diff --git a/Book Recommendation/Python/ParseData.py b/Book Recommendation/Python/ParseData.py new file mode 100644 index 00000000..44968a01 --- /dev/null +++ b/Book Recommendation/Python/ParseData.py @@ -0,0 +1,53 @@ +from pandas import read_csv +from os.path import join + +from ChicagoBoothML_Helpy.Print import printflush + + +def parse_book_crossing_data( + data_path='https://raw.githubusercontent.com/ChicagoBoothML/DATA___BookCrossing/master'): + + # Common NAs: + na_strings = [ + '', + 'na', 'n.a', 'n.a.', + 'nan', 'n.a.n', 'n.a.n.', + 'NA', 'N.A', 'N.A.', + 'NaN', 'N.a.N', 'N.a.N.', + 'NAN', 'N.A.N', 'N.A.N.', + 'nil', 'Nil', 'NIL', + 'null', 'Null', 'NULL'] + + printflush('Parsing Books...', end=' ') + books = read_csv( + join(data_path, 'BX-Books.csv'), + sep=';', + dtype=str, + na_values=na_strings, + usecols=['ISBN', 'Book-Title', 'Book-Author'], + error_bad_lines=False) + printflush('done!') + + printflush('Parsing Users...', end=' ') + users = read_csv( + join(data_path, 'BX-Users.csv'), + sep=';', + dtype=str, + na_values=na_strings, + error_bad_lines=False) + users['User-ID'] = users['User-ID'].astype(int) + users['Age'] = users['Age'].astype(float) + printflush('done!') + + printflush('Parsing Ratings...', end=' ') + ratings = read_csv( + join(data_path, 'BX-Book-Ratings.csv'), + sep=';', + dtype=str, + na_values=na_strings, + error_bad_lines=False) + ratings['User-ID'] = ratings['User-ID'].astype(int) + ratings['Book-Rating'] = ratings['Book-Rating'].astype(float) + printflush('done!') + + return dict(books=books, users=users, ratings=ratings) diff --git a/Book Recommendation/R/BookRecommendation.Rmd b/Book Recommendation/R/BookRecommendation.Rmd new file mode 100644 index 00000000..8893af4e --- /dev/null +++ b/Book Recommendation/R/BookRecommendation.Rmd @@ -0,0 +1,305 @@ +--- +title: "Recommendation Engine example: on Book Crossing data set" +author: 'Chicago Booth ML Team' +output: pdf_document +fontsize: 12 +geometry: margin=0.6in +--- + + +_**Note:** the current script suffers from memory exhaustion even for a good laptop. With more memory, the code could have been written like below. We'll update this once we've found a way around._ + + +This script uses the [**Book Crossing**](http://www2.informatik.uni-freiburg.de/~cziegler/BX) data set to illustrate personalized recommendation algorithms. + +_**Note**: as of the date of writing, the **`recommenderlab`** package's default implementation of the Latent-Factor Collaborative Filtering / Singular Value Decomposition (SVD) method has a bug and produces dodgy performances. We'll not cover this method for now._ + + +# Load Libraries & Helper Modules + +```{r message=FALSE, warning=FALSE} +# load RecommenderLab package +library(recommenderlab) + +# import data parser +source('https://raw.githubusercontent.com/ChicagoBoothML/MachineLearning_Fall2015/master/Programming%20Scripts/Book%20Recommendation/R/ParseData.R') +``` + + +# Data Import & Preprocessing + +```{r} +data <- parse_book_crossing_data() +books <- data$books +users <- data$users +ratings <- data$ratings +ratings[ , `:=`(user_id = factor(user_id), + isbn = factor(isbn))] +``` + +Let's examine the number of ratings per user and per book: + +```{r} +nb_ratings_per_user <- + dcast(ratings, user_id ~ ., fun.aggregate=length, value.var='book_rating') + +nb_ratings_per_book <- + dcast(ratings, isbn ~ ., fun.aggregate=length, value.var='book_rating') +``` + +Each user has rated from `r formatC(min(nb_ratings_per_user$.), big.mark=',')` to `r formatC(max(nb_ratings_per_user$.), big.mark=',')` books, and each book has been rated by from `r formatC(min(nb_ratings_per_book$.), big.mark=',')` to `r formatC(max(nb_ratings_per_book$.), big.mark=',')` users. + +```{r} +min_nb_ratings_per_user <- 6 +``` + +Let's remove the users with fewer than `r min_nb_ratings_per_user` to make the recommendation more rigorous: + +```{r} +users_with_enough_nb_ratings <- nb_ratings_per_user[. >= min_nb_ratings_per_user, user_id] + +ratings <- ratings[user_id %in% users_with_enough_nb_ratings, ] +``` + +Let's now convert the **`ratings`** to a RecommenderLab-format Real-Valued Rating Matrix: + +```{r} +ratings <- as(ratings, 'realRatingMatrix') + +ratings +``` + + +# Split Ratings Data into Training & Test sets + +Let's now establish a RecommenderLab Evaluation Scheme, which involves splitting the **`ratings`** into a Training set and a Test set: + +```{r} +train_proportion <- .5 +nb_of_given_ratings_per_test_user <- 3 + +evaluation_scheme <- evaluationScheme( + ratings, + method='split', + train=train_proportion, + k=1, + given=nb_of_given_ratings_per_test_user) + +evaluation_scheme +``` + +The data sets split out are as follows: + +- Training data: + +```{r} +ratings_train <- getData(evaluation_scheme, 'train') + +ratings_train +``` + +- Test data: "known"/"given" ratings: + +```{r} +ratings_test_known <- getData(evaluation_scheme, 'known') + +ratings_test_known +``` + +- Test data: "unknown" ratings to be predicted and evaluated against: + +```{r} +ratings_test_unknown <- getData(evaluation_scheme, 'unknown') + +ratings_test_unknown +``` + + +# Recommendation Models + +Let's now train a number of recommendation models. The methods available in the **`recommenderlab`** package are: + +```{r} +recommenderRegistry$get_entry_names() +``` + +The descriptions and default parameters for the methods applicable to a Real Rating Matrix are as follows: + +```{r} +recommenderRegistry$get_entries(dataType='realRatingMatrix') +``` + + +## Popularity-Based Recommender + +The description and default parameters of this method in **`recommenderlab`** are as follows: + +```{r} +recommenderRegistry$get_entry('POPULAR', dataType='realRatingMatrix') +``` + +We train a popularity-based recommender as follows: + +```{r} +popular_rec <- Recommender( + data=ratings_train, + method='POPULAR') + +popular_rec +``` + + +## User-Based Collaborative-Filtering Recommender + +User-Based Collaborative Filtering("**UBCF**") assumes that users with similar preferences will rate items similarly. Thus missing ratings for a user can be predicted by first finding a _**neighborhood**_ of similar users and then aggregate the ratings of these users to form a prediction. + +The description and default parameters of this method in **`recommenderlab`** are as follows: + +```{r} +recommenderRegistry$get_entry('UBCF', dataType='realRatingMatrix') +``` + +We train a UBCF recommender as follows: + +```{r} +# User-based Collaborative Filtering Recommender +user_based_cofi_rec <- Recommender( + data=ratings_train, + method='UBCF', # User-Based Collaborative Filtering + parameter=list( + normalize='center', # normalizing by subtracting average rating per user; + # note that we don't scale by standard deviations here; + # we are assuming people rate on the same scale but have + # different biases + method='Pearson', # use Pearson correlation + nn=30 # number of Nearest Neighbors for calibration + )) + +user_based_cofi_rec +``` + + +## Item-Based Collaborative-Filtering Recommender + +Item-Based Collaborative Filtering ("**IBCF**") is a model-based approach which produces recommendations based on the relationship between items inferred from the rating matrix. The assumption behind this approach is that users will prefer items that are similar to other items they like. + +The model-building step consists of calculating a similarity matrix containing all item-to-item +similarities using a given similarity measure. Popular measures are Pearson correlation and +Cosine similarity. For each item only a list of the $k$ most similar items and their similarity values are stored. The $k$ items which are most similar to item $i$ is denoted by the set $S(i)$ which can be seen as the neighborhood of size $k$ of the item. Retaining only $k$ similarities per item improves the space and time complexity significantly but potentially sacrifices some recommendation quality. + +The description and default parameters of this method in **`recommenderlab`** are as follows: + +```{r} +recommenderRegistry$get_entry('IBCF', dataType='realRatingMatrix') +``` + +We train a IBCF recommender as follows: + +```{r} +# Item-based Collaborative Filtering Recommender +item_based_cofi_rec <- Recommender( + data=ratings_train, + method='IBCF', # Item-Based Collaborative Filtering + parameter=list( + normalize='center', # normalizing by subtracting average rating per user; + # note that we don't scale by standard deviations here; + # we are assuming people rate on the same scale but have + # different biases + method='Pearson', # use Pearson correlation + k=100 # number of Nearest Neighbors for calibration + )) + +item_based_cofi_rec +``` + + +## Latent-Factor Collaborative-Filtering Recommender + +_**Note**: as of the date of writing, the **`recommenderlab`** package's default implementation of the Latent-Factor Collaborative Filtering / Singular Value Decomposition (SVD) method has a bug and produces dodgy performances. The code in this section is commented out for now._ + +This approache uses Singular-Value Decomposition (SVD) to factor the Rating Matrix into a product of user-feature and item-feature matrices. + +The description and default parameters of this method in **`recommenderlab`** are as follows: + +```{r} +recommenderRegistry$get_entry('SVD', dataType='realRatingMatrix') +``` + +We train a Latent-Factor CF recommender as follows: + +```{r} +# Latent-Factor Collaborative Filtering Recommender +# with matrix factorization by Singular-Value Decomposition (SVD) +# latent_factor_cofi_rec <- Recommender( +# data=ratings_train, +# method='SVD', # Item-Based Collaborative Filtering +# parameter=list( +# categories=30, # number of latent factors +# normalize='center', # normalizing by subtracting average rating per user; + # note that we don't scale by standard deviations here; + # we are assuming people rate on the same scale but have + # different biases +# method='Pearson' # use Pearson correlation +# )) + +# latent_factor_cofi_rec +``` + + +# Model Evaluation + +Now, we make predictions on the Test set and and evaluate these recommenders' OOS performances: + +```{r} +popular_rec_pred <- predict( + popular_rec, + ratings_test_known, + type='ratings') + +popular_rec_pred_acc <- calcPredictionAccuracy( + popular_rec_pred, + ratings_test_unknown) + +popular_rec_pred_acc +``` + +```{r} +user_based_cofi_rec_pred <- predict( + user_based_cofi_rec, + ratings_test_known, + type='ratings') + +user_based_cofi_rec_pred_acc <- calcPredictionAccuracy( + user_based_cofi_rec_pred, + ratings_test_unknown) + +user_based_cofi_rec_pred_acc +``` + +```{r} +item_based_cofi_rec_pred <- predict( + item_based_cofi_rec, + ratings_test_known, + type='ratings') + +item_based_cofi_rec_pred_acc <- calcPredictionAccuracy( + item_based_cofi_rec_pred, + ratings_test_unknown) + +item_based_cofi_rec_pred_acc +``` + +```{r} +# latent_factor_cofi_rec_pred <- predict( +# latent_factor_cofi_rec, +# ratings_test_known, +# type='ratings') + +# latent_factor_cofi_red_pred_acc <- calcPredictionAccuracy( +# latent_factor_cofi_rec_pred, +# ratings_test_unknown) + +# latent_factor_cofi_red_pred_acc +``` + +We can see that the User- and Item-based models perform much better than the Popularity-based model in terms of accuracy. diff --git a/Book Recommendation/R/ParseData.R b/Book Recommendation/R/ParseData.R new file mode 100644 index 00000000..1dac3f1c --- /dev/null +++ b/Book Recommendation/R/ParseData.R @@ -0,0 +1,64 @@ +parse_book_crossing_data <- function( + data_path='https://raw.githubusercontent.com/ChicagoBoothML/DATA___BookCrossing/master') { + + library(data.table) + + # Common NAs: + na_strings <- c( + '', + 'na', 'n.a', 'n.a.', + 'nan', 'n.a.n', 'n.a.n.', + 'NA', 'N.A', 'N.A.', + 'NaN', 'N.a.N', 'N.a.N.', + 'NAN', 'N.A.N', 'N.A.N.', + 'nil', 'Nil', 'NIL', + 'null', 'Null', 'NULL') + + cat('Parsing Books... ') + books <- read.csv( + file.path(data_path, 'BX-Books.csv'), + sep=';', + check.names=FALSE, + colClasses='character', + stringsAsFactors=FALSE, + na.strings=na_strings) + books <- as.data.table( + books[ , c('ISBN', 'Book-Title', 'Book-Author')]) + names(books) <- c('isbn', 'book_title', 'book_author') + cat('done!\n') + + cat('Parsing Users... ') + users <- fread( + file.path(data_path, 'BX-Users.csv'), + sep=';', + col.names=c('user_id', 'location', 'age'), + colClasses='character', + stringsAsFactors=FALSE, + na.strings=na_strings, + showProgress=FALSE) + users$user_id <- as.integer(users$user_id) + users$age <- as.numeric(users$age) + cat('done!\n') + + cat('Parsing Ratings... ') + ratings <- fread( + file.path(data_path, 'BX-Book-Ratings.csv'), + sep=';', + col.names=c('user_id', 'isbn', 'book_rating'), + colClasses='character', + stringsAsFactors=FALSE, + na.strings=na_strings, + showProgress=FALSE) + ratings$user_id <- as.integer(ratings$user_id) + ratings$book_rating <- as.numeric(ratings$book_rating) + cat('done!\n') + + list(books=books, users=users, ratings=ratings) +} + + + + + + + diff --git a/Boston Housing/Python/BostonHousing_KNN_BiasVarTradeOff_CrossValid.ipynb b/Boston Housing/Python/BostonHousing_KNN_BiasVarTradeOff_CrossValid.ipynb new file mode 100644 index 00000000..38a50b4d --- /dev/null +++ b/Boston Housing/Python/BostonHousing_KNN_BiasVarTradeOff_CrossValid.ipynb @@ -0,0 +1,1687 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# OVERVIEW\n", + "\n", + "This iPython Notebook uses the **_Boston Housing_** data set to illustrate the following:\n", + "\n", + "- The **$k$-Nearest Neighbors** (**KNN**) algorithm;\n", + "- The **Bias-Variance Trade-Off**; and\n", + "- The use of **Cross Validation** to estimate Out-of-Sample (OOS) prediction error and determine optimal hyper-parameters, in this case the number of nearest neighbors $k$. " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# _first, some boring logistics..._\n", + "\n", + "Let's first import some necessary Python packages and helper modules, and set the random number generator's seed:" + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# enable In-Line MatPlotLib\n", + "%matplotlib inline" + ] + }, + { + "cell_type": "code", + "execution_count": 39, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# import:\n", + "from ggplot import aes, geom_line, geom_point, ggplot, ggtitle, xlab, ylab\n", + "from numpy import log, nan, sqrt\n", + "from os import system\n", + "from pandas import DataFrame, melt, read_csv\n", + "from random import seed\n", + "from sklearn.cross_validation import cross_val_score, KFold\n", + "from sklearn.neighbors import KNeighborsRegressor\n", + "\n", + "system('pip install --upgrade git+git://GitHub.com/ChicagoBoothML/Helpy --no-dependencies')\n", + "from ChicagoBoothML_Helpy.CostFunctions import rmse\n", + "\n", + "seed(99)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Boston Housing data set\n", + "\n", + "Let's now import the Boston Housing data into a **`pandas`** data frame:" + ] + }, + { + "cell_type": "code", + "execution_count": 40, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
crimzninduschasnoxrmagedisradtaxptratioblacklstatmedv
1611.463360.019.5800.60507.48990.81.9709540314.7374.431.7350.0
1621.833770.019.5810.60507.80298.22.0407540314.7389.611.9250.0
400.0335975.02.9500.42807.02415.85.4011325218.3395.621.9834.9
2320.575290.06.2000.50708.33773.33.8384830717.4385.912.4741.7
1920.0866445.03.4400.43707.17826.36.4798539815.2390.492.8736.4
2040.0200995.02.6800.41618.03431.95.1180422414.7390.552.8850.0
30.032370.02.1800.45806.99845.86.0622322218.7394.632.9433.4
3706.538760.018.1010.63107.01697.51.20242466620.2392.052.9650.0
1950.0138180.00.4600.42207.87532.05.6484425514.4394.232.9750.0
2750.0960440.06.4100.44706.85442.84.2673425417.6396.902.9832.0
2820.0612920.03.3310.44297.64549.75.2119521614.9377.073.0146.0
2020.0217782.52.0300.41507.61015.76.2700234814.7395.383.1142.3
2560.0153890.03.7500.39407.45434.26.3361324415.9386.343.1144.0
2260.382140.06.2000.50408.04086.53.2157830717.4387.383.1337.6
2680.5405020.03.9700.57507.47052.62.8720526413.0390.303.1643.5
2830.0150190.01.2110.40107.92324.85.8850119813.6395.523.1650.0
3684.898220.018.1000.63104.970100.01.33252466620.2375.523.2650.0
1631.519020.019.5810.60508.37593.92.1620540314.7388.453.3250.0
2900.0350280.04.9500.41106.86127.95.1167424519.2396.903.3328.5
2740.0564440.06.4110.44706.75832.94.0776425417.6396.903.5332.4
2520.0822122.05.8600.43106.9576.88.9067733019.1386.093.5329.6
2530.3689422.05.8600.43108.2598.48.9067733019.1396.903.5442.8
2910.0788680.04.9500.41107.14827.75.1167424519.2396.903.5637.3
980.081870.02.8900.44507.82036.93.4952227618.0393.533.5743.8
2510.2140922.05.8600.43106.4388.97.3967733019.1377.073.5924.8
1662.010190.019.5800.60507.92996.22.0459540314.7369.303.7050.0
3695.669980.018.1010.63106.68396.81.35672466620.2375.333.7350.0
2290.441780.06.2000.50406.55221.43.3751830717.4380.343.7631.5
2800.0357820.03.3300.44297.82064.54.6947521614.9387.313.7645.4
2030.0351095.02.6800.41617.85333.25.1180422414.7392.783.8148.5
.............................................
1434.097400.019.5800.87105.468100.01.4118540314.7396.9026.4215.6
43715.177200.018.1000.74006.152100.01.91422466620.29.3226.458.7
41725.940600.018.1000.67905.30489.11.64752466620.2127.3626.6410.4
40025.046100.018.1000.69305.987100.01.58882466620.2396.9026.775.6
1423.321050.019.5810.87105.403100.01.3216540314.7396.9026.8213.4
1260.387350.025.6500.58105.61395.61.7572218819.1359.2927.2615.7
40441.529200.018.1000.69305.53185.41.60742466620.2329.4627.388.5
321.387990.08.1400.53805.95082.03.9900430721.0232.6027.7113.2
1452.379340.019.5800.87106.130100.01.4191540314.7172.9127.8013.8
38624.393800.018.1000.70004.652100.01.46722466620.2396.9028.2810.5
1482.330990.019.5800.87105.18693.81.5296540314.7356.9928.3217.8
41518.084600.018.1000.67906.434100.01.83472466620.227.2529.057.2
1442.779740.019.5800.87104.90397.81.3459540314.7396.9029.2911.8
1472.368620.019.5800.87104.92695.71.4608540314.7391.7129.5314.6
2140.289550.010.5900.48905.4129.83.5875427718.6348.9329.5523.7
4900.207460.027.7400.60905.09398.01.8226471120.1318.4329.688.1
80.2112412.57.8700.52405.631100.06.0821531115.2386.6329.9316.5
3999.916550.018.1000.69305.85277.81.50042466620.2338.1629.976.3
39838.351800.018.1000.69305.453100.01.48962466620.2396.9030.595.0
38814.333700.018.1000.70004.880100.01.58952466620.2372.9230.6210.2
38420.084900.018.1000.70004.36891.21.43952466620.2285.8330.638.8
480.253870.06.9100.44805.39995.35.8700323317.9396.9030.8114.4
38516.811800.018.1000.70005.27798.11.42612466620.2396.9030.817.2
38722.597100.018.1000.70005.00089.51.51842466620.2396.9031.997.4
43813.678100.018.1000.74005.93587.91.82062466620.268.9534.028.4
41218.811000.018.1000.59704.628100.01.55392466620.228.7934.3717.9
1411.628640.021.8900.62405.019100.01.4394443721.2396.9034.4114.4
37311.108100.018.1000.66804.906100.01.17422466620.2396.9034.7713.8
41445.746100.018.1000.69304.519100.01.65822466620.288.2736.987.0
37418.498200.018.1000.66804.138100.01.13702466620.2396.9037.9713.8
\n", + "

506 rows × 14 columns

\n", + "
" + ], + "text/plain": [ + " crim zn indus chas nox rm age dis rad tax \\\n", + "161 1.46336 0.0 19.58 0 0.6050 7.489 90.8 1.9709 5 403 \n", + "162 1.83377 0.0 19.58 1 0.6050 7.802 98.2 2.0407 5 403 \n", + "40 0.03359 75.0 2.95 0 0.4280 7.024 15.8 5.4011 3 252 \n", + "232 0.57529 0.0 6.20 0 0.5070 8.337 73.3 3.8384 8 307 \n", + "192 0.08664 45.0 3.44 0 0.4370 7.178 26.3 6.4798 5 398 \n", + "204 0.02009 95.0 2.68 0 0.4161 8.034 31.9 5.1180 4 224 \n", + "3 0.03237 0.0 2.18 0 0.4580 6.998 45.8 6.0622 3 222 \n", + "370 6.53876 0.0 18.10 1 0.6310 7.016 97.5 1.2024 24 666 \n", + "195 0.01381 80.0 0.46 0 0.4220 7.875 32.0 5.6484 4 255 \n", + "275 0.09604 40.0 6.41 0 0.4470 6.854 42.8 4.2673 4 254 \n", + "282 0.06129 20.0 3.33 1 0.4429 7.645 49.7 5.2119 5 216 \n", + "202 0.02177 82.5 2.03 0 0.4150 7.610 15.7 6.2700 2 348 \n", + "256 0.01538 90.0 3.75 0 0.3940 7.454 34.2 6.3361 3 244 \n", + "226 0.38214 0.0 6.20 0 0.5040 8.040 86.5 3.2157 8 307 \n", + "268 0.54050 20.0 3.97 0 0.5750 7.470 52.6 2.8720 5 264 \n", + "283 0.01501 90.0 1.21 1 0.4010 7.923 24.8 5.8850 1 198 \n", + "368 4.89822 0.0 18.10 0 0.6310 4.970 100.0 1.3325 24 666 \n", + "163 1.51902 0.0 19.58 1 0.6050 8.375 93.9 2.1620 5 403 \n", + "290 0.03502 80.0 4.95 0 0.4110 6.861 27.9 5.1167 4 245 \n", + "274 0.05644 40.0 6.41 1 0.4470 6.758 32.9 4.0776 4 254 \n", + "252 0.08221 22.0 5.86 0 0.4310 6.957 6.8 8.9067 7 330 \n", + "253 0.36894 22.0 5.86 0 0.4310 8.259 8.4 8.9067 7 330 \n", + "291 0.07886 80.0 4.95 0 0.4110 7.148 27.7 5.1167 4 245 \n", + "98 0.08187 0.0 2.89 0 0.4450 7.820 36.9 3.4952 2 276 \n", + "251 0.21409 22.0 5.86 0 0.4310 6.438 8.9 7.3967 7 330 \n", + "166 2.01019 0.0 19.58 0 0.6050 7.929 96.2 2.0459 5 403 \n", + "369 5.66998 0.0 18.10 1 0.6310 6.683 96.8 1.3567 24 666 \n", + "229 0.44178 0.0 6.20 0 0.5040 6.552 21.4 3.3751 8 307 \n", + "280 0.03578 20.0 3.33 0 0.4429 7.820 64.5 4.6947 5 216 \n", + "203 0.03510 95.0 2.68 0 0.4161 7.853 33.2 5.1180 4 224 \n", + ".. ... ... ... ... ... ... ... ... ... ... \n", + "143 4.09740 0.0 19.58 0 0.8710 5.468 100.0 1.4118 5 403 \n", + "437 15.17720 0.0 18.10 0 0.7400 6.152 100.0 1.9142 24 666 \n", + "417 25.94060 0.0 18.10 0 0.6790 5.304 89.1 1.6475 24 666 \n", + "400 25.04610 0.0 18.10 0 0.6930 5.987 100.0 1.5888 24 666 \n", + "142 3.32105 0.0 19.58 1 0.8710 5.403 100.0 1.3216 5 403 \n", + "126 0.38735 0.0 25.65 0 0.5810 5.613 95.6 1.7572 2 188 \n", + "404 41.52920 0.0 18.10 0 0.6930 5.531 85.4 1.6074 24 666 \n", + "32 1.38799 0.0 8.14 0 0.5380 5.950 82.0 3.9900 4 307 \n", + "145 2.37934 0.0 19.58 0 0.8710 6.130 100.0 1.4191 5 403 \n", + "386 24.39380 0.0 18.10 0 0.7000 4.652 100.0 1.4672 24 666 \n", + "148 2.33099 0.0 19.58 0 0.8710 5.186 93.8 1.5296 5 403 \n", + "415 18.08460 0.0 18.10 0 0.6790 6.434 100.0 1.8347 24 666 \n", + "144 2.77974 0.0 19.58 0 0.8710 4.903 97.8 1.3459 5 403 \n", + "147 2.36862 0.0 19.58 0 0.8710 4.926 95.7 1.4608 5 403 \n", + "214 0.28955 0.0 10.59 0 0.4890 5.412 9.8 3.5875 4 277 \n", + "490 0.20746 0.0 27.74 0 0.6090 5.093 98.0 1.8226 4 711 \n", + "8 0.21124 12.5 7.87 0 0.5240 5.631 100.0 6.0821 5 311 \n", + "399 9.91655 0.0 18.10 0 0.6930 5.852 77.8 1.5004 24 666 \n", + "398 38.35180 0.0 18.10 0 0.6930 5.453 100.0 1.4896 24 666 \n", + "388 14.33370 0.0 18.10 0 0.7000 4.880 100.0 1.5895 24 666 \n", + "384 20.08490 0.0 18.10 0 0.7000 4.368 91.2 1.4395 24 666 \n", + "48 0.25387 0.0 6.91 0 0.4480 5.399 95.3 5.8700 3 233 \n", + "385 16.81180 0.0 18.10 0 0.7000 5.277 98.1 1.4261 24 666 \n", + "387 22.59710 0.0 18.10 0 0.7000 5.000 89.5 1.5184 24 666 \n", + "438 13.67810 0.0 18.10 0 0.7400 5.935 87.9 1.8206 24 666 \n", + "412 18.81100 0.0 18.10 0 0.5970 4.628 100.0 1.5539 24 666 \n", + "141 1.62864 0.0 21.89 0 0.6240 5.019 100.0 1.4394 4 437 \n", + "373 11.10810 0.0 18.10 0 0.6680 4.906 100.0 1.1742 24 666 \n", + "414 45.74610 0.0 18.10 0 0.6930 4.519 100.0 1.6582 24 666 \n", + "374 18.49820 0.0 18.10 0 0.6680 4.138 100.0 1.1370 24 666 \n", + "\n", + " ptratio black lstat medv \n", + "161 14.7 374.43 1.73 50.0 \n", + "162 14.7 389.61 1.92 50.0 \n", + "40 18.3 395.62 1.98 34.9 \n", + "232 17.4 385.91 2.47 41.7 \n", + "192 15.2 390.49 2.87 36.4 \n", + "204 14.7 390.55 2.88 50.0 \n", + "3 18.7 394.63 2.94 33.4 \n", + "370 20.2 392.05 2.96 50.0 \n", + "195 14.4 394.23 2.97 50.0 \n", + "275 17.6 396.90 2.98 32.0 \n", + "282 14.9 377.07 3.01 46.0 \n", + "202 14.7 395.38 3.11 42.3 \n", + "256 15.9 386.34 3.11 44.0 \n", + "226 17.4 387.38 3.13 37.6 \n", + "268 13.0 390.30 3.16 43.5 \n", + "283 13.6 395.52 3.16 50.0 \n", + "368 20.2 375.52 3.26 50.0 \n", + "163 14.7 388.45 3.32 50.0 \n", + "290 19.2 396.90 3.33 28.5 \n", + "274 17.6 396.90 3.53 32.4 \n", + "252 19.1 386.09 3.53 29.6 \n", + "253 19.1 396.90 3.54 42.8 \n", + "291 19.2 396.90 3.56 37.3 \n", + "98 18.0 393.53 3.57 43.8 \n", + "251 19.1 377.07 3.59 24.8 \n", + "166 14.7 369.30 3.70 50.0 \n", + "369 20.2 375.33 3.73 50.0 \n", + "229 17.4 380.34 3.76 31.5 \n", + "280 14.9 387.31 3.76 45.4 \n", + "203 14.7 392.78 3.81 48.5 \n", + ".. ... ... ... ... \n", + "143 14.7 396.90 26.42 15.6 \n", + "437 20.2 9.32 26.45 8.7 \n", + "417 20.2 127.36 26.64 10.4 \n", + "400 20.2 396.90 26.77 5.6 \n", + "142 14.7 396.90 26.82 13.4 \n", + "126 19.1 359.29 27.26 15.7 \n", + "404 20.2 329.46 27.38 8.5 \n", + "32 21.0 232.60 27.71 13.2 \n", + "145 14.7 172.91 27.80 13.8 \n", + "386 20.2 396.90 28.28 10.5 \n", + "148 14.7 356.99 28.32 17.8 \n", + "415 20.2 27.25 29.05 7.2 \n", + "144 14.7 396.90 29.29 11.8 \n", + "147 14.7 391.71 29.53 14.6 \n", + "214 18.6 348.93 29.55 23.7 \n", + "490 20.1 318.43 29.68 8.1 \n", + "8 15.2 386.63 29.93 16.5 \n", + "399 20.2 338.16 29.97 6.3 \n", + "398 20.2 396.90 30.59 5.0 \n", + "388 20.2 372.92 30.62 10.2 \n", + "384 20.2 285.83 30.63 8.8 \n", + "48 17.9 396.90 30.81 14.4 \n", + "385 20.2 396.90 30.81 7.2 \n", + "387 20.2 396.90 31.99 7.4 \n", + "438 20.2 68.95 34.02 8.4 \n", + "412 20.2 28.79 34.37 17.9 \n", + "141 21.2 396.90 34.41 14.4 \n", + "373 20.2 396.90 34.77 13.8 \n", + "414 20.2 88.27 36.98 7.0 \n", + "374 20.2 396.90 37.97 13.8 \n", + "\n", + "[506 rows x 14 columns]" + ] + }, + "execution_count": 40, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# read Boston Housing data into data frame\n", + "boston_housing = read_csv(\n", + " 'https://raw.githubusercontent.com/ChicagoBoothML/DATA___BostonHousing/master/BostonHousing.csv')\n", + "boston_housing.sort(columns='lstat', inplace=True)\n", + "nb_samples = len(boston_housing)\n", + "boston_housing" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let us then focus on the two variables of interest: **`lstat`** (our predictor variable(s) $\\mathbf X$) and **`medv`** (our variable to predict $\\mathbf y$). Below is a plot of them against each other:" + ] + }, + { + "cell_type": "code", + "execution_count": 41, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAp0AAAH+CAYAAADeXbVXAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3Xl8lPW99//3NZnJOgkJEBCXA8YFEjYrKmhZyimKlWqF\nHm/v2nqQUmu9q62tHKQncLpgWrRFWw/9HW1Ly7GL3spSUW61rfcpigLHQpElAREFbW+xkbJMJtsk\nc/3+CDPMNVtmJnPNkryej4cPJzPXXNf3+syVzIfPd7kM0zRNAQAAADZyZLsBAAAA6P9IOgEAAGA7\nkk4AAADYjqQTAAAAtiPpBAAAgO1IOgEAAGA7kk4AiOPw4cNyOBx67bXXst2UjPjWt76liy66KNvN\n6NVA+1yA/oCkE8hTt912mxwOR/C/yspKXXXVVXr++efTepwvfOELmjlzZlr3Gc+aNWvkcrmivvax\nj31Mt99+e8baIkn/8A//oKNHj+qKK67I6HGzyTCMbDch7e6//36df/75Sb/vL3/5ixwOh15++WUb\nWgUMLCSdQB6bPn26jh49qqNHj2rbtm269NJLdeONN+rtt9/OdtNsYRhGxhMih8OhYcOGyel0ZvS4\n2cQ9QyIRE6DvSDqBPFZYWKhhw4Zp2LBhGjNmjL73ve/J5/Npz549wW3ef/99/c//+T9VVVWl0tJS\nzZw5Uzt27Ai+7vP59PWvf13nnXeeiouLdfbZZ+szn/mMpJ6u1p///OfavHlzsKL6+OOPJ7TfP/7x\nj3I4HPrDH/6g6dOnq6ysTGPHjtULL7yQtvP3+XxasmSJzj33XBUVFWns2LF64oknLNs4HA795je/\nsTw3a9YsLViwIPjzM888o4985CMqKytTVVWVJk+erF27dkmK7MYN/Pz000/rk5/8pMrKynTBBRfo\nP//zPy3HeOedd3TNNdeopKREo0aN0mOPPZZSpTbQ3f3000/rwgsvVFlZmT796U+rpaVFTz/9tEaP\nHq2KigrddNNNOnXqlOW9Tz75pC655BKVlJTo/PPP17333qvW1tbg6+3t7brzzjtVWVmpwYMH63/9\nr/+ljo6O4Ou///3v5XQ69de//tWy3//9v/+3ysrK1NLSEtHegwcPyuFwaOvWrZbnt2/fLofDoUOH\nDkmSfvazn6m2tlYlJSUaMmSIZsyYEXGcZH33u9/VBRdcoOLiYg0bNkzXXnut2tvbtWbNGv3bv/2b\njhw5EryOv/Od70iSfvOb32jy5MmqrKxUdXW1PvnJT+rgwYPBff7DP/yDJGnmzJlyOByqqanpUxuB\nAc0EkJfmz59vzpo1K/hzR0eHuXLlSrOkpMR89913TdM0Tb/fb15xxRXmRz7yEfPVV1819+zZY958\n881mVVWV+eGHH5qmaZorV640zz33XHPz5s3me++9Z77++uvmj370I9M0TbOlpcX87Gc/a370ox81\nP/jgA/ODDz4w29raEtrvf/3Xf5mGYZgTJ040X3zxRfOtt94yFyxYYFZUVJjHjx+PeV6/+MUvTKfT\nGfW1GTNmmLfffnvw50WLFplDhgwx165dax48eND87ne/azocDvOll14KbmMYhvnrX//asp9Zs2aZ\nCxYsME3TNN9//33T5XKZ3//+983Dhw+b+/fvN5944glzz549pmma5jvvvGMahmG++uqrlp9ramrM\np59+2jx06JD5r//6r6bT6TTffPPNYNwnTpxoTpkyxXz99dfNXbt2mdddd505aNAgS/u/+c1vmoZh\nxIxFYJuysjLzk5/8pLlnzx5z8+bNZnV1tXn11Veb1113nbl7925zy5Yt5vDhw8377rvPEseqqirz\nV7/6lfnOO++YL7/8sjlhwgTz1ltvDW5zzz33mMOGDTM3btxoHjhwwFy0aJFZUVFhXnTRRaZpmmZ3\nd7d57rnnmg888IClTZ/4xCfMz372szHbfNVVV5l33nmn5bk777zT/OhHP2qapmn+6U9/Mp1Op/nL\nX/7SfPfdd809e/aYq1evNv/yl7/EjUWo8M9l3bp1ZkVFhfncc8+Z7733nrlr1y7zRz/6kdnW1ma2\ntbWZS5YsMc8777zgddzS0hKM03PPPWe+/fbb5q5du8wbbrjBvOiii8zOzk7TNE3zz3/+s2kYhrlh\nwwbzgw8+CF7fAJJH0gnkqfnz55tOp9N0u92m2+02HQ6H6Xa7zQ0bNgS3+cMf/mAahmE2NTUFn+vo\n6DBHjBhhfuc73zFN0zS/+tWvmv/4j/8Y8zgLFy40P/axj1meS2S/gaQztD0ffPCBaRiG+bvf/S7m\n8X7xi1+YhmEEzyv0v4KCgmDS5vV6zaKiIvM//uM/LO+fO3eu5Xx6Szp37txpGoZhHj58OGp7YiWd\nDz/8cHCb7u5us7y83PzJT35imqZp/u53vzMNwzAPHToU3Obvf/+7WVpaakk6V61aZdbW1saMhWn2\nJJ1Op9M8duxY8Lkvf/nLZkFBgSUB+upXv2pedtllwZ9HjhxpPvbYY5Z9bd682TQMwzxx4oTZ0tJi\nFhcXmz/72c8s21x22WXBpNM0TXPJkiXmuHHjgj8fPXrUdDqdcT/DRx991Bw8eHAwcevo6DAHDx4c\njM/69evNQYMGmadOnYp77vGEfy4PPfSQefHFF5s+ny/q9suXLzdHjRrV636PHTtmGoZhvvbaa6Zp\nmuZ7771nGoZhbt68OeW2AuhB9zqQx6ZMmaI33nhDb7zxhnbs2KEvf/nLuvXWW4Pd3Pv27dOQIUM0\nZsyY4HsKCws1efJk7du3T5K0YMEC7dmzRxdeeKHuvPNOrV+/Xj6fL+5xE9lvwCWXXBJ8PGzYMBUU\nFOiDDz6Iu/+CgoLgeQX+27Vrly677LLgNm+99ZY6Ozs1ffp0y3unT58e0YZ4Jk6cqNmzZ2vcuHGa\nN2+eHnnkEf3lL3/p9X2h5xUY9xk4r8bGRg0dOtTSFVtVVaXRo0db9vHlL39ZjY2NvR7rnHPO0eDB\ng4M/Dx8+XGeddZaGDBliee5vf/ubJKm5uVnvvvuuvva1r6m8vDz433XXXSfDMPTWW2/p0KFD6ujo\n0FVXXWU51kc/+lHL+MX58+dr3759+vOf/yxJ+vWvf63hw4dr1qxZMdv7P/7H/1Bra6uee+45SdJz\nzz2n1tZW3XzzzZKka665RjU1NTr//PP1mc98Rj/96U917NixXuMQz8033yyfz6eRI0dqwYIF+tWv\nfhW1+z/crl27NHfuXNXU1KiiokIjR46UJB05cqRP7QEQiaQTyGPFxcWqqalRTU2NLrnkEq1YsULn\nnXeefvjDH8Z9n2mawQk5EydO1DvvvKMf/OAHKiws1Fe/+lVdcskl8ng8SbcndL8BhYWFEdv5/f5e\n9xU4r8B/F1xwgUpKSpJuk2EYEZNAOjs7g48dDoeef/55/d//+391+eWXa926dbr44ou1adOmuPsN\nPy/DMCznFW3CU3g7EhU+m98wjKjPBY4f+P8jjzxiSdx3796tgwcPaty4cQkfe8yYMbrsssuCY3kf\nf/xxfe5zn4s7oauqqkrXX3+95T2f+tSnVFFRIUkqKyvTn/70J23YsEEXX3yxHn30UV144YXauXNn\nwu0Kd/bZZ2v//v36+c9/rmHDhmn58uUaPXp03H9AtLa26pprrlFBQYHWrFmj119/Xa+//roMw7Bc\nIwDSg6QTyGPRvvgNw1B7e7skaezYsTp27JiampqCr3d0dGj79u2WxKOsrEw33nijfvSjH+lPf/qT\nmpqagkvEFBYWqru723KMRPdrpwsvvFBFRUXavHmz5fnNmzdr/PjxwZ+HDRtmmaDS0dERtbp4+eWX\n6xvf+IY2b96sGTNm6Be/+EXKbaurq1Nzc7NlFYHjx4/rzTffTHmfyRg+fLjOO+887d+/PyJ5r6mp\nUVFRkS644AIVFhbq1Vdftbz31Vdfjbiu5s+fryeeeEI7d+7U7t279c///M+9tmH+/Pn6P//n/+jN\nN9/U888/H/Eeh8OhadOm6dvf/rZ27NihESNGREz4SlZhYaFmz56tBx54QHv27FFra6ueeeaZ4Gvh\n13FTU5M+/PBDNTQ0aPr06Ro9erT+/ve/W/5xEPjHRfh7ASRv4KwBAvRDHR0d+uCDD2Sapjwej558\n8kk1NTWpvr5ekvTxj39cV1xxhW655Rb9+Mc/VkVFhZYvX67Ozk7deeedkqTvf//7OuecczRx4kSV\nlpbqiSeekNPp1MUXXyypp+K4du1aNTY2atiwYaqoqEhov3Ywe8ahS5JKS0v1la98RcuWLVN1dbUm\nTJigtWvXauPGjfrDH/4QfM+sWbP06KOPavr06XK73WpoaLAMH3jttdf00ksvafbs2TrrrLN08OBB\n7d69W1/4wheSblvA1VdfrYkTJ+rWW2/Vj370I7lcLtXX18vlclkSulWrVunHP/6xJXlPl4aGBi1c\nuFBVVVW64YYb5HK51NTUpBdeeEGPPvqoysrK9KUvfUlLly7V8OHDdfHFF2v16tV68803NXz4cMu+\nPvOZz+jrX/+6Fi5cqEmTJqmurq7X41977bWqqqrSzTffrMGDB+vaa68NvrZx40a9/fbbmjZtmqqr\nq7Vjxw699957Gjt2rCTpr3/9qz7+8Y9rxYoVuvHGGxM639WrV8s0TV1++eWqrKzUSy+9JI/HE2zr\n+eefH1xaLLAKwMiRI1VUVKRHHnlEX//613X48GEtWbLE8hkNHTpUbrdbL774ompra1VUVKSqqqqE\n2gTAikonkKcMw9Arr7yiESNG6Oyzz9akSZO0YcMG/exnP9Mtt9wS3O63v/2txowZozlz5uiKK67Q\n3/72N/3+978PjhEcNGiQHnroIV111VWaMGGCnnnmGa1bty54V5qFCxfq8ssv11VXXaVhw4bpySef\nTGi/gTamem6xng99raGhQbfffrvuuecejR8/Xr/5zW/061//2rKY/Q9+8AONGzdOs2fP1pw5c/Sx\nj31Ml19+efD1yspKbdu2TZ/61Kd08cUXa+HChfrc5z6nZcuWxWxPrApzqA0bNqisrEzTpk3TDTfc\noDlz5mj06NEqLi4ObnPs2LFeq5/R1iZN5LnPfe5zeuqpp/Tcc89p8uTJuuKKK/Ttb39b5557bnCb\nQFJ36623avLkyTp16pS+/OUvR7Rh8ODBmjNnTsJVTqlnXO4tt9yi3bt365ZbbpHDcebrpqqqSs8+\n+6w+8YlPaPTo0VqyZImWLVsWXMbK5/PpzTffjFgCKlpsQtv4i1/8QjNnzlRdXZ1++MMf6qc//Wnw\nWpg7d65uuukmzZkzR8OGDdP3v/99DR06VL/61a/0+9//XuPGjdPixYu1cuVKS1sdDod+/OMf66mn\nntJ5552nSZMmJXT+ACIZZqqDjFLQ1tamjRs3qrm5WZJ04403avDgwVq7dq1OnDihyspK3XTTTSmN\n2wKAXObxeHTuuefqu9/9btTEDgD6u4wmnRs2bNDIkSN16aWXqru7Wz6fTy+//LJKS0s1depUbdmy\nRW1tbbr66qsz1SQAsMWzzz6rgoIC1dbW6m9/+5u+/e1va9u2bTpw4ICqq6uz3TwAyLiMda+3t7fr\nyJEjuvTSSyX1dL0UFxfrwIEDwaVHJk6cqP3792eqSQBgm9bWVv3Lv/yLxo0bp+uvv16StGXLFhJO\nAANWxiYSHT9+XGVlZfrtb3+ro0eP6uyzz9a1114rr9crt9stSXK73fJ6vZKkU6dORayx5na7g0tu\nAEAuu/nmm4PrUgIAMph0+v1+vf/++7ruuut0zjnn6Pnnn9eWLVss24QOCt+xY0fEUigzZsywTBAA\nAABAfshY0llRUaGKigqdc845knrWsduyZYvcbrc8Ho/Ky8vl8XhUVlYmSZo0aVLE3TvcbreOHz+u\nrq6uTDU7qqKiInV0dGS1DU6nU1VVVcTjNOJhRTwiERMr4mFFPKyIhxXxiBSISVLvsaktEcrLy1VR\nUaEPP/xQQ4cO1dtvv63q6mpVV1frjTfe0NSpU7Vr167gbfUCSWq45ubmXm/RZzen05n1NgR0dXVl\nvS3Ew4p4WOVSPCRiEo54WBEPK+JhRTz6JqOLw1933XVav369uru7VVVVpRtvvFF+v19PP/20du7c\nGVwyCQAAAP1LRpPOs846S1/84hcjnp8/f34mmwEAAIAM445EAAAAsB1JJwAAAGxH0gkAAADbkXQC\nAADAdiSdAAAAsB1JJwAAAGxH0gkAAADbkXQCAADAdiSdAAAAsB1JJwAAAGxH0gkAAADbkXQCAADA\ndiSdAAAAsB1JJwAAAGxH0gkAAADbkXQCAADAdiSdAAAAsB1JJwAAAGxH0gkAAADbkXQCAADAdiSd\nAAAAsB1JJwAAAGxH0gkAAADbkXQCAADAdiSdAAAAsB1JJwAAAGxH0gkAAADbkXQCAADAdiSdAAAA\nsB1JJwAAAGxH0gkAAADbkXQCAADAdiSdAAAAsJ1hmqaZ7UYkqr29Xe3t7cp2kx0Oh/x+f1bbYBiG\nCgsL1dnZSTxEPMIRj0jExIp4WBEPK+JhRTwiGYahysrKpN7jtKkttiguLpbH45HP58tqO0pKStTW\n1pbVNrhcLlVWVsrr9RIPEY9wxCMSMbEiHlbEw4p4WBGPSC6XK+n30L0OAAAA25F0AgAAwHYknQAA\nALAdSScAAABsR9IJAAAA25F0AgAAwHYknQAAALAdSScAAABsR9IJAAAA25F0AgAAwHYknQAAALAd\nSScAAABsR9IJAAAA25F0AgAAwHYknQAAALAdSScAAABsR9IJAAAA25F0AgAAwHYknQAAALAdSScA\nAABsR9IJAAAA25F0AgAAwHYknQAAALAdSScAAABsR9IJAAAA25F0AgAAwHYknQAAALAdSScAAABs\nR9IJAAAA25F0AgAAwHYknQAAALCdM5MHe/jhh1VUVCSHwyGHw6EvfvGLam1t1dq1a3XixAlVVlbq\npptuUklJSSabBQAAAJtlNOk0DEO33XabSktLg89t2bJFNTU1mjp1qrZs2aItW7bo6quvzmSzAAAA\nYLOsd68fOHBAl1xyiSRp4sSJ2r9/f5ZbhKYmp+bNG6LZs4fq2muHat68IWpqSuzfJ01NTk2fPlTn\nnTdCF110lh57rESzZw/VRRedpYsuOkvXXjs0uK+mJqdmzx6qMWOsz6fapt27pRtuGJRUe9Ml0L55\n84Zo376+/1qF7i/WuSSyDQAAuSLj31SPP/64DMPQZZddpkmTJsnr9crtdkuS3G63vF6vJOnUqVNq\naWmxvNftdsvpzP6Xa0FBgVwuV1bbEIiDHfFYunSQtm8vDHuuUhs3noy6fWg8li4dpEOHet7b2mro\n/vsr5fcbwW337CkM7mvp0kHau7cw4vlU2uR0OnXXXdK2bYW9ttcOoe1bvLhAzzzTmbb9xTqXeNvY\neX0kKxd+XyRiEo54WBEPK+JhRTwipRKLjEZv4cKFKi8vl9fr1eOPP66hQ4daXjeMM8nJjh07tHnz\nZsvrM2bM0MyZMzPS1nxRVVWV9n1Gu5ZdrkJVV1cn/d7QzzR8X+HbxjtGsm1KtL3pEto+p9PZ52OH\n7i/WuSSyjR3XR74jJlbEw4p4WBEPK+LRN4ZpmmY2DvzHP/5RhYWF2rFjh2677TaVl5fL4/FozZo1\nuvvuu2NWOru7u9XV1ZWNJgcVFRWpo6Mjq21wOp2qqqrS8ePH0x6PxsYCLVniltfbkzSWlppasaJF\ndXXdUbcPjUdjY4G+8AW33n7bpeJiU/fd16K1a4t16FDPv28uvLBbjzziUV1dtxobC3T33W4dPuzU\n+eefeT6VNjmdTr33XpW+9CWfTDN+e+0QaJ8kPfRQpy68sC1t+4t1LvG2sfP6SFYu/L5IxCQc8bAi\nHlbEw4p4RArEJBkZSzo7OztlmqaKiorU2dmpX/7yl5oxY4befvttlZaWaurUqXrllVfU3t4edyJR\nc3OzfD5fJpocU0lJidra+pZU9JXL5VJ1dTXxOI14WBGPSMTEinhYEQ8r4mFFPCIFYpKMjHWve71e\nPfnkk5Ikv9+vCRMm6MILL9TZZ5+tp59+Wjt37gwumQQAAID+JWNJZ1VVle68886I50tLSzV//vxM\nNQMAAABZkPUlkwAAAND/kXQCAADAdiSdGJBYWB0AgMwi6cSAVF8/SNu3F2n79iLV1w/KdnMAAOj3\nSDqRdVQdAQDo/0g6kXWhVce5c5O713uqGhpOavLkDk2e3KGGhszdLhMAgIGKshJyisfjCHZ5r19/\nzLbj1NZ22bp/AABgRaUTWReoOpaX+7PdFAAAYBMqnci6QNWxqckZnNRDlzcAAP0LSSdyBl3eAAD0\nX3SvAwAAwHYknQAAALAdSScAAABsR9IJAAAA25F0AgAAwHYknQAAALAdSScAAABsR9KJnNDU5NS8\neUMyct91AACQeSSdyAn19YO0fXtR8L7rAACgfyHpBAAAgO1IOpETGhpOavLkDk2e3MF91wEA6IcY\nPIecwH3XAQDo36h0AgAAwHYknbAFs9EBAEAokk7YgtnoAAAgFEknAAAAbEfSCVswGx0AAIRisB1s\nkehs9KYmZ7D7vaHhpGpru+xuGgAAyAIqncgqxn4CADAwkHQCAADAdiSdyCrGfgIAMDAwphNZFW3s\nJ+M8AQDofwzTNM1sNyJR7e3tam9vV7ab7HA45Pf7s9oGwzBUWFiozs7OfhePOXPc2rrVJUm68kqf\nNm1q6fU9/TkeqSAekYiJFfGwIh5WxMOKeEQyDEOVlZVJvSevKp3FxcXyeDzy+XxZbUdJSYna2tqy\n2gaXy6XKykp5vd5+Fw+/vzTksT+hfffneKSCeEQiJlbEw4p4WBEPK+IRyeVyJf0exnQi5zDOEwCA\n/ievKp0YGBJd4xMAAOQPKp0AAACwHUknbNPU5NS8eUM0b94QNTVRVAcAYCAj6YRtuNsQAAAIIOlE\nVlAFBQBgYCHphG3izUKnCgoAwMBC0gnb1NZ2BZPN+vpBVDQBABjASDphq1gVTdbiBABgYKH0hKxg\nLU4AAAYWKp2wVX+vaDIhCgCAxPAtCVv194pmYPhA4HF/PlcAAPqCSicyjuogAAADD0knMq4/LZfU\n34cPAACQLpSZgD7o78MHAABIFyqdyDiqgwAADDxUOmGbpiZnsPu8oeGkamu7JFEdBABgIKLSCdv0\np7GbAACgb0g6AQAAYDuSTtiGsZsAACCAMZ2wDWM3AQBAAJVOpCywyPucOW4WeQcAAHGRdCJlgYlC\nW7e6mCgEAADiIukEAACA7Ug6kbLARKErr/RlbKIQ920HACA/8a2NlAUmCpWUlKitrSsjxwx06Qce\nM1EJAID8QKUTAAAAtiPpRF5h7U8AAPIT3evIK6z9CQBAfqLSCQAAANuRdAIAAMB2Ge1e9/v9+slP\nfqKKigrdcsstam1t1dq1a3XixAlVVlbqpptuUklJSSabBAAAgAzIaKVz27Ztqq6uDv68ZcsW1dTU\n6Ctf+Ypqamq0ZcuWTDYHAAAAGZKxpPPkyZM6ePCgLr300uBzBw4c0CWXXCJJmjhxovbv35+p5gAA\nACCDMta9/uKLL+qaa65RR0dH8Dmv1yu32y1Jcrvd8nq9wddOnTqllpYWyz7cbreczuxPuC8oKJDL\n5cpqGwJxIB49iIcV8YhETKyIhxXxsCIeVsQjUiqxyEj0Dhw4oLKyMo0YMULvvPNO1G0Mw7D8vGPH\nDm3evNny3IwZMzRz5kzb2pmPqqqqst2EnJLteOzeLd11V8/jVaukCROy2pysxyMXERMr4mFFPKyI\nhxXx6JuMJJ3vvfeeDhw4oIMHD6qrq0sdHR1av369ysrK5PF4VF5eLo/Ho7KysuB7Jk2apNGjR1v2\n43a7dfz4cXV1ZeaWi7EUFRVZKrbZ4HQ6VVVVRTxOy5V43HHHIG3bVnj6cac2bszOAva5Eg8pN64P\niZiEIx5WxMOKeFgRj0iBmCT1HpvaYjFr1izNmjVLknT48GG99tprmjdvnn73u9/pjTfe0NSpU7Vr\n1y6NGTMm+J6KigpVVFRE7Ku5uVk+ny8TzY7J6XRmvQ0BXV1dWW8L8TjDNE3L42zHJdvxkHLr+pCI\nSTjiYUU8rIiHFfHom6yu0zl16lQdOnRIjzzyiN555x1NnTo1m80B+qyh4aSuvNLHbToBAAiT8RGx\no0aN0qhRoyRJpaWlmj9/fqabANimtrZLmza1qK2tLdtNAQAgp3BHIgAAANiOpBMAAAC2I+kEAACA\n7Ug6kZOampyaN2+I5s0boqam7C/GCwAA+oakEzmpvn6Qtm8v0vbtRaqvH5Tt5gAAgD4i6QQAAIDt\nSDqRkxoaTmry5A7WuwQAoJ9gsBxyUm1tl9avP5btZgAAgDSh0gkAAADbkXQib4XOcG9sLMh2cwAA\nQBx0ryNvBWa4S9KSJYa2bs1ygwAAQExUOmEr1tsEAAASSSdsZud6m6Ez3FesaEnrvgEAQHpRekJW\nNDU5g0loQ8NJ1dZ2Jb2P0BnuLpcrre0DAADpRaUTtoq13ma6K6CNjQWaPl264YZBdOMDAJCD+HaG\nrTK13uaSJW5t2yZJhaqvH8QanwAA5BgqncgKO+841NjootoJAECOIelEVgQqoOvXH0tpPGe4FSta\nVFHR89jjcaR90hIAAOgbkk70C3V13Zo4MdutAAAAsZB0ot9YtUqaMqXTli77dGDNUgDAQMY3H9Iq\nHUshpWrCBGnjxpPy+XwZO2YyQu+gxGQnAMBAQ6UTaWXnYvDJ6O9Vxf5+fgCA/oekE/2SHclvXxO9\ndM7Yz5XkHgCARFEiQVo1NJy0dK/3J8l2j0cbakCXOgBgoCLpRFrlSmKVC8mvnWM4c+H8AABIBkkn\n+iU7kt9cSvRyJbkHACBRJJ1AgpJN9HIpSQUAINtIOpFXQsdJLlzYotWr3ZKkBx7wasaMbLYsEtVI\nAADOIOlEXgkdJ9nY6JLH07MAw5IlhrZuzWbLAABAPCyZBMTAWpgAAKQPSSfySuhal1/72kmVl/tV\nXu7X7be3pv1YrIUJAED6kHQirlyq9oWve/nii6XyeBzyeBz66U9LI7bNlXYDAADJME3TzHYjEtXe\n3q729nbIV6GTAAAgAElEQVRlu8kOh0N+vz+rbTAMQ4WFhers7LQ1HnPmuLV1q0uSdOWVPm3a1BKx\nTabiEd4WSZaf//AHXzAeibS7N/v2ObR4cU8y++CDrRo7NrFzHEjXRyJyIR4SMQlHPKyIhxXxsCIe\nkQzDUGVlZVLvyasSUHFxsTwej3w+X1bbUVJSora2tqy2weVyqbKyUl6v19Z4+P2lIY/9Uc87nfGI\ndhefWG0JXZLoe9/zqrR0cDAeibS7Nx0dTvn9xacfd6itrauXd/QYSNdHInIhHhIxCUc8rIiHFfGw\nIh6RXC5X0u/Jq6QTmZfptSbj3cUnvC2hSxKFX/zpaLeddxQCAGCgIelEXLm01mQybcmldgMAACYS\nIceEzk7P9l18cqktAADkOyqdyCm5VKHMpbYAAJDvqHQCAADAdiSdQB5jPVIAQL4g6QTyGHdNAgDk\nC5JOAAAA2I6kE2mX712++dR+ZtgDAPIFSSfSrq9dvtlO+vKpyzoww379+mOWuzcBAJBrcruMgwEp\nU3cCCtxy0+s1ZBhSaalJtRAAAJtQ6UTapbPLt7HRFbPaGVoRbWwsSHrfgeR2795C7dlTGKxs2tVl\nne0KLgAA2UTSibTra5dvQ8NJlZf7JUkej0P19YOiJmyh3eBLlrhzpv2x5FO3PQAA6UbSiZxTW9ul\nujqf5Tk7ErZARXPcuE6NH9/JZBwAAGxEHx9yUkPDyWByGfo41jYrVnglDY7YJjBuM7B9aOUy07e5\nDD8nAAAGEpJO5KTwhDBawha6jcvlirqf0ElJc+cOVV2dLyL5zBTu5Q4AGMjoXkfGpTKhJh3jLD0e\nB+MpAQDIEpJOZFwmJ9QExm0GJiZlGjPWAQDowbcg+rVAhTR8bGemZGrNUQAAch2VTtgiXoUvG7du\nTLV7nkolAADpwbcobBGvwpdPE2r6WqlkxjoAAD1IOtHvxFsmKdPyKcEGAMBOCXWv//a3v5XP5+t9\nQ+C0RLvQQ7uvN20qSqgru7cu775MVArfdzaGAgAA0B8lVOn85je/qQULFujTn/60PvvZz2rmzJl2\ntwt5LtEKX2j3dWOjSx6PI/h8rPfbOTkn2r6pVAIA0HcJVTrfeOMNvfrqqxo+fLi+8IUv6JxzztG9\n996rHTt22N0+IGlUJwEAyD0Jz16vq6tTQ0ODDh06pLVr12rPnj264oor7GwbBoDQBHHlyuO9JotN\nTU55vYbKy/0aP74zuF1jY4GmT5duuKGnOz3VheRJWAEAsEdSE4nee+89PfHEE3riiSd05MgRLViw\nwK52YYAI74afM6cj7vb19YO0d2+hJKm01AwmlUuWuLVtmyQV9qnLnYk/PXJpMhYAoH9IqNL54x//\nWFOnTlVtba127Nihb37zmzp69Kh+9rOf2d0+AFmQybtGAQAGhoQqnc8995zuuOMO3XjjjSovL7e7\nTUBQeMUt1rqXK1a0aNmywfL5OnX//XSLI/LamTAhyw0CgAEuoaTz+eeft7sdQFSJziavq+vWyy9L\nzc0n5fPRFdxX/WFR+/Br59lnT2W5RQAwsMVMOm+99VbLz4ZhyDTN4OOAxx9/3KamAdEx3tB+jG0F\nAKRbzKTzggsuCCaXH374of7zP/9T119/vUaOHKkjR47oueee0/z58xM6iM/n05o1a9TV1aXu7m6N\nGTNGs2bNUmtrq9auXasTJ06osrJSN910k0pKStJzZugXolXc7FynM1tIpNMv8tox4r8BAGCrmEnn\nt771reDja665Rps2bdK0adOCz23ZskXf+c53EjqIy+XS/PnzVVhYqO7ubv385z/XkSNHdODAAdXU\n1Gjq1KnasmWLtmzZoquvvjr1s0G/M1Aqbv0xkc62yGvHlbW2AAASnL2+bds2TZkyxfLc5MmTtXXr\n1oQPVFjYs8xNd3e3TNNUSUmJDhw4oEsuuUSSNHHiRO3fvz/h/WFgCb095cKFLVlZS7O3228G7Nvn\nSGg7AAAGkoS+ET/ykY/oG9/4hpYvX66SkhK1trbqm9/8pj7ykY8kfCC/36/HHntMx48f12WXXaZh\nw4bJ6/XK7XZLktxut7xeb2pngX4vtBIoKSuVwHvuqQyuEXrPPZV68cUPo263eHGptm/vqaolWrXs\nDxN3AACIJ6Gkc82aNbrllltUUVGhqqqqYOL4m9/8JuEDORwO3XnnnWpvb9cvf/lLvfPOO5bXQycn\nSdKpU6fU0tJiec7tdsvpzH7lqKCgQC5XdrvqAnEYKPEIvT4aG106eLBYdXXdwecyEY8jR5yWx7HP\n+UxbDcNIKDYTJihkdrWhvnYF2xWPxsYCLVnS8w/FFStaLJ9BLLnw+yINvN+Z3hAPK+JhRTysiEek\nVGJhmIEp6Ql499139f/+3//TiBEjNHLkyKQPFrB582Y5nU7t3LlTt912m8rLy+XxeLRmzRrdfffd\nkqT/+q//0ubNmy3vmzFjhmbOnJnycZG/du+Wpk2TTp3Oy6ZNk15+ObNtmDRJ2rmz5/Gll0o7dkTf\nbvdu6a67eh6vWqV+tT7k9OnSK6/0PM7GZwAAyF8Jp6nHjh3TH//4Rx09elSLFy/WX//6V/n9fp13\n3nm9vtfr9crhcKikpEQ+n0+HDh3Sxz72MY0ePVpvvPGGpk6dql27dmnMmDHB90yaNEmjR4+27Mft\nduv48ePq6sruzN6ioiJ1dMS/XaPdnE5nsOqcb/FIpVo2YoRUVzdI27b1dG/7fJ1qbj7TDZ2JeDz0\nkLXdzc3R2z1qVJHWrTsTj+ZmW5oTl13x8PkGSYr+GcQS7/pI5VpIVT7/ztiBeFgRDyviYUU8IgVi\nktR7Etlo8+bN+vSnP63LLrtMr776qhYvXqyDBw9q5cqVevbZZ3t9f0tLizZs2CDTNGWapiZOnKia\nmhqdddZZevrpp7Vz587gkkkBFRUVqqioiNhXc3OzfD5fEqeYfk6nM+ttCOjq6sp6W5KNx333VWj7\n9sLTj8sSHp95//0nguMe778/+iLwgXjYsQTRRRf5tG5de/DnWKfcn6+PRD6DcPHikeq10Bf5+Dtj\nJ+JhRTysiIcV8eibhJLOr371q3ryySc1a9asYFY7ZcoUbd++PaGDDB8+XF/60pcini8tLU14rU8g\nmeWTWILIHgNlCSsAQPoltGTSkSNHNGvWLMtzLpdL3d32dYWh/2poOJnUkkeJLlWUabnarnyS7LUA\nAMhfCSWdtbW1euGFFyzPvfTSSxo/frwtjUL/FqiWrV9/LKFu70DVcvv2omDXbm8JXyaSmWjtiock\nNVKy1wIAIH8l9M330EMP6ZOf/KSuu+46tbe364tf/KKeffZZPfPMM3a3D4gqvPv8zHJDPXKxG5gu\nfwDAQJZQpXPKlCl64403NG7cOH3+859XTU2NXn/9dV1xxRV2tw9IqmrZ2FgQs5qY7kpjrnQNU0EF\nAOSDhL6hTpw4odWrV+vPf/6zWlpa9Oabb+qll16SYRj63e9+Z3cbMcBFq1pG3sGnZ0H2JUvcwdnQ\n4dXEeJXGVGa7J1tNteuuQ1RQAQD5IKGk86abbpLf79fcuXNVXFwswzBkmmbEXYSAWNK9hFFkwte3\nuzNkInHLxS5/AAAyJaGk87//+7/1t7/9TUVFRb1vDESRqWrcihUtuu++MkmR1cRUKo12rPeZqESP\nzX3bAQD5IKGk86qrrtL+/fs1ceJEu9sD9EldXXfMhDZepTFW4pZsstzU5NSyZW75/aV9TlITPTYV\nVABAPkgo6VyzZo0+8YlP6Morr9Tw4cMVuF27YRj6t3/7N1sbiP4hk9W4TIzPjKUnUXQFH9uRDGaz\n+goAQKoSSjr/9V//VX/961/1wQcf6NSpU72/AQiTzmpcb0lXOrvys9l1na7qayaQCAMAepNQ0vnU\nU0/pwIEDOvvss+1uD9CrTCZdqcxQX7asSn6/v89Jaj51m+diIgwAyC0JJZ3nn3++XK6+zQ4GMiWb\n1cna2i5t2tSitrY2247BxCEAQD5KKOn853/+Z33qU5/S3XffreHDh1te+8d//EdbGgbE0lvSlYkK\nYa52JwfaZRiGHntMGjEiM8clEc594dfshAlZbhCAAccwA7OC4hg1alTMNTnfeeedtDcqnubmZvl8\nvoweM1xJSYmtlaxEuFwuVVdXE4/TMh2PefOGBLuTJ0/usCS5dscj3rFDX5s2TVq3jusjYKD/zoRf\nN88+e2pAxyPcQL8+whEPK+IRKRCTZCRU6Tx8+HAq7QEAAAAkJXjvdQBW4fddD73/+b599v5axbvn\ne+C1KVM6tWqVrc1ADgm9/pqaotcS4l03AJAJCVU6gXxl19jL8HGjoV2Xixc7tHatNy3HSeTY0V47\n0xVkWzOQQxJZPSDdt44FgGRR6US/Fvgy3r69KJh8AgCAzCPpBNIgtOvywQdbM3rsRLpW0b/RdQ4g\nH5B0Im+FJluNjQVRt4n2ZZxIkpZsIhfouly//pjGjvWnflIpoJqL0OsvV5bvAoBwJJ3IW6HJ1pIl\n7qjbRPsyTiRJ62sil0r1kYpl74gRAOQvkk7ABqkkrakmugOpa5WqLgDkL0oFyFuhd8FZscIraXDS\n74uVpC1c2KLGRlfwcS7Lp3u0AwAGLpJO5K3QZMvlSnz5l0SStNWr3fJ4HMHHc+Z0JNW2VG4Lya0k\ne0eMACB/kXQCNkil+kjFsnfECADyF2M6gSgG0jhJAAAygUonEAUVNQAA0otKJwAAAGxH0gkAAADb\nkXRiQElmcXEWIgcAIH1IOjGgJLO4eK4vRE5SDADIJySd6HdSqWbOnj1U1147NK0VUDuTwqYmp264\nYWgwKf7a1yoTuhc9AADZQtKJrLAzIYtXoQxfCulrX6vU9u1F2ru3UHv2FFreE9h23LhOtbYawbYm\nWgG1s1JaXz9Ira1nfn0PHXImdC96AACyJa/65Nrb2+VyueR0ZrfZDodDJSUlWW2DYRhqbW3N23gs\nW+bW9u2u04+rtGlT3241GRoPh+NMMhbetqIiR/D1oqIiHT4cGbvAey69VHr++VbNmePW1q1n2hqy\n++C2+/Y5tHhxqSTpBz9oV21tSdx29FXovqM9ZxiG/vu/23TPPZWSpAcfbNXYsf60HT8ZufD7IuX/\n70y6EQ8r4mFFPKyIRyTDMJJ+T14lncXFxfJ4PPL5fFltR0lJidra2rLaBpfLpcrKSnm93ryMh99f\nGvLY3+d4HjxYrGXLSuXzOfX5z5+S399T6Vu+/KTa2rqC2y1aNCSY7C5aVKyRI7u0d2+hJKmoyK/C\nQqmlxdTOnT7V1nZFbWvorRgD+7fuV1q7tlnLl/sitkuX5ct9uuGGocFq5wUXdGn58hPB433ve14t\nWjRYW7cGzrs4a+uO5sLvi5T/vzPpRjysiIcV8bAiHpGSuf10QF4lneg/0n0P7SVL3Nq2TZIKZZru\nhBKsPXtcOvvsLpWX+zVqVNfp53q62evrBwX3Ed7WRBaOD3TDh74nnWpru/TDHx7XvfdWSZLuvtuT\n8r3oA+xuc6bakkvnAQA4gzGdyIpAgrR+/bGMJgUNDSdVXt7Tzdza6tBbbxXK43GotNRUaakZ3K6x\n0RUcw5lIW0PHij74YGvax3NGGwO7erVbHo9DHo9Dq1dHjuFctUqaMqUz4Vt5JtLmTM2Y70v8cn3V\nAQAYqEg60S+sWNGiadN6kqzQBCs8Saqt7VJdXfSukUDiWF7ul8fjCCYtmzYVacyYszRmzFnatKko\nU6dkkUoiNWGCtHHjybQm9iR0AIBUkXQi7zU1OYOztVesaLEkWNGSpNBZ6ePHn6kEBiqa4UnpvfdW\nBSuKge7scKHHWby4NGKWvB3SdYxAYu71GpZ4ZFNfzi0TsQcAJI8xnch7PQlfz2SgJUvcWreuPep2\ngS7zhoaTccdkho/hnDt3aNTtNm0qCiahZ53VbXktkXGfoXobhxhtDGxtbVfw+fr6QSmPXwwkzJI0\neXJHUrGxS7LxS9d7AQD2odKJfsXrlaU7PVaXeSzRkr+VK4+rvNyv8nK/Vq48Htz2nnvOVEDffbfA\nMqYzsK9Exz/21m0dSKQCSV+ya4Ymyus14rY53vhW7pAE5Bd+Z5FpJJ3Iew0NJzVlSqemTetZN6wv\nSVi0JG7OnA7t339U+/cf1Zw5HcFt29vPrFHm8xnBZCywHmY6EsLwLwU7xlSGdkcbhpjAAwwQ/M4i\n00g6kXeiTQ7auPGkXn5Zlhno0pk/qh6PQ+Xl/rSO86up8UV9nIpY4xB7+1JIx/jF0OplePwAAEgX\n6unIO6FjEEPX05R6JhLdd1+ZJOv4Q0mqq/P1OtYv3pjF8K73Rx/tWYzd6zXU3i6NGXOWhg/vUlmZ\noeLiUi1c2GLZbzTJrimZypqhyejLmM10jfdknU0gMzI1RhsIMEzTzKvSRnNzM3cDUM/i39XV1QMy\nHvPmDYmY+BIrHulMYEKPO25cp8rKen51WlsN7dlTGLF9b5NyYp1LqFTb73K59P771brjjk6ZppnV\n5C3Z66O3mIRLNEb95XcmXdd0f4lHuhAPK+JhRTwiBWKSDCqdyDvJ/Ou8L7PIFy5sCS663tBwUl7v\nmTGcb7/tDN6CMrDYvB36Usm86y5p27aeZPieeyqDSXKuVg8DsW9sTO5uSuGV72jV4FzS1OTUsmVu\n+f2lKbUvXqUfAHIZSSfyTrq6lANJjtdryDB6xoOGVi0bG13yeHoSy/r6QTKM6PsZObInaXj7bae6\nuyWnU6qp6YqaEIdXqTLVvXXkiDN4LnPnDlVdnS8iqQ4kP+mqpAX243A4tHy5r9f9hCZT5eV+1dX5\nUopJridlPe1zBR/nWvsAwC4kncgbqSRD8d4TmpwExKtahk6yqanpiqgcBrqFOzp6to3WvmgJkV1J\nx6pV0uc+16nDh3uS4YDA0lF79riC1drQ5CddSVtf9pPI+NuA8MS9v8/CZRwegHxF0om8kUoSk+x7\nRo48k0yGVwID+wj8nGvdtuEmTJDKyhSscJaX++X1GvL7e0q2oUs+9SZaVTjdMUg1mQqvfOd6UtbQ\ncFLLllXJ7/en1D4WvweQr0g6kfeampxaunSQXC5p+fICXXRRYoO8A8lJvEQqdF1OSVG/7EMTsvHj\nO+V2G1q+PHoykUhClExFN5lt6+p88noN7d3bM3zg/PN9GjrUlNdrqLXVCN6tKVobo1WFe0viA/tx\nOBxasKAleKvNWLFOVzKV60lZbW2XNm1qiZgIwKx9AP0ds9dTkAszxwbiTLpYX8qhs52nTOnUunUf\n9vqedAqfbf388619ikcys7dDty0v92vDhg9VW9sVvD42b/67ZQkpKbJam8jxQrcJSGRmudRzfXzi\nE6Upvz9dUvmdsev6ifY7k+ys/b4aiH9D4iEeVsTDinhEYvY6+rVUKljZqHrt2+fQokVDJGW2YuXx\nOCKqj3V13RHnn2g8wmfyS4qoVPZ3uT4pCQDyCXckQt4LvQ3mihUtUbeJdo/hRO873Nt24XcFWry4\nNOFby0XbdzJ3GWpoONnnJZuiHa+pyam5c4cGz2P1arfWrz+mF1/8UC+88GHUe6/3doxx4zpVWupX\naalf48d3DoikNRnpuLsUAOQyKp3Ie4HbYPZ0fXQrWs9HtIpVrCpWeJdqb9WuRKupgf1++KGh9993\nqqBAOuusbh08aF0+J9n9jRzZ1afqY7Tj1dcPCk5AknqWjwrccjQVtbU9E7QCs+Vjze5PhZ1DKDI5\nKSnXx6ICQF+RdKLf6WsSEppkzp07NOnjP/hgqxYtKg4eP9p+A0IXnE9W6P7sHgMYres+G6J9tnZ2\ngZMIAkD60L2OfieQhIR2b0frukykO9Pjccjjcai83J9wt+fYsf7g+pu9JbzFxWZau1QD3fU33DBI\nu3dbX9u0qUhjxpylMWPO0qZNRdF3cFogNol03Sc6TCE03gsXtljek+g+on226ZJoG3Jlv7lkIJwj\ngL5j9noKcmHmGDPprELjcf31FX2qAIbejjHQxZzMfsLjEb7GZWurgt3rK1cej1iWKV6bpDMVvmjP\nhc6AnjZNWrfuzPUxZsxZljU79+8/mtJxw/U26zqRmdqSEvrMoh0rXfdet2v2eLT95trvTF//hvQ1\ndv0tHn1FPKyIh1UuxENi9jogqe/j8AJdquHJTKrCu8FfeCH5ZCZaF3Imun5zrXu5oeGk7rmnUkeO\nONXaagTHmeZSG5PF+pwABgq619HvBJKQZGdY27WfVIV2Wba2Jjb2M9CFPWVKp1atsr62cuVxlZf7\nVV7u18qVx5NuQ6xu01RmXQfeM25cp44dM7RnjyuhWe2BCUkej0N79hTG7WJPtsvXrtnjve3XziED\nmcLMewCJoNIJ2CzVymtodXPcuM5gN3ToskbhFbJAonymK+jM/ubM6dCcOUeD71u92t1rZS2VSTrh\n7br00tivG4b01luFwdfSOas9vO3PPnsq7vZ2VUzzvRKbiIFwjgD6jqQTsFltbVcw8ayvH5RSF2pZ\nmRl1WaNUZm2ne7Z3+P4kWX5+/vnWmNs7HMkPKc/1e6snq7+dDwDEQtIJZEAyid6mTUW6994qdXdL\nF13k0+DBfjU0nEzbGNNk9JYQNTU51djoSmhfoRO0Avx+Q6WlfhUUSKNGdSV0XolW1SLbnvryVHai\nSghgoCDpBHLMvfdWBWeZHz0q/fGPPX3koTOEAxXT3pLQxsYC3XXXIB054tSoUV16+OETSVXWekuI\nQheRLy/3R72/u3Rm8fvQCqff35MEjh/vSyrpSnTiTWTbE0uOAQD2IOkEepGO2cV2dKEmUiFbssSt\nvXt7xkwGJt4EJkelW12dLxib3pK9ujqfysp6utZjxSNW3LkfOgDkJ2avo9/r68LV6ZhdHG8mfHj7\nwmeZB173eg2NH98ZdXH1aHbvlvbti3wt2XjE2z7Z+8QHtv3hD09ExCP8OP1hVneiWFwdwEDAXzf0\ne9mojPVWHQ19vbXV0J49hZb2zZlzZuH2aAtvh3e1Rzunu+5SsOvb4TA1dqwvoXvJh4u3fTLjERPp\nqg+fkBTNwoUtwXGhCxe2JHTsaHJpfUyqtwAGgowlnSdPntSGDRvk9XolSZMmTdKUKVPU2tqqtWvX\n6sSJE6qsrNRNN92kkpKSTDUL6FUqXeO9JRGhr/d2q8nQ+7Mncq/2pianli4dpMbGM89dfnln3iUy\nseK+erU7mEw/8ki5Vq92B7dJJnGM9RnlUjIKAP1JxpJOh8Oh2bNna8SIEero6NBPfvITXXDBBfrz\nn/+smpoaTZ06VVu2bNGWLVt09dVXZ6pZGADSdYciu4wc2RV3fKNhRD6Od049yVRP5bS83K+RI7vU\n2mpo3rwhamg4mXQ8QrcPdOsHno+WkDU1OYN3DRo1qkv/3//Xppoa6+vRkrrwCmYicT9yxBlMQNOV\nOGaj6siySQAGgowlneXl5SovL5ckFRUVaejQoTp16pQOHDigBQsWSJImTpyoNWvWkHQirbKxJE1v\nSUT46/GSotJSM+Jxouc0dmyXTNOMSKJSjce//3u5ZShAtPOorx9kmby0eLGhtWu9wX3ESupCK5ir\nV7tj3pM+9FaY3d2Rrzc1OTV37tCoyWj4fnIl0WPZpOioOgP9S1bGdB4/flxHjx7VueeeK6/XK7e7\np3vM7XYHu99PnTqllhbreC232y2nM/vDUAsKCuRyZXf5lUAciEePXIvHhAldIXfAMRQ+g3vCBOnZ\nZ0+psbFAS5ZUSpJWrGhRXV1kFvXFL7YFK4Bf/GJbr7F+4AGvvvENh5xOl7773Tb9y7+cGa5iGEbS\nn9XSpdbKaei+li6tDL62dGmlVqxoibJup/WYRkjpNrQ9sZ4PN2GC5HAYlvGq48Z16YEHvHK5XFq6\n9MwyTqH7Cr9GAp9BoI2Bz+iBB7y6+25Dhw871dbm0MGDxaqr6z79WfX8rYr1WSWK3xmrWPEIvfaW\nLq3Uxo32/eMgH+KRScTDinhESiUWGY9eR0eHnnrqKV177bUqKiqyvBb6pbNjxw5t3rzZ8vqMGTM0\nc+bMjLQzX1RVVWW7CTkl3+KxbJm0bVvg8WC9/HLkNmvWSB5P4HGlPv/5+PucMUN67bXAT4P02GM9\nk4okadWqQlVXVyfVxtC/bRde6NDpfyNq1arC4H57tivUsmWDg20tKJAmTpQefdRpOWas9jz2mHTb\nbdKhQ1JnZ6Hef79aEyZEb9Phw2ce+/2GBg1yacaMwRHtraiQHnvMes69XSMzZkiVlT0x373bEfxc\nEvms8lGyvzO7d4d+for5GaVD6GfpciV/7aYi3/6G2I14WBGPvslo0tnd3a2nnnpKEyZMUG1trSSp\nrKxMHo9H5eXl8ng8Kisrk9Qz0Wj06NGW97vdbh0/flxdXdntYikqKlJHR/Suv0xxOp2qqqoiHqfl\nazx8vkGSCk8/7lRzc2QlJ3SbXbv8uvLKrl4rbaHxGDGiS+vWnXkt9H7siVi+PHaFL/S15ctb9JWv\nlCtQMRw71qcXXjihoqIiNTeficfx4wXy+dynH7eouflMFfGtt3rGaO7cKd1xR2ewshVeZRw50h3s\n5u+J0ZnYhbd3xIhuNTcnd41E+1wS+awSlc+/M3fcMUjbthWeftyZlupjrHiEX1/NzalXl3uTr39D\n7EI8rIhHpEBMknqPTW2JYJqmnnnmGVVXV+vKK68MPj969Gi98cYbmjp1qnbt2qUxY8ZIkioqKlRR\nURGxn+bmZvl8vkw1Oyqn05n1NgR0dXVlvS3Ewyo0Hr2NSbv//hPB1++//6R8vsg/ZoFtGhtd8ngc\n2ratUPfdVxYxBjD0WA884NWMGT3x2L3b7NO4uIsu8mnduvbgz7t3W89p3boPg6/5/e6Qx6Z8Pl/E\n9XHffRXBLtPAeYQ+F2CaZvB9oa9ff32lRo7s0oUXduqDD3omK91//4lg7MLbG345hF8joXFbuLBF\nq1e75fVK48d3qrTU1P33n9Tu3VJLS8/wglGjuvT5z3t0/fUVwRgkG9NUfmfsGt+Y7O+MaZqWx+n4\nfRw7fb4AAB/kSURBVIsVj94+Szvk2t+QbCMeVsSjbzKWdL777rvavXu3hg8frkcffVSS9PGPf1xT\np07V008/rZ07dwaXTAL6i95mQicygSSwTejanL0d6/rrXbrkEum221y6556KXifVJCPeOQVm4Yc/\nTobDYaqszNTs2a3BmfKtrWeG3ng8Du3dW6jJkzu0efPRWLtJWOj5BBJ76cyaqFLPWqmByVGlpaZW\nr3ZnfIZ7rqzlmUsTsMIx8QjIbRlLOkeOHKlvfetbUV+bP39+ppoB5K1kvuw9HodeeUXatavCMqkm\nkXU+093GffscWrTozDJL0bYJPBdI+jweQw8/fGZC0LhxPXdiCk0KkR25PNM+VxJzANFlfxoW0I+l\nsyoU78u+qckpr9dQeblf3d1Sa2v0xMxIQ84Zfk7h1aXwNi5eXKrt23vGecZasqm3am5Zman1649F\nHCsRgfcYhqHHHpNGjIh9PoHu9fD9R/sce2tHKlW3eO/JxQojlUUAyTDM0AE6eSAXxnSWlJSora0t\nq21wuVyqrq4mHqcN5HiEr0s5blyn3O6e2b633XbC0r0e2mWcLtFu0xnqn/6pWlu3uuIeP5C8eL2G\nDKOnCzs8AUw2oQnsM7Q6Om2atG6d/ddI+GcSft6xrpHeYplO6fidSVd70/U705ckeCD/DYmGeFgR\nj0iBmCSDSieQ5+rrretSlpWZ2rjx1Ok/kD6NHPlhVitkDz7YqkWLiuMeP7RbNDR5ibVAfCJC99lX\nySYz4Z9J+L6WLXPL7y+lOphmudz1D0BicBRgk6Ymp+bNG6J584aoqSk9/77rbZ/l5f6IxC7wRbx+\n/bFggpPOtjU0nNTkyR2aPLkjalI5dqw/4vjh5xO5oHx6lZf7NWVKp1atSu39gQR2+/aiYPIZT+jE\np9JS62dSXz9IW7e6ou6rt1jmmnxrL4DsotIJ2MSOSQ3R9hn9lprRk7jAfdEbG13y+42U2hat6pfq\nuYWeT3m5X3V1vrQlL+FxmTDBOF39Tcvu4wodtFRT05VwNTNaLHN53CSVRQDJoNIJ5LlolcxYAvdF\nDyScqUi26hcqXoW1rs6X0DkkKjQuknTDDYM0fXrPQvPJilbRi3cu8ZaOamg4qSuv9CVcHexLvAEg\nl5B0AjYJT1TS0aWdSndm6HFDu32l6N3x0d6XruEB4QlUX88n0XbV1/fcReeVVxS8w00y+46W2MdL\nBuOdV21tlzZtaklrgg0A+YDudcAm4V2PoTN9U+1uT6U7M7QLe9y4To0b16kjR3ru5PPwwydiJj6x\nhgdkahmoWOxci7Gv+7ajKzwXl0oCgFSQdAIDSGC9y77oyzi+bCVQDQ0ntXRppVyuQi1f3iKp7wli\nrLU7050QM24SQH9B0glkSDYTrlSOa0d705FApdKu2toubdx48vREom75fIlNyuptn+EL1ocPX4gm\n0SWToq1dmmsTiZA9uTzBLN8Qy8wh6QQyJFsVq1SPm6sVtt7a1ZcvkHQMX5g8uSN47NjbW+/Q1Nt+\nQ5/Lxc8EmcctP9OHWGYOE4kA2CIwKWfOHHfaJiIlItHZ3nasMRkYvsAkIQCIRNIJDDB2zEqPJpD8\nbd3qipn8pastofs5duxMF7fXe+ZxY2OBpk/vWTqpqcmZ1FJT8QSS13HjOtXaavR6LokumRS63/Hj\nO1mAHRYszJ8+xDJz6F4HBphc6kpKV1tC91Na6g8+b4QMsVyyxK1t2ySpMK3nHUheE12dILBkUm/3\nTs7V4Q0DSS6P9eP6SB9imTlUOgHYIlA9uPJKnxYubMlIdVWSCkLWfi8tNWNviJRlqlqebakszD9Q\nYgOkgqQTGGCy0ZX07/9eHvXLO11tCe2KHj68S+Xlfo0f32nZ5+23t6qiomdB/IULW/p0PvHakCtd\ndHYmP9wlKTZiA8TGP8OAASZTXUnh91W3sy2hXdx79wa62U1Ld+hPf1qqU6ckyaHVq92aM6ejz8eN\n1oZckUvDKPIVC/MD6UXSCcB2I0d2Be9Bns4v7/Axd6EaG13BCUNIr4GSjKXyD4mBEhsgFSSdAGwR\n+PJ1OBxavjz27Tb7Irya19BwUnPnDpXH45DH49DcuUNVV9czptTrlSoqpFGjfHmbDDQ1OXXPPZUJ\n3cbUzuQn16q6uYTYALGRdAI5IpdnyqYi8OVbUlKitrbMnEttbZfq6nzBRNTjcWj79iI1Nrrk8fQM\nYQ/vds8n9fWDtHdvoSRpz574s/BJfpCKwN8hwzD02GPSiBHZbhH6EyYSATmCCQjJizZ5J/BcrHGk\nfcXsZPRngb9D27YV6q67st0a9DcknQB6lauJVrQF3gPPbdjwYTAhXbnyuKZM6dS0adKKFX2buZ7o\nPw7siFlDw0mNG9cZdXZ+ssIXywcAu/GXBsgRuTwBId5M6N6GBezb59CiRUNivm6X8O7lG2/0q7q6\nWs3N3fL57D9+aMwCY0v7ev61tV168cUP09I+uxbLR34L/B0yDEOrVhVmuznoZ6h0AjkiXbdlzLTe\nKn+LF5faPmwgk5XYVNbjDIwtZdgEcl3g79DGjSc1YUK2W4P+hqQTQK9ybeHzcJkcD5voPw7sHlva\nVytWtGjaNGnKlL510wNAouheB9CreDOhexsW8OCDrVq0qDjm6/1VIGbx1hLNprq6br38stTcfFI+\nX/5U1vub/rZqBRAPlU4AfdJb5W/sWL/twwZ6q8Q2NTl1ww2DNH16zwSaVETrws/VCVbInmSvCVat\nwEBC0gkg7/WW+NbXD9K2bYV65ZWeCTSpiJYcJJIw2JFU5Fqym2vtySaSSCA2kk4AfUbSkVm5ltjk\nWnvySa6PlwbSiW8HAH0Wb0mlXNDQcFJLl1bK5SrU8uWprdMZbexqrPGsoeP0Fi5ssewj2jaB53sb\n2xd4T2OjK6VzgP2SXfqMO0dhICHpBPqp3bulO+4YJNM082aCgl2TKmpru7Rx48k+rdMZLTmIlTCE\nJuGSet0mcM69Je6h7ykv9wfX/kyXVOOfy2vMZhpJJBAb3etAP3XXXdK2bYUZ6fJMVxdhrnbT2j18\noLHRpdZWo9ftQrcZNaor7ZOzUo1/vq4xCyCz8qrS2d7eLpfLJaczu812OBwqKSnJahsMw1Brayvx\nOI14WBmGoe7ubkkFGWnTpZdKzz/fevon1+n/lPSxHQ6H5XE629yXa2TZMre2b3edflylTZvid9H/\n4AftWry451zuuKNT//RP1ZJ6lo8aO9Yvh8OhH/ygXddd55LH45DH45BhGLrySt/p7dqjnrthGJbH\nfYlPtHjYGf94cuV3hr8hZxAPK+IRKfTvUaLyKuksLi6Wx+ORLxP3sIujpKREbW1tWW2Dy+VSZWWl\nvF4v8RDxCOdyufQf/1GgO+7olGmaWr78pNraslOBSiYey5f7ghW2dLe5L9eI318a8tjf6/nU1Ehr\n13olSfPmDQkmrIsWFWv9+mMqKSlRTU2b6uqKg93lfr8pv9+UJHV0dEQ995KS0pDHvbcjnmjxsDP+\n8eTK78xA+xsSbzjFQIxHPMQjksuV/NjyvEo6ASRuwgRp48aTWf8DGUu0L7xcHQ+X7jGLgfvRe72G\nxo/vVGmpqdZWo9cxnX1tR2jMH3jAqxkzrK/navxhj1yfAIj+hzGdALIiV8dvplu08a6B+9Hv3Vuo\n0lJT69cfU2mpaXlftHGkfR07GRrzVNcrBUL1h+XS+sM55AuSTgBQ/C+eviTIyd6rPZCcDpSkHNmT\njgmA/eE67Q/nkC9IOgFkRa4tip3JL54HH2yNOPfa2i4tXNiixkaX5s4dqr//PX1/ngMJdaA7f/Lk\nDq1Ykdp6peg/WHUAmUYdGUBW5NP4wfCxlH1dTzRwP/pw995bJY+nJ9ns7pYmT+4IHqMvQsfuTZ7c\nofXrj6U0CSBbUom3XWu+wqo/rNHaH84hX5B0Ahgw4i2YH++LJzxB7pmRnv4JGN3d1p/zJSm3WyoT\nXvrDJJl8SJzz6R+PsUQ7h/DYT5iQjZYlLh+uFYnudQADSLwF83Ohq/Gcc7qjPu6rXBvKgMQw1jB7\n8i32+dJekk4ASFKsJK4vs2Cbmpw6erQg+PPgwf60tbe3hDrRdmdrlm8qSTOJNpB7SDoBDBirVklT\npnT2ORGJlcTFqzaEJmz79kX+6a2vHxQcz1le7s9oopRolSSb1RSv11Bjo0tf+1plQglvLlSuQ6WS\nsJM4Z0++xT5f2suYTgADRjYXzA8dY7h4sSN4x6Jo6up8OZEoxeP1Gpo9e6iOHHFq1KguPfzwCdva\nXF8/SHv3FkqS9uwp7HWMZi6Ob0tljGl/GC+ZryJjn9sT7/LlWqHSCQBxJFOhClQbxo3rVGur0aeq\nVia7shOtkoRuZxjS3r2F8ngcwUQw02LFKF/Gt8XDguXoj0g6ASCOZBKYQLWhrMzUnj3WCUv/f3v3\nH9tUvf9x/NXuF1vXbuO7gUMiPxTHbriA26IoKPJDYkzAKCMhBPAPE25EomJM/EFuJFESczVoIv9I\n4o+AuRLYZehVr5AILhICJCC/BOaCDAkCGTq67gcb2/r9Y7Tu0BXarafntOf5SExG19VPX+fT9t3P\n53zOp3/B9q9/tUf929B08GAKp8EWKrFORfe/3807KJlp3Tq/Jk3qktfbq7//vStcGKdScRnv9Gcq\nPTcgVnx9AoAk6D/9lZubq46OxP8/knmZoHXr/HrppcLw9LqZ55GVl3dr584rcbXNbtddTJXpT8BM\nFJ0AcAv9C5hnn23V00//X/j2aKOCiSh6YnmMm89dTKZ4C8FoTp3K1D//ma/e3jzDCKZ0+/Mxo2WU\nDgWeHQtnYKhcwWAweXMkCdDU1GTJIoD++kYpTBimiENWVpZKSkrI4wbyMCKPSInIpP9F4b3eXtXW\nXhnUIpVEZdK/Pf33bJduX7DZpY/c/BwkReyelAx2yUOyx2uGPIzII1Iok3hwTicADEIg4LbduXbl\n5d2G0UIWoACwE4pOAIjRunV+eb2Ju2j7UA20OCXVFqCsW+fXgw9eDz8HM683yIpwwFq86gAgRuXl\n3aqtvWKbc+3S4dzF8vJuffNNq2G60KznlA77sQOpjKITAOJg90JvMAtQ7HgxdQDph+l1wERM5yHZ\nBrP9YypMySfitTTQ1H3ocRcsKNCxY4lsMYCbUXQCJkqFD3MgFcTyWrpdYTpQQR563P37s7VqlalP\nwXJ8CYbVKDoBOMaxY9KCBQVJ+dBNpQ94MxfvJBNf8m6NfGA1ik7AROnyYZ4uVq2S9u/PTsqHbip9\nwN9qSt4uxbNZr6XQ406b1qUNGxL2sAAGYO+v30CKs/uiE+B27LLiO5bX0mAWUYUe96+Lfw+5qbbF\nLkewGkUnAMfYsEH6xz+6FAwGTf/Q5QPeXAOtuOdL3q2RD6xG0QnAMSZPlr76yp+UbezS5QPersWz\nXUZgAcSOohMAEFUsxTPX+QQQCxYSAUgLdlnwks6iZWzFoqnQAqBJk7rU3u7iuAMpgKITQFpIpdXi\nqcpOGYdGYD2eoI4fT84VCQAMDUUnAGBIuDQYgFhQdAJIC3YsfNJtyj9axrFsvWlWFnY87iFmHv90\n61twhqT11B07dqihoUEej0crV66UJLW3t6umpkZXr15VYWGhFi1apNzc3GQ1CUAaseNq8XRbYT2U\njM3Kwo7HPcTM459ufQvOkLSRzvvuu09Lly413LZ3716NHz9eL7zwgsaPH6+9e/cmqzkAYMDIUeKQ\nZfrjGGMwklZ0jhkzRsOGDTPcVl9fr6lTp0qSpkyZotOnTyerOQBgYMYiGTtP/ZppoCydmIWZz9nq\nPO20qAypw9KvJ21tbcrPz5ck5efnq62tLfy7lpYWtba2Gu6fn5+vzEzrv1FlZGQoKyvL0jaEciCP\nPuRhRB6RbpeJy+Uy/JyINk+eLP33vy2hR5XU95h2yMTMPjJQltGykNI3j1s951uJJY/BPnasrHi9\nRJOu/WOw7JCHNLgsrE/vhv4dWJIOHTqkuro6w20zZ87UrFmzktks2ysqKrK6CbZCHkbkESlaJh99\nJK1a1ffzhg3ZKikpSWKrrGNGH0nlLHnNGPF6MaJ/DI2lRafH41EgEJDX61UgEJDH4wn/rrKyUmVl\nZYb75+fnq7m5Wd3d1u52kZOTo87OTkvbkJmZqaKiIvK4gTyMyCPS7TIpLZX+85+//t3UZF5bBsrk\n5MkMvfZa38zPO++06m9/6zGvATK3j8SbpR36yO3ySObxSYU8rH69JBvvqZFCmcT1Nya1JSZlZWU6\nevSoZsyYoSNHjmjixInh3/l8Pvl8voi/aWpqSsq+ybeSmZlpeRtCuru7LW8LeRiRh5Gd8pDsm8mr\nr/p04ED2jZ89SVuNbNc8BmuoW3JGyyOZx8dOr5l06x9DRR5Dk7Sis6amRo2NjWpvb9f69es1a9Ys\nzZgxQ9u2bdPhw4fDl0wCAGCwuJQQYF9JKzqrq6sHvP2ZZ55JVhMAwLbWrfMbRuhgLxwfYOhss5AI\nAJzMzhc5TyVmFYccH2DoKDoBAGmD4hCwL/ZeBwAYsNsMboc+gsGg6AQAGLDbzNA4oSCjj2AwKDoB\nAEggCjJgYBSdAOAgoVG4BQsKdOzYwPexYl9vJ4wORpOKz93qvd8HKxWzTickDgAOELpo+smTWQoE\n+sYbVq0y7ioTYsViHDOvrznUC8bHK94V9Dc/9//9r93U9iVCqi7Y4jqu1qLoBAAH6P9h6zTJLjRS\ntSADzMb0OgA4jNfbq2nTurRhg9Ut+UuqTtcmgtXP3UlTzlZn7XTp3bsAAJIip3wnT3appKRETU0W\nN+wGM0cH7b6bUORzz0rq/99JU86MQluLohMAHMDqwsZKFBqAPTC9DgCAgzHljGRhpBMAgBgleyV8\nMjASjGRhpBMAgBhx4ffEctIiJlB0AoDj8cGfvsw+tkN9fIp4Z6HoBACH44M/dql2/qPZx5a+g3hQ\ndAIA0kIyRmxD5z9u3/5HWpzPabVUK+LNlu6zDun3jAAAcbH7dSxj5aTrTcbK7GM71MdnEZNRuvdh\nik4AcDg++NOX2ceWvoN4ML0OAEgLTNUi1aV7H2akEwCQFhh1Q6pL9z7MSCcAAAg7dSpTCxYU6JFH\npJMnM6xuDtIIRScAAAhbs6ZA+/dn68cfpddey7e6OUgjFJ0AAAAwHUUnAAAIW7fOr2nTuvTww9I7\n77Ra3RykERYSAQCAsPLybn31lV8lJSVqaurR9etWtwjpgpFOAABMlO67zACxougEAMBE7E8O9KHo\nBAAAgOkoOgEAMFG67zIDxIqTSwAAMFG67zIDxIqRTgCArbDwxt44Phgsik4AgK2w8MbeOD4YrJT6\ninLt2jVlZWUpM9PaZrvdbuXm5lraBpfLpfb2dvK4gTyMyCMSmRjZOQ+32x31d2axcx5WuFUeyT4+\nds8j2eyQh9SXSbxSqugcNmyYAoGArlt8pdrc3Fx1dHRY2oasrCwVFhaqra2NPEQeNyOPSGRiZOc8\n3nrrengE7a23/Oro6Da9DXbOwwq3yiPZx8fueSSbHfKQ+jKJV0oVnQCA9MfCG3vj+GCwOKcTAAAA\npqPoBAAAgOkoOgEAAGA6ik4AAACYjqITAAAApqPoBAAAgOkoOgEAAGA6ik4AAACYjqITAAAApqPo\nBAAAgOkoOgEAAGA6ik4AAACYjqITAAAApqPoBAAAgOkoOgEAAGA6ik4AAACYjqITAAAApqPoBAAA\ngOkoOgEAAGA6ik4AAACYjqITAAAApqPoBAAAgOkoOgEAAGA6ik4AAACYjqITAAAApqPoBAAAgOko\nOgEAAGA6ik4AAACYjqITAAAApqPoBAAAgOkyrW6AJDU0NOi7775TMBhURUWFZsyYYXWTAAAAkECW\nj3T29vbq22+/1dKlS/X888/r+PHjampqsrpZAAAASCDLi84LFy5o+PDhKioqUkZGhiZNmqTTp09b\n3SwAAAAkkOXT6y0tLSooKAj/2+fz6cKFC2ppaVFra6vhvvn5+crMtLzJysjIUFZWlqVtCOVAHn3I\nw4g8IpGJEXkYkYcReRiRR6TBZGF5ei6Xa8DbDx06pLq6OsNtY8aM0cKFC1VUVJSMptlaS0uL9uzZ\no8rKSvIQedyMPCKRiRF5GJGHEXkYkUek/pn4fL6Y/sby6XWv1yu/3x/+d0tLi3w+nyorK7VixYrw\nf0899ZTOnTsXMfrpVK2traqrqyOPG8jDiDwikYkReRiRhxF5GJFHpMFkYvlI56hRo/Tnn3+qublZ\nXq9XJ06cUHV1tXw+X8yVMwAAAOzN8qIzIyNDTzzxhD7//HP19vaqoqJCJSUlVjcLAAAACWR50SlJ\nEyZM0IQJE6xuBgAAAEySsXbt2rVWNyIWwWBQ2dnZGjt2rHJycqxujuXIw4g8jMgjEpkYkYcReRiR\nhxF5RBpMJq5gMBg0uV0AAABwOFtMr8dqz549Onz4sDwejyRpzpw5jpyWZ9vQSO+//75ycnLkdrvl\ndru1YsUKq5uUVDt27FBDQ4M8Ho9WrlwpSWpvb1dNTY2uXr2qwsJCLVq0SLm5uRa3NDkGysPJ7x9+\nv1+1tbVqa2uTJFVWVmratGmO7SPR8nByH7l+/bo+++wzdXd3q6enRxMnTtTcuXMd20ei5eHkPiL1\n7SK5ceNG+Xw+LVmyJO7+kVIjnT/88IOys7P10EMPWd0Uy/T29urDDz/U8uXL5fP5tHHjRlVXVzt+\n8dUHH3ygFStWKC8vz+qmWOLcuXPKzs5WbW1tuMjatWuX8vLyNGPGDO3du1cdHR167LHHLG5pcgyU\nh5PfPwKBgFpbW1VaWqrOzk5t3LhRixcv1k8//eTIPhItj59//tmxfUSSurq6lJ2drZ6eHn3yySea\nN2+e6uvrHdlHpIHzOHv2rKP7yL59+3Tx4kV1dnZqyZIlcX/OWH6dTsSHbUMxkDFjxmjYsGGG2+rr\n6zV16lRJ0pQpUxzVTwbKw8m8Xq9KS0slSTk5OSouLlZLS4tj+0i0PJwuOztbktTT06NgMKjc3FzH\n9hFp4DyczO/3q6GhQRUVFeHb4u0fKTW9LkkHDhzQ0aNHNWrUKM2bN89xnSDatqGQNm3aJJfLpaqq\nKlVWVlrdHMu1tbUpPz9fUt8WsqGpRCdz+vuHJDU3N+vSpUsaPXo0fUTGPM6fP+/oPtLb26uPPvpI\nzc3Nqqqq0ogRIxzdRwbK4+TJk47tIzt37tS8efPU2dkZvi3e/mG7onPTpk0DXt1+9uzZqqqq0syZ\nMyVJu3fv1q5du/Tkk08mu4mWirZtqNM9++yz8nq9amtr06ZNm1RcXKwxY8ZY3SzboN+I9w9JnZ2d\n2rp1qx5//PGI1aZO7CM35+H0PuJ2u/Xcc8/p2rVr2rx5s86ePWv4vdP6yEB5OLWP1NfXy+PxqLS0\nNKJfhMTSP2xXdC5fvjym+1VUVOiLL74wuTX2E23bUKfzer2SJI/Ho/Lycl24cMHxRafH41EgEJDX\n61UgEAif+O5UoW/jkjPfP3p6erR161ZNnjxZ5eXlkpzdRwbKw+l9JGTYsGG699579fvvvzu6j4T0\nz2PcuHHh253UR86fP6/6+no1NDSou7tbnZ2d2r59e9z9I6XO6QwEAuGfT58+rREjRljYGmv03za0\nu7tbJ06cUFlZmdXNslRXV1d4uL+rq0tnzpxxZN+4WVlZmY4ePSpJOnLkiCZOnGhxi6zl5PePYDCo\nL7/8UiUlJXrwwQfDtzu1j0TLw8l9pK2tTR0dHZL6Vm6fOXNGpaWlju0j0fJwah+ZO3euXn75Zb30\n0kuqrq7WuHHj9PTTT8fdP1Jq9fr27dt16dIluVwuFRYWav78+YZvpk4RumRSaNvQhx9+2OomWaq5\nuVlbtmyR1HcOzuTJkx2XSU1NjRobG9Xe3q78/HzNmjVLZWVl2rZtm/x+v6MudSJF5vHoo4+qsbHR\nse8f586d06effqqRI0eGp8DmzJmjO++805F9JFoex48fd2wfuXz5smpraxUMBhUMBjVlyhRNnz5d\n7e3tjuwj0fKgDpEaGxu1b9++8CWT4ukfKVV0AgAAIDWl1PQ6AAAAUhNFJwAAAExH0QkAAADTUXQC\nAADAdBSdAAAAMB1FJwAAAExH0QkAQzB27Fh9//33VjcDAGyPohMAhsDlct1yz+HGxka53W719vbG\n/Jhjx47V7t27E9E8ALANik4ASIJ49uFwuVxx3R8AUgFFJwAkwMGDB1VVVaWCggLdcccdeuWVVyRJ\njzzyiCSpsLBQXq9XBw4c0JkzZzR79mwVFxerpKRES5culd/vlyQtW7ZMv/32m+bPny+v16v33nvP\nsucEAIlE0QkAQxQMBvXiiy9q9erV8vv9+vXXX7Vo0SJJ0o8//ihJ8vv9CgQCeuCBByRJa9as0cWL\nF3Xq1CmdP39ea9eulSRt3rxZd911l77++msFAoFw8QoAqY6iEwASIDs7Ww0NDbpy5Yry8vLCxeVA\n0+R333235syZo6ysLBUXF2v16tWqq6tLdpMBIKkoOgFgiFwulz7++GP98ssvKi8v1/33369vvvkm\n6v0vX76sxYsXa/To0SooKNCyZcv0xx9/JLHFAJB8FJ0AkAD33HOP/v3vf6upqUmvvvqqqqur1dHR\nMeDK9jfeeEMZGRk6ceKE/H6/Nm/ebFjdfqvV8ACQqig6AWCIgsGgPv/8czU1NUmSCgoK5HK55Ha7\nVVJSIrfbrTNnzoTv39raKo/HI5/PpwsXLujdd981PN7IkSMN9weAdEDRCQAJsHPnTk2aNEler1er\nV6/Wli1blJOTo7y8PK1Zs0bTp0/X8OHDdfDgQb355ps6fPiwCgoKNH/+fC1cuNAwuvn666/r7bff\nVlFRkdavX2/hswKAxHEFuRgcAAAATMZIJwAAAExH0QkAAADTUXQCAADAdBSdAAAAMB1FJwAAAExH\n0QkAAADTUXQCAADAdBSdAAAAMN3/AyQOIQMM2PPMAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 41, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "def plot_boston_housing_data(boston_housing_data,\n", + " x_name='lstat', y_name='medv', y_hat_name='predicted_medv',\n", + " title='Boston Housing: medv vs. lstat',\n", + " plot_predicted=True):\n", + " g = ggplot(aes(x=x_name, y=y_name), data=boston_housing_data) +\\\n", + " geom_point(size=10, color='blue') +\\\n", + " ggtitle(title) +\\\n", + " xlab(x_name) + ylab(y_name)\n", + " if plot_predicted:\n", + " g += geom_line(aes(x=x_name, y=y_hat_name), size=2, color='darkorange')\n", + " return g\n", + "\n", + "plot_boston_housing_data(boston_housing, plot_predicted=False)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# $k$-Nearest Neighbors algorithm and Bias-Variance Trade-Off\n", + "\n", + "Let's now try fitting a KNN predictor, with $k = 5$, of _medv_ from _lstat_, using all samples:" + ] + }, + { + "cell_type": "code", + "execution_count": 42, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAp0AAAH+CAYAAADeXbVXAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3Xl8VPW9P/7XOXNmS2ayQMIqsgsJAooLYIMIFzesWrAu\ntXVXtLfa0qtXUURtbVpqXVq+tr222qL+qtYFqdS6VCnYWIgKsmgCsu9IAiGZTGY/5/fHmXPmnJlJ\nMllmJhNez8fDhzNnzjnzmY8T8877/VkERVEUEBERERGlkZjtBhARERFR78egk4iIiIjSjkEnERER\nEaUdg04iIiIiSjsGnURERESUdgw6iYiIiCjtGHQSEXXQ7t27IYoi/vOf/6R8zapVqyCKIg4ePNht\n7TjvvPMwb968Ns/pTFsBYOnSpbBarV1pHhGRCYNOIuqSG2+8Eeeff77p2GeffYb+/fvjqquuQiAQ\n0AOuYcOGIRAImM6dNWsWbrrpJtP9RFHEfffdZzpv//79EEURH330UattWbp0KURRxMCBAxEOh02v\n1dXVwW63QxRFfPzxx539uD3K8uXL8eSTT+rP4/syFz3yyCMQRTHhn507d2a7aUTURQw6iahLBEGA\nIAj683fffRczZszA1VdfjVdffRV2u11/ra6uDr/+9a/bvF4QBDgcDixZsgR79+7tcHssFgusVitW\nrFhhOv7nP/8ZgwYNSni/XFZUVASXy5XtZnS74cOH4/Dhw6Z/hg0blu1mEVEXMegkoi4xbmr2/PPP\n4/LLL8eDDz6IJUuWJJw7f/58LF68GEePHm3znueccw4mTpyIBx54oFNtuvnmm/HHP/7R1MbnnnsO\nt9xyC+I3Ydu6dSsuueQSuN1uuN1uXHbZZdixY4fpnFdffRWjRo2C0+nEN77xDWzatCnhPbdv344r\nrrgCxcXF6NOnDy688EJ88cUXKbd5x44dEEUR27dv148NGzYMQ4YM0Z9v27YNoihi27ZtANTy+m23\n3QZAzRCvXLkSzz//vJ4dNGaFDxw4gG9+85vIz8/HyJEj8fzzz6fcNgDw+/2YO3cuJkyYgEOHDnXo\n2o4SRRH9+vUz/SOK/HVFlOv4U0xEXaYoChYvXox58+bh2WefTSiNa+bNm4cBAwbgJz/5SZv3EgQB\njz/+OF5++WWsW7euw+255ZZb8MEHH2Dfvn0AgH/961+or6/Ht7/9bdN5Pp8PF1xwAYLBID766COs\nXr0azc3NuOiiixAKhQAAn3/+Oa699lpcffXV2LRpE+655x786Ec/Mt3n66+/RkVFBQYMGICqqipU\nV1djzJgxOO+881BfX59Sm0eOHImTTz4ZK1euBKAGoUeOHEFTU5MeZK5cuRInnXQSRo8eDcCcJV6y\nZAmmTZuGq6++Ws8OTp06Vb//ggULcOONN2Lz5s245pprcOutt+r3bU9DQwNmzZqFhoYGVFVVYeDA\ngUnP27t3L1wulx7AJ/tn/Pjx7b7f/v37MWTIEAwZMgSzZ8/GmjVrUmonEfVsDDqJqMv+/e9/44EH\nHsCf/vQnXHfdda2eZ7Va8ctf/hLPPPOMntGLzzwCajBVUVGByy+/HPfcc0+H2zNkyBCcf/75eO65\n5wAAf/jDH3DdddfB6XSaznvppZdQX1+Pv/71rzj99NMxadIkvPLKKzhw4AD++te/AgCeeOIJTJ06\nFZWVlRg9ejTmzJmT0Kbf//73GD58OH77299i3LhxGD16NH7zm9+gqKgIf/nLX1Ju94wZM/Dhhx8C\nUAPMc845BxUVFXogunLlSsyYMSPptQUFBbDZbHA6nXp20DgR6K677sK3v/1tjBgxAo8++iicTidW\nrVrVbpv279+vB9TvvfceCgoKWj138ODB2LRpEzZu3NjqP//4xz/afL/Jkydj6dKl+Mc//oGXX34Z\nffv2xbRp0/DBBx+021Yi6tmkbDeAiHLf2LFjEQ6H8fOf/xwzZ85sNRMGAJdddhmmTp2K++67D2+8\n8UbSc7RA9Je//CXGjRuHFStW4PTTT+9Qm+bNm4e77roL3//+97F8+XKsW7cuIcD98ssvMW7cOPTp\n00c/1q9fP4wZMwZffvklAKCmpiZhotQ3vvEN0/NPP/0U69atg9vtNh33+/2mcnl7ZsyYgf/93/8F\noAaYs2bNgiRJWLlyJW6//XasWrUKjz32WMr3MzrttNP0x1r5+uuvv27zGlmWMXXqVFRUVODll19u\n9z0sFgtGjBjRqfZpLr74YtPziooK7N+/H7/61a8wa9asLt2biLKLmU4i6rJ+/fph1apVsNvtOPfc\nc9udAPT4449j+fLl+Pjjj9uc1DN69GjcfvvtuO+++xCJRDrUpksuuQSyLOO73/0uzjjjDIwbNy7p\neckyrcZjgiAkPSf+/FmzZiVk9bZu3YpHHnkk5TbPmDEDdXV12LRpE1atWoWZM2di5syZWLVqFTZv\n3oy6ujrMnDkz5fsZ2Ww203NBECDLcpvXiKKISy+9FCtXrkxpfGp3ldfjTZ48Gbt37+7wdUTUszDT\nSURdpigKSkpKsHLlSlx88cWYNm0aPvzwQ4waNSrp+WeeeSauueYa3HPPPXC5XAlBnTEQffjhh/Hi\niy/imWee6VCbJEnCzTffjMrKSr3MHu/UU0/FM888g6NHj6Jv374A1PGZX331lZ5xLC8vT1jjMn7J\npTPPPBNLly7F4MGDTbP1O2rIkCEYOXIklixZAp/Ph7POOguKoiAcDuM3v/kNRo4caZpYFM9msyUs\nFdVVv/vd7yBJEmbMmIEPPvgAEydObPVcrbzels6s/bl+/XqcfPLJHb6OiHoWZjqJqNsUFRXhn//8\nJ4YPH45zzz0XNTU1rZ7785//HBs2bEi6aLkxCC0pKcGCBQsSllpKxUMPPYS6ujpcf/31SV+/9tpr\nUVpaiquvvhqff/451q1bh2uuuQYnnXQSrr76agDAj3/8Y6xZswYPPvggvvrqK7z55pumtTEB4M47\n70QkEsHll1+Oqqoq7N69G1VVVVi4cGGHJ8HMnDkTL7zwAqZPnw5BECCKIqZPn44XXnghIcupKIqp\nr4YPH45169Zh586dqK+vbzMAbS97a7RkyRLccMMNmDlzZpsTu7Tyelv/tBU0A8D//M//4F//+hd2\n7tyJDRs24Ac/+AE+/PBDzJ8/P+X2ElHPxKCTiLokft1Ll8uFd999FxMnTsSMGTOwceNG/TyjoUOH\n4q677oLf709YpzP+3B//+McoLS1NaX1N4zmSJKFPnz6m5XaMrzscDrz//vv6sIDzzjsPbrcb7777\nLiRJLQRNmjQJL730El555RVMmDABjz32GJ566inTffr164c1a9agpKQEc+fOxdixY/G9730P+/bt\nw6BBg5K+d2tmzJiBSCRiCjBnzpyZcEy7n/Ged999N0pKSjBx4kT0799fD+iTvW9H+/Lxxx/H7bff\njlmzZuGTTz5p99rOOnz4MK6//nqUl5fjwgsvxLZt2/Dhhx/ikksuSdt7ElFmCEpH/tztIp/Ph7fe\negt1dXUAgG9961vo06cPXn/9dRw/fhxFRUW48sorE2aYEhEREVFuy2jQ+eabb2Lo0KGYNGkSIpEI\nQqEQPvroI+Tl5aGiogJVVVXw+XwJM0WJiIiIKLdlrLzu9/uxZ88eTJo0CYA69sfhcGDr1q36Uh4T\nJ07Eli1bMtUkIiIiIsqQjM1eb2hoQH5+PpYvX47Dhw9j0KBBuOiii+D1evW9g10uF7xeLwCgqakJ\nzc3Npnu4XK42FyYmIiIiop4pY0GnLMs4dOgQZs+ejcGDB+Odd95BVVWV6RzjoPV169Zh9erVpten\nT5/e6m4cRERERNRzZSzoLCgoQEFBAQYPHgxAXfuuqqoKLpcLHo8HbrcbHo8H+fn5AIAzzjgDY8aM\nMd3D5XKhoaGh29eh6yi73Y5AIJDVNkiShOLiYvZHFPvDjP2RiH1ixv4wY3+YsT/M2B+JtD7p0DVp\naksCt9uNgoIC1NfXo6SkBDt37kRpaSlKS0uxceNGVFRUYMOGDRg7diyAWJAar66uDqFQKFPNTkqS\npKy3QRMOh7PeFvaHGfvDrCf1B8A+icf+MGN/mLE/zNgfXZPRHYlmz56NZcuWIRKJoLi4GN/61rcg\nyzJee+01rF+/Xl8yiYiIiIh6l4wGnQMGDMC8efMSjt9www2ZbAYRERERZRh3JCIiIiKitGPQSURE\nRERpx6CTiIiIiNKOQScRERERpR2DTiIiIiJKOwadRERERJR2DDqJiIiIKO0YdBIRERFR2jHoJCIi\nIqK0Y9BJRERERGnHoJOIiIiI0o5BJxERERGlHYNOIiIiIko7Bp1ERERElHYMOomIiIgo7Rh0EhER\nEVHaMegkIiIiorRj0ElEREREacegk4iIiIjSjkEnEREREaUdg04iIiIiSjsGnURERESUdgw6iYiI\niCjtGHQSERERUdox6CQiIiKitGPQSURERERpx6CTiIiIiNKOQScRERERpR2DTiIiIiJKOwadRERE\nRJR2DDqJiIiIKO0YdBIRERFR2jHoJCIiIqK0ExRFUbLdiFT5/X74/X5ku8miKEKW5ay2QRAE2Gw2\nBINB9gfYH/HYH4nYJ2bsDzP2hxn7w4z9kUgQBBQVFXXoGilNbUkLh8MBj8eDUCiU1XY4nU74fL6s\ntsFqtaKoqAher5f9AfZHPPZHIvaJGfvDjP1hxv4wY38kslqtHb6G5XUiIiIiSjsGnURERESUdgw6\niYiIiCjtGHQSERERUdox6CQiIiKitGPQSURERERpx6CTiIiIiNKOQScRERERpR2DTiIiIiJKOwad\nRERERJR2DDqJiIiIKO0YdBIRERFR2jHoJCIiIqK0Y9BJRERERGnHoJOIiIiI0o5BJxERERGlHYNO\nIiIiIko7Bp1ERERElHYMOomIiIgo7Rh0EhEREVHaMegkIiIiorRj0ElEREREacegk4iIiIjSjkEn\nEREREaUdg04iIiIiSjsGnURERESUdgw6iYiIiCjtGHQSERERUdox6CQiIiKitGPQSURERERpx6CT\niIiIiNJOyuSbPfXUU7Db7RBFEaIoYt68eWhpacHrr7+O48ePo6ioCFdeeSWcTmcmm0VEREREaZbR\noFMQBNx4443Iy8vTj1VVVWHEiBGoqKhAVVUVqqqqcP7552eyWURERESUZlkvr2/duhWnnXYaAGDi\nxInYsmVLlltEtbUS5s7tiwsvLMFFF5Vg7ty+qK1N7e+T2loJ555bgiFDBmL06AF45hknLrywBKNH\nD8Do0QNw0UUl+r1qayVceGEJxo41H+9smzZtAi67rLBD7e0uWvvmzu2LL7/s+o+V8X6tfZZUziEi\nIuopMv6b6oUXXoAgCDjzzDNxxhlnwOv1wuVyAQBcLhe8Xi8AoKmpCc3NzaZrXS4XJCn7v1wtFgus\nVmtW26D1Qzr648EHC1FdbYs7VoS33mpMer6xPx58sBA7dqjXtrQI+NnPiiDLgn7u5s02/V4PPliI\nL76wJRzvTJskScKddwJr19rabW86GNt3770W/O1vwW67X2ufpa1z0vn96Kie8PMCsE/isT/M2B9m\n7A8z9keizvRFRnvvlltugdvthtfrxQsvvICSkhLT64IQC07WrVuH1atXm16fPn06ZsyYkZG25ori\n4uJuv2ey77LVakNpaWmHrzX+N42/V/y5bb1HR9uUanu7i7F9kiR1+b2N92vts6RyTjq+H7mOfWLG\n/jBjf5ixP8zYH10jKIqiZOONV61aBZvNhnXr1uHGG2+E2+2Gx+PB0qVLcdddd7Wa6YxEIgiHw9lo\nss5utyMQCGS1DZIkobi4GA0NDd3eHzU1FixY4ILXqwaNeXkKFi9uRnl5JOn5xv6oqbHg1ltd2LnT\nCodDwX33NeP11x3YsUP9+2bUqAiWLPGgvDyCmhoL7rrLhd27JQwfHjvemTZJkoR9+4pxxx0hKErb\n7U0HrX0A8OSTQYwa5eu2+7X2Wdo6J53fj47qCT8vAPskHvvDjP1hxv4wY38k0vqkIzIWdAaDQSiK\nArvdjmAwiBdffBHTp0/Hzp07kZeXh4qKCvz73/+G3+9vcyJRXV0dQqFQJprcKqfTCZ+va0FFV1mt\nVpSWlrI/otgfZuyPROwTM/aHGfvDjP1hxv5IpPVJR2SsvO71evHKK68AAGRZxoQJEzBq1CgMGjQI\nr732GtavX68vmUREREREvUvGgs7i4mJ8//vfTziel5eHG264IVPNICIiIqIsyPqSSURERETU+zHo\nJCIiIqK0Y9BJJyQurE5ERJRZDDrphLRwYSGqq+2orrZj4cLCbDeHiIio12PQSVnHrCMREVHvx6CT\nss6YdZwzp2N7vXdWZWUjJk8OYPLkACorM7ddJhER0YmKaSXqUTweUS95L1t2NG3vU1YWTuv9iYiI\nyIyZTso6LevodsvZbgoRERGlCTOdlHVa1rG2VtIn9bDkTURE1Lsw6KQegyVvIiKi3ovldSIiIiJK\nOwadRERERJR2DDqJiIiIKO0YdBIRERFR2jHoJCIiIqK0Y9BJRERERGnHoJOIiIiI0o5BJ/UItbUS\n5s7tm5F914mIiCjzGHRSj7BwYSGqq+36vutERETUuzDoJCIiIqK0Y9BJPUJlZSMmTw5g8uQA910n\nIiLqhTh4jnoE7rtORETUuzHTSURERERpx6CT0oKz0YmIiMiIQSelBWejExERkRGDTiIiIiJKOwad\nlBacjU5ERERGHGxHaZHqbPTaWkkvv1dWNqKsLJzuphEREVEWMNNJWcWxn0RERCcGBp1ERERElHYs\nr1NWPfHwF9i7/HnYLT6MnHUugP/KdpOIiIgoDRh0UlZNlP+Ib5zyDAAgcnAZvsZmjvMkIiLqhQRF\nUZRsNyJVfr8ffr8f2W6yKIqQZTmrbRAEATabDcFgMKf7I+/jH8O+9Xn9ecONdbjk0kKsWWMFAEyd\nGsLbbze3e5/e0h/dhf2RiH1ixv4wY3+YsT/M2B+JBEFAUVFRh67JqUynw+GAx+NBKBTKajucTid8\nPl9W22C1WlFUVASv15vT/WEP+k3P/Z4jkGW3/lyW5ZTu3Vv6o7uwPxKxT8zYH2bsDzP2hxn7I5HV\nau3wNZxIRNklm394xWAj1/gkIiLqhXIq00m5S2w5jPwd/x8USx68p9wERXICAAQlMehMdY1PIiIi\nyh0MOikj3F/+BvnbXwAARPIGwjdsjvpCXKZTCDKzSURE1BuxvE5pU1srYe7cvpg7ty8iBzbox0V/\nvf5YiAadiqD+/SMy6CQiIuqVGHRStxMDxyA1bdd3G/r8M8DprdVfF8KG2ejRoFN2lKjXhpoy2lYi\nIiLKDAad1L3kCErevxT93p6Ooe6tAIBTB3wBqxgro4shr54F/XJT9DJ7XwAsrxMREfVWHNNJ3cpx\n4F1IzbsBAItu/xh7PGNw+fC1pnOEcLOeBfWfqS78HnGUwAqW14mIiHorZjqpW+Vv+aP++OTCvais\nbMTY4s8BAE3O8QAAIeTVz7Fa4srrDDqJiIh6JQad1G2sRzfAXv+p/tzi3Yfnf7ULc0Y+BwB4e+MM\nAGqmU1uLs6ggACAWdAoc00lERNQrMeikbpO/Vc1yhgpOAQBYvPtx3Zgn9Nc/r6sAAIihZn0tzuEn\nqzsSyXZmOomIiHozBp3ULUTvATj3roAiWNB0+kMAAMm7D1NOqQEAPFz9Z1x5o7q9pRCOldcFOQgA\niDjUiUS5FnQal4WqreUQaSIiotYw6KRukb9tKQQlAv+QSxAsPRuAWl53BbcDAO54bAqGjo7uQhQy\nLJmkqBOJ9PJ6jgWd2oSo6mo7Fi4szHZziIiIeiymZqjrQs3I3/4XAEDzmNugWPMhWwv0NTcjjlIo\ntgLI0fU5I34v5s5VM5urvxOCBEN5nWM6iYiIeiVmOqnL7NtegRhqRLDkDIRKJgEAZKtLfz3sHgkA\nUCT1WKTFq2cHW7wR9Xzj7HVFyWTzu0SbEDV5cgCVlbmVpSUiIsokZjopgRA8DjFwzHRMdvSHYs1P\nPFmRYa95BgDQPGZe7LAUOzdcMNJ0zCk1A1AACLCK6phO2eqCItohyAEg4gckZzd+ovTRJkQRERFR\n2xh0UoK8na+i8POfmI4poh3+gdPhP/lS+AefD8WqTgqyH/wAlqYdCOefBP9JF8XOl/L0x2H3CPWB\naIFscUKM+HDeOcfgi7jgtIXU+FO0QrYVwuI/AjHYCDlHgk4iIiJKDYNOSiDbChF2DYsdUGRYvPvg\nPPA+nAfejwag58F/8jeRFx3L6T3lZkCMfZ2MQedPnz4ds++UUFYWhmJ1AREfXn5hL2Rnf4ivqJlO\nRZAg2wrUoDPUBBkDMvJZiYiIKDMYdFIC34ir4RtxtemY6Psajn3/gHPv32Grq4bzwHtwHngPgDpW\ns2XEd0znG8vrb1Wdio8PFWLZsqPR43XqDHZHPwhKJPoGVig2dfZ3ri2bRERERO3jRCJKiezsj5ZT\nbsLRWW/g68s/w/EzfoZA6WQoEOAffycUW4HpfG0cZ723L3YdGx67T3SCkRj2ArK6BaYiSIAgQLaq\nQWeuLZtERERE7WOmkzpMzhuAllNuQsspNwFyGM48F+D3m85pmvgAaiOXYdHjE3DmWRF9Zrc2g10I\nNUPQgk7Rqt6XmU4iIqJei0EndY2oZimTHR985mn40ysAEJvdrc2AF8LNgBKKnqsGnVq2lPuvExER\n9T4sr1OnaVtAXnKJK+UtIOVoplMMeSFEzJlORbQBiG2NSURERL0Hg07qNG0LyDVrrClvAalEx3Qm\nzXRG/y3I4e5vLBEREWUVg07KKG1WuxDyJozphGCJnsSgk4iIqLdh0Emdpm0BOXVqKOUtIBV99nqz\nPntdX98zhUynVtKfO7dvyiV9IiIiyj7+1qZO07aAdDqd8PlSy07KeqbTOHtdHcupaJlOLRhNQivp\na4+5BSUREVFuYKaTMio2ptMby2gK5kwntAXjiYiIqNdg0EkZpeiz15uB6Cx1xRLNdEbL7EIbmU6t\npD95ciDlkj4RERFlH8vrlFGyYZ1OLdOpaJlO7d9tZDq1kj4RERHlFmY6KaP08nrIq2c6Y0smtZ/p\nJCIiotzEoJMyylhe1zOd+pJJ0Uwn1+kkIiLqdTJaXpdlGX/4wx9QUFCAa6+9Fi0tLXj99ddx/Phx\nFBUV4corr4TT6cxkkyjDYuV1r2HJpLhMJ9fpJCIi6nUymulcu3YtSktL9edVVVUYMWIEfvjDH2LE\niBGoqqrKZHMoC7RMpxBqhqDELQ6v/ZuZTiIiol4nY0FnY2Mjtm3bhkmTJunHtm7ditNOOw0AMHHi\nRGzZsiVTzaEsMW6Dqe29rmc6o+t0ckwnERFR75Ox8vp7772HCy64AIFAQD/m9XrhcqlBiMvlgtfr\n1V9rampCc3Oz6R4ulwuSlP0J9xaLBVarNatt0Poh5/pDKoAiiBAjfkhQg0tBssFqtcJidQAAREHu\ncP/mbH+kCfsjEfvEjP1hxv4wY3+YsT8SdaYvMtJ7W7duRX5+PgYOHIhdu3YlPUcQBNPzdevWYfXq\n1aZj06dPx4wZM9LWzlxUXFyc7SZ0nNUFBJvgtqlldEdeARylpUBTCQDALommYRgdke3+2LQJuPNO\n9fHTTwMTJmS1OVnvj56IfWLG/jBjf5ixP8zYH12TkaBz37592Lp1K7Zt24ZwOIxAIIBly5YhPz8f\nHo8HbrcbHo8H+fn5+jVnnHEGxowZY7qPy+VCQ0MDwuHsjvmz2+2mjG02SJKE4uLinOyPPlI+LMEm\ntBzdhzwAvmAYzXV1sHm8KAQQ9HvRWFfXoTb0lP64/fZCrF1riz4O4q23srOAfU/pD6Bn/LwA7JN4\n7A8z9ocZ+8OM/ZFI65MOXZOmtpjMmjULs2bNAgDs3r0b//nPfzB37ly8//772LhxIyoqKrBhwwaM\nHTtWv6agoAAFBQUJ96qrq0MolN0xf5IkZb0NmnA4nPW2dLQ/ZCkfFgCKX13kPQL1ekFWX1cioU5/\npmz3h6IopsfZ/m+T7f4AetbPC8A+icf+MGN/mLE/zNgfXZPVdTorKiqwY8cOLFmyBLt27UJFRUU2\nm0MZoq/VGWhQD8TvSJTDs9crKxsxdWqI23QSERHFyfiI2GHDhmHYsGEAgLy8PNxwww2ZbgJlmRJd\nq1MMHlefi2o5WpvFnsvrdJaVhfH2283w+XzZbgoREVGPwh2JKONkPdOpBp2ILgqvLQ6fy5lOIiIi\nSo5BJ2WclukUgmp5PX4bTK7TSURE1Psw6KSM08d0BrVMp3kbTCgRCCEPYJiUQ0RERLmNQSdlnBzd\nlUgMtwCIZTplex8AgLVxCwa+PhavLngJc+f2RW1t9hfjJSIioq5h0EkZp0j55uda0Onsj0C/qfrx\n+afdi+pqOxYuLMxo+4iIiKj7MeikjNP2X9eJse28WkZ8R3+8rW5UpppEREREacagkzJOm72uUQxB\np2/I7NhjoYTrXRIREfUSDDop47TZ6zrBMGZTcuLIRf8EAJSNPI5ly46irIxLKBEREeU6Bp2UcUp8\nptNiNT+3qdufCqGmjLWJiIiI0otBJ2VcwphOwRx06rPbQ54271NbK2Hu3L6YO7cvamos3dpGIiIi\n6l5ci4YyTm5l9rr+XHIDAIRQM6DIgJD8b6OFCwtRXW0HACxYIGDNmjQ0loiIiLoFM52UVsZspLbe\nZluz19XnFshSPgQoEMLeDLWUiIiI0olBJ6WVlo00rrcZH3TGZzrVc7RsZ2KJ3bF3BaSGL1BZ2YjJ\nkwOYPDmAxYub09B6IiIi6i4sr1PGxZfXd+91YFD/uHOsblh8hyGGPJANx6WGL9Hn4zsAAGXfOYBl\ny44CAKzWxMCViIiIeg5mOimtjNlIfb1Nix0hORYk/vb/ihOu07KhQtA8g93SciDp+9TUWHDuucBl\nlxVy20wiIqIeiL+dKa3KysJ6NtKoJeRGof0YACAsJ2YpZau6bJIYiiubC8m/sgsWuLB2LQDYsHBh\nYdL3JCIiouxhppOyQgs4AeAHPwwkvB4b02nOdCpi+38n1dRYme0kIiLqYRh0UlYE+k3VHw8fJSS8\nLkeDzrz4qSqYAAAgAElEQVTdy8wvtJLpXLy4GQVqchQej6hPWiIiIqKegUEnZYVinEwk2hJftxUB\nSDJ73ZjpVBT9YXl5BBMndmsTiYiIqBsx6KSsUCyxQFNJkr30jvouAMDScrCNm5j3ZH/6aWDKlKB5\n0lIPkmzNUiIiohMFf/NRt6qtlfTSdmVlI8rKwknPU4zZTUtipjOSN1B9qeUQIEcAMbrNpRLRzxEi\nQdManxMmAG+91YhQKNTVj5EWxh2UONmJiIhONMx0UrdKthh8UoZgMVmmExYHIo5SCEoYtqPrIAQa\n1OOyIeiUEycgaXp7VrG3fz4iIup9GHRSVhgzncl2JAKASN4gAEDJB3PQd9X3AACCYlgqPuJv9f4p\nB78d0NVAL+mapZ2Ujs9HRESUTkyRULeqrGw0lddbZQw0Wwk6ZUdf/bHt2Ab1gbG8Licv3adLR8vj\nyYYasKROREQnKmY6qVtpgdWyZUdbHc8JAIpgiT0xPjZoGfEdhApGxw7IEVPQCTlu7OamZ1H8twrY\n6j7t1qxiZ6UzG9kTPh8REVFHMNNJ2SckrtMJAP4hs+EfMhsDXi+DGGqCEPYAhvK6EDd7Hf+8DRIA\n1xdPoWzGWd2eVUw5i5sBzJoSEVGuYdBJ2dFKoJmMbCuAGGqCGGyCYMx0RpLPUheDx7vauqQ6Guj1\npCCViIgo2xh0UlbIjn4AAEVof4SHou3DHmzEgf0K+kSP/6dKwOKl6rjPX/7Si+n6BZGEe2QDs5FE\nREQxDDopK7yjr4disSPY9/R2z5VtarZQCDbir6/YMX6Kevy3/8+B6hp1Ys+CBQLWfFs9bprhTkRE\nRD0CJxJRVihWN7xjbkWo5Ix2z9WCTjHUBIsQy2JaxVYWge+moJNrYRIREXUfBp3U4xnL61dd2awf\nv/rK43C7ZbjdMm67rcVwQfeU17kWJhERUfdh0Elt6gnZPtmmBp11+5ux7I3YovIb1lvg8YjweET8\n8Y95+nFBifSIdhMREVFMTv029vv9sFqtkKTsNlsURTidzqy2QRAEtLS0pL0/Fi1yobraGn1cjLff\nbk44J939YckrAQBUfRjAnl0icJZ63GaJLZkkGGbDC4La1vba3Z7HH/fj3nvVv8see8yf8mc8kb4f\nqegJ/QGwT+KxP8zYH2bsDzP2RyKhA6vQaHIq6HQ4HPB4PAiFWhnLlyFOpxM+ny+rbbBarSgqKoLX\n601rf8hynuGxnPRzd2d/JNvFRxTy4ATgsjbAIsZK59+79jhWH1D3X//FL7zAZ+pxRY5AlmPjOltr\nd3sCAQmy7Ig+DsDnS20HpBPp+5GKntAfAPskHvvDjP1hxv4wY38kslqT7ybYlpwKOinzMr3WZLKt\nJrXyesVZddjdFNDPPWlgQF+SyGq16kEnlEi3tLuj214SERFR6xh0Upt6wlqT2uz1YkcD5t3aCKyP\nvqAk/2tTUCI9ot1EREQUw4lE1KMk21NctqvLwYvBBtN+60L83uuaVnYq6o62EBERUecw00k9SrIM\npR50+o9CiPgNL7SS6ZQDSY93R1uIiIioc5jppB5PtqtbXYqBY6aAUpCTT+wRIt0TdBIREVH3YdBJ\nPZ5iLYAiSBDDzRCDTbEXEjKd6vINghzMXOOyjOuREhFRrmDQST2fIMRK7C2HYoeVuEynJbZwPOTu\n2ZWop+OuSURElCsYdFJO0ErslpaD+jEhEoD90Eew1msLdEYMr7WAiIiIeg4GndTt0lHyle3FAMxB\np3P3MvRd9R2U/vNyWI5vAQxjPIWQt9PvlUsla86wJyKiXMGgk7pdV0u+yYI+2RHNdAZis8ml5t36\nY4tnj+keQrjj215qcqlkrc2wX7bsKMrKUtsxiYiIKBt6dhqHTkhJdyWKjulsjRA8bnouhlvQ3qhO\nbctNr1eAIAB5eQqzhURERGnCoJO6XXdunVlTY0VtrYSzo2M6W3NkrwcFhudCuP3yujG4NR5L19af\nyfaVJyIiOlEw6KRu19VF1SsrGzFnTgk8HhEej4iFCwvx4o8K4G7jmn+968OocbHnQqjz5fV0LQrP\nvdyJiOhExjGd1OOUlYVRXm5eg/N3fz29zWvcNnN5XQi3P3tdm4Rz6qlBjB8f7JbJONLxLXCuuQ9i\n4FiX7kNERNTbMNNJPVJ8ifvBhefjSHMp+rnqkp5/3pR6wJA4FKPl9bZK2unIaPZ7578AAAW+Bhyf\n+hvTa+kq2xMREeUCBp3UI8UHhD+r9GDVa1fiqtG/S3p+cV6DKejUlkwylrTnzClBeXkoI+MpLd59\nCce4lzsREZ3IWF6njOvMOphlZWHMvlRu9XXBuD0mki+Z5PGIGVsGSbE40v4eREREuYRBJ2VcZ9fB\nVCz2Vl8Tg8nHdGrjNt3u1gPWdNDamksLzRMREaUTfwtSzlBEW6uvxWc6tTGdWkk7fmxn2kUznZyx\nTkREpGKmk9KirQxfZ7dubKtkLQTN94lfMqmzO/d0NlPZVlaWiIjoRMRMJ6VFWxm+Tk+osbSe6RRD\nHtPzVJZMSkVnM5VagMwZ60RERCpmOilnKGLq2cNNnwWzOo5SCzq5NzoREZEqpaBz+fLlCIVC7Z9I\nFJVqCd1Yvn77bXubpWwlSaZTaeUrHGgJdmqmenw5vfNDAVheJyIiMkopDfTwww/jpptuwhVXXIHv\nfve7mDFjRrrbRTku1RK6sXxdU2OFxyPqx+OvTzaRqN7XH6XOQwnHRaFzs9WTldNTHgqgKLGHXDKJ\niIjIJKVM58aNG/Hxxx+jf//+uPXWWzF48GDcfffdWLduXbrbRxSTJOhsDhVCThLgFbgj3bKtZUcI\nEX/G3ouIiCjXpDyms7y8HJWVldixYwdef/11bN68GWeffXY620YnAGP5+oknGtosZSuCJeFYnwEO\nKJJLfx6W1XPGjgl0ahxlZ8vpgHnykqBkdl1QIiKinq5Dsyz27duHl19+GS+//DL27NmDm266KV3t\nohNEfBn+kksCrZ8sJgadDlcelJZ8IFAPAAhFrJDEiKnU3ZX2dIRpxnyOB51t7VlPRETUGSllOn/7\n29+ioqICZWVlWLduHR5++GEcPnwYzz77bLrbRxSTJNOpWPOhSPn682BYK8FnPugTIsagM5KZN434\nYfHu7/bbdnbXKCIiotaklOn8+9//jttvvx3f+ta34Ha7090mIp0x4/a7BVb0jXtdlvIhWGPldVkb\n95mFTKMQ9sWedDLT2lGl714Ia9N2HJm9EuHCMRl5z1wRn62dMCHLDSIiOsGlFHS+88476W4HUVLG\n2eTPPleA350Xd4JoN43pLCiyAD5AyFSm0cA8pjMz729t2g4AsB9a1a1BZ29Y1D5+JYIVK5rauYKI\niNKp1aDzuuuuMz0XBAFKNHsjCIJ+/IUXXkhT04jMZCWxvN7QKKGPK1Zeh2hV/52hTKOReRekDGda\nu/nzdmVsKxERUTKtBp0jR47Ug8v6+no8//zzuPTSSzF06FDs2bMHf//733HDDTek9CahUAhLly5F\nOBxGJBLB2LFjMWvWLLS0tOD111/H8ePHUVRUhCuvvBJOp7N7Phn1CsaM2zU/HAFsNr/+yacOXHC+\nIauojfvMRnk90vmJRJy40/0Ss7VC2xcQEVFatRp0PvLII/rjCy64AG+//TamTZumH6uqqsJPf/rT\nlN7EarXihhtugM1mQyQSwZ/+9Cfs2bMHW7duxYgRI1BRUYGqqipUVVXh/PPP7/ynoV7HnHFz4NDY\n7Xjg9sP486wKAOqORMaJRIqofaXbD/pE3xG4an+LluFXIVw8rsttNY/p7FjQ2dk93ql1idlaa9ba\nQkREKc5eX7t2LaZMmWI6NnnyZKxZsyblN7LZ1AkekUgEiqLA6XRi69atOO200wAAEydOxJYtW1K+\nH51YtO0p51x1Er55eWxL1rMnh6EYJhJpmc5U1sks2LgYrq3PoujT+zrUhta26TSW199525bhvd8z\nP5yAiIioI1IKOk8//XTcf//98PnUTE5LSwseeOABnH766Sm/kSzL+P3vf4/HH38cw4YNQ79+/eD1\neuFyqQGDy+WC1+vtxEegE4FxCZ8334wFmUXFME0kMpbX7YdWof/ySbB9/Z/EG8ph2A+vBgDYjn6e\nUhvmzy/S2zB/flHC66Ih6DxyROjQckNdWZQeAIQsjGElIiLqiJTSMEuXLsW1116LgoICFBcXo6Gh\nAWeeeSZeeumllN9IFEV8//vfh9/vx4svvohdu3aZXjdOTgKApqYmNDc3m465XC5IUqYyR62zWCyw\nWrNbqtP64UTpD+P3Y9t2G3CB+li0SFAcBYbGqO0QoKDvqu8CAPpU3Yqj12zTT3FV3w/77uUQA7HS\nayrt37NHMj2Ov8Yix8rrFjGitzuVe0+YAMPsagEdLQWLFvP7pOv7UVNjwYIFapC/eHEzysvbn6Xf\nE35egBPvZ6Y97A8z9ocZ+8OM/ZGoM32R0hXDhw/HmjVrsHfvXhw8eBADBw7E0KFDO/xmAOBwOHDK\nKafg4MGDyM/Ph8fjgdvthsfjQX5+bGzeunXrsHr1atO106dPx4wZMzr1vr1VcXFxtpuQEc88A0yb\nBjQ1AU3NsR+2vLx8oM9A/bkkqcM4LIYcvqhEUFpaGjuw9TnzzSWH+fVWjB4NrF8PiEIEc6d+gtLi\nSYBkj51weKX+cNBAGdOmAU8/bUvp3l3lysuHK8n7dPf3Y9EiYO1a7XEffPRRt94+I06Un5lUsT/M\n2B9m7A8z9kfXpBymHj16FKtWrcLhw4dx77334sCBA5BlGUOGDGn3Wq/XC1EU4XQ6EQqFsGPHDpx3\n3nkYM2YMNm7ciIqKCmzYsAFjx47VrznjjDMwZox53UGXy4WGhgaEw9md2Wu32xEItLFdYwZIkqRn\nnXOtPzqTLRs4ECgvL8TatTbISiyibPH7EfLJ0IrYYVn9UkfCYWgLLMkQcbSuTr8mPjSLWItwzPB6\na558Um33tac8ibsm3A/f299F8zlP6a8X2PpBC0HPn+XF1IfUe6Zw607TPkuztxk+wxul6/sRChUC\nsEUfB1FX1/5QgLa+H535LnRWLv/MpAP7w4z9Ycb+MGN/JNL6pEPXpHLS6tWrccUVV+DMM8/Exx9/\njHvvvRfbtm3DE088gRUrVrR7fXNzM958800oigJFUTBx4kSMGDECAwYMwGuvvYb169frSyZpCgoK\nUFBQkHCvuro6hEKhhOOZJElS1tugCYfDWW9LR/vjvvsKUF1tiz7OT3mm9s9+dhwLFxZiiCv2Ay/L\nQEhw6M+V6JjOUEjWg86IbDG1L+weDskTG94h24pSav/o0SG88YYf/Zf9CggAzu1/QcNZj8XeW461\nS4lk9r+L3Mr7dff3Q/tvoD5uRCjU/v982/p+dPa70BW5+DOTTuwPM/aHGfvDjP3RNSkFnT/60Y/w\nyiuvYNasWXpUO2XKFFRXV6f0Jv3798cdd9yRcDwvLy/ltT6JtCVwLM1NQPRvHUUQYwvCA1AE9Svt\naQIc0SVfPd64r7lsDpRiyywlIUcgBhsgO0r0Q2LweNJTBeN9s7BOaCZw0XgiIuqslGav79mzB7Nm\nzTIds1qtiEQyv9Ug5b6OztROXKrI+LUVYzPWAUBUH4tCLOhT4r7mghxq87lR8X/+GwPenAip4YvY\n+dGAMiI6ze0ybn3ZTUGnY+8KSA01SV8TfUcMz3Jz9npXZ+0TEVHuSCnoLCsrw7vvvms69uGHH2L8\n+PFpaRT1blq2bNmyoyntvGNcLmnhwkJAiH1t31iWh117DLP4ogGo21CCdxlWVAIAyEHTUyHuuZFz\n398BAPnbErd7rW/uY26XKdBMDDrbW+cznu3IGvT5+A70/ej6pK879ht+JnN0yaSOfheIiCh3pVRe\nf/LJJ/HNb34Ts2fPht/vx7x587BixQr87W9/S3f7iBIohuWT9u234aPfF+CsWdpr6lfaIsaCPskW\nn+mMC27inydhaTmkPojEAtTmkHkNTkEJGx4nVgE6uuuQ7Ui1+b3jKNbYmGfFljj+mYiIqCdJKdM5\nZcoUbNy4EaeeeipuvvlmjBgxAp9++inOPvvsdLePKLEEayiny4qIiBJ7ro3fbGlOLK9rmcagL/Xy\nusbSckD9t++wfmxgqQ/nTPHiO+evxy9+etBUXnfuXdHl7KPk2dnm64oY+9x/+GNBhndAIiIi6piU\ngs7jx4/jueeew5o1a/DVV1/hww8/xE033YQLLrgg3e0jSlKCjX1tBw2W8d8/iC3KvukLdSZ7vtSk\nHxMi6tISWqZREtRsZcOUJeoJcjDlLS4t3v36MbvYjA/mX4WXLjwD03ZON4/pBOCq+X+m5x0dv9he\n0Gkcx7lvLzq0AxIREVGmpZQWufLKKyHLMubMmQOHwwFBEKAoSsIuQkStqa2V9ICosrKxa+P3DGM6\nr77GD/9JCvCV+jyiqF9pUYwFZEI4tr2qIMiQLGpw6B+s1uQFOZRa6VtR4Djwvum+UpO605Hk3YdI\nyLyDltT4lel5R2Z+u2qeNm/PqShA/M+bIZNqETipj4iIeraUgs5PPvkER44cgd1ub/9koiQ6Op6x\nLYop+BJM5fYJExXgmPl8MeIDFBmVlY14ZJGaCZUFGxRRXR8ylfJ63REBx9aswKA9f4zdN9yCiGHy\nkCXYAADwnXYPnBse1zOsnZEft2vSlloBY8tbP3/EMD8mBzkDnIiIeq6UyuvnnHMOtmzZku62EKVE\nsRXDd9LFCLuGITBwhinzWViU/CsthH0oKwvj1ZejYzItViAadEIOtlv6DgaBj99OnNAjGrKomj+/\nqK5l621qfVZ8m+QIxEA9ACAUUf8u/MlDeQmnCYZM5w3XezgDnIiIerSUMp1Lly7FxRdfjKlTp6J/\n//5Qor/sBEHAQw89lNYGUu9QWdloKq93iSCgYdqz+lOLYexjawu9C2EvFGt+bLkk0QqIFiiCCEGR\nUTYm0Gb2VYACu8UPAGga/7/I/+rPsATqTaV7Tc32AmA8sGtbBIM78fFsR9dDUGQcD/QF5DCKnI2Q\nxFgAqw1VuGBIPn46RfvgLK8TEVHPllLQ+cADD+DAgQP4+uuv0dTU1P4FRHG6cyeb+PGhpw4xLA5v\nXCjeQAsOteWSFG0XI9EGRPxqMCo6W31Pm13BjHM9QB2gWOxQrC4gUA8x5Ek41xvMV6+JBqkdZT22\nEQBQZD+KY351d/WHF9UDKAIQG6owMigBWtApZzfo7NYxu0RE1CulFHS++uqr2Lp1KwYNGpTu9hC1\nK3586N9eTCXoVGefa+M3taBTEa0QIn7Yj6xBYMB0fUejeKUlEfiK/EAdANEGRUosd2sGD1XbNnxI\nC5pbPat1Qlidjd889g4U7lkO+IBTRvogR4NO/TzBMFkqy5nO7hyzS0REvVNKYzqHDx8Oq9Xa/olE\nWSAbFkmXnaVJzxGjQWesvK6O59QWk++7+jq4tvy+9TdRFH3nIsVigyzlt3rqfYvUwNVpS8x0it4D\ncH3xawiBhlavFyJq0ClbXXpwbJzspI0/HTXSMGaU5XUiIurhUsp0Xn/99bj88stx1113oX///qbX\nZs6cmZaGEbUmfnyoYitAw+z3USw2oMV9NvI3/irhmlimUyuvR7/6Fpt+Tt6Ol9Fcfmer76vNRldE\nG5oDLrS6lkM0C5ps9nrf1dfD2rgF1uO1aKh4Jvn7RNuqWJzq2FMgYetOwJzp1IJOrcwtCAKeeQYY\nOLDVj9OtunXMLqVF/BCICROy3CAiOuGkFHQ+/fTTEAQBDzzwQMJru3bt6vZGEbUl2fjQcMlpQGkp\nUFcHRbAklJv1CT/GiUQwjO1E65OQoq8aMp0ObKgpxn8NaeVMq5oFFeTEoNPaqK4CYav7pNV30jKd\niuQ0LOsUGyO5cGEhBjS/g6uGPh67Jvp5jWXuO+8E3nijjY/UjbpzzC6lR/wQiBUrOD6fiDIrpaBz\n9+7daW4GUTcSRD3zF7GXmGaZx8Z0RjOchqDT9Bgwb2OpKKbSvC/cenldH+/Z1jqdbZTDtTGdisWZ\ntLzutjZg+U1zUr4fERFRT5DSmE6iXBLJPyn22KWmI+MnEsUynbHyupIQdBoCOSUMIRIb0znxLPO5\nsuHvt692RjOdbQSdbU38iWU68wAt+2oorz9y/77Ei6Kz17XxnlOmBPH0062+BfUy7W3jCnR8G1Yi\nou7GoJN6HdlWrD8+Ko8GALz4nPqLGUlmr+sECZbmfbEMpyG7KMhhvVyuiDYU9TPPXg9GYr/oH3q0\nRL2mq5lOU3k91pbRw1sSr4neTytzv/UWx+ydSLTSeXW1XR+3GU/7bnATASLKFgad1Ov4hswGAESc\nA/B2lRp0Hv06oE6wiQs6jSV129H16L9iCpy7lwGIy0bKQSCa6YTFDiVu9npEjt0nGHFEF50Pt75+\npmH7zHjG8nrSiUTJglmW14mIqIdj0Em9jnfMrWiY/BSOXLIKLWEXAMBli66Y2cZEIo2t/rPoua1n\nOuODTpsjlun8aWXQkKFsZSvMlMrryTOdgpy4FNOHH0htllapd2PpnIhyAYNOylnGcWw1NYZF3UUr\nfCOugmJ144JL1K/4iCGNqKxs1GeBr/3Ehblz+8LrS7L+rCCitlbCLTe6Y4eUsGnJpPh1OkUp9v7l\n4wTA4lCfRJLvSiS0memMLpkk5RkmEsXKocnK9sfq0WZplXo3ls6JKBcw6KScZRzHtmCBK+k5/U9S\ng7+L/usYysrCsB79HACwbX8pqqvt2Lc7MfgTQs144qd+/GjMbebj0RnwisWmL4ukMy63JFgQktWl\naW67KS959jFJplMLousPRYPbVsrryYJOSTwxAo1UJswQEVHPxKCTejVt+SIh3AKpcRvctb8FADz7\nya0AAJuYGMAJYS8WnXUbLhzzvvl4KLrWp5g4plMxbr8piKg/ru7j/uVmJM0+Jpu9rgXRFqXtJZOS\nBZ39SoMnRGk1lQkzRETUMzHopJxlHMe2eHHyXc614FAItyBv+4sAAJ/1JAgDT8PkyQEMGeRNuEYM\neXD6oE8TjxsznfHbYArmHyUt0+mQ/DhnwDuweA+k/LnyrLHyeizT2XbQOe0bPpZWiYioR2N9inKW\ncRccqzXJ2EwAcjTTKYa9sPgOAQCC4+fp1zlWJAZwYsshNPlscDjMx/UdiZKM6YwPOvv2twI+4M6L\nluEHEx6E8paAQ9/Zn3S3JI26lWQB8mzaNpgOQ6bTMCEpyU5HJ8rsdW63SUSUu5jppF5NK6/b6tdB\natoJAAgVjdVfFwwTfZpOvRsAIDXvQaFNDUrz7vdir2eU+aYWe+KYTgimZ/Y8ddb5ree/F301uvan\nsQwfp6wsjGWvHoAoKFBEOyBaks9eTzY56QQJOjlhhogodzHopF4t4h6uP9b2PZcdpfoxYwDXPP5/\nEM4bDEEJQxLDCMlWTJgkoqif03TPZEsmxVMsanldCJmzcYoxI2rcZlNvT2y5JAApl9fb2uGIiIio\nJ2DQSb2aIuXBP2im6VjEUWJ4Yg7gIu4R+mPRWYBly47B7ortPqQIFkCU2p5IBKiZSgBi0Bx0mhec\nT1LaD5uDzlQnErW6CD0REVEPwaCTej1Fii2npAgSFFuR/lyIC/zCBbGgU7G6o9fHAkyt3K1nIvUb\nmcvrWqZTDBw3HJTNwWM0wDTdJmLYjQhoJdOZWF5nppOIiHo6Bp3U6+kBHADZ0dc06UdbpF3LVIYN\nmU7Zpk5Y0caFAgCiwSQEMW4ykTno1M4TjeX1uAyltgi8+ZgadGoToJJNJEqa6WTQSUREPRyDTur1\nFCk2Dd2nFJkWFz/2jf8DADRE/x0qKtfPjXiOYu7cvvjnR31j94pmOoHYEkoAEmava5lOo/isqhhJ\nJdMZnUgUiWU6T+TZ60RElLsYdFKvZ8x07tjfx7S4uP/kS3Hw6j3wD5kNAAj2m6oHnv/eMRXV1Xbs\n2l9ouFcs6PSM+6HhXVIIOiPmfdiTltf1LTDNYzrb25HI7w0lHCMiIupJGHRSrxO/VaJiiWU6PcHi\nxHO/3R8XXliCiy4qwdwrSlA15O9oPP0h/PHLhwAAzQHDFpuiTb//718wLKUUV13XJhIZxQeLbZXX\ntZK+Ykk2kShxTGfdAX/re9ETERH1AFwcnrKitlYyLfLdnWsualslao/f/1ks0zlyXB4mTw7o7/vj\nHxdh82ab6fr7HxqEZctuxx33S9jXHEB+cex6X8iu379/88nAGdor7Wc648viFu8+AJNNxxLK60I0\n06mEDeckZjrtgsf0uRcsELBmTWITUiGEfbDWf4ZQyZmJE6aIiIg6KaeCTr/fD6vVCknKbrNFUYTT\nmd1fxoIgoKWlJWf7Y9EiF6qrrdHHxXj77eTbWKbK2B+iGAsARVGE5HDrzxVbH/11u92O3bsT+077\nPJMmAe+804I//TB2/f6Defr1B5sG6ccDQQnanki1tRJOtyeu4+mUzOnQwvUPQRhxCRRHH/2YTVAz\nmha7C06nE1aHeh9JkPU+tiAxQC9wNJo+tyAI+OQTH+bPV2fqP/ZYC8aNkxOuS8b5n4fg2PIc/OXz\n4JuyOKVr2tITfl6A3P+Z6W7sDzP2hxn7w4z9kUiIW7UlFTkVdDocDng8HoRC2R2/5nQ64fMljsfL\nJKvViqKiIni93pzsD1nOMzyWu9yf27Y5sGhRHkIhCTff3ARZVkvijz7aiKAsQXu3d/7VF2vWqOHh\nPfc4MHRoGF98oWY67XYZNhvQ3Kxg/fqQnn31hWLl+aBsw6OPNmDhwkIU2mJB5+59dpwanW90zz0O\nvPsTCxL+l7BzhempGGyE9dNH0Xjmz2PHfE0AgBBsap+EgXwAkaBP7yNnKLEs77Z78OhPj2Lhg+rw\ngV/8wot77umjZzvvucehb/3ZnuItzwEAbFtfwLGJD6d0TVt6ws8LkPs/M92N/WHG/jBjf5ixPxK1\ntv10W3Iq6KTeo7v30F6wwIW1awHABkVxmQIsZVfyMZ2bN1sxaFAYbreMYcPC0WM2bN5sw8KFhfo9\n5lwDleAAACAASURBVFwRAvaq1wwZZkGpvue7gPrDr0CxOBB++TFTew7XO1EQ10bnXjXoDPadBNnq\nguPwR5CatpvOid+RKPmYziSLygsKykc3YdkyNZvZmf8Z1NZKeOjBfHz8bUTbkNf2BWnUleEX6Ry6\nQUREnceJRJQVmdxD2zgu8YJLbXC71cCspUXE9u02eDwi8vIU5OXFtqWsqbHqE5EGDY7dK89tHv8Z\nHDANodKzMGxYbMmixx5rwd/+XmQ6T7Y49AlAjZN+gqZJPwEAWFoOms6LH9OpzV5vbgrpk4T83iRL\nJgEQQh7T86efBqZMCWLy5EBKgf3ChYU4tnOv/lwMNQOKuSQfP0krXbTxqdoqA5m6loiI0odBJ/UK\nixc3Y9o0NcgyBli1tRIe/UU//fmAYW6UlycvjVRWNmLy5ADcbhkej6gHLes3xCYFHa5zJL1WiZu+\nHoiYJxLJzgEQQmrpPJJ/EiJ5amne0nLItAd7bMmkaJYxOpFox1eKHkjVHUwepItxQeeECcBbbzV2\nKLCfMHBTrC1yEKK/zvQ6AzoiIuosBp2U82prJSxYoI7hXLy42RRgLVxYiPWbY8GRbC3Qg8tTTw1i\n/PhYJlDLvsYHpc+/ECuUr9vgQjK7d8eWKLr33jx869txk3YUWQ8KZasbitUF2VoAIeKHEGzQTxNa\n2XtdEmNtslnUjOnh4rmmt0i27mcqtOyl1ytg1sTPTa9ZvPs7dc+u0v4bpZql7a5riYgofRh0Us5b\nuLAQa9fa8O9/Qw8+jXyhWHl9/oKhAIBly47ivffq8e679QmZwPigJSLHAspAOJbBfPttO8aOHYCx\nYwdg+9HRAICjXnUm+qAh5tKzEPFDkENqEBldNzSW7TyoB34frYxuy6ktmRRdjH7UcJ/epn591OBS\nqPhffHLKe/ji6NkAgL07Oze4XctefvGFDWUlm02vWVoOmJ5nKqDryvCLTA7dICKi1DHopF7F64Vp\nzGFlZSNGjY0FgP/+tF+bZeFkk1BuuDGWQTz9rFgZff78Yng8IjweEfe/9Qje2D4PD3zyKh57rCVx\ncfiAGqDJVjcQXWbCGHRqgZ+vSc1ixmc68+xBLFt2FJWVjWjxqLsTbd3pxg8rp+PQUTUTW/DZg6ZS\nfWeMLFCDzjWHLlDb5jUHnW0FdJka70lE3YM/s5RpDDop51VWNmLKlCCmTVPXDYsfcxiIxMZhHvcV\ntXYbAMnHLJ5xVqxUPmR47H/Mfn8sAN1VfzKmLnoYD/+hDOPGyQmLw1sUdfKPYo2V6iN5A9XXDJOJ\n8qzRMZ0WdUznzt1q8Ll7p6wHxBLUwPSRn6ljVYcW7wEAjC7aDEvznjY/XzJa9nJWxWEMdO2DL+TA\nG5+dr7YtLuhsC8d7EuUW/sxSpjHopJwT/9d5WVkYb73ViI8+gmkGOqD+T/XT9bGSe/lEW8fLwoJh\nS0kxNnt9xIhQ0scA9BJ6PNmWJOj0HkJlZSO+e8FnuGjsewBimc6nlqjl+nAgpP9ScEhq0BmMOFBZ\n2Yh+BcdizYtOVuqIsrIw3lpajeX/uwAA8MXhU7Hr2HC1bS2pB51ERERtYdBJOaetv84XL25OGHPY\n4IutzfnGsoY2x/klHbNoCDpfW1aoB7v/93/H9QlJADB27ABMn16CGTNcuPu+fsluD8Ua291IK69/\n/G49Fi104U8XX6ieY3EgXHiKeo6iltdtFvU9Kn92DDYphIgi4iePtqCsLIxCRyyIFkKd29mp8NMF\nyN/2PABgX/A0uAerAbHUgYlE3TXekyU/oszgpDvKNP4fnXqV8vKIaWF4bRH6773/Cf77RwqGtXN9\nmb7we4wixP4227k3H9XVdsyfX4T8fDWrKgjA9u1qBtTjUf8d/toNnJ94f9lUXleDTmf4ILZ94YUt\nomYsj8xeBdmuZjjn3+0HaoB8p7oUVPnoFmAjIEh2lJWra4MKxn3Zw7Ggc9Mm4PbbC6EoSruLpEuN\n29T2l9+Fcy6/EeeIEvBm4jqiUBTYD34AIeKD/6SLATG2CH2yvusM4x7yxkX6W3OiLQZ/on1eSp/u\n+pklShWDTso5HdnNKPY/1cFtnqcx/kK/5ZZmPPecC5NKi/G789TXtdnrO3dKaGlRg1FtsXkjf6iV\n9TyTZDqHFO1DP9cRAEDIPRIR1xD9nJGniEAN0K9vAEpZGAiopXUYxoz6Bl8I5wG1LC+GvPrxO+8E\n1q5Vg2BjkBwfqAghLyyBeiiiHZ4J9wKCCCgKZCkfYvA4xMAxPQi2Hv0cfT+6EQDQMPVp+IbNSfo5\nO0Pr+5qaju2mFB+kxn8/elpQVlsrYdEiF2Q5r1Pt62hQTkTUUzDopJzTXX+da0GO1ytAENTxoC0t\nAjZvVgO1mhorPB4RB4vG4unpAkRBwZYjYxPuM3SoGjTs3CkhEgEkCRg+KvnIlXpPIa6aq27S/otH\ng+gPYEjxfkw/Sy1jy46+pvO12euCrJbXtV2NFMOY0eNTnoL9b2dCDLck7Eqk2bNHgsejtmnOnBKU\nl4f0oHpkwSH85UIg7BoCCKLeL8/OHIdT+36CvO1/QfO4uwAAkmGiUntreGr3EUURjz4aaje4MgZT\nbreM8vJQp0p+PT0oU9tn1R/3tPYREaULx3RSzujMWL+2rjGuT7l5sw3V1Xbs3p14333HT8Y3V+zC\n3H/UYEXNZQCAESPC+lioX//6ON57rx7jx4cQCIjwekWINnvCfQDg/dWl+njU+xcNRMRWDKsYwi/u\n/hQAINvNQac+cSm697q277pxdrxiK4R3zK3q6YFYAPP008D48UG43TIisV069d2W5s8vRnW1Hc0H\n1eAx4jrZ1C9VX50OACjYtBi2I2vV+/vrY00Lth0QavdZs8ba4Zmx5eWhlNfZPNHGpZ1on5eIeg9m\nOilndCaD1dFrhg4N62VoLRMIAHc/5ATgxMHovuftlUVDcvKg0xsyB19y3iBYgg2wHlPXx2w90xkN\nOuVo0Bm3DmjEoU5ckpq2o/ijmwDXSZhwwa+Rn2/XM5xutwyvV4Asq0s9aUs+jeizEwAQzh9quuej\n/1yEG896AQ7JhyNf7cPNd1yCW8a04LYJ6uuNR5riNv/smo4MmzCKz3x39j6ZUlnZiEWLiiHLcqfa\nx3F4RJSrGHRSzqutlfDgg4WwWoFHH7Vg9OjUdubRghNjeT0+mLzkkoDpmmS/7I1l+vHjg/j/2Tvz\n+Ljqcv+/z5ktM5PJnjbd23RNN5YCbaFQCyIgAlJFL4roFYSfUBUEAY0oClXgCqj0CnjF63W5XgVa\nFhFRkR1aoNCFJrSlK7RNmz2T2WfO+f1xZk1mkskyySR53q9XX505y/d8zzPbJ8/zfZ6nsFDhu7cF\nYGv3a559gZWluxPCNdI4EUvbDiytUdFpK09NFLmjlYlEw+u63s3TGTt21aRqfnwqOA48nrjYtNOA\ny+JP588P4fEovPuu4T2dMSNERYXOyXOMJKJfPVLDIqc5SbRV0DzuYia1/C9PbLCwaZONK6cm7n/n\nNi/zzundvqqq8u//3hlvtZnJ1oMlpvJdlNXUhHn66U58vtS2pZIgJAjCaEdEpzBiyOTBMryZhpC6\n5ZZCHnvM3+s5kJts66VLAzz9tAefT6FDuxEl7MVV/4v4sVXTnCnXjHQapYksbfUAaAUV1N6S5J39\nbilnfsaEokdAj8RFZyyRKHZt8/QpcGqXiQXauPPOTm6+2Zly/12Fzb579wHw/Dtz+L/dxfGOQwDF\nb5qgBUyKEZ+PJTwBjLP3XMMzZl+73c555xXG7ynZbvksDmFohWC+r0UVBEEYKCI6hRFDf0TicHi9\nduxQufHGcuAO7vzhh3yEhOjUkrLXIZHBHn/edU0nRohdiUSMEHs8kShVwG1vWEQoYsZiShJFYV+3\nElLQ3Vs7yWmIzr3N1TiTWtfX15tpeaaQS2bDitM8LN0bYNq4o/H9C8vf4EjYFy9kPxoRISgIgjB4\nSCKRMOJJboN5553pi6OnSyjKNjGpt+O6JnbcdJMjniz0gx+ktt1MboMJ8EHblJTnmq2se6JIPJko\niMlviJ6Y6Fy7th2XS6PDX8zXHr8/dWJhb8Z7SkxIY0rxfgAqqifGvaH19WYuvriCD48Y13lzo8r6\n9c0smN6Qcrq5fVfv14jOc+HCIA6HhsOhsWhRMMXzbGnegmvbXaBFehhldCMJQoIgjHbE0ymMeGJt\nMCsrK2lsjBBKs6Qznccqkxera0i1N29XT95UrcvfdddcP5V39ldw5IgZkwkuOGEuf7gw6fiCim7j\n6fWJZCJzuxGGVyKh+DynTQujKLBF+xJvzZ7CXOs/ce34KYRT1wymQ/UdxaQHiNjK+cMjifWrtbXF\nuN0qoYhx7aZGnfp6M1UBI3vdX7WSgoYXMbv3Eio/rtfr1NQYCVqx2qYOh54Sqq78+/kAhAtn4Kv+\nTK/jJZPLEPhQJiXl+1pUQRCEgSKeTmHUMdA2isltNi++uKLPxcrvvtsb91jddltqL/SXNlWyZ48V\nr1c1ShfVTU/Z361kEiS6/mhBlKgnMFxUnVLyyeHQWb++hYknnUDEHm3BmYXoNHceBBLlkroS1gz7\nRUIRbv+eGTXsRTcVECpdZJzv3tvrNXpDSSpor/Tina2vN3P7VTu46d8Px1/bntqiDpSYEMy2fJMg\nCIKQGRGdwqgjnQhJF7rMJpzpdhvi0OXSsg57LligxYXK3Hmp3Yra/amiqNE/mQ87ZwDgtVWnFZ3J\nZZOUYBsAoZL5aa9dX2/m/l9UANByLFXAPf20jXnzqpg3r4qnnzY8tyaPITrDhanlkmK2MZmNvvMW\nU4hSWyNgrDsNF1Ub57v3Zi3yk+19xRWd8XOOvJNI8//vh609jnHXbREeWPUxfv+xkwddYOaq5/tY\n6CU/Fu5REISBI98OwpggXegyUzgzFlKNdSSCRLHyPpPUtz0YsTKnRsXrDcbD6z+5pxP13Oc46m80\nam2qpu5jREXn164p5JrFHj4yCTRbadrQb21tMVP9xXAKbHnLx6KzAV0DReWGG0rj93PDDaWcf35D\nRk9nzDb+54PQANOm+PnERftgt7EEIOwyRKfZvZfan2SXbJNs79Wry+PnvP3kFk5cYBzjbuzIPIau\n4bAkhLRJCcXvfTBC4LlKGhoLyUhj4R4FQRg4IjqFUcdARUhMHHVdK9g/EqKz1VuCw6Hzt791/UG2\nEXFOzjiCHk0kqt8ByhzD06lZSzKKZl/IyCYvMHmxNLxC+XOfo/2UezApV/KrS76K3eLjBy/cBZhQ\nfUY2esRelfbaFeNUaIBLPtVJsPJoVHSWEymaCYC5Yy+gZ2OIjMwqfjf+uMzRAm2xG9cxeQ5i6jyA\n8/3fUXDoHzz4+U/E99v1RurrnRntYPIcouCDpwlWLCFUsWRAc8wlUp9TEISxgohOYdSRV0XGlUTP\nnq6h9d6IiZHffNTOvFKYVHyIlTNfAkCzlqY9Z+3adh7/meEtXTTfh+OVa1Ejfkpfv5bf3TmJT3h/\nDcDc5VOAb6AGWozx0q0lBY42WSkCnnjcwokfbaUc0GwVaNZSNGsJarCN/7jtfb512+z49bMhuTC/\nlcQ51ROaWHut8dy17U5cdetSzqtq2xB/3PphC7W1EzO+RsqL36e4/RnCmokXTzjE4l7ynXKVNNTb\nuKPBS5jvXaAEQcgPZE2nIOSUhOgMm4r69IMcEyOt7YYg+dtXzovvixROS7uOrqYmzPduN8LOLpsP\n1d8SP+f0uW/HH+9511hTGWiNis6C9KLz6b8ahTsvm3sfbP29ce2CClAUwi5jLaojsCflnN7W9yV7\n9hQFLHqizFWpoyXu6bM2vhHf7l74TdpO+jF6kj2rilLLN3Wl46CxdMCsRrjj+73/fZ2rpKGxkIw0\nFu5REISBI55OQcglSZ5Ob7iQ2triPodQI3rqOs/WpfeiW5wZPWS6KVqsve39eK92AEtrIoztb3ez\naZONtnNaKSnK7OmM6ImviPllm4HEsWFXNdbmd3j2/w6nzANIef7MM6kJTcnzVlUd13nu+L4ia2v8\ncWy96dELNhIpjNUz1Sh5qxaAUxd/wLKvZBbx4+0fxh8X25qB9N7h4Ua8hIIgjBXE0ykIQ8TBo2VZ\nlfWJZZlv324x+sjbUo9fffPlPWcImwuM/32NqZs7EuWNigsMcVNqM+puaraytEOdf0Gw2zatwMiO\njyUTOQLZlU2KeUDr6iycNv0Vvnf2DzArQYoLEmWlZlQZ8yESQPUdRVdMRBwT4vu9s7+Ef8IqAL52\nxb6M4l0JdeKyJgTcd64/kNUchwPxEgqCMFYQT6cgDBGt3uw8bclZ5g0NMOfKb9HesIy//LGFDZtO\n44Vt5fhqAxk9ZHFPZxfchw5THt01ZXwLpy7zUGRrRUfJuEZ0UnEDfJi6LS46o2WTphfvBmBm1WF+\nc/3vcfp38uaJKj/bejff+2EIMLLvkz2cT990PsX2Dg62TaXInvB0OoL7aYsEMXkPoaATdkwENfVr\n6qB6JnN4nmcfc1OmmtMKNZMvNfQ+c2IjWrejBEEQhKFERKcg9MJgZRcXlBT1q8VhuHgO4eI53L+t\nnE3bEj3XMyU66aaCtOOU24/FHy+a3cJjV+1B2aATsZamL9UEmKIh7mQitlRP55xKoxXmf/3btcz7\n8HEApsyEVZ9fjG/Gp4iJToDxrgZuXnUXxXbDu3nawj04LamtSy1tO1CDhhDdsq+aNavLU+z+20en\nc8dywNuYMfFG9R5OfR5oFdEpCIIwzEh4XRj1DGaHooEUJP/E58rThlC7zu+ee1pxuTRcLo177mmN\n7/d4FBYtCnYrrt71njSLC81aQthSznuNNSn7IrrxkW861Mn1/8/obpQpiQjAO/PSbttix0cKjUSi\n2ZXvs3ypl6XV7xjbo+WXzO7UBKO1a9t58Au1XH/GT+PbLr3ICHtrZidHSj8NwMM/3sex9w336rb9\n1d3s3uwfD0CVK3Mikcl7JOV5LEs/X5Hi6oIgjAVEdAqjnly2ScxEsojYPOsJ2k+4De+Mz6bdf/31\nJSnzO//8AO+918B77zVw/vmBNO0um3n44cLM92Sy0vbxv3Hp05s5+aebUnZ5HEYV9gKlgyN7DY9r\npiQigOD4U/nk0ztTtsWO1y1OIvYqLGqIx3/zFvbQB+gouBfdAHRvkVlTE+YTi/+Vsi22zlS3uPjz\n8ycDcGblb3njH0b90P2t07vNadUnXABMKf2Qr3y5GXPrDoikrj21H/xLynM12EpX8knoDcd7VBAE\nYagZsm/a9vZ2NmzYgMdj9FlesmQJy5Ytw+v18uijj9LW1kZJSQmXXHIJdnv6NWmCMBz0J7s4ef3i\ntT8+h/XrT8q43+XqOfDr8ShpH2eivt7Md797AnV1VjoD0OF3UVRghKvN4+fC/u0UF7QzrtAIt2dK\nIorR4E20yAxrJjBZE8+LZmLyNWA78gKKrhF2TiZUPM+4Vsf7oCW8uqrvGObO/SljW9rqjDmYndS3\nngjAKVPfJHzEmJNaMrnbkoSHfl/NZy6G6aX7ucI9Cf4G/1N/I5Mv/VbCixztBBUpGIfJfyytpzNT\n9r8UaxcEQcgNQ+bpVFWVc845h2uvvZYrr7ySN998k8bGRl555RWqq6v5+te/TnV1Na+88spQTUkY\nI2TTY70ncp1dPG1auMf5JVVdij/u6Z5qa4vZuNFKR4chaD3hkvi+Bv8MwqoTVdU5d4kRDu9NdK5d\n244/bPwhGDKVpngHY+s6bYcND2akcAZ1R+YAYGmrR/vVSuq2G15Ia9Ob3cZWo73kMdlYcuHx8e2n\nTngWgDXfKe1md0+4qNs4J5X+NcVD6Gs31ok+ueMC4zqB7p7OTAyH13Gg71FBEISRwJCJTpfLxYQJ\nRukTm81GRUUFHR0d7Ny5k+OPN35sjjvuON57772hmpIwRhiOkjS9iYjk/T/9aVuP83M49G6Ps72n\nBQvCeCIJkfb4M+Mxa0a04cvz7wR6XtMZ494t97Cl8VRuf+nuFEF2yDsLgIKGFwEIu2Zw8/en0ewx\nhOxk135+sdZYX2l27wPgj7u+xoW/fiJl/HDRTB7+tYvfbb4sdXu8PmeCtWs7um2bU7kLm8moB1pf\nb+bDPcbjje8ZnZLSeTp7e40KzD7mlW4GfWBtPrNByialJ5+WQAiCMHCG5VPc2tpKQ0MDkydPxuPx\nUFhodD0pLCyMh987Ojro7EzNai0sLMRsHv4vHpPJhMVi6f3AHBKzg9jDIN/ssXhxmKeeiokjheQM\nboDFi+GppzqoqzNxyy2GJ/LOOzuZPz/SbbyrrvJRV2eJP+7N1nfd5eHb31Yxmy386Ec+3H9JeDLD\nupWIY0JKoo3iGNfjmN/9bjEbN36VWr6ashRAURQe+vNi7lmROPaIfw51dRZuM9/G/Rd/HYBxjsNY\nLJOw+I1w/lHvVJ6qu4Bg2ILVbHRPCk09D0VR2NGwID6WrlowuSZj6pJZv3gx3Pfwj7h+yXf4z1ev\n4bQZr3L8xK387NuvYbGcwne/W8zrn94GwJ5mo0e8Gmzr9h6JvQbRuyH2Gt11l4f7vvseP/vIRUwr\nOcC7b/2B8aeeHX2tjO+qTK9VtshnJpVM9vjud4vZtMkafVzCk0/mzgs8EuwxlIg9UhF7dKc/thhy\n6wUCAf785z9z7rnnYrPZUvYpSXHEzZs38+KLL6bsX7lyJatWrRqSeY4USkvzs8vKcDHS7HHrrbBx\nY+xxGS+91P2Y3/wG3O7Y4xK+/OWex1y5El57LfasmLb9k8DIy+HSyxyYTnwKfp9YY1pYOZ3CysqM\n4yV/t82apRL9G5F166zcefOClGP/69HjcLtV1r36NU6aspkvnvQ/fPOqI1RWVoJmhLgv/sJU1h9Q\naA1WMd78AQBF42fy0ENWfl2bGC9om0bl+Kq0c7rt6W9z/7Of5XDHRO7/5Nc4fuJWjp+0DyrPZ8n4\nl+PHHfUbotMSaou/N3p7j6w8Q2fW2SczyWlk1m98ag9XXvS5rF6rkUhfPzPbtsGaNcbjdesM8Z4r\nkt97FovVeB/lmJH2HZJrxB6piD0GxpCKzkgkwp///GcWL15MTY1RysXpdOJ2u3G5XLjdbpxOJ2Ak\nGs2dOzfl/MLCQlpbWwmHhzf8ZLPZCAQCvR+YQ8xmM6WlpWKPKCPVHqFQMWCNPg7S2Njdk5N8zJYt\nGsuXh3v1tCXbw1ZeGhedxWUBGtWplNmr4gXU24IWQo2NGce6/fbMHr7/d1MRJFq689YHCQUSsE4E\nYJx5O42NjZS0HsACtARdhEJBmvxVjHcYonNzvZU1PwziOVQDHzHO37p/KjOi8+rqZZw2rZDt2431\npEc7jRJKnuYP8DY2suYLW2C/McaPHiiHd0D3NdPW2prdeyTUySRnIvN+XME+Ghsbs3qtsmUkf2au\nvtpYM2w8Dg6K9zGTPZLfe7ff3kljY/+9y70xUr9DcoXYIxWxR3diNunTOTmaSzd0XeeJJ56gsrKS\n5cuXx7fPnTuXrVu3smLFCrZs2cK8eUbma1FREUVF3RMGjC//0FBNOy1ms3nY5xAjHA4P+1zEHqkk\n26O3TOg77miL77/jjnZCoe5fZrFj6uosuN0qGzdauflmZ7ei6MnXuusuDytXGvZobKtiTvSYAx9Y\nKJ8SQjcnKkQETSWEe7DZ7NkhHnvMH3++bZs5bTa/f+JHOeZJeCbfOrKCqxaD+eAzhBbcFC/Y/sN7\nZ7Bxo5X6OVNZUGYkF91211Q2brSiKNXx893Bkrgdb765KB5mveCCEqZNCzNrVpCjR80UFBsllHR/\nK6FQiKpyN+wHz6wvMHOuCX2rDSXiI+zvAEq7vUeS7XbFFZ389Y8BNpyfuP8Vi97nnW06nZ1GYtb0\n6WG+/GU3F1xQFLdBX9dh9uczk6us+r5+ZvSkNa66rg/K5y2TPbq+94bio51v3yHDjdgjFbHHwBiy\nRKKDBw+ybds29u3bx4MPPsiDDz7I7t27WbFiBXv27OHnP/85+/btY8WKFb0PJggjhN4yobNJIIkd\nM39+z18yyde64IISzjgDnnrKwjW3nxk/5r6HjQiDbnLEt2kFPWev93ZPHYu+RcQ+no7jv4PTmRAk\nO9xnoFlLMLXtwty+G9VnrOls8hse0PebZsWPbQsaXY50PfGVVDS+KJ5E4vUmlt643SrvvmulvFzn\nvfcauPJa429nNWgIYCXij96jHRQFzWb8JZ4pgz35fm64oZRD7xvrPL1hI+pSxAfU1hbz7rtW3G4V\nh0PvuU5qjsiXWp75nGkviUeCkN8M2ady2rRp3HbbbWn3ffGLXxyqaQjCiKUv9ULdbpWXX4YtW4pw\nu1dQ/aM9FNo60cvnAU0pns7eSib1RufC6+hceF23Of7wDi/+9rNx7HuE5366nkvnRAiayrjtdj+1\ntTbsZYnrxrbV1Vm4/I//w5rT1vHVJ7/F2/uNdd8LFxqdmGLe3mQ0q3E9JWSIRSXiA0A3F0TvrxST\nrwHVn11XospCI6T/XusJnFj5CibvYRRpohknU/vVfCBT7VVBEPID6UgkCDlkML1CPXlF6+vNeDwK\nLpeGw9FdIO1rqWb7kcXxOp8Rh1G+TLMUQ4Ze7Znoek/J3iUgZY6BcacCcOmcnwNwsHli/D6+cG2i\nfmiyN/d3my9n6c/fYHfzvPh+p9PoxLRhQ1M3e2oWI8xtinpSE55O477cYWNe37/Zz7ZtPd/PPfe0\nsmyRsQxgwpwJRGzlKFqQu2/bnXLdbF7X/njdejonHz2M4lkUBKEvyLeEIOSQofAK1debufjiirgH\ncOHCIIWFRrbvl77UwXXXFcX3xep8tp30Y3yTzyNU1vfU4673tHp1eUbvUrDixJRzd7UtJlYC3j/5\nXLzTLiY4bnl8vWKsv7zDoXPFFZ08/LCRRBITWensqVkN8WptNjKalLDh6WxocnL56nJuml/F6gVw\n7GAHa9bAY4/1fD/O6oOwBVzjSok0TsEUaGbehH2sX1+Rcl5Pr2vX1yRbr1tPnrpM7yVz6w5sJgFZ\nFwAAIABJREFUR1/FM/fKeCemoSLfPIv96R4mCMLQIaJTEEY4tbXFKSFnp1PnySc7qKyspLExxLRp\nTd1+iHVbKf5pF+V8bhFXNSFTCZaI0Xmo4mP/ntipmmk7dZ1xD6sT4mXp0kBcvJx/fu8ZmuGSpCoX\nYV/c07nhqTI2bbLRMMkos1PhbOJwFnM2+Y1rawXlRJyToWULR3cf4cqrDY9pNkk8XV+TZOrrzdx6\nayGa5hiUhKDit7+P7djrhMoWExy3bEBjjXTyOfQvCIKE1wUhZ+Qi9NjbmC6X1s3Dky4sP5hz6zHs\nq6hQtST+dOqCcWnvJ1b8vl+oFsIOIznJ5G+Ki85AxAivN3sMsXjcnGOsW5fFcIGo6LRFRSfw0l8a\n+5TEk5z45HCkvia1tcW8/rol7Vj9CaGb23cCYPJmI6kHl3wM+QuCkL+Ip1MQckQuQo/pxuwaUjSE\nZXoRV19v5rrrSqirs6BpSr/mlq50T0/nR8oWYDn0HNA9aSn5flwujfnzQ/0SL1rBOPAeRvUfiycS\nXXyJzl8PBHBWGOH3y1Yfxr4YeihJCoASMjqhaRYX4ajorHIc7NN8kjtnVleHs/ZmprNlT6WSlEAr\npmiLT9Xfy43lAPEsCoLQF8TTKQgjnL707Y6V/okJzv7Q19I9keLZ8cf171kzeljnzw/1u/e4ZjdC\n6CZ/Y9zTOXGalfXrm/n3rxr1PV/+RydnnGEUmu8JRTNC+rrJhlZgjLvixCPdPHo9eYuTS0clPwZD\nOC5fHsraO9iTvc3uRBF71d/U61iCIAjDiYhOQcgRPWV59zek3Z9wZvJ1k8O+kD4cn+68gYTggzM/\njW/qBbSdtLabgBro/cTmFSkwwvaq7xhKODV7Pe5d9bXw8svEO9xkGnvbO4ZIPPihPX5usbW5m7Dv\nSQz2dF81NWGefrqz3wI7GXPHnvhj0zB4OgVBEPqChNcFIUf0Jcu7v2NmQ3IIe+HCIAsXBjlwwMz0\n6WHuu68to/DJtDygzxnCJhutpz2Yk/uJzUsrMDLLkz2dXUVnuTO77PG7lxhF+H/5cCk/uNv4u1wN\nZFfjMxddg3qyt9mdEJ3i6RQEId8R0SkIY4hYvcuBMJB1fLkqaRP3dCat6YwVwI91JJpY2sTppxs9\nvCGzQLSZjfB6ULOh2YwWm+lEZ7p7ycU63p7snRpeF0+nIAj5jYhOQRgihquGYH+vm4v5DkbiSbp5\nxdZ0WpvezujprCpu4qWXoLExQiiUOSmr9AXj/Ku+GkKzRltoBluN7CAlsTwhdi/J4rXr8oV01Neb\nueuHYSbYD3L5jdOoma9nPC5Wu1RRjBqrP769geNcz6CbCwlMWIW5IyE6TeLpHFPkwqs+VhFbDh0i\nOgVhiBiuTN/+XjdfM5PTFoiPJvxY2urwWyZiBq766gS+/l0zNfOc6KoFJeyF6HrPnsau3OuFDpgx\ny0TYZEWzuFBDbpRQB7q1e+JU1+ULS5cantJMQr22tog/rFrAzIq9PPD7H1DzoysBIzweWybQddwY\nO//wG1Ytug2AplV/wuzeF9+n+ptA14a8QLwwPORbYf6RjNhy6JBvJ0EQckIs4ef88wtz3iIxGO2s\npCtmAp2GsHz1jVLDe6EoSclEiR+TTMk+SiRojKUaWe+xc7NZ1xlbvtBTkpDD7GZmheGhXDr+n8a2\nPX+kasNxFO64v8fxTxr/fPxxweHnULQAEft4NEsRih5GCbb1OkdBEIThQkSnIIwxhqpfdsx78Prr\nloyllQZrLvW7CvGH7Sh6mGKbIQ59YTsejxHujoXJr/zcUS68sJj6enPGUlOKFhWdpq6is9nwlnYh\nJl4XLgzi9Sq93svab++KP15c9TZoEVxb7wSgaNudacddtCjIqcs6OaHqjfh+W8NLAIRd1UmJVBJi\nHytIYf7BQ2w5dIjoFIQxRl/rbI6EudTWFtPsKU3Z5gvZ40swY8lE9y1bycaN1p6vFYm23lSNcFtM\nsJa9cjVVjy3E3Loj5fCYeHU6dbZvt/LGGxZuu7Ug4/Bzqg7EH5s1D+aO3eiW7mWcYuM++2wTf/tb\nE4//8mVMmi++39L+HmCIzkh0eYEkEw0uQ/UHWn/oS31eoWfElkOHiE5BEHJCzHuwfHmIK67ozPmP\nd5uvJP7YH7Kh6yoOh5Gk451xCQCugk7MaqjHcbp7Og3RafI1oGgBHHv/lPlcReP1ry3n7xdNwNL8\nTtpjzG3vpTwf98xZmDv39zgnAGvTWwCEimalbA8XzYx7OoeqbFI+i7HBpD9/FI0V2whCfxDRKQhj\njOEIJd1/vyvtj/dgzWXt2nbC5sS4rf4yFi0Kxsf0VX8Wn2L0YJ86rokrrujMOFZcdHZZ0xnfnybE\nHpvDl899maVT38Bu9lKy8XqIdE9csrTVARAunJ7l3RlYm94EwDvzc+hKQswY4fVER6YYuRQ/+eQt\nzzfENoKQGRGdgjDGGKpQUvKazv3704uewZpLTU2YuYud8edNneU4HHrKmMc6DPFo1dp4+OEMXYl0\nDUWLekKzFJ3Fb3yL8n/9GzVzffz8ygfi2y0duyl99auJcH1se9TT6Z35uexvUNexNhqiMzBhFcHK\nk+O7wkUzicQ9nQnRKeJn4MhaP0EYXMT3LwhCzpk2LRzvQT6YP97J9fU2XFXChOj2Zm85dXWWeMIQ\nQEewHNhNuaOZMNXpB0z2ckYXhHYTnRFf0vERnHv+FwDnzoex738EXTHRtvReSjd+A/uhvxPY+ye8\nsy+PHh/C3LEbAM/sy9EshZS89Z1e79PkPYzJ14BmLSFcNIvOeVdh8jUQKplPpHB63NM5VOH14ao5\nO9T0p2zYWLGNIPQHEZ2CIOSE2I+vqqrcfnvmdpsDIbm+3svHj+Mzs43tzZ5y3G6Viy+uYP58Y03p\nHG8plMOJ849x0TcNMaB6GzB37sPkPoClvR5bw6tAIrQO3UWnmuTpVAMJkVe0dS2KruGZ+Xl8Mz5N\nYd39WDrex+Q/Fj/G7N6HogWJFE5Dt7jwzv4i1qa3cOxfn7hAmlqbMS9nS8FJnHPuOA4cuJzp0z9n\ntDFVwt3C64U7fs5frtjMRcoGIrpl0MVPvtZwzQfENoKQGRGdgpAnjLauGLEfX7vdjs+X+3txhxIh\n5GavsX7T7VbZtMlGXZ2F+8+vZOUUGOcyQvm2w89T/uJlaccKlR8ffxxLJIqRHF43eRsS23UNXbXh\nXngdAL4Zl2DZ+uOU8Lq5rR6ASNn8+LZg+YkpolMJubsVoY+t53zk1dN5911DEG/fbo0Xso4kJRKp\n/iaKtt0FwOMPPU+oYknaexwMlGB72oL5wsgl9j2kKAoPPQQTJvR+jiBki4hOQcgTpCtG30kOZZ7+\n0QI4bGy3FRfjcmm43QmPYYvX8FgWWY06ns7d/w2Arqj4pn2SsGsmofLjCRfNJuJI/NJ29XQGPD5W\nrzZE7UM3HaMyaZ9n9hfRHBONcaPeUiVJdMaSiCKlCdEZKj8xZXw12Eakq+iMejq3NS1PawctqWSS\nY88fEmOFMidMDRTHrt9QsrkW98LrcS+6MWfXEYaW5O+hNWvgsceGeULCqEJEpyAIvZKvXtjkUKZ9\nrysuOj95aQGTL22Kz/mKKzrRXjNKKn3ynAZU31FsR15AV8wc/eTbaAXlGa+hWVNFZ3uTP/6j/PfH\n2jnuRAg7JxMYvwL3wm/EjzvSaKcY+PszKsUOY21pLIkoUrYgflyopCZlfDXYTiT62NrwCtbmtzG3\n16MrZj7zjdm8ciDIgQNmpk8PJ3rPx8LrvgZc2+9NjBVoBUAJeSj44C/4J5+DbjXsUFdn4tZbIRQq\n5o47+r78wbn7NwC43r1PRKcgCFkholMQ8oR8TkDoyQvbmyDdsUPlxhvLM+4fLJLDvJq1lJqZqWvr\nXPMK4A2oLGohuH8Dih7BN/ncHgUngGYrSXleYDISiWZV7Ob86b8FwDvjs3Qu+mbKcY9tKKb2ZGhr\nDvOl6NrS5z8XFZ1Jnk5M1pTz1IDRylIJdlD+4hfiJZyC5cczd4GVZ5/tniykm+1oZidq2ANo8e1K\n0BCdjr1/pPjt79PhuSE+z1tuKWTjRgBr/zzrSWWbpOf76CH2PaQoCuvWWXs/QRD6gHxLCEKeMFK7\nYvRWmuemmxw5L91TX2+m9odT4s/1LuswjW2xdpatOPb9GQDfjM/0PrhqQbMk5l3i7GTp0gCPX/U5\n5pdtBkBzVHU7LagZXYls5gBut8ru7Z3YQx+imwrQilKz5zsW3hB/HBOK1saNKFqQcOF03PO/Rtsp\n/9HjNDX7OOOepnwc9/w18XsFMHUeBMDs+aD3+80SRUssG3C8/zuqHplL1aPzsB15adCuIQw9se+h\nJ59sZ/Hi4Z6NMNoQ0SkIQq/ke73C2tpiXnt7XPx51+QfY5vhsbQcfhFL+04itnL8E8/Manz/5I/F\nH6smlfXrm1lQ9lZ8W8TePdvi0581guSFBYZn9IfnfA8wEodQU4NMnYu+iXf6amP8oOHptB19DQDf\ntItwH3cL4ZJ5Pc6xY/EtdM65gtZlP0ezlaeMFctqVwMJb+add3Zy+umwbFmwX69pck3Q4re/jxru\nRA25KTj4RJ/HEgRhbCDhdUEQeqWnMjC9LQu4+24vN95YkHH/YNHqSwjNWL/0ZOKezlAHAL5pnwTV\nktXYbct+SttJP2biI7NQwh7QdXTVhqIF8E05n8D47gk+E6eaYD+ctsxNbcfvuHbZL9Aw037ibaS7\nasRuJCAlRKdRvikw/rSs5uif+gn8Uz8BJER3zNOp+oyyTao/8RrOnx/hpZegsbGdUKiPnvWwDzXk\njj+NF9QHrC1b+zbWGCdf10sLQi4QT6cgCAOit2UBCxZoOV82sHZtO7MWOOLPu3o66+vNfPnaKSnb\nvNVZhNaTx9jtwh8pQNEj7H7XjaIFiCg2Vt37GKsvmdS91aRqCO2Kjn9yxzKjOPz+qusJly7oOnR0\nzoYnVg20oQZasLTVoas2gv0oeaRFk4XUaKg+Vis0ua7oQDClKULfuuyn6IoJc/sulLAvzVljg762\nH5XOUcJYQkSnIAgjnpqaML//U2KNodal5FBtbTFPvzidD9omAxCoPIVw6cI+XaO2tph2bxEAv/2Z\nIeLafCUZBYPeJUGozVfM5etuzTi+HheK7ViPvQ5gCE5TQbdjexM2cU9n1GsaC4Wr/ibQ9d5vthfU\nqIjVzE50RaXNeTLn3XA177fOR9EjmFvfHfA1RioiIgUhMyI6BUEYMH317uQERaHxY3+h8ewn0obN\nQxErc+/aySXP7KD5zD/36xJNHqMI+8NnrQTAHSzJeGxyVyOAlb94kbCeORs45p1Ugm29htZ7Ezax\n5QVqoBUlKRSuRvzdesf3h5inMzhuOY0ff56Lf/cMmzYV8NJOoye8tWXbgK8xVsj39dKCMJiI6BQE\nYcDki3cnVH4CoYqTum1fu7adZcuCnLTMwZpbq7Jey9l1jF/uuitlW2lVYVrBUF9v5pvfSiQ2ecNO\nnFNndzsmWajvO2KsOX1vSyccjHo6u4jO2Dl1dT3PX09a05mc8GNsG3jTgZinM2IfR7hoFr5IIQBv\nfWjY3jKG13X2VUSO1KoVgtAfJJFIEEYp27bB1VcXo+v6iElQyFVSRU1NmCefbKeyspLGxgihUO/n\npBuj5oET8bz5BZzv/w4wOh+lS7CqrS2mbW8RRJPeTRMW8ej6tm7HJNc+nVU8hd9/DE6ofBUCoJkd\nBMuOy3iOy6Uxf34orbDRLMXoKKihdkzeIyn7VH8TkcKpae8xW/urPkPIatH2m7FkMn+xUWPHMoY9\nndJ7XRAyI55OQRilrFkDGzdah8T7OFghwnzxmHYl2Su5Wzsvvl2zFmU8JxCxJY5LU8Ipmbo6Cwdb\nJhLREl/JwYpTuhWO93qV+OPp08OZvWOqKV4s39yxO2WXtWUL4/5yOgW7/7fbaVnZPxKIi+5IgeHN\njQmttb+ciK5aMHe8j5LDFpzC4GE9+hrm9p3DPQ1hjDCiPJ1+vx+LxYLZPLzTVlUVu90+rHNQFAWv\n1yv2iCL2SEVRFCKRCGAakjmdeCI880xsraAl+o8+X1tV1ZTHgznngbxHbr21kE2bjHv6xj0X8K8v\nzUbt2IM++SNp5/iTn/j5zs2J8Ppbb6jc/LNK7r7by4IFGqqq8pOf+Pn4xy243Sput0p7sJIfvvkb\nfrDUyHTX0oytKErK457soxeUQbCNAs+elO3Fm41kJtfr1+E9/isp9sjG/gVb/jOeDW8untrlGDuR\n0vmYm7dS6N1NuOrUjPNLJl8+M2PtO8TUuJmif12CbnbS9rldYE5ccyzaoyfEHt1J/j7KlhElOgsK\nCnC73YT6ExsbROx2Oz7f8JYEsVgslJSU4PF4xB6IPbpisVh44AETV18dRNd1br+9HZ9veMLrfbHH\n7beH4h62wZ7zQN4jmpYoxxQIWzh63r8gEjB+pNPcW3U1/N8jwB+N5153iNdft3DjjQWsX9+M3W6n\nutrH/PkF8XC5puk8e/AztPrL+Nan1mOedgl6l7HtdkfSY61HuzotxZgApbkOAB0FhdTMdYfDkWKP\nbOxfuHcDAMHyE+ioOK3b/VtLFmJu3op25A18xSdknF/qfeXHZ2asfYf43nyOIkAJe9jz2ttMPPnE\n+L6xaI+eEHt0x2Lp+9r4ESU6BUHInsWL4ckn24f9CzIT6dYP5ut6uG4F8BU1xSvUGzZzIOV5rB+9\nx6OwaFEQh0PH61WM0Dbn88axj7L+7O526K0QfzKxDHZz+y4AIoXTMHfu7/Gc3uxv6vwAS1s9mrmQ\nprMeA5Ot2zGhsuNgzx+wNA9uMpHqb8Ls3kfEVkakaOagjj1WObZlMzOjHVxfe2wHn04SnYKQC2RN\npyAIw0K+rt/MBeUl/pT1rrF+9O++a8Xh0Fm/vhmHI9ULma4MVV8ynWPF5mOh8MC47l2T+lqz03rM\naM0ZqDo9reAECJYbyU+D2pko4qfyr6uo+OcnGf/0GVia3ur9HKFntAiLyzfGn84ve7Nfw+RFubQB\nMhruYaQgolMQBIGef3gGKpDnzvL0KhS7JmMN9JpdW4F6qz/LNS88y6f+59HERn9rn8a0tO4Aot7M\nDISL56KrNsyd+1GCbRmP69N12+oxBVriz2N1TIX+Y26rx2lJtDJdUb2xh6MzMxr+eBwN9zBSENEp\nCMKwkG9FsXP5w5PcmxyMfvRd772mJswVV3RSV2fh4osraGkZ2Ndz14z5q66fx8v7P8JuLuCge5ax\n0Xu0T2Na2oz1oaHS+ZkPUi3x/ZaW7X0aP+N1oyWYdJRBHXcsY2t6AwDvtNVoFhcFoUOo3oZhnpUw\n2hHRKQjCsDCSimJ3Fch9DccpWjDleaZ+9DfcUBrPZj90yDQgUd7V0/nMy9Pi4fzx1UYh+j6JTl3H\n0hoVnSXp+8fHiHlCB6szkWev0Vbz8T1fBsDS2rvolJBpz1iPbQIgOG5Z4vVqfqfP4+TbH4/9YTTc\nw0hBRKcgCGOGbdvgwguL0wqRnn54ugrkbL2ircv/E81SRNvS+7KaXySS+nwgojzZ09kRLCEQTvRw\njxV1x5O96DR5D6GG2onYytDs43s8NlgWKxI/OOs6O/cYYf2fPvsFfGEHZs+HKEnh9nSMhpBpzoSz\nrmNtMtZwBitPIVhhJBDZjjyPuX0n5vadmNp2gRbpaRRgZP3xmIl09zDS/mgZKfPN35kJgiAMMrGC\n+WCIkuRM7VxkzvumfxLftAuNbPcsmDQpwu7davzxQNCTPJ0mVyVLlxoZ9GvXtqN1RkWn9xiUZzee\nOerlDJcsgF7q88U8Z4PSmSjiZ2bxDjRNYfOHS9jdtpjFFRuxtrxLYMIZAx8/j+natWqw3p+mzgOY\nfEeJWEsJF80iWG6UtnLu+QPOPX9IHDj/cjjpJ4NyzZFGV9s/9VTHMM+oZ3L1XhlsxNMpCILQRzJ5\nRdN6G7IUnPX1ZhoaTPHnZWXagOYYy14HMBdXpHhyIgWVxo5oeD0bL4mlzfA2PvrSkl69KeGiWWgm\nO2bPB6i9eCR7w9JWj1kNc6BzLgtPsFA6L7petKcQuxbh57Uv8oVzNrFsqU9Cpl2wNkZD65WngKIQ\nGH86/olnESqaE/032zhwzxNZeTsFIVtEdAqCMGZYtw6WLQsOeO1WppBiTyHdZGG3Y0f3r97a2mLc\nbmO7y6UNWCglr+mMtauM74uF16OiM5tQdGw95zObl/QeslbNhEtqADBHM977S8xb+m7jidTVWfjl\nE8tStqejsH4dp+w6h9+evYxn7vrZoIV9VX8zBQefpODgk6j+vnmS+hP+zNVaQ2tjIrQOgNlOy8rf\n0nj+89F/LxBxToFAO6a2+kG77khipK3zHCnzlfC6IAhjhuEsmJ8c/rrpJpVHH/VkPHb+/NCAhVLy\nmk7NXpm6L+bp7MOazpinc+thI3Tu8Sicc04FBw6YmT49zH33taXMOVS6AGvz21hadxCsOr2/txHP\nVH/u3ZNxu1We2LiU208DS+u7Gc8J7N8Sfxzc/SrMvrzf10+m9LVrsR192Ri37HiaPvZU1p7s/oQ/\nc9UswRbzdI5bmvGY0PilmPZ+gOXoRvyuuYM+h3ynu+373n2nryghD9bGjdgaXjYqRejpox2qasLR\nxQO9AnjxWuOz3VrzQM7n2l9EdAqCIPRAus5JmYjV1/R4FLxehdWry3s9p+u5scd9uW46dLMTXTGj\n6GG0gtTEn0jM0+k7lvbaXVFCbsydB9AUK0XTZ7B0WgCvV2H7dmN97Pbt1m5CKlS6EEjU9uwvsQz4\nzR8uAaD+aA2BiA1b5352b/dw8/enxucds1H7B4eojDpiw4cHp7ySEmzDeuxVdMWMZi3G2rIF+/7H\n8M24ZFDG78pAX/9MGJ2d9qKZ7PHXKB2hccsp2PsolmMbYdYXB+XaQhe0MJaWLdgaXsbW8ArW5s3d\nyqv1lbBz8iBNLjeI6BQEQeiBvnioYt6R1avLu52TLOzuvtuf8dwY6cboja5CZbytFJO/kUg3T2dq\n9npvHjVL23sAhEvm8MhjHfH59USodEH03AGIzkgAc/tOdBQCxQtwuTSmT9fxu+Zj877Dn9btZdMm\nY/1h3Ea6ziTnvvgQE50HOBJoQbeV9X8egO3Iiyi6RmDcMrzVn6V04zco2non/skfR7c4ez2/Ly1M\nYRATQ7QItiPPYW3eAuiYOj8EIFRxIqiZvXeh8UYHK+vR143OVb0kjwlZoOuY3XuwNrxsCM1jr6GG\nEgX6dUUlWH4CgfErCFaejG4qSDuMzWYjEAik3adn6BSWL4joFARBGAKShZ3dbsfnG/xrdBUqL19h\niE6t25rOpESiLFphxtZlhksSReHXrm3nuutK4uH1rkIqVDwPXVExd7wPYV+fetXHr9u+G0UPE3ZV\n8/jTfsAoXm5+cyG8/w7zSt8Bzkk5Rw00Yzd76QiWsL9jXjTTfTuBCSv7fP1kCg4/B4B/4ln4pq/G\nueu/sbZsobD+F7gXf6vX83sNlUf8WFq2EyofnP7nSsiNY8//4dz935g7D3Tbn7YtavJ0imaCYxyq\n9ximzn1EXNWDMq+xhuprxHY0KjKPvozJeyRlf9g1g8D40wlUnUFg/HJ0a0mGkRKY7HaCufgCGQJE\ndAqCIPRAsofqiis64x6+nkKeffVq9XeMrp7NrgTGn4bJfyzudYyhm53oJjtK2IcS9gA27Ps3YO7Y\nRWfNteiWwpTjY97K5HFqasI8+2xT5hsw2wm7ZmHp2IWlfSeh8uMz3sOttxaiaY74PcTu6eEbdjIO\nCJWkdkAKReuAfmblG/zvrkQpKDDKAQEUjJ9C9cL5sGsjlpZtPYpOU8ceKJme+V60CLYjzwMQmHgW\nKCrtJ95G5T8/SeF7D+Kd+TkizkmZz88CV906XO/eh2/K+fjPfJi1a0PU1hZjUsKs/cFRIL3Xq9u9\nuPfi3PXfOPb+CTVsrBsOO6fgm3YRuskQ/rrZiXfmv/U8kKLApNNh92PYjm3CK6IzK5LXZdoaXsHS\nnpqIFbGVExi/gkDVGQSrVhDJ83D4YCOiUxAEoQeSPVTJIe+LL65gw4amtMJzMBJAshmjq2ezq1Dt\nqLmDjhO/3z2Mqiho9kpMnQdR/I2YIlD6+hoAIo6JeGd9IeXwePeaDMIxE6HSBYbobN2RUXQa92CJ\nPwbi97T1H3tYMBdC0Uz4xLiLACiPbOtmI3PnB8Z9FE6Ji9OeMt3te/9E6aZvGtn2n0/f093SshVT\noIWwcyrhIqOFaKjyZLxTL8Jx8AlcW39E26n/mdkQWRBLjLJ/8DSmf11OzfIHWL8+TNkLl2Hb/gKh\nw8fjn3gW/olnEy7tUitV17E1vIxz16+wHf4XCob3OjBuOZ65V+KfeDaopnSX7ZnJZ8Dux7Ae24h3\n5qUDur9RSy/rMjVTAcFxy6NC83TjfZZl8tloRESnIAhCP3C71bwrwlxTE44Lz5gIralJf6xWUIGp\n8yCqrxH7h8/Ht5s79qQcp/qOYnHvQTM74kXfsyVUuhAObOgx07wnZpUYSUDdPJ3Fc9FVC2b3XpRQ\nZ4pn1uQxPJ0R57SE6GxNLzotTW9T8uYtAJjb6uHxi+AjfwBSBVostB6YeGaK2HMf/x3sh57FceBx\nPLO/RKjy5H7dJ4DJbcxbV21YP/g75cEv0rH4JgqiHlZr8ztYm9+haPtPiNir8E88i8CEVaj+Yzh3\n/QZLx674+Z7pF+OZ82VDnA6ESUbVAWvjGwMbZzSh65g73u99XWbV6QTGn06wYgnk+TrLoUREpyAI\nQpasXdvOxRdXxOtpDjfpQvDZJqDE1nWqvqM49v0pvt3UeTDlOOuxjQAEK07uMfEkHaHSaCH3HpKJ\n1q5t59ZbS9E0rVt4/fhJ2yAM4dJU0YnJSqh4HtbW7UZJpqTSP6aopzNcOIWwK1ak/kPUQAs79o6L\nj/0ft+3m1L1fQdGCeKddjO3Y65gOvUzRy1+lefkDKZ5B25F/AcZ6zmQizsl0zrsa146ZsAQaAAAd\ntElEQVSfUfzOD2g6+8n+ebF0HbPHsHvTmX+i/NWrsB19hfJ/vQWAd8Zn8U0+l4LD/6Tg8HOYfA3d\nugdF7FV4Zl+Od+ZlaAVZtpnqjcrFaBYXZs9BVM8htAEuIcgXTO79WNp3dtuuqxYijglEnJPRLa74\ndtV3DNsHr8PmNyjb93dM3sMp54Vd1XGRme26zLGKiE5BEIQsqakJs2FD04DXaw7mfPrraY2JzoL9\nj2P2fBjfbu4iOm3HXgcgOG5Zn68RjpbkMbfVG51t0oR4a2rCPP10J76kxIj165tRfY1YH29Cs7iI\nOLqLnVDZYqyt2yl+8xZDJJisBKpOx9JuZNpHCqeBaiJUuhBb05tYWrZRW/spNm2yYTEFKXrxKkwV\nDQQqT6Ft6b0U+A5Q9veLsB18mmLbrbQvWQuKguo7irVlG5qpIG3yTWfNtTj2/h/W5new79+Ab8an\n+mwn1X8MJeInYi0lVHky7o//hcJnLoonnXjm/DuhskUEJn+Mdl3H3LqDgsP/xNbwMqgWvNX/hm/q\n+X3+o6D3iZkIjTsF26HnsDW+gc958eCOP9ToOs6dv6Roy49Q9J5LUGnWEuN9p0fi7ykwfOARW3nC\nk1l1+oDX844lRHQKgiD0gVwV7B4ssk1iihWMtx74CwB/3PU1Lp1zP4r7QEqJnJins7ds57TXsJUR\ncUzA5D1iZEBH10NmgyXaCSdUUpO2XE+8DmjHrnho2f7h3+L7w84pxnFli+OiEwxB+NOLruO4iteJ\n2KtoPe0hMFmJlM6Hi55Af/QcnLv/h4i9is4FX8d22AhvB8efljYDX7c46Tju25RuvI6irT/CP+U8\ndLMj6/sE4tnlkcJpAGjFs2g6awNlL3+ZsGs6obJFiYMVhXDZQjrLFtK58Lo+Xac/hMYtx3boOayN\nm/BNH7miUwm0UrLpm9gP/R2AwPgVaF1eJyXix+Q5hNl7CDXYhhpsA0Az2QmPX4519sdpKVqC3zlr\nTK/LHAgiOgUhh+SqwLMgZCJbUaxHa3Uq6Gi6wi2P3MDHrvsD5c4WVH8Tmr0S1deIpWM3mqmgz+s5\nY4RKFmDyHsHSuqNPotPcZrTdjLXT7PpZWjxucfzYjkXfIuKYgP2Dp7EdeZGIo8po4wgpyURr17az\n6VePcc1JDxBRbLSc/it27J9IbW0xiqLw0EMrmXb6Lyh68UqKtt1FxD6egiOxUklnZpyrb/qnoiWU\ntlJY/wDuRTf0wUKJjPtwVHSCkQjVeN4/+jROLgiNNzzcsWSykYil6S1KX70Gs/cQmqWYtmX34p98\nbuYTdB010IzJ8yFoIUJli7EUFFJZWUmksRGGoaPZaEGkuiDkkGx6WgvCcBCv1Qm8dWwVB1unsbfF\nKItj6twPgLXR8HKGKk4Gk7Vf10l0JqrL+hwl0IJz168BCEbFbtfPUqhsMZ5Zl9F+/K10LrwOX/Vn\neXXc/3LW+sOc9btt1O8yvFjJonPhpJ18+5TrAeg45ceEyk+Ij7txo5U1ayA47QLaT7oDgJI3vkXB\nYWM9Z2BC6nrO1AmrdJz4AwCc9b9A9RzK+l4hsaQhUji1T+f1lf70fw+XH49uKsDSsQs10JLT+Q06\nuoaz/gEq/vkpzN5DBMtPoPHcZ3sWnGBUdyioIFR+vJEcJolAg4aITkEQxgzbtsGFFxb36Ue3v/Tn\nB34oSe7H7jjlEpYuDdDOdCAhgmLrOQP9WM8ZI96ZqIcMdmv9r6l8ehWVfzmDyr+cwbi/nhkXCb5p\nGUK6ikr7yXfhqfl/8U21tcU8/2olL71WGv8jL+yaiWZ2YPYeovT1r6NoAbzTP42v+rMZ5+Od/SXc\nC76OokdQIn5CRXOIFE7p8T6DlSfjm3ohasRP0dYf93hsVxKezul9Oq+v9OuPYJOVYPkJwMjKYlcD\nLZS99CWKt9yBoofpnHc1TWet7/V1FHKLiE5ByCFr17azdGmApUsDw550IsCaNbBxo3VIPM/57uWO\nOCcCoFmLKTvlbNavb2bpOVUAmKKZ1LH1nN/62bn9Fs9xT2eGDHbbkRdwvn6jsTbTvQeLe0+0dWdi\nvSUM4LMUTSYCsLZsIWItNWqXRomNu2xZkHXrEqe5F92Ep9qoTemfen5Wl+o4vhZdteE4sAFL01tZ\nTzGxpjO3ns7+Eksii70f8h1r45tU/u1jFBx+Ds1aQvMZ/03HCd/rt7deGDzy789vQRhF5HvSiTB2\n0Vwz4OyH6FDGxRNkYoksZvd+VH8Tlvad+CMF/ObZ0whGbP2qSxpxTkGzuDD5G1F9R9Hs4+P7VN9R\nSl7/OgDuBd/AN311fF/YMSklcSebz1KmJKpQ6SJsUS9dxwm3oiX1YY+Na7FYqKyspLExukNRaD/l\nbryzPk+oJLt6lxHnZDprrsa14+dU/uMiWk57EP/UC3o9zxQPr0/r5ciB0d9OWYHKU3AxAjydukZh\n/S9wbbsbRY8QrFhC66kPSHZ5HiGiUxCEMcO6dXD11UF0Xc+553kwWmHmnMVXEUpKjAjHRecerMde\nA2B70zKCkQGsaVMUQiULsDVuxNK6g0BMdGoRSl//GqZAM6EJK3EvvKFPXXPSJellEqbBcctg18ME\nxi3HN+MzfZi7SigaWs6Wzpo1OPb8EZO/keI3v01g4kfRe+g7r4R9mPzH0FUrEXtVn67VV/r7R3Co\n4iR0xYyldXu3Yvz5gupvpmTjN+LF9N011+BefNPgl5ESBoSITkEQxgyLF8OTT7YTGoLs05Ho5Q67\nZgBG95vSqAey/LhTWLo0tb95XwmVJonOaBZ4Yf06bEdfJWKrwLPyQVD61qYx2yL4AP7J59G88ncE\nK09JW35pMNEtThrPe47Kv34EU6AF+74/4Z39pfQHa2Gc9Q8Ahpe0X60qhwDd7CBUtsjoitT0FoEJ\nHxnuKaVgPbaR0teuxeRrIGItpW3ZTwlM+uhwT0tIg6zpFARBEADQHBNpP+E2ws7J8f7RrkWnsX59\nM+vXN2cs+dVb0lTXZCJr4xu4tv8EgLblP0N3jO92zqCiKAQmnjlkHjqtoJz2k4xkosL3fmkUxu+C\nuX03Ff/8JEXv3gOAp0u/+3wjWGl0fbI25lHpJF2jcMfPKP/XJZh8DQQqTqbxvL+L4MxjRHQKgjAq\nyPds8ZGCZ95XOHbB6zSt+iMtp/+aUMVJ8X2ZbNxb0lRyMpESaKX0tWtQdA13zbX99prFEoAWLgzi\n9Sp597r7J59HuHA65s4DFHz418QOLYKz/gEq/3YO1uZ3iDgm0PyRP+CZd9XwTTYLAtFWo/lSr1P1\nN1H2wucp2na38V6av4bmsx5Fc0wc7qkJPSCiUxCEUUG+Z4uPKBSVYNUZ+Cefk7K5vzYOF81GVy2Y\n3fsofW0NJu8RguUn4l78rX5PMbZ8wenU2b59aCoS9AnVRGdUSBbWP4DqPYKlZTsV//ykUcZHC+Cp\nvpRj5/0r78LV6QhWnoKOgrX5HYj4h3Uu1qOvGdnpDS8RsZXRvPL3uI/7Nqj580eHkB55hQRBEIQB\n0WvSlMlKuGgOlrYdFDS8gGYpovXUX4z6JA/vjM/g2v4TrC1bqXoi4TGO2KtoO+U/4utbRwK6tYRw\n8Tws7fVYm7cSjHo+hxQtQmHdz3G9ey+KrhGoXEbrqevQHBOGfi5CvxBPpyAIo4J8rIk62kL+mWwc\n8zr2tO6zUU30D98x6d5BK9Kdj697jPrdLn708p0c8UzBb6kiYq/CM/PzHPv4vwYsOIfjvRUTmrFO\nVUOJ6jtG+QuXUrT9J6DruBd8g+Yz/ySCc4QxZN+Cjz/+OLt378bpdHLNNdcA4PV6efTRR2lra6Ok\npIRLLrkEuz1zaQlBEIRM5GO2eF8yrEcCA7Hxg389lx8u+z/WvXotv3/kskGzRT6+7jGM1/8rfI+v\nsHRpYFDnORzvrcC4pTh3/8ZY15ld6dJBwXz4RYpeuMpoGmArp235OgITzhi6CQiDxpB5Ok844QQu\nu+yylG2vvPIK1dXVfP3rX6e6uppXXnllqKYjCIKQwmjzSg4n6Wz59w8+y8wfv8/XNtw/zLMT+ks8\ng73pLd6rI/efFy2Ca/tPKPzbakz+RgLjltN43j9EcI5ghkx0Tps2jYKCgpRtO3fu5PjjjwfguOOO\n47333huq6QiCIKSQi0SkfA795pJ0tly7toPKWZNZujQ4ZmyRy9d/ON5bmn084cLpqGEPv71nf04T\n91RvA+XPfxbXu/cB4F74TZpX/Smlo5Uw8hjWP+c9Hg+FhUbdtMLCQjweT3xfR0cHnZ2dKccXFhZi\nNg+/B8JkMmGxDO8C+JgdxB4GYo9UxB7d6c0mSlLRcEVRBmXOixfDU091xEYFjDHzwSa5fI+ks2Um\nW8DotUdP99wT2dijv2NnSyZ7hKpOxfz+fk6ofJX/4VTj6oP0eYlhOfw8Ra9ci+pvQiuoxHfmr/BX\nLB/kO+wb8p3anf7YYvitF0Xp0iVi8+bNvPjiiynbVq5cyapVq4ZyWnlPaWnpcE8hrxB7pCL26E4m\nmzz0EKxZYzxet85KZWXlEM5q+MjFe2Qk21I+M6l0s8fMs+H9/+VLH32Nx/YbmwbtNdbC8NptsOlH\ngA5Tz0L9+O9xOqtwDnz0QUHeHwNjWEWn0+nE7Xbjcrlwu904nYm31ZIlS5g7d27K8YWFhbS2thIO\np8+OHCpsNhuBQGBY52A2myktLRV7RBF7pCL26E5vNpkwAR57LPG8sTF3c0lnk7o6E7fcYkR+7ryz\nk/nzu3exGUxy+R7pqy3z4T3Smz2G8vXJZ3uojgWUA66Ol3js0aOgGKv0Bvp5Ub1HcL10NdZjG9EV\nFe9xN+FdeB14TdgiHXlrj+EgH94fkLBJn87J0VyyYu7cuWzdupUVK1awZcsW5s2bF99XVFREUVFR\nt3MaGxuHpG9yT5jN5mGfQ4xwODzscxF7pCL2SCWf7AH5a5Obby5i0yZr9LFzyDKy89Ue/aW+3pxS\nMzRTCadMZLLHUL4++fSZ6WYP20Qi9ipMvgb05nrCxXP6PbYS8mBp2YK1aTPOnf+FKdBCxD6e1uXr\nCI4/FSIaRLT8tscwkE/26CtDJjofffRR9u/fj9fr5d5772XVqlWsWLGCRx55hLfffjteMkkQBEEQ\n+stoK1OVdygKgcqlOA4+gfXYxuxFp65j6tyHtWkz1qa3sTZtxtxej6Jr8UP8VWfQtvx+tIKKHE1e\nGG6GTHR++tOfTrv9i1/84lBNQRAEIW/ptauPMKzI65MgOC4qOhs34Z19edpjlJAHS/M7WJsNgWlp\nfhtToCXlGF0xESxdRKhiCYFxy/FP+Xg8XC+MTvImkUgQBGEsk89FzkcSuRKH8vokCI5bBoDt2EaU\nkBswOgbFBKbhxXwvxYsJELFVEKxYQqhiifF/2XHoZmkIM5YQ0SkIgiCMGkQc5p5w0Ww0awkmXwMT\nHp2X9hhdMRMsW0iwPCEyI84p0KVSjTC2ENEpCIIgpDDQZBxhlKOo7C/7CpUHf4mqaNhsOoqtkGD5\n8YTKY17MxeLFFLoholMQBEFIQZJxBsZYEO2fu/92Nm26G2DQ+8oLoxdZsSsIgiAIg0guWqoKwmhA\nRKcgCMIYor7ezOrV5Vx4YTHbtqU/Zjj6esfmtXp1OfX1YysINxLvfTjeI4PBSLT1aEIsLgiCMAaI\nhXzr6iy43Ya/Yc2a1M5BMYYjGSeXIf2hDnf3NYO+670/84w3p/MbDEZqwpYsHRleRHQKgiCMAZJ/\nbMcaQy00RqogE4RcI+F1QRCEMYbLpbFsWZB164Z7JglGarh2MBjuex9LIefhtvVYZ3S/uwRBEASg\ne8h38WKFyspKGhuHeWJRcukdzPduQt3v3TKk1x9LIWfxQg8vIjoFQRDGAMMtbIYTERqCkB9IeF0Q\nBEEQxjASchaGCvF0CoIgCEKWjMbC7+IJFoYK8XQKgiAIQpZI4ffBZSwlMQkiOgVBEMY88sM/esn1\nazvQ8UXEjy1EdAqCIIxx5Ic/e0ba+sdcv7by3hH6gohOQRAEYVQwFB7b2PrH9eubR8V6zuFmpIn4\nXDPaow6j744EQRCEPpHvdSyzZSzVm8yWXL+2Ax1fkphSGe3vYRGdgiAIYxz54R+95Pq1lfeO0Bck\nvC4IgiCMCiRUK4x0Rvt7WDydgiAIwqhAvG7CSGe0v4fF0ykIgiAIQpz6ejMXXljMGWdAXZ1puKcj\njCJEdAqCIAiCEKe2tpiNG628/DLcckvhcE9HGEWI6BQEQRAEQRByjohOQRAEQRDirF3bzrJlQU4/\nHe68s3O4pyOMIiSRSBAEQRCEODU1YZ58sp3KykoaGyOEQsM9I2G0IJ5OQRAEQcgho73LjCBki4hO\nQRAEQcgh0p9cEAxEdAqCIAiCIAg5R0SnIAiCIOSQ0d5lRhCyRRaXCIIgCEIOGe1dZgQhW8TTKQiC\nIOQVkniT38jrI/QXEZ2CIAhCXiGJN/mNvD5CfxlRf6L4/X4sFgtm8/BOW1VV7Hb7sM5BURS8Xq/Y\nI4rYIxWxR3fEJqnksz1UVc24L1fksz2Gg57sMdSvT77bY6jJB3uAYZO+MqJEZ0FBAW63m9AwV6q1\n2+34fL5hnYPFYqGkpASPxyP2QOzRFbFHd8QmqeSzPW6/PRT3oN1+ezs+Xzjnc8hnewwHPdljqF+f\nfLfHUJMP9gDDJn1lRIlOQRAEYfQjiTf5jbw+Qn+RNZ2CIAiCIAhCzhHRKQj/v737D6nq/uM4/rr3\n1rW8nns1tGaLNLZmQtRQ2a/ar2wyBjK2DCKqfwbC6o/NMRjVH/lH/zW2wf6asB9obNEiN6hYwSrZ\nCArWFrktd3HpxFXYZvdef+w6vWd/9PXS6V6HLo9Hv5/nA4K8XeXtizenl+d47wEAAK6jdAIAAMB1\nlE4AAAC4jtIJAAAA11E6AQAA4DpKJwAAAFxH6QQAAIDrKJ0AAABwHaUTAAAArqN0AgAAwHWUTgAA\nALiO0gkAAADXUToBAADgOkonAAAAXEfpBAAAgOsonQAAAHAdpRMAAACuo3QCAADAdZROAAAAuI7S\nCQAAANdROgEAAOA6SicAAABcR+kEAACA6yidAAAAcB2lEwAAAK6jdAIAAMB1lE4AAAC4jtIJAAAA\n11E6AQAA4Lp5Xg8gSdFoVF999ZVs21ZFRYXWr1/v9UgAAACYRp6f6UylUjpx4oS2bdumXbt26fLl\ny+rr6/N6LAAAAEwjz0tnb2+vFi1apIKCAgUCAa1evVpXrlzxeiwAAABMI88vr8fjcUUikfTH4XBY\nvb29isfjGhgYcDw3Ly9P8+Z5PrICgYDmz5/v6QzjOZDHbeThRB6ZyMSJPJzIw4k8nMgj03/JwvP0\nfD5f1se/++47tbW1OR4rKSnRpk2bVFBQMBOjzWrxeFxnzpxRZWUleYg87kYemcjEiTycyMOJPJzI\nI9OdmYTD4Ul9jueX1y3LUiwWS38cj8cVDodVWVmp+vr69J+XXnpJ3d3dGWc/TTUwMKC2tjby+B/y\ncCKPTGTiRB5O5OFEHk7kkem/ZOL5mc6lS5fqzz//VH9/vyzLUnt7u+rq6hQOhyfdnAEAADC7eV46\nA4GAXnjhBR08eFCpVEoVFRUqKiryeiwAAABMI89LpyStXLlSK1eu9HoMAAAAuCTQ2NjY6PUQk2Hb\ntoLBoEpLS5WTk+P1OJ4jDyfycCKPTGTiRB5O5OFEHk7kkem/ZOKzbdt2eS4AAAAYblZcXp+sM2fO\n6OLFiwqFQpKk6upqIy/Lc9vQTO+++65ycnLk9/vl9/tVX1/v9Ugz6osvvlA0GlUoFNLOnTslSUND\nQzpy5Ihu3bql/Px8bd68WQsXLvR40pmRLQ+Tjx+xWEytra0aHByUJFVWVuqxxx4zdkcmysPkHfn7\n77/1ySefaHR0VGNjY1q1apU2btxo7I5MlIfJOyLdvotkU1OTwuGwtm7dOuX9mFNnOs+ePatgMKgn\nnnjC61E8k0ql9P7772vHjh0Kh8NqampSXV2d8S++eu+991RfX6/c3FyvR/FEd3e3gsGgWltb0yXr\n1KlTys3N1fr16/Xtt99qeHhYzz33nMeTzoxseZh8/EgkEhoYGFBxcbGSyaSampq0ZcsWff/990bu\nyER5/Pjjj8buiCSNjIwoGAxqbGxMH330kWpqatTR0WHkjkjZ87h69arRO3Lu3Dldu3ZNyWRSW7du\nnfL/M56/TyemhtuGIpuSkhItWLDA8VhHR4cefvhhSdLatWuN2pNseZjMsiwVFxdLknJyclRYWKh4\nPG7sjkyUh+mCwaAkaWxsTLZta+HChcbuiJQ9D5PFYjFFo1FVVFSkH5vqfsypy+uSdP78eV26dElL\nly5VTU2NcUsw0W1DITU3N8vn86mqqkqVlZVej+O5wcFB5eXlSbp9C9nxS4kmM/34IUn9/f26fv26\nli1bxo7ImUdPT4/RO5JKpfTBBx+ov79fVVVVWrx4sdE7ki2Pn376ydgdOXnypGpqapRMJtOPTXU/\nZl3pbG5uzvru9hs2bFBVVZWefvppSdLp06d16tQpvfjiizM9oqcmum2o6V555RVZlqXBwUE1Nzer\nsLBQJSUlXo81a7A34vghKZlM6vDhw3r++eczXm1q4o7cnYfpO+L3+/Xqq6/qr7/+UktLi65ever4\nd9N2JFsepu5IR0eHQqGQiouLM/Zi3GT2Y9aVzh07dkzqeRUVFfrss89cnmb2mei2oaazLEuSFAqF\nVF5ert7eXuNLZygUUiKRkGVZSiQS6V98N9X4T+OSmcePsbExHT58WGvWrFF5ebkks3ckWx6m78i4\nBQsW6KGHHtLvv/9u9I6MuzOPFStWpB83aUd6enrU0dGhaDSq0dFRJZNJHT16dMr7Mad+pzORSKT/\nfuXKFS1evNjDabxx521DR0dH1d7errKyMq/H8tTIyEj6dP/IyIg6OzuN3I27lZWV6dKlS5KkH374\nQatWrfJ4Im+ZfPywbVtffvmlioqK9Pjjj6cfN3VHJsrD5B0ZHBzU8PCwpNuv3O7s7FRxcbGxOzJR\nHqbuyMaNG/XGG2/o9ddfV11dnVasWKGXX355yvsxp169fvToUV2/fl0+n0/5+fmqra11/GRqivG3\nTBq/beiTTz7p9Uie6u/v16FDhyTd/h2cNWvWGJfJkSNH1NXVpaGhIeXl5enZZ59VWVmZPv/8c8Vi\nMaPe6kTKzOOZZ55RV1eXsceP7u5uffzxx1qyZEn6Elh1dbXuv/9+I3dkojwuX75s7I7cuHFDra2t\nsm1btm1r7dq1WrdunYaGhozckYnyoIdIXV1dOnfuXPotk6ayH3OqdAIAAGBumlOX1wEAADA3UToB\nAADgOkonAAAAXEfpBAAAgOsonQAAAHAdpRMAAACuo3QCwD0oLS3V119/7fUYADDrUToB4B74fL5/\nvedwV1eX/H6/UqnUpL9maWmpTp8+PR3jAcCsQekEgBkwlftw+Hy+KT0fAOYCSicATIMLFy6oqqpK\nkUhE9913n958801J0lNPPSVJys/Pl2VZOn/+vDo7O7VhwwYVFhaqqKhI27ZtUywWkyRt375dv/32\nm2pra2VZlt5++23PvicAmE6UTgC4R7Zt67XXXlNDQ4NisZh+/fVXbd68WZL0zTffSJJisZgSiYQe\nffRRSdLevXt17do1/fzzz+rp6VFjY6MkqaWlRcuXL9exY8eUSCTS5RUA5jpKJwBMg2AwqGg0qps3\nbyo3NzddLrNdJn/ggQdUXV2t+fPnq7CwUA0NDWpra5vpkQFgRlE6AeAe+Xw+ffjhh/rll19UXl6u\nRx55RMePH5/w+Tdu3NCWLVu0bNkyRSIRbd++XX/88ccMTgwAM4/SCQDT4MEHH9Snn36qvr4+vfXW\nW6qrq9Pw8HDWV7bv2bNHgUBA7e3tisViamlpcby6/d9eDQ8AcxWlEwDukW3bOnjwoPr6+iRJkUhE\nPp9Pfr9fRUVF8vv96uzsTD9/YGBAoVBI4XBYvb29OnDggOPrLVmyxPF8APh/QOkEgGlw8uRJrV69\nWpZlqaGhQYcOHVJOTo5yc3O1d+9erVu3TosWLdKFCxe0b98+Xbx4UZFIRLW1tdq0aZPj7Obu3bu1\nf/9+FRQU6J133vHwuwKA6eOzeTM4AAAAuIwznQAAAHAdpRMAAACuo3QCAADAdZROAAAAuI7SCQAA\nANdROgEAAOA6SicAAABcR+kEAACA6/4BNtDPyBRxUFoAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 42, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "k = 5\n", + "knn_model = KNeighborsRegressor(n_neighbors=k)\n", + "knn_model.fit(X=boston_housing[['lstat']], y=boston_housing.medv)\n", + "boston_housing['predicted_medv'] = knn_model.predict(boston_housing[['lstat']])\n", + "\n", + "plot_boston_housing_data(boston_housing, title='KNN Model with k = %i' %k)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "With $k = 5$ – a small number of nearest neighbors – we have a very \"squiggly\" predictor, which **fits the training data well** but is **over-sensitive to small changes** in the _lstat_ variable. We call this a **LOW-BIAS**, **HIGH-VARIANCE** predictor. We don't like it." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now, with, say, $k = 200$, we have the following:" + ] + }, + { + "cell_type": "code", + "execution_count": 43, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAp0AAAH+CAYAAADeXbVXAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3Xt8U/X9P/DXSXNp0qS0peWOYAGlBVoEFIpFLIKgKAjK\ndOyroCjob6I4GTAL6gZ14MQL6jbccIibFwRUkHFRkUsR0IFSoAUpyEUEbbG0aXrL7fdHSJqTS5uk\nObn19Xw8eDzS5OTkfd5NyLufq2C1Wq0gIiIiIpKQLNwBEBEREVHsY9FJRERERJJj0UlEREREkmPR\nSURERESSY9FJRERERJJj0UlEREREkmPRSUR02alTpyCTyfDll1/6/Jzt27dDJpPhxx9/DFocN954\nI6ZPn97kMYHECgArV66EQqFoSXhERAFh0UlEHk2dOhWjRo0S3fe///0P7du3x69+9SvU19c7Cq7u\n3bujvr5edOzIkSNx//33i84nk8kwd+5c0XE//PADZDIZdu7c6TWWlStXQiaToWPHjjCZTKLHysrK\noFKpIJPJsHv37kAvN6J89NFHePHFFx0/u+YyGv3lL39BTk4OUlJSkJycjGHDhmHLli1ux+3btw9D\nhw6FWq1Gp06d8NRTT8FisYiO+e677zB69GgkJCQgLS0NjzzyCGpqakJ1KUQUIBadROSRIAgQBMHx\n8+bNm5GXl4e7774bq1evhkqlcjxWVlaGl19+ucnnC4KA+Ph4LFu2DGfOnPE7nri4OCgUCmzYsEF0\n/7/+9S906tTJ7fWiWVJSErRabbjDCKovvvgCDz74ILZv346vv/4aQ4cOxW233SZqqT179ixGjRqF\njIwMHDhwAH/729+wfPly5OfnO46prq7GTTfdBKVSiT179mD16tXYvHkzpk2bFo7LIiI/sOgkIo+c\nNyt76623MH78eMyfPx/Lli1zO3bWrFlYvHgxLl682OQ5hw4diuzsbDz11FMBxfTAAw/gH//4hyjG\nFStWYNq0aXDdXO3YsWMYO3YsdDoddDodxo0bhxMnToiOWb16NXr27Am1Wo3rr78eRUVFbq9ZWlqK\nO++8E8nJyUhJScHo0aNx+PBhn2M+ceIEZDIZSktLHfd1794dXbt2dfx8/PhxyGQyHD9+HICte/2h\nhx4CYGsh3rZtG9566y3IZDK3VuFz587htttuQ0JCAnr06IG33nrL59gAoK6uDhMnTkRWVhbOnz/v\n13P98d///hfTpk1DVlYWevbsiSVLliAzMxPr1q1zHPO3v/0NSUlJWLFiBTIyMjB+/HgsXLgQr776\nKmprawEA77zzDi5evIh33nkHWVlZyMvLw+uvv473338fp06dkix+Imo5Fp1E5JXVasXixYsxffp0\n/POf/3TrGrebPn06OnTogD/+8Y9NnksQBLzwwgt49913sX//fr/jmTZtGj777DOcPXsWgK31rLy8\nHHfddZfouNraWtx8881oaGjAzp07sWPHDlRXV2PMmDEwGo0AgG+++QaTJ0/G3XffjaKiIsyePRuP\nP/646Dw//fQTcnNz0aFDBxQWFmLfvn24+uqrceONN6K8vNynmHv06IErrrgC27ZtA2ArQn/++WdU\nVVU5isxt27ahS5cu6NWrFwBxK/GyZcswbNgw3H333bhw4QIuXLiAnJwcx/nnzZuHqVOn4tChQ7jn\nnnvw4IMPOs7bnIqKCowcORIVFRUoLCxEx44dPR535swZaLVaRwHv6V+/fv18ek07i8WCyspKUYvu\n7t27cfPNN4uOGz16NGpqavDNN984jhk6dCh0Op3jmFGjRgU0vpWIQotFJxF5tWvXLjz11FN48803\nce+993o9TqFQYMmSJVi+fLmjRc+15RGwFVO5ubkYP348Zs+e7Xc8Xbt2xahRo7BixQoAwBtvvIF7\n770XarVadNw777yD8vJyvP/++7jmmmswYMAAvPfeezh37hzef/99AMDSpUuRk5ODgoIC9OrVCxMm\nTHCL6W9/+xuuvPJKvP766+jTpw969eqFV155BUlJSfjPf/7jc9x5eXn4/PPPAdgKzKFDhyI3N9dR\niG7btg15eXken5uYmAilUgm1Wo127dqhXbt2oolAM2fOxF133YX09HQsXLgQarUa27dvbzamH374\nwVFQb9myBYmJiV6P7dy5M4qKinDw4EGv//773//6nA8AeO6551BVVSWaMHXhwgV06NBBdJz9Z3sr\n7Pnz592OUSgUSElJkbSllohajkUnEXnVu3dvZGZm4rnnnmv2C33cuHHIycnx2hoKNBaiS5Yswe7d\nu93GZ/pi+vTpePPNN/HTTz/ho48+wkMPPeRW4B45cgR9+vRBSkqK47527drh6quvxpEjRwAAxcXF\nGDp0qOh5119/vejnr7/+Gvv37xe16CUmJuL06dOi7vLm5OXlOQrBbdu2YeTIkcjLy3MUndu3b8eI\nESN8Pp+z/v37O27LZDK0a9cOP/30U5PPsVgsyMnJQVZWFtasWQOlUtnk8XFxcUhPT2/yn/Nwgeb8\n9a9/xZ///GesWbMGnTp18vl5AGJm3C5Ra8Sik4i8ateuHbZv3w6VSoUbbrih2QlAL7zwAj766CPs\n3r27yeKgV69emDFjBubOnQuz2exXTGPHjoXFYsFvfvMbDBw4EH369PF4nKeWVuf7BEHweIzr8SNH\njnRr1Tt27BieffZZn2POy8tDWVkZioqKHAXmiBEjsH37dhw6dAhlZWUBF52uBaMgCG6zvV3JZDLc\nfvvt2LZtm0/jU4PZvf7CCy9gzpw52LBhg9s1d+zY0e2PG3sBbe/693SM0WjEL7/84nV4ABFFBnm4\nAyCiyGW1WpGamopt27bhlltuwbBhw/D555+jZ8+eHo8fNGgQ7rnnHsyePRtardatqHMuRJ955hm8\n/fbbWL58uV8xyeVyPPDAAygoKHB0s7vq27cvli9fjosXL6Jt27YAbMXLd999h9///vcAgMzMTLcx\ngK5LLg0aNAgrV65E586dRbP1/dW1a1f06NEDy5YtQ21tLa699lpYrVaYTCa88sor6NGjR5MthUql\n0m2pqJb661//Crlcjry8PHz22WfIzs72eqy9e70pvqz9+fTTT+OVV17Bpk2bMGzYMLfHr7/+erz9\n9tuO8b+AbdUEjUaDa665xnHM448/Dr1e7xjX+emnn8Jisbi1VBNRZGFLJxE1KykpCZ9++imuvPJK\n3HDDDSguLvZ67HPPPYdvv/3W46QO5yI0NTUV8+bNc1tqyRdPP/00ysrKcN9993l8fPLkyUhLS8Pd\nd9+Nb775Bvv378c999yDLl264O677wYAPPHEE9izZw/mz5+P7777Dh9++KFobUwAePTRR2E2mzF+\n/HgUFhbi1KlTKCwsRH5+Pvbs2eNXzCNGjMCqVaswfPhwCIIAmUyG4cOHY9WqVW4tflarVZSrK6+8\nEvv378fJkydRXl7eZAHaXOuts2XLlmHKlCkYMWJEkxO7gtG9PmvWLLzwwgtYtWoVevXq5ZgUVVVV\n5TjmkUceQWVlJR566CEcOXIE69evx9NPP43HHnvMMW538uTJSE1NxeTJk1FUVIQvvvgCv/3tb3HP\nPfegW7duPl87EYUei04i8sh13UutVovNmzcjOzsbeXl5OHjwoOM4Z926dcPMmTNRV1fntk6n67FP\nPPEE0tLSfBqn53yMXC5HSkoKZDKZx8fj4+OxdetWx7CAG2+8ETqdDps3b4ZcbuvgGTBgAN555x28\n9957yMrKwvPPP4+XXnpJdJ527dphz549SE1NxcSJE9G7d2/83//9H86ePSsai+hL/Hl5eTCbzaIC\nc8SIEW732c/nfM4nn3wSqampyM7ORvv27R0FvafX9TeXL7zwAmbMmIGRI0fiq6++ava5gVq2bBnq\n6+sxYcIEdOrUyfFv1qxZjmO6dOmCrVu3oqSkBIMGDcKMGTMwY8YMFBQUOI5JSEjAZ599hoaGBuTk\n5GDSpEkYM2aM11ZvIoocgtWfP4tbqLa2FuvXr0dZWRkA4I477kBKSgrWrFmDS5cuISkpCZMmTXKb\niUpERERE0S2kReeHH36Ibt26YcCAATCbzTAajdi5cyc0Gg1yc3NRWFiI2tpat633iIiIiCi6hax7\nva6uDqdPn8aAAQMA2MYIxcfH49ixY44lP7Kzs3H06NFQhUREREREIRKy2esVFRVISEjARx99hAsX\nLqBTp04YM2YMDAaDY0cKrVYLg8EAAKiqqkJ1dbXoHFqttskFjImIiIgoMoWs6LRYLDh//jxuvfVW\ndO7cGZs2bUJhYaHoGOfB7fv378eOHTtEjw8fPtzrrh1EREREFLlCVnQmJiYiMTERnTt3BmBbI6+w\nsBBardax3pper0dCQgIAYODAgbj66qtF59BqtaioqAj6enX+UqlUqK+vD2sMcrkcycnJzMdlzIcY\n8+GOORFjPsSYDzHmQ4z5cGfPiV/PkSgWN/bt48rLy5GamoqTJ08iLS0NaWlpOHjwIHJzc/Htt9+i\nd+/eABqLVFdlZWUwGo2hCtsjuVwe9hjsTCZT2GNhPsSYD7FIygfAnLhiPsSYDzHmQ4z5aJmQ7kh0\n6623Yt26dTCbzUhOTsYdd9wBi8WCDz74AAcOHHAsmUREREREsSWkRWeHDh0wffp0t/unTJkSyjCI\niIiIKMS4IxERERERSY5FJxERERFJjkUnEREREUmORScRERERSY5FJxERERFJjkUnEREREUmORScR\nERERSY5FJxERERFJjkUnEREREUmORScRERERSY5FJxERERFJjkUnEREREUmORScRERERSY5FJxER\nERFJjkUnEREREUmORScRERERSY5FJxERERFJjkUnEREREUmORScRERERSY5FJxERERFJjkUnERER\nEUmORScRERERSY5FJxERERFJjkUnEREREUmORScRERERSY5FJxERERFJjkUnEREREUmORScRERER\nSY5FJxERERFJjkUnEREREUmORScRERERSY5FJxERERFJjkUnEREREUlOsFqt1nAH4au6ujrU1dUh\n3CHLZDJYLJawxiAIApRKJRoaGpgPMB+umA93zIkY8yHGfIgxH2LMhztBEJCUlOTXc+QSxSKJ+Ph4\n6PV6GI3GsMahVqtRW1sb1hgUCgWSkpJgMBiYDzAfrpgPd8yJGPMhxnyIMR9izIc7hULh93PYvU5E\nREREkmPRSURERESSY9FJRERERJJj0UlEREREkmPRSURERESSY9FJRERERJJj0UlEREREkmPRSURE\nRESSY9FJRERERJJj0UlEREREkmPRSURERESSY9FJRERERJJj0UlEREREkmPRSURERESSY9FJRERE\nRJJj0UlEREREkmPRSURERESSY9FJRERERJJj0UlEREREkmPRSURERESSY9FJRERERJJj0UlERERE\nkmPRSURERESSY9FJRERERJJj0UlEREREkmPRSURERESSY9FJRERERJJj0UlEREREkmPRSURERESS\nY9FJRERERJJj0UlEREREkpOH8sVeeuklqFQqyGQyyGQyTJ8+HTU1NVizZg0uXbqEpKQkTJo0CWq1\nOpRhEREREZHEQlp0CoKAqVOnQqPROO4rLCxEeno6cnNzUVhYiMLCQowaNSqUYRERERGRxMLevX7s\n2DH0798fAJCdnY2jR4+GOSIqKZFj4sS2GD06FWPGpGLixLYoKfHt75OSEjluuCEVXbt2RK9eHbB8\nuRqjR6eiV68O6NWrA8aMSXWcq6REjtGjU9G7t/j+QGMqKgLGjWvjV7zBYo9v4sS2OHKk5R8r5/N5\nuxZfjiEiIooUIf+mWrVqFQRBwKBBgzBw4EAYDAZotVoAgFarhcFgAABUVVWhurpa9FytVgu5PPxf\nrnFxcVAoFGGNwZ4HKfIxf34b7NundLkvCevXV3o83jkf8+e3wYkTtufW1AhYtCgJFovgOPbQIaXj\nXPPnt8Hhw0q3+wOJSS6X49FHgb17lc3GKwXn+ObMicPHHzcE7XzerqWpY6R8f/grEj4vAHPiivkQ\nYz7EmA8x5sNdILkIafamTZsGnU4Hg8GAVatWITU1VfS4IDQWJ/v378eOHTtEjw8fPhx5eXkhiTVa\nJCcnB/2cnt7LCoUSaWlpfj/X+Xfqei7XY5t6DX9j8jXeYHGOTy6Xt/i1nc/n7Vp8OUaK90e0Y07E\nmA8x5kOM+RBjPlpGsFqt1nC88Pbt26FUKrF//35MnToVOp0Oer0eK1euxMyZM722dJrNZphMpnCE\n7KBSqVBfXx/WGORyOZKTk1FRURH0fBQXx2HePC0MBlvRqNFYsXhxNTIzzR6Pd85HcXEcHnxQi5Mn\nFYiPt2Lu3GqsWROPEydsf9/07GnGsmV6ZGaaUVwch5kztTh1So4rr2y8P5CY5HI5zp5NxsMPG2G1\nNh2vFOzxAcCLLzagZ8/aoJ3P27U0dYyU7w9/RcLnBWBOXDEfYsyHGPMhxny4s+fEHyErOhsaGmC1\nWqFSqdDQ0IC3334bw4cPx8mTJ6HRaJCbm4tdu3ahrq6uyYlEZWVlMBqNoQjZK7VajdralhUVLaVQ\nKJCWlsZ8XMZ8iDEf7pgTMeZDjPkQYz7EmA939pz4I2Td6waDAe+99x4AwGKxICsrCz179kSnTp3w\nwQcf4MCBA44lk4iIiIgotoSs6ExOTsYjjzzidr9Go8GUKVNCFQYRERERhUHYl0wiIiIiotjHopOI\niIiIJMeik1olLqxOREQUWiw6qVXKz2+DfftU2LdPhfz8NuEOh4iIKOax6KSwY6sjERFR7GPRSWHn\n3Oo4YYJ/e70HqqCgEoMH12Pw4HoUFIRuu0wiIqLWis1KFFH0epmjy3vduouSvU5GhknS8xMREZEY\nWzop7OytjjqdJdyhEBERkUTY0klhZ291LCmROyb1sMubiIgotrDopIjBLm8iIqLYxe51IiIiIpIc\ni04iIiIikhyLTiIiIiKSHItOIiIiIpIci04iIiIikhyLTiIiIiKSHItOIiIiIpIci06KCCUlckyc\n2DYk+64TERFR6LHopIiQn98G+/apHPuuExERUWxh0UlEREREkmPRSRGhoKASgwfXY/Dgeu67TkRE\nFIM4eI4iAvddJyIiim1s6SQiIiIiybHoJElwNjoRERE5Y9FJkuBsdCIiInLGopOIiIiIJMeikyTB\n2ehERETkjIPtSBK+zkYvKZE7ut8LCiqRkWGSOjQiIiIKA7Z0Ulhx7CcREVHrwKKTiIiIiCTHopPC\nimM/iYiIWgeO6aSw8jT2k+M8iYiIYo9gtVqt4Q7CV3V1dairq0O4Q5bJZLBYLGGNQRAEKJVKNDQ0\nxFw+xo7VYs8eBQAgJ8eIjRurm31OLOcjEMyHO+ZEjPkQYz7EmA8x5sOdIAhISkry6zlR1dIZHx8P\nvV4Po9EY1jjUajVqa2vDGoNCoUBSUhIMBkPM5cNi0Tjdtvh07ljORyCYD3fMiRjzIcZ8iDEfYsyH\nO4VC4fdzOKaTIg7HeRIREcWeqGrppNbB1zU+iYiIKHqwpZOIiIiIJMeikyRTUiLHxIltMXFiW5SU\nsFGdiIioNWPRSZLhbkNERERkx6KTwoKtoERERK0Li06STFOz0NkKSkRE1Lqw6CTJZGSYHMVmfn4b\ntmgSERG1Yiw6SVLeWjS5FicREVHrwqYnCguuxUlERNS6sKWTJBXrLZqcEEVEROQbfkuSpGK9RdM+\nfMB+O5avlYiIqCXY0kkhx9ZBIiKi1odFJ4VcLC2XFOvDB4iIiIKFzUxELRDrwweIiIiChS2dFHJs\nHSQiImp92NJJkikpkTu6zwsKKpGRYQLA1kEiIqLWiC2dJJlYGrtJRERELcOik4iIiIgkx6KTJMOx\nm0RERGTHMZ0kGY7dJCIiIju2dFLA7Iu8jx2r5SLvRERE1CQWnRQw+0ShPXsUnChERERETWLRSURE\nRESSY9FJAbNPFMrJMYZsohD3bSciIopO/NamgNknCqnVatTWmkLymvYuffttTlQiIiKKDmzpJCIi\nIiLJseikqMK1P4mIiKITu9cpqnDtTyIioujElk4iIiIikhyLTiIiIiKSXEi71y0WC9544w0kJiZi\n8uTJqKmpwZo1a3Dp0iUkJSVh0qRJUKvVoQyJiIiIiEIgpC2de/fuRVpamuPnwsJCpKen47HHHkN6\nejoKCwtDGQ4RERERhUjIis7KykocP34cAwYMcNx37Ngx9O/fHwCQnZ2No0ePhiocIiIiIgqhkHWv\nb9myBTfffDPq6+sd9xkMBmi1WgCAVquFwWBwPFZVVYXq6mrRObRaLeTy8E+4j4uLg0KhCGsM9jww\nHzbMhxjz4Y45EWM+xJgPMeZDjPlwF0guQpK9Y8eOISEhAR07dsT333/v8RhBEEQ/79+/Hzt27BDd\nN3z4cOTl5UkWZzRKTk4OdwgRJdz5KCoCHn3Udvu114CsrLCGE/Z8RCLmRIz5EGM+xJgPMeajZUJS\ndJ49exbHjh3D8ePHYTKZUF9fj3Xr1iEhIQF6vR46nQ56vR4JCQmO5wwcOBBXX3216DxarRYVFRUw\nmUKz5aI3KpVK1GIbDnK5HMnJyczHZZGSjxkz2mDvXuXl2w1Yvz48C9hHSj6AyHh/AMyJK+ZDjPkQ\nYz7EmA939pz49RyJYhEZOXIkRo4cCQA4deoUvvzyS0ycOBFbt27FwYMHkZubi2+//Ra9e/d2PCcx\nMRGJiYlu5yorK4PRaAxF2F7J5fKwx2BnMpnCHgvz0chqtYpuhzsv4c4HEFnvD4A5ccV8iDEfYsyH\nGPPRMmFdpzM3NxcnTpzAsmXL8P333yM3Nzec4RC1WEFBJXJyjNymk4iIyEXIR8R2794d3bt3BwBo\nNBpMmTIl1CEQSSYjw4SNG6tRW1sb7lCIiIgiCnckIiIiIiLJsegkIiIiIsmx6CQiIiIiybHopIhU\nUiLHxIltMXFiW5SUhH8xXiIiImoZFp0UkfLz22DfPhX27VMhP79NuMMhIiKiFmLRSURERESSY9FJ\nEamgoBKDB9dzvUsiIqIYwcFyFJEyMkxYt+5iuMMgIiKiIGFLJxERERFJjkUnRS3nGe7FxXHhDoeI\niIiawO51ilr2Ge4AMG+egD17whwQERERecWWTpIU19skIiIigEUnSUzK9TadZ7gvXlwd1HMTERFR\ncLHpicKipETuKEILCiqRkWHy+xzOM9wVCkVQ4yMiIqLgYksnScrbepvBbgEtLo7DDTcA48a1YTc+\nERFRBOK3M0kqVOttzpunxd69AKBEfn4brvFJREQUYdjSSWEh5Y5DxcUKtnYSERFFGBadFBb2FtB1\n6y4GNJ7T1eLF1UhMtN3W62VBn7RERERELcOik2JCZqYZ2dnhjoKIiIi8YdFJMeO114AhQxok6bIP\nBq5ZSkRErRm/+SiogrEUUqCysoD16ythNBpD9pr+cN5BiZOdiIiotWFLJwWVlIvB+yPWWxVj/fqI\niCj2sOikmCRF8dvSQi+YM/YjpbgnIiLyFZtIKKgKCipF3euxxN/ucU9DDdilTkRErRWLTgqqSCms\nIqH4lXIMZyRcHxERkT9YdFJMkqL4jaRCL1KKeyIiIl+x6CTykb+FXiQVqUREROHGopOiivM4yWnT\nqrFihRYAsGSJAcOHhzMyd2yNJCIiasSik6KK8zjJ4mIF9HrbAgzz5gnYsyeckREREVFTuGQSkRdc\nC5OIiCh4WHRSVHFe6/KJJyqh01mg01nw0EM1QX8troVJREQUPCw6qUmR1Nrnuu7lli0a6PUy6PUy\n/OMfGrdjIyVuIiIiAgSr1WoNdxC+qqurQ11dHcIdskwmg8ViCWsMgiBAqVSioaFB0nyMHavFnj0K\nAEBOjhEbN1a7HROqfLjGAkD082efGR358CXu5hw5IsOcObZi9vnna9Cnj2/X2JreH76IhHwAzIkr\n5kOM+RBjPsSYD3eCICApKcmv50RVE1B8fDz0ej2MRmNY41Cr1aitrQ1rDAqFAklJSTAYDJLmw2LR\nON22eLzuYObD0y4+3mJxXpLoz382QKNJceTDl7ibU18vh8USf/l2PWprTc08w6Y1vT98EQn5AJgT\nV8yHGPMhxnyIMR/uFAqF38+JqqKTQi/Ua002tYuPayzOSxK5vvmDEbeUOwoRERG1Niw6qUmRtNak\nP7FEUtxERETEiUQUYZxnp4d7F59IioWIiCjasaWTIkoktVBGUixERETRji2dRERERCQ5Fp1EUYzr\nkRIRUbRg0UkUxbhrEhERRQsWnUREREQkORadFHTR3uUbTfFzhj0REUULFp0UdC3t8g130RdNXdb2\nGfbr1l0U7d5EREQUaSK7GYdapVDtBGTfctNgECAIgEZjZWshERGRRNjSSUEXzC7f4mKF19ZO5xbR\n4uI4v89tL24PH1bi0CGlo2VTqi7rcLfgEhERhROLTgq6lnb5FhRUQqezAAD0ehny89t4LNicu8Hn\nzdNGTPzeRFO3PRERUbCx6KSIk5FhQmamUXSfFAWbvUWzb98G9OvXwMk4REREEmIfH0WkgoJKR3Hp\nfNvbMYsXGwCkuB1jH7dpP9655TLU21y6XhMREVFrwqKTIpJrQeipYHM+RqFQeDyP86SkCRNSkZlp\ndCs+Q4V7uRMRUWvG7nUKuUAm1ARjnKVeL+N4SiIiojBh0UkhF8oJNfZxm/aJSaHGGetEREQ2/Bak\nmGZvIXUd2xkqoVpzlIiIKNKxpZMk0VQLXzi2bgy0e54tlURERMHBb1GSRFMtfNE0oaalLZWcsU5E\nRGTDopNiTlPLJIVaNBXYREREUvKpe/2jjz6C0Whs/kCiy3ztQnfuvt64UeVTV3ZzXd4tmajkeu5w\nDAUgIiKKRT61dD7zzDO4//77ceedd+I3v/kN8vLypI6LopyvLXzO3dfFxQro9TLH/d6eL+XkHE/n\nZkslERFRy/nU0nnw4EHs3r0b7du3x4MPPojOnTvjySefxP79+6WOj8hvbJ0kIiKKPD7PXs/MzERB\nQQFOnDiBNWvW4NChQ7juuuukjI1aAecCcenSimaLxZISOQwGATqdBf36NTiOKy6Oww03AOPG2brT\nA11IngUjieHtAAAgAElEQVQrERGRNPyaSHT27Fm8++67ePfdd3H69Gncf//9UsVFrYRrN/zYsfVN\nHp+f3waHDysBABqN1VFUzpunxd69AKBsUZc7J/7YRNJkLCIiig0+tXS+/vrryM3NRUZGBvbv349n\nnnkGFy5cwD//+U+p4yOiMAjlrlFERNQ6+NTS+cknn2DGjBm44447oNPppI6JyMG1xc3bupeLF1dj\nwYIUGI0NWLSI3eLk/t7JygpzQERErZxPReemTZukjoPII19nk2dmmrFzJ1BWVgmjkV3BLRULi9q7\nvnc2bKgKc0RERK2b16Lz3nvvFf0sCAKsVqvjtt2qVaskCo3IM443lB7HthIRUbB5LTp79OjhKC7L\ny8vx1ltv4fbbb0e3bt1w+vRpfPLJJ5gyZYpPL2I0GrFy5UqYTCaYzWb07t0bI0eORE1NDdasWYNL\nly4hKSkJkyZNglqtDs6VUUzw1OIm5Tqd4cJCOvjc3ztC008gIiJJeS06n332Wcftm2++GRs3bsSw\nYcMc9xUWFuJPf/qTTy+iUCgwZcoUKJVKmM1mvPnmmzh9+jSOHTuG9PR05ObmorCwEIWFhRg1alTg\nV0Mxp7W0uMViIR1u7u8dRdhiISIiH2ev7927F0OGDBHdN3jwYOzZs8fnF1IqbcvcmM1mWK1WqNVq\nHDt2DP379wcAZGdn4+jRoz6fj1oX5+0pp02rDstams1tv2l35IjMp+OIiIhaE5++Ea+55hr84Q9/\nwMKFC6FWq1FTU4NnnnkG11xzjc8vZLFYsHz5clRUVGDQoEFo164dDAYDtFotAECr1cJgMAR2FRTz\nnFsCAYSlJXDWrCTHGqGzZiVhy5Zyj8fNmaPBvn22VjVfWy1jYeIOERFRU3wqOleuXInJkycjMTER\nycnJjsLxnXfe8fmFZDIZHnnkEdTV1eHtt9/G999/L3rceXISAFRVVaG6ulp0n1arhVwe/pajuLg4\nKBTh7aqz50GKfCh/+BSqkx/4fHycTAa1xRL0OJwtHKLAxZ62hnmFwgr5ZiMS21gdj8sEAVAq0aah\nARar1eM5jB1vQF3P3wBCYGP7Tp+Wi257fw80nl8QBJ/eK1lZcJpdLaClXcFSvT+Ki+Mwb57tD8XF\ni6uRmWlu9jmR8HkBpP3M+CsScsJ8iDEfYsyHGPPhLpBcCFarl29oD86cOYMff/wRHTt2RLdu3fx+\nMbsdO3ZALpfjwIEDmDp1KnQ6HfR6PVauXImZM2cCAL744gvs2LFD9Lzhw4cjLy8v4NclH+1/Cdj+\nu3BHIY20bOCqu4Dkq20/y+TAFSMAVfMLoA8cCBw4YLs9YACwf7/n44qKgEcftd1+7TXE1PqQN9wA\n7Npluz1sGLBzZ3jjISKi6OFz0Xnx4kVs3LgRFy5cwJw5c3Du3DlYLBZ07dq12ecaDAbIZDKo1WoY\njUa8/fbbuPHGG1FaWgqNRoPc3Fzs2rULdXV1jolE3lo6zWYzTKbwzuxVqVSor296u0apyeVyR6tz\nsPMRV1kK+S+HfI9FIYfJj7Uxfzgnw7vvxAMAfj25Dl06+9ZK+pe/aHC81PaXVa+eJvz+9zWOx2Rx\nMmgTtKg2VMNidj+frOZHJBxYBMHq3jJnUSbDlNof1jgVajL/H0zth7gdA/jeyhfL749x49pg717b\nEIMhQxqwfn3zQwGaykcgLaeBkvIz469Yfo8EgvkQYz7EmA+xSMgH0JgTv57jy0E7duzAnXfeiUGD\nBmH37t2YM2cOjh8/jqVLl2LDhg3NPr+6uhoffvghrFYrrFYrsrOzkZ6ejg4dOuCDDz7AgQMHHEsm\n2SUmJiIxMdHtXGVlZTAajX5cYvDJ5fKwx2BnMpmCHotR0w3Q+N6SrVarUVtb6/PxDzzW1jE+89Oz\n9T6Pz7zxYTk+vTzu8aGHK1HdpfGDr1AooE1LQ+3l94enJYgMncZA8cu3iP9xOwST7Q8aRcURyKtP\nQfnjF7afL3yJsls+hTmhi9vr9+plxNq1dY6fvaU9lt8fixZdcuR10SLfFuJvKh9z5yZi3z7l5dsJ\nIRmrK8Vnxl+x/B4JBPMhxnyIMR9ikZQPf/lUdD7++ON47733MHLkSEdVO2TIEOzbt8+nF2nfvj0e\nfvhht/s1Go3Pa30S+bN8kqcliMzaK2DWXoG6K8Y1HmgxQln+PwimWiR89y/En9+GxAPPomLYP6W4\nhKjXWpawIiKi4PNpyaTTp09j5MiRovsUCgXMZum6wih2FRRU+rXkka9LFQVEpkBDuxzUdxqBS9f9\nBVYIiP9xGwRTTbNPlTSuVsLf9wIREUUvn4rOjIwMbN68WXTf559/jn79+kkSFMU2e2vZunUXfdp5\nx95quW+fytG121zBF0gxY9F0gLFtfwiWeqgu7AoorqawSHXn73uBiIiil0/ffC+++CJuu+023Hrr\nrairq8P06dOxYcMGfPzxx1LHR+SRa/d543JDNoF2A9d1HgXlxW8Qf/pj1HUZHZRY7bjrEBERtWY+\ntXQOGTIEBw8eRN++ffHAAw8gPT0dX3/9Na677jqp4yPyq9WyuDjOa2uiLy2NtVeMg1WmhObMx1D9\nuC1ocUmJLahERBQNfFoy6dKlS1i2bBm++eYb0TJGgiBg69atkgboKhJmr/s7W1sKCoUCaWlprTYf\nrrPTs7IEpKWlISenwbGkz+DB4pnxEyc2zpp3fcz5fG8/VoBe5xfCCgE/j9sHc0Jnv2Lzlg9PM+qD\nwdN1tfb3hyfMiRjzIcZ8iDEfYsyHO3tO/OFTs8ikSZNgsVgwYcIExMfHQxAEWK1Wt12EiLwJdsHl\n3n3est0ZnLu+pyybh533r4K8+jR0RUtwacjLgOBTp0CTOPObiIhaM5+Kzq+++go///wzVCpV8wcT\neRCq8YyLF1dj7twEAO57mPu6v7kFcagY8grSPrsDmlNrcXCPHk8UfoyCgqqQTnbxtVDnvu1ERBQN\nfCo6hw4diqNHjyI7O1vqeIhaJDPT7LWgbaql0bVwM6YOQk33idCcWoecjlshu3AA+fkDmy2WS0rk\nWLBAC4tF0+IWXV8LdbagEhFRNPCp6Fy5ciVuueUW5OTkoH379rAPAxUEAU8//bSkAVJsCGVrXCBd\n+e6Fm4BLOa9izeZ03Nf7BXw6YxRKq7Ihr3wOpjZXeT2PrVBUOG5LUQxKNTaUiIhISj4NVHvqqadw\n7tw5/PTTTzh+/DhKS0tRWlqK48ePSx0fxYhgrsfY3Gxtf9fPbEr6xMkor+2ABGUNslP3IPGbhS06\nnz+8zY4P5vUFC2fQExFRc3z6dli9ejWOHTuGTp06SR0PUbNCud5lenZ7GPsUouzSEbT9YjLiz2+D\novwAjKkDPB5fUFCJBQuSYbFYWtyiG03d5lyDlIiImuNTS+eVV14JhaJls4OJQiXY62da5WrbGM+e\n9wIA0j69HXHVpz0em5FhwsaN1ZLusBMp64MSERH5w6eWzvvuuw/jx4/HzJkz0b59e9FjI0aMkCQw\nIm+aGx8qVQth7RW3QXv07wAA0+7XcefyFY4YImVcpX28pyAIWL4c6NgxNK/LGfSRz31t2zAHRESt\njk+Lw3fv3t3rmpzff/990INqChdmteFCtWKhyofq3Gdou3MKLtW3RdqC8zBZFG4LzUudj6YWuXd+\nbNgwYO1avj/sWvtnxvV9s2FDVavOh6vW/v5wxXyIMR/uJFsc/tSpU4HEQxRz6jvdBKOuB5JwAjf2\n2I7Pjo8Kd0hERERRoeXbrBC1JoKAuituAwA8ffsrjnGVzrO3jxyR9mPV1JhO+2NDhjTgtdckDYMi\niC+rB3AsMBGFG9c2oZgmxZqWhp73IeHYCgzrtBEbX30f9Z1Hirou58yRYc0aQ4tfx5umxqzaH2vs\nCpIsDIogvqweEOytY4mI/MWWToppUqxpadF0gL7fkwCAtjunIK6qNCjnJSIiimUsOokCYLjqAZhV\nKQCAtC23Yukzhx1dl88/XxPSWLgwO7HrnIiiAYtOilrOxVZxcZzHYzx9GftSpDV7jEyO8pEf2W6a\nDBh8ajw+fP8M1q27iD59LMG5QB9F4g5FFFrB3PGLiEgqLDopajkXW/PmaT0e4+nL2JcizZdjzIk9\nUD7yQ5h06ZDXnIP2yCuOxwJpfWSLZfOYIyKi6MWik6gFGtKuQ0XOMgCAruR1JO2dBZn+TECtj4G2\nWLamrlW26hIRRS8WnRS1nIutxYurA3qetyJt2rRq6HQW6HQWTJvW9LmNba+BIf3XAADN9x8g8cPr\nMTDtC98vpIXYtUpERNGA/VMUtZyXgFEofF/+xZdtMles0EKvlzlujx1b3+TxVQMXoqHdYCSU/hvK\n8v9h2YiJKKk4gxqTzufWR24l2TzmiIgoerHoJAoCq1yN2isnob7TTeiwrh/iLLX4fGIHNLQbglrF\nONTVjoZF3fR2YVLtGR9LmCMioujF7nUiDwIdJ2lRpaDm2j+hIbkvBKsZqp92I+nruWi77S7A3HRr\nKRERUSxjSyeRBy1pUavv9ygu9ZwGWV05NKVvI/HQC1BUlSL103G4OGI1rEpOgCEiotaHLZ1EErHE\np6K67xMoH/kRzMpkKCsOo+22uyGv/C7coREREYUci04iiTWkXYvyMVtgSugKZcUhpH56B+SXSsId\nFhERUUix6KRWxZ/FxYO5ELk5oTPKb96Iuk4jITNWIqXwISh+KWrROYmIiKIJi05qVfxZXDzYC5Fb\n4tui4vq/w5h4FeT675G6dSziz2wI+HzcnYeIiKIJi06KOYG0Zo4enYoxY1KD2gLq6TirXI2Lee/C\npO0OwWpByu6HkbrlFugOvQDVj74vKF9SIse4camOoviJJ5J82oueiIgoXFh0UlhI2UrXVAul61JI\nTzyRhH37VDh8WIlDh5Si59iP7du3ATU1giNWX1tAvR1n0XTAz7dugz7j/8GiTILylyLoDr+ElB33\nQl55zOdrrKlp/PieOCH3aS96IiKicImqPrm6ujooFArI5eENWyaTQa1WhzUGQRBQU1MTtflYsECL\nffsUl28nY+NG37ex9MQ5HzJZYzHmGptKJXM8rlKpcOqUe+7szxkwANi0qQZjx2qxZ09jrE6ndxx7\n5IgMc+ZoAAAvvFCHjAx1k3EAaphyFqHy2nwoT38C9VfPQFZ7AWmfjkPlXfthbWYheedze7pPEAR8\n9VUtZs1KAgA8/3wN+vSxNHlOqUTC5wWI/s9MsDEfYsyHGPMhxny4EwTB7+dEVdEZHx8PvV4Po9EY\n1jjUajVqa2vDGoNCoUBSUhIMBkNU5sNi0TjdtrQ4n8ePx2PBAg2MRjkeeKAKFoutpW/hwkrU1jbu\nRz57dltHsTt7djy6dTPh8GElAEClskCpBKqrrThwwOjYx9w1VuetGO3nF58XWLOmDAsXGt2O86S2\n023Qj74W7dcPgWCshm7dUOj7/g51nUfBktDZ43MWLjRi3LhUR2tnjx4mLFx4yfF6f/6zAbNnp2DP\nHvt1x4dtJ59I+LwA0f+ZCTbmQ4z5EGM+xJgPd/5sP23H7nUKi0B3/PFm3jwtdu0C9u5VYsUKLdat\nu4h16y46CkdPDh1SoK4O0Oks6NevAVddZYJeL8OhQ0pRd7hrrPaF45s6v70b3v78puIAAIu6PX4Z\n9k8AQFz9RSTtz0fqtl8BVqvH4zMyTHj55QrodBbodBbMnKkXxZWZaW7y9bzFHCkTk1oSSyRdBxER\nNWLRSWHhS+EmhYKCSuh0tm7mmhoZSkuV0Otl0Gis0GgaC7ziYoWjaPElVufC9PnnawKa+V7f6SaU\njd6Eyv4LAADy6lNo+/lEKC5+47GQWrFCC71eBr1ehhUr3MdwvvYaMGRIg8+FvS8xh6qga8nKAcFe\ndYCIiIKDRSfFhMWLqzFsmK3Ici6wXIukjAwTMjM9d43YC0edzgK9XuYoWjZuVKF37w7o3bsDNm5U\nSXodxpQsGDIexi+5/4BZmQxV2VdI23obEjb/BiO1f8HJI5U+F1JZWcD69ZVBLexZ0BERUaBYdFLU\nKymRO2ZrL15cLSqwPBVJzrPS+/VrcOs2dy1Kn3wy2dGi+OSTyR5jcH6dOXM0LR4+UNf1Vvx8+5fQ\nZz4Ka1w8hnT4DItuWYBjc67Gr3u9AnlVadCGKNgLc4NBEOUjnFpybcEeukFERMEhWK1eBo1FqLKy\nMg7ihW0Ab1paGvMBYOLEtti3z9YCOWRIA9auLff4mE5nQWamsdkxlq7jMSdMSIVeL3Oc4+jRCwCA\njRtVjiK0Qwczjh+3DarOyTFizZoyv66hqTGgsprz+OXALigPrUDPpMOO+2uunIQ9bV7z+Dx/3h/O\nORo8uL7JCUf+jlUFwv/+sONnRoz5EGM+xJgPMebDnT0n/mBLJ8UUgwGi7nRvXebeeCqqli5tnLCz\ndGmF49hZsxpbQM+ciRON6bSfy9fxj011W1s0HZGU+ytopq/Hd53+iK1nJqHOHA/N9x9As+ledK75\nJGjd3QaD0GTMTY1v5QQeoujCzyyFGotOinoFBZUYMqQBw4bZ1g1ryZhDT8Xf2LH1OHr0Ao4evYCx\nY+sdx9bVNa5RZjQKjmLMvh5mMMY/ir4UvkvAfa/Mxehlq/GXbbMBADkdt2LtlLuwYNSfkKK6ENBr\nOHdHCwI4gYeoleBnlkKNRSdFHU+Tg9avr8TOnRDNQAca/1PV62XQ6SxBHeeXnm70eDsQ3sYhevtS\n+OOnz+DhLz6FFbbC90+jn8En43ogeef9UP68z6/Xdm69dM0fERFRsLA9naKOvRCz33Yeg7h4cTXm\nzk0AANEi7gCQmWlsdoF05+e4FqeuXe9//7ttMXaDQUBdHdC7dwe0b29CQoKA+HgNpk2rFp3XE3/H\nSDrHN+mJLJy/qhSaUx8i/odNUJ3fDvW5rVCf2wpj2iDgtv8A8DzxKZDrl/K5zgIZN0pE/gvWZ5bI\nV5xIFIBIGMTbmgc1e5r44i0fwSxgnF+3b98GJCTYPjo1NQIOHVK6Hd/cpBxv1+LMn/hltT8joXQV\ntEdehWA1wQoZvjw/Gh+dmIYxv81FRgALxgeDv+8PfyY2Ab7nKFY+M8F6T8dKPoKF+RBjPsSYD3eB\nTCRiSydFHX/+Ord3HfvK+Qt92rRqx6LrBQWVMBgax3CePCl3bEFpX2xeCv7Eb1G3g77fbBh6TkHb\nXVOguHgQ13fchOs7bkLV121w6vMMPLNvJR7NT47I1kN77ouL/dtazbXl2/X9EWnXWlIix4IFWlgs\nmoDia6qln4gokrHopKjjbyHpjb3IMRgECIJtPKhzq2VxscKxVFJ+fhsIgufzdOtmKxpOnpTDbAbk\nciA93eSxIHZtpZKie8uiTsOlW7di5n16/KbzLIztvRGJykpkpe7FuzdnY8s7t+KPFx7F4PFX4Y03\n0xyvbS9+gtWSZj+PTCbDwoXGZs/jXEw5L2/lr0gvymzxKRy3Iy0+IiKpcCIRRY1Alvdo6jn24uTw\nYSUOHVJi3z4VTp3yfl7nSTbp6SbHxJ+XX76ELVvK0a+fEfX1MhgMtm01PRVZrhODJNsOVBDw1PM9\nkP/1WqQsqkfePwpx4IdrEK+ox/jMD7F8xE2Y+HNf1J456jZJKVgzWu3n2bNH4fd57ONvfclJa1sM\nvrVdLxHFDrZ0UtQIpAXL3+d062ZyjNV07V63n8P+c6R127rKygISEoDKKgW2V12PvB+/wq/7rsCg\nLl/jvoGrkKSuxFePX4e1RXdi/c9zAXgfm+OpVTjYOQi01de15TvSJ0cUFFRiwYJkWCyWgOILVks/\nEVGocSJRACJhEG9rHNTsbYJJSYkc8+cnQaFQYuHCX9CrV12zz7E/LxiFlOt5tFoBCxdWeDyPL13X\n/nRvezvW/v7IyWnA3r1Kx/UbDAIOH1ZCp6rCe/c/gDE91kEmWGG0yLH6+KPoOOl3sMpUbud0zqOd\nr7sXyWQy3H9/FVas0EpatDYn0j8zoZ61H+n5CDXmQ4z5EGM+3AUykYhFZwAi4RfeGj8A3r6Um9oG\nMxRf5K6F7aZNNS3Khz+zt123+fzww3JkZJgc748dO34RLSEFiFtr+15xCl++9AbGX/kmZDIr1pZO\nR86CZ5p8HTtfZpYDtvfHLbdoAn5+sATymZHq/ePpM+PvrP2Wao3/hzSF+RBjPsSYD3ecvU4xLZBu\nxXB0RR45IsPs2W0BhLYbXq+XuQ0hyMw0u12/889mdMGSA69j6aap+Pzhm3BnzzdQ82U5zNquOGid\ngtl/zAQAx5qjri2VsS7SJyUREUUTTiSiqOe8DebixdUej/E0ocjXiUnNHec6sWPOHI3PE3E8nduf\niSIFBZUtXrKpoKASpvbX4sVvXwQAaE6vg+7IK7jiyztwtqQc+/apsGKFFuvWXcSWLeXYvLnc74lP\nBQWV6Nu3ARqNBRqNBf36NbSKotUfnCBERLGOLZ0U9ezbYNq6Pszw1PPhqcXKWyuWa5dqc61dvram\n2s9bXi7g/Hk54uKADh3MOH5cvHyOv+fr1s3UotbHxtebgJ8rroL6zHroil/DFUlncO7pLvjV2+9j\nc/Fdji1HA5GRYZugZV/b1Nvs/kBIOYQilJOSOEGIiGIdWzop5gSytJIz5yWDJkxI9Xux8uefr2ly\nH/UTJ5SoqZFBr5fhxInA/+5zXvJJo7EGZdklU3If6LP/gJs/Pof/nR0IAHjjrumoMVhatHxSsHj6\n3QZriSdPJFvSioioFWLRSTHHUxHiqevSl+5Mvd5WHOp0Fp+7Pfv0sfhcqMTHW4PapWovysaNa4Oi\nIvFjGzeq0Lt3B/Tu3QEbN6o8n+Cyuc/I8ejeQpz8pQeS1JX4/qkr0SPxcJOv2VyR75zvadOqRc/x\n9RxSFpgt/WMl1OeNJK3hGomo5Th7PQCRMHOMM+nEnPNx++2JLZoF7Lwdo31HIn/O45oP1yWVamrg\n6F5furQCY8fW+xwT0NiF7Ok+5xnQw4YBa9c2vj969+7guB6dzoKjRy80+7oVu9ci/eQ8qOU1AIC6\nDsNhTO6Luq63wti2P4DmZ137MlMbgE+/M0+vFay916WaPe7pvJH2mWnp/yEtzV2s5aOlmA8x5kMs\nEvIBcPY6EYCWj8Ozd6m6FjOBch4TOnhwPTZv9r+Y8TSuNBRjAJOvvxOXrhsN6/6nofn+fcRf2IH4\nCzugK3kdhp7/h/qOI5CemI2D8gzUmdSSxgLYfg+zZiXh9Gk5amoExzjTaB4LGer1OYmIwoVFJ8Wc\nYBUh4S5mnIuRmhovG7+7sBfcgiDgtdeUoseWLq3Ak08mO277HkM3AG/hxaefQO+2RUj4biVUP3+J\nhNJ/I6H033hnNFA/UoXtP9yBpFEPAcjwOU6DQcDFiwJ+/FEOjcaCHj0871lvZ5+QpNfLcOiQssll\njFyLuaws32Ky3w6W5s4bC8syRfouUEQUGVh0Ekks0C9k52Kkb98GRze0/RyeWsjshXJjV1Dj+caO\nrcfYsRccz1uxQttsy5pzDL/7U3+sW9cVdV1uQfzZjVCWfQW5/hSsF0uhbjiD0d3eB757H+fLfoV7\n/rkc9RY1CgoqMWCA+JzOcQsCUFraWBwHc1a7azG3YUNVk8dL9UdGuP94CYXWcI1E1HKcSEQksYyM\nxta7/Pw2AU20SEiwuk1OCnRSTYsn4wgy1F1xO6oGLsQvN76NvP98h4Ev/Q+v7HoMZqsMHStW42+5\nQzFc8zJeK3BvUXV+/SNH/FsZAIi99Sxj7XqIiLxhSydRCPjThbpxowpPPpkMsxno1cuIlBQLCgoq\ngzbG1B/NtdKWlMgvT7gaiAPnBuKrmvuw5PpJyGxfgiVj5wGYB+OWEbB2uwtF+tGY93Rn0RJUFosA\njcaCuDige/emu9btfG1Vc4/dtyEKocZWQiJqLVh0EkWYJ59Mdswyv3AB2L7d1kfuPEM4P7+NT932\nxcVxePTRNjh9Wo7u3U146aVLfnX3N1cQ5ee3Ec2If2BuV5SaP8U//rkLN3VZi9wuW6A4tw0p57bh\nmvoUTGo3FaWynig6n40vTw0FAPTrZ/Sr6PJ14o177P63qhIRUfCw6CRqRjBmF0sx0cKXFrJ587Q4\nfNg2ZtJ54o0ULWuZmcbLuVHjqpdvBnAzfq67iMQfPoTiu3fRpvIonhz+ouP4U1VXYc7uNZjxh/Ye\nz+ct77Ew8YaIqDXimE6KecHcoSjQBcmb2tnGNb6lSyug01mg01mwdGmF43GDQUC/fg0eF1f3pKgI\nOHLE/TF/89HU8c2NR7TEt0V9v5koG7MFB3p8gH8fewLbz42DBXJ0T/wO70wahz7pP3t8HSkXgo80\nXFydiFoD/u9GMS8cLWPNtY66Lod06JBSFN/YsY0Lt3taeNu1q93TNT36KBxd3zKZFX36GH3aS95V\nU8f7PB5RJkeH64aiw3W2LvWf6ivQ9otfQ1lxCKmbx0Cf/RTy86eJXsebadOqHeNCp02rbv61vYik\n9THZektErUHIis7Kykp8+OGHMBgMAICBAwdiyJAhqKmpwZo1a3Dp0iUkJSVh0qRJUKulX2SayFeB\ndI03V0Q4P67TWZo8l8EgeLztTUmJHPPnt0FxceN9117bEFGFjFWVjF9uWIm2X9wNRVUpkvf8Fstu\nWIu55fOx4+RwAN7zvmKF1lFML1umw4oVWscx/hSO3n5HkVSMEhHFkpAVnTKZDKNHj0bHjh1RX1+P\nN954Az169MA333yD9PR05ObmorCwEIWFhRg1alSowqJWIFg7FEmlWzfbgueA5/gEwf12U9dkK6Zs\nLac6nQXduplQUyNg4sS2KCio9Dsfzsfbu/Xt93sqyEpK5I5dg7p3N+Gvf61Ferr4cdv52uK5hV9g\nEF6FtvivuK79NnzxyDbUGNUwqHpBKbsL69beDwjeRwGdPi13FKDBKhzD0erIxdWJqDUIWdGp0+mg\n0+kAACqVCqmpqaiqqsKxY8dw//33AwCys7OxcuVKFp0UVOFYkqa5IsL18aaKIo3G6nbb12vq08cE\nq3PgpxsAACAASURBVNXqVkQFmo9XX9WJhgJ4uo78/DaiyUtz5ghYs8bgOIdzUffUgjSsW/c4DD3v\nw8aF7+LmTqtwRfJZaCxFwIEiyKuOo3LQn0WVt/NWmGaze4wlJXJMmJDqsRh1FkmFHpdN8oytzkSx\nJSxjOisqKnDhwgV06dIFBoMBWq2te0yr1Tq636uqqlBdLR6vpdVqIZeHfxhqXFwcFIrwLr9izwPz\nYRNp+cjKMjntgCPAdbmerCxgw4YqFBfHYd68JADA4sXVyMx0r6KmT691jGGcPr222VwvWWLAH/4g\ng1yuwHPP1eL3v28criIIgt+/q/nzxS2nzueaPz/J8dj8+UlYvLhatA7n5SNFryk4FZCOeBTtsKLk\naTz0r0VoE38Jj9/+MZ7NmYGE0rchr70A/bC/w6q0/dGalQXIZIJovGrfviYsWWKAQqHA/PmNyzg5\nv4bre8T+O7DHaP8dLVliwMyZAk6dkqO2Vobjx+ORmWm+/Luy/V/l7XflK35mxLzlw/m9N39+Etav\nl+6Pg2jIRygxH2LMh7tAchHy7NXX12P16tUYM2YMVCqV6DHnL6P9+/djx44doseHDx+OvLy8kMQZ\nLZKTk8MdQkSJtnwsWADs3Wu/nYKdO92PWbkS0Ovtt5PwwANNn3P4cODLL+0/tcHy5bZJRQDw2mtK\npKWl+RWj8/9tPXvKcPlvRLz2mtJxXttxSixYkOKINS4OyM4G/v53ueg1vcWzfDkwdSpw4kQSPjkx\nBVNnpOLKI3dDde5TqHbeC9y5GbhceJ461fi6FouANm0UGD48xS3exERg+XLxNTf3Hhk+HEhKsuW8\nqEjm+L348ruKRv5+ZoqKnH9/aHZP+5Zw/l0qFP6/dwMRbf+HSI35EGM+WiakRafZbMbq1auRlZWF\njIwMAEBCQgL0ej10Oh30ej0SEhIA2CYaXX311aLna7VaVFRUwGQKbxeLSqVCfX19WGOQy+VITk5m\nPi6L1nwYjW0AKC/fbkBZmXtLjvMx335rQU6OqdmWNud8dOxowtq1jY8578fui4ULvbfwOT+2cGE1\nHntMB3uLYZ8+RmzefAkqlQplZY35qKiIg9GovXy7GmVlja2IpaW2MZoHDgCT54/CJ//5AklbJyLu\nxy9x8Jkx+F3hejy9SEC3blpHN79r7lzj7djRjLIy/94jnn4vvvyufBXNn5kZM9pg717l5dsNQWl9\n9JYP1/dXWVngrcvNidb/Q6TCfIgxH+7sOfHrORLF4sZqteLjjz9GWloacnJyHPdfffXVOHjwIHJz\nc/Htt9+id+/eAIDExEQkJia6naesrAxGozFUYXskl8vDHoOdyWQKeyzMh5hzPpobk7Zo0SXH44sW\nVcJodP/PzH6MbbtJGfbuVWLu3AS3MYDOr7VkiQHDh9vyUVRkbdG4uF69jFi7ts7xc1GR+JrWri13\nPGaxaJ1uW2E0Gt3eH3PnJjq6TO3X4XyfndVqRX18Z5SPWA3r+79CduqXWHrtTbj33rVAGy169mzA\nTz/ZJistWnTJkTvXeF3fDq7vEee8TZtWjRUrtDAYgH79GqDRWLFoUSWKioDqatvwgu7dTXjgAT1u\nvz0x4JwG8pmRanyjv58Zq9Uquh2Mz5u3fDT3u5RCpP0fEm7Mhxjz0TIhKzrPnDmDoqIitG/fHn//\n+98BADfddBNyc3PxwQcf4MCBA44lk4hiRXMzoX2ZQGI/xnltzuZe6/bbFejfH5g6VYFZsxKbnVTj\nj6auyT4L3/W2P2QyKxISrBg9uubyTPm2SInbipeHjUf/zgex86FBmLF2Oc60HY8dOy40e77mOF+P\nvbAHGtdEBWxrpdonR2k0VqxYoQ35DPdIWcszkiZgueLEI6LIFrKis1u3bnj22Wc9PjZlypRQhUEU\ntfz5stfrZdi1C/j220TRpBpf1vkMdoxHjsgwe3bjMkuejrHfZy/69HoBL73UOCGob98e+H+7d2F2\n5gMYc9V/sfreu7H+5FQoyifAEp8Gc8IV4rWlSDKRPNM+UgpzIvKM22ASSai5bSL90dxWmgaDAJ3O\nAo3G+2LzwajLXK/JeQtHAG4xzpmjEW1n6ek67PdlZnruMkpIsGLV+2YoJq3Aqwefg9GiwLj0lUj7\ndDzabxiK1M/GQ/39Wsh/OQxYxddvj2/cuDYoKmr6epYurfD4+3K9Zl9+r4FsbdmSLUfDgdt3EpE/\nBKvzAJ0oEAljOtVqNWpra8Mag0KhQFpaGvNxWWvOh+u6lH37NkCrtc32nTr1kqh73bnLOFg8bdPp\n7K670rBnj6LJ17d3ixoMAgTB1oVtH18JuHeVKi4ehPbIy1BUlUJWdxEyY2MRZo5Pg1nTEebqCuws\nzcGX3/XH50eH4efqduiU0QMfrP1F8veI6+/E9bq9vUeay2UwBeMzE6x4g/WZaUn3emv+P8QT5kOM\n+XBnz4k/+KcpUZTLzxevS5mQYMX69VWX/4M0olu38rCOwXv++RrMnh3f5Os7d4s6Fy9jx3qeoWls\nm42KG/4FABAaqqAteR3yyu+grDiEuJrziKuzTdEffcVZjL5iNf44svG5dbvvQWXGb2HWpXs6tUf+\nFjOuvxPXcy1YoIXFouG4wyCL5K5/ImLRSSQZKSY1NHdOnc5yubBr7Ef39EUczNiaG2vap4/FayFg\nj8N9QXnfWZWJ0Gf/4fIPVsirSiGr/Qnzn07BDW3eRILSgK7JP2JA5/8BAOJPvIf4E+/BrO6AhrbX\noCr7DzAn9mjyNfwdK1hT05h/jcYiyovtXAqP54rkSTqeRFu8RBReLDqJJCLFpAZP5/S8pabnIs6+\nL3pxsQIWixBQbJ4K1kCvzfl6dDoLMjONLSteBAGmNr2ANr0w6Qk58vP/5YjzlyuOI8V0GvWH/g3F\nhd2Iq70A9Q+boP5hExpSB6EhJQvG5L5oaDcEZm23wGMA4DxoKT3d5HNRL/UfCMHGlkUi8geLTqIo\n588Xv/O+6IFqSTHtWkA5y8w0BrWAcc5LSYkcY++7FgrF9Vi4cAx6XV8D+aViJH01B8pfDkJZ/j8o\ny//neK5ZmYyaXvfBpO0OU2JPFCwaiPz5KaK4myoGm1o6qqDg/7d371FO1ve+xz+5zjVzgRkUsXLx\nAoMIFtiCilIvta17QSviPi632tVyqquW1WrrUlrk1LNw1nZbt/bssrq39rrU07oVwdpi1XWqpbIV\nbL0CMyBFoRQFBxgymcnMZHI5f4SEZCYzk0ny5HmS5/1ai8VMJnnye775Jc83v6tfa9Y0KhqNZpVg\nMyMbQLkg6QQMMrgFshAtVrl0Z6Y+b2q3r5TaHT/y4wrVwjY4gcr3fLItV/x548n2qlW1euaZPoUb\nZ+nI556Xs++oPJ075OncLnf7r1Ud2idXqFO+nf8n+fhLfWfqhQduVd/EzyhaMynjuWTbTd7SEtam\nTd2WmAgAAMVE0gkYZHALZOpM31xbrHLpzkxNjmbNCmnWrJD274/v5PPww8eHTdqGS6oKOY4v3/Mp\nRMtftHK8+icuVv/ExVp2z/f1xhse3brwES2d/6oWXxKU98if5QnsVcOf75IkRapOUdg3TV9tuVJn\n9M3S+veWJ49lRKLOuEkA5YKkE7CRmppY3klaPuP4zEqgWlv9uueeBnk8Xq1d2y1p+AQxFnPqP1//\nut6OflUbVh2VogOq2rdRVX9/Xt5PtsrVe1iu3sO6ZdbrumWW9Ff/uaqaOkfV78/UGz9t0Gx59Nr+\ni7R69dkF6Qpn3CSAcsE6nTmwwhpZrBmWrhTiUcwJIanxyHXv9UKVt9D1I9dyDa4jmdaYHPXY0bBc\nwY/kPfIXeY68par9z8oV6sz4fLs752jSBXPVO+VLGhg/L7kyf3zJpJNjOocrf6a1SwtZb0rhPVNM\npRYPoz9PSi0e+cgmlnaKR7ZyWaeTpDMHVnjBeQOkIx7p7ByP4S4g2SSdY+XoP6aHvrNL4SMHNGPC\nLo0fF9ZZ43Zp1vhtcjsjyfuFa6eob9KVCjUv0D/duUR/2HLKqM+bWr6EQi4Yb+c6kkmpxcPojQRK\nLR75yCaWdopHtlgcHoBlJJI/p9OptWsHirbUT7ZjPgvR1R+rGKdXP1oy5ILVEQ7Kc/Qd+Xb+UBWH\n/1vu7n2q3f1TafdPtWlJhZ6d8kX9+5ZvKqL5OT0vAJQikk7AZorVzZ9N8leosqQe5+jRkzP0e3pO\n/tzW5tKaNdLAQL3uu+94wcZKJpLXnh6HgkGHli0br9ZWt1paLtLRUy6S99CrcvV+Ilf3flUc/m95\nO7bpf5z/lK6b87QONn9F3k+uVqjpAsnpGva4qd3rgMQEs0IilsVD93oOrNC0TVN/OuKRbqR4FGt/\n72yep1BlST1OdXVUwWB8C8rzzgvphReOSJKuvbZJW7d6836ubMow0vGdPQfVuPPfVLH3v5K3RT31\nCjX/g/onLFTv5GsUrT61oGXLhPdMukzxMGthfqvGwyzEI50V4iHl1r2eeXNgAMhTa6tfCxb068IL\nB7RiRbeWLRuvZcvGq73d2A4WV0qDYXW19b5TR2smKXjpj3X0M79SoOU2hWs+JeeAX5Uf/T/Vv3Of\nJmy6RPV/Wa2qD/5Lbv/7UjQy+kGLrL3dXbTX00yJ1vpt2yqSyedo7BIbIBe8IwCbMaMr6Uc/8mn7\n9ngroxFrfqZ2Rff1SVJ8HdLUY37ta0G1tXkVi0W1YkV3zs81WhkSP4/I4UiuDRo4f7VcPX+X95Ot\nqt357/IE9qpmzy9Vc+KuMTkkh1ORmtM10HieBsadp6i3UeG6sxT2TVW0sjk5Mz6Vka107JI0PGID\nDI+kE7CZYq37OHhfdSPLkjjOsmXjtWNHops9lpZo/eQn1erqkiSnfvazWv3jP/bn/byZypCLSM3p\n6p26XL1nLJW3Y6u8x7bLc+wdeY6+K3fwoBSLyN29X+7u/ao68Lu0x0a9DRpoaFGoab4GGmcp5q5W\nzF2l//yX6dq2rVmSg+QnR4z1AwqLpBOA4SZPDif3IC/kxXukvdzb2jxqb3cXbRxeQbi8Cp16qUKn\nXnrytmg4nnR27ZWnc7s8nTvl7D8mT+dOuXoPyxk6ropPXlfFJ6+nHerpL0h//Ycz9cz2a/V6cIWk\n2oIV0y7JWC5fJOwSGyAXJJ0ADJG4+MaXTBp+u818ZNrL/ZprmhQIOBUIOHXNNU2aOTM+prSnR6qr\nk6ZMGSitZMDpluRWuHGmth+ardu/13ByG9OHOnXulIPydL6nik/ekCvwgRyRvvi/Y3t0VtNe3X3Z\nA4rq39S/5fOK1JwhSYo5HFL9VCl8qRyxZkkVIxZhMHZJGh6xAYZH0glYhFkzZY2SuPjGZ1oW51xa\nWsKaOXMgmYgGAk5t21ahtjaPAoH4vMnB3e6lZPXqeu3YER8bu327V6vvadCGDRH1V5+q/klXpd85\nGpb3yF9U/df/q6q//UZVBzYNPeBWqUlSpGK8IrVnKFI9STGnW5Hq0xRqvkADjedKjvhlIubyKuZt\nMPgMYbbE55DD4dAjj0gTJ5pdIpQTkk7AIpiAMHaZujITt6UmmoVUMl8OnG6FJixUaMJCBeasUuXf\nX5AjcmIca2xA3u4PVNm1S7Fje+TqPypX/1Hp6NsnH9/+4yGHjFQ2a6ChRX2TPqdw/TmKVE2It566\nvEU6KRgt9XNo5UrpmWdMLhDKCkkngFFZNdHK1JWZuC21zCtWdOvnP/fJ4/Fq7dr8Zq5n++XAiJi1\ntvp1++0nu9ezHSYQqZmknukr0m7bs6dSax4ep/BAnx74X7s1Y+IHcgU/PjF+9H15O96QO/Bh8v6O\ncI9cfR1yHepQ5aE/nTx2RZPCDdMVc3gUPOuf1fepq/M+TwDliaQTsAgrT0AYKdEaLbnaudOpO+8c\nP+zfjTI4If3Sl6InFneOqBhrO6fGLDG2NN/zb2kJ68UXjxSkfKtW1WrrVkmq1J3/e4Y2bBhlkedY\n7MTSTq+r6u/Py9l/TO7ju+TqPyLX4XiZKg/9Me0h4drJ6pn+PxWcdr1i7uqClBvGSnwOORwOrVtH\nCzYKi6QTsIhSnYAwWsvfXXdVa9s2z7B/L4RitsTm8uUgMba0pIdNOByK1H5KvbWfUu+0f4rfFovJ\n3blTzlCnvEfeVG3bOjkjJ3dKcXfvV/2ba1S7/SEFz/mKes75iqIV40w6AWQj8Tl0cgces0uEckLS\nCWBUVm6FlYo7HjbbLwdGjy3N1/33d2vNmnEaGAjpvvtyfE0dDoXHzZIkhU69RN3nfuvk32JRVR58\nUbXtP5b36Nvy7XhItW3rFPX4MhzGIZ+7Vv2nXKSBcbMlh2vIfYYT9p2pUNP8IXvXA7Aekk4Aoxop\n0RotIX3ggaDuvLNy2L+Xq0xjS610/jNnRvSnP0kdHX4NDBSoZTh1ZySHS32fulp9p39B3o6tqm3/\nsSo/ejk+YSkDp47I3b1P2vurnJ465nAqUjVRkdozFK47UwPj5ig6htn2zsp6KTpNzp6YHM5axTy+\njDs9FZpVx0sDRiDpBJCX0Vr+zj03aniX8miJb3u7W/fcUy+PR1q71qWzzx77oM5MyQEJQxYcDoUm\nXKhjEy6UI9QlRzQ05C6VlZUaOPaBKj7eLFf3/uwPHQvL2/Fnubv3yRGLyh08KHfw4ImF8p/Iqbjj\nT/wfc7gU9dYr5m1Q1NugaEX8/5i7dsRktLPTqa1b42MhFy4MqbEx825cyfv/vlI3nRZvpe1cH1H9\nF/rkcrnljZhbl5xOp1RZpdq+XkWjI5+D0YhHupHiEfU2KDD7riKXKHuOWCwWM7sQY9HR0aGBYswC\nGEF83cHe0e9ooJPjbYiHRDwGIx7pli0bn+x+X7gwpGeeGftknNRjLFjQn9x2c/Bt2Twu35gUItkt\nZB3JtzwFqSORkFzBg3J3/03u4+3ydO6QI9KX5YNjcoV75I12K9JzRI7+TjnD+a1yAJghXHO6Plm6\nrSjPlfgMGQtaOgHkjRa/4rLamq6WKI/Lq4hvqiK+qeqfuHjMD09cQI8lkvDogJwhv5yh4/EkNHQ8\n/vNAz4jH+clParRvX/zSOmVKWF/72sj3P3zIqed+WyVJWrqkV6ecGpXX41HI5C+LLpdTvlqfAt0B\nRSLmtuwRj3QjxSPmqSlyacaGpBNA3iyRdIygtdWve+5pyGudzpEWok+9TdKQNUJTj5HpPonbR0vc\nE49pa/PkdA4YA6dH0comRSubxvSwuV9165kTr+Oyr/oVPGfkL2C+c6R/vvTk70FJMQv0Dng8Hvma\nm9Vngd4S4pHOCvHIFUknUKbee0+69dZ6xWKxkml9NKrFtKUlrOee8+e1TudIC9EPlpqESxr1Polz\nHi1xT32MzxdNrv1ZKLnG3+qrGxRTqS59BhSD9dbxAFAQK1dKW7d6k+tDGqm11a8FC/q1YEF/XklH\nIqkqRpnHor3drWXLxmvZsvFqby/8d/W2No+CwdFnSqfeZ8qUeHJTyC8TucY/kWgVujwAyktJtXT2\n9fXJ4/HI7Ta32E6nU1VVVaaWweFwKBgMEo8TiEc6h8OhSCQiyVWUMs2dK/3+98ETv3lO/NOYn9vp\ndKb9XMgy51NH1qypTS5wv2ZNozZtGrmL/sEH+3TXXfFzufXWkJYvjw+2f+CBoM49Nyqn06kHH+zT\n1VfH1/AMBJxyOBy68MKBE/fry3jujpRZ0w6HI6/4ZIqHkfEfiVXeM3yGnEQ80hGPoRw5LClWUkln\nZWWlAoGA6eMprDAb1+PxqKGhQT09PcRDxGMwj8ej//gPl269NaRYLKa1a/3q7TWnBWos8Vi7diDZ\nwlboMudTR6LR6pSfo6Oez7Rp0vr18Qkk8dnr8YT1zjsrk7PXp03r1cyZlcnu8mg0pmg0vphIf39/\nxnOvqqpO+Xn0cowkUzyMjP9IrPKesdtnyEjDKewYj5EQj6E8nrGPLS+ppBNA9mbPlp57zm/6B+Rw\nMl3wrDoertBjFhP70ff0OHTeeSFVV8cUDDpGHdOZbzlSY/6v/9qjxYMmeVs1/jCG1ScAovwwphOA\nKaw6frPQMo13je9HX6EdO7yqro5pw4ajqq5OXzI50zjSfMdOpsZ81ara/E8Otmf0eOdiKIdzKBUk\nnQCgkS88+STI2SaKg5NTuyTlME8hJgCWQz0th3MoFSSdAExRqBnvhVLMC88DDwSHnHtLS1grVnSr\nrc2ja65p0rFjhft4TiTUie78BQv6df/97Lhjd6w6gGKjHRmAKUpp/ODgsZT5ric63H703/lOowKB\neLIZicS3zUw8Rz5Sx+4ltuLMZRKAWXKJN7tkFUc5rNFaDudQKkg6AdjGSAvmj3ThGZwgp+6nXsgJ\nGJFI+u+lkpQbLZcJL+UwSaYUEudS+vI4nEznMDj2s2ebUbLslUJdkeheB2AjIy2Yb4WuxkmTIhl/\nzpfVhjIgO4w1NE+pxb5UykvSCQBjNFwSl88s2PZ2tw4dciV/HzcuWrDyjpZQZ1tus2b55pI0k2gD\n1kPSCcA21q2TFi4M5Z2IDJfEjdTakJqw7dw59KN39er65HhOny9a1EQp21YSM1tTenocamvz6I47\nGrJKeK3Qcp0ql4SdxNk8pRb7UikvYzoB2IaZC+anjjG86y5ncseiTGbOHLBEojSSnh6HPve5Ju3f\n79aUKWE9/PBxw8q8enW9duzwSpK2b/eOOkbTiuPbchljWg7jJUvV0Nhbe+JdqdQVWjoBYARjaaFK\ntDbMmhVSMOjIq1WrmF3Z2baSpN7P4ZB27PAqEHAmE8FiGy5GpTK+bSQsWI5yRNIJACMYSwKTaG2o\nqYlp+/b0CUupCdsDDwSHfWyiOziXxCnXRCXbrujU+w3eQclIra1+zZoVks8X1XnnhZKJcSkll2Pt\n/iylcwOyxdcnACiC1O6vqqoq9fYW/jmKuUxQa6tft9/ekOxeN3IcWUtLWC++eGRMZbPauoul0v0J\nGImkEwBGkJrArFjRrWXLxidvH65VsBBJTzbHGDx2sZjGmggOp73drTVrahWNVqe1YEqjj8ccLkbl\nkOBZMXEG8uWIxWLF6yMpgI6ODlMmAaSKt1IY0EwxBh6PR83NzcTjBOKRjngMVYiYpC4K7/NFtXHj\nkZwmqRQqJqnlSd2zXRo9YbNKHRl8DpKG7J5UDFaJh2SN9wzxSEc8hkrEZCwY0wkAOQgEnJYba9fS\nEk5rLWQCCgArIekEgCy1tvrl8xVu0fZ8ZZqcUmoTUFpb/brwwoHkORi53iAzwgFz8a4DgCy1tIS1\nceMRy4y1K4exiy0tYW3a1J3WXWjUOZXDfuxAKSPpBIAxsHqil8sEFCsupg6g/NC9DhiI7jwUWy7b\nP5ZCl3wh3kuZuu4Tx126tF7vvVfIEgMYjKQTMFApXMyBUpDNe2m0xDRTQp447tatXq1caegpmI4v\nwTAbSScA23jvPWnp0vqiXHRL6QJv5OSdYuJL3siID8xG0gkYqFwu5uVi5Upp61ZvUS66pXSBH6lL\n3irJs1HvpcRxFy4Mad26gh0WQAbW/voNlDirTzoBRmOVGd/ZvJdymUSVOO7Jxb/zLqplscsRzEbS\nCcA21q2Tbr01pFgsZvhFlwu8sTLNuOdL3siID8xG0gnANmbPlp57zl+UbezK5QJv1eTZKi2wALJH\n0gkAGFY2yTPrfALIBhOJAJQFq0x4KWfDxdiMSVOJCUCzZoUUDDp43YESQNIJoCyU0mzxUmWlGCda\nYGtqYtq+vTgrEgDID0knACAvLA0GIBsknQDKghUTn3Lr8h8uxtlsvWlULKz4uicY+fqXW92CPRSt\npj777LPas2ePampqdNttt0mSgsGg1q9fr+PHj6uhoUHXXXedqqqqilUkAGXEirPFy22GdT4xNioW\nVnzdE4x8/cutbsEeitbS+elPf1o33nhj2m1btmzRtGnT9M1vflPTpk3Tli1bilUcAEhDy1HhEMvy\nx2uMXBQt6Zw8ebIqKyvTbtu9e7fOP/98SdKcOXO0a9euYhUHANIYMUnGyl2/RsoUSzvGwshzNjue\nVppUhtJh6teTnp4e1dbWSpJqa2vV09OT/FtXV5e6u7vT7l9bWyu32/xvVC6XSx6Px9QyJOJAPOKI\nRzriMdRoMXE4HGk/F6LMs2dLv/1tV+KokuLHtEJMjKwjmWI5XCyk8o3HSOc8kmzikeuxs2XG+2U4\n5Vo/cmWFeEi5xcL86J2QWoEl6c0339TmzZvTblu8eLEuu+yyYhbL8hobG80ugqUQj3TEY6jhYvLI\nI9LKlfGf163zqrm5uYilMo8RdaSUY8l7Jh3vl3TUj/yYmnTW1NQoEAjI5/MpEAiopqYm+bd58+Zp\n+vTpafevra1VZ2enwmFzd7uoqKhQf3+/qWVwu91qbGwkHicQj3TEY6jRYjJxovTMMyd/7+gwriyZ\nYtLW5tKqVfGen/vv79bMmRHjCiBj68hYY2mFOjJaPIr5+pRCPMx+vxQbn6lDJWIypscYVJasTJ8+\nXe+++64WLVqkd955RzNmzEj+ra6uTnV1dUMe09HRUZR9k0fidrtNL0NCOBw2vSzEIx3xSGeleEjW\njcndd9dp2zbviZ9rijYb2arxyFW+W3IOF49ivj5Wes+UW/3IF/HIT9GSzvXr12vfvn0KBoN66KGH\ndNlll2nRokV6+umn9dZbbyWXTAIAIFcsJQRYV9GSzuXLl2e8/ctf/nKxigAAltXa6k9roYO18PoA\n+bPMRCIAsDMrL3JeSoxKDnl9gPyRdAIAygbJIWBd7L0OAEjDbjMYDXUEuSDpBACkYbeZ/NghIaOO\nIBcknQAAFBAJGZAZSScA2EiiFW7p0nq9917m+5ixr7cdWgeHU4rnbvbe77kqxViXEyIOADaQWDS9\nrc2jQCDe3rByZfquMglmTMYxcn3NfBeMH6uxzqAffO6//33Q0PIVQqlO2GIdV3ORdAKADaRebO2m\n2IlGqSZkgNHoXgcAm/H5olq4MKR168wuyUml2l1bCGafu526nM2Otd2Vd+0CAEga2uU7e7ZD8Bae\nbAAADFhJREFUzc3N6ugwuWAnGNk6aPXdhIaeu6eoz2+nLmdaoc1F0gkANmB2YmMmEg3AGuheBwDA\nxuhyRrHQ0gkAQJaKPRO+GGgJRrHQ0gkAQJZY+L2w7DSJCSSdAGB7XPjLl9Gvbb7HJ4m3F5JOALA5\nLvzZK7Xxj0a/ttQdjAVJJwCgLBSjxTYx/nHDhqNlMZ7TbKWWxBut3Hsdyu+MAABjYvV1LLNlp/Um\ns2X0a5vv8ZnElK7c6zBJJwDYHBf+8mX0a0vdwVjQvQ4AKAt01aLUlXsdpqUTAFAWaHVDqSv3OkxL\nJwAASGpvd2vp0npdeqnU1uYyuzgoIySdAAAgafXqem3d6tWrr0qrVtWaXRyUEZJOAAAAGI6kEwAA\nJLW2+rVwYUiXXCLdf3+32cVBGWEiEQAASGppCeu55/xqbm5WR0dEAwNmlwjlgpZOAAAMVO67zADZ\nIukEAMBA7E8OxJF0AgAAwHAknQAAGKjcd5kBssXgEgAADFTuu8wA2aKlEwBgKUy8sTZeH+SKpBMA\nYClMvLE2Xh/kqqS+ovT19cnj8cjtNrfYTqdTVVVVppbB4XAoGAwSjxOIRzriMRQxSWfleDidzmH/\nZhQrx8MMI8Wj2K+P1eNRbFaIhxSPyViVVNJZWVmpQCCgAZNXqq2qqlJvb6+pZfB4PGpoaFBPTw/x\nEPEYjHgMRUzSWTkea9cOJFvQ1q71q7c3bHgZrBwPM4wUj2K/PlaPR7FZIR5SPCZjVVJJJwCg/DHx\nxtp4fZArxnQCAADAcCSdAAAAMBxJJwAAAAxH0gkAAADDkXQCAADAcCSdAAAAMBxJJwAAAAxH0gkA\nAADDkXQCAADAcCSdAAAAMBxJJwAAAAxH0gkAAADDkXQCAADAcCSdAAAAMBxJJwAAAAxH0gkAAADD\nkXQCAADAcCSdAAAAMBxJJwAAAAxH0gkAAADDkXQCAADAcCSdAAAAMBxJJwAAAAxH0gkAAADDkXQC\nAADAcCSdAAAAMBxJJwAAAAxH0gkAAADDkXQCAADAcCSdAAAAMJzb7AJI0p49e/TCCy8oFotp7ty5\nWrRokdlFAgAAQAGZ3tIZjUb1/PPP68Ybb9Q3vvENbd++XR0dHWYXCwAAAAVketJ58OBBjRs3To2N\njXK5XJo1a5Z27dpldrEAAABQQKZ3r3d1dam+vj75e11dnQ4ePKiuri51d3en3be2tlZut+lFlsvl\nksfjMbUMiTgQjzjikY54DEVM0hGPdMQjHfFIRzyGyiUWpkfP4XBkvP3NN9/U5s2b026bPHmyrr32\nWjU2NhajaJbW1dWlV155RfPmzSMeIh6DEY+hiEk64pGOeKQjHumIx1CpMamrq8vqMaZ3r/t8Pvn9\n/uTvXV1dqqur07x583TLLbck/11zzTXav3//kNZPu+ru7tbmzZuJxwnEIx3xGIqYpCMe6YhHOuKR\njngMlUtMTG/pPO2003Ts2DF1dnbK5/Npx44dWr58uerq6rLOnAEAAGBtpiedLpdLV199tZ544glF\no1HNnTtXzc3NZhcLAAAABWR60ilJZ599ts4++2yziwEAAACDuO699957zS5ENmKxmLxer6ZMmaKK\nigqzi2M64pGOeKQjHkMRk3TEIx3xSEc80hGPoXKJiSMWi8UMLhcAAABszhLd69l65ZVX9NZbb6mm\npkaSdMUVV9iyW55tQ4d6+OGHVVFRIafTKafTqVtuucXsIhXVs88+qz179qimpka33XabJCkYDGr9\n+vU6fvy4GhoadN1116mqqsrkkhZHpnjY+fPD7/dr48aN6unpkSTNmzdPCxcutG0dGS4edq4jAwMD\n+uUvf6lwOKxIJKIZM2boyiuvtG0dGS4edq4jUnwXyUcffVR1dXW64YYbxlw/Sqql849//KO8Xq8u\nuugis4timmg0qh/96Ee6+eabVVdXp0cffVTLly+3/eSrH/7wh7rllltUXV1tdlFMsX//fnm9Xm3c\nuDGZZL300kuqrq7WokWLtGXLFvX29uqzn/2sySUtjkzxsPPnRyAQUHd3tyZOnKj+/n49+uijuv76\n6/X222/bso4MF4+dO3fato5IUigUktfrVSQS0c9//nNdddVV2r17ty3riJQ5Hh9++KGt68hrr72m\njz/+WP39/brhhhvGfJ0xfZ1OjA3bhiKTyZMnq7KyMu223bt36/zzz5ckzZkzx1b1JFM87Mzn82ni\nxImSpIqKCjU1Namrq8u2dWS4eNid1+uVJEUiEcViMVVVVdm2jkiZ42Fnfr9fe/bs0dy5c5O3jbV+\nlFT3uiRt27ZN7777rk477TRdddVVtqsEw20bCumxxx6Tw+HQ/PnzNW/ePLOLY7qenh7V1tZKim8h\nm+hKtDO7f35IUmdnpw4dOqTTTz+dOqL0eBw4cMDWdSQajeqRRx5RZ2en5s+frwkTJti6jmSKR1tb\nm23ryIsvvqirrrpK/f39ydvGWj8sl3Q+9thjGVe3v/zyyzV//nwtXrxYkvTyyy/rpZde0he/+MVi\nF9FUw20bancrVqyQz+dTT0+PHnvsMTU1NWny5MlmF8syqDfi80NSf3+/nnrqKX3+858fMtvUjnVk\ncDzsXkecTqe+/vWvq6+vT48//rg+/PDDtL/brY5kiodd68ju3btVU1OjiRMnDqkXCdnUD8slnTff\nfHNW95s7d65+/etfG1wa6xlu21C78/l8kqSamhq1tLTo4MGDtk86a2pqFAgE5PP5FAgEkgPf7Srx\nbVyy5+dHJBLRU089pdmzZ6ulpUWSvetIpnjYvY4kVFZW6pxzztFHH31k6zqSkBqPqVOnJm+3Ux05\ncOCAdu/erT179igcDqu/v18bNmwYc/0oqTGdgUAg+fOuXbs0YcIEE0tjjtRtQ8PhsHbs2KHp06eb\nXSxThUKhZHN/KBTS3r17bVk3Bps+fbreffddSdI777yjGTNmmFwic9n58yMWi+k3v/mNmpubdeGF\nFyZvt2sdGS4edq4jPT096u3tlRSfub13715NnDjRtnVkuHjYtY5ceeWV+va3v63bb79dy5cv19Sp\nU7Vs2bIx14+Smr2+YcMGHTp0SA6HQw0NDVqyZEnaN1O7SCyZlNg29JJLLjG7SKbq7OzUk08+KSk+\nBmf27Nm2i8n69eu1b98+BYNB1dbW6rLLLtP06dP19NNPy+/322qpE2loPD7zmc9o3759tv382L9/\nv37xi1/olFNOSXaBXXHFFZo0aZIt68hw8di+fbtt68jhw4e1ceNGxWIxxWIxzZkzRxdffLGCwaAt\n68hw8SAPkfbt26fXXnstuWTSWOpHSSWdAAAAKE0l1b0OAACA0kTSCQAAAMORdAIAAMBwJJ0AAAAw\nHEknAAAADEfSCQAAAMORdAJAHqZMmaI//OEPZhcDACyPpBMA8uBwOEbcc3jfvn1yOp2KRqNZH3PK\nlCl6+eWXC1E8ALAMkk4AKIKx7MPhcDjGdH8AKAUknQBQAG+88Ybmz5+v+vp6nXrqqbrzzjslSZde\neqkkqaGhQT6fT9u2bdPevXt1+eWXq6mpSc3Nzbrxxhvl9/slSTfddJP+9re/acmSJfL5fHrwwQdN\nOycAKCSSTgDIUywW07e+9S3dcccd8vv9+uCDD3TddddJkl599VVJkt/vVyAQ0IIFCyRJq1ev1scf\nf6z29nYdOHBA9957ryTp8ccf1xlnnKHf/e53CgQCyeQVAEodSScAFIDX69WePXt05MgRVVdXJ5PL\nTN3kZ555pq644gp5PB41NTXpjjvu0ObNm4tdZAAoKpJOAMiTw+HQz372M73//vtqaWnRBRdcoE2b\nNg17/8OHD+v666/X6aefrvr6et100006evRoEUsMAMVH0gkABXDWWWfpV7/6lTo6OnT33Xdr+fLl\n6u3tzTiz/Xvf+55cLpd27Nghv9+vxx9/PG12+0iz4QGgVJF0AkCeYrGYnnjiCXV0dEiS6uvr5XA4\n5HQ61dzcLKfTqb179ybv393drZqaGtXV1engwYP6wQ9+kHa8U045Je3+AFAOSDoBoABefPFFzZo1\nSz6fT3fccYeefPJJVVRUqLq6WqtXr9bFF1+scePG6Y033tD3v/99vfXWW6qvr9eSJUt07bXXprVu\nfve739V9992nxsZGPfTQQyaeFQAUjiPGYnAAAAAwGC2dAAAAMBxJJwAAAAxH0gkAAADDkXQCAADA\ncCSdAAAAMBxJJwAAAAxH0gkAAADDkXQCAADAcP8f0gLUwYyOYlgAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 43, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "k = 200\n", + "knn_model = KNeighborsRegressor(n_neighbors=k)\n", + "knn_model.fit(X=boston_housing[['lstat']], y=boston_housing.medv)\n", + "boston_housing['predicted_medv'] = knn_model.predict(boston_housing[['lstat']])\n", + "\n", + "plot_boston_housing_data(boston_housing, title='KNN Model with k = %i' % k)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "_Meh..._, we're not exactly jumping around with joy with this one, either. The predictor line is **not over-sensitive**, but **too \"smooth\" and too simple**, **not responding sufficiently to significant changes** in _lstat_. We call this a **HIGH-BIAS, LOW-VARIANCE** predictor." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's try something in between, say, $k = 50$, to see if we have any better luck:" + ] + }, + { + "cell_type": "code", + "execution_count": 44, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAp0AAAH+CAYAAADeXbVXAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3Xt4k/XZB/Dvk+bQpElPtJwRKCC0HMrJAVrAsiIqClJl\n+uoUkA3m+8KGE4VZUDesQybqmJtDhwOd4gHQgczD5KRFQC0IhZZSQJCzBUqbpkmb0/tHTMjTpGmS\n5smh/X6ui+tKk+dw525K796/5/d7BLvdbgcRERERkYRkkQ6AiIiIiFo/Fp1EREREJDkWnUREREQk\nORadRERERCQ5Fp1EREREJDkWnUREREQkORadREQ+nDhxAjKZDF9++aXf+2zfvh0ymQxnz54NWRw3\n3ngjZs2a5XObYGIFgNWrV0OhULQkPCKiZrHoJCK/TZ8+HePHjxc9980336BDhw742c9+hvr6elfB\n1aNHD9TX14u2zcvLw4wZM0THk8lkWLBggWi706dPQyaT4fPPP28yltWrV0Mmk6FTp06wWCyi1yor\nK6FSqSCTybBz585g325U+eCDD/D888+7vm6cy1j01FNPQSaTefw7fvy4aLs9e/bg+uuvh1qtRufO\nnfH444/DZrNFKGoiChaLTiLymyAIEATB9fXHH3+M3Nxc3H333Xj33XehUqlcr1VWVuLFF1/0ub8g\nCIiPj8eKFSvw/fffBxxPXFwcFAoFNm3aJHr+n//8Jzp37uxxvliWnJwMrVYb6TBCrmfPnjh//rzo\nX48ePVyvnzp1CuPHj0dmZib27t2Ll19+GStXrkRBQUHkgiaioLDoJCK/ud/AbM2aNZg8eTIWLVqE\nFStWeGw7b948LF26FJcuXfJ5zOuvvx7Z2dl4/PHHg4rpwQcfxKuvviqKcdWqVZg5cyYa33CtvLwc\nEydOhE6ng06nw6RJk3Ds2DHRNu+++y569+4NtVqNG264AQcOHPA459GjR3HnnXciJSUFqampmDBh\nAg4ePOh3zMeOHYNMJsPRo0ddz/Xo0QPdunVzfV1RUQGZTIaKigoAjuH1X/7ylwAcHeKtW7dizZo1\nru6ge1f4zJkzuO2225CQkIBevXphzZo1fscGACaTCfn5+Rg0aBDOnTsX0L6BkslkaN++veifTHb1\nV9PLL7+M5ORkrFq1CpmZmZg8eTKWLFmCv/zlLzAajZLGRkShxaKTiAJit9uxdOlSzJo1C//4xz88\nhsadZs2ahY4dO+L3v/+9z2MJgoDnnnsOa9euRXFxccDxzJw5E5999hlOnToFANi2bRsuXryIu+66\nS7Sd0WjETTfdhIaGBnz++efYsWMHamtrcfPNN8NsNgMA9u3bh3vvvRd33303Dhw4gPnz5+M3v/mN\n6DgXLlxATk4OOnbsiKKiIuzZswd9+/bFjTfeiIsXL/oVc69evXDNNddg69atABxF6A8//ICamhpX\nkbl161Z07doVffr0ASDuEq9YsQKjR4/G3Xff7eoOjho1ynX8hQsXYvr06SgpKcE999yDX/ziF67j\nNqeqqgp5eXmoqqpCUVEROnXq5HW777//Hlqt1lXAe/s3cODAZs93+vRpdOvWDd26dcOtt96KXbt2\niV7fuXMnbrrpJtFzEyZMQF1dHfbt2+fXeyKi6MCik4gC8sUXX+Dxxx/Ha6+9hvvvv7/J7RQKBZ59\n9lmsXLnS1dFr3HkEHMVUTk4OJk+ejPnz5wccT7du3TB+/HisWrUKAPDKK6/g/vvvh1qtFm331ltv\n4eLFi3jnnXcwZMgQDB06FG+//TbOnDmDd955BwCwfPlyjBo1CoWFhejTpw+mTJniEdPLL7+Mnj17\n4q9//Sv69++PPn364M9//jOSk5Px5ptv+h13bm4utmzZAsBRYF5//fXIyclxFaJbt25Fbm6u130T\nExOhVCqhVqtd3UH3iUBz587FXXfdhYyMDCxZsgRqtRrbt29vNqbTp0+7CupPPvkEiYmJTW7bpUsX\nHDhwAPv372/y33/+8x+f5xsxYgRWr16N//znP1i7di3atWuH0aNH47PPPnNtc/78eXTs2FG0n/Nr\nqbuwRBRa8kgHQESxpV+/frBYLHjmmWcwbty4JjthADBp0iSMGjUKCxYswPr1671u4yxEn332WfTv\n3x+bNm3CkCFDAopp1qxZmDt3Lh566CF88MEHKC4u9ihwDx06hP79+yM1NdX1XPv27dG3b18cOnQI\nAFBaWuoxUeqGG24Qff3111+juLgYOp1O9LzJZBINlzcnNzcXjz76KABHgZmXlwe5XI6tW7di9uzZ\n2L59O5YtW+b38dwNHjzY9dg5fH3hwgWf+9hsNowaNQo5OTlYu3Zts+eIi4tDRkZGUPE53XLLLaKv\nc3JycPr0afzpT39CXl5ei45NRNGHnU4iCkj79u2xfft2qFQqjBkzptkJQM899xw++OAD7Ny50+ek\nnj59+mD27NlYsGABrFZrQDFNnDgRNpsN9913H4YNG4b+/ft73c5bp9X9OUEQvG7TePu8vDyPrl55\neTmeeuopv2POzc1FZWUlDhw4gO3bt2PcuHEYN24ctm/fjpKSElRWVmLcuHF+H8+dUqkUfS0IQrOz\nvWUyGW6//XZs3brVr+tTQzW83tiIESNw4sQJ19edOnXy6Gg6C2hff/AQUfRhp5OIAmK325GWloat\nW7filltuwejRo7Flyxb07t3b6/bDhw/HPffcg/nz50Or1XoUde6F6JNPPok33ngDK1euDCgmuVyO\nBx98EIWFha5h9sYGDBiAlStX4tKlS2jXrh0AR/Fy5MgRV8cxKyvLY43LxksuDR8+HKtXr0aXLl1E\ns/UD1a1bN/Tq1QsrVqyA0WjEddddB7vdDovFgj//+c/o1auXaGJRY0ql0mOpqJb629/+Brlcjtzc\nXHz22WfIzs5uclvn8Lovwaz9uXfvXlxzzTWur2+44Qa88cYbrut/AceqCQkJCQF3xIkostjpJKKg\nJCcn47///S969uyJMWPGoLS0tMltn3nmGXz77bdeFy13L0LT0tKwcOFCj6WW/PHEE0+gsrISDzzw\ngNfX7733XqSnp+Puu+/Gvn37UFxcjHvuuQddu3bF3XffDQB4+OGHsWvXLixatAhHjhzB+++/L1ob\nEwDmzJkDq9WKyZMno6ioCCdOnEBRUREKCgo8JsE0Z9y4cXj99dcxduxYCIIAmUyGsWPH4vXXX/fo\nctrtdlGuevbsieLiYhw/fhwXL170WYA21711t2LFCkybNg3jxo3zObHLObzu65+vohkAfvvb32Lb\ntm04fvw4vv32W/zf//0ftmzZgnnz5rm2eeihh1BdXY1f/vKXOHToEDZu3IgnnngCc+fO9bhul4ii\nG4tOIvJb43UvtVotPv74Y2RnZyM3Nxf79+93beeue/fumDt3Lkwmk8c6nY23ffjhh5Genu7X+pru\n28jlcqSmpoqW23F/PT4+Hp9++qnrsoAbb7wROp0OH3/8MeRyx6DP0KFD8dZbb+Htt9/GoEGDsGzZ\nMrzwwgui47Rv3x67du1CWloa8vPz0a9fP/z85z/HqVOn0LlzZ6/nbkpubi6sVquowBw3bpzHc87j\nuR/zkUceQVpaGrKzs9GhQwdXQe/tvIHm8rnnnsPs2bORl5eHr776qtl9g3X+/Hk88MADyMrKwoQJ\nE1BRUYEtW7Zg4sSJrm26du2KTz/9FGVlZRg+fDhmz56N2bNno7CwULK4iEgagj2QP4FbyGg0YuPG\njaisrAQA3HHHHUhNTcW6detw5coVJCcnY+rUqfzrlYiIiKiVCWvR+f7776N79+4YOnQorFYrzGYz\nPv/8c2g0GuTk5KCoqAhGo9Fj9igRERERxbawDa+bTCacPHkSQ4cOBeC4Hig+Ph7l5eWu5T2ys7Nx\n+PDhcIVERERERGESttnrVVVVSEhIwAcffIDz58+jc+fOuPnmm2EwGFz3E9ZqtTAYDACAmpoa1NbW\nio6h1Wp9LlZMRERERNEpbEWnzWbDuXPncOutt6JLly746KOPUFRUJNrG/UL24uJi7NixQ/T62LFj\nm7xDBxERERFFr7AVnYmJiUhMTESXLl0AONbDKyoqglarhV6vh06ng16vR0JCAgBg2LBh6Nu3r+gY\nWq0WVVVVIV+bLlAqlQr19fURjUEulyMlJYX5+BHzIcZ8eGJOxJgPMeZDjPkQYz48OXMS0D4SxeJB\np9MhMTERFy9eRFpaGo4fP4709HSkp6dj//79yMnJwbfffot+/foBuFqkNlZZWQmz2RyusL2Sy+UR\nj8HJYrFEPBbmQ4z5EIumfADMSWPMhxjzIcZ8iDEfLRPWOxLdeuut2LBhA6xWK1JSUnDHHXfAZrPh\nvffew969e11LJhERERFR6xLWorNjx46YNWuWx/PTpk0LZxhEREREFGa8IxERERERSY5FJxERERFJ\njkUnEREREUmORScRERERSY5FJxERERFJjkUnEREREUmORScRERERSY5FJxERERFJjkUnEREREUmO\nRScRERERSY5FJxERERFJjkUnEREREUmORScRERERSY5FJxERERFJjkUnEREREUmORScRERERSY5F\nJxERERFJjkUnEREREUmORScRERERSY5FJxERERFJjkUnEREREUmORScRERERSY5FJxERERFJjkUn\nEREREUmORScRERERSY5FJxERERFJjkUnEREREUmORScRERERSY5FJxERERFJjkUnEREREUmORScR\nERERSY5FJxERERFJjkUnEREREUlOsNvt9kgH4S+TyQSTyYRIhyyTyWCz2SIagyAIUCqVaGhoYD7A\nfDTGfHhiTsSYDzHmQ4z5EGM+PAmCgOTk5ID2kUsUiyTi4+Oh1+thNpsjGodarYbRaIxoDAqFAsnJ\nyTAYDMwHmI/GmA9PzIkY8yHGfIgxH2LMhyeFQhHwPhxeJyIiIiLJsegkIiIiIsmx6CQiIiIiybHo\nJCIiIiLJsegkIiIiIsmx6CQiIiIiybHoJCIiIiLJsegkIiIiIsmx6CQiIiIiybHoJCIiIiLJsegk\nIiIiIsmx6CQiIiIiybHoJCIiIiLJsegkIiIiIsmx6CQiIiIiybHoJCIiIiLJsegkIiIiIsmx6CQi\nIiIiybHoJCIiIiLJsegkIiIiIsmx6CQiIiIiybHoJCIiIiLJsegkIiIiIsmx6CQiIiIiybHoJCIi\nIiLJsegkIiIiIsmx6CQiIiIiybHoJCIiIiLJsegkIiIiIsmx6CQiIiIiybHoJCIiIiLJycN5shde\neAEqlQoymQwymQyzZs1CXV0d1q1bhytXriA5ORlTp06FWq0OZ1hEREREJLGwFp2CIGD69OnQaDSu\n54qKipCRkYGcnBwUFRWhqKgI48ePD2dYRERERCSxiA+vl5eXY/DgwQCA7OxsHD58OMIRUVmZHPn5\n7TBhQhpuvjkN+fntUFbm398nZWVyjBmThm7dOqFPn45YuVKNCRPS0KdPR/Tp0xE335zmOlZZmRwT\nJqShXz/x88HGdOAAMGlSUkDxhoozvvz8djh0qOU/Vu7Ha+q9+LMNERFRtAj7b6rXX38dgiBg+PDh\nGDZsGAwGA7RaLQBAq9XCYDAAAGpqalBbWyvaV6vVQi6P/C/XuLg4KBSKiMbgzIMU+Vi0KAl79igb\nPZeMjRurvW7vno9Fi5Jw7Jhj37o6AU8/nQybTXBtW1KidB1r0aIkHDyo9Hg+mJjkcjnmzAF271Y2\nG68U3ON77LE4/PvfDSE7XlPvxdc2Un4+AhUNPy8Ac9IY8yHGfIgxH2LMh6dgchHW7M2cORM6nQ4G\ngwGvv/460tLSRK8LwtXipLi4GDt27BC9PnbsWOTm5oYl1liRkpIS8mN6+ywrFEqkp6cHvK/797Tx\nsRpv6+scgcbkb7yh4h6fXC5v8bndj9fUe/FnGyk+H7GOORFjPsSYDzHmQ4z5aBnBbrfbI3Hi7du3\nQ6lUori4GNOnT4dOp4Ner8fq1asxd+7cJjudVqsVFoslEiG7qFQq1NfXRzQGuVyOlJQUVFVVhTwf\npaVxWLhQC4PBUTRqNHYsXVqLrCyr1+3d81FaGodf/EKL48cViI+3Y8GCWqxbF49jxxx/3/TubcWK\nFXpkZVlRWhqHuXO1OHFCjp49rz4fTExyuRynTqXgV78yw273Ha8UnPEBwPPPN6B3b2PIjtfUe/G1\njZSfj0BFw88LwJw0xnyIMR9izIcY8+HJmZNAhK3obGhogN1uh0qlQkNDA9544w2MHTsWx48fh0aj\nQU5ODr744guYTCafE4kqKythNpvDEXKT1Go1jMaWFRUtpVAokJ6eznz8iPkQYz48MSdizIcY8yHG\nfIgxH56cOQlE2IbXDQYD3n77bQCAzWbDoEGD0Lt3b3Tu3Bnvvfce9u7d61oyiYiIiIhal7AVnSkp\nKXjooYc8ntdoNJg2bVq4wiAiIiKiCIj4kklERERE1Pqx6CQiIiIiybHopDaJC6sTERGFF4tOapMK\nCpKwZ48Ke/aoUFCQFOlwiIiIWj0WnRRx7DoSERG1fiw6KeLcu45TpgR2r/dgFRZWY8SIeowYUY/C\nwvDdLpOIiKitYluJoopeL3MNeW/YcEmy82RmWiQ9PhEREYmx00kR5+w66nS2SIdCREREEmGnkyLO\n2XUsK5O7JvVwyJuIiKh1YdFJUYND3kRERK0Xh9eJiIiISHIsOomIiIhIciw6iYiIiEhyLDqJiIiI\nSHIsOomIiIhIciw6iYiIiEhyLDqJiIiISHIsOikqlJXJkZ/fLiz3XSciIqLwY9FJUaGgIAl79qhc\n910nIiKi1oVFJxERERFJjkUnRYXCwmqMGFGPESPqed91IiKiVogXz1FU4H3XiYiIWjd2OomIiIhI\nciw6SRKcjU5ERETuWHSSJDgbnYiIiNyx6CQiIiIiybHoJElwNjoRERG548V2JAl/Z6OXlcldw++F\nhdXIzLRIHRoRERFFADudFFG89pOIiKhtYNFJRERERJJj0UkRxWs/iYiI2gZe00kR5e3aT17nSURE\n1PoIdrvdHukg/GUymWAymRDpkGUyGWw2W0RjEAQBSqUSDQ0NrS4fEydqsWuXAgAwapQZmzfXNrtP\na85HMJgPT8yJGPMhxnyIMR9izIcnQRCQnJwc0D4x1emMj4+HXq+H2WyOaBxqtRpGozGiMSgUCiQn\nJ8NgMLS6fNhsGrfHNr+O3ZrzEQzmwxNzIsZ8iDEfYsyHGPPhSaFQBLwPr+mkqMPrPImIiFqfmOp0\nUtvg7xqfREREFDvY6SQiIiIiybHoJMmUlcmRn98O+fntUFbGpjoREVFbxqKTJMO7DREREZETi06K\nCHZBiYiI2hYWnSQZX7PQ2QUlIiJqW1h0kmQyMy2uYrOgIIkdTSIiojaMRSdJqqmOJtfiJCIialvY\neqKI4FqcREREbQs7nSSp1t7R5IQoIiIi//C3JEmqtXc0nZcPOB+35vdKRETUEux0UtixO0hERNT2\nsOiksGtNyyW19ssHiIiIQoVtJqIWaO2XDxAREYUKO50UduwOEhERtT3sdJJkysrkruHzwsJqZGZa\nALA7SERE1Bax00mSaU3XbhIREVHLsOgkIiIiIsmx6CTJ8NpNIiIicuI1nSQZXrtJRERETux0UtCc\ni7xPnKjlIu9ERETkE4tOCppzotCuXQpOFCIiIiKfWHQSERERkeRYdFLQnBOFRo0yh22iEO/bTkRE\nFJv4W5uC5pwopFarYTRawnJO55C+8zEnKhEREcUGdjqJiIiISHIsOimmcO1PIiKi2MThdYopXPuT\niIgoNrHTSURERESSY9FJRERERJIL6/C6zWbDK6+8gsTERNx7772oq6vDunXrcOXKFSQnJ2Pq1KlQ\nq9XhDImIiIiIwiCsnc7du3cjPT3d9XVRUREyMjLw61//GhkZGSgqKgpnOEREREQUJmErOqurq1FR\nUYGhQ4e6nisvL8fgwYMBANnZ2Th8+HC4wiEiIiKiMArb8Ponn3yCm266CfX19a7nDAYDtFotAECr\n1cJgMLheq6mpQW1tregYWq0WcnnkJ9zHxcVBoVBENAZnHpgPB+ZDjPnwxJyIMR9izIcY8yHGfHgK\nJhdhyV55eTkSEhLQqVMnfPfdd163EQRB9HVxcTF27Nghem7s2LHIzc2VLM5YlJKSEukQokqk83Hg\nADBnjuPxSy8BgwZFNJyI5yMaMSdizIcY8yHGfIgxHy0TlqLz1KlTKC8vR0VFBSwWC+rr67FhwwYk\nJCRAr9dDp9NBr9cjISHBtc+wYcPQt29f0XG0Wi2qqqpgsYTnlotNUalUoo5tJMjlcqSkpEiSD+X3\n/0F8xZt+by+TyWCz2XxuY2mXjbrsR4FGf1yEipT5CMTs2UnYvVv54+MGbNwYmQXsoyUfQHT8vADM\nSWPMhxjzIcZ8iDEfnpw5CWgfiWIRycvLQ15eHgDgxIkT+PLLL5Gfn49PP/0U+/fvR05ODr799lv0\n69fPtU9iYiISExM9jlVZWQmz2RyOsJskl8sjHoOTxWIJeSzK6u+gOvPfkB5Tdea/MHQaD0vqgJAe\ntzEp8hEIu90uehzpz0mk8wFE188LwJw0xnyIMR9izIcY89EyEb04IScnB++99x727t3rWjKJIs/U\ndQIsup5+b69SqlDf0PRfXZrv3oP61GZoTn6AGomLzkgrLKzG4sUpsNlsvE0nERGRm7AXnT169ECP\nHj0AABqNBtOmTQt3CNQMq7Y7rNrufm8vU6tRbzQ2+bpdmQT1qc2I/34jagY/Dgit954EmZkWbN5c\nC6OPfBAREbVFrfe3P0WNhrThsGo6QV53BsqLxZEOh4iIiCKARSdJT5DB2O12AED86U8iHAwRERFF\nAotOCgtT558CAFTntkc2ECIiIooIFp0UFg3p18Em10BRXYakbx6HvOaoz+3LyuTIz2+H/Px2KCuL\n/GK8RERE1DIsOik84lQwdbsNAJBQsQbtN49F+003IHHfEsDmueZZQUES9uxRYc8eFQoKksIdLRER\nEYUYi04KmysjluPiuHdhyLgHNrkW8toT0B7+O1K/mAHFpX2RDo+IiIgkxKKTwkeQoaHDDagesRzn\np3yLqlF/gU2uQfzZrUj/9DbRgvSFhdUYMaIeI0bUc71LIiKiVoAXy1FkyNUw9siHRdsDKbt/A7n+\nOJL2/QE/dBkPwLHe5YYNlyIcJBEREYUKO50UUea0ofjh1m2wKXSQ649DZrwQ6ZCIiIhIAiw6KfJk\ncphTBwEAFJf2+72b+wz30tI4qaIjIiKiEGDRSVGhIXUwAEB52f8JRe4z3Bcu1EoVGhEREYUAi06S\nlL/rbZrbZQMIrNNJREREsYNFJ0nK3/U2r3Y69wN2u1/Hdp/hvnRpbUjiJSIiImlw9jpFRFmZ3FWE\nFhZWI7NfZ1jj0xFnqoS85igsSX2aPYb7DHeFQiFpvERERNQy7HSSpJpab9OjAyoIMKc6htjbbckP\n+DylpXEYMwaYNCmJt80kIiKKQvztTJIKZL3Nuh75iD/7GeLqL0NWdx42TUe/z7NwoRa7dwOAEgUF\nSVzjk4iIKMqw00kR4a0Dauo+GcYuNwEA4s98GvSxS0sV7HYSERFFGRadFBHODuiGDZeQmWlxPW/q\nejMAIP70JwEdb+nSWiQmOh7r9TKfk5aIiIgo/Fh0UlSp7/xTAICycjdgt/m9X1aWFdnZUkVFRERE\nLcWik6KKLT4NVlUaZFYTZHXnAtr3pZeAkSMbPCYtRQt/1ywlIiJqjVh0UkiForCy6HoCAOT67wLa\nb9AgYOPGao8h+2jh75qlRERErRGLTgqpUBRWVl0GAECuPx50HK29q9ja3x8REbU+LDop6lztdAZf\ndErRVWxpodfUmqXBYNeUiIhiDVskFFKFhdWiOw0Fw5LYGwAgrzkasrhCwVnoOR83txaox12XAliz\nlIiIqLVh0UkhFYrCypzcFwCgqD4c9DFCUfy2VKBFaiCi4f0REREFgkUnRR1rQnfY4+IRV3cOQkMN\n7MrEgI8hRVcxmgo9dk2JiCjWsOik6COLgzmxN5RVBxF/+iMYM+6OdEQAAi/0oqlIJSIiijQWnRSV\nLEl9oaw6iJQ9v4VdmeS6U5H7dZIzZ9Zi1SotAODZZw0YOzZi4XrFbiQREdFVLDopKhn6TIf65L8h\n2C1IOPJPV9Hpfp1kaakCer1jAYaFCwXs2hWxcImIiKgZXDKJopI5bSjO5x+APS4eqgtFiKv9Puwx\ncC1MIiKi0GHRSVHLrkyCseutAICUXXMgNNSI1rp8+OFq6HQ26HQ2/PKXdSE/P9fCJCIiCh0WneRT\npLt9db3uAQAoLxYDWxeLJuZ88okGer0Mer0Mr76qiaq4iYiISEyw2+32SAfhL5PJBJPJhEiHLJPJ\nYLPZIhqDIAhQKpVoaGiQNB8TJ2qxa5cCADBqlBmbN9d6bCNpPux2JHx2L5SnPsHR6gHos6TEFQsA\nUWyffWZ25cOfuJtz6JAMjz3mKGaXLatD//7+vce29PnwRzTkA2BOGmM+xJgPMeZDjPnwJAgCkpOT\nA9onplpA8fHx0Ov1MJvNEY1DrVbDaDRGNAaFQoHk5GQYDAZJ82Gzadwe27y+71Dmw9tdfEzXLUen\nU5+gk+YEADsAATabTbQk0R//aIBGk+rKhz9xN6e+Xg6bLf7Hx/UwGi1+7deWPh/+iIZ8AMxJY8yH\nGPMhxnyIMR+eFApFwPvEVNFJ4RfutSa93cXHrkyGTaFDAvS4afRZVDekedxWsvGHPxRxS3lHISIi\noraGRSf5FBVrTQoCrAndILtSin/9dT/M7QY3u0tUxE1EREQunEhEUcV9drp7h9KivQYAkLrjfqjO\nbotoLERERBQ4djopqjTVobQmdAUAxNVfRvLuX+NCfknEYiEiIqLAsdNJMcEeF+96HFd/GULDlQhG\nQ0RERIFi0UkxwdjjTthlKtfXukMrIhhN9OB6pEREFCtYdFJMsCRdi3NTK1B3zWQAgMx0McIRRQfe\nNYmIiGIFi06KHbI4GHvc4XjI4XUiIqKYwqKTQk7KIV+7MgWAtEVnLA1Zc4Y9ERHFChadFHItHfL1\nVfTZVD/wq8C/AAAgAElEQVQWnSbpZpXH0pC1c4b9hg2XkJnp3x2TiIiIIiG62zjUJvm6E5BV0xkA\nEFd3BrBZAVlc0Odx3nLTYBAgCIBGY2e3kIiISCLsdFLIhXLIt7RUIep22uUaWOPTIdjMOF5y0dUR\nLS0NvPh0FrcHDypRUqJ0dTalGrKOpWF7IiKiUONvPgq5li6qXlhYjSlT0qDXy6DXy1yFoHOo+5Np\n1yAJlfjXXy+5OqILFwrYtSsk4Uu2KDzv5U5ERG0ZO50UdTIzLcjKMouec7/OcvfhXgCALgnfteg8\nzo7mgAENGDiwgZNxiIiIJMROJ0Ul986m+2MAOFvbEwAw45ad2HzyAQDA0qUGAKkex3Fet+k8jvtk\nm3Df5rLxeyIiImpLWHRSVGpcELoXbCMmdAROAV0vrcGGdxcDcjUUCoXX47gPaU+ZkoasLLNH8Rku\nvJc7ERG1ZRxep7ALZkKN+9JAKdfluZ6XG077fV69XhYTyyARERG1Riw6Kexaug6mXZWK+vbXAwDi\n6s763NZ53aZOZwsq1pbijHUiIiIHFp0Uk6wJXQAAqnPbfW7n7JC+//7FiNy5J5YWmiciIpISi06S\nhK8OXyjWwbT9eDvMOMP3fm0f7J172KkkIiIKDRadJAlfHb5Q3LrR2H0SAEBeXdHiWH1paaeS90Yn\nIiJyYOuGYpI5OQt2IQ7y2u8gWIyA2+x1X8skhRtnrBMRETn41en84IMPYDabm9+Q6Ef+dvjch683\nb1b5NZRdViZH/tTOOH6lLwS7DfLqctHrLelONh5OZ6eSiIgoNPzqdD755JOYMWMG7rzzTtx3333I\nzc2VOi6Kcf52+NzX0SwtVUCvl7meb2p/5z67ew1Gr6GlSChfBUPH60ISt7dbVbJTSURE1HJ+dTr3\n79+PnTt3okOHDvjFL36BLl264JFHHkFxcbHU8RE1ad+ZIQAAzckNiKs+6nqe3UkiIqLo4/dEoqys\nLBQWFuLYsWNYt24dSkpK8JOf/ETK2KgNcC8Qly+varZYLCuTw2AQoNPZsKv2flgFNQCgqvhTjBkD\nTJrkGE4PdqISC1YiIiJpBDSR6NSpU1i7di3Wrl2LkydPYsaMGVLFRW1E42H4iRPrfW5fUJCEgweV\nAACrPBnVo5Yj9cv/RdXe7fjiiycBKH0OzQcaT1sVTZOxiIiodfCr0/nXv/4VOTk5yMzMRHFxMZ58\n8kmcP38e//jHP6SOj8in+o5jYBdkyE7bCa1KH+lwWg0uak9ERKHmV9H54YcfYvbs2Th37hzeeecd\n3HHHHVAqlVLHRtTsbHK7KgXmdkOgkJkxZ9I2jBzZwGFxAsCF/YmIoo1f/xN/9NFHUsdB5JU/s8lN\nnXKhvFiMP97+FCpvHgWzmUPBLVVYWC0aXo9FjT87mzbVRDgiIqK2rcmi8/777xd9LQgC7Ha767HT\n66+/LlFoRN41vt5wYNdbkFjyHHDxIIT6KiTufxGCtQ7Vw5+JcKSxi9e2EhFRqDVZdPbq1ctVXF68\neBFr1qzB7bffju7du+PkyZP48MMPMW3aNL9OYjabsXr1algsFlitVvTr1w95eXmoq6vDunXrcOXK\nFSQnJ2Pq1KlQq9WheWfUKnjruHl2P/vB3C4bikv7kfZOX9e+NQMfhV2VEv6gg8CJO6Hn+dkRfO9A\nRESSarLofOqpp1yPb7rpJmzevBmjR492PVdUVIQ//OEPfp1EoVBg2rRpUCqVsFqteO2113Dy5EmU\nl5cjIyMDOTk5KCoqQlFREcaPHx/8u6FWx9+OmzHrf6H4YrbouTjjBVhipOj0dhkBtYznZ0fR5LZE\nRCQ9vyYS7d69GyNHjhQ9N2LECOzatcvvEzknHlmtVtjtdqjVapSXl2Pw4MEAgOzsbBw+fNjv41Hb\n4j4pZObMWo+1NOt73AHc97Vonzjjecli8DUx5dAhGSewEBERNeLXb8QhQ4bgd7/7HZYsWQK1Wo26\nujo8+eSTGDJkiN8nstlsWLlyJaqqqjB8+HC0b98eBoMBWq0WAKDVamEwGIJ7F9TquXcCAXh2AgUB\n6DgcF39WhrR3MwEAMuOFkMYwb16ya43QefOS8cknF71u99hjGuzZo3DF7U/XsjVM3CEiIvLFr6Jz\n9erVuPfee5GYmIiUlBRX4fjWW2/5fSKZTIaHHnoIJpMJb7zxBr777jvR6+6TkwCgpqYGtbW1oue0\nWi3k8sh3juLi4qBQRHaozpmHtpIP989HaakCFRXxyMqyup5z5iFO2wF1A34NzcEVSNnzW1h63wXE\nxYckhpMn5aLHTb/nq7EKguBXbgYNgtvsagEtHQqW6vNRWhqHhQsdfyguXVor+h40JRp+XoC29zPT\nHOZDjPkQYz7EmA9PweRCsDunpPvh+++/x9mzZ9GpUyd079494JM57dixA3K5HHv37sX06dOh0+mg\n1+uxevVqzJ07FwCwbds27NixQ7Tf2LFjkZubG/R5KXYdOACMHg3U/FiXjR4NfP55ExuXvQn85+eO\nx2OXA8N/G5IYhg0D9u51PB46FCgubjrWOXMcj196yVFQthZjxgBffOF47PN7QERE1IjfZeqlS5ew\nfft2nD9/Ho899hjOnDkDm82Gbt26NbuvwWCATCaDWq2G2WzGsWPHcOONN6Jv377Yv38/cnJy8O23\n36Jfv36ufYYNG4a+ffuKjqPValFVVQWLJbIze1UqFerrfd+uUWpyudzVdY61fATTLevUCcjKSsLu\n3Y7hbbO5AZWVV4ehRflolwdtn/uhrngDDYfXo7r7/U0dNiDPPy+Ou7LSe9w9eqiwfv3VfFRWhuT0\nAZHq82E2JwHw/j1oiq/PRzCfhWDF8s+MFJgPMeZDjPkQYz48OXMS0D7+bLRjxw7ceeedGD58OHbu\n3InHHnsMFRUVWL58OTZt2tTs/rW1tXj//fdht9tht9uRnZ2NjIwMdOzYEe+99x727t3rWjLJKTEx\nEYmJiR7HqqyshNlsDuAthp5cLo94DE4WiyXisQSajwULErFnj/LHxwl+z9R++ukrrusen3662usi\n8BaLBWaLFd8oH8VovIGG0wdxYL8VmVk2v+NrSp8+Zqxfb3J93dRbbs2fD3++B435ykewn4WWiMWf\nGSkxH2LMhxjzIcZ8tIxfRedvfvMbvP3228jLy3NVtSNHjsSePXv8OkmHDh3wq1/9yuN5jUbj91qf\nRIEsWP7oU9figwkd0DHxAv72x8v4yxvJEkfXNnDReCIiCpZfSyadPHkSeXl5oucUCgWsVumGwqj1\nanz/9OYEew/tvWeGAgCuTd4fdKxSxEVXBfpZICKi2OVX0ZmZmYmPP/5Y9NyWLVswcOBASYKi1s3Z\nLduw4ZJfd95xLpe0Z4/KNbTbXMFXWFiNszbHkl7zbn0ntG/AR1y+sEj1FOhngYiIYpdfRefzzz+P\nn//853jggQdgMpkwa9YsTJs2DcuWLZM6PiKvmiv4MjMtuO13d8AuU6LDlX9DfqUsAlGKBVqkEhER\ntSZ+FZ0jR47E/v37MWDAADz44IPIyMjA119/jZ/85CdSx0cU0BBsaWmcq5t46PvuMPR2LJ2kK3ku\n5J3GaBkaZgeViIhigV+/oa5cuYJVq1Zh3759qK2txZEjR7BlyxYIgoBPP/1U6hipjfM2ecXzDj6O\nBdkXLtS6ZkMXFCTh36//Etojr0F9+mP8/dVK7NnT3vWa+zHLyuSi4/kz1BvopBqp7jrE+7YTEVEs\n8KvonDp1Kmw2G6ZMmYL4+HgIggC73e5xFyGipgRT1PniWfB5vzuDNaEbLJoukNedwf39/oR1W1Z7\n3S4chRtnfhMRUVvmV9H51Vdf4YcffoBKpWp+YyIvwtWNW7q0FgsWJAD4sZsoCLg07m20/3AMbuv5\nJn6W91uc1Pf1u9MY6mI5EP6em/dtJyKiWOBX0Xn99dfj8OHDyM7OljoeohbJyrJ6FLRWXQbqev0P\nEo69hTUPPoLLY9d47NdU4RZosVxWJsfixVrYbJoWF6n+npsdVCIiigV+FZ2rV6/GLbfcglGjRqFD\nhw5w3q5dEAQ88cQTkgZIrUM4u3HeOoT6QQugPrEB8Wc/Q5z+OKy6DNE+oSrcHIWiwvVYimIwkt1X\nIiKiYPk1e/3xxx/HmTNncOHCBVRUVODo0aM4evQoKioqpI6PWolQrsfY3Gxtb0sT2eLTYOp2GwBA\n/f1mv88VyRnqTZ07Gpde4gx6IiJqjl+/Hd59912Ul5ejc+fOUsdD1Kxgrw+t7zgGmhPrkHhgKWSm\nH1AzeBEQ5/s65WBmqC9enAKbzdbiIjWWhs05g56IiJrjV9HZs2dPKBTeZwcTRZumhvJNXSfAnNgb\nipqj0B55Dfa4eOgHF4T03JmZFmzeXAuj0RjS47rjxCEiIopFfg2vP/DAA5g8eTLWrl2LrVu3iv4R\nhVtzQ95NDeXbFVpcyl0Ls64XAEBb9jLk1UeCiiFah5OdcU2alIQDB8J33mhZKJ+aFq2fWSJqOwS7\nc1aQDz169GhyTc7vvvsu5EH5UllZCbPZHNZzNqZWqyXtZPlDoVAgPT2d+fhRoPlI/Xw64s/8F5dv\n+DtM19we8Pny89u5hpNHjKgXDSdLnQ9f53Z/bfRoYP16fj6c2vrPTOPPzaZNNW06H4219c9HY8yH\nGPPhyZmTQPj15+6JEyeCiYcoatmUKQAAec2xAHe0AoJfAwRERETkhr89qU2yqVIBAIklf0L8yX/7\ntY/yfBE6ruuLjhsG4G8LN4qGk92HLg8dkvbHytdQtvO1kSMb8NJLkoZBUcSfoXNeAkFEkcYLe6hV\na2pNS8O1MxCn/w7qM59Ad/AFmLpPFu2nvPAlEirWoGbIE7AmdEGc4QxSvnwIMqsRsBox4PISbFh/\nPfDjZSfuQ5ePPSbDunUGyd6Tr1ntzteuDgVJFgZFEX9WD/D31rFERFJhp5NatabWtLQmdEVVzkrY\nFElQ1FRAcblEtF/i/megPvUhOmz8CVI+n4H2m0Yhrv4y6tNHwqZMhrKqBKmfPwDtwReB5i+LJiIi\navNYdFLbJVPA1OWnAIDkPY+4nlZcPgDlpX2ur9VnPoVgt6IhZQAuj34V+qw5AID4s1uRWPIn6A4s\nFQ1dLltWF9a3wVnJxKFzIooF/A1FMct96PzZZw0YO9ZzG29rWrrv9+eC/8UIbIDiyiFoD74A2O3Q\nHlkFACi9PAyfnboLk/O+h67fdTB1GQ8IMhj6zoJV2wMJ5a9AVfkVdKUvIfN/fucaunTMLJT63V/F\nhdkplm4kQERtF4tOilnuxdbChQJ27fLcxtsvY/f9flOYgy2PT0NCxRokljzn2ubQ5eEY+mwRGqwq\nvHVEvCwRZHEwdbsFpi43ofM71wAAtIf+gtqsOa5rPIO5Pzrvqd485oiIKHZxeJ3avJrsAhi73goA\nqE//CapGrsD/bv8UDVbft8iELA4N7YYCABIPLEXafydBcfEbAMHdHz3Ye6q3paHVaLzvPBER+Yed\nTopZ7kPnS5caAKQGvF9hYTXsigRUjX4VV+qrYFcmA4KAn0+3YV+JDQAwc2Ztk8e6PHYNEo78E5qK\nNVBe2ot2O6ah5q6vAWha9N4CwaFVIiKKBSw6KWa5F1sKhf/LvzRVpNlVKa7Hq1ZpodfLXI8nTqz3\neiybKhX6gY/AcO0MpG/ORVz9RcjPfYHCwokB3x+d91RvHnNERBS7WHQShYBNlQrTNbchoWI14g+9\njJG6z7D5L+NR3+Umv4/BjmXzmCMiotjFazqJvAjmOsm6nj+DLS4e8h++RsKxt9Du8xlov3EU5JcP\nShwtERFR9GPRSeSFs6O2YcMlv2dIm9tl4/KNb6Hhmlth0fUEAMgN3yPx4I+z4u02aEv/hvjTn0Cw\nhHFNJSIioijA4XWiEGpoPwKG7jfCaDRCeWEn0rb+DKqz2yCrvwx5dTkS9xcCAGzyBFTesgVWbbcI\nR0xERBQe7HQSSaShww0wdRoHwW5B8q5fQ36l3PWazGKA8gcvC4sSERG1Uiw6qU0J5JaRobi9pLHH\nnQCA+HPbkFxcAACwy5QAAHnN0aCOSUREFItYdFKbEsji4qFYiNx4zW0wdrtV9Jypy3gAgOJKaVDH\ndOI914mIKJaw6KRWJ5hu5oQJabj55rSQdkDLyuTIv6sDcp/fgP0918Am1wIA6nr9HHZBhvhz26A+\nsSHwN/jjsSdNSnMVxQ8/nCyKq7Q0LqjjEhERSYVFJ0WElF06Xx3KxkshPfxwMvbsUeHgQSVKSpSi\nfZzbDhjQgLo6wRWrvx1Q9+1mL7sbFybtxg+3fIb6TmNQM/gJAIC29CXAbg/qPdbVXf3xPXZMHNfC\nhdqAj0lERCSlmBqTM5lMUCgUkMsjG7ZMJoNarY5oDIIgoK6uLmbzsXixFnv2KH58nILNm5u+1aQ/\n3PMhk10txhrHplLJXK+rVCqcOOGZO+c+Q4cCH31Uh4kTtdi162qsbod3bXvokAyPPea49eVzz5mQ\nman2iCM+uTOQ3BkKALZBv4KtdAUU1eXQGo/D2m6A430Yf4Dy2DrIK78B7DbU950GS5dcrzH6ek4Q\nBHz1lRHz5iUDAJYtq0P//rZm8yiFaPh5AWL/ZybUmA8x5kOM+RBjPjwJghDwPjFVdMbHx0Ov18Ns\nNkc0DrVaDaMxsussKhQKJCcnw2AwxGQ+bDaN22Nbi/NZURGPxYs1MJvlePDBGthsjk7fkiXVMBqv\nrrM5f347V7E7f348une34OBBx8QelcoGpRKorbVj716za33OxrG634rReXzxcYF16yqxZInZYzt3\nymtuR0LFGsjK30LtkMUAgNTtDyH+3Lar25zYiCvXLUNd7/tE+y5ZYsakSWmubmevXhYsWXLFdb4/\n/tGA+fNTsWuX833HR+xOPtHw8wLE/s9MqDEfYsyHGPMhxnx4CuT2004cXqeICOaOP74sXKjFF18A\nu3crsWqV1q+F3UtKFDCZAJ3OhoEDG3DttRbo9TKUlChFw+aNY/Vn4XjnMLxzf2/b1fXIBwCoT34A\n2KwAgDjDaQBAzcBHoc/8XwBAUnEBFJf2QbDUufbNzLTgxReroNPZoNPZMHeuXhRXVpY1kPS5Yo6W\niUktiSWa3gcREV3FopMiIpg7/oRCYWE1dDrHMHNdnQxHjyqh18ug0dih0Vy9trK0VOEqWvyJ1b0w\nXbaszq/rPs3thsGi7YE443kof9gJAJCZ9Y7Yek6FfnAB6nreDcFmRvqntyFl7SCcefE+WP77FASz\nHq//UwG9Xga9XoZVqzyv4XzpJWDkyAa/C3t/Yg5XQdeSlQNCseoAERGFHotOahWWLq3F6NGOIsu9\nwGpcJGVmWpCV5X1oxFk46nQ26PUyV9GyebMK/fp1RL9+HbF5syp0QQsCjD92O1N2PwzBUgfhx6LT\nrkwEANQMLnBtHi834roO23HNxVfRaV0//DPveshlTQ/zDBoEbNxYHdLCngUdEREFi0UnxbyyMrlr\ntvbSpbWiAstbkeQ+K33gwAaPYfPGRekjj6S4OoqPPJLiNQb38zz2mMbvywecQ+xxxvNI+eKXkFkM\nsEOAXZ4AALDFt8OlG9fi7SNzMO7vW/Dx4QmufXsnHcKlp9tjxAhTiy5RcBbmBoMgykckteTyi1Bf\nukFERKHBC54o5jkKPsdkoIULtVi/3uR1O+eQeWFhtc9JNe4ThQoLqzFlSprX7TZvVrmK0I4dxddQ\nOgvY5lh1PVHX/Q5oTn6A+PPbAQAmRRdAuPr3YH2nMUj/2TjU7U/C0wffQ+eb30Nv+4fQnHwficor\n2HlXAm75/SkseFIeVEfTWTADwIgR9QHlRir+5i/U+xIRkXTY6aRWxWCAaDi9qSHzpnibALR8+dUJ\nO8uXV7m2nTfvagf0++/jRNd0Oo/lz/WPNUP/4Hr82ZGf4v5/f+KxjbOQ+v3TRsz6030Yv/wNVGuG\nAADiBBse7jszJMPdBoPgM2Zf17dyAg9RbOHPLIUbi06KeYWF1Rg5sgGjRzvWDWvJNYfehuMnTqzH\n4cPncfjweUycWO/a1mS6ukaZ2Sy4ijHnepj+Xv9oi2+HNWXz8dpXM3DLPz7CaUMv12uNfyk4j/nl\n7gRMWLML71U8BADISD0e8Ht1ch+OFgRwAg9RG8GfWQo3Fp0Uc7xNDtq4sRqffw7RDHTg6n+qer0M\nOp0tpNf5ZWSYvT4ORtf/eRSvnHwZw66zieJr7pdC+ym/BgB0Tr4Q9Pty7142zh8REVGosJ9OMcf9\nGsSCgiTR9XtLl9ZiwQLHJBz36w8BICvL3Oy1fr6uWWw89P73vzsWYzcYBJhMQL9+HdGhgwUJCQLi\n4zWYObNWdFxv/FnP01d8ffppYT8kh05ZjcxrawHE+9y/OS25ZjNU13sGmhMiCk64rtEmcmLRSa1K\nVpZVVFgG+p+qr0ko7sXuvHnJSEhwdAUFATh61DGRSa9XivZprsj1VUB7i98zPhls8WmOtT4rv4ZN\n0wlWTWdAkYQDB4DZs5Ngt9v9Lt6iYQJPczlprK0VqW3t/ZJ0OOmOwo1FJ8WcQArJQP9Tdf+FPnNm\nrWvR9cLCahgMV6/hPH5c7roFpXOxeSn4E79Few3ijOeRtu0eAEBDuyGovmUz5sxx3KEJEBfJ0Vqo\nOHNfWhrYrdUaF6neCvVoUlYmx+LFWthsmqDiC7QoJyKKFiw6KeaE6q9zZ5FjMAgQBMf1oHV1AkpK\nHIVaaanjjj+A45e7IHg/TvfujqLh+HE5rFZALgcyMixeC+LGXapQDG9dGbkC6R/fBJm5BgCgvLQP\n6f/qjGUjb4ZpgBFbKn6KtQdn4nBpOiw2BaZMSUNWltmjqHYWP6HqpDmPI5PJsGSJudnjuBdTOp0N\nWVnmoHIS7UWZIz6F63G0xUdEJBUWnRQzgimGfO3jXpw4+epauk+yyciweHQO8/PbYc8eFerrHdt6\ni89bQdTSosOq7Ybzd5ZCXnMU8iulSP3Scc/2kR0+BjoAN/bagSU3P4EjlX3Q/0+HoNcrsGePCiUl\nCle31r34CVXR1pLj+HP9rVPjwr21z8LldXhEFKtYdFLMCKaICXSf7t2vFpONO4HOYzi/jqphW0GA\nJakPLEl9cCFtGJIOPY94pRwoe9O1ybXpFejfsRT7z2YDEC/51BxvXeFQ5yDYYqpx5zvai7LCwmos\nXpwCm80WVHy8Do+IYhWLTop5ZWVyLFqUBIUCWLIkDn36+Ld8kbM48VVIua/LCXifGORekA0c2ACt\nVsCSJd6LCX8KokA6ut62tSZ0hf6GvyA+PR3jnlmBgcIbKMgrRHttJb6YMwbbj47B5H/+Gz17WpCW\nZofBIKCuTnDdrclbjN66ws0V8c7jyGQyzJhR67rVZlO5DlUxFe1FWWamBZs318JoNIqe5wQhImrt\nBLvdHlML81VWVsJsbtmaiC2lVqs9fmGEm0KhQHp6epvKR1O/lJ3D2gAwcmQD1q+/2Ow+oeR+/hEj\n6vHRR3Utykfj4/kqoNy31elseP/9i8jMtLg+Hzt2XMaCBQnI6/Yu/jByBmRw3K5zyuYyzClIFV0W\n4Ot87ts4NRebk1qtxi23aILeP1SC+ZmR6vPj7WcmkO97KLTF/0N8YT7EmA8x5sOTMyeBYKeTYkYw\nHaxIdL0OHZJh/vx2AMLbsdLrZR7dx6tLSP0UFyzlaPfZHVBWHcQrL1bAnDbM5/Eaz+QH4NGpbO2i\nfVISEVEs4R2JKOa53wZz6dJar9t4u8ewv/cdbm4799tIFhZW47HHNH7fWs7bsRsfr7n37u+STXa5\nGjZ1BwBAnOlqN9jb+crK5JgyJc31Plat0mLDhkv45JOL+Pjji17vvd5cnAMGNECjsUGjsWHgwIY2\nUbQGIpDvOxFRLGKnk2Ke8zaYjqEPK7yNfHjrWDXVxWo8pNpct8vfbqrzuBcvCjh3To64OKBjRysq\nKsTL5wR6vO7dLX53H63xjqEQmanSZ/wFBUmu5aIAx/JRzluOBiMz0zFByzlbvqnZ/cGQ8hKKcE5K\nivZrUYmIWopFJ7U6LS1C3IvMKVPSAj7/smV1mD8/3nV+b8d1cl9wPlDux/P3GkBnp1Nz/G3U9boX\nEPwb7PA2dB8J3r63Ug6BsxAkIgodDq9Tq+MsQtyHt70NXfoznKnXy6DXy6DT2fwe9uzf3+Zaf7O5\ngjc+3h7SIVXncP2kSY7bYLrbvFmFnNn/h9qGBCgv7YPy4jdNHseZG3+G7v29TME93zNn1or28fcY\n3r63oeJvDNFy3GjSFt4jEbUc/3egNsFbx6qpLpZzSNX9jkSBLFbeWOMllerq4BpeX768ymNZJl/H\ncMaXmWlpdmmjOXOA9euvHuORR1Kg17fDm8X3YfaoV6A+sR4N6T/xej5nbhqf1xt/O43u+Xafqe08\nfrDdylANgUvVMW0Lk5HawnskopZj0UmtTkuLkEAKLn80Hgb/+OPAfyF7+6Ue7NDvjuNjMXvUK0g4\n+i8IFhNsqhRAkMGq6QxDr/sAudq1bbQNLxcWVmPevGScPClHXZ3gus40mmIMFNfnJKK2gsPr1Oo4\ni5BAZ1hLdZxguQ9Z1tX5d+2ncwh75MgGvPSS+LXly6ug09nw4dG7cUk2AACgObEO2vJXoT28Ekl7\nn0TyN48DNgsEi9EjhqaGTYOZde3cZ8CABly6JKCkROHXrHbnhCS9XoaSEqXPIfZAh3ylmj3e3HGl\nvGQgXDjznoj8wU4nkcSC7by6dzcHDGjAiBH1omN465A5C+WrCxlfPd7EifWYOPE8ysrkmP70BxjT\neTMm316DDu3NEKwN0B56EZrv3oX65PsQbGbUDJyPY2vVeDP3TZyo6oG9r01C5rK7AMF3Adw4rqFD\nm35dEICjR5Wu10I5q71xd3jTphqf20vVMY31Tqw/2sJ7JKKWY9FJJDH36y8LCpKCGkJNSLB7XdYo\nmOvoHPu1x4f4NdYfuzrr3RafhuSv5kOwOdacSix5DrMcDVH0SjuOn2IrGv77Oq6MWA5ZfRWsmo6w\naiya15AAACAASURBVLt7xAGIr8/86KO6JuOWyQK/IVq031s9UK3t/RARNYVFJ1EYBFIgbt6swiOP\npMBqBfr0MSM11YbCwuqQXWPalLpe/wNTpxshN5xG6rZ7YNN0xmVZJv61PRc9Eg9jSq9VUF7ai/b/\nyQUA2AU5ziXfCesPiwAMaPb4zvhLSxWu52w2ARqNDXFxQI8eFr/el79dNc9iLvjlqaTELiERtRUs\nOomijGOWueNy6/Pnge3bHWPkjWd8+9MhKy2Nw5w5STh5Uo4ePSx44YUrPvezaTqhQdMJ56cedQ2j\n33Or47ULpl9DV7IMmqNvQoAdgt2CzlXv4Ov/ewfbjt6IjyruwB2/HQmjsgcKFiW7Hf/q4vfuHU6b\nzXH8gQMDWxnA34k3nsWcwut2REQUHiw6iZoRitnFUgyh+tMhW7hQi4MHHddMOifeOCdH+eTluk1b\nfDtUX/csavs9BMFSB7tcg6IX1+DW7q8jt/d25PbeDpQBxm4TsWH9390Wnvcs9rKyzEhIcAytN5WP\npvLO5XmIiGITZ69Tq9fShatDMbvY10z4xvE5Z5nrdDYsX17let25zqe3xdW9OXAAOHTI87VA89F4\ne6uuBywpWbDqeiD5riXI/+iIaHv1qc1I+nohZHVnEac/DtivFpfOGc4vvnjFIx+Nz9MaZnX7i4ur\nE1FbwP/dqNWLRGesue6o++t1dQJKSpSi+CZOPO/a1n1Y3Xm7y8ZD7d7e05w5cA3Ty2R29O9v9ute\n8o352j4z04JVa+NwoXYXNMfegub4O4gz/YCEY28i4dibAABz5xthzl6MzMx+4nPZ7VBe/BqaY2/B\n1PUWFBTc6zEhyZuZM2td14XOnFnrM3Zfoml9THZviagtCFvRWV1djffffx8GgwEAMGzYMIwcORJ1\ndXVYt24drly5guTkZEydOhVqtbqZoxGFTzBD480VEe6vN3erSff7s/tzr/ayMjkWLUpCaenV5667\nrkHSQsaqvQb67IXQZy+E6uw26Er+BHntScBmgeLsdrQ/ux2GXvfBcO0MKK6UA7YGaE6sg+rCTgCA\n5rv3sCbvzxBurMOuk6Ow6uQKPLmk/mren76COP13sKk7YtWqdq5iesUKHVat0jq2CbBwbOp7FE3F\nKBFRaxK2olMmk2HChAno1KkT6uvr8corr6BXr17Yt28fMjIykJOTg6KiIhQVFWH8+PHhCovagFDd\noUgq3btbfF7f6H55pfOxr/fkKKYcnVOdzobu3S2oqxOQn98OhYXVAefDfXvnsL7zeW8F2bfV4zHv\n+ak4eVKO4Zmn8K85T6NT5Wui7qeTDXLI4DhG35T9AIBr0ytw//B/wXasBza9+hLscjWSvnkcqv27\nYJNr8bthU/HrI0/i+6ruOHlS7ipAQ1U4RqLryGWTiKgtCFvRqdPpoNPpAAAqlQppaWmoqalBeXk5\nZsyYAQDIzs7G6tWrWXRSSEViSZrmiojGr/sqijQau8djf99T//4W2O12jyIq2Hz85S860aUA3t5H\nQUGSa/LStq+6466X/4YPnx+OpG8KYFdo8cXhITh1XodLde3wWfVv8OrrVigv78fjBSnIkv8bY3vt\nwJAu30KmP470T291ndsWFw+ZpRaTM/6JyQX/xD++mY0XvpiPUn1vUYxlZXJMmZLmtRh1F02FHpdN\n8o5dZ6LWJSLXdFZVVeH8+fPo2rUrDAYDtFrH8JhWq3UNv9fU1KC2Vny9llarhVwe+ctQ4+LioFBE\ndvkVZx6YD4doy8egQRa3O+AIaDyDe9AgYNOmGpSWxmHhQsfyQkuX1iIry+pxvFmzjK5rGGfNMjab\n62efNeB3v5NBLlfgmWeMePTRq5erCIIQ8Pdq0SJx59T9WIsWJbteW7QoGUuX1orW4fxxS1h75eNy\nr3wAwOOTkrB7t2OfkSMboFBXw95lNEouJ+HV3Y41QHNvuIyP5k2H6uQm2CHAdO0DMAx5HLK6s9AV\nzYWi6iB+MXwlUlU/YOob6zFggAXPPmuAQqHAokVJroLT/T03/ow4vwfOGJ3fo2efNWDuXAEnTshh\nNMpQURGPrCzrj98rx/9VTX2v/MWfGbGm8uH+2Vu0KBkbN0r3x0Es5COcmA8x5sNTMLkIe/bq6+vx\n7rvv4uabb4ZKpRK9JriNIxYXF2PHjh2i18eOHYvc3NywxBkrUlJSIh1CVIm1fCxeDOze7Xycis8/\n99xm9WpAr3c+TsaDD/o+5tixwJdfOr9KwsqVjklFAPDSS0qkp6cHFKP7/229e8vw49+IeOklpeu4\nju2UWLw41RVrXByQnQ38/e9y0TmbimflSmD6dODYMaDamIryPu9j0LD/QkjKgDr1WjhK52uBPgcw\n9br/4L3/uQ35A99HJ90ZJCV1xdixqR7x/n979x7fdH3vD/z1zbW5toUWLDIpKJSWAgooMlCmKCgM\nNxA3jsPL5DfZHD8nG0fdkM0z6I5Tj+433dnBDedRt3mUi+KYyvGGOqVOkEtpRURA5FpKm6ZJm+v3\n90dImjRJm6T55vtNvq/n48HjUXL55vN9fz9J3vlc7XZgzZrYc+6rjkyfDpSUhGK+e7cmcl1SuVb5\nKN33zO7d0dcvlLxLJfpa6vXp191M5NtniNQYj1iMR//kNOkMBAJ4/vnnMW7cOFRXVwMALBYLnE4n\nbDYbnE4nLBYLgNBEo6qqqpjnW61WtLa2wu+Xt4vFaDTC4/HIWgadTofS0lLG46x8jYfPVwzAcPZv\nL5qb41tyoh+zc2cQU6b4+2xpi45HRYUf69d33xe9H3sqVq1K3sIXfd+qVR24804bwi2GY8b48Oqr\nbTAajWhu7o5Ha6sWPp/17N8daG7ubkX87LPQGM0dO4Al3w9g06aJQABo3HompgyHAtPgC+ig1/rx\nwOx78buDT0Zi17O8FRUBNDenV0cSXZdUrlWq8vk9s2RJd0v1kiXerLQ+JotHz/rV3Jx563Jf8vUz\nRCqMRyzGI144Jmk9R6KyxBFFES+99BLKy8sxZcqUyO1VVVXYtWsXpk2bhp07d2L06NEAALvdDrvd\nHnec5uZm+Hy+XBU7IZ1OJ3sZwvx+v+xlYTxiRcejrzFpq1e3Re5fvdoBny/+wyz8mMZGPZxODbZt\nM+CeeyxxYwCjX+vXv3Zh+vRQPHbvFvs1Lm7kSB/Wr++K/H/37thzWr/+dOS+YNAa9bcIn88XVz/u\nucce6TINn0f0bWGiKEaeF33/3LklGDbMj2WvP4vHZy3Eool/RtXCG+HzjgcEIa68PatDzzoSHbfF\nizuwdq0VLhcwdqwXZrOI1asd2L0b6OgIDS+orPTjttucmDvXnnFMM3nPSDW+Md33jCiKMX9n4/2W\nLB59XUspKO0zRG6MRyzGo39ylnR+8cUX2L17NwYPHoz/+q//AgDMmDED06ZNwwsvvIAdO3ZElkwi\nKhR9zYROZQJJ+DHRa3P29Vpz5+px4YXArbfqcddd9j4n1aSjt3MKz8Lv+Xc6NBoRFouIWbPckZny\nbnf30BunU4OGBgMslm+ia8hVKDr2Oi7ePwfiZ1p0DZ2F1qlPJNxRKZXzCSf2QPeaqEBordTw5Ciz\nWcTatdacz3BXylqeSpqA1RMnHhEpW86SzmHDhuH+++9PeN8tt9ySq2IQ5a10vuydTg3efRfYudMe\nM6kmlXU+s13GvXs1WL68e5mlRI8J3xZO+pxOAY8+2j0hqLY2tBNTdFIIAM4xd8Jw+iMIfheEoA+m\nI3+H+9jr8JzLFTCkouSZ9kpJzIkoMfmnYREVsGy2CvX2Zd/UpIPLJcBmCyIQANzuxDvcptEAmFTP\nc+rZutSzjHffbUZ9fWicZ7Ilm/pqzbVYRGzY0BL3Wr6yiThx/V5AFGFtfBz23Q+gZNsy+ItHARoD\nOqp/gJ2tV2LFfSUQBAFr1gAVFcnPJ9y9Hr492TmHz6Xn46Jl0urW23OU2MLIlkUiSocgRg/QyQNK\nGNNpMpnQ2dkpaxn0ej3Ky8sZj7PUHI+e61LW1nphtYZm+956a1tM93p0l3G2JNqmM9qCBeX44AN9\nr68fTl5cLgGCEOrC7pkA9pnQ+Dsx6NWroXMejLn5tU+vxb+/cTf+cXAqpkzVY/166etIz2vS87yT\n1ZG+YplN2XjPZKu82XrP9CcJVvNnSCKMRyzGI144JulgSydRnluxInZdSotFxKZN7Wc/IH0YNuy0\nrC1kDz7oxvLlRb2+fnS3aHTyMmdOGjM0dSY0z9wMy7610DuacKzhEM4vbsSsUa9g1qhX4AvosO3U\nHMD/W6T70ZduMtPzmvQ81sqVVgSDZrYOZpmSu/6JCEj8qUhE/dbUpMP8+QMxf/5ANDVl5/ddX8e0\n2YJxiV34i3jDhpZIgpPNstXVOTB5sgeTJ3sSJpVjxgTjXr/n+cQvKJ8Z0VCMjrE/Ruu0P+A7W7Zj\n1hOv4qG3l6PpVA30Wj8uq3gJtvp70j5uOCmurzdGks/eRE98Mptjr8mKFcX44AN9wmP1FUulybfy\nEpG8mHQSSSTdRCXTY0Z/8W/ceLrXlrOmJh1mzSrDzJnlGZetZ8KaKKlN93ycTg1stmBWk5e6unY4\nSr+G9c2rcWzmW2id8zoAwHhwPRCUbr1HAIgetDRihD/luEj9AyHb+nPtiUh9mHQS5bl0vvjD+6IH\ng5nPKOpPMt1bAlVT48tq8hIdFwCY/d3LcKpzKISgD2VvzI/NDPuQqEWvt3PpbemoujoHpkzxpZxg\nS/HjhYhIDkw6iSTSM1HJRotVJt2Z0a8b3e0LJO6OT/S8bLWw9Uyg+ns+qZZrxYrQLjp/2nYjAMBw\n+iOYDm9M+diJEvveksHezqu62o/NmzvYOkhEqqOsvhqiAtJzUkP0TN9M1xDMZKJE9CSd2lovamu9\nOHxYh8pKPx59tC1p4pNszcNcLQOVTH/WYrx386/hs16A+y6+HfaPf4muIVdBNHTvfNbfdR6lWEJI\niUslERFlgkknkYqE17vsj/7MEJYrgaqrc+C++0qg1xtw2ffnwXP4DzCe/ifefeAxPLLzkYwSxGRr\nd2Z7cXLOyCaiQsHudaIckWumb6avK0V5szHxJJNyVVf7sWmTA++8A9SMEeGY9Cv4g1p8a+R/Yrzw\nFFas6N5HPdVjh88lnHwmGr6QSFOTDnPmWPscHhDu6p81qwzXXFOmyIlEJB8lTzDLN4xl7nBx+Awo\nYWFWLlQbi/GIpeZ4JOvi7hmTrf/2AP5l1GMAgPoTMzD8thXwF1eFHnv6IwjBALyDJvf5etHDJmpr\nvZGJQ8laT1NdUD3R7kzZXDBezXUkkXyLh9QbCeRbPPojlViqKR6p4uLwRKQY4eRPo9Fg1SpfzibN\npNrFfc6Cn+CPf7XjWyN/h8nnvAHxla1wj/g2AtZK2HfVQRS0aL72fyOJaCqyMXyBiKhQsXudSGVy\n1ZUUTv4++ECfdKmfbJUl+jgtLd1d3C5X99+NjVpcfjlw3XXFaGrSoWqMHrNX3wH3wnfhuuAmQAzA\ncuDPsO+qAwAIYgDF23/e59JK4S752lov3G6hz3NJdcmk6OOOHevlAuwUgwvzZw9jmTts6SRSGSkm\nu8hdlujjmM3ByO1C1BDLe++1Yts2ADDEvFbQOACOix+Ae8S3Ubz95zC07IBn8DQYT74X+ndiKzwV\nX0v62uGxnamuThBeMqmv7jFOIJKfFKsRZAvrR/YwlrnDlk4ikkS49WDKFB8WL+7I2UB9rbb7b7M5\n9SHrvoEX4fTMl3HsX46i5cr/QXvtTwAARV++ku0i5j21TLzIZGF+tcSGKBNMOolURo6upMcesyX8\n8s5WWaK7ogcP9sNmC2LsWG/MMb/3PTfs9tCC+IsXd/R5TM+QGQAA4/G3U9q9SGlddFImP9wlKTnG\nhig5/gwjUplcdSVFd3nbbMGEj8lWWaK7uBsawt3sYkx36B/+YEZ7OwBosHatFXPmeHo9pm/AWASM\nA6BzfQmt8wAC9gviHiP4O6FrbUDAMhTV1RWK6qJT0jCKfMWF+Ymyi0knEUlu2DB/zFJC2dJzzF20\nxkY9mpp0mY/DEzTwnDMd5sMbUXTsDbgSJJ2l/1iComNvIKiz4tTsNxE0DYau/TP4i0cBQuF2JKkl\nGcvkR5FaYkOUCSadRCSJ8JdvaMmk5Ntt9kfP1ry6OgfmzSuD06mB06nBvHllqKkJjSl1uQC7Hais\n9KWcDHSdezXMhzfCtve36Bo6GwHrV2A4tQ2C341A0SAUHXsDAKDxd6D0g6XQdjVD5zyIzq/MQevU\nNbEzmbKgqUmHu+4qSWkbUymTH068SI6xIUqOSSeRQih5pmwmwl++oYWMc3Mu1dV+1NT4Iomo06lB\nfb0RjY16OJ2hlsee3e696TpvLroObUDRsddR9vo3ETQOhL5tb+xjzr0axhPvwtj8YeQ205HNaHcf\nRcAyNKXXMR57C7aG/0BH1ffQNewbSR+3YkUxGhoMAIA9ewx9zpJn8kPpCn8OCYKANWuAigq5S0SF\nhEknkUJwDF76ErXmhW+LTjQzJmjQOuX/ofy1OdB1HIK280TM3QGhCI6LfgHjqQ9gPvAXuM//DkyH\nX4Tx5Hsoe20O3CNvhuuCRQiaBncf0u+G4ZPnoG9uQNGJrRAFHXQdhyAEvRjw/h1wH38bActQ+OwX\nwF9cBcHvgunwS2d3R7q5f+dD1Ifoz6GlS4H162UuEBUUJp1E1CeltsImas0L3xZd5sWLO/Dkkzbo\n9QasWtX3zPVooqEEp2a/AcOZPUDQh6V3j8T/vD4OYyv2YHiVCb9faIHbNhzu828EAHjLL0bJBz+C\n4cxO2BoeQUf9C9g35T3UDDuOoi9fhbXpd9B2Nce9jqfsYhhP/xPmg88nLsina7FhyVv4pud3+ORA\nMSor/f3qNm9s1GLlSsDnK8bq1dIMfyAiisa91zOghH1PuQ9srEKIRzYTu2zHo7e9ifsq9+efW7B8\neVHS+3MlWzFJac9rUcRDP9yOlRNvxQBzKzx+A4w6b+Ruf9lFcFdcBVFbBFvDI3AP/xbaJ/4ShtPb\noW/dA03nSegcn0Lv2Ach0AXPOZfD9MXLEAJd8JuHoHPEQjjH3Alo9Bmfx/XXl2HbNkPv55Ej/AyJ\nJWc8YrvXDaioUHc8wlg/4nHvdaI8lq9j8PoaFnD33WbU1+uT3p8NuWyJTWmCjiDggxOzsGzTo1h7\nw2IYdV60dRbj45YrMH7h1yGMnIfOri4AgKvq/wCa0Eext/xieMsvTnjIjtHfR+k/fgB9+6ewNTwC\nv2UoOkd8O/snSKoW/hzqTrLkLhEVEiadRNQnpS8Dk8vxsKn+OAjFbCEG/+rbcLtEeAJGXHKJDxv+\ntQWm6FntmtQ+hv0lo9E86+8o+einMB98AaX1P4bl0ycRMA+Bv6QGHTVLIepMKZ/HAw90YOXKAfD5\nvFi9WnnXlIgKD5NOIupTb4lWXwnpgw+6Y7rX1SJ+bGnqSzUlpTPBMXEV9C07oW/fD0NrA9DaABzd\nAkPzhzgz/b8h6szQdJ2GxtMCf3FV0kPV1ATwzjtAc7MDPh/Hc8pFqeOliaTApJOI+qWvlr8xY4KS\nDxvoK/FtatLhvvuKodcDq1ZpMXJk+mOyEiUHciQMot6G5jlvQ/C2Q+c8AG3HFyj++N9gPPU+yl67\nFkHTYOhPb4cm0IW2Sx6G+/x/kbxM1C3dOsFVK0hNmHQSUd7rK/ENfbGHJs3ce68V69d3pf0aiZKD\nVBIGKZKKUGIzHMBw1NU5UHtlLcre/Bb07Z8B7Z9FHlf84b9C4z4Ojd8NXVsjBDEI1wWL0HXe1/td\nhvjysLUOYBJJ1BsmnUTUb0w6cis+sTkfp2a/BcPp7YCgRdBYCuOJd2HfVQd7w3/EPNdw6n2c0RoQ\nrJwjYXmYaKVK6eOlibKJSScR9ZvSk466Ogfuu68ko3U6o4+RbCH66NsAxK0RGn2MRI8J395X4h5+\nTmNj/FJJosEOz5ArIv/3DRgLUVcE47E34RswFt4BF8F48j1YP12Lge98F57PZwJz/gQg82WXKF66\nSWS+rlpBlAkmnUQFavduYMmSYoiimDetj1K1mFZX+7Fpk+PsEjABZLLMXm8L0fcUnYQDSKnbHUBa\nXfU2WxA1Nb1PTnKNug2uUbdF/u859yoIQQ8snz0L45dbgP+uhfW8byAghmbTN7eXYMXTi3DYWYVf\nrnalHH+21nVjEkmUHJNOogK1dCkii39L3fqYraRDqS2mUg8faGzUo7Ky72O63d1LLVVWZpDcCBo4\nLv41nGPuwoB/3g3DsTdh+vSpyN1WAH+Z9SgaT1Zj5a/W4bFnSlI6LBMtIkpFXiWdXV1d0Ov10Onk\nLbZGo4HJlPp6eFIQBAFut5vxOIvxiCUIAgKBAABtTso0YQLwyivus//TI7rLNp3X1mg0MX9ns8z9\nqSMrV1ojC9yvXFmKzZt776J/+OEu3H136FyWLPFiwYLQrh0PPujGmDFBaDQaPPxwF2bPDu0P73Rq\nIAgCpkzxnX1cV8JzF6LW9xQEIfP4mEbAfc06iMffQKD1cwAidCe3Yec2J4YWNaJmcBP+OGM6tM4/\nIzAo8WL12aSU9ww/Q7oxHrEYj3jRn0epyquks6ioCE6nk1tQIbT9VElJCVwuF+MBxqMnvV6P3/9e\niyVLvBBFEatWOdDZKU/3ejrxWLXKF2lRzHaZ+1NHgkFz1N/BPs9nxAhg3ToXgPC2maGEdfnyImzY\n0AKTyYQRIzpRU1MUadkNBkUEg6FdiT0eT8JzN5nMUX/3XY7e6PV6lNQs6N7Wb/hNcBbrsOgXAuou\nXYQpFVsgbp6DrqGz4LrgJngHTwUETd8HzoBS3jNq+wzprQVfjfHoDeMRT69Pfzy4NJ8gRCS7ceOA\nTZsc2LChRZHjOZuadJg/fyDmzx+IpqbQ799wN63SylxX58DkyR5MnuzJypjFvXs1mD9/IFwuAWPH\nejF5sgeCEBrTWV9vjCQC2S5HdMwbG7Vx91dX+/Hs8z4Mu+sP6Bh1GwARpiObUfbWQgzafDnM+58G\nAukvN0XKFB7O0ludI8omJp1EJAu1fOElShRD+9Eb0dBggNksYsOGFpjNYszzpEjKo2N+773W5A/U\n6NA+cRVOXleP9rHLETBXQOc8iJKPforBm6bA2vAbGI+/DYhi8mOQKiSqp/mmEM4hXzDpJCJC7188\n/UmQU00UeyanSkjKg+YKdNQuw8m523Bm6u/hK6mBtusU7HsewsC3vwPz/qdkKRdlRzZa8JVQT/ur\nEM4hXzDpJCJZZLvLur9y+cXz4IPuuHOvrvZj8eIONDbqMW9eGc6cyd7Hczihju7Of+CBNNYr1ejQ\ndd51aL5mC1qmPwvPoCkAAPvOOmg7DmetnJRbSh3OQoWLSScRySKfvvB6Jsj97Y4L70ff89x/8pPS\nyGz2o0e1WUvKwwl1dHd+TU0g/QMJAjxDrkDLjHXoPG8uNIFODH75q6EWTwm72jOJN7tMc0NpPx4z\nUQjnkC/4TiQi1ehtwfze1hrtuQ5laEZ69tcTDfTIA5W89qXrgpth+uJlAEDJRytgPPk+OqrvgG/A\neCCDpVR6k8n6rUpd8zUd+bC9bCGs0ZroHHrGftw4OUqWunyoKwBbOolIRcIL5ifqQldCy+u55wYS\n/t1fUrTkeAd/FaeufR1tlzyEoM4M05HNKN8yBwPeuRWCtz0rr6F2HGson3yLfb6Ul0knEVGakiVx\n/enSbWrS4cSJ7mWMBgwIZq28fSXUqZa75+P8JdVwn38jTs/cjK5zr4aoMaDo2Oso2/J1aNs/y1r5\nM0ma2WVKpDxMOolINR5/HLj0Um+/E5FkSVxvrQ3RCdvevfEfvStWFMPpDN1uswVzmiil2kqS7HH+\n4lE4c/lTODX7LfiKR0PvPIDyLV+H+bM/Q396BzTu40Cwfy23LpeAxkY9li0rSSmhV0LLdbRMfpAw\ncZZPvsU+X8rLMZ1EpBrhBfPl2FEkeozh3XdrIjsWJVJT41NEotQbl0vArFllOHxYh8pKPx59tA3V\n1ZU4ffUmlNTfBdORv6Pkn3dHHi8KOgTMFegaOgvuC26C335Byq+1YkUxGhoMAIA9ewx9jtFU4vi2\nTMaYFsJ4yXwVH/v0d9/JpXypK2zpJCLqRTotVOHWhtpaL9xuoV+tWrmcfZ1qK0n04wQBaGgwwOnU\nRBJBABD1FrROfQJtk36FzqHXwDtgHALGMgiiHzrXEVj3/RGDNk/HwDcWoOiLTUDAm3G5k8UoX8a3\n9Yaz76kQCaKYX1tKRPYJlpES9j3V6/UoLy9nPM5iPGIxHvEyjUn0TPXJkz0ptSYkek5069vDD3dh\nxIjkLZ2Zvm46LXz9rSPR5UupjIEu6NuaYD7wF5gObYQmEKoTAWMZvFU3wTnkWog6U+ixoghDy8fQ\nOfajc9g3sOfEONzzEyOOfyli4BDz2VZVf9IYZRI7qd8z6Vwbk8mEa681p30O2cTPkFiMR7xwTNLB\nn09ERDkQ3f0V+tLI/mvkcpmgujoH7rqrJNK93uc4Mm0RfAMvgmPgRWi/cCVMhzbA8tnT0Dv2wbT7\nUZh2P5rwadam3+FrRWX46KZmiIIWp6/eBN/AC/ssW7Llr+SSL92fRFJi0klE1IvoBGbx4g7Mnz8w\ncnuy1qpsJD2pHKNn61kuVVf78dprpzN6rmiwwz3qVrhH3oJjH32M02/8FTUDPkTZwNBko5YWDU51\nnotzRg/FkLYXoO1qBgAIYgD6lo8jSWeyGBVCgqfExJmov5h0EhH1IjqBie62nTevDBs3nk6YeGYj\n6UnlGD1bNvMuUREELP33q1Ff/3UAoW5kADHdyhv/+jNo/G6YDzwL297fQtt1CvqWnTCe/AemNm/D\nO99vg694FNrP/zlEhM7deHQLrPvWAkEvACH0L7xgvaCBqDFC1FsQ1Fkg6iwQ9RZoEQC0ftjamwGv\nA4KvAxqfEwh44CubiK6hs+A5Z3r3EACJFULiTNQTk04iogw4nRrF7XRTXe2PJJ7hJFQJM7f7aGjx\nnAAAFV9JREFUQzSWImAsRaBoEADAtve3sO39bcxjDC07YGz+EN6yiyEE3JGdkjJRlOA2vfMAzAef\nh6gtgnfgRRC1Reg69yq4z78J0GgTPIOIEmHSSUSUoro6B+bNK4uspym3RC2b+bb9Y12dAytXliIY\nDMacQ/i+MN/ACyEKWghiAH5rJTyDp8I76KsIFJWheMfPoXfsg875eeTx7WOXwztoCgDx7L7wIr44\nrMGfnjRBr/HitkUnMXRQOwR/BwS/Gxp9EaylQ9DuAXwaE0S9DUGdDQKCMB7fiqKjr8HQ8jGMpz4A\nABQdfwvmz59H28UPwj+gNmfxIspnTDqJiFJUXe3Hxo2nFdOFXQhdsNXVfmze3BEzGzfROfkGXoQT\n83ZBCPoRNMXOmD199csoOvq/QKALAOAvqYZv4Pi4Y9zxg+7hEe+fiJ0RrtfrYS0vhyfB7GTfgHHo\nGPN/oXEfh97xKTSdJ2Hf8yAMZ3ahfMu1cI1aDOfYf4Wot2QeCCIVYNJJRJQGpSd6mYzrVOJi6omI\nxlIkWuNP1FvQWflNyV8/aK6Ax1wBAOj6ymzY9jwMy6drYd33BxQd2QzHxDp4hs6UvBxE+YpJJ5GE\n8uXLnApHJklxPnTJZ+O9lCghDx9XEASsWQNUVKR2LFFvRfuE+9FZeT2K/3k3DGd2Y+C730Xn0Gvh\nmPhLBM1D0i5fVolBaDsOQ9/WCH1bU2gr0jRoNBrAVgZz0Ai/zo6gvhhBYwmChtA/0ViKoN4OaJhG\nUOpYW4gklA9f5kT5IJX3Ul+JaaKEPPq4S5cC69enVy7fgLE4ffXfYNn/FGy7fw3Tl6/AeOIduEcs\nhKiNn+ku6s0IGooRNJRCNISTuGKIWkPkMUKwCJquru4nCVqIOjNErTnhxCXB1wFdW9PZBLMR+tZG\n6ByfQON3p3cyCfQ1YEAUcjO+uSQnr9K3MrkLcFayeATMQ3Hqug9yWpZ0MOkkItXYvRtYsqQYoihK\n3vKcT63cebfUUhKy/cjTaOGqWozOr1yL4u0/h+nLV2D9dK0kLyVqixDUmkJJqM4MIeCBzvVFwscG\nTOfAV1IDX0k1AtZh+N1/2vD5wdAe4iOG+/DDHybfFUur1cBmFOA6cwToPAPB2waNpw0anwMaTys0\n3jYIXgcEMSjJeSqVIHcB+qTs68Gkk0hChfJlXiiWLgW2bQu1KEmdlORTK3dvXfJKSZ6lei+FjysI\nAh5/3ND3E3oRNA9B62V/hOvEOzC07ErwCBGC3wVNOIHzOkLJnLcNQrB78pIgCIjZoVoMQPC7Q/8C\nXdAGugBva/fdGgN8xaPgP5tg+kpq4C+tQdA4IObVXz40EPUfnl0DVfDgu+cnr5N6vR628nK4e9v2\nUQyeXRlAWkrY9pHbYGYHk04iCSl90glRX5SSPKfyXsokMQ0ftzup6HdR4T3ncnjPuTzj5ydNKkQR\nQqArKgF1A9DAb6sENPo+j5v1xF3Q5KbpT6OVfz3UcBk0WkAjc2uiEuKRISadRKQajz8OLFnijXSv\nS4mt3NJK1AJb8D/yBAGiznR2V6SBaT+94ONDisekk4hUY9w4YNMmR066xwrlC16pybNSWmCJKHVM\nOomIKKlUkmeljPskImVTxl5uRET91NSkw/z5AzF//kA0NfH3tBSSxTjc6lhfb4wkn1Krq3Ng8mQP\namu9cLsFXneiPMCkk4gKghyJj9ooKcbhFliLRcSePQZFlImIesekk4iI+iXc6jh5skdR4z6JSFmY\ndBJRQVBi4lNoXf7JYhxuddywoSXpeE6pYqHE6x4m5fUvtLpF6pCzmvriiy9i//79sFgsuOOOOwAA\nbrcb69atQ1tbG0pKSnDDDTfAZIrfNoyIqC9KnC1eaDOs+xNjqWKhxOseJuX1L7S6ReqQs5bOiy66\nCIsWLYq57b333sOIESNw5513YsSIEXjvvfdyVRwiohhsOcoexrLw8RpTJnKWdA4bNgxFRUUxt+3b\ntw8XXnghAGD8+PH45JNPclUcIqIYUkySUXLXr5QSxVKNsZDynOWOp5ImlVH+kPXnicvlgtVqBQBY\nrVa4XK7Ife3t7ejo6Ih5vNVqhU4n/y8qrVYLvb7vLcekFI4D4xHCeMRiPOL1FRNBEGL+zkaZx40D\nXn65PXxUAKFjKiEmUtaRRLFMFgugcOPR2zn3JpV4ZHrsVMnxfkmmUOtHppQQDyCzWMgfvbOiKzAA\nbN++HVu3bo25bfr06bjiiityWSzFKy0tlbsIisJ4xGI84iWLyZo1wNKlob8ff9yA8vLyHJZKPlLU\nkXyOJd8zsfh+icX60T+yJp0WiwVOpxM2mw1OpxMWiyVy38SJE1FVVRXzeKvVitbWVvj98u52YTQa\n4fF4ZC2DTqdDaWkp43EW4xGL8YjXV0wqKoD167v/39wsXVkSxaSxUYt77w31/DzwQAdqagLSFQDS\n1pF0Y6mEOtJXPHJ5ffIhHnK/X3KNn6nxwjFJ6zkSlSUlVVVV2LVrF6ZNm4adO3di9OjRkfvsdjvs\ndnvcc5qbm3Oyb3JvdDqd7GUI8/v9speF8YjFeMRSUjwA5cbknnvsqK83nP3bkrPZyEqNR6b6uyVn\nsnjk8voo6T1TaPWjvxiP/slZ0rlu3TocOnQIbrcbjzzyCK644gpMmzYNL7zwAnbs2BFZMomIiChT\nXEqISLlylnQuWLAg4e233HJLropARKRYdXWOmBY6UhZeH6L+U8xEIiIiNVPyIuf5RKrkkNeHqP+Y\ndBIRUcFgckikXNx7nYiIYnC3GeoL6whlgkknERHF4G4z/aOGhIx1hDLBpJOIiCiLmJARJcakk4hI\nRcKtcNddV4zduxM/Ro59vdXQOphMPp673Hu/ZyofY11IGHEiIhUIL5re2KiH0xlqb1i6NHZXmTA5\nJuNIub5mfxeMT1e6M+h7nvsrr7glLV825OuELa7jKi8mnUREKhD9Zas2uU408jUhI5Iau9eJiFTG\nZgvi0ku9ePxxuUvSLV+7a7NB7nNXU5ez3LFWu8KuXUREBCC+y3fcOAHl5eVobpa5YGdJ2Tqo9N2E\n4s9dn9PXV1OXM1uh5cWkk4hIBeRObOTERINIGdi9TkREpGLscqZcYUsnERFRinI9Ez4X2BJMucKW\nTiIiohRx4ffsUtMkJmLSSUSkevziL1xSX9v+Hp9JvLow6SQiUjl+8acu38Y/Sn1tWXcoHUw6iYio\nIOSixTY8/nHDhpaCGM8pt3xL4qVW6L0OhXdGRESUFqWvY5kqNa03mSqpr21/j89JTLEKvQ4z6SQi\nUjl+8Rcuqa8t6w6lg93rRERUENhVS/mu0OswWzqJiKggsNWN8l2h12G2dBIREVFEU5MO111XjMsv\nBxobtXIXhwoIk04iIiKKWLGiGNu2GfDuu8C991rlLg4VECadRERERCQ5Jp1EREQUUVfnwKWXenHZ\nZcADD3TIXRwqIJxIRERERBHV1X5s2uRAeXk5mpsD8PnkLhEVCrZ0EhERSajQd5khShWTTiIiIglx\nf3KiECadRERERCQ5Jp1EREQSKvRdZohSxcElREREEir0XWaIUsWWTiIiUhROvFE2Xh/KFJNOIiJS\nFE68UTZeH8pUXv1E6erqgl6vh04nb7E1Gg1MJpOsZRAEAW63m/E4i/GIxXjEY0xiKTkeGo0m6X1S\nUXI85NBbPHJ9fZQej1xTQjyAUEzSlVdJZ1FREZxOJ3wyr1RrMpnQ2dkpaxn0ej1KSkrgcrkYDzAe\nPTEe8RiTWEqOx6pVvkgL2qpVDnR2+iUvg5LjIYfe4pHr66P0eOSaEuIBhGKSrrxKOomIqPBx4o2y\n8fpQpjimk4iIiIgkx6STiIiIiCTHpJOIiIiIJMekk4iIiIgkx6STiIiIiCTHpJOIiIiIJMekk4iI\niIgkx6STiIiIiCTHpJOIiIiIJMekk4iIiIgkx6STiIiIiCTHpJOIiIiIJMekk4iIiIgkx6STiIiI\niCTHpJOIiIiIJMekk4iIiIgkx6STiIiIiCTHpJOIiIiIJMekk4iIiIgkx6STiIiIiCTHpJOIiIiI\nJMekk4iIiIgkx6STiIiIiCTHpJOIiIiIJMekk4iIiIgkx6STiIiIiCTHpJOIiIiIJMekk4iIiIgk\nx6STiIiIiCTHpJOIiIiIJKeTuwAAsH//frz66qsQRRETJkzAtGnT5C4SEREREWWR7C2dwWAQf//7\n37Fo0SL88Ic/xJ49e9Dc3Cx3sYiIiIgoi2RPOo8ePYoBAwagtLQUWq0WtbW1+OSTT+QuFhERERFl\nkezd6+3t7SguLo7832634+jRo2hvb0dHR0fMY61WK3Q62YsMrVYLvV4vaxnCcWA8QhiPWIxHPMYk\nFuMRi/GIxXjEYjziZRIL2aMnCELC27dv346tW7fG3DZs2DBcf/31KC0tzUXRFK29vR1vvfUWJk6c\nyHiA8eiJ8YjHmMRiPGIxHrEYj1iMR7zomNjt9pSeI3v3us1mg8PhiPy/vb0ddrsdEydOxO233x75\nN2/ePBw+fDiu9VOtOjo6sHXrVsbjLMYjFuMRjzGJxXjEYjxiMR6xGI94mcRE9pbOIUOG4MyZM2ht\nbYXNZkNDQwMWLFgAu92ecuZMRERERMome9Kp1Woxe/ZsPPvsswgGg5gwYQLKy8vlLhYRERERZZHs\nSScAjBw5EiNHjpS7GEREREQkEe39999/v9yFSIUoijAYDKisrITRaJS7OLJjPGIxHrEYj3iMSSzG\nIxbjEYvxiMV4xMskJoIoiqLE5SIiIiIilVNE93qq3nrrLezYsQMWiwUAMGPGDFV2y3Pb0HiPPvoo\njEYjNBoNNBoNbr/9drmLlFMvvvgi9u/fD4vFgjvuuAMA4Ha7sW7dOrS1taGkpAQ33HADTCaTzCXN\njUTxUPPnh8PhwMaNG+FyuQAAEydOxKWXXqraOpIsHmquIz6fD0899RT8fj8CgQBGjx6Nq666SrV1\nJFk81FxHgNAukk888QTsdjtuvPHGtOtHXrV0vv322zAYDPjqV78qd1FkEwwG8dhjj+Hmm2+G3W7H\nE088gQULFqh+8tVvfvMb3H777TCbzXIXRRaHDx+GwWDAxo0bI0nWli1bYDabMW3aNLz33nvo7OzE\n1VdfLXNJcyNRPNT8+eF0OtHR0YGKigp4PB488cQTWLhwIT7++GNV1pFk8di7d69q6wgAeL1eGAwG\nBAIBPPnkk5g5cyb27dunyjoCJI7HwYMHVV1H3n//fRw/fhwejwc33nhj2t8zsq/TSenhtqGUyLBh\nw1BUVBRz2759+3DhhRcCAMaPH6+qepIoHmpms9lQUVEBADAajSgrK0N7e7tq60iyeKidwWAAAAQC\nAYiiCJPJpNo6AiSOh5o5HA7s378fEyZMiNyWbv3Iq+51AKivr8euXbswZMgQzJw5U3WVINm2oQQ8\n/fTTEAQBkyZNwsSJE+UujuxcLhesViuA0Bay4a5ENVP75wcAtLa24sSJExg6dCjrCGLjceTIEVXX\nkWAwiDVr1qC1tRWTJk3CoEGDVF1HEsWjsbFRtXXktddew8yZM+HxeCK3pVs/FJd0Pv300wlXt7/y\nyisxadIkTJ8+HQDw5ptvYsuWLfjGN76R6yLKKtm2oWq3ePFi2Gw2uFwuPP300ygrK8OwYcPkLpZi\nsN6Anx8APB4Pnn/+eVxzzTVxs03VWEd6xkPtdUSj0eAHP/gBurq68Mwzz+DgwYMx96utjiSKh1rr\nyL59+2CxWFBRURFXL8JSqR+KSzpvvvnmlB43YcIE/PWvf5W4NMqTbNtQtbPZbAAAi8WC6upqHD16\nVPVJp8VigdPphM1mg9PpjAx8V6vwr3FAnZ8fgUAAzz//PMaNG4fq6moA6q4jieKh9joSVlRUhFGj\nRuHYsWOqriNh0fEYPnx45HY11ZEjR45g37592L9/P/x+PzweDzZs2JB2/cirMZ1OpzPy9yeffIJB\ngwbJWBp5RG8b6vf70dDQgKqqKrmLJSuv1xtp7vd6vThw4IAq60ZPVVVV2LVrFwBg586dGD16tMwl\nkpeaPz9EUcRLL72E8vJyTJkyJXK7WutIsniouY64XC50dnYCCM3cPnDgACoqKlRbR5LFQ6115Kqr\nrsKPf/xj3HXXXViwYAGGDx+O+fPnp10/8mr2+oYNG3DixAkIgoCSkhLMnTs35pepWoSXTApvG3rZ\nZZfJXSRZtba24rnnngMQGoMzbtw41cVk3bp1OHToENxuN6xWK6644gpUVVXhhRdegMPhUNVSJ0B8\nPL72ta/h0KFDqv38OHz4MP70pz9h8ODBkS6wGTNm4Nxzz1VlHUkWjz179qi2jpw8eRIbN26EKIoQ\nRRHjx4/H1KlT4Xa7VVlHksWDeQhw6NAhvP/++5Elk9KpH3mVdBIRERFRfsqr7nUiIiIiyk9MOomI\niIhIckw6iYiIiEhyTDqJiIiISHJMOomIiIhIckw6iYiIiEhyTDqJiPqhsrISb7zxhtzFICJSPCad\nRET9IAhCr3sOHzp0CBqNBsFgMOVjVlZW4s0338xG8YiIFINJJxFRDqSzD4cgCGk9nogoHzDpJCLK\ngg8//BCTJk1CcXExzjnnHCxfvhwAcPnllwMASkpKYLPZUF9fjwMHDuDKK69EWVkZysvLsWjRIjgc\nDgDATTfdhC+++AJz586FzWbDww8/LNs5ERFlE5NOIqJ+EkURP/rRj7Bs2TI4HA58/vnnuOGGGwAA\n7777LgDA4XDA6XRi8uTJAIAVK1bg+PHjaGpqwpEjR3D//fcDAJ555hmcd955+Nvf/gan0xlJXomI\n8h2TTiKiLDAYDNi/fz9Onz4Ns9kcSS4TdZOff/75mDFjBvR6PcrKyrBs2TJs3bo110UmIsopJp1E\nRP0kCALWrl2LTz/9FNXV1bjkkkuwefPmpI8/efIkFi5ciKFDh6K4uBg33XQTWlpaclhiIqLcY9JJ\nRJQFF1xwAf7yl7+gubkZ99xzDxYsWIDOzs6EM9t/9rOfQavVoqGhAQ6HA88880zM7PbeZsMTEeUr\nJp1ERP0kiiKeffZZNDc3AwCKi4shCAI0Gg3Ky8uh0Whw4MCByOM7OjpgsVhgt9tx9OhRPPTQQzHH\nGzx4cMzjiYgKAZNOIqIseO2111BbWwubzYZly5bhueeeg9FohNlsxooVKzB16lQMGDAAH374IX7x\ni19gx44dKC4uxty5c3H99dfHtG7+9Kc/xerVq1FaWopHHnlExrMiIsoeQeRicEREREQkMbZ0EhER\nEZHkmHQSERERkeSYdBIRERGR5Jh0EhEREZHkmHQSERERkeSYdBIRERGR5Jh0EhEREZHkmHQSERER\nkeT+P4dhKAAtt7GvAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 44, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "k = 50\n", + "knn_model = KNeighborsRegressor(n_neighbors=k)\n", + "knn_model.fit(X=boston_housing[['lstat']], y=boston_housing.medv)\n", + "boston_housing['predicted_medv'] = knn_model.predict(boston_housing[['lstat']])\n", + "\n", + "plot_boston_housing_data(boston_housing, title='KNN Model with k = %i' % k)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now, this looks pretty reasonable, and we'd think this predictor would **generalize well** when facing new, not yet seen, data. This is a **low-bias**, **low-variance** predictor. We love ones like this.\n", + "\n", + "Hence, the key take-away is that, throughout a range of **hyper-parameter** $k$ from small to large, we have seen a spectrum of corresponding predictors from \"low-bias high-variance\" to \"high-bias low-variance\". This phenomenon is called the **BIAS-VARIANCE TRADE OFF**, a fundamental concept in Machine Learning that is applicable to not only KNN alone but to all modeling methods.\n", + "\n", + "The bias-variance trade-off concerns the **generalizability of a trained predictor** in light of new data it's not seen before. If a predictor has high bias and/or high variance, it will not do well in new cases. **Good, generalizable predictors** need to have **both low bias and low variance**." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Out-of-Sample Error and Cross-Validation\n", + "\n", + "To **quantify the generalizability of a predictor**, we need to estimate its **out-of-sample (OOS) error**, i.e. a certain measure of **how well the predictor performs on data not used in its training process**.\n", + "\n", + "A popular way to produce such OOS error estimates is to perform **cross validation**. Refer to lecture slides or here for discussions on cross validation.\n", + "\n", + "Now, let's consider [**Root Mean Square Error** (**RMSE**)](http://en.wikipedia.org/wiki/Root-mean-square_deviation) as our predictor-goodness evaluation criterion and use **5-fold** cross validation **6 times** to pick a KNN predictor that has satisfactory RMSE." + ] + }, + { + "cell_type": "code", + "execution_count": 45, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# define Root-Mean-Square-Error scoring/evaluation function\n", + "# compliant with what SciKit Learn expects in this guide:\n", + "# http://scikit-learn.org/stable/modules/generated/sklearn.cross_validation.cross_val_score.html#sklearn.cross_validation.cross_val_score\n", + "def rmse_score(estimator, X, y):\n", + " y_hat = estimator.predict(X)\n", + " return rmse(y_hat, y)\n", + "\n", + "NB_CROSS_VALIDATION_FOLDS = 5\n", + "NB_CROSS_VALIDATIONS = 6" + ] + }, + { + "cell_type": "code", + "execution_count": 46, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAp0AAAH+CAYAAADeXbVXAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3XdgFXW+///nnJYeEggQCKH3TgAFUZplEQvqWhEUEBFZ\n7qp3793m7rp797r3ft313tXrz4pdcVldRESDImAkFIEQehcILYGEBFJPn98fWY/GUKLklJy8Hv+Y\nmfmcmffMO0fe+czM52OYpmkiIiIiIhJElnAHICIiIiLRT0WniIiIiASdik4RERERCToVnSIiIiIS\ndCo6RURERCToVHSKiIiISNCp6BQRiQAWi4W33347sNylSxf+9Kc/nfcz06ZN4+qrr77oY3/++edY\nLBaOHz9+0fsSETkXFZ0iEnFOnTrFz3/+c3r37k1cXBxt27ZlzJgxvPnmm/h8vnCHF/DQQw+RkZFx\nzpj69evH1KlTG7w/wzACP2/cuJFHHnnke32mIWw2G2+88UaddaNGjaKoqIh27dp9r32JiHwfKjpF\nJKIcOXKErKws3n//fR577DHy8/NZs2YN9913H3/5y1/YsWPHWT/ndrtDHCk88MADFBYW8tFHH9Xb\ntnr1anbt2sUDDzzwg/bdqlUr4uLiLtju+87vYRhGvc/Y7XbatGnzvQtYEZHvQ0WniESUOXPm4PF4\n2LRpE3fddRe9e/emW7du3HPPPeTl5dG9e3cAxo4dy8yZM/ntb39Lu3bt6Ny5MwDr1q1j9OjRxMfH\n07JlS+6++26Ki4sD+z969Cg//vGPad26NXFxcXTr1o2//OUvge0ffPABQ4YMISEhgdTUVC699FI2\nb9581lj79u3LqFGjeOmll+pte+mll+jTpw+XX3458+fP59JLLyUlJYXWrVtz/fXXs2/fvvNeh86d\nO/P4448HlktLS7njjjtITEwkPT2d3/72t/WKx2XLljF27FhatWpFSkoKY8eOZcOGDXX26fP5mD59\nOhaLBavVCpz99vqFruPvf/97evToweLFi+nduzeJiYmMGzeO/fv3B9qUl5czffp02rVrR2xsLB07\nduRnP/vZec9bRKKXik4RiRilpaVkZ2czd+5ckpKS6m232WzEx8cHlv/+979z6tQpVq5cybJlyygq\nKuKaa66hY8eObNiwgQ8//JDt27dz6623Bj4zZ84cKioqWL58OXv27OHll1+mQ4cOABQVFXHbbbdx\n9913s3PnTtatW8cjjzyCzWY7Z8yzZs1i6dKlHDt2LLDuzJkzvPvuu8yaNQuo7YX93e9+R35+Pp99\n9hlWq5XrrrsOj8dzzv0ahlGn5/G+++4jPz+fJUuWsGLFCg4dOsSiRYvqtKmqqmLu3LmsW7eOtWvX\n0qNHDyZMmEBpaSlQe8vearXy1FNPUVRURGFh4VmP3ZDrCFBYWMjzzz/PO++8w5o1a6ioqGDGjBmB\n7b/5zW/Iz89n8eLF7N+/nwULFtC3b99znrOIRDlTRCRCfPnll6ZhGOb7779/wbZjxowxe/XqVWfd\nb37zGzMzM9P0eDyBdVu2bDENwzBXrVplmqZpDho0yPz9739/1n1u2rTJNAzDPHToUINjdjqdZsuW\nLc3/+I//CKx79tlnzdjYWLOsrOysnzl16pRpGIa5Zs2awDrDMMy33347sNy5c2fz8ccfN03TNPft\n22cahmF+9tlnge1ut9vMyMgwr7766nPG5vP5zNTU1Dr7tdls5uuvv16n3cqVK03DMMxjx46Zptmw\n6/jYY4+ZNpvNLCkpCbRZsGCBabFYTJfLZZqmaU6aNMmcNm3aOeMTkeZFPZ0iEjHM7/l84tChQ+ss\n79ixgxEjRtTpmRw4cCAtWrQIPAv68MMP86c//YkRI0bwy1/+klWrVgXaDho0iB/96Ef079+fW265\nhaeffpqjR4+eN4aYmBimTp3KK6+8Elj30ksvcdttt5GSkgLA5s2bufnmm+natSvJycl06tQJgIKC\nggad586dOwG47LLLAuvsdjvDhw+v0+7gwYNMnTqVHj160KJFC1q0aMGZM2c4fPhwg47ztYZcR4D2\n7dvTqlWrwHK7du0wTZOTJ08Ctb3K7733HgMGDODhhx9m6dKl3zvHIhI9VHSKSMTo0aMHFovlnC8L\nfZthGCQkJNRbd6GiZtq0aRQUFDB79mwKCwu59tprA2+YWywWsrOzWbFiBcOHD+cf//gHPXv2POuL\nQt82a9YsCgoKWLp0KXl5eWzevDlwa726upprrrkGq9XKa6+9xoYNG9iwYQOGYVz0y0/fPdfrr7+e\no0eP8uyzz/Lll1+yefNm2rRp872P05DrCOBwOOp9DsDv9wNwzTXXcPjwYR599FGcTidTpkxh/Pjx\nge0i0ryo6BSRiNGyZUuuvfZannnmGcrLy+tt93g8VFdXn/Pz/fr1Y926dXWeldyyZQtnzpyhf//+\ngXXp6elMmzaN119/nXnz5vH2229TWVkZ2D58+HB+9atfkZOTw5gxY3j11VfPG/e3XyiaN29e4AUi\ngF27dlFSUsLjjz/O6NGj6dWrF6Wlpd+rx+/r5yBXr14dWOd2u+u8JHTq1Cl27drFL3/5S66++mp6\n9+5NTExMoNfxaw6H44LDTjX0OjZEamoqd955J88//zwfffQROTk57Nq163vtQ0Sig4pOEYkozz77\nLHa7naFDh/LOO++wc+dO9u/fz1tvvcXw4cMDb0ebplmvcJs7dy7l5eVMmzaNHTt2kJuby9SpUxk9\nejSjRo0KtMnOzuarr75ix44dLFy4kI4dO5KYmMiaNWv44x//yPr16zl8+DDLly9n69at9OvX74Jx\nz5o1i8WLFzN//vxALydAp06diImJ4emnn+arr75i+fLlPPTQQxccnujb59a9e3duvPFGfvKTn/D5\n55+zc+dOZs6cSWVlZaBdamoqrVu35sUXX2Tfvn2sXbuWu+66q96wS126dGHFihUUFhZSUlJy1mM3\n5Do2xKOPPsr777/Pnj172LdvH2+99RZJSUl07NixwfsQkeiholNEIkpmZiabNm3ipptu4ve//z1D\nhw4N9CI++OCDgQLwu293A7Rp04ZPP/2Uo0ePMnz4cG644QYGDhzIe++9V6fdww8/zIABAxgzZgw1\nNTVkZ2cDkJKSwrp165g0aRI9e/bkvvvuY8qUKfz2t7+9YNy33347ycnJeDwe7r333sD6tLQ03nrr\nLZYtW0b//v35+c9/zpNPPonFcv7//X733F555RUGDx7M9ddfz9ixY8nMzOTmm28OtLNYLLz77rt8\n9dVXDBw4kBkzZvDII4/UG/D9ySefJC8vj86dO9O2bduzHq8h1/Fs1/+7+4mLi+N3v/sdw4YNY/jw\n4Wzfvp3s7OyzjkwgItHPMEP0VHdNTQ2LFy8OjPM2adIkMjMzA9urqqpYuHAhlZWV+P1+LrvsMoYM\nGRKK0EREREQkyM49+FwjW7p0KT169OCOO+7A5/PVG59u/fr1tGvXjquuuoqqqiqeeeYZBg4cGBi8\nWERERESarpDcXnc6nRQUFJCVlQWA1WolNja2TpukpCRcLhcALpeLuLg4FZwiIiIiUSIkt9cLCwtZ\nsmQJrVu3pqioiPbt2zNhwoQ6w234/X5ef/11Tp06hdvt5rbbbqNHjx5A7VRq336zFCAxMZHk5ORg\nhy4iIiIijSAkt9f9fj+FhYVMnDiRjIwMsrOzyc3NZfz48YE2q1atIj09nenTp1NaWsobb7zBgw8+\nSExMDHl5eeTk5NTZ55gxYxg3blwowhcRERGRixSSojM5OZnk5GQyMjKA2jHncnNz67Q5cuQIo0eP\nBmrH6ktNTaWkpISMjAyGDh1Kr1696rRPTEykrKwMr9cbilMIqpiYmMCjBU2ZzWYjNTVVeYkw0ZYX\nUG4ilfISmZSXyBQteYFvcnPBdiGIhaSkJJKTkykpKSEtLY0DBw7Qpk2bOm2+Xt+xY0cqKyspKSkJ\nnMDXRet3FRcX13shqSmy2WxRcR5f83q9UXE+ykvkUm4ik/ISmZSXyBRteWmIkL29PnHiRBYuXIjP\n5yM1NZVJkyaxceNGAIYNG8YVV1zBBx98wHPPPYdpmlx99dXEx8eHKjwRERERCaKQFZ3p6el1ZumA\n2mLzawkJCUyePDlU4YiIiIhICGlGIhEREREJOhWdIiIiIhJ0KjpFREREJOhUdIqIiIhI0KnoFBER\nEZGgU9EpIiIiIkGnolNEREREgk5Fp4iIiIgEnYpOEREREQk6FZ0iIiIiEnQqOkVEREQk6FR0ioiI\niEjQqegUERERkaBT0SkiIiIiQaeiU0RERESCTkWniIiIiASdik4RERERCToVnSIiIiISdCo6RURE\nRCToVHSKiIiISNAZpmma4Q7ih3A6nTidTppo+HVYLBb8fn+4w7hohmHgcDhwu93KSwSJtryAchOp\nlJfIpLxEpmjJC9TmJiUl5YLtbCGIJShiY2OpqKjA4/GEO5SLFhcXR01NTbjDuGh2u52UlBSqqqqU\nlwgSbXkB5SZSKS+RSXmJTNGSF6jNTUPo9rqIiIiIBJ2KThEREREJOhWdIiIiIhJ0KjpFREREJOhU\ndIqIiIhI0KnoFBEREZGgU9EpIiIiIkGnolNEREREgk5Fp4iIiIgEnYpOEREREQk6FZ0iIiIiEnQq\nOkVEREQk6FR0ioiIiEjQqegUERERkaBT0SkiIiIiQaeiU0RERESCTkWniIiIiASdik4RERERCToV\nnSIiIiISdLZQHaimpobFixdTXFwMwKRJk8jMzKzT5uDBg3zyySf4fD7i4+OZPn16qMITERERkSAK\nWdG5dOlSevTowR133IHP58Pj8dTZXlNTw8cff8yUKVNo0aIFVVVVoQpNRERERIIsJLfXnU4nBQUF\nZGVlAWC1WomNja3TZtu2bfTp04cWLVoAkJCQEIrQRERERCQEQtLTWVZWRkJCAosWLaKoqIj27dsz\nYcIEHA5HoE1paSk+n4/XXnsNl8vFiBEjGDRoEADl5eVUVlbW2WdiYiI2W8g6aoPKarVit9sbbX+e\nXTuwdeuO4YhptH02xNf5UF4iS7TlBZSbSKW8RCblJTJFS16g4TkJSeb8fj+FhYVMnDiRjIwMsrOz\nyc3NZfz48YE2Pp+PwsJC7r33XjweD/PmzaNDhw60atWKvLw8cnJy6uxzzJgxjBs3LhThNzkFf1lE\n2iO/wNG6dViOn5qaGpbjyvkpL5FLuYlMyktkUl6arpAUncnJySQnJ5ORkQFA3759yc3NrdOmRYsW\nxMfHY7fbsdvtdOrUiaKiIlq1asXQoUPp1atXnfaJiYmUlZXh9XpDcQpBFRMTg8vlarT9+Ww2SosK\nsVpD+9egzWYjNTVVeYkw0ZYXUG4ilfISmZSXyBQteYFvcnPBdiGIhaSkJJKTkykpKSEtLY0DBw7Q\npk2bOm169erFxx9/jN/vx+v1cuzYMUaOHAl8U7R+V3Fxcb0Xkpoim83WuOdhd+CpqsIfpmvj9XqV\nlwgULXkB5SZSKS+RSXmJTNGWl4YIWVfYxIkTWbhwIT6fj9TUVCZNmsTGjRsBGDZsGK1bt6Z79+48\n99xzGIZBVlZWvcJUGsjhAHd0/PUkIiIi0SFkRWd6ejqzZs2qs27YsGF1lkeNGsWoUaNCFVLUMh1O\n/M5KrOEOREREROSfNCNRFHJ3KMGZUBPuMEREREQCVHRGodPDY1jTYX+4wxAREREJUNEZhexGMh6z\nPNxhiIiIiASo6Iwypmnywd/28NHTq8IdioiIiEhAdAzrLwF//vOfeeqp9wH49eQjZGZmhjkiERER\nEfV0Rp1bb7018HNRUVEYIxERERH5horOKNO1a1c69BwOwMmCE2GORkRERKSWis4o1DmpBQBl64/g\neqUizNGIiIiIqOiMSq3bpAFQsnsxvu3Na4otERERiUwqOqNQj261Reef87ZS462h9JQ/zBGJiIhI\nc6eiMwq1bts28POnaR+Qv+mrMEYjIiIioqIzKl0/6cZvFtqtZcio58IXjIiIiAgqOqNSUstW3H1Z\ndwD+7fcrePONk2GOSERERJo7FZ1RyDAMjvX7prfziT+uDGM0IiIiIio6o9Le3T46tupSZ93p06fD\nFI2IiEjTZppmuEOICio6o9CqlR4m9LuSdu3bBdbt2LgjjBGJiIg0Xcu9OeR4Voc7jCZPRWcU8noh\nNTWBiVf9nf5pLQEo2no8zFGJiIg0PaZpst6bR2dLx3CH0uSp6IxCXg/EJxj0Tz/AkLRWABzcq5eJ\nREREvq+D/kNYsdLR0iHcoTR5KjqjkMdrkphk0Kv9UdLiYgEoOVkc5qhERESanvXeTVxiG4phGOEO\npclT0RmFvB6w28DdM4vEtFQAys6o6BQREfk+XKaLbb4dDLUNDncoUcEW7gB+KKfTid1ux2ZrsqcQ\nYLFYiIuLa7T9DRriJ7VlHLu29OHQ8Emw7AtOuk416jHOxjAMqqurlZcIE215AeUmUikvkUl5+eFO\neosZ4h9E2/g2jb7vaMkL0OBe4Cb7bYqNjaWiogKPxxPuUC5aXFwcNTU1jba/qydaABfVx3y0SKod\nOulwzQlOV58mxohptON8l91uJyUlhaqqKuUlgkRbXkC5iVTKS2RSXn64NrTmVuukoFy/aMkL1Oam\nIXR7PYrFe+CqHt0AKD11iE1HPglzRCIiItJcqeiMYrt3+klqkUpKahxuj5ua7QfDHZKIiIg0Uyo6\no5zLaZLRsXasTvPghjBHIyIiIs2Vis4odu/9MfQbaKVvx9oHoD9cVqipvERERCQsVHRGsV59rNhs\nBlMv6Q/A0s2HOOD2hjkqERGRyLbU/RnH/UV11vlP+tRxc5FUdDYDPVq2pF1yAhUeJxULXwh3OCIi\nIhGr2qzhC+8aWhjJAPjNcnwFZTj/+gKmS0XnxVDR2Qw4KpMZ3KszABu+WIbfLA9vQCIiIhFqs3cr\nvazdSTDiMU0XZ2qewL10A0ZaApZYlU0XQ1evGfDv3Ev/trXjde46UIbXp7fYRUREzma9L49LbEMB\ncPnysXl6YBbsxHZFVpgja/pUdDYDtvHX0HP09QDsLCzD6zkc5ohEREQiT5H/BKfNcnpZemCaJi7P\namzrhoPlJLYhfcIdXpOnorMZcFw1gRETxmAxrOwsLaP4aNGFPyQiItLMbPPtYJh1CBbDgs9/GBMn\nHCjE0q0vq9aswefzhTvEJk1FZzPRslUyGe3G4jNN3li4N9zhiIiIRJwrbWO5xj4eAKd3NTG2y7Ak\nH2Zrcix33XUX119/vd5gvwgqOpuR8dePAGDJF7vwH/PieqUizBGJiIhEDothwWHUziNutbQnxnYJ\njrvuZd4nnwIwevRoDMMIZ4hNmorOZsDjO0i1+2MmXNsfu8XG0c357Kzag7/EH+7QREREIlKcfSwW\nI4HDR46QnZ2N3W5n+vTp4Q6rSVPR2Sy4cXo/o41pJzOhAwAri3LArVsEIiIi5zNv3jz8fj8333wz\n6enp4Q6nSVPR2SzU3iqw1cSTmZgJwL7C/TgrTL7ap4eiRUREzqasrIx33nkHgFmzZoU5mqZPRWez\nUHsbvW1BJh3/2dN5+PhhLF4Tt3o7RUSkGTNNk9WedXhMT2Cd55MavBtcvPnmm9TU1DB27Fj69NGQ\nSRdLRWczYLN0o0Xsb7CfsdE5qRMAVR+dwc4pWu/8JMzRiYiIhM9R8zgrvauwYsU03fhdPjyrnTjL\n83j1lVcAeOCBB8IcZXRQ0dkMGIaB1dKS2J8m0/aB9iTaY9i5aycLzqzGUXos3OGJiIiEzXrvRobb\nsrAYFmo8y3Cu34Ilo5qFr/yVk8XF9OnThyuuuCLcYUaFkBWdNTU1LFiwgGeeeYZnnnmGI0eOnLXd\nsWPH+MMf/sDOnTtDFVqzcmxcCfeM7QfA+9v+gZGUGOaIREREwsNjesj3bmW4NQvT9OJyf4mxuhO0\n3cMru/cDMHv2bA2T1EhsoTrQ0qVL6dGjB3fccQc+nw+Px1Ovjd/vZ9myZXTv3j1UYTU7t8f/mIp7\ntvDS8s1sOpbPSe9tJIU7KBERkTDY7ttFhqU9LS2puLx52L4aAnYbn+d+wL6iE6Snp3PjjTeGO8yo\nEZKeTqfTSUFBAVlZWQBYrVZiY2Prtfvyyy/p27cvCQkJoQirWWpjSSO980gu69AV0zT57Mu1mGf5\nA0BERCTarffmcYltKAAu7xrspwdiG+Hi5S9WAzBz5kwcDkc4Q4wqISk6y8rKSEhIYNGiRTz//PMs\nXrwYt9tdp015eTl79uxh+PDhoQipWSr1l7HAtRAj7jrGZ2YAsGL9ev50qBCfpvUSEZFm5gbHBAZY\n++L1H8dnlhIzujPbD2az5lghCQkJTJ48OdwhRpWQ3F73+/0UFhYyceJEMjIyyM7OJjc3l/Hjxwfa\nLF26lKuuugrDMOrNa1peXk5lZWWddYmJidhsIXs6IKisVit2uz3oxzF8Bgfch0jOSOOKdikA7C47\nw7BqN36bnVjLxT2z8nU+lJfIEm15AeUmUikvkUl5ObdOdATA7S0kKfY6HI5YXvkiF4ApU6aQlpbW\naMf6rmjJCzQ8JyH5RiUnJ5OcnExGRm3vWt++fcnNza3T5vjx47z33nsAVFdXs3//fiwWC7179yYv\nL4+cnJw67ceMGcO4ceNCEX7UMDwWfDU+2qSns2nqSzgWfUxJTQ2UnqF1Whrx1sbp+E5NTW2U/Ujj\nUl4il3ITmZSXyBScvLQG4MiRI3yw9BOsViu/+tWvaN26dRCO1XyFpOhMSkoiOTmZkpIS0tLSOHDg\nAG3atKnT5uGHHw78vGjRInr27Env3r0BGDp0KL169arTPjExkbKyMrxeb/BPIMhiYmJwuVxBP06l\nvwqX30VxcTF9B5t0aJvKgWMnif3qMFWlp6i6yP3bbDZSU1OVlwgTbXkB5SZSKS+RSXlpuP/+7//G\n5/Nxyy23EB8fT3FxcVCOA9GTF/gmNxdsF4JYAJg4cSILFy7E5/ORmprKpEmT2LhxIwDDhg0772e/\n7in9ruLi4rO+Bd/U2Gy20JyHaVJlVuN2u7HZDNr3jOHAMYjdXoDH4+FTzwq6WjrT3dr1og7j9XqV\nlwgULXkB5SZSKS+RSXk5P9M0MQyD8vJy3njjDQDuv//+OsfYud1LQoJBpy7WRjtutOWlIUJWdKan\np9ebt/RcxeZNN90UipCaHTt2ulo6B8Yb69glFVYe4dSJIgCWej6jp6X7RRedIiIikcpluikzy0i3\ntAXAt9GNv9jH/MPzqaysZOTIkQwcODDQ3us1WfK+hzum6C32i6UZiZoRi2Fhbuw3hX+XnrWPOOwt\nOQlApqUDyYZG7RQRkei11bedJe7aKaD9fh+ez534M03mzZsH1A4G/2156720btO4vZzNlYrOZsp0\n1tDlaDsA8g/vxu3yc6l1KLbQdX6LiIiEXO3YnFn4zXIqdr0FfpOP9i6lsLCQ7p071RlZx+s1yVnu\n5cofRcdb5uGmorOZ8nz+GcNLq7HHxXKysoAX311AkpFEBRXhDk1ERCQoTvlLKfKfoK+1Ny7vl9jW\njMB6eQwvPvccALMenIPF8k1plLfeS5u2Bh07q5ezMajobK4sVuLtNnrcPQCAlRtW0tPajdscep5W\nRESi03pvHlm2QVgxcBXtxDicxnpPHtt37aJVUiI/vvXWOu035/nUy9mIVHQ2U5a02rHHWvRrCcCp\nkiJijBiSjfqjBIiIiDR1ftPPBt8mLrENxePbhfVUB+zj4nnh5RcAmH7bbfWm6J45J4bMTurlbCwq\nOpsp65BhlP7mcZKTar9MVaXlYY5IREQkeLx4GWcbTYalPU7vahz9O3Eg4zArVqwg1mbl3ocervcZ\nq/XiZuqTulR0NlOGYdA21sHlvtovlKuskiXupWGOSkREJDgchoMr7CMxTS8WIxaHdRAvvvgiALeO\nGU3LIE55KbVUdDZjbsPFuLa1z6q4TlWww7crzBGJiIgEl2HYSIy5l5MnS1m4cCGGYTD7D38Md1jN\ngorOZsyHl+Q0BzaLQWV1JXa3HpYWEZHm4dVXX8XtdnPttdfSpUuXcIfTLKjobMaSjWRs8em0SYgD\noPpAJU+XvkapvyzMkYmIiASHaZpUV1fz5ptvAvDAAw8Etnk8Ji8+48RZY4YrvKimorOZS0qey8h2\n6QBse8xD4R9v45i3JsxRiYiINA6P6cE0a4tI3yEP7lcrWbBgAadPn2bo0KF1puTesM5LbJxBbFz9\nF4i8pgrRi6Wis5kzYuIYPbA7ALl5z7Puy/tZX+4Mc1QiIiKNI9vzGSu8XwDgzXFhdrUEXiD69pSX\nHo/JF+eYfSjf5eX/yl2B4lV+GBWdzZxhsdBi0i2B5b0FOexduzWMEYmIiDQOn+kjz7uZAda+VJ1Y\ngm+fk2VlKzh8+DCd2qVzVafMQNsNa71kZFrI6FC3NNrg8vJBtYc7EhwYhoZQuhgqOoX928fUWd72\n8fIwRSIiItJ4dvv20sqSSpoRjy/XjmWYNTAY/IyB/bE6HAB43CY5K+r3cq5xesiu8fBgcgztbSqZ\nLpauoGC3O+osn9j8RZgiERERaTzrfXkMtw3FWZWHddMgtiTtIT8/n5QWLbg5sz2WrrWPl505YzI4\ny0r77/Ry2gyDOUkxtLWqXGoMuorCHXfHMOaqQdgttb8ORYdLeKewBIBin583Kl3hDE9EROR7qzQr\n2ec7wGBLPzzFu7AON3lx/ksATB0/lsTBQzCstbPypbW2cO2Njnr7uCTGRpoKzkajKykkJRtMeHgY\n+VP+ix5da+diX7ttG7vcPkzgqNcf3gBFRES+p9NmOaNtl2Ezj0B6BccGVPPJJ5/gcDiY0rE9tgGD\nwx1is6OiUwBwdInF4buG9p1iAXAdPsRLlS7sgDe8oYmIiHxvHSztmeC4Cp//BLH20bz00kuYpsmP\nb7iBlm4Xli7dwh1is2MLdwASGXyujpzuWEl7SzwA8YV5wB3Y9njxtVFPp4iINE2x9tGcOnWKd999\nF4BZc+cS1y49cGsdwG+afFzjYZjDRrpeGAoaXVkB4O62U9jXJ4mMjAQAbMd30N1mwTqvkk67VXSK\niEjT9cZzbqGsAAAgAElEQVQbb+B0Ornyyivp2bMnRlIyHreJy2niN03erXZzwOunhUVDIgVTk+3p\ndDqd2O12bLYmewoBFouFuLi4cIeBy9mKxJi7gS3s2OJjmL126AirD2JjYy84PplhGFRXVysvESba\n8gLKTaRSXiJTc86LaZo4nU5ee+01AB566KHAtViXW8Px417cN8Bp0+Ch1i2IDWHRGS15ARo8fmmT\n/TbFxsZSUVGBx+MJdygXLS4ujpqa8E89WVXpoX3XsVgNgx2HDzHqZClgJbanjZqamgv+UtntdlJS\nUqiqqlJeIki05QWUm0ilvESm5poXs9yP84UK3ktfTElJCQMGDCArK4uamhrcLpMVy2poNdWC4YUZ\niTGYLiehvErRkheozU1D6Pa6BJQUm6QmtKRn5/Z4TR9r3sqhpgV0Sy7WLAwiItIk/M31D475j+PJ\ndWJ0tvDSS7XDJM2ePTvwb9m61V5adbbgaGswIzEGh/6NCwkVnRIwa24sl42MI+uadgAs3rWC94c+\nyQtz74iav8ZERCR6nfafYZtvJ6luH5615eQYq/nqq6/IyMhg4pjR+E+ewO0yyc3xMGmCg2mJDmwq\nOENGRafUk3jdpQDkbVrPYw+8xsefHua99xaEOSoREZHzy/NtZpC1P+aGIxiZVbz4Tm0v58yZMzG2\n5uNd8wXrVnvp0s1KejuL7uKFmIpOqefRwb/AHuOg/ExhYJ1nf1UYIxIRETk/0zRZ783jEssAzNzW\n7Gx7jHXr1pGUlMRdd92Fb/sWrAMG06mLhauvbdgziNK4VHRKPVarlQ49O9VZV2nR7XUREYlch/yH\nMYC2laegYyUvL30HgClTpmC4XHhPn8bSuSudulhJa63yJxx01eWshg/JqrN8zKOeThERiVwH/IcY\nbs3CHfsFJ0eVs2TJEmw2G7dPn866vDxO9O5fZ0B4CT0VnVKPd9MGbh8wpM66YxVleE0zTBGJiIic\n35X2MYyxDgDDzmuvLMfv9zNx0iT+kdCSAXu302nwkAvvRIJKRafUY5aVMiQhlZt7Xh9Yt6fkFCd8\ntUVnzdN/xnS5whWeiIjIWdmsrfDX3Ms779TeWo+ZPI0RDgstBw7GqrnWw05Fp9Rns2HuyueJrJ/x\n/IynAHCVlVHuN/F7fZhFhfiPFIQ5SBERkfrmz59PdXU1HUaO4seDBzAuPoaCdmOpqtKb6uGmolPq\ns9kwy8vAvoRObdoCYJYU4z1Uhm9DBQD+osLz7UFERCSkTL+J2+3m5ZdfBuDXc2ZzRawdp9Pkb2+6\nqK7WI2LhpqJT6rPWzo5q6d6Sjjf2xzAMSo8dpeb//gqGEwC/qzicEYqIiASYXhPnE2dYtOB9Tpw4\nQe/evblx3DgA1q7y0rOXlTZtVfKEmzIg9Ri22qLTcdtNpHRKZVCvgQDcvPBVik/X9nD6XZVhi09E\nRATAb/pZ4l6KO78GWhi8+HrtYPCzZs3CMAycNSarv/Aw7hqNyxkJVHRKPZYevQAwEpMAeOg3EwPb\n3vl8aW0bjyP0gYmIiHzLfv8Bdnv34f28hNXxOezatYu2bdty0003AbDmCw89e1tp3UblTiRQFqQe\nS4sU4v7zL4HxzNoN7sTU3j0AmP/eu8xZvof8vQfDGaKIiAjrvZsYcXAofo+bl7LfBmDGjBnExMTg\nLiqmQ85zjL9avZyRQkWnnJVh+eZX40wcdE9JBqCo5gTLjm7mLzlrwxWaiIgINaaT7b7ddMxtydYO\nG8ldlUt8fDxTpkwBwNi9hfZZGaSplzNiKBNyQWv9W0i/Oa3Ouq9OlOJ8phxTA8aLiEgYLHFtxvB0\nJCWuhL99uRKAu+66i5SUFAC827cQlzU4nCHKd6jolAu60ZzMKc/kOutKiwvxe0/VWec94Mbv9ocy\nNBERaYbyXV7WezdxV0wqJ65Yy+IlS7FYLMycORMA/6lizPJyLJ27hjlS+TYVnXJBVTs7Unn68jrr\nvB43pwr+jP/QgcC66pdOU7NDc7SLiEhwWQ14IGYKnTnFO28dw+v1ct1119GxY0cAfNu2YOs3sM6j\nYhJ+yoZcUPaHbux2mHn/zDrrC6ur8Rjf9Gxa2tsxrJrxQUREgmugw0Z3ezK4b2H+27WjqsyePTuw\n3X+iCOuAQeEKT87BFsqD1dTUsHjxYoqLawcWnzRpEpmZmYHtW7duZfXq1ZimSUxMDNdddx3p6emh\nDFHO4pFfxGGzg8XyW25wVPDEpvWsXnuQV3bs4ZKit5nR+fcAGA4wdXtdRERC5G9/+zsVFRVceuml\nDB48mJpqk08+9jDp9rsxDHWCRJqQFp1Lly6lR48e3HHHHfh8PjweT53tqampTJ8+ndjYWPbt28eH\nH37I/fffH8oQ5SziE77+4tro52jF+F5XsXrtS3x48DADnozFOX8bsfYBGHYDv1svFomISHCZfhOf\n38e8efOAb3o5c3M8+LymCs4IFbLb606nk4KCArKysgCwWq3ExsbWaZOZmRlY16FDB8rLy0MVnjSA\nWV6OWVbKtF/dzowZtdOLrTj8Ja6DO2ob2AxMj3o6RUSkcZimySc1Hg56fHXWu56t4MPXFnPs2DG6\ndu3KVVddRXWVybrVXsZpXM6IFbKezrKyMhISEli0aBFFRUW0b9+eCRMm4HCcfWabTZs20aNH7YDk\n5eXlVFbWnXYxMTERmy2kHbVBY7Vasdsj/0tS/vxTYJpUu5IZNiKdV16BUtchrB8ewv5LO2YrG4bd\nUF4izNf5iJa8gHITqZSXyNRU82KaJu9XOtnj8TEmMRabzUalr5JDBwpIPR3Pi6trp7ycM2cOMTEx\nrFzmZMAgO23TY8IcecM01bycTUO/KyH7Rvn9fgoLC5k4cSIZGRlkZ2eTm5vL+PHj67U9ePAg+fn5\n3HfffQDk5eWRk5NTp82YMWMYN25cSGKXWpYrxmKJi8PWuQdbtg8D3mFv8UmW7trP3MSWnDxdQ9Jl\nKeEOU84hNTU13CHIOSg3kUl5CR+/afJaYQkFpsF/dO9Eoq12hrzs08tIXWGypd1Gtm7dSuvWrZkz\nZw4+n4Mv1xTw2OOZtG4dHYVcNApZ0ZmcnExycjIZGRkA9O3bl9zc3HrtioqKWLx4MVOmTCEuLg6A\noUOH0qtXrzrtEhMTKSsrw+v1Bj/4IIuJicHlcoU7jAsbPR4/4HV6GTlyaGD1Q9nZXL/7EOau2nNQ\nXiKLzWYjNTU1avICyk2kUl4iU1PLi980eae8hpM+P7NTEqgpK6WG2rxsPJzHnfuu5tFDjwIwbdo0\nKisr2bndw6AsG66cf3By5OUYMZHf29nU8nI+X39nLtguBLEAkJSURHJyMiUlJaSlpXHgwAHatGlT\np83p06dZsGABt9xyC61atQqs/7pg/a7i4uJ6LyM1RTabrcmdh82WWGd5z67t9IrpCYDX621y53M2\nTTEv5xMteQHlJlIpL5GpqeXliNdHmc/H/Ykx2Hxevn6c84jvGH1Xd2Rv+qeseHUjsbGxTJ06FY/H\nQ49e0K1lKa55KzBGXo7RBM63qeWlMYT0gZWJEyeycOFCfD4fqampTJo0iY0bNwIwbNgwcnJycDqd\nfPTRRwBYLBZmzZoVyhClgSzE1Vk+sG0LvRy9ztFaRESkYTJtVmYlWuq9gf6lewOXWlvx/3ZnA3Db\nbbfV6aDybduCVQPCR7SQFp3p6en1ishhw4YFfp40aRKTJk0KZUjyAxlGfJ3lAzu2YfS/I0zRiIhI\nNPluwek1veS78+k3pIJFP12HYRj1hlT0bt+M44YfhzJM+Z7054D8QHa6tEsKLO067QUTvKeb160C\nEREJjXtiRvLu/ALcbg/XXHMN3bp1C2zznzwB1VVYOnUOX4ByQSo65QcxDIMXfzuFG7rUznO78+Rh\nSjpYKHmzKMyRiYhIU+I1LzypiM2w0cF3BfPfrB0Xevbs2fj933zOt1231psCZUd+sJ6ZP+Lfh9bO\nbXuyqIDK9p/hdVaFOSoREWlK/r9yFwVe3wXbLViwgNLSUrKyshg+fDiffuxhzRe1d9esWcOxXaFh\nFCOdik754Wx22sTFYrPYqTlzCsNfg9+t2+siItIwJ3x+yvwmmdZzlyOmz8Tn8/H8888DtYPBV1XB\nhnVe+g6oHb/TkpKKJUXjqkY6FZ3yg1nat8dqsdAhvh0Ah0tKKax0cebfTuLdEB1jj4mISPBscHkZ\nGmPFcp650t1/ryL72Y84dOgQXbp0YeLEiaxa6WHgYBspqSpjmhJlS34wo2UaGAaZiR0AmDHnv1i5\nYwXEGxhp+tUSEZFz85smG10+hseceyCdyjOV+La7eenTlwF45JFHcNZY2LjOy9iromOa0uZElYH8\ncB4PRkoqPbp2AcDn9/OrD3+B6TGxtLKGOTgREYlkez1+WlgM0s9za33/F3v5IvFjNm7aSIsWLZg+\nfTqfL3cxKMtGixSVME2NMiY/mBETQ9y//4Yh/9a77oZqExLPfatERESk0jS5PPbcvZUut4vM9W14\nZ3ttL+e0adNITEwkMcnCmCtrP2eWl2P6/SGJVy6eik65aKOzJtKmbe0MRVaHAzPRANWcIiJyHsNi\nbOe9tX5kw2EOxW1hec4+7HY7M2fOBGDslTGBXk7nK8/jP3o4JPHKxVPRKRctzZ7Oss9/DoDP7eak\n7Rhrc72Y1VWYLr1QJCIi399R30HmH3ke0zS55ZZbaNu2bZ3t/hNF4KzB0qFjmCKU70tFpzSKtORZ\npMXXTo3pvOsZklsY1Dz+O1zzXwtvYCIi0uSc8pdytNsnLPp0G0C9KbThnwPC99eA8E2JMiWNJr5F\nawBKN7amY74TIzEJS9v0MEclIiJNjcd0c2j+XpxOD+PGjaN379712ni3bcE6YHAYopMfSkWnNJ62\ntbc4ThRVYjv2AUZ6O6zde4Y5KBERaWpSPCm893YBAA888AAnivyY35ouM3BrPbNTuEKUH0BFpzSa\nPu1rezX/+8U8dhzNg5pqiI0Lc1QiIhIp/KbJKxUuavznn2/9/fffp7j4FP369WPgwFG8+IyTyopv\nPmO6nNjGjNet9SZG2ZJGsdT9GXfeNR6A46e/4tHcz/GXVuM/Yg9zZCIiEim+8vop9fuJs5x9iBPT\nWzvl5QsvvADU9nKuWuEla5iNpORvShZrx87YR14Rkpil8ajolEaxwbeJissKWHzrtQDsLSvGc+pm\nPKvjwxyZiIhEig0u73mHSfJ+7mTZn5eyb98+0tPTGTvmevI3ehk9Xh0Y0UBFpzQKO3YO+o/RJyGZ\nDokJePx+DlXlYYnVzEQiIgIu02S7x0eW4+xFp+k18eQ6eXntqwDcf//9rFllkHWJjaRkDf4cDVR0\nSqMwMfF7TXzx0C2z9tnOfWe2Q8r6MEcmIiKRYIvbRzeblaRz3Fr3bXazypvDmo1rSUxM5Ibr72Tz\nRi+jx6mXM1qo6JRG4cePx2bgeQR6XX4JAIuPb8FZlo/vn28cfvvNQxERaV72eHwMizn73S/TNKnJ\nqWT+gecAmDx5Mm3TW3DPzBj1ckYRFZ3SKPz4qaF2+svbJrfHbrWy/MA2Xv0yjxM+kw/+4ebLNd5w\nhykiImFyd4KDAfazF53+A14KSg6wMncHVquVmTNnYrMZdOpSt/3pTz/Gs21zKMKVIDj307wRzul0\nYrfbsdma7CkEWCwW4uKa9tBCWf7BbHBtonP6n4iPeYWf3jOWJ19dzjOr1/Bji4VjVrB6mtZ5RkNe\nAAzDoLq6Omq+L6DcRCrlJTI1hbw4DZMXyv6Cz2dy6603071797O2O718GQl3TcUW4efTEE0hLw1l\nGA3rjW6y36bY2FgqKirweDzhDuWixcXFUVNTE+4wLsrljKBPfC8SExI5ccrOjCnDeWfhWo6fqWbH\nzp0cNDrjP+NrUucZDXkBsNvtpKSkUFVVFRXfF1BuIpXyEpmaQl42tFjH0hXrAJg5c+ZZ47WcKgav\nB7N9h4g/n4ZoCnlpKLu9Yc/d6va6NIoWlmR62Wr/MrUYsdi7dqfnpS0B2Lx+K5kYONx6LkdEROpb\n8vbLVFd5ueyyyxgwYMBZ23i25JM47NIG96pJ5FHRKY3OMGIx8NCub23ReeDjL+iWn4vTpReJRESk\nLrfbzZLXNwEwdcoD5G+s//y/aZp4tuaTeMmIUIcnjUhFpzQ6i9ECsJPSszUAVUfyGefOxuMKb1wi\nIhJabtNkZY3nvKOXfPjhhxQVnaBnz554XZdzoshfr41ZVorp8RDT9ezPekrToKJTGl2cYzjxjmvp\nmNEbgJyjh3m/xEmfW/T2uohIc7Ld7WOvx3fWW+L+Uz58bh/PPvssAFOm3M+OrX6uGFv/+UBLy1Yk\n/fujurXexKnolKC5ruu9gZ9//tEH/P2RfwljNCIiEmrnmvbS9Ju4Xqnko5c/ZPfu3bRr147k+Bu4\nZISNhMSzF5aG3RHscCXIVHRKUFS5F5Kc7K6zbsMXOZguZ5giEhGRUDrt93PY56e/o/7YnL6NblwO\nF0+9938A3DfjJ+zeYeXys/RySvRQ0SlB4fUfge/8sXra5ebEo1+FJyAREQmpPJePgQ4rju/cEjfd\nJtVLy/nP+D+ze/du0tPT6Zx5K5eMPHcvp0SHJjtOp0Q206zBYtQf9PZIyRHS6ReGiEREJFRM02SD\ny8sdCfVvidesqmB/u0Ns+NsXAPzLv/wLP7ouEZ8v1FFKqKmnUxqdafrxmycxiOOWyQ8DEP/PZ3oO\nV5WFMzQREQmRexJj6GyrW2aY1X5cn1eTHfcZ+3cfpW3bVtx5551YLAZ2+1leNiorxXf4UIgilmBT\n0SlBUPvnqmHEMWvuXB5f8Feuv/0KAA5XHTnv0BkiItL0GYZBe5ul3tvmO+x7WDDtQ1a8vhSAuXMf\nIjY29pz78W5Yh2/H1qDGKqGjolManWHYSXDcBdgZ0CmOqaNupWOvYQDstR2B+kOwiYhIlDNNk+W+\nz4nd42D3zv20bZvC5Ml3n7e9b9sWrAMGhzBKCSY90ylBEWMbHvjZahhk9cwCYHX1AQyrHhQXEWlu\nDMNgjmMm1/31WgB+8pO55+3lNIuOg9+HJSMzVCFKkKmnU0Kib88+AFQe/kq310VEmqkVy1awY8cu\n2rRpRa/uU9m57dyThni3bcHaf5AGhI8iKjolJNLS0oiNS8RVVcGJEyfCHY6IiARBld/khO/sz1CZ\npsn//M//ADBnzk/JXWklpeXZyxDdWo9OKjolJAzDoHvL2rnY9+3bB4Cp8TFERKLKBpeXFTWeOut8\nezx41zpZtmwZ27dvp02bNvTpeSfp7Q3aZ5yjDPH7sY+7CktGhxBELaGiolNCpnendAA2HsijcP9/\nUvPbfw9zRCIi0lhM02SD28uwb017ecx7HPcHVZgJBk8++SQAc+bM4cs1VkaPP/fsQ4bVii1ruG6t\nRxkVnRIyHdPbAnAybzdV5VVhjkZERBrTMZ+J04Ru/xybs9ysYM26Nbhjvawsygn0cg4ZdBfx8QZd\nuqkEaW6UcQmZju1qezqLt+9nSzX4Mw1MU+MniYhEgw0uL8McViyGgWmavF+1mCuXX07CDcnfepZz\nNoVHHYy50qZezGbovEXnpEmT6iw/9thjdZaHDx+OSENlts8A4Mipk3QsADPOht88GeaoRETkYvlM\nk/xv3VrP822mQ246cZ3iWbk/h23bttEqLY7Jk2/ghlsc9OlnDXPEEg7nHadzxYoVdZaffvpp/vCH\nPwSWd+/e3eAD1dTUsHjxYoqLi4HagjYzs+7YWx9//DH79+/Hbrdz00030a5duwbvXyJfx+7dAThS\nUYndb8GfnoTXfxSrpbYH1HTWgMeDkZQczjBFROR78gDXxjlobbVw2n+Gxe6PeeTULBzXxvO/0/8X\ngJmzxpCQ0B7gnL2cpmmC349hVVEajUJ2e33p0qX06NGDuXPn8uCDD9K6des62/fu3UtpaSk//elP\nueGGG1iyZEmoQpMQaTfqCuJtNs64XPz9QAGnRvenuvo0f3vTRVWliW/7FtyffhzuMEVE5HuKNQxG\nxtb2Y2305TPKPoLUu1uzctvnbNmyhVat4pl270MX3I9ZeBzXC08HO1wJk5AUnU6nk4KCArKyamel\nsVqt9WYh2LNnD4MH147H1aFDB5xOJ5WVlaEIT0LFNLm5e2cAXn9xJY88uoJ9e8ewNd9HUaEfbHbw\neM6/DxERiWhX2sZwtW0cpmnyv/9b28s54/4hJCUMuOBnvds2Y+naI9ghSpic9/a61+vllVdeAWq7\nvN1ud51lr/fcMwl8W1lZGQkJCSxatIiioiLat2/PhAkTcDgcgTYVFRUkJ39zWzU5OZny8nISExMp\nLy+vV4AmJiZis0XHLJ5WqxW7/dxDRzQVX+fjXHkxfT6uuOV21sx7iYMni9n493dZdttkhgwbQlWl\nBVtcHH6fN2KuRXPJS1Ok3EQm5SUyhSsvn332GZs3b6ZVWiLTp8+u82/+2ZimiXPHVuLvno71LPEq\nL5GroTk5b6tLL72UN998M7A8fPjwOssjRoxo0EH8fj+FhYVMnDiRjIwMsrOzyc3NZfz48Q36fF5e\nHjk5OXXWjRkzhnHjxjXo8xJaqamp59xWlfETZvxqAruW/5n5Sz7Ek7OCdiMux+u10iItjdNQ79EL\naRzny4uEl3ITmZSXH840Tf76178C8PAj97H5y9H07R/PoCEJ5/yMq+Ag1YZB28FDzvtmu/LSdJ23\n6Pz8888b5SDJyckkJyeTkVH79nLfvn3Jzc2t0yYpKYkzZ84ElsvLywM9n0OHDqVXr1512icmJlJW\nVtbg3tZIFhMTg8vlCncYF81ms5GamnrevLRJ8bHi43a47H2AD7EcP4rd4aTwmJ8T69/GLCsNvGwW\nbs0pL02NchOZlJfIFMy8eEwTG7UvBpmmiVnux9LCyvLly1m/fj1paWnceN1Pee4pDyMvr6S4uPqc\n+3J+vgJr/0GUlJScdbvyErm+zs0F233fHX89jdWll17KZZdd1qDPJCUlkZycTElJCWlpaRw4cIA2\nbdrUadOrVy/Wr1/PgAEDOHLkCLGxsSQmJgLfFK3fVVxcjCcKngG02WxRcR5f83q95zyfUSMt+Gps\nFB1I5h/vw5HCQnqccpLa2YF//RGMVmkRcy2aU16aGuUmMikvkSmYeVlc7cbCGS6NtdByTxLuj2qI\n+dcknnjiCQBmz57NhrUWhgwFR4wPj+fc0x/7KiuwXXrZBWNVXpqu875IdOeddzJv3rzA8hNPPMH1\n11/P/Pnzueqqq3jjjTcafKCJEyeycOFCnnvuOU6cOMHll1/Oxo0b2bhxIwA9e/YkNTWVp556iiVL\nlnDdddf9wFOSSBYTY3D1tQ66lXwFwJHjx/GsfJ9OlYcwUlKJmTE7zBGKiEhD+EyTPJeX/cYitnt2\n4v6wBvuEOHJycsjPz6dly5bcfts9bPzSy+VjL9zH5bj5diztNdd6NDvvb8Hq1at56qmnAPD5fDzx\nxBO8/fbb3HrrrWRnZ/PLX/6Se+65p0EHSk9PZ9asWXXWDRs2rM6yCs3mIzWu9r/bCg6TVfBzHtzd\nl38dMRzjO6MaiIhIZNrr8WOzbcRi+Bi1eRj+OA+Wvjb+Z1Lt7EMPPvggW/Md9OnvJyVVEyDKBXo6\nT58+Tdu2tfNl5+fn43Q6ufnmmwH40Y9+xKFDh4IeoEQf0zRp6ag78G/2oaPgckJMLKXV/4rXVxCm\n6EREpCFy3Sepsn7Bncat+D5xYb8hji+++IJNmzbRsmUqU++5lcoKkyvGRccb2nLxzlt0tm7dmoMH\nDwK1LxWNHDkS6z9nCaiqqgr8LPJ9fOb0knSygsvSh5KUEAPAofJyin0mq9y1z/uYmOEMUUREzqPS\n52M3i7jSNpbU3AQsHa1YOtkCc6zPmHkZtpgt3HCLg7bp6uWUWuf9TZg5cybXXXcdjzzyCP/1X//F\n9OnTA9tWrVpF3759gx6gRJ/smtoHp5+a8AQL3p5Nl6G1050u6tGPcr+J6U/EQENiiIhEqr2+46Ra\nHFxpvwzrYAf2G+NZtWoVeXl5pKamcPvkFGJsFx5W0TTVwdCcnLfo/PWvf80vfvELPB4PTz/9NJMn\nTw5sO3nyJD/72c+CHqBEpzd+PhkzJZZOrTLoNjQTgKf+35/54LFf4/U42bdLt2NERCJVliOTR+Nm\nYDEsWFpZMVItPPnkkwDcd/+PaJE8CIuRdMH9eHOW41mzKtjhSoS44Otk9957L/fee2+99dOmTQtG\nPNJMJDri8Tg82D3pdMvoyGesx1Vdycfz3+Hf7r8Rrzc6ZpwQEYlW3x7AfdWqVWzcuJHU1FRun5xE\nrG3UBT/vP3kCT24OsXP/NZhhSgQ577/sf/jDHwIDvn7b1+sMw+B3v/tdUAOU6PN4ShxuMvHFVhPj\nuoIRHX28wHuB7VvXd2bM1So6RUSaAtM0A89yzrz/ZhITW2C1dDr/Z/x+3AsXYL9qApYUPU7VXFyw\n6OzVq1e9oY2AQNEp8n3FWQziSMK8N5Ga35XR/p72dbbv2zqE26bowXMRkaYgNzeXDRs2kJKSwrTp\n97DiIw+Ds/x06Xrul429a3PBYsF2ycgQRirhdt6i8/9n774Doyjzx4+/Z3ZmS3ojEAKE3os0RRCQ\nZq+IICpKsZynnp53tuu/793X84p659fT0ztRwIKiWFBRkd57kyKdYBJCIHU3W2ee3x/RYARCKOmf\n11/JzjOzn82zu/PJU5977jmmTZvGhg0bmDBhArfffjstWsjCreL8UEEFHo20tLQKj/e5cDfBSDIu\no28tRSaEEOKHLGXxjb2bLnrZltThz/2Yg90QrZW3ct57770UHWvLnp0hrrvx1A0Hdv4xwgvn4f7J\ng2i6NDA0JpXW9kMPPcSGDRt49913yc/PZ9CgQYwaNYoZM2YQCARqKkbRUPlttCiNpKSkCg8X5B8m\nYu+rpaCEEEL82ILIEpaEVzDHHyL76yDW5hB4NJYvX86aNWtISEhg0qRJLF4QYfAwA4fj1D2hWlQ0\nrlEO3x8AACAASURBVHG3o6eknrKMaJiq9C9Gt27d+Otf/8revXu54IILmDhxIitWrKju2EQDp/wK\nzaOfMEwj+3AhvnBpLUUlhBDih7LsHJaEl3ODeSOr/RES5gYwr4kCnfJWznvuuQefN5pvMy369q98\nTL7mduPo0KkmQhd1TJWSzu3bt/PEE0/Qrl07NmzYwNSpUxk4cGB1xyYaOn9Z9/qPPfvybP7f3z4l\nKOu3CSFErYqoCDOD73Gt80oyI7GM3KZweHQc3UxWrFjB6tWrSUhIYPLkySxdGGbgYBPTKfM9xMlV\nmnQ+//zz9OvXjzFjxhAfH8+yZcuYP38+d955J27ZI1ucIxUCLabsy+mzxz8mPeX4hKIP/7OcksCL\nKGXVVnhCCNHofRVeRJwWR39HHzZ4w/RZGMa81oOmHR/LeffddxMVHSEuXuOiQbLyiDi1St8dDz/8\nMB07dqR///5s376dX/3qVxWWUNI0jenTp9dIoKLhMS5wYlzgBKB1u848cP1DPPnq4+XHNXsP3+xe\nQeeOg2srRCGEaLQiKsIeex8TnLeQbyu0by1cHUwcrctaOVetWkV8fDwT7hxOSfAVLrvqMVnVRlSq\n0qTzd7/7XYU30MnW6xTifNjUSmP7wYq7V+zfG0vT1M2AJJ1CCFHTDM3gftfdaJrGqkCEJu2duHuV\nNRT8sJXTFbUJQ7/4lDmB8nkJzpyB64670EzZba4xqzTp/MMf/lBDYYjGztvOICu34gLBCz7rxVXX\nB2nZrJaCEkKIRu77RHKA28D+ruFp5cqVrFy5kvj4eCZNupmw9RJRzptPeY3Qpx+iN0uThFNUbSLR\njymleOedd+jbV9ZRFOeHqWnoP/pC2ra1gLf+cwNvFQRYGgjXUmRCCCEA9O8S0B+2cjqjvsZp9EbX\nPCc9x9q5HTvzIOaoK2ssTlF3VZp0fvvtt4wdO5Zu3boxefJk/H4/77//Ph07duSRRx5h3LhxNRWn\naOAcQEKnzrTtklL+WN6uhQBsKLL5oDR8wvAOIYQQNWvVqlWsWLGCuLg4Jk26g0B4JS7jkpOWVYEA\noY/ew3njWDSnq4YjFXVRpUnn/fffT1FREffffz+ZmZkMGzaMBx54gMcff5wDBw7w2GOP1VScooFT\ngMPpYu5Lf2HVbfdjGiZbshdD5BAtwhpoeRy2IrUdphBCNGhbI9sJqmD578pvV/iH/4etnNHRHlYs\nGEp+3skXeQ9/Pge9Y2cc7TpUb9Ci3qh0TOfy5cvZu3cv8fHxjBs3jiZNmrBlyxa6d+9eU/GJRiL6\nu24bt28YKU18XNGvD3NWrcaX+yWB0rvA9TK53EIaPWs5UiGEaJgO27m8G5rNY56HcOFCKUVwqhdj\nsBujp5PVq1ezfPly4uLimDJlCls2OsnLHkhq05O3X+ltO8gi8KKCSls6g8Eg8fHxACQnJxMXFycJ\np6gWvZwOrnEZhKb7IDadwa3SAcg8tIrLMOmid8JEBqELIUR1UErxQegTRpnDidXKVhKxd4TxFdsE\nupS1T33fynnXXXcRGxvH4gVhhgw/9fey0fMCNM/Jx3qKxqnSls5IJMLUqVOBsjdkOBxm6tSpFdbp\nnDx5cvVHeRKBQADTNDGM+r8Qra7reBrAB1PTNEpLS8+qXjzA1dFwDC+G0ZyLY6IA2J6zniYpa4h1\nRGM5LTyumvs7Sb3UXVI3dZPUS91UlXrZENyMTytlZOylODQHylbkf1rMJ8MMJsdGsWH1apYtW0Zs\nbCwPPPAAe3c7iIpy0K1HdI0tn9gY66W+qOp7oNJau+iii5gxY0b57/3796/wO1BrSafb7aakpIRw\nuP7PavZ4PPj9/toO45yZpklCQgI+n++s68X101hIjCV9XnfimqdQnH2UrM1fkNy/N0UJxfjtmvs7\nSb3UXVI3dZPUS910unoJqRDvBT5kvHMMoUAIgMiaIMVOhae7iRUI8Oc//xkoa+V0Op3Mm1vK0OEG\ngUCgRl4DNL56qU/MKi6HVWnSuWjRovMRixBV5mhf9sZ13DKBJnO/oDh7IQdf7cCgo+3YPj6vlqMT\nQoiGZ7v1Da31VrR3tAVAhRThuaV8fpOTS10Ga9euZenSpcTGxnLXXXcRsUrp099Jl+6OWo5c1Ddn\ntU6nEDWhWbvOADyy6nHmfv0psYFk/LYsmySEEOfTBUYPbv3h4u46FNzgIaeFToahl4/lnDx5MvHx\ncfjC/6DfxUfQ9YpdquHF84ns+LomQxf1jCSdos5K/8EyG3948//o9OsmbM+t/10qQghR1zi0462W\nmqGxor1OP5fBunXrWLJkCTExMdx9992E7Z1omgeH1rzC+fbhbMJLF6E3b1HToYt6RJJOUWdd1bVj\nhd9XHlmDv8hiTVDW6xRCiOp0mcdkoMvgueeeA8paORMTEwmGl+E2LqkwcURZFqH338F52VXo8Qm1\nFbKoByTpFHXWoE4V13ebn7WAXYURZvpCtRSREEI0DnG6xo4N61m8eHF5K6dl5xGxD+F0XFChbGTF\nEnC5cPQfUEvRivqi0qTT6/Xi9XrLf7dtm1deeYWHHnqIt99+u9qDE42XCgZw7trBg//zJ7rcOAyA\nL44sJtYoruXIhBCi/vOr08+a/r6Vc9KkSSQlJXGscDlOx4VomrO8jH00j/DiBWVbXdbQ0kmi/qo0\n6Rw3bhwffPBB+e+PPvooTz75JNnZ2Tz00EP8/e9/r/YARSOlOwh98C72mEKu+PPdxCc1pdB7lCT/\nEzhPf7YQQohTKLSLeNr/HKU/SjztIhtVagOwfv16Fi1aRHR0NPfccw/FxYoVi2NR4YEVL6ZpOK+/\nCT05pabCF/VYpUnn+vXrueaaa4Cy3YleeeUVZs2axaxZs/jkk0/4z3/+UyNBisZHM020lFRaf32E\nlMNZXJmRBsAXnx3C0o5gqzObxW5nyThQIYQAmBOey0VGP6K0iguTR77yE1lTtu/6j1s5VywJ41CD\niYlJrnCOnpyC0aNid7sQp1Jp0llaWkpiYiIA69atwzAMhg8fDpQtFJ+Tk1P9EYpGS4uO5oZPgzi1\nloxtUZZ0fvzhQVLtT/k+5fx6614WzMuu9DrKUgSeKS7fSUsIIRqrvdZ+DtiZjDAvPeGYtTdMdiud\n9evXs3DhQqKjo7n33nsJ+BVrV0W45NL6vwuQqF2VJp3p6els3rwZgHnz5jF48ODyY4WFhbhcruqN\nTjRqeotWAFxitKVb0+H0SEmhpDjErk9W4dA0IhFF83b/on2P6ZVeR3NoZdsgSGOnEKIRs5TF7NAc\nrjWvxKVVHKikfDZWgc3sRPuEVs7VKyJ07uogMUnmHotzU+k76Je//CWXX345N954I3/961/56U9/\nWn7syy+/pFevXtUeoGi8zJFXMPPxrgRdfnTjcq67tOz9tuGtzaiIonhPhIDfTU5m19NfzNAgIi2d\nQojGa2VkDTFaFL0c3U84Zu2PkNNCp9nubSxcuJCoqCjuvfdewiHFiiVhBg+r2jaHQlSm0qRzypQp\nvPPOOwwaNIgvv/ySK664ovyYx+Ph97//fbUHKBovTddxuePwmj4o0Bjb5UYSYmI4/PUxXn92LcYM\nL4XHksnc1+X0FzMBWVdeCNGI9TS6MdY5+qSzzIv3hNnXUufT//sncLyVU9PDjLnVpFlaWbqgvCUE\nZ7+Dsu0ajV00DKcdoDF06FCGDh1KMBgkJyeHxMRE3G431113XU3EJxq5a51X4owysSnFlRrPsA6j\n+GDjBxxeth6jfXuior0UF0ahSoohOgZNP/n/UZqhocIKWdBDCNFYxWlxnOpLcL9hk6/vYeGCBeWt\nnAAhewHpbWzgqrLf53yAlph4yu9aISpz2nfNqlWrGDp0KNHR0aSnpxMTE8OQIUNYuXJlTcQnGrk4\nLbZ87LDtLCKtddkWa5/ve4+PDnzCjrWDKCyIJfDCs6iSYgJKnXRmuzHcjeaWlFMIIX6s2FbMHuRg\n5bw3ABg/fjzJyckoFSForcJp9AEgsn0rdnYW5ojLazNcUY9VmnSuXLmSUaNG0a1bN+bNm8f27duZ\nN28e3bp1Y9SoUaxYsaKm4hSNmObQ0Jro4ApywZA2AOwp2MkvVz/JEcvBkLFelM+LFh3D/xYeId+u\nuGOR8ts4upho0fKfuRBC/Jhbg9FBL5989CGapjFp0iQAQtZWHFoTDL0Zyu8n/PFsnKPHopmyWrI4\nO5V2r//617/mqaee4sEHHyx/rHPnzgwbNoyuXbvym9/8hgULFlR7kELobQw8MZfRrsWRCo//6me3\nEx8fz7pbb0IzDPzmh+TYw0lxdCgvY30TwdoYxDUptqbDFkKIOs+paayY9Q7BYJARI0bQpk3ZP/fB\nyDLcxhAAQp99hKNLdxxt2tVmqKKeq7TpZ926dUyePPmkxyZOnMjatWurJSghTmCDHhVD6zatTzhU\nVFSE17YJbNmGbSdSRH7FAiEFLulaF0I0Ln7l57Xgm1jKqrRcJBJh2rRpAOX3/J07MrHsfExHd5RS\n6MkpmJdfXe0xi4at0qRT13XC4ZNP+Y1EIugykFjUENetMRi9nBhm3kmP7z3qpfjtd9B3t6ZAFQCw\nPhhBKYUKKTSnJJ1CiMbl8/B8orUoHJqj8nKff05OTg7t2rVjyJAhHNxvsWaVD7dxBZrmQNM0zEtH\norndNRS5aKgq7V4fMmQIzzzzDH/84x9POPbMM88wZMiQKj/Rc889h8vlQtd1dF3nnnvuqXDc5/Mx\ne/ZsvF4vtm0zcOBAevfuXeXri8bBxsu9t3fl5Te2V3h8b6lG92g/Dn80OfYegkrxpi9EZ9ODM6RA\nkk4hRCOSYx9mY2Qzj3kerrScfTjCq8//FyhbJknXdZYsCNKhU3s8TlmbU5xflSadTz/9NIMGDWLj\nxo3cfPPNpKWlkZ2dzaxZs1ixYgXLli2r8hNpmsbEiROJioo66fE1a9aQlpbGyJEj8fl8vPDCC/Ts\n2ROHo/L/0EQjoywe+H0PLm43jIn/71/lD+/yu/HiITZos9/Kp9Aum8GuABVSWDtC2H2c6C1kGzch\nRMOmlGJ2aA6XmyOI0aJPWW5nyML/ySbWbFtLTEwMN998M7mHbTIPWoybIJOFxPlXaf94165dWbdu\nHYmJiTz++ONcffXVPPnkkyQlJbF27Vq6det23gKJjY0lGAwCEAwG8Xg8knCKExiONoT0S7FvuZq0\njOTyx19dNIOPD2fS13cEpZwUF1t0MHSivQrNo6Nybeysysc1CSFEQ7DZ2opfBbjYuPCUZbIiNjN9\nIV7/oGws57hx44iJiWHpwjAXDzZxSu+QqAanbfZp164dM2bMOC9PNn36dDRNo1+/fvTt27fCsT59\n+jBt2jT+/ve/EwqFuPnmm8uPFRcX4/V6K5SPiYnBMBpGq5XD4cA06383xvf1Ub31kkBL501EIgcY\n/9ndtPw0lZ8/9ggAr25exTu3XcCq4ATS/7eElg9H4/9HIXHPpqIdU+i2fkZ/Z6mXukvqpm6Seqkb\nbKUYZ96Iyyhb4/hk9bKstJQ+pSU8vPVTAO6++278pQ52bLN54ndR2KuWYLRpi6NFqxqP/1Tqe738\nWEP5vEDV6+S0pcLhMG+88Qbz5s3j2LFjpKSkMGLECCZMmHBGf6wpU6YQGxuLz+dj+vTppKSkkJGR\nUX586dKlNGvWjEmTJpGfn8/06dO57777cLlcrF+/nsWLF1e43tChQxk2bFiVn1/UnMTExGp/jnDI\nwgrZjDAvZUqfe3h1wytk5RYyZNJfGPxAKXA3o751Y+Ej0UigMM7CcJkkNkmp9tjqqpqoF3F2pG7q\npvpaL9dwZaXHC8IRvs4rocU7HxG0glx55ZVcdNFF2LbNb/4nihTrKNkL59Fs+F8wEure36C+1os4\nTdJZVFTEqFGjOHDgAFdddRW9e/cmJyeHJ598khdffJH58+cTHx9fpSeKjS1bIzE6OpouXbqQlZVV\nIek8dOhQ+cSkpKQkEhMTOXr0KOnp6fTt25dOnTpVuF5MTAwFBQVEIpEzesF1kcvlKh9aUJ8ZhkFi\nYmKN1EvQDlASKcGzyuS2gbfy3t5PKSrKwrYVi59/HjX2Lvh6B9CEo5lHiUSCUBggknfibkWnIvVS\nd0nd1E1SL3XTj+vlE2+Ang746+uvAHDnnXeSl5dHILwFf2ARwal+XFdeS0E4AnknXzGkNjT0eqnP\nvq+b05ar7OCTTz5JkyZNWLhwIdHRxwcje71exo4dyxNPPMFLL7102icJhUIopXC5XIRCIfbu3cvQ\noUMrlElJSWHfvn20atUKr9fL0aNHy19AXFwccXFxJ1w3Ly/vlEs61SeGYTSI1/G9SCRS7a/HUA6a\naU0J/BLejnxI3IedKCrKKj++JWM/vQ68hXHFRFTzZOyvbVRAnVFcUi91l9RN3ST1Ujf9sF5CSrG8\nNEjnZQvIPpZNm1ZtGDRoEKGQn5LAbNyr20N0IfTqU2dfe0Osl8ai0qTzgw8+YNWqVRUSTihrZXzx\nxRcZMGBAlZJOn8/HzJkzAbBtm549e9K+fXvWrVsHQL9+/Rg8eDAfffQRL730EkopRo0adcqZ7kI4\nNAf3u+/GTrMZHhnIstiK/41/kDODJbqHMRs/ou2oHugdDWhcn20hhDiBAUyKcfHotNcBmHz3ZHRd\nxx9ehCOQgr1sK+6fPoSmyUQicf5VmnQWFxfTokWLkx5LT0+nuLi4Sk+SmJjIfffdd8Lj/fr1K/85\nOjqaW2+9tUrXEwLAUhYhwoSJ0PzKMDt2HD/25hvvAZDTsR3P3PZL9OZuWSBeCNEghVWYrdZ2ejt6\nnjZZ1DUN/+5vWLlyJdHR0dx8883YqoRAeCExpWNhYDZ6cpMailw0NpUumdS2bVvmz59/0mMLFiyg\nXTvZg1XUnqPqGP8IvEh/ow9/u+9JLrv+Wt4a/jqX9zm+VduHe/ZTPPUQqsAGwFIKS1V9XKcQQtR1\niyPL2WRtrXLr5GuvvQYcXybpwKFPMPV+mOk9MEdcXp2hikau0qTzF7/4BXfccQfvvfcetl1207Zt\nm1mzZnHnnXfy85//vEaCFOJkfKqUaC2KOC2WplGpXHf/PznQbgB/6HgNd//uRtJaxBO2bRbvXcw0\n9RYAL5YEORixazlyIYQ4PwrsQhaHl3G9eVWVyufn5zN79mwAJk6cyN7dNqsX98JtjqrOMIUATpN0\nTpw4kUcffZRJkybhcrlIS0vD5XIxadIkfvGLXzB58uSailOIE5QlnWXjjcML/LTcFWZfsU5RdJgh\nrk5cdu1FACw/sAOfUUoo8jUpukauJS2dQoiGYU54LoOMASTrSVUqP3PmTAKBAMOGDaNdu3YsXRim\nY6eOGA6ZQyGqX6VJJ5S1dmZlZTFnzhz+9re/MWfOHLKysnj00UdrIj4hTinTPkRIfbfchEsjpsAm\njEZ2QnPScoto06xszPC2/B1EOT14Q1NJ0/wc+a7V/p03ghw7Kq2eQoj6abe1l4P2IYabQ09bdkfI\nwhcO8/rrrwNwW9Nx5GTbHM5R9Ooju/+JmlGlJeTj4uK44oorqjsWIc7IRmsLwe+STr2Jg5g1ZQlk\nJDGdjN357E0ZDMDm/C30eP8iiuIHkTSskF2GG4CCfIW3RJHceNeLF0LUY6sia7nevBqnVvlGLcWW\nzRu+IP1WLCIrK4vWaRlc2n0onywKc8nFFg47DMhe66L6NYy9pESj9JD7PhRlXeVWik58QdnPRkoq\n7Iaj/u4ktkqiIDOfN37zH8I9bmD0wNbkRxIh1o0nCkpLpatdCFE/3eYci8bpJw8t9gW4wGnw5mtT\nAZhw0e3YrUx2LrS4esBiwvPCOK++obrDFeL03etC1FWxWgxxWtlOV8E4Dd2ruLi/g7QWBiUP/IUC\nbxSJTRLKy7+z9UNydq3mZ8/9PyIBP1FRGv7S2opeCCHOja7pp52xHlKKpb4AaQd2ly+TNLrJ1Wjt\nVvPwAxZsXIkxcEgNRSwaO0k6RYPgdpT9v3/VRTo9exvEJRoUFytuu/32CuUWvz8PYuMw3B48Hk1a\nOoUQDdqGoEWGafDxtGkAjLl+DNEhNzTz4tq8GKN7T/TEqk1CEuJcSdIpGgRT0/j9b9zYbcpGjLjd\ncMlQk7v6DGPpYz/hn/8sW2lh09oD6EnJBIMKTQP/D5JOu8BCeWVikRCiYVBKsTgYpn84wPvvvw/A\nhEuvws74FnfkYiJrVmJcOrKWoxSNiSSdosHwaBD4LofUNI0Rl5voMTEkKoNB/W2cusn+g0cocHnY\nuski97DNhRcfH9YcnhcgsiVUS9ELIcTphdSZfUfdGu1k1ayyZZKGDh1K+ogNmHfYRJavxOhxgbRy\niholSadoMBTg+9FuQz4VjVYYIPtQe/qmJgLQ79e/Z/6COaQ114lP+MFHoNRGi5KPhBCibtpnHeCF\n4H9QVdxVTdM0mmvw6quvAjDhziEoIrjcfXG07yStnKLGyR1WNBgJ+okD6osCbhzBUsK5QxnWtUv5\n46vW/YP4xOIKZZVPoUXL/uxCiLpHKcWc8FyGGAOrvN0lwLx58zh06BCtW7fmkqHN2LnpGsIhDUe7\nDugJidUYsRAnkqRTNBi/iPfQzFHxLd2kuRMvsXSL2cekUcP5y7PPAfD15oNEcahCWUk6hRB11VZr\nG2EVoY+j1xmdN3Vq2TJJEydO5PDBa1m5pCWmLMkpaokknaJBc7k04ru0xMzZh5HchIsuuImkxAxK\n/WFyVn9WXi706YeokoNoMfKREELULZay+DT8Jdc4L0fXqv4dtXPnTpYvX050dDTjxo1j2aIwgy81\nz6ilVIjzSe6wosGLumMSemISWmISWYdsunYp25P9661bsA5EiOzbR2T5Egh+C9LSKYSoY1ZH1pGg\nxdNJ71Cl8t+ELYptxWuvvQbALbfcgq8khtC3Fj0vkNu+qD3y7hONg8sFqc1YuyrChf36A7Bz/yGC\nzxcT/uQrQk3T8HcrJfSOr5YDFUKIitL15tzgvLpKLZRhpXjLGyS3oKB8maS77rqLlQtC3BrchsPv\nr+5whTglSTpFo+C84lrIaI8/32ZIZmsAdh0rAEpQLYezb8gochMSsbOtWo1TCCF+LMPRkjS9WZXK\nbghZpBs682e9i9/vZ/DgAbRq2YHwjgIc5odAuHqDFaISknSKRsM0Na691UX7Hu3RdQcHikoIWPkE\njKbYXbuz84KBEJQdioQQ9ZNSisWBMJeYOq+//joA4+9ogSdK59rmK9Ga9kKPT6j8IkJUI0k6RaPS\nu5/B4cHHaJXQElsp/mPuYW3zQuJ1jXwTlCSdQoh6alekbEe1Q4sXcujQIVq0jOWKkQ9hlxRDzjrM\ni4fXcoSisZOkUzQ6UR1j6BxfNiB/d8p21i2NIl7XOGaq41saCSFEPbM4EOZSt1m+TNKEOy7F5WyL\n/6svwe6Oo3tyLUcoGjvj9EXqpkAggGmaGEa9fQnldF3H4/HUdhjnTNM0SktL63y9tHS1oEXzlrAf\nvtmwmIR2d7J+/tfMW/IJnQ5eSCRkcnvcLVIvdZjUTd0k9XL+LA+sorezF1F61f+etxhO8vbsYtmy\nZXg8BlMm/REXULh2Fc4LHiAqKbr6Aq4BdaFezqeG8nkBqrwMV72tNbfbTUlJCeFw/R8U7fF48DeA\nGYWmaZKQkIDP56vT9aKj0X5IB5xrnexb/g3ZG4fx9vSy/Yx/4Z7N+NKJXGYOp2lU0wr1UlKisC1V\ncevMeqC+1MuZkM9M3ST1cn5kWt/ycWgu3ewunMmSmnHAU//+NwA33jQEj6cJQSDh8d8SdDrrfd3U\ndr2cbw3l8wJldVMV9evuKcR5kn+Xj3/M/Stde6YSKA3hNl1AWQu6nglH7KMnnLNxbYQVSyM1HaoQ\nohH5frvLy83huLQz2zqoqKiI9957D4Apk57g0w9DBPwKPT6+OkIV4oxJ0ikapXZ6G3q02sLv/zaM\nv46+lI9ueIv+PVoD4N/hI08dO+Ect0cj4Jcxn0KI6rPD3kWJ8nKho+8Znztz5szvlkkajEPrzJ5d\nFi53NQQpxFmSpFM0Stc4r6Dgi2tJWNaJG6MuoU18a5K6JQFQsDOfvB+0dP7zr34ySyyUS9FAekKE\nEHWQrWw+CX3O1eblODTHGZ1rWRbTpk0DYPLkySxdGGbwMNnyUtQtknSKRivpSCFtM7+B6Ci8N0BC\nQh8AsrdlcfQHLZ25hxXzs8PkGLa0dAohqs0BO5MozUN3R5cqn7M3bJFr2cyfP5+DBw/SqlUrunQe\nxpFcRc/eZ5a4ClHdJOkUjZYeLut3MnrHEepl0fXG9gDs3XKASx2XAGAftejS3YE6AmtetwhIS6cQ\nopq0dbTmPteUKrdOKqWYXRqi8Af7rN95551smF/IuNTPMAyNyKog1jEZiy7qBkk6RaPVZH/zsh88\nHlrq6UzqOpoElwtvSSFmjoPw3iCBp4pITIDAt4AO8YnSVSWEqD5n0q2+O2KjAHvvWpYsWYLH42H0\n6HGk7l9M0+YOlFKE5pZWX7BCnCFJOkXjpb5r6ex74XcPBOmR3gqATZs2EVxWChokJmgcO2RzmzPE\n+JHSXSWEqBsWBcIMcZtMfe0vANx0002kuHV6mRvxDB+OyrPRHBp6knxvibpBkk7RaDl/kgK6TnZs\nWZ+5riXSo1NXADauXENw00bcf4gnNkXHfxjaBGysb+r/2nBCiPov17LJiti09W3ig9kbgLIJRJHF\nCzD6XIgWG4e9L4ze1pDJRKLOkKRTNFpGRzeO3v34V+lLhFUYTdPo2aFsAP/aNZuwzYWE57xBiw46\n0cOXYCsba4cknUKI88dW9lmdtzQQ4WKXxjszn8FfGmHQoEF0aNaUyKZ1mEOGAWDti+BoV2/3gBEN\nkCSdolFz3XQLpuEhQACAC/r1AGDDjg38JRRL8abN7Ni2j9cevpdfrHqiNkMVQjRA74Rmsymy5YzP\nu8JjMkBfw1sztgIwZcoU7AP7MfpfjBYbB4C9L4Letmo7xQhREyTpFI2eFx/fWHsASL9wEBlxg1qV\nzwAAIABJREFUZeM6p05/mkeWrmXlojn4/RE+yZzLvO3zazNUIUQDkmXnsMP6hs6Ojmd8boyusXLx\nNjIzC2jZsiUjR47E6NUb5xXXAKBshXm1By1VbvOi7pB3oxDApkhZa4Eea/KPl5/hwttvwjRjWZC5\nj+ee+3t5ub8sfobSQ4cJfTy7tkIVQjQQn4a+YKQ5DLd2dtsGzZi2DChbJunDWRF83uPrCGu6htHb\nJeM5RZ0iSado9C43R3CN8/Ly3y8cMpAunZ6k76QbTii7v3A/B7dmY+fl1mSIQogGZre1lzx1lIHG\nhactm2vZFNoVx37u2bOHxYsX43a76d93LFmHbKKiqytaIc4PSTpFo3e5OYJmetPy370BG7Uvlq53\ntaxQrmmrVAB27d+HJt/uQoizZCubT8Kfc5U5CkM79USfkFJ8VhriheIA2ZGKu6F9vxj8TTfdxJYN\n0VxyqWx5Keo+STqF+BHTpXH9Yy4mNH+QFt17AZAQFUX7JmVJ6IaDB8ATVYsRCiHqMwuLCxw96eXo\nccoyO0IWfysKcNRW/DLeTVenA6VCABQXFzNr1iwArrniDtnyUtQbknQK8SMuTWNAnEkT08Hwvz3L\noLROvPTgg2hpZTsY2XnZLF3lxLJkH3YhxJkzNZNh5mB07cRbsFKKN7xBZpeGuCnKyR0xLuJ1nYid\nRVHgL9h2Ie+++y4+n4+BAweSsn4717bbiGFIK6eo+yTpFOIUknWLqBZxvH7TrVyUfBFNWmUAUHAs\nh6aOXHzLVtVyhEKIhkbTNC50GTwa76azs6z1MmwdoCTwMlHmtRQXw6uvvgrAHWPG0qxwM22v6F7h\nGqG5pUQ2BGs8diFOR5JOIU7BjmzjKnMOkS7NsXYmcmXb9gCszznEuzt2Etx25mvrCSEap8iWjfif\n+wvBN1/D2ru70rIdTQfO78Znhq1deIOvEu0aT6m3NbfeeiuZmZl06NCBEaZNzCUD8KTEVTjf2hFG\nS5Tbu6h75F0pxCk4zXak65lkXdEG+8pmtG7dAYDM7P1MXT2TOatX1nKEQoj6ILx8CeG5c3BecwOO\nbj3RPB6gbKLQD9lFhajw8V3PQpGv8QbfIMY1kdKSNMaPH8/mzZvJyMhgxosvwratmIOHVbiGCijU\nEQu9pexEJOqeGntXPvfcc7hcLnRdR9d17rnnnhPK7N+/ny+++ALLsoiKimLSpEk1FZ4QJ3Do8cQY\nPXBa/2F/nweJCSVWOL47+1uUUjJjVAhxSqGvPie4dR1bJl9EapJBB0dflFJsCEb4uDTMT+JcNHOU\ntf+E53+BtXkjemoqenorVHM30S1uxOtO5NbbxrNlyxYyMjKYNWsWTdauhP4D0GJiKjyfvT+M3tJA\nkzGeog6qsaRT0zQmTpxIVNTJZ/36/X4+++wzbr/9duLj4/H5fDUVmhCnFOW8iuLS7ehaAu+Yr1c4\nlu31gr8UWRxPCPFDXuVlu/UNu6w9+FruwNc7ilaxfpqikWfZvO8L4VWKibHO8oQTwDV6HOraG7Fz\nsrEPZaIOZJL/1Vomzl/G1p07yxPO9PR0wt/EY1x48QnPbe2LoLeVVk5RN9WZd+bWrVvp0qUL8fHx\nAERHy41c1D5di+Mj63FGON1Eqygevf4R3l/3Efuy9rLf68M+nIPju7GeQggBkGvn8Y21mw6O9nTs\ncBlJeiK2UswLRFgWCDDSY3KJy8Bxkl4SzXTiaNUaR6vWFBQUMHHqeLbu3Enr1q159913SU9PB8Ac\nPuqkz21nRjBHeKr19Qlxtmo06Zw+fTqaptGvXz/69u1b4Vh+fj6WZfH6668TDAYZMGAAvXqVrZFY\nXFyM1+utUD4mJgbDqDM58zlxOByYplnbYZyz7+ujodVLEINo08ClXFx9xZVMuH4SPaf05GBREVpK\nKqZpYiuFXke72RtavYB8ZuqqxlIvYRXhgHWQHOswQ1yDTjje2exIZyrup15s2QSweDw5lkTH6adT\nFBQUcOutt7J161Zat27Nhx9+SPPmzQn4FVP/7WPyfdG43Sd+5xj3JwGgOY4fayz1Ut80lHqBqtdJ\njdXclClTiI2NxefzMX36dFJSUsjIyCg/blkWOTk53HnnnYTDYf773//SokULkpOTWb9+PYsXL65w\nvaFDhzJs2LAfP42oAxITE09fqB6JFJTSPCmZfVkH2KzW0nfrfuLSm1L87WF8mka208PWnYUM/Uch\n7d/ufvoL1pKGVi8NidRN3fTjellQtJjVvrXs8u8h3dmcnlHdSUlKKR/XbYdC6E7nSa/VBLjvFM+j\nlE3O0deJjepNbHRv8vPzueWWW9iyZQvt2rVj0aJFtGjRAoA3X8+jZUY0LVumnq+XWe/I56X+qrGk\nMzY2FijrNu/SpQtZWVkVks74+HiioqIwTRPTNMnIyODw4cMkJyfTt29fOnXqVOF6MTExFBQUEIlE\nauolVBuXy0UwWP/XVDMMg8TExAZXL8maIlBYwFDnIDoYMbh9W2jStizpXL16NZ1GjMK5oxQU5OXl\n1XbYJ2ho9QLymamrGnK95FiHeds3i3Ge0dwaO5YozQM2HD16FAAr61t8r79CzE8fRk9MqvJzKWVR\n7H8Dyy7EoUaSk7WLMWPGsHXrVtq0acP777+Py+UiLy+Pbw9ZrFzu45e/jjmj75qGXC/1WUOpFzhe\nN6ctVwOxEAqFUErhcrkIhULs3buXoUOHVijTqVMnPvvsM2zbJhKJkJWVxcUXlw2SjouLIy4u7oTr\n5uXlEf7B8hL1lWEYDeJ1fC8SiTSI1/N9vUyKdoJtcaVjFGH3GoIRPylt49m7BHbs2EGfYcPZ2E3n\n4s+p06+7odQLyGemrmrI9WLZFjea19CVzhCBMMdfp7V3N8GZM3BeNxorJharin8DpcJ4Q9NBKWJc\nd3E0r4RbbrmFr7/+unwMZ5MmTQiHw9i24v23g1x+tYnTaREOW1V+HQ25XuqzhlYvVVEjSafP52Pm\nzJkA2LZNz549ad++PevWrQOgX79+NGnShPbt2/PSSy+haRp9+vQhNbXxdh+IusnK3IhuRYjpVjZQ\n/8M5n/CT++8n163AASqs0My6ObZTCHH2muqpNNVPvCdFtm4i9PFsXLdMwNGuQ5Wvp1SQkuBUdC2a\naNetFBQUc8stt7Bt2zZat27Ne++9R1paWnn5NSsjOAzo3U/2WBf1V40knYmJidx334mjWfr161fh\n90GDBjFo0ImDsoWoKxyduqJ8PgZd1Zr1f1rFzm1fM//LL4m6aAgqQYegAkk6hWgUImtXEp7/Be5J\n96I3Tz+jcy11DIfejCjzegoKCssTzjZt2jBr1qwKCSdAUrLODTc70PWTf78onw0WaHGy54uou+Td\nKcQZMAcOxvPAI4yJvZp7biwbIvLCU38kQdcpeDwOLUY+UkI0Flqz5rjuebDShHN1MMIC/4ldqIbe\nnGjnjVVKOAE6dnbQtNmpv18ia4OE5/nP7oUIUUPkDinEWUhyZDBmQjOcDpNNew9we9hLC+P4x8k+\nFCHwSkktRiiEqG6OlhnoScmVllkbjJDqOHnrZH5+PuPGjTttwlkVtiwKL+oBSTqFOAuaZhDdojX9\nm/RDAYvnzatw3Noext7ZuAaIC9EQBVXorM8ttG0OWzadzRPHYX6fcG7fvp02bdqcMIbzTChbfbcT\nUcNY81E0XJJ0CnGWEmLvpE/zwQAs/Oyz8sc/+yhEZmbVZ5YKIeqmoArxv6V/xXd4P5H1a874/E1B\ni+6mA10VEYxsLH88Pz+fsWPHsn37dtq2bct7771Hs2bNzjpOlWuheTT0eLmli7pN3qFCnIOMS0YA\n8OGCBVwycCCZmZkUFyuOHlE4epS1OqxdFWHfHklChagv7IJ8ipcuIvfN/+Ohfxajz3gTK/MAyjqz\nz/GGUIS+ziDFwZexVQFwPOHcsWMHbdu2ZdasWSdNOPOP2Sz6qmq9Jda+CHo76VoXdZ+8S4U4B7c8\n1o3X53fj623b2H/wIPPmzuPquGasiLqA/qPTsCzFB++G6NxVp217WepEiPqg9K1pqNSmbG5ZStvh\nY0hucuEZX8NrK1ABUq3XMB3d8ZjDq5xwKqWYMztERpuqfWdoDg1H95PvhCREXSItnUKcA03T+Ojj\njxk5cRQAOxYuJlrLJ+rYdvR4nV3LszEMuORSGWslRF2hwiGs3d9gF+Sf9HjM/T/HP+UG1vbWaZ/S\nD6UUxcXqjJ4jWgtzl/stDEcrPOZV5Obmliec7dq1q7RLfdtWi/x8xSWXVnE/6wEuDEk6RT0gSacQ\n58jtdjN+2GgA9mZnY7aNJ8XKprQ4TMbnz3DrdUW0aaoR+qy0liMVonFSSmHnHia8bBGB117G/7+/\nJzz/C1RhwSnPmV+0iIHOCzmSA/99MchH753ZhCJfaBYacWzb1JKf/exnDBgwoDzhnDVrFk2bNj3p\necGg4tMPw1x/kxPDkDV/RcMi3etCnAcZ6V0A2Jd7GNLcpDtzOLYji2SgXWoxkS2JRL4K4LwqqnYD\nFaIRiqxYQmT5EhwdOmFceDGO8XeguT2VnmMGYij+pBevbggw/DKTCy+u+u3S6/Xy3vtFvDFjNjt2\n7ADKekUuu+wynn766VMmnADzvwjTtr0MxxENkySdQpwHvuIMTIeHo94CCp2lxKt8XMkhgoBWmI/y\ntwLKljbRTrGjiBDi7CnbRhUXoScknnDMGHAJxsAhaFrVPntbNoVZ/14funR38PBjDqJjqnbejh07\nmD59OrNnz8br9QKQnJzM+PHjuf3222nZsmWl59u2otSnuPJa6SoXDZMknUKcA9tW5GQpAgGNpNg2\n5BZu54X/pNKvyMvmv7zM3b2uJDU2FnufhTkmShJOIapBeNVywvPmome0xn3HXScc1xxn1moYE6Px\nyONpRMeWEA6ffAb5wf0WK5dFuH6M4vPP5zJ9+nTWrDm+rNJFF13EHXfcwZVXXonL5arS8+q6xpjx\nVSsrRH0kSacQ5+jfzwe4brSTxLi25BZu5+OZv+b1gt0oFHOWL+bty98mI05HbykfNyGqg7VxLa5x\nt+Ho2OW8XK9te4MmTdzk5Z16VzGbLD74eBq//9MsvN5jAMTExHDl6JsYeettXNOj23mJpTKqxCay\nKYQ52F3tzyXE+SATiYQ4B7quER2j0aGzzpCbOwNwrGAXCkXL9AxyinJ4/vnnWW6alMbLGC0hzjel\nFPaRXPQWrc74XMtSRCJVn5VuWRZfffUVd9xxB4MHD2TZin/j9R6jbdsM/vTUfaxfv55LfvMH3O07\nnnEsZ8PaE8beLTufifpDkk4hzlFsnEZJseLGkSPQdZ1mie3443V/Z/if/gjA+vXr+WZ7mOKSnbUc\nqRANjyouAqcTLSr6jM7bt8fihWcCbFp/fMF3pU6dgM6dO5dBgwZx5513Mn/+fEzTZPTo0bzx1tO8\nMesy+l1wD57oaDaHIvR21sw/mLLfuqhv5N0qxDn6Puns2bMnn875hiNfWfRJPsb63nOZZXg4ePAg\nNvm44t7AVk+ga7G1HbIQDUcwiNGzd5WLh4KKj2eH2LfH5qrrTLr1PJ4groysoUgVc515VfljRUVF\n/Pa3v+X9998HICMjgwkTJjBu3Dhi4rLxhWYR8t7Le5/GYrWxaOLQSXZUvT0n+1sbpwtSmpx5G5C1\nN4Kz/5kl20LUJmnpFOIcxcZCSUlZC0kk7CTeYWNGZ+OK9dAtpWxcV97RzfiLWhEu/Lb8vNUrwmR/\na9dKzEI0FHpqU5xX31ClskdybV78RwCl4OHH3HTvZZTPaFdKsSKyhraO1uXlFy9ezIgRI3j//fdx\nu938z//8D8uWLeO+++4jNv4YvtC7xLruomlqcx56zM023TqjVk7LUrz7VpCcrDP/HlA+G1VgoafL\nsB1Rf0jSKcQ5SkvXMc2yG1fLNooObVZhR+WS5OiL6/I4ALIzF5O3LR3rneMzU3NzlOzJLkQNWrYo\nzKChJmPGO3G6Kq4kkWl/S5AgHfR2lJaW8uCDD3LzzTeTk5ND7969+eKLL5gyZQq6rqOURWnoA2Jc\nd2A4ypZBsh2wLWxxgbPqHYjLF0eIj9fo3uvME0drfwQ9w0BzyIoYov6Q7nUhztGAQWVbXPpLFTtC\ne2h7yTJspdHGuBxjgAHTYOOmr3gt0eJPzY5PMEhrrnNgvySdQtSUG8c6T7lW58rIGgYY/dm4YSMP\nP/ww+/btwzAMHnnkEe6//34M4/jtUtMcxLkfQdOOP2YAP4l1EVvFZdEK8m2WLAxz38/cVV4/9If0\nNAfmFZUvcC9EXSMtnUKcJ5kHbXZ/3JoZURqrYjsSrUXRpU8XNE0j62gus2fNZMG2NdiFhVgH99Os\nucbhbOleFzVLKUXprx7BLiqs7VBq3KmSO7/ys9G/hWV/X8QNN9zAvn376N69O1988QUPPfRQhYTz\n+LUqPqZrGq2Mii2WlU1M+uTDMAMHmySfxVhOAD3ZgaO1eVbnClFbJOkU4jyJidUo9UIbRy+aOtoA\ncG2Tdjz26EgubNsMgO25e1jy7k5yP55D0zSdI0dsskNHajNs0RjpOio3p7ajqFZnshTSim0rWTjm\nc1554RWUUjzwwAOsW7eOHj16nPXz791t8dbrISzrxDjyj9kUFtgMGS6djaJxqbfv+EAggGmaJ/0P\ntL7RdR2Pp/53k2iaRmlpaaOtl5QmFl5vkF/Ej0dDQ9d0uuqdib/sAE13l7Jm32F2+nbT6tBoWifn\n4dquaBm7i9UrVzG0/x6aJ72App3//wMbWr2AfGbOlbpkKPqxo+f9b1jT9WIdzcMuLMD8wbqYlqWY\nO6eUI4ctJv8krvLzLYsXXniBp556inA4TOvWrXnxxRcZMGAAgX2l6A4Nd4qLYPgb3M6yhecj34Zx\npJ1+LGXnroqlC0v47GObm8dHV2hlTW8Bv/xVFHoN7VAmn5e6qaHUC5y6F+HH6m2tud1uSkpOvUVZ\nfeLxePD7/bUdxjkzTZOEhAR8Pl+jrBfDUPi8ikBpsPxmollxJMZF6BhdtkzSzsJdjLCiSAw48E0v\n5OKLs/BkHoX+Cl/pYRz6iftGn6uGVi8gn5lzZac0Ibx/H5znv2FN10t480ZUXi7O9LLJPMXFindm\nBHE4YOztrkpj2b9/Pw8//DDr1q0DYMKECfz6gV/h3mlS8P8Oo1s65g0aXuNtbHzERZqjaU4C75Xg\n6GBgDj99snDLHQb/+VeAuXNsho2qva5w+bzUTQ2lXqCsbqpCuteFOE8cDg3bhsM5x7vTdC0OK6aA\nVgPjMU2T7MJs3tz6Z+794FOCVpCU+ESivb7vSgcBOGLZ5WPBwtYelJJxn+L80pqmYR+u293r+62D\nrIysqbSMOpKLltoUKFvs/cVnA7Rt72DiPS5iYk7e8mLbNtOmTWPUqFGsW7eOZs2aMf35afyhxa9w\nvGyhCm084+NIfjpMUetncejNiHM9iKY5AXDeHEV4YQA7t2wSoN9WlNgn78p3uzXuvNvNutUR1q+J\nnO2fogJrbxh1iucToq6TpFOI82jsbU5Smx6/2WlaDJghHJcl0r59ewC2b/icpd9msygyB5c3CXdR\nmCjzehx62bjPfxYH8ClQyqIk+CIRe2+tvBbRcOlNm+HIaFPbYVRqTWQ9s0IfkmcfPWUZ+8hh9NRm\nfJtp8c6MIDeNdzLicvOU3dYHDx5k3Lhx/OpXv8Lv93PDDTfw1VdfMfzy4RhD3Xh+n4B5k5tA83lk\nHXmBOM94opzXomnHJwjpSWWzxkMzvShbsTYUYU5p6JQxxsVp3Hm3iyULwwQD55YsRraGCM3wgleS\nTlE/SdIpxHl0QV8Dw/hh0ll2s9K1JFI6dqpQdk7JdI513M+xI6UY2vExaQm6RpGtsNXR786NB8Da\nF0ad401LCADN6cJ53ejaDqNS41yjud68ilmhD086C7x8z/XUpqS31HnwUQ8dOp18vUvbtpk6dSoj\nRoxgxYoVJCUl8e9//5t//etfJCYmosXoGD2caIYGhLHsAtq1/DMus+tJr2dc7AJDI7IkwMagRe/T\nrM2Z2lTnZ79043Kf/RhO61CE0Ls+nFNi0eLk1i3qJ3nnClHN4t2/Jtb1E6J/MNkBYNGyb7lq9P2M\n/vhLQseO34wSdI1C28ayczAd3XHoqQCEZvpQxdLVLs6eXZBPYOq/z/p8pWxs5Tt9wfPkEuNiAirA\nWmvDiQd9XlA2xMSiadopu9P37dvHmDFj+O1vf4vf7+faS69h0aJFXHPNNbwWfINiVVKhvKa5iY+6\nHdM49fhqTddw3hJNcEWQgpBFR/P0t1LHOSzibudbhF4twTk2GkfLejsVQwhJOoWobg49GU1z0Ktv\nXwAubp5Gp74dCAbDlPpCHPMHWDx1eXlrTryuU2grIvZhHFqz8uuoEhstVnYfEWfPPpwD+tl/7Qci\nCyn0//Y8RlQ5h+ZgrOtGFoaXYP9obLOybcxLR55y1qxlWbz88suMHDmS1atXk+JJ5uXHXuKlGf8m\nOTmZ/fYBcu08Yok5q9j0ZAerH4yie5SJ4ywWd68q5bcJ/teLMcyD0cNZbc8jRE2Qf5mEqCGDBwzA\n+4//Y+KuTfypZQHfrN9NvMtJUTDE3E+/YtS1PbA2LaP54FEUNmmK7ojDoacAoEIKLOAcuueEULk5\n6E3Tzvr8sLXrPEZTNS30dH7ufgD9R8uJ6XHx6IOHnfScPXv28MjPH2H9hvUA3HDR9fzxxT+R1Cyp\nvMyKyFqGOroAEeDsZpavty3GuKs5EbTBGODCGOw6fVkh6jhJOoWoAfbhbNLzjtKyS2eS8rO4dFxv\nOjVLotfSPG6b+hHzsxZR+mUGwfRmRGcewJfaDLc5sPx85bXRYvSz2i5PiO/Zh3NwdOx8VucqFSBi\nZ5Lg+d/zHNXJhT4pxejtRE83cGrHk0KlFBvWWrTM0EltWjERjUQivPzyyzzzzDMEg0Gaxqfy9B+f\n5rKbLq9QzqdKUdYWOgERRwdMR7szji+iFF1MB62N6u0w1KJ1zCHuan0OIWqKdK8LUQPs/GPEblyL\nLxSBJqnEabEkpGlkZDSlTZs2FIaKWXPkCLnNXaRmHeRyT8WWF1WiUIU24aWBWnoFoiGwjxyu0NIZ\nXroQFQxW6dyQtQ1Tb4euVe9i1kop9gT3EVkRQIs/8RZV9HQx2nteXPvDqHDZkBRbFbN1+ydce91I\nnnrqKYLBIOPGjWPhykXlCadl51ISnEpx4N/k+//GUGzi3PedVcIJYGga10Y50eUfQSGqTJJOIWqA\nFhcPRQX07dYVx41jaXJM0WqXDxUTzRVXXAHAsuzD5LlzeeGNNzl69PgyMUoF8UXeRWvqwN5T/xdE\nFrVDWRbqaB5aamr5Y9aWjdhV3A5TqQAuo191hVeuQBWydNcyrFQHO50VZ60X5Nu8VmqQNtCJa30Q\n/x8KCbxRwnO/e5Rrr7qPLZt30ywtkTfeeINnn32W+Pj48nM1LQaXox9OYwhrtSa4XQ9g6OnnLW5l\nK+zs87MWpxANlSSdQtQAvVlzVEEB/YKlmJpGcmYJF6230KJjaNO3LQCb8gr4YOZHTN+4hRf+8Y8f\nnO0kkrYJ8wZTlkwSZ01zOPA88Xs08/gYRK1pGqqKi8S7zUE4jQuqK7xyB+1Men/TjUgXk5m+IKHv\nN0oIKd58LUi/ESYx19u474/D83g8z6/5P56d+gnhsM1tt93GooUrGTbsxLGeuhaN0+iJ2+jKaM9P\nSXU0P69xqwKbwEsl2Mesc7qOnWehTrJfuxANgSSdQtQAzTBwdOpCZPtWABKjm5PbIRHXqCtJ7142\nQ/3r3XtYvqwAgOXLlgGwcmmY3MMKXYtHub0of8WbkbKsk65hKMTJaFHRFX7Xm9W9nYkO2Ido+U1z\n4rs5aWX8f/bOM8CKIvvbT3W4Ye7kDAw55yiSFFCQNa9pXUVdI8qaM7ru7n/fNeeEImLCrKiIiRUF\nyUGGJJkZhjTD5Bxu6O56P1wcGCcAiiTr+TTTVd1d1TV953fPqXOOztJA2Ho4fVqQxGSNqKGb+GTX\nFII/LuH9Lz/guU8mommCyZMn8/jjjxMVFXVExq0l6JineMKpzX5lxSCn2CYwsRxnu7KYKo5PlOhU\nKA4Tevde2HtEZ6QviWbBWKr0NJykViQkxVBTU03urgIANmRkkF+cT2BtkF3b7bDodFfAL0RnzT/v\nxlq2+LDPRXF8oKU0O2D3+r4ErFXYTtHvMCIoLSjBFTIRLXRGew3m+K1w0E53nfP/4qKX0Z3mOwJ8\n8vX7TJgwAYAHH3qAM88883cZz8FgDPdASGItPrB9svtSmxrpFC96uyNXp12h+D1RolOhOEzonTpj\nDB4GhC1OsrqKkISlAQ/RA5Pq9JVS8uaC9+mxoYRgloUmYnA8ZQ26153NGw/L+BXHH1pqc5zc3Qdt\nLQ/ZGwg5hz59kiUtNsVmYN4RiRCCVoZOqi5YFrDo0dvA5RZoQsOT7nD/m9OxbZtbb72Vv11xQ4PX\nWxRaymfBLw7pGDeHbKZVNVz2UmgC1yWRhGbW4BQfuJtd2pLAW5XoHQyVGklxXKNEp0JxmBAuN0bX\nHuGfI3zIqiq6mhqCSGJ7780fmJgYzs351sNT6PvpYN6d/WZYdLqKcV201z1qWRIRE4usrFtRRaE4\nUERUFObo08E5uEpXhpaG7ew85OOpoYYh5iA80XtTBJ3mMfneb2HvEcZZWVnc+MLrBIMWfS/oz913\n313vOra0mRb8nPnWIoYZQ+q1/8zaoMXL5X4W+UOUH6BLfEXAIrGR2u4AWoqOOcKDNf/ArJ1SSoLT\nqsEQmOdGqLRoiuMaJToViiNBRAR6tx4IITjFE0nPnjfXNg0fFrbalO4sxpEOS9M/x9x8EqGJKygz\nw1HtO7bZvDoxgPvavyMryo/IFBTHDtJxkFbD+wTNQUMResM1ywFqQrOwnfw6x3StJZa965COESBK\nRHGO63RyLadWZLYxda6KdKMLQWFhIZdddhnF1dUMHzaEQQ+exBYns841KmUVkwKvU+rOXT0rAAAg\nAElEQVSUcqtnPElaQqP362jqDPEYZFoOj5bV8GK5n3n+EGV2wyLckpKfQjZ93I0/LwBjpAfz7ANM\nLWWBcIH7skjEbyiVqVAcCyjRqVAcAYSu4z7/YgD6uXTcnfuRkJRMq7RWRLr/gtcXLs2naRq789aS\n93oRoqSItz72EQpJoqIF5WUSEZ+A+7obj+RUFMcAcnc2/knPHfx5MoA/NAch6gYgGVpzbJmHlIc+\n4CUoJc+W+6kO7LU8phkaVVVVXHHFFWzbto0eiQlMfu0NboocRwetXW2/QqeIZ/0v0VprxdXuy/GI\nppOqu4Wgt8vg8kg3/4n1MtJjkG057Ag17BrfELJprmvE7qeUqNAEoglraJ2+psB1ng+hqo0p/gAo\n0alQHGEMIbgoLoqrp3/Bu+99QUxsBJPfeYe77n2Trt26ApJFu2ZThY+/3xONaQqiogWVFRIpQYuL\n3+89FH9snLxctKSUgz4vZG9A11qh/UJ0CuFCF4nYzqGPfN9lOST5BS8+GsC/Zw9zKBTihhtuYPXq\n1bRq2ZI3n38Wn88kRnjqlMeMFlGcZ57FWa4x9cpmFtgOH1Y17vI2haC7y+CSSDc9PQ0H8sz3W/Rz\nqUJ+CsWvRYlOheIooOJHh96ZyXjc8SS5HAZ9tZbkPl7OOOdsAOblzScYlYxnjzUkU2RgeC0qK1S6\nJMX+cfJ2o6WkHvR5QXsNLqN3g21e808IEfFbh1aLdCROrsVWy8G1BLr11PF4BFJKJkyYwOzZs4mL\ni+Odd9+l2fBTCFjLqAp+VucaLuGiu9G13rUdKfmgKkgz/df/y3OkpEZKermadq0rFIrGOWyi85ln\nnuGll15i0qRJTJ48udF+2dnZ/Oc//2H9+vWHa2gKxRHHtqGyDKqrJURr4E9h4LYtDBoeTnI9P3s5\n07LWk5mZWRskQUwF5WV7Rad0HGRAlclU1MfJ3Y3Yp/zlgSBlkJC9EZfes8F2l9ETvYn9kgeLzLYJ\nvFnJ5hKLonTJyFFhi+LTTz/NBx98gMfj4a233qJ9+3DZypC9HpdeX2A2xDy/hQCGuX+9lVITgjtj\nvPgO0G2+L7LCQZaH94lKv6wt36lQ/NE4bKJTCMGVV17JDTfcwLhx4xrs4zgOs2bNokOHDodrWArF\nUYHbLQgEJEnJguGjXeDpT4ucnfR3myRGJVJYU87TX33C+LHXkJmeTgiLWN8OrMytQDgCNvDKCwTe\neeMIz0RxNCLzcpu0dAa/mYFTVFDnWMjeiK61RBORv/fwAMheu4uqLn52zZX0OcEgOkbj3Xff5emn\nn0bTNF5++WV69+vH9zUhbMdPyNmGqXfe73XzbIfv/SEu8R25OunW0gCBj6qQliTwRsWvyuOpUBwP\nHFXu9aVLl9KtWzd8Pt/+OysUxxFuNwQCEBOr0b6jjpbgxRh4DtYXn/Hkk49x0dkXEeFzsW7nFliw\nhWvdV5DW4xualawAwl/qzFPHIEtLjvBMFEcbMhgAXUfExjXep6gIJ7tuNLqpdyfSPfb3Ht7eMWyw\n2NW8Bn0tjDrV5LvvvuO+++4D4OGHH+a0005DB34K2mQGN2JorRH7CRSypeT9yiB/8pok/AbX+m/F\nGOFBljr4ny9HuATGMJWLU/HH5LC+hVOnTuWVV14hPT29Xlt5eTmbNm3ihBNOOJxDUiiOCtxuQXCf\naF0RpyGiuiDi4hiRGMWzk55l5CnhHJ//W/4DzUUqo0MnIiL27qnTWrVpMn3S8pogjiqZ+YdDuNx4\n734A0UTEtWigHKYQOpqI/r2HB4BdbuErjCClXTIX/8WF7ZRzyy23YNs2t912G5dffvmeMQlGe02K\nrHUYB+Bal8BAt87g3+BWPxQIQ+C+xIcWp+G6LPKAI9sViuONw/YmXnPNNURFRVFVVcXUqVNJTEyk\ndevWte0zZ85k1KhRCCHqVccoLy+nsrKyzrHIyEgM4/iIItR1HdM89sue/bweal0OnohIQTBo1d7P\nitQRJQL3ORdgBarZIXZx7tnX8dUX45m1YQU3bwF3poXRJQbTNCmqriY+MpIaCYZtIzx7LUCGYWBJ\nyVvlNfwnMYr4I2jxOVSod+YQ0yKNYPqPv/mZ/tp1KdlUyK4OuQxo1ppWzeCJJ16krKyMIUOGcN99\n99UmTLd359B5xY8sHWKyU3Sjx37uZQLDXa6DHs/vsi5tTNzjDjB35yFGvS9HJ8fLusCBr8lhW7mo\nqCgAfD4fXbt2JTs7u47ozMnJYdq0aQBUV1eTkZGBpml06dKF9PR05s6dW+d6w4cPZ+TIkYdr+IqD\nIC6ucTeeomFiYhw6dXaIjQ2/ktYlsUhHYia68Dt+7s+6hYl/fYqbb7yVFbm5DL94OKZVw6x3JjPt\ns+nceMP1fDRtGgNiY4k1DVxJdctqVljhvINmTAxJ3qZdkorDz5F+Z4Lde5Az80uSfvF3sz+qajZR\nVbOe5PjzftP9M6K3UD6kmqSkJEpLS2uDTR9++GGSk5Nr+5VvXIcI+GmTei2f5pcwomXi71rB50iv\ni6Jh1LocuxwW0RkMBpFS4na7CQaDZGZmMnz48Dp9brvtttqfp0+fTqdOnejSpQsA/fv3p3PnuhvG\nIyMjKSkpwWqkysaxhNvtJhA49jeWG4ZBXFycWpffQEHdWA525tiU2jZSSspqyhnWZxjf/zibjPxw\nANETU9/nnf/9DyklMz79gpP+fR+lCMQ+F/p5Xbq7TbYXFRPlPva/Wat35tAihY5VWkr+zp11rOS/\nxJFOnfyXIbuS8ur5CHsY8OvXZWm7lbTUW1BQUMATTzxBWVkZw4YNo1u3bhTs87dck7EFERtHK381\nQSvEit25tDIP/b+xo2VdDhXqfTk6OV7WBfauzX77HYaxUFVVxQcffACEI9R79epFhw4dWL58OQAD\nBgxo8vzo6Giio+vvLSooKCAUCh36AR9mDMM4LubxM5ZlHRfzORLr8u3XQfqdYJCYFP7H7rdsPqoM\n4nP5+Kg8n2sn3EHMg1U0N7rw4o9v8dwH79Weu2vrNmxfZLiOdgO1tKMEFActQse+d129M78D7mtu\nICQlTiAXIVxoIqpOe1CGeNj/FA947kJHRyIRJGE5BQSDVQjh+tXr0l/rQzxxFBYW8sorrwBhQ8Qv\nr2Xl5mCcMBjbsrg5yo0L+bs+t6NhXQ4F6n05Ojne1uVAOCyiMy4ujvHjx9c73pjY/POf//x7D0mh\nOCpZt8amd7+9r2UbQ6e5LtjoeNloV1DRezuXvnUvJxT35cd7N7J06dLavruzm64Oc2akB+04sA4o\nGseWkioJ0XsCVWQwgCwtRUvefzUivVUbAGoC32BobfCYw+q0b3O2Ey9iMYTB24EP6Gf0obveBV1L\nxXKyMfW2v2rMBfkOPrs1W+Mdvnr1OcrLyxkyZAiDBw+u11fm59XOxdWAW92Skrcqg1zkc9U+A4VC\ncfRwHNg8FIrjh+pqSURE3X+W50S4SNIiucgXwtSq8MZ4MTq6+OtdlwKCtu1iAcgtzGvy2rG6hlcT\nlJerCPbjheUBiyWBvV8ktlsOT5bVsCJgEfymmuAXmwl+Pu2AriVlkKrgp1hOVoNViLbYmXTUwonZ\nO+sdWRQKf+ExtJbYzs5fPYevZwTJyrD5Or+Id1+bAsAdd9xRf3zBALKyAhHfeEL6WTUhJJIopTcV\niqMSJToViqMEKSU11eD9RWXBZF2jv9kWl3BRISuJ3JOse8igIdz68AM8/dy1GIZOaXUpNTU1Td7D\ncSSP/l8NIVUR5bhgddBm34yP7Uyd66LcpG8LULXAj7VyFyJp/+UvLWcXZf5nkLKKaM+d9VzrAFuc\nrXTQ2wHQR+/JDmcnxU4JhpaG5ezN8Skb2NrRGDu22eTtlnQ7UWfx1DepbMLKiabDlQNxKG7wWjst\nm8UBi7/43L9rcJFCofj1KNGpUBwlPP+EH8cBw6j/D3OUOYKOensqZSVRIhIpJcv9XrpdtIMePTqT\nmBIWojk5ObXnBLI2UVy+k2pZzcbKKvxOEE0TJKcICvKV6DzWsaQk07LpaNatBZ6ma4z91mbtKBcB\nbwEEmo5Id5wyKvyv4jVH4XNdhtZAPfUa6SfbyaPCag6Ea5z3N/qy2FqGqffEa44BwC4soObR/+AU\nFx3QHDZ/VMO5XWBjeQkb3w5X02rIygmADoGU9AYTwltS8l5VkHMjlFtdoTiaUaJToThKKCnZvxCs\nkJVEiSiEEOTbHipw2O20JDktHGi3a/06/K9OBMB+9RU2f/MKi79axKebf6S86jlkRQVpyQHydh+4\nNUpxdLLNckjSNCJ/KbIkuAa7aTbEQ6WvEH1AWpPX0bQYYr334Tb6N2oh3Gjlgt0Gb0ERc+bMQUrJ\nEGMgy6x0HNy1NdiDq1YghCD46Yf7tXhmbrFJK7Jo20HjtSmvEaioaNzKCVhOJrrWrMGynK9WBIgQ\ngn4uvYEzFQrF0YISnQrFUUJcnGDk6MZj+yxp4RVevHgIzZnFaWuW86OMZbkTT2yL8F67nKJi7Lxc\nsjaFLZ691nbnhB9702VDBW69DaH5c+hpLSVXic5jnk0hm85m/Y9woQmMAW5aGoL4knz05s32e62f\nrYeBTz/Ezthcp01KyZKaVPrtHMTFZ5zBZZddxoTnXyRZS6Kn0Y1SWVbb18rPJaPrxfgrQgQXL2zy\nngtnBWkhHd5IfJfv3nwdgDvvvLPR/kF7HabercG2i3wurotSbnWF4mjn+Ejrr1AcB0THCFq3adxS\nYwiD8a67KHYk3lnfkAzQJxZTK6BPWi/m8QM5RUVQXYP5USa27sHzp4EEBsdjVn+M2xjEtm2zoeNp\n5GUp0XmssznkcE6EybzZIaKiBX0H1P04dwUD0KkLwnvgVXCEy4WTswu9Q6faYyuCNnm5u3njyiso\nKgq7zd954jFGdO3MhafVzTQSdenfsBdU8EVGFFVfVuNe66dDZ50OnXRSm4k6ovD8EzRqpJ8F780l\nUFHB4KFDGTRoUIPjklISstcT6b6mwfbE46DKlkLxR0C9qQrFUYLLLQgEmnaxpwdtplQGcPZEG93q\n/gdnuHvTrHl4r11OTg4iKpLpQ7/l/Pnz+M83b1AiLco3rODysf9l55o1iK4ticlZjbV8aYP3kHuS\n0SuODI6soMI/Zb/9ro9y08bQWL3C4psvgnz8XqDO34/wRuAee2W986QMNbq+WmoznLzc2t+rHclH\nu/P5btxVZGdn07dvX2655RaQkptvuolNmzbVu0af/gaX35XG3/7ZkRMGGRQVSt5/K4DfX7efmWWx\noeUWlryxCIC7GtvLCTgyD5DoYv9BUQqF4uhFWToViqMEtxsaK05hSYtMJ4tkrS15tqSqe29idu+i\ntRG2jMbtEZ3Z2dmItgNZMj2D9VuyWL8lCzM1mhlvzSY3p5LKFs2534KzLokh9L8v0Hv2RrjrBmbU\nPPofvLfeDZH1I5gVvz8BazEhZz1ShhCi8epREXv2cpYUS26528MP31uUl0mSkpt2MdeEZlFdbZEQ\nc3Y9d7RIaYazj1u8tLqKZTddT9aWLXTs2JGpU6cSFxfH4swsfvzqC6666iq+/PJL4uPj6wlZb4Sg\nR2+DHvWzLyGlxN4QZLL9GtUV1QxtwsoJQF4Qz3cJiMuV+1yhOJZRlk6F4ijhjHNc9OrbsHvdweG1\nwNsk7hEa0X++EM+Nt9e2t23RAoCsrdlsC4SYN/3L2rbJjzxHbk4lAOnZOezYuhCjYye0tFb4n3sC\ne2tGnXsJXySyouKQzk1xYEhp4bcWEe25o0nB+TOhoCS1uYZvW4izu0FScuMf6dayAFZFiMcfe40+\nPf7OBRdcwOrVq+v00VJSkYX5SNsmFApx7/jxbF65ghYtWvDee+8RHx+PEIL/99RTpPboyfbt2xk3\nbhzBYJAy/39xnKZTdtWO29lA0aUfsuCj+UATEet7kHkFCKN+AJFCoTi2UKJToThKiPAJXK6GLTku\n4UJDI14PcWGEifcXEcutmofdjnn5OTy68ids22bM+d0587zzAEhMTGRg384ALPh+GkLTMIdeiIg5\nk8A7ryNtu/ZaIjoaWVH+e0xRsR+C9mp0kYyhNR1x/jOmS3Dd1S5C06shqumP86LVBVx+0WW8OmkJ\nUkqWLl3KGWecwc0330x2djYAwuVGxMZj5+3m9ttvZ/bs2UTHx/DOe+/QvHlznCKb0EI/nYWHoc++\nRHJKCosXL+Zf//oXmoglZO9o9P77WkJNrTOvfzqXUEWQoUOHNG3lBJx9KhEpFIpjFyU6FYpjBkkZ\npQzx1LeAeX0lREa5CYX8fDdnDhERbu64ayxPP/ooDzzwALNnz+ay628EYM6X8wiFQogEDWdXW0Rk\nLE723ooyIjIKWaksnUeCgLUIj3HyQZ0T+rIGo6cLvWXDu6Umfujn+XdWce4rFzHvpwXExXl54403\nGD9+PC6Xi08//ZSTTz6Zxx57jMrKStzX38T/mzSZzz77jAhfBCOnnEbH9h1xSmwCL1VgrwthP1LO\nhDVJPPWvSei6i7fffptnX19E0GpYdIYWz8eaP6f29/LySj54cxUAN9zUCSmbrj8t83MRSnQqFMc8\nSnQqFMcIQUIssX5ssE0IN8nNwsFF3ggfE1+5kE5pA2BjJt2qe9K8WReGJg0hLaYNxYWV3H3JnWSk\nb8Ho50Jrfzlai5ZIKZFSIqKUpfNIEen+W6NpgX6m2HYI7rEa5ny7i0EPnMTIp0/jySefJDMzE2lZ\nBL/4DOk4SCnZtftrnnrgQnbu3kHXpE68NuFpBvQfxQMPPMDcuXM5++yz8fv9PP/88wwZMozTz72T\n1157DZfLxd2TJzC4z6Dw3k8LzFEePOOi8N4bQ0K0TuclHbnpin8C8OqjC/jf3K/qjVdKB7sDhObN\nwd61G4ApU6ZQXl5Oz8GDaTOgA5WBN5HSqnfuz4QtnSqISKE41lGiU6E4Rhig96Wf3kBUBiBwM+ac\ntsTEt+a6h19nwCCdQE1b5s6sJrEqg7JSGz3ex9+6XAfAx4s/YdRFo0k3VuOs9SJ0HVlUgP/Fp8Ki\ncz/lNBW/D5qIRoimP5Y/rAqyJWRj77D48pUZ5FXlsW37Np555hlOPvlkzhg1itemf05uXh4PP/ww\nU5+4GStUw/nnX8DrT95L660n8tG7QQBatWrFpEmTmD59Ov369aOoqIC1678ABBed/zRmj3g66uEc\nsFqSjjE4HHQmojWWuk2+auHhttGtGT/6VBxbctf4D8jKysIpdbDWBAnOrKb69QzsV1pB5XCC779H\naXExU6aEo/MH33grhdqlaFo8jqz/RUdKGztUjiwtQSQkHsInrVAojgQqel2hOEa41H1Ro21CuBl3\nfXfK251C+9hYdC2ZT97R6NgukfZlS2nXwUOWFcWl7c9g6P19eezvjzA3ez7vzPyE3rFdkRUOTk4O\nWlw8oYFBXEb/wzgzRUM4shxBVJ0I84CU7LAc2ps6wrCZay8AYPjVI0mpTOLrr79mzZYtrNmyhQdn\nzgJA13X63n0fj994PR4E/iVljDu/7kf/CSecwIwZM3h/+uc8+eab3HnJWBKjzmTuc+W0P9tAniDr\njCMn22HenBA33u7BeX8N995/Pxulw5zv5nD5FZdxSpdTqM6vpFIrpErmExBRVIf8VOVkU/LGa5SX\nlzN06FBknwG0M018+gUNPgPL2Ua1PYPoCf9GGOrflUJxrKPeYoXiOEDgRsPCGvQjXVz3EijrQE62\nw9g7UrGeLwQgMsFFlc+mk9GB20bczNx357Nw0QK063Wc3TbO7l1ozVoQkrvZGCrldXslY11/ob/R\n5wjP7o9JWc2TxHjuQIjY2mOZIYc0Q8MjBNWxQRauXgzAszc/TXJyMg/eN4GZd9/BV8Jk9g8/EB0d\nzSuvvEJ6977stCWdTA33jVGImAYqGQlBwp/O5B+nncEFPhe5Th5LO3/N5lmXMKA7RPj29v16RpAz\nznERQwn+kmLc7TsyaeIkTj57OFmbt/Ha1tebnJtpGIy/+x5+QJLQRK30kL0eU+uC8Pga7aNQKI4d\nlOhUKI4LDHR8RLovIS1ao2KnyWmnS4xonVBNNdVrV0NKcyJSfIifJD169MDt81GQv4vc04pp064N\noYXZaAN7IcklIAswMChwCo/0xI5bvv9fiG49BO+9uZsRowVJyXXbdS0ZWxagsVd0hktfhtNqLViw\ngFAwSKsebUlODp/s2rCWs849hwvOv5iKigo0TcPn81FUHSTLcuhk6mhxjaTlkpIfAxZ/i3QjAxLX\ncovLAzptbqhfXnLslW48HrDmr0bv3hOh60RGRvLWZ1N5+b2X6SGao7tWERdzGlG+Fvh8PrxeLz6f\nD3dxIZEdW7MjphntQrLJ0pVBez2Rrr/+mserUCiOQpToVCiOA4QQRHj/D7+/hmghiG2t0bJ1uM3o\n0g0jPrwfzhjqwVoWQG9l0mFAN9bN/ZGFixcS1boVrswM9LMSseytSFy009pQSeURnNXxS8AvWTgv\nxJCTPSQ1X0tRcSRJyS1r218PvM3ZIhKXk4+pd6w9vilkMzbSDcC3334PwCmnjahtt1avwHXuhQBE\nRe1N7j/Ka9JU1k+nxGb3piDRrSUtIiDwegURsVF4s3fidNiO3qpNnf5eb1goVvTsy1cVfi7fc3xg\nswH0/PuLOLIC2ynE1Ns2eL+J/ldx20PpZHZssB0gYC1Byip0rWWjfRQKxbGFCiRSKI4TbAl/8ppo\nv7Ac+a4Zj6t5OHm80cvFT2e6+K6HxoBTegEw94f5rCwuRXdsKrxVLF9qQ6iCtnprKmR90Tm7JkRA\nlcn8TaxeadOug05UFHTp/TmlJXVrRMaIGHZLC1vm1x4LVdq0MjRa6AIpJbO/D4vOC0adX9vHc/V4\ntF8IRACPEOhNWBQJSGrWBrnyeT+Bx8oRkRrui6MwBg3DWjS/0dNiY2PZGBVDhVP370ETUfUE56v+\nt/g8+DUZ9lZ2Odlc7G3DIHfDdg8pHYL2OlxGr/0GVikUimMH9TYrFMcJEZrgFG/D9qyd2wPs3B5O\nSVMTv4NF0dMYeVJPABYuXMAi3c1z9zzECxPmcuVlb/Dt1LW0ddLqiM5QULLTb7MgYDVpNfsjEpKS\nrSF7/x33sHyJxQknGgSt9ei6h62bW9Vp76F3ZYssxXH2ik77vWouztHQhGDDhg3k5e8mKjKJPj33\n7rkVkZENuqstJwdrn8Tt2+wd2HLveLVUg2ZXR2P+JxbXWB+uS30ITWD0H4i9eSNOWWmD89CEoJ2h\nk7GfuUspOd01Gjcupge/IlEkEKVF4GpECAuhEem6Gq/+Z6TVeColhUJxbKFEp0JxHCGlg5TBese3\nbPbz/JNVFOQ7+EU2ASeSnm0SSWkeRWlZCSftyOTUYDUffTkPgJ8+LSBhV1Ud0TnxGT/vvxWkn0uv\nZ039o2MDkysC2AdgAd6d7VBRIenYRSM7bwY5O7qSn1v3vPZaWzJkBRYOALLKwckKobUKWwa/++47\nAHr2GImkCCmDFDslZDu7G7xnuJ57JgD5TiHPByaR6WTV6ePTBF6Xht7OROjh9RVeL0afflhLFzU6\nn46mxhbLaXLOQgjStOb8yTWKu7w3c4fnpto2GQri5NYftxACCgvxv/BUk9dWKBTHDsfsnk6/349p\nmhjHQRoNTdPwer1Hehi/GSEE1dXVal2OICErm+LKKaTE/rv2mBCCpJSwqPFjM9P6lmTtAixXAsNP\nbs9HH6xi6jPPMKBZP6pC1QBszisnIWhya8x4vHr4GeTnVUOxZGh0NHlSEqfrxOhH5nvr7702VZ99\nhHvAIIyWrfbbd2l1gArbIcHQKTFctHQ1/befsbmaQUM91AQ2c/7Zr5GTXcGpJ71IjX4WUrdI0OMB\naGF3Y5vZleYeL/6VVbi6eoiICxcAmDMnXN1n9OjTKPM/gsfsTbb7BNIDqxjvu6bePcsDmUT7TsZl\neJlXuZAzvWPoHdHzgJ6Fa+Qoyl56Fs9Zf0bo9YOQehgmC4sq8Hq9v2pdQrk5VLwxmZhb7kJPTKrT\nFigtwU5NPezvofosOzpR63L00lRA4L4cs6vm8XioqKggFGq6fNqxgNfrpeY4SMZtmiaxsbFUVVWp\ndTkCSOknZO9AyNg64zZNkw4dE4BCbDNc3rKN1pzMGo3r/t6Nb2du49vvvmWONrv2nNyycrIzt9Ki\na09qCF9r4H2ZLHs2jch5FcyKdGjW2UXfRvbk/d783msTqqrCztiM+QsR1BAbqgO00DVaaLClqoZE\nO/xMbMtBN+qL8mEjwHHg3vvvJyc7vB5LVtzLez+VEd8hkfNcZwHQmY5kBLbSV/bCv6wS40Q3NTU1\nFBcXs3z5ckzT5K9j+2IxC1MbTDs7jfdCH1NWXYZLuGrv58hybLsMK5jANn8OKwNruN97Z6PPLyRD\nTA2+z1Wuy9CEBlExeG66E39wrwXdKS9DREYhNI1YKfE7DnlV1aT4Ig5+XVKbY4wcTdnkiXjG34Lw\n7P0nHNq1A5mQdNjfQ/VZdnSi1uXoxTQPbNOVcq8rFMcJVcFPqbF+QNsnr+PPeL0af7s2ghYxUSSL\nRLrpieTLKFKbwZNPPgFAyLHo3LkzgwYMAmD12rV1rpHvTQAzhH9FkFgLip2mXckhO6NBV3/t9Y7S\ndEzW6pVoCYk4u7MPqH+2JWmha7Q0NHbY4b2NFYUOhfeUsvmpCqrz6u53FELw449Lef+dJRiaYOjg\nIVRVVfHU9U/Qu6Z7bb/+eh8uNM9FVjo42230rmEh+cMPP+A4DoMGDcLjzcWs7oSWBT4RQUutBVvs\nzDr3C9lbMPT2SATPV/1AX70/PhHR6Hy2OzupkJVhwfnzmH2RdfoE33kDZ2sGEN7X+c9YL9FN5Nvc\nF0tKSuy67nhz0FD0Dh0JvD8Vae99XuHyl6rmukJxvKBEp0JxnCCEG9vJQ9PiGmzv0dvE1EwmeO+g\nl9vkIl8EQkRy2pjBjBs3DoABfW6mRctwqc01mzbXOf98TzLOwBVQZGMk65Q0IWyP0lUAACAASURB\nVDqldKgIvITTQPQ7gF/6edT/NH7pb7D9SCGlJDj9Y7TUZsichkVnwFqOP7QQAFtK8myH5oZGK0Nj\n1569jXnFki9TPVi2xP9YGVkTK3DKw2KqpqaG2++6C4DrTxnBlBNeom27tpRtLeWhOx7EccLX0ISG\nEIKcQottAwyEOyzqZn35JQB9eqQR2vQj+vwg9to1AHTXu7LW3lBnvJadgal1ROKg69tpxeDaNltK\n1gfD49rl5PBG4F1+stfRUWvf6DNySopxiovQ2u7tYxyga01KyefVIT6urv9lxDzjXABCX03fe6/8\nXCU6FYrjCCU6FYrjBIEbCDRo6WwMrzECgeBf//oXy5au5tKxZ1NS2A2An7btrNM30TBocfJ2tCqH\ntOUhPPOClJU2HEBiO7vQRQq6Ft9g+89WzjynoM5xJ9vC3n7g0cpVlZLioqaDWA6KykrQdbS2HXDy\nc+tY3X4maK9BiHAN8jxbEqcJ3ELQfI+1U0pJRISg70gX3e6JxhofDRb4HyvHSg/wzDPPsCMri/bx\ncdz1f/8hZXQL/nne/fiifcycOZOJEyfWud+iJMg5PXw/y7L4YUG49OXZ7jhYkoso0zCGnASEo97X\n2xtx5N5nYupdMPXu6EJnhBhPnr23us+GkM33/rCbsplIIVpEMt9aXFtvvSHstWvQu/VocH9nU0gp\nmVETYoflcLnPXa9d6DruS64A04W0baTjQCCASExu4GoKheJYRIlOheI4QYjwP3JNNGzpbIgavTdr\nnB0IIWiRlojVayvN2oVdvGvydiP3RGMXOyVMnzWRijc3ssZah6E5mMtsdu1oWPCFnA2YetdG75u3\nJ/9kFVV1jvtfKCfwXPkBj//t1wM8+dChs5Y6hfloiUkItxsRE4fMz6vTLqUdthzqnQDYZYfLUgKY\nQvAXX7h6T/M0jX4nhPd2Jnc0aHtrFJ67ollbvJ5JkyYhhODxP5+Fr1MXyodUc0JhX1547AUAHnvs\nMebOnQtAwAmRF9rGAHdY4KWnp1NeVUVc23i63/0PfNf8E++VN9VaAxO0eE41R2CxV7i7jN614r+d\nabBtn0jzZQGbgXv25epC5wLXudzkHkcHrV2jz8heuwqjR++Deq5SSr6uCZERshkX5cbbiCteeLy4\nTj8boesITcN7zz8RLleDfRUKxbGHEp0KxXGCwI3bGIapdzjgc6qo5qvQt+y0d7HSWsOM0DS0VinE\nRMRQXFbOZ9tnsO2jZ/l42gfcdNXDTHzkIy788BLG3D8CrbCIzt0atnYF7aZFZ7JIYpz7SrrpXX5x\n4gEPHYDTzjDZp/DOb0YWFiD2BA+5r7wO8YvalJazA00koIkopJR0ZRrneg/MMmtHOtz12N3Yts1V\nQwYx4K+XAhAZHYndD4YbJ3HrqSOQUvL3v/+dTevWsaU4n4vMN4jZ477+fk9C+N6DB7E9q74VVkrJ\nAFmKQcNjamVoZFsOlpRUOJJMy6a3q+4attPb1NnPWWcOWVtxdu5Aa994JaGG+NZvsS5kc32UB98B\n7v1UKBTHH0p0KhTHCUL4gINzeaaKZDrrHfkg+CnpwRlc774IV7yHdmlha2fWT1up8Qd595F3kRJ6\ndO1OfGw8+SV5bM77HsMQ2LaksmLv/k5HVuI4+RhawyUQAVrrLemyx1q4L+aF4QAXuZ8gpZ9p1Uaj\npgYs69BUSHIK89H2CE0tPgHxi7QsIXsTpt4ZCAcECRwMZ8l+r5uRkcG9997Lhg0baNWqBROmvI7e\ntQcACUY8KSOaUzHbz+n3PM3I1i0pLS3lnLPP4ofX3kEInW32OmAf0dnmbFal1xedQggkldSEZjU4\nDo8QdDV1yh1JesCih6njOYicq1piIq7Lrm7QtR6Skl2hhsVuc10wPspDpBKcCsUfGiU6FYrjBLfR\nH5/r3IM6xxAGF7rO5W7vLfxFiyEZjbYnaqQNDle5mfX2LF5enkFmfhbxCRFM++wTJtw/AYAlO8Iu\n4NUrbD6fttdEKWUVHnM4Qhh7fj9wQWgO8WBeEAEHuE3TMARxCYKCvEMjOrUWLdHaNW4ptpwttaIT\nwGOejN9agNxT3Sc4sxp7U3iP5Pbt23nhhRcYPXo0w4cP58MPP0QIePSxf+OLjkZoez9+9WYGmxIM\nZhdE8fKzz3J6m5ZUBoI88sILvPlaBouC37Br1y42btyIK9JFp9QRxMU3LOC85ukEreXY+1Qz2pe/\nRbmJ0wRLgxYnHmTKKxEVjdGtR4NtlY7kucJynAbWu6fLIEoJToXiD48SnQrFHxwpJVJKHFmGJqLp\nkmLQ6cKz8XpNflq4mk8++QqA2++5mKioKNq3HQHA4pwlVJdW06WbTsYWm0AgLDZ0LQWvOQYA2ymm\n3P/0QY3HHOpBGAcuUFKbaeTuPjTBREavvugtWzfaHuUeh5ybVVsW0tDS0EUiQXsVMiixFgQgSfDI\nI48wZMgQHn30UdavX09EtJuzLmjH/e+fRfmghq3Rlb08FFVAeb+BTP7fLO4YextIyXOPzufje77k\nk68+BWDUyaOoqnAT24jo1EQUHnMk1aEvsKTFS/4p1Mi6uQAlMMZj0raBPKK/ljhdwysEufah+QKg\nUCiOP5ToVCj+4ATtlVQGpuDIcjQRQztTo7pdR76d9RYnnhQWYL2SEhk7+rLwz72b07lTD2rsGhan\nLybCJ2jdRmPRvPquVU3E4shSHKfh2t2HgvMuctG7n95kTtDGqAp+RnVwBo5sOHipnpu/Moi1YC7C\n+/M2AAePMRy/NQ9rZQDRWuf6hx7kxRdfxDAMxpx7Es9NGsPMxX+n54OPcM6Q/3DWHkH+S1JSNOKK\nBUsCFlpkFDe2up6X//kSXq+LHz/L4IkHw/lUR40ahduTQULy1kbn5TFOJmSvY0dgMjo6XlG36okm\nBH3cxgFXETlQOrtNMqwDr0GvUCj+WCjRqVD8wXHpvdG1FmgiGiFcJGuCv/hctGl9EgNf+ogzz/qA\nKX+6ErEqXD0nwic4/YzhwN49hn++yMWKHy3mzKpbJUQIDUNvT8jJaPDeJU4pZc6BR6vvSzAYFoQe\nryDkLKciMKmOK39ZwOKLBvJB7ovXGInEpqzmSaSsK5qlIwm8XIGVGag9Zv20Cr1rd4TLRTArk8Db\nr2Pq3UDahBZW8fjap/nmg1fRNIPJkyfz6osvcO4Z9zNXv5ne+gDS9NRGhV5yqgYFsCJo4S+1cXbb\nnH3tOUz79CWSm8WEUwgBI0eOpGWHZURGlzQxM50vRUu+cUo41Rze5DM4lHRym8zzW2SFlPBUKBT1\nUaJTofiDI4ROhOsMYjz/2PO7oJOpUyqhqjqOk0/qQ9Ipl+Lkhfc6BmSA1iObA/DNrO+QUhIbp3Hd\nTR5Wr7TYsa2u4DC19lh7quSU2A6rrHWstzcCsNBawjJ7eYPjyrEcZjYiGivKHR7/bw1SSgLWcqpD\nX+FzXYyDwy4nnNQ9QRNkhpp2u2taLD7XeWhaHJazvU6bvSyILFuIk/EdANbaINb85RSlteLySx/i\n9jmL2bFhPbKwEF/hzTz+3TNMnhYWnH++4wXGjBmDriVREGpF8uJ59J/4BNLfeHqnpGRByA9tNY1d\nK/zoPUyEIejT63RmfP0/Wo5uwzXjriEhIZHW7bfi8za+91QIgaUlYWsJtG8ioOtQ09ltEiEEEWr/\npkKhaIBjtva6QqE4tPzSArfVcugQY3DZZW5kpY+af5USjKtGP8vFqi47SEj0kp+TzYYNG+jWrRvR\n0YIbb/dgmnWvY+jt8FsLsR2HactXUN49kyGecB7IZC2JzVYGdnYJ1jIX7r/sTVwepwmWBGw6mzZt\nzbr7ILdlWbRI07CcLVSHviTafQO6lkKRU8wr/jeY4L6d5t8LynpIgtES1z5zC1qrcEI9cHv02jmb\nWkdC9hbMPUnRZYVD8OtqzNHNsTOXhk/0lFJTlMfV//4vP61bC3NhOtB65vekpXZi4U+LMAyDs858\ngcTRo5COg/3TKsyZX9E3ORXP365DeDyNPn+XS3DPP73sthwiV1RgnLHXJd4yuSUvTHmBHnpXpMzD\n4/Fg6AlNrueZ5mkIxCF3oTdFtK5xR0zjc1QoFH9slKVToVDUY9H8EIUrHAZ5wt9LRaQGXoEsczCE\nQQ+zKwNHhHM1zpw5E9hT+tL+hO+qA3Xc3LpIRcpqMndt54w5X+MXRaSIRABSRDJlVbkEpj6LLN+7\n7zM4oxpXsc25XoOPq4PYv4iI3rY1RKs2OkH7JzzGCHQtFQgnR++pdyfj021YqwJE+/aWpgSwnSIq\nA5/yjwmf8/EHG2uPm3pH7NWrcPaUvgzOqMYY4Ebv2QonJxvbKcLekc6/Vmzgp3VriY9vQVrPEURF\nRrK9oJCFPy1CMzQmTZpEcswoomQe1S8/R82CH/j8T+eReOW1aCmpB/TsUypBz7HROpl1jp9g9MMr\nvFj2Fkxt/7lYU7RkkrWkA7qnQqFQHA6U6FQoFPWQDgR3Q+d9LIzef8XiuthHaO73nPp5Id1GhN22\n73/0EY7jYMscqp0MZvptFgcsVs9dRc72HITQifX+H4Vr1mJ370W1KCJJJOK3FpMkEtnpLUEkDkQW\nfcz2wDYWW8uwcoMs/DDA8tdsIivhB3/d/Zbbtlq0aqNhOTsxtFakh1azqjosIscsGU6zDJOCcXNo\n7dLrVOAJ2Zv45ssqPph2C3fdeyYfffQJAIbWHnN1JLKqEmt5ACfLwhzjRcTEguNQXfQRb21Zymcb\nluM1vNx8/2TOOv9V1q5bx8c3X8P5Vwxk8vtTGDpkDIYJydEuigYMxrzhVkZ374r7YHJhxmp4n4pr\nNII/5GRg6AeXnF2hUCiOBpToVCgU9UhI1CgurLsfUrgFwhRozdOIiW/N5T95aOGLJ2fnThYsWEDA\nziTDbs3VkW4mff4FZ1x6JgOHDuTiiy/mtWnTSduwhthenRGAV1ZQHfwYj3DwCDe2MwgZFcGur6ew\nxlrH4tiVVG4Pktw6ROkUyZzyEMV2eDw1z5ZRsiNEy9Ya0e7xGFprZi8qIX1GHNbaIK45gg/HriPC\ns5QOeim59t55BKz1vDppEQC2HeD222/hX//v/2HbIAsLCUbHsKJyNd92mEtOYQ5CCLRmzVn27VIe\nevgNAB4970H6R3fA2gVCE+z6cyy3nHoWpw8Zg2EIzjrPxaDmqfgGDMSj67Q2Di5hP9Tf6rAvHmNY\nnVyhCoVCcayg9nQqFIp6xCcKiooazreod+yM3rEzX/Uo4PxlGbywsph33nuPTicMpJputArWsPaR\nh4CweFqwYAELFiwgb2A//nr7JSRbSVjOFgAcp4jeoiciBypvOx378YfoVtWZONGPoK+aXaet4sZh\nY1jnsSlzJHHVDk6+Q1I7E49HAG5qpJ/ipAxSfxzA7uU7+KHNEqZO+JJnli/mqqt28MCE9/a4+x1m\nfz+XLZt3kJqcwrXt2/DwknRee+UV5i77gdjdxfw0eSqBwN5o9Xbt2jGoZSIzV/6EZVnccMMNnHfF\nhWxZWI0uNL4tWE5Bmyjad74KCEf29+576D9WHacUW+Zh6p1r674rFArFsYYSnQqFoh5x8YKiAklp\niUNsXMMOkcHJY+gxNJqJq1bw7cyZ3PuPSEY3/zOPPvwMeQW5dEzpydDzn2Hj9o9Y9s2rvLRsBYnv\nzmLUhSN478NnWTA/g7vu2sG5iacT8FRg2wZXfvI/Au9/wcnDNvBk99vpbZ6GHqsxZI9Txt4SRG+l\nM/7WGGpqwgnPN1qbYXcuL388nvuy59TZT/rKxHmMGPY+A5ZtR//7ebw+OeyCv6rTFfytfQwtEk/m\nrh9eJ2Plptpz2rfvhNtsRmZWOlu3bmXr1nA+zKFDh3HfffehGwZdWkdz/pZKPjTncZvrmkZrlf8a\n8nIdkpIF2j4R4LYspjr0DTF6Z9KXWXTtrhPhUxHiCoXi2EKJToVCUQ/TFKQ2E+hNVAZqrqUS7H8a\nJ3c+gR82LmPKK+sYcuJCXn31VQSCk0+/lZhBZbx7/wQ+fi6aCU8+yX//8V8Snn6JwsJCAPJzH2XG\nZzNwj4/ipeefIhAMp0iat+Atbs3YyOQbpxCfEF97T3uHhWhmU/PdTEKxJzJn5zz+/eL/sWNlON2R\nqev0HnYSzU8ZTcqubbz66qvcc9t/+fraG9i4KosV6TnERMVwcd+/4L7c5tS3Xue1iTNYvXAyhn8H\nF931HDuzYigtkaQ0d8jNm8XS5VMoK+7C3Xffg7FPLfYeHSNpLccTJSIP6bN/69UA14x3k5C499nr\nWjKOU4CUkplfBunUxdvEFRQKheLoRIlOhULRILfcvX9hozU3ubj3FfywcRlT31jD1DduAGBsz78S\nun8pN0Xcj1u4uPz22ykUQZ584nkKCwvp0K07JXm5rFy5kjenziA+ZgDvvvsuAA89chsPPvE2i3OX\ncsqpp3DrrbcyduxYXC4Xzk4b/UQvC9/+jMfmPEj67vUAxMTGcHrHwdzazov7+psoatuRDtjMnzef\njZs28tTKdWyenQ7A2b3PpGZkEL1FG/TkJAbHFzL0+luYVvIuBdG76dXPRBPROFKS2qkPQ096EJfR\ncL3xQy04AZJTBPm5DgmJe62nAh8gCAQqCPgNIqMO+W0VCoXid+ewis5nnnkGt9uNpmlomsa4cePq\ntK9Zs4aFCxcipcTtdnPmmWeSmnpgaUYUCsXhR0vRGZl4EldeeSUbMjagOzqJ8YlccOdfWa2vwy1c\nADh5NuN6j6T1Sw56zFDW9x5A2pefMGHCBJ544hE6djiJQCDA6DFt+cvYq0kfcD7bJ9xOeno6Dzzw\nAK9MnMjQ4cMpWlxA4afFrFyzEoB4XxxX33Ut1182jsXzdPxl6STP/Y6Uzl0AnWcee5SzzjuPN7/+\nGiklpunmulZXkda3FQDmsBEEZ32D56Y7aBE/lMLQLFo6LfG5LmRTyGF6dQK3x7Q4rM80OVUjP0/S\ndR+dK4RA15Ipr8gnNr7FYc29qVAoFIeKwyo6hRBceeWVRERENNgeFxfHVVddhcfjYcuWLXzxxRdc\nd911h3OICoXiIBCJGpETEnhIe4gna17gAtc5tNVbs9xaSX/67NMRxPw2jL43lQjXSSwsqaF58DwS\nE6ZQWJRB+sr3Abj+pm4UONG0aRHB859/ztfvvctjjzxC5u7dfPDBB7WX83o9XNWtA9d2eZDkawYg\ndMGpfwJpn4j/mTnYWZnobdvTuirEdf1PZtLyuQC0P78HzW5pheYKWxG1Tl1wR0UhhKCP0YvJoW/o\nblfjA7q6dNaENKZVBTk9IsSKUCaj3b0bfRZFBQ4/LrX401mu3/RMk1M0sjLrl5G0nTxsMZu4uCt+\n0/UVCoXiSHFUuddbtmxZ+3NaWhrl5b+uJrNCoTg8CCFgj9Gti96RjfZm2uqtGWD0rdsvSYOQjl1c\nit5MkKRBWk8XTzz5L666Kiyi/nT6CLp17cRmR5CiawghGGXCsBce58vqApxijVB0LLm+aK7tV4lv\nzTbE7NUE3+uK+/Kwm1voOuaIU7HXrERv2x4rv5BThtzCD1sLyajayhU33omv5V6XuNA0RIvw545P\nRHCF+xYIPIvtlKBrcZwX4eKxirU8XDOdFHoyytWrUSvj7hyHgvyGI/4PhuQUwZKF9ct3RnvuIuMn\nGg3sUigUiqOdwy46p06dihCCAQMG0L9//0b7rVixgo4dwwmQy8vLqaysrNMeGRlZZ1P/sYyu65im\nuf+ORzk/r4dal6OLw7UuvQtS+TRyEeeYZyBDIWo+fAfvpX9DaGGRFGrvIbgtGi2tmjSXSUw/g14y\nnjFjRjFv3kJuv+MiDKOS/q5CumiLsedEYq9ZRe4DVzLCmUuy51ykeTL/V1hBRNQnuAcNJvjDDKis\nwjTj9s73xKEgwuUfU8deQIolea/wDZ6+5icu73wqZhOu6VQzlVKnE1JkYZrJbAqtJ2DMoDuXck10\nZ4xfnJu5xWL50iAXXxZBcZFNSurB/c00tDYtWxnExNhomoGu772fSTKpqRYJCfKo/btU78zRiVqX\no5PjZV3gwNfksK7cNddcQ1RUFFVVVUydOpXExERat25dr19WVhYrV67kmmuuASA9PZ25c+fW6TN8\n+HBGjhx5WMatODji4uL230lx2Pm916XqiZk4F/hxt/FgbM4nUFFOckpKbbvZW+Df3BKL7+gUezHF\nIQvrdZ037n0cz/tt8EWGsO0qDCOWjB0vYa+KILL/QAbE9GBjiY1M7MfmwDrivTnUWNto0/JKjBdO\nQ3O79zu2suEBxsa2Ii05eb99tbK+lFf+SJa3GR9UfsL9aXfSYU+t+F8iCPHeW7tITEykvCyfLt28\nJCVFH/hD28Mv1+befzbcL0lVtTysqM+yoxO1Lscuh1V0RkWFQy59Ph9du3YlOzu7nujMzc1lxowZ\nXHbZZXi94ejZ/v3707lz3QockZGRlJSUYFl1y+Mdi7jd7joJqY9VDMMgLi5OrctRxmFbl4QW9N9R\nxsK0xfRIz/n/7d15UBRn3gfwb8/FPXKJcuMRib4RA4xrjGDwYtcrItHoZgVxFVNms3kTazcVYhmp\nlFux3lorG2Ptq8numiCGWHFTZQpDvOJBRVfDqsQkgISXwyAmIMgMCHPQz/sHcdaRM0rPjPr9VFlF\n9/P09K/7J8Nvnp5+GogehcbGRnuzbYQVuqMG6CR/hFvMkKw2oCYYloUN0Ngi0HpdAuALwAYhNNC9\nsAaSJgQ/vNqA1lVj8L/SVvyX5mFMVsfAYjHjWjOgUTl+BafMbEWnAOI9HUcP/Bd7IhFwiKcvXXIM\nbLavsL+xEM96rcIwkx8aTb1vJ4QAhIyK8h9xue4G4g0yGhsH/3+GvzPuiXlxT8yL+7qZmwH7OSEW\nAIDFYrHflW6xWFBVVYUnnnjCoc/169exd+9epKenIygoyL5er9dDr+85etDY2Air1ap47ErTaDT3\nxXHcZLPZ7ovjYV4GRwgBcV1GV+NwTLhhw/dTZFgrK6CdmeqwPzFCQLvQDzabCiMhI8Qk0CnUsPo1\n9IhLrYqEWVyGhwhGV1w5Ys4+idx5I6HRamDruoxSTEBduxlTPR3fwr7psMBPJcH68588eQtf+Gif\nwXNCQJIlWOX+z1lktAr/950ZP/7QhYBA+Y7OMX9n3BPz4p6Yl3uX04rO9vZ2+92nsiwjLi4OY8eO\nRUlJCQDAYDDgxIkT6OzsxIEDBwCg12mViMj9dP5PKyCNhI9HBSbJseho+ACq6FEOfSS1BHXsf0Yg\n5RobEG2GjGs9Xk+jioRNroNGDkNXwnmo35qIro5OaDJ8oVFHIkyfiS+MN3ps94MsY6x2aN7WBjst\nUVSMCrU1Mp5Z6cGnBBER9cNpRWdAQADWrVvXY73BYLD/vGjRIixatMhZIRHREJAkCaoRamBYJOSa\nBsj/VwVVWAQkXf9TB8k1Nqii1bCK/xSdNiGgBqBRRaHDehBAErzDZ0AepYEq6j9vV6N1WoT69Hz9\nH7sEQtTOvbs7KkaFr0utWPTU3U2V1Jf2NoEr9TIeir2r4VsiIpfj3BtEdNc0UzygnTkM6kfiIIWM\ngG7pMwNuI0wyNKP8oFPHAQC6hMCuNjOOdtqgUY2Cry4DalUQdJpJ8FjlC820/m8YsgoBoywQqHLu\naGNElArZzw98M9Odam8X2JtvRvm3XThfcu9/j42IHlz3x7wDRORSmqmeAAB19MDF5k0eK7tvLJRF\nCm5Yz+Cs2QKByUjx1ECSJEiSv72v5Dvw5+PiThtGqlVQO/lpPbdOa6SEkBEqPJ6sxYd5ZsTFqxFv\n4Ns2Ed2bONJJRC6V32ZBqbkKFtGFLF+PHnNhDlaSpwb/rVduxNGVps/UICBQQmAQ37KJ6N7Fj8xE\n5FIpnhp0WZowyXMydHcxSnk327o7jUbCmuc8cZ/MiU1EDyi+hRGRS43WqtFibYSnesTAnR9gPr73\nb1FNRA8GXqshIpeSRRuALkjwc3UoRESkIBadRORSNrkOAp2DnheTiIjuTSw6iciltKpxGOb5iqvD\nICIihfE7nUTkUpKkgVoKcXUYRESkMI50EhEREZHiWHQSERERkeJYdBIRERGR4lh0EhEREZHiWHQS\nERERkeJYdBIRERGR4lh0EhEREZHiWHQSERERkeJYdBIRERGR4lh0EhEREZHiWHQSERERkeIkIYRw\ndRB3orOzE52dnbhHw3egUqkgy7Krw7hrkiRBp9PBYrEwL27kfssLwNy4K+bFPTEv7ul+yQvQnRt/\nf/8B+2mcEIsiPD09YTKZYLVaXR3KXfPy8kJHR4erw7hrWq0W/v7+aG9vZ17cyP2WF4C5cVfMi3ti\nXtzT/ZIXoDs3g8HL60RERESkOBadRERERKQ4Fp1EREREpDgWnURERESkOBadRERERKQ4Fp1ERERE\npDgWnURERESkOBadRERERKQ4Fp1EREREpDgWnURERESkOBadRERERKQ4Fp1EREREpDgWnURERESk\nOBadRERERKQ4Fp1EREREpDgWnURERESkOBadRERERKQ4Fp1EREREpDgWnURERESkOI2zdvTmm2/C\nw8MDKpUKKpUKa9eu7dHn008/xXfffQetVou0tDSEhoY6KzwiIiIiUpDTik5JkpCVlQVvb+9e2y9d\nuoTm5ma88MIL+P7771FYWIjs7GxnhUdERERECnKby+sVFRV49NFHAQARERHo7OxEW1ubi6MiIiIi\noqHgtJFOAMjLy4MkSTAYDEhMTHRoM5lM0Ov19mW9Xg+j0QhfX18YjcYeBaivry80GqeGrxi1Wg2t\nVuvqMO7azXwwL+7lfssLwNy4K+bFPTEv7ul+yQsw+Jw4LXOrV6+Gn58f2tvbkZeXh+DgYERHRw9q\n23//+984ceKEw7ro6Gg89dRTCAgIUCJcugNGoxHHjh1DYmIi8+JGmBf3xdy4J+bFPTEv7uvW3Nw6\ngHg7p11e9/PzAwD4+Phg/PjxqK+v79He2tpqXzYajfbAExMTsXbtWvu/LHAzvAAAD4JJREFUxYsX\no7a2lpff3UxbWxtOnDjBvLgZ5sV9MTfuiXlxT8yL+xpsbpxSdFosFpjNZvvPVVVVCAkJcegTGxuL\n0tJSAMDly5fh6ekJX19fAN2X2sPCwuz/hg8f7oywiYiIiGiIOOXyent7Oz788EMAgCzLiIuLw9ix\nY1FSUgIAMBgMGDduHCorK/HWW29Bp9Nh0aJFzgiNiIiIiJzAKUVnQEAA1q1b12O9wWBwWJ4/f74z\nwiEiIiIiJ1Pn5ubmujqIn0sIAZ1Oh5iYGHh4eLg6HPoJ8+KemBf3xdy4J+bFPTEv7muwuZGEEMKJ\ncRERERHRA+ienuzqzJkz+PLLLyFJEsaNG4c5c+a4OiQCcOzYMZw7dw4+Pj4AgFmzZuGhhx5ycVR0\n06lTp3Do0CG8/PLLfT4hjJzn888/R0VFBQDA29sbaWlpGDZsmIujIgA4dOgQLl26BLVajYCAAKSl\npcHT09PVYT3wvvnmGxw/fhxNTU3Izs5GWFiYq0N6oFVWVuKzzz6DEAIJCQlISkrqs+89W3RWV1ej\noqIC69atg1qtRnt7u6tDop9IkoSpU6fi8ccfd3UodJvW1lZUVVXB39/f1aHQT6ZNm4aZM2cC6P4g\nffz4cd5I6SbGjBmD2bNnQ6VS4fDhwyguLubghhsICQnBsmXLUFhY6OpQHniyLOPTTz9FZmYm9Ho9\n3nnnHcTGxvY5y5DbPAbz5/ryyy+RlJQEtVoNAPZRNSLq28GDB/lH083c+v0ni8XC0Wc3MmbMGKhU\n3X8mIyIiYDQaXRwRAcDw4cMRHBzs6jAIQH19PQIDAxEQEAC1Wo1HHnkE5eXlffa/Z0c6m5ubUVtb\ni6NHj0Kj0SA1NRXh4eGuDot+cubMGZSWliIsLAypqanw8vJydUgPvPLycuj1eowcOdLVodBtjh49\nitLSUmi1WqxZs8bV4VAvzp8/j0ceecTVYRC5FaPR6PB1IL1e3+PhP7dy66IzLy+v19ntZ86cCVmW\n0dnZiezsbNTX1+Ojjz7Ciy++6IIoH0z95cZgMOCJJ54A0P19tUOHDvFyoZP0l5fi4mJkZGS4ICrq\nKy+zZs1CbGwsZs2ahVmzZqG4uBgHDx5EWlqaC6J8MA2UGwA4efIk1Go14uLinB3eA2sweSHXkyTp\nZ/V366IzMzOzz7aSkhKMHz8eABAeHg5JknDjxg1emnKS/nJzq4SEBBQUFCgcDd3UV15++OEHXL9+\nHTt27ADQ/el0586dyM7Otj/5i5Qz2N+XiRMnYs+ePQpHQ7caKDfnz59HZWXloHNIQ4Pn+97Q3yPM\ne+PWRWd/Hn74YVRXVyMmJgZNTU3o6upiwekmTCYT/Pz8AHRf0r39kafkfCNGjMAf//hH+/Jf/vIX\nrF27lr8zbuDatWsICgoCAFRUVCA0NNTFEdFNlZWVOHXqFLKysqDVal0dDpHbCQsLQ3NzM1paWuDn\n54evv/4aS5Ys6bP/PVt0xsfHY//+/fjrX/8KtVqNxYsXuzok+snhw4dx9epVSJIEf39/LFy40NUh\nEbmtI0eO4Nq1a5AkCYGBgXwymxspKipCV1cXdu/eDaD7ZqIFCxa4OCoqKytDUVERbty4gT179iA0\nNBQrVqxwdVgPJLVajXnz5iE/Px+yLCMhIaHPO9cBTg5PRERERE5wz06ZRERERET3DhadRERERKQ4\nFp1EREREpDgWnURERESkOBadRERERKQ4Fp1EREREpDgWnUTk9mpqaqBSqSDL8oB933vvPSQnJzsh\nqrvzc46pP2+88Qays7OHKCqgsbER48ePh9ls7rXdVed3+/bteOWVV5y+XyIaOiw6iWhIxcTEwMPD\nA9euXXNYHx8fD5VKhbq6OhdF1s1isSA3Nxfjxo2Dr68vRo0ahdWrV6O2ttalcd2pnJwcvPvuuwCG\nppDdsmULVq1aBQ8Pj6EKcVCOHz+OyMhI+7LFYkF6ejqSkpLQ1taG7Oxs7NmzB42NjU6Ni4iGDotO\nIhpSkiRh9OjRKCgosK+7ePEiOjo6IEmSCyPrtmTJEhQWFqKgoABGoxGlpaUwGAw4evSoq0MbMnf6\nzA+z2Yy8vDyXP93FbDYjPT0dRqMRhw8fhq+vLzw8PDB37lzk5eW5NDYiunMsOoloyK1YscKhOHj/\n/feRmZnpUAy1trYiMzMTISEhiImJwZ/+9Cd7uyzL+MMf/oDhw4djzJgxOHDggMPrt7a2YvXq1QgL\nC0NERAQ2btw4qNG9I0eO4MiRI9i/fz8SExOhUqmg1+uxbt06/Pa3vwUAXLlyBU8++SSCgoLw0EMP\n4W9/+5t9+9zcXCxduhQZGRnQ6/WIi4tDZWUl3njjDYwYMQLR0dE4fPiwvX9KSgpycnIwZcoUDBs2\nDGlpaWhpaek1tr6OyWKxID4+Htu3bwcAdHV1Ydq0adi8ebM9poyMDADA9OnTAQD+/v7Q6/U4efIk\ngoKC8PXXX9v38+OPP8LHx6fHSDQAnDlzBv7+/ggLCxvwXN506tQpTJ48Gf7+/vjFL36B06dP29uq\nq6sxffp06PV6zJkzB7/73e/ssfalo6MDCxcuhCzLOHDgALy8vOxtKSkpPf4vENG9g0UnEQ25xx57\nDEajEeXl5ejq6sLevXt7jJ79/ve/h8lkQnV1NU6cOIG8vDzs2rULAPDOO+/gwIEDuHDhAkpKSrBv\n3z6HUdKsrCzodDpUVVXh/PnzOHTokENx2JcjR45gypQpCA8P77PP8uXLERUVhYaGBuzbtw+vvvoq\njh07Zm8vLCxEZmYmWlpaEB8fjzlz5gDoLlY3btyIZ5991uH1du/ejV27dqGhoQEajQYvvPBCr/vt\n65h0Oh3y8/Px2muvoby8HFu2bIEQAhs2bAAAh/NSXFwMoLuANRqNmD59OpYvX478/Hx7n4KCAsye\nPRtBQUE9Yrh48SJiY2MHOo12zc3NmD9/Pl588UU0Nzdj/fr1mD9/vr2wfuaZZ/DYY4+hubkZubm5\nyM/P73e022w241e/+hW8vb2xf//+Hpf4H374YZSWlg46PiJyM4KIaAjFxMSII0eOiM2bN4ucnBxR\nVFQkUlNThc1mE5IkidraWmGz2YROpxNlZWX27Xbu3ClSUlKEEELMmDFD7Ny509526NAhIUmS6Orq\nElevXhUeHh6io6PD3v7BBx+IGTNmCCGE2LVrl0hKSuo1tjVr1ojly5f3GXtdXZ1Qq9Wira3Nvi4n\nJ0dkZWUJIYTYtGmTSE1Ntbd98sknwtfXV8iyLIQQwmg0CkmSRGtrqxBCiJSUFJGTk2Pv/+233wqd\nTidkWRbV1dWDPiYhhNi6dasYN26cCAwMFN999519/aZNm8SKFSuEEMLhNW/617/+JaKiouzLiYmJ\n4qOPPur1+Ddv3tzv+RHC8fzm5eWJKVOmOLRPnTpVvPfee6K2tlZoNBqHY1qxYoU91tsdO3ZMeHp6\nCg8PD/HPf/6z1z6XLl0SarW63/iIyH1pXF30EtH9R5IkZGRkIDk5GdXV1T0urTc1NcFqtSI6Otq+\nLioqCvX19QCAhoYGh5tKoqKi7D/X1tbCarUiNDTUvk6WZYc+fQkODkZlZWWf7VeuXEFgYCB8fHwc\n9l1SUmJfDgkJsf/s5eWF4OBg++jdzUvBbW1t0Ov1ANDjOKxWK5qamhz2O5hjyszMxIYNG7BkyRKM\nGTNmwGO9acqUKfDy8sLx48cxcuRIVFVV4cknn+y1b2BgIEwmk325uLgY8+bNA9B9g9jFixcd+l+5\ncqXHeY+OjkZ9fT0aGhoQGBgIT09Pe1tkZCQuX77cZ6zBwcF4++23kZGRAV9fX6Smpjq0m0wmDBs2\nbHAHTkRuh5fXiUgRUVFRGD16NIqKipCenu7QFhwcDK1Wi5qaGvu6uro6REREAABCQ0Md7nK/9efI\nyEj73fEtLS1oaWlBa2trj4KoN7Nnz8bZs2ftxe3twsLC0NzcjLa2tl7juhO3H4dWq0VwcLBDn8Ec\n03PPPYcFCxbgs88+wxdffGFff+vl6r4uXa9cuRL5+fnYvXs3li5dCp1O12u/uLg4XLp0yb6cnJwM\nk8kEk8nU6/kNDw/vcdd/bW0tIiIiEBoaiubmZnR0dPR6LvqSlpaGd999F0uWLMHx48cd2srKyvDo\no48O+BpE5J5YdBKRYv7+97/j888/d7gZBADUajWefvppbNiwAW1tbaitrcWbb75p/97n008/jW3b\ntqG+vh4tLS3YsmWLfdvQ0FCkpqZi/fr1MJlMkGUZVVVVOHny5IDxzJo1C3PmzMHixYtx7tw52Gw2\nmEwm7NixA7t27UJkZCQef/xx5OTkwGw246uvvsI//vGPO76bWwiB/Px8lJWV4caNG3jttdewdOnS\nHsXhQMe0e/dunD9/Hu+//z62bduGlStXor293b6Pm4YPHw6VSoWqqiqH11+xYgU+/vhj7NmzB5mZ\nmX3GO3nyZFy/fh1XrlwZ1PHNnTsXly5dQkFBAWw2G/bu3Yvy8nIsWLAAUVFRMBgMyM3NhdVqxenT\np1FYWDioGQyWL1+O7du3Y9GiRTh16pR9/YkTJzB37txBxUZE7odFJxEpZvTo0UhISLAv31pwvP32\n2/Dx8cHo0aORnJyM3/zmN1i1ahUAIDs7G7/85S8xadIkGAwGPPXUUw7b5uXlwWKxYMKECQgMDMTS\npUtx9epV+z76K2z27duHefPmYdmyZfD398fEiRNx7tw5+w1BBQUFqKmpQVhYGNLT0/H6669j5syZ\nfb52f8s3v2aQlZWF0NBQWCwWbNu2rde+fR1TXV0dXnrpJeTl5cHb2xu//vWvYTAYsH79+h4xeXt7\nY8OGDZg2bRoCAgJw9uxZAN0jqQkJCVCpVEhKSurz3Oh0OmRlZTnceHS7W/cXFBSEwsJCbN26FcHB\nwfjzn/+MwsJCBAYGAgD27NmD06dPIygoCBs3bsSyZcv6HGW9/XxkZmZi69atmD9/PkpKStDZ2Ymi\noiKsXLmyz+2JyL1JQtzhhG5ERNSvGTNmICMjwz4dkyutXr0a4eHheP311/vt19TUhOTkZFy4cGHI\nJ4hftmwZJkyYgE2bNv3sbbdv347vv//eYdSbiO4tvJGIiEhB7vC5vqamBh9//DEuXLgwYN/g4GCU\nlZUNyX5LSkoQEBCAUaNG4eDBg/jkk0/w6quv3tFrPf/880MSExG5Di+vExEpyNVPYdq4cSMmTpyI\nl19+2WG2AGe4evUqZsyYAT8/P7z00kvYsWMHJk2a5NQYiMh98PI6ERERESmOI51EREREpDgWnURE\nRESkOBadRERERKQ4Fp1EREREpDgWnURERESkuP8H5SH4BJNyxyIAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 46, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "k_range = range(2, 201)\n", + "cross_validations_avg_rmse_dataframe = DataFrame(dict(k=k_range, model_complexity=-log(k_range)))\n", + "cross_validations_avg_rmse_dataframe['cv_avg_rmse'] = 0.\n", + "cv_column_names = []\n", + "for v in range(NB_CROSS_VALIDATIONS):\n", + " cv_column_name = 'cv_%i_rmse' % v\n", + " cv_column_names.append(cv_column_name)\n", + " cross_validations_avg_rmse_dataframe[cv_column_name] = nan\n", + " for k in k_range:\n", + " knn_model = KNeighborsRegressor(n_neighbors=k)\n", + " avg_rmse_score = cross_val_score(\n", + " knn_model,\n", + " X=boston_housing[['lstat']],\n", + " y=boston_housing.medv,\n", + " cv=KFold(n=nb_samples,\n", + " n_folds=NB_CROSS_VALIDATION_FOLDS,\n", + " shuffle=True),\n", + " scoring=rmse_score).mean()\n", + " cross_validations_avg_rmse_dataframe.ix[\n", + " cross_validations_avg_rmse_dataframe.k==k, cv_column_name] = avg_rmse_score\n", + " \n", + " cross_validations_avg_rmse_dataframe.cv_avg_rmse +=\\\n", + " (cross_validations_avg_rmse_dataframe[cv_column_name] -\n", + " cross_validations_avg_rmse_dataframe.cv_avg_rmse) / (v + 1)\n", + " \n", + "cross_validations_avg_rmse_longdataframe = melt(\n", + " cross_validations_avg_rmse_dataframe,\n", + " id_vars=['model_complexity', 'cv_avg_rmse'], value_vars=cv_column_names)\n", + "\n", + "ggplot(aes(x='model_complexity', y='value', color='variable'),\n", + " data=cross_validations_avg_rmse_longdataframe) +\\\n", + " geom_line(size=1, linetype='dashed') +\\\n", + " geom_line(aes(x='model_complexity', y='cv_avg_rmse'),\n", + " data=cross_validations_avg_rmse_longdataframe,\n", + " size=2, color='black') +\\\n", + " ggtitle('Cross Validations') +\\\n", + " xlab('Model Complexity (-log K)') + ylab('OOS RMSE')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Best $k$ that minimizes average cross-validation RMSE:" + ] + }, + { + "cell_type": "code", + "execution_count": 47, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "37" + ] + }, + "execution_count": 47, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "best_k_index = cross_validations_avg_rmse_dataframe.cv_avg_rmse.argmin()\n", + "best_k = k_range[best_k_index]\n", + "best_k" + ] + }, + { + "cell_type": "code", + "execution_count": 48, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAp0AAAH+CAYAAADeXbVXAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3Xl4U2XaP/DvydqkSZuWlh0LBaQtUBCUbYpYXhAUBany\n4rgjDui8MurAQEdQnGHqVEZ0ZJwFFYflN4rKNiIKKghahKpF2VrKvi8WLG2abtl+f8SkOU3aJm1O\nlvb7uS6uK03OcuduSu/ez3meI9jtdjuIiIiIiCQkC3UARERERNT6segkIiIiIsmx6CQiIiIiybHo\nJCIiIiLJsegkIiIiIsmx6CQiIiIiybHoJCJqxKlTpyCTyfD111/7vM+OHTsgk8lw4cKFgMVxyy23\nYMaMGY1u05xYAWDFihVQKpUtCY+IqEksOonIZ4888gjGjh0reu67775Dhw4d8L//+7+oqalxFVzd\nu3dHTU2NaNsxY8Zg2rRpouPJZDLMmzdPtN25c+cgk8nw5ZdfNhjLihUrIJPJ0KlTJ1gsFtFrJSUl\nUKvVkMlk2LVrV3PfbljZuHEjXnnlFdfX9XMZiVavXo3BgwcjPj4eWq0WaWlpovcIOIptmUzm8U+n\n04UoaiJqLhadROQzQRAgCILr6y1btiAzMxNTp07F+++/D7Va7XqtpKQEf/3rXxvdXxAEREVFYenS\npThz5ozf8cjlciiVSmzatEn0/L///W907tzZ43yRzGAwtLpCq0OHDli4cCF2796NwsJCZGdn4/nn\nnxd9bjZs2IBLly65/l24cAFdunTBL3/5yxBGTkTNwaKTiHzmfgOzlStXYtKkSViwYAGWLl3qse3T\nTz+N3NxcXL16tdFjjhgxAgMGDMCzzz7brJgeffRRvPnmm6IYly9fjunTp6P+DdeKi4sxYcIE6PV6\n6PV6TJw4EcePHxdt8/7776NXr17QaDT4xS9+gf3793uc89ixY7j77rsRFxeH+Ph4jBs3DgcPHvQ5\n5uPHj0Mmk+HYsWOu57p3745u3bq5vj569ChkMhmOHj0KwNHx+9WvfgXA0SHevn07Vq5c6er8uXeF\nz58/jzvuuAPR0dHo2bMnVq5c6XNsAFBdXY2srCykp6fj4sWLfu3rj1tvvRUTJ05Enz590L17dzz0\n0EMYO3YsvvrqK9c2cXFxaN++vevfgQMHcP78eTz++OOSxUVE0mDRSUR+sdvtyM3NxYwZM/DWW295\nDI07zZgxAx07dsQf/vCHRo8lCAJefvllvPvuuygoKPA7nunTp+Pzzz/H2bNnAQBffPEFrly5gnvu\nuUe0XVVVFW699VbU1tbiyy+/xM6dO1FRUYHx48fDbDYDAL7//nvcd999mDp1Kvbv3485c+bgqaee\nEh3n8uXLyMjIQMeOHZGXl4f8/Hz06dMHt9xyC65cueJTzD179sR1112H7du3A3AUoT/++CPKy8td\nReb27dvRtWtX9O7dG4C4S7x06VKMHDkSU6dOdXUAhw8f7jp+dnY2HnnkERw4cAD33nsvHnvsMddx\nm1JaWooxY8agtLQUeXl56NSpk9ftzpw5A51O5yrgvf3r37+/T+cEHJ+Fb775Bl9//TXGjx/f4Hb/\n+te/MGjQIAwePNjnYxNReGDRSUR++eqrr/Dss8/i7bffxoMPPtjgdkqlEi+99BKWLVvm6ujV7zwC\njmIqIyMDkyZNwpw5c/yOp1u3bhg7diyWL18OAHjjjTfw4IMPQqPRiLZ75513cOXKFbz33nu44YYb\nMGjQIKxZswbnz5/He++9BwBYsmQJhg8fjpycHPTu3RuTJ0/2iOmf//wnevTogb///e/o27cvevfu\njddeew0GgwH/+c9/fI47MzMT27ZtA+AoMEeMGIGMjAxXIbp9+3ZkZmZ63TcmJgYqlQoajcbVAXSf\nCDRr1izcc889SE5OxqJFi6DRaLBjx44mYzp37pyroN66dStiYmIa3LZLly7Yv38/9u3b1+C/jz/+\nuMlzlpWVQafTISoqCsOHD8cTTzzh6ujWd/HiRWzatAkzZ85s8rhEFH4UoQ6AiCJLSkoKLBYLXnzx\nRYwePbrBThgATJw4EcOHD8e8efOwbt06r9s4C9GXXnoJffv2xaZNm3DDDTf4FdOMGTMwa9YsPPHE\nE9i4cSMKCgo8CtxDhw6hb9++iI+Pdz3Xvn179OnTB4cOHQIAFBYWekyU+sUvfiH6+ttvv0VBQQH0\ner3o+erqatFweVMyMzPxu9/9DoCjwBwzZgwUCgW2b9+OmTNnYseOHVi8eLHPx3M3cOBA12OZTIb2\n7dvj8uXLje5js9kwfPhwZGRk4N13323yHHK5HMnJyc2Kz11MTAz279+PyspK7Nq1C/PmzUNMTAx+\n+9vfemz79ttvQ6PR4L777mvxeYko+NjpJCK/tG/fHjt27IBarcbNN9/c5ASgl19+GRs3bsSuXbsa\nndTTu3dvzJw5E/PmzYPVavUrpgkTJsBms+H+++/H4MGD0bdvX6/beeu0uj8nCILXbepvP2bMGI+u\nXnFxMV544QWfY87MzERJSQn279+PHTt2YPTo0Rg9ejR27NiBAwcOoKSkBKNHj/b5eO5UKpXoa0EQ\nYLPZGt1HJpPhzjvvxPbt2326PjVQw+uCICA5ORn9+vXDzJkzkZ2djdzcXI/tbDYb3nzzTdx///2I\njo5u8rhEFH7Y6SQiv9jtdiQkJGD79u247bbbMHLkSGzbtg29evXyuv2NN96Ie++9F3PmzIFOp/Mo\n6twL0YULF2L16tVYtmyZXzEpFAo8+uijyMnJcQ2z19evXz8sW7YMV69eRbt27QA4rs88cuSIq+OY\nlpbmscZl/SWXbrzxRqxYsQJdunQRzdb3V7du3dCzZ08sXboUVVVVuOmmm2C322GxWPDaa6+hZ8+e\noolF9alUKo+lolrqH//4BxQKBTIzM/H5559jwIABDW7rHF5vTHPW/rRarV7/6NiyZQvOnDnDoXWi\nCMZOJxE1i8FgwGeffYYePXrg5ptvRmFhYYPbvvjii/jhhx+8LlruXoQmJCQgOzvbY6klXzz//PMo\nKSnBQw895PX1++67D4mJiZg6dSq+//57FBQU4N5770XXrl0xdepUAMAzzzyD3bt3Y8GCBThy5Ag2\nbNjgsW7kk08+CavVikmTJiEvLw+nTp1CXl4e5s+fj927d/sV8+jRo7Fq1SqMGjUKgiBAJpNh1KhR\nWLVqlUeX0263i3LVo0cPFBQU4MSJE7hy5UqjBWhT3Vt3S5cuxcMPP4zRo0c3OrHLObze2L/GimbA\n8UfGtm3bcOLECRQXF+PNN9/E4sWL8cgjj3hsu2zZMgwZMqTRQpiIwhuLTiLyWf11L3U6HbZs2YIB\nAwYgMzMT+/btc23nLikpCbNmzUJ1dbXHOp31t33mmWeQmJjo0/qa7tsoFArEx8dDJpN5fT0qKgqf\nfvqp67KAW265BXq9Hlu2bIFC4Rj0GTRoEN555x2sWbMG6enpWLx4MV599VXRcdq3b4/du3cjISEB\nWVlZSElJwQMPPICzZ8+ic+fOXs/dkMzMTFitVlGBOXr0aI/nnMdzP+bs2bORkJCAAQMGoEOHDq6C\n3tt5/c3lyy+/jJkzZ2LMmDH45ptvmty3uYxGIx5//HH069cPw4cPxxtvvIHc3Fy8/PLLou3Onz+P\njz/+mF1Ooggn2P35E7iFqqqq8OGHH6KkpAQAcNdddyE+Ph5r167FtWvXYDAYMGXKFI9Zp0REREQU\n2YJadG7YsAFJSUkYNGgQrFYrzGYzvvzyS2i1WmRkZCAvLw9VVVUes0eJiIiIKLIFbXi9uroap0+f\nxqBBgwA4rgeKiopCcXGxa3mPAQMG4PDhw8EKiYiIiIiCJGiz10tLSxEdHY2NGzfi0qVL6Ny5M8aP\nHw+TyeS6n7BOp4PJZAIAlJeXo6KiQnQMnU7X6GLFRERERBSeglZ02mw2XLx4Ebfffju6dOmCTz75\nBHl5eaJt3C9kLygowM6dO0Wvjxo1qsE7dBARERFR+Apa0RkTE4OYmBh06dIFgGM9vLy8POh0OhiN\nRuj1ehiNRteiv4MHD0afPn1Ex9DpdCgtLQ342nT+UqvVqKmpCWkMCoUCcXFxzMfPmA8x5sMTcyLG\nfIgxH2LMhxjz4cmZE7/2kSgWD3q9HjExMbhy5QoSEhJw4sQJJCYmIjExEfv27UNGRgZ++OEHpKSk\nAKgrUusrKSmB2WwOVtheKRSKkMfgZLFYQh4L8yHGfIiFUz4A5qQ+5kOM+RBjPsSYj5YJ6h2Jbr/9\ndqxfvx5WqxVxcXG46667YLPZ8MEHH2Dv3r2uJZOIiIiIqHUJatHZsWNHzJgxw+P5hx9+OJhhEBER\nEVGQ8Y5ERERERCQ5Fp1EREREJDkWnUREREQkORadRERERCQ5Fp1EREREJDkWnUREREQkORadRERE\nRCQ5Fp1EREREJDkWnUREREQkORadRERERCQ5Fp1EREREJDkWnUREREQkORadRERERCQ5Fp1ERERE\nJDkWnUREREQkORadRERERCQ5Fp1EREREJDkWnUREREQkORadRERERCQ5Fp1EREREJDkWnUREREQk\nORadRERERCQ5Fp1EREREJDkWnUREREQkORadRERERCQ5Fp1EREREJDkWnUREREQkORadRERERCQ5\nFp1EREREJDkWnUREREQkORadRERERCQ5Fp1EREREJDkWnUREREQkOcFut9tDHYSvqqurUV1djVCH\nLJPJYLPZQhqDIAhQqVSora1lPsB81Md8eGJOxJgPMeZDjPkQYz48CYIAg8Hg1z4KiWKRRFRUFIxG\nI8xmc0jj0Gg0qKqqCmkMSqUSBoMBJpOJ+QDzUR/z4Yk5EWM+xJgPMeZDjPnwpFQq/d6Hw+tERERE\nJDkWnUREREQkORadRERERCQ5Fp1EREREJDkWnUREREQkORadRERERCQ5Fp1EREREJDkWnUREREQk\nORadRERERCQ5Fp1EREREJDkWnUREREQkORadRERERCQ5Fp1EREREJDkWnUREREQkORadRERERCQ5\nFp1EREREJDkWnUREREQkORadRERERCQ5Fp1EREREJDkWnUREREQkORadRERERCQ5Fp1EREREJDkW\nnUREREQkORadRERERCQ5Fp1EREREJDkWnUREREQkORadRERERCQ5Fp1EREREJDkWnUREREQkORad\nRERERCQ5Fp1EREREJDlFME/26quvQq1WQyaTQSaTYcaMGaisrMTatWtx7do1GAwGTJkyBRqNJphh\nEREREZHEglp0CoKARx55BFqt1vVcXl4ekpOTkZGRgby8POTl5WHs2LHBDIuIiIiIJBby4fXi4mIM\nHDgQADBgwAAcPnw4xBFRUZECWVntMG5cAsaPT0BWVjsUFfn290lRkQI335yAbt06oXfvjli2TINx\n4xLQu3dH9O7dEePHJ7iOVVSkwLhxCUhJET/f3Jj27wcmToz1K95AccaXldUOhw61/MfK/XgNvRdf\ntiEiIgoXQf9NtWrVKgiCgBtvvBGDBw+GyWSCTqcDAOh0OphMJgBAeXk5KioqRPvqdDooFKH/5SqX\ny6FUKkMagzMPUuRjwYJY5Oer6j1nwIcflnnd3j0fCxbE4vhxx76VlQL+9CcDbDbBte2BAyrXsRYs\niMXBgyqP55sTk0KhwJNPAnv2qJqMVwru8c2dK8d//1sbsOM19F4a20bKz4e/wuHnBWBO6mM+xJgP\nMeZDjPnw1JxcBDV706dPh16vh8lkwqpVq5CQkCB6XRDqipOCggLs3LlT9PqoUaOQmZkZlFgjRVxc\nXMCP6e2zrFSqkJiY6Pe+7t/T+seqv21j5/A3Jl/jDRT3+BQKRYvP7X68ht6LL9tI8fmIdMyJGPMh\nxnyIMR9izEfLCHa73R6KE+/YsQMqlQoFBQV45JFHoNfrYTQasWLFCsyaNavBTqfVaoXFYglFyC5q\ntRo1NTUhjUGhUCAuLg6lpaUBz0dhoRzZ2TqYTI6iUau1Ize3AmlpVq/bu+ejsFCOxx7T4cQJJaKi\n7Jg3rwJr10bh+HHH3ze9elmxdKkRaWlWFBbKMWuWDqdOKdCjR93zzYlJoVDg7Nk4PP64GXZ74/FK\nwRkfALzySi169aoK2PEaei+NbSPl58Nf4fDzAjAn9TEfYsyHGPMhxnx4cubEH0ErOmtra2G326FW\nq1FbW4vVq1dj1KhROHHiBLRaLTIyMvDVV1+hurq60YlEJSUlMJvNwQi5QRqNBlVVLSsqWkqpVCIx\nMZH5+BnzIcZ8eGJOxJgPMeZDjPkQYz48OXPij6ANr5tMJqxZswYAYLPZkJ6ejl69eqFz58744IMP\nsHfvXteSSURERETUugSt6IyLi8MTTzzh8bxWq8XDDz8crDCIiIiIKARCvmQSEREREbV+LDqJiIiI\nSHIsOqlN4sLqREREwcWik9qk+fNjkZ+vRn6+GvPnx4Y6HCIiolaPRSeFHLuORERErR+LTgo5967j\n5Mn+3eu9uXJyyjB0aA2GDq1BTk7wbpdJRETUVrGtRGHFaJS5hrzXr78q2XlSUy2SHp+IiIjE2Omk\nkHN2HfV6W6hDISIiIomw00kh5+w6FhUpXJN6OORNRETUurDopLDBIW8iIqLWi8PrRERERCQ5Fp1E\nREREJDkWnUREREQkORadRERERCQ5Fp1EREREJDkWnUREREQkORadRERERCQ5Fp0UFoqKFMjKaheU\n+64TERFR8LHopLAwf34s8vPVrvuuExERUevCopOIiIiIJMeik8JCTk4Zhg6twdChNbzvOhERUSvE\ni+coLPC+60RERK0bO51EREREJDkWnSQJzkYnIiIidyw6SRKcjU5ERETuWHQSERERkeRYdJIkOBud\niIiI3PFiO5KEr7PRi4oUruH3nJwypKZapA6NiIiIQoCdTgopXvtJRETUNrDoJCIiIiLJseikkOK1\nn0RERG0Dr+mkkPJ27Sev8yQiImp9BLvdbg91EL6qrq5GdXU1Qh2yTCaDzWYLaQyCIEClUqG2trbV\n5WPCBB1271YCAIYPN2Pz5oom92nN+WgO5sMTcyLGfIgxH2LMhxjz4UkQBBgMBr/2iahOZ1RUFIxG\nI8xmc0jj0Gg0qKqqCmkMSqUSBoMBJpOp1eXDZtO6Pbb5dOzWnI/mYD48MSdizIcY8yHGfIgxH56U\nSqXf+/CaTgo7vM6TiIio9YmoTie1Db6u8UlERESRg51OIiIiIpIci06STFGRAllZ7ZCV1Q5FRWyq\nExERtWUsOkkyvNsQERERObHopJBgF5SIiKhtYdFJkmlsFjq7oERERG0Li06STGqqxVVszp8fy44m\nERFRG8aikyTVUEeTa3ESERG1LWw9UUhwLU4iIqK2hZ1OklRr72hyQhQREZFv+FuSJNXaO5rOywec\nj1vzeyUiImoJdjop6NgdJCIiantYdFLQtablklr75QNERESBwjYTUQu09ssHiIiIAoWdTgo6dgeJ\niIjaHnY6STJFRQrX8HlOThlSUy0A2B0kIiJqi9jpJMm0pms3iYiIqGVYdBIRERGR5Fh0kmR47SYR\nERE58ZpOkgyv3SQiIiIndjqp2ZyLvE+YoOMi70RERNQoFp3UbM6JQrt3KzlRiIiIiBrFopOIiIiI\nJMcxUfKgvvAFNKc3NLndhhkyfH+TEoIgYODAWsTutolet0UlwNj/d7ArNAGLraG1P4mIiCi8segk\nD4ryo9CeWtfkdloAnbr//EXpz//qqW03CNXX3RGw2JxD+s7HnKhEREQUGVh0koeaTregVB3n8/Yq\npQq15lrRc9oT70P949dQX/wCdoUGNR1vAWTyAEdKREREkYJFJ3mwxF4PS+z1vu+g0aCqqkr0lKL8\nONQ/fo3oE2sQfWINfhr5Nqq7jmtxbDk5ZaLhdSIiIooMLDpJEpW9HoCs5ieoSr6Bsvwo5BWnA3Jc\nrv1JREQUmTh7nSRhje6KsiGLUZU0CQAgq/VywafdHuSoiIiIKFRYdJKkbCoDAMc1ns4iU1F2BPE7\nHkDnNV0R99X0UIZHREREQRLU4XWbzYY33ngDMTExuO+++1BZWYm1a9fi2rVrMBgMmDJlCjSawC2v\nQ6Fn03YCAMirLsHw9f/BroqF9vh/INitAADNuS0oN56EVd8jlGESERGRxILa6dyzZw8SExNdX+fl\n5SE5ORm/+c1vkJycjLy8vGCGQ0FQ3fl/YOz3W9hlamjP/BfRx1YBsMPU60FUd7wFABB1bktIYyQi\nIiLpBa3oLCsrw9GjRzFo0CDXc8XFxRg4cCAAYMCAATh8+HCwwqFgkSlh7D8bV8asQ2X3LFT2mIqS\ncZ+g7KZcVPa6DwCgOftxiIMkIiIiqQVteH3r1q249dZbUVNT43rOZDJBp9MBAHQ6HUwmk+u18vJy\nVFRUiI6h0+mgUIR+wr1cLodSqQxpDM48REw+Og6BqeMQAIAAQAnA2m0s7PIoqK7uRVTFUVjj0pod\nQ8TlQ2LMhyfmRIz5EGM+xJgPMebDU3NyEZTsFRcXIzo6Gp06dcLJkye9biMIgujrgoIC7Ny5U/Tc\nqFGjkJmZKVmckSguzvdF3MNPIpA0FjixCfG7HgemFbX4iKHOx/79wJNPOh6//jqQnh7ScEKej3DE\nnIgxH2LMhxjzIcZ8tExQis6zZ8+iuLgYR48ehcViQU1NDdavX4/o6GgYjUbo9XoYjUZER0e79hk8\neDD69OkjOo5Op0NpaSksltDeb1utVos6tqGgUCgQFxcX8flQ9HkCcSc2wV56DFcunQXkUc07Tpjk\nY+bMWOzZo/r5cS0+/DA0C9iHSz6A8Ph5AZiT+pgPMeZDjPkQYz48OXPi1z4SxSIyZswYjBkzBgBw\n6tQpfP3118jKysKnn36Kffv2ISMjAz/88ANSUlJc+8TExCAmJsbjWCUlJTCbzcEIu0EKhSLkMThZ\nLJaQx9KSfJgNA6CL6Q1l+VHgyiGY41vWGgx1Puxua4/a7faQf29CnQ8gvH5eAOakPuZDjPkQYz7E\nmI+WCek6nRkZGTh+/DiWLl2KkydPIiMjI5ThUIhY9d0BAHLT+dAGEgA5OWUYPtyMoUNreJtOIiIi\nN0G/IrZ79+7o3r07AECr1eLhhx8OdggUZqxRjmW0ZNUlIY6k5VJTLdi8ucLjXvRERERtHe9IRCFn\n+7nolLeCopOIiIi8Y9FJIWeNag8AkFX/GOJIiIiISCosOinkbFEJAABZ9ZUQR0JERERSYdFJIWfT\nODqd8qq6TmdRkQJZWe2QldUORUWhX4yXiIiIWoZFJ4Vc3USiuqJz/vxY5OerkZ+vxvz5saEKjYiI\niAKERSeFnFXTEXZ5FBSmc5BXnAl1OERERCQBFp0UegoNqrrdDgDQnlgDwLHe5dChNVzvkoiIqJVg\n0UlhoTL5lwAA7Yn3AJsVqakWrF9/FevXX0VqamhvOUZEREQtx6KTwkJt++Gw6LpDXnUJ6ktfhjoc\nIiIiCjAWnRQeBAHVXcYAABRlh33axX2Ge2GhXMroiIiIqIW4Fg2FDZvKAACQmct92t45wx0AsrMF\n7N4tWWhERETUQux0kqT8WW/TrtQDAIRaYzBCIyIioiBi0UmS8me9TdvPRaevnU73Ge65uRUtjpWI\niIikw+F1ComiIoWrCM3JKUNqqgV2ZQwAQDD71ul0znAHAKVSKU2gREREFBDsdJKkGlpv01sHtK7T\n6f/wemGhHDffDEycGMvbZhIREYUh/nYmSbl3I5tiV/nX6XSXna3Dnj0AoML8+bE+n5OIiIiCg51O\nCglvHVCbuh0AQF71Y2O7NqmwUMluJxERUZhh0Ukh4e2OQ1ZNR9hlSsirf4RgqfTreLm5FYhxNEph\nNMqanLREREREwcWik8KHTA5L9HUAAHnFab92TUuzYsAAKYIiIiKiQGDRSWHFqk8CACj8LDoB4PXX\ngWHDaj0mLYULf9YsJSIiam34m48CyttSSP6w6LoDAOTGU36fOz0d+PDDMpjNZr/3DQb3OyhxshMR\nEbU17HRSQPmzGLw3Vp2j0xl9bBWizm6GUFParDhae1extb8/IiJqfVh0UlhxdjoVFacRnzcD7XY+\nBNisfh+npcWvNy0t9Bpas7Q5pHh/REREUmLRSQHV0sLKqu8u+lp1dS80ZzYFKLqW8bfQq1+kepux\nT0RE1Faw6KSAamlhZdElwWzoi5oOI1F2w0IAgPrCZ34fJ5BdxeaSshsZDu+PiIjIH7wYjMKLTImS\n2z4F7HbIjScQ+/0fEHVxh2OIXSb3+TD+3AnJVzk5ZaJJUqEkxfsjIiKSEotOCk+CAKs+GZbo66Aw\nnYHypx9gThgc0pD8LfTCqUglIiIKNQ6vU/gSBNR0zgQAR7cT4uskN29Wux4XFvreBQ0WXsNJRERU\nh51OCmvVnTIRfXQl1Be/gLH/bNFal4WFShiNjr+bsrMF7N4dykiJiIioMex0UlirbT8CdkEG5U/7\nIViqgnpuroVJREQUOCw6KazZldGwxPaBYLdCWXpANGv7mWfKoNfboNfb8KtfVQb83FwLk4iIKHBY\ndFKjwqHbV9tuEACgtHCfaGLO1q1aGI0yGI0yvPmmVrRPOMRNREREdQS73W4PdRC+qq6uRnV1NUId\nskwmg81mC2kMgiBApVKhtrZW0nxMmKDD7t1KAMDw4WZs3lzhsY3U+VAdWY3ovKfw+dl7MPa1D1yx\nABDF9vnnZlc+fIm7KYcOyTB3rqOYXby4En37+vYe29LnwxfhkA+AOamP+RBjPsSYDzHmw5MgCDAY\nDH7tE1EtoKioKBiNRpjN5pDGodFoUFUV3OsL61MqlTAYDDCZTJLmw2bTuj22eX3fgcxHUZFC1M1M\nTbXAEt0H0QB6xh4UxeK+JNGf/2yCVhvvyocvcTelpkYBmy3q58c1qKrybQZ6W/p8+CIc8gEwJ/Ux\nH2LMhxjzIcZ8eFIqlX7vE1FFJwVfsNeadJ+dPn9+LNavvwpzTC/YISAp5igyhpfDbFO7ClLnupn1\nP/yBiNtbLERERNQ8LDqpUWFx5xuFBlZdEhQVp7DurW9hMaQ2uUtYxE1EREQunEhEYaWhe4qbY/sA\nABRlR0L1RUrSAAAgAElEQVQeCxEREfmPnU4KKw11KC2GPsD5rYj/+tcorziNir6/CVksRERE5D92\nOikimOMHuh5HFy8PYSRERETUHCw6KSJUd7kVpcOWAgBkZmOIowkfXI+UiIgiBYtOigyCgKruWbDL\nlBBsNYC1JtQRhQXeNYmIiCIFi06KHIIAm1IPgN1OIiKiSMOikwJOyiFfuzIGAKC4VhTQ47qLpCFr\nzrAnIqJIwaKTAq6lQ76NFX01nW4BAESd2xqIUL2KpCFr5wz79euvIjXVtzsmERERhQKLTgo7jRV9\nNYlDAADy6h9bfB5ncTtuXALGj0+IiM4mERFRpGLRSQEXyCHfwkKlqBC0qeMBAKor34k6ooWFcr+P\n7SxuDx5U4cABlavIlWrIOpKG7YmIiAKNv/ko4Fq6qHpOThkmT06A0SiD0ShzFYLz58eiR8z1eHcc\nIK+6jL8uqkB+fnsAQHa2gN27wyP+hvBe7kRE1Jax00lhJzXVgrQ0s+g5Z8G25rOBqLZoAAA3d9nU\novM4O5r9+tWif/9aTsYhIiKSEItOCksND3ELyC14HQAw/eZ1rm1ycyu8HqexIW1nR3Pr1ivYsuWK\n5JNxONOciIjaMg6vU1iqP8TtHF4HgMzpGbAfUiDO9DU2vH8WdoUWSqXS63Hch7QnT05AWpoZOTll\nIZnpzXu5ExFRW8ZOJwVdcybUuC8N1Lu/DtboLhDsVsiqLvl8XqNRFhHLIBEREbVGLDop6AKxDqZN\n3Q4AIK++0uh2ziFtvd7WrPO0FGesExEROfC3IEUka1QiAEDWRNHp7JAWFSlcBW4wr6fkjHUiIiIH\ndjpJEo11+AIxocYWlQAAiDq3BYryY01u39w797BTSUREFBj8LUqSaKzDF4gJNZaY3gAA7al10J5a\nh+oedwO3v9WiY3rT0k6l+wQozlgnIqK2jJ1Oikim3g+hulOm6+uok+uAz2YACK/uJO+NTkRE5OBT\n0blx40aYzeamNyT6ma9D6O4F4ubNap+KxaIiBbKmdMa419fjaOeFqOp6m+MF4zkALZuoVL9g5dqa\nREREgeFTG2jhwoWYNm0a7r77btx///3IzMxseidq03wdQncfvi4sVMJolLmeb2j/un3UeND2e2x6\ncxs05z4BbLUtjtvbcDon/xAREbWcT53Offv2YdeuXejQoQMee+wxdOnSBbNnz0ZBQYHU8RE1yS5T\nOR5YawDwzj9EREThyOdrOtPS0pCTk4Pjx49j7dq1OHDgAIYMGSJlbNQGuBeIS5aUNlksFhUpYDIJ\n0Ott6N+/1rGd3FF0nj1Vg4kTHcPpzb2OkgUrERGRNPyaZXH27Fm8++67ePfdd3H69GlMmzZNqrio\njag/DD9hQk2j28+fH4uDBx1FplZrR2qqBfYKx9fddEdxeJ+pReth8laVDvXXNeUkKCIiaimfOp1/\n//vfkZGRgdTUVBQUFGDhwoW4dOkS3nor8EvUEPnLqumAy5VdAQCvTnwmxNG0DoG4axQREZE7nzqd\nH330EWbOnIm77roLer1e6piIXOp33LyueylX49LA19HhyF0Yl7YD3X7FYXHy/Oykp4c4ICKiNs6n\novOTTz6ROg4ir3ydTd55yBDgRBQ6RZ+GkHQGNnQOdqitSmtY1L7+Z2fTpvIQR0RE1LY1WHQ++OCD\noq8FQYDdbnc9dlq1apVEoRF55/V6Q5kCaNcPuPwddEX/QvngP4Y4ysjGa1uJiCjQGiw6e/bs6Sou\nr1y5gpUrV+LOO+9EUlISTp8+jY8++ggPP/ywTycxm81YsWIFLBYLrFYrUlJSMGbMGFRWVmLt2rW4\ndu0aDAYDpkyZAo1GE5h3Rq2Ct45bg7em7HUXcPk7KEsPhiTWluDEncDz/OwIje9ARESSarDofOGF\nF1yPb731VmzevBkjR450PZeXl4c//tG3bpJSqcTDDz8MlUoFq9WKt99+G6dPn0ZxcTGSk5ORkZGB\nvLw85OXlYezYsc1/N9Tq+NVxS/8VsGuBo+i02wAhcu7y2tJ7vJMnz8+OMmSxEBGRj7PX9+zZg2HD\nhomeGzp0KHbv3u3ziVQqx7I2VqsVdrsdGo0GxcXFGDhwIABgwIABOHz4sM/Ho7bF/faU06dXeF9L\nU9seVm0nyCwmyI0nJY2hsdt0HjokC5t7vxMREYULn34j3nDDDfj973+PRYsWQaPRoLKyEgsXLsQN\nN9zg84lsNhuWLVuG0tJS3HjjjWjfvj1MJhN0Oh0AQKfTwWQyNe9dUKvn3gkE0GAn0BKfDnnlRShL\nD8Ia0zOgMTz9tMG1RujTTxuwdesVr9vNnatFfr7SFbcvXcvWMHGHiIioMT4VnStWrMB9992HmJgY\nxMXFuQrHd955x+cTyWQyPPHEE6iursbq1atx8qS4E+U+OQkAysvLUVFRIXpOp9NBoQh950gul0Op\nDO1QnTMPbSUf7p+PwkIljh6NQlqa1fWcMw+2hHTg3FZElRXCqrwnoDGcPq0QPW74PdfFKgiCT7lJ\nT4fb7GoBLR0KlurzUVgoR3a24w/F3NwK0fegIeHw8wK0vZ+ZpjAfYsyHGPMhxnx4ak4ufNqjR48e\n2L17N86cOYMLFy6gU6dOSEpK8vtkABAVFYXrr78eFy5cQHR0NIxGI/R6PYxGI6Kjo13bFRQUYOfO\nnaJ9R40ahczMzGadt7WKi4sLdQhBsWwZMHIkUF4OGI0yPPdcPL780nM7zXUjgB8AbcURaBMTAxpD\n797A3r3OxzIkNnD8f/0LePJJx+PXX1c1uF0wBPrz8dxzwJ49zsfevwfhrq38zPiK+RBjPsSYDzHm\no2V8LlOvXr2KHTt24NKlS5g7dy7Onz8Pm82Gbt26NbmvyWSCTCaDRqOB2WzG8ePHccstt6BPnz7Y\nt28fMjIy8MMPPyAlJcW1z+DBg9GnTx/RcXQ6HUpLS2GxhHZmr1qtRk1N47drlJpCoXB1nSMtH83p\nlnXqBKSlxWLPHsfwttlci5KSumFoZz7K7XrEADBXXMa1khL/3kgTXnlFHHdJife4u3dXY926unwE\nOAyfSPX5MJtjAXj/HjSksc9Hcz4LzRXJPzNSYD7EmA8x5kOM+fDkzIlf+/iy0c6dO3H33Xfjxhtv\nxK5duzB37lwcPXoUS5YswaZNm5rcv6KiAhs2bIDdbofdbseAAQOQnJyMjh074oMPPsDevXtdSyY5\nxcTEICYmxuNYJSUlMJvNfrzFwFMoFCGPwclisYQ8Fn/zMW9eDPLzVT8/jvZ5pvaf/nTNdd3jn/5U\nBrPZ8wffInMsuWUx/oR3Zy/HVxfuxOO/TwzIEkS9e5uxbl216+uG3nJr/nz48j2or7F8NPez0BKR\n+DMjJeZDjPkQYz7EmI+W8anofOqpp7BmzRqMGTPGVdUOGzYM+fn5Pp2kQ4cOePzxxz2e12q1Pq/1\nSeTL8kl2peM2rZras/jNgN/j//rPx6gF1/D+OmMwQmz1uGg8ERE1l09LJp0+fRpjxowRPadUKmG1\nSjcURq1XTk6Z9yWPGuDrUkUAYFPqRF/LZTbclvSfFsUbiLjIO38/C0REFLl8KjpTU1OxZcsW0XPb\ntm1D//79JQmKWjdnt2z9+qs+DXs7l0vKz1e7hnYbLPgU0R77Txu30+O5QPAWV2NYpHry97NARESR\ny6fffK+88gruuOMO3H777aiursaMGTOwadMm/Pe//5U6PiKv6t/Bx7XckCDA2PdpyE1nYNUlQX/w\nVSSgEN5X1Awu3nWIiIjaMp86ncOGDcO+ffvQr18/PProo0hOTsa3336LIUOGSB0fkV9DsIWFcox9\nIRej//IOCoRfAwCUZUcAmyXgncZwGRpmB5WIiCKBT7+hrl27huXLl+P7779HRUUFjhw5gm3btkEQ\nBHz66adSx0htnLfJK5538HEsyJ6drXPNhs5+vhvyHukKhekcFBWnMH/+0AY7jUVFCtHxfBnq9XdS\njVR3HWIHlYiIIoFPReeUKVNgs9kwefJkREVFQRAE2O12j7sIETWkOUVdYzwLPu93Z7AYUh1F57VC\nAEMbPF4wCjfO/CYiorbMp6Lzm2++wY8//gi1Wt30xkReBKsbl5tbgXnzHJOJcnLKYDanIur8Z1CW\nFuKV57/Hn17qjJ9qOvjcaQx0sewPX8/N+7YTEVEk8KnoHDFiBA4fPowBAwZIHQ9Ri6SlWUUFrflM\nKgBAX/g3jMDf8N8HeqPk9i+Ael36hgo3f4vloiIFnntOB5tN2+Ii1ddzs4NKRESRwKeic8WKFbjt\nttswfPhwdOjQAXa7HQAgCAKef/55SQOk1iGY3Tj3DuGS5wdjBAQIcHxmleVHoTm9AVXds0T7BKpw\ncxSKStdjKYrBUHZfiYiImsunovPZZ5/F+fPncfnyZZSXl0sdE7VCgezGNVV0uXcIZ/8xHR/9833I\nqy4j+shyqK5+D83JdR5FZ0NCOXQdqO5rMLAQJiKipvhUdL7//vsoLi5G586dpY6HqEn+Fl21HUYA\nACzRXZH4+V2Qm876fK7mzFB/7rk42Gy2FhepkTRsHo6FMBERhRefis4ePXpAqfQ+O5go3DTUIbQY\nUgAA8srzgN3ucV1nIKSmWrB5cwWqqqoCfmwnThwiIqJI5FPR+dBDD2HSpEmYNWsWOnToIHpt9OjR\nkgRG1JCmiq6GOoR2pR42ZSxk5jLIan6CLapds2MoKlLgrZfO47akd9Dtf59En77h8UeZc5hbEAQs\nWwZ06hSc87IQDn/1L4FITw9xQETU5vhUdL7++usQBAHPPvusx2snT54MeFBEjWnJsLM1ujNk18og\nrzzfoqJz/vxY7Jni+ANs6eoE9Ml9sNnHas65GxrKdn/tySeBdeuCE1MkXQrQVjV461gioiDxqeg8\ndeqUxGEQBYdV2wXKa0WQG0/CHN/8Vk+v2AOux9fpjwQiNCIiolbNp3uvE7UW1uiuAID4r38N9YUv\nXM8LlkrAZnV9rbr8NYTaax77yyovQHtsNf4y9S+u525OPyK6//mhQ9L+WDV2z3fna8OG1eL11yUN\ng8KI++evqMh7L6Gxzw0RUTD41OkkilT1r2MbotC6Xmu38wGUDn0Fte2HIXHr7bALcpQN+Qtk1Vdg\n+HYuqrpNQGnGG4DNAs2ZTbDoukF7/F1En1gDg9s5Yq3HREOXc+fKsHatSbL31NhQtvM1pVKJxMRE\nlJRIFgaFEV9WD/D11rFERFJh0UmtWv1fxp+8kiZ63fDN72A2pEL2c1czZu8LECyOglFzdjNKAUSd\n3Yy43U8CAGrdhuStmo6QV12CvOoSZLCCiIiIGsbhdWpTqpImoXToK7h0116Yej0AwW6FqvSg63WF\n6QzkNeIukbKs2PVY9dN+AIBNrkHpsL/CLnMUtCt/k+sauly8uDII76SOL0Or1Lpx6JyIIgGLTopY\n7sVWYaHc6zYev4wFGfbW3I+77k/D0jXDXNtZ1fEw9vutx/4nljwG/aHXPJ4vue0z1HYcCdP10wAA\nPUtewScv/wPr119F3762AL1D3zi7ufn5atelBNS2OIfO16+/yrtBEVHYYtFJEcu92MrO1nndxtsv\nY+d+3x3q6NrO3G4QqrreBgCwRiW6ns/o/InHMe2CDLaoBABA+cAFqOyeBZnFhLj836LD+gGQXz3Q\nrO4jO5ZNY46IiCIXi05qsz49cqvoa0tcGn68/Qv8eMdX+PbyLR7b/zh+K4yp/4efbl4Ju1LveFIQ\ncG3YUlwb/CcAgLzmCmL+Owpn312Con3VfnUfm9uxbEtDq+zqEhFFLrYKKGK53wUnN9cEIN7P/VQ4\nmPQPpJ2b7Romt8ReDwA42vM1rHxnDwp/7I8/PrkL/frWwBLXD8a4fp4HFARUXj8N1d0mIP7LaVD9\n9AMeSV2MkU+vxf8s2wZA2tsCcWF2IiKKBCw6KWK5F1tKpe/Lv4iLtEm4ZL8TEMRN/6X/7oP8fMdM\n9TmrB/lU1Nk07VHT6RaofvoBANAz4QS+/e0I7B9W4FNcvJVk05gjIqLIxaKTSAjcVSZ2hUb0daLm\nItI77oMZTd/9iB3LpjFHRESRi9d0EnnR3OskK7vfDUu7dJQNXIDqLmMBAIlbb4Pu4F+lCpWIiCgi\nsNNJ5EVzO2o2bScYJ+1AVVUVLDG9ofzpAORVlxBz4C8w9ZleNwGJiIiojWGnk0giNV3G4PJddddz\nyqp5T0oiImq7WHQSSay23SAAgLya1yISEVHbxaKT2hR/FhcP1ELk1p8Xko86swmqS182+zhERESR\njEUntSn+LC4eqIXIbT/f4Uh3ZDkSvvglDLtnQbD4eX92uw1RZz6C6tJXgLUWMQXPQ/7x43jifhPv\nzkNERBGBRSe1Os3pZo4bl4Dx4xMC2gF1bvf8yrthlse5nteeWg/Nifd8ezOWKijKjqDzmm6I3zUT\nCV/ci87v94DuyHJ0KNuEZOtHyM9X45lnDD7di56IiChUWHRSSEh5D+3GOpT1l0J65hkD8vPVOHhQ\nhQMHVKJ9nNv261eLykrBFauvHVDndq9snIyRay7iwr1nYdb3BAAorxVBVnmp0fchN51Hx403oP3H\nmQ1uo1FWAQCOH1f4dC96IiKiUImoMbnq6moolUooFKENWyaTQaPRNL2hhARBQGVlZcTm47nndMjP\nV/78OA6bN1e0KAb3fMhkdX9L1Y9NrZa5Xler1Th1yjN3zn0GDQI++aQSEybosHt3Xaxuh3dte+iQ\nDHPnagEAL79cjdRUjWcc2mjU3LQQyu0PIfr4fxB9/D8ouzsfttjeXt+T+uR2yMxG2FSxkNWWoSr9\naSgvfgVFSd2MeKXcLDqHez6++aYKTz9tAAAsXlyJvn1tTSdSAuHw8wJE/s9MoDEfYsyHGPMhxnx4\nEgTB730iquiMioqC0WiE2WxuemMJaTQaVFVVhTQGpVIJg8EAk8kUkfmw2bRuj20tzufRo1F47jkt\nzGYFHn20HDabo9O3aFEZqqosru3mzGnnKnbnzIlCUpIFBw+qAABqtQ0qFVBRYcfevWakplq8xup+\nK0bn8cXHBdauLcGiRWaP7czKDnDvQQrF76Oq/2+9vifN2W0AgLIbFqIqeapj++t/DUX5URj3bUfy\n5SVQyWsBAD17WrBo0TXX+f78ZxPmzInH7t3O9x0Vsjv5hMPPCxD5PzOBxnyIMR9izIcY8+HJn9tP\nO0VU0UmtR6DvoZ2drcOePQCggt2u86nAOnBAic6dLdDrbeje3fLzc45h9vnzY13HqB+rLwvHO4fh\n3fcBAGt0F9F2MnO59wPY7VD9+A0AoLZDRt3TymiY2w1Eu067gcuATlsDvd6GWbOMzb4XfVMxh0JL\nYgmn90FERHV4TSeFhLNAWr/+alCLgpycMuj1jmHmykoZjh1TwWiUQau1Q6u1u7YrLFS6ruH0JVb3\na0UXL65s8LpPu8oAu9u93qPOfwah1rPwlFWXQGYug00ZC6u2s+c1sDJHUTm865cwGmVYvtzzGs7X\nXweGDav1+VaevlyrKuW1uP7GIsW+REQkHRad1Crk5lZg5EhHkeVeYNUvklJTLUhL8z404iwc9Xob\njEaZq2jZvFmNlJSOSEnpiM2b1S0LVBBgl0e5vlRUnIIhfzZgt4s2U5U4upyWmJ6AIHgUUjaFo8gc\nct23SO+0z+up0tOBDz8sC2hhz4KOiIiai0UnRbyiIoVrtnZuboWowPJWJLnPSu/fv64T6Oxo1i9K\nZ8+Og9Eog9Eow+zZcfDG/Txz52o9Zsm7q0z+JQCgNq4/bEo9NOc+RvThZa7XNSfXIX7XTACAJcb7\nJKPqpEmux/tmD8SeKVEw7Hnap3zV5yzMTSZBlI9Qaix/Uu5LRETS4TWdFPEcBZ9jMlB2tg7r1lV7\n3c45ZJ6TU9boNZn1r+GcPDnB63abN6tdRWjHjlbRa41d91k+6A8wpcyAVdMJUec/RXzeY4j9YRFe\n+mcKCn+6ERsn/Ma1rSWml9eY7AoNqrrdAc3Zj1zbak9+AJsqDuU3PNfge/PGWTADwNChNX7lRiq+\nXDcrxb5ERCQddjqpVTGZIBpOb2jIvCHeJqEsWVIKvd4Gvd6GJUtKXds+/XRdB/TMGbnomk7nsbxe\n/ygIsEZ3BWRyVHe7DebYPgCAmSm/x8YJfUTxWPQ9ANQVUs6iLyurHb6OfwvzdokXmdcVv4GYgudb\nkD+h0Ws2G7u+NVjXexJRYPBnloKNRSdFvJycMgwbVouRIx3rhrXkmkNvw/ETJtTg8OFLOHz4EiZM\nqHFtW11dt0aZ2Sy4ijHnepi+Xv9YMv5TXDRdh6S4Mx6vHblyveiXguiYCwzYeWESJiz/CMkvHseC\n3athFxSIPrYS8muHfX7P7sPRggBO4CFqI/gzS8HGopMijrfJQR9+WIYvv4RoBjpQ95+q0SiDXm8L\n6HV+yclmr4/9JlOg/PonXF+ea/cwSsZ9gp9Gvo2nFw1p9JdCTk4ZrsaMQfveXZD5xK2o7PUABLsN\n+l2zgFqjT6d3717Wzx8REVGgsOikiNPYX+e5uRUNTiJJSzM3OZO7sUko9Yvdf/3rmmtCEgCkpHTE\nqFEJyMzUISurHaZPbziW+sec8beZqFJ2BQBo+o+DOT4d1V3HNRlf/eFuY79nYNV0gPLqPuDQqqaT\n6cf7l3JfdxzyIwoOTrqjYOP/6NSqpKVZRZNI/J340tgkFPcJN08/bUB0tKMrKAjAsWOOiUxGo0q0\nT1MTWuqOqcbt+AHvrjwNm7Zjg/E3NUnGFpWAipTHEfv9H3C1eB8m/vpXsNvtPi+SHg4TeNzz7L5I\nf0Pa2mLwbe39knQ46Y6CjUUnRRx/Ckl//1N1/4U+fXqFa9H1nJwymEx113CeOKFAZaVjoMC52HxL\nVVl1ooITaN4vBbMhDQBwYf8h7NnjKILdi+RwLVScuS8s9O9uSvWLVG+FejgpKlLgued0sNm0zYrP\n36KciChcsOikiBOov86dRY7JJEAQHNeDVlYKOHDAUagVFiphNDoKy/nzYyEI3o+TlOQoGk6cUMBq\nBRQKIDnZ4rUgrt+lkmIJIoshBQDQI+YgADsAAadPK1zvZfLkBKSlmT2KamfxE6hOmvM4MpkMixaZ\nmzyOezGl19uQlmZuVk7CvShzxKd0PQ63+IiIpMKikyJGc4qhxvZxL06cGutauk+ySU62eHQOs7La\nIT9fjZoax7be4vNWEAW66LBFJcCmbgcdrmLM0BPIL+wBq9syos6low4cULq6te7FT6CKtpYcx3n9\nrS/qF+6tfRZusNZKJSIKNBadFDGaU8T4u09SUl0xWb8T6DyG8+twG7Z1ZzGkQHV5F/p1OoTP83sC\ncBTUJpMAm83RsnVf8qkp3rrCgc5Bc4up+p3vcC/KcnLK8NxzcbDZbM2Kj9fhEVGkYtFJEa+oSIEF\nC2KhVAKLFsnRu7dvyxc5i5PGCin3dTkB7xOD3Auy/v1rodMJWLTIezHhS0HkT0e3oW2thhTg8i70\njDkEYCIAR/fQZBJw8KDj8oEePcxISLDDZBJQWSm47tbkLUZvXeGminjncWQyGaZNq3DdarOhXAeq\nmAr3oiw11YLNmytQVVUlep4ThIiotWPRSRGjoYKtsdtgNlbkSTHbeujQGmzebEJVlfeCwZdz+tOd\ndd928uQEbNhwBampFljiHNd13pO5H/+v2FE4N9StdV4W4H6+QBZ/Go0Gt92m87toDQfBLATD/VpU\nIqKWYtFJEaM5RWIoul6HDskwZ047AMHtWBmNMlex4pxM1A5FHu/f13zUn8kPwKNT2dqxECQiChwu\nDk8Rz/02mLm5FV638bbguK+LkDe1Xf0FlufO1fp8azlvx/ZnweacnDKvk5+sPxedimtHAJvV4/XG\n4nfGNXlygut9LF+uw/r1V7F16xVs2XKlyUX2vZ2jX79aaLU2aLU29O9f2yaKVn9woW4iau3Y6aSI\n57wNZmJiIkpKrDB7uaTTW8eqoS5W/SHVprpdvnZTnce9ckXAxYsKyOVAx45WHD0qXj7H3+MlJVk8\nuo92VSyg6wqh4hzkpjOw6ns0eBxv55s/P9a1xBLgWD7KecvR5khNdUzQcs6Wb2h2f3NIOQQezElJ\n4X4tKhFRS7HopFanpUVI/esk/bV4cSXmzIlynd/bcZ3cF5z3V/1rST0KloS+QMU5KMuKGy06feE+\ndB9K3r63Ug6BsxAkIgocDq9Tq+Pt3uzehi59Gc40GmUwGmXQ620+D3v27WsT3Q+9MVFR9oAOqTqH\n6ydOjEWJvR8AQHHtMABg82Y1UlI6IiWlIzZvVjd2GFdufLnbkq+XKbjne/r0CtE+vh7D2/c2UKS6\n53tbuJd8W3iPRNRygt1utze9WfgoKSmB2dv4aRBpNBqP5U6CTalU/jyczHwA4nzceWdM4x3AJrjf\njtE5xOzPcerno/4al5WVcA2vL1lS6rEsU2MxAXUdPm/Puc9Ez7lvBZ4dNA3m2FSU3PYZUlI7ud6P\nXm/D4cOXGj6h3Q4Igk9dY/dzesuTt89H/X0A+PQ983YuXzvbTf3MNPU+msvbccPtZ6al/4e0NHet\nLR8txXyIMR9i4ZAPoC4n/uCfpNTqtPQ6POeQav1iprnqD4Nv2eJ/MeNtCLmpod+TRkenU1lWhOgj\nywEswNjrP8XtKR9jRI98aE7ei6oeU1zbK0oPwfDtPAhmExSmM6hMnor05Huxfe4KCOYyoMQGa1US\nLPpk1HQYAWtML7/fR0vl5JTh6acNOH1agcpKwXWdaSQPgXN9TiJqK1h0UqvTWhYZdy9GKit9u/bT\nWXALgoBZi26AdVcHyKsuQ31hOzb/WYeR1bPrNt6zB9HH/h/KBr0Amzoe8XkzoKg45Xo5+uhKRB9d\n2eC5fhy/FZa4fs0q8t0X5r96VcCFCwpotTb07On9nvVOzglJRqMMBw6oGr2Gs34xl57uW0z+vA9f\nNHXc1rAsU7jfBYqIwgOLTiKJNfcXsnsx0q9frWsY2n1Zo/odMmeh7Bz2+Cl6A+L/OwJRl3ZiJHZ6\nnN1FZggAACAASURBVEN15TskfnqH62uzIRVlN7wA1dUCxOxf7Hq+1qLE3w68hF89UgL9/r9AsFvQ\nfss4XBmzAcAI0THrxzVoEBp8XRCAY8dUrtcCOau9fjG3aVN5o9tL9UdGqP94CYa28B6JqOU4kYhI\nYqmpdd27+fNjmzXRIjra7jE5yZdJNdaYZNR0yKj7Wp2AHecm4frcYsQ/dxXvHpkFm8oAq6YjatoP\nx08Zb6C2YwYq+j6FK6M/AACUVhqgzq7BB8d+jYq0J1EybjPMesf93ON2PYGX/1gjiqOpuNxfP3RI\n6XcuWtt6lq3t/RARNYSdTqIg8GcIdfNmNWbPjoPVCvTubUZ8vA05OWXNu8ZUkOHq6Pcg1JYDghx2\nZTSys9rh6BVHLK/t+wtGLcz2umtthxH4vuf7yPlbXwwdWreYuyWuH0pu34Z22/8X6pJvMLffNHz6\n1VbY7PJGQ3GfoOVkswnQam2Qy4Hu3RsfWnfytavm2WFu/vJUUmKXkIjaChadRGFm9uw41yzzS5eA\nHTtKAMDjHum+DNsXFsrx5JOxOH26I7p3t+DVV6/5NdzfYcgvsHQ1ANQrimRKlI74B1Tv3YbM5G34\n47jn8dKuRV7v7w7ULX7vjF8ms8NmcxSB/fub/Sq6fJ1441nM+d9VJSKiwGHRSdSEQMwulmKihS8d\nsuxsHQ4edFwz6T7xJhCdNZu2E57PX4mlIydg/pgXkXxdBVJT5wGof393z2IvLc2M6GjHam0N5aOh\nvLeGiTdERG0Rr+mkVq+lC1cHYkFyZ4HobcH4+vEtWVIKvd4Gvd6GJUtKXa+bTAL696/1uri6N/v3\nA4cOeb7mbz4a237yU4OxqngOAOCX1y8FLA2vHed+7eJf/3rNIx9FRQpMvUeH7158FnHrhqFm4zN4\nbejN6Fm7NuALwYcbLq5ORG0B/3ejVi8UnbGmuqP1l0M6cEAlim/ChLqF270tvF1/qN3be3rySbiG\n6WUyO/r2Nft0L/n6Gts+NdWC1Bf+D/b3X4Vgt6DT2uth1XaFJbYXKrvfg+qkSXXbppix6Y1PYYm9\nHnalXnQOWfVV5L+VhzcyliK1w2GgFri9+zsAgP/c/wAWfWsC4JhlP316heu60OnTKxqNvTHhtD4m\nu7dE1BYEregsKyvDhg0bYDKZAACDBw/GsGHDUFlZibVr1+LatWswGAyYMmUKNBpNsMIialJzhsab\nKiLcX2/qVpPu92f35V7tRUUKLFgQi8LCuuduuqlWukJGpkT5Dc9Be/xdKMqPQGE6A4XpDKIubMdP\nANBrIjSnNkJ9aSe0Jz+AVd0OV//nA9hUBgjWWlg1iYjf+SCevXEfAOB8WWd8dTkLd6euhtLqyPez\nQ57C1dIesMT1xfLlOlcxvXSpHsuX6wD4Xzg29D0Kp2KUiKg1CVrRKZPJMG7cOHTq1Ak1NTV44403\n0LNnT3z//fdITk5GRkYG8vLykJeXh7FjxwYrLGoDAnWHIqkkJVkavb5REDwfN/aeHMWUo3Oq19uQ\nlGRBZaWArKx2yMkp8zsf7ts7h/WdzzsLMlOfx2Dq8xhgrcbp/RdxesNq3Ju6DPFf/xrm/GehtF5z\nHU9ecxXtPx7t9Vwv7VyA176egz/82YKS2+Yi6twn0JzZBM3ZjxC/ayZKxn0CoJ1r+9OnFa4CNFCF\nYyi6jlxcnYjagqAVnXq9Hnq9Y0hNrVYjISEB5eXlKC4uxrRp0wAAAwYMwIoVK1h0UkCFYkmapoqI\n+q83VhRptXaPx76+p759LbDb7R5FVHPz8be/6UWXAni+jyg8s+hG7P3uJtz0u8/QM+GEqOBszJy8\ndViyKQsAsHx5DSZMqEH1dXeguvP/QGE8DuW1IsTvfAgv/WEVnpnbGSrTCdSYlfjBmAr35ZCKihSY\nPDnBazHqLpwKPS6b5B27zkStS0iu6SwtLcWlS5fQtWtXmEwm6HSO4TGdTucafi8vL0dFhfh6LZ1O\nB4Ui9JehyuVyKJWhXX7FmQfmwyHc8pGebnG7A46A+jO409OBTZvKUVgoR3a2AQCQm1uBtDSrx/Fm\nzKhyXcM4Y0ZVk7l+6SUTfv97GRQKJV58sQq/+13d5SqCIPj9vVqwQNw5dT/WggUG12sLFhiQm+u4\n3tJslWHsG5/hsaFv4az8VvxxeRpgq4Gs8hKO/ev30Nkv4kJ5Z+QcXIv1Kw7ALo/CrrXpomO74lQq\nUX7Lv2H4dDLUJd9gVEkK9j5UF9++C+nI/X4ZHl94PZRKJRYsiHUVnO7Hqv8ZcX4Pft4Kzu/RSy+Z\nMGuWgFOnFKiqkuHo0SikpVl//l45/q9q6HvlK/7MiDWUD/fP3oIFBnz4oXR/HERCPoKJ+RBjPjw1\nJxdBz17N/2/vzuOcKu/9gX9O1plskxkm4LDIQEGYYRgUUKCCiKhVKfSq2Ou1uFSuUq3XunDRduTW\nW+DWqtX+KrcVW5fiUhcW5ap1q4JSFhWEAWbAkb0j4gBDJpPMZD2/P0JCMklmkkxOzknyeb9evgxZ\nTp7zPU+S7zyr241XX30Vl112GfR6fdRjQkQ/4pYtW7BuXfS2fVOnTsW0adOyUs5cUVpaKncRFCXX\n4rFwIbBpU+h2GT7+OPY5zz0HOByh21bcfHP3x5w6FdiwIfSvEixbFpxUBABLl+pgs9lSKmPkd9uw\nYSqc+hsRS5fqwscNPk+HhQvLwmU9ZB+KlUf/B88+C9j6hp41CM1zPsBtofL8ESgbHtwxadky4Kab\ngL17AY9HhyNHbKf3S7fZgDmfAi9NANq/BgDsPTYUlqI2jOlfjz/2mQnr2C8A88Co8loswLJl0efc\nUx2ZOhWwWoMxr69Xha9LMtcqF6X6mamvj6xP6HFP+96IvJZabep1Nx259h0iNcYjGuPRO1lNOv1+\nP1599VXU1taiqqoKAGA0GuFwOGA2m+FwOGA0GgEEJxqNGDEi6vUmkwmtra3w+eTtYtHr9XC73bKW\nQaPRoLS0lPE4JVfj4fWWANCduu1BS0tsS07kc7ZtC2DSJF+PLW2R8aio8GHlytOPtbQkfSoAgEWL\nErfwRT62aFE77rzTjFCL4ahRXrzzzkno9Xq0tJyOR2urGl6v6dTtdrS0nG5F/Oqr4BjNrVuBefM8\n4Zat4ON9UarfjBevuw6vrJ+C255fAp3ajTfnfh+XnPUBnBsfg+ucn8eUt6LCj5aW1OpIvOuSzLVK\nVi5/ZubNK8GmTbpTtz0ZaX1MFI+u9aulJf3W5Z7k6neIVBiPaIxHrFBMUnqNRGWJIYoi3njjDdhs\nNkyaNCl8/4gRI7B9+3ZMnjwZ27Ztw8iRIwEAFosFFosl5jgtLS3wer3ZKnZcGo1G9jKE+Hw+2cvC\neESLjEdPY9IWLz4ZfnzxYju83tgvs9BzGhq0cDhU2LRJh/vuM8aMAYx8r9/8xompU4PxqK8XezUu\nbvhwL1au7Az/u74++pxWrjwWfiwQMEXcFuH1emPqx333WcJdpqHziLwvRBTF8OtOPz4Qg7euxeDB\nPgwb5sHRo1qsPPgzXHLWB9Adfgf2Ufdi+HAhqrxdq0PXOhIZt7lz2/H00yY4ncDo0R4YDCIWL7aj\nvh5obw8OL6is9OHmmx2YOdOSdkzT+cxINb4x1c+MKIpRtzPxeUsUj651LxsfbaV9h8iN8YjGePRO\n1pLOQ4cOob6+Hv369cOTTz4JAJg+fTomT56M1157DVu3bg0vmUSUL3qaCZ3MBJLQcyLX5uzpvWbO\n1OLss4GbbtLirrssPU6qSUV35xSahd/1dipUKhFGo4jvfc8Vninvcp0eeuNwqLBzpw4TJrixbt03\ngL8agdet0J5shKHpL3CddVPa5xNK7IHTa6ICwbVSQzs7GQwinn7alPUZ7kpZy1NJE7C64sQjImXL\nWtI5ePBgPPjgg3Efu/HGG7NVDKKclcqPvcOhwiefANu2WaIm1SSzzmemy7hrlwrz559eZinec0L3\nhZI+h0PA44+fnhBUUxPciSkyKQxTF8Ex+l6UbFkIy/YlcPefBr9psKTnWciUPNNeKYk5EcUn/zQs\nojyWyVah7n7sGxs1cDoFmM0B+P2AyxV/h1shAzln13Pq2rrUtYwLFhiweXNwnGeiJZt6as01GkWs\nWnU85r1CnMNuQPGB1dAd34ry92YiUFQOb9nZODnhUTTuDu45LwgCli0DKioSn0+oe73r8eNdx56u\nazqtbt29RoktjGxZJKJUCGLkAJ0coIQxncXFxejoSLzHdDZotVrYbDbG45RCjkfXdSlrajwwmYKz\nfW+66WRU93pkl3GmxNumM9Ls2TZs3Kjt9v1DyYvTKUAQgl3YXRPAnhIawX0Cfd+5FGrXkfB9v9ny\nBJa8eRscDjUAYMoUYOVK6etI12vS9bwT1ZGeYplJmfjMZKq8mfrM9CYJLuTvkHgYj2iMR6xQTFLB\nlk6iHFdXF70updEoYs2atlNfkF4MHnxM1hayhx92Yf78om7fP7JbNDJ5mTEj+Rmaor4M317xEdTO\nZph3Po7iw2/ivnH/gQHYhOv/+jwiF5BPVarJTNdr0vVYCxeaEAgY2DqYYUru+iciIP63IhH1WmOj\nBldd1QdXXdUHjY2Z+fuup2OazYGYxC70Q7xq1fFwgpPJsi1ZYseECW5MmOCOm1SOGhWIef+u5xNa\n/L63RK0ZPutItI25D2ubZwEA5ox7ET+94E+YONGDpUvTO24oKd68WR9OPrsTOfHJYIi+JnV1Jdi4\nURv3WD3FUmlyrbxEJC+2dBJJRIpJDfGOGX9LzfhJXGOjBnfdZUVDgxaBgJBW2eK1+qV7bpHnYzYH\nUF3tzUjy4jcPhX/Gn7DkT5ej7tzb8Lt/uRf2fxmPPkPGprxOaToiBy0NHepLujUzXiyVPG6SLYtE\nlAq2dBLluHgtmYnU1ZVg505dOOFMR6qtfpG6a2GtrvYmdQ7Jqqry4ce/nYmOgVdAE2iH8NJl+MOP\nH4XqjR/B8sViQAz0fJBT4rXodXcu3S0dtWSJHZMmeZNuHexNvImIlIQtnUQS6WmWdzrJVTozmCPf\nN7LbF4jfHR/vdZlqYevaUtvb8+mxXIIA+7m/RufeT1FW1ILba/4TsAOwvw9ARNs5C5M6drwWve5a\nsrs7r6oqH956q10REwGIiLKJSSeRRLomKpEzfdPtbk+nOzMyOaqp8aCmxoODBzWorPTh8cdPJkza\nEiVV2VoGKpFUhy0Eisqx4B+vYWzRK/D6tZgychvOsX0C0+4n4S+ywTliLjRtexHQmlFXV9urayRF\noq7EpZKIiNLBpJOogITWu+yN3ozjkyuBuvaeajzwwP+DVqvDmMtPoFX7V5RuvAMl2xahZNsiAEBA\nY0KZfheAM5M6ZqK1OzM9jpfjJokoXzDpJMoSuRKudN9XivJmIoFKp1xVVT6sWWM/tYyUHx3eK/HM\nHzy4a8x8qFUBuHxGGNCO/73lcfyb+6Gkjh06l+6GL8ST7JJJ8dYuVdpEIpKPkieY5RrGMnu4OHwa\nlLAwKxeqjcZ4RCvkeCT6Aekak6uu6oP9u06i01eEa6Ztw5+nX4iAtgRHf/AZRK0x6feLHDZRU+MJ\nTxxK9OOV7ILq8XZnyuSC8YVcR+LJtXhIvZFArsWjN5KJZSHFI1npLA7P2etEJInQ7O4ZM0wZW6c0\nGcnO9l6yxI4ho6yoGlOEf7u3Cm7beVB57TA2PZv2e4eGL2RyFj4RUb5g0klUYKRYtD6eUPK3caM2\nYfKXqbJEHuf48dNd3E7n6dsNDWpccAEwa1YJGhs1MUtNtVfdBgCwbP81VB3fJv3eoeWUamo8cLmE\nHs8l2SWTIo87erSHC7BTFC7MnzmMZfZwTCdRgZFisovcZYk8jsFwev1NIWKI5f33m7BpEwDo4r6X\nu//F4du2v12Mo1fVJ/XeoeQ12dUJkl0yiROI5KfksX6sH5nDWGYPWzqJSBKh1oNJk7yYO7c9K62r\nAKBWn75tMKQwZF1Q4cR3/xA8hvs4BE9bhkuWP7LVWi63dBbmL5TYEKWDSSdRgZGjK+mJJ8xxf7wz\nVZbIruh+/XwwmwMYPdoTdcxbbnHBYgkuiD93bnvc43QO/gG81moAgGXb4uj9LJMsg1K66KRMfrhL\nUmKMDVFi/DOMqMBkqyup677qUpYlsot7585QN7sY1R36pz8Z0NYGACo8/bQJM2a44x7LU1YL7ckG\nGPe+CJ95KJxn3QyodUmXQSmUNIwiV3FhfqLMYtJJRJIbPNgXtZRQpnQdcxepoUEbnjCUirZzFkLU\nlcC0exlKti2CZfuv0V71Ezhq748eJFrACiUZS+cPiUKJDVE6mHQSkSRCP74qlQqLFiXebrM34u3l\nfuWV5XA4VHA4VLjyynJUVwfHlDqdgMUCVFZ6u00GRJ0Vbef8F/zGgTDXPwqV1w5zw1Jo7E3BpFOl\nQ+eA7wEBN4qaP4DPOhJ+Q3+oHQfQXn07RF3mulQFrxMq9wn4TYMAAIe2NuGzv67F4aNWfNDy73jk\nMWfCuEqZ/CitVVdJGBuixJh0EimEkmfKpiP04xtcyDg751JV5UN1tTeciDocKmzerEdDgxYOR3AI\ne9du90ScZ90M51k3o+jwWyj9x20obn43/FjxoTWnn/jPt8M39d+sw4lpLyGgL+v1ueiPrIN1451Q\nu4/BVXk1VO4T6H/kI0wcG3x84TttqKtb0O0seSY/lKrQ95AgCFi2DKiokLtElE84kYhIITgBIXXx\nJu+E7ks0jjRVnYNm4MTUF9A25uc4cf6T2HfGf8IvBr86veoSeMrGwGccBJ/xTOhad6DP32dD1fEt\nSj6vQ783xkP37ebTB/N3AmI35RJFCO5WWL5YhD5rr4PafQwAYDiwEkVHPkKHz4ANByYBAOZNXJaR\n8yOKFPoe2rRJhzvukLs0lG/Y0klEPVJqK2y81rx4e6LPnduOZ54xQ6vVYdGi+DPXu+OuuADuigsA\nANfd1QeuQ3Mwsu9uHDNdhBdeCU5IUnV+iz4fXgutfQ/OeP2c8Gut7/8QrdZpMJv80B/dAJ+pEh0X\nLgMMw6LeQ+VsRp91N0Br3w0AEAU1HKPvRefAK2Bq/F/4zEPxReDH+I8XBmPDdeUYaG3Gw/+9F4A1\n5fMBgovlL1wIeL0lWLxYmuEPRESRuPd6GpSw7yn3gY2WD/HIZGKX6Xh0tzdxT+Xet8+I+fOLEj6e\nLZmKSXex0B7bCtv7M5M6TkBdBECAIPrhKRsDlacV2ravAADu8nPRdnYdvLZz4762/P1Z0B3bgvaz\n5sI5ch78hv4pT3K6+upybNqki3se2cbvkGhyxiO6e12HiorCjkcI60cs7r1OlMO6bsuYK3oaFrBg\ngUHyYQPZXJC7u/U4vX3OQWf/6fAZz8RPPnoff948F5sPnQe3T4cn1t+BOe99CufwmwAAKn8nVP4O\nCAEP9Mc+g7btK/jMQ3Dkqp04fsnrCRNOAPCUjwcAmL58Gv3WnIe+b02BpnWXZOdMhSP0PbRmjR21\ntXKXhvINu9eJqEdKXwYmm2tSdjtBRxBwYupyAMA1wzWoq5uChndOT2KaMMEN+/gl8I35D3R4AVFn\nAQJe6I+uh/b4NriG3QBRX9pjGdpqF8BvHAj91x9Bd3wrNI79KP/whzh20SvwldYkdR4PPdSOhQvL\n4PV6sHix8q4pEeUfJp1E1KPuEq2eEtKHH3ZFda8XinhjS0PnH7AMQSCie6xz0Ax0DpqR/MHVReHZ\n9fC7Ubb+VhR9/QHKP/xXfHv5BwgYep5yXF3tx8cfAy0tdni9udOynm+UOl6aSArsXieiXulpWMCo\nUQHJhw30tAVlY6MGs2aV4IILghNo0hGvC18R+2yr9Tgx+Sl0nnEBVJ6TsHyxSJ5yEIDU6wRXraBC\nwqSTiHJeT4lvXV0JNm3S4ZNPgPvvN6X1HvGSg2QSBimSipjERq2H/bxHIKqLYDj0BnRHN2TkfdIu\nTwFjEkmUGJNOIuo1Jh3ZFS+x8RsHwlEdXFix7OMfo+jw2xC8zpjXCl4HzNt/Dd2ht4EMLV7CRCt9\nPbXSE+UT/joQUa9lcyJPOpYsseOBB6xpr9MZOkbXsZmJxrN2XSM08hjxnhO6v6exfaHXNDRo45ax\nveo2GPavgKb9AMrW3wJRpYOnbAxEjRGiWo9AcV/ov/kEmvYDQAOAvc9BU/sAvJaqdEJCcaQ66Y47\nR1EhYdJJlKfq64F580ogimLOTFCQalJFVZUPa9bYT62z50c6y+x1txB9V5FJOIAenxM6554S98jX\nmM0BVFd32UdeXYTW85+Eoek5aNuaoD22FfpjnyU+qcNrUXp4LYoHXALHqLtQ/+34tOKv9NUNsolJ\nJFFiTDqJ8tQddyC8+LfUrY+ZSjqU2mIq9QzjhgYtKit7PqbLdXoB+MrK+MmNt2w07BN+CwBQdbRA\nY98DIeCF4HdB7ToCv6EC7r7fhVarRflXyyBu+yOKmt9HUfP7OPPkaPzuPAPqj9Ti6d/8BI8+d0ZS\n5WeiRUTJyKkdiTo7O9HZ2Qm5i6xSqRAIZGZf53QJggCdTgePx8N4gPHoShAEzJhhxoYNwZnakyZ5\n8dZb6XUr91Yq8Zgxw4SNG4Ndx5kuc2/qSKrl2rVLhQULDACAefM6sWxZcMmohx92YdSoAFQqFXbs\nAK64whxew7O21gujEVHP6+rCC02or9eGn792bfrxCcXDa2+GfsdS6BufhuCLHgPqGXQZnBc+BWjT\nm3yVLKV8ZvgdchrjEY3xiCUIAqzW1LbhzamWzqKiIjgcDm5BheD2U1arFU6nk/EA49GVVqvFH/+o\nxrx5wS/IRYvs6OiQp3s9lXgsWuQNtyhmusy9qSOBgCHidqDH8xk6FFixIpjABbfNDCaK8+cXYdWq\n4yguLsbQoR2ori4Kt+wGAiICgeCPmdvtjnvuxcWGiNs9l6M7oXi0OK1w1twH4ayf4J/1+/H0UzpM\nH7QSV531F+gOvwPPp79C29j/Tvt9kqGUz0yhfYd014JfiPHoDuMRS6uNP7a8OzmVdBJR8mprgTVr\n7LJ/QSYS7wdPqd20mR6zuGuXCvPn94HTKWD0aA8MBhEul9Dj0ILeliMy5r/5jRNTp55+TNSVYMD4\ns/Ff4wGgGsdPXAnbe5fD+OUz6Ki8Gt4y7omYb5Q6nIXyF5dMIiJZFMoyO/GWxAntR79zpw4Gg4hV\nq47DYIjusou3DFVP65H2JDLmPa1X6iurgfOsf4cgBlDy6QIgoPyJaJR9+bBcWj6cQ65g0klEhO5/\neHqTICebKHZNTpWQlDtGz4fP0B+61h0wfvmsLGUg6WRijVAl1NPeyodzyBVMOolIFkpbFDubPzwP\nP+yKOfeqKh/mzm1HQ4MWV15ZjhMnMvf1HEqoQ935Eya48dBDPU9CErVG2McvAQCYdzyM4n2vQPC5\nMlYukldvW86JUsWkk4hkkUs/eF0T5N52xyXaj/7ee0vhcKjgcKjQ3KzOWFIeSqgju/Orq/1JvdY9\n4FJ0nDkTKp8LpZvvQb/V56B43yu9Kk+q0ok3u0yzQ2l/PKYjH84hV/CTSEQFo7sF87ubpNN1glNw\nRnrmJ2D4u+SBSpnY0Trx9+ismAbj3pegO/Y5SjffA+OXz8BvOhOiuhgdlbPhrrhAsvdPZ8JLPkyS\nkXp92ExQ6uS/VMQ7h66xr1X4PLpcqCsAWzqJqICEFsyP14WuhJbXAQP8cW/3Vq9bctQ6dAz9Vxy7\n5A04qoL7u+tad6L48NswHFiJ0g23QfCczFh5KYhjDeWTa7HPlfIy6SQiSlGiJK43XbqNjRp88406\n/O+ysswt/txTQp1suRsbNbjkV4/imr/twJZhb+DEd/8Av74cKs9JmHf9PmPl7SqdpJldpkTKw+51\nIioYS5civGB+bxKRZPZc79qlG9n99eijnRg6NPa1od2JzOZAVhOlZLuiw60pqMHh9uFYteo4/Oah\nKH/3cph2LwMgoH3kTxAotmW8jE6ngIMHNbj7bisef/xkj63RSuv2Taf7k3vayyc29kL3L5BZrtQV\nJp1EVDDkXDA/MrFbsEAV3rEonupqr2LHZIU4nQK+971yHDx4CV740Y8wa9gLMO1+EsX7XoF9/BJ0\nnjkLEDLzQ11XV4KdO3UAgB07dD2O0VTi+LZ0xpgqLXEuJLGxT333nWzKlbrC7nUiom6k0mUe6tKt\nqfHA5RJS6mbP9Az5VCTbFR35PEEAdu7UweFQ4ca//B5/3lUHT/l4qD2tKNtwO0rX3wpVR4uk5U4U\no1wZ39Ydzr6nfCSIcu9cn6KWlhbZt/VTwr6nWq0WNpuN8TiF8YjGeMRKNyaRM9UnTHAn1ZoQ7zWx\n3euJWzrTfd9UWvh6W0ciyxcu48pjMOx9EZYvfgWVzwlRUMNrrYbHdi485ePhsZ2LgKF/zLG61hG1\n859QO/ZD1JrhLRuDxt1a3HWXFQcPalBZ6Qt3rwfLoENpcStGna3BKyvaY8qWbOyk/sykcm2Ki4tx\n+eWGlM8hk/gdEo3xiBWKSSr45xMRURZEdn8FfzQy/x7ZXCZoyRJ7VCK4ZIkdEAS4hs2Bu+JClHz+\nC+iPrIWudQd0rTuAL58BAPgMA04noeXnwmetCh5QFKH/+gMYv3wWRd+sC79PZ8U0jD77Abz35kCI\n2uitO8uLvsbnd83GuIFb4Q1o0bl9Hhyj5ytyfFuudH8SSYlJJxFRNyITmLlz23HVVX3C9ydqrcpE\n0pPMMbq2nmVTVZUP7757LO5jfuNAnJi6HILPBe3xL6Br+Qy6Y59Dd2wLNK5maA42w3DwdQCAT2XE\n1iMTYda2oqpsKwDA7ddj1/HzMLpiB4qOfISiIx8BAALqYkClC7/PG7M6oRbd6PQXQa92w9ywFPqj\n/0DNpKVYtapS2gBITImJM1FvsXs9DUpo2mZTfzTGIxrjESsTMYnstjWbA1i9+lhak1QyFZOu3chd\nExUpu9fTIgagse85lYR+Bl3L59A4D4UfPt7ZDy/uuRsPrrgFrR1l+P7UfXj1p3dBe3w71J3fi7W3\nagAAFu5JREFUQvB3xhzSbTsPJ6Y8Da29CdaNd0Dj+hp+fRlarliLQFGfpIvGz0w0xiMa4xGL3etE\nRFnicKgUt9NNVZUvnHjW1ZUoZuZ2mKCCz1oFn7UKruE3AABuuc6DohNbYNC6cKjo+3D7DWjtCCbS\nLZ0D0Hr+k8HXiiIEnxMQo89H1JYAggBP3wloufx9lH38Y+hbPoW5/iHYz3skq6cHANrj22HcvQza\ntia4Kq+Gc+S8jM3iJ8p1nL1ORJSkJUvsMJszt2h7b8WbdZ5rM7fvWWjAEdMsNGl/iP/6lTfxTHpB\ngKg1QdRZo/6LTOhEnRX28x6BKGhg3PsS+q6ZCFPD/0LwBVuFJJsRLorQH/kYfT78IWzvXQHDoTeg\nPdmAkm2LYN18N+D3ZO69iHIYWzqJiJJUVeXD6tXHFDPWLh8mp1RV+fDWW+1R3YW9OSefZRjaq2+H\nedfvoXEehmX7/8C4589wjLoTLz46FYGvddh3fGhmWqkDfhQdfhOmxj9A17ozeJfGBNew6+EzDoRl\n22IY9r8GTdtX8JbWABDgPmMKOgdeztZPKkhMOomIUqD0RC+dCShKXEy9NxyjF8D1nR9BY98D847f\nQndiO6xbHsAzFwO4GHD7dHjv8LXQnLzh9Oz5SAE/NG1fBic+2ffAbxgAn7UKXmsVAsV9AX8nDPtf\ng6nxSWjaDwAA/EU2OM+aC+fwGyDqgrH0lo9F2boboTv+BXTHvwAAGL9aDnffSbCPWxT/vYnyGJNO\nIgnl2485KV86SXE2l1pKV0qfJUGA3zgQfuNAuCsuQtE//wZj03PodDjxTTMw3LodM4csB/62HMfN\nU7H47bshQo2f3/g5SjvWQnNsK1ReR9xDBzQGCAE/hIAbAOAzDUZ71W1wDbkGUBdFPddbVouWy95D\n0dfvAwEvVJ6TMO7+E/TfboTtnUvhHHYjHKPvhagvzUyQiBSOSSeRhHLhx5woFyTzWYqbmAoCOgdd\ngc5BVwAAzABaHAdg3PNnGPa9jD6OdXh8yql1QfedPpbPMADe8nHwlo6C2nUEmpMN0J5sDCejntIa\ntFfdjs5BMwBV4p/SQLENru9cF/63c9gNMO/4LYxf/QWmpmdRfPB1OMbch85BMxBaSkYQiiG4I2Yn\nq4sgagwpRixWKD4q+PF43UaMNP0Dum83Q93xTcxzBUEArINg1PWHx3gmfKYh8JuHwG+oAAROB6H0\nMOkkooJRXw/Mm1cCURQlb3nOpVbufFkTMtk/8vzmSrSNXwxH7Xys+uVqTOv3Ik52WHHYNwmXzR2F\nDusYBAwVsS8URQhex6lJTea0yijqS9E2fjFcw36Eki0Lof92I6yf3Q98dn/U86xdXhfQGBEo7gt/\nUd+o/we0FggBLxDwQPC7IQQ8EPweIOAO/xt+D1Q+J2z17XhuaisGWJph/rK958Ie2wIDgMh0V1Tp\n4TOdCb+5Ej7TYIgaU6JXR0tpDGv0czUaDTS+2M+PiCSPmYHxs2q1GjAYYXA54fcnOZkw6fdN7Xla\nrRbqBMs2BXRmuIbflOTxso9JJ5GE8uXHPF/ccQewaVNwcXGpW55zqZW7uy55pSTPUnyWRJ0VI2+4\nBTfXzYcgCFi2TAdPRQsCidZhFASIOktG3ttnrcLxi15D0eG3YN7xW6g7v416H0QsoS34O6HyOaFy\n7IfGsT/t96wtP327ub0SpaPPg7vvRPjMQ2MSJI1ahVKNC87m7RBO7oW6/QA07Qeg7jgKbVsTtG1N\naZcjlxnlLsApxQnu9xkHMekkKlRKn3RC1BOlJM/JfJbSSUxDxz29+Hevi5o8QUDnmd9H55nfj7o7\nZvHvUy2s6s5voeo4CnVHC1SdR6Hu+BaC1wFRpQPUOogqHUS1HlDpIXb9t6YY+46U49Glg9DqtmHB\nL7Xd/wGh1QI2G1xl06IWQxe8TqjbDwYT0PaDcRfsj5HkHjQC4j9Po9HAF9PSmeS+Nknvf9P981Qq\nNYxGA5xOJwIBf9beN97TNFoNfN741y5TfxRJhUknERWMpUuBefM84e51KbGVW1rxWmDz9o+8Uy2s\nPp0FsAxL+zD9BwKP/SX0r/RarEWtEb7SavhKq9MuR6qUsAOPVquF0WaDizsS9QqTTiIqGLW1wJo1\n9qz8aORLAqTU5FkpLbBElDwmnURElFAyybNSxn0SkbJx3QMiyguSbXFIYYliLMfWm6HtMmtqPHC5\nBF53ohzApJOI8kKu7Tmei5QU41ALrNEoYscOnSLKRETdY9JJRES9Emp1nDDBrahxn0SkLEw6iSgv\nKDHxybcu/0QxDrU6rlp1POF4TqliocTrHiLl9c+3ukWFIWs19fXXX0dTUxOMRiNuv/12AIDL5cKK\nFStw8uRJWK1WXHPNNSguTrTkKRFRYkqcLZ5vM6x7E2OpYqHE6x4i5fXPt7pFhSFrLZ3nnHMO5syZ\nE3Xf+vXrMXToUNx5550YOnQo1q9fn63iEBFFYctR5jCW+Y/XmNKRtaRz8ODBKCoqirpvz549OPvs\nswEAY8aMwe7du7NVHCKiKFJMklFy16+U4sWyEGMh5TnLHU8lTSqj3CHrnydOpxMmkwkAYDKZ4HQ6\nw4+1tbWhvb096vkmkwkajfx/UanVami1WlnLEIoD4xHEeERjPGL1FBMhYu9pQRAyUubaWuD//q8t\ndFQAwWMqISZS1pF4sUwUCyB/49HdOXcnmXike+xkyfF5SSRf60e6lBAPIL1YyB+9UyIrMABs2bIF\n69ati7pv6tSpmDZtWjaLpXilpaVyF0FRGI9ojEesRDFZtgy4447g7aVLdbDZbFkslXykqCO5HEt+\nZqLx8xKN9aN3ZE06jUYjHA4HzGYzHA4HjEZj+LFx48ZhxIgRUc83mUxobW2Fzyfvbhd6vR5ut1vW\nMmg0GpSWljIepzAe0RiPWD3FpKICWLny9L9bWqQrS7yYNDSocf/9wZ6fhx5qR3W1X7oCQNo6kmos\nlVBHeopHNq9PLsRD7s9LtvE7NVYoJim9RqKyJGXEiBHYvn07Jk+ejG3btmHkyJHhxywWCywWS8xr\nWlpasrJvcnc0Go3sZQjx+Xyyl4XxiMZ4RFNSPADlxuS++yzYvFl36rYxa7ORlRqPdPV2S85E8cjm\n9VHSZybf6kdvMR69k7Wkc8WKFThw4ABcLhcee+wxTJs2DZMnT8Zrr72GrVu3hpdMIiIiSheXEiJS\nrqwlnbNnz457/4033pitIhARKdaSJfaoFjpSFl4fot5TzEQiIqJCpuRFznOJVMkhrw9R7zHpJCKi\nvMHkkEi5uPc6ERFF4W4z1BPWEUoHk04iIorC3WZ6pxASMtYRSgeTTiIiogxiQkYUH5NOIqICEmqF\nmzWrBPX18Z8jx77ehdA6mEgunrvce7+nKxdjnU8YcSKiAhBaNL2hQQuHI9jecMcd0bvKhMgxGUfK\n9TV7u2B8qlKdQd/13P/2N5ek5cuEXJ2wxXVc5cWkk4ioAET+2BaabCcauZqQEUmN3etERAXGbA5g\n4kQPli6VuySn5Wp3bSbIfe6F1OUsd6wLXX7XLiIiAhDb5VtbK8Bms6GlReaCnSJl66DSdxOKPXdt\nVt+/kLqc2QotLyadREQFQO7ERk5MNIiUgd3rREREBYxdzpQtbOkkIiJKUrZnwmcDW4IpW9jSSURE\nlCQu/J5ZhTSJiZh0EhEVPP7w5y+pr21vj88kvrAw6SQiKnD84U9ero1/lPrasu5QKph0EhFRXshG\ni21o/OOqVcfzYjyn3HItiZdavvc65N8ZERFRSpS+jmWyCmm9yWRJfW17e3xOYoqW73WYSScRUYHj\nD3/+kvrasu5QKti9TkREeYFdtZTr8r0Os6WTiIjyAlvdKNflex1mSycRERGFNTZqMGtWCS64AGho\nUMtdHMojTDqJiIgorK6uBJs26fDJJ8D995vkLg7lESadRERERCQ5Jp1EREQUtmSJHRMnejBlCvDQ\nQ+1yF4fyCCcSERERUVhVlQ9r1thhs9nQ0uKH1yt3iShfsKWTiIhIQvm+ywxRsph0EhERSYj7kxMF\nMekkIiIiIskx6SQiIpJQvu8yQ5QsDi4hIiKSUL7vMkOULLZ0EhGRonDijbLx+lC6mHQSEZGicOKN\nsvH6ULpy6k+Uzs5OaLVaaDTyFlulUqG4uFjWMgiCAJfLxXicwnhEYzxiMSbRlBwPlUqV8DGpKDke\ncuguHtm+PkqPR7YpIR5AMCapyqmks6ioCA6HA16ZV6otLi5GR0eHrGXQarWwWq1wOp2MBxiPrhiP\nWIxJNCXHY9Eib7gFbdEiOzo6fJKXQcnxkEN38cj29VF6PLJNCfEAgjFJVU4lnURElP848UbZeH0o\nXRzTSURERESSY9JJRERERJJj0klEREREkmPSSURERESSY9JJRERERJJj0klEREREkmPSSURERESS\nY9JJRERERJJj0klEREREkmPSSURERESSY9JJRERERJJj0klEREREkmPSSURERESSY9JJRERERJJj\n0klEREREkmPSSURERESSY9JJRERERJJj0klEREREkmPSSURERESSY9JJRERERJJj0klEREREkmPS\nSURERESSY9JJRERERJJj0klEREREkmPSSURERESSY9JJRERERJJj0klEREREkmPSSURERESSY9JJ\nRERERJJj0klEREREktPIXQAAaGpqwjvvvANRFDF27FhMnjxZ7iIRERERUQbJ3tIZCATw9ttvY86c\nOfjpT3+KHTt2oKWlRe5iEREREVEGyZ50Njc3o6ysDKWlpVCr1aipqcHu3bvlLhYRERERZZDs3ett\nbW0oKSkJ/9tisaC5uRltbW1ob2+Peq7JZIJGI3uRoVarodVqZS1DKA6MRxDjEY3xiMWYRGM8ojEe\n0RiPaIxHrHRiIXv0BEGIe/+WLVuwbt26qPsGDx6Mq6++GqWlpdkomqK1tbXho48+wrhx4xgPMB5d\nMR6xGJNojEc0xiMa4xGN8YgVGROLxZLUa2TvXjebzbDb7eF/t7W1wWKxYNy4cbj11lvD/1155ZU4\nePBgTOtnoWpvb8e6desYj1MYj2iMRyzGJBrjEY3xiMZ4RGM8YqUTE9lbOvv3748TJ06gtbUVZrMZ\nO3fuxOzZs2GxWJLOnImIiIhI2WRPOtVqNa644gq88MILCAQCGDt2LGw2m9zFIiIiIqIMkj3pBIDh\nw4dj+PDhcheDiIiIiCSifvDBBx+UuxDJEEUROp0OlZWV0Ov1chdHdoxHNMYjGuMRizGJxnhEYzyi\nMR7RGI9Y6cREEEVRlLhcRERERFTgFNG9nqyPPvoIW7duhdFoBABMnz69ILvluW1orMcffxx6vR4q\nlQoqlQq33nqr3EXKqtdffx1NTU0wGo24/fbbAQAulwsrVqzAyZMnYbVacc0116C4uFjmkmZHvHgU\n8veH3W7H6tWr4XQ6AQDjxo3DxIkTC7aOJIpHIdcRr9eL5557Dj6fD36/HyNHjsTFF19csHUkUTwK\nuY4AwV0kn3rqKVgsFlx33XUp14+caulcu3YtdDodvvvd78pdFNkEAgE88cQTuOGGG2CxWPDUU09h\n9uzZBT/56ne/+x1uvfVWGAwGuYsii4MHD0Kn02H16tXhJOu9996DwWDA5MmTsX79enR0dOCSSy6R\nuaTZES8ehfz94XA40N7ejoqKCrjdbjz11FO49tpr8cUXXxRkHUkUj127dhVsHQEAj8cDnU4Hv9+P\nZ555Bpdeein27NlTkHUEiB+P/fv3F3Qd2bBhA44cOQK3243rrrsu5d8Z2dfppNRw21CKZ/DgwSgq\nKoq6b8+ePTj77LMBAGPGjCmoehIvHoXMbDajoqICAKDX61FeXo62traCrSOJ4lHodDodAMDv90MU\nRRQXFxdsHQHix6OQ2e12NDU1YezYseH7Uq0fOdW9DgCbN2/G9u3b0b9/f1x66aUFVwkSbRtKwPLl\nyyEIAsaPH49x48bJXRzZOZ1OmEwmAMEtZENdiYWs0L8/AKC1tRXffPMNBg4cyDqC6HgcPny4oOtI\nIBDAsmXL0NraivHjx6Nv374FXUfixaOhoaFg68i7776LSy+9FG63O3xfqvVDcUnn8uXL465uf9FF\nF2H8+PGYOnUqAODDDz/Ee++9hx/84AfZLqKsEm0bWujmzp0Ls9kMp9OJ5cuXo7y8HIMHD5a7WIrB\negN+fwBwu9149dVXcdlll8XMNi3EOtI1HoVeR1QqFW677TZ0dnbi+eefx/79+6MeL7Q6Ei8ehVpH\n9uzZA6PRiIqKiph6EZJM/VBc0nnDDTck9byxY8fir3/9q8SlUZ5E24YWOrPZDAAwGo2oqqpCc3Nz\nwSedRqMRDocDZrMZDocjPPC9UIX+GgcK8/vD7/fj1VdfRW1tLaqqqgAUdh2JF49CryMhRUVFOOus\ns/D1118XdB0JiYzHkCFDwvcXUh05fPgw9uzZg6amJvh8PrjdbqxatSrl+pFTYzodDkf49u7du9G3\nb18ZSyOPyG1DfT4fdu7ciREjRshdLFl5PJ5wc7/H48HevXsLsm50NWLECGzfvh0AsG3bNowcOVLm\nEsmrkL8/RFHEG2+8AZvNhkmTJoXvL9Q6kigehVxHnE4nOjo6AARnbu/duxcVFRUFW0cSxaNQ68jF\nF1+Me+65B3fddRdmz56NIUOG4Kqrrkq5fuTU7PVVq1bhm2++gSAIsFqtmDlzZtRfpoUitGRSaNvQ\nKVOmyF0kWbW2tuLll18GEByDU1tbW3AxWbFiBQ4cOACXywWTyYRp06ZhxIgReO2112C32wtqqRMg\nNh4XXnghDhw4ULDfHwcPHsSzzz6Lfv36hbvApk+fjgEDBhRkHUkUjx07dhRsHTl69ChWr14NURQh\niiLGjBmD888/Hy6XqyDrSKJ4MA8BDhw4gA0bNoSXTEqlfuRU0klEREREuSmnuteJiIiIKDcx6SQi\nIiIiyTHpJCIiIiLJMekkIiIiIskx6SQiIiIiyTHpJCIiIiLJMekkIuqFyspK/P3vf5e7GEREisek\nk4ioFwRB6HbP4QMHDkClUiEQCCR9zMrKSnz44YeZKB4RkWIw6SQiyoJU9uEQBCGl5xMR5QImnURE\nGfDpp59i/PjxKCkpwRlnnIH58+cDAC644AIAgNVqhdlsxubNm7F3715cdNFFKC8vh81mw5w5c2C3\n2wEA119/PQ4dOoSZM2fCbDbj0Ucfle2ciIgyiUknEVEviaKIn/3sZ7j77rtht9uxb98+XHPNNQCA\nTz75BABgt9vhcDgwYcIEAEBdXR2OHDmCxsZGHD58GA8++CAA4Pnnn8eZZ56JN998Ew6HI5y8EhHl\nOiadREQZoNPp0NTUhGPHjsFgMISTy3jd5N/5zncwffp0aLValJeX4+6778a6deuyXWQioqxi0klE\n1EuCIODpp5/Gl19+iaqqKpx33nl46623Ej7/6NGjuPbaazFw4ECUlJTg+uuvx/Hjx7NYYiKi7GPS\nSUSUAcOGDcNLL72ElpYW3HfffZg9ezY6Ojrizmz/xS9+AbVajZ07d8Jut+P555+Pmt3e3Wx4IqJc\nxaSTiKiXRFHECy+8gJaWFgBASUkJBEGASqWCzWaDSqXC3r17w89vb2+H0WiExWJBc3MzHnnkkajj\n9evXL+r5RET5gEknEVEGvPvuu6ipqYHZbMbdd9+Nl19+GXq9HgaDAXV1dTj//PNRVlaGTz/9FL/8\n5S+xdetWlJSUYObMmbj66qujWjd//vOfY/HixSgtLcVjjz0m41kREWWOIHIxOCIiIiKSGFs6iYiI\niEhyTDqJiIiISHJMOomIiIhIckw6iYiIiEhyTDqJiIiISHJMOomIiIhIckw6iYiIiEhyTDqJiIiI\nSHL/H570eg+ER3riAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 48, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "k = best_k\n", + "knn_model = KNeighborsRegressor(n_neighbors=k)\n", + "knn_model.fit(X=boston_housing[['lstat']], y=boston_housing.medv)\n", + "boston_housing['predicted_medv'] = knn_model.predict(boston_housing[['lstat']])\n", + "\n", + "plot_boston_housing_data(boston_housing, title='KNN Model with k = %i' % k)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 2", + "language": "python", + "name": "python2" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 2 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython2", + "version": "2.7.9" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} diff --git a/Boston Housing/Python/BostonHousing_Trees_RandomForests_BoostedAdditiveModels.ipynb b/Boston Housing/Python/BostonHousing_Trees_RandomForests_BoostedAdditiveModels.ipynb new file mode 100644 index 00000000..9b3c283d --- /dev/null +++ b/Boston Housing/Python/BostonHousing_Trees_RandomForests_BoostedAdditiveModels.ipynb @@ -0,0 +1,1574 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# OVERVIEW\n", + "\n", + "This iPython Notebook uses the **_Boston Housing_** data set to illustrate\n", + "\n", + "- **Decision Trees** and trees-related **_ensemble modeling_** methods:\n", + "- **Random Forests**, which are based on **Bootstrap Aggregating** (\"**Bagging**\") applied to trees; and \n", + "- **Boosted Additive (Trees) Models**." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# _first, some boring logistics..._\n", + "\n", + "Let's first:\n", + "\n", + "- install and import some necessary Python packages and helper modules; and\n", + "- set some constants." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "# enable in-line MatPlotLib\n", + "%matplotlib inline" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "# import Python packages\n", + "from __future__ import division, print_function\n", + "import ggplot\n", + "import matplotlib\n", + "from matplotlib import pyplot\n", + "import multiprocessing\n", + "import numpy\n", + "import os\n", + "import pandas\n", + "from sklearn.cross_validation import cross_val_score, KFold\n", + "from sklearn.ensemble import GradientBoostingRegressor, RandomForestRegressor\n", + "from sklearn.tree import DecisionTreeRegressor" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "# set CONSTANTS\n", + "\n", + "# in AWS EMR mode?\n", + "AWS_EMR_MODE = os.path.expanduser('~') == '/home/hadoop'\n", + "\n", + "# data paths\n", + "DATA_FILE_NAME = 'BostonHousing.csv'\n", + "DATA_URL = 'https://raw.githubusercontent.com/ChicagoBoothML/DATA___BostonHousing/master/%s' % DATA_FILE_NAME\n", + "\n", + "# number of examples to show from a data set\n", + "NB_EXAMPLES_TO_SHOW = 9\n", + "\n", + "# random seed\n", + "RANDOM_SEED = 99" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "# install ChicagoBoothML_Helpy package\n", + "CHICAGOBOOTHML_HELPY_INSTALLATION_COMMAND = \\\n", + " 'pip install --upgrade git+git://GitHub.com/ChicagoBoothML/Helpy --no-dependencies'\n", + " \n", + "if AWS_EMR_MODE:\n", + " os.system('sudo %s' % CHICAGOBOOTHML_HELPY_INSTALLATION_COMMAND)\n", + "else:\n", + " os.system(CHICAGOBOOTHML_HELPY_INSTALLATION_COMMAND)" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "# import from ChicagoBoothML_Helpy\n", + "from ChicagoBoothML_Helpy.EvaluationMetrics import mse" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Boston Housing data set\n", + "\n", + "Let's now import the Boston Housing data into a **`pandas`** data frame:" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
crimzninduschasnoxrmagedisradtaxptratioblacklstatmedv
1611.46336019.5800.60507.48990.81.9709540314.7374.431.7350.0
1621.83377019.5810.60507.80298.22.0407540314.7389.611.9250.0
400.03359752.9500.42807.02415.85.4011325218.3395.621.9834.9
2320.5752906.2000.50708.33773.33.8384830717.4385.912.4741.7
1920.08664453.4400.43707.17826.36.4798539815.2390.492.8736.4
2040.02009952.6800.41618.03431.95.1180422414.7390.552.8850.0
30.0323702.1800.45806.99845.86.0622322218.7394.632.9433.4
3706.53876018.1010.63107.01697.51.20242466620.2392.052.9650.0
1950.01381800.4600.42207.87532.05.6484425514.4394.232.9750.0
\n", + "
" + ] + }, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "# read Boston Housing data into data frame\n", + "boston_housing_df = pandas.read_csv(DATA_URL)\n", + "\n", + "boston_housing_df.sort_values(by='lstat', inplace=True)\n", + "nb_samples = len(boston_housing_df)\n", + "boston_housing_df[:NB_EXAMPLES_TO_SHOW]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Models with 1 Predictor\n", + "\n", + "For illustrative purposes, let's look at two variables of interest: **`lstat`** (our predictor variable(s) $\\mathbf X$) and **`medv`** (our variable to predict $\\mathbf y$). Below is a plot of them against each other:" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAqIAAAIgCAYAAABeeQsgAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3Xu8HXdZ7/Hvsy+EpmkKJC0iPVwUREHRIoLA0UYB5SZI\nDhJulUvUYqRJSlsEFEMBpZJQkkD3aY8EENoCajkUpCJIGxSUA1KUSxHEUoEW2iZC0lu2uTznj99M\n1+zZM2vNzJq1Zmatz/v1Wq/sPWtm1m9mrZ397Of5XczdBQAAAIzbTNMNAAAAwHQiEAUAAEAjCEQB\nAADQCAJRAAAANIJAFAAAAI0gEAUAAEAjCEQBoA8ze5GZHTOz+zXdljYys9ea2bGm21EHM9trZlc1\n3Q5gmhCIAmNkZqdFQU3yccjMvm5m55vZ8SN+/bPM7IWjfI2C7bjezP6+z/PHzOzd42xTHx49kG2S\n7k/p67Bgm5k9Y5gXNrNnmtm2Yc4BdBGBKNCMt0t6QfT4PUn/KOkVkt4/4td9uaTGA1F1K3B5t6Tj\n3P1bTTcErTQjaZukoQJRSesl/dHwzQG6Za7pBgBT6jPuflni+z1mdjdJG8zsHu7+g6YahqU8LD/3\n3023A61lLTsP0ClkRIH22Bf9uyRbaGYPMbPLzWy/md1hZp83sxekDzazJ5nZp8zsNjP7bzP7TzN7\nf1zuj/rx/bCkdYluAdcljr+bmb3ezL4RdRf4tpntMrPVqdd5bXTsT5rZW8zsJjO73cyuHHU/yqhr\nwVei9n3PzN5pZvfJal/GsfeP2v2biW2rzOyt0bUeNrMDZvZZM9uQ2GdZH1Eze1e07aTo6/8ys4Nm\n9j4zu2fGaz/ZzL5gZnea2XXRdWSd97jo/V5T4F68MDr+V83sddE1HDKzq+JzmtnLzeyb0fbPmtmp\nGedZaWZ/knjfbzCzC83sHhn7Pj+6/3ea2bVm9qKMfT4QfVaXJTrM7DVRmx+Uc02z0efpwznPf8LM\nvpX4/lFm9nEz+0H0/t1oZh8ys1P63rwSzOwF0c/cndH9+YaZvSN67v4Kf6S4pPj9PGZRP1Mzu2f0\nM/TF6Gf3DjP7nJk9N/UaV0t6XvR1fI6jo/55AtqAjCjQjFWJYOPukk6T9JuSPuTuB+KdzOxHJX1G\n0qKk7QrB6nMlvdvMTnb3C6L9Hi7pw5L+WdIrJR2U9D8kPVnSakm3K3QDeKuk70l6g0IG5rZEmy6X\n9BRJ75L0KUk/Kellkh5rZo9198PRfnGfwHdIulHSqyXdR9LvS/qApEcWvAdzOQFXZmbIzN4maZOk\nD0p6s6T7SzpLIbB+hLt/P9W+It6lcM1vk/RlSSslnSrpEep1k8g6X7ztI5KulXS2pB+TdI6keUn/\nK9HuX5b0IUlfj543SS+VdCjjvI+SdLWk10p6XcFr+GNJP5B0nsIfGq+S9EEz+5Ckp0p6U3RdfyDp\nw2b2IHc/FLXtbpKukvQgSRdJ+ndJD5a0WdKjzewx8ftuZs+X9B5J/0/SVkknKHyObk6151KFMvWT\nFT6TSc+V9Fl3/0bWhbj7UTP7C0m/bWb3TLyniv7gOE3Sjuj7e0v6O0k3RNe+T9IPSXq8pFMkfafI\nzevHzJ6m0DXjYwrXfEjSjyp8ZiTpFoWf23dL+ntJ/yfaflP0749IepKk/yvpawo/6+slXWpmc+7+\nnmi/Nyh8bh4j6fnq/QzcMuw1AK3n7jx48BjTQ+EX6TFJR6N/k48rJd09tf9fKAShD0tsM0mfVAgu\n7xVte0V0ztUDXv/bkq7K2P6UqA1/ktr+29H2TYlt26Jtl6T2fVnUhocXuA/fzLkH8eOopHcn9n9o\ntP2y1HmeGG1/U6p9RzNe8/7Rvr+Z2HaHpLcMaOsLo/bcL7HtndG2N6T23SHpsKR7JLZ9XiH4PzGx\n7URJ380472nRttcUuIcvjK7nk5Issf2Po+3/JuluqffyqKRnJra9QtKdkn48de5fic7xkuj7WYWA\n78upcz5IITg7mti2QiEwfm/qnI+IznnmgOv6+Wi/M1LbXx61/6ei759d9PNW4ufz6uTPh6QFSfsG\nHDMbtfcdGc/N5xzzEUnXpra9J+tzy4PHpD8ozQPNuEDSE6LHUyW9XtI6Se+NdzCzGYWs0sfd/Svx\ndnd3SbsUsiu/Em2OM0e/YWZV+pr9mkJ27i2p7e9QCCqentru6mV/YlcrBMk/VvA1v6yQvXpCxiN9\nDXH73rykEe4fj86Tbl9R31fI+N5n4J7Zsu7BjEKAFmftTlUIyu7KdEdfX5Y6Vu7+SXefdffXF3x9\nl7Qn+kzEPh39e4m7/3dqu0l6SGLbBoWBcreY2Zr4Iekahaz646P9HqmQ9X578pweMpsfTV3DokJ2\n/dfMbGXiqedJOqIBA/Lc/TOSrov2T3quQvD2pej770fX80wzm+93ziF8X9JqM3tSlYO9V0WQmc1H\npfo1Cp+Th9iIZ8kAuoBAFGjGV939qujxN+6+TaG0/Qwze2a0z0mSjpf0lYzjv6LwS/iB0feXKZRM\n/4+km6J+ei81sxMKtucBCpmfJaVAdz+qUFJ8YMYxN6S+j8v8xxV8zQPufnXiPtz1yGmfFMrgaV9J\nPF/WKyQ9XNK3o757bzGzR5c4ftA9iNv19Yxjv1bidcq04fbo3+/mbE++Pz+u8AfQLanHzQql95Oj\n/R6gEPRmtfmrGdsuVegO8EwpTHGkkMG8yt3Tpfwsl0l6XNzX08weLOlno/PGPqHQ5eGPFALpK83s\nbDM7qcD5i7pQISj+SNQH971m9ptRl4ZCzGyrmX1VIXO8X+H+vil6ell/YmDaEIgC7fHx6N/Tyh7o\n7re7+2MVMlgXS7q3wi/Rr0YDKkYhrx9m06N/C7fL3S9VCLJeqlDKfr6kfzKzP677tUYorw1F2jaj\nUNrPykw/USFQr+JqhUA4zmqeptBv89LcI5a6LGpbPKjn+QrXc1fFwN2PufuvK/Sr3CHpbpLOl/Tv\nZla0n3Jf7n6jpIcpZOTfpxC4v0vSNWZ24qDjzexcherHPyn0JX2Swr2NM/v8DsbU44cAaI/Z6N+4\nzHiLQhbrYRn7/mT07zeTG919r7u/xt0fp/BL74cV5im9a5ec175e0lozW5vcaGazCqX2b2YdNEbX\nR/9m3YuHJZ6XQuZJZpbOzGaOQHb3m9z97e5+uqT7Stor6RUlssn9/Gf070MynvvxGs4/rG8o9F3N\nzEy7+xei/a5XCGCz2vzQ9Iaoq8D7JD0hKkU/T6Ev6v8t0ih3/zdJX1AvkH2OpH909//M2Pez7v4G\nd3+CpJ9WyMRWDaCz2nLU3a9093Pd/VSFP1p+QiE4lvoPjHuupL9195e4+6Xu/rEo439bxr5dmlsX\nqA2BKNAev67wy+gaKWR8JP2Nwi/zu37ZR2XOMxUCro9F25ZNtaPwi1ySViW23aZQck37sEKgsTW1\n/UUK5cMPlbuU2mW2z8werxCUJ9v3tWjfX06d40wlftmb2YyZJe9N3KfvWoX/G4t2Mcjl7t9TeB+e\nk3yPLEzx9Nz0/lZi+qaavFfSz0Sjw9NtsUTW758VBlz9VrIsbWY/JulXc859qcLMLC9QGCn+IXfP\nCsDyXCrp4WZ2usIfQ5ek2peVkfy6wmd8VWK/NdE9Lf1+5vxcXaPw+Vol3fVzekjZP1fz6v2BGZ/z\nXpJekrHvbdHz9BvFVGH6JqAZjzGzxejru0l6rELQ91UtLV++WqFsepWZ7VToY/ZcSb8g6Rx3/69o\nvz8ys8cqBK7XK0zZ9GKFUcXvS5zvc5Kea2avUuj7dru7/7W7X2lmH5H0ymjgzqck/ZTCdEn/LOnP\narz20tz9WjNbkPS70QCYv1YoqW9RuN43Jnb/W4Wpe95hZtslHVAIhNL98U6Q9E0z+6DCNd6uMLDo\ntyV9omBfxizpsvwrFN6XT5vZRdG2MxT6dp6spZmwstM3DdsF4M0KMyZcbmbvUSghSyHj9wyFQXTv\n9jCt0u8rlKX/IZpH80SF+3+tQiZyCXe/xsy+Hl3HKmUMzhrgvQp9Kd+mMBPBX6aef5GZ/ZbCHyn/\nrjBaf0PUrmTQeqZCP9J1ClMslbEnCng/od77dYbCbAsfSOz3OUm/YmabFaZuutndr5Z0haRXm9ll\n0TnWRsffrNBVQalznCHprWb2cYWR+B9y9ztLthnolqaH7fPgMU0P9abnST4WJf2Hwoj1e2Yc8xBJ\nf6UQhN6hMB3Q81P7/JLCL70bFCbY/oHCL77Hp/b7YYVf3D+IXvu6xHPzCvMx/odChufbknYqNSWU\noumRJP1Iavv9o+2/WeA+fFPSJ/s8f1TSn2ds36owOOlOhQzdOyTdJ2O/hyrMj3lHtN8FCmXlu9oX\nXe8OhQzXrdH7cJ3CfK2rEufKm77piKSZnPf3F1Pbnxy9zp3Rtb9c0u9E+56UcXzR6ZuOSvrlnDa8\nJOf9OS+1/W4Kc49+Mbpft0dfv0XSKal9n68QeN6p8EfTC5UzXVa0/x9Gr3mLpLkKPy9/Fx3/oYzn\nTlX4I+v66L27TWEGgGfnfF5/scDrXa3wR0j8/f9S+MPmJoWfq/0K2fdHZHzero4+R0cVTQGlkOz5\nU4X5du+MPru/m/OZmlOY5/e70WdryfM8eEzqw9yb7ZYS/bX5Zwq/bOcVShZfU5ji494KP5QbPDH1\nCQB0XZSt/V1JJ3jT/xEDQEPa0Ef0zyR9wN1/WqGv17UKWZkro20fVfEVRgCgVaK+qFn9BJ+nkBUm\nCAUwtRrNiEb/GX/G3X8stf0/JD3K3fdHo3g/4+6ZaxMDQJtFk9p/SqGP5HUKE8P/tkI3idPc/bMN\nNg8AGtX0YKUHS9oXrS38UIW+b7+n0GdqvyS5+76aJygGgHG6VdJnFfoF3kehr+D/k/QCglAA067p\njOhjFEYxPsbd/9nM3qLQIfyl7n5iYr8Dye8T2ylpAQAAtIS7l5rNo+k+ot+W9B13/+fo+8sl/Yyi\ndY8lKSrN506j0vRorzY9tm3b1ngb2vTgfnA/uCfcD+4H94P7Mb5HFY0Gou7+HYXS/IOjTY9XmBLk\nSkmnR9tOV5iDDwAAABOk6T6ikvRbki6LVr34lsI8dSbp/Wb2EoU5AJ/dYPsAAAAwAo0Hou7+r5J+\nLuOpJ467LV23bt26ppvQKtyPpbgfy3FPluJ+LMX9WIr7sRT3ox6NT2g/DDPzLrcfAABgUpiZvGOD\nlQAAADClCEQBAADQCAJRAAAANIJAFAAAAI0gEAUAAEAjCEQBAADQCAJRAAAANIJAFAAAAI0gEAUA\nAEAjCEQBAADQCAJRAAAANIJAFAAAAI0gEAUAAEAjCEQBAADQCAJRAAAANIJAFAAAAI0gEAUAAEAj\nCEQBAADQCAJRAAAANIJAFAAAAI0gEAUAAEAjCEQBAADQCAJRAAAANIJAFAAAAI0gEAUAAEAjCEQB\nAADQCAJRAAAANIJAFAAAAI0gEAUAAEAjCEQBAADQCAJRAAAANIJAFAAAAI0gEAUAAEAjCEQBAADQ\nCAJRAAAANIJAFAAAAI0gEAUAAEAjCEQBAADQCAJRAAAANIJAFAAAAI0gEAUAAEAjCEQBAADQCAJR\nAAAANIJAFAAAAI0gEAUAAEAjCEQBAADQCAJRAAAANIJAFAAAAI0gEAUAAEAjCEQBAADQCAJRAAAA\nNIJAFAAAAI0gEAUAAEAjCEQBAADQCAJRAAAANIJAFAAAAI0gEAUAAEAjCEQBAADQCAJRAAAANIJA\nFAAAAI0gEAUAAEAjCEQBAADQCAJRAAAANIJAFAAAAI0gEAUAAEAjCEQBAADQCAJRAAAANIJAFAAA\nAI0gEAUAAEAj5ppugJldL+mApGOSDrv7o8zsnpLeL+nekr4raYO7H2iulQAAAKhbGzKixyStc/dT\n3f1R0bbzJF3p7j8t6aOSXtdY6wAAADAS5u7NNsDsm5Ie6e77E9v+Q9Kj3H2/ma2V9Bl3f1DGsd50\n+6fF4uLS71esKHdsfHx8XPL75LnifdPbq7Yp/brjVufrFzlX09cLAJheZiZ3tzLHtCUj+jEz+1cz\n+71o20lxYOru+ySd1FjroIUF6YQTpJUrpeOPD18vLBQ/duVK6cQTw+O448Ij/v7443vnSu6b3F61\nTfE+Zdpbpzpfv8i5mr5eAADKakNG9GR3v9nMTpL0N5JeKelydz8xsc+B5PeJ7WRER2xxMQQ2hw8v\n3T4/L9166+Ds3KpV0pEj/V9jfl7at09as2bpvnmvUaRN6X2KtLdOdb5+kXM1fb0AAFTJiDY+WMnd\nb47+vcXMLpf0c5JuMbM1idL8zXnHv/a1r73r63Xr1mndunWjbTAAAAC0d+9e7d27d7iTuHtjD0kr\nJR0XfX28pE9Kerqk3ZK2RtvPkrQ753jH6F14ofv8vPvMjPvsbPj6wguLHzsz4y6Fh1l4xN/PzvbO\nldw3ub1qm+J9yrS3TnW+fpFzNX29AIDpFsVlpWLBRkvzZvZASR9U6Ce6UtL73H2bmd1Lvembvifp\n2e7+g4zjvcn2TxMGK1XDYCUAwLSoUppvvI/oMAhEAQAA2qGro+YBAAAwhQhEAQAA0AgCUSCS7MsK\nAABGj0AUEJPBAwDQBAYroZXGOfqbyeABABgeg5UwEchOAgAwHQhE0SqLi9LWrSE7efiwtGWLdPDg\naF9zxQpp586QCZ2fD1+TDQUAYPQozaNVstaRj4PDTZtG/9oSQSgAAFUwoT0mwsJCyIQeOdLbRr9N\nAADajUAUE+PgQWntWgYQAQDQFQxWwsRYvZp+mwAATDoyomg1+m0CANANVTKic6NqDFAHAlAAACYX\npXkAAAA0gkAUAAAAjSAQBQAAQCMIRAEAANAIAlEAAAA0gkAUAAAAjSAQRWstLvbmEQUAAJOHQBSt\ntLAgnXBCeCwsNN0aAAAwCqyshNZZXAwBKOvMAwDQHaw1DwAAgM4gEEXrrFgh7dwZMqHz8+FrsqEA\nAEweSvMYm3jgUdGgsuz+AACgOZTm0VpVBh+tWEEQCgDAJCMjipFj8BEAAJOPjCgAAAA6g0AUI8fg\nIwAAkIXSPMam6OAjBikBANA9lObRakUGH7GiEgAA04OMKFqDQU0AAHQXGVEAAAB0BoEoWoNBTQAA\nTBdK82idrMFKDGACAKDdKM1jIqQHNTGACQCAyURGFK3GACYAALqBjCgAAAA6g0AUrcYAJgAAJhel\neXQCg5UAAGi3KqX5uVE1BshSNaAkAAUAYPJQmsfYMPodAAAkUZrHWBQZ/U75HQCA7mLUPDqLbCkA\nANOHQBRjkRz9Pjcnbd/ey3wuLkpbt4Zs6eHD4es4OwoAACYXgSjGZtMmaccOyUw691wynwAATDv6\niGJs+vUTXVgImVApZE43bWqunQAAoLwqfUQJRDE2gwYsTcpgpUm5DgAAymCwElpt0CpJK1Z0P3hj\n0BUAAMWREcXYZWUMJyGLWGSKKgAAJhUZUXRCOvNJFhEAgOlERhSNmrQsIoOuAADTisFK6JxJC0Sl\nyehmAABAWZTm0XqLi0snqx80gKmLJmHQFQAA40BGFGPTr2xNFhEAgG6jNI/WmsQSPAAA6KE0DwAA\ngM4gEMVYTGJfUAAAMBxK86jVoL6e9AUFAGAyUZpHo4pMTM+IcgAAECMjilowGAkAgOlGRhRTKT03\nKQAA6AYCUdSiqcFIrFMPAEB3UZpHrcY5GInuAAAAtEeV0vzcqBqD6UQQCAAAiqI0j85iblIAALqN\n0jw6j7lJAQBoHqV5TCUCUAAAuonSPAAAABpBIAoAAIBGtCIQNbMZM7vGzD4Uff8AM/tHM/uimb3X\nzOhCAAAAMGFaEYhK2iLp2sT3uyX9qbs/XNJNkl7WSKsAAAAwMo0HomZ2iqSnSHp79P2spMe4+xXR\nLpdIelpDzQMAAMCINB6ISnqLpHMlxfMwnSzplsTz35F033E3CqjL4mJviikAANDTaCBqZk+VdJO7\n/4uk5LxTpeagAtpqYSEsQ3rCCeFrAADQ0/QgoMdJerqZPUXScZJOkPQmSWsS+5yikBXN9NrXvvau\nr9etW6d169aNop1AaYuL0tat0uHD4futW6WNG5n3FAAwGfbu3au9e/cOdY7WrKxkZqdJOtvdnx6N\nnt/j7leY2U5J33L3CzKOYWUltNbiYsiExoHo/Lx0660EogCAyVRlZaU29BHNskXSK83si5J+SNJb\nG24PUNqKFdLOnSEAnZ8PXxOEAgDQ05qMaBVkRNEF8UAlglAAwCRjrXmghQhAAQDI1tbSPAAAACYc\ngSgAAAAaQSCKzmBieAAAJguBKDqBieEBAJg8jJpH6zEfJwAA7TdJ84gCAABgwhGIovWYGB4AgMlE\naR6dwcTwAAC0FxPaY6IVCUAJVgEA6A5K85gYjKwHAKBbKM1jIjCyHgCAZjFqHp3AxPQAAEAiEMWY\njap8zsh6AAC6h9I8xmZQ+byOgUYMVgIAoBmU5tFZdWVKV6xYGtjSBQAAgPYiEMXY5JXPFxelrVtD\npvTw4fD1sAFkHNiuWiXt2lVP+wEAQL0ozWPs0uXzuke8p88nhWB08+bqbQYAAP1RmkcnJMvn8fd1\nDzRK/31yzjmU6QEAaBsyomiNOgca7doVSvwx5hUFAGC0WOITnVZnkLhli2QWMqFSu6dzYqQ/AGBa\nkRHFyDUZaLU9yFtY6GVud+6UNm1qtj0AAFRVJSNKIIqRItDKx7KkAIBJQiCKVmlboDWq7GjV845i\ntoAq7QAAoA6MmgdyjGpp0bLnTU6yX+dsAaO6PgAARomMKEaqDaX5UWVmy543714Mm8lsW+YZADCd\nKM2jlZouGbchEB1lsEggCgBoA0rzaKX0BPZNvH7dE+aP8rxdbQcAAGWREcXUaHqw0qi7KTSdeQYA\nTDdK85hKyQCs7cFY29sHAEBVlOYxdZKjxZ/znPaPHG+6mwIAAG1CRhSdlR6kkzSqATtkNAEAyEZG\nFIgcPVr/OZmrEwCAepERRWltygru3i2dc47kHoLP+OMwOyvdfvvyNrZlFSQAACYNGVGMXBNZweRq\nROm2xEHo+edLc3O952YyPtlkNAEAaBcyoiisiaxgv9WI0m3ZsSMEpul962r7woK0ZUv4eteuZlaJ\nAgCgrciIYqIsLoYg9PDh8Ni6NTszGjvjjBBc3nrr6IJEs/AAAADDIxBFYW1awSevLXnTIw3b9rJB\nMQAAGIzSPEob52ClQasRlW0Lg5UAABgNVlbCRGrLKP1RL9EJAECXEYgCI9aWoBgAgLapEojODd4F\nQIwAFACA+jBYCZgwefOuAgDQNgSiwARh0n4AQJfQRxSYEIzsBwA0iQnt0VpdLxd3vf0AALQRgShG\nro5y8TgDwcVF6eDB3ut1pdzdpgUHAAAogtI8RqquNd63bpXcw3ry8Xrvea8nVQ/AFhakM8+Ujh2T\nZmelN79ZOvfcbpW7mWIKANAE5hFF6wwbiKaPl6Rdu6TNm5fvO+yE84uL0qpV0pEjvW1zc2Ft+VEF\nogSNAIBJQR9RtE4d5eL03xrnnNMr1ceB3KjWgjcLWdhRlLu7UvIHAGBUyIhiLIbJ/O3a1ct0SiEg\n3LEjBKRSCA43biyeee3XlnRpfvfukFmtO3PJCHcAwKQhI4rWWrGiepC1ZUsIRuOs5PbtIQhNZj+l\nYpnXQVnITZukO+6QDhyQbr+9V94fpv0AACAbGVF0RrLUnpdN7Je5zMpC7tvXXJA5bJ9WAADahIwo\nOqvI9ExxwNiv32mZoPLoUWnt2ub6aG7aFALoW28lCAUATKfSGVEze5C7f2NE7SmFjOhkqJoZrNJv\nMzkVlHsIRqXx9tFkpDwAYBKNZfomMzsm6bOSLpX0fne/udQJakQg2n1NDNqJs69r145/sBDleADA\npBpXaX6bpNWSdkn6jpl91MxON7NVFc6FKdKWZTJXrJBWr64+rVTV6xjVFFMAAHRV6UDU3V/v7g+V\n9EhJuyU9VNKfS7rJzN5rZr9mZnM1txMdlzdavcllKav00WTuTwAA6jP0qHkzM0mnSXqepPWS7inp\nv9z9pOGbN/C1Kc13QJHy+6j7TdZx/jqXK5UozQMAJksjo+Y92CvpVZJeL+k2Sfca9ryYLnmj3eso\n5w+bxayzSwEj5QEA6BkqEDWzlWb2fDP7iKQbJV0Q/butjsZhMpQtv8eBX9kAMitgHLZfZrINe/bU\n042AyfEBAAiqjJqfk/RkhVL8r0laKem7kt4n6VJ3v6buRvZpC6X5DilSHq86vVJeyXuYcnresTGC\nSQAAesY1fdN+SfeQdKukyxWmcbq6iYiQQHSypAO/pH4B5MGD/adiGmaeUtaDBwCgmHH1Ef2kpGdL\nure7b3T3q4gGMQozM8XWjl+zJjt4jUv1VftlNjmiHwCAacBa82iVdPZy48bwdZG146VewCjVNzqd\nlZAC7gMAoJ+xlObbhEB0Mg0KeJKDjZKB6NyctH9/OI6Ser2YdgoAMMhIAtFoSc/S0Z67z5Y9piwC\n0emTDoik5QESfTvrNUn3k6wuAIzOqALR12p5IPoMhRWVPirpq9G2h0r6VUnXSrrC3c8r05AqCESn\nS5lR7GTw6jMpgSifCQAYrXGNmn+RpDdIWufu30g992OSrpb0anf/81InroBAdLr0C4iyMl1kv+rT\n9SBuUoJpAGizcY2af4WknekgVJLc/euSdkl6ZYXzAn3ljWLvt459lwONOld0GhYrQgEARqFKIPpA\nhTlE8xyQ9IAiJzKzFWb2OTO7xsy+ZmYXRNsfYGb/aGZfNLP3RpPoA8sComFXTmqrYZclHYUuB/ZM\nxQUA7VSlNP8VSQclnebu/5167m6S/kHSCe7+0ILnO87d7zSzWUmfVliz/ixJe9z9CjPbKel6d9+Z\ncSyl+SkWZwz7TWY/jjZIg1+vTDcBysijQ3cNABidcZXm/0TSoyVdY2ZbzezJ0eMsSV+Q9EhJf1z0\nZO5+Z/Tliqg9N0n6eXe/Itp+iaSnVWgnJlicMVy7Vlq/vplM18KCtGpVePTLWrYxuzmtupzVBYBJ\nVGkeUTN7vqQ3SbqPeiPqTdL3JP2+u7+nxLlmJH1e0o9KukjSWyR9Is6omtkPKSwh+hMZx5IRnULp\njGFy/tD3tkmEAAAgAElEQVRxZkJXrpSOHQvfz8xId9yx/PWrZje7NDiILCMAQBpfRlTufqmk+0l6\njKTnRY/HSPofZYLQ6FzH3P1USadI+gVJv1SlTZheR45I73rXeAOhxcVeECqFr+vsm9qVwUFkewEA\nw2jVykpm9hqFDOtmdz852vZISW909ydm7O/btm276/t169Zp3bp1Y2ot6lQ2q7ZrVy9jKDXTN/T4\n46WjR8P3s7PS7bdnv36XsptljKovKxlWAOiGvXv3au/evXd9f955541niU8zm5d0uqTHSzpZ0ivc\n/QtmdqLCZPdXuft3CpxnjaRFd7/NzI6T9LeS/lTSGZLe4e4fjAYrfcvdL8g4ntL8BKgSqFUJguoO\ncMq0exKDq1EEopMatAPANBjXhPb3kPR3kh6hMHr+BElPdPerzMwkfV3SX7v7WQXO9VOS3h19e3dJ\nl7n7683sgZIuk3S8wkpNp7v74YzjCUQ7bphgpkzQMqoAZxIDzDLqvK/MFgAA3TauQPRChWzosyRd\nI+lmSU9w96ui53dI+hV3f3ipE1dAINp9wwYfRQJBApzRqisY530CgG4b12ClX5e0290/puVr0Eth\n7fkfrXBeTKGqE43Hc4i2bTqeNq2GNC51vQdMOg8A06dKILpG0r8P2KdUNIzpVnaEeN5I7bwgcFwB\nTpUR5NMYuPbTldkCAAD1qFKa/4ak97n7H0aDjW7R0tL82yU9itI8RiGvfLtnz+C+iqPsz1mlrMzA\nHADAJBlXH9E/kfQ7kv6nQhB6i6THu/vVZvY0SZdLeq27v7HUiSsgEJ0+WQHfvn39l/nsF4A21b9x\n1P0hp30QFQBg/MbVR/QNkr6hsJznXyj0E32NmX1e0hWSPifpzRXOCwxUtszer1xepJRetHTepv6N\nTDIPAOiKqvOI3k3SVkkbJP24QkD7DUnvlfRmdx9Lrzcyot02TNYufWxWmbtf1rFIRjKvdF5XhrXq\n/Kn9zs/IcwBAU8ZSmm8TAtHuGkX/yHSQNkwgOkxf1GHa3E+Re0YgCgBoytgCUTO7u6QnS3qIpOO0\nfJS8u/u2ZQfWjEC0m8YZLPUL3vo9V6Uvap46+muWuWcMggIANGFcg5VOlfRhSfdR/jRN7u6zpU5c\nAYFoN407a9dvztF+QWI6oNu4sbmR8UUyuMnrYLASAGDcxjVY6WJJKyW9VNJPSnpgxuNHKpwXU2IU\nA3v6DSrasydkMrMG7/SbjD09p2XZdi8uhiD08OHw2Lq1+pyh/V47a3BSGyb6Z45UAMAgVTKihyT9\ngbs3PjKejGi31ZW1K1tiHzb7WrTd43jttvYJpXsAAEyfcZXmvynpTe7+v0sdOAIEoqg66Ghcgdqo\nA7Kmr68rbQIAjN64SvNvlfSSaAonoNXGOb9nVil61EtWJq9vbk7avj27HywlcmThswGgaaUDUXe/\nQNJHJH3RzP7QzDaa2UvSj/qbCixXJNAcx/rl/SaRH3V/zU2bpB07JDPp3HOXvn4Tk9u3aXJ/5GPh\nAwBtUKU0fz9JH5T0M312Y9Q8xqrJUeJNl6LzXl9qvl0SQWgbNf2ZBTCZqpTm5yq8zrsk/YSkN0r6\ntKTbK5wDqBW/QNuH9wQAMEiVPqKPlfRGd/8Dd7/S3T+Z9ai7oUBd6u4Xl1eKHlf/u7zXp0Q+3fp9\n/vhsAGiLKqX5b0s6z93fPpomlWoLpXmUMspR7MlSdBPTF+WVwimRT5+inz8+GwDqNK7pm16nkBV9\nYtNRIIEoyhhXvzj636FJfP4ANGVcfUQ/Lekpkvaa2R5JN0haFg26+1UVzg2gBmS6AABdUKWP6N9I\neoSkX5D0Tkkfk/TxxOPvon+BsavaL65If86ifT6b7jPKtDzTjf6fALqkSmn+hUX2c/c/r9Sicm2h\nNI+7VO0XV+S4Kn0+6+gzWjazOY1lWbK/2bgvAMZtLH1E24RAFLGqAViR44YN7qoeXzX4naZAlDXt\nAaA9CEQxtcYZiM7NSbfdNtpAdJiAclqCs2kLugGg7ca11jzQOlX7xRU5Lt5nJvppcZf27Bl926oa\nx5KmAADUgYwoJkrVfnGDjqsj+1a2bdOS2RwG9wgA2oPSPDAiTZWBGXAyGPcIANqB0jwwIk1NiRMv\n1Yl83CMA6C4yokAJZN8AAMg2rpWVgKlFAAoAQH0ozWPqjWvFIwAAsBSBKKZa2eUw2x60tr19AAAk\nEYhiKmQFaIuLYeqfw4fDY+vW3j6Li9LBg0uP6Re0Fg0ARxko7t69vH0EpgCANiMQxcQrm/VcWJBW\nrpROPFE6/vjwfb+gtej5y7ajjF27pC1beu3bvDk7MAUAoE0YNY/WGMWI9EHzf6YnRN+4UVq1Sjpy\npHeO+Xlp3z5p7dqly3zu3x/OU2R+0VHOQ7q4GALmo0eXbp+fZ/lLAMD4MI8oOmsU2cIiZelNm0KQ\nuW9f+Pqii5YGoVJY0jM5j+jMTNi2dm3Yf9g21MEK/thTqgcAtAmBKBrXr+xdVRzYrl0rrV+fPxH9\nwkLYZ+3aUN4+99zl54rXlo+D1tnZkH08fDjsv2NH9vmTwfWePaObEH/FitCGpNnZ5e3as6fbpXqC\naACYPJTm0bi6y9ZZ59u3b/kKPOn9+onbJGW3NRafP68N8T51l8gXF0O/1mPHwvczM9Iddyzdp8o9\nbssE/sOuKd+W6wCASUZpHp00juUzqwR/s7O9r91DMJPX1kHnP3q0l3nds6faNaSlM4TJ8nz89TBB\nb9HuEqPOVA6bMR/lIDEAwHAIRNEKmzaFDN2tt5bPdqUNCmzjwCneby5jfbG5OemCC5b3CY0DGfeQ\nfczLpsbl8vn5cC6z0XQ9SAZXM4mf5pnUT3bZYL9o8Nf2IG8U3T4AAPWhNI+JlAw2031C0yXegweX\njoiXQn/RzZuXP5cMKtP7JsWv4y6df770qleNtuvBrbeGTOug8nXREnX6urPaPMqZANKqlubH2UYA\nmHaU5gEtHaiULIOns2NbtoSAa/XqXrZwbi58HQeWWQFL+m+fc85ZOhH+Lbf0XufIkRCE5g1o6qds\nyTvOKu/bF6ahylKkVB8P4Dp6NHRPGFV3iTKqZszH0e0DAFAdgSgmSlYpNr1CUuzIkV65PQ50brst\nBKixZIl9fj5kP9Mj1GMLC9Jxx0knn7y8ZH/GGYODxPS58kre6eBq+/bec3v2hGuqWipP3r9jx0L2\n94YbsttcJMirs/9o1f6udXb7ACYds1Ng7Ny9s4/QfKDn0CH3+Xn3kLd0n5kJ38/Pu194YXjMzvae\nl8Jzhw5ln+/CC8Pzc3PuO3f2tu/atfS8hw65my09b3zuCy9ceq7ktiLXkG7foUO9R7IdO3f2P66O\n+5d3TNbrFL1eAO3AzyyGFcVlpWI5+ohiIiT7Pib7Z7r3Vhyanw/ZzLPPXr5yUpXVkJKvefBgWBI0\nKV59afXqcn0V++2b7Cu5fXuYxzSv/2rV/pD97l/R89E3E+gWfmZRB/qIYiqly9hxKXb//qWjx91D\nf850EFq132CyVLxixdLpniTpzW/uBaFlS11ZfUrT3Q7OOWfpMWbV+qKm5d0/AADqxq8ZdFre9Dwr\nViwdhBRnQ5Pm5npLe2Yp0wdyxYredE/xgKcXvShsK7LCUywOqs85J2Q8+/VrzAo8N2/u3x+yaFCc\ndf/KBLZ1DxIqG8xPWz+3abte1I+BfWhM2Vp+mx6ij+jUG9SfMt4n3lalD9SBA+GRda65ufDYsGFp\nX9ING7L7ix44kN9vs8i1ZLU/r49mWvrYoscV3a/uY+Pj0/1xBxnmHjVlmPbRrw91avvPCtpN9BHF\nNCo7x2SRuTTjfZJzc65fL33gA+Hr7dull7+8t6RmUrwWfdqgPldF+2hVWa4yfe6ZmV5Xgu3bpZe+\nNLvv6zCvOayFhTCDQZH+vLGse7hjR68bQ5XlQUdtmOVL6dcHoE2q9BElEMVEqCtQWlyULr44BC7p\nwTpJecFm3nNxqWvQJPPDrqmeJx2wpMXtk5a/fp1tKvo+5bW3bCBa1wCuURk2kCQQBdAmDFbC1Mlb\nQanIMWkLC9KqVSELF09Gnxdsmi0dnGTW61u1e7e0YcPS/bdvzw7g8gZa1T3nZbL/1+zs8oFV8QT/\nWXOw5i2RGd/Hov0Th10OtEi/tXQ/t7w5XycF/foAdF7ZWn6bHqKP6FSr0jcu75h0/8yseTTjfqDJ\nOUnz+lweOFCs72rReT/L9tvK2z/ubzkzEx5Z1xp/PzeXfx3xtc/MhHlZq8yN2q+/rPvS+7tzZ/Xr\nb3sfyjraR78+AG0g+ohiWpSZ47PIMVml4DjDFK8qFO+XPG/W6xTt21i0rFq2NJ63f/r1ZmdDWBj3\nc52Zkd7yFumss8K22dmQ3ZWWnm/jxvJl8zJ9VNPHSfV0uajjPKOS1762txsAkqqU5hvPag7zEBnR\nqdUvm1g065nOQA6Tgct7jfTqSmmDsmFlsqaD9k8/NzeXnaXMOj6ZccvLHg9qW3KVqqzVrdqYrcwy\nruxj2zO5AJAmMqKYJlmZv0FZxvQxyWynVG4wTdZ+WYNl9u9fOvH9oHMlvy87GGVxUVq5cmmW8447\n8q9f6p/tTGeN4/648WwCR4+G/rEzM8VnLFhcDPOqlh2I1AajGkyWxiAkAF3EYCVMlSoDe5LHSNUG\nz/QbdJMePLJrl3TJJf1fJznQKn3uKoNRzLK/Tl//pk3Lv897vYWFEOCeeKJ0/PHhXLfeGoLc228v\n/h4kJ8pPt63t8hZPAABUR0YUE6dI1qrsfJPJgKPMXJ9F9l9cDKPTJem+983PRkqDg9CDB5dmG6tm\n0tJZ2VWrlvZ5nZuTbruteoYuq0/url1hZag6jKJv5bizlOPKvgJAXciIAsrOlA6aYsijdeizsl3J\nLOXb3lasDUWnk1pYkO5+d+nkk8MjGeyVPd/CQghCjx4NA4GKZFDz7sug1ztyJMy3Wva8eebmpDPO\nKL5/v9cadpqoPOOeKmlUU3kBQKuU7VTapocYrIQC8gZ9pAcn5Q3SSQ/MKTpl0aDXP3Ro+aCd+LXL\nDlDJGoiUtSxpkXblXYNZscFJRc87aMnRIoOCss5RZnDXIFltqGOw0jRMtzQN1whgKVUYrNR4MDnM\ng0AUgwwKTAbNN5k3QjwZ6BVtR/p1DxzIDkRvvrn8GvB511k0CJ6dHfyadc+NmryGdDuLBLN5c5PW\nFYiOatT6NIyGn4ZrBLAcgSiQUjUwSrrwwhB4lpmqqJ/kL+kNG5aed8OG8ueIf9GXyQ4eOLA8AC4S\nWNc93VTWMVnTSmWdI+u4fsF3GXVnVsuet8vZxFHdOwDtVyUQpY8oJlrZfn1ZfSM3bQoDc3btGr5/\nYHrk9Qc+IB04IN18c/j3fe8bfHzesptl+hSuWBGmXIrNzBS7nk2bpH37wiPrNeroR+kFxx/GrxVf\nh3uYVqrffSjbd7UJo+rjCgCtVDZybdNDZERRUF0ZpmHPM0y2KG9C+PSk9XmT9Kezg3Gmd26u+AT+\nRbONBw4szbAOum/JpUeTfVFnZ8svHZr3OmUzpU2U5iclm0hpHphOYkJ7oP3iaXncw5RRW7YMPqbf\nEpnx1D79lvaU8ifTv/ji/Gmr+rWh6JKkUv9piOL9jx4N38eT8UuDp4kq2qaqUy+NaonNogsidHki\ne5YnBaZPlembCESBBuzeXSz4i2XND7pvX68rwTCBVtHjiuybtbKUWf4x6etKK3IdVeeNbWuAx/yh\nALqKeUSBDlhczJ+zNMvCgrRmTZi7Mzk/6OrVvfOVff2DB8sfV6T/50UX5QeVafF15e0/O1usj+mg\nfqtF294WzB8KYJqQEQUqGKbsWDYLmVw73kz6wQ9CEFq2BC6FY848M5xvdjZkZoscl26TNLisLIUB\nXnNzy8+ftW9sbk668cZwjXkrViW3l8kgUi4GgNGhNA8UNExAUkfpdNA54vYtLob13ZMOHAj/Zi3l\nGcsLatNLdcbHxa8XZ1kHybp/WWX5uH9nev/0vmZhfym/f2vWPetSyR0AJh2leaCAYabHSU+/NKis\nnqdf+TXZvne+szcoSQpfv+td2SXtqsH1xReHoHbt2mL3I+/+pcvfu3b12pKeFiu979vetvx+JF9n\n16567nuXdGGqKQAYFhlRTJVhM2jDHD8oUIwDj3Smc8eO3sCm7dulc89dGoTOz0vr14c5SaX8DOvF\nF0tnndUr88/OSm9+89LzDbqeogOW+l1n+nxZ+5YZ9JTOlG7cWPz1y7Sn6jmrYMASgC7qXEbUzE4x\ns0+a2ZfM7N/M7BXR9nua2cfM7F/N7KNmduKgcwHjUHXQy6AsbPz8mjVLpy+SpDPO6GULX/rS3jRH\nUgjObrghBKF52cKFhVCS37Kld+6ZGem73w3nG1Y6c5e1KECeovuahYA8777HM2/+/d9Xz3bnvUfj\nnmC+rqw7AHRBoxlRM7u3pJPc/ctmtkrS5yX9hqTfknSdu+80s62SHujuy2ZbJCOKKurINpXN+vXL\nIhaZIzR5ruOP7wWjs7PSf/1Xdn/RrGmdkuKATip3P5L3b1AmNtnuxcX8wDNvEFI8x+quXb0+ocn9\nBl1f+j6nXyP5+lnvkTT+Pqj0ewXQVZ3LiLr7Te7+5ejr2yR9SdIpkp4q6T3RbpdE3wO1qGN6nDJZ\nv7JmZ0OWM286oqylOatkaeNs28aN5e5HPF1SXiY2nSFdWAgj/088MQTR6axiv4yjWXjEqt73UWU1\nR9GPs0tTTTWBvrPAhCm7FNOoHpIeIOl6SSdIOph67kDOMaWWngKaMmjJw+TzGzYU3zf5fN4ymsn9\nd+wYfgnJfkuNxkt1xm07dCjs1yueL1+SNKs9ZZfuTJ4/vTTooUNL2zk7O/g+Je9r8np37hy8f13q\nWpZ2krB0KNBu6uoSn1FZ/mpJb3D3K8zsgLufmHh+yfeJ7d6G9gNFVB2slC7LZpWsy7z2MF0T+nUj\nSA+kmp+Xzj9fOvvspefo13UgryTeb6nPgweXT3GV3D/r+QMHsqeqynuP0ithbdxI+TxpHIO56LIA\ntF8n5xE1szlJfy3po+6+M9r2DUmPdvf9ZrZW0j+5+4MzjvVt27bd9f26deu0bt268TQcGIGy/Unn\n5qT9+4vP/5l8Han8L/Gs9sVLjUr9R7pLvUn0k8FvXmC8e3dvlH/Wcf3mWk0Hu8lFAWZmpDvuGG6m\nhH37Bv/BMC3GNcKfQBRon71792rv3r13fX/eeeeVDkTbUJJ/t6QLUtt2S9oafX2WpN05xw6bRQbG\nblDJtV/5MV2yjsvWeWXKvNcapuyb1b74fMnndu5cWhI3cz9wIPt8c3PhEZ8v3pZX0k+/zrOetfR1\n0vcj6zX6Sd6fAweyuwlkdUNoopTeZAm/TBeKOlCaB9pNFUrzTQehj5N0VNK/SPqCpGskPUnSvSR9\nXNIXJX1M0j1yjq/9JgKjVPQXab/gYlCQlvVaO3f2nk8HUFUk25e+pvi5Q4fcZ2Z6bZyZWd7GrEAm\nHfiln8t6Pu7/evPN+fetaMCW1V93ZiYE1fE1pvuNNhUgNR2YjTsQjV+zzGvQ1xYYnyqBaOOl+WHQ\nRxRdUmdp8eDB/qXhrGmN5uelZzxD+qu/6m3r1/dy2Gsa9FxsUNk79ohHSF/6Ui/8TM6nmnUP6rie\npLgbxIoVxSfbH6W2lKrbPPl+m9sGTKLOTd8EoJrVq8tP8XP48NIgVArrzl98cf3tiwPNrDYmp1La\ns2f5PvG1xWvPx665JlzDkSMhEE0/X7Z9ZacAMmumP2LbpytKT4fWlvayMADQDQSiwJjUPT/koPlQ\nzz+/WLB2zjnVf0FnXdOePb1AU1oepKSDg6x5TDdtkm68MZwzy+xsyE7u2lXufi4uhkFPeXOKpq9n\nw4bl50/vs2tXsfd1cTFkssvc637zn7ZpvtH4vox7FSoA3UdpHhizUU91s7AgnXlmGCU+MxNWP7ri\nivDc+vXS5ZeHrGKsrpJ2rMyo/7zXjkuqR4+GTGR8HVmrOBW9n/G0V0WuPXnOvPMfPBj+jWcs6NeO\n5HvSbwaA5LFF79U4pk4qoi1dBZIozQPj1cnpm4ZBIAosD5pWrVoebMVTLMX7XHzx0nkx6/oFXSQY\nGRQcpPu/JqeoqmvaqVjVYKlMgJP3nsSvm3euNgZ2/bS1vW0J1IFpQB9RoOXq7j9XtBSaXBpzxQpp\n8+bl5fA62lakXNyvS8HCgrRmzdKAMdk3s86lVauWs6v0PYznMC1zrjaV3otoa3tHuRwvgOGREQXG\npO4yYV4Gas+e/mXgrPNceKH0yldWb1s661QmC5VX1pd6AU0dGdvk/d++XXrxi6sFKUVmA0iX2JMT\n6kuhX+nmzcWyiHnnTG9riza3DcBokREFWmqcI3g3bQorBx04IN1+e/8gbmFBOu64sAxn1bZlZWWL\nBnjJYy+6aOlzc3OhS0HRJUwHtTmZiZ2fD+X/IoNq0ufOy/z1y07Hy6DG13XGGf3PlZS+l20fEEQG\nEkAZZESBMei3prpU/Rd31SxrHFytWbO072KybXkjv5PtHaZfYNaxO3aU77ta9h6UaXO/c6f75vY7\n56A2Fs0itrUfJgBIDFYCWi0djEj1lOrLlkLjdriHcnG6/2JcNs47LtneugPRssF5ldcvMxq96LmL\nTt5f9LqGbTsANIHSPNBiydLwxo31lerLlEKTXQTiTOjMTO/fnTuzg9C8rgXDDFDJO3bUpd1+ba46\nYKtIuX7PnuGvq60DgoBJ05aFGaYBGVGgAU1ltrJed9++8HW/AHBQe4cZoDLs4JZhuickXzfrPFXK\n/smv+y3D2q8tg84f/xvPYQpIDBSrC/PPVkdGFOiIpjJbWa+7enV49Hv9Qe0dJos5bAZ00ApTUnZ2\nI/m6eRnfIudOnzNeWWrNmvxpm5KKDj6K91u5UrrXvUKQ28bBSmhG2wexdQVLw44fGVGgQU1lMKpO\nt1RHe8d9zfGKSlLo/5o14EiqJ0OdzhzPzPRGzOcNUqrSXzVGH1FI9B2uE/dyOGREgY5paqqb5OuW\nyaQM294ir1VX36x4bfczzwz9YY8cCV/H50733xxFhnp2VrrhhuLTUAFoFv2wx49AFJhi4yxDFXmt\nusqL8Xnuda+l5fFjx3qBbrotGzeWK8NnSf8SW79euu9988voRX/pJfeLs6z8kmxGGwexEDzVq2yX\nHAyH0jwwxcZZhkq/VnIN+TrbklfGlkIAd/vt4etRXnccrIxqsFKsTcHGNAyUqWtg3KhMw3uAdqM0\nD6CUcWZSVqwIE9bHWT338Qy4Metd3+7dve4FO3eGYHhurv7rLtuFoej+yemtqs5QMIps3jQMlKla\nPRjnvWFVK3QRgSgw5cZVhlpYCKsmHTsWgsOjR+ubkzQpXcaOg97t25dfn1l4jELbyqWjCogYZZyP\newMMRmkewMj1K5fXOSdp8vh0aXxuTrrttmJLctapDeXSUV7vNI0yHuVyssAkoDQPoBNmZkYzJ2ky\n6/fOdy597sgR6eKLq7e5qlGXS5sePNO2zO8oVZlXdlruDVAVGVGgxdqQTatLOpu0cWP4us4BQuns\n0/nnS2ef3dsnHiB1ySVhKqdjx8IApt27uzk6Nr6n7qH/bTxfar99pdGsFjNJn9W6df3edL39GJ8q\nGVECUaClJnGZuVH+QstbvjRZnpdCMOoe+qjG38cl+2FeWxrvL+qs7g67dkmbN/c/RiKgQHGT+P8Q\nRofSPDAhJnWQwyjL1HnLl8aj42NHjvSCUGn4wUpNjhhP/x1+zjn9PyeD7n/TZX60y6T+P4R2IRAF\nUEkbg5asPnybNoVy/Px8b79+fVTLKPuLus57Fk+HVZdpmIIJQPsQiAIt1PZBDoOClkEB1yiD2Djr\nl3yNODMa38+3vnX8K6ck79muXfVc/5Yt4VzDfk7IfCFL2/8fwmSgjyjQYm3s0zdoSppBfcrG0ecs\n7zVGcT+LXE9Wf874F3sd11/HlFdMM4Q8bfx/CO3EYCUAI9cvaBkU0Iwj4GkiqBr0izpvHtU2BXwM\nSgEwLAYrARi5SSnX1dE9ID5HchBQ1nmTS4q21bhW2JpGZT9rbex/DYwKgSiA0vKClkFB6jiC2CKv\nUcfAnKxz9Dvvpk1hmqhnPau3bf36dgXxrFVev7KfNQaNYdpQmgdQuyKl6n7Pj7INdZTui8xZmnXe\nUS+1KbUnkGxbe5pQ9v2mry66jtI8gFZIrxuf9fyof7lOU3avbVm0trUHQHsRiAKoXZsDkTq6B/Sb\nPD/vvHFQPmifZPBepK/gwYPtmnqJqaB6yn7WJqX/NVAGpXlgioyrJF5neXFUba7jvFnnyNqWHpG+\ncePgfaTBo9gXFsJcokeO9LbVXc4te58oLy9X5R6W2R9oC0rzAHK1OUuZZ5RtHrZ0nxcspM+blSFM\nH5feZ/PmwVnF+Jh0EFpnFq3K/Sert1zZz9o0dSsByIgCU2DcWao65qRsc2atzPXlDWxKT/mUnmd0\ndlY6erR3TNbAp+OP7+0zMyN9//uhi0Adhr3/ZPWA6UNGFEArTPKclGX7QKYzhOvXh9H1ySzjihXS\n9u1Lj3MfnFVM/x3epqCPrF43MYcpxo1AFJgCTZRLqwQiyV+Ck1TijQPzffukD3wgO4h98YvDdSa5\nLw82k2Zns78uIy/wmKT7j2K62H0H3UdpHpgibS6XjnN9+GFV7XqQV+7esyec7+hRySw83PuX5odp\nR5nj23j/Ub86u8JMwmdmEq6hCaw1D6CT2twfNM/Bg+Hfsn0ys0bQJ699bk668Ubpvvddfj9ig0bp\nF9HFe47RqevzUEf/8KZNwjU0hT6iAFCjvLL1wkLo57l2bfkS5qD+s2ZL5ySdnZXe+MaQNc0qm1bt\ni0k/QCTV0RVjEuaQnYRr6BoCUQCNa2N/xLz+cnX8okoGj3nXvmmT9IxnhPL8OedIL3tZfb8c40D6\n6NEQ6Lblno8aA3H6m+RBhmgvSvMAWqMt/bL6lSnznovVNXH/wYPSiSdm7zts/710V4D9++ub9mlc\nym6oHD8AABMdSURBVH5WKLeOxyTc50m4hqbQRxQASspbHalff7kqqyCVlRWIxqPqh3mNSegbWjZQ\nmIRrjrXlj7V+utDGQYqumtZmTbSXPqIAUEJe+X1QV4FkCXPjxtH0KVu9Wjr11N73j3hEPWXTurtB\njLvcPc19+LoyvdIkzCGbvoau3PtYl9pLRhTAVCqSJSuSURh0nqpZiV27elm/vPYNY1C7irS7iRJm\n1exm18utk5TV7Zqu3fsm20tGFABqVCSz0y/DOCgrkZdNXFwMA5RGqd+1FcmmNJWZjO/33FwYaLV9\ne7FfsG0ciMPgKYBAFMCUqrNEnRXkDArUBgV7lsop7NgxnozGMAHm4mLo2zqO4OrYsTDq/+yzi5Ue\n29a/r2zpdMWK8Blo08wS06KNs3r007X2UpoHMNWqBChVS/b79vWOGVQ6i0vJ7iEA2bJlPMFUmbJe\nsty9fr30l38ZAsTZWWn37tFkHhcXpVWrpCNHetvSsxpI2fdSakdZvkrpNOvzgPFq2x8zgzBYCQA6\noOzAiqKZrHRWYv36MHfnCSdIF100+HXiLOttt4Wgo+rgg7Ll3zLZlLiN+/ZJl18eglApZCqbGESU\ndY8mYXBT8hqOHJHOPbd71zAJujYIqyvtJSMKAAVVyWTFgeDatUuP27Gj1w90UJauiQE6ZbIpg7KU\ndVtYkM48c2n2Nb1UanJ+1zYONCnz3nRtsAymF/OIAsAI9Su3VxlZHxsUUJQJRJKZsnEGL1nB4TBz\nnUr9Zx6IA/z43ve7R20rzcfKBPttvQYgidI8AIxQXrl91aow3VLR4+Jyd9HSWdFyebI0XaT8X6dN\nm6Q77pAOHJBuv716oJQur/eb63X16sFLpcZta9uIealc6bSt1wAMi4woAJSUVW6XQjC6eXP/46T6\nlgFNP5fOCMbl/64McMlaftSsfFcIibI10ARK8wAwJuPuF1mkPVml6YsvLt4XtWl1BKIAmkNpHgDG\nJJ7XsS2yStNSCEK7MmI8fQ27do1+PkQmlQeaRUYUAIawe3e7Mo7J0vQwo62bLHEXGaxUBwYAAfWi\nNA8ADWhzv8QqwdY0BGj9gvQ2v59AmxGIAh3BLzqMU9k5QbsyZ+UwP0d517lnz+QH4cCo0EcU6ICq\nK+RgNMbZR7Cp/ohdWWGljKI/R3n3PK9PbddXYaqCfrJoEoEoMEaTsNzgJBnnHwVd+QOkzBKfTSn6\nczTonjM3Z3c+l5hclOaBMepS2XPSjfO96OL7PmjO0rznxqHI/WxiWdSu6eLnEu1GaR5ouS5kmwAp\nv5zfhgxa3s9RHSVmsqTAeBGIAmPGL7p2GOcfBZPyB0ibupakf47SAfIw93wS+9RmmZTPJbqN0jyA\nqTbOMnPTJe1htbWUy1RMw+EeoS6U5gGgpHFmv7qeaSubQWvDaOyu3/Nx4B6hSQSiACZWGwKhSZPV\ntSTrPo+zL2neVEy890D7EYgCmEhtGFQzqZIZtKz73ERf0mSALPHeA11BH1EAE6etfRknTd59lpq7\n/7z3QHPoIwoAaFzRvqR0nagX9xNdRCAKYOK0eVqaSQoW+t3nQdOUjarrRJvfe2l07z9dUdBVjZbm\nzWyPpKdJusndHx5tu6ek90u6t6TvStrg7gdyjqc0DyDXsNPS1D2tzaSu2lPkPiX3GUf5vI1TEo3q\n/W9Ld4Q23nOMVxdL8++U9KupbedJutLdf1rSRyW9buytAjARhpmWpu4MU5smg6/boPvcRLaubVMS\nTfL7L5GRRXWND1Yys/tL+nAiI/ofkh7l7vvNbK2kz7j7g3KOJSMKoHajyDC1JWs1bnnXvWfPZGaH\n84z6/W8y2z6tn20s18WMaJa17r5fktx9n6STGm4PAAyt7X0Xx23alrod9fs/bfcTk6ONgSgANGpU\nQcM0Bgv97mXbyudllR14NOr3v6n7yR9ZGEYbS/PfkPToRGn+n9z9wTnH+rZt2+76ft26dVq3bt0Y\nWg1gGjQ9+KLp16/TJF2LNLkDz4Yxae8xBtu7d6/27t171/fnnXde6dJ8GwLRBygEoj8Vfb9b0nXu\nvtPMzpL0QHffnHMsfUQBTCQCnfrUHSDRJxLIVqWPaNPTN10maZ2kNZJukrRN0gcl/YXC9E3fk/Rs\nd/9BzvEEogAmDoFOfUYR0PP+ANk6F4gOi0AUwCQi0KnHKO8jGWtguUkZNQ8AU43BH+03jQPPgFEg\nIwoALcXgj+GRuQTGh9I8AGAkuhwUd7ntXcJ9BqV5AEDtur58YxvmKy0752jXdP0zguaQEQUA5GLg\n1PAmvXsAnxHEKM0DAErrV1JtMsiYhFJv1fvXpWvveiDapXvddpTmAQCFLS5Ku3f3L6k2NYJ/1KXe\nNpfKu1bm7vIsD12715OIjCgATKGFBWnLFunIkd62fpmscWaNRp1hG3epvMzrdTm72LXMYpfvdVtR\nmgcADJT+BRxryy/iUQYITQUfRYO0tgRHXQsqq2jLvZ4klOYBAJW0qaTa5VJvnqIj99tw7dNSrm7D\nvQYZUQCYSsly8fbt0ktf2r5fwqPKynVhFHtTGclpzBJOQ/Z3XCjNAwAKm+ZfwNN87f1MYyCK+lCa\nBwAU1oaJ3psyzdfeD+VqjBsZUQAAhjCJ2dUmr2kS7+e0ICMKAMAYTerAnqYyxpN6P5GPjCgAYBmy\nUoN1tT/lqN/bqufv6v1EDxlRAMDQJikr1eYVlJow6vd2kj47bTHpn2ECUQDAXRYXw9RGhw+Hx9at\n3f0lOOqgqGsDe0b93g57/q7dz3GYhsCe0jwA4C6TUh4d53V0pRvDqO9JXefvyv0ctS7+LFKaBwAM\nhaxUeV2ZCmrU721d5+/K/UQ9yIgCAJaZhKxUF1ZQakJbBythua59hllZCQCABIIidF2XPsMEogAA\noHZdCobQHPqIAgCAWk3DyG00h4woAADI1MWR22gOGVEAAAB0BoEoAADIxHReGDVK8wAAoC8GK6GI\nKqX5uVE1BgAAZOtaYNeVdqJ7KM0DADBGjEIHeijNAwAwJoxCxyRj1DwAAAA6g0AUANB6i4u9fpVd\nNqmj0Cfl/cH4EYgCAFpt0vpUbtoUyvG33hq+7rpJe38wXvQRBQC0Fn0q2433B0n0EQUAAEBnEIgC\nAFprUvtUTgreHwyL0jwAoPW6NgH8tOH9gVStNE8gCgAAgKHRRxQAAACdQSAKAACARhCIAgAAoBEE\nogAAAGgEgSgAAAAaQSAKAACARhCIAgAAoBEEogAAAGgEgSgAAAAaQSAKAACARhCIAgAAoBEEogAA\nAGgEgSgAAAAaQSAKAACARhCIAgAAoBEEogAAAGgEgSgAAAAaQSAKAACARhCIAgAAoBEEogAAAGgE\ngSgAAAAaQSAKAACARhCIAgAAoBEEogAAAGgEgSgAAAAaQSAKAACARhCIAgAAoBEEogAAAGgEgSgA\nAAAaQSAKAACARhCIAgAAoBEEogAAAGhEawNRM3uSmX3JzL5iZr/fdHu6YO/evU03oVW4H0txP5bj\nnizF/ViK+7EU92Mp7kc9WhmImtndJP1vSb8q6aclPcvMfqbZVrUfPxRLcT+W4n4sxz1ZivuxFPdj\nKe7HUtyPerQyEJX0aElfdvcb3f2IpPdLemrDbQIAAECN2hqIniLp24nvvxNtAwAAwIQwd2+6DcuY\n2XMl/YK7b4q+f46k09z9d1P7ta/xAAAAU8rdrcz+c6NqyJC+I+l+ie9PibYtUfZiAQAA0B5tLc1/\nVtLDzOyHzWxe0gZJf9NwmwAAAFCjVmZE3X3RzH5X0sckmaT3uPs1DTcLAAAANWprRlTu/lF3/0l3\nf5i7n5+3n5ltM7PvmNk10eNJ42xnWzDv6lJmdr2Z/auZfcHMPtt0e8bNzPaY2U1m9sXEtnua2cei\n+/JRMzuxyTaOU879mNr/O8zsFDP7ZPR/xr+Z2Sui7VP5Gcm4H+dG26f5M7LCzD4XXffXzOyCaPsD\nzOwfzeyLZvZeM2tlQqtufe7HO83suuh3zTVm9vCm2zpOZjYTXfeHou9Lfz5aOVipDDPbJulWd7+g\n6bY0JZp39WuSHifpZkn/JOm33f1fGm1Yg8zsOkk/6+7fb7otTTCz/ynpNknvdveHR9t2S7rO3Xea\n2VZJD3T3LU22c1xy7sfU/t9hZveWdJK7f9nMVkn6vKTfkPRbmsLPSMb9uEbSsyQ9U1P6GZEkMzvO\n3e80s1lJn5b0KklnSdrj7leY2U5J17v7zkYbOiYZ9+OVkl4o6cPu/oFmW9cMMztL0s9KWu3uT48C\n0lKfj9ZmREua9kFLzLu6nGlyPt+lufunJKWD8KdKek/09SWaos9Izv2QpvT/Dne/yd2/HH19m6Qv\nKQwKncrPSMb9+KKk+0ZPT+VnRJLc/c7oyxUK/5/eJOnn3f2KaPslkp7WRNuakHE/bo6+n8rPiJmd\nIukpkt4efT8r6TFlPx+T8ot6k5lda2bvMbN7Nt2YBjDv6nLHJMUlxpc13ZiWWOvu+yXJ3fdJOqnh\n9rTBtP/fITN7gKRHSvoHhazgVH9GEvfjU9Gmqf2MRGXXL0j6nqS9Cn/M7Uvs8h31AvaJl74f7n5t\n9NQbos/IW6MK5bR4i6RzJcWl9ZMl3ZJ4vtDnoxOBqJl9POpvED++FP37a5LeJulB7v5QSddJemuz\nrUVLPMbdf1bSEyS92Mwe33SD0DpT/39HVIb+S0lb3P1W9X6hTKWM+zHVnxF3P+bupyokNn5B0i81\n3KRGpe7HL5rZaZJe4e4/obAc+UpJr2myjeNiZk+VdFPUBTCZES6dHe5EJ2N3f2LBXS+SdPUo29JS\nheZdnSbufnP07y1m9leSfk7SJ5ptVeNuMbM17r7fzNaqV1aaSnHmLzJ1/3dEgwj+StKliVLa1H5G\nsu7HtH9GYu5+0MyulPQjktYmnprK3zXR/fiIQjeFT0bbDpvZ2yVta7Z1Y/M4SU83s6dIOk7SCZLe\nJGlNYp9Cn49OZET7MbNk6ehZkq7N23eCMe9qgpmtNLPjoq+Pl/QkTefnwrT0r9MrJZ0efX26pu8z\nsuR+8H+H3iHp2tRAgmn+jCy7H9P8GTGzNVGGWNH/p0+U9AVJnzGzX492e4Gm5DOScz++HH9GzMwk\nrdeUfEbc/dXufj93/xFJz5F0lbufrvD5eEa0W6HPxySMmn+PpIdLmpf0LUkb3f2GZls1ftG0IjvU\nm3c1d8qrSWdmD5T0QYV+oislvc/dp+WvVEmSmV0maZ3CX6c3KfyV/kFJfyHp3gp9nJ7t7j9oqo3j\nlHM/fllT+n+HmT1O0t8rDFLy6PFqhT9q368p+4z0uR/P1/R+Rn5K0rujb+8u6TJ3f330/+tlko5X\nCLpOd/fDDTVzbPrcj6sk3VMhK/gvkn7H3Q821MxGRF0Uzo5GzZf+fHQ+EAUAAEA3db40DwAAgG4i\nEAUAAEAjCEQBAADQCAJRAAAANIJAFAAAAI0gEAUAAEAjCEQBAADQCAJRAKjIzF5kZsfM7H6D9wYA\npBGIAkB18So8hZnZM81sqJW+zOyBZrbNzP5/e3cTYmUVx3H8+yMrKg1CF7kSg2jRCxEUuHCTRaAZ\nQ9RG6Y2EKGoXVFCCECQRRARGLiJy06pCokVTiQQRtRtSEVcRJIxFBaNQkf8W57l4HbMX57nzTMP3\nA5fn4dzznHuezeV3zznPuTctpB1JGppBVJIW173AzgW2cQ3tb0pvXnh3JGk4BlFJWlxZIm1I0uAM\nopLUkyTXJvkgyY9Jfk8ym2R6NIWe5ACwrTs/3b3+GK0xTbIjyadJfkjyW5Jvk7yWZOXYZzwEfExb\nEvD2WDsLHWWVpEW3YugOSNJykOQS4AAtIL4MfA+sBjYC1wEzwIvAxcAGYDtnRjZPdMdHgWPAe8Ac\nber9MeAGYFNX5yCwG3gWeBP4vCufmcydSdLkpOo/rbOXJHW60cm3gPXA1cCXwFRV7f+ba/YB26rq\nor9479Kq+nVe2f3Au8CGqvqqK9sETAMPV9U7fd2PJC02p+YlqR8/dcctSS6/kAZGITTNlUlWA1/Q\nRk5v7aebkrR0GEQlqQdVdQzYA+wATnRrPZ9Psu7ftpHktiTTwEngZ9qU/Xe06f6rJtBtSRqUQVSS\nelJVTwI30rZWOgU8BxxNcvc/XdsF1s+ANcDTwFbgDuBO2oio39eSlh0fVpKkHlXVYeAw8EqStbSH\niHYCH46qnOfSKeAy4K6qmh0Vnudfm1zcL2lZ8Be2JPUgyaokZ+3vWVXHgePAyrHiua7+FfOaWDHv\nOPIM5wbPue646oI7LElLgCOiktSP24FXk7wPHOnKNgPXAy+M1fuatiXT69160NPAfuAj4CXgkyR7\naetEtwJrOXcD+0O0qf/Hk5zqzr+pqkOTuDFJmhSDqCT1Y4a2x+c9wBO0UcyjwFNVtWes3j7gFuA+\n4EFayFxfVUeSTNH2Gt0N/EKbzn8EmGVsVLSqTiZ5ANgFvEHbm3QXLaBK0v+G+4hKkiRpEK4RlSRJ\n0iAMopIkSRqEQVSSJEmDMIhKkiRpEAZRSZIkDcIgKkmSpEEYRCVJkjQIg6gkSZIGYRCVJEnSIP4E\nFxHBz3Qf+RwAAAAASUVORK5CYII=\n" + }, + "output_type": "display_data", + "metadata": {} + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 7, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "# set PyPlot parameters\n", + "pyplot.rcParams['axes.titlesize'] = 'xx-large' # font size for plot title\n", + "\n", + "# plotting function for repeated calls\n", + "def plot_boston_housing_data(\n", + " boston_housing_data,\n", + " x_name='lstat', y_name='medv', y_hat_name='predicted_medv',\n", + " title='Boston Housing: medv vs. lstat',\n", + " plot_predicted=True):\n", + " \n", + " g = ggplot.ggplot(\n", + " ggplot.aes(\n", + " x=x_name,\n", + " y=y_name),\n", + " data=boston_housing_data) + \\\n", + " ggplot.geom_point(\n", + " size=10,\n", + " color='blue') + \\\n", + " ggplot.ggtitle(title) + \\\n", + " ggplot.xlab(x_name) + ggplot.ylab(y_name) + \\\n", + " ggplot.theme_matplotlib(\n", + " rc={'figure.figsize': (11, 8.5),\n", + " 'axes.labelsize': 'xx-large'},\n", + " matplotlib_defaults=False)\n", + " \n", + " if plot_predicted:\n", + " g += ggplot.geom_line(\n", + " ggplot.aes(\n", + " x=x_name,\n", + " y=y_hat_name),\n", + " size=2,\n", + " color='darkorange')\n", + " \n", + " return g\n", + "\n", + "plot_boston_housing_data(boston_housing_df, plot_predicted=False)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Single Decision Trees\n", + "\n", + "Let's now play with a few single decision trees, using all samples:" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAqIAAAIgCAYAAABeeQsgAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3XmcJHV9//H3Zw4GlmURWPCAKMTbeIEGNYlxjUm8NW5M\n8OLnsRp0IuwSFsUYBdRfQtwFdtYwgnHFA4ImaCQeGJKY1fw0GgMIohFj0CiH4KLuLsc2OzPf3x/f\nru3qmqruquqqrqru1/Px6Mf29NTxreqenc98Pt/DnHMCAAAAhm2i6gYAAABgPBGIAgAAoBIEogAA\nAKgEgSgAAAAqQSAKAACAShCIAgAAoBIEogCGysxeY2ZLZvbgCttwlpktVXV+SGb27Pbn4Pic+//E\nzOaLbheA4SIQBVAIM3uimf2dmd1mZnvNbKeZXWNmF5jZA0KbuvajSoW1wcye0Q6o+j0Wzez/FHHO\norSDuSUz+8+E7x/VbvdSSUHfIO9B1Z8hAAWYqroBAJrPzJ4q6YuSfirpQkk/kLRK0q9KOkHSJyT9\npL35RyVd5py7r4KmluG/JL0q8tqfSTpC0smSLPT6V4fVqJScpHslHWtmj3bO/Vfk+6+S1JI0M/SW\nARgLBKIAivAO+YDlSc65HeFvmNmMpOnga+eXcxuVIFTOuTsk/U34NTN7g6SVzrnL0h7HzPZ3zu0p\nun0pfF3SYySdKOlPI987UdIV8n9MAEDhKM0DKMLDJN0YDUIlyTnXcs7dFXwd10fUzD7cfu3+Znap\nmf3MzHaZ2YfMbNrMVprZ+81sh5ndbWafNLNDw+cJHePIdheBX7Qfl5jZ4WkuwsyeYGZ/3z7PvWZ2\nnZm9Jv9tiT3HTLudHzCzF7e7L+yRdEpom+PM7B/a9+FeM7vWzF6RcLw3tb9/T3v7T5rZwzM0aUHS\nZZJeGTnukyU9StLHEs67v5n9uZndZGZ7zOx/zexcM1sZs+1Tzewr7TbebGbvVkIipP0ZuLC9Xat9\n/HeZ2XTc9gCajYwogCLcIumpZvarzrlv9Nk2rn9m8NpnJX1T0p9I+k1Jr5Z0l3zG7ueSTpf0K5JO\nlf9D+iUJx/hue5tHywd4jzGz451zC0mNMrNfk3SVpG9Lelf7vC+U9CEzO8w5d26f68rq1yU9T9Jf\nSbpdvjuDzGyNpM9LulbSO+VL578n6RIzO8Q5d0GozRdKeq2kiyVtlXSopDdL+qqZHeec+3HKtlwi\nab2ZrXHObW+/9n8k/UjSlxP2+QdJvyVpm6SvSXqifFeEp5rZbzrnFtttfJykf5Z0p6S3S9ojaZ2k\n50cPaGZHSPoP+fdxXv5z9WRJb5N/L/8g5fUAaArnHA8ePHgM9JD0u/Kl+SX5QOJ8Sa+QdHjMtq+W\ntCjpwaHXLm6/9p7Itv+vfcyPRF6/VD6Td2jkGEuStkW2fV379ZNCr50paTGy3bfl+7la5PXLJO2W\ndFCG+/Gvkn6U8L2Zdnvuk/TIyPdM0vckXRmz36fkg/ED2l//Zvs4r4hs98B2ez+Qop23SboqdP0f\naj+flA+O3yXpwPZ55kP7rW2/9s7I8U5uv/660GufkQ/qw+/3AZL+u/2eHx96/UOSbpV0SOS469vb\n/lqk7fP9rpEHDx71flCaBzAw59xVkp4m6eOSHiqfhbxE0i1mNmdmkykP9YHI11+Vz459MPL6V+SD\ntkdEmyKfYQz7iKRd8tnNWO2s3aPlg85Dzeyw4CHpSvlg7KkpryGtrzjnboy89mT5bg5/E25DqB2r\n2ttI0ssk7ZT0T5Ht9sr/MfCsjO35mKTfN7P95TO1q5VQlpe/l4uS5iKvXyTpbkkvkqR2Of13JH3W\nOfejYCPn3L3ymdR9zGxC0kvlM60TkWv6J/n3O+s1Aag5SvMACuGcu0Y+Cyoze4SkZ8iXx0+WdI98\nebWfWyJf393+99aE1w+IOcZ3I+1aNLP/lnRMj/M+qv3vRe1HlJMfBV+kH/Rox0cS9gm345GSDpbP\nXMZtd3fM671cKuk98t0dXiLpP51z/21mB8Zse7SkW51zO7tO6tx9ZvZ9de71gyTtJykacEt+toGw\nIyWtlPQGSX8Us30Z7wGAihGIAiicc+57kr5nZn8r6Sb5/oZpAtGkuSGTXreE17MKqkNvk5TUx/Xb\nBZ0rENdfNWjHaZKuS9jvW6Ftb5cP/uPuw2KWxjjnfmxmX5b0x5KeJGljlv0LEFz7JUoOxG8eUlsA\nDAmBKIDSOOd2mtl3JR07xNM+Sn6gjySp3S3gYfLl/CTfb/97j3PuiyW2rZ+gHXelaMf35btDfN05\nd09B5/+ofD/NvfLdLJL8UNJvmNkq59yu4MV2Kf5hkv6l/dKt8n1hH7XsCH4AWtit8gOzpip+DwAM\nEX1EAQzMzJ7V7uMXff0oSY+X9J1hNUV+1HjYa+RL2J/psd818uXjk83sfssOGpkqqkRfky/ZbzCz\ng/q04zL5snd07s+4bdO6XNJZkmadc3f22O4z8gOaTom8/keSVsj385Rzbq98/87nm9lDQm07UH4Q\n2T7tbT8p6ffM7LHRE5rZfma2IusFAag3MqIAirBF0v3M7ApJN8hnth4hP7XQjPxKQ0VLKssfa2aX\nyU/F9Bj5PqrXyWf6YjnnnJm9tr3PdWa2TT7rdz/5QUovkB8oVKp2f9bXyk/fdJ2ZfUjSj9vteJqk\n35YfRCTn3BfNL7v5NjN7YnufeyQ9RNJzJV0tX2bPcv675EfK9/P38lMynWVmv6TO9E1vkvTv6i6t\nv7392pfNbKv8Z2Od/ACyqI2Sfk3SV9rvwfXyn58nyPdbfbH8QCwAI4JAFEARTpf0h5KeKZ+BnJZ0\nh6R/k3Sec+7rKY6Rde3wuO2dfNC4RdJ58sHq5ZJObWfcEvd3zn2tPYn7n0k6ST7g2y0fDOUJpHtd\nT+Ja9865L5vZr7bPOdtux075YPodkW3fbGZfk/RGSefIZ0hvke+G8OGUbUxz37u2awfuL5Sf5/Tl\n8lNy3S4/l+mZrj2HaHvb683sWZI2S3q3pJ/J/1HwNUWy1M65O9rX/qfyc6fOyk8LdqOkv1b3QLS0\nbQdQY+ZctT/HZnaw/H8wj5T/5fU6+f90PiHp/vJzxZ0QHZ0JAGFmdrH8oKhp59xS1e0BAPRXhz6i\nfy3pU865J0h6rHxfsrMlfb792heUrlQEAACABqk0EG13pn+ic+7jkuScW2qPwHy+OhMpX6KYpeAA\nAADQbFVnRB8uaYeZ/a2Z3WBmHzGzlfLLAt4pSc65HZIOr7SVAJqCPoMA0CBVD1aakPSrkk5xzv2n\nmZ0v3xk/1S8TM+OXDoCoRbOi5rkHAGThnMv0H3DVGdEfS7rZOfef7a8/KT8FyE/b6wvLzFbLj76N\n5Zzj0X6ceeaZlbehTg/uB/eDe8L94H5wP7gfw3vkUWkg6py7Wb40//D2S8+SX3/485JObL92oqQr\nK2geAAAASlR1aV6SXi/pb8zsAEk/kvRK+bn/PmFmr5P0E/n5CQEAADBCKg9EnXPXyfcTjfqdYbel\n6dasWVN1E2qF+9GN+7Ec96Qb96Mb96Mb96Mb96MYlU9oPwgzc01uPwAAwKgwM7mGDVYCAADAmCIQ\nBQAAQCUIRAEAAFAJAlEAAABUgkAUAAAAlSAQBQAAQCUIRAEAAFAJAlEAAABUgkAUAAAAlSAQBQAA\nQCUIRAEAAFAJAlEAAABUgkAUAAAAlSAQBQAAQCUIRAEAAFAJAlEAAABUgkAUAAAAlSAQBQAAQCUI\nRAEAAFAJAlEAAABUgkAUAAAAlSAQBQAAQCUIRAEAAFAJAlEAAABUgkAUAAAAlSAQBQAAQCUIRAEA\nAFAJAlEAAABUgkAUAAAAlSAQBQAAQCUIRAEAAFAJAlEAAABUgkAUAAAAlSAQBQAAQCUIRAEAAFAJ\nAlEAAABUgkAUAAAAlSAQBQAAQCUIRAEAAFAJAlEAAABUgkAUAAAAlSAQBQAAQCUIRAEAAFAJAlEA\nAABUgkAUAAAAlSAQBQAAQCUIRAEAAFAJAlEAAABUgkAUAAAAlSAQBQAAQCUIRAEAAFAJAlEAAABU\ngkAUAAAAlSAQBQAAQCUIRAEAAFAJAlEAAABUgkAUAAAAlSAQBQAAQCUIRAEAAFAJAlEAAABUgkAU\nAAAAlSAQBQAAQCUIRAEAAFAJAlEAAABUgkAUAAAAlSAQBQAAQCUIRAEAAFAJAlEAAABUgkAUAAAA\nlZiqugFm9kNJOyUtSdrrnDvezA6R9AlJ95d0m6QTnHM7q2slAAAAilaHjOiSpDXOuWOdc8e3Xztb\n0uedc0+Q9AVJ76qsdQAAACiFOeeqbYDZDyQ92Tl3Z+i1/5F0vHPuTjNbLelrzrmHxezrqm7/uGi1\nur+emcm2b7B/sF/46/Cxgm2jr+dtU/S8w1bk+dMcq+rrBQCMLzOTc86y7FOXjOhVZnadmf1x+7XD\ng8DUObdD0uGVtQ6an5cOOkhasUI68ED/fH4+/b4rVkgHH+wfBxzgH8HXBx7YOVZ42/DredsUbJOl\nvUUq8vxpjlX19QIAkFUdMqJHOOfuMLPDJV0p6QxJn3TOHRzaZmf469DrZERL1mr5wGbv3u7Xp6el\n3bv7Z+dWrpQWFnqfY3pa2rFDOuyw7m2TzpGmTdFt0rS3SEWeP82xqr5eAADyZEQrH6zknLuj/e9P\nzeyTkn5V0k/N7LBQaf6OpP3POuusfc/XrFmjNWvWlNtgAAAAaPv27dq+fftgB3HOVfaQtELSAe3n\nB0r6kqQXSdoqaUP79VMlbU3Y36F8F1zg3PS0cxMTzk1O+ucXXJB+34kJ5yT/MPOP4OvJyc6xwtuG\nX8/bpmCbLO0tUpHnT3Osqq8XADDe2nFZpliw0tK8mR0j6dPy/URXSPq4c+5MMztUnembfiLpD51z\nv4jZ31XZ/nHCYKV8GKwEABgXeUrzlfcRHQSBKAAAQD00ddQ8AAAAxhCBKAAAACpBIAq0hfuyAgCA\n8hGIAmIyeAAAqsBgJdTSMEd/Mxk8AACDY7ASRgLZSQAAxgOBKGql1ZI2bPDZyb17pfXrpV27yj3n\nzIy0ZYvPhE5P++dkQwEAKB+ledRK3DryQXA4O1v+uSWCUAAA8mBCe4yE+XmfCV1Y6LxGv00AAOqN\nQBQjY9cuafVqBhABANAUDFbCyFi1in6bAACMOjKiqDX6bQIA0Ax5MqJTZTUGKAIBKAAAo4vSPAAA\nACpBIAoAAIBKEIgCAACgEgSiAAAAqASBKAAAACpBIAoAAIBKEIiitlqtzjyiAABg9BCIopbm56WD\nDvKP+fmqWwMAAMrAykqonVbLB6CsMw8AQHOw1jwAAAAag0AUtTMzI23Z4jOh09P+OdlQAABGD6V5\nDE0w8ChtUJl1ewAAUB1K86itPIOPZmYIQgEAGGVkRFE6Bh8BADD6yIgCAACgMQhEUToGHwEAgDiU\n5jE0aQcfMUgJAIDmoTSPWksz+IgVlQAAGB9kRFEbDGoCAKC5yIgCAACgMQhEURsMagIAYLxQmkft\nxA1WYgATAAD1RmkeIyE6qIkBTAAAjCYyoqg1BjABANAMZEQBAADQGASiqDUGMAEAMLoozaMRGKwE\nAEC95SnNT5XVGCBO3oCSABQAgNFDaR5Dw+h3AAAQRmkeQ5Fm9DvldwAAmotR82gssqUAAIwfAlEM\nRXj0+9SUtGlTJ/PZakkbNvhs6d69/nmQHQUAAKOLQBRDMzsrbd4smUmnn07mEwCAcUcfUQxNr36i\n8/M+Eyr5zOnsbHXtBAAA2eXpI0ogiqHpN2BpVAYrjcp1AACQBYOVUGv9VkmamWl+8MagKwAA0iMj\niqGLyxiOQhYxzRRVAACMKjKiaIRo5pMsIgAA44mMKCo1allEBl0BAMYVg5XQOKMWiEqj0c0AAICs\nKM2j9lqt7snq+w1gaqJRGHQFAMAwkBHF0PQqW5NFBACg2SjNo7ZGsQQPAAA6KM0DAACgMQhEMRSj\n2BcUAAAMhtI8CtWvryd9QQEAGE2U5lGpNBPTM6IcAAAEyIiiEAxGAgBgvJERxViKzk0KAACagUAU\nhahqMBLr1AMA0FyU5lGoYQ5GojsAAAD1kac0P1VWYzCeCAIBAEBalObRWMxNCgBAs1GaR+MxNykA\nANWjNI+xRAAKAEAzUZoHAABAJQhEAQAAUIlaBKJmNmFm15jZP7S/PtrMvmpm15vZZWZGFwIAAIAR\nU4tAVNJ6Sd8Jfb1V0l865x4v6XZJb66kVQAAAChN5YGomR0l6XmSPtj+elLS05xzV7Q3uUTSCypq\nHgAAAEpSeSAq6XxJp0sK5mE6QtJPQ9+/WdKRw24UUJRWqzPFFAAA6Kg0EDWz50u63Tn3TUnheacy\nzUEF1NX8vF+G9KCD/HMAANBR9SCgX5f0IjN7nqQDJB0k6b2SDgttc5R8VjTWWWedte/5mjVrtGbN\nmjLaCWTWakkbNkh79/qvN2yQ1q1j3lMAwGjYvn27tm/fPtAxarOykpk9Q9JpzrkXtUfPb3POXWFm\nWyT9yDl3Xsw+rKyE2mq1fCY0CESnp6XduwlEAQCjKc/KSnXoIxpnvaQzzOx6SQ+Q9L6K2wNkNjMj\nbdniA9Dpaf+cIBQAgI7aZETzICOKJggGKhGEAgBGGWvNAzVEAAoAQLy6luYBAAAw4ghEAQAAUAkC\nUTQGE8MDADBaCETRCEwMDwDA6GHUPGqP+TgBAKi/UZpHFAAAACOOQBS1x8TwAACMJkrzaAwmhgcA\noL6Y0B4jLU0ASrAKAEBzUJrHyGBkPQAAzUJpHiOBkfUAAFSLUfNoBCamBwAAEoEohqys8jkj6wEA\naB5K8xiafuXzIgYaMVgJAIBqUJpHYxWVKZ2Z6Q5s6QIAAEB9EYhiaJLK562WtGGDz5Tu3eufDxpA\nBoHtypXS3Fwx7QcAAMWiNI+hi5bPix7xHj2e5IPRU07J32YAANAbpXk0Qrh8Hnxd9ECj6N8nGzdS\npgcAoG7IiKI2ihxoNDfnS/wB5hUFAKBcLPGJRisySFy/XjLzmVCp3tM5MdIfADCuyIiidFUGWnUP\n8ubnO5nbLVuk2dlq2wMAQF55MqIEoigVgVYyliUFAIwSAlHUSt0CrbKyo3mPW8ZsAXnaAQBAERg1\nDyQoa2nRrMcNT7Jf5GwBZV0fAABlIiOKUtWhNF9WZjbrcZPuxaCZzLplngEA44nSPGqp6pJxHQLR\nMoNFAlEAQB1QmkctRSewr+L8RU+YX+Zxm9oOAACyIiOKsVH1YKWyuylUnXkGAIw3SvMYS+EArO7B\nWN3bBwBAXpTmMXbCo8Vf9rL6jxyvupsCAAB1QkYUjRUdpBNW1oAdMpoAAMQjIwq0LS4Wf0zm6gQA\noFhkRJFZnbKCW7dKGzdKzvngM/g4TE5Kd9+9vI11WQUJAIBRQ0YUpasiKxhejSjaliAIPeccaWqq\n872JmE82GU0AAOqFjChSqyIr2Gs1omhbNm/2gWl026LaPj8vrV/vn8/NVbNKFAAAdUVGFCOl1fJB\n6N69/rFhQ3xmNHDSST643L27vCDRzD8AAMDgCESRWp1W8ElqS9L0SIO2PWtQDAAA+qM0j8yGOVip\n32pEWdvCYCUAAMrBykoYSXUZpV/2Ep0AADQZgSjK8b3LpX87o+pWDJ9NSk97p/ToV+57qS5BMQAA\ndZMnEJ3qvwnG3n27pV/8T9WtqMYNH+4KRAlAAQAoDoEo+nv470tHPr3qVgzXbV+TrjxRcgtVtyQz\nsrYAgKYgEEV/M6v8Y5zcdYv/d6mEtUJLRD9WAECTMH0TEMcm/b+uOYEoU0wBAJqGQBRDkbRMZ21N\ndAeijWs/AAANQCCK0hWxxvswA8FWS7rr3navlaWFxqxRX6cFBwAASIPpm1CqotZ437BBcs6vJx+s\n9550Pil/ADY/L518svSEB16ja059ku7QE3XU265t1ET2DFYCAFSBteYxcsL9HhcW/POtW+O3HTRz\n2Wr5IHdpSVpc8qX5228rt49oGZnepGVOAQCoGwJRlKqIcnE06b1xYyeAC4K4ogfqLDofiE5OLGrz\n5nLK3U0p+QMAUBYCUZRudtaXs3fvzj6d0MyML8dHXXRR/iAuKQs5MyPNzUkTE52M6AMfsKhTTsnf\n/l5tYIQ7AGDcEYhiKAYpF69f7wPEICu5aZPPioaDOCld5rVfFnJ2VrrnHukb3/CB6CEHLw7cfgAA\nEI/BSmiMcMYwaQBUr4E6cQOnduxICDJ/8T/StodJBx8jvf6mwq9FYvJ5AMBoYbASGivNoJ0gYOzV\n7zRL5nJxUVq9OiE7GkxoX+LKSoN0WQAAYBRkDkTN7GFlNATjK8+gnTxBXDiAnZqSzHr00SxxZaVw\n0E3JHwAwzvJkRL9nZl8zs5PN7IjCW4SxMsignTxBXBDA3nmnH5SUaKKcQJSR8gAAdOQJRM+UtErS\nnKSbzewLZnaima0stmkYNXVZJnNmRlq1qs/gponOykpRea+DkfIAAHTLHIg6597tnHuMpCdL2irp\nMZI+Iul2M7vMzF5oZlMFtxMNl5QJrHJZyp7l/YTSPBlNAACKM/CoeTMzSc+Q9ApJayUdIulnzrnD\nB29e33Mzar4B0izzWfaylJmPv+cX0gWHSPutkk7eue8YRS1XKjFSHgAwWioZNe+87ZLeJundku6S\ndOigx8V4ServWUQ5P1cWM9RHtMguBYyUBwCgY6BA1MxWmNkrzexzkm6VdF773zOLaBxGQ9byexD4\nZQ0g4wLG3P0y26X5hb2L+9qwbVsx3QgYKQ8AgJe5NN/u//lc+VL8CyWtkHSbpI9LutQ5d03RjezR\nFkrzDZKmPB6Urp3zj8V2F81+ZfCkknfucvpCS5rbX/ctTGvmjPu69g0QTAIA0JGnNJ8nEL1T0v0k\n7Zb0SUmXSvrXKiJCAtHREg0aw3oFkLt2+Ynpk4LNXP0ylxak86e1uDShqbcs9m0DAADjLk8gmmd0\n+5fkg8/POueYfAalmZiQJttdNXutHb9+vbSwfJalfRnY2Vlp3Tr/PHUQ2S7NT04saXraSbKhjugH\nAGAcsNY8aiWavewVQMZlUIO+m1IBo9PPnZDk1JpdkCYmxz4ILXtmAwBAsw2lNF8nBKKjqV/AEx5s\nFA5Ep6b8ikkzM4NPsyRJOn/al+g3tKTJ/TLuPFqYdgoA0E8p0zeZ2ZKZLWZ95L8MjLteo8rDI+mj\no9jn5vyKSYXpsbrSOBmlFaHqsroXAMBL00f0XZKiaccXy6+o9AVJ/9V+7TGSni3pO5KuKKqBQCAc\nEEn++e7dy8v3wXRR4QxernJywupKaCayugBQP3lGzb9G0nskrXHOfT/yvUdI+ldJf+qc+0hRjezR\nFkrzY6TXVExx5fyB+zS+72Dpvl3SH/9c2v9+uds9CpoexBWxKhYAoLdhraz0FklbokGoJDnnvidp\nTtIZOY4L9JQ0MX6vdewHCjQmqs2I1qmMzIpQAIAy5AlEj5GfQzTJTklHpzmQmc2Y2TfM7Bozu9HM\nzmu/frSZfdXMrjezy9qT6APLAqJS+y9WWJrPtSxpyZq8IlTW1b0AAMORpzT/bUm7JD3DOXdf5Hv7\nSfo3SQc55x6T8ngHOOfuNbNJSV+RX7P+VEnbnHNXmNkWST90zm2J2ZfS/BgLMoa9JrMfyPsfIN1z\nu3TSrdLKBya2Qep/vizdBCgjl4cpqACgPMMqzf+5pKdIusbMNpjZc9uPUyVdK+nJkv5v2oM55+5t\nP51pt+d2SU91zgUDni6R9IIc7cQICzKGq1dLa9eWlOnqU5qfn5dWrvSPXlnLOmY3x1WTs7oAMIpy\nzSNqZq+U9F5JD1RnRL1J+omktzrnPpbhWBOSrpb0UEkXSjpf0r8EGVUze4D8EqKPjtmXjOgYimYM\nw/OHFhpkfODB0u4fS2/4obTqIcvasGKFtLTkv56YkO65Z/n582Y3mzQ4iCwjAEAaXkZUzrlLJT1Y\n0tMkvaL9eJqkX8oShLaPteScO1bSUZKeLumZedqE8bWwIH34wyUEQkEf0aXlGdFWqxOESv55kQOL\nmjI4iGwvAGAQuQcBOecWJX29/RiYc26XmX1e0i9LWh361lGSbk7a76yzztr3fM2aNVqzZk0RzcGQ\nZcmqzcxImzZ1MoaStHGjdNJJBQejPUrzMzPS5KS02P7W5GT8uQeZ07TuGca4eV3XrRu83WRYAaAZ\ntm/fru3btw90jLyl+WlJJ0p6lqQjJL3FOXetmR0sP9n9F51zicFj6DiHSWo55+4yswMk/aOkv5R0\nkqQPOec+3R6s9CPn3Hkx+1OaHwF5ytB5St6ZA5wPPVL6+fek13xHOmxZz5BM7R7F4KqMQVVN6pIA\nAOg2lNK8md1P0r9L+qCk50v6LUmHtL+9S9I7JJ2W8nAPkvRvZnatpGsk/ZNz7nOS1kt6q5ldL+kB\nkt6XtZ1ohrzTL2WdjidXCTlY4jNhsFKW8vkoDpIpekqkUVpKFACQTp7pmy6Qz4a+VD54vEPSbzvn\nvtj+/mZJv+uce3zBbY1rCxnRhhs0q5Ym05j7HB95vLTjW9KJ35SOeEK6Bo2horK9TFsFAM02rMFK\nvydpq3PuKi1fg17ya88/NMdxMYbyZtWCOURLzTTmmNC+TqshDUtR7wGTzgPA+MkTiB4m6b/7bJMp\nGsZ4yzpCPKnMnhQE5g5wMi7xmaf8P46Bay9NmS0AAFCMPIHozZIe3uP7T5O0bB16oJe0WbWkfoT9\ngsBcAU6P6ZvStqsXpj6KN4r9aQEA8fIEon8r6Y1m9qjQa06SzOwF8v1HLyugbUAq/YLAXmX8nhnJ\nEteaL3tgDplWAEAT5AlE3yOf8bxWPih1kt5hZldLukLSNySdW1gLgZAiR8v3zUi2S/P3tfoHonXq\n30imFQDQFHnnEd1P0gZJJ0h6lHxA+335TOi5zrmh5GIYNd9sg4y2ju4bN/9kr1HYaUZo33L+Gh25\n9CX9zl9/US855Zn7Svq92p3lmvLOn9rr+Iw8BwBUZZhLfN7nnHuvc+5JzrkDnXMHOOce55z782EF\noWi2QbN20TJ70YNcWi3pxu/5jKhbWkzdFzVL/8aiBmkBANBUuQJRM9vfzF5iZmeY2dlm9q7I4+yi\nG4rRUVbrTFuEAAAgAElEQVT/yGgQ2KtcnqaUvuh8IDo1sTBQu3v11xx0kFbc8erSRQAAgH7yTGh/\nrKTPSHqgkqdpcs61f4uXiNJ8Mw27fNxvsJIUf+7/Pf95esjSlXrxhz+rZ7/p+Vq3Lnu7i1qyst89\ni17HKC4pCgCot2GV5i+StELSGyU9VtIxMY9fznFcjIkysna9so7btkmrV8eXtHtlJB9ytP9b6vK/\nW9TsbPZ2F5n57XXuuJJ9HaZAYuQ+AKCfPBnRPZLe7pyrfGQ8GdFmKypr1yvrOFD29dO/J/3PFdKL\nPiU9/CWZ211G5jcu81nHwUlFZYIBAM0xrIzobZLuybEf0KWIrF2p83EmrKyUtt1lZH7rkOnsp+w5\nUgEAoyNPIPo+Sa9rT+EE1NpAwWCGlZWk+FJ02UtWhq9vakratCnjpP0Ya3w2AFQtcyDqnDtP0uck\nXW9mf2Zm68zsddFH8U0FlksTaOYOBjOsrNRraqWys5izs9LmzZKZdPrp3eevYsonRu43A9OBAaiD\nPH1EHyzp05Ke2GMzRs1jqEoZJf75V0n/dan03I9Kjzmx57mr7KeZdH6p+nZJBKF1VPVnFsBoytNH\ndCrHeT4s6dGS/kLSVyTdneMYQKFK+QWasTSPbgQ1AIB+8vQR/TVJf+Gce7tz7vPOuS/FPYpuKFCU\n1P3iUpbmk0rRw+p/l3R+SuTjrd9CCnw2ANRBnkD0p5JuLbohwDBk6heXMGo+TrQf6rD73yX1gy17\nsBTqKc3nj88GgDrI00f0XfJZ0d+puoMmfUSRReZ+cf/8Jum6C6VnXSA9Mf1vavrfoUp8/gBUZVh9\nRL8i6XmStpvZNkm3SFoWDTrnvpjj2EB9NLiPKAOFAABNkKc0f6Wk4yQ9XdLFkq6S9E+hxz+3/wWG\nLm+/uNj9In1E0/b5rLrPKNPyjDf6fwJokjyl+Ven2c4595FcLcrWFkrz2CftspLRbGHiftv/RLr6\nfOkZmzX/H6dlXrIyfJ68S15mzWyOY1mW7G887guAYctTms8ciNYJgSgCeQOwnvt96XTpPzdr4df+\nUiue8ZbcwV3etuUJXsctEGVNewCoj2GtNQ+Mh4Q+osP42yfveu3jVJZlTXsAaD4CUYyEvAFYz/3a\n0zdNTS5qyxZpov3T4py0bVv5bcuLaXkAAE1BaR4jJW+/uNj9vvJO6Wvvlp52llpPOnPgknfWtlF2\n7o97BAD1QR9RoEhfPVv697Okp75DrSe/q5K+lww46Y97BAD1QB9RoEihlZWq6nsZLNWJZNwjAGiu\nPBPaA+PB2j8ed1wr3XCxZn9TesPX/UvT05JuqKxl6ey3SnroC6XJ/apuCQAAsQhEgSTTK/y/P7jS\nPyRNV9icXH7nr6XHv77qVgAAEItAFGMvsY/ho14u7bxJau0cepsGdvvV0o5vSffeUXVLAABIRCCK\nsdZz1PWKw6Vnbunavu4DY/a17xt/5gNRt1RtgwAA6IHBShgLceu895oQvdWSdu3q3qfXGu5p15Ev\nc735rVs77fvG1X6g1cLeRSZ5BwDUFoEoRl6vADJp+xUrpIMPlg480H/dK2hNe/ys7chibk5av77T\nvs9f6X+0z/mLpVLOBwBAEZhHFLVRRtm739rr0dL8unXSypXSwkLnGNPT0o4d0urVneNMTUl33umP\nk2Z+0TLXgG+1fMC8GFqJ9O3Peo/e89x36D3//Ha94wvvGfk15wEA1WMeUTRWGdnCNGXw2VkfZO7Y\n4Z9feGF3ECr5JT3D84hOTPjXVq/22w/ahiJY5Md+yfkf7Qnr7iM6rPYAAJAGgSgq16vsnVcQ2K5e\nLa1dmzwR/fy832b1al/ePv305ccK1pYPgtbJSZ993LvXb795c/zxw8H1tm3lTYg/M+Pb0NVm+T6i\n+00t7jvftm3ldQ0YBoJoABg9lOZRuaLL1nHH27Fj+Qo80e16Cdokxbc1EBw/qQ3BNkWXyFst3691\nqZ0APf2Zm/Te579FC8du1OKvb0psd7921GWWgEHXlK/LdQDAKKM0j0YaxvKZeYK/ycnOc+d8MJPU\n1n7HX1zsZF63bct3DVHRDGG4PL/kfOOnJpZy38u03SXKzlQOmjEvc5AYAGAwBKKohdlZn6HbvTt7\ntiuqX2AbBE7BdlMxs+lOTUnnnbe8T2gQyDjns49J2dSgXD497Y9lVk7Xg3BwNRH6aXbBj7ZbTHVP\notIGf3UP8sro9gEAKA6leYykcLAZ7RMaLfHu2tU9Il7y/UVPOWX598JBZXTbsOA8zknnnCO97W3l\ndj3YvdtnWoNr+5fNW/X0veulY0+Wfmtr175S/3NHrzuuzWXOBBCVtzQ/zDYCwLijNA+oe6BSuAwe\nzY6tX+8DrlWrOtnCqSn/PAgs4wKW6N8+Gzd2T4T/0592zrOw4IPQpAFNvWQteQdZ5R07pKc+rd2v\nYGmxa5s0XRSCAVyLi757QlndJbLImzEfRrcPAEB+BKIYKXGl2OgKSYGFhU65PQh07rrLB6iBcIl9\netpnP6Mj1APz89IBB0hHHLG8ZH/SSZ0gcd26/tfRq+QdDa42bep8b9s2f02n/knwo51tic/w/Vta\n8tnfW26Jb3OaIK/I/qN5B3kV2e0DGHXMToFhIxDFSAsGCYWnUAoPQgr3G4wLdObnfcbTOR/wzc76\nQHVurjsAk6Q3v3l5tjQcoAVBYprBP736NbZaPjDcvdsHxaef7o85N9fZ7769/iIX9y4mnCWdpSXp\nyCOT29wryKtT/9EyZioARk2dfmYxPugjipEQ7vsY7p/pXGfFoelpH7iddtrylZPyrIYUPueuXX5J\n0LBg9aVVq7L1Vey1bbiv5KZNPgiN67+67vgP6oN/+AYtPmadJp/7wUz3stf9S9u/kr6ZQLPwM4si\n0EcUYyn6V3yQpbvzzshIcuezm9EgNG+/wXCWbWamO9MqSeee2wlCs5a64vqURjOlGzd272PW2U8T\nvjGTlj0jmnT/AAAoGr9m0GhJZeyZme5BSEE2NGxqqrO0Z5wsfSBnZjrTPQUDnl7zGv9amhWeAkFQ\nvXGjz3j26tcYDjyDY55yit/n/e8Ppm/Kt8Rn3P3LErAXPUgoazA/bv3cxu16UTwG9qEyzrnGPnzz\nMc727HFuejooIvvne/Ys3yZ47YIL/DbT0/55Gjt3+kfcsaam/OOEE/wxp6ac27LFf90pbnfatnPn\n8vZluZa49ofbtM+3P+bcZjn3uVcl7hu7X0K70mxX9L7B/nNz2d6z1PeoRgZpX57PNJCk7j8rqLd2\nXJYtlsu6Q50eBKJwLvsv4jT/0QbbhI8dBJvT0z7YnJhYHmxKzk1Oxr8eF1hGz9kvEE3bfvedS30g\n+tmXxx57YqL7WsLHizt+Fb+cgkB/0HuYNZAdtkECybSfGQAYhjyBKIOVMBKKWku81ZIuuqgzUt6F\nBuuETU7Gv570vaDUFVdmjxtoJeVbU32f735c+tzLpUeeIL3g48sGIkSFR/9Hz19Ym5T+fUpqb78B\nFNH9ogsQ1G0AxqADRBhgAqBOGKyEsZO0glKafaLm56WVK/30TMFk9EnBpln34CSzTt+qrVulE07o\n3j6Y+inunHEDrQae89LajYtZ4nNycvnAqmCC/7g5WJOmkgruY9r+iYNODZOm31q0n1vSnK+jgn59\nABovawq1Tg9Rmh9reUqaSftES5xxJexwaf6CC3r3udy5M13f1bRl1ayl8ftuuNyX5q9Y2/V6UKae\nmFjetSC41uDrqank6wiufWLCd0Xo9x7EXWuv/rLOdd/faPeBfgbtFzxMRbSPfn0A6kCU5jEusszx\nmWafuFJwkGEKVhUKtgsfN+488/M+u9hvrtK0ZdWspfH5eemLH/i0Lj/xJbpp4sX65VM/HXu+yUkf\nFi61B9ZPTEjnny+deqp/bXLSZ3el7vOvW5e9bB4998REJyu7aZP0xjcm7ycV0+WiiOOUJal9dW83\nAIRRmgeUrwQcV+IMyuPR+ULDQUH062A6qTRzlaadHqrXKktRwfb37fU/2t+5YSlx+2j3gslJP+VU\n8Nrioj9WsIrTIN0Fwtca7rcZXFPSe1XUikhFrqxUxlRJSat6scoNgFFHIIpGSgriegVucftIne+H\n+2euX987cEkbjARzla5bF799XJ/QQQOdxUVp0flociI0oX30+ufm0vcvDF7ftcv/G+wXZDbT9E/s\nNVF+miC7DoYVHGb9AwQAmopAFI2VZ2BPeB8pX1DRKxiJC/YuuaT3ecLZsOix8wxGMZOWnP/Rnpjo\nntA+es+iXyedb35eWrHCL2N64IH+WLt3S/fcI919d/r3IDxRvmUq3lSP4BAAikcfUYycNH0q4/pn\nbt7cWTYzul844EjTrzPL9q1WJ9N45JHJfVil/kHorl1+Fac1x1ylq/7o2brqe7+rZ2z9x8xl6fD5\nWi0/m0C4u8HUlHTXXfnL3XF9cufm/MpQRSijb+Wwp0oqctosABgG+ogCylfudu116OOyXeEs5V/9\nVbo2pO2TOD8v7b+/dMQR/hEO9rIeb37eB6GLi5KZ/9F+9KMWc3Ux6He+hQU/32rW4yaZmpJOOin9\n9r3OVVb5fNhTJRU2lRcA1BiBKEZSr3J38P00801Gy7EbN/pAL22/yF7BS6u1PAPoXL5AJ9zOpSVp\nqf2j/UtHLvWcNzVNwDYz47OV0VL6xo35jxvXhSG4jvA19Qtmo+cqunwebUNRwWHaQL3IQVbDVsag\nLgAjKOt8T3V6iHlE0Ue/uTr7zTeZNL9oMMdmlnZEz7tzZ/xyoHfckX0N+Gg7f+sR253bLHfzeb+Z\nOG9q+NyTk/3PWfTcqOFriN77NHNrJs1NWtSSl2XNP1r3eU2LMA7XCGA5sdY80C1vYBSWZ83zXqLr\n14ePe8IJ2Y8R/KIPv/aprV92brPcv/3xb8S2eefO5QFwmsC6X4CRZ+3z6D5TU+mOEbdfXFCbR1lr\nuKc9bpMnqC/r3gGovzyBKKV5jLSs/friSqGzs35gztzc4P0Do6XjT31K2rlTuuMO/+/HP95//6Rl\nN8Nl45es9dM3TU7Er1E6M9M9hdLERLrrmZ3101Ht2BFfmi6iH6VLOf4wOFdwHc5J27b1Lp83oVzM\n/KEAxgmBKEZeEf36ZmZ8f84yBo/MzEiHH+6nNeolCFAOO6yzGlKi9mClY45eig0KZ2ak973PDxKa\nmpLOOy9dW4MBUatXJwdJccFqrwBwZsb30Q3mJV1a6l79qVcwu27d8gn4W63BJ4gva2BSv+OOwhRR\nwx7UBaDZmL4JGLJgWh7nfAC2fn3/fXotkRlM7ROe7udvzvuGXto6Xrr/k9X6g29ISl5C86KLkqet\n6tWGtEuSSr2nIQq2X2wnb8NBdr9potK2Ke/US2UtsdlrSc9hThFVJpYnBcZPnumbCESBCmzdmi74\nCwTzg4YDlB07Opm/aABz/EOu1tdPfrJ0xHHSiVcnHjdL4JNm2+g24eU84/aJXldUmkAs77yxdQ3w\nmD8UQFMxjyjQAK1W8pylcebnfTl+YaF72qiglB+371J7iU+55X1Eg36mWUu+aUquF16YHFRGBdeV\ntH2/snygX7/VtG2vC+YPBTBOyIgCOQxSdsyahVyxolOuNpN+8QsfhPYqgX/svOt1QusJ0urHSa++\nft/x5uelk0/2x5uc9JnZ8H5pMnBpy8qSH+A1NbX8+HHbBqampFtv9deYtGJV+PUsGUTKxQBQHkrz\nQEqDBCRFlE77HSNoX6vl13cP27nT/xst1e/e3dlmZvcN0kceJx32K9Jrbth3rOhSncF+wfn6DZiK\ntq9fWT7o3xndPrqtmd8+ej/C+8XdsyaV3AFg1FGaB1IYZHqcokY19yq/htt38cWdQUmSf/7hD8eX\ntLuCPUsuzUdddFH/kfBJ7QtvH7daUniUfjg4jG77V3+1/H6EzzM31/zR5Fk1YaopABgUGVGMlUEz\naIPs3y8LGwQe0Uzn5s2dgU2bNkmnn94dhE5PS2vX+jlJpXa28GU3Shc/SjrkEdLrbtw3Ov7UUztl\n/slJ6dxzu4/X73rSDljqdZ1p7kmWQU/RTOm6denPn6U9eY+ZBwOWADRR4zKiZnaUmX3JzL5lZt81\ns7e0Xz/EzK4ys+vM7AtmdnC/YwHDkHfQS78sbK85Qk86qZMtfOMbO9McST44u+UWH4R2ZQv3djKi\n8/O+JL9+fefYExPSbbf54w0qmrnLsj562m3NOnONxt33YB2fL385f7Y76T0a9gTzozCXKACkVWlG\n1MzuL+lw59wNZrZS0tWS/kDS6yXd5JzbYmYbJB3jnFs22yIZUeRRRLYpa9avVxYxzRyh4WMdeGAn\nGJ2clH72s5j+ojffpJmPPVRu6gB95rrf1VLMj8mESY99nH9+w7f8v499nPTLx/S+npt+0Nn+gQ+S\nbru1/76LSz4InpiQJmP+/F0MsrSh7930A+lb7fM8rn3s6HaLS9LnPqvE63v+C7q3jZ4jfP7wcYJ9\npZjXXzStyadslB74lPiLHRD9XgE0VeMHK5nZ5ZI+JOl9ko53zt1pZqslfc0597CY7QlEkcswS61Z\nA9HpaZ/lnJlZPngo6VjbtkWC63U7pfffX1oklVaKR/yB9MK/Le1zRGk+GTMfAPXV6EDUzI6WtF3S\n4yTd4pxbFfreTufcsvI8gSiaol9gEf7+sv6ePbZNGmEuSbrzu9LPvqsrv+ADVUk68UTpYx/rjJyf\nmpIuu0yankp/LcHxgnJ4UO6fmpJe8xo/mEryfTV/+7ell72suztB+Jx7F6SXv3x5e6T41+PaeeUX\nfP/XsIkJ6Q1vkJ77HH+OE07o7pbwiU8sP1b4Pq1b5/eNXu9bXn2NnuLeLR3zPM3/5HOlBosEXMsR\noAP11thAtF2W/1dJ73HOXRENPAlEMQryDlaKlmXn5zvLgs7Npftl3G8apCzXkNSNIDqQanpaOucc\n6bTTuo8RvqakDK+UPBVU1K5dy6e4Cm8f9/2dO+Onqkp6j4KVsNb88hd11RuepaWjfkv7n/gvlM/b\nhhE002UBqL88gWiGPEg5zGxK0uWSLnXOXdF++admdlioNH9H0v5nnXXWvudr1qzRmjVrSmwtkF+/\nX5hp+5tu2NDJFK5fL73qVf3n/wwfe3Z2sJHlYZOTnaVGJR+IBpyTzjhj+fbhgUbB4K9wYBx8b/Pm\nzih/53xWMtpfNomF/hucmfEBczgjmnTdSYsKBCth3bVnf0nS0t49yScfM2QpgfG1fft2bd++fbCD\nOOcqfUj6qKTzIq9tlbSh/fxUSVsT9nVA0+zZ4x9JLrjAuelp/7jgguX7Tk8HRXH/iNuu37n6taGX\nuPYFxwt/b8sW5yYnO+00c27nzvjjTU35R3C84LXodQZtjp7npS/tPk/0fsSdo5fw/dm5s3PPjz3y\nauc2yy1+5Fg3N9d9Hwa5p4Oo6rzBucOfx/B7VIZePxsAqteOy7LFgVl3KPIh6dclLUr6pqRrJV0j\n6TmSDpX0T5Kul3SVpPsl7F/4TQTKlPYXaa/gol+QFneuLVs6348GUHmE2xe9puB7e/Y4NzHRaePE\nxPI2xgUy4cAveo07d8Z/f3rauc2bnbvjjuT7ljZgC1/PCSf4fycmfFD9+CO/7dxmuTvPfbSbnvbv\nw5Yt1QVIVQdmww5Eg3NmOUeVgTowbvIEorXoI5oXfUTRJEX2cdu1q3df0ri13KenpRe/WLr88s5r\nvfpeDnpN/b4XiG6zY0f3tQWOO85P5xSEPYuRRaOK6DMYd98CU1PSz35wkw76xEN108+O0UP//KZ9\nrydNtl+muvSZrHNpvs5tA0ZR4ya0B5DPqlXZJ9bfu7c7CJV8X9PoiPMiBIFmXBvDE8Rv27Z8m+Da\npiI92K+5xl/DwoIPRKPfz9q+rJPEm0n7HeD7iO4/Nbw+onVf6jO6XG1d2svCAEAzEIgCQ5J3VaYk\nvdarl/yI9TTB2saN+X9Bx13Ttm2dQFNaHqREg4N165Zfx+ysdOut/phxJielO+/0swZkuZ+tlh8B\nn7RSUvR6TjghcvwVPhA9dNWefa/PzaV7X1stn8nOcq97repU9OdpEMEKWcNehQpA81GaB4as7Klu\n5uelk0/urGS0dq10RXs+irVrpU9+sjPqXiqupB3IOnl/3LmDkurios9EBtcRN79q2vsZTHuV5trD\nx+w6/t57pK0HSlMHaNdr75HUmbGgVzvC78nkpA+G42YACO+b9l7VZb7RunQVCKM0DwxXY+cRzYtA\nFFgeNK1cuTzYCqZYCra56CKfCZWK/QWdJhjpFxxE+79OTfns56pV+YOupL6fmYOlpUXp/Ck5mWbe\ntijJ+t6/pPckOG+vBQrqFtj1Utf21iVQB8YBfUSBmiu6/1zaUmgQhAbPTzlleTm8iLalKRf36lIw\nPy8ddlh3wGjW3faiAopc5eyJSbmJaZmctLQ3dd/DYA7TqF79GOtUek+jru0t8jMDoHgEosCQFN1/\nLi6IkXyfxYn2T3Z0AvmwcIb0vPMGa1s4iO3XdzV87vC+0cn6peICmrggaceOzsT+mUwmD1hKG8xv\n3pzumpLuZV0GBEWlee8BIIxAFBiCYY7gnZ2V7rnHL2N59929A4L5eemAA/wynHnbFhdgp81Chfe9\n8MLu701N+WAx7RKm/docDpKmp335P03gHT22TflA9KAD9iTOBhA9ZrAManBdJ53kn6fJIkbvZd0H\nBJGBBJAFfUSBIei1prqU/xd33sEYQXB12GHdGchw25JGfofbO0i/wLh9N2/O3nc16z3I0ubYY3/g\nwdLuH6v16v+VDnpw3zlT07QxbT/GuvbDBACJwUpArUWDEamYEb1ZB2ME7XDO912M9l+cm/N9SJP2\nC7e36EA0a3Ce5/xZRqPHbnfpI6Wff0967Y3SoY/oe8xoprbICfcJRAHUCYOVgBoLl4bXrSuuVJ+l\nFBruIhBkQoP+pBMTPsCMC0KTuhYMMkAlad+yS7u92pyq72W7NK/FTh/RpGNGJ+8vo68rQShQvLr2\nwx5FZESBClSV2Yo7744d/nmvALBfeweZImfQ6XUG6Z4QPm/ccWKPfelTpJ/8h/SKr0sPPD72mMHz\nXsuw9mpLvzYH/wZzmAISU1UVhfln8yMjCjREVZmtuPOuWuUfvc7fr72DZDEHzYCmGakdl92IjtyP\ny/jGHjsmIxo+ZrCy1GGHJU/bFJZ28FGw3YoV0qGH+iC3joOVUI26D2JrCpaGHT4yokCFqspgxA06\nStOOIto77GsOVlSSfP/XuBWNpAwZ6sufLf3vVdLv/6N09O92fSuaOZ6Y6IyYTxqklKe/aoA+opDo\nO1wk7uVgyIgCDVPVVDfh82bJpAza3jTnKqpvVrC2+8kn+/6wCwv+eXDsaP/N1BnqICO6sDwjGjU5\nKd1yS/ppqABUi37Yw0cgCoyxYZah0pyrqPJicJxDD+0ujy8tdU+eH27LunUpJ2OfDALRe5d9K/pL\nbO1a6cgjk8voaX/phbcLsqz8kqxGHQexEDwVi4UZhovSPDDGhlmGip4rvIZ8kW1JKmNLPoC7+27/\nPPe5rny19J2PSs/5sPQrr05sQ5mDlQJ1CjbGYaBMUQPjyjIO7wHqjdI8gEyGmUmZmfET1gdZPeeG\nM+DGrHN9W7d2uhds2eKD4ampjNedojSftQtD2u3D01vlnaGgjGzeOAyUyVs9GOa9YVUrNBGBKDDm\nhlWGmp/3qyYtLfngcHGxuDlJw6Jl7CDo3bRp+fWZ+Ucmk8mj5pPaUYdyaVkBEaOMk3FvgP4ozQMo\nXa9yeZFzkob3j5bGp6aku+7qrHaUuzT/5bdK33iv9PRzpOPfmro9VQahZXbBGKdRxmUuJwuMAkrz\nABphYqKcOUnDWb+LL+7+3sKCdNFF+du8z2T6UfNS+eXSqgfP1C3zW6as1YNxujdAXgSiQI1VHWQU\nJfoL+X3vK747QLQMevrp0jnndG9z2ml+Sqdt23zXAMkPYMrVR7RPaX4YgsB75Uo/R2qSsgOicRpl\nnPUPi1G4N6Py/xDqidI8UFOjuMxcmWXqpOVLw+V5yZfonesEouGSfSpXny9t/xPpuA3SM8/fd25p\nuNmuuO4Oc3PSKaf03kciK4f0RvH/IZSH0jwwIkZ1kEOZZeqk5UuD0fGBhYVOECoNPlipyhHj0b/D\nN27s/Tnpd//JfCFsVP8fQr0QiALIpY5BS1wZdHbWz1c6Pd3Zrlcf1b5C0zdl/UVd5D0LpsMqyjhM\nwQSgfghEgRqq+yCHfkFLv4CrzCA2yPqFzxFkRgvpo5pxsFIgfM/m5oq5/vXr/bEG/ZyQ+UKcuv8/\nhNFAH1GgxurYp6/flDT9+pQNo89Z0jkKuZ///ffSP6yVHvZ70ov/PtX1xPXnDH6xF3H9RUx5xTRD\nSFLH/4dQT3n6iBKIAsikV9DSL6AZRsBT+jl+cKX0qedJRz9H+v0r951TSj5H0jyqdQr4GJQCYFAM\nVgJQulEp1+XuHhAarBQcIzwIKO644SVF62oUphmqq6yftTr2vwbKQiAKILOkoKVfkDqMIDbNOQYa\nmNMerPSTm/csO0av487O+mmiXvrSzmtr19YriGet8uJl/awxaAzjhtI8gMKlKVX3+n6ZbRi4dH/7\ntdIlx+mbtz5Rx5537b5jROcsjTtu2UttSvUJJOvWnipkfb/pq4umozQPoBai68bHfb/sX66lnaOd\nEd1/qvqVlQJ1y6LVrT0A6otAFEDh6hyIDNw9oB2IPuj+98ZOnp903CAo77dNOHhP01dw1656Tb3E\nVFAdWT9ro9L/GsiC0jwwRoZVEi+yvFhWm3Mf967bpIseJK24v1qv+8myY8QdNzoifd26/ttI/Uex\nz8/7uUQXFjqvFV3OzXqfKC8vl+ceZtkeqAtK8wAS1TlLmaTMNucu3bczoq49oX30GNHjxmUIo/tF\ntznllP5ZxWCfaBBaZBYtz/0nq7dc1s8ag8YwTsiIAmNg2FmqIuakrG1mbe+90tYV2rN3Rqveuafv\n9V1Wk2wAABVRSURBVMVdx44dy6d8is4zOjkpLS529okb+HTggZ1tJiakn//cdxEowqD3n6weMH7I\niAKohVGek7K12B6sNN3S3r2ubx/IaIZw7Vo/uj6cZZyZkTZt6t7Puf5Zxejf4XUK+sjqNRNzmGLY\nCESBMVBFuTRPIBL+JVjbEq+Z9uz1DZmZSvcbOwjMd+yQPvWp+JL7a1/rrzPMueXBZtjkZPzzLJIC\nj9ref5Smid130HyU5oExUudyaanrwxesde79NKOdOvzsn+vsc+6XOuubVO7ets1f++KiZOYfzvUu\nzUuDd4FIs38d7z+KV2RXmFH4zIzCNVSBteYBNFJt+4Mmef8DpHtu1+5X3qaDHvCATLvGjaAPX/vU\nlHTrrdKRRy6/H4F+o/TTaNw9R6mK+jwU0T+8aqNwDVWhjygAFCipbL3rXt9P9LjH78lcwuzXf9as\ne07SyUnpL/7CZ03jyqZ5+2LSDxBhRXTFGIU5ZEfhGpqGjCiAWqhbFqJXV4EfvvNReuQRN+qu1oFa\ndJNatUrKlAKIaN0n7Wkv1LT//tLMfv75Pfd0j6Tfpx2s5j3nvvM57TtI+LyjKvhtMch7NeoGuUdO\nfoGF8EEG/dkYtlG4hi4zB0t/9KOhnY7SPIBGq0u/rF5lylZL+siJb9QfPeWiahsJAP3MHCy9+RdD\nO12eQHSqrMYAQFZVBKBZg9+ZGWlhzYU67K3vlcnpnHP862ec4f895xzp9a8fvF27dku/9Evdr01P\nDX6OVqvd/3Shc8xbbqk++M/igx/Mdr9H4ZoDdfljrZcmtLGfuGto2nXta2+1zejPOdfYh28+AORz\nwQXOTU/7xwUXpP+ec87t2dN5TE8HEy3553v2FNO+Y4/tHPe44zrnG1S/a8uiqDZlOV/W+13mezRM\nRb5vyKZp976q9rbjskyxHKV5AGMpzSjhNBmQfsfJm0WZm+v0UU1q3yD6tStNu6vo15t3dHfd+iBn\nxSwH1Wnava+yvYyaB4ACpRmR3mu0cb8JwpNG5bda0saNg7e/X7uTri3NxOZVjS4O7vfUlJ9RYNOm\ndL9g67jaF6sYAQSiAMZUkSsHxQU5/QK1fsGeRXIKmzcPJ6MxSIDZavkRx8MIrpaW/IT/p52WbhWg\nuvXvy7qK0cyM/wyw0tXwNW2Vsaa1l9I8gLGWJ0DJW7LfsaOzT7/SWVBKds4HIOvXDyeYylLWC5e7\n166V/u7vfIA4OSlt3VpO5rHVklaulBYWOq9FZzWQ4u+lVI+yfJ7SadznAcNVtz9m+qmivZTmASCj\nrBPCp81kRbMSa9dKq1f7/S68sP95gizrXXf5oCPvOuBZy79ZsilBG3fskD75SR+ESj5TWcVE4HH3\naBQmKA9fw8KCdPrpzbuGUZB38YiqNKW9ZEQBIKU8mawgEFy9unu/zZs7/UD7ZemqGKCTJZvSL0tZ\ntPl56eSTu7Ov0aVSw8ui1nGgSZb3pmmDZTC+mNAeAErUq9yeZ2R9oF9AkSUQCWfKhhm8xAWHeUvg\n0SA4aU7HVqtz73vdo7qV5gNZgv26XgMQRmkeAEqUVG5fudJPt5R2v6DcnbZ0lrZcHi5Npyn/F2l2\n1i9JunOndPfd+QOlaHk9qUvCzIxfejG4D73uUR1HzEvZSqd1vQZgUGREASCjuHK75IPRU07pvZ+U\nPyvZa/+4jGBQ/m/KAJfoNUxN+dkDsnaFkChbA1WgNA8AQzLsfpFp2hNXmr7oovR9UatWRCAKoDqU\n5gFgSIJ5HesirjQt+SC0KSPGo9cwN1f+fIhMKg9Ui4woAAxg69Z6ZRzDpelBRltXWeJOM1ipCAwA\nAopFaR4AKlDnfol5gq1xCNB6Bel1fj+BOiMQBRqCX3QYpqxzgjZlzspBfo6SrnPbttEPwoGy0EcU\naIC8K+SgHMPsI1hVf8SmrLCSRdqfo6R7ntSntumrMOVBP1lUiUAUGKJRWG5wlAzzj4Km/AGSZYnP\nqqT9Oep3z5mbszmfS4wuSvPAEDWp7DnqhvleNPF97zdnadL3hiHN/axiWdSmaeLnEvVGaR6ouSZk\nmwApuZxfhwxa0s9RESVmsqTAcBGIAkPGL7p6GOYfBaPyB0idupZEf46iAfIg93wU+9TGGZXPJZqN\n0jyAsTbMMnPVJe1B1bWUy1RMg+EeoSiU5gEgo2Fmv5qeacuaQavDaOym3/Nh4B6hSgSiAEZWHQKh\nURPXtSTuPg+zL2nSVEy890D9EYgCGEl1GFQzqsIZtLj7XEVf0nCALPHeA01BH1EAI6eufRlHTdJ9\nlqq7/7z3QHXoIwoAqFzavqR0nSgW9xNNRCAKYOTUeVqaUQoWet3nftOUldV1os7vvVTe+09XFDRV\npaV5M9sm6QWSbnfOPb792iGSPiHp/pJuk3SCc25nwv6U5gEkGnRamqKntRnVVXvS3KfwNsMon9dx\nSqKy3v+6dEeo4z3HcDWxNH+xpGdHXjtb0uedc0+Q9AVJ7xp6qwCMhEGmpSk6w1SnyeCL1u8+V5Gt\nq9uURKP8/ktkZJFf5YOVzOwhkj4Tyoj+j6TjnXN3mtlqSV9zzj0sYV8yogAKV0aGqS5Zq2FLuu5t\n20YzO5yk7Pe/ymz7uH62sVwTM6JxVjvn7pQk59wOSYdX3B4AGFjd+y4O27gtdVv2+z9u9xOjo46B\nKABUqqygYRyDhV73sm7l86yyDjwq+/2v6n7yRxYGUcfS/PclPSVUmv9359zDE/Z1Z5555r6v16xZ\nozVr1gyh1QDGQdWDL6o+f5FG6Vqk0R14NohRe4/R3/bt27V9+/Z9X5999tmZS/N1CESPlg9EH9f+\nequkm5xzW8zsVEnHOOdOSdiXPqIARhKBTnGKDpDoEwnEy9NHtOrpm/5G0hpJh0m6XdKZkj4t6W/l\np2/6iaQ/dM79ImF/AlEAI4dApzhlBPS8P0C8xgWigyIQBTCKCHSKUeZ9JGMNLDcqo+YBYKwx+KP+\nxnHgGVAGMqIAUFMM/hgcmUtgeCjNAwBK0eSguMltbxLuMyjNAwAK1/TlG+swX2nWOUebpumfEVSH\njCgAIBEDpwY36t0D+IwgQGkeAJBZr5JqlUHGKJR6896/Jl170wPRJt3ruqM0DwBIrdWStm7tXVKt\nagR/2aXeOpfKm1bmbvIsD02716OIjCgAjKH5eWn9emlhofNar0zWMLNGZWfYhl0qz3K+JmcXm5ZZ\nbPK9ritK8wCAvqK/gAN1+UVcZoBQVfCRNkirS3DUtKAyj7rc61FCaR4AkEudSqpNLvUmSTtyvw7X\nPi7l6jrca5ARBYCxFC4Xb9okvfGN9fslXFZWrgmj2KvKSI5jlnAcsr/DQmkeAJDaOP8CHudr72Uc\nA1EUh9I8ACC1Okz0XpVxvvZeKFdj2MiIAgAwgFHMrlZ5TaN4P8cFGVEAAIZoVAf2VJUxHtX7iWRk\nRAEAy5CV6q+p/SnLfm/zHr+p9xMdZEQBAAMbpaxUnVdQqkLZ7+0ofXbqYtQ/wwSiAIB9Wi0/tdHe\nvf6xYUNzfwmWHRQ1bWBP2e/toMdv2v0chnEI7CnNAwD2GZXy6DCvoyndGMq+J0Udvyn3s2xN/Fmk\nNA8AGAhZqeyaMhVU2e9tUcdvyv1EMciIAgCWGYWsVBNWUKpCXQcrYbmmfYZZWQkAgBCCIjRdkz7D\nBKIAAKBwTQqGUB36iAIAgEKNw8htVIeMKAAAiNXEkduoDhlRAAAANAaBKAAAiMV0XigbpXkAANAT\ng5WQRp7S/FRZjQEAAPGaFtg1pZ1oHkrzAAAMEaPQgQ5K8wAADAmj0DHKGDUPAACAxiAQBQDUXqvV\n6VfZZKM6Cn1U3h8MH4EoAKDWRq1P5eysL8fv3u2fN92ovT8YLvqIAgBqiz6V9cb7gzD6iAIAAKAx\nCEQBALU1qn0qRwXvDwZFaR4AUHtNmwB+3PD+QMpXmicQBQAAwMDoIwoAAIDGIBAFAABAJQhEAQAA\nUAkCUQAAAFSCQBQAAACVIBAFAABAJQhEAQAAUAkCUQAAAFSCQBQAAACVIBAFAABAJQhEAQAAUAkC\nUQAAAFSCQBQAAACVIBAFAABAJQhEAQAAUAkCUQAAAFSCQBQAAACVIBAFAABAJQhEAQAAUAkCUQAA\nAFSCQBQAAACVIBAFAABAJQhEAQAAUAkCUQAAAFSCQBQAAACVIBAFAABAJQhEAQAAUAkCUQAAAFSC\nQBQAAACVIBAFAABAJQhEAQAAUAkCUQAAAFSitoGomT3HzL5lZt82s7dW3Z4m2L59e9VNqBXuRzfu\nx3Lck27cj27cj27cj27cj2LUMhA1s/0kvV/SsyU9QdJLzeyJ1baq/vih6Mb96Mb9WI570o370Y37\n0Y370Y37UYxaBqKSniLpBufcrc65BUmfkPT8itsEAACAAtU1ED1K0o9DX9/cfg0AAAAjwpxzVbdh\nGTN7uaSnO+dm21+/TNIznHNvimxXv8YDAACMKeecZdl+qqyGDOhmSQ8OfX1U+7UuWS8WAAAA9VHX\n0vx/SPoVM3uQmU1LOkHSlRW3CQAAAAWqZUbUOdcyszdJukqSSfqYc+6aipsFAACAAtU1Iyrn3Bec\nc491zv2Kc+6cpO3M7Ewzu9nMrmk/njPMdtYF8652M7Mfmtl1Znatmf1H1e0ZNjPbZma3m9n1odcO\nMbOr2vflC2Z2cJVtHKaE+zG2/3eY2VFm9qX2/xnfNbO3tF8fy89IzP04vf36OH9GZszsG+3rvtHM\nzmu/frSZfdXMrjezy8yslgmtovW4Hxeb2U3t3zXXmNnjq27rMJnZRPu6/6H9debPRy0HK2VhZmdK\n2u2cO6/qtlSlPe/qjZJ+XdIdkv5d0hucc9+stGEVMrObJD3JOffzqttSBTP7DUl3Sfqoc+7x7de2\nSrrJObfFzDZIOsY5t77Kdg5Lwv0Y2/87zOz+kg53zt1gZislXS3pDyS9XmP4GYm5H9dIeqmkl2hM\nPyOSZGYHOOfuNbNJSV+R9DZJp0ra5py7wsy2SPqhc25LpQ0dkpj7cYakV0v6jHPuU9W2rhpmdqqk\nJ0la5Zx7UTsgzfT5qG1GNKNxH7TEvKvLmUbn852Zc+7/SYoG4c+X9LH280s0Rp+RhPshjen/Hc65\n251zN7Sf3yXpW/KDQsfyMxJzP66XdGT722P5GZEk59y97acz8v+f3i7pqc65K9qvXyLpBVW0rQox\n9+OO9tdj+Rkxs6MkPU/SB9tfT0p6WtbPx6j8op41s++Y2cfM7JCqG1MB5l1d7v+3d/+hepZ1HMff\nH9Jqmwtk64f/WBtF9EPpl8EQ++EchTZbYhHaKUUpCqM/+i2pSEIigsTCfhASjoaV1JDaHy23zAip\nP4ylExGCfpo7G5lNoUb79sd9PezZ2c4828459znnfr/g4X52P9dz73ouvtzne1/XdV/3IWA0xHhd\n35VZIFZX1X6AqtoHvLTn+iwEQz93kORVwNuAB+l6BQcdI2Pt8eu2a7Ax0oZdHwb+AfyS7mJu31iR\nv3I4YV/yprZHVe1pH93SYmRzG6EcijuAzwOjofWXAZNjn88oPhZFIppkR5tvMHr9oW03At8AXl1V\nrwf+CGzut7ZaINZV1VuBi4Crk6zvu0JacAZ/7mjD0D8CPlNV/+bwH5RBOkZ7DDpGqupQVb2ZrmPj\nAuDdPVepV1Pa4x1J3gl8oapeR/c48uXADX3Wcb4kuQR4qk0BHO8RPuHe4UUxybiqNsyw6LeAXXNZ\nlwVqRuuuDklV7W3byST3AucB9/dbq95NJllVVfuTrObwsNIgjXr+msGdO9pNBPcC3x8bShtsjByr\nPYYeIyNV9UyS7cBaYPXYR4P8W9Pa42d00xQeaPsOJvkucFO/tZs35wOXJrkYWAasBG4DVo2VmVF8\nLIoe0eNJMj50dDmwZ7qyS5jrro5JsjzJsvZ+BfBehhkX4cir0+3ARHs/wfBi5Ij28NzBXcCeKTcS\nDDlGjmqPIcdIklWth5h2Pt0APAw8lGRTK/YRBhIj07THI6MYSRLgMgYSI1V1fVWdXVVrgQ8DO6tq\ngi4+3t+KzSg+lsJd81uAc4HTgT8D11TV3/qt1fxry4rczuF1V6dd8mqpS7IG2EY3T3Q5cE9VDeUq\nFYAkW4F30V2dPkV3lb4N+CHwcro5Th+qqqf7quN8mqY9LmSg544k5wO/ortJqdrrerqL2h8wsBg5\nTntcyXBj5Bzg7vbPFwNbq+qr7fy6FVhBl3RNVNXBnqo5b47THjuBM+l6BX8PfLyqnumpmr1oUxQ+\n2+6aP+H4WPSJqCRJkhanRT80L0mSpMXJRFSSJEm9MBGVJElSL0xEJUmS1AsTUUmSJPXCRFSSJEm9\nMBGVJElSL0xEJekkJbkqyaEkZz9/aUnSVCaiknTyRk/hmbEkH0hySk/6SrImyU1Jzj2V40hS30xE\nJWl+XQbceIrHWEv3mNI3nXp1JKk/JqKSNL+yQI4hSb0zEZWkWZLkNUm2Jdmf5GCSvUl2jIbQk+wC\nrmjvD7XX/0ZzTJNcm+T+JPuS/DfJn5J8PckZY//Hx4Cf000J+N7YcU61l1WS5t1pfVdAkpaCJC8E\ndtEliLcBfwdWARcArwV2A7cApwPrgCs53LM52bbXAE8APwYO0A29fwJ4I7C+lXkAuBX4EvBt4MG2\nf/fc/DJJmjupOqF59pKkpvVO3gWsAV4BPARsqqr7jvOdLcAVVfWCY3z2oqr6z5R9HwTuAdZV1W/b\nvvXADuCqqrp7tn6PJM03h+YlaXb8s20vSbL8ZA4wSkLTeUmSVcBv6HpOz5udakrSwmEiKkmzoKqe\nAO4ErgUm21zPryR55UyPkeTtSXYAzwJP0w3Z/4VuuP/MOai2JPXKRFSSZklVXQecQ7e00nPAl4HH\nk7zv+b7bEtadwGrgc8BG4CJgA12PqOdrSUuONytJ0iyqqj3AHuD2JGfR3UR0I/DTUZFpvroJWAa8\np6r2jnZO89QmJ/dLWhK8wpakWZBkZZIj1vesqieBJ4EzxnYfaOVXTDnEaVO2I1/k6MTzQNuuPOkK\nS9ICYI+oJM2OC4E7kvwEeKztuxh4A3DDWLnf0S3JtLnNBz0E3AdsB74G/CLJd+jmiW4EzuLoBewf\npRv6/2SS59r7R6rq0bn4YZI0V0xEJWl27KZb4/NS4FN0vZiPA5+uqjvHym0B3gJcDnyULslcU1WP\nJdlEt9borcC/6Ibzrwb2MtYrWlXPJpkAbga+Sbc26c10CaokLRquIypJkqReOEdUkiRJvTARlSRJ\nUi9MRCVJktQLE1FJkiT1wkRUkiRJvTARlSRJUi9MRCVJktQLE1FJkiT1wkRUkiRJvfg/YrRldbyQ\nQQMAAAAASUVORK5CYII=\n" + }, + "output_type": "display_data", + "metadata": {} + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 8, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "tree_model = \\\n", + " DecisionTreeRegressor(\n", + " criterion='mse',\n", + " splitter='best',\n", + " max_depth=None, # expand until all leaves are pure or contain < MIN_SAMPLES_SPLIT samples\n", + " min_samples_split=200,\n", + " min_samples_leaf=100,\n", + " min_weight_fraction_leaf=0.0,\n", + " max_features=None, # number of features to consider when looking for the best split; None: max_features=n_features\n", + " max_leaf_nodes=None, # None: unlimited number of leaf nodes\n", + " random_state=RANDOM_SEED)\n", + "\n", + "tree_model.fit(\n", + " X=boston_housing_df[['lstat']],\n", + " y=boston_housing_df.medv)\n", + "\n", + "boston_housing_df['predicted_medv'] = \\\n", + " tree_model.predict(\n", + " X=boston_housing_df[['lstat']])\n", + "\n", + "plot_boston_housing_data(\n", + " boston_housing_df,\n", + " title='Simple Tree Model')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We see that with the above tuning parameters, the tree model is a **fairly simple, crude step function**. This function seems to have **high bias** and **low variance**." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's try bigger, more complex tree:" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAqIAAAIgCAYAAABeeQsgAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3XeYXGXd//H3d8pOKqEkFCmigAIiCig2kKhYHqUoIlhA\nkUhxKQkS+CE+CupjQQImlBWlI6CCoALSpASk9yLYkF6EJEAKyc5OuX9/3OfMnDkzszs7O7szu/t5\nXddcO3vmzJl7JpvsJ9+7mXMOEREREZGRlmh3A0RERERkfFIQFREREZG2UBAVERERkbZQEBURERGR\ntlAQFREREZG2UBAVERERkbZQEBWRccXMzjOzp9rdDhmYmb3dzIpmtleTz7/LzK5udbtEpHUUREWk\nYWY2zcyOM7MHzGypma0ys3+b2a/M7N3tbl+DXHAbMWb25iBQNXL73ki2bSBBmCua2UtmVvU7w8wm\nBD8LxQ4MfVooW6TDpdrdABEZHczsHcA1wDrApcBZQC+wGfAFYH8z28g592L7WtmxFgH7xI4dBOwA\nfJXKwPTISDWqQQ5YBawNfBL/MxD1WWAykB3hdonIGKAgKiIDMrPJwBXARGB759zDsce/AxwFWBua\n1/GccyuBi6PHzOzj+CD6G+dcsZHrmNlE59yqYWjiQF4AlgH7Uh1E9wVuBkZLRVxEOoi65kWkEQcB\nGwNHxkMogHOu6Jw7wTn3QnjMzN4UjMf8r5n1mtljZjYn/lwzW2hmz5rZxmZ2lZktM7MlZnZC8Pg6\nZnZx0P271MzOMrOuOtfYzMyuM7PlZvaKmZ1mZpMaeYNmtlPw3NfNbKWZ3Wlmn4mdc5WZrTCzzWLH\ne8ysYGYfaeS1GmzPf83sejPbwcxuM7M3gJMij28SfC4vB5/v42Y2u8619jKzO4K2Lwve53sH2aRf\nA7uZ2ZTIddcGPhE8Vut1zcyONrO/B218KfjzW7vGuW83s2uDNr5iZqfhK621rjvVzH5mZv8xs6yZ\nPW9mC8xs6iDfk4i0mYKoiDTis/iu1980crKZrQncCewB/Ar4JvAP4GQzOyV2usNXWq8JzjkcuA2Y\na2bHAjcAK4DZwGXA/sAJNa4xCbgeeDK4xuXB617SQHs/H7yOAd8G5uCHHVxhZl+InLo/8AZwoZkl\ng+d+GjgYOMk5d/NArzUIDnhr0P6bgG7g2uA1twDuAd6J/ywOBu4Dfm5mJ8be2zHAb4Gngvd1LLAe\ncKuZbTeI9lwMZIA9I8f2wX9Ol9V5zpnAT4FH8X8WZwNfBG6LhkYzWxf4K/Ae4MdBG7fAD/+oGOdp\nZhOAW4D9gIuAA4ELgFnAdeGfi4iMEs453XTTTbd+b8Bi4MFBnP8zoAB8Inb8ouD4OyLHbg6OfSNy\nLAk8HRz/fuwatwGvxo6F1/hu7PgPguOfjBw7F3gy8v1E/BjO82u8j9uAp2PHdgWKwbWnA/8FHgDS\ng/xMzw3alqjz+EvB4x+r8dhNwENAV+z4z4EcsGHw/VuC74+NnTcZeAa4voF23gn8K7j/Z+CmyGMP\nABcE9xcBV0ce2zb4nM6p9/lFjp0K5PHDPsJjhg+nBWCvyPHv4f8zsEnsursF1/1yrO1XD/QeddNN\nt/bdVBEVkUashh8j2Khdgb87566PHT8JHzB2jR3vA84Pv3HOFfAVP/BVsag7gGlBFS3u9Nj3p9Z5\nvaidgTWBi81sregNX4HcMNoV75y7El/l/TY+mE0FvuKcy/XzGs161jl3Y/RA0K09Ez9hbGqsvdfh\nQ/zM4PQv4Hu+fhc7byI+zH54kBXEXwfP2dDMtsKPC63ZLY//zB2R4QRQ+vyewAfH0C7A/c65eyLn\nOar/PAH2xldEX4+9pzvx1dmPDeL9iEibabKSiDRiGT6MNmpj/OSmuMeCr2+JHV9cI8i9EXyNz8IP\nj0+scY1Xowecc4vMbEmN14vaHB9W45NwSpfBzxj/d+TYEcCn8V3Jc51zf+/n+kNRa73TtwdffwD8\nsMbjYXvDc43KtkfPc8DqwJIG2/NH/Of/FXx4fwk/pKGWjYOvtT6bx4CPgh9HCmwE3FrjvL9TPQHu\nbfg/s0U1zo++dxEZBRRERaQRjwPvMbMu51zfMFy/v/Ue6z3Wqhn6ieA19geeq3PO32Lfb4sfZwnw\nrha1o5Z8jWNhT9Y8fAW0ln9HznXAx/t5jaWNNsY512tmlwFfw1eCfxNULkdEEFoN+At+bGytn4HF\nI9UeERk6BVERacQfgQ8BXwbOa+D8p4F31Di+VfB1OHY2mm5ma0aromY2HVhrgNd7Ah9oXnXO3TTQ\niwSzxn+NnxT1R+AoM7vSOVdvwk6rPRF8zTfQ3vDc55xztaqizbgAP1HIBffreTr4uiXVQX5Lgj8T\n55wzs2fxVc64LYn8RyQ49ylgqmvtxDARaRONERWRRvwKP7nlRKuxg5KZJYNlet4UHLoS2ML8WplR\nc/DB4sphauchse9nN/B61wGvAUfHl4WC0goAUacCG+BnjB+LH8t6Rp0xqy3n/BJZt+E3EHhT/HEz\nm2JmYZHhEvz7/26ta9V4b428/kLgO8BRzrn+Ft+/Eh/wK5bsCpbE2ozKoRtXAduZ2faR8xJU/3mC\nX7nh/TV+tsLloqY1+FZEpAOoIioiA3LOrTCz3YCrgbvN7FL8pKFeYFP8kj5voTxx5afAXsDvzWwB\nvjr2GfwyUKc55x6j9V4Dvh6Es3uA9wPfAK5zztXrwg7f2zfwSxw9aGbn42fCT8cvOL8lQbUuWObp\na8Dxzrl7g2P7AA/iJ1t9chjeVy0H4sdUPmBmZ+G74qfgx6zuhl/66BXn3L+D5ZtOMLO3AL8HXgfe\nhJ/U04ufKDQozrmfNHDOA2Z2Dv7PZDX8xK+34v9z8AQQXWbqx/hJSNeY2cnAy8CXqB4HDPAT/Nql\nV5jZBcDd+KLKlvifr2NoYMkuEekMCqIi0hDn3N/M7J34Ctfu+MCTxu+6cxOwh3PupeDcV83sA/iA\ncRB+otOTwLeccwtqXb7eyw6iiSvxAeU0/GSaLPAL4OiBruuc+4OZfQg/E34ufgLPq/jliX4ApbUu\nzwDuAv4v8twnzOxb+Krooc650wbR5oHGxtZ83Dn3DzPbFvhf/M5G6+InET2GXzrr1ci588zsMfwE\nq+Px662+jA9wv2pBO/tr7wH4tWFn4X9eXsMH/u8455ZH2viSme0ILMD/GazEh8lzgHsrXsS5VWY2\nE7+T1974LVILwH/wa8f+tYm2i0ib2AiOM6/dAN+NciZ+dmcaP2Hgn8Dv8HtavwTs7ZxreEC9iIwv\nZnYzfl3JjdrdFhERaVwnjBE9E7jcOfcu/ESGx4Hv4xchfhe+O+cHbWyfiIiIiAyDtlZEg4Hydznn\n3hY7/h/8DhtLglmvdznnNm1LI0Wk46kiKiIyOrW7IroZsNjMLjGzv5nZ+cHSKDOcc0sAnHOLgRlt\nbaWIjAYaCygiMsq0e7JSAngvcLhz7j4z+zl+mZGGfqGYmX7xiEiJ/k0QEWkv59ygNhtpd0X0OeB5\n59x9wfeX4fcuXhTsHRwuSP1KvQs453QLbscdd1zb29BJN30e+jz0mejz0Oehz0Ofx8jdmtHWIOqc\nex7fNb9ZcOhj+L2Fr8YvSULwtd4e0CIiIiIySrW7ax78gtMXm9lE4Fn8+n8G/M7M9scvLL1XG9sn\nIiIiIsOg7UHUOfcwfpxoXNX2bdK/mTNntrsJHUWfRyV9HtX0mVTS51FJn0clfR6V9Hm0RtsXtB8K\nM3Ojuf0iIiIiY4WZ4UbZZCURERERGacUREVERESkLRRERURERKQtFERFREREpC0UREVERESkLRRE\nRURERKQtFERFREREpC0UREVERESkLRRERURERKQtFERFREREpC0UREVERESkLRRERURERKQtFERF\nREREpC0UREVERESkLRRERURERKQtFERFREREpC0UREVERESkLRRERURERKQtFERFREREpC0UREVE\nRESkLRRERURERKQtFERFREREpC0UREVERESkLRRERURERKQtFERFREREpC0UREVERESkLRRERURE\nRKQtFERFREREpC0UREVERESkLRRERURERKQtFERFREREpC0UREVERESkLRRERURERKQtFERFRERE\npC0UREVERESkLRRERURERKQtFERFREREpC0UREVERESkLRRERURERKQtFERFREREpC0UREVERESk\nLRRERURERKQtFERFREREpC0UREVERESkLRRERURERKQtFERFREREpC0UREVERESkLRRERURERKQt\nFERFREREpC0UREVERESkLRRERURERKQtFERFREREpC0UREVERESkLRRERURERKQtFERFREREpC0U\nREVERESkLRRERURERKQtFERFREREpC0UREVERESkLRRERURERKQtFERFREREpC0UREVERESkLRRE\nRURERKQtFERFREREpC0UREVERESkLRRERURERKQtFERFREREpC0UREVERESkLRRERURERKQtUu1u\ngJk9DSwFikDOObe9ma0B/A5YB3gJ2Ns5t7R9rRQRERGRVuuEimgRmOmc28Y5t31w7PvA1c65dwHX\nAj9oW+tEREREZFiYc669DTB7CniPc25J5Nh/gO2dc0vMbDpwl3Nu0xrPde1u/3iRzVZ+n8kM7rnh\n88PnRb+PXis8N3682TbFX3ektfL1G7lWu9+viIiMX2aGc84G85xOqYheb2YPm9khwbEZYTB1zi0G\nZrStdUJPD0ydCpMmweTJ/n5PT+PPnTQJpk3zt4kT/S38fvLk8rWi50aPN9um8JzBtLeVWvn6jVyr\n3e9XRERksDqhIrq2c+4VM5sBXAMcA1zmnJsWOWdp9PvIcVVEh1k264NNLld5PJ2G5csHrs5NmQL5\nfP+vkU7D4sWw1lqV59Z7jUbaFD+nkfa2Uitfv5Frtfv9ioiINFMRbftkJefcK8HXRWZ2GfBeYJGZ\nrRXpmn+l3vOPP/740v2ZM2cyc+bM4W2wiIiIiLBw4UIWLlw4tIs459p2AyYBE4P7k4FbgN2AU4A5\nwfEjgFPqPN/J8Dv9dOfSaecSCeeSSX//9NMbf24i4Rz4m5m/hd8nk+VrRc+NHm+2TeE5g2lvK7Xy\n9Ru5Vrvfr4iIjG9BLhtUFmxr17yZvQX4I36c6CTgt86548xsTcrLN/0X2Ms593qN57t2tn880WSl\n5miykoiIjBfNdM23fYzoUCiIioiIiHSG0TprXkRERETGIQVREREREWkLBVGRQHQsq4iIiAw/BVER\ntBi8iIhIO2iyknSkkZz9rcXgRUREhk6TlWRMUHVSRERkfFAQlY6SzcKcOb46mcvB7NmwbNnwvmYm\nA/Pn+0poOu3vqxoqIiIy/NQ1Lx2l1j7yYTjs7h7+1waFUBERkWZoQXsZE3p6fCU0ny8f07hNERGR\nzqYgKmPGsmUwfbomEImIiIwWmqwkY8Zqq2ncpoiIyFiniqh0NI3bFBERGR2aqYimhqsxIq2gACoi\nIjJ2qWteRERERNpCQVRERERE2kJBVERERETaQkFURERERNpCQVRERERE2kJBVERERETaQkFUOlY2\nW15HVERERMYeBVHpSD09MHWqv/X0tLs1IiIiMhy0s5J0nGzWB1DtMy8iIjJ6aK95ERERERk1FESl\n42QyMH++r4Sm0/6+qqEiIiJjj7rmZcRks0AxT+bRk2DFC/7g5PXgPUdCsqv2+SiEioiIjAbNdM2n\nhqsxIlE9PTBnDnz4Lbdxw4HHVD64znaw8SeqnqMAKiIiMrapa16GXTbrQ2guBxNTywEorvkOmL6V\nPyG/qo2tExERkXZREJURlUrkAXCrbwbTNmlza0RERKSdFERl2EUnH01I+yCaTEVGhWicr4iIyLik\nICojorvbrwV6wfk+iGL1hydrRyUREZHxQUFURkwmA+lkEEQTKbBwYl25IqodlURERMYPzZqXkVWM\nBNGYbBbmf/8pzv3C/zKlawWJ+6Fw5VSSH/4/mLbxyLZTREREhp2CqIysiiBavdTYPttewFe2vbh8\n4F/A2lvC+44dkeaJiIjIyFHXvIysYrCBfEVF1HfNZzKwy6f8Uk4XPrAv/07u7R8u9I1gA0VERGSk\nqCIqI6vY/2Slbd+Vh/vhi4duTYqVcAfgitplSUREZAxSRVRGVrHWZKXo475imupKgfkfz/vuK2oC\nk4iIyBikICojqxRE0+Vj0XVEK4Kq//G88S9Fcjm/M9OcOVraSUREZKxQEJWR5erPmq98PE3445mw\n4vC3S0REREacgqiMrJqz5iMV0UJkMlNQEd155yLptN+Zaf58jRMVEREZKzRZSUZWP+uIApUV0yCI\nbvOuIsuX+8MKoSIiImOHgqiMqHwu73/o6gXR6BjS0mSmogKoiIjIGKSueRkZva9z0ynnsPC39wJw\nx12RWfMVk5Wqu+YrHhcREZExQ0FURkT+jh/z0dwsdt7sBgB+c9kUCoXKc7JZKOSru+ZxmqwkIiIy\nFimIyoiwVa8AcNMTH+HHN36bSx7+YsXjPT1+ndBr/1w9a15BVEREZGzSGFEZEUl8l/sF9+/PRQ/u\nw7x5kEz6rvlczjFnjl8nNGn+vFwhRVoVURERkTFNFVEZGcHYz72/nMYMjjoKnvhP9WmphK+IOot0\nzaMgKiIiMhYpiMrICILoueenS7skPfigr4imU4758/06oemUD6JdE9IaIyoiIjLGKYjKyCiGXe7p\nmg93d8Py5bDjB4NZ8zZ6Jytls9qGVEREpBEKojIygh2T9j+gq7RL0jbbVJ6SyUCC0T1rPpx0NXWq\nvy8iIiL1KYjKyAgqorvunmb5cl/93HTT8hafpSpiuI5ocvR1zWezlCZd5XL+viqjIiIi9SmIysgo\n9PmviTSZTOVWnddfX64iLlkUVERHcde8iIiINEZBVEZGacek6jGiF1xQriK+8t/R2zWfyVCedJX2\n97U1qYiISH1aR1RGRrTLvcR3zZuVt/BMJSOBdZQFUfCTrmbN8vcVQkVERPqniqiMjCCI9uW7qsZN\n7rtvuYq4zoxIRXSU7qwUH3ogIiIitSmIysgIZs1vt326akb5Jz5OaQLTapNHb9e8iIiIDI665mVg\nf78Ybjp8SJdwva9iwMpsujSj/KDfG0n/aLmCWKzRNa+dlURERMYkBVEZWCELvUuGdAkDnnltI15Y\nun7/JxZVERURERkvFERlYJt/Cd6665Avc8250yhaujSjPJksryNa4sIgOjonK4mIiEjjFERlYKkJ\n/taAcCJSrck6Bx8CX/9G5PE/17hAIeyaV0VURERkrNNkJWmZRra3HHBGuVPXvIiIyHihICot0dT2\nlhZ0zbtI13wx0jVPja57ERERGTMURKVzuGK5+mmJhiuipX3qRUREZFRREJWWaMn2lhUz5q2hINrI\ncAARERHpTAqi0jLd3eWF6bu7G3lGrOu9olueAYNoU8MBREREpGNo1ry01JC2tixGZsyDJiuJiIiM\ncaqISvu5eEW0sSDakuEAIiIi0jaqiEr7hLPmQ4Psmgc/BGDWLH9fIVRERGR0URCVztFk17wCqIiI\nyOikrnnpALGueQv/f6QxoiIiImOZgqi0UZ2u+WTjXfMiIiIyenVEEDWzhJk9YGZXBN9vbGZ3mNkj\nZvYbM9MQgvEg7Jq3WNc8CqIiIiJjUUcEUWA28Hjk+1OAE5xzWwMvA4e2pVUyvOJbfA5y1ryIiIiM\nbm0Poma2AfBp4Kzg+yTwAefcn4JTLgR2aVPzZCSVJiupa15ERGQ8aHsQBX4OHEVpxgprA4sijz8P\nrD/SjZKRNLYrotmsdnwSERGppa1B1Mw+A7zsnHuIypkrVucpMqbUW0d07ATRnh6YOtXfenra3RoR\nEZHO0u5JQB8CdjOzTwMTganAz4C1IudsgK+K1nT88ceX7s+cOZOZM2cORztlJIyxrvlsFubMgVzw\ntubM8Yvva91TEREZCxYuXMjChQuHdI22BlHn3LHAsQBmthNwpHNuXzO7wsx2D8aJ7gNcU+8a0SAq\no5QmK4mIiIw68QLg97///UFfoxPGiNYyGzjGzB4B1gVObXN7ZFjEuubd2AqimQzMnw/ptL/Nn69q\nqIiISFS7u+ZLnHO3ALcE958CPtDeFsmIK8S65sfAzkrd3b47HhRCRURE4jomiMp4NkDX/Chf0F4B\nVEREpLZO7ZqX8cDqdc2nKx8Px5CKiIjImKIgKu0XBs1S1/zYGCMqIiIi/VMQlTYa3GQlLQwvIiIy\ntiiISucoxrvmy0FUC8OLiIiMPQqi0gHCyUqxrvngx9O5Ymlh+FzOLwyvyqiIiMjopyAq7ROfrFRv\n1vwbL/L43E154IhtePebHhy59omIiMiw0vJN0jniXfMTp8Pk9bA3XmLTtf4DwOe2voIDdt1GSyKJ\niIiMAQqi0gHqdM2nMjDrCVjxIjx4Cjx4Ksd+u0jqw+1ppYiIiLSWuualjep0zVvk/0fpSbDGpr46\nCqSS/S/lpJn1IiIio4eCqHSOMIgm0zUeHHhxe82sFxERGV0URKX9XKxr3mqMGBlgcftsFs2sFxER\nGWU0RlRGXBgQMwPNmo/SLksiIiJjjiqiMqKi3eePPRYeDSuisVnzUQME0UwG5s+HdNrf5s9HM+tF\nREQ6nIKojJh49/ntd1RWRPO5+IL2UeG59ceIdnfD8uX+1t3dmjaLiIjI8FEQlY7Q0wO/ON1XRG+7\ns/mu+UymXAnVDHoREZHOpiAqIybeff6hD/rjuZxjzhxImq+IXvL7dHWAHOQY0XAIwJQpsGBBi96A\niIiItJSCqIyoaPf5O7aq7JpPJXxFNF8cREX01X/B3T+Ff/2+dCg6BCCf9/dPOaWlb0NERERaQEFU\nRly0+xwgnfKV0q6UD6Jf2CtVPdHI6owRvelQuO3bcOUXYOlTpcPx5UbnzlU3vYiISKdREJUO4Oju\nhn2/4rvmP/KxWgva16mIZl8v3+/19zMZmDdvGJopIiIiLaV1RKWNKrvmkzSxjmjF9+X7s2f7Iurc\nuf77Tl7OqbSuaoe2T0REZLioIirDbsDZ62E/uutvHdE6XfPFQu37wOGHd/5yTtqWVERExjMFURlW\ngwpahX7WEa07az7yvSsQFx+P2km0LamIiIx3CqIybAYOWrEtPl0TXfP9VERrtWc4gl6nrFfaKe0Q\nERFplIKodIAGtvisN1nJ9V8RDQ1XF/hgrxsNi63cllRd/CIiMhopiMqwGXTQKvbXNR9UT+PrMlUE\n0dqL3Q9XF/hgr1srLLZiW1J18YuIyGilICrDqt+gZbGu+WIDXfPEK6KF2vf7lsMtR8G1X8eeua6Z\nprdUf2Gxk8exioiIDCcFURl2AwYt10DXfCPLN0WD6JN/hvvmwWPn0XX7nJZ1gUe1smt9LLRDRERk\nsBREpY3iFdEmZs27OpOVcisr7reiC7yWRq873GFxuN6fiIjIcNKC9tIB4hXRWj+WjYwRLZS7u2t0\n2Q9XlbDR63Z3w6xZg3vOcLRDRESkU6giKp2jia75FcvL3594YrE0GeiWhXXGjraZxoOKiIiUKYhK\n+1RNVhpc13w2C8uXlUPmnbcXSpOBLvt94+uLDobW6hQREWkdBVHpALGueeunaz62xWfCysE0mShE\nzo5WRPMtaKPW6hQREWk1BVEZtGGrCoZBNNlY13wmA6tNLQfOVCSIJhORLvxIRbTZtmutThERkdZT\nEJVBaW1VsE7XfKwims1CLl8dRHt6YNXK8vdd6dqhNBwjqoqmiIhIZ1EQlYYNW1Wwah3RchANw+OX\nv1IZRMO2RLvmv/LlYml5pM/uXhlEh9r2cPmlVMrftFaniIjI0Gn5JukcpclKvmu+IjzmffW0UHQk\nI09JWjlwfmRmgeXL/f3MQwW4Lbxua8aIQvX8KhEREWmeKqLSsJYvym6xCUj9rCNadJUV0bAtichY\n0HSyUF4eKbbQ/VDbrjGiIiIiracgKoMyrDv4xIJoNDwmkv5HNRnpiu/uhkkT66wXWrFkkwPntPuQ\niIhIh1EQlUFr3aLs9dYRLc+aD8PjpZfWXtDeXO3Z8fW2Am227drPXUREpPU0RlTab9HD8K/L6nbN\nZzJAV+11RCu3+Kzc7rNCMV9n69DGDfcWnSIiIuONgqi0T7LLf33sfH8DXw21GoX6Olt8UmNP+ar7\ntb5vkgKoiIhI6yiISvtsNQtWvAj5leVjb/5EnanpNYKoi1dH+9nWs4XbfHa6cBKVQrOIiHQ6BVFp\nnzXfBp/+dWPnxmfYQ43u9+GviHa6nh4/ox/8OFZNyhIRkU6myUoyOtTqmq/qph9gjOgYpyWmRERk\ntFEQlREx5P3pGwqi/XTND7EiOuT2i4iISBUFURl2rdjjvS8X/Ki+/iT89Vh/u/27lSe5fpZvGsQY\n0WwWli0rB8/Rske9lpgSEZHRxlx8wscoYmZuNLd/PMhmfYDLBUuEptN+XdDBBKSeHjjnpw9z3+x3\n93/iB44nu91xAGRuPRge+WX5sQOegdU2aui1DjsMikVIJuGkk+Coo4bW/pGmyUoiItIOZoZzblCb\nYWuyknS08rjHrfnKRRfy5jWeYZdd4IMfjJz0/F/h6Wu5994CH5rpDz30swJbRi/UwBjRbBZmz/Yh\nFKBQgLlzh3d/+eEIjQqgIiIyWqhrXoZVK7qLfdHbuPjBr/CTm45l5v87luy7yzfW/xAAN1xfLE3U\nuefu1owRNYN584anu3u0dPmLiIgMFwVRGXZD2eM9k/FBMO6XvyyHuLvuTgKQTJTDZvQ+UDFGtN7E\no0wGFiyARPC3Ipn0wfPww1u/R71muIuIiCiIyggZyv70s2f7gBhWJU880XeZhyHuiiv9j/HHdy6U\nznnfe2tXRAeqQnZ3w8qVsHQpvPFGOXgOpf0iIiJSm4KojArRquTBB1c+VnC+IrrNuwqlc962afU6\norWqkNHZ8aFMBlZbbXiDp2a4i4iIKIhKh2hknc6wKhkPcbvu7oMorlCuXPa3xmigUIDp09s3RnMo\nQxZERETGgkEHUTPbdDgaIuNXM5N2oiFuhx3CINrPzkpBSA0DbCrlJyK1Y4xmNHSry19ERMazZiqi\n/zKzu8x9VyGiAAAgAElEQVTsMDNbu+UtknFlKJN2SiHOgiDa317zwWNhgF2ypDwpaSRppryIiEhZ\nM7+KjwNWAxYAz5vZtWa2r5lNaW3TZKwZtm0yS9t/9rPFZ2Qd0XAMaLNjNJt9H5opLyIiUmnQQdQ5\n90Pn3JbAe4BTgC2B84GXzew3ZrarmWmhfKlQrxLYkkk7ifIY0ZIaXfNxzYzRVEVTRESkdYa8xaeZ\nGbAT8GVgD2AN4FXn3IyhN2/A19YWn6NAI9t8DmmHoUfPhuu/Ae/4OnzqHH/ssk/B09eVTun77I24\nDT46pPGYrdqudM4cf3/+fE1SEhGRsaOZLT6HPErOeQuBbwM/BFYAaw71ujK+1Ju001A3eDhGlOhk\npcpZ87vvWmi6itnKIQWaKS8iIlI2pCBqZpPM7Ctm9mfgReDk4OtxrWicjA2D7X4Pg1/D3eDBGNFC\nvlAOjEFXvEsEo0RcvqlxmdE2nH12a9b+1Ex5ERERb9Bd88H4z//Bd8XvCkwCXgJ+C1zknHug1Y3s\npy3qmh9FGul+D7uunfO3QjC0s99u8L9fBFfvw28f+hJf/d3Fvst7rZnw/C241CQsv5Jdzr6SP/99\nl0F1p9frig8pTIqIiJQ10zXfzKSil4HVgeXA74CLgJuVCGUgAwW36KzywVjZm2QSYBRKVc+DzyuQ\nACzZBfmVrLPaYu6e/T623PAFMucBW34VdvzxsLwPERERaUwzXfO3AHsB6zjnZjnnblIIleGQSAzc\nDd7TA/vP8mNEk4nqWfMu0QXAr467g+03vIcpvAArXoC/nT3g62sbThERkeHVzPJNezjnLnPOaQVE\naal48Dv11P4n9oQV1L6cD6IJK5YC46KXfRB97iWfHJMEP64ztvZfG/y/kyYXlQ3bOrAiIjJuaa95\n6Sjx4FdrYk88EBWd/zFOJQssXgyzZsHzz/kg2pf3FdFCLnhCatKg26TJRVo/VUREhseAQdTMimZW\nGOxtJBovY1N/wa/WLHYLFrTfeqsCq63mz0uYX74pV0j7A4UgiIaz6Bmjo0nunw/X7g/P3NiyS46l\nHaFU1RUR6SyNTFb6AdW/tXfH76h0LfD34NiWwCeBx4E/taqBIqH4ZKY5c3zl9ICPJeEq2Dh9G1z8\nATLbHcGGGxTAQa7oK6JJFw+iY9CKl2DhEf7+oodg3xFbwGJU0GYCIiKdZ8Dfys6546Pfm9l+wNrA\nVs65J2KPvQ24GXi6ZS0UGUB6+ltxGJZdCi/dBQ+cwvQ1C7AEtnpXBl6hXBENd58di/PrCr3l+/lV\nLbtsOHY3GuJG21CFWv+JmTVr9L0PEZGxppkxokcD8+MhFMA59y9gAXDMUBsmEldvFnvP7zZn058+\nzQG/D2bCF3OlWfOJlK+IUugjONCGljdn0N3I0XAd21lqqDRpS0REhkMzQfQt+DVE61kKbNzIhcws\nY2b3mtkDZvZPMzs5OL6xmd1hZo+Y2W+CRfRFqgJRWOl6cvFGPPDcuwAoFvKlIEoyDKKja4xoc5OD\nXJ37rTGaJ21pKS4Rkc7UTBB9EtjPzLriDwTH9geeauRCwRJQH3bObYsfY/pBM/sIcApwgnNua/wC\n+oc20U4Zo8JAFK8YFlyw57wrQHGgINoajVYtB1PdbHpy0DBWRMcCVXVFRDpPM0H0x8D7gAfMbI6Z\n/U9wOwJ4EHgP8KNGL+acCwezZYL2vAy83zkXTni6ENiliXbKGBZWDKdPhz328FUuC0JmwuXLQSwZ\nlL3yYRANZtG3oGLY0wNTpvhbf1XLkVv6SEF0IKO5qisiMhY1s6D9RcC+wBrAycBVwe2k4Nh+wTkN\nMbOEmT0I/BdYCLwGLI6c8jyw/mDbKWNXvGJ42WWweDHcfU+kIhp2zYfBsxgbIzrEyUrZLBx2GOTz\n/nbYYbWrls1UN5vuRm5TRVRLIomISLOaWtA+CJobAR8AvhzcPgBs6Jz79SCvVXTObQNsAOwIfKSZ\nNsn4lc/DeedBV6ZGEB2mrvlsFoqRrFcstjaMNdeNPPJBVAvdi4jIUDT9W9k5VwDuDm5D5pxbZmZX\nA28Fpkce2gBfFa3p+OOPL92fOXMmM2fObEVzZISFIa6Ryl8mAyeeWF5OCGDuXDjoiykyAMV8ZIxo\n2DUfLG1kQ5ys9NxCWPo0E6ZuTjL5flyxwMZrPk0yAZleYOK6kJ7sz+19ncyjZ3H7icu57jq/y9Om\nu32VTGbDhl5qSF3IIxBEh2tJpMH8LIiISPssXLiQhQsXDuka5proojSzNL57/mP4NUWPds49aGbT\n8Ivd3+ScqxseI9dZC8g651aY2UTgOuAE4CDgHOfcH81sPvCsc+7kGs93zbRfOkszC41ns74KF4ag\ndBqWv/AMmQs2hqkbQX4lrFoMWx8Ij/wK0lMgt4LClgeQfPxMyEyDQ18fXENf/Rec+3Z/35Kck/kv\na91/ALu/44/lcyasBQc8DV1T4L6T4ZYjK6+x9YHw8V8O7nUbteQfcN4W/v7k9eDgF4fndQI1/wyW\nDy1AatF5EZHRy8xwztlgnjPornkzWx24EzgL+AzwUfzYUIBlwHeBI2s/u8qbgL8GY0QfAP7inPsz\nMBv4f2b2CLAucOpg2ymjQ7MzxGuOo5wQjv+MLN+UqNxr/sxzhjBGdNWi8n1XYP8vvcpuH3jYfz91\nQ9/t37sEVrzgj/Ut81832Ak2+3zwhpcN/nUbNrJd861eEmksbSUqIiKNaaZr/kfA24BP4cPjK+ED\nzjlnZn8CPtHIhZxzjwLb1Dj+FH7MqUhd3d2+KxiCAPRGMEa0WL18UxJftuvL+R95Bwzqv2xQHV5d\nASMIfHvfCn/4DCx53C+oH7XhTFhzC/j3ZeWAPCxGfoxo1Z+BiIjIIDQzWemzwCnOueupPdDu78Am\nQ2qVjBvNVtXCmdoVy/GE4z+LNZZvCuSLQ5k1Xx1ES69jidIM/b7efOw1zD8ePme4uOFd0L6eVi2J\npEXnRUTGn2aC6FrAvwc4Z9DFJhm/BjtDvN5M7Wyun+WbAkX892bA8hfghkPgmq/52/UHwOLH+nnl\neBAtVgTRVxb7kLvTh3NBuyLnJ5Ll50S0dumj0b+OqBadFxEZX5oJos8Dm/Xz+AeAqn3oRfrTaFWt\n3jjCnh540wY+7PVlayzfFJjzrUhF9LHz4OEeePwCf3v0LLhvXv0Xj1dRi+WKaLYvwZPPBCG3mGPO\nHMjng/PNwCLDBgItX/pojOyspEXnRUTGj2aC6CXAwWa2eeSYAzCzXfCz6X/TgraJNCQMp6uyPmTm\n+/K4+BafgVQ6snxTfiUAhbfuAe8+xB/uW97PK/XfNZ8r+CCaSuZj51d3zQ/PxJxy+5wraqKPiIh0\nvGaC6P/hK54P4kOpA75rZvcDfwLuxe+yJNJy/Y0jLBR91TGZKGBB4PvrnbHSWmRB+wfu9+cc1/Me\n/vz4J4OLVKa3iq7zeJUx0jWfmZDgLZv4a0/syjF/PqSCImhFRXQ4K5WRiuiK5UUtMi8iIh2vmS0+\nVwIfBo4DVgd68d3xXfilmz7mnOtrZSNlbGp2fGR8HGEYTi3pg2BXqjxr/ZLfVy4MEU5Wcs5x800+\niPblk5x+Rmzhe2p0ndeYNV8Olgk22NBXRK/8Uy4Y3xipiCYi41cZ+iSt2srtS1hRSyCJiEjHa3aL\nzz7n3M+cc9s55yY75yY6597pnPuxc06/9mRAQx0fGR9H2N0NS5f6H2cLApmzZKlKWhKpiCYTPhQW\nXJLe3AR/MKiI1uo678tVBtHLLysAkVnzSR9Eu5LxWfNQ+qsWqYi2apJWiasMoiIiIp2uqS0+zWwC\n8D/A24GJVM+Sd86544bYNhmjhmtryMyEoAs8qDpaIskX9kpBZFnPVJf/kTccH92pAAXAknQfPgGy\nQKG3+sKBXJ8jOuL09NMKfO7Qov/ht0Rk+ajwBX0wzBeMYiHpnxtbvqnR99zYZ1YZRLUEkoiIdLpB\nB1Ez2wa4EliP+ss0OXzXvcjISiShEIQ9S/CRjyb9xrGlx8vLOW39zgI8BD89IUl64wz8mlJFNOw6\nj243mU5XVkQTVrl8U1gRjS9of/zxxl3PJrjhQCpmzTek0Acv3Y1l8+z0VsjljXufey85N7nitGwW\nLBKUu7rckLfbFBERGW7NVER/CUwCDgZuB95oaYtkzKsV8oYamMJxkJmJM8pbbE6cUR6bGbjlryl2\nAsCVqpPprhSkgq75yBjRql2Dnq4MoocdUsBqLGhP0XfN5/OOFL4iGq5xWiwWBzce5sZD4dEz6QL+\ncoA/dO0/P8WT776m9JmF+7Nv8ya4+7CgOa7Y9hBa+jNRGBYRkTqaGSO6NfAj59yZzrnHnXPP1Lq1\nuqEytrRy4fLo2Mnf5q6FnX/hb3tcTS5fGUQv/m3k/15BYCSRLO/AlK/smq8YixqbrLTbrvGdlWp3\nzUN5Rv+gK6LLgr9KM7aGdd8LwCc+8GzpM4t22RcKnbOOaMvXSBURkTGpmSD6ErCy1Q2R8acVC5fH\nJxV99Vtbkd38YHjXwTB9q4rJSRDb4jMMhZYsV0QL/c21639npVJF9NV/wqolpBL+/ETCSCT9X7XB\nTyIKXvPDJ8Inz/XXqLN9p1lsi8+mtjEduuFZI1VERMaiZoLoqcD+ZtY14JkibZbuqqyIfunLkQXt\nXSSIhhXRfiYr9bezEpagQHCNe34C521Zqoz+4IfGTTdXLt9U8s9L4f750Pt6ndeMBN3ywdK9imWg\nkvHg6b9v7TaiMpboZ0NE2q2ZdURPBv4MPGJm/2tms8xs//it9U0VqTbgepxWGUR3/kSkQlrajz4J\nyWYqouUg+oszEuz4zf24+T8foUAKVr4CWR8uUymjK1Oja37p03DVXrDwCHj0zAFe0/zC+DV0d8O8\neWCJ6optO7rIm10jVUaWhk+ISCdoZtb8RsBuwNuAH9Q5zQHnDKFdIg2rmlQUlaizjmhF13wKUpEx\nos7VDn397Kw051sJ+vq256O/uInnvrsBG0x7AXKRESylimbkGtlIFbT31dpvrqIiauW2R2SzMHcu\nbLte7HhvcViWyWpEv38m0nbDtYSaiMhgNTNr/jxgC+AnaNa8dIi6v0BjY0RLa31CZUU0HONZzPlb\nssbIk1o7K4WL57tycF2Vm+jv5MMgGtniM1oRjQbbcOJUvdesUw2NqhwjSnVwHmEKNSIiMpBmxoh+\nEPiJc+47zrmrnXO31Lq1uqEiTbHaFVGHK4e/8JwaSzhVigW9Qjg73pg/30pd0WvMmARAMRv8H82i\nW3xGwmF0vGhs7dHyOTUqorF2lLrCU7HjXUV1kY9j/Y3/1PAJEekUzQTRRcCLrW6IyLCIBdErr/Yz\n2/M5eOrJQuU50QlLb7wMdxwPtxwNtx4DrzxcY7JSEB4tUbEc1fR1fUX03jt9RfT2243yFp/R8Bm5\nX6gTRKNjRKuOlXV3ww03VE9WauUyWTJ6NDL+Uz8bItIJmgmi5wJfNGugr1Ck3WJjRE/rKW/x+fjj\nhcpzwglL+Sw8dBrc+X2470S49wS46TCqAmAkiEJ5OapiwldEJ6RWAfCHPxp9+Rqz5iu65huoiA7w\nV64rVbtrvhXLZMnoMZjls/SzISLt1swY0duBTwMLzexs4AVqlGicczcNsW0iQ2d11hEFkhariJbW\nEu2FVcHkoQ12gudvgeXPUTeIxsKuS/mK6OSu8vBpF05Wqts1P8AYUYx6k5UiJ1d8l+0tktEiayIi\n0sGaqYheA2wL7Iivjl4P/CVyuyH4KjLiqsbFxULiIYcGFVFzvGOLsCKaIpuFYiLsms9C3lcz2fSz\n/uvKV8j11RsjWvnXKJnxFdFJXb5r/rOfMzLB8k2uYrJSA2NEqbWOaD2V7dtwg6KW5RmHNP5TREaT\nZoLo1yO3/WvcwuMiI6rmuLjYGNE99vRBNJFwbLiBD4J/ujLJ1Knw4CORyUrhwvaTZvhKaX4lB89a\nUfmCLpzsFPtrFFRE15vuK6I77GBc8GvfjheeL5TbVhw4iBaLkVnzVnuyUrk9lccLheK42NVIi7JX\n0/hPERktmlnQ/vxGbsPRWJF66o6Lq7OOqEGpO/zU05LkctCb82WjvlW95YpoaiJu4toATJ/038pr\nFSrHiJakfEXUguWb8nnje8cHW3wSCYcDjBHt6YEH7vfn/P6yyPjQBrfuHPx2oqOPFmWvT+M/RWQ0\naKYiKjJ6TFq3HBQt4b8HoLygfcH5sNqbj+yuVBFE1wFg3amxIFqsF0SDdUQj4z4LRf8ayUS9rvnK\nMaJhsA5D57yTEmT7BpofWHv5prEaRrSnvYjI6KcgKmNC3XFxU9eHfR+E3S73X6e8qfykIAgedliS\ndBr6ij6xdSV6y2uJpiaSmOIroutOfbnyRYv9d82Xvk0Z3/+hD6IJi4TDBsaIhlVN5wbfNf+fJ4rq\nlhURkY6mICpjRt1xcTO2hs0+579GBUFwjz1TLF8On/ifGhXR5ASYFFREV6usiOZzdSqi6UmV35ux\n//7+nOlrFcpti3bNx9YRDYN1Itg//si5ifIM+Fpd8zfPgeu/UXmNrsa68EcrTcoRERn9mlm+SaRj\nDRhEomtxFsvriGYyQFeNyUqpiTDJV0TXmRKviA7QNV9+0dKkKau3oL2rXr6puxuK5xVhCey1V2T5\nprjcG/DAgurjbd7icyRoT3sRkdFNFVEZv1xsi89kjeWbIkH0retUVkRTVq9rvroiykDriNbZWSkR\n7h9fsaB9rNKZC9qamQZfexSmrF/9WmOYJuWIiIxeCqIyfvW313wY7lLlrvkJvBp7fqMVUSJ7zQ9y\nHdFSmOxnolIYmtNTYPpWpZUBxksQFRGR0UtBVMahINQV41t8Rvaaj3bNr7FZ7csUay9oXzVGNNI1\nX1kRbWCLTyIV0Xo7K0XbWjoXBVEREel4GiMq41fQNd+XS+KykInuNZ+PVETXeQ98/jpY8YIPqy/d\nBQ+e2s86orGKaEXXfGPLN5XPCXdWilZEY0E0Oowg2h4FURER6XAKojL+mPmqYhD+tn53iidfhdtP\nzPBe8BXGaLgzg40/Afh1KpOL/un/4tTdWamfimixzmSlul3zYehMxMJoRGmpqQlks5B2CV+jVRAV\nEZEOp655GRdqbQMZ7vve2+d3VvrTVUFFtG8FuCLOUmRz5f+rhbv4/PgnwV+bSEW04vq1xoiWwqoj\n2xuEy0HtNR+ZNR/vmg9C8wsvT2TqVPj3v8sVUW1/KSIinUxBVMa86m0gwzGivqIZ7noU7qz04oP3\nALBi1QQmT/bPie7i05fz5xfyPjy+vixRef2aXfOGC1532rSiP6+fdURLXHSMaOlg5TlBEP3bPyaQ\ny0HR+de58MKitr8UEZGOpiAqHWM4qne1toEMY5wFXeuJpN9Z6TOfWw2ANxX/CsDS3mkUCtVbR4Zb\nghbz/vmvvJKouH6fq+6az2YhXwieVyj4NvX1v46oPx6dNV+7az7X67vmV+V8AC46/9d63olO21+K\niEhHUxCVjlBdtRy6usHWKiuif3ssyeLF8JEDP899dhRn3T2Ls+6excGXnQH4omR0F59iEESvv8ZX\nMcPgF3KximgubxXnhdt2NrKOaMWs+XrriAYV0d7chNqvE6GuehER6SQKotJ2taqWQw1LYbCdPh32\n2KNyG0grjbX0QXCzzVNMnw4Lfrk6HzzmZxxw6VkccOlZ/Pnvu/jTHJx9tt/FZ/FiSt3kSfPhccba\nicptJidVVkQPOdQ4+2xIpHyA/fAmd/hQm2xg+aaas+YrpS2oiOYrK6Jz5xYr2nX22a0P+yNJIVpE\nZOxREJUxJx5sL7/cB8j4HvQuqIj2ZpOlAJyrkQej3fOZTHlMaSrhn7/GmonKPe7TE2s+P5XxFcvr\nD/gY3Xs+1OCC9g2sIxpURLP5yoronp8vlto1a1ZzYb9Twt9QK+ad8j5ERKSSgqi0XbTbu1RVbPGW\njRXbQFrlgvbhmM+4ZOSwc+Uguvvn/ANdKR8eE8lE5fVjXfPOGYUCfOPCk8sHlz8/uHVEqV5HtBSu\nguWbemMVUVxxSNtfNhr+hjvkDbViPhzDPkREpDUURKUjdHdTWVUcgoGCbanIGEwQskR1EE2l4OST\n/fMTCf+c6dN9kHHBX5t0ss7OSpYo79IEJBKGGZxz93788W+7A5DL5hpbR7Q8taqiez4aru6+vXZF\nNDorf7Bhv9Hw1+khbziGfYiISOsoiErHGEr1Lm7WrNrd8X4pprCL2we151/ws+ajTjoJDj/cXyOZ\n9N3ruRzMng2XXBp2zfvw+Mqi6r9GvYVyVXTPLxiJ4JRcIXihYq56u89aC9CXxoiWu+adcxXh6sbr\nfUV05scnkk6Xg3JXuvJ6DYX9/94H52xO+pz1eeqY9Xn+u/721DHr03Xu+nDuFvDyA8DIhbyRqJiL\niEh7KIjKmBOdqHT22eXjYXCKW21ashR0UikfdA4/3D9WK/DEx4g++3yiFMCyWVi0CJYsLU9YuvRS\nmDfPXz/vugBIJ/oqu+ahqns+m/WhE+h3stKElK+Ivu+DE1m+HLbdrjJoRw0Y9p+8Cl77J4mVL7L+\ntMqbvfEivPoPeOqafi4wPJqtmCvEioh0NgVRGVNqVemWLaus1LnYepw9v0iWgs6KFb7qGcpkyiEy\nnYYFC+Dze1Z2zYdd4T09MHEirL02vLx8ndI1Xl+1Bgcd5K//+S9EK6LxIFrung/D9CsvRyqiQRg1\nXEW4+thO5S0+zz4b7r3Xt+fyy2KTmhqQ710JwI9v/Dbr/+B53vzj51my5/Nk93setg1SfBCYGwl5\nrRw/2mzFvJXDPkTGOk3sk5GmICpjWqHgK6NTp/rq6Pz5fvJQ6fFigjlHWGkiUjzo9PTA3Ll+jOiJ\nJ/ogs/PHg8lKQRDdaCP/1+jQQ8vjT/f5zYV864qT2P+S8/n4gZ8mk/Gv/+uLfBBdeFOuumIZrCUa\nDdNmwcSkvnKbnXPMmuWD1bx58MA9viJ6w8KJzJnj3xPAHn0fou+FRwb1eVkwA/+lZevx4rL1ef71\n9Vlvs/WZut763PPIGkEDypXb/kJeJ40fbeWwD5GxqpP+zsr4oSAqY0L4v/holS6V8kXEaHU0H5uc\nHnaz17tmGAjzeTjqqKBSYP45m23ig+O66yWCbvTyc//+8pacese3mP+Xr3LwIenStbJ5H0Qv/32O\nfK5+RTRUWpQ+MkZ00SL/i+KMM3xIziR9eLzgYj9Z6aEX311+/lNX9Pu5xSWdr4hmi5OqPr+r/hx8\nVrEhBLVCniYJiYwu+jsr7aIgKqNe/H/xYZVuyRJKk4TAB8W5cyu75gsuOfhxg8EsewuDoyXJZCqX\newI/4Wm11Sq7usLJSulkra75csALhwOEFdFMl5WqoobfunPuXH/uhHR5+aZ58+BbV53KWfccAEAq\nCJYNy/nzT//lpKrPL19MBe0s1HiiiIjI4CmIyqhW73/xmYwPgdExjPPm+ecseWOt0vMzq8+oO26w\n/hjI4K9NsTxGNJMpL/cUTnjabz9/LLrDU8H5IPr5z+ZIJaoromGonjvXDwVYc41oRTS4G4RTM/+e\nJnX5iuhX95/A4YfD8uXGft/awp+crwyiA47/Cs5PT5hY9fl9ZtcgiLo6a5429Nk1Z7Dj1sbbOLfx\n9n6l9TSxT9pFQVTGtOgYxtmz/T+uu553Ld+8/JcsTP+SxJ79zwAPt/VcvNjfz2YhV/Clz1UrfSC7\n5a8JvvjF8ljSefPgzjth2jQ48sjKHZ4OOcwH0Q++v3qMaLY3VxGqjzqKyKKnRiZTruSGvygOPxw+\n8VFfEd1ld79kVCYDqQnBrP1gzCdUV45rhpfw/PSkqs/vQzuGFdGBg2j8uc1OEspm4ZRTBjdurdY4\nt04PakNpn8b1SatoYp+0g4KojGqN/C8+Ooaxuxvu+c+WzL/pQGYefiBMf0fN64bBoKfHVzOnT4cv\nftH/st9nXx9Ek/llABQKCX73u/JY0iOPhN/9rnZ7k11++SYKuaoubqu1qH2NdUTXWtNV/KJIFIPw\nmJpQfl4QJMOu9njl+LDDyuFlwYJICArO73Pl5afCzy5XiAXR3tdg2TP+lq+dooa6s9OUKf4/EI2O\nW6tVIR9skB1pQwmSGtcnraaJfTLSFERl1Bvs/+L7+4c2WoGbMsVXHMNf8mHYfGnZDKC8xeeSlWvV\nvlhEGJJTXfWXb+pK5atCtUV3VgrvWaz9+XD5psjWoqmwIlp7jGixWBlewhC06CV//g4fmVQKRWFQ\nmnNEMAjWFeDFO+EXa8OZG/vbeVs0VClttPIXBqz45LLBCscFd2pQU5AUkfFOQVRGtehs+Ub/F18v\nDMUrcPm8X/4p7randuBz5/+Jb15+Bt+45Exm/2kBZuUAecopsPfelc8Jl34iEQTRQl9V1/wlv83V\nCNVh13wisqh9bH3QsDs9Wb8iGq0cJ5PVE6vCXaNefdmfv2zlpNIarGFQyuZ8RbSQy8OiR6CYx6Un\n+8lfS5+C7NLqDytiqF3IjYxbi1fIw3HBY5XG9YnIaKcgKqNWM8Gm3nPqVeASifIv+b33DicjJfj4\nwbvxzq8cxAUPfoNXe9fltNMqA+SvfkXFtqGlpZ8S5YpoIV+ZcuefnKsO1UFYzfZZOTy7eBANKqLp\nckW01LUeqYh2d/tglkj4SyRif/uLRZjY5c9flZ9Y/TLFctf8X2/pA+D0hV/nleW+QnzuOfXLl41s\nNBBVK2A1WvGuNS64U4NaK4KkxvWJyGimICqj0kBdmrWqnoPtBk2n4dRTy7/kf/vbyl/48QAQBsie\nHlhrLf8aVRL1u+bDnZoq+TQ4Y+0EG725zjafsYpoTw/stLMPoq+8UA6i2Wy5m7pY9AXWeBidsbq/\n1sq+STgHF15YDkpYedb8FX/0be3Lp0sB9fvH5RvuVo5uNFAxRjUiHigHE9Di44I7Oaj1175GhzJo\nXJ+IjFYKojLmNFMp7a8CF/0lH/+FH/++VmW1otKVLAfRpFUG0SMOz1eFCVf0FdG+nNGX80HUxUuV\nhSz0C40AACAASURBVPIY0fD1l630QTT3+ovkHjwX/nUZFCoTjVllF30yCRNSPriuzE2iUPDXCndx\nOvPsckW0K+kron2FrlIQTSXqV0QH2mig3p9VqwJWK4PacMzAr7erVydPshIRaQUFURmV6nVp9lf1\nrPUcKD8+mApco2EklfJLP82aFeuaL1Qv3/TZ3cpbfJav7UNndFvSumNEg8lKhQIs7Z0GwPrTXiR9\n0/5w5Z5knji/4v0vWBD7PH7usKArf1VuYsVLZDKUFvLHFdh9Fx9E88VyRfT471UH6ah6Gw3A6Jmo\nM1LhUJOYRGS8UBCVUauZLtfoc6C5UNFfGImH3QULfPd2eP4NNwfLN9Xomo8uaB9e24KwmkwlSKXC\nnZWiz8n7myUg4QOhGbywdAPm/OnnnHfffhSnB1t+Ln+h6jOr+P5AX1nNkyGVSlQE/J4e+OKX/PWv\nuiJPAh+aj/lOF2/ZxB/f58s1KqKuGLm5io0GrM5Ig5qWPQP3nAB3/aj6ds8JsPTpQVysOQqHIiKt\nl2p3A0SGotaaofPn+5AA9dcVjYYKKHenh9tmzp9fGW6jgSP+vFmzKl+ju9sfC02dWj7/vAvS7Pwl\nfBCNJbEVzzzGRSetybWzvs32G94DrwMZH1Zfe80gZ3AmVFREo0s3mZ/QlEj4quiCv84hnYZ9Dv8Z\nicUPlSYu1fo8AFjlK6upCZNKQT38rGbPhk+9zf9zkbQ8N9/Qx3tmQiqdhmSdhe6fuhau2KNcsZ32\nFtj3IcisxqxZlZ8j+IlUdSuqtx4D//xtnQeBlx+AXcuLt0ar4KNRIz/HIiJjgSqiMubUqpQO1JXe\n33qT0Srlaac11oZ6YxLDveZ9RbSya37K/Udxe/f7+eimNzMl8wZTMm/4B9bfgcyEZO0gEpmoFC6+\nXyj48Z6ltUsnTA5e/I2qp1d8LuEM+9Skmu2PjgVNWpAgk12lSmw0iGazkH96YcXOTix9Cl79R403\n4YcwHHRQzYe8VYv8182/BO87tnx7+xf9S/eWl44aru7zkV4qqdMnWYmItIKCqIxJ0SBVK5g0ut5k\nvDt27tzqoDeYdS2/tn95jGi4fNM593yd2576EHc/uz13P7s99zy3PafcPptfTVgOhy2HvW8NqqdB\nBdVVV0RdamKpneGM+HBb0hy1F7ev+lyCNUdLa5BG3sOCBVB0foxoKpGnK+XHiOaK6YrZ9NHrzv95\n0M4dfgLrvje4mqv5uSxYUP68o5996ftwotW7vgk7/Kh0u+Kp/QG48cZiadvSmt3nfzsXFs6FW472\na6A2KP4fmFaFw/EwG77Tt1UVkc6gICpjWn/j+ppdbzIe9AYSfZ1P7+KDaDGfoxgE0ev++Ul2PP02\n3n/K3bz/lLt5y3fu5qDfzOfAQ6ZA15Qagyld6b31rfQVRxddzJ7y7ks9PbDfN3ywfOIflUs5nXfC\n/Zyz5z78eu+9WXXtUfSt8FuWlnZlir2Hy/8QdM0nCqVZ8/GKaPTzLhZ9O/MFC7YopaIKXG+87o2n\nXMADC77Ngj2/zfzPH8vvT7s3MgSh/D6zWTi9x1/XXLH+mM0Vz8N1+8P9J8F9J8KtR9c4qVq9yupQ\nw+F4mA0/Ht6jiLSGgqiMawOtNxlW7lKx0dRV22w2+jrBrPmFN/Vx1ZU+iBZceQ2lvfeGGTPqXDsS\nSMNf9B/Y3ge0RHpizRUB5syBpat81/y/HnujFNSyWTjywz9jn+0uYu93X8KRO82j+OxC/2CqcsZ8\naPJU/yGkk3kywfam6a50za5539xwV6g61VzK7zMMr+tOfpaP5b7GtvmfcvTMn/L/PvITNnnyIIq5\nIIjGAnfR+X/CEokiztXpPmdF5Rvpi31fw3BNTGr0uqO5mqhJXSIyGAqiMqYNdlxfrWpXdzesWOG7\nj4c6PrAvGCOaSpTHiF5wQZJXXoGlS/2i+fWV1xGdMwcK+QITk76KWUxMqNttvDLnK5yT0uWKaCYD\na0x8veLqqdxifyddXRH1L+8D5/vfl+fLe9euiFZsJZrwoTOVStSsiNay2gT/fl5evjYn33IEAFMy\nKyJrpZaDaCYDhxzir5u0As7B2WcP3H0eVmo7laqJIjKeKIjKmNeKcX2ZDBx+eAvGByb88k3pRI5k\nwldE05kkM2b4ZY3686sz/deVK2Hj1f/Dou/P4LZDd/QHa1Qxw1DYV/TBcotNV1YszP/OLfzkpRVZ\nXzG1vmDCT42ued92HzgfeiDPn/4QTFZKVFdEu7v9sIVDuoPQaUaxtA5qdQjMZPwY3XQa0kn/mby8\nfB1+cec3AVh7RpFEoXZF9NO7BBVRK5YW4K/aJjX2mnff7QYMeMM1MWmg646FauJIT+oSkdFNQVTG\nhU7Zoadrgq+ITs6sZHKwr3s6PfBfw2wWjj46XEfU8enNr2LNSa9RKCbIMZHEZrvVrKR1d8NNt/qg\nuc6albPm11vLd1G7zBoAXHph/0G0L++HECQokEqEk5W6ak5Wmj4dzjjDB8Dbbzduv8O/xz/+oboi\n2tMTmQSWKA9XCBfxX22qi1REYx++lYNofbHwG1SUBwp4wzVrfTzMhh8P71FEWkNBVGQkJX1FdOv1\nHuFjm90IwFVXJ/t7BlAZmlKJPLtseRUAxY+eTvrIlWTfeWTdSlrX5Nqz5sPlnJ5+yQfRqRkfRAuJ\n/iuiqUSedLL28k3Rip4LusD/8EejWPSh8rTTXMV7WbaMytn+BEG0mCyN/8QVy5OVYhXRrq6gaz5Z\nbLj6lkj0Pzwgarhmrde77liqJo7mGf8iMnIUREVG0pqbU1x/Ji8uW48Xl67Hvc+9h1n/+75+q3M9\nPbDWWtDbl6JYNLpSOXbe7AYA3Iz3DNx1G1Y4g+WZslkfAF0waee1VT6ITpsQVkRrT1bqykQnK/mK\naDpT2TV/xhnlRerDyUpFlyhPKopULsP3FV3UPmnliqgF+4CauZpjRP2DPsS/d7ti/VUMYhOkEuY6\nOuCpmigi44mCqEgTmp7VnOwi97mb2fgnL7L+D19k+wX38tqqNft9ncMO87s+ZfMZ5l51Erk37w6b\n7M4DqWOYsul2TJ3qJ+nUraSlywva9/TApEkwbRosf9VXRDfcdHUAVp/og2gy039F9O1vy/PRnaon\nK+WyeY46KnJ6EDo/t4eVZvwfcoir2NkqH9uMKZXwB7bdLsnjjwfjSou5YPypkc2lKz/3oGv+oQcL\nTJ9eb3JPZRDdbjvX8QFP1UQRGS+0xaeMS0PZArKnp3LrxcGGmka2b4wus1SM9CT//NYjOP7KI1gF\nvH965Vajy5eXtxatuF5Y4cytYMdnt+bBOXDDv3dmSpeviG602erwT9hyk6XwBvVnzQeBM5FfQbH3\n1eBY9YL2oXDW/I47GMV1EvA87L5r+c2sMfFVTv/SgcyY7HdNemHZhlz44FcBSHelIONDpsv1YkCO\nCUxdzUqfWXc39OUSdAFGsTQkIb7latXbsM6eNS8iMp6oIirjzlCWx2nVrOb+ul+j7Tv3XL+LUyiZ\nhPPOq+7SDtsGNUJYMg1rbg7AO9d7lK3f9Cjf2unnJBKO3lyGx/7tg+fyJQPNmvfjW3njJRKv/g2A\nS/+QKQXUdDJfUZXdccfyOqKJZPhPTXlnpQt/eA17bn0ZO21yKzttcitf3uYirvjFHcFrJTn/1z50\n9q7wQwqWr5xQ/bk3MlnJVU9WGg1G81qiIiKNUhCVcaWdy+PEg0W8+zUcuxlt31FHwcknl8PdSSf5\nGebRLu10GvbYw89Urxeus1+4n4tSD/Pukx/mjb5y0HTpKdx6m5/JPy1YwzNvtceIMnUDCu/s5o6n\nP8jtT32QC+7bl6/OfTcFVx4jGg3Y79wqDKIJygvalwPjx3dYAkDhrXvA2tsAkMKPBS26JN/7nv/n\naWLaH+vNx8aHAl1B1TSZKFYs5F/5ZxoPnvWDaL3wN9KhUGuJish40dYgamYbmNktZvaomf3DzI4O\njq9hZteb2cNmdq2ZTWtnO0VCzc5qHihYhI+vtVZlVzzAQQeVw93BB/tljkJm8MILcPnl9cN1Tw9M\nWWMS+8zZmodf3JreXDnQTZg6mVywyH7I1auImpHf6XRm/vJ2djj9/7d353FuV/X+x19nMjOZdrrQ\nhRbaQssigshWdhXpVdkEFBFcUAR+qGgRWrSoeK+y6FWuINB6b2URRFEURRDhIpfNIossQrFsAgXK\nUrrTfclkOb8/zvebfJNJMkkmyTfL+/l45DGZzDffnO83meSTz/mccx7mlN/9imSqMysQ9c+ROyd+\nwBdY4jMYBHrd+5Fx74WeMd4+vNpTE8GSvbRp74ho//PuZ0Q7kuw4eiEfWHoY8795MPO/eTBPzv6O\n95ClZUQLPUf1DgpbYS5REZFShZ0RjQNnWmv3APYDTjfG7AlcCNxprd0LuAu4KMQ2SgupxvQ45Y5q\nHiiwCP49kXBxUm77gtnT4NLzHR3F259vUFAskbnD6g3DOPTfsgPRriEFAlH6n7/jj4df3uAC0Xl/\nzRl5ZDMT2ie9OUHjfYEo268zHTKaFF79QdLVG3R0Rrjwouy3p5Gje/qd976422bC8Lf59Wc+w54j\n7+Wg7R/loO0fZd/Ej4ht3JznKPoHooWeo/iL/8v+Lx3Ao2dO5dEzp3Lwwqmkfn0gvPaXgudIRERK\nF2ogaq1dZq191ru+AXgGmAQcDdzgbfZr73eRqqjWSku1GtUcibgsZ6HpiDo6sq+XG1z3JbvT1195\no5c99+nO3qBQRtTjr5zkZ2L7Ei4QveXmRLoLOxYjnXmc94Dhrrtco0/4ZGBVIy8Qvfeh0fzfPe7v\nzz0TzIjmvD1FevqddxsdRSplGDV0Dftt9yR9iS6OuPqu9GpRJPvIDTxXriy9RrTjuWvYf7snmDpp\nPlMnzWefifPpWPY4LLgaqE2XfSvNJVoLqp0VaS1hZ0TTjDFTcFnRB4GtrbWrAKy1K4Gtw2uZtKJ6\nTo8zUGCRL8s4cSJ5pyMqtK9CwXXu9pdeCn3JzINv6BvmRr4HFRo17/FXTpowwZURJFKZie6vuirT\njf388y7g+93vOtJLfFqbymSEvUD0p9eMJpF0GdEnHnMZ0aSN8O//nt01n+roXyMaHb0td/T8H2fd\nOoezbp3Dh668n7tfOiJdTxrtjNPX581n6k2q//bbtl8gU+i8+vOazrrjMg6Y8yT3d3hPSN+GmnbZ\nay7R/FQ7K9J6GiIQNcYMA/4AzLDWrqfYaAKRJjRQYOH/feXK4vWePmv7lzoWCq6Dj/2Nb8CYcZmN\ndnhXL51dOYFogQntIX8ZQcqbBe64jyeYNSvT9kcfdQ1MJA2pVGByep8XiK7ePCr99/SKTSawslK6\nXf0DUYBppxzGfz98Fv/98Fk8vOgDQCDrm+qjz0uyBifVz3dO8z9Hrr2Hfnxnnl4ylQv+Zy+3r9iG\nmtdxNtNcovXIUqp2VqQ1hT6PqDGmE7gZ+I219jbv5hXGmDHW2lXGmLHA8kL3v+CCC9LXp02bxrRp\n02rYWpHKDRRUlBJ05NZ8zpgBn/88jBhR+r7HjIvCMnd9yruGuemdggbomg+KRGD6mZ2wAA7p/D4v\nf3MOAGs2b8WmuOset5j0wKPOSCqTEfYC0a/MHA1PuSDxwP36IAmRzggXXWQgUHb65pIeJueci0LS\nA7BScbq7Mis8QRKDLXiu+93uRfvXXmeIx2HNpmHuZm95VBn8vLoi0rzmzZvHvHnzBrWPRsiIXgc8\nb629InDbncDJ3vWTgYIjAy644IL0RUGoNINi2aNy6wMTifxd+EUfKxKoCe3qzcwPmr6t9MFKV1wB\n0Ul7A2D61jJ51BtMHvUGe01YwMGT/w6AtSadjbzhV4FVjbasdm00o0mkXNd8h3UZ0ZdfifCdf89+\ne3r6mZ70seTOtXrCCZntjIGRo71jSvbR3R0MRGHbbQsHor7MebPpYwDY2OeC647EBi69NPs8+Per\ntzBrJuuZpVTtrEjjmTZtWlYcVomwp296P/A54EPGmPnGmKeMMUcCFwBHG2MWAEcB3wuxmSJVU0qN\nW7FufP/DuDPQl1EoAAg+1uzZmb+/uSTz6f3PF8rPiOa2b+5fP8uEHyxn5/9axK+ii0jseXbW9inb\nkQ7kujq9UfM2lc6InvmNUSS9rvkXnnf96E/8I0I8kV0jGktE8861OnMm3Habq39dvhw2b4atRnnH\nlOzLnLsh7jFGjype+RM8b0/Pd9smU4ZIBGIplxHdvG4js2a5hOkll7j7hVG72G41k5XUzmpwk0hj\nC3vU/MPW2oi1dm9r7T7W2qnW2ruste9Yaw+z1u5prT3cWrsmzHaKVEM52aNi9YHTp8OqVS4rVM5j\nDR8OJ54Ij/0zs7b9zXduTTxV3mClYPv8x1myZmteWTGZL359MgybmLWtJZMRJRmDxBZia1aATWG7\nhpNIdZH0MqJdHZnBSrk1okOG9zB2bP65VuNxOO88V6IQjZLJ+qbi6e51k55Uv/iE9sHztnRpJhA1\nBp5/2Ss36NuQrpOdNSuc2sVGqJkMI0tZTu1suwXqIs0o9BpRESnfiBEDr1efKx6Hm2+Gp8f+iOeW\n7s6WRA9XP/plDnngfzk8uGGRwUqlsF3Dsn6PdGQmtO+65/Nwz+fxm7o+Mdp1a//d/X33XfsgBfvt\nH6Hj1uxAdPGynvSyph0dLiucyJm6NK0jkBH1J14NTKpfcDnUQsdkXSAa7XVBem/3JoxJYXMHVNVA\nuW2tt+nT4fTT3XX/y4l/PUzBQB3c9dNPD79dIpKtEWpERdpCtbNHA3VTXnxxdhe+b+HKd3HB3Rdy\n8f3n8c6mMVxxzTaBRo4sa7BSvmP62yPZgehVVxuOO+ej0D0cG4myJe4um+M9XPPAiZx+Onzq0+6t\naOI2rit9t/d08sor2V3zwRWhIhGXFZ49u8D5zJMR9QPR1attwSxZ7vFsu631Hs+4/fd0pM/PyKGb\n6OpybSjlefXLCsrJWhbL6DVSzaSfpVQGUkTKZWyRbqpGZ4yxzdx+aU+1zhjNnQtnneW6rzs63Lyk\nt3nzURx/PPzxj9mZxO7uFBv+eQddfcthm/1g3N5lP2YwuDr5oFv4/ec/mf49ftiv6drzc+nthg/P\nZKm6ulwgHf3rqfDcL92a88vn82zkKxx03hVs+EEm+Lxtybc4cc7FQPbo7Lzn86Zp8NYDcOL9bkDW\njQeyha3oYQ0vr9iZXf7r5ezHz3ku0vu8/XB4/R76jr2L7l2OcDf+bDxsWs76zy3FDh2fnrGg2PMa\nfE4iEZgzJ/vLQ777FjxXedpqlj5G99oF/R94xGSYcnj/22ug1PbWk0b0i9SXMQbrDwookbrmReqs\n2h/MwSAmFnNTOvk1lKmUC0JXrsyu67zqKlfbCHD55R107fqxQbXBP6ZYLDOyPMNkbZe/pMDrnFk+\nH4C/PRShL579Xvbx43tY/5/Zj5d7PS2YEfVGvm/aZOgZmjOX6QDH42dTu7sDbelyx7f/3ht49Z3x\n6QCn0POa+5wkk9ndxIMNlqKsg1s/mDUwK8spz8LY3cvbaYvILRsQkcajrnmROqr2CN5Su0KDAzyi\nUTj77P7d+tVoWzQKp38lu2u+qys7oMxbUrDzcTBsIpsZw5trJnHbM8cST3bxjzf3BcB2dMI2B5Q+\nUCVYI2qzp2/qMCmvXaV0Z/tBa+YYUp3u+Lo7NpY8SCh3cJWv2ICjkrvet7zjjrNrGOzxxcxl+Pbu\n72tfK964KmmkUoHcdjVCO0QkPwWiInVS7fq5fEEMuJpFfz36SKRwQBDMkF522eDaFgxij/90diCa\nHiyU57HT993uY8ROfYuR561k+x+8yd0vHQEYPvCzx7iuZwXmzNWw40dLb1BWRtQZ2hvxmmO54gqX\nJfazZYX59aWBY+h0GdFh3Rv6bV1qMH/ppaUFR4XqgLMeJ7HJ/Rw2EQ6/JnOZ9EF3+5ZVAz9QlWhp\nUhEplwJRkTqo51Q706fDpk2wdi1s3Fg8IJg7F4YMcUt/Vtq2fgH26HfD1nu6rOSwibDtgSXd98or\ns//W2QnLV0T4f2eOhe5h+Xfg6RcAdmQmtPeDyaFDXTA5ZbKlq8stBDBg4O1lU4NlAh1R15atejdk\nZf6KfdGIRLKP64wz3PVSsoi5Gb1+j5PY7P6QO+3WkDHu5+aVRQ6w+pSBFJFyKBAVCdFgusOLBTHR\naGBOzQKPu26dq10sZ7xfbnvzBtjJHvjCP+GcPjjjLRi5Q8F9Be977rlkrVY0e/bAS5dCgQDQn6Q/\nz6h5sCV/KVi82N33mGNMZt9eUHzbHzamM3/ldLHPnp39vJSTRcz3OH2bvEA0d9qtHj8QrV9GVESk\nXApEReogX9B47bWD76qvpCvUD9zyTQwPhbuN6zE1zxlnlHc8BQPArIyoxw9ES4y8YzFYuNBtG0+Y\nzL69wUpdbCgp8xeLuRKAgseVShD962lEbz0Efhe4/OEwWPrEwA+QKBCI+hnROnbNi4iUS4GoSJ0E\ng8bTT69eV305XaHBwM2fwsmvJ+3ocAHy2WcXv1+wvYMZoFLovlXp2g1mRHMGHBlswTbnZnyNv9Y8\nwVHzXplAfOOAxxIM3q+9tsBxLX0CnrseFj+UfXnjXlhwTdam+R6n23g1ornzvyojKlIxLQ1bPwpE\nReqo0ernIhFYvdrVk27a5LrqyzWYASqDHdxSMBAOZkTzdM3ne9zcjG80Cjvt7P6WntA+SjojSl/2\nYKXcLxrr1pX4ZWPtIgBSkz4En/6buxx8gftbbG3Wpn52deVKd5k+HWVEJU3BU3VoYYb6UiAqEoKw\nprrJ97gjRhSvJy2lvYMJsAcbnOcNZvNkRK3/drdpGfzmAKI3uwu3HU9sw6a8QeNEb2Wlv/zFZPad\nJyMaPBa/5KJQ6UOuR+9eBMDlN05l7p8PgUmHwDb7uz/2rUtv5384Dh0Ko0e7wVbZg5VUI9rOFDxV\nRz0HloqjQFQkJGFNdZPvcUvJpFSrvbXI2vQLZgMZ0VtvdVefemEMMUZCKuG6w/3LwlsxSx8psGd/\nQvvATX5GNJ5/+qZg6YO1xb9sxGKw4OHXAXht1eTMh163N0rLC0SD+02l3KT4/odkfIufEc0dNT/W\n/VRGtOUpeJJmpkBUJERhddUHH7ecTMpg21vKY1UlUPUyols2x5k92wWTG/uGst0FC+k78TE46TFu\njj7Gg68dAsC9f9mUP+Nr+09on55KKk9GtF8zIrB4caAbPY/JoxYBsOidKZkbo34gun7AxzBxv0a0\nQNf85lXlTY0g0sYadWGGVqZAVKSN1TOTUspjVat78bF/uBTmT37chw0EYSs2jGXLVgcQG30AJ339\nAJas2waA31y/ucDI9jyBaJGMaO6H2PHHw8SJgW70PNsf8G6XEX17/eTMh173cLeBlxEN7rejwwW4\n/odkJwVqRLuGQmcPJGOZSe9l0BqxDlPBU3VpYYb6UiAqIqGwtoQ5SSv4wI/F4M93uIxoxGRWVrLW\nEIlkf0BvjrvgrafLBXP9Mr42z8pKRWpEIfMhtnIl3HILDOt8h/FD3+TS898ktj4neLWWUREXiP79\n+cmZD72crvngfjdtcgsVpD8kC01oD3WtE23EAK3aKv2iVI9zo+CpuhptYGkrUyAq0sbqmUmJRjMT\n1nd0uBivUKZwsPqSLiPaHemjw2SCyTlzMh8wV1wBsYQLRL9w0uYCx10kI9rXPyPq8x/j29P+kxUX\nbs2b392eV7+9Pd3XjYd1r2c23LzCBZI9o4gOD8ze72dEY+uyutWD01ul21to1Dxkd89Tu4CoHQbK\nVPpFqZ7nRsGTNCMFoiJtrl6ZlLlzYdYsN9jGmOwBN4OdkzQoGoWPHecyot2dcSIdLpDbacf+x7fZ\nC0QjbCmwt/Izoul2PP1DLjriPzBY3lwziSTdmMQmeOfFzEZ+UDp8cvadI92uW90mM4Fm0FsPwrPX\nu8uKp91t+QLRnswUTrUKiGIx+O631vHJ3X/LSXtdz5O/up7409fD8zfAphXVe6AmpEFEIgPrDLsB\nIhK+WmdRgh/IxUyf7ubJHEybYjE46P3dMA+inX0kvSmUFr5i2NoLeP32XPiRHgD+747N7H9GnsfM\nN1gpX43ohrfhlo+6qaH8+21aBhiSh/+ScbueTOT2w+H1e8hkWUnPIcrIKf0PpHsEJLa47vlgt/va\n1+CmD+bZfmT/27yMaHz9qqzzP3OmO8/Vet7/48MXcs4hl2VuuM/7ucun4NibqvMgIfO/KM2c6X5X\nHaZIdSgjKiJ119FRmzlJ/azf9K+5jGhXJI7xuuZT1nDVVdnb+xnRIV15so5BZoBR8289CCv+CRuX\nusumZS6jecR1dO11sjue9BKjgclF/YzoiJyMKATqRHNGzq9+2f0cNhF2P4XkrqeQ2PsbsNMx/ffR\nU/tJ7aNROHraEgAefO0Q/hU5BaYc4f7oB+YtotzeAw0iEhmYAlGRBtYqA0ByP5B/+tPqlwMEs66b\n+1yN6IH79aWX6QT4xjfcikfXXutKA/zBSh89vIIa0WBG1O8+3+UEOONtd/nqCnjvqYF9efsITqWU\nDkSn9H/oPAOWAJd9BdhuGnNfvZ4hn7ieIUdeyuyfDe+/Dy8j2hVfVdOAaJedXKr1oK98jV1nXg8H\n/of7QypRvQdpEOV+UWqFQUSt8j4kjUmBqEiDarUBILkfyLUcWBFPuozozjvG6fQKkKw1JBJuxaOz\nz3a1qn4gusduBWpE882/madGNB7z7t8zGoZt6y5+5tQXWGI0bd0i9zNvRjQwYCloo8s+JnomZE2e\nP3MmzJmTs49ARrSmAVHSBaJdUW9Fq46I+2lbLxCtRDMPImq19yFpPApERRpQqw5yqOUHcjDrmsJl\nRLs6+jhzurfEp3UZyUTCZUMBtsRdjWjeAUHuXu6HKTBq3lrmzoVvz3KB6ILnego30N9H2V3zBTKi\nvdv2i5Nnzcp5naRHza8EBj7/FWe+Ul7xaYcfiHrRfypZwc6kUbTq+5A0FgWiIlKRRuyu87N+cnMF\nDgAAIABJREFUN/4us9b8x4510ZoJvNv5Napx642atwUC0XyDlToirv4TS2zTFmbOhC7jAtH/u29I\nkXPi9hGPW1fnueTxQEZ0Sv/NowUCUS8j2jlyApdeWuixPGXMIzqozJcfiHorWmH8QFQZUREpToGo\nSANq9EEOAwUtAwWptQxio1Ho6nEZ0VS8Dz+rucsupl+N6s+v96Y8KicjCtCZXSfqD3bakiicEX1t\nkXu7/cX37oTrdoEbD3QDkbqGQc+o/nfwM6IFuuYZti0zZsDs2UVeJ0NKG6w06MxXoYyouuabWqO/\nD0lrUCAq0qAadZDDQEHLQEFqPWrO/nS7C4gefKCP2293t223nelXo9rV43fND1QjmhOIevWf0QU/\nYc7lMXqj7v4fObIn7wd1LAbPPOP2sfu4ZwBYsm4blpn94X0X9g90oYSu+QmAq3ct+Dqp18pKyT73\ns1/XvALRZteo70PSOhSIijSwZhvkMFCQWo+as1gMLp/jMqKdJs6VV2aCyX7ns7PEjGhuIDpka/fz\nif/iKx/8DTPPcoHowYfkmVTek7Lu7XZEjwssr370y2z37ceJ7fH1/HeI5pm+ydqsjGh600KvkxIz\nooPOfKW75t15x/iDlVQj2gqa7X1ImosCUREpSzN01/mj5rs7+9LziOaKxaDPVtg1f9iVEHEHnVj6\nTzr9GtNIT96yg2gU9tjT7cMPRNfH8ky3FJQvIxpbA8mY+5s/aKqY6FaAgdjaAbOTg8p8JQsNVlJG\nFMovRWnE+muRWlEgKiJlKxS0DBSk1iOIjUZhxtf9tebjnHGG94dAMOmXB7zPz2Amy+yaH78vd0Z+\nD8D9N/+LF59397/vgZ6CZQc77ezebscMzwSixx9f5Pj96ZuCgWhgxHxJOiJuSimALe8MuHnFma+C\no+YViJZbiqLpkqTdKBAVkYoUCloGyqzVo+bs059xAdGek17g2OiXvVtdMBksD1i/xdWIpvrKWFnJ\n28esH+4GwLu3/hfPzHeB6HW/7ClSduD2MaQjE4jeckuRzFe+wUp5uuWDbcq7ryF1qBMtEIjaZHsH\nouWWomi6JGlHCkRFpOr8ALXQh2jNa86GbwfRkZhUH6x/0902etd+m/kT2ptkmTWiwGurd6Av0cXk\nUW8wedQit79E4RpRf/6oSIebR3RDbFjhbSF/13zOQCVf0SxaPQYs5Uzf9ItfukB0xfKEsnoiUpQC\nURGputC7F6Mj4Euvw6nPuctpL8K0y9yfAuUBCbxAdOMS+OUe/S+rX8q/+yj85LJOFq56FwD7b/cE\nAKd+cWjBsoNkKjuY3Zwc3m+brKymN1gptSVPRjTQNb9u3QBZND8junEJxDfnvwx24vnAqPlYDM77\ndzdYKWKSbZ3VK7cUpRnqr0Wqzdh8S9g1CWOMbeb2i9SbHxDU8sMtFnMBaNxLknV1uW74Sh+zVm2O\nxYBknOgNO8CGxYU37OqFL7+Zd67P+HN/JPLsXDpMCoZNgsOvIZbs6dfeuXNh1N8/x2f3vjF9W9+J\nT9C9/X5Z28yc6a5fcQVslXqRk2K78sqqHZk/4beccNwWmP8/8NLv4dCfwH5fZ+5cmDHDrRaVbm7u\n+b7rVHjul8VPxvDt4JRnMyP1c88TA5z/n42HTcvhK0uIdW7DxLFrWXnBVqzdPIKtL1o7qOe/FZT7\nGq7H/6lILRhjsP4ydiXqrFVjRKSx5AY6zTAnYC3b7D7ku+C0F2DtosIbDpuYNwiNxYCdP0nX7p/M\n3m9n/+1mzoTrTsh+b+4eNrzfNn7wfvbZMGHkCE76Duw05lV2ih0INwXbNCF9n9wgtF8WbaePw8Lb\nCg/ISmxx5QtrFsL4qVl/Kvn8B2pEo1H44cWdsAU6Iwll9Sj/+Nv9fEl7UUZUpA1UO0s5kGoEkPVu\ncznKOT7/OH7+yS/whf1uyNx+6ltEx0zM2sY/VoCh0S2sOH80Q7s3s3T9eMa9exc6DDB0HBxxLTFG\n0tsLSa9XvaMDVq+GEf2TmsX95kBY+jic9Chse2C/dpd0/ucMd6tMfW2ty6omYjC7B9vRjTmnTfvl\nm0UqCYsfzJ6vNp9hk2D8PvVpkzQtZURFpCFMnw6nn+6uN0LgWE252cuZM92xFjpOv+7PPJz93jxh\nynC+/1+ZVZ4uuSQT3AJsifdw1HX3sNu459n/pBM4/bM5WdlYYHapwGOVzZ9qKRkvvl0x/UbNuxpR\nowntG99z18PdXyxt21OegbHvrWlzpP1osJJIGwhjEEQlI+ODg3VaaeDG9Olw0knZgejqjcOyBvKc\ndpo7zqBHFr2fax//EjGTZy16IBLJf70cKbwHzVkXvqzznzNqPmtlJfVaNba3H3E/t96bRR3H8L8v\nuMuijmNgR+8yZKzbplgttUiFFIiKtIlGXzM630j7RmxzpQFyJJJ5u90Q68XazO9z58LYsa6bPRKB\nzk43dWki4S75Rp5XI1CfOxfuf8AFj3/+U/+MaEnnP5UE66akSgegxmiZz2ax6jkA+t5/Obt863aO\nudZddvnW7cQ+ejt84nYY7w2qK3F2hVZYGaoVjqFZKBAVaSONumZ0sYm8G7HN06fDypXuUnKAHJgU\nf31seDp4hMyxp1Jus7ffdjWfuXI/HAcTqKfPedJ1zf/86njeD94Bz39wnfngxP+1WF3JWrj5CLi8\nK3OZOw5WLKjeY7QTa2GlC0TtmN0Lb9dR+peK0Kduq4JWOIZmokBURKSAQlkRP4M5dmwZH1Qm83Y7\nfrthBYNHY9yAIz/bGYnAj34E116b/8Ox0kDdP6540mVEuzoqrBHNrQ/11SIQ7VsPr9/t9ulfNq+A\nhX+q3mO0k/VvuEFmQ8cR3Wrrwhn2dHY7VXR3rbAyVCscQ7NRICoioWvEetBCWZHKP6gy2cKO6PD0\n8RU69unT4eMfd931s2bB175WvQ/HYClAIuUCyC99MVHZOU8WCERr0TUf3+h+Dh0HM/vgqF+535c9\nVdLd1d2aY+Wz7qeXDS2YYVeZhdSQAlERaQiNVA9aSbA5YJATHG08Lnu+znzHvm4d3HxzZptqjfkJ\nHlsqBYmUy1weeVgTZET9QLSrl1iii77R+7vflw8ciKq7NQ+vWz742sybYfez+QPUiDbiF8pytcIx\nNBsFoiLSMMKoBy03S5bvg6pQt3mWqWfDlxbB/3sJDr86734HOvZafDj6GdF0QFmu3BHzvhoGoqvW\n9TJ8OIyY/C7i9LoJ+TetKHi3VupurWpWd1V2RrSgErvmobG+UFaq0DE0W0a9WdqrQFRE2lahLNlA\nWZHgB9Xpp5cR5IyYDKPelVUvWsiIEbBPYP7wqVOr8wGfe2z77OcHopUFjLHN/jrz3dl/qEUgmtgE\nwMLXe4nHIdYX4fFFe7u/LZ9fvcdpUFXP6ubJiOZVxmAlaMwBhuXKPYZmy6g3U3sViIpIWxooSzZQ\nZqfUD9tKsxKzZ8P8QGz1zDOZxx2s4LHt9p78GdFS2j13Luy7t7vfmvWFakSrnxHd2Nebvmn+216Z\nQ5E60Vbobq16VjeVhHdecNcHzIh6oUKb1og2W0a92dqrQFREpIBSgs1iQc5AWYlCwV4s5gYo1VL6\n2PKsrFRKNsX/sMO6+729tCv7WNIZ0eoPVtphl146O92MArt8wAtEB8iINmKXcahdp2tfg8RmGDYR\nerYqvq3/paKaz6WIR0t8ikhb8gPI4JrxlWbJ8i1pOtBSoAOtV29yVmu+9NIaZfH8QUZe5rLcJUz9\naZ/iya50YBWNQrSGNaIJ00sq5QZbfesnUzn8HAYcsBScl7ZisXXw6Pchtrb8+w4ZAwecB9ERwMDP\nf65o1L0G/C8og87qehPZD5gNhbJqRFtRNd8r6qHZ2qtAVETaVr4AshT5gppSu+l9xYK94AeJtS4A\nOfvsKgVTufxAtMy15v02/vpSd79hI7sYNcoFh5EILP9xJ6OhJl3zDz7qAlGAZ5fsxpZ4lJ41CyG2\nlhgj0+3zlRv0FfTYD+Efl1Z4Z2D0brD7F8oO9sEdw6xZmdfDoLO6/tRNpawdX2aNaNOLb4QbD4bV\nL6Vvmg589cfuuukDrgilZSVLt7d7JGb6srCbU5S65kWkrZU7sKLUQQC5XfbHH+/m7hw+HK68cuDH\n8buSN2yAGTMqH3wwYPdvOnMZz9vuYtmU6dNh3v3ufstXdqWDw2QSFr9du4xosEY0kerimaV7AvCn\nq5/ud46qVi/Xtx4WeE/cB34Ih11V+mXSB7PaX67gMSQScO65VejSLysj2mY1osvmw8pnIBnLuhjv\nknt7o15MMoZJNXBxqEcZURGREpWbyfIzrrGYC0L9+517bmndrKV28xdSUiYw0n/UfDmZ4u4ON2q+\nL5k9aj5pa1BX6AVy7zu0l47bMtnXoVP2geQTPHTLU8TjhwKZc1Q1z/zcdclPPAQOPK+8+654Bt76\nW79gP9Su03RGtIyu+XapEV23yP3c5QQ46oZQm9IOFIiKiAzCQN3lhW4/4wx3KbbNYNoDJQavHflH\nzZfcJu9+O+7cRUdHJjicMLETLBV1zeee0/TvXiC674G9bNoUqEf911S4F/aZ2L9OtCpBXzIOT17u\nru9XwSiyPPWy5QT7VQ9ck3FY/aK7PuY9A2/fbjWi6153P0fuCJ094balDahrXkSkRIW624cNc9Mt\nlXo/P5AotSyg1O7yYPd9Kd3/QL+u+bJ599tuchebNsHatbBxI4zbprKu+dwShODvC57MrKwUjbq5\nVqNRYLwbOX/U1KfynqNBj5h/6fdu0vzRu8JOx5R//478c7WWUxZS1VH/axZCss/Na9s9fODt261G\n1M+IjpgSZivahjKiIiJlKNTdPnOmG+l+9tnF7weVZbMGun9u932w+99auOSSAo9b4WCltMBa81mB\nVQWj5nOPYcYMd0793//x6Eb23B/o6s2+49g9wEQYzb9Y/87GdKAaVHEG0Vp4whugtO83SlqMoJ/B\nBvueqmXOV5U4kb2v3WpE/YzoiMnhtqNNKCMqIlImP+DKXf991qzig0gGu+JMufc/4wwXjBrjAtO8\ng5xypm8qWx3Xmu/tzmREs3T2uFpHmyK6bkF16y3fuA9WPA1Dx8N7Pl/ZPqp1Lqx1dZqDvazwVkco\nZaAStGHX/CL3c+SUMFvRNpQRFRGpgD+vo1+3F7Z8dYTgguOidaJ5JrQvS6FA1JTfnVvoGPzfD9hn\nI6SAzqH97zxuKqxY4Ca2n3BwyY854JRYT1zifu5zVuX1goMN9sEFgTcdCosfqnwfuUrOiLbRYCWb\ngnVvuOvKiNaFMqIiIhWaMcPVhjbK0pEV1REWGKxU8qo/SW+t+Uh11prPPYbg7ztMKpARBReIQtGl\nPnMNOCXWigXw+t0u8N3rq2UdR5ZqZERXLMgEoaZj8Jdhk2D7j5T22O3UNb9xmZv+qGdM/teZVJ0y\noiIig3D22bUZ/V6p3En2BxxtnWcgTVkTwNega75gfWe8SCDqDVjipT/Aquez/7b1HvCRn2XVdxab\nEiudJfUnr9/jdBgyuuzjSBts1hng9Xvcz91PhSN/Ufl+KtFOg5XSI+anhNqMdqKMqEgIQl1jWqpu\nsLWftTRgljSSnREtewJ4PxCN5HbN125Cez8Qzfo/Grc39IyCvnWw5O/ZlwVXw5LHS3oIP0u626Q3\nST7/Wxe87nvO4Npdja55PxCdfNjg2lKJdqoR1UClulNGVKTOqrbcoFRFTZbNbIDHCir6eKbYiG7L\nD474Dl23PlY4bbHhLfezX0a0Blm0QCDa//+oF059Ada8knWX5JNziLx8E7xxL0w4KH17sXrUeBy+\netAcIiRI7vxpIiN3GFy7B9s1n9gCix901yeX2J1ehgFflxXU+zYtTd1Ud8qIitRR1ZYblKqodNnM\nRn+ssuSsrBScs/TQnR/mm9MupmPxX+HNApfVL7v7535w1yQjugmAmO3N/3/UOx4mvi99mXvb+/js\n+Z8CYPHf7+23u0LZ4hE9aznjoKsASO5dwQT2uQY7fdPih1wwuvVeMHTc4NsTUNLr0i9paIfBSsqI\n1p0yoiLSlipdNrPRH6tseQYr+XOWdv5lNrwC7PEl2PUz6b/3eZt2+0nQzqGw7QE5+/U+XgbTHZ2r\nWI1oDv+c93b+G6mUYevEI8Q2bCQ6LPu++Wpq3/jj1YzoWc/ijmlM3H6/wbe7wIT2JXvdC6Kr3C1f\n8utSGVGpIQWiInXUEGtMiwT5AePGpZmAB4j2bYBXb3V/P/h8GD4RKKO0pNrziFqbDkSjvb15/4/y\ndTGv2TyKJxfvy/7b/YPkXZ+C3jFFH2b6DmA/eRdshokfP7c6bR/suQizPhQCZRaqEZXqUyAqUmeD\nXWFHqqOeXwoa+gtIxJsbc+njcHOeQGeXz6SD0LIyu9UORBNbAAuRKHRE+v0f5QuQ/XN+14tHs/92\n/yDy+p0lPZQBN8fmDkdWp+2DORebVrq5USNRmHhIddrjKfl12S4ZUWth7SJ3XYFo3SgQFQlBwwQh\nba6eXwoa9gvIxPfD7qfA+rf6/62rF97//cr2W+3gJU+3vH8eCwXI6XOe+BYsfm+6xnTgthvY7kOV\nLeeZT4G5Wkvyxn2AhYkfgK4h1WlPQEmvy3apEd28ChKbIDoSerYKuzVtQ4GoiLS1egaFDRWA+jp7\n4MjrS9q0rMyulwWM9yXoKrBJWRKl14cGRaNAdAjsckI1WlGZwWRE69AtP+Drsl2mb0rXhyobWk8a\nNS8iLUvztVZfvpHm+c7zgmdd8PXNWYnqzBJQZKBScKS/v8KV366GUOkMAtYGAtHqT9tUsnaZ0D5d\nHzol1Ga0GwWiItKSGna6pBYQnMA/33mOxeD+B1zwZWyiOtOUDTBiPhggQ4M995EKu+bXLIT1b7jl\nJsftU/12lapdlvjUQKVQKBAVkZaj+Vrro9h5TqZcFq2zo0qDlUqYuskPjhvuua80I+pnQ7f/cPXq\nVSvhd823eo2opm4KhQJRERGpqmgU/u1DLvjq7kwWrCUtq3SijDlEG06lc6qWWR9as1KUtqkRVUY0\nDApERaTl5KsZbJSBQq1Ut1rsPE/dzwVfF5yfyDvXaNmlEyUGog353AcmtC/5+U8l4I373fUpAwei\nNS1FaZsa0UXupwLRugp11Lwx5lrgGGCZtXZP77ZRwE3AeGAJ8Glr7drwWikizaga0yVVe234kieD\nbyIFz7PXHd1pXBYweC4rWmnKD0Q7h1beprB4GdHVb6/g5H3vAuCMM+DYY4rcZ+2r0LcORr1rwMCo\n5it3lVgjWu3/l7rTYKVQhJ0R/QVwRM5tFwJ3Wmv3Au4CLqp7q0SkJQQH1ZSr2hmmVq5bzXueA93R\nVTmXZXbND+a5r7pOt2jAKPsid5x2FHecdhTH9h0FtxS53Hemu+/2Ia2mFFRCjWjTDw7csgZia90X\nnSHFV9+S6go1I2qtfcgYk/tV72jAX7T418CjwIy6NkxE2lpDrw3fLLzgJRFP5j2XZa801cw1omP3\nILnHmdz7x4XpMkvTAYd9BDqKpYO6emHfcwbcfc1X7hqgRrQl/l/8bOjIKW5BA6mbRpzQfqy1dhWA\ntXalMWbrsBskIjJYDb3MZy14GdHIP69gyXevAevdbqD7Gphu4KuXeTdZ4H8G2F/CWxWpGQPRjgiR\nw/+bVxZmP/9HnFi9h6hpOUI71IiqPjQ0jRiIioiEqlZBY8PVLtbSNvtBpBuTjDFmaE4Ngvdr2Xmn\nji6YcHA1WlcV5dZE1vr5r9lraoAa0Zb4kqX60NA0YiC6whgzxlq7yhgzFlhebOMLLrggfX3atGlM\nmzattq0TkbZQq6ChnH019eCP7abBme9AYgtQpWPp7GmYjGilA8+a8rksYfqmpv+SpYxoRebNm8e8\nefMGtQ9jrR14qxoyxkwBbrfW7uH9Pgd41Vp7hTHmHGAHa+3ZBe5rw26/iEgttOII+7BUO6CPxdyg\nHL8msqvLrejUlAFYKV65A/50LOx4NHzijrBbUxt//iS8fAsc/VvY9TNht6ZpGWOw1pbV2RHqqHlj\nzI3AI8Auxpg3jDGnAecDRxtjFgBHAd8Ls40iIvXWyiPs663pR3M3Ar9rvpVXVlLXfGhCDUSttSdZ\naydYa6PW2u2ttb+w1q621h5mrd3TWnu4tXZNmG0UEZHmVKuAviEnza+ldhistHaR+6mu+boLex5R\nERHJ0XaBThOaPt11x69f3wZlE62+xGffBtiyCiJR6B0fdmvajgJREZEG1FaBTo3UOqBvqEnza8m0\neEY03S2/faYMQeqmEUfNi4gIjRXkNOsI/qYfzd0ISqwRbdbXiOpDw6XQX0REimr2AT+NkLmMxZp4\nwFkJGdGmfo1o6qZQKRAVEZGCNIJ/8Jo6SIPAYKWBl/hsytdIOiOqQDQMCkRFRNpco2brGrVd5ag0\nSGuoY2/xGtHk6kXuirrmQ6EaURGRNhWLwVVXwaxZ7vd8E+eHtXxjrSf0b+R6xoZbzMCvEU1sgQ1L\n+v05Clx9OXzPm/X7oosgGgfidWthxa7/Jeyx8BX2nQS33jeZT7wn7Ba1n9BXVhoMrawkIlKZuXNh\nxgxIJDK3FVshqJ6BW61XLqp3oFfO4zXkqk3Ln4Yb9gmxAfWx48Vv8MJb2zXkl5NmUcnKSgpERUTa\nTG6w42uIoIfaBmNhBXqlBvKNEohmtTcRgz8eDqtfqm8jasxaWLrUXX9k0fv47G9vZv16E/rrv5lV\nEoiqa15ERBpq4vywygFqqdT2N8Kx98/gRuHTD9S3EXVggFvnttbrrBkpIyoi0oaCwcYll8BXvtJ4\nH8K1KgdouBrMPMKqYW2UjGw9NXK9cLNR17yIiJSsnT+A2/nYi2nHQFSqp5JAVNM3iYi0qUaY6D0s\n7XzsxdR6WVSRXMqIioiIDEIrZlfDPKZWPJ/tQhlRERGROmr6VZMKCCtj3KrnUwpTRlRERPpRVmpg\nzVpPWevnttL9N+v5lAxlREVEZNBaKSvVUEtlNoBaP7et9NppFK3+GlYgKiIiaZWujd6Iah0UNdvA\nnlo/t4Pdf7Odz3poh8BeXfMiIpLWKt2j9TyOZiljqPU5qdb+m+V81loz/i+qa15ERAZFWanyNctU\nULV+bqu1/2Y5n1IdyoiKiEg/rZCVaoYVlMLQqIOVpL9mew1rZSUREZEABUXS7JrpNaxAVERERKqu\nmYIhCY9qREVERKSq2mHktoRHGVERERHJqxlHbkt4lBEVERERkaahQFRERETy0nReUmvqmhcREZGi\nNFhJSlFJ13xnrRojIiIi+TVbYNcs7ZTmo655ERGROtIodJEMdc2LiIjUiUahSyvTqHkRERERaRoK\nREVEpOHFYpm6ymbWqqPQW+X5kfpTICoiIg2t1Woqp0933fHr17vrza7Vnh+pL9WIiohIw1JNZWPT\n8yNBqhEVERERkaahQFRERBpWq9ZUtgo9PzJY6poXEZGG12wTwLcbPT8ClXXNKxAVERERkUFTjaiI\niIiINA0FoiIiIiISCgWiIiIiIhIKBaIiIiIiEgoFoiIiIiISCgWiIiIiIhIKBaIiIiIiEgoFoiIi\nIiISCgWiIiIiIhIKBaIiIiIiEgoFoiIiIiISCgWiIiIiIhIKBaIiIiIiEgoFoiIiIiISCgWiIiIi\nIhIKBaIiIiIiEgoFoiIiIiISCgWiIiIiIhIKBaIiIiIiEgoFoiIiIiISCgWiIiIiIhIKBaIiIiIi\nEgoFoiIiIiISCgWiIiIiIhIKBaIiIiIiEgoFoiIiIiISCgWiIiIiIhIKBaIiIiIiEgoFoiIiIiIS\nCgWiIiIiIhIKBaIiIiIiEgoFoiIiIiISioYNRI0xRxpjnjHGPGeM+VbY7WkG8+bNC7sJDUXnI5vO\nR386J9l0PrLpfGTT+cim81EdDRmIGmO6gZ8BRwB7AScYY/YOt1WNT/8U2XQ+sul89Kdzkk3nI5vO\nRzadj2w6H9XRkIEocCDwrLX2bWttArgJODrkNomIiIhIFTVqIDoJeDPw+1vebSIiIiLSIoy1Nuw2\n9GOM+SxwiLV2uvf7Z4BDrbVfzdmu8RovIiIi0qastaac7Ttr1ZBBegvYPvD7JO+2LOUerIiIiIg0\njkbtmn8c2N0YM8EY0wV8GvhLyG0SERERkSpqyIyotTZmjPkqcDdggBustU+F3CwRERERqaJGzYhi\nrb3LWvtea+3u1tqLC21njDnfGPOWMeYp73JkPdvZKDTvajZjzCJjzD+NMfONMY+H3Z56M8Zca4xZ\nZoxZELhtlDHmbu+83GWMGRlmG+upwPlo2/cOY8wkY8wD3nvGv4wx3/Rub8vXSJ7zca53ezu/RqLG\nmCe8437RGHOZd/sUY8wjxpgFxpjfGmMaMqFVbUXOxy+MMa96nzVPGWP2DLut9WSM6fCO+8/e72W/\nPhpysFI5jDHnA+uttZeF3ZawePOuvgi8H1gO/B34krX26VAbFiJjzKvAvtba1WG3JQzGmA8AG4Bf\nWWv39G6bA7xqrb3CGDMT2MFaOyPMdtZLgfPRtu8dxpjxwNbW2meNMcOAJ4ETgS/Shq+RPOfjKeAE\n4BO06WsEwBgzxFq72RgTAR4GzgPOAa611t5mjLkCWGStvSLUhtZJnvPxbeAU4HZr7S3hti4cxphz\ngH2BEdbaj3kBaVmvj4bNiJap3Qctad7V/gyt8/oum7X2ISA3CD8auMG7/mva6DVS4HxAm753WGuX\nWWuf9a5vAJ7BDQpty9dInvOxAJjo/bktXyMA1trN3tUo7v10GXCQtfY27/ZfA8eE0bYw5Dkfy73f\n2/I1YoyZBHwU+Ln3ewQ4uNzXR6t8UE83xjxvjLnBGDMq7MaEQPOu9pcC/C7Gr4XdmAYx1lq7CsBa\nuxLYOuT2NIJ2f+/AGDMF2A94EJcVbOvXSOB8POTd1LavEa/bdT6wFJiH+zK3MrDJW2QC9paXez6s\ntc97f/qB9xr5qddD2S4uB84F/K71ccCKwN9Len00RSBqjLnHqzfwL894P48F/hvY2VqSxt5PAAAF\ncUlEQVT7HuBV4KfhtlYaxMHW2n2BjwCnGWM+HHaDpOG0/XuH1w39B2CGtXY9mQ+UtpTnfLT1a8Ra\nm7LW7oNLbBwC/FvITQpVzvn4oDHmUOCb1trdcMuRDwW+G2Yb68UYczSwzCsBDGaEy84ON0WRsbX2\nsBI3vRL4ay3b0qBKmne1nVhrl3s/Vxhjbgb2B+4Lt1WhW2GMGWOtXWWMGUumW6kt+Zk/T9u9d3iD\nCG4GfhPoSmvb10i+89HurxGftXadMeZOYEdgbOBPbflZ452P/8WVKTzg3RY3xvwcOD/c1tXN+4GP\nGWM+CgwBhgM/BsYEtinp9dEUGdFijDHBrqMTgOcLbdvCNO9qgDFmqDFmiHe9FziS9nxdGLK/nd4J\nnOxdP5n2e41knQ+9d3Ad8HzOQIJ2fo30Ox/t/BoxxozxMsR476eHAfOBR40xx3mbfZ42eY0UOB/P\n+q8RY4wBjqdNXiPW2u9Ya7e31u4IfAa431p7Mu718XFvs5JeH60wav4GYE+gC3gDON1auzjcVtWf\nN63IpWTmXS045VWrM8bsAPwJVyc6FPidtbZdvqUCYIy5EZiG+3a6DPct/U/A74HxuBqnT1lr14TV\nxnoqcD4+RJu+dxhj3g/8DTdIyXqX7+C+1N5Em71GipyPz9G+r5E9gF95v/YAN1prv++9v94I9OKC\nrpOttfGQmlk3Rc7H/cAoXFbwaeDL1tp1ITUzFF6Jwje8UfNlvz6aPhAVERERkebU9F3zIiIiItKc\nFIiKiIiISCgUiIqIiIhIKBSIioiIiEgoFIiKiIiISCgUiIqIiIhIKBSIioiIiEgoFIiKiFTIGHOq\nMSZljNl+4K1FRCSXAlERkcr5q/CUzBjzCWPMoFb6MsbsYIw53xiz52D2IyISNgWiIiL1dTzwvUHu\nY0fcMqV7D745IiLhUSAqIlJfpkH2ISISOgWiIiJVYox5lzHmT8aYVcaYuDFmuTHmHr8L3RjzV+Ak\n73rKuyT9GlNjzBeNMfcZY1YaY/qMMa8bY2YbY4YFHuMU4G5cScD1gf0MNssqIlJ3nWE3QESkFRhj\nuoG/4gLEHwNvA2OAQ4B3AwuAHwBdwMHA58hkNld4P08HXgZuATbgut7PAN4LfNjb5gHgYuDbwFXA\ng97tC2pzZCIitWOsLavOXkREPF528jpgB2Ab4FHgOGvtn4vc5wbgJGttJM/fotbaWM5tJwK/Aw62\n1j7u3fZh4B7gVGvtr6p1PCIi9aaueRGR6ljt/TzaGDO0kh34QahxRhhjxgCP4DKn+1enmSIijUOB\nqIhIFVhrXwbmAl8EVni1nv9hjJlc6j6MMQcYY+4BNgJrcF32b+K6+0fVoNkiIqFSICoiUiXW2q8B\ne+CmVtoEnAe8aIw5ZqD7egHr/cBYYBZwLPAR4DBcRlTv1yLScjRYSUSkiqy1zwPPA5caY7bFDSL6\nHnCHv0mBux4HDAGOsNYu928ssGqTivtFpCXoG7aISBUYY4YbY7Lm97TWLgGWAMMCN2/wtu/N2UVn\nzk/ft+gfeG7wfg6vuMEiIg1AGVERker4EHC5MeZW4AXvto8CuwPfDWz3BG5Kpp969aAp4M/AncCP\ngHuNMVfj6kSPBbal/wT2z+G6/r9qjNnkXX/WWvtcLQ5MRKRWFIiKiFTHAtwcnx8DpuOymC8CZ1lr\n5wa2uwGYCpwAfAEXZO5grX3BGHMcbq7Ri4G1uO7804DlBLKi1tqNxpiTgQuBn+HmJr0QF6CKiDQN\nzSMqIiIiIqFQjaiIiIiIhEKBqIiIiIiEQoGoiIiIiIRCgaiIiIiIhEKBqIiIiIiEQoGoiIiIiIRC\ngaiIiIiIhEKBqIiIiIiEQoGoiIiIiITi/wM7AhZBO9x9TwAAAABJRU5ErkJggg==\n" + }, + "output_type": "display_data", + "metadata": {} + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 9, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "tree_model = \\\n", + " DecisionTreeRegressor(\n", + " criterion='mse',\n", + " splitter='best',\n", + " max_depth=None, # expand until all leaves are pure or contain < MIN_SAMPLES_SPLIT samples\n", + " min_samples_split=10,\n", + " min_samples_leaf=5,\n", + " min_weight_fraction_leaf=0.0,\n", + " max_features=None, # number of features to consider when looking for the best split; None: max_features=n_features\n", + " max_leaf_nodes=None, # None: unlimited number of leaf nodes\n", + " random_state=RANDOM_SEED)\n", + "\n", + "tree_model.fit(\n", + " X=boston_housing_df[['lstat']],\n", + " y=boston_housing_df.medv)\n", + "\n", + "boston_housing_df['predicted_medv'] = \\\n", + " tree_model.predict(\n", + " X=boston_housing_df[['lstat']])\n", + "\n", + "plot_boston_housing_data(\n", + " boston_housing_df,\n", + " title='Complex Tree Model')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now, with the new parameters, we have a more complex model that is **low-bias**, **high-variance**.\n", + "\n", + "Fitting a good model with a single tree is difficult, largely because a single tree is fit using a greedy heuristic that may not be optimal in the first place.\n", + "\n", + "In practice, trees are almost always used in an **ensemble modeling** manner. The computational inexpensiveness of individual trees allow numerous trees to be fitted in acceptable run times, and collected into an \"ensemble\" of fitted models, the predictions of which are combined in certain ways. Two prominent ensemble methods are **bagging** (**_bootstrap aggregating_**) and **boosting**." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Bagging and Random Forests\n", + "\n", + "With the [**bagging**](http://en.wikipedia.org/wiki/Bootstrap_aggregating) method, $B$ models of a certain kind (usually, but not necessarily, tree models) are fitted on $B$ bootstrap samples of the training data set, and their **predictions are averaged** to produce the ensemble prediction function.\n", + "\n", + "- Each **individual model** among the $B$ model should be a **sufficiently-complex, low-bias** model – which also means that each individual model is likely to have **high variance**;\n", + "- The low bias of each model will result in an **average ensemble model that also has low bias**; and\n", + "- In order to make the ensemble model also have low variance, we select a large enough number $B$, so that individual models' high variances offset each other in the aggregate!\n", + "\n", + "The application of \"bagging\" using tree models is called **Random Forest**:" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAqIAAAIgCAYAAABeeQsgAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3XecXFX5x/HPszubTQ+QTeglSEeqSFGRSJMmCFIU5KcS\nEFiVBAERlWbBQoQkkgXEABZEUBBEEFEgSFfpkV4ChJZsym7aTrac3x9n7u6d2ek7M3dm9/t+ve5r\nZu7ce+65dxfy7HOaOecQEREREam0uqgrICIiIiJDkwJREREREYmEAlERERERiYQCURERERGJhAJR\nEREREYmEAlERERERiYQCURGpGWZ2kZn1RF0PiY6Z7WNmPWb2ySLPn29m15a6XiJSHAWiItIr9I98\nsHWb2RIz+6eZHRx1/QCX2KqKmV2Y8tzC281R1y8bM5uUqP+OBZwzP3Fv8zJ8P9HMOhPHlCPoG8jv\nQNX9/ogMZbGoKyAiVelXwFzAgI2B04G/mtmhzrm7o6xYFXPAWcDClP1vRlCXQmwOXAi8ATyb5zkO\nWA1sa2a7OOeeSvn+eKATJTtEJAcFoiKSzmPOud8HH8zsT8BLwDRAgWhmf3HOvV6uws2s0TkXL3Wx\nRZ73FLAJcGLifdiJwO3AcQOol4gMAfprVURycs69CrwPbBbeb2abmtk1ZvaimXWY2XIze8DMDkwt\nw8zmmtlbZraxmd1mZu1mttjMrjSzYWmOP8HM/mdmq83seTP7cqb6mdnBZvawma0wszYzu9vMdk9T\n1x4z+76Zfd7M5iXq/LyZ7Z845iAz+6+Zxc3sdTM7vrgnllkRdf1SUFdCgV2iG8XfzWyZma0ys0fN\n7NCUcmJm9gMze83M1iSu+bSZnZH4/kvAPfgM5/Wh7gQX5HErPcANwBfMrPffEjPbHtgZ+G2G+x+W\nqNOrief/tpnNNLOxaY7dzcz+lbi/d83sJ8Aw0gTPZtZkZrMTv2NxM3vDzC5J97slItVDGVERycnM\nxgDr4Jtvw3YDPgLcBLwOjMVnw+40s/2dcw+EjnXACOAf+ODnDGAP4FRgFb5ZO7jeCfhA5nF8FnYM\n8EP6N3tjZscCN+Kblb+FD1S+BjxgZvs65x5NOeVQfEDXAnQB5wK3mdnpwCXAL4BfAl8Hfm1mL6Rp\nes5kHTNrS9m3xDnniqzrZ4FRwGygDXg+Uc7ngD8A9wPnAd3AF4C/mNnnnXN/TJz/E/zzuwb/LGPA\nDsCuie//lTjm28DVwIOJ/fk20f8O//wOpC9T/iX8Hy3/yHDOLcAhwPXAQ8CH8c/6Y2b2MedcZ+Ie\ntwbuA9qB84EVwFcS10rq52lm6yTurwH/s3sbHwyfnSj/8DzvR0QqzTmnTZs2bTjnAPbBZ7rOAMYD\nTcAuwB34YOfElOMb05QRA54G7krZf3+ijJNT9v8JWBz6XA+8A8wDhoX2bwF0AN0px76L7zYwIrR/\nXWAx8O/Qvk0T97YYaArtPyCxvwPYKrR/y8T+mXk8twsTx6Zu3cAmA6hrG7BeyrVGAIuAX6epx0PA\n/NDn54E/56j7folr/V8BvydvAP9KvH8C+H3iveGDwJ8l7rcHuDZ03iGJfZeklHdKYn9zaN8f8f1Q\nPxT+fUvcUzfwydD+FvwfKRNSyv1q4th9U+p+bb73qk2btvJuapoXkXQuxwc7C/GBxn7AV5xzSc2t\nLtRf0cwaE5mptfADnT6aptw1wK9T9t0PrGVmTYnPuwHrA79yzq0JXetV+vdP3Q1YD/ilc2516NgP\n8M3GHzGz9VLOuc051xr6/HDi9SHn3MuhMl4BWoGt09xHOg6fDd4/tB2Azw4WW9c7nXPvp+zbH5+d\n/r2ZjQ9v+OezsZltmTh2KbBT6HM5/BY43MxGJ+q2ARma5YHP4J/T5Sn7rwWWkchcJpr6DwLucc69\nFhyU+H37ZZpyjwXuAnpSnse9+OB4vyLvTUTKTE3zIpLOZcDfgOH4LOmZ+Obs34QPMrMYcAE+ANs0\npYx08322ukTTa8iKxOuIxOtm+GDlpTTnv4APZkg59vk0x/4v8TqJvmAQfFayl3NulZkBvJemjJWh\neuXjUZd5sFIxdZ2f5tht8MHV3zJcxwETgVfwTdq3AC+Z2f/wGdNbnXOZms2LcSM+A3oM8ClgnnPu\nOTOrT3PsZvjfgUVJFXau28xewt8/wAR8l4QX05TxQviDmU3AB+YnAv+X5vjgeYhIFVIgKiLpvOCc\nuy/x/i4zWwL82My+6pwLZ6RmAicDVwKPAkvwTaFfBk5IU262ORyLHb1dqEx1yLS/UvVKpyvNvjp8\nXU/CN4OnMw/AOXefmW2GD973wfePPdXMbnTOpfv5FMw594GZ/RPf13d74OJSlFuAoGXvZnxf2HTe\nzbBfRCKmQFRE8nE5fkDJ98zsWudcECB9AZjjnJsWPtjMThzAtebjg79t6J/12y7DsdunOfbDidfU\nAVZRmU9p6vpqopwloT8WMnLOteEHFf0OwMx+CxxvZj9yzj1PaSZ4/w3we/wfITdkOW4+cKCZNYW7\nRySyp1sB/0nsWoQfwLZNmjJSfwcW4Qc0DcvneYhIdVEfURHJKdFX8zJgQ+CLoa8aSPmD1sw2Bz43\ngMv9F988fXJ46h0z2wr4dJpj3wNOMbMRoWMn4oPkJ9L0sYxKqer6d3zfz2+lm5oo0U83eL9WmvOf\nSbyOTrwGXSPG5HHtTG7DD9j6unMuXReHwB34IHpayv4vA2sDfwFwzvXgg/UDzWyL4CAzG47PwPdK\nHHszcKiZ7UqKxBRWo1P3i0h1UEZURPL1S+C7wDn4qXfAT1p+kpl1A//G9xM9DXgZP9q+YIn+gucm\nrvGg+SUixwFT8f0rd0o5dhq+n+LDZvYr/JRIzcDIxDlVoVR1dc6tMLOT8dM3PWVmv8YH7k3AJ/AZ\nwyCT+D8z+xfwGD543Rqf2X4RPwgNfP/UVcDpZrYq8X6ecy7ot5pPnTqAH+Rx3F1mdifwbTNbH99n\ndQf8M/gvyU3r5+MHLM01s5nAcvz0TR1piv42sDd+Gqxr8bM2NAA7AkfiA/1/5Xs/IlI5CkRFJFXa\nplrn3Eoz+wVwgZkd7pz7Cz7oXIUfqPIl/ECSb+CDoXSBaF7NwM6535pZDz7wnYFv0v0OfrDLTinH\n/tHMlieO/Rm+efgR4ATn3H9Ilmmt+mxr2JdsbfIS1RXn3J/N7OP4OUTPxs9UsAR4Evh+6NArgcOA\ng/HB7gf4APZ851x3oqyVia4UFyeOb0i8zxWI5vNc0t3DUcD38Jn1E/BN61cBF4QHsjnnXjSzTwE/\nT9RnKX7GhfvwWWFCxy4xsz3wvyNH4qdt6sT/QXQd8FyOOolIRMy5aP97NLNx+L+Ct8b/D/Ak/GjZ\nm/Dz670HHJfo5yQiIiIig0Q19BG9Bj+dyE74DvvP4//6vSux726S/8IXERERkUEg0oxoolP9Y865\nrVL2vwbs7pxbnJjk+jHn3BZpCxERERGRmhR1RnRLoNXMbjazeWb268ToxgnOucUAiSk+JkRaSxER\nEREpuagHK9XhlwE8wzn3XzO7HD9SMq80rZmpw7mIiIhIlXDOFbQISNQZ0beBBc65/yY+3wLsDCxK\nrBNMoml+YaYCnHPaEtuFF14YeR2qadPz0PPQM9Hz0PPQ89DzqNxWjEgDUefcAnzT/JaJXfvhp3+5\nC79uMInXTGsqi4iIiEiNirppHvwqGb9PrDTyFn5eOQNuMrOT8BM1Hxth/URERESkDCIPRJ1zz+D7\niaY6oNJ1qXWTJ0+OugpVRc8jmZ5Hf3omyfQ8kul5JNPzSKbnURqRT2g/EGbmarn+IiIiIoOFmeFq\nbLCSiIiIiAxRCkRFREREJBIKREVEREQkEgpERURERCQSCkRFREREJBIKREVEREQkEgpERURERCQS\nCkRFREREJBIKREVEREQkEgpERURERCQSCkRFREREJBIKREVEREQkEgpERURERCQSCkRFREREJBIK\nREVEREQkEgpERURERCQSCkRFREREJBIKREVEREQkEgpERURERCQSCkRFREREJBIKREVEREQkEgpE\nRURERCQSCkRFREREJBIKREVEREQkEgpERURERCQSCkRFREREJBIKREVEREQkEgpERURERCQSCkRF\nREREJBIKREVEREQkEgpERURERCQSCkRFREREJBIKREVEREQkEgpERURERCQSCkRFREREJBIKREVE\nREQkEgpERURERCQSCkRFREREJBIKREVEREQkEgpERURERCQSCkRFREREJBIKREVEREQkEgpERURE\nRCQSCkRFREREJBIKREVEREQkEgpERURERCQSCkRFREREJBIKREVEREQkEgpERURERCQSCkRFRERE\nJBIKREVEREQkEgpERURERCQSCkRFREREJBIKREVEREQkEgpERURERCQSCkRFREREJBIKREVEREQk\nEgpERURERCQSCkRFREREJBIKREVEREQkEgpERURERCQSCkRFREREJBIKREVEREQkEgpERURERCQS\nCkRFREREJBIKREVEREQkEgpERURERCQSCkRFREREJBIKREVEREQkErGoK2Bm84E2oAfodM7tbmZr\nAzcB6wLvAcc559qiq6WIiIiIlFo1ZER7gMnOuV2cc7sn9l0M3OWc2wm4G/h+ZLUTERERkbIw51y0\nFTB7A9jNObc4tO81YHfn3GIzawIec85tkeZcF3X9h4p4PPlzY2Nh5wbnB+eFP4fLCo5N3V9snVKv\nW2mlvH4+ZUV9vyIiMnSZGc45K+ScasmI3mNmz5jZ1xL7JgSBqXOuFZgQWe2ElhYYMwZGjoRRo/z7\nlpb8zx05EsaN89uIEX4LPo8a1VdW+Njw/mLrFBxTSH1LqZTXz6esqO9XRESkUNWQEZ3onFtoZhOA\nvwHfBm5xzo0LHdMW/hzar4xomcXjPrDp7Eze39AAy5fnzs6NHg1dXdmv0dAAra0wfnzysZmukU+d\nUo/Jp76lVMrr51NW1PcrIiJSTEY08sFKzrmFiddFZnYL8FFgkZmNDzXNL8x0/kUXXdT7fvLkyUye\nPLm8FRYRERER5s6dy9y5cwdWiHMusg0YCYxIvB8FPAAcDswCpiX2nwnMynC+k/KbPdu5hgbn6uqc\nq6/372fPzv/cujrnwG9mfgs+19f3lRU+Nry/2DoFxxRS31Iq5fXzKSvq+xURkaEtEZcVFAtG2jRv\nZpOA2/D9REcCf3DOXWhm69A3fdP7wLHOuWVpzndR1n8o0WCl4miwkoiIDBXFNM1H3kd0IBSIioiI\niFSHWh01LyIiIiJDkAJREREREYmEAlGRhHBfVhERESk/BaIiaDJ4ERGRKGiwklSlSo7+1mTwIiIi\nA6fBSjIoKDspIiIyNCgQlaoSj8O0aT472dkJU6dCe3t5r9nYCDNm+ExoQ4N/r2yoiIhI+alpXqpK\nunXkg+Cwubn81wYFoSIiIsXQhPYyKLS0+ExoV1ffPvXbFBERqW4KRGXQaG+HpiYNIBIREakVGqwk\ng8bYseq3KSIiMtgpIypVTf02RUREakMxGdFYuSojUgoKQEVERAYvNc2LiIiISCQUiIqIiIhIJBSI\nioiIiEgkFIiKiIiISCQUiIqIiIhIJBSIioiIiEgkFIhK1YrH++YRFRERkcFHgahUpZYWGDPGby0t\nUddGREREykErK0nVicd9AKp15kVERGqH1poXERERkZqhQFSqTmMjzJjhM6ENDf69sqEiIiKDj5rm\npWKCgUf5BpWFHi8iIiLRUdO8VK1iBh81NioIFRERGcyUEZWy0+AjERGRwU8ZURERERGpGQpEpew0\n+EhERETSUdO8VEy+g480SElERKT2qGleqlo+g4+0opKIiMjQoYyoVA0NahIREaldyoiKiIiISM1Q\nICpVQ4OaREREhhY1zUvVSTdYSQOYREREqpua5mVQSB3UpAFMIiIig5MyolLVNIBJRESkNigjKiIi\nIiI1Q4GoVDUNYBIRERm81DQvNUGDlURERKpbMU3zsXJVRiSdYgNKBaAiIiKDj5rmpWI0+l1ERETC\n1DQvFZHP6Hc1v4uIiNQujZqXmqVsqYiIyNCjQFQqIjz6PRaDSy/ty3zG4zBtms+Wdnb690F2VERE\nRAYvBaJSMc3NMH06mME55yjzKSIiMtSpj6hUTHI/UUdDg/X2E21p8ZlQ8JnT5uYoayoiIiKFKqaP\nqAJRyW3e9XDPlNCOlN8xs/TfWfJxDmNN3NEYWwPAzpfP4/HXtk9qoofaH6w0WO5DRESkEBqsJGXi\nwPWEtu7kracrtHX2bd1rkjbrjvcGoQCPnPkpGle/3vu5sbH2gzcNuhIREcmfMqKSm+uB3uec8ryT\nnr/LsD/0nXN0vnwX9f++iLol82C3c2Cfnw2KLGI+U1SJiIgMVsqISnlYHdTVJ7ZY8lbfENqG9W2x\nxpRtuN8aRtCw/eeo2/uHvuxFTyuLKCIiMkQpEJVoTNgJALfwmUEzdVN4iqqGBv9e2VAREZHM1DQv\n0XAOZq8N8TY2/tF7LFi6HjA4mrMHQzcDERGRQqlpXqpePJ4I1MygaUcAZl/83KDKIg6GQVciIiKV\noEBUKqZfX9AR4wE4/KAVLF/uM6GaP1RERGToUCAqFZFuGc9uV++/dN3KIoqIiAxBCkQlOpb49XM9\n0dZDREREIqFAVCoi3Yjy+vpERrSnO9rKiYiISCQUiEpJ9Q5GSqO5meS+oL0ZUQWiIiIiQ5ECUSmZ\nfCamT+oLWtfXR1RERESGHgWiUhLpBiPlnJjegkBUfURFRESGIgWiEp2gaX6AfUSzdQcQERGR6qVA\nVEqiqOUtbeBN81qnXkREpHZpiU8pqYKWt/zn6fDMVbDfbNi58Jns43EfgHZ2+s+DYXlQERGRWlXM\nEp+xclVGhqbCgkDNIyoiIjKUqWleojPAUfNFdQcQERGRqqGMqESnrsG/rlledBHNzTBlin+vIFRE\nRKS2KCMq0Vl/T//6+l8HVIzWqRcREalNCkQlOpsfArGR8N7j0DY/6tqIiIhIhSkQleg0jIIPfca/\nf+nmaOsiIiIiFVcVgaiZ1ZnZk2b2l8TnzczsETN71sxuNDP1ZR2stj7Ov750U7T1EBERkYqrikAU\nmAo8H/o8C/ipc25H4APg65HUSspv0sEwbAwsfBKWvhp1bURERKSCIg9EzWwj4BDgV4nP9cBezrnb\nE4f8DjgsoupJucWGw4eO8O+VFRURERlSIg9EgcuBc4BgiaSJwKLQ9wuADStdKamgoHn+4e/B0ldg\n4dPQuSraOpVQPN634pSIiIj0iTQQNbNDgQ+cc08D4SWhCloeSmrcZgf2vb92K/jtLnDTPtHVp4Ra\nWvwypGPG+PciIiLSJ9K15s3sEuCLQBcwAhgD/Bn4tHNuYuKY3YAfO+cOSHO+u/DCC3s/T548mcmT\nJ1eg5lJyD34H/v3j5H2fmgW7fiOa+pRAPO4D0M5O/7mhAZYv15ynIiIyOMydO5e5c+f2fr744osL\nXms+0kA0zMz2Ac5yzh2eGD0/xzl3u5nNAN5yzl2W5hxXLfWXElj8IsSXwROXwct/9PuO+xdstHe0\n9SqSAlERERlKzKzgQLQa+oimMxX4tpk9C6wH/CLi+kgljN8GNtgT9r8SJh3i9/3jVOheE229itTY\nCDNm+AC0ocG/VxAqIiLSp2oyosVQRnQQ6+qA3+zoBy8dcDXs+NWoa1S0YKCSglARERnMBlNGVIa6\n2HD48Mn+/ZIXo63LADU2KggVERFJR4GoVK+RE/zr6tZo6yEiIiJloUBUqtcIBaIiIiKDmQJRqV4j\nmvzrKr++gSaGFxERGVwUiEr16m2aX6SJ4UVERAYhjZqX6tW5CmaNwtU1MOLbq4mvqQc0H6eIiEg1\n0qh5GVwaRsLIiVhPJxuMfTfq2oiIiEiJKRCV6jZuEgA/v+ANTQwvIiIyyMSiroBIVmMnwXuPc+S+\n81m+/JOAglAREZHBQoGoVLdERpS2N/IKQLWKkYiISO1Q07xUtyAQbX8j56EaWS8iIlJbFIhKdRu7\nmX9tm5/1sHgcpk2Dzk6/TZumOUdFRESqnQJRqbiCJqYPNc2LiIjI4KJAVCqq4ObzsZtAbDgsfwv+\nfBi0v5n2sMZGP5peI+tFRERqhya0l4qJx30A2tnpP6dOTJ9xoNETl8Pcb/r3H/s+7HV+1mukLUNE\nRETKShPaS83Kmin9yJmw7Rf9+3hb1nIaG5MDW/UTFRERqV4KRKViMjWf5zXQaMOP+9fOFXldKwhs\nR4+GmTNLex8iIiJSGppHVCqquRmmTPHvC2o+bxjlX/MIRMOBLfj3ZnDGGYXVVURERMpLGVGpuHDz\nefA550CjhtH+dU1+GdHUrsNnn61mehERkWqjQFSqQnOzH7i0fLl/308QiL52O6xqzVpWYyNMn176\nOoqIiEhpKRCVqpGaKU0SzCcK8Nw1OcuaOtX3Da2F6Zw0qEpERIYqBaJSdiUJtNbeAnY/z79f+FRe\np5xxRo4saxXQsqQiIjKUKRCVsippoLXVMf510TN5n5I1yxoxLUsqIiJDnSa0l7LJNYF9wbriMGsU\nuB44YwU0jCy4PlD6wLTYckv9fDSZv4iIREkT2svgFmuEdbYBHLTOK+jUcjWBF1puuJtCKZclVRO/\niIjUImVEpaxaWnyTM/hAa8B9Ne88AV78PRzwS9jxlLxOKXlmtshyMz2LgWYyy3V/IiIihSgmI6pA\nVMqupE3G//4ZPHgu7Px12O8XeV8/6kC0nMGiAlEREakGapqXqlTSAUMTd/KvC58s6PqlagKvRLm1\nWg8REZFCKSMqtWXl+3DV+v79+O1hrwtg62PzOjXqwUol76ZQZD1ERETKQU3zMjQ8+gN45AL/fuNP\nET/iPsAHYNUejFV7/URERIqlpnkZGvY6Hz7zJwAWLmjrHS3++c9X/8jxap7XVEREpNKUEZXatOQl\nuG4bXmndgq1+8kq/r8s1YEcZTRERkfSUEZWhY9hYAMY2tqf9uru79JfUXJ0iIiKlpYyoFKwqsoKd\nq2DWKLoYzsjzVuOcDz6DX4f6eli5sn8dq2UVJBERkcFGGVEpuyiyguHViHrFRtBDPTE6iNWt4Sc/\ngVis7+u6NL/ZymiKiIhUFwWikrd43E8/1Nnpt2nT0gSIJZYpeIyvMZauGgfAyPp2zjsPpk/PPJfm\nQOsezNUZi/lNc3WKiIgMnAJRqVq5gsf2jkQ/0eG+n+ipp/rm8uXLSz9HZ8DMbyIiIjJwCkQlb9W0\ngk9jI4wZ7wPR8aPbe+uSaXqkgdY9imywiIjIYKfBSlKwSg5Wyroa0R8+Ce88yJoj5zJs833yKk+D\nlURERMpDg5WkIio5KXtzc5bm9kafER3m0k/hlE6xda+mbLCIiMhgEct9iEi0MgZ8iblEWf42uB6w\n8v5d1dwMU6bkqJOIiIjkTRlRqV1jNvav934N/vvzilxSS3SKiIiUjvqISu1atRCuXLfv8zd7NKSd\nKllwQEREhhz1EZWhZeREmPJa3+el/decH2o0ab+IiNQSZUSl9v088cfX8Y/D+rtHW5cIaWS/iIhE\nSRlRqVppl+kslQ339q/dHWW6QJnrLyIiMkQpEJWyK0VzcdZAMDbcv3aVJhCNx6G9ve96tdLcrSmm\nRESk1igQlbIqxYpEQSA4ejTMnJnmgNgI/9q1esCZy5YWGDkSxo2DUaP89WppRaWs866KiIhUGQWi\nUtXCgWxXl38/a1bKQfU+I3rPXR0DylzG4zB1KvT0+M/d3XD22QOrfz7XLHVgqymmRESkVigQlbIq\nRXNx6ni0s8/uC+DicXqb5m/6fUfJM5dmMH16eZq7a6XJX0REpFwUiErZDaS5uLHRB4Kprr66L4j7\n30s+EB0eW51XmZmykI2Nvim+LvFfRX29DzzPOKP0zd2l6LIgIiJS6xSISkUMpLl46lQfIAZZyUsv\n9VnRIIi791++j+gXju3ImbnMlYVsboZVq6CtDVau7As81dwtIiJSegpEpSaEs5KnnZb8XbzTZ0Q/\nsUdH1sxluixkeHR8oLERxo4tb+CpEe4iIiIKRKVK5DNoJ8hKpgZxk/cPpm9aXVDmsrsbmpqi66Op\nEe4iIjLUFRyImtkW5aiIDF3FDNoJB3Ef3TMRiOaY0D4cwMZifiBSFH00w0G3mvxFRGQoKyYj+rKZ\nPWZm3zCziSWvkQwpAxm00xvENQTziOae0D4IYBcv7huUVEkaKS8iItKnmH+KLwTGAjOBBWZ2t5md\naGajS1s1GWzKtkxmfX4Z0UDQB7TYPprF3odGyouIiCQrOBB1zv3AObcdsBswC9gO+DXwgZndaGaf\nMbNYiespNS5TJrAkg3ZifX1EC1FMH01lNEVERErHXOps4YUWYGbAPsDxwFHA2sAS59yEgVcv57Xd\nQOsv5ReP+8Cts9N/bmjwwV844Az3mSzYizfBnZ+HrY6Bj/8AxmwEDaP61aHo8kNl5LqPXFpafCYU\nfNCtQUoiIjJYmBnOOSvknAH3knPeXOA84AfACmCdgZYrQ0umQTt5NYMHa82//Ee4bhu464tJXw80\ni1nKLgUaKS8iItJnQIGomY00sxPM7E7gXeCyxOuFpaicDA6FNr8HgV/eAeS4zZI/v3obrPygt6yB\n9MsM12HOnNLM/amR8iIiIl7BTfOJ/p8H45viPwOMBN4D/gDc4Jx7stSVzFIXNc3XkHyax4Oma+f8\n1t3t9+dqBr9v1nU8de/znPXJxHqgO38N9rtiQM3pmc4NKJgUERHpU0zTfDGB6GJgLWA5cAtwA3B/\nFBGhAtHBJTXwC8sWQLa3+4npOzthnw/NZe7pn8JZHbbjqbDFEbTc9emi+mWWok+oiIjIUFGpPqIP\nAMcC6zrnpjjn7lM0KOVQV5e7GbylBcaP7wsWH3htMrfNOxJzPfDMlXDLQTRv/uWi+mVqGU4REZHy\nGvCo+SgpIzr4pI4qnzLFv880kCk1g9rQAL+77Ek+F9+DeroA6KGeurO6iq5TKUbcDwZ6DiIikk1F\nmuariQLRwSlXwBMebBQORGMxv2JSYyPsOullGmwVT39zF9o7xtB4drsCqAHQtFMiIpJLWQJRM+sB\nCo72nHMOAjXNAAAgAElEQVT1hZ5TKAWiQ09qQAT9A6QgU9rV1UPPpf7XMN7cReOIsv9KDkqDqa+s\nsroiIuVTrkD0IvoHokfgV1S6G3ghsW874NPA88DtzrmLC6lIMRSIDi2FjGIPAtbWC8cydvhy+NpS\nGL5WZSs8SAyWQFRZXRGR8qrUqPkvAz8EJjvnXk35bivgfuA7zrlfF1RwERSIDi3ZAqJ0ma54HIZd\nvzG2YgGcMh/GblrxOg8WtR7EDZZgWkSkmlVq1Py3gBmpQSiAc+5lYCbw7SLKFckq0yj2bOvYW+M4\n/yHeFk2lB6CUKzoNlFaEEhGRcigmEJ2En0M0kzZgs3wKMrNGM/uPmT1pZi+Z2WWJ/ZuZ2SNm9qyZ\n3ZiYRF+kX0CUc+WkGg1EB7osaTnU8opQmopLRKQ6FdM0/z+gHdjHObcm5bthwIPAGOfcdnmWN8I5\nt9rM6oGH8WvWnwnMcc7dbmYzgPnOuRlpzlXT/BAWZAyDyewhTZPrrYfAG3+DI/8Kmx9aljpA7qCm\nkEEyakYuHw1WEhEpn0o1zV8C7AE8aWbTzOzgxHYm8BSwG/CjfAtzzq1OvG1M1OcDYE/n3O2J/b8D\nDiuinjKIBRnDpiY46qgsma5hY/1rGTKiLS0werTfsmUtqzG7OVTVclZXRGQwKmoeUTM7AfgZsD59\nI+oNeB841zn32wLKqgOeAD4EXAVcDtwbZFTNbD38EqLbpjlXGdEhKDVjGJ4/tF+Q8Y9T4dlfwn4t\nsPPpJa3DyJHQ0+M/19XBqlX9r19sdrOWBgcpyygiIlC5jCjOuRuATYC9gOMT217AxoUEoYmyepxz\nuwAbAXsDnyqmTjJ0dXXB9ddnCISGlaePaDzeF4SCf1/KgUW1MjhI2V4RERmIogcBOee6gccT24A5\n59rN7C5gc6Ap9NVGwIJM51100UW97ydPnszkyZNLUR2psEKyao2NcOmlfRlDgLPPhlNPTXN+MFhp\nTWkD0cZGqK+H7m7/ub4+fd2DQTLh7Ga+mcNqzzCGB4qBfz9lysDrrQyriEhtmDt3LnPnzh1QGcU2\nzTcAJwL7AROBbznnnjKzcfjJ7u9zzmUMHkPljAfizrkVZjYC+DvwU+BU4Frn3G2JwUpvOecuS3O+\nmuYHgWKaofNu8n7yF3D/GbDT6cT39im7UgU4hdR7MAZX5RhUVUtdEkREJFlFmubNbC3gUeBXwKHA\nvsDaia/bgfOBs/IsbgPgQTN7CngS+Idz7k5gKnCumT0LrAf8otB6Sm3IOf1SBnlPx5PIiL48r73k\nTciFNJ8PxkEypZ4SqdjfBRERqV3FTN80G58NPRofPC4E9nfO3Zf4fjpwoHNuxxLXNV1dlBGtcQPN\nquXMNL56O9z+We584TAOm3NHUdeQ7EqV7dW0VSIita1Sg5U+C8xyzt1D/zXowa89/6EiypUhqNis\nWjCHaM5MYyIjOnZ4ZSa0r6bVkCqlVNleTTovIjL0FBOIjgdeyXFMQdGwDG2FjhDPNFI7bRA4fB0A\nPjbpMdZfa1FZA5xiRpAPxcA1m1qZLUBEREqjmEB0AbBllu/3AvqtQy+STb5ZtUz9CDMGgeO3g5ET\nqaeTt3//3bIFOMX0b9TUR+kNxv60IiKSXjGB6M3AaWa2TWifAzCzw/D9R28sQd1E8pI1CKyL0bmH\nX+irvu2FtBPOR5GRLPfAHGVaRUSkFhQTiP4Qn/F8Ch+UOuB8M3sCuB34D/DzktVQJKTQfoQtLbD9\nwfv5D+885NeeX/hM73e5MpL5BnTV1L9RmVYREakVxc4jOgyYBhwHbIMPaF/FZ0J/7pyrSC5Go+Zr\n20BGW6eem27+yWAUdk93F6t/PIKG+i5/wA6nEN/nlzlHaGea0zJbvQu5p2LnT81Wvkaei4hIVCq5\nxOca59zPnHMfcc6Ncs6NcM7t4Jy7pFJBqNS2gWbtUvsRZhvk0t0T46w7fs4bSzbzO5a8kLP8gvui\nZqhXNqUapCUiIlKris2IDgcOBrYGRtB/lLxzzl048OrlrIcyojWoklm7cNbxmsvf4UsdG/mR9M2t\ntFxpGTOS6erY2gpNTYXXuxTzbBbyzLQ6kYiIRKGYjGgxE9rvAtwBrE/maZqcc66+oIKLoEC0NlW6\n+bh3ztFhjsZr1oI17XD6BzByYtYgMTWgmzKlwHq/dR+r/3gcx173G/7+8sEDCgpzPbPU+xiMS4qK\niEh1q1TT/NXASOA04MPApDTb5kWUK0NEOQb2ZBtUNGeOz2SOGWu837mt37n4hd66ZLp2atN5ofXu\nefB7jKCVO75yyIBHxme7drom+2qYAkkj90VEJJdiMqIdwHedc5GPjFdGtLaVKmuXrSk6NZN4/ee/\nwpd2ux72vxJ2Oq2o6+Ws98u3QMcSuuffT/0rfiazHaY/y0uLdxhw5jdd5rMaByepe4CIyNBTqab5\nN4CfOeeuLOjEMlAgKvk0WYe/P3ffS/nJId+CXb4B+84qfYWcg8vSNzRcObyL079W2h4r1RiIVmOd\nRESk/CrVNP8L4KTEFE4iVS21SXvvzyY3zZdSPA7xtiUZvz/92P+V/Jrh+4vF4NJL+wd8aiKXTPS7\nISJRKzgQdc5dBtwJPGtm3zOzKWZ2UupW+qqK9JdPv81wX89Dv5hYEGzpSyWtR9BP82M7vpP8xR7f\n7Xu/8oOSXjPQ3AzTp4MZnHNO8tROUUz5VE2T+0tmmg5MRKpBMU3zmwC3ATtnOUyj5qWi8u5vunox\ntDT5KZy+trhk1w6aog/a5m/87eRDcGMnYfvPhs0+DXd9EV68EQ7+DWx3Ykmumen60NcUDtE2kWvk\nfvVS9wkRKYdimuZjRVznemBb4MfAw8DKIsoQKam8/wGta/Cv3Wv6f+ecTysOwIZjfUa0Z4NPUj/p\nYL9z5Lr+tUwZ0WqloEZERHIppo/ox4AfO+e+65y7yzn3QLqt1BUVKYl637XZpQairfPgyonwzFUF\nFxluij5p9+v8ZdbauK//XW8g+v5Aap7X9cNN4WoiH9qy9f/U74aIVItiAtFFwLulrohIJVx5tc+I\nuq5OWmaHunX8+6ewuhX+eXphBT41G67fnuZtz2Tlc3fysc0eAeBPT32mt//dvY+v549dVb6MaKbl\nQgtdRlQGh3z6f+p3Q0SqQTF9RL+Pz4oeEHUHTfURlUIE/eJW/6ie+roeRny3k2VtMZ8Jun8aPDnT\nH3hWlt+pni5YvgDGbuqb8a+ZBO3z+x027LweOjt9M/9+W83ln1/9FKz3UTjh3yW/L5Ew9f8UkahU\nqo/ow8AhwFwzmwO8A/T7l9s5d18RZYuU3ZruYYyo62B4rAN77xlYZ6O+vqMAq1qh9Vm47QiYdDDs\nNxs6V8A7D8HTs+G9x+HDU+DTv4L4Mn/O5p+B5W/Bstfo/OQVhFe/ferdXXEYtvBp6OqA2PCy36MG\nComISC0oJiPaE/qY7mRDo+YlIrkCsJYWmDx/e7Zb93na7EOMc6+R+JUt/GKnzIdfbQ6uB6atgfoG\nnzGti/VfWWjk9rD4edYc/RjDNt2jiDvL0+IX+MON3fzfNz/cd201uw45WtlKRKJQqZWVvpTPcc65\nXxdUcBEUiEpYvv/4dj5xFQ1zk/uCdvfUUV/Xk/6ETI76G9x6MMRGwtT+k0eEg+IXZpzEtt3XMe0v\ns9jquG/kHRgUlNnsXoO7cl0svoy1z1/CstVrD4lmWWV/09NzEZFKq8jKSs65X+ezFVquyEDE4z4I\n7ez027RpmUcMN3zkNDjmXthnOmuO+Q/jL2qj6cJWzr/7+8kHbjwZpq4mfvJi7nn5wP4FLX3ZvzaO\nS3udYOR6PA6zb/koADut/2TWuoUVPOH463diia4CG41bkMcJtU+TsmcW/P6JiFSzYvqIitS+TfaF\nTfbFxWF53Aev1zx+Cjtv+CyHf+t4GtbfwQ9Iqm+A4cM54cabOOWjLey4/rNsvPYCPr7Zw7D0FV/W\nsLE5L/f2sk0AWG9MflM4hQNr8O+nTMkSWPR0wz9P6/241qgVg35anoKfkYiIVJ1ipm8SqTrFzosY\nPm9Jx3p8sPsfadjuSFh7Cx+EJo65+Cdr8dO53+ELN/yB+1/d158cLBOaISMavsaJp04AYOLoReUJ\nDle+D6sW9n68/8o/aFoeERGpegpEZdAodl7EfM6bMgXqE8Pv3m1PzAv65j/865iNcl7j6C82AbDr\ntq151a3gwHpNe9LH2PzbB31mUJOyi4jUPjXNy6BSbCBSyHlvLd2k78Oo9eETl+Q+aaTPiNrqRXlf\np7nZB8B51S8IRJt2gNbnYMU7vrm+ruyTV0SqoGckIiJVRxlRkTyEs2/3vn4QT9efCdt/GT7/EKyz\nde4CGkZDfSN0rYKOpQVdN68AK97mX0euCyOa/DRSoab6wUyDckREapcCUZE8BU34y9pi7DztMjjo\nOlhr8/xONoP1E/OH/vkwn60spVdv86+NY2HMxv798rdLew0REZESUyAqUoABZd+2Osa/vvsIvHVv\nyerEmhXw3DX+/Zaf81lRgAK6AYiIiERBgagMefF4fvN6DtiOp0L9MP++7fXSlbt8gW+KH7MJbHs8\nDF/H71+9uHTXEBERKQMFojKkFToh+oCC1voG2P08/355CSecX5Eoa63Niceha9h4/7lDgaiIiFQ3\nBaIyJKQLILOtxhSPQ3t78jnZgtZ8A9TOEWXov5kIal9csBFjxsAPf+5H6LPy/cple0VERIqgQFQG\nvUKzni0tMHIkjBsHo0b5z9mC1nzLb2mBz37Rzzm64MXSZ0T//M+N6OyEZ9/ZHoA3//uMlr8UEZGq\npkBUqkY5snfZAsh0E6IDTJ0KPT3+fXd3+nXrneurbz5r3AfHvbJwEgB1y14g3uFKco/dy3wguqDN\nB7lPvrMrAJu6v9NYtzxrvURERKKkQFSqQqFZy3zkE9g2N0Nrq9+am+Gqq6CrK/kY55KD1ro6v6+p\nyR9fSB1ead2SpavWYoOx78HqEs3zuSI5EH1z6aa0rvT9RKfsPidrfURERKKkQFQil29WsRBBYNvU\nBEcdlXkZyJYWf0xTE8ycCeec078s52DOnL6gtb7eZ0o7O/3x06enLz8cXM+ZEwSyRusq34ez0S0b\n2E0m1K9KBKLLgqVGjVvnfQ6AdUa19dZrzpzSB/uVpCBaRGTwMedK0zwYBTNztVx/8eJxHxx1dvrP\nDQ1+4vhi5+tMV15ra/85QFOPyyaoE6SvayAoP1MdAEbftht1i56AE/4N6320uJsMm90EHYtZ//vv\n8367n0P0O/tdwo8O/i5du36b7o/9OGO9cz3jcDeGKLW0+D9QwAfVzc2FnV8t9yEiMpiZGc45K+Qc\nZUQlcun6apY6YChmIvr60DLtQZ/QTHXNVX53d1/m9d3FY/3OeHthFVr6Crz9QO/HeBziK1dDx2Jc\nXUNvphUg3j0cgBgdRT/LfLtLlDtTOdCMeTm6fYiISGkoEJWqECyfuXx54dmuVLkC2yBwCo6LxfqX\nEYvBZZf17xMaBDLO+QFNmbKpjY19TfaxmF/hMwiknpo3xh+0psBA9LYj4ObJMP+e3uBq5y3e8d+N\n2hCzvv+cg0CU7o68nkmqfIO/ag/yytHtQ0RESkeBqFSNAS2fmWLKFN8UnhrYpgZOzc2weLEPzsJ+\n/nM444z+fUKnTvXBTFdX34j6WbP6X7+lBc4+2wesP/mJD2YD7fFERnTN8v4nZuIcLHkBgJ5Hf9Qb\nXG04Zr7/evSGSYHmkUcnAtGuvqirkGA/n2CtUkFeJTLmIiISDQWiMuiEByrNCQ0aTw2cpk71k9aP\nHdsX6MRi/v0ZZ/hz0gU8qd2Szz47eSL8RYv6rtPVBeedlzygaafdEhnR+FJ4+Hy456vQ/la/6yQ1\neYfWjbflfcd+bLNHAOiZ8JHeQLO1FfaenKh4IiMayCfYDwZwdXf7ILwagr9iM+YKYkVEqpsCURlU\n0mXpUldICnR19TW3B4HOihU+QA2Em9gbGvzI+unT01+7pQVGjICJE/s32Z96al+QuM1OiYzo/dPg\nsR/Cc9fAM1f1KyupyTsUqNrqhVx1+SI2WGshx+9yIwBug08CPvBuaoIvfinIiCYHormEn19Pj+9S\n8M47PsOcKp8gr5T9R4vNmJey24fIYKfZKaTSFIjKoBYMEgpPoRQehBRuUk4X6ISb2C+91AcyU6f6\ngDR1Ivyvf71/tjQcoAVB4olnfaR/Rdvn975NF0x3LgllTLtW8ZXYriz40YfZZuKLvL1sI9bb8wBm\nzuw7b0XcB6LdnYUFoql6emDDDTP3Ac0W5FVT/9FSdvsQGayq6b9ZGTo0fZMMCuHpeYKpfpzzW3e3\n/66hwWczzzoredL6TFMZ5ZpWKnzN9na/JGhYLOb7n44d27+sSU1v8+LD/2PYe/fCf6fDBh+HLzyU\n8bqrHpxB7KEzebXuaLren8c2E18E4KE3PsHxN9zA28s2SRoUte8W93LvafvTs9G+1B13b0HPMtvz\ny3darVJPySUi5aX/ZqUUNH2TDEnpBiAtX+6DwPAgIed8djM1CC2232A4y9bYmJxpBT/gKQhCU5u6\nFrRtjNv0INg5kUZcntxHNHWS/NiqNwH41V93Z89Zj3LyzddwzG9v4YBf3c/byzYBfBAanNeNr1hd\nT+EZ0UzPT0REpNT0z4zUtEwjtxsbkwchBdnQsFisb2nPdArpA9nY2DfdUzDg6ctf9vuyrvA0ekPA\nYMU70NPVG1SffbbvCrB80VKaj50Hy14D4O1lm9DWsRZz/n0ytz9/FD/9WSypzDPO8EHkPfem7yOa\nb/+vdM+vkIC91IOECu23NtT6uQ21+5XS08A+iYxzrmY3X30Zyjo6nGtoCBqR/fuOjv7HBPtmz/bH\nNDT49/loa/NburJiMb8dd5wvMxZzbsYM/7mvcbuvbm1t/evnrtrAuem4jkVvJt3LtH1mOjedpO1P\nsx7pV/9wnXotes6fc932vbtS7z3teWnke1ypzw3OnzmzsJ9Zup/xQOtRbgOpXzG/0yKZVPt/K1Ld\nEnFZQbGc+ohKzSt0+cd8lnsMjpkzp6/so46CW2/17y+9FL75TT+YJ1Uw72iqjH2ufr8XvPcYa456\nkNFbf4LOTtii6RVe+fZWycdtuDccex/xzljO+rP0Vbh2Sxi3OZz8Wr/+X3V1fV0JLr0UTjstfd/X\n1OdRyQxJS4sfGJZPf95Aun5u06f7DDMUtzxouQ1k+VL16xORalJMH1EFojIolCpQisfh6qv7RsqH\nB+uEZQo2M30XNHWlCzK67/wy9S/+Gqye9/koyxctZv0x7zK6caU/YLdzYM/vwbAxviNoXjfSDleM\ng/pG+EY78a5hSQFLqvDo/9SgaKDrvCdVK8+fU2qAFa5nIYFoeABXPudX2kADSQWiIlJNNFhJhpxw\nH81C/vHOtFzl6NE+CxdMRp8p2DRLHpxk1te3atYsOO645OODqZ/SXXOP08+kq7seXDfrucfYsukV\nH4RO2BGaW2Gfn0Hj2PyDUPDHr7MNdMdh0bNJ/b/q6/sPrAqvGpU6B2um1ZOC55hv/8SBTg2TT7+1\n1H5umeZ8HSzUr09Eal6hbfnVtKE+okNaMX3jMp2T2tc02Orq+o4P+oEG52brc9nWll/f1eCYnTZ4\nyn12h7+4+BsPObf4RedWtTrX0510bCH9tjo6nOu64/98P9Enr+jdH/S3rKvzW7p7DT4Pa+hybYva\n3KbjF7itJrzoJq3zmpswZonr6Oi797o65+rrc/8M0vXlTdtfNsPPasaMwu9/IP2CK6kU9VO/PhGp\nBqiPqAwVhczxmc856ZqCgwxTsKpQcFy43HTXybdvY77NqoU2jQfHn7bnbGYd8XUYtT6cuoD4mrqk\n69XX+7Aw6OdaVweXXw5nngn/95HruPpzpzIsltw27jC6DrmVUTt9tqBm80L6qKaeB6XpclGKcsol\nU/2qvd4iImFqmhehuCbgdE2cwWpBqfOFhoOC1M/BdFL5zFWa7/RQmZrG0wkff8szn/U7V77XbwlR\n6N+9oL7eTzk1bsRyfnrouQyLdbIiPgo3cn16xm2BG7kuhiM293Q2HLsgcyXSCN9ruN9mcE+Zflal\nWhGplCsrlWOqpEyremmVGxEZ9ApNoVbThprmh7RM0/RkaxLPNYXRQKc0Sr1+LNbXBJ2p3Gx1yGd6\nqtSywk3ux+z0R988f1mDc+//t9/9p3seFxz4A+em4x7++l6uoaGn93rxd5/vnUZqzfQR7uDt/p53\n03y4fqndFvK9t2pQqWb+Qn/uIiLVgCKa5pURlZqVbZ3zfM6B4jJO2TJVqVnOmTPhd7/Lfp1wNiy1\n7GIGo4THNN0672i6Nz8Sejrh9bv6PbPUz409S/jOgZcCcME9lzBjhvUumzpio2352q1X8MSCXWlg\nNXed9Gnij85k5cr8fwbhifILGXtVDQrNTouISG7qIyqDTj59KgudbzIccOTTr7OQ4+NxPzodYMMN\nM/dhhdxBaHu7X8UpaZ36B35G7JFzYbezYZ9Lsxfw38vggbPo2Xh/Oo/4R++1R4/u624wrD7OnScf\nxv5b/hMax8GYjWG9PeDAa/KOLtP1yZ05068MVQrl6FtZ6amSSjltlohIJaiPqAjpM6W5+vW5xDr0\n6bJd4SzlFVfkV4d8+yS2tMDw4TBxot/CfUsLLa+lxQeh3d2+v2fvOvUjxvgD1izvd06/59I6D4C6\nrY/OeL013Y0c+5ubWMNoiLf5c+bNgdWtmcvNIRaDU0/N//iw1GuVq29lpadKKibjLyJSaxSIyqCU\nrbk7+D6f+SZTm2PPPrt/oFfIvJbh4+Px/hlA54oLdML17OnxicnWVh/AdNaN9QetaU86J23AtvRl\n/7p236pOjY0+WxlOdi5dvQ5bXvISa455HEZv4Hd2rsxcbo7nMnNm332E7ylXMJt6rVI3n6fWoVTB\nYb6BeikHWVVaOQZ1icggVGin0mra0GAlySHXoI9c801mml80GIRUSD1Sr9vW5gf6pJa9cGHhA6Yy\n3efs2c4duePtzk3HvXHZoUnnhq9dX58oa/YEPyCpfUG/62WcG/W67fw5i54ranBVeF7STIOoMp2b\nbm7SUg3yKdfApGqf17QUhsI9ikh/aLCSSGHCGad02a4gcxeLJZ9nVlimKl2GtqkJjj46+bjjjoMJ\nE/Jrhs81qAl8RnDJSp8RfevV5UmrIoVXjeruhnj7Uli9CGIj+7KcIcEgo34Z24ZR/oBERrQQwX2G\ns5jpVnjKJ7PmXOmaz8s1MCnfcms5m6hBXSJSCAWiMqgVGpikawptboYVK3zzcakDnFtvhbY2WLjQ\nv/7hD7nPz7TsZqZm4+Udvo/o2OF9TfONjX5S+UBdHQxf/Yr/sPaWGQcdNTf7Jv+g2R9ICkRLEQjm\nO/4wuFZwH87BnDnZm89rIcDT/KEiMpQoEJVBrxT9+hobfX/OcgweaWz0WdCxY7MfFwQo48f3rYaU\nq9wZM2B1ty940obLkybm/8UvfKY3FoPLLgNb1r9/aLo6NDX5rTdISsmIpgtWswWAjY2+j25Dgw8q\ne3qSV3/KFsxOmdI3KX93d19QPtAJ4ss1MClXuYMhm1jpQV0iUuMKbcuvpg31EZUaFPSfi8X8Gur5\nSO0PGawLH+6Dl6lfXsfi93wfztkT0pYbrD//w4PP98c9+N286tDb//KO4/x5L9yYth65+guG160P\nT8Yf9MXN1cc0nz6hxU4QX6413PNdEKGWJ7Iv17MTkeqF+oiKVL/mZp8BNINzzsmv+TU1K1Zf7zOO\nQXY2WyatcUxo1Hyadu9g2qoPreMzop1jMmdE0wplRFPrkau/Z7ibQU9P/0xvrmlJy519K9eo9Uzl\nDqZsYi2P+BeRylEgKlJh8XjmOUvTaWnxzfFdXcnTRgVN+TmbbmMjYPg60B2HO48nvmIl7e39z9t6\n4ksAuLXSB6IZg6RQIHrVVcmT1GcT3Fem4/s1y7e9AS/dDD3dScel7beab92rkOYPFZGhRCsriRRh\nICv3FLJCTzwOI0f2ZQrNYNkyH4SmrrwDWVbiee0OuPN46FzBEwt25eNXPEyXG86sWf7r3//8MR5q\n3st/aG6FEePzv/eHvguPX0LXHt9n5L7n91stKRbrX690KysFYjF4911/j73XmHc93HMyuG7c2EnY\nhw6DxrVhTRsvPbOEr84+lUff/HjOFYjKseKSiIh4xayspEBUhqSBBCSlWHoxVxnhaZbGjUv+rq3N\nv6Yu5bk8tHBSuvta897zvN9yEJus9TYn3TSH6/5zEg0NsGLe34ndexJ1q96F7U6Eg3+Ts/5Jz+/J\nX8D9Z9C9QzMjDpvdW6dYzM82kG6J0tRA1KxviqyrLm/lpC3OhcX/o7txIj2TDqfh8e/CqoUZ6zN/\nyaZMuuQNGhqsrMtuiohIZlriUyQPA5kep1SjmrM1v4brd911faPCwb+//vr0Tdq5gmu3znb8ed7n\nADhwq3vYasJL3HnSgQy74yDqVr3LG0s245evX5mz7v2eX2LO0fpV7/RbLSk8Sj9cr9Sm8iuu6Hse\nJ212Bsy7Ft57nPr5d9Bw/ymwaiHPvbcDu17+BF/8/W/55h0z6ProBXTt5KP5zdZ5k58eem7OuteS\nWphqSkRkoJQRlSGlkGbxUp+fK1AMAo/UTOf06b5PKcCll/oBTuEgtKEBjjrKz0kKmTOsV18NN894\nhIe+9nHeb1+Xtvg4tp7wMivio5jx4DRm/Gsa7Z1NWe8n3f2vePlRht3yMRg3Cfb+KWtGbo4buzmN\n49Yu/Jl0roaWJuhaxfQHvsXnd7qB9ca8T6y+m5P/dC1zHvtK73WDet4z60b27TiRWH03dw27jf1O\nORzMiu42kVSfHPvLpRRZdxGRSqu5jKiZbWRmD5jZc2b2opl9K7F/bTO7x8yeMbO7zWxcrrJEKqHY\nQS+5srDZ5gg99dS+bOFppyWviGQG77zjg9BMWdqWFhg92o9gf2T+nry5dBPWG/sBW094GTd6Yz70\n0zH+wUkAACAASURBVLc4/+4fsnhVU1HPJD58Eg7zg4n+eizDbt6Nxl+tA9dtCw+cA0tfzXhuv5HV\nS1+CrlX0rL0N37n7p2z8wwU0XdjKR2c9xY5f+Era5/5q7AvMfOhMAA5Z81kePnN/dtr0tYKz3Zl+\nRpWeYH4wzCUqIpKvSDOiZrYuMME5N8/MRgNPAMcAJwOvO+dmmNk0YJJzbmqa85URlYKVIttUSIYs\nVxY19fu6ur7m+NT6xeMwalRfMFpfD0uWpO8vGvTNTB0U9IlJD3LjCV9g4uiF3DfyD7xef1RBzyP8\n/IJM7GHb/oULvjKXnTd7HZa+DEte6Dth4i7Ej30y40TzwX0BNL7/T/jTAbDxp2hpvY+pif/qZ87s\nG+QE/Z/dMFvBNcecwme2u4PRjSt5t219drz8Bd5pHZd0bPjc1Oun+xnBwDLoxRho1l5EJCo1lxF1\nzn3gnJuXeL8CeA7YCDgU+G3isN8lPouURKlWWipXYFBf77OcmaYjSl2as9As7UNv7M2mP3qT4ed1\ncPhZRzFlSmHPI5guKZyJ/fOzh7P7ty4jfvBtxI9/nq49fgBjNvEnLHyKvT70NOPG+SA6NasYzjje\nc/tiv3OEz86aJc8lmum5r1wzmuNvuJFNf/QmbyzZjA3GvceT03YA19PvGqXMapajH2ctTTUVBfWd\nFRlcqmawkpltBuwGPIjPki4GcM61AhOiq5kMRpWcbDtXYJH6/VFHwYYbpiyjmaOsTMF16vHBUpo9\nrh7n6pKOy/d5BMt8brBB/24EV1/tg72R+36Plq43ewcTnfEJP79UeBlOgHhHDy/+YTaPNO/GogvG\ncWDn5/1xjRPzap4O7i+wZNV4vnLTdQBsstbbNHZ9QDzul2cNyjrjjP5lZXqu4f2xmO+jGzyncjbZ\nay7R9CrdTUJEyq8qBislmuXvB37onLvdzNqcc+NC3yd9Du1X07zUjGIHK6U2y7a00K/JupBrD6Rr\nQrZuBKkDqRoa4Mofv85Xeragrs7x6Pw9Oe9vP+aRtyb7e+p6n54/H0ndB4/1u86aox9j9JZ7pJ0K\nKlV7e/8prp48c1d22fApOP5x2kftnnYKrGBBgNT7g/7XmTWrb8DYjBl+jXs1n/epxGAudVkQqX41\nOY+omcWAvwJ3O+dmJPa9CuzhnFtsZk3Ao865LdOc6y688MLez5MnT2by5MmVqbhIGRTanzQWg8WL\n0wdVua4Dhf8jnq5+ra195aTWzQyuOOKrfHXPawDo7qnj7uF/4dCvHQQ37QPvPgzA+X//Edf9dwq3\nXngVu396G9jmOGbNgjPP9FnX+nofDKb2lw1eUwPNO046nMO2uwM+8yfim34uaVGAujpYtWpgMyW0\ntub+g2GoqNQIfwWiItVn7ty5zJ07t/fzxRdfXHAgWtDC9OXYgN8Al6XsmwVMS7w/E5iV4VwnUms6\nOvyWyezZzjU0+G327P7nNjQ45xeN91u643JdK1cdsklXv6C88HczZjhXX++cWbfbbt157hef/bpz\n03Fu5ijnbt7Pv79qA3ftFe+5WMy5WKyvvNmz/efU+wzqnHqdo4/uO87MuWcvb/blPzEjqbzwNbIJ\nP5+2tuRnHtRj5szk5zCQZzoQUV03uHa6Z1Mu2f7bEJHoJeKywuLAQk8o5QZ8HOgGngaeAp4EDgLW\nAf4BPAvcA6yV4fySP0SRcsr3H9JswUWuIC3dtWbM6Ps+NYAqRrh+qfcUfNfR4VxdXV8d6+p6XNdf\nTvABYmLrfOzyfoFMauCX+l267xsanJs+3bmFCxP1euzH/hr3n5XXM8303I47zr/W1fmgOrjH4JhY\nzD/bqAKkqAOzSgeiwTULuUaUgbrIUFNMIBp50/xAqI+o1JJSNi22t2dvGk43bVNDAxxxBPzpT337\nsvW9HOg9pf2urZvGBXfQ9e4TuDGb0LPdFMaMrcva7B3YdVd47rm+8DM8n2q/Z/DCDXDXF2GrY+Ez\nNxV9P2FBN4jGxvRdECrdZFwtTdXVPPl+NddNZDCquembRKQ4Y8cWPsVPZ2dyEArQ1eVHupda0H+z\nXx1H1NPyj88y8oAfMGrPU5hzbV2/Y4J7C9aeDzz5pL+Hri4fiKZ+n2T0Rv715Zvhldvght3hsnq4\nemOY/4+ipgAyi6Y/YrVPV5Q6wr9a6quFAURqgwJRkQop9fyQuab4+clPcgRrCWefXfw/0Onuac6c\nvil2oH+QkhocpJvHtLkZ3n3Xl5lOfb3PTs6cmeF5jt8eYiP9+78cCe//x88pumIB7956UcYpgFLv\n57jjsk/p1NDg65DPzzUe95nsQp51tumKqmm+0eC5aHolESmUmuZFKqzcU920tMA3vuFHidfV+XlJ\nb7/df3fUUXDLLT6rGChFk244uCpk1H+mawdNqt3dPhMZ3Mett/rvw82sGZ/n4hfgkQth+duw6QHc\n/uQ+HLFmf95YshmbX/JG1uuHy8xUfnu7fw1mLMj2cw3/TLLNABA+N99nVYmpk/JRLV0FwtQ0L1JZ\nNTl900AoEBXpHzSNHt0/0AymWAqOufrq5HkxS/UPdD7BSK7gILX/a3iKqoFMO7Xpuot5//wmFq9c\nh6YLF2esXz4KCXAy/UyC62YqqxoDu2yqtb7VEqiLDAXqIypS5Urdfy7fptDwykmNjX51odTm8FLU\nLZ/m4mxdClpaYPz45MFC4b6ZA1kRa0V8NACjG1cAxTdnF9P3MHUFqnzKqqam93xUa30ruYqaiBRO\nGVGRCil1M2GmDNScOdmbgdOVM3s2fPvbxdctNetUSBYqU7M+9AU0pcjYtsx2TFkxnMbYGubUv8Ux\nJ21cVJCSa6YA6N/EHp5QH3y/0mCp0VxZxExlpu6rFtVcNxEpL2VERapUJUfwNjf7lYPa2mDlyuxB\nXEsLjBgBZ51VfN3SZWXzDfDC5151VfJ3sZjvUpDvEqa56tz8NSO2zREA7M25NDXlN6gmtexMmb9s\n2elgGdTgvk49NXtZYanPstoHBCkDKSIFKXTi0Wra0IT2UiMyTfw90Mm2i53QvKPDTwyfOjF+rknJ\nU+s7kAnN051bzGT7BT2DZW+4nsuHOzcd9/HNHsxZ51yrXAXn5XoOueqY7+9BFBPIi4jkC01oL1K9\nUpvmoTRN9YU2hQb1cM43F6f2XwyajTOdF67vQAaoZDo3MJAysp3b9a8Lif3n+zy5YBc+OvM/1Mfq\nM45Gz7fsfJrrC7mvTKp1QJCICKhpXqSqhQfpTJlSuqb6QppCw10EglHcdXV9rzNmpA9CM3UtGMgA\nlUznlrtpN7bXuSy3jdl1o6c4bPu7k+pc7ICtfJrr58wZ+H1V64AgkcGmWhZmGAqUERWJQFSZrXTX\nbW3177MFgLnqO5ABKgMd3FLUILB7vw5Pz6Zr7xnEdp+asZxCyw7/wxWPZ1+GNd15uZ5BcFzwGsxh\nKgIaKFYqmn+2eMqIitSIqDJb6a47dqzfsl0/V30HksUcaAY01wpTkCa7MWp9AGId7/V+ny7jm0/Z\nqfcSrCw1fnzmaZvC8h18FBw3ciSss44PcqtxsJJEo9oHsdUKLQ1becqIikQoqgxGsdMtlaK+lb7n\n/2/vzqPkKuv8j7+/3Z100tnJSghL2CMSNh0Ni0SYKFtc8ovBUUAwLpAfAhpwHDcOo+eIAyoJM63M\niMyPoCMIAREBQSEoMIjKEkIggjEsISTpLJ29ku5+fn88t9LV3VXdVdW36t5b9/M6p07Xcu+t5z51\nu+63vs9ym5vhcp/0ZMGCIKB84Sfw0Fzaj7iAthn/DwgnQ909c1xX1zliPl9mpZSrJ3Wf2qo/5ZTa\nor7D4VFd9o8yoiIJE9VUN7nvW0ompb/lLea9wuqblb22+xe+4PvDtrX5+5kMMNRnRB+5b83e/psF\nM75vPAYPfQ5+MQMWHQ8PXggblhdVhvp6WL26+GmoRCRa6oddfcqIiqRYNX/9h3H5z2Jlt9PR4a9X\nn6u1FQZteZaBtx8PwOCv7KDdBrN1i4MtK7FMKwObmmDwGHjtYbj/k0C375n93w9zHun1vQFmzYLF\ni3vfn2L3Obtce7u/2lR2cJkC3OqKaz9M9WsMV1w/57jTteZFpCRRBqK515APsyyFmrHBZyi3bwcy\nm7EfjmNgwx6WvnU0b7QeyFnHPYXtasm/0SnnwZRPwIAhcOcM6GiDz6+GIRMKlqGSg5Wy4nSSTMOJ\nu9xgr1p1k4bPQOJNTfMiUpJqNkM1NsL11/v3qavz85hWY8CNWef+LVwYdC8YPpJHm37KnvYGpk58\ngbOn3OeD0KZxMPZYGHU4DAwi5AFDYPr3YfKZMOl9cOAHwXXAK4t73ddS6rHY5XOntyp3hoJKDLxI\nw0CZcgexVLNudFUrSSJlREWkKpmU3OZy6Gwyz80Uht00n23GNvNBcHbQUnaZb39tPTOn/JLZH29i\nxqemwfCD/MLgI+Uda6G+EQaN6lxx+SJ44AIYdRic9xcYOKzPcvR3f/La0QLrnoGVv4bVj8OQ8XDK\nd2Hs0VUtS1oGd5Szn2mpG5EsNc2LSCz11lwe5pykuet3bxpvaIBt2zqvdlR2gJBphR+Og/bdMGAo\nXLwGBg7tszyhBR+ZVrj9VFj/fM/XBo+F2Q/DuGN6lKFSAVGagq1y5pVNS92IgJrmRSQh6uoqMydp\nbjPoLbd0fa2tDW66qfwy79U4Ak6Y7+/v2QbbVve+eNjNpctu8UFow2CYeBLtR15I29TLYOJJsHM9\n3DEdVj8Z4hv2Lk2jjMuZVzYtdSNSLmVERWKslgYfdM8mzZ3r74e1b/myT9deC/Pndy6THSB1221+\nKqeODj+AaeHCMpqqbz0G1i+F856B8cf1r/Bv/t4HlhPe7R+7DmhdBSMmd3YVAN9d4JYjYdNf4UOL\naX74o1xxhX/6B9dluPTgT/i+qw2D4aiL4Lj/C6PfAVR+VHUtHathS3rdJL38Uj1qmhepIbU4HUsl\nT2iFLl+a2zwPPhh1rrOPam6TfUl+Ng3WPAUff4LMmBOBMvdr1W/grjPA6uADN0PTWHjiG7DuWTjp\nW/Der+cs+zDc9QEYuh+ZC1YxbERDl31beEMbXzjyYlh2c7Bzg32gPPpIQAGFlK4Wv4ekctQ0L1Ij\navUyc5Uc1Vvo8qU33OCDzay2tq5zi1pJX5k5Bvh+oX+/47sMH95R3qjoPTvht8GZ3XXAby6Cu8/x\nQSj4gHTJl2DPDlh+mw9CAY7+LNQ10P13+PyrGshM/zFc8Lyf67RtJ6z4+d7X+6r/So2ql2Sq1e8h\niRcFoiJSljgGLfn68M2b55vjBwzoXK63PqpF2+8kACZ33Msx4/9c1Ik6k4HMrg74+4Ow/gX4w1eg\ndSWMOBhO+JJvmh97DJz4r3DA6X6lv/wAFg6BB873jweNhmMu3jsdVl5jp8K7rvT3X/1lUbuThimY\nRCR+FIiKxFDcBzn0FbT0FaRWMojNZv1y3yObGc3W5403ljboJK9p38QNnQTAxOFv9bl48384Rgxv\n5+JTfwqLz4Rbp8KzC/2LZ94K078Hn3waLngOpn3Dz12aa8gE+OAtMG+dn6oJPx3VggUFjpMDTvNZ\n2/XP+f6mvVDmS/KJ+/eQ1Ab1ERWJsTj26etrSpq++pRVo89ZofcIvT6XXAl/+R6vb96fl9dNYcKU\nw5l67EDfN3Pbm4DB3x/AZVrZnelgW2Yoa7buyzsnvAjAmroT2ff0i2DqZ/Jv/693wUu3wRHnwsHn\nFJwmquB+/epj8Nc74f0L4PjLCu6GphmS3sTxe0jiSYOVRKTiegta+gpoqhHwVDWo2rUZ/mcabHy5\n5FWnfu95Xm6ZWtmA76Wfwv3n+f6icx7pdVENShGR/ionEG3oexERkU7Z5rrcoCWJmZIwsjwZGwlz\nnqVx9X3+CkcDhtLW6Ce7b9jnIMCCeUYdzz3dyrFtvrl9y65hLHv7nV0GUVXE5LPA6uGNR2Hd877v\naIHRWfPmhT+llnilHmvKQEqaqI+oiJSs0MTeffUpq0afs2LeI4yBOXu3MWoQzb+dDWfcQvOKG2k6\n7Rs0zfgWzX+YC0d/2vf3nPZNjj3vs3vXvXPpbJyrY9asCgcbg0bB/tP9/UXHQvNo+OVHYfvbeRfX\ntcrDV+qxpkFjkjZqmheR0PWV0alGxqfQe4TRdF/MnKX5tptp3cTxU9azfM1hgIV+qU3Is63XH4Xf\nfxm2rIKdLf65scfAnCUwaGT/37jU8qRIqcea+upK0mkeURGJhe7Xjc/3eqVPrrHM7g0axSsthwPl\nTl6aX69ZtAPeD+f9CS5ZB3NfhVGH+0uE3jMT9mwPtRxFlUdEJIcCUREJXZwDkTC6B/Q2eX6h7WaD\n8r6WyQ3ei5nmasuWIqdeMoORh8Dsh2HoJFj9OCwcCkvm51m4fJoKqlOpx5qmS5I0UtO8SIpUq0k8\nzObFSpU5lMFKebaR77nuI9LzDQrqvgz0PYq9udnPJdrW1vlcUfW94WU/l+mWVf7x/MLfo+UMtFHz\nclcarCRpoaZ5ESkozlnKQipZ5v423RcKFrpvN1+GsPt63Ze57LK+s4rZdboHoUVl0UYfCZ9Z2fl4\nR0vexcqpf2X1eir1WItltxKRClFGVCQFqp2lCmNOyjhn1krZv0IDm3KDje7LANTXQ3t75zo9Bj5l\nYMiQzmXq6mDTJt9FoGi3vRvW/hnO/QNMOrnPcpdS/8rqiaSPMqIiEguFpneqBaX2geyeIZw1y4+u\nz80yNjbCddd1Xc+5vrOK3X+Hlxz0jZ7i/258qcQV+6asXjJV8vK7IvkoEBVJgSiaS8sJRHJPgrXU\nxJsNzFtaYPHi/EHsRRf5/czlXM9gM1d9ff77RdvHB6Jt63oGorVU/1KcJHbfkeRT07xIisS5ubRq\n14cPQbldDwo1d998s99ee7sf3G7mA9Demub7U46sB268hzN3f5QHV5zBymMfyLt+HOtfwhdmV5ha\nOGZqYR+ioGvNi0gixbk/aCFbtvi/JfXJJP8I+tx9b2iAt96C/fbrWR9ZfY3SL0YmA+86+GVe+NIU\nVm08kMOvWxX7OpfKCet/MIz+4VGrhX2IivqIioiEqFB/ueZm389zzJjSmzD76j9r1nVO0vp6+M53\nfNY0X7NpuX0xMxn424ZD2NPewEH7vMbgATtK34jUjDC6YtTCHLK1sA9Jo0BURCIXx/6IhfrLhXGi\nyg0eC+37vHnw4Q/75vkrr4RLLw3v5JgNpDN7BvDXlsMBuPm7yyKv80rTQJze1fIgQ4kvBaIiEgtx\nOgmWE2z2J8jJt+9btsCdd3YuE1YvpNx96+iAP74+DYDZ7/l9OG9QJaXWtwbiFKc/sx3E8QdlqWph\nH5JGgaiIxEYUU/6UGtDkO1EVajYvRTH7XomT4+N/f19w56tw5wfglbvD2XAFlRpU1lJza9yzunH6\nQVmuQvsQ97rvLinlVSAqIqlVKKDpKyuSe6KaO7cyQc7w4XDccZ2Pjz8+nBN893078YIPw4EzwLXD\naw/DvbPgj9cWnYLNZCCzy8Gqh+C3l8Dt0+FXH4OlP4bdW/tcv1S1FFSWKilZ3VqYQ7b7PiSl7rOS\nVF6NmheRVCpmlHAxI9L72k65o9oXLOgcuVuofP3Ro1w7N8DS//KZURxtUy+j/ZQf0DiocL6iuRm+\n+MUObpj5BS6Zludsd/gcmHl7OAXOKXc5o7uTPhI6iTNL1Iqk1X2U5dX0TSIiRQrzy7pQkNNX8FMo\nSM1kYOjQnteRr8rJZMUdtN93PvXsZsfuwWxtPJrxY9ugYRDUDwxm2W+nY0+G1X9dw77D1tBQ387O\nPYMY8J4raDjwZFj7DDz5TRh9FFy4LPQiNjfD5Zf7onzve/5+MeI2N2Qp5UlaMFRLklb3SQtE1TQv\nIqkU5qCEfH3K+mpC7qvpzLp9lV9/fXVOJJmD5nDmfz3All3DaBq4k/HuaVj3DLz1JLyxBN58DFY/\nTt26P7H/yDdpqG9ndetELrz9Nnac8B22jDmbzJSL/ca2ra5YOTs6/IwC8+cX308U4hM8lNp02tjo\njwENoqm+pA1gSlp5lREVkVQrJ0Apt8m+paVznb4yFtlsqnM+ALn88uoEU9lyHzD8VY6f9Axrtu3P\n7x4dyEDbCR27wer8rW4AixZP4JKrJrK7vZFZs+AXv/ABYn29I/PdQdSzGy7bDgOaQi1fb9nifHUU\nt2b5cjJW+Y4Hqa64/ZjpSxTlVUZURKREpQ6sKDaT1T0rMWuWn7tz2DD40Y/6fp9slnXbNh90lDv4\noNxZAV7fcij3LJ/DP31pGgP3PwEmnQwHnAb7T4dJ74OJ0zj/0sls2NxISwvcdZcPQgHa243XN070\nD7a9Vfyb91O+OqqFwU25+9DWBlddlbx9qAVJG4SVlPIqEBURKVKpQU02mGxpgcWLO9e76qrimlmz\nJ5Jyg6lyg9dSpuApdLJ7a8t+/k7IzfONjX4gV11w9qqv9/UHyQk4k9Z0KlJJCkRFRPqhr4xjoUDt\n85+vzHyL2fL0NxNYSjYlX3A4/pDyA9Huddr98bx5sGMHtLbC9u29119cg75Sg/047oNIGBSIiogU\nqVBz+9ChPhArdr1sIFFssFdsIJKbAS2m+T9M3YPDQ48tLxDtnsXtba7X4cP7vlRqtmxxnGS9lGA/\nrvsg0l8arCQiUqJshm7MmM4BJ+CD0csu6309KD+b1dv6+QbAXH+9v059JANcnv0PeORSGDoJZj8E\no6f0uUr3fWho8LMHlDKoJ2kDSkRqieYRFRGpkkjn+ixQnnwjsW+6yQejUOUR47u3wl1nwltPwKDR\n8H8egAnv7nWVMAJREYmORs2LiFRJdl7HuMjXNA0+CI1kAM/AYT4TOvks2LUB7ng//P3BXi8d2n0f\nFiyofN/Iql2PW0kTkbyUERUR6YeFCyPKOBaQ2zTdnyushNbE3b4HfvNpeOk2/3jU4XDYLH8b/66e\nM/fnee+9j9vWwmPzYfNK2Odw2Pe98I4Lep+ntKMdcFDX0OOloucXbd8NO9bB9jWwayOMOx6axvb+\nni3L/EUAsred62HOozD+hG7LtsGuzX672VtmEwyZCOOO8+/b+jfY9Kr/u2sjYNA4EgaN8rfG4O/O\nDbDhRX9Fq4knwqjD8tavSKWoaV5EJAJx7pdYzmTuoU8A7zrgyWvguX8PAqnA0IkwZN/OSfKtPud+\nnufWPQvb3+667QNnwMw7oXF4/ve+eyas+o2/P/YYGHMUHHA6mXGncsLUnRw8agX7Dl/DPkNa+dbX\nN9PQ1kr7zs3YznXU7Xwbtq3xGd1cVu/nVD18Dkw+AzBoeaEz6FzzR9izrWdZTpgP04M0+o4WuGcm\nrHmqrCotyqDRPiCdeCJMnOa7RvQWtLdloHUlDD8ABgypXLmkZikQFUmIOAcuUntic03zjjZ48/fw\nymJ49e7yJrvf7xR479dg06u4x7+G7W71z488BMYeC4P2gYHDYfKZ0DAIfn5y/8ttddA0HoZMgIYm\nePuPfl96M2JyZxDYsQceDSL74Qf5gVsbV/igDwsym/t03hpHwKZXYMMyH6iPPARGHgojDoGmcYCD\nzGbYtcnfMsHf3Vt9ENm2E1Y/ATvWdi1TXYOvo4knwj5H+h8FO9b6mQ02LPfv6dp9GT+11HevECmB\nAlGRBIjb5QbTrpo/CpLwA6SigWgu1wEbX4Y9O3zw4zoK3+jwzd0DmmC/k6GugeZmuGvBY3z3rCs5\nbtJSfznR3hxxLhx8NuxYD288AqufYMvuETy14gje2HwAx584kqPfNZL5Xx3Bxm0jWLdtHBt2TuCJ\n5yfQOGIM1NV3bmvnRnj1HlhxO6z9sw/wRhwC+53UmX0cMqFz+bZdcN+58NpvoW1H5/NN4+Djj/sm\n9LA5B1tW+Qzt6iBT27I0qM8CrK7z9dNuhOMuDb9cUtMUiIrEXNVO8lKUav4oSNIPkLiXtfv/0eDG\nPWz+28sMbH3OB7ab/wZvPMrb6wew9OVh/PrlmRxx7qV59yOsPrVF6WiDDS/B5ld9t4TR76hu1nH3\nVnj7Tz4obV0FTWN5/Nnx3LRoPCvWHcncLx/J52fcD7+a7TOwn17hg1ORIikQFYk5BaLxUc3PIomf\ne19zlhZ6rRqKqc9y6zzuQXiY8tZRaxuNtx0KW16Dj9wLh8yMtpCSKJq+SSTmdKk+SYpCV/0p9/r1\nYSr0fxTGVEypv4JRXQMcF1yV4TefhgcugGW3wNY3oy2X1CwFoiJVlvoTXUxU80dBrfwA6e/168PU\n/f+oe4Dcnzov5dKbSVawjo6e66eO2tkCyxf5gPTHk/2UVCIhU9O8iKSaBisVL65dDHorV9LrvBry\n1pHrgJYX/cCuZf8N65+DqZ+Dd871/VqztwFDuw7kklRTH1EREamoUvpQVisIjGuAXDNW/hruPqfw\n6w1NnYFp/cDqlUv6NnAYfKKCc9V2o0BURCSHsmGVUfDKRzn1XO1BP93fb+7cnmWSMnW0wSOXw8bl\nfuR97i3fxP0SH40j4NLNVXs7BaIiIoE0jX6OUr56jipDmQ2Ib75Zn33VuA7Ys70zMO1ron+pLqvz\nF1Co1tspEBURUVNttRSqZ4iu/vXZi0RH0zeJiEjkih2xHsZ0S9JJ9SlJpEBURGpOnKdLqqVgobd6\n7muaskrNRxrnzx4q9/nHYX5XkXJE2jRvZjcD5wBrnXNTg+dGAbcD44E1wLnOudYC66tpXkQK6u9g\npbAHO9Vqv9Vi6qmql9IsskzVVqnPPy7dEeJY51JdSWyavwX4YLfnrgHud84dAzwI/GvVSyUiNaE/\nE5OHnWGK02TwYeurnqPI1sVtUvpa/vxBGVkpX+SDlczsQOBXORnRvwH/4JzbYGZjgKecc4cWWFcZ\nUREJXSUyTHHJWlVbof1O28j2Sn/+UWbb03psS09JzIjmM8Y5twHAOdcCjI24PCIi/Rb3vovVlrZL\n3Vb6809bfUrtiGMgKiISqUoFDWkMFnqry7g1n5eq1IFHlf78o6pP/ciS/ohj0/yrwHtymub/w5BP\n/QAADWJJREFU1zl3WIF13dVXX7338fTp05k+fXoVSi0iaRD14Iuo3z9MtbQvULsDz/qj1j5j6duS\nJUtYsmTJ3sfXXHNN8ia0N7OD8IHo0cHjhcBK59wNZvZFYLJz7rIC66qPqIjUJAU64Qk7QFKfSJH8\nEndlJTP7GTAdGA2sBa4G7gHuwE/f9DYwxzmX90KpCkRFpBYp0AlPJQJ6fT4i+SUuEO0vBaIiUosU\n6ISjkvWojLVIT7Uyal5EJNU0+CP+0jjwTKQSlBEVEYkpDf7oP2UuRapHTfMiIlIRSQ6Kk1z2JFE9\ni5rmRUQkdEm/fGMc5istdc7RpEn6MSLRUUZUREQK0sCp/qv17gE6RiRLTfMiIlKy3ppUowwyaqGp\nt9z6S9K+Jz0QTVJdx52a5kVEpGiZDCxc2HuTalQj+Cvd1BvnpvKkNXMneZaHpNV1LVJGVEQkhZqb\n4fLLoa2t87neMlnVzBpVOsNW7abyUt4vydnFpGUWk1zXcaWmeRER6VP3E3BWXE7ElQwQogo+ig3S\n4hIcJS2oLEdc6rqWqGleRETKEqcm1SQ39RZS7Mj9OOx7Wpqr41DXooyoiEgq5TYXX3cdXHxx/E7C\nlcrKJWEUe1QZyTRmCdOQ/a0WNc2LiEjR0nwCTvO+9yaNgaiER03zIiJStDhM9B6VNO97b9RcLdWm\njKiIiEg/1GJ2Ncp9qsX6TAtlREVERKqoVgf2RJUxrtX6lMKUERURkR6UlepbUvtTVvqzLXf7Sa1P\n6aSMqIiI9FstZaXifAWlKFT6s62lYycuav0YViAqIiJ7ZTJ+aqM9e/ztiiuSexKsdFCUtIE9lf5s\n+7v9pNVnNaQhsFfTvIiI7FUrzaPV3I+kdGOodJ2Etf2k1GelJfF/UU3zIiLSL8pKlS4pU0FV+rMN\na/tJqU8JhzKiIiLSQy1kpZJwBaUoxHWwkvSUtGNYV1YSERHJoaBIki5Jx7ACUREREQldkoIhiY76\niIqIiEio0jByW6KjjKiIiIjklcSR2xIdZURFREREJDEUiIqIiEhems5LKk1N8yIiItIrDVaSYpTT\nNN9QqcKIiIhIfkkL7JJSTkkeNc2LiIhUkUahi3RS07yIiEiVaBS61DKNmhcRERGRxFAgKiIisZfJ\ndParTLJaHYVeK5+PVJ8CURERibVa61M5b55vjt+61d9Pulr7fKS61EdURERiS30q402fj+RSH1ER\nERERSQwFoiIiElu12qeyVujzkf5S07yIiMRe0iaATxt9PgLlNc0rEBURERGRflMfURERERFJDAWi\nIiIiIhIJBaIiIiIiEgkFoiIiIiISCQWiIiIiIhIJBaIiIiIiEgkFoiIiIiISCQWiIiIiIhIJBaIi\nIiIiEgkFoiIiIiISCQWiIiIiIhIJBaIiIiIiEgkFoiIiIiISCQWiIiIiIhIJBaIiIiIiEgkFoiIi\nIiISCQWiIiIiIhIJBaIiIiIiEgkFoiIiIiISCQWiIiIiIhIJBaIiIiIiEgkFoiIiIiISCQWiIiIi\nIhIJBaIiIiIiEgkFoiIiIiISCQWiIiIiIhIJBaIiIiIiEgkFoiIiIiISCQWiIiIiIhIJBaIiIiIi\nEgkFoiIiIiISCQWiIiIiIhKJ2AaiZnaGmb1gZi+a2T9HXZ4kWLJkSdRFiBXVR1eqj55UJ12pPrpS\nfXSl+uhK9RGOWAaiZjYQ+CHwQeAYYLaZHRttqeJP/xRdqT66Un30pDrpSvXRleqjK9VHV6qPcMQy\nEAXeAyxzzr3lnGsDbgfOjrhMIiIiIhKiuAaik4A3ch6/GTwnIiIiIjXCnHNRl6EHM/sn4BTn3Lzg\n8ceBU51zl3RbLn6FFxEREUkp55yVsnxDpQrST28CB+Q8nhQ810WpOysiIiIi8RHXpvmngaPMbKKZ\nDQDOBR6IuEwiIiIiEqJYZkSdcxkzuwR4CDBgkXPumYiLJSIiIiIhimtGFOfcg865dzrnjnLOXVto\nOTO72szeNLNngtsZ1SxnXGje1a7MbJWZPW9mz5rZ01GXp9rM7GYzW2tmS3OeG2VmDwX18qCZjYiy\njNVUoD5S+91hZpPM7LHgO+NlM/ty8Hwqj5E89XFV8Hyaj5FGM/tTsN8rzOz7wfMHmdmTZrbUzP7H\nzGKZ0ApbL/Vxi5mtDM41z5jZ1KjLWk1mVhfs973B45KPj1gOViqFmV0NbHXOfT/qskQlmHd1BXAS\nsA74X+CzzrnnIi1YhMxsJXCCc25T1GWJgpmdDGwDbnXOTQ2eWwisdM7dYGZXAJOdc5dHWc5qKVAf\nqf3uMLPxwFjn3DIzGwr8BfgY8BlSeIzkqY9ngNnAR0npMQJgZoOdczvNrB54AvgX4IvAzc65X5rZ\nDcAq59wNkRa0SvLUx1eATwG/cs4tjrZ00TCzLwInAMOdcx8KAtKSjo/YZkRLlPZBS5p3tSejdo7v\nkjnnHge6B+FnA4uC+7eRomOkQH1ASr87nHNrnXPLgvvbgBfwg0JTeYzkqY+lwH7By6k8RgCcczuD\nu43479O1wHudc78Mnr8NOCeKskUhT32sCx6n8hgxs0nAWcCPg8f1wLRSj49aOVHPM7PlZrbIzEZF\nXZgIaN7VnjqAbBPjpVEXJibGOOc2ADjnWoCxEZcnDtL+3YGZHQS8C/gDPiuY6mMkpz4eD55K7TES\nNLs+C7wNLMH/mGvJWeRNOgP2mte9Ppxzy4OXvh0cIzcGLZRp8QPgKiDbtD4OWJ/zelHHRyICUTN7\nOOhvkL29EPydCfw7cKhz7h3ASuDGaEsrMTHNOXcC8I/ARWZ2etQFkthJ/XdH0Az9C+By59xWOk8o\nqZSnPlJ9jDjnOpxzx+ETG6cA74+4SJHqVh/vM7NTgS8756bgL0feBHwjyjJWi5mdDawNugDmZoRL\nzg4nopOxc25GkYv+CHi0kmWJqaLmXU0T59y64O96M7sTeDfwu2hLFbn1ZjbaObfBzMbQ2ayUStnM\nXyB13x3BIII7gZ/mNKWl9hjJVx9pP0aynHNbzOx+4GBgTM5LqTzXBPXxa3w3hceC5/aY2Y+Bq6Mt\nXdWcBHzIzM4CBgPDgH8DRucsU9TxkYiMaG/MLLfpaDawvNCyNUzzruYwsyYzGxzcHwKcQTqPC6Pr\nr9P7gfOD++eTvmOkS33ou4OfAMu7DSRI8zHSoz7SfIyY2eggQ0zwfToDeBZ4ysw+Eix2Hik5RgrU\nx7LsMWJmBswiJceIc+6rzrkDnHMHAx8HHnHOnY8/Pj4cLFbU8VELo+YXAVOBAcDrwFzn3OpoS1V9\nwbQi19M572rBKa9qnZlNBu7B9xNtAn7unEvLr1QAzOxnwHT8r9O1+F/p9wB3AOPxfZzmOOc2R1XG\naipQH6eR0u8OMzsJ+D1+kJILbl/F/6i9nZQdI73UxydJ7zFyNHBr8HAQ8DPn3LeC79efAUPwQdf5\nzrk9ERWzanqpj0eAUfis4HPA55xzWyIqZiSCLgrzg1HzJR8fiQ9ERURERCSZEt80LyIiIiLJpEBU\nRERERCKhQFREREREIqFAVEREREQioUBURERERCKhQFREREREIqFAVEREREQioUBURKRMZnahmXWY\n2QF9Ly0iIt0pEBURKV/2KjxFM7OPmlm/rvRlZpPN7Gozm9qf7YiIRE2BqIhIdc0CvtnPbRyMv0zp\nsf0vjohIdBSIiohUl8VkGyIikVMgKiISEjM7zMzuMbMNZrbHzNaZ2cPZJnQzexT4RHC/I7i1Z/uY\nmtlnzOx3ZtZiZrvN7DUzW2BmQ3Pe41PAQ/guAf+ds53+ZllFRKquIeoCiIjUAjMbCDyKDxD/DXgL\nGA2cAhwBLAW+DQwApgGfpDOzuT74Oxd4BVgMbMM3vX8eeCdwerDMY8C1wFeAm4A/BM8vrcyeiYhU\njjlXUj97EREJBNnJnwCTgQnAU8BHnHP39rLOIuATzrn6PK81Oucy3Z77GPBzYJpz7ungudOBh4EL\nnXO3hrU/IiLVpqZ5EZFwbAr+nm1mTeVsIBuEmjfczEYDT+Izp+8Op5giIvGhQFREJATOuVeAZuAz\nwPqgr+fXzezAYrdhZv9gZg8D24HN+Cb7N/DN/aMqUGwRkUgpEBURCYlz7lLgaPzUSjuAfwFWmNk5\nfa0bBKyPAGOAK4GZwD8CM/AZUX1fi0jN0WAlEZEQOeeWA8uB681sX/wgom8C92UXKbDqR4DBwAed\nc+uyTxa4apM694tITdAvbBGREJjZMDPrMr+nc24NsAYYmvP0tmD5Id020dDtb9Y/0zPw3Bb8HVZ2\ngUVEYkAZURGRcJwG/MDM7gZeCp47CzgK+EbOcn/CT8l0Y9AftAO4F7gf+A7wWzP7T3w/0ZnAvvSc\nwP5FfNP/JWa2I7i/zDn3YiV2TESkUhSIioiEYyl+js8PAfPwWcwVwBecc805yy0CjgdmAxfgg8zJ\nzrmXzOwj+LlGrwVa8c35FwHryMmKOue2m9n5wDXAD/Fzk16DD1BFRBJD84iKiIiISCTUR1RERERE\nIqFAVEREREQioUBURERERCKhQFREREREIqFAVEREREQioUBURERERCKhQFREREREIqFAVEREREQi\noUBURERERCLx/wHNLqjL8JUpVQAAAABJRU5ErkJggg==\n" + }, + "output_type": "display_data", + "metadata": {} + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 10, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "B = 5000\n", + "\n", + "rf_model = \\\n", + " RandomForestRegressor(\n", + " n_estimators=B,\n", + " criterion='mse',\n", + " max_depth=None, # expand until all leaves are pure or contain < MIN_SAMPLES_SPLIT samples\n", + " min_samples_split=20,\n", + " min_samples_leaf=10,\n", + " min_weight_fraction_leaf=0.0,\n", + " max_features='auto', # number of features to consider when looking for the best split; \"auto\": max_features=n_features\n", + " max_leaf_nodes=None, # None: unlimited number of leaf nodes\n", + " bootstrap=True,\n", + " oob_score=True, # estimate Out-of-Bag RMSE\n", + " n_jobs=multiprocessing.cpu_count() - 2, # paralellize over all CPU cores but 2\n", + " random_state=RANDOM_SEED,\n", + " verbose=0,\n", + " warm_start=False)\n", + "\n", + "rf_model.fit(\n", + " X=boston_housing_df[['lstat']],\n", + " y=boston_housing_df.medv)\n", + "\n", + "boston_housing_df['predicted_medv'] = \\\n", + " rf_model.predict(X=boston_housing_df[['lstat']])\n", + "\n", + "plot_boston_housing_data(\n", + " boston_housing_df,\n", + " title='Random Forest Model')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can see that the average prediction of many trees in the Random Forest does well in capturing the signal in the data. We'd be reasonably happy with such a predictive model. The estimated Out-of-Bag (OOB) RMSE of this model is:" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "5.3780027857772907" + ] + }, + "execution_count": 11, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "# note that the \"oob_score_\" provided by SciKit is the estimated Out-of-Bag R^2\n", + "# from R^2 we can derive a rough RMSE\n", + "numpy.sqrt(boston_housing_df['medv'].var() * (1 - rf_model.oob_score_))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Boosting\n", + "\n", + "With the **boosting** method, we successively advance towards a good model fit by adding up small fractions / proportions of relatively simple models that have low variances but possibly high biases. The key intuition is as follows:\n", + "\n", + "- Because individual models are simple and have low variance, the combined additive ensemble model is also likely to have low variance; and\n", + "- Because models are successively fit to capture the residuals left over from the previous models, models' biases are likely to offset each other, resulting in an additive ensemble model with low bias!\n", + "\n", + "Let's now build a tree ensemble using boosting:" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAqIAAAIgCAYAAABeeQsgAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3XecXFX9//HXmZJJ2SSQQjGAdBRRQYoIClEs2AWRqFjQ\nVdAISZCg6FcFLAgmYBLJKj+JIB0EBJUiIMSCgghI70VKICQBdtN2srtzfn+cezN3ZqfcqXdm5/18\nPOaxU2459+4m+9nPOedzjLUWEREREZFmi0XdABERERHpTApERURERCQSCkRFREREJBIKREVEREQk\nEgpERURERCQSCkRFREREJBIKREVEyjDGnGeMeTrqdnQiY0zKGJMxxnyryv0vNcY8XO92iUh9KBAV\nkaKMMQd6QUDw0W+MecwYc5oxZlzUbQQwxmxnjDnJGPOWBp3Ceo9Sbci/T8Uev2lQGxvGGHOJ1/a0\nMWbTIts85m3zULPbV0bZ752IRCcRdQNEpC2cAyz1no8B3gV8C9gN+EhEbQraHjgJeBq4L6I2fC7v\n9SeBTwDHAy8H3n+yaS2qLwtkgE8Dvwx+YIzZF9gRWB9Bu0SkjSkQFZEwbrfWXhx4vcQYMwqYYYzZ\nxFr7WlQN85iIz0/e/cEYsxMuEP2DtfapMMcwxoyx1rZqMDcEXAt8nrxA1HvvCaAXaIksuYi0B3XN\ni0i1Vnpfc7o9jTG7GGOuNMasMsasM8bcZYzJzxb6237e+3ydt/0Vxphd8rZJGGN+ZIx50hizwRiz\nxhjzX2PMLO/zLwI3eu04L9AF/oPAMaYYYxYbY571upefNsac6gXT+W06zjvXeq9tH67tNhVmjLnd\n687e1RhzozGmD7gy8PnmxphfGWOe99r8lDHmh8aYZIFjHWSMudkY02uMWWuMuc0Y84G8bUYZY37q\nXfsGY8xqY8w9xpivVdDsC4B9jTE7BI6bBGYAF5a41m7vXOuNMSuNMZcFjxHYbktjzOXedbxqjLkI\n2KzIMZPGmP8zxjzsDRdZ7o3l3aKC6xGRiCkjKiJhdBljJnvPRwMHAl/AZft6/Y284OJ2IA3MwwWr\nnwHON8ZsZq09M7DtXOBnuC7/2cAk4Djgn8aYvQNZxNOAOcCvgTtw/2+9GXib9/nfvG1OBM4G/u69\nf593nknefkng/wHPAbsDc3FDCz4WaNP/AT8C/gycCkwDfgssq/yWlWWBCcD1uAD0ImDQa8dmwL+9\nbXqAF4C9gO8AbwQ+FWjzZ4HzccH4t719Pgdca4w5xFr7R2/TM4GjcffoP7j78Ray9zGMa4FXcBnQ\nk733PgpsigtSP5q/gzHme8APgZuBxcBU4JvAv4wxe1prn/O2GwPcCmwNLMBlWD8MXMPwP3YMcDVw\ngHc993v7zQb2N8a8zVq7uoLrEpGoWGv10EMPPQo+cAFnBtctm8l7XAeMztv+clwQ+qbAewb4K7AW\nmOS9NwlYhwsiY4Ftd/X2vzzw3kPA78u08yCvTV8o8FkPbozm1Lz3j/Ku6z2BNq0Hbsrb7gDv2E9V\neO9O8o6/fZHP/+V93l3gs9/ggt9N896f7e2zn/d6PPAqcHbedjFcIPtY4L2ngEuq/Dm4BNjgPV8M\nPBH47Crg797zO4GHAp9t7n0/8+/p7sAAcH7gveO9a/tU3rYXe+9/K/DeF4L3IfD+W733v5vX9ocq\nuV499NCjeQ91zYtIGGcC7/UeH8ZlDafjfskDYIyJAR/EBR0P+u9bay2wEJdJfb/39vuBFLDQWpsJ\nbPsQLhv5Ie944AKtt3pjLqtxOC5ozhhjJvsP4C+4IPmgQJtG4QKtjay1f6NxE6A24LKZG3nXfRjw\nByCW1+ab8tr8QVxW9ZK87Sbh7uMOxpitvW1fBd5mjNm+xjZfAGxvjNnfyzZ/KP8aAg7GZbAXBN+0\n1v4Xl/0MTnT7CLDCWvu7vGMsYvgY4Bm4P1AezbvuF3CTwQ5CRNqCuuZFJIyHrbW3BF5fb4xZCSz0\nun9/j+tyHQc8WGD/B3HBxHbe69d7XwuV+nkQF+xuDrwIfB/Xdf2oMeZB4B/AVdbam8o12hgzFReU\nfR6XRctnyY5B9Nv0aIHtHgbeXu58VXjRWjuQ9940oAv4Ki5rmy/Y5l1w9/WWAtsFt30O+D/gMuBx\nY8wDuPt4hbX21koabK293RjzBO6e3ued4/Iim2/rfS32fT7IGLOptfZVb9ti9z7fG7ztVxRqIi4L\nKyJtQIGoiFTLDwQPBH7fqJNYa28xxmyLG394IC5IPdoYc4m19ogyu/tZ1ctxY0wLacT4z7AGC7zn\nt/lC3PjUQp4PbOuPCV1eZNtHAay1N+Tdx48DXzfGnGut7a6w3Rfixu3uBVxrA+OEmySGGxd6HIUr\nJqxtbnNEpFoKREWkWnHvqz+LewUuAHhTgW138776qxM9gwsg3sTwjNduuLGaGwMrL9C50HtgjLkA\n+Kwx5ided36xguUrgD5gVF5GtxC/TW8o0KY3ltm3npbhrj8Ros1PeF9XhtgWL/N4Pm7ymMFlSI/0\n7mOoElOeC3CTlfbATUQq5hnv65vIfu8JvNfntcnf9g0FjrFrgfeeAN5QaTZXRFqPxoiKSLU+gQsA\n7wbwxnpeD7zXGLMxePACnmOBftzMbnDZ1H7g2MBYUIwxbwTeB1znjx01xmxS4Nz3el+7vK9rvK/j\ngxt5x7gc+LAxZtjscK80lH+Mm3BdujPztpmOm13eFF5X/ZXAJ4wxu+V/7pVhGuu9vBZ37ScWKes0\nKfA85z56Y3f9sa9dVMBa+zTue3oybvxtMTfgsr6zvJ8Dvy1vBd4N/DGw7Z+AzYwxn8o9BLMY/ofG\nJcDrjDFfKXRSU2T1JxFpPcqIikgY7zDG+OPuRgH7AUfiMocXBbb7Lm6iyC3GmAXAKlz5pncBc621\nrwBYa18xrs7n6cBfjDEXA5Nxs8LX4MoU+R40xvwNVxbqVdy4yGOAR4C7/G1ws/C/boxZ5z1/wJs0\ndaJ3/r8at7zmf8mWLjrEa9/fvDadCpxsjPkzLoDdyjvX/eQFuQ02F3ePbzPGLMEFjCncrPBDcN3q\n/7bWvmaMORqX5fyPMeZCvAoBuGve1tsH3NjQG3H3sReXafwGcJ+1tuLJWNbaxSG2WW6M+RFwCnCj\nMeYy3JjVObgyUN8LbP5L3JjYc40xe+Cynh/CjSvO734/F3cPfmWMeQ+uBNggsAOuHNcFuNJgItLq\nop62r4ceerTuAzeWcCjvkcbNTP45eeWFvH12Aa7ABaHrcMHiEUWO/znv83Xe9r8Dds7b5nu44Ok1\n3Czz53C1IzfL2+4QXMDW77XzB4HPJuBqjT6K6/buw9XS/HH+NeDGHT7lteluXDB0LvBkhfcuTPmm\nR0vsvymuFuvj3jX14koy/RCYkLftvri6miu8e/QiLtt4eGCbU7z9e71tnsWVtpoc4louAdIhtrsT\neLDA+18C7vHu6UrgUmCHAtttiRsu0IsLVC/C/TEwBJyQt62fab8L98fLOtwfRr8Edslr+7A26aGH\nHq3xMNYWG1rVHMaYibhJBLvgshRfxv2yuIzsrNkZtvmD4UVERESkgVphjOivcaVY3oqbpPAQ7i/3\n67z3bqD0YHgRERERaUORZkS9gfS3W2t3znv/SWAfa+0qY8wUb5sdI2mkiIiIiDRE1BnRnYCVxpjL\njTEPGGN+681gnWqtXQVgrV2JG3gvIiIiIiNI1LPmY8DewCxr7X+MMT/HraISKk1rjIl2gKuIiIiI\nbGStLbTIRFFRZ0SfA5631v7He30lsDuwwls3GK9r/uViB4h6tlcrPU466aTI29BKD90P3Q/dE90P\n3Q/dD92P5j2qEWkgaq19Htc1v5P31kG48hvX4dYxxvt6fQTNExEREZEGirprHuArwMXGmDG4unZH\n4OrDXWaM+TLwEnB4hO0TERERkQaIPBC11t6LGyea733Nbku7mz59etRNaCm6H7l0P4bTPcml+5FL\n9yOX7kcu3Y/6iLygfS2MMbad2y8iIiIyUhhjsG02WUlEREREOpQCURERERGJhAJREREREYmEAlER\nERERiYQCURERERGJhAJREREREYmEAlERERERiYQCURERERGJhAJREREREYmEAlERERERiYQCURER\nERGJhAJREREREYmEAlERERERiYQCURERERGJhAJREREREYmEAlERERERiYQCURERERGJhAJRERER\nEYmEAlERERERiYQCURERERGJhAJREREREYmEAlERERERiYQCURERERGJhAJREREREYmEAlERERER\niYQCURERERGJhAJREREREYmEAlERERERiYQCURERERGJhAJREREREYmEAlERERERiYQCURERERGJ\nhAJREREREYmEAlERERERiYQCURERERGJhAJREREREYmEAlERERERiYQCURERERGJhAJREREREYmE\nAlERERERiYQCURERERGJhAJREREREYmEAlERERERiYQCURERERGJhAJREREREYmEAlERERERiYQC\nURERERGJhAJREREREYmEAlERERERiYQCURERERGJhAJREREREYmEAlERERERiYQCURERERGJhAJR\nEREREYmEAlERERERiYQCURERERGJhAJREREREYmEAlERERERiYQCURERERGJhAJREREREYmEAlER\nERERiYQCURERERGJhAJREREREYmEAlERERERiYQCURERERGJhAJREREREYmEAlERERERiYQCURER\nERGJhAJREREREYlEIuoGGGOeAXqBDDBgrd3HGLMpcBmwOfAiMMNa2xtdK0VERESk3lohI5oBpltr\n97DW7uO9dwpwnbX2rcANwA8ja52IiIiINISx1kbbAGOeBvay1q4KvPcksI+1dpUxZgpwu7V2xwL7\n2qjb3ynS6dzXqVRl+/r7+/sFXweP5W+b/361bco/b7PV8/xhjhX19YqISOcyxmCtNZXs0yoZ0RuN\nMfcaY77hvTfVD0yttSuBqZG1TujpgfHjYexYGDfOPe/pCb/v2LEwcaJ7jBnjHv7rceOyxwpuG3y/\n2jb521TS3nqq5/nDHCvq6xUREalUK2REN7PWvmyMmQpcD5wIXGmtnRjYpjf4OvC+MqINlk67wGZg\nIPf9ZBJWry6fnevqgsHB0udIJmHlSpg8OXfbYucI06b8bcK0t57qef4wx4r6ekVERKrJiEY+Wcla\n+7L3dYUx5kpgb2CFMWZyoGv+5WL7n3zyyRufT58+nenTpze2wSIiIiLC0qVLWbp0aW0HsdZG9gDG\nAmO85+OAvwIfAxYBc7z3jwMWFdnfSuMtXmxtMmltLGZtPO6eL14cft9YzFpwD2Pcw38dj2ePFdw2\n+H61bfK3qaS99VTP84c5VtTXKyIinc2LyyqKBSPtmjfGbAdcjRsnOha41Fp7kjFmEtnyTS8Bh1tr\nXyuwv42y/Z1Ek5Wqo8lKIiLSKarpmo98jGgtFIiKiIiItIZ2nTUvIiIiIh1IgaiIiIiIREKBqIgn\nOJZVREREGk+BqAgqBi8iIhIFTVaSltTM2d8qBi8iIlI7TVaSEUHZSRERkc6gQFRaSjoNc+a47OTA\nAMyeDX19jT1nKgULFrhMaDLpnisbKiIi0njqmpeWUmgdeT84nDmz8ecGBaEiIiLVUEF7GRF6elwm\ndHAw+57GbYqIiLQ2BaIyYvT1wZQpmkAkIiLSLjRZSUaMCRM0blNERGSkU0ZUWprGbYqIiLSHajKi\niUY1RqQeFICKiIiMXOqaFxEREZFIKBAVERERkUgoEBURERGRSCgQFREREZFIKBAVERERkUgoEBUR\nERGRSCgQlZaVTmfriIqIiMjIo0BUWlJPD4wf7x49PVG3RkRERBpBKytJy0mnXQCqdeZFRETah9aa\nFxEREZG2oUBUWk4qBQsWuExoMumeKxsqIiIy8qhrXprGn3gUNqisdHsRERGJjrrmpWVVM/kolVIQ\nKiIiMpIpIyoNp8lHIiIiI58yoiIiIiLSNhSISsNp8pGIiIgUoq55aZqwk480SUlERKT9qGteWlqY\nyUdaUUlERKRzKCMqLUOTmkRERNqXMqIiIiIi0jYUiErL0KQmERGRzqKueWk5hSYraQKTiIhIa1PX\nvIwI+ZOaNIFJRERkZFJGVFqaJjCJiIi0B2VERURERKRtKBCVlqYJTCIiIiOXuualLWiykoiISGur\npms+0ajGiBRSbUCpAFRERGTkUde8NI1mv4uIiEiQuualKcLMflf3u4iISPvSrHlpW8qWioiIdB4F\notIUwdnviQTMm5fNfKbTMGeOy5YODLjnfnZURERERi4FotI0M2fC/PlgDJxwgjKfIiIinU5jRKVp\nSo0T7elxmVBwmdOZM6Nrp4iIiFSumjGiCkSlacpNWBopk5VGynWIiIhUQpOVpKWVWyUplWr/4E2T\nrkRERMJTRlSarlDGcCRkEcOUqBIRERmplBGVtpCf+VQWUUREpDMpIyqRGmlZRE26EhGRTqXJStJ2\nRlogCiNjmIGIiEil1DUvLS+dzi1WX24CUzsaCZOuREREmkEZUWmaUt3WyiKKiIi0N3XNS8saiV3w\nIiIikqWueRERERFpGwpEpSlG4lhQERERqY265qWuyo311FhQERGRkUld8xKpMIXpNaNcREREfMqI\nSl1oMpKIiEhnU0ZUOlJ+bVIRERFpDwpEpS6imoykdepFRETal7rmpa6aORlJwwFERERaRzVd84lG\nNUY6k4JAERERCUtd89K2VJtURESkvalrXtqeapOKiIhET13z0pEUgIqIiLQndc2LiIiISCQUiIqI\niIhIJFqia94YEwP+Azxvrf2YMWZb4GKgC3gQ+Ly1djC6Fna45/8G9y+JuhXDmTi89Wuw5T5Rt0RE\nRESq0BKBKDAbeAiY4L1eBJxurb3GGLMAOAZYEFXjOt5rT8JD50fdisLWr4BD/hh1K0RERKQKkQei\nxpitgA8BPwG+aYyJA++w1n7M2+RC4DQUiEZn2rvg4POibkWuVQ/BnT+DwXVRt0RERESqFHkgCvwc\nOAGY6L3eDFgR+Px5YFqzGyUBm+7oHq3kuaUuEM0MRd2SslReSkREpLBIJysZYz4MLLfW/hcI1p2q\nqAaVdCDj/Q2Vae2hwz09bhnS8ePdcxEREcmKOiO6P/AxY8yHgDHAeOBnwOTANlvhsqIFnXzyyRuf\nT58+nenTpzeindJqYt6PbgvPYUunYc4cGBhwr+fMge5uZUZFRGRkWLp0KUuXLq3pGC2zspIx5kDg\neG/W/B+AJYHJSs9aa88ssI9WVupUL90JF+0Dm+8Fn7sz6tYUlE67TKgfiCaTsHq1AlERERmZqllZ\nqVXriM4GTjTG3AdsAfwi4vZIq2mDrvlUChYscAFoMumeKwgVERHJapmMaDWUEe1gK+6D898KU3aD\nL94fdWtK0mQlERHpBFprXjqHP0a0DWbNKwAVEREprFW75kVKM60/WUlERERKUyAq7SkWd1/bICMq\nIiIihSkQlbaRTmfHW2a75pURFRERaVcKRKUtDCsMr655ERGRtqdZ89LyCtbjfOklUuduCWM3h6+/\nFG0DRUREZETVERUpTV3zIiIibU+BqLS8goXhR3uTlawmK4mIiLQrdc1L28gpDL9hNfxiAiS7YNbq\nSNslIiIiKmgvI1xOYfgik5W0ipGIiEj7UNe8tKcCdUSHzawXERGRlqaueWlPNgNnxgEDx2cKz6xf\nrcyoiIhIs2jWvLSFnML01TL+j651QamIiIi0HQWi0lR17T7fWMJpqPDMemVDRUREWpq65qVpynWf\nVzzRaOEYGOyHWesgOaa6Y4iIiEhdqGte2lZVmVIzvJZoKpUb2NY8BEBEREQaRoGoNE2x7vN0GubM\ncZnSgQH3PFQAWWJ1JT+w7eqChQvrex0iIiJSH+qal6bL7z6vesb74inQvwq+vgLGTsk5fvB44ILR\nWbPqdw0iIiKSS13z0haC3ef+66omGsWKL/OZ//fJ3LnqphcREWk1CkSlJcyc6bKgq1e756EU6ZpP\npWD+/Pq2T0REROpPS3xKy6h4pnuByUq+2bPBGJcJhdYu56SZ/iIi0qmUEZWGa9js9RKTlcCNCa04\ny9pkWpZUREQ6mQJRaaiGBlplAlEYPh61lVRdLUBERGSEUCAqDdPwQKtE13yx9jQi0GuVeqWt0g4R\nEZGwFIhK+wqREfU1KjNb6XGDwWI9lyVVF7+IiLQj1RGVhurpcZlQcIFWXcdqnr87rLgXPnc3bL5H\n0c2qrlNaRqXHLXYvap2s1KjrExERqUQ1dUQViErDNWxW+IV7wfK74Ig7YYu9Sp4/6kC0kcGiAlER\nEWkFKmgvLalhE4ZCds3Xswu8Gcdt13aIiIhUShlRaV+X7A/L/gmf/gdM27/s5o3KzIY9bkOHKVTQ\nDhERkUaoJiOqgvbSvryM6Ib0IDbtArBSwVijArSwx505E7q7G9cWBaAiItJu1DUv7csLRD/64UHG\nj4dPf7r1Z463cl1TERGRZlMgKm0rY10dUZsZYmAALrus8cXhVatTRESkfhSIStuyXkY0ERs+WWko\nXI37iqhWp4iISH0pEJWKtUpWMB53GdFUcohEAkxgeLQpMlS62rZrOU4REZH6UyAqFYkiK1gseHzq\nGZcRjccGOe00SASm3sUK/GQroykiItJaFIhKaFFkBYsFj+k03HOvizyNHeQ734H584vX0qy17X6t\nzkTCPVSrU0REpHYKRKVllQsehzKuaz4ecwNCjz7arSi0enX9a3T6jCne7S8iIiKVUSAqobXSCj6p\nFOz+NpcRHZ0c3NiWYuWRam27xoiKiIjUn1ZWkoo1cwWfkqsR3XAkPPhbBg46l+TuR4Y6XrVt13ru\nIiIipWmteWmKZhZlnzmzRHe7cV3zyeX/gGW3hzpetW1vpWywiIjISKGMqLSvvxwL/z3Le2HgqGdh\n/FYNPaXWcxcRESlMGVHpLHscA7t1w+hJgIV1yxt+Si3RKSIiUj8KRKV9TdoFPnAObLqzez20Idr2\ntIhWWXBARESkHAWi0v7io9xXBaIq2i8iIm1Fgai0v5gCUVCJKRERaT8KRKUpGtpdvDEj2rioS93d\nIiIi9adAVBquHt3FJQNBPxDN1Ccjmk5DX1/2fO3S3a0SUyIi0m4UiEpD1aO72A8Eu7pg4cICGwS6\n5mvNXPb0wNixMHEijBvnztdO3d0l666KiIi0GAWi0tKCgezgoHu+aFHeRgmX9vvLjRtqylym0zB7\nNmQy7vXQEMydW1v7w5yz3oGtSkyJiEi7UCAqDVWP7uL8NQvmzs0GcOk0GzOil1+6oe6ZS2Ng/vzG\ndHe3S5e/iIhIoygQlYarpbs4lXKBYL6zz84GcQ887ALRUYlwY0SLZSFTKdcVH/P+VcTjLvCcNav+\n3d2a4S4iIqJAVJqklu7i2bNdgOhnJefNc1lRP4i75W8uEJ1xWLps5rJcFnLmTFi3Dnp7Ye3abOCp\n7m4REZH6UyAqbSGYlfza13I/Gxh0geg7991QMnNZKAsZnB3vS6VgwoTGBp6a4S4iIqJAVFpEmEk7\nflYyP4g78KDsrPlKMpdDQzBlSnRjNDXDXUREOl3FgagxZsdGNEQ6VzWTdoJB3F77eJFnmTqiwQA2\nkXATkaIYoxkMutXlLyIinayajOhjxpjbjTHHGmM2q3uLpKPUMmlnYxBXwVrzfgC7alV2UlIzaaa8\niIhIVjW/ik8CJgALgeeNMTcYYz5vjOmqb9NkpGnYMpkVBKKQHQNa7RjNaq9DM+VFRERyVRyIWmt/\nZK3dFdgLWATsCvwWWG6MucQY81FjTKLO7ZQ2VywTWJdJO7HKAlFfNWM0ldEUERGpH2Pzq4VXegBj\nDHAg8FngUGBT4BVr7dTam1f23LbW9kvjpdMucBsYcK+TSRf8BQPO4JjJit33a7jpKNitGz5wTtE2\nVH38wDHKXUc5PT0uEwou6NYkJRERGSmMMVhrTSX71DxKzjpLge8APwLWAJNqPa50lmKTdkJ1g/td\n80UmK9WaxaznkALNlBcREcmqKRA1xow1xhxhjLkWWAac6X09qR6Nk5Gh0u53P/ALHUB6XfNDAxty\nA8bMEAOPXsfPfvBC1eMyg21YsqQ+tT81U15ERMSpuGveG//5QVxX/EeBscCLwKXARdbau+vdyBJt\nUdd8GwnTPe53XVvrHkND7v2S3eCPXwV/+CRXP3AIh190VbbL+75z4Kavctfze7LXgv+UP06B9hbq\nivcpmBQREcmqpmu+mklFy4FNgNXAZcBFwK2KCKWccoFbcFZ5Jdb1j2IscMD2S7nlqHdiHobMxRB7\n6V8A7LnVXSSTbtt6rGCkAFRERKQ+qglE/4oLPv9krVXxGWmYWAzicfe81Nrxv/rJ9tz3TZg09lXe\nud1t7oMXc7fzM5mVBJH+kILg5CIFoSIiIvVT86z5KKlrfuTJn1Xe3e2eF5vI5Hedbz/5SbYc/yKJ\nhFuXHuBXizdw41cPYogE8eMrTLPmnadYGzqJ7oOIiJRSTde8AlFpOeUCnuBko+AYzkTCrZiUSmXf\n33B6kmR8kPTX06TGjmpsw0cwlZ0SEZFyGlK+yRiTMcYMVfqo/jKk05WaVV5qFvvChW7FpKC1G8a5\nJwNrG9voEWwkrQjVsNW9RESkKmUzosaYk4H8jT6OW1HpBuBh771dgQ8ADwHXWGtPqWtLC7dNGdEO\nUsksdj+D9/SJ05g2cRkc9RyM36q5DR4h6lHIvxUoqysi0lhN6Zo3xhwJ/BiYbq19Iu+znYFbge9a\na39b0YGroEC0s5QKiAp156fTkLxgZ2K9j8OXHoFJuzS/0SNEuwdxIyWYFhFpZc1aWelbwIL8IBTA\nWvsYsBA4sYrjipRUrDB+qXXsY6P8rvl10TS6Bq3UjawVoUREpBGqCUS3w9UQLaYX2DbMgYwxKWPM\nncaYu40xjxpjzvTe39YY809jzH3GmEu8IvoiwwKisuMXk2Pd1zYbI1rrsqSN0M4rQlW6upeIiDRH\nNV3zDwJ9wIHW2g15n40C/g6Mt9buGvJ4Y6y1640xceA23Jr1xwFLrLXXGGMWAM9YaxcU2Fdd8x3M\nzxhOmVJJHLFsAAAgAElEQVSiy/WK98P/boJP3gDbfqAhbYBwxfrDbOdvq27kxlAJKhGRxmlW1/yp\nwNuBu40xc4wxH/QexwH3AHsBPwl7MGvteu9pymvPcmBfa+013vsXAh+pop0ygvkZwylT4NBDS2S6\nko2bNd/TA11d7lEqa9mK2c1O1c5ZXRGRkaiqOqLGmCOAnwFbkp1Rb4CXgG9bay+o4Fgx4C5gB+BX\nwM+Bv/gZVWPMFrglRN9YYF9lRDtQfsYwWD90WJBx3efg4Yvgg+fDrp+vaxvGjoVMxr2OxWDduuHn\nrza72U6Tg5RlFBERaF5GFGvtRcA2wDuAz3qPdwBbVxKEesfKWGv3ALYC3gW8u5o2SecaHITzzisS\nCDUoI5pOZ4NQcM/rObGoXSYHKdsrIiK1qHoSkLV2CLjDe9TMWttnjLkO2B6YEvhoK+D5YvudfPLJ\nG59Pnz6d6dOn16M50mSVZNVSKZg3L5sxBJg7F44+usD+ycbMmk+lIB6HIW/phni8cNtrWa++1TOM\nwYli4J53d9febmVYRUTaw9KlS1m6dGlNx6i2az4JfB44CNgM+Ja19h5jzERcsftbrLVFg8fAcSYD\naWvtGmPMGODPwOnA0cBvrLVXe5OVnrXWnllgf3XNjwDVdEOH7vL+x/fgjp/Afj8k/bbvA/ULcCpp\n90gMrhoxqaqdhiSIiEiupnTNG2M2Af4FnAN8GHgPsKn3cR/wfeD4kId7HfB3Y8w9wN3ATdbaa4HZ\nwLeNMfcBWwC/qLSd0h6qXT4ydDkeLyN697/X1r0LuZLu85E4SabeJZFG0lKiIiISTjXlmxbjsqGH\n4YLHl4H3Wmtv8T6fD7zfWvuWOre1UFuUEW1ztWbVymYa714Et85m8T+P4ZirflHVOaS0emV7VbZK\nRKS9NWuy0ieARdbaGxm+Bj24ted3qOK40oGqzar5NUTLZhq9jOi4Uc0paN9KqyE1S72yvSo6LyLS\neaoJRCcDj5fZpqJoWDpbpTPEi83ULhgEeoHoO9++tuEBTjUzyDsxcC2lXaoFiIhIfVQTiD4P7FTi\n83cAw9ahFyklbFat2DjCokFgwi3xuePr1zY0wKlmfKNKHxU2EsfTiohIYdUEopcDXzPGvCHwngUw\nxnwEN370kjq0TSSUkkGglxHNpNcVDHCiykg2emKOMq0iItIOqglEf4zLeN6DC0ot8H1jzF3ANcCd\nwBl1a6FIQKXjCK/8owtE1z99By+fuSdcvB+88E8gXEYybEDXSuMblWkVEZF2UW0d0VHAHGAG8AZc\nQPsELhN6hrW2KbkYzZpvb7XMts7ft1D9yXQatt/iZZ749usZk+zP7rz1dNIfv7XsDO1iNS1LtbuS\na6q2fmqp42vmuYiIRKWaWfNVBaKtQoFo+2pE4fL8IM0PyjZJvczWE59j7OgN/G3W+zADa9lwxMN0\nbfOGogFbsYBuyZL6trvegasCURERiUrTAlFjzGjgg8AuwBiGz5K31tqTKj5w5e1QINqGmhksDQve\ndjwK7v81vG0OPQ//vGhgV6iNK1fClCmVt7sedTYruWdanUhERKLQlEDUGLMH8EdgS4qXabLW2nhF\nB66CAtH21OysXU7N0VfvhIv2gfHbwFH/Kxkk5gd03d2Vt7teQWG5e1YoG1zsukRERBqhWQXtzwbG\nAl8DdgO2K/DYvorjSodoxMSeUpOKlixxmczx4+E3V27r3hxYu7Etxc6dX9Oy0nbXc2Z8qXMXmpzU\nCiWQNHNfRETKqSYj2g/8n7U28pnxyoi2t3pl7UplHfMziZtNeIXlP5gMqU3gmFerOl/Ydjci81ts\nHGyrjQnV8AARkc7TrIzoi8C6KvYTyVGPrF2lWcfBTMI9yQzmftD3HFx2IDx1bdlzhm13IzK/rZDp\nLKfRNVJFRGTkqCYQ/QXwZa+Ek0hLyw8Gf3qaN3TZDuVu+M/vw/N/g99/pOpzDeuKTvcx8x1nse7W\nn7L23qsbkhUMXl8iAfPmtU7Rfml9+tkQkahVHIhaa88ErgXuM8Z8zxjTbYz5cv6j/k0VGS5M1jE4\n1vOoo72MaH4gmp8hrVDBIvL3nwO3HEvi9u+SvO4QWP1CTecoZuZMmD8fjIETTsgtYh9FcftWKu4v\nxWnhAxFpBdWMEd0GuBrYvcRmmjUvTRV6vGlmEH6eBBODbwaC0Vtmwz2L3PPjK/uZKjpO844T4c7T\nsxsecSdssVdFx67l/BDt+FHN3G9drTq2WETaWzVjRBNVnOc84I3AT4HbgLVVHEOkrkL/AjV+13wG\nrHVpRIDRk+rfqMH1ua/TvfU/RwtTUCMiIuVUE4juB5xqrf1hvRsj0nDGYE0MYzMuGPUD0+S47DYD\n6yE5JtzxHrmM1MMX8Njp8OBD7q037Qqp68CuuD+30G76tXpcwTB+V3hwlrofBBZ7X0a+UhnpUj8z\nIiLNVE3X/HPAKdbacxrTpIraoq55qUhPD3SvTpFKbODc0S/ypW9s4T644zT4x3fc8688DRO3DXfA\nc3aA3qdKbrKGaXTxArx/Cby5ccOniwUe6iLvPGHLZ+lnQ0TqqVkrK/0QlxV9X9RRoAJRqYQ/Lu6V\nk7voSrkRJZnXvYtYLAZ9/4O+Z9yGn/kXvG7fcAc9a1OX6fzwpRuzqgMD8KnDYXAQVq6dwmf3vJRZ\n+y+EA8+Avb7ZgCsTydL4TxGJSrPGiN4GfAhYaoxZArwADIsGrbW3VHFskYabt/QEZux+GW+Y+gix\nZX8fvsG65YV3XP8K/OsUeOkO9/pTt2bHfe78SYi5f06ZNFz3SDYQ+PCuN7gnTRwjqkyXiIi0g2rq\niF4PvA14F3AucCNwU+Bxs/dVpOlK1UX0x8X9dOlJ7L7gIS4a8xQcfiscfisbPnErmSlvdRsWCUQH\n//1zN7P+xTvcY9k/AQvJro1BaPA8fvmid39wott/3WtNqdmosjydTeWzRKSdVNM1/8Uw21lrf1tV\niypri7rmZaNqx8X5+/3o/d/l2+/+Kez6edj5Uzn7XHsd7LXqK2w+/uXsmwf8DP72LeiaBkc/X/w8\nj58Lf3ZjQ7f80Qq+f+qU0MXtK81sdmK3rLK/hem+iEizNWWMaCtRICq+agOw4H7f2P8szjrk2JLb\nZzKGS+/9LJ/d4yLY5dPw6KUw+U1w5ANF9xl49FqSf3IrNi2+bSbH/WlxqLZVs157pwWiWtNeRKR1\nKBCVjlWPQHRq18uc+bG5fObQV4kHBq0MZeCG62HthjFcdPcRbL3JMs46ZCbEkpAZgNftB5+5rfg5\n1m3gsR/sxZu3vJ8r7vskn73kirJtqyWg7JTgrNOCbhGRVtesyUoiLafauojB/V5Lb0bf/ucT/2Tu\nNnHgf8vh2GMhk4E3v+5BhhhFPLPBbbDlO0qfY+wonnv9j3jzhk8wOrGh4WP2Zs6E7m7v3ArKRESk\nhSkjKiNKtePiyu2Xn32b1NXHsqd7SY2Ow7gtsys0FfP0DXDVB8ls/X5ih/85VJs6JbNZC90jEZHW\noa55kQapuRv42Vvhd++BrQ6EGUsrOi8os1mK7pGISGuoJhCtpnyTSMepuSRO3Nt4qLL6TamUAqxy\ndI9ERNqXxoiKhFTT2MtEdYGoiIjISKZAVKQCVWfeqsyIViwz6M7hLTcqIiLSytQ1Lx2v1GpMddPo\nQDQzBCvuh19MgEVdcPPXG3MeERGROlIgKh2t0uUwqw5a/UB0sAGBaGYILtwTzn8LDK537z37l/qf\nR0REpM4UiEpHKBRAptOu9M/AgHvMmZPdJp2Gvr7cfUoFrWUDVC8QtUPp+mdf17wAK+7Fkp2ouPq1\n/nDtEhERiZACURnxKs169vTA2LEwcSKMG+delwpaQx0/PgqAvlfTodsR2mtPAnDb0/ux2cnLAehf\nvZ5Fiyq7bhERkWZTHVFpGY2oB1mu/md+QfTubujqgsHB7DGSSVi5EqZMyR4nkYBVq9xxwtQXTa9Z\nR+rscawfGM3Y76yv63KUA/csIXnLVzj/P5/nmN+fRd9PJrK6v4vJp6zW8pciItI0qiMqbavSrGUY\nYbqlZ850QebKle75r36VG4QCWJtbRzQWc+9NmeK2D9UGr2s+FU8D9f3jyfQ+BcBTr2zP+oExAIxJ\nri/dHhERkRagQFQiV6rbu1p+YDtlChx6aPFC9D09bpspU2DhQjjhhOHHshaWLMkGrfE4DA25tp5w\nAsyfX/j4weB6yblxMsSJxSwHv/Fmzjnz2bplJxNrvEB01fYMZhIMZWIk4kOcMW8wp11LlrR3V72C\naBGRkUdd8xK5mpfPDHG8lSuHr8CTv10pfpugcFt9/vELtSE9fwJmwNs42QVHPQejN6nuIoMueju8\n9G8O6Pk7f3/qnaw5dRzjRq0jfVQfjBq/cbNq7nGrLJ9Z65ryrXIdIiIjmbrmpS3VvHxmyHNUesx4\nPPvcWhfMFGtrueMPDcE3r/oxtz75btYzGQbWwIPnwXNL4cV/uxJMFdqYIfS65p9+ZXuAjd3zDPXX\ntPxl2OESjc5U1poxb8SwDxERqQ8FotISZs50GbrVqyvPduUrF9j6gZO/XaLA+mKJBJx55vAxoX4g\nYy1kMsWzqalUtss+kQBjYMFfZ/GeX97CObcd4TZaehxc/m64+O1w7y8LH6j3GbhzHtzxU7jknXBm\nApZ+c2Nw9bopfbB+JTY+muVrtwSgf2C023ewP/Q9yRc2+Gv1IK8Rwz5ERKR+1DUvI1Iw2MwfE5rf\nxdvXlzsjHtx40Vmzhn/mB5WFtg3yz2MtnHYafOc72X3etOWj3Lvom8SH1kL6VVhxH2x7MHzy+uEX\ncs0h8MTVw95+fOVOWAvJ+ADbTXqGzKRd+dX6B5kzBx48fid2mvIEfOlRmLTzsPsC5bOk+dddqCu/\n3kMqSqm2a76ZbRQR6XTqmhchd6LSkiXZ9/OzY7Nnu4BrwoRstjCRcM/9wLJQwJL/t8/cubmF8Fes\nyJ5ncNAFocEJTTO/twvxw66FGUvhkGvdjsv+Oax7Pp2GzCtPuBe7dcOBZ8DoyQDsNOVxdp76ONtN\nesa16XUHbMwqb7+TlxEd6idfmK56fwLX0JAbntCo4RKVqDZj3oxhHyIiUj1lRGVEKTVRCYZPTvKD\nk5kzi2cLFy1ywSa4bf0u3uAxVq92Qe8xxwwPVIMTmgplafn1dtD3DEzZDUwCsKxcaXlxmeUNmz1M\nMj4IX18OYzeDgfWw+jkuuhhOPdXtfsK34nzma9uTGm3o6YG9H9uHvbe+k7sS32XPY06GeLLq+5dI\nwLJlLlgvFMCVy1S2yiShVmmHSKvTvxWphTKiInmGhlx2b/x4FyguWJA7CSk4brBQtrCnxwWh1sK8\neS7Qmj3bdccHs2xQPAj1s3BLlmTbkjOecoePua8rH4AV/4UV9zLF3sebt7yfZHyQp17ZjnRsinfA\nMaTH7cxhX92Zu5/emaNP3JmjvrUD4ycYFi501/L8a9MA2HPwVAbu/W1N9y+TgWnTio8BLZWpbKXx\no7VM2hLpFK30b1Y6hzKiMiIE/4oPjs+01gWj4ILC+fPh+OOHr5xUcDWkMuMLg+fs63NLggb5qy9N\nmFDmWJkhWPUgZAYBw4YBw377GTYMGqw1PNe3PctfGZdzbeAC4xNOGD5+ddr4p3n6u24G/eDePyBx\nwCkV3ctS9y/s+EqNzRRpL/o3K/WgjKh0pPy/4v0s3apVbsa7z1qX3cwPQqsdNxjMsqVSuZlWgDPO\nyAahJWdqx+Iw9S2w+dtg8z2wU3fnC3PfyiMr38Kjq97MqfNcEJo/xtUfLuAzxgXaL6zeju9cfzoA\nCbuu4usqdv9ERETqTb9mpK0VK8+TSuVOQvKzoUGJRHZpz0LCTHQJzs73yz35E56OPNK9F2aFJ58f\nVM+d6zKepSbn+IFn8JizZrl9fvjTsW6jgdxANGzNz0L3r5KAvd6ThCqtVdppqzB12vVK/Wlin0TG\nWtu2D9d86WT9/dYmk34nsnve3z98G/+9xYvdNsmkex5Gb697FDpWIuEeM2a4YyYS1i5Y4F5nO7ez\nbevtHd6+Sq6lUPuDbdroviXWzsfa648sum/B/Yq0K8x29d7X33/hwsq+Z6HvUQuppX3V/EyLFNPq\n/1aktXlxWWWxXKU7tNJDgahYW/kv4jD/0frbBI/tB5vJpAs2Y7HhwSZYG48Xfr9QYJl/znKBaNj2\n24cvcYHoHw4veOxYLPdagscrdPwofjn5gX6t97DSQLbZagkkw/7MiIg0QzWBqCYryYhQr5Ij6TSc\nfXZ2prwNTNYJiscLv1/ss2CZqFJtr3VN9Y2e+ANc83HY/iNwyB+HTUTIF5z9n3/+urWJ8N+nYu0t\nN4GiUPmp4AIErTYBo9YJIppgIiKtRJOVpOMUW0EpzD75enqgq8uVZ/KL0RcLNo3JnZxkTHZs1aJF\nMGNG7vZ+6adC5yw00armpU6T3hjRQTdGNDj+Kx4fPrHKL/CfP962r6/4Epn+fQw7PrHW0jBhxq3l\nj3PLHxc80mhcn4i0vUpTqK30QF3zHa2aLs1i++R3cRbqwg52zS9eXHrMZW9vuLGrYbtVK+0aTz99\nm+uav2jfnPf9bupYbPjQAv9a/deJRPHr8K89FnNDEcp9Dwpda6nxstbm3t/84QPl1DouuJnq0T6N\n6xORVoC65qVTVFLjM8w+hbqC/QxTd3f2WPnHLXSenh6XXSxXqzRst2qlXeM9PXDu6f/lzll7sNK8\nhSnfvLfg+eJxFxZmMu51LAY//zkcd5x7Lx532V3IPX93d+Xd5vnnjsWyWdl58+BrXyu+H9RnyEU9\njtMoxdrX6u0WEQlS17wI1XUBF+ri9LvH8+uFBoOC/Nd+OakwtUrDlocq1jVeiL997zrXNT9p6H7s\nLybC2VtjXrojZ9v84QXxuCs55b83NOSO1d1d+3CB4LUGx23611Tse1WvFZHqubJSI0olFVvVS6vc\niMhIp0BU2lKxIK5U4FZoH8h+HhyfOXt26cAlbDDi1yrt7i68faExobUGOkND8Oxr2/Dkyu2JxSxm\nQx+seZ5RL1yfc/0LF4YfX+i/39fnvvr7+ZnNMOMTSxXKDxNkt4JmBYeV/gEiItKuFIhK26pmYk9w\nH6guqCgVjOQHuwsXwoUXlj5PMBuWf+xqJqMYA+nB0ex8+mNMOuk1Bvf9sfsg3TvsnuW/Lni+5CBX\nnPVvDt7tr7x717sYN84Nh1m9Gtatg7Vrw38PgoXyTUWdN9FTcCgiUn8aIyojTpgxlYXGZ86fn102\nM3+/YMARZlxnJdun09lM47RpxcewQvkgtK/PreIUPMba288heetX4U1fgoN/U/oAee1PpWDwbyeT\nuDO7Xv0XLz2Pi//7Rdasqb67u9CY3IUL3cpQ9dCIsZXNLpVUz7JZIiLNoDGiIlTX3W29degLZbuC\nWcqzzgrXhrBjEnt6YPRo2Gwz9wiOLa30eD09LggdGsrtLk+Om+g22NA7bJ9i92Xj+awl/si5OZ+9\nZcv7GBx09VaLqXR4QSIBRx8dfvtS52pU93mzSyXVrZSXiEgLUyAqI1Kp7m7/8zD1JvO7Y+fOHR7o\nVVLXMrh9Oj08A2htdYFOsJ2ZjOv2XrnSBTAbYl4gms4NREMFbC/ejln9LGvMVnzpMheQbt61HHD3\nolg91nLHLTSEwb+O4DWVC2bzz1Xv7vP8NtQrOAwbqNdzklWzNWJSl4iMQJXWe2qlB6ojKmWUq9VZ\nrt5ksfqifo3NStqRf97e3sLLgb78cuVrwBe7zsWLrd1v+9utnY9dfsZeOfsGzx2PFznnX2a5eqS3\nHm/XPHCDtfOxNx713rrURg1eQ/69D1Nbs1ht0notedmo+qOtXte0HjrhGkVkOFRHVCRXpeP6aqkL\nGlZw7N+hh8Jll2U/mzEDLr20smMUW4rTr/e5/SaP8Mi338jjK3dim5MfI5VyY0knTsw9Zm+vm0jE\nYBoyG8Bm4Nw3wtoX4Yh/QywJF+xB/0CKF/qmsdmUQcaPG4TMIGy5L3z8atIbTMXjKKtdlrPQfmvW\nwJIltY+tbNR40LDHbef6oVp2VKRzaYyoSJ5Kx/UV6gqdOdMFOAsX1j4+ML/r+KqrXAD48svua7kg\n1J/YVKj7uVi3cW+/izgnpLJd86lUbgmlWMy7nnvPhsWbwC8mwFmbuCB04vaw+V6wyY4wehKjk2l2\nmPwU4+2zsGYZrHsZnvwDrF9Rl3GUYf+29M/lX4e1Lggt1X3eDt3Fqh8qIp1EgaiMePUY15dKufGc\njZg8kkrB1KleNrIEP0CZPDm7GlK54y5YAOuGXCA6dfxKUn86GK7/IqmHf8nNPz+Hr+z7G7789vO4\nbv75xO86HW7+Ogz2Q7LLPVKbwD4nuhTlqC5+zdPsdsYjvGHeE5yfegaOeh66tnInHHDr2s+c6can\n+mNUoXQAmEq5Mbp+XdJMJnf1p1LBbHf38AL86XTtBeIbNTGp3HFHQomoZk/qEpH2pq55kSbzu9Ct\ndQHY7Nnl9ym1RGaxrvmNQWC/ZdRvt8GseT5cA/f/Eez7vbJt2NjlevGu8MrDcOSDMHnXYe2A0l3l\n/vZDQ+51MMj2u9tLDaUI29VdTXdxo7rISy3pOVK6tdt5eIGIVKearnkFoiIRWLSoeM3SQgrVB125\nMpv5KxvArHkRVtwLg+tg2e2Qfg1shqGhDBddmAGbIWYy3PH8fsy/8eukRg//f6ToOX63Fyy/C474\nN+lN965ovGf+deULE4hVWze2VQM81Q8VkXalQFSkDVQaFPmTpYaGXCY0FssGKJUW2vfP73dfV7Kf\n35ZhQdKlB8ALf4fDl7LwqgM3fg6lA9FCk8CC4nEXsIcJxPwFAUoNb2inAE/ZRBFpRwpERZqklkCh\nkkA0nYaxY7Pd1cbAa6+5gKvSLnBw+xx7rDueH+iF2S+/TRBo75UfhGduYOCj1zFutw8OWy0pkRh+\n/EIrK/kSCVi2zF1jmNnklQSYCvBERBpHgahISLUEJPXIrJU7ht++dLpwmSUY3lW/enV2m2JBbVdX\n4TJU/vnKTZjKb18qBfzhk/D4VQwc/DvG7XHYsHJKhZYozQ9EjXHbQ9741sB+he5ZO3W5i4iMdCrf\nJBJCLeVx6jWrudRM/mD7zj03OykJ3PPzznMz5/OzidUG12ef7YLaKVPC3Y9h9y8xFoAk64atluS3\nJX8We/7M6rPOGn4/gudZuLD9Z5NXqh1KTYmI1EoZUekotWbQatm/XKDoBx75mc7587MTm+bNgxNO\nyA1Ck0lXGP+qq9zrYhnWs8+G447LdvPH43DGGbnHC1PwP//61//ha8QfPBsO6oHdv15RQFxw26eu\nY3DFo/zfd4fYY8v/MHFML6/1b8pBO95M3HhT6w1M2tRlUvv74br7382Xfnc+P503lu7u8OcP1Z4S\n7zdKO41nFRHxtV3XvDFmK+AiYBKQBH5jrf2ZMWZT4DJgc+BFYIa1trfA/gpEpSL16MqtJkgot0+w\npJO12VJG+V3uMHzM6PLlMG1a8WsqNCkoFoOXXnJd8ZWuPDVs+z9+k9QDP4dxW8CYKbk7mBhMfpMr\niD9qPMRTEB/lHlu8HcZPy92+73/w622L3sdSfv/AIfxu/eVccZXr4680gCv2PWp2UKjhBiLSrtox\nEN0cmGqtfcAY0wXcBXwK+ArwlLV2gTFmDrCdtXZYtUUFolKNegQWlWb9SgUWYWqEBo81blw2UI3H\n4ZVXCo8XLVTWKcgvNg6V3Y/8JUq7/ncu5xz25fI3opA9vwnLbiMz0A/J8cRW3gMDa2H81ty77pOs\ne+oO7nnhbex9wCT2/uxhpJMucA3euwN2f4Ybut/LpmNfY9Hfj2X2NYuG3Qd/2+C+QcW+R9D8oFCB\nqIi0q7YLRPMZY64AfgP8AtjHWrvKGDMFuN1au2OB7RWISlWa2dVaaSCaTMILL7jP8ycPFTtWsfXV\nSwWiwf19Ye9HX587tp+J3W7SU2wydi23357dZtQoYKifv15+Fw8sfYBUop9UYgP77rOBncbcBqUK\n7O/yaXqevSR0fdAP7Xw1V3/pEF5dtwmX3TuDs/91NA+u2COnVFS5yWHVBKKN+jlS13xxqnwg0rqq\nCUSx1rbEA9gWeAYYD/TlfdZbZB8r0g4WL7Y2mXSPxYtLfz5jRvhtg5/397tHqe3nz3df/UEAyWTh\nfcJcSyJhbTyee6yFC3Pb1t/vtssOOnCfpf93h7VXHGwH//RFe8FnP2+P3Ps39si9f2PtfKydjx34\nx6mh27l4sbUxM2hXnjJp4/4PnLCrXXzW0Mb7EmxnPF7+PgXva/B6Fywov329FPt+drJG33MRqY0X\nl1UU/7VERtTrlr8V+LG19hpjTK+1dmLg85zXgfdtK7RfJIxqJyvld8v6Yz7BzSYPky0rVwapkmso\nNowgfyJVMgmnnQbHH597jFJDB3bZ/Enuu/0l7OZvZ/zERMFSUPn6+lyJq922uJ99X38733/vj9hm\n0+fITN2D2Ofvom+1KVgCq1CpqmLfo/yVsLq71X0e1IwspYYsiLS+tuyaN8YkgD8BN1hrF3jvPQG8\n3Wa75v9lrd2pwL72pJNO2vh6+vTpTJ8+vTkNF2mASrvxEwlYtSp8/c/geaDyX+KF2ucvNQrD2xZc\nVQkKr5ZULDBetCg7y7/QfsVqrX5mj4u5+Igj3IuvvUQ6sXnOBK9YDNatq61SwsqV5f9g6BTNGkag\nQFSk9SxdupSlS5dufH3KKae0X9c8cD5wZt57i4A53vPjgEVF9q01iyzSdOW6XEt1P/b353at+93W\nxbopi52rlm7fQu3zjxf8bMGC3C5xY6zt7S18vETCPfzj+e/lX6ff5vzzHHZY7nlWnbGr66Z/8d9F\nz1FK8P709hYezlBoGEIUXelRduHn/zxWM9SjEuqaF2ltVNE1H3UQuj8wBPwXuAe4GzgYV87pJuA+\n4EZgkyL71/0mijRS2F+kpYKLckFaoXMtWJD9PD+AqkawffnX5H/W329tLJZtYyw2vI2FApn8wC//\ns71ZPKYAACAASURBVEKf++NfX37ZO8fvP+YC0UevcCd67Co7cNNxduDm461dfk/Jays0XjcWc0G1\nf43540ajCpCiDsyaHYj656zkHBprK9I81QSikXfN10JjRKWd1LNrsa+vdNdwodnyySR8/ONwxRXZ\n90qNvaz1msp95ivX7e1729vg/vuH11oNXt/Ge/CXY+G/Z8H0M2GPY2FRFwx5J93mIPjUzaGuJ8gf\nBpFKlR6C0Kwu41bpqm7lGf6t3DaRkUhLfIp0iAkTcpfIXLCgfAAyMJAbhIIrcn/22fVvnx9oFmpj\ncOnOJUuGb+Nfm7/2vO/uu901DA66QDT/8xwTtnFf+56FgXXZIBSg/5Wqls80JprxiK2+1Gf+crWt\n0t56LccrIo2lQFSkSfLXVw8TPJZSar16cDPWSwZrnrlzq/8FXeializJBpowPEjJDw66u4dfx8yZ\nsGyZO2Yh8bjLTi5cWOR+jt/aO/lzMLguZ9/el1/l7Ts8yE6ve5GentLXM2PG8OPnb7NwYbjvazqd\nrb8aVjBoL9fWWn+eauHfl1LtFREpRF3zIk3W6FI3PT1w7LFulngs5lY/uuYa99mhh8KVV+Yu91mP\nLt1SXe3livcXOrffpTo05DKR/nVcdZX7PL9oP+Qd44V/wqX7g4lDchxs6CNDjBiZjZtkMoZ3/vJ2\nbn14n5Jryxf7fvX1ua9+xYJS39fg96RUBYDgvmHvVasUeG+VoQJB6poXaS51zYu0AT97VC/BrtB0\n2tUY9UsVZTIuCF250gUFl17qxoQWzSRWKew1hcni9fVls6aZjAtEV650bS+UAS547qlvhq5pYIdg\ng4sYL7r7c1xw1+d48KVdeXXdJsRiljdt/kDZ6yl0/J4eN451ypRs5q/YPcj/ngwN5XYT15pFrPfP\n00hSrtdARKKnjKhIE9U7e5Wf8enuhq6ucBnP/LbUq21hslDFzuUX669LxnZoADa4dTrTGwzjp27C\nwID7Q/0XhxzDMfsv5u/JRbxr1rEVHbbSzF86TU4d0+A+UPpY7ZbRa7f2ikh9KSMq0sLqPX6u0HhL\ncNnOmPcvOx4vnvH0M2npNJx5Zm1tC2Zlw2Shglk8f1//evKD0KoztvEkjJkEYyaRmrgpCxaYjZnY\nfd85DoB37LmmigMXF3aizvz54a6p2L1slQlB+ZSBFJFKKRAVaYJmzuCdOdOtHNTbC2vXlg4Ienpg\nzBi3DGe1bSsUYIftLg7u+6tf5X6WSLgu+bBLmJZrczBIGop3ATDv1LVlA+/8YxcbXlDqDw1/GVT/\nuo4+uvSxgvLvZatPCNJQARGpSKWFR1vpgQraS5soVvi71mLb1RY07+93heHzC+OXK0qe395aCpoX\n2reaYvuV3oP+fmvnvvsMa+djz/zYnJJtLrfKlb9fuftQro1hfw6iKCAvIhIWVRS0V0ZUpAnKlTmq\nNrNVTVeon1GbPDl33KKvWLdxMzJxRx9d2fVUm2leu8F1zXeNKt41X+7YYTN/6XThElVByiKKSKdS\nICrSJMGgsbu7fl31lQQxweDKH4vpjyeNxVyAPGtW6f2C7a2llmWxfRsdlKVScMjhrmt+/Oi1OW2u\nduxlmO76JUvqU52gVWqHioxkrToOeyTSrHmRCERVc7HQeVeudM9LBYDl2lvLjPtaZ+tXNVP78avh\nD4cwtO1HiX/yD0WPU+mxg7+40unSy7AW2q/cPQiW6YJsDVMRaJ2asu1O1R+qp1nzIm0iqsxWofNO\nmOAepc5frr21ZDFrzYCGGZ4wLLsxymVE45m1Gz8vlPGtdOhDKpUdclFs6EO+sEMe/O3GjoVJk3Jr\nmIq0+iS2dqGlYZtPGVGRCEWVwai2hmg92tvsa/Zrk4IrbTVzJrDsX3DJfmQ2fzsDn7odqE+GOj9z\nHItlZ8wXyqxUsnpScDtfK6xeJNFrxVWt2pXuZW2UERVpM1FNUgmet5JMSq3tDXOueo3N8td2P/ZY\nNx52cNA9T6dxy34CD9+7ZuP4zaIZ3/5XYcX92ceqhyAzFKoN8Ti88EL4MlQiEi2Nw24+ZURFOlgz\n//oPc656jc3yj5PJuCU1g3p7IdX/FKkLdmBwKM6Lq7cEYKutsttk/5y3sG45ZAZzD/KWo+B9Z5c8\nN8Chh8JVV5W+nrDX7G83NOSWPfUnlynAba5WHYepcY311arf51ZXTUZUgahIB4syEE0kYNWq7ISb\nerWlWDc2uAzl2rXAYD8vn7YTW2/yfIgjGpi0C8QS7uWqh9x73U/AxG2LtqGRk5V8rfRLshN+cVcb\n7DXr3nTC90Bam7rmRaQizeyGSqVcjdJk0mXzrG3OhBtjste3aJE3vGDcaK7b4nG2++mzbPfTZzk/\n9Sx8tcjjG6vgSw/DF+93jzd8BuwQ/Ps0dxFFrrWS+xh2+2B5q2orFDRi4kUnTJSpdhJLM++N6tFK\nO1IgKtLhmrU+eE8PzJ3rusuNcV3M9apJGhQ8TiyWDXrnzcu9viEzmhf6tuaFvq1ZE9saJhR5jN40\n9wT7nOi+3nc2nLcrDBaORlptrFmjAiLNMi5O90akPHXNi0jDleour2dN0uD++V3jiQSsWeOOW/Mw\ngJtnwr2/dM+/9Ijrui/TniiD0EYOweikWcbV1JXtlHsjAuqaF5E2EYs1piZpMOt37rm5nw0OwtmF\n5xdV7r09MHV393xgbclNQ13Pk3+Ee87Kfdz3/2D9K2WbEvUKMK2W+W2kaurKdsq9EamWMqIiLawV\nsmn1kp9N6u52z+t1bYWyT6edBscfn93GnyB14YWulFMm4yYwLVpUxbCES94Jy25zz49dvbFIfsUe\nuwL++KnCn73xCPjQhUV39e+ptW78rV8vtdS20JhZ1SPpZ7Xe2v3etHv7pXk0a15kBBmJ5Vga+Qut\n2PKlwe55cMGotdmyTsEu+4r87US483QANhyyFDvtwMqPsf4VN8503XLY6VAY50pJYTNuDKqJuQlT\nXVuWvV5wBftnzSp+OgUUUqmR+P+QNI4CUZERQmPLqlNsvfjZs13XfCE13duL3wEv3s6tT76b5au3\nYM89M+y0w5ALJDPeVxv42vU6mL4AHrkYNqyB526FZ26Aae+EGX91gafvmkPhid/DO06C/U4edup0\nGrq6cq+r1p8TBaoSpP+HpFIKREVGiHb4BdCqQUuhdvX15WZGyy29GdbQjccSv/+sivaxibGYwXXZ\nN+Ip+MK9wyc8PXsr/O497vl+p8DoyYANlIyyLP0r/P4q99oYSyJuOe00SMS9bcZvDbsU6fbPo8yX\n5GuH/4ektSgQFRlBWjkwKNe2ckFqM4LY/HM0Yoxquq+Xrxx0HWQGGbJxYrEY5/42TjIZAxN3Gc6Y\n+/rs1QvYJnPjxn2H3nwM8dQYeP17Ydv3Dz+4tXBmHeaTzvgrbHVA6etQwCFFtPL/Q9J6FIiKjDCt\nmHUsF7SU+8XVjF9sxc7RiPsZ5nrSafjwW5Zy81HvBuDiuz/Dkb+7uPz1P/lHuPpjsOsXIOlNhjL+\n//Fm4+vBIfc8kQh89tKdbjLV3t+CA04veQ0KRKWUVvx/SFqTAlERabhSQUu5gKYZAU8UQVWYDPD4\n8TA4mGHquBW8vGYzwDS2bf+7Ga54H0x9i+v6L0OZLxGpleqIikjDjZTaiPWov+kfI1grtNBx/XsW\nj8d4ec3mbMxmNtK0d0JiLKy4D9YsK7t5s1bY6kSV/qxFXRtWpJkUiIpIxYoFLeWC1GYEsWHOUY/l\nLgsdo9RxZ850ZaIOOyz73qGHNjCIT4yGbdxQAJ75c6hdtFZ5/VX6s9bMtelFWoG65kWk7lpxslLw\n/Vq77sPULC103EYvtQl5x7rnLLjlWNj5cPjoZbWfpNb2dJhKv98aqyvtTl3zItIS8teNL/R5o3+5\ndlJ2r2gWbduD3ddnb4JMkUKqzWyPiEgeBaIiUnetHIjUY3hAoWNMmFD6uH5QXm6bYPAeZqxgX5+b\nZDQw4B5z5gT22XRH2GRH6H8VrjwYrv543uMT8PjvK7v4MtLpEu3pMJX+rI2U8dcilVDXvEgHaVaX\neD27FxvV5noct9AxCr0XpoZp/jZQfhZ7oVWjht3vv54A/5lf/CImvB6++kzRjyu9T+peHq6ae1jJ\n9iKtQuWbRKSoZpXnqWcg0solhcIGC2HuR/428bhb/amSffztht2nwX54bikM5aUlrYXrPuM+/8Yr\nMPr/t3fv0XKV5R3Hf0/OSSIhCU0TTLmIxBK7vICgVUvVGkUqS0QhongpIsUWiWhwFby1mkZdaiVV\nAiWiNdoSxRtSwJYqqMR6La4CBgwFUpYXCOYC5C4nt6d/7D05c+bMzJnLnv2+e+/vZ61ZZ2bPnpl3\nv3uf2c+8z/u+e9a4svda/zHvNwCDQyAKoKm8W6myCERiblnrZvtaDWxqnPKpMagcGpL27Rt9TbNA\n9OCDR9eZNEl67LGki0DHvvS8ZOL7190qPWnBhOXupv5p1QOqh8FKAKJQ5jkpu+0D2djvb+HCZHR9\nff/ZqVOlSy8d+zr3ifsKNv4O7zroO/T45O+miSe871aVBouVCXOYIm8EokAFhBgE0UsgUn8SLNPA\njVpgvnmzdN11zYPYc89NtrOe+/hgs97QUPP7HXtiEojue/jOcU+Vqf7RmZgHGaK8SM0DFRJzujTP\n68P3q9euB63S3StXJu+3b19yKXmzJABtl5rvpxw1113xIy3c/ULd8dAJ+skxtzd9fYz1j+xl2RWm\nDMdMGbYhBPqIAiikmPuDtrJtW/K3qz6Zaj6Cvn7bh4el9eulI44YXx81E43S78TIiHTY7O16dOlM\njeydot//++16dMuUqOscg5PV/2AZBqqVYRtCoY8oAGSoVX+5FSuSfp5z5nSfwpyo/6zZ2DlJh4ak\nj30saTVtljbttS/myIi0Y/cMrdv8h5o6vFtPnXNf92+C0siiK0YZ5pAtwzYUDYEogOBi7I/Yqr9c\nFieq+uCx1bYvWiS9+tVJev7ii6ULL8zu5FgLpPftk3752DxJ0ofe/WDvdX7fN6R/Plq66vDR22ee\nJK35bO+FHAAG4rRX5kGGiBeBKIAoxHQS7CXY7CfIabbt27ZJ1147uk5WvZDqt23/fmn9tiMkSact\neKj3N/35Cmnbr6SdD4/edjworV2VTaGb6La+GYjTmX5mO4jxB2W3yrANRUMgCiAaIab86TagaXai\napU270Yn2z6Ik2MtENWOHgPR/fukh29L7r95jXT+Q9Jrvp083r299ev60G1QWaZ0a+ytujH9oOxV\nq22Ive4bFaW8BKIAKqtVQDNRq0j9ieq88wYT5MycKZ1wwujjZz87mxN847b96Z8fnjzxyD3So/d1\nfduz7mZpz47kUqGHHitNP1w6JEn3DyIQLVNQ2a2itOqWYQ7Zxm0oSt3XFKm8jJoHUEmdXnpTan9S\nneh9eh3Vvnz56MjdVuXrx4Fy/fp66cYz+n6/+4fO0vyLvpI82Plb6arDpIMOlRZt7Pu96/U6urvo\nI6GLOLNEWRSt7kOWl1HzAJChTlp22rWeTtQq0Sp1NjKSDFAapAPbdtRLkst7zpp/4LbF5uv+zclt\ni80f81zttv+Q5Pn7Ns3XmvXH6m2fvmB0W6akc1rtyb5FtFbfw8PJjAKXXtrZCTbGlHFRUqfAQLl7\nYW9J8QGgN1de6T55cnK78sr+3uvxx5Nb/ePJk2vXRkru1z/f7rMbXyu5L1/eX/m62Y525W633tat\nye3x3+13/8dJ7svkvm9P5mW88kr3SZOSzx0a6mzfNe6f0Ho59pYvz+54RXey/K7IQ6jypnFZV7Ec\nqXkAldZL6rzXlP3mzaOvmSh1Vkslu0vLlkmLF+dztZdu0nr16e6FC6Wvfz0ZiT80JO38h9/TVG2V\n3v6o9IRZmZZv+nRp797RZfVlbFZHsaXle0mdNjsekK+iXW0pRHlJzQNAl7odWNHpIIDGlP3Chcnc\nnTNmSFddNfHn1FLJO3YkQUevgw+ymBWgVf3Uyrh5s/SNbyRBqJTMT7pxy4zkwe5tnX94n5rVURkG\nN9Vvw9690iWXFG8byqBog7CKUl5aRAGgQ720ZNUCwTlzxr5u2bLRfqATtdKFGKDTTWtKs1bKtZc8\nXU+be490zl3SnGd2/sEdWLFCesc7RltfL798/KVS6y+LGuNAk272TdEGy6C6uNY8AAxQu3R7LyPr\nayYKKLoJROpbyvIMXhqDw4c+8XzN9dukN/xYOvzErt6rMQhuFhTXAvxa3bero9hS8zXdBPuxbgNQ\nj9Q8AAxQq3T79OnJdEudvq6W7u40ddZpurw+Nd1J+j9LixZJu3ZJW7dKO3dKc59US813N3K+Mb3e\nbq7XmTMnvlRqrWyxjZiXukudxroNQL9oEQWALjVLt0tJMPrOd7Z/ndR7q2S71zdrEayl/4MMcLnh\nDGnd9dJp10pPfU1HL2nchuFhyaz7rhASaWsgBFpEASAHtZasxt/BF1/cfhBJv4MHun39+ecnAahZ\nMsAl1yusTOmtRbRfRRmgASBBIAoAPZg6NQnyYtEsNS0lwXGQEeOTuw9EG7dh+fLOR/D3iknlgbAI\nRAGgR4sXJ8HSIAOlbmTZj7DvAG1qb1dXatyGvrfpzhXSd94u7d877qkiXY8bKCv6iAJAn2Lul9jL\naOtMRmj/90elH/6tNDxNmjK9yQotupFZs+W9ruvSjvXJ3ZNWSMdfcOCZdqPsY96fQMyYvgkoCE50\nyFO3c4JmMu3Tr74rXXdK05bIIA6ZJ531A2nSkKRkO485RtqTFm/ysLRunXTNl6UPfiBZ9qEPS+e+\nJUxxgWyYdPDc/D6NQBSIH/MBxiXPHwVF+AGS6eTpu7dLe3Y1eaLJ93bL7/Lm6/7r1dKSJcnDpUul\nc97cfN2Rx/dq8g0na9LWdR0WGiiRqYdIF27J7eMIRIHIcYWUuOT5o6BIP0BiL2un/0e17Th5/rf1\n5fPO18yDHh/3XrUziKX3N2wYu3Du3JYdA0ph1y5pW9qNd+YMadq0sOVBxqbOlP7yvtw+jkAUiByB\naDzy3BdF3O8TzVna6rk8dFKfIS6LWjRFPC4RN+YRBSLX6RVygNBazccZw0jzVv9HWUzFxBWMgHwR\niAI540QXhzx/FJTlB8jISNJaGGRe0gaN/0eNAXI/dV6VSfHLclyi2EjNA6g0Bit1LtZULlMx9Yc6\nQlZIzQNAl/Js/Sp6S1u3LWgxXLWo6HWeB+oIIRGIAiitGAKhsmnWtaRZPefZl7TV5U3Z90D8CEQB\nlFIMg2rKqr4FrVk9h+hLWh8gS+x7oCjoIwqgdGLty1g2repZClf/7HsgHPqIAgCC67QvKV0nskV9\noogIRAGUTszT0pQpWGhXzxNNUzaorhMx73tpcPufrigoqqCpeTNbKemVkja4+3HpslmSvipprqSH\nJZ3l7ltbvJ7UPICW+p2WJutpbcp61Z5O6ql+nTzS5zFOSTSo/R9Ld4QY6xz5KmJq/guSXt6wbKmk\nm9z9WZK+JelDuZcKQCn0My1N1i1MMU0Gn7WJ6jlEa11sUxKVef9LtMiid8EHK5nZkyV9s65F9P8k\nPc/dHzGzOZJ+6u7HtHgtLaIAMjeIFqZYWq3y1mq7V64sZ+twK4Pe/yFb26t6bGO8IraINjPH3R+R\nJHffLOnQwOUBgL7F3ncxb1W71O2g93/V6hPlEWMgCgBBDSpoqGKw0K4uY0ufd6vbgUeD3v+h6pMf\nWehHjKn5dZKeX5ea/4m7z2/xWl+yZMmBxwsWLNCCBQtyKDWAKgg9+CL052epTNsilXfgWT/Kto8x\nsdWrV2v16tUHHi9durTr1HwMgejRSgLRY9PHl0t6wN0vM7N3SZrn7u9s8Vr6iAIoJQKd7GQdINEn\nEmiulz6ioadvukbSAkmzJW2QtETS9ZK+pmT6pt9Kep27b2nxegJRAKVDoJOdQQT07B+gucIFov0i\nEAVQRgQ62RhkPdJiDYxXllHzAFBpDP6IXxUHngGDQIsoAESKwR/9o+USyA+peQDAQBQ5KC5y2YuE\negapeQBA5op++cYY5ivtds7Roin6MYJwaBEFALTEwKn+lb17AMcIakjNAwC61i6lGjLIKEOqt9f6\nK9K2Fz0QLVJdx47UPACgYyMj0uWXt0+phhrBP+hUb8yp8qKluYs8y0PR6rqMaBEFgApasUJavFja\nu3d0WbuWrDxbjQbdwpZ3qrybzyty62LRWhaLXNexIjUPAJhQ4wm4JpYT8SADhFDBR6dBWizBUdGC\nyl7EUtdlQmoeANCTmFKqRU71ttLpyP0Ytr0q6eoY6hq0iAJAJdWniy+9VHrb2+I7CQ+qVa4Io9hD\ntUhWsZWwCq2/eSE1DwDoWJVPwFXe9naqGIgiO6TmAQAdi2Gi91CqvO3tkK5G3mgRBQCgD2VsXQ25\nTWWsz6qgRRQAgByVdWBPqBbjstYnWqNFFAAwDq1SEytqf8pB79te37+o9YlRtIgCAPpWplapmK+g\nFMKg922Zjp1YlP0YJhAFABwwMpJMbbRnT3K76KLingQHHRQVbWDPoPdtv+9ftPrMQxUCe1LzAIAD\nypIezXM7itKNYdB1ktX7F6U+B62I/4uk5gEAfaFVqntFmQpq0Ps2q/cvSn0iG7SIAgDGKUOrVBGu\noBRCrIOVMF7RjmGurAQAQB2CIhRdkY5hAlEAAJC5IgVDCIc+ogAAIFNVGLmNcGgRBQAATRVx5DbC\noUUUAAAAhUEgCgAAmmI6LwwaqXkAANAWg5XQiV5S88ODKgwAAGiuaIFdUcqJ4iE1DwBAjhiFDowi\nNQ8AQE4YhY4yY9Q8AAAACoNAFAAQvZGR0X6VRVbWUehl2T/IH4EoACBqZetTuWhRko7fvj25X3Rl\n2z/IF31EAQDRok9l3Ng/qEcfUQAAABQGgSgAIFpl7VNZFuwf9IvUPAAgekWbAL5q2D+QekvNE4gC\nAACgb/QRBQAAQGEQiAIAACAIAlEAAAAEQSAKAACAIAhEAQAAEASBKAAAAIIgEAUAAEAQBKIAAAAI\ngkAUAAAAQRCIAgAAIAgCUQAAAARBIAoAAIAgCEQBAAAQBIEoAAAAgiAQBQAAQBAEogAAAAiCQBQA\nAABBEIgCAAAgCAJRAAAABEEgCgAAgCAIRAEAABAEgSgAAACCIBAFAABAEASiAAAACIJAFAAAAEEQ\niAIAACAIAlEAAAAEQSAKAACAIAhEAQAAEASBKAAAAIIgEAUAAEAQBKIAAAAIItpA1MxOMbO7zOwX\nZvae0OUpgtWrV4cuQlSoj7Goj/Gok7Goj7Goj7Goj7Goj2xEGYia2RRJn5b0cknPknSmmR0ftlTx\n459iLOpjLOpjPOpkLOpjLOpjLOpjLOojG1EGopKeL+lud1/v7nslfVXSqYHLBAAAgAzFGogeKek3\ndY8fTJcBAACgJMzdQ5dhHDN7g6QXufui9PHrJb3Y3S9oWC++wgMAAFSUu1s36w8PqiB9elDSUXWP\nj0yXjdHtxgIAACAesabmb5P0DDM73MwmSzpL0n8GLhMAAAAyFGWLqLuPmNkFkm6WZJJWufvtgYsF\nAACADMXaIip3/5a7P9Pdn+HuH2+1npktMbMHzez29HZKnuWMBfOujmVmvzSzn5vZHWZ2W+jy5M3M\nVprZBjNbU7dslpndnNbLt8zskJBlzFOL+qjsd4eZHWlm30+/M/7XzN6dLq/kMdKkPi5Jl1f5GJlq\nZj9Lt/teM/tkuvxoM/uxma0xsy+bWZQNWllrUx9fMLMH0nPN7WZ2XOiy5snMJqXbfWP6uOvjI8rB\nSt0wsyWStrv7J0OXJZR03tV7Jb1A0kZJP5H0V+5+Z9CCBWRmD0h6jrs/FrosIZjZCyXtkHS1ux+X\nLrtc0gPufpmZXSRpnrsvDlnOvLSoj8p+d5jZXEmHuvvdZjZd0v9Ieq2kt6qCx0iT+rhd0pmSzlBF\njxFJMrOD3P13ZjYk6UeS3ifpXZJWuvsNZnaZpF+6+2VBC5qTJvXxXknnSPqmu18XtnRhmNm7JD1H\n0kx3f1UakHZ1fETbItqlqg9aYt7V8UzlOb675u4/lNQYhJ8qaVV6/4uq0DHSoj6kin53uPsGd787\nvb9D0l1KBoVW8hhpUh9rJB2RPl3JY0SS3P136d2pSr5PN0j6E3e/IV3+RUmvDFG2EJrUx8b0cSWP\nETM7UtIrJH0ufTwk6cRuj4+ynKgXmdlaM1tlZrNCFyYA5l0db7+kWorxwtCFicQcd39Ektx9s6RD\nA5cnBlX/7pCZHS3pjyX9QEmrYKWPkbr6+GG6qLLHSJp2vUPSbyWtVvJjbnPdKg9qNGAvvcb6cPe1\n6VMfSY+RK9IMZVV8StIlkmqp9SdK2lT3fEfHRyECUTO7Je1vULvdlf49TdI/STrG3Z8u6QFJV4Qt\nLSJxors/R9LLJJ1rZieFLhCiU/nvjjQN/XVJi919u0ZPKJXUpD4qfYy4+353P0FJw8aLJL0kcJGC\naqiPPzOzF0t6t7s/TcnlyKdJ+kDIMubFzE6VtCHtAljfItx163AhOhm7+8kdrnqVpFsHWZZIdTTv\napW4+8b07yYzu1bScyV9N2ypgttkZrPd/REzm6PRtFIl1Vr+UpX77kgHEVwr6Ut1qbTKHiPN6qPq\nx0iNu28zs5skPUXSnLqnKnmuSevjP5R0U/h+umyPmX1O0pKwpcvNCyS9ysxeIekgSTMkfULS7Lp1\nOjo+CtEi2o6Z1aeOzpS0ttW6Jca8q3XMbJqZHZTeP1jSKarmcWEa++v0Jklnp/fPVvWOkTH1wXeH\nPi9pbcNAgiofI+Pqo8rHiJnNTluIlX6fnizpDkk/NbPT09X+QhU5RlrUx921Y8TMTNJCVeQYcff3\nu/tR7v4USa+X9D13P1vJ8fHqdLWOjo8yjJpfJek4SZMl/VrSee7+UNhS5S+dVmSZRuddbTnlVdmZ\n2TxJ1yvpJzpN0lfcvSq/UiVJZnaNpAVKfp1uUPIr/XpJX5M0V0kfp9e5+5ZQZcxTi/p4qSr6jw4f\nSwAAA49JREFU3WFmL5D0X0oGKXl6e7+SH7VfVcWOkTb18SZV9xg5VtLV6cMnSLrG3T+cfr9eI+lg\nJUHX2e6+J1Axc9OmPr4naZaSVsE7Jf21u28LVMwg0i4Kf5OOmu/6+Ch8IAoAAIBiKnxqHgAAAMVE\nIAoAAIAgCEQBAAAQBIEoAAAAgiAQBQAAQBAEogAAAAiCQBQAAABBEIgCQI/M7C1mtt/Mjpp4bQBA\nIwJRAOhd7So8HTOzM8ysryt9mdk8M1tiZsf18z4AEBqBKADka6GkD/b5Hk9RcpnS4/svDgCEQyAK\nAPmySN4DAIIjEAWAjJjZfDO73sweMbM9ZrbRzG6ppdDN7FZJb0zv709v+2p9TM3srWb2XTPbbGa7\nzexXZrbczKbXfcY5km5W0iXgX+rep99WVgDI3XDoAgBAGZjZFEm3KgkQPyFpvaTZkl4k6Y8krZH0\nEUmTJZ0o6U0abdnclP49T9L9kq6TtENJ6v18Sc+UdFK6zvclfVzSeyV9RtIP0uVrBrNlADA45t5V\nP3sAQCptnfy8pHmS/kDSTyWd7u43tnnNKklvdPehJs9NdfeRhmWvlfQVSSe6+23pspMk3SLpLe5+\ndVbbAwB5IzUPANl4LP17qplN6+UNakGoJWaa2WxJP1bScvrcbIoJAPEgEAWADLj7/ZJWSHqrpE1p\nX8+/M7Mnd/oeZvY8M7tF0k5JW5Sk7H+jJN0/awDFBoCgCEQBICPufqGkY5VMrbRL0vsk3Wtmr5zo\ntWnA+j1JcyRdLOk0SS+TdLKSFlG+rwGUDoOVACBD7r5W0lpJy8zsMCWDiD4o6d9rq7R46emSDpL0\ncnffWFvY4qpNdO4HUAr8wgaADJjZDDMbM7+nuz8s6WFJ0+sW70jXP7jhLYYb/ta8R+MDzx3p3xk9\nFxgAIkCLKABk46WSPmVm/ybpnnTZKyQ9Q9IH6tb7mZIpma5I+4Pul3SjpJskfUzSd8zss0r6iZ4m\n6TCNn8D+F0pS/xeY2a70/t3u/otBbBgADAqBKABkY42SOT5fJWmRklbMeyW9w91X1K23StKzJZ0p\n6c1Kgsx57n6PmZ2uZK7Rj0vaqiSdf66kjaprFXX3nWZ2tqSlkj6tZG7SpUoCVAAoDOYRBQAAQBD0\nEQUAAEAQBKIAAAAIgkAUAAAAQRCIAgAAIAgCUQAAAARBIAoAAIAgCEQBAAAQBIEoAAAAgiAQBQAA\nQBD/D5TkbBcDdg7EAAAAAElFTkSuQmCC\n" + }, + "output_type": "display_data", + "metadata": {} + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 12, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "boost_model = \\\n", + " GradientBoostingRegressor(\n", + " n_estimators=B,\n", + " loss='ls', # Least-Squares objective loss function\n", + " learning_rate=.001, # shrinkage parameter\n", + " subsample=1.0,\n", + " min_samples_split=80,\n", + " min_samples_leaf=40,\n", + " min_weight_fraction_leaf=0.0,\n", + " max_depth=10, # maximum tree depth / number of levels of interaction\n", + " init=None,\n", + " random_state=RANDOM_SEED,\n", + " max_features=None, # number of features to consider when looking for the best split; None: max_features=n_features\n", + " alpha=.9, # NOT RELEVANT for Least-Squares loss function\n", + " verbose=0,\n", + " max_leaf_nodes=None, # None: unlimited number of leaf nodes\n", + " warm_start=False)\n", + "\n", + "boost_model.fit(\n", + " X=boston_housing_df[['lstat']],\n", + " y=boston_housing_df.medv)\n", + "\n", + "boston_housing_df['predicted_medv'] = \\\n", + " boost_model.predict(\n", + " X=boston_housing_df[['lstat']])\n", + "\n", + "plot_boston_housing_data(\n", + " boston_housing_df,\n", + " title='Boosted Trees Model')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This Boosted Trees ensemble model also looks fair, and its OOS RSME can be estimated using Cross Validation as follows:" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "5.3782091513995605" + ] + }, + "execution_count": 13, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "def mse_score(estimator, X, y):\n", + " y_hat = estimator.predict(X)\n", + " return mse(y_hat, y)\n", + "\n", + "numpy.sqrt(\n", + " cross_val_score(\n", + " boost_model,\n", + " X=boston_housing_df[['lstat']],\n", + " y=boston_housing_df.medv,\n", + " cv=KFold(n=nb_samples,\n", + " n_folds=5, # 5-fold cross validation\n", + " shuffle=True),\n", + " scoring=mse_score).mean())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Multivariate Models\n", + "\n", + "Besides their computation inexpensiveness, another _huge_ advantage of using trees-based algorithms is that they are very scalable to multivariate models, and deals with variable interactions very nicely without the need of standard scaling.\n", + "\n", + "Let's build multivariate Random Forest and Boosted Trees models to predict _medv_ using all other variables in the Boston Housing data set:" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [], + "source": [ + "boston_housing_df.drop(\n", + " 'predicted_medv',\n", + " axis=1,\n", + " inplace=True) # remove predicted values column" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [], + "source": [ + "nb_columns = len(boston_housing_df.columns)\n", + "X_column_names = boston_housing_df.columns[:(nb_columns - 1)]" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [], + "source": [ + "rf_model.fit(\n", + " X=boston_housing_df[X_column_names],\n", + " y=boston_housing_df.medv)\n", + "\n", + "rf_predictions = \\\n", + " rf_model.predict(\n", + " X=boston_housing_df[X_column_names])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The multivariate Random Forest has an estimated OOB RMSE of:" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "3.9317893583446653" + ] + }, + "execution_count": 17, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "numpy.sqrt(boston_housing_df['medv'].var() * (1 - rf_model.oob_score_))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "which is clearly better than that of the univariate Random Forest model." + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [], + "source": [ + "boost_model.fit(\n", + " X=boston_housing_df[X_column_names],\n", + " y=boston_housing_df.medv)\n", + "\n", + "boost_predictions = \\\n", + " boost_model.predict(\n", + " X=boston_housing_df[X_column_names])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The multivariate Boosted Trees model has an estimated Cross Validation-estimated OOS RMSE of:" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "3.8014092481104038" + ] + }, + "execution_count": 19, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "numpy.sqrt(\n", + " cross_val_score(\n", + " boost_model,\n", + " X=boston_housing_df[X_column_names],\n", + " y=boston_housing_df.medv,\n", + " cv=KFold(n=nb_samples,\n", + " n_folds=5, # 5-fold cross validation\n", + " shuffle=True),\n", + " scoring=mse_score).mean())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "again a clear improvement from the univariate Boosted Trees model." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can also see that the two models' prediction are pretty aligned:" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 20, + "output_type": "execute_result", + "metadata": {} + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAZgAAAEOCAYAAAC0BAELAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJztnX14VNW18H8rQmwULIYAarGIoFIVMertq9fekus1pNVe\nboXefiiK2ko/rCBEpCmCqElTq+BXbSlVMZWivZWLpR9mQGu4F1vfVomI4rdI5UUQSKug0RCy3j/2\nnszJ5EyYfJzMJFm/55ln5uzZZ581e8456+y11l5bVBXDMAzD6GpyMi2AYRiG0TsxBWMYhmFEgikY\nwzAMIxJMwRiGYRiRYArGMAzDiARTMIZhGEYk9HgFIyILRKQp03IYRiYRkSYRmZ9pOQwQke0i8pPA\n9gn+//lyFx7jYN/mtV3VZhQcUMGIyHj/Q+Kv/SJSJyKPicjnu0PIA6D+lVWIyPVJ/RZ8/Vem5WsL\nERnp5T8l07IcCBFZGtK/74rI/4rIlzItXxwRuUBErs/g8ae2cT4mX9+fzZScvYSw+1GH7lEicoWI\nXNnGcbLu3hekXzvq3gPUAAIcDXwb+J2InK+q1RHI1htQoBR4J6l8SwZkaQ/HAtcDm4HnMixLOihw\niX8XYAgwFfgvEfmyqj6cSeE8k4ALgRsydPy1wJSkstuB3cCNuH6L82J3CdUXUNWXRSRPVRs6sPs0\n4FDg7qQ2PxKRPGBfV8gYFe1RME+p6vL4hog8DLwMXA2YgknNKlV9I6rGReRgVf2oq5vt4va6gwdV\ntdlUKiL3ATuAi4BsUDAZ7VNVfRN4M1gmIhXATlV9MN12IjrfMo6IfExVP4yq/Q4ql25vs6vpsA9G\nVV8DtgPHBMtFZISI/FxEXhKRD0Vkj4isFZEJyW2ISI2I/E1EjhaRR0TkPRHZLSI/FZHckPoXicgL\nIlIvIptE5NJU8onI50XkSRHZ600m1SLy6RBZm0TkRhH5qog872XeJCLn+jqfE5GnReQjEXlDRC7s\nWI+lpgOyTo3LCnwlUGe8iMRE5B8i8oGI/FlEzk9qp5+I3CQir4tIgz/msyIy3X8/FViNGw3cHzCd\nhNr3ReQgEdkhIr9N8f3jIvK3wPanRWSNl3GfiGwTkVUiMryj/ZeCPUDoDUNELhaRZ3wf7RaRh0Xk\nhJB6HxeRO0XkLX9evCYiNySfmyJynD9/d/vf9I7/jaf475/AjV7ivpK4KeqTgTYO+N/5ekNFZLmv\n9w8R+ZWIHNG5rgrto7jf4Psi8g1/TXwE/Eegzr+JM5W/KyLv+3O4JKSt/iIyV0Re9P24Q0TuT5Zb\nRMaIyG/FmeD3+XoxETmxnbK+LO4esVFEJifVjfsulojIf4jIen8dTQ/UOc2fk3W+ndqw615EDhOR\nn4nILnH3rt+JyLFtyPflpPIBIvIDL++HIvJ3359n+u/fBk4DxgTOmw+Sfse1SW0eLiI/EZGtvs1X\nRWSeiPRLqveQ7+PBIrLMH/td//mwrvhfoH0jmBaIyEAgH2dGCXIGcDrwK+AN4DDgYuD3InKuqq4N\n1FUgD1iDu6lNB/4P8E3gA5x5KX68i4AHgP+LGzUNBMppbX7C/5EP4sw71wK5wJXAWhE5R1X/nLTL\n+bgb9U+ARmAO8IiIfBv4AXAXsAT4LlAlIi+qam1aHQX5IvJuUlmd+iRwHZD1iySGzO8Cm3w7k4GH\ngCeAMmA/8DVglYh8VVV/7ff/Ia7/fo7ry37AWNyJDPA/vs73gJ8B/+vLQ01lqrpfnE/pChE5XFX/\nHv9ORI4ExgO3+u1hwGPA/8OZinYBRwD/BgwHtoZ3YVoUiMh+/3kocBXu3Ls/WElErgF+hDP3zsCd\nwzOBP4nIP8VHm+KUyB+Bk3F9vRE4G7gOOBV/o/X1nsCdyz8CtgGDgX8BTsD1WznQHzgLN6KKj2Z2\n+jbS+u/8sR4HRgF34iwIE4A/EJ0t/mvAwcBPcUr7VS/LhcAvcNftHH/8Kbjr/AJV/a2vJ8AjwGdx\n59NGnIl9BnC2iJymqntE5BDcf/Ih7vx7GyjAnT+j8ef5AfhP3P95B1APfANnJr1AVVcl1T0bOA/4\nMW6ku9nLW4Trz1pgvm/ni8Ayf37fHfhdv8X9p4t9/X/G3csOPpCg/veuAz4FVAF/Bg7x/XQm8BTw\nHdy1czAwG3fe7A9rz7f5Mdz1O9r/rk24/rsBd40HFVz8fIkBz+KugZP8u+DOUzr9v6hqmy/fUBPu\n5j/YN16I69z9wMVJ9Q8OaaOf/xF/SCp/wrfxjaTyh4Hdge2DcDel54HcQPlo/8P3J9Xdhrv48gLl\nw3D25r8Eykb437YbKAiUF/vyD4HjA+XH+fI70ui3633d5Nd+4JOdkPVd4IikY+XhblZVIXKsA94M\nbG8CVh5A9n/zx7rkQL/T1z/T1/9mUvks/3vH+u0v++1T0mk3zWMvTdHPH4TIk+/L/wfICZSfCHwE\n/Feg7Du+nWlJbVT433Ce3/60rzfxAHI+EDxPO/jfXUn4NbfUl89vZ99tBv4nxXcnBK6NwUnfDQT+\nDvwsqTwH+AvwSqDsEi/bPyfVHefLv++3P+uPN6ED50Bc1r3xa8uXH4p7yH0tUHawr9sAnJDUjgCv\nAI+GHOO//W/O89uTfTuzk+pV+vKfhMj35UBZuf/9XzrAb/srsCmkPP47rg253i5JqrvQl58TKHvQ\nl12XVPfH/lo4pLP/i6q2y0R2G+5CeAd4BncTukxVHwhW0oB91g/j8oFBOC34TyHtNuA0eJAngEEi\nUuC3zwCOBO7RgN1RnZku2f9zBu6peImq1gfq7gB+CZyePDQHHlHVXYHtJ/37OlV9JdDGq7in7lbm\nlBQobvR2buBVjDMtdlTW36vq9qSyc3E3z+V+yNv8wvXP0SJynK/7d2BcYLvTqOpTuAs52YzwNdzF\nsTFwbAEuEJH+XXV8XD8Xk+jjr+Ce9O+SlpFkxbgL8w4N+GtUdRPuSe48EYlfE/+OU+b3Jh1rkX+f\n6N/jI7bz/dNee2nPf/cFL9OypDbuIDofz29UdXdS2edxo8MHk+TNx/XjKBE52tf9Cu6h5uWkuv8P\neB13H4FEP/67fxLvCL9T1WZzrKq+D9wHjBSRk5PqPqmqLyeVnYF7aA37Lx71v/mMuJy4G/RPk9q4\nI01Z/xN4Qbs2AOXfgV2q+ouk8oW482Ni611YkrT9BG5AEDf1dep/aY+JbBGukz+GG9XMxJ08LX6M\nt/XNx91YRyS1ETZfZZeqJkdC7PXvef79GNxNJPmEABfx8u+B7XjdsKHbC/59JImbPLhRRDOq+oEb\nAfN2SBvvB+RKhz9raid/R2R9M6TuGNwJ9GiK4yjObPQqMA9YgbvgX8A9Jf+3qq5J/RPSYjnwfREZ\nrqpb/U3xdOD7gTqPA6tw58dMEfmTL/uFqu7s5PGf0JZO/odxT9M/EZFHVLWRhL8wVX+fjxs9vu3r\nvqKqLUwSqrpbRN7B/S+o6qsicjduxDNFRJ7CXaQPqGo60YLt+e+OAV5V/2gZIMqorzdDyk7AyfzH\nFPvEZX4L9/uOwZsDQ+p9BKCqG0XkXlw/XiYif8b14y9UNV3Taar7A7j/6/lAebJpHy8rtH7gDco7\n1H8eAWxT1b0tKqhuDzGJhzEKd810JccALyUXquo2L9PIpK+aVDXZxdDi3tvZ/6U9CuZFVY2fUH8Q\nkTqgUkSmqWpQC96Bs33+FGdXrMNp+kvxdr0k2rIdd1fkTSoZUpVnMiKoMaQsByfr5biLOoznAVT1\njyJyDE4pj8fdVL8pIg+qatj/ky7Lcf6JrwG34P5rxQ3F8cduAr4oLoBhAlCEs+vO8/65pztx/Bao\nqorI4zjb9ck4E20kqOpVIvJTnE1/PM6Pcp2IfElVf3eA3dP+7zJEW+fbFJz/IoyXA3U3krDtJ/N+\n/IOqXiEid+JGSONxD0PXicgXVXV1x8RPSarfBc73uyHFfhtTlPdE0rr3duZ/6bCTH2cy+64/0H3+\nCRHcDeZeVb26hbQiF3fiWG/ifvAYWj/pJUcyxOueFFI3PkwOe3rJBG/SNbK+5tupCzwEpERV42aW\nZQAi8gBwoYhUeHNRux3GqvqSiNTizGS3AF8F/hT2FK+qf8GNLsp9JMqzuACHLpvp7DnIv8fNcW+S\n6O/kp/6TcQ7dHYG6Z4pITtLIaDDuKbbF/+L7bRNwqw9ueA43UosrmFR92p7/7k3g0yIiSaOYA0bz\ndDGv+fddacj8GjBGVZ9Ip2FvTt0I/Mib2Z7DPbiko2DGhJTF+ybd6whgb5r/xdkiMiA4ivEm7Y+n\ncazXcX6oA9Gea/FNQs4FETnKy9Th+15H/5fOhCk34Mxmn6DlBK7+JCkucaF7LcIF28nTODPRNyQQ\nIioixwPJYZFP40wcV4ibiBSvOxSn/J4J8WFkiq6SNYazlV4r4eHd+YHPg0L2jz+tDfDv8QtmYBrH\nDvJL4BT/MHE8Sb4CEQm78F7xxxsQqDdYXGhne0yRLfCm2vNwPr64SWwNLnDjqoCvBRH5FM4/84eA\nMvkt7qK8PKnp+IPTKr/vQB9R1Iyqvo37XwcEivf6+ocmtZf2f4dTVoNoPWFyOt07o/v3uN/zvTBf\nWpLMDwJHicg3whoSkcP9e1g/voUzrQ0I2zeE8/3oPN72ANz/t1lV0xkFPoW7CV8tLko2Wdbk/6If\nbsJ5kBmk91/8F3CyiEw6QL29pH8d/hYXTZl8fsz0MoVOJWiLzv4vnRnBgHMQzcWZIe73Zb8BLhcX\nMvoXnK3yW7gbSWFHDqIuFHaOP8b/iptE93Hcn7mJwJOAr3s17sR+UkTuwYX+fgcXBjijIzJEQVfJ\nqqp7/QX8EFArIlU4hVwAfAb3VBN/untBRP4HdzH9HWdP/y7OdvtMvA4u2urb4uLuPwCeV9W4XygV\nD+JCdX+Mm2H866TvL/Vy/hbnUzgY58f7OC2V0VW4p/8iXMRXOlwkiZx0+bib8BjgBu/sRVXrxM3n\nuRl4XESW4yIjZ+Au5LJAe/fgbk4/FpGTcE9sZwOXAb9V1T/4eucAt4nIShKjovNwo6R5gfb+igu/\nv0tE1uD8kava+d/dg7uh/cw7rV/CPWAdRzeabVX1HyLyTZz/9WkRWYYL/hmCC88+hsQ1uRQX0r1Y\nRM7BBfs04nwQE3HRdT/C9Vm5iDyC+105/vtRuPtLOryCC++/EzcavQIXEp1WyiB/PV6GC1Pe4O8z\nb+GU+lm4gIx44NF/4/yXFeLmM63HhSn/Ky4Q40D8ENcvy0XkF7jr8WO4/vu/qnq7r/dXYLy4SbHP\n4SIRUwUG/ATnilgiIuNIhClfAvxaVR9Ppx9oeS517n85UJiZF3A/cHmK76/330/02wNwimcX7sb0\nDC5i4nqSwjRxzqItIW1OJRDOGyi/yHdaPe5inhrWrq/7Odwcjr24P/xR4J+S6ozwx7khZP/9hIeO\nbgbWptFv8X45No26nZI1UOcMnAP/HdyT+3bcxXJhoM51uJP5H77OW7j5CUOT2roAd0J/SDtCYHHz\nXPbjbp7J3xXibqRv4py7e4E/EQjfTOq7z6ZxvHiIbvC1B+f/Cw2zximfZ/z5uRunCI8PqXcYzqf4\nlu+H14AFQP9AnZFehlf9efkBbk7Ed5La6oebT/U27gbb4vxO57/z9Ybi/F3/wD0g/AoXmLAfmJfO\nf5TOuYx78NgPlLWx/5m4OS47vcxv4x4ekv9PwT00POP/8w9w1+9P8aHCuOitKt/HH5K4d1yRxu+I\nhwF/H/g6zv9TjzPpTE6qe7D/XT9ro71P4Ubj2/zv2unP62+HnB8/w93r3vO/faTf7+6Qvkzul4G4\nh53XcNfDbtyI9tOBOoNw18xu38YHSb8jOUz6cNwD3lbfj6/irvmDkuo9CHwU8ttLfLuf7uz/oqqI\nb6TLEZE3cTfLJmCfqn7aD4fjF8TbwFfU+QMMwzA6hLgsDC/i5nT8INPyGAmiTNffBBSpaqGqxtOe\n3ICzc4/DxfjfGOHxDcMwjAwSpYKRkPbPx9lcwdncW+VaMgzDMHoHUY9gVovIBkmsZzBE/axgdTPn\nh0R4fMMw+g5Klq+N0hfpbBRZW5ylqu+IyBDgURF5GTsBDMPoYtSlfDnogBWNbicyBaM+BYGq7hSR\nFbg8ZDtFZLC6dBsFhGRCBhARU0SGYRjtRFWzai2nSExkInJIfJKcn1j2Odzcij/gcpTh31PlX0o7\n1LK7Xtdff33GZTCZeo9M2SqXydRzZcpGohrBDMOtp9KEmzD4kKquEpF1wK9E5HJcnH9XpwYxDMMw\nsoRIFIyqbiYkz46q1uFSchiGYRi9nCijyHoVRUVFmRahFSZTemSjTJCdcplM6ZGNMmUjkc3k7wyt\nk8UahmEYbSEiaF9w8huGYRiGKRjDMAwjEkzBGIZhGJFgCsYwDMOIBFMwhmEYRiSYgjEMwzAiwRSM\nYRiGEQmmYAzDMIxIMAVjGIZhRIIpGMMwDCMSTMEYhmEYkWAKxjAMw4gEUzCGYRhGJJiCMQzDMCIh\nMgUjIjkiUisiq/z2/SLyhi9bLyKnRHVswzCM7iYWi3HaaUUMHjyawYOH0q/fUPr3H8all16aadEy\nRlRLJgPMAF4ADvPbCpSq6soIj2kYhtHtxGIxJk68mIaGW4DfAmuAOwGoqpoOwP33358p8TJGJCMY\nERkOnAfc0x3HMwzDyCQLFy7xymUq8CxOuUz1rzv55S8fzaR4GSOqG/5twGzcqCVIuYhsEpG7RCQ3\nomMbhmEYWUCXm8hE5Hxgh6o+KyJFga+uVdWdItIfWAzM869QFixY0Py5qKjI1sA2DKPbiMViLFy4\nBIDS0mmUlJS0Wb+0dBpr115MQwPAqcD0wLfTueiiC7pcxpqaGmpqarq83a5EVJMHGZ1sUOQHwBSg\nEcgDBgL/raqXBOqcBVyvqp9L0YZ2tVyGYRjpEIvFuOCCqdTX3wxAXt4cVq6sOqCSicVilJVVsmXL\nVuA93n0XRISLLvp8t/hfRARVlcgP1A66XMG0aFxkPM6xP1FEhvgRjAA/Ag5S1Vkp9jMFYxhGRpgw\nYTJr1kzE+U8AqiguXsXq1SsyKdYByUYF051O91+JSC3wInA0sKAbj20YhtGlxGIxJkyYzIQJk4nF\nYgBceuml9O8/rM+HJ8eJdATTUWwEYxhGpkjHRJaoMwV4kpycVxk37pPU1r5OPDwZpjN16gXdFp7c\n10cwhmEYPYIxY8aQn38ThYU/D/W/LFy4xCuXZcC3aGpaSG3tZiw8uSVRTrQ0DMPoUSSPXurr57RR\n+0ngZhK+msWtavR1S4yNYAzDMDxuZBJXGk7RxMOVg5SWTiMn59Wk0rNx4clV/jWdoUMPjVrkrMYU\njGH0YcIc1UZLdu3a3aqspKSEG2+cSU7OTBIKpQoYC8wC5gPFnHzyad0pavahqln3cmIZhhEl1dXV\nmpc3TOF+hfs1L2+YVldXZ1qsjFFdXa2FheNVJF+h1PfLIBUZqOXl5Sn3yc8fpXCmQrWC+v3O7Pb+\n9PfNjN+/g6+MCxAqlCkYw4ic4uJJ/maozTfG4uJJmRYrIyQrW/i4wsCAovl4SiUT1o/5+aO6XVln\no4IxJ79hGH2esrLKgO8lzmLg1uatefNmccYZZ7SKKCstnca6dVOpr3fbeXlzWL78wDP/+wLmgzGM\nPkpp6TTy8uYQ9x/k5c2htHRapsXqdmKxGBs2PH/AeqpHUVZW2aq8pKSElSvdbP/i4lVppZXpK9hE\nS8Pow7Q3qWNvxKWGGYmb03KzL50O7Afu9tvXAAXk5+9j9+7XsrLfsnGipSkYwzDaJBtvpl1JIvfY\nEcAS4BXgTeCbwGZfaySwlMLCT1FZOa9DyTCjxhRMmpiCMYzsoKOZhXsSLX/jRmApcBSwFbjd15pB\nv36N/O53K1i4cElWJsPMRgVjPhjDMFKS7sTDnkzch1JY+HNycu4DFuFMYv2BnwOLGTDgEH73uxW9\nSrF2B6ZgDMPo85SUlFBQMIympttI5BK7BdhPXt5mHn54abNyseCI9LEwZcMwUhIWgltaWpVZobqR\n/PydrUKO4yOehF+qd5kMuxLzwRiG0Sa93ckfp6f7m7LRB2MKxjAMw9OTlWmfUzAikgM8DWxVt2zy\nMcByYADwAnCxqjaG7GcKxjCMjBBXMi7JZSMFBcN6hLLJRgUTtZN/BrApsH0ncLOqngLsAL4b8fEN\no1dj2ZC7lriZbM2akdTWfkRt7YusWSNccMFU698OEJmCEZHhwHnAPX77IOAsVf2Nr7IM+EJUxzeM\n3k7iZjiRNWsm2k2wC0heqdKFLP+R+vopvS48uzuIMorsNmA28HG/PRTYGfh+K/CJCI9vGL2alnNU\noL7elWW7KSf7SV6pElziy6MyI04PJhIFIyLnAztU9VkRKQp+lW4bCxYsaP5cVFREUVFRyrqGYRhd\nQWnpNB5//CKamlqW5+S8SmnpgozIlIqamhpqamoyLUabROLkF5EfAFOARiAPGAisBEpUdaivcwZQ\nqarFIfubk98wDkBPD6vNVioqKpg/f6GfdAk5OTO58cZS5s6dm2HJ2iYbnfyRhymLyHig1EeRrQLu\nVdXfiMjtwN9UdVHIPqZgDCMN2gqr7ckht5mmJ/adKRiRkbgw5UNx0WUXq+q+kH1MwRhGJ+jM6KYn\n3lyNPqpgOoIpGMPoHIkU9O3L+NubzG59TVFmo4KxZJeG0QPorvkuvSV7soVwZweW7NIwspzkUcW6\ndVMPOKro60kqLYQ7OzAFYxhZTkdulh3N+NvXFZPRtZiCMYwex0aeeWYDEyZMbtO3UFJSckClEuan\n6A2p6E1RZgemYAwjy2l5s9wI/Jy6ujtZsyY9c1kqUpneegO9RVH2dCyKzDB6APGRxjPPbKCubh5d\nsR58WKRZYeFSXnhhEw0NtwCQmzubVasesJtzD8CiyAzD6BAlJSWsXr2C008f1+q7Xbt2d1mE2Wuv\nbfbKxUWRNTTcQllZZafaNPouZiIzjB5Esm8hN3c2L7ywj4aG24H2mczC/BSqrZ85t2zZ2mXydyd9\nbR5MNmImMsPoIrrrhhY8zq5dO6itvYKOmsySZS4ru4na2peBW32NaygsPIH169d16W+Imt40YTRd\nstFEhqpm3cuJZRg9h+rqas3LG6Zwv8L9mpc3TKurqyM/bnHxJH9M9a/7tbh4UrvaqK6u1uLiSVpc\nPEnLy8u1X79DFYYrDNd+/Q7tlt/R1XRFv/Q0/H0z4/fv4MtMZIbRBUQ9sS/V6Kgj4bjBtsaPP42K\niruan/TXrr0a+BhQDkBOzuwukd/oo2Raw4W9sBGM0cOI8on5QKOj4AjkQKON5LZEBimUBuQ+s1c8\n+WdqRJlJsBGMYfROopzYd6DRUToTKlO15Z7nFneJnNmEzYPJDkzBGEYX0FNuaLt27Q4pfRlwylDk\nefr3n01Dg/umJ8+Ab4/iNaLBosgMI8vpyoio0077TKsoMTgSOA7YRmHhQVRWzrPw3h5INkaRmYIx\njB5AV4VAu9n7I4HNvmQk8CTwrT4RytubyUYFE8lMfhE5WET+KiLrReRlEVnky5eKyBsiUuu/OyWK\n4xtGTyd5/ZeSkhJKS6cBzo/SkRn7sViMXbt2k5NzPyDANkSWMmrUexQXr+p1yqW71tAx2iCq6AEg\nz78fBDwFFAFLgUlp7NuxMArD6AWERUCVl5d3Kiqqurpac3OHNO8Ph/nosd4ZYWVRZNnxiv4AcAjw\nF+BEr2Amp7FPpzraMHoyYSHP+fmjkspKNT9/VNqhyQMHftKHIFc3twmTenQoclvYRMvseEWW7FJE\nckSkFtgO1KjqJv9VuYhsEpG7RCQ3quMbRk+h/aacGFBFXd28NpcDjsVinHbaZzjvvK+xZ8+NwLdw\n4clmLjK6h8jClFW1CSgUkcOA1SIyHrhWVXeKSH9c8P08/2rFggULmj8XFRVRVFQUlaiGkTHC1mSZ\nO/cq1q2b02JOzaxZV1FRES9bjIsCS501INHuSOA2ErnKABYAm4ArgKoeHYqcir6w4FhNTQ01NTWZ\nFqNtumOYhFMic5LKzgKqU9Tv8DDRMHoSqUw5YbPzq6urtbBwvPbrN/SA+xQWjg+YwVrWjecYKywc\nn5aJrafSngwHvQGy0EQWyQhGRAYDH6nqXhHJA4qBm0VkiLoRjACTcI9RhmEkkWqS4EsvvURj48W4\n+SuOvLw5jB9/VYuRUE5Oqf92GsHRS07OTMaNO5HKynt6VcRYGDbRMvNEZSI7CviF0yN8DFiuqr8X\nkT+KyOFAHvAs7uw3jD5Le0w5iTQvR+ACM69j4EDh17+uapUCpqlpIzk5M2lqug2YQk5OKePGnUxl\n5YN20zW6jUgUjKpuBApDys+J4niG0VM5UIqZlmu/7AY2AnMAN1LZs2cGTz/9dEjLYxk37kQKClYB\nMH78TNauXd/clikZo1vItI0u7IX5YAyj1VyO3NxBKpLfyqeSkzO4zXkyfXFOSF+EvuKDMQyj8ySb\nvRoaYODAeezZE68RAxbT1JTHihWPphwJRb1WjWGkIrJ5MIZhJKioqGDw4NEMHjyaioqKDrczevQn\nycmZiXPyT8HNbSlnwwYXL7N69QpWr15xQOXxzDMbLIWKET2ZHkKFvTATmdGLKC8v96lZEmlaysvL\nD7hfKtOWa6+1qSzVTPXkdnp7mpi+ClloIsu4AKFCmYIxehGt07y41C/pkGouR2Key4EVTLAdJ0tp\n2vsZPYdsVDBmIjOMLKakpCTU7FVZWUZe3hzcQmFV5OTMZNeuHS1MXsEUNODMZ6efPg4Y270/wuiz\n2HowhhExFRUVXHfdj4A7fcl0pk69gG3bnLc+mIY/vp2OAz4Wi1FWVsmGDc/T1HQpMLZ5TReAiRO/\nSkPDGAByc19i1aqHALps8TIju8jG9WBMwRhGO+jowl+XXnopv/zlowAUFZ3Ck09ubL7J5+bOBvbR\n0HC7376ak04aR0HB4AMqH7eA2EQSs/WrKC5exa5dO1qtXFlYeALr16/rssXLjOwiGxVMxm10YS/M\nB2NkIW3NJ2kr71Xyfjk5g0Pyg53pP1crFATmvgzR3NxBKeewpMplNmDAkb7NSb7N9P0+Rs+ELPTB\n2DwYw0gBtIzhAAAgAElEQVSTVPNJgFYZkYNmp9ZpXBa3cZQlBDMlNzSAy54cPodl/PjTePzxmTQ1\nub3jeckee+yPuBBm/L5TGDFieCd7wDDahykYw+gk7Z/IeLbPE+a2EiayKmBb2seNxWJUVNxFU9Pl\nwGJycl5l7lyXEkb1doJJLkVmUVm5vAO/zjA6jikYw0iTVIkp46OY9Pdbxty5paxdu8p//wDglNKu\nXQfxwguz/cglWfngo8VObPajtBwZVTW3mcypp441X4vR/WTaRhf2wnwwRpaSap2WA+X6as/aJMl1\n4+vAON9NYoJkqrkwlnusb4L5YAyj93GgjMjxOumOIIK+m4ULl1BaOo2CgsE0NS0kaIaDn5OXN6fV\niCodeQyjO7AwZcNIk+TljaOaQxJ2nDFjRlNbewXJ4cilpdMs5NgAsjNMORIFIyIHA+uAg4BDgd+r\n6iwROQZYDgwAXgAuVtXGkP1NwRhZR6o5J6tXr4j8OIWFS3nppZdsgqSRkmxUMJGkilHVj4DPqupp\nwInAP4vIv+KmMt+sqqcAO4DvRnF8w+htFBQMZuVKp9CKi1eZcjF6BlE7eYBDgL/gFM07gfIzgMdS\n7NNuB5dhRE0UzvOOBg0YRjJkoZM/Mh+MiOQAzwCjcDPFbgMeV9UT/fdHAE+o6qdC9tWo5DKM9hJM\nrTJ+/GmsXbseSPg8Opp6JdnXkps7m5NOOp6CgmGhxzGMtshGE1l3jGAOA/4MXAhsCpQfAbyYYp8O\n6nDD6FoONJooLy/34cNnKpS2a7QRlubFtWOjFqP9kIUjmMjDlFX1PRH5A3AsUBD4ajiwNdV+CxYs\naP5cVFREUVFRRBIafYGOjjLamqUfi8WYP38hTU23+dpzqK+f0snliI8CptqyxsYBqampoaamJtNi\ntEkkCkZEBgMfqepeEckDioGbgadE5Iuq+ghuvddHU7URVDCG0RmSTVHJucI6ysKFS7xymRooXYxT\nEqllCZrb1q1LzGNxyyAv65RMRt8h+cH7hhtuyJwwqYhiWIRb0ajWv14E5vnykThz2XPAQ0D/FPt3\ncrBoGAlSZRxOh7ZMZGHt5uQMTmnaap1V+XA999xzvYntZA0uq2wmMqO90FdMZKq6ESgMKd8MnBXF\nMQ0jCtqaFZ/IMbYReBJ4mXPOOT10ZBSLxbjwwiuprx+Jcz+W0NQEjz02C1iEGwXFgAXk5+9k+XIL\nQzZ6AZnWcGEvbARjdCFdFfbrcoKdrfn5o7SwcLxWV1fr1KlTW4w84DAtLy9v8/gwrHmNFhje4dGV\nYQQhC0cwlirG6BO0FWoMB16uOBaL8YUvTKax8WDgeOBscnN/wcEHf4w9e24iOOs+P/8mdu9+rXnf\nsJn5zlfzGnA1cBfORWkz9I2Ok41hypbs0ugTxJNNJjv81669mOByxakCAMrKbqKxsT/OnAUwh4aG\nS2hqeqCDEr2GUzhzcXOOzTRm9D5MwRh9iuSw47AVI8vKKluNaLZs2Q60XMQLFjNixDBef316oGw6\ns2Zd2+KYyevBiFzNxz7Wjw8//BmqYwHIy9tsysXodZiCMbKejs5h6SgbNjzvU+MnRjQjRgynrq5l\nPZFXuPvu5Tz99NMsWnQTALNmXcvcuXNb1IsHCpSVVfq2v059/Vg/c//nFBQMs5T6Ru8k006gsBfm\n5Dc8XZ2XK7m93Nwhmps7qEXosFvUq6XTvby8vJUzf+rUqS3aPdCCYi3DmqsVztT8/FEWjmx0CWSh\nk99GMEZW0/717sMJjoLmzr0qdLligF27TqS2dmyr/V1QwBVAfEniK9i2bXNz28kTOd0xUuUSi/nf\nczN1dXDBBV0z8dMwsg1TMEavp7UCaB2pFf+cqOvKc3Nns2vX8d4HMxKIr/1SBTgFE6YE588vbWVm\nS/hiRuKixjqnNA0j2zEFY2Q1yQ7y+LLA7SFMAZSV3RTq1ykpKWHu3KtYtOgm9u1roL6+gdraM3ET\nKe8F3gT+/YByNDUdR7ICWb16BStXVnHhhVe28ucYRq8k0za6sBfmgzECpOPfaIvWKV1Kva+ltV+n\nurra+2TO9JMgJ/uJkXHfy8e1sPDsFnKEpYAJ8+Okqm9pYYyugCz0wdhES6NXkjyxsqLirmYTWU5O\n3HyVmPgYX9/+P//zCvbseR+4DJdSL5jKxdUtLFxKQcFgIHxNmOTj5eZezUknjaOgYHCn15AxjFRk\n40RLUzBGryNsIa+jjx7C3//+ESNGDAegtvYy2lrzHubg/CwLgG+1qJtQUKln3scVyK5dO3jhhVdo\naLilzfqG0VmyUcFkfAgV9sJMZEYnaGshr9zcIVpeXt7KpDVq1Ikh+0zypq6PN9cVGdSm+SsdWSzX\nmBEFZKGJzJz8Rq8iFovx1FNPA9uIZy12uIW8Ghrg+utnM3RoHh9+OAvV42lqupzNm+8DNia1tg3n\n3J8N3EpOzts0NTUCv8ctcWSjEMNoC1MwRq8h2TTm1rSbijN1JRby2r9/FG+//QpB30pT01hc4sn4\nHJjpOKUUjxRbRFNTPA/ZNcCXgSsQuZfS0odSytQVUXCG0VMxBWP0GpLDkR3zgQZgO05ZBH0ryQhw\nHTAAaERkO6rbcbnKgo5+fFkVqo08/fTTKX0qba0nYxi9naiWTB4O/BLIB/oD96rqLSJyPW469Du+\n6vdVtToKGYy+x65du0NKjwL+gVM08RFJCbAGN2KJMx13ao7FKaFvc+ihyznrrFU888zOFPNWRgPf\nYv78mZxxxhltKhlTKkZfJKoRzD7gSlV9XkQGAOtFJOa/W6Sqi9rY1zDaTUVFBc8+ux7Y0FwmcjWH\nHprH3r1X4HwmU0mMZKqADxk4cB4g7NlzBXBroMXFHHfc8axevYJYLMbEiRf7zMvgTGQNwH8RX5nS\nZuIbRmtyomhUVXeo6vP+817gOeAT/uvsCqMzsppYLMaECZOZMGEysVgsZZ358xeiehfwdaAUuJVT\nTz2Jhx9eSl7eMpximYLILPLyyhD5CLiSPXtu4v333yfhe3GIvMLkycVMmDCZhQuXMH/+DAoLlzJw\n4HzgQ9xoxxSKYbRJ1GFqwDG4/BoDgeuB14FNwAPA4Sn26XContF7SHfGe3hY8hjNzx/VnAk5mAkg\nbGa/Cz9OhCJPnTo15bHLy8tTZgIwjExBFoYpR61cBgB/Bf7Dbw8mMbnzBmBZiv062dVGbyDdOSRh\nCiOYWj+uMIqLJ+moUSfqQQcN8Wlgyn39yQoDfNnJmps7SAsLx7d57M6mrzGMriYbFUxkUWQi0g94\nGPilqv7Ga42gF3Yx8ESq/RcsWND8uaioiKKiokjkNHo+paXTeOKJr9DYuNiXvATcSTzqSxWqqq4G\nTgK2+u8AvgP8DNgDfJO4g7+h4ets2fJIm8c0x72RaWpqaqipqcm0GG0TleYCfoFz6AfLhgQ+XwX8\nd4p9O6HHjd5CuiYytxhYYrY9DGo1+oCTFYYGyqsVCgL7DPNlbtZ/YeHZoce2kYuRrdBXRjAicjZw\nEbBRRGoBBb4PXCQip+BCl/+G88gaRijBpYa3bNnKiBGjW9WJxWLMm7cQuIPEPJUf4iK94lwDFCTt\nuQQXNTY1qWwiOTmvUln5S4AW81eAVguLWV4xw0hNJApGVZ8EDgr5yua89GE6mkE4noQybPXHK6+c\nTev8foOA84GlOJNYAfAWcCpuvgu4NDDJbEPkam688ZoW68PEmTBhcpesrmkYfQWbyW90C2HLCred\nhXg30MiWLdtT3tRjsRivv74VuBw3OTLOc8CLuIGym9ty0EEzOeUUeO+94bzzznxU9/H++zPQ5qTd\nM4FhnHrqScydOzeiXjCMvoUpGKNbaJnGJUZ9/UguvPBKli+/u1lZlJVVsmHD8zQ1XQpMJNy0laCs\nrBI3vWosbuLkEtzIZAguKv4a4opp/34oKFhFZeW85lHUG2+8xOuvL8bN8H8Q2E5BwaqUx7O8YobR\nPmw9GKNbOO20z1Bbux94H2euuh1wN+m5c69qsUCXS+EyDvjI138bGA+sBZo48sgCrrzyEhYsuJPG\nxotx8SS3+H1nAPuBXMIWCguu+ZKbOxvYR0NDQpYD+VRsoTAjW8nG9WBMwRiRk0i1cgvOAT8IN2qY\nBmwnJ2cWTU2HAKNw83J/Q1wBOdPVkbi5uoeQSOcyHWjCmcHOAV7GjV4+BD5k1KgxvPXWzhYLfY0Z\nM5ra2itwafzdaGfUqPc59tjjAFMYRs8mGxWMmciMyFm4cIm/0R8B7AC+57+ZCkyhqQmg3JfFk04G\no7tmAafQcmVJcFOpvuX3aQR+AriRyd13L2o+NrgoMPd5I85f40YxmzfP5O67bzHFYhgRYArG6EaW\nALfRUknMxDnpg2XX0XJBr1Sj2aMC+y1u/tzQ4BTL6tUrWimOxx+/yC93HF8HxiLBDCMqIkl2aRhB\nxo8/jZycmYSHBueQnGgShuMWC7sGkRnAB7j0ddeQyIQ8A2diS5+SkhLGjTu5fcIbhtFhbARjREos\nFqOi4i6ams7BOemnB769BqhPKpuNy4O6HZiJ6oc4n80U4CngJiAPZxKLp96fjnPsu4iunJyZlJY+\nGCpPZWWZD5d22xYJZhjRYU5+I1ImTJjMmjUjcUsW34zzgSzFjVrKcEpiFm4VhyNxTvwSnLL4AS4B\nxA+BXSQc/FfjnPkFuHVZ/gXnt3GO+8LCg1i/fl1KmSwSzOiNZKOT3xSM0eUEJ0u+9NIm6usPBr5C\nQkFUAauAFf7zYuBs4OckElGW4hZF3e7rTsONeLbhwpcPwoUiT/VtuLbTCTU2jN5INioYM5EZXUry\njH2nFL6CUwJBx/02XzYLWB4on4lz6n+dxOhmuf9uO25uCzgfzHhgM3ACcCv5+fUsX+7MXRMmTAZs\nhGIYmcQUjNGltJyxH2cVboSxAKck4j6T7+HmtsQVwFggH7gbZ+56EmcC244b5SQnp5xFXOHk5c1p\nVi6WkNIwsgNTMEaX4nKIpeJNnKIAOBqnYKbjRjlj/fuhOIXj/DCjRt3Osceu4qmntrFnT8vWBg48\nlNGjl1JQMJjSUqdELCGlYWQPpmCMThN0mr/33k6c+SpOPB9YfMGvdTjT2LW4iZd34ua93A8U4dag\nq2re9623Grn77h8C01pFf/361zYyMYxsxhSM0WFaJ6gci8gfcT6UxcDBOP/IkzhlMiyw91DiM/nh\n07jklrNw82LiCSiX0dCwvXnS5MqVVS1m5ocpF0tIaRjZg0WRGW0SFtIbVyzPPrsR1ct8zaU481YO\nsBv37PJ1EqavD4Bv++3vAqfjosGex62svZ3EKCeYKqaK4uJVrF69olMyG0ZvJxujyCJRMCIyHBdj\nmo/LRnifqv5IRA4HfoV7lH0b+IqqvhuyvymYLKCiooL58xfS1HQbkCrzsctInEhOeQ3OMX8FcA/u\n7/8QmAzswc3I3x6oPx03Wvkb7nT5CsFw5ZycmYwbdyKVlfNMURhGG/QlBTMMGKKqz4vIAOAZ4D+B\nbwBvqOrtInI1MFJVZ4Tsbwomw8RiMT7/+a+hGswdVkV+/k3U1c1rUeZMWn9O2j4KZ/ZaFXhfAZxF\ny6SV8fqbGDVqOMceO4bx409jxYo1LUxvNr/FMNomGxVMVEsm78ClzUVV94rIRlyCqfNxBndwU7uf\noqVH2MgSyspuClmKGPbt25dmCxtwc13iK2fH5728FFL3KOBbHHtswhS2du36FkkpLRrMMHoekTv5\nReQY4AzgMtyoZjeAqu4SkSFRH9/oGFu2bMf9ZcGliKfz/vuNODNYnBm4vGCJyK+W/pZZwHdwp9pM\n3AJiwWeKOX7f7V3/IwzDyCiRKhhvHvs1MENV94hI2navBQsWNH8uKiqiqKioy+UzUjNixHDq6sYC\nV+HSthwHHEVT0/cILtjlJkwejUtCWYdz3H+bRFoY/OcBONPYNYi8j+p03OjmcmA7ubmzKS19oHkP\niwYzjLapqamhpqYm02K0japG8sIpr2rg6kDZa8Bg/7kAeDXFvmpklurqas3NHaJwpsL9CtUKo/x2\ntYL68jP95/h2vn/XpDqTmrcLC8drdXW1Fhaerfn5o5q3w2QoLp6kxcWTQr83DCOBv29Gdk/vyCuy\nMGUR+QWwS1VnBcruJOHkn4lz8k8P2VejkssIJx56/Oqrr7B/P/Tr14+hQwfy1lvbaWgYinOp3eZr\nxydP3ocbgQSTWP4AF6a80JfNxEWZnU48e3Jh4VLWr6/plt9lGH2FPuPkF5GzgYuAjSJSi5t5931c\nMqpfiYizi8CXozi+0T5isRgTJ15MQ8MlwAvEFcaePd/CZSwehEvrEswDdg0uOmwZiQXDZuLMabeS\nSAkTN5mNxU2qbKD1AmOGYfRGoooie5JE+FAyxVEc0+g4ZWU30dAwCniERELJGC4R5SJciHEyo4Hf\n4zIazwKacCOVZbg5LsEw5HiyS4BbKSgYhmEYvR9LFdPHicVibNiwCWf+Whz4ZglwvP88jZajl2Dk\n13yccglOnNyY8ng5OW9TWnpryu8Nw+g9mILp4yxcuMTP1D8CN+N+Fm4FSXDTlubgVqKcgjOBfQKn\nXOKrTvan5YgFXMqXuBlsOm5WfxU5OTO58cZSm8tiGH0EUzC9lPbl49qIS/lyi9+Oz2X5Kc5/shh4\nBedzqcaNXKpwyiPXf38E8XVdcnP709R0LQBFRZ9GZDOwmdLSB025GEYfwpJd9kKSV5VsK81KLBbj\nvPMuajFrPpG+ZS9QDwzEKZif4JTRUtzkyibgx36feGRZFYWFJ7B+/bqofp5hGCFkYxRZTqYFMLqe\nlqtKHkF9/UguvPBKYrFYq7olJSWMG3dyipYGAEOAf8PFbHwf58TPAQSnXKb6163AUvr1q6eycl5X\n/yTDMHogZiLrtWzELeD1PHApdXVjueCCqcydexUrVjzKli3bOfzwgRx22KEA9OtXSmNjfN94RuT9\n9O8v7Nu3kYRPZZP/vD/kmMczduzBZgYzDAMwE1nWk8qXkmqdloULl/DGGy/x+utbiae8D0Z9iVyF\nan/ia9k7x/3l5Obey9FHH8O2be9QX/8eidykPwM+RiLM+BrgMJzvZVvSMaZQXLy5XWu3GIbRNWSj\nicxGMFlMsi9l3bqprFzp8nEll7dcpyV+4w9Gdi0BJqJ6KC5KLPjdUhoavs7f//4IeXl51Nd/jYRC\n+RVQnlR/Fk5BbcRFjA0HppCXt8zyhRmG0YwpmCympS8lkbLefQ6Wb2TBgjtpbDwWF811VEhr23BR\nX2F/+SvAC9TVBUcpxbiosEEh9Y8ioXDG0q/ftfzrv25OuYyxYRh9E1MwPZ4YUEVjY1w5TAU+h1Mm\ncabjIr6+iZt9H0y3fw3OgR+fwR9nAS7L8Vb27ZtBwmJ5NW4p5ARjx37KzGKGYbTCFEyWEovF2LVr\nNzk5pTQ1OSd7MGV9IpX9Ylorh+twkxvjKV6uwJm6DsetVr2VRAr9D3A+lpbk5+/k9NNXUVr6EGVl\nN1FbG1+l8hrcxErn9M/NnU1l5QOt9jcMwzAFk4Uk+14S69InTFArV1axcOESnnlmJ3V1Lffv16+B\nxsaxOCUSw41GPgR+hPPNXAbMQKQJ1W/7vRIjnpycmSxf3nJSpJPnWwDk5jZy0klLKSgYTGnpA2YW\nMwwjnEyvFxD2oo+vB1NcPKnVmirFxZNC61ZXV2te3jCFUoUzNSdnsJ577rkKh/mygsCaLGHrtMS3\nSxWGa07OYC0vLw89jq3NYhjZC1m4HoyNYDJI+9K5hFNSUsKXv/w5qqruAe6gqQkee2wGLk3+fbgk\nllMJz4gcZCz5+Y+wfPk9oXKUlJTYSMUwjHZhCiZDpApBLikpOeBywUHFNH78aTzwwO+AO2jthxke\n2J6GS1jpyM2dDeyjoaGq+RjLl1sUmGEYXYcpmAyRKgQ5foMfM2YMr702H9V9HHfc6Ob93OJgX6Wh\nYQwAjz22BtWTUhzlbNwEyDj1wK3k59ezfPkDzXIAFmJsGEaXE9WKlvcCXwB2qOopvux6XDjTO77a\n91W1OorjZ4quMHklVpeMZzaeTm2tc7KvXFnlFwfrBziHu+oMXAr9oCKZjlMmS3EO/Xg25C8BL/vv\nzOxlGEbEROHYAT4DnAo8Fyi7HpiV5v6dcHVlhurqas3NHeKd5/drbu6QNp3hCee8q5+XN0yrq6u1\nsHB8iDN+kMLZmp8/Svv1G+od8snfl3qnfb7CcIUBCof4sjP95/xWxzMMo3dAFjr5I8mmrKrrgL+H\nfJVVeXK6krKySj/qcNmFGxpuoaysMmX9kpISVq6sorh4FcXFq5r9L1u2bA2pPRjYRF3dPBobfwTc\ni9Ph8ezIH8fNc3kF+BTwaeBkXHr9P/vXKbj0Lk6++vqbm0dbhmEYUdDdPpjviMjXgWeA6aoapoSy\nnjBTWJhiCFcWCcJMVIcffgh1dTMCJfHFvz5GSyf+YpzTfo//7g5fPh0YTVfQFSY/wzD6Lt2pYH4M\n3KiqKiI3AHcRDGtKYsGCBc2fi4qKKCoqilq+tEgV/TVixBHU1bVMwTJixAntbv+www7DpcKPz5xf\nhltBclZSzaNwfpiZuFDkI3AJLU8EVuAWBEvsk5v7EjCbhga3nRyZlu7vNCVjGNlBTU0NNTU1mRaj\nbaKyvQEjCPhgkr47EnipjX07aoaMnFSTIJ0PZlCzzyM3d1CHfByu/fxWxwj6T2CYQrX/XKAw2ZfF\nvx+kubn5Wlh4thYWjm+Wrz2TJdsz2dMwjMxDFvpgohzBCAGfi4gMUdWdfvNLuJWreg0lJSWsWvVQ\nwKS0oENP+6Wl03jssd+impyschQuKmwjLjJsOzADt5zxYyTPgxkw4KbQZYttBGIYRrcRhdYCluPy\nw38E/A13R3wA2IBTLNXAJ9rYv9PaPCpSRX919THy84f4UUu+womBkcRkHzV2ZiAVzKBWo43CwvGd\nliHq32kYRtdBFo5gbEXLDtDVzu9Uq1NeeOGV1NX1B3YD8Xkx8cW+4qOVKtwCYonVJXNzZ7NqVeeT\nUJqT3zB6Dtm4oqUpmAyT7EzPy5vD3LlXceONtzbP1oda3DLF+3DpX66hpYJZzJFHvsNHH7lza9as\ny5g7d253/gzDMDKMKZg06UsKZsKEyaxZM5Ggwhg4cB579ryLiwgDZ1U8CtiBm4V/CG4UA3ANOTkf\n0a/fQTQ03A44JWURX4bRt8hGBWO5yLKQDz74AMglng7GjVjexYUjzyA/P499++YBwujRLhS6tvYK\nUuU1MwzDyASmYDJMWOZkyKG+Pp4VIM58AI48chjbtr3coo0JEyZ3i6yGYRjtIZJUMUb6hKWMGTPm\nxJCah5GbO5ulS+9s9U1p6TSvmKqAKj+JclrUohuGYbSJ+WC6gfZGY7XOqDyDUaM+yd1335JyX4v4\nMoy+TTb6YEzBdDHJN3qgVZRYKgd88kJia9eub27HFIZhGG1hCiZNeqqCufTSS6mq+i0uyuv/kJe3\njjFjxlBbexnBKLHi4lWsXr2ixb4VFRXMn38bTU3HAWeTl7fMIsEMw0ibbFQw5oPpIioqKqiqWokL\nHy4H1lBf/5kDZlQGN3KZP38hTU0LcZFjy6ivn2Lp9A3D6NFYFFkXsWjRUtxM+mDk13U0NOwnN7ft\nLMYLFy6hqek2ktPx79p1cLRCG4ZhRIgpmEj5gL17L6Nfv3sYOHAe/fvnMmvWVWmaveKLhxmGYfRM\nTMF0EbNmXcZ11yVnQL4AuJXGxrHs2XMd8EUqKu7ijDPOAGjh0H/88Zk0NcX3nQmcQ0FBz/NDGYZh\nxDEnfxdSUVHBokVLeffd99i//2Dc0sXTcKn1FwObgSkMGLCchobG5jDkvLw5fPnLn+OBB35nTn7D\nMDpENjr5TcF0Ma3nsFyDW13yIRKKZisuEKBlZFlp6TSby2IYRofIRgVjJrIuIhaLUVZ2Exs3vkpj\n4zDcEsYluAXCfo1bzngk8CpwcmgbJSUlplQMw+g1WJhymlRUVDB48GgGDx5NRUVFc3ksFmP06FP4\n3OcmUVv7Mo2NP8KNWi4GKnDpW24EJgI/B74AlPk6ltrFMIzeSyQjGBG5F3cn3aGqp/iyw4FfAcOA\nt4GvqOq7URy/PaRa7KusrJItW7YyYsQRnHLKaD/HxeUBCzrz581bhOohQD5urZZVOL/LLcB1wK0k\nhx/DdnJzGznppKUUFAymtNR8LYZh9EKiWCYT+AxwKvBcoOxO4Gr/+Wrgjjb2b3Np0K4ibFng8vJy\nzc0d0lyWaknigQOP1pycw315qcJhgX2GKZRqv35DW+2Xnz9Ki4sn2fLDhmF0KWThksmRjGBUdZ2I\njEgqPh8XVgWwDHgKmBHF8dNl4cIl1NdPAZYCW6mvP5wf/vBu76BvOWEymfr6j2hquhw3YtlA8iRL\nkVksWDCLioo5LVLxL19uoxXDMPoG3enkL1DV3QCquktEhnTjsUN5/vlngRqCq0Pu3fsBzjEfwznm\nt/nvWs5xGTIkn7ffrsKZwLaRzKmnjmXu3LmcccYZAROcKRfDMPoOWRtFtmDBgubPRUVFFBUVdWn7\nsViMt9+uA24nMfLYiHMT3YdzyMfXXplOfv4hvPfeteTlHcycOdeyYsUa3n47nsTyCGBKc9t5eXOo\nrKyyFPqGYURGTU0NNTU1mRajTbpTwewUkcGqultECoB32qocVDBR4G78YwIlMVxU161+exaJUGOo\nq1sMfIvGxjkASUksS4Cp5OffxOmnj2vONRZM079u3VSbOGkYRpeR/OB9ww03ZE6YFESpYMS/4vwB\nF7t7u39/NMJjp8nZwGz/eTGtI76WEFcwcBTgljaeP7+UpqZLcaHGjry8ZS38KxMmTPbKxbVXX++U\nmikYwzD6CpHMgxGR5cCfgONF5G8ichlwPXC+iDwHfJ74IvMZYvz408jJuQ+4BJgDvBZSaxtuVHMN\nLvTY4dK53IqLVVhMfv5NNjoxDMNIok+minHpXL5KQ8MRwF7gfeBynMK42cswg1NPPZn33nufN954\nDZLWJxsAAAasSURBVNUfA5CTM5OmpnOAuHwjKS7e3GoBsVgslvZKloZhGJ0lG1PF9MmZ/GVlN9HQ\n0A/4Hi4n2H6cU38KzlR2NZdc8kUqK+exbdvbqH4TWExOTinnnHM6sAY3M9/Nzh8//rRWxygpKWHl\nSpdjrLh4lSkXwzD6HH1yBDN48Gjq6uYRTDbpwpDjkdOnUli4iy1btlJXNwRYgPPFVJGff1OrfcOW\nQDYMw+hOsnEEk7VhylEyYsRw6uqCJRtx8Qjz/PY1PPvsR6je5ben4pSQYRiGkS59UsFUVpb5lPrx\nkqXAHQQjyFSTI8oWkJe3mVmzrmo1Oz95CWTDMAyjjyqYkpIS5s+fwaJFNwFw+OGf4PXXk2sNaLGV\nn7+zOQzZZucbhmEcmD7pg0mO8MrNnQ3so6Hh9tBtiwAzDCPbMR9MluCSXCYmQTY0QGHhUgoKVgFQ\nWvpAcz23bcrFMAyjvfRJBRNGQcHgVpFgplQMwzA6Tp9UMKWl01i3bqo56g3DMCKkT/pgIHwlS8Mw\njJ5KNvpg+qyCMQzD6E1ko4Lpk6liDMMwjOgxBWMYhmFEgikYwzAMIxJMwRiGYRiR0O1hyiLyJvAu\n0ATsU9VPd7cMhmEYRvRkYgTTBBSpamFPUi41NTWZFqEVJlN6ZKNMkJ1ymUzpkY0yZSOZUDCSoeN2\nimw8oUym9MhGmSA75TKZ0iMbZcpGMjWCWS0iG0Tkuxk4vmEYhtENZCJVzFmq+o6IDAGqReRFVX08\nA3IYhmEYEZLRmfwiUgaoqv4wqdym8RuGYbSTbJvJ360jGBE5BKdQ6kXkUOBzwMLketnWSYZhGEb7\n6W4T2TDgERFpAg4BHlLVVd0sg2EYhtENZGWyS8MwDKPnk1XhwiLypo8uqxWRv2RQjntFZIeIPBco\nO1xE4tFv1SLy8SyQ6XoR2Soi6/3rc90s03ARWSsiG0XkJRG51pdnrK9CZJrtyzPWVyJysIj81R/3\nZRFZ5MuPEZE/ichzIvKgiHSbRaENmZaKyBv+GlwvIqd0l0wB2XL8sVf57Yz1U5JMtQGZ7s+Cfmp1\nv8z0faoVqpo1L+AN4PAskOMzwKnAc4GyO4Gr/eergTuyQKbrgVkZ7KdhwMn+8wDgZeCUTPZViEyv\neJky3Vd5/v0g4CngX4FVwH/48tvjfZZBmYqApcCkTPWTl2cmsAxY5bcz2k8pZFoKXJDhfmp1v8z0\nfSr5lVUjGLJkEqaqrgP+nlR8PvCA/7zMb2daJnB9lhFUdYeqPu8/7wU2AsPJYF+FyPQc8An/dSb7\nyq+fysG4c3wHcKaq/saXLwO+kGGZ3vHbGesnERkOnAfc47cPwk1tyFg/JcsUINP3qrD7ZUbvU8lk\nuoOSyeZJmAWquhtAVXcBQzIsT5zviMgmEXlARA7PlBAicgxwBvC/wJBs6KuATOt8Ucb6Km5iAbYD\nNbiHhV2BKltJKMKMyKSqm/xX5b6f7hKR3O6UCbgNmA3EncNDgZ2B77u9n0JkipPJfoKW98srfVlW\nXHtxsk3BnKWqpwPnApeJyL9lWqAs58fAaFU9ETdcvisTQojIAODXwAxV3UPrC7HbCZEpo32lqk2q\nWogb4f0LzkSWUZJk+qyIjAeuVdVPAeNwkZ7zukseETkf2KGqz9JyFJXJEVUqmTLWTwGS75fnkgXX\nXpCsUjCq+o5/3wk8DPxTZiVqwU4RGQwgIgUkzAkZQ1V3qze2AotxT+vdine4Pgz8MmDGyGhfhcmU\nDX3l5XgP+ANwLFAQ+Go47uk8UzL9Hmey2+nL9uFMQt15DZ4NTBSRN4AHgXOAHwGDA3W6u59aySQi\nv8hwP+GPHbxfrvAyZNV9KmsUjIgcIiJ5/nN8EuamtveKViRaPrH8AbjYf74YeLTbJUqSSVy6nThf\nIjP9dR+wSVVvD5Rluq9ayZTJvhKRwX5EhT/Hi4Fa4CkR+aKvNoVu7KcUMj0f7ycREWAS3dhPqvp9\nVf2kqh4LfBX4o6pejOun//DVurWfUsh0SSb7yR837H75Apm/9lqSyQiDpOiHkcAG3IX3MnBDBmVZ\nDmwDPgL+BlwGHA6swTmNVwODskCmB3yfbQKqgU90s0xnA/uBZ/3/th53oudnqq/akCljfQWM9bLU\nAi8C83z5SODPvp8eAvpngUx/9GUveZkO685zKiDfeBIRWxnrpzZkymg/pbpfZvLaC3vZREvDMAwj\nErLGRGYYhmH0LkzBGIZhGJFgCsYwDMOIBFMwhmEYRiSYgjEMwzAiwRSMYRiGEQmmYAzDMIxIMAVj\nGIZhRML/B23hH3gygQX+AAAAAElFTkSuQmCC\n" + }, + "output_type": "display_data", + "metadata": {} + } + ], + "source": [ + "pyplot.scatter(\n", + " x=rf_predictions,\n", + " y=boost_predictions)\n", + "\n", + "pyplot.title('Random Forest vs. Boosted Trees predictions')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The two models also agree on the most important variables:" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
RandomForest_VarImpBoostedTrees_VarImp
crim0.0287080.035551
zn0.0004640.000013
indus0.0025400.009487
chas0.0000300.000000
nox0.0166220.086986
rm0.4730380.224030
age0.0094870.033198
dis0.0152460.162538
rad0.0023990.015372
tax0.0056050.035650
ptratio0.0074130.056378
black0.0032210.030227
lstat0.4352270.310571
\n", + "
" + ] + }, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "feature_importances = \\\n", + " pandas.DataFrame(\n", + " index=X_column_names)\n", + "\n", + "feature_importances['RandomForest_VarImp'] = \\\n", + " rf_model.feature_importances_\n", + "\n", + "feature_importances['BoostedTrees_VarImp'] = \\\n", + " boost_model.feature_importances_\n", + " \n", + "feature_importances" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# _BONUS:_ Apache Spark solution\n", + "\n", + "The following uses Apache Spark to solve the same problem (pretending that the data were much larger)" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [], + "source": [ + "# Apache Spark settings\n", + "if AWS_EMR_MODE:\n", + " SPARK_MODE = 'yarn-client' # running Spark on AWS EMR YARN cluster\n", + " SPARK_HOME = '/usr/lib/spark' # default Spark installation folder on AWS EMR master node\n", + " SPARK_DRIVER_MEMORY = '9g' # memory allocated to MapReduce driver process\n", + " SPARK_EXECUTOR_MEMORY = '3g' # memory allocated to each MapReduce executor process\n", + " SPARK_DRIVER_MAX_RESULT_SIZE = '6g' # maximum size of objects collected back to MapReduce driver process\n", + "else:\n", + " SPARK_MODE = 'local' # running Spark on single machine\n", + " SPARK_HOME = '/Applications/spark-1.5.2' # Spark installation folder on my machine\n", + " SPARK_DRIVER_MEMORY = '5g' # memory allocated to MapReduce driver process \n", + " SPARK_EXECUTOR_MEMORY = '1g' # memory allocated to each MapReduce executor process\n", + " SPARK_DRIVER_MAX_RESULT_SIZE = '3g' # maximum size of objects collected back to MapReduce driver process" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Import PySpark and initialize SparkContext & HiveContext" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "SparkContext: \n", + "HiveContext: \n" + ] + } + ], + "source": [ + "if 'pyspark' not in vars(): # set up Apache Spark environment if not yet done so\n", + " \n", + " # set environment variables for Spark\n", + " os.environ['SPARK_HOME'] = SPARK_HOME\n", + " os.environ['SPARK_HIVE'] = 'true'\n", + " \n", + " # enable importing of PySpark through FindSpark package\n", + " import findspark\n", + " findspark.init()\n", + " \n", + " # import PySpark and set up SparkContext (\"sc\") & HiveContext (\"hc\")\n", + " import pyspark\n", + " \n", + " sc = pyspark.SparkContext(\n", + " conf=pyspark.SparkConf()\n", + " .setMaster(SPARK_MODE)\n", + " .setAppName('BostonHousing')\n", + " .set('spark.driver.memory', SPARK_DRIVER_MEMORY)\n", + " .set('spark.executor.memory', SPARK_EXECUTOR_MEMORY)\n", + " .set('spark.driver.maxResultSize', SPARK_DRIVER_MAX_RESULT_SIZE))\n", + " \n", + " hc = pyspark.sql.HiveContext(sc)\n", + " \n", + "print('SparkContext:', sc)\n", + "print('HiveContext:', hc)" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": {}, + "outputs": [], + "source": [ + "# imports from PySpark\n", + "from pyspark.ml import Pipeline\n", + "from pyspark.ml.feature import VectorAssembler\n", + "from pyspark.ml.evaluation import RegressionEvaluator\n", + "from pyspark.ml.regression import \\\n", + " GBTRegressor as SparkML_GBTRegressor, \\\n", + " RandomForestRegressor as SparkML_RandomForestRegressor\n", + "from pyspark.ml.tuning import CrossValidator, ParamGridBuilder" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Download Spark CSV Parser & add it into SparkContext" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " % Total % Received % Xferd Average Speed Time Time Time Current\n", + " Dload Upload Total Spent Left Speed\n", + "100 5493 100 5493 0 0 20468 0 --:--:-- --:--:-- --:--:-- 20496\n" + ] + } + ], + "source": [ + "!curl https://raw.githubusercontent.com/seahboonsiew/pyspark-csv/master/pyspark_csv.py --output pyspark_csv.py\n", + "\n", + "sc.addPyFile('pyspark_csv.py')\n", + "\n", + "from pyspark_csv import csvToDataFrame" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Download Data" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [], + "source": [ + "os.system('curl %s --output %s' %(DATA_URL, DATA_FILE_NAME))\n", + "\n", + "if AWS_EMR_MODE:\n", + " os.system('hadoop fs -put %s %s' % (DATA_FILE_NAME, DATA_FILE_NAME))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Import Data as Spark DataFrame and produce Train & Test sets" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+-------+----+-----+----+-----+-----+-----+------+---+---+-------+------+-----+----+\n", + "| crim| zn|indus|chas| nox| rm| age| dis|rad|tax|ptratio| black|lstat|medv|\n", + "+-------+----+-----+----+-----+-----+-----+------+---+---+-------+------+-----+----+\n", + "|0.00632|18.0| 2.31| 0|0.538|6.575| 65.2| 4.09| 1|296| 15.3| 396.9| 4.98|24.0|\n", + "|0.02731| 0.0| 7.07| 0|0.469|6.421| 78.9|4.9671| 2|242| 17.8| 396.9| 9.14|21.6|\n", + "|0.02729| 0.0| 7.07| 0|0.469|7.185| 61.1|4.9671| 2|242| 17.8|392.83| 4.03|34.7|\n", + "|0.03237| 0.0| 2.18| 0|0.458|6.998| 45.8|6.0622| 3|222| 18.7|394.63| 2.94|33.4|\n", + "|0.06905| 0.0| 2.18| 0|0.458|7.147| 54.2|6.0622| 3|222| 18.7| 396.9| 5.33|36.2|\n", + "|0.02985| 0.0| 2.18| 0|0.458| 6.43| 58.7|6.0622| 3|222| 18.7|394.12| 5.21|28.7|\n", + "|0.08829|12.5| 7.87| 0|0.524|6.012| 66.6|5.5605| 5|311| 15.2| 395.6|12.43|22.9|\n", + "|0.14455|12.5| 7.87| 0|0.524|6.172| 96.1|5.9505| 5|311| 15.2| 396.9|19.15|27.1|\n", + "|0.21124|12.5| 7.87| 0|0.524|5.631|100.0|6.0821| 5|311| 15.2|386.63|29.93|16.5|\n", + "+-------+----+-----+----+-----+-----+-----+------+---+---+-------+------+-----+----+\n", + "only showing top 9 rows\n", + "\n" + ] + } + ], + "source": [ + "boston_housing_ddf = \\\n", + " csvToDataFrame(\n", + " sqlCtx=hc,\n", + " rdd=sc.textFile(DATA_FILE_NAME),\n", + " columns=None,\n", + " sep=',',\n", + " parseDate=True)\\\n", + " .cache()\n", + "\n", + "boston_housing_ddf.registerTempTable('boston_housing')\n", + "\n", + "boston_housing_ddf.show(NB_EXAMPLES_TO_SHOW)" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [], + "source": [ + "boston_housing_train_ddf, boston_housing_test_ddf = \\\n", + " boston_housing_ddf.randomSplit(\n", + " weights=[.75, .25],\n", + " seed=RANDOM_SEED)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Preparing the Pipeline Components" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [], + "source": [ + "# to assemble columns into vector\n", + "feature_vector_assembler = \\\n", + " VectorAssembler(\n", + " inputCols=['crim', 'zn', 'indus', 'chas', 'nox', 'rm', 'age',\n", + " 'dis', 'rad', 'tax', 'ptratio', 'black', 'lstat'],\n", + " outputCol='boston_housing_features')" + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": {}, + "outputs": [], + "source": [ + "# Random Forest Regressor and Parameter Grid\n", + "rf_regressor = \\\n", + " SparkML_RandomForestRegressor(\n", + " featuresCol='boston_housing_features',\n", + " labelCol='medv',\n", + " predictionCol='predicted_medv',\n", + " maxDepth=9,\n", + " maxBins=32,\n", + " minInstancesPerNode=1,\n", + " minInfoGain=0.,\n", + " maxMemoryInMB=256,\n", + " cacheNodeIds=False,\n", + " checkpointInterval=10,\n", + " seed=None,\n", + " impurity='variance',\n", + " numTrees=900,\n", + " featureSubsetStrategy='auto')\n", + " \n", + "# rf_param_grid = \\\n", + "# ParamGridBuilder()\\\n", + "# .addGrid(rf_regressor.numTrees, [300, 600])\\\n", + "# .addGrid(rf_regressor.maxDepth, [3, 6])\\\n", + "# .build()\n", + "\n", + "# create Pipeline Estimator\n", + "rf_pipeline_estimator = \\\n", + " Pipeline(\n", + " stages=[feature_vector_assembler,\n", + " rf_regressor])" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": {}, + "outputs": [], + "source": [ + "# Gradient Boosted Trees Regressor and Parameter Grid\n", + "gbt_regressor = \\\n", + " SparkML_GBTRegressor(\n", + " featuresCol='boston_housing_features',\n", + " labelCol='medv',\n", + " predictionCol='predicted_medv',\n", + " maxDepth=3,\n", + " maxBins=32,\n", + " minInstancesPerNode=1,\n", + " minInfoGain=0.,\n", + " maxMemoryInMB=256,\n", + " cacheNodeIds=False,\n", + " checkpointInterval=10,\n", + " lossType='squared',\n", + " maxIter=300, # currently can only do small number of boosted trees to avoid stack overflow\n", + " stepSize=.1)\n", + " \n", + "# gbt_param_grid = \\\n", + "# ParamGridBuilder()\\\n", + "# .addGrid(gbt_regressor.maxIter, [300, 600])\\\n", + "# .addGrid(gbt_regressor.maxDepth, [3, 6])\\\n", + "# .build()\n", + "\n", + "# create Pipeline Estimator\n", + "gbt_pipeline_estimator = \\\n", + " Pipeline(\n", + " stages=[feature_vector_assembler,\n", + " gbt_regressor])" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": {}, + "outputs": [], + "source": [ + "# set evaluator\n", + "regression_evaluator = \\\n", + " RegressionEvaluator(\n", + " predictionCol='predicted_medv',\n", + " labelCol='medv',\n", + " metricName='rmse')" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "metadata": {}, + "outputs": [], + "source": [ + "# create Cross Validators - SKIPPED BECAUSE OF STACK OVERFLOW\n", + "# rf_cross_validator = \\\n", + "# CrossValidator(\n", + "# estimator=rf_pipeline_estimator,\n", + "# estimatorParamMaps=rf_param_grid,\n", + "# evaluator=regression_evaluator,\n", + "# numFolds=5)\n", + " \n", + "# gbt_cross_validator = \\\n", + "# CrossValidator(\n", + "# estimator=gbt_pipeline_estimator,\n", + "# estimatorParamMaps=gbt_param_grid,\n", + "# evaluator=regression_evaluator,\n", + "# numFolds=5)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Run 2 Regression Pipelines" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "metadata": {}, + "outputs": [], + "source": [ + "# fit Random Forest Regressor\n", + "rf_pipeline_model = \\\n", + " rf_pipeline_estimator.fit(\n", + " dataset=boston_housing_train_ddf)" + ] + }, + { + "cell_type": "code", + "execution_count": 35, + "metadata": {}, + "outputs": [], + "source": [ + "# fit Gradient Boosted Trees Regressor\n", + "gbt_pipeline_model = \\\n", + " gbt_pipeline_estimator.fit(\n", + " dataset=boston_housing_train_ddf)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Make Predictions" + ] + }, + { + "cell_type": "code", + "execution_count": 36, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+----+------------------+\n", + "|medv| predicted_medv|\n", + "+----+------------------+\n", + "|16.5|19.231817929116858|\n", + "|18.9|19.457977125074336|\n", + "|20.4|20.072576061005222|\n", + "|17.5|18.293477215375372|\n", + "|20.2|18.007656594104056|\n", + "|15.6| 16.44988116271545|\n", + "|16.6|17.420302933509294|\n", + "|24.7| 20.7061688400814|\n", + "|25.3|24.579282007294076|\n", + "+----+------------------+\n", + "only showing top 9 rows\n", + "\n" + ] + } + ], + "source": [ + "rf_test_predictions_ddf = \\\n", + " rf_pipeline_model.transform(\n", + " dataset=boston_housing_test_ddf)\\\n", + " .cache()\n", + " \n", + "rf_test_predictions_ddf\\\n", + " .select('medv', 'predicted_medv')\\\n", + " .show(NB_EXAMPLES_TO_SHOW)" + ] + }, + { + "cell_type": "code", + "execution_count": 37, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+----+------------------+\n", + "|medv| predicted_medv|\n", + "+----+------------------+\n", + "|16.5|20.771520254269586|\n", + "|18.9| 16.39457249493929|\n", + "|20.4|19.625686065374193|\n", + "|17.5|16.613685440652475|\n", + "|20.2|17.377633426898242|\n", + "|15.6| 16.01975158129711|\n", + "|16.6|15.189446069130172|\n", + "|24.7|22.577153923073638|\n", + "|25.3| 24.07098396858869|\n", + "+----+------------------+\n", + "only showing top 9 rows\n", + "\n" + ] + } + ], + "source": [ + "gbt_test_predictions_ddf = \\\n", + " gbt_pipeline_model.transform(\n", + " dataset=boston_housing_test_ddf)\\\n", + " .cache()\n", + " \n", + "gbt_test_predictions_ddf\\\n", + " .select('medv', 'predicted_medv')\\\n", + " .show(NB_EXAMPLES_TO_SHOW)" + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 38, + "output_type": "execute_result", + "metadata": {} + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAZgAAAEOCAYAAAC0BAELAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzt3Xt8XHWd//HXJ5TWSLk0TS0qLpSLVi7WSnXxx67NqqEK\nWi24oghWXMArlxqgi4AUSRdBKzdRxAtUahGVBYNi0y6SalVWgVoKlZtchAUKaRGsFEqbz++P73eS\nk8lMMrmcOSfJ+/l4zCOZM2fO+c53zjmf+V6PuTsiIiJDrSbrBIiIyMikACMiIqlQgBERkVQowIiI\nSCoUYEREJBUKMCIikophH2DMbIGZdWSdDpEsmVmHmX0p63QImNlTZvbNxPM3xO/nw0O4j3Fxm6cP\n1TbT0GeAMbOZ8YMUHtvMbKOZ/Y+ZvbcaieyDx0eumNk5RfmWfPw46/T1xsymxPS/Keu09MXMriqR\nv8+Z2W/M7ENZp6/AzOaY2TkZ7n9uL8dj8fn9jqzSOUKUuh4N6BplZseb2ed62U/urn1JY/qx7neB\nNsCA1wGfAX5uZoe5+7IU0jYSONAEPF20/NEM0tIfewLnAA8Dd2Wclko48PH414BJwFzgx2b2YXf/\naZaJiw4HjgLOzWj/K4Gji5ZdDGwAvkzIt4I/VytRo4G732dmte6+ZQBvPwHYAbi8aJsvmVkt8PJQ\npDEt/Qkwt7n70sITM/spcB9wCqAAU16Luz+U1sbNbJy7vzTUmx3i7VXDte7eWVVqZt8H1gMfA/IQ\nYDLNU3d/BHgkuczMFgLPuPu1lW4npeMtc2b2Cnd/Ma3tDzC4VH2bQ23AbTDu/iDwFLBHcrmZ7W5m\n3zGze83sRTP7u5mtNLNDirdhZm1m9lcze52Z3Whmz5vZBjP7lpmNLbH+x8zsHjPbbGbrzOwT5dJn\nZu81s9+a2aZYZbLMzN5WIq0dZvZlM/uImd0d07zOzN4d13mPmd1uZi+Z2UNmdtTAcqy8AaR1biGt\nwJGJdWaaWauZ/c3MXjCz35vZYUXbGWNm55nZX8xsS9znn8zspPj6XGA5oTRwdaLqpGT9vpltZ2br\nzeymMq/fYmZ/TTx/m5mtiGl82cyeMLMWM9ttoPlXxt+BkhcMMzvGzO6IebTBzH5qZm8osd7OZnap\nmT0Wj4sHzezc4mPTzPaJx++G+Jmejp/xTfH1Wwmll0JbSaEq6p8S2+jzu4vrvcrMlsb1/mZm15nZ\nroPLqpJ5VGg3+KKZHRfPiZeADyTWeZeFqvLnzOwf8RieVWJb25vZmWb255iP683s6uJ0m9lUM7vJ\nQhX8y3G9VjPbt59pvc/CNWKtmR1RtG6h7eJKM/uAmd0Zz6OTEuu8JR6TG+N2Vpc6781sJzP7tpm1\nW7h2/dzM9uwlfR8uWj7ezP4rpvdFM3s25udB8fUngbcAUxPHzQtFn+P0om1OMLNvmtnjcZsPmNnZ\nZjamaL0fxTyeaGZL4r6fi//vNBTfC/SvBNONme0I1BGqUZJmAAcC1wEPATsBxwC/MLN3u/vKxLoO\n1AIrCBe1k4B/Bj4FvECoXirs72PANcD/EkpNOwLN9Kx+In6R1xKqd04HxgKfA1aa2Tvd/fdFbzmM\ncKH+JrAVmA/caGafAf4LuAy4Evg8sNjM/uzuqyvKKKgzs+eKlm30OAncANL6QbqKzM8B6+J2jgB+\nBNwKnAFsAz4KtJjZR9z9J/H9XyHk33cIeTkGOIBwIAP8Oq7zn8C3gd/E5SWrytx9m4U2pePNbIK7\nP1t4zcxeDcwEvhafTwb+B/g/QlVRO7Ar8C5gN+Dx0llYkXoz2xb/fxVwIuHYuzq5kpmdClxIqO49\nmXAMzwN+Z2ZvLZQ2LQSRXwH7E/J6LXAwcBbwZuKFNq53K+FYvhB4ApgI/CvwBkK+NQPbA28nlKgK\npZln4jYq+u7ivm4B9gIuJdQgHALcTHp18R8FxgHfIgTtB2JajgJ+QDhv58f9H004z+e4+01xPQNu\nBN5BOJ7WEqrYTwYONrO3uPvfzeyVhO/kRcLx9yRQTzh+9iYe5334d8L3eQmwGTiOUE06x91bitY9\nGDgU+AahpPtwTG8DIT9XA1+K2/kgsCQe35cnPtdNhO/0irj+/yNcy8b1ldD4eVcBbwQWA78HXhnz\n6SDgNuCzhHNnHHAa4bjZVmp7cZuvIJy/e8fPtY6Qf+cSzvFkgCscL63AnwjnwH7xrxGOUwb9vbh7\nr4+4oQ7CxX9i3Ph0QuZuA44pWn9ciW2MiR/i5qLlt8ZtHFe0/KfAhsTz7QgXpbuBsYnle8cPvq1o\n3ScIJ19tYvlkQn3zHxLLdo+fbQNQn1jeGJe/CLw+sXyfuPySCvLtnLhu8WMb8E+DSOtzwK5F+6ol\nXKwWl0jHKuCRxPN1wA19pP1dcV8f7+tzxvUPiut/qmj5F+LnPSA+/3B8/qZKtlvhvq8qk88vlEhP\nXVz+a6AmsXxf4CXgx4lln43bOaFoGwvjZzg0Pn9bXG92H+m8JnmcDvC7+xylz7mr4vIv9TPvHgZ+\nXea1NyTOjYlFr+0IPAt8u2h5DfAH4P7Eso/HtP2/onWnxeVfjM/fEfd3yACOgUJaNxXOrbh8B8KP\n3AcTy8bFdbcAbyjajgH3A78ssY//jp+5Nj4/Im7ntKL1zo/Lv1kifR9OLGuOn/9DfXy2PwLrSiwv\nfI7TS5xvHy9ad1Fc/s7EsmvjsrOK1v1GPBdeOdjvxd37VUV2EeFEeBq4g3AROtbdr0mu5In62ViM\nqwN2IUTBt5bY7hZCBE+6FdjFzOrj8xnAq4HveqLe0UM1XXH7zwzCr+Ir3X1zYt31wA+BA4uL5sCN\n7t6eeP7b+HeVu9+f2MYDhF/dPapTynBC6e3diUcjoWpxoGn9hbs/VbTs3YSL59JY5O18EPLndWa2\nT1z3WWBa4vmguftthBO5uBrho4STY21i3wbMMbPth2r/hHxupCuPjyT80r/MuvckayScmJd4or3G\n3dcRfskdamaFc+L9hGD+vaJ9fT3+nR3/Fkpsh8Vfe/3Vn+/ufTFNS4q2cQnptfH8zN03FC17L6F0\neG1ReusI+biXmb0urnsk4UfNfUXr/h/wF8J1BLry8f3xl/hA/NzdO6tj3f0fwPeBKWa2f9G6v3X3\n+4qWzSD8aC31XfwyfuYZhXQSLtDfKtrGJRWm9d+Be3xoO6C8H2h39x8ULV9EOD5m93wLVxY9v5VQ\nIChU9Q3qe+lPFdnXCZn8CkKpZh7h4On2YWJd35cIF9bdi7ZRarxKu7sX94TYFP/Wxr97EC4ixQcE\nhB4v7088L6xbquh2T/w7ha6LPIRSRCd3fyGUgHmyxDb+kUhXJX7v5Rv5B5LWR0qsO5VwAP2yzH6c\nUG30AHA2cD3hhL+H8Cv5v919RfmPUJGlwBfNbDd3fzxeFA8EvphY5xaghXB8zDOz38VlP3D3Zwa5\n/1u9eyP/Twm/pr9pZje6+1a62gvL5fdhhNLjk3Hd+929W5WEu28ws6cJ3wvu/oCZXU4o8RxtZrcR\nTtJr3L2S3oL9+e72AB7w+NMyIc1eX4+UWPYGQpp/VeY9hTQ/Rvh8exCrA0us9xKAu681s+8R8vFY\nM/s9IR9/4O6VVp2Wuz5A+L7uTiwvrtonphV6/uBNpvdV8f/dgSfcfVO3FdyfKlElXspehHNmKO0B\n3Fu80N2fiGmaUvRSh7sXNzF0u/YO9nvpT4D5s7sXDqibzWwjcL6ZneDuySh4CaHu81uEesWNhEj/\nCWK9XpHe6o6r1fOmXBrKLc+yR9DWEstqCGn9JOGkLuVuAHf/lZntQQjKMwkX1U+Z2bXuXur7qdRS\nQvvER4GvEr5rJxTFifvuAD5ooQPDIUADoV737Ng+d/sg9t+Nu7uZ3UKou96fUEWbCnc/0cy+RajT\nn0loRznLzD7k7j/v4+0Vf3cZ6e14O5rQflHKfYl119JVt1/sH4V/3P14M7uUUEKaSfgxdJaZfdDd\nlw8s+WWV+1wQ2n7XlHnf2jLLh6OKrr2D+V4G3MhPqDL7fNzR9+MvRAgXmO+5+yndUmt2zCD29Qjh\nA0+l5y+94p4MhXX3K7FuoZhc6tdLFh5haNL6YNzOxsSPgLLcvVDNsgTAzK4BjjKzhbG6qN8Nxu5+\nr5mtJlSTfRX4CPC7Ur/i3f0PhNJFc+yJ8idCB4chG+kcbRf/FqrjHqErv4t/9e9PaNBdn1j3IDOr\nKSoZTST8iu32vcR8Wwd8LXZuuItQUisEmHJ52p/v7hHgbWZmRaWYPnvzDLEH49/2CtL8IDDV3W+t\nZMOxOnUtcGGsZruL8MOlkgAztcSyQt5Ueh4BbKrwuzjYzMYnSzGxSnvnCvb1F0I7VF/6cy4+Qolj\nwcxeE9M04OveQL+XwXRT3kKoNnst3QdwbU9R4LLQda9bd8F+up1QTXScJbqImtnrgeJukbcTqjiO\ntzAQqbDuqwjB744SbRhZGaq0thLqSk+30t276xL/71Li/YVfa+Pj38IJs2MF+076IfCm+GPi9RS1\nFZhZqRPv/ri/8Yn1Jlro2tmfqshuYlXtoYQ2vkKV2ApCx40TE20tmNkbCe0zNyeCyU2Ek/KTRZsu\n/HBqie/dMfYo6uTuTxK+1/GJxZvi+jsUba/i744QrHah54DJk6juiO5fED7Pf5ZqSytK87XAa8zs\nuFIbMrMJ8W+pfHyMULU2vtR7Szgsls4L2x5P+P4edvdKSoG3ES7Cp1joJVuc1uLvYgxhwHnSyVT2\nXfwY2N/MDu9jvU1Ufh7eROhNWXx8zItpKjmUoDeD/V4GU4KB0EB0JqEa4uq47GfAJy10Gf0Doa7y\n04QLyfSB7MRDV9j5cR+/sTCIbmfCl7mOxC+BuO4phAP7t2b2XULX388SugGePJA0pGGo0urum+IJ\n/CNgtZktJgTkeuBfCL9qCr/u7jGzXxNOpmcJ9emfJ9Td3lFYh9Db6jMW+t2/ANzt7oV2oXKuJXTV\n/QZhhPFPil7/REznTYQ2hXGEdryd6R6MTiT8+m8g9PiqxMesa066OsJFeCpwbmzsxd03WhjPcwFw\ni5ktJfSMPJlwIp+R2N53CRenb5jZfoRfbAcDxwI3ufvNcb13AheZ2Q10lYoOJZSSzk5s74+E7veX\nmdkKQntkSz+/u+8SLmjfjo3W9xJ+YO1DFatt3f1vZvYpQvvr7Wa2hND5ZxKhe/YedJ2TVxG6dF9h\nZu8kdPbZSmiDmE3oXXchIc+azexGwueqia/vRbi+VOJ+Qvf+Swml0eMJXaIrmjIono/HEropr4nX\nmccIQf3thA4ZhY5H/01ov1xoYTzTnYRuyv9G6IjRl68Q8mWpmf2AcD6+gpB//+vuF8f1/gjMtDAo\n9i5CT8RyHQO+SWiKuNLMptHVTfnjwE/c/ZZK8oHux9Lgvpe+upnFBG4DPlnm9XPi67Pj8/GEwNNO\nuDDdQegxcQ5F3TQJjUWPltjmXBLdeRPLPxYzbTPhZJ5bartx3fcQxnBsInzhvwTeWrTO7nE/55Z4\n/zZKdx19GFhZQb4V8mXPCtYdVFoT68wgNOA/Tfjl/hThZDkqsc5ZhIP5b3GdxwjjE15VtK05hAP6\nRfrRBZYwzmUb4eJZ/Np0woX0EULj7ibgdyS6bxbl3Tsq2F+hi27y8XdC+1/JbtaE4HNHPD43EALh\n60ustxOhTfGxmA8PAguA7RPrTIlpeCAely8QxkR8tmhbYwjjqZ4kXGC7Hd+VfHdxvVcR2rv+RviB\ncB2hY8I24OxKvqNKjmXCD49twBm9vP8gwhiXZ2KanyT8eCj+Po3wo+GO+J2/QDh/v0XsKkzovbU4\n5vGLdF07jq/gcxS6AX8R+A9C+89mQpXOEUXrjouf69u9bO+NhNL4E/FzPROP68+UOD6+TbjWPR8/\n+5T4vstL5GVxvuxI+LHzIOF82EAo0b4tsc4uhHNmQ9zGC0Wfo7ib9ATCD7zHYz4+QDjntyta71rg\npRKffVbc7tsG+724OxY3MuRidch3YuZuT/g1eB9dJ8STwJEe2gNERAbEwiwMfyaM6fivrNMjXdKc\nrv87hO6v0wgNqOsII0pvjsuWESbZExGRESiVABMbw97s7j+C0D3V3Z8ndIktDMxcEp+LiMgIlFYJ\nZh+g3cx+bGFSxsWxR8ckj6OCPYycn5TS/kVkdHFyfm+U0WiwvcjKqSFMC3OSu99uZhcRetToABCR\nIeVhypft+lxRqi6tAPMY8Lh3jcy+nhBgnjGziR6m26inxEzIAGamQCQi0k/unqt7OaVSReZhjpp2\n65qk712EXh43E+YoI/4tN/9SxV0tq/U455xzMk+D0jRy0pTXdClNwzdNeZRWCQbCfGRL42jsv9J1\nH4zrzOyThH7+Qz01iIiI5ERqAcbd11B6ev7GtPYpIiL5keY4mBGloaEh6yT0oDRVJo9pgnymS2mq\nTB7TlEepjeQfjJ6TxYqISG/MDB8NjfwiIiIKMCIikgoFGBERSYUCjIiIpEIBRkREUqEAIyIiqVCA\nERGRVCjAiIhIKhRgREQkFQowIiKSCgUYERFJhQKMiIikQgFGRERSoQAjIiKpUIAREZFUKMCIiEgq\nFGBERCQVCjAiIpIKBRgREUmFAoyIiKRCAUZERFKhACMikrHW1lYOOeQIDjnkCFpbW7NOzpAxd886\nDT2YmecxXSIiQ621tZU5c+ayefMFANTWzueGGxYza9asfm3HzHB3SyONA6UAIyKSoUMOOYIVK2YD\nc+OSxTQ2trB8+fX92k4eA4yqyEREJBVjsk6AiMho1tR0AqtWzWXz5vC8tnY+TU2Ls03UEEmtiszM\nHgGeAzqAl939bWY2AbgOmAw8CRzp7s+VeK+qyERk1GhtbWXRoiuBEHD62/4C+awiSzPAPAQc6O7P\nJpZdCjzk7heb2SnAFHc/ucR7FWBERPohjwEmzTYYK7H9w4Br4v9L4nMRERmB0gwwHcByM1tjZp+L\nyya5+wYAd28HJqW4fxERyVCajfxvd/enzWwS8Eszuw9QvZeIyCiRWoBx96fj32fM7HrgrcAzZjbR\n3TeYWT3wdLn3L1iwoPP/hoYGGhoa0kqqiMiw09bWRltbW9bJ6FUqjfxm9krA3X2zme0A3AwsAt5N\nVyP/PEIj/0kl3q9GfhEZloaiR9hA5LGRP60AMwW4kdAO80rgR+5+jpnV0dVN+Sngw+7+txLvV4AR\nkcwMNEgM1bQvAzFqAsxgKcCISFYGEySGatqXgchjgNFUMZKpkTqLrAxfixZdGYPLXCAEmkJpRvpH\nU8VIZop/Ka5aNbdq1QkiaRjJ074MhKrIJDNZVieIlDPYdhQ18ndRCUZEJGHWrFnccMPiRJDoX6l6\n1qxZKoVHKsFIZrLscSMy0uSxBKMAI5nKqjpBZKRRgKmQAoyISP/kMcCom7KIjFrqJp8ulWBEZFQa\naW2AeSzBKMCIyKg00rrJ5zHAqIpMRERSoXEwIjIqadR9+lRFJiKj1kjqJp/HKjIFGBGRESCPAUZt\nMCIikgoFGBERSYUCjIiIpEIBRkREUqEAIyIiqVCAERGRVCjAiIhIKhRgREQkFQowIlIRTW0v/aWR\n/CLSp5E2tf1IlMeR/AowItKnkTa1/UiUxwCjKjIREUmFAozkkur786Wp6QRqa+cDi4HFcWr7E7JO\nluScqsgkd1Tfn08jaWr7kSiPVWQKMJI7qu8X6b88BphUq8jMrMbM7jSzlvh8DzP7nZndZWbXmpnu\nqCkiMkKl3QZzMrAu8fxS4AJ3fxOwHvh8yvuXYUj1/cOP2syklNQCjJntBhwKfDc+3w54u7v/LK6y\nBHhfWvuX4WvWrFnccEOoFmtsbFH7S84V2sxWrJjNihWzmTNnbtkgo0A0uqTWBmNmPwEWAjsDTcCn\ngFvcfd/4+q7Are7+xhLvVRuMyDBRaZuZOm+kK49tMKm0gZjZYcB6d/+TmTUkX6p0GwsWLOj8v6Gh\ngYaGhrLrikj+LVp0ZQwuIRBt3hyWKcAMTFtbG21tbVkno1dpNbIfDMw2s0OBWmBH4EJgYmKd3YDH\ny20gGWBEJL+amk5g1aq5bN4cnoc2s8XZJmoUKP7hfe6552aXmDJS76ZsZjOBJnefHXuTfc/df2Zm\nFwN/dfevl3iPqshEhpFKxsioiixdeawiq3aAmQIsBXYg9C47xt1fLvEeBRiRESgPgzXzkIY0jMoA\nMxAKMCKShpFcispjgNFcZCIy7FXa/bl7R4MQaAqlGRl6GkkvIsNacalk1aq5I6ZUMtypBCMi/ZK3\nwZL9KZVolojqUglGRCo23EsLhVkiuhr5h0/ahyM18otIxfI40/VIbrjvjzw28qsEIyLDmkol+aUS\njIhUTKWF/MpjCUYBRmQESnMw4UgdqDjcKcBUSAFGZODSKGUoqOSfAkyFFGBEBm6oG+JVLTY85DHA\nqJFfRHqlafZloBRgREYYTZ8veaEAIzLCDEW33WSby8yZb2HVqvkKWNJvaoMRGaXKNdyXanM588wT\nWbnyzh7rSn7ksQ1GAUZkFOqt4T6Po/Wlb3kMMKoiExmF1HAv1aAAIyLdqJOADBVN1y8yCvU2bX2h\nk0BjYwuNjS2dVWd5m6Zf8k9tMCKjVH9G52uwZf7lsQ1GAUYkR/I6JYsa/vMvjwFGVWQiOVEoJaxY\nMZsVK2YzZ87cXquiVGUluefuuXuEZIkMX8uWLfPGxsO9sfFwX7ZsWUXvaWw83OFqB4+Pq72x8fCy\n26+tnRzXv9praydXvJ+BqPb+pP/idTPz63fyoV5kIkMsrdsKJ6vP2tvXV7WbsW7qJQOhACMyxAY6\nxqR79+C11NRcTXv7/p3VX8mgVVMzD1ib3ocoYdasWQoq0i8KMCI5USglnHHGeaxZs46OjotYvToE\nlqlTp3YLWh0dUFPTREfHAYDGqkg+KcCIDLHBDFScNWsWixZdSUfH8SRLQI8+el6PdadN25/6+pa4\nT1VZSf4owIgMUqmuxUPdXrH77ruyeXP3GY3PP19BRfJN42BEBiGt2xOX2iaQyzEykg95HAeTSoAx\ns3HAKmA7YAfgF+7+BTPbA1gKjAfuAY5x960l3q8AI5no70DHtAYg5nXApeRXHgNMKlVk7v6Smb3D\n3Teb2XbAb83s34B5wAXu/jMzuxj4PHBxGmkQ6a+0uhcPhHpsyUiQ2kh+d4+1xYyL+1kPHOTuP4vL\nlwDvS2v/MnoM1Yj27t2LQ6AplCLK6W3SSJHRLrVGfjOrAe4A9gKuAJ4F2hOrPA68Nq39y+iQdalD\nAxBFykstwLh7BzDdzHYCWoE/9ef9CxYs6Py/oaGBhoaGoUyejBBDeeOsgXYvVnWWZKGtrY22tras\nk9Gr1Lspu/vzZnYzsCdQn3hpN0IppqRkgBFJU7JBPdx7XmNLJP+Kf3ife+652SWmjFQCjJlNBF5y\n901mVgs0AhcAt5nZB939RuBo4Jdp7F9Gj8HefbFnFZvucyIyVNLqpnwA8IP49BXAUnc/z8ymELop\n7wCsI3RTfrnE+9VNWSo2mC69ebvPibony0CNpm7Ka4HpJZY/DLw9jX3K6JXHNpCBBIqsOyyIDLms\n7xdQ6oHuByNDpK/7sqRxn5OBbrM/94MRKYbuByNSPZWUCNLoZjyUPdtEhjMFGBmxul/oW9m8eQpH\nHfU5li69vEeQycPFf7AdFkTyJrWR/CL50UoIMp9m48az+7zX/WANdHR/oTTV2NhCY2OL2l9k2NNs\nyjJidVWRTQE+TTV7iqk3mFTbqOlFJpIHhRLBUUd9jo0bq79vBRUZ7VSCkRGvuLF/7NhT2G+/adTX\nT2TmzLewcuWdgEoaMrzlsQSjACOjQqHKqr19Pffccz9btnw1vnIScDxwgG7sJcOaAkyFFGAkLaVG\n7kMLcD2wmOnTv8O99z44pHeoFKmGPAYY9SKTEWmg94h59NGn+n1PGBEpTY38MuL0NsCyeKxJVxVZ\n6E68++5Tq94hQGSkUoCREafUSPrkAMvkyP2ZM0+PjfwPdw5qDMEpbEuDHUUGTgFGRoWNGycxe/ZH\nOnuPJRvvzzyz+7pDMXWMxsGIqJFfRpjW1lbOOON81qy5m46OTwAHAPOBE4GLga8B6TbeF1fRqaOA\nVEMeG/kVYGTEWLhwIWef/XXcXw8cDHwXeDUhsFwJVOe+L3m7x4yMDnkMMOpFJrnVn55gra2tnH32\n13D/OmFamCXAcZg9DTwFPJF+gkWkG7XBSC6V6wkGpQdBLlp0Je4X01VqALiC8eN34KCDWmhv3457\n7jmNLVvCK2k23mtWZJFAVWSSuVIN4t2rmVqBBYwf/yhbtmztHIU/duxp7Lff66mvn0x7+wZWrz6W\n7gMov8D06W/kzjtXld1PNT+TSJryWEWmEoxkqreSSlyDEDQuYNOmK0jOirxlC6xe/TXgeMaOPYXt\ntpvHtm2F950CbOaII97buaVqTkCpyS5F1AYjGTvjjPNLjpzvuqfKAqDw+mtKbOH/gKvYsmUq229v\nwBWEqV9+BHy7cyJLEak+BRhJVW8N9a2traxZc3fJ9xUGRNbVPZNYegKhZLI4Pk4DtgHHAp/mxRe3\nEXqPXQ+o9CCSNVWRyZBKtj3MnPkWFi68jM2bjwZ+yy23fIwvf3keZ8aRjYsWXRnHqsxPbOFkZs48\nDQhBZunSy5k9+yNs2XJFfP1FQinlNcDrCdO8dDXs19Q00dFxAKDGdZGsKcDIkCluT1mx4mRgR+AH\nwFfp6IAvfWkeM2bMSLRPHEAYBNkE7AMcx8KFl3Vbp6NjO0LbC8A84K74vBB0ukybtj/19S3AwEfh\ni8gQcffcPUKyZLhpbDzc4WoHj4+rHXbrsWzMmFd5Xd1ePnfuXK+tnexwUI91GhsP72Wb+3td3V4+\nffrBPnbspLjsaq+tnezLli3LOBdEshGvm5lfv5MPtcHIkGhtbeWOO9aUeGVcjyVbt+7Jxo1ns3jx\nDXz4w+8pamepxHgOPHAad965ipaWa2hsbKGxsUXTsYjkjKrIZNC6qsb+hTD9fcFJwBzg1MSyUwmj\n7EMguOmm81i69PKyMxg3NZ3AypXHdA6QhFMZO3YrTU0L0vtAIjI0si5ClXqgKrLcWrZsmTc2Hu6N\njYd3VkcVHkj6AAAROklEQVR1VWMd7tAU/xb+P8hhJ4f9HSY4HNGtuquubq+y203uc/r0mZ3VYoXX\nly1bFqvYVEUmQg6ryDJPQMlEKcDkUnNzs9fUTOi8oNfUTPDm5mafPn1mIsCUaoNZlnhe1/l+2Mmb\nm5sHnJ5S7TOFthuR0SaPASaVKjIz2w34IVAHbA98390vNLMJwHXAZOBJ4Eh3fy6NNMjQam1t5Utf\nuoiOjosodAsOvcKamDLlNYSqr7mEcSoF84B3EmYyvhKYQuhe/AV23HE88+ef3tllWURGnrTaYF4G\nPufud5vZeOAOM1sGHAfc7O4Xm9kpwJeBk1NKgwyhMGZlnx7LOzr24dlnnyEEl4cJAWQe8AbgQGAF\ncGlc+yRgKzCJrVtfZMaMGYNKkyaVFMm3VHqRuft6d787/r8JWAvsBhwGXBNXWxKfSxX0Z+r78g4m\nDIosjKSfBxzM7rvvSm3tEsL9Vk4nDIZcC9xOCC5z4+NSYE9gTOeUMINRGO2vXmQi+ZR6LzIz2wOY\nQZjPY5K7bwBw93Yzm5T2/qX8hJJ9XYyLR+WvWlUYlX8FcD+wLzU1VwP7c+aZJ3L99Vfx6KOPM2HC\nFP7yl79S+vfLE8Abh+yzaVJJkfxKNcDE6rGfACe7+9/NrOI5+BcsWND5f0NDAw0NDUOevtFi0aIr\nExNKwubNYVlvF+aeQWk+Z555IitX3kl7+zief35XHn54HR0dF7F6Ndxzz2nAy2zZ8h9s3PhbQtPb\nsXSfBqZQRXYQcBIzZ56exscVGRXa2tpoa2vLOhm9S6v3ACF4LQNOSSx7EJgY/68HHijz3gH1opC+\nuhFX3tuq1Hvq6vbqdZsw1aHQbXj/+HdZ7F12kMPODgd3dmFWjy+RocNo6UUWfR9Y5+E2gwU3A8cQ\nbpJ+DPDLFPc/6pSrCutvY3jXqPwngF0pDIrcuHESc+YU368laRNdU+vvChwFfB2YjdkpuB8HfC2u\nu5jQKUBERqw0ohahNXgb8CdgNXAn8B5Ct+UVhNkKlwO7lHn/4MP5KNRbSaW3gYxJxYMXoT4OmJzs\n0OxwkNfV7eXNzc3d1hs7dpKbTSjaf5PX1e3ljY2H91hfgyJFhhajpQTj7r8FtivzcmMa+5TeFTeG\nl7ulb3F7TXAWYcbjy4AL2LgRFi4stMm00N6+HtiX559/joce+jweW9pqa5ewdGlXZ4IZM2Yk9qke\nXyIjneYiG8aKg0SlVWH97VVWU7OZjo6f01X9FToKXH/9d4AxrFlzb7yvywGMHXsa++33HerrJ/cI\nIurxJTLKZF2EKvVAVWR9KjcPVyVVYX1VpRVvt7m52evq9upR/RUa7QtVaZNjg76maxHJAqOlikzS\nV67r8fLl1w+4lFAoEU2dujdwFfX1EztLITNmzOg24zFcBVxC96q0KwmDLUVEVEU2KpWqSps588Ru\n1Wa1tfN7VJtNnbo3a9eeztatexLuRFnsCU3XIiJdsi5ClXqgKrI+FVdljR07yadPP7jPXmLJ9yer\n0iqvNivcfXJZYsxLmFk5OZW+iFQXOawis5CufDEzz2O68qZQpdXevoF77lnDli0XA2upqbmaadP2\n5/zzz6i4uuyQQ45gxYrZdFV5Laau7jwOPHAa7e0bWL362PhaK3A0YTzLWsyu4s1vPqBf+xKRoWdm\nuLtlnY4kBZgRoCs47EoIAuWrucop7lkWpnU5HjiAmpomOjoW0RV8TiXcdWE3zO7mvPP+U9Pui2RM\nAaZCCjD90xVgWgiN7F2lkOnTQ2M9dB/vUkqhRHTHHWvYuPGDdI26P5Wamu/He8GE5123PV5MTU0T\nN9/8Q5VgRDKUxwCTynT9Ul1NTSdQWzufMLVLd2vW3M2KFbNZsWI2c+bM7XWq/lmzZrF8+fUceOA0\nujfiH8C0afvS2NhCXd15hADWFUw6OvYZ9NT7IjLyKMDkUPG9W/q6l0vhvijTp29HTc08CvdrqamZ\nFwdAhvuxVHoPlq6AFbZTWzuf888/m+XLr2fp0supqfk+XfeEmU+YGUhEpDt1U86Z4raQlSs/AmzP\nli1fBXofdV9fP5lp08YAYSR9e/u+rF4N0AA8DmxPe/vEbvsqNV1MIWAlp3WBUBUHcMwxs7nmmqZ4\nh8ujqa1doq7JItKD2mByIHmhb29fz+rVx9PVjvJ24NMk21UaG1tYvvz6bu8vNYbl9ttv56yzLqTr\nlsWnMmbMy/z859cB9DnupbftF+4NA3237YhI+vLYBqMSTMaKL96himttv7ZRblR/cCnJ0fZbt17R\n+VqlNyErtf2VK7sHORGRYgowGSu+eHd0ELsFh0b2sWPvBU5jy5awvkbKi8hwoQCTQ9Om7U99fQsA\nTU0/Auh1mvveZlFeufKYzuAEpzJ27FaamhYAVHwTsv7esExEBNQGk7ly7SeVtml0jeZfD4yhvn4i\nM2e+pbN9ZObMt3DVVdfx6KPrqa0dx/z5n+ocFFmukb+3/VSyrohUXx7bYBRgcmAgF+/W1lbOOON8\n1qy5u/NeLIXG94ULL+sMWGPHnga8HKeR6X8AE5HhQQGmQqMtwPRXz2ldCmNWnqKu7jw2bjybZK8z\nuAL4fefz4l5oIjL85THAaKBlTixcuJCJE/dm4sS9WbhwIdBzwGVB944BhbnHNJJeRPJFjfw5sHDh\nwm7jVc466yQeeOABfvzjZRXf1rhwL5YvfOFEFi6c39kg31VFFhrl1UAvItWiKrIcmDhx7x7VWmPG\nnM7WrRdSaoBlqbEz06bty/nnn82sWbN6tOkAaqAXGeHyWEWmEkwGSgWA/r63+22Nr+01aMyaNUtB\nRUSqL+s7npV6MALvaNnc3Ozjx7/aa2p2drOdO+8EWVs72efOneuwU+cy2Mnnzp3b7Y6VtbWTvbm5\nucey4jtIFt/pstQ6IjLykMM7WmaegJKJGmEBprm52eGVDvWJWw57t1sTNzc3e13dXl5Xt5c3Nze7\ne/9ua1xQyToiMvLkMcCoiqwKvvKVy4E6YDdgXMl1zjzzzB53hSxUbSVvBBZuKCYikn8KMClJjrDf\ntOkF4JL4yinAaZ3r9dWrq3uD/hTCrYzLv1fTuohIbmRdhCr1YJhXkXVvB+lZJQZTHep8+vSZfbaP\n9KzyavK6ur06q83K7T9ZtSYiIx+qIhsdug+EbOnxem3t89xww9IB9uw6gAMPfLjXkfjqNSYieZBK\ngDGz7wHvA9a7+5visgnAdcBk4EngSHd/Lo3958sJwNGdz/o7F5iqvERkuEprqpirgOIr6LnAze4+\nDVgGfDmlfVdNualcut/T/inGjt3K9OlX0djY0u+JJgu3L25sbBnQ+0VEspLaSH4z2x24KVGC+Qvw\nNnffYGb1wG3uvneZ93pa6RoqfU2zX8kMyZoCX0SGSh5H8lczwDzn7jsnXu/2vOi9uQ8whxxyBCtW\nzKbUVC6VGOx9YEREkvIYYDSbcgmlqr7KVYcNVPGMyJs3X9BZmhERGQmq2YvsGTObmKgie7q3lRcs\nWND5f0NDAw0NDemmLiouWaxaNbfHTbwKy1atmq/GdxHJRFtbG21tbVkno1dpVpHtQagiOyA+vxR4\nyN0vNrN5wBR3P6nMe6tWRVZ8y+FHH32cjRs/CHwtrrG45E28GhtbaGo6YcCzFquKTESGUh6ryNIa\nKLkUeAJ4CfgrcCwwAVgB3AUsB3bp5f0VDy4ajK4BkU1xnrDCZJP1Dss6B0bW1e3V5/xeA5lkUgMi\nRWSokMOBlqP6fjBdDfUthDm+im8z/OmS97kvVdoYbKO/iMhg5LEEo5H8ZdTVPcOBB7bQ1BQCyYwZ\nMxLVX6rKEhHpy6gNMK2trbS3b6CmpomOjgbg1M7Xamrmsfvu+3ZrR+lr+hWNuBcR6W5UVpGVuuXw\nlCmvBsby8MOP0dHxCeCAfje8a+CkiGQlj1VkozLAlGsvAdSOIiLDUh4DjAZaiohIKkZlG0xv7SVq\nRxERGRqjsooMyreXqB1FRIajPFaRjdoAIyIykuQxwKgNRkREUqEAIyIiqRjxAWaop9kXEZHKjOg2\nGM1YLCKjRR7bYEZ0gNEElCIyWuQxwIz4KjIREcnGiB5oqQkoRUSyM6KryEADJ0VkdMhjFdmIDzAi\nIqNBHgOM2mBERCQVCjAiIpIKBRgREUmFAoyIiKRCAUZERFKhACMiIqlQgBERkVQowIiISCoUYERE\nJBUKMCIikgoFGBERSUXVA4yZvcfM1prZPWY2v9r7FxGR6qhqgDGzscC3gFnANOBDZvbmaqZhoNra\n2rJOQg9KU2XymCbIZ7qUpsrkMU15VO0SzD8Dd7v7E+6+FbgOOKzKaRiQPB5QSlNl8pgmyGe6lKbK\n5DFNeVTtALMb8Fji+eNxmYiIjDBq5BcRkVRU9YZjZvavwHx3f198fiowzt0XFq2nu42JiPRT3m44\nNqbK+/sDsJ+ZvQZ4BjgS+FTxSnnLJBER6b+qBhh3f8nMPgMsBwy4xt3vrGYaRESkOqpaRSYiIqNH\nrhr5zewRM1tjZqvN7A8ZpuN7ZrbezO5KLJtgZstj+paZ2c45SNM5Zva4md0ZH++pcpp2M7OVceDs\nvWZ2elyeWV6VSNNpcXlmeWVm48zsj3G/95nZ1+PyPczsd2Z2l5lda2ZVq1HoJU1XmdlD8Ry808ze\nVK00JdJWE/fdEp9nlk9FaVqdSNPVOcinHtfLrK9TPbh7bh7AQ8CEHKTjX4A3A3clll0KnBL/PwW4\nJAdpOgf4Qob5NBnYP/4/HrgPeFOWeVUiTffHNGWdV7Xx73bAbcC/AS3AB+Lyiwt5lmGaGoCrgMOz\nyqeYnnnAEqAlPs80n8qk6SpgTsb51ON6mfV1qviRqxIMoV0m8zS5+yrg2aLFhwHXxP+XUOUBomXS\nBCHPMuHu69397vj/JmAtYVxTZnlVIk13Aa+NL2eZV5vjv+MIx/h64CB3/1lcvgR4X8Zpejo+zyyf\nzGw34FDgu/H5dsDbs8yn4jQlZH2tKnW9zPQ6VSzrDCrWARSKd5/POjFF6t19A4C7twOTMk5PwWfN\nbJ2ZXWNmE7JKhJntAcwAfgNMykNeJdK0Ki7KLK8KVSzAU0Ab4cdCe2KVx+kKhJmkyd3XxZeaYz5d\nFqd3qqaLgNOAQuPwqwg9Tguqnk8l0lSQZT5B9+vl5+KyXJx7BXkLMG939wOBdwPHmtm7sk5Qzn0D\n2Nvd9yUUly/LIhFmNh74CXCyu/+dnidi1ZVIU6Z55e4d7j6dUML7V0IVWaaK0vQOM5sJnO7ubyTM\nFfhK4OxqpcfMDgPWu/uf6F6KyrJEVS5NmeVTQvH18t3k4NxLylWAcfen499ngJ8Cb802Rd08Y2YT\nAcysnq7qhMy4+waPla3AFYRf61UVG1x/CvwwUY2RaV6VSlMe8iqm43ngZmBPoD7x0m6EX+dZpekX\nhCq7Z+KylwlVQtU8Bw8GZpvZQ8C1wDuBC4GJiXWqnU890mRmP8g4n4j7Tl4vr49pyNV1KjcBxsxe\naWa18f8dgPcA63p/V7pJovsvlpuBY+L/xwC/rHqKitJkZsni74fIJr++D6xz94sTy7LOqx5pyjKv\nzGxiLFERj/FGYDVwm5l9MK52NFXMpzJpuruQT2ZmwOFUMZ/c/Yvu/k/uvifwEeBX7n4MIZ8+EFer\naj6VSdPHs8ynuN9S18t7yP7c6y7LHgZFvR+mAGsIJ959wLkZpmUp8ATwEvBX4FhgArCC0Gi8HNgl\nB2m6JubZOmAZ8Noqp+lgYBvwp/i93Uk40Ouyyqte0pRZXgEHxLSsBv4MnB2XTwF+H/PpR8D2OUjT\nr+Kye2OadqrmMZVI30y6emxllk+9pCnTfCp3vczy3Cv10EBLERFJRW6qyEREZGRRgBERkVQowIiI\nSCoUYEREJBUKMCIikgoFGBERSYUCjIiIpEIBRkREUvH/AQkb6cbSiogEAAAAAElFTkSuQmCC\n" + }, + "output_type": "display_data", + "metadata": {} + } + ], + "source": [ + "# plot predictions against each other\n", + "pyplot.scatter(\n", + " x=rf_test_predictions_ddf.select('predicted_medv').rdd.collect(),\n", + " y=gbt_test_predictions_ddf.select('predicted_medv').rdd.collect())\n", + "\n", + "pyplot.title('Random Forest vs. Boosted Trees predictions')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Evaluate models" + ] + }, + { + "cell_type": "code", + "execution_count": 39, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "3.227049077856861" + ] + }, + "execution_count": 39, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "rf_rmse = \\\n", + " regression_evaluator.evaluate(\n", + " dataset=rf_test_predictions_ddf)\n", + " \n", + "rf_rmse" + ] + }, + { + "cell_type": "code", + "execution_count": 40, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "4.52946097127153" + ] + }, + "execution_count": 40, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "gbt_rmse = \\\n", + " regression_evaluator.evaluate(\n", + " dataset=gbt_test_predictions_ddf)\n", + " \n", + "gbt_rmse" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 2", + "language": "python", + "name": "python2" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 2.0 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython2", + "version": "2.7.10" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/Boston Housing/R/BostonHousing_KNN_BiasVarTradeOff_CrossValid.Rmd b/Boston Housing/R/BostonHousing_KNN_BiasVarTradeOff_CrossValid.Rmd new file mode 100644 index 00000000..e38f01d0 --- /dev/null +++ b/Boston Housing/R/BostonHousing_KNN_BiasVarTradeOff_CrossValid.Rmd @@ -0,0 +1,245 @@ +--- +title: 'Boston Housing: KNN; Bias-Variance Trade-Off; Cross Validation' +author: 'Chicago Booth ML Team' +output: pdf_document +fontsize: 12 +geometry: margin=0.6in +--- + + +# OVERVIEW + +This R Markdown script uses the **_Boston Housing_** data set to illustrate the following: + +- The **$k$-Nearest Neighbors** (**KNN**) algorithm; +- The **Bias-Variance Trade-Off**; and +- The use of **Cross Validation** to estimate Out-of-Sample (OOS) prediction error and determine optimal hyper-parameters, in this case the number of nearest neighbors $k$. + + +# _first, some boring logistics..._ + +Let's first load some necessary R packages and helper functions and set the random number generator's seed: + +```{r echo=FALSE, message=FALSE, warning=FALSE, results='hide'} +# Install necessary packages, just in case they are not yet installed +install.packages(c('data.table', 'ggplot2', 'kknn'), + dependencies=TRUE, + repos='http://cran.rstudio.com') +``` + +```{r message=FALSE} +# load CRAN libraries from CRAN packages +library(data.table) +library(ggplot2) +library(kknn) +# load modules from the common HelpR repo +helpr_repo_raw_url <- 'https://raw.githubusercontent.com/ChicagoBoothML/HelpR/master' +source(file.path(helpr_repo_raw_url, 'docv.R')) # this has docvknn used below + +# set randomizer's seed +set.seed(99) # Gretzky was #99 +``` + + +# **Boston Housing** Data Set + +Let's then look at the **Boston Housing** data set: + +```{r results='hold'} +# download data and read data into data.table format +boston_housing <- fread( + 'https://raw.githubusercontent.com/ChicagoBoothML/DATA___BostonHousing/master/BostonHousing.csv') +# count number of samples +nb_samples <- nrow(boston_housing) +# sort data set by increasing lstat +setkey(boston_housing, lstat) +boston_housing +``` + +This data set has **`r formatC(nb_samples, big.mark=',')`** samples. + +We'll focus on **using the _lstat_ variable to predict the _medv_ variable**. Let's first plot them against each other: + +```{r fig.width=8, fig.heigth=6} +plot_boston_housing_data <- function(boston_housing_data, + title='Boston Housing: medv vs. lstat', + plot_predicted=TRUE) { + g <- ggplot(boston_housing_data) + + geom_point(aes(x=lstat, y=medv, color='actual'), size=2) + + ggtitle(title) + + xlab('medv') + ylab('lstat') + + if (plot_predicted) { + g <- g + + geom_line(aes(x=lstat, y=predicted_medv, color='predicted'), size=0.6) + + scale_colour_manual(name='medv', + values=c(actual='blue', predicted='darkorange')) + } else { + g <- g + + scale_colour_manual(name='medv', + values=c(actual='blue')) + } + + g <- g + + theme(plot.title=element_text(face='bold', size=24), + axis.title=element_text(face='italic', size=18)) + + g +} + +plot_boston_housing_data(boston_housing, plot_predicted=FALSE) +``` + + +# $k$-Nearest Neighbors algorithm and Bias-Variance Trade-Off + +```{r} +try_k <- 5 +``` + +Let's now try fitting a KNN predictor, with $k$ = `r try_k`, of _medv_ from _lstat_, using the entire `r formatC(nb_samples, big.mark=',')` samples: + +```{r fig.width=8, fig.height=6} +knn_model <- kknn(medv ~ lstat, + train=boston_housing, test=boston_housing[, .(lstat)], + k=try_k, kernel='rectangular') +boston_housing[, predicted_medv := knn_model$fitted.values] + +plot_boston_housing_data(boston_housing, title=paste('KNN Model with k =', try_k)) +``` + +With $k$ = `r try_k` – a small number of nearest neighbors – we have a very "squiggly" predictor, which **fits the training data well** but is **over-sensitive to small changes** in the _lstat_ variable. We call this a **LOW-BIAS**, **HIGH-VARIANCE** predictor. We don't like it. + +```{r} +try_k <- 200 +``` + +Now, with, say, $k$ = `r try_k`, we have the following: + +```{r fig.width=8, fig.height=6} +knn_model <- kknn(medv ~ lstat, + train=boston_housing, test=boston_housing[, .(lstat)], + k=try_k, kernel='rectangular') +boston_housing[, predicted_medv := knn_model$fitted.values] + +plot_boston_housing_data(boston_housing, title=paste('KNN Model with k =', try_k)) +``` + +_Meh..._, we're not exactly jumping around with joy with this one, either. The predictor line is **not over-sensitive**, but **too "smooth" and too simple**, **not responding sufficiently to significant changes** in _lstat_. We call this a **HIGH-BIAS, LOW-VARIANCE** predictor. + +```{r} +try_k <- 50 +``` + +Let's try something in between, say, $k$ = `r try_k`, to see if we have any better luck: + +```{r fig.width=8, fig.height=6} +knn_model <- kknn(medv ~ lstat, + train=boston_housing, test=boston_housing[, .(lstat)], + k=try_k, kernel='rectangular') +boston_housing[, predicted_medv := knn_model$fitted.values] + +plot_boston_housing_data(boston_housing, title=paste('KNN Model with k =', try_k)) +``` + +Now, this looks pretty reasonable, and we'd think this predictor would **generalize well** when facing new, not yet seen, data. This is a **low-bias**, **low-variance** predictor. We love ones like this. + +Hence, the key take-away is that, throughout a range of **hyper-parameter** $k$ from small to large, we have seen a spectrum of corresponding predictors from "low-bias high-variance" to "high-bias low-variance". This phenomenon is called the **BIAS-VARIANCE TRADE OFF**, a fundamental concept in Machine Learning that is applicable to not only KNN alone but to all modeling methods. + +The bias-variance trade-off concerns the **generalizability of a trained predictor** in light of new data it's not seen before. If a predictor has high bias and/or high variance, it will not do well in new cases. **Good, generalizable predictors** need to have **both low bias and low variance**. + + +# Out-of-Sample Error and Cross-Validation + +To **quantify the generalizability of a predictor**, we need to estimate its **out-of-sample (OOS) error**, i.e. a certain measure of **how well the predictor performs on data not used in its training process**. + +A popular way to produce such OOS error estimates is to perform **cross validation**. Refer to lecture slides or [here](http://en.wikipedia.org/wiki/Cross-validation_(statistics)) for discussions on cross validation. + +```{r} +NB_CROSS_VALIDATION_FOLDS <- 5 +NB_CROSS_VALIDATIONS <- 6 +``` + +Now, let's consider [**Root Mean Square Error** (**RMSE**)](http://en.wikipedia.org/wiki/Root-mean-square_deviation) as our predictor-goodness evaluation criterion and use `r NB_CROSS_VALIDATION_FOLDS`-fold cross validation `r NB_CROSS_VALIDATIONS` times to pick a KNN predictor that has satisfactory RMSE. + +```{r results='hide'} +k_range = 2 : 200 +cross_validations_rmse = data.table(k=k_range, cv_avg_rmse=0.) +for (i in 1 : NB_CROSS_VALIDATIONS) { + this_cross_validation_rmse = + sqrt(docvknn(boston_housing[, .(lstat)], boston_housing$medv, + k=k_range, nfold=NB_CROSS_VALIDATION_FOLDS, + verbose=FALSE) / nb_samples) + cross_validations_rmse[, (paste('cv_', i, '_rmse', sep=''))] = + this_cross_validation_rmse + cross_validations_rmse[, cv_avg_rmse := cv_avg_rmse + + (this_cross_validation_rmse - cv_avg_rmse) / i] +} +``` + +```{r} +g <- ggplot(cross_validations_rmse) + +for (i in 1 : NB_CROSS_VALIDATIONS) { + g <- g + geom_line(aes_string(x='-log(k)', y=(paste('cv_', i, '_rmse', sep='')), + color=i), linetype='dotted', size=0.6) +} + +g <- g + + geom_line(aes(x=-log(k), y=cv_avg_rmse), + color='black', size=1) + + ggtitle('Cross Validations') + + xlab('Model Complexity (-log K)') + ylab('OOS RMSE') + + guides(color=FALSE) + + theme(plot.title=element_text(face='bold', size=24), + axis.title=element_text(face='italic', size=18)) + +g +``` + +```{r} +best_k = k_range[which.min(cross_validations_rmse$cv_avg_rmse)] +``` + +From the above plot, the best $k$, one that minimizes the average cross-validation RMSE, is **`r best_k`**, which produces the following predictor: + +```{r fig.width=8, fig.height=6} +knn_model <- kknn(medv ~ lstat, + train=boston_housing, test=boston_housing[, .(lstat)], + k=best_k, kernel='rectangular') +boston_housing[, predicted_medv := knn_model$fitted.values] + +plot_boston_housing_data(boston_housing, title=paste('KNN Model with k =', best_k)) +``` + + +# _BONUS:_ implementation by the _caret_ package + +[**_caret_**](http://topepo.github.io/caret/index.html) is a popular R package that provides standardized interfaces with 200+ Machine Learning algorithms. + +Much of the above procedures can be re-done very succinctly with _caret_ as follows: + +```{r message=FALSE, warning=FALSE} +library(caret) +``` + +```{r} +cross_validated_knn_model = + train(medv ~ lstat, data=boston_housing, + method='kknn', + tuneGrid=expand.grid(kmax=200, + kernel='rectangular', + distance=2), + trControl=trainControl(method='repeatedcv', + number=NB_CROSS_VALIDATION_FOLDS, + repeats=NB_CROSS_VALIDATIONS, + allowParallel=TRUE)) + +cross_validated_knn_model +``` + +```{r} +best_k = cross_validated_knn_model$finalModel$best.parameters$k +``` + +The best $k$ identified by _caret_ is **`r best_k`**. Note that there can be a range of acceptable "best" hyper-parameters because of randomization. diff --git a/Boston Housing/R/BostonHousing_Trees_RandomForests_BoostedAdditiveModels.Rmd b/Boston Housing/R/BostonHousing_Trees_RandomForests_BoostedAdditiveModels.Rmd new file mode 100644 index 00000000..002966db --- /dev/null +++ b/Boston Housing/R/BostonHousing_Trees_RandomForests_BoostedAdditiveModels.Rmd @@ -0,0 +1,265 @@ +--- +title: 'Boston Housing: Decision Trees; Bagging and Random Forests; Boosting and Boosted Additive Models' +author: 'Chicago Booth ML Team' +output: pdf_document +fontsize: 12 +geometry: margin=0.6in +--- + + +# OVERVIEW + +This R Markdown script uses the **_Boston Housing_** data set to illustrate + +- **Decision Trees** and trees-related **_ensemble modeling_** methods: +- **Random Forests**, which are based on **Bootstrap Aggregating** ("**Bagging**") applied to trees; and +- **Boosted Additive (Trees) Models**. + + +# _first, some boring logistics..._ + +Let's first load some necessary R packages and set the random number generator's seed: + +```{r echo=FALSE, message=FALSE, warning=FALSE, results='hide'} +# Install necessary packages, just in case they are not yet installed +install.packages(c('data.table', + 'gbm', + 'ggplot2', + 'randomForest', + 'tree'), + dependencies=TRUE, + repos='http://cran.rstudio.com') +``` + +```{r message=FALSE} +# load CRAN libraries from CRAN packages +library(data.table) +library(gbm) +library(ggplot2) +library(randomForest) +library(tree) + +# set randomizer's seed +set.seed(99) # Gretzky was #99 +``` + + +# Boston Housing Data Set + +Let's then look at the **Boston Housing** data set: + +```{r results='hold'} +# download data and read data into data.table format +boston_housing <- fread( + 'https://raw.githubusercontent.com/ChicagoBoothML/DATA___BostonHousing/master/BostonHousing.csv') + +# sort data table by 'lstat' +setkey(boston_housing, lstat) + +# count number of samples +nb_samples <- nrow(boston_housing) + +boston_housing +``` + +This data set has **`r formatC(nb_samples, big.mark=',')`** samples. + + +# Models with 1 Predictor + +For illustrative purposes, let's look at simple single-predictor models predicting the _medv_ variable by the _lstat_ variable. A plot of these variables against each other is as follows: + +```{r fig.width=8, fig.heigth=6} +plot_boston_housing_data <- function(boston_housing_data, + title='Boston Housing: medv vs. lstat', + plot_predicted=TRUE) { + g <- ggplot(boston_housing_data) + + geom_point(aes(x=lstat, y=medv, color='actual'), size=2) + + ggtitle(title) + + xlab('medv') + ylab('lstat') + + if (plot_predicted) { + g <- g + + geom_line(aes(x=lstat, y=predicted_medv, color='predicted'), size=0.6) + + scale_colour_manual(name='medv', + values=c(actual='blue', predicted='darkorange')) + } else { + g <- g + + scale_colour_manual(name='medv', + values=c(actual='blue')) + } + + g <- g + + theme(plot.title=element_text(face='bold', size=24), + axis.title=element_text(face='italic', size=18)) + + g +} + +plot_boston_housing_data(boston_housing, plot_predicted=FALSE) +``` + + +## Single Decision Trees + +Let's now play with a few single decision trees: + +```{r} +mincut <- 100 # smallest allowed node size +minsize <- 200 # minimum number of observations to include in either child node; NOTE: minsize >= 2x mincut +mindev <- 1e-6 # minimum deviance gain for further tree split + +tree_model <- tree(medv ~ lstat, data=boston_housing, + mincut=mincut, minsize=minsize, mindev=mindev) +boston_housing[, predicted_medv := predict(tree_model, newdata=boston_housing)] + +plot_boston_housing_data(boston_housing) +``` + +We see that with the above tuning parameters, the tree model is a **fairly simple, crude step function**. This function seems to have **high bias** and **low variance**. + +Let's try bigger, more complex tree: + +```{r} +mincut <- 5 # allow smaller minimum node size, corresponding to finer cuts +minsize <- 10 # minsize >= 2x mincut + +tree_model <- tree(medv ~ lstat, data=boston_housing, + mincut=mincut, minsize=minsize, mindev=mindev) +boston_housing[, predicted_medv := predict(tree_model, newdata=boston_housing)] + +plot_boston_housing_data(boston_housing) +``` + +Now, with the new parameters, we have a more complex model that is **low-bias**, **high-variance**. + +Fitting a good model with a single tree is difficult, largely because a single tree is fit using a greedy heuristic that may not be optimal in the first place. + +In practice, trees are almost always used in an **ensemble modeling** manner. The computational inexpensiveness of individual trees allow numerous trees to be fitted in acceptable run times, and collected into an "ensemble" of fitted models, the predictions of which are combined in certain ways. Two prominent ensemble methods are **bagging** (**_bootstrap aggregating_**) and **boosting**. + + +## Bagging and Random Forests + +With the [**bagging**](http://en.wikipedia.org/wiki/Bootstrap_aggregating) method, $B$ models of a certain kind (usually, but not necessarily, tree models) are fitted on $B$ bootstrap samples of the training data set, and their **predictions are averaged** to produce the ensemble prediction function. + +- Each **individual model** among the $B$ model should be a **sufficiently-complex, low-bias** model – which also means that each individual model is likely to have **high variance**; +- The low bias of each model will result in an **average ensemble model that also has low bias**; and +- In order to make the ensemble model also have low variance, we select a large enough number $B$, so that individual models' high variances offset each other in the aggregate! + +The application of "bagging" using tree models is called **Random Forest**: + +```{r message=FALSE} +B <- 5000 # number of trees in the Random Forest + +rf_model <- randomForest(medv ~ lstat, data=boston_housing, + ntree=B, # number of trees in the Random Forest + nodesize=25, # minimum node size set small enough to allow for complex trees, + # but not so small as to require too large B to eliminate high variance + keep.inbag=TRUE) + +boston_housing[, predicted_medv := predict(rf_model, newdata=boston_housing)] + +plot_boston_housing_data(boston_housing) +``` + +We can see that the average prediction of `r B` trees in the Random Forest, though not a totally smooth function, does well in capturing the signal in the data. We'd be reasonably happy with such a predictive model. The estimated Out-of-Bag (OOB) RMSE of this model is **`r formatC(sqrt(mean(rf_model$mse)), format='f', digits=3)`**. + + +## Boosting + +With the [**boosting**](http://en.wikipedia.org/wiki/Boosting_(machine_learning)) method, we successively advance towards a good model fit by adding up small fractions / proportions of relatively simple models that have low variances but possibly high biases. The key intuition is as follows: + +- Because individual models are simple and have low variance, the combined additive ensemble model is also likely to have low variance; and +- Because models are successively fit to capture the residuals left over from the previous models, models' biases are likely to offset each other, resulting in an additive ensemble model with low bias! + +Let's now build a tree ensemble using boosting: + +```{r message=FALSE} +# *** IMPORTANT NOTE *** +# By right, we should be able to easily estimate the OOS RMSE from the Boosted Model +# using GBM's own built-in Cross Validation procedure. +# However, there is currently a BUG that prevents us from using GBM Cross Validation +# in univariate cases. +# Hence, below, we manually produce a training set and a test set to estimate OOS RMSE + +train_indices <- sort(sample.int(nb_samples, round(.8 * nb_samples))) +boston_housing_train <- boston_housing[train_indices, ] +boston_housing_test <- boston_housing[-train_indices, ] + +boost_model <- gbm(medv ~ lstat, data=boston_housing_train, distribution='gaussian', + n.trees=B, # number of trees + interaction.depth=5, # max tree depth + n.minobsinnode=40, # minimum node size, here set higher to avoid high variance + shrinkage=0.001, # shrinkage term, or procedure's "learning rate" + bag.fraction=1., + train.fraction=1.) + +predicted_medv_test = predict(boost_model, newdata=boston_housing_test, n.trees=B) +oos_rmse = sqrt(mean((predicted_medv_test - boston_housing_test$medv) ^ 2)) + +# *** IMPORTANT NOTE *** +# The commented-out code below is an alterative GBM function call that, by right, +# should produce the same results; however, there seems to be a BUG with this GBM.FIT function +# resulting in different predictions on test data. DON'T use GBM.FIT. +# +# boost_model <- gbm.fit(x=boston_housing[, .(lstat)], y=boston_housing$medv, distribution='gaussian', +# n.trees=B, +# interaction.depth=5, +# n.minobsinnode=40, +# shrinkage=0.001) + +boston_housing[, predicted_medv := predict(boost_model, newdata=boston_housing, n.trees=B)] + +plot_boston_housing_data(boston_housing) +``` + +This Boosted Trees ensemble model also looks sound, and has an estimated OOS RSME of **`r formatC(oos_rmse, format='f', digits=3)`**. + + +# Multivariate Models + +Besides their computation inexpensiveness, another _huge_ advantage of using trees-based algorithms is that they are very scalable to multivariate models, and deals with variable interactions very nicely without the need of standard scaling. + +Let's build multivariate Random Forest and Boosted Trees models to predict _medv_ using all other variables in the Boston Housing data set: + +```{r} +boston_housing[, predicted_medv := NULL] # remove prediction results column +boston_housing <- boston_housing[sample.int(nb_samples), ] # shuffle data for more accurate Cross Validation + +B <- 10000 + +rf_model <- randomForest(medv ~ ., data=boston_housing, + ntree=B, # number of trees in the Random Forest + nodesize=25, # minimum node size set small enough to allow for complex trees, + # but not so small as to require too large B to eliminate high variance + importance=TRUE, + keep.inbag=TRUE) + +boost_model <- gbm(medv ~ ., data=boston_housing, distribution='gaussian', + n.trees=B, # number of trees + interaction.depth=10, # max tree depth + n.minobsinnode=40, # minimum node size, here set higher to avoid high variance + shrinkage=0.01, # shrinkage term, or procedure's "learning rate" + bag.fraction=1., + train.fraction=1., + cv.folds=10) # 10-fold Cross Validation to estimate OOS RMSE +``` + +The multivariate Random Forest has an estimated OOB RMSE of **`r formatC(sqrt(mean(rf_model$mse)), format='f', digits=3)`**, clearly better than that of the univariate Random Forest model. + +The multivariate Boosted Trees model has an estimated Cross Validation-estimated OOS RMSE of **`r formatC(sqrt(mean(boost_model$cv.error)), format='f', digits=3)`**, again a clear improvement from the univariate Boosted Trees model. + +We can also see that the two models' prediction are pretty aligned: + +```{r} +plot(rf_model$predicted, boost_model$fit) +title('Random Forest vs. Boosted Trees predictions') +``` + + +The two models also agree on the most important variables: + +```{r} +varImpPlot(rf_model, main="Random Forest's Variable Importance") +plot(summary(boost_model, plotit=FALSE), main="Boosted Trees Model's Variable Importance") +``` diff --git a/Boston Housing/R/BostonHousing_Trees_RandomForests_BoostedAdditiveModels_usingCaretPackage.Rmd b/Boston Housing/R/BostonHousing_Trees_RandomForests_BoostedAdditiveModels_usingCaretPackage.Rmd new file mode 100644 index 00000000..76408f62 --- /dev/null +++ b/Boston Housing/R/BostonHousing_Trees_RandomForests_BoostedAdditiveModels_usingCaretPackage.Rmd @@ -0,0 +1,136 @@ +--- +title: 'Boston Housing: Random Forests & Boosted Trees Models (through Caret package)' +author: 'Chicago Booth ML Team' +output: pdf_document +fontsize: 12 +geometry: margin=0.6in +--- + + +# OVERVIEW + +This R Markdown script uses the **_Boston Housing_** data set to illustrate + +- **Random Forests**, which are based on **Bootstrap Aggregating** ("**Bagging**") applied to Decision Trees; and +- **Boosted Additive (Trees) Models**. + +This is an advanced script that uses the popular [**caret**](http://topepo.github.io/caret) package, which provides standardized interfaces with 200+ popular Machine Learning algorithms and data processing procedures, and which is capable of leveraging **parallel computation** where applicable. + +We shall skip the simple univariate models in this script. + + +# _first, some boring logistics..._ + +Let's first load some necessary R packages and set the random number generator's seed: + +```{r echo=FALSE, message=FALSE, warning=FALSE, results='hide'} +# Install necessary packages, just in case they are not yet installed +install.packages(c('caret', + 'data.table', + 'doParallel', + 'foreach'), + dependencies=TRUE, + repos='http://cran.rstudio.com') +``` + +```{r message=FALSE} +# load CRAN libraries from CRAN packages +library(caret) +library(data.table) +library(doParallel) + +# set randomizer's seed +set.seed(99) # Gretzky was #99 +``` + + +# Parallel Computation Setup + +Let's set up a parallel computing infrastructure (thanks to the excellent **`doParallel`** package by Microsoft subsidiary **Revolution Analytics**) to allow more efficient computation in the rest of this exercise: + +```{r message=FALSE, warning=FALSE, results='hide'} +cl <- makeCluster(detectCores() - 2) # create a compute cluster using all CPU cores but 2 +clusterEvalQ(cl, library(foreach)) +registerDoParallel(cl) # register this cluster +``` + +We have set up a compute cluster with **`r getDoParWorkers()`** worker nodes for computing. + + +# Boston Housing Data Set + +Let's then look at the **Boston Housing** data set: + +```{r results='hold'} +# download data and read data into data.table format +boston_housing <- fread( + 'https://raw.githubusercontent.com/ChicagoBoothML/DATA___BostonHousing/master/BostonHousing.csv') + +# count number of samples +nb_samples <- nrow(boston_housing) + +# shuffle data set +boston_housing <- boston_housing[sample.int(nb_samples), ] + +boston_housing +``` + + +# Random Forest model + +```{r message=FALSE} +B <- 10000 # number of trees in the Random Forest + +rf_model <- train(medv ~ ., data=boston_housing, + method='parRF', # parallel Random Forest + ntree=B, # number of trees in the Random Forest + nodesize=25, # minimum node size set small enough to allow for complex trees, + # but not so small as to require too large B to eliminate high variance + importance=TRUE, # evaluate importance of predictors + keep.inbag=TRUE, + trControl=trainControl( + method='oob', # Out-of-Bag RMSE estimation + allowParallel=TRUE), + tuneGrid=NULL) + +# CARET note: always do predict with the "train" object, not its $finalModel +# ref: http://stackoverflow.com/questions/21096909/difference-betweeen-predictmodel-and-predictmodelfinalmodel-using-caret-for +rf_predict <- predict(rf_model, newdata=boston_housing) +``` + +This Random Forest model has an estimated OOB RMSE of **`r formatC(min(rf_model$results$RMSE), format='f', digits=3)`**. + + +# Boosted Trees model + +```{r message=FALSE} +boost_model <- train(medv ~ ., data=boston_housing, + method='gbm', # Generalized Boosted Models + verbose=FALSE, + trControl=trainControl( + method='repeatedcv', # repeated Cross Validation + number=5, # number of CV folds + repeats=6, # number of CV repeats + allowParallel=TRUE), + tuneGrid=expand.grid(n.trees=B, # number of trees + interaction.depth=10, # max tree depth, + n.minobsinnode=40, # minimum node size + shrinkage=0.01)) # shrinkage parameter, a.k.a. "learning rate" + +boost_predict <- predict(boost_model, newdata=boston_housing) +``` + +This Boosted Trees model has an estimated OOS RMSE of **`r formatC(boost_model$results$RMSE, format='f', digits=3)`**. + + +## Prediction Comparison and Variable Importance + +```{r} +plot(rf_predict, boost_predict, main="Ranfom Forest vs. Boosted Trees predictions") +varImpPlot(rf_model$finalModel, main="Random Forest's Variable Importance") +plot(summary(boost_model$finalModel, plotit=FALSE), main="Boosted Trees Model's Variable Importance") +``` + +```{r} +stopCluster(cl) # shut down the parallel computing cluster +``` diff --git a/KDD Cup 2009 Orange Customer Relationships/Python/KDDCup2009_OrangeCustRel_Churn.ipynb b/KDD Cup 2009 Orange Customer Relationships/Python/KDDCup2009_OrangeCustRel_Churn.ipynb new file mode 100644 index 00000000..b06c812f --- /dev/null +++ b/KDD Cup 2009 Orange Customer Relationships/Python/KDDCup2009_OrangeCustRel_Churn.ipynb @@ -0,0 +1,4262 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This KDD challenge as 3 predictive tasks, addressing **`churn`**, **`appetency`** and **`upselling`**. We'll tackle **`churn`** in this script. Doing **`appetency`** and **`upselling`** would be very similar.\n", + "\n", + "_**Note:** This script takes a **long time** to run completely._" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# _import modules:_" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# enable In-Line MatPlotLib\n", + "%matplotlib inline" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# import:\n", + "from __future__ import division, print_function\n", + "from matplotlib.pyplot import figure, legend, hist, plot, title\n", + "from multiprocessing import cpu_count\n", + "from numpy import allclose, exp, float, int, linspace, log, nan, sqrt\n", + "from os import system\n", + "from os.path import join\n", + "from pandas import Categorical, concat, DataFrame, get_dummies, read_table, Series\n", + "from random import seed\n", + "from sklearn.cross_validation import StratifiedShuffleSplit\n", + "from sklearn.ensemble import GradientBoostingClassifier, RandomForestClassifier\n", + "\n", + "system('pip install --upgrade git+git://GitHub.com/ChicagoBoothML/Helpy --no-dependencies')\n", + "from ChicagoBoothML_Helpy.EvaluationMetrics import bin_class_dev, bin_classif_eval\n", + "from ChicagoBoothML_Helpy.Print import printflush\n", + "\n", + "RANDOM_SEED = 99\n", + "seed(RANDOM_SEED)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# import KDD Cup 2009 Orange Customer Relationships data set" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# ******************************************************************************************\n", + "# NOTE: the following path is specific to my computer\n", + "# You need to change it to a relevant folder on your computer containing the Orange data\n", + "\n", + "data_folder_path = '/Cloud/Box Sync/Repos/DATA/DATA___KDDCup2009_OrangeCustomerRelationship'\n", + "\n", + "# ******************************************************************************************" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Parse **`churn`** data:" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "0 no\n", + "1 yes\n", + "2 no\n", + "3 no\n", + "4 no\n", + "5 no\n", + "6 no\n", + "7 no\n", + "8 no\n", + "9 no\n", + "10 no\n", + "11 no\n", + "12 no\n", + "13 no\n", + "14 no\n", + "15 no\n", + "16 no\n", + "17 no\n", + "18 no\n", + "19 yes\n", + "20 no\n", + "21 no\n", + "22 no\n", + "23 yes\n", + "24 no\n", + "25 no\n", + "26 no\n", + "27 no\n", + "28 no\n", + "29 no\n", + " ... \n", + "49970 no\n", + "49971 no\n", + "49972 no\n", + "49973 no\n", + "49974 no\n", + "49975 no\n", + "49976 no\n", + "49977 no\n", + "49978 no\n", + "49979 no\n", + "49980 no\n", + "49981 yes\n", + "49982 no\n", + "49983 no\n", + "49984 no\n", + "49985 no\n", + "49986 no\n", + "49987 no\n", + "49988 no\n", + "49989 no\n", + "49990 no\n", + "49991 no\n", + "49992 no\n", + "49993 no\n", + "49994 no\n", + "49995 no\n", + "49996 no\n", + "49997 no\n", + "49998 no\n", + "49999 no\n", + "Name: 0, dtype: category\n", + "Categories (2, object): [no, yes]" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "churn = read_table(\n", + " join(data_folder_path, 'orange_small_train_churn.labels.txt').replace('\\\\', '/'),\n", + " header=None).ix[:, 0].astype('category')\n", + "\n", + "churn.cat.rename_categories(['no', 'yes'], inplace=True)\n", + "\n", + "churn" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Var1Var2Var3Var4Var5Var6Var7Var8Var9Var10...Var221Var222Var223Var224Var225Var226Var227Var228Var229Var230
0NaNNaNNaNNaNNaN15267NaNNaNNaN...oslkfXVEsaqjySVZNlOJyNaNNaNxb3VRAYpF2FyR07IdsN7INaNNaN
1NaNNaNNaNNaNNaN5250NaNNaNNaN...oslk2Kb5FSFLM8l689qOpNaNNaNfKCeRAYpF2FyR07IdsN7INaNNaN
2NaNNaNNaNNaNNaN52367NaNNaNNaN...Al6ZaUTNKv4yOcjySVZNlOJyNaNkG3kQu4f02N6s8fib5G6X1eUxUn6am7cNaN
3NaNNaNNaNNaNNaNNaN0NaNNaNNaN...oslkCE7uk3uLM8l689qOpNaNNaNFSa2RAYpF2FyR07IdsN7INaNNaN
4NaNNaNNaNNaNNaN10297NaNNaNNaN...oslk1J2cvxeLM8l689qOpNaNkG3kFSa2RAYpF2FyR07IdsN7Imj86NaN
5NaNNaNNaNNaNNaN6587NaNNaNNaN...zCkvQqVuch3LM8l689qOpNaNNaNQcbd02N6s8fZy3gnGMam7cNaN
6NaNNaNNaNNaNNaN16807NaNNaNNaN...oslkXlgxB9zLM8l689qOpNaNkG3kFSa2RAYp55YFVY9am7cNaN
7NaNNaNNaNNaNNaN770NaNNaNNaN...oslkR2LdzOvNaNNaNNaNFSa2RAYpF2FyR07IdsN7INaNNaN
8NaNNaNNaNNaNNaN11767NaNNaNNaN...zCkvK2SqEo9jySVZNlOJyNaNkG3kPM2D6fztam14IcfM7tWLrUmRT52KtAam7cNaN
9NaNNaNNaNNaNNaN11417NaNNaNNaN...oslkEPqQcw6LM8l689qOpNaNkG3kFSa2RAYp55YFVY9NaNNaN
10NaNNaNNaNNaNNaN4907NaNNaNNaN...zCkvcatzS2DLM8l689qOpNaNkG3kWqMGZI9mib5G6X1eUxUn6mj86NaN
11NaNNaNNaNNaNNaN79814NaNNaNNaN...oslkVWtIBQtLM8l689qOpNaNkG3kFSa2RAYpF2FyR07IdsN7INaNNaN
12NaNNaNNaNNaNNaN5950NaNNaNNaN...zCkvWfsWw2ALM8l689qOpNaNNaNme1dZI9miyHGyLCEkQmj86NaN
13NaNNaNNaNNaNNaN22680NaNNaNNaN...oslkQKXEsaqLM8l689qOpNaNxG3xQu4fRAYpF2FyR07IdsN7INaNNaN
14NaNNaNNaNNaNNaN36337NaNNaNNaN...oslkkYwEsaqLM8l689qOpNaNNaNPM2DRAYpF2FyR07IdsN7INaNNaN
15NaNNaNNaNNaNNaN2590NaNNaNNaN...oslkIIvQgucLM8l689qOpNaNELofQu4fRAYp55YFVY9oJmtNaN
16NaNNaNNaNNaNNaN51527NaNNaNNaN...oslkWfsWw2AjySVZNlOJyNaNkG3kFSa2ZI9miyHGyLCEkQam7cNaN
17NaNNaNNaNNaNNaN14497NaNNaNNaN...QKW8DRmcatzS2DLM8l689qOpNaNNaNWqMGZI9mib5G6X1eUxUn6am7cNaN
18NaNNaNNaNNaNNaN5747NaNNaNNaN...oslkDQ3iZDYjySVZNlOJyNaNkG3kFSa2RAYpF2FyR07IdsN7INaNNaN
19NaNNaNNaNNaNNaN6587NaNNaNNaN...oslkVQZzrB7LM8l689qOpNaNNaN5AcmRAYpF2FyR07IdsN7INaNNaN
20NaNNaNNaNNaNNaN2450NaNNaNNaN...oslkUbjqFbBLM8l689qOpNaNNaNTNECRAYpF2FyR07IdsN7INaNNaN
21NaNNaNNaNNaNNaN140NaNNaNNaN...oslk1gu2qo0NaNNaNNaNFSa2RAYpF2FyR07IdsN7INaNNaN
22NaNNaNNaNNaNNaN8260NaNNaNNaN...oslk9JvQQMsLM8l689qOpNaNELof453mRAYpF2FyR07IdsN7Imj86NaN
23NaNNaNNaNNaNNaN8547NaNNaNNaN...oslkrUj52LpjySVZNlOJyNaNNaNWqMGRAYpF2FyR07IdsN7INaNNaN
24NaNNaNNaNNaNNaN12187NaNNaNNaN...oslkag5iNPXjySVZNlOJyNaNxG3xfKCeRAYpF2FyR07IdsN7INaNNaN
25NaNNaNNaNNaNNaN10437NaNNaNNaN...d0EEeJiCmhRjAGLM8l689qOpNaNNaNfKCenIGXDliF2FyR07IdsN7INaNNaN
26NaNNaNNaN0NaNNaNNaNNaNNaNNaN...oslknytT3CbNaNNaNNaNFSa2RAYpF2FyR07IdsN7INaNNaN
27NaNNaNNaNNaNNaN15337NaNNaNNaN...oslkIhKskzOLM8l689qOpNaNkG3kXa3GRAYpF2FyR07IdsN7Imj86NaN
28NaNNaNNaNNaNNaN1610NaNNaNNaN...oslkDNvRusuNaNNaNNaNme1dRAYp55YFVY9am7cNaN
29NaNNaNNaNNaNNaN630NaNNaNNaN...oslke7bTQluLM8l689qOpNaNNaNTNECRAYpF2FyR07IdsN7INaNNaN
..................................................................
49970NaNNaNNaNNaNNaN1540NaNNaNNaN...oslk_sz_44JLM8l689qOpNaNNaNfKCeRAYpF2FyR07IdsN7INaNNaN
49971NaN00NaNNaNNaNNaNNaNNaNNaN...oslkcObaF5MNaN4n2XNaNFSa2RAYpF2FyR07IdsN7INaNNaN
49972NaNNaNNaNNaNNaN7147NaNNaNNaN...oslkrH0P_83LM8l689qOpNaNkG3kszEZRAYpF2FyR07IdsN7Imj86NaN
49973NaNNaNNaNNaNNaN18417NaNNaNNaN...oslkcatzS2DLM8l689qOpNaNELofQcbdZI9mVjDENaNNaN
49974NaNNaNNaNNaNNaN66717NaNNaNNaN...oslkalU2fT4LM8l689qOpNaNELof453mRAYpF2FyR07IdsN7INaNNaN
49975NaNNaNNaNNaNNaN5117NaNNaNNaN...oslkUP3EVafLM8l689qOpNaNELofQu4fRAYpF2FyR07IdsN7INaNNaN
49976NaNNaNNaNNaNNaN147014NaNNaNNaN...zCkvcatzS2DLM8l689qOpNaNELofkwS7ZI9mib5G6X1eUxUn6mj86NaN
49977NaNNaNNaNNaNNaN9457NaNNaNNaN...zCkvcatzS2DLM8l689qOpNaNELofAoh3ZI9mib5G6X1eUxUn6mj86NaN
49978NaNNaNNaNNaNNaN4207NaNNaNNaN...oslkdXi2qo0LM8l689qOpNaNELofFSa2RAYpF2FyR07IdsN7Iam7cNaN
49979NaNNaNNaNNaNNaNNaN0NaNNaNNaN...oslkmh7QQMsLM8l689qOpNaNNaNxb3VRAYpF2FyR07IdsN7INaNNaN
49980NaNNaNNaNNaNNaN13027NaNNaNNaN...oslkcatzS2DLM8l689qOpNaNELofxb3VZI9mVjDEam7cNaN
49981NaNNaNNaNNaNNaN68537NaNNaNNaN...oslkiQJ2C8oLM8l689qOpNaNELofwX53RAYpF2FyR07IdsN7INaNNaN
49982NaNNaNNaNNaNNaN5460NaNNaNNaN...oslkRkjqJRoLM8l689qOpNaNNaN7P5sRAYpF2FyR07IdsN7INaNNaN
49983NaNNaNNaNNaNNaN1211NaNNaNNaNNaN...oslkrT1EsaqLM8l689qOpNaNNaNxb3VRAYpF2FyR07IdsN7INaNNaN
49984NaNNaNNaNNaNNaN8827NaNNaNNaN...zCkvAPgdzOvLM8l689qOpNaNkG3kWqMG6fztxwM2aC7IdeMC0NaNNaN
49985NaNNaNNaNNaNNaN00NaNNaNNaN...oslkcObCBw5M_8DNaNkG3kFSa2RAYp55YFVY9NaNNaN
49986NaNNaNNaNNaNNaN1778NaNNaNNaNNaN...oslkMRPKMwmjySVZNlOJyNaNELofQu4fRAYpF2FyR07IdsN7Iam7cNaN
49987NaNNaNNaNNaNNaN35777NaNNaNNaN...oslkc4R2fT4LM8l689qOpNaNkG3kTNECRAYpF2FyR07IdsN7INaNNaN
49988NaNNaNNaNNaNNaN00NaNNaNNaN...oslkBULTE6YLM8l689qOpNaNNaN7P5sRAYpF2FyR07IdsN7INaNNaN
49989NaNNaNNaNNaNNaN8197NaNNaNNaN...oslkbIKwXmRLM8l689qOpNaNkG3kFSa2RAYpF2FyR07IdsN7Iam7cNaN
49990NaNNaNNaNNaNNaN145614NaNNaNNaN...oslkE8Sj7qzjySVZNlOJyNaNkG3k7P5sRAYp55YFVY9mj86NaN
49991NaNNaNNaNNaNNaN19810NaNNaNNaN...oslkNbpqwxBLM8l689qOpNaNNaNWqMGRAYpF2FyR07IdsN7INaNNaN
49992NaNNaNNaNNaNNaN12957NaNNaNNaN...oslkSiXzrB7LM8l689qOpNaNELofQcbdRAYpF2FyR07IdsN7Imj86NaN
49993NaNNaNNaNNaNNaN22267NaNNaNNaN...oslkVo68gbhLM8l689qOpNaNNaNfKCeRAYpF2FyR07IdsN7INaNNaN
49994NaNNaNNaNNaNNaN2660NaNNaNNaN...oslkdclJEx2LM8l689qOpNaNNaNxb3VRAYpF2FyR07IdsN7INaNNaN
49995NaNNaNNaNNaNNaN3570NaNNaNNaN...oslkEROH7CgLM8l689qOpNaNNaN7FJQRAYpF2FyR07IdsN7INaNNaN
49996NaNNaNNaNNaNNaN10780NaNNaNNaN...oslkGfSQowCLM8l689qOpNaNkG3kFSa2RAYp55YFVY9am7cNaN
49997NaNNaNNaNNaNNaN28077NaNNaNNaN...oslkdh6qI2tLM8l689qOpNaNELoffKCeRAYpTCU50_Yjmm6GIBZ0lL_NaNNaN
49998NaNNaNNaN0NaNNaNNaNNaNNaNNaN...oslk2fF2OquLM8l689qOpNaNNaNFSa2RAYpF2FyR07IdsN7INaNNaN
49999NaNNaNNaNNaNNaN16947NaNNaNNaN...oslkIIvC99aLM8l689qOpNaNNaNxb3VRAYpF2FyR07IdsN7INaNNaN
\n", + "

50000 rows × 230 columns

\n", + "
" + ], + "text/plain": [ + " Var1 Var2 Var3 Var4 Var5 Var6 Var7 Var8 Var9 Var10 ... \\\n", + "0 NaN NaN NaN NaN NaN 1526 7 NaN NaN NaN ... \n", + "1 NaN NaN NaN NaN NaN 525 0 NaN NaN NaN ... \n", + "2 NaN NaN NaN NaN NaN 5236 7 NaN NaN NaN ... \n", + "3 NaN NaN NaN NaN NaN NaN 0 NaN NaN NaN ... \n", + "4 NaN NaN NaN NaN NaN 1029 7 NaN NaN NaN ... \n", + "5 NaN NaN NaN NaN NaN 658 7 NaN NaN NaN ... \n", + "6 NaN NaN NaN NaN NaN 1680 7 NaN NaN NaN ... \n", + "7 NaN NaN NaN NaN NaN 77 0 NaN NaN NaN ... \n", + "8 NaN NaN NaN NaN NaN 1176 7 NaN NaN NaN ... \n", + "9 NaN NaN NaN NaN NaN 1141 7 NaN NaN NaN ... \n", + "10 NaN NaN NaN NaN NaN 490 7 NaN NaN NaN ... \n", + "11 NaN NaN NaN NaN NaN 798 14 NaN NaN NaN ... \n", + "12 NaN NaN NaN NaN NaN 595 0 NaN NaN NaN ... \n", + "13 NaN NaN NaN NaN NaN 2268 0 NaN NaN NaN ... \n", + "14 NaN NaN NaN NaN NaN 3633 7 NaN NaN NaN ... \n", + "15 NaN NaN NaN NaN NaN 259 0 NaN NaN NaN ... \n", + "16 NaN NaN NaN NaN NaN 5152 7 NaN NaN NaN ... \n", + "17 NaN NaN NaN NaN NaN 1449 7 NaN NaN NaN ... \n", + "18 NaN NaN NaN NaN NaN 574 7 NaN NaN NaN ... \n", + "19 NaN NaN NaN NaN NaN 658 7 NaN NaN NaN ... \n", + "20 NaN NaN NaN NaN NaN 245 0 NaN NaN NaN ... \n", + "21 NaN NaN NaN NaN NaN 14 0 NaN NaN NaN ... \n", + "22 NaN NaN NaN NaN NaN 826 0 NaN NaN NaN ... \n", + "23 NaN NaN NaN NaN NaN 854 7 NaN NaN NaN ... \n", + "24 NaN NaN NaN NaN NaN 1218 7 NaN NaN NaN ... \n", + "25 NaN NaN NaN NaN NaN 1043 7 NaN NaN NaN ... \n", + "26 NaN NaN NaN 0 NaN NaN NaN NaN NaN NaN ... \n", + "27 NaN NaN NaN NaN NaN 1533 7 NaN NaN NaN ... \n", + "28 NaN NaN NaN NaN NaN 161 0 NaN NaN NaN ... \n", + "29 NaN NaN NaN NaN NaN 63 0 NaN NaN NaN ... \n", + "... ... ... ... ... ... ... ... ... ... ... ... \n", + "49970 NaN NaN NaN NaN NaN 154 0 NaN NaN NaN ... \n", + "49971 NaN 0 0 NaN NaN NaN NaN NaN NaN NaN ... \n", + "49972 NaN NaN NaN NaN NaN 714 7 NaN NaN NaN ... \n", + "49973 NaN NaN NaN NaN NaN 1841 7 NaN NaN NaN ... \n", + "49974 NaN NaN NaN NaN NaN 6671 7 NaN NaN NaN ... \n", + "49975 NaN NaN NaN NaN NaN 511 7 NaN NaN NaN ... \n", + "49976 NaN NaN NaN NaN NaN 1470 14 NaN NaN NaN ... \n", + "49977 NaN NaN NaN NaN NaN 945 7 NaN NaN NaN ... \n", + "49978 NaN NaN NaN NaN NaN 420 7 NaN NaN NaN ... \n", + "49979 NaN NaN NaN NaN NaN NaN 0 NaN NaN NaN ... \n", + "49980 NaN NaN NaN NaN NaN 1302 7 NaN NaN NaN ... \n", + "49981 NaN NaN NaN NaN NaN 6853 7 NaN NaN NaN ... \n", + "49982 NaN NaN NaN NaN NaN 546 0 NaN NaN NaN ... \n", + "49983 NaN NaN NaN NaN NaN 1211 NaN NaN NaN NaN ... \n", + "49984 NaN NaN NaN NaN NaN 882 7 NaN NaN NaN ... \n", + "49985 NaN NaN NaN NaN NaN 0 0 NaN NaN NaN ... \n", + "49986 NaN NaN NaN NaN NaN 1778 NaN NaN NaN NaN ... \n", + "49987 NaN NaN NaN NaN NaN 3577 7 NaN NaN NaN ... \n", + "49988 NaN NaN NaN NaN NaN 0 0 NaN NaN NaN ... \n", + "49989 NaN NaN NaN NaN NaN 819 7 NaN NaN NaN ... \n", + "49990 NaN NaN NaN NaN NaN 1456 14 NaN NaN NaN ... \n", + "49991 NaN NaN NaN NaN NaN 1981 0 NaN NaN NaN ... \n", + "49992 NaN NaN NaN NaN NaN 1295 7 NaN NaN NaN ... \n", + "49993 NaN NaN NaN NaN NaN 2226 7 NaN NaN NaN ... \n", + "49994 NaN NaN NaN NaN NaN 266 0 NaN NaN NaN ... \n", + "49995 NaN NaN NaN NaN NaN 357 0 NaN NaN NaN ... \n", + "49996 NaN NaN NaN NaN NaN 1078 0 NaN NaN NaN ... \n", + "49997 NaN NaN NaN NaN NaN 2807 7 NaN NaN NaN ... \n", + "49998 NaN NaN NaN 0 NaN NaN NaN NaN NaN NaN ... \n", + "49999 NaN NaN NaN NaN NaN 1694 7 NaN NaN NaN ... \n", + "\n", + " Var221 Var222 Var223 Var224 Var225 Var226 Var227 \\\n", + "0 oslk fXVEsaq jySVZNlOJy NaN NaN xb3V RAYp \n", + "1 oslk 2Kb5FSF LM8l689qOp NaN NaN fKCe RAYp \n", + "2 Al6ZaUT NKv4yOc jySVZNlOJy NaN kG3k Qu4f 02N6s8f \n", + "3 oslk CE7uk3u LM8l689qOp NaN NaN FSa2 RAYp \n", + "4 oslk 1J2cvxe LM8l689qOp NaN kG3k FSa2 RAYp \n", + "5 zCkv QqVuch3 LM8l689qOp NaN NaN Qcbd 02N6s8f \n", + "6 oslk XlgxB9z LM8l689qOp NaN kG3k FSa2 RAYp \n", + "7 oslk R2LdzOv NaN NaN NaN FSa2 RAYp \n", + "8 zCkv K2SqEo9 jySVZNlOJy NaN kG3k PM2D 6fzt \n", + "9 oslk EPqQcw6 LM8l689qOp NaN kG3k FSa2 RAYp \n", + "10 zCkv catzS2D LM8l689qOp NaN kG3k WqMG ZI9m \n", + "11 oslk VWtIBQt LM8l689qOp NaN kG3k FSa2 RAYp \n", + "12 zCkv WfsWw2A LM8l689qOp NaN NaN me1d ZI9m \n", + "13 oslk QKXEsaq LM8l689qOp NaN xG3x Qu4f RAYp \n", + "14 oslk kYwEsaq LM8l689qOp NaN NaN PM2D RAYp \n", + "15 oslk IIvQguc LM8l689qOp NaN ELof Qu4f RAYp \n", + "16 oslk WfsWw2A jySVZNlOJy NaN kG3k FSa2 ZI9m \n", + "17 QKW8DRm catzS2D LM8l689qOp NaN NaN WqMG ZI9m \n", + "18 oslk DQ3iZDY jySVZNlOJy NaN kG3k FSa2 RAYp \n", + "19 oslk VQZzrB7 LM8l689qOp NaN NaN 5Acm RAYp \n", + "20 oslk UbjqFbB LM8l689qOp NaN NaN TNEC RAYp \n", + "21 oslk 1gu2qo0 NaN NaN NaN FSa2 RAYp \n", + "22 oslk 9JvQQMs LM8l689qOp NaN ELof 453m RAYp \n", + "23 oslk rUj52Lp jySVZNlOJy NaN NaN WqMG RAYp \n", + "24 oslk ag5iNPX jySVZNlOJy NaN xG3x fKCe RAYp \n", + "25 d0EEeJi CmhRjAG LM8l689qOp NaN NaN fKCe nIGXDli \n", + "26 oslk nytT3Cb NaN NaN NaN FSa2 RAYp \n", + "27 oslk IhKskzO LM8l689qOp NaN kG3k Xa3G RAYp \n", + "28 oslk DNvRusu NaN NaN NaN me1d RAYp \n", + "29 oslk e7bTQlu LM8l689qOp NaN NaN TNEC RAYp \n", + "... ... ... ... ... ... ... ... \n", + "49970 oslk _sz_44J LM8l689qOp NaN NaN fKCe RAYp \n", + "49971 oslk cObaF5M NaN 4n2X NaN FSa2 RAYp \n", + "49972 oslk rH0P_83 LM8l689qOp NaN kG3k szEZ RAYp \n", + "49973 oslk catzS2D LM8l689qOp NaN ELof Qcbd ZI9m \n", + "49974 oslk alU2fT4 LM8l689qOp NaN ELof 453m RAYp \n", + "49975 oslk UP3EVaf LM8l689qOp NaN ELof Qu4f RAYp \n", + "49976 zCkv catzS2D LM8l689qOp NaN ELof kwS7 ZI9m \n", + "49977 zCkv catzS2D LM8l689qOp NaN ELof Aoh3 ZI9m \n", + "49978 oslk dXi2qo0 LM8l689qOp NaN ELof FSa2 RAYp \n", + "49979 oslk mh7QQMs LM8l689qOp NaN NaN xb3V RAYp \n", + "49980 oslk catzS2D LM8l689qOp NaN ELof xb3V ZI9m \n", + "49981 oslk iQJ2C8o LM8l689qOp NaN ELof wX53 RAYp \n", + "49982 oslk RkjqJRo LM8l689qOp NaN NaN 7P5s RAYp \n", + "49983 oslk rT1Esaq LM8l689qOp NaN NaN xb3V RAYp \n", + "49984 zCkv APgdzOv LM8l689qOp NaN kG3k WqMG 6fzt \n", + "49985 oslk cObCBw5 M_8D NaN kG3k FSa2 RAYp \n", + "49986 oslk MRPKMwm jySVZNlOJy NaN ELof Qu4f RAYp \n", + "49987 oslk c4R2fT4 LM8l689qOp NaN kG3k TNEC RAYp \n", + "49988 oslk BULTE6Y LM8l689qOp NaN NaN 7P5s RAYp \n", + "49989 oslk bIKwXmR LM8l689qOp NaN kG3k FSa2 RAYp \n", + "49990 oslk E8Sj7qz jySVZNlOJy NaN kG3k 7P5s RAYp \n", + "49991 oslk NbpqwxB LM8l689qOp NaN NaN WqMG RAYp \n", + "49992 oslk SiXzrB7 LM8l689qOp NaN ELof Qcbd RAYp \n", + "49993 oslk Vo68gbh LM8l689qOp NaN NaN fKCe RAYp \n", + "49994 oslk dclJEx2 LM8l689qOp NaN NaN xb3V RAYp \n", + "49995 oslk EROH7Cg LM8l689qOp NaN NaN 7FJQ RAYp \n", + "49996 oslk GfSQowC LM8l689qOp NaN kG3k FSa2 RAYp \n", + "49997 oslk dh6qI2t LM8l689qOp NaN ELof fKCe RAYp \n", + "49998 oslk 2fF2Oqu LM8l689qOp NaN NaN FSa2 RAYp \n", + "49999 oslk IIvC99a LM8l689qOp NaN NaN xb3V RAYp \n", + "\n", + " Var228 Var229 Var230 \n", + "0 F2FyR07IdsN7I NaN NaN \n", + "1 F2FyR07IdsN7I NaN NaN \n", + "2 ib5G6X1eUxUn6 am7c NaN \n", + "3 F2FyR07IdsN7I NaN NaN \n", + "4 F2FyR07IdsN7I mj86 NaN \n", + "5 Zy3gnGM am7c NaN \n", + "6 55YFVY9 am7c NaN \n", + "7 F2FyR07IdsN7I NaN NaN \n", + "8 am14IcfM7tWLrUmRT52KtA am7c NaN \n", + "9 55YFVY9 NaN NaN \n", + "10 ib5G6X1eUxUn6 mj86 NaN \n", + "11 F2FyR07IdsN7I NaN NaN \n", + "12 iyHGyLCEkQ mj86 NaN \n", + "13 F2FyR07IdsN7I NaN NaN \n", + "14 F2FyR07IdsN7I NaN NaN \n", + "15 55YFVY9 oJmt NaN \n", + "16 iyHGyLCEkQ am7c NaN \n", + "17 ib5G6X1eUxUn6 am7c NaN \n", + "18 F2FyR07IdsN7I NaN NaN \n", + "19 F2FyR07IdsN7I NaN NaN \n", + "20 F2FyR07IdsN7I NaN NaN \n", + "21 F2FyR07IdsN7I NaN NaN \n", + "22 F2FyR07IdsN7I mj86 NaN \n", + "23 F2FyR07IdsN7I NaN NaN \n", + "24 F2FyR07IdsN7I NaN NaN \n", + "25 F2FyR07IdsN7I NaN NaN \n", + "26 F2FyR07IdsN7I NaN NaN \n", + "27 F2FyR07IdsN7I mj86 NaN \n", + "28 55YFVY9 am7c NaN \n", + "29 F2FyR07IdsN7I NaN NaN \n", + "... ... ... ... \n", + "49970 F2FyR07IdsN7I NaN NaN \n", + "49971 F2FyR07IdsN7I NaN NaN \n", + "49972 F2FyR07IdsN7I mj86 NaN \n", + "49973 VjDE NaN NaN \n", + "49974 F2FyR07IdsN7I NaN NaN \n", + "49975 F2FyR07IdsN7I NaN NaN \n", + "49976 ib5G6X1eUxUn6 mj86 NaN \n", + "49977 ib5G6X1eUxUn6 mj86 NaN \n", + "49978 F2FyR07IdsN7I am7c NaN \n", + "49979 F2FyR07IdsN7I NaN NaN \n", + "49980 VjDE am7c NaN \n", + "49981 F2FyR07IdsN7I NaN NaN \n", + "49982 F2FyR07IdsN7I NaN NaN \n", + "49983 F2FyR07IdsN7I NaN NaN \n", + "49984 xwM2aC7IdeMC0 NaN NaN \n", + "49985 55YFVY9 NaN NaN \n", + "49986 F2FyR07IdsN7I am7c NaN \n", + "49987 F2FyR07IdsN7I NaN NaN \n", + "49988 F2FyR07IdsN7I NaN NaN \n", + "49989 F2FyR07IdsN7I am7c NaN \n", + "49990 55YFVY9 mj86 NaN \n", + "49991 F2FyR07IdsN7I NaN NaN \n", + "49992 F2FyR07IdsN7I mj86 NaN \n", + "49993 F2FyR07IdsN7I NaN NaN \n", + "49994 F2FyR07IdsN7I NaN NaN \n", + "49995 F2FyR07IdsN7I NaN NaN \n", + "49996 55YFVY9 am7c NaN \n", + "49997 TCU50_Yjmm6GIBZ0lL_ NaN NaN \n", + "49998 F2FyR07IdsN7I NaN NaN \n", + "49999 F2FyR07IdsN7I NaN NaN \n", + "\n", + "[50000 rows x 230 columns]" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "na_strings = [\n", + " '',\n", + " 'na', 'n.a', 'n.a.',\n", + " 'nan', 'n.a.n', 'n.a.n.',\n", + " 'NA', 'N.A', 'N.A.',\n", + " 'NaN', 'N.a.N', 'N.a.N.',\n", + " 'NAN', 'N.A.N', 'N.A.N.',\n", + " 'nil', 'Nil', 'NIL',\n", + " 'null', 'Null', 'NULL']\n", + "\n", + "X = read_table(\n", + " join(data_folder_path, 'orange_small_train.data.gz').replace('\\\\', '/'),\n", + " na_values=na_strings)\n", + "\n", + "x_var_names = X.columns\n", + "#cs.loc[:, 'SeriousDlqin2yrs'] = Categorical(cs.SeriousDlqin2yrs)\n", + "\n", + "#nb_samples = len(cs)\n", + "\n", + "#cs\n", + "X" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's convert **integer** columns to **float**, and **non-integer**, **non-float** columns to **categorical**:" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "{'Var1': dtype('float64'),\n", + " 'Var10': dtype('float64'),\n", + " 'Var100': dtype('float64'),\n", + " 'Var101': dtype('float64'),\n", + " 'Var102': dtype('float64'),\n", + " 'Var103': dtype('float64'),\n", + " 'Var104': dtype('float64'),\n", + " 'Var105': dtype('float64'),\n", + " 'Var106': dtype('float64'),\n", + " 'Var107': dtype('float64'),\n", + " 'Var108': dtype('float64'),\n", + " 'Var109': dtype('float64'),\n", + " 'Var11': dtype('float64'),\n", + " 'Var110': dtype('float64'),\n", + " 'Var111': dtype('float64'),\n", + " 'Var112': dtype('float64'),\n", + " 'Var113': dtype('float64'),\n", + " 'Var114': dtype('float64'),\n", + " 'Var115': dtype('float64'),\n", + " 'Var116': dtype('float64'),\n", + " 'Var117': dtype('float64'),\n", + " 'Var118': dtype('float64'),\n", + " 'Var119': dtype('float64'),\n", + " 'Var12': dtype('float64'),\n", + " 'Var120': dtype('float64'),\n", + " 'Var121': dtype('float64'),\n", + " 'Var122': dtype('float64'),\n", + " 'Var123': dtype('float64'),\n", + " 'Var124': dtype('float64'),\n", + " 'Var125': dtype('float64'),\n", + " 'Var126': dtype('float64'),\n", + " 'Var127': dtype('float64'),\n", + " 'Var128': dtype('float64'),\n", + " 'Var129': dtype('float64'),\n", + " 'Var13': dtype('float64'),\n", + " 'Var130': dtype('float64'),\n", + " 'Var131': dtype('float64'),\n", + " 'Var132': dtype('float64'),\n", + " 'Var133': dtype('float64'),\n", + " 'Var134': dtype('float64'),\n", + " 'Var135': dtype('float64'),\n", + " 'Var136': dtype('float64'),\n", + " 'Var137': dtype('float64'),\n", + " 'Var138': dtype('float64'),\n", + " 'Var139': dtype('float64'),\n", + " 'Var14': dtype('float64'),\n", + " 'Var140': dtype('float64'),\n", + " 'Var141': dtype('float64'),\n", + " 'Var142': dtype('float64'),\n", + " 'Var143': dtype('float64'),\n", + " 'Var144': dtype('float64'),\n", + " 'Var145': dtype('float64'),\n", + " 'Var146': dtype('float64'),\n", + " 'Var147': dtype('float64'),\n", + " 'Var148': dtype('float64'),\n", + " 'Var149': dtype('float64'),\n", + " 'Var15': dtype('float64'),\n", + " 'Var150': dtype('float64'),\n", + " 'Var151': dtype('float64'),\n", + " 'Var152': dtype('float64'),\n", + " 'Var153': dtype('float64'),\n", + " 'Var154': dtype('float64'),\n", + " 'Var155': dtype('float64'),\n", + " 'Var156': dtype('float64'),\n", + " 'Var157': dtype('float64'),\n", + " 'Var158': dtype('float64'),\n", + " 'Var159': dtype('float64'),\n", + " 'Var16': dtype('float64'),\n", + " 'Var160': dtype('float64'),\n", + " 'Var161': dtype('float64'),\n", + " 'Var162': dtype('float64'),\n", + " 'Var163': dtype('float64'),\n", + " 'Var164': dtype('float64'),\n", + " 'Var165': dtype('float64'),\n", + " 'Var166': dtype('float64'),\n", + " 'Var167': dtype('float64'),\n", + " 'Var168': dtype('float64'),\n", + " 'Var169': dtype('float64'),\n", + " 'Var17': dtype('float64'),\n", + " 'Var170': dtype('float64'),\n", + " 'Var171': dtype('float64'),\n", + " 'Var172': dtype('float64'),\n", + " 'Var173': dtype('float64'),\n", + " 'Var174': dtype('float64'),\n", + " 'Var175': dtype('float64'),\n", + " 'Var176': dtype('float64'),\n", + " 'Var177': dtype('float64'),\n", + " 'Var178': dtype('float64'),\n", + " 'Var179': dtype('float64'),\n", + " 'Var18': dtype('float64'),\n", + " 'Var180': dtype('float64'),\n", + " 'Var181': dtype('float64'),\n", + " 'Var182': dtype('float64'),\n", + " 'Var183': dtype('float64'),\n", + " 'Var184': dtype('float64'),\n", + " 'Var185': dtype('float64'),\n", + " 'Var186': dtype('float64'),\n", + " 'Var187': dtype('float64'),\n", + " 'Var188': dtype('float64'),\n", + " 'Var189': dtype('float64'),\n", + " 'Var19': dtype('float64'),\n", + " 'Var190': dtype('float64'),\n", + " 'Var191': category,\n", + " 'Var192': category,\n", + " 'Var193': category,\n", + " 'Var194': category,\n", + " 'Var195': category,\n", + " 'Var196': category,\n", + " 'Var197': category,\n", + " 'Var198': category,\n", + " 'Var199': category,\n", + " 'Var2': dtype('float64'),\n", + " 'Var20': dtype('float64'),\n", + " 'Var200': category,\n", + " 'Var201': category,\n", + " 'Var202': category,\n", + " 'Var203': category,\n", + " 'Var204': category,\n", + " 'Var205': category,\n", + " 'Var206': category,\n", + " 'Var207': category,\n", + " 'Var208': category,\n", + " 'Var209': dtype('float64'),\n", + " 'Var21': dtype('float64'),\n", + " 'Var210': category,\n", + " 'Var211': category,\n", + " 'Var212': category,\n", + " 'Var213': category,\n", + " 'Var214': category,\n", + " 'Var215': category,\n", + " 'Var216': category,\n", + " 'Var217': category,\n", + " 'Var218': category,\n", + " 'Var219': category,\n", + " 'Var22': dtype('float64'),\n", + " 'Var220': category,\n", + " 'Var221': category,\n", + " 'Var222': category,\n", + " 'Var223': category,\n", + " 'Var224': category,\n", + " 'Var225': category,\n", + " 'Var226': category,\n", + " 'Var227': category,\n", + " 'Var228': category,\n", + " 'Var229': category,\n", + " 'Var23': dtype('float64'),\n", + " 'Var230': dtype('float64'),\n", + " 'Var24': dtype('float64'),\n", + " 'Var25': dtype('float64'),\n", + " 'Var26': dtype('float64'),\n", + " 'Var27': dtype('float64'),\n", + " 'Var28': dtype('float64'),\n", + " 'Var29': dtype('float64'),\n", + " 'Var3': dtype('float64'),\n", + " 'Var30': dtype('float64'),\n", + " 'Var31': dtype('float64'),\n", + " 'Var32': dtype('float64'),\n", + " 'Var33': dtype('float64'),\n", + " 'Var34': dtype('float64'),\n", + " 'Var35': dtype('float64'),\n", + " 'Var36': dtype('float64'),\n", + " 'Var37': dtype('float64'),\n", + " 'Var38': dtype('float64'),\n", + " 'Var39': dtype('float64'),\n", + " 'Var4': dtype('float64'),\n", + " 'Var40': dtype('float64'),\n", + " 'Var41': dtype('float64'),\n", + " 'Var42': dtype('float64'),\n", + " 'Var43': dtype('float64'),\n", + " 'Var44': dtype('float64'),\n", + " 'Var45': dtype('float64'),\n", + " 'Var46': dtype('float64'),\n", + " 'Var47': dtype('float64'),\n", + " 'Var48': dtype('float64'),\n", + " 'Var49': dtype('float64'),\n", + " 'Var5': dtype('float64'),\n", + " 'Var50': dtype('float64'),\n", + " 'Var51': dtype('float64'),\n", + " 'Var52': dtype('float64'),\n", + " 'Var53': dtype('float64'),\n", + " 'Var54': dtype('float64'),\n", + " 'Var55': dtype('float64'),\n", + " 'Var56': dtype('float64'),\n", + " 'Var57': dtype('float64'),\n", + " 'Var58': dtype('float64'),\n", + " 'Var59': dtype('float64'),\n", + " 'Var6': dtype('float64'),\n", + " 'Var60': dtype('float64'),\n", + " 'Var61': dtype('float64'),\n", + " 'Var62': dtype('float64'),\n", + " 'Var63': dtype('float64'),\n", + " 'Var64': dtype('float64'),\n", + " 'Var65': dtype('float64'),\n", + " 'Var66': dtype('float64'),\n", + " 'Var67': dtype('float64'),\n", + " 'Var68': dtype('float64'),\n", + " 'Var69': dtype('float64'),\n", + " 'Var7': dtype('float64'),\n", + " 'Var70': dtype('float64'),\n", + " 'Var71': dtype('float64'),\n", + " 'Var72': dtype('float64'),\n", + " 'Var73': dtype('float64'),\n", + " 'Var74': dtype('float64'),\n", + " 'Var75': dtype('float64'),\n", + " 'Var76': dtype('float64'),\n", + " 'Var77': dtype('float64'),\n", + " 'Var78': dtype('float64'),\n", + " 'Var79': dtype('float64'),\n", + " 'Var8': dtype('float64'),\n", + " 'Var80': dtype('float64'),\n", + " 'Var81': dtype('float64'),\n", + " 'Var82': dtype('float64'),\n", + " 'Var83': dtype('float64'),\n", + " 'Var84': dtype('float64'),\n", + " 'Var85': dtype('float64'),\n", + " 'Var86': dtype('float64'),\n", + " 'Var87': dtype('float64'),\n", + " 'Var88': dtype('float64'),\n", + " 'Var89': dtype('float64'),\n", + " 'Var9': dtype('float64'),\n", + " 'Var90': dtype('float64'),\n", + " 'Var91': dtype('float64'),\n", + " 'Var92': dtype('float64'),\n", + " 'Var93': dtype('float64'),\n", + " 'Var94': dtype('float64'),\n", + " 'Var95': dtype('float64'),\n", + " 'Var96': dtype('float64'),\n", + " 'Var97': dtype('float64'),\n", + " 'Var98': dtype('float64'),\n", + " 'Var99': dtype('float64')}" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "x_types = {x_var_name: X[x_var_name].dtype for x_var_name in x_var_names}\n", + "\n", + "for x_var_name in x_var_names:\n", + " if x_types[x_var_name] == int:\n", + " x = X[x_var_name].astype(float)\n", + " X.ix[:, x_var_name] = x\n", + " x_types[x_var_name] = x.dtype\n", + " elif x_types[x_var_name] != float:\n", + " x = X[x_var_name].astype('category')\n", + " X.ix[:, x_var_name] = x\n", + " x_types[x_var_name] = x.dtype\n", + "\n", + "x_types" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Split data into Training, Validation & Test sets:" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "test_proportion = .6\n", + "split = StratifiedShuffleSplit(\n", + " y=churn,\n", + " n_iter=1,\n", + " test_size=test_proportion,\n", + " random_state=RANDOM_SEED)\n", + "\n", + "for train_valid_indices, test_indices in split:\n", + " X_train_valid, X_test = X.iloc[train_valid_indices, :], X.iloc[test_indices, :]\n", + " churn_train_valid, churn_test = churn.iloc[train_valid_indices], churn.iloc[test_indices]\n", + " \n", + " \n", + "valid_proportion_of_train_valid = .25\n", + "split = StratifiedShuffleSplit(\n", + " y=churn_train_valid,\n", + " n_iter=1,\n", + " test_size=valid_proportion_of_train_valid,\n", + " random_state=RANDOM_SEED)\n", + "\n", + "for train_indices, valid_indices in split:\n", + " X_train, X_valid = X_train_valid.iloc[train_indices, :], X_train_valid.iloc[valid_indices, :]\n", + " churn_train, churn_valid = churn_train_valid[train_indices], churn_train_valid[valid_indices]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "To double-check that the data have been split representatively, the incidences of churn in the 3 data sets are as follows:" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
nb_sampleschurn_incidence
train150000.073467
valid50000.073400
test300000.073433
\n", + "
" + ], + "text/plain": [ + " nb_samples churn_incidence\n", + "train 15000 0.073467\n", + "valid 5000 0.073400\n", + "test 30000 0.073433" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "churn_data_sets = dict(\n", + " train=churn_train,\n", + " valid=churn_valid,\n", + " test=churn_test)\n", + "\n", + "data_set_summaries = DataFrame(index=['train', 'valid', 'test'])\n", + "data_set_summaries['nb_samples'] = nan\n", + "data_set_summaries['churn_incidence'] = nan\n", + "\n", + "for churn_data_set_name in churn_data_sets:\n", + " churn_data_set = churn_data_sets[churn_data_set_name]\n", + " nb_samples = len(churn_data_set)\n", + " data_set_summaries.ix[churn_data_set_name, :] =\\\n", + " nb_samples, (churn_data_set == 'yes').sum() / nb_samples\n", + "\n", + "data_set_summaries" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Note that we have a \"**skewed classes**\" problem: one of the classes of cases (here the \"yes\" **`churn`** class) is significantly rarer than the other.\n", + "\n", + "_(**note**: in more extreme cases where one class is much, much rarer than the other to the order of 1000 or 10,000 times, our model fitting procedures would need to be tweaked; but this case is not so extreme)_" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Data Cleaning\n", + "\n", + "## Getting Rid of Input Features $x$'s with Too Many Missing Values" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "First of all, let's look at the proportions of missing values per input feature column $x$:" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 9, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAXwAAAEKCAYAAAARnO4WAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAG6ZJREFUeJzt3XuUXFWd9vHvE0IchSQEkGRIIAGUi8hlcMTgOFKCchMT\nZpaDgMN1ZC44yqivQhxdaby84LzvvOgMMuMFYmSBEXQ0QVAuA8GVkQgoVwMYkFwIpBGSyACDhPB7\n/9i7k0rT3VVdl67u3s9nrVpdtc9tn1PnPLXPPqeqFRGYmdnoN6bTFTAzs6HhwDczK4QD38ysEA58\nM7NCOPDNzArhwDczK4QDf5iT9ICkd3ZgufMkrZO0tIl57CbpWUlqYh7/LWlGo9O3i6RbJZ01hMtr\neluaFRf4klZIeiEfPE/mYHtdp+sFm0P2c9VlEfHmiPjpENfjHcCRwK4RMbOP4adLekXSP/cqn53L\nLweIiNURMSGa+LJHRIyPiBWNTt8XSR+Q9Fgf5dtI6pZ0XCuX1wrNbEtJh0ta3Y569bGsxyQdUaMu\nm/Lx1/NY2ILlvurYsVcrLvCBAN4bEROAQ4A/Bj7T14hD2ZqSNJzeixnAioh4cYBxHgVO7FXv04CH\n21mxFvkhMLGPM6djgVeAnwx9ldpuOH3Dck3+8Op5zO50hSRt0+k6DIXhFDJDSQAR8STwY+DNsPk0\n/QuSlkh6HthD0h9KWijpGUm/lvShzTOR5kq6RtKC3FK5S9KBVcP3zfNcL+l+Se+rGjZP0qWSrpP0\n38BfAR8EPlXd6qluMUkaJ+nLktZIelzSxZK2zcMOl7Ra0sdzK3WNpDP63QD9rFfupvgGcFiux9x+\nZrEWuB84Ok83CXg7sKhqGdNzi39Mfn2GpEfzfB+VdHIu30vSYkkbJD0l6TtV83hF0p5V2+wSST/K\n87hd0h5V4x4l6aG8vb+a5/mqbpeI+D1wDekDqtqpwFUR8YqkHSRdm+vzTH4+tZ9tOVfSFQOs9wRJ\n35T0RH6PPt/TmBho3Xsto/c8b5X0ubyvPivpJ5J27PutetW8+p22ajln531ojaRPVE27VUtaVWcP\nkr4N7A5cm+f7v+qpT9W8JOl8SY9I+m0+riZVDb9a6ax8fd5m++Xys+n72Nm87/Sue9Xx8ilJTwKX\n5/LjJd2dl7FE0gFV05+Xj7tnJT0o6V2DWb/hoNTAB1K/KHAc8Muq4r8EPgSMB1YBC/LfKcBfAP9b\nUqVq/FnAd4FJwHeAHyp1DYwFriW1Fl8PfBS4UtIbq6Y9Gfh8RIwHvg1cCfzTAK2ezwCHAgcCB+Xn\n1WcnU3K9d83r8FVJE/tZ/e/2tV4RcTnwt8DtuR4X9DN95Dqfnl+fRGo5v9THeCh1m30FODqfXb0d\nuCeP83nghojYAZgG/Gvv6at8AJgL7EA6y/hinv9OpBA/D9iJdKZxWD91B5gPvF/Sa/L0E4D3Ad/K\nw8eQQmA3Uoi9AFwywPx617P69XzSdtkT+CPgPaT3BwZe91rLOJm0/V8PvAYYTMDWmrYC7EX6QD9P\nA3TT9NQrIk4j7VPH533n/w6iPpCOkVnAn5L24fXAV6uGX5/rtAvpmL0qL/cb9H3s1DqrmULaj3YH\n/lrSHwGXAWcDOwJfAxZJ2lbS3sCHgbfk/fdoYMUg16/jSg38H0paB/wUuBW4sGrYtyLioYh4hbRD\nvB04LyI2RsS9wDfZumX4i4j4QURsAv4f6eCZmR/bRcSXIuLliLgV+BHpQOuxMCKWwuZWZy2nABdE\nxDMR8QxwAalV2uMl0gfIpoj4MfAcsE/vmUiaRgrDgdarHj8EDs9heRrpA2Agm4ADJP1BRHRHxIO5\nfCMwXdLUiHgpIn5WXd1e8/hBRPwivz9XAgfn8uOAByJiYUS8EhH/AnT3V5G8jG7gz3LRB4CHI+L+\nPHxdfl9/HxHPk/aRQV88lzSZ1FX0sYh4MSKeBr5M+oCste61zIuIR/O+czVbtkUrpu3K9X0AmMfW\n+20ttbpCpyrdELA+/31/Lv8b4B8j4smI2Ah8jvShPAYgIr4VES9UDTtI0vgm6rEJmJuPgd+Tgv7f\nI+KuSK4Afk86ljcB44A3SxobEasi4lXXgYa7UgN/dkTsGBF7RMRHeoVt9cWtXYF1EfFCVdlKYGpf\n4+cLamvydLv2mteA09ZpV1ILqnp+u1a9fiYHYY8XgO37mU+t9aop9/FfRzrL2DEibh9g3BdIofp3\nwJO5i6Tnw+iTpH3xDqWurzMHWOzaqufV69fX9n68xipcwZYPub+k6gNL0mslfU3pIv8G4DZgh56u\nmEHYHdiWtM7rJK0H/p3UsobBrXtv/W2LZqcNtt52vfezZq3Jx9+k/Pd7uXw68IO8ndYBy0gfiJMl\njZF0Ue7u2QA8luu5cxP1+G3+8OgxHfhEz/LzezWNdPPCo8A/AF1At6SrJP1hE8vuiFIDf6CDtvo0\n8AlgR0nbVZXtTgr1HrttnmkKg2l5uifyuNV6TztQN0BfniDtlD2m57LBqme96nUF8PH8d0ARcVNE\nHEU6c3qYdK2AiHgqIv46IqaSupMure57rdOTVL0X2bQ66n6kpJnA20hnDD0+AbwReGvubulp3fe1\n7zwPVN/pVR0Eq4EXgZ2qQm6HiDgQWrburSa23pa7s2U/G2hdobmLw6uAY/N26tlW2+VrbaeQutyO\nyO/HjFzPnvejr+W+0KuuU2rUdTXwxV7L3z4ivgsQEQsi4k/Zcgxe1OB6dkypgV+XiHgc+BlwoaTX\nKF2Q/Su2Dre3SDpB6Sr/x0gH91Lg58Dz+aLQ2Nzvfzypn78/3aR+3v58B/iMpJ0l7Qx8ljqCtsH1\nqndet5H6pPvr3+65OLmLpFm5L38jqbtpUx72fm25ILqBdKfMK33NbADXkU63Z+VrKH8PTK5R95XA\nf5G2600R8VTV4PHA/wDPKl3Q7BpgVvcA71S6V34icH7VMtYCNwIXSxqfL0zuqXyH0CDXfSjvwf9s\nPsvZHziTdC0L0roeJ2mSpCnAub2mW8vA+/BAvka6lrQ7gKTXS5qVh40nda+szw2VC9k6sPs6du4G\nTslnB8cAh9dY/jeAv5V0aF7+dpKOy3/3lvQuSeNIXaf/w+D30Y4rMfAHaoH0NexkYA9SC+f7wGdz\nf3yPhaSuivWkOwX+LPehbyS1SI4DniYF4qkRsXyAZV0G7J9PJ/+jj/G+ANwF3Afcm59/cZDrU+96\n1S0ibo2IDTXqMIZ0JrCGtD3eSereAXgr8HNJz5KuC3w0ttx7X1eLMV/T+Avg/+T570vaPrWujcwn\ntWDn9yr/Mql1+DTpw/H6ftaLiLiZdBH8PuBO0sX6aqeR+n+XAetIF5d7WpsDrfurVrOf54NVz7S3\nAY8AN5Euhv5nLr+CtJ4rSDckLOg13UWkD4t1kj4+yHp9hXQ83Sjpd6Ttfmge9m3SGcAa4IE8rFpf\nx84/kC4Cryft7z8YaOER8QtSP/4luUvp12y5KeE1ed1+SzpmXg/MGeT6dZyixvc4JF1Gapl295yG\n5vKPAOcALwPXRcT5uXwOcFYuPzcibmxT3TtO6ZbFvSLdnWDDSO5eexw4JZ+FWB0kTQd+A2zb63qQ\njQJj6xhnHulWseoLWhVS6/WAiHg5dy+gdF/sicB+pP7TmyW9MWp9qpi1gKSjSF1pL5IuhkLqXrPB\n8c83jFI1u3QiYgnplKja3wEXRcTLeZync/lsYEGk2xBXAMvZckpm1m6Hke7Nfwp4L+lurHpud7Wt\nuYE2SjXah7836SLVUqVv7b0ll09l61vj1jDIW/1Gkoi4wN05w0d+P3aOiIkRcVhE3NXpOo00EbEy\nIrZxd87oVE+XTn/TTYqImZLeSroI1elbyczMbACNBv5q4D8AIuJOpV+/24nUoq++93wa/dzbLcmn\njWZmDYiIhq6z1NulU/0FB0i3j/X8oNfewLh8W9wi4ANKP/K1B/AG4I4BKu1HBHPnzu14HYbLw9vC\n28LbYuBHM2q28CVdRfohpZ0krSL9cNXlwDxJ95Pucz4tB/gySVez5SvR50SzNTQzs5aoGfgRcUo/\ng07tqzAiLmTrHyMzM7NhoMRv2g47lUql01UYNrwttvC22MLbojVqftO2bQuW3NtjZjZIkog2X7Q1\nM7MRzoFvZlaIRu/DNzMrzpQpM+juXtnpajTMffhmZnVKP8La6dxyH76ZmdXgwDczK4QD38ysEA58\nM7NCOPDNzArhwDczK4QD38ysEA58M7NCOPDNzArhwDczK4QD38ysEA58M7NCOPDNzApRM/AlXSap\nW9J9fQz7hKRXJO1YVTZH0nJJD0o6qtUVNjOzxtTTwp8HHN27UNI04D3Ayqqy/YATgf2AY4FLlX5P\n1MzMOqxm4EfEEmB9H4MuBj7Zq2w2sCAiXo6IFcBy4NBmK2lmZs1rqA9f0ixgdUTc32vQVGB11es1\nuczMzDps0P/iUNJrgU+TunPMzGyEaOR/2u4FzADuzf3z04BfSjqU1KLfvWrcabmsT11dXZufVyoV\nKpVKA9UxMxvNFudH8+r6n7aSZgDXRsQBfQx7DDgkItZLehNwJfA2UlfOTcAb+/rntf6ftmY20oz6\n/2kr6SrgZ8DeklZJOrPXKAEIICKWAVcDy4DrgXOc6mZmw0NdLfy2LNgtfDMbYUZ9C9/MzEYHB76Z\nWSEc+GZmhXDgm5kVwoFvZlYIB76ZWSEc+GZmhXDgm5kVwoFvZlYIB76ZWSEc+GZmhXDgm5kVwoFv\nZlYIB76ZWSEc+GZmhXDgm5kVwoFvZlYIB76ZWSEc+GZmhajnn5hfJqlb0n1VZf8k6UFJ90j6vqQJ\nVcPmSFqehx/Vroqbmdng1NPCnwcc3avsRmD/iDgYWA7MAZD0JuBEYD/gWOBSpf/6a2ZmHVYz8CNi\nCbC+V9nNEfFKfrkUmJafzwIWRMTLEbGC9GFwaOuqa2ZmjWpFH/5ZwPX5+VRgddWwNbnMzMw6bGwz\nE0v6R2BjRHynkem7uro2P69UKlQqlWaqY2Y2Ci3Oj+YpImqPJE0Hro2IA6vKzgDOBo6IiN/nsvOB\niIgv5dc/AeZGxM/7mGfUs2wzs+EiXZLsdG6JiGjo2mi9XTrKj/RCOgb4JDCrJ+yzRcBJksZJ2gN4\nA3BHIxUzM7PWqtmlI+kqoALsJGkVMBf4NDAOuCnfhLM0Is6JiGWSrgaWARuBc9yMNzMbHurq0mnL\ngt2lY2YjTCldOmZmNsI58M3MCuHANzMrhAPfzKwQDnwzs0I48M3MCuHANzMrhAPfzKwQDnwzs0I4\n8M3MCuHANzMrhAPfzKwQDnwzs0I48M3MCuHANzMrhAPfzKwQDnwzs0I48M3MCuHANzMrRM3Al3SZ\npG5J91WVTZJ0o6SHJd0gaWLVsDmSlkt6UNJR7aq4mZkNTj0t/HnA0b3Kzgdujoh9gFuAOQCS3gSc\nCOwHHAtcqvRff83MrMNqBn5ELAHW9yqeDczPz+cDJ+Tns4AFEfFyRKwAlgOHtqaqZmbWjEb78HeJ\niG6AiFgL7JLLpwKrq8Zbk8vMzKzDxrZoPtHIRF1dXZufVyoVKpVKi6pjZjZaLM6P5jUa+N2SJkdE\nt6QpwFO5fA2wW9V403JZn6oD38zM+lLJjx4XNDynert0lB89FgFn5OenAwuryk+SNE7SHsAbgDsa\nrp2ZmbVMzRa+pKtIHy87SVoFzAUuAq6RdBawknRnDhGxTNLVwDJgI3BORDTU3WNmZq2lTuWxJH8W\nmNmIku4y73RuiYho6HZ3f9PWzKwQDnwzs0I48M3MCuHANzMrhAPfzKwQDnwzs0I48M3MCuHANzMr\nhAPfzKwQDnwzs0I48M3MCuHANzMrhAPfzKwQDnwzs0I48M3MCuHANzMrhAPfzKwQDnwzs0I48M3M\nCtFU4Ev6mKQHJN0n6UpJ4yRNknSjpIcl3SBpYqsqa2ZmjWs48CXtCnwEOCQiDgTGAicD5wM3R8Q+\nwC3AnFZU1MzMmtNsl842wHaSxgKvBdYAs4H5efh84IQml2FmZi3QcOBHxBPAPwOrSEH/u4i4GZgc\nEd15nLXALq2oqJmZNWdsoxNK2oHUmp8O/A64RtIHgeg1au/Xm3V1dW1+XqlUqFQqjVbHzGyUWpwf\nzVNEv3k88ITS+4GjI+Ls/PpUYCZwBFCJiG5JU4BbI2K/PqaPRpdtZtYJkhigDTtUtSAi1MiUzfTh\nrwJmSvoDpa1wJLAMWASckcc5HVjYxDLMzKxFGm7hA0iaC5wEbATuBj4EjAeuBnYDVgInRsSGPqZ1\nC9/MRpSR3sJvKvCb4cA3s5FmpAe+v2lrZlYIB76ZWSEc+GZmhXDgm5kVwoFvZlYIB76ZWSEc+GZm\nhXDgm5kVwoFvZlYIB76ZWSEc+GZmhXDgm5kVwoFvZlYIB76ZWSEc+GZmhXDgm5kVwoFvZlYIB76Z\nWSEc+GZmhWgq8CVNlHSNpAcl/UrS2yRNknSjpIcl3SBpYqsqa2ZmjWu2hf8V4PqI2A84CHgIOB+4\nOSL2AW4B5jS5DDMzawFFNPYf2CVNAO6OiL16lT8EHB4R3ZKmAIsjYt8+po9Gl21m1gmSgE7nlogI\nNTJlMy38PYCnJc2T9EtJX5f0OmByRHQDRMRaYJcmlmFmZi0ytslpDwE+HBF3SbqY1J3T++Ov34/D\nrq6uzc8rlQqVSqWJ6piZjUaL86N5zXTpTAZuj4g98+t3kAJ/L6BS1aVza+7j7z29u3TMbEQptksn\nd9uslrR3LjoS+BWwCDgjl50OLGx0GWZm1joNt/ABJB0EfBPYFvgNcCawDXA1sBuwEjgxIjb0Ma1b\n+GY2ooz0Fn5Tgd8MB76ZjTQjPfD9TVszs0I48M3MCuHANzMrhAPfzKwQDnwzs0I48M3MCuHANzMr\nhAPfzKwQDnwzs0I082uZTXv22Wc7uXjGjBnD9ttv39E6mJkNlY7+tMK4ceM7suwemza9yJIlP2Xm\nzJkdrYeZjQwj/acVOtrCf+mlzrbwJ0yYxVNPPdXROpiZDRX34ZuZFcKBb2ZWCAe+mVkhHPhmZoVw\n4JuZFcKBb2ZWCAe+mVkhmg58SWMk/VLSovx6kqQbJT0s6QZJE5uvppmZNasVLfxzgWVVr88Hbo6I\nfYBbgDktWIaZmTWpqcCXNA04DvhmVfFsYH5+Ph84oZllmJlZazTbwr8Y+CRb/7jE5IjoBoiItcAu\nTS7DzMxaoOHf0pH0XqA7Iu6RVBlg1AF+aair6nklP8zMbIvF+dG8Zn487U+AWZKOA14LjJd0BbBW\n0uSI6JY0BRjg18m6mli8mVkJKmzdGL6g4Tk13KUTEZ+OiN0jYk/gJOCWiDgVuBY4I492OrCw4dqZ\nmVnLtOM+/IuA90h6GDgyvzYzsw5rye/hR8RtwG35+Trg3a2Yr5mZtY6/aWtmVggHvplZIRz4ZmaF\ncOCbmRXCgW9mVggHvplZIRz4ZmaFcOCbmRXCgW9mVggHvplZIRz4ZmaFcOCbmRXCgW9mVggHvplZ\nIRz4ZmaFcOCbmRXCgW9mVggHvplZIRoOfEnTJN0i6VeS7pf00Vw+SdKNkh6WdIOkia2rrpmZNaqZ\nFv7LwMcjYn/gMODDkvYFzgdujoh9gFuAOc1X08zMmtVw4EfE2oi4Jz9/DngQmAbMBubn0eYDJzRb\nSTMza15L+vAlzQAOBpYCkyOiG9KHArBLK5ZhZmbNaTrwJW0PfA84N7f0o9covV+bmVkHjG1mYklj\nSWF/RUQszMXdkiZHRLekKcBT/c+hq+p5JT/MzGyLxfnRvKYCH7gcWBYRX6kqWwScAXwJOB1Y2Md0\nWVeTizczG+0qbN0YvqDhOTUc+JL+BPggcL+ku0ldN58mBf3Vks4CVgInNlw7MzNrmYYDPyL+C9im\nn8HvbnS+ZmbWHorozDVVSdHp67kTJsxizJg72bBhbUfrMXnydNauXdHROphZbZLodG6BiAg1MmWz\nffgjXgr7zr6B3d0NvXdmZoPi39IxMyuEA9/MrBAOfDOzQjjwzcwK4cA3MyuEA9/MrBAOfDOzQjjw\nzcwK4cA3MyuEA9/MrBAOfDOzQjjwzcwK4cA3MyuEA9/MrBAOfDOzQjjwzfowZcoMJHX0MWXKjE5v\nBhtliv8HKGZ96e5eif8xjo02bWvhSzpG0kOSfi3pvHYtx8zM6tOWwJc0BrgEOBrYHzhZ0r7tWJaN\nLosXL+50FWwY8n7RGu3q0jkUWB4RKwEkLQBmAw+1aXk2Shx//Ak8//zvOl0NqzJlyozcxdU52203\nkeee29DROowG7Qr8qcDqqtePkz4ErE/bIHW+v3by5OmsXbuio3VIYd/ZvvOk8+/HcDEcrmc8/7zf\nj1bo6EXbCRPe18nF89JLd3R0+VtsotMHFPgiodlo167AXwPsXvV6Wi7byrPP/qhNix+s4RB0w6EO\nDIszjeGyLYZDPYbH+wHeFtWGSz0GTxGtb1lK2gZ4GDgSeBK4Azg5Ih5s+cLMzKwubWnhR8QmSX8P\n3Ei6E+gyh72ZWWe1pYVvZmbDT9t/WqGeL2BJ+hdJyyXdI+ngdtepU2ptC0mnSLo3P5ZIOqAT9RwK\n9X4xT9JbJW2U9OdDWb+hVOcxUpF0t6QHJN061HUcKnUcIxMkLcpZcb+kMzpQzbaTdJmkbkn3DTDO\n4HMzItr2IH2gPAJMB7YF7gH27TXOscB1+fnbgKXtrFOnHnVui5nAxPz8mJK3RdV4/wn8CPjzTte7\ng/vFROBXwNT8eudO17uD22IOcGHPdgCeAcZ2uu5t2BbvAA4G7utneEO52e4W/uYvYEXERqDnC1jV\nZgPfBoiInwMTJU1uc706oea2iIilEdHzraOlpO8zjEb17BcAHwG+Bzw1lJUbYvVsi1OA70fEGoCI\neHqI6zhU6tkWAYzPz8cDz0TEy0NYxyEREUuA9QOM0lButjvw+/oCVu8Q6z3Omj7GGQ3q2RbVPgT8\nuK016pya20LSrsAJEfFvjOT74GqrZ7/YG9hR0q2S7pR06pDVbmjVsy0uAd4k6QngXuDcIarbcNNQ\nbvrXMochSe8CziSd1pXqy0B1H+5oDv1axgKHAEcA2wG3S7o9Ih7pbLU64mjg7og4QtJewE2SDoyI\n5zpdsZGg3YFfzxew1gC71RhnNKjry2iSDgS+DhwTEQOd0o1k9WyLPwYWKH3bZmfgWEkbI2LRENVx\nqNSzLR4Hno6IF4EXJf0UOIjU3z2a1LMtzgQuBIiIRyU9BuwL3DUkNRw+GsrNdnfp3Am8QdJ0SeOA\nk4DeB+wi4DQASTOBDRHR3eZ6dULNbSFpd+D7wKkR8WgH6jhUam6LiNgzP/Yg9eOfMwrDHuo7RhYC\n75C0jaTXkS7SjcbvtdSzLVYC7wbIfdZ7A78Z0loOHdH/mW1DudnWFn708wUsSX+TBsfXI+J6ScdJ\negR4nvQJPurUsy2AzwI7Apfmlu3GiBh1PzpX57bYapIhr+QQqfMYeUjSDcB9pB9e+npELOtgtdui\nzv3iC8C3qm5X/FRErOtQldtG0lVABdhJ0ipgLjCOJnPTX7wyMyuE/6etmVkhHPhmZoVw4JuZFcKB\nb2ZWCAe+mVkhHPhmZoVw4JuZFcKBb2ZWiP8Py3IbvixhsngAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "nb_train_samples = data_set_summaries.nb_samples['train']\n", + "\n", + "input_features_missing_proportions = X_train.isnull().sum() / nb_train_samples\n", + "\n", + "hist(input_features_missing_proportions)\n", + "title('Proportion of Missing Values in Input Features')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can see that there are an awful lot of features with all missing data!! We'll kick them out, for sure. Also, there are a small handful of features that have over 20% missing data; since those are few and we are unlikely to miss out too many signals by removing them, let's not mess around with them either. In sum, we'll remove all features that have over 20% missing value:" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "Index([u'Var6', u'Var7', u'Var13', u'Var21', u'Var22', u'Var24', u'Var25',\n", + " u'Var28', u'Var35', u'Var38', u'Var44', u'Var57', u'Var65', u'Var73',\n", + " u'Var74', u'Var76', u'Var78', u'Var81', u'Var83', u'Var85', u'Var109',\n", + " u'Var112', u'Var113', u'Var119', u'Var123', u'Var125', u'Var132',\n", + " u'Var133', u'Var134', u'Var140', u'Var143', u'Var144', u'Var149',\n", + " u'Var153', u'Var160', u'Var163', u'Var173', u'Var181', u'Var192',\n", + " u'Var193', u'Var195', u'Var196', u'Var197', u'Var198', u'Var199',\n", + " u'Var202', u'Var203', u'Var204', u'Var205', u'Var206', u'Var207',\n", + " u'Var208', u'Var210', u'Var211', u'Var212', u'Var216', u'Var217',\n", + " u'Var218', u'Var219', u'Var220', u'Var221', u'Var222', u'Var223',\n", + " u'Var226', u'Var227', u'Var228'],\n", + " dtype='object')" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "x_var_names = input_features_missing_proportions[input_features_missing_proportions <= .2].index\n", + "\n", + "x_var_names" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The number of remaining variables is:" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "66" + ] + }, + "execution_count": 11, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(x_var_names)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The classes of these variables are:" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "{'Var109': dtype('float64'),\n", + " 'Var112': dtype('float64'),\n", + " 'Var113': dtype('float64'),\n", + " 'Var119': dtype('float64'),\n", + " 'Var123': dtype('float64'),\n", + " 'Var125': dtype('float64'),\n", + " 'Var13': dtype('float64'),\n", + " 'Var132': dtype('float64'),\n", + " 'Var133': dtype('float64'),\n", + " 'Var134': dtype('float64'),\n", + " 'Var140': dtype('float64'),\n", + " 'Var143': dtype('float64'),\n", + " 'Var144': dtype('float64'),\n", + " 'Var149': dtype('float64'),\n", + " 'Var153': dtype('float64'),\n", + " 'Var160': dtype('float64'),\n", + " 'Var163': dtype('float64'),\n", + " 'Var173': dtype('float64'),\n", + " 'Var181': dtype('float64'),\n", + " 'Var192': category,\n", + " 'Var193': category,\n", + " 'Var195': category,\n", + " 'Var196': category,\n", + " 'Var197': category,\n", + " 'Var198': category,\n", + " 'Var199': category,\n", + " 'Var202': category,\n", + " 'Var203': category,\n", + " 'Var204': category,\n", + " 'Var205': category,\n", + " 'Var206': category,\n", + " 'Var207': category,\n", + " 'Var208': category,\n", + " 'Var21': dtype('float64'),\n", + " 'Var210': category,\n", + " 'Var211': category,\n", + " 'Var212': category,\n", + " 'Var216': category,\n", + " 'Var217': category,\n", + " 'Var218': category,\n", + " 'Var219': category,\n", + " 'Var22': dtype('float64'),\n", + " 'Var220': category,\n", + " 'Var221': category,\n", + " 'Var222': category,\n", + " 'Var223': category,\n", + " 'Var226': category,\n", + " 'Var227': category,\n", + " 'Var228': category,\n", + " 'Var24': dtype('float64'),\n", + " 'Var25': dtype('float64'),\n", + " 'Var28': dtype('float64'),\n", + " 'Var35': dtype('float64'),\n", + " 'Var38': dtype('float64'),\n", + " 'Var44': dtype('float64'),\n", + " 'Var57': dtype('float64'),\n", + " 'Var6': dtype('float64'),\n", + " 'Var65': dtype('float64'),\n", + " 'Var7': dtype('float64'),\n", + " 'Var73': dtype('float64'),\n", + " 'Var74': dtype('float64'),\n", + " 'Var76': dtype('float64'),\n", + " 'Var78': dtype('float64'),\n", + " 'Var81': dtype('float64'),\n", + " 'Var83': dtype('float64'),\n", + " 'Var85': dtype('float64')}" + ] + }, + "execution_count": 12, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "X_train = X_train[x_var_names]\n", + "\n", + "x_types = {x_var_name: X_train[x_var_name].dtype for x_var_name in x_var_names}\n", + "\n", + "x_types" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Filling Missing Numeric $x$'s with Means" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The following $x$'s are **float**:" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "['Var6',\n", + " 'Var7',\n", + " 'Var13',\n", + " 'Var21',\n", + " 'Var22',\n", + " 'Var24',\n", + " 'Var25',\n", + " 'Var28',\n", + " 'Var35',\n", + " 'Var38',\n", + " 'Var44',\n", + " 'Var57',\n", + " 'Var65',\n", + " 'Var73',\n", + " 'Var74',\n", + " 'Var76',\n", + " 'Var78',\n", + " 'Var81',\n", + " 'Var83',\n", + " 'Var85',\n", + " 'Var109',\n", + " 'Var112',\n", + " 'Var113',\n", + " 'Var119',\n", + " 'Var123',\n", + " 'Var125',\n", + " 'Var132',\n", + " 'Var133',\n", + " 'Var134',\n", + " 'Var140',\n", + " 'Var143',\n", + " 'Var144',\n", + " 'Var149',\n", + " 'Var153',\n", + " 'Var160',\n", + " 'Var163',\n", + " 'Var173',\n", + " 'Var181']" + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "float_x_var_names = [x_var_name for x_var_name in x_var_names\n", + " if x_types[x_var_name] == float]\n", + "\n", + "float_x_var_names" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "It seems we don't have a problem with numeric columns made up of non-changing values:" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "Var6 2784.331264\n", + "Var7 6.417840\n", + "Var13 3224.769937\n", + "Var21 632.367810\n", + "Var22 789.538696\n", + "Var24 9.920501\n", + "Var25 210.904561\n", + "Var28 96.207726\n", + "Var35 2.991429\n", + "Var38 2980485.811293\n", + "Var44 1.969960\n", + "Var57 2.024096\n", + "Var65 10.189408\n", + "Var73 52.605083\n", + "Var74 1272.292295\n", + "Var76 1857630.865145\n", + "Var78 2.115707\n", + "Var81 103796.947542\n", + "Var83 107.624057\n", + "Var85 22.811409\n", + "Var109 168.756458\n", + "Var112 173.179715\n", + "Var113 760621.034559\n", + "Var119 2314.433389\n", + "Var123 246.135589\n", + "Var125 75609.369490\n", + "Var132 10.115018\n", + "Var133 2429869.349735\n", + "Var134 596797.295952\n", + "Var140 2973.142792\n", + "Var143 0.685315\n", + "Var144 11.784817\n", + "Var149 669042.761107\n", + "Var153 4348803.548855\n", + "Var160 111.513810\n", + "Var163 847186.519546\n", + "Var173 0.135186\n", + "Var181 2.517231\n", + "dtype: float64" + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "X_train[float_x_var_names].std()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The missing value proportions of the float columns are:" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "Var6 0.107933\n", + "Var7 0.108333\n", + "Var13 0.108333\n", + "Var21 0.107933\n", + "Var22 0.097733\n", + "Var24 0.142000\n", + "Var25 0.097733\n", + "Var28 0.097733\n", + "Var35 0.097733\n", + "Var38 0.097733\n", + "Var44 0.097733\n", + "Var57 0.000000\n", + "Var65 0.108333\n", + "Var73 0.000000\n", + "Var74 0.108333\n", + "Var76 0.097733\n", + "Var78 0.097733\n", + "Var81 0.107933\n", + "Var83 0.097733\n", + "Var85 0.097733\n", + "Var109 0.142000\n", + "Var112 0.097733\n", + "Var113 0.000000\n", + "Var119 0.107933\n", + "Var123 0.097733\n", + "Var125 0.108333\n", + "Var132 0.097733\n", + "Var133 0.097733\n", + "Var134 0.097733\n", + "Var140 0.108333\n", + "Var143 0.097733\n", + "Var144 0.107933\n", + "Var149 0.142000\n", + "Var153 0.097733\n", + "Var160 0.097733\n", + "Var163 0.097733\n", + "Var173 0.097733\n", + "Var181 0.097733\n", + "dtype: float64" + ] + }, + "execution_count": 15, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "X_train[float_x_var_names].isnull().sum() / nb_train_samples" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let’s fill up the missing values with the means of the respective columns:" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "float_x_means = X_train.mean()\n", + "\n", + "for float_x_var_name in float_x_var_names:\n", + " x = X_train[float_x_var_name]\n", + " missing_value_row_yesno = x.isnull()\n", + " if missing_value_row_yesno.sum() > 0:\n", + " X_train.ix[missing_value_row_yesno.tolist(), float_x_var_name] =\\\n", + " float_x_means[float_x_var_name]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The missing values are now filled up:" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "Var6 0\n", + "Var7 0\n", + "Var13 0\n", + "Var21 0\n", + "Var22 0\n", + "Var24 0\n", + "Var25 0\n", + "Var28 0\n", + "Var35 0\n", + "Var38 0\n", + "Var44 0\n", + "Var57 0\n", + "Var65 0\n", + "Var73 0\n", + "Var74 0\n", + "Var76 0\n", + "Var78 0\n", + "Var81 0\n", + "Var83 0\n", + "Var85 0\n", + "Var109 0\n", + "Var112 0\n", + "Var113 0\n", + "Var119 0\n", + "Var123 0\n", + "Var125 0\n", + "Var132 0\n", + "Var133 0\n", + "Var134 0\n", + "Var140 0\n", + "Var143 0\n", + "Var144 0\n", + "Var149 0\n", + "Var153 0\n", + "Var160 0\n", + "Var163 0\n", + "Var173 0\n", + "Var181 0\n", + "dtype: float64" + ] + }, + "execution_count": 17, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "X_train[float_x_var_names].isnull().sum() / nb_train_samples" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "and the means stay the same as before:" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "True" + ] + }, + "execution_count": 18, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "allclose(X_train.mean(), float_x_means)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Cleaning Categorical Variables\n", + "\n", + "Below are categorical features and their number of categories:" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "Var192 361\n", + "Var193 51\n", + "Var195 23\n", + "Var196 4\n", + "Var197 225\n", + "Var198 4291\n", + "Var199 5073\n", + "Var202 5713\n", + "Var203 5\n", + "Var204 100\n", + "Var205 3\n", + "Var206 21\n", + "Var207 14\n", + "Var208 2\n", + "Var210 6\n", + "Var211 2\n", + "Var212 81\n", + "Var216 2016\n", + "Var217 13990\n", + "Var218 2\n", + "Var219 22\n", + "Var220 4291\n", + "Var221 7\n", + "Var222 4291\n", + "Var223 4\n", + "Var226 23\n", + "Var227 7\n", + "Var228 30\n", + "dtype: int64" + ] + }, + "execution_count": 19, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "categorical_x_var_names = [x_var_name for x_var_name in x_var_names\n", + " if x_types[x_var_name] != float]\n", + "\n", + "categorical_x_nb_levels = X_train[categorical_x_var_names].apply(lambda col: len(col.cat.categories))\n", + "\n", + "categorical_x_nb_levels" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Those variables having over 500 categories are likely to be just text / character data. Let's get rid of them:" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "Index([u'Var192', u'Var193', u'Var195', u'Var196', u'Var197', u'Var203',\n", + " u'Var204', u'Var205', u'Var206', u'Var207', u'Var208', u'Var210',\n", + " u'Var211', u'Var212', u'Var218', u'Var219', u'Var221', u'Var223',\n", + " u'Var226', u'Var227', u'Var228'],\n", + " dtype='object')" + ] + }, + "execution_count": 20, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "categorical_x_var_names = categorical_x_nb_levels[categorical_x_nb_levels <= 500].index\n", + "\n", + "categorical_x_var_names" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "For the remaining categorical variables, let's:\n", + "\n", + "- Make their missing values another category _**zzzMISSING**_; and\n", + "\n", + "- Try to consolidate the categories, as having too many categories make modeling less meaningful and numerically more difficult; for each variable, we'll collapse all categories with prevalence of under 5% together into a _**zzzOTHER**_ category;\n", + "\n", + "- Drop categorical variables with only one category _(obviously)_; and\n", + "\n", + "- Drop categorical variables with only one non-_**zzzMISSING**_ category." + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "collapsed_categories = {}\n", + "removed_categorical_x_var_names = set()\n", + "\n", + "for categorical_x_var_name in categorical_x_var_names:\n", + " \n", + " missing_value_row_yesno = X_train[categorical_x_var_name].isnull()\n", + " if missing_value_row_yesno.sum() > 0:\n", + " X_train[categorical_x_var_name].cat.add_categories('zzzMISSING', inplace=True)\n", + " X_train.ix[missing_value_row_yesno.tolist(), categorical_x_var_name] = 'zzzMISSING'\n", + "\n", + " x = X_train[categorical_x_var_name].copy()\n", + " for category in x.cat.categories:\n", + " matching_rows_yesno = x == category\n", + " if matching_rows_yesno.sum() < .05 * nb_train_samples:\n", + " if categorical_x_var_name in collapsed_categories:\n", + " collapsed_categories[categorical_x_var_name].append(category) \n", + " else:\n", + " collapsed_categories[categorical_x_var_name] = [category]\n", + " if 'zzzOTHER' not in X_train[categorical_x_var_name].cat.categories:\n", + " X_train[categorical_x_var_name].cat.add_categories('zzzOTHER', inplace=True)\n", + " X_train.ix[matching_rows_yesno, categorical_x_var_name] = 'zzzOTHER'\n", + " X_train[categorical_x_var_name].cat.remove_categories(category, inplace=True)\n", + " \n", + " categories = X_train[categorical_x_var_name].cat.categories\n", + " if (len(categories) == 1) or\\\n", + " (len(set(categories) - set(['zzzMISSING', 'zzzOTHER'])) < 2):\n", + " removed_categorical_x_var_names.add(categorical_x_var_name)\n", + "\n", + "categorical_x_var_names = list(set(categorical_x_var_names) - removed_categorical_x_var_names)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's double-check by looking at the prevalence of the categories of the remaining categorical variables now:" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "VAR227:\n", + "6fzt 0.0654\n", + "RAYp 0.7010\n", + "ZI9m 0.1238\n", + "zzzOTHER 0.1098\n", + "dtype: float64\n", + "\n", + "VAR226:\n", + "7P5s 0.056467\n", + "Aoh3 0.050133\n", + "FSa2 0.159267\n", + "Qu4f 0.101133\n", + "WqMG 0.082267\n", + "fKCe 0.052200\n", + "szEZ 0.059333\n", + "zzzOTHER 0.439200\n", + "dtype: float64\n", + "\n", + "VAR223:\n", + "LM8l689qOp 0.731133\n", + "jySVZNlOJy 0.120600\n", + "zzzMISSING 0.105400\n", + "zzzOTHER 0.042867\n", + "dtype: float64\n", + "\n", + "VAR221:\n", + "d0EEeJi 0.065133\n", + "oslk 0.735333\n", + "zCkv 0.122333\n", + "zzzOTHER 0.077200\n", + "dtype: float64\n", + "\n", + "VAR203:\n", + "9_Y1 0.907200\n", + "HLqf 0.061467\n", + "zzzOTHER 0.031333\n", + "dtype: float64\n", + "\n", + "VAR228:\n", + "55YFVY9 0.087000\n", + "F2FyR07IdsN7I 0.655467\n", + "ib5G6X1eUxUn6 0.054200\n", + "zzzOTHER 0.203333\n", + "dtype: float64\n", + "\n", + "VAR208:\n", + "kIsH 0.9210\n", + "sBgB 0.0762\n", + "zzzOTHER 0.0028\n", + "dtype: float64\n", + "\n", + "VAR218:\n", + "UYBR 0.482600\n", + "cJvF 0.503333\n", + "zzzOTHER 0.014067\n", + "dtype: float64\n", + "\n", + "VAR205:\n", + "09_Q 0.227333\n", + "VpdQ 0.643933\n", + "sJzTlal 0.090133\n", + "zzzOTHER 0.038600\n", + "dtype: float64\n", + "\n", + "VAR197:\n", + "0Xwj 0.090067\n", + "487l 0.070133\n", + "JLbT 0.059867\n", + "TyGl 0.082933\n", + "lK27 0.087667\n", + "zzzOTHER 0.609333\n", + "dtype: float64\n", + "\n", + "VAR206:\n", + "IYzP 0.347133\n", + "hAFG 0.058000\n", + "haYg 0.058800\n", + "sYC_ 0.080533\n", + "zm5i 0.132200\n", + "zzzMISSING 0.107933\n", + "zzzOTHER 0.215400\n", + "dtype: float64\n", + "\n", + "VAR212:\n", + "CrNX 0.063400\n", + "NhsEn4L 0.585533\n", + "XfqtO3UdzaXh_ 0.126067\n", + "zzzOTHER 0.225000\n", + "dtype: float64\n", + "\n", + "VAR207:\n", + "7M47J5GA0pTYIFxg5uy 0.1394\n", + "DHn_WUyBhW_whjA88g9bvA64_ 0.0744\n", + "me75fM6ugJ 0.6992\n", + "zzzOTHER 0.0870\n", + "dtype: float64\n", + "\n", + "VAR193:\n", + "2Knk1KF 0.143667\n", + "RO12 0.719933\n", + "zzzOTHER 0.136400\n", + "dtype: float64\n", + "\n", + "VAR211:\n", + "L84s 0.804\n", + "Mtgm 0.196\n", + "dtype: float64\n", + "\n" + ] + } + ], + "source": [ + "for categorical_x_var_name in categorical_x_var_names:\n", + " printflush(categorical_x_var_name.upper(), ':', sep='')\n", + " x = X_train[categorical_x_var_name]\n", + " printflush(\n", + " Series({category: (x == category).sum() / nb_train_samples\\\n", + " for category in x.cat.categories}))\n", + " printflush()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Not bad, _eh_?, not bad... It seems we can embark now on the next steps: **variable selection**." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Selecting Candidate Input Features $x$'s\n", + "\n", + "The number of remaining $x$ features is:" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "53" + ] + }, + "execution_count": 23, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "x_var_names = list(float_x_var_names) + list(categorical_x_var_names)\n", + "\n", + "X_train = X_train[x_var_names]\n", + "\n", + "nb_x_vars = len(x_var_names)\n", + "\n", + "nb_x_vars" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Building models with all of them will still be quite clunky. Let's try to select features containing good amounts of \"signals\" by:\n", + "\n", + "1. Fitting Random Forests on pairs of features and measuring the OOS performances of such Random Forests on the Validation set\n", + "2. Pick pairs of higher OOB performances\n", + "3. Pick variables that appear in many well-performing pairs" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's first prepare the Validation set:" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/pandas/core/indexing.py:426: SettingWithCopyWarning: \n", + "A value is trying to be set on a copy of a slice from a DataFrame.\n", + "Try using .loc[row_indexer,col_indexer] = value instead\n", + "\n", + "See the caveats in the documentation: http://pandas.pydata.org/pandas-docs/stable/indexing.html#indexing-view-versus-copy\n", + " self.obj[item] = s\n" + ] + } + ], + "source": [ + "def prepare_X_OOS(X_OOS,\n", + " float_x_var_names=float_x_var_names,\n", + " categorical_x_var_names=categorical_x_var_names):\n", + " \n", + " X_OOS = X_OOS[list(float_x_var_names) + list(categorical_x_var_names)]\n", + "\n", + " for float_x_var_name in float_x_var_names:\n", + " x = X_OOS[float_x_var_name]\n", + " missing_value_row_yesno = x.isnull()\n", + " if missing_value_row_yesno.sum() > 0:\n", + " X_OOS.ix[missing_value_row_yesno.tolist(), float_x_var_name] =\\\n", + " float_x_means[float_x_var_name]\n", + "\n", + " for categorical_x_var_name in categorical_x_var_names:\n", + "\n", + " missing_value_row_yesno = X_OOS[categorical_x_var_name].isnull()\n", + " if missing_value_row_yesno.sum() > 0:\n", + " X_OOS[categorical_x_var_name].cat.add_categories('zzzMISSING', inplace=True)\n", + " X_OOS.ix[missing_value_row_yesno.tolist(), categorical_x_var_name] = 'zzzMISSING'\n", + "\n", + " if categorical_x_var_name in collapsed_categories:\n", + " X_OOS[categorical_x_var_name].cat.add_categories('zzzOTHER', inplace=True)\n", + " x = X_OOS[categorical_x_var_name].copy()\n", + " for category in collapsed_categories[categorical_x_var_name]:\n", + " matching_rows_yesno = x == category\n", + " X_OOS.ix[matching_rows_yesno, categorical_x_var_name] = 'zzzOTHER'\n", + " X_OOS[categorical_x_var_name].cat.remove_categories(category, inplace=True)\n", + " \n", + " return X_OOS\n", + "\n", + "X_valid = prepare_X_OOS(X_valid)" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "(1, 2); (1, 3); (1, 4); (1, 5); (1, 6); (1, 7); (1, 8); (1, 9); (1, 10); (1, 11); (1, 12); (1, 13); (1, 14); (1, 15); (1, 16); (1, 17); (1, 18); (1, 19); (1, 20); (1, 21); (1, 22); (1, 23); (1, 24); (1, 25); (1, 26); (1, 27); (1, 28); (1, 29); (1, 30); (1, 31); (1, 32); (1, 33); (1, 34); (1, 35); (1, 36); (1, 37); (1, 38); (1, 39); (1, 40); (1, 41); (1, 42); (1, 43); (1, 44); (1, 45); (1, 46); (1, 47); (1, 48); (1, 49); (1, 50); (1, 51); (1, 52); (1, 53); (2, 3); (2, 4); (2, 5); (2, 6); (2, 7); (2, 8); (2, 9); (2, 10); (2, 11); (2, 12); (2, 13); (2, 14); (2, 15); (2, 16); (2, 17); (2, 18); (2, 19); (2, 20); (2, 21); (2, 22); (2, 23); (2, 24); (2, 25); (2, 26); (2, 27); (2, 28); (2, 29); (2, 30); (2, 31); (2, 32); (2, 33); (2, 34); (2, 35); (2, 36); (2, 37); (2, 38); (2, 39); (2, 40); (2, 41); (2, 42); (2, 43); (2, 44); (2, 45); (2, 46); (2, 47); (2, 48); (2, 49); (2, 50); (2, 51); (2, 52); (2, 53); (3, 4); (3, 5); (3, 6); (3, 7); (3, 8); (3, 9); (3, 10); (3, 11); (3, 12); (3, 13); (3, 14); (3, 15); (3, 16); (3, 17); (3, 18); (3, 19); (3, 20); (3, 21); (3, 22); (3, 23); (3, 24); (3, 25); (3, 26); (3, 27); (3, 28); (3, 29); (3, 30); (3, 31); (3, 32); (3, 33); (3, 34); (3, 35); (3, 36); (3, 37); (3, 38); (3, 39); (3, 40); (3, 41); (3, 42); (3, 43); (3, 44); (3, 45); (3, 46); (3, 47); (3, 48); (3, 49); (3, 50); (3, 51); (3, 52); (3, 53); (4, 5); (4, 6); (4, 7); (4, 8); (4, 9); (4, 10); (4, 11); (4, 12); (4, 13); (4, 14); (4, 15); (4, 16); (4, 17); (4, 18); (4, 19); (4, 20); (4, 21); (4, 22); (4, 23); (4, 24); (4, 25); (4, 26); (4, 27); (4, 28); (4, 29); (4, 30); (4, 31); (4, 32); (4, 33); (4, 34); (4, 35); (4, 36); (4, 37); (4, 38); (4, 39); (4, 40); (4, 41); (4, 42); (4, 43); (4, 44); (4, 45); (4, 46); (4, 47); (4, 48); (4, 49); (4, 50); (4, 51); (4, 52); (4, 53); (5, 6); (5, 7); (5, 8); (5, 9); (5, 10); (5, 11); (5, 12); (5, 13); (5, 14); (5, 15); (5, 16); (5, 17); (5, 18); (5, 19); (5, 20); (5, 21); (5, 22); (5, 23); (5, 24); (5, 25); (5, 26); (5, 27); (5, 28); (5, 29); (5, 30); (5, 31); (5, 32); (5, 33); (5, 34); (5, 35); (5, 36); (5, 37); (5, 38); (5, 39); (5, 40); (5, 41); (5, 42); (5, 43); (5, 44); (5, 45); (5, 46); (5, 47); (5, 48); (5, 49); (5, 50); (5, 51); (5, 52); (5, 53); (6, 7); (6, 8); (6, 9); (6, 10); (6, 11); (6, 12); (6, 13); (6, 14); (6, 15); (6, 16); (6, 17); (6, 18); (6, 19); (6, 20); (6, 21); (6, 22); (6, 23); (6, 24); (6, 25); (6, 26); (6, 27); (6, 28); (6, 29); (6, 30); (6, 31); (6, 32); (6, 33); (6, 34); (6, 35); (6, 36); (6, 37); (6, 38); (6, 39); (6, 40); (6, 41); (6, 42); (6, 43); (6, 44); (6, 45); (6, 46); (6, 47); (6, 48); (6, 49); (6, 50); (6, 51); (6, 52); (6, 53); (7, 8); (7, 9); (7, 10); (7, 11); (7, 12); (7, 13); (7, 14); (7, 15); (7, 16); (7, 17); (7, 18); (7, 19); (7, 20); (7, 21); (7, 22); (7, 23); (7, 24); (7, 25); (7, 26); (7, 27); (7, 28); (7, 29); (7, 30); (7, 31); (7, 32); (7, 33); (7, 34); (7, 35); (7, 36); (7, 37); (7, 38); (7, 39); (7, 40); (7, 41); (7, 42); (7, 43); (7, 44); (7, 45); (7, 46); (7, 47); (7, 48); (7, 49); (7, 50); (7, 51); (7, 52); (7, 53); (8, 9); (8, 10); (8, 11); (8, 12); (8, 13); (8, 14); (8, 15); (8, 16); (8, 17); (8, 18); (8, 19); (8, 20); (8, 21); (8, 22); (8, 23); (8, 24); (8, 25); (8, 26); (8, 27); (8, 28); (8, 29); (8, 30); (8, 31); (8, 32); (8, 33); (8, 34); (8, 35); (8, 36); (8, 37); (8, 38); (8, 39); (8, 40); (8, 41); (8, 42); (8, 43); (8, 44); (8, 45); (8, 46); (8, 47); (8, 48); (8, 49); (8, 50); (8, 51); (8, 52); (8, 53); (9, 10); (9, 11); (9, 12); (9, 13); (9, 14); (9, 15); (9, 16); (9, 17); (9, 18); (9, 19); (9, 20); (9, 21); (9, 22); (9, 23); (9, 24); (9, 25); (9, 26); (9, 27); (9, 28); (9, 29); (9, 30); (9, 31); (9, 32); (9, 33); (9, 34); (9, 35); (9, 36); (9, 37); (9, 38); (9, 39); (9, 40); (9, 41); (9, 42); (9, 43); (9, 44); (9, 45); (9, 46); (9, 47); (9, 48); (9, 49); (9, 50); (9, 51); (9, 52); (9, 53); (10, 11); (10, 12); (10, 13); (10, 14); (10, 15); (10, 16); (10, 17); (10, 18); (10, 19); (10, 20); (10, 21); (10, 22); (10, 23); (10, 24); (10, 25); (10, 26); (10, 27); (10, 28); (10, 29); (10, 30); (10, 31); (10, 32); (10, 33); (10, 34); (10, 35); (10, 36); (10, 37); (10, 38); (10, 39); (10, 40); (10, 41); (10, 42); (10, 43); (10, 44); (10, 45); (10, 46); (10, 47); (10, 48); (10, 49); (10, 50); (10, 51); (10, 52); (10, 53); (11, 12); (11, 13); (11, 14); (11, 15); (11, 16); (11, 17); (11, 18); (11, 19); (11, 20); (11, 21); (11, 22); (11, 23); (11, 24); (11, 25); (11, 26); (11, 27); (11, 28); (11, 29); (11, 30); (11, 31); (11, 32); (11, 33); (11, 34); (11, 35); (11, 36); (11, 37); (11, 38); (11, 39); (11, 40); (11, 41); (11, 42); (11, 43); (11, 44); (11, 45); (11, 46); (11, 47); (11, 48); (11, 49); (11, 50); (11, 51); (11, 52); (11, 53); (12, 13); (12, 14); (12, 15); (12, 16); (12, 17); (12, 18); (12, 19); (12, 20); (12, 21); (12, 22); (12, 23); (12, 24); (12, 25); (12, 26); (12, 27); (12, 28); (12, 29); (12, 30); (12, 31); (12, 32); (12, 33); (12, 34); (12, 35); (12, 36); (12, 37); (12, 38); (12, 39); (12, 40); (12, 41); (12, 42); (12, 43); (12, 44); (12, 45); (12, 46); (12, 47); (12, 48); (12, 49); (12, 50); (12, 51); (12, 52); (12, 53); (13, 14); (13, 15); (13, 16); (13, 17); (13, 18); (13, 19); (13, 20); (13, 21); (13, 22); (13, 23); (13, 24); (13, 25); (13, 26); (13, 27); (13, 28); (13, 29); (13, 30); (13, 31); (13, 32); (13, 33); (13, 34); (13, 35); (13, 36); (13, 37); (13, 38); (13, 39); (13, 40); (13, 41); (13, 42); (13, 43); (13, 44); (13, 45); (13, 46); (13, 47); (13, 48); (13, 49); (13, 50); (13, 51); (13, 52); (13, 53); (14, 15); (14, 16); (14, 17); (14, 18); (14, 19); (14, 20); (14, 21); (14, 22); (14, 23); (14, 24); (14, 25); (14, 26); (14, 27); (14, 28); (14, 29); (14, 30); (14, 31); (14, 32); (14, 33); (14, 34); (14, 35); (14, 36); (14, 37); (14, 38); (14, 39); (14, 40); (14, 41); (14, 42); (14, 43); (14, 44); (14, 45); (14, 46); (14, 47); (14, 48); (14, 49); (14, 50); (14, 51); (14, 52); (14, 53); (15, 16); (15, 17); (15, 18); (15, 19); (15, 20); (15, 21); (15, 22); (15, 23); (15, 24); (15, 25); (15, 26); (15, 27); (15, 28); (15, 29); (15, 30); (15, 31); (15, 32); (15, 33); (15, 34); (15, 35); (15, 36); (15, 37); (15, 38); (15, 39); (15, 40); (15, 41); (15, 42); (15, 43); (15, 44); (15, 45); (15, 46); (15, 47); (15, 48); (15, 49); (15, 50); (15, 51); (15, 52); (15, 53); (16, 17); (16, 18); (16, 19); (16, 20); (16, 21); (16, 22); (16, 23); (16, 24); (16, 25); (16, 26); (16, 27); (16, 28); (16, 29); (16, 30); (16, 31); (16, 32); (16, 33); (16, 34); (16, 35); (16, 36); (16, 37); (16, 38); (16, 39); (16, 40); (16, 41); (16, 42); (16, 43); (16, 44); (16, 45); (16, 46); (16, 47); (16, 48); (16, 49); (16, 50); (16, 51); (16, 52); (16, 53); (17, 18); (17, 19); (17, 20); (17, 21); (17, 22); (17, 23); (17, 24); (17, 25); (17, 26); (17, 27); (17, 28); (17, 29); (17, 30); (17, 31); (17, 32); (17, 33); (17, 34); (17, 35); (17, 36); (17, 37); (17, 38); (17, 39); (17, 40); (17, 41); (17, 42); (17, 43); (17, 44); (17, 45); (17, 46); (17, 47); (17, 48); (17, 49); (17, 50); (17, 51); (17, 52); (17, 53); (18, 19); (18, 20); (18, 21); (18, 22); (18, 23); (18, 24); (18, 25); (18, 26); (18, 27); (18, 28); (18, 29); (18, 30); (18, 31); (18, 32); (18, 33); (18, 34); (18, 35); (18, 36); (18, 37); (18, 38); (18, 39); (18, 40); (18, 41); (18, 42); (18, 43); (18, 44); (18, 45); (18, 46); (18, 47); (18, 48); (18, 49); (18, 50); (18, 51); (18, 52); (18, 53); (19, 20); (19, 21); (19, 22); (19, 23); (19, 24); (19, 25); (19, 26); (19, 27); (19, 28); (19, 29); (19, 30); (19, 31); (19, 32); (19, 33); (19, 34); (19, 35); (19, 36); (19, 37); (19, 38); (19, 39); (19, 40); (19, 41); (19, 42); (19, 43); (19, 44); (19, 45); (19, 46); (19, 47); (19, 48); (19, 49); (19, 50); (19, 51); (19, 52); (19, 53); (20, 21); (20, 22); (20, 23); (20, 24); (20, 25); (20, 26); (20, 27); (20, 28); (20, 29); (20, 30); (20, 31); (20, 32); (20, 33); (20, 34); (20, 35); (20, 36); (20, 37); (20, 38); (20, 39); (20, 40); (20, 41); (20, 42); (20, 43); (20, 44); (20, 45); (20, 46); (20, 47); (20, 48); (20, 49); (20, 50); (20, 51); (20, 52); (20, 53); (21, 22); (21, 23); (21, 24); (21, 25); (21, 26); (21, 27); (21, 28); (21, 29); (21, 30); (21, 31); (21, 32); (21, 33); (21, 34); (21, 35); (21, 36); (21, 37); (21, 38); (21, 39); (21, 40); (21, 41); (21, 42); (21, 43); (21, 44); (21, 45); (21, 46); (21, 47); (21, 48); (21, 49); (21, 50); (21, 51); (21, 52); (21, 53); (22, 23); (22, 24); (22, 25); (22, 26); (22, 27); (22, 28); (22, 29); (22, 30); (22, 31); (22, 32); (22, 33); (22, 34); (22, 35); (22, 36); (22, 37); (22, 38); (22, 39); (22, 40); (22, 41); (22, 42); (22, 43); (22, 44); (22, 45); (22, 46); (22, 47); (22, 48); (22, 49); (22, 50); (22, 51); (22, 52); (22, 53); (23, 24); (23, 25); (23, 26); (23, 27); (23, 28); (23, 29); (23, 30); (23, 31); (23, 32); (23, 33); (23, 34); (23, 35); (23, 36); (23, 37); (23, 38); (23, 39); (23, 40); (23, 41); (23, 42); (23, 43); (23, 44); (23, 45); (23, 46); (23, 47); (23, 48); (23, 49); (23, 50); (23, 51); (23, 52); (23, 53); (24, 25); (24, 26); (24, 27); (24, 28); (24, 29); (24, 30); (24, 31); (24, 32); (24, 33); (24, 34); (24, 35); (24, 36); (24, 37); (24, 38); (24, 39); (24, 40); (24, 41); (24, 42); (24, 43); (24, 44); (24, 45); (24, 46); (24, 47); (24, 48); (24, 49); (24, 50); (24, 51); (24, 52); (24, 53); (25, 26); (25, 27); (25, 28); (25, 29); (25, 30); (25, 31); (25, 32); (25, 33); (25, 34); (25, 35); (25, 36); (25, 37); (25, 38); (25, 39); (25, 40); (25, 41); (25, 42); (25, 43); (25, 44); (25, 45); (25, 46); (25, 47); (25, 48); (25, 49); (25, 50); (25, 51); (25, 52); (25, 53); (26, 27); (26, 28); (26, 29); (26, 30); (26, 31); (26, 32); (26, 33); (26, 34); (26, 35); (26, 36); (26, 37); (26, 38); (26, 39); (26, 40); (26, 41); (26, 42); (26, 43); (26, 44); (26, 45); (26, 46); (26, 47); (26, 48); (26, 49); (26, 50); (26, 51); (26, 52); (26, 53); (27, 28); (27, 29); (27, 30); (27, 31); (27, 32); (27, 33); (27, 34); (27, 35); (27, 36); (27, 37); (27, 38); (27, 39); (27, 40); (27, 41); (27, 42); (27, 43); (27, 44); (27, 45); (27, 46); (27, 47); (27, 48); (27, 49); (27, 50); (27, 51); (27, 52); (27, 53); (28, 29); (28, 30); (28, 31); (28, 32); (28, 33); (28, 34); (28, 35); (28, 36); (28, 37); (28, 38); (28, 39); (28, 40); (28, 41); (28, 42); (28, 43); (28, 44); (28, 45); (28, 46); (28, 47); (28, 48); (28, 49); (28, 50); (28, 51); (28, 52); (28, 53); (29, 30); (29, 31); (29, 32); (29, 33); (29, 34); (29, 35); (29, 36); (29, 37); (29, 38); (29, 39); (29, 40); (29, 41); (29, 42); (29, 43); (29, 44); (29, 45); (29, 46); (29, 47); (29, 48); (29, 49); (29, 50); (29, 51); (29, 52); (29, 53); (30, 31); (30, 32); (30, 33); (30, 34); (30, 35); (30, 36); (30, 37); (30, 38); (30, 39); (30, 40); (30, 41); (30, 42); (30, 43); (30, 44); (30, 45); (30, 46); (30, 47); (30, 48); (30, 49); (30, 50); (30, 51); (30, 52); (30, 53); (31, 32); (31, 33); (31, 34); (31, 35); (31, 36); (31, 37); (31, 38); (31, 39); (31, 40); (31, 41); (31, 42); (31, 43); (31, 44); (31, 45); (31, 46); (31, 47); (31, 48); (31, 49); (31, 50); (31, 51); (31, 52); (31, 53); (32, 33); (32, 34); (32, 35); (32, 36); (32, 37); (32, 38); (32, 39); (32, 40); (32, 41); (32, 42); (32, 43); (32, 44); (32, 45); (32, 46); (32, 47); (32, 48); (32, 49); (32, 50); (32, 51); (32, 52); (32, 53); (33, 34); (33, 35); (33, 36); (33, 37); (33, 38); (33, 39); (33, 40); (33, 41); (33, 42); (33, 43); (33, 44); (33, 45); (33, 46); (33, 47); (33, 48); (33, 49); (33, 50); (33, 51); (33, 52); (33, 53); (34, 35); (34, 36); (34, 37); (34, 38); (34, 39); (34, 40); (34, 41); (34, 42); (34, 43); (34, 44); (34, 45); (34, 46); (34, 47); (34, 48); (34, 49); (34, 50); (34, 51); (34, 52); (34, 53); (35, 36); (35, 37); (35, 38); (35, 39); (35, 40); (35, 41); (35, 42); (35, 43); (35, 44); (35, 45); (35, 46); (35, 47); (35, 48); (35, 49); (35, 50); (35, 51); (35, 52); (35, 53); (36, 37); (36, 38); (36, 39); (36, 40); (36, 41); (36, 42); (36, 43); (36, 44); (36, 45); (36, 46); (36, 47); (36, 48); (36, 49); (36, 50); (36, 51); (36, 52); (36, 53); (37, 38); (37, 39); (37, 40); (37, 41); (37, 42); (37, 43); (37, 44); (37, 45); (37, 46); (37, 47); (37, 48); (37, 49); (37, 50); (37, 51); (37, 52); (37, 53); (38, 39); (38, 40); (38, 41); (38, 42); (38, 43); (38, 44); (38, 45); (38, 46); (38, 47); (38, 48); (38, 49); (38, 50); (38, 51); (38, 52); (38, 53); (39, 40); (39, 41); (39, 42); (39, 43); (39, 44); (39, 45); (39, 46); (39, 47); (39, 48); (39, 49); (39, 50); (39, 51); (39, 52); (39, 53); (40, 41); (40, 42); (40, 43); (40, 44); (40, 45); (40, 46); (40, 47); (40, 48); (40, 49); (40, 50); (40, 51); (40, 52); (40, 53); (41, 42); (41, 43); (41, 44); (41, 45); (41, 46); (41, 47); (41, 48); (41, 49); (41, 50); (41, 51); (41, 52); (41, 53); (42, 43); (42, 44); (42, 45); (42, 46); (42, 47); (42, 48); (42, 49); (42, 50); (42, 51); (42, 52); (42, 53); (43, 44); (43, 45); (43, 46); (43, 47); (43, 48); (43, 49); (43, 50); (43, 51); (43, 52); (43, 53); (44, 45); (44, 46); (44, 47); (44, 48); (44, 49); (44, 50); (44, 51); (44, 52); (44, 53); (45, 46); (45, 47); (45, 48); (45, 49); (45, 50); (45, 51); (45, 52); (45, 53); (46, 47); (46, 48); (46, 49); (46, 50); (46, 51); (46, 52); (46, 53); (47, 48); (47, 49); (47, 50); (47, 51); (47, 52); (47, 53); (48, 49); (48, 50); (48, 51); (48, 52); (48, 53); (49, 50); (49, 51); (49, 52); (49, 53); (50, 51); (50, 52); (50, 53); (51, 52); (51, 53); (52, 53); " + ] + } + ], + "source": [ + "feature_pair_performances = DataFrame(\n", + " columns=['feature_1', 'feature_2', 'deviance'])\n", + "row_nb = -1\n", + "\n", + "for i in range(nb_x_vars - 1):\n", + " \n", + " feature_1 = x_var_names[i]\n", + " \n", + " for j in range(i + 1, nb_x_vars):\n", + " \n", + " printflush('(', i + 1, ', ', j + 1, ');', sep='', end=' ')\n", + " \n", + " feature_2 = x_var_names[j]\n", + " \n", + " B = 30\n", + "\n", + " rf_model = RandomForestClassifier(\n", + " n_estimators=B,\n", + " criterion='entropy',\n", + " max_depth=None, # expand until all leaves are pure or contain < MIN_SAMPLES_SPLIT samples\n", + " min_samples_split=300,\n", + " min_samples_leaf=150,\n", + " min_weight_fraction_leaf=0.0,\n", + " max_features=None, # number of features to consider when looking for the best split; None: max_features=n_features\n", + " max_leaf_nodes=None, # None: unlimited number of leaf nodes\n", + " bootstrap=True,\n", + " oob_score=True, # estimate Out-of-Bag Cross Entropy\n", + " n_jobs=cpu_count() - 2, # paralellize over all CPU cores but 2\n", + " class_weight=None, # our classes are skewed, but but too skewed\n", + " random_state=RANDOM_SEED,\n", + " verbose=0,\n", + " warm_start=False)\n", + " \n", + " rf_model.fit(X=get_dummies(X_train[[feature_1, feature_2]]), y=churn_train)\n", + " valid_pred_probs = rf_model.predict_proba(X=get_dummies(X_valid[[feature_1, feature_2]]))[:, 1]\n", + " row_nb += 1\n", + " feature_pair_performances.loc[row_nb, :] =\\\n", + " feature_1, feature_2,\\\n", + " bin_class_dev(\n", + " p_hat=valid_pred_probs,\n", + " y=churn_valid,\n", + " pos_cat='yes')" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/ipykernel/__main__.py:1: FutureWarning: sort(columns=....) is deprecated, use sort_values(by=.....)\n", + " if __name__ == '__main__':\n" + ] + }, + { + "data": { + "text/html": [ + "
\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
feature_1feature_2deviance
1327Var203Var1975.22178
1324Var203Var2085.22286
1344Var208Var1975.22337
1301Var223Var2035.22515
1303Var223Var2085.22904
1306Var223Var1975.22993
1332Var203Var2115.23237
1141Var143Var1975.2324
1349Var208Var2115.23259
1247Var173Var2035.23267
1136Var143Var2035.23303
1252Var173Var1975.23327
1312Var221Var2035.23475
1130Var143Var1735.2348
1367Var197Var2115.23507
731Var78Var1735.23516
1138Var143Var2085.23573
1249Var173Var2085.23604
511Var44Var1975.23656
409Var35Var1435.23667
725Var78Var1435.23698
506Var44Var2035.23705
494Var44Var1435.23723
500Var44Var1735.23732
415Var35Var1735.23767
1317Var221Var1975.23775
1314Var221Var2085.23783
1300Var223Var2215.23843
480Var44Var785.23845
1030Var132Var1435.23847
............
604Var73Var1095.42446
113Var13Var735.42505
603Var73Var855.4256
615Var73Var1445.42591
435Var38Var735.42616
1118Var140Var2055.4262
122Var13Var1135.427
612Var73Var1345.42753
617Var73Var1535.42778
609Var73Var1255.43171
12Var6Var735.43212
644Var74Var1135.43262
599Var73Var765.43279
919Var113Var1405.43335
601Var73Var815.43478
933Var113Var2285.43498
616Var73Var1495.43656
348Var28Var735.43702
630Var73Var2055.43804
936Var113Var2055.43815
935Var113Var2185.43874
598Var73Var745.44066
72Var7Var1135.44087
939Var113Var2125.44308
518Var57Var735.44362
636Var73Var2115.44393
613Var73Var1405.44802
629Var73Var2185.45765
606Var73Var1135.45928
941Var113Var1935.45974
\n", + "

1378 rows × 3 columns

\n", + "
" + ], + "text/plain": [ + " feature_1 feature_2 deviance\n", + "1327 Var203 Var197 5.22178\n", + "1324 Var203 Var208 5.22286\n", + "1344 Var208 Var197 5.22337\n", + "1301 Var223 Var203 5.22515\n", + "1303 Var223 Var208 5.22904\n", + "1306 Var223 Var197 5.22993\n", + "1332 Var203 Var211 5.23237\n", + "1141 Var143 Var197 5.2324\n", + "1349 Var208 Var211 5.23259\n", + "1247 Var173 Var203 5.23267\n", + "1136 Var143 Var203 5.23303\n", + "1252 Var173 Var197 5.23327\n", + "1312 Var221 Var203 5.23475\n", + "1130 Var143 Var173 5.2348\n", + "1367 Var197 Var211 5.23507\n", + "731 Var78 Var173 5.23516\n", + "1138 Var143 Var208 5.23573\n", + "1249 Var173 Var208 5.23604\n", + "511 Var44 Var197 5.23656\n", + "409 Var35 Var143 5.23667\n", + "725 Var78 Var143 5.23698\n", + "506 Var44 Var203 5.23705\n", + "494 Var44 Var143 5.23723\n", + "500 Var44 Var173 5.23732\n", + "415 Var35 Var173 5.23767\n", + "1317 Var221 Var197 5.23775\n", + "1314 Var221 Var208 5.23783\n", + "1300 Var223 Var221 5.23843\n", + "480 Var44 Var78 5.23845\n", + "1030 Var132 Var143 5.23847\n", + "... ... ... ...\n", + "604 Var73 Var109 5.42446\n", + "113 Var13 Var73 5.42505\n", + "603 Var73 Var85 5.4256\n", + "615 Var73 Var144 5.42591\n", + "435 Var38 Var73 5.42616\n", + "1118 Var140 Var205 5.4262\n", + "122 Var13 Var113 5.427\n", + "612 Var73 Var134 5.42753\n", + "617 Var73 Var153 5.42778\n", + "609 Var73 Var125 5.43171\n", + "12 Var6 Var73 5.43212\n", + "644 Var74 Var113 5.43262\n", + "599 Var73 Var76 5.43279\n", + "919 Var113 Var140 5.43335\n", + "601 Var73 Var81 5.43478\n", + "933 Var113 Var228 5.43498\n", + "616 Var73 Var149 5.43656\n", + "348 Var28 Var73 5.43702\n", + "630 Var73 Var205 5.43804\n", + "936 Var113 Var205 5.43815\n", + "935 Var113 Var218 5.43874\n", + "598 Var73 Var74 5.44066\n", + "72 Var7 Var113 5.44087\n", + "939 Var113 Var212 5.44308\n", + "518 Var57 Var73 5.44362\n", + "636 Var73 Var211 5.44393\n", + "613 Var73 Var140 5.44802\n", + "629 Var73 Var218 5.45765\n", + "606 Var73 Var113 5.45928\n", + "941 Var113 Var193 5.45974\n", + "\n", + "[1378 rows x 3 columns]" + ] + }, + "execution_count": 26, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "feature_pair_performances.sort('deviance', inplace=True)\n", + "\n", + "feature_pair_performances" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "(array([ 1., 0., 2., 0., 6., 5., 7., 6., 5., 13.]),\n", + " array([ 3., 7., 11., 15., 19., 23., 27., 31., 35., 39., 43.]),\n", + " )" + ] + }, + "execution_count": 27, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAXQAAAEACAYAAACj0I2EAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAD1hJREFUeJzt3WuMbWV9x/HvDw8oSLHWljOtp3LEhl5MCGKqGEy7q7FQ\njWDaar3Ua2IaK5cYSwT64syrRk1aa9L0hRUJGulFWvXYaERDVxraohQ4gnBAEwOIeEZroK1SiC3/\nvtj7HMdhbvsye8088/0kO2ftNWut5z/P2fObZz9772dSVUiSdr7j+i5AkjQbBrokNcJAl6RGGOiS\n1AgDXZIaYaBLUiM2DPQkVyVZSnL7Kl97d5LHk/zU1pQnSdqszYzQrwbOW7kzyT7gZcB9sy5KkjS+\nDQO9qm4EHlrlSx8ALpt5RZKkiUw0h57kAuCbVXXHjOuRJE1oz7gnJDkRuJLhdMux3TOrSJI0kbED\nHXgOsB/4SpIA+4Bbkrygqr6z8uAkLhYjSROoqrEGy5udcsnoRlV9taoWqur0qno28ADwvNXCfFlR\n2+p24MCB3mvYCTVt17qsyZp2Q12T2MzbFq8F/hU4I8n9Sd66Mq9xykWSerfhlEtVvX6Dr58+u3Ik\nSZPalZ8UHQwGfZfwBNuxJtiedVnT5ljT5m3XusaVSedqNt1AUlvdhiS1Jgm1RS+KSpK2OQNdkhph\noEtSIwx0SWqEgS5JjTDQJakRBrokNcJAl6RGGOiS1AgDXZIaYaBLat7Cwn6SzP22sLB/rt+na7lI\nat7wb/H0kUOZeG1z13KRpF3MQJekRhjoktQIA12SGmGgS1IjDHRJaoSBLkmNMNAlqREGuiQ1YsNA\nT3JVkqUkty/b9/4kh5McSvL3SU7Z2jIlSRvZzAj9auC8FfuuB55bVWcBXweumHVhkqTxbBjoVXUj\n8NCKfV+sqsdHd28C9m1BbZKkMcxiDv1twOdmcB1J0hT2THNykj8GflhV16533OLi4rHtwWDAYDCY\npllJak7XdXRdN9U1NrV8bpLTgM9U1ZnL9r0FeDvwkqp6bJ1zXT5XUq92y/K5mx2hZ3Q72tD5wGXA\nr60X5pKk+dlwhJ7kWmAAPANYAg4AVwInAN8bHXZTVf3hGuc7QpfUq90yQvcvFklq3m4JdD8pKkmN\nMNAlqREGuiQ1wkCXpEYY6JLUCANdkhphoEtSIwx0SWqEgS5JjTDQJakRBrokNcJAl6RGGOiS1AgD\nXZIaYaBLUiMMdElqhIEuSY0w0CWpEQa6JDXCQJekRhjoktQIA12SGmGgS1IjNgz0JFclWUpy+7J9\nT09yfZJ7knw+ydO2tkxJ0kY2M0K/Gjhvxb7LgS9W1S8CNwBXzLowSdJ4Ngz0qroReGjF7guBa0bb\n1wCvmnFdkqQxTTqHfmpVLQFU1RHg1NmVJEmaxJ4ZXafW++Li4uKx7cFgwGAwmFGzktSGruvoum6q\na6Rq3SweHpScBnymqs4c3T8MDKpqKckC8E9V9ctrnFubaUOStkoSNhh3blXLTJp/SaiqjHPOZqdc\nMroddRB4y2j7zcCnx2lUkjR7G47Qk1wLDIBnAEvAAeBTwCeAnwfuA15TVQ+vcb4jdEm92i0j9E1N\nuUzDQJfUt90S6H5SVJIaYaBLUiMMdElqhIEuSY0w0CWpEQa6JDXCQJekRhjoktQIA12SGmGgS1Ij\nDHRJaoSBLkmNMNAlqREGuiQ1wkCXpEYY6JLUCANdkhphoEtSIwx0SWqEgS5JjTDQJakRBrokNcJA\nl6RGTBXoSd6V5KtJbk/y8SQnzKowSdJ4Jg70JD8HXAycXVVnAnuA186qMEnSePZMef6TgKcmeRw4\nCXhw+pIkSZOYeIReVQ8CfwrcD3wLeLiqvjirwiRJ45l4hJ7kJ4ELgdOA/wSuS/L6qrp25bGLi4vH\ntgeDAYPBYNJmJalJXdfRdd1U10hVTXZi8rvAeVX19tH9NwIvrKqLVhxXk7YhSbOQBOgjh8IUGUtV\nZZxzpnmXy/3AOUmekmFvvRQ4PMX1JElTmGYO/cvAdcBtwFeAAB+aUV2SpDFNPOWy6QaccpHUM6dc\nJEk7ioEuSY0w0CWpEQa6JDXCQJekRhjoktQIA12SGmGgS1IjDHRJaoSBLkmNMNAlqREGutSzhYX9\nJJn7bWFhf9/fumbMxbmknu3EhaN2mp3Yxy7OJUm7mIEuSY0w0CWpEQa6JDXCQJekRhjoktQIA12S\nGmGgS1IjDHRJaoSBLkmNmCrQkzwtySeSHE5yZ5IXzqowSdJ49kx5/geBz1bVq5PsAU6aQU2SpAlM\nvDhXklOA26rqORsc5+Jc0jp24sJRO81O7ON5L871bOA/klyd5NYkH0py4hTXkyRNYZoplz3A2cA7\nq+rfk/w5cDlwYOWBi4uLx7YHgwGDwWCKZtW6hYX9LC3dN/d29+49jSNH7p17u/158mjkOj+7r483\nr+s6uq6b6hrTTLnsBf6tqk4f3X8x8J6qeuWK45xy0Vh24tPjqVrt8fudf7u7r493xJRLVS0B30xy\nxmjXS4G7Jr2eJGk6077L5RLg40mOB74BvHX6kiRJk/BP0Gnb2YlPj6dq1SmXrW91Bz6m/BN0krSL\nGeiS1AgDXZIaYaBLUiMMdElqhIEuSY0w0CWpEQa6JDXCQJekRhjoktQIA12SGjHt4lxSQ+a/Pvju\nYx9vJQNdOuYx+lska7ewj7eSUy6S1AgDXZIaYaBLUiMMdElqhIEuSY0w0CWpEQa6JDXCQJekRhjo\nktQIA12SGjF1oCc5LsmtSQ7OoiBJ0mRmMUK/FLhrBteRJE1hqkBPsg94OfDh2ZQjSZrUtCP0DwCX\n0c/yaZKkZSZePjfJK4ClqjqUZMA661MuLi4e2x4MBgwGg0mblaQmdV1H13VTXSNVkw2uk/wJ8PvA\n/wInAj8B/ENVvWnFcTVpG9qdhn8Aoa81s223vTb7bXeKjKWqxlrIfeJAX9HwrwPvrqoLVvmaga6x\nGOgtt7ubvtdhu/MMdN+HLkmNmMkIfd0GHKFrTI7QW253N32vw3YdoUuSxmagS1IjDHRJaoSBLkmN\nMNAlqREGuiQ1wkCXpEYY6JLUCANdkhphoEtSIwx0SWqEgS5JjTDQJakRBrokNcJAl6RGGOiS1AgD\nXZIaYaBLUiMMdElqhIEuSY0w0CWpEQa6JDXCQJekRkwc6En2JbkhyZ1J7khyySwLkySNJ1U12YnJ\nArBQVYeSnAzcAlxYVXevOK4mbUO7UxKgj8eM7bbZZr/tTpGxVFXGOWfiEXpVHamqQ6Pt7wOHgWdO\nej1J0nRmMoeeZD9wFvClWVxPkjS+PdNeYDTdch1w6Wik/gSLi4vHtgeDAYPBYNpmd52Fhf0sLd03\n93b37j2NI0funXu70m7TdR1d1011jYnn0AGS7AH+EfhcVX1wjWOcQ5+BPueV5/3/5xx6y+3upu91\n2O6OmEMf+Qhw11phLkman2netngu8AbgJUluS3JrkvNnV5okaRxTTblsqgGnXGbCKZe5tGy7TbbZ\nb7s7acpFkrRNGOiS1AgDXZIaYaBLUiMMdElqhIEuSY0w0CWpEQa6JDXCQJekRhjoktSIqZfP7cPD\nDz/MO97xR/zgB/8z97avuOJiXvSic+beriRtZEcG+p133snBg//MI48cmHPLBznjjE8Z6JK2pR0Z\n6ADHH/8zDBd7nKdvAg/PuU1J2hzn0CWpEQa6JDXCQJekRhjoktQIA12SGmGgS1IjDHRJaoSBLkmN\nMNAlqRFTBXqS85PcneRrSd4zq6IkSeObONCTHAf8BXAe8FzgdUl+aVaFba2u7wKeoOu6vkvYQbq+\nC1hF13cBq+j6LmAH6fouYCamGaG/APh6Vd1XVT8E/ga4cDZlbbWu7wKewEAfR9d3Aavo+i5gFV3f\nBewgXd8FzMQ0gf5MhqtVHfXAaJ8kqQc7crXF448/nkcfvYtTTnnlROc/+ug9POUpt4x93mOPfZ0T\nTnj1RG1K0lZLVU12YnIOsFhV54/uXw5UVb1vxXGTNSBJu1xVZZzjpwn0JwH3AC8Fvg18GXhdVR2e\n6IKSpKlMPOVSVf+X5CLgeoZz8VcZ5pLUn4lH6JKk7WXLPim6XT90lOTeJF9JcluSL/dUw1VJlpLc\nvmzf05Ncn+SeJJ9P8rRtUNOBJA8kuXV0O3/ONe1LckOSO5PckeSS0f7e+mqVmi4e7e+7r56c5Euj\nx/UdSQ6M9vfZV2vV1GtfjWo4btT2wdH9Xn/+ltV027Kaxu6nLRmhjz509DWG8+sPAjcDr62qu2fe\n2JiSfAN4flU91GMNLwa+D3y0qs4c7Xsf8L2qev/oF+DTq+rynms6APx3Vf3ZvOpYUdMCsFBVh5Kc\nDNzC8LMOb6Wnvlqnpt+jx74a1XZSVT0yen3rX4BLgN+h38fVajX9Fv331buA5wOnVNUFff/8rVHT\n2D9/WzVC384fOgo9r2FTVTcCK3+hXAhcM9q+BnjVNqgJhv3Vi6o6UlWHRtvfBw4D++ixr9ao6ejn\nL3rrK4CqemS0+WSGr48V/T+uVqsJeuyrJPuAlwMfXra7135aoyYYs5+2Kti284eOCvhCkpuTvL3v\nYpY5taqWYBgawKk913PURUkOJflwH09Dj0qyHzgLuAnYux36allNXxrt6rWvjj5lB44AX6iqm+m5\nr9aoCfrtqw8Al/GjXy7Q/2NqtZpgzH7ajastnltVZzP8bfjO0VTDdrQdXq3+S+D0qjqL4Q9kX1Mv\nJwPXAZeORsUr+2bufbVKTb33VVU9XlXPY/gs5gVJnkvPfbVKTb9Cj32V5BXA0uhZ1nqj37n10zo1\njd1PWxXo3wKetez+vtG+3lXVt0f/fhf4JMPpoe1gKcleODZP+52e66Gqvls/epHlr4BfnXcNSfYw\nDM6PVdWnR7t77avVatoOfXVUVf0Xw8VJzmebPK6W19RzX50LXDB6Le2vgZck+RhwpMd+Wq2mj07S\nT1sV6DcDv5DktCQnAK8FDm5RW5uW5KTRyIokTwV+E/hqX+Xw47+NDwJvGW2/Gfj0yhPm4MdqGj2w\nj/pt+umrjwB3VdUHl+3ru6+eUFPffZXkp48+JU9yIvAyhvP7vfXVGjXd3WdfVdWVVfWsqjqdYS7d\nUFVvBD5DT/20Rk1vmqSftmQtl238oaO9wCczXI5gD/Dxqrp+3kUkuRYYAM9Icj9wAHgv8IkkbwPu\nA16zDWr6jSRnAY8D9wJ/MOeazgXeANwxmoct4ErgfcDf9dFX69T0+j77CvhZ4JrRO8yOA/62qj6b\n5CZ66qt1avpoz321mvfSXz+t5f3j9pMfLJKkRuzGF0UlqUkGuiQ1wkCXpEYY6JLUCANdkhphoEtS\nIwx0SWqEgS5Jjfh/j2o3umoYEFQAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "feature_pair_performances_top_half =\\\n", + " feature_pair_performances.iloc[range(int(len(feature_pair_performances) / 2)), :]\n", + "\n", + "good_feature_appearance_counts = {}\n", + "\n", + "for i in range(len(feature_pair_performances_top_half)):\n", + " \n", + " feature_1 = feature_pair_performances_top_half.feature_1.iloc[i]\n", + " if feature_1 in good_feature_appearance_counts:\n", + " good_feature_appearance_counts[feature_1] += 1\n", + " else:\n", + " good_feature_appearance_counts[feature_1] = 1\n", + "\n", + " feature_2 = feature_pair_performances_top_half.feature_2.iloc[i]\n", + " if feature_2 in good_feature_appearance_counts:\n", + " good_feature_appearance_counts[feature_2] += 1\n", + " else:\n", + " good_feature_appearance_counts[feature_2] = 1\n", + "\n", + "good_feature_appearance_counts = Series(good_feature_appearance_counts)\n", + " \n", + "hist(good_feature_appearance_counts)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's pick the features that appear over 20 times in the \"good feature appearances\"." + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "x_var_names = good_feature_appearance_counts[good_feature_appearance_counts > 20].index\n", + "\n", + "x_types = {x_var_name: X_train[x_var_name].dtype for x_var_name in x_var_names}\n", + "float_x_var_names = [x_var_name for x_var_name in x_var_names\n", + " if x_types[x_var_name] == float]\n", + "categorical_x_var_names = [x_var_name for x_var_name in x_var_names\n", + " if x_types[x_var_name] != float]\n", + "x_var_names = list(float_x_var_names) + list(categorical_x_var_names)\n", + "\n", + "X_train = X_train[x_var_names]\n", + "X_valid = X_valid[x_var_names]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Classification Models\n", + "\n", + "Let's train 2 types of classification models: a Random Forest and a Boosted Trees model:" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "RandomForestClassifier(bootstrap=True, class_weight=None, criterion='entropy',\n", + " max_depth=None, max_features=None, max_leaf_nodes=None,\n", + " min_samples_leaf=50, min_samples_split=100,\n", + " min_weight_fraction_leaf=0.0, n_estimators=1200, n_jobs=6,\n", + " oob_score=True, random_state=99, verbose=0, warm_start=False)" + ] + }, + "execution_count": 29, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "B = 1200\n", + "\n", + "rf_model = RandomForestClassifier(\n", + " n_estimators=B,\n", + " criterion='entropy',\n", + " max_depth=None, # expand until all leaves are pure or contain < MIN_SAMPLES_SPLIT samples\n", + " min_samples_split=100,\n", + " min_samples_leaf=50,\n", + " min_weight_fraction_leaf=0.0,\n", + " max_features=None, # number of features to consider when looking for the best split; None: max_features=n_features\n", + " max_leaf_nodes=None, # None: unlimited number of leaf nodes\n", + " bootstrap=True,\n", + " oob_score=True, # estimate Out-of-Bag Cross Entropy\n", + " n_jobs=cpu_count() - 2, # paralellize over all CPU cores but 2\n", + " class_weight=None, # our classes are skewed, but but too skewed\n", + " random_state=RANDOM_SEED,\n", + " verbose=0,\n", + " warm_start=False)\n", + "\n", + "rf_model.fit(X=get_dummies(X_train), y=churn_train)" + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "GradientBoostingClassifier(init=None, learning_rate=0.01, loss='deviance',\n", + " max_depth=10, max_features=None, max_leaf_nodes=None,\n", + " min_samples_leaf=100, min_samples_split=200,\n", + " min_weight_fraction_leaf=0.0, n_estimators=2400,\n", + " presort='auto', random_state=99, subsample=1.0, verbose=0,\n", + " warm_start=False)" + ] + }, + "execution_count": 30, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "B = 2400\n", + "\n", + "boost_model = GradientBoostingClassifier(\n", + " n_estimators=B,\n", + " loss='deviance', # a.k.a Cross Entropy in Classification\n", + " learning_rate=.01, # shrinkage parameter\n", + " subsample=1.,\n", + " min_samples_split=200,\n", + " min_samples_leaf=100,\n", + " min_weight_fraction_leaf=0.0,\n", + " max_depth=10, # maximum tree depth / number of levels of interaction\n", + " init=None,\n", + " random_state=RANDOM_SEED,\n", + " max_features=None, # number of features to consider when looking for the best split; None: max_features=n_features\n", + " verbose=0,\n", + " max_leaf_nodes=None, # None: unlimited number of leaf nodes\n", + " warm_start=False)\n", + "\n", + "boost_model.fit(X=get_dummies(X_train), y=churn_train)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We'll now evaluate the OOS performances of these 2 models on the Validation set to select a model we think is better:" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "low_prob = 1e-6\n", + "high_prob = 1 - low_prob\n", + "log_low_prob = log(low_prob)\n", + "log_high_prob = log(high_prob)\n", + "log_prob_thresholds = linspace(start=log_low_prob, stop=log_high_prob, num=100)\n", + "prob_thresholds = exp(log_prob_thresholds)" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "rf_pred_probs = rf_model.predict_proba(X=get_dummies(X_valid))\n", + "rf_oos_performance = bin_classif_eval(\n", + " rf_pred_probs[:, 1], churn_valid == 'yes',\n", + " pos_cat='yes', thresholds=prob_thresholds)" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "boost_pred_probs = boost_model.predict_proba(X=get_dummies(X_valid))\n", + "boost_oos_performance = bin_classif_eval(\n", + " boost_pred_probs[:, 1], churn_valid == 'yes', \n", + " pos_cat='yes', thresholds=prob_thresholds)" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 34, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAegAAAF6CAYAAADS/stEAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3Xd4VMXXwPHvBIJSQg29q4g0UaSJgnQUUDoISkciBhD0\np2BHwfoqoALSkSIdAQHpGECKhBJ6EwXphBJCEiBlz/vHXWKIBFK2ZXM+z7MPu3vvzsxuQs7O3Jkz\nRkRQSimllGfxcXcDlFJKKfVfGqCVUkopD6QBWimllPJAGqCVUkopD6QBWimllPJAGqCVUkopD6QB\nWql0yBiTxRiz3xhT0EHl/W2MqW+//44xZnxyzk1FPU8bYw6mtp2exBhTwBhzwBjj6+62KO+kAVp5\nBGPMcWNMlDEm3BhzxhgzxRiTLdE5tYwxa+3nXDHGLDbGlEt0jp8xZqQx5oT9vKPGmOHGmLx3qbu/\nMWavMSbCGPOPMWaOMaaCs96rg/QG1ovIeWPMIGPM+sQnGGPyGWNuGmPKp6RgEflcRHo7opHGGJsx\n5oEEZf8uIuXu9ppU1lPSXle4/XbWGPOLMaZhCsroaozZmNzzReQCsA4ISE2blboXDdDKUwjQTERy\nAo8BjwPv3DpojHkSWAksBAoDpYE9wCZjTCn7Ob5YfzDLAY3tZT0JXASq36lSY8x3QD+gL5AHeBhY\nBDRL6RswxmRK6WvS4FVguv3+DOBJY0zJROd0BPaIyAEXtisxV2ZCEiCX/edeGVgDLDTGdEnm6w0p\nb+9MNEArZxERvenN7Tfgb6B+gsdfAksSPN4AfH+H1/0K/Gi/3ws4C2RNZp0PAbHAE3c55zegR4LH\nXYGNCR7bgNeAI8AxYAzwf4nKWAQMsN8vDMwHLtjP75fgvGpAMHDV/j6+TqJNxYFIwCfBcyuB9xOd\n9wfQ137/AWAt1peVC1hBPeedPn/gI2B6gmOdgeNAKPBuonOrAZuBK8Bp4Hsgs/3YevvnEwGEA+2A\nZ4CTCcp+xP4ZXwH2As8nODYFGAUstb9+C1A6ic+kJBCX8DOxP/8mcDbB40HAn/by9gEtE7TjOhAD\nXAMu259vCuy0/0xOAB8lKj+T/WdR3N3/h/TmfTftQSuPY4wpBjwHHLU/zgrUwgpsic0FGtnvNwBW\niMj1ZFbVACtY7EhhExP3slpgBarywCyg/a0DxpjcQGNgljHGAEuAXViBugHwujHmVvu/BUaKSC7g\nQft7u5NKwF8iYkvw3FSsQHqr3rJYvchZt54CPgMKYY0wFAOG3Os92ofHxwAvAUWAfEDRBOfFAQOA\nvFijFfWxvrAgIs/caq+I5BSReYnKzmz/PFYA+YH+wE/GmDIJyu+A9YUhN9YXmk/v0uY7+RkoYP88\nwArOT4nVy/4YmGGMKSgih7BGJbaIiJ+I3LokEgF0tv9MmgGvGmNeiP+QROLsZVZOYbuUuicN0MqT\nLDLGhAP/AOf5N4DkxfpdPXuH15wF/O338yVxTlJSen5SPhORqyJyU0Q2AmKMedp+rC2wWUTOYw2z\n+4vIpyISJyLHgYnAi/ZzY4CHjDH5RCRKRLYlUV9urF5eQguBgsaYmvbHnYHlInIJQESOichaEYm1\nPzcCqzd7L22wRjI2iUgM8AEJvqCIyE4R2SaWf4DxdyjXJFH2k0B2EfnS3q7fsHrLHRO+LxHZYf8y\n8hPW5Y+UOGOvP6+9vQvsPwvsXxiOksTlD/s5G0Rkv/3+PmD2Hd7fNayfiVIOpQFaeZIW9p7NM1hD\njrcC7xWsodLCd3hNYaxhW4BLSZyTlJSen5RTiR7P4d8g0wkrsACUAIoaYy7bb1ewrrMXsB/vAZQF\nDhlj/jDGJHUd/Argl/AJ+6jBfODW9daXsHrVQPyM41nGmFPGmDCsIW5/7q0IcDJBPVFYn9utcssY\nY5bYJ2WFYfVwk1MuWJ/9yUTPneD2Hvq5BPejgBzJLPuWW2Vdtre3izFml32S4RWgwt3aa4ypboxZ\nZ4y5YH9/AXc43w8IS2G7lLonDdDKkxgAey90KvCN/XEU1vXHdnd4TXusyUDY/21iHxJPjrVAMWNM\nlbucEwkknE1e6A7nJB7yngW0NcaUAGoAC+zPn8Qams5rv+URkVwi8jzE93I7iUh+4CtgfhLvZQ9Q\n2hiT+P/vVKC9fcg8B1Zv9JbPsL7kVBCR3MDLJN2zTegs1jVvAOwz6/MlOP4DcBB40F7ue8ksF6ze\nbfFEz5XAupbtKK2B8yJy2P7zGA+8Zv/s8wD7+be9d5ogNhNrDkFR+/sbl+D8WxMDHwJ2O7DNSgEa\noJXnGgk0MsZUsj8eDHQ1xvQ1xuQwxuQxxgwDagKf2M+ZjhUEFxhjyhpLPvu63mcTVyAif2JdX51l\njHnGGONrjLnPGNPBGPO2/bQQoLUxJqsx5iGg570aLiIhWL3MiVjXxMPth7YB14wxbxtj7jfGZDLG\nVDDGVAUwxrxkjLnVO7uKFTBsdyj/NNZ1z+qJnt9of914YLaIxCY47Id1PfWaMaYo8Na93ofdfKC5\nfYmbL9ZnnTAA+wHhIhJljHkE6JPo9eewJqjdyR9AlP3zyGyMqQs059/r5illbrXNPmLQF2tIfrD9\neHasz/OiMcbHGNMdqJjg9eexvrAlXNecA7giIjHGmOpYIyIJVQf+FpHEIwFKpZkGaOUpbuu9iMhF\nrB7hh/bHm4AmWNdEz2LNJK6MNeHnmP2caKAhcAhYjRWstmL1+P64Y6Uir2PNFB6NNXT8J9ASa/IS\nWNdqY7ACzRSsoeEk253ATKxJYD/Fn2hdR22OdR31b6zZ1BOAnPZTngX226/DjwA6iMjNJMofx7/D\n2QlNw+qFTkv0/MfAE1hDsUv4t1d/1/ch1hKtQKygeQbri0fCIf3/AS/Z2zwO6xptQkOAafYh/baJ\nyo4BnseaKX0R6+fQWUSO3q1NdyHAFWPMNaxRhmeBtiIy1V7fQaxRma1YP88KwO8JXr8Oq0d9zhhz\nwf5cIDDUGHMVeB/r8kVCLwFjU9hOpZLFiNz9/4AxZhLWH5XzIvJoEud8hzXrNhLoZu9BKKWcxBiT\nBWv5T4Nbk56Uaxlj8gNBwOP2L4dKOVRyetBTsHoud2SMeQ7r+lMZrAkU+m1SKScTkWgRqajB2X1E\nJFREKmhwVs5yzwAtIr9jDf0lpQX24TQR+QPIZRyUH1gppZTKqBxxDbooty+VOM3tyySUUkoplUI6\nSUwppZTyQJkdUMZpbl/LWIwk1jEaY1yZOF8ppZTyCCKS3PwA8ZLbg45fX3gHv2Bf7mFPMxh2t4kr\nzk4untFvH330kdvbkBFu+jnrZ+wNN/2MU3+Lio5i0z+bGL55OK1mtyL3F7l5bXYX9rSrQ1jJQtwY\nMZI/uo7GNmlyioJyQvfsQRtjZgJ1gXzGmH+wEtdnsWKtjBeRX40xTY0xf2Its+qe6tYopZRSHup6\nzHWm75nOpF2T2Ht+L+Xyl6NG0Rq0fKQlP5Z5C7/WHQl//Bly7VwIefP+m0moZ49U1XfPAC0iiTPn\n3OmcvqmqXSmllPJwoZGhjAkew5jtY6hWpBpD6w2ldonaZPW1Z+Ldvx+ea8ShHl8x8uLLjM179/KS\nyxHXoJUHqVu3rrubkCHo5+x8+hk7n37Gd3f44mGGbxnO3ANzaVe+HUFdgyiXv5x18O+/YfVqWLUK\n1q2DUaN4pFMnhyYCuWcmMUcyxogr61NKKaVS4nrMdRYeWhg/jN2nah8CqwdSIO5+WLPGCsqrV0NE\nBDRqxLpMjfjrwUb0+iDpjfGMMUgqJolpgFZKKZWhiQg7z+5k8q7JzN4/m2pFqtHj8R60KNuC+zLf\nZwXmLl2gUiVo3BgaNbLuG8PZs3DffZD3LsPaqQ3QOsStlFIqQ7oUdYmf9v7EpF2TCL8ZTo/HerAr\nYBclcpWwToiLgw8/hIkTYfp0aNAAgKVLoUZhyJ8fCjtiR/kkaIBWSimVYcTZ4ljz1xomh0xm5Z8r\nafZwM0Y0GUHdUnXxSbjF+unT8NJLkDkz7NwJhf7dCv7wYShRwgrQzqRD3Eoppbxe2I0wRm4dyeRd\nk8mfPT89H+9Jx4odyZM1z39PnjULXn8d+vWDd9+FTJmIjITs2VNXtw5xK6WUUonExMUwdvtYhm0c\nRvMyzfml4y88VuixO5986RIEBsLu3fDrr1C1KmCNdNeqBStWOHdIOzEN0EoppbyOiLD48GLeXv02\npfOUZk3nNVQqWCnpFyxfDq+8Au3awZQpkDVr/KFMmWDz5tT3oFNLA7RSSimvsv3Mdt5c9SaXr1/m\n++e+p8lDTZI+eccOGDECNm60JoLVqwdAaCh89RV8+SX4+Lg+OIPuZqWUUspLnAg7wcs/v8wLs16g\n86OdCQkIuXNwjo6GmTOtcevWra0lU3v2xAdngDx5oHJlMCm+cuw4OklMKaVUunb1xlW++P0Lxu8c\nT99qfXnrqbfIkSXHf088cwbGjYPx46F8eejbF55/3pqpjRW3jx+Hhx92bPtSO0lMe9BKKaXSpZi4\nGMYEj6HsqLKcjzzPnlf38HG9j/8bnK9dg7ffhooV4cIFK/HI2rXQqlV8cAbYuhWGD3fxm7gL7UEr\npZRKV0SEpUeW8vaatynqV5SvG39955nZItZQ9ttvW9m/vvjitvXMrqLLrJRSSnm9XWd38eaqNzkX\ncY5vGn/Dcw89h7nTheKQEGsdc1QUzJ8PTz55x/LGjrWGtvv3d3LDU0F70EoppTzeqfBTvLfuPVYd\nW8WQZ4bQs0pPMvvcoY955Ah8+60VlIcOhZ49rXVSSUhOLu200h60Ukopr/Pn5T+ZvGsy43aM49Un\nXuVw38PkvC/nvydER1tLpJYuhWXLIDISOnSAgweTjLpLl0KNGs7PpZ1WGqCVUkp5DBFhf+h+FhxY\nwM+HfuZ8xHnalm9LSEAIxXMVt066cMHK9LVsmbX14yOPQLNmMGcOPPbYPddGuSqXdlrpELdSSim3\nEhF2nN0RH5RvxN6g9SOtaVO+DU8We5JMPpmsCV8//QSjRsGhQ9CwITRvDs89BwUL3rOOtOTSTivd\nD1oppVS6EWeLY8upLfFB+b5M99GmXBvalG/DE4WfuH3i15Ur8OqrsH8/fPONlVAkS5bk1xUHVaq4\nPpf2LRqglVJKebSYuBjWn1jPggMLWHR4EQWyF6BNuTa0LteaCvkr3Hk29oYN0LkzvPCClXszQY7s\nlNAe9L0q0wCtlFIZyo3YG6z5aw0LDi5gyeElPJj3wfig/FDeh5J+YUwMDBkCkyfDpEnQtGmK6k2c\nS9uddBa3UkopjxARHcGKP1ew4OAClh9dTuVClWlTrg2f1P3k34led3PsGHTqBPnyWeuZk3GNOTFP\nyKWdVtqDVkoplWZhN8JYcngJPx/6mXV/r6NmsZq0KdeGFmVbUDBHMgOsCEydCm+9BR98YCUaSUGE\ndVYu7bTSIW6llFIudfn65fhJXptPbqZeqXq0Ltea5x9+njxZ86SssIQTwWbNsnaYSqENG6zMnmPH\npvilTqUBWimllEvsOLOD0cGjWXhoIY0eaETb8m1pWqbpnXeQSo7ffoNu3dI8EcxT6TVopZRSTnMz\n9iZz989ldPBozkacpU/VPhzpe4T82dOQ7WPvXnj3XWsv5jFjrGQjKeTJubTTSnvQSimlkvTP1X8Y\nu30sk3ZN4rFCjxFYLZBmZZpZyUNS68QJ+PBDa2Hy4MHQpw/cf3+qinJFLu200h60Ukoph7CJjbV/\nrWV08Gg2/rORLo92YWP3jTycL42zry5ehE8/hWnTIDAQjh6FnDnv/bpE0ksu7bTSAK2UUgqwZmJP\nDZnKmO1juD/z/QRWC+Sn1j+RPUsaM3xERMCIEdYuUx07woEDqVo6dUt6yaWdVjrErZRSGdye83sY\nvW00cw/M5dmHniWwWiBPFX/qzpm9UiI6GsaPt3rN9etb2z8+8ECqinJnJrC00iFupZRSyRYdF83P\nB39mdPBo/r7yNwFPBHAw8CCFchRKe+E2G8yeba1lfvhhWL7c2mUqleLioFYt9+XSdhftQSulVAZy\nOvw043eMZ8LOCZT1L0tgtUBalG2BbyZfx1Swdy/07Gnl1/ziC6hb1yHFZsQetJszlCqllHI2ESHo\neBDt5rWj0g+VuBh1kdWdV/Nb199oW76tY4JzdDR89BE0aAABAbBlS5qCc2iolVDMZrMep9fgnBY6\nxK2UUl7q2s1rTN8znTHBY7CJjcBqgUx6YRI570v5zOm72rYNevSwri/v2gVFi6a5SG/IpZ1WOsSt\nlFJe5mDoQcYEj2HmvpnUK1WPwGqB1C1VN+2TvhKLirJ6zdOnW7O0X3wxTRHVU3Npp5VOElNKqQws\n1hbLL4d/YXTwaPZf2M8rVV5h96u7KZazmHMq3LDButZctap13dkBa562bvXMXNruoj1opZRKx85H\nnGfCzgmM2zGOkrlKElgtkDbl25AlUxbnVHjtGgwaBL/8YqXnfOEF59TjRbQHrZRSGYSIsPnkZkYH\nj2b5n8tpV74dSzou4bFCqV/KlCwrVlgTwBo2hH37IHfuNBfpzbm000p70EoplU5ExUQxc+9MRgeP\nJiI6gsBqgXR7rBu57097oLyry5fhjTdg/Xor8UijRg4rOj3k0k4r7UErpZSXOnb5GD9s/4EfQ36k\nVvFafNHgCxo92Agf44KVsj//DH37Qtu21rXmHKncUjKBjJJLO600QCullAeyiY2Vf65kdPBo/jj9\nB90f607wK8GUzlPaNQ04e9Yad96zB+bOhaefdljRGSWXdlrpELdSSnmQsBthTNk1hTHbx+CXxY9+\n1fvxYsUXyeqb1TUNsNlg4kR47z3o3Rvefx+ypr3u9JwJLK10iFsppdKxhBtWNC3TlGktp1GzWE3H\nr12+m0OHrKAcHQ3r1kGlSg4pNqPm0k4r7UErpZSbxMTFsPDQQkYHj+bY5WMEPBHAK0+84pgNK1Ii\nOtrKm/3dd1bikddeg0yZHFqF9qC1B62UUh7vXMQ5xu8Yz7gd4yiTtwz9qvdz7IYVKbFpk9VrvpWm\ns3hxhxQbGgpffQVffmntm5FRg3NaaIBWSikXEBG2nNrCqG2jWP7ncjpU6MCKl1ZQqaBjhpFT7OpV\neOcdWLQIvv3WmqXtwOF0zaWddjrErZRSTnQ95jqz9s1i1LZRXIu+5rq1y3ezcCH06wdNm1pd3Dx5\nHFKst+bSTisd4lZKKQ/y15W/+CH4B37c/SM1i9Xkswaf0fjBxq5Zu5yU06etwLx/P/z0EzzzjEOL\n11zajqU9aKWUchCb2Fh9bDWjgkex5eQWuj/WnT7V+vBAngfc3DAbjBsHH34IffrAu+/C/fe7t00Z\niPaglVLKTcJuhDE1ZCqjg0eTPUt2+lbry5y2c8jmm829DYuMhMWL4fvvrYvBQUFQoYJDq9Bc2s6j\nPWillEqlvef3Mjp4NHP2z+G5h54jsFogtYrXcu3a5cTi4qw1zNOnWztO1aoFXbpA+/bWdGoHywi5\ntNMqtT1oDdBKKZUCMXExLD68mFHbRnH08lFr7XKVVyjs58YMHCIQEgIzZsCsWVC0KHTuDB06QMGC\nDq8uYS5tdW86xK2UUk50LuIcE3ZY+y4/kOcB+lbvS6tHWrln7fIt//xjzcqaPh2iouDll63e8yOP\nOLVazaXtGtqDVkqpJIgIW09tZVTwKH49+ivty7cnsHogjxZ81H2NCguD+fOt3vLevdCunRWYa9Vy\nyhD2LRk5E1ha6RC3Uko5yPWY68zeN5tRwaO4euNq/NrlPFkds144xaKjYflyKyivWgUNG1pD2M89\nZ10AdrK4OKhSRXNpp5YGaKWUSqPjYcf5IfgHJodMpkbRGvSt3te9a5e3bYMff4R586B8eaun3Lat\nwxKLpIT2oFNPr0ErpVQq2MTGmr/WMGrbKDaf3Ey3x7qxtedWHsz7oHsaFBcHS5bA119biUVeeQWC\ng6FUKZc2Q3Npu58GaKVUhhRri2XCjgmM/GMkWTNnpW/1vsxuO9t9a5ejomDaNBg+HHLnhrfeglat\nILN7/kxrLm33S9YQtzHmWWAk4ANMEpEvEx3PCcwASgCZgG9E5Mc7lKND3Eopt9t8cjN9lvXBP5s/\nH9f9mKeKP+W+tcsXLsDo0VbGj5o14X//g6efdktk1FzazpHaIe57XlgxxvgAo4AmQAWgozEm8Rz+\nQGC/iDwG1AO+McZo71wp5VEuRV2i1y+9aDevHe88/Q5rOq/h6RJPuyc4Hz4MAQFQtiycOwcbNlhZ\nv2rXdlu3detWqwOvPENyZj5UB46KyAkRiQFmAy0SnSOAn/2+H3BJRGId10yllEo9m9iYtHMS5ceU\nJ7tvdg68doAXK77o+sAsAhs3QosWViAuVMgK1OPGWYHazerU0Y0uPElyerlFgZMJHp/CCtoJjQJ+\nMcacAXIAHRzTPKWUSps95/fQZ1kf4mxxrHhpBY8Xftz1jYiNtbZ4/PpruHwZ3njDyviVzc25utFc\n2p7MUcPQTYBdIlLfGPMgsNoY86iIRDiofKWUSpFrN6/xUdBHzNgzg2H1h9GrSi/XL5eKiIApU2DE\nCGsB8eDB8MILkCmTa9txFy1auGQptUqF5ATo01iTv24pZn8uoe7A5wAicswY8zfwCLA9cWFDhgyJ\nv1+3bl3q1q2bogYrpdTdiAjzD8xn4MqBNHqwEftf20/+7C7OSXn2LIwaBePHW+PGM2ZYmb48RMJc\n2pp4xPGCgoIICgpKczn3nMVtjMkEHAYaAGeBbUBHETmY4JzRwAUR+dgYUxArMFcWkcuJytJZ3Eop\np/nz8p/0/bUvp6+dZkzTMdQuWdu1DThwAL75Bn7+GTp1goED4aGHXNuGZPjmG2jUCB51Y8bSjMSp\nmcTsy6y+5d9lVl8YYwIAEZHxxpjCwI/Are9in4vIrDuUowFaKeVwN2Jv8MXvXzBq2ygGPz2Y12u8\n7tpNLE6dgg8+gGXLoF8/6NMH/P1dV38yaCYw99FUn0qpDGnlnysJ/DWQyoUqM7LJSIrnKu66yq9e\ntVJtjR1rLZkaPBhy5XJd/cmkubTdS1N9KqUylNPhpxmwcgA7z+7k++e+p2mZpq6rPDraur48dKi1\nYcXu3VDchV8MUihTJti8WXvQ6Y2bMsArpVTqxNpiGb5lOJXHVqa8f3n29dnnuuAsAgsWQIUK8Msv\nsHKltZmFBwbn0FArW6jNZj3W4Jz+aA9aKZVubPpnE6/9+hoFshdgc8/NPJzPhTkpN2+20nBGRlqp\nORs3dl3dqaC5tNM/vQatlPJ4F6MuMmj1IFYeW8nwJsNpV76d67KAHT1qXVvetg2GDbO2fPSgdcwJ\naS5tz+S0XNxKKeUuNrExcedEKoypQM77cnIg8ADtK7R3TXAODbVmZD/5JFStCkeOQNeuHhucQXNp\nexvtQSulPNLuc7vps6wPgvBDsx94rNBjrqk4KgpGjrQiXadO1vKp/C5OdKK8ivaglVJeIfxmOANX\nDKTR9EZ0f6w7m3psck1wjouz0nKWLQu7dsGWLfDddx4fnMeOtZqpvI9OElNKeQQRYd6Bebyx8g2a\nPNjEdSk6RazZ2G+/DX5+MHeuNaydTmgube+lQ9xKKbc7eukofZf35ey1s/zQ7AeeKvGUayoOCbHW\nIp04YSUcadkyXUx7TphLW3k+HeJWSqU712Ou89FvH/HkpCdp8mATdvTe4ZrgfOoUdOkCzz4LrVrB\n/v3Wv+kgOIO1hfTZs+5uhXI2HeJWSrnFij9X0PfXvjxe+HFCXg2hWM5izq/UZoNx4+DDD6F3b2tm\nds6czq/XARLm0n7zTfe2RbmGBmillEudCj/FgBUDCDkXwqimo3j2oWddU/GRI9CrF8TEQFCQlQ0s\nnYiLs3ar1FzaGYsOcSulXCImLoZvNn/DY2Mfo2KBiuzts9c1wTkmBj7/3IpwbdrA77+nq+AM/+bS\n1uCcsWgPWinldJv+2USfZX0o7FeYLT23UCZfGddUvHMn9OwJBQrA9u1QqpRr6nWA0FD46itr7pqP\nj+bSzog0QCulnOZi1EXeXv02q46tYkSTEbQt39Y1WcCuX4chQ6yNLL76ypoQlk4mgN2iubSVDnEr\npRzOJjYm7JhAhTEVyH1/bg4EHqBdBRflzw4KgkcftZJS79ljpedMJ1EuOtq6VA6QObOV9judNF05\ngfaglVIOFXIuhD7L+mAwrHp5FZULVXZNxVevWslGli2DMWPghRdcU68Dbd0KM2da2cGU0kQlSimH\nCL8Zzoe/fcisfbP4rP5ndH+8Oz7GRYN0ixdDYCA0a2YNaefK5Zp6lUqG1CYq0R60UipNRIS5++fy\n5qo3efahZ9n/2n78s/m7pvLz56F/f2sy2E8/wTPPuKZeBxo71hra7t/f3S1RnkYDtFIq1Y5cOkLf\nX/tyPvI8c9vNpVbxWq6pWASmTbOGtLt1syaDZc3qmrodTHNpq6RogFZKpdj1mOt8/vvnjAkew3u1\n36NfjX5k9nHRn5PjxyEgAC5cgOXLoUoV19TrQAlzaevaZpUUncWtlEqRNX+toeIPFTl08RC7X93N\nwCcHuiY4x8XBt99C1apQty5s25YugzNoLm2VPDpJTCmVLDax8dnGzxgTPIbJLSa7LkUnWJtZ9OwJ\nWbLAhAnWns3pTMJc2ipj0d2slFJOE3YjjJazW7L8z+Vs773ddcE5Kgo++sjqMXfrZq1xTofB+VYu\nbe01q5TQAK2Uuqu95/dSbUI1SuYqyW9df6OIXxHnVyoCCxZA+fJw8CDs2gWvvmrlvEyHNJe2Sg2d\nJKaUStKsvbPov6I/I5qM4OVHX3ZNpQcOWGuOzp2DyZOhfn3X1OtgmktbpZUGaKXUf8TExfDW6rdY\ncmQJazqvcU02sKtXrfzZM2bABx/Aa69Z+S7TKc2lrdIqfY4XKaWc5lzEORpMa8DRy0fZ/sp25wdn\nmw2mTIFHHoFr16wJYf37p8vgrLm0lSNpgFZKxdv0zyaqjq9Kg9INWNJxCXmy5nFuhcHB1uypcePg\nl19g4kRra8h0autWGD7c3a1Q3kKXWSmlEBFGbRvFsI3DmNJiCk3LNHVuhRcuwDvvwK+/wuefW9tB\nptMJYEp7G6Q+AAAgAElEQVTdi+biVkqlSlRMFAFLA9h7fi+be2zmwbwPOq+ymBhrp6lhw6BzZzh0\nKN1vbKG5tJWzaIBWKgM7dvkYree25tGCj7K552ay+WZzXmW//Qb9+kGhQrB+vbWEygtoLm3lLDqm\npFQGtezIMmpNrkXvKr2Z1nKa84LzP/9A+/bQvTt88gmsXp3ug/PSpdYyKrDWNufN6972KO+kAVqp\nDMYmNoYEDSFgaQALOywksHogxhlTjW/cgKFD4fHHrYB84AC0bu0V05o1l7ZyBZ0kplQGcvn6ZV7+\n+WUioiOY224uhXIUcnwlItaM7IEDreD8zTdQqpTj63ExzaWtUktzcSul7irkXAjVJlSjbL6yrO2y\n1jnB+dAheO45GDzYWjq1YIFXBGfNpa3cQQO0UhnA9N3TaTS9EZ/W/5QRz47AN5OvYyuIjoYPP4Sn\nn4bGjWHPHmjUyLF1uJHm0lbuoLO4lfJi0XHRDFwxkNV/rea3rr9RsUBFx1eyZw907QpFilj3i7hg\nMw0X0Fzayt20B62Ulzodfpq6P9bl1LVTBL8S7PjgHBsLn34KDRpYy6eWLvWa4AyaS1u5n04SU8oL\nrT++no4LOhJYLZB3ar+Dj3Hwd/GDB61ec65cMGkSlCjh2PLdJDoajh+Hhx92d0uUN9FJYkopRIQR\nW0bQfn57prSYwnt13nNscI6Ls2Zl165trWtetcprgjNoLm3lWbQHrZSXiIiOoNcvvThy6Qg/d/iZ\nUrlLObaCP/+Ebt2sC7JTpsCDTkwJqpQX0R60UhnYkUtHqDmxJtl8s7GpxybHBmebDUaNgpo1oU0b\nCAryquA8dix89527W6HUf+ksbqXSucWHFvPKklcYWm8ovZ/o7disYCdOQI8eVpaOTZugbFnHle0h\nNJe28lTag1YqnYqzxfHe2vfot7wfSzouIaBqgOOCs4i1N3PVqtZ65t9/96rgrLm0VXqgPWil0qFL\nUZfo9HMnYuJi2N57OwWyF3Bc4adPwyuvwLlz1g5UFZ2wdtrNDh+25rblz+/uliiVNO1BK5XO7Diz\ngyfGP0HlgpVZ1XmV44KzCEyfbuXPrlED/vjDq4JzZOS/9998Ex591H1tUSo5tAetVDoyeddkBq0Z\nxA/NfqBt+baOK/j8eQgIgGPHYMUKqFLFcWV7gFu5tFes0HSdKv3QAK1UOnAz9ib9l/dn/Yn1bOi2\ngXL5yzmu8HnzrExg3bvDnDleOWPqVi5tTdep0hMN0Ep5uJNXT9J2XluK5SzGtle2kfO+nI4p+NIl\nCAyEkBBYtMhaRuVFNJe2Su/0GrRSHmzd3+uoPrE6rR9pzfx28x0XnH/5BSpVsnJn79rldcEZNJe2\nSv80k5hSHkhE+Hrz13yz5Rt+av0TDR5o4JiCw8JgwADYuNHKBlanjmPK9RCaS1t5Is0kppSXuHbz\nGu3mtWPegXlse2Wb44Lz6tXW1OWsWWH3bq8LzqC5tJV30R60Uh7k0MVDtJrTitolavPdc99xf+b7\n015oZCQMGgSLF1s7TzVunPYylVLJpj1opdK5BQcWUHtKbf735P8Y//x4xwTnzZvhscfg6lXYs8cr\ng7Pm0lbeSnvQSrlZrC2Wd9e+y9z9c5nffj5Vi1RNe6E3b8KQIdZ15jFjoHXrtJfpoc6etVaGabpO\n5alS24PWZVZKuVFoZCgvLngRH+PD9t7b8c/mn/ZCd++GLl2gdGnrfsGCaS/TwyxdaiU7y59fE48o\n76VD3Eq5ybbT23hi/BPUKFqDFS+tSHtwjo2Fzz6Dhg3hjTdg4UKvDM5g5dI+e9bdrVDKuZI1xG2M\neRYYiRXQJ4nIl3c4py4wAvAFQkWk3h3O0SFuleGJCBN2TuD9de8zrvk4WpVrlfZCjxyBrl2tbByT\nJ1s7QXiZyEhNNqLSJ6dNEjPG+ACjgCZABaCjMeaRROfkAkYDzUWkItAupQ1RKiO4HnOdXr/04ts/\nvmVj941pD842G4waZSWafuklWLXKK4PzrVza2mtWGUlyrkFXB46KyAkAY8xsoAVwKME5nYAFInIa\nQEQuOrqhSqV3x8OO02ZuGx7M8yB/9PqDHFlypK3Akyet/NmRkdZsbS/OzqG5tFVGlJxr0EWBkwke\nn7I/l9DDQF5jzG/GmGBjTGdHNVCp9C7OFsfIrSOpOr4qL1V6iTlt56QtOIvA1KnWjlP161tZwbww\nOIeGwltvWYMEoMFZZTyOmsWdGagC1AeyA1uMMVtE5E8Hla9UurTjzA4Clgbgd58fm3psoqx/2bQV\neOEC9O4Nf/0Fa9ZYyaa9lObSVhldcgL0aSDhRa1i9ucSOgVcFJEbwA1jzAagMvCfAD1kyJD4+3Xr\n1qVu3bopa7FS6UBEdAQfrPuAmftm8mXDL+lauSsmrZHm55+t3ae6dfPabSET5tLOnBleftndLVIq\n5YKCgggKCkpzOfecxW2MyQQcBhoAZ4FtQEcROZjgnEeA74FngfuAP4AOInIgUVk6i1t5vV8O/0Lf\nX/tSv3R9/q/R/5E/e/60FRgWZu3XvHWrNbRdq5ZjGuqBNmyAmTOt7GBKeQunJSoRkThjTF9gFf8u\nszpojAmwDst4ETlkjFkJ7AHigPGJg7NS3u50+Gn6r+jP3vN7+bHlj9QvXT/tha5aBT17QosW1r7N\nXn4htk4dr9zDQ6lU0VSfSqVRnC2OMcFj+Hj9x7xW7TXerf1u2vNoR0bC22/DkiXWuuaGDR3TWA80\ndqw1tN2/v7tbopRzaKpPpdwg5FwIvZf05v7M97Ox+0bK5S+X9kI3b7aSjtSqZW1wkTt32sv0YC1a\neOXldKXSTHvQSqVCZHQkHwV9xLTd0/i8wed0f7w7PiaNmXNv3oSPPrKuM48ZA60ckGHMQyXMpa2U\nt9MetFIusuzIMgJ/DaR2ydrse20fBbIXSHuhZ85YXcmiRa0NLgo4oEwPdviwlfBMA7RSSdMetFLJ\ndObaGV5f8Tq7zu7ih2Y/0OjBRo4peNcuKzi/+iq8847XLvzVXNoqo3JaLm6lMrpbk8Aqj61M2Xxl\n2dtnr+OC8+LF0LgxDB8O777rtcFZc2krlXLag1bqLvac30PvJb3J7JOZcc3HUaFABccULALffAMj\nRsCiRVCtmmPK9WDag1YZlfaglXKgqJgoBq8ZTMNpDen5eE82dN/guOAcHQ2vvAIzZljJR7w0OGsu\nbaXSRieJKZXIij9X8Nqy16hZrCZ7+uyhUI5Cjiv88mVo0wb8/OD33yFHGne08mCaS1uptNEhbqXs\nzkWcY8CKAQSfCWZM0zE0eaiJYys4cgSaN4cXXoAvv7T2UPQyCXNpK6UsOsStVCrZxMa47eOo9EMl\nSucuzd4+ex0fnH/7DWrXtsZ8v/7aK4MzWCP2w4e7uxXOVapUKYwxetPbf26lSpVy6O+a9qBVhrbv\nwj4ClgZgExvjm4+nUsFKjq9k0iRrhvasWdb+zSpdM8agf8fUnST1u2F/XhOVKJUc12OuM3TDUCbs\nnMDQekPp/UTvtGcCSywuzlrXvHChtU1T2TTuBe2hNJe2Us6hAVplOKuPrabPsj48UeQJ9ry6h8J+\nhR1fSUSEtZlxWJg17psvn+Pr8BCaS1sp59AArTKMC5EXGLhyIJtPbmZ009E0LdPUORWdOgXPPw9V\nqsDcuZAli3PqcaOEubQLO+H7jVJKJ4mpDMAmNibunEjFMRUp6leUfX32OS84b98ONWtCp04wcaJX\nBmewcmlrVrCMbf369RQvXtzdzfBq2oNWXu1A6AFeXfoqN+NusrrzaioXquy8yhYssPJpT5gALVs6\nrx43SZgJ7M033dsWdWelSpXiwoULZM6cmRw5ctCkSRNGjx5NtmzZnFKfMa5Z5O7j40P27NnjJ2H5\n+vpy+fJll9QN1peRl19+mZMnT7qsTtAetPJSN2Jv8MG6D3jmx2foUKEDm3tsdl5wFoHPP4cBA2Dl\nSq8MzppLO30wxrBs2TLCw8MJCQlh165dfP755+5uVpoZY9izZw/h4eFcu3YtVcE5Li4u1fWLiMu+\njCSkAVp5nbV/raXSD5U4ePEgIQEhBFYPJJOPk9Yd37wJ3bvD/PnWZLAqVZxTj5tlygSbN+v15vTg\n1jKfAgUK0KRJE0JCQuKP/frrr1SpUoVcuXJRsmRJPv744/hjJ06cwMfHh2nTplGyZEkKFCjAZ599\nFn/8xo0bdOvWjbx581KxYkWCg4Nvq/fQoUPUq1ePPHnyUKlSJZYsWRJ/rHv37gQGBtK0aVP8/Pyo\nXbs258+fZ+DAgeTNm5fy5cuze/fuu76npJa2TZgwgTJlyuDv70/Lli05m+BbpI+PD2PGjOHhhx/m\nYXv2nEOHDtG4cWPy5ctHuXLlmDdv3m2fT4UKFciZMyfFixdn+PDhREVF0bRpU86cOYOfnx85c+bk\n3Llzd/0ZOMytN+6Km1WdUs5xIeKCdFnYRUqMKCG/HPrF+RWGhorUri3SurVIRITz63OxCxdE/vc/\nkbg4d7fEs3jy37FSpUrJ2rVrRUTk5MmTUqlSJRk4cGD88fXr18u+fftERGTv3r1SqFAhWbx4sYiI\nHD9+XIwx0rt3b7l586bs3r1b7rvvPjl06JCIiAwaNEjq1KkjYWFhcurUKalYsaIUL15cRERiYmLk\noYceki+++EJiYmJk3bp14ufnJ0eOHBERkW7dukn+/Pll165dcvPmTalfv76ULl1aZsyYITabTd5/\n/32pV69eku/LGCPHjh37z/Nr164Vf39/CQkJkejoaOnXr5/UqVPnttc1btxYrly5Ijdu3JDIyEgp\nXry4TJ06VWw2m4SEhIi/v78cPHhQREQKFy4smzZtEhGRsLAw2bVrl4iIBAUFxb/Xu0nqd8P+fMpj\nZmpelNqbJ/9iq/TLZrPJ5J2TpcD/FZA3V74p125ec36lBw+KPPigyODBXhvBYmJEpk8Xsdnc3RLP\ncq+/YwzBIbfUKFWqlPj5+Ymfn58YY6Rhw4Zy9erVJM8fMGCAvPHGGyJiBWgfHx85c+ZM/PHq1avL\nnDlzRETkgQcekFWrVsUfGz9+fHzQ2rBhgxQuXPi2sjt27Cgff/yxiFgBunfv3vHHvv/+eylfvnz8\n471790qePHmSbKcxRnLlyiW5c+eWPHnyyOuvvy4iIj179pRBgwbFnxcRESG+vr5y4sSJ+NcFBQXF\nH58zZ85tAVxEJCAgQD755BMRESlZsqSMHz9ewsPDbzvHXQFaJ4mpdO3wxcMELA0gMiaSFS+t4PHC\njzu/0jVr4KWXrHza3bo5vz4XSphLO3Nmaym3Shn5yL1ZxhYvXky9evXYuHEjnTp14uLFi+TMmROA\nbdu2MXjwYPbt20d0dDTR0dG0a9futtcXLFgw/n62bNmIiIgA4MyZMxQrViz+WMmSJePvnz179j8z\nukuWLMnp06fvWG7WrFn/8/hWPUnZtWsXpUuXvu25M2fO8MQTT8Q/zp49O/ny5eP06dOUKFEC4LY2\nnzhxgq1bt5I3b17A6qDGxcXRpUsXABYsWMDQoUMZNGgQlStX5vPPP6dmzZp3bZcz6TVolS7djL3J\nkKAhPDX5KVqXa83WnltdE5zHjbOi1rx5XhecIWPk0vZ2Yr9WW7t2bbp27cqbCabcd+rUiZYtW3L6\n9GnCwsIICAhIdtrSwoUL3zaL+cSJE/H3ixQp8p8Zzv/88w9FixZNy1u5zZ3aWaRIkdvaERkZyaVL\nl24LygkndxUvXpy6dety+fJlLl++zJUrVwgPD2fUqFEAPPHEEyxatIjQ0FBatGhB+/bt/1OGK2mA\nVulO0PEgHh37KHvO7yHk1RD61+jvvElgt8TFwcCBMGKEtU1knTrOrc9N6tSxUncq7zBgwABWr17N\n3r17AYiIiCBPnjz4+vqybds2Zs6cedv5dwvW7du35/PPPycsLIxTp07FBzWAGjVqkC1bNr766iti\nY2MJCgpi6dKldOzYMdltTe4XhYQ6duzIlClT2LNnDzdv3uTdd9+lZs2aSa7Pbt68OUeOHGHGjBnE\nxsYSExPD9u3bOXToEDExMcycOZPw8HAyZcqEn58fmeyb2hQsWJBLly4RHh6e4jamhQZolW5cirpE\nj8U96LKwC181/IqfO/xMsZzF7v3CtLp2zcpnuXcvbNkCDz3k/DpdaOxY+O47d7dCOULinp6/vz9d\nu3blk08+AWD06NF88MEH5MqVi2HDhtGhQ4e7vj7h448++ogSJUpQunRpnn322fhhYQBfX1+WLFnC\nr7/+ir+/P3379mX69OmUKVPmjuUmp+3JOdagQQOGDh1K69atKVq0KH///TezZ89O8nU5cuRg1apV\nzJ49myJFilCkSBEGDx5MdHQ0ANOnT6d06dLkzp2b8ePH89NPPwFQtmxZOnbsyAMPPEDevHldNotb\nd7NSHk9EmL5nOm+vfpsXK77I0HpD8bvPzzWVHz4MrVtbW0V+/z34+rqmXhc6e9bKpW2/LKfuQXez\nUknR3axUhnLs8jF6L+1N2I0wlnZaStUiVV1X+cKFEBAAn30GvXq5rl4X0FzaSnk+HeJWHmvVsVXU\nmlyLZmWa8UevP1wXnGNjrW0iBw6EZcu8LjiD5tJWKj3QIW7lcUSEUdtG8dnvnzGn7RzqlHThhKzQ\nUOjYEYyBWbPA3991dTtZwlzaKvV0iFslxdFD3NqDVh4lJi6GPsv6MG7HODb32Oza4LxtG1StCtWr\nw4oVXhWcNZe2UumP9qCVx7gUdYm289qSI0sOfmr9Eznvy+maikWsHajefx/Gj/fKzS5Ae9COoj1o\nlRTtQSuvdCD0ADUm1qB6keos6rDIdcH5+nXrGvN331nrm70oOIeGwltvgc1mPdbgrFT6ogFaud3y\no8up+2NdPqjzAV82+tL5SUduOX4cnn7a6lpu3Wrlt/QiefJA5crW5XSlVPqjQ9zKbUSEkVtH8n+b\n/4/57edTq3gt11W+ciV07QqDB8Prr3tNFEuYS1s5hw5xq6ToELfyCtFx0byy5BV+3P0jW3pucV1w\nttlg2DDo0cPKpz1ggNcEZ9Bc2ir9mTp1KrVr13Z3MzySBmjlcqGRoTSc1pBL1y+xqccmSuYuee8X\nOUJYmHWNecUKCA62soN5Gc2lnbGVKlWKbNmykTNnTvLly8fzzz9/245SzlCvXj0mT56cpjLulMrz\n999/x8/Pj5w5c5IjRw58fHzImTNn/HOnTp1KU53pgQZo5VL7LuyjxsQa1C5RmwXtF5AjSw7XVLx3\nL1SrBqVLw7p1UKSIa+p1Ac2lrW4xxrBs2TLCw8M5e/YsBQoUoF+/fu5uVqo8/fTTXLt2jfDwcPbv\n348xhqtXr8Y/l3DHKiB+D2VvogFauczSI0upP7U+Q+sN5dMGn+JjXPTrN3Mm1K8PQ4bAt99Cliyu\nqddFWrTQfZvVv24FqSxZstC2bVsOHDgQfyw8PJwuXbpQoEABSpcuzaeffnrb64YNG0apUqUoVKgQ\n3bp1i9+96ebNm3Tu3Bl/f3/y5MlDjRo1CA0N5f3332fjxo307duXnDlz0r9/fwAOHTpE48aNyZcv\nH+XKlWPevHnx9Vy+fJkXXniBXLlyUbNmTY4dO5bi93ZL7dq1+fDDD6lVqxY5cuTg5MmTXL16lR49\nelCkSBFKlCjBRx99dNtrJk6cSLly5ciXLx/NmjWL74mLCP3796dgwYLkzp2bxx57jEOHDiW7bU5x\n61uHK25WdSqjsdls8tXvX0mRb4rI1pNbXVfxzZsi/fqJPPSQyO7drqvXBZYsEblwwd2tyJg8+e9Y\nqVKlZO3atSIiEhkZKV27dpVu3brFH+/cubO0bNlSIiMj5fjx4/Lwww/L5MmTRURk0qRJUqZMGTl+\n/LhERkZK69atpUuXLiIiMm7cOHnhhRfkxo0bYrPZZOfOnXLt2jUREalbt65MmjQpvo7IyEgpXry4\nTJ06VWw2m4SEhIi/v78cPHhQREQ6dOggHTp0kOvXr8u+ffukaNGiUrt27bu+r+PHj4uPj4/ExcXd\n9vzTTz8tpUuXlsOHD0tsbKzExsbK888/L3379pUbN27IhQsXpGrVqvHvcf78+fLII4/I0aNHJS4u\nTj7++OP4upctWyY1atSIf18HDx6U8+fPp+jzT+p3w/58ymNmal6U2psn/2Ir57gRc0O6LOwij499\nXP4J+8d1FZ8+LfLUUyLPPy9y5Yrr6nWRr7/2uu8c6cY9/45ZqW/SfkuFUqVKiZ+fn+TJk0d8fX2l\naNGism/fPhERiYuLkyxZssihQ4fizx83bpzUq1dPREQaNGggP/zwQ/yxw4cPS5YsWSQuLk4mT54s\nTz31lOzZs+c/dSYO0HPmzJE6dercdk5AQIB88sknEhcXJ76+vnLkyJH4Y++++26aAvTQoUPjH58+\nfVqyZs0q0dHR8c9Nnz5dGjduLCIijRo1kmnTpsUfi4mJkfvuu0/OnDkjq1atknLlyskff/whNpvt\nru1JiqMDtA5xK6c5H3GeelPrERkdycbuGyme686bqDvcxo3W9ebnnoNFiyB3btfU62SRkf/ef/NN\nePRR97VF3YWjQnQqLV68mMuXL3Pz5k2+//576tSpw4ULF7h48SKxsbGUKFEi/tySJUvGTyI7c+YM\nJUuWvO1YTEwM58+fp3PnzjRp0oQXX3yRYsWKMWjQIOLi4u5Y/4kTJ9i6dSt58+Ylb9685MmTh5kz\nZ3L+/HlCQ0OJjY297fpxwjpTo3jxf/+unDhxgps3b1KwYMH4uvv27cuFCxfijwcGBsa3LX/+/GTO\nnJlTp07RqFEjXn31Vfr06UOhQoV47bXXiEz4n84NNEArp9h9bjc1Jtag0QONmNtuLtmzuCCNlQiM\nHAnt2sHkyfDee+DjHb/imktbJZfYg7sxhlatWpEpUyZ+//13/P39yZw5MydOnIg/98SJExQtWhSA\nIkWK/OeYr68vBQsWJHPmzHzwwQfs37+fzZs3s3TpUqZNmxZfT0LFixenbt26XL58mcuXL3PlyhXC\nw8MZNWoU+fPnx9fXl5MnT8af/88//6Tp/Sasv3jx4mTPnv22usPCwti1axcAJUqUYNKkSbcdj4iI\noFq1agD079+fHTt2sG/fPvbv389wN69Z9I6/XsqjLDq0iIbTG/Jlwy/5uN7HrpkMFhEBnTrB9OnW\nYuAmTZxfpwtlygSbN+vezSplFi9eTFhYGOXLl8fHx4cOHTrw3nvvERERwYkTJxgxYgSdO3cGoGPH\njowYMYLjx48TERHBe++9x4svvoiPjw9BQUHs27cPm81Gjhw58PX1JVMmK+NfwYIF+euvv+LrbN68\nOUeOHGHGjBnExsYSExPD9u3bOXz4MD4+PrRu3ZohQ4Zw/fp1Dhw4wNSpU5P1XiQZowrFihXjmWee\n4c033+TatWuICMeOHWPjxo0ABAQEMGzYsPjJX2FhYSxYsACA4OBggoODiYuLI2vWrGTJkgUfd3/B\nT824eGpv6DVor2az2eTTDZ9KseHFJPh0sOsqPnxYpEIFke7dRaKiXFevk124IPK//4kkuuym3MyT\n/46VKlVKsmXLJn5+fpIzZ06pVKmSzJo1K/74lStX5OWXX5b8+fNLiRIlZNiwYfHHbDabDB06VIoX\nLy4FChSQLl26SFhYmIiIzJo1S8qWLSs5cuSQQoUKyYABA+KvB2/ZskUefvhhyZs3r7z++usiInLk\nyBFp1qyZ5M+fX/z9/aVBgway2z5pIjQ0VJo3by65cuWSGjVqyIcffpjqa9C1a9eWqVOn3vZcWFiY\nBAQESLFixSR37txSpUoVmTdvXvzxqVOnSsWKFSVXrlxSsmRJ6d27t4iIrFq1SipVqiR+fn6SP39+\n6dq1q0Sl8O9JUr8bpPIatKb6VA5xPeY6vZb04silIyzqsIiiOYu6puL1660h7WHD4JVXvCorWGws\nzJ4NL73kVW8r3dNUnyopjk71qQFapdnZa2dpOaclpXOXZnKLyWTzzeaaihctgt69Yc4cqFfPNXU6\nmebS9nwaoFVSNBe38ig7z+6kxsQaNC/TnFltZrkuOE+aBK+9ZqXt9JLgDJpLWyn1L+1Bq1Sbf2A+\nfZb1YWyzsbQp38Y1lYrAV19Z+S1XrtSupnI57UGrpDi6B53ZIa1SGYqIMHTDUCbunMiql1fxeOHH\nXVOxzQZvvQWrVsGmTV6TT3vsWGto254lUSmlAA3QKoWiYqLovrg7J8JO8EevPyjs56J1PzEx0KsX\n/PknbNgAefK4pl4XaNEC7rvP3a1QSnkavQatku10+Gme+fEZfH18CeoW5LrgHBUFrVvDpUuwerVX\nBOelSyE01LpfuDDkzeve9iilPI/2oFWyBJ8OptWcVvSt3pdBTw264/6tTnHlCjz/PDzwgDUxzNfX\nNfU62eHDUKIE5M/v7paolCpZsqTrfv9VupLWtKWJ6SQxdU+z982m3/J+THx+Ii0eaeG6is+cgWef\nhYYN4euv033azshIyO6CjKdKKc+iy6yUw9nExgfrPmDwmsGs6bzGtcH56FF4+mkrfec336T74Ky5\ntJVSKaU9aHVHkdGRdF3UlXMR5/i5w88UyF7AdZXv3AnNm8Mnn1gTw7yE9qCVypi0B60c5uTVkzw9\n5WlyZMnB2i5rXRucf/vNGtYePTrdB+fQUGtVmM1mPdbgrJRKCQ3Q6jZbT22l5qSavFTpJaa0mMJ9\nmV24/mfhQujQAebOhVatXFevk+TJA5Urax5tpVTq6BC3ijdjzwzeWPkGk1tMpvnDzV1b+cSJ8OGH\n1vqjKlVcW7cDaS5tpVRimklMpZpNbLy39j3m7J/Duq7rqFigousqF4EvvoAJE6ydqcqUcV3dTrB1\nK8ycaWUHU0qptEhWD9oY8ywwEmtIfJKIfJnEedWAzUAHEfn5Dse1B+1hIqIjePnnl7ly4woL2i/A\nP5u/6yq32eB//7OSj6xc6TWpO5VSKiGnTRIzxvgAo4AmQAWgozHmkSTO+wJYmdJGKPc4EXaCpyY/\nhVO0d84AABn5SURBVH82f1Z3Xu3a4BwTA127wrZtVurOdBycx46F775zdyuUUt4mOUPc1YGjInIC\nwBgzG2gBHEp0Xj9gPlDNoS1UTrHpn020ndeWQU8N4vUar7s2M1JUFLRrZ82eWrUKsrloi0on0Vza\nSilnSM4s7qLAyQSPT9mfi2eMKQK0FJEfAJ2z6uF+DPmRVnNaMfmFyQyoOcC1wfnyZWjUCPz9rVnb\n6TQ4ay5tpZSzOWqZ1UhgUILHGqQ91GcbP2PYhmGs77ae58o859rKjx6F2rWhZk2YMiVd59U+fFiz\ngimlnCs5Q9yngRIJHhezP5dQVWC2sbpi/sBzxpgYEfklcWFDhgyJv1+3bl3q1q2bwiar1JqxZwbj\nd4xna6+tFMpRyLWVL1wIAQHw8cfw6qvpcnFwwkxgb77p3rYopTxXUFAQQUFBaS7nnrO4jTGZgMNA\nA+AssA3oKCIHkzh/CrBEZ3F7lo0nNtJmbhvXL6OKjYX33oM5c6wEJNWru65uB4qLs5Znr1hhDWkr\npVRyOW0dtIjEGWP6Aqv4d5nVQWNMgHVYxid+SUoboZzr6KWjtJvXjhmtZ7g2OJ87By++aM2g2r7d\nuu6cTmXKBJs3a7pOpZTraCYxL3cp6hI1J9XkrVpv0fuJ3q6r+PffreDcqxd88IEV4dKZ0FD46iv4\n8st0v5mWUsqNNJOY+o+bsTdpNacVLcu2dF1wFoGRI63sYD/+CM+5eCKaA2kubaWUO2kP2kuJCF0W\ndSEqJop57ebhY1zQBQwPh5494e+/Yf58KFXK+XU6mObSVko5mm43qW7zyfpPOHzxMNNbTXdNcN6/\n35oAljevNbydDoMzWLm0hw93dyuUUkp70F5pxp4ZvL/ufdctp5o1C/r3h//7P+jWzfn1KaVUOqLX\noBVgLad6Y+UbrOu6zvnBOTraWhC8fDmsWWNdsE2Hxo613kr//u5uiVJK/UsDtBdx6XKqkyehfXso\nUMBaQpU7t3PrcyLNpa2U8kR6DdpLXIq6RLOZzfik3ic0frCxcytbs8a63tyypZUhLB0GZ82lrZTy\ndNqD9gK3llO1KNvCucupbDb4/HMYPRpmzoR69ZxXl5MdPgwlSkD+/O5uiVJK3ZlOEkvnXLac6soV\n6NLF2o1q7lwoWvTer/EwCXNpK6WUq+gyqwxq6Iahzl9OtWsXVK0KDz0EQUHpMjjHxUGtWroDlVIq\n/dAh7nTspz0/MXnXZLb22ko2XyfsqywCkybBO+/AqFHQoYPj63ARzaWtlEpvtAedTm08sZGBKwey\ntNNS5yynOngQGja0AvOGDekyOIeGwltvWZfOQYOzUip90QCdDjl1OVVkpNVj/v/27jw4yipf4/j3\nyKLiiCJaKigXRVlkBC6KiKIsAoI1GAiLAyLCmAujqBFlcB+dAsZipACVwRhB5BKRbUQERXYEhCCZ\nAQWRJXBZxSUgKCKEJOf+caKEEJLupvvtfrufT1VXJZ23u3/1VsiPc95znvf2293+o6wsqFcvvJ/h\nEWVpi4ifqUH7TMS2U1nrtkxddx3s2gVffOGSO8r76ypIbi5s2eK+Ll8eevVSgxYRf/LXX98Edyzv\nGMnTksO/nWrbNnjkEXeXiLff9vX2qcxMtwMsLS3alYiInBlts/KJX7dT/Zz7MzO6zwjPiu2jR93N\njl97zV2sHTgQKlY88/cVEZHfKIs7zv26nWppn6Xhac5z57pRc8OG8J//uNQOn1KWtojEIzVoHwjr\ndqpdu9xI+fPP3Qrt9u3DU2QUKUtbROKRFonFuLBtp8rNddPZjRtDgwawYYOvm7OytEUk3mkEHcPC\ntp1qyRIYMACuugpWr4ZatcJXZJQoS1tE4p0WicWo/Uf202x8M55o9gT9b+wf2pvs2weDBsGKFTB6\ntLv7lI/3HClLW0T8SFnccaTodqqQmnNeHrzyipvKrlEDNm6Ezp193ZyVpS0iiUYj6BhjreX+9+/n\ncO7h0LZTff453H8/VK3qbgtZt25kCo0CjaBFxI80go4TQ5YNYVPOJjKSM4Jvzrt3w113QWoqLFzo\n++asLG0RSWRaJBZDzmg71eHD0LGj20LVt29kCvSYsrRFJJFpijtGLN+5nC7TurD4/sXBr9guKIAu\nXVxHGz/e1x0tN9cljtauHe1KRETCQ1PcPpZ9IJtu07sxqfOk0LZTPfcc7N8Pr7/u6+YMLkt75Mho\nVyEiEn0aQUfZ/iP7ueWtW3j85sdDW7E9aRK88ILb36xNwSIiMSfUEbQadBQdyztGu4x2NKnWhBHt\nRgT/BitXur3NS5ZA/frhL9AjytIWkXimBu0zZ7ydaudOaNbMXXPu0CEyRXpk3z6Xpa24ThGJR7oG\n7TNDlw3lq5yvQttO9dNPbsX24MG+bc7K0hYRKZ0adBRMXj+Z8WvHM7vH7OC3U+XnQ8+ecPPNbr+z\nT23erFQwEZHSaIrbYyt2rSB5anJo26nAjZrXrIF586BixfAXGEFKAhORRKQpbh/IPpBN12ldQ99O\nNWECvPcezJjhu+asLG0RkeBoBO2RA78coNn4ZqFvp1q+3IWRLFvm2whPjaBFJBFpBB3DcvNzSZ6a\nTMfaHUNrztu3Q7dukJHhq+asLG0RkdCpQXsgdW4qlc+uzPA2w4N/8Y8/uhXbzz0H7dqFv7gIUpa2\niEjoNMUdYWlZabz22WusemAVlc+uHNyL8/Ndc65Z09060gedTlnaIiIn0xR3DPpkxye8sPQFZv1x\nVvDNGdz8cG4uvPKKL5ozKEtbRCRcNIKOkB0Hd9BsfDMmdppIu1ohTE2/+SaMGOE6XpUq4S9QREQ8\nEeoIWveDjoCfc38maUoSg28ZHFpzXrrUXXNevtwXzVlZ2iIi4acRdJhZa+k+ozvnVTiPCUkTMMFO\nTWdnw623wuTJcMcdkSkyzJSlLSJyeroGHSOGLhvK7kO7SftDWvDN+eBBtyjsb3+L+easLG0RkchS\ngw6jWZtmkf6fdGbeM5Nzyp8T3IuPHIHu3aFtW/jznyNTYBgpS1tEJLI0xR0mG77bQKuJrfiw54fc\nVP2mIF+8Ae65B264Ad56C8rH5tIAJYGJiARPU9xRtP/IfpKmJDGy3cjgmrO1brV2q1YwaBBMnBiz\nzVlZ2iIi3tII+gzlFeTRPqM9jS5rxIh2IwJ/4Y8/Qr9+sHEjTJ0K9epFrsgw0QhaRCR4GkFHyRPz\nnqD8WeWDi/HMyoLGjd0WqtWrY7Y5K0tbRCR6YnM+1SfeWvsWc7PnsjplNeXOKlf2C6yF0aPhpZdc\ndGe3bpEv8gwoS1tEJHo0xR2ilbtX0mlKJ5b1XUbdiwO4w1RODvTtC999B1OmwFVXRb7IEChLW0Qk\nvDTF7aE9P+6h2/RuTEiaEFhzXrbMTWnXrevSwWK0OYOytEVEYoVG0EH65fgv3DbhNrpe15Wnmj9V\n+sH5+TBsGLz+uts+1aGDN0WKiEjMCHUErQYdBGstvWb2wlrLO8nvlJ4U9vXX0KuXu+78zjtQrZp3\nhQZJWdoiIpGjKW4PvLzyZTblbGLc3eNKb84ff+xCR1q2hIULY7o5AyQluf9LiIhI7NAq7gB9tPUj\nRmeOZnXKaipVqFTyQdbCs8/CpEluIViLFt4WGYQ5c6BpU7jkEpelLSIisUUNOgCbczbT5/0+zLxn\nJldecGXJB1kLjz8Oq1bB2rVw8cXeFhmkzZuhRg3XoEVEJPboGnQZDh49SNNxTRl8y2AeaPxAyQf9\nOnL++GNYvBguvNDbIgOkJDAREe/pGnQE5Bfk0+NfPWh3dbvTN2eAoUNh9myYPz9mm7OytEVE/CWg\nBm2MaW+M2WSM2WKMebKEn/c0xnxe+FhhjLk+/KV67+lFT3Ms7xgj7yxlY/CIEW6V9sKFMT2tXa4c\nrFyp680iIn5RZoM2xpwFjAHuBOoDPYwxxdM5tgO3W2sbAkOBN8NdqNcyvshgxsYZTO82nQrlKpR8\n0Jgxbo/zwoVw6aXeFhgAZWmLiPhXIIvEbgK2Wmt3AhhjpgBJwKZfD7DWZhY5PhOoHs4ivbZm7xoG\nzhvI4t6LqVqpaskHjRsHL78Mn3wCV1zhbYEBUpa2iIh/BTLFXR3YXeT7PZTegFOAuWdSVDR9c/gb\nkqclk/6HdK6/9DQz9RkZ8OKLbuRcs6aX5ZUpNxe2bHFfly/v9jerQYuI+E9YF4kZY1oBfYFTrlP7\nxYCPBnB/w/vpXK9zyQfMmOHmjefPh2uv9ba4AChLW0QkPgQyxb0XqFHk+ysKnzuJMaYBkA60t9b+\ncLo3e/HFF3/7umXLlrRs2TLAUiNv+c7lZH2dRUbnjJIPmD0bBgyAefPguuu8LS5At9/uHiIiEh1L\nly5l6dKlZ/w+Ze6DNsaUAzYDdwD7gM+AHtbar4ocUwNYBNxX7Hp08feK2X3QBbaApuOa8ljTx7i3\nwb2nHjB/vpsv/vBDaNLE+wJLoSxtEZHYFeo+6DJH0NbafGPMw8B83JT4eGvtV8aY/u7HNh14HrgI\nGGtcSPVxa+1NwRYTTe+ufxeDocf1PU794SefwL33wsyZMdecwWVpn312tKsQEZFwUpIY7haSdf9Z\nl3eS36F5jeYn/3DVKrj7bpg6FVq3jk6BJSiapS0iIrFLSWJnYFTmKJpUa3Jqc/73v93wdNKkmGrO\n4LK0lQomIhK/En4E/e3hb6k/tj6rU1ZT66JaJ36QnQ3Nm7sLvJ06Ra/AIpSlLSLiPxpBh+ivS/5K\n74a9T27OP/8Mycnw/PMx05yVpS0iklgSegS94bsNtJ7Yms0Pb6bKuVXck9a61drlysHEiTGV8qER\ntIiI/2gEHYK/LPgLz9727InmDC5f+8sv3dR2lJuzsrRFRBJXIEElcWle9jy2HdjGg3988MSTK1a4\nW0euWgWVKkWvuELK0hYRSVwJOcWdX5BPozcaMaTVEDrVLbzGvG8f3HijuwlGhw5Rqy03F3bsgNq1\no1aCiIiEkaa4g/DW2reoem5VkuokuSeOH4fu3aF//6g2Z1CWtoiIOAk3gv7p2E/UHlObOT3mcEO1\nG9yTqamwfTvMmgVnJeT/WUREJEIiFvUZb4Z/Opy2V7c90ZwnT3b52llZUWvOytIWEZHiEmoEvfvQ\nbhq90Yh1/ddx5QVXwvr1LiFs0SJo0CBqde3b57K0L7ooaiWIiEiE6Bp0AJ5Z/AwP3fiQa84HD7ow\nktGjo9Kc58xx26gALr9czVlERE6WMFPcWV9nsWj7IrY8ssVtLL7vPrcg7N4Sbi3pgc2boUYN3exC\nRERKlhBT3NZaWrzdgt4Ne5PSOAWGDIF582DxYqhY0bM6lAQmIpJ4NMVdivc3vc/Bowfp26gvjB8P\n6ekwfbqnzVlZ2iIiEoy4H0Hn5udSf2x9xt41lrazv3TXnBcsgGuv9bQO0AhaRCQRaQR9GmPXjOXa\nKtfQ9p1VMHYsLFvmWXNWlraIiIQqrheJHfjlAH9fNoyNOzvC8hmuOV92mWefryxtEREJVVxPcT/+\nYSqdX1vAbT+cD3PnerKXSVnaIiJSlKa4i9n6zUZueS6NpkeqwMKFnm00Vpa2iIiEQ3yOoI8eZfVt\nV3Nx+fOptXgdnHtu5D9TRESkBBpB/8pa9v+hNd8fP0T1RWs8ac5pafDqqxH/GBERSSBxt0isIGMS\nOVvWcXhWOudUquzJZyYluSxtERGRcImvKe4ffuCX2lcx4H+qM37YBkwEl0/PmQNNmyqqU0RESqcp\nbuD4U4OZUTuPB/6cHtHmDC5LW6lgIiISKXEzgj74yTzyk+7m6VfvJr339Ih8hpLAREQkWAk9gs7c\nsYI993ZkwYPtGNvr3Yh8hrK0RUTES74eQVtrGfPZGL4d9jSp39fikpXrIhrbpRG0iIgEK+FG0Idz\nD9PzvZ7MWZLG3z6tyCVvTwt7c1aWtoiIRIsvG/TG7zfS5M0mnFfhPD5aU4dyAx6GOnXC/jnK0hYR\nkWjx3RT3u+vf5dGPH+Ufbf5B332XwqOPwvr1YQskUZa2iIiEU6hT3L4JKsnNz+WJeU8wN3suC+5b\nQKPKtaHL7+H118OaFpaZCZMnu3QwERGRaPHFCHr3od10m96Ny8+/nAlJE7jwnAvhuedg61aYOjUC\nlYqIiIRH3C4Sm79tPk3ebEKXel14r/t7rjlv3gxvvAGjRoXlM5SlLSIisSamR9DzsufRZ1YfpnSZ\nQouaLdyT1kLbttCxI6SmhqWufftclrZHd6QUEZEEEncj6J+O/US/Of2Y1HnSieYMMGUK5OTAgAFn\n9P5z5rhtVACXX67mLCIisSVmG/Qzi56h9VWtaXN1mxNPHjoEgwa5hWHlz2x9m7K0RUQklsXkFPfK\n3SvpOq0rGx7awEXnFhnapqbCkSPw5pshfb6SwERExGtxs83qWN4xUj5I4dUOr57cnNeudSu2v/wy\npPf9NUv744/dlLaIiEgsi7kGPWz5MOpcXIcu9bqceLKgAB58EP7+d6haNaT3LVcOVq7UCFpERPwh\npq5Br/92PWlZafzzrn+efD/nceNch+3TJ6j3U5a2iIj4VcyMoPML8kmZncKw1sOodn61Ez/Yu9eF\nkixaBGcF9/8JZWmLiIhfxcwIOi0rjUoVKpHSOOXEk9bCQw+5x/XXB/Q+ubmwZYv7unx56NVLDVpE\nRPwnJhp0XkEeL698meFthp88tT1tGmzbBk8/HfB7ZWbCyJERKFJERMRDMTHFPfOrmVxR+Qpuqn7T\niSdzcuCxx+D9913MV4Buv909RERE/CwmRtCjMkfxeLPHT35y4EDo0QOaNi3z9crSFhGReBP1EXTm\nnky+OfwNSXWSTjz50Ufw6afuPs8BSEoKapAtIiIS86I+gh6VOYrUpqmUO6uceyInB/r1c2lhpeyL\nUpa2iIjEs6g26F2HdrFw+0L+9N9/ck9YCykpbmr7jjtKfa2ytEVEJJ5FNYt78ILB5BXkMfLOwmXX\naWmQnu6WYleseMrrlaUtIiJ+E2oWd9Qa9OHcw9QcXZOsflnUvLAmbNwILVrAihVQp84pr83Ph8aN\nlaUtIiL+4rubZUxcN5GWNVu65nz8OPTsCS+9VGJzBmVpi4hIYonKNegCW8Arq1/hsZsfc0+MHg2X\nXQYPPHDSccrSFhGRRBWVEfTszbOpcm4Vbr3yVti9G4YPd9edi2VyKktbREQSVVRG0CNWjWBQs0Eu\n1nPgQHj4YbjmGkBZ2iIiIhCFBp25J5O9P+6lc73OLpBk3Tp48skTP1eWtoiIiPeruLtO68ptNW7j\n0fp/gt//3t3ruU0bz2oQERHxkm+2WVUdXpUdj+3gd0/9Ffbvh4kTSUtzU9uPPupZKSIiIp6I6DYr\nY0x7YDRuSny8tXZ4Cce8CnQAfgb6WGvXlfRe/W7ox++27oSMDLf3GWVpi4iIFFfmNWhjzFnAGOBO\noD7QwxhTt9gxHYBa1tprgf5A2uner3fD3jBoEF92epbv7cWAsrTDaenSpdEuISHoPEeeznHk6RzH\ntkAWid0EbLXW7rTWHgemAEnFjkkC/hfAWrsauMAYc2lJb1brs2zYto35tR5UlnYE6B+cN3SeI0/n\nOPJ0jmNbIFPc1YHdRb7fg2vapR2zt/C5b4u/WYUhw2DIEAbec2rWtoiIiDieb7PK+24/dO3q9ceK\niIj4SpmruI0xNwMvWmvbF37/FGCLLhQzxqQBS6y1Uwu/3wS0sNZ+W+y9vFsyLiIiEiMitYp7DXCN\nMea/gH3AH4EexY75ABgATC1s6AeLN+dQCxQREUlEZTZoa22+MeZhYD4ntll9ZYzp735s0621Hxlj\n7jLGZOO2WfWNbNkiIiLxzdOgEhEREQlMRBaJGWPaG2M2GWO2GGOePM0xrxpjthpj1hljGkWijnhW\n1jk2xvQ0xnxe+FhhjLk+GnX6WSC/x4XHNTHGHDfGJHtZX7wI8O9FS2PMWmPMBmPMEq9r9LsA/l5U\nNsZ8UPj3eL0xpk8UyvQ1Y8x4Y8y3xpgvSjkmuL5nrQ3rA9f0s4H/AioA64C6xY7pAHxY+HVTIDPc\ndcTzI8BzfDNwQeHX7XWOw3+Oixy3CJgDJEe7br89AvxdvgD4Eqhe+P3F0a7bT48Az/HTwEu/nl9g\nP1A+2rX76QE0BxoBX5zm50H3vUiMoMMabCIlKvMcW2szrbWHCr/NxO1Ll8AF8nsM8AgwA/jOy+Li\nSCDnuSfwL2vtXgBrbY7HNfpdIOfYAucXfn0+sN9am+dhjb5nrV0B/FDKIUH3vUg06JKCTYo3h9MF\nm0hgAjnHRaUAcyNaUfwp8xwbY6oBnay1rwPaoRCaQH6XawMXGWOWGGPWGGPu86y6+BDIOR4DXGeM\n+Rr4HEj1qLZEEnTfC+hmGeJfxphWuFX1zaNdSxwaDRS9nqcmHRnlgcZAa+A8YJUxZpW1Nju6ZcWV\nO4G11trWxphawAJjTANr7eFoF5bIItGg9wI1inx/ReFzxY+5soxj5PQCOccYYxoA6UB7a21pUy9y\nqkDO8Y3AFGOMwV2362CMOW6t/cCjGuNBIOd5D5BjrT0KHDXGLAMa4q6rStkCOcd9gZcArLXbjDH/\nB9QFsjypMDEE3fciMcX9W7CJMaYiLtik+B+sD4De8FtSWYnBJnJaZZ5jY0wN4F/AfdbabVGo0e/K\nPMfW2qsLH1fhrkM/pOYctED+XswCmhtjyhljKuEW2HzlcZ1+Fsg53gm0ASi8Llob2O5plfHBcPqZ\ntKD7XthH0FbBJhEXyDkGngcuAsYWjvCOW2uL3+RETiPAc3zSSzwvMg4E+PdikzFmHvAFkA+kW2s3\nRrFsXwnwd3ko8HaRLUKDrbUHolSyLxljJgMtgarGmF3AC0BFzqDvKahEREQkBnl+NysREREpmxq0\niIhIDFKDFhERiUFq0CIiIjFIDVpERCQGqUGLiIjEIDVoERGRGKQGLSIiEoP+H0NJq2lIH9e7AAAA\nAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "figure(figsize=(8, 6))\n", + "plot(\n", + " [0, 1], [0, 1],\n", + " linestyle='dotted')\n", + "plot(\n", + " 1 - rf_oos_performance.specificity,\n", + " rf_oos_performance.recall,\n", + " label='Random Forest')\n", + "plot(\n", + " 1 - boost_oos_performance.specificity,\n", + " boost_oos_performance.recall,\n", + " label='Boosted Trees')\n", + "title('ROC Curves (Validation Data)')\n", + "legend(loc='right')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "It seems that the Boosted Trees model offers a much better classification performance than the Random Forest. We now need to pick a decision threshold for the Boosted Trees model. If we are to be really rigorous, we’ll need balance the costs of lost business and the costs of extra incentives to retain customers. Here, to make life simple, we’ll pick a subjective threshold that enables us to anticipate 25% of the churn cases." + ] + }, + { + "cell_type": "code", + "execution_count": 35, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "0.093260257442381714" + ] + }, + "execution_count": 35, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "recall_threshold = .25\n", + "idx = next(i for i in range(100) if boost_oos_performance.recall[i] <= recall_threshold) - 1\n", + "selected_prob_threshold = prob_thresholds[idx]\n", + "selected_prob_threshold" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The OOS performance of the Boosted Trees algorithm at this threshold is as follows:" + ] + }, + { + "cell_type": "code", + "execution_count": 36, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "threshold 0.093260\n", + "accuracy 0.795400\n", + "recall 0.256131\n", + "specificity 0.838118\n", + "precision 0.111374\n", + "f1_score 0.155244\n", + "deviance 0.564808\n", + "Name: 82, dtype: float64" + ] + }, + "execution_count": 36, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "boost_oos_performance.iloc[idx, :]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Note that the precision of the model at this sensitivity threshold is rather low, meaning that there’ll be many false positives. We’ll probably need business insights to decide whether to contact certain customers over other, and what incentives to offer them." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Test Performance of Selected Model\n", + "\n", + "Let's first prepare the Test data for prediction:" + ] + }, + { + "cell_type": "code", + "execution_count": 37, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "X_test = prepare_X_OOS(\n", + " X_test,\n", + " float_x_var_names=float_x_var_names,\n", + " categorical_x_var_names=categorical_x_var_names)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's then evaluate the performance of the selected Boosted Trees model at the decision threshold determined above:" + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "{'accuracy': 0.80253333333333332,\n", + " 'deviance': 0.5474942443254841,\n", + " 'f1_score': 0.1705404648557827,\n", + " 'precision': 0.12330431261388945,\n", + " 'recall': 0.27644121652292331,\n", + " 'specificity': 0.84422779436629847}" + ] + }, + "execution_count": 38, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "boost_test_pred_probs = boost_model.predict_proba(X=get_dummies(X_test))\n", + "\n", + "boost_test_oos_performance = bin_classif_eval(\n", + " boost_test_pred_probs[:, 1], churn_test == 'yes',\n", + " pos_cat='yes', thresholds=selected_prob_threshold)\n", + "\n", + "boost_test_oos_performance" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can see that the Test performance is very similar to what we've estimated from the Validation set. The selected model works as expected." + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 2", + "language": "python", + "name": "python2" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 2 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython2", + "version": "2.7.11" + }, + "latex_envs": { + "bibliofile": "biblio.bib", + "cite_by": "apalike", + "current_citInitial": 1, + "eqLabelWithNumbers": true, + "eqNumInitial": 0 + }, + "toc": { + "toc_cell": false, + "toc_number_sections": true, + "toc_threshold": 4, + "toc_window_display": false + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} diff --git a/KDD Cup 2009 Orange Customer Relationships/R/KDDCup2009_OrangeCustRel_Churn.Rmd b/KDD Cup 2009 Orange Customer Relationships/R/KDDCup2009_OrangeCustRel_Churn.Rmd new file mode 100644 index 00000000..a104ff05 --- /dev/null +++ b/KDD Cup 2009 Orange Customer Relationships/R/KDDCup2009_OrangeCustRel_Churn.Rmd @@ -0,0 +1,557 @@ +--- +title: "Homework 04: Orange's Customer Relationships: Churn Prediction" +author: 'Chicago Booth ML Team' +output: pdf_document +fontsize: 12 +geometry: margin=0.6in +--- + + +_**Note**: In order to illustrate the best practices, this script utilizes the popular [**caret**](http://topepo.github.io/caret) package, which wraps around underlying algorithms such as randomForest and GBM with a consistent interface. We also illutrate the use of **multi-core parallel computation** to speed up computer run-time._ + +_**Note**: This script takes a **long time** to run completely._ + + +# + +This KDD challenge as 3 predictive tasks, addressing **`churn`**, **`appetency`** and **`upselling`**. We'll tackle **`churn`** in this script. Doing **`appetency`** and **`upselling`** would be very similar. + + +# Load Libraries & Modules; Set Randomizer Seed + +```{r message=FALSE, warning=FALSE} +library(caret) +library(data.table) +library(doParallel) + +# load modules from the common HelpR repo +helpr_repo_raw_url <- 'https://raw.githubusercontent.com/ChicagoBoothML/HelpR/master' +source(file.path(helpr_repo_raw_url, 'EvaluationMetrics.R')) + +# set randomizer's seed +set.seed(99) # Gretzky was #99 +``` + + +# Parallel Computation Setup + +Let's set up a parallel computing infrastructure (thanks to the excellent **`doParallel`** package by Microsoft subsidiary **Revolution Analytics**) to allow more efficient computation in the rest of this exercise: + +```{r message=FALSE, warning=FALSE, results='hide'} +cl <- makeCluster(detectCores() - 2) # create a compute cluster using all CPU cores but 2 +clusterEvalQ(cl, library(foreach)) +registerDoParallel(cl) # register this cluster +``` + +We have set up a compute cluster with **`r getDoParWorkers()`** worker nodes for computing. + + +# Data Import & Cleaning + +```{r} +# download data and read data into data.table format + +# ******************************************************************************************* +# NOTE: the following path is specific to my computer +# You need to change it to a relevant folder on your computer containing the Orange data + +data_folder_path <- '/Cloud/Box Sync/Repos/DATA/DATA___KDDCup2009_OrangeCustomerRelationship' + +# ******************************************************************************************* + +# Common NAs: +na_strings <- c( + '', + 'na', 'n.a', 'n.a.', + 'nan', 'n.a.n', 'n.a.n.', + 'NA', 'N.A', 'N.A.', + 'NaN', 'N.a.N', 'N.a.N.', + 'NAN', 'N.A.N', 'N.A.N.', + 'nil', 'Nil', 'NIL', + 'null', 'Null', 'NULL') + +X <- as.data.table(read.table( + file.path(data_folder_path, 'orange_small_train.data.gz'), + header=TRUE, sep='\t', stringsAsFactors=TRUE, na.strings=na_strings)) + +nb_input_features <- ncol(X) +input_feature_names <- names(X) +nb_samples <- nrow(X) + +churn <- factor( + read.table( + file.path(data_folder_path, 'orange_small_train_churn.labels.txt'), + header=FALSE, sep='\t')[[1]], + levels=c(-1, 1), + labels=c('no', 'yes')) +``` + +In total, there are **`r formatC(nb_samples, big.mark=',')`** samples of **`r formatC(nb_input_features, big.mark=',')`** possible _anonymized_ input features that can be used to predict the outcome of interest **`churn`**. + +Let's split the data into a Training set and a Test set: + +```{r} +train_proportion <- .4 +train_indices <- createDataPartition( + y=churn, + p=train_proportion, + list=FALSE) + +X_train <- X[train_indices, ] +X_test <- X[-train_indices, ] +churn_train <- churn[train_indices] +churn_test <- churn[-train_indices] + +nb_test_samples <- length(churn_test) +``` + +Let's also split out a Validation set for the purpose of estimating OOS performance of trained models before testing: + +```{r} +valid_proportion <- .25 +valid_indices <- createDataPartition( + y=churn_train, + p=valid_proportion, + list=FALSE) + +X_valid <- X_train[valid_indices, ] +X_train <- X_train[-valid_indices, ] +churn_valid <- churn_train[valid_indices] +churn_train <- churn_train[-valid_indices] + +nb_train_samples <- length(churn_train) +nb_valid_samples <- length(churn_valid) +``` + +The numbers of samples in the Training, Validation and Test sets are **`r nb_train_samples`**, **`r nb_valid_samples`** and **`r nb_test_samples`** respectively. Just to sanity-check that the data sets have been split representatively by **`caret`**: the **`churn`** incidences in the Training, Validation and Test sets are **`r formatC(100 * sum(churn_train == 'yes') / nrow(X_train), format='f', digits=2, big.mark=',')`**, **`r formatC(100 * sum(churn_valid == 'yes') / nrow(X_valid), format='f', digits=2, big.mark=',')`** and **`r formatC(100 * sum(churn_test == 'yes') / nrow(X_test), format='f', digits=2, big.mark=',')`** respectively. + + +## Getting Rid of Input Features $x$'s with Too Many Missing Values + +First of all, let's look at the proportions of missing values per input feature column $x$: + +```{r} +input_features_missing_proportions <- + sapply(X_train, function(col) sum(is.na(col))) / nb_train_samples + +hist(input_features_missing_proportions) +``` + +We can see that there are an awful lot of features with all missing data!! We'll kick them out, for sure. Also, there are a small handful of features that have over 20% missing data; since those are few and we are unlikely to miss out too many signals by removing them, let's not mess around with them either. In sum, we'll remove all features that have over 20% missing value: + +```{r} +input_feature_names <- + input_feature_names[input_features_missing_proportions <= .2] + +nb_input_features <- length(input_feature_names) + +X_train <- X_train[ , input_feature_names, with=FALSE] +``` + +We're left with the following **`r nb_input_features`** input features $x$'s: + +```{r} +input_feature_names +``` + +The classes of these remaining $x$'s are: + +```{r} +input_feature_classes <- factor(sapply(X_train, class)) + +input_feature_classes +``` + + +## Filling Missing Numeric $x$'s with Means + +The following $x$'s are **integer** or **numeric**: + +```{r} +numeric_input_feature_names <- + input_feature_names[input_feature_classes != 'factor'] + +numeric_input_feature_names +``` + +It seems we don't have a problem with numeric columns made up of non-changing values: + +```{r} +numeric_input_feature_standard_deviations <- + sapply(X_train[ , numeric_input_feature_names, with=FALSE], + function(col) sd(col, na.rm=TRUE)) + +numeric_input_feature_standard_deviations +``` + +Let's fill up the missing values with the means of the respective columns: + +```{r} +numeric_input_feature_means <- + sapply(X_train[ , numeric_input_feature_names, with=FALSE], + function(col) mean(col, na.rm=TRUE)) + +for (numeric_col in numeric_input_feature_names) { + x <- X_train[[numeric_col]] + missing_value_row_yesno <- is.na(x) + if (sum(missing_value_row_yesno) > 0) { + X_train[ , numeric_col := as.numeric(x), with=FALSE] + mu <- numeric_input_feature_means[numeric_col] + X_train[missing_value_row_yesno, numeric_col := mu, with=FALSE] + } +} +``` + +Let's double check to see that the numeric columns have all been filled and that their means stay the same as before the filling: + +```{r} +all.equal( + numeric_input_feature_means, + sapply(X_train[ , numeric_input_feature_names, with=FALSE], mean)) +``` + + +## Cleaning Categorical Variables + +Below are categorical features and their number of categories: + +```{r} +categorical_input_feature_names <- + input_feature_names[input_feature_classes == 'factor'] + +categorical_input_feature_nb_levels <- + sapply(X_train[ , categorical_input_feature_names, with=FALSE], + function(col) length(levels(col))) + +categorical_input_feature_nb_levels +``` + +Those variables having over 500 categories are likely to be just text / character data. Let's get rid of them: + +```{r} +categorical_input_feature_names <- + categorical_input_feature_names[categorical_input_feature_nb_levels <= 500] + +X_train <- + X_train[ , c(numeric_input_feature_names, categorical_input_feature_names), with=FALSE] +``` + +For the remaining categorical variables, let's: + +- Make their missing values another category _**zzzMISSING**_; and + +- Try to consolidate the categories, as having too many categories make modeling less meaningful and numerically more difficult; for each variable, we'll collapse all categories with prevalence of under 5% together into a _**zzzOTHER**_ category; + +- Drop categorical variables with only one category _(obviously)_; and + +- Drop categorical variables with only one non-_**zzzMISSING**_ category. + +```{r} +collapsed_categories <- list() + +for (cat_col in categorical_input_feature_names) { + + missing_value_row_yesno <- is.na(X_train[[cat_col]]) + if (sum(missing_value_row_yesno) > 0) { + X_train[missing_value_row_yesno, cat_col := 'zzzMISSING', with=FALSE] + } + + x <- X_train[[cat_col]] + for (cat in levels(x)) { + cat_rows_yesno <- x == cat + if (sum(cat_rows_yesno) < .05 * nb_train_samples) { + if (!(cat_col %in% names(collapsed_categories))) { + collapsed_categories[[cat_col]] <- character() + } + collapsed_categories[[cat_col]] <- c(collapsed_categories[[cat_col]], cat) + X_train[cat_rows_yesno, cat_col := 'zzzOTHER', with=FALSE] + levels(X_train[[cat_col]])[levels(X_train[[cat_col]]) == cat] <- NA + } + } + + cats <- levels(X_train[[cat_col]]) + if ((length(cats) == 1) || + (length(cats[(cats != 'zzzMISSING') & (cats != 'zzzOTHER')]) < 2)) { + categorical_input_feature_names <- setdiff(categorical_input_feature_names, cat_col) + } +} +``` + +Let's double-check by looking at the prevalence of the categories of the remaining categorical variables now: + +```{r} +lapply(X_train[ , categorical_input_feature_names, with=FALSE], + function(col) summary(col) / nb_train_samples) +``` + +Not bad, _eh_?, not bad... It seems we can embark now on the next steps: variable selection. + + +# Selecting Candidate Input Features $x$'s + +```{r} +input_feature_names <- + c(numeric_input_feature_names, categorical_input_feature_names) + +nb_input_features <- length(input_feature_names) + +X_train <- X_train[ , input_feature_names, with=FALSE] +``` + +After data cleaning, we have **`r nb_input_features`** numeric and categorical input features left: + +```{r} +sapply(X_train, class) +``` + +Building models with all of them will still be quite clunky. Let's try to select features containing good amounts of "signals" by: + +1. Fitting Random Forests on pairs of features and measuring the OOS performances of such Random Forests +2. Pick pairs of higher OOB performances +3. Pick variables that appear in many well-performing pairs + +```{r message=FALSE, warning=FALSE, results='hide'} +feature_pair_performances <- data.table( + feature_1=character(), + feature_2=character(), + deviance=numeric()) + +caret_optimized_metric <- 'logLoss' # equivalent to 1 / 2 of Deviance + +caret_train_control <- trainControl( + classProbs=TRUE, # compute class probabilities + summaryFunction=mnLogLoss, # equivalent to 1 / 2 of Deviance + method='repeatedcv', # repeated Cross Validation + number=5, # number of folds + repeats=1, # number of repeats + allowParallel=TRUE) + +B <- 30 + +for (i in 1 : (nb_input_features - 1)) { + + feature_1 <- input_feature_names[i] + + for (j in (i + 1) : nb_input_features) { + + cat('pair: ', i, ', ', j, '\n') + + feature_2 <- input_feature_names[j] + + rf_model <- train( + x=X_train[, c(feature_1, feature_2), with=FALSE], + y=churn_train, + method='parRF', # parallel Random Forest + metric=caret_optimized_metric, + ntree=B, # number of trees in the Random Forest + nodesize=300, # minimum node size set small enough to allow for complex trees, + # but not so small as to require too large B to eliminate high variance + importance=FALSE, # skip evaluate importance of predictors + keep.inbag=FALSE, # not relevant as we're using Cross Validation + trControl=caret_train_control, + tuneGrid=NULL) + + feature_pair_performances <- rbind( + feature_pair_performances, + data.table( + feature_1=feature_1, + feature_2=feature_2, + deviance=2 * rf_model$results$logLoss)) + } +} +``` + +```{r} +feature_pair_performances_top_half <- + feature_pair_performances[order(deviance), ][1 : round(nrow(feature_pair_performances) / 2), ] + +good_feature_appearance_counts <- list() + +for (i in 1: nrow(feature_pair_performances_top_half)) { + + feature_1 <- feature_pair_performances_top_half[i, feature_1] + if (!(feature_1 %in% names(good_feature_appearance_counts))) { + good_feature_appearance_counts[[feature_1]] <- 1 + } else { + good_feature_appearance_counts[[feature_1]] <- + good_feature_appearance_counts[[feature_1]] + 1 + } + + feature_2 <- feature_pair_performances_top_half[i, feature_2] + if (!(feature_2 %in% names(good_feature_appearance_counts))) { + good_feature_appearance_counts[[feature_2]] <- 1 + } else { + good_feature_appearance_counts[[feature_2]] <- + good_feature_appearance_counts[[feature_2]] + 1 + } +} + +good_feature_appearance_counts <- + unlist(good_feature_appearance_counts) + +hist(good_feature_appearance_counts) +``` + +We see that predictive power seems to concentrate in a much smaller number of features. Let's pick the features that appear over 30 times in the "good feature appearances". + +```{r} +input_feature_names <- + names(good_feature_appearance_counts)[good_feature_appearance_counts > 30] + +input_feature_names +``` + +```{r} +nb_input_features <- length(input_feature_names) + +X_train <- X_train[ , input_feature_names, with=FALSE] + +input_feature_classes <- sapply(X_train, class) + +input_feature_classes +``` + +It turns out that **all of the remaining `r nb_input_features` strong features** are **numeric**! _(meaning the effort we spent on cleaning the categoricals has come to naught... but we couldn't have known that without trying)_ + + +# Classification Models + +Let's train 2 types of classification models: a Random Forest and a Boosted Trees model: + +```{r} +caret_optimized_metric <- 'logLoss' # equivalent to 1 / 2 of Deviance + +caret_train_control <- trainControl( + classProbs=TRUE, # compute class probabilities + summaryFunction=mnLogLoss, # equivalent to 1 / 2 of Deviance + method='repeatedcv', # repeated Cross Validation + number=5, # 5 folds + repeats=3, # 2 repeats + allowParallel=TRUE) +``` + +```{r message=FALSE, warning=FALSE} +B <- 600 + +rf_model <- train( + x=X_train, + y=churn_train, + method='parRF', # parallel Random Forest + metric=caret_optimized_metric, + ntree=B, # number of trees in the Random Forest + nodesize=100, # minimum node size set small enough to allow for complex trees, + # but not so small as to require too large B to eliminate high variance + importance=TRUE, # evaluate importance of predictors + keep.inbag=TRUE, + trControl=caret_train_control, + tuneGrid=NULL) +``` + +```{r message=FALSE, warning=FALSE} +B <- 1200 + +boost_model <- train( + x=X_train, + y=churn_train, + method='gbm', # Generalized Boosted Models + metric=caret_optimized_metric, + verbose=FALSE, + trControl=caret_train_control, + tuneGrid=expand.grid( + n.trees=B, # number of trees + interaction.depth=10, # max tree depth, + n.minobsinnode=100, # minimum node size + shrinkage=0.01)) # shrinkage parameter, a.k.a. "learning rate" +``` + +We'll now evaluate the OOS performances of these 2 models on the Validation set to select the better one: + +```{r} +low_prob <- 1e-6 +high_prob <- 1 - low_prob +log_low_prob <- log(low_prob) +log_high_prob <- log(high_prob) +log_prob_thresholds <- seq(from=log_low_prob, to=log_high_prob, length.out=100) +prob_thresholds <- exp(log_prob_thresholds) + +# Prepare Validation Data for evaluation +prepare_oos_input_features <- function(X_OOS) { + X_OOS <- X_OOS[ , input_feature_names, with=FALSE] + for (numeric_col in input_feature_names) { + x <- X_OOS[[numeric_col]] + X_OOS[, numeric_col := as.numeric(x), with=FALSE] + X_OOS[is.na(x), numeric_col := numeric_input_feature_means[numeric_col], with=FALSE] + } + X_OOS +} + +X_valid <- prepare_oos_input_features(X_valid) + +# *** NOTE: ** +# the below "bin_classif_eval" function is from the "EvaluationMetrics.R" helper script +# in the "HelpR" GitHub repo + +rf_pred_probs <- predict( + rf_model, newdata=X_valid, type='prob') +rf_oos_performance <- bin_classif_eval( + rf_pred_probs$yes, churn_valid, thresholds=prob_thresholds) + +boost_pred_probs <- predict( + boost_model, newdata=X_valid, type='prob') +boost_oos_performance <- bin_classif_eval( + boost_pred_probs$yes, churn_valid, thresholds=prob_thresholds) + + +plot(x=1 - rf_oos_performance$specificity, + y=rf_oos_performance$sensitivity, + type = "l", col='darkgreen', lwd=3, + xlim = c(0., 1.), ylim = c(0., 1.), + main = "ROC Curves (Validation Data)", + xlab = "1 - Specificity", ylab = "Sensitivity") +abline(a=0,b=1,lty=2,col=8) +lines(x=1 - boost_oos_performance$specificity, + y=boost_oos_performance$sensitivity, + col='green', lwd=3) +legend('right', c('Random Forest', 'Boosted Trees'), + lty=1, col=c('darkgreen', 'green'), lwd=3, cex=1.) +``` + +It seems that although neither model seems super impressive – customer churn is probably a hard thing to predict very well – the Boosted Trees model offers a much better classification performance than the Random Forest. We now need to pick a decision threshold for the Boosted Trees model. If we are to be really rigorous, we'll need balance the costs of lost business and the costs of extra incentives to retain customers. Here, to make life simple, we'll pick a subjective threshold that enables us to anticipate **25%** of the churn cases: + +```{r} +sensitivity_threshold <- .25 +i <- min(which(boost_oos_performance$sensitivity < sensitivity_threshold)) - 1 +selected_prob_threshold <- prob_thresholds[i] +``` + +The selected decision threshold is **`r formatC(selected_prob_threshold, format='f', digits=3)`** – meaning when we use the Boosted Tree model to predict on new data, we'll predict a customer churn when the predicted probability exceeds that threshold. The expected performance of the model at that threshold is as follows: + +```{r} +boost_oos_performance[i, ] +``` + +Note that the precision of the model at this sensitivity threshold is rather low, meaning that there'll be many false positives. We'll probably need business insights to decide whether to contact certain customers over other, and what incentives to offer them. + + +# Test Performance of Selected Model + +Let's then evaluate the performance of the selected Boosted Trees model, with a decision threshold at **`r formatC(selected_prob_threshold, format='f', digits=3)`**: + +```{r} +X_test <- prepare_oos_input_features(X_test) + +boost_test_pred_probs <- predict( + boost_model, newdata=X_test, type='prob') + +boost_test_performance <- bin_classif_eval( + boost_test_pred_probs$yes, churn_test, thresholds=selected_prob_threshold) + +boost_test_performance +``` + +We can see that the Test performance is similar to what we've estimated from the Validation set. + + +```{r} +stopCluster(cl) # shut down the parallel computing cluster +``` diff --git a/KDD Cup 2009 Orange Customer Relationships/R/KDDCup2009_OrangeCustRel_Churn.pdf b/KDD Cup 2009 Orange Customer Relationships/R/KDDCup2009_OrangeCustRel_Churn.pdf new file mode 100644 index 00000000..cdbbef53 Binary files /dev/null and b/KDD Cup 2009 Orange Customer Relationships/R/KDDCup2009_OrangeCustRel_Churn.pdf differ diff --git a/Kaggle Credit Scoring/Python/KaggleCreditScoring.ipynb b/Kaggle Credit Scoring/Python/KaggleCreditScoring.ipynb new file mode 100644 index 00000000..96643f54 --- /dev/null +++ b/Kaggle Credit Scoring/Python/KaggleCreditScoring.ipynb @@ -0,0 +1,2572 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# _import modules & set constants:_" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "# enable in-line MatPlotLib\n", + "%matplotlib inline" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "# import:\n", + "from __future__ import division, print_function\n", + "from matplotlib import pyplot\n", + "import multiprocessing\n", + "import numpy\n", + "import os\n", + "import pandas\n", + "from sklearn.cross_validation import train_test_split\n", + "from sklearn.ensemble import GradientBoostingClassifier, RandomForestClassifier\n", + "from sklearn.linear_model import LogisticRegression\n", + "from sklearn.preprocessing import StandardScaler" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "# set CONSTANTS\n", + "\n", + "# using AWS EMR?\n", + "AWS_EMR_MODE = os.path.expanduser('~') == '/home/hadoop'\n", + "\n", + "# data paths\n", + "DATA_FILE_NAME = 'CreditScoring.csv'\n", + "DATA_URL = \\\n", + " 'https://raw.githubusercontent.com/ChicagoBoothML/DATA___Kaggle___GiveMeSomeCredit/master/%s' % DATA_FILE_NAME\n", + "\n", + "# number of examples to display for a data set\n", + "NB_EXAMPLES_TO_SHOW = 9\n", + "\n", + "# random_seed\n", + "RANDOM_SEED = 99" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "# install ChicagoBoothML_Helpy\n", + "CHICAGOBOOTHML_HELPY_INSTALLATION_COMMAND = \\\n", + " 'pip install --upgrade git+git://GitHub.com/ChicagoBoothML/Helpy --no-dependencies'\n", + "if AWS_EMR_MODE:\n", + " os.system('sudo %s' % CHICAGOBOOTHML_HELPY_INSTALLATION_COMMAND)\n", + "else:\n", + " os.system(CHICAGOBOOTHML_HELPY_INSTALLATION_COMMAND)\n", + "\n", + "# import from package\n", + "from ChicagoBoothML_Helpy.EvaluationMetrics import bin_classif_eval\n", + "from ChicagoBoothML_Helpy.Print import printflush" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# import Kaggle's _\"Give Me Some Credit\"_ data set" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
SeriousDlqin2yrsRevolvingUtilizationOfUnsecuredLinesageNumberOfTime30-59DaysPastDueNotWorseDebtRatioMonthlyIncomeNumberOfOpenCreditLinesAndLoansNumberOfTimes90DaysLateNumberRealEstateLoansOrLinesNumberOfTime60-89DaysPastDueNotWorseNumberOfDependents
110.7661274520.8029829120130602
200.9571514000.121876260040001
300.6581803810.085113304221000
400.2338103000.036050330050000
500.9072394910.0249266358870100
600.2131797400.375607350030101
700.3056825705710.000000NaN80300
800.7544643900.209940350080000
900.11695127046.000000NaN2000NaN
1000.1891695700.6062912368490402
1100.6442263000.309476250050000
1200.0187985100.531529650170202
1300.0103524600.29835412454130202
1410.9646734030.3829651370093112
1500.019657760477.000000060100
1600.5484586400.2098921136270102
1700.0610867802058.000000NaN100200
1800.1662845300.188274880070000
1900.2218134300.527888328070102
2000.6027942500.06586833320000
2100.2009234300.43004612300100200
2210.0256563800.475841300070102
2301.0000003900.241104250040000
2400.0754273200.085512791660000
2500.0465605800.241622241690100
2610.3922485001.5952534676140301
2700.0524365800.0976728333220100
2800.0344216900.0423832500170001
2900.4525162400.011761340010000
3000.3929955820.4361035500150100
....................................
14997100.0254495800.2538551550070202
14997200.0580018300.013997500060000
14997300.0712734200.008638694530001
14997401.0263954400.494819550070101
14997500.9627216120.6034795000110100
14997600.0220885802716.000000NaN80200
14997700.00062776060.000000NaN50000
14997800.236450290349.000000NaN30000
14997900.9176355220.259496250040000
14998010.2247115500.057235870070000
14998100.0676446400.2549765525120100
14998200.8100124300.121752684940004
14998300.0210463700.250272276080003
14998400.0024858200.000800500050000
14998500.03754884025.000000NaN50000
14998600.9544092600.324962195040000
14998700.1681024900.0803845000160001
14998801.0000002800.055692324931000
14998900.9020513110.3479247515100100
14999000.0133566200.001408923340003
14999100.0555184600.609779433570102
14999200.1041125900.47765810316100200
14999300.8719765004132.000000NaN110103
14999401.0000002200.00000082010000
14999500.3857425000.404293340070000
14999600.0406747400.225131210040100
14999700.2997454400.716562558440102
14999800.2460445803870.000000NaN180100
14999900.0000003000.000000571640000
15000000.8502836400.249908815880200
\n", + "

150000 rows × 11 columns

\n", + "
" + ] + }, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "# read Credit Scoring data into data frame\n", + "y_var_name = 'SeriousDlqin2yrs'\n", + "X_var_names = [\n", + " 'RevolvingUtilizationOfUnsecuredLines',\n", + " 'age',\n", + " 'NumberOfTime30-59DaysPastDueNotWorse',\n", + " 'DebtRatio',\n", + " 'MonthlyIncome',\n", + " 'NumberOfOpenCreditLinesAndLoans',\n", + " 'NumberOfTimes90DaysLate',\n", + " 'NumberRealEstateLoansOrLines',\n", + " 'NumberOfTime60-89DaysPastDueNotWorse',\n", + " 'NumberOfDependents']\n", + "\n", + "cs = pandas.read_csv(\n", + " DATA_URL,\n", + " dtype={\n", + " 'SeriousDlqin2yrs': int,\n", + " 'RevolvingUtilizationOfUnsecuredLines': float,\n", + " 'age': float,\n", + " 'NumberOfTime30-59DaysPastDueNotWorse': float,\n", + " 'DebtRatio': float,\n", + " 'MonthlyIncome': float,\n", + " 'NumberOfOpenCreditLinesAndLoans': float,\n", + " 'NumberOfTimes90DaysLate': float,\n", + " 'NumberRealEstateLoansOrLines': float,\n", + " 'NumberOfTime60-89DaysPastDueNotWorse': float,\n", + " 'NumberOfDependents': float},\n", + " index_col=0,\n", + " na_values='NA')\n", + "\n", + "cs.loc[:, 'SeriousDlqin2yrs'] = pandas.Categorical(cs.SeriousDlqin2yrs)\n", + "\n", + "nb_samples = len(cs)\n", + "\n", + "cs" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Just to sanity-check, the classes of the variables are:" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "SeriousDlqin2yrs: category\n", + "RevolvingUtilizationOfUnsecuredLines: float64\n", + "age: float64\n", + "NumberOfTime30-59DaysPastDueNotWorse: float64\n", + "DebtRatio: float64\n", + "MonthlyIncome: float64\n", + "NumberOfOpenCreditLinesAndLoans: float64\n", + "NumberOfTimes90DaysLate: float64\n", + "NumberRealEstateLoansOrLines: float64\n", + "NumberOfTime60-89DaysPastDueNotWorse: float64\n", + "NumberOfDependents: float64\n" + ] + } + ], + "source": [ + "for col_name in cs:\n", + " printflush('%s: %s' %(col_name, cs[col_name].dtype))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The incidence of loan delinquency in all samples is:" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "0.066839999999999997" + ] + }, + "execution_count": 7, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "sum(cs.SeriousDlqin2yrs) / nb_samples" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Note that this creates a \"**skewed classes**\" problem: one of the classes of cases (here the \"delinquent\" class) is significantly rarer than the other.\n", + "\n", + "_(**note**: in more extreme cases where one class is much, much rarer than the other to the order of 1000 or 10,000 times, our model fitting procedures would need to be tweaked; but this case is not so extreme)_\n", + "\n", + "Let's split the data into a Training set and a Test set:" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "cs_train, cs_test = train_test_split(\n", + " cs,\n", + " train_size=.2,\n", + " random_state=RANDOM_SEED)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's also split a bit of data from the Training set as a Validation set for the purpose of estimating OOS performance metrics:" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "cs_train, cs_valid = train_test_split(\n", + " cs_train,\n", + " train_size=2. / 3.,\n", + " random_state=RANDOM_SEED)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Just to sanity-check that the data sets have been split representatively: the delinquency incidences in the Training, Validation and Test sets are:" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "20000 obs: 0.064750 delinquent\n", + "10000 obs: 0.067800 delinquent\n", + "120000 obs: 0.067108 delinquent\n" + ] + } + ], + "source": [ + "for data_set in (cs_train, cs_valid, cs_test):\n", + " printflush('%i obs: %f delinquent' %(len(data_set), sum(data_set.SeriousDlqin2yrs) / len(data_set)))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The proportions of missing data points per column in the Training set are as follows:" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "SeriousDlqin2yrs 0.0000\n", + "RevolvingUtilizationOfUnsecuredLines 0.0000\n", + "age 0.0000\n", + "NumberOfTime30-59DaysPastDueNotWorse 0.0000\n", + "DebtRatio 0.0000\n", + "MonthlyIncome 0.1991\n", + "NumberOfOpenCreditLinesAndLoans 0.0000\n", + "NumberOfTimes90DaysLate 0.0000\n", + "NumberRealEstateLoansOrLines 0.0000\n", + "NumberOfTime60-89DaysPastDueNotWorse 0.0000\n", + "NumberOfDependents 0.0254\n", + "dtype: float64" + ] + }, + "execution_count": 11, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "cs_train.isnull().sum() / len(cs_train)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's not throw away valuable data just because of missing values; let's impute missing with the means of the respective columns in the _**Training**_ set:" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [], + "source": [ + "cs_train_mean_MonthlyIncome = cs_train.MonthlyIncome.mean(skipna=True)\n", + "cs_train_mean_NumberOfDependents = cs_train.NumberOfDependents.mean(skipna=True)\n", + "\n", + "cs_train.ix[:, 'MonthlyIncome'] =\\\n", + " cs_train.MonthlyIncome.fillna(cs_train_mean_MonthlyIncome, inplace=False)\n", + "cs_train.ix[:, 'NumberOfDependents'] =\\\n", + " cs_train.NumberOfDependents.fillna(cs_train_mean_NumberOfDependents, inplace=False)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Classification Models\n", + "\n", + "Let's train 3 types of classification models: a Random Forest, a Boosted Trees model and a Logistic Regression." + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "RandomForestClassifier(bootstrap=True, class_weight=None, criterion='entropy',\n", + " max_depth=None, max_features=None, max_leaf_nodes=None,\n", + " min_samples_leaf=100, min_samples_split=200,\n", + " min_weight_fraction_leaf=0.0, n_estimators=600, n_jobs=2,\n", + " oob_score=True, random_state=99, verbose=0, warm_start=False)" + ] + }, + "execution_count": 13, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "B = 600\n", + "\n", + "rf_model = \\\n", + " RandomForestClassifier(\n", + " n_estimators=B,\n", + " criterion='entropy',\n", + " max_depth=None, # expand until all leaves are pure or contain < MIN_SAMPLES_SPLIT samples\n", + " min_samples_split=200,\n", + " min_samples_leaf=100,\n", + " min_weight_fraction_leaf=0.0,\n", + " max_features=None, # number of features to consider when looking for the best split; None: max_features=n_features\n", + " max_leaf_nodes=None, # None: unlimited number of leaf nodes\n", + " bootstrap=True,\n", + " oob_score=True, # estimate Out-of-Bag Cross Entropy\n", + " n_jobs=multiprocessing.cpu_count() - 2, # paralellize over all CPU cores but 2\n", + " class_weight=None, # our classes are skewed, but but too skewed\n", + " random_state=RANDOM_SEED,\n", + " verbose=0,\n", + " warm_start=False)\n", + "\n", + "rf_model.fit(\n", + " X=cs_train[X_var_names],\n", + " y=cs_train.SeriousDlqin2yrs)" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "GradientBoostingClassifier(init=None, learning_rate=0.01, loss='deviance',\n", + " max_depth=10, max_features=None, max_leaf_nodes=None,\n", + " min_samples_leaf=100, min_samples_split=200,\n", + " min_weight_fraction_leaf=0.0, n_estimators=600,\n", + " presort='auto', random_state=99, subsample=1.0, verbose=0,\n", + " warm_start=False)" + ] + }, + "execution_count": 14, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "B = 600\n", + "\n", + "boost_model = \\\n", + " GradientBoostingClassifier(\n", + " n_estimators=B,\n", + " loss='deviance', # a.k.a Cross Entropy in Classification\n", + " learning_rate=.01, # shrinkage parameter\n", + " subsample=1.,\n", + " min_samples_split=200,\n", + " min_samples_leaf=100,\n", + " min_weight_fraction_leaf=0.0,\n", + " max_depth=10, # maximum tree depth / number of levels of interaction\n", + " init=None,\n", + " random_state=RANDOM_SEED,\n", + " max_features=None, # number of features to consider when looking for the best split; None: max_features=n_features\n", + " verbose=0,\n", + " max_leaf_nodes=None, # None: unlimited number of leaf nodes\n", + " warm_start=False)\n", + "\n", + "boost_model.fit(\n", + " X=cs_train[X_var_names],\n", + " y=cs_train.SeriousDlqin2yrs)" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "LogisticRegression(C=1000.0, class_weight=None, dual=False,\n", + " fit_intercept=True, intercept_scaling=1.0, max_iter=100,\n", + " multi_class='multinomial', n_jobs=1, penalty='l2',\n", + " random_state=99, solver='lbfgs', tol=0.0001, verbose=0,\n", + " warm_start=False)" + ] + }, + "execution_count": 15, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "log_reg_model = \\\n", + " LogisticRegression(\n", + " penalty='l2',\n", + " dual=False,\n", + " tol=0.0001,\n", + " C=1000.,\n", + " fit_intercept=True,\n", + " intercept_scaling=1.,\n", + " class_weight=None,\n", + " random_state=RANDOM_SEED,\n", + " solver='lbfgs',\n", + " max_iter=100,\n", + " multi_class='multinomial',\n", + " verbose=0)\n", + "\n", + "X_standard_scaler = StandardScaler()\n", + "X_standard_scaler.fit(cs_train[X_var_names])\n", + "log_reg_model.fit(\n", + " X=X_standard_scaler.transform(cs_train[X_var_names]),\n", + " y=cs_train.SeriousDlqin2yrs)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We'll now evaluate the OOS performances of these 3 models on the Validation set to select a model we think is best:" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [], + "source": [ + "low_prob = 1e-6\n", + "high_prob = 1 - low_prob\n", + "log_low_prob = numpy.log(low_prob)\n", + "log_high_prob = numpy.log(high_prob)\n", + "log_prob_thresholds = numpy.linspace(start=log_low_prob, stop=log_high_prob, num=100)\n", + "prob_thresholds = numpy.exp(log_prob_thresholds)\n", + "\n", + "# fill missing data in the Validation set\n", + "cs_valid.ix[:, 'MonthlyIncome'] =\\\n", + " cs_valid.MonthlyIncome.fillna(cs_train_mean_MonthlyIncome, inplace=False)\n", + "cs_valid.ix[:, 'NumberOfDependents'] =\\\n", + " cs_valid.NumberOfDependents.fillna(cs_train_mean_NumberOfDependents, inplace=False)" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [], + "source": [ + "rf_pred_probs = \\\n", + " rf_model.predict_proba(\n", + " X=cs_valid[X_var_names])\n", + " \n", + "rf_oos_performance = \\\n", + " bin_classif_eval(\n", + " rf_pred_probs[:, 1], cs_valid.SeriousDlqin2yrs,\n", + " pos_cat=1, thresholds=prob_thresholds)" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [], + "source": [ + "boost_pred_probs = \\\n", + " boost_model.predict_proba(\n", + " X=cs_valid[X_var_names])\n", + " \n", + "boost_oos_performance = \\\n", + " bin_classif_eval(\n", + " boost_pred_probs[:, 1], cs_valid.SeriousDlqin2yrs,\n", + " pos_cat=1, thresholds=prob_thresholds)" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [], + "source": [ + "log_reg_pred_probs = \\\n", + " log_reg_model.predict_proba(\n", + " X=X_standard_scaler.transform(cs_valid[X_var_names]))\n", + " \n", + "log_reg_oos_performance = \\\n", + " bin_classif_eval(\n", + " log_reg_pred_probs[:, 1], cs_valid.SeriousDlqin2yrs,\n", + " pos_cat=1, thresholds=prob_thresholds)" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 20, + "output_type": "execute_result", + "metadata": {} + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAegAAAGNCAYAAADaaeLlAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3Xd4FOX2wPHvm56Q3gk9EHovClIt2EEFK3oVLJdmb4Be\nFNv16rX9rg0LCqIIFhQLIggiXYqCJrSEAIE0Ekjvyb6/P2YJmxAgfTab83mefbI7OztztmTPvmXO\nKK01QgghhLAvTmYHIIQQQojTSYIWQggh7JAkaCGEEMIOSYIWQggh7JAkaCGEEMIOSYIWQggh7JAk\naCHshFLqBaVUdCPt63mlVEmlZRuUUiur+fhqr1vDuD5VSsXW93YdiVJqllIqTinlYnYsomFJgnYw\nSqmRSimLzaVMKXVCKfWLUuqKszwuRCn1ilJqj1IqXymVoZRap5SapJRSZ3lcf6XUJ0qpQ0qpQqVU\nllJqs1JqhlLKt5oxeyilHlJKbbLut0gpddj6ZT2iNq9DU6OUCgMeBJ633u5pff/mnuNx25RSmUop\njxruUlsv51p2tsfXilJqgFLqaaVU6zNs11LbbdeV9TNn+/+Ta/0sfqeUurMWr3Pl7T+ilPpHHcN8\nEwgCptRxO8LOyS8wx/UhsBZQQBtgKvCDUuoqrfUK2xWVUv2BFUALYAGww3r9GmAeME4pNU5rXbnF\n9SDwCpAILAJiAQ9gMPAUcCFw+dmCVEpFWPfdHfgBWAxkA+2B64BflVJDtdZbavMiNCEPAjnAlwBa\n62il1E7gBqXUfZVfewClVBdgADBPa11YDzFcSB0Sbw0MBJ4GVgFHK903EeMza5aTP1Jus8bhDrQC\nLsH4n3pMKTVGax1Xy+0/CvwNLKx1gFrnKqUWAo8qpd7WUm3KcWmt5eJAF2AkRgvkzkrLOwFlwIpK\ny32ABCAN6FHF9mZZt/dqpeVXWpd/B3hU8biWwOxzxKqAzUA+cPEZ1pkIDKyn18YJcDX7PTpDXCnA\nm5WWP2B9z8ad4XEvWO8fVot9PgcU1yHm9cDKWj52ijXuC8x+7auIbSFQdob7rgIKgd2Acy23n1zb\n163SdoZY//+uNPs1k0vDXUwPQC71/IaeIUFb70sE9lZa9qj1y/K09W3W2WD9YgqzWbYLOAH41SHW\ncdZYn6rm+hOt67et4r4K27F5He4GHgHigGLgYiAV+P4M+1gNJFRa1gf4BkgHCqzPfWIVj33I+uVd\nZP3RsRv4dw3eszGVlodYY/72DI87BBywue0O/AfYDuRaY/0bmF7FY09L0Nb3eWWlZS7Ai9bPTh6w\nDhhUVYIGngQ2ApnW12A/Rk+Kc6X9WqyfOYvN9QnW+z8FYs/w3v9hfV2PY/Q0RFVa52Lr9m4Hplvf\n80Lr40ZU8zN2xgRtvX+ONd5bbZb1BT4DDlrfrwzgR6C/zTrOVTxvC7C/pu+ddX0n634+rO3/n1zs\n/yJd3M2EUsoHCMT4ErF1DcaX6WdnefhHGL/YrwDmK6UigV7Ax1rrrDqEdR1Gd+L8aq5fkzHSkx4A\nSoE3rH8PA18A9yilArTWGSdXVEq1xEiWr9gsuwBYCcQAz2J8eY4BPlJKBWmtX7Wudy/wKrDE+tcC\ndAX6VSPG4dbnta3Ck9U6TSm1ArhcKRWotT5hE9cooC3wjM1D/IFbgKXAuxhf4pcDbyqlfLXWL54j\njqpe2w+AOzCGMFZzaigiFzhQad0pGInpE4xENRwjQbcCJlvX+QKIwEi4z2AMi4CR2E/GUCEOpdRM\n4N/AGoz3Mwh4GNislBqotT5UKY57MX5YvGHd1sPA90qpKK31sbO/BOc03/qcLufU/8yl1uf4PsYP\nmTCMH4a/KaX6aa3jtNZlSqnbgLeBIxg/ehTGsAbU8L3TWluUUjuAZjFHo9ky+xeCXOr3wqnW2P0Y\nX2TBGEnie4xf7/+otP5x4M9zbLOfdZsvW29fbb39QB1j3Q6cqMH6d1ifQ01a0IcAz0rrDrbeN7nS\n8oet2+9tsywGIzGoSut+jvHl6mO9vfxcr+NZntdnQN4Z7rveGuu0SsvnWWONtFmmqKLrFSNxnACc\nbJZV1YKu0CoGelv3/V6l9e6yLq/cgnavYt9PYCTrUJtlkzlDFzdGC3a/ze1gjFZwhfcA4wdiMbDI\nZtnJFvRewM1med+qXsMzvN5nbUFb18kBtpzjefth9NT8r9LyKru4a/Le2dz3HsaPTrsbtpFL/Vxk\nFrfjeh1jXPkYxqSvi4FJWuvKk1N8MSZlnc3J+/1sHmO7vLZ8OdWCaCiLtNYFtgu0MeEsHphQad1b\ngN1a678AlFK9gG4YyThQKRV08gL8hDGRbrD1sRlAO6XUoFrEGILRLVyV76zbLp/5q5RyB8YDG7XW\n8TbPS2uty6zruCilAqyxrsV476JqGNcYjBboW5WWz6eK915rXWTdt5NSyt+673UY3bvV6UmoymWA\nK/B/WuvylrXW+m/gF4xx4coWaK2LbdbdCWQBnWsZQ2W5GHM3Tm6/6OR1pZSnUirQGvMWjOGAc6rl\ne3cCI7EH1/J5CDsnCdpxvYYx8/Rq4L8YXX43VbFeNqcS7plUTsjZlZbXVjY2X3QN5NAZli8Chp48\n1EcpFYUxI9q2q7+r9e97GD92bC/zMZJXqHWdFzHGDbcopWKVUh8rpcad7RA1G5ozzFy2JpovgPOs\nMYIxNOCL0ZVcgVLqdqXUnxitzuPWWD+13h1QjVhstbf+3VsppjJOdU3b7vtKpdQmjNfhhHXf62q5\n78ox7K7ivhjAWykVUml5UhXr5gKetYyhMh9sflgqpXyVUm8ppZIxxunTMX4Yj6EGz7sW793Jz4zM\n4nZQkqAd1x6t9Rqt9XKt9QxgNnCFUuqfldbbDXSxtsrO5GTrJ8bmMWBMnqqL3YCfUqptNdevzRdR\n6RmWL8L4/N9ivX2rdfuf26xz8v9jFsaPncqX0RitOLTW0UBH4EaMw8YuAL4C1iilnM8RYzrGGOSZ\nLMD4Mj7Ziv4Hxpf4F7YrKaVuwfjhcACjG/pKa5wzKz2feqeUGobR2i/AmKB1lXXfE62xN+Z3zZk+\nJ3U+fEsp1QHwouIPlC8x3pMPMYYkLsV47r9Szeddy/cuAOO5Hq/h0xBNhCTo5uN1jAks/1IVKxB9\nhzGDtHJ3r61JGON9PwFYu1WjgWuVUn5nedy5fIvxpXlnNdc/eaxvC9uFSqk2Nd2x1nov8CennvfN\nwCat9WGb1U4e65pv/bFT1SXVZpuFWuuvtdb3aa27YMzKHYHRTXs2ewB36yS1qmLdgpEQblNKhWL8\nMFimta7czXwLEK21vl5rvUBrvUJrvYbaf4Efsv7tarvQ+oOjU6V1b8ToRr5Ua/2h1von674rH+cM\nNfuhdQjjM9Kjivt6YrSM02uwvbqahBH/TwDWbujRwDNa69la66Va61+sz921isef6bnX5r3rBMTr\nKo6RF45BEnQzYe0qfQ1jtultNne9h9El+JJS6rQvQesM2qHA27bJCGPyjz/wWVXVlZRSEUqp2ecI\n6xuMmcuPK6VGV7WCUmqiUmqg9eY+jC/riyqt9gC1a11/BvS2VnbqzKnuxJP+sO7zPqXUaS1c61jj\nyetVtYD/sMbrfY441lnXO9t45ScY3b3vYIzpLqhiHVfrfbYxegL3nWP/Z/KDNa57Ky2fyKn5CLb7\nVrb7t3bvP8rp702udd3qDG/8jPHj8H7b4QKlVE+MeRU/2o5NNySl1BjgcYwu/yXWxS6V/p5cdyjG\n/01lFcavbdTovVNKOWEMyayvZviiCZLDrJqX9zGOVX0M66FNWutspdR1GIfHbFVK2VYSG4tRXeoH\njG7eclrrH5RSjwIvA/uVUp9xqpLYecANnBp/rJLWWiulxmF0Cf+klPoBY7ZuDsYhRNdizCS+wLr+\nLuuhJS9aWy5HMboBI6ld9+Xn1vjfAkqwVvGqFN8kjMOsdiml5mG06PwxJoddzalx+JXWMch1GGOH\nbTG6elMxKmadzUbrYy7D6NGoykKMw7zGYRQ1qaoO9jLgHaXUjxi9E94YLb6iKtY9J+vrvRC4Wynl\njdGd3x3jOOP4Sqsvw5idvdb6mJPDB1UNnWy3/n3C2iNQjNF7caSKGNKVUnMwirL8opRajDEp6gGM\nFvsTtXlu56KUutV61Y1TlcRGYPR2jD05oUtrnaqU2go8bf1M7sWYWHgXxpBQ5R+v24DrlVIzMD5L\nOVrr5dT8vRuC8dn7uu7PVtgts6eRy6V+LxiHF52x8AhGicUyjC8Z2+WhGMf/7sUoBpGBkWwmUukQ\no0qP64/RujuEMf6YhTF79XHAu5oxe2AU+dhk3W8hxvHKnwFDK63bCuPLLAej++9jjLG4Mmwql53r\ndbBZ7xfret+dZZ3O1ueYiPGFmY7xQ+J+m3UmA79ZYyrGSKKLgI7VfA3+Y33MGStUWfdZBrxylnVm\nWF+7Qowu+lkYY6IVDmvCOMyqqNJj1wM/V1rmgnEMchLGBKjfMEp1rqti3UkYPQ5FGMf6/hejG7q8\nEInNutM4VTzGtlDJQmBfFc/rDioWKvkC6FRpnYut27q9iscnUOlwsTO8fgut2zh5ybW+nsswhmKq\nOqQqHGO+QZb1c7keI5mf9lyA1hg/eDOt27c9pKxa75113besz+m0w6/k4jgXZX2zhRAmso4/xwF3\na60/P9f6ovmyFh1KwDju/02z4xENR8aghbADWutkjMpXDdJlKxzKvRi9CGc905lo+qQFLYQQQtgh\naUELIYQQdkgStBBCCGGHJEELIYQQdkgStBBCCGGHJEELIYQQdkgStBBCCGGHJEELIYQQdkgStBBC\nCGGHJEELIYQQdkgStBBCCGGHJEELIYQQdkgStBBCCGGHJEELIYQQduicCVopNU8plaqU+uss6/yf\nUipGKbVDKdWvfkMUQgghmp/qtKA/Bi47051KqXFAW611D+Bu6/pCCCGEqINzJmit9QYg4yyrXAV8\nal33T8BZKdWqfsITQgghmqf6GINuDRyxuZ1oXSaEEEKIWnJpzJ0ppXRj7k8IIYQwm9Za1eZx9ZGg\njwJtgK3W262ty6qkteTohjRnzhzmzJljdhgOT17nhievccOrz9dYa01xWTEaDVpDYSHk5qLy8iE3\n17ieb3P95PK8PFRuLuTlW//aXM/Ng/w8VG5e+bp4eICfHxYfbwq83Mh0s5DmUkSiyiVBZ1Dm641v\nSGsCQtvjGRSGR1AYXkHh+IS0xi+0DQFh7XDzDwKnhj2I6afETKbviePg6EG13kZ1E7SyXqqyHLgV\n+Fop1R8o01on1joiIYRwYKWWUopKi2r0GI0mvySfvOI8cotzK1zySiouKygpMJJkNWw8sJH8Vfnl\nt51Ky/DIK8IrtwiP3EI8cwrxyC3ENTsX5+wcXLLzcMnLxzm/CNeCItwLinEvLMWjqBTPIgvexdCi\nGLyLodgZ8tyMS66bqnA93xVy3W2uu0Guu811H9vlkO+qyHWDPDdXLE4WIANnp2y6BHWhb3hf+oX3\no294X24N642fh1+NXtv6lJMDJ05Au3bwe3EG13cI4L912N45E7RSahEwCghSSiUATwNugNZav6+1\n/lopdaFSKgYoAibWIR4hhGgSCkoKSM9PJ6MwgxMFJzhRcIKMAuN6hWWV7s8tzsXN2Q2latbr6eXq\nhbebN95u3rRwbVF+vcIy1xaEaS88c4twzy3AI6cAj9xC3HOs13MKype75xZSEpvEo5vjy+9zKS6l\n0NuDIm9PCn08KfL2oNDHk1Jfbyz+Iai2UTj5+ePs44erbwDufoG4+QXg6R+Ch38wrn4B0KIFtGiB\np4sLnkBww7z8dmnZMjicoBlzfx5L09N5KTKyYRO01npCNda5tw4xiHo0atQos0NoFuR1bnhmvcYF\nJQUk5yaTnJNMUk5S+SU5t+LtwtJCgr2CCfAMINAzkEDPQAI8Tl1v49vGWFbpfj8PP5xUpe7V0tLy\nrl9yc42mWFXXs6y3s7MhIwMyMyEj0frXetvdHQICwN+/0t8waFNx+TWHDhF64YXG7YAA8PbGSym8\nTHnlm7ajhYUcGZ7K56mpvP93GbeGhXFxQECdtqkac0xYKaVlDFoIYQ9SclP4IuYLdiTvqJCM80ry\naOndkgifCCJ8Iipcj/CJoKVPSyLcggjIs1jHSauRWM91u7gYvL2Ni4/Pqetnuu3jcyqp2iZif39w\nczP7pW028svKuPntdBK6pZDgmcMNISH8IyyMC/z8cLL2kCilaj1JTBK0EKLZyC7K5ps93/DZ35+x\nNXErY7uMZVT7UbTyaWUk4BbhBOaWoZKSICkJEhNP/bW9npMDgYGnkuW5Euq5bnt4QA27vIU5tNZs\nzs5mfkoKX6Wl0dPFh7tbh3NDy2A8nZ1PW18StBBCnEFRaRE/xf3E0q0L2L1zFZd79ebqFv3or8Nx\nS0mrmHhTUsDPD1q1gogI429V14ODG3wWsLAvCYWFLExNZUFKCnk5iqkdwpnUOoxW7u5nfZwkaCFE\n81VUBKmpFVq8+uhRUvf/SUZ8DC7JKUTkKNxwxql1a5xbtTk98Z7827KlMYYrBEYX9jfp6cxPSeGP\nnBxuDA3ljrBwfnjFh8n/VLRpc+5tSIIWQjiWwkIj6dpeUlKqXpafD6Gh6IgIsoK82e2awbrSePJC\n/OjV7zKGD7mZll0GGC1j6UYW52DRmk1ZWSxITeXrtDQG+/oyMTyciz2DCPI5vQv7XCRBCyHsX0HB\n6Qn2TIk3Px/Cwk676LAwykKDKQ4KoDDIj4JgP054aJbt/45Ffy+ioLSACT0nMKHXBHqE9jD7GYsm\notRiYUNWFkvT01maloafiwt3hIdzW1gYEe7uZGfD4MGwYwd4etZs25KghRDms1jg0CHYuRN27YLd\nuysm38JCdGgopaHBZPt7cMzbiaMexRz1KiXNx4k0HydSW0ByCwtpbqUUlhVRWFpIkfVvYWkhRaVF\nODs54+HiUX7xcvVidORoJvSawJDWQ2p8fLFonoosFtZkZPB1WhrfHT9OG3d3xoWEMC44mG4tWpy2\nfl6ecYh3TUmCFkI0roICiI42EvHJhPzXX+DrC337onv3Jq1DKPEeBexxzuBPncSOggPsSd8LQLeQ\nbnQLNi6tfFvh6eKJh4sH7i7u5YnX3dnmunW5u7M7zk4172YUAiCvrIwVJ06wNC2N5SdO0MPLqzwp\nt6/UNI6Lg0WL4Kmn6rZPSdBCiIaTmnoqCZ/8Gx8PXbpQ1qsnx6Ii2N/ak23BxfxRcpg96XvYf3w/\ngZ6B5Um4PCGHdCPEK0RauaLRZJaU8MPx4yxNT2d1Rgbn+foyLjiYa4ODaXmWCYHZ2bByJVx/fd32\nLwlaCFF3paWwf3/FRLxzJ7qkhPzuURzr1JIDbb3ZGQ6bfTL5O2MfCVkJtPdvT9fgrhUScdfgrvi4\n+5j9jEQzday4mGXp6SxNT2djVhaj/P0ZHxLCmKAgAl1dz/g421ra9UUStBCiZoqKYPt2IwH/+Sel\nO3fgtHsv+SF+HOkQzN5WbmwNKWaN73F2uR6nrX87IgMiifSPpGNgRyIDIuka3JVOgZ1wc5bKVcJ8\nRwoL+cY6yWtnbi6XBQYyPiSEKwID8XGp3nmhPv0UEhLgiSfqLy5J0EKIc0qL3sqxrz/Ba/VvhO/Y\nT2K4FzsjnNgQmMe+Vu4UdOtEeMsoIxEHRNIxwEjErX1by7ivsEux+fnlM6/jCgoYExTE+JAQRgcE\n4FFFVS8zSIIWQpymOCeTvV+/R86yL2m1ORrPvGL+6hNOwpDuFIwaRssOvcqTsZmn6BOiurTW/J2X\nx9K0NJamp5NWUsJ1wcGMCw5mpL8/rrWo7jZrlnEI1TXXNEDASIIWQgBoTcLvq0j44n28Vq8jam8a\nce28SR8xiJBx/6Dnpbfi4iLd0aJpsWjNtpyc8qRcYrEwPiSEcSEhDPH1LT8pRW3FxxsF5Gp6fHN1\nSYIWopnKPZ7MnsVvUfTjMtr/vg9VZiH2vI44X3EV3W++j6CWkWaHKESNVS4c4uviwrjgYMaFhNDP\n27tORwFoDUuWGC3mhkrKtuqSoKs3ci6EsAvaYmHfr1+S8tV8/NZuoVN8Jk5RAZSMuoDcGc/QZfh1\ntJKTOIgm6GThkKXp6SxLTy8vHLKqT58qC4fURUwMDB1KtWppm0la0ELYMa01Rw/u4vDSj7D8tJzO\n2w9S7OrEoSHd8BhzHd1vmIZ3QJjZYQpRK3llZfx84gRfVyoccl1wMB3quXlb20pgdSVd3EI4iLS8\nNLYf2kTqqm/xXLuezjsO0ymtjH3dQsm/ZATtbppMu4EXmx2mELWWVFRU3lKuSeGQuqhLLe26kgQt\nRBOUW5zLjqQdbEvcSuLW1fiv38b5u7MZfliT0TaE3FEXEDjmJkIuGYvy8DA7XCFqTGvN3vx8NmRl\nlV8yS0sZ7ufHtcHBjA0OPmvhkPokLehz7UwStGimisuK+Sv1L7YlbmNr0lZi922m4x8HuT7Rj2F7\nC3BzcaPk4ovwHTMep0tGQ1CQ2SELUWPFFgt/5ORUSMi+Li4M8/Mrv3T18qrzzOvqqK9a2nUlk8SE\nsCM5RTnsO76PmGMxbEvaxrakbexP+ptxJ8IZf9SH63dnEnj0OGrkaJxuvAwuvRQ6d5ZzFYsmJ7u0\nlM3Z2azPzGRDVhbbc3KI8vJimJ8ft4SF8VZUFK1N6v0JDYXu3U3Zdb2RFrQQtVBmKeNw1mH2pe9j\n3/F97Evfx97je9mXvo+soiw6B0ZxSWErrjzkSp9dKQTs2I3q1s1IxqNHGwNibnJMsmhaEouKKrSO\nY/PzGejjU946HuLnh181y2o2hIaopV1X0sUtRAPJKsw6lYDT9xrXj+8j7kQcIV4hdAnuQpegLnQN\n6kLfPF+6xaQSuPUv1JpfwdXVSMiXXgoXXQSBgWY/HSGqzVLF+HF2aSlD/fwYbk3I/X18cLOjw/oa\nopZ2XUmCFqIOSi2lHMo8VKE1vO+4kZBzinPoEtTlVCIO7kqXoC50DoyiReIxWLsWfv3V+FtWBhde\nCKNGGZdOnaTbWjQZxRYLO2zGjzdax4+H24wfd2mk8WNHIglaiGrIKMiosjUcnxFPaItQIxGfTMLW\nhNzKtxVOyskoP3ToUMWEXFJSMSFHRUlCFk1GVmkpm63JeH1WFjtycuhsHT8e5ufHUD8/WjXQYU/1\nqaFradeVJGghKonPiGfpnqUVxoYLSgsqtIJPJuGooCi8XL1O30jlhFxcfCoZjxolE7tEk3Jy/Pjk\nhK64ggIG+fqeGj/29cXXxPHj2mroWtp1JQlaCKvsomxeWPcCH/75Ibf0vIWeoT3Lk3FL75Znr+Gb\nmQk//AC//GIk5MLCU8n4wgslIYsm4+T48Xqb8eOc0lKG+fkx3N+fYX5+9PP2tqvx4+pq7FradSWH\nWYlmr8xSxsc7P2b2r7O5vNPlRE+NpqVPy3M/MCsLli2DL7+E334zEvHll8PMmdCliyRk0SQUVTF+\n7G89/niknx9Ptm1LFy+vOp1kwp40lVradSUtaNHkrT20lod+fghvN2/euOwNBkQMOPsDsrLgu+9O\nJeVRo+DGG2HMGPD1bZSYhaiLzJISNmdnlyfkk+PHw23GjyOawPhxTZhVCayupItbNEvxGfE8tuox\n/kj+g5cveZnru19/5hZCdvappLx2LYwceSop+/k1atxC1NTRwsLyZLw+K4v4wkIG2Rx/PLiJjh9X\nl5m1tOtKErRoVk6OM8/7cx6PDHmEh4Y8hIdLFdWKsrPh+++NpPzrrzBihJGUx46VpCzslkVr9uTn\nl0/m2pCVRZ7FUqFcZn9vb1yb4PhxXUgLuoFJghZ1YTvOfEWnK3jhohdOH2fOyTGS8hdfGEl5+PBT\nSdnf35zAhTiLIouF7ZXGjwOt48cnJ3R19vR0mPHj6rKXWtp1JZPEhMOzHWf+4ZYfTh9n3rMH3njD\nmN45dKiRlOfPl6Qs7E5mSQmbbMaP/8jJoYt1/PiOsDDe79y5wU672JQ4Qi3tupIWtLBrZx1n1hpW\nr4bXXjMGp6ZONS5hYeYGLYSNIzbjxxus48fnVRo/9nHg8eOasMda2nUlLWjhcCqPM3827rNT48xF\nRUbf1+uvG+U1H34Yli4FOWeyMJlFa3bn5VWY0FVgM358R3g4/Zrh+HF1LVtmf7W0zSQtaGFXisuK\n+ejPj3jmt2e4stOVPH/R86fGmdPSYO5ceOcd6NPHSMyjR8uxysJ0iUVFzEtO5oPkZNyVKh87Hu7n\nR1QzHD8Wp0gLWjR5xWXFzN85n3+v/zddg7tWHGfevdsYX/7yS7j+eqPSV48e5gYsmj2L1qzOyODd\npCR+zczk5tBQfujViz7e3maH1qTYey1tM0mCFqYqLitmwc4FvLD+BboGd+Xz8Z8zpM0QY3x51Spj\nfPnPP2HaNNi3z5g5IoSJ0oqLmZ+SwntJSXg7OzO1VSsWdO0q48i1dM89Ri1tcTrp4hamKCkrYcEu\nIzF3DurM0yOf5oI2FxjHLi9eDG++aaz40EMwYYKMLwtTaa3ZmJXFu0lJ/Hj8ONcGBzO1VSvO8/GR\n7usaamq1tOtKurhFk2GbmKMCo/hs3Gdc0HoIbNoET02Cb7+Fiy4yWs6XXCLjy8JUWaWlLExJYW5S\nEqVaMyUigjejogh0dTU7tCatudTSritpQYtGUVJWwie7PuH59c8TFRjF0yOfZqhHFHzyCcybZ/ys\nvvtu+Mc/5DApYbodOTm8m5jI1+npXBYQwJSICEb6+0truQ6aaiWwupIWtLBbJWUlLPxrIc+ve56O\ngR1ZOHY+w/bmw8OvG8cwX3stfPghXHCBtJaFqfLKylh87Bhzk5JIKy5mckQEe887jzA3N7NDa/Ka\nci1tM0kLWjSYFXErmPbjNCIDIvl35D85b1UMfPwxhIcbreWbb5azRwnTxeTlMTcpiUWpqQzz82NK\nRASXBgbiLD8Y65W0oGvxWEnQoiF8sOMDZv86m+86PcV573xrzMSeMAHuugt69zY7PNHMFVksfJ2W\nxtykJOIKCri7ZUvubtmStjIZsd44Si3tupIubmE3tNY8vfZpvtqxkN0JYwn87zPw4ovGqR7ly0+Y\nLC4/n/dTajC1AAAgAElEQVSTk5mfkkJfb28ebN2aMUFBUtmrAUgt7bqTBC3qTUlZCfd8fw9um37n\nr2+dcemfDX//LccuC1OVWix8f/w4c5OS+CM3l4nh4Wzs148oLy+zQ3M4trW0fX2NukKi9iRBi3qR\nU5TDPz65lru/PMCVMcU4vf2OMQFMCJMcKSzkw+RkPkxOJtLTkykRESwLDsbD2dns0ByW1NKuXzIG\nLeosOSeZ5/41nGcXpxJ45XicXnsdAgLMDks0QxatWXniBHOTkliXlcWE0FAmR0TQS8pvCpPIJDFh\nmv1xv7Pr1ksYneCC3/zFqMsuMzsk0QwdKy7mo+Rk3k9OJsDFhakREdwcGoq3lN9scFJL++wkQQtT\n7Hn/3/g/NpvMKy6k24ffgrRSRCPSWrMuK4u5SUmsOHGCccHBTImIYJAcuteo4uONWtpyfHPVJEGL\nxpWaytGJ4yjc/jvH33yJ829+xOyIRDOSUVLCJ6mpzE1KwgmYEhHBP8LC8Jfym42iudXSris5zEo0\njuRkeOUVCj+cy7cDnBj6+zrOj7zA7KhEM6C1ZltODu8mJfFNWhpXBgXxfufODPPzk/KbJpBa2o1D\nWtDi3I4ehZdfxvLpQtYMa8Wz5xXwyb2rae/f3uzIhIPLLS1lkbX8ZlZpKZMjIpgYHk6olN9sdM21\nElhdSQtaNIzDh+E//0EvWcym0d24ezpcMexSlo2YTYCnzNIWDeev3FzmJiWx+NgxRvr785/ISC4J\nCMBJWsumkFra5pAWtDhdfDy8+CJ66VJ2XN2fOzrsYmDfK3hm1DPSahYNprCsjC+t5TcPFxZyT0QE\nd4WH01oq0NkFaUHXjrSgRf3Yvx/+/W/0Dz8Qff0I7njEm4j27nx+8S/0DpP62aJh7M/P572kJD5J\nTWWAtzePt23LVYGBuEj5TVNVrqUtybnxSYIWxn/iM8+gV6zgwIQrmPRkS0p8knj9kk8Y2X6k2dEJ\nB1RisbAsPZ25SUn8nZfHpPBwfu/fn0jpP7UbUkvbfNLF3ZwdPgzPPQfffkvipBuY0mk3sSWpvHjx\ni1zb9VqZHSvqXUJhIe8nJTEvJYXOnp5MjYjgupAQ3KW1bBdsa2mL+lGXLu5q/VcopS5XSv2tlIpR\nSs2o4v4uSqktSqlo6zpSU8aeJSXBvfdC//4UBwfwxLvXMzD8W8YMvJXoadFc1+06Sc6i3pRpzY/H\njzPm77/pt307OWVlrO7Th9/69ePmsDBJznZk2TL47DOzoxAnnbMFrZRyA/YBQ4FjwGbgHq31Tpt1\nFgIbtNbvKaW6ASu11qcdISctaJOlpcHLL8O8eTBpEr/cMIC7tzzBqPajePXSVwnyCjI7QuFAUoqK\nmJeSwvtJSYS7uTElIoKbQkPxkpNViGakoVvQ5wPRWuskrXUpsAS4qtI6R4CT9fX8gcO1CUY0kMxM\nmD0bunaF/HzSf/+VCRckM3nrbD4Y8wHzr50vyVnUC601azIyuDEmhm7btnG4sJClPXvy+4ABTGrZ\nUpKzHZo1y2g5C/tTnUlirTES8ElHgcozh14ENiul7ge8gEvqJzxRJ/n58Prr8MYbMHYsevt2FmT9\nxoxll3JHnzv4cOyHeLnKOXFF3R0vKWFBSgrvJSXh5uTE1IgIPujSBT85WYXdu+ceo5a2sD/19d/z\nGvCh1voNpdRg4FOgR1Urzpkzp/z6qFGjGDVqVD2FICpYuRKmToX+/WHjRg4EOzP5h3s4UXCCn279\nif4t+5sdoWjitNZsyc5mblISy9LTGRMczEddu3KBr6/MYbBjlWtpR0aaHZFjWbt2LWvXrq2XbVVn\nDHo4MENrfbX19qOAu9b6BZt19gIXa60TrbcPAEO01scqbUvGoBtaaio8/DBs2gRvv03Z5Zfx2ubX\neGnjS8wcNpMHBz+Ii5O0akTtZZeW8pn1ZBX5FgtTIiK4IyyMYCm/2SRobRzb/M9/Si3txtDQhUq2\nAj2UUhFAGnATMLnSOnEY3doLrJPEvIDjtQlI1JLFYkz+evJJmDgRoqM5WpbBbZ9cDMDWe7YSGSA/\nlUXt7czJYW5SEkvS0rjY359XO3bkIim/2WScrASmlHF0pbB/50zQWusipdRUYCWggIVa6z+UUs8A\n27TWPwCPAPOVUo9bH3a31rqswaIWFe3eDZMnQ3ExrFoFffrw7d5vmfzDZB44/wFmDJ2Bs5NMzhE1\nl19WxhfWk1UkFRfzz5YtiRk0iAh3d7NDEzUgtbSbJilU0pQVFsILL8DcuTBnDkyZQoGlmEdXPsry\nuOUsGreIIW2GmB2laIL25uXxXnIyC1NSON/XlykREVwZFISztJabLKmlbQ6pxd0cZWTAyJEQFQU7\nd0KrVkQfi+aWr2+hZ2hPdk7eiZ+Hn9lRiiak2GLhG2v5zT15edzVsiXbBwygvTS5miSppd30SYJu\nigoLjSmYl1wCr72G1pq5297lqbVP8d/R/+WOPnfILFpRbQcLCvggOZmPkpPp3qIF0yIiuCY4GDep\n8NWkSS3tpk+6uJsaiwVuvtm4vngxxwszuPv7u0nISuDz8Z/TOaizufGJJqHUYmH5iRPMTUpia3Y2\nt4eH88+WLekqzawmTWpp2x/p4m5OHnsMUlJg5Uo2JW7hlq9v4YbuN7B4/GLcXWTijji3H48f54HY\nWELc3JgaEcHXPXrgKRW+HMKyZZCQAE88YXYkoj5IC7opeeMNeP999Pr1vLZvPi9vepl5Y+dxdeer\nzY5MNAGHCgp4MC6O3fn5vBkVxWWBgWaHJITDkxZ0c/DVV/DKK2StXs4dq+4iOTeZrXdvpZ2/9GWJ\nsyuyWHjlyBFeP3KEh9q0YUmPHnIGKQcya5ZxCNU1cg5BhyMt6KZgwwYYN46YT19nzJ7ZXNPlGl4a\n/RJuzlK5SZzdyhMnuDc2lu5eXrzRqZPMyHZA8fFGLW15a+1TXVrQkqDt3Z496FGj+P7JG7i76Ave\nvepdxncfb3ZUws4dKSzkobg4/szN5X9RUVwVJGcrcxSVa2kL+9bQp5sUZklOxnLF5bxzQ3vmuG9i\n812bJTmLsyq2WHgpIYF+27fTs0ULogcNkuTsgGJiID3d7ChEQ5MWtL3KziZ/6Pm81y6N/VNu4PXL\nX8fDxcPsqIQd+zUjg+mxsXTw8OB/UVF0lOaVQ5FKYE2TdHE7GF1URNKIfqx0Ooj7ex8yofetZock\n7FhSURGPHjjApqws3ujUiWuCg6VQjYORWtpNlyRoB5JXmMOuS3tTkH2cVj9vpmtYlafVFoISi4W3\nEhN54fBhJkdE8ES7drSQ45kdlrSgmyY5zMpBHM0+yurx/RmSBq1/P4iXr4wdiqqtz8xkemwsYW5u\nbOzfny5eXmaHJOqZ1NIWkqDtxK6UXSybPIppcW4Ebd+NkuQsqpBaXMzjBw6wJjOT1zp25PqQEOnO\ndlBSS1tIF7cd+DnuZ5Y+dQOv/epGi61/Qps2Zock7EypxcLcpCSeOXyYSeHhPNWuHd4u8vva0Ugt\nbccjXdxN2Ac7PuDn9x9n0SoX3H5dK8lZnGZzVhbTYmPxd3Fhbd++9JC+TocltbSFLWlBm8SiLfxr\nzb+I+flTvv44D5evv4ERI8wOS9iR9OJiZsTHs+LECf7bsSO3hIZKd7YQTYwUKmliikqLuG3pbezb\ntoKln5bg8t4HkpxFuTKteS8pie7btuHr4sKe885jQliYJGcHNWuW0XIWojLp4m5kx/OPc92S64iy\nBPDpR7k4/Ws2jBtndljCTmzPzmZabCxuSrGqTx/6eHubHZJoYPfcY9TSFqIyaUE3ogMnDnDBRxcw\nMrA/H76XjNMNN8C0aWaHJezAiZISpu7fz5joaKa3asW6fv0kOTsorWHxYigoMG5HRkrxEVE1SdCN\nZMvRLQz7eBgP95vOc29Go/r2heefNzssYTKL1nyUnEz3rVtxBnYPGsQd4eE4SXe2Q5Na2qI6ZJJY\nI1i6ZylTfpjC/DHzuPJfC4yFS5aAVH1q1nbm5DAtNhaL1rzTuTP9fXzMDkk0IKkE1jzJJDE7pbXm\n9c2vc/9P97Pi1p+48rXvITMTPvtMknMzlllSwv2xsVz211/cGR7Opv79JTk7uOxsGDToVLe2ENUh\nk8QaSJmljAdXPMjaw2vZdNcm2r78HuzcCatXg7u72eEJE2it+TQ1lRnx8VwdFMTu884jyNXV7LBE\nI/D1hW3bZKxZ1Iwk6Aby0saX+DPlTzZM2oDfO/Ng6VJYvx6kpdQsRefmMj02ltyyMr7p2ZPzfX3N\nDkk0MKmlLepKEnQD2JWyize2vMGOf+7Ab8m38H//Bxs2QHCw2aGJRpZTWsqcQ4dYmJrKM+3b88+I\nCJxlAlizILW0RV3JJLF6VlxWzKAPBvHw4Ie5IyEAJk+GX3+Frl3NDk00Iq01S44d49EDBxgdGMhL\nkZGEurmZHZZoYFJLW1QmtbjtyLO/PUt7//bc7jIA7roQli+X5NzM7MnL497YWNJLSljSowdD/fzM\nDkk0EqmlLeqTtKDr0dbErYz5fAx/3baJsIvGwGOPwaRJZoclGkleWRnPHTrEvJQUZrdrx7SICFyc\n5EAJIZozOczKDhSUFHDHt3fw5uX/I+yRp2DwYEnOzYTWmq/T0ui2dSuJxcX8NXAg97duLcm5mZBa\n2qKhSAu6njzy8yMk5iSy+PiF8PbbsGULeHmZHZZoYLH5+dwXG8uRoiLe6dyZkf7+ZockGll8vFFL\nWw6hElWRMWiTrTu8jsUxi4k5fyFMvcmYsS3J2aHll5XxYkIC7yYmMrNtWx5o3RpXaTE3C1obhQCv\nucZIypGRZkckHJV8o9RRbnEuk5ZN4sPhr+B/+z1G67lLF7PDEg3o+/R0emzbxv78fHYOHMijbdtK\ncm5mpJa2aAzSxV1H036cRkFJPh8vyILWreHNN80OSTSQgwUF3B8XR2x+Pm9FRXFJYKDZIYlGJLW0\nRW3IJDGTrDywkh9jf+SdvZ0gMRFeecXskEQDKCwr49lDhxi0YwcX+Pqya9AgSc7NjNTSFmaQFnQt\nZRZm0vvd3nzV6mHOu+9F+P13aN/e7LBEPfvp+HHui42lt7c3b3TqRFsPD7NDEiaRFrSojbq0oCVB\n19LEbycSmq94ecYv8O67cPXVZock6lFCYSEPxsXxV24ub0ZFcUVQkNkhiUZWuZa2ELUhs7gb2Xf7\nvmN9wnr2buwPN9wgydmBFFssvHbkCK8cOcL9rVuzqFs3POTUoM2S1NIWZpMWdA2l56fT+93erAx6\nkJ7PvQd//y2HVDmI1RkZTN+/n06envwvKopIObC12ZFa2qK+SQu6EU1fPp07Oo6n5wNvw4cfSnJ2\nAIlFRTwcF8fWnBz+r1MnxspZx5otqaUt7Im0oGtgSfQS5vw2h7/3XYxLVg4sWGB2SKIOSiwW/peY\nyIuHDzO1VStmtW2Ll3RnCyHqkbSgG8HBjIPc99N9rO36Ei7PzYLoaLNDEnXwW2Ym0/fvp7W7O5v7\n9ydKekKarVmzjNL511xjdiRCVCQt6GooLitm+MfDmdDlBh6Y/gnMmAG33mp2WKIWUoqKePTAAdZl\nZfF6p06MCw5GqVr9uBUOQmppi4YkhUoa2BOrnyC0RSj3ryuCiAiYMMHskEQNlVos/N/Ro/Tavp3W\n7u7sOe88xoeESHJuhrSGxYtPFR2JjJTkLOyTdHGfww/7f+CLmC/YddGXqPuugu3bQb7Um5RNWVlM\n27+fQFdX1vXtSzepNtHsxcTA0KHQpo3ZkQhxZtLFfRZHs48y8P2BfHXDlwyb+BSMHQsPPWR2WKKa\njhUXMzM+npUnTvBKx47cFBoqLeZmTCqBCTNIF3cDKLWUcsvXt/DA+Q8w7Jf9kJsL999vdliiGsq0\n5t3ERHpu20aAiwu7zzuPm8PCJDk3Y1JLWzRF0sV9BnPWzsHL1YsZIdfCuBGwahXIITh2b2t2NtP2\n78fL2ZnVffrQy9vb7JCEHfD1hW3bZKxZNC2SoKuw6sAq5u+cz5/X/4LTxWPgxRehb1+zwxJncbyk\nhFnx8Xx//DgvR0Zym7SYm73KtbSle1s0NdLFXUlKbgp3fHsHn171ESG3T4Frr4W77zY7LHEGFq35\nMCmJ7lu34uHkxJ5Bg/hHeLgkZyG1tEWTJ5PEbJRZyrj000sZ3mYYcz49CunpsHSpdG3bqT9ycpi2\nfz9KKd6JiqKfj4/ZIQmTSS1tYW+kklg9eXHDi1i0hae2t4AdO2DDBknOdiijpITZBw/yVVoa/46M\nZGJ4OE7SYhZILW3hWKQFbbXu8Dpu+uomolu/SNAj/4LNm+UgSTujteaT1FRmxsdzbXAwL3ToQKCr\nq9lhCSHEGUkLuo6yCrO4demtfBX1L4LuegyWL5fkbGf+ys1lemwshRYL3/XsySBfX7NDEnZCamkL\nRyUJGvg8+nMub9GHofe+BG+/bRwwKexCdmkpTx86xGepqTzXoQN3t2yJs3RnCxv33GPU0hbC0cgs\nbuCTnQt44dMUuPNOuPFGs8MRGN3Zi1JT6bZ1KzmlpcQMGsTkiAhJzkJqaYtmo9m3oGOPx9J+8x5C\njoXBk0+aHY4AduflMT02lszSUr7q0YMhfn5mhyTsjNTSFs1Bs0/Qi/5YwOsrnVDvvQ4y4chUpRYL\ncw4d4r3kZJ5u144pERG4OEknjzCcrKWtFDz3nNnRCNHwqvXtp5S6XCn1t1IqRik14wzr3KiU+lMp\ntUsp9Vn9htkwLNoC776LR6eucMUVZofTrKUXF3P5X3/xe04Ofw8cyL2tW0tyFuWklrZojs55mJVS\nyg3YBwwFjgGbgXu01jtt1ukNvA9cpLXOV0oFaq1PVLEtuzrMavPOH+g8/FoCt+xC9ehhdjjN1o6c\nHMZHR3NLWBjPd+gg48yiSnI2KtEUNfTZrM4HorXWSVrrUmAJcFWldSYBb2ut8wGqSs72qODJGRy6\n7HxJziaan5zMFX/9xaudOvFiZKQkZ1EuLg6effbUbUnOormpzhh0a+CIze2jwMhK63QFLEqpB6y3\nn9Vaf1cP8TWYwp076PXbHkqid5kdSrNUbLHwYFwcazIy+K1vX7rJt2+T1759ew4fPlzv23366Xrf\npBD1ql27dhw6dKjet1tfk8ScgPbAeUBbYJNSar3WOqPyinPmzCm/PmrUKEaNGlVPIdSA1mROv5Ol\n10YxrX2vxt9/M5dYVMT1MTGEubqydcAAfF2a/VxFh3D48GHsaQhLiMZie3KetWvXsnbt2vrZbjXG\noIcDM7TWV1tvPwq4a61fsFnnQ2C91nqB9fYvwL+01lsqbcs+xqB//JEj99zEb9+9yW0DJ5kdTbOy\nPjOTm3fvZnqrVsxs21ZqaDsQ61ib2WEI0ejO9tlv6DHorUAPpVSEUsoVuAn4qdI6PwKjrMEEY3R5\nH6hNQA2utJTShx7k4Us11/a+wexomg2tNf87epTrY2L4qGtXnmjXTpKzEEKcxTn7FrXWRUqpqcBK\nQAELtdZ/KKWeAbZprX/QWn+jlBqmlIrBSPoztdZpDRt6LX3xBaleZXiOHYe3m7fZ0TQL+WVlTN6/\nn79zc9ncvz+RUvZJCCHOqXmdzcpigV69mHZJEeMemMslkZeYF0szEV9QwLjoaHq2aMH7XbrgJafv\ndFjSxS2aKzO7uB3HN9+Q76b4vl0hF7a/0OxoHN6K48cZ8scf3NWyJQu7dZPkLIQQNdB8ps9qDc8/\nz6dj23NnvwE4O0myaCgWrflPQgJvJSbyZY8ejPD3NzskIezepEmTSExMZOXKlWaHIuxE82lBL1+O\npayMJz03M6mfzNxuKNmlpYyPieH748fZNmCAJGfRJEyaNAknJyecnZ1xdnYmKCiIMWPGsHv3brND\naxQLFiwof/5OTk7l16dNm2Z2aGzcuBEnJycSEhLMDqXRNY8WtNbw3HNsun0U/cP30d6/vdkROaQ9\neXlcFx3NhQEBLO7eHXeppS2akBEjRvDll19isVg4ePAgU6dO5aqrruLgwYNmh9YoXFxcSExMrDCW\n6uXlVevtlZWV4VwPw1pa6wrHGTcnzeMbdM0ayMzk6aC/uLvf3WZH45CWpqUxYudOHm/blnc7d5bk\nLJocNzc3QkJCCAsLY/DgwUyZMoWEhASOHTtWvs7KlSsZPnw4vr6+eHp6MmTIENatW1dhO05OTrz7\n7rvcfvvt+Pr6EhISwjPPPFNhnYyMDG666Sa8vb1p2bIls2fPPm2SUWlpKTNnzqR169a4u7vTs2dP\nPv/889P29dZbb3HzzTfj7e1N+/bt+eabb8jMzGTChAn4+vrSqlUrFi1aVK3XICQkhNDQ0PKLt/ep\nI12WL1/OwIED8fDwICwsjOnTp5Ofn19+/6RJkxg9ejRvvfUWHTp0wN3dvfz+N998k27duuHu7k7r\n1q154oknKC0tLX/skiVL6NWrF25ubnh7ezNw4EB27tzJ4cOHGTFiBGBUqnNycuKiiy6q1nNxCFrr\nRrsYuzPBqFE6+e2XdMjLIbqwpNCcGBxUqcWiZx44oNtt2qS3ZWWZHY4wkWn/3/Vg4sSJevTo0eW3\nU1NT9cUXX6yjoqIqrLds2TK9bNkynZCQoHfv3q2nTJmifX19dWpqavk6SikdERGhFy5cqI8cOaLn\nzp2rlVJ6xYoV5euMHj1ad+/eXW/evFnHxcXpO++8U/v6+laIYcqUKTo0NFQvX75cJyQk6FdffVU7\nOzvrZcuWnbavL774QickJOgHH3xQt2jRQl9++eV68eLF+siRI/rhhx/WHh4eFWKsbP78+drV1fWM\n92/cuFE7OzvrJ598Uh88eFCvXbtWR0ZG6uuuu67Ca+jr66tvueUWvWfPHr1nzx5dWlqqn376ad2p\nUyf9008/6cTERL169WodGRmpH374Ya211gkJCdrFxUW/8sor+vDhwzo+Pl5/9dVXOjo6WlssFv3d\nd99pJycnvWPHDp2amqozMjLO9laa4myffet9tcuZtX1grXZmxj/w+vVad+ign/jpMf3Iz480/v4d\nWFpRkb5k50598Z9/6mNFRWaHI0xW3f9v5lDvl7qaOHGidnFx0d7e3rpFixZaKaUHDx6sDx8+fNbH\nWSwWHRISoufNm1e+TCmlZ8yYUWG9Xr166UceMb5/YmJitFJKr1+/vvz+0tJS3a5du/IEnZWVpV1d\nXfXHH39cYTs333yzHj58eIV9zZw5s/x2RkaGVkrpxx57rHxZTk6OVkrppUuXnvF5zJ8/XyultI+P\nj/b29tbe3t7ax8dHx8bGaq21vvHGG/WIESMqPGbFihVaKaXj4uK01sZrGBQUpEtKSsrXyc/P115e\nXvrXX3+t8NjPP/9ct2jRQpeVlemtW7dqJyenM77WGzZsOOv99qChErTjj0G/8AKlMx7no5hnWHP7\nGrOjcRh/5OQwPiaGG0NCeKFDBzl3s6g2/bR9His9ePBgPvnkEwoKCvjqq6944YUXiI+Pp23btuXr\nxMXFMWvWLH7//XcyMzPRWlNQUEBycnKFbfXs2bPC7bCwMDIyjFMTREdHo5RiyJAh5fc7Oztz/vnn\nl6+zd+9eysrKGD58eIXtjBgxglmzZlVY1sPmbHz+/v44OzvTvXv38mXe3t64u7uTmZl51ufv4uLC\nrl27KnS1t2vXDoC///6b8ePHnxbLyfs6duxY/rxdbGrrx8TEUFBQwJgxYyo8tqysjOLiYtLT0+nf\nvz8jR46kV69eXHLJJQwbNozx48dXeN2bK8dO0Nu3Q3Q0P710Fx23d6RbSDezI3IIC1JSePTAAd6J\niuKG0FCzwxGiXnh6etKhQwcAnnrqKfbv38+UKVPYs2dP+SSlyy67jMjISBYsWEDr1q1xdnZm5MiR\nlJWVVdiWUxU/WG0TX1VqOxGqqn3VZv9A+fOvLTc3twq3LRYLAN9//32VCTckJASlFGvWrGHLli38\n9ttvfP/998ycOZMvv/ySsWPH1imeps6xmz0LFsDUqbwfs4C7+8vksLoqtli4d/9+Xjh8mLV9+0py\nFg5t9uzZxMbGsnjxYgCSk5M5ePAgM2fO5MILLyQqKooWLVqQkpJSo+326mWcQW/z5s3lyywWC1u2\nnDq3UNeuXXFxcTltAtpvv/1G7969a/uUaq1Xr15VxqKUok+fPmd8XI8ePfDw8ODgwYNERkaedrH9\nUTJ48GBmzJjBmjVruPjii5k3bx5A+Uzw6vzAcDSOnaBXrCB15CA2Jmzkhu5yYoy6SCoq4sKdOzlS\nVMS2AQPoIedvFlazZsGyZWZHUf+6dOnCmDFj+M9//gMYrb2AgADeffddYmNj2bFjB7feeiseHh41\n2m63bt246KKLmDp1Klu2bCEuLo4pU6aUd28D+Pr6ctdddzFz5kx+/PFHEhISeO211/j666957LHH\n6vV5VseDDz7Ipk2beOKJJzh06BBr165l+vTpXHfddWdtdbdo0YInnniCRx55hHnz5nHo0CHi4+P5\n+uuvmT17NmD8UPnvf//Lzp07SUxMZPXq1URHR9O1a1cA2rRpA8DPP/9Meno62dnZDf+E7YTjJugD\nByA3lw9Lf+emHjfRwk0SSm1tyMxk0I4dXBEYyDc9e+In528WNu65By691OwoGsbjjz9OdHQ0P/30\nEy4uLixZsoTdu3fTq1cvbrvtNqZPn07Lli0rPKY6XdVffPEFPXr0YPTo0QwdOpSQkBDGjRtXYZ03\n33yTu+66iylTptC5c2c++ugjPv300wrjuVXtq7rLamLIkCF8//33rFq1im7dunHTTTdxxRVXsHDh\nwnM+9l//+hevvPIKb7/9Nt26daNPnz689NJL5a+bn58fa9as4dJLL6V9+/bcfvvtjBs3rvzQtFat\nWvHUU0/x1FNPER4ezrXXXlun59KUOO7JMt55B731dzr2W8+XN3zJgIgBjbNfB6K15p2kJJ49dIiP\nu3blyqAgs0MSdkBrWLIErrkGbE9MJifLEM2VnCyjplasIKZfG/w8/Ojfsr/Z0TQ5BWVlTNy7l/eS\nkqX6NtoAACAASURBVNjUv78kZ1FBTAykp5sdhRCOzTFb0MXFEBLCtDcvp1uXYdx3/n0Nv08Hcqig\ngHExMXT18uKDLl1oIWehEkBeHpxt6oG0oEVzJS3omti4Ebp2ZfmJ37m0o4MOjjWQVSdOMPiPP7g9\nLIzPunWT5CwAyM6GQYOgoMDsSIRoPhxzts+KFWRfeAF5JZ/SOaiz2dE0CVprXkpI4H+JiSzp0YOR\nchYqYcPXF7ZtqzjmLIRoWI7Zgl6xgq09AxnaZmizPQtKTZw8ReS36els7d9fkrMAIC4Onn321G05\nsk6IxuV4CTopCY4c4Qf/VIa2GWp2NHZvb14e5//xB6GurvzWrx+ta3hMp3BcoaFgUzFSCNHIHC9B\nr1wJl1zC+qTNDG0rCfpsvklLY/jOnTzapg1zu3SRU0QKcnLg8GHjuq8vXH+9ufEI0Zw53jfyihUU\nXDyKvel7GdBSjn2uSpnWPBkfz4NxcSzv1Yu7KhVaEM3XsmXw2WdmRyGEAEebJFZWBqtWsf2+a+i3\nrx/uLu5mR2R3jpeUMGH3bkq0ZtuAAYRWKm4vmrfbbjM7AiHESY7Vgv7jD2jZkjUl+xnWdpjZ0did\nP3NyGLRjB729vVnZu7ckZwE4bi1tYXBycmLRokVmhyFqwbES9Lp1MHIkG49slAlilXyaksKlf/3F\ni5GR/LdjRzl/syjnyLW0q2vSpEk4OTnh7OyMk5MTnp6eDBw4kKVLlzZ6LKNHj+bOO+9slH1deOGF\nODk5nfHi7OxMQkJCo8QiTudY39Lr11M29AJ+T/ydC9pcYHY0dqHEYuH+2FieOXyYX/v04SY5RWSz\npzUsXnyq6EhkpBzfDDBixAhSUlJISUkhOjqaESNGcOONN7Jv3z6zQ2sw33zzTflzTklJwdnZmf/9\n73/lt5OTk8vPJmWrtLTUhGibH8dJ0BYLbNjAni5BRPhEEOQltaNTioq4aNcuDhYWsq1/f3p6e5sd\nkrATUkv7dG5uboSEhBAaGkrHjh158cUXsVgs7N69u3yd3NxcJk+eTGhoKB4eHgwaNIhVq1ZV2M7+\n/fu56qqr8PHxwcfHh7Fjx3LgwIHy+0+cOMGECRMICgrC1dWVVq1a8eCDDwJGS3716tUsWLCgvAV7\n8jzMx44dY+LEiRX2vWLFigr7/vXXX+nTpw+enp707duXtWvXnvU5+/v7ExoaWn4B41SXtsuUUtxy\nyy2MGTOG1157jfbt2+Ph4YHFYgHgtddeo0uXLri7u9O2bVuefvrp8vsASkpKePLJJ2nfvj3u7u5E\nRUXx1ltvVYjj1VdfpWPHjri6uuLv78+IESM4duxYdd42h/b/7d15fBR1mj/wz7ch90mABELIJeG+\njwHkEBAFJ4jDOiKIB/qTBXEcZsYDmV1HkFV3Z3Z0vBZ1dBURHcUFFXeV+0gQhITcgZCDJFxJOHIf\nhKSf3x9pYkKuTujuqu7+vF+vfpGuqq56utL0k+9RTznOJLGTJwEfH+yvz2L3NoAfS0uxMC0Ny4KD\n8UJYGAws2OL0rtfSVgpYv17raPStvr4eH3zwAdzd3TF+/PjG5ffddx+ys7OxdetWhISEYMOGDYiO\njsaRI0cwduxYlJaWYubMmRg7diyOHj0Ko9GIp59+GrNmzUJ6ejq8vLzw/PPP48SJE9ixYweCg4Nx\n/vz5xj8C3njjDeTk5CA4OBhvvvkmRAQBAQGoqalp3O/evXvh6+uLLVu2YMGCBfjxxx8xZswY5OTk\nYN68eVi6dCm2bduGCxcu4Le//a3FijUdOHAAAQEB2LlzJ+rq6mAwGPD888/j66+/xttvv41hw4Yh\nLS0Ny5YtQ11dHV5++WUAwEMPPYS8vDx89tlnCA8Px+HDh7Fs2TK4ublh2bJl2Lt3L9asWYNPP/0U\nkydPRnV1NQ4fPswiU0BDiUdbPRoOZyXvvivy0EOy6KtF8lHCR9Y7js4ZjUZ55+xZ6R0bK9svXtQ6\nHNKJ0lKRIUNEqqqsdwyz/3839LJb9nGTli5dKt27dxdvb2/x9vYWFxcX8fHxkS1btjRuk56eLkop\n2bdvX7PXTpo0SR566CEREXnnnXfEx8dHKioqGtcXFxeLp6enfPjhhyIi8stf/lIeffTRNmOZPXt2\ni/UfffSRREZGitFobLZ8zpw5smLFChERefbZZyUqKqrZ+l27dolSSjZv3mzWeejevbts3LixxfJF\nixZJnz59pK6urnFZaWmpuLm5yeHDh1vE6u/vLyIiJ06cEIPBIOfPn2+2zYsvviijR48WEZFPPvlE\nevfuLVXW/HBaWXuffdO6LuVMx2lBx8Q0TBDLX4+XZrzU8fYOqLq+HiszMxFXXo4fx4zBAE9PrUMi\nndBVLW2d3vFq0qRJ+OSTTyAiqKmpwa5du/Doo4/Cy8sLd911F1JSUqCUwtSpza8QmT59Onbs2AEA\nSE1NxahRo+DVpC6qv78/hg8fjuTkZADAypUrsXDhQiQkJOC2227D7Nmz8ctf/hKGdiZuxsXFIT8/\nH76+vs2W19bWopvphjapqamYOHFis/VTpliuN3HUqFGNxwKA5ORk1NbW4s4772x2J6f6+nrU1tai\nrKwMcXFxEBEMGjSoxTYepg9jdHQ0Xn31VYSHh+POO+/E1KlT8etf/xo9eYtbB0rQsbE4v+ox1Oyv\nwYCAAVpHY3N5NTX4p9RURHl44PCYMfDu7ji/WuqarCzgs8+AP/2p4TlrabfPw8MDERERjc+HDh2K\nPXv2YP369bjrrrssdpzo6GicOXMGO3bsQExMDB577DFERUUhJiamzSRtNBoxevRofPnlly1ua+jZ\nzh/iluwmdr3hsszr48w7duxAUFBQi+19fX1hNBrh4uKCxMTEFuuvv9eAgACkpqZi//79OHjwIN57\n7z2sXr0aBw4cwKhRoywWvz1yjEliZ84AVVU44FaAKaHOd4OM3VeuYGJ8PJYEBeHzoUOZnAkAa2lb\ngsFgQHl5OQBgxIgRAICYmJhm28TExDQmkhEjRiApKQkVFRWN64uLixtb1tcFBARg8eLF+K//+i98\n9913OHz4MJKSkgAA3bp1a5GEx48fj1OnTqFnz56IjIxs9ujTp0/jsX/66acWsVnLyJEj4erqitzc\n3BYxRUZGNsZdV1eHwsLCFuvDw8Mb92UwGDBr1iysXbsW8fHx6N27N6/dhqMk6JgYYOpUHDr7o1NN\nEBMR/Dk/Hw+dPInPhw7FH/r3d7o/Tqg51tLuutraWhQWFqKwsBD5+fn44IMP8P3332PBggUAgCFD\nhmDOnDlYvnw5Dh48iNzcXDz33HOIj49vnIX9wAMPwNfXF4sWLUJaWhpSU1OxePFi9O7dGwsXLgQA\nrFu3Dt999x3y8vKQmZmJzz77DJ6enggNDQUAhIaG4vjx48jLy8Ply5dRV1eHJUuWICwsDNHR0Th4\n8CDOnTuHpKQkvP7669i+fTsAYNmyZTh37hyefPJJ5OTkIDY2Fn/84x+t9p3g7++PZ555Bk899RQ2\nbtyIvLw8ZGdnY8uWLVi3bh2Ahl6IxYsX44EHHsDWrVtx9uxZZGRkYOPGjXjzzTcBAFu3bsV7772H\n9PR0nD17Flu3bkVBQQEGDx5slbjtSlcHr7vygLUmia1YIfLaazL63dFy+Mzhjrd3AGXXrsm9KSky\nIS5O8qurtQ6HdGLTJpGXX9bm2Fb7/20DS5cuFYPB0PhwdXWVgQMHyr/92781m5hVXl4uK1askMDA\nQHF3d5cJEybI7t27m+3r1KlTEh0dLT4+PuLj4yPz58+X7OzsxvXr1q2TYcOGibu7u3h6esrkyZOb\nTTzLyMiQSZMmiZubmxgMBjlw4ICIiFy5ckVWrlwpISEh4uLiIkFBQTJ//nxJSEhofO3evXtl5MiR\n4u7uLiNGjJB9+/aJwWAwe5KYi4tLm5PE7r777lZf895778moUaPE3d1dvL29ZeLEifL+++83rq+v\nr5dXXnlFBg0aJG5ubuLv7y+33XabbNu2TURE9uzZI9OnTxd/f39xcXGRyMhIeeWVV8yKVy/a++zj\nJiaJKbHhhA2llFjleMOHo+K9t9HnwDxcWX0Frt0cu4RlRlUVFqSmYoqfH94aMADuTSZuEGlFKdWi\na5bIGbT32Tet61I3hv13cV++DOTnY7vnGdwWfpvDJ+dvLl3CtIQE/D4kBH8fNIjJmVhLm8hB2f9s\nokOHgIkT8eWprbhv6H1aR2M19SJYm5uLjQUF2D5iBCbecLkFOa9lywDeMZTI8dh/CzomBlcn/wJ7\ncvbgnkH3aB2NVVy5dg3zUlIQU1KCY+PGMTk7OdbSJnIO9p+gY2MRG6YwNXQqenj00Doai0uqqMCE\n+HgM8fTErlGjEMRbRBJYS5vIGdh3F3dtLZCcjA+793bI7u3NhYX4XVYW3hwwAItbKQRAzoW1tImc\ni323oJOTUR8Zgf+9cAD3DHac7u1rRiN+l5mJF0+fxp5Ro5icCWVlwIQJP3drE5Hjs+8W9NGjyB0U\niFv790eAR4DW0VhEwdWrWJieDu9u3XBs3Dj0cHHROiTSAV3V0iYim7DvFvTRo9jZs8RhurcPl5Zi\nwvHjmOnvj+9GjGBydnJZWcBLTe77wlraRM7FrlvQxp+O4NM7z2L74F9pHcpNERG8f+ECXjh9Gh8O\nGoS7e/XSOiTSAdbSJnJu9tuCLi1FfV4u/Mbeatfd2zX19Xg8IwNvnj2L2DFjmJydHGtpO7aIiAi8\n8sorN7WPdevWYeDAgRaKyLFZ4nxryX4TdFwcssK8ce+I+7WOpMvya2owLTER5fX1+GnsWAzk/Zud\n3jffAJs3ax2F83n00Udx5513Wv04cXFx+P3vf2/WtocOHYLBYEB+fn6z5c8++yyOHDlyU3GEh4fD\nYDDAYDDAxcUFISEhWL58OUpLS29qv3rTmfOtR3bbxV17OBa7e5XjATvt3t5bXIwlJ07g6ZAQPM27\nUJHJgw9qHQFZU8+ePc3eVkRa/V7w9PRs9x7Q5lBKYc2aNVi1ahXq6upw7NgxLF26FNXV1fjkk09u\nat/muHbtGlxsMMemM+dbj+y2BX1p//+hbOQg9PS0r1+AiOA/8/Ox5MQJbB4yBM+EhjI5OznW0ta/\niooKLF++HIGBgXB3d8eECROwa9euZtskJCRg8uTJ8PDwwJAhQ7Bt27YWXaw3Pv/iiy8wYsQIuLq6\nwtvbG+PHj0diYiLy8vIwffp0AD+3dmfNmgUAWLt2LaKiopode/fu3Zg+fTq8vLzg7e2NadOmIScn\np9335OXlhcDAQAQHB+Oee+7B3LlzERcX12ybyspKrFq1CiEhIXBzc8OwYcPw6aefdvp9GwwGvPXW\nW1iyZAn8/f3xoOkv0aKiIixdurTZef3hhx8aX3f16lU8+eSTCAoKQvfu3REYGNh4204ASEpKwsyZ\nM+Hl5QU3NzcMGjQImzZtavN8d/R7zMvLg8FgwJYtW3D33XfDy8sL/fr1w9///vd2z6W12G2C9kpM\nQ4/pc7QOo1Mq6uqwKD0dX1y8iJ/GjsWsHo5X+Yw6b9kywAa9q3QT7rvvPuzbtw9bt27FyZMnMWvW\nLERHR+P48eMAgOLiYsydOxf9+/dHcnIyPv/8c7z55pu4ePFim/s8c+YMHnzwQSxduhRZWVlISUnB\nmjVr4OLigtDQUHxj+qstLi4OBQUF2Lp1K4CG1m/TP+p3796Nu+66C1OnTkVCQgJSU1OxcuVK1NfX\nm/3+UlJScPDgQUyePLnZ8nnz5iEjIwNff/01srOz8dxzz2H58uWN96DuzPtev349Zs2ahdTUVLz6\n6quoqanBzJkzUV9fj7179+LUqVNYtGgRFixYgISEBADAX//6V2zfvh1fffUV8vPzsXv37sY/VABg\n4cKF6NevH44fP46cnBxs2LABgYGBbb7Pjn6P1/3Lv/wLVqxYgYyMDDz++ON44okncOLECbPPp8V0\n9T6VXXnAUveLPXtWir27y57s3R1vqxMZlZUy7Kef5NETJ6S6rk7rcEhDRqPI55+LVFVpHYllWez/\ntwaWLl0qd9xxR6vr0tPTRSnV7J7NIiKTJk2Shx56SERE3n77bfHz85PqJvdmz8nJEaWUvNzkBt3h\n4eGNz48ePSoGg0Hy8vJaPW5sbGyr69euXStRUVGNz6dNmyYLFy40/82a4rh+/2YPDw9RSsljjz3W\nLP59+/aJt7e3VFRUNHvt8uXLZe7cuZ1630op+c1vftNsPx999JFERkY2u9+2iMicOXNkxYoVIiKy\ncuVKuf3229t8H56enq3ev7rp+7weR1paWoe/x9zcXFFKyYYNGxrXG41G8ff3l7feeqvN47T32cdN\n3A/aLseg6478iCPBglv7TdA6FLN8e+kSHs/IwPqICPxz377s0iakpQFTpgD9+2sdie2p/fstvk+Z\nMcPi+7wuJSUFSilMnTq12fLp06djx44dAIC0tDSMHDkS7u7ujesjIiLabc2NHTsWM2bMwIgRIzB7\n9mxMnToV9957L0JDQzsVX3x8PN54441OvQYAnnzySaxcuRLFxcV49dVX8cMPP6C8vLzxPcTFxaGq\nqgp9+vRp9rpr167hlltuAdC59z1u3Lhmz+Pi4pCfnw/fG27+U1tbC4OhoXP3sccew5133olBgwZh\n1qxZmDlzJu655x64ubkBAP7whz/g8ccfx8aNGzF16lTMmzcPEya0nhdSU1M7/D1eN3z48MaflVLo\n1asXiouLW92vNdllgr68/3tkDQjAXDd939XJKIJ1ubn474ICfDt8OCb5+WkdEmmItbQbWDOZ2pNu\n3bphz549OHLkCA4cOIDt27fj+eefx5YtWzB//nyrHz8gIACRkZEAgM8++wxDhw7FmjVr8MEHHwAA\njEYjgoKCcOjQoes9oI1cu3DTnhtfYzQaMXr0aHz55Zct9n99Ety4ceOQn5+PnTt3IiYmBs8++yxe\neOEFHDt2DL6+vli/fj0eeeQR7N69GwcOHMC0adOwatUq/Md//Een42vq+h8ITd0Yoy3Y5Rh03ZEf\nUTtulNZhtKv42jXcnZKCfSUlODZ2LJOzk2Mtbfs1YsQIAEBMTEyz5TExMRg1quF7aPjw4UhOTkZN\nTU3j+tOnT6OoqKjD/U+aNAmrV6/G3r17cfvtt+PDDz8E0JDAgY4Tw7hx47Bz507z31ArXF1dsXr1\namzatAlnzpwBAIwfPx6FhYUQEURGRjZ7hISEALi59z1+/HicOnUKPXv2bLH/pq12Ly8vLFiwAK+9\n9hqOHTuGzMxM7Nmzp3H9gAEDsGLFCnz++ed46aWX8O6777Z6vPZ+jyNHjjTzTNmW/SVooxE90nMQ\noOMJYsmmW0RGeXhgz6hR6GPqjiHnxVra+ldRUYGkpKRmj4yMDAwZMgRz5szB8uXLcfDgQeTm5uK5\n555DfHw8fve73wEAFi9eDDc3NzzyyCPIyMhAYmIiHn/8cXh6erY5pHX48GH85S9/QWJiIs6dO4c9\ne/YgNTUVgwcPBgD0N41/7NixA5cuXUJZWVmr+3nhhRewbds2rFmzBqdOncLp06exefNmZGZmdur9\nP/zwwwgICMBf/vIXAMCsWbMwe/ZszJ8/H99//z3OnTuH9PR0vP/++/j444+7/L6vW7JkCcLCwhAd\nHY2DBw/i3LlzSEpKwuuvv944Ce1vf/sbtmzZguzsbOTm5uKjjz6CwWBAVFQUKisr8fTTTyMmJgZn\nz55FQkICdu7c2Xj+btTe71G310p3dfC6Kw9YYhJJerrk93KR+PPxN78vK/iqqEh6xcbKpgsXtA6F\nNJaZKbJundZR2I5F/n9rZOnSpWIwGFo8hgwZIiIiZWVlsmLFCgkMDBR3d3eZMGGC7N7dfJJqYmKi\nTJ48Wdzd3WXgwIHy1VdfSb9+/eS1115r3CYiIqLZpKW5c+dK7969pXv37hIcHCyrVq1qNuFq7dq1\nEhQUJN26dZOZM2c2Lms6SUxEZOfOnXLrrbeKp6eneHt7y7Rp0yQnJ6fN99s0jqZefvll8fLykkuX\nLomISE1NjaxZs0YiIyPF1dVVAgIC5I477pA9e/Z06n0bDAbZvHlzi+NduXJFVq5cKSEhIeLi4iJB\nQUEyf/58SUhIEBGRDRs2yJgxY8TLy0vc3Nxk9OjRsmXLlsbYFi1aJGFhYeLi4iL+/v6yYMECyc3N\nbfN9lpeXt/t7zM3NFYPBIIcOHWoWZ1RUlKxr5z9ze5993MQkMSU27FdXSsnNHq/6/Q347p2n8Kvj\n1XDppq+bSRwvL8ec5GTsHDkSY3x8tA6HNFZWBuzc6TzlOpVSmozT6dWFCxcQEhKCb7/9FtHR0VqH\nYzPO+L7b++yb1nVpZrDdJeiCe2bjY/9cPL8xy0JRWUZZXR3GxsXh5chI3N/OzE1ybOXlwJUrQFiY\n1pHYnrMn6H/84x8ICQlBZGQk8vPz8eyzz+L8+fM4efKkTapmacVZ33dT1krQ9jUGbTTCJ+Yn1M6a\nrnUkzYgIlmVk4I6AACZnJ8da2s6roKAADz/8MCIiIjB37lwEBARgx44dDp+knPV924J9taCTknB+\n7hQc3PUBFg1fZLnAbtKGc+fw3vnzODJ2LNxNMy+JnI2zt6DJeWnaglZKzVVKpSil0pRSq9vZ7l6l\nlFEpNbYrwXRo1y7sigR+0e8XVtl9VySUl+NPubn4ctgwJmcnxVraRGQNHRYqUUq5AtgAYAqAIgCH\nlVI7RCTxhu28AfwWwM3dB60dNd9/h70DDHjYP8Jah+iUsro6LExPx5sDBvBWkU5s2TKgb1+toyAi\nR2NOC3oigFQROS8idQC+ANDa1Lz1AP4dwFULxvezmhp0O/ITqqdO0kWpTBHBP2dkYJa/PxYHBWkd\nDtmQCPCPf/xcdCQyktc3E5HlmZOgQwCcafL8rGlZI6XUGAAhIvK9BWNr7tAhnA8LwLCoKVY7RGe8\nf+ECTlRV4W8DBmgdCmkgLQ24dEnrKIjIkd10LW7V0Jx9DcAjTRe3tf3atWsbf54xYwZmmFuXd9cu\n7I/qjkkhk7oSpkUlVVTgX0+fRuyYMfDguLPTYC3t9oWFhemid4vI1sKaXFe5f/9+7LfQDWE6nMWt\nlJoGYLWIzDM9fwaAm4i8bHruCyALQAUaEnMfAJcBzBeR4zfsq8uzuGXcWMwZdwJb3iyAn7t2da3L\n6+owLj4eL4aHYwm7tp1GWRkwaRIQH8/ubCIyn7VncR8FMEwpFayUcgFwP4DGrmwRKRORQBGJFJEI\nNEwSu/vG5HxTLl1CfeYpXBo5QNPkLCJYfuoUbvP3Z3J2MqylTUS21mGCFpGrAJ4AsBNAIoD/EZHj\nSql1Sql5rb0E7XRxd8mePcgfGYaJ4VM73taKPrhwASmVlXiD485OISsLeOmln597eWkXCxE5H7PG\noEXkBwA/3LDsxTa2nWWBuJrbtQsHolxxa/9bLb5rcyVXVOCPp08jZvRoeHLc2SkEBgJDh2odBRE5\nK7so9Sm7d+PjwHOYEqrNDO6KujosTEvDa7fcgsFsRjm08nIgL6/hZ19f57nRBRHpj/4T9MWLkOIr\nyOilEKFBgRIRwROZmZji54eHmtxEnBwTa2kTkV7c9GVWVpeSgku3BOPW0KGaXMLx3wUFSCgvx9Fx\n42x+bLK9Bx/UOgIiogb6b0GnpOBksAum9Ld993ZKRQWez8nBl8OGcdzZgbGWNhHpkV20oGP8SjHL\nxhPEKkx1tv/zllswlOPODo21tIlIj3Tfgq5PSsQ+74sY29c6N8hqjYhgZWYmJvn64hGOOzsc1tIm\nInug7wRtNELS09BtxCi4dXez2WE/LihAfHk53o6KstkxybZYS5uI9E7fXdw5OajwcceoQdNtdsi0\nyko8l5OD/aNHw4vjzg6FtbSJyJ7ouwWdkoIMG04Qq6yvx31pafhzZCSGcdzZoZSVARMm/NytTUSk\nd7pO0MakJBzyK8Pk/pNtcrzfZGZigo8PlnLc2eGwljYR2RtdJ+jy+B9xJqwHAr0CrX6sjQUFOFJW\nhneionjLPAfBWtpEZM90naAlORkeY39h9eOkV1bimexsbBk6FN7d9T0sT+ZjLW0ismf6TdBVVfAs\nvIygMdOse5j6eixMS8O/R0ZiuLe3VY9F1sda2kTkKPSboNPTcSbQHQP7DLPqYZ7KzMQYHx88xnFn\nh8Ba2kTkKPTbn5uSgqTeRozpNdhqh9hUUIBDpaWIGzeO484OgrW0ichR6LYFXZsYj+O9ahHqF2qV\n/Z+orMQfsrOxZdgwjjvbOdbSJiJHpNvMVJMQh+KR/dHNYPliIVX19ViYno5XIyIwguPOdo+1tInI\nEem2Be2SfhIYPtwq+16VlYWRXl74f/xWt0uspU1EzkCfCbqiAt0qKtF70BiL73pzYSEOlpTg3YED\nOe5sx1hLm4gcnT67uPPyUNTLA4N7D7HobjOqqvC7rCzsHjUKPhx3tjuspU1EzkSfLejTp5HrJxhs\nwRnc1aY62y9HRGAUx53tDmtpE5Gz0WWCNp7OQZp3NQb2HGixff4uKwvDvLywjOPOdom1tInI2egy\nQZedTEJxkC88XTwtsr/PCwuxr6QE73Hc2a6wljYROTNdDsRWZ55A/eAwi+zrVFUVfpuVhV0jR8KX\n4852hbW0iciZ6bIFbcjLh8eAm58gVmOqs70+PByjfXwsEBlZG2tpExE10GWC9j53ET2Hjrvp/fw+\nOxuDPD2xPDjYAlGRLbCWNhFRA/31+ZaUQNXVIfyWm0vQXxQVYXdxMeJZZ9uusJY2EVED/bWgc3OR\n20Pd1DXQmVVV+E1mJr4cOpTjznaAtbSJiFrSXfYqy0hGXg8DhngFdun1NaY62+vCwzGG4852gbW0\niYha0l0L+lLaMZQH9+xyt/TT2dkY4OGBJzjurFuspU1E1DHdJeiqU+moD+vaLSa/LCrCD1eu4INB\ngzjurHOspU1E1D7dJWiVmwu3AZ0v8Zl1fdx52DD4cdxZlyorG/69Xku7f39t4yEi0jPdJWivO7e3\nTAAADypJREFUc0UIGNK5u1hdNRpxf3o6/hQWhnEcd9Yl1tImIuocfTU1RdDrYiXqRk7t1Mueyc5G\nuLs7nuzXz0qB0c1iLW0ios7RVQu6pvAcrilBePhos1/zVVER/u/yZXzIcWfdYS1tIqKu01WCPp98\nCOd7uaG7wbyGfU51NVZmZuKLoUPh7+Ji5eios1hLm4io63SVoItPJKK4r79Z2141GrEwLQ3/GhaG\n8b6+Vo6MzMVa2kRElqGrBF2TmY6r/fqYte2z2dkIdXfHUxx31hXW0iYisgxdTRKT3FxgYGSH2229\neBHbL1/GcdbZ1h3W0iYisgxdtaA9zhbAI6r9Gtw51dVYceoUvhg6FD047qwLrKVNRGR5umpBBxSU\n4mo7t5msNRqxKD0dfwwNxS847qwbrKVNRGR5umlBi9GIoCtX0Xf45Da3eS47G8GurlgVEmLDyOhG\nrKVNRGR9uknQl/MzUO2i4Nez9Ztc5FRX47OiIvz34MEcd9YB1tImIrIu3XRxX0g/Cpee7ujZxvqD\nJSW4vUcPBHDcWTOVlQ3FRq7X0iYiIuvRTQu6JDMZ5UE92lwfW1qKqX5+NoyImmItbSIi29JNgq7J\nzkBtSNszjWKYoDXFWtpERLalmwQt+XkwhIa1uq6othaFtbUYzmLONsVa2kRE2tFNgnY7XwivW1q/\nBvpQaSlu9fNDN04OsynW0iYi0o5uErRfYSkCBrV+Fyt2b9sOa2kTEemDLhL0tfprCLpSi6ChE1pd\nH1taimlM0DbBWtpERPqgi8uszlzMQr9qwKVf/xbrKuvrkVZZiQk+PhpE5nxYS5uISB900YK+cOIY\nLge4A4aW4RwpK8Nob2+4d+umQWTOgbW0iYj0Rxct6OJTSegZ6I/Waoixe9v6WEubiEh/dNGCrs7O\nQG0b94FmgRLLYy1tIiL900WCNubnwhDW8hroOqMRP5WV4VYmaItjLW0iIn3TRYJ2O1cIz1sGt1ie\nWFGBMHd31t+2kMrKhn+v19Lu33JOHhER6YQuErRvG9dAs3vbclhLm4jIvmieoMuulqFfSR38oka0\nWMcEbTmspU1EZF/MStBKqblKqRSlVJpSanUr658xrUtRSh1QSoWbG8DpKznoXwqo0NBmy0UEMZzB\nfVNYS5uIyH51mKCVUq4ANgCYA2AUgF8rpW7sjz4CYKyIjADwOYDXzQ3gbG4y6l26AzcUIsmqroab\nwYBQd3dzd0U3YC1tIiL7ZU4LeiKAVBE5LyJ1AL4AEN10AxGJFZGrpqexQKuXNLfqSkYiyoJatpLZ\nvd01rKVNROQYzEnQIQDONHl+1rSsLcsBfGtuAFXZJ3E1uOU10Oze7hrW0iYicgwWrSSmlFoCYByA\n29raZu3atY0/z5gxA8b8XKjQiBbbxZaW4vch7f0dQK1hLW0iIu3s378f+/fvt8i+lIi0v4FS0wCs\nFpF5pufPAHATkZdv2G42gDcATBeRy23sS2483oezeyL61qXo89JfG5cV1tZi8NGjuDxlCgy8B3SH\n1qwBJk0C7rlH60iIiKgppRREpEuJzJwW9FEAw5RSwQAuArgfDd3YTQMYA+BdAHPaSs6tMYoRfoUl\n8B/Y/BKr2NJSTPH1ZXI2E2tpExE5ng7HoE2Tv54AsBNAIoD/EZHjSql1Sql5ps3+DMALwBalVIJS\n6mtzDl5QUYDQ8m5wDx/QbDkniLWPtbSJiByfWWPQIvIDgB9uWPZik5/v6MrB80ryEFahWjT/YktL\n8fott3Rll04jLQ2YMoXlOomIHJWmt5vML8nDuLK6Zgm6oq4OJyorMcHXV8PI9KmysqHYyPVa2kRE\n5Lg0LfVZeDYD9a4ugKdn47IjZWUY4+MDN4PmVUh1hbW0iYici6ZZsDzvFKp7NR9r5vhz61hLm4jI\nuWiaoK+eOY36PoHNlrFAyc9YS5uIyHlpmqCN58/BEPxzMZJrRiOOlpdjMsefAbCWNhGRM9M0QXcv\nvAiP0MjG54kVFYhwd0cPFxcNo9IWa2kTERGgYYKuqK1Ar5JaePT/OUGze5u1tImIqIFml1mdKT2D\nyBoPqOCfb3wVW1qK+3r31iokXWAtbSIiAjRsQeeX5iOkqnvjNdAi4rQzuNesaWg5ExERXadZCzq/\nNB+jy4yAqQV9qroangYD+ru7axWSZlhLm4iIbqRdC7okDz2KqxszkzO1nllLm4iIOqJZgi4qzIZS\nBsDHB4BzJWigoZb2pUtaR0FERHqlWYKuzs/BtcBejc9jSkowzd9fq3BsorKy4d/rtbR5owsiImqL\nZgm67tyZxvHnC1ev4kpdHYY0qcntaFhLm4iIOkOTBG0UI7oXFME1JAwAcKi0FFP8/GBQSotwbIK1\ntImIqDM0SdCFFYWIqPFA934NZT4dtUAJa2kTEVFXaZKg80vzEXXVy+FncLOWNhERdZVmCTqsygUI\nDkZ5XR0yqqowzjSb296xljYREVmCZgm6TzmAvn2RWlmJIV5ecDNoet8Oi2EtbSIisgRNKonll+aj\nZ8lVoG9fpFdVYagDzd5mLW0iIrIETZqtRVVF8L5SAfTti7TKSgyz89lTrKVNRESWpkkLurK4CN2u\n1QP+/kjLz8ftPXpoEYbFsJY2ERFZmiYtaFVQgGtBvQClGlrQdtbFzVraRERkbZokaNfCy0CfPiit\nq0NJXR1C7fAOVqylTURE1qRJF7fnpVJ0C56IdNMMbnupIFZZ2VBs5HotbSIiImuxeQu6tr4WvUpq\n0b1ff7vq3mYtbSIisiWbJ+gr1VcQftUdKjgYaVVVdjODm7W0iYjIlmyeoC9XXUZIVfeGa6ArKzFU\nxwmatbSJiEgrmrSggysNQJ8+uu/iZi1tIiLSiu1b0NWXEVhmRElQEErr63U3g5u1tImISA806eIO\nKK3FCX9/DPH01N0MbtbSJiIiPbD5ZVZXyovgXVGLNDc3XdbgZi1tIiLSA9tfZlVwDtV+nkirrtbN\nDG7W0iYiIr2xeQvaeP4canr5I62yEnfopAY3a2kTEZHe2LwFrQoLUde7F9I1vIsVa2kTEZHe2TxB\nuxRdRklYGErr69Hfzc3Wh2/EWtpERKRnNu/idr9cguwxgzWZwc1a2kREZC9s3oL2uVyBrNAIm3dv\ns5Y2ERHZE5snaL+SamQHBtu8ghhraRMRkT2xeYLuU6Fw0tvHJjW4WUubiIjslc0TdHClAWkGg026\nuFlLm4iI7JXNE7Sb0QNlAEKtNIObtbSJiMgR2DxBZ4SGYaiXF5SVZnCzljYRETkCm19mFT84yqrj\nz6ylTUREjsDmLejUqAEWn8HNWtpERORobN6CPhkajvst3IJmLW0iInI0Nm9BZ/cJuekZ3KylTURE\njs7mCbrSzc0iNbhZS5uIiByZzbu4+9ZUdnkGN2tpExGRs7B5C7qnsa5Lr2MtbSIicia2T9CGrrWe\nWUubiIicic0TdG9XF7O3ZS1tIiJyVjZP0IGe5mdZ1tImIiJnZfME3dfXv931rKVNRESkQYLu16N3\nu+tZS5uIiAhQImK7gykley9fxsyAAJsdk4iISCtKKYhIl2ZH234Wt6tri2WspU1ERNSczVvQl2tr\nEeDSfCZ3Tk5DLW1eQkVERI7E6i1opdRcpVSKUipNKbW6lfWuSql/mLaJVUqFtrWvABcX1tK2ov37\n92sdglPgebY+nmPr4znWtw4TtFLKFcAGAHMAjALwa6XU6Bs2+w2AAhEZAeA/AbzV0X5ZS9s6+B/O\nNnierY/n2Pp4jvXNnBb0RACpInJeROoAfAEg+oZtogFsMv38DYDJqp2C29draffv35WQiYiIHJ85\nCToEwJkmz8+alrW6jTQMal8GENjazlhLm4iIqGMdThJTSi0GME1EVpqeLwJwm4g80WSbDNM2Rabn\nJ03bFN6wL9vNSCMiItKBrk4SM+d2k2cBNJ30FWJa1tQZAP0BFJm6tgMAXLRUkERERM7GnC7uowCG\nKaWClVIuAO4H8P0N23wP4EHTz78CcEREjJYLk4iIyLl02IIWkatKqScA7ASgAGwSkeNKqXUAjonI\ndwDeBrBJKZUCoBzAA9YMmoiIyNHZtFAJERERmccqpT4tWdiEWmfGOX7GtC5FKXVAKRVu+yjtW0fn\nuMl29yqljEqpsbaMz1GYc56VUguVUglKqSSlFG+n00lmfF8MUkodUUqlmra5R4s47ZlS6kOlVKFS\nKrmdbd4wnd94pdSYDncqIhZ9AHAFcBpAMBq60I8BGH3DNn8A8DfTz78C8I2l43Dkh5nneCoAN9PP\nKwBs0zpue3qYc45N23kDOADgRwBjtY7b3h5mfpZHAjgCwNP0PEDruO3pYeY53gRguennIQDOaB23\nvT1M37mjASS3sf6frn8PAxgDILGjfVqjBW3xwibUQofnWERiReSq6WksGv5zkvnM+RwDwHoA/w7g\naivrqGPmnOdHAbwjIlUAICJXbByjvTPnHJ8B4Gv62R9Ang3jcwgiEguguJ1NogF8ato2AUA3pVS/\n9vZpjQRt0cIm1CpzznFTywF8a9WIHE+H59jURRUiIjde1UDmM+ezPBjAaKVUnOkx32bROQZzzvGr\nAB5RSp0B8B2Ap2wUmzO58fdwDu1/b5t1HbQtsPVsJUqpJQDGAbhN61gcianH5zUAjzRdrFE4js4A\nIBzAL9BQk+FHpVSMiLTXWqHOeQ3AByLyN6XUJDS09IZpHJPTs0YLujOFTa5/0bVa2ITaZM45hlJq\nNoA/ArhbRK7ZKDZH0dE59kHDF9h+pdRpAJMAfMOJYp1m7vfFtyJiFJFcAOkABtkmPIdgzjmeBmAL\nAIjIEQDuSin2alrWWZjynkmr39tNWSNBs7CJ9XV4jk3dr+8CmC8ilzWI0d61e45FpExEAkUkUkQi\n0DCJ6W4ROa5RvPbKnO+L/wUwAwCUUr3Q0OWdbcsg7Zw55zgLwGwAUEoNAeCJhqFH6hyFtnvS/g/A\nEgAw/SFfLyLn2tuZxbu4hYVNrM7Mc/xnAF4Atph6KfJE5FfaRW1fzDzHzV4CdnF3mjnnWUS2KaWm\nKqXS0NCoeF5E2ONmJjM/y08D+Fgp9ZzpZY+LSL1GIdslpdRnaPhDsqdSKh/Ai2iYQS8i8r6I/I9S\naqbpc3wVwNIO92ma8k1EREQ6YpVCJURERHRzmKCJiIh0iAmaiIhIh5igiYiIdIgJmoiISIeYoImI\niHSICZqIiEiH/j/cgttbsGSDewAAAABJRU5ErkJggg==\n" + }, + "output_type": "display_data", + "metadata": {} + } + ], + "source": [ + "pyplot.rcParams.update({\n", + " 'figure.figsize': (8, 6),\n", + " 'figure.titlesize': 'xx-large',\n", + " 'legend.fontsize': 'x-large'})\n", + "\n", + "fig, ax = pyplot.subplots()\n", + "\n", + "ax.plot(\n", + " [0, 1], [0, 1],\n", + " linestyle='dotted')\n", + "\n", + "ax.plot(\n", + " 1 - rf_oos_performance.specificity,\n", + " rf_oos_performance.recall,\n", + " label='Random Forest')\n", + "\n", + "ax.plot(\n", + " 1 - boost_oos_performance.specificity,\n", + " boost_oos_performance.recall,\n", + " label='Boosted Trees')\n", + "\n", + "ax.plot(\n", + " 1 - log_reg_oos_performance.specificity,\n", + " log_reg_oos_performance.recall,\n", + " label='Logistic Regression')\n", + "\n", + "ax.legend(loc='right')\n", + "fig.suptitle('ROC Curves (Validation Data)')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We see that Random Forest and Boosted Trees are comparable in OOS performance, and both much better than Logistic Regression. Let's choose the Boosted Trees model for evaluation on the Test set.\n", + "\n", + "We now need to pick a decision threshold for the Boosted Trees model. If we are to be really rigorous, we'll need to pose this trade-off in the context of a financial firm extending loans, e.g. balancing the costs of bad debt and the costs of auditing loans that are healthy. Here, to make life simple, we'll pick a subjective threshold that enables us to anticipate **75%** of the delinquency cases:" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "0.070547966098677431" + ] + }, + "execution_count": 21, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "recall_threshold = .75\n", + "idx = next(i for i in range(100) if boost_oos_performance.recall[i] <= recall_threshold) - 1\n", + "selected_prob_threshold = prob_thresholds[idx]\n", + "selected_prob_threshold" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The OOS performance of the Boosted Trees algorithm at this threshold is as follows:" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "threshold 0.070548\n", + "accuracy 0.823200\n", + "recall 0.756637\n", + "specificity 0.828041\n", + "precision 0.242439\n", + "f1_score 0.367215\n", + "deviance 0.358566\n", + "Name: 80, dtype: float64" + ] + }, + "execution_count": 22, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "boost_oos_performance.iloc[idx, :]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Note that there is trade-off: the precision of the model at this sensitivity threshold is rather low, meaning that there'll be many false positives, i.e. cases with lower financial risk being classified as likely to be delinquent." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Test Performance of Selected Model\n", + "\n", + "Remember that the Test data may have some missing values. Let's first impute those missing values by the relevant means we've derived from the Training data:" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/usr/local/lib64/python2.7/site-packages/pandas/core/indexing.py:426: SettingWithCopyWarning: \n", + "A value is trying to be set on a copy of a slice from a DataFrame.\n", + "Try using .loc[row_indexer,col_indexer] = value instead\n", + "\n", + "See the caveats in the documentation: http://pandas.pydata.org/pandas-docs/stable/indexing.html#indexing-view-versus-copy\n", + " self.obj[item] = s\n" + ] + } + ], + "source": [ + "cs_test.ix[:, 'MonthlyIncome'] =\\\n", + " cs_test.MonthlyIncome.fillna(cs_train_mean_MonthlyIncome, inplace=False)\n", + "cs_test.ix[:, 'NumberOfDependents'] =\\\n", + " cs_test.NumberOfDependents.fillna(cs_train_mean_NumberOfDependents, inplace=False)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's then evaluate the performance of the selected Boosted Trees model at the decision threshold determined above:" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'accuracy': 0.82250000000000001,\n", + " 'deviance': 0.36646631580798361,\n", + " 'f1_score': 0.35230797299762812,\n", + " 'precision': 0.23327829903757097,\n", + " 'recall': 0.71935924500186266,\n", + " 'specificity': 0.82991951548500631}" + ] + }, + "execution_count": 24, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "boost_test_pred_probs = \\\n", + " boost_model.predict_proba(\n", + " X=cs_test[X_var_names])\n", + " \n", + "boost_test_oos_performance = \\\n", + " bin_classif_eval(\n", + " boost_test_pred_probs[:, 1], cs_test.SeriousDlqin2yrs,\n", + " pos_cat=1, thresholds=selected_prob_threshold)\n", + " \n", + "boost_test_oos_performance" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can see that the Test performance is very similar to what we've estimated from the Validation set. The selected model works as expected." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# _BONUS:_ Apache Spark solution" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": {}, + "outputs": [], + "source": [ + "# Apache Spark settings\n", + "if AWS_EMR_MODE:\n", + " SPARK_MODE = 'yarn-client' # running Spark on AWS EMR YARN cluster\n", + " SPARK_HOME = '/usr/lib/spark' # default Spark installation folder on AWS EMR master node\n", + " SPARK_DRIVER_MEMORY = '9g' # memory allocated to MapReduce driver process\n", + " SPARK_EXECUTOR_MEMORY = '3g' # memory allocated to each MapReduce executor process\n", + " SPARK_DRIVER_MAX_RESULT_SIZE = '6g' # maximum size of objects collected back to MapReduce driver process\n", + "else:\n", + " SPARK_MODE = 'local' # running Spark on single machine\n", + " SPARK_HOME = '/Applications/spark-1.5.2' # Spark installation folder on my machine\n", + " SPARK_DRIVER_MEMORY = '5g' # memory allocated to MapReduce driver process \n", + " SPARK_EXECUTOR_MEMORY = '1g' # memory allocated to each MapReduce executor process\n", + " SPARK_DRIVER_MAX_RESULT_SIZE = '3g' # maximum size of objects collected back to MapReduce driver process" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "SparkContext: \n", + "HiveContext: \n" + ] + } + ], + "source": [ + "if 'pyspark' not in vars(): # set up Apache Spark environment if not yet done so\n", + " \n", + " # set environment variables for Spark\n", + " os.environ['SPARK_HOME'] = SPARK_HOME\n", + " os.environ['SPARK_HIVE'] = 'true'\n", + " \n", + " # enable importing of PySpark through FindSpark package\n", + " import findspark\n", + " findspark.init()\n", + " \n", + " # import PySpark and set up SparkContext (\"sc\") & HiveContext (\"hc\")\n", + " import pyspark\n", + " \n", + " sc = pyspark.SparkContext(\n", + " conf=pyspark.SparkConf()\n", + " .setMaster(SPARK_MODE)\n", + " .setAppName('BostonHousing')\n", + " .set('spark.driver.memory', SPARK_DRIVER_MEMORY)\n", + " .set('spark.executor.memory', SPARK_EXECUTOR_MEMORY)\n", + " .set('spark.driver.maxResultSize', SPARK_DRIVER_MAX_RESULT_SIZE))\n", + " \n", + " hc = pyspark.sql.HiveContext(sc)\n", + " \n", + "print('SparkContext:', sc)\n", + "print('HiveContext:', hc)" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": {}, + "outputs": [], + "source": [ + "# imports from PySpark\n", + "from pyspark.ml import Pipeline\n", + "from pyspark.ml.feature import StandardScaler, StringIndexer, VectorAssembler\n", + "from pyspark.ml.evaluation import BinaryClassificationEvaluator\n", + "from pyspark.ml.classification import \\\n", + " RandomForestClassifier as SparkML_RandomForestClassifier, \\\n", + " GBTClassifier as SparkML_GBTClassifier, \\\n", + " LogisticRegression as SparkML_LogisticRegression\n", + "from pyspark.ml.tuning import CrossValidator, ParamGridBuilder" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " % Total % Received % Xferd Average Speed Time Time Time Current\n", + " Dload Upload Total Spent Left Speed\n", + "100 5493 100 5493 0 0 4287 0 0:00:01 0:00:01 --:--:-- 4288\n" + ] + } + ], + "source": [ + "# download PySpark_CSV.py and put it into SparkContext\n", + "!curl https://raw.githubusercontent.com/seahboonsiew/pyspark-csv/master/pyspark_csv.py --output pyspark_csv.py\n", + "\n", + "sc.addPyFile('pyspark_csv.py')\n", + "\n", + "from pyspark_csv import csvToDataFrame" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [], + "source": [ + "# download data\n", + "os.system('curl %s --output %s' %(DATA_URL, DATA_FILE_NAME))\n", + "\n", + "if AWS_EMR_MODE:\n", + " os.system('hadoop fs -put %s %s' % (DATA_FILE_NAME, DATA_FILE_NAME))" + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+---+----------------+------------------------------------+---+------------------------------------+-----------+-------------+-------------------------------+-----------------------+----------------------------+------------------------------------+------------------+\n", + "| |SeriousDlqin2yrs|RevolvingUtilizationOfUnsecuredLines|age|NumberOfTime30-59DaysPastDueNotWorse| DebtRatio|MonthlyIncome|NumberOfOpenCreditLinesAndLoans|NumberOfTimes90DaysLate|NumberRealEstateLoansOrLines|NumberOfTime60-89DaysPastDueNotWorse|NumberOfDependents|\n", + "+---+----------------+------------------------------------+---+------------------------------------+-----------+-------------+-------------------------------+-----------------------+----------------------------+------------------------------------+------------------+\n", + "| 1| 1| 0.766126609| 45| 2|0.802982129| 9120| 13| 0| 6| 0| 2|\n", + "| 2| 0| 0.957151019| 40| 0|0.121876201| 2600| 4| 0| 0| 0| 1|\n", + "| 3| 0| 0.65818014| 38| 1|0.085113375| 3042| 2| 1| 0| 0| 0|\n", + "| 4| 0| 0.233809776| 30| 0|0.036049682| 3300| 5| 0| 0| 0| 0|\n", + "| 5| 0| 0.9072394| 49| 1|0.024925695| 63588| 7| 0| 1| 0| 0|\n", + "| 6| 0| 0.213178682| 74| 0|0.375606969| 3500| 3| 0| 1| 0| 1|\n", + "| 7| 0| 0.305682465| 57| 0| 5710.0| NA| 8| 0| 3| 0| 0|\n", + "| 8| 0| 0.754463648| 39| 0|0.209940017| 3500| 8| 0| 0| 0| 0|\n", + "| 9| 0| 0.116950644| 27| 0| 46.0| NA| 2| 0| 0| 0| NA|\n", + "+---+----------------+------------------------------------+---+------------------------------------+-----------+-------------+-------------------------------+-----------------------+----------------------------+------------------------------------+------------------+\n", + "only showing top 9 rows\n", + "\n" + ] + } + ], + "source": [ + "# read data into distributed data frame\n", + "credit_scoring_ddf = \\\n", + " csvToDataFrame(\n", + " sqlCtx=hc,\n", + " rdd=sc.textFile(DATA_FILE_NAME),\n", + " columns=None,\n", + " sep=',',\n", + " parseDate=True)\\\n", + " .cache()\n", + "\n", + "credit_scoring_ddf.registerTempTable('credit_scoring')\n", + "\n", + "credit_scoring_ddf.show(NB_EXAMPLES_TO_SHOW)" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "root\n", + " |-- : integer (nullable = true)\n", + " |-- SeriousDlqin2yrs: integer (nullable = true)\n", + " |-- RevolvingUtilizationOfUnsecuredLines: double (nullable = true)\n", + " |-- age: integer (nullable = true)\n", + " |-- NumberOfTime30-59DaysPastDueNotWorse: integer (nullable = true)\n", + " |-- DebtRatio: double (nullable = true)\n", + " |-- MonthlyIncome: string (nullable = true)\n", + " |-- NumberOfOpenCreditLinesAndLoans: integer (nullable = true)\n", + " |-- NumberOfTimes90DaysLate: integer (nullable = true)\n", + " |-- NumberRealEstateLoansOrLines: integer (nullable = true)\n", + " |-- NumberOfTime60-89DaysPastDueNotWorse: integer (nullable = true)\n", + " |-- NumberOfDependents: string (nullable = true)\n", + "\n" + ] + } + ], + "source": [ + "# print schema\n", + "credit_scoring_ddf.printSchema()" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "root\n", + " |-- SeriousDlqin2yrs: string (nullable = false)\n", + " |-- RevolvingUtilizationOfUnsecuredLines: double (nullable = true)\n", + " |-- age: double (nullable = true)\n", + " |-- NumberOfTime30-59DaysPastDueNotWorse: double (nullable = true)\n", + " |-- DebtRatio: double (nullable = true)\n", + " |-- MonthlyIncome: double (nullable = true)\n", + " |-- NumberOfOpenCreditLinesAndLoans: double (nullable = true)\n", + " |-- NumberOfTimes90DaysLate: double (nullable = true)\n", + " |-- NumberRealEstateLoansOrLines: double (nullable = true)\n", + " |-- NumberOfTime60-89DaysPastDueNotWorse: double (nullable = true)\n", + " |-- NumberOfDependents: double (nullable = true)\n", + "\n" + ] + } + ], + "source": [ + "# remove redundant columns, convert labels to strings\n", + "# & convert all integer columns to DoubleType\n", + "credit_scoring_ddf = hc.sql(\n", + " \"SELECT \\\n", + " CASE \\\n", + " WHEN SeriousDlqin2yrs > 0 THEN 'yes' \\\n", + " ELSE 'no' \\\n", + " END \\\n", + " AS SeriousDlqin2yrs, \\\n", + " %s \\\n", + " FROM \\\n", + " credit_scoring\"\n", + " % ', '.join(['CAST(`%s` AS DOUBLE) AS `%s`' % (x_var_name, x_var_name)\n", + " for x_var_name in X_var_names]))\\\n", + " .cache()\n", + "\n", + "credit_scoring_ddf.registerTempTable('credit_scoring')\n", + "\n", + "credit_scoring_ddf.printSchema()" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "metadata": {}, + "outputs": [], + "source": [ + "# split into Train & Test sets\n", + "credit_scoring_train_ddf, credit_scoring_test_ddf = \\\n", + " credit_scoring_ddf.randomSplit(\n", + " weights=[.3, .7],\n", + " seed=RANDOM_SEED)\n", + " \n", + "credit_scoring_train_ddf.cache()\n", + "credit_scoring_train_ddf.registerTempTable('credit_scoring_train')\n", + "\n", + "credit_scoring_test_ddf.cache()\n", + "credit_scoring_test_ddf.registerTempTable('credit_scoring_test')" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "metadata": {}, + "outputs": [], + "source": [ + "# count data completeness in Training set\n", + "count_ddf = hc.sql(\n", + " \"SELECT \\\n", + " %s \\\n", + " FROM \\\n", + " credit_scoring_train\"\n", + " % ', '.join(['COUNT(`%s`) AS `%s`' % (v, v)\n", + " for v in [y_var_name] + X_var_names]))\\\n", + " .cache()" + ] + }, + { + "cell_type": "code", + "execution_count": 35, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+----------------+------------------------------------+-----+------------------------------------+\n", + "|SeriousDlqin2yrs|RevolvingUtilizationOfUnsecuredLines| age|NumberOfTime30-59DaysPastDueNotWorse|\n", + "+----------------+------------------------------------+-----+------------------------------------+\n", + "| 45008| 45008|45008| 45008|\n", + "+----------------+------------------------------------+-----+------------------------------------+\n", + "\n" + ] + } + ], + "source": [ + "count_ddf.select(\n", + " 'SeriousDlqin2yrs',\n", + " 'RevolvingUtilizationOfUnsecuredLines',\n", + " 'age',\n", + " 'NumberOfTime30-59DaysPastDueNotWorse')\\\n", + " .show()" + ] + }, + { + "cell_type": "code", + "execution_count": 36, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+---------+-------------+-------------------------------+-----------------------+\n", + "|DebtRatio|MonthlyIncome|NumberOfOpenCreditLinesAndLoans|NumberOfTimes90DaysLate|\n", + "+---------+-------------+-------------------------------+-----------------------+\n", + "| 45008| 36081| 45008| 45008|\n", + "+---------+-------------+-------------------------------+-----------------------+\n", + "\n" + ] + } + ], + "source": [ + "count_ddf.select(\n", + " 'DebtRatio',\n", + " 'MonthlyIncome',\n", + " 'NumberOfOpenCreditLinesAndLoans',\n", + " 'NumberOfTimes90DaysLate')\\\n", + " .show()" + ] + }, + { + "cell_type": "code", + "execution_count": 37, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+----------------------------+------------------------------------+------------------+\n", + "|NumberRealEstateLoansOrLines|NumberOfTime60-89DaysPastDueNotWorse|NumberOfDependents|\n", + "+----------------------------+------------------------------------+------------------+\n", + "| 45008| 45008| 43794|\n", + "+----------------------------+------------------------------------+------------------+\n", + "\n" + ] + } + ], + "source": [ + "count_ddf.select(\n", + " 'NumberRealEstateLoansOrLines',\n", + " 'NumberOfTime60-89DaysPastDueNotWorse',\n", + " 'NumberOfDependents')\\\n", + " .show()" + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "6570.641639644134" + ] + }, + "execution_count": 38, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "# calculate average MonthlyIncome to fill null values\n", + "train_avg_monthly_income = hc.sql(\n", + " \"SELECT \\\n", + " AVG(MonthlyIncome) \\\n", + " FROM \\\n", + " credit_scoring_train\")\\\n", + " .rdd\\\n", + " .map(lambda row: row[0])\\\n", + " .take(1)[0]\n", + "\n", + "train_avg_monthly_income" + ] + }, + { + "cell_type": "code", + "execution_count": 39, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "0.7631182353747089" + ] + }, + "execution_count": 39, + "output_type": "execute_result", + "metadata": {} + } + ], + "source": [ + "# calculate NumberOfDependents to fill null values\n", + "train_avg_nb_dependents = hc.sql(\n", + " \"SELECT \\\n", + " AVG(NumberOfDependents) \\\n", + " FROM \\\n", + " credit_scoring_train\")\\\n", + " .rdd\\\n", + " .map(lambda row: row[0])\\\n", + " .take(1)[0]\n", + "\n", + "train_avg_nb_dependents" + ] + }, + { + "cell_type": "code", + "execution_count": 40, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+-------------+------------------+\n", + "|MonthlyIncome|NumberOfDependents|\n", + "+-------------+------------------+\n", + "| 9120.0| 2.0|\n", + "| 2600.0| 1.0|\n", + "| 3042.0| 0.0|\n", + "| 3300.0| 0.0|\n", + "| 63588.0| 0.0|\n", + "| 2500.0| 0.0|\n", + "| 11362.0| 2.0|\n", + "| 6570.64164| 0.0|\n", + "| 7916.0| 0.0|\n", + "+-------------+------------------+\n", + "only showing top 9 rows\n", + "\n" + ] + } + ], + "source": [ + "# fill Training set\n", + "\n", + "complete_vars = \\\n", + " [y_var_name] + \\\n", + " ['RevolvingUtilizationOfUnsecuredLines',\n", + " 'age',\n", + " 'NumberOfTime30-59DaysPastDueNotWorse',\n", + " 'DebtRatio',\n", + " 'NumberOfOpenCreditLinesAndLoans',\n", + " 'NumberOfTimes90DaysLate',\n", + " 'NumberRealEstateLoansOrLines',\n", + " 'NumberOfTime60-89DaysPastDueNotWorse']\n", + " \n", + "credit_scoring_train_ddf = hc.sql(\n", + " \"SELECT \\\n", + " %s, \\\n", + " COALESCE(MonthlyIncome, %f) AS MonthlyIncome, \\\n", + " COALESCE(NumberOfDependents, %f) AS NumberOfDependents \\\n", + " FROM \\\n", + " credit_scoring_train\"\n", + " % (', '.join(['`%s`' % v for v in complete_vars]),\n", + " train_avg_monthly_income,\n", + " train_avg_nb_dependents))\\\n", + " .cache()\n", + "\n", + "credit_scoring_train_ddf.registerTempTable('credit_scoring_train')\n", + "\n", + "credit_scoring_train_ddf\\\n", + " .select(\n", + " 'MonthlyIncome',\n", + " 'NumberOfDependents')\\\n", + " .show(NB_EXAMPLES_TO_SHOW)" + ] + }, + { + "cell_type": "code", + "execution_count": 41, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+-------------+------------------+\n", + "|MonthlyIncome|NumberOfDependents|\n", + "+-------------+------------------+\n", + "| 3500.0| 1.0|\n", + "| 6570.64164| 0.0|\n", + "| 3500.0| 0.0|\n", + "| 6570.64164| 0.763118|\n", + "| 23684.0| 2.0|\n", + "| 6501.0| 2.0|\n", + "| 12454.0| 2.0|\n", + "| 13700.0| 2.0|\n", + "| 0.0| 0.0|\n", + "+-------------+------------------+\n", + "only showing top 9 rows\n", + "\n" + ] + } + ], + "source": [ + "credit_scoring_test_ddf = hc.sql(\n", + " \"SELECT \\\n", + " %s, \\\n", + " COALESCE(MonthlyIncome, %f) AS MonthlyIncome, \\\n", + " COALESCE(NumberOfDependents, %f) AS NumberOfDependents \\\n", + " FROM \\\n", + " credit_scoring_test\"\n", + " % (', '.join(['`%s`' % v for v in complete_vars]),\n", + " train_avg_monthly_income,\n", + " train_avg_nb_dependents))\\\n", + " .cache()\n", + "\n", + "credit_scoring_test_ddf.registerTempTable('credit_scoring_test')\n", + "\n", + "credit_scoring_test_ddf\\\n", + " .select(\n", + " 'MonthlyIncome',\n", + " 'NumberOfDependents')\\\n", + " .show(NB_EXAMPLES_TO_SHOW)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Construct pipelines" + ] + }, + { + "cell_type": "code", + "execution_count": 42, + "metadata": {}, + "outputs": [], + "source": [ + "feature_vector_assembler = \\\n", + " VectorAssembler(\n", + " inputCols=X_var_names,\n", + " outputCol='features')" + ] + }, + { + "cell_type": "code", + "execution_count": 43, + "metadata": {}, + "outputs": [], + "source": [ + "feature_standard_scaler = \\\n", + " StandardScaler(\n", + " withMean=True,\n", + " withStd=True,\n", + " inputCol='features',\n", + " outputCol='standardized_features')\\\n", + " .fit(dataset=\n", + " feature_vector_assembler.transform(\n", + " credit_scoring_train_ddf))" + ] + }, + { + "cell_type": "code", + "execution_count": 44, + "metadata": {}, + "outputs": [], + "source": [ + "label_string_indexer = \\\n", + " StringIndexer(\n", + " inputCol='SeriousDlqin2yrs',\n", + " outputCol='SeriousDlqin2yrs_idx')\\\n", + " .fit(dataset=credit_scoring_train_ddf)" + ] + }, + { + "cell_type": "code", + "execution_count": 45, + "metadata": {}, + "outputs": [], + "source": [ + "# Random Forest Classifier\n", + "rf_classifier = \\\n", + " SparkML_RandomForestClassifier(\n", + " featuresCol='features',\n", + " labelCol='SeriousDlqin2yrs_idx',\n", + " predictionCol='y_hat',\n", + " probabilityCol='p_hat',\n", + " rawPredictionCol='raw_pred',\n", + " maxDepth=6,\n", + " maxBins=32,\n", + " minInstancesPerNode=1,\n", + " minInfoGain=0.0,\n", + " maxMemoryInMB=256,\n", + " cacheNodeIds=False,\n", + " checkpointInterval=10,\n", + " impurity='entropy',\n", + " numTrees=600,\n", + " featureSubsetStrategy='auto',\n", + " seed=RANDOM_SEED)\n", + "\n", + "rf_pipeline_estimator = \\\n", + " Pipeline(\n", + " stages=[\n", + " feature_vector_assembler,\n", + " # feature_standard_scaler,\n", + " label_string_indexer,\n", + " rf_classifier])" + ] + }, + { + "cell_type": "code", + "execution_count": 46, + "metadata": {}, + "outputs": [], + "source": [ + "# GBT Classifier\n", + "gbt_classifier = \\\n", + " SparkML_GBTClassifier(\n", + " featuresCol='features',\n", + " labelCol='SeriousDlqin2yrs_idx',\n", + " predictionCol='y_hat',\n", + " maxDepth=5,\n", + " maxBins=32,\n", + " minInstancesPerNode=1,\n", + " minInfoGain=0.0,\n", + " maxMemoryInMB=256,\n", + " cacheNodeIds=False,\n", + " checkpointInterval=10,\n", + " lossType='logistic',\n", + " maxIter=100, # small number of trees to avoid Stack Overflow\n", + " stepSize=.1)\n", + "\n", + "gbt_pipeline_estimator = \\\n", + " Pipeline(\n", + " stages=[\n", + " feature_vector_assembler,\n", + " # feature_standard_scaler,\n", + " label_string_indexer,\n", + " gbt_classifier])" + ] + }, + { + "cell_type": "code", + "execution_count": 47, + "metadata": {}, + "outputs": [], + "source": [ + "# Logistic Regression Classifier\n", + "lr_classifier = \\\n", + " SparkML_LogisticRegression(\n", + " featuresCol='features',\n", + " labelCol='SeriousDlqin2yrs_idx',\n", + " predictionCol='y_hat',\n", + " maxIter=10000, # many iterations to compensate for inability to standard-scale\n", + " regParam=0.,\n", + " elasticNetParam=0.,\n", + " tol=1e-9,\n", + " fitIntercept=True,\n", + " threshold=.5,\n", + " # thresholds=None,\n", + " probabilityCol='p_hat',\n", + " rawPredictionCol='raw_pred')\n", + "\n", + "lr_pipeline_estimator = \\\n", + " Pipeline(\n", + " stages=[\n", + " feature_vector_assembler,\n", + " # feature_standard_scaler,\n", + " label_string_indexer,\n", + " lr_classifier])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Fit 3 Regression Pipelines" + ] + }, + { + "cell_type": "code", + "execution_count": 48, + "metadata": {}, + "outputs": [], + "source": [ + "# fit Random Forest Classifier\n", + "rf_model = \\\n", + " rf_pipeline_estimator.fit(\n", + " dataset=credit_scoring_train_ddf)" + ] + }, + { + "cell_type": "code", + "execution_count": 49, + "metadata": {}, + "outputs": [], + "source": [ + "# fit GBT Classifier\n", + "# gbt_model = \\\n", + "# gbt_pipeline_estimator.fit(\n", + "# dataset=credit_scoring_train_ddf)" + ] + }, + { + "cell_type": "code", + "execution_count": 50, + "metadata": {}, + "outputs": [], + "source": [ + "# fit Logistic Regression\n", + "lr_model = \\\n", + " lr_pipeline_estimator.fit(\n", + " dataset=credit_scoring_train_ddf)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Make Predictions" + ] + }, + { + "cell_type": "code", + "execution_count": 51, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+----------------+--------------------+--------------------+--------------------+-----+\n", + "|SeriousDlqin2yrs|SeriousDlqin2yrs_idx| raw_pred| p_hat|y_hat|\n", + "+----------------+--------------------+--------------------+--------------------+-----+\n", + "| no| 0.0|[591.547576927535...|[0.98591262821255...| 0.0|\n", + "| no| 0.0|[586.489189306993...|[0.97748198217832...| 0.0|\n", + "| no| 0.0|[559.259984641726...|[0.93209997440287...| 0.0|\n", + "| no| 0.0|[589.320374861145...|[0.98220062476857...| 0.0|\n", + "| no| 0.0|[585.036821772535...|[0.97506136962089...| 0.0|\n", + "| no| 0.0|[589.826393843757...|[0.98304398973959...| 0.0|\n", + "| no| 0.0|[590.305638581826...|[0.98384273096971...| 0.0|\n", + "| yes| 1.0|[225.200336855522...|[0.37533389475920...| 1.0|\n", + "| no| 0.0|[594.084912355480...|[0.99014152059246...| 0.0|\n", + "+----------------+--------------------+--------------------+--------------------+-----+\n", + "only showing top 9 rows\n", + "\n" + ] + } + ], + "source": [ + "rf_predictions_ddf = \\\n", + " rf_model.transform(\n", + " dataset=credit_scoring_test_ddf)\\\n", + " .select(\n", + " 'SeriousDlqin2yrs',\n", + " 'SeriousDlqin2yrs_idx',\n", + " 'raw_pred',\n", + " 'p_hat',\n", + " 'y_hat')\\\n", + " .cache()\n", + " \n", + "rf_predictions_ddf.show(NB_EXAMPLES_TO_SHOW)" + ] + }, + { + "cell_type": "code", + "execution_count": 52, + "metadata": {}, + "outputs": [], + "source": [ + "# gbt_predictions_ddf = \\\n", + "# gbt_model.transform(\n", + "# dataset=credit_scoring_test_ddf)\\\n", + "# .select(\n", + "# 'SeriousDlqin2yrs',\n", + "# 'SeriousDlqin2yrs_idx',\n", + "# 'y_hat')\\\n", + "# .cache()\n", + " \n", + "# gbt_predictions_ddf.show(NB_EXAMPLES_TO_SHOW)" + ] + }, + { + "cell_type": "code", + "execution_count": 53, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+----------------+--------------------+--------------------+--------------------+-----+\n", + "|SeriousDlqin2yrs|SeriousDlqin2yrs_idx| raw_pred| p_hat|y_hat|\n", + "+----------------+--------------------+--------------------+--------------------+-----+\n", + "| no| 0.0|[3.41473457755721...|[0.96816186726530...| 0.0|\n", + "| no| 0.0|[3.30108019522362...|[0.96446584919000...| 0.0|\n", + "| no| 0.0|[2.65010946046454...|[0.93401773672491...| 0.0|\n", + "| no| 0.0|[2.25806351810849...|[0.90534381174433...| 0.0|\n", + "| no| 0.0|[3.27138074101503...|[0.96343384508655...| 0.0|\n", + "| no| 0.0|[2.73734351921199...|[0.93919456690850...| 0.0|\n", + "| no| 0.0|[2.81818444837071...|[0.94365060375141...| 0.0|\n", + "| yes| 1.0|[0.71692055593614...|[0.67192854239434...| 0.0|\n", + "| no| 0.0|[3.53148070755909...|[0.97157034011756...| 0.0|\n", + "+----------------+--------------------+--------------------+--------------------+-----+\n", + "only showing top 9 rows\n", + "\n" + ] + } + ], + "source": [ + "lr_predictions_ddf = \\\n", + " lr_model.transform(\n", + " dataset=credit_scoring_test_ddf)\\\n", + " .select(\n", + " 'SeriousDlqin2yrs',\n", + " 'SeriousDlqin2yrs_idx',\n", + " 'raw_pred',\n", + " 'p_hat',\n", + " 'y_hat')\\\n", + " .cache()\n", + " \n", + "lr_predictions_ddf.show(NB_EXAMPLES_TO_SHOW)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## ROC Curves on Test Set" + ] + }, + { + "cell_type": "code", + "execution_count": 54, + "metadata": {}, + "outputs": [], + "source": [ + "rf_oos_performance = \\\n", + " bin_classif_eval(\n", + " numpy.array(rf_predictions_ddf.select('p_hat').rdd.map(lambda row: row[0][1]).collect()),\n", + " numpy.array(rf_predictions_ddf.select('SeriousDlqin2yrs_idx').rdd.map(lambda row: row[0]).collect()),\n", + " pos_cat=1, thresholds=prob_thresholds)" + ] + }, + { + "cell_type": "code", + "execution_count": 55, + "metadata": {}, + "outputs": [], + "source": [ + "lr_oos_performance = \\\n", + " bin_classif_eval(\n", + " numpy.array(lr_predictions_ddf.select('p_hat').rdd.map(lambda row: row[0][1]).collect()),\n", + " numpy.array(lr_predictions_ddf.select('SeriousDlqin2yrs_idx').rdd.map(lambda row: row[0]).collect()),\n", + " pos_cat=1, thresholds=prob_thresholds)" + ] + }, + { + "cell_type": "code", + "execution_count": 56, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 56, + "output_type": "execute_result", + "metadata": {} + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAegAAAGNCAYAAADaaeLlAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3XlcVNX7wPHPARUUBHdTUMHcDTX3Jc0lXFJbzFwyFTXT\nsm+ZZall2vZt/2VZ37LF3LfM3UorJXfNFfclBBT3BVxARTi/P84wAoIg2x2G5/16zQvmzpk7zx10\nnjnnnvNcpbVGCCGEEI7FxeoAhBBCCHE7SdBCCCGEA5IELYQQQjggSdBCCCGEA5IELYQQQjggSdBC\nCCGEA5IELUQ+opR6Xym1x+o4nJVSqrJS6oZSqpXVsYi8TxK0uGtKqQeVUglJbvFKqQtKqT+VUp3u\n8LzSSqlPlVL7lVIxSqmLSqk1SqkBSil1h+fVV0pNU0qFKaWuKaWilVIblVKvK6W8Mhizu1LqZaXU\nBtvrXldKhSulZuSXD1OlVFlgOPCe7f64FH/HtG7xSqmKORDPk0qpN+6ifYcUcV1XSp1RSq2zffHw\ny2I8gbb3pEhm96G1DgVmAx9nJRYhAJQUKhF3Syn1ILAa+AEIBhRQAXgO8AU6a61/T/Gc+sDvgAcw\nFdhm+/1RoA2wHOimtY5L8bzhwKdAJDALOAy4A02BJ4C1WuuO6cRb3vbatYBlwCrgEuAHPA7cB7TQ\nWm+62/ciL1FKfQAMAHy01vFKqfuAOimazQDWA9+k2L5Qax2bzfH8jPm3kqGEqJTqAPwGfA1sxHQw\nSgANgG6AKzBMa/1TJuP5BBgBlNNan8nMPmz7aQxsAtpqrYMzux8h0FrLTW53dQMeBBKAgSm2VwHi\ngd9TbC8KRABngdqp7G+0bX+fpdj+sG37EsA9leeVA8amE6vCfJjHAO3SaBMENMym98YFKGj13yiN\nuE4BE9NplwBMy6WYfgZi7qJ9B1t8T6Xxb2EHcANonsl4PrX9+y2TDcf2LzDL6r+73PL2TYa4RbbR\nWh/BJAG/FA8NAXyA17XWe1N53gfABmCYbRg20QdAFNBXa30tleed1Fq/m05YjwNNgA+11n+lEfcU\nrfVWAKVUkG349LYhXdv2t5LcTxzqf0Yp9YpS6ghwDWillDqtlFqa2usppf5SSkWk2FZXKbVQKXVO\nKRWrlNqllApK5bkvK6X22YZ3Y2y//zed9wCgJVAGWJmBtmlSShVUSr1hO01xzXacU5RS96RoV0Mp\ntdR26iPO1m6FUqqW7fGNmBEQtxRD6WUyE5fW+iTQE9OLHpskDnel1EdKqW1KqSu29zZEKTU0Rbyz\nMb1ngFNJ4mlse7y7Uuo323HcUEpFKqW+V0qVSiOkFUAXpVSBzByPEADyj0dkG6VUUcyQ49EUDz0K\nXAdm3uHpk4FmQCdgilKqMhAA/KS1js5CWI8DGpiSwfbadrsbLwE3gQm2n+HAPGCwUqq41vpiYkOl\nVDnMCMSnSbY1xyTOvcA7wBWgKzBZKVVSa/2Zrd0LwGfAXNvPBKAGcH8GYmxpO65/7vLY7GzzBBYB\nrYBJwG7MqY2XgBZKqfpa68u2c7jBmC8rHwIngVK2464C7APewpwLr4sZdk+cgxCV2fi01odsib+1\nUqqQ1voGUBKTuBcA/8Mk8E7A/5RSRbXWn9iePhEz0tMJeB5zCgTgiO1nf9u2920x1rS1a6SUaqC1\njk8RzhbMF9P6tt+FuHtWd+Hllvdu3BrifhHzAVgKkySWYoYI+6Zofx7Ykc4+77ft82Pb/S62+y9l\nMdatwIW7aN/fdgwVU3ksAXgrlfchDCicom1T22NDUmwfYdt/nSTb9mLOi6sUbWcDl4Gitvu/pvc+\n3uG4ZgJXM9AuzSFuoJ8t9uYptte1bR9ju9/Ktp/26bxWtg1xJ2nzrS2WKrb7LoBLKu0mY065qCTb\nPiGNIW7ALZVtLW3xPHKHx4Ky8u9Xbvn7JkPcIis+x3zIncFM+moHDNBaT0/RzotbPZK0JD7uneQ5\nSbdnlhcmyeWkWTrFBCptJpyFAk+laNsb2Ke1DgFQSgVgemOzgRJKqZKJN8yEKA9Msge4CFRSSjXK\nRIylyULv1KYnpvd7MEWckZhzru2SxAnQVSnlnsXXvFuJf+uiAFrrBK11AoBSqoBSqrgt5mDMaE/l\njOxUa3098XelVFHbPvZj/n2m9ve4YPtZOjMHIQTIMiuRNf8HPITp7X6COWXSM5V2l7iVcNOSMiFf\nSrE9sy5h+7DOQWFpbJ+FGfr1BVBKVcXMOE461F/D9nMS5stO0tsUzLB04nnZD4BYYJNS6rBS6iel\nVDfb0HN6NLeGkTOrBmYmfMo4zwD3Jsaptd4N/IgZAj6nlPpDKTUm8X3IYYl/a/uXMmWW8e3EDLmf\n59Z7C1A8IztVStVUSi1WSl0Gorl13EXT2Efiey3LZESmyTlokRX7tdarbL//qpS6AHyglHpWa/1d\nknb7gAZKKbekPZEUEs+j7k3yHDDDp1mxD7hfKVVRax2RbuvMfaDeTGP7LOBNTK/5E6CPbf+zk7RJ\n/JI8mrTPD+8F0FrvUUrdC3QGWgPtMUPyfyulHtK3nwdN6hxQLN0juTMXzHnnl0k92V9N/EVrPVgp\n9SXmnO6DmIlbbyqlHtNaZ2miWjoCMDO5IwCUUn0xXxbmY75QngbiMBMH3yMDnRSlVDFgDaZX/CZm\nZCQG87f8JY19JCbts5k/FJHfSYIW2elz4AXMB/FkrXVi4loCNMcM96a1RnUA5oP1NzAFH5SpePWY\nUuplnfmJYouAp4GBwPgMtE+cLe6RdKNSqsLdvrDW+oBSagfmuD8BegEbtNbhSZolTkKKSfJl5077\nvIZJCr/Y4vov8Drm/Oyvd3jqfqCXUqqcNjOeM+MIUENrvTojjW096d3Ax7b3LwST4BITdLb2LpVS\nNTCnA1ZoM0EMzJejXVrrHinaVk0t5DR23R4zHN4u8dSEbR9FSPHvJIkqtv3tz/gRCJGcDHGLbGP7\nUPw/zJKqp5M8NAk4AXyklKqd8nlKqVFAC+BrrfXpJA+NwfT6ZqZ2LlMpVV4pNTbl9hQWYnqmryml\nAlNroMzSqoa2uwcxvcO2KZq9ROYSykygjq0nVw1TCCSp7bbX/I+tp5YythJJfk+tB7zdFq9nOnGs\nsbXLzPnrRLOB8kqpZ1J7UClV3PazaMphd631MUxvMmmcV4BCSqmCWYgp8bXLA3MwE7PeS/JQQVJ8\nztkS6wup7OaK7WfKUyKJ8aXs0LySyrZETTAjCtvvGLgQdyA9aJHdvgPeAEZiO8+ntb6klHocUy1s\ni1IqaSWxRzCVxJZhhnnttNbLlFKvYsomHlJKzeRWJbHGwJOYxJMmrbVWSnXDVBL7TSmVWEnsMlAR\neAxTTau5rf0updQ2zFB9SeA45jx7ZTJ3Djex7ONXmKHVn1OJbwCmV7lLKfUj5px2MUxvsAu3zsOv\nVEqdtB3zWVv8wzDDtn+kE8d623M6YEY0MuMnzJK5b5VSbTETrW5izj8/Aky3HevDwHtKqUXAAUyC\nfMTWbmSS/f2DGaL/Sim1GvMFaGGS3m9aWti+ALhghpIbYNZUK+AZrfWGJG0XA18qsyZ9CSb5DsSc\ny0/pH9s+PlZK/YKZ0b0S+BMzpL1AKfU1Zqi7HdAQcz46Ne2BZUlGkYS4e1ZPI5db3rthzinGk6KS\nWJLHx9kefyTF9jKY9b8HMB94FzHJJogUS4xSPK8+MA2TuGIxH4qbgNcAzwzG7I45d7rB9rrXMOuV\nZ2LKfCZt64P5YL+MmVT0EyYRxJOkcll670OSdn/a2i25Q5tqtmOMxKwZP4f5IvFikjZDgL9tMd3A\nFIWZBdybwffgQ9tzXO/QJh6YeofHFfAfzBesK7a/435MadDqtjZVMOVcEwu3xNjaD06xr0KYZVGn\nMIn+jlW8MF8u4pPcrmMmaq0H3gUqpfG8MZhz0tcwX/Bex3yJiAcap2j7HnAM82XK/jhmhGeD7d/f\nOUxv3RczMvR1in0kLrFrY/X/Vbnl7ZvU4hYin7AVSTmC6WXOTq+9yByl1DTMl5UmVsci8jZJ0ELk\nI0qp9zEjGwFWx+KMlFL+mBGF9lrrO55+ESI9kqCFEEIIBySzuIUQQggHJAlaCCGEcECSoIUQQggH\nJAlaCCGEcECSoIUQQggHJAlaCCGEcECSoIUQQggHJAlaCCGEcECSoIUQQggHJAlaCCGEcECSoIUQ\nQggHJAlaCCGEcECSoIUQQggHlG6CVkr9qJQ6rZQKuUObL5RSe5VS25RS92dviEIIIUT+k5Ee9E9A\nh7QeVEp1AypqrWsDz9jaCyGEECIL0k3QWut1wMU7NOkMzLC13QG4KqV8sic8IYQQIn/KjnPQvsCx\nJPcjbduEEEIIkUkFcvPFlFI6N19PCCGEsJrWWmXmedmRoI8DFYAttvu+tm2p0lpydE4aP34848eP\ntzoMpyfvc86T9zjnOcJ7rLUm9mYsF2IvcCH2AhdjL5qf1y4m33bt1mOJj1++fhkvNy+KFy6Ol5sX\n7gXcKVygMIULFr71ewHb7wUz9nuq+yhYGDdXN5TKeJ69dAmODX6H++aNy/R7k9EErWy31PwK9AF+\nUUrVB+K11pGZjkgIIUSeo7Um+no052POcz72POdjzmcoyV6IvYCrcqVE4RIUL1zc/HQ3PxN/r+BV\nwf5Y0se93b1xUY6zWvjyZbhwASpVAi8vqH1jR5b2l26CVkrNAloDJZVSEcA4oBCgtdbfaa1/UUq1\nUUrtBa4DQVmKSAghhKXi4uPsSTatn+diz92WjIsULELJwiUpWaQkJQqXoGThkvZkWtG7InXvqXtb\nki1euDjuBdytPuRssXgxRETAmDFAQgJs3pyl/aWboLXWT2WgzQtZikJkm9atW1sdQr4g73POk/c4\n+yToBE5cPkFYVBjHLx3nXIxJriGFQ+izoM9tCTgmLobi7sUpWaQkJQuXpFSRUvbEW7JwSaqVrJbs\nfqkipShRuAQFXQtafaiWevrpJHc2bwZvbzh5MtP7U7l5TlgppeUctBBCZK8EncDpK6cJiwrjaNRR\nwqLCkv1+LPoYxQsXx6+YHxW8KtyWcEsVKWX/vWSRkni5eTnU0LEjGz0amjaFRx9N8cCQIVCxIurN\nNzM9SUwStBBCODitNWdjznL04u3JNywqjPDocIoWKop/cX/8ivnh5+136/diflTyrkThgoWtPgyn\nFBoK5cpB4aRv77lzUK0a7N+PuuceSdBCCJFXaa25eO0iRy8etSfeoxePEhYdZk/ChQsUtidc/2K3\nkq9/cX8qeVfCo5CH1YeRL2gNc+eaHnPhtL7zjBljZot9+y1KKUuXWQkhhEhHTFyMPfEejTrK0YtH\nCY0Ktd8H8C/mj39xf/yL+VO9VHU6VuloesDFKuHl5mXxEYhEe/dCixZQoUIqD0ZEwHffwbZtWX4d\n6UELIUQ2uJlwk2PRx+zJ92jUUUIvhtrvR12LolKxSiYJ2xJx5eKV7b8Xdy9+V+tsRe66ehU80huk\n0Np0rRs1grFjAaQHLYQQOU1rzemrp5P1gJMm4ROXT1DWo6y9B+xfzJ+OVTrak3C5ouVk4lUedemS\nmQi2bdsdhrUBpk6FI0dg/vxseV3pQQshBBAbF0vk5UiORR/j+KXj9lt4dDihF0MJiwrDo5BHsmFo\n/2K2XnBxfyp6V6SQayGrD0PkkDv2oGNj4ZVX4LffYNEiqFvX/lBWetCSoIUQTu/KjStEXork2KXk\nyTfp7cqNK/h4+eDr5WtuRc3Pit4VqVy8Mn7F/CjqVtTqQxG55MgRmDUL3nornYYhIdC7N9SpA99+\na9Y+JyFD3EKIfOvS9Uscv3T8tp7v8cu3fr9+8/qtxGu71Slbh4erPkwFrwr4evlSqkgpOQcs7MqU\ngVq17tAgPBx++MEk5U8/hX79IJv//UgPWgjhkLTWRF2LsifZtHq/CTqBCt4Vbuv5Jr2VKFxCkq9I\nV9Ja2qm6dg0WLoTJk2HHDtNzHj4c7r03zX3KELcQIk+6fvM6h84fYt/Zfew7u4+w6LBkybeASwF8\nvXztvdzUbt5u3pJ8RbaYMSNJLe1EWptkPHkyzJkDDRrAwIFmtrZ7+jXEJUELIRzatZvXOHT+EHvP\n7GXf2X3sPWt+hkWF4V/cn1qla1GrVC0qF69sT7w+Xj6y9ldY59w5cxJ68mSIjjZJuX9/qFjxrnYj\nCVoI4RCu3bzGgXMHTBI+s5d950zPODwqnMrFK1OrdC1ql65tfpapTdUSVXEr4GZ12CIfS1ZLOy4O\nfv8dpkyBv/6CLl1MYm7dGlwyt0ROErQQIlfFxMVw8NxBe0848eex6GPcW+LeW0nY9rNqyaqyBEk4\npNBQKH9hD+5zppgx7ipVICgIevQwF3XOIknQQogcERMXw/6z+5Ml4X1n9xF5OZIqJaok7xGXrk2V\nElXy/SUHhWOz19JueYHCC2eZ3vKpU2b4un9/c5GLbCQJWgiRJTFxMbeGpc/uY9858/vJKyepWqIq\ntcvUplYpMyxdq3Qt7i1+ryRikffcvIlesZK9I3+iVuQfuHR+2PSW27UDV9cceUlJ0EKIDEvQCRw6\nf4hNxzex+fhmNkVu4uC5g1QrWS1Zj7hW6VrcW+JeCrhIuQSRh2kNISHcmDKTQnNnmEleAwZAz55Q\nrFiOv7wkaCFEmi7EXjCJ+PgmNkduZnPkZoq5F6Opb1Oa+DShqW9T6t1TD/cC6S8ZESJPiI2F1ath\n2TJYtowElwJMvvIkT/8RhPv9NXM1FEnQQggA4uLj2H1mN5uOb7In5JOXT9KwfEOa+ja1J+WynmWt\nDlWI7HXiBCxfbpLy6tVQr56Zhd21K9SowdUYlf7VqHKAJGgh8qnIS5H2ZLwpchM7Tu7Ar5hfst5x\nrdK1cHXJmfNrQlgmIcFcXsrWS+boUejY0STljh05cqFExmpp5zBJ0ELkAzFxMWw/uf1WQj6+ievx\n103P2KcpTXyb0Kh8I7zdvdPfmRB50ZUr8OefJiEvX27OISf2kps3hwK35ktcugQrV0L37hbGiyRo\nIZyO1ppjl46xPmI9G45tYMPxDRw4d4D7ytxn7xk39W2KfzF/KXMpnFtY2K1e8vr1pqpIly7QubNZ\ns5xEurW0LSAJWog8Li4+jl2nd5mEfHwD6yPWE5cQR4sKLWhRoQXNKjSjfrn6MpFLOL/4eNi06VZS\nPn0aHn7YJOX27e9YPCTVWtoWkwQtRB5zIfYCm45vsifkrSe24l/Mn+YVmtOiQguaV2hO5eKVpXcs\nnJ/W5vzx6tWwahWsWAG+viYhd+kCjRrl2Brl3CAJWggHprXm8IXD9uHq9cfWc/zScRr7NLYn5Ca+\nTSjmnvNrMoVwCGFhEBxskvLq1aYGdps25tahw11dkCJZLW0HJAlaCAdz+fplfj38KwsOLGDV0VV4\nFPSgeYXm9oQcUDZACoCI/OPYMZOIE5NyTIy5AEViUq5WDTI5WhQaCuXKQeHC2RpxtpEELYQDuBh7\nkaWHlvLL/l8IDgumRYUWdKvZjY5VOuLr5Wt1eELknhMnkifk6GiTkBOTcs2amU7I9lrajzpuUk4q\nKwlavsILkQVnrp5h0YFF/LL/FzYd30Rb/7Y8WetJpj42VYasRf5x6pRJxokJ+dw5ePBBk5BffBFq\n18705RpTs3cvtGgBFSpk2y4dkvSghbhLkZciWbB/Ab/s/4Wdp3bSsUpHnqj5BJ2qdsKzkKfV4QmR\n886evZWMg4Ph5Elo1cr0jlu3hjp1sjUhA1y9iiWVwLJKhriFyGHhUeHM3zef+fvnc/DcQbpW78oT\nNZ8gsHIghQvmgXE2IbLi/Hn4++9bk7qOHYOWLW8l5Hr1cnSm9aVLZiLYtm15Y1g7KUnQQuSAoxeP\nMn/ffH7e9zOhF0N5rMZjdK/Vnbb+bSnkWsjq8ITIORcvwpo1txLy0aNmTDlxUtf99yer2pUbpAed\nwyRBC0f374V/7Uk5IjqCx2s8Tvda3Wnt11qufyyc1+nTsG6dScpr18Lhw9Cs2a2E3KABFMzdf/9H\njuAQtbSzSiaJCZEFh88ftiflyMuRdKvRjY8e+ogH/R6UpVDC+Wht1iGvXXsrIZ8+bXrILVvCxImm\nOEgha0eJypSBWrUsDcFy0oMW+dLNhJssOrCICZsm8O/Ff+lWoxtP1n6SlhVbypWfhHNJSID9+28l\n4zVrTDnNli1v3QICHKJalyPW0s4qGeIWIoMuxl7kxx0/MnHLRCp6V2R4k+E8WuNR6SkL5xEXBzt2\n3ErG69aZqz61anUrIVepkul1yDnJEWtpZ5UkaCHScej8Ib7c/CWzds+ic7XOvNTkJRqWb2h1WEJk\nXUwMbN5sEvLateZCE/7+JhEnJuXy5a2OMt+SBC1EKhJ0An+F/sUXm79gS+QWhjQYwnONnqN8Ufmw\nEnlYVJS57GLikPWuXWbdcWLvuEULKFHC6igzzNFraWeVJGghkth/dj/TQ6Yzc/dMirkX4z+N/0Of\ngD6yXlnkTSdP3uodr1ljik83bnyrd9ykSd5cf2Tj6LW0s0oStMj3zlw9w+zds5keMp0Tl0/QJ6AP\nfev2pU7ZOlaHJkTGaW0yVmLveO1aUyTkgQduDVnXr5/rS56yU16rpZ1VssxK5EsxcTEsObiE6SHT\nWR+xnkeqP8IH7T6grX9bmYkt8oaEBNizJ/mSJ6Vu9Y5ffjnb61g7gvxSSzurpAct8pQEnUBwWDDT\nQ6az6MAiGvs0pm+dvjxW4zGpgy3yhhs3YPlymDbNlM8sVSr5hC5/f4ecYZ1VebUSWFbJELdwenvP\n7LWfVy5ZuCR96/TlqYCnKFe0nNWhCZExe/bATz+ZtUQ1akBQEHTqBPfcY3VkOS4v19LOKknQwmmt\nPrqa8X+P58iFI+a8cp2+BJQNsDosITImOhrmzIHJk+H4cZOUg4KgalWrI8t10oPOxHMlQQtH9HfY\n34wLHkfk5UjGthrLUwFPSTERkTckJJhLME6eDMuWQWAgDBwI7ds7RLWu3OIstbSzSiaJCaexJnwN\n44LHcSz6GGNbjaVPnT6SmEXeEB4OU6eaYWwvLxg0CCZMMOeY8yGppZ110oMWDmFt+FrGBY8jPDqc\nsa3G8nSdpyUxC8cXGwuLFpne8vbt0Lu36S3ff79TTvRKjzPW0s4q6UGLPGtdxDrGB48n9GKoPTHL\nZR2FQ9PaJOPJk8355QYNTG956VJwd7c6OkstXux8tbStJD1oYYn1EesZ//d4/r3wL2+2epO+dfpK\nYhaO7dw5mDnTJObLl2HAAOjfHypWtDoy4cBkkpjIMzYc28D44PEcvnCYN1u+Sb+6/SQxC8d18yas\nXGmS8p9/QteuZgj7wQedrnhIZjl7Le2skgQtHN6m45sYFzyOg+cO8kbLN+hfrz+FXK29ILwQaTp8\n2Ez2mjoVfH1NUu7VC7y9rY7M4Th7Le2sknPQwmFtP7mdsavHsvv0bt5s9SZB9YIkMQvHdOUKzJ9v\nessHD0Lfvqb3XLu21ZE5lJS1tCtXtjoi5yUJWuSIPWf2MC54HJuOb2L0A6NZ0GMBbgXcrA5LiOS0\nhg0bTFJesMCU2hwxAjp3ztMXpMhpUks7d8gQt8hWh84fYnzweFYdXcVrLV7juYbPyWUeheM5cQKm\nTzeJWSkzhN23rxmrFanKr5XAsiorQ9wyy0Fki6MXjzJg8QBaTG7BfWXu48iLRxjRbIQkZ+E4btww\nveQuXcyw9ZEjMGUK7N8Pr70myfkOLl2CRo3Msm+Re2SIW2TJsehjvL/2febvm8+wRsM4/J/DFHMv\nZnVYQtyyZ4/pKc+YATVrmt7y3LnSHbwLXl7wzz8yESy3SYIWmXLqyik+WPsBM3bPYHD9wRx84SAl\ni5S0OiwhjKioWxepOHHCrFdevz5fXqQis1LW0pbvM7lPErS4K+dizvHx+o/5cceP9KvTj33P76Os\nZ1mrwxIC4uLMrOupU2HFCnNxinfeMReryEcXqcguUkvbejJJTGSI1pqv//maccHj6Fm7J2+0fAMf\nLx+rwxICdu6EadNMd8/f3/SWe/SAEiWsjizPkVra2S/H10ErpToCn2AmlU3TWn+U4vHqwFTAE1DA\nGK314swEJBzPqSunGLB4ABdiL7Bx0EaqlaxmdUgivzt50iTkadPMcHa/frBmDVSTf5tZIbW0HUu6\nPWilVCHgINACOANsBAZrrXcmaTMdWKe1nqSUqgms1FrftkJOetB5z5KDSxiybAiD6w9mbKuxUpZT\nWCc21mSQadNg40Z47DHTW27VSspuCoeV0z3oJsAerfUJ24vNBToDO5O0OQZ42X4vBoRnJhjhOK7e\nuMqIFSP4I/QP5j85nxYVW1gdksiPtDaTu6ZOhV9+gYYNTW/5559l1lI2kVrajisjCdoXk4ATHQce\nTNHmA2CjUupFoAjwUPaEJ6yw9cRW+izoQ1PfpuwcuhMvN6/0nyREdgoNNT3l6dPBzc30lENCTF1s\nka0GD5Yl4I4qu2Zx/x/wg9Z6glKqKTADSLWA7fjx4+2/t27dmtatW2dTCCKr4hPi+Wj9R3yx+Qsm\ndppIj9o9rA5J5CfR0aZnPHUqHDgAvXub9coNGphqXyJbSC3tnBUcHExwcHC27Csj56BbAq9rrbvY\n7r8KuGmt30/S5gDQTmsdabv/L9BMa30mxb7kHLSDCosKo+/CvhR0KcjUx6ZSwVuK7IpccPMm/PGH\n6S3/9hu0a2eGsDt1gkJyUZWcoLVZ2/zss1JLOzfk6OUmlVJuwAHMJLGzwAZgiNZ6e5I2y4CftdZT\nbZPEVgG+Wuv4FPuSBO2AZobMZPiK4bzW/DVeaf4KLkom3IgcFhJikvLMmVCxohnC7tkTSkqxm5wi\ntbStkaOTxLTW15VSzwErMUuopmuttyul3gb+0VovA14BpiilXrM97ZmUyVk4nqhrUTy//Hl2ntrJ\nyqdXcn+5+60OSTiz06dvLY06d85cnGL1aqhRw+rInN6lS2Yi2LZtUq4zL5FCJfnU32F/029RP7pW\n68rHgR9TpGARq0MSzujaNViyxCTldevMic/+/aF1a1kalcukB22NHB3izk6SoK13I/4Gb61+i2m7\npvHDIz8UA1Y4AAAgAElEQVTwcNWHrQ5JOJvEayxPm2YmfdWvb84rd+sGnp5WR5dvpKylLayR45XE\nhHM4cO4AfRb0waeoDzuH7qSMRxmrQxLO5OhRsyxq2jQoUMD0lHfuNOeYRa6TWtp5n/Sg8wGtNd9u\n/Za3gt/ivTbv8WyDZ1GybEVkh0uXYP58szRq717o1cv0lhs1kqVRFpBa2o5HetAiTWeunmHQkkGc\nvHySdQPWUb1UdatDEs4gNBQ+/dSMobZuDcOHw8MPm6IiwjJSS9u5SIJ2YssPLeeZpc8woN4Afunx\nC4VcZV2pyKLdu+HDD+H332HIEFNQ5J57rI5K2Dz9tNURiOwkCdoJxcTFMHLlSJYfXs7c7nNpVamV\n1SGJvG79epOYt26Fl16C//0PvL2tjkogtbSdmSRoJ7Pj5A6eWvAU9cvVZ+fQnRRzL2Z1SCKv0tr0\nlD/4AI4fh5EjYd48WUjrYKSWtvOSSWJOIj4hnk83fMpnGz9jQscJPBXwlNUhibwqPt4sj/rwQ/P7\nqFGmylcB+T7vCFLW0haOTSaJ5XMR0RH0W9iPBJ3AP4P/oVIxmcIpMuH6dTMb++OPoWxZeO89M/FL\nCoo4nL17oUULqaXt7KQHncfN2TOHF397kRHNRjCy+UhcXVytDknkNZcvw6RJ8PnnULeu6TG3bCnL\npByMVALLm6QHnQ9FX4vmhd9e4J/If/itz280KN/A6pBEXnP2LHz5JXzzDTz0ECxfDvXqWR2VSIXU\n0s6fZOwqD1oXsY56k+rhWdCTbc9uk+Qs7k5EhJmJXb26uYDFpk0wZ44kZwfm5QX//CPJOb+RBJ3H\nLD24lCfmPcGXHb/kmy7f4FFIxrxEBu3fD0FBJhEXKgR79sB330GVKlZHJlJx5Ai8886t+zK8nf/I\nEHceEhwWzMAlA1n+1HIa+zS2OhyRV2zZYmZkr18P//kP/PsvFC9udVQiHVJLW8gksTxi24ltdJrZ\niTnd59DWv63V4QhHpzX89ZdZw3z4MLz6KgwaJN0wBye1tJ2PTBJzcgfOHaDL7C581/U7Sc7izhIS\nYNEik5ivXIHXX4ennjJD2sLhSS1tkZT0oB1cRHQELX9qydut3yaoXpDV4QhHdeMGzJwJH31kZhSN\nHm0qWcgaZiEslZUetPzvdWBnrp4hcHogw5sMl+QsUnf1KnzxhZnoNWuWqZG9eTM8/rgk5zxi9GjT\ncxYiJelBO6joa9G0mdqGzlU7827bd60ORziaCxfgq6/MrWVLU1ykUSOroxKZEBpqamnLEirnJD1o\nJxMbF8sjcx6hmW8z3mnzTvpPEPlHZKSZ8FWlCoSFwZo18MsvkpzzEK3NsvPYWHO/cmVJziJ1kqAd\nTFx8HD3m98DXy5eJD09ESblFAWYm9uDBEBAAN2/Crl0weTLUqGF1ZCIT9u6Fc+esjkI4OhnidiAJ\nOoH+i/pzMfYiC3supKBrQatDElbbswfefRdWrYLnnzfrmEuVsjoqkQlSSzt/kiFuJ6C1ZvjvwwmL\nCmPek/MkOed3ERGm6le7dmb4OjQU3n5bknMedemS+TMmDmsLkRGSoB3E23+/zdqItSztvZQiBYtY\nHY6wyvnz5hzz/febawkeOmTuFy1qdWQiC6SWtsgMSdAO4ItNXzBr9yx+7/M7xdyLWR2OsEJMjCku\nUr26GQtNHNr29rY6MpFJUktbZJVUErPYtF3T+GzjZ6wdsJaynmWtDkfktps34aefzPB18+awYQNU\nq2Z1VCIbSC1tkVUyScxCSw4uYciyIazqt4qapWtaHY7ITVrDwoWmpmP58uZiFo3lAih5ndTSFilJ\nLe48KDgsmGeWPMOvfX6V5Jzf/P23qZF97ZqpAta+PchyOqcgtbRFdpIetAW2ntjKwzMfZm73ubTx\nb2N1OCK3hISYuo779sF770Hv3lKOUwgnJ8us8pAD5w7QdXZXvu/6vSTn/CI8HPr3h8BA6NABDhyA\nPn0kOTsJqaUtcooMceeiiOgIOszowIftPuTRGo9aHY7IaefOwX//C1OnwrBhphqYl5fVUYlsNniw\nqaUtRHaTr/C5JPHKVCOajqB/vf5WhyNy0tWrJjHXqAHXr5u6ju+8I8nZSUgtbZFbJEHnguhr0XSc\n0ZFetXvxUtOXrA5H5JS4OJg0ySyT2rULNm6Er7+Ge+6xOjKRzaSWtsgNMkksh8XGxdJhRgfqlq3L\nl52+lItfOCOtYcECM3XX1xc++ggaNrQ6KpHNpJa2yIysTBKTBJ2DtNb0+qUXBVwKMP3x6bgoGbBw\nOsHBZsnUjRsmMQcGypIpJ3TpEjRtCtu2yXC2uDuyDtpB/bD9Bw6eO8imZzZJcnY2u3aZ6bsHDsD7\n70PPnjIr24lJLW1hBflEySH7zu5jzKoxzOk+B/cC7laHI7JLWBj07WuWS3XqZBK0rGd2SlJLW1hN\nPlVyQGxcLL3m9+LDdh9So1QNq8MR2eHcOXj5ZWjQAO691yyZ+s9/oFAhqyMTOURqaQurSYLOAa+u\nfJWapWsy8P6BVocisurqVTOEXaOGmaW9bx+MHy+Xf3RSly+bujJghrW7d7c2HpG/SYLOZosOLOLX\nI78yqcskmbGdl8XFwbffQtWq5tKPmzbBV19BWbnimDNbvBhmzrQ6CiEMmcWdjY5FH6Ph9w1Z1HMR\nzSo0szockRlaw/z58MYb5pJEH35ohrWFECITZBa3A4hPiKfPgj4MbzJcknNetXq1WTIVH28KjAQG\nWh2RyAWjR5slVI9K9V3hYKQHnU3eDn6bNRFrWPn0SlxdXK0OR9yNXbtg1Cg4dMicb+7RQ2Zl5yOh\noaaWtiyhEjlBrmZlsbXha/lm6zdMf3y6JOe85NQpGDgQOnaELl1g/37o1UuSs5OTWtoir5BPoiy6\nEHuBpxc+zY+P/Ej5ouWtDkdkxI0b8OmnEBAApUrBwYPmalOyZCrfkFraIi+QIe4s0FrzxLwnqOhd\nkQkdJ1gdjsiI336D4cOhShX4/HNzYQuRL0gtbWEFmSRmkUnbJnE06iizn5htdSgiPYcPm0Ijhw7B\nhAnw8MNWRyRykdTSFnmRDHFn0p4ze3hz1ZvMeWIObgXcrA5HpOXyZTMzu1kzaN3arGmW5JzvSC1t\nkRdJgs6ExFKenwR+QvVS1a0OR6QmIQGmTjUVwM6cMYn51VflPHM+IrW0RV4nQ9yZMC54HLVK1yKo\nXpDVoYjUbNkCL7546zrNTZpYHZGwgNTSFnmdTBK7S9tPbqfTzE7sfm43ZTzKWB2OSOrUKVN1YsUK\n+OADc9UpWTKVr1y+DBcumCJwQjgCWQedS+Li4xi0ZBAfP/SxJGdHcuMGfPIJ3Hef6TYdOAD9+0ty\nzoeklrZwJjLEfRc+3/Q5pYqUol/dflaHIhL9+qtZNlWtGmzYIMum8rmnn7Y6AiGyjyToDDpy4Qgf\nr/+YLYO3yFWqHMGhQ2bZ1JEjsmwqn5Na2sJZyRhgBmitGbJsCKMfGE3l4pWtDid/u3QJXnsNmjeH\nNm1g925Jzvnc4MHQvr3VUQiR/SRBZ8CUnVOIvhbNS01fsjqU/CshAaZMMcumzp2TZVP5mNTSFvmF\nDHGn49SVU7z+5+us7LuSAi7ydlli82azbEopWLQIGje2OiJhsb17oUULqFDB6kiEyDmyzCodPef3\npHKxynzw0AdWh5L/nDxpTjCuXAkffmhmAMnM7HxLammLvCjHl1kppToqpXYrpfYqpV5Po00PpdQO\npdQupZRTLHRYsH8BO07u4K0H37I6lPwlcdlUQACULWuuNtWvnyTnfOzSJWjU6NawthD5Qbpjtkqp\nQsA3QAvgDLBRKbVCa70zSZs6wAighdY6RilVIqcCzi2nr5zm+eXPs7DnQgoXlBNcuWb5cjM7u3p1\n2LgRqla1OiLhAKSWtsiPMtIlaQLs0Vqf0FrfBOYCnVO0GQB8rbWOAdBaX8jeMHOX1pqhy4cyoN4A\nmlVoZnU4+cPBg2Y29ogR8MUXsHSpJOd8Tmppi/wuIwnaFziW5P5x27akagD1lFJbbbdHsitAK0wP\nmc6/F/5lfOvxVofi/C5dgpEjzYyfdu3MsqlOnayOSjgAqaUt8rvsmpbsAvgBjYGKwAal1Fqt9cWU\nDcePH2//vXXr1rRu3TqbQsgex6KP8erKV1nZd6VcRjInJSTAtGkwZgx07GiWTd1zj9VRCYslraXt\n5QXdu1sdkRB3Jzg4mODg4GzZV7qzuJVSLYHXtdZdbPdfBdy01u8nafMDsFZrPdV2/0/gTa31phT7\ncuhZ3Fpr2s9oT+tKrXmj1RtWh+O8EpdNubjAl1+a2T9CADNmQESE+d4mhDPIyizujPSgtwC1lVLl\ngbNAT2BIijbLgUeAqUqpUpgh738zE5CVJm2bxKXrl3j9gVQnqousOnkSRo2CP/80V5uSZVMiBaml\nLcQt6X46aq2vA88BK4GdwC9a6+1KqbeVUl1sbRYCF5RSe4G1wCit9dkcjDvbRURHMHb1WH569Ccp\nSJLdrl+Hjz82y6bKlTNXm5JlU8Jm9GhzFSohRHJSqAQztN1pZidaVWrFmJYytpatgoPh2WfNsqn/\n+z+ZmS1uExpqvrfJEirhjOR60Fk0ZecUzlw9w8jmI60OxXlcuQLDhpkxy88+k2VTwk5qaQuRMfk+\nQZ+4fILX/nyNyY9OpqBrQavDcQ5//WWGs2NizLKprl2tjkg4mL17zTVPhBBpy9dD3FprHp3zKPXu\nqcc7bd5J/wnizhIvBbl8OXz3naxnFslILW2RH8kQdybN2TOHo1FHebPVm1aHkvetXAl16kB8vFnT\nLMlZJCG1tIW4e/m2Bx11LYoaX9Vgae+lNPKRdbiZFh1trsu8cqXpNXfoYHVEwkFJD1rkRzm9Dtop\n/e+f/9H+3vaSnLPi99/NDO2HHzbnmr28rI7IEn5+foSHh1sdhhDCIpUqVSIsLCzb95sve9AxcTH4\nf+HPqn6rqF2mttXh5D1RUeaiFqtWwQ8/wEMPWR2RpWzfkK0OQwhhkTt9Bsg56Lv04/YfaV6huSTn\nzFi+HO67z6yL2b073ydnIYTIKfluiPtG/A0+2fAJ83vMtzqUvOXiRRg+HNatg+nToU0bqyMSQgin\nlu960DNDZlK9VHUa+zS2OpS8Y8kS02v29oZduyQ5CyFELshXPej4hHg+XP8h33b+1upQ8obz5+Gl\nl2DTJpg1Cx580OqIhBAi38hXPegF+xdQonAJWvu1tjoUx7dwoakGVrq06TVLchZCiFyVbxK01pr/\nrvsvox8YjVKZmlCXP5w7B717w+uvw88/w+efy+JVkaNcXFyYNWuW1WFYbsCAAbRv397qMIQDyTcJ\nesW/K7iZcJMu1bpYHYrjmj/f9Jp9fGDnTmjRwuqIRA67evUqr7zyCn5+fhQqVAgvLy8aNGjAF198\nYXVodm+//TYuLi40bNjwtsdCQkJwcXHB1dWVEydOABAeHo6LiwsbNmzI8GsMGDDAvh9XV1dKlixJ\n165d2bdvX7YdhyObOnWq/fhdXFzsvz///PNWh8b69etxcXEhIiLC6lByXb45B/3ftab37KLyzXeS\njDtzBl54AUJCYMECaNbM6ohELgkKCmLnzp18++23BAQEEBMTw9atW3Ol8EpcXBwFC2bsAjWlS5fm\nwIED7Ny5k3r16tm3T5o0KdVCMZkZJWvVqhU///wzCQkJHD16lOeee47OnTtz9OjRu95XXlSgQAEi\nIyOTrectUqRIpvcXHx+Pq6trluPSWufbUc98ka3Whq8l8nIkPWr3sDoUx6I1zJ1ramj7+8OOHZKc\n85lly5YxcuRIOnbsiI+PD1WrVqV3796MGjXK3mbAgAEEBgYyYcIEfH198fDwoHv37pw/f97eZvv2\n7QQGBlKiRAnc3NyoU6cOCxYsSPZa/v7+jB07lmHDhlGqVCkeeOCBVGOaMWMGRYsWZd68efZt3t7e\ndO/ene+++86+LTY2lpkzZzJo0KDb9pGZwjGFChWidOnSlC1blqZNmzJ06FAiIiI4c+aMvc3KlStp\n2bIlXl5eFC5cmGbNmrFmzZpk+3FxceGbb76hX79+eHl5Ubp0ad5+++1kbS5evEjPnj3x9PSkXLly\njB079raYb968yahRo/D19cXNzY377ruP2bNn3/ZaX331Fb169cLT0xM/Pz8WLlxIVFQUTz31FF5e\nXvj4+GT4FELp0qUpU6aM/ebp6Wl/7Ndff6Vhw4a4u7tTtmxZhg0bRkxMjP3xxH8nX331Ff7+/ri5\nudkfnzhxIjVr1sTNzQ1fX1/GjBnDzZs37c+dO3cuAQEBFCpUCE9PTxo2bMjOnTsJDw+nVatWgKnY\n5+LiQtu2bTN0LE5Ba51rN/Nyua/TjE560tZJlry2wzp1Sutu3bSuWVPrTZusjiZPs+rfdXaoXLmy\nfuSRR3RUVFSabYKCgrSXl5fu0aOHPnz4sN68ebOuVauWfuihh+xt1qxZo2fPnq1DQ0P14cOH9fjx\n43XBggX1rl277G38/Py0t7e3/vDDD3V4eLg+ePCg1lprpZSeOXOm1lrrjz76SBcvXlyvXr3a/rzx\n48frqlWr6vXr12tvb28dGxurtdb6xx9/1LVq1dLBwcHaxcVFR0ZGaq21DgsL00opvX79+gy/D0FB\nQTowMNB+//Tp07pdu3a6atWqydotXrxYL168WEdEROh9+/bpoUOHai8vL3369Gl7G6WULl++vJ4+\nfbo+duyY/vbbb7VSSv/+++/2NoGBgbpWrVp648aN+siRI3rgwIHay8srWQxDhw7VZcqU0b/++quO\niIjQn332mXZ1ddWLFy++7bXmzZunIyIi9PDhw7WHh4fu2LGjnjNnjj527JgeMWKEdnd3TxZjSlOm\nTNEFCxZM8/H169drV1dX/cYbb+ijR4/q4OBgXblyZf34448new+9vLx079699f79+/X+/fv1zZs3\n9bhx43SVKlX0b7/9piMjI/Vff/2lK1eurEeMGKG11joiIkIXKFBAf/rppzo8PFyHhobq+fPn6z17\n9uiEhAS9ZMkS7eLiordt26ZPnz6tL168eKc/pSXu9BlgeyxzOTOzT8zUi1nwQbb9xHZd/rPy+lrc\ntVx/bYeUkKD1zJlaly2r9ejRWts+7ETmZfTfNePJ9ltWrV69Wvv4+OiCBQvqunXr6kGDBun58+fr\n+Ph4e5ugoKBkiVFrbU+K+/fvT3PfDRo00GPHjrXf9/Pz0507d76tnVJKT58+Xb/44ou6fPnyOiQk\nJNnjiQlaa61r166tp0yZorXWumnTpnrChAnZlqALFCigPT09tYeHh1ZK6aZNm+rw8PA7Pi8hIUGX\nLl1a//jjj8mO5/XXX0/WLiAgQL/yyitaa6337t2rlVJ67dq19sdv3rypK1WqZE/Q0dHRumDBgvqn\nn35Ktp9evXrpli1bJnutUaNG2e9fvHhRK6X0yJEj7dsuX76slVJ6wYIFaR7HlClTtFJKFy1aVHt6\nempPT09dtGhRffjwYa211j169NCtWrVK9pzff/9dK6X0kSNHtNbmPSxZsqSOi4uzt4mJidFFihRJ\n9oVLa61nz56tPTw8dHx8vN6yZYt2cXFJ871et27dHR93BDmVoJ3+HPQH6z5gRNMRuBVwszoU6508\nCc89B//+C8uWQSqTbkTO0eMcr15369atCQ8PZ8OGDWzdupUNGzbQu3dvWrduzYoVK+zn/gICAnB3\nd7c/r3nz5mit2b17NzVq1OD06dOMHj2a4OBgzp8/T0JCAtevX+f+++9P9nqpTfQCeOONN7h27Rpb\ntmyhUqVKacY7ePBgvv/+e+rXr8+uXbtYvnw5u3fvzoZ3Apo2bcq0adOIjY1l/vz5vP/++4SGhlKx\nYkV7myNHjjB69Gg2b95MVFQUWmtiY2M5efJksn3dd999ye6XLVuWixcvArBnzx6UUjRLcjrJ1dWV\nJk2a2NscOHCA+Ph4WrZsmWw/rVq1YvTo0cm21a59q2RxsWLFcHV1pVatWvZtnp6euLm5ERUVdcfj\nL1CgALt27Uo21J74t9i9ezdPPPHEbbEkPnbvvffaj7tAgVtpZe/evcTGxtK1a9dkz42Pj+fGjRuc\nO3eO+vXr8+CDDxIQEMBDDz3EAw88wBNPPJHsfc+vnPoc9KHzh1gdtpohDYdYHYq1tDblOevWNbO0\nt26V5CzsXF1dadmyJS+//DI///wzU6ZM4c8//+Svv/6yt0lvkk6vXr3YuXMn33zzDVu2bGHXrl3U\nr1+f+Pj4ZO0KFSqU6vMDAwOJiYlhzpw5d3ydfv36sX37dkaMGMHjjz9OiRIlMniU6StcuDD+/v7U\nqlWLt956iyeffJKhQ4cmS1gdOnQgKiqKqVOnsm3bNnbt2kW5cuVuO04Xl9s/WpPuJzWZnQiV2mtl\n5vXBzBOoXLmy/Xa3k7xS/n0TEhIAWLp0Kbt27bLf9uzZw6FDhyhdujSurq6sWrWKFStW0LhxY5Yu\nXUrVqlVZsmTJXb22M3LqBP3Vlq8Y0mAInoU802/srCIj4ZFH4NNPzeUh330X3GQ0QaQtsUcWHR1t\n3xYSEsK1a9fs9zds2IBSioCAAPv9YcOG0aFDB6pXr46Pjw+hoaEZfs22bdvy66+/8t577/Hee++l\n2a548eJ0796dVatW8eyzz97tod2VsWPHcvjwYfuXhpMnT3L06FFGjRpFmzZtqFq1Kh4eHpw6dequ\n9pv4nm3cuNG+LSEhgU2bNtnv16hRgwIFCtw2Ae3vv/+mTp06mT2kTAsICEg1FqUUdevWTfN5tWvX\nxt3dnaNHjyZL/Im3pF9KmjZtyuuvv86qVato164dP/74I4D9S0JGvmA4G6cd4r5+8zqz98xm8zOb\nrQ7FGlrD1Knw2mvw/PPwyy+QRu9F5F8dOnSgZ8+eNG3alGLFinHkyBHeeOMNihcvTpsUNdcHDBjA\nO++8w4ULFxg2bBht2rShRo0aAFSrVo2pU6fSpEkTlFKMHz+euLi4u4qlZcuWrFixgk6dOhEXF3fb\nzOdEP/zwAxMmTEjWe07tw/vw4cN4pCiy4+fnh7e3d4biqV69Ol27duXDDz+kd+/elC5dmuLFi/PN\nN99QsWJFLl26xOuvv55s6D8jatasSdu2bXnuuef4/vvvKVWqFB9//LF9eBvAy8uLQYMGMWrUKMqU\nKUNAQADz58/nl19+uW12fG4YPnw4rVq1YsyYMTz77LOEhYUxbNgwHn/8cfz9/dN8noeHB2PGjOGV\nV14hISGBdu3akZCQwI4dO9i5cyfvvvsuGzduZN26dQQGBtqX0+3Zs4fevXsDUKFCBQBWrFhBt27d\n7Ov18wOn7UEvO7SM2qVrU7l4ZatDyX3Hj0PnzvDFF7ByJYwfL8lZpOrBBx9k8uTJPPDAA1SqVIke\nPXpQtmxZ1q5dmywBNm7cmEaNGvHggw/Stm1batSowdy5c+2PT58+ndjYWBo0aEDXrl1p164djRo1\nSvZaaQ3hJt3evHlz/vjjDyZOnMiYMWNSbV+oUKHbhrZT7lspxcCBA6lfv36y24oVKzL2xti89tpr\n7Nmzh99++40CBQowd+5c9u3bR0BAAE8//TTDhg2jXLlyGTrOpObNm0ft2rUJDAykRYsWlC5dmm7d\nuiVrM3HiRAYNGsTQoUOpVq0akydPZsaMGcnO56b2WhnddjeaNWvG0qVL+eOPP6hZsyY9e/akU6dO\nTJ8+Pd3nvvnmm3z66ad8/fXX1KxZk7p16/LRRx/Z3zdvb29WrVpF+/bt8fPzo1+/fnTr1s3+Bc3H\nx4e33nqLt956i3vuuYfHHnssS8eSl6jcHDZQSuncer0us7rwZK0n6V+vf668nkPQGiZPhlGj4MUX\nzc8MFoIQmXeni7U7gwEDBhAZGcnKlSutDkUIh3SnzwDbY5n6huSUQ9wnL59k/bH1zO0+N/3GziIy\nEgYONLW0V60yk8GEEELkWU45xD0jZAbdanTDo1A+ucjDunXQuLGpnb1pkyRnIYRwAk43xK215r5v\n7mNSl0k8UDH1UoJO5dtvYdw4MyGsY0ero8mXnH2IWwhxZzLEnUH/nPiHG/E3aFHBya/EdP06/Oc/\nsGEDrF8PVapYHZEQQohs5HRD3D/t+ImgukHOffWTkyehTRs4fx42bpTkLIQQTsipEvS1m9eYt28e\n/er2szqUnLNpEzRqBA8/DD//DEWLWh2REEKIHOBUQ9yLDyymQbkGVPCuYHUoOePHH2H0aLOUqksX\nq6MRQgiRg5wqQS86uIietXtaHUb2u3EDXn4Z/voL1q6F6tWtjkgIIUQOc5oh7rj4OFYcWcHDVR+2\nOpTsdfo0PPQQHDsGmzdLchZCiHzCaRL0hmMbuLfEvZQrWi79xnnFP/+Y881t28KiRZDBGsJC5CUu\nLi7MmjXL6jByhb+/P//973+ztI+3336batWqZVNEzi073m8rOU2CXnZoGV2qOtF52WnTTD3tL780\ntbRTuXycEFl19epVXnnlFfz8/OwXIWjQoAFffPGF1aHZvf3227i4uKR6LemQkBBcXFxwdXXlxIkT\nAISHh+Pi4sKGDRsy/BoDBgygffv22RZzWrZu3crLL7+cobbr16/HxcWFiIiIZNtHjhyZ7MpXmeHn\n54eLiwsuLi4ULFgQX19fhgwZkuwKZs7gbt5vR+Q056CXHV7GjMdnWB1G1sXFwciR8OuvEBwMSS68\nLkR2CwoKYufOnXz77bcEBAQQExPD1q1bCQ8Pz/HXjouLo2AGa8UnXuVo586d1KtXz7590qRJ+Pn5\n3Ravoy6zLFmyZIbbaq1TPY4iRYpQpEiRLMWhlGL06NG89NJL3Lx5k3/++YegoCBiY2OZNm1alvad\nEXfzt8+Ku3m/HZFTdMuOXDhC1LUo7i93v9WhZM3Zs9ChAxw6BFu2SHIWOW7ZsmWMHDmSjh074uPj\nQ9WqVenduzejRo2ytxkwYACBgYFMmDABX19fPDw86N69O+fPn7e32b59O4GBgZQoUQI3Nzfq1Klz\n29sRrSQAACAASURBVGUR/f39GTt2LMOGDaNUqVI88EDqlf5mzJhB0aJFmTdvnn2bt7c33bt357vv\nvrNvi42NZebMmQwaNOi2fWR3ZbcrV64wZMgQypQpg7u7O40aNeKPP/5I1mbHjh00a9aMwoULU7Nm\nTRYuXHjbEGvK+3PnziUgIIBChQrh6elJw4YN2blzJ+Hh4bRq1Qq41dtt27YtAOPHj6dq1arJXvvP\nP/+kVatWeHh44OnpScuWLdO9HreHhwdlypShfPnyPProo3Ts2JGtW7cma3P16lVeeuklfH19cXNz\no3bt2syYkbwjlJHjdnFxYeLEifTp04dixYrx9NNPA3DmzBmCgoKSva+///67/XnXr19n2LBhlC1b\nlgIFClCmTBl69Ohhf3zXrl20adMGDw8P3NzcqF69erIrbKWMI72/Y+Loy88//0zXrl3x8PDAx8eH\n77///o7vZU5xigS9/NByOlftjIvKw4ezY4c539ysGSxdCsWKWR2RyAfKly/P8uXL0x3a3LJlCxs3\nbiQ4OJjVq1ezf/9+evXqZX/86tWrDBo0iG3btrF3716eeOIJevXqRUhISLL9TJw4kYoVK7J9+/ZU\nL1X48ccf8+KLL7J06dJkH8QAzz77LLNmzeLatWsAzJ49Gx8fnzQTfXZ68sknWb16NQsWLODAgQO0\nbduWzp07s337dgAuXrxIx44dqVChAiEhIcyePZsvv/ySs2fPprnPY8eO8fTTTxMUFMSRI0fYvXs3\no0ePpmDBglSsWJHFixcDZpj21KlT9i88SqlkPes///yTTp068cADD7Bjxw727NnD888/T3x8fIaP\nb/fu3axZs4ZmzZol296lSxcOHjzIokWL+Pfff3nttdcYMmQIS5cuvevjfvfdd2nbti179uzhgw8+\n4Nq1a7Rp04b4+HhWrVrFoUOH6NWrF48//jg7duwA4LPPPmPp0qXMnz+fiIgI/vzzT/sXFYAePXrg\n4+PD9u3bCQ0N5ZtvvqFMmTJpHmd6f8dEb7zxBkOHDuXgwYM888wzPPfcc+zfvz/D72e20Vrn2s28\nXPZ7aNpDeuH+hTmy71wxc6bWpUtr/fPPVkciMiHD/67NBUGz95ZFq1ev1j4+PrpgwYK6bt26etCg\nQXr+/Pk6Pj7e3iYoKEh7e3vr2NhY+7bg4GDt4uKi9+/fn+a+GzRooMeOHWu/7+fnpzt37nxbO6WU\nnj59un7xxRd1+fLldUhISLLHx48fr6tWraq11rp27dp6ypQpWmutmzZtqidMmGCPJTIyUmutdVhY\nmFZK6fXr12f4fQgKCtKBgYGpPrZv3z6tlNKrV69Otr1p06a6b9++Wmutv/rqq9veo9DQUK2U0u+/\n/36y9yDx/pYtW7SLi4sODw9P9XXXrVuX6uNJ3w+ttW7ZsqXu0aNHho81MQ53d3ft6empCxcurJVS\neuDAgcniX716tfb09NRXrlxJ9twhQ4bojh073tVxK6X0Cy+8kGw/P/30k65cubJOSEhItr1Dhw56\n6NChWmutn3/+ed2uXbs0j6NIkSJ66tSpdzzOxDj27t2b7t8x8d/ON998Y388ISFBFytWTE+cODHN\n17nTZ4DtsUzlzDzc5TQuXb/EpuObeKjyQ1aHcvdu3oRXX4WxY80a5+7drY5I5KScSNFZ1Lp1a8LD\nw/nrr7/o378/0dHR9O7dm44dOyYbJg4ICMDd3d1+v3nz5mit2b17NwCnT59m4MCBVK5cGW9vb4oW\nLUpISAgnT55M9nqpTfQC02OZM2cOGzZsIOAOV2MbPHgw33//Pbt372bXrl307ds3K4efIbt370Yp\ndVtPvVWrVvYRgr1791KnTp1k75G/v/8de3P169endevWBAQE8MQTT/D555/fNiEsI7Zt20ZgYOBd\nP2/YsGHs2rWLtWvX0q1bN37//XcuX75sf3zr1q3ExMRwzz33ULRoUfttypQp9jjv5rgbNGiQ7P7W\nrVuJiIjAy8sr2f5Xr15tn1MwcOBAduzYQfXq1XnuueeYN28e169ft+9jxIgRPPPMM7Rr145x48bx\nzz//pHm8e/bsSffvmOi+++6z/66UolSp/2/vzqOrKu/9j7+fhIQhOCSBhCHIIKNUZFJRbhRUGl1Y\nihetE0Wwg7a2t7a3ivmt5RUHVr21Re+qLV6WIl6voEWroFUSBcNQRL0QAoSKYYgMYQpEkxBBIM/v\nj30Sk5DhJJyz9z7nfF5rncUZ9tn7OTvhfPM8+9mf3YWysrIm1x0uEV+g39/xPmN7jaVzYmevm9I6\nR47ADTfApk3O6VS6RKR4JD4+nszMTH7961+zePFiFixYwAcffMDy5ctrl2lp0tVtt93Gxo0bmTt3\nLp988gkFBQWMHDnyjGHWxMTERt8/YcIEqqqqePXVV5vdzrRp09iwYQO/+c1vuOmmm0hJSQnyU/pP\nfHw8y5cvJycnh8suu4y3336bAQMGsHTpUle2n5KSQr9+/Rg1ahQLFy6kY8eOZGdn175eXV1Neno6\nmzZtoqCgoPa2detWcnJyWr29hj/76upqhg8ffsb6//nPfzJ//nzAKeq7d+/mySefpGPHjjzwwAMM\nGzaM8vJywBk237p1K7fccguff/45mZmZzJw58yz2iiOukbNmbAj+IG51O1zfYoi9U/QONw6MsNOr\nNm1yrt88YoQzWzuCv2Qk+gwdOhSg3nHpTZs21R77BVi7di3GmNre7tq1a7nvvvvIyspi0KBB9OzZ\ns8VJSnVdc801vPvuuzzxxBM88cQTTS6XnJzMzTffzIoVK/jpT3/a2o/WJjWfcfXq1fWeX716NZdc\ncgng9Lga7qNdu3Zx6NChFtc/ZswYZs6cyYoVK7j22mt54YUXAKeAQ8uFYdSoUeTm5gb/gRqRmJjI\nzJkzefnll9mzZw/gjHYcPHgQay39+vWrd8vIyADO7nOPHj2azz//nNTU1DPW361bt9rlkpKSuOmm\nm5gzZw6ffvopRUVF9f547N+/P/feey+LFi3iscce47nnnmt0e839HIcNGxbknnJXRBfoalvNu0Xv\nMnHARK+bErzFi51ksNmz4fe/h3ZRc6abRKCsrCzmz5/P1q1bKSkpYdWqVfziF78gOTmZ8ePH11t2\nxowZFBUV8fHHH3Pfffcxfvx4Bg8eDMDAgQN56aWX2LJlC4WFhUydOpWTJ0+2qi2ZmZnk5OTw1FNP\n8cgjjzS53PPPP8/hw4e5+uqra59rrIgVFRXV65kVFBQ0OxmusrLyjOW3bdvGkCFDyMrK4p577mHV\nqlUUFxfz4IMPsn79eu6//34Abr/9dtq3b89dd93Ftm3b2LhxIz/+8Y/p1KlTk6MPH330EU899RQb\nN25k3759LF++nC1bttTu0169nGsK5OTkUFpaWttrbOjhhx/mzTffJDs7m88//5xdu3bxyiuvUFRU\n1ORnbcy0adNISUnhqaeeApw/mq677jomTZrEe++9x759+9i6dSvz5s1jwYIFbf7cNe6880569+7N\nxIkTWbVqFfv27aOgoICnn366dhLaM888w+LFi9mxYwfFxcW8+OKLxMXFMWDAgNpz+FevXs3evXvJ\nz88nNze3dv811NzP0bfnSrf14HVbboR4kti6Pevs0D8PDek6w+bUKWsfesjaPn2szc/3ujUSQqH+\nvXbT7Nmz7dixY21ycrJt166dTU9Pt1OmTLGFhYW1y9RMoPrjH/9ou3fvbjt16mSnTJliS0tLa5fJ\nz8+3o0ePtomJibZv37527ty5dsKECXbGjBm1y/Tt27fexKEacXFx9pVXXql9/PHHH9vk5GSbnZ1t\nrT1zUlRDjU0Si4uLa/T22muvNbqO6dOnN7r8kCFDrLXWlpeX23vvvdempaXZDh062EsvvdR+8MEH\n9daxceNGe8UVV9gOHTrYgQMH2tdff9327NnTzpkzp9F9UFhYaK+//nrbtWtX265dO9ujRw/7q1/9\nqt6Eq1mzZtn09HQbHx9vx48f3+T+yM3NtVdeeaXt1KmT7dy5s83MzLQ7d+5scp819bOYPXu2TUpK\nqv3ZHj9+3GZnZ9t+/frZxMREm5KSYidMmGCXL1/eqs/d8Gdc4+jRo/bnP/+5zcjIsAkJCTY9Pd1O\nmjTJ5ge+I+fOnWtHjBhhk5KSbPv27e3w4cPt4sBk2uPHj9vbbrvN9u7d2yYkJNjzzz/f3nTTTba4\nuLjJz1lRUdHsz7Hmd6fhBMMBAwbYRx99tMn92dx3AGcxScxYF8fVjTE2lNt7eMXDnKw+yZPXPRmy\ndYZFWRnccQecOAF//St06eJ1iySEjDGeHJ9yy4wZM9i3b99ZD6PGmv3795ORkcHSpUuZODGCRvnO\nUix+7ua+AwKvtSk5J6KHuCPi+HNhoXO8efBgyM1VcRaJUq+++ipr1qyhpKSEdevW8YMf/IA+ffq4\nEiHqpVj93G6I2AK9t3wvu7/azZiMMV43pWl/+xuMHw//8R/w9NM63iwSxQ4cOMC0adPo27cv119/\nPSkpKeTk5LgSaemlWP3cbojYIe7//r//ZtXuVbzyr6+EZH0hVV3tXODipZfgjTegiXM/JTpE+xC3\niDQvXEPcEdulW7ZjGTcP8WGwx1dfwdSpUF7unN/cTFCBiIhIUyJyiPvk6ZN8uOtDJlzY+vScsPrs\nM7j8cujTBz74QMVZRETaLCIL9Ed7P6J/Sn/SknxUAP/+d7jqKnjwQfjTn0DHX0RE5CxE5BB3zvYc\nsi7M8roZ38rJgbvvhqVLYYyPJ62JiEjEiMgCvWzHMp7JesbrZjjWrYMf/hDeekvFOUb17t27xdQk\nEYlevXv3Dst6I65AH6w8yI6jO/xxelVhIUye7MzWvvJKr1sjHikuLm70+e3bYeFC5yw7EZHWirhj\n0O/vfJ9r+l5DQrzHx3i/+MK5GtWcOc6/Ig2kpcFFF3ndChGJVBFXoJdtX+b98edDh+C734UHHnAi\nPEUCKiqcv90Azj1Xl/gWkbaLqAJdbavJ3ZFLVn8PC3R5udNjvvVW+OUvvWuH+NKSJfCKD7NzRCTy\nRNQx6Pz9+aR2SqXP+X28acDx484x58svh0cf9aYN4mtTp3rdAhGJFkH1oI0x1xtjNhtjCo0xM5tZ\nbooxptoYMzJ0TfzWqi9WMb7P+JYXDIdTp5zh7LQ05zxnzdqVgOxsp+csIhJKLfagjTGJwFxgLHAI\n+MgYk2Ot3dhguc7AvwHrwtFQgA0HNnhToK2Fe++Fykp45x2Ij3e/DeJbP/kJdO/udStEJNoE04O+\nHNhirS2x1p4CXgMau8jn48CTwIkQtq+eDfs3MLJ7WDrnzcvOhs2bnatTJSa6v33xFWvh1Vfh66+d\nx/36QceO3rZJRKJPMAU6A9hT5/HewHO1jDEjgAxr7XshbFs9x745xq6yXVzU1eXzVv7wBych7N13\noXNnd7ctvlVYCKWlXrdCRKLZWU8SM06E0hzgrrpPN7X8rFmzau+PGzeOcePGBbWdTQc3cVHXi0iM\nd7EHu2ABPPssrFkDqanubVd86dgxSEpyph88/rjXrRERP8rLyyMvLy8k62rxetDGmExgprX2xsDj\n3wLtrbWzA4/PBbYDlTiFuRtwBJhkrd3QYF1tvh70nz/5MwUHC5j3vXlten+rLVniHHfOy4NBg9zZ\npvhWebmT5Lp+vYazRSR4Z3M96GCGuD8BhhpjehhjEoBbgdqhbGttubU2zVrbz1rbF2eS2PcaFuez\n5erx55UrnZk/b7+t4iyAEzry6acqziLinhYLtLX2BPAzIBfYCLxhrd1gjHnUGHNjY2+hmSHuttpw\nwKUCnZ8Pt9wCixbB6NHh35741vbt8Nhj3z5OSvKuLSISe4I6Bm2tXQYsa/DcI00se00I2lXPiVMn\n2Fa6jYvTLg71qusrKoKJE2HuXLj22vBuS3xPWdoi4qWIiPrccmgL/VP60zEhjOOLJSWQleUkhE2Z\nEr7tiK8pS1tE/CIiCnTYjz+XlTnF+Sc/cW4Ss5SlLSJ+ERFZ3GEt0FVVcOONMGECPPRQeLYhEUNZ\n2iLiFxHRg167dy2X9bws9Cs+edIZw+zf3wkkUb52TFKWtoj4ke970KVVpRR/Wcyo7qNCu+Lqapg+\n3cnVfv55iIuIv1UkDJSlLSJ+5PuqtLJ4JWN7jSUhPiF0K7UW7r8fdu+Gv/4VEkK4bvE9ZWmLSCTw\nfYH+sPjD0F/BavZsJ4zk7bf1zRyjlKUtIn7XYtRnSDfWhqjPoX8ZykuTX2J0jxCFhuTmwt13O7FQ\nGteMKTVZ2iIibgl31KdnDlYepKSihBHdRoRmhYcPw4wZ8NJLKs4xprwcLr3022FtERG/83WBzivO\nI/OCTOLj4s9+ZdY6PeepU5USFoOUpS0ikcbXBfrD4g8Z12dcaFY2dy7s36/rBMYQZWmLSCTzfYEO\nyQSxwkJ45BEnIirRxetJi6eUpS0ikcy3BbqkooTDxw5zSbdLzm5Fx4/DHXfA736nS0fGAGVpi0i0\n8G2BXlm8kqt6X0WcOcsmZmc7SWE/+lFoGia+pixtEYkWvk0Syz+Qz6U9Lj27lSxbBq+/DgUFivGM\nEcrSFpFo4dse9KaDmxiWPqztKzh0yJm1/T//AykpoWuY+I6ytEUkGvm2B31WBdpaZ0h72jQYH+IU\nMvEdZWmLSDTyZQ+6tKqUYyePccF5F7RtBX/5i3NKVd1zbCRqKEtbRGKBLwv05oObuTjtYkxbjhsX\nFsKsWbBwoU6pimLK0haRaOfLIe42D28fPw633w5PPgkDB4a+YeKpmixtY5Q3IyLRz5896ENOD7rV\nHnrIKcx33x36RomnlKUtIrHGlwW6TT3oZcvgb3+DefN0SlUUUpa2iMQa3xXo09WnKTxcyHfSvhP8\nm2pOqXr5ZZ1SFUWUpS0iscx3BXpn2U66durKeR3OC/5NP/oRTJ8OV18dtnaJ+5SlLSKxzHeTxFo9\nvJ2fD5s2OcPbEvEqKuDoUejdW1naIhLbfNeD3nxoc+sK9Pz5zvB2QkL4GiWuUZa2iIjDlz3oW4fe\nGtzCx4/DokWwfn14GyWuUZa2iIjDdz3oVg1xv/UWjBzpjIdKxFKWtojImXzVg678ppKSihIGpA4I\n7g0vvKDLSEYBZWmLiJzJVz3owkOFDO4ymHZxQfzdUFzsTBCbPDns7ZLQUpa2iEjLfFWgWzW8vWCB\nE+vZoUNY2yThoSxtEZHm+WqIO+gZ3NXV8OKLOnAZYZSlLSISPN/1oIPK4F6xAlJTYfjw8DdKQkJZ\n2iIireObAm2tDX6I+4UXdEGMCKMsbRGR1vFNgT5QeYD4uHjSO6c3v+DRo/Dee3DHHe40TNpMWdoi\nIm3nmwK9o2wH/VP6t7zgwoVwww26KEYEUJa2iEjb+aZA7yzbSb/kfi0vOH++zn32sYoK+OIL576y\ntEVE2s43BXrH0R1cmHxh8wvl5ztD3Ndc406jpNWUpS0iEhq+Oc1qR9kOJvSb0PxC8+fDjBkQ55u/\nK6QBZWmLiISGbypdi0PcNRfGmD7dtTZJcJSlLSISer7qQV+Y0swQty6M4VvK0hYRCT1f9KArTlRQ\ncaKCbp27Nb3QokXwwx+61yhpkrK0RUTCzxcFeteXu+ib3Jc400Rzqqrgww9h4kR3GyZNUpa2iEh4\n+WKIu8UZ3O+/7+RE6txnTylLW0TEPb7oQbc4QWzJEvj+991rkJxBWdoiIu7yRYHeUdZMD/r0aXj7\nbRVojylLW0TEXb4p0E32oNeuhZ49NXvbA8rSFhHxji8K9M6ynU2fYrVkCUye7G6DBFCWtoiIlzwv\n0KeqT7H7q930Ob/PmS9a65z/rOFt1yhLW0TEHzwv0HvL95KWlEaHdh3OfHHrVjh5EoYPd79hMUpZ\n2iIi/uD5aVbNnmK1ZAlMmuSc1yOuUJa2iIg/eN6DbnaCmE6vcoWytEVE/MfzHvTOsp2N96BLSqCo\nCK6+2v1GxRhlaYuI+I9/e9BLl8INN0BCgvuNinLK0hYR8T/PC3STp1hpeDuslKUtIuJvxlrr3saM\nsXW3Z60l+T+T2f5v2+nSqcu3C1ZUOOEke/c65/pISNRkaYuIiDuMMVhr2zTT2dMe9NGvj2KxpHZM\nrf9Cbi5ceaWKcwgpS1tEJLJ4WqB3fbmLfsn9MA1Po1qxAiZM8KZRUUpZ2iIikSWoAm2Mud4Ys9kY\nU2iMmdnI678NvLbZGLPSGNMnmPWWVJTQ85yeZ76wcqVmb4eAsrRFRCJXiwXaGJMIzAWygEuAm40x\nDaO91gEjrbUXA4uAp4PZ+P6K/XTv3OD8nsOHYc8epYeFgLK0RUQiVzA96MuBLdbaEmvtKeA1YGLd\nBay1a6y1JwIP1wA9gtn4gcoDdOvcrf6Tq1bB2LHQzvNTtCOSsrRFRKJDMAU6A9hT5/HewHNNuQdY\nGszG91fup/s5DXrQK1fCuHHBvF0aoSxtEZHoENJuqjHmTmAU0OQB5FmzZtXe31K9he/e/t36C6xc\nCfPmhbJZMUVZ2iIi3snLyyMvLy8k62rxPGhjTCYw01p7Y+Dxb4H21trZDZa7Dvgv4Cpr7ZEm1lXv\nPOgxz49hTtYcrux1pfPEkSPQt6/zrxLEgpadDWPGKNdFRMRvzuY86GB60J8AQ40xPYDDwK04w9h1\nGzACeA7Iaqo4N2Z/ZYNJYqtXwxVXqDi3krK0RUSiT4vHoAOTv34G5AIbgTestRuMMY8aY24MLPZ7\nIAlYbIzJN8a8FcR6z5wkpuPPQVGWtohI9AvqGLS1dhmwrMFzj9S53+pUkS+Pf0nHdh3pmFCnsqxc\nCc8+29pVxaTCQmeye69eXrdERETCwbNzmfZX7q/fey4rcy4vOXq0V03yvZosbWPg8ce9bo2IiIST\nZ1GfZwxvr1kDl18OiYleNcnXlKUtIhJbPC3Q9c6BXrMGMjO9ao7vKUtbRCS2eFag91fsp1tSnR70\nP/7hHFSVWsrSFhGJXf7oQZ84Afn5zhC31FKWtohI7PKuB113ktj69TBoEJxzjlfN8Q1laYuICPhl\nkpiGt2spS1tERMDD06wOVB74NkXsH/+A227zqim+oixtEREBPwxxWwtr18Z0Dzo72+k5i4iI1PCk\nB33i1AkqTlSQ2inVmarcoUNMR2IpS1tERBrypAd96Ngh0pLSiDNxMXn8WVnaIiLSEk8K9MFjB0lL\nSnMexGCBBidLu7TU61aIiIhfeVKgS6tK6ZrU1XmwYUPM5G8fO+b8W5OlHcOj+iIi0gJPCvSRqiOk\ndkyF06fhs89g6FAvmuEqZWmLiEhreNaD7tKpC+zcCenpMRFQoixtERFpDW8L9ObN8J3veNEEVyhL\nW0RE2sqbIe6vjzgFesuWqC7QytIWEZG28qwHndox1SnQF1/sRRPCRlnaIiISChriDjFlaYuISCh4\nkiRWWlVK17hzoLjYuYpVFFGWtoiIhIJnx6DT930JF14IiYleNCGklKUtIiKh5noP2lpLaVUpyTtK\nomYGlbK0RUQk1FzvQVd+U0lCXAKJ23fCkCFubz4klKUtIiLh5nqBrj3Fatu2iD7+rCxtEREJJ9cL\ndGlVqXOZyc8+g8GD3d78WVGWtoiIuMWTAt21QyoUFcHAgW5vvs2UpS0iIm7ypEAPquoIqanQubPb\nm28zZWmLiIib3D8GXXWEwaUmIo4/K0tbRES84kkP+oKjp52pzz6nLG0REfGKJwW6+9FvoHdvtzcd\nFGVpi4iIH7hfoL8upcuhSujTx+1NB0VZ2iIi4geuJ4kdqTrCeQe/9G0PWlnaIiLiB54McXfad9hX\nBVpZ2iIi4jeu96ArK47Qruwr6NHD7U03SVnaIiLiN673oJMOHsV27w7x8W5vupaytEVExO9cL9Dp\nR7/B+GB4W1naIiLiZ64PcQ+u6oTxKMT62DEnbKQmS1tERMSvXO9BX3gsES64wO3NKktbREQiiusF\nund5vCeXgVKWtoiIRBLXC3TGV9WQkeHKtpSlLSIikcr1Ap1cZaFrV1e2pSxtERGJVK4X6HOPnYKU\nlLCtX1naIiISDVwv0J0rv3GuBR0mytIWEZFoYKy17m3MGHs6Po64E994GlQiIiLiBmMM1lrTlve6\n3oP+JqlDyIuzsrRFRCTauN6DLu/djXOK94d0vTt3OlnaOoVKRET8JKJ60KdSz36CmLK0RUQk2rle\noOkSmgliytIWEZFo5noWd1yXtDa/V1naIiISK1zvQSe0sUArS1tERGKJ6wW6fdfubXqfsrRFRCSW\nuF6g41O7BL2ssrRFRCRWuT9J7Lzzgl5UWdoiIhKrfFeglaUtIiLiRYE+99xmX1aWtoiIiAdJYrag\nAIYNc22bIiIiXomoJDGSk894SlnaIiIi9bnfg66ogM6d6z2vLG0REYlGYe9BG2OuN8ZsNsYUGmNm\nNvJ6ojHm1cAya4wxFzS5sqQkZWmHUV5entdNiAnaz+GnfRx+2sf+1mKBNsYkAnOBLOAS4GZjzPAG\ni/0COGCtvRj4A/CnZlYIKEs7XPQfzh3az+GnfRx+2sf+FkwP+nJgi7W2xFp7CngNmNhgmYnAy4H7\nS4ArjDFNdulrsrR79WpLk0VERKJfMAU6A9hT5/HewHONLmOdg9pHgEZDt5WlLSIi0rIWJ4kZY24H\nMq21Pw88vg242lr7szrLbAsscyjw+LPAMgcbrMu9GWkiIiI+0NZJYsFcbnIvUHfSV0bgubr2AL2A\nQ4Gh7RTgcKgaKSIiEmuCGeL+BBhqjOlhjEkAbgXea7DMe8DUwP3JwDprbXXomikiIhJbWuxBW2tP\nGGN+BuQCBnjZWrvBGPMo8Km19h3gWeBlY8xmoAK4I5yNFhERiXauBpWIiIhIcMIS9RnSYBNpVBD7\n+LeB1zYbY1YaY/q438rI1tI+rrPcFGNMtTFmpJvtixbB7GdjzA+MMfnGmAJjjC6n00pBfF8MMsas\nM8ZsCSzzfS/aGcmMMS8YYw4aYzY1s8x/BfbvemPMiBZXaq0N6Q1IBHYBPXCG0D8FhjdY5jfAYt9I\nBAAAAsRJREFUM4H7k4EloW5HNN+C3Mf/ArQP3L8XeNPrdkfSLZh9HFiuM7ASWAuM9LrdkXYL8nd5\nGLAO6BR4nOJ1uyPpFuQ+fhm4J3B/CLDH63ZH2i3wnTsc2NTE6/9a8z0MjAA2trTOcPSgQx5sImdo\ncR9ba9dYa08EHq7B+c8pwQvm9xjgceBJ4EQjr0nLgtnPM4A/W2urAKy1R11uY6QLZh/vAWquBXw+\n8IWL7YsK1to1QFkzi0wE/jewbD4Qb4zp2dw6w1GgQxpsIo0KZh/XdQ+wNKwtij4t7uPAEFWGtbbh\nWQ0SvGB+lwcDw40x/xe4TXKtddEhmH38O+AuY8we4B3gly61LZY0/Dnso/nv7aDOg3aDes9hYoy5\nExgFXO11W6JJYMRnDnBX3ac9ak60iwP6AJfhZDKsNcasttY211uR1pkDPG+tfcYYMwanpzfU4zbF\nvHD0oFsTbFLzRddosIk0KZh9jDHmOuD/Ad+z1p50qW3RoqV9fA7OF1ieMWYXMAZYoolirRbs98VS\na221tbYY2AoMcqd5USGYfZwJLAaw1q4DOhhjNKoZWnsJ1L2ARr+36wpHgVawSfi1uI8Dw6/PAZOs\ntUc8aGOka3YfW2vLrbVp1tp+1tq+OJOYvmet3eBReyNVMN8XfwfGARhjuuAMee9ws5ERLph9vB24\nDsAYMwTohHPoUVrH0PRI2rvAnQCBP+RPW2v3NbeykA9xWwWbhF2Q+/j3QBKwODBK8YW1drJ3rY4s\nQe7jem9BQ9ytFsx+tta+aYz5F2NMIU6n4iFrrUbcghTk7/K/AwuMMQ8G3vZja+1pj5ockYwxC3H+\nkEw1xuwGHsGZQW+ttfOstW8YY8YHfo9PANNbXGdgyreIiIj4SFiCSkREROTsqECLiIj4kAq0iIiI\nD6lAi4iI+JAKtIiIiA+pQIuIiPiQCrSIiIgP/X9M2bnHkYm5IwAAAABJRU5ErkJggg==\n" + }, + "output_type": "display_data", + "metadata": {} + } + ], + "source": [ + "pyplot.rcParams.update({\n", + " 'figure.figsize': (8, 6),\n", + " 'figure.titlesize': 'xx-large',\n", + " 'legend.fontsize': 'x-large'})\n", + "\n", + "fig, ax = pyplot.subplots()\n", + "\n", + "ax.plot(\n", + " [0, 1], [0, 1],\n", + " linestyle='dotted')\n", + "\n", + "ax.plot(\n", + " 1 - rf_oos_performance.specificity,\n", + " rf_oos_performance.recall,\n", + " label='SparkML Random Forest')\n", + "\n", + "ax.plot(\n", + " 1 - lr_oos_performance.specificity,\n", + " lr_oos_performance.recall,\n", + " label='SparkML Logistic Regression')\n", + "\n", + "ax.legend(loc='right')\n", + "fig.suptitle('ROC Curves (Test Data)')" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 2", + "language": "python", + "name": "python2" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 2.0 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython2", + "version": "2.7.10" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/Kaggle Credit Scoring/R/KaggleCreditScoring_usingCaretPackage.Rmd b/Kaggle Credit Scoring/R/KaggleCreditScoring_usingCaretPackage.Rmd new file mode 100644 index 00000000..09320ae1 --- /dev/null +++ b/Kaggle Credit Scoring/R/KaggleCreditScoring_usingCaretPackage.Rmd @@ -0,0 +1,300 @@ +--- +title: "Classfication Exercise: Credit Scoring Kaggle Competition" +author: 'Chicago Booth ML Team' +output: pdf_document +fontsize: 12 +geometry: margin=0.6in +--- + + +_**Note**: In order to illustrate the best practices in life (remember our dear prof McC's worldview: "in life" = "in R"), this script utilizes the popular [**caret**](http://topepo.github.io/caret) package, which wraps around underlying algorithms such as randomForest and GBM with a consistent interface. It's not hard to figure out how you could have written all this with the original randomForest / GBM packages. We also illutrate the use of **multi-core parallel computation** to speed up computer run-time (and, yes, salvage a bit of your laptop's subsequent eBay / Craigslist value...)._ + + +# + +This script illustrates the use of various algorithms to build **classification** models, using data from a [**Credit Scoring** competition on Kaggle.com](http://www.kaggle.com/c/GiveMeSomeCredit). + + +# Load Libraries & Modules; Set Randomizer Seed + +```{r message=FALSE, warning=FALSE} +library(caret) +library(data.table) +library(doParallel) + +# load modules from the common HelpR repo +helpr_repo_raw_url <- 'https://raw.githubusercontent.com/ChicagoBoothML/HelpR/master' +source(file.path(helpr_repo_raw_url, 'EvaluationMetrics.R')) + +# set randomizer's seed +set.seed(99) # Gretzky was #99 +``` + + +# Parallel Computation Setup + +Let's set up a parallel computing infrastructure (thanks to the excellent **`doParallel`** package by Microsoft subsidiary **Revolution Analytics**) to allow more efficient computation in the rest of this exercise: + +```{r message=FALSE, warning=FALSE, results='hide'} +cl <- makeCluster(detectCores() - 2) # create a compute cluster using all CPU cores but 2 +clusterEvalQ(cl, library(foreach)) +registerDoParallel(cl) # register this cluster +``` + +We have set up a compute cluster with **`r getDoParWorkers()`** worker nodes for computing. + + +# Data Import & Pre-Processing + +```{r} +# download data and read data into data.table format +y_var_name <- 'SeriousDlqin2yrs' +X_var_names <- c( + 'RevolvingUtilizationOfUnsecuredLines', + 'age', + 'NumberOfTime30-59DaysPastDueNotWorse', + 'DebtRatio', + 'MonthlyIncome', + 'NumberOfOpenCreditLinesAndLoans', + 'NumberOfTimes90DaysLate', + 'NumberRealEstateLoansOrLines', + 'NumberOfTime60-89DaysPastDueNotWorse', + 'NumberOfDependents') + +cs <- fread( + 'https://raw.githubusercontent.com/ChicagoBoothML/DATA___Kaggle___GiveMeSomeCredit/master/CreditScoring.csv', + drop=c(1), # drop column #1, which just contains row numbers + colClasses=c( + 'SeriousDlqin2yrs'='integer', + 'RevolvingUtilizationOfUnsecuredLines'='numeric', + 'age'='numeric', + 'NumberOfTime30-59DaysPastDueNotWorse'='numeric', + 'DebtRatio'='numeric', + 'MonthlyIncome'='numeric', + 'NumberOfOpenCreditLinesAndLoans'='numeric', + 'NumberOfTimes90DaysLate'='numeric', + 'NumberRealEstateLoansOrLines'='numeric', + 'NumberOfTime60-89DaysPastDueNotWorse'='numeric', + 'NumberOfDependents'='numeric'), + na.strings='NA') + +cs[ , SeriousDlqin2yrs := factor(SeriousDlqin2yrs, + levels=c(0, 1), labels=c("ok", "delinquent"))] + +nb_samples <- nrow(cs) + +cs +``` + +Just to sanity-check, the classes of the variables are: + +```{r} +sapply(cs, class) +``` + +Out of the **`r formatC(nb_samples, format='d', big.mark=',')`** samples, the incidence of loan delinquency is **`r formatC(100 * sum(cs$SeriousDlqin2yrs == 'delinquent') / nb_samples, format='f', digits=2, big.mark=',')`%**. Note that this creates a "**skewed classes**" problem: one of the classes of cases (here the "delinquent" class) is significantly rarer than the other. + +_(**note**: in more extreme cases where one class is much, much rarer than the other to the order of 1000 or 10,000 times, our model fitting procedures would need to be tweaked; but this case is not so extreme)_ + +Let's split the data into a Training set and a Test set: + +```{r} +train_proportion <- .2 +train_indices <- createDataPartition( + y=cs$SeriousDlqin2yrs, + p=train_proportion, + list=FALSE) + +cs_train <- cs[train_indices, ] +cs_test <- cs[-train_indices, ] +``` + +Let's also split a bit of data from the Training set as a Validation set for the purpose of estimating OOS performance metrics: + +```{r} +valid_proportion_of_train <- 1 / 3 +valid_indices <- createDataPartition( + y=cs_train$SeriousDlqin2yrs, + p=valid_proportion_of_train, + list=FALSE) + +cs_valid <- cs_train[valid_indices, ] +cs_train <- cs_train[-valid_indices, ] +``` + +Just to sanity-check that the data sets have been split representatively by **`caret`**: the delinquency incidences in the Training, Validation and Test sets are **`r formatC(100 * sum(cs_train$SeriousDlqin2yrs == 'delinquent') / nrow(cs_train), format='f', digits=2, big.mark=',')`**, **`r formatC(100 * sum(cs_valid$SeriousDlqin2yrs == 'delinquent') / nrow(cs_valid), format='f', digits=2, big.mark=',')`** and **`r formatC(100 * sum(cs_test$SeriousDlqin2yrs == 'delinquent') / nrow(cs_test), format='f', digits=2, big.mark=',')`** respectively. + +The proportions of missing data points per column in the Training set are as follows: + +```{r} +sapply(cs_train, function(col) sum(is.na(col))) / nrow(cs_train) +``` + +Let's not throw away valuable data just because of _N.A._ values; let's impute _N.A._ with the means of the respective columns in the _Training_ set: + +```{r} +cs_train_mean_MonthlyIncome = mean(cs_train$MonthlyIncome, na.rm=TRUE) +cs_train_mean_NumberOfDependents = mean(cs_train$NumberOfDependents, na.rm=TRUE) + +cs_train[is.na(MonthlyIncome), MonthlyIncome := cs_train_mean_MonthlyIncome] +cs_train[is.na(NumberOfDependents), NumberOfDependents := cs_train_mean_NumberOfDependents] +``` + + +# Classification Models + +Let's train 3 types of classification models: a Random Forest, a Boosted Trees model and a Logistic Regression. + +```{r} +caret_optimized_metric <- 'logLoss' # equivalent to 1 / 2 of Deviance + +caret_train_control <- trainControl( + classProbs=TRUE, # compute class probabilities + summaryFunction=mnLogLoss, # equivalent to 1 / 2 of Deviance + method='repeatedcv', # repeated Cross Validation + number=5, # 5 folds + repeats=2, # 2 repeats + allowParallel=TRUE) +``` + +```{r message=FALSE, warning=FALSE} +B <- 600 + +rf_model <- train( + x=cs_train[, X_var_names, with=FALSE], + y=cs_train$SeriousDlqin2yrs, + method='parRF', # parallel Random Forest + metric=caret_optimized_metric, + ntree=B, # number of trees in the Random Forest + nodesize=100, # minimum node size set small enough to allow for complex trees, + # but not so small as to require too large B to eliminate high variance + importance=TRUE, # evaluate importance of predictors + keep.inbag=TRUE, + trControl=caret_train_control, + tuneGrid=NULL) +``` + +```{r message=FALSE, warning=FALSE} +B <- 1200 + +boost_model <- train( + x=cs_train[, X_var_names, with=FALSE], + y=cs_train$SeriousDlqin2yrs, + method='gbm', # Generalized Boosted Models + metric=caret_optimized_metric, + verbose=FALSE, + trControl=caret_train_control, + tuneGrid=expand.grid( + n.trees=B, # number of trees + interaction.depth=10, # max tree depth, + n.minobsinnode=100, # minimum node size + shrinkage=0.01)) # shrinkage parameter, a.k.a. "learning rate" +``` + +```{r message=FALSE, warning=FALSE} +log_reg_model <- train( + x=cs_train[, X_var_names, with=FALSE], + y=cs_train$SeriousDlqin2yrs, + preProcess=c('center', 'scale'), + method='plr', # Penalized Logistic Regression + metric=caret_optimized_metric, + trControl=caret_train_control, + tuneGrid=expand.grid( + lambda=0, # weight penalty parameter + cp='aic')) # complexity parameter (AIC / BIC) +``` + +We'll now evaluate the OOS performances of these 3 models on the Validation set to select a model we think is best: + +```{r} +low_prob <- 1e-6 +high_prob <- 1 - low_prob +log_low_prob <- log(low_prob) +log_high_prob <- log(high_prob) +log_prob_thresholds <- seq(from=log_low_prob, to=log_high_prob, length.out=1000) +prob_thresholds <- exp(log_prob_thresholds) + +# Fill missing value for Validation data +cs_valid[is.na(MonthlyIncome), MonthlyIncome := cs_train_mean_MonthlyIncome] +cs_valid[is.na(NumberOfDependents), NumberOfDependents := cs_train_mean_NumberOfDependents] + +# *** NOTE: ** +# the below "bin_classif_eval" function is from the "EvaluationMetrics.R" helper script +# in the "HelpR" GitHub repo + +rf_pred_probs <- predict( + rf_model, newdata=cs_valid[ , X_var_names, with=FALSE], type='prob') +rf_oos_performance <- bin_classif_eval( + rf_pred_probs$delinquent, cs_valid$SeriousDlqin2yrs, thresholds=prob_thresholds) + +boost_pred_probs <- predict( + boost_model, newdata=cs_valid[ , X_var_names, with=FALSE], type='prob') +boost_oos_performance <- bin_classif_eval( + boost_pred_probs$delinquent, cs_valid$SeriousDlqin2yrs, thresholds=prob_thresholds) + +log_reg_pred_probs <- predict( + log_reg_model, newdata=cs_valid[, X_var_names, with=FALSE], type='prob') +log_reg_oos_performance <- bin_classif_eval( + log_reg_pred_probs$delinquent, cs_valid$SeriousDlqin2yrs, thresholds=prob_thresholds) + + +plot(x=1 - rf_oos_performance$specificity, + y=rf_oos_performance$sensitivity, + type = "l", col='darkgreen', lwd=3, + xlim = c(0., 1.), ylim = c(0., 1.), + main = "ROC Curves (Validation Data)", + xlab = "1 - Specificity", ylab = "Sensitivity") +abline(a=0,b=1,lty=2,col=8) +lines(x=1 - boost_oos_performance$specificity, + y=boost_oos_performance$sensitivity, + col='green', lwd=3) +lines(x=1 - log_reg_oos_performance$specificity, + y=log_reg_oos_performance$sensitivity, + col='red', lwd=3) +legend('right', c('Random Forest', 'Boosted Trees', 'Logistic Regression'), + lty=1, col=c('darkgreen', 'green', 'red'), lwd=3, cex=1.) +``` + +It seems the Boosted Trees model offers the best classification performance frontier. We now need to pick a decision threshold for the Boosted Trees model. If we are to be really rigorous, we'll need to pose this trade-off in the context of a financial firm extending loans, e.g. balancing the costs of bad debt and the costs of auditing loans that are healthy. Here, to make life simple, we'll pick a subjective threshold that enables us to anticipate **75%** of the delinquency cases: + +```{r} +sensitivity_threshold <- .75 +i <- min(which(boost_oos_performance$sensitivity < sensitivity_threshold)) - 1 +selected_prob_threshold <- prob_thresholds[i] +``` + +The selected decision threshold is **`r formatC(selected_prob_threshold, format='f', digits=3)`** – meaning when we use the Boosted Tree model to predict on new data, we'll predict "Delinquent" when the predicted probability exceeds that threshold. The expected performance of the model at that threshold is as follows: + +```{r} +boost_oos_performance[i, ] +``` + +Note that there is trade-off: the precision of the model at this sensitivity threshold is rather low, meaning that there'll be many false positives, i.e. cases with lower financial risk being classified as likely to be delinquent. + + +# Test Performance of Selected Model + +Remember that the Test data may have some missing values; let's first impute those missing values by the relevant means we've derived from the Training data: + +```{r} +cs_test[is.na(MonthlyIncome), MonthlyIncome := cs_train_mean_MonthlyIncome] +cs_test[is.na(NumberOfDependents), NumberOfDependents := cs_train_mean_NumberOfDependents] +``` + +Let's then evaluate the performance of the selected Boosted Trees model, with a decision threshold at **`r formatC(selected_prob_threshold, format='f', digits=3)`**: + +```{r} +boost_test_pred_probs <- predict( + boost_model, newdata=cs_test[, X_var_names, with=FALSE], type='prob') + +boost_test_performance <- bin_classif_eval( + boost_test_pred_probs$delinquent, cs_test$SeriousDlqin2yrs, thresholds=selected_prob_threshold) +boost_test_performance +``` + +We can see that the Test performance is very similar to what we've estimated from the Validation set. The selected model works as expected. + + +```{r} +stopCluster(cl) # shut down the parallel computing cluster +``` diff --git a/LeCun MNIST Digits/Python/MNISTDigits_NeuralNet_KerasPackage.ipynb b/LeCun MNIST Digits/Python/MNISTDigits_NeuralNet_KerasPackage.ipynb new file mode 100644 index 00000000..f1cf2865 --- /dev/null +++ b/LeCun MNIST Digits/Python/MNISTDigits_NeuralNet_KerasPackage.ipynb @@ -0,0 +1,1085 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Yann LeCun's MNIST Hand-Written Digits: Classification by Neural Network\n", + "\n", + "## Hand-Written Digits: Early Example of Optical Character Recognition\n", + "Classifying hand-written digits was among pre-eminent early use-cases of Machine Learning in general, and of Neural Networks in particular. Not only does it illustrate the intuition behind, and the power of, Neural Networks' workings, the recognition of digits (and alphabetical letters) by Machine Learning formed the basis of **Optical Character Recoginition** (**OCR**) technologies and proved to be a big commercial win for savvy organizations. Among early users was the **U.S. Postal Service (USPS)**, who has automated the reading of the fronts of billions of envelopes and routing those envelopes to locations they are addressed to, with a high degree of accuracy." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## (M)NIST Hand-Written Digits Data Sets\n", + "\n", + "The **National Institute of Standards and Technology** (**NIST**) collected a large set of hand-written digits and labeled them \"0\" – \"9\" for the purpose of training Machine Learning models to recognize them.\n", + "\n", + "[**Yann LeCun**](http://yann.lecun.com), one of the fathers of Deep Learning (the use of particular special kinds of Neural Network with many layers stacking on top of one another), and several of his colleagues subsequently modified the NIST data set to create a more representative one, producing **Mixed NIST** (**MNIST**) Hand-Written Digits, a highly popular benchmark data set nowadays.\n", + "\n", + "This workbook illustrates the training of a Neural Network to learn to recognize MNIST digits." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## \\*\\*\\* _TECHNICAL DEPENDENCIES_ \\*\\*\\*\n", + "\n", + "- This script requires the Theano Python package. For Theano installation, refer to these [**guides**](http://chicagoboothml.github.io/MachineLearning_Fall2015/Installation/Python%20Theano).\n", + "\n", + "- This script also needs a Bokeh plotting server to have been already launched and be ready to listen to streaming requests.\n", + " * If the Bokeh Python package has not been installed, install it by running **`conda install Bokeh`** or **`pip install Bokeh`** from a command-line terminal window\n", + " * Launch the Bokeh server by running command **`bokeh-server --backend=memory`**" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## \\*\\*\\* _USER-ADJUSTABLE PARAMETERS_ \\*\\*\\*\n", + "\n", + "Below are the changable parameters used in this workbook. Feel free to adjust them to see if, and how, the results change. " + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# ****************************************\n", + "# *** USER-ADJUSTABLE GLOBAL CONSTANTS ***\n", + "# ****************************************\n", + "DATA_FOLDER_PATH = ''\n", + "# default='', which will result in downloading data from repo GitHub.com/ChicagoBoothML/DATA___LeCun___MNISTDigits\n", + "# if you have cloned that repo down to your local disk drive, you can provide the folder path\n", + "# e.g. \"C:/Cloud/Google/WORK/CODE REPOS/DATA/DATA___LeCun___MNISTDigits\"\n", + "\n", + "NB_NEURAL_NETWORK_HIDDEN_UNITS = 300 #default=100\n", + "\n", + "SGD_OPTIMIZER_LEARNING_RATE = 1e-3 # default=1e-3\n", + "SGD_OPTIMIZER_LEARNING_RATE_DECAY_RATE = .0 # default=0, meaning no Learning Rate decay\n", + "SGD_OPTIMIZER_MOMENTUM_RATE = .9 # default=.9; 0 means no Momentum\n", + "SGD_OPTIMIZER_NESTEROV_MOMENTUM_YESNO = True # default=True; using Nesterov Momentum usually speeds up learning\n", + "\n", + "NB_TRAIN_EPOCHS = 100 # default=100\n", + "TRAIN_MINI_BATCH_SIZE = 1000 # default=1000\n", + "VALIDATION_DATA_PROPORTION = .2 # default=.2; this is proportion of Training Data held out for validation" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### _Non-Changable Constants_" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# Non-Changable Constants\n", + "NB_DIGITS = 10\n", + "NB_TRAIN_CASES = 60000\n", + "NB_TEST_CASES = 10000\n", + "DIGIT_IMAGE_DIMENSION = 28\n", + "NB_DIGIT_IMAGE_PIXELS = DIGIT_IMAGE_DIMENSION ** 2\n", + "NB_EXAMPLE_IMAGES = 100" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### _Python Imports_" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# Enable inline MatPlotLib\n", + "%matplotlib inline\n", + "from matplotlib import rcParams" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Using gpu device 0: GeForce GT 750M\n" + ] + } + ], + "source": [ + "# Imports from Python v3\n", + "from __future__ import division, print_function\n", + "\n", + "# Generic imports\n", + "from numpy import arange, array\n", + "from os import system\n", + "from random import sample\n", + "from sklearn.preprocessing import LabelBinarizer\n", + "from sys import path\n", + "\n", + "# Keras imports\n", + "from keras.models import Sequential\n", + "from keras.layers.core import Dense, Activation\n", + "from keras.optimizers import Adagrad, Adadelta, Adam, RMSprop, SGD\n", + "\n", + "# Imports from other modules in same folder\n", + "from ParseData import parse_MNIST_digits\n", + "from Visualize import plot_mnist_images, print_digit_labels\n", + "\n", + "# Imports from Helpy repo on GitHub\n", + "system('pip install --upgrade git+git://GitHub.com/ChicagoBoothML/Helpy --no-dependencies')\n", + "from ChicagoBoothML_Helpy.KerasTrainingMonitor import NeuralNetworkTrainingMonitor\n", + "from ChicagoBoothML_Helpy.Print import printflush, pprintflush" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Parse Data" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Cloning Data Repository https://github.com/ChicagoBoothML/DATA___LeCun___MNISTDigits to Temporary Folder... done!\n", + "Parsing Data Set \"MNIST Hand-Written Digits\"... done!\n", + "Deleting Temporary Data Folder... done!\n" + ] + } + ], + "source": [ + "if DATA_FOLDER_PATH:\n", + " data = parse_MNIST_digits(DATA_FOLDER_PATH)\n", + "else:\n", + " data = parse_MNIST_digits()\n", + "\n", + "label_binarizer = LabelBinarizer()\n", + "label_binarizer.fit(arange(NB_DIGITS))\n", + "train_X = data['TrainImages']\n", + "train_X_matrix = train_X.reshape(NB_TRAIN_CASES, NB_DIGIT_IMAGE_PIXELS)\n", + "train_y = data['TrainLabels']\n", + "train_y_binary_matrix = label_binarizer.transform(train_y)\n", + "test_X = data['TestImages']\n", + "test_X_matrix = test_X.reshape(NB_TEST_CASES, NB_DIGIT_IMAGE_PIXELS)\n", + "test_y = data['TestLabels']\n", + "test_y_binary_matrix = label_binarizer.transform(test_y)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Display 100 Sample Digit Images" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAjwAAAJ2CAYAAABbzFiQAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzsnXWYW9X6hd99cXe3YgWKS3F3u8WLFy5W3KVQ3C7uLsXd\nL25tcYfiLoW2SLHint8fmfXbzZnJJDOT5Jycrvd5+kwnNjs5krPXXt/6QqFQwBhjjDEmz/wr7QEY\nY4wxxtQbX/AYY4wxJvf4gscYY4wxuccXPMYYY4zJPb7gMcYYY0zu8QWPMcYYY3KPL3iMGcMIIXQL\nIfwTQriiBq/1SQjh41qMyxhj6okveIwBQgibhhDODSE8EUL4oeWC4JoqnrdsCOG+EMK3IYRfQgiv\nhhD2CSGUPbZCCNuFEJ4PIfwYQvg+hDAohLBeB8e7fcsYR//3YwjhsxDCwyGEY0IIc1V4mVqEcBWS\nrzPa2Lbr6IvpvdRgXMYYU8LYaQ/AmIxwOLAQ8CMwDJiXChcEIYQNgNuAX4CbgG+BXsCZwHJA7zae\ncxqwP/AZcAkwHrAFcHcIYa9CoXB+B8c9BLiz5f8TANMCSwNHAP1DCOcCBxYKhb9He47e36gO/q22\nWLWd+zp7QeU0VGNMzfEFjzFF9gU+KxQKH4YQVgIGtffgEMKkwKXAn8DKhULh5ZbbjwQGApuGEDYv\nFAo3jfacZSle7HwA9CwUCqNabj8VeAk4LYRwT6FQGNqBcQ8pFArHtjG+lYErgX2A8YHddF+hUPgL\neK8Df6MshUKhveWsUIu/YYwxtcBLWsYAhUJhcKFQ+LDl12q+qDcFpgZu1MVOy+v8TlEtgtEuMlrY\nteXnCbrYaXnOUOB8imrPfzox/FYUCoXBwFrAH8AuIYRFdF97Hp4QQvcQwm0hhO9CCD+FEJ4KIaxb\nbpkq6eEJIQwGBrT8ekViyW3WzryX0ccbQpgzhHBrCOGblqXHh0IIC7Q8bpoQwmUhhM9DCL+GEF5o\nufBLvt6MIYQjW97bFyGE30MIw0MI14UQ5iszhtCyVPlWy2sPa1kCnaw9H1MIYcuWJcvvW573Vgih\nfwhh3DYeu0II4e6W1/6t5X0803IRbYzpIlZ4jOkcWsp5oI37Hgd+BZYJIYxbKBT+GO05hTLPuZ/i\nMtQqwNG1GGChUHg3hHAzsA2wFcXlr5KHjP5LCGFe4GlgcuAe4DVgTuAO4L62ntPGbVcA3wEbUFxq\nG/1vdnUJrRvwLPAWxYuq2YGNgMEhhOVbxvgdcAMwFcWlwvtDCN0LhcJno73OisAhFJW4l4GfgO4U\nL2J7hRCWKxQKryX+9vkUL1iHAxdTVPZ6AUtSPI/+kXg8IYQBwPYUly9vAb4HlgGOA1YLIayhpcYQ\nwtrAvS2P+V/L35kS6EHxwrmVimeM6SCFQsH//M//RvsHrAz8A1zdzmNeaHnMomXufwP4G5i35feJ\nWh4/qszjp265//Mqx7h9y+MHVHjcDi2PGzTabd3aei7waMvtfRO3r91y+z9An8R9nwAflRlbn2re\nS+K5/wB/J27rNtrfPzRx3+Ett38PXJC4b5uW+85I3D4NMFEbf1servsSt6/Q8jpvA5OOdvs4wGMt\n95X7DG4Fxkvcd1TLfXuPdtttLbct2Ma4pkz7mPA//8vDPy9pGdM5JqOobJRTLUZRXBqbbLTH6/Zy\nj4eiulJLRrT8nKa9B4UQZqGoLr1fKBQuHv2+QqHwAPBIjcfVGT4GTkrcdlXLz7GAgxL3XQ/8BSw8\n+o2FQmFkoVD4OfnihaKqMwhYJYQw1mh3aRnvhEKh8MNoj/8TOLTMWPehqALtUCguc47O8cA3wNZt\nPO+3Nsb1bZm/YYzpAF7SMibfyI9UqfJJHp9nytz/FLB6TUbUeYYUCoXk+/i85ed7yYuYQqHwTwjh\nK2Dm5Au1xADsCixBcflr9HNhgaLi9mXL74u23PZkG2N6jqKSN/prT0jxImsksH8IbVrC/gBG9wtd\nS3F57rkQwk3AYOCpQqEwrK0nG2M6ji94jOkcSQUniW7/frTHj357pcfXihlbfo6s8Dj9/S/L3F/u\n9kbSSh0rFAp/tVxQlFPO/qK49PT/hBD2oRgd8C3wMPApxWiBAsWLjoUpGshF2c+mUCj8HUL4JnHz\nFC0/pwHaMxz//8VboVC4I4SwPnAAxWXIvi1jfYniMl4WFDZjmhpf8BjTOd4FFgfmAV4Z/Y4QwtgU\nDbV/Ah8BFAqFn0MII4AZQgjTFwqFLxKvN3fLz5qUi4/GKi0/n6vwOC3VTFfm/nK3NxUt2+ZoisrQ\nYoVC4cvE/cu18TR9NtNTXFYb/fFjUVSIfhntZl18vVwoFJaodmyFQuE+4L4QwgQUs5TWp2hYvieE\nsGihUHi72tcyxrTGHh5jOsejLT/XbuO+FSmGAD7d4vMY/TmhzHPWafk5sFYDbKm62oyiGfb6Cg/X\nRdsyoe01mOU78Ke1xDNWu49Kh6kpKjZPt3GxMzGwGK2X/16muN3a+gyWJvE+C4XCT8CbwAIhhCna\neE67FAqFXwuFwqBCoXAAcCIwLnH/MMZ0El/wGNM5bgW+BrYIISyuG0MI41M0pQJcmHjORS0/+4cQ\nJh/tOd2APSgaVrvc36rlNVeiWP4+DnBhoVB4vb3HF4pl24MpKk19E6+1NrBaB/68lnhm68BzGsVX\nFNWYJUIIE+nGEMI4wNkU1ZokV7f87N8SOKnnjEvxgqQtzqB4oTIghNBqGTOEMEUIYdHRfl8xYZQW\n07f8bGWyNsZ0DC9pGQOEEDYENmz5VV8yy4YQrmz5/8hCofD/VUCFQuHHEMLOFC98BocQbqSYAdOL\nYqbLLYVC4ebR/0ahUHgmhHAGxbTl10IIt1H8UtycYnXWXoVC4dMODn3REMLRLf8fj+LS01IUDbF/\nA6cDB1f5WntQNCdfEEJYF3gdmAPYGLiLYrZONX2unqZ4UbFvCGEqovflnNGrnNKgxch8DtAPeD2E\n8D+K22AVittgEHEZUM95PIRwCbAL8GYI4XaKy5X/prjNR5D4XAqFwhUtF8K7Ax+GEB6kmMczJcXl\nzhUoZgnt3vKUc4AZQwhPAUMpmpoXbxnLJ8CNNfwYjBkzSbsu3v/8Lwv/iNkofyf+Kf/lozLPW5Zi\nYNy3FL/kX6VYkhza+VvbAc9TDLwbRfFLdt0Ojne70carMf5E0YD7UMv7maPMc7tRJsOHoifpNopf\n5D9RvABaBziw5Tm9Eo//uK3PhmLK89MUc200zlmreF/t5fC0mTnUct/AMve1Gh/FJaj9KC47/ULx\nguUqYBaKClursVJc0tqXYhbPbxT7kZ0LTNryHl8u8/fXA+6meNH3e8vfepZikGD30R63GcVlx/da\nXm8UxeDH44Cp0j4+/M//8vAvFAru02eMaZ8QwnXAlsA8hULh/bTHkxVCCHNTNLDfUCgU2srVMcZk\nBHt4jDHA//eLmr6N21ejuOz25ph6sRNCmC6E8K/EbRMCZ7X8ekfjR2WM6Qj28BhjxHjAZyGEgRRV\ni7+A+YE1KC7j7JHi2NJmP2DLEMIg4AuKPq/VgJkotqK4Nc3BGWMq4yUtYwwALQrGWRSbnM4MTEgx\nsPBx4KRCofBqisNLlRDCqhR9TItQNB7/SdFvcz1wVqGlCagxJrv4gscYY4wxucceHmOMMcbkHl/w\nGGOMMSb3+ILHGGOMMbnHFzzGGGOMyT2+4DHGGGNM7vEFjzHGGGNyjy94jDHGGJN7fMFjjDHGmNzj\nCx5jjDHG5B5f8BhjjDEm9/iCxxhjjDG5xxc8xhhjjMk9vuAxxhhjTO7xBY8xxhhjco8veIwxxhiT\ne3zBY4wxxpjc4wseY4wxxuQeX/AYY4wxJvf4gscYY4wxuccXPMYYY4zJPb7gMcYYY0zu8QWPMcYY\nY3KPL3iMMcYYk3t8wWOMMcaY3OMLHmOMMcbkHl/wGGOMMSb3+ILHGGOMMbnHFzzGGGOMyT2+4DHG\nGGNM7vEFjzHGGGNyjy94jDHGGJN7fMFjjDHGmNzjCx5jjDHG5B5f8BhjjDEm9/iCxxhjjDG5xxc8\nxhhjjMk9vuAxxhhjTO7xBY8xxhhjcs/Y7d0ZQig0aiDGGGOMMV2lUCiEtm63wmOMMcaY3OMLHmOM\nMcbknnaXtBrFhBNOCMDZZ58NwI477gjAyJEjAdh+++0BuP/++xs/OGOMMcY0PVZ4jDHGGJN7MqHw\n/Oc//wGisvPmm28CcMwxxwAw77zzAlZ4jDHGGNM5rPAYY4wxJveEQqF85Xm9y9LXWmstAO69914A\nfv31VwAmn3xyAP7+++96/nnTRQ455BAgKnNJTj75ZAAuv/zyho3JGJM/ZphhBgCOPPJIAHbbbbc0\nh1MzevXqBcD1118PwDzzzAPA8OHDUxtTHnBZujHGGGPGWFL18PTo0QOAf/2reN216667AlZ2ssbU\nU08NwO233w7AnHPOCcD0008PQAhtXkxzwQUXAPD7778DcO2119Z1nLVmiy22AGDJJZcEYL/99gNA\nqujAgQMBWH311VMYnUmDUaNGAdCvXz8ALrzwwjSHM8aw+eabA/DLL7+kPJLaIkVHlco611rhqQ9W\neIwxxhiTe1JReHQ1u//++wPw448/AvDwww+nMRxTgXvuuQeISkeSP/74A4Cxxhqr5Oc444wDwKGH\nHgrAbbfdBkSvVtaYaqqpANhzzz0B2HLLLQGYe+65gajs6OdKK60EwAILLADAG2+80bjBNpBFFlkE\ngFlnnRWAf/75B4iz0RNOOAGISt9pp50GwC233ALAZ5991rjB1gl5LCaddNKURzJmMuWUU6Y9hDGK\njTfeGIiqfkefl1S9d999dyCq/quuuioQFS7x7rvvAnDYYYd16u9XwgqPMcYYY3JPKgqPZoQzzTQT\nAI8//jgAX331VRrDqcj4448PwDXXXAPAJptsAsR11llmmaXN50nhkKK17rrrAnD88ccDMPvss5c8\n/ueffwbglFNOAeDEE08EWnuaxh13XCAqK/Vi7bXXBmDhhRdu837Neo866igAVlxxRaB1VdZ8880H\nwMsvvwzAMsssA8D3339f4xF3jummmw6AwYMHA9C9e/eS+6VQ6P3Jy7P33nsDUdFqdrSf9u7dG4j5\nWAsttBAAk002WVWvI4VHn0+3bt1qOcyGomNUat8PP/wAwAMPPJDamMZEVlllFQD+97//pTySMYOk\nQlNJaXnnnXeA1oqNqLaqTs/XaoA8clKIuooVHmOMMcbknlQ9PPLuyDORVbbZZhsgKjtCXg4pLlIK\npIxohrz00kuXPE9Kjqp8nnrqKSDOYnQ1K0Vo2LBhJc9fbLHFAFhqqaUA+Prrrzv5ztpnzTXXBGC8\n8cYD4M8//wTgiCOOAOJMXp6ODz/8EIiKwD777FPyerp6n2KKKYDsKDwLLrgg0FrZufjiiwE4+uij\ngahAJset7ajPR+y1115A9LJkFWWcPPnkk0BUNaRi/Pbbb0D1Co+Q5ycNdAz26dMHgK222qpTrzNk\nyJCS31Ut9PHHH3dhdJXROePUU08For9M6uKnn34KwNtvv13V60ll0zlFx+qDDz5YmwHXmbHHLn5V\nLbrooimPpLYkt5/U9FdffTWN4fw/1SoqlZSdriJl6JFHHgG67umxwmOMMcaY3JOKwrPssssCsaol\n69UtBx54YJu3a9b13HPPAa29Lsrs+OabbwA488wzgejNSSIvjGaR5557LhCVHKFcmwMOOACIVVD1\n5ssvvwSix6gc5513HhC73CeVASkK9Z4lV4sUMmV8SIH84osvgMreMiWDJ5l44olrNcS6oP1L22mi\niSYCYN999wViArpyslRBIbQfy9ciJWvQoEFAugqPEnnlF+uowpOsyrrhhhuA+nt3VOmmz3a55ZYr\nuV/9BHUOUGXrK6+8AkRFSM/TDFn+M+2r3333HRDPYVlHPsrPP/885ZHUFh1b2u6qXrr66qtTG1N7\nqApLHptyyHvTUWVGVVxJz488RVZ4jDHGGGMq0NBeWuussw4Ad999NxCVkeQsJmtodnTfffcBUQEQ\n3377LQDvvfceAFdeeSUQZ4XyKlXLJJNMAsSu8TPPPHPJ/ZtuuilQ+4yCJPJB3HHHHUD0qqy33npV\nPV8emJ133rnkds1GF1988ZqMs1Zsu+22QNx+mk1KAdFsRX4IVReq2jDJTjvtBMAVV1xRj+F2GPkg\npH4o60KzTO1P2r+EPFdSKl977TUgHs/6nDT7U6K2zi1SjhqBZoaaKT7zzDNAVJU7+nypV8oiqrcq\nqfTyESNG1PXvNJvCo33voIMOAmDAgAFpDqdmrL/++kCsPrvqqquA6P/MGuU8O1J/55133pr+veT1\nSblU/zae515axhhjjBkzaaiHRzNHzSilGGQdzeSVrJu8utX7kOejs2iGrOonKTvvv/8+AMcccwwQ\nlaZ6I7/CRhttBLS+2q6ElK9mQbMseaOUF6VKliWWWAKIFRTyeWjWKVQBI0UoK0jZOfzww9u8P1mR\nJFSldcYZZwAxRypZrab99a+//gKqVwJrQVKZEccee2xVz1dlWvL5+r1RfjOpyUJeHfV1k4osj4+8\nLXqeFClVjr711ltA3BflE2w2pDKmXb1Ua5RR1ixIwUl+F0gtrjVSjvSdq+Oxs7k8VniMMcYYk3sa\n6uF5/vnngZjTogoKeTrGVDRz7tu3LwATTDABEKuGlAN05513pjC6zqMkalVliax6eJLceuutQFS4\ntH78xBNPADErRd4YKXzqOZZ2x2MpUqrkkTdMCqsqev773/8CcX/raIK3PHj6O9tttx3QmPwhKTMf\nffRRye3yz1VbnSVVbo455gA67v2pFToXqFJOik25SsBqUcXcJ598AjSPh0fvW+Pu6ueQNaQOn3zy\nyQCcddZZQOwzmTWSVVT18u4k6aiXxx4eY4wxxoyxpJLDI09AZ5UdzUqUWKzXazZ69eoF5E/ZqYSq\noLKOFAptJyk5yy+/fMnjlDStqrS0lR3lQUlxUQ6SerJddNFFAPTv3x+InpuOIt+Iqi7lJ9H+2wjK\n+aT03iohH5aUHVGt96dZUIq7uOmmm1IaScfQsZdXevToUfK7qrSahXorO7XGCo8xxhhjck9DFB7l\ncKireLUzSs0YVTWj3kzq7aTXefTRR4GYl9LIGWZnUL6NZll6P7/++isAW2+9NQB33XVXCqPrOvKw\nyDOS5J577mnkcDqNqrbUtyipAghVvpRL0G4055xzDtA64fqnn34Cut55WMnf2j/Lbed6Uk6ZkedF\nFXbyW4lktVWykuykk04C8tcNvWfPniW/Kysp66h/4ciRI1MeSX1YYYUVgOrzZdKm2q7ntUbJzV39\n+1Z4jDHGGJN7GqLwaAaobuLnn39+u49X9/SDDz4YiPkecoSfffbZAEw55ZRAzAVRd+qsKjzqk6KZ\n8TjjjAPEROV+/foBsYdRs7LWWmsBrXtJafaddc+VlJGXX34ZiJVAyVmY8peyouzouEjOGpWXo+3S\nWeTZUQWJKmZUQaHjMZnPU0u0Lbbccss271fvK91f7nFJtG82qi9dtdTKa6NKOmUtPfvsszV53XrT\nvXt3IOYJ5Q0dO/LX/fnnn2kOpyzKiBPJvnrNghUeY4wxxuSeVKq0NttsMyAqMlJ+NJvRTPKDDz4A\nYvdwVSuNNdZYADz00EMNGnHXkLKjjAUpO8o70ecwePDgxg+uDuy4445t3q5cm6x2PFZ1k3q8aTsl\nMyD0u5K3F1hgAQDeeOONhowziTw5yfXtUaNGAbFfj3KwqkXptmuuuSYAl112GRBzfPbYYw8AXnzx\nRaDjPeM6g/xvtULKjs4xWaNWycJSxjQzV2Vh1lGGV1ZU1FohFVmrH/KWZVXJUrdy0eguCfoO7aqy\nZIXHGGOMMbknFYVHV7XyGsiBrUwCKTdaf1cqqGbSerySbm+++eaSx2UFZV/cf//9QFQMNLtSt+lm\nVXaU0Ku+PUKpriJZTZc11KdI1VbJ7aTtM3ToUCB2MpbSIcUxLeR1U06QfADrrrsuAE8//XRVrzPh\nhBMC0Lt3byBWR+q4lM/ghRdeAFr3nUoDJSxLlVNVVrLKSnk9yaouKTtZqcpaeeWVgTiT7Woui3xW\nae+jHUWZZBr3Nddck+Zwao4qWaeddlqgsq91TEXeIfXS0nd/Z7HCY4wxxpjc0xCF56uvvgLierS8\nEloHVDXJ0UcfDcBxxx0HxNmJZrDq8qx8Hs28NUPPCpopKwsk6dlRVdmgQYNSGF3n0SxZPZqk1FXK\nkFAfHPU3ygryB6g7vX6XInXIIYcA0Xul2ZgSsLVd0yapqEmZqlbZ0ft+8skngej3EOrYrXyoNBVJ\nzfCqnenJ85NUdrKat7PLLrsAUblSmnxnUc6QstDa652YJfQdoXHnDR1LIuuVq0nkF+xqplclbrvt\ntpLfu/r3rPAYY4wxJvc0ROHRjFMOdF29a31WCbDK77jjjjuAmB2h3llK21Qn4QEDBtR97J1hv/32\nA6LHSDNkKQVSeJoFdZzW+5GCVQ4pPppNyuuiWbaSizvbw6lWaD+TwiHvi/owaXsJVVY0SypqEm03\npdcus8wyAGy77bZA69m0kr9VRXj77bc3ZJy1JOmNkHKStbwdoYq3WqFKOtEsXhFV6qqKLm8kzyHN\nek6Rx6ZW5wa9XlLZ6ap3R1jhMcYYY0zuaWiVVp8+fQCYa665gNjfRYm8yRm11jWlDCkL4Isvvqj/\nYDuBumXrfQp1p87qrLIcutq+/PLLgdjzqxJJn4CUHeUqyaOlqqhGo1waKY1CVX6nn356m8875ZRT\ngFgNlRWU3L3BBhsA0VukpGgh71ulDsc67g466CAgu0pqe5TrtZXMExlTkHqZVlZUR5l++umBqMjl\njXLZXlmlXNZXMh+po0qPvmP0OqrGEqpWlH+0q1jhMcYYY0zuaehUVTkeyr6QciDkdVESryop3n//\n/UYNsVMoU0FeCCkhqrBQtVazsfzyywPVKztCHp1k9ZCQR0YVKfLQNIrXXnsNiMnA8ohVQgqKZmPa\nX+V1SYszzzwTiOqFvDiLLLJIh15HScyqinzvvfdqNcSGoWyoZA8tzVCT3dLHFHROfeWVV1IeSXXo\n3JHVVPYxFSkuUmL0s1rPTbXdzvV3KqnRHcUKjzHGGGNyTypmBOWyrLbaamn8+ZqhnKBzzz0XiB4J\nVZ1pffLrr79OYXRdR14pKXPl0lqlwKmLthQU9UxTVZo+H1VtSVnZZ599gNjtu95IgdIsRN4qVWGp\n55eShpU8LOSH2GmnnYD0lZDHH38ciN3Q7733XiC+Hyk3qgSRoiZ/hI5HKW7Ki2omlB3Ur1+/ktuf\neeYZoHZVHs2Czk3KzEqq6VlH/rqrr7465ZHUB2Vkye8pNf3UU09NbUzVcNhhhwGtFZ0k1So5QoqO\nXr9eFaFWeIwxxhiTe7JVbtJkLLjggkCsNhPXXnstUDtneVqoKkleFfkgkn1trrjiCgCGDx9ecvsZ\nZ5wBwLBhwwDo3r17m38nWU3UKFQl9u9//xuIs8qNNtqo5KeQ0qVZmXq4ZQXNGtWPaeaZZwZa9zBT\nBYyUnTyQ7KKu/JZkou2YgvqfZa2isKPceeedaQ+hLug7YvvttwdiBWvWkfIitVj99Dqq6EhxrXdS\ncxIrPMYYY4zJPaG9+v8QQrbDAVJC6+PqzDz//PMD8O233wKw9957AzELxGQbVYSowke92aTonHPO\nOUDsNZXXWWczI4Xn/vvvB2CdddYBstcrq1HMOOOMQFRXR40aBcAUU0yR2piMaRSFQqHN6GorPMYY\nY4zJPVZ4OoGqeFSFlUTdt5VnYowxjUQ+roEDBwKxcnTSSSdNa0jGNAwrPMYYY4wZY2luC39KPPjg\ng0DMTph22mmB6P2olFFgjDH1RB4mMablEBnTFlZ4jDHGGJN77OExxpiccfLJJwOw/vrrA7DSSisB\nzZv6bkxHsIfHGGOMMWMsVniMMcYYkxus8BhjjDFmjMVVWsYYY4zpMuqnOP744wOw3XbbAXDPPfek\nNqbRscJjjDHGmNxjhccYY4wxnWbeeecFYMoppwRgvPHGA2DJJZcErPAYY4wxxjQMV2kZY4wxKTDB\nBBMAMQn7m2++AeCAAw5IbUxd4aOPPgKgW7duQMx9mmOOOYDY063euErLGGOMMWMs9vAYY8ZYlER8\n9913A/DFF18AMMMMM6Q2JtNx7rrrLiAqJQ888ECaw6ma0047DYA+ffoAcNRRR6U5nC5zyy23AHDQ\nQQcBMPXUUwMw6aSTAo1TeMphhccYY4wxuccKT4r06tULgJtuugmI67nGmMYiL2Oyy3izcMQRRwBw\n4IEHAjDJJJO0+bjLLrsMgP333x9If8ZdKxZeeGEAlllmGSD7Cs8qq6wCwM477wzASy+9BMCll16a\n2pjGBKzwGGOMMSb3WOFJkfnmmy/tIYxRDB06FIBZZpmlU89//vnnARg5ciQAr776KgCHH354DUbX\nfEiRnH/++QHYfPPNgViRsfzyywNw9tlnA3DiiSc2eohlmWyyyQA444wzgKjwvP/++6mNqSPIYyRl\nZ9dddwXi+yhXfbvTTjsBUQHacsst6zrORjHrrLOmPYSq0DgfeughAL788ksgqv3ykDUrm222WZu3\nS8k65phjGjmcVljhMcYYY0zuqanCo6vXG2+8EYBffvkFgBEjRgDwr38Vr6+eeuopIK63JtHj/vnn\nn3b/nh43/fTTA7DqqqsCcR3+wQcf7MS7qD8ad7n3nzVUwZKsaNGspFlQRoQUHs2CQwhV/d6zZ8+S\n39ddd10Att12WwA22GADAIYMGVLHd1F/rrjiCgCmnXZaAG699VYgZmvo+NJxN/PMM7f7elIRsqTw\nnHLKKQDMNddcAFxzzTUA/Pzzz6mNqSPoXNe3b99OPX/xxRcHYMIJJwTiubrZ2HDDDUt+v//++1Ma\nSftMPPHEALzwwgtA/G5be+21Afj888/TGViNGXfccdu8/c4772zwSNrGCo8xxhhjck9NFZ6ll14a\ngKWWWqrN+zUzrrRunJxhV/s4/TzhhBMAGDhwIAB//vlnxbE3krHHLn7sUkjuvffeNIdTEfVD0ecr\nZWPvvfd/EgDPAAAgAElEQVQG4NNPPwXi+0h+3uOMMw4AU0wxBQDLLrtsyf3ffvstAI8//njNxz46\nqoyQMnHmmWcC0KNHDyBWy5VDHpXJJ5+85HWkGL388ssAzDjjjEDzrMfLz6IKkY022giAscYaC+h8\n5ZL2i3Lr+mmiY+/XX38F4jmjWZhpppnavV/VV1IWkhx88MFA+sqOlKbzzjsPiAnDTz/9dFXPn2ii\nidp8vWeffbZWQ6wJ6623HgDTTDMNADvuuCMAb7zxRmpjaiTyPaaNFR5jjDHG5J6aKjyaQafNoosu\nCsSUx6yvj15//fVpD6FDyIN01llnldxeKdNDikEyb+jvv/8GotJS70oZKS8drVBJelCkEO2zzz5A\nVMB22GGHNh+fNbQdpKwtuOCCHXq++uQoQ0RqgbJeHnnkEaA+CqvUNSW6HnvssQCMGjWq3ectt9xy\nAEw11VQAfPLJJwC89957NR9jPZDnRsm8SeQR0fvZeuutS+7X7R988EG9htghdAxpVWCttdYCqld4\nksh3lhXURfzKK68sub2SmtxsqDJT3dKFzrXff/99w8fUFlZ4jDHGGJN7aqrwqNJhl112qeXLdpr9\n9tsPiOvVWeGwww4DorKR9aqeDz/8EIjrz+Uo5xeohJSfFVZYAWieLJTkurQ8Zc3Ck08+CZRXdv74\n4w8gVjvq8VKEnnvuuXoPsSyqCNUxfttttwGVlYFrr70WiD66hx9+uF5DrAtSr6VwJfc5qXZSTHT/\nb7/9BsB2220HZMc7IlVX4+xqlVzWlJNNN90UiD7GQw89FIjesbyg42/88ccvuf2cc84B0veKCSs8\nxhhjjMk9NVV4tH6sdVjlk6jKZ5555qnln6tIVvuSyOPxxBNPAPD222+nOZyKyOty9dVXA1GJqTWq\n6mlWKlUVpo1m//LYLLTQQkBUGjXrV8dm/a78oiwg/9hJJ51Ucvt4443Xodf566+/gJgp1SxIHVbF\nYzIraoEFFih5vO5XonSaqtzozD333ECsEJTHQ56eaumo76xRaDsccsghQPQ3nnzyyTV5fVWnvfji\niwCcf/75QKx2axRSHMt1DShXLScvmqrqlEmn75h6Vbha4THGGGNM7qmpwqNqDFVn6GcS9YHZd999\n2329LbbYAijf+yi5fq2ZqvKAsuYFUYWIMjSOPvroFEdTPepBtcYaawCx0/JKK60EwCKLLALEyhf5\nBdRrSu+7HFq3f/PNN2s57LqTTLnNuodHHaSTCp2SlHv37t3wMXUUZQKtvPLKJbdXUqGUaKtzifbN\nZFdtKUhSUAYMGABENfa0007r7NCrYvXVVwfKnzuTVTCVkMfpggsu6NrAaoxWAeTfUxp/Ryv65pxz\nTiBmeb311lu1GmKXWGyxxYCoxNT6XK9VAq2aSClrNI899hjQOmFZiuLgwYNLbl9iiSWAeFwlFcnj\njz8eiMdlrdP8rfAYY4wxJvek0i1duTha30wiR7tmO5V69cj7oUwO5YJkDSkhWlfXVW6zoKod+SeS\nPook6i1VTuGRsqP8pqznJYlkpYzQdr388ssbPqb20CxYXrokqnhKZoUMGjQIiFVaWUiOVgf2jqJz\nTbKfn2bG+mzkX1IauPx1Sp+uN8OHD2/3fqlxUonLJS6ffvrpQKySyRrJfKD+/ft36PmqCJWSUil/\nqVFIsUq+n3KKXUfRufTss88GoqrcUe9TV9HqTLIy9/fffwfi+IRWB+QfLLdqo+pJ9W1U1aV6x2n1\noLNY4THGGGNM7klF4anE66+/DkQnfzmGDRsGRE/CZ599Vt+BdRHNap5//vmUR1JfZp99dgBuuOGG\ndh936qmnArHSoFlQRYKUSCFl58svv2z4mNpDOUo6XqT4CKkbSQVIab79+vUDYofxNLnkkkuA1uqw\nOtnLbybkLUiqxMqjkW9JCb3ykEh9VVWNulvXm0oVm1JuJplkEgCOOOKINh+X1eRoKQLJ6iolP2t7\nSU0uR7du3YB4rlEOTNrIK6bvLp0LVMHcVVTNJNS/r1G5PjrnJf2L4vDDDwdafxdLaUwqO6oqU37P\nTjvtVHK//Ljyrsnr1Vms8BhjjDEm92RK4ZGHoHv37kD5XBNVSmjdMgvegvaQd0fpp1npOVZr1DdG\nClYydVOo79Fxxx3XmIHVCHl3pDIkM1CU4ptV9HnLe5Q8vnbddVcgzpr1vuThyQLqfXXXXXcB0Sem\nz15eAaEZcVLVkkKiPJB3330XiDPUrCgGSeRxkKdI2yhZIahKSnkmsoI+X33u4rXXXgOiF0cqv9L7\ns5qpliTZJ1B5T13tJ6f9V94gva769TUqA0xKaDJTT0nKN998c5vPSyqs+s7ee++9gbg/qKqto30O\nq8UKjzHGGGNyTyYUHik722yzTZv366p/zTXXBOK6ZaPW1buKEqd/+OEHAN555500h1NzVOmiWXHS\nua/tdMsttwDNkz+UZPvttwdaz061XaUSZBWlmCaREie1RApPFpOjNSb1JJJnQknLO++8c7vP10z0\n9ttvB+B///sfEKufso68IMovSW4j/a5tKK+LlLG0SSptymvR9lt44YWBmMCrqryLL74YiJ6YpKKl\nSl1VHKaV2n7PPfcAMVlZ54rJJ58c6HzXcCkeOtfKs5MVJfLOO+8EqvfRJr1qOi7lM6wXVniMMcYY\nk3tSUXjk9FZVS1LZ0dW7lAEl8DZbNY8yGbTernygr776KrUx1QN1KC7XT0U9meq1Lltv5HlR1ZLQ\nbPqAAw4AsledVS1SS5Q9I+SjyFIvLSGVVEqAcjuU1zHbbLMBrb0G8ill3W8llEp//fXXA7H/mfJJ\ndt99dyAqVVI4lDekqpisKDxJVA2XTEhWVU4yR0ifh/yQQonSe+65JxD35UZnsiknRgnE6623HgDP\nPPMMED1l5ZSeOeaYA4hVbFLDk4nEWfsulPKkn5Vykcql0ierzWqdXm+FxxhjjDG5p6EKj/rTKHUy\nmTyc5IorrgAqr8tnFWVkaB39mGOOSXE0tUe5QvJWJZEyp55bzYrWp5P9auSnyFqycrVIcVMHbqFZ\nqjIwGpXx0RmkDOinsoKkfCS7R2e9olMoZV65O5rh633KF6hzp6rOhBQe9bfLCqrG0jmxnNdGvbHK\n+TqV0q7n6/WygpQZVeRKaZRa+uSTTwLxHLnuuusCMb8nWeGqPpHyumj7ZwUpWdoeqqLUfiifo6qw\n5M068sgjgajQJffjjz/+uOT5XcUKjzHGGGNyT2ivEiOEUJMyDV21HnzwwUBMN01W8wit28rBn/UE\n5XJcd911AGy22WZAdOwrQ6FZkTKnDtK6ahffffcdENejs9LnpqMod0c+AB0rI0eOBGLFiWabWUHK\njBLIH3/8cQCee+45ICqmUkOS6+7q15OVztOdIanwfP3110D0mX3zzTdA9IpoBp32virvkfxTOkdq\n39O5U9U5U089NRB9gXqcfkohufHGG+s+9kYgz5bUVXmbyilBaaPvvoEDBwLle58lUVWavFpSjJRE\nXa4XVb2R/1Yp+htvvHFNX1/7rZQsKXc6XjvwOm2af6zwGGOMMSb3NMTDI8e6UhrL9UlRlYvW8/KC\nZtjNruwoRVSVFUllR16PTTbZBEh/ttxV5N0RqhjQfpo1ZUeesaRXTOvp8kXssMMOQJxNSR3Yaqut\ngOZWdsqhXBTNFFXlowrCrGR6HXTQQUBr9Vvp5MmsK2U/JatZpOblRdkRUstF1qvt3n//fSDmIqn6\nSp4dZcrpO1LoXKpVgauuugqA4cOH13nE7aPE6E033RSAzTffHIiJycleX9Ui3+BZZ50FtPYV1gor\nPMYYY4zJPXVReLRumVR25NhWqmYSzWLygjo4p5X6WWvkrZKHJ8kFF1wAwODBgxs1pLog747yd4QU\nkXJVaWmz4447tnm7EpSF3ofUAik+P/74Yx1Hly7yHqgPn6pE1J1ZSk9ayEukNG9tIykEv//+OwBD\nhgwBYvWVEnyT3h2psHlD+7jU40cffTTN4VSN1P1XXnml5GcltBqS1ew2ZbDpZ9axwmOMMcaY3FNT\nhUd9be67774270+uM6syQtVbF110US2Hkzpy0mep23RnkKKzxRZbtHm/UkQPOeSQho2pnjzwwANA\nVAW032q2ndVE5T322AOAu+++u93HnXrqqQAcf/zxQL6VHaHqGHURVzp22sqOUI5Jstt29+7dATjh\nhBPafb6UgIcffhiIyct5Q8fiiBEjgK53Ic86en/ab/v27ZvmcJoeKzzGGGOMyT01UXh69OgBxNyZ\nSl2Wdb/SJs8888xaDCNzyHne7AqPvDnJqiz5ClRZkpVKl64yzTTTAK3345tvvjmN4VSN1Ap5qHRc\nqppMlRXV+geaGX0W8k6MPXbxVCcVOdmjKW1UGadkWVX1VItyh/Lq3RE6JvNYSdgeyhvST9M5rPAY\nY4wxJvfUROHp168fECsGKqFOx6rhzyvKiFAFRrOiROEkUn6UBtrs9O/fH2jtNVPSd7IvU9YYOnQo\nEDuGj8ko+0rJtFlHad6XXHIJEHOClKSsqjJtY2UtSclqdFfwtJD6akxnsMJjjDHGmNxTk15aV199\nNRC7Z5dDSpDWmTvaH8Okg6qSNLv6/PPPger7wjQL0003HRDfn46NjTbaCMhv5YsxxuQJ99Iyxhhj\nzBhLTTw8ymFJKjxSBpSgnLecnTEF9eWRr0AZJnlD+6sSwY0xxuQHn9mNMcYYk3tq4uExxhhjjMkC\n9vAYY4wxZozFFzzGGGOMyT2+4DHGGGNM7vEFjzHGGGNyjy94jDHGGJN7apLDY4wxxjSKFVdcEYAH\nHngAgAkmmACAa665BoA+ffqkMzCTaazwGGOMMSb3WOFpAJNNNhkAl156KQCbbbZZyf3/+c9/ALjy\nyisbOi5jmo3xxx8fgLPPPhuAtddeG4BZZ5215HFKB99nn31KfjfNzTjjjAPE7ar9QXlyM8wwQ8nt\nv/32W6OHaDKMFR5jjDHG5J5UFZ4LLrgAgL59+wJR6XjxxRcBeOutt9IZWI1Rl+0VVlgBiLMRIQXI\npMMll1wCxO2i/bEcZ555JhBVgxtvvLGOozMAIRSDU3WO2HnnnUvuTx5TSy65JACPPPIIALfddhsA\n5513HhDPMaY52GuvvYCo4Gy00UZtPk73TzjhhEB2FZ6JJ54YgIEDBwLQs2dPIO7Hd9xxBwA77rgj\nAN9//32jh5hLrPAYY4wxJvek0ktr9tlnB6Kjfumlly65/6uvvgJgxhlnrMefrzuaje67774AnHzy\nyQCMPXZRUNNnfv7555c87p9//mnoOLPChhtuCMDxxx8PwPTTTw/ACSecAERFpdZst912AAwYMACA\noUOHAjDHHHMAUUU499xzS5437rjjAvD3338D8OGHH5aM/9prr63LeMdkxhprLCCqavPNN1+bj9Ox\nJw9Hkh9//BGA0047DYDjjjuupuPsLKuvvjoADz/8MBD3pSOOOKJTr9erVy8A1ltvPaCyapk1Jplk\nEiB+HlJAhLaz+P3330ue99dff9V7iF1CqrD8nH/88QcAw4cPB+J35JtvvgnEqrS8KT1TTjklEM+Z\nyy67LACzzDILEI/XjuJeWsYYY4wZY0lF4Vl88cWBqPB079695P5mV3i0PvvDDz+U3K7P+qyzzgLg\ngAMOaOzAUmbuuecG4OijjwZg3XXXBcp7mN577z0A5p133rqM55NPPgFihY9+l8Iz1VRTATDRRBO1\n+fwLL7wQiO+rW7duAKyyyioAPPXUUzUfs2kfzRgff/xxIJ5bpK4KHZvygjz55JMA/Pnnnw0ZZxIp\nPA899BAA3377LRD3/a+//rpDr6d9UyqlZtDbb799l8daTzbZZBMgKnCzzTZbu4+XMnLSSScB8dyS\ndRZddFEgenhGjRoFxO09ePBgICpbBx10EABnnHFGI4fZYaaeemoALr74YgCWWWYZAI499lgALrro\nIiAqsK+88goA88wzT8nr9OvXD4BTTjmlU+OwwmOMMcaYMZZUFB4hD0tyfbnZFR69r912263kds3e\nlB2SV7S+Pt100wExX0jrs1LAKqHZwO67717T8UnB0exC/hDNfm+99dYOvZ5mpddddx0Av/76KwBb\nbLEFAA8++GDXBlwjpp12WiBWpY033nhAVEWSPgl5yuR10vtrJnr37g1ET8xcc83V5uNWWmklAJ54\n4onGDCxBUuER8hgdddRRHXo9eR+kTkq50r56zz33dH6wdUSqqJSBShx66KFA9Ek2G0kv2ttvvw3E\narNhw4YBcOeddwJx+2WVTTfdFICbb7655HZVKsuvqeozZdMl0fv/8ssvOzUOKzzGGGOMGWNx0nIN\nWXjhhQHYYYcdSm7XTDlveS1SauRdWWKJJYDoi/j3v//d7vM163z22WeB6DMod9VfK7QerooO5T11\nVNkRynjp378/AIsssggAp59+OgCvvvoqAF988UUnR1wbNM7llluuqsf/61/F+dDll18OxNm3vE7N\ngGaa8vS8/PLLQKwEFFKZX3jhBSA7+S2qCOwqSiiu5IlpNEOGDAGih6Pc+1VukpQ6bc+kT7LZkKKT\nZOTIkQC8/vrrjRxOp5Enp1zVY7KLgL4rk+j47KhnrVqs8BhjjDEm96Sq8MjrkcxUkLdAykGzzCjX\nX399II5faP01L72ypOzcd999ACy//PIdev7dd98NxEoSdTxuFFtvvXVdXldVZ1J0evToAcCuu+4K\nNL6CRB4qVQMmZ1U//fQTEGeRb7zxBgBbbrklELezZt2DBg0CYKmllgKi164ZkLq25557AjHlXb6m\nrbbaCogVlFlJYn7ttdc69TwpW0qmzhpSV1WhmTxn/vzzz0D0GslHpqqsvDPNNNMAsNBCCwEx6yur\naD9LVlspH+ndd98tuV3+xiTqkaeMs1pjhccYY4wxuSdVhUfrt1qH1VX/5JNPDsDVV18NxJTJrDLF\nFFMAcfaY5IorrmjkcOqOqpmk7EihS1b8yaOjdNz99tsPgJdeeqkRw2w4UhHk3dF6dloKz2GHHQbE\nPkRClQ+LLbYYAJ9//nnJ/RqnFB/t3/J/3HDDDQCsttpqdRh1fbn99tuBOHM+8sgjS+5Xwm1WFB5V\nvegzr5bOVrc0CiUoJz1F2heVZaUsrjENKVo6p5bz+qSNVmGSx5GQWlxp/L/88gvQeR9ltVjhMcYY\nY0zuSVXhUR5Inz59gNY9tZoFJe3KMyHkkcjq1Xln0fqy0CxEV+lK0FYPqrx0va8WpYNqliafiDJR\n5E+oN+WOJ1XRJZUdodvL9SMqlzzdTJQ7JqWG3XLLLY0czhiD/F+q6EyiCsJKvs0FF1wQiKn9SVSR\n2NleTGmz+eabA7HC96abbkpzOGW56qqrgNbffUqOll9TLLnkkkDrdH2p48owqxdWeIwxxhiTe5zD\nUwPKZVtolvHRRx81cjh1Q1U7Bx54YMnt6kOUda9VrTJNqkXb//DDDwdiXyNVAqXFiBEj2r1/ggkm\nAFr3nxoTSOtYleL0zTffALGPm2bE2nerrVKqNs280SgDSxlPQtU83333XbvP1+fyyCOPAK3VZnHw\nwQcD8diTd6tZ0KrBBx98AGQvj0fdBFZYYYWS21VdpSqsZLXVMcccA8RcKCFPV72xwmOMMcaY3JPp\nKZzWeY844gigfIpj2my77bZt3v7mm282eCT1RZ4cKQBCycLqk6LcoayhqqVGzX6VBiv0+aSt8Cg/\naYEFFii5XbNu5SKpOiuPzDnnnG3eft555zV4JEWGDx8OxFRrKRQzzTQTAIcccghQ+Ryo3kzqVZQ1\nkj2VtM8pf0Xej3JI4VI3+XIKj7qOS41Wzk9Hq90ajaqalFwsj0xW2HvvvYHy+U7aLuX6B5ZT2Rvl\nmbPCY4wxxpjckwmFR1f5ynPR77oqTzrATWNRroyqjpJIMVEvLPUpUpVaVlC+zP777w/EcSeTvmuN\nXl8VKiuvvDIAgwcPruvfLYdUgHIVEcnU2yTNUPkiP9mkk04KxMReVcyVy8xKm0cffRSImVXyOmjf\nXWONNYBYCagE2169egFwwgknAK1n0qq4U4+mtFAXdB0TUmzKJQnrfe6yyy4ltyu7Te+rnN9MlYpS\n0LKm8Ew99dQALLvssgBcdNFFQPwOlGKSNqqqksIoBSqJFDdtl+Q5JlnhqXNJZxPFO4oVHmOMMcbk\nnkwoPMoaUJ5L8vdkgm/eWHvttQHYeOONgZhQfMcddwCxIiEtVl111TZvV5fzpIKxwQYbAHDdddc1\nYHRdp17718cffwzEWZo8MSuttBJQf4XnnXfeAaBnz54lt2t7VVJyypE1XwFERUfVLf369QNg1lln\nBeCuu+4CYoKvqn2EZpqqkkoLVatIiZlxxhmBuM2Ubq6fGrdS6stRbxWzWqQAaDwav7K7hBQOqcVS\n6oSUmqeeeqrkdaVGZx2d89XTTYnFye88KZHqjfb99983cpj/j1LVK+1nQtuvUmaXXk8eHvXrO/PM\nM4Haq8lWeIwxxhiTezKh8DQ76o6tbumV0KxFTnZVyyRnYXLCK78lLcVE2RhSnjR7vvTSSwGYYYYZ\ngJgl0rdvX6B5FJ56IV+CsjSSSku90f4z4YQTAnH/TCo7WmfXbGrgwIFAVEOy6KGTonPUUUcB0RtS\nzlugnlTl0D4rVS5tDj30UADWW289AHr37t3m48rNuNVLS56lscYaCyhf1ZQWUtqU5SXlStVp22yz\nDRBV0nvvvReIFZBSeqacckog+wqPfIPqr6jtI7Td9FM936Smq/+dUu0bhXKM9F1Q6wpOqd76qeo6\nKV+18jJZ4THGGGNM7rHCUwPU4VXKh2ZTe+yxBwCnnXYaELvAK1ND/WCUMqqreikD6iujrvHqSfXK\nK6/U6620SbKipVxvrEbPOjrL0KFDAZh//vmBuF2kvKmvS7MjL9xmm20GQI8ePYDW/hVVsGj/U6+v\nk046CYiZMFlA3gf52zrrQ0qijKaHHnoISL86Rp4Wzay1DbRNpAwk/XXahno//fv3B2COOeYAYN99\n9wViUm6jkBI188wzt3m/lItNNtkEiF4V5fZou0uB0++qwkomNwv1hVN+TFpIBZcXZ8iQIQDMPvvs\nJT/VdVwVr2+88QYQvWkvvPACECtmX3zxxbqPfXT03aVKU51T/vvf/wLw/vvvlzxe1YbarlKbKyEl\nTCqzUuu7ihUeY4wxxuQeKzw1QB4erUNrHVKKwaKLLgrAscceC8R1ebHWWmsBrZN5tc6rq3kpR42m\nUrdzKVi6Kn/66afrPqauMGDAACCu96sSRtVwq6++OpAfpUd0tGt9spu6+uJ8/fXXNRtTtShXJqns\nSA098cQTgZigLIWjWuSj0zGoHkGVejvVG6lt+rnVVlsB0e+XzJ+RqqdtJQVECk85j1O9kZqt3mDl\nkLKlfB5VzWn7SwGphPZdKQTJfbnRaL9Vjo0UOyk3OmdedtllJc/TuUjd0uUDfOKJJ4ComDWqulDj\nS46zHPru0naQwqP9VJ+LlEp5g5TjU+vtZoXHGGOMMbknEwpPuaRlXQVmJUOiEqpKksKjWahyS7p3\n717yeM2UX3rppZLb1ZuqUmVJrdAsQ7MFZSGUY+uttwZiBYUUKiEfQVaR50oVPsr40Hq0kpilAHX2\n/Wg7yiukWXfas81qkXdMmRgiDaVRHoGkZyfp0dBnXY7ksbb44ouX/K594LPPPgPgkksuAWI/Pykt\naaOcFlVOlkN901TpqWomqc6N9gNWixQdeV86ijw+7733Xs3G1BlOPvlkIB4zu+++OxAVRCkc8rgk\n+eSTT4CYcZYXtN/KXyhlR9WSOv5qvVpghccYY4wxuSe0lzIbQmhIxLG8L1pvlqKjsV144YUA7LXX\nXo0YTqeRMqW+PZpllEPKgRQVrXOqAkPvX52ElU1Q62RgzSKUSitUdaV8lkp5LOp03CxdtpVtIv+H\nfA5CfYrkm1A101dffVXV62v9XZU/w4YNA1p/zllF21H+APVGS6beNoKLL74YiEpFtUiR2WijjQB4\n7LHHSu6XGrvDDjsAMSV8ggkmKHmc/E/yUJTrQ5Y11ItLypa8SlIxzzrrrIaMQ96Nc889F4Dtt98e\n6Lp6rwpXncP0uvJV/vbbb116/c4iZadPnz5A/JyPP/74knFpv0w7Tb9eSFFUFpkqYqXcKHep1hQK\nhTZ3LCs8xhhjjMk9mfDw5AV5jtS5WBUHmjUmKySkmGyxxRYlt0tRkX/goIMOqtOIi5RbJ9esrFJ2\ngpQq9VtpFpSJ8cwzzwBxlqVMjHnmmQeIs2MpNJqtSJmT10VKkT5PKSTaL1Sh0SwoR6qZ0Mz5nHPO\nAeJnXs57o22un6oWkUqrY1beHu0L8sYol0T+rKwhr4Sq2aTwqKu6urO//vrrdR2H1OIdd9wRiKns\nqlaS10a5OzvttBMQq4GOOeYYIHq45D2Sz+7666+v6/irRce8Us7ffPNNICo72g833HBDoP799NJG\nSdFSdoQUuUZjhccYY4wxuSfTCs9HH30ExNyUZkEZAltuuSUQFQP1sZFiIwVBV7tKqdSsZcSIEQ0Z\nr7xRa6yxBhBTUZMVLEr11Pq4eoFVqurKOqoI0PZQFZoyP5JVbLPMMgsQ00Y1+0wiZUf7r3qPNQvK\nVWoG5M1Zc801gcrVS+VQH7HJJpsMiAqRfhdHH300ELdxsyGPUlq9tZTdpZ9JTjnllHZ/zxqqKpM3\nRWnm8ohJHVblZtpJ3o1ivvnmS3sIJVjhMcYYY0zuyUSV1myzzQZER7eqWpZYYgkg9j4yppFoVp9M\nd1WFS7ljR7M3eXrOOOOMeg2xrqh6ctlllwXSrdIyXUN5L/ITyieoc2yyB5LpGDpXyN+n77KkD1PH\n0JjCDz/8ALRWi+W5UpZbrXGVljHGGGPGWDKh8Bhjsoeq7+TzsMLTvCQVHvnKVA1lTD1QtpyqHlVd\np3wi+XRrjRUeY4wxxoyxWOExxrSJsltUZSjFp7P9jYwxphFY4THGGGPMGEumc3iMMelxyy23ALDb\nbiDm+CkAACAASURBVLsBcNhhh6U5HGOM6RJWeIwxxhiTe+zhMcYYY0xusIfHGGOMMWMsvuAxxhhj\nTO7xBY8xxhhjco8veIwxxhiTe3zBY4wxxpjc4wseY4wxxuQeX/AYY4wxJvf4gscYY4wxuccXPMYY\nY4zJPe6lVQMmnnhiAJZYYgkATjrpJACWXHLJksd99dVXABx++OEAXHbZZY0aojGteOKJJwAYMmRI\nm/d/8cUXAJxwwgkNG1NXmWKKKQB47rnnAJh++ukBmH/++QH47LPP0hmYqQtzzz030PpcK3766ScA\n7rrrroaNyUQGDx4MwEorrQTAn3/+CcBpp50GNL4/nxUeY4wxxuQe99LqAosuuigA999/PwDTTDMN\nACEU23jos03+/sMPPwAw77zzAvDll182aMSmK6y99tpAVOjEBBNMAMBiiy0GxO189tlnA7Dffvs1\naogAHHvssQCsttpqACy11FJtPu5f/yrOd5L7Z5J//vkHgKeeegqAQw45BIBnn322RiOuHY899hgA\nK6ywQsntPXv2BOCll15q9/k9evQA4LjjjgOiMrTssssC8O2339ZusHVgnHHGAeDyyy8HYOaZZwag\nV69eAEwyySQAfP755ymMrnace+65AKy++uoAdO/eHWi9L//+++8A7LPPPgBceumlDR1nkvXXXx+I\nqulCCy0EwDvvvAPAfPPNl87A6sSgQYOAqPCIDz74AIjbrda4l5YxxhhjxlgyofDMMMMMQFRK5pxz\nTgD69+8PwDnnnNOIYVTNKqusAsDdd98NwIQTTlhy/+uvvw7ATTfdBMB0000HwK677grEWdiJJ54I\ntFYMso6UraOOOgqISsJEE03U5uOlBMgrcsoppwDwySef1HOYNePCCy8EYJdddgHiLLISmkXPNNNM\n9RlYgh9//BEovx2SyMMz3njjAeV9EElGjRoFRL9MltA+ppmzkIejnLLRrVs3AFZddVUgHqNnnHEG\nEFUtqV1ZQ+OVgrHtttsC0UOhbaxjd9ZZZwXgm2++aeQwO8xss80GRGVO31eTTTYZAGONNVbJ48up\nlVJ6tthiCwD+97//1WnERaaddlogniM33njjktvLnUNuvPFGAB566KGS29977z0Ann766doPtg7o\n/Wn/SyquVniMMcYYY+pEqgqPPCy6mtV6s/jtt98AmHrqqQH45Zdf6jmcimh2pJmxvBu6mtXsqm/f\nvm0+P7meqfejKq+ss/XWWwPRHzDuuON26nWkgG255ZYAvPXWWzUYXe3p06cPAFdeeSUAf/zxBwA3\n33wzEFUD+T5UcaDZ9Oabbw7ALbfcUtdxyrOTVAq1v0n5Ea+99lrJ87T/JhWbPffcE4CVV14ZgOWX\nX77kfimcG2ywQZfGX0tmn312AK699loAlllmmZL7VbWTPObko/v++++B+NnccMMN9RtsDdl9992B\n6G1Rldq+++4LwMEHHwxEpUG+MvnMssKUU04JRM+NVFWp5O19X0FlP5qUnY022qjrgx0NjU/H4M47\n7wx0/hyZ5K+//gKi2qzPJ6tMNdVUAIwcObLN+63wGGOMMcbUiVQVHl1ty7muddZXXnkFgKWXXhqA\nF198EYgzzbSUnqFDhwIwyyyzlIxDs6hKuTpSAI4//viS22eccUYg5p5kBc1ONNNXvtDYYxfjm1Sx\nonXl5Lqz3tcmm2wCxMwMoat8VcIooyFtVCnxyCOPANETIyVnxIgRbT5P3qQDDzwQgE033RSA22+/\nvX6DJVbeSNXo168fENf9//777y69vrb3k08+CUSvjxQvKT86TrOAMq9+/vlnIG4L3S4vhfjwww+B\nqPA0C8r+ev7554GobGy11VZAVBulyuocNGDAACB7Hp7HH38cgOWWW67k9krKjVDOkhQ7fT5Jkt6f\nziJlRx4jnfOEvtOkCl911VUA3HfffQAMGzYMaP2dpu2WPGfqHCkPVlYrfK3wGGOMMcakRCpJy3Js\nr7POOkCcKcrTceeddwJR6dFV+pprrllyf6PRTF3rs+uuuy4QZyWV0CxLCo9mKw8++CAACy+8cO0G\nWwM23HBDIKZiCs30dXuliocjjjgCiLOVK664AojbVZ/rv//971oMu8vIByE/gSpeyik7QuvsUlQa\nNfuSR6deXhq9L81WhRRA/d0sKDy77bYbEH1/H330EdA6f6fZE5d17MinJR599FEA7rjjDgDefvtt\nIGYunXrqqY0aYruoGk7jrdabo2NKavitt94KxFwb+QyvueaaNl9nm2226cqwW3HPPfcArZWdF154\nAYjnUFUHSi1V5aYUxaQKq+118sknA3DAAQcAUZlSFeLDDz9cq7cyRmCFxxhjjDG5JxWFRwqJrlaV\nVZBUbpRuqlnMXHPN1aghtokqGzqbnKvZiZ5/5plnArDgggsCsOKKKwLVK0b1QuvS//3vf0tu//rr\nr4GYj6RqtUpo9qI0UVXO7LHHHgCst956XRxxbZB3Rwqkqsc0i6yEkralhCiZOK9ou7777rspjySi\nnBWpUjq35AXtm8osUwaYlAKp4KoYVdVa2v449TRTppoSkqXsVFJ4dO5UdVWllO9yr1fp71SLfJuL\nL754ye1SdnSOS+Y2ab+s5J3S85KZWnq+lZ3OYYXHGGOMMbmnoQqPqq5UQaCrYSUOJzn99NOBOPNO\nrlc3K6+++irQutdWVlDVjWaHmlVo1qKKlq5y/vnnl/xMG3mMlFr78ssvV/U8VSQodydvKNVWs3Qh\n752qw9Ik6Y144403gOiPa3ZUoSq/nDLA5HNUXo1Q/7RkX7e00LlfFZvVIn+aKgMrea+UU1MOfdd0\nNV+pXI6PsuPUV6+zvjZlYsmT1Gwosy5rWOExxhhjTO5pqMKjdU95HPbff/82H6cZv3pPCc2gK3U8\nzjrysqhrumbQWUXJyLVSdpoFJS0ry2Xvvfdu83FKDFd6b7nsiWZFSp8UMHl31FE8CyjfZI455gBi\n9Y+ShUW9M5FqjXJzlK0kT4eqz7RP6pyofVH9CIX8go1GVUrlqqbKMXz4cCBWAFZSdv7zn/8A8Rgs\n59XR59lVlHuU7BGl35955hkgeqmSaes6p+h1kuhYU8aW+PTTT7sy7IaRpfT10bHCY4wxxpjc0xCF\nZ4EFFgBi2qm8EckqlnLKjrjtttvqNcSGogyJpMKjjIi0q7SSdLUX1CKLLALE3kuTTz45AJttthkA\nDzzwQJdev1YoWVkdi1Xxo2wXzZpVVaa0XvXUUmVFMkk7q6gTeLIDs/Y/Zdlou4lff/0ViMnbaaIU\ncGV4idVWW63kp1DSst6TehKl3acvifq36Zwpz46OFR07yXGr+mn88ccH4rk2LdVRfk1Vk1VCPb8G\nDhwIRI9SOaTsqPqrURxzzDFA7AauvBylsasCWd9lye80bTd5dLSdpPwoqyyJ/IVZJ5lLlBWs8Bhj\njDEm9zRU4VF6pJQdzVpUjaWrYHkEVHkhJSSrXbVrRbIKJisceeSRQJxdyC8hZUoeHyke8r6ocmS2\n2WYreb44+uijgewoPJp17bTTTgC8+eabQBynutzvuOOOQPQnKJFZlUFKas4aqvSR96Znz55A9NYJ\npcIqu0WVTyLNDuLa5+RhUTWLZsbqhq5t9/HHHwNRlerduzcQ99E11lgDgIMOOgiof2f7csiz8dhj\njwHxWNI5U+qjqoNUIZck6VnSuVOVlo1GFajlKlG1XdT3TT2nqk3ClhIipa5SWv11110HdH0f1n52\n7733AnG7KX1fx1iyF5aQ4qVEbG0n+TtVmZxE55iss9Zaa7V7f1rnECs8xhhjjMk9DVF4ZphhhpLf\nZ555ZiBWUiijQevMWg9VryZdRSuTodlRRkFS0VE+T9ooO0LbQwnCWreW4iGSFRGalVZC3dazhpQe\n9efRerze90UXXQTE962qwx122KGRw6yIOk7La6MsEyltSq/V+5NnJ3m8CqkoyQTuRiJFQDNj/a5z\nxdChQ9t9vqqalPZ+7LHHAnD11VeXPK5RSo+2hfrNJc8JUj4uvvhiIKqM6u8mJp10UiCqeEKeEr0/\nPU/7rqqEdA6uFUog1uuWq5rS++tobksyuVndwyslN9erD6MUHylUqtJSar3Gq+2snB4de9p+OkaT\n6LtPnqhmRcpkpf6L9cIKjzHGGGNyT0MUnqRjO5m2KSVBSb4XXHBByf0dzXDIOqqwSHpastIfRbNk\nJS6fcsopQOxury7ZQuvz1fapef/994Hsp4jOMsssAKy//volt2tWJqQuZKFbOMCBBx4IRCUmOV71\n8VF3elXNSUktVwmi7avZbBpohiifVWdRPoo+C1WsyePx3XffAdE7Uy80s1c1WfIY6t69OxCVg3KU\nOwblBdKxpnwb9eKSwlVrVFFbq2od5et069YNiJWR+r0SWk2Qd6veyIOU9CKpu7q8Yzq3VvIeqYqr\n2Vc55CVLK0vPCo8xxhhjck9ob1YeQqhJa9m1114biErNeOONB8R1PFVnaeao7AU51ZWeOmLEiFoM\nJzW0Tq0u46pSk8KlnBd5JbKGUkSXWGKJNu9/++23gVjxssoqq5Tcryq7vn37AtntJq6qQikeUnqS\naDtpllmpA3K9OeCAA4Do2ZGyI7VCabvKu9LtUlxVfacKElVL6qeUPXVHl1LZLJUj7aHqpltvvRWI\nM+py+3qtkWK11157ldxeTrmRQqVzh7xJ8sw899xzQOseWjfddFMth10WKUpJb1SS1157DYjnRlU8\nqupKKMsrqbYmKfd5SSFL5jWljbxHOqb03ZhEGV/yUWYp5bwt9F2ezF+SP1KKXb0oFAptlgVa4THG\nGGNM7mmIwlMtmt1oVqI01Kz25UgiJ7762QitY6vKZ6655iq5X9kaWpduNjTzl/dKPc/U90e+C1WQ\nPPvssw0eYXVIidRsULMQVVxIoTzvvPOAqPCo6jCt9XXNipWfIw+Osj00O/7kk09KnidVQ+9LiqMU\nHeVjLbjggkD0cAk9br/99gPi59KMaFvLv6Z9tlzFWtaQKr7QQgsBsZqnUYpOEu1r5dRRoSo7+fqU\nEC3vkqjWJ5h8XEeTmxuNUtylugrtf1Jp9VMemO222w5INxOrLXTOV6K5zinCCo8xxhhjTJ1paLf0\nSii7QVx77bUpjaQ6tO6sbAdVXCgNVrOMcrMT/a6+OfK8DBkypI6jrj2nnnoqUD6HRsnEWVV25MG5\n/vrrgTj70HjVn0iJ0VI2NNtKu3JCnh0pO/IDyH+S9IRpXV2J0EllR1Vnhx56KBAVpBdeeAGInjrN\nOs866ywgKkDqNdYIlDPT1RR29U3Te/3ggw+6NrAGseqqqwKxyqfaSslGUS5hWUgRqFSlVOl1hDxB\n8qvJl5Y1tAqgY0dI2VFi8/zzzw/EKkJ1H7jwwguBmEf122+/1XnE1SHlKansZAUrPMYYY4zJPZlS\neKRwaF03rb42ldA45TEq1wk4OSsp97sUIVWGyBNx2WWXAdmt2pJXR1f1QrNMVRRUyhBJG83ulUej\nrBJlo2h/1PuUkpKVrvZJZU2zweR+06tXLyBWeMifMmzYMCB6zAYMGFDyPCViKwFdfgMpPErWXnPN\nNbv4TqpHFYPKySlX3VKJSy65BIieF+27UvWyjnoW6VyiSta0vDuif//+QOUqLVGtMqXHyQsiNVLo\nnJN15GfUuUTvSz5IeY70U9tXipBWE9Tn8LDDDmvAqJsfKzzGGGOMyT2ZUHg081RX5qOOOirN4VRk\n//33B1qvUyY9O+pVJCUo6UlS9Yyu2vV8rT8rMyLZd+TEE0+swbvoOuqyrdmG0LpyvVJca436E4nL\nL78ciOvp6j+k7a7eWfo9a0ipUZqrULKy1BCpAUrU/vTTT9t9Xakho0aNAuJxKk+PPD6NQP3dNEOW\nIlMuGVl9wlSZppmxVC5ta/mWKvXkyhqVekg1GuWw6FjpqAInT0pSpdQ+KBXyo48+6tI40yJ5bpQH\nrdw5RasdSc9Pz5496zC6zqMeYVnFCo8xxhhjck8mFB7NzuQF0Gwrq2hWIe9D8nb145EHpxzygGg2\nqc6/yq5Q59yllloKiLM39cFJK1NCs6xkZ19lQiQ9PVknqfCow7GqnaRgaNapqqiPP/64UUNsl2Qq\nsFSLTTfdtM3HK7VVvpVKyk4S+UPS9IkoG0l5L5rxSw1VBaXUVv0upUEeEGUQSRVLZhU1G7fffnva\nQwBippgSk3v37g3EqjKh/nOq0FXPK/n+Kp1DmxUdg2KKKaYAYlq6UC7RnnvuWXK7Kiob1RusWnQu\nKlexqy4DaWGFxxhjjDG5J9WkZWUwSClRtdOGG24IRCVjTEHKghKn5ZHR56Jtlex+3WiUdaGeU/pd\n67fJ2UvW0Wxfs6kkqtJSZ+OsVoIoD0mzamV2yKuj2b+6qCuZuZmRN0f7oNLOhTKS5O2R/019z5pd\n0dlmm22AWA0lpaur3eRrjbKt5CMTgwYNAmLlqxS6rFam1gpVuHY2KVnfjY3MvKoGVRwrw2yeeeYB\n4KKL/o+9t46Xqvy/ty8+NgZiB4qKhaAoNnYHit1Y2GKLYoMBqKio2A1iY2OLjYWo2IqFHSgidj5/\n+Kzf/Z2bs5mZc2b27NlnXf/Ma/Lc++y8117v9b4MCN65CRMmVHUcTlo2xhhjTLOlpgpP3EdE3anj\nWYDJFrHCo6yIeskuiVFStqoFhTw8yukZO3ZsugMzpkSkVKnSVX3QjjvuuFoNyZSAUuh79uwJhMrd\nGGVhqVpL507TMFZ4jDHGGNNsqWmVVtwRN+u9s0whqlLSbLJekWfMmHpF/eBMfaHMLz2a6mKFxxhj\njDG5p6YeHmOMMcaYSmIPjzHGGGOaLb7gMcYYY0zu8QWPMcYYY3KPL3iMMcYYk3t8wWOMMcaY3OML\nHmOMMcbkHl/wGGOMMSb31DRp2eSLbbfdFgg9tdShWl26jTHGmFphhccYY4wxucdJy6ZiXHLJJQCs\nv/76ACy99NK1HI4xxphmiJOWjTHGGNNsyYSHZ6+99gJg8803L3i9Q4cOAMwwwwwAfPXVVwB06dIF\ngE8++QSA448/HoCbbrqp6mM1yUjZeeyxx2o8EmP+45VXXgFg8ODBQNg2P/7441oNyRhTI6zwGGOM\nMSb31NTDM9988wEwbtw4AGaZZRYAfv31VwA++uijgs9PO+1/gtSXX34JwBprrAHAX3/9BcB6660H\nwPPPP1/NYVeM5ZdfHoBBgwYBsNpqqwGwyCKLAPD111/XZFzl8s477xQ8t3enPpluuukA2HnnnQE4\n6qijCt5fdNFFATjiiCMAuO6669IbXJnssMMOAFx99dVAOLa89957ACy77LIA/PnnnzUYnSmXeeaZ\nB4DFF18cgF133RWAAw88EID//e+/uXuLFv9ZN3Rek+q/2267pTdYUxRV9N5+++0Fr2v9NRV7eIwx\nxhjTbKmph6ddu3ZAmFlqxti/f38gKD9CV/nffPMNADfccAMAu+yyCwBt2rSp7oCbyOyzzw7Annvu\nCcCAAQMAmHHGGQs+d8wxxwDQq1evFEdXPqrKWmqppQC49NJLazkc00g0q7r//vsB2GCDDQD4+++/\ngbAfSmG94oorALj77rsBmDhxYnqDLZFlllkGCMqOWHLJJYGgDj/xxBOpjsuUxt577w0EtXjfffcF\noHXr1lP9XnzHomvXrkBQ9F5//fWKjtM0DmW1pY0VHmOMMcbknpoqPKNGjQJg5MiRACy00ELAlMqO\nkLIz00wzAWEWl1XmmGMOAM4991wAunfvDsA000zT4Oc/++wzAI499tgURtd0VJUlDj744BqNxDQG\nKauxsiMPnHwP8tI9++yzQPCatW/fvuD1euLCCy8EYLnllqvxSEojTjEvlnUVf17ElZRZy8xacMEF\ngXAsWXHFFQve/+WXX4Dg85x55pmBKVVyMeusswKwwgorAOkrPDqnad/aaqutAFhrrbWAcI747bff\nAHjooYcAOProowH48MMP0xtsM8AKjzHGGGNyTyZyeHSftVOnTiV9/uSTTy74/Pjx44HazzQ1i7jg\ngguAMBOW9+Hnn38GwqxE1WWqehkxYgQA//zzT0ojbhyxd+fdd9+t5XCKsvDCCwMh56lbt24F76+9\n9toAfP755wAsscQSU/09VaUNHToUgDPPPLNyg02R66+/HgizT+0/UgU060yiZcuWVRxddZGicdhh\nhwFB8ckaUmrka9Q+J+RZkX9Oik38uZj4fW3TtVJ6pp9+eiB4quTvFG+//TYQ9t0PPvgACCr/fffd\nB0Dbtm0LvqdjqfKY0kK+0ssuuwyY0ksmtP6kUGn51llnHSAcW84+++zqDbYGHHTQQTX5u1Z4jDHG\nGJN7MqHwiLFjx071/f322w8I+SCakSt5Wfk8aaNxSfmQR0dJ0Lo6//HHH4GgDHz66acF36sXYu9O\nVu7/J6Gu7crwSMpeUf6R1tODDz5Y8L5mYVKKzjjjDCDkKSm/JutodqWsmjFjxgCw7rrrAkF5jJl3\n3nkLnmvWXY9IdW3VqlWNRzJ1kpSdmErNmKUo3XHHHRX5vVLRMTNWDSdPngzApptuCoRjpnjrrbeA\n4AeNFZ577rkHqL53R/uGVFKNQ/lA2qc0jueee67g+6pA3myzzYCwXfbr1w8I3Qiy7lttLGndJbDC\nY4wxxpjckymFJwklMvft2xeAb7/9FoCVV14ZCD220mKuueYCQjWLPCJSBvr06QPAtddeC4SrfFW7\nqNIgVkqyjmZ/xWabWUNer3322QeAa665BgjroVxUeaH1r9mnZmWTJk1q/GCriHwEqgJU/s4hhxwC\nJCs7J5xwAhAUsJdeegkI27WpPPLUNHZfizOxVPWUlHCrv5O2siO07UnR0TH/gQceAKZUdoQUoTXX\nXLPgdVVxXXnllZUfbAOccsopQNhHxIsvvgiEc4KqsIqhc8cee+wB1N8xNwltfzE6xlQbH7GMMcYY\nk3syqfAoO0FXt6p60lW+PDtpKztCypJ6C2k20bNnTwBuvvnmgs/LK6HMBSXUqrqsXohnhfWSrKz1\nc9FFF1Xk97Qd3nnnnUCYPR9++OEAnHbaaRX5O5VG45S/4OGHHwbgzTffbPDzUoJOP/10IChCvXv3\nBpJn3fWA1NhivsG0KVdFlfdBuTryqyUpNXpd34v/Tq08PMqEij1VxarnlHEmlV3+vFNPPRWY0oeX\nFjo3qVK3XOQLVeWvkqLrHXnShLbDtLY3KzzGGGOMyT2ZUnhWXXVVICg6q6yyChAc7VJKalWNJXRf\nWdkOnTt3BuDyyy8HQhWPql8OOOAAAH7//XcAbrvtNiB4eOTt0f3rCRMmVHcBKkRSsnKc8lps1lmv\nxH17slrxo4qkHj16ACGbRPlPP/30U8Hn1W9KvgMpO1J0Xn755SqPuPqoglJVPLVGlZqlVltJXS03\n3TzO0Iqp1T76xx9/AKEvm6qWFltsMSBUP6lK6aSTTgLCOUGoaivt3BrtI3qcf/75geD3LPeYLk+T\n+ilqX6xXkrY7KZNpYYXHGGOMMbknEwqP+opcddVVQEi6Pe+884DgJchaArHSMJX8rC7o6pmlx5hh\nw4YVPJfyo+7UmnFrtnX88ccDtav+KTcnKPb6aNa63XbbAflTekSlPEKVZs455wSCciOfgyqBYlTN\npgoYKVmPP/44kN0qNAgp5uqGXi+UquxIQWgsSZWhtU5L1zYmv52WU37N2WefHYCzzjoLCP0Udewc\nOHAgEKql0kb/v1j1VVaVqpDKrRqTOq5HIf+o7nYUS0WvFVL74+1O/6+0+y9a4THGGGNM7qmJwqO+\nKVtvvTUAQ4YMAcLVsa7WVQ2SVdQb67jjjgNCNYsSfTUb2XjjjYHg8VGOiRJ6Y5Toq5m2ej117Nix\nsgtQJaTkxEqPnjd1lppVGpvrU2223HLLgufKz9lkk02AUFEiJVGzsni2Gs8ys4g8E3GX8KyRlIcT\n01ivTkyxXJ+0clCSkLqt/m6qSjrwwAMb/Lyy2FT1I99nrRg8eDAAbdq0AeDII48Egrp68cUXAzBo\n0CAg5PNIAVJqu+4SKOtLuT66myCUTC1V+Zhjjqnk4lSMpO27Vun8VniMMcYYk3tqovDsuOOOQOgp\npUwMOdLl5ak3pPjI46AMBjn0ddVf6v3Wp59+GoArrriiouMsF80uY5+BvD3x7FMeHSk5cQVK0vfq\nFVWYJCUV1xqltu6+++5A8Myp2rAYyqq58cYbqzC62jB69Oia/v1iClSl/G7Fcn2y5qsrVgGobVF9\n37LiJ5O/VEqLKnT1/+3atSsQvEdSbPSoY2OsqsbomKrP6ffqhVp7xazwGGOMMSb3pKrwyKktxUJX\n57paz1rqaWPR/cnZZpsNCEpNuU56fT+rlNoLLFaI6q2HWBKabb366qsAfPfdd7UcTiLyR2i2L2+Y\nqrZ++OEHAI466qiC73322WcA7LbbbkD2qiSbgvqH1Qr5oWLVVJ6dSik7SR6KtBNuk1Cqvrw6AwYM\nAKbs06Zzg1Lus6qmCqXt61GVx/LTqYpQffiSlBpV7O66664A3HvvvQXv69iTNeLKXm1vtfLuCCs8\nxhhjjMk9qSo8uhpVFZJmlko9zQuatQh5lUpFDnzNxD/++OOKjKupaPapWWljO/jWe+dfZYJssMEG\nQEjKzjpSoOIUWlVFxmh/VXqtqRxSVirtoZGyE/csEpWq+moqyktSryxVJyWhfJ56VRnHjRsHhGw5\nPZbKVlttBQRVWepr1nx12v5i5bLWVYDCCo8xxhhjck+qCo8SXoWu8nX1p7428rzUK1oeZUWUexWu\n7IVOnToBsMsuu1RucFVAGR9J92eT7ufWK6omlFKlDI16Qz221Jk55tZbb01zOM2SSntopOxkXUVV\nf0EpO6o6kpotReO1114DQmaZvD31qvSUi3pyKb9H/yeptFnJ/kryjGXFKyas8BhjjDEm97SYWt1/\nixYtph4KUCbypuj+pbo3S+lRNYm6MuvqUM72rDvzF154YSCM++uvvwaCYlMMeX80q9HV/YILuBRF\npAAAIABJREFULghkpwqoWGqrfAKqxoo/lxUfQWMZNWoUENJQtd7rjW7dugFw9913A1NmgEw33XRA\n2C/rgbZt2wLFfVU65sgbUu8U2yezkrdz+OGHA3DOOecAoXJV+TvKpZH6KK+KfJ+qanr++edTGnFt\nkJJ1/vnnA9CzZ08g7KM6J5aapVVt4u2v1lVZ//77b4Nx/lZ4jDHGGJN7Kurh0YxQswllJshZrpwP\nJQ7369cPCOmUuvqXIqLHvn37AnDSSSdVcrgVR/eZZ5hhhrK+16pVKwAee+wxIMxSr776aiA7yo7Q\nVXvSrLJY5+d66MnUEFpP2i6ljNQrqjKLlR1th3nwScTJtHmjWJJyVvxy7du3B0I3c21bUsGlNgqp\nivL0dO7cGQjnlLwrPFqvUnaEfKFZUXZEvP1lpSorxgqPMcYYY3JPRRQeeU9GjhwJwEorrQSEVEg5\n7uVJ2XzzzYHQSXb48OEArL766gB06dKl4Pez4kSvNOrsrG7rK6ywAhCUnaTqmawgpUezEfUHihWe\nWt/PrRSXXXYZELZj+QvqjQUWWACA/fffv+D1a665BoDDDjsMyIcqkodlaIi4P11MVnxy8rk99NBD\nALRu3RqAYcOGAbDHHns0+D2dI6Smjh8/Hghdx/OOfIIxt912W8ojmTpxBW6lksKrhRUeY4wxxuSe\niig88qyo8kFsvPHGQEhqnXfeeYFwlZ+EFJ2bbroJgLPOOqsSw0wdOe1btmwJhOXeeeedgdDPR56d\n9957D8i+shOjq3k91npWWS1UdSZ/wQ033FDL4TQarR/tt5MnTwZCnlBeFdU8Ucwnl5V9cJlllgGC\nqjhx4kQA7rrrLiCo2jvttBMQqrA6dOgAhMre5557LqURZwNVYcmDJrJ2zKm3vohWeIwxxhiTeyqi\n8EyYMAEI3hulZ+p5165dCz73yCOPNPg7ev3BBx8E4PPPP6/E8FJDlQMat+5fq+NtzO+//w6E1Ex5\neUy2kCdNVVrKEJGvoF5Qcne8nalyJis925qCqliU8SXVSgqDvCN//PFHDUbXeIr1yJJPLmvVMfL1\nSe2Wyi3fZhLyx3311VdASGbOQ+VgKWhflQdt9OjRALzwwgs1G1NDxNVZWVEWk7DCY4wxxpjck2rS\ncnNBOUTKG1JVj3Jr7rzzTiD0HdF9bZNNunfvDsCQIUOAUFmStfvpxejYsSMAI0aMAEKi+RZbbAHA\npEmTajMwUzJJx+usJCnHyMPz6quvAiFBWfz4448APPHEE0DYNrVv5SUJu1RmmmkmIChbs8wyCwDr\nrbceAE899VRtBpZAXC0Ye45qhZOWjTHGGNNsscJjTBGUDK0kcfX7MSYtklLNs5K3YyqDvFq33HIL\nELxPq6yyCgBjxoypzcDqDCs8xhhjjGm2VLSXljF5Qhkg8r48/PDDtRyOMf8PKzv5RB6scePGAck9\n0kzjsMJjjDHGmNxjhceYBHT/fJ555gHgzTffrOVwTDOm3vvQmfJQdZupLFZ4jDHGGJN7XKVljDHG\nmNzgKi1jjDHGNFt8wWOMMcaY3OMLHmOMMcbkHl/wGGOMMSb3+ILHGGOMMbnHFzzGGGOMyT0OHjSm\nmTLttP/t/kOGDAFgvfXWA0K7grvuuqs2AzPGZJJ1110XgDvvvBOAVq1aAdCnTx8ATj/99JqMq1Ss\n8BhjjDEm91RV4TnooIMAuPjiiwFo0eK/LCCFHX700UcADBw4sMH3L7vssmoOL3XUoqBXr14AtGnT\nBoBJkyYVvL7HHnsA4f/2xx9/ALD99tsDMGLEiFTGq9YKHTp0AKBHjx4ALLTQQg1+fqWVVgKgbdu2\nBa9r/Pfeey8A/fr1A+CVV16p8IjT5aWXXgJgxRVXBODrr78GoG/fvkD2t9+5554bgF122aXg9U6d\nOgFWeOoZHWu6dOkCwM4771zS97799lsABgwYAMAXX3xRhdEZseuuuwIwbNgwAH799VcAll12WQA+\n/PDD2gwsYp999gHgnHPOAYKy8/777wPw+uuvAzDnnHMWfG/RRRcFYPrpp2/wd0ePHg3An3/+WeER\nN4wVHmOMMcbknqq2ljjwwAOBZIWn2PPnn38egNNOOw2Ahx56qCnDqRkzzjgjAGPGjAGmbASo5X7h\nhRcAePHFFwE45JBDCt7X1f9qq60GhKvqanHBBRcAcOihh1b0d3/88UcgzD7feuutiv5+tVlkkUWA\nsH1qNi20nrSeP/300/QGVwbzzz8/AJ9//nnB66eeemrBYz2gfeTcc88Fgh9phRVWKOt3pptuOiCo\nqVrHUqOzhpbvlFNOAYJqvNhiiwEw++yzN+p3f/75ZyAoD/J1VRo1ydT4N910UwBmm202YMpzgpAi\nIHXyjjvuqMr4qs17770HQLt27YCwvEcccQQAF154YW0G9v8jZefSSy8Fgu/vp59+AuDKK68EYIst\ntgBg3nnnLfj+LLPMAoS7BTFSxYcPHw7AMcccA8Bvv/3WpHG7tYQxxhhjmi2pVGnpqrXc56uvvjoA\nDzzwQMH7Uo6uuOKKio6zWmj2ESs7YrPNNgNg2223BWDfffdt8HNSihZYYAGgegqP7iv37NmzrO/9\n/fffDb6u9amrfM3eunfvDsAJJ5zQqHHWCimOsbIj/vnnHwC+//771MbU3FlnnXWA4Bvs3bt3o37n\ntttuA2DLLbcEgu9s6623buoQm4QUJ41rww03BKB169YAzDDDDAWf1z43efJkAJ555hkA+vfvD5Tu\nmdAxuNIMHToUCN6iaaaZpuD9WNGJn0tpkAK15557AmH91Qvywmh9Sf2+5ZZbajam/4v8iPp/Cyk3\nRx555FS/L3X7gw8+KHhdSlD79u2BcK756quvgODzrDRWeIwxxhiTe6qq8Dz44INAcJrrvnKpHp6k\n58ceeyyQXYVHDvtHHnkECEqAlmPChAkAnHHGGUDwJulRszd5RcR9990HwOOPP16toQPw119/Nep7\nm2yyCQCPPfZYwetajqxUHDSV+eabb6rvX3LJJUDwQZjqc8011wAhH6Sx3gdtw6qYHDRoUAVGVzqa\n8R511FFAUEHlLYrVcKGZtNTkk08+GQhqo3xl5SI/YVNp2bIlACNHjgSgc+fOQFB25Nl44oknALjo\noosA+O677wBYfPHFAdhtt90A2HjjjYGgbMnvWG8KjyoldW649tprgeBtqTU6Vy244IIAfPbZZ0BQ\nouQ7VbVVuZWpO+64IxAUP+X4XH/99QB88sknjR57Q1jhMcYYY0zuqarC8/HHHwPh6rwYo0aNAqZU\ndJQDI++HlKKsovueUna0HFI+9t57byDMynR/VLMpZReI33//HYATTzwRCLk21eLWW28FYLnllgOC\nx0Z+gLfffhsI95+XWmopAO655x4g3N/NG5rlrLzyyg2+r1nZ1VdfndqYmjuqIFTFmapKykXKgNTN\ntJUd0bFjRyBkXiWh7C4pOVK2spqbo31nlVVWKXj9zTffBELl6S+//NLg93VsvPHGG4Ggoh5wwAEA\nrLHGGkDwgqgyuF7QOUI5SFlB60tKlHyJTa2iEjrXaH/Tfiw/6/nnn1+RvyOs8BhjjDEm92Sql5au\n0mNUYaDclqllB9USVXIoSyIep65mpewsvPDCQEi0VcJt/L39998fqH7uToyyMZS1IE+K7usqPbNb\nt24AXHXVVQ3+jvwH9Y4qgWIfhe5nn3XWWUBIHzXVR4nAUmjK9apstNFGQKh+0rZeK5SyHqPluu66\n64CQN5TVfKCYwYMHN/i61OMkZSeJo48+GgjrT6q//i/1pvBk9Zymar6sKoflYoXHGGOMMbknUwpP\njLwsuq8nkioVao1SIpWXI+S5eeONNwA46aSTgDBLkRdGV/nyymi2Kcd62qjCY/z48Q2+r+VSSub6\n669f8L48TKrMiMlKJUIx5ElS5Yy8ZELLV+n7zSYZ5X+o+idJGUlCmVDHHXccEDwJ8oakjZJ2VSUm\nNMPeZpttgFD5WS+o6iw+Ntx+++1A49Pz1157bSBkktU7WT2nVRtVacU9uMaNG1eVv2eFxxhjjDG5\nJ5MKj+7L6+ovzqNRumbW0Kzz0UcfBWDmmWcGgtdFszN5WuJ0UXUPV5K0unHXC+q3o+Ropd6qv4+Q\nYpV0Xz9rqIJE2SFCFT1xEripPocffjjQeF/bdtttB4SeW/KSqAIxbZKOCZr56xi46qqrAsEHmHVv\nhfx98XJJvS418XmmmWYCwrFDvZvy4g/MqoenXHTu2mmnnQpeV16Sug2MHTsWCL5dVSqrd50y5yqN\nFR5jjDHG5J6aKjzy6EgRUWqjvCN6Xwm9peb51Iq4y7nSXzVL0ywl5qmnngJCpkja1Vjlov49bdu2\nBUL2iXwUWs64/4pQTo3Wc1aRMnf22Wc3+L7WU1J1mqke2rYamweiikh1fa51arsSZXUskEdFyxkn\n2CqH58svvwRC7yWl21cqIbmpKCk5RtldSo1PSnfv2rUrEFT92D+XF/Li4VEOkrLzklDFa4y6x8vT\nk7T9NBYrPMYYY4zJPTVVeFSRoPvTUnTq/X7mN998A4Tu4aoISVouzcqyruwoIfryyy8HkhWcYqiq\nS56nG264oQKjqzyqplt++eULXlcmys0335z6mKpB3LOuHpBPTD63M888EwhVV0lom1WXbvWeqnVn\ne+XQHHbYYUDwFKlLuo4hQpWdeuzTpw8Axx9/PBBmxurNJL+cjk1pIfXz1FNPBUIfugsuuAAI3djj\n6jN5QZT0G2+br776KhBU/3pPd6+nfW9qqBeWPFa6azNmzJiCz+lcr/1YXi/dJVCukrb/Sm23VniM\nMcYYk3taTO3KskWLFlW97NRVfKnZF5tvvjkQFJGsodwZ3YdfYoklgOIzaOXuzD777NUeYpNQNoIy\nQ5qKZuWazWYN9SfaaqutCl6X30IVB5XqK5M2yrf6/PPPC17XbFyPWUbdtVW9JBUySX1TGrYys/T5\nIUOGVHOYTUZdwrXNyV+27777FjxXZWh8zPnqq6+AUGmo52mhY325CchaDnmWdMzQ76gXlypBVfUV\nZ6FlldjHKFW5f//+tRhOzZCKrnOnFDv5J4sptzH//vtvg6YoKzzGGGOMyT019fBIqVEVlu7bxd3S\n9VyzNtX4Nzals1ood0bKjlAicTxLO+2004BwNbv77rsDtUtWLoYqRTTzl69Asyn5EHTfVlVn6ugc\nZzNkFfU4U0ZLjHwR9ars5AntMw8//DAQumnrMUbHFPXny7qyI5J8br179wZCN/INN9wQCPucvBLz\nzjsvEPZNeWfSyvHRsUP5KlLmklRtrT/1H3z66acL3lfC8kILLVTw+tChQysz4JSpFw+Pjo3yiqlC\nV944rdc4WbsY8mTJszV69Ggg5G0pzb6pSeNWeIwxxhiTe2qq8Hz88cdAcr6Ouo5L2VEGg/JfsoKu\nQpVBoFmklJ2+ffsCoX+M7mfrc8VyerKCOhFLWZNzXqm1ytfRcmsWpkyReuGII44AkjM/Ro0aleZw\nzFRQ4vCyyy4LhOqQGKl1Uh0/++yzFEaXHvJhSbG66aabgKCUqBeXvC733nsvACuuuGKq49T6aqoP\nUMpevSgjxaiXHB5VNcoLJkVHFbfyNzaWd955BwjVl8rr0fq2wmOMMcYYU4RM9tIS8vjI+5G1q3rd\nzxw0aBAQxiUvi8Yd9wXRcinPJevKToy6votLL720wc/JsxR3u0/6nVqjvjyxSqA8Jc2en3vuuXQH\nZoqipN677rqrwfdjf6DU1rwilVXHIClaqiTNekVoMbKeul8uWTmnFUM9scR+++0HwAcffFDRv6Nz\nqGjZsmVFftcKjzHGGGNyT1UUHnkcVG0kRUOenXKRZ0QVB7W+37nDDjsAyf13VFGR1PG11uOvFuqI\n3KtXLyA5X+fYY48Fgs8gK2j2Es8elZWhtNqff/453YFVmbgacq655qrlcKqCfHaaiSrtOysof0XH\njFdeeaUivyt1Mut968qle/fuDb6uHJd6o17OCTqXq1eW+kUq6VuenqaiawclMVfqmGSFxxhjjDG5\npyoKj2aKSlA+4IADALjyyisr+vu1QtVjcRWPZmeqBElCs7mspIEqT2fbbbcFQurlGWecARTPm1EG\niHwRylKIUWfnu+++G6j9eoxJUqQmTJgAwNixY9McTtXRelWKrbZn9bPp168fkH4qbyXRtqyKwUrN\nQCuNemideOKJQMjHGThwIDBlt/RS0b6pBOa8ECsi8kM+8MADtRhOk8nasTAJJZSr6m+ttdYCQg6W\n7u4oq62x+1vcTb2p1V/CCo8xxhhjck9VFB6lYnbp0gUI3bXVD0OzFnl64t5YUlDeffddIHRVl2Kk\nHJu00bjUf0d8++23QOj4GjPHHHMAQTGJv6+re81S0mbNNdcEQqqpUBrrBhts0OD35GVSPo8yPmLk\nedF93x9++KGJI64OylGKueeee1IeSTpMnDgRCBk12m9nnXVWINxH12zup59+SnuITUbVWfKXZc03\nJpRLo15f6pF10UUXAeGYqWNlsRyh1q1bA7DjjjsCU1bXPP/885UYdmZQN251ia8XYqWqXrw8K6+8\nMgBdu3YFwvYpZUZ5Oc8++ywQkpnV+0yqcoy6EOiYIyq1Xq3wGGOMMSb3pJLDIwVDVVbqdKsu4cpj\n0dWtlAApQvq8em7pfmHaSMGI77eqf02McnqUGjnnnHMWfF+po+p7U6seWlLiYjTzV8ZJTJwUHSMF\nTx6urCo7SgmVsiHipOy8ooog7Y/KvJCyp15v9ajwxMT5HllB//uDDz4YCKq4FB+llctnV4y48k5I\nxVNGVr1x9NFHAyEzq97R+okfs47U4WHDhgHw6KOPAqEaUmn18viod52+l+QL1Tly+umnB+DHH38E\n4LzzzqvIuK3wGGOMMSb3tJjaFWWLFi2adLmpzAv9Dd1PL5XNN9+84Pu17o4uB/pqq61W8Lo69KoT\ncfv27YFQ7dKqVSsgLIc8IUpBlZJQK9TpVtVIST2kSkXVTPLE6D5uVhkwYAAQOk8LrW/NUvJOjx49\nALjqqqsA+P7774GgzEqFqCfk+5Nvrt5SzcVKK60EBB+hPA6qQov5+uuvgeD10Tp9/PHHARg3blz1\nBltF1DNsvvnmK3hdCkJc3ZN1pIgorV9ZX3q9XlGit/osKjdJvtAkBVLo2kE+UXVTL5V///23wdsO\nVniMMcYYk3uqqvAsssgiBc833nhjICTtxv1tdNWn+4JSSLLCOeecAwTPhyh2tar3R4wYAcD2228P\n1F7ZiVFWybrrrgtM6ZQXW221FRCUIVWpqQpNileSEz9r6H7zmWeeCYT7x3vuuSdQO2+VaTxt27YF\ngj9Q1SGxOluvKDsrqafUN998A2TXN9dY8qbwKB9p5MiRQOjTF59jTHlY4THGGGNMs6WqCo8xxtQC\n9d5RVZKSX2+++eaajck0HfntdJdA7LrrrgDccsstqY/JZA8rPMYYY4xptljhMcYYY0xusMJjjDHG\nmGaLL3iMMcYYk3t8wWOMMcaY3OMLHmOMMcbkHl/wGGOMMSb3+ILHGGOMMbnHFzzGGGOMyT2+4DHG\nGGNM7vEFjzHGGGNyz7S1HoAxxpiG2XrrrQE499xzAWjXrl0th1NxDj74YAAuuugiIHQLv/POOwG4\n8sorAZg0aVINRmfyhhUeY4wxxuQe99IyxpiM8tlnnwEwwwwzADD33HPXcjgVZ+jQoQDstttuDb7/\nzTffAPDOO+8AMHz4cABGjhxZ8Hq9su222wIwcOBAABZddFEAjjnmGCAoe6Y83EvLGGOMMc0We3hS\nZMKECQDMMcccAJx22mkA9O3bt1ZDMs2ITTfdFIA99tgDgJ133hmAnj17AiC1t0WL/yZHDzzwAAAf\nf/xxmsM0hGPE7LPPDsCYMWNqOZyaMc888wAw77zzArD22msD8NtvvwFwySWXAEERqTfWXHNNICg7\nU7vjYpqOFR5jjDHG5B4rPClw5JFHAtCqVSsgXMX36tULgHvvvRdovrO4rDHNNNMAsOqqqwKwzz77\nADDXXHMBsOGGGwLQsmVLAF566SUAjjjiCABGjRqV3mBLQMrOzTffDMBss80GhO3w4osvLnguhefD\nDz8EYPHFF09vsBVGVU7LL788AJtssgkAK6ywQsHnPv/8cwCuv/56AK677jqgdurW4MGDgbCNnXfe\neTUZR1aZccYZgaBO/vnnnwCccMIJNRtTY+jWrVuth9CssMJjjDHGmNxT1SotzaJ0H3a77bYDoE2b\nNgCss846AMw000wF35s8eTIADz/8MABXXXUVAI899hgQrubrhVNPPRWAk046qcH3b7/9dgB23HHH\n1MZUCsr8mG666QBYbrnlABgyZAgAn376KQAnnngiAK+//joA7733HgD//PNPeoOtIFJqyp1V//33\n3wBsscUWADz00EOVHVgjufHGG4Hg2ZGCU6pf4H//q595UevWrYFQxbPMMssAMP3005f1O1J8+vTp\nA8A111xTqSGWxCuvvAJAp06dgPpaB+WgKq355psPgLPPPhuA3XffHYCddtoJCOsvaZvVOUHKT70g\nL1K8fMceeyxQv1VaUlRfffVVIGy/M888MxD2y80337zgezq3SF1uLK7SMsYYY0yzpVEKj2aI3bt3\nB2DJJZcEgtN8vfXWA2DOOecEkmdXUgA0Bj3X7087baHF6I477gDCVb9m1Fkn6wqP1qOUDaHZpTwt\nMUlKwfPPPw/AoEGDAFhxxRUBePHFF4GwHrOCtjPN4pUJouUTP//8MxBmZfqevFnipptuAmDPPfcE\n4K+//qrGsEsm3s/i9VbsuWbdxx9/fEojLp/VVlsNgPvuuw8ISk9T0TFGeTibbbYZUP38l99//x0I\n6mpeFZ6zzjoLgFtvvRVI9jEqr0aeF+2j8bFJFYjDhg2r/GAryN577w2EJGmt33pXeO666y4AVlpp\nJQD2228/ANZdd10ADjzwQABmnXXWBr//5ZdfArDgggs2aRxWeIwxxhjTbGmUwiPPjVIwdV8uRvfB\n5cl5//33geDN0Szpk08+AYL3Y6GFFgLC1e32229f8Lt6njWlIAn1h1lllVUafF9XvbraTwtdfV92\n2WXAlIqGkKLxxBNPAKGC5LvvvgNgiSWWAML4k+6ja1u79NJLATjkkEOaNP5KIQ/S6aef3uD78sCo\nAkTb6yyzzAIEv8jKK69c8D3NRkeMGFHhEU8dKa2qSNL/O0nBKRfdd3/wwQebNM6moMozZVi1bdsW\nCHktpaJjkr4vRSUJqbV6rDTal3QslAciriorRpcuXQDo3bs3EJZPj0KKmFTeeqFHjx4AXHjhhUA4\nJ/3yyy9AsoKQFfbaay8g+FPrXeFRDtLJJ58MhGPjm2++CYT1csMNNwDhGKTKV50DdVdI1wjaz8vF\nCo8xxhhjmi2NyuH59ddfgXD1pfuRmvG98cYbQKjikfehVPS9XXfdFQj30eXd6dy5M1A/Co/yXJJm\n1GkrO7ofrpTSWNmR50QK0G233QaEq/QYeXPU4XippZYCprwfr79z0EEHAfDoo48C4b5vrVh44YUb\nfF2zE83GYi/OTz/9BITslljh6dq1K5C+wiNlJ87Xibe/xnp6lOej/THNajTNJM844wyguCKThHxz\nqgY67LDDgDDTnH/++YHQw0okbSuVQiqw/tfff/99Sd/bf//9ATjllFMAWGCBBYCwz44bNw4IuUKq\nitIxduLEiQAceuihTRp/pdC5RUnTYquttgKCghVX+MrTo7sEOpdkDWV3yV8nhUfHmI8++qg2A2sk\nqraTEqn9VNtV0rlD3H333UA4l2y88cZVGacVHmOMMcbkniYlLStRtlrJsrrafeSRR4Awo1T/EdM4\nNAuKKxz++OMPIKSXKhOhVOQVKXZ1nlSFlxU069L96KQqK/kEpHBmhSTPjlBlTFx1NWDAACBUC8oL\nJPQ7SmpWr600KoiOPvpoAPr16wc0fttRqvkuu+wChHWrSjQ9St1r3759wfdVHaT/nXyMlUIp3vpf\nq6dWjLw48jqoUlZquvZdKTZSI2OURH3LLbcAQVFS/lBaKM1c3ih1hdd6LtV3Jv+gVOwLLrig8oOt\nAF988QUw5fKoOi+tuxfabuQZKxcpidpv3nrrLSD4d0tFieLVxgqPMcYYY3JPNqfYzQRVb6XN+PHj\ngTCbiH0KY8eOLel3pHDIN6Ak38b6KmqFZuuqvrr//vuBkHabhNJE4woaKUSqZkubYp6dpDwdvX75\n5ZcDwWO12GKLFXy/qVVe5aCMo2LKjnJy4nRsbdvKAZEHpBjyHkgB0t9Vplj//v0B2HfffUv6vVJ5\n7bXXgOT/rbw3L7zwAhBS7FXNo3GV6v2Rf06ekeOOOw4IKuFXX31V3gKUiXxm+j9WSvVdffXVgewq\nPJVe3sbSWGVHqMqvQ4cOQPBOlYs8eUL7X6WxwmOMMcaY3GOFJwWS8m00g04bOeEHDhwIhHwZzV51\nP1/3kXVfVr20hO6zq9JDqKpOyx17POR7uOeee5q6KBVBs2GpCMXQLGb48OENvq/Ziv5vtSLe7pK2\nwxhV8qhLepyAHv+eKmqqkcsjL0lSWruqQ5THk9TdXL6lUpFPUEpKXIGnRN9KKzyxJ0iqY+zZkbIj\nRatXr15N+rtKGT/zzDMB2GCDDYCQm1ItlKhbTBUuddvV5+RDU+WojmlZISm7rl5Q9Zx6Xulc8vXX\nX5f1O1LJVcksKpWUHmOFxxhjjDG5xwpPCiR5KmqNvDfqNCylR9U5qowpFSUva3alWbFmjUIKkKrC\n6g3NZqRwiR9//BHITjpqpTw3SppWZVP8e+oRV4vkZSk8ScpOY9E+EFeqibT8Wcq0Un86JUk//vjj\nQOX6m8m3pn112WWXrcjvFkNp5KVum/Hn4m7jqjzV5+TZyprCo30ofqwXdO7Q+rvooovK+r5ylOQh\nk8I3YcIEIPTiqjRWeIwxxhiTezKt8Og+Z9zFWxkZWUcVFVlHPaTeffddICgYxRz3UobNaofiAAAg\nAElEQVSUV6PKDvVOS/JdKFWz3lBGypZbbtng+zvssAMQlr/WNNbDE/PMM88AU3q10pidbrTRRlX7\n7amh6pNYxVNlY7nqZ6nIM6P0buWkCFXVyGNTKWKPkhSlajNp0iQgZDslIVVYvjj5y1RFl+QBUvVQ\n1siq6l8qSihXNZUUx2LIs6P0fvXS0nrcbrvtgOBdqzRWeIwxxhiTezKt8KhzaseOHQteV3fqrKNO\nvvXCrbfeCoQEXfUTSkIKT1Lfl3jWKCrtt6g28gWo91jcv0eznGoljpdLMc9NY0nyBGkWrR5eleyt\nlTRDV5+2J598smJ/6/+SNAOPc36qhapd5NmREiLvQ6W57LLLCv5uWv3tVPl5+OGHA1NmWrVr1w6A\nQYMGAWHbU6+mYiq6jmH6XLVzhfKOFBopct27d5/q51VNqGOn1HEpcvI9Kp1fFcTVwgqPMcYYY3JP\nphWeHj16FDzXLKdeFJ56deDLg9JUL4pm/KJe/x9PPPEEEHwDQn2LVlxxRaB4R+C0KOa5KRfNzmL0\ne/LUpdk1vVOnTgCsttpqQOXUNfnWknpYycNTbWKFR/0ES01QLhVVZWnGXe0Zdoy6mSflCM0yyywA\ntGnTBijdv/nqq68CcNhhhwHZU3ZUyVrvyGMnT47S91UVt8YaaxS8Lq/OiBEjADjttNOA0D2+2ljh\nMcYYY0zuyaTCo9TFOGNCCbZSerJO7AOoV0d+uWh2HCcz19v/Qff/4+UQ77zzDpBdT1KS50Zd0Ytl\nuOhzxX5Ps7RqcPPNNwOhT5tQDyLlrHzwwQdA6TN5dUGXJ0aKkRKU46ohzUzff//98hagkcRd2qWW\n7rfffgBceeWVjfpdqZFKFVe1l6pi9t5770b9bhKq3llnnXUAeOyxx4DQLVxp87Fqr8pcKVyqCip2\n7JDquv/++wPB65U1lDBdb0g5k/dG24v8mvJcSZkT3377LQBHHnkkEHyGaWOFxxhjjDG5p8XUrphb\ntGhRk6m4ZlnXXXcdEHr5yGmvNMasovwZVTutt956QJid/PTTTwB07twZCLPTvLDAAgsAoYN1jDoy\nn3322amNqRxatmwJhMwTLY9QQrSqCDWrzBrytahzdIxmWcpRkoqQ5NlJIu6VVknkqZGykpS3ohnk\nr7/+CoSKw9gboG1OXdj1mIQqEdVTa+211y5vARqJjnnxOPQoRUQzbuXmyOMihUr/P1XTbL/99kD4\nP0rZWWSRRSq/EARFRwpPTKkVhMU+J//cuuuuC2RX2RFSSJQ1p+UbMmQIUHmlrdI89dRTQOg5J+L1\nJE+YlNhye201ln///bdBw6IVHmOMMcbknkx6eA444ICC58qEyLqyI3T/MlYGhCo98qbs5AVlgSSt\nvyuuuALIrrIj5K2R0hh7cJTTIwUonuUneXYqletTCqriUdaRcj1i4kTkpnYPV9dy9UVT+nhaSLGQ\n2igPy+WXXw6EPJM49VsKUJISJiVI20a9VLwmof5tvXv3BuCNN96o5XCazPjx42s9hJLQXYuDDjoI\nCInJOjboGKn9NisVrFZ4jDHGGJN7MqXwyLmuTqmaQcvTUy8oK0OzjaWXXrrg/bQyB0x5LLPMMkBQ\nRGJefvllAM4555zUxtQUlIujJOy487dmY0kdwZN6cT333HNAdauzYuTNUK6KqpWUgl0qSeqUVFfl\n0khJqVV+i/rNSYXT/1qVgapklc/s9ddfb/B3xo4dC4QK17R55ZVXgGQPT6moSu7pp58GYOjQoUDI\nf8mKglAMdaGPFTh5tuqlT6R6m5XbJb3WWOExxhhjTO7JlMJz6KGHAuHqV7Ouerl6j0nK4VFlRXNF\nfoSsVWl169YNmDJDQutNfZSq1cm3WihrRZkniy22GFC6Ryd+rvTUNJGycfDBBwMwevRoIOR/SAWW\n50XElZHxsowbNw6A/v37A3DHHXdUZwHKRFU6X375JRDWobKhVGEnxavSCcyVQhWZqkrStrfTTjsB\noaJVx3gpUnqu9SEfZ9YSk8tFSp2WW0jBkmJlqoMVHmOMMcbknkzl8Ci3RdUxBx54IBAc3/XG4MGD\nAejZsycQZpXfffcdkFxxUu8ol+XZZ58FYJVVVil4X1kM6o+j+8G1Qn1e5IdQuquQB0YpovWKkpNV\n0ZKEPDraXuOsjSyiY4a8PSL25hhTS5QXJcVRx0DlJKkHlWkazuExxhhjTLMlEwqP7ku/++67QLgf\nrX4ySk+tV+TAby4Kj0hK4xTqGDx8+PDUxtQQbdu2BYKSE6P+Q6o4qXfUZ0jboxSfs846C2h8nyZj\njMkCVniMMcYY02zJRJWWKi1UHSNPx/nnnw9Mmbxcb1Sz11CWGTZsGJB9D4g6Nyv7RH1f8krsibOi\nY4xpDjTPM7ExxhhjmhWZUHiefPJJIKSFTjvtf8O67777ajYm03Suv/56ACZPngzAddddB4TMCWWr\n1Br1H9pmm21qPBJjjDHVwgqPMcYYY3JPJqq0jDHGGGMqgau0jDHGGNNs8QWPMcYYY3KPL3iMMcYY\nk3t8wWOMMcaY3OMLHmOMMcbkHl/wGGOMMSb3+ILHGGOMMbnHFzzGGGOMyT2+4DHGGGNM7slELy2T\nDTbaaCMANt54YwAOOuggAFq2bFnwuRYt/guxfO211wB4+OGHgdALbejQodUfrCmZLl26ALDJJpsA\nsP/++wMw77zzAmF9JqWu6/2vvvoKgLPPPhuAQYMGVWnExhhTeazwGGOMMSb3uJeW+X+MGjUKgNVX\nX71R31cX9E8++QSAfv36AXDttddWYHSmXFZccUUAnnzySQBmmmmmBj/3448/AvDRRx81+P7yyy8P\nBAXon3/+AeCYY44B4Pzzz6/QiI1pHrRq1QqAF154AYCllloKgMMOOwyAwYMH12ZgKfPss88CsPLK\nKwPh3PPSSy816XfdS8sYY4wxzZZMe3i22247AK6++moAZpttNiDMRDfccMOC56ZpNFbZEdNO+9/m\ntNhiiwFw+eWXA7D00ksD0Lt37yb9vikNeXZGjBgBBGXnhx9+AOD7778H4JRTTgHgnXfeAeCVV15p\n8Pd23XVXADp27AjAvvvuCyR7frLIJZdcAsD6668PhBn1pZdeCsDBBx9cm4GZqSIfodafOPPMMwE4\n/vjjUx9TJZhjjjkAWGKJJYCwL+24445A/Sg88vF17twZCOP/+uuvS/r+fPPNB8A000wDQNu2bYGm\nKzxJWOExxhhjTO7JpMKz2267AUHZ+d///rsuGz16NBC8CXfffTcAyy23XNpDzCXyckhJS2LixIkA\n3HLLLQA8+OCDAKy00kpAqAKaZ555ADjqqKMA+PvvvwE44YQTKjnsqrHQQgsB0KFDBwBmmWUWANZd\nd10gKFdi/vnnB8KsZfjw4QA8//zzQLg/f8MNNwBwzjnnVGXcF198MRB8AmLNNdcE4O233y7r9268\n8caC5/Ww/rbddlsA+vfvDwRFJ0YKgkhb6dE66tGjBxD+19999x0QfHFiuummA6asnJRicMABBwBh\npj3nnHMCcMcddwBBndO+mFU23XRTICg5H374IRD2GSk+8gtKqat3dEzNOtq/Dj/88ILXZ5555loM\np2Ss8BhjjDEm92RC4dFVoe4H7rPPPgB8++23Bc/vu+8+AMaPHw+E2UtW0Yz+5ptvBuDOO+8E4Isv\nvgBgzz33BOCXX36pweimRPkqRx99dMHr33zzDQDnnnsuAE899RQA7733XsHn7rnnHgAuu+wyAEaO\nHAmE2bU8PL/++isQqrhU9ZMWmg1LiTrwwAML3v/444+BUDkwwwwzAEFpLJXu3bsDQfnq1KkTAC++\n+GIjRt14tJ6Uo1NpTjvtNCDMwq+77rqq/J1S0Mzz9ttvL+t78vakzWabbQYEJapXr14F70tNFTrm\nJWUoSbn57bffgKCA6Fij7KysZigtuuiiwJRKR+zX3H333QFYa621gPwoPDvttBMAF110UY1HMnVU\nXfX7778D4RiZdazwGGOMMSb31FTh0dXswIEDAWjTpg0Q7gvGTnV5dxZYYAEA/vjjDyBc7V9//fVV\nHnF5aJZ53nnnAaEKSgqC7seXyg477ADAscceC4QqnFNPPbXJY4Uwy9RjY5GCJa/L008/DcDiiy8O\nhPFeccUVQOmO/qYihUYK1Pbbb9/g5xZeeOGq/P0///wTgDfffLMqvy9UuSJFdMkllwSCf2PcuHEA\n3HXXXWX9rrxJ9957LwCLLLIIEFSHYcOGAbVVeMpVdoRUSClE8rxUG6m/jz76KACzzjorEDKOkjwR\nP//8MxBUVSFVfMyYMQAceuihAFxwwQVT/b2sINVVPsKbbroJmLISV8d6HfvzgvbVdu3aAfDBBx/U\ncjiJyA9YL8qOsMJjjDHGmNxTE4Wnffv2QFA+WrduDcBZZ50FTKnsqJJBjn3V7GvGXi1vQlOR90g5\nJqq4UE+jn376CQj38XU/WmyzzTZAmPWpCkj37aV4VUrhqTRSbtSbSx4PIYVnq622SmU8UsaSlJ0k\npMxoeTSLlm9C60WPMX369AHggQceAKpfIfPMM88A8NBDDwFhu9L+o+U5+eSTgTBbjvcjKTqqwpt9\n9tmBUL0m75nejyue0iCuxiqGvB5SVKQIvfvuu0B6yk7MhAkTCh6rVS0mD09W0XLrWKFjZ0xelB0d\ny/U499xzA0ENz6rC01TmmmsuICxvWljhMcYYY0zuSVXhUXaEZp6qltlvv/2A4AGIUa7IBhtsAIQZ\nqpJiH3nkkSqNuDxmnHFGIFStKH9G49X9+ldffRUIFRRJGSHi/fffB+C5554reD2+f2+mjpQMeamU\nDio0q5TnSEqJqqqkaKgCRutb3eJjhUfVUfJapYWUw8033xwIycsap5KXpfjIMyfFUD4KPS644ILA\nlMnKqtrr27dv5ReiRFS9k7QPSbmJM5OEZtZ5ZeuttwbCNpuVY2WM1EF5d+Q/S0JValIKlNsjtbFe\niPepuF9dXunWrRuQvqfMCo8xxhhjck+qCs+AAQOAUI0lB36SsqM0TaWGCs08hwwZUpVxlosSeOVJ\n2XnnnQveV+7M2LFjAVh22WWB5IoS+Qw0K1PWQVbSUVVdFufXXHPNNUCoICmGOgWnxeeffw5UzjOk\n7VkVC0JKkJTLWqPMjHXWWQcI/hV546TgfPnllw1+XyrIY489BoSk5loqO/LuJPmGSu2RpT5iUojU\nv69WXp5KoUpW+beUnaVjUdZQZaRU1hNPPLHBz2l9q1+fUH6PSYdYHdddDJ2rhO7qSG2WsrPFFltU\ne4gNYoXHGGOMMbknFYVHVTHq86Icmr333rvgc7rPrh5Z6iSrLs9y5t9///3VHXCZaMa8yiqrNPi+\n7lOqD4yuhuXh0X32rKPluPXWW4FQXSY061bV2BNPPDHV35M3q97QdtuzZ88G31e+TbU6/jYWZbPs\nsssuwJQ+iWLdz+WByoKyWqwqK0nZKdZjS56grCg8qkQt19OhSlBVtGYtoywm7rId5+4I+c6E+v/l\nJWlZ5wap+1mlY8eOBc9VXSh/pBQ6KXGqNE5Cy6tK1mphhccYY4wxuaeqCo/uh8ujM/300//3R6f9\n789qhiklR94ezUo041RVibwRxWaiaaFeWapuidF41S1b96mVsaDqmXpB/V1iZUfII6L1qvvtq622\nWsHn5PHJiiepVJRLo7wobcdCHpjY25QV5DVrbF6O1r9moXEX9TRJqsrSMSdGfsBaZAU1BvVfGz58\nOBDyaFR1loQ8O+poP3nyZADmmWceAK666ioAVlhhhYLvqbdWkp+y2kgJKObr03o87rjjgOqnlqfN\npEmTgJBWXy+oQlXqf7lIwax2X0krPMYYY4zJPVVVeNS7R8qOkJKjxxgpOEomVlXW448/XpVxNpYL\nL7wQCN4d5bJolpTUqygrClWpLLPMMkBIfhZy5KunmTw+UuTUsyp27uv/o7yYrKOEYeXxKPtDaPlV\ndZfV5brtttuAkHwtlBeknCihXndSU1RxIZVASp08d1kg7gdXLONKSDmpVsJxueh/q6wyZUI1lpNO\nOgkIGWDy16lyVNlTaaP8HKH+bDFS5qTsCPlB65U4aVl97rKesCx1t2vXrkByntXLL78MwMiRI4Fw\nDFI/PuUppYUVHmOMMcbknqoqPDfccAMQKgaS0NWhlI+JEycCsPLKKwNT9mDKGt27dy/pc6rG+v77\n74GgCMkbktWeYOqdpBRUodwhJfXeeeedQMi50fLpUdRbiqiq65IUSaW7ytOVFbRfKS9H/g69LmVH\nPe20PoW+J/VDXjutz969ewPZUnhKVXRilDGUFZR11LZtWyD4BOOMr5j4WKT8k6wtn9C+o+orKTjK\njpICEOfuiFopU5UiKWk560gNlndH3QXkv1Wlru6CxPlPUsXTxgqPMcYYY3JPi6ldUbZo0aJJl5tK\n5NVVvGaIo0ePBoISoKwJeXbUM6ver96FqrM0U55hhhmA4AmJq5iyhhQ6ZSRoPSk7Q16lQw89FIAL\nLrigwd/R92JPV1aRd0n5NVpvUkg+/fRTIHi4sqbQDR48GJjSl6Ku8UrGlqKaROvWrYGgEiy33HIF\n76s/kyqkSk3abgqVrrqq94TlVVddFYBRo0YBIVl5/fXXr9mYGoM8PXvssQcQPD1SENQ/UXkvUn6S\ncnuyipKGpY7qmCJPTLXzaCqNkq6l3CjVPonx48cD4e6BqrNUSdpU/v333wZNRVZ4jDHGGJN7qurh\nUV6HFBvd31PXZik74owzzgCyp+zstttuQJgpKxtD2RVJaNYlL5MUAt3PrFRPp1qhBGwtZ7H0W61v\nzTqz6isQ8hFovQlVYanaKWvKjkiqgFDGRzFlR+hz8jINHTq04H39H6Rkyn9STbQv6lEJyiJWaop5\nI+pV2RG9evUCwj4mRaTe0N2AuOu5FIQOHToAwddZb8qOOP744xt8/a233kp5JJWhXtaDFR5jjDHG\n5J5Uu6Ur3VPeCKHqnqzOSq677jogKFTybEjhULWLKiiUV6N0UyXyStnRfWr1jak3tDzqaRYnYieh\n2ecOO+wAZFfhad++PRByhWLUJ0adtusFbW/yjuWJJIUmVn5ikpKZ64VOnToBYTmfe+45AJ588sma\njakaqPpOlaJ5S1g26WCFxxhjjDG5J1WFR+mRqt5Sh9SsKjsxqjKSwnH11VdP9XPK25GCdfbZZwP1\nc7+zGHG+jqpz5MFSvouqt7bccksg9AVS2qtSN2OnvjpXKw222v83VY8pSViKnlBnZmVLZJ04xVWP\n3bp1A4p70GK0PuJUVSVMp+HdKZdivrJ69e5oHWhbldqsisp6yXMpFXl4RNa7v5dKvG82F1Thqiot\nnVOVO6UqrkpjhccYY4wxuSdVhefKK68EQn8Y9VrSDD6rqAu4aNeuHRCqUtQ9XH1CXnnlFSBkYdQ7\nL730EhCqljp37gwEheebb74BQpfwuIeYZv5SCGaddVYAbrrpJiB02JUnSJ2el1xySQAGDhwIhGTf\naqG/p4yPmKz0WSqVQw45BAiendNPPx0ISqP+z3HSuVSDN954Awi5Sq1atSr4nDxB+jtZQp6WpOTl\nSy+9NM3hVByppdoXVeGa1T5ulaZeVXL5OlVBmTclrlTkNevSpQsQ1PWVVloJsMJjjDHGGNNoqpq0\nLNRDSgqIZiFzzz03EDwvpj5QlZkyMc4//3wA/v7776l+Tymi8k3Iy5WEthMpQ9WqLlIvM3X21XMx\nadIkICh6kydPrso4qo2qy44++mggKDaxwhMTv6/1otTbpGTtWpKUxKy086WXXjr1MVUCVUIqr0Ud\n7NPuOp02AwYMAEKvrXr1vOjYed999xW8/swzzwCw0UYbAbXrNZUWUu11LBKq4JUvsLE4adkYY4wx\nzZaqeng0+1DnVCUv676dlZ36JCkNtRia1Shhuk+fPkBIahaq9qq2siPU7T1WdsS+++4L1K+yI/r1\n6wcE/0rc3V2ZLqriirn88ssBOPfcc4FQdZlFknpsZTX7qVTkJ1R1y1577VXD0aSHllsJy3njs88+\nA/Kv7Ih//vmnJn/XCo8xxhhjck9VFZ79998fgGWXXRYIVVlZzOsw6dFYhahaKPshRpUg9a4KxCgf\nqm/fvrUdSBVISlaWd6feKu2EMqGU/SUVdNiwYTUbUy2o13T6Ysjf2lxQ9l6PHj2AkL02atSoqv5d\nKzzGGGOMyT2p5vC89tpraf45Y0pizJgxQOiFJtZaay2g9K7ipvYkJSfXa1WWaNOmDQDzzz8/EDLN\nmgtSBFQZWK9I1Y5T3JsbUihVqZ0WVniMMcYYk3uqqvAon0WPxmQR9cgSDz30EJBfv0BzoF5zWpKQ\nD1LVLUl9/PJK1nx/pj6xwmOMMcaY3JNK0rIxxhhjTBo4adkYY4wxzRZf8BhjjDEm9/iCxxhjjDG5\nxxc8xhhjjMk9vuAxxhhjTO7xBY8xxhhjco8veIwxxhiTe1LtpdXcmXHGGQG46qqrAOjQoQMAX375\nJQDbbbcdAL/++msNRmdM8+GCCy4A4NBDDwWgf//+AJx00kk1G5MxprpY4THGGGNM7nHScooce+yx\nAJx55pkNvv/yyy8DcPnllwP10xF59tlnB2C33XYDoHv37gCsttpqAGgbGz58OAB77LEHAL/99luq\n42wqm222GQD33HMPEDoeq4PzGWecUZuBmZLZd999Abj44osBmG666QD45ZdfAJhllllqM7ASWWCB\nBQBYY401pvq5yZMnA+49ZdJl6aWXBuD+++8HYLHFFqvJOJy0bIwxxphmS00UnjnnnBOA4447DoAt\nt9wSgKWWWgoIikDMJ598AkDHjh0B+Omnn6oxvKpx0EEHAcEv0KpVqwY/9/vvvwNw2GGHAdlReuab\nbz4geI123313AFZYYQUgzJaL8eKLLwKw/vrrA2F2nRV22mknANq3bw+E7XO55ZYDgrIjtDxStEx2\nUbfxmKwrPKeeeioAm2yyCQCrrLLKVD8vH+CNN94IhGOIttWsc8kllwDhGKFzQxLvvvsuACeccAIA\nd9xxRxVHZ2J0Th89ejQAbdu2BaBv374AnH766amOxwqPMcYYY5otqSo86667LhA8EDPPPHP894Bk\nhUd88MEHAKy++uoAfPfdd5UcZtWRsjNq1CgAlllmmQY/J0/PtddeCwTfQdpIufn4448BmH/++Rv1\nOxMnTgSgdevWQKhSe/vtt5s4wsogv8N6660HlK9Y1ZvCs+mmmwJBsdtrr70AmHba/4o3tR/Ka6X9\nt15Ugv+LVMgxY8YAYdl0zBkxYgQA3bp1q8HoAto3XnrppYLX27RpA5S+TcZMmDABCCrlV1991dgh\nVpV33nkHKK7oFEPr1aSDFLYlllgCCPvXpZdeCsAhhxxS1u8tssgiAEyaNAkI545SscJjjDHGmGZL\nKjk8ur+XpOyUy+KLLw6EaiBlatQLumrVjFmKwtVXXw0EH0Hnzp2B4Fn68ccfAbj++utTGyuEGb/W\nYxLyR/zwww8AvPDCCwAMHToUCM79du3aAUGpywryiGkW/fnnnwNw2WWXAXDfffcBYbn0ubFjx6Y6\nzqYycOBAAHr27AnADDPMUPC+Zmd6nH766YFQgVGPCo8q7IQUgD///BMIlXa1YvnllwfgoYceAmDu\nueeu6O/PNddcALz55psAbLzxxkBQvLJCrOxIOXjssccAOPjggxv8XqWUIdM4lDEn7rrrLqB8ZWfe\neecFwn6gY/JGG23U1CECVniMMcYY0wxIReGRMvHee+8B4X56zF9//QXArbfeCgRPxKKLLlrtIdYE\n3Ve/7bbbgHAVq6wQoRl2UlVXtVHFh1Jo+/TpA4QquSeeeAKAm2++GYC77757qr/36quvVmOYTeaI\nI44AwnLIW6QkbBF7zL7++usURtd4WrZsCcBWW20FhFlyrOxoPUqJE1IkdV9dFTR6fP/994Fs5yot\nu+yyBc+1Dp999lmg9tuk1LZKKzsx8gipimnbbbcFsqP0SNGJlZokZUdIfTTpMNNMMwFw/vnnAyEf\nSuicVioLLrggAE8++SQQ8nsWWmihJo0zxgqPMcYYY3JPKgqPck3iWZbQ/T7NclRB8Nprr6Uwuuxw\n9NFHA7DjjjsCMNtss9VyOFNwzjnnFDzmDWWxyC8Qo75L8jSJ22+/vboDayIbbrghAMOGDSt4XYqM\nlnebbbYBgtIqlOqr9T7rrLMCcMABBwAhGbzYLLwWKH9GxyChvBD552qFxrXzzjtP9XNxxZxQovLW\nW29d8Pq9994LJPvuNHOWiq6K0GIVstVG26IUnlI9OVKqtK0r80yoWqip26j+b3vuuScAgwcPLnhf\nnrDGZoupyknbg7xmSulXns1ZZ53VqN+vFFJ29ttvv4LXP/30U6D8c7fyeqTsaLkfffTRpgxzCqzw\nGGOMMSb3pJLDIwVHKaGqdpGDW4qOEmzVa0qKR4yqgOaYY45KDC9znHfeeUDwlAjd31YCsEmXpPVy\n1VVXAbD//vunPqapISVGGTNrrrlmwfuqPpOyGqPKHnl09Hsx8sGstdZaTRxx5Yi7oce5O6qQfOqp\np9If3P8hKfk55vnnnwegS5cuJX1+4YUXBsLy6XkS6oN30003lfT71SY+LykrSiQpOTE6ZlbK43PU\nUUcBySq3/G7FlImkzDkpjknnNvkFdQ7QuTBtvv/+eyD0UdRyKDMu9qEWQ0rsPvvsAwSlrGvXrkD5\nSo9zeIwxxhjTbEnFw/PHH38A0KlTJyBUa8WstNJKQLiKTlKfKlWTn1V+/vnnBl+vdcaEnPSqWip1\ndpp3sprDIwUnVnaUKH3MMcdM9fuqxEhSdkSavd6UUaVjRcwtt9wChGonzRSFspOUQ1NrhacYUs/k\nUSkV5ZdIGVFVVlLVi7whWVF44mqtYj65OK9HikCle2rJo6J+h3GloyppY0WqUiinRll2aSs8W2yx\nBTDlcis3p1xlJwlVednDY4wxxhhTJqkoPKo6ilEvH3UCXnLJJRv8nPJelI+SlckHY4IAAButSURB\nVMyISiO/gRz5MVr+tFGPpSOPPBIIXqvevXsDIb1VvbaaG88880yth9Agys2J6d+/P5BcSbLqqqsC\ncMYZZ5T0d9JMzB40aBAAPXr0AKb0QsTPlRUkhUQKxxtvvJHSiJuGspG++eabRn1fx0qpfFLX4xm6\nPD5a58rcqhVxtVZMrbqjS3lQ/8a1114bCNtjMeR5kVKpjDo9Cnl1pJ6qKqtWWWzyFqnSU+qvVH75\nbstFd32qpYjFWOExxhhjTO5JReERuv+n++fK8VCuSZJzXZ2D9fmsoPupymT44osvgCnzToqhrIy9\n994bSO6IrPv5aSOvR1wdpqwP3c9WRohyXFSFJ1+FSQdleay44ooFryuzJU6OFqo+kwIUqwAxUgvS\nVFznm28+YMpu2HFvLCk7Uh1j74r21eaCvCfqgxZX1OkYrEpa5daon1xaaL0lVV9VKk+nqUiB0qNy\nZIqhY6i6DagvX5JKqkrJfv36NXqslUDp6zom6Jgvv225Xrj1118fCPlRUr7EMsssA4RziBS9Rx55\npOyx/1+s8BhjjDEm96Si8Mw///xAcNrHSbXF0P1nZUXccMMNFRzdlKj3kDwQSRUCuo+p+99SOE48\n8cSCz+n+68iRIwte33XXXYGgXMWeC11FqxNwWvepy0VX/bEicOONNwLBf/D444+nO7AKE6sKxV6v\nFVoPsVL40UcfAfDhhx8CQYns1q0bECo/kpRWIU+dvF1p9tA6/PDDgVClpQoyzbTV9Vy9sbRMxx13\nHBBU2e7duwO1r9Iq9r+uNPK8PP300w2+L1VQCcxppYjLY1UsV6feUX8+PRZDiltSYna10f4UH0sm\nTpwIBMVN7LLLLkBytpeQ0qXebjHLL788ABdeeCEQqtHk9WnsucQKjzHGGGNyT6oeHs1myp0p6+ry\n+uuvL/hcuV6ZUnnggQeA8pNjZ5xxRmDKyoJrrrmmUeMYMGAAAKeddlqjvl8pzj77bAC23HLLqX5O\nvb/WWWcdYMr1JgUr7tVULyRtD7XuP1Qq6mUnRSbJK1YMJaPLf5AmUqekGhdDmVbKAhPyAtWatLcd\neXiU0XTggQc2+LkhQ4YA6Sk88d+RZ0PUOoMsK6gHXGOr9kpF3c932GEHAP73v0JtRPtPnHOlc3P8\n+aaiyuBivsJiWOExxhhjTO5JReFRVYi6Mffp0weAhx9+GIBvv/224PO6z67cl+mnn77gfXVnlhKj\nTIRKoWyFUmdfmkXK09PUq9sJEyYA2fHsaLanx2J07NgRCONffPHFgbAe61Xh6dy5c62HUBZJlUzx\n/vT3338DcMUVVwAhH2vRRRct+Jy8O3FnblM9lH/Sq1cvILmHU6loRq6eT0nIx1htVJUVI0+WaK4K\nj86BQt6ZWFmpNDoGdOjQYaqfk/JSLZT8rXOJUuIbixUeY4wxxuSeVD086pKux2Iotye+ypSSokoL\ndUauFOXeVx8/fjwwpZLRWJS9oMqFtFNhNbNXVU+5aLxy8J977rkAbLbZZkB6voDmijJm1OW8Xbt2\nBe//+uuvBe9LcdV2p0qZeD9QymypFSamOMW8NKuvvjoAK6+8MhC6aKvaKm/IuxPn7Gib1GOtc3jS\nQr5IkZafU1VROlbonCt010aJ0UptV2VxEsrfkUIlJS8+Ro0YMQII2XSxB6+xWOExxhhjTO5JVeGp\nF5Q4q8eknkRCqZDFkNdHVS5CKbBNVYYqhdIzlZdUqWwMJQCb6vL9998DIb9q9913L3hfXix5xURS\nno4qQhrbL8cko1whpWDreXws0L6o1HMdm/S9uJu6qrFir4e8OUld02tN7N1JQsubFZ9jWqTVHV3/\nV+Vcxf5FKU1SIMeOHQuERO9S0blFfl6h3mKVUnbE/9femUddNfZv/NPrJUOUodZC8larlJCwKlFa\nSJSZyBTJrCRRKIuUsEKReayQBmORoVCWTEvKTEkZMkXIPP/+sK51/85+nt0znXP2Pvu5Pv+c9Zzn\nDPc5+9777Pva1/f6WuExxhhjTOZJpcKjjI24rAytWhYuXFiQ91e6o6pW1L28YcOGQMUpkuLTTz8F\n4PbbbwdCV/Goh0VnuUpcVvprTR3p1WXcuHFAOGtXFVxlOyjruu4FF1yQc7++T1McpMzIQxXH4MGD\ngbIVF7oer6rFJUuW5HuINUbX/qVYRJOLlc4eze+QP1DdnqWISGFQZtGcOXOAsA9Lpc0XOpYNHTo0\nZzz6O4q2kW6V/RVNTpY3KFqNpe9JKe9xJNW3r7Ko31tWFZ7odk6Kiip05bUpFazwGGOMMSbzpELh\nkSIQ7e0ThxSQQvfBkadB1yuVr6P+IhWh648VrQpVzTRhwgQgrKy12is2H3/8MRBSPaUAqEJkzJgx\nQNkqLiX3ajuq6kcUs+dSPpHiGNf3SL3dNE/UWVi5NWmld+/eQEj01vzWvBs/fjyQTmXnpJNOAoIa\nqSqS6DaK22bR/6sKqn379jn/79mzJxAqRU855ZR8f5QcpKLWr18fiK/eqojqPk+MHTu2Rs+vLqri\nqe1o3qliVlcLVB1lqocVHmOMMcZknoIqPOpoHFd9JC+Mqkl0fTm6GpMyMHfuXCCc/RYbrXyVdplv\nlHmQNPIVyAeg7aNVo7IRlOPy0ksvAcEXoaRsoWTltPWckirQqFEjIHS9HzFiRM7jWrVqtcbXUZWe\nlC0lilc2b6rYaP+RDyLqE9B1+TgfSZpQN/To3IpLmRba1+JS2uUNkY+wWF4FpV4PGDAACOpqgwYN\ngLJeHc1ZVXFVF6nKmhMPPfRQjV6vuihRuaIqrMpWc5Uq0e7oUt0L9dtTW7DCY4wxxpjMUxCFR6sO\neWxUSVDVFb5WYX369AGy68hPK1OnTgVCxYqqyLT6kK8hrt+KtvcJJ5wApEfBEurJpsTuqqLVuBQs\neWHSruxoP4pTBUohxVZVU/LybL311kDI75g2bRpQ1sMze/ZsIHgi1H09bWhuaZ/RrdLcxahRo4BQ\nQSqVtbLd5IWUnZEjR1ZzxNVDcy2a9aVK1mjX9KzTsmVLIFQKC/WUyhpSruRNquq8rSpWeIwxxhiT\neQqi8Oj6azT7oiKU0qjr1Kp6Wbx4cR5HZ6qKKkeUo6O/1TU7Wo2l1emwYcMAmDx5clHGWVW0ml25\nciUQskmWLl0KwMsvv5zz+KhaoJyiSZMmFX6weeCSSy4BKvZ7qBdXKdCxY8ekh5Ao0Wysdu3aAdCs\nWbMqvU5Snh1x2GGHAWUzympbl3T5H+VNE4sWLUpiOAVHv+2qbFXlqKov840VHmOMMcZknjpr8tXU\nqVOnWmU1Xbt2BUJSsKq0ou/19NNPA8FToCqXtOeXGFNKyN+yYMECADbeeONyHzdo0CCgrH/AmGKj\nqwTyFknpkRKUVT9n586dAZg3bx4QfLAHHHAAEHqnmTXzzz//1Cnvfis8xhhjjMk8BVF4jDHpQTk7\nd911FxD6S8mr8/jjjwPQv39/IP8dio0xlSOq8KjrQKn1rEoaKzzGGGOMqbWkopeWMaZwqGpOeVa6\nNcakE/VfXL58ebIDyRhWeIwxxhiTeazwGGOMMSlixowZALz11lsJjyRbWOExxhhjTOZxlZYxxhhj\nMoOrtIwxxhhTa/EJjzHGGGMyj094jDHGGJN5XKVljDHGpAj1uxs4cCAABx10EABt27YF4D//sVZR\nHfytGWOMMSbzWOExxhhjUsC+++4LwL333gtAgwYNAPj111+B0PfOVA8rPMYYY4zJPKnI4enevTsA\nd955JwCbb7653h8AjXHw4MEAjB07thjDyhuXXnopAP/73/8A9zJKml122QWAYcOG5dyvTsWbbLIJ\nAI888kjO/59//nkA7rjjDgC+++67go7TJMfWW28NwCuvvALArFmzAOjbt29iYyplGjVqBMCXX35Z\n7v91jI8e86OsWrUKgAceeACAUaNGAfDJJ5/kb7AJ0KJFCwDef/99IHz+X375BQi/GQ8++GACo6s+\n//3vvxeRVqxYAYR5cMYZZwBw0003FeR9ncNjjDHGmFpLKhSeJ554AoB99tkHgB9++AEI1y0bNmyY\nc3+TJk0A+P7774sxvBojhWf48OFA+h32N954IwB77rknANtss80aH69VyTPPPAPAnDlzgPSuRjRv\n6tWrt8bHxa023377bQC6dOkC1D6lZ9111wVg0003BWCvvfYCwjzX/qn9V8rZggULijrOmiAVWVUy\nl112GQAXXXRRYmMqZTbbbDMAPv30UwDWWWedvLzuV199BYS5p2NXqdCqVSsgqMdSl6UsStlZvHhx\nAqOrOVJ4Pv/8cyAcM6T06WpOvrHCY4wxxphaS6IKz4UXXgiEs3OtvLUi1HXZ9957Dwhng1JKRo8e\nXcjh5Y2owqPrmF9//XViY/r/HHrooUC4Lp4vpPxoO6dF8fn777+BeJ+AqMhP8PDDDwNw2GGH5XF0\n6aNTp05A+Jzy3LVu3Trncfqe3n33XQB69OgBlJa/QkrEq6++CoQVd7t27QBYunRpMgOLIDW1adOm\nAOy4445A+lVvqapDhw7Nuf/II48EYMstt1zj86WO161bN+d+KT1t2rQB4Jtvvqn5YIvA2WefDcDV\nV18NwJ9//glAt27dAHjuueeSGVieiV7F0bFC+UKPPvpoXt/PCo8xxhhjai2J5PDoLH/IkCFAOGuf\nOHEiAO+8807O45cvXw4EhUdnwaWKqoMGDRqU8Ej+Jd/KjpD3R68vR74c+knx1FNPAWEVFeWLL74A\nYMSIEQD0798fCKtHcfDBBxdqiInQtWtXAPbee28ADjzwQAC22247IF7pkr9AVW3nn39+IYdZUM47\n7zwg+JAmTZoEJK/sSG2UWrrDDjsAQYH66KOPABg/fjwA9913X87zpVxp2/z0008AnHPOOUDxVLgf\nf/wRKOuFqqw36rjjjgPCb4WQal6/fn0g/QqPfHBSurR95RXLirIThz7vWmutVdT3tcJjjDHGmMyT\niMKjleNGG20EhOqraL6O8lJ0/Xz16tUA3HLLLUUZZ6Fo1qxZ0kPIQcrL6aefXqnHR6uy9DzdH1fV\npcep+ispb4+UGXlw4pSeW2+9FYBp06YBIX8nK8rO+uuvD4TVtfwEcRU0qrp66aWXAFi4cCEQVIMk\nlNd58+YBMGbMGKD6XoCtttoKgFNPPTXn/meffbYGo8sfWvHvtttu5f5fx1Kpx9GMqSjaV0vFXyVv\njxSeUueuu+4CgjIl9VR+z6wgJUfHmqSxwmOMMcaYzJOIwvPBBx8A8NtvvwFw8803A2VXGyeeeCIQ\nrnd++OGHQPorESpCVS5pQZ4a3SrLIqr4aFWo7Ijo86Oo+kvVdFJ+dButsiuW0iOlQn1r5Fm5/PLL\ngbJZHsrZUXaEVi3i4osvBoLnp1SYP38+EPwgQp9Tq80ZM2YA8PvvvwPpqC685557gFDRKYWnupx8\n8slA8IAoFyXqFUmK9u3b5/X1lPqu6q5Fixbl9fVrihSBq666CgjKzgYbbLDG52kuf/zxx0B6/Z5R\nP+Ddd9+d0EgKy9prrw3A7rvvnnO/jiXK5ykWVniMMcYYk3kSUXiUIrneeuuV+395d6LXa3Xd0xQW\neWyiRJWdipBio1vlKUWVHlVxRZWTYqFkaN3GoQ7GUZ9HRXk+aUF+gSeffBIIq3uN/6ijjgJg6tSp\nCYyucmy//fYA9OrVCwhqcXW9OzoGnXnmmUD4LlSdlTT6vNF09mXLlgEhuVheJnHCCScA0Lhx43Jf\n96+//gKCyp42pPofe+yxVXqejjWHH344ECoH9XmTpl+/fkDonSUuuOCCJIZTcPbYY49y7//222+B\ncC5QLKzwGGOMMSbzJKLwVMT+++8PhOu18vaMGzcusTHlE63K0kpFvbOqixSiOEVEnp+0JDJHUT5P\nqSFfyltvvQWEfjZa9Uo5feGFFxIYXeWQp2P27NlA8AbUdGU8cuRIADbeeGMgVIxOmTKlRq+bL5Ru\nrbySN998EwjVWsq1iaLkXuXRRBUifT6lYqcN9U+sLvfffz8QKhCVb5MUypCTP1A9pl588UUgvot8\nqSOPXZSkcpKs8BhjjDEm86RK4Wnbti0Q8kCUBqqVf1quw9aUmTNnJj2EconrNKycnnwR16MqaS9P\nRSiVNsr06dOLPJLKIUVNnh0pO6pyVBWk8ojSjOagfEjKpaluSrh6+OhYI+T5kNKTNFImtO1mzZoF\nxCs7UoJUFRPdl7TP/fHHH/kfbB5R5WPLli2BoIrfdttt5T5eFZdHH310zv2DBw8G4KGHHgLKpvgX\nC6msUiaF5pv6+2WNqLIoCpXuXxFWeIwxxhiTeVKh8KhS4rHHHgNCaqiuwy5YsCCZgdUy4qqzCtX7\nKi7hWUpT0j23KktafRDKF4pW6qhjsTqCp5kOHToAoepGKBuoqsjTodvoCjRteShSYgYMGFCpx6vS\nMK46ZuDAgQBcf/31eRhd4VD1TvPmzSv1eFWprVixAghqbIMGDYDQI61v3755HWdl0fcthU0Vq3fe\neWci4ykWJ510UtJDyMEKjzHGGGMyTyoUnmuuuQaALbbYAgiJyko/LXXq1q0LhOvpcdc104aSlQuF\nVqOV7eGVFEcccQQQ5qO2o7qEpxV536KoR5i8O2ns36Pv+NxzzwXKZnZdcsklQEjUlbfl559/znmc\nKj2VnCyfYBRVy6gKrNSQRyTu88kjotTwrKFKXnUflzqs7X/IIYcAYR8uVgLzaaedBgT1PNozK+1d\n3bNGafzyGmOMMcbUgEQVHnWdPv744wH45ZdfgHBWXOo9s4RWGzq7T6sjP5q/o27ohUJ5O1Xt1l4s\nlM1y7bXXAqECRtWD/fv3r9HrK1Fc+4EyV1q3bl2j1xVDhgwBQsdvqSRKWG7Xrl3O47QKnjt3LpBs\nJY++e30n6n/22WefAdC0aVMgdLJfvXo1ULY3j7psK/dEvZmkHGmlP2rUqAJ8isKz8847A6HqRd+b\njjX6fEos1veVVZo1awaEfVW89tprQPGPvZqnlUV5U0888QQQEolVVahjRin479aE8qSKjRUeY4wx\nxmSeRBQenX0ra0Hd0G+//Xag4p5GpjAkpbRIAUubwiMFR9kvQv2bqjpPlbaqruy9e/cGwv4wbNiw\n6g+2HLQK3HDDDYHQm65nz55ASDSX8qNV5dixY4GggiSB1F3lyXz00UdAqMIZNGgQAH369AHCyl4q\npZJrlTis6qtoWvvChQsBePzxxwvwKQqHPDuqaGzSpAlQNttK2zTryo6QN0a/KULzJ2l1XfNSuUBR\n5s+fD4Su70pHF9FMrVJFiluxscJjjDHGmMyTiMKjs1atxtSx94orrkhiOCZhotVEcXlAxWbEiBFA\nWDV/9dVXQPC6xLHOOusAwYt25JFHArDrrrvmvJ56V0mFKHTisVQO3aoT95VXXglA9+7dc26HDx8O\nBP9MMVGqelx/L6lQulXeila+WtHLw6L/K5H3999/B0K1V6lxzDHHANC+fXsgzClVt6nv26mnnprA\n6IJqqTTvuITkfKHu8NrXorz++usFff+K0HZRxpx++zRfpdzIa/b0008D8OijjwIhh6pevXpFGnHN\nkIoc1xNNVXXFxgqPMcYYYzJPURWeiRMnAmWVnV69egEhf0cor0Znt+oQrOcrg+OUU04p5LBrDVEv\njW6luKg3U76JdkfX9k2qe3rcalSVMMuXLy/3/1rNShlSrlQc+r6TqljQ+2r/euONNwDYdtttgVDx\nE618SiPKl4nLmVFXda2g1ZupVLw7Ukzky2rTpg1Q1rMjZUfVPEltO/WMuvnmmwHo2rUrEJSpfCFl\nR1cHotVZ8tldd911eX3fyiLPjraT/HJSVTUfpR6PHDkSCOO+4YYbgJCOvmjRomIMu8boGJ62vohW\neIwxxhiTeYqi8Mg5r062UnZ0vfXtt98GQsWBPBKqLlE2gZ6nPiT57uJt/kUJyzpLL7Tiou0ZpdjK\njvq+9OvXL+d+Vbgor0bX0VUhpFVYdLUt5IHRqm7ChAlA8JkkjdKJdatVaVxH7lJCSoO2nY4h0W2c\nduT9kOomZUBo7skPpmq2pNEKX3lKykFSdVxVUS+svfbaCwi/IVFlR3NY+3RS1VnqIqDP37FjRyD4\n5NS9Xb2+lAwtJUd/a18866yzijHsGqNssbRhhccYY4wxmacgCo+qVJQ3ok6/OguXA12rrG7dugEh\nO0GrFXkK1AdHZ8vLli0rxLALhvwC0STjtKKE5eh4R48enfN3dRUYKUV6vej7FLqHV5RNNtkECBkt\n0YoXeccWLFgABIVHHh09PqrwaJXdo0cPoGymRqFRjpBW08r4iNKpUycAtttuOyAkLf/www8FHmHh\nkSdC20bJtaXSM0sp9HfccQdQtg+f5pg8Svfcc08RRxePquN07GvcuDEQqu50jLnwwguBkC7esmXL\nnNfR51cWln4jooqOkLLToUMHIPg8k2bp0qVAUHiE/HL33nsvEI45mq9SgM4880wgfh82lcMKjzHG\nGGMyT14VHik7SpHcb7/9yn2cHOdC11e1Apbn5/7778/n8BJj+vTpQMg1UQVFWlH1kKqzol4eVStJ\nidEqrSLFRx6tuERlvV6hqsHiUDf7aEduoX5McWj+qhecUoD1faxatSov46wqWiWqk7j8DNG8H1U5\n6vHqV5UFlEOjzya1Oe0ox0QVg1FlR+pbNIk6LUjh0bH81ltvBcK+pt8GeXGk2MQpNxWhqibN8bQo\nO+L8888Hwjxs3rw5ELK5osjDI4Wr2OpwTZEiqfmZFqzwGGOMMSbz1ImrLAGoU6dO/D/LoUuXLkDw\nAMShs//JkycDoWqloueVKnKsS7HS54/2e0krFSkzIuq9qaxnKSllR6jHlfwGIno9XajSR6tq5e5M\nmTKloOOsKvo+1U9pq622AmDx4sVA+HwtWrQAgkK100475TyuFFEVzMyZM4HQTX2zzTZLbEyVoXPn\nzkDIr5G3RSiBWsdK+R/TiuaYlLVoL7PqIh+o1Gh5ZJLulWX+Rb95caq/lL4//vijIO//zz//lBsA\nZIXHGGOMMZknrx4epXpqBawVotJPVRmhSoK4xNqsIc+EHPeqhpGnZ9SoUckMrJJoFaXr5PLwRKmq\noqNKDb1+UqxcuRIIOTlxn0PVgjNmzADCqjKtKN+obdu2ACxZsgQIlTBRBUs+g1JWdoQSeJVXU+g+\nZflCXpe4OahjhuZq2tHckqdDipU8SqreqgipzPLHSSVf0xUKY6JY4THGGGNM5smrh8fULirr7VEi\ndtJKTm1HWSby9KgqbdiwYUDozKxO4qb4vPvuu0BZhUfHaXl2pI4aY8piD48xxhhjai1WeIwxJmGa\nNGkChFRs9cxS5eBFF10EwMSJExMYnTGlhRUeY4wxxtRarPAYY4wxJjNY4THGGGNMrcUnPMYYY4zJ\nPD7hMcYYY0zm8QmPMcYYYzLPGk3LxhhjjDFZwAqPMcYYYzKPT3iMMcYYk3l8wmOMMcaYzOMTHmOM\nMcZkHp/wGGOMMSbz/B8r3JQ8JnuKswAAAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "# Set Size of Plot in inches (note that the rendered version in iPython notebook will be smaller)\n", + "rcParams['figure.figsize'] = 10.0, 10.0\n", + "\n", + "# Plot Digit Images\n", + "plot_mnist_images(train_X[sample(range(NB_TRAIN_CASES), NB_EXAMPLE_IMAGES)],\n", + " title=str(NB_EXAMPLE_IMAGES) + ' Digit Images', fontsize=20)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Create New Neural Network" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n", + "Creating Feed-Forward Neural Network (FFNN)... done!\n", + "\n" + ] + } + ], + "source": [ + "# Create Feed-Forward Neural Network (FFNN)\n", + "# (doc: http://keras.io/models/#sequential)\n", + "printflush('\\nCreating Feed-Forward Neural Network (FFNN)... ', end='')\n", + "\n", + "ffnn = Sequential()\n", + "\n", + "ffnn.add(Dense(\n", + " input_dim=NB_DIGIT_IMAGE_PIXELS,\n", + " output_dim=NB_NEURAL_NETWORK_HIDDEN_UNITS,\n", + " init='uniform'))\n", + "\n", + "ffnn.add(Activation('tanh'))\n", + "\n", + "ffnn.add(Dense(\n", + " input_dim=NB_NEURAL_NETWORK_HIDDEN_UNITS,\n", + " output_dim=NB_DIGITS,\n", + " init='uniform'))\n", + "\n", + "ffnn.add(Activation('softmax'))\n", + "\n", + "printflush('done!\\n')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Set Neural Network Loss Function & Optimization Procedure" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n", + "Compiling FFNN with Objective Loss Function & Optimization Method... done!\n", + "\n" + ] + } + ], + "source": [ + "printflush('\\nCompiling FFNN with Objective Loss Function & Optimization Method... ', end='')\n", + "\n", + "rms_prop_optimizer = RMSprop()\n", + "#stochastic_gradient_descent_optimizer = SGD(\n", + "# lr=SGD_OPTIMIZER_LEARNING_RATE,\n", + "# decay=SGD_OPTIMIZER_LEARNING_RATE_DECAY_RATE,\n", + "# momentum=SGD_OPTIMIZER_MOMENTUM_RATE,\n", + "# nesterov=SGD_OPTIMIZER_NESTEROV_MOMENTUM_YESNO)\n", + "\n", + "ffnn.compile(\n", + " loss='categorical_crossentropy',\n", + " optimizer=rms_prop_optimizer)\n", + "\n", + "printflush('done!\\n')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Train Neural Network" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n", + "Connecting to Bokeh Server for live Learning Curves plotting...\n", + "\n", + "Using saved session configuration for http://localhost:5006/\n", + "To override, pass 'load_from_config=False' to Session\n", + "\n", + "Connecting to Bokeh Server for live Learning Curves plotting... done!\n", + "\n", + "\n", + "FFNN Training Progress\n", + "______________________\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.100685). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.100709). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.108426). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.113568). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.113351). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.118391). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.125506). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.123973). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.134154). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.131589). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.149851). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.136939). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.139234). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.158994). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.157532). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.156858). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.264223). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.132131). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.171920). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.188646). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.183457). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.189336). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.202651). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.101350). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.202978). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.101510). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.211359). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.105697). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.204939). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.102493). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.210726). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.105390). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.193627). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.197944). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.211985). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.106017). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.208538). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.104288). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.234942). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.117492). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.220529). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.110290). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.219936). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.109987). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.228939). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.114490). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.230009). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.115025). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.260301). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.130175). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.238872). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.119459). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.242169). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.121110). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.239099). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.119565). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.267689). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.133865). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.282868). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.141457). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.275045). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.137546). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.264295). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.132171). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.281405). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.140726). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.264241). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.132139). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.279247). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.139648). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.273727). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.136882). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n", + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.273510). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n", + "FFNN Training Finished! (14,399 Batches in total)\n", + "\n", + "Best trained FFNN (with lowest Validation Loss) is from epoch #189\n", + "Training Accuracy (approx) = 99.4%, Validation Accuracy = 97.6%\n", + "\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Applications/anaconda/lib/python2.7/site-packages/keras/callbacks.py:58: UserWarning: Method on_batch_end() is slow compared to the batch update (0.136773). Check your callbacks.\n", + " 'to the batch update (%f). Check your callbacks.' % delta_t_median)\n" + ] + } + ], + "source": [ + "# Initiate FFNN Training Monitor to keep track of training progress\n", + "ffnn_training_monitor = NeuralNetworkTrainingMonitor(\n", + " reporting_freq=10,\n", + " plot_title='Neural Network Learning Curves: MNIST Hand-Written Digits',\n", + " bokeh_output='server')\n", + "\n", + "\n", + "# Train FFNN\n", + "ffnn.fit(\n", + " X=train_X_matrix,\n", + " y=train_y_binary_matrix,\n", + " nb_epoch=NB_TRAIN_EPOCHS,\n", + " batch_size=TRAIN_MINI_BATCH_SIZE,\n", + " show_accuracy=True,\n", + " validation_split=VALIDATION_DATA_PROPORTION,\n", + " verbose=0, # no need to log output to the terminal because we already have the live plot\n", + " callbacks=[ffnn_training_monitor],\n", + " shuffle=True)\n", + "\n", + "\n", + "# Obtain best trained FFNN\n", + "ffnn = ffnn_training_monitor.best_model" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Evaluate Test-Set Prediction Accuracy" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n", + "Evaluating Trained FFNN on Test Data...\n", + "Test Set Accuracy = 97.87%\n", + "\n", + "Incorrectly Classified Test Predicted Labels:\n", + "[[5 2 7 7 0 9 5 0 2 3 3 8 6 3 4 7]\n", + " [8 7 9 7 7 5 2 0 5 8 6 0 5 4 4 2]\n", + " [2 5 9 5 7 3 1 2 6 3 7 0 3 9 5 7]\n", + " [6 3 8 3 6 3 7 3 0 2 2 7 9 3 4 2]\n", + " [5 7 2 4 2 0 9 1 8 3 8 0 0 0 5 8]\n", + " [8 1 4 4 0 1 3 0 8 2 7 8 1 7 2 4]\n", + " [9 0 1 4 2 0 0 5 3 6 8 7 1 4 0 6]\n", + " [3 3 2 3 4 8 0 3 2 7 9 2 3 7 1 3]\n", + " [7 7 3 9 7 1 9 5 8 4 3 5 9 7 3 4]\n", + " [2 9 7 8 2 9 3 6 2 5 3 2 7 0 7 3]\n", + " [8 8 9 9 3 2 2 6 0 9 7 9 3 7 4 5]\n", + " [5 7 6 3 8 2 0 8 8 9 2 6 6 2 2 2]\n", + " [2 5 3 8 3 4 8 7 3 7 5 0 6 0 5 9]\n", + " [8 7 8 8 3 '' '' '' '' '' '' '' '' '' '' '']]\n", + "Showing Incorrectly Classified Test Images...\n", + "If your model is well-trained, these images should be pretty hard to decide\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA1MAAAN1CAYAAACaTaG3AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3Xe8ZdP5x/HPMojRRw0zSpAoEZ0wehhd1B9BMESL3hLR\nBomeYBAM0XtG70aPlpGJLkQPQWYEgzAywazfH/t89973zDnnnrvvaXd836/Xfd1y9tl3n3N2W+tZ\nz7NCjBEzMzMzMzPrmanavQFmZmZmZmZ9kRtTZmZmZmZmBbgxZWZmZmZmVoAbU2ZmZmZmZgW4MWVm\nZmZmZlaAG1NmZmZmZmYFuDFlNgUKIawVQphU+jqm3dtTSQjh0tw2zt/u7WmWEMKxude5ZjfLbhdC\nGBVCeD+E8GXueZuVHh+a+9vOrXkF3esLn2WrtzH3vx5s9v8yM7P2cWPKrMVyN1n6OqsHzx1e/vw6\nntbpk8l1+vY1UtXXGkI4D7gKGALMAfTLPafS8zrxfevVNpU1ePJfX4cQPg4hvB1CeDKEcFEIYZ8Q\nwgKt3sZG/b8QwualhvYxIYRZGvGPQggL5t6zNxuxTjMzq23qdm+AmbFdCOGQGOOXtRYKIUwD7FD2\n52o3hrGbx611uv0sQgjLAXuWfv03cBbwCjCx9Le/1LuuKUz+dc5c+hoELAvsApwVQrgXOCbG+EQP\n1tUqtf7n5sBOpZ8vAT5p4f82M7MGcWPKrH2+IjkGZwc2BW7sZvlNSsvmn1tRjPFPOPLcEWKMxwHH\ndbPYRrmf94sxjqyyrsuAyxq1bR3uLOCB3O/TA7MCCwMrA6uQ7OPrAeuEEE6MMVYd0hpj3IWkAdYS\nMcZ6jz83eszM+jA3psza53WSm8HvAkPpvjE1tPT9FZIbsEWbtWHWcvOVvkfg6XZuSAd5KsZ4a7UH\nQwgLAccCPyUZEnl0COF/McYTWrR9ZmZm7rk2azNFGTYIIcxVbaEQwpzAhqVfL232RlnLfSv38//a\nthV9SIzxjRjjTsDBuT//OoSwSru2qRdCuzfAzMyKcWPKrH0icHnp+9RMng+V99PSMl8DV9DNzVe9\n1fxCCMuFEEaEEJ4PIXxaqiD3fgjhxRDCXSGEo0IIi3Tzv6YPIewdQrg9hPDPEMIXpa83Qgg3hBB2\nDyHMVGsdNdY9cwhhh1LBgadLRQi+DCF8VCpE8LtShKKedRV+rSGEfiGEHUMIt5Ve439Lr/GfIYSn\nQghXhBB2CiFMX+G5Fav55YsFkOXOBODNsuILl+SeU3c1vxDCVCGEbUIIfwwhvBlCmBBC+E8I4e8h\nhHNDCEvW+b5NHULYN4TweAhhfAjhs9I6fhc6oHJfjHE48MfSrwGouL+HHlTzCyFsEUK4I4QwrvRZ\n/6P0Ga9UerzbzyFUqean7aD2Z97lc2+kStseQlghhHBZ6XV+EUJ4K4RwTQhhqbLnTl06Hh8MIfyr\n9N68HEI4sbtjPITQv/S+nhNCeCKE8GHpGPwkhPC30j65VK11lK1v7hDCqaXj9/PSOeGJEMLBIYT+\npWX+EeosxhFC+H4I4fQQwjOldU0MIbwbQrglhLB9CKHbBm8IYbMQwsiQnPsmlN6fd0MIz5b+/vMQ\nwmz1vkYz6yNijP7yl79a+AVMKn29WPr9ntLvz9R4zjOlZe4u/f730u9fV1l+rdz/GVZlmWNzy9T6\nuqnGdm0AjK1jHRdXeO6leg3A/BUenxb4bx3r/h+wdzfveeHXSlJZ7y91Pn+zGv/7a2CN3N8XzP29\nfD1f575fnHvO0Nzfd6rxehcmGS5Ya1u/Ao7r5n2bC3iqxjo+Atbp7rPswbFxaW7dVV9fhectXrZd\nA3u6v5WWmQYYWeP1fkkSCdu5u88h95wHyv5+SZV1f13tc+/B+7Bgbn1vVFkmvw/tDOxbel2Vtum/\nwMal581Kdq6q9PUiMEeNbXuzm/1RXyfU8TrXLu171dbxLMnQ2X/Uei9K65oaOJPKx2H+68/A3FXW\n0R+4vc7Xd0DR48Nf/vJXZ345Z8qs/S4F1gWWCiEsG2PskjMTQlgWWCq3bK+FZN6iYaVfJwDXAKNJ\nblCmA+YFlidJ7q9W2nkb4GqyCPezwA3Aa6XnzA8MLq2jiKlIGlTvAvcCzwHjSG5ItO4fk9wM/T6E\n8F6M8eYmvNY/ACuUfn619PxXgC9Iqst9F1idpCBCrWIC5T3b40gqugVgf5IbRIA9gPdzy71dx7qy\nB0JYmOT1zV7ankdJbvTeIsktWoHkhnoASZ7RpJgUyShfz7TA3cAyue29EHgBmJGkIb0VcB1JY79t\nYowvhRCeIdvWNUg+p566ANi69PMXJMfbn0lutFcEfgb8Dri+tEyR4XlnATdT+zOHyp97IwWSojZb\n0fWznR7YEtiY5Pi7OiTR36tJzlOPknzm/yJpvO0DLAAsBpwB7Fjl/00HfEhyLD9Nclx/SVKdcTlg\nG5LG7OEhhPdjjGdW3OgQliDZn/uX/vQUcCXwDvBtYFtgVeBasukFKr8BSbRpJMlxCPBe6XnPkpwr\nFgR+QnJ++CFwfwhhxRjjF2WrOpGsiMx7pe35G/AZMANJ58YqJPulC46YTWna3Zrzl7++aV/kenJL\nv/cHPi797cwKy59JFgX4VulvvYpMkfWi/g9Yuca2TgusUOHvC5HcKKi3fr8a65gVWLPC3y/Va6By\nZGoqYL1u3ssfkNy8TCJpxIVGvlaSyIzexyeA/jWePwiYr8Lfj82tY40qz635XuSWG5pb12QRkdJ7\n9mTp8QnAVlXWk484fQUsUWGZo3L/60lgQIVltqRrVKMtkanSc8/LPff0AvvbOrnnj6vynizA5BGW\nHkWmevqZ9/A9WDD3f7uLTOUjLrNUWO783DIvlL7/ssJyc5I0jHQu+HaV/7seMFWNbZ+fJLo1iaRM\n/IxVlnskt11nV1nmmLLXWO29OCC3zGXAdFWWOz633Ellj/UjO3+/Qe3o3OzAoo34rP3lL391zpdz\npszaLCa9nCqFvV0IIY0Yh2Ruqe1Lv46MMU4sf35Byg36W4xxdI1t+1+M8a8VHvoVSQ82wCkxxrNr\nrOPjmJRq75EY46QY4z3dLPM8cETp1++QRKvK9ea15vOxro6T90jnn/9OjPGftba3BTYnmYMJ4Bcx\nxhsqLRRjfJ+kB/9rkgbYAfnHS1Gp/Uq/TgS2iTGOr7CeG0miEZ3grdzPcxR4/kG5n/eNMb5YvkCM\n8S2yqppTAn22lea4Oo4sirIEcGeM8dTyhWKM/wZ+X/q1H0n0ajIxxntijJOqbUiM8W1g79KvMwGb\nlS8TQliBJOoE8DxJdK/Suo4Dap5zQgjTkZ07/hJj3DnG+N8q6zuKpBEH8PMQQr5gzJwkEWqAW2KM\nH1T7nzHGD2OML9faLjPre9yYMusMl5a+z0Ey55RsSjZc61Ia5/PS9/lCCDPXXLJMCKEfyY04wKfA\nSQ3criL+XPoeSIbilCv8WnPPBairYEObaYjVJyTDE6uKMb5KNhlw+VDMVUluEgFuizG+XmNVp5P0\nyrdbvrE3e9WlKijdWOs9eDfGeF21ZUsdA8/1fPM60m3VOgBijO+R5BzJOTXW82ju58V7sT1/zv1c\n6VjON7DOiTHWGjJXcZhgzvpk+3g9HQJXlr7PRDLPmeQ7WL5fx3rMbArjnCmzDhBjfDyE8CpJ/s3O\nwE2lh4aWvr9SK6pSwL0kEYzZgD+FEE4B7ogx/qeO5y5FckMB8GCM8fNaC/dWCGFBkvdkLZK8jFnp\nWko8b2CFv/Xmtf6NZBjhvMDPSjkWfyDpye7E3IfVS9/HAhvWUYFMjaD5QwjfykU+V8wtc3+tFcQY\nx4YQXqT9jc1852BPP5ulya6HD9ex/ENkeYx92RPdPP4+ScQ3kjW8qy0nA6otFJLpH3YiabguUVq2\nf5XFKx3Lyl2MwIMVHs97qJvHV8/9PFsIYfOqSyYGlb4HkvPQnwBijJ+EEP4CrASsG0K4ETgbeCTG\n+FU36zSzKYAbU2ad4zKSsfkbhhDmILk53DD3WCOdTJJ8vgTJjeTVwKQQwtPAYyQ3KqOqDHsZlPv5\npQZvVxchhANL2zpthYd1w5xvMFSKPBV+rTHGSSGEPUkKa0wL7Fr6+iSE8DhJj/yoGONTBV5eQ4UQ\nZiRpMEIyofNNNRaf7OkkN7ZjS7/Pm3vstTqe/xrtb0zNmvv5ox4+N/9636hj+W5LbfcRH3bzeDqs\nOMZYa9n88OPpKi0QQtiWJA+r0jGab/zqeK60XN2fU4zx4xDCJ8AsVRZZMPdzrahbJeUNxn1IOh1m\nJhlquzkwIYQwmuQccR/wWId2wJhZL3mYn1nn0JxT05DMK/VTkhyEr0uPNUyM8WOSoSonkCTbR5Lz\nwfIkeQg3AeNCCMeV8rby8jc5nzVyu/JCCDuQDCGbtrR9DwO/Iamotg2wRelrz9zTJqve1cvXSozx\nDpJe55tJilhEkhu0DUvr/GsI4bkQwvq9f9W9Un7TGOv80rL5BuuMuZ8n1PG/61mm2RbM/fzvHj53\nhtzP9byWpkZjW6glwzNDCGuQdGLo3PEkcApJFcNtyY7lLXNPq1SJT5/TVzHGr+v417U+p/zxUu+x\noq8unTsxxidJKkleTjLsL5LklP6IpJLow8DrIYTtMbMpjiNTZh0ixvhOCOF+kgTuobmH7i/lLzT6\n/31GUhp7GEnEZlVgNZIbgDlJhvIdTdKQ2DD31E9zP+dvuhvtN6XvXwI/jjGOqrRQCKHbPIVevFY9\n/zlgy1L0Z1WSQhdrkJQ7npYkKnNnCGHHGOPVPXmRDZRv2P4pxrh21SV7tq7JJiKuYIbuF2m6fI5N\nrSFpleRvuvvK6+1LjiWLOO0eY7yo0kIhhO7eV31OU4cQ+tXRoKq1Pu3jEVioVFyksBjjP4ChpUj2\nKiTniNVIzhPTkzT2rwwhLBBjbHeeqZk1kCNTZp3l0tL3pWjw3FLVxMQzMcZzYozbkczVsgXZUKn1\nQwgb556ST1hfohnbVJrXZsHSrzdXa0iVLFDvegu81vLnfxZjHBVjPKbUWJmXLHk9AKeHENpyXi1V\nZNMN4ny9XN27uZ+/W8fyi3S/SPOUGtQ6XhTF7In86124juUX6n4Rg7QypPKTxlRrSJV0dyzX/TmF\nEAZQfYgfJPNSQXLc9vZ4ScUYJ8YYH4oxnhhj3AiYGziMLAo8LIQwW/U1mFlf48aUWWe5ka6Rn4/p\nWe5Lr5UaHLeQTXQLSQ+rPEe2jWuXojWNNnfu51qV5CCpylVIHa+1u+d/FGM8BFBJ9Tmpr/HRLGpE\nLFSavLeofGTnR7UWDCHMQ+8quDVC/vO7O8b4rx4+/1mSCCjAGnUU7lirh+uvJD/Ersjkv33F7GRD\n9np7LOs4C2QTHlezVjeP50unF51YvFsxxs9jjL8lybuEJJK9Yo2nmFkf48aUWQcpFUEYTlJlazQw\nvIFzS/VUfthLmr9QmivmmtKvMwGHN+F/54ddVY16hBDmA3ZpwP+r+Fpb+PxGyRcq+XUv1vMYWYW2\nH5cihdUcSBuvJSGEg4D/K/06iQKvu3SMaU6zeXPrq/T/1iKZLLq38kMpp+Rhg/kctFrH8kx0neur\nkltyP+/TTRT4gBqPAdwJaE6ovUMI3+5m+d7SOSLQ3nOEmTWYG1NmHSbGeGyMcZUY4+AYY29uiKsK\nIVwQQqgaTShNHLx77k/Pli1yCtnN4GEhhIqTZ5bWNWspAb0nXiJrUG0WQpisJzeEMDdJUYiakbHe\nvNYQwvohhP1KN3rVnr8IMKT062d03/veTNcDY0o/bxdCOKNSUQ0JIUwfQtilVGktVSrpfFbp12mB\nkaVhU+XP3xw4uDGb3jMhhIVCCJcDp+X+PCzG2F2572rycw39vlIuXqlM/6UF119O1egCSTGUKVJp\n+OmrpV9XqFSCvBTdvo6ulUIrretJsjmtlgTOqhRFDCEcS5KrVGtdE0gmJoakCubdpWO5qhDCKiGE\nU8v+tmwI4egQwpw1njcHXRv8U8o8ZWaGC1CYfVPtBuwWQniBZD6WF0gmPZ2BJB/kJ2S9yC+T3KSn\nYoz/CCH8jCRCNRUwPISwa2m5N0huGAaSJGJvCIykB3ksMcYvQwjnk9yoTwM8HEK4mKSh8BWwHElE\nahaSaMzOTXqt85BM/vnbEMKDJBHDN0l62+cgGa6zDVnRglqRxKaXRY4xxhDCViSTnw4k6Z3fJoRw\nHUkj8VOSxuf8JHP2rEsyz89RFVb3W2BrkiplywEvhhD+ALxI8t5tAGxFkm/2HI0Z+pa3fKm0tW6W\npyMpf74wSXXGwbnHvgJOijGeWPSfxRgfCCFcSlL8ZQ5gTOn3x0k+uxVIyuLPSLKPbF16atGKePn5\nu04t3Yy/QvJaAN6JMb5QcN2d5myyxvn1IYSrSBpFn5E0ioaSHGvdHcuQVO8cQ3LM7Q2sEkK4kiSf\nam6S6oCDST63BUiOg4qfUYzxnFJHzU4kOXcvhhBuJTlXjSWJIM1JEolct7S+14Ff5lYzC0mjbFgI\n4VGSY+9V4D8kjbQfANuTlVO/Ksb4DmY2xXBjyqx9GpEn0Zt1RJIbmVrzAz0LbFapgRBjvC6EMAG4\nhOTmM180o/z/1Kq6Ve01HEky2e7aJJP0/rz0lV/vCJKb/u5uwIq+Vt2ETUuSz1Etp2MScFaM8Zga\n66/ns+r1PlGqCrkicAWwDslNatXIIcnN+9jyP5YatOsDd5N8DnMzeaNrPEljcqfS743M/dmv9FXL\nJJJGydExxnor+NXaxj1IGktbkzTe9ip9ydfAoSSNUjWm6pn8eTIxxudDCNcA25G8t78rW+QyejeE\ntZGfRa/WFWP8fQjhh8AOJJ0vO5a+8m4mOb5rHssxxpdCCJuQ5JfOSrJvLlu22PMknSSa6LzqZxRj\nHBqSCdOPIjnPbEnXEu1dFqdrAR7IzhH9gDVLX9We+0eSfczMpiBuTJm1R36On6LPz3/v6eMDSSIL\nq5P0nH6HZA6Y/5HMxfQ0Se/7H2tNNBljvKOUT7MbsDHwfZLe2K+A90rruYNkCE+PtjHGODGEsB7J\nELwdS+ueluTG/wngohjjfaWhV015rTHGy0MIL5H0Sq8MLEbSOJmOpFf9TZIe9otjjOVDIet6nT1Y\npu7lYoxjgSGl4ZXbkZRzH0iS4/Y5SSWz50kidbfEGMdVWc+/SzfBe5LcCC9Oct34J0nOyZkxxn+G\nEHRj3NvoW7XXF0luiD8lmUPqWZK5im6PMb7dy3VnCyTDG7cJIWxBst8tR7KvjAMeAX4fY/xLCOGw\n3NNqTRDc3fuxI0kUZFuS/XtWsutyb88PRc8NRZetuVyMcccQwh0k7+syJJGl94FngCtijNcDlEbt\ndbd/PxRCWIykYbspSTW+iSSTR18LnFf6XVXzak7iHGM8IYRwEcl5bB3ge6XnTiLJq/o7ScTpzvJG\ne4zx4RDCD0g6WlYhqXA6qPT6JgBvkzTqLosxPoqZTXGCJ+Q2MzOrXwjhBpKS+hGYvTQxtHWQUgNH\nHRxnxhi7K25hZlaIC1CYmZnVqRQJ3aT067NuSHWsfXM/P9i2rTCzKZ4bU2ZmZqQVAgfWeHwgybxv\nqpB4fks2zLoIIaxeay6wEMI+ZBU63wFub8mGmdk3kof5mZmZASGEn5IUVPkTSY7UG8AXJBPPrkxS\nbKN/afE/A6vVyim05gghvEZSLOIukpzHD0gauAuTDL9cprRoBDaNMd7Zju00s28GF6AwMzNLRJKq\nbD8qfVXzILCVG1JtE0kKquxWY5kJwO5uSJlZszkyZWZmBoQQZiaJPg0hqdw4B0lVN1V+fAK4NsZ4\nR9s20ihVmNwK+CFJo2p2kup540nm6roPOC/G+O+2baSZfWO4MWVmZmZmZlaAC1CYmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBbkyZmZmZmZkV4MaU\nmZmZmZlZAW5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXgxpSZmZmZmVkBU9d6MIQQW7UhZmZm\nZmZmnSjGGCr93ZEpMzMzMzOzAtyYMjMzMzMzK6DmMD/rnRlmmAGAhx9+GIDXX38dgG222aZt22Rm\nZmZmZo3hyJSZmZmZmVkBIcbqNSZcgKJ3fvCDHwDw7LPPAvDVV18BMM888wDw4YcftmfDzMwaaK21\n1gLgrrvu4r///S8Aa6yxBgDPP/98uzbLzFro3nvvBWDdddcFYMyYMay00krt3CSzhqpWgMLD/Fro\n888/B2DixIlt3hIzs+I0hPmOO+4A4Ic//CEA0047LdNOOy0Ad999NwADBw5swxaatc8BBxwAwOmn\nn97l7wceeCAAZ599dsu3qRW+/vprANRJX6uz3mxK4mF+ZmZmZmZmBbQsMjX//PMDcOSRR7L11lsD\nMGDAgC7L3HfffQDcfvvtAJx33nkAfPnll63azKZSIYrPPvuszVtifdmvf/1rAIYNG9bmLflmOOOM\nM4Ckl1VDdi+77LJ2blLbKAI1cuRIAAYNGgRACMnIh3xP9OOPP97irevqO9/5DgBXXXUVAKussspk\ny3z66acAnHvuuQAcfvjhLdq64n75y18CcMoppwDZ9fGBBx4AYPjw4UAWGexrZpxxRgBWWGEFAA45\n5JAuj88555wA6fAxRUcBLrzwQgBuueWWpm9nLYpIlUdmdC6ZeeaZ0+Gvt956a2s3bgo3zTTTADDX\nXHMB2XGv/WbVVVcFYJ111gFguummA+C2225L16HzwPjx4wGYMGFCsze7x5Qusv/++wOw5ZZbAvDd\n7363y3JvvfUWkJ03rrvuulZt4jeKI1NmZmZmZmYFNK0AxVRTJe20/fbbD4AjjjgCyHoH6vH+++8D\nWQ/U22+/XXRz2uLaa68FYKuttgJgueWWAzozIXu22WYDYJlllgFgjz326PJ4rXLuirQtu+yyQFYC\n3hpDPbWKhiy00EJA9n5/0yy99NIAnHzyycw777xAVuzlnnvuAWCDDTZo2P+bNGnSZD+rmEwR6p0u\nz53cdNNNAfjDH/4AwIgRIwr/j0bTyIILLrgAgCFDhnR5vFJkShET9YieddZZTd/OvPJr25///GcA\nrrjiCiB5TWuuuSaQ9V4rUrXtttsCnRndUU/0SSed1OXv/fv3B7K8FUVRV199db744osWbmHPnXnm\nmQBsvvnmfOtb3wKye4XyfavW7++88w6Q3TOMGzeuFZs/mfLcoXIhhHTbdK3ViJy+TMfLeuutByQF\nKBTNboX5558/Hbmx4447Vlym0rmq2jKvvfYakEWqbrjhhoZta289+OCDQFboR6q9Pl1v7rzzznR0\nmPVctQIUjkyZmZmZmZkV0LTIlCJRxx9/fJe/T5w4MR3j/NJLL3V5bIkllgBgs802A7Lo1mOPPQYk\n5XfV49PpFlpoIf72t78BWQ/B9NNP385Nqmr//ffvNnKo3o53330XgKmnTtLtNC4ZsmiAyqM2y7e/\n/W0ALr74YiCLpr355psAnHjiiV22+bnnngP6XmRT1Ms6evRoIBvrrZ6pbwqN9f7xj38MZPtg3n/+\n8x8AZp111ob933xkqhX+8Y9/AFkEshNcf/31AGyxxRYVH6+nt/ePf/wjkPRWQxaha5ZPPvkESPJT\nINvGWq6++moAtttuOyD7DHRu6USqnqhzuHqddT19/vnnWW211YDs+Gg3Vbs74YQTgKw6ZIwx/ZwU\nudF37T9y0UUXAdnn+tJLLzHLLLMAWal+5Sm3mkbkVNvHQwjpsXLkkUcCWQ5cX9buyNTll1/ODjvs\nAJBGY8tHymh/0f2YcisrLaPP6J///CeQjYrQuaVd9t5776oVITWKSPfNGvFwzjnnANCvX780v6rd\nuYXd2WP1dtTXAAAgAElEQVSPPTjssMMAuPHGGwHSc5nuPXfaaScAXnjhBaD5n40jU2ZmZmZmZg3U\n8Gp+++yzD5CN65YPPvgASFqVr7zySs117LXXXgCceuqpQFZ9ZYEFFuCNN95o6PY2y1ZbbZWO/S6f\na6JTqPfst7/9bdrLrwk3H3roIQCeeOIJIOtxevnll4EsKvDee++lP2vsdyMjUxr3rH1hwIABacRS\n/1fzdynvQb0t6l1SNHPSpElpb43yUkTb3IkTKV966aUA/Otf/wI6p3e52dSjqfHqm2yyCVA7wvDq\nq682fDtUNVH/P0+5hossskjD/28nUA//xhtvDFR/7+uJ+ijao/yrZkemfvWrXwFZpb6f//znQFYl\ntpLtt98egEceeQSAZ555Bpg8+t1J/ve//wFw7LHHAvD73/8egEcffRRI8gl32WUXoPV5a9VoBITy\nvPKV1H73u98B8OSTTwLZ+b0a5Y520sgP9ZLXc7xoJIUqxk2pc1C1wpFHHplGYFSJr9r9pvaX//u/\n/0ufu/DCC1dcdr755gPgpz/9KZBFedpF9255yhcuz+sqv9c5++yz03x+RXl0rHWaeeaZJ40cllf1\nFJ2rFcH67W9/25qNK+PIlJmZmZmZWQENz5m6+eabgSyvQb1KK664IgB///vf616XeuLnnntuIOn9\n7fTIlGr/P/vss2mv26KLLgokUZxOoPHpf/3rX4EkN+3oo48GsopC3c2roF6d8ePHpxEifeb5eT96\nS+Od1Tsxbty4NMr59NNPd/l/ml9Cj2v+CEU285EFrU/5BhpfrR4n5U6oZ7odVFFM1Ym0H9Vj8cUX\nB7JjR5FGVZZUFbNyTz75ZNvnUNL8MtpmHUe1qHde0Q+dh5pN49PV01eLxnIr71DUi63qpXr/O6G3\nUHP/rb322hUf12tZffXV0++KCGkfFPXGq8qfckUUiWgWzXelyHVP8qDK58oaPHhwg7eu+SZNmpTm\nHen6NCVR9PSBBx5Iz+Oq7tmu+wVFOHQ9LZ/7J58zVa5SLmhf0e6cqd6Yfvrp02iuItHln5GquO66\n665ANoddq7300kt873vf6/I35VZ3d93YZZdd0nzDF198sctzO20+rdlnnz29Bxs4cGDNZVVVeo45\n5gCye4JGc86UmZmZmZlZAzW9C0QVOHoSkerL1DM+xxxzpNXXFJFSNEcRlHZVhFG0sLznuCdOPvlk\nIOlFU56RqnQ1knr+NQ749ddfT6vZ1UtRil/84hfp32affXYg661WRRiNRVaulvIsWhXpyFOkr7tq\ncspByVeuKt/X9Bmpspl6b8pNmDCB4447DoAFF1yw4Jb3jCJRmo9o/fXXB7LXUCt6Lh9//DHQ+s9J\nY+mr0Wd3wQUXpLkQ5VVMO9mPfvQjYPLPQBUHFRVQtau33norjQxXi1ArMjV27NhGb25FiibpfKue\nzm233bbbeaT03Hr2wU41YcKE9HynvIODDz4YyD6D5Zdfvj0b1wCq3hZj7JjPSSMqdD9wzTXXAJNH\nqKYUisQNGjSozVtS3IQJE9K5QDXqRdX7RNdTzVWn/GxFRVolhDBZPp7yubqLTF1yySXpfY2uvTqG\nyvOr2kWjp84888y0Qmd3NB+nKoW2OnfKkSkzMzMzM7MCmh6Z6k2ekHqZ99xzTwB22223dC6NTqNW\n8W677Zb+TTkBGgOtyIF6CZVHpp7cvkA91fpMAM4//3wgy/loJPWyqOdU1QZ7S5EaVcB56623gCwa\nox4bRWlWWmklhg8fDjTndZabf/7503HbmttHeSuK8iqnUOPyFckJIaT7mKhnVPtifj/Nm3766fno\no48a9jq6M/3003PBBRcAk/cCiiKpmrNO+X356l2tnnNLvWXq4S+n3A1VJlVP5pRCx7w+G70fs802\nGwceeGDN56rX98orr2ziFk5Ox5PywO666640wq6Kkd3RXHrdRbQ6yQcffJBGr3UMqdJsp0RyekP5\nUSGE9LxeLVdKERRFlHUubVaUVFFQVRmdUiNTysXV3GbK+1Sltb5G+dXdzU2p0Ti9GeVTxP3335/m\nfvbr1w/IKmhvuOGGQDYvo6JnypGH7D5OOVOaE7XdlBd11113AbDkkkv2eB2au+7II49M73N036h7\npWZoemPqZz/7GVD/xSpPJU9FF8NOpPKmiy22GJCUENcN3k9+8hOANIQsSiDsC40plSPXhMq6Kc9P\nwtxMjS5ZrmF8KjihmwuF8UUXv8MOOyy9CdRJqplGjRqVFpzQEEdNUqehj2pMKWlUk/OFEFhggQW6\nrE8nVJ2AN998cyApNQ/ZCfm5555jo402asIr6konyWuvvbbbC5ESSffee2+gcglkNTjVeBkxYkTD\ntrUSXWzzk1bn6fhQSepddtklvUCcdtppQOsnA24kdTJoKgw1Huu5WSyffLVVVHBCN9SPP/54Wizj\nT3/6E9B9I0mFW/pSY0oNKcjOc/L888+3enMaTsnzMcZ06ovyTlcV89Fnr6I2n376KQCHHnpompTf\nDBqyrU67WsODVSxEQ0zLJ53tCzQdTF/dv3S/oSHZ1a5RKmS1/PLLt7Rg0D777JNeB5WiILqv1DGg\n9AYV0znooIPSQjT6ruunXq+Kd1UyceJEgKZ0uqpRnm9E6f5G15zunHTSSUCS0jBy5EggG1que3Ld\nSzSyQI2H+ZmZmZmZmRXQ9MiUEt4V0VAPeT3Ke9c7kXrFdt555y5/P++889Ky1OWT8ClZUUncfYGK\nA+y7775d/n788cenhTb6EoWTNTxTFO1RxEa9HB9//HFLIlJDhgwBkh6vd955B8h6/9Uzo22UlVde\nebL1VPtMFNZXBEFDadXjPnbs2KYWBlBP2DHHHAPUNzxCn4W+V6IS9xq21ezIlEriquxv+XGhCKcK\nNOR/XmONNYAs4nbUUUcB2eeq84PK8LaDpgaoNumoIhzqYddytYaNaZTCJZdc0rDt7I3BgwenvbWK\nlnWX7NzdsJ++ppVDehvtzDPP7PJ7CCEdBVJOQ7P1ehXt0TBdjTpoNo0yOOCAA6oeKyoOpAi2RhF0\nIhUy0HlX9wl9NSIlGhY2atQooPp1Sp9hdxNLN4Mm59Z9pobu6VoouhbpGv/UU09Ndr5WAYrdd98d\ngJlmmgmofF7XJMjNGNpYPvXERx99lA6tzg9TrEX328cff3w6IbOuUyrZ//LLLwPZ6/r3v/8NZBOf\nX3rppWk0q16OTJmZmZmZmRXQ8El7lSSvCJR6/tXres4556S946JxzMovkEUWWQTIWtpPP/10Wsq6\nWRNydUet/O233x7IWsHlEY6ZZpop7SUrLzf5n//8B4CllloKyMZIN6q4QjOoV0B5bBprPs8883T0\ndlejz/Hee+8Fsol9hw4dCmQTxpZPsNps2p511lkn7e1rRtEVJQprwli555570p6gRlKPk3r6KuU9\nlesu2vHll1+mPb3qaVJUR2P2m00RPuVq6byg3sIilLStXvNWT9576623phHSegsV1BOZUl5eJ1IE\nWsVQlF+lY0H5btUida2kggs6F6unWLkT+uxE19e8m266CciihZpaoC/QuVn3AjqXxxh57bXXgOx8\noAmhdQy1I4JQyddff131WNE+dttttwGdHZnS+6kcNEWmmj0Rd6to37rwwguBrPy46LN644030vvV\ndlGkSEVmdNzrfJFXz/m62nLNjEzp/+j7jTfeyNZbb114fbo+azSI6HxfbYqYp556Kr3/uv7668u3\n0ZP2mpmZmZmZNUrDI1NyxhlnANkEWo2isY+tjhgoX0Nj7FVprREU5VG58XZVu6pk9dVXB7JqV9pf\nlL/z61//uj0b1iCqxqYeaeW1qGdz3XXXBbJoYrNo/LMiHG+88UYaPWpk7sy5554LZGOj1euy6667\npv+rp2OFa1GP0CmnnAJkOYb1qNZ7ppyulVdeOZ0stlMp2r7aaqux2mqrAfWXR9brf/zxx9NolarP\nNYPyvx544IG0mlP5Z6ARAb/5zW+ArDqk9p9a15PLL78cyM5z7RpdII8//jjf//73gclLA+u8pmqf\nep2dEJlS77+OqXp6l7WMJrI87LDDmriFjaGyxip1POecc1ZcTuervffeu6kV+RqpnsiUqpjpHuri\niy9uzcb1wJQamVJOtSZd3nLLLYHJ85P1WY0dOzat7NepI3VU1e/oo49Oc6Kq7YN6DeXnmEcffZQH\nHnigadtYXuG2t5GpalThVLnV1fLNIKtkLY5MmZmZmZmZNVDTqvlpXimNVdb4/0GDBqVVylQPXzQW\nU3lIGhNeXimrlRSRUnWr8oiUesU0pvaTTz4BktyJ/PwetXz99ddANolvJ0SmlAOmCKN6YDQPQV+P\nSImqPKn3Q/ORqOLYX/7yFwD22GOPpk5AqHkPZNKkSQ2NSKnHVpE25fHdeuutQDZPUKMowqdck/L5\nbepRHgVQ3uWpp54K0PFRKcj2o0suuSTt9VIvrnpvNUF0+aTF6g1cZZVV0nODegxVdaiRlJtXaY4R\nzcehyJhy1WTWWWcFkvyOatEbVTxVfs5BBx3UgK0u7oorrkjnmxPlumm/7UTKX9XEqNpPlMOgc7T2\ns2222Sa9TmnelU612267pXkp5TlRTzzxBJBFUPW6NVqkr0SloHaEU48pr7RaRK6dNLl9ea+9aJ69\nSpOuXnvttUA22qU8D0nnuPHjx6evXbmwWu+hhx4KNGYydM0Nuu6666YRKF2/yiM31SI5c801V3pc\n6lr+8MMP93rbGklR6f79+6fXj1r5yFD/3E6NomNYuZxDhgxJJyFu5DlZVVkVedT8b5UiU/VyZMrM\nzMzMzKyApuVMVTNw4MA030k5IVJe5U/z6+TnaVIE4cYbb2z0pk1mmmmmSXvu119//YrLaEypInHq\nDfzwww8n6+F97733gKxHRr27GoPaSRWVNA/QsGHDgCx6dsghhwCTz501pVl++eWBrLreq6++ms6V\n1ox5mMqr2Lzzzjtpz2yR/EBV1VRuhCJS6uHT2O+///3vvdjq6sr3n1qUr6J51zbeeGNg8nwdrUs5\nFFMK9UCrspAi9spn01x9edV6hItQJcs777wT6FqZVJ/B/vvvD2S5fdV8/PHH6Xj8clrXY489BmT5\nmJ1I8xApV0qU39rdfFSdQPmRe+21V5p/U151tt2+/e1vA1mkfO21104jUYo4lc8FVZ5XoXnaTjzx\nxOZvcC8pD+z888/vNmdKj+t+QZVCVf23ncaMGQNk10m55557ujx+5JFHTvZc7YvVIjf33XcfkFRk\nVVVWVZ8cNGgQkI3i0b5RhI7h5557rsu6oXfV7nSN1bnjww8/LLyNzTBs2LA0MqXRLzqmdOzJ7bff\nDmTzxDabcqz1eQ8YMCAdNaNrj0aoDB8+vO716pqkc4XoXqO8LQLZ+aZ8H3fOlJmZmZmZWQM1LWeq\nmnwve3kkqh4ag9uKyNRSSy1VNSKl3qLylq5mBO/fv3/aW/Hss88CWQ5YJ9P7q0ibaCzrlB6RUs+t\nekgUaVxppZXSCn/N6JUu7wEbNGgQd999N5BFmT744IOa61C0adddd02rqz311FNA9rmp169ZEanu\nPPPMM0CW93HCCSekPXfqFSvvyVNe23nnndeqzWwp9dRqHLfmn/voo4+AypGpRtL/qxRRUn7rVVdd\n1eXvOgYU+dT5opuRDkAW7e1k5REp5UEo2vPJJ590bHRKIyI22WST9G+as6hT6FqoURl6L8eNG5de\nU8tzoMqvn9rX+lKuVPn9Qj3WXHNNIItYtzMytcMOOwBUnVNpvfXW6/L9nXfe4ayzzuqyjLa/nnyn\napGna665pr4NrmH22WcHsmhznvJxNW+ZaLRIpRxgRaSUZ67RPJ1MEfgDDzwQyEZDaLSEPkdFZ5o9\n56GilRtttBEAN998M7PNNhuQVSNUPldPopLKtVMkvJzuORSp23XXXdN8+Xo5MmVmZmZmZlZAwyNT\n88wzD5CNQ1UFDs1L8uqrr/Zq/a3shVLVsDzlNWnsc3nvg6pBxRjTmdqVr9LJ1GusXpXysbPXXXdd\ny7epFVRxUfl5+lxVxVG++uorHn300aZtx/jx44GsR+hb3/pWOgeO9qNtttkGgEsvvRTI5lwTRdFG\njBiRRqmUh9RdVKvRNL755ptv7vJ3VezMVw+cd955gSxqJdrmwYMHA1mkphMoIqNItM5rQ4YMqXsd\nP/7xj4EskqCeNlX1q9T72Yz3oDxfL0/zsCmnRecy5WzNMMMM3a5DNA+Lol2dSNso6gFXVFTR4jfe\neCP97DstYqrqZPkckE6b+0bvoyJS+WhUtciLrk2ie4FOyCGq1+abbw40v4e/WZZZZhmg+uiMiRMn\nArDTTjsBSQVGRdw7jSqUKv8qf83XvJKKNolywCpVM9a1thmVVhtJI6Ugi3bqGqv7dt0/6Bqke41W\n7beq3DnPPPOk10XN2aj7ovz5rac0sk0RSLVPenN9bXhjSkNyVLZVb4RK5x5yyCG9blA1m24g8oln\najSpdLbCo+UWWGCBdHlNsleeMNuJNImrJi8TDclp5kRtraRhmzowdXGrVhJTF4dhw4alpUWbQUMO\n9H5/8sknaclsJUe+8MILFZ+r/Uvl+2+77bZ0GF27KGxeT/Ktyq/qPRCVDn/zzTcbvHXFqbNEJcJ1\nU6G/q0BL/oIFSQLvOuusA2QNDl3I+vXr1+3/1dAGlYVuFR0XW2yxRY+fq3PmmWeeCWTlZzuZhsFK\neQJ9fl88+eSTgc5rTJULIfQoWbsVVPJax4LuGyo1jNTBpSFWcuWVVzZzE5tCHUYffPBBWnCmnDoq\nOum+QcPGy4da6jynCbh1zu5Lna/qaFBhg1pGjRoFJBPfQtcOL3XMquHRqVN33HLLLelrVkeeXk85\ndbKXX5tbSUVI1Ilc77YcffTRaSOpnK5FjZw43sP8zMzMzMzMCmhaaXRFd9Sbrl6Y999/P03i1XAP\nRXDKXX755UA2qdu4cePSiQmbWUZ84MCBALz88svpsCtFpLrrcVGvxIILLtjUSV4bTUMoVAJZ9H5r\neFa5vffeO/08O5Ve00YbbZROxlceiVKPqHoOVaBBvc+tGkrygx/8AEgm3lSS74MPPghUL0Sg8vx9\ncSLlhRZaKH3Pdayp12jhhRdu23ZVox7a888/H6gvqiT1lttVEqyGHEyYMCEtNd+ISSrLaQJOJdzm\ne/7q3WYNi8kvpwmLe1O+uNXKX2e1yVXzy9WagLUdNBRLxWcgKY8OcMEFF7Rlm8qp1PJPfvITIBsR\nEWNMi2Xo3KviJyuttBKQTWqvCTf7orXWWmuyKKiUH3MayaOk/HZE6sujZNp2jexQEZ1vChVSU1pL\njDGNcmjYYLWRJJ1A97MazVKN9kUN2y+/P/wmcml0MzMzMzOzBmpaaXSNgVYi2+jRo4EkYqUEPfV2\nVJsIsjx6MHz48JZMbKtehyITHGqcbKeOl61GCYiinnflhmlsrcavK2F4v/32a9UmFqb8vdVXXz3t\n1VOZc0UaFYlqd2Lw888/n/6sbVLv15REUaiTTz45LWKgSEwnRqREUXQVoFAUW6+nJ5QHpfHrSqhX\nRKFVOSFKnNZIgIMOOqjb59x///1AFs0qUvK5E6lMcrUocL5AhRLY+wLlLHeKW265pct3nQOWX355\nRo4cCWSRJx1bitSojHNf9tJLL6XTq6j0eTXKFWln7qhyapT3qQmEv2kRKdG5WeW6IRu9ssEGGwCd\nHZm64YYbgGQ/hGwEUjXLLbdc07epr3NkyszMzMzMrICm5UyVU4/eBRdckPZu1Gvs2LFAMqFsJ5VH\nnpIo50G9gDfddBNAWsFOv2sCNU0Ce/jhh6c5Hmb1UontUaNGpZEZRUfLK+F1Mp3X1MusKmWiiLzK\n2+dp0vK+VPlqSnfSSScBWbVGRZ+U85uPWGli306qNglZHp9yi7bccss0Cqrec1UILS/93ElUll55\nVcrbXXTRRdu2TY10xBFHAJPnupbnTKmipHJjrf00+evTTz8NZDUCIKsArFxUjdLqRNpGnfc0/YqM\nGTMGIM3ZVTXDbzLnTJmZmZmZmTVQyyJTuXUy9dRJqtYBBxwAZDkSGoerSJRyRvbcc88uf7fG0+Sq\nm266acXH1Vt2xx131FzOrB75yJSiop2W12HfXOU9tYpCKVpy5JFHdlxEqpwmw85PkqzJclVNTxGr\nTqTIzfHHHw/ACSecAFSfE8es1TQ58Y477kj//v2BrBqqqk/q+tbJdE+unOAPPvgA6FuVWFvFkSkz\nMzMzM7MGanlkyjqTxgCrmp1+V2XD4447DoBrr70WgM8//7zVm2hTEM0WP3r06DRPz5EpMzMz61SO\nTJmZmZmZmTWQI1NmZmZmZmY1ODJlZmZmZmbWQG5MmZmZmZmZFeDGlJmZmZmZWQFuTJmZmZmZmRXg\nxpSZmZmZmVkBbkyZmZmZmZkVMHW7N8DMbErz97//vcvviy22WJu2xMzMzJrJkSkzMzMzM7MCPGmv\nmVmDlZ9XX375ZUenzMzM+jBP2mtmZmZmZtZADY9MbbbZZgBccMEFAMw555wAvPbaa0DSQyuLLroo\nAIssskjFdR144IEAnHXWWT3dDDOztql0Xg2hYofWFOU73/kOY8aMAWD22WcH4LTTTgPg0EMPbdt2\n2ZTnX//6FwDf/va3Abj77rvZcMMN27lJ3xhDhgwBYMsttwRgzz33rLhcCIFPP/0UgDXWWAOAZ599\ntgVb+M21wgorALDLLrsAcN111wHw0EMPtWuTemyTTTYB4Nxzz2W++eYD4NprrwVg1KhRACy11FIA\n/PKXvwTgq6++asm2OTJlZmZmZmbWQA2PTB1xxBEAHH/88UDWQ6te2Rhjl5/zjz3xxBMAPP/88wAc\ndNBBAHz++ec93YyGW2ihhQDYYostANhggw0A+O53vwvAAgssAMBnn30GwLTTTsv8888PwLhx41q6\nrWZ92cYbb9zl94022giA3XffHcjOD9dccw233HILAK+++moLt7B737TI1IILLgjA6NGjmWuuuQDS\nHunVVlsNgBdeeKEt22ZTlnPPPRfIoiH542q33XYD4OKLL279hjXJ4MGDAZgwYQIAzzzzTNVl1113\nXQDeeecdYPKqoo2i9c8777x1P+ef//wnAP/3f/8HwF/+8pfGb1gvTD/99Ky55poA/PGPfwRg/Pjx\nALz77rsAfP311wA899xzAOyzzz6t3sxuKVqo1/Df//63y9/vvffe9mxYHXbddVcAzj77bAC+/PLL\n9LEZZpgByD4L3V//4he/AODOO+8E4KWXXmrqNjoyZWZmZmZm1kANj0wtu+yyADz55JNd/n7UUUdV\nfc5dd90FwNNPP93Tf9d0e++9NwAnnHACkPReQBZtuuGGGwA477zzgKw39uCDD057kK6++urWbXAv\nTTPNNAAsvPDCQBYd3HbbbQGYZZZZJnuOPtsTTzwRqNwr3wnmmmsubr75ZiAbV7zjjjsCWS9OX/Sd\n73wHSPa5cuqNUm+Oor+i3hwdg82m/Wu22WYDkt7Wk046Cch6LJVnWY/LLrsMyMaHd4pvSmRKEfnR\no0cDMPfcc6evXVH8W2+9tT0bZ0ByTVYUQOcBjbSYNGlS27arKO1PyquQL774Io3i9OW8nH79+gFw\n7LHHAtk1WH9feOGFee+997o853e/+x2QXQMUjdD9SqNoxJGiATqfi4595a/069ePqabq2me/1157\nAVlefbtpJMTxxx+fRqK0jylCovdeoyQuuugiIBuZ9NFHH7Vug+t02GGHAdl9mUZvdHJV2YEDBwLw\nve99D4AHH3wwfWyttdYC4MMPPwTg0UcfBWCmmWYCYOTIkQD85Cc/aeo2OjJlZmZmZmbWQFM3eoXl\n0SX1VLz//vsAXHjhhY3+lw0344wzAnDbbbelY2jHjh0LZJGqa665puY6VGGkL5hqqqnSyomHH344\nkFXiKlepx/03v/lNl8dOPvlkoHN6PZXHd9RRR/Hxxx8DcPrppwNdq0vmqcdtxRVXTJdTj0ir/fjH\nPwZg6623BmD77bevuJx6AEMIk31O+jzfeustALbaaisg2581BlyR5Wa57bbbAFhvvfUA+OSTTypG\nOytRz5p6AzuZItU///nP27wlzaFoqCIe2r/uu+++9Nw4JUaklA+m8fuQvRfap//9738DWRXa/Lj/\nVlIVrNtvvz3N9VAvdaecm3tCERpFB8qNHj26T0ekdB5UPvaRRx4JZNfVX/3qVwBdolKrr746kEV7\ntK+pgmajKaJZHpFSZcW//e1vQHYsnHjiiWy++eYAzDPPPEAWHW235ZdfHsjOU5dffjnDhg0Dsvwu\n0fGjkS0PP/wwQHo/0YlOOeUUILtuXn/99QDccsstadXtTqN9o9I+Ul6NUK/v17/+NZBFszRaZeed\nd27WZlbU8MaUqBS6yp4fffTRQN9oTGk4zuKLL57+TTcI3TWi+hKFrk844YTJGn+62OrErR203N57\n782AAQOAbAiADtpXXnml8RtdBzU2lBz7ox/9CEiGtO27775A1jiuRhcynVwPPvhghg8f3vBtXXvt\ntQFYZ511gGw6gHfffTct+asbN+2X+v74448DWTLw22+/DSRJxyqHKrogq5jLoEGDgKxxtfTSSzf0\ndZVTWVNdZGWWWWbhgw8+ALJhCWrYaR/U35dbbrkuz33vvffSAhSd5r777gO6NqY05PLGG29syzY1\ngm6M1FhUI0qN5K222qplJWqbQUPHdDxof9WFetZZZwXgW9/6Vrfr0pCVSsNvm0mf0XHHHQckN7Eq\n1vCHP/yhpdvSCMssswwAxxxzDMBkw8Z0DuvEYgD16N+/PwAHHHAAkA3v0/lPnWi6kZ9qqqk444wz\nANhjjz0AmHrq5FZO++2LL77Ygi3PnHPOOUDWWJcjjjgibdjpWnfHHXe0dNvKqUF45ZVXAllqxp57\n7sn//ve/utbRicP6uqN7gPIUnL5K+5rOD5tuuimQ3fdtueWWLb3WepifmZmZmZlZAU2LTKkXSa1/\n9VmcpfAAACAASURBVLIvs8wyNUt7doL//Oc/QDIUTEPY1Guk0qOKUI0YMQJoTLh3uummA5JQvcLK\nzaThb/mo1O233w5koe/uIonXXHMNjzzyCEAaoVI4Vr25KhffbBrqoN469YQpObce6mlXhKhZFFVS\nIQz1LEp+KJveXyXHqmDDU089BfRsGJESksuHYKl3t1mqDe149dVX097/8m1QCWT1OKkHV5GslVZa\nabJE7E6hHjENI1100UXTc0dfjEyp9Pkll1wCZEOS9JmpeMhXX32VDgFq1/C27mg/2mSTTdIotj6b\naaedFsiGLf3pT38CsvO8hvfUGqqkoVdattGRKRVvUe+4ItUa7qLJkfVZzT///Gkkui/R9VBR9pln\nnrnicrrHaFYZ8GbRMDMVM9AkpPLGG28AWURKDjzwQPbbbz8gO8ZUEr5ZESkdF0UKWmh4vEastNsc\nc8wBZKOmPvnkE4C6o1LWWbbZZhsgux9SpOqII45wZMrMzMzMzKzTNS0ypciNihEoGXbxxRfv+MiU\nnHrqqWmURa9D5Rl/8IMfAFlSrManK3rQk9wqRSUee+wxADbccMO0YEcz6P/l81dU6l2v5/XXX69r\nXS+++GKaK6Wx0YpCqmexVZEp9TT9+c9/BrIep574xz/+ATS/vLt6issjUvLoo4+mn4WSqhuRi6LE\nU42t17h89eY0yyGHHAJkvfR6f1988UXOP/98IBvLrqhcefEa5e2paEZf8MADDwBJZEr5U31p+3UM\njxkzBph8agT15iqiDdm0CuXnEPVMK59MPe+tov3qiiuuAJKosCKbGklx1VVXAb2baF2TSyv3r1Hm\nnntuIJtqQ8eNzr96XJF5vc4hQ4Y0dDuaTbm8ijRpcs5yujYrH3uqqaZKpzBZYoklgGzaDk303SnW\nX3/9NO9QUV/RpKMaWSGrrroqkN1rQFbkpFpOc6Oo3LSKIfVlusYrr78nU3FUs/DCC6cjmpp579YI\nyrGe0owaNQrI7mVaPTLCkSkzMzMzM7MCmhaZEvU+KjJ17LHH9qmKeCr9q2prGm+vnBqVztZ4deUN\nXXbZZelEqOqJLh9nr6ojKie6//77A83v2VBVNPV0ffbZZ6yxxhpA/RGpTqJJ6FTNSb2TvaEeeX02\njZ5gUL0n1UrQv/nmmw2tirbddtsBWR6FqARskSheEYqM6RxQqUSrelkvv/xyIIuKqOevr1MuWF+I\nUKnnu9p+qmhPpXL1KhkuyktSRUlVadT70WiKov32t78FYOjQoUAWGVt22WUbGrFQ9FWjF1ZaaaWG\nrRuyyqJav6qUaqSHzucvvPBCl+cp76svmG666dKIU7WIlEYeKFdCTjnllPQzEI0gUdS73bSvDx06\nNL3G6Nz7+9//HshGeCgPW6MIdD6cYYYZ0vsqVZ21+un+SqXmlZP37LPP8sMf/hDIJj3uju7ZTjvt\ntPTeqVMmxVV+m+5N5eKLL27H5jRd+f1SedXPZnNkyszMzMzMrICmR6aUI6Ha9t/97nfT3uhqc8So\nwpJ60zfeeOP0sS+++KLL38on8moW5W9MmDABmHw+Bc0/ogjP1ltvnfbEauy3euMvvfRSIKsyp553\njXFvNlXxk+uuuy6d2K0vGjlyJJBEcyDLb+uJn/70p0AWeVRESp+nPvdGUSWuZs9XMdNMMwFZr7aq\nMilXKj/+vhVURVC9eEsuueRky2gMuyZ5nFIiUqKIQidTdbCf/exnFR9XL6AqkSni+fbbb6f5FYsu\numiX5yhSpRwe5Slp7qNGjXHXufiJJ54AshxO5TI1Or9EeSSaCFs5Y40es6/rg44Hzd2m6FqtCrCt\n7qXtKfWijxgxompET7kuW2yxBZBV9dx2222BLN83T5UO20XnX+VzrLzyyuljqnKnSsHKhRPNL3jv\nvfcCWRW6Tz/9NN3XWlWBTpGaiRMnApPPs3b44YcDlT8D3atplE+nePrpp4GsWu7gwYPTPCrNm6co\n6J133llxHRoF069fv46LEmq0gPIHdZ/5TaHRcK3S2WdYMzMzMzOzDhVqVS0LITSspJl6wmOMafUd\n5RRpLLtmbleLUtum3qUYY/qzIgWa00O9DJ1k4MCBQBaBUg+aqGdtrrnmaul2ad4K9agefPDBDB8+\nvPD6lJOg8eqqPqfxx83uPVPVLPWO9WSGdY1v1vwc6oH7/ve/D2TRrr5G+SLqUVtllVWArPdaVa5O\nOeWUNmxd1hM9dOhQdthhByDLb5hxxhmB7PhXrqGqlmlemUZHC5tBORKq5JenOag6ZYy9LLjggmm0\nQ73jynPS78rnUMUxHfP10BxOqj638847A72PzOt8q55mRXCU76rzbaMpEqYcmLFjxzbl/xQ1dOjQ\ndDSCooXNrlbaU6p6qXywPF0/dH9w9913A9k8ho8++iiQRW7ytE9pH2sV3cPouqpomtx+++3pXFHl\n8+spiqg83V133bXL4wcddBBnnnlm4ze6DoqeKfpcD1Xz1Vx0itJ1mv79+6f5ROWjB8rPb7pW6Rw2\nfvz4tCpjp4ykOOeccwDYaaedgGybFeGd0qy//vpA1q744osv0uO+kXOcxRgrhrsdmTIzMzMzMyug\n6TlTorGoiyyySNrDrO/VaIznhRdeCCR5V+qVUl6FeqXU6m713CW1qEddMzOXR6baRb0vaslr7HYR\nm222WVrRRhR5bNV47nvuuQfo2Vwiyy67LJBVulLEUxXG+mpECpLeXR1b5REp5ZG0KyIliiqde+65\nafRG1S033HBDIKtupTm5RowYAWSR7BEjRqQVrvqi8pyiTnHYYYelESjlRqn6pPKedD7vTS+neqx7\nEkmuRdXdFPVcYYUVgOp5iQMGDEh7lpXXWoSidJ3q5ptvTnupVW222bma9VLPcaU8KeWcKZ9V137l\nfeo6VikiJbrGqdKr8vOadW1SBcK//vWvFbftxhtvBJJ9VaN1ymmesPKIlCIenb6/ldNIA0UJdZ1W\n7nyr5qHszhdffJHm6XdH237TTTcByWiJTolIKe9bIz40kmNKjUjJ4osv3uX3EELD5/qrxZEpMzMz\nMzOzAloWmVLlpiuvvLJLDhRkFfo0blo5RqoAqPH6kM0Xcf/99wNZj5bG8uar5bSbenNV5eXtt98G\nsp5Tfdf4as3502yK5Kg39rTTTiucrzBs2DCmmWYaIOthGj16dAO2sn7ajzR/jKIxlSJues813l7b\nrkhU+TxMfYlyNy666KLJ5vhRj2wnz2303nvvAVmFOH1XxOG8884DsmN8lVVWSSOMlapIdQK939o3\nAW644YYuy+g4bHfuVL9+/YCu1VNVeVTVF4vMQ6f1nnHGGUCWI6p8kkZFSZQboN7i7tZ73333pbmR\nypnUdUT7nuYAqhZF6As+/vjjNMKo3B29vnY7++yzgey8DJNHpMrzHVStdfDgwd2uX/ua/s8mm2wC\nZNHvRpl66uRWShHAatGyX/ziF0ASkSuvNqZtVWSqnCoD/vCHP2x4Rcp6KR9Q+5Net2gEhO7pFJWC\n7D1RnqUqAnZKZKondtllFyAb0fLwww+3c3O6UPTz008/BSrn606JyudCnG666dJqzK+88krT/3/L\nGlMahpcvVaoTerWTRyVqWOmGShc5NapUBrfdScAzzDBDeoCNGzcOyLZZJeF1MdAFvVWNKRVZ0M1H\nrWES1ajk/ZJLLpmeDBX6blaidzW6QMmhhx4KZDd+KhE6xxxzsNRSSwHZkBHRBbovnthV6EMl4ueb\nb770YnfqqacCcP7557dn4xpAr0vHk0oJH3jggWkSt27ANBFjp9386gIHWaNQFzkN92v3ZL5KoB40\naFCaFK/JyXtjzTXXBGDfffcFsmOs0VNBzDbbbEDXxmAtyy+/fNrpoCEx2kYdN+rQU4O+rw7/VSEa\ndWqq06hdx4muhSrakadCQiqUpA4vTZmiz6gIdbQ1msp+qwO1miKdEeosfPzxxwH45S9/2eN1NIqu\n+zoeNDRbdH+mlIYrrrii6v2FhniefvrpTdnWZtB95vjx44HsXqoTyr5rWKgaq0qPaaQFFlgg/dx0\nL7/11lsD2XDt8sJQ5ZMGt5IKbZUP99PUN/lATW95mJ+ZmZmZmVkBLSuNrknQNtpoozQErChBb4pG\n5EuuQ1b8oHxS3VbRcIUXX3wx7S1X5ECJoypIocR6TU7a6Ekem0Hlz/X+TjPNNGmhgPJCFO2iKKj2\nBUXKrr322jS6scEGGwBZj22nT2pZiYb16dhaddVV08e6K7uvoVfqWWxVVLSRNt544/S1iyLT77//\nfjs2qUeqnXs1IWc+mtUKKim7/vrrp8NC99xzz8Lr03GoIkEaprTlllsCWeShUZZffnkgK7KintK9\n9toLyEqy16JhS4pU6Zym0QOK5ita2ok0XYgiOXPOOWd6rVHPupLl1ZtdPvS02VQcRNGW8uFijaaC\nEyoR3+hoiIYo6/zT3XbEGNPXrHNxOe2/itS98MILDdnWRnjnnXeAySNTuofR/cEjjzySnqNVGEEU\n1VEahIYBdzIVqFBkVyOgFNVvJ+2DKtCiiJGK7FQqZ69h8iqcIuWpOPLll192O3xa6Tqa+qNZkSlF\ntTV6QkVmNEVGLfrc9Lo1kqceLo1uZmZmZmbWQC2LTO22225AMsGryhkr96GI8tKU0u4Ig0ptDx48\nOJ2A8LHHHgNIk+EeeughIMulUmSqk2ms9EknnQRk49hHjhyZlqpWT1Mn02S2yn1QkQrlVfUFSy65\nJJDl3uQjUpCUQNW4eiVvKzdE+TnqObzqqquApAhJI6i3Vb2QzSwXO80006S9cUo+VUn4YcOGNe3/\n1qKoSyN6+lsVoVI0Xe/ljDPOyKabbgpk0ap69evXL81ZVBRASejKK9D+2qx8HUWk9f91jXvwwQeB\n7Li5/fbb616nygvrurPYYoulU190Cl1PFXXJ5yerwEZ5kZNFFlkEaF/ZZBVlUuSsUdQrrvO7cid0\n7W005aloYtodd9wRyCa5Vn6goqRffPFFGrEtL6Sh46LZ0bre0D2NylFrlISop3/48OFpsbBq5xId\nlzrfdXLpd+Xk6vqpwia9uZdtlPJRWtWEENJldA/a3egwfd633HJLGk1uNeVHKx9PI9vyRU7qpdev\n3L+eXK8dmTIzMzMzM2ugpnV9aCymxsUvsMACQJLfodZwb5SPw2zEOntjyJAhQNbretttt6WtedF4\ne1EFuU6kcbbKKVI0ZOLEiUCWl/CrX/2qT0SkZJ111gGynrROLaldyY9+9CMgG0uv0rLqBVTu2ogR\nI9LS7+pF0u96rpbVxJeNohwTVVgs78FrpC+//HKy6Eal6mCttO666zZsXeoty0cYmkFj62eeeWYg\nGU/e04iUxqnfcMMNaV6OqvZpX2tV7+1vfvObLt91ntUErnpfp5566rSqUzWqEKjcEEWzOi0qBVnF\nTp2jZeTIkWn1MZXu3n333YH250pq9IaqqypS1hOqyPXMM8+ko15Uyay7XvpGUXRF37XvK0qryJVy\naw466KC6Srt3Kt3nKNKmSqSiqNqhhx7a7agPvTcqW68ocCc67LDDuvxeXrmunZTfuvTSS1d8/Jln\nngG6RuS1n3ZqFeNZZpkl3d7yETj1KJ92RPdDynlrZK6oI1NmZmZmZmYFNC1nSj3SGmOqyQI1x1JR\nqjL1s5/9TNsIZL2eZ511Vq/W31Mar6kx2qpYtdhii6U5CKpqpUiVKuHo75rorhNo3LJyT5Rjo56L\nzTffHMgqtvQ1Tz/9NJBFatTjrMk5O5F6M5XfpLlSNGeJckQeeeQRIJkjR1WH1HOmyUh7MqdbEerJ\nV46GqgnqfT/uuOMAuPXWW3v9v5ZccknGjBkDZFE69QS3a+6SRuZMyXnnndfUuacUMdcEvWPHjp2s\nSlc5RQCVa6cJVmeaaab0XKGKme0aY1+NKq4tvvjirLjiil0eU2QxP8kyZLk2f/3rX4HOm8esp3TN\nUS5zuycrVw7u0ksvzahRowAYMGBAzedo4lpVu2v33JJ5GtlxzTXXAKT7mXKoatG5UtUpO5kmHtb5\nvFpUpB46D3VyZErXU11vVJVSn5k11oABA9Jos0YW6DhXvQS1LZR3+dprrwHJKJnRo0cD2bx2um9V\nVc0inDNlZmZmZmbWQE2LTOXnlYIsGqNx3Xkat665PMp/l2233TaN5mi71TOtXJhGzmhcjw033BDI\nclEUfVp99dXTccPKL1L1kV122QXonB6YAQMGpNEN1epXT6F6mVXFSmPC+6K11lqLe++9F8gqDyqS\n2ImUh6LZu8t7ahWdXW655YCsZ2+GGWZIcwjV0/7SSy81f4Nz9L5qXi/l3Ol919jzq6++usfVm1Qp\ncMyYMSyxxBJA1tOuypiaZ6tdFKGqJ4fq5z//ecW/q+pcM6NSkFVAVeWzWWaZJc2lO/XUU+H/2TvP\nAKnq821fK8YWTdSAvcaoWCIqYsGKxt4IdqNGRRQFExXL3469oyL2Gmwx2HsUC1GsYEOxi2KNPfaC\n8n7Y9zpn9uzO7s7szJlZfK4vC7uzs7+ZOfW5n/t+SKt/ph9Zgc6mp44dOzZJXbJHP6g/PF+pmBSb\nR1cLPP+bFJdl/PjxAKy99tpAfflWiqFHTe+os4AgPce6/3nMsPOgM3DaaacBMHjwYCB9TaastoaJ\nr85BKtWvmScq0ypy7j+mUgb54+zTE044AYCPPvoIaExoroafP5SpIAiCIAiCIAiCClI1ZSrrbaoU\nTtg2PabWaWxWKlQHnD7/6aef8uijjwJpSlY9zSSA1B913HHHNZs/YoLK7rvvDtS+0l8JDjjgAE4/\n/XQgTfhyFk29semmmya+m8IqZiHZKeWmeF166aVJhbBeMKnJeSvO+/rqq68S5aWYUmsV0NQ59/nC\n2TTO01I5CUpH1dmKf3t4//33gcZ5Mn71GB3UL6rezpfxvOUssFox88wzJ2vSdyRffPEFkCq1+kA7\nA/oH7djp0qVLovqecsopAEniYmfGFFc7BTzftoRdRKbQdYbP89tvvwVSz5R+5lCmaofXBSZ8q3T2\n7t27KnkExZSpqt1MabQ888wzgdT0C2mogRje4Pezg1WV7SAdxlkvLSReTHjg1yy3+eabJ21Zyta2\nynTE/FYJDM149tlngcaBrh4kvEk9/PDDgdqvtZKMHz8+MdZ7gW6seL1x8MEHtxmd70WrRkw/s3pu\nD7H9z6Gw559/fnKs0ORv7LStZB4XPIHJe++9l5y8vfGclrbXvPHm/NBDD02Gj9pW7TbmDa/bmO3b\n9TxoM2iOLeiee22V8/OuJY5XMNrec70FogkTJtRmYR3Aop1t9Oeff37SlpRXfHueeLO+6qqrJufa\nbCiQx5hKhvVUG294vUZ95ZVXgMbROLUeM/BLx6AjjxeHHHJIcmNVSaLNLwiCIAiCIAiCoIJUTZn6\npaAaYBVNxo0bl8jWDkqsdfvLLLPMAqQxng7Te+CBB9hiiy2A/AM88sD40ieeeCJphTOsYdSoUTVb\nV2usuuqqSYynMdTuqx9++GHyGIC33nqrBiusDF27dm0WT20sv4O/ZcyYMUDaKnj33Xcn4weCICgd\nlXpHGbjP2RUSBEGK5+SFFloIIDn/bL/99nEu+oUQylQQBEEQBEEQBEEFCWXqF4Txtw49O+KII4DG\nMIbOPoSyNfbbbz+gsWdbtdAho/WMA2713hlvbmR2EARBJdATZ4T3tBA4FARBUGlCmQqCIAiCIAiC\nIKggoUwFQRAEQRAEQRC0QihTQRAEQRAEQRAEFSRupoIgCIIgCIIgCMogbqaCIAiCIAiCIAjKIG6m\ngiAIgiAIgiAIyiBupoIgCIIgCIIgCMogbqaCIAiCIAiCIAjKIG6mgiAIgiAIgiAIymD6Wi8gCIIg\nCIIgCILK8sc//hGAkSNHAjDHHHOw7LLLAvDVV1/VbF3TGnEzFQRBEDRhq622AuD8888HYPrpG08V\nn332GQDjx48H4J577gHgn//8JxAn50qz0UYbAXDXXXcxdepUAKabbtppKBk1ahQAW2+9NQCvvfYa\nyyyzDAA//PBDzdYVBNMK7k/LLbdc8r0jjzwSgEMOOaQma5oWmXaOykEQBEEQBEEQBDkSylSZzDPP\nPABcfPHFAPTp0weA9957L3nMjDPOCMDCCy+c8+qCQrbddlsA9thjD+aee24AFl98cQDeeecdAC65\n5BIATj311BqsMAjqix9//BGAhRZaCIDvvvsOgPnnnx+AP/3pTwCcffbZABx++OEA7Lvvvtx+++25\nrrUaLL300kCq0Km4ff755wDsuOOOrLTSSgDMPvvsAIlydNtttwGw5ZZbdngdRxxxRPLcPv+0hO+z\nr22xxRZjwQUXBOD111+v2bqCIAhKIZSpIAiCIAiCIAiCMqipMvXCCy8AaXXq008/BeB3v/tdzdbU\nFiussAIA999/PwC//e1vgbSy9oc//CH5/5QpUwA488wzAdh///1zXesvna5duwJw7rnnAi1vV35e\nW2yxBRDKVLWZaaaZAFh77bWLPubnn38G4N57781lTXnx4osvAtC9e3cgVTtOO+00AI499tjaLKwF\nbr311ha//+677wLwj3/8A0iPgx7j/vWvfyX9+GeccUa1l1kxunTpAsA555wDwG677Qak3QXy5Zdf\nAvDTTz9x7bXXAvDFF18AqXr35JNPVmxda6yxBtC4TzQ0NACpj+ruu++u2N/Jm/322w9I9wWZMGEC\nkyZNqsWSgnbgOXTy5MkAzDLLLAB88MEHAFx++eVA2g1y6qmnJt0706KyGgQSylQQBEEQBEEQBEEZ\n1ESZslKx1FJLAWnF4pNPPqnFctqFHinTrVSkrEo+/fTTQGMaEUD//v2Tas20rkiZ9GW12gpt//79\na7YmgI8//hggqXROP/30/O9//wNSL0i9MmDAAI477jgg9XW5dvefn376CYA33ngDSBPWWmP99dcH\nYPnllwfgmWeeAaqnAllF33nnnZv8fVXD1lDJWW+99YC0+tlZMaLWNLYTTjgBgKOPPhpIE5Yee+wx\nIFV9/Hk98vbbbwOw3XbbAY3eUT1Dzz//PAD//ve/a7O4ElCZskti3LhxAFx99dVAem66+eabgdRT\nlhfXXHMNO+ywA5AmJ/qed4b3N4seO9U2uf766xNlOqg/3A/cFlWqbrnlFiDtLhozZgwAl156Kfvu\nuy8AgwYNAuA///lPfgsugcUWW4z/+7//A9LrvWeffRZIFTf9fNdddx2Qnov1Ngbl0a9fPyD14u69\n997Jz15++WUgPR+WwujRowG48cYbO7rENgllKgiCIAiCIAiCoAxyV6bmmGMO1l133Sbfc57EYYcd\nlvdy2o2egJVXXhlI1bQll1wSgP/+978ATfqDL7zwQiCtbmy44YYA7L777kDj7BBIVa3OhGrUtttu\nm3g9fv/73wNw33331WxdLeFntsQSSyTpY1llygp7vXD11VcniuaKK64IpPvJfPPNB6TbnlVyFcGW\neP/994HG/Q+gW7duQOoBWWKJJYB0Oy4XK/znnXceALvuuisAv/rVr0p+LpXrJ554Aqh/NbEt9FCK\nVVAV1AMOOACA1VdfHYDevXsnv6dKWQ3mnXdeAC666CKgMfWy1O1AlXT06NGJkmY1UAWlnlP+3Ld+\n/etfA3DnnXcCcMEFF9RsTYVcddVVLLLIIkC6XXj+2GSTTYDO5aH6zW9+0+T/zi875ZRTarGcqqEa\nM2LECKCpb2js2LFAqubI6aefDqT7lHiceOWVV6qz2BIo5qkU1dKddtopURT8bFdbbbXqLq5Mnn32\nWWaeeWYgVUzdt/T4ZX9eOLup3smqwPVES4qUeJ3j11Jo6flaohLvTShTQRAEQRAEQRAEZZC7MnX6\n6aez6KKLNvmeCWrXX389kFZorcjvtNNOOa6wKYstthgAm2++eZPvX3rppUDzSr6pcE8++SR///vf\ngVQFKJxBVUhnUKZWWWUVAP76178CqY/FeU2F1FsinhWxQYMGJelDopI4ZMiQ3NfVGt9//30zX5E+\nDivSqhWqQVbNpk6dmvhy/JlKoj3EVgetdvr4jmLC2dZbb93k+99++22Tv3PNNdcAMHHixMSnokLi\ntqWa5WyjYcOGAenxobNj5dntUzVPz9Faa60FlKfqlYJKx8Ybbww0Vp3d38tBFV+fnP4ClcV69Ma6\nNn1tN9xwQy2X04y77747UZ6uuuoqgE7tofKcZ9eAypQKYTn06NGDo446Ckj3oSuuuKIDq+w4Khcq\nUu7zEydOTBToLNlrDbHz4Nhjj+Xkk0+u9FKrTmudE/XALLPMkqjn+lblxBNPBNLzm/uaKmJnINIU\nm+McwUoQylQQBEEQBEEQBEEZ5K5M2fcNqbpzzDHHAOnMAr0EJsVceeWVQG0qbqa3WPVvC1Worl27\nJn2Yjz/+OJCqO1YITDYrpnLlierfpptuCqR+lYUXXhhIe9xb6i210mx/ar3NB+rbty9AE1XKWTB7\n7bVXTdZUDJWkI444IvE3iQqCX1U6d9llF6Bp2o2fn5W22WefHUiVxc8//7yi63auiMqsPkFnDbm2\nl156CYCHHnoIaLly7NqtDs4222wA7LnnnkCqfHb2dL8s+tes4OqxMhWvWqjC6AsYNmxY4nvSD1lK\nVVMPn+mEPr/+A4/n9YT7id7Jeq44e6z26+uvvw6kirXppSq8b775Zs4rbJtll122yf/nnHPOsp9r\nhhlmABpT4jxWeMxXJVXlnTBhQtl/pxxUnQcMGACk+/SKK66YzNwrhrPOVEt9Ds/JnYENNtgg+fej\njz5aw5WUhkpUMb755hsgTdoNOoYdM9Jer1O5qEhVMuUvlKkgCIIgCIIgCIIyaGit4tjQ0FCxJksr\n42+//XbiAVhppZWAtPJ60kknAXDIIYcAaX/xmmuuCTTvY80De69VbOTDDz8EUoWjT58+QKp+fPPN\nN8m67Q/Xn5Odv2RV1Kp+LbBi1l7vjPO0LrjggsTrUa890VZsTVOENFGx1j31WQ466CCgsTLmzapG\nFgAAIABJREFUZ+E+aiKf1VbTIr/++uuiz3faaacBqSdM1bfSvraJEycC6f5gZckK3jbbbAOk/g73\n7W7duiXzs0RF2ter30s8Xjz66KMMHTq0yWM7MyqMpur5HpkwlxeDBw9OFEW3E1Mw9diVgnPQ3J49\n7pfzXJVGz6dK6uDBgwG47LLLaramUrHbw04Hjwu+76NGjeLQQw+tydqy6H8snP0Hadrd3/72t5Kf\n089s+PDhRR+jEr722muX/PwdQfVJv5te1e7duyfvQVs48+jVV18FGucJrrPOOhVeaWXxGu+VV15J\nlDTfez+LeuOVV15JkhVXXXXVFh/z1ltvAennaoJxa+fgWuF51Pe7MA3PxOVC5bAe6devX6tJfy3h\nXKru3bsn16ayzz77dHhNU6dObTH6L7ebKVs+jjnmmGQY5zLLLNPkMQ5I1Fj71VdfAc1jVPPEtWj6\ntc3N9y37f28yBgwY0Gw4nRdFPmbuuecG0oNkOdGPlcKbKV+PrSGjRo0C0gs8T9CdCS/exowZk7Rr\n+nqfeuopIL3Z8KLKbS8vbNk599xzgbS1DdIbIosMpdCzZ08gbbEwCMKWU9vuOooXdG21FNmSZAjN\nyy+/nHwWHgQtQtgy2xq2WdgC0xnM91mMj3cguDcdbpNeaOaJxSEjwj3++T6XQl439OXgOWf77bcH\n0v1Qo3lnxEHZDhLt3bt3Evji51irGHXHPXizLt6slzPg3tEJHudbwtZTj/95Dwb+y1/+AqQtrvvu\nu29yrG8Lj5VGon///ffMOuusVVhl5bBweddddyX2BV9HvRZdd9hhh2T/cFvKhoN5M+WNigEj9Xhd\nZHx9VggoZOTIkUDaUlrPONi3veFALVlSvLnKjmfq3r17u9dR7GYq2vyCIAiCIAiCIAjKILcACuOP\noXj1OG8Jvj088MADQFoBN5DCu14Ny1YmjG1uKe5cKTgb/9pSvHjeWD0yojZrEM6iqlbL0Iz2YqT4\nVlttlVTabS8xmlcpfPLkyUDajpFX+5hhEqq23bp1Syowtr+Ww/jx44FUiVPx6tWrF1A5Zaq9Jnfb\nCmwLLFRjs0q1uN9YyVU9mG+++VhggQWAtMKmctLWUMl6wGqg1bIZZ5wRSNs4a6FIicc9267sLHjh\nhRcAOPzwwwG4+eab23wuq7n1iO2nHt87syIlqk6FUep2WGy22WZA7WLUjd/P0pGo79/+9rdtPsa2\nM7fns846q+y/VwlKGfaqqmU4kYFW9YiK1L/+9a/ke15T1KsiJe+//35yXed2WmxsjXYOzz/1qEx5\nrvc12ZXSpUuX5Fxja3BnwLAIwyPaav/r169f8juqWsUe6zm4I22AoUwFQRAEQRAEQRCUQe7R6ND8\nbl+DpSEVUg9GReOXVTCyvqasL6o9eLfsUN96GKbmwFRfj0ZhK7dWx3ycsd1vv/124vmoRUBIKYwe\nPTpRZIzZdkCi26DDO8eOHQukn3u1zfJGh6uITTfddEkAQTWYa665qvbcraFnyvf/0ksvLRp6ordQ\nBcfPxMGcAwcOTLwX+quMtK1HZco+e6u3elqsHHq8qwcvkRiaY0iI+/pNN90EwJ///GegdYUqe1zP\n24+YRZXi+uuvTxTqHXfcsZZLqio77bRT0Rh14+rz8lAttthiTf7viIZ6Vy0qzXPPPdfux2bfM/1v\n9YCR9g8//DAAf/jDH4C082PKlCmdwo8jxa7FvD6opX+/VBzv4LFZP9jBBx+cBF15LFTdzYZB1SNe\nP/u1mNp04oknJtcDxfII9GlXIpgilKkgCIIgCIIgCIIyyE2ZsioLaXyy2MdcOFQV6usuWW9QJTxC\n+jtUpqxMP/jggwC5x56aZAXpQEC9RQ4MLMYSSyyRqFmqHZUeCFsppkyZkniIHNar98OqjaqB6XS+\nH3nFOFsZq6YqBWkPcTZVKy9a8tHsu+++QPNo8Gzylp7D4cOH88UXXwBplLXeTPups8MAa8nOO+8M\nNA7FLcQEyXr0jIoeCNVBE/lMIFRtKny/VXWNrva4l42rzRurzJtvvnnilVIFzQ7K/v7774E04r+z\nY7Ki/kNHFeTloXJ/FfftvNP1OhN2S+h5cVxLLVDJWGONNYC0w6BYGtr7779f1x6vQh588MHkusDr\nBPH1qeD4WdTz0N477rijxe9fcsklyefWtWtXIFWmTQKtp2vvtvAclFWoWkvH9ncqoUhJKFNBEARB\nEARBEARlUHVlytlKvXv3LvoYq2K/FLKeMdUI5zDkTaEimB1WZ0XWirM9985hWHPNNZP+aKvVfu0M\nqDjpBbGKZmpjUB304k033XTJAOwLLrgAKE2Vs7J+zDHHAOnnpsev1sqUivx1113X7BjobJ168ki1\nxbvvvgukKuLyyy8PpPPohgwZkiRc6cfxsfqsao0dAdB8rp4pV2KFWiXX9NbOivuYX1WE9FA5j271\n1Vevyt9Xhe3RoweQem48B3355ZdV+budEd8j5+45E9HjZS1xTVb/VTpVfU1c83qhs3DJJZe0+nOv\n1ZxXVs9pfsV49dVXE3XT86RdBCpwnUVNhFRdau9QX6jOdUEoU0EQBEEQBEEQBGVQdWXKGUozzDAD\nAJ9++mnSZ2oVo1iyWCmJN50Zq6P2484999y5zm/acccdkzVYqXz++eeB1E/l/KMsq6++epJC1qdP\nn2ovtWqY2mif8cCBA4HUx5Ltoe6s+Dmb1liYupQH7uv6hwD22GMPoDyfmClgWU+L83RqhYqUveg9\ne/ZMvF7HHnssABdeeCGQ3yyzamAapl6qiy66KFEXTFjMa9tqC5NI9UVAuh9ceeWVQOpb9fMzOfL2\n228H0jlpnWG+XnswGc45VM560ztaaQ+Vfrltt90WgJlmmgmAW265BWjeGdEeTJFtbV6jx5ZHHnmk\n5OevBM5lLIXjjz8eSI/Zqu+15McffwTSY5hfRQ+yytTRRx+d4+qqj59FZ0cFWmVK9LX27NkTqH3y\naimYzNeSV8qfFfP2VYJQpoIgCIIgCIIgCMqg6srUpEmTgLSiMeeccyazCEwU0VclqiNWO6d17MM1\nQSXvqudCCy2UvOdOhh8yZEjJz9OZK+xiRVb0DmQT2DorbmsqjXmrBk5ln3XWWZPvWZ0uB9P7srNY\nCtNDa4HKphW+H374IfESuo91Rnxf7U83idVUKIDLL78cqB9FSpyJpS/qo48+YpdddgHSGV9ZhVOl\n+oUXXgDS16YfrLPjfCDnbDlHR+W40srUE088AaT+ORUxU2Pnn3/+xJfXXo488kigsYvCtLksekD8\n+3nhcW7//fcHUoXMSnlLuI+tssoqQLrt6WurR+wyOvTQQ4HGfQvqf/ZkqXj+7OwKlUq85yS9xqq7\npm6aiusczHqktTmteShSEspUEARBEARBEARBGVRdmVJtmTx5MtDYz3jPPfcATauZhZi0YbVwWsWq\n56abbgqkFfpf//rXfP3117mto1u3bknloVRFqrDn9pNPPqnouvLEyqxzpcT5RZ0VJ53rWRS9Enmj\nN00Vc95550366p1o3t6ZM3vssUcy4VzvV60xFfKII45o8v2hQ4d2SkXK1E69USpSHrv1EukprGeP\nhNVWK/37779/4pEqhturmF44rZGtuFd77pP7x8YbbwzA7LPPDjR6cOxYaa+H0muLW2+9NfHqZDnw\nwAM7tN5yUTnXm7fbbrsBraeJmYzpPtYZjhv6I01lVAG0I2laIatI6aF01mY9oI/NWWBiivQNN9yQ\nKNAqp8XUnWJe+XrAhNXWyFNRy+0K5JlnngEab6ayN1G2g3hBpAlWyb4edsgVVlgBSC+W+vbtCzS/\n+C4FjXJuyK3JldVk7733LnkQoNGg2267bRICkL2A7Az4Omwz6dKlC5B+FtmLqc6CN+Z+JtNN1yhC\nG4LQ1kVktbBIcOaZZwKNseDu78alaxLPxlDb/mKL1UknndSsnc+LwJNPPrkay2+GoTFexBkRbCuZ\nbQZXXHFFLuupBF26dEmKKgYweAz2Qs8LvIkTJwJNhz/XS3uf5w9bkBzM7df2sN566zX5/8UXX1yh\n1dUWh3NmBygbHnL11VdX9e/b/m8UtTc7u+22WzIoudSBml7QF2LRxhvovPj9738PpMUGX6/Dr1tj\nrbXWAtJ9qzOMTnDcgMcJh6JOa2SLDsstt1wtl9MEW/Q852evJw3T2m+//ZL1t3XNWdiOX2/ccMMN\ntV5CE6LNLwiCIAiCIAiCoAxyU6aOO+44oFG61ux27bXXAumwWs3A8803H5DKlA888EBeyyyKlWUr\nEd7RW5FxGGFhxV9TvK/XlisrBIXDciENnsizxQ/SwaeloIF4zjnnTGJu6y2AwgqN21NLlc5bb70V\nSCvQfq4a0Ttr66JtiwY+iAb6Wg8fve666wA48cQTE0Xa44G4T4nBNdnAmkJsX6y2SmrFzv3dAZvy\nyiuvALDOOusAnSNK28/hsssuY6eddgLSAALbsbLY9ta/f3+gcSDkYYcdVu2ltgsHak6YMAGAOeaY\nA2hfp4NqlsEzHhfOOeeciq8zT1Skssd8X5/H8koHTxTD6wLPkf369Uva/DwmFxv27MBf2338fIFE\n3VKRUrXKayiwxn2Pv+4/3377bdHfsUXWLgLbtepF6W0JI98NEvn000+BVMGe1si2+Tnsth4wsKSS\n2N5dTwFcWTW9XghlKgiCIAiCIAiCoAxyU6bs/11//fWL/kw0CteDIiVW0vXWWMnT++H/HUgMqcdD\nX06xPlWr1poZ6xmjNF3rxIkT6zay1cpeS6rA1ltvDTQPQbFq7dDXN998s4orbI4+jz322CMZ6lqq\nGbx///7NqjdGIJcTeV8NVMaGDBmS+G2yIRJZtaclfG8Mrxg0aFAll1kUo46za/R16Xv48MMPc1lP\nJbAibugEpJVmvaIe31QF9BDpNbz22mvrrpJuB4CDKu0MaKkDwMG+48aNA9LKu56ejz/+uLqLbQfG\n7ruP68c57bTTWnz8WmutlQxfz6JSk7cilf37KhuQDrNWHT344IPb/Xwe63fffXegdnHihkvZ2dDa\n0Hf3pX333RdIr3/qOY5a9JJ7jZPtLpjWyHqmauVzbwm9oIZ/OEBZ9Uz196OPPkr2C5Vh1WC9fnLR\nRRdVedXTDqFMBUEQBEEQBEEQlEFDa3fWDQ0Nudx267WxCjhmzBgA+vTpk8efL4mzzz4bSKuDxYYE\ntoZ+nP322w9IE43qGftxrZaZ4Lfiiivy1ltv1WxdrWGFrz2JNH4m+tpqlUZkCt8HH3yQeITaWw03\ndvfCCy9spvLMNddcJT1XnqjiuE8Vq6Jnuf/++5NqfF4VdSPmHUapZ+j1118H4JhjjgFKS4yrN+ad\nd95EiRk8eDDQPFlVJcrX7bGsnlRq94ELLrgASNUKFamxY8cmqo4VdjsP/JxHjhwJpJ6wemCRRRYB\n0i4PlTbVnWzVvKGhIfm30fb+31jxvBWp9qDnWL+TKZ6mfpqGq4r44osvJkOkHcnSGVh33XWBNC79\n+OOPB9IkzXpm7NixQKpmux9lu406O3pfvf5xH3Pfq6do9Gmdl156CUj3/9bwOq7UZNDWmDp1aosT\nm0OZCoIgCIIgCIIgKIOaKlP2ClsdNPnG6q5f6xEr0npvrMzanz916tQkucdqhjOLnIHzxhtv5Lfg\nMunduzeQVi6/+uorAJZYYgkgv3SkcjjyyCOB1rcjFbYtttgCaH2YYp5sueWWiU/PuUvZeSMO3rOC\nudRSSwGNVTM/F5UFlZJ66vHOomfHNZuc6X702WefAalX5KOPPmr3YM9K4bbktiVWyV599dVc1xO0\nnwEDBgAwfPhwIJ0FVoiKxtChQ4G0EyEIqoWKqR0qbpf1MF+zGCYwv/baa0DqDbMDYlrDBNn77rsP\nSH1IKlahTOVHKdcwzn/UU12hvx/KVBAEQRAEQRAEQaWoqTJldcP+2meeeQZIk9Q664yfaQHnZ9m/\nbY9wr169gMb+9KC62OdrKo/egawfSlRpHn744WTOVL3N/ppWeOihh4C0MmtKoul3QRAEreE51W4I\n/Tf6ZustFbMQU988/jlvT//XtIrnYmfp+TUU7PxorzJ1/vnnV9QrVfD3Q5kKgiAIgiAIgiCoFLnN\nmWoJvVLOKAjqBye2OzdHpSMUqfzQG+RX/WuXXXYZ0HSmGaTKrklsQfVYc801a72EIAg6MSZkmlqs\nL7meFSnR763P9ZfChAkTgPSaNTunMqg+JvSpgmZT/arhk2oPv6w9IQiCIAiCIAiCoELUxZypIAiC\nIAiCXwp6ph599FEgTS81pbUzKFRB8EujmGcqbqaCIAiCIAiCIAhaIQIogiAIgiAIgiAIKkjcTAVB\nEARBEARBEJRB3EwFQRAEQRAEQRCUQdxMBUEQBEEQBEEQlEHcTAVBEARBEARBEJRBTYf2FuP+++8H\n4Le//S0A2267LQCvv/56zdYUTJsMGjQIgHPOOQeAhx56CIATTzwRgDFjxgDw3Xff1WB1QRAEQRAE\nQT0TylQQBEEQBEEQBEEZ1NWcqbnnnhuAF198EYDZZ58dgAsuuACAffbZJ8/lBL8AJk+eDMACCyzQ\n4s9PO+00AA455JDc1tQWv/71r4FURevatSsAxx9/PAAXXXRRbRYWBEEQBEEwjRJzpoIgCIIgCIIg\nCCpIXXmm1lprLSBVpH766ScArr/++pqtqVQOPPBAAA499NBEQTjrrLMA+L//+7+arStomauvvhpI\nvVOzzjprk5/vv//+AEyYMIGrrroq38Vl+OMf/wjAHnvsAUCPHj0AaGhosVASBEE7WXzxxQHYZptt\nANhhhx2A1Lerh9IuiSAIpj123HFHAIYOHQrA/PPPD6Q+/ltuuQWASy65JP/FBXVNKFNBEARBEARB\nEARlUBeeqemnbxTIPv30UyBVB55++mkAevbsmccyyuKAAw4AYLXVVgOgX79+QMtqwdixYwFYd911\nAfjxxx/zWGLQDuadd14g9e39+9//BqBbt24APPvss8l2+PPPP9dghen2s+qqqzb5vimXa6yxBgAf\nfvhhvgsLplmGDBkCwN/+9jcAvv/+eyCt3F5zzTU1WVclWHjhhbn99tsB+MMf/gDAjDPOCMCUKVOA\n9Bg988wzAzBp0iQAlltuOb7++uvc1tq3b1+OO+44ID1Gya233grAXnvtBaQdHdMKK620EgC/+93v\ngFQ1zL4Pp556Kg888EC+iws6PfPMMw/QeM63+8PrYq/j/P8XX3wBQPfu3QH473//m+taS2G66Rq1\nkl133RWASy+9FIBXX32VlVdeGYDPP/+8JmvrzIRnKgiCIAiCIAiCoILUhTJlCtlhhx3W5PtzzDEH\nAP/73//yWEZZPP744wD06tWr3b/z8ccfA/Dggw8C6RytWtHQ0JBU/XbaaScA/vznPwOw5pprJo+B\ntEJjxdZK7rSG26LbJsDaa68NpCl6ebHQQgsBjRUlSJXct99+G0i9U/W8nxRjrrnmYsUVVyzpd1Sw\nn3jiiWosKSBVO9zW+vfvDzRXbocNGwbAKaeckvcSy8Zj2fjx45lpppkAuPbaa4F0m/IY/dlnnwHp\n8WD33XcHYJNNNuHuu++u+lr1cFx22WXMMMMMrT52hRVWABpV9M6Gn8Mcc8yRpPb+9a9/BdJt7le/\n+hWQdgZYeZexY8cm56sgX+zI+dOf/gTA6NGjAbjxxhtrtqZiLLbYYkDqYffYBo3eaIANNtgASJWn\n7PWAivYWW2yRw4rLQ/Xpsccea/YzveBnn312rmuaFiimTNXFzdQHH3wANF5YQSqleoFfT20LXly4\nEe69994tPu7HH3/k5ZdfBkjaQVZZZZUmj/nnP/8JpCfMWjHffPPxzjvvlPQ7ntC22247brjhhmos\nq6Z4cjc6vWvXrslBqXfv3rmuJRvf/u677wKw7LLLAp3rJspQFqPmBw4cmOzn2Rv2LP7cVrP33nsv\n+ZkR9l7gvvnmmxVeeetsuOGGANx2221Aepxo6zVB2lJ21FFHNfm+xz1fW14ccsghzYop2ZZkP0fb\nYlo6Ydcrtut27do1uSlsC1/vl19+CcC4ceOSi5Vq4r5uG3JreEN76KGHVnVNHaFLly5AWqzzhsnw\nqdlmmy3Zr32vb7rpJgCef/55IG3JtNVUnn/+eZZbbrkqrr6yGHq0yCKLtPo4b1Qsqv30009sttlm\nQHrTUitcW/Ya4Pzzzwfqc5zNK6+8AqQ3Va+99hoARx99dHJNlsUb+vfffx/oHDdTZ555JgB///vf\ngbQNeLnllktuDt3HfmksvPDCQBp25zWI+yTAVltt1eLvRptfEARBEARBEARBBalpNPqRRx4JpENH\nv/rqKwDWWWcdoL4UKTEco5gipRp11FFHMWrUKIDkq8qUUvGpp55a1bW2l5aqyj/88EOT/2dbTGyx\nGDp06DSpTH333XcAXHfddUBjxWKJJZaoyVpUpFQ33nrrLaBzKVJiZc9KfyG2WrWlTK2//vpA04ru\neeedBzS2Q0EaH18tDAFRDbDFSkVKWlOkxN8xfjv7u927d2ffffcF4JtvvunAqtvHnnvumVT4i4Xk\n2Na8/PLLA/WtTNku/vDDDwOw6KKLAmnLXntwm5Obb765QqtrnfYoUlKsql4PPPPMM0BaETZy3nO+\n58jHH388GVdRLODjpJNOqupaK4HHA6vb7k+2j0G632fbFduiS5cuiTJiB0XeeLwtdh1UT6hA2f5q\nJ8Cee+4JpMEMrZENmshDlS4X1ZYBAwYAaafXnXfeCcDFF19cm4VVGdUlVdtZZpklCYZzfxTPAbPM\nMkvF/n4oU0EQBEEQBEEQBGVQE2XKiowRp1ZmVHWsYtUjRuRm0UNkDOXjjz+evK5sSIMVkXPPPRdI\nq3N5Y4XPwXSQKlL77bcfkKoB9t9mFaoFF1yw6uv8paIfpSOsvvrqTZ5LQ3Ct4tNnm202IFVd/vWv\nfyW93KUqbX/84x+TY4gjClQbjHx1iHalMYRED0iWb7/9FihPfXbNqne77bYbF110EZAG3lQDq+gT\nJkxoM/b797//PQAHHXQQkA4mryfc1h555BEAllxySSD13Bno0hoeG4cPH97k+34e1caxB1bXIa2s\njxkzBki3fc3z9ch9990HpPv9xIkTgcb9H0o7B/7lL39p8ft33XVXR5bYIRzmagCDx4W2QkPKxWso\nu3gMs6oWL730EpDuQ1m8dtOLU0/BEyqd+oNU00uJNc92OrSn46BWbL311kCquowYMQJI/ZedFQNo\nDGzzmsZrHD/Xlq7R//Of/wDpdqzXT3beeWcAjjjiCABOOOGEktcXylQQBEEQBEEQBEEZ1ESZsqfR\nwWeqOt4ViqqId6S9evVKBpfWimIVSddVWDk2fcfXK6YWqlA5jDEvFl98cSAdxFk4YPipp54CUk+A\nVQ6rudWqtNUrhe9NS4OYq8m9997b5P9Wb1UN24PpNNtttx2QVrEPPvhgID/vh1jR8+u9995btvdr\nwoQJSTVeD8HIkSOBtJJo5bsSMeqHHXYYxxxzDJBWnt0vVD/cX1R2st7D9jDnnHMCJD6pvNhkk02A\nNO2qNazy2qduQt748eOrtLr2ox9HH5fVdAcM681rba277bYbkCYp+pnITTfdlEQrV/OcdMYZZwCN\nCqd+XY9DesFMxNP7oZpVzrZXLRz+3BE8n/q6szhQOS8OPPBADj/8cAB+85vfAPmdI+x6Ofnkk4Hm\ng9wrSWsqjGp2PSlRWVQwNt54Y6C8QbuOjNFDmr1WrWcKO486C6Yn7rPPPsnoFP2G7mOffPIJkCry\n7gv6pvVnt8aWW24JpPH4Jjs68qMUQpkKgiAIgiAIgiAog5rMmXIQohVEezpVSmTgwIFAmhzzww8/\nJINTq+kdaA1VgWJ3rlaujznmmEQVOOecc1p8rK/BxJG8GDx4MNDcBwBp4o2zPFpKXStk2LBhVfOl\nlIoJO/bU+v6rbLaE27+fq1UNPS9+doMGDUqGxZo+WW2efPJJAFZaaaUmayscMtheVE6yFcy8B2O7\nL+uTmjRpErvsskuTNXYEE/HcBqwkLrXUUh1+7kmTJiVpZCpSbvv6HzuC25VeHo+P3333XZIEWk1f\nzAsvvJB8LTZIfJ555gFS1cfB0VIPQ1M33XRTIJ35ZZ+86pn79lxzzZV4T1TY7JX3OUyUdW6Z3pTC\nJED9Mttssw2QdlpUkqWXXjo5vqm62iXg8UFM+/T1jxo1KvdB49XAlDKVt6xCNXr06CZpedXCc7xp\nxB3lxRdfBFIfq94P9//2UGoiYHtozSeVd5dGR9DfqSLVlh+0EI93fkYm43keqEf0V3qusIvAa7p6\nni2lB99rgfnnnz9Ri/RE2k3zwAMPlP137AozWVufle9da57ymDMVBEEQBEEQBEFQQXL3TB188MFJ\n7/c777wDkPSeZ1GxKqTWKSpXXHEFUFyZspd2yJAhNZsB0Rbjxo0D0llKhevs0aMHkFZXfb+zlSgr\ntrWcwO66zz77bCCtFhdLWGsNFSg/P/1KyyyzTIfXWQ4bbbRRMpvEz6AjaqyqlvMWrGqrfq2xxhpA\n9VP+VJ9VWpZffvkk6cue9o4kU5kmpcJQSY/fmWeeyXzzzQekVT+ToiqByXjZivQdd9yRS1Kbqt6I\nESMSX6epiHYEOKPkyiuvBOD+++8H0qrhyiuvXBF/WkcwUU083slRRx0FNB4vVAM9vqlU6bXzsdnk\nvzPPPDOpbqqAt9WJ0BEmTpyYJOB5DhIVN32RG220UZP1DBw4MFHVrcS2dG6tdzwWq1BlUbGqNuut\nt16Hn2PSpEn07ds3+Tc0Pya3pkx5TqiUOlaI3QMtKVJ6pCqJyWrut/vss09Fn/+NN94o+3dVQfws\nJk+eXJE1VRP3AxVqP8e11loLaDyftIXdInod9Rap0FeLzTffHEivKz/66KPkGOz1akewq8fjn2ql\nnUkduf4JZSoIgiAIgiAIgqAMcvNM2df9+OOPJ1XAv//970BayTOtxwqtFQoff9ZZZyXB8hh2AAAg\nAElEQVRpZLVC1UPvibM+yulZvvzyy4HyPDCVoHfv3kBjipdVC/P4r7rqKiDtuy+cc1LI0KFDOfbY\nY6u91Ba55JJLgKb+hWqi109/RTUZOHBg4sNxrswWW2wBwL///e+yn9eKT58+fYB039KfmNf8HBkx\nYkTyt92Hnn76aQD23ntvoDJJfPWMXhtVLtURe8V79OiR+Hzy4NZbb028J/oL7LNX7chWN1VLllxy\nyeS4UqsuAtO79H+KnRALLLBAs9/RW+cMo+uvv77df88EVNPzqpmsVgoqVccdd1zil7DjwAqz6poK\nYz3TlvK3zz77cMEFF1R9HS154lRw9SGbjHnKKacA6bYn//vf/xJPkucTq+MmBLb294cOHQqkSmMl\nUZny+Atw/vnnA6WrRv369UsUp8Lnaw8vv/xykvicByussEIyJ1TVUA+PxzI9U371cz/yyCO59dZb\nc1trezARz1Q7r+3WXXfdor7OZZddFmh+XTvvvPMClVGH8sRZg6azOi9V9c57kFJm1IVnKgiCIAiC\nIAiCoILkpkx5V7zGGmskfhvVDyuZ+hGKJch9/vnnfPTRR0CapmUl3TkAPqf95dWuuKkeqBpYDbC6\n3BJWmZdeemkg7W2tR/QK1JMy5fZi9US1MOststL/8MMPN3sOq9NWb+XPf/4z0PI26Hwaq9fVZMKE\nCcn2oSpQzCtQCqpAbre1VqagaWIipJ+jr1sFsl5SIyuF3jA9L25zKpFWcp0flCcq1R7H2jqOum1O\nnDgxWW81/BylYJVZ/5zVVbf5cePGJcl4WRWrFPycnEmlR+Hdd98t+zkrjecnk+Lc17p16wak3rBq\nKB2VwtREfRXi/tKjR48kda2atFTVd8aNns32oGJz0kknAelxoC1GjhyZbNvVoKVrwvam9+l/0n/Z\nku+qFF5++WWAqihU+oAOPfRQoNHvqUItJgF/8803QKrUu98Uosrr+arWmE2giiannHJK8prF48M/\n/vEPIPWI6ZXtjGmgM888c5L4ZxKqKp2z+crx/BdTpqp+M6WMZmBDpSI1s7KrF/3etGkwq7ZhLosX\n2j179mT//fcHmh+cHDDqBlzP1OPN1IYbbgik0qzSs0EmLUW+txeNl1mTN6RDc22BMh66Gtxwww3J\njZ37jHHilbjhMQpdGVwTdLHPOQ/8XD0hWyAxaMQCiRdTee/bHcU2Hm+Sd955ZwBmnHHGJo/zQqQz\nDYaUddZZJ2kNduCsLUl5Y4uKMbueUC24DRw4MLlI6gjeTFmgMDjm+eef7/BzVwv3ew31Xjzdc889\nQHphWE+Ge4sr2UJX3scuwzxmn332ZGDzuuuuC9DsYrwY66yzTnL+yu7/bXH88ccnN7/VoKVI9LaG\n83rMvuGGG6qypmpEsVv4LnydXk96424Lpm2bDvr2xtegmm7duiU39YYrPfPMMxVfcylYZHYUji1u\nP//8c7ORFrYzesw0YEgLhQJIZ8B9cdiwYcmx2GsFBwDbnlkO0eYXBEEQBEEQBEFQQaoWje7QQ6us\nLVUWrHoZR/ib3/wGgCWWWKLJ4zRif/7550lU5SuvvAKUZhTOA1vLJk+enFSip0WsVNRDOIBVh3IU\nKbdLo8GNWRdVxe+//z6RzW0vtKJVDYVk+eWXT/62xvZKVrqzammtRw5AGqzhVw29p59+OpBGI1sN\nPvTQQxk5cmTeyywblTarY1luuukmoHZKTiV48MEHk+OepnXbbksx+VYC1RcVKTGkoBKqFFRmIHTe\nqPIY+mQrdFZ179WrV920KzpYM4vr22KLLRJlLWuUNxTkvffeAzqmuHmOHzRoUNJ63F5Fynbqww8/\nvN2KlOdaFThfQ7WwpbdQsfE6Ljt2QFQDKk01otjFWGy/QqNiCKlS40gKO57E/zvU96233kr2JTt1\nat155HZjl5Ytvttss02iymXH99g1VWtFyve/sL3T/aWtdv9evXoBjccLr+/sxPH+wcHbHRn8myWU\nqSAIgiAIgiAIgjKouDJl9UiPlP+38l1YuTSe0EAG74pVpqwcqnJlByd2VuzjtB/3k08+qeVyysJ+\n3JVXXpm77767xqspnTnnnBOAo48+GoB99923xcdZpdt1112TyFp9VZqdrXp2xMTeGg5zNEJbD8i0\njvHbfnWYpfvP6aefnlQIO4N/yn58TcweG+1T15Nn731nxQHRDjfVkG3sriMGqk12n7bDQU9IR3G/\ntAL98ccfAzTzI9QzKlQewzyWr7nmmkDjPufPquGfcts3wGTw4MGJJ8o1GOtebPyIXQVrrLFGsm1l\nK+o+vyq/lWlDQ0rB6PBHHnkk8dC0F329888/f7t/x1j1bMdOtdCUXxhlrkrV0UCJ1lDJLlxHMY9W\ntdDz7vXqdddd167fu/HGG5N8gGpdB5SL+4Lx4LvttlsylF0fsp5JuwjyVqTcP+1eUO23W609qEIV\ndtl4rtUjVc1OqlCmgiAIgiAIgiAIyqDiypSVrcUXX7zJ900ga2lwmxWXjTfeuMn39UzUgyI1atQo\nIK2On3rqqWU/l3f99eBTmRYw8th+9GKDG7t37574Vhz+nO0ZFr04Rgh//fXXycBCFSor06Y7VZK/\n/e1viR/QXmHjPFV9O1MFvBLYC22C0lZbbZVEuRrhWs9kfQVWy0qpvnUGPK4ZO66nxUGYDiuvNu7r\n4j5fqf3VtEK9Ej6//fl5YwJfdoTCVVdd1abPxu4Qz8/uY0svvXSzNMSOeHbsMtl6662BdMByMR9h\nqcwxxxyt/tyof5Myy1Gm7Eiodgz7NddcA1DV5L6WUA3Sr1TphD7jzo2Rz1t9ao3+/fs3+b9+/rZY\nYYUVEmXk3nvvrfi6Ko0qr19V7R0jkTf61oyi93j0yCOP8PTTTwOpanbnnXcCaeeB3UVeVzveYfjw\n4YmXUQW+moQyFQRBEARBEARBUAYVU6bsF11ttdWafN8+8oMOOqjo72YriNLeftVqYt+2ffFWa+x9\ndpbAP//5zya/d8ABB7TYwwlpD3Qed8vTIioyDm6239fhr26LWRZffPGiffdi9cOhdvbcFpKH5+OO\nO+5IKlzOVbLibJ9+tre9tYq4CpxJOKohboPOtOoMmDS21VZbJX6JzoRpT6ZDuh07l25aQc+rffCr\nr746kJ8y5d+186Gtfb8U7rnnniT5y/NUR+bbVQI9Ec65kZNPPjn5LDxmXHzxxS0+h+csh9COHDky\n8ffoBWlpYGlbqGqpeKnqW4E2Veuqq65K0lLFmT7FrgdUbsaNG5dUuE0Ds9tF9UOfdnaQaV6oRqtm\ntobD6fVoec3x9ttv5+Kz9j1raGhI5kgVS/MrBTs86hmv2do7gHfRRRftVJ1GKsJeUzh7r1Z4bFYp\nPu6444DUR1yIKa0q8apPzm30GJM3oUwFQRAEQRAEQRCUQcWUqbPOOgtI7+hNpGrtDlPef//9Fr9v\nb2QtmWWWWYC0l1O8o7c66ddCilUqTBRp72yKeqSWc6ZMoMn2vZsw2J7EIbdPlahDDjkESFWPn3/+\nuYIrLg/VUNPsNtpoIyBNgdxuu+0AWGuttYDUw1HYy7/++us3+V3nNrhtnnvuuUA6T6OjnHTSSUDa\n71/K8/q7xfYbX4tpftB5fGN9+vRJerkXXXRRIK3GeRyohveuHjCZqdTks46Srd7vuOOOQOrFLQW9\nNnpn+/Tpkyg1eqVqfcxQpfW46DFtpplmSs5jHlNKmYHj/uhxpxw8T6ywwgpAug84U641VlpppRa/\n7yypK6+8Emic9SP6LMr5rKuJ7/uDDz7IIoss0upj/blfnQE2efLkRGEz4bXaxw5VqnryN1WD7DxU\n/dHFvESFc6mKzaSqR+qtE0Xl2v22JbwGV103DVcfpt+vFaFMBUEQBEEQBEEQlEFDa32eDQ0N7W4C\nNZ3Hfng9RAMGDGh7Ef+/GmCVxQqi/qRaTWGGtG/ZeUP2epeDU+ZN9eoM82RMUlxsscVa/PnQoUMT\nD0jeqESZcqfKUmyy/KRJk5JkIpPyaqGslYp+J2dg6OeyulvMm9faz6wAWaGqlMJjtbgj+0kxfA36\nvN59991k/6xVglpbWIkePHhwM7+B/olNNtkESFXRaQU9Yab56Zs12bXa6KXU4+j2o2f1pJNOSpSL\nbELd0ksvDaSVaaufeg1vueUW9tprL6D9iV95o9do2223TfZzZzZ1hEp6z9rDkCFDgObJeyaQ5TV/\nqZIsuOCC3HfffUCqPKl+lkJbPuGgNFSXs8eKCy+8sMnj9Bz16dMHaPQRuo/VmxraEnoUTcH1eFep\nGXyVRFXd84jXQ6qFdnzkxdSpUxta+n7FbqamdTS7jRgxAmj7wPf9998nO6ay74knngjAQw89VK1l\nVpx6vpn6peJQSy8uvNBbYIEFksd4czR27FggPTlceumlQLpNVrpQsdlmmwFp22+Wjtz4eZKyraee\nsRBkxP7MM8+cvNe26FgEsNV0WsGLbY+Vtp8VtmfmuY6DDz4YgCOPPBJI20MgDckwCEE0OXuc9wbe\nVtqTTjqppkW+UrFFJhsdbiS5F1OOmXAffPPNN3njjTcAeOqpp4D8bx6nxZupQowId5CwRcLW8NrC\nAs2DDz5YncX9wvCzsPCjncP9IXuO8jw6bNiwTnETJTfddBMAW265JQBnn302UH8hSLPNNlsSxOW4\nJVsCPY/mTbGbqWjzC4IgCIIgCIIgKINQpkpk++23B9KKnjJvNr71qKOOqothwx2lmDKlaX6RRRYp\nGiASBL8UrPxvuOGGQBrAYasbpDG7qtzTEnPNNRcAu+yyS6Ik2BLncMXLLrusNov7/yy77LIA9OjR\nA2iMnFaB8nhm14DKru3q7QlKCKqDke+q6o5bcWTEtKLsqlR7rt1hhx2a/L8QVdFsMFZQGZZffnkg\nta9oQbFlWLXbAcRG8ncWfH2PPvookO5Tq666KpC21NWaQYMGJa2sjl2q9f4eylQQBEEQBEEQBEEF\nCWUqaJViytQPP/wApGbAIPglYsDOfvvtB6Qx4Fk+++yzZIBoZwg9yaIvRX+enjCPC/PMMw/QGEBi\naMP5558PNPcjBUE56A8yqKW1cSvTAvrb9Frvscceyc8Mryr0/wVBqTicu2/fvkDaNVHreHcVwcsu\nuywJV7niiiuA4qNT8iKUqSAIgiAIgiAIggoSylTQKsWUqWnZ/xEEbaG/wcjcbBS8lWP7vS+44IJp\nwkMZBEEQBNXADIKhQ4cCcOaZZ3LzzTfXcEXNCWUqCIIgCIIgCIKggpQ+JS74RWG2fxAEKePHjwdS\nZcrEusmTJwNw6qmnAo2JcUEQBEEQtM78888PwHbbbQfABx98UMvllEQoU0EQBEEQBEEQBGUQnqkg\nCIIgCIIgCIJWCM9UEARBEARBEARBBYmbqSAIgiAIgiAIgjKIm6kgCIIgCIIgCIIyiJupIAiCIAiC\nIAiCMoibqSAIgiAIgiAIgjKIm6kgCIIgCIIgCIIyiJupIAiCIAiCIAiCMoibqSAIgiAIgiAIgjKY\nvtYLCIJg2mf22WcH4JlnngFgpplmAmCRRRbhu+++q9m6gurz29/+FoADDjgAgJ122gmAzTbbDIAX\nX3yxNgvrpPzud78D4IknngBgwoQJAGy99dYATJkypTYLqxBnn302AKussgoA6623HgBbbrklADvs\nsAMAm266KQDffPMNALPOOmuu6/wlMt988wGwwgorADDnnHMCcOSRRwKw//77N3n8HXfckePqgqB2\nhDIVBEEQBEEQBEFQBjVVptZff30AjjnmGABWXXVVAL766isAxo0bB0D//v0BmDRpUt5L/MVw2223\nAWm177XXXgPg5ZdfbvHxZ5xxRvLvBx98sLqLCzo9G220EQDdunUD4KabbgLosCq1xx57ALDffvs1\n+f6dd94JwKmnngrAxx9/3KG/E5SOCsr48eMBWGihhQD4+uuvAVhggQWA/JWpXXbZBYCVV145qah/\n9tlnLT7W19DQ0ADAHHPMAcB5553Hn/70JwAee+wxAFZbbbXqLRr45z//CcCGG24IpIrfoosuCqTb\nvPvE5MmTAfjVr37FYostBsBf/vIXAG688UYAnn766aquuVTOPvtsBg4cCDSuG+DMM88E0vNMnz59\narK2auG25bHxww8/rOVyWmSuueYC4PrrrwfSa7UsXkfI/vvvnyiNnZnpp2+8VB48eDCQquq///3v\nAfjhhx947rnnANhrr72A4seUvHH78lg277zzcuCBB7brd+0o8Vj9/PPPc9pppyX/DlJCmQqCIAiC\nIAiCICiDhqlTpxb/YUND8R+Wye9+97ukKmZ1Y7rpGu/prGDa+7z00ksDcOGFFwKw9957V3o5wf9n\nnXXWAeD2228HYJZZZgHA7cPqRkv/f+eddwB44403gNQbUW9Vz86G+8FVV10FwBZbbAHA//73PwCW\nW245AN5+++0arK403BZUJdZYY40OP+fRRx/N//3f/wEw44wzAvDFF18A6Xtntb5v374A/Pzzzx3+\nu6VgZe/iiy9mqaWWAuCwww4DUj/BTz/9lOuaqs1ss80GwLnnngvAzjvvDKSvU2/PzTffnOu6VGwu\nuOACoPG8ozJaTF3Xr6NK0hJ33303AJtsskmlltqMlVZaibFjx7a5FoCJEycC8MknnwCw8MILJ6qg\nuB+qWNWLGvLf//43UWjEtb300ktAqgBm34c999yTSy65JIdVls4+++wDpMeplVdemZVXXrnJYzxW\nfP755wDJ533DDTcAcMstt+Sy1pZ48sknAejZs2dJv/fdd99xxBFHADBs2LCKr6vaqOZcfvnlQKpI\n6dPzOqkQlZtDDjkkjyUmeH2gsiuqairpHUWP5korrQTAjz/+WJHnbYmRI0cmxy79ehdddBGQdjQ8\n/vjjQH7dJ1OnTm1o6fuhTAVBEARBEARBEJRBbsqUPbePPfYYCy64IAAPP/wwQNK/qTK16667AnDZ\nZZcBcNBBBwFNfTp5McMMMwBpJX2DDTZo8tW7/j/+8Y9AqtxMmTIl6Sk1XUnVx0qmaUz1iFVcPQWt\n0bVrVwBmnnlmIFWt7J+2YlIP6N0RPwtxO+3Xr1+T7x900EF89NFHAAwdOrTF3600p5xySvK3Ia0A\nmYhnJdwKdD0yzzzzAPDWW28B6Ws66qijyn5OvZa33nprooaef/75QHrMcF9TcdVX4jqqjd6as846\nC0jVmUI87mUrtiZlqTy+/PLLiS+nM9C7d28A7rvvPiBVqP7xj38AaWUzb6z4/+Y3v6nI89kxYeW9\nmvvhbbfdlvhZK8lxxx0HNKq8tcRtfvz48ck5VDVk4YUXBhp9KZAeU1SmfPzw4cObpcnVCteomtSr\nVy8gPYZPmTIlOV9+//33AInnxo6cX//610Dqffvzn/8MwFZbbcXpp58OpNt0NfBceMcdd7DiiisC\n6bm9vUyZMiU5vtlF0Jl46qmnAFh++eWbfN9uHL1Ehdj94LVhtVEJU/10u6oWqvlup2+++WbF/4aK\n4Lvvvptcg8u3334LpCqvKrvbmRkMreF75HOVQihTQRAEQRAEQRAEFSS3NL8hQ4YAjXNlrBoXUyxM\nWxJ7h2vBNddcAzRXKrJkFb7pp58+6fV0FoM9plat61mZsve8PT3oKlBZz8C6665b+YV1gF122YWL\nL764yfesTFhx07+X7YVuaGhgkUUWAdJq47PPPgvQrPe9UuhnEL0Dzl/pDLgPWEV23+8IKnW/+tWv\nEi/Uq6++2uQxVvFVE63qqhRVCyteHrO6d+9e9LGHH344kFbUVHRGjx4NpLO4fvjhh8RPUe8zuRZa\naCEeeOABIJ0XdPDBB9dySWyzzTZAy/6G9qLq5HF+xIgRnHfeeU1+Vk1uuOGGpBuiLc9UKagW1gqP\ncdddd13yPb2EXh/YJeF8MtVo5015/K2ldzQ7b2nzzTcH0rQ3u1PcZs4777xE7dALpmLr9mp6o8m6\nekOmn376RBWthjKlN8XkvlJ9UoWMGDGi3YqUx859990XgDFjxiSvOW/0KWcVKVGRUgm98847E2Ux\nr+4HWXPNNYHqK1LidlENRUq+/PJLAN57773kukuvuNfPem/1R5voq5I777zzJtcHWVSO//vf/wJw\n9dVXAzBq1CigURErlVCmgiAIgiAIgiAIyqDqypSzMAYMGADA66+/3qaHxjkS3olmq855om9BTEqy\n795+zVdeeQVI73C//vrr5Hv33nsvkFbpd999dwDmnntuAHbccceqrb/abLnlls16+VV57r///los\nKcGec3u/jz/++GZVXf+fTSv0czWBrKGhoZn6uMQSS1Rp5Y1YnRFfh3Nm/v3vfzf5uZWZ3r1788gj\njzT5mQk4phDlhRVUZ27Yg94RTPu67bbbih4bVBz9zOadd94O/93WUDl69NFHAVhyySWbPcbqtEqG\n6pW95x4nVKRkhhlmSDwthx56aKWXXhHcNm+77bbkva+2CthePM62x8PgPqcvUa+dyYMnnXQSAO+/\n/37F19kaV1xxRbItq64Xez0euzy2ZT0HkO6PtZ6Fo3+6UIXP7jttdUnceuutVVpd+1Gh+Pvf/w6k\nvhl93npFCxPHih27rI67ra299tpA2jXx9ttvJ6ml1UD/WrFZUoU4A6zY/qC3qz1ceumlAGy//fZA\no8LjtYXXXdXGazTVwbbQL/nll18m+9nrr79encW1gfNZPe7qKdLbrYe1HFSDTzzxxCYqcrXQH3n7\n7bcns728nhMVMjE90e0I0uObXkW3I1XgF154AUjVWO89VCZLoeo3U8ssswyQXmy0FJftQV9Z25OG\nJ7ZaGuwNGxg5ciSQthLY9lfMwNa3b18eeughIL3QEHc623k6I8qkw4cPT76XvdmwRTJvDAPxokPz\nb+ENkZ/bBx98AKTDXcWLp1pGBmf/thdPDrxVZv/000+BtE1s6tSpbLXVVk1+9/jjjwfS1plq3+ja\ncvCHP/wBSNvTvKEoB9s/evToAaQ3au0h2zJZadxeWrqJgsZ2Qz+Dc845B0gP3J7sWmvTaK1dsJZY\nhDjhhBOAxpsPt8P33nuvZusqJNuG6zHggAMOSI7jtsp4QeL+4ZiH1VdfHUhby2oR82xLnu+5BUrx\nfKMh3QvD0aNHJ60xYhtLrW+mpDDYYPHFFwfSGxPbqbUK+H9beC2uDBgwINn28r6g9aLabcv31Zbk\n1vAmyW3LsBpbB7t06QKkhbBVV101KTTnhTeHHse9YD/22GOB9OK3I2Sjuwsj/fO6mRo0aBDQ/lZa\ngxIKb/Szg4urzZZbbgmk+5DXNNJSMSWL+5KhcLZm+7l7LWKhJi+uu+66JOq9rWKYxwWvi4YPH86Y\nMWOAfIrI0eYXBEEQBEEQBEFQBrkFULSErTe2xhljLEqLtUR1xXY/79gdpJcNXVCSHDZsWHIn7d29\n8qMtO9kKQmdARcoqQLdu3RIJVXOtKl7eQ3utAqomZtulIDXx7rnnngBJfH09omytwdKRASoYWbXC\n6uCPP/6YtABqWvc5bBGstjJlNUxp3pjjjrDWWmsB6f7UWjS9IR1uA1bcKoXVYtvBiilHtr/06tUr\nURD/9re/Aaka2lbl8Oeff06ON/WGx8X+/fsDjdtsvexT2223HQB/+ctfmnz/iiuuABqPU9nh0Z6T\nslHhtj7ZkvnII4/ULK7e9fu1GFZjWxqqmQ3iqRWqzIXD4P23LWTZQfGec/1/4QBVz0se7/JCxd3j\ngmqTrdcqgbb27bzzzsmYDjtXVDmyaJI3RCfvFlNI2xM9/1cSVWHb0mrJyy+/3OrPfe+vvPJKoGm4\njtuA54S8cPsohvu/Sq/BQIW47dk+agdWJRTHjjB27NjkWsaWT+0zdna4b9keWitCmQqCIAiCIAiC\nICiDqitTqi/22i644IJJtWavvfYC0vhQe6I1bWrmrgeM91RtspdeY79rtZe+S5cujBgxAkhfT96R\nmZXEipTKjn3qU6dOTcIO8h6YqDdKD4rKRbFB1E8//XTSl513EENHsI/bQbdGBGdRfRk/fnwS/GIl\nNGverDZ6JcX4346g/8rKX2vRrKqUVoqNW64UqkvZ1ylW+PTrde/ePTGWZ/0rxbCPfdddd+Wuu+7q\n0HorjXG1+gOsHtZL6AQ0VzDEiuazzz7b4tDN1rB6PmrUqCQ8oV4x6Cjr2YWW1apacNhhhwFNP6Ps\n59XW/wsj7/233g6r1p4bqtUNcueddwJpJLr7eNZbpzqtH6rwe6JvT3VNdd2RA08++WRyPWU3iIrK\niy++2OHXktcoA8/FegFnm222XP5ua7g9FkMFR/+uatSPP/6YhAPV24B1r4cuv/xyAAYOHJiEZ2WV\n1L/+9a9Aur+oZlVipEm56P/WN+d1gEPv62VQdyhTQRAEQRAEQRAEZVB1ZUrfk1XCa665JqnWWFk2\nltDUPpWcesTKhT6HffbZB0gHC8oRRxzBiSeemO/iqkihRwrSyvtdd92VpBDlhX4Yq3L6GSRbubTv\nd8iQIZ1Kkcri/tFSz3Mhq6yyCttuuy3QvA+/PUOYK0F2sLCDjsvBRCd9SSo8LaGfzKqnQy0rrQqr\nEhbDaqBep169eiXVv7aw2qkaXm+qFKR+PhUO/Xz1oHi4nRQbtK6q1hFmmGGGpJKeHWFQL7QnCr7W\nuJ+05JnKpvVlx1f4f/1fAwYMSH7mccAUT1W6ap2T9Urr57BzJXsuUrGaOnVqsla7COws8DivemB8\nsyr36quvnjyvxznTaceNGwekcerloIep2qy44opA9cdWtJfdd9892daKkfW36r3O67zaEVQ8l1lm\nmUTN0RvqqB9xJIRdPx7Xs+NY8sDrN6+9TfH1Gsf4/XIG7VaSUKaCIAiCIAiCIAjKILfS1YMPPgg0\n9js6c0p1wzvmbBW9lvOliuFdsp4Jq8j6wMRZH50dP7dCjxSkA5V32GGHxE/lz9pKl+kI22+/PRdc\ncAGQ9lhnK5UmMOpp0M/27rvvJglKVjEc3jYtoF/gyiuvbDZXyepNXgOw9Q64v0nwsJMAACAASURB\nVHTEM+UARf0qzz33XNHH6ru00mY1K+9UIqvNWYWuPZiCaY97PWHV2oQ8Z4BUc58vFRP6yvEJ2i2R\nPabocXG76tatW6IYmjKV9+yftrCboBD3g9bU3TxZfvnlgVQ52m677ZKhoA5b7tu3L5BWpE3FzW5z\nRx99dJIAaJJjVhmqFqaf6dW028auDYe/q1g9//zzvPbaa0Dq78p6p7J4TOnduzfLLrsskCpinutU\nexz4W86Qb99X33+g3ap6a/Ts2RNI5yGefPLJQHPFsZBqfn7OklKtPOCAA4r+Pdfm7DwVRt/fzqBM\nFeJ+8q9//QuA//znP0CqSIkq/nrrrQfURpkS16pi64wz59PmpagWI5SpIAiCIAiCIAiCMmgolnwG\n0NDQUPyHVUB1R0+VSUtWA+oRPRHOgJB99tknUVBqjcqRldqWUqiylbSVV14ZoM0e4paw4mbCkL45\nk2E6ws8//1w0rc+qkjMxVK7sc/7666+T98A0JNOd9FKde+65QFqhbm2WUb2hwqtfAFJFygqaM5qq\njamPSy21FNC8J7sUrPpZvTZtytcGaYVb34HbgBVc35tKYTrgxhtvXNHnhdTv8NBDD1X8ucvFRDG7\nBVR0V1ttNaB4gmYtUIluSxWcMmVKorzrQ/Rc43HB16sCULjNib6Vas9uKxXnNhau6/vvvweaHiPq\nDf3HHan2+/l5/nrnnXeA9LxWLSXV483YsWOB9Bxkyl6x9M9yKbatu73qKy4FlVaTOiE9P5rA7GzQ\nUnDWoApVe9BrX43z8I477gjAVVddVfQxzpPyffS8pgJ5yimnAI2eUedrdkb0rb3++utA8xmdHhdL\nTT+tBna2eX40DVyPsT6vajF16tQW5ctQpoIgCIIgCIIgCMqgruJ+Fl988Vovod0svfTSQFo5seKn\n4nHuuecm07I7kmRWCexz1UdjVbKwV7lYUlJ7/p/9mSqXve95T6MvNkl+1llnTdZo5cWeYF+DypRe\nOOeIOVeiHnDtm222GZBWCVXgpk6dmlR1TV3Lm65du1btuQsrib4XzsFwboYV1EorUmKKp+lZxbY5\nfTSPPfZYUv1bbrnlWnysVVDnttUThx9+OJD61lSw60mRaosPP/wQSGdh3X777Tz//PPt+t3zzz8f\nSPenQsVen0q9KVMt4THCqrz+0nrhtttuS5QRFSr9eVbN24NKtYqQ3RjrrrsuANdee21lFpxBpSI7\nM8n3u1I4a89Zi2J66U033VTRv6cf19mZprvpYylGz549kw6dJZdcsqS/OXr06OT4WkncNlrzpJr+\n6j6tIiVjxoxp8v8DDjigUytTXqvm1bnSEdzGVZlN0NRD5XnUx+VFKFNBEARBEARBEARlUBfKlNVl\nE8A6A05jNonHSoUKxhNPPJFUv0yQMzElb5wBo5+ktYnyxX5m8qJJY4U903PNNRdQPGWpkvTr1y+p\nSGRxrU7MdlK2CVaPPfZYs6q/yUJWl1XRTPoZNGgQABtssAG77bYbUHvlwIqacxakcGaLaVb33nsv\nADfffDOQ3xwg+5irMYPHz7OhoSF5XaqhTnCvduqQlUuVTRUbe+k9LqiC/Pzzz4mXMIv7lsmDJn/V\nA/anq8S5janMT5o0qTYLa4Xrr78eSP16Tz31FECy/5Yzc8w5Pu77W265ZfIzPamdAY+R22+/PZB6\nYR577DEg9RrVErcxj/OmEpbS4eDrcN8yCc/ttlo44yyLCZMtJSy2l9VXXx2AE044IfFe+Xk6k0sP\nt0pDOXjMdttQlYL0fVSFaStxtEuXLs1mM7WX999/vypzIbfeemsgPcePHj0aaPQYOptt6NChAPzj\nH/9o13M+8MADiV+uvWp3PWG3Rz17KbN4TDa5Uq+UXqqsaltt6iKAYv755wfSeFHN416QVatVpyOs\ntdZaQHrRZtuHa51jjjmYPHkyAJ999hmQDh+tFb6fWRPhddddl8Sguj24oRqhqbxfTxHIxfDmLntQ\nW2mllZLPJIvBFLZk2opl+1ZDQ0Mi+Ws4rxW2v2RbDz2xLrzwws0uPDbccEMgPXFUG9sF3B8qEUDh\nzaPtcsOGDWPAgAFNHuMQxXpj8ODBDB8+vMn3fI8cnHjCCSfkvq62MI7agozxzdmW3nrECyNvTv3/\nE088ATTG6JfammcruuE6kH8ARXYgrfH0Hqs9j1rEs+BQiG3MtsX6OxaPDFjJmz322CMZK+KFu1iM\ncH954IEHgJZvAD3++TueEwy5yu6LlcJWxGzE9BlnnAGkxZb24Ov3Iv2+++4DGls1tRV4PPei30JC\nJbC9csSIEc0+i7yoRgCFN4vGvXs99NxzzyXXop5jL7vsMiC98fLG0HAOQ14+//zz5PyU1zk2i8c3\njw8WTrWeFOKx44orrgDSG/VidCTQJC98LbvssgvQeKwupTW4vUQARRAEQRAEQRAEQQWpujJl5KwV\noosvvrjZnbKyq2ZG210c6laP9OjRA0jbPloaEGkU+KmnngqklUsNtrU2+1188cUA9O/fv9nPrPB3\ntmF0hVgh6tOnD9DY8mFFWRm/WMXLaq+BFA0NDUnEu+2D9cqiiy6arFtFyvYS2xmrzT333AOk773b\nUzmDaDVv20ZqzPsZZ5yRVN/23nvvsp8/Dz744IOkOi62sOQd0FIK7i8euzT0q4KodpfTOpc3RjNr\nQO/WrVu7TcoO7XXoqucoyE+Zsh1eRaZY9Lutl6rqpajCKverrroqUJu2vy222AJIFbViIUi28Pm1\nENtu7Rjxd6utTPm8VvKlPedTt7Fsm6rKqq/lhx9+oF+/fkDaxl1NnnzyyZLizAtpaGgoGlLjAHk/\nm5bOq5VUphZeeGEgHdXi8dewkB122CE5f6j82d1iV5HKlXj86NmzZ81anlXLHV67wgorAGkIibYH\nVejVV189uSYtZpkQr8ltC65nbLH1Wuerr75K2mEreRwLZSoIgiAIgiAIgqCCVD2AwkGbKjcHHnhg\nEmPsQERVAKlnRUqsiLem7KnKWc048MADgXToaK1ep/3AKlItxZt3ZkVKjjrqKCBVNJZcckl69eoF\npN4ovWHZ12+PdCGGb9Q7kyZNSiKc9fappPqeGCNaLdzGjC21Imz1zPe9PVhVstrsUO/vvvsuUXmt\n1tcbVqSzqhTUd/+5ng+VJyvtVnGtyHYGD6UKjf4uK7TPPfdc4p9SaRMN/A5j99ittxTS156X4dx9\nt61hxFm/TilYvTdgYIMNNij7ucrl1ltvBdLjdrZzwmO1Pp72+HmywUrVopg64TWOARE//PBDsi95\njFYVyYYA6G8zQGrbbbdNfNh5sPXWWychLh6D9Q7p0ynG1KlTk2slxyvoM/f6z5AejzV6mSqNXRLF\ntoVrr702CZZxv1e5ccSFqBbq36tlEI8+PBUp8Zyjr0s1aqWVVir6XKp17oOVjvSvJi+99BKQnqsu\nvPDCZLSNanc1CWUqCIIgCIIgCIKgDKrumTK20Er5Z599xnHHHQekMcZWzaValYlq8OabbwJpRHJL\n2OtuNLo9+6bljBo1qnoLLCCbcFSY4OfajNTuDBXnUunbt29SaXLo6BxzzAG07Ss45ZRTkgGXEyZM\nqOIqK4uKkGqOSVl5DfO1mmoEvYOcVaxbUqjcX/r27QuklUsrbXouu3fvXjSdsV7QR7POOus0Uz93\n2mknoP4Gp0JaRfZYrfdu//33B9JjWD2n+ck222wDpNG5LamEWUz8MhZaNasQ09XWX3/9iqyzLTxP\neqzODoatJMYLr7322lX7G21hN4uqoWp3a4Pki/1Mv9x6660HpKMLKo0paSqenl/Ev/vll1+2Ganv\nsNsbb7wRqF1KXEscc8wxQJoY6ZB2VTXTIRsaGpIRMVn1N4tDtQsHvlcjzU/V2bEPpiUWJr95fCv0\nU0GqMDrEd7XVVqvYukpFH5djegoj7EvF7dJOj1qN8akkhaqoquTYsWMr8bzhmQqCIAiCIAiCIKgU\nVVemrL7oN5l77rmTSqx9qVYzrJ7bn94ZOOKII4C08tXasFArIVatrLDbw+ow0mphuqDvc2H1zs/C\nXtlfGnpbnBXhfqFqaO9tZ0NlyjknV155JZDODao2Vhn1TrkP2Jv96quvJklw9uHrIbDSZrKSyVUb\nb7wx0Kg0mK5Wr6gC6wcoxP3dXneT8uoBk8VeeOEFIE3e0q/zzjvvAGklvjOgz6sjM8/kqaeeShSp\nPP0rkHqn/Op2pK/DlFjnsZWC3hgr8X7u9YAeZBXrrBpSiAl/+kWeeeaZHFaYot9r5513Bpp7i37+\n+efkvXa/P+WUU5o8xu+3do1WLzgM2eu9cpIt81Kmst0abitzzTVXsi85d8nzv6/L494SSywBtDzD\nKS98zzvi2TSt1aHs9eo9LodH/x97Zx5n5dyG8e9YikSJKFmiyJalLCGVUFpkj0qWCC3WZK1XKC3K\nnjVKCMnyJiJkiagUvSiyZydLKsk27x/zuX6/M8+cc+bMmfM85znj/v4zdWbmzO+c86z3dV/X/frr\n7nylThjNoqoMpkwZhmEYhmEYhmHkkNCVKdG0aVMA5s+fX6ZKo8rAgQceCBSWJ0VekNGjRwPQtm1b\nIH3FQhWFN998E/AVKfUhh4Wm2quyL2XqrrvucsqMUbUIKlNSgZIpJWGiyp56ztVr36RJE5fGpYq6\n+prvvfdewCcASqFq0qQJUOJVUeXw66+/Dv01ZEM6ZUrEebq80t10jNL8IflX4uTjKA+paEOHDgW8\nP7QiqHLdsWPH0OdKlYcUXKVdyvOhpDHNv+rZs6dTSOSF0nugyq1UASkAcfcigt+nOnfuDEC/fv3c\n9/Te5Nv7q23uySefBLzPbvLkye6zMEqISpmSJ1ep0rpmk08SvNqpa1Up9GeffTYAL730Us7Wky1S\nnuWZyiTVEkrOo1JOlQRYkXTduKPkvokTJ7ouBFOmDMMwDMMwDMMwYkpkypRo1aqVu6uXeqMpxfnM\n6q8s8m5o2vShhx7qfCGpkA9Hk86lzIWFPFNKNFKFv0OHDm4quFG1CCpTUlCjSvP7tzNgwACgRNkJ\nppRKQVDa3BNPPBHt4v6l6P0+/vjjy8xmCc5o0lygZcuWAXDZZZcB0fukDMPILfKFKmG2Tp06Lp1U\nPqSXX34Z8H69RPUqLiiN8I477gB8wqD8XVJDV65cCcDgwYOdf7SQ0bFY/jWp7I0bNwZKEliVZXDq\nqacCXsWrDKZMGYZhGIZhGIZh5JDIlamqjnozBw0a5PrUU2XbDx48GPCJP7rDNoxcMXnyZMArpqZM\n5YdJkyZxwgknlHpM81c0b84wDMMwjPKRn1e+r3bt2gHeO/r8889z2223AZTbJVYRUilTdjMVEgcc\ncADjxo0DvFFw9uzZgI/olUF4ypQpgI+nNAzDMAzDMAwjPlibn2EYhmEYhmEYRg4xZcowDMMwDMMw\nDCMNpkwZhmEYhmEYhmHkELuZMgzDMAzDMAzDyAK7mTIMwzAMwzAMw8gCu5kyDMMwDMMwDMPIAruZ\nMgzDMAzDMAzDyAK7mTIMwzAMwzAMw8gCu5kyDMMwDMMwDMPIAruZMgzDMAzDMAzDyAK7mTIMwzAM\nwzAMw8iCdfK9AMOIkvXXXx+A2267DYDDDz8cgFWrVgHQt29fAKZNm5aH1f27adSoEQAffvhh0u9f\nccUVAFx99dWRrenfzlZbbQXAhRdeCECfPn0AWGedklPHN998A8DgwYMBuOeee6JeYrkcccQRAHTq\n1AmA1atXA9C7d2+effbZUj/73HPPATB37txSj3/00UcA/PLLL6GuVay33noAVK9e3T2mY9Rff/0V\nyRoMw6h69OzZk/79+wOw5ZZbAtCgQYN8LqlKYMqUYRiGYRiGYRhGFhQVFxen/mZRUepvVgJV3V5+\n+WXAV/169OgRxp+LhBtvvBGAli1bAiWKx9dff53PJeWEjz/+GIDtttsOgBEjRgBw6aWX5m1NlWHs\n2LGAr7D/+OOPAGy88cYALF26FPCvtxBZZ5112GmnnUo9ps+tY8eOgFcUpDz8/fffEa4wOXrPdTwI\n8p///AeAoUOHRramirLXXnsBcPfddwO4z2Hs2LHUqFEDgC+//BKAZs2aAV5xuPLKK4HUylyU7Lzz\nzgA8+OCDAOy6665pf15qSf/+/bnrrrvCXVwF2WabbQCYP38+4Pf1ZBQVFQEQPC9+//33ANx8880A\nXHPNNTlfZyKfffYZ4PdPgP/9738ADBo0CIA5c+YAsGzZslDXYuSObbfdFoD27dvTqlUrAP755x8A\nXnvtNQCmT58O+G2g0Hn//fcBmDlzJgDPP/88AI899lje1pQpOh5ozY888ggADz/8MAA///xzfhZW\nAbSdqaOjadOm1KpVq9TPrL322pGvq1ApLi4uSvZ45DdTm266qdswd9ttNwBeeeUVANq0aZPrPxc6\nJ554IgATJkwAYK21SsS+VatWceCBBwLw9ttv52VtlSF4ExVEj3/66aeRramy9O3blxtuuAGAKVOm\nANC9e3cAnnzySQAOO+wwwG+bixcvjnqZWaMD/a677kqTJk0y+p2zzjoLgDvvvDO0dWVKVbiZWrhw\nIZD+5iPVBfuaNWsA2H333YHob6p07Dr77LMZMmQIgDvppjtPgH9Ns2fPdgWluLHhhhsCsMEGG7jH\nunbtCsBvv/0GQLt27QDo0KED4NsZdbGhrz/++CMHHHAAEM7npAvsdO/7ihUrAF+E/PzzzwF/8VpV\n2gF1A3LJJZcAvjW7Xr16ZX62X79+gG/jjhs6rzZs2LDMcUD//+STTwBo3LhxHlaYG2699VYA2rZt\nW+ZcpM9GLfVxZt999wXgpZdeAmDkyJEA7L///kDJTTGUf3yMku233x6AiRMnAtC8eXMg/Q2Tjo06\nDhqpSXUzZW1+hmEYhmEYhmEYWRBaAIXuglVtOeiggwC45ZZb3J2zqm/jxo0Laxmhc8455wC+qrt8\n+XKgpKL73//+F/BtJoXApEmTAK8S/PrrrwDssccegK+aPfDAA4Cv0MSZrbfeGihpxVSrzIABA0r9\njAznMqm3bt0aiKcyte666wK+LUwtizVr1gQqJtknthEZ2XPIIYcAJS0UkFmlUq2Vf/zxB+A/N7VB\nR82oUaMAOP/8891jaiG7/fbbAd+iGPydjTbaCChR5GrXrg1EF9aQKVJy9BXgpptuKvUzwXOR2jT1\neIsWLYCSDouLL74YgNNPPz3na506dSrgVZi///6bb7/9FoC6desCvpqsnxULFiwAcOEaagssFKRE\nSR095phjAB8eFFR0vvjiCwDOO+881/USN9TxoPNq4vFBr0ddHvoZqVgHH3wwUBhtf1KkdE5K5IMP\nPgCI7WeUiFqBdXxQIJW2yR133BHwn00+X5MU8oYNGwJ+f99hhx2A1J0QiShg6KqrrgprmVUeU6YM\nwzAMwzAMwzCyIOfKlIy55557LuCrScm44447ALj//vtzvYzQ2WyzzQDYc889AZg1axYAnTt3BkoU\nqmAFMbEiGlekzIigUVHK1H777QeUVBHj6puS3+Hpp58GSpTQ4447DvABDOKJJ54AvNoTR1SBeuaZ\nZ4DS3g/wfp1HHnnEmU7lAQkin4fixuNAHGO1M2X48OGl/q/ecyk5m2yyiVNvFHoye/ZswHvApGpH\nXYHu1q0bUFLZF1JB5N9KFXKg/UWvbcMNN+Tyyy8H/PFO26WU+kJAARwKA9DxPpEw/QXHHnssAKee\neioAW2yxhXuvTzvtNKCkywOgWrVqpX5XwSb62r59e2c+f/PNNwFiG47Us2dPrr32WsArcEHkBZOS\n+8ILLwD+GB5HpBZIHSguLnaKga5/5AmVyiGF6tBDDwWIXbBLIqkUqQ8++IDLLrsMKIzACaHI8L33\n3hso6++SL3H8+PFASbiGOq2i4tVXXwV86JE6VoL8/vvvgD+WPfzwwy5YqCqy+eabAyVdBDq3yQOb\n6j0K8uWXXzplL1NMmTIMwzAMwzAMw8iCnCtTqoalUqR+/vlnLrroIsAn4BUiwYQUVXUT1Sd5H9Tz\nXQivVxXmVJWL7777DvBVszPOOCO2MelbbLEF4KvMp512mlPWgii2Oo6ccsopgO/fliL11VdfAX7b\nU4W2d+/eLlFNaofUUXn7pBJEXU1Lh7a9IPLexLmapkqm+OmnnwD/Pvft29e99/Xr1wfg6KOPBrzf\nKmr/oY7RUj+0PoA33ngDSK1IyZ8XVEWKiorK+BGFVJG2bdsCsHLlymyXnnO0b8kbWl4i4XfffceY\nMWNCW4/Ul2RqhGL333vvPaDEvwXe96D0NKlpzZs35/HHHwe86imv71NPPRXG8ivMwIEDAbj44ovT\nRteD96koibRnz55AiQoihSRO2xZ434q+JiKFQZ+NUvzks4pTUlwqkilS4L1FhYauE6Tg6rpW4xWE\nri0aNGjgvHtRUd75Qp1fwc+mfv36ZbbDZNtlXNGAYR3/lGIqz5jUp/XWW891huh8LKTS6fpIac76\n+R9++KHC6zJlyjAMwzAMwzAMIwtyrkypMqQ+X93x6i554MCBsasaZYPmSwkNb1N1sKioqCAqSiLo\n+ZDvIYi8UkKpd3EkWJHRoL1kKJFLSk0cfGDqhdZcDnnANDhUficpN/JUXXHFFa7ysmjRIsD37Csh\nKtXnmw+kBqRKvVy9ejXg114IKCVRKnwydGyUL1GVti5dugA+QSosjj/+eMBX+pV02bRpUxo1apT0\nd6RmPffccwAuuU+kO+Zpe54xYwbgFSr19OcTeSnVbx98HToeyH85ZswYVxHNF1IPhbYXzV/SZ3jY\nYYdx5plnAr56K//KkUceCfhKbdRIkRo2bBhQcoyTp1BKtY578vHJn6z9R/6y4cOHu86QuM2ZSvRK\n6Wt5KWvyxsYZqetBClWREhqkrusd7Wvat5SUKWV+//33T3t9EQbz5s0DvBIt5V9eynQJg8FtrpCu\nVXWtrWOWfOH6LKQiAixZsgTwyblhYsqUYRiGYRiGYRhGFuRcmdLMC/kbunfvDvj0sExUKXldgkly\nDRs2dHfjqXr5o0I+B/HWW28Bfs2FdKcPZRWmoDITVK6EKrn5QF4PzS274YYbAO8pOvvsswHfDyuF\nIx2qYKjylC+22WYbZs6cCfg5REoWevfddwFfsR09ejTgPQRPP/00Xbt2Bfx7JMXtzz//LPU1Dmg2\nUyqvRGLKXNyQGhhce7r9v7yKtGa4qSoqdTHXyKOhiuZRRx0FlMzt0Wfy+uuvA1492meffYDUs7C+\n+OILN1NQM5KUQqdj47777gvgtu84zKqTkiElsXr16oD3kanaq2NMnJGCo6+vvfYaEydOdP+GknRJ\nSL3PhY1SIkeOHFnq8dmzZ3PnnXcCfraX/GPBc+4rr7wCQI8ePQCYPHkyY8eOBWDNmjVAfBJC03mm\nCsmvEuTRRx9N+32l3kFhqlXyQUn9UdKkVEMdJ0aNGuX8sVEp7dof5NvPdK7fihUrnPc9n9dvFUXH\nrDlz5gDet6/PSJ0PiXkNUrelZoWJKVOGYRiGYRiGYRhZkHNlSsjPIWVKOe/XXXed+xmlWulnpCTo\nbll3/Yno7lvValXcokbVs+AcH/Wi9+zZ0yW9qE89zpRXoZDSEUTVgXyg91fbgrYjbXtKddH8jnRq\ngeaDKc0lX6gSPn78eJeYJk+LFCmhyu1JJ50E+Cqh3gc9D8Dtt98e4qorh+aQBFGFTxX2OKKJ8drW\npABKBVXPthQe8JVoKTdKJxL63OUFCWsqvdIgpfYn2z+kIpWntEvl2n///d3npYQ8+avkO9Drk/oV\nB/Qe66sUKnl5NKdJs4yingVWWVq0aAGU7fbIF1L4gttVjx493IxK0a9fPwAWL16c9LmUYvrrr7+6\n1FIpjUqVkyKXL7LxTBUy8lJJ0Sl01FElH7au8+Sh7NKlS+Tez2znlq5cudLtf6k6juLEtttuC/hu\noeA1pxSrF198EYCtt97afU9pfSNGjADKKuG5pKicdpSs93KdMHXCltx+9dVXO6OsZDm1KwXR2tR6\nlfhz2rjVLhCHwIBEnnnmGXejdd999wFw8skn53NJaZk0aRJAmSFnkrOD24kuDvfbb7+8tyko9ERt\nbkIXtMHhtokoKEAnXV34HXHEETlfZyboxm/IkCHu5klyvm54b7zxRsC3mCl6XwebxBY+tWPpoKKA\nFIVYxAEVSILR6GrjadOmTdRLypjevXsDvqiiG9qHHnoo4+fQDa9uisWCBQsA394ZNjq+3nPPPa51\nKtUFn46/Mjkr4CBd+7VCUNT2p+dUm+oll1xS+ReRY9RiqYtCFdGC4TZxZsMNN3TRwCrWyGCvY8g7\n77wTyVp0zlccuIoQuqhr0qSJC8XQxalukMpjzz33dOEUGnWhtqyLL744F8vPGt3MJQY4JRZYwF8n\niDgXwESqYb3JyPd1Qi5RwJpu2hVnXyjoZveRRx4B/DE5rMJdtqyzzjrOIhQMqFIrr1oWZbVJRG3p\nskroxqwyFBcXJ92Qrc3PMAzDMAzDMAwjC0Jr89Ndo75K6ejZsyd16tQp9bO689QwQpkWZRrToLR2\n7dq5oAS1ApxxxhkAsR0cC4VhvFRUtpQpxXwGq8UKFtHPxWGQqoaEqrKvquSvv/5a7u/KdJ9qyHTU\nSGUC2HXXXYGybW6qxGibTxehrdZZVYB/++233C02R6SqWBZCJVNDVZMNV80UtTkGlSlFxrdt29aF\nNYSJjP4nnXSSq7xKDdVnoSGvalGsCFK5Vf3Uc0oFDluZkgqt9sPFixe7eHa1wQWZMmUK4FU1tRbH\nGUUEq/r84IMPllEW9d5reK844YQTAK/mT548mf79+wO5CX2SMqXjkZCyuckmm7i1Tp48uULP/dZb\nb7kQAJ2fNGZg8ODBgK9QR02yKGo9phZSRT3rcQ0j1v6S71CkZPTt2xfwYw6StfXFLaY+F+gattDH\n/Og4IGUxbspUy5YtXdueOtRmz54N+OObRikE2W677Zg7dy7ghzCHiSlTPyFoAwAAIABJREFUhmEY\nhmEYhmEYWRCaMqXe4E033bTU17/++stFG6pXXhVL9XGn4oknnnBVeilTqt7GmUKosMtzluiFAt8T\nLZKFaaiqoUpa1FHH8kbJz6BAikyq+aqKqxqobTNfqO83mTlfEdZSDeSDSoeGS8tHFUWFpqKk8m1W\nRWN2Mr755hvAm5k7deoEeA/TVVddFYkylQ55ClMN6cwEKa3Bz1WhCLVr18443jcb1PmgQJctttjC\neRRTISVXa27ZsmVo68sWKfEyYms8yW677QaUVkGCv9OrV6+kz6mfP+6449xAY0UwVwZ50KSCahtP\n7Fa5//77Aa9WVQRdF0iZ2mGHHQDfeaFwoqgJXgMUFRW5x6Q46RwsX4fOwamGmccJdd+oqyhRoZJ6\nVZWQiq5gg0KloufYVq1aOU+jIskff/xxIJxQnpdeesm91/LnJvNGJSLv/PDhw901krqXwsSUKcMw\nDMMwDMMwjCwITZlS4pjQHfCll17KmDFjwvqzsaSQKuxSlZSuFPQxJKYRQUkFUPHJwaGKUfP2229X\n+HdUGZW3T9HH+UIetES/l/YXKRiZ9P0fdthhgFcD1Dus+NBCQJ+NvqqaXVVRql/Hjh3zvJKyqC+9\nMsOeUyVkKnEy1SDgyjJw4EDAH590PD7iiCPKjd2XzyqOqEKsY7VUmCCrV692fhx5Q6V0qtNAiptU\nIb1ndevWzemaldCpYcEvv/wy4DsiHnjggUp1B8jXJe+UtjlVpvOlTMmLkuiLCl4XKHlQg4cLMTpd\n21VViUQPIu+kOkfy3cmSLbre0bal/VydLNr2hgwZAnjvbLVq1coo1Ndccw3gFX95mnKF9ovyUOy5\nxlq8/fbbrlsqOFYmDEyZMgzDMAzDMAzDyIKcK1O6aw0O1tLdYmVVKfWFG+GipLhUCVuqJPbo0SN2\nM77SIa+ABqIeeOCBpb6vKsstt9wC+D7dqFD/fGWSm6pVq+bmK6jCFEXPcK6RStq+fXvAJ8nFCSWn\nqeKfiY8tFakSJVWpLnS22GKLpI8rnTKs4czB91XDgzPxZ0nhzTeNGjVyqqBmwsjLlGq7+frrr4GS\n5MWKqvbyHOVamRLyooU9Qy04LDdfBI/nRUVF1K9fH/DqoOZKqZquLhAlGFcmMTQqlOonqkqSn9It\nNadRxyr5hgoNnUt/+OEHwCtP9957b9rfKyoqKrMv6Ryoa4xcK1OpUCKo9gupajrW7bvvvpGmd5oy\nZRiGYRiGYRiGkQU5V6aUBa/JyvJqKEmpMlSrVo2hQ4cC8P333wOp04iMylHepOioE/syQarAP//8\nA5SdP1CzZk2WLFkCQL169ZI+h+aSKFFNz9mxY0e3Lcedzp07u15nsXDhwvwsJgOkbO6+++5Jvy81\nO07KlDwfqsIprVRzdD7//POMn2vPPfcEyipQSkcqJJ9bMjSnSCpEsLJZXjU0W+SRkgot1IP/+++/\nl/kdfY6qRKtiK1599dWcrzMZ6vCQQt6tWzfnGdS2F2Tp0qWAV9flwauI11DHxcaNG7vHonrN/wYm\nTZoElHyeOscqnVUV9uD+IZVQlfc4U1W9Ujo3bbTRRgBccMEFQGH6eGvUqOEyDTLt9JIS98Ybb7B4\n8WIAdtppJ8B7NxcsWJDrpSZF5xMlseo16B5D3496ppwpU4ZhGIZhGIZhGFkQWprf6aefnvPn3Hvv\nvV2FQKk4SjgzcsuwYcOSPh7HOUVCCU5SzYIJLhdccIGbZ6K0PFWaVOVQGpSqgPIePffcc7Rp0wYo\nf85BvlA1PfGz03sij0IcUXqd5s0FZ2xpzoo+EyWOAay1Vkk9SL4DzTTR5xnW61byXDBBTX4cVS6V\nzpiIEsaOP/54wKuhQe/LhAkTgPC8ROmQf0PpZ0H/WjpPn9IXjznmGABGjRoFlJ21o88mrFkt8kMq\n0VJdE4lJmWLnnXcG4L333gN8R4X8AKpA6zMJm+rVqwN+G9lwww3L/Izev/PPPx/wqkc227yqzFJ/\nE/+eZjcZlUcqX/fu3d1jQU9UsplURn5Q59PNN98M+E6EiRMn5m1NmaJjmo7DUuiTzbAMbmNSdXQ+\nveeee0JbZ3no3C6vqPYdeW11XTZr1qzI15aIKVOGYRiGYRiGYRhZEJoyFQZ33313mWpcIaAed6WP\nVGZWS1RodlSQfv36RbySipPK2zRo0CCnPNWqVQuA+fPnA3DdddcBvqobTFa69957mTJlCuDVCFW6\nw0YqrLYjVaC1RlWaxo0bB5T0rctTeNpppwH5T7NKh9RlVZhU/VP/var0mn2jeRYPPfQQp5xyCuAr\n+Hrd6p9Wf3dYBCt68tiokrlixQoA9thjDy677DLAK1CpPhN5eSqT6FhZ5C0UWuu0adMAuOmmmwD4\n8MMPAf8+bL/99hx++OFA2UTXYLLarbfeGsbSHU8++STgk2Q1W2XRokVAyefw2GOPAXDQQQeVWpu8\nb0Jqr3xIYaPjkPxPRxxxhNtP5HeQJ/T999/P+u/II6VOkgYNGpT6/tixY3nnnXeyfn6jNFLfP/nk\nE7d/yBMlD9Uuu+xS6nfifOyu6lx99dWA9yNKRYzq3F8RdC6U31HJg1LX0yVb/vTTT4C/xtA1ar4U\nqZo1awIlxyX5v9VFpM4gpZnGpVuqKN2OWlRUFIu9WINUu3TpwsMPPwz4A1BcGT16tGv1EQrPUAtS\nHNEBPbiBKgo9jsETmfLHH3+4FiShA45upoKojezwww/n8ccfB/wB5pxzzgHCayXT9qJ4eq1F6MZQ\nLTm66fjrr7846aSTgJIbjkJDNxtvvvkm4FuQhC7c//zzzzKfpy7QZUINC52gdGxS+1smgzZT/Yy2\no6OOOgqIPpY/GbpQ33777dP+XCavWydo3Yhpu1ZgTFiojVA3VbpZLS4uLjMoOPg67rvvPsDfHKv4\nUuio9Uc3icHPV+2qrVu3LiiTvdqyVEzR56iL4nwN7Q0yfPhwunbtCpQf9iSCx/84cfTRRwPw6KOP\nlnr8tttuc61ihYSGLKuA16xZMyD84lxFULS+isepRk/omKb9eN68eW7/F6NHjwb8dbXixZs3b57j\nVSdHRRxtRxqOXLduXTfioXfv3oAf9J0v60JxcXHSvtv47p2GYRiGYRiGYRgxJpbKlFqw1N7UokUL\noCQquFGjRkD8pe9nnnmGdu3alXpMLUipYrnjQGJ0ayJVwQS7atUqp3qoZUYtFeUN8Fx77bVdG93J\nJ58MwG677QaUDbrIFarAHHDAAUDmlcmuXbu6lsRCRvuJlBpVq1SRS+Sll14CfJhFstjrMFCEvoI+\n9BllokypUij1Q1/1WuJA7dq1AXjllVeAsi1IIp0yNWPGDMCHckRd3ZVaof033Wej9kaN9lCbXVTb\nU9go+l2V6KAyJy6//HIAPv7442gWlgMOO+wwp8SrJeiDDz4A/LE6Ti32MtZLgVbbn7bP4D6luPw4\nUhWUqRo1ariwHHV2KPZ75syZeVtXKtSKPGfOnKTfX7lyJQAPPPAA4M9RydrHdZyXWioFPiolXiNo\n1GUjNWrUqFHceeedQHyOwaZMGYZhGIZhGIZh5JBYBVCoUiOTpgzoqi61bt069oqUmDFjhjPKq6K0\natWqfC4pK+SVqgoMHjzYmRkV91ueIiX+/vtvTj31VMBXeDRsNixkdlV1OFVvvYz1Wpe+FjqKBL/t\ntttKfR08eDBQcnzQwD553qKuXilK+ocffgDKDnlNhobx9unTB8hv0ER5aP9o1aoV4FWeSy+9FPAR\nulILf/rpJ9dRoKAExY3nq7Ioj6M6A1SpXblypfvcpESlGglRVZDPUmb1QkS+SBnR5ePt0aOHO9eq\n0n399dcD8VKkhI4D2vZSeajCPs/kAgW5FCLqVvnoo49cN4S6BOKoSAlFg0uBksqskCCp6pmoSzrO\nSwWKGvmh5J2SR7WQ/JqmTBmGYRiGYRiGYWRBLDxT8kSpd7hGjRqA9w6oHzdTFSEuqHKg5K/99tsP\nqFyUbdioWq7qX4cOHQCvFhrR06NHD8BXy8Tnn38OwMUXXwzA5MmTo12Y4VDioBIYDznkEKB0tXDB\nggUA3HHHHYBXCQzDKB+N61C3RLJrFx0TtR/mc9hoRVFnzqGHHgr4zgR5ZzXUN87oWk2qyGWXXRZb\n1Uo+oYULFwIlw8ZPOOEEwA9XLpROKCM6zDNlGIZhGIZhGIaRQ2KhTBmGYRiGYZSHUj2PPfZYwCez\nLl682A3Gjkvyl2EYVQtTpgzDMAzDMAzDMHKIKVOGYRiGYRiGYRhpMGXKMAzDMAzDMAwjh9jNlGEY\nhmEYhmEYRhbYzZRhGIZhGIZhGEYW2M2UYRiGYRiGYRhGFtjNlGEYhmEYhmEYRhbYzZRhGIZhGIZh\nGEYW2M1Ujtl///3Zf//9WblyJd27d6d79+75XpJhGIZhGIZhGCFgN1OGYRiGYRiGYRhZsE6+F1BV\naN68OQAXX3wxAOuvvz633XYbAJttthkAN9xwQ34WZxiGYfyrqFWrFgDvvPMOtWvXBuCQQw4BYO7c\nuXlbl2EYRqZ8/PHHAGy77balHi8qKpmdW1xcDMBbb70FwGOPPQbAsGHDoloiYMqUYRiGYRiGYRhG\nVpgylSOkSB1++OFAyd3y+uuv7/5tGHFg6623BkpXraOkadOmAEyZMgWAo446ikWLFkW6BsP4N3Dz\nzTcDsOWWW7pz0Pjx4wHfSfH777/nZ3GGY/LkyYBXDaUirl69GoB69eoBsGLFijyszvg3sckmmwAw\natQoAA499FAAttpqKwCWL19Oy5YtAXj33XdDX0+tWrXc9n/XXXcBcOWVVwL+WqJFixYA7nr7s88+\nC31dyTBlyjAMwzAMwzAMIwtMmcoS9WtuvvnmAOy3335lfuavv/4C8nenXBEOO+wwAMaOHVvqcVXN\nLr300sjXZCSna9euAHz++ecAzJkzp9zfUb/xkCFDADjooIMAr1RFxVdffQVA3bp1AZg9ezZdunQB\nYOeddwbgmWeeAQpjvwmy3XbbAV4BUEXvySef5JdffgHgiiuuyM/iDMCrsjNnzmSjjTYC4OCDDwZg\n6dKleVtXrhg0aBBQkiwbZMmSJQD8888/ka7JSM2uu+4KwLRp0wBo164d4L3WL7/8MuC30Z9//jnq\nJeaUTTfdFIBHH30UgB133BHw11JGdDRs2BCAtm3bAjif/7rrrlvq56Rsb7TRRrzyyiuAP19/++23\noa3vxhtvdIrTb7/9BsDXX39d6uuzzz4b2t+vCKZMGYZhGIZhGIZhZEFROj9PUVFRzs0+Rx99tOsN\n1t2wmDlzJgB9+/bN9Z/NOT169ABg4sSJpR5PTBj58ccfAV9hijNKTFFlPciIESMAU6jyiSqY8+fP\nB3xPvXrs06Ee6AEDBgC+Mq19Tf3IUaHt6aKLLuLPP/8EYJ11SoRyqaFnnXUW4CuZ999/PwCzZs1y\nvxsX+vXrB8BVV10FwLx58wDvSWnfvj1rrVVSu9LrMQ9EfujVqxcA48aNc48NHToUgP/85z95WVMu\n0bFcVeeioiK3rTVr1qzUzxQCNWvWBLwf+emnnwbguuuuA+Cpp54C4IUXXnC/M3z4cACOP/54AB5/\n/PGkz63j3x9//JHrZWeNlHqlkum40b59ewCee+65/CysktSpUwfwx0Z1S6xZswbwnpd80bVrV3eO\n0blV16g651YFatSowa233grAcccdB5R973V8GDlyJAD169cHoH///q6rRNcUl1xySWhr3Xfffd35\n/sEHHwTg5JNPDu3vZUJxcXFRssdNmTIMwzAMwzAMw8iCyJQp3Qn36dOn/EUVJb3xiwXnn38+4L0n\nqpqJRGVq5cqVgK9+PfDAAxGtsmL06dPHfT5SDFq3bg14L9gnn3wCQKNGjfKwQgN8BVb+NlVTM6no\nffrpp0BZj5SUqqhnoKk62bx585Rplz/99BPg96mNN94YgJdeegnwHoI48PfffwP+OHf22WeX+v7I\nkSM588wzAdhiiy0A3wNe1Tn66KOBklQ58J6lb775BoAJEyYA3mMaNkqoSuy1l1dKPoBC/GxOP/10\nwCs2OjcVFRUV9PF76tSpgPeA6TggxSbZ8UPHxmrVqqV9bnnmdK6OE0pa3WWXXQDvEdlpp51io2or\nFVIKxhFHHAHAqlWr3M+0adMG8Eqwul/0GUk9/O9//xv+gpMgD/KECROoXr16qe/pM9hjjz3KfR5t\nl4MHDwbggAMOAErUlTigz2H8+PFss802gD/OSQXVZyAlN+itPPbYY13nyPTp0wHo1KlTqOvWtq41\nnXTSSaH+vfIwZcowDMMwDMMwDCOHhJ7m9/777wPQpEmTCv+OUl7igKrjX375JQBrr712ub+jyqB8\nVepXV4+pvCL5RmoUeE+U+plV0VQ1SY9L6YgTqoBfc801gN/mjjnmGMBXXwoVzYAoRGrUqAHgKmJS\nKcCnAWmehFCPfXDSubxjcUDVMiX1BT03O+ywA1DiqdJ8jEJUPYLoM5GCLR/sXXfd5VImxV577QXA\nwIEDgbLHTs3oq1atmnv/7r333pBWDj179gRKkiT1Ok444QSgsD8bnZs22GADwO8vf//9N/fcc0/e\n1lVZ5CES5557LuATx5IpU/JXtWrVqtTj8ufonKf/xxGltEqZkqK9yy678MYbb+RtXYno/ZW36Lvv\nvgNwiW/gjw3yxAqlmuZLkdLfv/zyy91jSrPbfffdAa+G6vyV7vjQv39/wG+fUt522mknABYvXpyz\ntVeEhx56CIDOnTsDJcff++67D4Bhw4YBPuWzIkSVCKr3XOeRuBLazZTaXYI3UR988AGXXXYZ4C9u\ngy2A+h1dHMfpIlgbZjaoRVA7qi4u3nrrrcovLMfoZunXX38FfDtEnG+iFLVqZI5CHsJu81Nr13vv\nvVfq8d9//50bb7wR8DciOnEF0YXvhhtuCJQEb+gmJmoUea4WB7XgBNtvjjzySKDkgvbaa6+NcIW5\nRe1SCm+QCTjYwvLBBx+4E7XQ8V6PX3jhhYC/SNR7uemmm7pI+TBvpm6//XagpMjSu3dvIN6t5Zmi\nFsUgS5YscRdNVQEdL4I0atTIbVtqPwvePOki/8UXXwx7mZVGbXHa50SvXr1iczN10003Af6aplu3\nboBvRU+G2uDGjBkT8uqSo3CS8847D/A34/369XPvuQp7r732GuDj6ffee++kzzlw4EBXLNPzTZo0\nCYj+JkrDbHW+UVuzQiUGDRrkWvUKAbVjKyxj++23B+DDDz/M+jnVkilBIxdtvtbmZxiGYRiGYRiG\nkQWhKVOpgiZmzpxZRmlSQIOkYilTkofzqUydeuqpgG9FKa+Cme77+l4wblNxygq1iJply5Y55Ult\nfGeccQbgFSmhqk4cItLLCzX54IMPgHgpm3Ej2FoXNsGWnPXWW8+18SgEIKhmB9v8ZBJ+5ZVXXJtJ\n1AqVWjj0VcEejzzyCODji9VSNmPGjDIjHx5++GEAN0Ihzqg6qLY+ocr/9ddfD6RXh1WhPe200wBv\n6tZx/rTTTitzvAmT1q1bu9YjHSsU8qI21AYNGgB+dIAqmtdff31sBvzKkK1jc5DENqaqhNpF1aJ5\n6623OtV64cKFAFxwwQVAYShRQeKyfaVDwTunnHIK4FVDhW0lWjV0vMuXSqqOB421kdo+duxYoPSo\nBLWea/tJFXaktnWpbeBDKxQ4FBVqe9X1pIY/69imzqhnnnmmUn9H52ENBw8brffEE08EfKeDrs3T\nIWuEYtwV664wDtlYMgkYKQ9TpgzDMAzDMAzDMLIg9AAKIWPf888/n/JnNLRXlengUN98cM455wC+\nTzNVjLOMl/r6wAMPuAqsTOgi+Bzq886XMjV58mQXiqE79VQoRjSfylR5ipS2tVwMf5YfS9XzRLQt\nh618bb755gBlYltzgeKFVdHNR+SuKoSq8snYKpVDylXw9ScasRXuElWAgPZzDeAdPXo04JUoRQSL\nHXfc0fXb63WoiqvjgQb8zpgxA/B+tmXLloXzIjJAseWq5KlafvPNNwN+H3j77bfLfS69VwrtkKFe\nCsPSpUud5yIKmjVrxuuvvw54P4HWKLOzlEf5W1Ulbd26dRlvWL6QMqPKtJA37Iknnij3OeR9k79C\nHqOo4uqzQb667t27AyX+B22P2o7iovpqVIKGn+65557u2KVtSgpCeSp7YqR/3NDaE0dwaBvSMTJf\nSNmQ6qzQBV3jJUPhGMGQDCnaiu2vWbOmi4PXsT+qfUf7/aJFiwA//uB///sf4H1euQg8mz9/vlOE\npP6GjbxnuvbU69E2lkrB3Wyzzfjss88Af10j9V7H+eComMpgypRhGIZhGIZhGEYWhDa0N1jRz0Ql\nSKU45CvaumbNmrz55puAV6ZScfXVVwOl1SVFo0txU9pSqiGrSlS75JJLIo9N192/Knqq2CrFRsqV\nyGf6VaptNhfbSTbJgKooVibKX2l3SjiqXbu2+572IalHQv3qSiRT9Wz58uVl3iOpIIpvDaIkIvVb\n55r11lsPgHfffRfw3ryioiK31uXLlwO+eqQ0Ir0X6ktXZUzvGeCin/Ve5At50JQUddFFFwEl6XdS\nMtS7r+OBYpxVUVRCoFTD66+/Pm+qtSrNittWdVf+h3SoeitPgvYteSakekXtd1Pc8auvvuoe03st\nlEa2YMECAL7//vuIVpc5OiZrFERwn9f2pOpsMuQJUZKmjjH6fxxTAO+//37AK1KrV68GoGXLlrFJ\nxpVXQ15r+VXSjVTREGv5D6W2S3kUDRo0cD8bN3Tc0+Bo8KqcjgP54osvvgC8Iq5rnWyS7XR8kMcS\n4O677wa83zwq5AHT+UWJy0pYjONA6mxQh4rOPTquSbGSV00cdthhbl/q2LEj4N8b7VO6xlCibCbY\n0F7DMAzDMAzDMIwcEpoyVRmCa8qlB6Yi9OjRww3cLY9kypRQD+0PP/wA+P774DBCqT3XXXed81HF\nheBnEkdlqjJrSrcfZEo2f1/Ves0vy2QYdHl/f9KkSU6BUtVf/gIpC0HCVqbELbfcAnj1uaioyPV2\nq9qnJKVUaID0tdde635Hvqv27dsDXg3OF08//TTg+7sbN27slLfykAquBLn99tvPqXVRK1RB1ShR\nMU3FAQccAHjlSR0HSviKi8ozadIk5s2bB3g1oJDQZ6MERB3D5GdVp4N8X8lQomwwzerBBx8EUh8v\n8oF8bQ0bNgR8ZVrHgMrMnckVqpIrGU7dKfIJ6rPZfffdXTV8n332AbxfTYmRqejevXul5l2Ggfyu\n2p/kSQHvCdfPtGzZEvCKieYHhXVcUNKglCOh9137QCbIS6mOHXVcgFcho/KGafvR7EZ1Asirr324\nqqHtRecTHffkYx46dCgAd955Z8rnMGXKMAzDMAzDMAwjJsRKmXr//feBsnNm8qVMLVu2jDp16iT9\nnpJM9txzz6yeFyjz3FIWvv32W1e9UTUu3wS3E30W+myiJNV2ko13qbxkwIqQjTIlVWbXXXfN2d/P\nRmXTvKBUfr5cI+Vs3rx5zJkzJ+vnUSKT1BxNrNf+ky+CSUfqX68IqjR+9dVXLhlKc4+iQp4AqU2p\nlClVnUeMGOG2Ic32mD17dtjLrBCqLs+aNculPwZ9HUpa09p1nIhDOpzmSsknKL+X9nv5A9KlvimF\nrHPnzqV+V0jNuuGGG9hvv/0A/17MnTsXyCwlsDLomKjqsebmyPvStGlTID8JpEG0X+i9+emnnwBo\n0aJFxs8hxV1dBDqGBT+bpUuXcsUVVwB+rl1UKaY77bQT4JWn5s2bA372T6IilYqvvvoK8N4X+Xn1\nueYapaIGPVsVUaakMGp+oH5XrFy5spSHNwo222wzwPuQv/76ayA3M5PyhT4rJRO+8sorKX9Wn4HU\nYCl048ePL/fvmDJlGIZhGIZhGIYRE0KfM5VNOloQqQZ9+vTJSXJaphQXF6es8lfGY6O5BnfccQfg\n071y8dz/BlQFC25TUqr0/mWimlVmllkutkVVX3P5mcd5+1HSUb9+/YCSylBllCn5DIIJRlJ9VSHO\nF5U57kmNGjFihEt5lNqjlMCwCfoZVIFXFbZVq1aAV0uuueYapw6m8+rkE72WZ555xvlZlRCnCr+8\nEEqQHDBgAOBfp5SdKJH6Kt9hMIFQyvT06dNLPf7ll1+62TqpCKrqmoUmHwj4z1peF3m1co0S4aS+\naFtT6trpp59eah1xQImKH330EeDVwYqgGY9KJZMarK6BxBmQSltUamBiel6ukA/1lltuca9HypO+\nVx5r1qxxScHygEr1LQQ0f01z9aTEBUk3PzUspCrrM9G8siBKL9V2VBGPWNToWl/7UzqkAutrNuTS\n+2/KlGEYhmEYhmEYRhaE7pkKq0oehUL1ww8/pPRMqYKpu2JVcCtSCVeqn6bNJ3pelKIUl0QW9cur\nf15zqFT1yAdSPVXFCHqock0Y3r1//vkHyG2aYDbPJRUhbM+UVAt5CWbOnOnUpcqg91Fqjirx+UqO\nk2dKylRlUhJr1arl3jd9xrvsskslV1gxtE1ppo+8app1lKoqGmfWW289t09LUVAPvfaHoKdRs9yO\nOuqoSNcKyWfbQPn7feIst2TfK+93lUIrb9KBBx4IkNNZR0ox7dq1q0vp0j4tVVDemjgiv4q6JpRk\nWRHkO9Q2p5lfSlrVV/DHac1MCsNbrfPrlClT3ExDJa0qOU0ezs033xzw6sfll18OhKOYZYvOBUFf\nl/bpZCgdVu+3fDmNGzcGvEL3+OOPuzmXUbDJJpu4bW7dddcF/DVosBtCqppmMP78888cdNBBgPef\nxwV1XKhjQOpsrtExdLfddgNy45kKvc0vmYymnTQ4XLW8MIBjjjkm0sG9U6dOdbGaQdSa16ZNG8Bf\nJMoMuHDhQvfaZZTV/9VSopjUQkBRoLqZ0td8om1BX4ODooVa+dLdbKVqCYw69CQdusDTsFENqFT7\njdh2221d25vQQVOmVZ0kombp0qWAv5lq2bIlxx9/PJDZINggGrztccQuAAAgAElEQVQoVNzI102U\nLm50s6OTVmVYs2aNCz7QiTMqdOGhi221v6lVOZ1BOO78/vvvbgB0KoLnL+03yfaxsOnVq1dWv/fn\nn3+6yGqhyP5U29Ptt98OlJwDdZwJc58aOXIk4IcIg78gj/NNlIqeuplQIERF0I2k4tN1E6WCbbLB\nySpqhBlQpfNqvXr13M3UqlWrgJJ9B3zrnuK4Fa4Vp5sooQKIglNUKNeFe7oipEZS6MZE5zHtP4sX\nL879gtNQVFTk/rbWrUJiELXN6ib9tttuc9epej0qWKiAkS9kfVGR7oknnnDWgFwef8IoGlubn2EY\nhmEYhmEYRhaErkwlI5W6JBUgqExJNYhSlYISCTtTg5pUD7UdJpN89VySxoMxw4l/K59DcZOhSkyc\nCSpVhYDaQtMNapQipaptecEaDRs2dAMtg0i1y5cypcqt4kyrV6/uWmJkLJfqkUm1T6b8uKCAAoUD\nqIJbGYYNG+baaaOKRtffU0yzWrxUNc93sEdUBKvVUuYuuuiinIxTyJSTTjrJVdCDqOVd7UpSlcTf\nf/9dJnZaA3+DypSUhUGDBgElLUFhojYpHZf++usvV50ODlmNI6r6V+Z8rY6cYKS1lPpUikNUJFME\npKZ16dKl1OPTpk2LZE3ZIGuCIugVta/OlWTKlLZFhYKkIh8BFELtfjNmzEj6famKUhF/+eUXZ404\n99xzAWjWrBkAJ598MkDK64ew0WB7KVO33367OxcptCob9TcKTJkyDMMwDMMwDMPIgrwoU6mQ5yVI\nvu76R44c6Qxwwfjy8kjXf6u4zeDP6K78008/ddWGuJDKYN6nT5+8DO6tKqhCpMjrxAqnFCn1M2f6\nPqerKr355puA77Vv1KhRqb97yCGHhLq/STXU32/cuLGLYT744IMBb/KVwV0+KFVw5SW48MILncKm\n6psig/OFPGm5QNtGnz59GD58OBCub0WDKa+88krXJaDPJOjnkHFXvfdVjYYNGwLxUT6HDh1aRkXS\n8UEK2UsvvVTu82ywwQZA6lh1DTYNW5ESUge0PX300UdugHJVR35sBQMIHaPlFYkjCs2qW7cu4L1U\ncVYT5QeSyq6ghsqMrxBnn312RvtfGKhbQf5PnSdT8cgjjzBr1izAB6ZoWK7GlOjxfH2ed955J1By\n3Sm/p5RadX9IqapI19TWW28NeI+j9rVcYMqUYRiGYRiGYRhGFsRKmQqmsIl8eWBefPFFzjzzTABu\nuOEGwA/JywVfffUV4AcjKnFN6UlxIlVy1YUXXuhUq6jTraoCSj2S107VpeXLl7uBoblU/uSVkM9C\nypSq3o8//rhTH8JEiZZDhgxJqeLWq1cP8GlLOj7It7LWWms57472nZkzZ4a36ApQGQ+FKqUdOnQA\nSirUer/CQKq7Ekk33nhjp4ZKFVQFevz48UB+htZGiY73Uk2FVFP19EfFlltuWWY/mTJlCpCZIiW0\nTWkfEoo/D/qtwkIpkYpBl8p20003RfL3c8X1118PwMSJEwGf+qak3qDfSe/7dddd564thJ5DPhap\n7XEkqNhqv8hlpd9IzV9//eWut7bddlvAj3VQfH2662b9jPzJzz77LOD9SFIeNWIkMZY/SpYuXcoO\nO+wAeMVNHWy6hpHnWt0byZQqXd/odeo9SxxKXllMmTIMwzAMwzAMw8iC0If2VoRUc6bikGynNWjG\nj+bkpPq54uJi5+348ssvS33voYceAuC+++4Dwp0VkWvk69poo43cYxos3L1797ysqSqh/vkpU6aE\n6ltQeqB6pDUw8sADD3RqRJhIDZkwYYKb/xH0cYh0g0VV+ZVCVb9+/ZyvtSJIaVTKl/aTlStXlvlZ\nva511ilpENBxQcNZVbkOU5UCrzbp77Zo0YLPP/+81M/ovZcilSpZrtBR0pe8YFIS9FnpPVKFMyq+\n//77Ml0RUmpffPHFCj+fKrKHH3444JWFoFoSFp07dwb89vTGG28A+R0CXxnkcZaarqq5lCp5NQYO\nHAiUKHOaFaXHyvO6xAnNalKan44hmjdV1QkOAO7SpUvkSYaalTR//nzAd7dou5LaPHr0aMAr2Ol8\nrlLcNdtM/rJg8nQ+0XBieaY0RFxrVQLjTTfd5DoqpLipE0eeMClwFSHV0F5TpgzDMAzDMAzDMLLA\nlCmjQkyaNAmAbt26ucc0v6FQq4r/ZjTbSXPR5KmIkosuugjw1bBUSWPpjlWLFi0CoGnTpmEsMWM6\ndeoEwJNPPgn4yvRVV13lfkbvtWZ6qEovv4H+H2ZyXyKahaVec/Wog98ennrqKcBXQffee+9I1hY1\n8qtJLZU6LF9oz549AZ8MFhUNGzZk6NChgJ+/pqpqnL01qVClWPuC0sSU4lVoSF1KVJ7S8cknn3Dk\nkUcChZmIqaRVpaLJ66u5dFUd+drUifDEE08knS0aBUrzk7da548gUqwymX2ozpVff/0ViJcyFaRX\nr16AT/KVCpwMfV4XXnhh1n/PlCnDMAzDMAzDMIwcEitlSgTXZMpUfJBqmNjfbcqUkQukKlWrVg3w\n25hUkOBxYeXKlc6nJ+/XsmXLIllrKpSEGEy2fOqpp5zKs/baawN+Yr08UVI/olYaFixYAPhZPz17\n9mTy5MkAfPjhh4BP82vcuDEA3333XaRrjAr13Wsek9S65s2bA/Djjz/mZ2FVBM0yk59DaYmJypRm\nfMkbITQDS17kOCLv6ciRI0s9vsceewB+nx8xYkTsZklmgmZj3XPPPYD3rGr/eOedd/KyrqiRN1d+\n+KVLl7rrHx0jlFAZFUqsk0+3bdu2gO/40LE7E8aNGwd4b2VUc+cKAVOmDMMwDMMwDMMwckgslSnN\njGnSpInWkY9lGGnQdvPJJ5+4hBTDMEpQBXfUqFFAiWLVsmVLwPuO4sJWW20FwO677w7An3/+6WZO\ntWnTBvCJo/LrVFWUeCV1ZJ999gGi869VdeSHlAevffv2AKxZswYoUTqk3M6bN6/Uz44ZMwYoTI9Y\nVUGKjNRs+XCUgvlvoU6dOgAu9bRGjRpOpTvooIMAmD17dn4WZ4RKKmUqljdTwSAKGfvyNbzXMAzD\nMIzcoICGt99+G4BatWoBJeMBlixZAnizuN08GXHl0EMPBUoCKPr37w/4mHijamJtfoZhGIZhGIZh\nGDkklsqUYRiGYRiGYRhGXDBlyjAMwzAMwzAMI4fYzZRhGIZhGIZhGEYW2M2UYRiGYRiGYRhGFtjN\nlGEYhmEYhmEYRhbYzZRhGIZhGIZhGEYW2M2UYRiGYRiGYRhGFtjNlGEYhmEYhmEYRhbYzZRhGIZh\nGIZhGEYW2M2UYRiGYRiGYRhGFtjNlJEVtWvXpnbt2ixYsIATTzyRE088Md9LMgzDMAzDMIxIWSff\nCwBo1KgRAF26dAGga9euALRo0QKAMWPGAHDhhRfmYXVGIkVFRQCcd955AOyxxx507NgRgPvvvz9v\n6wLYeuutARgxYkSpx5s0aQLAnnvu6da/YMECAPr06QPA3Llzo1qmUYXRMWrUqFGlHn/yySc54ogj\nAGjQoEGp7/34448A/P777xGs8N/L2muvDfjjQYcOHejbty8AQ4cOBeCRRx4BYOXKlXlYofFv4txz\nzy31/+uvvx7w56KmTZsCMHPmTACef/55AKZNm8bHH38c1TKzom3btkDJcW/99dcH4MYbbwTg/PPP\nz9u6/s1cfPHFAJx++uk0btwYgKVLl7rHAJ577rn8LC6HbLbZZgBMmTKFiRMnAjBu3LjQ/64pU4Zh\nGIZhGIZhGFlQVFxcnPqbRUWpv5klnTp1onPnzgAccMABAGy//fYAVK9ePenvXHfddUA8lakjjzwS\ngGbNmgFwwQUXuO9JUZMa8sknnwAwYcKECFeYW6QifvjhhwAUFxdzzDHHAPDEE09EupZatWoBcNpp\npwEwfPhwANZaq6RG8Pnnn5f5nXXXXReALbfcEoAVK1YAsMMOOwDw/fffh7hio6qiNldVwnRcff/9\n9wFo1aqVU6C++eYbwFfQHn74YQC6d+8e3YLLYdtttwWgffv2QMn6AU444QTAH9P0OhP//8YbbwCw\n//77R7fgJOj9lfp86qmnAl7BTsaqVasAfzzXcc4wckG9evUAePbZZ53y9N133wH+fLX33nsDqfex\nadOmuS6euLHOOiXNTosWLQJwCgjAmjVrANhwww0B+OuvvyJe3b8LXR+99NJLgFc6ly9fzurVqwG/\nPf76668A1KlTJ+JVZs6AAQMAXDeBzrVXXnllqZ976623ANh999159dVXAX/+ygXFxcVFyR43Zcow\nDMMwDMMwDCMLcuaZUtVElX/1YB5//PEA7LbbbgBssMEGrnohVHn5+++/Ad/bHmekpk2aNAmA9dZb\nD/CvBWDQoEGAf2/++OMPwPfsv/vuuwA88MADEay4csjn8dBDD5V6/Morr4xckRL77bcfANdee22p\nx+XdOvnkk8v8jj4n9atfc801ANSoUSO0deYabXNSCX7++WegxL8G8MUXX+RnYTlC+78qaz/99FM+\nl5MRV111VdrHpUoB7LjjjoBXreSlkjq6ZMmS0NaZKfJnNGzYEChbJRfJ/r/zzjsDXtV69tlnw1xq\nGfbaay8AV5WsVq0aAL/99hvglcDff//dHc/kAdWa33nnHQBeeeUVwPt4f/nll9DXD15Vq1+/PlBS\nTZa/4Z9//olkDUbu0fZWu3Ztt40NHjwYgKlTp5b6WR0HEtUdgG+//TbsZWbNM888A5RdM/jOo169\negFw5513RrewfyG6Tth9990Bv32dfPLJLF++HCjxFQEcdthhgL8+ipN/d7vttgPgsssuA2DjjTcG\n4D//+Q8Al19+eamfT7y/iOp4DaZMGYZhGIZhGIZhZEXWypTuYFWxU5Vcd7jpUIXwv//9LwCPPfYY\nALNnzwbgq6++ynZZoVOzZk0ARo8eDXg1TZXnq6++GoAffvjB/c7BBx8MwHHHHQfARRddVOo5deet\n340jqtg2b94c8JUL9a3GiXTbjyq+/fv3B3x1oxDUnE6dOgF+nxOq1Egh1GcUZ9TnfPTRRzt/jhQo\nfUZKVHvxxRcBGDlyJOAVnTglrtWtWxfwPgApHarUJqLjnV6n0OeYb1577TV3TAoqT1Ko0v1/o402\nAmD69OkAvP7664D3yIaFVBwpYVI4Z82aBXjPlLyriSgxTd0E2tcOOeQQwPtZ5MsMJobmGili8pe8\n8cYb7n3UueffwgYbbAB475s6EbRt6vPu0qULf/75Zx5WmDlt2rSp8O/odcrnEva2lw1nn302kN6b\nomPjwoULI1lTNmy66aaA98AeffTRgFfo5bW+7777AK+y6TowDqjzoUOHDgC89957gO/UkSoFPo9A\nr1NdElLv44BSCIPnR517gp1u4uuvvy7jpwoTU6YMwzAMwzAMwzCyIGtlatiwYUDmMwOU5LJw4UL6\n9esHwPz580v9jCqLQeLgIRC6c1ciodSkIUOGpPwd9Umrwh5Uc5SyEkdUGZWCoyqZ+rw/++yzvKwr\nkWB1XOqotlEldIFXAbfaaquIVld59Pr0epRW+NFHHwG+Kti7d+8yvyMvmNTgdOmduURzRtQnrwQ7\nVWYvueQSoEQ9kAdESsKnn34KwDbbbAPAUUcdBeBSI+UR69SpE/PmzQPyVxk866yzANwsFVWPb731\n1jI/q/fkoIMOAvxnoSpn8HiYL4qLi93akqX1gf+MpBa2bt0agG7dupX52ai2uQcffBDwFUypTPJF\npkOKxhVXXAF4BUrbnNQgPVe3bt3ctqztMZfI56VzYp06ddyapGgGOxyqGup+kfK0zz77ACWzi8An\nkalrYuONN64Saax6XUHfkba9ZMpq1Oi8ItVAvhWdm5KhY/ScOXNCXl3F0D42depUp+p8/fXX7jEo\nq3brek/nqHbt2jlPfL7RrDx1D+k4lahIpeLMM88E4qNM1ahRo0xHg95nbWtBZUozA0eMGOGue6LA\nlCnDMAzDMAzDMIwsyFqZUvVEVWV9VZVVVULN6dDdpCrUyQjOkdLPFupcJs2gkkciVYU26IGJE2ec\ncQbgZ7Poc9YMrTgQfF+VaidPnnwP4GcuFBJKLVQippA6qKpZYmqaKoeao3XLLbcAXmEMO+VGvi3t\nw1Jn5adZtmwZUKL0fvnll4Cfxh5kp512AnxK20033QSUeCwHDhwI5H97lBojT6VmXSix6+ijj3af\niX5WHjEpjnGZu9KyZUs+/vhjwM+bElq7vj733HMA3HXXXe7ntb3qZzRvSseOdNXryqDUKvmfgimf\nFUFVXSWtqtqrGVp77LGHq962a9cu67+TinHjxgG+yirlD7wfT+cXdUtIqVaaoirRcegeyJTNNtuM\n8ePHA95Dre1Haq/8rupw0XGhqnD99deX+n9Uym4mSOXQMXjXXXfN42oqh1RoqWvffPONuxaT31PI\nMxVMM9Z+uckmm6S9to0CzSmUuqYOqMQk2VRINdR1QlzYa6+9XMqtzifqOGjZsiVAyplr8oGB7/pY\nvHhxaGs1ZcowDMMwDMMwDCMLitJVPYqKisotiXTr1g3w6XWaT5INwWrojBkzgMwSAqOiR48egL/r\nl0dCFWlRs2ZNVyFV5Sz4Xt9xxx2An+gcJ0455RTAV8n0+lQ1lGKVTzSHSIk6SjnSrDP59F577TWg\npIKb6J8qFF5++WUADjzwQMD7O6TYJOuhV7JfsGqjao6qvmGhiqW8hZdeeingP5tDDz0U8J9NRVCP\n9Jw5c5wKqaS2fKVLLlq0CPBVwXKOq4DfXjU/I07ICzZ27FigrGdK/9e2J39H+/btXVU3ld9q1KhR\ngN8mcoWeX7MNJ0+enNPnB++ZmD59ulNMpNrnch5aixYtAJ8GKUU3GVJ55R9Uipe8XNOnT+fpp58G\n/OyZ8tB+u++++zoFPArWXXdd51fR8f2pp54CfAeHjn+bb7454NXvevXqxd4zpfPoJZdc4irsQqqP\nrhvE3LlzAb9N5AP515Skqm0+iNTQF154ASitDuh8LH9pvpAPXAmdek2dOnVya9x3330B74nX69Vs\n0GbNmgHe27j11lvnPV1Wr0NKzgUXXADADTfckPJ3dB5W95Tem7hw1113cdppp5V6TF1ueu8zQR06\n8vZJ5c5mZl9xcXFRssdNmTIMwzAMwzAMw8iCrD1TQt6oyrD99tsDPsNfKB8/zqjKIg+ZppM3bNgw\n5bwfVTDy7fNIhj4LpTSqOihfSzpFSpVaeSZ09y/1LteoCib1TBVa+Qy0PSk97ZtvvnFKTSF4p6TA\nqNIkVLlMlerUtGlTV50WqsCElTikiqs+a82EUR+35uZILchGkRLyFrVp08ZVbZVoqOePeoK7fCpS\nXQYMGFDu72gf+/XXXwH/ueo15ZPbb78d8GlVUgWCHiqlY2r7SlQ+yptJlWt0PDj99NMBX23NpRdN\n3oLXXnvNeTGlEFdmmw4ib5bUirFjxzplIvg+ajZOcJ9XqmH37t2dIi9VR95mna/q1KkD+GqvfG1S\nhaKibt26LgFUiZFBRaqQka8t2T4upTo4V0rH0Hyi84b273PPPRfw1z86nyoNTgl5icpUXJD6Urt2\nbcAff6dNm+a8Ueqg0BwmKfRSONTZoeujfKtSULY7KhPiPNsUks8mrIgiJfSZy+snhTGX14GVvpnK\nBRqQqA1Y6GRYCOhDyiRMQhd8amuMEzLDK65dF6WZvC5dHCpOWIEJGhYXNrpA0AFPB3KtJ7H1UgEB\nCjDQxX5cQgDAtxqonUW8+uqrSX9eN7NTp04tsy8tWLAAgDfffDPXywT8wUl/V2ELipZVG1xw7Y0a\nNXLhBTqRPfroo4D/bFKxYsUKt11qEKROflG3zqqVV20TQSZMmODaMGSg14WVWocVDqJ9UF/ziVrx\n1BJTXtuf2r6TfU//z3V7n9D7KhO1inG6Mbz55puB7PZx3bDoInLAgAF89913gN/2w+Dtt98GSi4q\nNPRdxvkGDRoA/uIiXfuUbpa05v/973+AL+jpPQpeqCj6PioGDBjgLgoVBV8VbqKEYu0TB3bfeOON\ngI9+V5yz2rrjEIWuYolaku+++27AFxLUjqp9K4xQllyhoqteg8akvPvuu671UmNsykNFh6KiorwH\nhQSLLOna+8Quu+wS1nJCRzfBCkHSa0kUYVSIDo4fUjiZCv+6PqkM1uZnGIZhGIZhGIaRBbFQpgoJ\nReWqai71RVVDtbYVFRWViRFWG0qygZ75Ru08wcACVXnVdpIMDY/UcFWh90bVm6iGeCp8QV9V8Z86\ndapTPxRcoKqGKsBqz4pzG6BUUJmCVV1WC6ZM8onoPQgLhWSokq2RCKmqyqqUjxo1ylWHtO6KbB9S\nBRRAoThsKWCZGu4ri/Z/xXPrNSi+edy4ca5qe9tttwG+NURVs9dffx2Aq666CvAtXqnUriiRcqGv\n5UWnB/+d+H8FCqmanSvuv//+UmtScIL2D43ekDoza9Ysp+bWrVs37XPr+9rn5s+f7z6XTIZh5gLF\ns+urUDv5SSedBJQeYgul45x1HJCCHGzTD6qIUbPLLru4Y4bGClRF9t57b3eO0fFPqG1d3RNxRPt/\nqu6aOByzUqGWxcQh99miYJjq1atH3loepCL7rLp21EGiALm4MWzYMHd9qWtvfX6ZKG9STnUdoPOz\n2v7URmjKlGEYhmEYhmEYRp6odDR6LtAQQvkdhHqGc2nszRUyAytyVmbGZO+nqn2qnKqCGCeWLFkC\n+IjjadOmAV6pUn++lB3dyZ999tllwiqEKggaxqo+fUVdRlXRTUR96Yp4V5S1UG+4FDn17ecjcle9\n3HqvN9hgA8CrQAoL2WKLLcp9LvXoq18838ibsWzZMueRkElegSEV8Xe1atUK8IqigiAuueSSnKw3\nFarsafuQb0UR7VLMKoI8f3pfpk+fTseOHSu91lyi44BGYSiIori4OKWfSv/Xa0kcMh0GjRo1AuDE\nE08E/HEnGHSUCfLkycc2ZcqUXCwxFFR1lfqUGNl+wgknAOUrtvpsDj/88Eh9pN26dXPnUim4qSjE\naPR0UcxffPEF4LtECplkozmk3OiYWcgEAyji4D1SSJiuB9INRw8eBzSmR8FRVY22bdsCZUc3qYNF\n1w+ZYNHohmEYhmEYhmEYOcQ8U1kiD9HBBx8MeG+EKjHrrLNOGaVGPZ9xQZWLHj16uCqukBL1wQcf\nAL7aodhaJQ6lGyYp9UFql6rZGniXaWJOLlEkrXwGirSXaiY14JxzzgF8zPKECRNc/HZUqFKpdBqp\naq1bt874ORQvnA8VMB1SLVesWOHec30G2aRXaVvOZghfZZDvR4qU9otsFCkh1UMpmG3atHGffRxi\n0wE+++wzwO/bGvKb6AdN5ZmSbydsZUp+jiuvvDLp3wefGCs/lXxG+h3FjWuQbJzSPlMhZVNssskm\nzuslr6KQGiy1QOqBEgOjfr25GLVSCCRTcOWVrKrEWc3NFJ1ndJyI+nyTK+Rb1f6uTo6qirzVSgDU\ndas8VMHRRtlgypRhGIZhGIZhGEYWxNozJW+RvEaFRJ06dZzXq0mTJoBPjJMyk2+UZDJr1qyMf0cV\naalMiWig5YwZMwDf0y5fmeZrhTmXpbIceeSRgK/UqPIO/vOTl09V3bCR6qEBmppppMeVnCfV4uST\nT3YVM83YUg973Bg7dqzr09b7+cILLwD+s0iHqrv33HMP4NUcKapK88k18qAtXrwY8J5JzWOSh6gy\n6DMsLi52gzsffvjhSj9vLpGnUPO+GjZsWK5nSqmFLVu2jHStmiWnvzt//ny3bim4QaToyoek1/DU\nU085JSGs2W2VRSmRL7zwgpuTJXSsVjpjr169AD9HSLOP4kwheaZU+ZbCmQxtn0rxLGSOPfZYwJ/z\nAX788Ueg/OTMOCMf4po1awB//I+DZ0rXBdov0g3clo9SnRTZ+EgLCfnLdV0g1P2j6wS9H+kwz5Rh\nGIZhGIZhGEYOibVnSr3tmpNRCP3q4qeffnLzIpSUUr9+fcCnTKWa0RA26p9P1sOsHlolKY0dO7bU\n91VZkxJwwgknuCrnXXfdBUDfvn1DWHU0SMFRWs+ll14KlHjiNJtK07MPOeSQSNa0evVqwCfSbLLJ\nJoD3Oai6orSyk046ye0rcVWkxL333uuUKaUVSvlTSqSSFZPNrFLiYefOnQGfVphKacgV+iykSIlc\nzPNShVEsW7Ys5zOZKopmN2mGUSaz8qRIycMjFShsr1QQzZuSIqV9+tprry3X8yCPkRRPKdYdO3ak\nU6dOgN/WpB7Gxdcm315QlQLvCVNynFTuIB06dHDe38R5VUbF0LWA+O6775yKvffeewN+3pR+Vse/\nQkR+6F9++cUdI6dPn57PJVV5MlXIzzrrLPeZxOVYlYqaNWs6731iKmlF0XWBXq88yPJOybediTKV\nClOmDMMwDMMwDMMwsiAWylRwpo8S4+RX0f8LSZkCuPPOOwHfly6fhe6K86VM9e/fH/C9teDTCTUZ\nO1WqiaoEmlMAMHr0aMBXfKsC6r1XdbBOnTr07NkT8F6zfCWsqfdcX4Uq44XE3LlznU9DCWJKShoz\nZgzgExUvv/xywHvXNt10U+fHk1onpSFfPstc/N2gcvPHH39EnsaotKdBgwYBXlUPeiWT+aKCc/WU\nYhq1IiWCnjypapkkcUl1lxKvrzvvvLN7Hilemv82cuRIAIYMGZKL5VcYHd8zSR/V57dy5cpSv6P3\n6uabb2bttdcGTJnKBh2Tjz/++FKPDx8+nJtuugnwM8zkcTv33HMBn+I6bty4SNaaS3RuWrlypVNB\n5Ds08os6kwDuu+++PK6kfB5//HF3DNY5KRt+/vlnoPRrB5/OmG4mV6aYMmUYhmEYhmEYhpEFsVCm\npDipwi/PRFVBfZip+tKjQpV9VUxVQX7xxRc54ogjgLIzSoIEPSErVqxw/fdVmXPOOccpU1LnpKDE\nBakHEL+5UukYMWIEUOIjAK9Ua39R0o5mAul4sdZaa5XxUZFQdYMAACAASURBVA0YMADwk93DRvtQ\nZSp8qpYpfUnblZ5byVFho/csUXUuj+AsqU8//ZRHHnkEiJ9SrRlG5R3jMmHRokUude2UU04BvM/0\noosuArxHZM6cOZX+e5kgFUSzU6QoJUNJhEuWLCn1s/Lzqqti1apVbnaiUXH0PgYVXKnr4D19Uujl\noZJfWb979913R7Di8OjYsSPgfXp77rknEH9fb1Wjc+fOTolWZ0fckM+zefPmzhsu1fzmm2+u8PMp\nGTyYWqhrDnmqKkMsbqbE+++/D5S9mZIx8/nnn498Tbngyy+/BHw8Y9TINN67d2/AnzgVNtGtW7eM\nLzBkvBe9evVyz1OVUEumQhEeffRR9z21X+SrbSkVO+64o/v3tddem8eVZMf48eMBWLBgAeAvHtTm\nq/1H7VmrV692F646ZgQDU8JCYw9009quXTvA39AqrjkZitc96qijAF+g0E2jLp40skD7ba4JtvLt\nv//+7u+XF28e/L9a6WbMmOHGJ8SNHXbYASgZqA65axufMGEC4AdRq71R8eItWrTIyd8pD40SUBhL\nOtTGrBs+GbDVeibOOOMMnnvuuVwuM2dEFQBUGXT+CI6gadCggfv31KlTAV9M1s23wnUU7KRiXj6j\n07WdaG1qX9T/hY7HW2yxhXtMxz3FU2s/1HFfg7/V1mWEw+abb+7CT9T+Fje036y33nqueH3NNdcA\ncNxxxwG+6BpEMfW67gUf6qR2Pl1DyIKTi3OBtfkZhmEYhmEYhmFkQc6G9qpSeeGFFwJewk2G2nc0\nvFZVGj1HsHVEa1y+fHnKiGAN+sy1FK61BM3EEydOBHyIhKq6iXfDqtpoaK9ex4knnghE14qk6qPW\nptYoGfsr0qKk0AWpM6tXr87IyJ0PZOhNrAIG2XnnnQE/3FaoupFomtVrVttL3CrwiZ9Dhw4dgPip\nZ1UNqc5SpDQ6YODAgSl/R8eSoFL9ySefAL4C9+qrrwJ+KHOukCJVkRYPKdfvvPMO4FWzuLXyJUMB\nGN26dQP8QFG1jeYKKQf33nsv4EN8EqvzYaIWPbXuiX/++cfFJitEYtq0aUD+QpBygdR3tfbGcWiv\ntgENqtX1xIcffujWHwyYCA4j1nWDque33npr5LHpquyrkq9rt1yiY6har+JInIf2ZsqsWbPYdddd\nAf85pholos9d6tDhhx/uVEiN1gmzTXPRokWlOm4qi1RPnbcUnlYRbGivYRiGYRiGYRhGDsmZZ0r9\n/oqFzSWq5tSuXTulOVoVg1wrU7pzl69AnHfeeYDvk5falixkQpUlfVVVICpUTZavQx6MbEzzcR/y\nBnD11VcDcMEFFwCl4zCDXo8gUhbeffddwKtRjz32WOxVHvl3NGTTCB+pOxrqKhVUakgytA1+9NFH\ngPeCStWvzODATAgey5L5oFSp1PF86dKlQGEqnQrekadIyt/8+fOddyAbZIzWZy2Dvch0iGaukMqk\nYb0yW+v1VjVmzpwJeGUqjmjQe69evQC/LW6//fYunEJfU6H9UiqXBuJGicJNMlWkpGQr6AC8wq4R\nAkLHmripipkQV89ROu677z7nN1Is/8MPPwz4wbjqnpJKmhgdLlVO3rcwlakffvgha2Xq0/+zd94B\nUpXX/37AjmLvqFEitohCLNixa9RYAyq2GI0Ye8cWsYsSJWqI3agxduxdrGA3KooaS+yxYyJfFRvu\n74/9PffO3p3ZnZ2duTOL5/ln2Z3CO3Pvfd/3ns85n/PWW9x0000A/Oc//wHSbITOzPulCGUqCIIg\nCIIgCIKgAqpWMzV48GCgdGM/o60//vhjUgtgY8AsutWYI6w70eKLL95KmTJv85FHHgHadtGqBGu/\nfH+jkVnaUjx8TBXLnPYVVlihqmMNmjEyq2WxTTXfe++9xIUte5zMnTVK1pWsxUUXse22246VVloJ\naM45DmrPggsuCMDss88OpBHoYo2dVaKcu6ZMmZLbOCF1ItQlVYwmDx48uEsqUO1hNHbo0KEATJ48\nOYnMekzuvfdeoLWq5JqkI+Cuu+6aWFibFaGrqe+l06QutUF1ydYWNWLNVJbevXsDzXsa1R7PI/cJ\nuvmZUeK8rhJQj5oi1QEbqeuk6LmvSuhYvY7M9JhWyNZMDRs2DOh67rnW8//5z38G0mspixkJhefi\nY489BjTvp2rN3HPPnWRSHXnkkUDqKJmt+fVcM5to9OjRJTOQOkPUTAVBEARBEARBEFSRqilT0zq6\n9Vl31B7bb799kocqqh66PQVBNbH/wrXXXpvUSWTrY4JAV0/d53S5s+ZnWlSlgmmPrDI1cODAxGUy\nCGqB2S6XXnop0JwtBamCE0z7hDIVBEEQBEEQBEFQRUKZCoJphHnmmQeAMWPGsOaaawJpH61q9yoK\ngiCoJ9Yvv/DCC0Bz/0R7AMZ8F9SCCy64AEgdka3fqbUDa9A4hDIVBEEQBEEQBEFQRarWZyoIgvoy\nadIkIHUeC4IgmFZRDbDH29133524rQVBLdC19YorrgBSV78gCGUqCIIgCIIgCIKgAqJmKgiCIAiC\nIAiCoA2iZioIgiAIgiAIgqCKxM1UEARBEARBEARBBcTNVBAEQRAEQRAEQQXEzVQQBEEQBEEQBEEF\nxM1UEARBEARBEARBBcTNVBAEQRAEQRAEQQXEzVQQBEEQBEEQBEEFxM1UEARBEARBEARBBUxf7wEE\nXZs+ffrw7LPPArDUUksB8OGHH9ZzSEEQdJK+ffsCsMwyy7T4+5FHHglA//79W/y9W7fmPoaTJ09m\nzz33BGD8+PFAY88HM888MwBbbLEFACeffDIASy+9NAA2tf/73/8OkHy277//PtdxBq3ZfffdATjq\nqKMAuPjiiznjjDPqOaRO0atXLwBeeeUVANZYYw0AJk6cWLcxBdM2e+yxBwCnnnoqAPPPPz8Ab775\nJgAbb7wxAP/+97/rMLquRShTQRAEQRAEQRAEFdDNyFvRB7t1K/1gME1y4YUXAmkk4vTTTy/6vGWX\nXRaAs846i0022QSA9ddfH4CHHnqoxqPsGEsssQQAK620EjfccEOdRxOUYqeddgLg2GOPBeC///0v\nkEZop1UWWmghAAYOHAjA9ttvD8Cnn34KwCGHHMKXX36Z23j69evHjTfeCMDiiy9e8fs8+eSTAGyw\nwQYAfP31150eWzVYbLHFADjwwAOTucv5TFTasuuj56KfLcif3/3udwCcd955AMwwwwwATJkyhQUX\nXBCAX/3qVwAMGjQISFWfzTbbDID//e9/+Q24BHPOOScAN998MwBrr702AN988w0AP/vZzwD47LPP\n6jC6oJDlllsOgO222w6AHXfcEUj3Fueeey5HHHFEfQZXAZ5rDz74IADduxfXVd544w0gzTpqBOad\nd14AJkyYAKTr5zvvvAPAtddeC8Btt93Go48+WvX/v6mpqVuxv4cyFQRBEARBEARBUAFRMxUA6d3+\nVlttBcBss80GpDUTxx9/PAA77LADAMccc0yL5wEMGTIEqL8y1adPHwDuvvtuAHr27Jn8LKW0/fGP\nfwTg888/B9LoYL0/y0+J3//+90BarzJ16lQA9ttvPwD+8pe/1GdgVeYPf/gDkJ6n1n7MMcccRZ9/\n5513JtHrWqIas8oqq5StSP34448tfi+McK600koAzDLLLED9laltt90WgEsuuQSA2WefvcPv8dvf\n/hbIT5nymMw000wln/Pdd98BrY9FJTz99NNAeuyGDBnCNddc0+n37Qw9evQAYOTIkQDsvffeQPrd\n+LlnmGEGpp++eUvz6quvAmnUerXVVgPSa23UqFE1Gauq57vvvguk66rHz3V03nnnTepRvD7E3w87\n7DAgrVNsBPx+hw8fDqTfbxavk8GDB3PbbbcBXaPO0HlP9dP9zqKLLgqUvg4POeQQ7r33XgDGjh1b\n41F2js033zzJPHC+fv3114FUsV1ggQWA1udmI+B+wHPPdcXa/VVXXRUglzWzkFCmgiAIgiAIgiAI\nKqCha6bMT9UVaokllkiUg9dee61u4yrEaOeYMWNKPsfPYTSgEdloo40AuOeee4o+/sMPPwBpZKoY\nRnWMyuWFjlyqTuYzGxVs5xwv+hyjaP/85z8B+PWvf52ce0F16devH5BG+8eNGwfAOuusA6TRMp2G\nuhLWge20007J5zHSXi7bbrttLlG2WWedFYD/+7//K/kcnfn8qfprhNNoO6TR6zvuuKP6gy0DVQLH\nseuuuwIw3XTTAcXnhccffxyAn//850Drc06l2jqwWqFKefHFFwPpGlKMp556CoDDDz8cSD+Dc3Y5\nuI6pQjnPv/nmmyy55JIdGXrVmHHGGQF44IEHgNa1k9ZMqNx8++23yV7Bz+576Iin8uZ1WS1cc044\n4YRkLEDy3XnOtbV+Oubnn38eSLNEGsEN08yNLbfcEkiVy3I48cQTgVSVazRUMnbZZRf22WcfIN0X\ntMf7778PNF8nOn6qfDcq48ePT66lYcOGAanq69rk/LPhhhsCcPXVVwMdm1NqxV//+lcgVahVcM86\n66xc/v9SNVN1TfOzcNRUsWwB36GHHgqkE9MMM8yQpP6Y2uDkb+pMrSnn5imLz23km6pDDjmkzcfb\nWgTcBFswnxdrrrkmkNp6rrXWWm0+/+mnn2by5MlAugERP78yvuem6SHrrLNOTTa0c889N9AsvRf+\nf5Bu5CymNoDgZkmK3RC+9957AFx++eVF/183zHkaG5TCza4TtRvy6667Dmi+kYX0+/jkk0/yHmLZ\naCluGqzXvJupQlyI3Sxqiez34Wsa6fOOHj0aSK+5LEcffXSew2mT66+/HoCVV1655HPcAGmv/fHH\nHwMkRgYGUzz3nGMWXHBBPvroo6qP2U2MNwreELaFm8GHH34YSD/Tbrvt1u5r55lnHiCdJ7LzvN9h\nnphadN999wHpTdRXX30FpDdCft4vvvii5HvNNddcQGoU4DVWbbxW27vxdN8yderUZI0R54FNN920\nBiOsnDXXXDPZsJoyL3732U225xU0G71Amlrpawy+uqdzzcqbgw8+GEiNf4phcPX+++8H4MorrwTS\n/Wc1UmzzovDYZK9vWwuY3vjWW28BqalDPXFeMMggee87SxFpfkEQBEEQBEEQBBVQc2VKe09VJwv5\nILXSzqa9WPyvJaiR2TfeeCOJ0hvBGzp0KFB7Zepf//oXkBbHl0K71vXXX7/Vc5VMG02Z6tGjR2KV\n2VE++uijREmYMmVKNYfVLqpJpcZu5H/FFVcEUqvtYmjHnRdadjq2YoWeWcXJ5/qz1PMKOeWUU4o+\nxwj8n//8Z6DZ5ADq0yDSsZlCZZTP6J8NVfM+v8rB+e2cc84B0nRZU0+1a3322We59NJLARJFwyJ5\n1UFVb1/72GOPtfgZlIc2xtr5ZlN2VDjWXXfdRHnK8sEHHwDp9XHaaacBqWK9zTbbJHN9NXnhhReA\ndJ30enXMkKZUlkoXVR1ti8GDBwNwxRVXAGk6nKigHHfccWWPvVqYkWLmgd+BabLPPfdc2e+lKZLK\nUa1UH1tuqLZoxW46qJkAqgJHH310kg5mG5JGSw/zHLzzzjsTRcosoREjRgBpalU2NXj//fcHmq8b\n92oaNLz88stAeg669mhjnzfuy9rCz222xFVXXQWk9vZjx45N1lQb4dZCua4Gzz//fLI31SxDMwfX\nHufMm266CUjng3riPYRj9Vi4T6g3oUwFQRAEQRAEQRBUQNWUKdUB6xv8aYTGuqhPPvkkUQjMkfWO\n/txzzwXSSI2FmIUYpb711lurNfSSbLvttu3WRhmdtHBRVLIKUYlrT+Uqt/ixWkw33XQdLoqXKVOm\ntFmwXgssODZ31sildQbbbLMNQFIf1ZYiVS9WX311oG1zjFqi9akRd+t0NCGoB4W53ACTJk0C0joO\nI9P1MjQo5KCDDgLSwmxrM1QQjKL96U9/Kvs9s6YG7dUABi3xGGhgovW515gWuuuuuy5ASVWqEA0g\nDjjgACCtpVpttdVqokwVZm5AmqVRaOPu57SVQJa26husC7nsssuA1oqUEXhV0rztrOeff/5E1bAO\nR3WpHNXcqLXN51UdVLs1iKg2HqeTTz656ON+z9bIHnzwwUl9rvV4KtQXXXQRkBbWt1UTVktUlArr\npNy7tPc9upd76aWXuOWWW4DmlguFPzWqKnUe54UGH9n1pxD3r84H1llZ01jY1kIjGBXWRkFFe/z4\n8ck80Lt376LPNQtE44lGILs3UeFsaw/l3sHPXkuFLZSpIAiCIAiCIAiCCqhYmerfvz+QRiCMNphT\nrkOL0RYtGC+66KJWzRs7crdoDYLUwkWlI3bnUo7C0F69VeF75a1OVcoCCyyQKG66EdUazyW/I62z\ntT7OniNtYQ79f/7zHyCtQ9DFplZOakYjH3zwQSB1myqmEJY6F4yGthW5NJpjZK3Ue9WzHsnIoLa7\nXnda2xtVMsKpOmBNZZ543WslayRflzuVqI6cg+uttx6Quq+FBX9leO1Yx5DFY1aOIiWqI8888wyQ\nZkbkhddr3759kxpQlXadt8pBdcHG16Waj6qK3HXXXZUNuJOcdNJJzDfffEA697bnKGiGwjLLLJMo\nBs6v7g+sryjlQllr3OO4Hyqs8Vatsrmt891vfvMbIM20yLuBvJkdX375ZbJ+qIp6jbn2luKBBx5I\nGvhmj6PXVHvvUWu0eV9hhRUSV90s7i1UoorVJboWuJdoFDxmnj+FY3cPYa2UmBViI9x6omJoI2Xv\nLaz3bAvnevcMZuTUglCmgiAIgiAIgiAIKqAiZerkk09O8pqNeBnFuOCCC4DUBcTIezVYYIEFkiaR\n4v9TTYpFr3Teso+Kjnw2ECsH30MFxzqrYjVUqmN5OP/tueeeFb+2R48eSb1NXsqU+cmqgUbJ7ANl\nDV45WLvk+auyqlrie+28886J+uBPIz2FTlvloqpilKhPnz4A/OIXv2j1XOtvBgwY0OLv1jNYa2MO\ncSG6cdkw0e/M6I4uVHvttVeHP0O1MLfcz26k2QhtlnrVmUGaD2/E254+zoeVoCKlWlDY+DYon1KR\nSpUcHRfbwp5UJ510EpBGrbP1FH379k2aRp5//vmVDbgI9r+zd5QR4wkTJiQ1JtYSZ9cp15esUj3H\nHHMk62apuhB7NlmnUy+22WabRI1TeXMesIZw5513BtJ5QiWrGM5v1l3VG5UPlR5IP5/KhvOA65zr\nms6hedVQeb6NHj2afffdF0iVmXvuuQdIa9Laqpv2vBQzk0rVl+WN6+g///nPkqq1iq2fpfD4iY7A\neTWPbQ/3Ml4DhYqUx9b5Tc8Daw2tPfT4+h71QGVTBdc6rrfffrvN16244orJviqrvNWCUKaCIAiC\nIAiCIAgqoFtbUd5u3boVfbCpqSlRU4wuGKWvRb7owgsvDDT3W8l2hDef2HqKztBWrZS1EllFynqh\nYvVQpZz+svhehXnU5b62GowaNSrpUt4e5u0vssgiyd/MB/fY1KrOSJ588kkgjSKXoq3+Sx15js/L\nPsdorudArTCqogJnrzWdhYys7bLLLgA88sgjSW8i3TR1k/IzeH7tt99+NR17Jeicpnuf16U9s3TQ\nqwfWthkl60j9TRbr9ayVsPeYbnN5Y31dW1Fmo6+qIvZ08rN88cUXdeuXY6Qy64jn2pR1SyzEucRM\nCr+LclTQ+++/HyCJ3r/++uvlDzqDtcjHHHMMkH6v5bitWuep6v3GG28Aze64pfroWSupq1dHVP1a\ncMEFF7Ryd1MNsIdTqXovSNcilWIVhUZBp+IlllgicTM28u5a5Dmw9dZbA2m/LVVwlew88Xr3e/X6\nUCV78cUXgTQTorC+a/nllwfSHmrO79bvdQXcE7rfzPLDDz+0csasFypQKpquWdbijho1Kumfl82q\n8Vy0J+Irr7wCpOdgPerb/vGPfwCw4447AmkWjfufLO6PrrrqqhYui5Aqbp2Z55qamooWnocyFQRB\nEARBEARBUAEVKVMLLrhgcpdbC992I/FGQ3S1WWSRRZJIoXelKjfWgHSGYrVL2Xzf9hz5jPiPHTu2\n7HqnYspUVgmrJccff3yrTvfmb6sCZPvlGL0u9P5XBbHeqNYY/VLByGKk7/bbbwea66LMux8/fnyL\n57QXgR4yZEjJ5zz99NNA65qmWqEzjZEn6yus+5oyZUriZiV+Ts81ayN082lEzONWATzqqKMAOP30\n0+s2pmryxBNPAKniuNpqqwH1c7eyJ8fll1+eRAGzOB+oEh5yyCFAOj98++23iSoq1rboZFYrrrzy\nSqB1fYzzRDEF2XNM9zoVoM6o2m39fx1FlfLyyy9vpbhVA2upNttss6q/dyUsv/zyXHXVVcm/y8G1\n6qGHHmKjjTYCUvXGqHajoOp09NFHM2rUKIBW14tYI6XiqIqwyiqrFO1jmQee0/b5zCqm7gedH046\n6aRWypQ1bx7nRsZ1sj3nzB9//DFxZbXPXb3QNdE9pDWjfpa//e1v7b5Hdm9Vz2Omo6p7fJW31157\nrcXzdFp1jMXq2vQHUHmrhFCmgiAIgiAIgiAIqkhFbn4fffRRtccBpO415qD/8pe/bPUc8+KHDh1a\nkzFkaU+JKuXy15U444wzGDRoUIu/GcUo1W/k2muvBVLvf0hrdjrS/6QzGE3Vzemggw4C0rx0a1Gs\n85o6dWrSc8FoTbkcffTRSXTmxBNPbPFYe7Vb1cbrTyXDOkUVq8KO9aJ6duSRRwKNrUiVwnO0qytT\nZ599NpAqitad1rvfihHAG2+8MakNyLogWctj9NOaCet05p577iRCK/YqMVJqpL3aSpUOi1mlqJS6\n1KNHDy677DIAZplllhbP9b2sGcjm56+++upJJNTXyoorrgik9WTFXDbLxQjx0ksvnYy1X79+QHps\nsnXEHcFaCOc253XrMPNm4sSJyXdtXUcWa3LdC+iwOW7cuGTuty6n0ZSp5557DqDVelsMr61PP/0U\nSNe5q6++OlG48kbHXjMfBg4cCKRzsirUCSecADQ70apiiWpwIytTZgvoNNse3bt3Tz57vZQpaw2d\nZ13jPdc64rbsPlZlaskll6zaODtC7969mW666QB4/PHHgVSRKsykgDQjwTn8iiuuYOzYscm/a03F\nTXuriRO6k2f2Jsoblttvv73kBFsNvCEqZkBRy5umwvQ+yfOm7Ouvvy5qyd0WpjMW3kzlfcFpsWqD\nVBs2tkVHb6KkqakpaSLbaGhbWsye2wnVzUWtU62C0ri59jh5E6UNd1t4w24zRS39a7EhGTNmTLIg\n77DDDi0ecwO/++67A2nqpaYTN998c9J8WZwXJkyYAKQNME3LqxYW6O+0004t/u535zqj0Ue/fv0S\nU4Mspi0afMhy9tlnJ+/nYm6htxsxU4k1K+kM33zzTatjYRpLNp1QC/hybrIMvLjZ0LrbwJg32Hmx\n6aabMmLEiBZ/c5637UpbG1zNqqaFxtcGV5y7tYQu1Xg9TzwmBlv96fmjIdiss86apAw77nqnwZWD\nxiXlNnltampKDEXyRuML5yrTXi2BqaRljfs75/d6se666yY3RwbFnU/dp3tD7/MmTpwINK+zpv3m\nQaT5BUEQBEEQBEEQVEBdlCmbiRlpMZJp5CIbaTfKVOvUA9WgwmL9WlqTa/mcJWt6UW38/rWQnGee\necoqSizE1LIffvghkVvrhVEkI/+mqpTTpLMUfiaLvseNG5fYaoqRkFo0ju4IXifF0pmMGGon35Ux\nzakr0r9//8R22/nF9CRNHLIUMzjwurNpZq1SZbQtdo7IWsw6ZpVP03p22223RHEySp1Fs5vrrrsO\nqJ6J0TPPPAOkEX0VIhUcv7NihclZSilShahw2WTZFC7fP/udVRtV5mwaVbGm8+JcoSLlcXNN2H77\n7YE0lcaG7LXG73vPPfdM1E+/T5UZv+9SzDbbbMk1U0kj9UblkUceafF7vVKuyuGOO+4AUtOwa6+9\nNjm3nMfKuf7qhanzHTVkmTp1amJ0lTfuUVTGNTbqzHo5++yzA6WbfNcDP5/mK9lMIffvZk201eKj\nFoQyFQRBEARBEARBUAG5SwpbbbVVYpupkmCBpU0PVabqTa0b5paKIFqXVW2MEF1zzTVA2oDu888/\n77AyZe3Gq6++2uF6q2pjoa5RpexPzRe0oi0HC+2Nohdr2qsiVU4xcb2wSF4LW3PduyKNZJqx1FJL\nAa3tm42Me04YNVx++eUTNcDzSKvXbK690UCvsbfeeiuxJO9Mk+COoF2zJhlZtdy5xPNr9OjRQLMR\nhZ/diHrWoMXIuoXF1cJ6SK9Za9FUiDSKMNOhrebPvkfWbKYYNlfNGlHYuqARMEp75513AqkJiE17\nR44cCaSKvMrjySefXNOMEO2//b5nnnnmZI5S2WzP8Mrj+/DDDyf1I43WrLcSvD6OP/74Fn9XYW1k\nPPdvvfXWpP5SNLe68MILcx9Xe6iQZq/l9ijVQDYPrGvyOumMQZOqodbh3bs36y2aveSNZjOQrkXi\n+uhYhw0b1ur1mgGJJha1IJSpIAiCIAiCIAiCCshNmVKFOeKII5K7Xd2XVGKsB/ipUMp2vVZOftY/\nqEhJtvlZOVjvUG9VCtJI1xprrAGkipQuQrpgnXnmma1eW27T3kIHJd2IOqJ01QsjzeYZe+zzUjim\nNfbYYw8gPZfMLS8Hzxtr+lQJslE/c8G1G68nNuDW3jzrtLrSSisBqbPSFltskagg9bLXViXz+nc+\ncN2xPcK5555b8j1Upl966SUgrUOQDTbYIKl5zboXFlrM1wOt93W/g9TiXUUq+1yVVp1lC5ux1xLX\nfuukXn311aTtSVaRUl23Ia/H13Owo2pCLdH+W5XA88m6ybZQkbJ+Tctrlfm82sLUCh0XvX4aqZ3M\nIossUtHr6plNpfJvOwfr1jqCzqTWXzpH6lSah7V4MW6//fZEeXPv4px8xBFHAKlCVQznNXEerAWh\nTAVBEARBEARBEFRAzZUp89LNZ5wyZUriEGTPKGsHdHGBlgAAIABJREFUpnWMxBTrYwWpt3+tyEZQ\nZcCAATz88MNAGoEWo7k6qdjTxChhIbXMRy0He16ZL2+0pT3VqZznPPbYYzz11FNAmlddLReyzqJ6\nYNPeYhhxs8YllKmO8+GHH7bqO6L6ogowePBgII3sWZNyyCGHJLnd7dEIipToGGdU0MhlNhfdSPwT\nTzyRKG/17oez1lprAWk9gy5P0tY1b02YCnwxSqnavqZeDWOtEdXRrhyVqZSzbK3JrkmzzDJLMo9Z\nx+W55RymslEMHQBtdpw39i077bTTgFQVVYU2yr788ssn9SDW/Io1h1kV2Dq2RpofSuH+YMMNNyz5\nmHvDRlGm5pxzzlbzWnvY47IRemd5Xejca+aXPQBdizbffHP69u0LpHOiPelURd2jew3WE9XdSmrB\n8lyDQpkKgiAIgiAIgiCogG5tRee6devWfki/BOYvf/DBB0DquDN06NBpwmmnEkp91zplLbPMMjX9\n/7faaisgdfObaaaZ2n1NuTVFAL169QJSpaTebLLJJkCaSwypY6S1Xn6+F198EWjuLVaM++67r2bj\nrBZjx44FmruGqyhK9jiqgvp9NCJGpFVNddc08v7ss8+WdV5Wix9//JHJkycDqRJ1yy23AKn7nVgb\noUpz/vnn5zXMmmKk0ui5Ec1CCq83oNW5+PHHHwOpk1utFV4dFQ8++GAgjca2Ve9WzryXfY6RXxWF\nSmpRq4nrSp8+fRJVXaVEvP7/9Kc/Aa3XhJlmmqmmtW8e+2r0Kvzwww/p06cPUD/XUutzS/V/a+u8\nKvWYtVI///nPgcZZX9vCrJBx48Ylc6bjtlbcz6VL28SJE/MeZgv22WefpL9euXitP//887UYUlno\n9qgjZpbs+dSWWqNa6pxZr7rXamEvW+sPs2tRJTQ1NRX9AkOZCoIgCIIgCIIgqICa1Ux5N5yNOo4a\nNSrp3WHtkLnQqli6IZnHbUTx+uuvr9Vwa4pOaqWoVV+pLEbRzznnHAD2339/IHVSKkZ7kf/33nsv\niWq25apSD4r14+gKClOlmJ9+xx13sOmmmxZ9jsfTa0uloV59JDpCVjXccMMNeeCBB3L7/88777xE\nVS8ViTQSptOjNUbTCocffjiQurOOGDECSGvxFlpooXajf75HXjWH9vGy5sRjc+CBBybqtT0PK8EI\nu+dnvRUpeeaZZ4BmZcoIuk6LYgZJNSK2lXD//fcDaRZBOehIaG2aCtxll11W3cFVgCq6LokHHnhg\nh9/DWjf3R2YRdAVFSgrrEz237AEm7vO+/fbb/AbWSVw/ncPqqUiJtZlDhgwB0j5+0pYS9cYbbwBp\nXzDVra6uSNWDmqX5ibL3ySefDDQ3pDTlT1yM/GlB4gEHHNDi79n0kUanPcMJm9nVqwDT///0009n\noYUWAtKLqFQKjIW9hUXW2QU6qC+zzTZbYsbh9WeKSDYgYbPmRjSkyKb5iSk8yy23HO+++27u4yqG\nKWtaS2tS8lOhf//+AAwcOJCzzjqrxWPecK2zzjpAOi8WNmSsFwaSNAwRG/Fm0+IKMa32rrvuAhrP\nGKCwSXu2HUZ7uPaOHj26pqm0fv9nnHEGkF5HQFIkb6uAXXbZBUiDgl0B08b69esHpCnKCy20UBLw\n0urZudhm8I0WnOwImr64DhXDGy7tt+vNyiuvnDQaLxVg1uBEO/5GYs455wRgs802A9IAheUXPr78\n8ssnASXn5qwJyrTCzjvvDKTW7pHmFwRBEARBEARB0GDUXJnKMsMMMyTRcvFuv94FiNXGtA+j1ZKX\n4UQQdGV69uwJpOYNm2++OZBGsU01awQaqdFuEBQy/fTTJ0XqpsxnG9yaHaHKpo1/ngYvwbRDW8qU\naZrLLrss0DgtRqBZtYG0ybIKlMqG6ZuRjdM1UJV74YUXgObMuM4SylQQBEEQBEEQBEEVyV2Z+ilR\n6rutdzPLIAiC4KeHdVRaV7/yyitAWr8WSlRQDVTqC+siNdZYb731gNQgJQi6EqFMBUEQBEEQBEEQ\nVJFQpmpI1s0vaqWCIAiCIAiCoOsRylQQBEEQBEEQBEEVCWUqCIIgCIIgCIKgDUKZCoIgCIIgCIIg\nqCJxMxUEQRAEQRAEQVABcTMVBEEQBEEQBEFQAXEzFQRBEARBEARBUAFxMxUEQRAEQRAEQVABcTMV\nBEEQBEEQBEFQAdPXewBBEARB12S22WYD4KGHHgJgpZVW4h//+AcAO++8c72GFQRBUDPmn39+AJ57\n7jkAFlpoId5++20ABg8eDMAzzzxTl7EF9SGUqSAIgiAIgiAIggoIZSoIgiCoiN/85jcA9O/fH4Df\n/va3fPzxx/UcUkVsscUWANx2220AjBkzBkg/XxAEgfPc2LFjAZhrrrmSxxZffHEAhg8fDsCvf/3r\nfAcX1JVQpoIgCIIgCIIgCCogN2Xq1FNPBZojfZ9//jkAq666atHnvvHGGwDstddeQJqPHwSdYfrp\np2e77bYDYIcddmjx2Prrrw+QnJvPP/88ACeffDIA//znP/MaZkmMmhtF//TTTwF47733AFhkkUUA\nuPTSS9l4440BmHfeeQFYZZVVAPjkk0/yG3CVWXTRRQE47rjjAFhrrbW46KKLADjrrLPqNq6fMnvu\nuWeL3+ecc04uv/zyOo2mcpZaaikAmpqaAFhnnXXqOZwgCBqIXXfdFYBTTjkFaKlIZVlggQVyGVPQ\nkvPOOw+AoUOHAtCtWze+/PJLIJ3PrXGrBaFMBUEQBEEQBEEQVEBuytTvfvc7AOabbz6WXHJJII0C\nduvWrcXvPn777bcDcNBBBwFw8cUX5zXcnyxzzjknkH7nW2+9dbuvOfLIIwG4++67azewTrDEEksA\nMGjQIE477bQWj2XPPd3JFltsMSBVrM4//3yGDRuWy3hL8dVXXwHpWOeZZx6gdZRsv/32Y9ZZZ23x\nt8ceewyAAQMGADBp0qSajrUWXHLJJQBssMEGyd+OPfZYAG688UaAxFEpqC1eF6uttlqLv88yyyz1\nGE6nmW666cp6ng6FV155ZS2HUxUmTJgANK+nm2++ORBZHkH9mHnmmYHmtRRgyy23BOD//u//ADjj\njDMAGD16dB1GV5yzzz4bgL333huAGWaYod3XmFkVVAfXGLOKVJ7+/e9/A7D88ssD0L17S22oqakp\n2QfdeeedQLPrYq0IZSoIgiAIgiAIgqACclOmjCCPHDmSHj16APDRRx8Vfa61ET7vj3/8I9DYytRJ\nJ50EwDHHHAM0Kx7Wc1j7lWXNNdcE4L777gPSyM2VV16Z5OjmhZHmW2+9FUi/+3K46aabgNT56o47\n7qjy6Cpjl112AdKoUjaKXsjUqVMB2GeffQB4+eWXAbj33nsBOPTQQ+nbty8Am222WW0G3A6HHHII\nACussAIAd911F5AqNrLddttxwgkntPhb7969AXj88ceBtEakEVANteZLnB8+++yzkq/VOc7c6LyZ\nccYZgfS6sVZNxdN6tsGDB/PEE0/UYYTVRQVnxIgRQPo5xb93NXbfffc2H1933XUB+PnPf57DaDrH\ngQceCMByyy0HNB+z3XbbDfjpKFObbropkEaxR44cCaQKfZAPvXv3pl+/fkCqSFnHK87/9bq2rHH6\n7LPPkn2AmSnuB7LK9ffffw8UV6rMqKoXCy64IJBmcNj3ao455gCgV69eSfbX119/DaSfz/Xs1Vdf\nBWDZZZfNadSl0R1xk002afH3FVdcsez3yKpWtSCUqSAIgiAIgiAIggrITZlSVbrtttuSvEUd07IY\nwdWBzDvtPfbYo1UUPm+MohiJVnE77LDDWjyvqamJQYMGAanT2L/+9S8gVaRUPVSkZMiQITz55JNA\nbfOH/Sw33XQTv/zlL4HSipTfu/1XZOONN2a//fYDml3koNllDeD111+v/qDL4Gc/+xkAo0aNAtp2\n3lH1OProo4HW6qduZRdccAFrrLEGkPaaqKUzTDE++OADII04l8K6jmKMGzeuqmOqBirP1umJ+erW\nqnm+FnL44YcDbatXtaRnz54ADBw4EEgdhYxsqmJed911yXnTFevVxLlrpZVWavH3en3/ncUayewc\n8fDDD7f43eNZTs1EvVGJN9r89ddft6oVbQ+vRddegGeffRZoPpc7i9+jEf5qscwyywDpGFXi3nnn\nnar+P+Xi2u5aYTT9yCOPTNRO5+unn34aSL/zbbbZBkj3Go2Mx9NeS66b+++/f6v9TZarrroKSPdS\neeHaofIxceJEtt12WyDNFsoqUt9++y1AovQ69u7duycqz4MPPljjkRfHddTsKFWmYlh3XarGdeml\nlwbSPUefPn2AtG47Lw4//PAk26MzTJw4sQqjaZtQpoIgCIIgCIIgCCogN2VKPv7446TOIYsRmWz/\nKaMeW221Vd2VKXuoGKG1bmWmmWZq9VxzVM1h1wHqnnvuAUpHBX744Yea9gNSfXrggQcAkpxmSCMP\nRlzk6quvBlrn3N999918+OGHAPznP/8B6qdIiVGlueeeG0ijMAAvvvgikEZvVABLRdavueYaALbf\nfvvEfUi1UKWqUTC/+eCDD271mH2yDjjggFzH1B77778/++67b5vPcV7IqiGNgCpTqWtZhWPttddO\nvnsjoV2R7bffvujf7cfW1dDtafrpWy6FRq2tCVt55ZUBmDx5co6jqw6ff/45r732WodeY6bFwgsv\nnPzNWpDOKFNGy999910grTWuRgZG9+7dOffcc4E0C8Q5Oy9UmczWcF9gpN+616OOOirZ1+hKlt1D\n3HDDDQDsuOOOQOuskEZAxfaCCy4AWte1APz3v/8FSmeIvP/++0Bav1NrPAd1mHY/tOqqqybXSVZN\n++GHH4D0+LrnKawZVWX1sbywNlxlL6ue/+9//wPg/vvvB1r2mjSbyJrqa6+9tsVrXXvds2699da5\nZiG8+eabyXff0ayAr7/+Otm3ugevJaFMBUEQBEEQBEEQVEDuylRbePcr2T5UWbUkD+zlYzRORzjH\nlI1IT5kyBWiObBpx8W/eHbfnlDdixAiuv/76agy/BbromINdTJHS+UXFrRx0SqoXRpVVX3SqEY/V\nDz/8wFtvvQXACy+8AJRf63HKKaew1VZbAambXqNhn47CCKdRHeso8s55bo/DDz+8VcTp888/B0ii\nzKW+7w8++IDx48fXdoCdxNqBV155JXH17MrKVCmX0ezc3VWwVtJ53hoBo7fO1SoNp556at5DLBtr\nCovVFjYKOvXOP//8QPq9V4OePXsmDmZG6/PmuOOOA1qvQVLs/CmW1QLpumYtjH0cG2EOV5Gy7t1z\nTjc89w9bbrll4mhqRpLPtXbejJa8sH5QtbCQUnsz1yLVwSOOOAJoqUy5buWFmTfnnHMOkCo3HgOz\nbxy7+9BiWAuWRf+C1VdfHcg/O2zMmDGJs3JH3Pug+TOdcsopQD6qZ0PcTJWync3aC5tylScWGq63\n3nptPk8p201r4c2QC4f246UwPU5L9Wqz0047AcUtwr1R7chNlLiAWORrKmRebLjhhkDavK1UM+jp\nppsuSfvwJlgL3faYNGlSQyxixXDSLGbZ7sTqjWajoKmEtrSFrL322kCa/mFD3ixff/11ksLQqHhN\nP/XUU0maovOc6T3iYujNo8dz5MiRfPPNN7mMtxS2Pcimv3hN1MuavrNoliOm8bn4+rm7ArZuyF5T\nf/vb3zr8Xpo/FRax21y1MxQG8CrFTbhmQSeeeCLQvI9wvjOFvVG59957kzFqeqB5jW0tvGHxxsxg\naD3XoT322ANIbwq9MbKNxaGHHgqkZQGQrsveHNrU1g18NrWs1my99dZlP9f5QBMxMRhbuNewRUxe\nuNe0nEQ03jK42hksZXBvN2rUqCTdt1S5TrXxXOrozdRcc82VpNl7j2EwvRZEml8QBEEQBEEQBEEF\nNIQydeGFFwKtU+YKjQPqwYwzzsiRRx5Z9DHHZhNUrZGNjAEsscQSQFrkpyyb5ccffwTSBoN5y94T\nJkxoZe1eLgcccECiTPnZLer+61//Wp0BtkNHbX8BNtpoow49/6233kqUkmxz2XpjalIxTEdoFHr1\n6gWkEcxs4T+kipQpF42aVlkOqgSvvPJKoggbUTSy5zyhaup35PX0l7/8pe7KlNd4tvmhhf5tnYON\njGlnpdBquytQ6lqvRFGqVRG9a4KZHKYgVfIeWiabqrnpppsmCnzeJgBiClR2TbrllluAtKH9VVdd\nlaifWQVBpcbHjczXy969f//+SZsK5zD3P2YNmAarQlXIF198AaTmDSopfs5amm0V4r6kPat2SPdk\nztXZPZkpl9ksmDzRzETMDsi2d6kGljg8+eSTiQKelzLl/tkMHNuRlIPzu8Zp7tPffvvt6g3w/xPK\nVBAEQRAEQRAEQQXUVZnSdrFUsaZ3+x3Jca0mBxxwQJKnnOW7774DWufcy/DhwxkwYACQ3g2X4qmn\nngJa247XGqPKm222WcX58LPMMksSrfanUey8lCkbylWCDX7rFfXrDFrNGtksjI6pFBjVaRSsJSws\nPDfCZU2hNQHWDPlZCm2aAf70pz/VdrAVYJNHo7BaBhfWnqjKZVF90iDGPH2j+PXE5rbZCKx2u+Vg\n5oFRznrUwLbHn//853oPoWoYNX/zzTfrPJKUrNFRR85tLcI9fywunzBhAtCsoORdt5Ll73//O5Aq\n7tYFlTNXuX5mzRyyCkStsQ3AiBEjgGbLcK9/lSfbb3Sk3sn3E9uS5MVvf/tbIK25awvbqzTiHAXN\n6kw2q8PWGx1tg1AOGo0MGjQoMYTIC03CbGrtnts11fnNPexSSy0FtMx0U6FSvd9nn32qPs5QpoIg\nCIIgCIIgCCqgLsqUilQ2MpHNP/Xx5557LsfRpYwaNSpp3jjffPO1eEw7Uxu1ZenevXvZebQqWC+9\n9BIAv/jFLyoab3tkHWleeeUVoH755dXCBpDFrE7bQ7dGHaFKsdxyyyW1LaWOed5o11/MXtgc70Zx\nILQOqJgKvfnmmwOpUvqrX/0KSKO5zhdZGuWzFaIKbe2E9QI//vhjkquvA6FW6f7u9Zh3zWRbqH4a\n5XOO9nN1RMlZZ511APjDH/4A1D/qu+WWWyb599YbWL8rRtOd/2010EiUatPhWEu5YdYDXbWcs8tB\npeYvf/kLAM8++yyQZkBst912AMw+++x1b2yriq5q1hF07zPSrqtvNVwUy8Hvzvm3WG2Ra5/n3A47\n7ACkbrG6lxZijVTWdty6o7yw5qYtzDiyVqpR6du3b1IDJo69EkrV82cxa6Ie6Nqs269qqe1RvE5W\nXXVVoLmJsdkunnu2Kvn000+B6rYpCWUqCIIgCIIgCIKgAuqiTJ100klAayclox1GP4xg1oupU6cm\n0fKsMiXWSHQG3VeMtHUlpk6d2kpR9Kc5vbWO5vq9qdRkMdJf6HKje6E9PXSGKlUD9/LLLycOMHk3\n5ytF7969Sz5W2OejEXCsxWoQrSs4/fTTARI1ONsnTPy90DmzUTBqbp2DDRVHjRqVNO3+xz/+AcAN\nN9xQhxF2DKN89soTG0B2xNGpo31Cas0ee+yRZBg8+uijRZ/j3OWxMxraSNifLNvH0DqHRkJl6oor\nrij7NTrjqZIaZVbRLWz6rZqT7Sfj8dVdc9lllwXSetu8Gx3369cvUdSMlrvHcF6rRV1HMcz80TU1\nm1EzefLkJOpvXdfIkSOBNCvCvxfL2vCxrHJ62WWXAWndnGuv7n7ZvqOdpVSGg3z//fdJtkCj11A/\n9thjyfnvMSjV/LktzBjRrbErMG7cuDYf14Ngyy23ZPvttwfS2nHPwYMOOggIZSoIgiAIgiAIgqDu\n5K5M7bnnnkkX7ayi4e+6wDVCZM1O37oEldOjoD2MxHjXbM5nrXvJGC23Q3Y1uO+++xKHFFUHI2xG\nA1V9rLOoNubxGn3YaaedgDRSY35+YV2UqqeR5vbqN/r06ZPktI8dO7ZaQ68II2wqbtZyydSpUxvO\nlcweSsV6x6neGJkspUSJn7sjTlJ5YbTQz9TWc7oCKgnVwNq4RkHXJ4AXXnihrNdYW9UVyNt1qxys\nW7nqqquA8rIWPAdVbIw8eyys8Zk8eXJJJzMVVnnwwQeBdA2uFapm/fv3B+Cee+4BmtemUnsJexzt\nu+++AJx33nlA7Wp1Xb91IM3yzjvvJLWD9r4S1x4VP1H5W2+99Vp9x4899hiQ1oZZG29mibWjefPF\nF1+UrZjqZpjtu1cMldTjjz8eSDOzOlsLp3OkKotrvueax7XYvtKaMDN0SmW5OEfWwiEwD9wj6HS4\n+uqr1+z/CmUqCIIgCIIgCIKgAnJTplQATj755ORv2dxcfeS9628EjCR5Z2vH9kryU1VmjMDnHYEx\nqmSET3eUzTffPOnMXi5Gy7bbbruSvbhWWWUVIK23qJUypYuNuedGwI2WFYvMOH5r3uwHVIrhw4cn\nNWDmi9cLXZdKRVmGDh2a53DKYo011ij52Hrrrdeh95o8eXJnh1NXGsldrT3aOm5dFaOyffr0SWq/\n6n1N/1SwRkm1qRyVf/fddwdSRfq9994D0loRnbmGDh3acGq1KtP7778PkLhHtqVo+JhKg+rAfvvt\nV5Mx2lPJnx3B2rRsjdoTTzwBNPehGzRoEJAqa2bIqDA2Ct9++21yrqlU61KYpbBOrxT2RbP2bc01\n1wTSzBn3lJU6UJpps8UWWwCpU+7+++8PpOeLn0H32169eiXPNevD7B2zb6SrKlLifNO3b9+a/1+h\nTAVBEARBEARBEFRAbsqUdTqFrnjeFRsdHDJkSF7D6TA6wdkBfPHFFy/6PKMFxdyBrKOoV06wTkfm\nYuvec/311ycd6W+//fY238M7fLvQzzvvvEkOtApVYS0CpMdV57y8sT9JIe31lcqy6aabJpG0ejv9\nGN3MYi3eLbfckudwykJ3wdVWW63s19izJduxvq16pEZls802S1wg7SfXyOh6pNtTlnpfA53h97//\nPdCsALz44otA1++111UwG8X6nHKUKVWOLK5BKtW33XZbNYZYVcwCcS6Tb775hkmTJgFpb7NXX30V\nSF1wzZbYZZddgPS7c/3uClx++eVJFo+KfL0UqVLusNKrV6+kP6DZLv70Nap3xeo/PS46AtoHKpuB\n5Xrmca1UmbL21npA+3a5R3MOX2mllVq91mydv/3tb0B6rtWrp2st6NGjR+J5kIcLa243UxagF55Y\n/tsmXBYkNjKlbjZMF5txxhmBtOEopFJ/o1g5m+bixDDrrLMmm932iuM9KW3E98knnyQ3SRMnTgRg\nwoQJQHpzdfTRRwNpOoYGI3mhJfPNN9/c4dd6Azr33HMnttf1YvnllwdgmWWWKfq4Mr6LdCNx5ZVX\nAukGaLnllgNa2tVaUG76g6kWzzzzTIvHO5qSWk8s7O3duzefffYZ0LnminnhGL1Bz5qcVHIt1RvT\npwpTdJyrSuEceeyxxwKtG80HHcNN6SOPPNLp9zIly2OYNUdoRJzb3nrrLe666642n/vGG28AqUGV\nKbczzjhjl5hDIE1tg5Z7onpQ6iaqGO7j/Cnbbrttydd409heCYgBeU1YOot7NgOVCy+8MADbbLMN\nkK61hdiGxPQ+9xbTAt5EXn755Un7gSzulapJpPkFQRAEQRAEQRBUQM2UKc0A/vjHPwJpel9TU1Oi\nSNnwcVqQFrW91PoV0rvfjTbaCCidrpA3jkO1cI899khS8ZSm20Nr2Q022KDVY2eeeSaQRkiUvTVG\nUFo2vbPaaDmqAYXRpFNOOaXsBsIeM4tFP/744+Rz1QvTCEwDydKRyFveGD3ze1W13GOPPZIUK9M/\nbJStKig297UQvStgZHO66abrUsW8Fvf/4he/aPF3z7FGaVzdETznCqOw9957b5uvUVk0Hc3mvbZh\nCDqG0fLOpCLbvNemrvWelztCR7IynA9No19nnXUAGDhwYEVmEXli9sv000+fzNflth+oFcOGDQPg\nyCOPBNIsGzMGPv300yS7RpwrVOZVPYqtwe73Sp3bpnOqpNbKkMuU0tGjR9fk/fPGfapGHt4vnH/+\n+S2eZ3qjJRz9+vVr9V5miRUa4VWLUKaCIAiCIAiCIAgqoGbKlBGoRRddFGhZK6VFpnno0yrWGzSK\nIpVFdWn8+PGtzCG01dR20yiHRb5tFWybjyu77rorkEYOzJf/9a9/neQPVxPVDy1BjS79/e9/56ij\njgLg7bffLvpabbpt0mz+8yGHHFL3onsjsqX45JNPchpJ5zEamD1X2sIml5q/lDqGjYRtEICyG0I2\nAp5Ltqvwc6jsashTCdbP5Y3NMuW///0vDzzwQFmvVbEv1dwyKI9qmOOoSJl50GgNyquNa5A1x6+/\n/no9h1MWqgiQZu3Uu6bN9gedaYNgQ9zHH38cSDMP3nrrraRRcVepZ+sqeJ+w8sorA7DxxhsDqdLY\nEW644QagNnX7oUwFQRAEQRAEQRBUQM2UKXMTs3UcTU1NiRqhDeW0wEEHHdTi96+++qrV3xqV77//\nvlW0y9oAf3YGVa/ZZ58dSCMNY8eOrYmLjAqSVqE2zxs8eDBbb701kDYZfOihh4BmlQzS2j7dGa+/\n/nogtfauJ7oSZlEB7YjteFdg3LhxAPzud78DUlWkEd0KS6Eq+9VXXzWkdXN7GP2ztqgzSrKNsuvl\nBJi1M3700UeTa6crY6aH0fJSzbynFayp1B2uUVxya4VqyNlnnw00tiJvK4XCdb0918KuhPuCrN35\n+++/H4pUjSjlXlwO3n9Ysz1ixIiqjKkYoUwFQRAEQRAEQRBUQM2UKd2PjAYW3sl3xR4l7WE+sLn1\nDzzwQNKk7qdONqf93HPPBdJc6lph3ZeukbvvvnvSH2vppZcG0qiHEQwVVXtjdSa/utosssgiRf+u\nu820FqG9//77W/yuMqVbYyNjXZe9YR599NEuVdMm1nuqKneGa665ptPv0RkOOeSQFuMop3ZLV7JB\ngwYB1L3XXDG6ssNiJdhvrpKaia6ISrzKVCP1pFbqAAAgAElEQVRjQ2z57rvvynbQ7QrY87C9XlJB\n9XBP1lGampqSOmV70tWSUKaCIAiCIAiCIAgqoGbKlG5P9imx79STTz5ZlTqcRsOosxHc4cOH13M4\nDY11CrU+D8yTPfTQQ4FmlcleHdtvvz2Qnp8vvfQSkPYssbdHI1Gqj1Qj95fqDPbLsNZIlacr0L17\n9xY/u5KT37TKdddd1+JnOdjPp9H7+gC8+eab9R5CUAPWXnttIJ0PG5GFFloISHtJymuvvdYlFfmg\nmTnnnBNI91L1wOy2wYMHt/i7NeT2D/QcNOPg/fffzzWzKJSpIAiCIAiCIAiCCujWVlS7W7du02bI\nuwbYw6SwS3kQBD9NnA/23XdfoDl6VmnudxCUgz0dJ06cCJDU7OZRLxA0Y0aK9U0diejrWnrrrbcC\naS++roD91+zbtthiiwHNNYcXXnhh3cYVlIfuiy+88EKLv9sv7Pzzz899TI1KU1NTt2J/D2UqCIIg\nCIIgCIKgAmpWM/VTxQ7LQRD8dLHn11577QVU7kgUBOXy3nvvASSOpUH+6FynKrj++usXfV7Pnj1b\nuZLqEPezn/0M6FrKlPV6upgGXQt7l6lMrbDCCkAoUh0h0vyCIAiCIAiqhBbhmkfcfvvtQGp+csUV\nVyQNvYMg6DpEml8QBEEQBEEQBEEVCWUqCIIgCIIgCIKgDUKZCoIgCIIgCIIgqCJxMxUEQRAEQRAE\nQVABcTMVBEEQBEEQBEFQAWGNHgRBEARBENSM6aabDoBzzz0XgI033hhI7dRtHPuvf/0r/8EFQScJ\nZSoIgiAIgiAIgqACQpkKgiDoJKeeeioABx98MAAzzzxzi8c/++wzVl11VQDeeuutfAfXCXbccUcA\n/vvf/wJw9913F33ewgsvDMCDDz5I9+7NMbqf//znAPzlL38B4Pjjjwfg888/r9l4gyBoLKafvnmb\nOXLkSAB+97vfAXDNNdcAcN999wGhSAVdm1CmgiAIgiAIgiAIKiD6TAVBEHSSyZMnAzDbbLOVfM5n\nn30GwMknnwzAOeecU/uBdZJbb70VgE022QSArbfeGoBvv/0WgAceeACAp556CoCVV1655Hstt9xy\nQESgg+Cnwtxzz83OO+8MQP/+/QG44IILAHjiiSfqNq4gqJToMxUEQRAEQRAEQVBF6lIztcYaawBp\ntHP++ecHYOjQoQC8/vrrAKy22mpAmq/fiBxzzDEAbLDBBgCsu+66yWPvvvsukLrVNDLzzjsvACec\ncAIA++yzDwA//PADAOeddx4Aw4YNA2DKlCl5D7FiZp11VqD5WB155JEtHuvWrTnI8M477wBpncfU\nqVNzHGF1+etf/5r8e/311wdg6aWXBuDVV18FUkXB4xzUHq+xs846C0jnjoEDBwKNrdjMMMMMABxx\nxBEAjB8/HoCXX34ZgIUWWqg+A6sxRtPvueceID2GkK5Tu+++OwCPPfZYrmN77bXXgFQlXGmllQD4\n7rvvch1HEEivXr0A2HzzzQFYdtllkz2E10lQG8wauOmmmwD43//+B8AKK6wAwHvvvVefgeXMRhtt\nBDTfZxx44IEAzDnnnC2e45z55z//GYCjjjqqxeO/+tWv+Oabb4DmOuByCGUqCIIgCIIgCIKgAnKr\nmdppp52A5jvBWWaZBSD5WeT/BdLo+YYbblitYXQaawIcm6qHYy7E79aIzBVXXJHHECvi3//+NwBL\nLLFEm8/bd999gVSpamQ8JkaVyzmPZpppJgC+//772g2syqhoqD51BJWqo48+GoAbb7yxegMrkwUX\nXBBI1Q2jSF4/Hsfs70OGDEleKx999BEABx10EABfffVVLYeeUE7NVCl0t7rsssuqOaRO4dxsVE4n\nQl0KVT/mmWceAK6//noAfvaznyXv4WOzzz47kKq/2267LQDPPfdc7T5Ahey5555AOmevvvrqQHru\nFeJ5+OSTTwKw6aabAvDFF1/UfJwAf/jDHwA444wzgHR90VEyFKr643xgxsPhhx8OwKBBg3j77bcB\nmGOOOYA0Q+fjjz8G4P7772/xmg8//DCfQVeA18thhx0GpNfG7bffnqjZjcpWW20FwN57783ll18O\npE6DsuiiiwJw4YUXAs2KGzTXhAGceeaZydr54osv1n7QRdBR1uwbzxdrVfOal/LGrImLL74YIKnR\nK7Ynly+//BJIr89//vOfAPTp0weAnj17Jq67Sy65ZIvXlqqZqvnNlDdRFh3OMsssrTZHRf5fIN3o\nrbLKKkD6BdSD7E1URzZNjZ7uN2TIkGQh1tbYY/Pjjz8CacM9F2itkBvZ5viRRx4BYK211ir7NV3h\nZtHN6JgxY6r2nn7evNL+vAm65557WGyxxQDo0aMHkE6O7d1MNTU1lXzMidUNi7jgVBvnOSdyeeGF\nF4Bme/DRo0cDsMUWW7R4joEMJ/JGwM3CSy+91OLv2ZupttAK/Y9//COQHhvTULbbbruqjLUzuFHd\ne++9gXRem3HGGYH02Oy///4tXjdgwIDk83nuuZEcNWpUbQddAoMRBo1++9vfAs3X2H/+8x8A7rjj\nDiBNAeqKOD+YgnnRRRcB0Ldv34Y5txzjvffeC6Q3Sl5XHcE0uW222QZIj2EjsMsuuwDpXs2SDFOt\nClPOGwWDPLfffjuQ7i+7devG119/DcDEiROBNDjkfq+tfZ83LwbHDOLmRfZmqlHmpVqx3377ATB8\n+HAgPa4GI1577bVk7XEd69u3L5CuTeuss06L93S/e/755yffY/a+IwwogiAIgiAIgiAIqkjVlSmj\nj9deey2QRmFNnyp8TnvKlI8b7b366qs7OpyqMWnSJADmmmuuNp+nRfCyyy5Lz549gfRu1xSSRknn\nMZXnlltuaZUC9+ijjwJphMlCc9U1G3EecMABeQy1QxgZMmLp+fTdd98lyuIll1wCpAqGqRaN/LmM\n8pneUwvaksargdFkm7/ON998VX3/UkqV0apsWmCeqLw5j/36178G0hRBDQRUQ+qJY3n66adb/L0j\nypTYlFOTHo0TlllmmU6PsxKMTp577rlJZDK7Fhn9N/JeLEXGed3XPv7440DHlPBacvrppwPNZjob\nb7wxkEbW11tvPaCxU8eymB3yt7/9DYBf/OIXQNpyYNKkSUnq6JAhQ+owwhSNGFQ4VDpVBCdPnpzM\ngc5Jfh4j7FlTF1ORVFIaAZXdq666CkizQZw37rrrriR1rlE46aSTgNQASIYPH56kuxfuVyHNLnJe\ncB7UTG3JJZdMsndU5zyOeaEBhemGzkuq0s57laT7aaz20EMPdXKUlWNJzaBBg4DW+zvT8jTcmDJl\nCksttRSQtiHxc3g9qvp+8MEHQKri3XDDDSXHEcpUEARBEARBEARBFam6NbqKVEdylp955hkgvbMc\nPHhwi8fPPvtsoD7K1CGHHAK0tlYU75JVpIyAT5gwITEEsA7Ju+FGYYcddgBaGjNoGXnuuecCafS1\nKxQzW7dibrARCy2MBw8ezIQJE4BUYfPYiDUuXZnzzjuPsWPHAmmUyjor86orMauoBioeKlJt1T1V\nUjMl7f1eD8zHt4hZZcprzgh7vVliiSW48847q/Z+Dz/8MJAqU/ViwIABQKqUzTbbbMn5o0JjO45y\nbIRrreJ2FttYTDfddMlcb8H89NPXpStKh7DOyIwOVQPrIDUH8VjNOuusyVxfbz755BOgOesDUlVA\nlWDvvfdOouFZVDRUOi2AX3HFFYFmoxNVrUZDRa53794A/OY3v2HXXXcFUsMZo/95ownIoYceWvTx\nI444IlGkVKI222wzAN58802AxC47y2OPPZbMHWb8+P/llWlw8803A2mt5CmnnALAp59+CqSK2Vxz\nzVW2OrXmmmsCcOKJJwKta4zyxIwj7wfcm6p87rHHHi2ef9FFFyVZbVml0RoqzXv+/ve/d3p8oUwF\nQRAEQRAEQRBUQMXhKZ2ntMzViti837bwrvi2224D0hoQc+izypR1SgcddFDSZCsP+vfvz3HHHQe0\njkJac+NnULkxMlOoZBnNMLrRKOgOVIhWyNdddx2Q5nObe9qInHbaaUBa55S13Ne2WVUK0iiOdW2i\nfXMj0l6tlGpwMXtz/6YKmbcy5Xk0cuTIFn/v1q1bYkOvrbkKtZFMI2sdwVqF9uoz82LhhRdOmpRn\nI6POb7/61a+A1ra8ebPUUku1qmWzXq+SlgFen6r8ngvWz9XaIt36hksvvRRIc++bmpqS+hvrKDrS\n2NJzqt7nVhbXZmu3dt1118Sl0FqARm7gqbOibl2qHF43Krs2VnetzUaf64nRc+dZ56MnnngCgP/7\nv/8r+Vrrs1W3VKZUE0844YSGUaZ0KFVdd+52L9e9e/ekPs/m5F4v1lvlhW0yPG+yzDrrrMn4VT09\nBu2xww47JIqp802/fv2A/GtgdWb2HFEdtV7v8ccfT+zSS6GSat2ebR/qgeum64iKlGqSipRtfdzb\n9e3bN1mvPK6q3K+88gqQ7jmqQShTQRAEQRAEQRAEFVCxMqVLnzmH2dqTLHq1H3fccYnHu3e/48eP\nB1o2fCzEWgNVoLw45ZRTkoaToqpmJFNFSj97o2eFrzNq0wguXYVYF7HFFlsk0SJVHF2szLttRMzj\ntSlgVj00+nDCCScAzRHxwp4kxfAcU0HxXC0VzZpWsE9IrXC+0NFOnnzyyURxe/7552s6hnoydOjQ\nZI7IYv62tTyNhOf9s88+C1SmwvgevlZlyIh7rZUp3QPNGpDzzz8/6SvXUUrNH/VAZdNsgrXXXhtI\na3SbmpoSVd4MkkbliSeeSJQ1P4dOsqWwjmPRRRfl97//PZCuX3k1UNUlzMj35ptvDqSZADrxdQR7\nVKkS+71k59B64t5MdMhzX6iqCOke0e9ItSCvXlSqENZFqz4V8q9//QsoX5ES1bdGws/g59SJrxwH\n3fPPPx9I1TXn6uzxrjUzzzxzUhPlea9z5FFHHQWkypuOpSrU33zzDXvttRcAV155Zc3HGspUEARB\nEARBEARBBVSsTOmYpsOOLkGlsCP4YYcdlvT00Q++PXzt8ssvn6u6s/7667f6m/VcqiDmQhs1cqyF\n+HmN7l5wwQVA2qm6Xtih+9FHH03UwVtvvRVIVZ155523PoMrA3tgeSzsGaASaD2febO9evVKIoal\nMJprhE33OV19GpkxY8YAzbVTxeqm2sL+W7XC6zZ7fVx99dXTtCIlu+22W8nHrK+wVqLeLLvsssm/\nVXKtN6oG9mOxtqBWOJctssgiQKqMqYR1ppecbqeF6L6WN1OmTGnx0/PIdadHjx7JHKjDmL9X0nOm\nFpg9MG7cuGTdbS8KvuiiiwKpK+YSSyyR7Cms8chLmVL1cP1orx9lOXjtWa/sHqPRavQKcd1xDe7Z\ns2dyfKyRtI7Mno66/dmzyZqYWmEmy7hx41o9Vun50ki9v0rx2GOPJf9272kNn6qVvaoWW2wxAPbZ\nZx+g40pdtdhkk00SV0/nN8dsRofXmhkQ7oP233//qtZEtUcoU0EQBEEQBEEQBBXQ6WYT5gKbryj2\nUzBap4rQq1evdvtzZB83gjls2LDkMR078mLy5MlAeje85ZZbArTrilKIkULz9M1L1QUmb8xZNjcd\n0j4r7SmNOqi88847nHnmmTUaYdtY16Tjos5CRvTaQmcbI2geV90oF1hgASDNhR8wYABPPvlklUZe\nGeeddx7QvqvfmDFjkucaWbLPVHuvrRVGjLO9okaNGpWcS9YUqSj8VLDO8q677gLSXnX1ovAccR7v\nDEaeZ5ttthZ/33///YHq9PgoRJcw6/TEKKUuppXUQfrdFPZb8X3POeecjg+2CugW65qkOmKNwe9/\n//ukR4u1A2Yl6JhXb/70pz8BbbvcZdGR0Dqp3XffPakz8mdeOL8Vqrqdxfo2a0aGDBlStfeuNXfc\ncUfybzNy3FtYX+SeUadJ90f2Q6oVZkLobKkLbrdu3ZK9meMvpl51Vcwim2OOORJ1UKdc69Z23333\nFq9x3+A5WE/MaLCOXUXq/fffB5p7mkHa8zVvQpkKgiAIgiAIgiCogE4rU97Vm2Mpn3/+OZBGWc1T\nL6yTai/3N/v4gAEDuPrqq4FUQahl76azzjorcZ7ZaaedAJKu5e2pa5BGdY22+R3pZqUbydChQ6s4\n6s5hPqqqmcqG0SLHbi+nE044IalJsLN5Xs535meXWx/0xhtvJN3BdTL87LPPWjzHXh5GBXUlOvPM\nM5N6q3rVGYwdOxZIa/na6hVlBL2c5+bBtddeC6TRye233x5ovo50RsuqzUaYsrWF5ndPKziXPfPM\nMwCJ0ptnT71a4pyfrZebZ555qvr/GNn22nX9sAbDGqnO9Fiy70pTU1NV37ea6DDrz5EjRyY1zq6f\n9jSzR5NKfb0oR5Hy+BotV9FwTV544YWTmpfCnoJ5YA+jSnritUd2/rNOu6ugm6Y/7YNkfY7XT60V\nKfFYWf/uGn/YYYcl+5vhw4cDqRtjexSq4DpX17oOuVK++OKLZF9rVoh8+OGHQLoGOW/Ui8cffzzZ\nR+vGataU66Xffb3quqRbWzc03bp1q1ql4/333w80p01lG2l68plylV0MDz74YKDZgMKUPzcgGiXU\nCu3avSk0pUJJ8R//+AeQbhT8DMcdd1zSENINuykWyvXedJimcNlll9Xug3QQi/7cCLlIZYt+Dzjg\ngGSRMyXukUceyXOoNcHGolqG9+zZM5lYG2WS1Ma1MzdKfj6bLOaFN+2rrLJKq/mgvd/dTFx77bVJ\nalyt7bXbQ6MW04HdyMoRRxyRbBqcw0ql0rqx1Cwge8NfKzRsue+++5KUCm/GO5M64Zxp+ploylGt\nND+bAmcbQ5vecvrpp1f83qYO77zzzkDzZ/H6K6dRfaPgd2ARvkENbdUbAa8Pzxv3A1pamy5qOrAp\nl/fcc08yRz/66KP5DbhGeKyc303j3HHHHZPgVF7Y3F6rbFP3vDGpBAPUrrX1Khdw//L0008nFuDi\nPq9UwNb0OBtNQxqw8PM1GgsvvDCvv/460NoEyIbxlkwUmlbUgwUWWCC5acq2tnBdHDFiBNAsfuRB\nU1NTUSUl0vyCIAiCIAiCIAgqIDdlyijsAQccwA477ACkd8FGJtuzPb/uuuuSSIF3oaaW1QtTv4zw\nqS4VUy+yETWVHI0gjER3JZZbbrmkSNMoh5HCShoVNhqDBg0CmlWQ22+/HUgjhI2CaS9agnaEctJV\nK8FIvlHHLKYsQpo6qknNwIEDy/5/tEs1bcGoYN6o3Fr4rqlEMTQ3sfhfw4SscqN6YHF+rdEo4rLL\nLktUAS2mO6I2mypriohRW9Uu02Sd/zqbkmVkWcXS9C/x/62Ep59+GkgVej8bpCnueZshdQYbXjqH\naZhQ7xRFj+GOO+6YfOeuHx5PrdKzKYkaCfTo0aNuLSzMntH+22upEpwfLLS3lMF0v9VWWy1RFvKg\nZ8+eSVaNa7umVZWkHKqAm66t6qPqWy/mmWeeJKXMudjP53F1v3zJJZcAJHvZmWaaiZtuuglI94K2\namk0nn32WVZcccWij5mK6Rzt/ifv+cFzZMyYMYkiZfaJ6qFqqahcu17WqlFvKFNBEARBEARBEARV\npNMGFB2lW7duFddnjB07NrlTNj/e3F0jbnnz7rvvAmnBf1s5xNaGGak1596iZiNS9bZG7ggvv/xy\nkrNqjrdqXb2VKSPSRvROOeWUDr+Hxc3QuA2MjeyVa50OaVS9VqhIGSnO1j15jjQ1NSXWprPPPnuL\n9yinhkojFKNQ9VKmrK3UWlZrXa/xwvPI61sreD/Xsccem89gS1B4TqgyG4HOKlPLL788kBaRP/jg\ng0Cz7bHZA6WasqvkVMskwKyHbE59R84FP6/FzCeffDKQNkzN8t1333UpRcrrxMav1kLUW5ESI+Ea\nHxVSeO0UsvLKKwOw+OKLA+kxqwcqaxdffHGn38s9jfsC67BVR/JUpaDZpMDrQOOSShQp5xLrrVUa\nXbfqzaRJk5L1aquttgJSlUljBs9F5zYNR0aOHJlbBkFnse4NUpM053Ovw84oq9VAo7BevXolLWk8\nNu4TrPP0WPhTr4Izzjgjab9hNpjNymtBKFNBEARBEARBEAQVkJsyZd7zsccem0QSvWsslwsvvJAT\nTjgBSN3mvKPOGy1ldSk00qdTn1GXcjAqasM4m9B2FWzopvJjHvGJJ55YtzFBqkyddNJJQHOuuVGx\naQkdhcpRpIwClmsn31myNVnFftchspLXZv9t9LZe7n7OC9aEGelrq+GzdvH1plgDcts3rLLKKkBa\no+Z1ZGNY/64CUgyju7Wa37L1v+213lhsscVYY401gFQlLJU1kX2vrmZb7+ezDYHHtSvjeeReoJ5K\noY2bC2vqOoo1hNmWATaDVuXOi969ewPN9Z9mZagc6vJpC5wsuhsPGTIkOS7Wk/uYc/WkSZNqMPrK\nsNZ9l112AdJzS/wezEhyv1dv17tyUG268cYbE3XqtNNOA1q3e9G+Pm/MdLDJ+G233ZbU0ulyq4X+\ngAEDANhkk02A1BXbptALLrhgolLppFtLx+xQpoIgCIIgCIIgCCog95opSF1brCsYP348kNYUlcLo\nWiG6eNlLJC9UX4xU6I5knv6OO+5YUp3SH9989VKR+XpgVMxIfzk9bmyWZvTWXO9sU8V6Yc75Bhts\nkNTqeO61h8fof//7X+LmVy907bOXSjlKlKhI2YS51hx44IFAqkZ4fcw333xAy7qnjvaZKvbabHPw\nvMn2lRJrKTbeeOOy38vP6XmbF8Uap6o8tedg2ZYiJc7feTWIdcxGJ72W7f8y99xzJ8fH79zvwJoQ\n52Ybk/t4Xj1NOkP37s2x0sMPPzxZJ60zuPDCC+s2rs5iRovqaD1d4KxB60yjVmu/ttlmGyCNvNuL\nb9iwYZ0eZyXo6DnrrLMy00wzAWldig6DWcc6HTx1Zh0wYEByvJzPrHnRla1R6vYgda8rVe8pKnRd\nQZHyM7lfOOyww5JaqbfffrtewyqKypRuihdeeGG7Db3vueeeFj91+bvtttsS90nnO5VGGzVXk1Cm\ngiAIgiAIgiAIKiC3PlPWNk2YMKFVpNk7ylI9InQGe/rppxPHJl9rvm02t7XW6G5jT4ys5/2ECROS\n+i4/n3UFvjabA60bUT1rpuyTYz6qjlvDhw8HUteuQox8qMoZEbVXgB2s64Xj2n777RO10FxnXV5K\nseaaawIwbty4RBGqJPpYCR2phSqFDm151Ui1hxFyVYrZZ589UQcqQXceI4TmS+eNfWZ0dOpM/y4j\n09naiVqj8nn11VcndQ2VoKOp0XqPtddhW46nlWANrvNp9nvLrjfFHlN19vxUbf/xxx9bvPbxxx8H\nYK211qreB6gRnpMjR47k0ksvBWCvvfaq55A6hX0YnX9VOko5LjY61uXYk89zTXXdHm/tReZrzYor\nrpj0hKpkrlbhcn/j8VOhzrsWLIu11YceemhS9+31ftdddwFpZoEKne7R9e6NVQ72cTQr5IorrkjO\nrfZq+63j8/jXGnuWuu9ae+21efTRRyt6rznnnDNxvnRNcL/uXq6Sayv6TAVBEARBEARBEFSR3Gqm\nrL358MMPW/UD8S7ZyEw5kcRSv+eFnaKt1fDuX1VmxRVXTNQA1R0dYDoTic8LlTYjsHfffTeQRs0K\n64fsm+VnbzQuuOACoLm30WyzzQakkSWdhnSP8RzU+abWtXhG5ZZeeumqved5552XW21UR7EPiz8X\nWGCBkp/dqJ/KtMessAZv8uTJADz//PO1GXCZWCswcOBAIK3n6Mj8pJJz5plnVnl05eF8deKJJyZK\ndLnuZKoEX375ZRLFzat+TUexww47DEjVWI9Fdj2xXuCWW24peX1n+6z4Hir3jYjRV+u5nLsfeOCB\nLq1IiaqzNTdmT3RVVGq8xsxcGTNmDFB/RUomTJiQ1D8feuihQNpXTzwWZiC5ju6+++5J3YoOp089\n9VTtB90BdHobMWJEUvtqn6NrrrkGSLOFjj/+eCBVSbsCujKqBG699dZlr0u77bYbkO7/dJ6uFfaM\ncy3sSC9C93bOe8cff3yStTB16lQg7UdZi2srtzQ/WWCBBZKNT6nUvHJupnzMFLJ6T6zKiZVcZH4W\nL1StvOuBkvcll1wCVNa8zaLUX/7yl0BlDf5qwW9+85ukADuLGyyPhQXn8vXXXydpiy+//HKnx1LN\nm6hXX30VSG/8GiWl76eMqW1HHHEEkAZbivHwww8DaSPyeploFGLzYa3CNW7RPt1Gy6buWeD773//\nO9dxVhsDe7fccguQ2jjbnFNrcdMAG4EVV1wRSDfnBitton7ttdfWZ2BVwg2c55ZBydVXX71uYxKv\nD8dUbkuUlVdeObmpMDiUXXOC2qI1u0YfM8wwA0OHDgXS1EvJ3kwZPCrHeKdRsPXOXHPNlcxfpi1r\nje7fNT0xJVsr9VqnNbq38roaM2ZMshfNlou4po4YMQJoNhiD1BSuW7duSRmQrSCyx7USIs0vCIIg\nCIIgCIKgiuSuTEGq3igdaj9rFLAcZcoibSOo7RkJ1BqLYEeOHAnAFltsUbaU6t1/1sSiniy22GJA\nWnjpnf0SSyzR7muNFORtV98eiy22GKNHjwbSwsq2FANIUy8GDx5ctp16ObTXULQYoUAFQW0xZdl5\nwjncbAHTH+uB64Nq9jHHHAM0rzWQqoPOD9lGnF0V9ws2t7YY3myCemLUXBXQed1MFa3TVQstfB82\nbFiSwaEdtEZVQT6YGaU9+Mwzz5ysscsuuyyQqhwq8KofGiWYStyVmH/++ZMyFffcpjea/ubvqllv\nvPEGUPvMA5Uv99ELLLBA2a81tVQ16uabb+bUU08F4J3/196Zx1s5rm/8u0/KlFlJyDwXEjmmpENm\n+hUpEqnMQ8ZMyTyTRM5BxqLIVKZMZTillClTKilDMhxSFEm/P/bnep+1373Wbu211/DuXN9/stfk\nWet93+d9nvu67+ueOTNvY7QyZYwxxmvPV+4AACAASURBVBhjjDF5pCTKVBzVCKhRWlXKlCKE/fv3\nB4JClTTOPPPMqGA2U8NL5d0ecMABQPHsJ3NBucEdO3YEQjS0devWUeGz1EEpU8pFTiKqaVGjROUE\nC9V5qeD2pZdeyuv/X7bnbdq0AUK0WZGxVPv1pJpJGLOsICVec5YiosoakAlKtjUxhUDGBIcddhgQ\n5iiZn6i4WsXWtR3dN3V/UfPlJKJC/QEDBgCVC9y1ptF5NGfOnCj6XhsaQC/L6Ji88MILUU3kt99+\nCwS1I26alqm2qragtgktWrSo8K++ZxLmOyhXqqSeqQWPjCZkuS/VUOqZVMNCYWXKGGOMMcYYY/JI\nIpQpY4wxxhjVGT300EMAUd1Dqeuiq6JXr15AZZVJkf0vv/wSCI16p0yZkhjrcxNQ5o2s0eXuKVTn\n37NnTyAZdXumuFiZMsYYY4wxxpg8YmXKGGOMMYlAPc1UC6EmvcYYU2qsTBljjDHGGGNMHrEyZYwx\nxhhjjDFVYGXKGGOMMcYYY/KIN1PGGGOMMcYYkwPeTBljjDHGGGNMDngzZYwxxhhjjDE54M2UMcYY\nY4wxxuSAN1PGGGOMMcYYkwPLlXoAxphln0aNGgGw1VZbVXj8nHPOif5bzTrjfPfddwC8/fbbANx8\n880AjBkzJt/DNMYYY4ypFlamjDHGGGOMMSYH3LTX1IiHH36YTp06AVBWVt7LbMiQIQB06dKlZOMy\nyUCK1Pjx4wHYYIMNANC8U1ZWVuG/48+l+/u3334DoFevXtxzzz0F/w7FYsSIEQAcfPDBALzwwgsA\n9O7dm8mTJ5dkTCuuuCIAI0eOBGCPPfYAYJtttgHg888/L8m48s0uu+wCwJlnnglA+/btAVh++eUB\neOeddwA4+eSTAZgwYUKxh1htDj/8cAAeffTR6Nrp1q0bAPfff3+phmVqMa1btwbg+OOPB+CYY44B\nwhwd5+mnn45eM3/+/MIP0JgC46a9xhhjjDHGGJNHrEyZnLj22muB8qh5JiWhTp06pRmcSQyZlKl0\nLFq0CIBvv/22wuOrrroqAKuttlqFx7///ns22WQTAH799df8DLgEnH766QDcdNNNACy3XMVS1gcf\nfDBSFIpNq1atgMr1aTNnzgRg4403LvaQ8krDhg0B+OyzzwBYZZVVKjwfn9M+/fRTAFq0aMHChQuL\nNcyc0HfabLPNoseGDx8OQMeOHUsyprXWWgsov3Yh/L5iyZIlvPHGGwA8/vjjFZ7TOff0008Xepgm\nhmpdH3jgAQB22mknoPL1kY7p06cDsOuuuwLw448/FmycNeW6664DgkK9wgorADBv3jwA9tprLyBc\nUy1btqz0GbfddhsAX375ZWEHa0qClSljjDHGGGOMySO1XplSfYFy+MeNGwfAm2++CVQdMSkkW221\nFUcffTQAm2++ORCingcccECV7/34449p3rw5EKL1SeHhhx8GiOqk0nHSSScBcNdddxVlTNVBUf8T\nTjgBCDnfm266KQANGjQAKp83X331FQMGDACCm9xff/1V+AHnyJprrgmEc+35558H4H//+19JxrPO\nOusAQYXZbrvtoud0Tinq/95776V97/vvvw+EY1RWVhbl8L/++usFGnnh2GGHHQC48sorATjwwAPT\nvu6vv/7ixRdfBDI7HtaE3XbbDYCxY8dWei6TMrV48WIgRGrTvbc2MGvWLADWW2+9tM9nirx37Nix\nknJSarbeemuA6L5zyimnALD66qtHr1EdnmrApFTFr7lCoXlp9uzZANStWzfr96rmRkqHuOSSSwAY\nPXp0VE9p8ssHH3wAwLbbblvhcV0fOp4//PADAGuvvTZQnpmg1+j+KdUnKdSrVw+AV155hd13373K\n1/7xxx8A/OMf5TpEPIsAytcKEObGGTNm5G2shULfY+WVV67wuK45zfelpHHjxkDIVNF6IY7WBPr9\ngWg9vd9++wHw5JNPAmG/oHMzG6xMGWOMMcYYY0weqXXKlJSofffdFwjuSvEIwXnnnQcEFaHQSIXR\nDrhFixY5q2I///xzFGVUj51Sk1ojBVW7sZ144okA3H333cUeZgU0Hjl1devWja5duwLBpSsXnn32\nWQDatWsHJCNqk8rZZ5/NGWecAYTjJHX0zz//rPK9rVq1il47aNCgAo6y+syZMwcIyhRQq5WpiRMn\nAmHOqAq5r3Xv3r2QQ6pEJmVKtG3bFoCXX365WEPKGyNGjIjuJ5nm6kzK1COPPJIYt1LNs1LZFWnP\nBkXan3rqKaDqjIN8cthhhwFhzOLAAw+M6lSqy8cff8xjjz0GhPlg9OjRNRilAWjWrFnkXhk/t3R9\nnHXWWQD0798fCLVx9957L4cccggAX3/9NVB13WwpkBozY8aMSFHLB8ceeywADz30UN4+syqklsW/\nw3HHHQfAlClTgHIV8eyzz67wmo022gioXAPWr18/AM4//3yg+Gud448/PqrP09pN55xqK1WLJ3SO\nZjMPKrtIKn42a1YrU8YYY4wxxhiTRyonfCYQ5Xz36tWLCy+8EAi7cEU7VCMllxVFDQulTCnXWxEw\nRZerkwNeG5BbV9z9KdWFSf99/fXXA6VXpHQMrrrqKiColOlQxPmLL74AKvfNkYtRw4YNo89V3Yp6\n0SgaWmo0rnPOOSdyUlQOeCZFSt/vjjvuAMr7CKk+JynKlKKd8Xq2uBNYbeE///kPEOr0suHnn38u\n1HCqRMq4nOviqoHOn2yUKantn3zyST6HWG1U0ylVCiqfS6oVqF+/ftrnk3DuqceaIs+6J1YHRW+X\nVsebb+TIF3fm23333aPfXPcRKQdaB2T67bfZZhv69u0LwC+//AIE5zjNZXJrS3K9a9JYZZVVMkb5\nVaMWr4/W737YYYdF2UNJU6SEnGD79+8f9c9q0qQJEO6b33zzTYX3SMnVeqFfv35p66eKibJRbrnl\nlrx9phTH++67D4APP/wwb59dFXLpveWWWyo5rAplp8XRuZe6ltt+++2BymqVjq/cRWuClSljjDHG\nGGOMyYFEK1NSlXr06AGUR0h++uknAM4991wg7JiFdqCq2ykUyglWPmc8KvjXX39Fri6KKsvJKJNz\n1IIFC4DyvHG54pQauZ8op1akqgODBw8GiFTDUqP810MPPRQIUfXRo0ez5ZZbAiFCcfvttwNwww03\nVPmZDRs2jL6f3IjkLlNq9D2HDRsGwMCBA6NrJx5RE507dwZCPrfO0X333bfk9UfqTaXoXzyPW5Hp\nBQsWRKqjai+GDBkCZK7xKRV16tTh1ltvBaBnz55A9ZxGS9WzRI5JOo8UMRQdOnQAwnVUFXKUVPbA\n0ur3CoWu2yVLllSqiZLzluo8PvroowrPi2Ifj+bNm0f1a6pfkMtlJkVKEfeJEyfSokULIChtQjVT\nvXr1yv+gc+C///1v9N9SB4TUc31fzQvpag7l+KV/laVw5513AkTrCJMdmdRAHROtXdKh3zzpXH31\n1Vx99dVAcMScO3cuAM8880yF1ypLRW6gqarU1KlTAXj11VcLO+AYW2yxRVavW7x4caS8C32flVZa\nKe/jygXNXVUpyKrfUi2Y0Nz9xRdfRGrov//9bwD233//Cq+V0qa1Rk1I5GZKkrxOaC18hw4dGhXO\nxRt7CtknF7rwdJ999gEq38h0Enz88cf885//BMJF1axZsyo/c8UVVwTKN4ht2rQBMn/PQqOTbuDA\ngWmfT51clWKZFJo2bQqERnv/93//B8CoUaOic0rpb0vbRInvvvsucTdg2RzLAlRpMeecc07G9yjF\nTAt6Wd4eddRRQPl5WyqUzqdCUzXpzdQUesUVV4zsxPWc0jS0uE+KDe8WW2wRbfKry1dffVXyRqWy\n1I9vpqqDTF9KlSKnBr1K80vHNddcA4R0sDiaU/KZSlMVss8fM2ZMxnQXpbRpYaCicQXABg8eHJmd\nxDdTmv/iQckkcuqpp1b4W8FJbbo6deoUpSUta+n2uaLrtU6dOtEiv7rMmzeP33//HaicJqUN/bKG\ngnJxtN5TSl2676/zVCUoxUJrYzXrzsSPP/4YBVGVQiurcK1rhdbTEgaKhcymOnfunHHe0wZehmDp\n0G8S30QpfV0br3zgND9jjDHGGGOMyYFEKFMqBFa0T9bMikArKnLBBRdkrdSU2hRAsiLAE088ARCZ\nAqhhqVIQ4my55ZZceumlADlHs2uKGiGKTOrAjBkzIsOCpKAmqJKyUxvVKi3zX//6V7U+s2nTppHV\nqShVg0jZ1MuWWikIipaloki00md07iniJPVUqZClQCl5SmOKU1Xxf6bn1BxYjVVLlbqouSwXpVxK\naOvWrUve+PGBBx4AwvUjdt55ZyA0JJdyk0R23HFHIKRop6K0Pak7mdIW9XyhW1ZcfPHFQGhFEVeU\nUsdy2mmnASFFUdFlqfAXXXQRa6yxRoX36vpX6mltRPN6qmqqtMW4MjV+/Hig6nS0QqJ7v9It9957\n7yijQAqi0k81V6mxfHzNs+6660b3L5UMZPoszYfjxo2rFJ3PlsmTJ0fZNfHP0DmmjIZsMz2yYfPN\nN89ZTSsUKi9Jp1zrOJVqzLqHV+ea1vGLK1JKX1SGVKkMkEaNGlXt90gtHD58eKUSAZ2nffr0AfKb\n+WVlyhhjjDHGGGNyoCTKlKJkqtO46aabgLD7lc2mivqU11jK6Hkc5WkqL1YRIuWgDhw4kMmTJwMh\nyin7RZkDxJUpqT1z5szhlVdeKeTwMyIr9HXXXbfC43EFQFFQFZMnCUVV0jFy5Egg1E1IOYhHkxS9\nvvzyy4HyBnw6tsrnVSPVYiErUClQ06ZNA9LXgKiZra4lHU81upOqlYRrSuecyKSCKqqsKOnLL7/M\ne++9B4SIqJQSvVc1J8VWpnSuyL46tdHw0lDRrepYSq1KVYUKlmtDjYpqDNUGIfW8U62UIvxxC3id\nT1K9C41MWKRIzZ07l0ceeQSARx99FIC33noLCAY0yoBQLVFVqB5RanA+CrBLxeGHHw6Um+nEm7Er\nq0W1osWe73RsdC1r7fPjjz8yadIkINS46F/N3com0L9SVjfffPPoe0lxU6225nvdG7SOqKkip7Wa\nrOdViyrFTdeFapHVlLk66D0ytVi4cCG77LILEOyuS4Wux3jdnnj22Wej2uxSGetUB7V1idd+yvhM\n656k1Ylng+by3XbbrdJzOm8LYQ5iZcoYY4wxxhhjcqAkypSixNtuuy0Qak+kEijvWXnpikoUOk+9\nOmjHrnoVuYgpQrvCCitEu19FlqQsxB0AZfGo+ihFs0uBmm9WZYUOoUFvbUPHRHn266+/PhCOp1RQ\n2aCnKm/Kr5X6sWjRoiKMOHDbbbcB4Ry74IILgMr25+3atYvs6jVGKTfFiqxXh3bt2gHBhUyKgaLJ\ncveUIpgOHa9SKbpxNA6dK9VByrWOr8kvUgmOO+646N6j+UDnYHy+k/3uu+++W5QxKmL83HPPATB9\n+vSMLl1S0eOKVKp9e7xhquZ3qVyqJZA6MHPmzJoMv6hoTourUhBcyIqdRSAuu+wyINw7VHM4a9as\n6L4v1UeW91IjVX+orALNgyNGjIjm/GLVgMkiXLXUUm6VFaEsIjV/1vnUsmXLSjbccV566SUgqKSp\nNuO6/5ZKmdJ1o3VD/DqaPXs2UN6KpzYoUlDe3PrBBx8EQmaBlE6548r9szagOVoOxd26dQPK53Dt\nJXTtFLJhvJUpY4wxxhhjjMmBoilTq6++OgATJkyIog3yuteOUrtIRcdUU6RddBKRmrThhhsCFd1u\nFGFS49tMyLWnVNEzCOOO16+IqhzVajMDBgwAQk50PLorZee2226LavuqUkiKgWpqVN+huiBdV506\ndYoieWrGmalvRhJQtF+1Arkgl8K4oqCaqmIhV6S4i1AqS7t2kuaOuayhBq76F4JCE6+VElKsipUd\noTq5bOrlVO8UH1tqXYBcuTTPSQVRpF3Xj2oq99hjD6Dq+tNSI2e1dM1K1R9RfWZKxbhx4wDo0aMH\nAEcccQRQ3vNMc8XWW28NBMdPOZGqf2N1mnsXGim5Wvd8/vnnQMh8kKq01VZbAeU90B5++GEgnHs6\nF+PEa2T79+8f1YSVCmUcbbrpphUel6qoeT6eHZJEtB69/fbbKzXnlaNubVKkhOo/0zWH3nLLLYHi\nzGNWpowxxhhjjDEmB8qqinqUlZXlHBJRlEGqjPLU11lnHT744AMAdt11VyDk/coZRtEcOWIpgqP8\n1CSiCIX6sWy55ZYZI0py3lGUSnVKinaUAkXB5IBSVV8pCMdEzlipqA+SUD1LElAUU05KOsfiyClL\nUUK9vpSohkiuQWuvvXba182aNSuqPyx2XVexUcRXLlZC31tuUMVSqKSyKdKfjvg1JaTMjR07Fijt\nfBBHLlZScuPoXEzt6RZH83eTJk2AZJybGovcPFPrNSCMUdF0HZvajqLUI0aMACqrwsoGOe6444o5\nrCrR+kA9zbSOUN0rlCshEFR79dMqFSuuuCIQatDk6rlkyZKonkr1cUurLUoC3bt3B0J/Ip03S1lH\nLvU1qc9rrXjFFVdUqPsrJlrPqSZe85vmZPUR1fqgNqBr+d57740ek6LWrFkzILN7n+bJBg0aRGp2\nuhpFgGHDhuVlvEtDitQ777wDhKwqnW8zZ86Msnay7ZPVqVOn6PVyf42zZMmStKklVqaMMcYYY4wx\nJgfyXjMlpzrVAcmZSrnogwcPpmvXrhXeI3cy9dHQblKKRpIVqXr16gEhcqkczXR1EXLnkWtNqaNm\nqSytJkp/q14onSKVVHSMbrzxxiiyFs8ZVg8wRWQvuugiIBnRc3HiiScCISIbVwlUg3jssccWd2BZ\n0Lx5cyBEx6TcfPvtt1E/tueffx7I3jGtR48eUU8SoeimcvqLpUhdccUVQHAorQ6qx5EinyRFammo\nhiKb62T69OlAqPlLAlLkM/XJUi3psqJICakgci9VBF6KTpcuXYDyY5YUB1DVr0ihjzN79uxIaSv1\nvVXn04cffgiEa1prmgsvvDBy91UtbpJp2LAhEGqjVAOfD+RSqd+mUD3PdM/Xd0nHQQcdBAS1MD4v\naO7S/eu1117L+v8vR7l8ewBITe/cuXPa56WqXX311ZWek1uoMjiklsZ/I6lAyy+/fLSWj7tSKysh\nH8qU9gCHHXZY5BgZP+e0JtUxiiufCxYsYOjQoUCY15aGfsslS5ZE68ZssTJljDHGGGOMMTmQ95op\n5VMqR1gOfWeddRZQ0XFDO1xF3BWhffrpp4FQG5JElL99zjnnAJXrhMrKyirtlBV5llNSUth///2j\nHbwcFDPVTOk7yPWpVatW0XN6rNQ1UopUqJ5GfQfU4yMV1YDJUUnnaxKRy6WcuNTDSH3JpAJLASgl\nUqJ0vVflbhdH30fqtlCdh+YJqYypSCnRawuNooxHHnkkULnmJh26pjQnSl1Lcp+STDVTiszuvffe\nS/2MpNVMXXDBBVxzzTVA5aimlBtFZJOI5ixd7zWZu+RGG3cPXLx4cUbVrtBofaA6I/VrTK2RgqAW\n3HnnnYmpYdEaRhkrqg+XUtW6deuoJkMOaklbF6Si6zw+xmzqoTK9RlkuyuZR5k6+kdp0+eWXA7Dj\njjsW5P8j9D3jGQZSIJX1UlOkJj3xxBNA6EdWHeJzcKZrXbWIn376aaXn+vTpU+G5mtS5yZFU9+9M\ndVlVkW2NXirTpk0Dguvf008/ze233572tZlqpvKW5qdFhOxYNbFroyRjhlT69u0LQO/evYGQSpHk\nTZRuYB07dgTg0ksvzfq9xbZpzpaNNtoo2kSJTGl+MqjQvxAa98VNAIqNJhMtxtVAUMyfP58bb7wR\nCOYfmsCTvInSQkcNE3UOahGuRXkS0IZPNv9ajGbanKcGHfScNkm6WSht4IwzzgDC4ir1c2Rio6aD\nhebQQw8FwnWQzSZKqBhWjX2TvIlaGkpZXmONNYDMBcxJQte+UjPTIUOKJCF7ZgXyrrvuOiCk9SZ5\nDssFpUVlSl8So0aNApJlBqDggpqnaxMlxowZw4QJEwAis6Ako+s7E5rL0qWYKwAbb3i7zjrrAJWb\nFOcL3f+12Sh0UODxxx8HiI6r1hqFQmttmZxUB81vmVo9KPVeZhUqgyhUM29tMNWaJpfWO2qMrc1c\nr169sm5qrU1UTe5fTvMzxhhjjDHGmBzImzIldULRsylTpgCVFanWrVtHzRJbtGgBhOhNkmxY46ig\nXZGXdCljmVCRX5IUhFTOO++8KpWDqv6eMWNGyZuMNm7cGCBqDqhouWR2nYvt27ePil0VcZFpQxLZ\naKONAPjkk0+AUPApRVeR6SQhdVKKVDbNnjO9Rnat+jcdijztueeeQPbmFTVF500u6YS77747EI5r\nbaQ2NfHWuagMCN1npPCkQ2mqc+fOBcJ8J0Xy9ddfL8hYM9GzZ89IiZb5j+6fNYnoq7lqpqyC33//\nPefPzoXmzZtHKXKa1+PoWMhsIsnrBmXZqJh9rbXWAsob2CrdTGlSSUbXd6br/tlnnwWqNgvLNEcU\nau7Q+VHVdZ4JNb2/++67Abj++uuX+h5dh8Uy2NHcpLHKdEUNq3VMhK7lE088MVLrkmLHr/u3zgWN\n65RTTonWcUoxl3olJUrHSEp2qez0rUwZY4wxxhhjTA7kTZlS7ZB2v6pdUCRPpgQ77bRT1LRW9qvK\nNU0iaqirKGC8tqgqpLhJnSt1wXUcFfSq2VkqmSJQir6oZkz56qVAESdZfiqarGJCnZMy10hFhiEf\nffRRwceZCwcddBDDhw8Hgvoiu1Dl9yaR1KaUqWT6O13NVLZ/T5s2jZ49ewLFU6QUWY7bwi6NX3/9\nNbKfrs2KlKhOcW+pySYPPlN0XA1ihQwrimUWIDvwgQMHRkYTqi/IVpGqW7duFM1V/eXFF18MBGOE\neANwzTn77bdfTYafNR06dADKTYPiBhNxRo8eDSS7tlrN4WXj3r59eyDUR06ePDmq3ZMSl2SkfmS6\n7mVQI7VEin2DBg0iw5lM7y3UXKI6H9UUad6VgZEUD91nUzn44IMBGD9+fEHGlg+aNm0KBCVMtbjx\n2jSh5/NtzZ4PpCrJlEQq1KRJk6L1s+YwoVpq2bmXGitTxhhjjDHGGJMDeVOmFIlQbrAixVJypMqM\nHTs2UqRKlduYLa+99lpU31DdvN4+ffrw73//GwhRnaSRGhFamhoglW3IkCFAaRUp0bZtWyDUsSlS\nKxeddIqUHOIUCVWkOSko+tK/f/8ob1g1AUlWpITszFXfEW98V52aqfjfmkOUE16KGkRFzaubh3/T\nTTdV6R5X21EkN4lRT5EuAr40G9348+mi2IVADnaqBygrK+Pzzz8HgotXvIml6njXW289ILiZbbDB\nBpEClQl9P7UWULNiZS8UCqkzij7LDj0dqhVTfVfcrXXatGmJcWFUPYfcTWs7ykQZM2YMEOzMhWrl\npTBkg6zhC7U+0r1+5ZVXBoJ1t66bJ598ssLrf/755+j6LlamQ01Qk9w4WjfIqU+uiUlGv3u6+VUZ\nHdo3iOpkiRUDK1PGGGOMMcYYkwN5U6aUW60eP5tssgkA77zzDkDk4PfUU0/l63+Zdxo1agSEaNyG\nG264VEVK0XJFZK688kogRKaSjJrsrrvuupXqpvS95WJT6ka86VBeunKGzzvvPCBEc+McddRRkVqo\n/Gn9XWqkSKl+cN68eVFD6LgrT5LR9a9It+rZUntDpT6frmZKedNvv/02EFyK9NuUsl+bxqJomSLP\nmfpMqb4jCUpuTfj666+BEA2N56+rgXRVypTuBcWut/rhhx+AUO+WC6qduO+++/IypqWh/mWp9x+p\nRZki0lWh3zzuNPbmm28CQe3S/avQtGvXDgiuqlUpUkLupukyDqA8e6Jr1675GaCpgFQO3WPPPvts\nILtm3XGknJx22mlA4fqjZcp80rm31157VXj8oYce4swzzyzIWIqJakSlzKnvVW3lmGOOqfC3zkU1\nQU4KVqaMMcYYY4wxJgfKqooSlpWVVTuEKJcr9faoSUfhYqMosvoUpUNuhXL5k1thbWajjTaKvo8U\nRdVIJTnSp/zabbfdFoCtt966wvNSrm644QagvJeB8u4POuggIDkKopwHlRd8wQUXRL0gTHJRDyzV\n7elfRdr/9a9/AbU/Oii6desGVK6NUI3c6aefXvQxLQ0pGjoGqQqV+s5NmjQp7XulDOn7jR07tlDD\nrIDuK1KKquq1lgndewcPHsxXX30FhHrSUiFFU/2I6tatW+3PUO2o3LzUb+/333+Par5McVAvMNX4\nyWFRdXsACxcuBGDkyJFAOF65KKz5QH0nVeelzI/rr7++aNd3MZGbodbmctOuLdx8881A6PWqrBDV\nWxabJUuWpE1XszJljDHGGGOMMTmQd2WqNqOIV2pURfmZqt+QI9fEiROLPDoTR/nNyp1Vrdsaa6wB\nhDoP1Rq8//77kQNUUhQpoYiqekQk1QHSGGNyRe6eUgOk3KZDc3TccVXvnTFjRiGGaJZxpEypt1pN\nainN3w8rU8YYY4wxxhiTR6xMpfDiiy8CwZnqhRdeiHoRPProoyUbl0mPaqSef/55IPQdUD8J1bcd\nffTRQHmefrGdxIwxxhhjTO0nkzLlzZQxxhhjjDHGVIHT/IwxxhhjjDEmj3gzZYwxxhhjjDE54M2U\nMcYYY4wxxuSAN1PGGGOMMcYYkwPeTBljjDHGGGNMDngzZYwxxhhjjDE54M2UMcYYY4wxxuSAN1PG\nGGOMMcYYkwPeTBljjDHGGGNMDixX6gEYY/JD3bp1AWjbtm2l5959910Avvnmm6KOyZjazMCBAwE4\n+OCDAWjSpEkph2OWwi233ALAaaedBsDFF18MwI033liyMZn0rLzyygC0bt0agDZt2gCwYMECAMaN\nG8eHH34IwMyZM4s/QGOqgZUpY4wxxhhjjMmBsiVLlmR+sqws85PGmJJQv359APbcc08ArrrqKiBE\nzddaa61K75Eidd555wHwyCOPUcmVmQAAIABJREFUFHycAMcffzwAgwYNAuCss84C4NZbby3K/9+Y\nXFhllVUA+OKLLwBYaaWVADj00EMB+OCDD5gzZ05JxmbSM3LkSA488EAAJk+eDITjNWvWrJKNKxN1\n6tQBwpzYvn17AP75z39WeF1ZWRkAv/76KwD77bcf//3vf4s1zLyzwgorAHDbbbcB0KNHj4yv/e23\n3wD49NNPAdhpp50KPLqq+cc/yvWHfffdd6mvPeGEE4Awd3z33XcADB48GICXXnqpEEPMK6utthoA\nu+66K1Cu0OsaW3311Su8duHChQA0bty4iCMsPkuWLClL97iVKWOMMcYYY4zJgZLUTKm2Q5GZOBdd\ndBEA66yzDgBdu3YFYPnll49eM2PGDAC22GILABYvXlyYwWZAEQrl+fbp0weA9dZbD4BNNtmEefPm\nVXitVEApC4o4DRs2DICePXsCRO8z1aNdu3YAPPXUUzl/hnLtL7jgAiBEWdq3b1+jz80nt99+OxCu\ni2zQ93jwwQeBEHm/66678jy6imy99dZAOPelplmZMklGisaUKVOAoBaMGjUKgO7du3PfffeVZnAG\ngDXWWAOAs88+G4B99tkniv7rXpBERQpg3XXX5fHHHwdgl112qfBcpmyhFVdcEYAHHniA7bbbDgjK\nTW2gS5cuAFxxxRUAbLTRRhWenzhxIhC+/3PPPZe4WqmTTz4ZgAEDBuT8GVozbrDBBnkZUyHQGrxX\nr14ArL322pVeM336dAA++ugjAK688soijS6ZFDzNTxLnJptsAsC5557LYYcdBgQJsSZog7Vo0aIa\nf1Y2aEK79957ATjyyCOzfq9+a/2rTZa48847ATj99NP566+/ajzW6qCxnHrqqUC4eLSo0I1Lm8VP\nPvkEgN69e7PlllsCcPTRRwNB7r300ksBGD16dEHH/vbbbwPQtGlTAH7//XcgyOnaIFXFxhtvDMD4\n8eOByqlyQ4cOjb5fqZk7dy4QNkRChbvz5s3j0UcfBcKxOP3004Fwvfz4449A+N7z588vyFi1iVNq\ngM6b2pSm0q1bN6A8teOee+4B4PXXXwfgzz//zPlz11xzTSCksOia+/LLL4HytCXI7vw1+UUL9Esu\nuQQIKS0ffPABADvssEPRx6TzRQu6q6++Oqv3rbLKKnz77bdA+D6bbropUH4/hjBP1AZ0L3riiScA\n2GuvvQCYM2cOu+22GxCCrUlDqdh33nknBxxwAFB58/T5558D8OqrrwLQsWNHAFZdddXoNfqeul8l\nGY1VaW1aQ2mj+3//939AMElKMv/5z3+AEPgWCxcuZLnlyrUJbeh/+eUXAEaMGAHAV199BRDdm/W6\nUqLAvuY7rdnia9MffvgBgNdee41zzjkHCN+n2GvVbOnQoUNUZiAjmrvvvhsI6aJHHXUUUL2yB6f5\nGWOMMcYYY0weKZgyte666wLw/vvvA+llwjhSFOI7XaVTdO/evUKqHxRPmVKRqCJ7io7F0c7+k08+\nidL49Bsr+qcIxpAhQ4Cg3kkdaNKkCT///HPev0Mm2rRpE30v2ZQKRVdU0Nu8eXMgjLkqXnjhBSCo\nEoVCcnM8bUAFu0oFVXQ2lf333x8IqmAm6+Orr746OralRt9LET5FJ5VGod8jlW222QYIipBUYSkt\nKpZNIh06dABCFE3qaYcOHSIVp5A8/PDDQEUVWudCtupAOvbZZx8gpI7Fker19NNPR5FQqZJJQ9fR\nxhtvzDHHHFPhORUvK/qnaGCSkWFLo0aNgJBGfuyxxwLhnCgFmuf22GMPIES6//jjjwqvUxbBxRdf\nHM3r9erVA0KKkdT8qVOnFnTM+USKjb7TzTffDMB1110XKe5JQ/eVN954A4D111+/0vpAxFUnpWan\nZkbUFmWqWbNmkS290tuUWq41VbGyimrC+eefD4T5XvdgZe7MmDEjura0ztBrkkb9+vWj76FSgXiW\nmJSoa6+9FgiZWEm9/6SiFN+hQ4dGx0TpohtuuCEQVFHNf9XJzLEyZYwxxhhjjDF5pGAGFFKi9K8i\newsWLOD7778H4P7776/wHkUs4pazau523HHHRY9NmDABKHy+pmq9tEPXTlcoN/vjjz8GyqNjkL6W\nQmqdvqeMOKQWqEFkoVUpRSw1jgMOOCBSBfW7qvBQymL37t2BEBFLRTUfm2++ORBUrCOOOKIg488W\nKRmXX345UH5sGjRoAEC/fv2AEDWPRwf195NPPgmQGFUKQsGn8n6lqqVTpITOTylRyntW/WKSlClF\n3p977jkgKIvxPO5DDz2UO+64o6hjEzLWyIVmzZoBoeYjE5ofOnToEFnLZ1KxCo1q63SeqE5F1082\ndO7cucLfSVSopO5qnhCycS6lIiVL6WeeeQYIarMUatUDKGtCaubhhx8eZUFcdtllAGy77bYAXHPN\nNUDp5+ps0D2oVatWQKjFVbF8khWOxx57DChXpDLx2WefATBp0qSijKmQaM121113ReYtWlvUphpQ\n1RJp/Sc1UXOzHr/ssssSb3UuJffee++tlMUjJUrGUDfddBNQWe1OMjKs01xdr169SEmTIiVU+5rP\nWnErU8YYY4wxxhiTAwVTpuT0IYtpqVG52MnKdjy1TkdN0wptia78fylSUmrOOOMMIDjJVeWGJHVL\n+bUtWrQAQgNVRRTlxlYo5Eg1btw4IDitDRgwILK1VIRCKKdWu30dV9m6brDBBhx88MEVPleRw6Sg\npoBVNQeMI0UqiRFbRfaefvppoHouSDrXpDwqgqjITSmsaE855RQgRMlVU5hNXV4x2HHHHaP/fvPN\nNwF4+eWXc/48KTRSTquqWxWy4t15552Bwuaun3zyydG8p2if5jChWko5j6XWbqjGQzWTUkz1Gfr+\nclgqpfOa1B65XWpOVtsOZQ307t27BKOriDIbpNRKoZJqKeRgJZe0s846K6pXUyaHrnfVF+h4P/TQ\nQwUbf67o++ga0HeQq2GSFSnVEuq6TUUqh9D1Es9qkSKf+vr4e5OGvssuu+wSzZXxWsokIwVeGSnx\n31tqsJT55557LlKxamKbXgg036q2sFGjRtF6VdlhZ555JpDsaykTUuI1H0r9nTVrVrSmVk2YlKhC\nnItWpowxxhhjjDEmBwqmTP30008A3HDDDTl/hhQPRdEh5DqWui+GIrKZxrHmmmvy2muvASGSJvca\n5eXLlahYSAFQvxJFY1Vzk45nn30WgE6dOgFBsZEy161btygqvd9++xVg1NkTjx5lE72Lv0a9P0pV\nm5INUg8Vqa4OysuXmqW6K6ldiswXGv3uPXv2jFTPeE2UVFAp08pJT20WqNz1QkbUdM5/9dVXNarR\nkvqrCGb83Js2bRoQnKOkgk+fPp3NNtsMCFG4QrsqqaZGvW2kRCnToKo5Q0g5yKRqJaEXkM4bqdaq\n8VUPGNVW1qSfWL743//+BwS1XMp0nNmzZwOhRkX1UhDuAYqe6xzUOZkkZUqqua4bZYdINdBclkR0\nneq3r0p9Vh+iW265Je3zWj+kfkY2anYxkcIrFUT3FQjZEOncdJOGaoh1fej+IlSvrPlXtUeNGzeO\njp96KdYke6EmaMxSo7WOVsbH5MmTI0U6CXNwrih7QHOXMr50jIYOHUrfvn2BcLxUp1uI+6eVKWOM\nMcYYY4zJgYL1maoJiupIudl+++2B8poi9ZxRTm6hUfRf6ovyMaVIyc1FUfRu3boB5Tm16gvx9ddf\nA6XvO6DvIDc/5c1Xp+5MipTcXu65556onmDevHl5G2t1yNRnKl0fD0WiVesmteOBBx4AQlS3NrnY\n5IKi1qkRRKisDhWKuAKQyhdffAFAy5YtgaDErbLKKkDFqJKcJOVsljQUse3SpQv9+/ev8JgizhMn\nTgRCVFS/iSLzL7/8cvRbbLrppkD4jZKInP/ee+89oLK6JdfSCy+8sASjq4gUthNPPBEIx0R99+TO\nmmRU+yrXUs3zyoyYOnVqFMVVfxXd13RtKfujlG6FQue95ig5Z0qhUrQ5yegeq987HboHSWnM1DMv\nyX2mdKykFqouJ5V4LbjcCpWhU9VvVEx69+4d9V/SfVAux0OHDgWCgq01k2pxPvroo+g6VP1RqWqn\ntDZu27YtENZlqkm+/vrrSzKufKNsKc1ZWpPrGB1yyCFRb0i9RudcTXCfKWOMMcYYY4zJIwWrmcoF\n1fK88sorQFCkxKBBg4qmSAkpFbvssgsQ8mEVbVU0UGjsXbp0SUzERei7yFlIzm2ffvopI0eOBIIi\nox44itAMHz4cCO41qh0544wzEpe/LdRt/qqrrooeU/RCz5ly4i6Oheb222+v9Jjyt/fYY4+0Y2rU\nqFHhB5ZnpAD85z//qfScaj4y9WqSkn355ZdHtYu1AUV3NUcK5bKXWpHaYYcdgHInqy233LLCc6od\n/Pe//130ceWKVDTVRqiu7ccff4xeo/4xqpsQqsNSXWASeP755wHYaqutgJA1UBsUqWyZM2dO1H9p\naagvnfj888+jXo6lRnVBWh+lQ853QvO7nDL13m+++aYQQ1wqqpO+6qqrKilSUjZU1xZHWRIzZ86M\nlCkpiMVWppTtsc8++wBB6dT3U6/J2s65554LBDdYZROoPlF+Bh06dIiOYzGORaI2U1rQxzdRSqFL\nXRQXG21EJBeedNJJaV+39957A+XGDXqNJo1SI3MBFShqUmvTpg1t2rSp8NpMhfaSt5VS16FDh2ij\nlTSUHqIJ7/vvv0+bVvZ3QjbD8fS+TDeLfKMJ8PDDD48e0yZqzz33BMK1JrSIOvXUUyt9Xvy1SUMt\nBFLRxigXe1Y1Xow3PC81soC+9NJLM24Ok2JusPvuuwOw3XbbRY9pbLVpEyWUVqlm70pzUcDi1FNP\n5bfffgNCM+JHH30UCHNkodtyZMtbb70VLa6V5q/U+dqELJj1HVQcr0DDXXfdtdTP0D1Z6yEFLV99\n9dXoeBYbpfXJXEYbwnhAVWnITz75ZNQgXq9VA2OlQspAQIvkYqP7S506daJgq9rYlMpEojrod/zw\nww+BEABXcGVZ2UQpCKY1hFIstW9Qk3K1L1luueUiUaAY6bBO8zPGGGOMMcaYHEiEMqUGvKnNMSGk\nuSiiUUpVQWYNBx10EBBk4HvvvRcIhfBq8rbtttvy+uuvA0SSvOTWUkXTp06dCoTvoKahDRo0iFQB\nfc+LLroIqGziIHtafcaBBx4YFTQqYpCUtD/J3momDMESfMqUKUDFot5lGamR8VQZSeQqsC00UkdT\njS5UYK2CWSElShEpFdGL33//ncsuu6xQQ60RY8aMAcLYIZifKL22Ovasug41V5ZKmZIKogi7VIS4\n/Xk6ip2iHUcGH0pzHjNmTBR5vvHGG7P6DDUxPvjgg6NG9DKxKZW6IwtkFb5r7tbjQ4YMYfnllweg\ne/fuQLgXac4uNZp/tttuu0ihSGrGQzbo2tb1mgsy29K1r7laaZDFZPXVVwdCq5u4EYNSljUfS5FP\nNbfSOkiGXFJUNKeUCo2rfv36tG/fHsjedl/qSPPmzaPHhg0blucRVo0MwFLNMCDZJkXVQeU/ypbS\n91QZjVr8yFxCZk0//vhjUdcHVqaMMcYYY4wxJgdKqkw1bNgQCDbbip4JRawVVVcxIITdt/JEC41y\nnzfYYAMg5PmqsFcoytG3b1/22msvIOTmv/POO0CI5pbaoEJ53fPnz4/qVmQVrMi6isVlc6woknKK\nmzRpEhU8S23Q38VC9Rrx/OYmTZpUeq3UT/2r2qF4bYuiukkp9K0pyivW+Stk8lDK3HA1qY0XKi+N\n6667LrFGImPHjgVCfc7EiROjKFl1G0K3b98+qpEolXW1rjFFXePmEtmgwmBZpGs+L5Zi1bFjR4Do\nt+zYsWPWxitStQYPHgyE2hEIVsOlMtbQfVL/KuIvBQCCLbKivGqges899xRtnFWhYvkuXbpEdQ65\noJplZX8oY6Q20rVrVyBkeug7PfXUU0X5/2t9dskll3DccccBIZtFqB5ca52q0HulHIhCn4NSMpR9\ns99++wGhjkbNr0899dRqt0RR7bjaXQCRYl1olB2kDA5lS6lmVeu7OE2bNo3mXq3n9N64UZLW16Wq\n0YOw1tT3UoaHakKlkqoOWyY7ixcvjtZ5xZgHrEwZY4wxxhhjTA4UvWnvWmutxYEHHggE95a49adQ\nZG2llVYCQjNfCDmq77//fr6HWAH9P6dNmwaEvHg1760KufHIvUafpc+Q9WumZn3FRM1AZf2uPNx+\n/fpV+b7VV1+d++67DyA6rrIITbXmLQb6DopYNG3atMJ40pGusS8EC3Xlp/fr16+groyKnqXmj0sN\nzAVFynTuKYolFIk69thjgeDuVWhUmyKHp1zQ2Nu2bZs4Zeq5554DQhRN55dqDqqDztupU6dGeeGq\n0SwWOh+lXC6tNuqXX36JmvJKeZdCfMoppwCVVS01xi21ZXo6FPVVNoHy8svKyqJ6kKTbqbdr1y6a\nBxS1/de//gWEjIvajBSPV155JXLNkwqq2jA1dq8N6HpRNF1zueydVRtXaKSASRlIRYquaqyzqRfU\nfVnzgOaHzTffHAiKQ7754IMPgLAeyMTXX38dtbqRAq11QBwpUmq8vNZaa0WvVTaC6rMLhcbYuXNn\ngKgpvOqSNS/Jc0CtRXbfffdKLRIyISftdFk+xaBhw4bRHLXNNttk9R55Lfzyyy9R3ZjqsfVcTXDT\nXmOMMcYYY4zJI3lXppRL3qlTJyDshk888USgPMoil7Xq8v7770dORS+++CJQ0S2mEMj9TJF05ftW\nJwdTiolqplZZZRUg5ECrpqrYSo5YYYUVIhVEOfWKvGSTK6vouxyMJk6cCFCpd1WxUX2QFEAIkeZt\nt90WCGNX5CXuGCf++9//Ru/NRx2VVAf1HFJzV+WpQ4iuqj5Q6oZUgkGDBgHpmx1KYYw3Jf3zzz+B\nkI9fLBc/obq6m2++GSh3u/rpp5+AEMlTBFb9ItQbR8glUz2XkoQi4Lp+lIPfsmXLap83ygFv165d\nNA8VI8K+8cYbRw0Q5V6XjSIF5e6Fqr/MxLXXXgtUrrPYbbfdchpvtkidVWP1TFFngD59+gBBBdC8\nKObOnRsdz1atWuV9rPnkgQceiHqaSUHQNVXKWggIDUZ1Xx0yZEjkdpktUjjSZYvoOMp9MsnoHiS1\nXd9HWTG6Poq1TlAtY9u2baOmzlI5dL/Kpl5Q/X+kTKkGXipioRUcuSAKrbu0DtV4UpGbn1Qm/ea6\nf6nOKjXjQ06Axapp031TaxitI5UdkUnJWbx4cUavgc022wwI63j9dupZVWxH1v333z/6PtmiNdUh\nhxwSZfxUxzl3aViZMsYYY4wxxpg8UmM3P0XlFDlV/VMu6pMifXGFQw5W7733XhRZLxbKsVTesqIP\nckfKBkWT5Qg1YsQIIER3DjnkEKB0vWP69u3LFltsAQRntepELKVuSnlL7SFUSlSLllqTpp4wcRS5\nVSRTUUJFrfbYY48oYrjHHnsANXOSfOaZZ4DQ3T4dUjTjqoBciZTfLZVW52i6SLkUEkVoi61ICUW6\nzjrrrIyvUfRTCq7Qta9zNAko8qX+cqox0u+t8606qlS7du0qvLdY/XY09hNOOCHKNZeCmwmppzpX\ns6FUtVFyjdX1k6pMqfZDCr2Oaxw5ZO2www451cEVE6lpcjGEUANaakVK1/AVV1wBwFVXXQVk54Sm\n+6aui3Q1saqzUB1JITj77LOjOVhjkWKRizqhOTGusOmzSpW5AsEN9sorrwTCvV61nFKdVOcuZePl\nl1+O5nPVuiprqdCKVCakjGsdJme7Ll26ROtXrYdU+yoH1ksuuQSoXIM8e/ZsXnvttQKPvCKaf+bN\nmweEGikpUlKhlVGj+8lff/0VqXNy0FXvvbirr1SvtdZaqzBfYinMmjUrOveUZXPyyScDIbNB9179\nDromIb+K1NJIxqrXGGOMMcYYY2oZOdVM7bnnnlHPFOXxxntEZYOifKrfUD5mVbnsxSbebVkRZznD\nzJkzp9qfKSVB+eLFdumJc8cdd9CtWzcgqAHVqUWTevPzzz8Dod+JIgi1ETn3KapWVlYWKXDquZNJ\n5cqGeB63fm9F7/T/hKD86RrLVNdVFXJMU81hkpGTpCKIQtdeak+PUiO3IzmK6fqRa2FVPdekfsb7\nzcUd5DQ/FhopU6l1dlIy4qgP21FHHVX4geWIHKtU16EMgFQ1+KSTTgLCdRGPwEoN1bWuqLqioElG\nc/qgQYOie61qIr777ruSjQvCfVNqoa6XqtD1oOi51A/NnT/88AO33HILEJSipdXv1YTRo0dn7K+U\nySW2uq8Boh5PWh8V69gp82KbbbaJnCqlIKouReeTFCodE2V4NGzYMLpWdP2p5rVYxN38pFpq/SU2\n2WSTqD5NqI+o5kS5Qwqdxy1btiy6K/OkSZOA4GwdR+sw1azJv0BZOBDWMsq2EVK1ND8+9NBD+Rp2\njdE5pppqzedaV+s7FQrXTBljjDHGGGNMHsmpZqpLly5Rp/E4ih5r9y8vfEWbmzVrFkXJVEM0evTo\nXIZRFJRzKXcr7dQVmVXfkXSOaplQjqciI+rIXUqUv1xdd8S6detGEZB69eoBcMMNN+R3cEVELnPK\nlRaKIkJhasIU1dJ1or4wEJSYjz/+GAhOcdmgaGahu8znE3U0jzNmzJjiDqQKlJ+ueg1Fl5WHr2s8\nHcrLV4R27NixQFCBFAW844478j3stEiRUhR///33j5RModooRWIvvvjioowtF+SIeddddwGhhlC/\ne/fu3YFyNUrRWvG///0PgGHDhgHlTngAEyZMKPCo84/cvVLHXmplSvUpUgCy6W+n7BC9VpFpofuP\njmuxGD58eEYnR9WkqSalKpamTKmWWvVkW2yxRVFqQaRgPPfcc9G6R+geqGORqf/dRx99FNVIFluR\nEnJiliucXGC1ppPapn5XqfTq1avC38oc0bpWdW5a0xYTZTBIJUztwwohoyGbzAZlymjdrnVIqera\nqkLnouZz1fdqbikVOW2mxo4dW8HCGeCJJ54AQjrEt99+C4TUta233jp6rR5L8iYqjiRETdi6INU0\nWBekFsHpNlc77bQTUDl9qVhWmlWRbRO3+OvffffdqOBRx7yQqRU14YgjjqiUxqO0HRWcyjgl3Q1O\nj8VT9HIh3tBUGyRt0tOZkSztxqyFbqokrwV5de2Gk4QaRMZv6KUkXvSuG5omdAWVRJMmTaJFn5qQ\n63jKaEdF3IVGm6d4OoSMGdQEEpLdUDcTSq1Us1GlH2thMH78+Oi1snSXFbLSemR6VBvR5kMpp82a\nNYvmruq09CgESuvTPU/Xdjp0j5F5S9yYQccuXjRfLF555ZWoJCGeeqzUMqUmZoNSq7RRim/01ex6\n++23L8rGRNfLrbfeGqXBLm0O1jHRXDdw4MCSn3NakypAotRkzXOp810mdP9U6UKxLcLT8dZbbwHl\nZjgQNrQ77rhjhddpXZauQbfKGcaNGwcke52g++bxxx8PhA29Wl0U02wiHU7zM8YYY4wxxpgcyHvT\n3jiyk1bzs/nz50f/nY/mp8VG8qcsXeMN3yQDp7NwV/RKBgKLFi0CgmqnVJpic+SRR0ZqhpSbTAXW\naoCrgtRWrVpF6QdqvJjU6Mb06dMrpchlWwT866+/RhEQyeY1KUKXmidL5nwga9ZS2x7XFDWIVBqw\nrinZuisdTgW4pUAqoJqfKmIry3uZhRx99NFA+Xyh611pjPGC5WKlMSqtUOeLrLOlyg4cOLBWKVFx\n1ltvPSBEXaX+KpqvQvh58+ZFlu5qgaEobm1GWSO6jtZff/0o5bHUzWs1N5177rlA+bmWCUWilUKl\nufrtt98GQtF8XAUuJh06dABCNoCu++oYUCgNU/cVWaArJVOv0+9Qk5YcuaK5QVlFyrIROq4nnngi\nULXiWCr0O2pOVjsfKZ7LLbdclP6q+UBGa0oxLXZrHhM477zzgJDZpeweGYsUa91jAwpjjDHGGGOM\nySNFV6YefvjhyLShNiPTCNmaqw4hG9tqRahVvJqaw18K6tWrF6lJiqyfccYZQMi7V8H5KaecAoTv\nOW3aNNq2bQuEQsCkcvjhh0c1IDpemSKI+lvR3X79+kURfVNYWrRoAQQlQbVFMkeRslDKvHU17VZ9\njlRlNRSVCq3z6/vvv4/qDgYNGlTUscbJNOfL9jcJ9QCm5sgkqmvXrlGtR5LajixLqD5PNvyy0s50\nrc2aNSsyqZGNu2qmTHGRkcGqq64aqdkmOag5sfwJNthgAyCsRZUlVSysTBljjDHGGGNMHsnJza8m\nLCtRz1GjRgGh3kl5uIoAproXfvLJJ0BwjLrkkkuAyjUTpeKPP/6IVBe5FWaymZWTndwNu3XrxuzZ\ns4swypozfPjwyIWtX79+aV8jx5/33nsPqN0277UV1ULFLZCTjJTOOLKA3mOPPUreKFXIuUk1U6qn\nSaoLp6keUkDVOLV3795WpAqMWiLoX1N7qI21+38nlAUiRUrO4bpvJQUrU8YYY4wxxhiTAwWvmTK1\nAzV8k+Imtx7Vd7355ptA6KdVm3qEGZNv1MtH/WSU1y0lUw0hf/rpJ6D0PTDMsovqkVVrGHcolFJl\njDG1ia222ipyUZZrtPwK5KhbbFwzZYwxxhhjjDF5xMqUMcYYY4wxxlSBlSljjDHGGGOMySPeTBlj\njDHGGGNMDngzZYwxxhhjjDE54M2UMcYYY4wxxuSAN1PGGGOMMcYYkwPeTBljjDHGGGNMDngzZYwx\nxhhjjDE54M2UMcYYY4wxxuSAN1PGGGOMMcYYkwPeTBljjDHGGGNMDixX6gGY2s26667L0KFDAVhn\nnXUA2GqrrUo5pL8dBx10EAC33norABtvvDFnnXUWAAMGDCjZuIwxxhhjlnWsTBljjDHGGGNMDiRS\nmTrggAMAuOmmmwDYeuuto+d+++03AG688UYALr/88iKPzgCsttpqALz66qtsttlmADz11FOlHNLf\nhuWWK79sL7vsMgDOP/+wB882AAAM2klEQVT8Co8PHz7cipQxxhhjTBGwMmWMMcYYY4wxOVC2ZMmS\nzE+WlWV+sppIydh3333p3LkzAHvuuWfa166xxhoA1KlTJ+PnLVq0CIDmzZsD8PHHH+drqDWiZ8+e\nAHTp0oWddtoJgJVWWgkA/dZlZWUALFiwAIAzzjgDgHvuuaeoY82FlVdeGYD3338fgE022YS3334b\ngF122aVk46ouOm+uuOKKCo9PnjwZgGbNmgHQsmVLoPzYffHFFxUea9y4MQDffvttwcebyrnnngvA\nDTfckPb5Hj16cO+99xZzSMYYY4wxyzRLliwpS/e4lSljjDHGGGOMyYGi1UzNnDkTgFVXXTXr90gJ\nGDlyJFCuBHTo0AGAv/76C4C5c+fmcZTZI3Xi4osvBmCfffYBYIUVVgDK1SeN8bPPPgPCd69fvz4Q\nVJ7tt9++SKOuOY8//jhQrkgB/PDDD1GNW22gf//+AJx00kkA1K1bFwiqoZzx4irikiVLaNiwYYXn\nRo0aBRTv+F1yySUAXHTRRQB88803ABxyyCEAHHrooQCMGzcues+GG24IwPPPPw/AjBkzgPA9jTHG\nGGNM7liZMsYYY4wxxpgcKJoytfzyy0f//ccffwCVVaV33nkHIOqR8/nnnwOwxRZbADB48ODotXL1\n+/rrrws04opIibnqqqsAOPzww4HgoDZ79mwAPvroIwDeeOMN7r//fgC++uorAFZccUUgqFdTpkwp\nwsjzw8EHHwxA69atgXDsNt54Y3799ddSDavadOrUCQiKlPj++++BUK83duxYAKZNmwZA9+7dI5VK\nHHfccYUcaiXk3vePf5THQI455hgA3n333Qr/pnL22WcDoffXK6+8UuhhGmOMMcb8bSjaZqpPnz5A\nuRGFUsXee++9Kt+z6aabAvDaa68B5QtdbaKKlaakMchwQWYS2hD27dsXgGuuuQaAxYsXZ/wsjV2L\n8qoMNpJCo0aNAHjooYeAsCnWQr42bKR69OgBlJ+DDRo0ACqn8Sn9bf/99wfCuXn33XdXeD3AnDlz\ngPSbl0Iyf/58IKSLXn/99UCwRtcG8I8//uCII44A4PTTTwdC0EGbK2OMMcYYU3Oc5meMMcYYY4wx\nOVA0a/TqoCa9KqRXJP63335j1113BYKFdaG57rrrgJB6+NhjjwFBicrFkl1qVq9evYCQOif1K0k8\n+OCDQLnVO8CIESMAIiOQqpS4UiGDD1nTv/rqq5VeM2HCBABOPvlkILPKJBOR3377jUGDBgFw5pln\n5nfAWaJjcMsttwCw9tprV3heqYpTpkxh5513BsLxKfZ1Y4wxxhizLGFrdGOMMcYYY4zJI4lSpqRI\nvfHGGwCsueaaQDBq6NatG2+99VYxh8Spp54KwJdffgkEZSYX6tWrB8AHH3wAwNChQ4FgLJAkNt54\nYyD89r/88gsAHTt2BII607RpU5599lkALrzwQqB0dVSyPT/yyCMBovqoVHtzKYxSmeJjHTNmTPRa\ngL322guAZ555JrIeLzWqY1Mdor6vrpdU3nzzTQBatWpVpNEZY4wxxix7WJkyxhhjjDHGmDySCGVK\njnmTJk0CQo2UmvZKDZk4cWIxhpN3ZGU9depUgKj5a5MmTQD46aefSjOwNMjqXapZ+/btgVA7pH/1\nulQeffRRINiPFwuplWqkHGfRokUAnHLKKZEiJaTySFWT+50YNmwYUF7fJhe/pCHLfalusu+H0F5g\ns802K/7AjDHGGGOWEaxMGWOMMcYYY0weKakyJRXgxhtvBEJNkfrp/POf/wRyc8xLEvp+55xzDgBd\nu3YFKjYhTgobbbQREOq65IwnVDs2YMAAoLxJ8V133QXAeuutB8C6664LUDQlR2pZvHfU+PHjgeDY\nl9rXrHnz5gBRY2U14FW9nnpTSaGrDcyaNQuA9ddfP3ps4cKFQKiBS6q6ZowxxhiTZKxMGWOMMcYY\nY0weqVz4UgTkiqbaDilSv/32GwBt27YFar8iJeVNtSx33nknAEOGDCnZmJZGt27dgMqKlOrX1K8o\nVeHQ8VTNm3ocPfPMMwUdq3j99deBoL5ceeWVANxzzz0VXteoUaPoue7duwOhN5MUqT333BPI3Hcq\nieiYNW7cGIAPP/yQDTfcEIBVVlkFCH3BBg4cWIIRGmOMMcYsm1iZMsYYY4wxxpgcKLoytfXWW/Pg\ngw8CIWouRUqqx+TJk4s9rLxTr149zj//fABeeuklAHr37g2E2p4kUadOHQCOOOKICo/LDU49wOSM\nl0rdunWBULtUbFq3bl3l84cddhgAt912GxtssAEQjoH+3W677YDwfWsDUnRvvfVWAObOnQuUf5dx\n48YBsMsuuwChjs0YY4wxxuQPK1PGGGOMMcYYkwNFU6akbDz88MNRHym59qlGallRpKC8J9aaa64J\nEClU+r5JZP/99wdgq622qvD4wQcfDKRXpITqj+bNmwcUr1YqE+pb9vzzzwPpeyzJ8W/kyJEV/q5N\nnHfeeUBQeI866qjouTXWWKMkYzLGGGOM+TtRtM3U8OHDgfJNlTYVbdq0AWpvM9506HtuuummUXpZ\nbdgkpi7EAS677DIApkyZUuX7GjduzLHHHgvAI488UpCxVRdtALWpEkuWLIk2TUrv00awc+fOAEyf\nPh0IG/wkW4nL8l28+OKLQHlD5biBiDHGGGOMyT9O8zPGGGOMMcaYHChY094VVlgBgMceewyAgw46\nCCg3Kbj22msB6NOnT64fnzjUsPazzz4D4Pjjj2fYsGGlHFK1+OmnnwBYeeWVgaDqqElvJsaPHx+Z\nOuywww4AfPfdd4UaZlaoIe9bb71V4fGxY8dGZiDNmjUDgjraoEGDCq/Vd2jUqFFBx5oLMpUYPXo0\nENIrdRzq16/PDz/8AMAvv/wChOP5448/FnWsxhhjjDHLAm7aa4wxxhhjjDF5pGA1U6q5kSIlRo8e\nvUwpUk2aNAFgwoQJAHzzzTdAqF+pDey9996sttpqAHz66afA0hWpxx9/HCivgZN5RakVKaGGu1Jw\nxHvvvVfptVLiVDslm3EpVT169AAqNwAuBar3Gjx4MBDU3/bt2wPwxx9/AHDaaadF75k2bRpgRcoY\nY4wxphBYmTLGGGOMMcaYHCiYMnXGGWdU+FvNUDt27Fio/2VJkCrQsGFDIDSQVQ1SbUD1QwC33357\n2tcst1z5qaI6nRYtWgDl33/s2LEFHmFupFOi4vz6669AeUNfCMqUVCAd1ySgmijVP6nZtdww9913\nXwAuv/xyFi5cCFS+Do0xxhhjTP6wMmWMMcYYY4wxOZB3Zapp06YA1KlTp8LjJ5xwAlBe19GqVSsA\njjnmGABWWmkloNwZDoJKUBu47rrrgFBTM3Xq1Oi53XffHQjqRzZKSalZsGBBhb8PP/xwAC655BIg\nNMDVsXvhhReKOLrCodooUZXLZano2bNnhb/feecdIKi9UtVSHTOTqhoaY4wxxiwLWJkyxhhjjDHG\nmBzIuzK18847A1C3bt0Kj99www1AeT+mddZZJ+17586dm+/hFIxTTz0VgHr16gFw4YUXAqHG5uKL\nL47UuA8//BCAHXfcsdjDzIpUNapv374AnH322UC5Wx/AzJkzgaCOyM2vtqL+UU899RQALVu2BGDR\nokUADBw4EIBrrrmmBKNLj8YmdK3ttttuAPzjH+Wxkb59+3LllVcWd3DGGGOMMX9DrEwZY4wxxhhj\nTA6UVVUbUlZWVu3CkW7dugEwaNCg+GcBFWtRFi9eDIRaItVSxet2koQUNyk1Ujhmz54NwKqrrgqU\n9y+aN28eEGpaRo0aVdSxVocBAwYAcOKJJwLw559/AnD//fcDoW9YUnpJATRv3hwIY2zbti0QzrXj\njz++0nukinbt2hUg6q+l81JqYvz8TQL169cHYPr06UDohfXwww8DcM455wAwZ86cEozOGGOMMWbZ\nZcmSJWXpHrcyZYwxxhhjjDE5kHdlau211wbgyy+/BGD55Zev9JqPPvoIgHvvvReAfv36Vfd/UzLk\nPDh//vy0z+v3fPHFF+ncuTMAP//8c3EG9zdD6mCTJk2A8NunU0GhXFUbNmwYANtttx0AL730EhCU\nKKs6xhhjjDEmTiZlKu8GFD/88AMAK664Yr4/OhEo/W3atGlAsAp/6623ALjjjjsAGDJkSAlG9/fi\niSeeAODMM88EwubpmWeeqfC6m266CYBJkyZFNvXGGGOMMcbUFKf5GWOMMcYYY0wO5D3NzxhjjDHG\nGGOWJWxAYYwxxhhjjDF5xJspY4wxxhhjjMkBb6aMMcYYY4wxJge8mTLGGGOMMcaYHKjSgMIYY4wx\nxhhjTHqsTBljjDHGGGNMDngzZYwxxhhjjDE54M2UMcYYY4wxxuSAN1PGGGOMMcYYkwPeTBljjDHG\nGGNMDvw/HjxNMTZPH/sAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "printflush('\\nEvaluating Trained FFNN on Test Data...')\n", + "predicted_test_labels = ffnn.predict_classes(X=test_X_matrix, verbose=0)\n", + "correctly_classified_test_cases = predicted_test_labels == test_y\n", + "printflush('Test Set Accuracy = %s%%' % '{:.2f}'.format(100. * sum(correctly_classified_test_cases) / NB_TEST_CASES))\n", + "\n", + "incorrectly_classified_test_indices = array(range(NB_TEST_CASES))[correctly_classified_test_cases == False]\n", + "incorrectly_classified_test_predicted_labels = predicted_test_labels[incorrectly_classified_test_indices]\n", + "incorrectly_classified_test_images = test_X[incorrectly_classified_test_indices]\n", + "\n", + "printflush('\\nIncorrectly Classified Test Predicted Labels:')\n", + "# Set Size of Plot in inches (note that the rendered version in iPython notebook will be smaller)\n", + "rcParams['figure.figsize'] = 15.0, 15.0\n", + "# Plot Mis-classified Digit Images\n", + "print_digit_labels(incorrectly_classified_test_predicted_labels)\n", + "\n", + "printflush('Showing Incorrectly Classified Test Images...')\n", + "printflush('If your model is well-trained, these images should be pretty hard to decide')\n", + "plot_mnist_images(incorrectly_classified_test_images, title='Misclassified Digit Images', fontsize=30)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "collapsed": true + }, + "source": [ + "### Analyzing Features detected by Neural Network\n", + "\n", + "Let's now make some plots to see what features the Neural Network has detected in the process of classifying the MNIST images. We can vizualize the weights between the first and second network layer:" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": { + "collapsed": false, + "scrolled": true + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA1MAAAOSCAYAAACRDIqNAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzsvXmcrllV3/vbNb41D29VnVN16vTpiR7pZrCRUUTQOEZv\nwAGJEePnKgkETCLx4k0UNYmaoCJBjV5zcUg0YohE5DqCDTILsWmg6YnuPufUOafmeR7ed98/9vNb\ntZ7neesML90c6P59P5/6VNUz7r322vvZe+211w4xRgghhBBCCCGEuDJarnYChBBCCCGEEOIrEQ2m\nhBBCCCGEEKIJNJgSQgghhBBCiCbQYEoIIYQQQgghmkCDKSGEEEIIIYRoAg2mhBBCCCGEEKIJNJgS\nX/GEEK4NIdRDCL91tdMinrqEEF6S6eGbr3Zangw8Ger145mHEMLpEMJjj0e6Hm9CCEMhhMUQwq9d\n7bQ04mrr0pOpbQghfGeWl6+72mkR4ssFDabElzVZo32xn+8HwM3SnrBN05rtyIQQfurJ8hG9UlwZ\nnQ4hdB5xzensmidTW3RZeug6WPUQwjuPuIadwA99sYnKnnP3F/ucq0DT9TqE8FVZvj9+xPnvdWVw\nbYPzXSGEnRDCZgihvdl04PFrmy77OV/iAcRPAOgG8LNfgnd9MXzR5eDaLP+zF0I4F0L4HyGE5z6R\n77/axBjfBeCzAN5ytdMixJcLbVc7AUJcBhHATx9x7tMAzgO4BcDqlyAdV+Per3SuAfDPAfyHI84/\nlWVDviuE8Esxxk8ccf5L3hl/kvB3AJYBPDuE0BdjXC+cfxkOZfJSAO8onH8hgA4Afxlj3G/i/efw\npWmbGvGEG5kAIIQwDuB1AH4/xnjuiXzXlxm/DGAl+7sXwDMAvBzAd4QQvj3G+Ofu2k8g6cHClzaJ\nTxhvAfC7IYSXxxj/6GonRoirjQZT4iuCGOPPXOKSh74kCRFXyjJSZ+5NIYT/EmNcvNoJ+jLkEQA3\nAPgFAF9zldPypCLGGEMIHwDwDwB8LYD3Fi55KYAPALgTjQdTL81+v7/J9x/g6rVNofD7ieIHAbQD\n+K9P8Hu+nIgAfjnGeNYfDCH8S6R6/H8BsMFUjHEbT65v1LsBbAH4JwA0mBJPeZ5MrjXiKcpR7iwh\nhN/Ojl8XQnh9COEzIYQtujqFxKtDCB8NIcyHELZDCGdDCH8eQvju7JqXhBDqSLMrfE+90fseh3xM\nhBB+MoTwkRDCTAhhN4RwPoTweyGEWwvX3pKl4a8v8rzPZu4nxwrHvzGE8KchhIXMhekLIYT/GEIY\naPCM0yGEx0IIfSGEX8r+37sCt8VNAP8WwACAK3J1DCE8N4TwLieLsyGEX88s4Q3TecRz6Gr54sLx\negjh7hDCsRDCf8lkfRBCeHV2/qYQws+HED6V6cdO9p7fCCGcuJK8XIKPA/hjAC8MIbz8Sm7M3NTu\nDiGsZPr7+RDCvw4hdLhrfiDTYQDwroX1TN96sjL9cOHZdHGrhxC+r3Dun2bHf6Bw/GkhhN/NZEn9\n/Z0Qwo0N0s5y+doQwqtCCJ8IIWwcVY7uvpYQwtuye98VQqhcQkwcCL3UHwzJre9aAO8D8EEAjdaA\nlAZTIYS2EMJrQwgfDyGsheQC+HchhNeFEHIDl3ARV7tMv/5nCGE5y/dHQgjfwvKiHja4rzuE8Jas\nPuyEEB4OIfxY4ZqfAvBo9u+rC2X+anfdRdu/y+QHAczGGBu2RVl6fzyE8Oksn+vZO19ZuO65mR4+\nEkLoL5wbDyHMZvfeVDj31SGEd2a6thNCuBBC+IsQwnddQR4eL/4q+z1SSGPDNVMhuaG+LYRwb0hr\nzrZDCA+FEH4hhDBYfHgIoSOE8IZM35Yy3XsshPC/Qggva3D9LSF9B6ey+jgT0vfkpgbXHsve+2BW\nTsshhAdCCL8VQrjOXxtj3EQyTLwshHBNE3IS4kmFZqbEk4mj3FnehmTxf2/2U8uO/3sAb0LqdPwB\nkivOBIDnAPhOAH8I4DEkF8N/nt3zVvfcTz+OaQeAFyNZNP8ayT1pA8BNWVq+PYTwwhjjZwAgxvhA\nSIPCrwshPC3G+LB/UAjhBQBuB/CuGOOsO/5mpEHNIoA/ATCH5J7yRgDfEkJ4fsEVKiK5Od0NYBDJ\n2rqGw47a5fCrAP4ZgNeEEP5TjPELl7ohhPCDAP4fANsA3gNgKpPF/wng74cQnhdjnCrc1ow70zDS\nYGYdwLsA1AHMZOdeDuA1SOXxYQB7AJ7u0nBXjPFCE+8sEgH8GIBvBfDzIYT3ZDMaFyWE8A4AP4Ak\nm/+B5HL0fKTB68tCCN8QY6wBuAdJh98M4DSA33aP+UCMcTOE8AkAXx1C6I0xbmTn6OIGJHe4/+bu\no3ucH2Q8B2lg0os0OPw8gFsBfB+S69PXxxg/1SArPwrgG5DK+f1IA++j8lwB8HtIM02/EmN8w1HX\nOtjJf2nh+Mvc+TUALw8h3BpjvD97Vz+AuwAsxRj/LjvWjlRv/h6AB5BkspM9++0Angvg+xukIaeb\nIYRbAHwUqU69F8BnkGYn3w3gTxvdk9EB4C8BjAP4/wAcIMni50MIFTeDfzeSHH8EqZ36X+4Z92Rp\n+Flcuv27KCGEGwBcV3i+Pz+IJN9nAvjfAP5fJCPuNwH4/RDC7THGnwCAGOMnQgg/juRC9psAvid7\nRgtSmY8CeHWM8SH3/B8C8J8B7CPpz8MAjiGV2z9FqhdPFI1m/L4++91Iz4Fymf4QgP8DaXb0L5Fk\ncxeAfwngm0MIz3X1EUh195VIa5Z+B6l9PIFUV78R+fr4TUizRq1IOvsFACeR2rVvDSF8XYyRutAN\n4CMArs/S8cdZ/q4F8O1IciwaOT4M4LuzPBdndIV4ahFj1I9+vmx/kDq3daSO4E8Vfl6dXXNtds07\nCvf+dnZ8CsCpBs9eBHAWQKXBuWrh/9MAHm0i/T+VpeEnL+PaUQA9DY7fidTZ/9PC8Vdkz35Lg3uY\n95e5Y1+XHfswgP7C9a/Ozv1Sg3zXkT6wXU2U3dlCWv9ng+fXALS4YzchDVweAjBeuP6lSB3IP7rc\n8nFl8OIjdOu3/fvd+QkA7Q2Of0OWhl8rHH/J5ZZ14frfzf5/e/b/69011O2/Kdz7A9nxdwHoLJx7\nc3buDQ3y+9dHpOWns/Pf4o79HFIn9X0sx+x4C1LdedgdCwDuz8ryewvP/u7s2fcDCA3KZR3AMxqk\niXl/R/b/cKa7NQD/6gp18UJWZiPu2O8hDSBakAwPdQCvc+f/PmXcIM1vK+SlBcB/yc59+1F5cMff\nnx1/TeH4Nzm9/P4j6uJ7fZkjtRvL2U+bO36q0bvd+ctu/y4iV7Ybbzri/G9n599YON4J4M+ysnxG\n4dx7s3t+uKDPv1W47rZMPxcA3Nqo/l6qHJr5ceXwVhx+i96CZGg6APAhAMePqOs/WTh+jdcjd/wH\ns+t/zB0byI797RH3DLu/hzJ9mANwS+G625Hq3P9uoOu/2OC5bQB6Gxx/bqNy0Y9+noo/Vz0B+tHP\nxX5cx6LRz19n1zT8ULoP+euPePYC0nqVjstIx2k8wYOpSzznPUhWyFZ3rBVpgfu8zwOStXsLwEOF\nZ7w7S0up45GdvwfJXaeY7xqAO5osO98J/0h27IUNnu8HU2/NrvvmI577bqROVE/hOc0MprbhOthX\nkLfPAHikcOwlV1LWKA+mRpBml+aRDXZx9GDqHgC7KAyKnV7MA/hEg/weNZh6MQqdKaRO28cAvDY7\n97Ts+LOz/3/dXfvC7NiHj3j+32Tnv6ZBuZQ6cIW8vwNpYHA/0izQ9za6/hKy/t3sWd/ljl0A8F73\n/wzcYN/p4T/N/ucg8jwaD74HM11+Z6M8uGMns2MPHpHWv8TRg6kagOsb3PM72T23XezdhXsuu/27\niFw5CP++BueqSIOLTxxx7zOye/9Dg/umkNqw12XP+DwKxhwcGh9+5DLSeVFZXGGeT+Pob9KZrL6E\nwj0vwZW1DQFpoP8+d6w/e8aHLuP+H/G62+A8dfuW7H8Opv79FcjhRHbPB79YmepHP1/pP3LzE18J\nxBhj6xdx/98ecfz3ALwewOdDCH+ItG7i4zHGqxF5CwAQQvhWpEW9dyF1KnwdjUgd7lkAiDHWQgi/\niWS5fQWA/55d948AVJDc5DzPRxqEfHdxbUdGB4DREMJQjHHZHd+JMX72i8pY4keRXJt+IUvLUfDc\nS0LjMMNjSAOGm5HcIb8YTscYj4ywFdJaoR9A6vgNZu8lu1/ku3PEGBdCCD+PFF76XyO5fDZKU3eW\nnnkA/7JxUWIPycXucvkY0sDyZdk7BgA8CykCo3eTexiH7nJ+jcyzGxzz3A3gRUjuXsUw70fVT3JL\nlr4upAH23Ze4vhF/jeRu+FIA/yOkNYjHs3SRDyDNOpKXIu/KeBOSxf9hAD95hNx3cGm5PzP7/bEj\nzn8Eh+5iRVZjjI1cbOnyOnSJd3sej/ZvNPu91ODcc5Cty87WcBVhqPmcvGKMiyGEVyGV2duR9PJ7\nYgri4Hle9vvPriC9jxcRwHUxC0AR0hrFpwH4SQC/AuAFSPp2UTK30dcgue7dhjRg8mvZbW1mjHEt\nhPAnSC7GnwbwP5Hq0t/GGLcKj2Yb+swjZM81U7chuat+AMlI8KYQwrORZPphAJ+OMdYb3A8kwwKQ\n2mMhntJoMCWeCswccfxfIK0X+MdIawfeBOAghPCnAH40xvjIlyh9AIAQwo8gWQyXkBYyn0Wyzkak\ndRHPQHKP8fwmUsf7NTgcTP0wUkf/twrXVpEGA2++SDIi0poXP5iau8KsNH5wjB8PIbwLwHeGEL47\nxnjUmoxq9vtfXexxAHoeh2QdpRsIIbwVycJ7AalzcR6pYwcknXkiFl6/FWmtxxtCCL96xDXsMI8i\ndd6OIl7uS2OM+yGEjyCttRpBmmlqBfD+mNbnTSMNtH4j+11HfuDEdU7TR7yCx0uL6nGRMsi4CcnF\n79PI1vs0QTEIhV8vRT6IZGh4FtKM7x0AzsXDNTrUS3aaG3E5eklZzR5x/qjjwGEo7iJcY3clRqfH\no/2jjjUaWVJez8l+jrq/kbw+iTRAvBbA3UcYcwaz+89fRjqfUGKMewDuCyH8Q6S8viqE8PZ49FYH\n5J1Ia6YeQZpxn0FquwPSOt1ie/89SEaWV+Fwu5CdrF19Y4yRbTVl/0MXSzYy2ccY10MIz8ue+e1I\n668AYCGkjZj/XSyv42xxzxHiKY0GU+KpQMPGPrO4vQ3A20IIo0iW81cC+C4At2eLo/e+FAkMIbQh\nuT1NA3h2dEEjsvMvbHRfjPFCCOE9SIvnb0b6iN4O4A9iOQz5anbPCK6Mx/Nj+eMAvgPAz4UQ3n3E\nNavZOwdifvH1xajj6PasUQeeNMxbCGEMwBuQFnq/IKboVf78P7zMdF0RMcbdEMK/QXLb4gxVEc4c\n/F2M8a7H8fXvR5oReRnSYGoHaZYESIOOb84s8F8D4L7CjB7TdPyIZ48XrvNcSr/eg7R+7mcBvD8L\nrNFoJuRIYoxTIYRHAdwYQphEGlQtx2wBfgYHVi9DMmQA+ZDoTPsfxRi/80reX2At+33siPNHHX9c\neZzaP+rAcINzlNcvxRjfeIXJexvSQGoBKTDOq2KMv1+4hgPLSQAPXuHznxBijAchhHuQ0v7VSPtL\nNSSEcBfSQOqvkGZc6+5cQIOZ6RjjDtKA56czPX4x0sz592XvfHF2KWV/Z4zxc5eZ9vNIwXUQQrgN\nqY68Dslw0IKyAYFlPn85zxfiyYxCowsBIMY4H2N8d4zxe5Bcf25AGpSQGq7M6nuljCBZrD/aYCDV\ni+RGdVSn89ey369BmpUC0gxCkY8BGM4+lFeFzNr9a0gRwF5/xGUfQ7LMvviI841YBnAsG5QWaWbA\ncX2Whr9sMJCazM4/IcQY/yvSDMz3okHaswHmfQCeHkK4EreuiIvrMAcOL0MKVvIR15l+P1Ln6bUA\nulHed4nulo3Ci/vjTbllxhh/Hmkm5VkAPpANdq+U9yGV6dcjrWH5YOEdDyLNDLwUjfeXuh9ZxMQj\n9Oxy4QDu+Ue4277oi3i2h1FLL9luXUb7dxScvZpscO4TyNYqXsZzjJDCsv8QUvk8G6mz/uuhHF6f\n7cQ3X8nzvwSwTl6qf8X8vKeBK91zkVy1jyTGeC4bYH4jUjm8yLUHdCG9Itm7Z38+xvgrOHR7/Y4G\nl9EFsZHbqRBPKTSYEk9JQtqvozTbk/mwDyN1PL0f+iKAsXDpPW2aZS57310hBHN7ydLzNhy6bZSI\naX+XB5Eia30XgAdijB9scCnDuv9maLxXU88Ra5Qeb34GqVP6r9HYxedXkNZ2vTWE8LTiyazsipvb\nfgJpDcY/Llz7A0jrF650du2x7PfXZKGZ+bxeJNfKJ3JgDaRQ9QEpol4jfglpjds7QuP9wYYydzXP\nIlLwg6O4B8mi/R1IHWk/kOCszZsK/wMAYowfQdLBF4UQXlFIy3ciDRAejDHm9rK6EmKMb0Nygbwd\nwAcb6fAlYJr/BdJsZaO1V3cjzbx9Awqh32MKM/92pFm2/9SoLQhpP6SLrpmKKaT/B5DcBV9TuP+b\ncOiC+MVCV91TxRNNtH9HwfVvX108EWOcR1qXdVcI4d/4euTed0NI+33x/+uR6tcCgFfFGM8htWs9\nAN4Z3P5pSCHRDwD8RCOZZ0aPixJC6A9pL6ajZlQvenuD5z0HSX8iCoP1BrCNyRkgMkNBycU3hDAS\nQrijwXN6s599pLWSQHLxXgHw5ixNxWe1hBBe4v6/LRT2I8ygXBrpAsv8UvkU4kmP3PzEU5VuAB8K\nIXwByVp+BskS+A1IC97/OLNUk/chzRL8eQjhQ0h+7Z+OMb73Mt/3D7KOQiP+Isb430MI/wmps/rZ\nzHWvA+lDy47fUVZ/APh1HA6WioEnAKRBVwjhTUgd9IeztRGnkT7Ep5CsmB8C8C2XmaemiDEuh7TH\nzX884vyDIe0z9Q6kdQh/jrTovx1pndLXIK0r8TNsb0caSP3nkDavPIe00P95SKGWv+0K0zgbQvgD\nJLenT4cQ/gpp5vAbkDoWn8ZhIIHHnRjj3Vn5sCxC4fxvhRC+Cmmm6JEQwl8grTEZRpr1+xok+b3W\n3fY+AK/MdOsepM7XB2OMH8qeWQshfACHVmg/kDgbQngEacbiAI07UK9Gcll6Zwjhj5EGVzcjuTKt\nofH+S1dEjPE3Qgg7SPsV/U0I4aWxvN/YUXAwdUfhf8/dSDOC1yEZJYprwP4t0trFf4IUCOBupDU7\nY0iDoxcA+L+RZrEuxuuQXCh/LYTwLUjupNcj7QH0x0hlcNTC/8sixrgRQvg4kkHgvyHVoVr2/Clc\nWft31Dsey9wnnx9CCDHGotHinyHJ5WcA/KNsXd4s0rYDtyK1qa8EcDobyP0BUnv0Kso+xvjnIYRf\nRDIw/AKS+y1ijPeHEF6L1Pbdk+ncF5AMT89BMgwU9xYr8nKkevI7KBhiLkEA8M9DCHSnqyDNNH07\nkpH6V2KMl9qH8JNIOvDyTC4fQXLx/CakoBAXkK/3kwD+LoTwWSR9mUIKWPFt2X1v4yx6jHEpM2K8\nG8DHQwjvR4qIGJEMKs9HmkHrzp799wC8JYTwUSQ9mcve9x1IOvOWBulnBM/iLLUQTz0ez9CA+tHP\n4/2D1FjXLnHNtWgcGv23kD4E1zS4pw0pwMGfInUktpE+8h9FcpVrK1zfjeSeNoXUCa0V33dE2t7M\nPCAfQrfmfv9Sdm0rktX8PqQO+wWkj/zJi+Ulu5dhmTcBDF0iTS9EWvh8HmlQOIvUofoFpPVa/trH\n0ERIeFd2Z48414HkHlJDITS6u+bpWb5PI63fWUAKSf6fAbzkiHx9MJPBCtJGlU/PyqCGxqHRG4YK\nz853Afh3SJ2L7UxP3o40YLm7qJf4IkOjNzh/q9O1vznimm/N8jmbleUFpE2IfwbATYVrR5FmCmaQ\nBkS1YlqROr91pFmNYnjnX8/OfewieboJKQz5BSQr+fns/6cdUTdK5XKpep2de2X2/EcBXHsFOvnp\n7J2zR5y/AYf18u0Xec73IQ1OFzO5TyGFf38TgBOXmYebkSKyLSNt0P0RJJe1N6KwX9Wl6uJFdPwG\npDVnCzisa9+PK2z/LiHTH8/S+9IjzrfjcPC4glSXTyMNvN+ArL0C8ItZ+t7a4BltmV7XAHxH4dzz\nkPZbYx04l+Xr5ZcqByQDwGW15YVyKLbnB9n7/xzAd16krhfr2xDSLNRjWRk8jNTmdBXLG8mY8xNI\ng5dzmRzPIxkFvueItJ5CarMeyp6/gjSo+h3k90O7JZP/J5EGUjtIdesPATyvwXN7Mp39i8uVm370\n82T+CTEqEIsQX+mEEF6K1Ln7rzHGV1/t9AghmiOE8HtIs2M3xxgfvtrpuRSZe9hppKA3VzK7I75C\nCSH8I6QB2StijEcFEhLiKYMGU0I8CQgh/BnSQuTnxhg/ebXTI4Q4mizwxLEY40zh+MsA/AWA+2OM\njdbHfFkSQngLUkCZG2Na5ySepGS6ey+A3RjjUSHvhXhKocGUEF+hZIuRvw3AVyH5/v9JjLFR1CUh\nxJcRWfCKdSQXrQeR3MRuR1qztAPgm2KMf3P1UnhlhBAGkdYrvTPG+LqrnR7xxJGtxXongJfFGD9w\nlZMjxJcFGkwJ8RVKCOHVSGuKVpGs2a+NV7j/jhDiS08W2e6XkQIkTCKtyZxHWnf18zHGe69i8oQQ\nQlwBGkwJIYQQQgghRBNonykhhBBCCCGEaAINpoQQQgghhBCiCTSYEkIIIYQQQogm0GBKCCGEEEII\nIZpAgykhhBBCCCGEaAINpoQQQgghhBCiCTSYEkIIIYQQQogm0GBKCCGEEEIIIZpAgykhhBBCCCGE\naAINpoQQQgghhBCiCTSYEkIIIYQQQogm0GBKCCGEEEIIIZpAgykhhBBCCCGEaAINpoQQQgghhBCi\nCTSYEkIIIYQQQogm0GBKCCGEEEIIIZpAgykhhBBCCCGEaAINpoQQQgghhBCiCTSYEkIIIYQQQogm\n0GBKCCGEEEIIIZpAgykhhBBCCCGEaAINpoQQQgghhBCiCTSYEkIIIYQQQogm0GBKCCGEEEIIIZpA\ngykhhBBCCCGEaAINpoQQQgghhBCiCTSYEkIIIYQQQogm0GBKCCGEEEIIIZpAgykhhBBCCCGEaAIN\npoQQQgghhBCiCTSYEkIIIYQQQogm0GBKCCGEEEIIIZpAgykhhBBCCCGEaAINpoQQQgghhBCiCTSY\nEkIIIYQQQogm0GBKCCGEEEIIIZpAgykhhBBCCCGEaAINpoQQQgghhBCiCTSYEkIIIYQQQogm0GBK\nCCGEEEIIIZpAgykhhBBCCCGEaAINpoQQQgghhBCiCTSYEkIIIYQQQogm0GBKCCGEEEIIIZpAgykh\nhBBCCCGEaAINpoQQQgghhBCiCTSYEkIIIYQQQogm0GBKCCGEEEIIIZpAgykhhBBCCCGEaAINpoQQ\nQgghhBCiCTSYEkIIIYQQQogm0GBKCCGEEEIIIZpAgykhhBBCCCGEaAINpoQQQgghhBCiCTSYEkII\nIYQQQogm0GBKCCGEEEIIIZpAgykhhBBCCCGEaAINpoQQQgghhBCiCTSYEkIIIYQQQogm0GBKCCGE\nEEIIIZpAgykhhBBCCCGEaAINpoQQQgghhBCiCTSYEkIIIYQQQogm0GBKCCGEEEIIIZpAgykhhBBC\nCCGEaAINpoQQQgghhBCiCTSYEkIIIYQQQogm0GBKCCGEEEIIIZpAgykhhBBCCCGEaAINpoQQQggh\nhBCiCTSYEkIIIYQQQogm0GBKCCGEEEIIIZpAgykhhBBCCCGEaAINpoQQQgghhBCiCTSYEkIIIYQQ\nQogm0GBKCCGEEEIIIZpAgykhhBBCCCGEaAINpoQQQgghhBCiCTSYEkIIIYQQQogm0GBKCCGEEEII\nIZpAgykhhBBCCCGEaAINpoQQQgghhBCiCTSYEkIIIYQQQogm0GBKCCGEEEIIIZpAgykhhBBCCCGE\naAINpoQQQgghhBCiCTSYEkIIIYQQQogm0GBKCCGEEEIIIZpAgykhhBBCCCGEaIK2i50MIcQvVUKE\nEEIIIYQQ4suRGGNodPyigykA+Lmf+zl0dnaip6cHAHDhwgUAwMmTJ7G+vg4A6OjoAACsra2hu7sb\nANDa2goA2N3dRV9fHwDg3LlzAIDjx49je3sbAOz6er2Ovb09AMDGxoY9d3h4GACwtbUFANjc3EQI\nKS/VatWub2tLWWlvb08Za2vDzs5OLi8rKys4duxY7h17e3sYGRkBAMzPz9szmOZ6vQ4AODg4QFdX\nFwBgZ2fH5LG/vw8AmJmZQaVSAQB7x4ULF9Df3w8AWF5eBgAMDAxgc3Mzl67e3l7UajUAMJnWajU7\nxnf19fXZvXzu9PS0yZoMDg5icXERANDS0pI7DgBLS0sAgNHRUXvfwcEBAGB4eNjeG2MaS29tbaGz\nsxMAsLq6atfxb97b19eHtbW1XFrGx8exsLAAAFZuLS0tJnPqU4zRdIFlGELA7u6uvQ9I5bWyspLL\nz/7+vqWPspiZmbG/qSe1Ws3SMj4+bmlnuTO/J0+eNF2kfDY2NnD8+PHcdYuLi/Ze6sHQ0BDm5uYs\nfdRB5j2EYGXHY+vr66Zn1LGWlhY7z2d0d3eX8t7a2mrnfTnMzs4CSPrG6yhLvmttbc3KgXrS3t5u\n5cpjW1tbJkMem56etmeT5eVlKyfWn42NDUsX9QqA1VeWea1Ws3IYGhqydLLek5GRETvGdmdvb8/a\nE+atXq+bLMnW1pbJdHR01I5Rfr29vSYX6iDLd29vz/LBc9VqFdPT07nrurq6THdYzlNTU/ZethEd\nHR1WrxcXF+045bu+vm76Sxn19vbi/PnzuesmJiasDjF9x44ds/RQHi0tLZiZmcld19fXZ+cpg6Gh\noVJdb21ttTyR/v5+q+ssh/39fZMh25hqtWp1g3nc3d2191En2trarK5RvmNjY/Y+tnvr6+um+5TB\nwcGB6TZltbm5mfu28LksBz6vt7fX/maaWltbTT/5nRgfH7d6z+u3t7etraesqPf+vfV63crSP4P6\nSX1uaWkpxTs4AAAgAElEQVQxGVHeLS0tlg+maXt729J1cHBg8uA3pqury8rQt71MK/O5urpq6WF9\n2N/fL5VXW1ub6Q51ent72+o625rJyUmrDzwXQrC8U08nJyfteRMTE3Yd6zDbTwDWPlEGU1NT1nZT\nd/z3lHrQ0dFhxynnrq4ukxH1YHJy0tod5ntkZMTkxraotbU1134Bqd5Spv5dzC/r2erqqtURltXG\nxoYd8xT1JMZo8mA+Ojs7TT9YVyqVitVH1gvqCJDaBJZ7o34MdbC7u9vyyXL18mD5xxgtzyyP2dlZ\n+yawHPb39y09Xq+KfZbV1VWr72w72traTOfJ/v5+rk/GNLHdodxqtZrJjWlaXl62bzj7Rx0dHVYO\nfG5nZ6fJlTKr1+uWfup2jNF0lvnd3Nw0nWZaQgjWtvH6SqVismSbPjg4mEtDUX58RrVatbKlHm9s\nbFh9Zdr39vasPWKZhhBMpizzra0tkx/vAw71yPfrmPf19XV7N9O8v7+fO8988G++Y2NjI5dGlgPT\nQ31aXl42HfPfO5Yddainp8fk6tt31jWv9yxD6v3e3p7JjeXV0tKCqampXN7a2towNDSE17/+9TiK\nSw6mqtUqzp07ZxXQK6bvDPKFVHBfqfihOXnypGWAz2Ml7enpyTVc/E1F47nd3V17tu9YUDgUan9/\nvwmO6QQOK6ofoLCDSkWYn5+3RpdK3dnZafdOTk5awVMxOzs7rTCoeGNjY6YsrMR8LnCoXJubm5Y/\nr4Q8xkZhYWGhNNCpVCr2HBb85uamKSQrna8s7BgDh2XyyCOPlNLFe2OMpnAsy1qtZo0By9wPFPzg\nkBWH5eE7WCxr35BQBj09PVYRWNbHjx+3SsJy3d3dtTQwzaOjo1bpWCE3NzetvFjmfX191phS3v4D\nRp2o1WqlAUpPT0/pw9nT02Pp8h01X178mzKIMTb8OFKXKY/W1lZ7NnWxr6/PyoTlurKyYmn0jT3l\nxs7D+Pi4fQQoX98As46GEKyeslPT3d1t6WddoKyAQ8PJxMSE1Qfmrb+/357He9vb261sfAPLPPF6\nP8jgva2trfYOb2jhMd/oUrcpsxij5dN3ZCk3NuIxRtMT/l5fX7c0+w8808ByHhoasr/J/v6+6UyM\nMTfYZlr9xxhI7QDbEeqnH+hSbn6Qz3N+oMt79/b2rH6xUzg/P58rd6a1OLCLMVr6WQ59fX2mT/y9\nsbFh5cC2pqWlxdoHpskPONg2Ly0tlTpdlUolZwwAkj6x7vpBBvWT7+rt7cWZM2dyz1tbW7Oypt57\nIxx19tFHH7X38l2VSsXqjR8UUm7UjcXFRbuXOjYwMGDyo6y8LFlXfX6ps75NHR0dtTzz2b6dYHvs\nB0TstB47dszaAn6XvKHTd2r5PtaHjo4O0zc/gObghzJcXl628uR1vgPDvK+trVl58bf/hvO6EILJ\n2rcdTIs3zhTr1MHBgdUf30kvGpRmZmZw4sQJALBO1cTEhKWB5TA5OWk66NsL348AUjvqBzZMH78N\nLOvFxUVLqzd8sg779oDlyjLd29uz9FHeIQQr652dHZMb01+pVOybxrLxhtOi4QE4rHO+Q8+2uaOj\nw9JInR0cHLQ6zOeEEEoDmHq9bvJn3qhzTD/l6weavJd5Yrm2traajvH76fsYvh0j1CFviGFbGGO0\nPoM3chcH2N3d3VavydzcnLUtLI/t7W3TmcnJSQBpMFpM3+LiYmkgXq/XTfYcuG1vb1v5+4kAb9hl\n3qhP3uDmy7yREZ9lQ/nWajXrY/Dc8vJyyeC4tLRkeaKsd3Z2LA3UX280otHFv9e3Y0yD70PyOura\nyZMnTd+8oYhlzLLs6uoyneZz19bWLM2sA0NDQ3bsKLRmSgghhBBCCCGaIBQtprmTIcRf/dVfRb1e\nt1Ebf09PT5esxr29vTa6pCVhfHzcLAR0AZicnMzN0AD50SWt2h0dHTYa5Ah2eHjYRuXeGskROu8d\nHR0tWf5aWlpsBM6RKXA4AvfWXlpqmN+WlhZLy8jIiI12aX3a3d3NWYGAZPljGjjaPn78uMnBT037\n0TiQRvS0otECt7u7a1YDzjytr6/nrHZ8B/NCi/Pa2lqpDNvb2230zmcsLS2ZpYRy9u5RLMuurq6S\nO1i1Wm1olaFO+GlhWu8oq42NDZMHy+bEiRNm+WU+QgiWNz+DWZz6r1arOYs5kKwp3v2UaS9aCP2s\nq3cb8S6kfC+tXt79he9bX1836y7p7e3NzZRSlpQhfy8sLJiMaMEaGhoyfeN1IQSTIdPf09Nj9YX5\nXVlZsZkBP4PJe7zFnu/luZmZGZM/662f5qee1ut1O09ZDQwMWHnR2ru/v29yY1qq1apZjbyrBuXn\nZ4hZJry+ra3N/vbuqrzOW6HZThStUcChbi8sLJhO+OuL7U6lUrG80bodY7Ty8Ja/oovlysqK1YuF\nhQV7N8u6ra3N5OVnIfkePxvMGVg/o0yrHa2aw8PDJiOeW11dzc2EMf20xjItXV1dpnd8r3cR4nPr\n9bqlge9ob2+3vFGm9Xodp06dAnBYv7zlnPp37tw5kwGvW1hYsPT5b423mAKpflAXn/a0p1k62Ubz\neffdd1/Jmupdvzkz4d1VKdMTJ06YDLxrOs83amd5rqurq1Ruvs1nmXd0dJgsKYvt7W1Li3fj9u6v\nvN97FDB//ttR9Djo6ekpuTj29vbas1lvh4aG7F7KfHt7u/Td2djYKOlTpVIpubhVKhXLJ+vP1tZW\nycWR1wD5tsO355QBn8PvSVtbm1nTmY+dnR1Lq7e+83kso7GxsZKLvZ+F5PfbuzV6l1Pi3Uu9azVl\nQPjd6+/vt/bQz9hT5pSj/+6y3fGzOBsbG6b77H/4d/O6+fl50zPKfH5+3uRGmcYYc54cQCqP4vP8\n7D3ryvz8fM5Fm7Liee8y678FTG/RBXttbS3ntkf5sV6xrWltbc3NhPA3y5DP8y5n3tOJ9YHfxe3t\nbfubad7d3bXneG8pypTtqHenJNPT0yWXM+86xzJeXFw03WK5TE9PW5vlXVQpK+/tw/yyn9LS0pLr\nnzLvvt4y78xTpVIpuX77/PG7ubS0VBoTDAwMWLvqvUGK9dAv32GaBwYG7Dn87cvL9628WzSQ2r2i\nS3QIwWRN3fDLbtgOHBwcoFqt4od/+IePXDOlmSkhhBBCCCGEaIJLrpkKIeSsfBztHz9+3KwntHgv\nLy+bVebGG28EAJw+fRo33HADgEMryD333FNay1Or1Wz0zt9nz541S45f2Mt3+EVxHBHT+nJwcFBa\nzLm3t2fvpXWps7PTLDW02PnFwcxjd3d3brEfR70+mADP0w+5tbXVrDccEa+srNh7+OwYo+WPFg4A\nJQu3n1mhpWFra6vkY7y9vW0WGr8A+brrrjO5Uh4cjXt/a8qDVoPOzs6cpZlppqXErw3gPSyb48eP\nlxb9jo2NmQXTW4N4Dy0ZBwcH9jyWr7caslwbra0B8rMAXp7Aod719vba315WxWAYm5ubOasnZc+/\n/dopHwyBlmamv1qt2vt84ACe56zg9vZ2aWH80NCQWaL4Xr++i3JZWVnJLQrldUVf6IODA9NBvre3\ntze39glIdc/74fP9foYOSOVPnaCOT09P2yyuX4vBeyhTH6yFViZvvWX9mJubszSwroyOjlp+n/70\npwNIsxosO76rUqng4Ycftr+B/HoQvqO/v9+e52eFfN6ZX+oJdXxoaMhk1Wg2he3P8ePHTd9jjLm1\nTUCqm0w35by+vl6aXRoZGbFn+oA8xWAzbMd93v1sC9PS19dnesL3LywsWLpYhtdff721QbQoeus4\n09TV1WX1lOU7ODhYmhFptBZmeHjY3ufXNRXrf1dXl7Wzjz32GIDUxjD9fMfOzo7VFT8bwL+9LIrB\ni8bGxnKz8kBqj701k2lmPvgM74PPctvb27OypOx7enpyQSQoK7YTLMu9vb3cYnSWK8t8bW2tFLhp\naGjI6jrz0d/fn5vt4L3UIz9TRJ1m++PXwjHvfu0yy39xcdHK6aabbrJjbNuo29Vq1b5LLLfl5WV7\nB9uner1u+kbrtl+rzedubW1ZfWYbvLe3Z7KiDvm1qSwvPwtBpqamSkFdfAAev66luM7Pr4nza8r8\n+iMgtZV8tl9PXbTO12q1kpyHhobMu4DPOHHiRC54BfWI58+ePWv1hnIZHR01neZ7T5w4Ueo3xRhN\nH5knvw7Ir4Uqrt8NIVido55OT0/bs1mGfm099f3EiRO59VN8LvPBvldHR4edp457Lw72Mb1cvdcH\ndcx7D3G2xc9QM60sy/39/dzaeqbJt4d8J/tZLMtqtVoKhjUyMlKa7evq6ioF5gAO+1J+hopyYdo3\nNzdzQXUoe37HNjY2rOz8ejr24alP/f39ln5fbtdccw2AwzX4AwMDVh+Yj9XVVUuj9xBhefkZJ9YN\nH4Du0UcfBXDYTvhxAsvt+uuvt/rAdsyvOSZbW1vWL2YeDw4Ocms++a5i4LgilzWYijGawHzEGBae\ndykqTtU961nPsvNf+MIXAKTCoYKzgl9//fWlha+Li4tWOGys/LSsjybH5/mPIP/2LnnMB9nc3LTB\noI9exQLwCzP9ouBix+/EiRP2MSDLy8u5RW1AKjBWGOJdLf3i5eI05bFjx2xgwGM9PT32cfQLeIsu\nOBsbG3jwwQdz13kXTJaRz6ef6maDyHs3NjasQvBj0dXVlVvYx3wQKrKPUONdJ5h3H+WK+eS71tfX\nTe+8Ox2n+fkOH12Rz21vb7eGkL9nZmasjP1AoLh4vV6vW8Pk3QJ53Wc/+1kAyaWI71tbW8t12oG8\nuyAbs6WlJWvs2NkPIZQi2U1PT9u9lMfm5mbONZTvYuPIxq+3t9fy54/RBcq7cVJ3qLOVSsU6qX7h\nsI/YBiQ95vNY99rb2+1DSFn4AC4+Wg5lyfIFDtsRNow7OzuWBuqkjwT20EMPAUhlU3TV9B0iP2Dk\nvd64UQws4t3QqOO+40Hq9bpdx7o3Pj5ecnVYX183XR0cHLQ0UH71et0+Vmy/HnzwQTMWeVdNGq4a\nBQzw9YbtG58xNDRkaaSMtre3S5FFvTsoy+j8+fO5zh3xkf2AVEf5HL7Du5exPAYHB0vudjMzM7lI\nlkDe2ETdGBkZsY410+ndvPjxveGGG0oLmpeXl0tRsHz7z7pVqVRKUSlbW1utLfdRuPg331Gv1618\nqbMHBwc54xev84YavqvRt43fxe3tbWsv+eGfnJy0NsoPzosd0/39ffte+0Xi/Jt64svaB30pBuzY\n2Ngw+fpOI2XJelOtVi19PiAHOzNsy71LH8t9aGjI8sT3nzlzphSVrqurq1R/VldXcwF0gFRevo0H\nkiGmWP5bW1vWhrMM29rarJ1gXfZRM9lh99FB+a3v7u7ODRpIMbKwN+L44ErE62QxqML29nYusmgx\nCmp/f7+1g34pBvPiI/0WDZO7u7v2HB/5rtj59X0Cyq9SqeSWY/Bd/Ns/j/d6t1CmlXV+bGystOSg\nra3N7qG+9Pf32zFvzKe8+D2emprK1RsglYuP7Ackw03R8OSN2+zbDg4O5tyogaQvRbfxer2O22+/\nPZc3bwRj+37s2DHTbb53dHS05P7mg2v5usB7eGxxcdG+ff5b5Y1j9913H4C862oxumm9Xrc+sO+j\nFyNf7+/v5wJyUS6UOeU7Pj5ux7zxpRiYycuX38JKpVKKXuqXSXgDKvtuLDcfvIrfLB/Q5ijk5ieE\nEEIIIYQQTXDJmanZ2Vm0tLSUrPdAfsqXvznapsWjvb3dRse0pq2urpoFliO/zs5OewdHv6Ojo+Z6\n5RelFa1kwOEI17uw0BLiFzlz1MsRLC0k/nl+nw7igyscO3YsZ7UDkhWII29aWFZWVkqBALa3t0uL\nDNva2szCQcuO35uA101PT+f2agJSGRTDzHp3Bubp/Pnzlj4fTtMv7OQzfCjRonw5Yp+YmLB7WV5r\na2tmIaBFwU+P8/0LCwsmX7/fV3Hqenl52aw2Psw1LQ601LS2tpoucmq6Xq+brPyC4GKginq9npvh\nomxpEeNUfWtrq+XJ7/vAdHmLM5/tXQh9mNbivgu7u7tmAbvjjjss75SrX6TLv5nPnp4eK2O/5wmP\n0dLp95QhZ86csfz5mUxagfiOrq6uXIASIG819vtk0NrlXXv9vjx8LvNGWfiAMd6yyrKjdcnriF+w\nzDLkvVNTU6W9OEZHR0th/737LtPsw4P7GbFiCPL9/f3S7MLs7GzOJQlIuuGD1wD5Paq6u7tNf/0+\nVNQ3yr6/v79k4Y4xWhtz7bXX2jM4++j3r+LflGWlUjGLLvPb19eH06dPA0DOJcK7O/BdfAcXeC8u\nLlp5ss77e2j5XVlZMRlRj7q7u3NuccwvZU4Z9Pb2lkKZt7e3l+qKD9xw1113AUhlzvRRt1taWkru\nZQMDA3aM7cAdd9xhesyZkxBCKSCID3nv2wHiy82HigZSveXzfChyHuN7/b09PT3mWcE21bvReffo\n4h6L+/v7Jcuv3+6Bae3t7bXr+K7FxUWTNds+HxzG719F/fSzs8V9gc6cOWP9BL9nWNGV3G+hwDrl\nAzLwu7y1tVUK5uH3GfMBNfhe6lWtVjOXRNb/lpYWa/e9C7svdyCVZdEd0PdT2DeIMVr75V2smDcf\ngIB5YhuxsbFhf/P7ODMzY3XKu7/xfX4WivX2uuuus/SzzK+//nqTpfeq8MsKeI7587M8xefVarWc\nyyLPXX/99SYvyoXppp76fowPJsL08xm+7+jbcM4MUXd9Wti38UG9fBtd3I9oc3PT0sBzLS0tJRfx\nkZGRXD5ZDr4/xDJg2bEsl5aW7F7Wqf7+fpM98+tnSdk++ZlO38/2+5syv41cYv2sdXEGbnh42HTa\nz1rxmO9zFYPSbG1tldqTvr6+0nY5XV1d1ubS7W5oaKjkmbC0tGRlR30+ceKEtUX8Bj766KOlpQQr\nKys5Dzcg72XmXfF5r/fY8cF+GqGZKSGEEEIIIYRogkvOTHHDVo6OObI7e/asWQ05CvWLrzlSnJ6e\nNksCR6a33HKLXccR4NTUVM5CA6SRNUehvK5arZolnAwPD5cWFu/s7Nj7eMz7QtIKtbq6mpul4L28\nx6/f8b7mRevo5uam3eNDZxbXXq2srJgll/k9c+aM/U38Zn1+FsBbxYD8Rr5+A1yuE2A5eF9eWv7O\nnTtnFg6+369J8wvuaH3gjF6tVjOrJ/PW399vo3daDVpaWkprZnp7e628vLWSFjgf7IT30jrry8GH\nXC7uTg4cWuD8xsrFDZp7enpMHvRxX11dzW1EV0wL5djb22vWJc4yTE1N5TazK4YAnZiYKAUW6ezs\nNB30G1HzmN+Erxhiu16vlxYjb21tmTyYrq6uLruHOn1wcGCyod/w8PCwPY/6HEKwmYbPfOYzJiu/\nDoxyY95pDe7u7i7NQra3t5dmRGdnZ0vrGf2aGe9v7wPe8Bnecg2ktoZWSpbl/v6+WVZpsfU+2H7R\nL+s365kPeevz4ReXA6msmGbWxzNnzpTWIfT09Fh+9/b2cm0PkF+4zzT7MP7emla8d3d312Tj21nO\n8nurYHGT7eXlZTvGNa6dnZ0la+DOzo61Bf7b4IMbAKm94z2N1qv5wBasK0zLxMSEnafMaX33+PDr\nbO/Onj1rusgZHT8j4mcy/UbkzA/lRr3q6+srrQcYGRkphUZuaWkphen1a+LY3s3Pz5tO+MBFLF8f\nLKjYXszMzFh7ODExUdrseGZmprTmM4RgXhj8/vh644Oc+BkaIFm1KUt+B/r7++1b5NcN+3WWQPo+\n+cA+fC51wIfwZ9799hbFQCrz8/N2j/8esx3mvSMjI7kZLiB9O1mnGnmK+IX7xe1GvOcEn3fu3DkL\neOPXtVEelMXQ0FBuHS2Q6qgPvsX3U75s45aWlqxe+A2HeQ91wgfN8AFf/DYDfmNpIJUbZzE4A9fd\n3W3fSD57aWnJZOSDLxRnF/13k98Ev/bXh5tmWfsNp9kuee8Wfqt8/4N1g+/q7u42eXFtT7VatfaJ\n7ZjfaoPl39fXZ2VHfQohlIIwPfjgg6VNoH2gEb9Wi/L1mxlTbl/1VV9l8qY8KHu/8TJnoTY2Nky+\nLJeenh5Ln99egWXk+waUi/eCYnn4GVP2vbq7u0ubgPf29lqefAAntiPUoc9+9rOlQCUjIyMl77Kd\nnR3TLa87fisWIOkf2x2WUbVaNTnQ0+Fzn/uc3eu3X/KxF5hHyoZpqdVqpTWzvk/tt0i62DZSwGUM\nprq7u3Ox/X0ErWLEi76+Ppta9dFwmAG/UL64r0pHR0duYSffTUXjR3RraysXdY/PY/rYWB07dswU\nk7/b29tNOKycfhd4Csvvz+AXxfnGg50xP1VK2fgOXdFVb3R01GREZfaL733Ut+Li5r6+PpOh/wgx\nLb4RoiwpP79jvR9UUdZUvJaWFus4U2n9MR+8gGXod9cmvuL7gSuvLwYRGRoaKi2q9B8cv7C9uIDS\nN9g+ShDvZYO8uLholYTlsbu7W9p7amBgwGTv3RWKkQX39/etPHhsaGjI9HN1dbW067zfE8u7vxU7\nyQcHB7lBNN9R3HNidXXV3CKIj7TUaIEqB2zDw8OmH0xnrVazMqZeVSoVex4bzp2dnVwUJ5YD9Ynv\nqtVq1phSJ31EIb9wm/gBFDsulOnCwkLOtRZIjS7Lgbo4MDDQcD866lGx00/58hk+chKQXyTuF0Oz\nHJiPnZ0dyyfLfH193cqS1w8MDOTcgdjOMP1+oEv5eVctH/mS+WzUMWE9rNVqVp7eFccHFKKs+D4f\n5MDvrQWkjjPrsN+5nm2QD5ZQdE3e29vLBeIAkhGi2Kb6CJTeddq76DDN1AUOGDo7O00//R6FLBPm\ncWJiwuoU87u0tGSdZD+gfMELXmDlACSdpJ6wTfd7xfC5PnIfvzu+s8Z7q9VqaVG3N6oU2wimj+mm\nfA8ODkyufM/KyorJkLrW1tZWckXz7uw+6AfbUsp0b2/P9JdlOTs7a/XQGzqYJ+paR0eH1SvfgSHe\nhakYvKCvr8/k4AMBUT/93kh8Nuvr6OhoLuomr280cGLAHR8siG0QZXXHHXeYfD/3uc8BOGwvAOTa\nUbafPnIbdZt593tKeXiPb0f5PHaCvWGHncfOzk7T90qlYu673gjONsMPpvk+bzwq9m28HHzAA7Z9\nfnkDdcIP9vxgi9d5V3lex/rs96gsGr/b2tpKA7vZ2dlSJLtHHnkk5xoKHPZ7vJz39/ct/bz+2LFj\npWjNAwMDpeAv3njEerm7u2vHmEfv1uxlymNszw4ODkqGHb/noXcR9NFXmR/WOQ585ufnS1Ekl5aW\nrA06deqUXcs2ZG1tzfJM1tbWrG30S0qoM97QXfzWbm5uWhl6ww3bFrbve3t7Vk5+jzI/WQGkNs63\nD0DeaO37FtQT/7xilN7+/n6TIduYoaGhkrG3iNz8hBBCCCGEEKIJLjkz1d7ejpWVldLIb25uzkbb\ntADMzc3Z6K241wJwaAXw4WM5Cl5YWDCLCi0sra2tNpK85557AKTpb7+gEEijYL6PI8nV1dVSyHC/\nhxJH9mNjY7nRPZCsB97FAUgWClqBVlZW8MADDwA4HL3ff//9NgKmJcTPQvjF5MVFkN7aSgv3hQsX\nzDLo9ybhOyir7e1ts2wwT6dPn7bRNsvozJkzlhcfIrUYetzPVnE6fXV1tbTvyu7ubmmX8O3t7ZLb\nyPb2dsOQ50yLdxWhDGgVqNfrlne//0pxkaa37PjQwjzu3fyoW412IvfBMKhPtFB1dHSYNYPuY96y\nz/eOj49bHVlbW7P7/R5PPmQq31cMM7+4uGj1yruS0fJDGXR1dZnViJbn1tZWkzXl50PP+6AYxfDr\nZ86csUWcnA0+duwYPvaxjwE4rOs333xzaSaxr6/Pys6HIC7OYAH5fT6AVAeo2z74C63BzM/x48fN\nWk3Z33jjjSUXh7a2tpybDfPN9LH++LpOOZ85c8bqOq25PT09uX03mCZeR8ttf3+/bUFAnWhraytZ\n3RYXF3OuRsUACgcHB7l6ACSrJdPo96Vj3v2MaHGPlf7+frOU+4AGRZ1YW1uze1hvRkZG8MxnPhPA\noVU2xmjlwPT5WWi+ywfSoSW0u7u7FBp/bW3Nyp3Xefc9b/EszogdHBzYjB3f1dbWZmmhnDs6Osxy\nTTea/f19PO95zwOQt/IzDc961rNM3j6ADt9x//33Azisj/v7+6V9a6rVqj2b6evs7DQdZFl2dnaa\n7NluzM3N2feEsvCh2+v1uukU2y9fz/w2Amy/iA/1S32JMebcwIBkYWdamXcfhInfTf+d4L0TExMW\n7pn1cWNjo+Squ7+/b2mlXp07d64Ukn9mZqa0XYqXJWXV3t5uek6mp6et/ClfvzUK69bBwUEugBaQ\ndJtp4Hdnbm4uFxaaMmAd4bnd3V1rm/1+jb6cfJqAw++Fd3/3s1rF2cquri7TN163uLhobfjnPve5\nkmv1zTffbO0W65L/blIXvScJWVpasvew7i0vL+fCkANJF4teIz7UOtsdvweor8PUS7/fIOsm+2Br\na2ums77f5r0tgFQOxbDqN954o32Pi9sXAIftzvr6uqXVz6YWtxEYGBgwWXqPKKaBZXTu3LlSQJBK\npWL3+u0BeJ1/rt/bk/cWPQAGBgZK7Qlw2B5y1q+joyPnusry9G7DxfL3+9H5smRb5mdoqavePd7P\njgP5vWJ9m+VdbylnvwwIyG8P4fcMZRn7MqQucia5UqlY2bEclpaWLE+sP+3t7dZ+HYVmpoQQQggh\nhBCiCcLFFlWFEOIv/uIv5kJo0+Jw+vTp0oZ13tLJ0eXJkydt0ZoP/sARJC1ZIyMjNor2C5s5CvVr\nUzia9Zud8XkchXpLp19LQGsBrUfeCs4ReYyxNCJeW1vD137t19rz3ve+9wE4tDSdO3fOrB601PX3\n9+c2KgTSiJ3voYXNh6PmKP7kyZOWVqZ/bm4ut66LMmAefNh63uNDGlOGfrNTH3IeSJYCPs+He6Uc\nmM/4OwoAACAASURBVI+VlRUrd6Z9bGzMRve81+9OTx3q6+uz9/kFrUWLaLVaLW2A5zcspD75Bfx+\nYSEtOn4NRnEDOb/BKfV5eXnZZOUDqhSDZvjNZ1nOt956q91z7733ltYQnjp1yq71ls6iH/jy8rLJ\ni9bZ/v5+k4e3XPmQ6My7XxBL+RLWlampqdzsCd/FmSk+b2ZmxgKasF5UKhWz5FFPvXWMsvQzBD7k\nOWdR/Mwk72V+7r//fmsfuJVCtVo1mVJPr7nmmlIwFG+FLgadYBqAFEq1GBp3e3vb5MygA37TPr53\nZWXF6gPL/Pz586U6dfz4cbuO7Y6Xi1+TQNn7XdhZNtPT06aXPugPy4T1enh42CyR1LHNzc2SdbGt\nra20UeIjjzxS2vD3zjvvtPQz736Niy9X6jbryvj4eCk40N7enlkD+bwQQi5oEZDf8NdvhEvd8jP8\nxbVfFy5csDrF78TQ0JDNGvq2nu2wD4dLnWa53nTTTZYGb8VnPWRZf/jDHy4FTfD1kTMnIQQrX5aL\nD+rgA0hQHizfWq1mcjt16lRuPTEAfPzjHy99+7xFn++o1+u5xepAfm0t07y7u2t6R1n6NaRsZ++7\n776cXJknrj9ikJvJyUk84xnPAHBowa7X6zlvCyD1DWhdLgas8PKo1+ulDW39OmT/bSuuOV5fX7e2\niPne3NzMtZdA+rax7lJ3/ToaBj5YWVkp1bPW1tbcdiRAqhecWWGafBAupm9wcNDKwa8L8luF8Pri\n2q/+/n6Tkd8qgvo+NjZmbakPIsT0+LVrPkw+3+G3tQFS20Y98oG3/KbU/O03wwVSnaKe89z29ral\nj+tkX/SiF1kbyXsfeeQRaw996OtiWzk3N1faaLpRYCYAJY+Tzs5Oywfr0cLCgsmUadra2rJ7fGhu\ntu+Uy9TUVGlbheHh4dLsp1+r6zfCZvvOZ2xsbFh9ZBt87Ngx0x3fv2Te/Ppm7yngt4MBUrtd3Jw+\nhGCyZLkNDg7ad9OH0i+OCY4fP56bUeXzCPXK98OYVj8rzzTPzc1ZmfB71tnZad4HnIHr6emxekqZ\nX3vttaU+dVdXV2nz6RACQgh44xvfiBhjw917L8vNz7tW+cXfrEQ+Uh0z6qOvFRdDr66uWlQwZnhh\nYcEKkR9f78LiKwkVmBWio6OjtC9UR0eHdbDoUjQ3N2fX+eg/xT1v2traSguVJycnbcHd9PR0aY8F\nH8mQ+ILnQv9Tp05Zofn9eZguKo1fQMljY2NjeOSRR3LHvNsTlZ+NPZCP988y8S6AVCofEY7Pu+22\n2+yYDwAB5BcW8/f58+ftOX4RKY+xMfIfOh90xO8lAyR9oZyZ5qWlJcuH/xAXIwH69/H909PTpcH5\n4OCg6ZGv4D6KC5D0gG6PHFicPXu25GLpo2b5aI7sDPi9wpj37e3t0m7dbW1tuT0kgNSwsoPm97Bh\nPpmWzs7OUsAIv0iXOrSxsWFyY9278847rc599KMfBZAMGNRV5nNwcND0ze89Vtxrrbe3146xXnt8\np8/vrcHflIsv/+K+dSMjI2aAob5Uq1VrOOnG4zsPrFuzs7MmS+b7+PHj9oFg3iYnJy39fn+gYkSm\nSqVi6WNZbmxsWPn7gZvXVe5rQ3l41062RZubmyYbP4D2O7wDafDLjp+PUMf88UOxs7NTMmCsra3Z\nO9g2T0xM5PZgY/r9gB7IGwW8WxPzzmP33ntvKaLp0tJSyc3GB3BhHe7o6Mi52QH5QBV+h3vmiR2S\n5eVl+xb4tPt9l3jOu58AwEMPPWRlw7T09fXlBoNA0knqCQdVXV1dpf2tfORTv28ZZcA8Dg4OWr32\n3ykOAI4fP27tTaNoaayjPtIe9eXg4CAX7Y/yLUbBizHaMT+Ipp74PWi8KyKQon+xLrE++kED5ezT\nQr2LMZYCVfiIoezg3Xjjjdbe8XdXV5elxXcUqft+PzQfQAVI+kf9YBszNTWV2yuQzy3uUTg2NmYy\nosxOnTpl3wy2RZubmzl3cMqRMmD9npmZye11BCR9Ybpo7FldXTX99XrKNsbvZUeZr66ulup/vV4v\nBf3wg2kfEdC7bRXzzrruy4v5nJubyxngi/iAAbyHfYxrrrnGvv8cjPb29lqeWS8+9alPWfq9DhUN\nu52dnSZXv4+k/5ZS5iyHRlH/eGx3d9fKwQd4KO5R6feH9H0RP0AAUptOWfHcwcGBtRl+IFgc3PqA\nQKRWq1l5sKxqtZqVw3Oe8xz7fvkAPt7lD8jv98jr/F6Gfr9Zb2zl+4pGuUqlYv0T327zOup5b29v\nzlWSMvjbv/1bAIfREk+cOFEasAGHEzV83v7+filQUUdHRykStI8sexRy8xNCCCGEEEKIJrjkzFTR\nTY0j8d3dXRtx0vJ0cHBg053eMsqR8M033wzgcEQJHFrEfVht7ybBd9Ayvru7a6NxXuctCRyxt7e3\nmyWGll0/g8HRrd8B3Vvsiq6Ea2trdt3y8nJp9+pqtWojao6EJycnc9PsTGsxJObw8LDJkPJtbW01\nK6W3CjP4AUfJW1tbDUNZFveKmpycNAsI2dnZKe1i39bWZlYlWuxqtVrJ7WF0dNSsRry3o6PDLJI+\nyEXR9Wt2drZkIfSLhVleXV1dpen24eHh0o7aLS0tZpH07yrq56lTp+w89dov6vczqN6aDeT3CqF8\npqamcu6bQJr18fsaFcO99vX15cKVA/m9JKhX8/Pzpd3Ee3p6Si6Yq6urpYXWi4uLpdlbH/KWVihv\nHaO+1+t1syB/6lOfApBflMp31Wo1q4dkYWGhZG3r6+uzuub3AmIbwPxWq9WSlX9kZCQXsp+wXtBl\na2hoyKyULIezZ8+WnrewsFCy8m5ubloa/IwTrWTUTx+ilnj3Ul6/vLxsbZpfAF2cUfShgPv6+mxm\nijz00EPW5vmtEYouSR0dHaX9Y6anp03HmP7x8XGzvPk8+b2L+I5iEKGlpaVS8A2/Fwfr5szMjNUH\nb9ljHaYehBDseWzPvBul36uIeaes5ufnTRd43cHBgaXVhwxmvadcenp6GlrT+Q5aSXt7e82tlK5p\njQJkrK6u5vY/YbmwjJnO9fV1S6vf48vrW/Feftv8dh60UPvATNPT06Yn3spfdIs7f/683e9ny1kO\nfu8ZtkXerbG4LURXV5e57/G6g4MD0yO2r9PT07nAU0w/08B37ezs5EK781hxzzYftpj56e7utvKi\nDDY3N0uL0n1AA3+u6Oa1vr5u7RzT57d4YLs9MjJi5epn7FjG1D+/R50P2sP2xLvsFQMf0b2IeQdS\nGbHM2R50dnbaPX7mmeW6urpqdY1ts3fBYt59gA+2E729vVZvKKvR0VHrH/C9lUrF3s3+jnclLbqX\nAYdur7VazfJeDEsPAM9//vMBpHKlF4DvdxRnfjx+VoVtvd9Dy3vyUC5MC3UxhFDqd/jn8L0nT57M\nBTwDUjkUt0jxgUVYHmfPnrVZWbYrJ06csLL2rqlFd7p6vW7H/Ewn2xEyMzOT86IBkt55zxi/lQiQ\nyqjYRra3t1v5s5zuuOOOkjdNZ2enfet9ABo/m0WZe/kTBvihV5gPBME0Dw8PW/0ng4OD1hZ41+Si\nS7zfa9F7CvgAT0Cqw8W9YItoZkoIIYQQQgghmuCSM1M9PT3o7e0thS0fGBiwkTKtR34BLa03u7u7\nNsrmSP2Zz3wm7rrrLgCH1qV77723tMv2iRMnbJTqwwTT+kELQWdnp533aw6KvpC9vb020uRszszM\nTGndi/clppX53LlzOV9Y5sUv0uN5bu44MDBgo15aCC5cuJDbjRpI1oWiJaRer5us/WaLtCZQbktL\nS7m1V8ynX2DPZ/hNToG8lZcWhYGBAXuv3wCzOKPnrbJ+xsFv6gwkKwMtk3437uLs4vLysuWJVpyD\ng4OS5WxzczMXfIPv4HP8butFC8uFCxfsHSy/1dVVu47l5xe+871+DR552tOeVtr0eG9vz9LgLXp+\nY1umgXrndxj3GzRSrn6tTnEhuF/f49eS0epNX/1rrrmmtI5ifX0dt956K4DDdXZ7e3tmDWLaT548\nmdu8mHJjebL+Ly4uWr3ivT4sMGVaqVRK60/8bJpfJF4MwrC7u2tpZV05ffp0Kcx0S0tLacf6jY0N\n0zu/2JznKe/HHnsstyiY5UHLlF/0zfSxnfBWS5bH5uamPcdbUNmO3XnnnXYPLXAdHR1mpaQldmJi\nIvduIL9xLOUL5Df/BdJsMC15ftNrb2lmuvg8tgkdHR12L0PK+lkoP1vKZ/tAKsVNJzs6OuzZnBmZ\nmZkpBRap1+u5zWuBfPAK1p/Nzc1c8BDe++xnPxsAcrO0fhNOIFlL+RwfUrgox5mZGWsL/IL24r19\nfX02E+LTVNzgfHZ21sqQ7UFfX5/Jnmn2szh+CwR+7/b390tbgFSrVdMzPu+GG27IeW0AqV5Qb9lO\n+M2uWZc6OjqsffMbf3NWgd+Jzc1N20qA/YBz587hlltuAXD4Lbr11ltzaxYJ5XvvvfcCSPrCsvCB\nRdjGcP2b3/Ddb0jqN1JnfqljrI+PPfaYzaz6Gd7iOu+1tTWrI35DVZYDZes3C/Yz96wrPkgEZek3\nCC8GDBgdHc2tSea7qL98Xr1ezwXkAFK5eZ3mtewPtbe32/ea6Q8hWJ79NiwsG79erbiBuJ9J5IzZ\nzMxMaTbAz2qwrszOzua+GUDSfW5bwPLy6159P8V7efBdbNfZfvb19Vl+2cb4Okc96OrqKgXm8LPf\nvh1jPvzWMZQLy8Gva6eO+TVsrL++r8zfi4uLpQ1u/cbVfm16cV3b/v5+aZPwsbExS4vfRNnPmHNW\n0QfB8GuHmDfKjbNC3d3dlm7qy+nTp01G3uumuLZ6ZWUlt8US88a8kJGREUsDr/f1hh4ee3t7uY2D\ngfSNZn31AUh8kBEeY574PQ4hNNxQ23PJwVRbWxump6dz0TSAJGgW1B133AEgCZjHWGCdnZ12DwW8\nvb1tHxU2xN3d3VYpOR29s7NjQqdgYozWsLOS7u/vW6H4iGvenQnI70fipxyZPlbOtrY2CzbAhmdn\nZ8eed+rUqdLHe3p62gqAStrV1WUKyUaju7vbOj3e7a7RPhTFHc19R9IPBihX70pG2fj9L6hA/PB0\ndXWV9thpb2+3sqas/F5Rfq+DoiuRX5DpB7X8YHt3kOKeUuPj45Z+6s7o6GgpSl97e3tpMaTv/PD6\nWq1mz2OjFWMsNVY+gg5/t7a2Wj4YrGFhYcEGD3zH5uZmyaVramrK9GBzc7PkBjgzM2O6zA7Pzs6O\nlZePHkd3C6blwoULlhdvyChOlS8uLto7fACNYnTAvr6+0h4Qq6urVjf8QLc4LT85OZnTIwC4/fbb\nLU9swG688Ub7m/V2fHy85Prngxcw+mdra2spemF/f799ENm4+QhfPoiB3zcCSJ0R6op/r98NHUi6\ny2d69yx+cHzADx5jR8fvM0I97urqsoaf+zV1d3eb7j/wwAOlsl5aWrJ6xbbBuxmyXM+ePVvaY2ln\nZycXORVI5Ub9YN59wBDq3cmTJ61e+Y4an03ZT0xMmM5QJ+bm5nKBLICkJ/w4s7244447Sq4rPnoh\n33XDDTeU9qjxHUTK17uDUkaVSqXUkahUKvYOb1BiebH8x8bGLH1My6lTp0zf+Y56vW7toh8k+8Ay\nlBnfwTL3hiLqxs7OTm4RNJDaAb83GcuFZbi2tmb1izoxMzNTMlb56Ks+mATrNXXMu0JR9pubm7lv\nAZDaIg6sP//5z5tM6RbJ79QrXvEKkz/v9XsU8RtYqVSs/rMu+KhvbEdbW1stH3ze/Py83cu2yLtl\nejdpnqcObW9vlwZTIyMjJlOWW7VaNX1jZ252dtbS4Pfc8kFQ+Ju64wPq8Dq/l5Zf7gCkbzUHjb5j\nX9xDqaOjI+dqDOSjjc7NzdlAlx3OWq1m97Au+0GoX/ZAfMAAPygDkh4XI6P5yG0cYFUqFbuOcllf\nXy+5DZ86dcr0hO+YmZkpRdocHx+3uuTdi33AKyC1zSxDnqtUKjmXbyDpEL/rPppkMWrmxsaG5dP3\nIYv9Tr//ng8cRP1kH7irq8v6G3xXS0tLKVJ1vV63dti7LRajTfoIfJRLtVq1ZzOdi4uLpmOVSsW+\nuX7CgGnkb+8+yAHH2NiYvZvP7urqMpmzzapUKrlIzEC+Pvh9EPke1kP/ffWBXliv/T6cxeirPhgK\n8+vbSv+NKQbSW11dtW/MUcjNTwghhBBCCCGa4JIzU2tra+jr68tZOIG8VZuj5K2tLbPkcVQbYyxZ\nl6vVqlkXOPI/ceKEjUK99YsjSY4uz549ayN1cvLkSXsvZw98YAm/3wTdGby7F5/tXeiKiyaB/E7K\n3CeDo/96vV6yonoXBy6qnJiYMAuCd6Pwe2EAadRNi56fIeDomDIYGxsr7WvhXWuY9+uvv96sz37B\nHa1YPogBy4by29vbs5G/Dz3Le/0UO48xfT7ULvM2OjpqusDrLly4YBYTvmt/fz9njQGSVYPWLJbb\nwcFBbk8UIJVVMezr5ORkbsYUSNY3vz8TkKw9tHpQnx5++GGzyrBcQggWBIF6+qxnPcvSEGO0uuF3\nBud55nNvb8/cCugK09HRYef9nmjF2cDu7m57N619ftG6XzRdDNKys7NjlrJGQTNomezr6zM5+AX+\nlJt3rSrul7Szs2PthA/ZWtwDqtHMyeDgYG5LBJ92IL9QnXrJ0Kdra2s5Sz1lWgyX29nZabJkWzQ5\nOWn1nuW2t7dn76aFdWVlpTRr0NraahZ73uvd1XyYa9573XXXmVXO7ylENz/q2NzcnLU799xzj72X\ndY5tGnCoM7Si7+zslIIv+H38qJPb29uWVrpTdXR0lHaE966k1JOxsTGTL2Xl3VlYXru7u5ZWH2CA\nf9Oa3tHRYbrgAwcU3aiGh4dzMw1AsgAX3WSZHuDQwjo6OmqyZ36Xl5dNV30IZ5YH03nTTTeZnP3s\nfNFFaHh4OBcqGEh1ldf5NrW43cDo6Kg9h/rkXSz7+vpKs+3VatXqF68bHR21tPr9tIqzrTFG0yfW\nkcHBwZwHCd9FKzrl1traipe85CUADnXstttuy7nUAuX9j5g+71LHZ7CO+KUElBc9WPwid783Iu/x\neeN534541ysg1R3K2ruUFV1nR0ZGTL6f/OQnAeQ9Rbye+m84kN8bj+1ed3e3Pdu3Nfxu0+ofQigF\n1/Bh/5mfpaUle3Zra2spoFFnZ6fpFmU/Pz9vcvNeMrzOB4RhHaGura6ulvYPPTg4MDn4sPmczWR9\nqFarVq4Mb93S0mLfL+ruM57xDDtGGfilBN61urjlxcrKiqWF/SPfVyKVSsX0krLa3t7OBaNiPngv\nr3v00UdzM81AqqPejY7v5730gnrggQcszfxm3XTTTZZ+fmMWFhZK+0Nub29b3vmuiYkJ01+/7Q+h\n7FdWViytPtgYPWzOnTtX6jtsbm5aWXs9L+73d3BwkPPeApK+UJe9ZxT1iOUbYzRZUlazs7OWVh9y\nne2J9xDwM6r+GcBhP6ZWq+X0HMi7fnpPAqblKDQzJYQQQgghhBBNcMmZqeHhYayvr9tIk9Y57x/P\nUZxfR0PuvPNOC7VMzpw5k9uEEUgWoOIGjfV63UahtBoNDg6W/LwXFhZslEpLkd+wzm/oRisPR8ln\nzpzB05/+dACHo+SHHnrInu1nAmj5CSGY5YLWtqGhodJMnZ8do/XuzJkz5hPuLZK0hPEZY2NjpaAU\nMUazcDGt4+PjNuvFvK+srNiImsfm5+dt9E6rwD333GN/0+/1xhtvtNkKPnd/f9+sQD5cMvGhdDm6\n95vjFWfsBgYGzKrB50xOTub8Z4FkIaDFjNbtc+fOlfyZh4aGzMrHtC8uLlo58L0+DCrftbS0ZO/j\n7Mvs7Kzl0/tWE+rk6uqq1Qda7O6//37b7NgvyGf6/Jop6uXY2FhuMSiQrEpFv32mhXkG8qG9vfWY\n5e7DMxc36BwfH7f3Mi3t7e02q8Q6tbGxkauTQKo/PvAIkHTDb+pKufnQ5ECy9lMelE9ra2tpHeIN\nN9xgOuhDRtNK6RcqF0P3t7a2ljYp3dnZMT3y8uZ5vxavuHFptVrNhUkFUttY3PBxdXU1t+4JSPrO\nRfU+xDMDT/j1UbzHh9Pmufb2dtuckGxvb9sz/Swuy5qWyfHx8dKO9cPDw1Z2PqxucUbfW/n9Rqis\nL7SiHj9+3CyfPgy2n0FiHtkWMW+Li4umO8X3e/l6+bOu+7DU/Db4zYdZFx577LHcOhYg1Vemy4ej\nZvvv62Bxk/LNzc1csBzKm+/zIYopZx6r1Wr2PfFreotrThvNZO/u7lp5NNqIvr+/36zYPpAO203W\nn56eHmszeJ1vmymP7u5uewfb8uPHj5suUOYTExOmE34NabGf4C3/lNvc3Fxpc8/Nzc1ScA2/Maxf\nv0Ed46yxD8bi5eYD2fC5rCM+8A31k3Xrtttus28vy/ALX/iCtVX8Tvk65WdVecxvHVPcqsSvB/Qb\nUhc3/O7s7CxZzicnJ01XWX98fru6ukwv/cbBfk04kL5TnM1mua6srJTWBnZ3d+c2+mW6mGe2m1NT\nU5Yn/vZBmHz7XlxH1dPTY89mPnyADx+UjHlmuQ8PD1tbyplpH5SC7b/3nPHboRTXJnd3d5susKyB\nfKAVXkfdfs5znmOypccE0xdjtDTzudVq1Z7nA1HxOtbLycnJXF+gmD6WaYwxFyANyG96z7Jqb283\nOYcQ7Dw9IngfcNjnHhoayq3hY1opNx8cgu+h7FtaWkprA4HDMuZM3dLSkuWZ316/tpoMDw+brlIu\n+/v7poPMW4zR+h0sw56eHit/ptmvrfPrab2XWiMuOZg6ODjILXhkw9Pe3m4NrF9s7PdqAFI0DybM\nRzmj4Ch8Hw2PAlleXs4FlADy7iUsnLGxsdIidx8FybuZsLH1bnDe/YjniouX29racgsFWfFYKX0a\n+ezu7m67x0/HFqNCtbW12ft4LoTQ0N2KDTobvJWVFZO/D3Lhp96BpMDFPbtaWlpyeQKSGyUbeT7P\nRy1jA9bW1mbnqdx+CpllPTQ0ZGlmI7m/v18aJC0uLprSU6n9DtjeXY6y4scBOGwYfMAKlh11w0fz\n8e4KbOS9Kw4bJOri0NCQXecjsz300EMADvW9s7Mzt9iYcqUe+/0qfEPH8mQaBgcHSy6Ts7OzOfc+\nXse0sqHzkWf8zvHFPcX29/et7PyeEUX3rUYBGXwH+/9n78+WG02S9H7YAWInQALgnmtVVnZV91T3\nTM9Mm7XMJB3pcnQDMh3oPqQr0SVoTrpb1V3VNZOVWZULmSRIkMRCYiOA7+C1n/OJCPakrOz/nb1x\nkkwAb7wR7h4eEb48zvg2NjaScJYnT564jCnSXnyo6Xa7Lgt6iWO98vvvvvvO38v6Pz8/TxKplQbQ\n9v379/4sh5rxeOxzZ46r1SqRiVKp5Ota12+M+slGSj9mmU5ShW6WrSPW4f7+fsKb4+PjQPbMzL79\n9lsfN/NVsBnCrjTEQVEuY9CPfr/va0gPDf/yL/8SjJVxmllw2Gd8eiign1g3mN2jam1tbSUhQtPp\nNKjjx3c8zzgvLy8T5K69vT2fJweAcrnsf/PswcFBgg741Vdf+fph7L/4xS9cFqHZ1taWz1eBN6Cl\nhpmiY5CJ4XDoa51xFgoFfx86tVAo+PfQQuslYgis1+sBohz0gOaFQsHnzO/m87nPkzX1008/Je+b\nTCauq/TyE4P0tNttfy/GwfF47Ic2DXVE9jV8PDawqeERGev3+wGggFkWCsV6VgMKz0D7RqORhCEr\niiRj1sM57yiVSj5WBbni4K8hbxrSTYvrPuoa4P0KQKJGEHjImLVWFO/d3Nx0+UWf/elPf/JLErSP\nw/ihkYY/xhcYXXPIrNbTg+daAw75nE6nATgPv0NvokfUAMi/6Aazex5eXV05LTW1g3XAhazZbDoC\nrV4UaRhQz87OnG5ab1DD9s0yvQ5dFAk6Rv1ThFc9xyJbGn4dg/AUi0WnnwJzKVqeWWiI4V0//PCD\n76UKwhQDTJndnzsURRIZ5DNFidWwNzXio98U8TY2/OhY6aNSqTitee/BwYHLAn0oqh7rTAHIkKtX\nr17Zf/yP/9HM7i+wT58+9e/ViAPfNbwUOYdfenlURwFjZj6Hh4eBce+hlof55S1vectb3vKWt7zl\nLW95y9vPaJ/0TBEGpbdPs9CCza3ww4cPbo3BVTebzdzaquEU3N4fcklzo6/VagnkoYYRYvkzu7e2\n4bXY3t72/gh5+Pzzz9368FAIhlqQFJffLKy/cnZ25n0TqnF0dJTA7irMNDfhg4MD/52GKWJpwOq5\nu7ubuBovLi7cioklR8Mt1OMEfTW0J05k1DojWt+EGzjzmEwmQUiiWWZ109pJtLh+hDbkoFAouEWK\nflutVpJEWC6XE+jR29tbtxZq+AhypFXW1dLImLF00MdsNnM6Mw+tJg4tSqWSg5cwR00sx8oznU6d\nlu/evXMrkXoIGcNDnjVornU3kJfHjx/7/BSenaYhGOp5gy5xqNHu7m5Qw8wsk0nmzBqYzWZuBaK/\ner3uVh61OLMe4P98Pk/CMiqVSgIioLXdVJ9AP7X8Et6FhXJ3d9f70WRS5EPDRrFc8V21WnU6a38x\naMajR498nuodjOuMKaAB1q3xeOzrBjrP53On5Xg8dsslc282m84n3vvb3/42CStSkBP600Rr5Hgy\nmThPNBQPekEPrSnCWA8ODvwdWsME3Qj9ms2my7HWRMG6DDBHqVRK6gcOh0MPmeX9jUYjSXxGzysN\nFGqZ73u9XlC/hd/Rt5YbUCswNMWiy/tns5nLBHRst9sJeNHl5aXLLP1qmDw0XS6XbllnHjo3DYmC\nlqxVrc2koUEKyQ/f4dvu7m4A1W4WRhwowJTKJfSAlujtx48fJ1bjbrfrPGaejx49SiIdbm9vXSbQ\nqe122/thH6tWqwmU9ePHjx3iW+WPsTCfYrHoz8APLbWgvIxLo0ynU+cFe+WTJ09cxohGODs7jh/l\n9gAAIABJREFUC8KjzEK4fORpPB47TRnLbDZLgKMmk0ki76VSyX+nZyV4rlE6sb5bLpd+DqtWq04b\n3Wehv5Y+QScgg1tbW04v9VrRj9ZuikMNK5VKEIFjlsmQwtDzHR4J5OXo6Mjpi8x3Oh2XI8b38eNH\nlycNa6QfSm00Gg1fI3qe1NBA+kO22M/4vdn9umi1WklZjU6nk5QlePv2rc+Ncc7nc6c5ctVsNgMI\nc7MwtF896MillgyKz0X6LOe88XjsffP78XjsMv3ixQs/W8LD7e1t57FGU8Br5OX58+f+N/tht9v1\nfrQEQJwuoiksjLVSqfg79MxCBAZ99Pv9YL8xy7xVcaRDuVz2OUNzrdmHHBwdHfl8kffFYpF7pvKW\nt7zlLW95y1ve8pa3vOXt/x/t/wmAot/vuxUCi8LGxobfUhX4AMsVN7pisejfc+P9z//5PyewtY1G\nI7CYmWXWBazQfFcoFPyWijXg0aNHfmvHotDr9XwsWBIWi0WQBGeW3d7jiu/NZtOthtzyt7a23MLR\narX8Noula7lcBsAEZtmNHkuTetgeKhKreT2MmTFqhXSs51p5G2uMetZ4nxYO5ebN7bzX6yUABDc3\nN0HeBt8xp4egdjUXTuPs6U+LtUHzGPL65uYmSZYsFotJ/O7jx48DSGzGFFt+NzY2kurZq9UqgFOl\nxTlM8/k8gTzVgsR4EXZ2dhKwgaOjo2DMxK9rDtlXX33lNDTLeAkACHz4/vvvnQ7IrML5ahV26AF/\nl8ulzxMaaYkCLSodeyGvrq6clsydcTAnaIkliWc1j0JzAGOAh0ql4nPBiqcgEmoRZQxYo46Ojpym\nCsJBPwoFHBeuPj8/95h61tkf//hHX3tY+7a3t906hrwfHx/73GiDwSCAXTbLPB0UxaTfZrPpNFBY\n9W+++cY/U3hk6KfzM8v4Rky9eq0YIzrwyZMnbmWHXwcHB0kujOau0V+n0/H3wncFh9A4/xiU5Pb2\n1p/RCALohl45OTlx3rB+tra2nDY8q6UxVE/xN7QqFotOXyzA+/v7rvuYoxb3Za00m81gPZhlcgIo\nEfpWPXbqjWZ8KjuxTtXiqJqrAV/hVa/Xc9nRCAr0puYIMPc3b954n+xZnU7H91rkXGH8NVk+1rka\ncQI9NKqBOZVKpQBynt8xBuRle3s7ODPAG9YzsrtardwLwNhXq1WSWF4sFv1MoBZ9+obO79+/T8oW\n7OzsJHpnPB47rZnjl19+6bqI+SwWC9efCrKgcO/8XvNPGFMMq6y5Keo95m/1MrPm2Y9/+ctfJoWa\nOafps4vFIvDAa+Fb+qMfzTWCJ0QemN17FTS6AdlizFriBfqqB54zhJZzUXAl8kEZ09nZmcsbfF2v\n1y6XWoCdsdLvy5cvfazQr16v+xi0uDu/40zX6XQCb6tZxq+Y5nomYL/7/PPPXbfA348fPwZ5xYyZ\n36nXDVrSrwICad6tQorDnzh6SM9ZCjHOGQmejsdjH5d6rhRcCRp+//33ZpbpSLye6m3VUhdmmUyw\nTnXt8Rnn9eFwGESfmGXrlmfYQ0ajUVI+Yjabub7hTqDlnLTAOfRlbq9evXJastbfvHnj44JvvV7P\nefK32v8TAEW9XvcXwqhareahZBB6uVwm9YO63a4rXQ4oFxcXAZqKWViLhX61Hg1EGI1GvugUGUkF\nnPfGFYuPj48DxpuFyYG8V1HEYMjGxoajs2xsbDg6l4JmsPAVHID56SJmk9eDJ8/oxUPrPEHTOIFy\nd3c3qc+zWCw8IROaNxoNP4RqHac4OXhvby9JIlQXp9YjiMMKVqtVkCjOZ8iOovogE3ymYR6MSecO\n396/f++bAvRTRDYUrCYH0zqdjs9dkdmQLcZcqVT8e+RKlSmHPj2cQedqterKSutLqBKFdyxORRnD\n3a4HbHU5c5DgvVoXAhnqdDoBApxZBrjAAUYPtdCQMX333XdB/QnoQYsveGYWhBlhcFCXfozwpgcJ\nTTaP293dXRI6qwYKWrPZdN5oOEO8Lv7u7/7O+UCdE0UgBHFJa8Zp8mqMtKR1RnT8ejFhHnGdqe3t\n7aCGFQdJxvL8+XM/yKNfS6WSH4Q4ZOrFlPfpZVrfEdeeu7m5SdZcr9cLjDdmGV95lk1G61Ghy2u1\nmtOBcJbFYpHUbFGUKQ1F4TM1sDF+DZONw/fevn0b1A2EVjHa1GAw8LXOHPv9fhJyent7m4SNKAIh\n9FYkMAV/eWgvikNECoVCEPbKOBUEiffzDkXKg86Hh4c+Jw11g3fIYrfb9YOGIrPxjKKrsiYVhAXe\n8a6Li4sA3IaxxOv/5uYmqMHG3NBVaqxifIqQqOkCZmEoHP3d3Nz4PNl/NMyL32udPt6hhz01CmPw\nQhYnk0liUHj27FmCLHl3d5dc7AqFQgISo3scfWxtbSWgPrrmmc/x8XFyrri4uEjCS8vlchAOhgzS\n39nZmdMG+rXbbZdv5KDRaPh5iHm0Wq3gQsqzyK3KU2yc07ODAiOgfxnn69evE6TN+XzuMsie8MMP\nP/jaYOz9ft/XvYZHxiGTWqNSAb9iQIPpdOq/g2a3t7f2f/7P/zGze/6Xy2Xvhz1mPB4HyHlm4d6L\nTtWLrKK+IhMadhsjFZ+fnydAGp999lmQ+mGWrT2dE7TAiNPtdv38Ag1Yq/TJswr2xrjimrLHx8f+\nPGPe29tLUFDNLHHEVCqVIOSfuem5zyzjK/2xjw6HQz8DaX04nlG0VN6hoecxOrgarf9Wy8P88pa3\nvOUtb3nLW97ylre85e1ntE96prj5xtDjn332mVvgsGCvVqvkBq7JoZqYGd/89/b2ksrbjx49cssQ\n3oDlcum3bLXUYA1Qjwjjoz9NQKe/V69euZUCa57CG3OzPzo6SoAKdJ7lctktjZrUzw0Xi/mrV68C\nq51ZdsOOQTDOz8/d2sF8NXFXQ9igOVbNyWSSVI7XEExNyI/Diy4vL5OE4fF47GPR2l1YqbTaeVwl\nfLlc+pywftVqtcSaenV1lUCAKow4TS2Eaq3Q6tVmmbWEuSEbNzc3gazqOJWOjUYjqHzOv8iM1tqJ\ngUPOzs6C0KoYbKTb7br1jvFrzTb1dMYAJOoxYwwK90sbDofOf7X2Yo1BJpfLpVscecejR4/cqsTc\ntLaDgmfwrCYYI+esw0Kh4LxGNrTeBzzXeg/wcr1ee7gVFl0Nt2Gcm5ubSeX1ZrOZwJve3NwEXhnG\nrHVooG1c2+Xw8DAIo2QsMbS8eoqhd6FQ8N8pJDQV5heLRWLlf/36tX+vocnxPNUDz7g0tBYZKxaL\nSTiTlqjQMgKxjhyNRm6hY05bW1v+LLTc29tznmi4B/oVeVoul4GHg9+pPuQdGi5ulq0V9A766SGL\nPn2a3Vt+375967Sij3a77XP74x//aGaZByim6Xq9dnlHXn744Qf7h3/4h4AGV1dXbh3VsHXmgSxO\np9MkRFCT19UbHdfG0fWotYq0tlIMoKDeNuh7eHjodNOwXHjCOux2u0l4lJYUICxPAVn033/6p38y\ns/uwsevr6ySC4cOHDz5m6Lu3t+dz0rNBHPamIafQarFY+LN89/HjR+e7hp6xHqDpy5cvnda6P+J1\nU0876wG9cnR0FHguzTK4fuakpSNi4BHWqj47GAwC2HrGAo+01h90USAS5nR9fe1z4pxwcHAQQESb\nZXodGmlkT1xnslQqBWGWzIm56/lOYbLNwgghPru8vAxCas0y+Yuh8SuVio8PIJJyuRzUA2VMCqBg\nlvELOdcyLnHZj1arFQBOmIUhvchTrVZzuYQ+yIhZGK2AHuH7g4MDpy+67fHjx4kO1L2DpqBOes6C\nh8yxUqkkUSZaf0nreUG3+XzuvIFGb9688XHpWonTWjTMGx4ul8ukHp2GR+q5N/beqy7VEh7oYfrY\n2Njwd+DBrFQqyRl4Z2fH5wztO52On/e1LqFG0dAf8/xbLfdM5S1vectb3vKWt7zlLW95y9vPaJ/0\nTAE+wA2Nm/BsNguKoZllFiLNMTLLLDFarM0ssx5ggcWq0el0/HssFKPRyC3dCsPKbZYbfa1WC8Ao\nzLLbqBas47O4kN58Pk/AGrSQF7dbtQD2+/2g+JpZZiXhPWqdYX5YkqrVqveNJeH29tatBfS7t7cX\nVK3m93ymlu44J+ng4CAAnjAL4X7VYh6DNNze3iYeotls5rd3LZgZP9tqtXxcWGXUeqfWb7UMmWVW\nkLi/+Xzu3gLNcYurf8/n8wQG8/DwMCnuqTln0EdjoRW6F7rxmeblQJfhcOi/I2djPp+7Venq6iqp\nXr61teU8xBKpVjSFgo0BFDT5kvYQxG61WnUrG++aTqcJ+IqZJbIzmUx8LprXwrpXkA71UphZYLnB\nend3d5d4U7SSOHzd398PQDoYG4VXNV+N99LfYDDwMSN39Xo9iCc3y2QMOYbe4/HYx6oAE8xFK7DH\nkMfqxaGPd+/eeew/3w2HwwQMZ29vL1ib/BYrf7PZdAsyNNJcEz6rVqsJ9PDh4aHLNzp6tVoFXhGz\njDdx/tmXX37pegIv+MePH90zjR5bLpeuE5W/jAudpUXN+UxBc5QGjCuGyDe71+uz2SwB19A8AE20\n1nVvlskOc9McIGQGXV8ul5MxtNvtACbdzOyf//mfA6h7nmX961rBwqoeXvYi5Pj4+DiJAGg0Ggks\n+dXVVVDsFHnDcn5+fu59KzhRDO2uOa6009PTADiB+cYFRn/zm9+4Z4D9X0uZqJ7id1q2AOsy54Dj\n42Mfs3qNtOyCWSYHcYSI6g61JGs+DnTmd8jaL37xiwSYpd/vB8XpGQvyq96ouJB3p9Px/jTHBf3F\ndxsbGwE8v1kIuKMyxN9qaUeemEer1fJzEzJ0cnLiNDg9PfX36Zpnj0HfDYfDIILELFtLWlzZLIT2\n1vMEOkH3a3gHyJICd+CVm06nSUREtVr1OdHH7u5uAnz27t27pASNeo1oHz9+TPJG6/W601dzg2II\n/UajkeTMXlxcOF1Yr5qHhqxdXV15Thf7VKlUSsqb9Ho97xs5qdfrvpags3qmtKSJAoZAUy3uzXt1\njdCvRooo9L9Zxo+4iPnl5aXPhTN6uVx2WUZ2CoVConMbjYaPS3OX0IPo0mq16p4mBSyJiyKfn58H\n9xLmy/iY5/v3733/Z42cn58nERsPQfx3u93knBW3T16misVisDkjoDc3N0nS/2AwCDDdzcz++te/\n+kQh1mKxcAVLgunJyYkLuB7KVDGYZQoF4dLq9PEi7vf7fpCAiaPRKHGZamKZIkEpoADzhpjlcjmp\nEl6r1ZwZvO+rr75yIAiYcnt7GyDdmd0rYrMQ1z5GGVSEOgWbQOCo07JcLp0OKICffvopCbfa2toK\n6tXwb3yomU6nzhvGtL+/n1wK1+u180TrUqgSiN+rSpr36UGRDUQRarRGGLRVl69ZttjjWg0KhsG/\nrVYrQFXkd7EiXq1W/g7mqGEoLNzlchkkfWvVevgRX8oWi4XLN7yuVCq+odN3o9EILhDMjQ1RL0lc\n1Bjf1dWV9w1d5vO5r00OqxcXF0nIxP7+vvOJy42OgUPXzs6OyyJ9aCgpm8fR0VGi5IvFoo+P3xWL\nRT/Qx+EeZvcyu7u76zLNs91u15GHkLXNzc0kqbZerzsNFE1QgVaYB89qnR/64b1Pnz5Nxjqfz12P\nKXIXcr5YLIIEcMbMuzksd7vd4OBqlulF+K7hxawNBVVhnWqdGeYOrwuFgv3yl780szB8C3lSABLo\nxTi//fZbX6f8q4icyNjd3V2Apkl/D22w8Jg+VD714Ak94HWv1/PfcfhaLpf2q1/9yudOi40HHz9+\n9EMetNIwud/+9rdmZvbNN9/4PNhrptNpgja6u7vr9EMONJyG9aMAFHy3tbWVrO/1eh0YHnifIsbG\nh99KpeLrHlrp9wowAg3hw/X1tc8PnaQhaRq2jIzB62Kx6O9Q4BDGymH5yy+/9EMc60YvteiG8/Pz\nBJG13W4nwFelUimpg9lqtYL1pe83u7/Y/eUvf/GxMvadnR2fkx6CkUH6PTk58Weg3/7+vvMOHpyf\nnydGnI2NDR8rdH78+LGPVetvMl/0iV66qB2loDMvXrzwcbNuNzY2/HCJnHc6naR2koaaKvoa8s13\ns9ksqTM3m818n1CkX+gGSMPTp0+Ti/h6vQ4Ma2bZun7onKiAHmYZ39ivNVUkDum6ublJ1s90On0Q\n1Ceu56aX0m+//dbMwhBW1Q1aX4rfQXNd/zEiY7FYTC5Jh4eHPnfGMhqNvB/GpQBjakCDvuiVq6ur\nACETeijqM89Aj52dHZ8nY+l0Ov5uHVcM8KI6QUF9kHN48/z5c6cXe6U6bJC7zz//3NcX/L2+vnb+\na4qAGsLpF8OEGvNZk8jE6elpEvoZtzzML295y1ve8pa3vOUtb3nLW95+RvukZ+rdu3dByAy37UeP\nHgVV383CxDJut9Vq1a0VCtmpIX9m2c2P/rgRX1xc+K1XPVRx0rRCDyuMc1xNerVa+Y2TPra2thIP\nkCa5cSN++fKlW4vU1Yj1Vmvs8Mzt7W1iQeh0OollYLVaBVYnsxAClHl0u123XCoELHCV8Oby8tIt\nZQpYwC0fr9tyufTP6BeaKI3W63UAiWyWWY+wdvCZhiGpWzb2ajYaDacVfNvd3U3C9+r1elKzRZON\n1eOFVUHroWER0XAltcpCF+RXPVQx5K3SB7p8/PjR/8aKV6lUAphkZB5L7mq1SkL6NJRHwzfVW8RY\n8PyoxewhiOXYQtjv9xNYWPV0Yr35+7//+2BcZpkO4Hvkand3NwF4OT09TeCodT1CS+Uz32u4pVoc\nNWwLurBOkePpdOrjUiCa2Ls0GAx8DPRRKBRcThQKHt3C70ajkfetn2HhgrbX19dJyMn5+bnLGF4m\ns3uZWC6Xbh3DUl6tVv19/E49WLS7uzsfD79T3QF9Vc9pCFFsbZ1Op+7R01ohWD3VKhzDW29vb7te\nUs94nARtdi/7rOHd3d3EO/dQ/TCFS0dnaiiM6icNi4NWvEPhhhUS1yyr48MaRveWy2V/lrIY6/U6\nAXVYrVY+T3iqYSjMR0MTNYSOfhRMRL3yZpnOUmCouH5QuVxOPCG3t7dJ2OPp6WkSznR3d+d81Xo0\nGt5pFkK7q8crrlt1eXmZeG+1H3itv4M30+nUvYYaXhZDMg+Hw8QirvWZNOxaa/qYZbqc9+ElgW/M\n0ywrl0I0DW0wGATw3NBCYfzNMn3BPqdh/ApuxFh4hn71bMPcnj596utQQ9TifeX4+DgIYYrDgcvl\nsr+b/b1arSZh7xcXF0mdUTNLwCsUGEO98qwlXdfQnLPLZDJx2tCHRogoqAdjoSm8NfNQUC/kYDQa\nuTypZwIaQmetjYo+VoAk1pmei5GZQqGQpDWod461vLm56XsR3pSH5lsoFHzvU29fDHxSq9Vc72j0\nBbqNsWhEBB6v58+fB7D6vJu18uTJkySi5/LyMjhD8yzjQm82m80EDEvPk+rlhU9aIoMzsoZlaroI\nc9faefQBHRRgjjHovqORUGahV5Pv9Ez4t1rumcpb3vKWt7zlLW95y1ve8pa3n9E+6Zna3Ny0+Xzu\nVgosRKPRKCngWSwWk6JYOzs7foPUxMK47e7u+i2VW6vZvUcAa4lCN/OZFmikaaKqWk7VAmeW3bDj\n5LVyuRxUljYLLZj1et3+8pe/mFloLSI2nxt2r9dzK4oWHdZ4UvqLkxE3Nzf9fdzOH4Iof6hq+tXV\nVVJgziyMbTbLbttYarBCKLQwdH727JmPVaFRse5goRiNRkGRS7OM13wPX7F86LNaiV5pAV81WRve\n8fvHjx/7M4y5UqkkibSdTsetMdC03+8nVnxNVFYPi1Z/NwtBQrSAIX3v7OwkHsednR3PO+J3CjOq\neWjQRuPs4Y9aZeC7yrbmE5iFuVX8bjQauewjk69fv068fCcnJwFQDDTSfCLGB400Fhr6MqaNjQ3n\nnRbMiz22vV7PoWShgRb8Y71dXFy4bDG3crns+Zh8Nh6PE0j+SqUS5DaYhV4thfiNC2UWCgWfhyb1\nI/uqL1i3eLI17v329tbXH/JUqVTc2sZ7b25uXJ6YmwLaKN3iROtSqZQARnS73SS35v379wH8vVnG\nf/SEQkZjjdf8OOYBTdfrtVuataAucqnJ/zFcfr1ef7B4NnTVdRsXctXCy+xJxWIx8Pwxb3iiCfpq\nLTbL1gc8VOt8rO8Wi4WvEc0BYFzQT3PiFGpb8yjNMtlGFrXItwIiKbw04489F5pXqHDOMUCSevR0\njcZeNJV9zfONy2Ws12unm3qy1fJulskGf/O729tb94hrjjLvgOeDwSDIs2ScCgdtFoJcwd8nT54k\nuc6aH4cnWeGh1VOkSfxm2ZphDZB3p6A+7L0K4KA503F+6fX1dVIK5uTkJCnQe35+7u/Ts1Kc62xm\nnhNpZgk4wGw2S/LPtVA6n7VarcSTPB6P/d2qL5AFjW6K8x63t7ddVjUXi/7Uy6/FxKEfc4cfWrRV\nPdh4JhizjlWBzfQcYZbpd4XdpxHBpOAuvIM5aoF2dPrh4aF7QtGzvV7P14oWGtaC9XwWR1Ps7u4m\n5SY0wkN1KnTRgu6awxrv1+12OwBOMcuAW5Ap3tPtdn1tALhxcXHhawkerVYr37tVj0E3PZvxDmj/\nm9/8xudHdFi1WnWe0G+9Xnc9ApbAzc1NAuq1s7PjzyrABN+jU9vt9icBKAow5cEvC4X1//gf/8O2\ntrZc4agijsEcBoOBb5i0drvtwszCeP78eZLgPxgMAvezWbbQmAzfXV1dufDT9EKE0NRqtQR9pVgs\nJnUQNJEaQVDkDq1vouh7cbLfaDTy3yqefpwsp5c+RVWhHxTx4eGhC5LWF6EfTVRknnpwYs7QT2se\naU0WlKMmHSs6DzRF+egGwCJSoIf48lAoFJyuWrk8VjiNRsMXOS7zXq/nBwitD6GJ1rwj5tf79++D\n5Fy+i5HAjo6OEuS7yWQSVHWHB1rvySxb/CgD5ru1teXzXS6XgdxCe3hDf6q8GX+hUHB+6gUqTtKt\n1WrJYVXD/BRERNFqzDJ5iVGwdnZ2nA+qYOMQoUqlkiCyjUYjHzMyoYnK0LJWqyWHhtFo5OEgiuYD\nv6Dp3d2dry+txRFv2IrSqSFqyDnv0nVLf5eXl0koyXA4DELmzLKNQhHKaNAX/vZ6PacHtNWD5+3t\nrcuvJmsjWxpywBgVvZS/NZyZubP+t7a2/Hd6YWOsSjdFpjPLZJc5qwGLjYs+NJQYWVS9rsA7sQFg\nc3MzCLM0C8FhdI3G4YXj8dj5yVrY3d1N6qBsbm76PBjn1dWV0wU6K9gMfFkul847pR/84Ltut+sy\nrQa5GKVNE9/14sk8udhraLIaKjU0UMPEeF8cVrRer/0Z1bmM6yEQJA3zi/eJvb09N3SqTmAuvOPu\n7i7ZA/VAhxy8ffvW+0F22u22h9YpOAmHKAXXoOnBWY2GjBMa6uEX3QLt1+u1y3msq83CCw9/I3/F\nYtEPnqzvyWSS1FqazWZB7Rzez5pXoxBrWNH14ro/w+EwQCOFVhrGq8AEZg+j25mFYXvMl/OVhpnH\nYXl6IVaZ5TOtGaYyb5YdvlmTGDc2NjZ8vTL2er3uY+X3GxsbCdBCoVBI6ngpMI8CizFPlfsYHbbZ\nbCYX0/F4nBgj1NgP/4fDoa8z3tvpdPxZZE1D9rU+ZYzMrEiZzLvZbPqa14si9EUmoae+dzqdBntp\nHOb7UI3F29tbv/gxX71sqIGIfhQQLq7jWa/XE+PM5eWlOyZ4R6PR8N/x73Q6ddlnftPp1HUH/C+V\nSj4PDbuN5bNeryfo2mdnZ3Z4eGj/9b/+V1uv1w/eqvIwv7zlLW95y1ve8pa3vOUtb3n7Ge2Tnqn/\n9b/+l83n8+AWa5bd2LQ2jVlocVZYSG6hCocdW3zOz8/9Fsg7VqtVYmHf3Nz0GzhWLQ1DYD6tVitI\nZGN8/E5x97FwYClQKHAsRfV63a08lUrF+1ZYyDjBW/HqFX45TjJUywqftVqtJOmvVCr5OzS8LB6r\nWvmxCih8sHqK4J2GP2HR412NRiNJLF6v1wms+tHRUeJG18rWmpQa1zKZTCb+DKF4Wv0bK97FxUVS\nG2O9XgfQ89BbE97pg7Egd4PBwOmmsPPIjIJdxN5DdWvz3sPDw6SKOX3SsITwu+3t7QCq2Sy0mGmS\neOyiv7m5CSxRzIN5skY1ZFK9EXE4w2w2SyyYGxsbgYWb/uKQpFqtFgBKmGVWObV6MQ/4Dl00tFbB\nRrSSOu+NwRDa7XZicS6Xywn/Y/hcfkfT5H/1ZkODuB6N2b0OUitZ7AEcj8cJkIKGiqkXjPeNx+Mg\nPM0srM+i9WXo898DIDG797xogrxCyZuFQAAKrqGw+9ANGj0EGIBc6Z6gSeRxHT/18mkpiFjuTk5O\nXBdhcZzNZomlczKZOF1Vd2nYhlmmH1UvmWVrGK8b897e3vb5ohcXi0WQ2G2WyadaR2MeIG/tdtv1\nnJZPgPaEA6knXt/P31orUGVVw8SgKfPTWlcKf86zWoPLLNPRMYjQ/v5+AMRjlulX+A5drq6u3CKt\n5QtiECkNe9QzQQxU1Gq1fAwa0ofueKj0gOoGLN3wV0EzGEu/3w+iBsxC8BfkU0FYNLxZQ5cZH3sW\n6/L8/DyBKtfQJA15RGY1AT4GV1mv175HIp9aj6heryf79UP6+u7uLgDggB409VrAV7Xyx+VyhsOh\nyypj3dnZCWTVLNM7WvsTusThqq1WK/EQb21t+We69uhbvfTqlWV8fKbyEtO3WCz6PDT8kYZHqVgs\nBmvcLDsv8D5NiYD2WtMOeVeQFWRBUyw0hM8sW6NxSFytVktqQCpd1OsX1wfVcSnQhnpCoStyrLxW\n7zy/g26aIqDnXeSI925sbPhez5hPT09ddlQvxlEID9VnU0+t6swY4GU6nTr/df+5uLiw//7f/3vu\nmcpb3vKWt7zlLW95y1ve8pa3/y/bJwEoLi4urFgs+k2Nm9/h4WFSTXy1WgVJd2bZzZN68hQ2AAAg\nAElEQVQbosbncvskEfTw8DCxku/s7PgNnRvi3d2dW5A0zjcu5LdYLJJiccvl0m/tWqwyBj5QrxZj\nUoj3y8tLjxflNrter/0ZTZBmzsSXHx4e+pywQtze3ibJyLPZLIGt7fV6Qa4HY1UoUcbCbVuLz2Fl\nUS9EbPmdzWZBgTSz8OavlnwsYZq7wO/w3jx69CjJt9Ekct6rngS1UEIPLdaqHh2zjNcxNGq/33cr\nJG08HicFejVhWD2tyIdCECML9HF2dhbkGphlPGL83W7XZQZL887OTmJ91FhjjYeOLdxqzdI4ZMaP\nTKpXQ+OsNd+FPrCywg+Fc49zOswezklUr0YMVKO5C9Ci1WolkPfz+TzIbYO+cU6PFpVWD5/C+Jtl\neksL6ZplFvS4gKCCf+haxguFjK3Xa5+nrr04v+zp06cux+gf9WQrdLgWMY29Hgo9D817vV5i4by7\nu0s8k+PxOAECaTabLoOak8I8oXmxWAwKczM+5qQgDZonEP+ONTCdTp139Hd2dhaAc5iFUPDwaDgc\n+jtYj4eHhy7v6hGLx/yQtVIBN9RzphZus4yX/K2gGTEU+OXlpXvitTAx41MLe1xuYjAYBPofWsQ8\nWq1WCTDDZDJx2VYwB/Wwx9bx+XyeFBNuNBpBVIlZmINLv9Pp1PtWmGbGjd7Rwvasi3a77TKBbuj3\n+9636v+4/EqtVgv0PjRA/8OH6XT6IIhQXOKhVqsFESnQD6+Rgl2hX5Htm5ubwCrP2BWQwyy0pjNO\nPTuoTtAyDowTeVKPWAxyo+NnfIPBIIkA0WgPjS5RT3EM5qC5kLqH8DuNjIFeGgXDWKGRlrJ4KL9U\nQbEYg+an0Y+Wy8H7rfOIwYH29/ddxvS98d6mwEKa+xl7Ibe2tpLc2ouLC5dBzUXifVq0W0FazELo\nbmirZwP0Z6fTSUoB3NzcuFcefmhJA9U78VlpvV4n+a+9Xs9pqt5xdKTmeWtJCZrqJ+UdY9Ex8o44\n6mpzczPJe1P9pJFu8dlR8QygS6/XS7yLm5ubSU4nNDa7jyDodDrOfwWbikHu4vbJy9RyubTVahUk\n8TIRiMQE+v1+Ui/nobAhdbcp8pG6MZkcwsxGdnh46MLC7zR0TsPWYpx5/UyRj5gTvyuXywGTzULh\nUYQ6dUnqRc4sRNVT9Ko4gV7DFGjqltcDFr9Dsaq7lfHv7+/7poyiW61WwYHULOMt44MfiqoDP0aj\nUYAAZxaGjehhWcO26FdrkzDOGH1JE98VzEE3Lugdu9lvbm4CJDbmHYd0DofDRCEOh0NXiISrFIvF\npH7UwcFBoig0xFIRtbTGSgxkcH197XPnEHJ3d+fvY74bGxtJWIaGKaoi5IALz4vFYhJGNxqNXPY1\n9E/DhXgH8qYHdhrvXy6XrpQ1uTa+gGl9I8Zye3vrvIYWvV7PDwaKCAddVdHxGZv53d2dv5cxbW1t\nuRJFJnZ2dhLQnI2NjSDc1ixb89BPk+bhgx5+Y8RFRaVkXWqNIr28Qrdyuez6S8FL+Iy+VfYVvS6+\nnO/s7ARIZ2aZLuJSCT+KxWKSfL2zs5McEMfjcQDOAE2htRqc4gPR3d1dENIYv0NR3RgzY2m32y6r\n8YWc8UOrWHaUVlrfMNYnm5ubLifwVYFPFEktBs0ol8suJ9D09PQ0AIJgbuxf8EARNzXEhtppWm8O\nOivgA+/TkDnGd3p6GoTKmmXrNt7LisWi85hny+VyYnCYTqdJnaSrqysHgtBwtRix9erqKglx1RBB\n2ng8dllVAKr4IjadTn1cCtoSIwsrcp/WxlQ9YhaGzmk9onhv4xyk79je3g6MxmaZXME7/Q4dxDwG\ng0FwRmJu8FrrTcbAUfP53L9XgzLj47tiseg0XSwWidFAQRoYS6PR8LWrIcUKZGSW8UiR83g/+k1R\njOlbUY6RI0X2jcGh9vf3ffyq9/TsZpbpWT5jTGrEV6NlnNKhNQXV6BunAxwfHychZwpopIfz+Dx5\ne3sbAEsxdvSDIhuiKzm3qYEC2usFW9MaOJtpXbX4PK5GIfano6OjALgnvrypcUZDv3VNMt/4slqp\nVJJ0gLu7uyT09+zsLKiJZxZexOCRyiJreXd3Nwiz5FkNZzYLa6hpvSn6UyNNnKqhToG/1fIwv7zl\nLW95y1ve8pa3vOUtb3n7Ge2TnqlGoxEkWnITv729TSoRK1AFFoCHIEXVEk/Tmz037GazGSQtmmUW\nirhGRa1W87+xyPX7fX+GMV9cXLgXjTYcDt1TpJb92DWtkJGtVisJZ1GLKRaYy8vLBIBisVgkNWW6\n3a5bKRSsQ6u0Qxfoy/u3t7fdMqxhUnHNhmq1GiQUm2XWMawTWBzOz88DC7dZZgFgHrTLy8skvOju\n7i6ANTbLrD2MS6GnY1hNxmh2LzOTySSAlzbLrBBYCNSDoUnh0EdBK8wySxfzBOJVoZaxligAhXog\nsQxrrQK11JpllmfeoeFH6uWBh2ppjkPXms1m4h3T5FFN8NXK7dAPWjKu2Wzm49YwWqw7WHFOTk4C\niHWzzIKlYVs8C++woqnl56EEVPXEan0J+mCsCg/MGlGoVcaAFX8wGPha0QTT2NN9cXGRwC+/f/8+\nAJmB3jFk9Hq9DqDizbL1hrxpyHPsjd7Y2EhoqsA8q9UqSchW8BX1ksXhkaVSyftRXcnfCtKhXhuz\nbB3GScQagkNrtVqB5dos01noS4UUph/1dPAOrMwPAWk0m01fk6obYn1yfn4e6Fpor94s5hgDFQ2H\nwyC8xyzTT9BDa+4xZnTmbDZLQB3K5bLrCfo9ODjw32l4SRxKpnXwmK/WEUMeNOpCveqMVZP+sd6X\nSqUgNFjpYna/bo6Pj/1vntXyBhqCFdeeaTQaLos8u7u769595H17ezuxJB8fH/t6pWkNSE0YRybg\nf7/fD0IlzbJSGtCV+WhtNPSnRoqo/vn3oLvVixfrCfVWw7eNjY0AFt4sW+vIiVrJeYb1zTh5hrHF\nIfta80ZLx0BfDWtTaGlNUzDLPBKxB6bZbDqNFPwrrhWq5Ug00R/50LnFKRPb29tOVwWHge/87uzs\nzPmJ7nr8+LHTCRk6OTnxc5164uKImE6nk0Beawg789UwVMbUbredn6z/RqOReDhrtVqyhpV+8Khc\nLgcpM2YZ/2Mvc6FQcJqjCx/yfl5cXASRWrwXvQPNHgqnV0ClwWCQRE6dnZ25rtJoC5qebWJgtlKp\nlAAkKaCNhuLF4ED9ft95pyUZ4pIxlUrl34WyZy31ej0fv+oB5hbrQn2HWXhHeajlnqm85S1vectb\n3vKWt7zlLW95+xntk9Do//N//k8rFApu+aE9fvzYrSwK8RrHd97e3gYWaf7lNvvZZ5+ZWXZjxtKp\nYBJYDhQ+NLYuqcVRvUdYPzQ/SxNAzbKbZ1zteGtry+FBKfzVaDTc2tbr9fz2qpZrbutYAWq1mj8T\nQ0EyHrPQ2oZV4PT0NClO2Wg0klv+aDTyZxh/q9VKrIHtdjtJ5n4I8jjOb4jHp7GzCgHP3LACYEnY\n3NxMYJrVM8GYl8ulfw9td3Z2kuKuhUIhiCc2y6waWKZiKG2l1dXVlfMVi2e1Wg0So5mj8sksswDF\nuXqlUimBN9bchFqtlhQOPDs7CyD9zTIZwhoDIMvm5maSQFsoFNxCjNwtFosHLZex1bjb7Saw9cvl\n0vvBctpsNp2+zE158/z5czPLvLixF6Lf7ztfFbofOdYEU2ikOUIxLKyuYXik+ZbwQXNI1EIYg1Jo\n06KhWD2xPB0eHrou0uLIcfHUer3u/CIXRnPmHiqEqt4thQJmDSvsK7JKEctKpeK04d+XL1+6jMGj\nnZ0dpwMyoQWredfd3Z3zWBOt+Uwr0X/55Zf+NzSPi11rQr5CZENf9TzE1tHBYBAAtzAfvMuxFV+f\nVQhtfre1tZXk6qreIclek4oVLpn1is5sNBrOTy1SqeuLd7FG4ctisXCdq0XFoS9ySmFIszA/Js5D\nu76+DvZZLc8BP1Tvm91HGZjdy6AWooZHT58+TYrhqkeXNaDQ2PxegRaQu8lk4nuowpxDL5rOHfop\n9LzmtcWJ9uPxOCmKrd5LBc2II0XUo6NREgqMwZji8jCav0W/3W7X90P07d7eXgKG0mg0kiKw0+k0\nidhQMCz1DiCLvHc0GgX57GYpqIMWUudZ5IN+bm5u3EL/7t07p5HmT5tl+lqLEmsfZqG3BVqz/jc2\nNhJADv1e1zz6RPNp4iiZw8NDn5NGAMQex2KxmMi2etOUbsiqltdBFtFTHz588HEhJ5PJJMkHU+8X\n+mJ/f995rJDgcQ6j6lTN2Y0jJ4rFYuI5mc/nTnueHQwGvm4fKpjearWS0ji3t7cJhL6eMRifeg11\nnlrol7nFeW+tVivYW8wyvaMw/jQtC8K/8bl1OBwmuuPg4MDH9VCpBc5AD5WRICLqv/23//Y3odE/\nGeZ3eXkZ1MlQ9yOCqcnEMFddjnzGs8ViMUm+PDk5sRcvXpjZvfAXCoUgedwsIyrPsHDMwlo3ZpnQ\nQBBN1o7dsnd3dz6+ly9f+vhgjoZTcMBSdCPet1wunXla1yIWpM3NzQeVT1xj4aHQr9FolCxUwjDN\n7i+mnU7HL78o0++//97fq8g9vJfDw9u3b4PEXjOzzz//PKglYBaCIfCZVuHWha9KlPcyd13ENBbT\nbDZzRaQJkvABOXny5InTSmUibpqkiSwqApEqYmRGE5BZlHqhZDPSpF91wcdVvZ88eeJzVsATvudQ\nfnZ25rLDoXq9XieHwPF47LRkE7y6unJ5g6/T6dTnrPV3UGDQRVHQ4EOr1fIDPTTqdrv25s0bM7tf\n64oEqMhR9KNgLRxMODj1ej2XWT6rVqvJ4bxarTpNNVySdar1huhH0cniMIXRaOShMIz53bt3vuE8\npMw1pAf+a022uN5HqVTyMcB7DcVrt9uJwWE+nzt9NZFdQyB5R6wTFotFsOnxXr7X8Ni43t9wOAwQ\nAM0y/a7ImWbZpZq1zpwODw+T8GetKcU4x+Ox05/1fXt767Kqxpk4HOTi4iK4vEMDRS1lzNAA2Xj/\n/r2vZwULisEwarWa960HVA4K/F5r1PHvx48fE4S/er2eHOw0bBwZ++yzz/y9ekjSsHEzs9/97nf2\nr//6r2aWrRUOtRwGPn786DRirKxfs3t50lBI9I6Gx6NnHz165Bds5LPZbAYHa7NMV8YHotVqZZ9/\n/rmZ3eusly9fugwyz263m9SKrFarQeibWRimxFj0nMCzCl6kIWXQSoFI6E8v+DHwCXoXupllcgL9\nAONQXa7gPtBKUd2QN2jQbre9P/imdabUIMezGn4Z6xBFBC0UCglC6c3Njb8HGnU6nQSAZD6fJ4BR\natRQpEfWK8ZKRUbT8EPkSfcs5END7HkfF7tms+m/48JTKBQSEIHlchkc6PkuRum9vLx0Pum5Q4GR\n+E7Dmc3CFBYN7YtBmD5+/Ojv4x0nJycuE5wbv/766+Tc1uv1fE7oEA2ThpfL5TJB9RwMBslF/Nmz\nZ64XNTxcaxTCQwVXitMBptNpEhquOg2jQKFQcJnW0NkYRXg4HAa6m3/jFBytjadOF0XdM8t0PnNn\nbW5vbwcIm/RLP8gi9DG7X8OKpPy3Wh7ml7e85S1vectb3vKWt7zlLW8/o33SMwU8sdZgMgurzmtS\nn7rUzLKbJJYObs57e3v+2Y8//uh9xLWWTk5O3NrCjXJvby8AmTALQ/Xoo9VquTWJ2+XFxYWPAWvF\nZDLxd2At63a7iffo8vLSb9GlUikJcavVav4+tVZzyyU8ajKZBGEHZtnNnvdoUj9WDAWbiC1m19fX\nbnlV4IO//vWvTgezsOq4VgSHX4xzOBw6PxVCVUMRzDJeMgYN44rDXqbTaRKaWCgUnH4KrwnfodV8\nPncaQYN/+7d/83ngsdEERIVL5hmsYM1m0+ekICexhVjrFtA0EVRDNZgb9FEwhG+//datstC5VCr5\nWOHDycmJW2C1XgrfaziLej3NQre8ejVjN/Xm5mZi0VXI69/97ndmlsnEL37xCzO7tyR+8803yRop\nFotuuWTtaVNghhgMpVareT/QQq1t8GM0GnnfjFPrM9G2t7eTmh21Wi0Zlya5a7VzvJ7orMePHyce\n5YuLi2A9mGVrNU7W7ff7Qd0ts4wH6nEyy2QMq+Lh4WFQ6sAs06XQCNkol8tJKQONGmBcJycnSRid\n1iFR770CHZhlFmXknN8/ffo0iS74+PFjEN5llskJdGN8Cm+vsMWsdei7sbERlCFgbjEccbvdDuBq\noT10YEwvX750emjyP+9Tb6mGcjBH1is6XesHxSGvZmGoTpz4vrGx4f3w2e7urvejAD30o5EWcSL1\nhw8fPHROrbcafhzXbNJ6VX/+85+9Pw2pM8t4Hq8bjbrQqIU4CkVDeh+qQ8N66HQ6vgfq/oM+1wRw\nnTN9xPqzXC4HQAZmGT/iukaVSiWo3wR90dcPRXvgKWi1WoE3hsZ6YA0ocJRa0BU+3CyTIeRYvdoa\nLm6WyUR8DlD4esapaRLKPw39jUG1ZrNZoD/MsnUbRwP1ej3XGQoSFQOBVCqVIJQT+tIUhCEOG+t2\nuwF4BHOKawBq+D30ePz4sY8VOTg+PnbeoFfW63UCfKS80THF++f5+bnPnbXw8eNHl1VkV+v0wbdm\ns+lzVzlQ/UB/DwGfIL/qQYNvWuOV+aJrlstlsDbhwUOQ7Bp5FNe1GwwG7hXVUitKQ7PM868ROowv\nLudSq9WS8/N4PPa1plD2nIfZEx5KQ9nb20s8p69evUqiy+r1uv+toCnwGm+q3kW01NJD4Ezacs9U\n3vKWt7zlLW95y1ve8pa3vP2M9knPFN4mbpwK58xNWfMPsNZxs9ZivNzyfvrpJ38Gy1Oz2UygO7X4\nqAI4xEnECsKg1u/YctZqtdxSxw326dOnPicsnbe3t/47buAKSqF5T9yItdAfVsONjY2gkCItzuXY\n2Nhwawc39cViEcCemoWAEZrohxcK68GbN288Bp53qKUGul1eXtoXX3xh2jqdTuKV0yRnTcyEN9Co\n0+n4+PRfLHXE7ZdKJacVFqXHjx87jRT6/u///u/N7N4C+Ktf/cr5RH9qvVOLiOYkQSuNhzXLeAEt\nsYi0Wq0EMnqxWLgVCs+NeiHg+cHBQWB9ViAWxse60cTSGCq4UqkkeSDz+dytPCqXyAdWnJ2dnSQR\nvFQqJQUwz8/Pk6LCmlfGfNfrdQILr14S9ZYxT02AB6RBrdtxkWJNGFaAB3SHFkeMYdrX63WSmzYa\njYJcSbPMwoaFC4t4oVBILNOTycT7gY6PHj3yNYBsTCaTJH9Tk8157+XlpfMGGd/e3rZ//Md/NLOw\nzIRWr489YQpeoV6eGGZY6abFB+MyDjs7O0mZiXa7HZRiYO7IHTR48+ZNkve6WCxcP6Cji8ViUNTR\nLJM/LQFhlnl5NAmeecR5nvo+zT1Uz5WZ2evXrxMrdLvdToq7KmT4Q1ZevIOj0cj1hEIVx0A6u7u7\nLlvqIYg93ZpLyNo6ODhIAAEWi4Xra3T1999/72Mdj8dJUdSXL186D7UEBONS63GcuL9cLp3v0PT8\n/DwB5Nje3vZ+GJ/qfy3yzFzISf7DH/7g46ffxWLxIGRz7K3QvqHp1taW5xfyu4ODg8R7U61Wg0Lf\nvItnkY3j42Pfh8njvri4CHLDzDL5JJeHCJtut5tAo19fX/uegQxtbm7a69evzexeH6uMI1dnZ2dJ\nYXDdizR/l+/RNQpooDl/0Pfq6sqjNmh7e3vep+YNMjbk6ebmJinqruU8kKHhcOiyhWyr50+LGce5\nlVdXV0FUEc/G45tOpx5ZoSUhGJfCb6NPkI2NjY0kAkTXKjpYP4dmZ2dnvib1DAQ/kcWbm5sgKof3\nQlM++/zzz33MyJPZvcyg56+urhJvpRbbVXAqxsVYtBi8lo5QPas4AGYhoJHmvceF7dXLz7j29/eT\nM8FoNEryIzWaRiMA4vJAqu/Q0Q8VlVYQCfp49+5dAgSlecOqY5inFiH/VM7UJy9TpVLJ6vW6CxVu\nslKp5JsFSvzm5sZDKvh9t9v1wcLk6+vrAIPfLERpUxQZCAEjzs7OXLh0ESuKl1kmCDHhtFYEnyla\nDv++fv3aCYcyHY/HrmC15gwMG41GAQod74MeivbFXFiIP/zwg/et+Pxx9eqrq6sgiR868zsUzkO1\nR25uboLkV+iGQCqqToxCo6gqWj1bD/TwBoWpia30A8+1YrUeltkk6bdUKjmv+ezrr7/2Z0gYVCAF\nZHE+n/s74Mfl5aXPUxORY7e3Jv1qyAbKD4W9vb2dhBydnp76Z3/+859d8XNwrtVqPi5+12g0kktD\nu932dcN60AUNz8fjsY9RL79xSNLx8XGw1syytcwYNCEbmWGzn8/nQeV23q+J2GZmX375ZRLOdHJy\n4vRXsAHozzra2dlx+WTT2N7e9vWjF2Pkl88mk0lQ18gskz/0icpBDEqjdevg7/b2dnIBOD09dTor\nAiXfK8BEHK58enoaHPLMzH7/+9/7+j89PXXZR6ZXq1USgqshZBpCpGAUjItNALk6OztLQromk4mv\nSZ7VsGdNVGYsbPKXl5e+JtFteoCBLoq+pQiO8JgxXV1dJRXrm82my4mGGashzCyTT+QI+Ts6OnLZ\nRuer0Y2xnJ+fJ0bBarXqegI6aqg78jIcDn38Gk6p+guaxpe3k5MT/5s+xuOx014PP8zzL3/5i5mF\nB952u+3vZq8yy/YUaGiW8QsdxfoeDAZ+uUDvPHr0KEksn06n/jsFlkEmaLe3tz4XeK5hvozp0aNH\n/j3jU4QybZwZNMyI9zKfjx8/JvQdDAa+RuD5zc2N6wmtq6UGTN7BmBXc59WrV/63WRb+piHY0CwO\nQ282m76PcX7q9XrBQY2xxEh1iiKq6Q1xuHKpVPLx893FxUWARgcNFdFQQyrNMj7EoDqK+Kt13/ge\n3VWv14OwWMYfg1xUq1XXg1zOdH3xb6VS8bXEZVTRcGkfP3503iB/+/v7AeqiWQgOoiGTfKa1DOO5\nb29v+1gZ37Nnz3xt8p3WwSPEv1qt2rfffut0M8sMwb///e/NzIL9G73DWmD/Y6xmoQFIw9Xj80ml\nUnE51tqHnJWYt/Zze3ub1IXUcFD07OHhoV8qFSCLvR5Dd71eD+qVmWX6EPqie7WGJuO6u7tzXmOs\nnkwmSU2pSqWS6CIFh0KGNISZtbRcLoPwPrNs3bA3K1Ddp1oe5pe3vOUtb3nLW97ylre85S1vP6N9\n0jOF9VUT2MyyG2Xs9p7NZkHlc7PQuoCl+7PPPvPPuKkfHBy4VQNL8mg0cosYN+OnT5/6e7Wej0I2\n8qx6QswyiwK3Wb3dcxMngbPT6bhVgZu4JqD94Q9/SCyI6iHQcCvoRSjB06dP/Rlu73t7e27Zhm78\nX+e+XC7dosN8h8NhUiuqVCq5FVATkeOaLUdHR943t/OdnR2f+7/927/53LEqaO0cxgiNdnd3k8TT\nJ0+euCUfS1yr1fKxaIInlg7eP5lMnJa8Q2F/FSY6Hou6q7VGETTXkCisJIx9Z2fHn1E3v1bhNssS\nLpEjrbmCzG5ubgbQpYxPrXZmYTiLegDhtYYwMVZoenBwkCQ3NxqNwDLEu+LQxaOjoyTE7cOHD/4+\nLJkazsjvFFKe0N5isehW2z/96U9OK6yZCl+K3GEhOj09dRrSFEJVw/jiyvFaZ0oBYdAFrI8PHz54\nf/D37u4usWBqcrWGF/IO+K/AB7xjZ2fHdZuWQ4Cv1Gva3d11vm1tbbmcqzdKecxYoSXr5/T01McD\nX8/OzlzHKGQ0elpDTeIE5b29PX8GXh8fHyehELpu+P2zZ89c9pED6McY6APZwqKskQ7MR6G2ma+G\n6TK+k5MTnxP9al019pXd3d2gxppZpm/5HftEo9HwvUB1Ak35i45U75xCLDNv5IO9zexeZhRcSeXN\nLIteYJ6/+c1vzMzsf//v/x3AQsdhSpubm673dQ+MrbwKcgNfr6+vXSaQu0aj4f2o9ZhnNVSX3/F+\nhSPW0FRkATpXKhXfszRCAf2rIeUxzPxqtUpKMmiJAnitIazqhY6hoBuNRgJ/PRqNXD8hs51OJwCl\nMsvkk7kjM3/961+Dkhdm2ZpnvtBZwRV0vnFI1M7Ojn+mMPyMFSjowWDgXoMPHz4EHjCzTFfGZRV2\ndnacluqxjcES7u7u/Hv08WQySWSiWCwGkTDxZ+gJXSPQVMslaK1Q+KWgOOgg1lyr1UoAXra3t10G\nNYUiTsXQ8xR8/eGHH5yu6LhyuWzfffddMA+tyYQX/+bmxumLPjs8PAxq+/GdwtGbZesihrRXbx/7\n3Wq1CqJaGCf0gxYKgMazl5eXAWBcDFQyGAz83cjOu3fvvB/otlwuA97xbHyum81mvnerzEN3xtVu\nt53W0G1/f9/nznxrtZrLuXrv6UdTf+A77YsvvvDIHy21wDNaj0rDAB9quWcqb3nLW97ylre85S1v\nectb3n5G+6Rnqt/v2+HhoVvRsVDMZjO3Anz//fdZZ5KUpslwcUxir9fzWyC3fU3CV2spyetYDefz\neVCs1SyEiqRpTCc3+93d3QeT/7FgKSwpVgXG0mw2g8KlMYRlp9Px8fOZJtUy936/H8B3Q1OF5WZc\nWMLU6h7f/BeLhVu7oPnW1pbzBgvAwcGBW/yIrR8MBj4uTRjG0qTeI6yZ8Pfo6MiLBGM1KpfLbhWB\nH4PBwC0v6pHBS4lFoVwu+9/I2JMnT3ws9Lter926q4m0mttiFlb/Vtj3OH9HPQDIk0KQ897FYuGf\nYRE5OjpyiwlFNLFUm2XWEXiIHJ2fn/sYoOnvf//7wGINDf49AJU4n07pe3t765Yk+KDeEWT/zZs3\n7lXi/YeHh4mXp1QqJRbM/f19t97Coy+++MItdbpekQ9NaGX8jOXg4MDXK1Z3LdiJbHz8+NH5qlZe\n5qlJ0ZqcTb/8rfljyDTvr9frLk+MWT1JrFHNXeF3Hz58cJ4wvhcvXrgFHqvf9Vt0W2UAACAASURB\nVPV1IBtYu7VoI9ZC5FMthFpuIC49oXkWWrxX1wFzYq2px0fzXcwy2YEX6Itqtep5DIxvMpk4nzT/\n5Je//GXQX7vd9nVKHwqDy7putVpBcWrGwt/0p/oTmdzc3EwssArJjX6/u7sLcqrMsjWg8MLQNgb1\n6HQ6zn/e22q1gjww+uC9an1n3fDe6XSa8E2h6v/lX/7FzMISJAopDv3evn3rY1RaahkSs0wOlDaM\nC/2kURnINDrp3bt3PnfN5Yj3xXK57NZxdGOn00nAkPr9vss++6wWY1dY/xgWut1u+1g1XyjO8zw/\nP/d9Djrf3t46b9DrhULBreh8pp445nN1dRVELphla5lntfBuHLHx+vXroHC8WQjdznfFYtHljjab\nzYKcH94RF/ddLBZ+fqpUKi5vjEFLsui5Dv0AzRViG918d3eX5IiXSiXnO/vKYDAIzlBmYcFX+FUu\nl52HzOno6CgpgNtqtZKiyGdnZy4TGgWjQDFmmd6G/7qfQA+NptIzjVkWURDP4+nTp76mFEJbIeDN\nMln85ptvgvd+8cUXQb4Qz8algDqdjusgLfECv5DJ5XLpskgftVotyd+sVqtBcXezTN/x99HRUVBI\n1yyTQfayh/ZDLYOjgEdmGb84C0APLYqu5XXgkwL9MBfkrtvtJsAnv/rVr7wfPWvyGb+/vLx0fiKn\nf/7zn338SgPmwVp69+6dz+NvtU9epvb3921jYyPB3R8Ohz55CKdJ7upahSD8/uTkxBO8VDHhbnsI\nzY+FUa1WffHCYA1/USQyGM+hpFgs+u/0MPXQwVlrf8TPqmJCoF68eOEHIg2xiEEwNGRS6zMxP8X7\nj+t9NBoN709rfPEZwjqbzVwxIFzlctkPb1ozTBFxzDKhZVODzrPZLOG1VqdXBavhImaZ8uBvnv38\n888dpY9Dptn9hs7vFUVKK1fzNxcynRO0f/ToUYKWpcgybGD1et0XE/L09OnTBPVP0bC4eGjdMnip\nIQy/+c1vfFMhzHNzc9NlT9Ha+JtL2e7urisDDU2Iax1oLTPkdz6fO/9VzlG88LxcLgeoQWaZ7HPQ\n1Xo/yCdy9/btW6clISxa6V0vX8wNOdUaNYr0yUGCTeMhpKVSqeR04b0amqRht9BDE2pjwA0Nu0SO\nl8tlkiCrdaZ4drFYJOPb29vz8TO+8XjsRg3kVIEvzs7Okvo3itzIfKvVamKIKZfLfiBlfLu7u85D\n+Nbv931+qsvpBxpoKCS/LxaLyeZycXHh72Wd7e/vuw7/7W9/65/RHyEYWu+LQ9JsNvP5alI6GxiH\nB/ihfyuiIQae29tbf0bR5GL0svPzc/u7v/s7M7uX9x9//NHprOE0zFMNi+gsDWGMax5qKCnt8vLS\nZRb9o6FTGl6mFyKzTJdgECuXywHipFkWfgwNNfw9Bn1ptVpOIwVpiS8mzCt+ljkrKAr6HFnUGjbs\nJ+fn5742mce//uu/BuABPBvXo1oul0nI2YcPH3ws8OPg4MD3aPg2n88TECYFk+Kge3Nz4zTn/YVC\nwc8WWrspRhusVCpOAwWpgkdqMIDmfLexseHzUNS/eO2dnJy4fufiqSFxikan+zW0YW7Hx8e+btBP\no9EooBf9aR0txsd6UYRMRb/lu3jv0IMu89jZ2fHzE7LfaDQSI7mGzmsYJ7wB6Gk8Hgd7slkmB4wf\nHX54eOg8VFAP5qZnPuaGfO7u7jqttJYdOhAa/PTTT84T9NP+/n4A3GCW8ZCzCvtKs9l0naX10uK9\noVgs+rkZPVAqlZLQOa2NyZhqtVoAgAWN4JfWpoLmq9UqAKhhDLFReLlcej8KrgatMWBfXV35WPls\nPp/7swqUBP2Vfpyv9C6CbkF3NJtNpy9rZXNz03mnCJoaekm/sVEjbnmYX97ylre85S1vectb3vKW\nt7z9jPb/BEBxcXGRVOYuFot+A1dgA2pJYHUzu78V0379618noSladVqrjn/11Vdmdm9d6na7biHg\nhr2/vx/g7TNuLH58p9ZgrDSDwcA/wxpQKBSSm3Ov1wvcrdxcsd6enp4Gni2zzOrCTZ3v2u2205J3\n3NzcBJ4c6BsDbfT7/QRmeDQauQUGWs3nc6eDhorxDn6voWv0d3l5mYAmTKdTt0jQX7VadeunWj1o\n6oqFVlhYrq6u/JavdbqwrGiNJN6rVvw4BMvs3pKHN6Ber/t8GV+5XPZn1YLCWDU0LQYCGQwGARSn\nWSZPWLAIp2g2m87rVqvl/IJWGxsbbrnEOnJ5eZkARtzc3HjIHHKsicf0V6/X3Wqj9YZiK/Tl5WWQ\niG2WubgVWtcsWytYmuDHixcv3PJDHz/99JNbAbGEqZsfnisNtD5TXMdpMpm4LGjYAHKilmSslfBc\nk4iRZ/XYsKbM7q1UyFOxWHT50NpTWL8UjCGGcx4Ohz4+ZGO5XPo8sRpqyCnWvM8++ywIZ8Zrg2wd\nHBy4XoVf5+fnrm/4nYa40i4uLpyHrOvDw8MkSbvdbicJue12OwE00Xp5yNPz58/tz3/+s5ndWyYP\nDw+dr+hwrZ2C9Xs8Hjv91XvI7xSWWj15ZplOjT3Yk8kkABkyy3jEOotD+8zuLckK8Q8PX716FViu\noSmNNbC1teXrEHl59+6dyz5zPDo6CqIozEKgEmRCQTOQd/UoIJ/7+/v+zNdff+38Z569Xs9lFJnt\ndrtBSQTmwRjgb7vdDuoymYX1itAx6ulm7nd3d85P9aAzbuh8dHQURBDwe+WnWabj4BPvf/HihfNJ\n9/IYROL8/NzpoqU5GAv8bbVavqYY++7urp9t0E8acooFW6HHocuzZ8+SmpcaEqUQ/4xL9zNkB718\nfHzsekBTE4jK4Lujo6MAbMYsLN2hZVCYm9bno+l6UO+3elnNMv3E+HVuccTB5uamy5imIbAemFO9\nXne5ZJyLxcLpT9MyHVqLjWe17h9yotEDjIt9e7lcBmBk/A49pyF4/I3Mvnv3zuUOPvz4449+Bqb+\n54sXLzzUWd/LOtM9U8OjzTK+8Qx0nk6nPhZdo6wpjeKI5cns3juGrvnw4UNQ0iDWr1oXVEFktL4U\nz6KD1Asa12Ks1WoBzL9ZCCKj0U2sJQ3V0zOyWXb2gpaq11lrCuQFHRT0h79VJ7F3oEfNwvPmQy33\nTOUtb3nLW97ylre85S1vecvbz2if9EzNZrOgcrwCC2BZ5zbYaDSCnCWzzOOA1UBze7h5aywm1nm8\nC/v7+/47ck8ajUYSW1ur1YJiwrTY+r2xseG3aSwJ6/Xab/lqFeQzPA4HBwdBDHRspapUKv4+LfTI\nuKHL2dmZ/Zf/8l/M7N5So94WLDb7+/tJIujt7W2SLPfs2bMEenR3d9ctMFpVPLa2dDodfwe3/el0\n6tY79cTEkMyDwcDnpkAEvBdgkXK5nFhM3r9/HxR1Zm4x3Oe7d+8CMA+zzIKBhYN/NRmW389mM7ca\nY4l5/fp1Usz0IfjV6XTq/MIiXalUXD6wumxvb7vHRuP8gb9+8uSJg0xoYWieh69nZ2c+Z/ivyfzQ\nV4EbsJJcX197fw/l20DTTqfjFliFvI+LbI9Go6AyulkWl4+Fk/GpTGhyfQy13uv1Aqsd/apniPnE\ncKndbjfJo6rX604rLSodF17c2Njw7zXfDj5pXDh8h7b1ej2AkuW7hyCe4Y3CFkM/+KcJzbz3iy++\ncF10fn7u41ZLMzxkHWphbbVWY3llndXr9SSvZDAY+FwUgj4u0Kg5P9D+3bt3/j508+vXr33N0cfb\nt2+TIqA3Nzf+GetHc0TVowd9WXvtdtvHr3lFzI3xaTFG+ut2uwn0sHpi1Asd5wNtbGw4jdANjx49\ncos+fL29vXW+wRvN1WF9K/Sw5o+ybpjjaDTy/RC9UiqVEi/J48ePfW5ffPGFr0msqe12272yvGMy\nmSTWYM0XVe+sejMYg5YmoN8Y9KNarbqMqYc9zgN79eqV01ctxHzP+p/NZv49NNXSGAplHEP3674D\nfarVahClYJbJUAyh3uv1glw+aBFHlKzX6ySPcjweJyAs+pl6xuMcPLN7WUDfFQoFn7vu6bEn9urq\nyj9jvhrd8hBI19bWVmL5n81mAbgVY433HS2roNEtyIkC/WgxcX232f0ec3197b9jToeHh75edF9n\nj1EACsbAv4PBICkC/+TJEx+Det1YD1o8WyMEzDKe8zvGpCAy6knmHAvNnj17Zl9//bWZWaDjtKSM\nWeaFRN5Yl51Ox6OjeP9kMvHPNHdKPUTQlrnDj3q9nnh2VUdr4WUFIGNvRn4VgE5xDeANTXWuesfi\nciTdbjfAWWDMmgNllvGDZxjLhw8f3AvIuoVvZvdAX7/+9a99z4jzM5W+i8UiiX66u7tL8sHi9snL\nFJtXjNKn4AowpVqt+uRp3W7Xmcu/+/v7QdibWXbQguEc0rvdrrtMtQ8Ox9RpWK1WPi4W4uPHj/2g\nqCgycfhDs9l05mhYHcKsyEwsnKOjI2eaJsjG4ADNZjOo/UF/cdV0DQ1iASqSGUL25ZdfulBBt9ls\n5ohYCIqGUemCQFholUolQbxSt7+64H/3u9+ZWehGZSFrPQoNszDLNklV1GaZDMUoQg+hUvV6vSR8\n6/r62umsdVzohwPFkydPnHeKkIYCo9/5fJ4g1WgisB4OkR3oouODR1999ZXL52w28wWo6Dz8jbzr\nwUoRCOMK45qMrgdEFj40mEwmPhdk7OnTp/4sCuTi4sIPZRgNHj16lCBenZyc+GfI2mq18rBSaFWv\n153vjP3u7i4AGeH3cR2c9XrtdGUt7+7uet/oBA0lZG77+/suYyhuvbQqIpuiDPE7mtbS03pK0FbD\nBZljjHLY7/eTOkPdbtf7Yf2+evUqQHPiogtdBoOB00EPIaxrDaNEvvn9cDh0HrOWNFxEQ2fpG1qt\nVqskpOfrr79OLuf7+/tBGKNZtjbRN9D38vLSLwaslXq97n/rpY+5896rqyvfxLUuGZsocqDvo79+\nv5+Eb25tbQUAFtAqDhvVsTK3wWDgOpA1rcnh0HRrayupG6SgLrxLw4EVdIi1wqX16urKdS60+E//\n6T/5wWRvb8/phezrgQNwjR9//DG4aJhlewNz0VoszF1RU6GbJsZDaw0BUtQws+wgCY0UJEIvUWaZ\n7CB38PKzzz5zesQXHsZglul1PZdAc2RR0euQRUK1BoNBgtI1nU4Ted/c3EyAo/b29oL6N/xea9Pw\ne+jL/vPkyROfm9ZDivWTImnStD4UPGq1WgGwFE3RN+EDhs7FYpHUlFMjFDxXEBH2AdV9yOXNzY3T\nEnm/uLhIjKnlcjlJ/dDLL/R4//6901XPUaxnft9sNhNDV7/f9/Gjt6+vr5NL4XA4TC4hs9ksCd+c\nTqf+OzXsIW+svf39fe8HVMdf//rXzhNFG4YGWqsQncDZ4Pz8PAE+aLfbTg9FvlPjh1l2PuFZRSJE\nbzPOR48euVxWq1W/qDG3Wq3mF0jeUa/Xkxprk8nE34e8a6imIhXGKNLKf3TMzs6O0/qf//mffb5x\nGsLd3Z33B88V0OjXv/6104OG3vnTn/4UIFkzxxhZtlgsJnebuOVhfnnLW97ylre85S1vectb3vL2\nM9onPVPANms9ALMQj56b5NXVVRJGcXd358l33OxGo1FSi6XX67n1mf4qlYq/g6bQo9xC1+u1P0M7\nPj5OqnE/efIkgPZknHH9nWq16vPUEEasWbVaLamFM5/P3SLJjbjX6/m7+a5QKCSWAYViVmAGbsxY\nUSqViltquDHf3NwEkJNmmVUgplu1Wg3q7Zhllhrmp9ZU6IDFpN1uB1XTzTJe84x+B30Z52w283dA\nl93dXX8HLlhNyOa9jUbDLTDIk8K5Y3lcLBb+LP2enp46PdSLF4OXqIUVOTg4OPC/Gcv19bWPRWsj\nxZDxHz58CDxmWHKg1fHxcWDdM8usM1hb4P/u7q57HzRUU6HOzTLLalxPpdlsuqdJk455L/PY3t72\ncWlSOrKFbB8dHfmckLW9vT3vR8EwsBpC306nE5QAMMvWYwzSMJvNfA0oeAlrXL0pWPnwyAyHQ38H\n/Q2HwwcBDWLIY62rox4s+KHgOsgd66fZbAagGvCA8bG+NfyZENB+v+/8XywWgffELFvfhIag7x4/\nfuyWaPVqqlfJLLMGK5Qs/8K7GCLZ7B5ieWtry9cLa7nf79uvfvWrgJY//PBDALtsZvYf/sN/SGos\nvX//PqjfwnsVmt4sDD9Rj6MmU5uF4SUKDsA+ot5A9A7jWy6XPncNb46hsf/whz8ENfEYM3xANjTk\nNC5tYWaBVRj50DAjBX0xC2sZKSRwDBIwGAzcejwajYI6Rcw9BkM6ODhwWip0s9YS472sZ/XYMAat\n2aOw4WaZbKgHnnfEtdh2dnY81Fj1GbTWfSD2ph0cHAQRDmYZjxQUgnehH9B7FxcXCWhCo9EIwtnM\nQu8s+1ihUHB54pxyd3eX7AmtVstDQ2nv379PUgDOzs7cQ8S6nM1myf6uURda/y8GmBmNRk5L5OHw\n8NCfvbq6cjpAl0ql4vTQ0FSe0bQG1jrfNZtNH4+eXeK6YFoni880IgK6qYdQvQvwmH3qw4cP3g97\n648//uieXNbocrlMPDobGxtOV63TpfX5GBPjQkerJw753Nra8vWqIdka3mtm9u233yYhmOpJBEzk\n4uLC1zXyOZlMAoh6s8yTxBpAZ93d3TlfFUwCviGT2p+GWOp6jWleLBZ9TvB3NpslNfH0bz2bc45Q\nICrdv8zCOojomOl0mtQKVf2PnGsEAzJbLBZ9vSqIHe/T9J34PLlarXwdEkny2WefOd//Vss9U3nL\nW97ylre85S1vectb3vL2M9onPVNAqmpSsFlmUeI2rvHsWG253dbrdb/VckNVCF0tmMbtXQt5YpHC\nmvbFF1+4RQLrwsHBgd/KNSaZGyeWJIV9xopzcnKSFO08Ojpy6xzv12S4L7/80kEwNMk5LvRYr9d9\nTliFtLga7e7uzsegMelKB+gbQ2grfLRW3tbcC7PMCsEzWG/U08U7Dg8PnddaIFgLn5mFce+afA0N\nsArs7+8ncJ8bGxvOG4Vcjq3QR0dHbiHk/erFgc4KtalFoLFWKNSzWkdpyDRjvru7S/I3Op2O819j\nhCk+rQmc/E7hOdVih9VGcyagOdanTqfjdMWCqR4O6LFarZyGjEE9k/CrUqm47OBhffnypa9JeHNw\ncOCWMtbNcDh0+VU41BhUYbFYJEW2r66u3FKmMdZxrsaTJ098DWseGnKJtWoymTj9Wa+LxcJppbTl\nWeR0tVolRbtXq5XLoiat0hQaF/oy9m6365YrlVm+19h1cs2AE9/Z2fG+tZgwrd1u+7joZzgculxC\ny729Pac/60fXnOoQdJGWV4iBQBTKFno0m02XCS0IiWyjT1qtlo8VPrx//971P7Tf398PSiKYheA1\nyMt0OvX5xjlsOt+Li4ugAKVZmINDe//+vVsk1etPTP0333zjc4P2jH1jY8Otylo8VeHjoTNNrbR8\nrpZY/tZ3YAln/Tx79sz5oR4q9qeTk5PAg2yWFcDlGXKmarWa6wz19kJXdJECRqje1kLfZtlezhjV\n2xfr69ls5sAzCo0fl9/odDpByQGzbL+LwVAmk0kAPGSWra+40PTNzY1/r3mP9IMu3NzcTAp+LpdL\nl3PouFwuvW+FtIbv0KVcLvuY0WeaS6LRIZxp1AMQ00/LlyhYF2tJPbuMFX70er3Ae6C0McvWj5ZJ\ngOYxYJBa7xVMIgbkmEwmvq4UNAs9oSAcD0UmoMfgkdJSC6vyDJ+pV4N/y+Wy/w45Nrs/g3LuGQwG\nTg+NClEvv1mmL+JInK2tLecT8qdgIsiznmP47P/+3//rfNU9iXIoGjUQl5FAhszu997NzU2fE3TR\nMzAye3h46P3RNHqkUCgE0ORmoXcUGjWbzaSExqNHj/w98OHm5iYAtzILIwTUM80ZDh4VCoXAS2UW\nlnig38vLSx8/enGxWHjfWtQ+1gmz2cz3RQXAYW3yu48fPya5lXH75GUKbH5FnjLLmIeAkGi3XC5d\nSVF9+KeffkrQja6vr52wLLSdnR0XIIhweHjojIJwb968CcKAzDJB4XeKrsRi4rP5fJ4w9ujoyN+r\nCdwoBfq4vb114X/9+nWAJEbfCIgigcRub0XLUiQg/d4sWxC8D8X+17/+1TdM3QDYqJnneDwOkozN\nMqFAMKB5p9NJ6oK8ePHCDxVsxJVKxRco72g0Gv6ZVs9mo9NK4yxyaN7v9/190PHJkyc+T8b3+vVr\np5WCTnC54Hf9ft/noWAIcVhOTHN+jxyj7AeDQVDDjPciE4peFYfEzOdzp/OTJ0/s+++/D2j0/Pnz\nAE2RefAMsri9vZ0o4Ol0moQVVKvVBC1JK5Yj07qho0yHw6GvUw6ZCqQCD1erlW8S0OXg4MC/55B0\nfHzshyRo1Ol0nO/MezQaOV2Zx8XFhcuqbqasL63dogAAZhmvmaeGg7GmmM9Dieq7u7veH4efQqGQ\nXDwU1ENr7bEeCVe9uLhwGqkeQN5U16gxivfw7NnZmf3DP/yDmd1vjhoyg6wOh0PXBfSnqErw6Pnz\n564ntLo79IK/m5ubCRBMuVx2+aCt1+sE0ETBXJDJvb09H5eGrbI2ee/Z2Zn/jlCXUqnklwtFcOO9\nWsdHUbzMwnA73X94n4Y3gwQFLba2tpxWfMf7ze4P4qvVyvc+rVWiIU7Qhbkzzul06vsX8yZUySzc\n7AG0UWRD1tdoNPL1zOFXw97Q5e12Owj5pD/0L+MaDocJ0I7qNOiyubnpPGT9NBoN/173XubO74+P\njxPwGg3p59D/3XffPQgsgL5B93a73QA9mLEwD5UhaK1h+si7niuYEwBY8/nc+a4orOwJ6AEFDtI6\nYvSnxmbVfbyfZ5Cdbrfr+xxr2exePtBto9EoMVrq4bFYLPrz8GO1WiWIwTs7O/4M9Ov3+/4+BXDh\nWWivh3fWi55FNDyWxpgrlUqCyFksFv0CQ5jx+fm562F+v1qtXO/AD629h87XFAveoYZsNUqyvn77\n29+aWXYWgSdqqOSg/k//9E9mlvGD9aXnXWilMqEh08yDMWg4OmNhT1fADQ2ThJasj7OzM++HdX57\ne5ucgdUg3+v1XP+qMR0a8g6tz8U8Tk5Ogr1bx2x2v77q9XoS+qt3DDWqwCf24+Fw6DTX8HHGpzUq\noY3Og3doyoOCfZjdrw/oT4vRMOOWh/nlLW95y1ve8pa3vOUtb3nL289on/RMjcdj29rackuXQlTG\nEN/D4dBvuNxW1ZqqSWQ0tTjH1u/xeOw3SSw/GxsbSRiK1mni5tzpdIK6EXwWhzU0Go0gbMssBFJg\nfFpDp1AoJGGF8/ncb7Z4dO7u7twCxzvevn3rFjXmWygUkvoMCjPOZ5r0qXU8GINa5eI6KWZhDRZo\nENf7+uGHHxK3/HA4DKCYzTJrWgzS0G63g7A4s8wagMVUrW2anM/v4ZMmmGNlwe06m81cjpC/+Xzu\nc9fQvtgrOB6Pg/Azs0yeFGbcLPS60rQOgtajUch2nsVzpu5s2mKxcHqo9SwO5bi9vfW/oenl5aV/\nxnzX67WPSyFt43pqV1dXCUR9s9kMXPn0q1C9ZpmMxYmlp6enLoPI1dHRUcLX9Xrt8qvhOXENuNVq\nFYwBWsWJr+px4Pfj8dhlWvmhkL30Bz3o7+7uLoFzrtVqCSiN1jfTUJwYMvrjx48u53gUisWiW6vV\nWgmPLi8v3coGfzWki8/Oz89dtjQUAlqiD1erVZJ8rzWx1POPt0DrtEEHlXcFrTELPQnoSIVQxlL4\n1VdfJZDSb9688Xdg7Z9MJk5Dnq1UKkEIFONkTgrxr7X9+D1yxJhrtZpbRFmXu7u7iSdB585+sV6v\ngwgHeEA/0FbrYCFrlUrFLefQ8fb21tcZ+rZcLjst0XdHR0dBfRazbD/D26YWaQ1nwpOI7PT7facb\n77i6ukr2ndVqlZT4GAwG/iz/fvfdd0kNMNWHGi2hdaPMMpmNPViXl5c+Z93v4tCqZ8+eJV5j9cqw\njhRwSfdKdL0CWyDHrK2zszPfJ/huMBg4/9m///Ef/9FllXk8ffrUUwCwsFer1QdLLcQJ9xoBQFNg\nCQ39ive7QqGQAPgUCoUgsoP3sc/GZQLMMllUmHRoFfO1Vqv5WFnLChjEOzR8SyNyYqCS4XDo79UQ\nQbwkGoIfexe0rIaGkjEWrWWpe7xZ6L3RUH1o+O2335pZdhZiLfHs5eWle6ahbaFQCGD3GRMyo1Ek\nWrPRLKwpR7+Xl5c+N343HA79b4Usj+sSbmxsBKAl0IDPdI9R+PJYfre3t4MUDbMQuEWjjJiThoOz\nP2nUCuOGzt1u19dSvOebhWUrNALHLNOp0IgojcFg4OdXxq7lKBSoRsGjzMIUC8Z8enoa6NeHWu6Z\nylve8pa3vOUtb3nLW97ylref0T7pmSqVSjadToNirWaZBSNO3FOoUG75u7u7fpPktvrjjz8GyfJm\n2e2d7zV/QGHS+R3WDG7x6/U6iBM1CyGesapo0ic3WbW6cHs/OTlJKmqr5+np06dunSB+Uxtz+vrr\nr5Pk4dFoFCRJ8w6F06YP5sSNWC1NOj7exy368PDQaag3cDxm0Ojw8NDjdeFRv99Pqk6v12u3lGjC\nKO/D2nd9fZ3kJM1mM6crVoHj4+MECOAPf/hDkvRbKBQ8YR9rpMLlquUEawZ9vH//3r/XHCfooday\nGHr47OzM5Q6r1vX1dZBAbxbmPSiss4KIwAc8AOfn524BUSukxumaZcVx49hgzcHD6j2fz4PipWbZ\nemTO5GFsbm4m4Cu9Xi/InzHL1lycf7i9ve00Ukt9bIXSwob0oTlT0KpSqbg1CPpqRXi1JCngRdx0\nbcZJ6Y8fPw7isc3Cos1Ynra2ttx7q4m9cVK/FsJmfArxit5TEAb4srOz4/xATkulksvE/v6+eyzI\nvXr27FkCBNLpdJyH6IZ+v+/6UMEp6E+LdjMXxnp2duZ8YH2pjtG1rhZp9orrvgAAIABJREFUs7BY\nLDKm4Dpa4oG5q3VWLZJmYQ6Jll+Ah6yparWaFIHXIsBaDBj5pDTH3d1dAhl/fn6eFC4fj8c+Xy3A\nTd8PgY3Al1ar5V4N+Lu3t+fz1L1NY/kZH/sTvCyVSgHcv1kmuzx7eHjocqKeZObEfMfj8YMQ6jFs\ndaVSCcBtGAPrRQEjFHKeMXNO4B2PHj3ytaQeT8anulSLBDOmh3LrVI+YZTopBgDo9/tBQXjm8ZA1\nnWf47tmzZ54rB100rxn+//DDD0lZgjdv3gTwzNCeNcf63tzcTIqsrlarILKGecSe3Waz6etadb/C\noNMv6/ry8tI9Esy30+n4M7xDPUmaqwOt6UOjizT5PwYgqtVqSWTSyclJUvZjMpn4mkNPfP7554lH\nt9frubcSj3KlUvGzlObdIXesm2fPniWgaaVSKQFu0GK8rHnNTWc/a7VaPnfWoAJbafHmP/7xj0F/\nOzs7QQ7R/4+9N+mR7EjWsy0iMubIyMiMHCtrItnsudkt3dYEQRv9HkGbuxZwtdRWwL0C9Fe014Ug\nAVK32GSTzSarKlk5DzFmZMzf4uixfN09+yuBuNod31RWxInj7mbm5u42vEb/nJG0iDa0Vg/mU/Dm\nvE9zZ2MZKxQK/ls9Q+q5M847K5fLvl41N5Tv4YNCqOteCR90vvShJZfUY87z0Jw+dnd3XRbQOwcH\nBy6XyN10Og1K3Zhl+Y+cc8iF/Pbbb937ia558+ZNUIgemsdRRnH74GWKuj5MAIWnh3gN92GRoHy1\njgfC2uv1XECYfLFYTKpTmz0ufMIWHh4efIHBiFKplNS36vf7Ltgsprdv3/rBj3koXj5jurq6SsJ8\ntK7S+/fvk8RYRdD77W9/a2aZoDNWRU3jM5rWOlB0oBikYTAYJJukIg8pMh7hhRrixELl33fv3vnh\nR+svxQnI6kLWmleK2MTz8WG6Uql4yJEiBsX1g/QiDj9ub29djrQifSzUu7u7DqSg4ARxsrHW7tK6\nTsgnPN/d3U2SEmu1msu51n3gbw3fgL+j0cjDBDjIKpof8quHH71wwlcOWIVCwZUVdCkWi853PXDE\nG+JqtQoQu/htjKp0f3/vf3OBLhQKThvet7W1lYSmXVxc+MaklzStmQP94voRGxsbSZ2Z6XTqlwb6\nbzabwQGHucWhGhrCiE64vr72Pli3d3d3zn/WW6FQ8HnQrx4A1QgC/dBj6/Xa36dol3yP8aLX6wUH\nbNYcczs5OfFxK1oi81RDEk03R01MN8tkQzckxhwn6ZdKJfvqq68CenQ6HZcnNZzEwD1aiwc+vH37\n1vkEz9frdYIEtr29naBvlUolpyH9q/GAdzSbTacHoR2TycTnxhp+9uyZy6LWw4rHrGHIyHu9Xnc9\nBi+bzaavAQWTYMPW/UzDI+EB/Wq4ktY/MTP7/PPPXRZ5x8PDg19gr66uvG/C1BQwAP63Wi0PqYRG\nuofrRTYOZ1V+0TRcCP7/9Kc/DZAOzbJ1zbgVBY+/9RDM3seav76+ThB+2+32k3KsIUFmYfgu9BsM\nBglYk4Y0Is/n5+dBrR7Grmh/NM4Y0BnALrPHENadnZ0APIK+WBfMVxPcoe3R0VFy6a7Vaj5fDXmK\ngU+Wy6Wvi8Vi4fKhaMOx4WQ0Gjm9ePfGxkZSs3N3dzdATuN9cX226XTq42Eem5ubriP1UhWj19br\n9QRZbrFYOE+eSonQ0EXWP/2fnp76fo0+abVawbjMsr2X9aeGG/SIovUyLtBaP//8c5cJrT3JWKgd\nqGHXiq4XA30cHh46D+H51dWVXwBYC+v12s8LinxIYz02Go3gDEef8HJzczOpuzmdTv1ZZEwNu5yv\nFGlRL19xaoICsqA/b29vne/w8t27d05/rbXGulcjCDpI9+bYSHZ5eenjw1CtoFR6GUUu4cfGxkZA\nz6daHuaXt7zlLW95y1ve8pa3vOUtbz+gfdAzhVeKW7m6ELHqYN3odrtujSG04ttvv03CUJrNZhKC\nV61W/UatNRu4kXJD1AR0bp6z2czHpS5YbtvqNcCaoVXP45os7Xbbn+NmrBaifr+fuKnL5bJbHTQs\nCyuA9sucnnLRqnUprrGyWCyShFeths6/1WrVQQ4UDlstr2aZxRlrEJYTDelhLKenpwlsuSabMz6F\ndoVWzWbTrShKl7i+kVpJ1eOI1Q46qjdIQwmYx9dff21mmXUxhpHWpGSVHd5DH/1+PwkRmc/nPi4F\ntGDueHEqlYpbPSqVisuPwr1qYrJZJrPIEfSYzWZuvUHWRqNREm6jtZ2wyrx8+TJI9jfL5DO2yr5+\n/drfo6UMoBe8PDg4SOrkbG9v+1ihuYbRacIrfSA76tXkebNHSGxN6kdONByQsWhIF3xlbhcXF/4e\nDbvke2hWLpeT+nAKFRsnRZs9yo6WDOAdm5ubbpmE9ovFwr2VWqcHHTmdThMgi2+//TapV6UWOEL/\nms1mEKJD4zNozr/63GAwcNnnXwX9gH5v3771/uD1aDRKagqqx1gtp6wRDWWGRmpFjcM8dFwK+sJv\noc/5+XkQemX2tIdFvf2sy1arFQAUmGW8hF6sgXq9ngB9XF1dJaFpL1++DMIFmS/rRiHeFT7aLKyD\nSBK47oG6P7EGnqrPqDWsmO9sNnOvkZYg4d1aAwp+8tnJyYnzTusX8r0COMWyeHV15WsT+r1+/dr+\n0T/6R2b2GNLV7/d9TSJjz549S2pjbWxsuNxp6FLsOdvf33ddqfUB4Y2CkvCepwBIngoRhj4fffRR\nwtfFYuF9ECKq4A+Ms1AoJN6enZ0dp4HqRcYALQqFQuJ10fmrNV9r8iBneApKpZL3/RTMNGvv8vIy\nATlZLpcBuJVZCDPNeFqtlvOYfjc3NxMAkkql4usafiiwBHuggvnA3729Pacl/FD68t6Tk5MgJJ1/\n4/NEvV5Pzh2///3vg5BpszCsET3W7XZ9XBr+hv5kXWuUjIa/xd4Z3Rs0TFdD0qEPe6WelaAv71Vv\nrwI9aFQGMsNzp6enQQSWWaZfkUs9u2p9QbNsT2BcGnJIH7pvsu6hiwJLKEgYZ1sFm4nPRUdHRy5v\nGs3BuofXk8kk0TGVSiUJhazX6zk0et7ylre85S1vectb3vKWt7z9v2gf9EyVy+UgBltzYUjY4jb4\n8PAQ5E+YZTdibnRYNe7v7/3mT07Jp59+6u/RgqlY+fW2rQVXzbIbdOzB6vf7QTFJmkLY0pcWBDPL\nrAvMg7FrnKp6Ubjdf/rpp377xzKk1el5jybLY7FZr9dJEnyr1Uqqjh8dHTkNiaPtdDpBxXie53st\n/sbNn/keHBw4rRW2HtpgWe90Ou5xjL2RjMssTFTm33q97vTnfQomoIVN6ffHP/6xmWVWFN6j1awp\n4Kdyxfi0MSeNV4dfWJLa7XZiidOCtFp5m7ljcdKCdApBjMXk3bt3AcSpWcYbte7SL39Dq1evXvl4\nPv/88+S3mpPEbzS+HBlEZm9vbxPoUYX2Zk7VajWAnDfLZB85wuJ0fX3tSZwKKat5FmYZ38jvUJnk\ney0qDT/Vw4JMw//t7W1/TtcH+kT1E5ZYLT4KPzUHS6u1m2Uyrl45nlcvhVkWC4/sK9iA5hDSr1ag\nNzP75JNPAhh8aM17nipEWy6XA1AIs6cLlmp1euimZQvg0ebmZpLzVywWk5h09bYgT8Ph0C2TCjOM\n7DPmSqXiz6llku+hr1oIacvlMoGKNrOEX7u7uy4T9KEFGtkH9vf3Az1illk34/U8Go28Dzy2jUbD\n1wDer52dHZ87evTm5iYBuVitVkGuGX3BB/pdLpe+Hlirs9nMx8c7arWaP1cqlRJQpWq16n9rgeM4\nT433m4U5xPEaPj4+dn5p9IOC0Zhl/Ee+1WIfA3ccHBx4MXPkamdnx8eCZfr77793T0JsPdZ+a7Va\nkvewXC7dg/VUMjzjVG+lQlkj5+iYer3ufSMThUIhiYjp9/sJlHWtVnOdq8WPeU75j36l//v7+8Sb\nDq3NwiLAMaT9ZDIJgLkYv+aG401W7yIyg9zt7+873Xh+NpslOamNRiPx/NZqtUTuarWaz50z0GAw\nSEBa2u22Pwdwx9bWlsuCeuc5W/AO3Sdo6iHUXGLWEjRdr9fOV77b2toK9APziUGOxuOxr3t0W6VS\ncRpAe/Ww8FytVkv4f3t7G+TAQefY69Jut50fPLdcLhPAjaOjoyC6iPHBw/l87nNhrFry4KmoMeZ2\ncXHh8oicj0ajJD/x/Pzcf4NcFYvFBPTj4uLCdZ7mYsV7FuM2C0uokMdGOzw89O8ZS6PRCPYRs0wW\n+V71mOrNp9oHL1Pj8dh2dnaSC9FTSel6SEJAFLMfxVkul12ZIqzb29uOiMI75vN5EgpRqVSSWiyq\nYJVYHCi0CjR/Mz42EZ3byclJUGOJfjXhPU6WPT4+TpC9tJaEVoaOXev9fj85cIxGI1fACg7Bc+q2\nVTQos0wJsjEgIG/evElCHGazWbKB3d7eJm7gZrOZ1MkYjUauWLXGEr+hr/F4HKDCmYXIWBpeiACz\ngTUaDecxh5Vut+sbJwv39PQ0OCDSFzIDzbrdrr+P5wqFQgJKMJ/PXaaQ+4eHB587tFegAugzHo/9\nb60HoRu2btBmIWIP49ve3vZDktZB0DpfZiEAgYYX8RyXzGKx6IoJml9fX3tiqtZugZ96SVcgA/jB\n+Gjdbtf71QRu5BJZKxaLTiMFG9GDMM8jl4yz3W4nSlzD95CNTqcT1Ksyy9YRNIIHilSoCI8xIl+z\n2XQe6iGODVjRJtGHrMHBYODf64FS6+RwKVMaQAf4oWGvWouPdQit+v1+oiPr9brPmXnGc2G+GCs4\nTG1vbzsPVSZYXxqiiBwzdz3QMd+NjY0kcb9arbrMaOgf/FRURWjIJX29XgeoS9AK+jGmbrfrl1VF\nOdV6ZWZPI1VpCIuGVDGWTz75xMxCw4MaW+gPXXR9fe39KVojjbVye3ubgLDc39+73GlNRMbVbreT\n8G1FMoQPq9XK9TCy/fDw4DSkj52dHf8tfCsUCkkS+Xw+Ty7xakylj/39/SdrSsYogqVSyemvoBTM\nE3pNp1P/jYarqmHCLDunIMfQrN1uO60VnCqul9ftdhMdvVgs/DLAmprP5z539qfBYOC/Uf1OH/Tf\n7Xb9My77ejFWRLvYcDscDoPLFn0w5mfPnnnfWmeKv2lqcNBQbQ730O/y8jJBy9VakcjJ6empyzx8\nWK/Xrqs01Axeax2/2OimZwcF5oJ3eqhGTpCDUqmUyGK9Xk8MdspDTUeBJ4o6rbVC6YM1oDpLwUN4\nL/0qYiD0hefPnz93GUNPjMfj5MKugFXQcT6fJ6BZ3333netZ9JMaX3U9aHiurkmei419WqOO5zQ8\nGl3f7Xb9EoVMX11d+doFAGlnZycB0lK0Wfq9u7vz55CTZ8+e+XN6sdeaaNBKw1nNMl2OzCAHi8Ui\nQGp8quVhfnnLW97ylre85S1vectb3vL2A9oHPVPb29tWr9eDuixmmSWJmy3WgNFo5Dc/bsRXV1fu\n5dEQG26utNFo5DdvtVbG1tlms5kkOT48PCQwiIvFwm+cWDdbrVYCoawhYFhaFN6Y325tbblV4+XL\nl25NYMy1Ws1vwFgc37x5k1QEL5VKSVjB3t6ez1MrlqvVwSyz4pDUijtYayJg9VDrPeP/+OOP3TKN\nRaHVarmFQGtZaKghtIzrkcznc7dgYHF6//693+TVQ8Tf0Ofg4CAZ39HRUQJvOxwOnZbI3Xq9DkIN\nzDKZUKhrs8waxHMKuQ2d4d/Dw4P3obVqYmugViKHPgcHB94v9bDW63VgcYxhwQ8PD52GyMHJyYlb\nXjUEI+ZNrVZzOVK479jCqXRQSFEsVwp5GtcZ0Yrg6t2Mw63a7bbLEzSazWaB5ZL3xZ64yWQSwLib\nZVYy5s535XLZ1yE65OLiwq2kWheENQJN7+7u3GvId7u7u4HX0yzzUMW1Xe7u7gJ6QDN+y1jm87lb\nqxjz9fW16y+tw4acqKed+TYaDacbsvjpp5/aF198YWaPHqfpdOr9sabu7u6CejC8j8+YW7PZTDzJ\ntVotgKtnrEQNwNd3794loX+FQiGoo2KWhW9o6DXvQ560zg18QibVgk2/vV7Px6weD61XZZbp1Ni6\n/PDwkNSj++KLL4L6Z2aZ1Rq6QYNOpxN4OMzCsCxkp1aruYypByUGCVIPK61cLvv64vmHh4fE6r5a\nrRLvoXqor66ufA/it4PBIAD7YSzQQUMT4aGWOYnrAmqtQHTS/v6+W95ZX6vVyi26jOm7775LylEs\nFovEu6SgL6rv4jpT29vbPi681RomrxE0SkOzbB3FsPXIv7Z6ve7zZB0dHx8H8OHQFplBfxcKhUR2\nVO/Q1GOvOob1zbg0GoX+t7e33SvIOLe2tlxXqqeDdnp66t4saK+Q8si0lq1hLc1ms8CDZJbt13EN\nOAXN0PIFcSjsdDr1v3nH3t6e05r5ag041eEKzmCW8SOWHd170UVaQkMjbfgbOVWvtgJG6J7Bb7Vs\nhVl2JoDu6Km9vT2XN+ah4dl61kSOmffDw4OPX/kS/1ajB9CfGqGg3ui4Nlar1fK1cnt762ctZFu9\nqOrZ4zda/4pIGHTz9fV1Al6j0RRaq5AzrYInQVcFa2POWk6Gv7WmFXLJO87Pz4P6t9CFz9Dl+pl6\no2PQj7jlnqm85S1vectb3vKWt7zlLW95+wHtg56pu7s7KxQKSdVxtUJzk93Y2Ag8V2ZhZXstbMl7\ntJAXljMS87TaPTlO79698z40xlmT1szCfAa+U6hl+lIIVT7j/WaPN/qzszO3tk0mE7/FMv7hcOg3\nauiyv7/vFiQttosFBguC5gthdanVak/C22Kp00rkWBA0rjWG+x0MBm7Jh5YPDw8+J6yji8Ui8RBq\nVXQtNKjFaZkjVgOe0+RVvGr6Pujy9u3bpFic2WPcMdagjz76KIGy3djYSGJwDw8Pg0RMaM9Y4Xmh\nUHBrFZ8tFoskAfXw8DDJTVBvFa1SqTgNfv7znzv9sZxNJhOnm3oZGL8CS8ATtZjxG+hxcHDg1i6s\nX+rRZb6NRsOtLE9VttdifHHeg0LKaww5vNEC19BNPR7QSOF3YyAQtcBq7iEWX3ij3jm13mkiO89r\nvgDvY11gYVVLMjTd399PClIuFosAntcskwlkVq2qMVS9Jr7Co263a7/73e98zAoly295D7lB8/nc\nZV7zlBgjcqV5gNBF15RaNeGJ6hA+Qw+Xy+WgWDP/wie8sru7u84vtbrzN7yZTCZOa+Sz2+06jcjF\nazabznf6HQ6HzkNNCNf8OcassfLMF55o2Qnkg/kWi0W34muOU+wBHgwGQRFTs0yeGZfmkvAeLUhN\nv/BtNpv5PBTwA/ox5vv7+8A7p4BHNNYu/3a73UQfbm9v+9pUSPMYyl5zTVVHY6VWMIxYzgeDQeBp\nMgv3CQUJgDfohsVi4fzUPDUFMmCcvE9LnjBWhdpmDWuRYt3jeT7OL3x4eAhApMwyniPT7PPHx8eu\nyxVcCRoo9DlrHZnQQshahJZ9QPMaacjp/f19kkOuZwiF7Ebu7u/vndbowGKxmHicBoOB96kedM2L\nhg9xAfmbmxufE3RTQAYFL4EeuncpFLdZGBGjhc7hl0Kas0/Am4ODA183jPP09NRlQgudx+Awd3d3\nfm7CWzWdTl1mAc2qVqu+7tWzx/pnfQwGA+c7/NjZ2XG51PIE6m1hPlqixCxbl/CX/UnPO1r0PC5B\nBF15Lj4nLBYL56d6/jl3qDcVOYJHw+HQIzkYS6vVCnLMzTJZjAslD4fDJFpFzwTQtFAoBGcLs0yu\ntGQLc2RtQLfVauV/Q+dGo+HrlX15d3c3iZyKW0E32eTLQmH9n//zf7br62snGEpLFR0bSqlUSip9\nV6tVZzwC32q1/DKiNao4XGiIjR7KeR9CAAEVCUQRviASY57NZs4UCKMhcVrXhTFrTSH+/vjjj/2d\n6jZmAUKXk5OTAGTALHPzajihWZhojfDs7e0lh+lKpeIMV2QeFJyGXcT1tAqFgi9ewqT6/X5wwOHf\nOHRBG+9TgdOFGL+v1+s5DTgUKsiForXopdEsPLCxSHq9XlLbo1AouHtZEZRY7PBKQw5YsPV63f9G\nXiaTSVBd3SyTd2QQJbOzs5NUY1d3cLfbTcIeB4NBALpgFrryNYk4PmAvFgu/LGoCOjKD4u/3+/4+\nRRbDrc/7bm5ukhpwi8XCkZEY82q1erLWBd/T78bGRlCbAvoyBuZbLpe9X63FQ1MjQhyGotXJoX2n\n0/H3aOgXGyf0brVaSejser12vioCHbKtKEixHtNDsiZeY/BA7nu9ntNP5UABTWI0wi+//NLHrf/G\ntWkUCVBrz8UbcLFY9DHQh9ZxQYd0u90AlAc+6AENGil4DH0gR+wXv/vd75KwnLu7O58vusMsNMrw\nnMoq32loC2NCtuj36uoqWQOVSsUvaqpr4pC4arXqc4P/t7e3LoOqT+JLqwJkKHgJTY0rMSCQ1lCC\nHwr0BK+Gw6H32+v1EuCjVqvlcqa1hRg3OnowGPic1dintRrNsrWn6IeMhf4Ya6fTCcLAGGsc0qNo\nk9B0PB77POHXxcWF/4YD52AwSGpAKcqW6jHkTUNduTA9BSLCGm40GgHwkFl2SVKAEuZL071a1z10\njHV+p9NxXaVnFuakdZ3iENZGo+FrVM8S0I+xK6Jlo9EIDNfQgznRnxqXmd96vU4uiFtbW8mcptNp\nEg5YrVZd7hRhEplQ1Ff+Rjb6/X4CoKAgAny2XC4TA+tyuXRaaloAMk3Tup+0VquVhFZubGwkhoe7\nu7ugxib0g1b8+9lnnzlN2RcPDg6cd1zEFouFoxZqHSzWKK1UKiU1Q/XCrvSOjSAHBwcJGvbGxobL\nk6J00tbrtdMNumidQTWIxGfg6+tr55dellkbegmKjbiNRsP3UuRqOBz6fq0ItBrKa5bt7+haUIdv\nb28TlE51xCjCMzSM0QT/7b/9t7Zer0OB+T8tD/PLW97ylre85S1vectb3vKWtx/QPuiZ+nf/7t8F\n8ObqfsYywA1wPp8HnhWzzLqkldn/z3sTK+RoNPKbslYL5/aJ9alerwcwrrwvBnool8tJeOH9/X1y\ny1egB/q6vr52lyOWglarFdRxiStpj8fjAA7ULPTUaHV1rBSaQBcn7hcKhSA52yyzCnCL1po8cYX5\no6OjxJI0HA79ew3zixPQNdlQPQR8j8v2+vo6qQuxWq0Sq1a1Wk3gKBUqlPEVi0Wv36HeqNgjojVq\n+G65XCZ1Nx4eHhKwgeVymXhxVqtVEkahVlx1rWP9wDJycnLiv8GLdHBwEFi1oJF6ZRm3hu1AIw2d\nYNzwaLVaJaEwGi6i4YcK806/cW0P9fLyvn6/732wHtSyrlCl/FZhSVUW6B9ZVS+uer3MwtptaimM\nYaYV4AM6a+KzhhIhM/Q1nU59LBqaHIcwa1gj9NNaGzo+LWVA/9CS8fV6Pe9Dw+7U64XsYyGcTCbe\nD2tvb2/P9YNCwdM39FPocU2WjssMaHgEvH7//r3PEzlfLpc+J2ik9ZR4TtcI46tUKr6++G53d9fp\noaEVmrQOLTW52SyTO8aqHmpopN6e2KKvwEfq6dTv6Z/xQb/5fB54s3kePYacHB4eJrDaV1dXPha8\nZVo/hu/UwqohdFrrDh5pqJuC7jCGGBRAAXkUiAh9rl4LjdAwC0tjaFgwc0efbGxs+PdEIWgYlUa1\nxPvOxsaG98fzd3d3gZ5mzIxfreTIIDI+n8+Dml7QPNY76pnUPTjWLbVazfWghsYyD36rUTLqGWNc\nzG04HCYAKWaW6MCDgwPnq4b5xWcbdIBZeDbQkiucI9DbOzs7LqNa5kKh5KEz8qSlFrRUDHNXkAHe\nhTyhk3QNw0v13mkYLXOBD3t7e05fvtvf30+8t/V63eemNQBjIBD1QnIu6vV6Tl8tucL7+PfNmze+\nJhXEiu81pJRzJDTb3NwMwkDNwjA/1SGsTaWzQo+bZfLHPFhHpVIpCZPWMG50b6FQCNaoAqOZZXIX\nh0dqJJHWZGR+yPHu7m6SRqPnEz5T/ar19DQKiH7hPzKrESK8V72aWkYAGsZgMjrm7e1tfw/zIQLs\nb/7mb3LPVN7ylre85S1vectb3vKWt7z9Q7YPAlDgleL2ya17vV4n8aya0Io1st1u+y2QdxwdHQXW\nLLPsds4tlffW6/XAymKW3cpjWEiFndVkOL7XAruaBGmWWSFiq6bZo7VNE9rwFPX7fbfy0Her1fJ4\nbOahcOnq1YoLwp2envp7NOdAYVnNHvM8zELLPzdvrNYKPcu/H3/8sVtAFExAi5KZhUU2NYcEqxFz\n1EKO6vmDT/CoXq/7POi/3W4HlbTNMisDdGOeaoFB7gqFgr8H2rZaLe/3qeRFLUwZJ6Cv1+sEMECT\n+pHF5XKZwNZWKhXv96/+6q/MLLN08L7hcJhY9BXuUyHo48rxmn8IfbVyvAKMxDLWbDbdGqjWMXit\nscv0q+UDdM6ME+uu5nLEhTfH47Fbu7DybWxsBImn0D4GG9EYbCxEajXWnDTN0eNfrKms5fV6HRR1\nNsssmLHlb7FY+Fg1TyJOQO71eomXRGG6NXkWmmrxWWQROhcKBV9nw+HQvvzyy2Ceq9XK+2ZcT1nW\nFEBFPTUKHsBY0F/I03A4TGDL1SujoASxVbvT6fhv8cq2Wi1/j1rMYy90r9fzzzSmn3nE+tHs0fOj\nBZ81Z5Z+tRiz5k+YPebxmD1aNbe2tlwWtMRDXKri+PjY5Vy9X4yf3yoIA/0fHx8HZQt4L/zlvdfX\n1/4ehWSP+9VEf9aq2aPnwuxRzpDLzc3NJHG/XC67Plf5xcsDHzRPCfkcjUaBBVzfwXvMMpmMQWnU\nio4uur29dVpqaQHWF7Jdr9cDC71ZthfxG82FRvY1n03zbM0y2Y2jOHRvY19WEC7NcYtzYjUSR4sw\na46jWZhvFZfmUJre3t4meWilUsn3VPaXVqvlz2nEgFrY8RZqlE/L0bWbAAAgAElEQVQMItJsNpPo\nnUajkZz1Li8vA++z0srMAm8KnyvwEX2Qz6IRDOxZmkejHlT0JtEoqnOhW7FYDHSBWcavuMRHvV5P\ngAXK5bLLm8KMI8fo9RcvXiQ5mMvl0tcUHrFut+tzA9yrUqn4Hg2ttJyPln2JS1roPDQiAjnnOwXH\nog/V2/xbqVR8brVaLTmf8IyOYbVaOZ+QJ8Uk4N1nZ2eBR4rxa/SZWba+0Dus+aOjI5cxeL2xseE0\n0vnGYDPdbtf5xHlSS09oFAfzYB9TYDHep2vlL7UPXqba7XYAIsELFRxAQ07iqs6j0cgnr0mfEA7G\naZKbolJpOI5ZtlmyOHXT13oLZuGGowhzcYjgeDz2pDQWe7VaTUIr6McsxPSnjUajhFGLxSJJjJ9M\nJq6YmNPz58+9b747PT31cenBOBYaRS3SuhpxuIiGVqg7k3nwmYa9aUJwDPqhoU5K3zh0ZTAYBHWN\n+IxNgIWzu7sb1KEwyxQZz/GZ2eMGwjgnk4l/huw0m80A2c0sU3hsSNBHNwUFIogrm6vShVftdtv5\npcYDRUGML3Ra7wWFWSgUnE8KUBAnfWpdI5oiNqmCiGVRUb/gpVZh13Bb6KAH8vhweXh46JuG0g0+\n8N7r62ufh8psnMy7XC59rWjYHnN/KgFZDQbIMb+9v793/kMLBT5R4AVor2G+sZ7QQyHvPT8/Ty5x\nzWYzOUxdXl4mdXAGg0FS84bPoWkMgqKIh5pkHocVIotmj4ckDReBHnrphqalUsnfo3XE4vDifr/v\nMsMGO5vNkgP27e1tAnIwGAycd3phjA8NlUoloKtZeDlX4AXoiz4ZDAZ+eUROR6NREsLa7/ddfrkw\n7u3tBRcJs3CfQMaeP3+ehJyenZ35WFnnxWLR56FGi6dq7dB4h4Z7qjGN/k5OTgJULmiETqCPRqOR\n1Fa6ubkJLtZm2XpAX3Jo7XQ6Pn76rdVqyXOKeKdhdPHBaWtrK7jgMD7Wl9YZ4zcarhbryvF4nIRq\nVqtVp7XWYURPKBIs60eBI2IQCa2XphfYOL3AzBJjyosXLwLQB94bg5x0u10/7yCzOn6lLZ9pHU5F\nKDPL9gs1CnJGoq1WK6cHcryxseHypuc16KqGcwUUMQvTN7QWn4JWmWVrgLWpNYBYX2os5YKu42R8\nrNuHhwefsxp240v81dWV9wtfr6+vgzQAs0zW4lphGxsbSbi6nkkYX7/f9zFrGCy/ga9qTIHOWldR\n97P4grK9vR3sc8w7RirW8HzWVLFYdB2pIYKahqBnQWiuKNM0RbU1y/gan4u1nizP3d3d+b7EnJrN\npl8+aev1OkCP5rcaAss49ZLH87FDod/v+/ieMlbpPSWueTYajQJj0VMtD/PLW97ylre85S1vectb\n3vKWtx/QPghA8R/+w3+w+Xzulkm1WnJT4x23t7dBHQWz7BbNTVfrV8QQyvv7+wms+u7urt/++U7h\njfU7btnqncHKQ/9PhWWMRqPATWkWhpdgXdAkx9Fo5O9U7wFjVE8R9ODmXywW/T1aGT621M9msyBR\nlOeYp7qQeQ7LU7fbDepQxbRU6xxjwUqi41OYWawdChmv1lNoEFtFNjY2nC5Yq66uroIQJ96HFQIe\nalgelhHlK2PREDaauv7h4XA4dH6oRw7LFK3T6bgFSUM/6QMrj4ZJ0e7v7wOLdFyfa29vLwldUaus\nepdiSGENU8GjoB4HhX2NrYZaJR76KQS2htPGNCoWiy536t2IdcdoNHKaq9zHidYaaqBhXnxGH9vb\n209WT8cLodYo5q4V2mk8t1wuE0je0WiUABo8PDwkXsHZbOZypDU+FALeLIQtRo9sbW0lCc07Ozvu\nRT0+Pk6s6JVKxcfNWnoqoXg8HjuftF4GOhIdrbVTFEiB+SGnmhzMWJrNZlLba7lcJjKhkNyMfTwe\nB1EKZqE3QIFSYnCYs7OzoJaQ2dM1T0ajUQJ5u7297fRV4CPVVWaZ7Ci0O33wGwUiiPc2DUNVqOo4\nPHc6nTqtkIN2u+18gC5aakFLaqDXkfvRaBR4OGK9ubGxEXiQmAdjfKreI9/t7Oz4Z+iifr/vfWtp\nhLiPXq/ndNMxKfAM9GUNqezCT8JtNCxTE8E1HI7vYt32l7z98d6m9fd0fag3i3cwVt6h+4nWw1Fa\n8rzqG7Nwb9AIBd7DexVsQkGH2D95X71e93WoPFfwFzw5zE2BpTTUTQGPaHEYunom0TEKFa61zBiP\nAvjEoDntdvtJkBONPjHLzmGxd1FBLjT8OY5g0tpz6u1jLbEXqbdfPYBxWQ2tH6h1K/kt8txqtfx7\nBfKIofEPDw/9b+T48vIyKQWi+x1yotDo6iVjT9BzSAxAUa1WfayFQiEJIa3X60kZhPF47HTj36ur\nKz/jqdzFe7NG7yBXg8HAxwpNFTBMywjF5UGWy6WfyRj7w8ODvw8anZ+fJ889tQ61TIOm+Tw8PNi/\n//f/PgegyFve8pa3vOUtb3nLW97ylrd/yPbBnKmHhwer1Wp+Y8a60Ww2kzhavUlqrgs3eW6/z549\nC6yZ9KMWM7PsVk5spXpJ4uJkmjSnVk3eQx8K3aoV5OP43eVyGcQGm4VQ0J1Ox60ECvsdJze22+0g\nQZDnsEhgGSiVSoFlgOegNZbO7e1tt8BgiVMIbZomnsKPy8vLwAIKzXlOLexaVRv6cZPHo3d/f+/v\n1iKKcXJosVh0a4UCZGielVlmYSNBVouxqjXTLLNWxgWOzSyxuivkvYJTxDk9d3d3SfHBi4uLBJhD\nc4Q0njku5Pv69evAYhaDJcznc7eOPFVhXtcNtNGiorwPHl1fXzt9aYPBwGmjOVtxHlClUnHLm+Yk\nQDd4OJ1O/XtNkFXYfbPM8gQtkSezx4KbWoxTE4WZTwy/r/zSHJenrJDQiLXy6tWrJH778PDQx6pF\nwON8UM3LQZ7X63WSz3B3d+fjU1APPmOdqR7T/EFdtzyrMMKar8e7adCv2WwmeSWa86NrWCFszTKr\nYWypbbVaLqtxXL6+b7VaJSUvlsulexWQg+PjY9e1Ol94zZh2dnZ8/T0Fya+0RJ9r3o2WTjDLZCz2\nJJVKJZcJ5Fi97rpGtVin2dMezHK5HHgkoJ/mAfPeGFxjtVr593jV3r1753OGLmdnZwF8OHPTHBEF\nujALPTXQ/Pr62j/TZPQ4P7ZcLrvsQ6udnR2nrwKgxF4ozStlrfR6PX+f6krmolZo5Jgk/dlslvBV\nx8Ka0yKbek6IC74rIJBasPmNwpbHJS0qlUpQUoDG+tESKAr6YhYWzNZ5sC7grwLzaFSARmqYZTop\nLsrd7/cTIBrV25obot7Z2AOnee+aJ6v5c2YhWIqCIvEZOlJLWSj4RnxO1Fxt+r+6uvL+NN9SPb5m\n2dqEbupRjossz+fzpDyM5ogpcAc0hEedTicorgx9GAM0qFarSQmK8Xjscq5gMuqBMwtzItnPdnZ2\nfCyM+eLiIgG5qdVqCehQo9FwOYd/9Xrd+0E/bm5uOq+15AHrdTweB7lNZqG3FZ3fbDZdLjVPlnmq\nZ03LuDB+fqt8YC4KaMNYWHOal6cgFjFARrvd9v7Uqx5HD2mRes05j/PV4/bBML//9J/+k/V6vWDg\nZiECCAM8PDz0jUnD/PiMd0wmkyABlEnp5mNmQb/q5o8BHLQGDERYLBZJBXpFUkN5aA0trb+DYMIc\nrYOlC1UFj3dqrSjeownSHC41oZXDJ32glKADfdGHHozisKK9vT1/Nwvm8vLSlbYeQmkI1+7urtOD\nRbe5uekKjD4KhYIvCA0BUpQ8sxAFR5Uv89ALLItJUZD0om6WyRo1efQyjaAz5uVymYSh1Wq1pI6H\nhsY9BYDAOLe3t4MLE2NhrMxjNBr5byqVSgL6MBwOfU4ouKcAGdrtdlLlvtfrOW/oT0FaFAQjrp00\nn8+dhoqkCM3ZhPr9vtOSd1xcXASISIwlBkPRkBnaarXy92k1c9Y1FzZV4nqxi8EG9GDCutjf3/c+\neN/p6WmSMFyr1ZIDQKPRSAwemqjOZ3oA1LoZ0FI31fggvlgsAiRQs4znP/3pT80s4yFyxG/Pz88D\nJEFooJuZWXaogf+6CcW1gvSwqnSODzXD4dD5qsh8Klt8xlpjbrpu0OEKSqKIoMiT6id4ogcd+uCz\nSqXiPNaGgQJ5VuRGPThDPzW+MW5k6Pz8PABagvbwA32n9U203tRToEnsI2pAgx8axgs9kJPVauVj\nVSRaDUmNDR3z+dwvJHrI05o+Ztm+w7g16VyR83gf42H9LJdLl0to/xRoQrFYDECcaPBVa4vRL0a1\n6XTq41KE3xhcYzweu2zp+n6q5g30Z0wqT9B+MBgkiIHNZjMBtFLZYa0cHR35Z4r0SR8KsoI8qV7h\nt9BgMBi4PKE/S6WSv0fDmpFzLueFQiEA2kKOoEG73fa1Cd3evHmTgCapIVHpEYf5NptNlxMNxac/\nLvv9fj8wojNPDYGFN/Dwo48+MjOzb7/91mish0ajkdQ86na7Tlc1ksW67ejoKAk5U5ALrV8UX9gV\n7S4O7dXvFdGQtd5sNpO0i42NjQRFbj6fu55QoAca62dzc9NpqUYO+KWGIOimBkrk4PDw0H+D/C4W\niwA5FdrzHgUlgl7on++//95lSw0dceiqAvfoGQJ6sB60zuhTRjfOZvf394FByiyTtbjmldaFgw+L\nxSIJB2RfzMP88pa3vOUtb3nLW97ylre85e0fuH3QM/V3f/d3gTtTXXWxRVIrzGuSMDd0dRVy81ZL\nUQzTPR6P/XZJU+8XN9JarZZU1K5WqwmUsQIuYOmcTqcB6INZdqPnZqqWZwXB4Nau8NvMWSF5mZNa\nfuPws62traQm1nw+T8JoZrNZ4AVkvvBGrdY898knn/j4sC5gFaxWqwmk9LNnz5xPmmgbu9H7/b6P\nQT1scfXsxWLh81DAA8YHj5rNZmKVUcufhjhh9VYrCb9VKE5+g8VZQ10Yn1anVwhSxqd11RQm1SyT\ng9hje3NzEwCfwBtodHR05BZGxv/s2bPE/VwqlVz2dG7It0KAskaQT+TP7GmocOR8Z2cnCNFhbvQB\n/a6vr5MacMvl0uepXpmYNzc3N4nXrVgsBqFhZpmcaH0uaB+HEh4eHiYAHmp11QR0rMFqmWR8an3X\nMGDGGdce0vAS5OX6+trpAQ0qlUoS+jWfz/05tYLD348++ijw+PEbTSQ3M/vTn/7k8sicPvvssyCk\nlrmhV6H5zs6O00jDvfCY8/x0Ok2g8RXeWr2bjI/vNNFak/W1pAT9qz7kuziMRoFZNAQrhgpWK6nW\n76FpbTG1yjNm+E87Pj52uaOOzFMlDXq9XhAuaJatM3iJ7Nze3iZlKZQeWoNKoaKhVbz2Op2O8/C7\n775L6v1pDbinQoMUICnW1xcXF0nyva5rBRGJw0un06n3y/rRuWsoJLxmDdRqNeenrpu43pOGpmtf\ncUhfvV5PIlNUh2t9PYVYNwvBEOhfIw6gj4YIahhn7K3W32i9NsaKLK5WK7eEq9dC0wvMwvIq8HJ7\nezsB8NHxac0u9hqFvFcAJ+auIBcKkmCW6cO4DI6egZRGfMbaq9fr/tl3333nc4/rB5VKpWQPXywW\nviZ174jrfb169cr7YI4a0q9pBsiHygvypvDgrB8Nu4RP8HA2myUREff39wHICL+lD2RiPB4n++fW\n1lZS41HD3zV0Py59cX9/7/NUQKK4HIZ6mT/55JMkPFIh22mFQsHXPXTR9c+epHUcVa+zXuGrQvtz\nPtrb2/OxcqapVqtJuLLSTWukIm9aHyzWufV63XUfn2mYN3Or1WrWaDTsr//6r/+iZ+qDl6n/+B//\noy0Wi6QuRK1Wc6JrfhETwNXc6/Xsxz/+cUAkDRFU1Jo4bGA4HLqyhzl6+GExadEuDgJa20VR9uKw\nsdVq5ZsehLu5uXEmQ9Sbm5vApR4zZWtrK0F2KRaLzlxVjvGCqVarvpB5n9aZifMf9O/3798HhQWh\nL8KPMuh2u94fNPryyy99wSC0+/v7gQKBfixGfru9vR3Ul6Ff6IKg68VOQ1OYEwtNFZMeGv7H//gf\nZvaorIrFoitMPXzxG61foAdc/o0LCD979iyosWAWxo3Tlsulu5D57uLiIin4/O7dO1coOzs79rOf\n/czMHhf0t99+m4Qfffzxx/anP/3JzCwIf4oVk4a4wLfJZOJKljnV63XfIOhDD78o4tls5rRkbb54\n8SIoXstzcYhoo9FILqGVSiXIizPLNiatOWUW1q1ChtTdzubR6XSScJuLiwt7+/atmT3K+6tXr5zH\nGu6pBgczsz/84Q++LuCLbiR66NMaHGZhIU8NL2aNQOdWq5UUBl8ul/69xsxrWIZeoszMfvKTnyRF\nMTc2Nlw3Eqe+t7fn8sH7Li8vXf8qH7TINbRkY9JNXkO0zEKUVnTNdDpNwq3m83lSK7BSqSRFMReL\nRaKbt7a2gsMR89XcUOahORBmIfIpe1Kj0XA9TFFzrbPDc9Vq1dcc/+qhWw8RMTpctVr199BKpVJS\nj0hzevUyGqPr6WFUL1jMjec0F6JQKNjPf/7zYHxaD4X1c3t7GxTwNssOsrGOKZVKQU6IWVhvSA07\ncc2zh4eHoPZX/Byftdttp/VfCl1kHqxdzQGDj3oJjvW1Xg5UtrlQaGgsc1JkvHjtnZycOP3RreVy\n2efLZ9fX1wHqImOLjYK63zGP6+vr4CLBPOJirO122+fBmL766isfg16Q1NgXhyk3m83kkHx7e+vy\n8+bNGzMLa0Aylk6n43+zn/R6vaSm5NbWVlJ7TENONXeG0DD+vby89HfrXq9oy2Zh/VDNCycdAB1z\ncXERhEKbZTqOtaSFxrX2k1m2rxAuxv50c3PjvOa7X/7yl16AHT5sbm4myH1qKGbv3dra8rOo7klx\n4XqzxzMy7ygWi643VY7j0DlFhNXcdOih6SXsMY1GI6mnNxwO/Td6Hov1pubgPhW+rwiTsZwUCgX/\nW8O4uXwSNvrw8JAUtm40Gj6Xr776yscZI7eu12vnie5tMUZAr9ezYrFof/M3f5OH+eUtb3nLW97y\nlre85S1vecvbP2T7IJrf/f194NLT0B5un+paI1FMEbKwenFDVeutonnEaH6KGIf17e7uLrhRm2U3\nUw0/M8tulGpZ5984NGlraysJYVRkMb47ODgIQvYUsY1xYRVnHlp3gVt3p9NxemBp0orwhOCplZeb\ns7r8eb7b7SYJ70o3rUSONQCrVrlcdvorekkclqNeEmg6mUycT5qsx1ixpiwWC6eloitCa0VD0vAT\n+mAMCg6gtYl4HouEeoq0RgA0iD1iFxcXSZ0BpaWGxsXIUuPx2OmLFU/DFVarlXvW+E2xWHQLEx6W\n58+fB2hwzD2uVK4AKjzf6XSSEKxms+lypInbutaYEwm9rOFer5fwRl3rrJ9SqeTvRrZvb2+TJO3V\nauVyp9ZWfgvNm81mYtW6vb11+v75z382s0xm+S1jLhaLPifkr16vB4idZmY//vGPfQ3jQdvZ2QlC\nfswyOcYLSR+np6cBkhXzYL5qtebdtOVyGYRomIXJwYVCwfUIa0nBTdBpr1+/dgsoNB+NRt6fgnnE\nIVNaZ0xD//ie0BkN1eUdz58/998qSINaH80yqyHvw+I4GAx8bT5Vi4nnFbhDQSL4XkOdWYcKihKj\nnK7Xax8f60wtrISNKLAI8vLpp596+BF9aEgk8vT27VsfK89NJpMEHUpDlGOkP8Zllq0zxqqgLqyR\nL774wvviPa9fv/Y1rHxgDOg5rYPIemy1Womnu1qtBmGxZtkeyBh432AwcPpqrS3kWJPT41A4/VvD\nvOkPr+rh4WGC+qdANWrlR9cr8BKWdfVqxWt9b2/Px8LcLi8vncfou+Pj4yRk6vz83NcDvN7d3fW/\n1SsUh58qYqjqSp7TsG/mzjyurq78t1jpFWCI51jH0CoOF3t4ePDfINuKyAroQ7lcDlAhlc46/maz\nmQDf6H5Nv+rB4j1aFxI55/f6283NzSQdoFKpuNxp2FjsqVkul96HpoNAAwXric9UGq2CbP/kJz/x\nuTGfL7/80j3h9HF0dOSyyDs0BUAjihTwwixEZlUPNu/WcxH6C17++c9/DrxUzIO/ad1u1/eQ+Xzu\nNGIvWq1WiZd6Z2fHzxiKDhnXYqzVasE+ZxYiVStysIYVmoUpDLTRaOQ81pqN6gWGBngI6WM0GiXA\nJxqayDvm87nvvcj27u5ukELyVMs9U3nLW97ylre85S1vectb3vL2A9oHPVPb29sBzLgmtmIl5d+N\njQ23fqgVipsr1gOFZ+QWurGxEUC2mmU3RaxeWOza7XYQD837+Y3WfVJ4drPHvAbtV6033JzPz889\n3pZx6u28WCz6bVdzUrCYqKWDsWp/sSVkvV67NQsa1Go1tzrh7TML42bNMgscn2Fd6HQ6bhVTfP44\nRn8ymSTwoVqPButCp9MJvDFmITSqxvdy48dKrlXUFXo25uH333/v32OZVGhkLMA3Nzf2k5/8xMwe\nvW7NZjOoaM4cGQvyqcnQWK12d3d9rFirNd8CGiyXS7dcqgcIWql1Tr2M/F7zbGJv6+npaQB0YfYo\nL2aP6+Ht27f+HHzo9/tu5cFa1Wg03HqjybesA83BiqH2d3d3kwrupVIpgUGtVquJJWmxWCSWpHa7\n7XKsHse4rpZajdTjGMO4TiYT1yPIRqfTcbrx29evX/t6UChV5q7WLc1tMcusVTEwy+Hhoc9TgQhi\n6PvLy8sEavvNmzc+D3i0t7cXlIJgTSrIjeZUmoVx8cqPuML8ZDLx36p+jetGlctlpxFjHQ6HCZyu\ngg0oLDheBQXc4N0KMKG5MmaZVRAe4hErFotOVwUggL5qnY/zqLa2toJ8B/6F1qzbyWSS1FBrt9vu\n2cES+/3337u+UWu05imZhXWa0Ambm5tPgpwoWA7ji70fCuqkFu+4fIHG/ptZQsuNjQ3nE2tvOp06\nvxR86Ve/+pVpu7+/937Q3cov1XfIFl75vb0974O95tWrVy4LWM4PDw99XMz9/v7eLerI0OnpaVDX\nClrSL2PS0ih6dsCrDC1arZbLEbpQc6sZ59HRkfOL+V5fXwdeY7NMZnm3ejqhAW0ymfg8FSiL8SOz\ne3t7iReqXq8HgBJmoVcTee50Oj5+5GA2m/nZ4NWrVy7zfLa3t5cAJGk+6y9/+Usze4xOYs5mGT/4\nm+fVA6t5Raxn9PXOzo7rZMb88uVL57XWDIx11mKx8HdrVIvWTjTL+Bt7ujVXX8F1GJ/qSsaAzD57\n9iwAfTLLZIJxUeZCc1g1WkLpa5bJIrlSnNVub2/97INnvNfr+Vn0qdI9WoICmeGsvLW1FYB+mGUR\nA3GJjLu7O9dLJycnvjYUuAv5ZR6Xl5cu84x1Op26TKsOhP4q0zTmpLD6RIX0+32nB/0uFosE9OP2\n9jbJZ9e8fNaXAsuA4/DHP/7R6UD/8/nc56HetPjMGrcPXqaKxaKVy2WfDMLf7/dduFQpIOCKCBUP\nVuugQJDd3V0XLg3FYUFrDQ1FgKEvFAzPnZ+fB8nXZmHRW0X/QDnyvmfPniVgGIPBwBfHer1OwrI0\njE6ZqOhCfBejKg2Hw+SQVCgUXJAUvAKB/PTTT80scyvzbvhQqVR8rAjr5eVlUiRO0RcVwIH3KNiA\nhoYwPg4rzFeRjOCr1vthTIeHh/43in29Xrt7XBOa2fjZUNrtdgAEAs1+9KMfBb+9uLhI6jgcHBwk\noS6TySQJEVV3tfIjLtDY7/ddDjgcHB0dBaGOGmIIb+KCuovFIgjR4reMi9/q+2jtdjuo82UW1jBh\n/AoYgxwo8AnPv3v3zhOA9UIeJ1q3Wq2EvtPp1L9nHWrIm4ZgxAn5bF5mj4eGer2eXGq2t7dd3v7q\nr/7KzDJlyhr+zW9+Y2aZPEFT+hgMBsGF3izjP3LHYVnroEDvw8ND56si/PA9/WuhZt38vv76azMz\n+2f/7J+Z2aMyN8v4q4c2swwgAz4R4vj27dsEfa/f7wc1mMzCWjfoGA2F0FpBmsBsluk73q1Fj+Ma\ncBoOouiksfGrXq+7bOk7WC/Iy8HBgdNQw1HjGkuNRsP7UFRFRZk1y+QFeVMQHk1uN8vklPdhdOl2\nu96fhroyFg2ZifWnhgNpGE8cWrNer5PafbVaLQgrZW7Mg+e0/k6tVnOdpuhrcYhotVpNEB6r1arP\nWQEctKajWQiuhH66v79PksjPz8+ThHHdN5G7ra0tf47xabg9NL24uPDvWS/lctnXAOMcDodPgmWw\nFzAWNfYpiiC/0bQAvXDwfFwEul6vJwabh4cHD49jPoqqpoBUXEIVYOYpsKl439a0izgk2+xRz97e\n3np/1WrVPvvsMzML0wYw1CLvv/3tb33c0Ojg4MABkuCbGoDRn4PBIKk9WKlUXO4UhEGR7swy2YhB\nvxSAhotYoVBwPqCfXr165TpDdXOMoNputwOUSeYGD5X/GuJslvFa93CzTI9BA8L4Hh4eXGY+//xz\nn5vub2bZWuE51lG32/W/FbkRWqnsxOjFs9nM9yI10mkxZrNMhqAbfdzd3fka1pBEBU1BVuFRv993\nmYF+6/U6qY3Y7XaDcFye0zVEH8iHFgHGMMCYS6WS6yoNJUVmuBscHR0FZymeR68yZg1X1Rpw7MfQ\nudVq5WF+ectb3vKWt7zlLW95y1ve8vb/on3QM3V6emrdbtdvedzOB4OB39Cxyjx79sytuwpOgGUC\nK+Tp6albATSRFgsrFt39/X2/rarXgOe43W5sbCSAFmo14EapWPbqmYhd2OPx2G/CGiryzTff+Dy5\n0aqVn77VGoh1hxvx1taWf6YJ4XHi7s3NTeI12Nvb8/f88Y9/NLPMShHX7NCwTMa5s7Nj//Sf/tNg\nzLPZLIGt1PocGgIYw+BfXl4GIXy8Qy3DZpnVgHdrmBmyoOFbcf2gL774wj0NWBfu7u4c6pLPdnZ2\nAkuIWeZh0RA9xh6Hg87nc6cRcjCZTDyEUKFZYyhg9SjAv/WQSawAACAASURBVJubmyB8k9+TDLle\nr5M6Yzs7O+5ZQ+6+/vprt8YqRD4eP3g+n8+dDgojriGp8EHrMjEPrOPI7qtXrxJ443a7HcCammVW\nfPjJ8/v7+24h0vCCOARvb2/PLeIa4kRTjxeeBOio4AXqpcOCyHwHg0Hi9drc3HSPCfyv1+sJvLW+\nW2vQxDXKRqOR04j+T05OfJ7ouI2NDfvFL35hZmb//J//c3+f6gQNYzDLrO3wSS266AINsYzr1ajH\nGb5qfTu1OLIeoL/qHb5TDyxyfnp6moT5aH0urKgXFxe+RjQES0P+zDKdFId5zufzZMztdtvnBK3K\n5bLzGKvm3d2d8/Wf/JN/4nyA/4SonJ6eugdWaQ//sWCqZTmWZzMLrKVxYnmxWExqoyiIkYbBsJYY\niyaga+gM3o/xeOy/57nvv//e91X+1ZINRIAo9DDvW61WPi6VffivITbQgTHP53PX4cjEq1evXBYY\n3+XlZSITs9ksCE8zy3RW7NV8+fJlUD7ELJMNaMPeUKvVfC9QvaeyapbtF+odo/+4fMX29nawr/Mv\nZxENsWYeyNXR0VFSC7Ber7uHDRkrlUpJiOByuUxCsSeTidOU9VMsFhNgJj3v/OY3v3Gdofoavco8\ntbaX1suC7xo+rp58fhuv60Kh4L9B7hqNRlDjyCyTDeaHLn337l0AKGCWrVfOPtD35OTEw7zwoNzc\n3CTAF1rbj3Z2dpacbVerVUDDmAboqclkEtQ6gj540Rgz69Ps0WPf7Xb9PAl/v/rqK5dpxlypVJIw\n7tlslkR2KQgTz0+n0wD0jXHy7qcAxm5vb51G8Gt/f9+9j+je/f39ZL3qXqSes9grryVZoG+pVEpA\nH1arletz3qGhmsjOycmJ70vUVdV6hOiOSqWSANBpzUPmpuOnj9FoFIRWP9Vyz1Te8pa3vOUtb3nL\nW97ylre8/YD2Qc/U/v6+zedzv71xOz46OvLbsRYBja1tCnLATfbPf/6z/4Yk/Pl8HlQqNwtjw7mZ\nXl9fB9C5ZtlNnFsoN8nxeOwWZPrtdDqJJbbRaAQFa80yqwY3eU1E1IrvcVz83t6ev1tv09ADS1Kj\n0Uis4+VyOSkmXC6Xk0rq796981u25pBBL/ra29tzixlj0TwFaL69vZ3k9CyXS7faanJ6HEetHkLo\np0UAtSCpQl2bZdZtLAhYkg4PD4MEerPHwqpmj9avy8tLHzMWKgUlwUKklm6Ny2b8WLV2dnY8phpe\nay6BJiwqvLlZZj3Ce4SV7uLiwq0f1WrVn0UGq9Wqy6XKDvLIWH796187/eGrehyxeg2HwyS+t9ls\nuqWUsbx//96t4/xWC/ipPPMe5FmLriqYTAyDWiwWXY411wnLpIIvsP41L4f+NGEYyzS8ubq6crog\nd8vl0mWL+ar3QyvDMxb42u/3gxhz6KMw7rxXrWhm2RqMAU20ZASekZcvX9pvf/tbMzMHO1CAnm++\n+SZYQ2aZBfYPf/iD98O4tFCxWaZPoKvyMs7HKZfLiZxokXUtsooVkue1oCL5Wy9evHDdrEUvoRfz\n6XQ6QckJ+oJeCrUfg1eMx2OfL9bqi4sL/55WLBYDHjNf8kH4rXqwGXOpVAoSlOkfmYDXW1tbgeeK\nFq8RzYXSHAx+g/xdXV25NZU4/1ar5TTQPRBdyb7x4sUL1+tqaUfH9Ho93w812oI5o9/v7+8TEKFn\nz5752lAYefSSgtLE3ir1iOo+oV5lsxD2//8v72k2m/lY+a16klgrtVrN3wOvzR7XJLRcrVa+xuG1\nWrqR2fv7e18j8FL/ho7D4dDXHp49BTlhj7m7u/OxauFsaAqtlG80LYeh1n5kRj0PMdiArsenvKMP\nDw8+JwXQUTAVxsV+qNE0WuqE38JX+lAQGWhQKBScN1oeJo7YeXh4cBoxFs2Z1n2WcwStWCx6f6wB\n1fUK+x97IRSkAVnr9Xou51rqI14rClSkBczZx7QIbFy64fDw0PUXuuP+/j4BIOl0On6G0IKzjEGj\niDjTQsdOp+PzJFrm448/DnQVPCQ6R8tgMP5vvvnG302/u7u7CU5BtVp1HQ5f7+/vk5y0q6srpznr\nsN/v+7mZdn5+7rTEc6YF0Bnn8fGx05X5jMdj9xoydgUHgpeNRiMAmWLscSRW3ApxQnvwZaGw/tu/\n/Vu7v79PlLPWVYJIir73VF0AmKd1FxSt59e//rWZPSr209PTIIzOLARX0AuIov3Q4gPKcrlMQiJ6\nvV5y6FLFpMmfmrQcH9Q1yVg3av7mgPL+/Xvf5GFsuVwOkmQZS3y4ODk58Y0Vxh8eHnofHChbrdaT\n4Wwxb7QuiKLRaUIs//IbrbWkqGD0Ebt5Ly8vnTeM+cWLF775sCA0bBQ6V6tVfw8L++7uzg8N/FZB\nJOCvgg2wmBuNhofTaSgeygA5eGpDub+/94Wtia2KxGP2eFgyy2QavmqdIS61oBJ+9dVXQW0qxqqI\nSEo/pfnt7a2Pm/men587r9VAEaNBTSaToI6WWabAnrqEoKA1STO+SGj9Gw0vY73qRgstof18Pnc5\nQSb1UKt6glAiwiQajYb9y3/5L83sUUmWy2X73e9+F9BF5Zjn3rx54+ND+RYKBf8M3aY1SpDTWq2W\ngNdMp1OXN2ToxYsXgXGJPvh+sVj4uuL77777LgjvNcvWA3LL+LUSPePHyBHzBloqUI5etpkvv1cQ\nBgUFocXIjT/60Y/8kK9IhHFtvNVq5fOkL63jxfooFApOawV/oF81PGl9NrNMJng38lQul/0QSmu3\n285reDCdTpOLc6PR8L+5UB4fH/s603pdjFmBGaAz71XkM71oxXWo2u22055/Dw4OgsMq+4MekriE\nwOvNzc0gLN4s4xFjVJQ7fsMYtra2/Dcaxq0AIGYZvxi/9hGHiF5fX/v3yNPZ2Zmvf8bSbDZdBtEX\nr1+/DhDxaHoAMwvrx6lhKb6sah0c9h0FvmHtnZ6eBkBAzBG+w9ejoyMfM3LQ6/UCQC6zTNZiIIBe\nrxegs9F/zLfLy8vgYsp8oC+ypoALemD+b//tv5lZxkvGinFG90PGcnV15WsD2n/22WdJSKKCUmkd\nx/iCZfa4LyGnCobDZ1dXV04j/v3uu++cllobEf7Dy0aj4c+xbvXsoGHeyLGeF5gv+/nbt29dRyra\nLWNFDtrtdoD2a5bpJM4dv//9780sTHXhuXK5nNQ8HQwGzhvOQKVSyfnOWtVLuF5oeE7REGMHxSef\nfBKcswmV/cf/+B/7uOLQuvfv3/sF9qn6Uay97e3toA6tWVh7kn7H47HzTg188E7P8tBNDSPMCbnT\nWnusm2azmQA46W+QTzV+8I7hcGg7Ozv2b/7Nv7H1ev0Y3y0tD/PLW97ylre85S1vectb3vKWtx/Q\nPhjmN51OrdFoJFDWZo8WGqwRL1++dDhIbtNqheKWt7297ZZ43Mez2cythljLDw8P3VqkMJ0xyMV4\nPPabN7fLSqXi4+O2v1wugzpEZpn1MIaHHQwGQTiG9m8WYthjdalUKm4x1zoIcb2Kcrkc1Lsyy27O\negM2yywJeLAYQ7fbTazj+rfCksYWrna7nVgxXr586VYMLI5YX/S9T9U1UI8DHqJareaWLrWMqgWJ\nceqc6B+LA9YPhfHEonRwcOC/UfetWl54H/3hBRuNRm5x0Ho5WD+Q48PDQ7fEqPeQsEJotVqt3PID\nz9vtttOg1WolSZUXFxcJnPbd3Z17Wf71v/7X/lvGr8AdWJPU2waP4a+uV60jguWN9fXnP//Zf6vW\nOYWhN8vWA7+Bbq9evXKeQNPhcOhjRU6Pjo58XFq7C15rTTOthWGWWfH4G1po7SkNy4N3SgPmG4OT\n6DzUIs48jo6O/Huli4apmGXyAl0U4p+5KTw0/CV09e7uLgDLQAfx7qOjI19DGnIYJ/1ruQcFQUH/\nEt4xHo8Tb7pZCBFtlskLMq+1kdClyOx0OvWxYO37+uuv/TPCNzSUDL2nYa3wRte/jimuR9ZoNFx3\nay0m9DHznU6nyWer1cp1NLzZ2toK6hDRkOM4Wdvs0UKspSo0eR5Z1DIh0FI9mPABGWo2m64XNTQK\n+iooCmtPw6PR1z//+c+d1ni/379/7zyB5upxVNCPGGwmBtXht3Eo/Hg8djlCH56fnwdWYPpnHShE\nssIf01dcokAjGKDp7e2t94uOKZfLvkZ4rtlsJiHxz58/d32iezS6Ty3icUmL5XLpzyGzV1dXSRpC\nuVx2GmjNOHSbnnEYKzS4urpy2VMQDkKA0RHn5+cul+jAu7s7D0NXYAned3Z25mtJ92NkT0vUsCcr\nXdjX8Ubv7u4GdcPMsv0a2WENf/PNNwF4i1kIlqGQ8byHz9rtdiCrMS1ZC/V6PQAFYT6MWUFW4uiC\n2WwWhAGaZZ6kOIpnf3/facTe8vDwkHiSj4+PA71plvFaowHMMllE3jQqJE7t6HQ6idelXC67nkOf\njEajoHyMWVgKgD1iOBz6en3//n2w7uEDfbPWLy8vk/p37XY7Cf3b3Nz0v1XXK2AHz0F/aNVsNpPz\nerfbTc42Wn9Rz9ZaEgkaMAZdj7yP853WUNX6YBqa/1TLPVN5y1ve8pa3vOUtb3nLW97y9gPaBz1T\nq9XK7u/v3aLDDff169eBZcAsiyvF+sWtfGtrK4BO5J0UgeMmuVqtghu1WWY95N1YXd68eRPk45hl\nt0dulxoDzo2f7/SmrslkWDo08T62Vp+envq72+12UJCTd6vHgvdgFdF8K01qNsusPOQJaB4atNGY\nVCxE3LDL5fKT+TbQi/deXV35b4ARnc1mibVluVwmliT1OKnFIS5iqVDbWFgU4IHPnj17FsSnmoU5\nM1gmXrx4EUCE0i9/azw18qTJ3/BaQR2gnyaOI2P8+/Dw4PzVBE8tigttGQuW1rdv37o18PLy0sdI\nv+fn5y7fGkOONQianpycJAAP6l1kLA8PDy6XWpQzLoBZqVT8tzzXbrcDWFuzzDqmye/wARnU4p7I\njs5DcxH4f1xN/OrqKoE37vf73p+WLeDd6gFg7kpnhYg1y9YF71GIWmQLvpZKJfdc8o7z83PvT2UM\nWqmFN4ayXq1WSSFXzZ3Di6u5OoPBwOlGkfIXL164VQx529jYSJKMK5WK98NYWq2W85O5FwoFHz/8\nmM/ngXfHLPN0IPs6PmhD63Q6rh/QO+VyOShDAV00H8cs0wOMH+/7eDwOAFQYn+ZU8ZzCrkMXdCl0\nvri4cPqxFr755hsfM2vg+PjYLauaD8xzmvvFb9TqHpeg0Jwy5l0qlRJ460ql4t9rfgZrAB6dnZ0l\nRc/39va8YPXd3Z1/rlD66HB4Di/MHnXR4eGhr0NtfKZ7JPoJHa77mOoT9dCYZXscXgXe0Ww2k/IG\n9Xo9ySscj8eub/husVh4zprmoSInyPu7d+98LAq/TmPsb9688fewZ87n86RAt5YR0FzmWH/W63V/\nN3v5ZDLxOfGdyhO8vri4SAo061kE2X7z5k0QDWCW6cIYwGNvb8/n/OLFiwSA5le/+pUD4vCb9Xrt\nHgtosL297fRVABL1NEAj6MVnk8kkKcarUQjI02g0CoDMeA59yVg2Nzf9PeTE/uxnP3Pdp/3quc8s\n45sWPuY79cCZhbl6zLvVavlzvEPlXb3DjEWL4iIzv/rVr8zM7O///u99/2JdbG5uOk3hwXQ6DQCo\nzLKzAfNkjjs7O0nB5+PjY6eb5kdBP+Z4dHQUeID5G51/e3sbyJSZ2X/5L/8lgPk3y2QWWus+TNSF\nApYwbgV9wNuuOAUKFMbc43lWq1Wnv0bBaVQG/GAPYq1Uq1XnO/Ot1+sJoJlZGJX3VPvgZWqxWARJ\nxExekWeYfLPZTFzr33777ZNKUpPCzLJFgGJiwupW47vZbOZ/ay2d+AB4fX2dKI+trS3vDyHr9Xr+\nG5iu1a4BjvjRj37kym80GrniVSAL6ME8V6tVUgNIk/5RFJ1OJ0jONcsEHGFAWOv1uh8+GfN0OnUB\n5kD/zTffBIrBLFMU8Qar1anhm16cUABa/0RrnTCGGDnO7PHirOiAHGTPzs58IYAsqInh0GwwGPjC\n19pibJj/83/+TzPLNqOPP/44mNtqtfK5o8wLhUKwOHiODU5rizAGkjFfv36dHPZ3d3d981CkLX5T\nKBQCxBmzELFLq7Ajv8jGdDr1saJYv/nmG5cFrRUTI4XV6/Uk0VqThfWiEKNgvn371vkIDbRGEZdV\nPZhoOGh8OBuPx0FIGvNFtvUSHycqj0Yj709RQjHYcAhVlDv4cXZ25psZND07OwtC3MwyfinwCPRj\nrbCBqXEm3lT172KxmMytVqu5TkAOdK18+umnfqng88lk4uEzGprC/Fhz+/v7CRDEfD7332jCdZy4\nu16vnf98dnp6miCP6eVcD7WK4sfzca2b/f39oH6HWSYHzJPDnNljaKAaQbSWnFm2ZuI13Ol0XMbQ\nDVtbW84H1spoNHK+oiu13g/PaV0geD6dTgN543mtdUVjzFq/LA5DnkwmvjbhfaVS8Yu9JndzudWQ\nLEW81FB5xozO5T1HR0dJSLeCJukhBJlgzHrxgw8K3KCh8Ohf1sPe3p7/Bh1TKpXc+IXOur6+drrq\numEN096/f+9jZZyLxSJJ3Fd+PAUsxH7S7XadbtB5OBw+2YcCyjBO6KIh73FNnn6/7wZM1u10OnW6\nEO61s7PjtIS2m5ubrpcUBCYOP9W6Wjx/d3dnn376qZllPKcfRaDTlATeDW8UOIiDM3w9OjpKwqen\n02liOK/X674OeW5jY8PXEnpqMpnY119/7b+BH7HhtN/v+9pEx3z77be+5hSFU8PUmA+ypSGbMdDT\n/f2985/PtF4mcqLz5N/7+/sAGIe5cb5DT21ubgbGT7MQDU8NWrFRUEF44Mf19XUC/lQoFFwW4OU3\n33zjcsdZ8uzszMNGd3d3/d08V6/XXfZI47m9vXVQDebb6XRch7PmZrNZUEcvpp8CIGmdN7Ps4od8\n6FmZ9Qev7+7ukhpgX3zxha9D6FKtVt0oh34cDAYBKrhZJqfQhn7/b1oe5pe3vOUtb3nLW97ylre8\n5S1vP6D9X3mmyuVyEobW7XaTJO31ep0ARqh7WUOwYkj2UqnkN1O9KXI7xlqiSWlYlxQuE4uHVg7X\nfuNEUPV04W2aTqfeB1aB5XIZhBphzWBc0+nUrUm4Qmu1ms+T59frtY+RG/vm5qbfxjXsjs+gwXw+\nd2sQczo5OfHbu8K5Yu3A0/Xpp5/6PLFkav0grBl7e3uJW1ZDMPgNlhuzR+vCfD4P4Ht5R1wDpN/v\n++/pa39/32VMk1iBy8ei1Ov1/DkNsdS5mIWJ2QpVzRiwgqnVVfvls5/+9Kf+29hbUavVnF98p7Ws\nVqtVUiV+Z2fHLSvIybfffuuyivVwa2vLeaiWaa3VBM3jJHhNvtdaQawvrFkPDw9OI9aP2aNlU8cM\n/TX0NPZIXlxcBFDiZpnc81xsKTR7tEwWCoUgcdosBHOg1Wq1JBn69evXboHnu0KhENDSLJNxrRFi\nlvFLYfehFTTS+TB++KceIdWBWL14x83NjYd0AEShtGq1Wr6edW5Ys1kjw+HQZQKrYKFQSGpiNBoN\ntwYjV+VyOYC1N8sszljeFEofbxaW0JcvXyblDRSOVuvqxMnc4/H4SU+NWmjNsjWlpSkYM/2p1yWG\ny57NZv43a2V/f9/lF9n+5S9/GVjqzTKdxLjg4fb2tversMrsHcikepfYF2ezmfNdPXbwQfck5A2d\ndHJy4rpedZHywSxbl+w1FxcXCfCAeoeRxR/96EcJLHuxWExKnphZYjHXemq8u9fr+Xgo1/H9998H\ntWSgm4IumGXefg2zgvbIGLTUMwKefwU+4blGo+Hv1vBm9UibhV5SLQ+BfKr3HRoxvtVq5XSmtdvt\nIHHfLNSVCpEN7dVir4BRzAOvDJ6iy8vLJHJiMpkEOtcs2w9Yy+xPH3/8se+Vk8nExwU/arWarxuS\n74vFou8tcViz2aM8qZdcgb5iIIhqtep8QK4ajYbLEf/qWkL/aCSJekQ1nJnvYlh9jTjivY1Gw2mA\nbB8cHCR6bLVaBZE/zBc+wYdOp+M0V72opSx4h6apMN84tP9//a//5TKtEV4afmqWybZG/kCXOLRf\nS8YoPxRAySzjKfL08PDgMgi/tJQR9NNQWPbDo6OjAKDGLAz9ph0eHgbeZ56P64JpNI2Ckv33//7f\n/T1m2b7OeVND8ZAF9cTSHxERu7u7CTT6YrFwPYFsK8T/X2q5Zypvectb3vKWt7zlLW95y1vefkD7\noGeqXC4HSWm0k5OToPCZWWZJ+MUvfmFmjx6RWq2WQJkfHx8Hcexm2S0zzgcaDoduZVFLJv2SU3Bw\ncOCWHy2YGCdrr9frAB7ZLISyVghHntPCmnghTk5OfFy09XqdwN9ubGwkllW1KikstEI/Q1OFVjbL\nbtpYMen/o48+cosEVo/NzU23XGBNubq6cusZVvJ3794FFc0ZJ/PQBPQ4B6dcLrslgbmpZQr+Hx4e\nJoXXjo6OkgK97Xbb8wW0YKomKJqFcK6axI6nSYtFx0nzL1++DLyBjDkGpdCkRKwRaq3GOnd/f+9W\nI+RFi6NeXV0lieyHh4c+bqw9v/71r12W+ezh4cEt0lhWtQgjliaz0NLMv4xVk/njpE9NjFcLJzKI\nDBUKhURmNzY2XO4UDCWO2+/1ekEldfrA6sVzi8XC5R2Zff36tVuX4FepVHI5oq+Li4sAEtkskw2+\nR9Ymk0ngHTHLrJtxwb83b94k3o/VauVrhL60eLcCpTBmeFUqlXyejOXh4SHwVjAnLGGnp6f+N3yd\nTCZOa1qz2QwKRpplljry7JCrarXqcqkJvLEHbrFYJDlz6/U6gPSFBrznKX1Nu7y89D6Q7cVi4bRR\nz5kCQDBO+tMiisgOuqZQKPg8FZQEzx568fj4+EmY5thqrPLJOhsOh4lOfSpZW0saQAsFpUAm379/\nH+SpmYVePMbXarUCb4ZZ6Dnf2toKoLrNMv3EuOF5r9dL8nE0l4953N3dOT8Zq0YcKHR3nMul+yvr\n7PLy0vdN3WuYEzxcr9c+FuapuTVYwYvFYuIh0GgV9b6y5hSUCjnSnG3GhYW91+t53qvmo0IjBaLQ\nAtNmYc4JbWtry2VB56bFVc3Cgt+a+0vT/Ffop+AJ7NHkD797987H8vLlSx+rFj3G44Pu6/V6Tlfk\noNVqBXnHjIv3aASAehDMMt0cFzFut9tu+YdfmgvHe5vNptNB+RXDh6unRtdm7OFQ2G9kdj6fJ2AT\nCq/NPHZ2dhJP3FOlEQqFgntq4c3BwYGvPfYaLXrNd5qbpOcGZFtz2PkemZhOp4EcMQ/mqXn3jEHH\niZzN5/MELGU0GjlNyG0/Ozuzzz77zMwez0OTySTIVTTL9k/0HOPv9/tB4WuzbG+IwbXMHr1LGjVA\ndAHepc3NTfv7v//7oN+PPvooyOWmL+b2m9/8xp9VryLP0S/01ULOf6l98DI1n8+tXq8HoXJmoUKH\nERo2wOS/++47Z65W5tYqx2YZEAHfK+oYBOGgfXV1lUze7NENrOElCAPMWa/X/lv6UCQgFm6r1fLN\nns+ePXvmjG+1Wq6YEB5F7FJXM01DF+LNqlQqBWOElowR4d/a2vJDA8+fnJwEB36zTKhj9LVarRbU\nKWAezI8wCk0s1loHvI/5as0rNrput+tzR2kNBoPkYFosFp3/0P7g4CBBvJrNZkmy+eHhoaM50b77\n7junKXPrdDpPbpwxIpN+j4LXQzLz/v777122FCSCzQPeL5dL34gVGAU+3NzceHiMhuxpCCRzZ6yq\n6HiPHn6RE/ivoBRaDw050lohGiZgll14UI6M/ebmJgnV2tjYCKqum4Vhb4zl5ubGFRiXw5OTE6ev\nXiw1rMgs2wyggV6W+A2buB4eoaOZJXTe2Njwfvl3Op36BsGh7+DgwA+KGH0ODg6Ci65ZuNHppgaP\nmM/Lly9dJthgX7165bLV7XadNxp+yKFBD1G6kTOnuK7NbDZz/aQV62O0LA2Z040iBtLR0B902sHB\nQRI2VKlUkvo8u7u7CXrUarVKaq01m03vA9lZrVZJ6N/5+XlS82o4HDot0WO7u7uuO9A7yn/a3t6e\n/df/+l/N7PHyO5vN/N3Ka/pAJhUtTQF6GDPPLRaLpHbL9vZ2EtLz7NmzAByEebCGv/zySzPLQvYY\n3+3trcs8l4fZbOa/h/+Kgsg8NzY2fE6qL5BBrb+EbOmhO07wbjQagX6gEdoKDcbjsetrxqQXBGTs\nD3/4g8sgBqVmsxnsc2aZvovX5tHRkdNI93rWuAJbQH/oUqlUAnAZ+o1r/J2cnCTAAlq7i3fM5/PE\noKyhhOi79+/fB+Fn2pfOdzabeR8YDN6+fev7tqInIk86LvT7H//4R/vf//t/BzTqdrtJ2FO1WnUe\n6wWGsWlaQwxUpWjOrFs1FGpNMQ1jNMt0vV6smAdyxDjPzs783YqAy/qCr9VqNUHB03Oizo3xIbv7\n+/uOHkjtNg3VhvaLxcLXIc+NRiPfT6DzfD53vvNvtVpN6tttbGz4Z4Q/Pnv2zOeh4Bo0BeGIgeP0\nDIEBulqtBvIer5G3b9/6xQUZ+uUvfxnU6jPL9hA1epll+joGfVNwEEX4RE4wbqlhn+/ev3+f9KH1\nXDGIHB8fB+iB9MtneonH+KB1uuAhnymy7F9qeZhf3vKWt7zlLW95y1ve8pa3vP2A9kHPVLfbtbOz\nM7+RamhabMGsVCpuLVaXY2zp/v3vf++WSzxOaq3QW3Sc+L67u+u3Wg3foz9uyZqQp9b3uIbK/v6+\n3z6xtPR6vSBsg6bWPg1ZMcusKNyeubFrOAtjWK1W3p+6FekHS3ir1QrcndAZawvWO02qh27Hx8fO\nLywXuHS1j6+//tpv9wpbGiegmj1akNS6reFOZpnlIfbodDod96ZpQjGWAfj7+eefu/tWQTjwGjAm\n9ZIo5DYyyHeFQsFlTGFuY8/ZxsZGME+lo1kIR4sM+3CiHQAAIABJREFUQu/PPvvMealABdDj4uIi\nSEI1Cyufw1+1tiMTComMJ6xQKCShMI1Gw61PyESn0/G1pOEFMShFpVJJwig1RBQanZ6euiWM+Tw8\nPCRJ+u122+UcWikogVoNY+vScrlMQtgmk4nzGAvh/f19EiKiVlcsaL/+9a99DNBeq79rHTTCgLBG\nDYdDt4iyzqfTaQAVDW1jy2mtVkvqJWn4o65R2ng89nfre1gPeJkeHh6ch/ShsPX89uXLlz4urNSV\nSiUJrej1ek431tfV1VVSn2+9XrvOVR2oYzDL+K9V6RkT8qu1mJgT1r5isRiEEPJZrP81HFDXsia3\nm2X8pT+slWaPniv6GgwG/pzWForDSzU0ScNl43WrNU94R7PZdL4jB9Vq1Xmk4WUaqm2WeVpZN8jM\n5eWly2+r1UpCNc1CDz304z3waGdnJ1lzDw8PPhdoPpvNXJ8oGAENHm1vbydhnuqVU5rDdwCcPvnk\nE38P3pJWq+UeKa09w3w1dI53Q/Orq6tgHzYLAW00tB89gpfs5ubG5RzdsFwuE907n88TGOx2u+3P\nsR77/X5Qxw3axl7cZ8+eJekPrVbL1xn812R95L5Wq7mMqWcM7+H29rZb4NVTH9fdvL+/dzniPaPR\nKPEGvn792vd1BXWIgUXq9XrwN3SLa+ipVwtZG41GTiONjEJ/8dz5+bnzRCMe1CtL/3HtyRcvXni/\n/Lu3txekqZhl6xV9DP22traSCKXj4+OgPINZ5v1gzelZDZry/PPnz52fGlHC3KCFgqHxvmq1mkCQ\nK4S+rmn2XOSp1Wr5b0qlkq9x+DuZTJLaqI1GIwl7LxaLPifW67t373xOrIHFYpGkA2hNOeZ7fX3t\n+ku96vT7r/7VvzKz7DxLyCFzOjs7S/b1TqcTwKnTh0azmGV7BPR/CiDpL7XcM5W3vOUtb3nLW97y\nlre85S1vP6B90DMFTHBs+T89PU0somqtxAoxGo3cYoI1YDKZeDwpN7+jo6Mgz8Isswpxq+QG/u7d\nu6SiucaVK+SmVhE3y27G3NCxQmxsbLhlBeuC5m88FXO8Xq8DwAY+gx5YW1qtlo9Bk/rjBOVer+d9\nY8XVPtT6xY1aaY9lgzl9/fXX7onSfKA4abHf7ycWnZ/85CdeDFfhhrnxM/bpdOr0YOxqSYbn0+k0\nKfTa6/XcmqHFPckrgdfHx8eeUM77NLaad9zf3/v4offR0ZG/B9l9quDneDwOEvfpXz1SfId8Eqde\nrVbtt7/9rZk9Wufv7++dBn/6058Sy/XZ2VmSy1coFBJLqAIGsG7UG6QeIvrD2rtcLp02fHZ6ehp4\nGugf2eK9Nzc3Lk/QYLlcJrmGBwcHPn76V1hSABC+//57H6sWGo1h0ofDocuYQtmSJ6KJtFi1KCB4\nd3dn/+Jf/Asze8yTOjo6cs8eMqbx9pr8jTdL8yjgNTIxHo+dN6yB/f39xNPZ6/WcvwowwBphvgrg\nc35+7nIGr58/f57werFYBNY93se7FaKYtcZvh8Oh61L0ymq1cv3AdwrFjUWx2WwG3gezzNrKPJnT\n3d2dj1nzS2N9PR6PnZ+aKxavza2trURf1+v1xBtQr9cDuH/mxjzxBKvnROWOpjm4zA193O12A0+D\nWZa7FFvYtSwBfWkhZ77TPD8tpsoawDJ+dnYW6CCeY31pwjdjvb+/93Wq8ol8MDf1mGqeF7xRzzTj\npylQDfPUPFo8SvV63WWLvn72s5+5nlZAA7yGPPfVV1+5p451rfss7ejoKNgfYrogu51OJwG0ODg4\nCCIReI7xoUMajUaQF2mWrQtkgjmWSqUgCoUxwWsFG4BGRGJokWqen0wmCVCJFr1mXdRqtaQIsBaG\nbbVa7vXiNxoNAI1evnzptMETMxgMnP66Bjgf8L7hcOi6Q4vK6v5FY61D51arFUQBmGVyFQNzVSqV\nJO9pc3PT14gW4429mpPJJMk16vV6PhaFyFdIbMbLc1r6gj0I2r569cp+9atfBb9drVb+G9Ud6Kw4\nl9Es9H7GhcFVH7NGK5VKAk6lQDqaLx0XVv/iiy8Cb2TsDSwWiy6jmgcK75D3w8PDwMMJTeETcnV4\neOheL97baDQCADi+Q+fxvs3NTfckMadf/OIXiVdWdT006Ha7CQ7B9vb2kzDtcZSE3oH+UvvgZerq\n6iroEGVUq9WC5Egmoq5oCBKHtR0fH/tmgSu+2+26MoXQ6tLTkCKUGgui3+8ndTz0gqKhLHH9CE0Y\n57lqteqM17AcFqp+z/sqlUqwSfEcwsBvK5VKshkUCgXfZHlHr9d7kr7MD8VzdnbmCwpmt9vtpC5Y\nv993muuFh8VB/+Vy2XmiCahaE4f58PdTYZSKrhPXKOh2u55MqXUJFPDALJM9NgjeNxwOfSx6+I1R\nGlVxK6oPlwv6ULAORZ2DHiymUqnkIal6kWVRajV2lMHx8XFSE0kP9PBod3fX567he/HmVygUfDNT\npYX80u9wOEwAAwqFgisVaNloNJIk6OfPnydJ6fV63WULfoxGI38OfnS7XdcP+jxjYL7r9TpRiDs7\nOz4nTf6PazopaAr810uhHjI1VIbn2MDY3F69euX6hvfO5/MEcbHZbLpM8ZmGFzFms8eNnxDVjz/+\n2J9TtEHG8v+x9y7LjSXJnbcDIG7EjXcmL8nMqqyqLnW3qlWjlkZmmteYN5iNHkCLmc3YrLTRTku9\njUymsZF1S6XuUnX2JasyK5N3EgBBAAQIgPgW5/t5/iOCmjQrm+XxDWnAwYkIDw+PCL/8fXt720Ob\nePdisfDDgIapwFfVA7xT0RKRIzaUnZ0dl7HHwmPZ1LrdrvOSuS4Wi66/eH5tbS1BwXz79q3LBP3T\n+lyKZMhz6Netra0kROzy8jIJwRgOh74GkInb29sgaZ2+a2igWSZ/MVLhmzdvvF96QEGfMDatWxgf\nUPie5+OLWrfbTS7T4/E4SfSezWaeFM53igTHGu12uy5vGlpLn3u9nl960WNv37599FIW13FTVC01\nBMbgSmrYYT7m87nzXENFaRce7O3tuf7nIHl8fJwgbSpiJKSXOA0pjg/Jo9EoCdU9PT31OdRE/1iP\naeisAkYoMqJZpj/jQ+F4PA6AFswyOWFukLF2ux2cX+BjXFOqXq8nh9Zqteq6RRFXf/WrX5nZ+9qI\nNzc3HtqnFxM1ONAee1uhUPB9ED7f3d35XgRpXTCtc6forPBI60GZZfPFPDBvzWbTL4GMV+sfsdZW\nV1ddLyJrCoamAGlc7FRnxfru8vIyCK1mHJxF6ctyufTfKNrhT3/604Av19fX9s033wTzMJ1O7auv\nvvIx0QYywb5Yq9VcZzAHg8HA5VhruCFj6HyVJ0VwhrTOaWxAPTo6CsDXkHPmfH19PQlnN3t/Tmde\nz87O/NKtwCLIAmvu8vLS15yG6iJP7OEnJyf+vYIhIefI9q9//evAoGOW6RPknb58++23PoeQpt0g\n79VqNXCs8Bzf/0eUh/nllFNOOeWUU0455ZRTTjn9APqgZ2qxWNj9/b3ferWWElYWhRTlf3XpcRPW\nit9xaN3p6anfstUbwI1UQyewSGDxmEwmfuPX5P4YgOLt27duYVPvEJY6vBYKH6keCoW55laPZe32\n9tbb4wY+GAwSoIXRaJQkkTebTbc68pzWA+A79aJgeW61Wm7ZUOshN3V4tVgs3NLATb3VaiVVp1+/\nfu3tavIyXi0Fm9AaMXwX13ZYLpcJzLyG/qiFSqFu4SPWSuTp4eHB30cI4GQy8T4zR2rB1PoszDXz\nrxW6sXitr697XzX8Tr2QZqE1VUMPsdh8/PHHCUT9YrFIQhKGw6Fbd9StHXtbr66ukqR/rQGk1qA4\njHI+nwdWTNrHO8KY6vV6sP4Yk641/vI+rTNGX+FLoVDw8DhN4I/DS1qtVhJu8fDwkNSe2N/fD8Kn\nzDIrHrKqybPx3GxtbSXhat9++61/z/p48eKFW7iQe5U7DVvDEkuf9/f3/Tn6OZlM3EoIn6fTqcvs\n4eGh/eVf/qXz2iyzyjEm5khBEOjfmzdvgrIRZtm88R6F2lZdwHxgqVMoc/qoIVjMP/J3cXERWK7N\nwpoi9GU+n/s4+ExDMNG5WqoAeT44OAhqCdJ3DT80y/RsHL7Z7/cTuOzlcuntqtcqrqE1nU4DeHaz\nbM7hPXpWa9nw9/LyMijFwDti79disXDea106+s/89Xq9pIwAofdmWQI9z6r3kLEjY7oP8z7VzQoB\nz/+6buAb3z179izxYE2n08BjRvvwQUMK0XfosX6/7//r3hpDqGstG55jTzILa6PF9SPL5XJQ68Ys\nk6vYqzEYDFz2FZSCz3R9wGeF1Wb+ld9xNEW5XPY51FpS/EbPIrTLHviYTMxmM7fUK3gWvOr1esm6\n6ff7rjuQOy2XwJw3Gg2PEGCPvL29TcIeV1ZW/DNNV2BMyGKj0UjWzerqqv3sZz8zs/ce/cVikYBI\nXVxc+NjRDbPZLNFZ29vbAbiFWTbnMex7p9Px3zLuer3uY2L+//mf/9nljOc7nY6P88c//rH/9rFy\nEwqnznjQm7qv8Bwe6kql4l5cvD56VlJvGvKBjGkkC/Oi9Rf5Tj3dWt5Iz9zxWtNUHQ17Z76QwXq9\nnkSclEqlIAKLceKNYx/WWqYK+hODTXW7XZ8HjZKK64ItFgsHvFF5QSewBvT8ryUB2BP+I8o9Uznl\nlFNOOeWUU0455ZRTTj+APuiZms/ndnNz41Y0zdXglsoN9vj4OIEeVm8KVoFyuewWEbUycVtVa5pa\nLM0yS2ucc3R4eOg3fvpZKBS8XSxAg8HArQDcMjX5m9tor9fzmy631aurK/++2+0GOTD81bwjs8wa\noEUp6UtcUHFlZSWpTq6x5rzj/v4+KSaoCfnKI/qlOSzq8YFXcUHVN2/eJIVStYAwlqROp5NUu9YE\nSsZYq9XcqqBJ3XHx4Uaj4V5FTZakf8hav9/39ymMvIIqmGVWPKwKeEZ6vV7glTHLZCz2Hqk1nTkq\nFos+dixAxWIxyd/Y3d31vqysrDj/4a/mruDVqNVqCaSoFgRUS6MWVzTL5BzZp69Pnz51i48WLo2h\nndfW1hKr9v39fQKuUq/XE2trq9VKvDJra2suO1jTHh4ekiRiTapVGHEt6mcWgo2wHt+9e+ffE5Ou\nFdyRiaurqwSmV/uqngnkDZ52Oh2fT/TJt99+mwAuLBaLxOv27t27BCDh8vLSeY7FcXV11ef19evX\nQbIvYyduH6snUQJm7+drdXXVYeN5393dnfdbC4jHpSw6nY5bq9VTAN/UesxcYxVeXV1NQDqq1WoA\nUGKWyQ4yyBgXi4W/G94fHR251Vv3kzj+v9lsBgn7ZtnaUlAAs0x2kR0FyIlLWmhEAXz54osvEkCb\nP/zhD24557mrq6sEXOPh4cF1NPKuJRI0/4W9jbXSbrcd3IY+dbvdBLyg3W4HBbqRaQB81Duqnt04\nIuL+/t4/01w3LWFgFgKGoMdOTk6SAq2rq6sJnH+z2XTeICfNZtNlkc/Oz899nPDlo48+co8I3zWb\nzSSf6ebmxvnKd6VSKSgBAU/hFX0+PT0NohSYI+ZQZZv/FYBAIwTMMnmHl5qPpvnH8FS98rSr+UzM\nh+bgMl4tZUK7j61vzUnhey3xwLvh3+HhocsedHd3594i2ut0Or7+1NsWF94tlUr+veZ08hl7fq1W\nC3Lq6ZPupfD0l7/8pZm919ftdjspAqs53ZrTF3urCoWC81rzWRUAhOfj4uhv3rwJonLMMr3H/8jQ\n2tqag3op4A3rQr148EN1ErqUz7ToueZ04kVDV/Nes7D4LLxHRyigxe3trbenegy+sb/+5Cc/8T5o\nvnfsMVX+KtAXOkajuBg7Hi/N1VMZQwehNzc2Npzn7OtHR0c+Dub6sTIimm/JWWhvby/JU7y9vU3K\nSMT0wcsUicG6MZhlC5EGNalPEbvM3tepMnuvmNbW1lwRM2Ctig4SnSLZwMxSqRSgs8AQnoNxk8kk\n2bBrtVqgMOmzotGYZRPM4kVQFEO/2Wz6WLQmjyIY8hsWnladR8hpQy+SmnCL8OkBhQWl7tG46nyt\nVvODmCbQsTh4x8XFhSsuDmRra2u+EepFJ25X6ylpbST6oOgvGmbDeOgXPFMkME2ujA+w6iKmT+rm\nZ/MoFAr+vybraqVws3CBacI1yhklM51OE5AIDbdQZDESKBeLhW+8tPHu3Tvnm6K+xSEulUrFFYPW\nKILXjG0wGPiYNPkS/usmFINqDIfDBD1qMpn4mDTsjv6hXLa3twMEO36robD0MwYgubu7S+qWKDgI\n/K1UKq441d0PrxXlCDlS9ESUM33++OOPva/oMU0ERqkOBoMgkZl2mTcOBbStfK5Wq0FYiVl2sIR/\n2ud/+Zd/MbNsM/jTP/3TgB/b29sJ2Mh8PvfxaXgP8gbymdZO0RCiGLWoXC4/GjKl9crMsksDISZq\nANDQW/hGv9A1JycniW5W4AZI9xiVO97NuK+urgKkKLNsX2F9Kaqa1jUyy9YHOgO56vV63lcF44lB\nJPb3990ApBfK+BC3sbHhsqP7XayzyuVycmB7eHhI6tbs7++7HlDjAOusVColIaRXV1eJXA4GA+cb\nOmkymbhM875CoZCAryiYiwKpxAhf1Wo1ASDRcbJurq6uXMYUeIn+I2sKQKHrW1FQzcJ6bxqaRP80\nnBoeaE0uSBP2mQf6slgsfK9En9zf3yeh+A8PD37I4yJYqVR87Py2VCp5uCjnoydPnjhfOCPMZrMA\n2c0su2Si2/7zf/7PZpaFvCGrGKqn02kgY3oZM8vmn98oWAN7DPyoVqtJKGS73Q6Mz/Rf0ZTNwto+\nCpDA//BAeaPGVOZJjXMa9m4WGpSZt6dPnyYG1ouLi+SiMxgM3CDGbxWBjvlotVq+/kkvGI1GzkvG\nMR6PfW+hfQ1N46IwGo38jMZzd3d3QTgb/EN+mZd+v59cZFSXa4hobCzt9XrOU/SAvvvg4CBBQVSg\nMg0LZ/6R816v5/POOKbTqfOQPb/dbgeXfLNwXlmjj4F+3N3dJWlDpVLJ+ctniqCLTmi3275ncElT\nEBY1sLHvoANrtdqjOkMpD/PLKaeccsopp5xyyimnnHL6AfRBz1SpVAqsdxo6xY0T640meGJd0Orp\n3N5/+ctfJlDg29vbScVyvUly26/Vam6RwK05nU79tqqWQn6rMMFYarhVqwWTW/BwOEzAC54/f+4W\nmK2tLbeE0O5kMvHbLLzS+kFYhQqFgt+KuflreJS6pLEQ0Be1tnMDXywWSf2YFy9euBVA3a1aD8As\nsygQdsTNfj6fe1+wOGjSp1ocYoAPhYeHV8pzrQvBb0giPDs7cysAvNrf33cZU69QXN9ELfZ8ppXc\n+ashksjpyspKUCvMLKwwr8navJv21RPHd9vb24GXKU6WbTQaQbgDn8Xhh+ptQd4bjUbgoYOn8FdD\nRWNLfaFQcPnGA6fVztV6yzzRvgIQsL7M3ssv61vhTZmPi4sL1wWqO9SDaBYm7iN3jUYjgTedzWZJ\n+OZwOPR24a2GnNLGYDDwNUWfvvjiC28P/mk4LdZZrbWl9ddiD8Z0OrVXr16Z2Xur1tOnT4OwErNM\nXmjj448/9v+xVtIPszDpmznUcLa4DomWD0AnbG5uOk+Qfa0ppmHBcQiW9oV5LZfLSR2/4+PjBIBk\ndXXVf6uhTlhCVe5iEAmFCtZSFHHyerVaDZLllRdm7+VkOp0G8MxmWVgT71EIcrx88KrRaPg4IYWM\nj0MZzd5be6+vr71f9EVBSRQaO4avn8/nLpfoTIWL1/Au1o+GOKl8xrXMms1msg9rmI+CTcXhlvP5\nPIHG7na73n+s3v1+3/nKcy9fvky8lEdHR94HZPLq6srbYH+aTqe+rjQEPPbe3N/f+5xofT36x7ze\n39/7/+rJ0rqAvANZ1LB65hX+KPCJgl3wHHMwGo28r/RPa/dou5CGSyLHwETv7+/7XCvYEQn3Wu4B\nPn/yySeJ12AwGPgc63rV+nL0S8ta8Fv0mEYI6XqGL/BXS5Xo2jDL9kf4ynrUEHEFrOIzQDhGo1Gg\nq8zCfUdL7bCuaF8jdjRMn/4zN61Wy6MCIPUaxykqZhaE2n7yySdm9v7c8fbt22St1Ot15z3zsba2\nlpwXxuNxEp6tIdZaa5W1iX5vtVrBGUn3FngVe4MVHAIZms1mLjvwbzKZeP85i6jOUu89pFEVcRqF\n9pV5HY/H7o3V9a+RMGZhhBXzulwuXWfrWuY37DvT6TTwoj5GuWcqp5xyyimnnHLKKaeccsrpB9AH\nPVOj0cg2Nzf99q4W57igYq/Xc+uHxkxzu9OYVG7K3M4Xi8WjHgwsLwoTjCVPE8HjgmWalK4F37AC\nKExr7F3Y3NxMwDU02bzdbrt1AkvMp59+6lYbhYLkN3gXtACixqnHlnqNK+avxpUqr+I429Fo5BYf\nrAKj0cgtb5oIrgVczcI8IE24i618hUIhKMIGafFPxoHMMP/n5+dJntL29naS03V6ehrkLNEP5In2\ny+Wy90G9Bwr3Cr+RO9otFApu1VZrWgyhP5/PnQfEb5fLZZdFLDH/9m//5u0ul0sv4KfyphDMZpkV\nKo7ln8/nQRFOs8zCGUOAYz3SNvr9vluf1Usa58wUCgWfJ9Zyp9MJCkybZTIbxynf3NwkMNjNZtO/\nx/uqOSRaZR0eaA4Y6wY5qVQqgdcbnjGHakFFj/C+ly9fel+0kKBa/MwyGYJXvK/T6fj6Yv2enp4m\nifnq6VSvBbxkPKPRKCnnoJ7O58+f+/jUYk9BSKxyb9++9Xci+1pCgXVWKpXcyoaeUi+aFsdljaO3\n2+12UDia71hXeA1UP7EutMi4lipATjTHKY5TZx3pc+rV0IThOJ+1Wq26dVwhqHlOQYfg3xdffGFm\nZl999ZXPiXrzWEsK/87/8Go+nwclBXg+5svu7q7zRvUoaxiazWb+GeP97rvvknyrN2/euEV8Pp/7\n+oKHd3d3vq75bGtrKwGCub6+9v8ZrwKyIJOlUsnlkn5pmQYtbBtHsGiBZt53eHjoMsZa+fGPf5y0\ne3Nz47LAODY3N5Pi7mZhwXXeQRtatDUugKz5ZbQxn899fWmRcv5HB19cXPjcqF6Mc5M6nU6Sb6F7\nrybtMza8348BaQ2HQz9PYJG/uLhIxlEoFHweVlZWEmj3+Xzu7bGnFYtFfw4PxmAw8P7Dl5OTk8Rj\nEgNemIUePT0bqIfTLCw3g1z1+32PXFFQrxh8o9lsBjn18DfOe9JzrOZ7am4TPGCvVNhseK2e4Pjs\nVavVXE6IRtne3nae8r7t7e3AI22WASoR1aAlcBQcAl5poW/6gh5gz5rNZgFQkVmmi9SDDX8UpEF1\nrdnj3u/lcun9UlCPGHp+Npu5rOp38T5cKpWCQtVm2VqOo4F0fIqJAPiORibRP9rVwruMsVQqJW3M\n5/Mkl3Q8Hj+a66tU4OFHvywUlv/zf/5P29jYSFxrmvTLBqEY9UxsvV4PEEzMQqS6x5KrtS4EA0Tw\n1M1L3zudTlID6PLyMkiWNcsEKl7srVYrqTOlCa2Q9kXDHhXxLMbiH4/HwSHBLDusaO0HxqQXQ97H\n/4ooF2Pdd7vdxDWsCxDFM5/PXahZ7LpxwvvXr1+70mNsKysrgfCZhaEfjFtrT2n4CDzQQ3ycvKrA\nAvy2UqkkwBfFYjFx1W9vbyd1pjSEhcOPhoNAClSitZQYp4bvMA/6WYycUy6X/ftqtZpUzR6NRoHs\nwUsN/zDLFjvzpYdzRaEzCw/T8Fcvzqy9+/t7/w1rrtVq+fcKzAJfkfFOp+OfMR8augKvrq+vH3Xp\n6zyZZUqSw4IiXsEPPewzXhTo2tpacvg9OTlJACMODg58XnUNsonGBwv9bDAYJJvCeDxO0Do1eVlr\nuMB7BbaJjQea0Hp4eOiXT61BFtcmUtQlvYSwdjUkClnl8rNYLBIgGA1n4BKqKJKMd3193T9DdovF\nosuqho/GB9jFYuH6VavPw1fa2NjY8LnWSzcyoTIJX9WYE6O0afI1OlARV6Fvv/02CenRQyiHlrW1\nNecp+mRra8sNaPD57OzM15cePOJ6WhpKjkzu7u4mNX50jTLGwWDgY9rc3PTQUN1LWWusw2KxmIC0\njEajAIkPvsXhQovFwt+toWJxyPHm5qbzg/fpHvPY5Vz1JnOtAE6xkfGxGlpaf01lnHWqh0P6TF9u\nbm68D2rQimsBLpfL4MJE/2KQC0X90300RjmuVCq+Rmhrc3MzCF3nvRoCZZbJO7KoBkPluVmIJtto\nNJI6fldXV0m9r/F4nCTf393dJQfYYrEYXD4Zh4IHMR+xLlKgGkKsx+NxkOLA37iW3cnJifdZa9/F\ngGDr6+v+mYJNqMHHLATXUFTFGAlUwwGZa11TevGIzydatwj+KQiD7nf0ReWTeeAMNJ1OvV9aw489\nFd6ORiM/E6Ar+/2+918B05jzvb29IBSd/mOUU97HtaKazWZSy1BD6xjTZDJJ7glqmNR9BbnUtBZN\ncYAfyA7vOz8/D8CoeG9cV3U4HAZGL7Ns3ehF2Oy9Qfmv/uqvbLlchkL0/1Me5pdTTjnllFNOOeWU\nU0455fQD6INhfpubm0GdIa12zw1Rw264DeptP4a8VUuXwkNrJW3aoj1uySsrKwEMsVkYMqNwidw0\nuVVrkh631ZWVlaCWlFlmVYlrKJXLZb91Pzw8+M1WK9rzmYY9xaAPZ2dngUUF4mauNTH4Hv72+/2E\nv/P53MekFrHYkzCfz4MEdfoce5K2trYCOG2z0AoF38xCcAsotiTXarWAR2aZNQVeY2EdDAaJZVJB\nLrDyLRYLt4RgNSgUCkGIm1k2X3FoxWAwSBLfDw4OnG9qSYI0vIz2sL4pjDjPVSoVn6Pj42PnIf1T\njxntarV23nd5eenyi3yen5+7l0pLFNAfBXDBsk1bcX0ys0x2mX/1gqr3wSwEPuA5sxDqnrbi2lhq\n0YUXa2trCQjH9fW1y5gmyNIX5OXm5iawAtPybvYNAAAgAElEQVQuMqYeFsauoDj0T+tSxIAbCufM\nZ+opZrwavqFWN6zzUKvVSvRFnBDOHKsFEJlQGOnYorexsZGs13q9noTWqkebthaLhVsakadSqRTA\nbptl3g0+w7qsYa/oqbu7u6BOFnx5DDBAE8DNwnpKCgSkoZJm2dpDJvBMaPkF6Pr62mVL9V0MLa+h\nSfBC30dbhULB+6oebMZL/5rNZmC55r2MTeGLkWnGu1wuE6AP/ur/a2trgaWb9cL6WVlZSZKqdQ7p\ny/r6uvNG60eqpdws0zFx2YLNzc2AN/Aj9uje3d0F4BZmmQyxl0LFYtFlEN5r/T1+OxwOE8t0oVDw\nvuBlPD4+9vHS1vr6egLTrXWVeIeuAT6rVquuC+DP6uqq94H50DBuLW0RgxypvPLZyclJ4H2EV3it\nmdP7+/ukXt58Pg/CT81C2HFNtKevGxsbLqNaYy8uebC/v+96ROVAo0DMwvMavNrY2HCdp+eieK9V\n3cxa0ggB9GKxWEzKOZhZEm6rYCgK5qKhxow3Ptvc3t56H9DrGiKo5150M89p6K8CNMBL3tHtdp1v\nGnUFafSAAsbQBs+y9jY2NrzPyNbW1pa3p3tIXC+rUCgE5zrmX8PG0VF6dtUwy/g5xlsoFHy+dH+K\na5ktFovgzECf4/qW5XI5SIUxC8FcNMqINQdfFIBGPWiMU+HmtSyIWaYn8PL/R5R7pnLKKaeccsop\np5xyyimnnH4AfdAzhRUjBkO4v78P4ErNsptwHB95dnbmN0luj1qNXZP/4jhVvb1ye1RITm7QOzs7\nftPUomxahNcsTOakDfUoafypFp0zyyxdWGX7/X4Q122WWQsUwMIss9RgBcASrzk0Wnldq9KbhfGd\nam3hhq65AVq4jefiXDMFB+Cv5kJozDkWAtofDodJPovGx/Ld9vZ2Esu9XC7d4qtFG/mNxl1jwdL5\n0BwDs0wm6PNjnhOef3h48L5oJfI4367f7zt/sTJeX18n1mrNhVLgEKx/WI/U2nt4eJh4iO7u7rw/\nyl+sO2ppir2jpVLJ34e8XF9fJ8mo+j5do3EO3sbGhq8h+rezs5MUT6xUKglEfbvddkuNwsir95F2\neU49XrGn5uDgwPmGLDYaDecVz2liuRZtjksoaK4W1s2YR7SBvKs3IgZ60WRehXOPyzmsrq76c/BA\nc8TUG6XWbGSQ30wmE+8r1vbT01Pvo+aGxrp0sVj4+/BanJ6e+meaExMXf9zY2Eis98PhMCkqPR6P\ng5w6xh7nUWghZ3iqpRaQAy1IrYA2zLUWbY5lxyzMF6Uvmn/KuOG/6nf+V4AWhRKG4rzhq6sr3xN4\n7+3trc814xiNRr6WNJcgBtfQdhVqn7GpB0X1P/x/zHus5QbQHTqHca6ZzqGWQ0DXs5YURIh+7ezs\n+PrTnE32Q/hxeXkZAOPAo8fyGZgT9RrGuVrj8TgoTm+W6Sf15JiFRVEVwEcLUdOGeprNsn2C92lx\n9Bi8SiMP1MMb50wWCgUfE6T5hQr+oHkbkHpWaV9zdRmP5ovybtZZvV53fmmB3vg8oTm9WvIA3ai8\nioGbut1uAiyhkT1Y/jWHiDlXUApd38ibgibE5zotGaJeI82fNgsL0moB5hhS/Pz83PPG4E+323W5\nw3NmlubjdjodHydrs91uJ17hVqvlfVB4ci0IzHP8Vj2ocekOLXPCPq85jFC73Q68/MwDvFouly4z\nfPbw8JCAgy2XywRAR7EGNAoqPicWCoWkTIuWjOEdFxcXPp+6N8dgPtVqNdAPZiEAHTphfX3d+4UH\nWEvGsL5OT0+D/OrH6IOXqZOTE9vd3Q3qZ5hlSCWP1WehE1o5GoHU5GkmHqEoFos+AXogi12X4/E4\nQGcyC13YGnpAu+rOhMEaYhGDOuzt7blyQchKpVJQr4r+aLJn7JJeX18PknjNMsGNUcGKxWJwcOV5\nTSTkM/rFZqUHBHigCdTKUwRTE5VjBaxhWRoCECOBacghPH0ssdjs/bzzfKvVShD5FCBBwxFjF3G5\nXPbNSl21MU+1RpEmV7PZK3hGnJivQCUaosji1foVcQK/hrUoiMBjCeVa6ypW/Fo7iTlst9tJe+Vy\n2Z+Dp7VaLQFpqFQqAfoVv9XwRLOw/pGGi9BXrVsTr9d+v+86gY17OBz6gVProcWhSZqk/dhh/zH0\nSu1zzCsFKmCtr6ysJBfU0WiUAOSUSqWgpgfjYFNjzWjldd6rGzF9r9frvm4J0+z3+z6m6XTqPNea\nYqxTlPxyuUwMCQcHBz43GjoUb0wqE7qJE5KoIA30i0vc3d2d6xs9rNAu8/pYaLXZ+wO4rgHkV8Nt\nNMzFLJsvnuO75XLpPNI6U6qbofiSpCGR6A5FAtQE8xhIYzweu65iHe3v73uish6SH6tvxG/5TIEq\nWAODwcD5zLgfHh5cdhRhit+qkUcPPPwPz1mXZmGoDvzSQ7yO2Szc+5hXHSdrZDQaJcBSmryOPJ2f\nnycHbEXQVPQ9BaMyy9a8GqbMHgcM0vpr8G0ymSQpB9Vq1d+n4dtaY8ssO6DGBqWdnZ3gwAlf9KIL\nITP0aWdnJ0FNrdVqQVgnvNf9lb7HwEalUskP0Rr2qyiMcSjUxcWF62H4q/s2cnJycuI8VONyvDbr\n9brLka7D+Pw3mUyCGoFmmU6K+ba+vu6yr+eEWI9peKleGni37oXMu54J47DW6XSaoEMWCgWXN02n\nQH/y/O3trc8hv9VzAO/Q2o2MsVgsJiBsk8kkQAo1C5F0H0s5QD92Op3AyEu7ivDJ2NSgqKky9J/3\nIGOK5s13GgqJPCnwGbKjaHnIKnqUPtB/5gYera6uuhwhQ9TCZSxmYQqLhv5p6opZJgex0V1DtZGh\n3d3dwEj1GOVhfjnllFNOOeWUU0455ZRTTj+APgiN/vd///dBSB+WmsdCUxSzX5MN+Q1WDw394aZ7\nc3MT1FYwy268Ggpllt0kY/AKM0tul+qdwRpAf7SNUqmUJNyNx2O/tXOr3tnZCd4Tgyrs7e35mLCS\nKIS6hvHRB7WO0h9NqsWyrnVcYhAEBbGAVycnJ241UCjoOJyxWCz693p7j8fWaDTcCqTJizHYxMPD\nQ1JnTCG+NYyD79W7xPsUiEI9g2aZxSMO37m7u0sASFZXV90apNDhyLEmm+o4zSxINEQONLlWk45j\nL4mWDNCQVKharSYhGqPRKIE/1boLagHUhF3axboDPxaLhX/G/B4cHCSJ1rPZzGURnl9cXCTe1HK5\n7HJH3Y+joyPvg4aPxuHAWu8BXml4kYYAYmmCB4VCwdePhlvQZ3ihdbCQk9ls5u/TpN8YSGdnZyep\nR6QANPxWE/N5XqGb/29lGgqFgn8GDzRBvl6vP1rpnbHDo/X1dfdS4UmaTCbeB6zMWh9OPeK8B1lT\nbwvWxXa7nYC0VCqVoPYHPI8BPvQ3tPHkyRP/nlo2lUolAaqYz+c+d/CiUqkEicxmmU6IZVs9Tuo5\nh0ea/I3MPhYSp3sI+5fqmBi8ROuzqFeQ9hhHtVoN9g74E4fJqOeE5zc2NoKwV7PQYr+zsxN4Bnk3\n0SKsldFo5PKhUSHIqIZRMTcqE/RL+6plQcyyOaKP0PX1tX+mdcFi/V+r1RKP3nQ6TfihIDcajQIv\nkRMNt9T98zEPJhSDbJi9l/dKpeLrQi32WtPJLJub2JumyfAamszaY3+s1+tJuJpCSyOft7e33n/2\n+el0GtQh4h0KfBHPYbVa9b5CNzc3SWRCpVJxOYk9CvzGLPSsMh/NZtPHx7pQ0A/1WsQQ5ZeXly47\ntFcoFPw51flxGRENG9U50jIz8Df2Qir4FzJxcXHh/FBgKHjKWlEACuV9HHa/trYW7Idm2bzGYePD\n4dDHge7a2Njw/vG+u7s7/0zPH3xP+7VaLUk9UM95r9dLzkOj0cjfqeV/YlhzDc/WM3AcDbK+vu5t\naK06fq9n4Fh39Pt931u0ThfypBEl8T1hMpkEoab0XfdSxhuXh8Fj99//+3/PodFzyimnnHLKKaec\ncsopp5z+X9IHPVN/+7d/G8QkYlGuVCp+4+Pv6empW7+g1dVVt5xp/gPWB27bGr+tuTXqkeK7OPG9\n0+kEVgWzzCLGbVyL+9GGWgppTy32Gt9plt2CuTFrbgCWCY0hxpKocK9apFRh2c2y27Ymo5tlVmaF\ns+S3cZXou7u7JBdqe3s7saz3+/2kqJ/GFWsielwRfD6fe58VnEATp+FFXLRNrdBaDBArhBYDhee0\nrwVJP//8cx8v/dIiuvyvVhctdmsW5nRpTpl6H82y+YPnCmISWxc16ZG+K3T7+vq681qhp+EbuQRb\nW1uBbNEH+IDlpFQqJRapcrns/YcKhUKS9K//M5fj8dj5Rk7F5eWlPXv2zMzM/vCHPziP4lzIs7Oz\nBBZ4MpnY0dGRf2+WyQ58VQtxnFiq1mC1jGlBcJ6Lq85vb28nHjvNa1RLIu0ofDnvRndp4Uotjqix\n4YyXdvlsOBwmiardbtfbUAsfctBqtfxzPE/z+dznQS1+6C21usZWPoVEZryLxSIomkwbmndkFhZj\nVAhi1oMWYI2hbHu9nvOBKITHLI4XFxfuVcKSfX197TpSC4mzRlTW4lzYq6srHxt9Ho/Hvk51zSAL\nOq9acJNxKLCQWaYH4CV9Pj8/D6z3ZiEMvkYbPJZYzphYv3t7e+5RghcPDw/+Hng2nU69DfXUa94o\neYpaHJ33KGw+fFDIc9rRQpjwRvOyYohl9RDRl8PDQ38fOnJ3d9cLDWuOoxaYpX/xHnN/f+86QXUz\n/EXXaMFnLYQOfzUyIZ4v3QMVLl37ZZbJRlzmREuVwNv9/X0/E0A7OztBQXWzTK7oC7yYTCY+X7Tf\n7XYTL0S/33fdqx52jdSJ86PL5XISjfHw8JDkkC4WiwQGfWVlJemr5uCqDmHPQIaur6+TIsDx/xDr\nS8GLkDd0uJ4dkLtmsxmAgphlujOOatD8Qy1PE3t7G41GcD6EV/G56P7+3j0mzM3FxYXLBLlV9Xrd\n/9dIGD57/fq1f0a7qrMU4IcxxnpC+wVv9/b2PEJAo7QUil9z0Rh7DDazsrISlOfhM/ilnmS8Xqwb\nzRfUPFAFhTLLzkfoMcZUKpWcD/Btc3PT+4ye0DMcVCwWgzx1M7Pnz597X5Djg4OD5Jw9Ho+t2+3a\n//pf/+s/9Ex98DL1d3/3dzabzbyz6jpXlAyz0G3MX036Vpcomy2Hh06n4+/RywPPKUiAgjSYZUKt\nLlCzcIPVA5seTMwyAYVhJMGtr6/7xCqCix54EUT6X61WA1Qz+hDXflgsFt4frUEVIwq12+0k7GGx\nWPjGy8Hv6urKFzTKpdVq2UcffRSMs1Kp+ALlktHtdn3xvnr1yvup4Rh8xv8clsbjsfeZ+S0UCr44\nkI37+/vk0q0IWgjt3t7eo+Al8E0VNuNlcWqV8Dg5lffQpxgFp9lsJqGEWhtDQ9mQLQ2NRBY1KRp+\nKAqiHmSQZVW6/EbDn/gMOVAkQ0V4Y24UECKusTUcDr1dLk6PJe7rhghp6KLWFFOgFTOz7777LkGb\nPDw89HY1gT+uFaXokLS/tbWVhIi2Wi3/H4V9fHwcHCrMsnXLeuA7NabAZwU54H0a/qR1y+KQ4/X1\ndf8e+VP+6G9joA+tq7KysuLPaogQeom5bjabLre///3v/TPGogd2RVM0C5EHNdFfUcOguL7d7e2t\n62YNsUX36RpGt2j4GJdQ5H17e9vDRbVeErpZ55/P0DvwS+n8/NxlSxH02KuQA0UCZJMej8c+r3r5\nov/IpK5RrfHGfPPcj370I19TGs4N37jM6eGBuX94ePCDs9briWuZxcin9Jv+dTod/w06Wte6gg2g\nyxRYhjlkXieTSXJhL5VKCTpsq9VKQhw1nFUvbnFtl1ar5fOEftLfqqFSQ77MMrlCzypKmIZoMx8x\nsEixWPSLjtavjGujaR0c9Nnt7a3vCZpAH68fDQdm/rXPeiCOwT90v1BjHn1VIKIYEbherwc1QJlj\nDTWL68d9//33yR56f38fXDTNwvmHZrNZgApJWzFamoJ0sG5ns1liJHv27Jk/B39ns5nrLIx9xWIx\nCfN98+aN61IumYPBwHWCgk3FjgI14ir6p9aN431xfcj19fUEAfv6+joBdVAng4YAxnVE9VKoQGT8\nr4AhsfFdUbPREdo/np9Op742T09PvY9a3wy+0RfVpRj9RqORyyD7yfn5+aPh1nqhhy+K2GyW6fx4\nT6hWq8la0pBOziTdbjcAh6Nd9J3OEetQkcg17cEsO8cMBgP767/+6zzML6eccsopp5xyyimnnHLK\n6f8lfdAz9Td/8zfWarWSBE91cWsF6bhGSa1W898QXrK+vp7Am6rHSaEs45oXd3d3frvUitD0T933\nmijOZzHQg1mYBGcWegC4kWti+WQySdzjhUIhuCmbZZaT2Bq4srLit22ebzabQT0Is+x2jHUMy4la\nIQiT2Nra8ts4fVJQCvjxR3/0R26BU8hbxoQVYmVlxecBq9FwOPT+K0wvPMTCsbGx4ePFMlEsFt2S\npAl+L1688D6YZfMaw4Lu7e3Z119/bWbvrUvlctn7jzXtzZs3CWzp9fW1W+KxOGgl9ziszuy9zJ6e\nniaVvHu9XlDBm3fEiYrdbjdwXdMO1hRNfGY+Ly4ukhAXDcugve3t7SBZmbHFoTqLxcKtywoco6UJ\nzDLrDGtJwT94j8LXIyd/9Ed/ZGbZfGGh1zDOGKZdoZbhdbPZ9HmCb9Pp1PvAd7Vazd+ntXYUKIa5\niYE0NOSM53/7298mCeOVSiWwNMIzrG2srY2NDee5es5jC1a9Xk+g9pvNpssi66xWq/k4Z7NZEmo2\nHA5dBtXqxpiYD/X8a+IzfGONnJ+fJ96z6XQa1A0xy2QsDvPQMEQFosGTgB5Tjyg8/+lPf+p8+Oqr\nr7xd3gN/d3d3nf+ffvqpjycG2lEYbA2x4zPmQUOm2HdUh2uYtFptzbJ5+93vfmdm7+WOz83ee8nq\n9bqvUeavWCy6Z4XPtKQBc6CWbubgsTICaiXlfeqxVW8QfXl4eEjABorFor9b1yO8gR+tVsvnRK39\ncUhvoVBISmOMx+MEerzX6/n6YhxnZ2fJmlPPPxEUT5488f91vbIetHYPkRiqw+M26vV64pkql8s+\nXuSuWCz6emVvUyhoZLdSqbiHlXOC1rxSLzT847urq6skhO2x2lNnZ2dJ+oDKHb9ttVpJXbqrqyvn\n29raWhAqzdg+++wzMwvDnuk38j4cDl1Pa7gy79Ewb8akujIub7NYLLwN+Pzw8ODyoWVCGLOeadCL\n0Hg8TgDSlstl4qnR+oYqT3HJkGazmdSZG41GQcQMv43DBg8PDxNgnl6vl+xZd3d3PtcK/468M4fF\nYjGJWiqXy84XLUsQh2IuFgt/j0aMqbfdLJNdQv/u7u68Pfry8ccf+9rQaKXH6sKyNpmj4+Pj4NzM\nO+CDnm2YE85o6nVn3ra3t70PegZCPomwqlQqrh+QcQW5Yd3O53M/i+rdBb2ooHntdtv+23/7b7ln\nKqeccsopp5xyyimnnHLK6f8lfbBo73Q6tbu7O78ZavKvWlbNMstfDCmrCWNYDS4uLvx7rHz39/f+\nPV6X/f39IKHMLLuhaqy0WXaT5IauRdbixMJWq5XEW1cqFbdMKTAE39PPX/ziF37DfffunT/Lc0+f\nPk3iijc2Nvw5rGO9Xs+/xwKgReIUKhhrEfwbDAZJkdDRaOQWIiwNmm/x5Zdf+tzAB3ikUOaabBzD\nRz99+tQt6h9//LGPG+sCv+33+4FHEt5rQqz23ex97sdjxWz7/X6Qj2WWWTXU8sI4sCpjAWq32wE8\nv1nmLYmBSrQoIvKkRXThY6VSCayyZiGIAH0+ODjweT04OEgKEY5GoyRZXmFrNfE1ruB9fX3tfFVY\nVU1WN8ssiVif1LpMX/nu+Pg4ieV+8uSJ8wtZXFlZcdn5t3/7N38f3kKVyTiWu9/vJ0VRa7VaYM3S\n8Zi9t2qdnJz4vCqYDNbPTz75xMzMvvnmG89tZA6fPHnibRBvv7Oz42uFOVA9AR8vLy/dOoYVUvMG\n1bodgz4Mh8Mkx2WxWLhO0zlnnZVKpcTrtbOz4zpXSxogCwquEifkqqeGdbu/v+9zo7lVcR5VsVgM\nvBRmmSUeqyw86vf77r1TD0vsNdYq9j/60Y/MzOzly5e+NvFaa5K2Qp/HuTDKf2g6nSbgRSsrK25Z\n/fGPf2xmmdzHxdFXV1ddfv/5n//ZzDIPRZz/qhEW8Gc0Gvm+pBZb9JjmQbIG1BuhsOA8h9zxvlqt\nlhQa7/V6/h6NouCzRqORFEpdW1tL9rlGo+HtwDfNF9P8rbiQ+/39vcuW5jAr8IRZJufIHfK5v7+f\n6KdOp+Nzo9Z2LbFhFibLMzcKXKBrirGrxzFOyN/f3/fvtWyG5lnwGeNVT3x8DlCIb3TbcrkM9kgo\n9uIWCgX3ktB+pVIJCr0ynri4b7/f9z1Gvc2qg+AHlvhKpeLyq3m+jA/et1ot5xF5Su1229tRzw/6\nREsF0ActRwHfFBwEmfjtb3/rv4Wv7DVaAP0xwAo9p8BzjYiKvYHNZjPZPx8eHhJvmhZJZt4Uphs+\n9nq9pFjs7u6u6wRk4vj4OMm3evv2rT+HHnj+/LnrWc6DKysrvkfSl+Vy6X3gTD2dTt1TAx8PDw+D\nosi8j33z/v4+mGP6r/m9ZiHsPl7h7777zvmLHGt0CeeJyWSSeOBPTk4SEJHpdGrPnz/3d8Nf3oNM\nTKdTn3f6cnFx4WcC1cf/txxc3WPiMiPT6TQoAfIYffAytb+/bzc3N85YmK4IGnTi9evXfthmcU4m\nkyQE7zH8eD3UIIzX19ceQsJmdH9/nyTDX15e+sRqhWaEWS9siv1vlrnCdXPkO8KZ1AWvCHQIiCLt\nIHC0d3Z2FqDQ8JzW5TDLlFpcw+bm5uZRlCF4o7ynDyx4DdV6+fKlmZn98R//cVJ3SxGv+Ozdu3d+\nseMg8+7dO+e5JhhqTR/6Fx9+1PWvIZ0sDk1yZXEjY2/evAlCqswyOcAlzULb29vzuWE89Xo9Uez1\nej0J6SyXy0H4GX2JK2+XSqUEXEMvXZrwzTg0XBD+bWxs+CakSgO5ZX5/97vfeXu6LuirolfFqGXV\natXHrKiF/Aae1+t1X1f0qVwu+yGUsb148SJBUKtWqwECJPyLwWFubm78MoNu0KRUZPzu7i5BkdI2\n1GAQoxbt7e0liu7s7Mz7yndPnjxJkM80zFMv7sgCfNnc3AxCg8yy+WftEVLQbDZ93hTlVAEvIOUV\na1cv9l988YWZhWh+8I3fvn371mVHL1/x+C4uLpKLuF7o4P3x8bGvG+a8Wq0mqEqKoEr43v7+vr9H\nD8bMIXLw7bff+rsVkZV+IX/tdjvY5OEvhzP6ouHlCiLCfsP7qtVqEuqkAA9/8id/YmbZwUgv92Zh\n+BbrbTwe+zj4q3pbjYgcFHXfiNfAZDIJDtFm2WYeG4/q9XqwDhkzsvgY+pqi2yoKXoz6qiit8Lde\nrwc1acxCwAANhdWwKN4R96VWqyWhegoio2H8HIg07Ib5Yty7u7u+RpjznZ0df46+DIdDnyfe22g0\nEvTah4eHBIFuY2PD1wDf6WFaESvjGo8HBwcBkAVt0S7z0Ww2EyPTw8NDcOE0y+QlBvqYTqeJvtNx\nKr9YU9PpNDn7dDod74PWVUR+Ge9HH33koVJqAOZAr/W06COHX+2jhvkzJs4f4/HYx6Qocjync0T/\nVJ+xxtEXg8HA50ZTT+JzR6fTCc59ZpmcxuAQ9Xrdzwnso+1222UVKpVK/j4NW4zD6Xd2dgLQEuWT\n8l7D8xXtNg7jXiwWyTjgY0xc2L766iu/SDA3Wo9UQ881ncUs22NY43qWYgzIVb1eT9bX2tpagvBX\nLBZdBhnH2tqavwc+DwaDJJxRjQ3M69u3b10W6XOpVErSN5bLZXJG73Q6CSJnTHmYX0455ZRTTjnl\nlFNOOeWU0w+gD3qmrq6ubH193V2MCm+oYARm4W2Qm6dCKBLqslwu3ZqqSfNxKIFa3bB0bm9vJxWw\n1btASMTW1pZbKxQUAWsaz9VqNW9Dk935nlvw7u6uj12/V6tiXOV6Y2PDb8W0q8mc3NgfHh78xk9f\n1esBXxX+lN8ul0u3JGvl8Lhmk9bJ0MTsuH7MxsZGApbw9OlT/w2WrrW1NQeHwLIzGo0Cz5pZGObD\nO0qlkltlabdarbrHSSFS6cNvfvMbM8vmHAvXv/7rv5pZ5sXBqslf9SQgB6urq4nFfjQaJVXCO51O\nkHzLOxi7whszX6wFrTGkSfAaVsQ7saL2er0AYp95wOKrVhLmXetlMSa1oiFjmhgdh0zMZjPvg4Yx\naIKtWQh8oLKBFYh3XFxcuHwqCIdWLzfL1nBcs6ter7t8Mjd7e3vOAyyKX3/9dQLdXyqV3LpLP1+8\neOGWU/h9eXmZWLUPDg4ehRRGfpm/2WwWJPhDMfTs3t5eUL3e7L312Oy9buh2uwG0MP1Hxr788kt/\nDx6q4+PjJKzs6Ogo8X63Wi232un8M08adqHgPPAZ+WZtjkYjbw89dXNz4+sVWTs5OXm0fhh8Yw3f\n3t66/PJ8u932sRP6sbu762NTfRyX0FCLKNTpdHzd63fxZ+Vy2f/XkF7WmdbmYe6Y10Kh4Hzjvdvb\n2wFYEuNlHhROnvlVgAlkH75sbm76PKgHRYFP4nCnxWLh8ousMqfaL611BdXr9cDja5bxPpblg4OD\noPYLFIe1z+fzxFOr32vIKXzTEgRaEkF5wLvNsvnS8fEdcs4crq2tOV8VJCbeo6vVqodZKcy5ls4w\ny+b1sTIizDFyulwu/fwETxUGW0PPVC/xHHpT9ZPumzyHvta+oAcUMAKAlLu7u6D2k1k2H3GNHa1h\nhT7WkC6NWonDbWu1WgBXz/Oa9mCWebXhr4KI8ZzW++J9nDs0UgighPPz8wQ+/vLy0t/3mEwy/xo2\nrOcneAT/NARTPXzoSPX2xx6s169fJ9o/H3AAACAASURBVB6gx6KzHgv313OHhsHG9deU5wpZH9eg\nVA/ls2fP3JOv3n50MzzXcHCe03I8eJy1NI7KJ2tDeaTeLLMwbQD509qIGo7KXkRbX375pf+Wub6/\nv3d9Ql/n83lSVqlcLvtvkPe7u7sAPOwxyj1TOeWUU0455ZRTTjnllFNOP4A+6JmaTCY2m80Ci4pZ\nZh3DeqIJXFgVyWcpl8tJoSyNhdW45/iWP5vN/DPo4uIisVYNBgO3hHCDPj8/d2sgVs1CoZBAVZdK\nJb9Zc9M9PT31sdHPnZ0dj7N89epVAhX88PDgFmS8QpPJJIGh1BwCLQz7WLV2hcKkL5pkbJZZAHgP\nfVldXU2StAuFglvlsJx8/fXX3i6ksKtYTjSHQC16zBM3+9XV1QCy1yyzamHVVM8U/WO+Xr586e8h\nYVxzobCwra6u2q9//evgt7e3tw5GgIXy4uLC+8pn8/k8gLI3y+aFcdLP5XKZVNQ+PDz0OVSIeQXp\nMMtkDf7t7u4m1tY3b95428ilAqOolZL2tHCxegbgh8brm2XrUcsGmGVrLy4S2el0fL60qDSWUOSq\nWq0G4BFQXHi3Wq36b9Wyp4VZGRtj10RQTew2y2Rbi3CbZRalGPim2+06f0m43dra8r6iu7a3t5M8\nxH6/77wkp+vy8tL7z2/b7XbCl/X19QBshr7Elt12u+38QzfUajWft26369ZT5bPm4fBb5FKtj3yP\nVW6xWCRWw06nkxR/rFarQYHHeJwqJ/xWC7nG+WJnZ2f2X/7LfzEzs//0n/6Tv49cKfTn6upqklek\nFkwt1K5ybhYCEPCdJkirhVJlmvexBsgR+M1vfpMUzN7d3Q28XmbZPqWFyM3C4qmaPK0RB4wnLgKv\nlnOVId6tpTfiosJapFwhr9UDzPwrJHPswdJ8HEhBfzQHOC6h8urVqwSkQ2GwabfT6STAJ6VSKQBT\nMAsLryo0t+YLmmXyFINrjEajZH3N53PnuepU5Ih1PRwOk0Kj8/k86JdZ5rnRgvVmob5jrah3gT6p\nV4i1Ui6XvV8Krx3rgZubm6TAreZ0xmUn4AfP6fkqLkdRKBQSIJBCoZDkUWnyPTI4mUySfLFnz575\nmlQYfHQGfaxWq0nJi8lk4pFLGjXCmNVjE4N+vHr1yvd4XXPwmjnS0gjIhvaffm5ubia5yQpKwfOc\nL83ez+vm5mbwbrNsLX/zzTfBbzc2Npyn9P3g4MDlDT2mICyMbTabBTlkZplso1voy9bWVnJ+fvny\npZ8h0G2ffPJJ0Be8MY8BfOlZlPlXLxMeJI3oIXJKc11jkI5yuexyjl4ZjUbensLcx+e68/Pz5Ax3\nf3/v9w72k3q97vsm58mf//znDoKmkTM8h6xdXV15G/8RffAyRXJvjMW/sbER1DoxyxY2blYmez6f\n+3Moo9Fo5IpEw25gNox+rJZBv9/3yUHBLxYLd60jKIVCwQ9siqQT1wXSsDutcwWiDIrl9vY2CKPh\nPSy2V69e+UTSh8Vi4Qc0eLC1tWX/5//8H38P7cUbiYYB0b9SqRQAWcBLvbxBMS8V3e5Xv/qV8ygO\nQ9MaWixKrRWFECoykgJ8xLWxdAPXmjIQB62joyP/XkOFYrkbj8ePuo3pKwpOkVu0arfOA98xpsdC\nYbSGCzxQBLw4GVLREEul0qOXGmRKa15pIi6foezY+DXxnEWu/GBsGh6r9Y9ig8PFxYX3n7/z+TwJ\nG1WkJV2vyAntNptNH69uYMwxPH/37l2A9gV/44vY8+fPk2TjZrMZII+ZZQcO+oe8aM0rZELrriiK\nlQJjQMiCJo7zW+Tg5OTEZV+RuZAFPXShx1SG0Fm6kejBPj6E6CFPQ3mYL/hcrVYDxEn+qmyZZfPK\nAQYZm06nQVgsv2WOecfe3p4fEJgP+gH/4fM//uM/mtn7y+rZ2ZkD/HBoUGAeTYBHp+nhNg5rXC6X\nvv4xaijKoYb2xPUNFZSA59XYx1w+e/bM5eknP/mJmWV6lPdpKCF6RxEXmQ826SdPnvjY+EwPxLTb\naDT8OdXvGqLD57SrYB4amsIcsv51P9Fkc0XT5HdxDcOVlZVgfzDL5AQ+aE2k+GByc3Pj64ZLLXPE\nu81CJFgNwUYXaM0m+sAa1vBd/uqFmL9a1wk9oZczBeaJgZSq1aobjRlvt9sN+GGWzVuMBFupVHxs\nCsYQh5+12+1EFtfX15O6euPxOLl0F4tFX8t6MeHCs1gskpApDV1j/StfkbX5fO58VaS3+Fw0m818\nfbFuX79+7fwg3Or29tbXH9/t7e15eCTzVKvV/D0K5ET/NWxc0SjhQRyarhcF5lcvTqwVRU3WSw3P\nPVa3VMPzY5nQdAXaVbAurb8VhzoOBgPvM2uhUqn4+oePWt+KfbHRaHgfOKsPBgOX4++//97fgx6Y\nTqdJzcvz8/PkzHJ/f+9rV2toaq1Os2ydcdbjDNdoNHzu+Ht6eupGcq2lGoeIokPM3usJjKpmoXEB\nvqlzSOvL8l7eAw96vV4Qlv8Y5WF+OeWUU0455ZRTTjnllFNOP4A+6JkCoAGrBzfEVqvlN0QsBNxa\nzd7f6Futllu4FBwACwfWJbXeaagblhfecXR05NZ2SEPi9KbOb9UqxPdaVyd2f9/d3SVQ4M1mM4D2\n5llu8ZPJJIHJbbVaQagPv+UmDQ9arVbgZaN/cU2E1dXVJGxQw7c0YTwOL3v79m0CC76yspIk0Gso\nDOP97LPPHMocqlarSV0AM0vCdxSeU6E9Y4ujwupqcjjWXUitdxpeGNd7qFarQUKhWTaXMYy0QoWq\npyiutaGeCXV1xx6MOIRJa6uZZfOGlQ8ZajQavl6w1GsiOO8bjUZJvZJKpeK/RTYeHh7c2hlbnuM2\n1OsJYaVS2HKs0LS1sbGRgAgMBgPnh7aPFRo5OTg4SCyYpVIp8cT++te/dssQ/J3P584/9S6wDmn3\n5z//ufNKLcmsQ3irdYFYj8Vi0fmLDF1fX7s1S8Nz4tpIGtZEX5rNpr+Pft7c3AShzjxLqPDd3Z1b\n0bBIb25uenIwOmRlZcVlVK2ozKcCc8B/DRVEP2koroaV8l7WnIKmYPXUuh/xvP7mN79xKyvfra2t\n+VqDf41GI1nDg8EgCV3Z29tz+VCvFetYrcxY4NW7CA9YAxqazngVLplw7++//955Tt+/+OKLpATB\n/f297zfqEeN7+Aiwk5kFifLxmmq1Wi5PfKeJ2fV63dcpfL65uQnq6JmFIZ3sHWpx1v1O9Qj9430a\nERHD25fL5UTvaPgRcvXpp58mYYPqdWO+2u226xPa6na7rsPxxGq4tQIyqGclHq9GxvAcXtrhcOh6\nBx58/PHHPp/0SfU27T958sR5hVzd3Ny4HLHO+v2+74vox+Fw6P1j3u7v7503tNFoNBKgAg0v5Iym\nUPt3d3e+XhVYSOHqzUIdjrxtb2/7mtR9grErYJSC7cBn5hqdq4AHuuZYG3irzs7O7Kc//amZvdeb\nFxcXroOY/729vWSf3dzcTOa61+u5p4O+PHnyJAEgWywWAY/MwlpxWqcJ/tLW999/76HOWgsS/cX8\nHxwceNjzX/7lX5pZWMuSufrmm2+SOq2FQiEoKWQWnjv4Tj1s/FahxeH3zc2N8+2Xv/xlUHLILNPr\n8d6ntUeRz08//dT5BY+ePHmSeN77/X4AsGIWejXpX6PRcL7Rp+PjY58HDXXUUkfwQKNtzLL54nsN\nC4+9bqurq0FZENqIwzdjyj1TOeWUU0455ZRTTjnllFNOP4A+6JlaLBYBFDDVs8/Pz92yhoVC4RIV\n7hHrhxYTi61yClGoVi2sbbT77t27BMr4yZMnSTzr6upqkjStliosxcvlMsklUJAILd6pyXzkVHHr\nXltbC+BAzTLrQmwhXl1ddcs/ltPj42P/XoEqFF7cLLuxYzHDOq+V49WLgyVJvXhY3rB07+3t+S0f\nK8TTp0+9Xdp6+/atz5eCJigsPDzlfbxjuVy6tZK5rNVqzn8sFJrPhjXg+PjYc0zg6Wg0CvLxzMKi\nnWqVUTjyuC8aWx0XYG42m0HcOb/FMqFJv3FuSkxYwIiPVnhOxvTdd98lRVu73a7/Bl4tFgu3YmoS\nNvznvfV6Pck/u7i4SJLSR6ORexyx9n7++ef2u9/9zszCJFJ+q3keWHQUNIH+KwQ4a5LPnjx5khTy\nVisqXoP5fO5eAMZzenrqcfS0+xd/8Rf2F3/xF2b2fh4qlYrPu1rgmFf4WCgUAsuVWaZj1LvMOJgv\nhU2nz1q0V72G/I0BRtRafXt7m1iN+/2+v0cLV8ZFdh8eHhIv69XVlXt50M0KLACpV1MT/dF5fPf2\n7VvPRVLLI+sAXl5fX7vlF1j6J0+euDeN/mnsOuUVtra2XCbUMwI/kE9NyNd4dqzZWNWn02ni1Wo2\nmy4zanGGHtuLoMPDQ7fOkvulhUbhxdXVVbBfmmWyrYV+zcK9iHbH43EAjGSWeQpYI8iBAlrc3d0l\n5R46nY7zjTW6urrqY2JNwWOz99ZgBTmBv91u19+ne7R6vXiONYJMqHxqPm0sd+PxOLDkm2X6hP5D\n8/k8sfIrGArzMJlMvH+sYS0M/FiBe/q8u7vrfVGPCLqc93322Wf+vUawMB+M4/PPP3d54zn1AGs/\nY+AjhZFGf2oxc7wbx8fHLkf0qV6vB3lI/I/+ajabQUkMs2zd8Hs9d7AXqeU/htBXcBj27ZubG9dj\n2lZcsPbo6CjJrfrRj37kuoB9qlaruX5CJ3W73cBjZhaeEzgD6dlGQUdiOTk5OXEvtEahMHb0tkZs\n8A49T2ikFnqRXJ5er+dzzBiPjo58rQOKoDnxOh+c4bSAPecr1kyv1/Pfom9ns5n39d///d993Apo\nRL/Quc+fP/d2WHMa1aSeYvrA+bPT6STF7u/u7ryPyMaTJ08Sb6XmqdH/5XKZ5N7f3t762VfXTdzG\n9fW190Vz8fgMudKCyjynoGT/EX3wMlUoFKzRaLiC0ITcOJlXk75RAK9fv07qGz19+tSVgNZV0vpS\nfMdiY3Hu7e0liHHv3r0LQqboC99rEnYcvlWv112Jas0lJp7PFDHq4uLCFxSuzp/85CdJLZ7vvvvO\nfv7zn5tZiBTHQQMB0SRoDWuKa0Utl0sXUkVQYsx6SP7888+Dufn3f/93/40m/9N/vru+vnYhZJFo\naBqbkYIhaN0kTbqnDQVQoM+K9kffNWmdz+I2tC5MjIZl9j4sS1FwkJ0//OEPQa0Os0wmFRWGvqsM\nmmVyFdcZ0Cr2jGdlZcV5oIhymswdI0Gurq765RwlPp/PXakgizs7O84b2lX3vl4aYwStRqPhc63h\nlmzQKI3RaOQKH7n67LPPfEyMY21tzXWCJuuqIcEskxd+Q//Oz8/93Wxu7XY7qff16tUr39gJ6ahU\nKvZf/+t/NTML0EQJB6Gfi8XCx8TBTcFB4P3KyoofxH/5y1+aWWa4QY6Ycw3fUTQ/ZFBBZ/gtvB+P\nx76W+Ew3mdFo5POpYAhxLbter+f90doz8PyxEBf0p4Z08rfdbifIiBsbG95H3ler1ZyX8OoXv/iF\n858+HRwcuGxxIWbjg//wCl36J3/yJ0mfFeGL9aeABvBfAVLiRPCtra2gRgw8e/nypfOX53WvMstk\njAsTB7bhcBgglJll888a1TA1dAfrY7FYBO0xDmSQfg4GAz+0sH5KpZK3oYigWjMsrs+i4ZuKuKaA\nR2aZ7DOWONRVebS1tZWgw+r4tAYV6wAZevLkSXAgNctkjD2Q8SoypobOck7Q2j7oT633x1phT+12\nu77u6Z8Cc+iZIEaM04sOvHrz5k0CfHV2duZrnf69evUqqT2laL1qiFFQLbNMT8Rh99VqNQhnhwca\n0m+W6Tj6z3svLi5879X5++yzz8ws2w8VVIt2Y6Pm2tpa8tnNzY3/Rg27zD/92tzc9PUKvXv3LgGv\nUgAa+lcoFHxfVEQ7dAH7+mKxCMB36Atj1rWELtBzVhzqrHvRY3W8kOfpdJqkkuzv77vOZS5PTk4S\n2S4UCn4OY157vZ7PO/27vr523cv79MwKKcgJMqbhj5oaEdduvb29dVC0Fy9eOL/Q9fV63fdw1sXu\n7m5ywTo6OgpCJc1CABI9j9M2+kmNwjyne6COg//hkfJD540+w49qtepzyHe9Xi8AX6Mv8AC9uL6+\nHqSzPEZ5mF9OOeWUU0455ZRTTjnllNMPoA96pubzeVB1Wm9nWC65qW9ubvotTxNu1XJhllnJ4kTL\ncrkcQF3yN7YaPFaj6tNPP/XbOzdJBTSACoWC33qxdDSbzcQq1+l0Ag8Hf7GIKBF+uFwuk5CPra0t\nt3aqJTFO8FMIWPpQLpeT8MOLi4sg4RT+xh4CDVHBSjKZTHxMCtOJ+1lDYegDbb158ybhR7FY9HY1\nVEstjfBCvXJm7y0FZu8tet99951bpJAr3msWun6xZmCNODk5SaDbe72e8w95+f77770NZHJtbS1J\nIp9MJt4HheFm7FhE1NKhcNJYdAaDgfMV0sR4hQDGOkX/tVaUjj2uC1Or1dwa9FjCO7wql8sui8jx\n+vq6958xLZfLBLJ1NBolQAvz+dwtfwrCoSAO8FLDe3med/M+TapnPXY6Hdct1B7rdDpew4h3zOfz\nIISA8fAeLL+Phbppwv2PfvQjb19rrNAG86H1N9RjZpatSyyECuseg45cX1/7c9PpNKitxXvol9bB\ni4EAqtWq//9YaBXWz3fv3gXtmWVrIE60HQ6HidW4Vqu5bP3TP/2TmWUWWGRMPZ70WUOmmSfGrp5f\n5qvVagVw9WbZ3qB1ecwy3RGDvlxdXbkFXksp0AYetLW1NW8D/mh4lHrs6T/PVyoV++qrr5xHZpkF\nHe8HYTmVSiVJ8J5Op0lIV7fbdd7D742NjSShvVKpOJ+Rg2fPngVAOxpmbZbNvwKF8G54qXMdr+vl\ncum/VS9OHFp9cHDg/dHogTgyZblcBqUk6ItGAZiF+x2kHj08nJ988omPSXVbrIefPn2agHlo6C9t\n3d3d+bpGX1xfXwfeQrMQWEZLW/BuBetAPhTwKR5btVp1XrLOWq1W4nU9Pz/3PYi+LxYL3zc1bB0e\nwNvDw0P3ppVKJZcPvt/Y2PB1w/lpbW0tOYtcXFw4rxnb5uZmEjlRr9ddLhUePI7Y0XqZjEPBppi3\n8Xgc1A0zy2QSWWU8o9HI17PuT+oJNcvkgPHCt0KhkEROrK6uOo+0NA5nJY2c0PqSZiFwEOM+Pz9P\nanzO5/MkDG2xWPj3rNXJZOI8ZV8ul8uJntWoMPqsc6SefeaQNgaDge+vzWbT179CiivMu1m2HuPw\nY/XA6tkFPmiJBMasHnvGgg4fDoce0UGfNeqKdh8eHvx/+vzu3bsEylzLyLAuFKiO72azWaAj6VMc\nEhtT7pnKKaeccsopp5xyyimnnHL6AfRBz9RgMAgKIHLLVEhpLCfVatVv6FowUQElzLLbO7dBbpKt\nVsstA3qLjuEtS6WSWyuwGi2XS+8XVv9SqeTWFk2856bO7fb3v/99Yk3XytFYCl6+fBlAQMfVn6vV\nqv8+hhs1s8CCxQ0X68jd3V1QaZ338nssv4vFwt/NmK6vrx3QQi3ZWAGwemoeGLzc29tzy6rCoNIe\n/SuXy/4Z1pmbm5ugOJxZZi3HMqQAJIxDY9dpF5n46U9/6r+Bp1oEDovSbDbzvmJRWllZcXANSK1a\nxOdrfpFaHpBf/tbr9SSH5d27dy6zjPf+/t6tRVqxHguhxqkztlKplBSJu7i4CDy08A1ZQAZLpVKQ\nY0i/4py56+vrBLK33+97u1jq7+/v/X3w8uHhwT1r8O34+NgtOayV7e3txAL35s2boPCpWWZNYz7x\n9j08PCTe4Eql4uPU2GrGRi7Zt99+mxT863Q63n+sm7/97W+TGPdms+kFV0lo1lwi9EWr1XIeoc8u\nLi4SPaHWVHiricUa185cao4D/G23224lxIqquXfIyfb2tntlkLuDgwMfi84/Xm8t5BwXAb6/vw/g\nds0y6yHzj2z0ej1/Tr3FzD9zNBgMktITKysr7jX+h3/4BzPLdAg8Ytzv3r1zmaUYcKVScV2lhaHR\nI7R/f3/vcwwvvv32W/8Mj+N8Pvc2IPUGoC9OT09dPh8r2o6sFYtFl2nWx6tXrwJvq1kmGzHUfrPZ\ndFngOR0v7es6U2AB3VORc13zcTH2u7u7xFK7vr7uelNzOpAjxlkqlZJCpJqrq0V043yGtbU1l1+e\ne/Xqla8N9nAtvA4vi8Wi633NP1TdR//oC3/v7+9dT6vXHU8yvKjX676ukTH1iOtc8pxGaaCXOLPM\n53PnucqnehAYR+x1q9frvi8xf+vr675u4c9HH33ksvNnf/Zn3gaEPF9fXwcRE7TDmGq1mvOQNdVs\nNgOwJLMsWgK51Hxg9LRGIcTettFo5PJEHmWpVPI5YR6Ojo5c5jXSQst4wHvmQYsGwzeeG41G/hm8\nL5VKzjctFh/n0Xe7XT9nsTfs7OwEBbeZh7jgd7fb9fMYMru+vu595nw6HA59PjmLdrtd119algR5\ng/cacYWebTQaSUSElq/gvVqkWj126jnTvHizbB+O83cVuElBumKdUCgUkrIFl5eXSdTYu3fvkqLN\ntVotOSuVy+VEl9ZqNY/ogc/L5dJlR72WcZH158+fJ5FTekanT+12OwEliumDlykElYWFADQaDU/S\nZbF3u93ggmCWbZxai4nn6DhhV91u1xWnhqvxPYI8m81cyTNQXTiKrhaj4AyHwyQ5/P7+3kP1VABQ\njiTj1+t1V7affvppsKmYZYuNwxjvXiwWSYJir9dLElnX19cDoAOz8MDJmLSuDQLfbrd9oajLlHH+\n6le/8udYeJqgGLuatf8ojUKh4Ic45rJYLAb9ol2EXhEUYzSXSqUSAErAF+gxhDzmfGtry3+j9boI\ns4ndzGbvD0nIl7arNXngvQKVQLPZzPulVeBj0IRWq+U86vV6/h4NxUKOmHN9D+vn9vbWNyRF7uFg\nynMK3KGoNApuYRYmVcOjzc3NACWJ5+Lwsq2tLR+H1u6KE60rlYq/R+vSKVCEWbbJq/zCq9iAcXd3\n53PMGHd3d/3dhC2qwUbfwQUGef7xj3/sY9NEWQ49WhMOnkOrq6u+btRQFIcrNhoN38B4x93dnR9Q\nUPCKSlqr1dxIociMsU7r9Xq+UWvYldbMgZhjPXAwPkXrYo3R5/F4HKxF+BGHJl9dXXm7emGPwYbW\n19cTkBtFZNSDkdbE4jtkR8P3tOaIWabX41C4ra0tbxc9pmuYUFENo9FwRfqlejleU+vr60nC/ZMn\nT5LQmnK57PxVlFP0Ee998+ZNcrAbj8feniZ86yU4RlBVQ6fWmYP/fKahMPym2WwmCFq9Xs+fY871\n4ARtbW0l4UfX19e+/pCTm5sb17mq49gXaWMwGCQot4VCIQjRgn8KqmOWGUFYp6xDBchRIw4XYva4\n09PTBM1VQWSUt/F55+zsLNnLF4uFyyefaf0wndf4orCyshKA/sA/+KapAKqD6B9j+sUvfhGA5NCG\nGnzNMlmNkWkVgIT39Xo9bwf+LRYLX38cvp8/f56E6uoBW+uMctljXd/c3Pj+gO5aX193vrEXvn79\n2p/T8xjv03Od1rCkfeRDQ4DV8MtvNWwPQmeoIRYdr/pdDeJ8pmcQ2ojXyuHhYRKGWC6XfT70TAWf\n+U7BdQjjOzk5sd/85jdm9n6tbG5uun6tVqvOa2RD55B1qOcjNRAC4qSGB3j+2D6laKNav8sskzHm\njv1sdXXVdYeG04JAHIf7a7svXrzw3+odg/FijJpOp4l8TiaTJFQ3pjzML6eccsopp5xyyimnnHLK\n6QfQBz1TtVotqIPCzXplZcWtlNwah8NhUCGdz/iNghzESdOrq6tu4VArhCbimWVWF26LWlMCK4Di\n4HMj5Xmtl0H/Op2Oh9tgHX758mVQhdksuyVjlVksFm7NUDAHbtZYLj766KMAHtMsuyXHkPJ3d3du\nWcFC8PDwEFjKzUL4U367s7Pj48QiUSwWHVJWQRogLJkazqJgEvBBQyuxONGX4XDo48DCcXV15bd7\nhXPlPczv0dGR/wbeb25uBlZPxsH/9Pn+/t4thAr/zDxheTg8PAzCCnhOLbVmmSwi2/RvY2PD3814\n1aOk7mU+U+sXVs27uzsfp4I5QBrqqp4c3o2MqeUEvmr4joanQDFYwvn5ufcFj87333/v79bQCvql\nycv8lv4fHh66LNKXo6OjJCz3Zz/7WbKuZ7OZ/wbL7v39fQKhr9Y25Hl7ezvw3tJ35ITxKgy61kti\nfcVJtmZhGIKG75plFi/ew3jW1tZcjjT8JQ6d09IStHt5eenjaLfbASwv84A1ETleXV1Nwl673W4y\nlna7HdSS0XGYvQ+FVNlBZ+3t7fm8q8Ucj4PyAEuuhkzFdHl5mVj5NVRDdSAWSW1XQzkZL6SeFtpm\n/ZTLZW/3f//v/21mZl9++aWHMCpcrgIjmWUypN+bZWsA/a6hRHHNuOPjY/8ffaxhiIytWCwGQABm\nmT5ADhS0gzWvtZmYt0ajEYQsmWXzH1uBC4WCy7QC4MSyqrDF8G9jY8P3CTyF0+nU5RJZvLi48Pfh\nXVBQGq2DF0MoVyqVAJDJLARSUUAI+sDe8fDw4OsCndlsNl2etC4dcwd/3rx5k0A8P3/+PImwqNVq\nzjf2HwUCoGZPsVgM6suZZZ4z5J211e/33bOiESjs1wpUAj9Uv8eAW4eHhy5jtKFenKdPnzp/FeSE\nMSOrz54989BPjYJhLBp2y/u07ENcpkNLRfz61782syyyh3lX6Gl4jRf/X//1X329o+MajYbPA7zv\n9XpJPbKDgwN/H2OrVqveLrKhYCPwnPOi2XuZ2N3d9fXKOlQgLfXO6xnZLJR3fnN0dORzrdEr8Jk1\ntbq6GoSumYV1MPmrETaQnoGYSwWEQU42NjYCD5dGqZiZffXVV85fSllMp1PnB8+fn5/72FmjpVIp\n8fK1Wq0koqff7yf6ySxMSTHLqAMvKgAAIABJREFU5hJ5Qna+/vprj8D62c9+5vyNAUiWy6X3j/EW\ni8UgisIsk9M4DLHX6wXRTo9R7pnKKaeccsopp5xyyimnnHL6AfRBz5QWtTMLQRW4NWKhUG+FFlSE\nFI6Q2H+tCB/fEBeLhbfBZ1qgF2uFwnRrngF95QY7GAyCImz0M7bOanIwN/9PPvkkKKSGJYI+aPw5\nlpVer+dWEawdhUIhARvQJGKtMM/3WtyX57CwTiaTpOp0rVZzq5cWOIa/JOFq4V2FG2VO+E7jqNUb\nEcP47u3tuQVOq1kzD1grzN5b9xnbdDp1/qpljHEwN7PZzOdOoWrjXDgthBp7S8zeW5fm87lb+TTG\nHfmFV+Vy2S0mzPPm5qbLIl5L9ZLoXMOr29tbz9FT4A48h4zju+++SxLZlZfInVqzkbXpdOpJ92pZ\nVdkysyAXUhPeYwCVQqHg8w6Pjo6OHChA22Vdsz40bwxSLwnfaQFZcjErlYrnwtGnm5ubpMD127dv\ng2ro9B2+KeSt5nzBZ2SQv6PRyC168LlQKCTJq91u18fCey8uLlzeeN/KykqSXK/W2UqlEqxd+IJe\n1QTq2OOoRXHhx3g8TgB+lsulrxt0mhbF5nktCKrFVrWEATxXL5tZVric9U9bu7u73kcKcH7++ecJ\nSMd8Pk/yYzqdTgJecHh46J+xNmezmcsbfNzY2AjglM0yaz6eC3ScFpVlzZi9X5s8t7KykljndZwK\nHBDrNs0RYq3s7Oz43MA/BT7SSBAtq2GW6WDNi9ACr/SVPmrZijh3tVarBZEQzEc8/5psjp5qNpvu\nkWB+tcCswgyz/nRP0Lwu2kLGWCsKFa06RoFRzLI5ZN41n402mH8toaAQycyxRoLg9VIAp7jgZ7PZ\n9PHSFwXSQi+vra353GhB0rgIfKPR8LHTP4WRZq1eX1/7e+C9errRRVqWoN/v+xkEvb27u+sWf54b\nDoe+57K+NLcaur+/T84dlUolOM+ZZfqQSBfORbVazcdJsfXf//733m/aPTs7Cwozm2U6JNY7hULB\nx854hsNhArj17Nkz32/g22Kx8HlFTkajUXJ+vbq6Cgo4w+fYI9poNFw+NYIlBua4ubnxMxxnEaIv\n+J5xKzCaWSYHcRvX19dJPliv10uKBV9dXQUgQmbZngnftra2fD6Zo06n43Onex99YEyFQsFlVX/L\nb7RUQQzSValUvK+qp/gt3yFLZhZEPOl5iLHHACnFYtFlC911cnJif/7nf25m7/ERVC9qDt5jkRdK\nH7xMra2t2fn5ub+Uv49VA14ul77oOBBpCBYLQ2sxwCxN7mLAh4eHzjwm+MWLF664tCYPA40Tx8ze\nb2pnZ2eJy7Fer/v3iiwUu0KfPHniB6z5fO6KXw8z8WFAq4lDGrqgCFkatmGW8VeTkPkbJ4y+fv3a\nfwvPy+Wyj4lF8C//8i8+PpTlfD73cbKgR6NRsGjNMt7rAYz+KWKfWSbULG4OGZubmz5Piv7G2LWO\ngFY+N8tkh0sUslMqlZIaUKPRKEhQNsuUeQxycHV15fzVS79uXPCFOaLdq6urZGylUsnnQ8OWNNwi\nrp2gAA9an0UPQmaZkokTMmezmfOL+bi9vfX+89xkMvFD75/+6Z+aWRbmEV/sptNpcFiEOCzwXbvd\n9gRaDSljzWk9FTYaDXGJeaChrpqAHivs09NTX3/0qd1uuwLWqvd8pgn1bFb0qdFoBAdSs2ytwBdN\n9I2NQt9//733RZNm4QGb32QyccWvIc/Mr17sWLfL5dLnFR3TarVcztFpetAFmKPVavncKIBKDOZw\nc3Pjmw99nkwm/j2hnxouwnfj8Ti5IE6nUx8Ta2Q+nyeheooY+eWXX/p7kQXWgoYk8Vm9XnfZUYTP\nOITt4OAgCHuGL4oAaBbW30OOtaaUoj+qLqBPXLaQA61HpjWXYrRZ3Yt4brlcJheK4XDovETvKXAQ\nerRWqwUhX8gq+un4+DipzzidTgOUTMaGzLDWVZcqoh39Yt28ffs2qAcEsS9qfUX4oPOFvtRQ/PiC\nfXZ25nKsYabM9WN6Eb09n8/9N1pHKgYR0gMg8qKGXWRXQ6h0D2Ts8P758+feP0UJi/cO/S0yq0iF\n9Hk8HvscKdIb8slcff/99wlCZqPRCOqIMXeED0+nU28HeVssFq6D1EAEf+Hp5uZmUhPr6uoqqHUH\n8ZwCPNAuOm51ddUvRxxqF4tFAiyih27Wz6effurvVkAYfkNY8/39vc+JGpHVWM3YIDXYIouKdogh\nFnm5vb1NdIfynOc7nU4AKGKWyYnqFrMwNQHZ0T7C5+3tbecf56jpdOrrVs+kyLTWpcTQdXJyEtQI\nNcv0jeoRs0ze4tp5CubD5azX6yXhdvV6PdBl/FaBscyyfYXQUGSo3++7DLJfLxYLP/siV1oXivX9\n5s2b5BKntRvps9YUVblTkLbHKA/zyymnnHLKKaeccsopp5xy+gH0Qc8UtVTisLbxeOw3TU2QjpP+\ntre33QqJlaTf7ydWcn03N9TBYOA3V6xGJycnfkvViuqxZ8LsvSWE96mlk9/e3t66pQMLxmg08ls7\nt1F1mSokKrfzo6MjtxJomAI3Zk3WYyyP9RVrxe3trd+Y8STRD+3Xw8ODh40pvDbWLN5brVb9lk37\nj4U4bm9vu/VEQxRjz4l6HLCCVqtVt2A8lkCrYYa8B0hLtazAs6urK7cC8nyxWPRxMu7V1VUfJ5YY\nravEvLRaLZcT3lGr1ZLK9mdnZ94e89xoNBLY7/F47O9Rb54mlscV4VdWVnwt0ZflchlYjmiDPsC/\nSqXi8898LJfLpO6K1iMidKDRaNgf//Ef+2/gZQxDX6vVEutto9FwSxL9Oz8/9/9pS+upIJ83Nzfe\nV6ybt7e3bkFCXqrVamAdh2eMV2tixPWyLi4uEpADDS9mXjWplHW7sbGRhHne3t46P7AaqqUVS/Lp\n6WkCHNFqtXzOtX4MFkcNf0AOlsulrzXaub6+DoAC6B88jENYlRTQRq3U8Ii1qWE5atHVJHmzELyA\n/q2urrrnAhoOhy47zPnx8bF/hsVzPB4H/KTPsbfy+vra+auWffpPiND19bVbcmlX14+GgNFneNHt\ndn2uNUQUfrAGdG/TmiZxnbmdnR23rKt3TsFS+CxOrjZ7b21VKOBYp25sbPhze3t7gYWW38SALOvr\n6z6fug5Yh8i+rkMFG4o9WOqV1XD1uGbXeDwOIMzhbwz6oMA9uiex1pDJm5ubJDpG9YSChMQQyoBp\n6WftdtvHiT65ublxeVcdjLdNvSD8llpB6v3UcGr2BOZVo1GQp1arFez/zAsyiKzp+QPe7+/vB+As\n9FNLdjD/uh/HUOzr6+suHwq/ruBBZpmc6h7EO2K494ODg6AeGN9pqRuzzGvAHOLd1JA53tFqtZyH\nWpOPCCbG2+v1fI4Z42QySaKCNjc3g7IrZplc8dkXX3xhZpleVE+oWTbXcajj6uqqzzWy8POf/zzw\nPtIu52KFcFfoebNMjukX41ksFj6HWqcV0ggEZExLN7Dv8NloNHLZaLfb/rnuoTGInD6n0OexztWz\nYwwwpp9pSKoCWiBHGu2DnoBHBwcHSerH9vZ2EoKrdVo1MiquW3lwcBB4rswyva3RAI9R7pnKKaec\ncsopp5xyyimnnHL6AVSIIQCDLwuF5d/93d/ZfD53K6kmr3Hj5KY4Ho8Dy6BZZo3Q6txmmVVWY8LN\nstt5/NutrS1/jlvrZDLxW6pat/VmTt+4RXO7fXh48PfQRqfTSRL49TdamBIP0WAwcCsFFpbJZJLk\nLkyn0yQev9PpOC81uVZzfeAb71avS+yVU+hMeHlzc+M3bywiw+HQvydOeWVlxdvg1t1oNBKrV6lU\ncosZ83Fzc+NWGZ7XeFzGdnl56d9rIbcYXrRUKnn/kIOLi4skh0ATdwE7UAAC9dwxr7T/9OnTxOpa\nrVYTS4fmW2mhWeYGUlAC7Se/bTabgVWE/qu12yyzfsTJ6OqBwVLX7XbdWqgxzDEoxcnJiVsxFRJV\nLeD0BdlCnrvdrucY6ZrCikbsd6VS8blD3tWSxHwpOAjrUQslwr9areZeF6yg3W43SBSmXQgZms1m\niaerXC4nENW/+93vnAdawJrnkLvb29sk8Xkymbj1TvMaFETELJxL1tnh4aGPHZnV/FKFGVagndgz\n2Ww2vY9aTDD23pfLZbfKsQ6/++475516SdW7x2fMO3PearV83WgsPDwiWV/zTxQ+Oi462Ww2E5Ab\nTWhHJ62srPiYtNil5p2ZZbqZOea5Fy9eBGvJLLRqYp0dDAYuMwojzdh57/7+vnuc4P3h4aHz7+uv\nvzazTI/ynsdAExT4hucU/CcGm6hWq67vNMdK96cYqGY8HielTB4eHpIIAU3SV30Xr7Ver+f9gm+a\nlwcPNO+Zvg6HQ+8La24+nyeRBLPZzNtlPg4PD4M8EbMwkgBZ29/fTwqgzmYzX5MaAcIcqic5Lqjc\nbDZ93SugUgzWpHlU8KparQaF7XmedytsOutW8zeRO9pSi32cjG/2Pm90ZWUlKfKueXJra2tJLs/6\n+noAHkG7MWjW+fl5cr5SaGzVlXGEze7ubhKxs729nXgSNMoDfbGzs+P/w6tms+lriLxRBYxQ4DDm\niXan06m3oSVBeE51fXzG7Pf7CZS5eljZp9bW1jzSgX7qGY29fLlc+txplBH/0/7m5qa3oeAKmh9t\nFp6zea7ZbPpc876DgwPvK1Erqo9rtZr/HpktFotJLuzp6anzA7n65ptvXAdwVm632wkgz2w2C7y2\nvJexo08ULIO19urVK1+v6An11NJGp9Px+USG9KzHXqO/Va9wDBg1n89tsVjY//gf/8OWy+V7hSL0\nwTC/arVqxWLRB6ALLA79KpfLQdIaA2axMahSqRTUtWFQMIy/Dw8PLsz8PTk5ScAmFKlK0UZgJgJ1\ncHAQJFryjrjy+srKik+sCpkm3LFoaff29tYXD4IyGo2cDxwo/z/23qRHsiU5z7YYMmPMzIich8qq\nvl23mt3NAWwCogD9H0GQAGnPpQAuJEgbrgTon5CAluKGJCi2bt95qsqsyqycYo7ImLU432P1uns2\n68MFl8c3lRUR57i7mbm5uw2vPZWgrCAV/xwSnB6moWW/3/cDjibp85letGL0vbdv3/rCwU2urnpN\ntIfWKPvz83NXBsytVCol4TulUsllR8Pa4uTl7e3twAVuFl5u9TJNfyiDQqHgz2pdEv7Ww7wuIuaI\nzEAzDWGER81mM6nJxPzMPoQh1Ov1JxNy9bAXh0L88MMPAeKMWbbu4gO91qHgvZoUqYnZmthvlq1X\n+uV3hULBZRa+VqtVV2B6AGTurJvZbJaEGvR6vSSEsd/vB7VuzDKeM0+lD4czDUNDdvhO0a1Ud8QV\n2pVfTyEV8u/BwYHLsaKDKuiLWSZ/vBv+TqfThG/j8dj7Rdam02lw0GWOGs5I/Q49RHEYZJ6DwSAI\ngeb3CjwBH+JaduVyOQm32N/f94MfdJ7NZi5v8L9Wq/n7QFdsNBq+mTGm9XrtvNO6UIyBcd7f37tc\nKoqg8tgsWwOKYMZYoCXzGY/HvgFzmOt2u0ntuYuLC18XeoDmWd0TeDc8XC6XgcEJOiI7yFNcA8os\nrIOk6H/xxeng4MD1J/zVfhUEhD4U0IY+Njc3k3qEWseH7xRlU8Of49BvNUxqyLQaKc0yeeHyrod0\nBVoxy3Qk60ANXuhcwu0Xi0VQ54fxcVjVJHxowHyPjo6CixX96qXcLNPRyDn8UjRf9OMPP/zgY9B1\nyfqB//v7+4mx7PDw0MenyHGMC/7rHq11ieiPw63WbkJ2Z7OZj4Xft1ot/0xDTZnb+/fvA36aZfIb\n7zsnJyfOBw2ZjkPXVquVrzX40Ov1gjqZPMteq2HjcRhYp9Px9/C7x8fHJPRaAUO4KJTLZQcg0gtx\nXO9RQ+GQ3aurqwRgbXt7O6k9pqGuyOzDw0Ng/GScsbG8Wq0GlzJooAi69MV5kTFpaK+GZMY16rrd\nbiBbZtmZT0P1zDJ5QX6vr68DR4NZtkaQI/jW6/XsX/2rf2VmH85hi8XC9SY8GgwG/hk6XJFWtbYf\nl2OMAVr/Kq5favbBMKkXSebx1VdfJeiGd3d3zmM1TMSgJO12O7jkmWXyEhuj45aH+eUtb3nLW97y\nlre85S1vecvbT2gfDfP7H//jf7iF6v/7zMzCBEqFG+QWqOEFNLVWx5aJp2qobGxs+C2Z2+NkMklq\nY6jlD8uI1t/Rehlx1W7F1VfQBq2aTf/q9lRoXbPMEgJtsKZo6Aq/f/PmTQLV22g03AqgHjGF6DTL\nbuxxMrfCVmLB6Ha7/m7eu7u7G4Tj8TutwWGWWfTUsmEWQtlCcw2FUgsMFgS1fsSJ9PP53Pvgfc1m\n0/mkIVPMA55/8sknidfw+PjYrRQaasnfatWKoeCHw6FbJHBN93q9BJRCQyKwbrx79y6xVnc6ncCj\niLWdufX7fZ8zYzk+PnZLE79TK/9TcOQKQKChCGaZ9QhgD+amyZNY787Ozvw99Luzs5N4tX7zm9/4\n+zQcSOHezTIXPBZTXXvQS6u2824Nt8M6qtb0uGaLJgJTL+X58+dJXQidE7y5uLgIkvihDzTQZHi+\nh7aFQsF1AjpkY2PD1xzf6brV0gJYLmk//vij87/ZbLpVTpPlSXiHLpeXl4llTaH4kavhcOjjYp0t\nFguXI2RSoYc1pBBZRGb6/b5b29Wazpzi+kVmYfhJXENrb28vsQa/e/fO+YCMqXVY4XdjeW82m0Gp\nCzOzv//7vw9g0s0y2YnBVSqViq97ZHw8HruMPQU2wrw3NjaSMOmLi4ug1pFZtlYVjMIs4xHrQSM7\n4pA+rfOILtze3vZ9qVqt+npVazZz1nBK3snep54J9qnZbOZzgUaz2SxYp9AFHU+bz+f+HgV4Yi0h\nV6vVKokGaTQaTje1Vsfw9g8PD4nHViNY4H+pVHILt+q4GMp+f3/fdQf97+3tJb/TulXou7u7uwRE\npFgs+ppSvaIh+GZheBn9b25uJrDv3W43CacvlUoB0Ab9xoBLDw8PQa07ZFWh4tkLePbFixdJjaVu\nt5us/zg0jDFAG3hYKpWcNgozrxEEZpkc8Axzury89M/Uc4rso2en06mDVvF79SQpDH4cWttoNAJY\nc7NMJ0ADdNdisXCZZnxHR0cJeJHW5KTf4XDo3ipgyxeLhXt0CIO7v79PQruPjo5cr6qe5UyunmBo\nqWdhjRowy/SYhuPCF90XYyAYrZPIWF68eBFEn5ll+lVpTb+MUctHsHY12icGqtJUFyKnNOQUmRiP\nx37WY24a6syaa7VaPifWXKvVCmSa38eROLVazZrNpv3bf/tvf2+YX+6Zylve8pa3vOUtb3nLW97y\nlref0D6aM7Ver63dbieJ+9PpNPFgPH/+3G+G3HQ7nU5QwJWGBUErOCtcJe8lJl1huLk1qleF2z03\nZ7VCqaWT2yfWiMvLy8Sbtre35zdxze3QnKqnoF15njktFgsfI+NTC7d6qNRCYxbGbWI90kr09DUY\nDBLAiNVq5bdy3ntxceEWLqytm5ubbuHAsqPeRbVu0h9jOjw8DCyl0CqOcddCiVhv6vW6JwJTCHNr\na8utEMiBFijWuHFkh7Hs7Oz4+3iH5o1oMiffq1U4hnjWeHBaoVAIIFF5bwxNraAOtVrNZR9rZbPZ\n9PWCXJZKJbdYIXeLxcItOVhW6vW600YhbWOwgfF47OsPGmkyJ7/T3AXNy9PCrPGzzK3ZbCZ5SqVS\nyXmtuVBxHLXG4MPL8/PzAFKe/ilUiTy3221/VkFOsOQxpmaz6e/G83BwcGBffPGFmX1YtwcHBy5b\nqlc0aRl+QCN+t7m56XNXLy4yge5qNBqJbDebTR/D8fGxry+Fr45jzUulUgAAYJbxGssvn21vbwfQ\nymaZ/KoFHFrGHvh37955H6z/k5OTBETmd7/7nXuDeZYx6rPj8dj+zb/5N8Gzg8HAeUOxyBcvXiSF\nIWezWVJ1frVa+VjQbdPpNClBoIAhur5Z1+R+7e3t+fgVapnxsxbMPsiWAqQwVniukPe09+/fO2+w\nuk4mkwRcZ2dnJyk0OR6PkwTpQqEQyEYMLKKJ51riATlReVI9bZbJOWPlX81JYC2t1+sArtjsw1pW\nmp+enjqN0AlXV1euC7SQMPucekFiWHXNL1bvrOZ8MKZ4r1cgJfbj5XLpekSBQBgXv1ssFj4Gvlut\nVskaffnyZUBLs0xe8GAgJ8Vi0fmmJSMU3h5asA8o+BN7I3lByg9apVIJzgTQkmcUWAQZq1QqTjf1\nLtKfAmrxN3pOI3ZYS5VKxWVZobTpgzadTn3d8D4zS3T4s2fPknxmLVyu0VJP7bPQVfOa4bvqAXiI\nvhiNRk4j3nd/f+9AT1pINs5X1eKzGkWkgFf8ixyRCzccDl23wQ9dF/R1eHiYeGLPz8+T8kCTySSA\nXTcLS25oNNX/+T//J3jW7MO6fvfuXQBGx/uUJ2YZr2MP/ObmZlJqY7FY+JwUEAyPnt4rNJ+Q36lX\nySxbU3EpgNlsFpTnMMvWl0Yp8Hv+Ru9pseDf1z4a5vdXf/VXAXIXiqlQKPhnmmCOctZQMgYLgbXO\nlKJrxYlxCiyg44xDte7v74N3m2VM1ARbxqT1NMxCVCrCEMbjsQsU/U4mk6A2BSE4/E4PyYy/Vqsl\ngAx6IVIEkjiRVZMlUR4qNCz29XqdIGM9f/7c56e1JwhPYcyvX792WqKM2u12UutCgTTg6+bmpo9P\nQ8kYC4uqVColoWSK+ojSnc1mLgso3e+//z6pRK30g871et3HR/8xzaFVXKNEFZMuemSLRdxsNpN6\nFKvVyuWOjW61WgUXKOiv7nvowNw3NzddiSIHGmrCgtaQTnh4c3MThAYyPjYkrS0WgzkovaBlu90O\nEt0ZM7XkdP0wTw0LjOupFAoFXwNaX40xKz/QCYqqRr9xWIiZBeFjWsOO92rtH1qMIloul1320QN6\nKNFLpILDmGWKWOuLmWW8gi4KHBKvZUUp+/TTTx1BUcF3NBQBmjMn1tfBwYHTkD6Gw2FAQ7PsgBLX\nMtNNks3b7MNFA/25tbXl64DP9DAFTZ89e5agTF1fXweyZZata/pmzHd3d0EdGv6N0aiOjo68PzbJ\npy4c3W43QXg8OjoKDiTMDXroQVxr8TGfWAfqYZQ2Go0S4CM12PDexWLhtOS74XAYGJDoK0bIMvug\nlyaTic8Z3aHrQWvKxWF+q9XKdYEaCOIae7PZzOfJWtc6OfSl+l8NhsxJDVkaCm/2dLhVrVYLLv5m\n4V6vB08uYjRFjIMG6/U6Cf0pFAoJwtvNzU2CnDccDj0UF7nT/RMe6H6Pfn/79m2CVKnGOZoesOGV\nXuahrepKNW5BZ61LyDz1/ISe6/V6AfCMWYiqrKkH8WH18fHxSXCgWL9peCnvXa1W/h7kYGdnJwH4\nmUwmzlfG/Otf/9r3Ng3jZ62pYSGuC3R6eup7OLyZTCZJWPFkMgkuwtBXL8KMOTYef//99/6Z0gy5\n4Hfj8TgAI+Ez5El5CQ2Yj55xFHFZwyihI39zmV8uly6LagBinr1ez8elBioN0TfLjF8xSreGUdOH\nAiR9LDweudWwO00xMstkjXOs7qGx02K1WvmcNOSc/ZB+NTSRpsBHeu7o9Xr2F3/xF3mYX97ylre8\n5S1vectb3vKWt7z9S7aPeqb+8i//0mazWVAnySysnaBw3dxC1SqEdUXhMmNLzWKx8Jskt9vlcplg\n+yv0sFrBYvjdarWa1GRSWF2tOh7Xgrq8vEwsMepGb7VabhVTy5FW2uZ9WCSgmyYj0zqdjltK1Muk\ntSugldZboEEbxtput93LR/jearUKrJlmmXU79jg2Gg2fk3q3uKmrux+rgVapjqvOr9drt4phcRoO\nh0kowXQ69T6wzqlFRF3EWHeU59BZgRmeCt/D+6UVvdW6w3uRI7Xsxl4vrRbPv5VKJbB0xbKqVi8N\ncY0rfWuSqXoeYlp2u13vj2e3t7edlliDFGKVNdXpdBKAF60IryAMT9VOoV+e1Vo2Wl9LrYBmmbUt\nBhu4ublJIL4VIAE6LhaLALjFLPR+sfY2NjYSYIbFYhFYpMzC0B94tLu7+yQoDXNjLU8mE6eHQpWr\n98Es8xTGnji1uKlnlXnO53P/rYYkx+UjFDCApgm0zHN7ezuxmD4+Pjpt8HrM5/MAeIAx8zt4qWsT\nXj6lk/R90Hk6nfr41JOJLlKLfZz0rbpTgVzikJn1eu3PQPuHh4cAzMUsrD2iNaBiGRsMBgEUv1lY\nB5F+NzY2gvBN5siaYyzIhtmH9bNYLJyX/O7i4sLHrCE0CtkfA0ZUq9WkxtLNzY3TXyHDY2/l2dlZ\nEl2ws7MTwEGbZWsFfuHVvLq68n1d10+8311fXztvkPHd3d2kLlij0XDZ0nDk2BOv9bKQiVqt5nzS\ntRBD1CtQFXOsVCpJvzp3LW3BXoT3YHNzMwF/6ff7CcDU8fFx4Ak1C0EkVD9qOQregUecdnd35+PT\nqAstv8Dex77++PiY8PX+/t7fzZqqVCpJeKSWS1CvQFwXSENe6UtBcxTgCxppGFoM46/nBD5bLpdJ\nlEytVgvKGvCdAkWZZessruM0n8+dHhqyx9/sj1rzEN33/v17D3/W0O1Y7rTOnJ5J4hBBlWMtVRKf\nRXq9nusvaNbpdBLQMQX6Uu+LAuTEY9ja2koiUw4ODpK6a/1+P0gD4X3QWj1mcZiv1lrVOwn3A2Ry\nNBolcO/X19fBOZx3oL8UqCT2xGpNRuV5HO11dHRk0+nU/uN//I+5Zypvectb3vKWt7zlLW95y1ve\n/iXbRz1T//2///cgD4RbnkI3K+Qm1hZu06vVKik0ent7GyQFmmWWiTgRVCEb1ZIQW3m1QKNaF2J4\nU61Ozw26VCoFeVZm2S2fm67Gs+vNWS10ZtktmTFiqSmXy26xIlaz2+367VgL6mFFYSw7Ozt+Y8Yq\n1Ol03AKDJVkL26nXir80J2C5AAAgAElEQVS1eBqxpty21+u139A1qTIuvKgFi5m3FhVW6xf9Ktxs\n3Md6vQ4gm80yywPeNKzfnU4niQO/vb0N4MppxE8jY2rR0WKFTyXmY5mEpsvl0nmt3j7moaAENKwk\nw+EwqERO35pYHkPdLpfLBKBAiz9qXgbvpm8FMqCVy2UfI/RbrVZBfDL9YllF7jR+GBpoErkWclbv\nDv3GFrPNzU1fk/zO7INHQvMan8oh0IK7Zpkca06AWRYPrlXT44Y8axFD1vVsNnMPAvKuXiH60Hhw\n+teGnGjldda5FkLUfCVoXq1WAyhks4znvAcajMdjt/gpWEdcZFfXNfxXaytzurq6cp2nSfUxsJDZ\nh/Will0tOWEWAvyod0v1IZ/FHpHNzc0gQT2eh8a/Qw/0ohaLVwh19SozzhiUQEsZwMONjQ3XBeqN\nUq8H74tzBAeDgdNIYfrjJPLd3d2kKPv9/b1/pgVu1SpvlvFS9030perhONF6NBq57CjNGZdGI8Tw\n8Xd3d85Dfjefz4O90SyTWfJZoNHe3p7TELmqVCpJTspkMnE9p/k2cWHoQqHgY9H1EyfkK0iHevTI\nHUGfPD4++rrgd5prBJ0Xi0Vi+V8sFgmAj8KD6/qlP80zY69CZ52enj6ZY8sYeFZ1h+bJ8jvNTdF8\nFegG3+r1elBcmbnFsODz+dx5w++0bInm4iGDmnMYF23WM5B6URgXa7RSqTj/4Uez2fR9QoGDNN/J\nLJNJLa7O7+E159T9/f3EG6h5XtBUI1N4R6lU8nEhx+phU88ItNSC3rxPS8zEhXw3NjaCd8ODuGD2\ndDpNik8roAk0rdfrrrPIAdR8WgXfYo1eXV25jtEoA3iNHh4OhwmEerlcDtYkY43PjupxZl0oOJyC\nhMS4AVpqR0sVxZ74fr+fRHtoxBnn95cvXzrdWEv1et0Gg4H95//8n3+vZ+qjaH6DwcDW63UCyKCu\nSw1R0jo0ZiG4AoJeLpeTpLSTk5OkRkG9XnelwYFoMpl4fwhru932z3DBFovFBJFjtVoFieJmYSV3\nWqVSScKaFKlmY2PDhYo5LZfLJDym1Wq5ECqyCAsQml5dXSUKWEOIVDnGF1g95EPz9Xrti5e57e7u\nJoJeqVRc0NTlDA21QjbKR2uF0TQxGwWhaG5PgQ3EaHmDwSCp/n5wcODjYiPREDYNG2Dh6MaDEtKQ\nHb1smWWHDXgEnbX2ADSYzWZOUwUYIezhqbkVCgW/TGudrtitvFwuXfFrLS4ai1yT4BnDYrF4sj5L\nvL40ZEJrVcUX2MVi4QcmvVAi58yt0+kktRjG43FSA0jHoCiRcYV5PVzqPBiLhnHGiHZnZ2e+QdAH\nMqStWq0mF2JF2qIPDaPQyzxrQNGB4g1luVz6M/BeDwUc0tXw0Ov1XHcoshc0VLAe9AP0e3x89DnB\nr2Kx6LqFw+3+/r7/TsMt49pZKvuM5fLyMkHBnM1mSUj3eDz27zXsTS9bzFfBOcxC4APVLTR05tHR\nUXBgMsvkKdbHp6enidwpSiu/r9fr/h707eHhYQDww3yRd/hSLBadhxquFAOurNfrYH2ZZTxVQBaz\nEGBG9yTG9dRFW+sH8dnu7m4gC2bZYQodig5U4wZ/X1xcuGFCD93xwVSNqXq5YL2iB9SYilxpHTQd\nn+o5xhSHMG5vbwe1f6CBAo/EdNFwdfSXAoLEwAKlUsllEVoVCgWXLd6ndcFoyLPSqtVqJQf23d3d\nBCFRdaa+F/oqMFRseFqtVkmyvl6MFaGOOSkSJE1D3DUMTHUGY4UOjHU0GiWATDpOnt3d3XXZh+fn\n5+dJGPLt7W0CLLGxsZFc9jY2NgJ9bhaGl+r6iesMDofDBL1UQ+YUETBGWry7u/O1gq7R86TSmb8V\ngAR+KipujBKtoe4KHKUXJrNMNjgjY1gulUoJoM18PvexaLoB9L27u3MwJGh5cHAQGBXNwgsW+9zh\n4aHLRGwA0v5UJjjHrFYrnxPjX6/XftHU2l2MQQ3KnMNUxqCrAlrEwDftdtvHqukvjIsQzMfHxyfB\nzbTlYX55y1ve8pa3vOUtb3nLW97y9hPaR8P8/st/+S+2WCySWhZq/dLka00UN8ssROqpMQsBDbjd\nPjw8BKEmPMstlO82Njb85qoQ6vGNvt1u+01T3X1YQnh2MpkE9XnMQlh1bt3tdvvJBFXtN4ZBn06n\n/h7o0Wq1EkjJ3d1dnycWWLMwEc8shOzFylitVhPY3acgyqvVqtODMStYAnzTKtxqOVVXNLSMQzVL\npVJSB6vZbCaJqvf3926F0AR+rBr8O51OA3ADs7CGDhaWyWQS1Loxy+QktuLP5/Mn4a2hHzxoNBo+\nPj4bj8c+foUOj8PB3r9/77TS2gka/oDM4wEsFApunUS21TLN+1arVWKVPTs7c5lWSNMY2lfDBaCf\ngheotUdDw8zChHYNt4U3GvoZeyHVeqs1tOJE9Xa77bKvIQcxxL9WdY/nY/bBYqceUWip1dMZ83A4\ndGu6Js1r8ji0j4FK9vf3Ex24WCwS78xwOPRxKWiCwj3r5/FcaJ1Oxy2meMm2t7d9raPHFAhAQ82g\nr4araPgUNEA+aVqjRr1HrF3k4OTkxOmgYShx3aVisehyB51Xq1UwVrNs/cehZI1Gw/vAKqw19FQX\nQVOsxgcHB0+CK8T13PR38LDX6wV1Es2yNaNAO2aZLmceCjGunkSzUG+zLg4ODpIaMNVqNainCC0U\nyIJ5KmAR8kHb3t5OoJMbjUYSGnR7e5vAx+/s7Pi4NARcIaIZC7xW2Oc4dPHm5sb5pcnw/M07FPRF\n4d/jfcLMkj1VwYcURErrBtFvDMKj+6J6N5iHAi9BD3RQqVTys4XWV6JfjV7hb3T/u3fvkvWtkSda\nD0eT6ukXOdAICg2Pjb31GrqmJW201IVZJsfxutY1jGf/8PAwqe2mPELO1SujtSpZI7oPx1FDi8Ui\nAaDq9/tB6KpZJpPIJ+8bDodON/rScEAFiVBvK+/gd+qNjkNYi8Wij0tLEPA+zpPHx8dJRFGlUnHa\n877ZbOZrQL1v0DVOW4G+Zpn8kV6CzJ6cnCT1IbvdrtNKox80FF+jbczC8xCyWqlUXCY0PDaOGtHQ\nP4XX16gHs0wfxiHY4/E4qGFlFpYK0CgI5omsKSgFc9zb20uA2crlcnJ+6vV6tru7a//hP/yHHIAi\nb3nLW97ylre85S1vectb3v4l20dzpqbTaRAfrRaxGD5Uc4kUzlkLOJplt8c4aXa5XLq3hVt8u91O\nco6m06kDKWBJqlarfuPkhq65FVoMjJswz5ZKpSQPaTgc+mdY0Or1uucfKDw73w+Hw8RLobkSjGEw\nGCTWEbMPt3GtSI4Fhnfc3t4muUEKZa2JdFgasHq9ffs2SKY0+2D91Lk/VSxWQQLUkhUXH14ul05/\nhQqNi/YWi8WgqCP/YnFQ68Gnn35qZh+sWpPJJIA/hmbEzCrMaVxlW70kfKa5C9CnUqm4LDK+7e3t\nAIrVLJM73qO5U8h7t9tNKscvl8sk0bJQKLh8I0+3t7c+fqxZah3FKj8YDJJxaSIw8nR/f+9zV+sx\n1iC1KMVQ671ez61LvGNvb++fLUSpVnT4iqWu3+8nHsfZbBZ4JPm9gtuYZVYm1qEmiSPLKlfwQS3J\nsSVPk+b57O7uzq3VxEwPh0Onr44zLio+mUx83WouWVx+QXOdNMmcfp8qYru/v+/vRC+Wy+XAWshn\ncX6f0kgLNCpkrlkmf7HFVPMPmefJyUlS7LRYLAZjhfaxd+Hx8TGBPFcvFDL01PpRcAi8uAcHB8ka\nGI/HgdUbGiBPCnOvUNdxv6ojY8+Ogheoxy7OSej3+75WeO9wOAxyfumX8es+q5EffKfeI6zGPKsA\nFFq0W4E4oBHyhr5bLBZB7i2/iwvqKoyz5vvSH7Konn/aZDJJShkobD1tY2PDf4f3o9VqJfvYbDZL\n6LZarZyv8LDVavl71IPxlHchLgKtMqtFZWM4cs334zMF4YBmGv2gUN+Mn/WjuVpagoD9UAGw+F51\nIWMej8cuE+olVUAJGjpPoeehpcL9Qy/moXnjynP6Y04K4KX5zDGI1Hw+TzyOWhYAHdfv95Ooppub\nG58TcqW85vfqwcIrpCUelNcKWmaWeRL1vGaW8VfzyswyHvIZ9FMYeTznZh/0upa+gP/quY0jwLQU\nEDJ2fn7u8g5P3759m+S6bWxs+PfT6dTpqjoLurLnKq4A3zUaDaeh5h/GUU36DHtztVr1ZxSfgfFD\nt+Vy6c8q2N1TZVCQdwXoiosn654FvzRfUb2zsbc/bh8N8/urv/orm0wmLlQsYg0R0M0gRu5Sdzbt\n8fExqRj++PiY1ABZLBb+Hg2xQvmwidzf3/sYtEJ7nNDIhmH2YYE9PDz45qwJq9CFi9tisXDh2dnZ\nSZLp5vO5H3q1ujPKSmtyMUba7u6uLxgWxMnJSeLy3dvbc4bqZTVGjKtWqz4X6PbUoqxUKk4Hfnd3\ndxdsIIxJa6uYZcogRtXRTUjR0ni31kiKwwG1gjf8KJVKrvwQdK1Er+hG0IDfz2azIKGcFieqFwqF\npFJ2q9XyBaa/Y27I+Hg8Di7TfAddNCxIEX70Is88YgStSqXil2RNQEWWOQRrH6oM+J3WgogvMK1W\ny5/hcvbu3Tv75JNPgrEo6heX29VqlQAkTCYTf0blHYWpRoTYfa+ofxqGoLJPi404xWLR6cGzW1tb\n/oxuMvEaWCwWCeqP1rdRGVeDDp8hvwpOEB+wtU4T/WuF9o2NjQSQo9PpBAns/It8K91YX4q4GiMU\naYV51R3QRtHNkB0F61CABeiLztVaYcgRdUk0FFJD3OKQKUXpglbz+TwJTZ7NZklCviL88d3JyUlw\nkKRfBa2BFmqAMwtD4hR9MUYg1Xo/bPq1Ws3fzZrXMD+9PMI3rcMCb9js+/1+gsz68PAQJK/HSJCv\nXr3yuTOGh4eHpGbPzc2Nv1tpFdcyKxaLgczwGeuFA+D19XWwJs0y2YhDsLe3txOaa7085ETDo7TG\nTnxxrtVqvhfwvlarlRg39UKkBtQY9VXBVbTuV4zwZRbW7IvHrBcnzgZaV5GmOl3XoVkY6shnjUYj\nqd23Wq2COnnQh7HqYVX1F5+pASBGq9XDqtYvVBQ3s7DuInpYwZVU1nh3fMYx+7DWa7Waj0vDpOO9\n7+bmJjkX3dzcJOHgq9XKzwKK/gndFK01NiT3+/2kFmS5XA4uTGZhfTvWq4ISob9PT08T4JP9/X2n\nr6LmKggW74hBM6bTaZBGY5bJfQwIpzUIed/JyUkAMIZO4zMNrdb0HeYMTS8vL580TKOfmOe7d+8S\ncJD1eu08pi8FzdJLOnyHvuVyOQiz5n0xaEa1Wk2A1DQNifednp4maIOg4eZ1pvKWt7zlLW95y1ve\n8pa3vOXtX7h91DP13/7bfwvgchWyMcbE1781nIZbKNbKarXq1ha1Cj2Fkx8nPm9ubvoYNPREQ+vM\nQpeiuuJjqOX5fB64ys1CFyHvm0wm/s5PPvkkueEOBgO3AqmVLwZp0CR9rAoabsXv1UXPexuNRlKf\nod/vu4uWMW1sbPhcPvvsMzMLLb8K3Yn3QxMCGR98WK/XbvnVvhizwtZjqVHXriZTMzesAIzz6urK\nK4drWB5j0cTdGEL96uoqgPmE3lj8NJQgDq3o9/tJiIhaCOHB9fW1yyrWd/XE8N6zszMfv0KKYkm6\nuLhIPBzq0VULMDRUCxf9YAk/PT11675CMTMXrVcDjfC2Xl1dJaFfGkaBnLRarQQu9fXr124h+vHH\nH/3ZOERIQxzQCVrbQy1TWoYAmsXWpdFo5H/TSqVSUBPLLJMXaMq60Krt6sFEfjVsmL/h9Xg8Tuql\njUajJIRJeQR/tXaL1vWCr8pr1UUKiGOWWXHj0KrXr18nSb+VSsXXK/zSMCrk7+TkxHWLJvPCG8av\n9cig3/v374NwTLOM13G4TafTCSDszTJ5jmVbQ8TRSefn50n9mNlsloTRDYdD19NqqdUwSsaipSzM\nMtnGqwFtsfDq7+r1egBkY5bpyjg09d27d/681i1UICCe5TP1VsRRBtPpNAl1VxCGwWDg/GeeW1tb\nnngOLzXM89tvv3WaKt/NMnlBdnT9aH0paAnfFWgBnvCs7v/qFWANs342Nzf93RpBomuS+SDHWu+H\nZzU0OgbN2t7eDsqu8F0cWtXtdpO5PTw8BKAa0EAjNRifngnMMn2Lp0brdSH7jEW9mioTWgMSmtJU\nZzIW9aDp+QNas7f1er2kXAL7u/bz9u3bwFtgFpYj0HqejAcdqDWlWF9v375NSsHos6ylYrHoffCO\n58+f+/g0zDwuUfHVV18l4aCVSsX5yfqYTCYuE+in4XDocqwecd6jYChx+ObZ2VngMTELwT+0xudT\nobi6HugfeUeGBoNBkArD+GLgI/Uea11N3qcRUhrCGtfE0+gi5OXo6CgInzcLw1nj6BGzUO7QO8z3\n9vY2AaUoFovB2Vf/5T20uL6hRquoR1HruEJzLQHAvJmn1u47PT21f/fv/l3umcpb3vKWt7zlLW95\ny1ve8pa3f8n2Uc/U//yf/9Pu7u78pqaQgtwCsYRoEiMWjFKp5FYPLCdv3rzxG58mInMzxZLcarWS\nKuH1ej2xBhSLxaRifa1Wc+uCwodi6dLYSrXemX247TNWsxCmc2dnx5MlNbadz7BcFAqFoMghLc41\nq1arQSVoxgcduEUzf7MPVgWFzqX/s7OzxCIxHo/thx9+MDMLLFTc1MmFKZVKnpCvnjNu/npTV/hL\ns8xSECcgl0qlACIaWmFhYsy7u7sJ1K4WkISvz549c6+MVkeHpuqhivvl/9DNLIytx/KnFh3Np9NY\nbrOMp1hnsPZovtXW1lZi4bi5ubFXr16ZWVhkGV5DZ62urnOLwQE0EVw9GPBBLYnQBstTsVh0C6wW\n6mWsyK7mpKhXGB7/7ne/8z7oD+9XtVpNYJWLxWLindMEavpXazV9PXv2zP+GX1q2ABpsbW25xww5\nVQ8LtO12u4kH4/z8PCn4PRwOE6/7fD73OWkybwzWU6vVkgT1x8dH14vNZtPXqVoA4+RrBZZAxlQm\nsPy9f//erWys4fV67fpa48/jnM6tra3AG0+DT9Becyb/+I//2H+D9wG9PRwO7fvvvw/Gp3Njfam3\nWvMueQ86SeHTGafm5CpsfQy1Ph6PXXfw3fHxcSJjlUrF343sQkezD/xXsB7N+VArsFlGW/pTkB0+\nQ+60BAERBZPJJMmxbbVa/h7N+Ylzic0+eBrUy6seTMYAr9+/f59Yvd+/fx9EH5iFBcRZh/P53PkJ\nLV+8eOF7KO/d29tL8mhHo1EAV09f6BHWz2AwcB3Evy9fvvQx8Lutra0EwIVx059ZxitkW88kjAv9\nuF6vE9Ck9+/fB+vGLCzkrV5GzgRaSF71NWPX/hiv7gnQm3koQE5cKkLzUG5vb+3ly5cBjbQQrUYS\nQA/oWy6XE2/Ler0Oiusyt9hL/u7duyDvLKab5qkxF9aSFoZlfK9evXJ68V6NjEJOR6ORr2H1LtI0\nVxS5U+hx1ZvQnN+pRzT24qveYZxaakPHxO+0oLuWBTHL1pTmmtIvdGMeOzs7fkbWfHXmoUAz6Afe\ncXd3531oQV3eo2Vm1AvF95qvir7mXKS6GXmpVqs+d2Rnb28vALeBBprvZpbxhnlqCQ/WP59Vq9Ug\n6sEs400M3NJsNoNyP2bZmo/38G63a81m0/7Tf/pPv9cz9dHL1H/9r//Vtra23I2t1b9j/Pv7+3s/\nKCqaD0KgdRAgNgq71+u5wuHZ4+PjAKHILGM2n8GQ1WqVHJzPzs68D00EhTn87uDgINiY+Jc+SBzV\nZDi9TOmiRBAVcQvhU0ADxqPoTDHCil6mWAhPhcI0m80kQfHu7s7fQ+ichi5ogiLv06TzOLRiPp/7\n+OGXKis9AMaHj9Vq5fTg33a7nfBfEX40oR7logcdhP6LL74ws/Agzpjev3+fKOK9vb2gxhY01eRR\nmlYEZx7Ipya7ap0k3gc/Dg4OgpAV+BCjam1ubrpc0t9sNnOgDT2oxSE46s7W8DhkjHFpUiWbwvff\nf+/PQPv9/X2fE7K/sbHhsgVN7+/vk4rwWgNCgSBiY0u9Xvf5KiAEm54CxsQHCUVVUnCKWNl3u90k\n8X21WgU1QuiDv7UeTYwEdHh4mCTD39/f+5w02TnWMe12O0leV7TOXq+XIPI9e/YsqFNklhkeGCMb\nYqvV8n7QJ2pwgDeNRsN1uCI3xYfBer3uugVZK5fL/owClsA75sEYebdZpid4RqvTx4n7W1tbvnEp\nel2MUKYHGP7t9/vJRWFra8vHr/0j24quqIiiZiGQjhpOuNBpXTJowJrf3d11+dA9KwabePHiha8v\naKGGJ3Sc6g+tS6f1t1iTerh9Cu2Lyyztj/7oj+zrr78OaLS1teXyxGH1/fv3CSiJzkmBmWKgit3d\nXZcFrasWJ6UrzRnLer1OLlOvX792GkH7RqMRAMrQYhS8Wq0W6Cpo/t1335nZh4vTeDz2Q/lvfvMb\nfx/GGWRoNpu5gVKRPpFf1oymFyCTz58/T9AGx+NxckAtl8sJSFShUEjqPrXbbR/L76sjp8ZRs0w+\n45BJNZKgQ87OzlwmGNf29ravNWR6d3fXf6cJ/si5hj2jM9gnisWiz08Nt8isIvMxBnRXq9Xyzxj7\nn/zJnwQIldCANan0jRF+d3Z2fMxqQEO2eVbPd7T9/f2gDqVZpp/iENbd3d0EOEbrdCG77XbbP1OQ\nI/YsxvTw8JCgBM/n8+CibpbJJPKhyHu6fuIQTA3Vp33yySdOB63jhc6A//1+PzEKjkajBKl6d3c3\nQVrUs77qRWij9TJjMKR6ve60wZij5w4NR2TMeq6IAchWq5Wt12v7i7/4izzML295y1ve8pa3vOUt\nb3nLW97+JdtH60w1Go0AVlVrQai7k4alAY+IhpzgjZhOp2594Lu9vT23EHAjXi6XiXtZa9lwy1R4\na4X1VEuDWWhd0Ho+eBq4YT979sytgFozhhv269evEyjGwWDgngsNiVHodObLs1p1PK4lMpvNkpo9\npVIpgMQ1y272ce2px8dH+/nPf25mHywhz58/TwAIqtWqW6uxAJyfnzs9uJVrsrECFsTgFd1u18ei\nYU/QFUvdd9995zyBVqenp0/Cm/M7LAWlUimxEJZKpcBTwzw0wR9a8LdaRuKkT4VQZm6awIvl59tv\nv3ULJt7DUqnk4RSdTsfnrOFdask1yzxAf/7nf25mH+Tp9evXSd2IXq/nfSuohpYrgOYxfPDV1ZV7\nIen/4ODArVPM7bvvvgtc+fRL07AgTeI0C+tz4Tnp9/tOc36vrn/6VWs7v1fPqSZpxyEJn332mYcX\nqYdQE4/NwtojWPv29vaS5PV2u52EujSbzSQ0WYF51GoYw6CXy2Wfm9b/Yu2VSqUkzK/X6/maY531\n+/0Esl3rlbAeLi8vfY1ruAX8VP2EHsQSOxgMEm/L9fW1jws6a00heE5f2larlb8PmVW+kgiuoT8a\n1hwnXyvYCDRTsA71JMXhm71eL/DUmWVyFyc3393deR8K00/IMevn/Pzc1w9z63Q6LvsKUoQVFXqr\nt4JnNXRa90p4rREIyNjh4aHTUkFp1AvEGJAP5EC9Xgp9jR5UwCIN+WH8MSiBWr3hpcJ4897lchmE\nfDM3ZEy9ENCfsR8fH/uzyJ+WLVCvS1zLaGdnJyinwTg1iZ/fQWv6urq6CuZklq1rxgx/ta4W81gs\nFkl6gYZ5asmQGIRnc3PT9QR9qdUdXTmbzZK6T7pG6/W6gwhpygbh9hrWxDzRIbVaLQBOYPwxSMN0\nOvVxa/kPZF69gbyP6IuLiwvXS+gEDUPVSJHYC/3+/XuXafWgKPgBY2etaGmbWN41SoZ3TKfT4ExD\nQ/Y19JP5ousfHh5c3jgX9/t9l1mNBNBQbcapaSeMhXPHU+enuO6o2QfZmUwmro8VTI551Ov15PvJ\nZGJ/8Ad/YGYfeL1arVzm9fypNcfMMl2DXmJNaUpPTGezD3qzWq0mKTjT6TQoH2OWyUYMod7v94PU\nBbNwfWkEQwxKpCAyGlWlod5Ptdwzlbe85S1vectb3vKWt7zlLW8/oX3UM1UsFoMESk0Yj4uKarFL\n2nq9duuSxq7HyYutVsstetxaLy4u3IOgydDqCTHL4lTj2+VoNEoKpdVqNR8/FkW91dI+//xz70Ph\nnBV+kVsx1psvv/zSrU7QpVKpJEUxFXoYK1mr1UoSxufzeQB/axZCBXPDbjabbkGAD6enp0mMa6/X\nexJ+/alkydiy9qtf/SqBN9cCnViyqtVqYg3u9/tuadJ8IIWwNDP7p3/6p6TI5qeffurWBfUuqQfR\nLIvpZh70v7e3l1TK3tzcdE+RWv5omt+GPCnsK/zSHEBkUKuOayI4VhlNXoWvvPuTTz5x2cEKqVXY\nFVQhhlguFApJgTnNo+P3lUoliM2HLvDpq6++MjOzX/ziF0GxZjOzX//614kFvlqtujxh3ez1em6Z\n+vu//3szy3ijydTQQGPvGbsWTTXLeBRb5ff39+3zzz9P5hZD6KvFnvWoyebwfbFYOK/Vuh1bzh4f\nH10/YSUfDoeun7D67u3t+fsUxCAGQ1APixYBR1Y1p0bBC5BvLJP39/cJUM18Pk+KzhJhYPYhN6BY\nLPrf6JVGo+Hj1/IFMejH7u6uy4TqmtiCvVgsnDfop3K5HMAQ8y/0ZSz6LPxfLpfenxZPhX7qIUA/\nqBc3LnCsyevqZUQWoKMmffPvdDr1Nac5Z/CNpnmDjPPx8dFlRz18cUz/eDwO4IChLfvJ//7f/9s9\nmJqLSe6aAgJoKQbop7D2ZpnuiAtbl0ol5zUeAC2AqoBQ9AHt2+2284uIAt1jNN82ztUYjUZBbovZ\nB/7qZzxv9sHz8/Dw4HpR89X4TOUT2WavOTo6cllgzFq4GrnTXBIF0tKyMPweHiJ3x8fHQVFcs4wv\nMahTrVbzdUNf76Oq0QgAACAASURBVN+/T3LrVqtVAPdtlu23zEPhubVcB7/lu4ODgyRP/f7+3tcf\nunS9Xif7P4VNzcKIA96juUlxcVcFbkCfVSqVJ+VOc3T4XezRGwwGPj5yHe/u7nw9KGw949fC5PCL\n9agFjrVEAvT98ssvzSzU2+qxQ1+zlyu8Ofvn27dvnUbQWyPB6H9jYyMoEm6W8VLzz80yXgL+w3q8\nvb11nut+puc7vGJPeYvg0fb2tkcp0CaTiesC+mi1WknR6XK57HLEep3P5wkY2vX1dVJgWNcDa1Pz\n1OHlaDRK8AD43OzDWm82m8mZtVAoJGWfBoNBsofH7aOXqdVqFdRBYjAqDLo5s4g4ODebTf+bg+L2\n9rYvDq2DggAjUIqqoe5ANgBVBDyjblLeB+Gur69dcLUiOe9GQM0+KBwEs91ue39nZ2cuaBxQtre3\n/Z0KSsC7Yejl5WWAVkRDMehlNK5r0O/3nf6E8U0mkwTkYr1ee9Idc1cksxiwALqaZYpT3aLQAuWj\noSGxIt7d3XUeQ7/Dw8MkYVT5rzRgPFx4Dg4OnH7URul0Ok4DlEGhUEjQgQaDQYLcVi6Xn0xAjYEv\n7u7unL4oQRDrzMI6NCgF3nt5eRmEbCrqGg266iWTRHBFgNI6FYyV8bBBmIWIaHHT2h2K8mOWrSkO\nBtDoxx9/9PWlBgDCExjn/v5+YgC4vb31zU+RD+PDSqfTCTYVs0wmmJuGusYAJN9//73TF0W8vb2d\nXHQeHh68D63oztz0UIsS1wT9uIbaYrHwuWlIB/L+z9XG0MRsPaTDt2q1mlzUNYRUwxWhB/2enp4G\nmwX0iNGINPyItdftdn1OGpoYG1M0xFGNFnFY3/X1tR9I/vAP/9DMwsMUMjGfz4NQXrNMxmLwmu3t\n7aBGmFl44VA5juuRKRCAHjjieYzHY5+n/p7LMXJvZgnQx9XVldMK+dS6dYz58fExARh5/vx5AKAA\nnZEPdEyr1XKZULQ2aPTzn//c5Qi9+fXXX/vhQscXr0P9TMOoFNyC8WlYFGOF18har9cLgD3Mwgsn\nNAfwwezDGu71egm4zmAwSGoF3d/fu26GX3d3d05rxjedTn0v1bqFMUBOvV53/c/hezQauT5UIAB4\novyPgX4UgIQ1+uzZMx8La3W9Xvvc9fISH9hXq1USOqWAVeg7rW/HmJ49e+a0fvbsWQIEps8gL5VK\nxWnJ+OfzudPrKbRh5LJSqQSGVegXXzg3NzcTva7hhezbo9EoQJQ0y+SA3xEi+BRIg9Y8VLRL9lJN\nPdHadPyr4azx75jP0dGRrxENtY5r3imQlhpVFZDDLNMXT6H6xrq8XC67LCoYG7IAT6+urnwP4eKh\nfFCkaQ1rhUb87mc/+1mQZmEWprDo+OkHml9fXycGgp2dHaeNpqZAI/bP09NTNwoxT93r4G+5XA5C\nEqEBZwL62tjYSGpyPj4++twZy93dXWJQ0tC/39fyML+85S1vectb3vKWt7zlLW95+wnto56p8Xgc\nJPNqMik3U27EJycnSYL05eVlAg9dKBT8d5rYHOPu93q9JPRrc3PTb5daaTyuvF0sFgPoRMYew75q\nYj4356dCK25ubvyZTqfj49eaSIxVE/PjkL6dnR2fi9b9ieEZ7+/v3YKMZe/x8dFphFXhxx9/9Ns6\n7z08PEysVKPRyOeOB67RaCT1Xrrdrt/kNRGRZ9R6jxWINp1O3Z2sXjpNbjYLIarxoB0eHvrv8B5s\nbW35M1grvvnmG3cDa6glsLDQezabOT2wOK5WKx8XVi3lkSZZ8zssYycnJ84HftdoNOxXv/pVQCsN\np1ssFi6DWPY++eSToOK5WcY3eIjFSYEMsDh/++23bpXDwqV13OChrhE8Z8vl0ssW0L7//nu3sqmn\nGLohL7qWtGYbnjVopUnfCpSCPGHpbLVaPmYFpYBGWMGq1arTCv6WSiWnh4ZqsIbVCoVVi+9arZaP\ngbErZLCGj6LT+L1C4LLOm81m4tXUpG8NV4S/av1W4AFkQcsSxNZnM0uSam9vbxPd12g0nP5PhY3y\nrHomNVQTujH+29vbpAaMgtzQx89//nNfm4zl+PjYvbroEAWlUM+9hhpCixgERSMAFNI+rm+j1mpo\ndnZ25nRA72ioE+t2c3PTfv3rXyf0g6aMpdlsJvW3zs7OfN1qiFJsNV6tVq6DkM9areb6mM+2t7cd\n0Eb3p08++cTMMlnFi8b6WSwWzless8PhMKnPuLOzk+i+arXqdNNQaGik9ZQYI2Pe2NhIShmoRV/3\ndfjFmGu1WgAUo/1Da8YH/dVjG0P8VyqVxKvVbredN+xTj4+PCRS4Qo8jf1dXV+41QGY1RQCa3tzc\n+DOclRSECZkol8s+PmRia2vLv9cadIxLvYyxR0zLQMDT4XAYhMkjE/xWo0ZURzInrcVIJATyfnl5\nGYTAmWV7jII4mYXhsQqQgVwy36urK1//8P+bb75JgMXG47HD1WsdN84M0Orzzz/3zzSMj/cgJ+Px\nOCm1s1gsEvCSdrvtHjP21m63699rfbO4JIvWqIIW6/Xa+Y+8qOcjBizS+bbbbdfRNA1rVzqz5mha\nHwpatFotH1+v1/PvWaOaBqMAJKwhBcqCrvxbLpedx+gJjUzR8hHIEb+7vb31uSj4A2sDeu3s7Pga\n1/MuY2Xdbm9vJ2BNZh/Wg0ZJadQTjff8vpZ7pvKWt7zlLW95y1ve8pa3vOXtJ7SPeqaazabd3t76\n7Y1b42AwSPIKNjY23JKAJeP6+tpvx1jiTk5Okmrnq9UqiRfd29vzG78moGkRXrPMChLDVh4fH/v7\nNLEVSwwWG7WcaKVkLLXcTIvFYlCJPgZQqFarCZziarVKYKZXq5XTUq0UMRTv7u5uAN/IWClUi5Vk\na2vLn+WzbrfrdFUrL+NSKEvGjPVmuVwmxS5LpZJ71rCsT6fTJOa/UCi4VUktzjEk9y9/+UuXCWhe\nr9fdQgh9vvzyS38GD8tTeXTv3r1zTwP8mM1mbsGGFm/evHHZwbrUarV8DArJyXvgUbvdTgr5ViqV\nJJb39vbWP+v1eknu3eXl5ZNJ39BcywP88pe/9Gf4DBrBw+3tbf8e+dR8JuZ+c3Pj1njWaLvd9rWr\nOXH0Cw1ev37t79NEauKj8VpUq1XvQ5M1GbPmycUWonq9nni/p9Op0x9L/Js3b5IC0gqDipzO5/Og\nTAKfaRFLs0z+4CfzfvPmTZJfoh5bBejQmH+zzFrG3NQiqxZps8zDy3suLy8DQAzoETeFikXehsOh\nzxOv0Gw2c1pqUnXc+v2+6wzGMplMnF+sbyyQ2nZ2dhJ9srOz4/KkoAO8GxocHh4GuTL0z3sUKCMu\nTjmdToMyBGYZH9hPoMuzZ89cV/EO9jKzMJ9JvVSMnbFoaQzogjf6hx9+SIqKLpdLn69anLWEhlmm\nf2IgHfUA4EXu9/tJsfXj42OXO7Wc8u5ms5nkWZyfnwcASmaZHkDeFFiKZzWfIS4qrsWp+bfX6yUg\nN4VCwZPz1VOkebY0ZIExHx0d+R7E+5bLZQC+YpatC2ikcM/oPp6dzWaJnEwmE9+zeO94PHa6aA5o\nDOozGo38nIC8D4dDnwfvm0wmiQdwvV4HJSXMwjxv9IECDDGfo6Mjl1nkRPVtHEVglukv9LSub+iF\nTFerVV8j6Ls3b944vXhns9n0PnXfZvzsSS9evAjyic3Ckjfo9WKxmOgJBZZgPf7iF78I8rbMMn6p\nB9YskyX2Jy2vwu+0DAPrkLlVKhWXOy1PQ3SE7jUKPW+W7f9aOoH5Mi5kcTAYJIBrumfRf7fbDaJj\nzDK5i/fAXq/ntEJnlUqlBHBhc3MzAcM5OTlx7/b29nbiMdeyMPxuf38/ifIajUZJeZPhcOjyqMWk\nkW/op2d4aKAFlTU/lnGhNxVwCRr1er3A2wofVH55L/KmkVZx7l+5XE7A9eL20cvUzc1N4OZXxseX\nh8FgENSkMQurIjNhrZeiaE4xisx8PncGQLjpdOrv0YMTylSTIuPLyMPDgz+rePn8DuFWdzBEv7+/\nD4gZ17rQMAVVnHoB4/cIvdb4gfGEai0WC3dZM/5Go5EosNVqlbjbF4tFUoei3W4/WRdALxBm2QKC\nDyxAdbfT9GCqtSDgHWN5/fp1EKJhlvFfwzF4R1xTRi8AHEx2dnaCOjT0wSImPEdrWTEPrZcGvdfr\ntY+Lf6fTaXKY3tvbC2pnQHsFeDDLLpscsL744ovk0n1xceG8o4/flywbHyQU2UdDWOME306n4/Tl\n0nh6eurJ9CD3mX2Qb3XtQzfWw9HRUbKGe72eryE2Nb3oosQXi4V/xrz1kKSHea0RBC2QX+ahF0Vo\nsFwuHeFPUbo0/Mgs42G89orFotOKtbBYLPwzDgCnp6cJ/80sCQfR+kHItoZx8rvr62sf64sXL9xI\nQr8A/yjN9/b2EnSzQqHglwZ09IsXL/xQrmikrCulrybim2U8gp9az0vRI80y/cflDdmfTCbBRmiW\nhd3wbq0fxBhUF0EvjCAbGxuBoS6mpSYq0y+HM9WVyNVqtXI9okhV9EHb2tpyPaGh0XwGX87OzgJE\nSWgGrdCB7969c7qhG/r9vsuRgpIwT/j34sUL+4d/+AenEfTWmijsg+yRGrrImtNLHnTZ2NhwOigo\nAWPVyy/vY5/VMfJZs9n0NaRgSCoffMczyPN8Pnf50HB6ZEcRJpFp5K/b7ToNNYQtPvyUy2WXBfRJ\ntVoNLtZm2T7BZ6zlzz77zC+z0LlerwfGVvqIQ2JXq1UCCHJzc5OguqoxWsPLYmChfr/vsqWhh/AQ\nHfLs2TPX9fv7+wFyckwPxtLv9wODJLSMwXdWq5X3g/w9Pj4mxurJZOJ0U53F+/j93t6ef8+BXcFX\n4Mfp6anTkkt6o9FIQkMVlZJ1M5vNfD2zhh8fH4MwS7NszUMXPb/Ba8ZXq9WCOkRmWagzhl9+t7W1\n5WNQEDDWBc92u12fJ+eeSqWS1GQrFAqux2i1Wi0xgs9mM9fl/PvFF184/ZB3BZ0pFApJHaeHhwd/\nhn7L5XJSj7Df77tsMWZdwxqCzfrTsTBGeL5YLPxixz68tbXlBgw960NX6Gb2QRaYz2q1SoyKaiSB\nbjs7O74voj+r1Wqw7z/V8jC/vOUtb3nLW97ylre85S1vefsJ7aOeqeVyadvb236TxGq0v7/vt3Zc\nza9fv/Zk2b/7u78zM7OXL1+65UWBGeJQDb2Ba90q+lBrfgzxqxDFOm6e0RpKmthplsE+YjlRS1bs\nCt3Y2PDfLRYLt6zxjMJV8szFxYVbPdUligVJ3c9YZbRCeww9++7duyTBUxvPHh8fu4dQ4avjWhEH\nBwdJbZednR23gGBZOTo6CjwmZpm1ijkpND5WCLU4YdGhina32w3C7MxC+GV4eXt76/T7xS9+4fPm\n3RoqqrDBZhm/sPyoRyG2LiscKa1eryfhKuv1Oqkwvru7GwCe8B18U48D7fj42GnOPEejkf3rf/2v\nzeyDte3ly5dON8Z6cXHh9MKK9vbtW7fKwJvRaJRY5Q8PD11+FXIbGimoBhZJ5qngMMxTocexUH/6\n6afuWYVWV1dXzmsFzVAYWmiJR4L5FIvFAJDBLFvLcShMr9fz3zGm0WiUhIj0er2kmvx6vU5qd6nn\nVK1b0IX+j46O3NoLTS8vL50GyPvl5aV7mRWiVks3YM3W2j4xsISGGvK7ZrPpc1Krdxz6OxwOnTZq\nEdeaKTStXs/cmZPqYzwmWoNQIwj4Lg63nc1mCTS+Qgoz79PTUx8XeqVWqyXhwPv7+65z1SMfW9gb\njYbLqtbXQ1aZ72w2c37xjr29Pdev0Ofu7u5JwIU48V1DtZA1DafTmkLIE/vU559/HoSa0K+CF8Br\nBaJhrcP/b775JoEtf3h4SGrAVKvVJCz35uYmAWnROmma9B3XXVssFm5tR5fu7u76XoRMDIfDALTK\nLARf0OgHaK6gSHHCfq/XS/Rir9fzeWDdLpfLTnON3IBGyMbu7q6/h+/q9brv/wr7H+vF1Wrl6wH+\nP3v2zPWrlgKIS2no+5C/crkcrE3ewdwZ5/39vUcjfPHFFy6X0OXm5sZlQsMjY2h89Tgzlvl87vIN\nX1utlusqLPvHx8e+/tTKz/w03Bda/umf/qnTjfHTf71edzowzslk4h4JTTmIw8YU4l1rN8J/aLFc\nLoMzjVmmEziDEO5Xr9e9P/UEI9tEDGhdRY2+4nuNiFCQGbOwRIquc62nSGP8Wh4CXtN/o9EIzuFm\nmTyh34vFYlIrql6vJ56axWLh4+f3WreQ8Z2cnAR60CzTuVqyhzFoyDe8QQZV/8N/9txWq+XPaq1K\nrbFI/6wbXXtxyGGpVHJaKtiNhlQ/1XLPVN7ylre85S1vectb3vKWt7z9hPZRz9Tu7m5gcdJK81gh\nsbYeHR0lSXpqTeWGvV6v3aoEvG6n0wlAGszChDaF69TcK7MQzpNb7e7urt+suWVeX1/7LVUrqetY\nzTKrBWPmBlur1YLcCv1t/D6sLQcHB0m+i+Y4UJ1ac2awOBYKhcRqrDH/3KaPjo4ST41CLZMEqVDh\nWMy1yCr8/fLLL91KwZgVOlPj7hWalv4ZCx6RjY0NtxbQf7FYdBopBH1cZXtrayvIdzDLPDbkx2ie\nUlwEVGPwGfNyuXQrKdao29tbt9jhQZnNZklc8Xg8dk+SWpJj6Pujo6PAEqb5VfwLPzV/52/+5m/M\n7IPsvHv3zv/m3SrntGKx6LKoeQ3IpRY41SRZs0w2WIfqJeU9GievxXB5L7LIHL/77junpeZlMA/e\np/DhrL3ZbJbEW2uOkFp+48rmGxsbzneKOx8dHfm6h6+vXr1yGYNv9Xo9gGDmM/VwMia1wEN7rGOM\n6ejoyJ+hKcy90od5qjdTATI0Nh86M0/W9Xg89rEyj62tLf9Mve3wVX+nHk6zTD7jpN9nz54lSeSl\nUikpobC1tZXA6kMTxmqW8Q1+oqc0DwhZ7Ha7ATy7WQj6onIFPWiqA5H7L7/80tcS9Dk5OQlgkhk7\nsqj5Y3yP3C8WC+8DWTs8PHQrOXJweHiY5GBpriY8+od/+AeXJ75TQBvo/OrVK99z+/2+rwPm+fXX\nX7vnBVj6zc1Nfze6UqGx2cvfvHkTyJtZxiPN/zPLZCjO76lUKkkh52azGYAMmYXRKpr4Hhf3XS6X\nQZ4VfcTeoFKplABLqDzRv45PvZpY91kXk8nEP8OrOpvN/Blko91uO68599RqNfvss8/8e8YXe/tm\ns5l7XbSEg4JlMU7oEgNW8B6zMNGfPXVjY8PHd3Jy4vmE7GPqNdJC84yVMdRqNZdbaP4UIIdGK9AU\nHEg9K3FZnUql4uuQcS6XS5cZhbnmWfqfTqce0aFnzTi3Uj1n0Eo99vreOKdXvUHwbbVa+Z6mZUTi\nPV+BQBQPIM6J1pIhnFOazWaQf2SW6f44Ykv3LOhSrVZdryPPpVIpAUN5+fKlrwuN3tH9Ii68rvpQ\nc6fojzF0Op2gQK5ZxiP6Y56lUik4V5mF8PHortFo5DpZI8DiKJRut5uA5uzu7gblKswyviEf6q1U\n8B2zbC3z9+9rhX8OoaJQKKz/8i//MkiCRBjV3aqbMwsfxipinCYRQ0yYg/I3+7DYJ5NJkFBI/7wH\nJfTq1SsXEEWlg4nKWK3zQePywHu/+uqrpDaOViwfj8cJ2luhUEgS6KvVaoBWxLMxApgeELW+CO9h\nHoVCwS93NA0XYROazWZ+YdPQDsbHgfPi4sLHp7VRCNXk2fl87nSIwSl0Hv1+3+VEUe60GjqfxQiK\ns9ksqR+gtbbgW6VSCcBDzMIDgB7wtN6TWRjSBa2azWYCaLCzs+NjYSFqTRatLRbXVep2u4HRAEVI\nJfqzszOXx2+++cbMso1OAQDMMplmPIo8FNN3OBy6QtLPFO2NsaBQtZ5WfOje39/3A44Cy4B0p3VJ\nCHtAGTUajUTp/vjjj77566YWH9i3trZc9tl8CoWCP8OYt7e3/Vl1z8dAKhrCwtwODg4CNEqzbD0q\n0AJjYe6a9A/f0Hvb29vBwcYsU9i8Ty9VMeDObDYLQkTji9q3337r/dHHxcVFgrS4Xq+DMDuz7ADA\nGJB3Xesa9hyvTQ2FUlCFOJTs2bNnSTiIVonXRGXoyjvG47HzHV3Y6/V8DUALPWAx5mq1mgAVFYtF\nP/RAi36/77+DVqVSyQ8wCu4Rh412Op0gSR8aIIvw8uzsLKmh0mg0nA+sWw2hZJ+7vLz092htPOim\n4YPoXg6ZCvLUbDYDMBX6i8Oo9J269zJuDQ3iPRpqpod7s0xnwTtFDIVfyMZ6vQ4ObXzH5e23v/2t\nmWVygLwz30aj4fudXgR5H/x9/vy5j1+NrpqwbxbWHkNm9/f3nf+sawVw0lBrBS2gf8anoUQKjEFj\nXDo3dBH9NhoN5w3762q1ctojV1oLUEE7+B6eKsCEgohAFw1dZL6fffaZjzU2vtG3WWYEZ59gX5nP\n584HjEbKL+Y5Ho+Ty/l4PPZzGPRTZFT2nd/97ndJ2OB4PPZ1o2F5WhPPLFs/zE31hDoIoLkiO/MO\n+qN/BcJiHooEzO+KxaLPA/4Oh0O/SAKysF6v/fKuAC48y/pdLBYBOp9Zpk/Q5Yy9WCz69/BX9ScX\n7U8++cRlYzwe+zMaagjvOHPv7+8nRpzFYuHP6l4Jnfju7du3Pn6laaz/p9OpywR0UeRrBS9iXPSl\nKSeKaBjXxisWiwEgE/TTsFezbA2cnp7av//3/97W6/WT8X55mF/e8pa3vOUtb3nLW97ylre8/YT2\n/wuAYjAYuOUFy0q73U4qKXc6HbcQagKXJsabhdDDWNUnk0kQVmCW3W5j70KlUknc7ZPJJMCw1770\n783NzcQzsbW15ZY+9WpxU9dQEQ05jOuVLJdLt8aolSxOoO71ej5u/r24uAjCovg3tvJ8/vnnSVjZ\ndDoNXO9mmdUAqxgWwMFg4K5wrAKnp6ee+I4HRq2V8PX58+dOB5JqZ7NZEg5weHjobl59bxyW8e23\n3/r3zFvHjBv97du37nHQpGl+h9Vof3/fZQILhVpv4OVsNktc3P1+P6mAPR6PXe6Up1iVsOgcHBw4\nXxlToVAIEnOxhDHf169f+1qCN1tbW25RoY9Op5NAhepnWEQ3NjaCGjdmIQQolvDVapV4Ay8vL13G\ngJR///59kmz6s5/9LPGS7u3tJVbjy8tLTx5GPmu1WmLJm81mzhu1sEJ/rbUUeybUza8eD/iEjNfr\n9aAOlVno6aap9ZZ/3717F9QXMsssk7G1UtcKdP7hhx+cr8jBycmJeyG1xISGEsS8Pjo6csulhkkh\nZ8ztz//8z31+eD+vrq6CcCL6i8P8NJyZ9x4eHjr9taYYcqnWefXAmoX6mrm/evUqKUdxeXkZeDgZ\nJ/qQ36/Xax+zhnYgs/o76KbeBSy+WDUHg0FSo+jk5MRDtDQsD6urhoXENepev37tfWClV9hnQg+1\n3iD6c7FYeH/QrFgsJt5U1qL+XSwW3WJ7c3MTgGmYZXr7j//4j83sg1eh1+sFoU1mYb0X1ub9/b3T\nl71tMBgk0N4XFxc+d+amHl3ep0AqKovoaQ2nU1hjs0zW8MaxD1QqlQBQxizjB/LB3G5ublwnqPdI\nPT4xXaGFhjVB58fHxwSS/be//W3ixTs6OvI9EN2msqgRFvBLo1LiPXVjYyOo92gWlqBhzJubm0nI\nXqVS8XfX6/UAnMMskzvoyrjK5XIShbSzs+Pz09pZsXepXq8735E79RrzjtevX7tXDr6dnp76Wufc\nodEKjOng4CAoC8Jn0Ib5LJfLIJTbLKy1pfDhMViTAp8psIGeI5k3c+NZLQ+j0QjQSKMW4hqP5XI5\nqUG6sbGRpBy0Wq2gDIpZdpaAfpqKEUdBaY1HdM2bN298LE9FK5h94J2CdKjnNaYH60JBrtDDZpYA\n5GhpHPrSSCy+W6/XSRTPfD53+rP+2+12EjlhFgJZMA+N3jELgS/Qbefn5x+tM5V7pvKWt7zlLW95\ny1ve8pa3vOXtJ7SPeqa2t7etWq0mxWK18C63UPUGcQNU6zyfKTy45l1x41e4SW6kahGlH03648bM\njb1Wq/m4uEGfnp76TZ2b8Xw+DzxcZtmt9h//8R+DzzR57fDw0K1TWNN+/etfu9dOk+u5AWsCqkJr\nQjcsNApfjhVFC/Nxu9cYUub8v/7X//KxQl/ed3R05JZSLAXtdjuxOJTLZX8WWvX7fbcQaGyw5s8x\nToV2pl8sLwowwRiwTE4mE7ema64BFn+s7vP53PtVmkIP5GS9XrtlEsvj/f2996d5PlgfmMfW1pY/\nA8/L5bK/D7nTGHHk6Ve/+lVgYdcirWaZhQM+8O6zszN/Riuq8wzWvvF4HMQEM37kTosOY5kmP+74\n+NjnpAWQsUgBhjKbzQKrEnRTiHizjK+MlT5evHjhlmn4US6XvXAka2a9XidAEOoRURjc2GpUq9Wc\nDwoso4nWZtmaiuOe1SKuEP/wiLa5uZl4gH/2s58lBZqbzaZbRxXqP47pvru7cys/cqK5EPV6PbEq\nzmazAPrdLJMX5FcLjEN/+t3b23P5Zu6tVsvnoqAfsfdrOp063TT3B5mB5+rlZ30PBgP7kz/5EzP7\n4NXodDru5UH+qtWqyzF8uL29TT5Tj44C/jB3xj4ajfx7PG31ej2QI7Ow2LJ6RJAj5KpWqyWFvAuF\nwpOeE2iq1ty4rEa5XA70iFnGIwW8YW4qH3wGLbVItvKNMaArR6NRkCtnlq1X6Mo6/Pbbb5P84/39\n/aQ4ZaVS8THyb7vddg8Me1e323WZ1egSxkeOZaPRcDlSvR4DQRUKhSQHU8cAzRXQBPo2Go2kUKrC\neTO+m5sb95Lw3Wq18jmh36+vr50PmsMaw6VfXl66vCtQjnpRmGMM4NPv95MC1xrZo3kvMQz6+/fv\n/T2MvV6vBwVLoauCdSk4glmYp4JO0rHyDvX86fg0t9EsW1OaG26Wyb6CeDB3aIRsFwoFp4PKM8+i\nP7vdrn+GFPj17QAAIABJREFUHCj8usoEn/H7H3/8MQA8gS7Ip0awoJ/0nIvu470vX7708TO3Wq3m\nOlrzfTUqyyyT67gP9R5Dg16v57+Lc+312WKxGJTVMAvzizQ6S72ZPK+5gfBTzzZxlMf+/r6fJ+jv\n/PzcdZACkcR9aGSKgk4xT42C4N0KzIPMa8QDOh49O5lMfH3RLi8vk5xj3qu01PIWv6999DJFGBED\n0qreTyk1CMIgzs7O/BkU52q1coUD8Xu9ng8WAk4mE38PG8X9/b1v9oomo3UoGFMMcqHAF4q+hMAx\nn2+++cZDdZ5KVCyVSn4wQEBGo1GCANLtdhOBU8XEO0qlUnJB3NjY8Lkwlk6n44ckRf2L3fKKAMWh\ndrFY+O9+85vfOG9itJft7W0/WBNiMRqN/JDK+DQJVkMwNZQHfjBfLpbdbtfHB/LRwcGBf4YyLxQK\nHh6lyIZa+8UsCwfkgsL7isWiy5smwzN+Ntj7+3uXWTaZfr/v8sFYWq2WK0no99133wWJoowFWmlt\nAhRnrVZzOtDH3t6erwf41e12XeYZ8/HxcVL/RpPRFT0qBkG4vb31fvUAiJKPUQK1PXVYubm58TFA\nS+UhtH98fPRNFzkpFos+Vjat2WyWXLCn06mvAdZhtVoNanowFvQI/W9tbfnvNGE9TiLWmlyaUI9S\nhi8PDw/OQ62XFYMIPD4+BmhaZqFhB1rs7u76hVKNEOi+t2/fuuJXFC9oRChsv9/3w7EiTyoYCWPV\nRHGzbOOhXzaj5XIZ6DmzENCCcLbz8/MEMEBDYeBroVBIDBN6sFN0SGQbOT05OXEjjhpdeB88n8/n\nycWzVqs57xjf5uamyx396sZJ6/V6Pg/o/NVXX7kMsoc0m80gWdosWwPInQLqxHX67u7ukrqKt7e3\nrsfo//z83C+IyKyiVw4GgwDp0iwEwVG0RDU08C/jgr69Xs9lQYGN4B3yq2Ae7Em1Ws3pyvvu7u5c\nFtDNCnKhyL0xch81Ls0+yE6r1fJ5cEhTI5OG5fM9fT179ixBUr24uEjAi9RAqQBOcaim8pVWKBQS\n5L5CoZCAQ6ihTQ+H7De0+XyepDXUajWXc10DcdjV1taWr+XhcBjUR4SmrGvep+kMrDNFslOEX/Yq\n9qmbmxufM3xQ3Qffdnd3nQ70qzXq4PU//uM/+npQ5MY4ZO78/NwvxPTf6XSc5oq0HJ/Rms2m61n6\nPTg4SORT9SLr5+7uzmWHtlwuvY//+3//r5ll+x7jQsZ0Hny2ubnp9NBzYLwXaYi4nj/i1I7FYuEy\npsYy+kNOl8tloMdYh1rLjsYzjUbDeQw99Eyo6zY2sI/HY9fDGq4aGz/q9bqjlrL3DofDpD7f5uam\njwsaTSYTX6carhwbWIfDYVA71yzbj5Un/Kty9FTLw/zylre85S1vectb3vKWt7zl7Se0j3qmuH1z\nG8Qy9dlnnyWJ4NPpNIGoHA6HftPVBHQsPlphnBuuJjGqt8UssyjEN+eNjQ2/gatll5smlslCoeCW\nDm6ZP/74o8+Dsf/Zn/2Zh3SoWxPr8+npqfenlh9us3w2mUzcQ4PlZLFYuAWBGlvdbtef0doJWEAZ\ns9ZJUk8dt3E+GwwGfqPGcjGdTpMEym+//TawDJpZUCdEQzqhK9alxWKReKvUQoBlstPpBG5Ws8wS\no7TkfbGlrlarucUEPjw+Pro1SN3HWJp4797enluatGI6tFLoXsbA+7a3t93ColZL5EhDRF+9euXP\nmGVJyQq4Edd72t/fd14rfCy0Qd6vr6/dIol3rtFoJB7YWq32ZIgYniGt48AzmuiLfP7RH/2Rf8da\n07pvX3/9tZllYYxmmecxDkk4Pj62L774wsyeTkBlPWKVNPvgidvb2/O5a5V69VzDB8avXlLogpXx\n5uYmCKOEZloPyixbU3wGfRaLhfericCxm38ymSTV02ezmcs7NH3z5o3TgN8DtUp/yBHW41evXrmn\nRq1kGgZqFkJAQ6P7+3sfq9Z9wROmVs0YuIHxQRtoFUPsttttXwdabiKu7aQw2GrR5VkNp4IGtMFg\nEHhC6T+uH7O1teX0VU8CsoVldG9vz9c16+Ldu3c+N8Y3nU69D6VLDOe+v78fhOOYZbzUMh9m4d7A\n+B4fH5P6e+12Owm7enx8TPaGr7/+OoCjj6NBxuOx61Ct3cLfGorFnPhsc3PTx6heQdaQgs7EdZwU\nVlllQ2Ho6YOmsNRxOYetra3E27JYLJLwZw1xwuJ9f3+fgGEtl0vfD1kzjUYjqHVE0xqGZpke4xmF\naX8KNAe9yV44mUz8GdUDsSV+vV4H0Olm2VpFtjS8HFmg7e7u+jyVpqyf6+trlzPkU8sq0J/OiXlo\npIsCVcVAAPv7+/69erfjSIx2u50k+GvEkXqtGQPntT/8wz90/aoAKHxGVM3e3p7vQeo9iiOTFotF\nAjM/HA5dptGphUIhCQd///69ywzvLZfLCVhHtVp1mVcdh9zyjkql4rREL+q5DR7t7u4mEPrwWcdS\nq9W8D/aafr/v81QwBvUQxWfzp/a+1WqVhMz1ej3XaeoRQ3Z0f0V3M8+HhwfvV4GF4nIepVLJx8rc\np9NpUgOqUqkkYbmVSiUINTcLwUuQO75TGj0V1hi33DOVt7zlLW95y1ve8pa3vOUtbz+hfdQzZRYm\nQ2sl+rgStcZWcrPvdDoJbHW5XHaLA7/b3NxMEtBrtVpi/Vqv137jZyynp6du4eAGe3p66pZdbpcP\nDw/uTeF9z58/TxKUHx4e3IKgRQDpt1arOT2w2C+XyyR5uNFoJInnmkiLBUjBAaCBmSVF0ejbzAIL\nO8+Q4/T4+Ohz0WRyLDCalBjHgWvBWvJptEAjVoNKpZIULNS8Fy2Yx1g0jjaGSx6NRj5PLdAcJ5YP\nh8PEC6kxxIxlOBwGQBtmmbUEj5kmV/I+rYCN3GEFvb+/D/IFzDLLk0KUm2Vypwn0WuSSeWLtxtqm\nxT/pbzabOc21iClyp7HfzAWLSr1eD7y2zB3rlCbXal4c48dyyfp68+aNF9zUYswKp2tm9td//deB\nR4K+1DrK7zXBXr8zCxNVmYfONwa0Ufhl5OXg4CApqLuxsZEkc08mE+cD/Var1cTieHJy4voLWRyN\nRoEVjWfhG7LRbDb9e/rQvJednZ0n8zs1Rt4s81CjT+D1jz/+GHheGV/s1dJnND8Lvqsehr7QXHPc\nnrL8A6ija1MTgeGJfqf98V7mwRrVfFBkV3MS1OIc537s7OwksqM5uFp8PI7939vbczojl4PBwNdD\nzBf6M8s8rciiWjg1kdksW998puBD9KEAGXgPNL9R97TY49zr9ZIIjNVq5bRRsIx4H9ZC4wqWwHsU\nrAl9rt4j5qI5OLGXTGnEOxSEh7WgOURaGBi6Iy/1ej3wApllfI2t99Vq1WWbuSm4DvzQ4tPsi5VK\nxeUEHh4fHyd67Pb21seiOR26z8EP1iY839zcTKJ9FotFIu/39/dJoXFdj/ShebcnJyeug/hsuVwG\nuZJm2TkB3cF6nU6nSd7Wer32M43yOi7aurm56fPkvZ9++qnLHaUs7u/vEwh4+jL74OXRgvS87+zs\nzOmgwDfwhr7W67XLEWcDBSBTgA6F0zbL1pGWzlCamYWFjZE39fzE++JqtXLZhm/dbtd5p/snz6r3\nW6NamA86g89qtVriAdze3va1zmd3d3c+5tevX/u8kJdWq5WcpRQwTmHwWde8Gxkx++CBNwsjtfg/\nMq05oOhfaPT27Vv/W8+zCmsODTSXk/fyPe998eKF0xW+lsvlxHM2GAyCAuhPtY9epg4ODmw2m/li\nglHqgmcipVLJFbW6JlFqJErrpgZh9O/PP//czDJGxEmJy+UySYYdDAYB6pJZJlwxElCtVgtAH3gv\nAoKLfWNjI6g5xO91Y4oPxCxYfU+z2fS/FeGJ/hCeyWSSoK5sbm4G4YlmmUIh/FATbqFRXDOEsfIO\n+MQBZbFY+Pc8o8qK8Y1GI5+nhhcwLn53cHDgi04vKNBaQwAZAwmG6kbmu7u7O190fHZ4eOhj0QMq\nixbloXVcNCGc3yEvxWIxSUperVbBpdYs24ziWmA3NzdB2INZGK6m4BZ64GEuXNjfv3/vIQsKkBC7\n99+8eZPUodHkUfhQKpVcGSiiEQcDZPXh4SE51JyenrqM6aZGf4RR7O7uBu5z+udvTXJVgBJoQX/Q\nbbFYJGAOmuSu82Vj1crmyB0Kb71e+xh0fIxZDyh6eTfL+KsJ72aZnlCkON7L+OljOBwmQA8//PCD\nK3RFAlQENRrfVyoVnzPy/vLlSz8scJCoVCpJeA80NgvBRpA7PRArSirvgzYK6oDMsx7L5XICDrGz\ns+MyjazpYRUaNRqNpE7OYDBwuWTMeiFi89PQWa3dFyeMazK3Jq9DIw0f4n0YPAaDgQNtaE0r+KAH\nXvolpFBDupj3cDj0NUr/qgOh/WAw8PkqfXiP1pThfdvb20G9Negbh2odHx/7fknY8Hw+93drKE4c\npqYXbN071KhglvGXizXGl26363xHdkajUbAnMzc+gw/T6TSgl1nGcz5DJlS2GctgMAjQ3swy/uvF\n2iyT4z/4gz8I6Fur1Xzv1RpArD2tfQeNNFQzRjfWiyxz3NnZ8TFregB6mzPC5uamn5/0UK0XP2gf\nrwENN223277u+V2n00nOTZPJxD9j7rVazfdzrV8Xh3krqhptNpsFtXr4LAYbW6/XwR7K+/hbUVhV\n/5pl54QYQKlWqzlddf2jXzknHB4eur7RdcRewJn04uLCZYZL0Gw2830MFNP9/X1fz+zpm5ubPmY1\nfMYgPGr4Yq3oBUuRipm71rJSeTPL9hj0MeeU0Wjkcqyh+Own29vbSdjrZDIJLrZmYS1WrTcWX1Z1\nzSlQXXyG297eDowtzCMGhzo/P3c+6ZkxRl+9u7tL9jZNL1LkUPjAmB8fH5P0gvl8HqTAPNXyML+8\n5S1vectb3vKWt7zlLW95+wnto56p0WhkzWYzgXFcLpd+A+bWqi54rZdEw6qtli5+t729ndROUK8G\nVo1SqZQAAezs7PjNX+GQNdHVLLzpas2Of/qnfzKzEJKb+TKW6+trv7m2Wq0gIc4ssyppZXmzzJoV\nh/eptZ0b/dHRUWL1UItePDftt9FouNVBk8O1dgU0j93Z5+fnbgnT6s5YBjQxNrbyayKgJvApNLVZ\nmCDPv9VqNagbxByxlGCx02RsrVWBJRnrxv39vcuZejVieGCFt1Q5hX7wvNlsOq2g/XfffRfA4DMW\nxqwAGNB0Npu5lZXxbW5uBhCc9McYFHabz+hjd3fXx6+AFZrEyRj4DKubmSWwu4eHh04vrT3CmuQz\nrcyOVWs6nbr1ThNeWXOMWb1Gak3DEobsrNdrtz7jrdzf33c+qSUztlZrSJzWt1NwGPqABsh4r9dz\niz0yNhqNXPbhm8LNK5Q+ljgFiYh5pB5bvhuPx4HVDX2i3kUsy8Bz7+/v+xiZb6fT8Xci58vlMgnl\n0DmpjMV6vd/vB3D7ZpmVL67tdHZ25r9TKG3GBb/q9brra2RiuVw6+I7W9ngqHFjDrKE5c1Oo2hii\n3OyD1RvadrvdIPTOLJNPDeUzy9a1QhObZbKr8saYmLt6GeNwukajkUCjLxYLXw8KLR97P16/fu16\nhzafz33dlstl15fwt9PpJOGgujZZI61WKxmX0pBnx+NxAqCgkRpY0XVvQ++sVivXpdD57OwsAPEx\ny7xRGgIPzeGD7qPoHfWMsdZZAxopAg8Xi0UScbJcLp3+6mWKPUl3d3dJuQH1aivsM+sLvaKhyRo+\nGHuFNjY2nNeMbzweJx4nTa5HttWLpzpQw7jR0/CrUqn4M8iT6i/OXFdXV/47/r27u/P5aYRKHP3Q\n7/d9jUArzoF8bxaCZcCjm5ubINLELPN4whtoMBqN/DMtCRJHRDQaDV8r6i3REEKzTG/E6+L09DQA\nS2LecZiklgJirXQ6nSTlRNc/v7u7uwtKCpllXmjOAVqTKS4PobUKNZSd36muZG0qaBKtUCj458jb\ner1OwDd2dnYCmYHmClAD3WIPvJZpgR5v3771dc0erfpfvW5PhRzGpWI0XYW+1ut1oOfoP15f/X4/\n0FXQ7J8rH2OWe6bylre85S1vectb3vKWt7zl7Se1j3qmuC3Gycv9fj+5qVUqFbdCcUNU8AKsS3oL\n/e1vf2tmGeQlFg6FboyTzWazWQK1XqlUkpjeq6urJDep3W77zRRLgXqAKCrYarXcioKlTXNYLi8v\n/fbMnDqdTpJ70e/3fQwKl64FLc0+xLPq3Pv9fhATbJZZU7gpc3O+u7sLYnjNMssEt3H6PTg4cIuE\n3t7hJ1ah4XDo1gKNa9VcNLMwCRqev3371t+n+UoKWsA442J31WrVLY1YCkejkVve4JsWsWNMP//5\nz53m6r2DfhobHEPjlstlHx9epPv7+0R2arWa96teQd6D9+Dbb7/1PjT5WvOByEkih1DlCbpcXl76\nuPBQKEgD1vvJZJIAaPR6PZdL9c7GY1FgGfpSqGhtyCB81aYQpep9MMvoHBef3dracl6jQwaDQQJb\nXSgUEkttsVh0nmj5AnQB49PcP/ihMOFYFNvtdpAUbJbxTZOboSmWS8Y0m80Ca5ZZpn/UG2iWee4Y\ng4J78B7NFyH/US3/CqSBdVQBOeJk6fl87rqAdd1sNoOCtmYZP1g3WBTPz899TpoXCu0A3Pn++++D\nYp1mmT7he/TEw8OD819zSWJI6Uql4v1C5729vcSTrPC28Kbf7zs9kKtiseh6SXMioSWlA7RYqJaC\nUKAls8zLEHu/FNRHPedaxsEs022x/nx4eHB+0H+v1/P9i/mcnZ35nPR9yM7+/r7THD788pe/9O/x\nmE0mE/vbv/3bYKxPFbvd2NhwvjOu6XQaRJjQL+OBh+12O4noUKAiPut0Ot4femw+n/vc4f/5+bmX\nWmA+8/nc89mQq0Kh4M+ohz0uUq4yhiyOx+PAO24WJtzDt5/97GfJvvPu3Tt/D+uj1Wr5mtJcDc2H\ngX7q+Yf2rFtoMR6P/VmF645LZLTb7aSA/Gg0ci9/rVZLxjUej/0Z3nN3dxd4tuhPATvMQvAN5QN9\na340f8Mj9aZyrry6ukoicBRmXoF+kBnkTufBntrv9xNP5/39vdONfjudTiCDZtma4SzAnlmv132P\nj8vEmH04A11dXbnHTgGINM8aescRDMfHxz4W5j0ajQKYdLOwfI2WCYL2+hkeIgW+ic+Ls9ksyFeK\n5W06nfpaegp2Xcu08De/Oz09dZor7WP9pLmQeuZCBpl78f+x9ybLjSVZfvcBARAAAYIgwTEYjCGz\nsjMrqrqysrs1tDaSyWQmk+kd9AIyk5leQCstZKbn0UYbLSST1NXWqimrOiKrImNgJAeQBEGQxDx8\ni/v9Tvzdna1sSzPtrm+CAeBedz/n+HH3M/zPykpQ+BgaaVkLs0yfqWzRP/RFFuv1epAbaJbpkBhH\noVAoJOUI4va9lykSYONwkNFoFByYzDLFGCPPDIfDwM1mlikSlI8CPEBEEkKHw2GSqHp+fu6Cq5e5\nOGnWzJIwH018Q+AvLy8T5DMNQ0IAvv32WxfCcrnsc0HJlMtlV1Z68YsTnkejkS9CmKyCySH46OjI\nF7ICSjBG6v10Op0EfOH8/DxJItfaM8x9ZWXF362HAt6jdau0irRZxmsWDONst9sJr+/v74PkfMbE\n79iwy+WyL3zoWCgU/AIB/ba3twO0L7NsccY1O7Q+gx5+NeGV3yHHCv6AnBOSsLKy4koNHvz2t791\nBUtfn376abARa2IyNKA/ZKxarXpSOPTQDYdLgy5maDSfz/1zlbs4zEeTfuFHu91OQhzL5XKCeKNy\nrIiHHCRYI4q+SF+K0sbv1H2vSdHMFzp3Oh2nFfOZTCa+VjRRGVl8KPxJk2JZD6xBrdBOWy6XPn5F\nrNTLtllYa421rOileqHFKAC9nz175vS7vb11HcqYj4+PfT3Q34cPH/z5n//8507nuD6fhvxo6CL0\nUl6ynhnLcrlMkDYfP37s/GLdbmxs+Jzg187Ojl9S4EexWExQFRUFSy/VcTjo9fW1r2dNOkbemXer\n1fJ38uzGxoZfVlgrir6p4XmscZVFABQIWxqPx0mYrJklYS1XV1dJsnm9Xnc+aB0uvXCYZQnr6Eg1\nAMVhOaPRKABh0n3VLKx1Bq1OT0/9dzzbbredx6xNDSFEDrS+HbKjdRd1/4SGrAsNrUGGZrOZ0405\nPX78OAiZN8t0L38rWh+6gO8Wi0VSU3I+nzvdFMmM7/l9r9cLDlb0oYdZ3gcP9XexUWhnZydZU8Vi\n0ftQcAcFGYCmsYG1Vqs5H9C9Hz588D2Q362trQVAAGbZRUYNbcgyrVarJWH+rVYrMPzS+B3708rK\nSnCZgc6xsfL+/j5AdGOsMUBKo9EIEAWhlaZ80Ed8sF9fXw+AAszC9Ad0vtaK1MuhgoLQBzyEzlrf\nTg1BitILLRiXHuJjdGUN2WeNzudzPydAs1Kp5O9RkCU9N0MrGrzUSyH06ff7ASgVdFGjVVxj7fLy\nMqnPuFgskovuYDDwv3VOCuJjlq151iZ6WA3T9KV6nWc1xFHP6/CG3y8WC/8dMnt5eel00jqxcW0s\nTWvSNRyHCMYtD/PLW97ylre85S1vectb3vKWtx/QvtczdXp6aovFIrnRLZfLxC2r0Ojc7IbDYQDf\nyb8xJOs333zjHhNuzuvr636D5ferq6tJLSMNL1BLdoyxrzdLtfxxq+W9WtdJIbQV2z8O26hWq0H4\njFl2O48TGRXGW2/vMVR0t9t1SwlWocVikSRQqucHOqvrEuvD7e1tYh3b29vzcSlErULO8526Wc0y\ni2zs6ej1ej4GTViFvhoOhlUBy8Tp6albJLD2bWxsuDUY60an03FrERanRqPxIOACnjWtSxKDZrRa\nLaeLhnEA8UsrFotudVc55m/o9/79e7d6TqdT5yH9fvPNN0FdDrOQ/2rhiqub393dBUAX0BLLpiZD\nw0P4tr297RYzPnv06JFbrrBabm9vu+ud32uoAVYy7U9DMLD4MT4Nt4Kv5+fnCYiIQl4rLHnsXSqV\nSs4vtWDFsOpbW1uJZ/fu7s7HomAxsYe9UCi4jDE+hXNW2eZv9VDFIWdmlli6379/755JtXDz2fb2\ntq81xvrq1asEovzq6srXgSa5K/3NMhmD7wplHUccnJ6eOg81AZkxQKvr62v3ymLtfQh6/O7uzueE\nVXN7ezsJJdJaXLqHsLdoeLHWtTPLZJf+FEiDhr69v78PIODNQsAVmlp5gRYuFouJ3tbkeqygWmsP\ni2iv10tCMUulUhJ+2u12E4/y+fl5UD/OLPPY4Jn8H//jf7jOY+71ej3w/pllfIO+gH+ot1q9C8iT\nrrMYUng+nwdQzbwDOGja/f19EC5klskOPNS5xyF4qhcVrEXDcaAVcqffxSBXCobBGtjf33e6an3L\nOEx6Pp/7WBVIKQ4H7HQ6vjahS7fbdTrzjmq16noWoActyaGRHXFdpbW1tSTESkuB6LNa4y0GZFgs\nFq7PFfyH/vhds9n0PUs9uwqIYZbJC/LL+MwsCY8vFotOL6IfWq2W7/XQ9ObmxvtjfatXgzV1cHDg\nc0d2VC+qJyYOrYQ2zNMsWxfQA91Wr9eD0EWzTCYIQ+V9CuCjZy/mqwBj8VoplUo+ftpkMvH3sI+d\nnZ25zCi8utZTghbxnq86X4G0dP0zT54tl8v+veo+dJ7Cm8clFNbW1pISNerlU7Aexg/NK5WKz493\nvH371mUM/p6ennp/6Kfj4+OkFle1WvWzBWv+7u7O5VPDaBVojZYDUOQtb3nLW97ylre85S1vecvb\n/4NWUEjs5MtCYfmf//N/DiBvsdiodUGtQtzkuNVq8Un1nMTJchqXz7OtVstvxFh7ut2ue2q4qd/e\n3vqNVIuYYc3gVt7r9YIiwWaZtSdOLNYimlr4T5PXuAlzm65UKv68wjljgeMGrnllCqrAjRnrosbe\nYyFU2F0s4aPRKKn+Pp1O3ZKIhXJ7e9v5pd4ZLHUKcqEQy3zG3B6CI1V4+zj36+DgwK0LGl8eQ3Jr\n7CrWmVarlRTFHY1GbpFQuPnYcqJxz2pBU4+kWWahwDqnOVjQTwswwzctXKkWbrPQKqzgJpqEyZzg\nocbFq0WPeao3EhqxHlVOtCI44+cd4/HY3wNd6vV6kkReLpeD5FzGFAPQbG1tBRYfaKn5c9CPMWse\nBRZHza2MrYGNRsNlmjVZrVaTgrTr6+sJHO14PHYLPLK4srLiNFLYYvpg7Pf3985DvAunp6e+Vv5v\nwDGav4fcDQYDl0us0SpP9/f3/rwW8IyTw9UrqPlijEvBZuLi2bVaLVgvZpkegHcKmhDDR2suBLTU\nAp1Ke+RdE7ixgPKOnZ2dJK9Mc6tigB7eYxbqZvWIa0FoxqSyxdyQaazCs9ksyL0yy7yGvEdztmKQ\nI40eUJCLuLTDzs6Of685fcg5PNjZ2fH8LfWms9Y1UV6jLNgv0c0KqhLvU0oj/VxlA/nQIpbMkzHv\n7u4GeXb8y5qkj+3t7QDchr5iD1Gz2XQ+aWQHMqhe19ibWigUfC1q7hKfQb/lcpmUbplMJn6eoJVK\npQSY4+rqynUfz66urrq3SHNOdf9ifPCLMZdKpSDKxyzTn3HeyN7entNIvdesL4V/RrYZS61WCyIn\n4KeWHkD2oIt6MzR/J+aX7hOaV0Z/qk/gA/Kp4EDI2unpqet/1Q2x3imXyz5+PS/EeXmVSiUB0ioU\nCkGhb7NsLSOXfFcul31O6BsFvtL8Tc1nN8vWDDqDtafRWfCoXq/72fCh8jQKCIMssGcdHx/7eZg+\nFDhEgbz4G97X63Vfwwruhhxpziz6fWVlJQCKMsv0O7IKbzQHU6M34qihg4ODpFSIjlvPJDGIhEZn\naQ4wMsF6XF1d9ffFwFFK61Kp5HPX77XEBmNqNpv27/7dv7Plchkim/z/7XvD/EajUTApBGA2myUu\nvcHrjvYFAAAgAElEQVRg4O5Hdc/HCB/D4TAI0TMze/PmTYJk1O12EyE0+7hgEHjGw7vNMkIjkA8d\n7FUx8gxhK4vFwhmPUmi1Wv6MIo+w8Pv9visD2ocPH5JD0sXFhQu9KoAYAardbiebWq1WS8Jter2e\nC6sqVk3YM8uETA9g9A899PLFWBWZRw8kZpliimt26bs17CFeEI8fP3b6KiBEnKg4Ho+T8EcN86SV\nSqVgcZhl/Igvt7PZLEksvL6+dvlEtjWEVauAsxlo/SoOIw+FXWqoFp9dXV0ldTfu7u6CWhi8W+sj\nmYUhibppKBoUtIqToKvVaoJu1+v1fJ6KGKQHerNMifM3PCqVSv4ZbXV11XnNdwpKwZjUpc9YFGlL\nw3Nid/vZ2ZnLPn19+PAhqLHDWEAK5X2akK30icMQ2u22y6DWZmHTo//9/f0ERWgwGCTocNPp1OeB\nvtP5lkqlpF7R+vq66wTG8OzZswSkQWv2aYiNot8x5riuzdbWVrLmGA9jgA/oUNWRcZ0hrc/DmtrZ\n2UlQWre2tpJE8Lu7uwT1ic91Hlqjjr7u7u6S9a+hNaoL49DEyWSSHEx2dnZ8/By01FDEs61WK6nJ\nd319ndSo6/V6Lnda5yxeKxcXF75/qsGDZ9ENV1dX/mxcN8ss0/+sL8asQCvI4M3NTWAYMstkPw5d\nK5VKiRHi/fv3PhdCtVRv0q6vr4OaY2aZ7GiNSLNMdlS3QAPGr4d9eM139/f3zi/W3O3trY+V8SlQ\ngSJl8qwCpSjf+S4+UCrgBrL96NEjf1ZlF93LWJrNpvOT92mtJfZqvZyhf46OjpxvrNEPHz4EoD/0\nC00fMjhq6Jru9bo3Qvu4BlypVAouUWZh7SHorDKh/FWADbNMNpi71ldkLlrLiIacTqdT/1zRHJkH\ntDw+PvYxsG6Wy6U/q4ZMZBseDofDhFYKVKYAM4qqzNjpF1rouUPBX+JUkel06s8Qil8qlXxPQMab\nzWZy3m232/63IunShyLlaV026K86l9/qWYrv9dLCeDQEmPUAbzSkF7oVi8XEiHd4eBiE7ZtlOjq+\nrCrgGgZUvYRieOh2u8lFrN/vO685kzYajQDcxizjG+P6u1oe5pe3vOUtb3nLW97ylre85S1vP6B9\nr2eK5O44pGs+n/vNXy3icfX06+trvwlrTQSt3G0Whr3wO4Xu1pAjbr9qGYmhmzudTmKJ7/f7icXu\n7u7Ox48FXcNVNMwMz5PWsKLN53O3RGAF2NvbC5IpzbKbfWwJWV1dDcZjllkFtP6AWXZL5lm1PvCs\nzjeuQ3F1dZV4g+bzeRIipG55nRvWdiwx+/v7D4aQxInAlUolqPNlFrp2mWOj0QgS43lH7F3q9/sJ\nvLla3bH8PX782MeqkLuxB6PRaDjfaYPBwC0S0LRUKiXW/ru7u8A9bhYmEWsdIt6j3lF4PR6PffwK\niUpTDwVWdK0BRtPQOq11ZpZZIeG/wqnq+jPL5JTvFQCB8WjdNPpToIdY3vf29nzMyIHWLVJrJetU\n6wfFIR3qOYP2D4VCnJ+fu9cDT0Kn00ngxre3twOoaL7DEqZWPNY3fVxfX/vv1MvM+oEHW1tbiVer\nVqsF9VLihPd2ux1UsoduNOa+s7Pj48cCWK1WfY2ojlZPHs8in4zr5uYmsALyXj6DzloKQiGINene\nLNsvsAzSR6fTSTyT29vbwXo2y/gPv9SjGFt+19fXEwCXxWIRgFuYZZZ95BNea9hIzDfezdy0HpRZ\nJvfQV8NbNELALAxrUiAKBeRhPnGtlUajkYR7Qn+zsEaZJq9rLUGzTO9AV/Vux1EIKr+8b7FYJPV5\nNEyR9apgEw8BAai3Hz5Bj+Fw6HRXz3Rca00BQ+j/obpFGxsbbr1HhjSaBt4oFDhjHo1GD6YN8Dff\nPQSNrnWGWJcbGxuJt3c6nTqPNL1AE96ZI3LO3K6urvw9vGN/f991jNaMYk4K3IS+VjAsBXhgnlq3\nCj5puGV85rq8vAwiDZi76n3myWe8d3d3N9gPeS/fK2hT7Dk1C+uG0Yd6fMxCXtPX5eWl0wsdd3t7\n62uAZ9vttj+r4W/8Dn70ej2fJzRdXV1NajfOZjP3aiNPvV4viZI5Pz8P6njxXq2nZJbxKAbm0VqG\nD+3l8GA+nzudOWtof1pjFRmazWZOQ2j0UHrM6elpUA+W36tX2Sxbw/F+p9FFzKNYLCbh0Y8ePXL5\neKgepZ71dI0zX75/yOupoBRxilDccs9U3vKWt7zlLW95y1ve8pa3vP2A9r2eqWq1GhTP1STRGJJ7\nfX3dLR0aO40lCYtIp9PxOEVukhqDqcUC48T8RqORWBDVS6YeNKxP3Hhns1mQx2CWWdW0yrFZZk2J\nf9dqtdyavVgsEjCCwWCQ5BB1Oh2/2aqVQmNzoSnWW277Gs+uc4uBADQZWYEK1HJJv1iQNL4c7w03\n//v7e7cwYIUaDocJJPdyuXT6YhErlUo+T8Z8fHzsY8Gy02w2fZ5a5E2LjpqFUMEKl6teBcYcw9qP\nx+Mg4R1a8BmyMx6P/Xt4qp5Y5vv48WOngcLJa5FIs9D6pV4qLD7X19dOa4UeVRqahYX0NNmcNcRY\nqtVqUOSY9/EMc2M8OpbLy8skT1HzRaCBQnwrjCxzV+hx+lUIVeRE5xbnwlxdXQUACsxHCxvzrOaB\nmYVWMj5rNpvupdQ1w5yQnevra+ed5jPQ+P3W1pbTCouiFvKERpPJJCjqaZbJZ1zwl8+hG2sTGpyd\nnTltNMcSqyheqG63G5RvMAuBRRS+nrkw5svLS7c0qocYHa55BZq3x+8198Ysky/miWxXq9Ug2Rv6\nqtfGLAS+0GLQcby9WrA1hyXOy1Aronpk42Kht7e3Pk/1yMZercFgkAAfmX20UtPvcrl0WeB9h4eH\ngUcPmsVeLc1b04gM1gNrwcwCb4WWeTDL1lzc33Q6TeCDJ5OJ6xPNf1RaM7cYPl7zbehLwZCgwe7u\nrtNSPY+x97vVaiVeo5ubm6RQcrfbTYqOKnQzY55MJu4hQp6Xy2UCzHR7exuscbNsvcU5p/v7+0Eu\nt1nG3xjQolarBUW9oV8M1qFWfI1+UUAm6ML3WmZDvQrQPoZuPjw8DAAP4I3mv2hRb7NsPcI79Yio\nt4AxxDD+DxWiVu+Y7k80zfdmLqw5LVuhsPkxnP/h4aGPCy/p6elpUlC90Wi47kBOBoPBg5DyzF33\nsbhI8e3tbbB/mWV6JQZ1U90GfQqFQpDLY5bpLPil5yJkUQEjoCl6tlQqBaAVZpksakke+uXdSlP2\n/Nvb2wAkRd/Hb83C8jZahoF5qv5HVlUOGI+CtMTgK+VyOYjy4R1xtNJoNApy0ZhvfNYbDofJWUTx\nIPhMcQ0Ujv7/BtZn9ve4TMUXFw0VUwx+szDREuYowAPEHA6HvjHpxglzUTQrKyveh9bsUFe5WZhc\nCfFvbm4C0ArGzGJC0Q4Gg+AyaJZdglAuvE/D/DQUQuvVwDytfwEd9CAeh73p4mBcmlQJ/er1ur8b\nhdLv933cLLrRaORCqgdtRfEyyxYEtNbwTAX2oH/GzO81HAwhVBQxrTOgidjMLUY5NPsoayjYUqmU\nJFhvbW25DGq4T7xIer2e8wtltbm5mSQ0K3gFY6nX664k1Z0eV8C+uLgIqqabZQpZL3ZxGOX29naQ\n1EjTS4BZxkNopMm3GsbA3GJkPP1bEfx4Rjdn/uZweXl5mYSVKYKiHnQ0zMIsdKPzrF7ENJEaOdew\nN3ijKHjQiH61nooiBrGxv3//3swyfvAZl6S9vb2kNs5yufRNivFp3Qr6/fDhg9NPQUlYK5roDd8U\nXZHkYeY9HA4DkIY47KlWqyWADJPJJAkrUcMO9Oh0OskhX4FAmEen0wkOmnwXhy5pPSJFKuR9ijAZ\nX5zW1tYSg9jd3V1QB4r3KqIk72BTZj6FQsF5ouFxikbK3Phb34e+hqZra2tBzSHewZriu62trQCk\nBR7AV/a9lZUVl2mtPQXNFYRHUWbNwtpNahSEVoBnKNBHuVxO9PpisQgugcxXL3KMn7/V0BWHwrda\nLd+vkQ29JLNuVldXvQ+98MZAC9Bdx7dcLhM5LhQK/m7dT7T+IWOmsTfUajWXX0VVhJaqp/QSapbx\nMq7jNJlMnK8a8hSHlykaGs9qqBtrpdPpBLoemsaAOxpKCG2r1WoSYqWhrjz77t07l4Pz8/MAeMYs\nO3hqaDP0ZTzQ9/b2NrnArq+vJ3JXr9eTUH1Fc4Pnk8nEx6KIoXyv71UaMnfkCdorArHWXISfeibk\nskVbW1tLkCBrtVqC0jefzwMUT/pn/Mzx/Pw8MFYwPmRW93LqVtLXZDJJHBSLxSJBBL67u3MjgwJv\nxOi6msahoF2xnn3y5EnAf2gJj3QPZy9dLBaJIU5r7LH3DofDIMza7GHgpkKhkIQSjkajJCz7+vra\nv9eacjHS6t3dnc9J9U58Hm+1WgFKt1mYroA8tVqtBPgsbnmYX97ylre85S1vectb3vKWt7z9gPa9\ndab+w3/4D9ZutwOLtNnDYQPz+TxJQBwMBn6TVyjD58+fm9lHK8/6+npSeX1vb8+tFOrujes0KZyn\nQlDG9V60FoMm6MeW7qdPnwbWDMak4+LGimVyY2PDb8fMvVwuuytXk2/Vsm2W3dixICjksSaU8xnP\nKGQ4N36tPcU81cKBFUUhL5kTz97e3ib1norFot/4NaRQa/qYha5mrBGxNwe6xLXHCoWC80EtOtBA\nrcYxvO3h4WECtTkajRK45HK5nPzO7GMiswKgMAasIBcXF/4+ntUQAeRewRWazabzjn7V64XsKNyv\nAlrwTmRjPp8n8qveGwVAYQy0fr/vdGAtd7vdIHSAuccAKfV6PYDnN8vCzGJLqHorgHi+ubkJLJyM\nM670bvbRuqfgBXHY1ng8TsJo1tfXnR5Yzra3t4OK6/wubpPJJLAMm4WgNAo2Etf4KhQKSfLq6upq\nEnKg9feY2/39fZDMiwxCl0aj4e/hMw3pZSxPnjzxNcIaPTk5cXpoyARzQRYVzEU9iXGozvX1tdMf\nXX9xceG8QZerh1hrxbCWmLvWvGPeWitEk9ORCa1fiK5ST6Jad5ljLMfVajXQ19CROWlYM54kTa6O\nawH2ej3ng0J8I58Ktc1YFEI/hnNW0BEF0oAG6HkFf9G6UA/pJa3ZEu+lw+HQZV7XvwIsQAM+U2Ac\nZEa9y6x/TbiPy0MoyIJGbMA7TYJ/CPgKOkCD+/v7xHOyvb2dWL/n83lQO5F3xDDt0+k0AI8wC1MT\n9PyhES5mmUzESfNnZ2c+Lt5xeXkZ6Buz7IwQ71n0Y/Zxj5lOp0F4H33Fnsebm5sH+YVe0RIK6omH\n1ho5EXur1OuB/tEQXGTn8PAwqR92c3OTeO8VvEZ17kMQ2jEokaZOsPbm87mPX8HQ6Jd/tSyJwmbj\nrUKudHxaxgL68Z2WgqBfBblQTyDyydj1DAzPVfdCRwU0Qk/N5/OkXmqn0/F6euqtwjuudfh4z2g0\nCmDU4YfWLuN9nHdZ84eHh8H+a5atzVh+7+7ufDzQXMsvaGidhhqbZXLwUOmO2NP95s0b31tYh2tr\naz6uX/3qV2aW8RVZ0PB2ZEJr+xWLRfv3//7f/511pnLPVN7ylre85S1vectb3vKWt7z9gPa9nqn/\n9J/+ky0WiwR6VhP3sRqcnJz4Z9xax+Ox3z6/+eYbM8tu8U+ePDEzC6xl5EVpoTYqwvM7LSDKLVjj\nGdXLFFdy7na7Pn5uyU+ePAlu8maZJY2bqVqP//jHP/pncSFFbrVmHy2Ne3t7SdzpdDp1C5FCVPM+\nheKlMd/Ly0u/WasFFkuUJoIyFwWT0GKDZqElETlQIBBNXtRiwnynSdfQVCGHoSkywe80hhX63Nzc\nBPC30EJjW81CuExo9uTJk8BKSV+ax8CY44J0ZmEharPQygOd9TPeq7G6WgRaE7J5J/kOf/jDH5yu\nmgeoCaeMNS7kXKlUvD/kY3V11a1xyPlgMPD3qeeXuTPWVqvlv8Paf3FxEXiu+B1j/vGPf2xm2dpD\n3oj9rlarSUL71tZWAJ3OWGIvycrKSgIz32q1EutdpVIJIHbNMitfDHmuiaVY2p4+fer0U8sfNOe9\n9/f3vja1mHJcaHIymfizCtcer6l6vR5AFMMD9R4wLi0jEQPa9Pt9lz2FxEX2Fb6cdwNasLOz49ZM\nxqwJuZqXGcPH7uzsJFD72i95apq7ilwdHR25fJCvsLq6muQpaH6MWjLj4u4KrqIQ3nEunOZ5MMda\nreaw8Oj1YrGYeCa2t7eTvBf1AGseTQzxXK1Wk8KQl5eX/r16fRRohXnHHiwFK0LPaxmJ5XIZFBGn\n0Tc8n0wmPj/NdYjLAkwmE6cH3uXj4+MEKlwTxvns0aNHD+53cb7QyspKAm4znU4TCHgtxslnCl6h\noD2sdXj9EGjOQ3DeZ2dnQQQGNOB9eJ76/b69e/fOzD7qnbW1Nf+d6mrkk9/PZjPnDbxqtVo+X51j\nnHOsuVpaauHt27fB+2azWXJ2GI/HPt/xeJwAN2gBbAWv0Pwfs2z9M0+8Gq1WK8mFewh8Zblcujwx\nFo3s0bxbPkPn3tzc2KeffmpmH/lVqVRcn7BnPXr0yH79618Hc7u9vbUf/ehHpk2BynRfjwv5qi5i\nzWu5EebY7/eTQq4bGxv+zBdffGFm2fpHJrQsBfpLwTCQVc2Jp9F/rVYLgHvMMjmlD827hW6s82q1\n6p4uzVfXaCDeybg0DxBZnM1mrh8Y48nJidMGvn733Xe+NhiflmmBztvb20mh3MFgkAAz1ev1JGqg\n2Ww6H9AJ3333nf30pz81s4881HxwzvLz+dz7o+Dv73//ez+v8ezt7a0Vi0X7t//23/6dnqnvBaCg\nQjSThzBbW1suGIq0xQJU1zUbOkLbbDad6MpkBIhLUrvd9smwIG9vb4NNT/tnvGYZM2G8bqBx/ajz\n83Ofk4baxcJaLpddCJfLpbtPUS7NZtMPxwhSrVZzhaqH/RgpaDQaOT0QGnVJo2A1iRyhGAwGzngN\nf2OsKNbZbJaEKVUqlWTz+8Mf/hAces2ywxIHMIRWE+3pQ0MwtSI8tOSzWq2WhIiur68HtXPMsoWB\noHOpViWuNQqQT3jdbrf94MoGe3h46OPTsDyajp33EcK0XC5duXz99dfeBxsPczw7O3M5UuQZ5Lde\nr3ufv/zlL32+vFtRgZifHs7j0NVisRiEHZll8hIffnRD1zo+impmlsk5tFGENNYNv1P0Jfo/PT11\nBQsfhsNhcHljzKx7DQdmrAqaAX2Zr9atUV5rzTn64H3QdjqdepgXMrS3t5ck0rdarcR4oJsmv9vY\n2PD3cKFYWVnx/hjL1dWVyzZjVyCd6+tr3xj0Mqo18xgz9OW70WgUHI7MwhDWuL6Jzl3BIXimVCoF\nwA5mGR/iBN9ut2tv3rwJ+tW1hC6czWYB6iq//+yzzwK6KcqUGs7oQy+j/M2/m5ubSW0kRWlFV75+\n/drliPW6vr6eJPgXi0XfsxjT06dPXddr+BP0hQaj0chppAen2JB0cHCQIC7qoUWR/eLQuZWVFZ/T\ncDhMLt2z2cz3Ha2ZxdzRRbVazdekoqvCOwVriJH7arVaEGbDZ9BcQ3849NJ+9atfJTX7dP9XXRkD\nH3377bcuR+xTCkDBs41GIziAMfbYeKxoYxrepiH4PBuHuh8fH7ssIDt/+7d/60YD/tVLMmebfr/v\ne7QisjE+xqIh1lqDTI1pZpkc68XJLNPHDxldFFk0vrwXi0VfQ5qiAB3Ym7XOmPKfxjwfPXoU6Hiz\nj/u2mQVpC19++aXThjlBX2RXga8wzi8WC5cF/q3X6wlA1mQySWrZ3d7euk7VcP84RHx7e9v5pDWS\neA/hm3t7e75n6X6GfuJ3R0dHTjdFE+VsgRwPBoMAqMgsrDOmIAzQFRooei1GAUWJZo56Vj44OHDd\nh75bLBbBpYL3sYdzZjk/Pw/WvVnGw9gwNJ/Pk/H3er3EgK1nAs5hm5ubAYiHWXZmpWnaBeOHHpeX\nl37B1tQD3UvNMuN8fJ7o9XqBAf6hlof55S1vectb3vKWt7zlLW95y9sPaN/rmVpdXbVarZbUmTKz\nxAU3Go2SZFOtq6KhdVg9Pv/8czPLrLMaHmdm9rvf/c6tvGolx+KgMO3cSPn3w4cPbnXjFrpcLoPa\nBIwpTvrs9/tuCeP3V1dXgeufm6uGkmEFePHihdOD7xU6mZuyekK4vSveP9ZC9XTxPiwAW1tbCQz6\nmzdvAku+WZj0r+AUmtjPfEgo1eRF+K6hiVhW+L0CQUCLWq0WzIk+NEGR+cRW442NDfewaDXr2FKz\nsbHh40Ku3r9/H4RFmGWWpzhUD/qbhaE6cXKw8h/LiULva2iaQrGr5cUs4xHjx6PYarXcGqfgADEw\nys7OTuAtMMvkhXHRx97enlvR1JoCv+DNfD7330G/er3uY8EqMxgM3AUOrfr9vq8htabG9Yg0zFMT\n/GNQikajkYT0vH//Pkgopq84DEUtusiVeitZw9fX10lNpqurK/+dVlRnzeERffr0qY9ZgSGQGSyO\nnU7H5QNrZKlUSqCqh8OhW2/VUget1tbWfE3+5Cc/cZrGNfE05EstdrHl/+zsLLCUMxb1qECPh8Bm\noBFj3tnZcT4gL61Wy8O38QBqyJTOPQYj0Fo2tNevX/sa0LCbOPRvOBz6PsH4NFQHGdvZ2fE1QJjU\n3d2dywzv/fbbbwModugTw37rs2qVR1YVaEjrmjEm6AJtDw8PAxqZZXoZHa3Q4WrR1zB7aBR7HFQP\nKF2QVd3v8KgpOA1rFzlXT42OVcuamGW6BvnEUtzr9YKajmbZGolDJgeDQQK1rGtO4cPR+/C30+k4\nH5D7SqWSACJVKpVER7fb7QDu2SwMOVZvQHzGODg48DEr5HJcDuP+/j4J7dXUCQ3TRncgLzc3N/4Z\n9K7X60ldoPX1dZcJ9cDGIEY69x/96EdBSQfGBa31fTQtfcN7kJObm5tkTzg4OEhCa0ejkf3t3/5t\n0O9isUiiKTqdjnur8bbQj9JtMpk4rbUekXrHoa8CaNCHht7xLHRFnzSbzaSsxvr6egItfnR05OGK\n0G0wGLgHmD2m0+m4HCsoTQzMoRFK6HzVncjp0dFRoG+go0armGU6U8E6NJyQd8c1wmazmcsvND88\nPPQ9Gf5qWD5NZVXXOusUXm5sbCQlXt69e2d//ud/bmYf951SqZToBA2j1LQadBB9VCoVX6d4X8vl\nsvNTUxTikkFxyz1Tectb3vKWt7zlLW95y1ve8vYD2t/LM/VQ5XCFQecWt1gs/LarCbDAEJIQpgmj\nWOWurq7c2oLF4enTp0mhuclk4rdtje3n5qqV3PlMEwaxZirsLxYCjXFlXBqTTPvrv/5rtyBpbCg3\nZfIA2u12AOltllmpsGbw+8vLS7cMKNQuVgC95WN51crrcU6SFgnkd+r90vjn2Iq6uroawFpDUywE\n6k2LvR+j0SiJDdZCZwq1Gyc0alPLKXygX4WPVahV+MqYFTIaS6v2C12KxWIiJ+rBUCCPOAdDoeDV\nuqzjx3KIJVzzsbQQKpYohSPFEoK1X2mlY43z3jTuXRO841juSqWSWIj0e/p7/vx54Gk0yzwimqNB\niy3i8/nc363WT9YwfVxcXPg8NWeC9Qftq9Wq/818zD5aPeGlVruHjgpBj/VNcxMVeCUuDHp3dxeU\ngGCuzAP+aZIzY+/3+0mc+s3NTVAuAT0Bv7788kv7zW9+E/SHLJmFuSsxzUulks8ZHbO7u+ux8OjZ\nfr/v49ckbHitOQdxYvnl5WVQ6JV3oFuw7P7N3/xNkm9XKpV8L4BHl5eXPi6F3+UZflcul4PYe7NM\n32LRhc5v3rzx95AIPp1OnR7ouKurq6SYsRZ8JXJiNBolhZU1d0VBTOKIglarlXhJFRCEfrV8geYo\na1Ffs2xf0bwhXS/8TqGOebfCC5tl6ycuTj6dTn1PQ7+rpxuea0F6vJCbm5v+vfKLnAa+a7VaTl/2\niy+++ML7UD0X51GVy2V/N2t+OBz6sw9Z2LV4L3JMH61Wy8fA+j48PEys0Aq1z1iI2mEM8IDxaU6h\nFlmGFjyr+jsGNBoOhy5byISeRbC0NxoN33NJri8WiwEgB3zQqBDWCzpL4ag1WoYxakFantEisOhX\njW5AtykYVuwRLxQKQc4KdIZPWhyZ8xp07vV6CcjFzs5OADzDPHiGdahFr/lXc//RSQoiw/t+9rOf\nBYAXZtk+RX7PQ2Va0MG//vWvna/qfed8x5o6OjpKSqkUCoUHSxAxfgXXYY9U4BBkW/dK9oHd3V1f\nDyqXnKFYUxrlpR57PL/IzsnJidNDzwkx8Em9XnceakF15E33dz6DD7/5zW+cboxlOp36OVtljLlz\nfl9dXXX9ytjX1taSgs/L5TLYfx9q33uZAowhDtVaW1vzRc2m0O12fZFwobi8vLR//I//sZmFqFoo\nPU3IRNBRCnqpoWmiJcQvFov+PmU2C1DrFyGQMKJcLvuhG5fzo0ePkkPmN99848Lz6NEjvyxqrSXC\n4uhPQ7W0Tk+MWrNYLJL6Ube3t04vhOLi4sJpA7PV/ahJ7sxFLxz8zSJaLpdOS95XKBQSFLz5fO5j\n1TozcW0sTfBk8ZbL5SSEqdlsOn3ZcHZ2dpy+ujAYi6Jq0Yde7LisaF0IPUjwGWNQMBSUBv+WSqUg\n2dss4x/v4b1Pnz51fmnSJrL/05/+1GmOfOo8eXe323W+akhaXNvl8ePH9otf/MLMPl4k5vN5AADC\nfGM3daFQSEJctEo87fHjx84TlEer1Qpqk0BnLjV6gEERE8LYbredn9Dqw4cPvk71IBkfzv/4xz/6\nIRle6+VBDSKxm//4+DhAWORZrQdj9rF+BDQye7j2lLr+WT93d3fOBw271LAXs7A+GPqsVqv5QX2x\nWPjhnvbu3TvXJ9AUeppZUEMDsAEOIa1Wy8ejaKTI0UOoUNBlbW3N5YS5j8djfx8HGa1HAz329vHm\nN4kAACAASURBVPZ83euhEPlAX1Sr1QCwg4a8a/J1DMjw0MVuY2MjOUyXSiXXmzzb7/d9XOiB+Xzu\nB11k4sWLF75PEILz/Plzlw9FtOIzBSqAztBvOBz677S+jR4QzcKQGOS+1+sFB2uzTLah5fX1dXBJ\n4XcxWEar1QoAhcwy/Y/OYO7r6+s+FwXagF7InSagIy/n5+dBUrtZtu/ENa9ub2997XLQvr+/T5DA\nzs7OEnTQ4XDoNIJHh4eHSd2ldrudABBojUL2lW6363NCXo6Pj30eyMvPfvYze/nypf8N7ZkHcqK1\nwhiLhpzBo/fv3wfGz5gGGooXh7Ctra053wgfOz4+9j0I+l1fXwd15NBVuq/wjII6oW/4/fHxcYLS\nu7KyEhiVzDLdxrlKdQj7CbT80Y9+lISaaZ1O+qhUKknNs/39/SCcHbroeY55aOg6z8Yh7Ds7O8FF\niO/ikGNNsVC0yRiBtFKpuP5CJur1elDXiDEr0Ba04hyATh+Pxz5frSOKPKG/l8tlYngsFou+96oT\nITZafffdd0GNP37LuXgymSQ1YDXMl88U0Io5KeALa+X+/t51nvKfOSG/zWYzAQJaX19PjLjv3793\nmsPXx48fB2G7vBc+qZywJtkrT09Pk/1f1+Hf1fIwv7zlLW95y1ve8pa3vOUtb3n7Ae17PVPdbjdw\nrXOz0/ocavHG4o+lUG+cWBIqlYpbzmhaORo3tSbacVu+vb1NLGJ3d3cJ/K4m6erNPq619FBNEU0O\n5gatYTLT6TRxU87nc/eOkKxv9jHsTKEWuaErhHHsSajX6z5+haOMPWLdbtctHFgaNKkeK4S6LrFg\nQ2ezMEGZeWooEVYA/lVAC8antX0UQjmGMh6Px85/XMCabKzeTcA8+EyTUrWWhYYpmoXhEfDo9vbW\nac47FPZTIabhG+8olUpBEjT/YkGC53/4wx88hGk4HHrf6m6HJ4zf7KN8sM4+//zzoLYK/MA6xe/2\n9/eDhFjmFIfqlUqlxILd7/eTWiG///3v/XcaQqDQ2TTGxzuazabTTeulaK0cs8yzyxpGTygsNLT6\n9NNP3bKmYYZYThUaH/2AVW40Gvn40SuLxcLXBbro5OTE1wXvKBQKTmd9H/pGa9XBXwXhiWuBTSaT\ngF9mmVcTS5h6iBTGmTWi4BCEYMFrBVrQenTwH74tl8vEK9tqtfwZLOJaKwx+1Gq1xIP5ox/9yK2P\n6Knr62t/N/xVYAZoNZ1OAw+NWSZjjEUhfqE/vFxZWUlg9dfW1pyvePMWi4W/G5k9OjpKePPFF194\nv//n//wfMzN7+fKlj1uBMuJ+y+VyoK/NwtA/1lm5XA48f8xXeWiW8Sgu57G9vR2EzJllfOZ9CtwC\nv8bjcaBrGX8cRndycpKMQSGlVe8gH6xNBXjRELG4VuD9/b17M1lTl5eXSW0/9XQyt/F4HKxxs0x2\ntA4lc1M5hxbqCaN/5oY+ef78ua9reP706dMEMOL6+tr+5E/+JHh2e3vbrfe6L0MPvM3q2VVADfYO\n1o+CzrBWb25ukpIHCiyAflxfX3d+QKvNzc0ATAJ9A92urq6cXtBqY2PDeQhvSqVSEE5oFqYN8I52\nu52Eg29sbPgY0Lnv3r1LvK1aBkXTB+JzjNa8Uzj/GLa6WCw63dCZKysrrn+hnwJfKUgM9NAQcAUy\ngzfQVOtD4YVijn/84x8DT7hZpmdjz2Sz2QxqOzJHBcZgLLGXbD6fJ2fWwWCQ1FVdX1/333Fe1f2p\n2Ww6bTgnXl5eBqHyZtm5DloiB8+ePXOZYc1Pp1NfX9BtZ2cniYh66Jxwf38fnN2gCzIGNP7GxoaP\nAVqtrKwke8f+/n5Ql80sWyN6fjXL9rb//b//t4/fLCzT8He13DOVt7zlLW95y1ve8pa3vOUtbz+g\nfa9nqlAoWLVaDSz5Zh8rApuF8fFYjbmZFovFwEJrlllEFNbULIRQ5h1ra2tuGdJq5woRaZbdLrlB\namFQ3qNJkVgXFLCA26zCdCv8MXPDcvb8+fMgdtws86Jo7LhZaNHXYqxaWNgssy7EQBenp6c+F/XY\nxPHTy+XSf6cFJKElMbhv3771GHP1KGlsvllYiBQe/vKXv3R6Ya3QHCzNU4gLDJbL5QBkABrAd5Ji\nd3d3g2fMMu9MDEO+urqa5KGtr6977Dj5AGYfLVe0UqmUVBifTqdB/hS0gH7KP01QpKl11Cyzzqg3\nEAszNLi+vvZcGU1yZF1p8m0MH3x3dxcUcIYGMcy8wv0z1n6/n+RWacFK9c7GXtJqterzYJ6ap6BW\nI2RGi1jGieCz2SyBxtYcR6y9CqGvRVmZB3PUorhawBu6aRFi1hcwvE+fPvXxI2OlUsnXFK3RaCTe\nyvF4HCS3m2VWsDjeen193f7hP/yHZmZBki3v+frrr10mNLGYcSl0O3N+/fq1mWV5edCcdz969Mh/\nxxoYDoeJlVJzNJjvYrFwnaZ6ivWFdf709NTnrBDw0BDaa2FwzQfU4p9mIQCBQo/HUMHX19f+GfPV\nyvZaXoExMHYtcK1w1OhFtfwzZtb86emp8wGZrFQqLttx8eP479giqnC++iw059/BYBAU2TXL5E9z\nyBgjOno8Hrve11zCGJ5/Pp8HADtmmY7md6zvRqPhvEHWer2ef8a6VS+aRlOwvyIn3W7X+8CLv7a2\n5v1pFEpcXH04HCbFnWezma85+tIGLVdXV5NcDQWlYH3/+te/dm8GOvrw8DDJJex2uz5WvEyrq6tJ\nrp4WJNa9g37RZ/v7+0H+CXNED6MvXr586WuAuekZDVqMx2Nf17PZzPtDv2pZFfoolUoub/y+Xq8n\nXuP19XUfg+aXsf4Yg+ZbQd9Wq+VjQCaKxaLLIm17e9vXsHrQFCjCLPPixiVjlNcKcsb4aApAoutC\ngZv4TGHtoTnP8t7f/OY3iSweHBw4P1k/hULBec3YNb+cf9+8eeO0UqCM2Osyn8+db8jfhw8fXGb4\nbrFY+Jg1L5zvKaau797d3fXfErWkoFlfffWVmWVe0thjpjlfeuZn7lo2BbqhT+7u7pKC6kdHR/43\nfSkID3RuNBou2/BtOp16LjdeLfX8oqM7nY7LHXNcXV0NioM/1L73MjUcDm1zc9MJi0LvdDo+eXXZ\nxgfA3d3dpDbOYDBIFn65XPZNjQ2qXC77hs0G/+233zrhINLh4aEvNgRPE5819CRGAmq1Wq4IFTEk\nRukqFAo+z++++877o2J1q9VyAWK+GhqjCFBxErmGUTLfdrvt74Om4/E4ALIwyxYRqF9Ud37y5ImP\n77/8l/9iZtkmyUXjL//yL83M7J//83+egCFMp1PfiBG4Wq3m71NUNQSdUIPt7e0gHI/3xmhztVot\nCHcyy3ikiEhmmbwwXz2Io6Q0/CWudt9sNn2jw519dXWV1N+pVCq+oHlftVr1/pjbeDwODuX8PjYK\n9Pv9oDYNMq8gHBzkofN0Ok1c76oM9MATJ+Svrq76JRWaKhqWhnvFyF2Hh4dJWMGbN29c7lBWnU7H\nwzwIZ1S3N8qy1Wp56KiCjZCAjNyrUQO6NRqNpD7HxsaGf6/oXwo8Ah15lt9/9tlnSejc1dWV80PH\novXq6Cs+2HW73aDuhlkmJ4xV14XWMDPLDi3QWWUN3dFoNILnzbKNkPXMoXU6nQYIYWbZGkHPIE9r\na2vJQVcTxrW+DHPnEt/v911W2Ty2t7d93Jr8Gye8TyYTnzvPangcNF9bW/ODla5lDgF68YiRNmu1\nWnDpNcsOD3yGfN7c3Lica7gX+o5nNbSO8W1sbHioDvxfLpc+N9aU1h7TUEz+Zo7r6+uJnlUkOK2b\nqHWDmK8CKJll8qlgKKxd+mi32wEQg1mmx+I1Mp1OgwsfLQ6j6vf7ScjcdDr19cJ+1+12PQyQebTb\n7aBuoFnGf/hO/2dnZ24gUORg/lYkMPrQZPj4QlSv150eCnKD7tZDX3w41/Bd+nr9+rWvUQ3t0sOW\nWcZL9tl/8k/+ic8NHa2hn4yBdwwGgwBAi++QEzVUaC0eeMD7kPvhcOi83t7eTpA7nz17FoBumGV6\nB12giMZaI9AsrCmk4bbICXTWkH7W0mw2C0LlzDJeI6vI2ObmpoM4aJ0jLnFa80rlyCw7dLMvaboC\nY6X/lZUV57FeqqCl1mFjHhzIB4OByyDvffToUVL7SVFnof3FxYWPWQFoGANysL6+noRdPnr0yI2b\nasiAR8ipAkwxHwUY0xQVNXhwOWJ8+/v7zgfmNJ/PnR5qdIvRnCuVSnIxKRQKvj8gk3rWZ3xqOOGS\nd3Nz4+tVnRbIpRqeWWt6PoJu/K7RaPh6heZ6j9G7y0O6Ulse5pe3vOUtb3nLW97ylre85S1vP6B9\nr2dqbW3NTk5O/HbNbVAtTlgXVlZW3D2ONUhhuhXvHSsQ1oi3b9/6Z0CPvnv3LrFWbm1tJdDd9/f3\nftPVmlIKk22WWRlICuWG+uMf/9hv1sytWCwm1cSLxaKP5eXLl26pxXK2XC7dkqMQz3Fyu9Yr4Nlq\ntRpYk5gTt2PeO5lMEgvcfD537456YrACYMX5q7/6K7dw0MfV1ZX3izVouVy69URrX3HL1wRTbu3w\n9/LyMsHir1QqbkECbELBAbCiXFxcBPCsZmGYHvxotVpJonK73XZ+8pnWikBO9vb2Am8QY4+hYLVe\nFlbBVqsVJEZDnxiEoVarOS3hi9lHN/v5+XlQud0stJjCX7WYYzUcjUYuMxr+GofbbmxsuAxiZdSy\nAND+7u7O14OCb0AvLDqXl5dOD9br9fW180Hhfn/yk594fzyLJQ9aXlxcuC7QBFqt6WCWyWTs2Vtf\nX3cZhAaLxcJ/R0iXhv4iGzpW1lSv1/N5aOkG1o/CTcfw65PJxD9DPrVqu9Z/i8Pp1HOiMP7I/t7e\nntMfHi6Xy6QcRaVS8fdg5fvd737nfEJXVioVp5dal+E7fPjkk0+S2nja73//7//dzLLwXOgKzY+O\njoLadGZZWEsMHz+bzezP/uzPzCwEu0Hu1BsJXXWOcR0cDRGHfpeXl05/xvLhwwenEXK/u7vrfFda\nxDDyV1dXQSkLaMp70DUKZa6AJXFoSrVaTUKOVcfQx+npqfMDmZ3P5/7M0dGRPwPdHtLh4/E4ASrS\niAj1yjNWrQEDPdQbRH/IWr1ef7C2Y+yVPTo68nMCXvrxeOzyxPq/v7/3/YR5bG9vJx7sVquVeO9W\nVlaCZHT6wMKuMgRPFIAmDv28uLhwOgNUcnh46GGKRLdo/SV05nQ69fBYxmxmiad4Op3693hV/q7w\nQujCOLe2tgIPB/9quBrf09SzpqFrWofOLJMr+uPfUqkU1GXjM3ioUSMajsm8tbSDWRiFgqxNJhPv\nAz2xXC79PME7Wq2WezU1RJm5w4/RaBSEx5tl6xb9hEwooJqeNXmPgnGgN9X7jqdDPTKcw3Tvh1bI\ndrfbdRrxPg0tY3x6DtCalwqxbpbxlL+RxWq16u+GtoeHh0GtVWRC63Mxfp5VwCDkRGHQ9Zyo9azM\nsjUQR2Ksra0l9WNLpVKgW8wyWUQWGP+vfvUr/x5aaiqJ6jHknPm+ffvW+9CIHviKzhqNRjkARd7y\nlre85S1vectb3vKWt7z9v2jf65miijLWBS349lAiKFZKboh/+MMfgnhX/uXGjZVnNBr5rV0tqNwq\nY+hTsxC6NYatxqOm71PYX7xM5+fn7kHgRjyfzwNLCL/XBDlu1ljYZrNZYqnRvBJu8VtbWwFQhFlm\nkYgTIyeTiY9HYZ8VwtgsrE6OBbDX67kViryn4XBoP/7xj83sI79ubm6cD9BjPB77s8xDIaXVm0ZT\neFusC/BhfX3dLTRYBdfX192iQl93d3feH1aUXq/n79GCunHy4s3NjdNF4TyxOCEHm5ubTlPGdHJy\n4rKFxUlBOLBStdttHx9Wl9FoFMT3QluskN98800SG6zx51oIj1wpZFo9XApOEoNIaLwz43r//r3L\nouZyxOUD1GOieW3wCYvT5eVlkmtQqVR8DSiMNBZ6BdeIYZA1n4H+1SqkuSvkwPzud7/zccYQsIvF\nwi1NWGWvrq6cr9BnPp+7ZUq9C3GSa6FQ8Peo1Q0aqOc5ziV5yJtydHTka/P3v/+9mYUABGqtZG6V\nSiWBIz89PXWa4xFBT5lZAGnOOxmrxpWr54y/oUutVkv4dXJy4muIPK/RaOQ5XVocVfWvWWaxj63B\nzWbTc+vov1AoJHl08/nc56lw6dBawXg0B4r3xjkJxWLR5YnxKYw8+qTf7wdAC7yXtYfleX9/P8mZ\nXFtb830ROV4ul0nO6d7eXpCkzRzpV/PCkDEFGmK9vn//3vcgZFq91ZqHAD91zHEBz9ls5nknWlQ0\n1jHPnz8PdJpZtgbUqwAttag7fcReCAWlYJ4fPnxwfcIerUWeoa/SS4sLq8yYhfDWCmLE2tTC9IxF\ni8vDdz3jsBfp3qB5W2YZX+J8oGq1GoBgmWU8iqHRi8ViUmhW91lo+urVK+9D1zK8Ho1Gnm+pBcLZ\n3+IyHIzRLFs//K35wDFgkIJDKZQ9tFSgH2RRS9/EwELqcVbPI2NgbpeXly6f6pVh/+f3u7u7fo7R\nXGLNxzUL1zDv0KggvDTfffddAq7W6/WCfHb4EEc1FIvFJH/35ubG6abnRuUJY4qBVBSHgHZ9fe1j\nUYh/9IV+ph7TuOSB5rihvz58+JAUNm63204H5tbv913O8ZyNx+MkumCxWCT5goPBwCOJeLbZbLpO\n4Mz61VdfuQzy++vr6yTi6OLiwnWLgjFpDil98LdGkend46H29wKgULz3+CBj9nExffXVV0EdIrPs\ncMvAddC//OUvzewjQ5vNpm8kuD/X19edwHqZg1Ecfj/99FP/TENTEHqIX61W/ZCph7hYSb5+/dqZ\nogmBCHilUkmUBpdOs4+Mn06nrgjV1YwQsGkpOhOCrtWaafV6PalvdXt764uReZbLZRd6rSmDUOvl\nl41ED+z8jvbdd98lB52TkxOXBd2sYtSX6+trpzUHvNXVVf8bGjQaDe+Xf1+/fu3jR6m+efPG/uIv\n/sLMPoZWbG1tJaAeT548cT4wR0UHY+xapwmlr8nOir4T1/gaj8cuByzS7777zv7mb/7G+4AeqnQ1\npNIsU0JxSILW7EIONPEcHlYqlSRsdDqd2suXL83MHCWu1Wr5xo/Svbm58d/xvkKh4GtSAVBQfqyR\n4XDonyH3itLJs81mMxnf9fV1cABjboo8ZRYiN2kIC2sO3iwWCz8g6HrjfSBGai07+l1bW3MZQzdM\nJpMkCX9nZ8fHwgGg0+kkxoV2u+0X47j2idlHZX92dhYYNdAJ0L5SqSSJ9qurqw9eJKGvhl3Gicxa\nwwY9ViwWE+PCu3fvfK2xNlWeFOU0DiW7uLhI6tEpUhRr5ebmJqj9Z5bp8hjJajgcuk5DJywWiyQR\neDqd+hg0BJQDOHpguVz6GtbNkjBU+PX27dsESGFvb89DqpA1RQfUkBIFaeJ3NA2nidGrJpNJchAf\njUYJGMLNzU0QrsohGX1Sr9eTsDcFS4Hn29vbPgb+1fp8tEaj4bLA+C8uLgKUPH4Xh8fd3Ny4bGkI\nJpcBRaNTkCnGx9w1/FnRvswyeY9BiZbLpfNYD/PQgDmen5/7Z/Tf6/WcZ//rf/0vM8uMCOzNIHPq\nZQ457XQ6Lh9qUGQerC1Fh1UESvSAGlK0NpFZtlYUCIb5xkaG6XQayD5rBN6srq4mqKp6KeMc9uzZ\nM3+nXrpYk+giTd/QuSE7qvPVuAyNoA0he6PRKAEl05Az1pcae0glaLVaLvuKSgnfWa9Kw/gwb/bR\ncHJwcOD7Dvq9Vqu5HtN9G9lmr5xMJgli4MrKitOcs1KlUklQH+/v731tqmFWQYTog6ZGQd6jBrQ4\njHNraytI90C2mFO73XZjJnS+vb21P/3TPw1otLOz47qe8bRaLZdB3re/vx+kJDAuPSNDvzgd4Ntv\nv/W5IBu1Ws31kqbaIFsKkMWdQY35jJV5K3qpnu9j42bc8jC/vOUtb3nLW97ylre85S1vefsB7Xs9\nU7i8Ys9EoVDwG/2XX35pZtmNMvbObG9vB7VTzDIrBO/jX61ireFZcZKu1jfCylsoFPx7TVSL4XfP\nz8+DJD6z7NaKhQWLQqvVcusEfTQajcCKw/NahVsr1PNu3hMnNOu4zD5aC7HibG5uJq5hDVOCBs+e\nPfNbNLfys7MzfxZLyBdffOH9aaV0+mPso9EoSEbmXywDvLdcLvsz8FBpyJh3d3fdcgoNvvzyS7cq\nYNVQmG74v1wunZZ4oR4/fhxAIptlFcbjmhLX19ducYBvvV7P6Qdf9HfwptfrJTDCt7e3gavZLLO+\nYVXCMjIej+2LL75wWvJuLESDwSAJA1AgCAVkwVKKJWwwGPh7sBpubm4GycNmmQVIgVHoQ2tS8BkN\nfv32t78NPENm2fqKwVBKpZI/Ay/NwlAes9Cyhrxsb28nIax3d3cuO1ovBws8Fk+t06JeF/iE7Kys\nrPj6BxSjXC4n9bK0/hIhYL1ez8evABSxTNRqtSQES0O16H84HCaAK/V63efy2Wef+RqGBsov1ROM\nAQtbuVz28fP7RqORwHhfXl46/dWirmAkZhnPX716ZWYf1+u7d+/8PeiL9fV1180azhR7HG9ubtzi\nCI00xBF5Uroyvm63m9SZm06n/h61MmN9RE6eP3+eeBd//OMf+xrWsFbmyVqu1+tOc2Tx9PQ0qXl2\nd3dnf/VXfxWMZTweu+woQAKWeg3pQg88FDaokLzMAx2n8m72cY9CDh6CgG+1WkFoI+NTeTTL5Im/\noUepVHK+qudRwR74DPrzLDqacdFvvFcuFouknlK9Xref//znZhaGHsV1sLa2tvxZLeHCuNhXNIRd\ndR/h78i22cf9Bn6dnJzYP/2n/9TMLNgL41DNJ0+eOM01CV+BVhg7NNDQffiBxV51Puvt6OgoqV/Y\narUC/puFIGEKoMWYtVQEXretrS0fP7/Tsi9a/oU1+VBospZaIfQej9PKyorvdwq8FNfQfPLkidNV\nvbf0S3v9+rWvV+ajpTFY86PRyNcVv+92uy7vyMn9/X0y3+FwGISQMTeeZa0Ph0PnJ/PY2NgIzkNm\noT7RCJXYg7W/v+8yoZ4bxoU87ezsOO01zSQ+d9brdaeH1jTV8wL8wsvX7/d9zgrPHwO86Z4FLTUd\nBL2uAG8a9swaQedOJpPE81csFpOasqPRyHVoDDqh8xwMBr7HqwebfjV8l7Eyt/Pzc/eI/l0t90zl\nLW95y1ve8pa3vOUtb3nL2w9o3+uZGgwGtrW15ZZTtUJyG+f22Ww2/UaKpeP8/NytC/xek7Q1Fhar\nAu+4vb0NchHMspsx1me1ksU5TBprrjkRWPmxMjx+/NjHpxYs7c8su7X+9re/NbPMGoTlSIuncntm\nzA9V3D44OPCbtRYfhQ6aSM0Nnd+PRqMAhp4+4jyQ0WjkkLP/6B/9I6c989Qij4xVPQWat8F3cXy/\nWlsVmpexKABCTCstbEsfJycnSY5Jo9EIcjSgnxZPjumihX9jKPNqtZpAvGtuDdaK9fV1ny+WovPz\nc18DWHZ+8pOfBHHxZmY//elPgyrs8BUL9mAwcL4Sc7y6upoUidZEa/7e3NxMksMHg4HTmu8KhYJ7\ntbSkgFZzhx7wAU9HtVr1v7HK7O/vu7UKml5cXLilBkvybDZz+msx3hjO/ezszMcHnev1uluc4euL\nFy8CeGneoRCrZmEuDE09MZqDibUNWTs7O3N+qVVLLVJmmewyD+it3iq1zsNDzdlg/Gp1RY+tra0l\nBZpLpVJQDB1aaYFc+kWP8Pv5fJ5YLrVIKOsBupt91Anj8dhziMiTqtfrTiNAJ4bDocssXoNWq5UU\nTywWiy4nWhyZNYAV9bPPPgu8VNAyzhFdWVnxZ/AeaNQA61BpxL/lctlevHgRfHZ+fu70Y5zD4dCt\nvLz3/Pw88X40Gg2XLYX/hZY0tVYzj8lkkuSran6pgiGwzyF//X7f5U49tQpsE0OKX15eBgVjzbL9\nTvOnzDLZYZ48O5lMnDYaOYEO1TwEZIxnp9Opz0VBYuA18lkqlQLobLNszaNvyH8bjUbOGz6bzWaJ\n97tarfpYkfFqtZp4/hqNhvMOWWs0Gr6X/rf/9t/MzOxf/st/6byBVvf39z533qGFRvn91dWV8w6a\nKa1UbyPb9F+v1123QEctXK55nrHXRYu8m3302mPFb7fbSbH4h6Cs1duqgBXofXTbdDpNYKbV+8X4\nnz596jxEZrUciXqc4TF0rtVq7uFCJj/55JOgTIZZpnfi/LhKpZKcd4bDodMX+mxsbAT5k2ZZtAL9\nwaPBYOD0UDAGLbHC7+IC9+pxRGYrlYrTDZ1wc3MTQPYzxzgq4OzsLPGwzWYzlzf6ePLkSSLvWtIA\n2ikt379/70BxCqoRl+m5v78P9kHeFctJpVJJaK6gOdwdJpOJnwV4dnV1NYn2OTs78/40uoFnoMcn\nn3yS5J/1er0E5G48Hgc5mvSrIB0Pte+9TI1GI+t0Oknowvb2dhAWxQBR2AiZuu8UxEKVgFm2SfJu\nrZEC89i0rq+vH6x2zSJRJYTAMSZFZNEq0PFh5C/+4i8SVLpf/vKXPqd6ve6bAWPVsAKYuLW1FYTF\n0dTtaJYJI0xGkLrdro9BQzDiZL6Li4vk4Pf27VsPvVRgA8aA0lpdXXW+EgIwGo1cgOhrbW0tUFJm\nYZIuv2+1Wn4Y1EOmIiwxX00oN8vkisuMoioSWsFnu7u7fshD4T1//txlh3/fvXsXXBp5Vi9lZuFG\np+EZcTKqoqbBq//6X/+rK1va559/7hfYVqsVhNnwvriujQKLaL0h+kR562aFjI3HY/8d32nIrIYU\nIh/IsRoSSCy9urpy0ApkQivCK8pYfPhdXV31eSJju7u7zndNOuYz2u7u7oNhuRpCYhaGTGhYAL9D\nhhQJFMNJu912FDn60sRsaKpIgMiLbkKs6ZubGw9XYb7r6+tJyFm1WnU5UZQ9+hsMBkHSDbYyYgAA\nIABJREFUsFkm03Edmvv7+yR8Tw1JtGaz6WuXdaZIploTS2v6mGUHHXhMSMTZ2ZmHW/3iF7/wZxkL\nG9NyufTNke+2tracJ1zSVldXXVahUalUcr4TNlosFgNjFfOA7/TFZmn2UU+cnp4mKJ2ff/6500DD\n1jWU2yxLwuc9HNw2Nzf9WUX4ArkTXo3HY993eN/d3V2CIlmr1ZJaQXqY0nBu+I/Mai0orZOj618P\nH2bZ3sF+qbomNt5cXV0lwBJqJEGXn5+fO1/RpdPp1Pdpxnx+fu5hdOg2DVPUy7ci2EFL+uDiPJ/P\nnUYaOovs6P70EGCQ1hw0y1BC48Ol1o/7y7/8SzPLzjsYlJAnRZtVtNM4oV1rWbH+tVYYn93d3SW1\noJrNZhKyORwOA2MaNGBO8L7f73sdLP7PGM0yviLT0LRcLjsdFC2Pz5B3DctGFjX8ThP84Y0eVuGd\nIrfFqMrL5dLliDHrJY7+bm5uEsTIs7OzoE4m38XpIPV6PQHNOTs7c72O/vzuu++SdAXWo1l4zoL+\nqqsVCIzPkG0MfL1eLwnpVZoqsnBsjFbjK3uhgrXpfgbP4YuGuu/v7yfGqpcvXzottSYef2tNOebM\nWlGALEW8RN6QyWaz6QY4DS9nXhhi3rx543z6n//zf5pZtvb4nve+efPG0y10nf3qV78ys4/r/+bm\nJgGv0fBdvVjG55245WF+ectb3vKWt7zlLW95y1ve8vYD2vd6pjY3N200GiUWZ3WPYkk4Pj5OkkPn\n83li/ep2u37LVgu61ogxCxMosS70er0AEtUs86DE8KsHBwcBfDh9ceNnfOvr60ly9cuXLwNrkVl2\ns8c9/tVXX/k7+ffdu3c+BvWscMPl5txoNPymrqFd3PxjvHyzj7f36+trnxPW2fF47M9q0vQ/+2f/\nzGnDv9zotQYE1lGtnRCHkFxeXga1GszCMDpkQl218LJUKiV1lba3t33uCorA+Bjzixcv/H1YGV+9\neuVyxHsVhAH5U8+kAmkwDyyohULBn1V51vBDfodF7F/8i39hZpm8w3Os419//bV7zv7Nv/k3iTv7\n2bNn/rcmgiODaqnlWfV0xNDoa2trAciAWQixq7DUWnPGLLPUMVbkXC2hum74HfKiXlcNj8H6rGF3\nmqBqlsldHOo6n8/dcsWYtRwB60f1jlqm4bWGMsY1gKbTqb9b9UkM576zs5PUVbu9vXV5U3AKBeRh\njlpfyiyzMjJmrcODPPX7fdc9/O7Xv/51AoKga0mtrXxGCF6323VrITxUUB31GjAGDSnGI4UcPHr0\nyNfrv/7X/9rMMn3HXLQeGmOGD1qjSL1gcbjVixcv3EOjIRv0wRy1Jopa4PF0MmbC0/UzIPLNQnho\neE1o9ENW8tvbW/esaY0n6AxNT05Okr1jf38/SYy+vr72ufOO2WzmY1HPPesaWuhaPjg4CMI26Ze1\nodDnjBHPioaXK/gL+pdWr9eTkhfNZjMJQ0dPKX2fP3/uOlLXCPpBgUiQD+gxHo/d+g9Np9Np4FU2\ny/YkeKxw2NBFw8fZ2wBZUWhk1s/JyYmPFTkoFouuO9BTm5ubTjf14qvXmP4Zi0JVw2uN8IhBCR6q\nq9dutxN539vbC0I+eS9rpNPpBO80C3WahhSzbrTGHvqXtT4cDl22+P2jR49cVmla4kX1toJpmGUy\nQVQO8vfo0aMAYtssLKGAvjg4OHB50rpVSi/eobWuzCwoAwC/NjY2nL4KWBOXB9ra2ko+K5fLPjf6\n0pqXD0HVI09Pnz71M6amZLBfI/dXV1fumYSnlUrFx6Ih46rroQWyqvqJuT958sSfIYqj0Wg47xjL\nl19+6dEWjGV1ddXXswLHPQRHH4f0XV9fJ1ESCiyjHmW+Z19R7x2fFQoFn4cC2sXhtre3t74O1ZPF\n+JjHzs5OEJ30UMs9U3nLW97ylre85S1vectb3vL2A9r3eqbwfMQW9uFwGMCammW3OIXONHsYVns+\nnwc3PrPsdqlWVP6Nk0j/9E//1C0OWtRSC/OaZTfxOGZ6NBq5dQ8Lilbo5sa+WCyCuF2zzJOhuUvc\ngJnH27dvPfaVZz/99NMEjvj8/NzpAU3r9XrgzaI/rDbcxEulkj+jnji8WFg4lsulff3112b2MXa1\n2WwmccqTycT//v3vf29m2a0cKyBz29/f93FBv+PjY7cqKLy15gSYZVby2EPw7t27wEphFsZv0/9g\nMHA+af4LBZ/VkoH1A4/Tzc1NYqnZ2NhICiXe398nhQvb7bbTWT2EcbX7g4MD+1f/6l+Z2Uert3r2\nzD6WDeCzjY2NJPb29vbW+cT419bW3OKi3pQYJvfg4MDpwLjU8s966Ha7ATSpWWZZV3hh3hd7SQaD\nga9T9UYxD4Ujx5KInPT7fX+G9aX5DPx+Op0mJQ+ur6+D4q9moSdWrUvQCutSpVLxNcrvNXdFoZGh\nr8bl0y80LZfLiYddE9oVQp91gXWzVqu5TGsMOLLd7XZdBpmTAtcwloODA/cqaIHjOPFYQRgY/8rK\nio8BvqnnD7mr1WoBpDNzgobw+u3bt67HmK8CcjDmRqPxoOeE9apQ/zEAjVoD0TGz2SyIKjDLZAJr\nO/M5Pz9PEpV/8YtfuBxrInKcI6LeD8akBdgV0CgGICkWiz53tR6jd9DbtVotyWc4PT0NAJTMMjmI\nQR1ub2+dNxqVAV9170M2xuNxUDyYOfGeOF9Bx6XWdoUH1pwas4wfWN61jACfQRf1yiqEOvxSiO+4\ngLDZR3lTzyhjVSh71j/rsNfrBXu8mdnPf/5z/5sohMlk4uuLPenx48dBniqfwRv1vqBzNV8VfUMf\neDnNwsKlyBu0urq68rEgTwqGA80UJIp//+RP/iRYA8iPev6ZC3Or1WoByADPQiMtyqrFuuEH9NcI\nFZUjs2xP4N0KdoJnmDyv2WzmPIYu5XLZ9Q6yWCgUkrNjtVp1OUF2e71eUrS1VCo5b+Cl5tvSFM5f\n8/3j0hJff/2159lBRwUOgs6ff/656xjOs71ez3+nUQH8jZw0Gg2fBzxoNpsJVP3+/r7LgoJUIUfo\nz0Kh4OtC8y1Ze7e3t0lR+bOzsySfuVqtBnmdZmHuvwJHIXeawxqfJ1Rn8bu7u7uk4O9DYCPNZtPp\nz9ns0aNHPjd4qVFhCpDGWZ4xX1xcBHlpD7XvvUyVSiUbj8cJEtj6+roLtSZmwzytH8XfuIrPz8+9\nyrkCQkAcBPny8tKVCsKqm6kepnk3RC8WiwljNRFUEZQ4SNB/p9PxUBc++/TTT92t/OrVK2eeoq8w\nRsIF6vW6L3INgYjRfnSxIQwqcHxXq9VcuBCKZ8+euWJgbo1GIwip4N84REhprgs2PiCoC1kPmVrr\nyCzbEONkzslk4u9GhmazWYCcZ5bxms8Irfj888+T+izT6dTHwoGh0+n47zjUVioVn6ei4TAunkW+\nlab1et0VDr+/vb1NUAmr1arTnstQvV4Pam3xbgWOiIFW9NKoKEPxQadSqTgdeEe/3w9CW82ywwY0\nQp70IqkIRCQUY4wol8v2Z3/2ZwHNO51OkkSqIaI0RTfSA1F8gK3Vav47FOPe3l4QGmaWHYjixNfN\nzU0HBdADe2wA+OlPf+oKk/deXV0FCfk8G9dpKpfLTjcNC9Ykc7MwoRm+abiCAqDENc9++9vfuuys\nra15yARrbnt72+nFeuh0Ov5OkoM3NjaS9X9/f5/Ib6/Xc97xO52fhisSAsXv9HKGnAwGgwARSWnA\nnMwymSRE9M///M/NLAuni8Ot2+228473dDodl32aotux+Q6Hw8Q4c3Nzk4AENRqN5LCvoCnw6Orq\nKgjBZD4YqKBtt9t13aKgDRpGbZatM8bAOm+1WkkNnfF47J/xrKL+IeO9Xs8+++wznyvzfCgZXUOY\nY/RFrbGlgDE8r/X0FOSDxu84tK6urvq60ppBrDmtafVQCBZj0PAnrf1oll2+4gT60WjkPNFaVoo8\naJbxkjXFuv3d735nX331lb/bLKs7hczzjna7nQAPzOfzBKluNBolAAlqUOYs0ul0gho80Ar+I6eH\nh4cBaqlZCP6g+jEG3Or3+14759WrV0mdxPv7e3+nnr1YG8xtPB47rdlX9vb2nJ/I5eXlZRBWzph5\nn4Z2q3HRLOO1IkUzN0XTg/boQz30c7mg/3a7neiExWLhe5bWQYwv3fV63Z+FVkdHR8HebPYwsly9\nXnfDNPp2e3vbz47srVdXV24shxbFYtFpwLpoNpvBWZX+GbPW82KsyOfjx4+DsGfGxO9YC9Pp1OdW\nLBa9H8bw4sULfyf8WF9f9/cgb3reQcc0m82gPpZZxnPOenx3c3PjtGSsjx8/TgDjtD4bfSk6LOtQ\nQ8Shn16I9BIKHzTkHRlUw2KM0hq3PMwvb3nLW97ylre85S1vectb3n5A+3t5pswsuamrlVS9Fdxq\ncdWVy2W/8XOjvLi4cMuaWj3pg9vv2tqaW0c0ZEfhQM2yG2wMb6rhVAqHye1YvULqzjQLoSfVFYtl\nZblculVJa+1wm8VL8e233yYQwP1+38fPZ3pTV6tbDLSgwAi4IY+Pj90qp7ViFNzALLMkMXe1OGPJ\nAb7W7KNVQWsj4KmDN3t7e25tUZhb9RYwFoXENcv4FtcymU6nbiHA8vTq1aukRpHWUMH1vFwug9BF\n+mduWg8tBnool8vODw0pgebqcoavChwSA25UKhWvH3Vzc5OEiwwGA/foQSNNeNSK6jHE7ubmplu7\nNExV66jQLzKB9U49XTQNU2Oe+m5kf3NzM/Honp+fO6/Vwh5bjRqNhj/DZ+vr694HNNXQJWivni/W\n3t3dXWLlVQAPrYMUQ1m32223YGrdH+QNy229Xk9CyWazmfMB78zu7m5QI4YxoUfUq4KuYk7b29sB\nEA100FAS3q3wxYwLvaPeDL57/Pix00Pr6cR1fLTeB/x99+6drwf4UCqVElj1L774IqiZY5atR3QH\n+kxDofh9sVhMQAkKhYLTg/612r3C6vM7rY0Se9HevXvnvOZ9+/v7ifW7Wq0GsNAxb5DJarXqcqSh\nn8Als59pOBA8XywWHrrKfBVuWuuXYGFlzBo2RnL62tqay4buCRq6hM5lHtVqNdA3Zh/3SjMLQvHj\neiqLxcJ1s37HelFvD3xHX+tahy5bW1s+VtbD3d2d8xrdNZ/PE2CBZrPpcqQWdOSOebTbbacR362s\nrCThu7e3ty4n6P+rq6sA8AbaM1bmU6vVgpo4fIaHSL05cXhRo9EIoJh5VkP6zTIeMT6VDU0b4Nm4\nvMJ4PHYvfrVaTUKJFZRG9XZce2xlZcXHwxjm83kCItRqtZy+GgHAuzUkEX5qOkhct6jT6QSeC7NM\nZ3HuIFTy+vraf4ecaj0yeD0ej30e0KjRaPhn8F8jdgjL1L2cuS2XS58771tfXw/qQZllvMR7p7Wq\n1FtklsliXAdzf38/gI+HZugTZEjDFeHB69evA5h0aKD1+cwyXfkP/sE/MLNsncEHDa1jDTF+Laug\ntfPiUkCdTifQl/wb14W8ubnxzxTmPq7j2e/3gxB9s0zXaMSEWRbiCu+0rApz0jqo6GmFQ+cz+KvR\nJX9Xyz1Tectb3vKWt7zlLW95y1ve8vYD2vd6psgLUCuwWXZjxjKlxR25fWquDrdGPtN8IP69ubnx\nW6BaMDW53SzMOeEWf3d358+q54lbNDd7LcbJDbpUKrm1EkvHZDJx6xhWod3d3QDGmdu/9hdDxa+s\nrPgz3JKHw6HfwLGwbG5uOm2wZnW7Xae53pjVk2OW5RXxPRbWXq+XJB5q8Vxu6i9fvvSYatrKyorT\nQT17MRytQpQyzrOzM383VsPV1dWkeN7GxoZb77UAZpxIvbW15bLD3O7u7tz7wLP39/feHzxXUAfk\nZWVlJQEb0PwSxrRcLt2aoh4j8vzU+xVbOnZ3d32+x8fHgYXRLLPUQF/N38JbpYns/M3c375963Nm\nXCqrarGP8/KKxaLLBE3jgLG2zmazJC9PPVqsFS1IrEUsmSfWqsFgEAC3QGd4Aj+azWZQ+JCxYyHS\nXDi1+JmFSfFa/BrZga9XV1eJl3Q4HAbwvPTBu+GRwpvz7/X1daKfFICCcZ2fnweecN6HDL548cJ1\nBpa1V69e+Xs07h0ZRN5UJ8CnTqfjlkj12Mf5kYvFIsgnM8s83rFuUwhlCjqPRiOfH/xXiFr41u12\nA1hjs8zzHFumtUAzNL2+vnbdRpvNZj4W5EpLUEDnn/3sZw5GogXnscCS17C2tuZjYT4bGxsubwpo\nQb+q4xgr+lFLMmCN1lIg8OXi4sKty3gPdnZ2fKxYySeTiXvg4d/FxUUAhhLr1+Fw6H8zFvUG0Uaj\nkcsH4zo/P3dZ5tnV1VVfp3H5D+jA3OEJ/G+1Wq6ftMhpXHx8Pp8H1mKzTF/wjO4T6BH4sFgsfB6a\nd0G/ChyEjEFfLZ7NZ+r9pP/Dw8Mk7/GTTz5JciaZM7Q0y3ikET1m2d7B7zQ3Wb0UzCPOy2u32wmI\nlUK345F79uxZoPPRN7xbS4UgT6PRKCjWzBgUEMUs80IrKAy0528FPtE9wyzLF4X/nIvMwnIF0IN9\nEfqWSiWXE82JiSOiKpVK4vkrFAq+l8LXRqMR5JAzD3jNmI6OjpLPyuWyR+ow5s8++8zpC62ePn2a\nRDqtrKz4nBRyn3mg+y8vL4MIHLNMV8fFljX3G1nTKA6lcYx/8OLFC+fDycmJ8wv91Wg0PJ8QWq6t\nrQVRIGaZXoJG6uWDDvxufX09AICgL+aupY/iKIRqtZrsbYPBwGVCS9Sw1rVsBWudu0u5XHbZZg+s\n1WpON83PV0/+Q+17L1PUHYDwOgGtmcHkIRK/r9frSQ0oM0sOD/1+PzmsjEYjV1wa2qOE5fcQUUOK\nNGyHufAsDNOE4bj+j9lH0Iz3798HaEo05tbr9ZzJzFPrJECPQqEQoGlBUxSNJjfyvSYUMm6UeLlc\nTtCezD6G7aHQJ5NJgka3sbHhhzMOSTc3N85PdYnHNQD29vZcadNvu91OFvTl5aXTQN3BKAj42+/3\nE1QlDZ1Ul3h8YFd0MFqtVgs2A8bCnBinuts1bAFaUWtBER7heavV8tAbTVjmfcvlMkFnevr0qf8W\nOSgUCgman4YVIAe8E1qbZWsPnmidFmjOhV15w/t03XDQZf6M1SyToTjspdvt+vpinFqzTZG26E8R\n1OgDJV2r1ZIDzHK5DOptwA/ox3qdTqfJwUQBHlh71WrVjQccYD/55BOXd93MWeMashOHySkABfM+\nODhIwgGn06mPlcOU8uju7s77g0ZaJ4d+j4+PnSeq+5AjNRTFQAua9K9rKQ7p0sR41Q3IG2tuPp/7\nXBjz/f29GwqgfafT8UuD1mzBaASCV6VSSQBS1tbWfE7I6WKxSMYyGAyS0KqjoyMfg4bBIm96OOd9\n9KsocgpoAC21BllcA6heryfhtMViMQHDaLfbfiBi7Xe73eQC+O7dO6cvNFhZWXE539nZcZ3BGigU\nCi6XGAoUfRMaaTK3Xn401Ngs42ucMF6pVHzc8PXy8tL3X63TRR8aMsnfegGPawXq5Ye18vr16+QS\nr5cCDS/nWT13QHNFfWMMfKd1NRXAhb8VHRSdpfsyMgatfvKTnyR772w2S0Kiut2u7y16KYlDNh9C\nhFUjE8ZtBbQolUoBqElMDwW+4m/4qjU79cwHrxmfhjjTx2w2c3ponTtFgGTuNHg5nU59DOyju7u7\nSQizhr9rbawYgKLf7/uhm3V4dXWVGAg6nY7vd7Tj4+Mk5Ezrr/Hd1dVVgLRplslfHIq/XC79DMTv\nR6ORX84UoAvaIMd6zqbd3t4GhlOzTDewB5EWonsbxgbGY5bJSWxc7vf7frFSgAf4ylj++Mc/BuA8\nZqERgvF1Oh3XQXq5QScr+APyCY9Go5HzjvGpsV8v+PF5XUNh9WKswG20eL3GsvRQy8P88pa3vOUt\nb3nLW97ylre85e0HtO/1TIHXjvVBrQvcyrEyVKtVv/ljIdAEf5om82rNBm6D/H40GiXAAvP53K1G\nD1laNJlQLRx8pzCJZlm4DDfhv/7rvzazsG6Bur81FArLG3Tp9/tudeC75XLpY+Nm//79+8Tbdnp6\n6jdvhXOHNty2v/32W7dwcOvW0C/+XV1dTeopDYfDwPVullkF6FcTgeOaCMPhMKhAbZZZtHhW6xxB\nDwVp4H38/vr6Oqlrsrm56bd/xlKtVgNPg1kmJ8wNr4taTqFts9l0OcLKp3VhsHg0Go0A/tgsrDOj\niZtxvST6MQvlQCGFaVhiXr16lbiLtZ4S7n2tncSz0+k0gZ6fzWZJjQ2z1Luk9UqglfIfq8zd3V0S\nCqs1rzSklHmozCLvCucMbTQsC2u61pSCD9BP6QRvdnd3kxo63W7XZVohwWMrr4YrMM5vv/3W5VNp\nCo81YV2hZM0y2Y3DZNRKrjxVKzpz0/XKnBWiFlllPQwGA+cJvByNRk4HDV2A/9CtXC4n9WP6/b7L\nN7rt/PzcvXfUSKvX605zDXFEVpEnrSnHmLUkBDR6//69P6vW1BjiezgcBh5ks9AjpnC4eGDga71e\n93FBZw1hwvJ8eXnpcoccb29vOy1ZF7PZLAklu7+/T0ITZ7NZAuCxtbXl89BQ17j+jgK9qP6hD4Vz\n1j0y9pipfoIfs9ks8SQtFgvXv/BX5RyZqFQq/r1CnkNfDTlFF8GbjY0N55d6nvAMM6aXL1/6ekUm\nTk5OXH6RiaOjo6B+m1kmJ8yT/tfW1oJ0AcYCH7RGWlyCgPmZfQz9nM1m7jXQs0gcllcqlZyHWqtI\nPcTQjAgMhZZmLNBWPfvQYjweJ6AEWkMTOdD6UP1+PwGR6Pf7Pj9489lnn7k3g3no/sRYVldXE70+\nGo2C+pJmISCLAmDBE/YBLWWiOoNn1bMDHdDlP/vZz5yWGqXB3xrqpuuP36HPtTRGvF4VXEGBMhQY\nwSys06bRN9CZ8gqVSsX5RLjcyclJEg58dXWVhHHP5/MAZMQsWwPoVPaaJ0+e+NlB98oYsExLGuzv\n7ycgIt1u12mpXtI4Cml1dTUBh9LyJvyuVCol4CCFQsHpr6VKNE0l7lfBSegP+pfLZac50UUHBwf+\nbmS8UCj4GkGvbGxs+Pu0jqSe5x5quWcqb3nLW97ylre85S1vectb3n5AK/zfkqoKhcLyP/7H/2hm\nH60smtTJ7Q2rtRZ8xfKnMfhqUQI+GsuEVhjHosTt1eyjlVqTEhnLYDDwPrRAL89wMz45OfF5qLUk\ntlbs7++71wOPUqfT8ffd3t661VZjpeN5tttttxzRh0JnYk3Z3NxMCuXt7e05XTXHRqHOoZFaLKAR\nFgQsBVtbWz6+b775xswyC5FWrzbLLAlY3jSWGF7AV01U5NnhcBhAv5plVg3oppYnYni1irrG1PN7\nrAGacInFVCtqMw/NB1LgDubB37xjZ2fHLRwKdgHfNVcAmiswAzxkbisrKx6zfnl5GUAc827GSs7Z\n6upqEOtvllkueUbzbDT+3yyz9sSFrVutlver8NXMScEVeFatkXH1916v51Ye3rdYLNx6Bm8ePfr/\n2HuT5kiPJL/bc0cuAHIBEkChFlZzneZsNibNmMlM30gmXXTQQaaLZDMnXfR1dNBdZppWiz3sbpJN\nFquw77kCidzew6Of4x8R4Msx2vvenrgUKp/Nw8PDI8KXv7/w9yh9motC3+gT1rTj42OXLfVqwivN\nieR9Wsw4htA+PT11WeDfVqsVJCPzr+bymYXFB9ExFxcXPv7ITrlcTnigeXLMx8PDw8Qj9vLlyyAG\nn/nFv5eXl17gEV4VCgXnr1rM+U0BWWKrrFaJ1zzPGLzmu+++c2+BenGRHdU76BjtBzT89re/dTpj\nuOzVapUULF0sFgGIA7ziPnh6fHyceN0ajYbPH4WChmaFracx5nd3d06fWtpjaPzRaOSy81x+AffP\nZrMAxpn741yC+XzufNOSFliSWeM08Vmt3+jK7777zvuHl/fu7i4pPXB9fe16iTmi1ntdP5lL0Lqz\ns+NWdPpxfHzssqDFsZWvZpmORPY1kiFem5+DD+/3+8Fco0ErY64RIJoAH+fHrdfrIG8TmuJcwnK5\n7DQwRgcHB55DqOtUDBykwDJqYde8TRrv4dnLy0u/T0E7oFmho8nVVe9CnGP59u1bL5itZSvo+9nZ\nWRJh81xR+bu7O/9Nc+LjYrzL5dJ5rde0oDH0s27ybLfb9euMNc9pu7i48DnJN7a2toIcHbMwNx1+\nvHr1KgCAMMvmOusN47+xseE0MF7j8dhllfcNh0OnRaNRYt2xWq187iq4kxaiNwth6dXjFAMz1ev1\nxOu6XC4Tr3a73Q7y6HkHcsmYTqfTAEAljugYDAZBZIhZpk8YO80Rp+kaCP2ak6xATPwbFwvf2dlx\nGvn+4+Oj6wS+d3R05Lm6uh+PQW76/b5/V+dtDCKkmAhEPJyfn1u73bZ/82/+ja3X6zDR+P+2f9Zh\nqt/vu/Br+AbPavKiIvvAJNyY6gpn8BSViMYg6YFIE7NRIAjP2dlZUldnY2MjqIYNQ3gGgTk9PQ0q\nUJtlA4YAMKnG43EAmsEgo7zfvHnjwsczimvP+/Tgp0IIX3HR9no95xdCqCFkGvJBX9gY6cLPAnt9\nfR2EQJllm1b4D180HIAx0VBN3rdYLBJXbaVS8fFnDJvNZoJkU6/XgyROGgdYBXqIUSQnk0kiM5VK\nJUDsMsuUsyoa+BLLu7rqVdHFICcKfKEHxRghq1Kp+EKnihCFWSwW/XlkulAo+G8oCg1T0Q19vJDU\narVk8353dxccKuk7PNIFkf4xruVy2Q95ulnWZFWzbC7FSqjRaCSKWhUT39BwMGR3uVwmC50e2JC1\n+/t7H3/VO3F4zP39vR84mBfPoXl2Op1k0dY6FhruA/80yRrZRzZKpVKApmQWIkZxTRHI5vO5zxd0\n2+XlpfedOdXpdJxH8E2TtHm3hslorSv6rCiS6BsWK0VQZfP4XMX6+/t75yv/ttuuESKPAAAgAElE\nQVRtp0XHFVlU5Mu4BthyufRnnwvLRv8cHBw4L1XeY3383Oa7VCr5eLGYbm5u+vjTx9evXyegNIvF\nwt+pycvInc4t7qOPCnKkG2itV2SWzTcOgMiphsgzZ66vr53mdrvtfdENL/RAvyLKQZfWBVNQBejh\nfp3riuAJrbouMu56uEAnIAeKoKq6Bt3GmLdarQSAYj6fez8VKVWNPFxTVDj4EyMGVyoVf0ZryjHH\nVcbphxoZeYYxeP36dWKg2tvbcx7pfGNslM44nHpzczMBoNja2krCFZVX9PH8/DzQv3EI7sXFhfOV\n9/T7fecrtChQiYIXMF/gx/39vc9JHQetL2iWjbXSxbU4VF/3f2zi1+u1ywzyWSwWA6AYs2wM2fep\nkSwO1Vuv195fZEIBtzAYXF9fJ4ZxM0vCpDXVBTrX67XPOebA3t6e13vit5cvX/p8VOTQuE7j4+Nj\n8psCbikSMTRoSCzzFllUhGkdQ949Ho+dDzFCptmT0eX169fON0Xujg9J4/E4QEQ2C0FiuG8ymbgs\nMFcUMEkNe8g2c+Dh4cHpYsxfvnzpfOVas9lMkFu3trYCBxHvHY1G9h/+w3/4ycNUHuaXt7zlLW95\ny1ve8pa3vOUtb7+g/axn6r/9t/9mxWIxqEpvlp0UOR1rWIZCdptl4QBYATgBco/Zk4VArelYZ6+v\nr5Nqx7VaLYAI/b90BmGAZpm1Ig5X2N3dTay4W1tb/izet83NzQB4wiw72SsoBadtTvlnZ2fJCVyh\nndXzFIe90QezJwvR9va2Wzvop7psNRE4DvNbLBaBdd8stMAxlgpRjeVfoVi1Ojp0xdDi+reGx2gi\ncjzuhUIhgKaHZrVImGVWC7XKm2UWIN6jbm8sHOrtU2smjT6pjGFtQTa0xpNCvMdhLbe3t84PTf5V\nKzQWXWRQk7SRCa3jo/DGsdW7WCwmXpRisejP8l7mFHTDZy05wG8KCsE7Ykh25Z8mw2P1gr52u53I\n2N7enj+vie/wUkECoP85D4bejzw9FyKi4T6EOKlHSb3Z8DnWO4PBIKmNpVDEyOxwOEySzVerVVJ7\nShPkNRRHw4LVAsa/vFO9+LEHTmtioUPu7+/9N/g2nU6DeQ/9MXx0tVpNks0VGldhn2MI7dls5nMJ\n2o+Pj5NQuHq97vNBE7g1OoH3ofMUjh4rdQxBbxaCIcQJw4PBIAnfUY8IltpisRiEGvMt+KZhNMwv\nDfOh7xpKyvsU3jwutQAf9H2NRiMpNzCfz/0+hT+Gf1o7UetDwUvCRjWMEpoXi4XLL/Ps/v4+AZbq\ndDpJmI+W+ICm3d3dJFR3Mpl4X5gXtVrNdTwRCo1GIwn92tracp5z/2q1clqRNZ2b6JBarRZA2JuF\n3g/1sGr9O7Nsvmk0CPTFoEnlctl5ib7T/YSGJqJT4GO9Xk/CsvQbtOFwGHhMzLLx1TQEs0y24Yd6\nF9WTCP/jdUr7rqA6rMc61vBU57/CzMflF1arlc9h7tOoBnig4c/IQafTcRoYDw2dRNZGo1Gii/Q9\n6BP1yiiYh67NvEMjhMwyLzmyyBju7u46fepVU68X31BvMPyOa+gNBoME5GhzczMp06ElXuDH1dVV\nErG1ubmZzIHHx8dAVyEfGoobRwMtFoughAV84T7dkzKvWJuLxaLPZw2tRs615E3s/dZ9J+Nm9iRH\nPKsAT6pTiRpi/ijEvwJbxGvM8fGxdbtd+3f/7t/lnqm85S1vectb3vKWt7zlLW95+/+y/Sw0eqlU\nCqAiad1uN4EyH41GySnv8PAwSUrv9XpB5WuzzKLDyRXr597eXgBrbJadsEky5LtqzeEkeX19HcCf\nmmVxzZx0sRRozoxCfGORUGAAtbDyPBZuTVqFZi2kB627u7sJpKhawnlfs9kMCnOaZVaj2EIwn8/9\nPqwUyhOF9ozjo0ejUZIvNhqNkmKnOzs7boXQeOG4uO/l5aVbhrQYnxbI5H7erQWOYyjjQqEQFH/l\n+3EhXE0O1Xwk7lMrSJz30Gw2A+ARs8yKx1hj+VOrueZHYIFRDyo82tjYcIuJWnHjPJtCoeBWVqwz\nCj0Pr9brtVsOGfN2ux0k9jIO8EEh72MI2OcKvmqfkfGDgwPPCUBO2u12koNRqVSSQtkXFxdJorUW\nkGWsp9Opy4wm/SPv6JBms+ljqFYwlWnoZIzVssc4xZC7ZiGEOl4K9YLyN89oDL7mVmD51+Rl+sQY\naPJ/p9NJci+azWYA/W0WWjMV8AS6oU/7rgUzkScsdWox15h5+occqIeQb9Tr9SBnEZrR61zrdrtB\nn+EzMqEFHdUqDl+QJxKBz87O/BvIQb/f935qzkGsA9WqjUyMx+Mgn5H+qgVZ74dH9CeOKKB/Zk9r\n4MPDQwBaw7PqDTLL5kDsAWo0Gs4jZLvX67lOOD09TYpOXl1duQwqbDVzTstSxMAS8/ncxxjea/F5\n6L+4uHC+0o9OpxNEVpiF6456BTXnyyzM39Uc3DiqZTgcJt50hfhHNtTjrO/gG1pwNoZVn0wmLjsa\n6cD3oFn1Dm00GiXAAqvVyucPPGg0Gi475Hbe3t76ffy2Wq2S6BGF39dIoRguvdFouGx1u93AG0OD\nRgXIQFb5bTqdJnNJ8+NV/8TgEe1223WplrR5zttC/9QLFpfJGI/HQeFos2ze8m6NpuFvjTjhGY0E\nifMtm81mkl98d3cXrEtm2dzjWS10rF5l6FPvM7Ro6RGzUD41Dz72VmmpGt0bwgP1gjKWGvWjUUh8\ng7F+eHhwulibtaAu7e7uLol+Umh0zUPSfY5ZNv5xRM9zgHa9Xi/wxpuFmAOslVreiPuHw2ECfPNc\nVMP29rbvczRKiu+xX9DSTT/VfvYwtVqtbDQa+QBwMFHlrIsRRCiSSZxsqguJAgYomppZxlQWeU2G\nhEla4ThGm9EJy/2vXr3y92gdAQ2PMAtDThT5iHfrwGvYUFwlXMP42ChoiKAeUOIEdN2IaxgNfNUE\nPmiJq0UzJmbZJgNaEfRyueyTTBe8uAL61dWVj4lW/Ib/Gl4EfTqJ2ZBozQtdMM2yzXLsbm82m0E4\nnlmItMb9pVIpCNHhvXHIxGKxcFpQDor6pkohDjkoFAo+hrqxiBMoe71esHlUhQ9/eSfPzGYzlz1F\n5NGEY7NMXvTAB/1swBijQqGQbN663a7PAw3PhR+MQ7lcDupGwfu4ns75+XkSmjadTr2/Gv4WH3Tq\n9XqCoDefz10/aG2M2PCgIScaOqEGDPoToww1Go0kbEzRt1Q+4akicsFLeK+bKWjZ399P6geVSqVk\n86PIgq1Wy/uOvFcqFV8sdIGNQ2Y1JAUdrRsw6NvZ2UnQzRRBSQE0YhARrT2n9fAUoID3ousJf9Fw\nIPSTgtzE6GrKN12w4W+/3/ff6I8iWanBKD7E67uRxX6/7/MVfXJxceFywm+FQsHHgzmofKPpHFDj\nlgIycU3rC0GbGjXMwnB65tlgMPDf5vN5Apaxu7sbHORo6GbGZmdnx2VH5Qp+6aY2PhDv7u76M3xL\n12atX6WhaNBJn7l/sVg4j1TGYgS1crmcGDB2dnaSsMFOp+PzAZnY3d11XsGDQqHg71N0xbien9b2\n0VDbeB3T2mM8+/j46H2CvpOTkwSoZDabBakLZtm+gm+o3o73LPP5/FlQBwXpiMdmc3PT+RCHAPKM\n0qf0q3FZEVI5zHIYPDk5SQ5EivCqe7QYIEv3RQqegTzx3vv7+yCc3SysoYVu2NzcdF3FeM1mM9d3\nCq6AvtE9RgxAUSwWk7ExC+tz8ix7ZIwc3W43MTIoGAa8UkRbNvOPj48JkvJwOPT9mtZugr/wp91u\nJ7Wbjo6OHEl3uVwmSLAbGxvB/ot3xwiVmr4BDbVaLTDom2XzB3lTFFye0XUiBozq9/vOQ0L1Li8v\nnQZo7vV6/j7GcjabBWjf0BTTsr297TyA5tgh9FzLw/zylre85S1vectb3vKWt7zl7Re0n/VMmWUn\nek73nDyXy2UCC72/v/8s3CsnYU75Co3Mid3syYJA0wRiDcHAQqjhCmrh4l28j2dPTk7cOgdNt7e3\niXWh1+v5yRTrVqVS8RPueDz2sBO8Fev1+tlkfr6j3hT6pVbvGMZdLTqcmF++fOknZX7r9/uB5Qh+\naG0is+yEjUWNE/3NzU1SOVqTwzXBLw4RU15rnZM4HPT29tatC+oxwyqrCcYxLKwmQ8MLDd/DUjQc\nDn084IVCt6vLHFlQ2GpoYHwPDw+TMC+tBcX3r6+vHd5UvbP07ezszK1jcXKl2ZNMtNttt/wgiwoV\nq16NGJ5d60ZoyQCslFpDRy1WZpnMxsACb968CWo1mIVJ0GpJiq2BjUbDeaMhZ5qMDi+gQT0jyBjj\noCANmiwbJ6ArqAv3dzodl2MNk4N+re0Re10nk0lQ+8csm9NxKYB2ux0ky5tl4xsDPWhIj0K38+6T\nkxOXE34rFAoBVLNZNpdiABUNo9CSBnHo2s3NjdOoXv4YMEhrGNHW63VCy3K5dP4q1D5youAl3Keh\nfbxHwV/gAfNxPp8nYbLn5+c+xuin8Xic9KPZbAZlBsxCUA9oubm5cR2toUwxnPtqtfL7aNfX166f\nNMpAw/HMMmt0XPfv4eEhAfpYr9cuO4zvc/NbwyQ1YoI2nU5dphn/2WzmOkaBGeJxVah9rc8Ug6Eo\n9Dhrkq7rqgM1hBBeQrPyiLmh62gc7dHr9Vw/KJBT7E0fj8eu93lW4Zf5Rr1ed77AC03617kVRxRs\nb2/7WCuUdhzqXK1WnUcash0n8KuOgRcHBweJV3s4HAYeU7MQ5AY9oKVgut1uUOfLLBtLPBKMa6PR\nSMI3m82mzwO+q/s/XfOZw+zRdD5Ai67NGsmgYA9mmVzF/fzhhx8CjxT3xR4Mhf3X0P54v6OgJNyv\ngDGMkdbk1H0v30On7u/vJ+tnrVZLauPBQ+3vfD53PaHhm7E+eXx8TCIUlsulj69GRMRpCnd3d4kn\n/uHhwcer3+/7eMZhl2ZP+ktDkmOIfL5jlq2z7KV0/8R1xlJTTqBfweYU6CUueVKtVpMyLVqmgbXw\n+vo6iRpbrVbJmUVLS2jExs+13DOVt7zlLW95y1ve8pa3vOUtb7+g/Sw0+t///d/b1tZWkvSv8cwa\nm45HBE/BcrlMLHAHBwd+6uXUfXx87CdIjVP8+OOPzezJarBYLIKCpdASJ4erVQPLgyZra7wqv2EV\n2N/fD2Cc+S4na/VSaU5NXOVaq8lzAj8+PvaTtRY20+RM+gRf1bJKboVC2nIf39c+aew81c4ZI7On\nsYuhdOEXfFb4Ub4VfxfeQAP9jq2GtVotyTXQWH2t7q05cGah9ws5GAwGQT4OPNVijfRNQRDgDxYO\njbGNY7oVDAX6ms2meybw8KzXa7fE3tzcBJ4GM7PPPvvM3wOvNV9APRcKUGD2fPXySqXiVh7Nt9OE\nUt6L9UatVcwDmnqXNOlb4bTNsnHlWeZZrVZz2VIPMfxVjy1zROcC1zX/JfYuatV5mhboVbhcrVTP\nb8xrtcSqJ9Qsszxr4r5ZZrHD+qj5lHFuRblc9rxS+KcAPurZ01weeKmyjQdZobvjpF8tOqyFCONc\nM00YR580m80E0Obu7i7J0SkWiy7zjE2z2XQ50uLCcVHpcrls33zzjZlZkOcTl3vQHCItNKllEsxC\nK6/CNJNnh65fLBZ+n1r24/5eXFwEAACMDQ0e9Pt9f1YBCxSMwiybgwq+E39Xk8NjL36pVHIeofcU\nql6T7JlnnU7Hvcror8vLS6eBZ05PT51H5LXs7u4GXgqz0LqsOc7oDvWSxUAgWshZC2srVDctjkLp\ndDpBHqvZE0S62ZO+07mvORMxuEq323WLs0bEMNa0yWTic5J5OxwOfU79/ve/N7MQehpdv1gsnAYt\njcH3VDcgb8of9VLxLI13qJdY81ZYJ3T/AX/Vyw195+fnLqvI5d7enut1+Hd+fp7kmrZaLR9P9d7A\nLy2XwPsUJEijaMyy8WVeaa4ZdGvOEeNOPx8fH52Gt2/fOm8UeAg+0w/df8S5lc1mM9Hrs9ksKHxL\nP+I9muZRct+vfvWrIBqE7yKLyG+xWExg2tVrpZ59ZBrZKZVKLlu05XLp9EPLYrFI1rbZbOb6Wksq\nKHQ67+G77BvNnvbck8kk4fn9/b2PscpnnGu4sbHhY8M1Ba+Lgdz0uw8PDy7TWlAdeVKQEL5Hf1qt\nlv3xj380s3DPgnwoQI6+m3+LxaL9x//4H38SGv1nw/zq9bo9PDx4RzVhESKYLBsbG76R/O6778ws\nG2QmCQK6WCx8MVBXPJ3RZH4GHJcimyGzp8leq9X8PbqpiWsUXV5eBqFrZpkAxAgvmpiNUI9GoyB5\nmd91A6aoUbwnXqzUZc53a7VagrSzubnpA4pQTCYTFz4NTdINhFl4MImRCs3MPvnkEzPLlOCLFy/M\nzDxcrVgsJnVyrq6uksTIg4ODBBmpUCj4GCv6Hn1H4FVJat0dFBx81CrrhCNokqbWJWJCc//d3V1Q\n+4N+cMjXUEFNUDTL5FSVvJl5fQLl6fHxcYAeaZYpUw0v4z3wZTqdJkAW+/v7zldNWo8RdFRWdbLH\nld4LhUKAsGeWbWqYc/ymY6gLiYY2mGXyFydGl8vloEYc/eU3PTyg/Biv7e3tIKSOf+OwoUqlklQ2\nPz8/Tw6e29vb9sMPP5jZkxHn9vY2CSW+vr5OAEF2dnacBk28j+f/3d1dYtw4OTkJQhx5lrFknHd2\ndpznikoH3968eeNzWENdFYgHfrCB1UMX+kERyJ5LgtcaTGaZDEEXtFar1aT+yWg08jFE/5s96Uvm\nxu7urs8leF4ul5N6P2qMUkTTuF6emSWbrouLC9/E0Z/r62unX2ueILMa0sX6oYZAdJ+GarJBVF3O\nRpG5rqG/tGq16vOH719dXSVGptVqlSSgK1ojMqkLuyagw/tvvvnGn+d7h4eHLjPw9M2bNwmg0WQy\ncX7AUw3Bou+6nvDdwWDgekeBapBjNmBq1FKE36+//trMnnRcq9Wyd+/emdnTeGmyOXxWkAU1avAN\naBmNRkmY/Pb2dhLCuLGxkdS8a7fbPv5aqwhewu9qteq8VERG1vBPP/3UaUEnMK7T6dRpYE6pvtMN\nJXsgBR/ibz0cICfw4O3bt0Edp5hv5+fn3metsQMNyj/mJHuHs7OzQB7NMkMn9+n6FB+SdQ+muh6d\noAbUGDFQ10RF840R2QqFgsuqIjgrSI9ZuLZBsyK8MtYXFxfJgViRKln3Tk5OXGZUl3NdjRVaoxRa\nOIwg96oLkTVdi3RfERvQNTxXkU/RlVrrC5lR5GZNEVEgM96toY1m2bjGKI0aHsv9WheO1m63E6Cq\nbrebGEQ7nY6P9UcffWRm2bixBj2X5sNZ5JtvvvF+/u53v/Nv0E/o1MM047tarRJExrjlYX55y1ve\n8pa3vOUtb3nLW97y9gvaz3qmcG9pSJpZmJCrIR1YYBQaPYZa/Prrr4MwG7MQylw9WDHIhdYK4NSo\n1bOxKmgNIE7EZk+hA1g4qtWq06wWCg1d0f7wNxZinu12u84PrfQcJ8aPx2M/MWulaqw1CowR15R5\nfHwMkm7NQohirFBqHdVwC/qABVAtydz/6tWrJIxOAQieq5eksMlY9BQCmoYF/f7+PgnV1IRhBc/4\n8ssvzczsT3/6k5mZffHFFwHoBzxTUAho1pA57oPn6qVRi7RZJkOModZc0LBC7kOONNQKL9r9/X0y\nXvf3904DFh0NB1TvEs+o90ND1hiHGJ670WgEYARmmTX4V7/6lWn77rvv3LqDTKglSWHTtW4Q71UL\nklkmf4wNHk+VRWR7vV4n3kqt96DjhaWJ3w4PD5Owp+3t7SAJnn5oSJpZJk98AzlRQBP1etMnDaeC\nH/T74OAgARbZ2NhwyyoWb4U+12RctbIiC4Q1v3//PknwPjk5CcAZoI/vqKcz9rarV1vhcrnO2Cgw\nAmOunnj6oR4Crh0dHfm4q0VRPZJ8A/q1flVsNX6uvXr1yu9Tj7yWFIAH6kUzy+YFelbDJNH16IvX\nr18nJQhevHjha4eG28UhpwpljCy2Wq2g/g39JmIDz5hGU2gIIN9DByr0vZYF4bvr9do9QxoKT/90\nPYnLR4xGowRm+MOHD0l9lslk4vqftffu7i6ggW8gx3hlC4WC8xfZmUwmQdiRWTbX+S68uri4cBq0\ndmMc9jYYDILyJ0qT2ZN8NptN7wcycXd3F9SDMsvGENnBqzadTp0GeNXtdgPYbWjnfVjEX7x44WPN\n3Lu6ugo88PAA2UZ3NJtNn4caKqzgO/BKoeXReVoDirFTjzc8VwCCOEKjVCol4Csqs6ovNDzNLJtn\n9FnnHnQRZTAajYIaTGYWREl9//33ZpZ5QTUNxCzzksRrh8J5a11HrjOWh4eHCQx6s9kMSmyYhXsv\ndFy1WrU//OEPZhbW2kRHw+f9/X1fc3lHqVRyHaMhb1oSgfvj+kutVsv5q94jmoKSfPHFF/4MPOXZ\no6MjX0c0tI75p8BWWprILARzUtAZrvO+er2ehHQPh8OgdqJZNh8UYMUsG1feozVetVSQWaZrCOmD\nvx8+fPB5hYxrNAB829/fTyKxtDbmT7XcM5W3vOUtb3nLW97ylre85S1vv6D9rGeKooGcFjnFVatV\nt6gRR1soFAIIW7PslBdbP7TYqVrd40KpR0dHfqpU2EJOiwotqsVfaQqnbZadlhV4gGuxdXE6nSaV\nvCeTSfA3Vhk9xZOMqMnScTJfuVxO4qz7/b7zQYueaaE1eBXHJFcqlQTGVYuJ0veHh4ckPno4HAZx\nomaZR4z7sB5qAWH4otDTnPJHo5FbMLBgvX//3q0U+l36Du/r9XoClzocDt26wDd0HLSQJ7TA748/\n/tgteeopjOG8F4tFUmh4OBwmVvzBYOCWCYWbRe7ob7fb9XnR7/fdKoN16fLy0i20eD2urq6SAqOT\nySSAVoX30Kjyh0UlBk0we8qFqFQqzg+e7Xa7bh3DUqhwyfBKYZDVa4C8aeFV5FM9OjyL50dlVnP7\n4jyao6OjxCpbqVQCoA2zTK7glcok4/D555/7N/DEKRhGDPF9f3+feHYnk4lbM9U7o/kiZplcIe+0\nd+/eJd5vBSr58ccfkzHUYqKaW8N7sN7++te/9vu0eDf907IAWMLjHBsdh2Kx6DKhFn3mLvwrFAru\ngeV9y+XS6dJcM437NwuhzJHtq6urwCNpFoLXwJ8XL14koD739/c+TmoRjYsZdzqdBORkOp0GXkWz\nbKzpG3rq+vraE97Vg0nfFc43BuZQqzvXKpWKvwda5vO5zzktfqyAHGbZvODvvb09n0vqnUOmsd4r\ntLN6BTV5HPoVlp1vQCs8HY1GSe6qFnxXncB1dJdC/CtAD7KleYX8pqUWtDgx4wE/4F+/3w+S2+Nn\nFf479oh3Oh2/jodPC0PDgx9++MF5hddf9Q6ydnl56fTT75OTE7+uc541RuVP6aKPMUBSpVJxfqAr\nP/vsswCSP84/vL29TSIdNFJHk+9Zf2mz2cz1kt4Hjbxjf38/yOU2y+SEPnN/oVBwuulTu932+xRa\nHD2muUmMkxYmjvPUFJRIvZt8A3k/Ozvz+xR+m/Fij6mQ/JoXikzwDdW90DQcDp2nqgfi3OnZbBbs\nHXkfOgvZ3tracrqe8+xz397eXlKU++LiwuftarVK+KvgY8xN1ZvIrJae4JmzszPnr54ddIy5xh6K\nvmsJDS3oi27TvME/+7M/8+t8Ny5voqWFfvvb35pZdnZBv2quMO9G7rTkzU+1f1adKa3urG5lNmo0\nrQHD4BUKBfv1r39tZk+DXK/XXQi1HgEKQpMXYXq8MdZvaN0KTSzWDYJZGF6mB6i4RsFztVY0fGMy\nmQTV0rmuSdfQGrupe72eTx6dbHHo33q9DtzJfCOupH53d+eTTQVAQxvhAYckTbiL672oy1STNOmv\nusefQ5SJwTUajUZSibrf7zstjP9qtUqAD3TB5luXl5euhJhA4/E4qQiu4ZTw8f379/6b1mmCfyp/\nXEfJ3NzcJMiH6/XaFysmuIbxPT4+Oj80eTmupl0sFv15RYxCCbBQn5+fOz2Mb7PZTND3dnd3nW+K\n3MVvWlMiRtAcj8cB6iL/6tiZhYYTRdDU0AH+Zc5pCGtcL2s2m/l72JBrAq2Ghcay+O233zpfuE8X\ndviic/r169dmZvaP//iPScjpzs5OUver1WoFiJJmmU6KD5mbm5s+5ozlZDJx3qPHFDji7u7ON40q\nJ5o4D33QQJ9Go1GCqqiJ4Dz74cMH57XyAV3E/B8MBv63AlroYgx9PKv6mu9C+3g8dj2n8ysGINFN\nA/q4WCwGyIPcT3/hn9aFYf0pFoved4wHNzc39tlnnzn/zbLxUuMN96OfkDUdD13EmUu0/f19p08P\nfWpsMcvGT+cN/YhDp9rttvNZ5zybbT2oIW+NRsPlVw03jDt8GY/HSb2/Xq/3LDCGrn1m2dqPwYT7\n9/b2/Bk2KHrwQ+8pAI0e0qGV9vr166D+ldkTIJbSrIhsCuCAzKIHBoPBsyiC8E2BPmID29u3bz2R\nXVHzuE+NOXGY3OHhoYf3KUIr34XO/f19/41vXF5e+nxAJiuVit+naQ3x4fzy8tK/d35+7oZODadk\nD8cYjkYj1yP06eTkJDHiTafTpO7ebDZL9gTT6dT5qujAzD/k9Pb21tcYdMxgMPDvaegkso9xYzgc\nJmFv8/ncadYNua7d0ELTa7xHQcxiI/79/X2SIlAul3389RCpACVm4cFD0RN5twKM8V1FoGO/oEZf\n+sKzirirhowYsKxQKPh8HQwGPg5qPEL3AarS7/f9Ga2TxbcVDRGdrA4UTSGABzHoQ71edxkk/HFv\nb8/XSkUsjWuKHR0dJekKmpaB7lLgKwUgi2tPzmazRHfELQ/zy1ve8pa3vOUtb3nLW97ylrdf0H7W\nM0XiFSdETnmdTieBN/z+++/dQoyVSZPN+Perr77yk7WG5SjktFkIW6hws87YFqAAACAASURBVFj5\nFLCAU7QmxWPJ0arNnFax4mgIG5YJtQBz0i2VSgHcMKdxLBdbW1tuedfaVDE8s1avxgJcKBQSeO7N\nzU3npVpW46RVhc5Viyi84YQ9HA4TCOXVauV80HA7DW3gG3F1arW2aCXvGD50NpsFJ36zzBoVVwl/\neHgIoHjNMisz1i+sVZ988kkARw//YgvR7u5ukjCulm5NioxDf56rAfL4+OiySn80REDLA/Db5eWl\n84OxXCwWTjeypQnFeEweHh78PsKuer1ekIQMT2NYeA0N0QRZ5hWyc3Jy4l4WrJVbW1tB+CkNC7wC\nssRyp7D1Gq4AfVrygIbV6vHxMYBd5xuxlVxro2hoJHKiMOKAOWDJPD099XHi38lkkoShlEoln5vq\n/Y5rra1WK5c3+jSfzwP5MAvDPBR0QmUGGaVvk8nE/8aKViqVAisw72auMefv7u6CcFF4FZcemEwm\nPk58YzabJXVmtOq8hrXxDLJ4cXHhekTDRuAr9LVaLdd3yPPOzk4Akw1foEFD2RQOGN7HSfDVatXH\nTgFhkHPGcnd3159Rz11ce07ht7VuXVwKQD17Gjod651er5fA6h8fHydrVr1eD0LclSal2cwCmHN0\nPXrz7du3gReQbyC/+hvjpfDM8JCwwZ2dnSQ6YzqduoVYQWfikPNSqeRj9zd/8zf+DfSr1mvkWeRu\nOBz6d5HndrvtPGROzedzpwEZKxaLzkP0+7t373zuMq7v37+3v/3bvw2+q3Vw/uqv/srfi+yjU//4\nxz8GHl2zDHQitnQvl8skVeD29jYp3QIftBUKhaTkye7ubhLZo2U/NAwMXd5sNoOwY7MsbDiuu6P1\ntJBPXV+1th8yyNrRarU8OkK9eLE+rFarHsGk9RfZ6yl0N3/z78PDg4+rhqHG6/qPP/6YRPYoaIKG\nj2uNRbNsnVL4eGhnPjPnHx8fnX+6jsbpHuPx2HnJvmdjYyMpjaD0qSee8dIoCZqGF8fRNKVSycdI\nw/2guVar+R5E74M36q2OI040pFtBPeANNNze3vp9yNXNzY1/g31KtVp1uhTsDr3EtYeHBw+t1Qg1\n5rOGKPONv/iLvzCzpygYfd/29nZQBsks09folp9quWcqb3nLW97ylre85S1vectb3n5B+1nPFJZl\nTqRaWJfTG1CQ3W43SBQ3y+KAY8+PepzUu6CnQLPsdKkx8DTifDmpt1ott3RoJW+1XPGNuBL1bDZz\niyPWisfHRz9Na2I49KkVnRNzpVJJAB4014z2+Pjo1hgsRc1m0y25av2Mcwjq9XqSuN9qtfw3jQ2P\noT1ns5k/o0WAsQzAv1arleT5FItF55cWsVN4bvgXeyE2NjYSeEu1LsPT+Xzu9GmM9V//9V+b2RPI\niZk9m9CK5RQrxPn5ucsR36WvZk/jv7m56fRr3otCrJuFSYn8ViqVXN7pz+bmpo9/uVxOoMIfHh58\nrLGYjcdj9wZiiev3+y5byg88BBqDDf1qZYT/9Gm1WgVWIO5nrJkjtVotSLA2y/IfNG/HLLN0aj+h\nXb27ZlmsMzQQb31zcxNUtIeX3KeJqrybOaMeVs3VwarEvB2Px4nFuVarOby05sJgqVU+xh6n2Wzm\nsorVtdfr+bzB0vbq1augCKdZmDPFb19//bXT0Ov1XCaYU5rIDv3oF+XvfD4PyiSYZfkncaHXcrns\nfIPnnU4nGf/vv//e5xX6S4sOa/w7z/Ddv/iLv3CroRaNjQtgK82ak6Zx9maZzMYgJ1poWIFKYiu0\nWnmxdK7Xa//Gt99+a2bheCFje3t73g/GpdPp+NhoVAVjqMVdoVVznNTrSX80X8Msk23eA69+//vf\n+zfQIV988UXggYkLb2vOz3Oef+ja29tLirrOZrNkLdWC6lq4ONb14/HY9RNjdH19nYDrXF5eet9/\n85vfeD+IZoG/q9XK5w36v9fr+TxFVxYKBadPIzugX/uLXqffv/rVr4IC47yP/Cjm+nq9dpr/5//8\nn/4tdNrvf/97vw/ZUh4gE5rEzt+s8+v12mlAv3c6HZ/L6J9ms5mUTdFSNXiCdF+xXq+TMdzb2wu+\nY5atm1rqxiybo+SpMJf29/c9moL3VqvVoPwFPGLd0egWriswx1dffWVmYX4c/NfxhX7AqQaDgcN9\nP1fOgbms1zUnNi5IfXd3l+Tq9Xq9JHposVgEY2yW6QHkhLVjMBj4+CMvOge0dAT7Fy3/oyBY8C/W\nbXt7e35d5zS/obsKhUICgNZutwMgKPShlpFgLjHXNb+L+ToajZKCxZ1OJ/AC8g5+Y/+0Wq1c/2rJ\nBc0JNMvmPH2BPvU4ImMfPnzwcwJ7w08//TQo42AWAqRAs0aPKbjSc/t5bT97mCIZi48TTnd8fBwk\niptlCy1Cz4RerVau2Am7efHihSsQ3ZjQATYAZ2dnQb0qszCxWNFf4toOnU4nOYwsFgsfKAThzZs3\nARPNMoFCUWi4GjwoFou+aDM4L168cPrVZarY+maZUMe1mDScSQE0mKCaWKohf3wjRlBaLpcuhFqn\nK64powciRRTS8DPeG4+XhhzBI60VprWq4srms9nMFysmxPb2dhKqM51OA/e1WbaReC5RnYWVtrOz\n42PDolWpVJL6YApUoYc93g2fu91uAPpBY5FR972iAvFuFP/BwYHTpSiTfFtRnBhX+KKIjMpnZEZd\n0zHizXK5TCrCD4dDp5tvVatV/1sPHFpzzCybe2zu2DyUy2WfN/R7OBy6zGqYKbKlSFUapsj3Y5S+\nZrPp/dAaXvEB9fPPP3fdQT8qlYpvGmjj8diVrsopz2iYRJzMe3d3lxwKVDcQBlOv151++qPhPP1+\n3zeI8Or09DSRy2+//TZBWut2uwny0O3trfdTw8CY97RSqeTjiTw1Gg3/Bnw5PT0NasmZZTLGeCnN\njJ0ifaFPlBb0CHJVKpX83ehHszAUmn6jHzBGFQqFQL+ahUAAeh8bBQ0vhL9avwb+KXhNXI9Ka48o\n8qKGqfKvHujMskMch2UFY9FxoL/0Axl///59gFQXh36u1+tkY6LGPuj78OFDgIhpFtYKQ86LxWKy\nRtbr9QBoiT6xceUdapjg3+PjY++T6ncMHeiGra0tH5P/8T/+h5llsqZGQ3ilIB5m2fhzH3NNwTAU\nqAZwCMKbVqtVkrz+3//7f3ea0ccbGxvJeqyopPD2xYsXyT7gxx9/dF6poYA5x/s2NjZcRwO49Pj4\n6O9Gx5hZkgKwtbUV1IqCRwAa3d/f+0Ze66BBl9bdZM3D6Hdzc5McnG5ubgJAAfpG3zUEC1lkPn74\n8CEBAtN6X4rwhp5jXn/22WdJLbt+vx+Ed5qFxl5tOm/4P3MXnXVxcfGskVyRdvmuHuh4L8A3rI87\nOzvOI63NpqkG8B5+wJ9yuezfQ/drSokC6sTPrtdrlx2+0Wq1gjn1L/7Fv3Bem2XjESPA3t3dJSGJ\n9Xo9MHDwjlhvbm5uJvW+FICM95VKJT+II5OtVivYl5hlcs5eWfuGbHGAVVA2nr27u0sOTpVKxdcx\nrRn4nOxoy8P88pa3vOUtb3nLW97ylre85e0XtJ/1TBFCw4kUq8vj46NbahReFfx2Tp5//OMf3Xqj\nFYnjpEQNJdMkZk6hWGqurq4S993Z2VmCz6+nSwVF4DdO9Le3t0GNGLPsJK4Q7GZhxfdisZjU9Pn+\n++/diqphaAqdDn1YCbDeqUuaU7LCQmNJGo/Hbs0gJEItk1pPCSsK/ypghFpxYh6ptVpDeuAXXrLF\nYuE81zBOrQfBNbWAwDOsWiSdHh0dJeFqq9XK+8T4//a3vw36SR95nyZ/auiaWeaKR7awYAyHQ6eL\na1rfTGutICdY+3796187jzRsUb1fvAf+KZSxhmdiRYN/GgqL9fH+/t77pCAmGp4Cz7XujVlY7wGZ\n2N/fd2sNfNvf37dvvvnGtCkQhSZpYhnEenR6epqEl7VaLbcM861+v+9WIOREw5W0zkkMl7+xseH0\n0bfNzU2XafUYx9C43377bRLCMB6PE8CNwWDgcw6a2+229wnZKRaLPu6Mh9YgUksWHkxoWi6Xri82\nNzdd96AjV6uVW+PUAxQnvBcKhcAzDP00racErxVGXENqoJNx0Bo0MST/eDx2OcLr8pvf/MYtjej8\njY2NxIPdbreTGjD9fj8pq6A1ihQIAh4wF5TnCmwD/fC5Wq16NIWCJvANQs6+/PJLn/fwUkMs+d7r\n1699jj4H3a8J3Mx/DbWOQ6fPz89dTjTRH74oNLKCueDlR+90u93Eon94eOjjpeGqMdhIuVxOQH8U\nWAh+aCg5snh+fu7jjiX+6OjI+YD8aT0drMY//vijyyKtUqkEaQDQohDwZtm6h75jrE9OToKSIrwj\nru10fX3tfKXfi8XCeal1FbVsBb/FIcIPDw+Jl3k2mwXjSd9Y53SPo1Z5s2x+sE9gnr18+dLHHL2j\nIEzQtLOzE6zHsWf68fHR71X4beQDvdjr9ex//a//ZWZPexZdmxVwS3W8WSar0KWeTGr//e///b/9\nvhioamtrK6hXZhaWnlCwI/qpJRR0zWVsFKCIFnsXt7e3g32TWRhuqeuUrtdmmQ6O65bt7e25Rwr6\nRqNRkKoB/+IaUbPZLPAq0W/uQ6cqLQpIFHutNaxRa54Rnnt4eOh84LeDgwMPY9UQdsYG/tZqNf+b\n8V+tVkm4/Xg8dt2i+pDv6jrF9xRwi2eYo7rOcv/e3p7LMQBef/d3f+e6iPvevHnjcykG2TN72hMu\nFgs/b/xU+9nDVK1Ws36/7xsnzfNgckLgcDhMUGY09IvNKO80C+PP443C7e2tdwzF8+bNG1c4/Pvx\nxx8HBfLMMkZDC0zV+itMyMFg4IKpoSladMwsjD8eDodJjZXd3V1Xdnzj4OAgQTfRnBTFxkdx6eYS\nfiA0L1++DPJEzMJCdLxPQ400/hxa9MDJ+9jA3N7eJrWY2u22KyHdwCpiC7TE6GDFYjHId4P3CKbW\n2ECYFYEQfmjtBMZENzDPHSiY2GycFOERXukmjjFXZUrox3w+942OHgQ41PLe7e3tIOwyRnjc2dlJ\nCgefnp76ffD09vbWF15FzYpzCLWWmSpTeAOvdG6yyFxfX/vYMR+1LpjmktF33YxCH9+YTqfJBpew\nYLMn2dFaXHroYux0oxMj941GI6f/66+/NrNM17CJ1xovKFE9/CCfGlIc1yh6+fJlEIJplo0Rf2tN\nHo2VNwvrvkFzoVBIcnC63a5f39nZ8RAnfvv973+f1PbRhUlrsdF3vtvr9ZIaQFqLA32xt7cXHI6g\nVUOgzEI0QmRCw4Y05wiZJqR7a2vLr7PB/vbbb5OCusPhMKn9oihdGvrLdUW25D1alwpakfvBYODz\nRucbMkp/T09P/bta9FjlA5roLzJ7dnaW1DdstVq+fmodJHQzY7q7u5vkA1arVd94IDuVSiUIAY8N\nDvV63fUNz56fnwe1cMwyWdXiwPAvRjJbr9dB6B3P6uGO/jL/eV+n03HZQZeu12s3EKFPWq2W81Xn\nTYxAeHZ25qFmyJjmlWn9pdjIgGwozdPp1OcP8lQul/09HB6urq6CdAGz7NDC+oWB9/b2NjDU8X34\nx5jP53PXkYy5GlV4x3w+d/2K3ptOp4Eh0SyseaRh/LpRj+tarddrNxpBy8XFRZK7puigzKXpdOp0\nc5A4Ozt7NgQbfvG+Tz75xPWNGj9iFEQtFq16B/2kIbZa1xSaY32yXq+DGlbwLw6t29jYSA4c5XLZ\naVUjHTINLdPp1Ncg5sDDw4PPOR1/7oOPs9nM6dLafPG+6Pr6OgnPVuO2pj/EKLflctkPSbp3RZfr\n+EPXcDhMdNDV1ZWHKWsuH/3UkHktcsz34nSFcrnssqWIl4pgaBY6BdQRgD5RJwOyzXx4//59kv6g\nuZVagDmuPdhqtXzcf6rlYX55y1ve8pa3vOUtb3nLW97y9gvaPwvNbzgcJuFqBwcHSb2km5ubpOr4\nYrHw2hQgs9VqNbfUkLCmyeZYVc/Pz936xKn29PTUT8fQxMlXabm/v/fTLG04HCYIfxsbG+7qVqTC\nGHBBwwFLpZJb5aBrNBolSGvr9ToBsigUCk4jbTKZON/UawSNaoXgpM79lUrFLREapqgWEJ7FgsQJ\nvNls+vfgldbd4fSudXA0aTZG0NK6Y4z/ZDLxk7+6vWMr79XVVVJnqN1uB0hBvA8eKCph7E15/fp1\ngtJk9mQJ0xo+8E/DQRR1iWtYZ7BCXl1d+X18o1KpuKW7VCp5cjO0fPfdd0kyZ6PR8OfVrR3X2Li8\nvAzCU81Cz69auBhrLDblcjmoXm+WWYDj+iwff/yxyxbWufv7e/ecYKmt1WpJDRj1fjD+y+XSr2tN\nK01apcVWLQ0v5H6teachm1ifsC7PZjOfj3io7u/v/Rnm5cbGhn9HPXGxB+vg4MDHQ62vMSrV5uam\nf4NnLy4u3LMHf2azmcvObDZLEIUODw+TOXJ5eemWNyxntVotCUVT4B5kQ2sKoXuXy2US5nd5eRnU\n7zMLwXw07JXxUgsn4847Hh8fk7HZ3t72+5C1UqmUeMnVgxl7ihgT3sv8UlQ9eMo4FItFl0Fkot/v\nJ6E1+/v73l/6OJ1OE4/9+/fvA08oTWvimGVjGocNqweL73c6HR9rEONqtZrrG8b0+++/d724sbGR\n6H/1wNA2NzcTdLNXr155/5C1yWSS1BRbLBbuIUDe9TvMTUVLRRbn83lQO80skzV4xLw4Pz9PUP+0\nbhFj2Gw2faz/z//5P2aWyY5eh3b6yVpdKpWCOolmmbzHIdZ6H99/fHxMUBMbjYbznPG/u7sL9gxm\nIaCBomcq4BXf4H3op93dXZcjdPDW1pbvWehbuVz2cCUdB50v8JcImu3t7WT9bzabPk6K8IgMqnUe\nniuqH/KrdTrj9e7Dhw+Bd5zvxsi3V1dXAeAB34/Bho6OjpyH8KBSqQQeab7PvFeQmDi6YDgcBuF4\nZqGu11QLBVCCPmhl/LUOHu9TsCYFO6JPyN329rbznHk5GAySiKfNzc0kKmi9XvtcQT6bzWaw5vIO\nvL3D4TDgl1mmV3gPfPn222+dVo1q4t3qXYZGRTeEX/BlOBz6NzQaLd5bbm9vez+hpdVqJSkMmprC\neH348MHljXVUw4u5dn9/7/MfWdP0jJ9quWcqb3nLW97ylre85S1vectb3n5B+1nP1Gq1CgAZNKdH\nvRlm2ckOTxIWgPF4HMRwmmUnWGpTYXWZTqcBhC3v48SpydDx+6rVamIN1lob6rFRz5VZZlXBIoXV\nQOPGeXZ/f9//xopn9uRJqtfr/rsm5MZWwkqlkkCnFovFpJbAczWlLi8v3TrB6f3s7MzHhpO/5tY8\nB8jBfZPJJLACm2Un/9hbcX9/HySFwiuln3+hRSFZeVZh2vkeY765uZnEmpdKpcBiwjewICgMZpxH\nVygU3ErB/VrzQuUZGdM6E1gzgKNtNpsuT1r3SeE2zTILFe/+x3/8x8T6+ObNG7fAqZUPGaRPZpZY\nanUMGaPhcOi/cf/+/r7zVfupCbZ8k7mkwBY8q0n3sdzt7Ow4DVz74YcfkjzFer2ejI16JtXLw9zk\nWU3SVwsrMk0V8+l06vKBxembb77xsYF/tVrNLWJYIzUnQUEuGH/mvEIt897Nzc2gnppZJjtxXTVN\n6ucbp6engXUc/mvdrbgEhNZ2UX7E9LdaLaeH9+n3notTV/AK7kOe3r1759ZA3ttut30+Mw6DwcCv\nqzUSSyk8mM1mgRfYLLMawgPyEP74xz8mwCLVatXHDh7s7u4GXlSzTHbxxJJzenh4GNRxM8vkD/nV\nvAfoY850Oh3nlVpfoYV3DIdDf5Z+7+7uBjUFzbI5wG984+3btwGcPvzDI4Fsr9dr59HZ2Zl/R63p\n0KO1h+g715bLpcuO5sLGOm2xWCR1IT/66CPnP96A6XTqUSh458/Pz10/UQvo5ubG4Zfh1WQycVnV\nEgQxHHG5XE6S0vf29nyOoBvUG8T7arWa08J3S6WSz2vNU4pbuVz2tQM5/eGHH1xn0e8XL144fZo7\nG0dEDAYD57mue3xbIzaYZwoCgu7VekSMK9+q1+s+H+r1uue4KOw+/MIbdHFxEQCimIUlWei76hPV\n+TzDuqI15Zjr/X7f6YYmLfHBfRsbG76GK2AEaxDvWC6XSRmUYrGYlAJRMA+d6zFUuAJp8b7j42Pn\nP7pjMpk4rQqGoLTSj3idMAvlA/7xPv5dLpfJvFCgCo2QiteY5XLp+lP1MTxnbzWdToPcq5jWo6Mj\nn7vaT76n3luNwOJ9CigGrdClADgxuJauT/y2sbGR5H4ul0vXh8jE+fm5e2/Rr2/evEnq0RWLRadF\n1yQFwYKnun99rv3sYapcLge1IjS5GtevLgBxiNB6vfZJgpI+OTlJ6oIMh0MXeg3fUmGmc/HGabVa\nBcmDZplgMgD8+9FHH7mgwJhSqeQDj2IcDAZJPYqHh4eg5ozWmuB7TA6+1+12vc9a/4TvaPgWi54W\nmlWQAbNsI8F3NaE5ruOgSHZa+wqhZgNQqVT83VoAMw5hXC6XCSCHbn75rtbG0WeZELz3T3/6U1Lw\nV4vPag0oFgZFfdGCpWbZ+HPwQybNLJnEq9UqSVTVIsqKRKRhL/CeCUjo3mKx8D6hULSWhRas1RAC\nDYGiv3FoxeXlpfODCc0YmYXoPLrAmWWbCxZjrbHF2GjYFYpGFwie0bArDeUyy2SX7zFGy+UyQbJ6\nfHx0ujV8jIVfkRmZ94p2yXUtJBqHOCjICfOi3++74tewIWRLQ2H4hoYrs8Hi/mq16gsFfRuPx843\n9NNqtXIZZIM1m82SoueMn1m22EMri4ICkCiPFADILAwNY4wUMIbW6/WSECJN5uVbFxcXSfL9/f29\nv091PfqXcd3Y2Ag2C2aZPMUgMrVazRd0ZO3LL78MNsJm2YYSWhX8B/nVJGb6Qdvc3HTZZvy1Thd9\n1AUW/igqFbIIbdo0dFKTrOM1UNc2aCqXy647ePf333/vcqkhWVo/jvsVxIZQOa0FBA8BeOj3+z42\n8Ori4iLZOF1eXvp81fAj6GYczs/PnUd6IIIW5OSTTz5Jihjv7+8HG2a+oaHcZmFojSJUxuhwP/zw\nQ1CDySxEr+TZ6XTqaxG0V6vVJGxoOp0GoAr6Xh2H77//3vUYcqX1FznkTqfTRMYODg6cb4zl7u6u\n/621BePi7bVazeWEg7aGOmkxVebo/v6+yxH7p+3tbd9w6jrH2GmfFNzGLESM5d9er5eATXQ6nQRV\nUWsUapis1rA0y/aJcd3Sfr+ffLderydIgN1u1+WOPmqNKq2bqCkTZqHRFz2xu7ubFN5erVau99WY\nwl4AWbu+vk7qx00mk6QfundAn4xGI39GaynFQDVqKFTDGPfB2/fv3zuCsoYe8r1Go+FzEmTZSqXi\naxl8Ozo6SsIeq9Wq04DsTCaToI4e9DM3NNxSUxLMMr2OzLDGjMdj56WGGcZhvsVi0fmFLFYqFecD\nunJnZ8ef4ftv3rxJip7f39/nABR5y1ve8pa3vOUtb3nLW97y9v9H+1nPFCdLToNY2PREz6mx2+0m\nlo5yuZzUbFosFkHtJLPs1IgVCOvs7u5uUAmc+7HUqCWB0696qPguJ9jr62u/zon91atXfrLWytX0\nkxNvq9UKwo9oWER6vV5Sm0KhvaFfYRcVwCGuOt5qtdzCoXC0MeRtuVwOIB3NQle9QppiGdSQmdii\nq54u6JtMJm7FUOtW/GyxWAy8cvAHfmENODg4SEJT1DPBePR6Pa9vgEwUi0Uff7Xixcnh6tVSqzDf\nQ563traSxMflcumWM625gBUKWn788Ue31EFTvV53j41ZmExLi70LhULBn8catL297eOgsNBxTaTF\nYuHfg+cKoMCz4/E4SJKlvwqxzXhghcLj8ebNGx875ODdu3dBqCH9UouqWTaHtXq5WTau9B2ZxIJq\n9mTV2tra8vsUIjf2JG9tbfl1hZaN64wVCgX/W72WjA2WrI8//tj7+1zNK03gjWtZ1Wo1++qrr/x7\nNHikVjysXn/4wx+Smiiz2cz1CfNQra2M68XFhY8r+m40Gjk/NIxXk5rNsvkYJ6Ur6Ad8UUhxxkkB\nWqDpxYsXLjv09/DwMLB6m4Xj9cknn5hZZnlGtymUcVxWYbVa+XUN2YJuZK1arQYyzX3wUiHhoYF2\nc3PjYw3t3W43qbVUqVSSUPetra3Ec35zcxNARZtl6yc8h6ca0oaeVbh5lW31nOMNggevX79OwoHX\n67X3mbXj+PjYdRn92N7eTkLO1QOr4D/oPvg8mUxcFv/1v/7XZpaNJes673337p3LL/e/f//edaCG\nWMV7B/2/Qsozb5RH9Ffh6+NaPBcXFz73oGmxWCShrqVSKQjBp2/xmqXroup3LN1qGUcW41plZhZ4\nslmDtJZiHPq1Wq0Cb5BZJlcKoU6f0cPD4dDnK56Vfr/vfdc9FWGbzFutUcZcf3h4CMIn6TvyrXXX\naDy7s7OT7Nfa7XYCwlQul5NalhqZwBhqCRX1sKL7mJulUsnHSUPAmMOqWzUE2yzTj/CNVqvVAlpp\nsYfl8fHRr2tkB7QyLz98+JDUN9IQSwVKiT2x6/XaZYvW7XaTcSuXy4H+Z9zpb6FQCGp6mWVzST05\n/BbXiur1ev6srj8xGJLuRXh2PB4HUT7whd8Y60ajkYTv393d+VmEMPTHx0cfGy31A30aFaZhz2ah\n1/CnWu6Zylve8pa3vOUtb3nLW97ylrdf0H7WM2WWnejiE/1sNnPLsEJAcspT6xynQU6cCkXLyf7m\n5iao5sw3NDeAZ7HgcArudrtuqdPYZN5H03wVrDyTySSwPpplp9E4YVhzP6rVapK0qEmBWswOSykW\nhEKh4Kdn+lksFpMitmdnZ+7VgOfdbjeAYDULPX/8ptZlftOkZK24rvlJ0MT31GrAeGqsOePA+zT3\nQ71bWkwYnse5VZVKxd+nlk5oht+FQiEoaGmWyUYMW6lWUgVN4Hsa6jC4aQAAIABJREFUk0yOi8Kr\na9wu78CCyX1qJYWm3/3ud95PLRyK1ePk5MTfo5bu2KIzn8+9f3gBqtVqAkfb7XadR/BZvR4KLcqz\nfH8+n7vVkH5qgU7412g0gjxGs0wO/umf/snMwmRuvqu84X1aoJe+YSU/Ojry+aeFAeNkU/WcYjU6\nPz9PLN31et1p1hh3vqceIC24bJZZwZ4rrK2J8dDOdxUsgrlMXlChUPDxp93d3dlvfvMbM8s8Ybxb\nQUeQKayGrVYr4A3PwktoOT8/9++hm9VCrKAOcW6QQg/Dt2636/KhQECff/65mT3NYfW+MqfevXvn\nFkJN9Eemed/NzY1bv+nH1dVVUIHeLJRtzRuIC3lubGwkoClffPFFApd9d3cXwNVzPzzVSAGua5F3\n7tM1Lc7BGQwGSby9wj7Tt+Fw6DzQchLP5XJgfV4sFq47yBvqdrueS8Ncubq6SvIxisWiffPNN2Zm\nHimioEnqBdcCtGaZTogjMbTUBvfd3d05rQqywrhCe61Wc12lOX3wEuu3AhooTTyrY86c0iLF/K0g\nIljMGa/NzU2fu+gB+Kr01Wq1pJzHYrHw+3TOKJgLPI2LxRaLRZ97Sruu12aZ7GKpZ05pfhT0aemL\n6XQagF+YZWszzyjoFHxgPi8WC9dBmsPGvKEfhUIh2OeYZXMh3sOdnp76PP3zP/9z5xH0EWnx4cOH\nBBpbS0/Qj/l8HpQZMQsLfvP90WjkMqigGMgs9GlOL3ze29tLoi60ILV61dirMN/m87m/G1nrdDpB\nTho84N30++3bt/5d6Gy328FeinFBPzFG1Wo1AP0xy+QJfawAYtD/8PDgel0h7aGReXF/f+/rnOa4\nwTfNA4uh5yeTSRJdtLu76+Op9Gs5DbMsR5D3xGuq2ZNuWy6XrtOQ51Kp5PxnDdR9o0YMQT/joZFT\nP9V+9jA1nU4DjH1asVgMkNjMskUfofmrv/orM8uYxeZN0WGYTHTgxYsX3gES/PVQwGDv7e09W0OJ\nifgcPj+TSVFVoKXX6yWHEQ3f0DoMir8P/dCyubnpE1lrTyBcWhdIwQjMsonF+6Ch2Wx6XxD6q6sr\nFyAWutlsFoQicI3r/Lazs+MKkffVajUXdN57enoaJPGaZRsj+IDibzQaSWK0hi5oTRHeRwhbp9Px\ng6LWKoJWJrsiAXJNK9sz0SqViisLTbKOURrr9brLApvq29tb5wsKamdnx+WDhXE+n/vmAUWwXC7t\nt7/9rfOSBg+Wy2VQ08ssU4RxPYjPP//clRTt9vbW70N2dnd3AxAKeK4HMBpypzXYGGtku1KpOA1a\n442wJ+Z1pVJxGjS5Pg4H+eyzz3zRQ3ZqtVpQh8IsGzfkiG+0222XWWiu1Woul+gQTXzWg5uGWZpl\n8wKdwHvn87nLImN0cnLic07DhpBfRRFSIAiuxeEWn3zyifMDPj48PPi4aV0qrYnxnFEDHn366adm\nlm14v/3222Ac3r17l6BHlctlp1s3DywG8Hw2myUbp3q97r+h25bLpf8Nf+/v7wNEUb7BOIHwdn9/\nH6A9mmX6UzefZplOQC41pJTrGnLCfOV+BSBiPdEDpQIbQAv93d/f92eZ6zc3N4mh6O7uLtmcKw1a\nlwx5VyMOss83lD5+q1arSRinhmIriBHPKqqjhnnTkOO7uzvfOKM3b29vEzTXdrsdhHLBX97N4evF\nixdJuHKpVHI5QT4vLi4cuU9RKTHEINvz+TzYpNJiREvVszrX4YfqDsYQvqkxkv4eHx8nAERmYS0+\ns8xowbuRv06n42FyoBhPJhOXc8Ivt7a2AoMONOs85BrfQ2YVIIP3vXnzxuc8tDQaDadPDd70czKZ\nJKBEOzs7CRDUhw8ffG7A63/1r/6V06pANHHt0e3tbR9DNcQyb3jv7e2t80v3VNCvKQpqIGQ82B9A\nX7PZ9Pc8B1QDzS9fvkwM3gp8oaFu0II+GwwGzkv2Lsvl8lkjWQzCU6lUfAw15Fn3dWZh+Dvy3uv1\nEkPRw8NDUkNVkQ8xPCiIETw9PT11GjC+nJ+fu85VsCT2SIPBwOnRWqJ6uDfLxibWm9fX195P5kWh\nUHBjm6L/wWt0R7VaTUBJFKUZ/bO1tZUgbV9dXSV1RhWpEPn78OGDy9iXX35pZtl6FtfknM1mCc/j\nlof55S1vectb3vKWt7zlLW95y9svaD/rmdrd3bXHx8fExdVsNv0UqJYpTn5YAPr9flJxWcMosIK9\nffvWrZlqieNErAAU/K3QjLxPIZ7jOg5nZ2d+IqY/W1tbbtXQxOK4WrzWVXl8fPR7tYZNDAvaarWS\n2j5bW1sBJLZZZkHgxI9lhROx2ZNHQeuaKPS81pKCR1hl1D3P6R5LzUcffRSEY/A+rTllllkjuE/r\nuCgohFlm+YMHahHD4gDvX716lVj+FQYZS8fBwYHzQyFUsVxggVGLATxYrVaB548GX9UyHVtYtJaV\nAiDE9ZwUBpX7V6uVWyubzabTBg1XV1duWVNXN/KoNRa4rmEtcZiChqlB38uXLwPPkFkmV3jWNHQR\nfmmoLjRoiBtjwzfUyg9NJycnfl0tf/QDOVmtVj6XsC7d3t76GGuobswXlXeFLY7H8PLyMvFgbW5u\nBvSbZboBudQQMXikoaT8Br8fHh78GU1ij2ttqGdC4eEJ6RqPxy7nyPR3333n1jENz0KXQbNa2/iu\nwuBrAm0cgvX4+OjPquWccWfcDg4OEtharVHDuP3ud79zfYlVsFAoOI+wjBcKhWS8tBaX9oN5qvDr\nMVDFcrn0+QAfm82mjz/v0zAP7pvP584j5LNUKgUeJOjkWfqhcqxhY2rNZIwYL42SQBa5X4EltAYN\nNKBvO51OAIxDU0s3c1IBOQgxw5Pd6XQSb/Dh4aHzC34sl0vvi4aKcx2PyWw2c9nh308//dRlTD0x\nvEeBFtBP8HJzczPxpu7t7bn+VOAlxoZntV6aAhDQmANffPFFAPDDtTgy5fr6OgGEOT4+9r7TNjY2\n7G/+5m/M7GmNUS85oUfz+TwB9dGohedKbSjgE+sN97979849JvT3q6++CqC9FbCHd7C/0gR+nkfO\n9/b2khDRV69eJTWlisWif++5eqS849WrV4lum06n/j32gRsbGy7zeOS/+eYbX/+1zAHP0rebmxvn\nIf0+Pj5OooK63W4QZsmz6GGutdvtJLqg0WgE9VThI/JJ3168eOGyCp3Hx8fJ+/70pz+5nlMvfVyr\ntN1u+1zX/bbWbDXL9Dtjwzs2NzcdGl3BaXSt5G/6dn9/73OEdUC9Qcjl9va2yzRN66Xqv3Edp/l8\n7mOi+3D1vJuFtSehaTQa+fqqqR1c15BO5I7varkRLf8Sg80Mh8MEDCduuWcqb3nLW97ylre85S1v\nectb3n5BK8S5UMHFQmH9X//rf7XZbJYk82uuDifKdrsdJOeahXCk/KYx32ohjguDKlzqc6d3rFtn\nZ2d+UtfTfhxrrlYSLDKNRiOxnI3HYz+tYjkbjUZJNWazJ+vDZDJJit0OBgO3WKuFiH7yW6lU8pM1\n9GvSKnzTZGSsY+v12mmErkajESSFQovmE3BNLbS8j9+wam5ubgYx3GaZBQvLsOYIYN3BaqSWCZoW\nhtVEb6we9Pfg4MB5gJXv7u4ugYotFosB1K2ZudVff5tOpwFMtlkYz6wws1ht4OnOzo7LOVYoBZiA\nf4vFwmm5ubnx+aCeBHgEDZubmz6eWNMODw8DkAmzbMz5jgIBMDd573Q6TWKXFcZVLbGaOA8t8AHZ\nPTo6CiqLm2Uyi5zwjuVymcC9fvTRRz4PsVo1Go0kp6dSqSS5MI1Gw2nWwqDQolZNTZY1yzxdOm/M\nMoso/NPi1zGIwHNAGpqkq8Ub+R60Pz4+uuxo+QKu//Vf/7XzlHHQnD/m983NTQJyc3Bw4DKhSfUK\nugENcdHe/f19Hwf16Me5puqVI8fmw4cPrvcVhAPZIjdMvaTI387Ojr+PeajwvPT37du3njeoCdw8\nqxXr41xC9VYis1oeQPO8FMLcLFwT1CscQ2gfHx87P1QP8B7GY2Njw6/TxuOxywLf0igJLNkKBa8J\n1/RJ4c6R362trQQsp1gs+m/MV801YR3TguX89vDwEHguzTL9rrDR9BO50xxheK0gHPTlD3/4g5ll\ncgDfFIgIWrm/0+l4P6Dp6OjIdbsWNY9Bk1gjoJV/ua7zDX3CHLi5uXF+wFMFc2CdUhAu2nA4tL/8\ny78MaJjNZgl0t+Y5KpAKtOB96fV6CQiPWuvjnEKzpz2V5sRub2/7PX/3d3/n9zFO6OblchmUTjHL\nxp+/Ac3RPRBjeX9/7/qcPilgFN+YTCb2t3/7t2b2pDe73a5fV1hyxljBfOKyFfV63cdL53+c06t5\nL8zR1WoVgFvxfZ7Va8wf9RrDF8UPYHyQtfPz86TQfK/Xc5lAZw6HQ++7jjn8Y7/z+PiYlGQwe5IL\nBV7ju6oDFXwH3kLrZDJx7yllacye5inyqzD+zIt2ux3ArfPdOC/v8fHR+6f9jPOGNV9Mi7xz/V/+\ny39pZpk+AcgE7/HNzY3fpzmucZ6f5pfCl4eHB59XWiC4VCrZv/23/9bW6/WzyVP/rDpTmkgPYTs7\nO64QWCh+85vf+EAymfb29jzJVHHhESSS0l68eOHKGYY0m00XPjpXLpd98HRjF28U9BkmQaPRcIHj\n+w8PD0HdDd6HkCIAOzs7Qb0knlGlyL160EGhaq0A+sR9uinTMBp4qa7VOIyqXC775KZPejDVUBME\nhw3q6empK22UUaPR8EmmaFMa8mEW1jJRYAMFgDDLFihFcTLLFgqUBnx+//59UIfILJONGNv/u+++\nC0K5zDIZ01BIGhtPDTlFjnXB0URxeBaH6pydnQVgGfAZfvCORqPhCkU34FqTTYFToEXrspllCjFO\nbi+VSgkgx+PjY1Kza7FYBKF8NL6rGzZ4CJ1bW1v+DOEWrVbLrzO+Ozs7Lse6kMSJ27e3t0ko1HK5\nTGqZafK1hibE4aDNZjMAioEXWsPILJszca2djY2NAAjGLFuwY2Wvh0zm+Wg08u9p7a64wvxkMnFD\nDYcMNR7Bq8Fg4Mpea7bQNwVGgC/tdjtIFDbLDt1xTalSqeSbPK6dn5+7fOsc5RmunZ6eep8J81Aw\nHw3PgK/MPf0eMtbr9ZKQjul0GoRHm2WHfQ35MsvGCL4oMAfXFamM/jIvtre3nS5oWq1WvsYoIuxz\ndUYUFcwsRAzlG/v7+36dMTo5OUlASSqVSpAEDe3oBMZS+67J2ugs5mClUnFa1cDCGP74448BoAy8\nVKOHWbbm8pvWCqLv8HQ8HrtuUSMd9KuhNQ7Le//+fWIQ6fV6weENHrBG6iaIZ/iWopvphh2+6gEb\nfqALVe6YA/V63XWLhuLyXWTok08+CcLezLK5ytrGs/1+38cQXVSv1z30G1pub2+dPg1X41mtX8c4\nsB4/p4u0XqbOfT3E8zdAUPV63cddw9qQZfYuhUIhqAdllq2H0ADv2+12YAgzy/SJAiNxH3stNTwo\nUIxZphMUZMYsmwNx2PB6vU6AVFqtlo81c0BrQHFNN/ZqLEPe6Eej0XD6MIL88MMPSSixohfq3hWj\nBW29XrteoqmRhLHWuadASYy7XtM6mdCEHiBMstPp+HX25QpOVK1WfdxZ0zTMm+8pEBz9mM1mrh/0\nMBqjZfZ6Pf+e1oWlTzw7GAx8DjG+5XLZdR9yXCgUkj2Q6nXG/PLy0v/W/TbvRq5UjjXsOh6vuOVh\nfnnLW97ylre85S1vectb3vL2C9rPeqYODg7s5uYmCKkxC8MosEzpiU6tEXGC/Gq1SizYep+CCMQn\n/8VikdRiWC6XCSy53qewuVhCNEGb96iLGrp4x93dXWDFpe+csBeLhT/PCXZ/f98tHAoLr0l39COG\n01SLvlqSFTLXLMS/1xAhaOHf5XKZ1HHa3993C43Wo4k9Is1mMxkb7SeWMK0fgjV1d3fXLRjqYo3d\nvI1Gw/vG/VopXetRQT/Jv/P53OlSS3ccHqH1XvitUqn4GOMRVQ8W15Qu5EUhtDWZExo+/vhj56sm\nI8ew4Kenp94/rIcXFxduzdJQvTj5XpM5aaVSKajLYZaNYRymenV15bKI9XixWASQwzEP0APX19dB\ngi3fgEcKyc/31LLO38+FEmkld6xj9HE0GgUJ9LyD+aBjiHVfQ2eQE/1WDPu+s7Pj8q6yqDXluC8O\nB1mv1/4bY14sFv0bmnjPMycnJ0k429XVVQDLb5Z5zmMd81z4pvKfpqAP6pmER1ouIQaluLq6SuqV\n3N7eOs9VrmKAjHK57Lqe8Xr79m0Ceawh3Rr2BF+wJCrYBFZI/Y0+jsfjxKvZ7XYDDzLvgL/I/e7u\nblCrB15oaF3Mb6zG1WrV+6lgAnH4zmQycVmEP/1+33U0ekB1AzTv7++791N1n4aQUWcKme73+4F1\nl/FgXUKmNXxHQ4i0TAI8jevpPLf+93o9pxXZrdVq/jffV0COzz77zMyyMceDofMWWjRclfAuLNQK\noawATVon0SzTMQp4Qn8Yd8b1w4cP3l/CPUulks8lgBJubm6ScDC12EOzJv0jk6PRKAmTV/q5TyHt\nFZxAw4/NsjFD7wwGg2TtMMsAOJRv1Wo1qdn5448/upcdWdV5w7/wVnm5v7/v79YIC70XXsFraG63\n20HoLTQR5gl9v/71r/1Z1Xvxmqp18DSsLQ451r2Y7ns1xYH3xzWUNLyQPcRsNksiIrS0DLRcX18n\n4XRa50zTamJPnNmTXkf/nJ+f+xqikPDwUmmCRxqSiGy9e/fO/9ZIJ2jVpucD/h+ndDw8PARRWWbZ\nvNEwRvhL/xQgCT0BzxWsTaPaoE/DCxVAzSzTMawtGn0Br9WTHAPpxS33TOUtb3nLW97ylre85S1v\necvbL2g/65kCeAFLqCa3xYnv+/v7SQKa2ZN1h5N6p9MJrARm2emYUy+W7tls5s+qVYVcDiAe7+/v\n3QqhhQGx5OhpWeOnzTJPEdYFhVyMrX1aUE2tQZzul8ulX9cE37ig5nK5dGuhxq5jvYGnvV7P79Mi\numpRNQurXPOsJloqRLZ6geAb44QFo9FouFX2/y2udDweu2UAHlSrVbcMKDQvfOHk/+LFC3+fQhpr\nxXCzzFrxXPX3OIlwY2PD3r9/7++Bt7EHczKZuFVDvQvqRYNm9YrRX77L/WdnZ4EF1iwsZntycpIk\nN6/X68CKCf1xMqp6NelHp9PxsVbAixg6t1AoPOvVZNzVAsv3+Pfzzz9PcuHu7++TGOKdnZ0gj8Es\nkw1kEJo0+ZrWbDZ9XqkHG8uUQrJjScLai1WY79Fiq9FoNPLfkGMFBNFCkoyrJifzDN/Q4pnMW/VW\nw4v1eu38QCbL5bLnJPC+ra2toFio5kCahXC08KXb7fo4aZJ27F14+fKlz0Pet7u7GxRS5BtxYctO\np5MUmtY8QAXZ0TGGz/BXvS4kNHOfWuoVelwBKswy2dV8LPoD/zWPFpo1/w36+XdnZyfJy3p8fHSr\nLPPy9PQ0yHcyy8Y81qlaRF31GXx5LpFaPfLInRaXh/4YLMIsjJxQIAXWSGTo/Pzc+YFnVy210Pcc\noFGj0fB369oVl99QHYPsP+clH41Grr+0PAjPqHeb+YpO+Pbbb53X6pmmKXgOPIQHh4eHgX4wy8ZI\nLeu8Fx6z7xiPxy53eLy2trZct2kpFeaFWskV8MAsjB7RuaKFnuk348U3zJ54rsAQavmn/8wb1Tvk\nPVar1QBQwiyT36+++srMLMhrVu+kWRYBEufoDIdD1xnMm6OjI9cnrG27u7tOo0ZdIAsKWx17ZYvF\nYgAHb5bJYVxkWyMskKGjoyMfT+4fj8fJ3mu9Xvuc0z0rulLzm2MQHgWO0siCONKp1WoFet8sk9PY\nS1ooFHys0YUPDw+uY3hHt9tNcsnU2wudtVrNx0FBbKCPAtwKaV4oFPydrPXT6dTHWsvRIAuM5dXV\nVZJrphFRumdR8BizEBxK9QR5UdxfLBZ9D6BASdCq3tJ4T/X27dsAUIp38JuWWojXz62trST3L24/\ni+b3D//wD1apVHzAmfgPDw8+EWCwTmiIubq6cqYz6VarlXeAxLitrS0XfkXzU1AIs2yxfy48Arq0\nMjjhLwiXJtpx32QySRDIdHP7XA2FUqkU1NswyxYw3bSZZUIRJ1rrgHCf1g3R+iZxbZLlchlUgua+\nOESoXq+7UlPXJQLOZOl0Or5ooKgnk0lyCDF72oCxoGh4lH4/rjpfLpcT9J1Wq+V903oUWufFLEvw\nZFxJgNzc3HQ50cUIWnWzx7Nabwy6eJ/WoGJhrNVq/m5NXozD37a3t51WFsHz8/OAb8gPiqvf7/u9\nyOLNzU0CIqJAK8jdYDBwWdUDVBxqViwWkwViOBwmi+14PPbxgg8//vijz2fmbbFYdPnUw29s/Gg0\nGsEcMQsTlbVWnB566WPs+tdQEFW0cYjwzc2Nh6vwjtls5u9BwddqNec5inN7ezupR1Gv15PN9PX1\ntY+HLojIlhpDFBnTLJPPOCxDQTMGg0Gy6GlYGe/59NNPPXxLNy3xoWG9XicLoqJD6oEiTjbXMGTm\nvCZkM9ZnZ2euz3UxjQ+wqu90o8jYqrGMTa2GEsWITI+PjwmIkNnTYZB36GFaQ5Q4pKDvBoNBgIJn\nlo1rHMKiss34Hx8fJzXFGo2G843+3t3d+bt1ndLvmYXhJTrneY/WmOOZYrEYbHrMsvVT0RnNspBj\naGQsq9VqEFJllukJdCjvVTRWZEPrlmmNLfQ6m3jd/DKGOg/VyATP/+zP/sz5i3FUQzr5hiIBa11D\nxiEem8lkktDS6/VcT9Cfzc1Nl1v4t7e35+sDe5L5fJ6g6bXbbecp/anX6wlSmSLpqcELPaxhprFB\nVkPFkbWNjY0g7BH6Pv74YzPLdL6CApllY8hmFZ4Wi0V/RhGG4zqe79+/T8BrBoOB81DDt2Ogilar\nFeh9Mwv2mPSjVqsl819BCdAD19fXiR6rVCqu49GpWhsNvdNsNhPEYEXLY5+nv2kdJg0/NstkDVlU\nYy/9xND2HGjPy5cvXd4V4IzrmsoSg//ouogMaY1HeDEajZLQ+eFwGBioYsTg3d3dpEbdJ5984u9B\nn1xeXvq3eYeCjSmARmwk39jYSGqsKoKi1oBETgAgUSRA3dehM6BPjVC6F4kROW9vb32vpCG48/nc\n/tN/+k8/ieaXh/nlLW95y1ve8pa3vOUtb3nL2y9oPxvmt729bePxOIFL1FO+Wq05QZJE+uLFi8Qy\n/RwG/O3trVuVNMSBkzWnZE2u17A6nlULdmxZm8/nfuJUgAFOtXG9Dr5Hw1owHA6dBg2JoX+aGK/J\n1GYh5LVaU+Iq0a1WK4D05LfYyvPmzZsARtUs9LYphHKcfL25uen0c9pXuG8sBYvFIoFz14rQCkCC\nNUshSmPLmrqfsd7d3NwECapmmVUGS4NaVeOaDa1Wy3mv8KbIKu3u7s5lBqvGcDh0y4XWSIEurdOh\nFhMafNZ5AQzu4eGhhzHxPYUrhdaXL18mFbwrlYpbqRTil/GEvvF4nISadbtdt1ip1yiGvF+v14lH\nr9fruZVSrcbImHoheQ90djqdIOTHLAyP0tCUuB5MvV5PINTn87nLBM8qLcypWq1mv/vd75xvZtm8\nRCbgwdXVlfNNa2PwHq3NFYNvaGkDrpXLZf9bQ1NimP56vZ7U/To+PnaL2GAwSOpaKGQwemw4HPoz\n/La/v5+UANCSEozr6elpEl2wu7ubeG+Xy6XLuVrvuY9/1drOGJ6engblBaAZT6eCfsTjent7m4T5\nKgACnpO7u7uktlu3201APzQcHa/warVyupjXGl6o8N8azmoWWpKRnWKxGIBbmIXWT/qmsLoK2sRv\nyFipVHIdjQV7Mpk4fRqyib4Yj8ce9qJ8+fLLL/2dPItsoQM1rEhrGNF3TZCPIzpGo1FSV3G9Xnuk\niYaoa8kG+BZ7sC8uLlyH4vm5vLwMPHBmYbi9esmQX62HyHvgj9bfYmwGg4F7H7ReUsyrd+/eJdDy\nZk/RNvCsVCq5zOg3NDzRLJsf6CWNHkBHo7tms9mzJQNYJ7QsCbSqV5VnDg8PfS2Frna77V4oxkP3\nCRr+rFDiZpm8Mw/Uo4NnGN2nwFLISbVadZ2l5UZib1WxWPT3aDhbPCe178hTq9XyvvPewWCQhLrf\n39/7HggdrqFw9E3TBjTlgIbsLhaLZAwLhUISqqdpDeotZa5A06tXr3ysdc2M67lp2Q/0RbFYTOaF\nAodoODU0X19f+3eg7/z83L+HvCyXS0+3YU2qVqtJGK3WntR9L/si+LZarRIQkel06vDtnAnm87nP\nV84Y79+/t6+//jro52Qycb3PHG21WkkUR7vddvkgYqfVavlcYQz1nPBTLfdM5S1vectb3vKWt7zl\nLW95y9svaD+bM/Vf/st/scfHxwCamsZpFUtGqVTyU6i+l9Mqp/KDgwM/kXKSnM1mfp/GWCqsoVlm\nOeMZ9YhpZXazMJFak/E5vfM+rdAOzZqbwmn54OAgSa42e7LAqaVecz/iZM7pdJpUa282mwFIAnyh\nL/oNLZpIP+L4fgUCUKAP6FfLDnxTb4uOiVl2KlfYdbPMqxVDbC4WiwBynPfybiw7o9EoAb4YjUZB\nXLxZZhHhPfpsbDXkObMnWdT8MrWSaXFKs8waBV947+XlZZB/wndjyOOHhweXY/WwaBIklbk1KZg+\n/9M//ZPfh8wrXG5sldva2kqAIDQeG0vieDx2GogXb7VaPk7wcj6fOw/V4ohVBgvQZDIJ4ux5B3KH\nfKr1G9nVnEmslpeXl0GRWLNMJrXUgVkIwoAVV8FmoEVzurCSnZ6eJpXom82mf4/3nZ+fJ1bD6+tr\nH1csqDs7OwEkLvxBx6i1l7+1uKgWCeZ+xlCtY1js1FOnoAr0j/4uFgu3vJOnqtZgmhY7xgJr9jSH\n1IMd50fe398nBSEfHx99DIFXbzabbsHWnDiF8eebPKuebs3ZdblfAAAgAElEQVS9gkfqkTILgXn4\nVqPR8HfrGDF/FKhCIZHNwrwMrl1eXjot6unmPt6rzzLP1NOtayZzCW9JtVr1b6CTut1ukD9hlo2z\nWurhmYLw0HfkWGHr4ZvmfOn80hIhZplVm3ml84zxgv52ux14Gnif5pOaZTkMmitLf5Fzhf9HjvH2\nrdfrwNNkFnoN4OlwOPS5Qj+Ojo6CfFwaMq05bnHpjsFg4P3AEq8Q9PosuSSquzTPyiybH7rf4D7k\nUj2T6Fn4ovm0mjeEzGj0SFxaYjgcBqVPmMPw7f7+Psnl63Q6QWFefos9sOVy2XWpeqPiaKVWq5UU\nu354eAg8UtDKvEI2arVaEsVTrVZ9HPBWaISA7jXi/G1tmgsPX/i31Wr5vNH9lgLomIX5VhotgYwp\nWBC8VN0b0zyZTFy/wwMFa9KSFrxPPVNxjm2323X6dA/JfdCiew2zp72KgoMoKJxZGGEVFxXXZ5Vu\ndKQW2UYn6Z5QC3orAI9ZJqfIoAL8wH/NAdU8e2inz1q2QvPU+a7m9/GOyWRi//7f//ufzJn62cPU\nf/7P/zkYKA2JgQgYvVgsko2p4sczoJubm85ERc1CQfDezc3NIIHaLBM4Bo9JWiwWnTnqwoyR2yaT\nSVBjgd8QfgaiXC4nA3t1dRX0l4FiUu7t7SWu8JubG1caCiaAYkK4Hh8fA9x7s2xRi7H9tf6RhkLx\nN7Qo+AKbi1qtlixMmripQBn8HdfDMntSTNfX14n7ttfrBX2n3yhRxrfRaLiccK3ZbAYT3ixT4jEC\nmYJD6CFYEZHoo9YAM3uSIbOnxePu7i5IjDbLxgheskG5ubkJkmrNsokWh7UpOtTFxUVQpybmpYap\nxfXUxuNxsqmJD2rwLd4kLZdLf4+Gx8EvNmxaE4MFtlAo+HX6cXt7G2yEzLI5AA3IZK/XCw6VZpm8\nxAiEq9XK5Yhr/X7f5zo816Rq5ma9Xg8222bZ3GPxYy4vl8sALIe+0SdFoovrR21vbydhknd3d/8P\ne+e23OiR5PcECIAACIIAj+Ch2a3jSNoYr9frmNmb9ev4Aew38CP4whH7PHux69md9cxqRi211FI3\nu3kGCYLEGQR88cUv+19VnJBD4cuvbsgAPtRXlZmVVZWHfybGI621wW81vEyTV+OaYVpDr9frJf0s\nl0uXLV0rKns8HwMeDAYDP7QpreLD4OrqanJh09BkPdTG9eP0cK5AP3G4YqFQcL7rZR99B30Hg4HP\niUNarVbz/hhftVr1g4TWxorBWkajUQAuAx9iVDLVTxoOFBtx5vN5YMAyy3RCzI/pdJog0BUKhcTg\nNR6PfV9U5KgYlKJcLns/0O/29tbnpuhx0EPrbim4Et/rxYR1g3yWy+UAeICx8L/qQPjK3LrdrusY\neLS7u5sYIXu9XlJjSWs2afiYIvbRX4zwpqH4itYWo5utr6+7vnkqxJ73zufzJNS9VCp5+BTzbTab\nCQDF2tqa81ONOTynBl7dS80yHsR1H7Umn9YcYk40Rb5kzBpOpah1im4c1zpaWVlJdNn19bXLkcoE\n44IexWLR6aaof7HxeDabJTXKHh8fvT+tLafGAFq856pBUY3Xcf0wHZ+uZWRfwXBiMCRF1WOP05py\n+jwypjqYsajBQ8OYzbLzYLwedSzwV8NVlS8xuqYCsyBXqlPZG+r1erCuFYjNLDNQItN6RlKAHbPQ\nKKzn0xggTQ0OsXHLLDRq6FmKftW4bJbpNuile5bqG7NMDlg38GE2myU1dJXXir66urpq//W//tcc\ngCJvectb3vKWt7zlLW95y1ve/n+2nwWgoF5TbOnWauK08XicJJbu7u4mz2mysVrVYnjTra0t997o\nzRVLCLfgm5ubBFiiUCi4dUcTPeNQwna7HSTsMRZux1gDjo6OvO/ZbObfa1JgbKXUMBVc0vv7+/6Z\nQqhzU1ewjti1ru/ltr+ysuI8gUY3NzeJFbrZbCYhkxpKhDVlMpn4jZ+m1bqh1fb2dlJXS0OrmE+j\n0QgqXzOmOMlxNpv5ezUpPX7O7APvNEQJS4KCdiBbjO/i4sKtZBqqE0Mj7+7uujWDdzSbzQDCGDpr\n6A1z0/pQ8ERrssWgDw8PDwns6mAwcLmlb/UQKZwr81OQkBi2WGunIUNmlsyzXq8Hyc9mYf0NxqyQ\np/Dt4uLCaaPPxZ7E8Xic1FBSqGB43ev1/Dn1sKmHwyzztCm4DXSMayiph0XDDBgrNFNobLWmqZUS\nWkEb1U9xPRIFNNDQM/WmxLWTCoWC0xUera+v+/+8dz6fB0m3jDW2js5mM587sqaeU94/GAye9MrG\nYUWNRiMJrVssFklkwuHhYZKA/lTYyHQ69bXLfB4fH5MaO4VCwUPgYoutWWiZjGsjbm1tuQ5U2caL\ngjyPx2PXuXjJFKoevqlHWT2Z0IjPNIRdvelEN2gIq4JDmGX7L8/Bq4eHhyAKIt6bq9VqMi5Nlmcs\n9/f3TtfYqm32QXZWV1e9H/XYsB+q5ww5UQ9wHDaq+p+1fHp66mNEjsvlcqIXr6+vn6yXF9eA2d7e\ndl7zfK/XSyzTvV4vCQfXvVeh7OET67rb7bqOUZhpQomQv9vbW5dZDR+P945iseieJC19od5bs2wt\nxHuveo8UHl73/3gNa10w1TtxBEan03H6on92dnaSc91wOPQxoIcXi0UQFs9f9LV6YLX2p1kIQKSl\nD2JvkEYN0O/5+bnTmt92Op2k5pGGWyMn4/HY15KeWRifAq9oBI5Zxjf+h5dap5OmUQaM5ezszKNn\n8ATpGU3XT7yfqOeZNax7r54rkS0NoUOH1Gq1oE4qfSNHWsctro06Go28by37EXshNQqFPnSta11V\nZAEv2Gw2S2pUKZAast9qtXzt0p9GKyhYD/oQnd9oNLwf9cjHofNxyz1Tectb3vKWt7zlLW95y1ve\n8vYL2s96ph4eHoKbP7e3wWDgNzVuq2trawnow9XVVZAXYxZa0zVRkefwRg2HwyBG3yyEqFQPllpH\nzTLrG7H8WhCX/jSRLvb2jMdjtypgeRqPx0ExNk26N8usOFhtniqKyFi63W5SnG6xWATJ6vQbWxxX\nVlYS6OS7uzu3ZvCcQsUrLDxWUZ67vLz07xU4grFgedrZ2QnyScwyKxqyoH3EcfSVSiWw0Jhllgw+\nUy8Jn2kBWyxJajmJvUsav41clcvlpDiuAlVAn2az6VYSnn94ePC+FY72qYRWrEsqf5oAHBeO3djY\nSHK5NHFfrY8a+8xzcfFHLZ6rkLxYRTX5X/NJzMKEUeRULT9PwZaqtVoTdvkM+dAcNqU7/cF3vALN\nZtN5p55W6Mfz5XI5yA0zy6xk/A/NtBA2PCwWiy478Fzz7XiuXq+7LELndrudFEfWWH0tmB0DbjxV\n9LTRaPga7nQ6rpeQA10XvLder7tsISc6J9rm5mZSwHN1ddXfTR+dTifRE81m02VBPe2x3CnkvXpY\n4xj3yWQSFBhnbgAZ8LyWHogLppt90OHj8TjwyvE8MqgF3fkM2dVkc01yjr0zyi/WgIKmaB4ntNd8\nFugHXd6/f5/wqNFoJAn3Ozs7viaRp16vl5QqqFarvkY0EVzz7WK+XlxcJPlxR0dHrrfUG8G71Xof\n5x/d3d0lUQOTycTlROHQ4zIdmqdNf0dHRwHYh1lo0ee3mveAlRn+xu+Nofvb7XZgMTfLeMTv1VOg\nhaPNwnIjakGPgaMUqIJzjNkHmYD2t7e3fiZQ+iBvWtw7zhE/PT313yI76inWnBj0ca/X8/+hh+aa\nKsATY0TGVMdA87OzswBK3Cxb//E76vV6EEFEY34KHEbfGgFEf9BXwUbg73Q6DcYPrfTMAD3Ue2uW\n6SLex9/19XXXCer9Qu40WgHACPV4MQYFNuIzaKCgY+otoW/1ljJ3ZHJ7e9vXo4K/QA/0087OTlA4\n3izjKfOgP/V+aR6d6pCYlhcXF85XjTiArvx2d3fX9zme07sDY10ul4nXaHNz02Va4ebjs95wOPTn\ntERFXI5kbW3Nx6wlQZ7yOMXlLTSn/y+1n71MUecAImr9GAQY4j+FlqFIITz3+eefJyFEqpy1+rvW\nAzDLhF9dyGbZYuI5Fv18Pg9C/swyBQCxUW5XV1c+VpTfZDIJ3OzMg/EpQIW6CBXBzMyCBGiEQWv7\nqOs3TmRVF7cKWRxKWKlUnB7QbWdnxxeMCnfc3/Pnzx2JSw+SjEFDAPSQQouRdszCWkI6H8YKLRmX\nIkIp2gvvVR4zPpoijMW1IrrdbnDgMMvkj3konXkvPGq1WsmBbTqd+qJEOVQqFVcaLGzd2OfzeXJB\nWCwWPh5VFDEQSKPR8IsGnw2Hw6B2Ed8hExxg9/b2grpX0AqZ13ppMeKVolJqSJrW4DHL1k+MgrlY\nLILLYEw3TRJm7shiqVRyWj91MVXEHUKvFJEH/YBOevfundOAd2ntGQ0vQSboV2ujKWIl4TY6bw2P\nhGb0/VQdPA7dlUrFZfb6+jrRhwp4QN8aVqpJ6XGYwsPDQ7IxaYiDhvTAd9Zjr9dzVDUNB4xrnWhi\nMW0+n/s8tQ4K8s46Wy6X/g4FVFFEMWjOnDTEhefo9+zsLNH1mkjNwWM+n/v7njpc6JhZxzr2GPjk\n8fHRf6NIkHFIz/b2tr8D2VZgCfirlzNkTEOF1cjAPLVOmgIBxPp3PB4n9eieAsNpNpvB5Zj+YjCk\nvb09n5OCRMVJ9bqPwUsFzdDDGWNVgIkYXKNarSboYQpopSBL8QVGgV6Ym4amqf6Jx1er1ZJagBsb\nG37BRdeovOs5IA5XM/uwjyCfo9EoAX9QQAXGMp1OnQYaEheHROtn9Xo9QIMzy85XCrrCO6Ar/YxG\nI9dbatzitzx3eHiY1LzTMGQugA8PD8k+Ua/XE8S72Wzm+prnWq2W/xYeasqBhuchE+zBm5ubLvsK\nwhGnU6hTQOfLO5TX0EpTI2KjgYKEMRYFcFEUvni/0/MT9NZLoSL+Mj4FBIL2WktTHQ7MjbDCVquV\nnB0rlYrLpZ4JoCH80v2AuT8+PibhlnomYC1NJpMgzN4sDJ3XMH7qRtGf7gm6HhQsgzFpvVrGEof0\n67rgvYoi+JdaHuaXt7zlLW95y1ve8pa3vOUtb7+g/Sw0+j/8wz/Y+fm5WzNoCmXJbfX29jawKpiF\n7nGFw9XQALPsJs6tkT4AbdB3lMtl98Q85SXjFloqlfwz9YjE9XI0MVfDDGI4bw0RqVar3ie32uvr\n6+R9xWLRb9cK06zw12ZZlWssoVrvJ06Cw6VvZoEFg+cUbpqb/xdffOG/Vdhm6IcFXmud0LTGkiZ5\nm2WWFZ7VJEIa9CuXy/5eTeCPEyN7vV4Q9maW8Vzr0JiFEMrqNYwtOmb2ZPhmDBmsNRtw2c/n86T+\nTq1WS+r0XF5eBmNgPvqOGLJ9uVy6lU/ho5EdvCPHx8eBVZGxxN7PTqcTgG7wDmjN+81Ciz/Pw0P4\nOx6P7T/8h/8Q0LdWq/n30PTs7CzxsClkK/PQda2WyTh5XROkNTwirqiuFdyh+Ww2c6+R0jm2EC4W\niwAwRvs1+8D/wWCQeLX6/b7zjX4Hg4GvPQXKUYhls7AUAE0hmcvlsnuIFb6YPjWclUR2aoHUarUE\nArxSqQSlBMyycMqnajtBN61Hh/VU5S4O/dJyFCpDas02y9YA730KphkZWl9fTyyTDw8PLm8Kr0w/\nChijodW0eMzL5TKoB2aWyR1WWfh/cnIShFaaZfxCLjVsKYb93d3d9fWlewTv5bda90e9JfxGk7Zj\nD3u9Xnf9tLKy4noJmW00Gj6eN2/emFlY70/phvwqeAHPKaANOo91s7u7G9RgM8t0eFx6YG1tLQFL\n6PV6Sa0bjQbheZVJjVqBJ3w2Go2CkihmGa9jmH4Fm9BQ+9ibtra2loAmVavVpL7ZYDAIatiYmb14\n8cKfU0CDuJbNu3fvfCx6hoghr7e2toJQaPqNPbEXFxf2/PlzM/sQDtrpdPz/crmceO81nF29m6xr\nZPXx8TGIIDLL1o+WMDDL9B26SMPZYjAc/Ux1M32zDh8eHpLQ38lk4mGvT4Vvag0q5JIzle7HCr8e\ne11vbm58/SkP4xBhBVLhfDyZTHz9a5hZ7HUtFotBbT+zTO/w/VN15KDBysqKzz3WSTpffQdrSqMH\n4OloNApKY6BvmJNGSfCbvb09HyPyfnd35+NgTm/fvk3KUayurvoYNH0EPazRBfGeoCHdWiNNQWug\nn87JLKxbSmTE3d2d76ncNzRcUUNr5/O5/Y//8T9yaPS85S1vectb3vKWt7zlLW95+//ZfjZn6uzs\nzNrttt8gNYGLmyF/9/f3Ey9Ft9t16xMWEYVz5dZ6eXnpt0Ut/BcX3mw2m0GlYt5P35pYjFWG7/r9\nvlt7uU1fXV353BjncDhMCk3e398HhfkYl1pgsCBhqdnf3/fnNAk/9vIprCWWml6v5xYaLe6qRd9o\n/P/xxx+bWWbhUrhdM7P/+B//o4+Vqu39fj+xLt/d3blFUK2R0A2L+P7+vlsDNBEUHmIJub+/97lj\nQZ1MJkkMcaVSSYqivn792q0QCmUZF/f7+OOPAxhP+uV9WAC1CDBzVMuE5hLERTZXV1cDS51ZmDCO\nJ6BUKgVFArGi8w7N+VIofuZCPLBaYDVxN7bAK3y0em8YD/02Gg1fN1iNNDkcvg0Gg6Sg6snJicvg\n999/b2YhwAe8GQwGLkdYBc/Pz4NcRP1rFsKqxvlbWv1drXP0hyVrc3PT+QWtJpNJYOFkvnEuxJs3\nb4IipmbZ+ozzMiuVisu+JuPGULatVstpzzwKhYJ75fjs8vIySHL9/PPPg3nW6/UAOMcskzH6hlYP\nDw9OI80/UHhZ6MZckKH9/f0g79AsTBhW3Ybsa8K9loAwC4EFND+GMWsBXgVxgR6xp7NUKiXlCC4v\nLxMdOBgMEgu2FhXWArGxjtEcQc0pjEFzNjY2knww9ZyrFyS2LmsuAbTa2trydyhsMbKN7P77v/+7\n0169M+xtk8kk8Uxq0e6ngFs0PzL2el1fX/u7lX4KAGGWrWvNqaMPzR2kP8aNHAwGA5+nFounH2Ts\n8fEx8ZxOp1PnA3K8u7ubeKEV4l/BenifFhVG3jUvN7aI65mFdTGdTn2+H330kX/H94y92Ww6nZnH\n0dGRv4M9WgErGN/V1VVgqecd6qkxy3Q6MkG7urryd2jJE/VwMHfWwLt37wKQHN7L2UJz0tUbY5at\nG7xVOjf2Ai0VwFzQE2/fvk3Kefz444/Oa7xun332WZDLxzw/++wzM7PAY4s86VkOmdCIHM2LMcv0\nYgxopvnKWuQVnhFZcH5+7vpJc/UZA+edr776yvfSP//5z2aW7YVxjrgCh7Ae2+12AtbBWc3swxo4\nOzsLwCH47VOlVKDzs2fPfF/Hq12v1/03CqTB+JHz9fV1pxFnr+Fw6GPV8xV8UhAzzVkzy/RxnLvK\neM0sGCe/VQ8g64GxHx8fO+9YCy9evHD55YymkPc//PCDzxFa/6X2s5epnZ0dGwwGgeCaZQKlbnaz\nMMRKASNYlE+5iCHMdDp1Yv/Lv/yLf6aoWxABxaVKkr7p4+joKKhNxPg49CDcWqFdk10RLv7qAbDZ\nbAYhbWbZwT+uiXF1deWbsR7YtO4RzzNPaLi3txeg7pllAoeAa+VwFhvPHR8fB65txsfGitC8evUq\nSUDd2dlJao5Mp9MA/cQsW6goDeSgWq0mB0BN0teEYej6pz/9ycwsuLzwLj2I66UkrtlydXXlBwAW\ns4Zu8N7b29sk9GNra8tlQsP3eAeydnd35xcdrbnBewiNGwwGvkHBD7MP8rNYLHyjZM6Hh4cBqIVZ\ntshfvXplZhZcMuJDkoJ5aGhlnDCsNbZ47/r6ehJuW6vVnNYo72+++cYP+xqmEtd2arVaCYiM1jfT\niyCXEA0bi2vUlUolV9QcdIvFYnAZ4Hn4yThns5nLtKJiQreXL196f8gbNLu+vna5Q162trYSJT4e\nj5+sq/MUKiGyoOGU0G1lZcVlj8Pb9va2yxZzVwAa+IDcm4WXVQ1PYfzQlX4vLi78OeiiQCAa6hAj\nimmIG3zb2NhINu/RaJSgr1UqlQC11CxbS9AAHVgoFAIAELNMtqElsqFAGoz9/Pw8qM8HP7S2CrRX\n2TfLeIQcKx1jFMlCoRAk2ptle1JcB0n101NGRtVncc0zPXgoCig6bXd31/Ug9KhUKvbHP/7RzCyo\noaMXF/rj3arfY/TTZrPp+zVNaw8pDbRumFkox8iYGrVev37tn0F/DsZnZ2dOS91HObgyt/l87vpE\n92noxjwUWVZBP7R2jlloYOXQdXl5mYS/tVotN0wqAi79oae2t7d93X/66af+HJ8pqEscXrpcLp0u\n7FOlUikB/7m+vk5SLIrFovf3/v17H7emIcTGFDX0KnBDDEAwGo0CNFIauhF5UVRVNb7xPp5rNpuu\nH5AJpbUetNm/eP7777/3scDzSqXiz3FmVQQ9TfNAJpQGWq/OLJPnGCTq+vo60W0bGxveN+uiXq87\n/dADZ2dngQGTFp8h9YKFnGiKDWvq7u4uCN+EBjEIQ6VSSc5jg8HA9U69Xg/qKJplZ6Cvv/7azMLL\nO33rWTk2YGr9KDXYx4YzPcdobU5kGf62220/vyLvq6urT4LSxUibJycnfmZANk5PT/08Bg329vYC\nFF+zsKbcX2p5mF/e8pa3vOUtb3nLW97ylre8/YL2/wSNPhgM3OqFhUiTjTWMgtsilsRPP/008CCZ\nZS7d2Gv08ccfuxWAG+DNzY1bAzSRDmuGWlMV194ss3TGSd8rKytuIWAe0+k0sWpqWIvi+fN9r9cL\nvDFmmTUN6y2W0/X19QRmUkNw+EwT/LAMKSSqeh6e8n5hQdJEZqwn3NgVxpdbfqPRSKqJazgD/FK8\nfw33iSF7tc4Ilp35fO7vVbpgKcHbo3DOwKF+/vnnbvX67W9/a2aZ9SC22P/bv/1b4KY2y6xzWl8I\nWvA+eDUej90ioZDHKucx/ZR/WpuK90LzFy9eeN9Yv9bX152GjOXq6srlCXn7+uuvnQ9YYjudThIG\noJW5FahEIUfNMr4hR8jYeDx2qwxjVssVc19fXw/CiswySxfeHcZ8dXWVyM5kMklqxW1sbCShcNVq\n1dcK/enaVN7ATz47ODjw5FFkrNFoJF7IarXq40Kf/fTTT85r1oXWMqKtrKwk5RB6vZ7zHyt5pVJJ\nal4dHBwkoUQPDw9P1l1CNr755psA5tks429cA+ypWlyDwSApb9Dv931cWjstDnFRC6eGF2v5C7OM\nvwqgYpZZ+bQuHzRnT0Cu3r59m4T+7O3t+Ty0nhe/UR3IPLDUa+05hcaF//w9ODhIIgBarVYCv318\nfBzA1kPHmC7T6TTwBtNvXO9FZYnvlsul81rrwjA3BfyJPTuFQsG9KDs7O26ppT8NRyFMplAoJOGR\nCsWsIAFxmKKGzKlnEt2ssh+P+fz83HWyAnJ89913/j6zMASTcNr5fO7j05Dn2LvYbDZ9zLpvMmb1\nvvMc8qd7LzQ4PDx0fYheKRaLHimAhV2jWtCjrVYrKaGxubmZwEOXSiW3krP29b3oaF2juvfGkSKH\nh4dJeRWFL9/Z2XGvgUK8w2PG2mw27eTkxMwsSOCPSwoMBgOXQWRMgVaY7/39fQDVbpat16fAsGJA\nhpubm8T7oXsb+nU8Hrs+hK+vXr1KPHHD4TAB3Lq/v0/WtXoIkQ0FNKHt7u56pJCGGWttR7PsTMK6\nh96Xl5c+fviyXC6DMxLzjVNiNIRZI4CQIw2hRhZ41/n5uX311VcBDR4eHpx+l5eXvq6RnVevXiUp\nPXr+Z1xfffVVUqZH63Myp1KplNRp1dqYCvQEvZCn/f39oO6mWQiyBZ0bjYaHT2oZJI1w4F2EsDJO\nBa/S2nxxyYu45Z6pvOUtb3nLW97ylre85S1vefsF7Wc9U4vFwqrVagIfrZ/96le/MrMwyZGb/Zs3\nb4IkTrOw4KdWpMZyxq318PDQb51YIRUaWWGnsfJrsd04QXJzc9N/i+VvNBr57ZM+FApYk6G1MBs3\nXI3LxnqmIBfcgDVhPK46v7W15RYG5j4YDJxu0PzNmzdOI7W6x3HlZh+sDk/BjEK3g4MDnx90e/ny\nZQK0oJYOtQbFFpNWqxVYgRif3u6ZG54BBRHgfcTMdzqdILYdupMUyDg3NjYSr5Z6WLBWHB4eJonq\npVIpsZw1Gg2nPd6DarXqY8F6tLm5GeQQMj71rDBGhZvGUo8FeWNjw/8nR+v8/NxpjRz3+/0ELGNj\nYyPhk8ZZY+29v7+3Fy9emNkHmZ1MJkEehlnGr7gAYrlcdos/Vsh6vR4kzkNnrErEva+srCRekqcS\ngdXrQisWiy5PWAAPDw8DSyi0ii2suq61GCtrk3739vbc4gyvHh4ekoKf79+/DxK3zbL1EReu1Pwd\nnr+7u0s8Xc1m0y36WigV/v7+97933jAuzceCBrVazdewxq4zBtbZeDz255jb9va2P4ee+PHHHxOA\nF50nbbFYJNY7zd9i7ApbrvmgWDD57CkgjeVy6fIBfc7PzxN480KhkMDql0qlJOm7UCgEYDRmYRFY\nLcDMWmfsW1tbCRT0aDTy/rRIJY33K0gMukPzHjRfATlnPmdnZ0ke6OrqaiDbWGgZ3/v37xNvVrlc\nDtaGWSYHJPYzj9ls5vscPNRcPYXBZi4KmsT6gr61Wi3Jo9ASH4xT17rCJivoE/2i4zU3Ed2hkNLI\nOXzY2try30CLer3uPIZHWs4Fnfn69Wv/n99qTjR8V92mJTI0Yob5IHd8N5lMkoLUhULB6aVeqG++\n+cbMwggQGjy9vb31NdVut4N9H/rFQEVa2oG5nZ6eOj9VZuO88uFw6F5ILRAdAyhUKpUArt4skxPk\nAxnb2NhIwJB0j2B8nU4nAL/heT6DNj/88IN7IdQTQ9OyDnHur0YeKfQ95zZ4rl43ha+Pgaq63a7r\nOT7r9/vOO87W5XLZx6IRHng1dW+No2A6nU6Qu2yWRdpS7vYAACAASURBVPtAc55fX1/3tdJsNh1Y\nQnnOGDWfFR7z9/r6OoHBPz8/D8BozML8eC2ozljVA8dYn/Kw8y4tIM9d5OXLlwFAHWPC68n4isVi\nUqalUCj4mFUnxUXq4/azl6n5fG6j0cgnoBWZWSQs0o8++ihJLK5Wqz7wOCzM7IMS73a7PnCUnyLL\nMOGDg4OkVlSz2fRFwZh2dnb8oKvIPHyP8GsSsYatQFgNmVCUIa3VY5a5H+Nwq2q16nNRpL8YieXh\n4SFBS1lbWwuSS81ClCHGf3x87IvnN7/5jZllmynCR9PkWxas0oZwhru7O98Q9YDAoVIvfbEiHo1G\nAV1p9AN/R6ORf8ZGWywWg4OQWViNm/loCBaXEk2GZaHqOzQMifdpHSEudE+h/ulFhbHoxQnAA1qz\n2XRaFQoFnzOXpG+++cb5z5xOT099PBwUXr9+nYAvHB0dJYmsFxcXSbjNYrHw9yKfW1tbTjfeYWZJ\nuKqGQmpYDodflHilUklACebzuX377bcBjarVqm+wzPf6+jo49Jhla4C1qWAorDl4fXh46P/zjh9/\n/NF5zXx2d3edr2oI0rVklukaxoC+qNVqTnNNmtcwFbNMTumP9Xtzc+O8YR4KaKO123QDRva1kjtz\nUXRNfq8XthgIpFarOd0ImXr27JnPj99eX18H4ZNmmYzxvYY1xnV8NjY2fI1wiB8MBk4vmtYU01At\nLt2KkBYbdvSAhF5Uw47WfWN96QbKs8y7Xq8nYchaowg5HQ6HThcO0IpKxm83Njach1yC5vN5Evpb\nqVSCw4BZiCKnhg8FPDDL5C9GYSwUCj6n//Sf/lPwbrOwXo0abj755BMz+4Ae9tlnn/lzGjYE3VgD\nWhdIw8u0zgs0jw8wBwcHSR28Xq/naxK503p5iiIX126cTCb+vRr22NPY4zY3N4O6e2ZhmH8MvKPv\nODg4COpVmmVrJa6DqPuTGiDi96phVOvhIVvM4+LiIgDxgj5aE8ssDNmlv8Vi4fKGcahWqzkvt7a2\nghA9s+wMoWFWzBda0p8ismnNuPjSNZvNXBcorRgr+87z588duIO5PX/+PDCOmpn967/+q9ON8e3s\n7Dj9FcApfu90OnV6sQ8sl0tf66yfdrvt+knrpcF/Dt/dbjfhjdbB0/Mia5y9cm9vz8NamY/Sl+cV\nMVbrtEErBXXT0FBorzX7zDI9wL6iZ5YYIbtQKAR0jlGE6/V6YiQvlUrOB2i+ubnpfNB6XvFZr1wu\nO691L2IunEUnk4mvZ2T26Ogo+Wxvb891t+of1Te8PwYvmc1m3p9esKABekpl+y+1PMwvb3nLW97y\nlre85S1vectb3n5B+38CoNCQFNykxWIxCe/QEDEsPs+fP/dbLbdz9VZp0jE3RPVQYfHhRnl7e5tA\nlOptX933MZ7+fD73W6rCSHIL5ea5u7vrn8XQ4WaZBTMOvVCsfujR7Xb91v4U9LRCmsehWvP53C0h\nzEPrSGDVUu8dc7+7u3MIVoWUxIOBNeDHH39MEqj/6q/+KkjYN8usPLybd2lCtoaDxHTRBG+sx2/f\nvnVLEzz81a9+lbjCe72eJ8Pyjtls5ryBl5ubm84frd4dV6KPa0DRB/zSWiBYqbAedTodHyuW3U6n\n43zF6nt3d+f83dnZ8fFjIdrf308gVguFglufGMPh4aHLvLrCkQW1/CnIBDRiffH+RqPhPIGv4/HY\n34H8DYfDxFr57t27oD6WWSZXzEnDj/gN/Or3+08mGyOXat0mxI31Op1OE8vat99+6xY/BUWBHshp\nqVR6sqaU1mKDFqxDTdLlN1qfg+/57VOtVqs5/eDVu3fvfK1A+/v7e6dBtVoNPCVmWV041in0VW+v\nhuBpuKhZWD8MC9xwOHQ5QQ9cXV0F8OLMXRPA+W3cfvzxx0SHr66uJlDxo9EosKjyV2sE0Qcypusi\nro00m82cr3hdCoWCj1UBTRg3Y9H6cRpSpPXUzDJdCN0UgEIt8PyNwQE0nIrnlsulv0Nr7UFzxre+\nvu6WadZPo9EIwJfo94svvvC+8RZirX54eEhCgx4fH33/ZVz6vUJBxx6CbrebzLNSqQTh3dAK3f03\nf/M3Zvah9AW/YW7wGp0/mUx8XeNp29raCsLAoB+8gUbj8ThZk91uNwl1vb29TbzQWlZFQWnQRewD\nv/3tb91zxnv39/edhyonfMbcdnZ2Eojn58+fB6AKZtlaQLY1/BrdobWP2Evhx8XFha9D9rPNzc0g\nekdr4ZllMoHlHZ2wv7/vwEIaZqy1Ds3CUgt6HuMzaKW12BRCHR2jZweeU7h55gwI029/+1tfL3jg\ntAaozp21BODCy5cvk72t1+v5HoOs6brWFAAN72acjEXrrzJP5Pjt27eu55C1RqPh+knDveOSO+/f\nv09qvHa7XY8e0bI+CvrA88xX9+84fLzRaPi+OB6Pk3Pi5eVlEJFgloVMMlbWyvX1tdOG/iaTSRKG\nvFwuXWa0Lh36l3mo3uE5PQMzd/UGMuaNjY3kPFmpVHw9a0SMhjibhVFNzFHPIn+p5Z6pvOUtb3nL\nW97ylre85S1vefsF7Wc9U2bZrRGLHrdoTarG0qGw5XhO+Nzsw43+8PAw8CaZhZZkLBP1et1vnNzO\n1eOgYALcIBnTcDj0mG/Nj+CWrJW/44J1/X4/SAA0C62LWllaoVGxnkGDtbU174fbr956GevGxoZb\nqTRePK70rjH/WI/W19c96U75wfygUa1W87FQYFatVTz/61//OkksV0smrVQq+XwVhht6YDWu1+sO\nGAHPf/WrX/l7sYKcnZ0lVedvb28TmFnNSYI+lUrFrXfEe//zP/+zW++08F4M8TkcDgPQErOMH7Hs\nXF5eujWIz7TYHoAL1WrVZfb777/39/z+9783s2xdPAVGAM2Z23A4DCBCzTIexhXPi8WiyxtWMoWt\n1gLMMdS2zkXhnLGUPpV/hoXK7ANP1BqJtUsLDDJmhaCHLtD8k08+ccugJv3HVi213DFOhVVljTab\nzaRI7d7enq8HzX+BvlrMEnlCJk9OTpw3jGE2myV5XgqQo3kSrAF05fb2to+h3++7JRcrnybfqzUV\niy46stVquazyV8eNx0HLG0CXzc1N1wnwrVwuJ9D41WrV+RXH6msbDAauCzQXi3h2WqFQ8Hkq1Drj\nR68ocAOy3Wq1nO/8djweu0Ua2quMa+kLfqP6G/nQPBrG8pTXVdcR3zO+5XLp36tXDf4qXDeySB/X\n19dJPrDZhzWH/MWFmllDrJtPPvkkya3F6qt0Wy6Xzn+8Qq1WK4mm2NvbS3KSzT7oB2Si0Wj49+jD\nWq3mv9UyHPwWmipYgu5jeEQ06Zx1AV3evHnjv9VSBcis5smxBpA/zfPTvEX0iVqw4/ydx8dHX8PM\n++XLl4Fnnef4TPMgtXAsY0GPMPZOp+O/VY+86iqzDFgAXjIWBTai6KpZeG5SgBr6RmZY49fX165/\nVYdrtIhZJi8xYMjKykpQcsIskxPNYzTLPJjoHc2ZYV0hO1rKQs9r8IH9//vvv/c9UnOiYzhyPWcx\nb839Rnba7bbLGB4vLb+gNGftMbf3798n0T63t7f+vUKja56iWbZ+eA5e1mq1JMpkuVwGZyT+8j26\n/Pj4OPFW7ezsBFgC/M/a+/LLL92rjQx+9dVXrqdZ//1+3/7Lf/kvZvZhbZ6engagO2aZXMVeo1qt\nlpRGmk6n/hu8i999951/zx3jzZs3LsfsY6enp8lev7e3l6wbLQXCvG9vb70faKT78V9qP3uZajQa\nQXVtJnx8fOwLQlFzEAIEb319Pakf8eOPPyYVkPVChHJbX19PQol++umnpObJ3t5ekuRcLBa9H609\nwnMoU61vpMT69a9/bWYfFnaj0QhqT8Eo+p5MJglyynQ6deXOAaDZbLqA6AbFuDVpmv+h1WKx8IWA\nIn79+rUrIVyrqvihfaPRCPqBVggQF6zz83P/rdbT4b3Mdz6fO99jpCKzDzKxv7/v37Ohl0oln2/s\n6tZ3DAYDpzk0VT5Ax/l8HtQDM8sWEHylXV5eurwhu9Vq1efGvBX1kXc0Gg0fP2Op1+u+gSE76+vr\nvvHc3987D1Hyo9HIgUKQ6VevXjmNNLEYvmodpLiOW61WC9DKzDJZY52ihDh8Qy/mC73gXblcTtbc\nxsZGsv7n83lyObu5uUlQ+iaTSVJPZzgc+pi19hmygGyjexiDWab82ByhuQKGaNhNfDAZj8eu5Pnt\ncDj08bOpNRoNV/JcBBT8hX617peG4MWH7tls5jRlPs+ePfN+er2eyxRj/emnn5JD2ebmZlBfjLEg\nJ4r0R396CGVcCq6i9arMQnRDBaJBZphTt9t13tE6nY7LpRpGGCtrXuuWKRAF/aErX7x44XRVNE/G\noLWFYp2ldZoUECBOmlZwAA0553/d2GN0MEXp4vnhcOjzhAflcjkJfyoWi85f9Mrh4aHTDcPNxcWF\nP4ce+Pbbb503/X7f36N15mjQ4+DgwP9n7+v3+y7zaoSM68csFovAiGKWyZ2GkJllfIBf9Ht6euoH\nHT0ToB+Y77Nnz5xneuFk/aHL19bWPHxKQ9ThIf0pYhyHvf39ff9eQ16RWZ6/v7/3NcK6ODg4sH//\n9383MwsuDLxXw3iZh9al0XqKfKfh7Iwv3ov6/X5wyGfssR7TwzRyur+/7/2sr6/7XoX8jkajIK3A\nLJNLDYuFpjGwmOpwdPP79++TUG0N1YJGCqCAPvz666/9fMj+/5vf/MbnyWelUsl/i75YXV3151hL\nioyoodXIE2NfWVlJABk2NzeTml2KNqv7CvSAR9fX1x7iyjjVQMla2N7eDmrnwYNYp7ZarQBp1SzT\ngYxPkfIUaIXfYlBGp7948SKo98gcWQ8KIkU7OztzuYVW7Xbbf09/f/M3fxOE1JmFaM4aNqyIjWYZ\nb9irOKvM53OnF+//9NNPk3p6BwcHyeX39evXyTy3t7d9jTDO+/t7NxqonMJ3zv/b29sJom3c8jC/\nvOUtb3nLW97ylre85S1vefsF7Wc9UysrK1atVv1mDbDBw8NDYsHqdDp+e8PiOR6P3bpDqMuLFy/8\nJqk32DjBb7FY+A1RawZhLdRQBqwemnSOJUbrkvCchoho8r1Z5p3hlsw4Nzc33epxd3cXQGszPm7t\napXDooZlRWFmeYdab9UTo4m9zCl2SWtSHBa2+/t7twYoxK7WVqI/rUoNDaCXegjixFhNNqW1222/\n8atVm/eqVR2LA9ao9fV1lzGFy8e6gEt3Op06/TT8CdpjtcSdT9+M+SmwESyDaknkN1hJbm9v3eoG\nnb///vsg8ZR+kSMFMoFvnU7HaUR/P/zwg7vU6efo6Mj5ryAN0Ia5az01+njKUq+80ZosrBHWxU8/\n/eS8o18FVaBdX18noQubm5tJWFaz2fR1D51LpVIQVsbY+UyTxHmvwrBr+AT9sr6wPM5mswAAgvdi\nIUY+FAxFw1FYV9B+NpsFnjqzTE8wfvSBJtfShsOhr2Hmo17wVqvlfau1Fd2hsO+MW8MU49ITrVbL\n34M1s1qtOo/Vq4lMKJx3DASxXC7dG8h7tZ6OrmvkE0/m/f19sJ5pWJKRxcfHR38OS2GhUHD9AN8U\ntlbDixQYwSyTP5U3s2wNIAtPeaGQA0025h3T6TSBfVfPLjpfE6QVjlh1qVm2fjSUxyyzHms9LeiE\nXmQ+FxcX/v0nn3zi6wBr9dbWVuJt29jY8N8oIE9ci291ddX3Q92ftN4a/cZQ4eVyOQk5VLh0DReP\nQ4Rns5nTVyG80V/8Vs8JvGN/f9/XF99pjT/01GQyCaz20CyuZafw6+gTjYhhfL1ez+UYHmn4u5Yg\nYb7qeWC98pzKE2tKP0MHaggz85hMJl6mA5q9evXK15xC3tP3zc2N8xidv7297XRQDydrUmHa43p6\nhULB91X16PIc+9Of//xnp+//+T//x+nzd3/3d8G7/vN//s9BWolZpsdYa+iG+/t71/VaAzLeO1qt\nVpKK0Wq1nJYKOgYNmZsCrnAW0XMbOrXT6biuRD4bjYa/Vz3T8J/1MxqNXOdzPtrZ2fG+maOei1hb\na2trCajXYrFwnU+kVavV8vXN3//9v/93EJZHnSn1tsIHDR+HhoBvPT4+Om14fjKZJB7TtbW1JOS8\nUqkktQc/+eQT1yfI+Xg89nM47yoWi05D9O/u7q73p57JuN5fsVgMohTMspBT5Je/WhfsL7XcM5W3\nvOUtb3nLW97ylre85S1vv6D9rGdqNBrZ+vq631y5ca6urvotT4tdKhS3WRa7yA1drQdYH9SDFeez\naFV0rBG9Xs+taWqRj63BWgSUPu7v7/05+igWi4FHh3HGVvfT01O3ym1ubvqtF+9Co9Hw5Dz17GDN\n4AZ+dnaWeNFGo1ECb765uemWSG7EOkftI4aZ3djY8Js3/ZbL5QBMwSzkF891u13nCVart2/fJvDW\njNEsjDWHXmoBVshmsxBsBFrd3NwE+V08pwWBzTLZiPOt1MNCH9Vq1XmkhWsVHMQskyfGoPD7WHyw\nfnz//fcJNO7Z2ZlbFbHm7e3tOV2KxaL3DV00N4wxq+Ua6+L9/b2PUZOmkVvkSq1orK/FYhEUAjXL\n5B3LC9bKjY0N5z+00lw4gE3Oz88DsA/mw5h5x9bW1pN8jZPNt7e33bqkicCxN0DLA6BPHh4ekgKu\nhUIhKSOgeT5403/66SfXLcz34eHB5UNh8OE71s+9vT3vGx5ub28nHtvZbJbAqmuuI2v0hx9+sL//\n+7/357RYN+ODvugVlR34cXZ25s+xbjUxWos38w50b7/fD/ITGUvsbX18fEwKYE+nU+9PATegG9bg\n9fV1lzfkdH9/3+WOd+3t7Xk/WHbX1tYCEBT+xlDx7Xbb+2EdPgVHfn197bxROPnY8r+9ve2yoHlB\nzAOZHY1GSaH5Tqfj+4SCGCG/WroDGUQmP/30U5cP5lsul12fIENqJf322299DFqIEjogO6VSydeL\ngthg8YVW9/f3CZCBFh1mz9e8B957dXXlnhzdK1mbCuag+5xZJhvxPKbTaVIA+/T0NICDNsvkhHdo\nEd64PMD19bX3p3sRfTO31dXVxNO4XC5d7qBFvV5PxjKbzdwrC73Voo1lX/dZzS+MzzZ6zuK5YrHo\n3oO//uu/9s9YD6qrmefr1699jWieH3NXj16cC/vw8OBj1bWswAmMgQaNVlZW/H14ukajke/d6Ita\nrebvgH7D4TABILm7uwty+cwyHaPgO4wvjmpqtVoub6zXu7u7RLfV63WXTwWRYaycA0ajkY/vb//2\nb80siwTgveyf3377bRIlpfgCCnwSl/uZz+fBeYOmJQXMQh2DXv78889dFvCwvHnzxuWJ/n73u9+5\n5//k5MTppZ7zGBZ8uVw6v/74xz+aWQh9r8/Ba9074py/QqHg+6uCU9En/K1Wq37mglYrKyv2u9/9\nLqDb9fV1AqdeKBT8M8ZSq9USYJlOpxPkopllcqAF459qP3uZajabAfJenJhpFtaFQXmzEDudjgum\nhn7EYR6Hh4ceDsQibbfbLoQQZDqdujBorRAWB0phPB4HiftmGXNgAIwbDoc+JwU2QBmQwKfJuvV6\n3WnCGMzCukdmmYCzUPUQihDD2M3NzaCGhFl2mGJOegjifRpGwQbGwrq4uPDFoSAN8Zhns5kvQBbL\n4+NjkqS9tbXlh0q+m81mSSjZfD4PFAP84H94fXFxkfxWN0S+297eTpJ0Z7NZsKnAG3inaHLQUi+K\nMeqTAhDQNHlZD9+4s7kIdDodnxO81AOggqqwXq6urpJE0YeHhyDpmue5MDOns7OzJLRWwy1ZK2tr\na74O+axUKvlvtGo67n/Gp255Ng1FIwPkZHNz09cQsnh2dubypGsKeeO7m5ubhL67u7su73roQolq\nXbj4cKYJo8xR61uAfHlxcRFswGbZoYUNUYFq4jpIWssGGa9Wq0H4CbSIxzcajbwf1lG73Q5qsrFR\n815FmSMU5vnz534ggUdah4h1sb6+nqylarXqz2Ho2NnZCfhuFtbs4lKjleOfSl6nDw3z5JCuYX56\nudT6ImbhRZGD5Hg8DpDHzLK1GevUyWTih3d4vlwunZbQoN1ue38KaEBTo1AMkHJ3d5dc9sbjsf9e\nayghq3xWLpd9/Hw3GAySMOlut+v0++yzz8wsW7/oTwUs0pBtfqOAJtAQvt7d3bmMafgoPESutE4S\neq5Sqfg8kWkF91HwB+QSA4bWqIQe9Xrd5Yi1p3ughkRT00/D95kTe1yv1/PLIPOoVqsBehz90VQX\nQT8FyogPtXd3dy4T0ExDGJHndrsdhPyaZesNfuiaQWep7HLGYC2vrKz4emX8o9EoCMs2y9atomAy\nN95RqVR8PXCmOT8/94Mp+2u32/V50s/R0VGiN6vVqvfNutja2noSgABdwNr75JNPkjDUcrkcGNv4\nLXTjuWfPnvl7mW+323X5VLAb6K/olcgb/WpoHc8pEqTWa+Ncx57UaDR8TYFeWSwWnb4YNBqNhv8G\nWtzd3TmvedcXX3yRnFmurq5c3yiSogKPMGbGqiG59AP9fvrpJ5cdDfFnzW9vb/slkM/evHnjfNew\n1hjgqdvtJgiaWmNR6+oxJzXixEirf/u3f+vyzfjVSI6e0PQHzhoHBwcub/R3d3cXGGDpA/3Kuv34\n449dj7EuFovFk/UWteVhfnnLW97ylre85S1vectb3vL2C9rPeqbOz8+D2hO0wWDgljLawcFB4kmo\nVCputcECdHx87DdrboDv37/3mzoQpOvr624dUdCG2JNQKBT8lqo1Krh9akItt3F138aeDgVwUJcy\nVgWFQeb7nZ2dAM6U/tTKapbdnJ+qURW7SMfjcVLBvV6vuzWAG/jx8XFQl4F5Qksq0L9//z6Bnj0+\nPrYvv/zSzD5YW2u1mlt8oEG1WnUe8o7pdBrAKUNzxqJWEixiai3lfVg81tbWnK94Tr755hvniY4J\n+jOPdrvtifYKHKLJmfAD+ilsqta1MguTPqHzixcvgkr1PIeXEUumWkTW1tb8PfD36OjIx4Asvnz5\n0sP7kMXV1VUfA3NqNpsuM+p+ZvzqRYFumkQOrzVEFVnUWjtYBnluMpm4RYcxm30IIVI47DiMtl6v\nB6GGZhkvsQYik4VCwemL3O/u7rrVlndsbGx4f8xRwyTxQh0cHCQwyIeHh26lJjTh4ODAaaSgJdBD\n4dqRS8Y5n8+DOhRmGc/VYgYNYsvup59+GnhJmSd9Ky3RpcViMahDZpbJQQyNf3JykoSz1Go156uG\nTNC39huHJmtIDzp/fX3d+Qld1JOsIbtxHbT5fO6/Vcs5v0U2RqOR6xatL4Z+1bUZewgHg4F/r7X7\nYnh7hZmOaxVCX75jjfMOBc2IPS1mH9b8eDz2NarhqMyNcd7c3CQgF1oHRUOxmFO1WvU5MdadnR0f\nD/r4yy+/dP6rTCBHjG86nSYhwqVSyXUzMr1YLJK1vr6+HoQxMSb4Dq97vV4CNnV1deX6S73Q8Ab9\nruFW0ODi4sLpCm90box5NpsFwA40PAkKVY0uYHzL5TLY+8yydYssKpBODHyioE5Ekega4Lda40nD\nleCDQvPTN3Pb29tLwI52d3f9LHV/f+/04r1bW1s+Tw2ZitMyFH5fIwl4j8LRwwc99yCLRDWol5x3\nDQYDpyVlWvDim32QJ42UQibu7u4CsCTownqAbupNQ54bjYaPD52ws7PjfGC/Ozo68rWN1/jFixcu\nY8CJj0ajoAYoNOAMB61arZbPA/krl8t+XkOGxuOxe2A1BDguv1Eul5Pw3Ol06p4dflsul13HoJ/K\n5bL/XywWvR/Ww+7uru8tjEXh7TWkE74qRH1cGmWxWPj7oOn29nYAz2+WrWvWP7Kmnnpt8Jh+J5NJ\nUMPQLNubGSvet59++inweptlZ+E40k3DAf9Syz1Tectb3vKWt7zlLW95y1ve8vYL2s96piqVis1m\nswQEYWVlJbCimoXx8ZqETzwpTQt5aXVnbrrcgtUKjhVvPB77zVQTvbUIr1lmTcHSpQnVMVzm8+fP\n/ZbPzfPg4MBv8lhinqpsbRZa0bjxqwWRm7fmusRWOY2dV6haLANYbK6vr5MCeCsrK27ZgDcKVMH7\n3759G1jU4s+0kndcxFDzqNRSCM0VZjIGEYDuZhYAEWA1Uss/c8Jr9dFHH7n1CVnTgqrqSeS9Slst\nWGiWWeSxokP7QqEQxHwzdqw7Kts0eHl/f+800LwsLWyH3FI0T62ZWgQYSxiypQnPmtxMg5aPj48J\nTKrKk4KcIPuMqd1uO+/4ThN5mbOCOSB/6pngt8fHx05reGhmiYVIvVDKN00KZb6aoM530EVhcNWz\nZpZZnOJCk2Yf+KRAH/ADnmuBa9b0xcVF4jlbX19PgCN6vZ7TiOeWy6XPSfN8sKL9/ve/dy8f/XS7\nXZczzSFjTtBqb28v8Xp1Oh33BvGOd+/euSxgHdccVyyYWmaC5xT0BX4sl0uXI8asuaSM6c2bN0Fl\neeiM7MA3zSHTsg+MWUsHMAb1lscFMGezmf9WLf/KO7NszcBXzdmIcxzev3+fFAHXxHcsntvb2/4O\nBSyAX+xF8/k8KJ5tlnn44kK+GxsbQTK6WbYGFFqfeWLRv729df5r3gN6kzzJ29vbpNRGsVgMgEzM\nMllEztXzT38KfETjt8+ePfM5ISfD4TDwKsbvUFmLc5wHg4E/h0wcHh76WBR4JQYlKBaLTitkvFQq\n2TfffGNmH6zVCudN04KdCk7Bcwqkwr5Ezszm5maS+zGfz30M8LfVaiX9aUmDuCSI/vbNmzc+Lp7/\n8ccfA3CluOj01taW85/1Mx6PXSdwHmu1WknuqubCKNw4+5KWS0DncZYaDodJNEC5XPbxww/1dHEW\nLBQKPmdkdmdnx8dAH0+BVxQKBZ+n5hnGkR1mluQpqezw9w9/+IN98cUXZvZBd9ze3ibe9MVi4fOE\nFlr6RMvXaHkWszA6S8uiICe8Q/U2Z9vZbPakE5UcHAAAIABJREFUBzPOdRoMBgG0ODxEfqvVqo9R\nAV60rAXjYjy61mMvZKfTCUBBzEJvq+5n8Vrf2try+wTjVL2M3F1fXyfFfT/77LMESOP4+DgoTm0W\nFr1XMDnVuU+1n71MzedzW1lZceHS0B42NYRRayjAqJOTE5+0KmwGyUTNLElK1kONMjOu2l2v130z\nU3cmv4GAk8kkAJ4wCw8tCIAi/LDRrq6uBsLHIZpLwWw2c4azkSliC4qk0Wj4Z9BlZWUlSbTWGiDQ\nTcO8CNnQgwn8WCwW/pkCZBDmpWAOihpl9sF1bvbhINZoNPx9zG1vby9IHjbLFEUcDqKoTzzX6/W8\nb+Tq7u7OFxMXnlevXgUhk3FTsA5CCBTBhe+h7e3tbXCxMguBL3iX1mdAcR4cHPiFSBVGDMhSLBaD\nCwD0hOaPj49JLSata4Ti6ff7Tg/63t/fd3nUtYYyUAUGPXj/6upqkmw8GAxcgbBxmoUHfrNMhriw\nK3BMnHyvyg8evnnzxvnAelxbW/Mxs0lWKpWkbtHd3V2AugWt4IkmdWtImlkmp1qzTcdu9mHdHh8f\nJyhi4/E4QbRTdDjkXkNx4cuzZ8/8fw6yChKhfIMee3t7wWGBeTB3Tf6FXxy2C4VCAHjC3GOADwVa\n0LBW5E71FHTgXY1Gw3+j4Wpx7aTLy0v/jQLlQCPW5srKSoAyCF1iNDK9xCNDenHWZHP6gfbT6dR1\nlm7mscGrXC57Pxoup6F80DkGYRgMBolxSw/dalhE30CDer0e1N1i7DGgwWAw8PkqKALrUetfxYYR\nsw97n/aNTOj+pAiKcf2oTqeTGDir1WpQX84s4xeygJy/fv3aD5y6Runvu+++M7PsEMzFijadTn2s\nHFAbjYbThjV8dnYWGGCgW4zwq+cOaNVut5MQsWKx6H0jxwq4omBR8b40GAx8Tlrnit8iBzoW9N7F\nxYXrGA15hVZ6+Y5D2FV/gvS3srLi++zq6qrzTsGJ4nVYLpd9zrxPDbvsHRpKqoib8VgrlUoQ3gsN\nFHCGsWg4llmYXsA4371750YeaDAYDPzgDw1OT08TYKFiseiXLQ2hj1F/Ly4u/MygtcU4P/Gug4MD\npxUX8dXVVd/7mKMaU6DBcDj0dYPc/elPf0ou+wrMoGjYyKyecWPjoSJL8pmiKyvytgItxHXmBoOB\nnycUbEwRJ/mr5xfGEIe9ai1GaLS3t+fj17NcHEY/Ho/9ew3tph+MFh999FEQZm8WIl4qTdU5YpbJ\nNnuCntEVdO+plof55S1vectb3vKWt7zlLW95y9svaD/rmVpZWQmS/hW6V2+aZpl1gdsqN8Visei3\nbIWbVMADs8wyzi1aYaa5vfPe6+trtyRgQdWkXX7b7Xb9e711049aLZkHc7y7u0uSV9+/f+9Wo+Fw\nmISBrK2t+ZzVsxYnZFcqFb/tMpb5fO7WFmj5+Pjolgj1Mqkb2yxzTceVmf/0pz8lCdkKz6su/Ths\naH19PakBc3p66jzEUjOfz4N6IGaZrGi4GzTQGltmGd/4DVaojY0Nd98yt4eHBx8XlqnXr187T7Cw\nHRwcJHDj1WrVLUQKvKE1QszCJHdNxoeXzPv9+/ceGkZi7HA4DDwcZpk8QOc//vGPbhlknq9evXJe\nP1VLROnCPJGx5XKZuO3r9XoQKgl9sU4qVDRWXsb09u1bt+QoXCprQ2t2YUXV8A2F2DfLLDrQQ2u3\nxdCzw+HQx4AnYW9vz+fBc6enpz5+5vbxxx8nyeG3t7dJ2KBZmJxrlskisq2JyDGwQLFYdB6z5re2\nttx7R78KR4s8nZyc+PgVkhu+wfPT01NfK6urqy4TNNWbGloB3zUMAX2olnV4iB5YLBaBLDBmLbFg\nloU9Q2sN81R9Y5at/xhoQyGKFcqccel3sTdtuVw6b3S+MTjEaDTy9ylIkOovs7DeF+89OzsLQEvM\nMh2C95Z3qCzCw52dncCzCg3UK887oD16p16vB+FCzEOtz7yDfVGjJaCL1tqCRq1Wy9+tdXWAJken\nNptNl3OF347BgQqFQuLlubm5cTow38fHR9e/CpevkRBmmYc6DoXVGmW6F6KfmPvq6mpQisMs4y/v\nQ7/f3NwE5xL+QnOF0sarQGTJ3d2d04/1vb297WsAeWq320lI5OPjo+8d6NFer+d0Zkyj0SgJf9LS\nF+q5YZ6q8xWUiLnFNcMKhYJ7nuBvo9HwaIrZbOalPWgqO+oNjiGgy+VyEjnT7XZdzhWOHrlU76h6\n480y2j+VRoFuYT0eHh76/Pj761//OqkL1+l0Ap1hlnlsoJGGg8alIK6urvx/hU1HzjUyRr2ZZpmu\nR8aQyY8++igIdzXLZIIx01+/3w/SWMzCyBl09PHxsY+L+dTr9YC+Zhm9Y89UvV53uVO9HfNouVz6\n+BaLRbLHHB8fB2cys0x2+L1C+8fhzO/evUsAktSLqiGCWkrELJM71hD78MnJSeDxNQv3YXTC3d2d\n98NvFRBOQUeQI92f2B+gVey9eqrlnqm85S1vectb3vKWt7zlLW95+wXtZz1TJPwpNKVZCIOI5aHX\n6/lnmoQfV/rWSsQKgMBv8RD0ej23/ADxqZYThVfmOW6Uag1mzFqgVUERFOrc7Ol44GazGeRbYTnA\nIlWv192apQAFMVypQqNzS767u0uqhLdaLacHzzWbzSRfrFAo+E393/7t38zM7F//9V/9vTzfbrfd\nG6CwwBRKJl5d88/wJGmuhia0xl43henFslatVn3u3Pyvr6/dggCP3rx547QmH0Qt51pwkv/VUsP/\n0FaLNvNXK2pDA7VCK6yvWrjNQqhqLLLD4dCtgDpfvEJ/9Vd/lVjgnj17FuT6mX2w4ph9sGarlQc5\nV0sN4yoUCv4O5jEcDv03mm8VVwQvFouetK4Fs9V6ZpbxGnrAm2Kx6P189dVXZpbxNV438/k88Yhp\nvojGuMNDhWaGBlo6QIvm8nxMy7u7O7f8kV+ytrYWFFdkfDQsj4vF4smSBrxPZU2LU9OguRYBhTfo\nn5WVFbfybWxsOI005wYe85v7+3vvRz076kEwyyyJ0E11UlzYsFwuB6UJeKfqX2gae8SXy6XzDj1h\n9sFKCV2/+OKLpBTA1taWW36Rg1Kp5OuLd2mRTdbw6uqqrz9o//DwkID6lMtlHxe83Nra8rkz39vb\nW9+fGMvl5aXPTT3ecXI4dNW5abI2fNne3vZ1gzW/VColvKzX6y6rJOEvFgvnP2P/4osvAs+Oetmg\nAbzTIqH8j3dGSzvAr/l87nNHr6tXk7EoQIMWaGYuCoYA///pn/7JzDKPOHsy9Fguly6LCn3MWKDV\n/v6+z03LOsSJ5epxgjflcjnxVj1VfPbq6so97Iyp0WgkERGj0cjpp7qSswjz1jFrHk9czPzw8DDx\nzrbb7QCi3CzTScgdrd/vJ2u+1+v5WM/OzpJCr+r9VrAceMLz9/f3/hztqUgcLbyLPi4UCklelnom\n+Oz6+trXiELKx7Dw19fXTrenwDXwaqmXFy+kltRhfLPZLIlM0PMufTSbTV9nKp8xqI+WUKCPfr8f\nwNUzZtYcfFW4dGSoWCwm5+L19fUAHIQG39jLW62WywKRFtvb205TzX9Fn/T7fZcZxq85iayl29vb\nIL/fLJMXzYE1ywo0MwYtth6fuRWohPF3Oh33sGuOKzoeWr5//z7w2vN8HDlVrVaTPaHf77ss6NlK\nwX74bVy2Im4/e5nCpYhi0MrALDAYVSqVnOF8p1XnmcD5+XmAHkeLD8SLxSKpH3R9fe0KW+s+IfQ6\nYU1a5zk2Bb0AIhSKigbzYNje3p5vkpVKJcG6Pz4+duXyVPIwc9vY2HCm8bfdbruQPgXSAD263a4n\n37HYLi4uXGhIfC2Xy/6+3/zmN0435oxSWCwWfqmh7e3tOT9VkDQEgv5YOBpGA29YiEon5KDVavn/\nPPfixQvfaDhYlkolX9h6CEG58K5ut+v9KOpj3BRJD/k8OTlxmdGDM/1oBXYOW3y2vb2dhKFdXV35\nQaLX67kM6sUfeYMGzWYzSOyELhzG2TweHx8DUAOz8CKmIYxsNNCyXq/7WDXsFpnl+Waz6X1To6bV\narl8Qr9KpeK/4bnnz58HdX6gVYzw1O/3g1Aes7A+E/Q5OjpKEvLX1tYCoBj6iA0ZhUIhScwfDAbe\nj9Y8YwzQeTweB6iFZpn+Qccwpu3t7SBUl/cjs6yf4XDo8qshx4xPjTwaTo3O+/3vf+/9xSF49Xo9\nSapWfch7K5VKUmNNUaEUVQ8aovvu7u6CWiLQSjdR3sUhCfqVSqUECKTb7Qa8Y0xxwvD6+rr/hue0\nDhJypaEatFarlSCLKuCDGgJjtDk1FMJrPdjpxQ26KTAL8gtf3r9/72OBjrVaLan7U6/X/X8NUUX/\n6zrSiz0GOMZ8eXnpIV28b3d31/WrIkEyVgURYJ4aChuHR25sbCRAIM+ePXM+8N5Go+FrjXXx6tWr\nBKWx0Wg4n7TmGbKAPH/zzTeumzkYaSikhkmrYZLvmLsi/cF/Dmk7OzuJcWMwGDhNtcYbPNbQeL6P\ndSHjMsvWP2NhHhrqpABdyCC01ZAj+tjf33cdpDLEPDY3N5PQ//l87uuKeQ6HQ1+bGoIHXZmLnqWQ\nnaurq6RGYavVSmqKbmxsJGF5tVrNzzus09XVVR+fXthZa/Dw6urK1xf6WmuFImutVsvHD00bjYaP\nT88Vcdj9eDwOwEN4V2zEWSwWSfhzoVDw8SFDg8Egqec2GAwSI66mDbAGNjY2nO/Mo1qtOn1ZZ/1+\nP6g9apbp9/gyMplMAqMR4+FsoAYHDVemb8a6ubnp9GDPXVlZcXlVg0IcprhYLFw+NUwWZwWXKq33\nhLxregmG9mKxmBjiNLSSMXc6HeerAj5BSw2Jj2U2bnmYX97ylre85S1vectb3vKWt7z9gvaznqlS\nqWQ3Nzd+i8YSM5/PE2tQr9dzz4lClWvIj1l2U3+qsv1TrjosEtzO7+7u3DLB7XIymSQQ5ArJqe5b\nxeA3CxPuFFwBaxoW4G63G9SmiMPZNClYYXK5qfNeDa1hXKurq/4/72u1Wn67V3jGGN52e3vbPUnw\nZjabeZVurecEv3huMBi49U7pi7dKcfWxVnDL1zA/rRKvcMXwhvlCH7Wi8H6tu4EMzWYzh/Omv3a7\n7WEqWOA01JHwmNls5hYaPCca0sk42+12Am9bLpcTL4laJeDB/f29Q6Iq7Ktaq5gnVrd2u22/+93v\nnA5moWVVLfUK4sE842Rzrc+ELKpFUkMioA0hCYDLmH2wZlUqFR8/YxkMBr5GoMNisUgS1U9PTxO4\n1+vra5cPPpvP577+ofNisXA5Ua8F1jgFoKEfrZcWhxKoJQmaqeeccZ6cnLju4B2azKtgA1jloG23\n200quc9ms8T6vbq66utfQ6c0CVdDIMyymhiEOyioioY7Ma64xtJoNPI1zvrf2NhwncZfDRvl/Scn\nJ77WtLabel75jLEomI+GTULTOMFXE6Np3W43qM9Hf7GVV8PG1PuMDKq3Jy55USwWXfaZ2/r6ehKa\nrt4v1pSGtWgIFrKt9ehij5OGSEErtYhr6QjoxzsODw8D3WIWWvYXi0US0ruzsxPoFrNsjWC1hdeT\nycT5oGON65Ytl8vAo2aWyTtrWAFhoKHuP8yfPgqFQpKkXy6XvT+sx/V63cNy8dI/Pj4GkN1m2d4W\ngz5sbW0l/KrVaknJE9YJvzHL5ApAIehyd3cX1AU0Cz3s6jlRz4WZBQBe8Hx9fT0pv7CyspIAEKjn\nXKNW4rSLtbW1RN4mk4n/Rj0htFKpFOyNjC8uMzMYDPx96B09S6EvFKRF9xBN79B3m4XeD+as+wT0\nYE63t7e+Dni+VCoFUNy8l3XBOCuVShBmZ5bJDr/RkhAxQMpoNEpAc1qtVgJy0Ww2PcxfQ/xjAIp6\nve66CLocHx8nYZ6rq6u+LnRvi8+syl/kZXt72/U1Z7rxeOx7FnPUSJz7+/sEyvzm5iYpC1Gv151P\n0K3f7zs9NIQ1Dl189+6d/5Z1fXl56X3z3mq16p4p6PHll18G0VFmmUwi56zr8Xjs43r58qWZZeuH\n93GuPDs78/eq5xn6oh/u7++D8iJPtdwzlbe85S1vectb3vKWt7zlLW+/oP2sZ4obGjdbvCCFQiFJ\n0mo0Gn5D17heLE1YBQaDgd9SaerF4ebc7/eT2FUt+MXzWgSS59X6qVCQPMcNejQaJTDCGr+rOSJ4\nCjRXgnlcXl4GOTBm2Q0Xi5WCTcRVuIvFolvguTmfn5/7zZrn+/2+W0W47atXDmvAZ5995mMl10k9\nTlj7qtWqx6JijTCzJPl2uVwmxUlXVlb81q6FZOMEZc3zgM7v3r0LvCg8R4PXnU7H5QhrVL/fDwoC\nmmWyyPihz6effppUSlfLH225XAawsGYhLDnvV0+cQotrkVCzTI6Ro42NDX8ffOh0Om4VgR/39/dB\npW2zLMkcD5zmxz2VG8S4sUghs2YfLKYvX74MEpPNMksMfFJABjwi0E+LU2oCN7KKVajRaCRFgNUL\nqYAL+r9ZphOw/MGPVqsVAAWYZTzC+gk/ut2u/wbr0uPjo68f9M94PHaZ5bf7+/sJKIHmM0Cf6XTq\n9EPu5vO5W3axZF9dXflvFbQBeUIHXl9fe98rKys+d9b6q1evklyuer3ulmGFqKeRaD0ej53Hqvu0\nKK1ZpqfQWfBVC2pq8j8yDw00h4j1eHV15Z9pgm/scdC9Qy3YfMactMimerChiyYlqxXVLNMn8FOB\nAMhPUaCPGPji5OTE5wH9FBBG89biOPr19fUkj6pUKrn8Qu9er5dYkrXMAXweDAZON+RAS0FcXl46\n7+DX4eGh0wu529vbS7wo8/k82EfoI7b8FwqFxPu9sbGRFGOuVCpJMe5arZaMf3d313+jYEh8z1i0\n8K7mITE+eFSr1XwdwkMF5kEHn5+fJzDt7969c4+d5oDEOSLq6VIIbegLHRXAQQuIog/V06LeTPrj\nM/RApVLx7zXKRcGXzJ4uSL61tRXIMXNBfx4dHfnvOH8MBgOXR90TWMMK6sEaZ8y679B++OEH3yf4\n7e7ubpJT/fDw4Hxg3+v3+0GelVnmUYg/U/2KXteC9Ix9c3PTZUyL8mpJCRpyxx6icPHqBYeWrL1v\nv/3Wdbl6YpFzZKPT6bhM8NvZbOa8Vt2PvNPveDxOQEL6/b6PS7EJ4mLRi8UiKXOxu7vr63uxWLjH\nTIEgGKN6HqGReszjkjez2cz1Ds8fHR35WKHB0dFRAB5klq0Lzesyy9YevEaXf/LJJ0FeObSKC9Yf\nHBy47KCjHx8fk4LvqncUWCou+xC3n71MDQYD297edgXChj2dTn0D+/Of/2xmmaKIGarIHUxeXeta\naR7CMSndJFFWzWYzCK0zyxYJgquJ5QgN73/KDamhIghov99PmKOIcRqShBLS+hcanoWyY0NRFCxo\ndX9/7+9WlzPzY5HPZrMEBEFD/1BWt7e3QaiEWaZY4xCcg4MD5ytC1u12nQ/0OxqNkqrYOk8ErtVq\nuQCzqLSaNIvq2bNnSYLf4+OjH9gYZ6/Xc2UPDVRJavJ8DBjy9ddf21//9V+b2QeX7nK59Dnxd2Nj\nw3/Le7UeAUpQk0NRanpwgledTsc3Bd1cUNj1et35hMze398HyF9m4cUfZVWv1xMe3t7euvJT5CEN\nqTULQwnpbzabJRfOxWKR1Dp5/vy5X8AZU7PZTOT4zZs3zmv4cHNzEwAxwIe4hla/33dZ0PBNdbOb\nZbIWh0c8PDwkoA9mH/ikawWlrEnMsaFIk7VZHxoiAw00bFTDcuJDd7Va9XGxPnZ3d33uP/30k9NL\n6+7xe+qbxe8xy+QuXv8KtIC+1jBl3qUhadC3Vqu57PD8fD53fvGOSqXisq+HQeikNZuQO3T50dFR\nUqNMkceYI3+hNfOOUdXG47HLHbzWcEsN6dGDhll2mIZGHBQUWUpD3mLAjYeHB39OgY/immxaa0uT\nzePaJbPZzMOG//Ef/9HHjKwiD41Gw0N2FcmWvtWQoJd9dCjzHA6HCQre7e1tcjHd3d0N6qOZZfqE\n5+hD9wkF0lG0Rz5jL0XGlstlomO0/o0ijzEPDeOLQ3Bms5nLpxpEmIeCVyG/GEROTk58DSnCK0iL\nrL1379753oKM3dzcJPrz4uIiSI+AVjG4znK5TMIBNcQa/u/t7QUGVhp6HVo8Pj46TWu1WhJKXiqV\nghQIPotTE9TQwXcbGxtB+DQ0QlZ1DbOnMb43b94k4BxqiKeVSqWANmZm//Iv/5KEjU6n06Af/jIn\neDkajZK6cIVCwfd11sre3p6vH62vhs7QSw08ZkzT6dS+/vprM7MghYL+CAFUXsOX9fV1l094/vbt\n24RHKjvwWkG96LfZbCYX8dvbW7/cshe1220fQ6FQ8PXKvvju3TsfgwJfcRFSY6+GXppl+0B8joXO\n+g41CjKPx8dH1yesvW+//da+/PJLM/ug6y8uLoLfQw/0HO84OTlxOVHgtficNZ1O/XvG3Gw2nwQ1\n05aH+eUtb3nLW97ylre85S1vecvbL2g/65kqFou2urqa1EvSBHRucaurq26R5La3vb2dQKP3er2k\nqrcmeHHjff78uVswsX4Nh8MgDMQsu5kyFm7Bs9nMb8dYl7a2tgLIZuYTu6nL5bK76LFaFIvFwEoZ\nW9bPzs6cDljv1ALHb4vFYpJkent76/1pCCAWLmiqdUHw4tze3iYJyJpoqaFEWEqg+du3b92qAI+0\nxpZ6DeLwOK21heXp/v4+qc9ye3vrvMECrEAlWscrrkT/7NmzAHbdLLMox/DWanHEKlOv1xOL+HK5\nTBKztSmMNFYbaKDeL+D6379/77LDdz/88IN98cUXPnfGpV43aA2/NJyRNhgM3IqmIWexV65UKiXJ\nksvlMvHedrtdXzfwSOFeFco6lu3pdBrUdDDL1nzsvi+VSr5emdv6+rqvU+ROPc4K1xuHIZl9WEta\nHZ2xIhMKeatueUoFQLP19fUAEpnfaugq9I4thGtra4GnhH6ZE9ZP9UKodzsuv1Cv1wNLMmNFz83n\ncx+3hiZDN9WfcZiKQvtiBdzc3AxAF8zCMCVkcnNzM4HLfnx8TBKoC4WCr2foojqcebx//z4J/X14\neAgs4WaZdTQO/SmXy0lNwcFg4J5JmtZB0lpWWCaR3YeHh8R6u7m5mVj0i8WiP8f4JpNJUAOO7xgz\nzysNFNgEGiHPWkMP+hwdHbluQYd89913SR2577//PljfzI9+rq6unA7oNAUHwAOwtbXleg7L+mAw\nSLy3Kysr/hvk6ubmJrB2m2WRDnF9q9Fo5B5E5Gp/fz8Bm1pbW/P9U+vgxaGf6k3VqJXYY68RIDoW\n+M4cf/WrXwUh2vBGPUi8Q2tnmoU1zzSqIQYHaDQaQbQNfcRrSmH1+auh6YxPgUPg/WKxcA82c/yn\nf/qnIAVAa47xPkIC1TNNQ3aKxWLiqdXzkIaN6fpjnlrqBrrFYDhajxD9rg392Gw2k9pTs9nM54EH\n4+TkJAkbZz7Q0Cz0iOher3Wy6A/PpYK2QBf07HQ69d+qV4N3o0Pq9brvHbqPxnDe8/nc/1dvPjLI\n+LR2q5YYQBYVmI2xMr5qtep8+PHHHwNQi7jR99bWloPMAMzSbrd9jMjs1dVVAg7RbDad7uiOra2t\nJGViZWXFdQzevtls5mGg0E/TPFgPCnKhocR6ZjTLZPeplKPYq9Xtdp+sM6gt90zlLW95y1ve8pa3\nvOUtb3nL2y9ohdjaGnxZKCz/1//6X8HNn5uwFoblNrq9ve03Um6K7Xbbb8VYzrXwJjfd7777zm+p\nPDeZTNxawPO9Xs8tErxjPp8HFhWz7NbNWNX6oWAJZtntW/MAzLJbqCatmWW3VbW2ajy8WZjzQZvN\nZn77px8t6qZWdN6nFrvYItFut90CBu21iDHvUNoAMDGfz926o/HvzEMLvUE3LbjL+DTXifFrYmuc\n97a+vu6/1YRV5sa7rq6ukiKrz58/dwsM8vfy5Uu3JCigAtZqBQyJwRru7u7ceqOWTP6HL095WOfz\neSD7NKxy0HF1dTXIU4E30EOtSlroFdpg/cAzCr3MMuuoelkZM/RlLOPx2K1BeJIUeh6r3Pn5eVJ0\nUq3yzP3TTz91L5DCksbQs+rVVMAKeIc8NRqNJLG3VqslICIqJwo3zLjU0wpvoN/t7a3TCmvp3t5e\nkkfRbred9prrqAnlZiEEtcoBv4HeDw8PQQK9WQi4oR4j9X7BY80/QKb5TPNUsGCOx+MA6twsWz/w\niTUwGAySOVUqFV9z6OitrS2nL2NutVreN/Pd3d112VI54DeaxA4foJF6l+m3UCgEnnXGzm+hT7PZ\ndFlV2HporonijIvvNjY2XI4YZ61Wc1oiu7u7u0HeJvNg/HxXLpeTgqrqiX3KM6lRFbHHplarBUna\nZpkcx/l7s9nM9Uq9Xnee8Nznn3/uc8ZS//333wd5p4wfXaseljh3UT/TIq/wiT7W1tZcb6FXarWa\nez00wT/OUy2VSi7H5C7qOUHLErAG1NOiBbDpj7EqYBH7pkY/QA+F34Z+CjoFzXWOcURBoVAIAKjM\nMn4hs+rtRbb5rlareX+sx06n47R/qnSL5vYqLLxZxhfWzWg08n74XgGSdN/Ec6Fed9YSOrdarSZ7\nZKFQcF2rJVRiEKHNzc0ni/ZCL7y3n332me87yPZ0Og0g4s0y3Yw8qdddocTNwrOSAsvAfz5TSHaF\n8EfvI096hmB8e3t7/j/73ng8dpnQ6CbkHFodHBwkxdur1arTA8/YcDhMioqXSiXnK789PT11/rMf\nDIdDHx901JIWhUIhyG01M/vDH/7gfUKXvb295NxhluYftVqtBJjk9vY2yGOl3/jcORqNAiAznmdf\nZCyrq6s+ZnLS1FOnoHjQH5pubW0lkPeab8t7V1dXrd/v23//7//dlsvlB4x/aT97mfqf//N/WrVa\nTXD3u91uElqlE1SkPRrCo9j5LIj3798X3QANAAAgAElEQVQnArexseEEwZVYqVSS2hjb29u+SWlo\nR7wBaKI/fx8fH5ME36urq6AGlFlYx+H29jZIYKW/GGmv3W77eKCVhggiAOfn50EIHPOE5oosyJz0\nHTStecJiY5ytVst/i/Lo9/vBQd0sW9BsNPDj4eHBfwutbm5uknoai8XCBZdFtba25nRlTArwoHUm\nWCSMRTcmxvn9998ntSdubm6ScNByuRwgT9KgOYvkqTpoV1dXSWKkJtzzV93jmjzLweTs7MzHCh+U\nbnE4gFkIShH3rWAu9FupVJLL4GKxCEL0zEKEKpTpysqKK0Q2SU0YZlOtVCo+Rui3ubmZHEJUEbOG\nx+NxELLCmOL1XywWvT94WK1Wfaya9ItssT56vZ7/Br4WCgVX1NBZlTPy1G63faxaF4r3cThotVr+\nWwWYUORB5q0hGvQbo4NpbZy3b9/6nDRBmnHz3Onp6ZOhHNABnaUImhwGtb6dHmThDc/t7e25zoKv\n5XLZD3eMRROo0Q2tVivgO/N8CmghDsFYXV11vagJ8gqgYpbponj9jEajAGXQLJMnaA0Pj46OXM5Z\n33rIVJQ4+tPafPStwEfQjTFPp1MfK31cXl4G4Z1mmZzwW607iD5XY2N8eHt8fPTLSqlUclpqWGsM\nLKN0Qz5Ho1HAT96B7Gudw1juNDRdwXXgpwIpMAY15sSGqdvbW9/n9DClaKpmmbwgYzw/mUwS8BUN\nYeR5vdgpyAV8guZ6sdfDnCIA8zeuq6drRXVDfJmaTCbOIz0jxcAcmtbA/nl8fJyAUmioox6goUer\n1XJDJ2MZjUY+bkXLZB/mff1+3/mKnGh9NjXYxIfkzc1N/x8+aHgcsr+2tub9IdtXV1dOIz579+6d\nyyw6d7lc+tzhrxrJ9eyi+hBaxWjDp6enAViWWaZDeJ+iJSp6IPPRcEGayrlZWH9LU07ikO16ve68\nYc1UKhWXCb0k0RSdNj6jnZycJBeFSqXiv+90On6B5bO1tbVAJzM+Rb/kOTXy894YLbnVagXogWaZ\n3HPe0P01BrQaDofOY62xFqN+aigs/H39+rXTQS/Lis5pFhrn0DFm2Tr4b//tv/3Fy1Qe5pe3vOUt\nb3nLW97ylre85S1vv6D9LACFWXbT5bb7VHIYN1m9CWOd0aRvvC/39/d+u+Q7tUJqbQQs1wo9qYmY\nZpklgRA3tVbGiaDcoM0sCI3hFo21vNFo+Hzpo9fr+Xw1QVXdsrFlfTqdBpYNaBlbJGq1mlsBuak3\nm01/H165Z8+eOf2xAJ2dnSX1HhqNhveD5UTDI/hud3fX38tNfTgcBtDJZpnVAHpo0iL/w6Plcuk3\neQ17ib0BvV4vCG2gxdXTLy8vXSYY03K5dJnhOQ1NU7ABrCQKEsI8sUasrq4GlkH6xRqkleGRN/UA\nwFf1biq0t0LcmmUWRPigidYxUIlag9RzBr2gn4ZbqFcgrhWmVc7V6xJbVrVWjNbneKpivVaCN8us\nhvBfk1jjMJVyuRzAozIm1rCGFLPu8Zbu7u46jzWhGTnRemmsXWjwlGVavZCqV+AhFtFer+fzfMoS\np+FoyKeGGWs4m1m2tvj/+fPnQR0dnmM80Lndbnvf6llT+H7GEoOXbGxsJCFdGvoXQxWbfdClp6en\nSchssVh0OVK9yljVa6F6ySzT9cgvNK1Wq76+4tAjaG2WybGG7ZhlupLxK8AEMqYWZ+Sc7xQWWMEu\nWP/Iyd3dXRCSahZ6FxSOmrkjuxr+qvKnodX8Za28evXK+9AQR2iAfHa7XaehgkTBLwUsiWHwNzc3\n/X8FX4AP6kmKAS02NjYCGHroovJBi6MoTk9Pk7qQrVYriaZg7NqH6iK1wLPPaWJ5DNPfbDaTcMvN\nzU0fv+6Z6D7o8/DwENQXYpxx2sB4PE6grBeLRQDZDb15B/vA/v6+70u69uGrhjrBD9ZKu90OaueY\nheUVCoWC/eEPfwjoOpvNAg+nWSY70BVZ7Ha7zi8FAoFe6M/19XXXvwrMxHrQcjkxcM/Dw4PT5ttv\nvw3GpP09Pj76OlRAAHQgTaM4tIRK/JnyQetCcVZV7xt84vlyuez04/mTk5PEY1Ov14NQPrOM56pb\noONTaShxNIqeT5Gx2WwWREeYZbyKw6QVJIJ10e/3gzQT3sfZdTgc+u8Za7lcdvlQjzfzVKAH6EWk\n0Gg0Cu4R0B79QB9aU05LAdCfhvFCSz2fxqHaWleNtdLr9ZJz1nK5dBljn2g0Gv79X2q5Zypvectb\n3vKWt7zlLW95y1vefkH7Wc/U9fV1EJetcfJx/PnDw0NQ1M8svL1zM93Z2Qnizs0ya5XmC5llt3Oe\n0/yMuMBpr9cLkgfNwgrtfLe3t5dAMtfr9cDqaRYW5aUpSMDl5WWQ/GwWAkbw2erqajBns8wiQSIh\n1iWdC9aPh4cHpzljGQwGfkPHylwoFJxeWGoVLEFpCX1jupiFFg5NHqY/haE0y/jPuLAyzOfzJClV\nK2BrkT+sbZpfAD3oY3t72622WigTeWO+5XI58WpqTC98bTQaSTKkwu9iael0OkFCLu9HFuHVw8OD\n00oTczWRUmPamW8Mz//w8BAU5DQLIYBpGhuuOQyxpw6Lss5dLTVYP3d2dhI5ubq6cou55pVgQdQi\n28iRwrnGAAn0a2ZBkjjPIUOag8FnpVLJ+2GcapmEBmqFhv9KP61mzm9UX+BZ13wW5B0Z29/fd53B\nOG9vb91jquuDMcCHbrebxMKrtfry8tJpo0AU8AvZmU6nibe11+sFBZJ5Dj2Cfr28vHS+qveTMShE\nLfTl/Z1OJ/HKPj4++ppUC3IcH69Q4fRbLpd9Dema12LuZqHugOaHh4cJ5LmC+qiFlbkr5L4mIzPH\nGAa/2+36+PT9MdCH5vRoaQtNvjbLPOLMDXqvrKy4jtFC9wqxT7+xR6lUKvl8d3Z2Er25urrq40Z+\nV1dXAw+iWchDnRu8U33HZ6qHYyAILdDNWnmqfECpVPI5KXw4Mqs5xbEn4fr62tcIrdfrOR/guRY7\nVjrHYCiTycT1phbbjYu712o1XwOM+fz8PMk5LBQKgcfcLFsTMXT7fD5P1k+/308Kgy6XS6c9PFou\nly5PWtRYYevN/i97b9IbaZLkd1tsjD3IiOCSZC61ZFZVL9USZoCRLvo6giBAkC466qiLAEGApG8z\nd2mkwSw9PdPdpa6uyqrK5M5gMEgGY494D8/7M/7dnTUpFHR8/EIi4onH3c3Mzd1t+Vu2bun39PQ0\n8VKs1+skj87s0RqPvtjf3/fnGMvt7W0C3KN5Tyq/ROogv5PJJChDAH01V94s4w3j4uxydHTkZ0ya\nRknAy/Pz84QPrVYrAUir1WrOd2i/Wq2S3Krt7W0fM2tvMpkEey39q3eEv5p/Zpbp2RhMbDAYJOVB\nrq6u/H161oy9qd1u1+cO7bvdblJsfTgcJmfbQqEQ7K9xxNH29ravTQX1YK2zf6p+Uc8kc4ZWmqcK\nf6vVauDdp8XAbKVSKdFjeqZWkKXYO18sFv2chr5QGH4tE4L+V49t7P2M2wcvU+v1OlBCWscnDleq\n1WpBgiKDUUXDZygSFm6pVHLmsPhWq5UzgA1jsVgkdTB6vV5SG0eVuFZ+1wOTWXbBizfTVqvl49MQ\nJhVSmIJSq1arSUXz1Wrl71ZlpChZZhnz4oP6er0OEgChGwcJ5tbtdr1fQqw0aVlD4TTcxSx0j+rl\nML4kL5fLRNCVRrhnz87OAgRAs7CCO/M9ODhwfqq7N64BoockDa3TMCuzTP4YAweZg4MDl0Hoo8hC\nhI09e/bMx6fhZbjjUQRaFwIlUy6X/TfqWtdQDr3IMdb4kF8ulwMwBcbPZ1qXLD5ga60TReliTWoy\nJ3TlMwVG0FpGMVCFbrTQo9vtJuE45+fnQQK4WbZuYkRGBa/QizZzow8FlmGO19fXQeiiWaaktaYP\n9OZ/1T/0QaiAhjUoamass5SXzLff7ye1VvQSD4+2t7eTRP+bmxun7+7urv9GD6NxmHKj0Qgunzyv\nKJSMlXXPO46OjhIAlf39/aSO193dnetVxq9htAoYgS5gbc7n8+TQ2Ol0EmNKpVJJQv86nU6CyFep\nVJJ6MIvFIghP4bfMl/F1Op0gCZ75MAbee3d352tdN3boy9hLpVJS483sUWbgi+6V+tsYqUr1CXJa\nKBSSNfXw8OA6gXnc3d0FqG/sQaoT9AJuFl6ItBacoqny2xhV8fj42Pcv1s329rbTSC8ccch0v98P\nDBxmYdg4bbVauZ7guUql4mNRnaqhoWbZvg4ttX8+09BueKcgNjzHOFerVVLraLFYJHWB1EClBlkF\nNzDL1g/vVv1O01QBNRCYhfzVtArex2cYvfWzYrH4j4Zlj0ajxPitgDb8VlE/ac1m0+fHdxq6rIbl\nOBRaZR9+tNttX7tKU+RSa9ohC2p8Z86ctxqNRoK0e3l56fPkLKQhZ6yvzWbj42LNXF1dBbXYeIci\n8ppl5wnorKAQyKCGuuv3Zpk+1rBSs0yPxYaiy8vLBJlRzxCM6eTkxPnB2trd3fWzl4aeIk/r9TpJ\nG7i7uwvCGM3CPUHBruKQ/pubGx83Ond3d9d5p+ibyJvW9lOQMX4bpxy9evUqAIoyy2RCnRVm2Vk9\nBmFrNBo+FsZ5fX3tc+c7PSf+WMvD/PKWt7zlLW95y1ve8pa3vOXtJ7QPeqYajUbgzsQatVwu/Vas\niXtYVtRdHSdz6+0Xq4XCL2t9C26fivEfw7ReX1+7pUcr0usN1yy7tXJ71zBEmlai1sQ4s8xCwNy1\ngjM33Pv7e7eeqxWXz/Ao7e3tBS5ms7DmBJ8pLCRWHE3cjKuZ8x7GzPdYHC4uLgKrIrTCiqFAC7F1\ncTKZJEmVOzs7ScLr3t6e00hd9Wq5NsssD1hqeO9sNnPLEM9p6IIm88YWYoVexoJyfn7uPFbLSOw9\nNHu0ejDOYrHocgK9p9Opv0etFli4FHRAk1axeqtXkzEoPKyGmJplchmHOK7Xa++P8allnefm83kQ\noqnvZVzMLa4ppKEf6mWISwFcX18n9WO0jo9aFzWMie+gtXqSNFzELPMoaZV7s4xv6oEzC8OVsMC9\ne/fOZUxDHRQWmnnEICcarqpWTRJy+a2GjCrMPTzCw2tmSehfoVAI6i4xVizFvV4vWf/T6dTXu4bH\nqvfMLKx1BE3pU+l2c3OT1LcajUZB6BB04X1xjRcdn0LjIy/n5+fBe8yyaACFoTbL9Ch6U/cQDWMx\ny3RrHIamYc2aYMz+RKg132m/Clut0QNxSQb1nGrdRJ7j79XVlcsCa+rg4MB/q9DhrAH2iLu7u8Tr\nVq/XE9nQPWS1Wvl44j2VZ80y/RRHK3Q6nQDm2SzbJ+LwuH6/7zpSQ7Vir6zWv1KQjtiyrtZqDQeO\nQ3Du7++dx6wF5Y0mw8M7rRnG3DQ6hH6R8Uaj8WRkShxxoDXPGAv96G87nY6PizEdHh66DGr9N8aK\nPK9WqwB4wCxbW7G3Vz0x8Oip5zRMrtFo+G90/cRgXs1m09eaeuJiYLH1ep0AaGhIN+9Tbwv9qleL\npsAXjFPPVMjGer12GqFjNBoA3nBuNXs821SrVR8D57F+v+8eDAUOYb7oIq2DxT6gIDcfffSRjxnd\nQmTPzc1NEoauYe263/FbaHt8fOzjUu9MrN+n02my52tdRXTDbDZzGUROa7Wa62iNJGIdahkMDc/V\nUG6zsKYsfNN3K4CKhqmbhR5l3Y+hG+c6LecBr6+vr5Pol729vQAUhvnGESxKGwU0ij3nDw8PQfmb\np1rumcpb3vKWt7zlLW95y1ve8pa3n9A+6JlaLBbW7/f9NqgwvdzesGRdXl76TVOLt3HD5cb58PDg\nt2cSxyqVit8Wud22Wi2/JWuBPoWFNcusFVgusDLd3d0F3gCz7BaMpQ5Ld7/fd4sflpjr6+sEgny5\nXAYxuPTDb3q9XnKb/eijj3wuClupMLRmmTWA8WgSKRa4p5LWFWIXC4NaPeOEcawkygdNBNb4fW70\najnhe96rxRM1+RNLDjlJGh8NP0qlkvNf4ZDj4mla3FMtxDyn3kjop8AcsaXm5uYmiL2Gznh2aOfn\n50GOBn9j6/x8Pg/yO8xCC4YCSDDPVqvl1qJPPvnEzDKLTQwiooU3WSMXFxc+F2S6UCj4GJFtBUOh\n3+FwmMjEYDBIPFdaLFoh9+Mk99Vq5byOLYra2u228453PHv2zOem4B+MgfkoDDp8xbIEremX92jx\nzDhXo9VqBdY4s2z9x95P9TipBRsdo9Dx/Jb+Ly4unC54FEajka9l3vHixQvXDfP53JN4tcq9WjGZ\nG+OGl4PBwPUIFsfBYBAUw2TucX7M7u5uEvf+8PCQJFAvl0t78+aNmYVgHswZPbxYLBJPfKVScXpB\nV9U76k3TpHVoHsfHr9drl310TK/X83dr4ni8P81mM3+3FpVVOeIvfNXkZZ5D70ynU5cZzQuNPRO3\nt7cBqI5ZWEBe81+1oDZ9wH+NyGAM5+fnTkP1nMXW236/77Kn3lEtkG6Wrbk4J1k9E/C/1WolJS90\n39Fiy8wP+iEj0AG6xYnlWtxdC9wqyBT0gG7IRqlU8rFq3gj8xKOguYSqCzWfETrGRa9ns5n3x/pV\n+qoXRPPAmXc8352dnQRcRz2FmlMUr++rq6ugsLFZRm/kTsG84KWCV6F7tdgp+9h6vU68Wru7uz5n\n3ZvhtebdKIS1WQgYornacZREo9Gwr776ysweden5+XlSPPnNmze+t6g3BbpprgtjQEfPZjP/DWNu\nt9uJTngqSuL8/Dzxamq+nUbY8L5PP/3UzMw+++wz++u//mvng1mmV2LgJt2zmI9GziDPWjZDgW+Y\nG7zSwuUKPoXeLBaL3o8CqGjhc7Ms8iOGGR+NRi6DCt0eR7UMh0Pnu4JhaDFss2z/gR7wZn9/PwFw\ne/Hihe836EUtX6QFgjVvj88UB8IskxEtH8A8tIzPU62AgDz5ZaGw+a//9b9avV73CweTLxQKCdiE\n1vHQw2GcfN3v930CeoiHwDB+s9kEipfJx4uuWCwG9Q/MMiUZI56USqUgPMUsE0IEXROaebfW+NCN\nHeZqXR1VlMwtVkInJyfOcPpTZDTmtru764LEd51Ox4UeoVVEKa3ZxYHpF7/4hb8DGsGvu7u7AKHQ\nLFNuGo7J+5g7vGm1WgFiH2OPa0Bsb28nCfnL5dL/hxZP1YVQlDZFeNLLMX0oyqBZJnfMUw9sjE+T\noWNX+MHBgR/UeF+tVnM6a9Vz+tU6aCiP3d1dT9hUoA3eiWJdr9eJwhmNRk43TZCM0ZceHh6SGlur\n1cp5yFgbjYbLh4bOxgc1RXij/8lkEoRwQD82JKUHn2kNNeaL8iuVSkl9Ez2wMZ/hcBiEi8IHxswl\nWBN50T8nJycBchq/VZe/Waac45pii8UiAP2ApnEIjiJfKiCNXhqYW3zYu7i4CA6mcd2Nh4cHf7eG\nSfEb1nepVPJ3amhlnFStY0RWb29vg9BGs+wAheGFsWhIL+tGLxy6LjhIKNKX1keiMX74qpda/l5e\nXibhTO12O0iM5nkNZ4KmivZplukknkOef/vb3/q+o+AVMTqorlHWoyblq6GQ+SKXukbRi0+hYWn4\nnoYPQ0va1dWV81WBEZjv0dGRXxbg5XA4dNlX1ET6Q97X67XLgtaPimW/UqkEoDq0GAVxs9n4+NnP\nisWij5n9/fLy0mX2m2++MbOwNhatXq8n6GBay1IRY+ODmIK1qPFAw/bi59SQyZwYU6FQcPp9/PHH\nPg8F+DDL1nyMzHtycuJrWVHsFGzKLAQ7QT43m41fzlQ+6VeNlwoeFNejG4/Hydlse3vb6Q9vFotF\nkr6hqQkalqkobowFnmitxRjhUUOEFTEurqekdRr14hSng3Q6nSRtQPcOZPL8/DwBcHqqXtbu7q6/\nm/V6dXXlBlE1AHJW4Qxxe3vrOlpRJ+PzabvdDurC8V5opKGTNE0z4TcaThkbe/f29oIaoGaZXPD/\nJ5984uNW2SNMVRF+uRPo+Q95RA/MZjMfA+PSemqKuBcjwerlRS9dmh7D+LnkaXg++x2/VYMNMvnd\nd9/5PBRRGz4pre/u7uw//If/YJvNpmBPtDzML295y1ve8pa3vOUtb3nLW95+QvugZ+q///f/HtQ8\n0do9Mbyl2ePNlVvhcrlM3Nn1et2tY1gXF4tFkIxsFgIpqMVbE7vNslstt3sdp1qkzTKrRpzUrRYd\nrAe9Xi9JNi6VSgE0MlYxrZfCGPHyXF5eBlYH5qEWGrPsho1FSseFFYX3TiaToN4W81W4arPMCqmJ\nqdCcmzwW/cFgkFhvO52OWwboY71eO900pCT2YA2HQ7fyaMgh79G6VlqLi7kpjLdZZjVUMAezzIIN\n3RjzYrFIrBka/qYwx1j0FJ4+tlZOJpPEY6PheQoCwFiwZBWLxcD7EPN1NBol/f3qV79yaxfeKq1X\ngqVI56yhC4xB667FsPqbzSaBqNeQDq1lFsOWq1WbVqvVklCIN2/eJHQbDoe+/jR8QD0+zJd+4WG5\nXE5qaGnNO2RDwUQUHjpOLF4sFs6nzz//3MzCpH+tM4SlSwFS6Fdrd8WhhAq1yhwPDg5cJ2jIJrpF\n4XQ1dBYrpcq51qaCbgqcwmesf3RHuVxO6oIVi8UgRAd+YLVVz0MMKd7tdn1d//rXv07Gxz6goXXQ\n9Pr62i35zOPs7Mx1B97cbrcbQFibhd5q9JiGdDP20Wjk+kSh9lm7GoqLTiCx/De/+Y39/ve/N7NH\nYIbFYuG8UyAd1gBrfjabJd5q3Yu0BlBcDqFSqSSw9NqHAj6pNxC6QstOp5PU3Tk7OwtCG81Cr6VG\nmcTW7NVq5fqa925tbSX7087Ojo9RPcl/+MMffKyMKYbQ7na79vXXX5vZo85CH5g9RjCMRiOnG1Eh\nKrO00WgU1GUyy3SRJuIz9ngNLBaLxDqvnhj1fsW6qNvt+npE/9zc3Ph60NIRMfz2zs5OEOLEPGJP\np0aA8Jx6oNhDJpOJy3Gn00kg2zWdgfFVq9UATp3+NFqE+TJ39R6y1pAtTVdA3+3v77us0kqlkvP1\ns88+M7PM8xN7CDXMUwE3Yhj8m5sbD01WvY7cqZc21tdaakfLsGh4NC2OiLm8vExCiZfLZeKdLxaL\nPlbeu1wu7fXr18F8er1eUJ9N52NmQToKuoX1WCqVkj26Vqsl4Grj8djPclrHLS5LoJ+t12sfhwKW\naBSQWehJ5rflcjkB0tre3k5KSmiKQAzWonTQaB8NiWdcCl6GHoE3ZuFdhX75Htq/fv3axuOx/dt/\n+29zz1Te8pa3vOUtb3nLW97ylre8/b9sHwSg2Gw2dnNz45YXhcHlhouF6N27d0GOkVl2a3yqmG2c\n7F0oFPzWzi306OjoyYJ/WAu4MWtcucakY2Hhljyfz/23atXCEoZVbblc2nfffReMudfrBYX5sHDy\nG4VYxzJQLBYTL8rp6WlS/LPT6QTFhs0yi0gMljCfz72/77//3swyywr9qTcK6xnW1OFwGOQT8Rn9\nakxqnB/R6XScD5qcT1NrJb/VmGTmpLHLKgtmmSUBGmnuDNZiLS4bJ9JqFXLGPB6P3TqmxXvhh8bM\nY4HDO6TWfuSJcZuFULDIAbI4nU6DMcQQsK9fv7Zf/epXZmaeXKu5F5pIj/Uenn/77beJdbTRaDht\nsEJNp9Mg6ZL3xsWO1SunkOfQXCub05/ykHnAj/v7e6cvXoO9vb3Aa2MWwjQriIgmvPIZvFXPA/Hb\nmugLnWOPrFloeUJm1OqN3GnxzBgyWNcHVrVqtZokDNdqtaTQ4HK5TIpA7+zsBMnLzEXh92NeFwqF\nBO5XrfLw//z8PEicNst0SAydXa1WXZbhw8XFhc+Z8WveqoLw/J//8398XNAI+Xj79q3Tj3X4D//w\nD/48MsF329vbrhfVio+uUm9l3Mbjses29WTBM6y9k8nE54JnstPp+DwVZAX6MY/PP/88KPRolvFS\n/zcLAVKg/c7OTgLTfXNz84+uR+ax2WxcFhVcQ/OAsfJDy5OTk8SbUSgUfO7Q6vT0NAFkWq/XPict\nrBkDCzw8PCRW+dPT0yDfxSzTRYxfgV7QLeScaI6r5lPGe/jV1ZXrS/bAL774wte45iGyVtSDEucm\nlstl94Rq3htQ1+oN0jwLs2wNxHvQq1evgjVnZvZnf/Zn/hstZcIZRGHH+Uy9x3H+dr1eD4AnzDLZ\n0Vxzs0fwMLMwPxo573Q6QcSEWcYj9BvvazabTl+NnIGGasVnjDyvv1VAiKdkIs7fLpfLrotY9xo1\npPpMvfdKW743y/QYtMbzqLr+qfIGmkcbA4Fsb2+7fCh4CWNhPltbW64f0EXFYtE/03x1eMPe/5vf\n/Mbljj4UGp21cnt76/wgB2h/fz+JFBmNRglojtJPi6zrHsr/GkEBXbVoOPsJ/Lq7u/O9RfkF3RSw\ngvFznlUwNI0Ag65a4oP38Nzt7a3TlXEeHBzYt99+a2aP55OLi4sEqIw5moXgeh8q2vvBy9T19bWV\nSqWkns7z588TRC4FglBwAEViMssYw2aq6G9xXRh1xaE8njoUKrIgfWjYHcqlWCz6ImPMW1tbLnzq\nUoZhzNfsUQFfXl4maFRadV5d74r8xVhBcWEjeXh4cAWsaF30p/V84mS+4XDoi4356oJBaSjoAxcs\nrUTPd3qA1UVOf5rsrAiFzDeuf6DhDIrCFSOGXV5e+v8ItyaM8t1ms/H5angW46ePdrud1F/Z2tpK\nwkG1rha/vb+/T6p2l0oln5MCL8SKTsFEOp2OyxuLt1wu+yEUOm9vb7uy+1//63+ZWaZ06Q/+a4Kq\nhvnElwGtxUS/WotJq5Qzhr/7u7/z5+gDXh8cHDhPNGyQpkYVrX/EWLTumllY70XBJhQpjr6gNRvy\nDz/8EISfmoXJ67R37945PTScSUNhzcKNibWsKJz6W8aqFyvWgNZpgm4a2qFhvmbhpXt7ezsJU6rV\nan5Q0sr2HI5oijJJq1arQd0bfo1g4foAACAASURBVBuHn52fnztfNWGc75FjrTOIHhsMBkFInVm2\nluArhwK9EKnBQQ1OjEkP4GYhEhh8Ozs7SwxPCg5EyGGpVPL3od9rtVpyOX54ePD/uewtFgs3KCBD\nf/mXf2n/7J/9M6cl3zF3NRRwuFAgjVjf6YUSvsxms6ReoobJ6uVa62rFSKYHBwcJql6lUgnC53mf\nrgOzbH/VOlVmIWAFcrJarfx/ZK1arQbzoy/GxSX5+vrafv7zn5vZoz5ZLBZOQ60ZxLs52B8cHPgF\nF5lUY6/W7uOwysWk2WwmYX4abstaVwRaZExlhzl+++23fujV/QT5RO4vLy9dP7AfNJvNJNSt3+97\nH4pUiGzDo81mkxymFayL93a73aB2n6KammX8ii8hiijHWK+urvzdCnyltQvNMl2oYEk8FyPyzufz\nBPTh008/TQy1Nzc3flZRI1MMpHF0dBSEXppl8qLIrmaZHo3RKy8uLoLanmbZ+YPndM+HfvR/e3vr\nMq0hasgsOmS9XieASwcHBy7T0EJDpzEYttvtANyI+Sj4glmmM9WobJYhVsb7taLcMUc1vrVaLX8W\n/t/f33vIJJeR0Wjk9FWjEXPWkH3mDJ3v7+8TpEXV9ar/aQqepKBaZtm6iOtVbW9vJ++7u7vzuf32\nt781s0x2FMWP+fBbrRn5lCFPWx7ml7e85S1vectb3vKWt7zlLW8/oX3QM1UqlazX6wWuYbPMshO7\n/lerVQLTfH19HSQem2XWSG6XtJ2dHbcgaoXpODn8/v7eb8S8r9frJXV6ms1mEuq0s7MTQHGaZTdn\n5qEhODQFNFCwDKwEWAYODg58DMyjWCw63bTKtYZ6MF8sUgoFHifkaY0qLNQKDsLcFMef7969e+c3\ncPV0aOgAY+Imr+AJcahmu91OEm01MVNrInCjZywKtU6/vV4vSRgsFArucdDETbVI8hzyQb/L5dJl\nR2Ff49ouajWmLRaLxA399u1b5wNjWi6XTgO15ivdNHHaLOMhMor8KrCIViKPod0Hg0GSWN7r9fx9\nWjeC/0lA1uR29TjE4Ruz2SwIHTDL+BqHM+3s7Dhd1c0f1wA5PDx0vmLVuri4SEJEms2mv1vDI+IQ\n0X6/789pjRTkCPo0Go0kXGE8Hvtv4auGIepzce2pWq3m71bI+HhN7ezsuGWY51utVlLPS73u8/nc\nre14P7755hsfI/poOBwm1tabm5sk6Vv1Dnzo9/sBmA7jog8Nu8IqivdoOBwGUPLQKk5QfvfuXVKP\nbmtry3UVXtJ/+Id/cBopoE4Mja6ebuh2cHDgMqE1/GLY/zdv3iTeSoXuV0CdOFR3PB4HlnWzTJ5Y\nN+gzojbMwtp9cTjldDp1PcDYFUSCOSrwDeN79uyZ6zmt16NyFNcZU6hy9XTFYEiz2SzwqJplay8O\nGxyPx0k9Iq0Lh/wdHBwE4XjMDVlQIJ24DEKlUgmiWeK5aTkP6EB4XqfT8bA8rRWpgALQFLrC38vL\nS19T9KveBYVGBkiD5//sz/7M5wkU/e7ubhBZwfigMzpwPB67TlAwLn7DfLUUCDJ2f3+feJQUJIq9\nqFwuB2HPyCr9KeiPRg9oSBUtTleYTqcuM8ytXq8HoBBmmTcSfQJvms1mUu9Jo3OYx0cffeS0ZJ7L\n5dL5qVDg0B8PSrVaTUpoKEAO8/nuu+8C0CK+U13A+OJ1/fHHHzv/WQvn5+eu7zgHNptN9z7xvL6b\n54vFouth1e8K7U8frGvkRFNPNHUjLiNwdnYWRKaYZTqf32hqAmtgPB47fZlnt9t1nijIDZ5E1uNy\nuQxA65inRlvQV+yBX6/Xfn5hfMfHx8m+vlgsgjpfZtm+E4fOr1arpFbow8ODjx+avn37NpETvRP8\nWMs9U3nLW97ylre85S1vectb3vL2E9oHPVPVajWAe+Y22mg03NL0VE4KN7vBYJBYK05OTtxaoBCU\ncZLx9va2f68WpbgQrlqS6Pfs7MytLXjGBoNBYr0bDodJsTNNpNckPLWiYRUjZlpj9KFBr9fzuFOs\nPAqxyrvfvn3rzz1VtJdb9NXVVQIEUiwW3ZKIlUc9NVgkPv30U7e8YWW4ublxCwJWg3a7nSQbauO9\nzWYzgRQtlUo+TwXziKF2t7e3k0Kue3t7LltYdCqVSlA4kDFj1YAWh4eHboFRmWC+WIMUdAAe1Ot1\nf48Wq4Tmmg+EvCt4BbTS5EnyATabjf8Gq5sCXpA7pVXTyaMbj8duWWNcWtgUnmvukubRYcWED/1+\n39+n0O2MC1opFCttf38/KZ751Vdf+WcKZYwcs17Pzs4CKxC0V7hy+tfvmQ9yqXKqsLFmmZzE3qBG\no+E8gQe1Ws3Hql6m2FJXLBZ9LSt8cZzLqXC5ao2OrVrb29uBt4DfarHLOF+o3+8nntBisZgUsVZw\nA9aFgkhgbVMvqhYXZ37E/mvxTPpot9u+dog1Vy8v8vn8+fNgXdF/nIPzySef+G/VM0ofRCYo5L3q\nGnQa35+dnSVW9+Fw6O9DJvf3911PoL9ns5n3pzkJmhdnlnlf4lyDXq+XeD+Gw2EC5695w+pNgy6M\nSctXqJdO8wqggUI8s26gy/Pnz30M0G0+nwdAIWYZf9EFrAvdD5GrRqOReIg115D1eHR05KAQmi8W\ne1FevXrluaFffPGF9xGXkaB4rFnoxY9LaGxtbTk/8UwoQAJ8u7q6SkBuWq2W0wM+/OIXv/D1g8e4\n1Wo5vzi7HB8fJ+VXbm9vXd74e3x8nOQNj8fj5Lyws7Pj/cK/Tqfj6xpdrlEyCmylHimlGf3hudBi\n3NBSdUIcoVOpVJL84+VymeSQtNvtJMJmsVh4f5pjH+ezK+COluSIAT7UI6a5eFrCwixb6xqVY5bp\nFYBANPoGmVZvdZy/qyAN8GE+nwdedLNsXcTnu+Fw6OdO9KLqLN0n4iLwg8HAdTheK40oYm67u7vJ\nGWg8HrvcsY9ubW35Xq8gLHhMDw8PfU6cwxREjr30+fPnLr+skeFw6GdtPVPHHn31amuZGGRR8yTj\ngupaQikGfzJ7XF/z+dzPln/yJ3/itEIfcq68vb31UgLMrdvtuuywDrVY/I+1D16mOJjDKE18h8kw\nVJUBBDw8PAwS1MxCxBNdzCwYFJMeVnUjY4FBOK2roVj2ijLEZ/GB+PT01JmsQBnME8HTg7hWtGYT\n1XAMEFtub29dCLTGErRBKavSYx5aJR76akVoTXyOwTD29vYS+r569cr+x//4H04vs2wBKra+WUZ7\n6KZ/eTcbxMnJSVCrCbqhNFh89Xo9qYVxfX3tz2m9DOWT2eMBT+derVa9Xz0YQzcUrIZWQW9NVIwP\neNqvHjwUEERDTcwy5awgKMyH37x9+9aBHViIWseLi7jZ46EHXipaFsp7tVoFtVr4js/o4/7+Pght\nMMvWT4zS1Ol0fE7Q6u7uzmULnv/FX/yF8x09cH9/72Nl7FrFnKa1J/SAqIACtDgss9VquRyxforF\nYoJoST/6nIYhKy/jemmHh4dJvbTxeOwXXQ33QN/RNIQZmp2eniaoRMvlMqjjRdPQTvqh31evXvlh\nVsPy4rorg8HA1x+8rtfrPlbme3d353PWUAf4zmba6XQSBMX7+/sAIczM7I9//KMfhPWQz1i4oJyc\nnPi6YmP65JNP/KCsifs8Bw/H43EScvxU8rUmXvO+V69e+bjoq1qt+gGBNXN0dOQyrfoz3sdUX2hY\nZSx3WstOwZiQbdWPjFX1GHRmfO/fv3cZ0zA4ReGE5uilyWSSGA300qVz0n0JGvAbBRhh3BququFz\nZpnOQmejh6fTaYJQ+MMPP/icNFRID/lm2T7KnFVnIUfQqlar+RpWusSXit3dXV9T6Ec1WiGzZ2dn\nPicNOWcNc3hUtDFkZ3t72/nAd5vNxmnPmNbrdRKyPRqNksR8DelDjjXECtl/CglysVi4DtJwNjVC\nxrXOtBYbfNDUCpoatTkrlUol12NqkGGN8JnyhvX4+vVrX1dqHMDwS/iYhgMyprdv33ptKnjTaDQS\nfb1cLv0zQjb39/eDmm7QL97HCoWCyxG6YHt729cZ8q7gT+jyL774wmUVfuzu7vpZVFMZ4Dt8MbPk\nzHJzcxOkn0B71iZ01LpKWjc1ls9SqeTrcWtrK+FXt9v1NcJ8j4+Pg7OKWaY34xDBarWagCvd3d35\nu1mHp6en/hxj3d7edl6rMTJGr9YLIvQYDod+xkCeHx4eEiTAdrvt50mahkTznKYN/FjLw/zylre8\n5S1vectb3vKWt7zl7Se0D3qmGo1GEOKgMIfcGtVFHMOCYr0we7QkHRwcuLdFARW4/XLTNXu8pfLb\n1WqVQM8uFgu3UnMTV+sdz5+engbJ92ZhVXQsOgcHBwlQgVoNCoWC34oZc6vVSuCeFYody8V8Pk+s\nQYeHhwlwx2w283ER4lSpVNxSQ3v16pVbuLQaNjd5xvzdd9/5c1h5er2ej4VEvxcvXgRhRYyPz9S6\nBG00SZvx85xCD3Oz39/f9/epmzwOETo9PXWe8N5CoZB4v4bDYWIRm06nSX0OtbDDv2Kx6JYO+KHw\n07jba7VaEEbJXyyxf/zjH80ss9z8+Z//uZllPCes4J//839uZiH/WRulUikIxzPLeA49FEKXMeDR\nUYspMqQuc77TMD2sn1tbW4m1bTKZuIypez52/bdaLR/f3/zN35iZ2S9/+Uu3cKnLnvFryGScDK/W\neyydx8fHCdxrp9PxMSgkv4YkQWc+4x3z+dytVApyE4fTmlkC9DAej4P6YWYZr5F9TVSNoXvVCq3e\nF5VBmlrv47A8DSFDTqrValAPhneoxxfaIzvwo1Kp+BjQCefn554wrrVafve73zm9oB/0gpY3Nzc+\nBk06Z/xYIUejkcsWYVmlUsn5ib4eDAYJ1Han00mAStRzwpiUfsj++fm56x1CO9TTyVpfLBbuNVbo\n4RiUZDqder/qpYdHPLfZbBKdtdlsgnAcs0w+tbQDzykoDfPWEDH1Ppll+7DSkHFpIjZ/kTeFtNZa\ncmaZZ4ff0EepVHIPh9aeYozQYzKZBLXJzLKIAw29Ncus34yFMWvECfKkABQaEo180Eev1/NxKZx7\nDBikHjFooBDanCfu7u58zAoghczQ1+9//3vXgQrnDf8VXpuxcmaqVqtPhjDG+lP7gy8KQEHrdDoe\nlqv1qqDB+/fvgzOPWSZvrEn0Sq1W8+9Ze3d3dz4neK4hXVqTh3HTv9ZGVLAj9BN/r6+v/X2c72az\nmfer4DoKAGSW6W/2ZPq4vr522WKdaR/IWrvdTlJO9JygsPXIpdZNRN+g7xRsSL05Gm3D2OEHJR60\n3JCuy7gszf39vYeucbYuFouJfDYajaC+Ie/VOaF7/uk//adOe03HoV/mjC5qNptOX97RbDZd3hSE\nS8uaQFPVS2bZHSKOuqpUKgFoiVm2d2k6jlnGV2QC2f3oo4+CcgVmmZ6Arnz3/Plz/19LQikfn2q5\nZypvectb3vKWt7zlLW95y1vefkL7oGeKYlpYF7C6ffbZZ8nNerlcupVXk9viysJ62+Yd9/f3brnQ\nArFYGvXGi7Vfb9ixJU5hlbG0NxoNvx1rUn+c+Npqtfxmyq36iy++8DldXFwksaiTySSB9t3b2wss\n+WbZ7fyXv/ylmYWFchW0Qsds9mgx7Xa7no/FZ9fX10HhW7PMGhB7+RqNhluQtRAuFhqFxuR7LU7L\n+MitqNVqiSW5UqkE3hGzzCoDLTXGPoaevbi4SIqnKZSt5q7ENK3Vas5rLCdqYdECfHG8bb1ed3nT\neHbkGBnb2dlJClL3ej3PiVIIWiyJW1tbgeWd57BmYfX45S9/6fKk3ghkAPn89ttvXbbgm9mjRYW1\n9BTkfbfbdUujjiXOHfv5z3/uv8X7dXp66jSEfoeHh25FUwCHv/qrvwrGfHZ25pZ/aKkFP3nu6urK\n1z/ytFgsXI4Yp3qrNDZcc/7MQshT1rxZmIxulq1/LNxY2k9PT503CpBB0yK/WL/Ug4ZXg/lo4W/N\nUVE9p4AI0Jfxay7EU7kXsfdGwROgkcazY8E8OzvzuaBT9/f3k5ykbrdrX375pZk98uvg4CApAvzx\nxx+7RRXPz7t373zdqEURXcA6G4/Hrtu0iDo0YJyj0ci9wYyv3++7PoGOm83GaYmH7auvvkrWerFY\ndP6g/9+/f+/ygZfh2bNnnmfBO+r1uo9fi9Six+hXQU507bE2NQE9trBqUXnG8v79e+f51tZWAFag\nv9O/WhBVdVosO5VKJSlHoZEJrB/1Bj6VHM7+NJ1OfU7MY7lc+rr6/PPPvd84t1ILzaPr37x5E5Qm\nMMvWV7xOz8/PnV40zctjLJvNxvUT861Wq84v+Pvw8OB9aCmFOBey0Wgkud9HR0feL/pMy1Kotw9e\nPhUBooWY49xJlRv1BOg+oB465k7Ts0isR4rFYlIaZTKZON+1qLDmT/EXWiuoDzpSc9IV+pt5sM/F\nQB86D801RM7Pz8+TyBkFjGAsjUbDx6/01YLqZpkcsJczph9++MHfw/49m80Sr6YCLqBXbm9vnXea\ndxtjE9zd3bkuRTbW67XTSNcy70M/TqfTJMf65ubG9T/0GY1GwRomSgG6aI6W7gmMAT4sl0ufH8/t\n7e35+BVcKV6vet6FD/1+PyhozmfQHxl68eKF74ucT7vdbgCMY5bl06kn3CwEJWH/OTs78xw8BeOK\n9UncPniZIiSDSStCGgKHoOiiQ/ktFgsXAg17QakoIpPWsOJ9X3/9dfDcw8ODv49F0u12g1oHZqHr\nEoJUq1VngCqPuPZUoVBIFOLf//3fuwA8PDz45oKi+PLLL/0QrYl06lI3ywQ0du8vl0tX6Izr+fPn\n/pyG0cWbmiIUcQidzWa+kDVEIEYo1MulVndnnrpIYje6JqWyUDXUgIWo1b81tA9ZoA8NTeSgpaF/\niswErVhA4/HY56SHCD1w8A4+U3CKuF7OeDz2BYhcNZvNJJxKaaDJ0LrRIQuMtdfr+Wcs6FarldQe\n0/pc/Pbly5fOB/qbTCaB4cIskwnGz/s0+ZI2Go38N9C82+36IYnN9Fe/+pXTS0N24ppJpVLJac3B\nc2trK1kr/X4/qW9TKpWSi2Kj0fCxaAiLhmGaZTLOetVQqNgtPxgMgjA1s4yXusGZhaFE0G9ra8vn\npnXOeB/r7ODgwJUzctLv9z15HBlrtVp+8C8UCgmS1XK5TA7bOzs7vq40TIn/WUtscvqchj3qZYs+\nFJwAPmjI3i9+8Qsze9yYFFmQTbxSqfili3GOx2MfD+tHQ0SQ452dHac1Y9Ln1Dijl1NoEIc61+v1\nIFzMLONhfPjUy60a2uK1980337hsoVu3traSy5le4hTQhDFz0Dk8PExq7WkYqtYJRN718v1jwEhm\nmbxBN633FYezdDqdAK3SLJNp3q1gLuhN9M/+/n5y4NS6RopAGIM+vXr1yn+LbDNXs0fZ6ff7vkY4\nyCgyohqU0IEKfBUDGtzd3QXIvmbZhZd9R1HB0A/osdvbW383Z4j3798nAD66zzIPPQegA1erVRCS\nZpatH+RSUTuRLUUiRI60jlBcG+3u7s4v9K1WKzHuVKtV11XQ8sWLFwn4ktZdVL5yJlM9xWcaJhWD\noazXa5ct9OJqtfI9iAv2crlMgCDq9bqPH71yc3MTICIyZkV2g0ZqzGCO6GRF4WONc5k+Pz+3P/3T\nPzUzC2rkqfyaZWuA+WpdVQVzYCzIE3pxd3c3QfgrlUoJWIPWG9V6VKxhDQtknel5RlEr6Qu5rNfr\nPh69yPDuf/JP/omZZeGs/EbPFbovmWX8iFNdjo+Pk7DRw8ND57XWvIvRHLvdrssHMnlxceG0Zg/5\n+uuvfc70MR6P/XtSZ87Pz32eerllXSNjWlfzx1oe5pe3vOUtb3nLW97ylre85S1vP6F90DNF/SQN\nFzELa4Bwiy4Wi36DjKsjm4VhHlgDNCkxhjK8vLxM3rdYLNyCpDdKbqlxxWez0FOkVk+zzHqA25PP\n3r17lyT6z2azAJQiHutXX31lP/vZz8zs0Vp4d3fnt3EsJpvNxm/HWgWcm7UCBcQwzrPZ7Mlq0nF9\nFg0hwZp1e3vrPOMdNzc3AbwkLa5lc3t7G1g4+QuNsWQwHuZplvEhrke1Xq+TMJRisfgk1G4cIlou\nlxOQi0ajkST4bzYbfw9WSIUChmZPWYieP3+e1ChZLBYuJyTDfvLJJ0m4hdmjl2c2m7lc8r6PPvrI\nZUY9lOpyN8ssRFiVePf5+bnTi/c+e/bMZQteatInnynYAJaily9f+ruROw1XVTlh/Li/Ly4uEoCP\nwWDgVmiFsmZu/B0MBolFv1Qq+ZrCGvzmzRunL2Nvt9tJaNWnn34aAICYhXD+tPF4HHiD6Tf2TGqd\nJv1tnOjf7/eTMNSrq6sgvMMsDEOk30qlEkDfY+VDv9brde+PuWuSvobsIQu8o1ar+frXsCH0IGMp\nFApJ8vV8Pve5wPNer+eWZsa8Xq9d3yHvJycnri+Vv7xHLbXMSRP8oSvWzx9++MFlTOFr0U8K9BPX\nWlJPJ2NutVpB7RToiH5A5zcajQTQoFwu+2cKXw4/WW/tdjsJp9JwJT67vr5OIPkvLi4CwBDowvfQ\nqtVqBftc7DHT5H+FDI4T9x8eHgJgH7PQo4cX5/j42NeNggnF4XvqHdEyDDyn/fMe9iQNG+Qdd3d3\niUdcgVuQSY2cYezNZjOpb3N4eOj6CS+DQn4TBbO3t+f/89tf/OIXSRrC8+fPvQ9CmXZ2dnz9EM6t\ncsc6q9VqfjaAPnd3dz5P5q1Q8NBqs9kkUPvb29u+vlhHz549c/5+9NFHCWT3ycmJez017Jo5aygZ\nekcBFDSUyywMo2R8Z2dnQVgsNIrX8Pb2tn+mnkyVBbMsVAuaa5QO8onXUL1auifEwDzD4TAJVy+X\ny0l5gFqt5rDrqhPYD9VbHpeRmM1myb6j6QWED2opHcb06aef+pjx0ipQkkaCMWaioDSaQmuH8Rm/\n/f777wOwHmit0V54QpGJ169fu1cTudvf3/fx/+pXvzKzTH41UsIsTEPRNB5oxDz29vZ8jIyvXq/7\nOuScUCqVXKex/2jpFk39Qc45w+3s7Piegf5crVZBHUfeEXsh45Z7pvKWt7zlLW95y1ve8pa3vOXt\nJ7QPeqY2m401m82kwnS1Wk1uuOv1OijCaZbd7BU61SyzsGiBSbPQw6IxvfENcWtry2+aWGU0fl9j\nSONYyMPDwyC3hfnE8ZHPnj1LEi5brZZbeRTKGitFo9HwcTM3LWyGFarT6fi76VdhgTUXRucHXbAC\nMbf7+/vEejOfz92KwjxfvXqV0K3RaCSw2maPXhs8SgcHB05XzUmIrZrtdjuASTXLbvnQQy1AOiez\np4FKms1mkLfFfJgHtNja2nI5wVqpidTM9+rqyt+Dd+bm5iaxLs/nc6cp7zg8PEyKGa5WK4+3x4pz\nenoaeCHoW6t1M1YSPRWiXEEu4qKzvV4vgOKnPzySWlCT92BZa7Va3i9W0mfPnjmfsPIcHh4GUOxm\nofcOq9Dl5WVicRwMBp4zo1YjTfY3Cy3JmjuDDCqsKv0if/oehUuGzk8B0PD8mzdvfI0jJy9fvkxg\nXzudjnspNbE4hoKtVqv+HuVLHOc9nU7d64GMXV1dBQn8fK/eNOjGd6PRyGO9sT5eXFwEBR6hlYLR\nMGZkDB3eaDR8TtBN9QnPn56eJuUDZrOZ0wgI3c1m43RAtv/2b/82AGcxy+QZa6wCFrEm1TvLWPis\nXC47DdGZNzc3buHUnB2FdoeOMUzz2dmZyzu01zwP+tACnVo6Ah5rfgF9aHmAuLinWmyRpxcvXrgs\nai5pHKs/mUyCovNxTpUm6SvkOXzXZP440kEjFBT4IobxPzk5cR2kPIRPjGF/f9/njqdLczlYw51O\nx9+D3C+Xy6Sw8WAw8PGjQ05PT33f0TIn0EUhzxU8wCzzZKC/SEDXdcaY7u/v/X2aZ8h8WcsHBwf2\nF3/xF8Fz4/E4yWHb3993+iEnGonBb5fLZWJhf/bsWRLtcXt7mxTl7fV6gV5kLrz75cuX/h4FYYjl\n9/7+3vcYzbGKx6U5zuoVjL3p8/k88O6bZbzU/BSzjIexN2Cz2fj44OWzZ89cDyMHl5eXzk90YbVa\n9T2G+R4cHPj7WNeaN6oRJ3GkyHw+93Wh+hHPGvru4uLC38d8h8NhcAZh7Ow30Fn5yr44mUyc9lpU\nWj3hZmGUE3Iwm82cH1rCgc+azWZwtjDLdGBcdPiv/uqvAmA0s2z9s260MDg6jXd0u12nm65v+IQX\nrFqtJrma9Xrdz7Ya6YCnCa/rz372Mz+DEOkwm82c/qxbjZzhu8lk4vTAG6j66cfaBy9TVNaOE4GP\nj4+dOCw6TYxFWCuVSoDEZRaG9EC4y8tLFwxN9NYLjFmYvKhJ2xoGaJYtMJjNofvm5iYAGTDLNjLm\noagpcXiWJvprPQitb6IHOcYPQxXFh7kzhlqt5r/RzSDe/KrVanLo3t/fTxJGV6uVJxeyKEejkS9e\nlGmj0fA+NAE5RtBRJCgaypV5mmWLl3nQx2Qy8XejDEajkcuH8pX3cOBotVoBQh1zg8coIUUg0lDB\nGFlIDyvMe3t7Owi94n18zyZ+e3ubhJKen5/7mFHmGoKxvb3ttEQBa7iNov4pAIBZFkKIAmHd1Ov1\nBBlte3s7UUwHBwd+WFDghjix/P7+PgAjYL4///nPzexRmQ4GA5+nbpzwWhUdY1GlipJE/l68eOHz\nRJ61PhPr8Pr62vWDgh3wnIIIwFf4//XXXwc053n4Qcim1kFjPS4WC5c75jaZTPwwyCY0m82CWldm\nYRiihhzRr6JIopfev38fhLaaZbKB3LJ+er1ecvDXww+/vb6+dhnTyxI85LPLy0vXSxpux0VNjVGE\nUWoidZyArHVBWA+TycQvVqp7kQ+tNxaHVm42myTMa7PZ+BjY/Gq1mu8dOkcFZDDL1ivIjVqXMAbS\n2NraSpBF2+220wB+LJfLi85RkwAAIABJREFUpLbgZrNxGXwKSQ16a00uBZtgDNCv2WwGRgizTG8z\n5pcvXyZ1rTqdjn+vSK9xuN16vXYek6x9dnbm+ksNjjHq52azcTlhL5hMJk43Lsvv3r0LkN34LbqD\nsfB77VcNj/z9+OOPfX2pvqZfeKRhXuiQcrnsNFQEWg0DN8vkNEaqU3QwRROkXw0zZ60r+BPv1pSI\nGDBiPp+7jlTDM+9RJD3mhmx/9dVXzgc14Cr4Bv3wWw17Zv3v7u76bxQND5qjNzUsS8PB0PUK+hCH\nCO/t7QVhpcw3TkO4vLx0esDX4XCY1N9TvaOXFg7d8FJrCuk5FZ3Bur6/vw/qUJllfMNRwP70ySef\nJPv23t6eI8qhO1qtVmCoNQv3fMY3mUxcZ+kFT2WQ+TJmBR9ir9L9k3MCstZut53OT9Vzm8/nCdLe\narVyOeOyMhgMPKSSPg4ODhLDxMXFRYKqd3d3lzgw9DypYZnoGAWs4DP40e12nXece1erlY+fMX/8\n8ccJOvBoNEr2TwW54/nhcBikLD3V8jC/vOUtb3nLW97ylre85S1vefsJ7f8KGl0tdVpXhVu7JpbH\ncL6z2cw/U+8LFgR1ncVwj1opmRu41g/gRt9ut5MQMbUaKla8VpY3yywJWAMUOjSuPbGzs+MWolqt\n5r/BKnN5eel9awXqOFxA3YpaE+cpwAhuytBF3dlYbHZ2dtwSiqdGq9Pzvs8++ywJ5bi9vXXvA891\nu92AXtAoDhEaDodJfa7Ly0t/N/IyHo+dd/C11+sldYs02VgTLKEvY9rZ2Qk8TdA7TqR/eHhIXNOl\nUilJItc5wd9nz54lycY7OzvOc7XoYGmCH7VaLQiZVAuyWWZNgYe06XTqlhDks1wuBzDa0By64hXY\n3d31MTJ3TdZX2OrYWr2/v5/AlmvdHeUXTRNtkXOtoRJXNp/NZkk4y2AwcIs01rZCoeDjwqu2t7fn\n1kU8CmYhRLBZxjd4jDwr/XhuMBgEtcnMsnUZe9gajUYy5ul06nPS92r9OD5Tyzrjg5bIzieffOJy\nvL+/nySjq3cBnn/77bduXeZ9CkDAeiwUCokFdnt728ePvCj0rK4bBRcyy/iKdV89Y6wbtaLzv5aZ\niD3nKovqOY1D666urgKQGZ6JIx0UIpvfNptNpxWWyS+//NKtmcpXfg/tK5WKr0OszKvVyvnJe6fT\nqa9lLPaFQsFlQT2icT0nBZGABuqdU8+YQlTzV0OnGCuy32q1XCbQqWaP3hitKUM/GoYce0knk0lQ\nToO/cVmA/f191+v/+3//bzPL1qF6VKCHWr3NMl3CHsh7R6OR0xwdpDTnt81mMyhhYJbxMN7DF4uF\ny9Pvf/97M8s8GFjyacPh0Gkae6PNHvXE7e1tUs7ld7/7nfMB2n/22WdJKK4Cnyi0NJZ6DYmF79BF\nQS7o98svv/TvkXENaywWi0EIPDRFbnUMyIKG08YhTp1Ox+cH7VerVVAmwyzkv3rvtHaeWSb7wKQr\njX73u98F43t4eEjKeTQajSBiwizTw9BcdVG8B6onnjE3Go0AyIBx8lu+m0wmrhfxYJydnfnepiF4\ncR2sXq8XhNSaZXsDOlDLCKkXxSzUgeh0s0fPj3rL4D99jcfjJLKHvdMsk3NoyJllOp3a3/7t3/oY\nzTL5ZJ6cfabTqfcNgMvW1laiS+v1ehBpBC2RedbcycmJ81AjmfgfiPR+v2+/+c1vzOxxbe7u7gZh\n22ZhWQ1ksd/vO22gx8cff+w6EJl88eJFEjkRt9wzlbe85S1vectb3vKWt7zlLW8/oX3QM9XpdIIE\neW50q9XKY+EVfpmbKbdkTRjkxmv2GBNOfsbNzY3f7rldajK2JsBy28aSpXDZT1WY17wXLbhpllkF\nsXBioer1ej4G/jabTb+Bl0qloHipWXbD5VlN/HvKg8X/WpA2tkho8iWWlcVi4Td6LBKaR6MWG6wP\nwBe/f//erQXc1M/OzoKq5GaZVSOGGVfgC2il8eLq6WC+eC0UvIJ5LJdLt4gx31Kp5PSDh1poUK3l\n8BAL0d7enluXoIt6ktQLGsOvn5yc+PixZJbL5SQRvFgs+riwzmjcO9ZZtbocHR05DVk/f/zjHwN4\naWgeW4m+/fbbBKJcrUF4ktSTAN/29/cTeOOvv/46iFlnHrGcaDFu9dgyJwU5YU5Y5zTfAvodHh76\nWLDYHh4e+vpXABfNIWRuWCS1AGoMR64WPU3C1/IBZpkFDevXU4VG0T/j8djHAq3K5XJSkFCttfRf\nLpddFrRAYJznNZ/P/XuFANZi3NCV+eoa+eKLL8wsk88YfKPZbPp7VDfEcPSLxSLwDJmFwDLQ6KnC\nkc+fP3d9Aq93d3eDnBCz0KvJ8wplT1/7+/tOc9byarUKPGZmmRcqTkpXT4x6QeLizsfHx653NMqA\n/4kiaDabTivV+XhJdd+BLvy9u7vzNazrG72EPCl8vQLHIB/MF5k0e7R0K03Pz8+dJ1r8l/WqYAQx\nbP3u7q7T96l8Js3vY4zokG63mxQsn0wmPhb619xVePT27dsERKLX67kcsS7a7baPDzqo1x/ZUbAe\n5lsul318zFtzf6HlZ5995ryBX7u7uwlghOZEY2GvVCq+9jT3KC6EreBUWtoCWvLdU+unXC57vghr\n9fr62unL+6rVarLmV6tV4KHkN5pLyhkOvXJzc5N40dbrdZA7Ypbxn/+RaS2eDS8nk4nTQYGI0M3Q\n/He/+53r1//5P/+nmWVyBV+haa1Wc72r64vP9DzBWuc7zXtFH3e7Xd8DNccRmYYWGq0EfavVqtOA\nsTcajQSoSvNyNVcYehCJcXFx4foGWZ3NZu4hYq1Mp9MEul1LS2j+G1553nF6euoyTX6RFtYuFos+\nVs3zY38i17RSqfgYoFG1WnVZUC8/6wX6FYvFxNO5WCz8e8byVL51rVbz56Dl27dvPXJFxxyf0Uej\nkf+GtVIulx1AifX49u3bAN/BLNtbVfc81T54mQI9T+sL0DHKRWuaxJXIt7a2EkQurZ6tKHZMRhPl\nFWHDLDwQq9saJrIIFL1IkTvUTcl8Yjdfq9VKDjLT6TSoLB4nUJ6envqzbM6qHJlnr9fz+Wm4Uqxs\n5/N5cNmiX76HpqPRyPuABm/fvvXF/dVXX/k7EH5c591u14VK6+7EoAT9ft9pTf/dbjdAsDML3fzI\niyZG6uFBFyDzUeREaB7X3VitVq6IObRcXl56vyz6xWKRJP3qgV0BA2K0mdFo5IoVRXdzcxOEsylf\nzMIQJpVfwjZQHq9evXJQEOT4+++/9/9ViUMbvXjGil8BCGjv3r3zTR6l/Omnn7rsM9/lcumKV3nI\nGFBkn3/+uY9fw22Yp4bbQl/GXiqVfHysqaeSfqvVqvMJHrZaLR8z/WtID/zQmnKKkBmjTdXrddcn\nfHZ5eeljZm66Vnju4ODAx6eXDdat1mSLw/NOT08TIJLBYODvWSwW/n9cQ8/s8TBYqVT8ncjVixcv\nArAfs0wmoA3vu7+/d/2gKE2sL5KJzcLaamYZiM2/+Bf/IhjLu3fvAqAVs0wOSDyGbqPRyHmswCcx\nwuPl5aXTAPr1+/3kwHZ9fe3rT2sLxWGDigSn+gLdjP55qs7g2dmZXwrQe9Vq1eVSka/gA3MrFove\nh6JXxfXtxuNxwGOe13pVjAlaIkOz2SxAS9WLJu/RA59ZCGiCnBeLxaTuVqVS8bFCIwUqUNAM9hZ4\neXBwENSmM8vkk0u0hlaxZvXgr2F7ZiEKpu69yKqG+cahpKPRKEE10zqN0GAymSTAF+fn5/6Zhggy\nVuRekS8VbVIPwmaZvKBnuZCrsRRZu7i4CMBmeJ8aF8wynnLx15BNxsV3z5498/2r3W47HeBNv99P\nEP4U4EFDzWKEuna77f+rLLKGNFQL+aB/BT6hr62tLae11lpjH1MDNTpDgWNiY+9HH32UhIh9/PHH\nSTrI3d2d05r9TlF/2S8U9IH1OB6PXZeyBnd3d90wSWicjktrwcV1q5bLZRKGrOAP8Prh4cF1s4ZG\nxzpwtVoFAG/8Ft4wj4uLi8CQTEM3aN0t5W+cXjIejxNQHQ2t1XtAHJpeKpWclshir9dzIBut3ffL\nX/7S+4OWCh5llsk+5yw1Xsfh6nt7e04HDa1m/fNbRWH+sZaH+eUtb3nLW97ylre85S1vecvbT2gf\n9EzhHeJmioVguVwmlai73a7f7rAGPDw8BDVizLLbIxYHwsG0doKG52ldE7MwwV9hOrEQcsN+eHjw\nW7RaEvkfa4+GpmEFHQwG7v5WCxa330KhkNRiKJVKbjHTWzzWUywTWsNIw/i0EjvzxLKCdW48HifV\npNWqjaVwa2vL56cJ65pQbBYm6dM6nU5Q+4N5aOiFWWbRiauwa40xrR+mVi/mo7C7NLWsQoM4AV0T\nxjXBFFlgnAr3yfsUCIBWq9UCjxRj591YMtQypWGDPEcl9Ha77bS/v79PQia0hoHWxNE1ZJbJMXNX\nSydz0nHFdSG0KbQ/cqL1oeJaUb/+9a99zGodVQ+iWWbRQRbVyqhWMbMQ5EAtQLHH4YcffnC6aIgI\n72GtvHjxIqkB0mg0EivkcDh0iy+tUqn4mDVESMPZzDLdFgM43N3dOT+0xksMLFCr1YIaG2aZnMTw\n26qLxuNxUAvNLNOzrA2+Oz8/d36xHm5ubp4MF9PaX2aZTmDuPPfq1Stfs5rUr1ZWsywUOw4RpR+z\nR+/tZrNxGdTwZ3jCZ4PBwOemIafq3YEu0BL+a6kF+LG9vZ2ECB8dHbmM0f94PPbfKFS5elHNMt2B\nDKIT/vRP/9TnieycnZ0lEPrq/dSabOr5YcwaMQG9WevqHUaO1HKv3jb4CS93dnachvRh9iij7GOz\n2SwALTHL5CQuibHZbJLwmEKhkICX7O7uBnW0zLJ1yPyg2+eff+6yox5dDbOl3xjQZLPZ+PdYnjeb\njetADQtk/FrTMtZF7XbbdSl9jcdj3+cIL5pMJr5+2Ms7nU4QVmiW8YixqO5lvbLmNXQWD8D+/r7r\nFg1R5zkNdcKroV7hODyr3+87TReLhffDOWU2m7l84LkoFotByCpzY/y8T0sUMNbb21vfM/B4aYib\neqHhu4LiMHc8O/rbp0qZwEMNJad/3cMVNj2ul1av15M6Q2aPe6nq8hhYSD3izPfNmzfuidWzMP2x\nv/Ne6GuWef34nLFvb2+7bkZXrlarJNR5vV47rfhuuVz6u5+KzoFW7Xbbz09XV1c+Bt071NPMPPR8\naJbxiPBtxqqw5eiaq6sr1wkKkf5Uegk6jXVzdHQUpJrwXujKOCeTib9b38Ea1xqQCkZkFkZxaM1N\naPRjLfdM5S1vectb3vKWt7zlLW95y9tPaIW4unrwZaGw+c//+T9bpVJJLMlmliQR7u/vu6VO4Z+5\ncWKxbzabST5QuVxOcn8U3pqbp8KWqgUrhtpWa6B6OmLLX7VaTSo5t9ttHwO331Kp5ONXKHO1onJz\n1cJgcYFBLSaoVorY6q0x0LTpdPpkLHwMu/zw8JBAT0+n02AM0CqOt6d/s0eLzvX1tfeHdbHf7wf5\nZGZZPLAWYTULE+01uRIeau6axsWbZd6XOFdrPp/7+LEUaZVtfvvixQunB+Os1+tuLYL/g8EggGfn\nu9jbo95UrDOaXMvcisWi/fa3v/X/mZ8mcMbw7PP53MfAPM/OzhKLuXo9sKItl0uXRS1VwLjVoh8X\nGG23284n5nZ6eupr80/+5E98zBqvz3sVwtgsk3Hep5XhsSQhf5VKxS1D6JBWq+VWSmixs7Njv/71\nr83s0XM2nU69ojlycHp66u9RDyrz1By82BJfrVZdxhj7/v5+ADxDXzGUreZlaEHVuPBioVDwufOZ\nWvvK5bK/R62uWJDRvQqWorlO9A0N2u12UipAvRnwV/NU0F3v3793WdACk3GuJnQxe+R1tVp1PgFV\nq3mZrD0txqrWXuSI78bjscs59BuNRoHOZSxxYcvLy8vEg727u5vok+Fw6GtXwUHQ9eSAjUajBAp8\ne3vb38N+od40BV6IvZXVatXnqzkRzF2Lt8fetJubmyCHQOHgebfymLGwvtTLzJxYj8ViMYC6Zp78\nRtcX8qGJ9lo4nHnEa2k4HLrMIMf7+/tOD97R6XSSAq21Wi3IHTHL5Bm66b4SAwapN4XW7/edN1qk\nVnWzWbZGY09nvV73tcKYnj9/7nNTYBN+Ay2eKlXRaDSS8jCTySTIF4Q+sbdvs9kkkRj7+/tO8729\nvQRE6N27d/aHP/zBzB515Hfffec5V/B6Op16gr8WOIU2moemhWrNMrAOZAwP4Pn5eVKM+/b21qGu\nkcWHh4ckAqjVarmnQaHbY0h2hdBmfZVKpcBDY5bpVNY/bbFYuEywd21tbSXQ2KVSyXmjnmL0EvSr\nVqsugzx/dnaW5NGenJw479DH5XI5ORscHx+77LDO1uu1ywQ8Pz09DfKAafANmk0mkwDMIZbLTqeT\ngLlVKhV/J/yo1+sBwArPa2SAWaaHY6AqzdVjzN98843LosK9a8FlaKWlIswymYTXyPvh4aF7dON8\nSugPLZ/SqVtbW/bv//2/t81mEya7/v/tg2F+IJagaNiMNpuNM1LDOFAkCOtoNPLPIEKlUnHlo1Xq\nY/QlDUOC8Y1GI0gUhUiaVG+WERUhVDQfRfQxy4QVJcM8Dg4O/H1akZ7F/u7du6Tu1t7enjMA9JKd\nnR0XGq0bwZxgXr/f982b0KT5fO7CysF4d3c3AOKAlrHCUXekouHoZgyNVNHwDgQMemhIitZxiEN1\n9D2aFB+HNW42mwTNZXt72xeMXshjJanJvAraAS1VJuPFOR6PnUcoD62XQZvP50mCbLPZ9D7YJJ8/\nf+5KUtGfWNh6+EVONKxQAVfiJM1arebfI7PtdtvfzTwKhYKvSa2xhsLkAPXixQunF/Ixn88DEASz\nLMQC3rGRaK0wTeBlHnx2d3fnhwuU4GQycSQhRaNi7SpYB2NgvWqoHvSZz+ceGgxt6/V6Evr38PAQ\nKH7oR+O509NTlzdFJ2UsGkrAuFj7emHTGjrwSHkVX4w19KNUKnl/ehhQ441Ztm7gIQcTDSFiLev4\n4Yc+p0AP8AR5Ut2hF+w4fLPdbrueQ/5ev37tukXXGe9Eh3Q6nSAsiufQJypjeonieeapKGcciNQw\nRh+8T4EF0HHz+TxBjLy8vHT6aoK+bsrwgxbrRzMLZBJaKtJjXJNxZ2cnCWsdj8euX5GXw8PDIAxM\njUBm4UFSjRYasmoW1s6Bh71eLwEHGY1GCXKrGvY0lDDW9dPp1PvjIKMXDk0ihzfwstvtuuwzFj2I\nc4nT9QVNLy8v/TmtX6UoXvxWASXMsjWM7oUuR0dHAWodY2fM7DFPrb33798HhgSzTP5i8IJ2u+39\nKRAJc1f0z3hd7O/v+/sUjAs6T6fTAMWRxlpCzl+8eOEXJ9bSfD73taagJDFIw3w+97mwljXMC5nQ\nEHxoeXBw4O/mvZvNJqn3uLW15fKhRqQ4HPTw8ND7gy4a+sn4tF4ea0/PDvSh9QNZR81mMzm3nZ6e\n+txUPzFPNcLHtbYUsEzDM5+ql4X+0hBWrQFqlskx40OfvX//3s/F6CINk+90Or5Oee6bb77xsy/j\n293dDcLdGVccqq1AJRrqriAoZtl6jMOQO51OcCFlbugd9mtFoNZ0AMKy+e379+/9ezUe0hRMJg7V\n1bqAP9byML+85S1vectb3vKWt7zlLW95+wnt/8oz1Wg0/HaHpUBD9RRaMk4sHQwGCbDAcDj0m58m\nEdO0xk+cRFatVpPEbE3M15oneBK4lX/99dduGeAdg8HAb6nqYdEkPrPMAkDI0XQ6DZIBzUJoT03C\nZp4aXhbXDyoUCn4rxxtg9midUC8f9NV6OVpV2ywMB8Nytbe35zRmTHd3d27FgM71et1v6IxPq3rT\nf6vV8rkrbHZsbYEv+r9a77Ey3N3dBdYMs8wyhuUCy0m32w0SqGlYENSiy3y1XkosnxrCCl22t7cT\niPf1eu3WGQVeoT/ofH5+7uFZ/X7fx8pYhsNhAKbB2DUhlvFDX6yZ6o5Xj2dsldUEak0w/vLLL4Pn\nisWiryvG99133zmv1bUe00MTWfltsVh0nmBh7XQ6QZ0P6MJnChzAOmX9qAdb62rEZRXUMg2txuOx\n/5bnNcFfa5Shl7SOEOuetXB/fx9Ueqdf5kS/s9ksCX/54osvfCz8nUwmTreLiwvnteoV+KS6MQYt\nKBaLgSfULJMJrKh4Tp89e+b6CZ1bKBQSWOiLiwufn8K0QwfVTzGcv4bRIqebzcbpgLdS6+TQtB4h\nv9XSAgoExFiREw39Um9aDIak4bSqx+C1gtdgtYVW3W438RQfHR35mJFPQBG038PDwyfXLfSFPurt\nYR6qF+lfE9/X67XrSA3R5lmt08e7NXyT/zVsk3WvdWFY6zTVpRrCijVYo1CYO+cADU3kMw3f4n3f\nfvutj0HBpLSkCLTUmkP0r0n8MX3hebvd9rBteH57e+vrBn2n+kQh0vlfwbMYn/JN1zA0QHY0RFTB\nCHhH7I1eLpeJZ+Lw8ND1Be99/fq1y9Z8PvcaQXp+Yi1h5f/+++9dJ7BGv/322yR948WLF0nt0Xa7\n7WuDOX3//feuH/DUfPLJJ/5b+uj3+0ko8dHRkYchat06+KohYnxPrdDT09OkdqeW2onPi9pvvV73\n/zmD1ev1BFq+1+sFpUL4q6HGZhacn+HB8+fPXT9pzUX0E+9TLynvaLVaCUDOYDBwmvP35OTE18Xf\n/M3f+HzR4fR/e3sbRHRphAu0QgYVECyuKbu1teVr+CkYccZ/d3eX6Kytra2kfmipVPIx8tnh4aHr\nNN3bdM8wy/apuMSH1m7UWqGMFb5dXV35/8xRS2j8WMs9U3nLW97ylre85S1vectb3vL2E9oHASj+\n23/7b3Z7e5vETG82G7c4cJPVgqpa5JcbJ7foVquVFEArl8v+PRaKly9fuqVD42i5LXLTLZfL3i+W\nAs17UYsS32v8KZYB5thsNpPiqNfX197HRx995O9ULw6WCJ7b3d11C6MWDuM3mt8BXRU+nNu4WgW5\nMfO+YrHotIEe19fXPhcsCfV6PcmZWS6XSe5Ks9kMLJdmWY6YFlKlL43hhs5x/lmn0wmgyaEBdMVa\ndXZ25vTAOrNYLJKivTp3Legcg5ccHx8nQCVPweV2Op0EQn86nbqcYMXRHAyNsacAMpa7arXqz718\n+dLHTb+vX7/2quSapMmcmLvSSyGbobl6auICyPV63Z/TwtZYYDV5lfwjhSWNwSGGw6HLB+N8+fKl\nyyw0uri4cMugVqTXeGf60mKNZtnaQxeo91ULQpplfGN80Pzh4cHlCFja5XLpPKSP09PTAIzCLMxD\n00T1GDRha2srofPOzk5QUBv6wUNdH+gGLY4NLRV8R6GnkVGFbkWm+ezu7i5IOOc7zTHguTifYW9v\nL1lfk8kkyNvivbyH/o+Pj11PQKOjoyOnA3plOp26fqDVajWnoUY8QCMt8hnrjnK5HOh46BwX1L66\nuvKx4i3a3d112WINfvbZZ043tZxirdTcWPpgHSmcN17Bp3KwxuOxzwPdUa/Xg6KoZtlaZt1g7R0M\nBoEXxSwsKlkul5OiyFrEFLo1m02fH3RutVo+fi0wi8cPOo9GI9e1ClWvMN9m2bphLlr2gblAl/39\nfS9oirfyN7/5TVBgGhrEifuaB6SFhOPCxqvVynWfJt/HyfX9ft/1CDqm2+0GYD5mGfw/6xnZ2Ww2\n7q1GTkqlkssTfVxdXTktFVwDfaiAJfCBMY9GowC4wyzUMQpOhGwhp5qrNZvNEjCk6+vroPA1jXdC\ny+PjY6cRPBqNRv6Z5vvybtUNcTHu2WwW5G392Ptubm6CfGcaOosz2Gq1SkqoVCqVJAqpWCy63tTI\nA9YDfelvVC/G5131xDO+UqmU5INPp1PfFxW8BH7y2+fPnyce5cPDQ9ctmmemOX/MG92LnlA4fI1G\noV8F8FKwlLjk0cPDg8sb79lsNi4z8PdnP/uZ6yX1GvM9c1ssFv6clgeJI3E2m82T52wFHuEdjFVx\nD+KSN1qknvcpJL+W1+E8oeePer1u//pf/+sfBaD44GXqP/7H/2j9fj9QwBCGQdLxzc1NEJJmFqLI\nsJjPzs6Szfnq6soZoAsxHp+i2yjYRYyMpMhdCMft7a33ixJUxEBF9cEdq0ndGnKkh16zbNHpQmEe\ncTJiuVx25mldGw3Rgr4xLTVZVjeIpy6XelFjHgi/1jWhD02GZeFzSL67u/ONS923Wg3dLEwEhT7n\n5+dPKjrmpJdbrZ3DfFFm8E2TVzmALhaLhKZbW1vOVzaMq6urhC6KuAf/Dw4OfO6aOBq72zU8EwX1\n85//3GmkNcBQzhq2o2EoyKqGqcVoVO122+fE+O/u7pKLyXg8TsIo5/N5gGpoFiZ9ajKprnHoEYfH\nNBoNT96Eh/BPx3J+fp6AKyjghl6wFDmLvuJD8unpaYIsqGE+WitC0QPNMgUK7VX/sPkpIAhjUVQ8\nvZQzNw7W9KtrT8epyGPwABkrFArJnEqlUhIKvV6v/TNNDo9DYSeTSTL3h4eHANmNz5A3NtPd3V3n\nsSa3M27VvfFBQumGPCmKHHpCgRaQxffv3yfhquVy2d+nICxPfRbXcdG6ZXowUvQw6EPoh4Yh68HK\nLJMn5FdDP2NalctlH7/qMQ0XNsv20Xg9jsdj/5/xrVar5BB8f38fIMLGYB7VajU5gKvRiN9CCzML\nDvsx2uzV1ZXrc0V/5bLCmPf29ny9sKb0MgANjo6OnCfIsaLl8VytVnMdo+BUrDUFT3nKYBuHml9f\nX7v8MubRaJRcQswedQGH/h9++MHnDp0vLi4S8KdGo+F9/NjlFzoyJ9Zeq9XyPtQAgRzx3svLyySp\nX0PToN9gMHA5Ojw8TMByVquV/0b1mNbvM8vWD/0ofWJAG0XpVUM2z2nYVXyOub29TfptNpsBvWjw\nGDlVMCQFG4qNPVp6ulwUAAAgAElEQVSbifPY7e1tEPbMX2iOIeD29jYIhTULEf6Q98PDQzfosWaK\nxWISrq7rQlHuYuROrUup/SpKL/NGZlT3Mi7VP//YubJcLvt7dG/gvMzl7A9/+EOSNlIoFPy3GgpP\nf4xla2srCcHr9Xq+T2j9WOirThXSKLQWH2ckwlXv7u4CY6VZWLdWwasUVIfnY9CXer1unU7H/s2/\n+Tc/epnKw/zylre85S1vectb3vKWt7zl7Se0/6s6U+12O6n0rTV2sEzs7u661YZbnibhc1M0e7Qq\ncXsfj8dJCE6tVvN+tb5NHNY2m82Cmkh8hlVBk/kInaP/vb29oF4J8+FGyu1bMfuHw6FbajRBEWsC\n41KLlFoc+Y2GJkA3miZVKyQun2lFeqxB6kWJoUJ5p5kFVrIY7lEtpsz3u+++c8uVemziUJ3JZOL9\n8Y5Wq+XjUu8GVk/4e3NzE0B2m2WWh9jKq9ZvtWTE3oBisZgkJc9mswR+HeuLWZiUGCfIawgrrdFo\nJNbPUqkUeJLipPWtra0ADtYsAz5gXWkYBZ9hwdTQFbVWsYZ5vlwuJyFEhUIhgY8ulUr+PoWCj8d3\nf3/v9FKYVuQIfmgiqNYKiS2Oo9EoqH9mFoYmat2SuFaEQsYrreI6aO12O6FBvV5PwrdKpVLwHrNM\nZuNQCP1fPdgKnc3fGH5Z17wm1KL7bm9vk2ryT4VH61rVcGt0n4bEQSOtLRNDIyscte4D0FKBcjS8\ng/HFwA0vX74MwgrNwvBcrRXEu+HR3t6ef8Y8C4VCAm9er9fdks/ze3t7iaWzWCy67CB/zWbT1796\ntdVKbZbxSGvnmWU8gIfIhnoUFQCD9c/z9/f3rkux7Kp1FtpOJpNED6xWqySZW3m+WCzcY0HI7v7+\nvq9xaNTv933c6JPhcJiEZSmIDHpgNpu5HDG+0WiUJOlXKhWnoZ4T8PzpPoCcIyc7Ozs+J2hUKBQS\ngIzhcOjy+xTIDfwqFotOA+Y7GAyCdcOYWYda3iKGbteQWI0oiUEuCoWC00pDHZmbJrtDg7juj1lY\no4z3KV20RqVZCH3PfBW+fDqd+rP0Wy6XAxAssxCQRUEa4CfyDt3NHte/gpKpJ0nrkJplZzT2Ij0f\nKaAA38WgOWaPUTTwutVq+XOsm81m4+9mjhpaq5Ez8FMjZ+Lz7mw28/MJcrW/vx/UBTTLZBLPCfL5\n8uVLl19AjhaLhY+VcR4cHCSlhQaDQQC7Dj3j88tkMglSYczCGk96to73p+VyaW/evPExx2HD6jHj\n/KepKQomwXg04iTWmwoEwhmu2Ww6b3QvxTOt9U2hK2vg/v4+oaWe9TWqKQ6P3NnZSaDxa7Xak+Gl\njUbD/tW/+le5Zypvectb3vKWt7zlLW95y1ve/l+2D3qm/tN/+k/WaDT8JscNXC1rWIru7+8Ti97N\nzU2Qi2AWxhpjIXj//n2QOGeW3R75jd4osUxqInJc7EwtU5qwhoVA44HjJLdCoRDAVtMHY12tVn6L\n5a+CYHA7Pz09DZLazMIEb9rR0ZFbnbhtz+fzpKjj3d2df4bFcT6fuyWZNhwOvVDqU0n16hlj/Fgu\ndnZ2fCy0er3u/WJdUIhy+H99fe28Zh7X19c+PoWqhlbwXOO3NVY/jsFuNptBFXazzHqApQOeP3v2\nzC0Y9K/QwVoUj/+1aJxaZXlOgQDMMnlmHhrPrvHlWPegb7vdTizm1WrVrU7w6ODgwHmjcdGa2GkW\nWqk1dyIGS+h0Oj5+LDblctlpTTs7O3NLmOaBME/GrPkRCrIRy1Or1Uqsn9Pp1D9Ty5p6UcwymcCq\nxFo/PT319ayJz/Af2W00Gk8Wi4Z+WkRTY+nNwvwi+phOp0HRQbNMN2BFZV085YlpNptu7YtLBzAG\nZFMhz2MP8c3NTQA8Ak2hK3Pv9Xo+Hs0Hjdemem80GZn3qDVTIceZE7/V6IIY2vv4+DgAIzILC0wy\nt/V6neTgnp+f+3zV060FJqEBvNbCylqEEZqrbqYveKZw43wGnTXh+imQIy1+Cw9p8/k82FugsxaY\n5TkFo6Df2HPa7XaDXKN4P+l0Om7h1gTquFREqVRyvcW4VquVj0c9mHwfF9HVtrW15XNH/pS+WuQ7\n1vXn5+dBiRV+G+/NtVotAHExC6H2kZPpdBp4vWlxvq16sFnrvV4v8YjoutY8HvplvjpPzWtSeHae\niaMWWq1WAvE/n8/9ezx86qGmj1qtluT5apHi58+f+7pR2sdRQ6vVynWBFvxlDUOXFy9e+Dyh+WQy\nCQok8zeWRS3uqnOKC5sjB8yP36Ir8QCt1+ugrAFzhNeqC9X7YJbxld8gu5eXl/6Z0gwZ1HzkOO+x\nWCw+uTZi0IRyuRxEsNAvulTP2eoxM8v0QLw/qaeI1mq13GOrUUu8R0tMqMxqPhF9KPQ744rh7RW8\nDBlbLBZJDvbNzY3PU4tAK96BWabD0eeMqVQqPXl+inPw1+t1clZaLpd+1tMcN/Y79vKnZPbh4cF2\ndnbs3/27f/ejnqkP1pm6v78P3KiKbqUY7AwM4ijGPozUxDhFqzELk75QPIpAw6Q0EVDDQhTJiufj\ny5kCAiiyXIyQVygUkqrT3W7X3/Pw8OBjVDe6IoSYhZXG9fAY1785OTkJEsV5Lq4loCFu+lyMKLa7\nuxvUfqJ/DZUyyy5xPKdV7/leDzwsbq1YrWg6Zpmgx+h1i8UiqdmjF3hFE1JFaJYpA8ZF//V63WWL\n5549e/Zk0rQetngfNEeuVCHqpSUOf3sqDGmz2TiPGUutVnO5U0AWBVfRDZU5QSOtORI/12w2fQzw\nUg/q0KhQKPiFiHmcnZ0lm4aG+SEnWheG967X62CzNcvWD2OFR+122zd01vJ6vQ7Qmcwy+UR2FHAD\nGmj4W1zfrtPp+Nzh2/b2dhA+xfN6aeAv32utmljeFfWNzxTRSAEr+F4BMOLkdVX2rJ9KpeIH4tvb\n20BvmYUhwjQNJVZex5caDRtk7pvNJkjENwsBfjRkM0bBVEQmEnzVSMI7SqVSkFBOH1pLjBYfnPVw\nifyZPeoqNuSrq6sAOdMsRFJFJkejUbC3mIWhR0+tf0Wniw/dlUolCcvS0Brop0hbNAXN0UN3HDaq\nuleRw1ivui6hwe7uboJ4OJlMggu/WaYn6BvdcHl5GVw+zLL1zfdqAESeoO9isUhCOZ8KYeb9Zo8y\nWyqVkno/ukb00KXIXmbhQVIRXGPU30ajEdRT5DvGz6Hq4uLC+aW6KA45PDo68vGpHENzrQGl4eJm\nmfzFAF7VajVJcu90Or72NIE/1jt6OUd/7+/vB3WIzML0h+PjY+cJfWw2G5c31ka73XY5UdRXmhoF\n4oP69va200P3vbg25mQycT1CXTK9nKnxI0bGHAwGCdKumSVok6VSyd8TXw7MLDA2xikRWo+QPWRr\na8vfx3sWi4W/m/e9fPnSeadnCD3Qm4WXLva2Uqnk79GLJ7TUmoB6uYD29KcXRT1P8FlM093d3QC4\nSQ0cZiEAFe/R8GL008nJSVJTbHt7Ozj3m2XrgbHq5QzZ0XqOce1RHYMChzGnp0CTFDCMtYmT4/j4\nOAFSUbRBmp7/f6zlYX55y1ve8pa3vOUtb3nLW97y9hPaB8P8/st/+S9B0pqGe3BDV2sat3xulwo9\nqdYvbpIK58sNUS2d8c30/PzcrUrqrdJEQbMwKTEOgzOzwCoQJyDu7OwkoR+3t7eBBTHu7/nz5/69\nhmBwQyc5uNlsBsnF/I0t06VSKantc3V1lcBatlqtBDpVrcYaAhaHPZydnSVwmru7u0ntKQ2ZoPX7\nfbdMaf2iuEaBWt2xYGgFb2ivibZqKcZaqKEpzInPhsNhEg6ooXZYMtrttssEzz179iwJaxqPx4ml\nQ+u0qEsZGmiooNbEwWIWAxUwHrPMWqReILPMOsJYNVkW/mv4U+z27vV6SRX7zWbjfMW62G63g/6g\neWwx01ADTXLnt1gy6/V6ED5plq1v9dqZZXKF+17DcmNwDa3FQtO6Olp7QuutmIWV3LVWTQy1enR0\n5LKvNWDiJNfpdJqEOj5//jwJBxoOh85j6KNgLVqnRz2Y9KMeRwUtgVbwEBrs7e35/wo9i8wrzDS0\nVIjtuObdcrkMABsYM+PW9aBJ0mZPw1erl0bBGrTeEjSKq9jv7OwE0OnMI4a3n81mSXJ9sVj08fHZ\narXy/7XOYVwHZbPZBNER/DYGTZlMJkm9n9FoFISu8pnWDzPLdCZ6B/51Op2gvIBZmABNvxp5sLe3\nF4QJmmX7WAwOMRgMnD/qAdIwax0LtNZ5mIV6IgYvmU6nSdjwer0OgAzMMp7HoZqDwcBlVSNPkNmn\nwss4a7RaLZcPDbGMQ/Da7bZ/Bg20LiDt8vIymcdsNksgnjudjo+fUiqlUsnHoAAyCiIELTS8yyzj\nVQyaoKHO8FejUaCF1lqjackYhfvXmmI0BY6iH/Vw8L/CabOWkO1er+fv1vMJMqyANsxd0xbiUPdO\np+Pyxm+n02lSCmJnZ8f3XPVkx9FP6jnXEinQ5SlwJejS6/WcLjyn5xOFh+fdfHdycpKAdVWr1QDI\nyCw7U3OWYn/UudNHr9dzGjHfk5MT/y08qFQqThcFWWF87C9aq3R7ezuJiFGeqOcvjpIxezwLqmct\nTjnQUkC029tblxMNo44j4rQ/UlkeHh58LiobMd0KhYLrdfW08b2GbEJXDf08PDy0f/kv/2UOQJG3\nvOUtb3nLW97ylre85S1v/y/bB3OmzLIbeBzPXq/XE8+JeqaIhW00GkHiP7/FqqGWcwVVMMusmtyI\n9aYexz1qbK3GdHK7xMq02Wz81q25UHGCrFaJ5qY7n8/d83N/f+83YTxPs9ksSYytVqveDzHVw+HQ\nb9tYDWu1WmL16HQ6/pzGx8YW3UqlElinmBOWdd6xu7vrvIGHCp2pFso4X0RzvxRyV6FcoVE8Fu0D\nfp2cnPicNLeD8UHn6XTq8+AzLZ4Kvbvdro9fc1jimO7NZuP98dxgMAhgfM0yucNqxzi1iCJWkh9+\n+MHnBF/ev38fJKoyfrWsaVK4WQjPDA3m83mS38cczB75rxXmkR31etD/er32PhQsAT6pVy7Oj1II\nXSxc8/k8SXxvt9tuXdRCuZoHxJjwXKsFC7pBa8170+KjrD0sultbW/4+hcGlP/6uVqukOr1Wtqep\nF0Jh55ETzVGLoZubzabTT4E3sAbqmtG8iNg78v79ex8D6/Gbb77xtagFC2MZvb6+TvKKtIC4Wkdj\nr1axWEzyMRqNhs9FY/DhNW08HvsaQm9qUrqWEYiBODRXS8slQCP1Wmi+mFlmyYzh0ovF4pNWbZry\nAb5qlAQyw5i0gCzW16e8wuPxOMlNVCu58hc9ogU1saJDx729vQBUwyy0dF9cXDgPX79+bWaZ9xga\nMuadnR3nF+PXfhQwAh3PWPv9vtMGeijog5ZD4D3qTY3h0mezmdMmLh2ifHh4ePA5654Qg01dXl4m\nYE1P5Q3XarXAGm+WrfUYXOnjjz92vcg8tJi1enNjfaxgOOT0vHjxIoF9Vm8la//s7Mz7468W8o0h\ny/V99fr/x96bLUeWHPndnhtyBRKZibXWZnezm5whOSPTjGxkplfSK0hmkt5BpqeZK12MSOOI2zSX\nZnejqrAngEQCuW/fxfl+jn9EgFOyNunuxA2qMk/G8fDw8Ijw5e9170fzlt++fWtm2VqmT80/5jda\nPgJaFQggLtCuYDPsK8+BKoxGI98j1euuuajQxBwjfxrpot7vuGTMV199lZyLHh4ekkLu5XI58IQy\nnjjHTfMLadPpNNE7CvCAHDw8PCTrQj2irEHdnxTiH5mBZ8ViMdmzFOIfea5Wq8n5U4F09EwXRw0M\nh0P38igQnJ6p49IdmpfJvJVKpQSIqVar+bxrDhvzhBxofpQ2+KDezRgMZTqdJvpEi8XruQdaNIoi\nBtWpVCpBwXW+i4HZ4vbRy9RqtbLd3V0XJK0c/1zNDhirSX1a4d0sU8QImtZ4gjl6GFUXMi0GuahU\nKsFli+djoIJutxsc8s3CpF82ZHWjM44vv/zShWE8HicXieFwGKCjmGVuyG+++SZ4rtPpJNXpFcxD\nUXygQfnLcwjPc2GPxWLRBU6T7+GlJpsyX9CsF1NNaKQ/DniaWMpvO51OkmhfLpf9fSjJYrEYVPg2\ny+YjDq24u7vzhQC/1UWsm4xeOMzC0Co9HGponVm2WOJk/ZubG6dLE/PhB+3g4MBp0DBEZPX29jZR\nQhoiyjhWq1UCBLC3t+fv01DNuLaTKisFsWA9KEhA7G7XRGbWXqfTcbrg6Xw+9/WvShy6kEVF6eLv\narXy96nyhj54pSG9jFFDOhRVC1nQzS8OG/3w4cOzyeusL+bt7u7OD2y6puElPDs6OkrQMK+urpJQ\nh1qtFoQfMg761s1UwRrYMDG6aIKyIsDF89VoNJKkda2xpqGaGmbDbxW0Jh67okfFl4aHhwf/N+tW\n0c1UZ8XALd1uNwg/1OfNnuRztVoFNQLNQqOAAiQo0AG0x4dCraGD3Gk4ILzv9Xr+mz/96U9mlum7\nGCSo2Wy6TkMmOp2O7zsa5hXXqGm1Wj6XyK6GXUKfhqZo4jV8vrm5cZlisx+Px75eFAXtOaQ4+tS1\nF9cFKhQKAZomz8cHDjU4qN6DXxryrHuyWQjMwbrQEFbk9LlacRpeiGxfXV35nOgFNQ5DXiwWiUFp\nMBgEIcn0x16pYcHx5adSqQR1EvkurlF1dHTkdGEI0kuhIgzGCMmKGKk1/OCHXmSg/8WLFy57mvYQ\nI6je39+7DDJOBctg/ajxQ0Gx4sO72ZMhXL+Dfg3FRQfy23fv3gVh4GaZ7CjyqJnZ559/7nLJeev4\n+DhAxDPL1ncc4qghfQqaBH0KhqIAZTyvAFV89ty5TWs7wmdogffdbtflBB2yWq28by6+d3d3iaFQ\nw+lUvzPXerHgMxwelUrF/vznPzuPmE/4N5/PXRbUCQFQDRdtRQeNwdPMLEDD1rMF72WvQhfs7+8n\nKILD4TBxumjdLWTn/fv3QW1asxDkDvoWi4U/p3cXxqagP3GqS9zyML+85S1vectb3vKWt7zlLW95\n+x7to56p2Lqv0I1YFfhuNBol1dO1YjaWBE02/bu/+zszyyxZCu1qlt0yY3fmixcv/IaoVeW5QeqN\nMg5X0jpNWvEdCxJwnTc3NwkM4snJSQAL/1y9lxhK9ObmJqmx9fDwkFhHtre3E2vwYDBw3vOcJpgC\nBLC9ve3WDKxzq9XK36FeJnXH8xz0UQH74uIigUbWG716DRXqFB5AqwIzaA0ms8wCwPwzD/f3904L\n7+92u0Fir1noNdTQGehT+WMOFXo2BvCo1+v+b2Tn9evX7m5njJeXl4l1+f37985ftRRqtfu4Psve\n3l5QRRwewWuFh4eX0F+r1RJYYPXoaU0hfos1eL1eu+VHYV9jsInFYpHUD9nZ2QlAMHhXnMytFmLe\nP51Og1pt8AC+wotGo+G8VG9qXGdoOp163+rdhv981263nVdYN+v1egCWoXOgPNBQAsY2GAyS0IR6\nve68VLAW5otwqtvbW/+NWoLVEwaN6JBGo5EkgheLxeR9Cm+vYXLIskJ7Y2lUT2IMg7tcLl2voifa\n7Xbivdf1r2AzcX0+xmL2pDu0lomG76mHGx7FQBBXV1dJOIiWDNCkeXSaAlDEZSnUa8g4tKbQX/3V\nXzl/YnCd+XwehIGbhSA3yNre3l5SR0xh/5WPyK96oL/88kszC+sXYUkuFAqulzQsW/c3xoT8xqA+\n2gqFgs+7eibpW/cOZFah0VlPzGW32w3OB9CHvMGjyWRiP/jBD8zseWh8GqVazEIPIXQpqIICGdAv\nc0O7vb1NSoscHR25XtIwKn6LTC4WC9/T1IIOLex7Nzc3CRhCv9/3edMw4xgaezqdJuF7y+XSvagK\nvx1DaGsJmtPT0yD02iybX63zY5btF+gJhUGPy8f0er0gHQNa4yiZo6Mj91ywVkajkb+DOVyv1wlI\njwKLaL1ODb1mvMiR6okf/ehH/m+z0BOrUTwq02aZ7orDATXaQ734rCnmodls+md4ySaTifdN2KXO\nOfuEehI1XYX36ZkuDqecTCY+v+hv9TJrRAYyzfy2Wi2fy8fHR/8NYcNaixVvlqaDfPrpp2Zm9oc/\n/CEI5YSWeM2VSqXknPDu3bugXhX06zzp88r7Xq/nc6PnRM7zCp6ldW3Nsnll7JypO52Oj1NDp3No\n9LzlLW95y1ve8pa3vOUtb3n7f9A+Co3+3/7bf7NerxfAS9Owymhl+9jK9+bNG7/VYu1R6/ff/u3f\nmlkIBKCJdPTDjfL6+joo/mWWWcFi+OVqtZrEOCsktxZM5KbOzd/sydKEpWU+n/tN+Obmxm+sWowv\nzheYzWZJ7oJ6sLC2aKxxHIPNb8wyawD8wNqyu7ubFGEbDAZu7WBs9/f3Pma1rGKB4TOFI9bifTGE\nslaJZj60mLHmkMQFcDXGVeOP40KT29vbQZ4Vz/MbhSXV4p9m2bxindcEwxgwoFqtOn3qfUNmkDst\n7qiAILFH7OLiwsfWbrcTK7rmLkFLp9NJ8jF6vZ7nQECDWVjQEFriNXx7extYT+k3Llhbq9W8P/WY\nxPHi9Xo98Wrt7+8H4BZmmRzAI/TF7u6uf8+4G41G4jWuVqs+JwqbjgyyVtTbh3VJiyLyrvF47Ouf\nRhVzHcdsNvP5VAu6JnbzWRwLX6lUfN3i9VVQBgV1QT54x+3tbZBADz3qzYo9xM1m063y8K1Sqfjc\nMHa15ivYDPyPgYPMniywq9XKf6/5DHGO29u3b50uLHqlUsnnifH0+/2gSKxZCNMMDVtbW26thJbb\n29vAO2IWFqllPlTeaZp/qVD6cT7LarVKYP9//OMfu1UZi+719bVbK2l7e3tJBMByufT+FEYYOdZC\nswqgwt/Ym3J8fOw6BNna398P8vz4Hvpub2+TIra9Xs9p/dnPfmZm2RzxG83v0j3ULCwczDjG47Hz\nRkF21Itulq1hlXM+gzfsx61WK/Bmwz/NFzQLvcv0oXsq864eJ9XXMahTv98PoJjNsnMFuoN+R6OR\nR1tovjKJ+5r7x280yiSGxi+XywFohVmYX6q08L2ei9AjnANevHjh3ir6/fWvf+2y0ev1Ei+vFlll\nj1ksFkl+5Gq1cl5qnhzj1GgA1q56WGLgm+Vy6fsctMznc88dY883C3UQz/GZliBhzPDo7du3LtOq\nJ2K4/8ViEawRs2z/UfAIs2ze+K2COWi+YDw2ZENzbXjvcrkMismaZfujevnNQnj4Tz75xPvge/Tt\ndDr19z7nnWXfODw8tN///vdm9rSHKDz47u6uj0XBZphPBRNhLeG9v7+/d1rRCZqTpHmD0K+epzhX\nbzKZJDxqt9u+j0FLoVBIxlmpVAI+0LRciVk4h3o/iUtUPDw82KtXr/5VaPSPhvmBbAez9UDGoJjk\ns7Mzd63BTL3o4HZ9eHjwhY+C6nQ6rnRRQre3t76JqvJlkhmwVphXxcRkQ7tOGBOrh0cUcalU8o1L\nFxC/abfbLgQcFP70pz/54UJrYiCY0Nrv95PNsdlsukJXRcbYtV4BCx66Li8vg9o6ZplAaQIjn8UX\nCQVfUB7oRRNaaLrYEWBFUoqT/i8vL30hqnuefjTkkfeykQ2HQ+cvwq/KTxGX4ktos9l0ZavgD/yW\n+dCwRvgyHA4D5CxoZqEq8llcu+PFixdBjZe49sfp6WlS60aT9LWmmH5vlskLNMKrcrnsv4HWnZ2d\nJDS0UqkkiuTy8tLnTpUb7+UAXa/XXQb0YgePNPk/Rkas1WpOC7x6fHwM+AVNyKwaZGLEQA05gmca\nHsGaajQaToNubhweGUe73fb1qpduZILPFIRFUfqQMa3nwqFAAQOQfXhwfHzscvQP//APSXgUv1M+\nj8fjAHEIWuERvFfwFfTwYDDwdyuqV4wAtbOzk4R56iUUvql+gh+EsJhZcDFmnNBUqVSS5PXJZJKE\nko/H40DOzTI5jZEqtR8OMLe3t0FYttJkZkHYUlwbR1HVNHw8DkOczWbJRVbXGfKi+yeX7uFw6O/Q\nOofwCB589913vlcq+psebmPksaOjo0RONORH0friumvdbtflVgFUGDP0jUYjl33djzXE2SzTHYr2\nB0+RI0WbRU4U/CE+dCnIDXthv99Pwkt3d3eTS/dwOEzqDD4+PiZ1gZbLZRLWqKG6zNsXX3yRoHA2\nm80grBS+sH7g/Ww2c1nVC0psLFPQrOfq+uj6/fbbb83syRih+/t3332XIN6t12vXVbxXL+q/+c1v\nzCwLdYK/HGBPTk58PTFO1SeK+hYb9kajUYIivLOzE4Rjw1MFD4IH0Aft5XI5CXHcbDYJCJfylfde\nXFz4OBSZMQb6OT4+TsK8S6WSyyrPffHFF8H80B90qVMCnupljjnUi4LqEd6v69AsRC/UEGp+i0w8\nPDwkhvvXr18Hayqup6iI3DzX6XR8nF999ZU/B49Uz8FXBdyIAU2U/2pIgH7W+tXVle9jjOnw8DBI\nIYIHMcjR7e2tzyvPabqSnk9jIJher5eH+eUtb3nLW97ylre85S1vecvb/4v2Uc/U1taWNRoNtwLy\nd7Va+c1Pb/RY77A4393d+S0aa9Rms0lCCZrNpt/K1XqARUwhfuOb8+7urt9m1ZWNpYtb7WKxCMJj\n+C6+Jd/c3AThfWbZrRavW7fbdUuDhhDGoSYnJyceCsFvC4WCW6H57cPDQwIVe3V15b/F47C3t+dW\nNvU8KKSrWQi+gPVmMBh4aCIWjoeHBw+V+g//4T/4fMSQ8svl8tlwJoUShZY4JOHw8DCoIm2WyQ6/\npb/r62u3dKhLP4ag1zo+CtoRh4iodYF5OT09TWoUKC3wQq2LyKxaNZmjRqMReKmgHUuywqlrGAoy\npTXbkEu8cu/evUtqsWkIpoakxsAdCluuUNxaC4exYSlVq2wcaqQ81Cr1fKbWXvrWunRaO80sk884\n5EQTi9EdjzxgvwEAACAASURBVI+P/hu1EMVJxOrBIon97OwsqJNl9nx47sHBQVD53CybV1z+zMfW\n1lbg9eK9MYTyaDRy7xeemnK5HISkmGXefPWsxV6Uzz77LJg7xhvDbi+XS9dV8Hw4HCZwv7u7u64f\nGNOrV68S+by9vXW6ef8XX3zhPFevBWOH5xrOyNyoXsS6/ObNG5d9DRWKE/zH47HPK7pwuVwmY9PQ\nKg33UFhrsyyMD/4qJDz6UC2Y8EBr933xxRdmZkFdGsIy2buq1WoSvqWhKVovB3AddLSWllDvcByu\ndnh46GGICtyBvGv5Da3Pgi7ju3fv3iXPzWazwKNqlq1XaMBbrboeHTgej4OQSngU12fb2toK6saZ\nhaG6zKFa4DVkR71PZtmZhM80lDQGmVEIfXime6XuPxoubpbNVxyufnd35/0hL6enpwFQCM/HMN3w\nn/fBM/ZDrVuocm6W7T/obfUAo/N1X2HO//znPych/VqzSb3u8EajELRcBfTFIbPHx8dOl6YNPOfp\noD942uv1XOeyj9XrdT/78Fmr1QrKQphl8kLfClQReysvLy8D8B2zECBNwXVYA6zNQqHgco7+rNfr\nyfyfn5/7mVVrferaNcvmKC4Pc3Jy4vRrKkZco07rlzKnGonD/OsapWlJDq1zCT80VA/+jkajAIiJ\nMTFO1tyLFy8c9AdaCoWCyzm68uHhIYgWg664luV6vQ4AiszMfvKTnzj4DuewwWAQ1AOEZngIT5fL\npcunhuDHEVHPrWENYf5LLfdM5S1vectb3vKWt7zlLW95y9v3aP9HnqnpdOo3dG6Z7Xbbb64aN86N\nT+P3iXv+x3/8RzPLbpncdIkbvr+/999oLLwmnppllhNuiFrtnBskloxKpRJAWJplVkFuzry/VCp5\n4jHeo9Fo5BYk4obL5XJQ6I3Gjf7g4MDHCVTkYrFwSwTWgG636zdrjQPHYqI3Ym73GvMd59aodRke\nVSoV/w0W088//9wtCFhCjo6O3BpAHz/+8Y+dh/D+5OTErQpY+Y6Pj/0dWt0d6w3Whfl87vMKf9WS\nEBchNnuydHz55ZduSUD+1uu1f/ZcIVes0WdnZwnc9PHxsdOqHgX606rj8IXfKmQw/KtWq0k+xnQ6\ndR7MZjMfp3quYq/XYrFICrTu7e35ulKoWqynyJXmHymkLDRC32azCeKd4VEcz14sFpPif+12O7Hy\n9Xo9f45x1Ov1AGrcLCzkqQAfuv7MMktRDOfcarV8XWsBQU0eNQuTfrF4bTaboCiyWWY5i3MmqtVq\nAmhTKBTc4qdzHlur5/O581LXr+o+s8yCTV6pgsRAl8aV0yqVins4NS7/66+/NjMLLJgqj/BSc2DM\nMrnEyqcJ2cgHtLx588bfh/7UPDW+Ozs7c4+U5iLFFkwtgInMnpycOB+Yo1Kp5M/x9+DgIAB2ocWF\nbbUyPVb1x8dH18PM+cHBgVu/f/rTn5pZaMEkp/fx8TGx/J+dnflcM/+VSsU9LPBWi7EiB5eXly5P\nCllPfwrJzn7C/GnkAXpRwUkWi0VgZTULgW8Y+2g0SsqcfP75584PBeTgOXTD7e2t960w/QpNbpbN\nZTyHW1tbSY6oJrwTDfDpp5/6PsyZQPOjNRIECzLvaLVarh80r1XBbcwyvQdf2RsU4lnlGJ3AHNXr\ndZ9P5vf6+tp/88tf/tLfxXsVZAWa0aPz+TzYW5S3+lmv1/O1pPlDRNt89913ZpbJCeNkn51MJkGO\njpa6MDP7+uuv/d9aviCWnYuLC19LvO/FixeBfMOP2EOgkR/I2s7OjvfNPDw8PATedrMMWhxZYN5U\nD8Ojly9fBh5Yvvvd735nZk/w1q1Wy88x6NH5fB6APdBHDPuvABTomMVi4TxA7rR0B+NWoCf6Ozo6\nclrpr9frJREqs9ks2U9Go5HrZgWaUSAos1BnqqdTIe/pV/djZEuB5diL8IjP5/Mkp16LuyP7ZpZE\nsLRaraRYeLVaDXI0GRN84Pnr62unW9d6XB5ks9l43+jo54rZv379OgBa4zl+q3lUcf523D56mbq7\nuwuqydNhv993gUN4dnZ2nImKwqaVmxkIypHn2+22K1YOzicnJ0HojVnGOBSn1oWC6Uy6KmwEWDcZ\nFsbd3V1Qd8EsE0J+A82ff/65X8QU1x76zMz+5m/+xszC6t8sXq1rxNj/9Kc/OU/5DJ6Ox+MgFNEs\nW3RxGEiz2XTB0Eraf/zjH83MghpEjElDpjiUcSAZDoe+iBDqWq0WbN70x/t4f7VaDRLF+S3zoCg9\ncaLybDZLUAl1w2GhXV9fJ8htWo8COkulUhDeZZbNL2NikbTb7aTOxNXVlcs0dHY6He9HD60xAp3Z\nk5I6OjpK6oddXV35HCu4SVz/6urqyg9e9NHv9581YEC/bpYYPRRJLT50qXLgMw0f5AIwn8+TmkeK\nbqgXKL7XEAAO0ZqYHSfB6mGA/qrVarLOFouFvwNerddr7w952tnZSWrP3N/fJ0Al4/HYeao1Xvit\nyjuywHe9Xi+4mNCfokKZZTLGmBT4Bh5NJhM/MKG/NpuNy5aGMMdGjclk4r9BxhaLha9rvfhBv+pm\n+mb+V6uV963195g7DvSz2cyNQqA53d3dOR/QzZqMjTw1m02XT+ZBk5x51/39vY+Dv9fX1wnY0N7e\nnsuCAgKw8fPcxcWFX/yhs9/vByAzjIMDGGv58vLSdSq06AVQ17KiYJllc4pcYiCbTqd+IKKP3/72\nt74fwrdCoeAJ3nqwQ8ZevXrlcoJeMXuaO/aJq6ur5CDRarWCsBizbJ3FydeHh4d+4INWBZ3Ry4OC\nAvEcMgOdi8XC+cFf3XMxAHa73WSPaTQaPjYFGGINsx739/cTFNFWq+VyqaGdcVjbJ5984ohn/PbN\nmzf+Ga3Vajk/2Pu/+eYb38dYb6PRyOcVnVCpVAJwKLMwlEwNQDEaXqFQCAyi8CU2UGgY2ieffOJr\nBHnXyy97m4JvKBIsY+d9t7e3CdhUu90OUPIYZww2pQiazOHPfvYzlx30j9bJ0hpZcXrB8fGxX9Tg\nr+6VyFO5XHYe6EWBudHQbvrmkN5oNFwGGcf+/r6vYb0cQgNnjcvLS59j1kW9Xvfvoe/169dOs4JI\noCtZ391u189X6Jrz8/ME+KjZbLo88f79/f3gHG6WndU4P+ueoIjWMdhMqVQKnAH0h/MBlO7j42OX\nk3/5l39xWhQlEfrjlI6XL1/6uU6Nm8g3+rparfraUCOJGhrMQhAmvfzGuq1WqwWgQGaZXMVgYnHL\nw/zylre85S1vectb3vKWt7zl7Xu0/6Mwv62trSRU5/Hx0W/C+mxsNVA8fU0i5ibMzW+1WrnFD2vA\n/v5+AiKgdYa45SsENTfoVquV1J64u7tzC4y6R7HyYclst9tOA94oDRHTmh3qNcJSqx4ibsCMo1ar\nufUGS9jd3Z33rTV24A2W5L29vQDwwiyzKD2XtIgV8LmaMliIR6OR/eEPfwjm4Z/+6Z+SMIVOp+M3\nda3kHoMDqItba20hE5pYqqEt8EITVGnQj+zUajW3rKhlEiuJQscz/1q7Ay8JPC2VSokXktBWsyfr\nTaVS8X5412g0Cuqp8F6sXu/evXM5Yf6Pj4/998x1tVr1d8OjTqeT1KY5Pj72+YdHGiIGfZoEy1xu\nb28ndTKq1WriDXjOzV+r1XyOadvb20mdkcPDQ5d9aK9UKkl5A7Uksw7r9XpSK2I2myWwtaVSyflB\nH7PZzMfL/N7f33s/rLPT09MkDHk6nQbALfAM/aQWW+iDz4vFwudXLV70h37UkAjkTutvlEolfx/8\n293d9fmin36/nwBQfPrpp0G4IHPDWlKwEw2BpsX8PTs7C0J0zbJ6NegYrKRHR0e+NnWtY+VjbTYa\nDZcn6FP4d3TRr371K0/ipr/7+3sfGzxtt9sub/T37bffJvVeptOp85T37ezsuJeHNpvNXFa1jlO8\n9ubzeQAYAp/5NzTt7++7RVThoeN6iRcXFwlYy+HhoVuS1QoKLexJWpNJw62R99PTU5cz1t5kMnFe\n005PT4M9lOfgK3RVKpXEY6bgNcyvWbrfPDw8BInsZmE4sO4hGm3BeHXfNMvmHN5oigBeBfXYx+VG\ndnZ2krDyfr+fePb++Mc/BvVvGAfvQw+cn587z+HLq1evEov9wcGBhzDSVJ54Tuec/U5/pxDZjIMx\njsdj5x+fnZycuO4olUoJMMJms0m8AVdXV0nIpNY8pO9yuRwANpmF5WMUTEDD3s3C8FhkZ7VaJR79\nxWKReOpqtVpQJwteIucK4Q8/kQktQaPh5cgOz89ms2QN8H+zp32nWCz6WudMd3h4GJyRzMLyG+i4\n+/v7AJ7bLAxNJYT66urK51DrKjIOfW+8Hm9ubpL1eHp6GniuzEKPcrVa9XUADVo/Ft4rKIV6x+A/\na67ZbCaRP4PBIAEM0r5VzjWyirGxb/7v//2//R3wFXkZjUYBuBXjRI+wjyqIlNaji/VwsVhMzkBx\nyz1Tectb3vKWt7zlLW95y1ve8vY92kc9U71eLyieq9XdNW7aLEvqI36fG/Pe3p7f/Llx7uzsBLHN\nZtnNjxukFrvjls0t80c/+pH3p4mDWAjUKsRNEouNFoHVArbcQtWiHOcr7e7uurXon/7pn9zSoPCr\n0E1y4+vXr/0GTkz1hw8fkmKnauXXeHue4yauAA9YHL777rsEErPb7dpf//Vfez9mISSrVpjGCqEA\nA1hMsEa8ePHCLUma4B9DCs/n86RA62w287nWXAe8gFo5HiuEFtlTyxq0x1YoBYfAOlOpVJLE0uPj\n4wQqdLVa+bwqRK5a4MwyCxFWZXil3hTNwcPyVy6XE2uGJlDC++vra18b6nGELs0hQ96e85hAw/b2\ndgLcoF5N5K5QKDgNCvfMWlPPFO/V+HeN/zbLrG1xGYSzs7Mkn2G5XLocKXCHFhilqeea5+LyBltb\nW4nHSdcKlk7N1UJPvH//PoFQ7XQ6/r0mw2pSrVk2L1ik0RODwcBpUKARrKi6lpX3Mfz14+Oj50cp\nbHWc33l5eeneOOhXjw5zpMVkGZvmM0Dzy5cv3Rr+5ZdfmllmbWet492YTCYJlPH19bWvNa1ED/3I\n86tXr5w++PLq1augSLBZmKfAd/f39z6HrNetra2koGmj0XAvGh4FqtibhdDj6AkiC2azWVIwe2tr\ny+UJPrbbbddFzOXp6amvb9aFFoZl3OqdUYus5rgxDk0U53l4//79e+crnrV+v+9zQj5Gr9cL1hX9\nxaURhsNhkue7Wq0Sb0upVHK64mLQ0MU4oIW2tbUVrGezTCZjcKBisZgAGh0cHDj/NecYPYHFWYEb\ntDjucwA5rF3W1ng89ncoXDLPYQXf2dkJLPBmz5dkGY1Gvr6QE9aHmQX5Y7EVv16v+16veebIggLv\nsO8o5Da/OT8/d3rIG5tOpwlMtuYpsidsb287AIXmxyigEP3F47y4uPB1oOVmkDdk9+HhwcfCeHd2\ndvycoHmhcWRPsVhMPJir1cpzHBWYib1AAS2YC82PgVeULzB70pusvWq16npHgSPom/euViunlfWo\n3ioFjuFMA+29Xs/nQQGSWCu84+bmJiiUS+M5zZNGZjVSROH3/+2//bdm9nSWmk6ngTeO96mnkf6Q\n/d/+9rdmlnm3WJPM/+Pjo+tpPesjC4z39evX3h9ruN/vuwzCq2az6fOqJZeQSz3zoxMUNIP3aqmV\nOF/Z7Gl//Uvto5epwWBgOzs73rm6zFRIzTJFEldwPj09DRSDWaZoY1Q9/a3WTYJxPH9ychKEEJll\nm2Ds9qzVai58LIharRaE0Zhlil3ruJiFLkKU6fb2tv385z/338The2ZPwsdnv/zlL33DQRju7u4C\ngAqzTFiZNPpYrVbJZVXDHlgwmqBKm81m3g9jGg6HiQDrIVkvlDGwiAKBIKz9ft/HpAnGLF6tu8P7\nFFgA+aDfyWSSgBfc3Ny4jLFRaIKshvEoOhtjjAEXrq+vffNQxRSHjdVqtQAwwiyTd72AwzN+w+Gh\nWCy6bCgqJXNUqVSCemZmmWxwEGI9vHz50unit1tbW0n4QafTcb4yX8vlMkE8enh4SMJjZ7OZ/xZ+\nPDw8JKE/Nzc3QegqNMXJ66VSKahdYZZtlvHFpNfrOV/h5WQySVD6NptNoKjNQvQlfnt4eBhcOM3C\nUFJF6YmrsWMsgm9mmc7i8IAMDQaDYAOGP8gberHZbPpvtK5LjFS4WCx8M9XwTUI5vvzyS9+09QKL\nbOmFgjGx5lV/aZ0O+BVfUHScX3/9ta9rBfqgPy5TX3/9dRCiwfPIEet7OBz6Jh8jx+k7JpOJ85I2\nHo+TBG+9wKhRIF6besFWgCTkWC86ce0pRe6iNRqNBEhpMpk4XxSUhH40rA26kKHVahXUYuMvv+Xw\nqOi1uuewlra3t4NaObxDjSPQgpGPw8W3336bhO80Gg1fmxwAr66unH4FkWDMHGQ+++wzp58xaT0y\n5nc2myWHM7On+WS/LhaLCVCBXi6R09Vq5e+lPzVa0VTfsT/t7+8HFxuzTF7Y0xQ5jPEqGEJ8kX33\n7l0g02bZWo1rQJVKpWB/4DvGC52LxSKpUVer1ZKQyG+++SaouwSdWjspRmT9wQ9+4PsWMlYul/3f\nrOHRaOR9ohdHo1EAlsU74JdetHlO121cx/Py8jKoa0V/yAxraTgcBhdms2wOFVAGHrH+9QIIv+Cf\nXmroV0Pm1FCEnCtAA/OJXlytVg5eg3Fmf38/AfU5OjpKQBPK5XJiBDs/P/c9l3FcXV0lRrzRaOQy\niL6dz+feH+/Qs6EaBxUgI64LdXt763oL3ac11tTQznrgMw01hH5dNwowBq0YKxaLhYcaIqfX19f+\nHGP/8OFDsi9uNhvnIWug0+kkhp1KpeL7EnQeHh66HmHcjUbD5fcvtTzML295y1ve8pa3vOUtb3nL\nW96+R/uoZ6parQaJitwo9WZNiJ1CwBK+sbOz4zdhdVdy+1VIY61ebZZZCrECYT2o1WpJfZGXL18G\nsMa8g8Znm80mCJ/gM7UQm2U3cSyXWIpbrZZbHx4fH91SolXRsVJg9fjRj37kt2P62draSqyoWv2Z\nPmq1WlDjwiyzPnFr15AY5oFb/D//8z/7Z/BlOBwGoS3QHNejKRQKCdjEaDRyGrC2aB0sBYyIoaKr\n1apbxLAejMfjACLaLLMaxHDZ7XY7qEoPL7Au8N39/b3Lp1rLsS4QrjQajVw+NdQJWnjHeDxOoIU3\nm02ScAlflWZNBN7b2wvqo5ll86ahMtCAbGnolIbKmmXWO+aV9/X7fbeo8I5SqeS8hr71eh3UiDLL\n1pm6ts3ChFH19sUJ2aVSKVh/8AiZ4Lnlcpm47xW4A3l/+fJlED7BO1ibOq/wl79mT+sLOX7//r3T\noBDkajGHB4yXedXwPXTR4eFhAABglsknFjiFdYdW5n4wGCSAEPv7+87T8/PzBAjk/fv3Pk/IgVZm\n1/BoDfmkqafRLJvLuL5ItVr1daphhvSD3v7ss88SaPT7+3vX4THEs/Lt4uLC50nhZqELeen3+wEw\nhlkIbEC4r9aj4e/vfve7BIp9e3s7sUy2222fJ8KHDg8PXT/xjk6nE4RC0y+81/pQzAPf9ft9lzG1\nyMI3BQFg3njv4+OjW7XZX54L/bq/v3dL82AwcJliPur1ehIu9PLlyySEcHt725+Db1pSgrW3vb3t\nc4O8LxaLAHTDLJtrBXswy2SCeUeGNFQX/ipcNuvw8fExKGtilq1vjTSAv/AfGdfQP/Vgoh8UqAIQ\nJjx3hUIhqaFVq9WCmki8Ax2Ibri7u3OLvspzXM6hWq36OBWCHj2mtfY0hNQs0/30pyAQ6Hot/8K6\n+MUvfuG0sAb++Z//2de/wq/HQCu6v/M+DcGlv+FwGEQkQANyDo+Oj48D0AKzTMfAN9Zmv9/3tUG/\n5XI56Mcs1Anq9YY+lUV0iuo4xse7tIQC4Wq1Wi2oQ2aWzUc815VKxb0oyP3JyYn/lvUGbWZhSZPn\nogfisObVauV7Lrpca/Khu3TvRe4qlYr98Ic/9DHxLnTk27dvPSUF2Tg9PXVvMXzRcFkNf+R71Wmx\nt7VerwfAONClUPxmYf0w5KXf7ydnoMPDQ6dPy5wgHxqRw3pV3RDXrVOodT1DaJmP51rumcpb3vKW\nt7zlLW95y1ve8pa379E+6pkqFot2eXnpliFubPf3937LxiJ5f3/vN2uFyOVGRyznxcWFV5vnufl8\n7jd6PCwvXrzwGyw39fF47DdSTbKHFm6y8/k8sZzM53OnhdtorVbzG7ha4rAq0K/ZU86HVonHilIo\nFPwztc5hnVb4TW7FfFcqlZK8F4Uj5YbdbDaDwrJmoUUCK+R4PE7iZ4+Pj5O8Eo0/1QKHjAPrwsHB\nQVJdfblcJvHsL168SCzsy+Uy8KKYhaAUmtuBBQlPp+aIYP1QiwhWg2Kx6NYH5E8rakP7crlM8kU0\n9l8b9PHbq6sr56UmGGNN0Rw2LJ17e3s+D9D1nOdMoaIZx8nJia853qFgE2r5iy3X1WrV+9Tcjxi2\nXpN54ZVWUtd45ria+Hg8doupFr2MvTLL5dLlA6tgvV73tY4l6/r6OsnBOjo6SjzJ2pgjxmP2ZOlS\nGHxN9I+LY2uDB3t7ewk88MXFRVKwdLFY+LvVk0CDV8Ph0OdSi5DDK82pgFZNdmV+dY1o/mEMdauV\n3nn+5ubG6cGaqkn1Glsfe3nPz8+TNTIcDr1Yr+Ywsv5pajWE58fHxwHktFkmi8wxfQyHwyRXt1wu\n+2/5bG9vz+eEd2iOE/1q9ACfffXVV0k+y29/+9vES6IQ2nj2X7586fsI867FhzU3NY5kODw8TLyk\navnWcgdxke12u+2fdTod5wfzpjlEABGpN4u9qNvtBoXPzbI9MNal6/Xa92H0jsIHM7/dbtflDQ/G\nJ5984h4k9M9isQjADcyyeYMPCkDBv4mIKBQKvg41h0Hz4swymYW/vKNYLLqeZv2cn5/7nOAV3Gw2\n9u/+3b8zs6f5Ui++FgZlXaPj6vW660NoqtVqSVFpsydvm3o18TiwT93f3yfQzev1OgETGg6HCSjF\nYDAIeM9exvyfnZ0FnjezsFCu5tk8x18tIk3TfGezbL0STcP83t/fB15gs0x3KLiVWeZpRb+S57e7\nu+vz9JxHnHd99913SQHpbrcblDqhv3gcx8fHPp/sIavVynUgMvT3f//3Lh/odc37hAf7+/v+XvRA\nt9tN8rzW63VS9Pjt27dBTiU00x80a2kBlUl4ruAwMZ9brZbLp54n2KMVHAq+zGYz5xvv/fzzz12O\niGrQQs6aJ4nOQn8WCgX/DVE6Z2dnHlXEWbjVaiVFsa+urgIvm1kmd8yTliDgbqH56OyLmtsdg+Ho\nHegvtY9epubzubXbbe9cawGhRCFMw6NQCnr54bc7OztJkutms/HJY7HX6/UgrNDM7Oc//7knnuqC\ngHHQuV6v/aCgmxabBwys1+s+KYrCxWcKHKAVlwkJ0INufMnb2dlxgWNRDgYDVyAovX6/nxxWNHEX\nQVfkQRbv5eWl8wjFuV6vgwRls0xpcUlB+LXmlSKHad0Ys+wQjDJj3Ov1Oql5o8h1WkcoPpwPh0OX\nD8Z4enrqhxR1rUIf/NH6HPCv0+k4j5C/1WoV1NPieRaEAi/Em9rNzY2Hg2htMZSQ1l+Jw0o/fPgQ\nhJopYo5ZphzjMJrZbOa8ppVKpSREVC9v8H5/f983VHVDM++KPMga0bo08FcPcnHoT7PZDMBZzLL1\nraGXZtklU2vJ8S6tEWWWyTtj08rx9I1OWC6XAfiGWRiWoUni0K8H6LiyuYaNaZihInKaZco5roPW\narWcH+ii6XSagNeowUNrd2lYqVmmf/RSy/yj7A8ODjzEhEPBZ5995npLL2IxYIyZJShYe3t7/j3r\nbH9/3+cf3t/d3fk86eEi3rw7nY7rIgXpQcYU/RVewv9f/epXz17stS4LPNdLPu9Av7KOdnZ2ktpt\nrVbLaeW7RqPhss3mrMY0DmJak4k9ScF1fvKTn5hZqLeZA7048/xgMAiS+XkOPsOzVqvl+w7rVxGy\n+Ozm5sbHpMACzOVnn30W1IMxy2Qb3QGfte4S9FWrVe+Hw2Cj0fD5gpb5fO60ag0oDdsxy2Sff2u4\nfWxMe/HiRQKacXNz4/zlAH19fe281j1Vax3CF+ROjT0xMlq1WvX5AuQKvps9HewqlUoCpPDLX/7S\nx4bclctlXw+EXVYqFdcZnHv0XXp5VSAQs+f19uvXr4PLpVlooEC2N5tNcDFFR3JoVYAC9iytHQqv\narVaAArGc1oTk36hX88Y8RpRQze8Hw6HyeG80Wgkob+tVstp5m+xWPR5p47cZrPxMekZKK7tpRcJ\ndKvymqaoj//+3/97M8su+HFY3vX1dQJycXd3Fxj0zTLZ4BKliIbwHz5eX1/72tR0hNiQXalUEkCb\nV69eueyj2969e5cA/axWK19Ln376qYeEcr5/eHgIav+Zmf30pz91HnE+abfbAUCdWbYOoRvdoGiD\n9HtwcJDow93d3QRttN1uu1wquAp8Zb3yDP3w/lgvLpdLfx/njtvbW983NURR+3yu5WF+ectb3vKW\nt7zlLW95y1ve8vY92kc9U7h4Ff7cLLNCKKyxWXZrjRM8j46OglugWXbbi+FIr66ukurJ+/v7fiun\npsTh4aFbXrAAPT4+JpC8q9XKLTXQpxj73M5vb2+TRO9Go+EWE/42m023avzjP/5jYLUzC8MBGe9o\nNApcqfyFLnVJxtbb8/Nztwaq+x564MHj46N/hlXj+vo6sUJqnRT6PT09tS+++ML7NsusAgovzWf0\no8ASsQVmPp8n4UWbzSZxt/7gBz9wqxa0azgaPF2v10mStoZ26DuwPqjXCsuPWkmQQeRYIbmRiWq1\nmiS5LpfLZ4EKoI/3397eBvXUYg/heDx2uUVOqtVqYCkzC2GSma/5fO50IW+DwcB/o/Vt1LpjllnY\nY++NKdikqgAAIABJREFU1o9Qjx6yo0AQWO3oQ+vC0Lrdrv8G+ez1eoGl2SwEX0CeJpNJsJ7NwhpK\nWKgODw9dVnX+45CP5XIZhBCYZfPFvCtEdRyaqN4F1sJkMvHvNUSA75Ghm5sbhw/WMD8NmYE+5Gm5\nXLrnFx30xz/+MSmNoKEm6Ilisehj13DROCxyNBoFCbbwVBOnzUKobfjHe/Qd9XrdQ37VC42cYwn9\n7W9/6/2x5tWSqPIZw1Y/Pj4mNWqWy2VgMYfO3//+98Fn29vbLkckXP/5z39OgEqm02lSZ+av//qv\nXc7xIKhnEp1ZrVZd38WhM9pftVoNYJfNsvnlHUQFlMtll2ntj3+rp5j1oNZ7xr6zs+N04R0plUq+\nXgmx1/p86u3VchXwXOstmWXrgt8S8bC9ve38Qk+NRqMkGkDDt5FjBZtgHMfHx0mYb7PZ9LWGntLQ\nWr7b2dlxGhRQgffp/oMca/0l+mStaF2lf/mXf/FxwCveoWFZehZhPhTEQmtK0h/fozt6vZ7reg3Z\n+tnPfmZmT3oRuTbLvAbQ9Otf/9rMMnlHNgn91NBlhSXn3TFgkdnTvtNoNFwmmLf1ep3AYLdaLZ93\nheJmP4emb7/91iOOtDHvrGUFudDwSPWo8V7WGnI6Ho99DUD7dDr1M4WGyzJODR9T+HCzbC6f29/R\nT+j0brebhFM/Pj4mJWP0twqApZFOZmGYPO9Yr9eB994sm1/4h96eTCa+HyLv79+/93f8/Oc/TzzT\nk8nExwxdDw8PziPmo1gsBjXCzEJgFNby3t5eANikf83C1A/mBC/UZrNJQElOTk4S0JTpdJqAkmgU\nAnv09fV1ANhhlukE9DWtXq8nMha33DOVt7zlLW95y1ve8pa3vOUtb9+jfdQzZZbd1LQYmll2W+VG\n/6/l20wmE7fKcIteLpd+U+ZGen9/77dP4hV3dnbcOqJFD2No3N3dXc8RwArBDdTsyQoyn8/933rr\n1rwSaH8u5lwLoDIm3nN0dOSWKPgyHo+DHDN+SywqsbJXV1duyYUWhWLmXeVy2a0jWHH++Mc/JpZ1\ntRBh/dC4cq3CjQdBoe8VxIO/8F8heWPI29vb24S/8/nc512T+bDUqBUCWeC55XIZ5OOZZVYorErK\n0zguXwE3yD15/fq1vw8ZM3uy6tGvwogzjkKh4NY7rDT39/eBF80ss0JhiXnz5o2/T6FnNd/FLJsj\nzTswy+Yay4vm2SBjaj1kbuCRWg2xXB4cHCQACvP5PCm8raAK8GCz2QR5J2ZhoWlkbTqduswiB6VS\nyXmoOXOMF54WCoUkmffTTz/1MWFtOz09dRlUWHdoQXaPj4/d+kx/CmmvQASMSWFYYyj47e1tp5k5\n7ff7SZx3tVoNYJfNsjjuOJ9ys9n42LQgKLx8//69jxM9N51OvW8F3FGPP2OLAUPa7bbrKoUvjpPW\nZ7NZkhv28PDgc0hOl8beqwcNWvBWvHv3znULevH169eJZVKLpzPGZrMZwFBDO/9WvYL3SQtwY3mF\nlm63G3gu6Df2CtdqNdcPCh3PHMHTo6Mjt+Ji3VTYX82xgQc812g0fOzqydTvzcJyCMozaK1Wq943\nYxoMBknB0u3tbf9eAWsUltksW4eaU2WW6R9kmX61yKZ6KOiPualWq84v5UG85g4PD319MV97e3v/\natFm1uHBwUGQB2SWrS/NveH90KI5fdAP70ulksuOekF4h+7LnGPU+8F7tbBqTJ+CYWi+NHqCtaDe\nQwVP0rxXs8wbFefvfPjwwXNIdF9CxxwcHHjEjxYEjvf109NT+zf/5t+Y2dN6uLy8TArIVyqVJGLn\n5uYmydE5PDwM8gnNsrXOWmJMf//3f++gWtBcKpX8fXw2GAycb6yls7Mzfy9yqjm4yovYw7a9ve2y\nhTetVqv5fDLnpVIp8AKZZedJxq4yEeu25XLp+zG0aJkedEexWAwAReA3tGpEEY09dWdnx8fOeDS3\ninNPXMhW80QZR5xDWK1Wfb3iJb27u/MzvOYks9YUhyAGFNvd3U3ONpq7yhzpGROgL/Uaqwyhg/Q7\n5kZlgrMo8jIYDNyryXxsNpuP5kx99DLV6/VsOp26UtMJpXMWnyLZsLkdHh76RGuIFQNUBcVvGPD9\n/X2A9sd7mVhFzYvrB7TbbZ8wXHaLxcIXh4JhxEgsw+EwQIozy5jPhecXv/iF/4b+FFSBCdBwFg0N\niuufKDISNPT7fRdI+Pvw8BCEypiFwAHwbX9/3xN2EeA//elPvkD1YKKXBWjnoKZhSIrEZ5bNawxK\noHPDdwcHB8lhqlKpuCKBZ3d3dy5jinjEZyy6v/u7v/PveK7ZbD6bDM1mwOIbj8dJOM56vU5Q3+bz\neYAoB7/jelnb29tBrROe4zdar4T3bm9vu8zoRUxrxJiF4Xvw/Pj42OnWyyhrks2lUCi44uddmhir\niJZxyJRWLNcaWsib1vGJ69ZsNhufVw1XYP6h5f7+3nmpNY+QOwWTiYEgFJGJtQkdyr+rqys38vD8\n7e2try940e12k3DFzWbjPIe+YrHoIU5aSwPlzfpdrVY+5wq4QT+Me7FY2I9//GOnBb6qPDHHWqdP\n0SXNwrpWzNHx8XFQWwNewn9FZIzDLRVoh3ecn587LfFmqa3ZbDotzH+z2fR1z+ZWKBSCTYr3sx5i\nHQ1fzcJwFsa2Xq8TBMLVauW8ZI4UvELRAdExfKfgGvR7fX2d1DL65ptv/LfQfHV1lSAubm1tJZdW\nsyfdgnFLUdH0MqSHVWhW4xbyoTV7tH6TWQgOhGy/efPGZVnXiIYx8zcOj1cQCQ2Th0b4t7e35wY7\nBayJw7un06nLjIaKwS/4fHJy4vRpCC50oTPn83mAbkiLZVEvgPRxfX0dGFHMsrn5n//zf5pZeABk\nDtUQq/WAoA/Z0TAo5F0P8Qq0BC3MtQIV0J+izbEeFARAkeAUwdgsC3uNQa4UzImxv3r1Kgn9fnh4\nSOpudTqdBAzpxYsXQdqDWXZYhxZkUZP+kZfvvvsuqQupl3M1dMM3NV7CV+UpPIKXp6enCVL1zc1N\nUj9KUVORDX0v81AqlYLaecxNHG43n88dqY71u9lsvG/oG41GAciIWSZP7JXouGq16uvxubBXZOIn\nP/mJnyEZ72KxcJqbzWZSm6pUKiXhrJ1Ox9eBjp3n+O39/X0Q8sd7Y4RSrVvH2DQ0meffvn0bGNvM\nsjWvaN9mWShrfHZoNBrOSwUbiXXk8fFxUttL7w5/qeVhfnnLW97ylre85S1vectb3vL2PdpHPVOA\nO6iF1iyEAue7crnsyY/cbj98+BBYbcyyGyeWeCA+P/vss6SWwenpaRLioLV2FGSBGzM3/16v55/x\n3u3t7SQJX+HLtXI41hH6+OlPf+r/brfbQQVrxvurX/0q4EelUvGxM871eu3jg0ea4KduSg314Lcx\nvLF6P7AGvHnzxr/HwvLmzRsfE/09l2hZLBafdcvzW2hWbwUW+6OjI7c0KMgGv8EaoLUCNKla54kx\nYvVUSw1NQQ6QJ54vlUpujdH6HPCX9x4cHPhzjPvg4MDlA5ofHx8DqFPexXiha29vz2Xs+vraeaTg\nFZqwa5ZZs2NPgsI9q5cECxJWwWaz6XKiobhYnKErhno1yzxAcehfo9FIrKi1Wi0JGysUCgn0tELx\nMrZqteqeJuhUCza839/fdysb/JvNZm751XCF2Gp8fn6eQDK3Wi0PY9CkfnikMMG8A15pNXb40ul0\nksTX0WjklvDnvJ/8djabOV3qpYNHHz58cBpVFxHiovCxmuwPLfBcIbm1rAF9aOK0WaYvoBE98fvf\n/955o/W0oFW90DQF2VFvtlkWYhtbedULpXD4WieLpiGpvBdea7id1mAyy3QSFlPWerlcdr5Bp+ox\n3UPQN/B7a2vLecB81Gq1ICQFXsQRBQoGgmyod55x1+t1D1fXEDVo1dA02v7+fiLTp6envv41xB6Z\ngIZ6ve70676JPue5o6Mj70dBKQCb0HCquJah1opSqztrXYF0aBqupnW+zLJ5iOtzzWYzp0HhodkX\n4cWHDx8S7/zx8bHPP/uJhj0x17/5zW98TKz5V69eubyxpy6XS997mcP9/X3vk+ib3/zmN84PrUEI\nDcjOcrkMQv74LK6TpyHnCoakdffi6BcFpWKNfvvtt/4b9RDE+5wCiylkf3x2GI1GSR2vDx8+BMAe\nZpnHIfZqrVYr7xu+TCaTxHtXq9Xc04Vs3N7eet8AxgwGA/cusK6Pjo58DfDber2eRJwsl8ugZIdZ\nJnfwAN6/f//e5YN9r1gsutdVIejjSJezs7MENGlrayvQc/BZy25Ai847fwmTg/fj8dhTRJC/6+tr\nl+Pb29ukxtL+/r6PT8HJ4vImOzs7/hn6RD1OvK9cLicex0Kh4Gc4PJTNZtPXErzSOoPIVb/fD8A+\nzLJwdGRGQaK0dBItBjlRcCjWQL/fD8DPnmu5Zypvectb3vKWt7zlLW95y1vevkf7qGcKwAduklh7\nNLeG2/RwOEysZO1222+4CiKA1YYb8xdffJEUC93f308sf2ZPt08t0ImlgVut5iFpsrbmLpllN38s\nhNxWl8ulvwMrRKVS8Ztrr9cLbrZmmVUhhs4sl8tBoT2zLM4+hueu1WoBfCP8xTqi0LcxhLrZk6VJ\n47Gh5Xe/+52ZhZ4Ekmt3dnacvyRujsfjxIuhHkLmV61VWAU0hlg9gFogF1o0d8Qsm0N4qtWxsXBg\nOVOYYS0MDU+1gCXvQ3ZqtVqSN3Z5eZl4Yq6vrwOPBPTxXh0P84D1cLlc+rzW6/UE3rrf7wdx52aZ\nZY+8CeREY6WxSJXLZZcPlTHoUtCE2Mp6eHjo1lOFUo9BCTabTcI3LSCs+WJqkTLLZDa2TJZKpcBr\nw2eaeMw46Ic5V72jnmDmSYtQx8AzyisKTfd6PeepWtiwOKnHiXlFXlarVVCw1CyTDYWKNQvBVTSn\nLwa0WC6XQVI98696ST3lZqFFUqFqY3AYzUlQPsN/9IlaYNUqC9149prNpltl8VpUq1Xnm3qKGBPP\nffLJJ/5eLT7LHOI9mkwmQR4r49A8MPirnmFoRy/Rjo+PE/AX9WDCHwXXwXq8Wq0c/lrhfOG9Flnl\nM/q4u7tLwBrUmw4visWizwOy88knn7icaDSH5guaZXqPz969e5ckeNfrdfdgo5s1iRzev3v3zi3X\n6M2zszPnuQKaxOUyFPIcvnU6HR8r+/rFxUUCSqQ5ScjfarXy+VK9iGWa+dcyDbzrxYsXTp8W6I77\na7fbTjN7h+pneH93d5fArq/Xa5875QEyrYntjJff1ut1/w1yWq1Wkxyxy8tLl0uVU/S2lsigOC15\nl5VKxdc6/NEcrKOjI/d6ahkMGry6ubnx8wEyprnQ8Pfx8dH74b3an/IP/qMTGo2G/5t5+PWvf+1g\nGKx/bfD04uLC/uZv/iagz+xJR0KDFk+Gzm63G+QxMl4ta0Nfmntvlq0PeISOe//+fRJN8xwgzHK5\n9PXI/vj1118nkPebzcbXsOZ0c1ZB1jQ3WWWR5/j75s2bIGqE59AjzFulUgnKAkG/eojiiKijoyOf\n1+fKjOidII7oWC6XCbDQZDLx33J2aTabQQkQs2yNxEAgW1tbSdkHxgJdZlkEEHwg8uD6+jookM27\n4vOket3/UvvoZQqAhjiR/oc//KGj0jHgu7u7QAjMMmbGh7jFYuEbP78dDodJEnG73XaBU2XEb/Xi\nwWavSGRxteuDgwPfeFBq7XY7CbGr1+sJ2shsNvMFYfZ0cEEhtlqtZAGenp4GScNm2YKGHwjI4eGh\n0631KBBcTdyPw5nevHmThFHd3t4mSct3d3cuhFTwHgwGieu61Wo5zzlMTafTBBFNa4UoqAP0865G\noxGg38FfFhF8PD099QXIBru7u5uEA2piMTwtl8u+AfDbx8fHpHr6crn0edVkeK2xYpbJTlwbReuC\nwItareaHKMbY7/cDpD14yVxfXFwEYULMjSZOm2WLHdnSw0Vcm0RDSPS5GJFpOp06DdB0c3MTHGbN\nsnWol14+o7FB9Pv9oOYUPIcGDWvje00c53CkNSgYE++4v7/3/hSpDLnkHVoXhnFryATr5znAEFWS\n+peNBv70+33vR8MgeC8829nZSVC1qtWqzy8bwN7enq+b09NT31C1xl5cO2s4HPpmwThrtVpQNwr6\n43nQkBkFX0DOmSMNcQRwRw8DGqoRh1EPh0M3BqjxJQZp2Nra8rEpUAnrKg5RVr70ej1fa7S7u7sE\nHfD09DTZJJV+/vZ6PV+HyN+bN2+C5GuzbL6YO0Wq0sMl/IvrqsEvs/BSiExT96dYLPrFX5EemUvm\nSA9x7XY7QM6kcUnSg1ocWrm/vx+gqZplchJfLo+OjlwmtH4doevIyWg0SgB+BoNBAjZzfn6e1Gx5\nfHz0tcZ3V1dX/tvnLgB6XohRNRVwAXna29vzeYAHu7u7z44Need8Ui6XHTBAw5BjNDU12Ch98f5+\nd3fney86v9vtBqHBZmFIvCIls9aRu/39/QDh0SyTE2SxXq87f6nJpns9z/3gBz9IQET6/X6CVKyX\ni3h/ZyxmT3uSzkOv1/P5/MUvfmFm2Z4U19CbzWZBKJdZNjfMtRrBFGHPLNMd8Vnv+Pg4Mdgr8qkC\n2sRACs+dOxUdmD2/XC4HqKU0DaNjHPybS8ve3l4CkLC1tZXUDFSjJc81Go0EvGI4HPr+pKHb/+t/\n/S8zewp/1dD+x8dHR2yl7ezsuJxzbtrb2/N9hH1lOp26XCqIjYKbmGXrn3fr+mFMjKPVaiUGTA0b\nRO9MJpPgPGeW7f8xKIXZ09pQ4wuyoIBlavjjeT0HPdfyML+85S1vectb3vKWt7zlLW95+x7to56p\n2WwWuBr5O51O3ZWPW65er/tNnbCVRqMRQCybZVXlsQxhNSiXy34DxzJ1fX2dhM7t7e25hUaTk+NE\n5WKx6LSq5YSbPDfUSqUSgFuYhTWqsNIUi0Wn66uvvkpC4e7u7twaiMduf38/sXr8+c9/dourWqM1\nCdEstCRrvR8sPtyiNeEd60y/33crlCb6Y3Ggjzdv3jgv1e3OTR5+vHnzxvtWaOnYarher30cNE0m\n5zn1dMGrnZ0dp1W9VXGl9N3dXbd0QNOLFy9cxnj/1dWVj5P57Ha7bk3BavHy5UuXGQ3jiOtHaWgi\nfyuViltnmavt7W0fk9Zi0TBO6jhgqdnZ2XFLKPOgfWrYIPzX+itxjaKLiwvnL99VKhW3LjJeDYVj\nHR4eHgZ1zWgaOmIWgqawltUqq8m3cbhFpVJxmdaK8DS8R8fHxwFACXTgheQ3s9ksqBhvlq2ZGN78\n5uYm4dX5+bmvR3igNcUUSpl/6xg1uZW/0IUsxqGfPKchX+qJ4B0xZH+j0UjqhnQ6nQTwolgs+jwx\nbxqmrB5d+matzOdzT9jW6vSxd6FQKCT1vt6+fetWfvXoxlDxtVrN38d8KRgKOuPh4SGAlzbL5i0G\nOej1egE8P7zifeoNYt55h9ZkwiL++PgYQKKbhd4t/q2hn4x7f3/fadEwWK1DBb9j8J/NZpNYhRVW\nWaF50RfdbtfXF+M9Pz9PQlc/fPjgcs53mtxOm0wmQYSGWaaTkEt4NBgMnH7VDfwWr1a9Xk9KD7Tb\n7SSMutfr+fpTQCUN5TfLvC1YpLVcQ1ymo9vtOi2s5e3t7UDPMY6YLzpOrS0Xw1EvFgvXxwqAwDww\nl+v1OgghNguBrxTcg+c0skDDuxh3DGm+s7PjOpc9pFKpBJb1WCa0RqHWRsO7wHocj8feN3vu9va2\n70HMtZbu0PBNrRFoFkZiwI9f/epXAUgC42Tu0DXT6dTPSLpHa9izWaZPoA9dybvNwhBBxs5cKtS+\nRjwREaHATHifVO/gaUJ22+22gwnpWTSOHlqv106retW1Jip0xvVXN5tNUFPUzILwRc7j6u1hH9Vx\ndjod18ms0e+++871JWM7OTnxOk+spfv7e59X9Qbp3s04GbvW04J+9vzZbBaE7TNOBbKjD+SN716/\nfp1AxRcKheDfZmHEge47cemmZrMZgC4913LPVN7ylre85S1vectb3vKWt7x9j/Z/5JnSZE6FV42T\n6tbrtd8gsWqt12v/XnN6YvjFYrHoN2otSMs7sAZUKhW//SpsItYWhRuNC8iu12u/JSvMNbdV3vvT\nn/7UrUXcjLWA3GKxSKCMt7a2EthtLWwKDxSUQC1NcWzr9vZ2AJ1tllnH47yCvb29wKLCO+ib99dq\nNbcuq7U/vqlrIrdaKOL8CIUUVzAEaNFkTf6tVaw1xpi/8FqhQOME39vb2yCXA/qgn+eRF/qB3xrv\nDs+QQawkj4+Pzhf1BMZ5KAoPCt9OT0+D5Falm/7inJpms+lWFHjebrcDayE08BzWKs2FgvelUinJ\nA1LoXPptt9suW1oklLWpCcjPvTf2iFSrVbdSaS5e7NWsVCpJIrDmZWp8NNY1zTPTHAOzbM3zDoUM\npm/kaX9/P4jhNwsrmyvQi8qHWeYxRlbhabfbdZ5q7HpsYTs4OAi8aGaZpVDzGWLQCgV4UetyDCk8\nnU59DrHELpfLIH8q5qVCwOO1gfedTifx8pbL5cDTwDiZE3igRYB5brFYBJ4ceB5bUTXBH5o1p0N1\nETzUAtHMO7JxdHRkv/nNb8wsBJtQTwN8Zu2qJyYuAjqbzXw+8ThMp9Mkl0D1nYLF8G9oXiwWbi1G\nTqfTaZLD8lxUyIcPHwKvJzpeZQK6kINSqZQUnV6v1y53rB8t/qogGKwDhYKOQSS00DzfNRoNt94j\nQy9fvkyiVRTQRnNrNUeH56GBNffq1SvvW8FzkCPNrYyhzFutlgMzIDtnZ2dJKY6Dg4MAZpx+mXc+\nUy+J5hLGHvter5eUGdja2ko82FpolucXi4X/RvNHgapXMAn1PPG5AmRoKRGeUyAueMRv8UxcXFz4\nfGlON7QqYJEC2ZiFeZ7KK9YV/Wr+nuYm0x/rsV6v+7zT7/b2dgKQc39//2zBb3QRf7e3t122NL+U\n71UW4YtGjMS5tY+Pj35mYc3X63WXHeisVCoJfL0WzNY8z/i8s16vXfei05fLZVAawSzTbQpyZZZF\niiHbR0dHDm6ihZJZQ+iQTz/91MeE7m21Wr4OGNPx8bHTgA7fbDb+Pc8fHBwkXvJSqeR6TiHg0TH8\ndjQaJVFti8XC1xrzoYXBGZviGmiJBy0VY5bNP7/5S+2jlykuJSxuOtSkTz0U6AWB5xA43LOa+Kqu\nxDg0aWtrywUD4ZlMJh4mpdjzMEzDqWJs/0aj4e9lAzo4OHAXrKI+/cM//IOZPdWF+MMf/uBMr1Qq\ngVvXLBMeFjmTMp1OE1AKRelCUN6/f+8CzoJdLpf+Pt6h7mqUy9nZmfPmZz/7mZllLlg+0xALBJjP\nfvGLXzh9COFsNnMh1Or0fK8JfvCVRbBarTxkgt8quo0uTt7BQru5uXHFTh8PDw9BqBl9KCIa/ali\npV+UMrzVA5Ei5UELn7Xb7SQMtVAoeH/Mx+npqSshFEqhUAhqmPA9m9BgMAjC7MxCZEyaHkz1YqpI\nh/CNtcY4ms1mAg7RbDb9wMSF5+bmJkEc01oRvEtrO2mYxHMIfxo+ZZYpwfiy32w2Xc61VkV8odxs\nNkm9n+Pj4wSY4cOHD64n9CIbXwrG43FS3f3t27c+n8iTgpcgOxcXFwkoSa1WC8BSzDLdAP2M9/37\n94nRQsErVquV8x9UzfV6nWzKCvAAfQqMwQFxtVq5fCCLj4+PSajRZrNJAIMUjRFe/f73v3c9SB+6\ncSK7W1tbiY4Zj8cJyE232w0uuGZh4rbWjEJmoe/w8DAYu1kmd/Bf5wv6NblaDTBm2UGCdagXPEJg\nkOeTkxMP49bQX2hhLhUhVVEY45Djra0t/wzQiUKhkFxQWq2WH8DQjwr+Mh6PAxRSfgMP0dsKZKGX\nc63BZZatr+fCFGNE3slk4nSzvhQFjfnvdDrOG/T64+Ojr1PlEbKnId18j/Gw0+n4vq4AD3FIb7FY\nTC5Tw+HQZQzeX19fO6947ujoyMcJ/9QYCV/UAKQIiPBAL6isAQXK0VBj+BgDqahRUJFvoUHD0GLg\ni2q16rzUy5ReEKntg/6czWZ+ToP39Xo90esHBwduxIFWDYXSCz40wOdCoeA0wLcf//jHrguQk9Vq\n5XPN+p7NZq5fFaAGvulzKufQDn3Qopck5RXj5bfb29v+W3UoxDprs9k4P/SszNpkvq6urnx/UoAZ\n+MFzs9ksQEuGt/xGDYqsEZoaCpGXTz/9NAkvrFarLmeDwcDpgs+z2cxlX0NdWRvIxPn5uZ8taBrS\np4BM8Zmr3+/7Psy73r9/n+inV69eBeGOZpk8EyKKXM1msyB03SzTMfBVQ8rpT40l6FoFnftYy8P8\n8pa3vOUtb3nLW97ylre85e17tMK/5roqFAqb//yf/7OZhaFNZtltmxufJuTFkKJqEVG8fCwh6gLm\n5ooFsF6vJ6Ek29vbQXKbWXYL1eRrGrdZrZgcf7Zer5MbdrFYTG7vjUbDLb9ffvml34D5OxgMEvh4\ns7DS+v/PU7/xY0lotVpBWIRZiH+vifvqQTDLbtFYwn7yk584f/HeMd7BYODWIix2BwcHiRXi1atX\nz0IAMw7m9fr62scJjzqdTgLxPJ/PXT6wpl5dXXnfvFfBJtSSiFUGi+5wOAxq4jAHGvZiFtYK0LAM\ntVzCC7Xu0AdyzBgVyhqar6+v3TqCNe/o6ChwEUMDsqOV3rGEbG9vu+xhTb+6unLLmnqKoAFLV7vd\nTiyS0+k0qbFQLpeTsMxSqRTIqllYE4nnu91uAMFrlq05+tG6W8gb4354eEiSpVutVhKC8fj4GIRP\nQDvzyneahK+wz9CgYabIKrR8+PDB+cscnpycJB624XAY1JwwC8PakD+F+NYadPwWGdIaZVjuNptN\nAKfN5+rRZW1qIrjW+eAz6GKc4/E4qPNmFgI3aJI486UQ4FqVHvrxtqCbz8/Pk6RvBaUhHESf0/Bd\nlt/9AAAgAElEQVS3WGbVqwnNtVotAKgwC6GW+W69XrvnF57O5/MAAtwskz/mRnmrZTLMwppXzMf1\n9bW/T3nLO7S2lCZLm4W1DLVuoYJImGUyHtdz0n0WeX54eAh0W8zfcrkceMLNMv3J71krvV7P+aW1\nHZEx+FatVhOddXt76/zQMNnYK1sqlXy9aDgbvFZLd+yVub29dd5oeBz81zo50K/Q/XHI+Wq1CmQL\nPseQx8+NY71e+xzqfsL867zxGwU5UAAFs0zWoI/9lveYhXouhoW/vLxMQv+q1WqgN80yWWQdapI+\n4y2VSsEcm2W6TcNAzTLZ0PBpmkLJQ4vKKP2yvtBZDw8Pvp8TmqiADMyh1kFUeeEz1U9xWGan00kA\nTe7u7pKQ+MlkktQZ1RQRmnoDeU7DVRW2Hq+2hgXGoFPlctnlmPePRiOXaY0KghaFZkfe0Mt7e3tJ\nbTQNddRzrKZqmGVrT9NCYoAKDUnnN9Ae08q/aZeXl88CN6iXkrExFvWCKoAaz8X1/nq9XlCHFvri\nmm0a0qeh5DGIlIJrKWjacrm0//Sf/pNtNptnkShyz1Te8pa3vOUtb3nLW97ylre8fY/2Uc/Uf//v\n/z0oWMotT5O0uUmOx+MAItYsi3vEqqBACtwQuTlrnL8m6XLT1ThkrLhYWvb29vx7rBF7e3tu3cNy\nNh6PkxyR4+PjIMnQLLRM81y73XbLwPv37/3fGnuNBUTjMbnt8o7Xr18n1szxeOw3YY3zhJdYAdTS\nxXea9Km5BrxPCwgzT7xfc2vUohDHkN/e3iYx5FqMk5v97e2t9wf/1CqhFr04h0STtJnXbrcbWBV5\nTguummVWJuZDvYtYkhQKVq389Mdv8R4dHh4mRSCxuOln6/U6gVXX6u0aG854P/vssyAvjvGyDnnP\nzc1NkIsE/7AaaTHWeL7W63XgoTULvYaa6Mn7tDq5Qr8zDuQID5zmLmnxYU1a5resSZ6r1WoBhC2f\nxd4g6GBMZiHkNb/V3AXmvFAouCw+t6ZY6/1+372f5A80m81E3ufzeQLx3el0nC5kFnkwe7LiqXUe\nmm5vb318k8nE/uqv/srMwuLU6DmeUznRNcA8ME71JCM7Ozs7Pg8Kbx1bzDXpH32ssPXwQMtb4Mmo\n1+tOC3M5GAyS/JjRaPSsp4YGL3d2dpLxtlqtxEOoHjHk9ObmxhOk0f+r1Srw8jNu1gPenLu7O7cg\nq5c2thBvbW0F0QWMEd7Di06nk8AVPzw8uBzRr3rndNwKjAJ/FBYYvaVJ9ZrDYZZZzOOimJPJxL9n\n7Pqc5ibEuSHlctl1t3qSoBG5u7+/9zEzTvUkMV+r1SoBeND8PQX6UChueKm50oyRNa5rKgbc2N3d\n9f74repP5LjZbAY5ldCuQFDMTVyQdLVaJfuOehfi/FGzp3lTYA713BN5oGBWz3nOtXg265lzmILN\noMfUys/cqOdOCwPH+cfb29vOI+T9xYsXThd7V71eT3Lcz8/PnVY9i2henFmmO+K98u7uztcksjaf\nzx1YRD1djFM/Q1bVs6PePbMQ+EBzwJgzLQnBnqEF6eEp79WyHxpRoB5uPmNM8DSeB7OwOK7OW1yo\nXaNgGIeW12g0GgFYFjzSot5mmQxpiQXGqQV8zbK5ZG1oCQW+VyAa+KterzjiTPPLWbeNRiPxJO7v\n7yfRY41GI8nV01IQnAOur68TEJ5CoWCbzcb+43/8j3/RM/XRy9R//a//1ZbLZRL2MB6PncEMXuuC\nIBQaRgRTi8Vi4n7Ug6cKLZ/pIV7dsWaZIMeJ/uPxOElo6/f7/j5FPKHxnNaKYZJ0Q9Q6NForhsMK\n722328nhbTKZuLDzfKlUShLBNXGfRafhMfBIkdY05CiuuG4WIifxDhaOXtg05IP+4iTNZrMZLGSe\no6HoJpOJ04LC08sj79LxImuLxSII+TPLDliKUMY7+M1zmz280tpDqhDj8BK9dOv7Y5p7vZ7zRTcc\nlRn6ZtOtVCoBMhHjjStuq9tagS+QLa2DoGvILFRqmuDNeqWP0Wjk/NA1paFhZplyYe6gS4FBlOdx\nuJ0iwWmYpCozxqgIVjzPOOBBp9NJkqErlUoSDqRhjZrAy9zwdz6fJwAvu7u7SQ01PdQy3ru7O788\na+iUAoHACzYS3WR0o471TbVaTS66s9nM+a6Ih/xbw9AUFRBeaUKxWSZrhFmjm/U3tHK57PKrdUHQ\nX4xzOp0GqEtmmazFyEjFYjEJOS6Xywl9g8HA+a+AP/BKQ0VicBBN3Ff0wnj96yYMbzudTmBwgk6t\nBwT/9BJqlslsTF+r1fLfxLJBP9Ci64HfxmF+/X4/ANpRoxw8ig02vV4vOcA0m80gLMosNLSwhnXN\naTiThsCZZfIXrxulgTkpFAoJKNFqtQoOlbw3rrG0t7fnNGoIcHzoLpVKziP0tdZB1DWjqKrwAH6o\nHDM2zi7b29tBbT+zTMagAXkvFApJKJEiy0LfYrEI9k1oVgO2WWg80pDTOAyxUCgEddKeO3AiC3om\nwYiDcalcLjtdil4Xh2WXy+UE4Xlvby84v8A/5gHea2oFf5vNZmBYhW/x/r+9ve3v1VAtvmc8jUbD\nealgEwBZYCjUsw3Pdzod15UaAoaMwb/b21unH31Sq9WcLmRDQ/F5R6vVSsAaFNSFfbTX6wU1kXi/\n1oA1C88k0Fmr1Xz96GVU97F4H1bEQ0WvhQY1lmDYYc8tFov+HHOkYC6cMTVEUFNEoEGNJPQHzbe3\nt/4c+9NisfD9X4Fv4nDldrsdnKXNsjOVpsLw2/F4bP/lv/yXPMwvb3nLW97ylre85S1vectb3v5v\nto9Co/d6PSuVSgnkZa1WCyB2eRaLCbfoZrMZeGXMQqsh/bZaLb+BY/1QiGqFQec5dWvGNWUKhYI/\nx82zXC67R0qrHvO9JlRCFzfym5sbv+Gen5/7s88lMnI7Pj8/D27PZpnlSpO9zTLLf1wDpt1uO/3w\ndzweJ9a79XodeJr4G1sStL4Vv93d3Q3qwfCZJnGbhZDHQA+fn58n1kWtH6Qw+IyNzxTMQRMjsbLQ\nx+HhofNDQ/pI5oT2Xq8X1A0xy2Qj9vKojDG26XSaWMngv9mTTBSLRZdpLF0XFxdJmNTh4aHLoFr5\n1HoT1w9TSFQFiYjhqhmPmQWQ3Fo2gHFCv9YUQ855r3oDNMyKtaGfxR4p9fIhYwpvrh7HGIDm/v7e\nLT6aRBxXLC+Xy0nC8HQ6TWBw7+7uklAnM0tkW2ty6TPwSi26GspjllkU+Uy9fnGIyGazCSySZmH4\nq1qttcaXhrvSjya/mmXrAnlSmFnmUGt3xLLT7XYDLxB80zpqZtkcIYP8dj6fO69ZA+1222VaE6ih\nReu+wCP17Gjf/I0TkDVkVpO5NcQVnkKz1pGBRzHUv/57sVgktGgJAsY7m82cBxpiqZZms2z9xlEc\nGtkBzbPZzGVLw7joj7HXarUEIEFDCdXrpTV5kB28h/f39z5ODVeLQVp0HcKP4XAYwMubZREgGrLG\nd6xraJ5MJokens/nCahCuVz2eYWm4XDocqQ6V+sGmT1Zt83CSIy4btne3l4SwTCZTBI91uv1Ei/k\nc2FtzwHfNBoN/4znFZRIz0zPhYYrYJTZk2Xc7EnGJpOJ71nQ3mq1XG+rh5fnNORPAWbiGnCdTsff\nQ5ishqTS99XVVXAugQcx9LT+BjCM7e1t54d6TvmNehLpT70yjFN1PQ1ZuLu7CyIwGG8MuPXmzRvn\nodYO1UgDszC9BNnQUjX0q54d3W+13A98Vu+zWQaQBE+1BhV6QmtBQoNClivEOrTDN/YnBYRSMDaV\n6dh7X6/Xg5IoZtn6iWtomj3JDPJyfn6ehEeqp5PPFJRKx8kZWb3vyDGeQvUu0Yc2dGClUgmixszC\nsHwttROHg1cqleTsELfcM5W3vOUtb3nLW97ylre85S1v36N91DM1nU5ta2vLb58KfYxVk5vs5eWl\n30i5Xdbrdb/d4VGYz+dJQmapVAoKzJqF1jSFxI29LpPJxK0GWs1avQpmobeK93e73cQSqtCjClWs\nycZYFTS+m3czDvX8aI4It16s6fpvTaCOk9bH47HTqkn13MbhhyZwPmdtVSheGjSXy2WfO01UxkIQ\nJ6zqvwuFQmBp5DNowNpSKBTc8gb/lstlMv/lctnHojDxsYX9+vra+awAI3GMuHpOGNvW1laS16bW\nRXikIBdYOl6+fOlWMjx2MX14HzSBPgY3UAhYLegb5yQUCgW36CgsdAxvrRZuBTuJLavKB/q4vLxM\nYrkVGls9SurxMcvWKH3z3Gg0ctlnjWpCrubvKFw938Vx+VtbW4FnBfq0MK9ZmDekeY38GzlR2GfW\ntK4B5FTBWtQTp54Gs2zNa1K9Wbbe4BXflctlXw9a2gFvj8IlK0hMDCKh8ObI03q9DiyRZqGFU5Nq\n4TU6ZG9vL8nBqdfrQb4oY4t18/7+vs8JNGluDfKpicDqcYx1brFYTHI6tAgkc/7w8JDkZShsvXrY\n49ISOzs7SQH5o6Mj5796BuALfWD1NXvSqVtbW0nelsqxQrjjXWbeGo2G7zEKHBBDrS8WC4+wKBaL\nSVTD3d1dks86n8+TnFQFB9B8xrjYbblcDoBnzDIvA3KEXry+vnb61eONTGhBz1iOr66uvD8F14jH\nvlwuk31WC3Sib9frtUeSoFvVm6IAOXGZFgUbgrfr9dr3QOZd83JYo6VSyftWkBP64R2FQiEBYdjd\n3U28ZFqCQnVNDIOtHnv02OHhYRCxwbwzl+12O8jhNMs8f9AP7xeLRVDWgs+QW9aK7v+6lzN29R7A\nc43SiHPwVT+xDs/OzhLgq9FoFOw3ZpmcIE/Qvru762tTCxir18ss9MRq7nIMuHR5eelj412q2+Cf\nnmO08G8s25pHqXlN0K8ATegOaNayCrrH0PisUqn4OBQ8BTnY29vz90GPRm+xNqvVavBv6IsBSDR6\nA5ler9f+PXM+GAySs5lGtUHr1taW84H1PRgMXE40TzL2/JfL5SCCgHcp+Aq8Qo88t9/9pfbRyxSu\n4jhkptVqJShdh4eHwcIyC+uMqEsNBiuIhLr3GDz/Vvciz2nCvYZMmWUTrEnwZtmi5jlFGIGZKPud\nnZ0EvUQVYqlUcro1hCkWhsfHxyAEhn44eGsoAROpVZ1jAdFK5GwQ0+nUNzP+zudzP6hpKAyCpBXO\nUei4x7X+jR7i43oPm83GFzwbZ6FQSJAWn6tRoYARKvxxDZizs7Ok6nilUgmQ3eBVHCKgc83YtD4Z\nNG02Gx+bopzFgAbVajWQI7NsfhXNkbHFNdnMntaNJlBqXZjnjBBxjaX1ep1czjRkUhOB9X3wjaYA\nE8yhhiTF4RPNZjMJ1bm9vXWlq5cz1gXyPh6Pg8Rz/Q4a+C4GUpnP58mmOxwOXd7g7+vXr4PEeHjG\nb7WmUHzBHgwGCWqdog2isGezmW+6yJiiiNKHbmBqeIpBODabTWAgQKYIhVHDj8otc8MhqVqt+twi\ng/v7+06/JvAqkAm/jVHwLi4u/B2K1sa61ro6yAz7wOPjo+svZFcRHtWwBK0a8hyDF1xcXPhco7PU\n+KWXPvQdfBkMBsEmD3+0Dh1jjFHprq6unKe8d7FYBCh+0Im8qXFNQ6HNwppHCqTB+lEkyDjkfLPZ\nBAdYs+xgqSFCeqkwCw/JNA1dY42enp4me65ZmsD+4sUL3y+R/Z2dHadVQ7bi2lMK0qOIZgqgQoMf\nzIMicmoIaAz0pDpcjapaI5B3QZ+GkilyHp9puL1ZGKqLvKjMavI6ssW89ft9/551/hxQiaIwKvBR\nXC/n8PDQecXl/Obm5lkjKDpQUcvg283NTRKCXSqVgrqB/FaNCvTBPEDf9fV1EIpuls1lDNzz+vXr\nIKQeXtLgle53fP/JJ58EZ0vez9i0PlvMXzVGK/pmbHh88eKF6xFFHY31nYbi6/4Ugxx1u92gxqpZ\nJrNxiPDu7q6PSY1MzJeGzmmdUbNMnmMdrZ/xjru7O5dpzi5nZ2dBOoqm6Jhlax3dp2dW5EN5HoOc\nKT8Ye6lUcrlUlFP4ytrUMzd/FUSKOVI9ofUo6ZtznaIv65rXWnw8p+dceKEOhOdaHuaXt7zlLW95\ny1ve8pa3vOUtb9+jfdQzRTJ27CXZ2tpKLNjj8TiBKNXEZw3VwW2HxePy8tJvnBo+gAVBb868A+vM\n4eFhAgW+tbUVhGGYZVbm2Es2m80C6EQ+47aKde7w8NCtFGoN1jo5sRdFaeCGWywWPdxR60JhecPK\nUywWk3ArhXHWmjJqieI7LBtfffWVv4PnfvjDH5pZZmHRSuXwmbkjmfD+/j4J36nVam4NYIwKjath\nSLFFp1gsJt7Fer0eVKXmOWhWqxv81eRKePrJJ584L7DaqScEmpk3dd8y/71eL/D8mIWWbgUWiC2s\nh4eHQfJ3HPKhXg+FD44htrUmloZJaXgif+kHr8b+/n5Qc4Z3xYAhWmOL53d3d91Co15o+ub9/X4/\nsWAquAZNQ7X42+12XZ4U9pd50pDNONxib2/PP0N2Ly8v/Xtk+/Ly0tcIa7nRaCR1Rmq1mo+dORiN\nRj7/CkseJ9IqnKvqlRj+Wj2YmqgM356ru9NoNALvCZ+p9dQshKhVT43C80OXAgVAX1zr5uDgIICm\nhQcKKGCW6Qt0i4ZCa+00Gnqa79S7qCFM0KweQrWOmmVW1Ni63Ov1PHyK/eTq6sr7Y2xv3751a6bC\npccAL1pDT0NZ45CT4+PjwPtsFsIvK7R4DCIxm80SeHbVO4zt4uIi8AZCM3vHaDRKQrU07JnPZrNZ\nYBk2Cz3iPK+1buDldDpN6rOMRqOkhuL+/r6/Q2vPMU72tq+//jqR7W63m9RGGw6HSXjUer1O1leh\nUPCQMwWgikEkdnd3A53L2GKYfo0KYa4PDw+T57T+poJdqddLaVe+3NzcBBEnZpnO4lkNKdJyCWYh\nxLOWglBABLNMT/Hcq1evnOeMScM32Zs1TBleLhaLALCL9lyJD/UW8A6+17NSDDakpRvg32Qycb5C\ni8qnhuCjM9SToLUEzbJ1yJ6lIbGsdQXy4ZyloXpaJ80sW698D88mk0lQ8sYsW3sxMNNoNPL3/u3f\n/q2ZmX3zzTd+blII/xgQ7NWrV67T4IuWs9Aw9NiL22g0/Nyk4bfoz1qtluzrZmYnJydm9uQJLZfL\nCWDQbDZz3sAPLSlEf81mM/ACwY8Y9KFQKCQh4qVSKQCKgC/QoPPA97r+4IPWZo11uEZnaS2w+Lm4\n5Z6pvOUtb3nLW97ylre85S1vefse7aNFe//H//gftl6vkxhsjStWq5Ym0JuFFZWxHs1mM79dqvWG\nm7/CtGJt4Xb56tWrBARhNpv5LZ+b+GKxCKqXm2U3XmJwseyen5+7xYzb6ocPH5I434eHhwBwIy7q\n2m633VrAeFutllfhVusSt2OFI4+9FZrjoPGdcZHYTqeT3NQPDg684B7fnZ2duddGb/5qPTfLrD28\nQ2/icUHler2exD2XSqXEKtdut91KjbVFrZoKuQn/Fa45TnJcr9du/cJy2mw2/TMs8QruQXzuarUK\nCn2aZXMQW7AUqlzjnrXQn1kmLzGog8Zvq9VDvQYxHK1aZbTIdQwsYGZJ8dRqtervU8ho+tHCxXGM\ntubgsc7evHnj1koFeohhhjUJljWlVk1oOTg4cBo06ZMx8dtms+k0YJ0rlUpuRVMrP2PHG1mpVHxO\neP7zzz93XrG+z8/P7fPPPzezJwuWFvx8rlAiNI9GI18DmqegCfSMQ/PP+PtccVeFSY6LgGsRY/j8\n6aefJnlF6/U6yd/UYpIKIqGx/maZ9S4u0Ks5SerJ0PGZhUVg6W+5XHq+EN7++/t7l8+vv/7aP/v/\n2HuTJsmSZC1bfZ495ikjh8qqrKG7msutK8IeEX4Lwo4lsEDYsGLFEoGfwO+4IojQgnCLe6u7qisr\ns3KIefAp3MM9wodvcXg0XjOL/hJpgd2xTUa6+zlmpqqmZqbDq+gCfndxcZEU1Gw0GgktC4WCz0nz\nFWPo9mq16joS2t7f37ssKOgIaxj6TSYT++abb4Jnr66uAi9vPBaVXWQfa/79/b3PVz1BcWH70Wjk\ntFeZjfdoLVy8u7vrewy0bLfbzjuiC05OTgKIYMbC3/Q7Ho99b1Ro+TiXRyGWmfvp6anrX3THZDJJ\nrOedTieJdBgMBv49fFXvjIJixMAyqh8V1l8t0vSrYDlmmTzH3o9ut+vvQU8Ui0XnCTKm3iCFhEfu\nWBfT6dRpynfb29tBmQHGpBDr0JTPNK9RQURocQ57u912Wl5dXSXeoEql4uNBF+3s7DhtWFPHx8cJ\nSNP29rbPTyNFtOAu82CtcWa6vr72caGjS6WSz49/B4NBAFBlFhYf1jIimitjFnrJ1fvOnHi22+0m\n+YzT6TTZjxeLRQKQUygUkqiAP/zhDy5Hmj+sHh0zs5cvX/pYFIgixhxQeVKADnjNfHX98DvoqnS+\nu7tLvP0KHHd3dxd4pHg3c//888/NLON1XGphtVr5WmTPeqx4+s3Njc89zrEzC0GftOi0WQjgxrv3\n9/f9LMB7B4OB01Cj2jT3yizTizyjoF4x7P/m5qYdHR39/xbt/WSYHzVLYqU7GAzs+fPnZvZwkKhU\nKkmybL1ed0VDqJDi33PQXa1WiTuwVColSZPn5+dJwrgmUutFIQ4lGI1Grny0pgyHR0UgUkVolilL\nhOGLL77wcf/yyy9mZvanP/0pSOw3y0Ls4qRQvUjQLi4uXDA17EXDOszCjRUavXv3zvlAXx8/fnSa\nq1CgBPQCoFWwzULXuoa4kcgIP+7v7wOULPpi7lxmzs7OfAwo3fv7exdqfR9zQjb0YgL/j46OgksU\n/8JXfqcbtiqmGB1QwTVQBAqGwSF9Npv5Z5q0j/KDjovFIqgfpiApZhnfUIQcfvQypaiJLGQURb1e\ndzlhfWniMe/QcEvobPaAJKWhS/wOJXl5eZmEPaqhg9bpdJKwF0VLYt7X19dBHRjoTL9anynmze3t\nrb/n22+/NbNsHcUhE/1+316+fBnMdzKZJAenJ0+e+Dr89ddf/fcxrzU05TFwDQXIiGuPzWYz37jg\nR6lUcvnQwwNjOTg48PWCYt/Z2UnqH11fX/sa4rutra0gFIGm4aLMSUFIzLINKtYnpVLJ+9OQTeQD\nms7n82R8pVLJ9aEaMxTZzyyTqzj0Z7VaOT3i2kdmYe0xvkdvt1qt5AB7dXWV8OvLL7902dIwGUJD\n6ePs7CwBXJjP507LONFbaaUosrpmYgRSDc+mj0aj4ePS8Gb0BbJYLBZ9bhcXF65z2b/evXvn/Ice\nR0dHCVhCtVp1GkODer3uMg0NlB7K6xgt8ZtvvnEaKf/RzVoPKw5rPzg4COpf8Xvohm5Wg63qY97N\n3Eqlkq8lTciHbhp2D08wBOjlnH6Hw2GgD80yniJPCliAXoeHvV7P58uYLy8vfSyKbMoznJWWy6Uf\nmKH3wcFBAjBze3vrY4GmrVbLjapqYGMt9/t9X5Ncuk9PTxMjdKvVSsLVe72e75v0q7RB9s/Pz92I\ni+6rVCp+SGYeCtLAnNrttsuvot3GqI/z+dzpH6ejmD3oVK0fqPs1TcG64jpTl5eXSQ01vQjw+3a7\n7euH0Lh/9s/+WWI4WS6X/ozWZmX/0otxbPBcW1vz9ajhpQoyYZbtEbEho16vOw95n4bE1Wq15JKv\ndZzUgAFPNKRYwZmYE3KkckXfWh8wDq3XC6zW++J90Krf7zuPOeOUy2Vfu3ynaKl6+VaQJugXIyze\n398HF8PHWh7ml7e85S1vectb3vKWt7zlLW9/QfukZ4oEPW6L3MpLpVKSGDmZTNwKpPV+uOni6jR7\nsMpj2d/c3PTbqlaY5zaIZWQwGCTwhuo5o61WqyBpzSy7mWLN1PBBbv7M48WLFz4PvG6DwcBvuNPp\n1C0NzPOLL75I4I/V/ay1n6CbwoFqsiL/j6uEL5fLJMH/8PAwgBc3yyxX3OgVL5+/1fWLpQG63N3d\nOc3xiJTL5SR5uV6vu0VPE0JjS2KxWEwSN7VuRZx0avZgWWs0Gm4txMKiNb54Vi0rjLnVavn3mvyv\niYdmGV+xOEFnhRaGR6vVyuerQBSMDxlSC/v29rZbVP7+7//e341lm3molUdDEpQOjB9549lOpxOE\ni5lla44xMKdqtZrUGev1eu7V1HWLpVRBLPDEas0OeMzcFFJewxHVbW+W8V/DD/k3htqfzWZOa7Vg\nMU9osLOz47KtYUZxGNKHDx98DPByNBrZ27dvzeyBrxcXFz5f9STE9e12d3ddbhm7emd13fI9OrDf\n73sfGm6ptEfXKgAFOojvbm5uXCboY7FYJJ4Q9d6oF4r3IX+3t7dBeBf9o9vQ28ovDdVTHkN7wtB+\n+9vf+nx5VoE7oC9r8/7+3n8HrWazWRJyqDDDzEPrwqnlFzmCb7/5zW+SkGit3ca/CkccQ72bPeiJ\nwWDga0C90owB2ZlMJkE4u1mmP7WsBvxAfnVN6/qKw8EPDg78e77T0CpNmseSqzyPvd9qcebZ8Xgc\nlERh7tCB3x0cHLgXgnlsb28HoZdmGS/RlXhOfv3118SqfX5+nkCULxYLfxY5rVQq7t1hnGtraz4G\n3qeeDn7XarWSUhVaZ1IjXeJSABr6Bw00woLfHx8fB5DdfMdYFHyINYK3wuzB28c+tb+/7/pYw/mg\n89bWVpKWofUj4dHHjx+TUhaj0SgoV2MWegN0HTIe1sp0OnWeaKgrY+HZ09PToA4R//I7lcXYe1uv\n150eGlEU63qNdGCcWkNR62DR2I93d3cDfc34GCse+devXydnw/fv39sXX3wRvG82mwXnF7NQl2uo\nptafMsvkJQa0qVQq/j7ocnFxkcDqz2Yz57WGSSqNFNjDLPSEwst6vR5A4ptlMhjL6s3NTRIKqzUP\n4WW/3/e/WcsK+sR3h4eH/m763dvbc/0EnQuFgvMJ3ba5uenPsGd9/PjR587Yv/rqK9eLWk48h3cA\nACAASURBVBohB6DIW97ylre85S1vectb3vKWt/8H7ZOeqfX1dbu4uEggBbe3txM4X7OwqBctLsZZ\nq9Xc0sCzl5eXQeFYszDBG8uIwsdyO9/f308qgu/s7PgtVHMnuJFiSajVakGhX7OwUrpWkMfroZZk\nLDtv3771GzCWjv39/cTSqAULtSAs3+Pp0Bho9QAq9KNZZnXBIoFl6u7uzvv48ccffR5xHHC9Xve4\nXiy63377rd/Usezt7e15f1iX1tbWkgKYvV7Px4AF6OrqyuUEa5vCr2slb7WemGXywrg0dlqhWOkX\nqxEAA2dnZwmc86tXr9wKDS20kLSCk2huALRHjogv14KfzHEymbi35+joyOeinlosHFh0Dw8Pg7xD\ns8xyybMKk0zjHVqED1o9ffo0WXMKFa25E+rhMMvWWWwJ39/ft++//97fDX2hA9aq169f+7r57rvv\n/Fka352fnweeBsYZF7gej8cJTKt655Cdn376yXM+mM/bt29dn/C+29tbt/LhidW8HM0L5T2sFc1D\nUzCEuJjheDxOrIYK5woNnjx54rzRJHgtgBivpaOjo8SzqvHd0GU6nQbFEM0ya6CCuEBzLHBaRDGW\nk8PDQ/dqIOeLxSLI+eM7ZBGZWF9fdzn5wx/+YGYhHL16qOhDC7BDf+SgWCwmcP5v377196jXkPGz\nzsrlcqJ7//Zv/9bpC701b4j5vHz50vcMZPbJkyc+Vs3VhPb0pQXkkdlOp/OoPo7LHKyvr7vVnb6W\ny6Vbecfjscs0vCF/0Owhl+fzzz/3OTOn8/PzIBfZLNvP9HvGx5yRp0ajkZQe6Xa7SeL+x48fE6/M\naDTyueueH3uw9vb2nK/o7evra7dMaz5y7HVbrVb+bvXUaF6kWaZbFWaeuUFD1sL79++D4rpm2bpV\n0BqzsLgrzxYKBR8z54VWq+Vj0TIiyDa0ePLkSRCpw9hj74HKGHu62cP6ur6+TgAozCzJrdvb23PP\nIPpwtVp5jin6qVwuJ8AotVotgcvX4s7QoFarJcAS19fXAdAOn8WAO6p3+P1wOPR+mYcCkNCXFsCl\nXwXmYL1qSR7lG2PRvEDGqvn5zFdlDB4DwlMsFn2/RrafPHkSrBGzbA3G5TeGw6GPjzmOx+Og1IZZ\n6Nln3Wq+Ivru6OjII8Q+//xznwt0e/fuXSLTq9UqwEDg9xqBxdzRVey5a2trrltYo4VCITlzP3ny\nJCmA3Gq1nDaM8/j4ONmbb29v/XuNPGPOzFfHC920jIhG1cT6Lm6fvExdXV0FdQEUNS9GfRsOh46C\nxGCn06kzXivM07766iszyxYdfSggBITTuikIA+3s7MwZhiIejUb+jNbQgTgQbrlc+uFXQSy0oj1z\n1DpYMJyxVCoV75sFpoh8bOgK3IAy/eyzz1wIONw0Gg3fJDW0D8FA6W5sbCThJz/88IPPE8X6T//p\nP03qBy2Xy0D5mGWCxLg0oVHrJJllQkZ/bGqdTsf70ANPfPGcTCa++aki4yKpChT+o8y//PLLIMmc\nvqC9hiFp6KBZdhlBTpTOcZiMolJBq2az6TTQg1YsY3d3d36B1QrpvHt3d9eVHuvn9PQ0uUho6B/v\nqNVqAdgH49IQCLNs/SCD8FWRDOHbYDDw0CsNV4Of8KPb7fr72IyePn3qGw3reTweu5sdmqqcML7d\n3V2XT60ZBw9V/pjnzz//bGaZjCELrCMNV9LwUTYp6PPu3bsA6cgsuyhgJEEPtFqtBIFQL10aohSD\ncLRarUAfmoWhf3ph0+Tx+IJYqVT8M/Rho9EIkvj5N0Y3nU6nSQhJqVRKwHC0Lg3vOD099WdVXuA1\n/D07O/P+WHPL5dL1jSJP6eZIH8gRMv7y5UuXD9a/AjzEYAdmYQ0YxszGrmFoarTiMzbx9+/fB6iw\n0J7PoL2ib2kSOfNUvch7dD6MDxnr9/vJRbHRaHgYKOtRwym58FYqFafbdDoN0E/NQrAJDYlFdyA7\n7Xbb9RzrVUONHjsg0kajUXIJqVQqLm+89/j42GVaE8FjNNxqtRrUnItpyfq5uLgI9KZZpisZP+ux\nWCz6Z7r24kOo1tpSIAX0jRruNCzKLNMDjEXBCNTQZRbqDpqCDjHH2WyWhD+bPRzo9QxBf7q/oO+g\n/dHRkevms7MzHwfrcDQa+W/hdaPRcNni37W1NV9ramSMjem3t7eBgYgW155cLpeJbm40Go8m+CPz\nCuDEuBiTAksoeAV/I58ads8+sVgsXO5YexcXF0kqxmQycTlhX1wul0lt1Hq97u9DVz5//jxIIWCc\nhJdr2kUM6rW3t5cgZG9ubrp8sO89efIkuSQxV+hh9vh+/Nvf/jYAf0BXaRi97m9xQ78+ffrU5U1D\n1OO0AQXmUfTH2NinvFZe8m7Wq+650KjT6SSXrvl8npzHfvvb3yZG993d3eBiBZ3js0Pc8jC/vOUt\nb3nLW97ylre85S1vefsL2ic9U5ubm4GXBGvQ1tZWYg3Y3d1NLKf39/dukeJW/uuvv/rtV2GJYzhn\nTQTG7d7v9wMLktlDKKL2O5lMEpx5rRWClel3v/ud3zixlqyvr9tvfvMbH6tZVp1aIaixJjH309NT\nt2Jw8/748aNbB5iT1uygX61bxZg7nY7/DU23t7eDEBOzzAIA3QjpuLi4CCxNZhl0O/3RV7PZ9O95\nr4aQKOAC1h0sBZ1Oxy0NeCE1kZGbfaPRcForHLZWQzfL+KYhSbQYLns+nwchjtAAixhhfltbW27R\no/92u+2uabVgaN0QPoutaaPRKAHN0Boq8Pz58+dOD60BhGyVy2UfjyYMMye1QmFxhvbPnj1zyz+y\npqGGGlagITpmmUzHlkStz8Tv6NMshI+GN8ju06dPfR68o1KpuHVPrdUKz26WebI07IC+GAO0v7q6\ncnqot0IBBcxCmaCdnJz4fAkze/XqlX+GHI9Go6R+2M7OTgAoYpbJsVpCmVtcH05DTjTxlmc01BHv\nyIcPH3xNaphPHM60WCyCpGuzMIE+rqtEP2aZhTcObV2tVgEYCXPnd7xvc3PT1x9gI/P53HkN3fr9\nflCrjbGzTyBPT5488WcJnRsMBj4naNBut4PkfN6r6xneaLi4WSYveFORq+Fw6N+rlTfex25ublyP\noGcrlYrLDuv/5OQksZL2er2kpEW5XPbfKUQ237MGdnd3/dmvv/7azDLvAr+Dzo1GI4DBZk/ms8vL\nS4ejZm6NRiPxTN3e3iZJ2hrOBN36/X7gGTLL+IosYh3HYq/zXFtbc3opj5BRaLq3t5eAUmh5C63d\nyN/IroZMae2j2KKvodrIldmDbkFeVqtVEuatUOacIc7Ozh4N89X6kdBZIwTMsvUY18bb399P1mip\nVArAHP7c+7RUBfKi+v3Dhw8uy/Q3HA5dzpGdm5sbP0doSYa4VMDNzY3rcI3yiL0LCqABvyaTies0\nrT2o3mxoFAM8VCoVHxey8fz5c/9bgVRiXdRsNn180GW5XAbgJmYhuJZ6mXm3grEoDLlZFmXEHq16\nOA67LxaLTnMtRcI+xtqrVCrOd005gdcalRSnyah3Bp43Gg3XLcyx0Wj4s6rD4cPa2po/Dz3Ozs6c\nh7ynWCwG9dvMMv5DVzyr6iHi2evr6yTCZrFYBGvcLKxbqB4nBagze9BTZg9n72azmdSeu7y89Dmh\nvxRcT2uGqc54rOWeqbzlLW95y1ve8pa3vOUtb3n7C9onPVPNZtMGg0GSuLdarZLk+/v7e79Vcjuu\n1+v+jN78sVbg+SkWi24h4LtOp5MUCysWi4ln4uLiIoGFHI1GSREzswcLgQJbYEWnMOj5+bn9z//5\nP4N59Pt9v73f398nloZer+djZQzVatXHDY2++uqroKCtWWZ9gL4xPCh0MMviz7nda94ZXg+NU2V8\n6oWI88+2tracRlgyNV+AuaklTIvxacFFs8xqoUUizTJLYlzBfTweO83VQsxnvENhWhUkJIY8XV9f\nd4uE5qk8BucLXRj7aDTyeWLdWCwWgafBLMzpwkqj1dPhS7/ft3/0j/6RmWVWEi0Oa5ZZfuGnwogz\nZy1EzRiR3+l06rRmXJrLp0ALzPOHH34ws0yeGKtaBbE4apKwQslDP+QS6+3x8bHHfP/xj3/078gx\ngVYKJ6qQ4XH+WaPRSBK89/f37U9/+pOZPVh5Z7OZj5k1vFqtnH6aR0Muj4ITQCMt7gfvsHhubm76\numAtmz1Yu7Qgthb/ho4Kf8136CzG1Gg0fAzFYjEAcaAhj3x3d3fndNC8O/SrAujQtCglNGdurVbL\nx68FkOkD+jabTecTc69UKkmxY83p0igE3sfvm81mooc1nxV57vf77r1VEB74rzpSrdTQKs7LMUuL\nGU8mE5dV9Eq9Xk8K5Y7HY/8bqPfz83Pfd6B5uVz2PhS0Q63KZtkaiPPxhsNhUlR2PB77msfjXS6X\ng2LivFsBV5BVaF6r1dwCq54naKPWcfil5Sj4m+/q9brTAa/Ql19+6f1qnmxcMkTfjZW80Wi4PtH5\nxIXmlTZqBY+hwieTia9D5vju3Tv3xODpYH5mD/vo5uZm4DExy+QZWmoeLb+jL+UN/7ZarQQ4RnPJ\nadPp1H+n+2hc9FxhnzlD/Pjjjz4GjYxQbwDrRstIMEbNj0O3KHy4Ql2bZessPnPVarXkjKHlcrT8\nhnr3zbLcFdauljcBsEHlWCOhzCwASGPNPVYAdzAYBCVFeB8yq2dc1gPvGI/Hzi/GtLe3599D09Fo\n5OdI5P7zzz/3HDzWt5bagS7dbtf1J9/N53Mfq+YPxXu5FttVMJzHgNSgm3patWA28qaeHwXQ4ll4\nQpRBq9VyDATk8v3790m+Za/X82c0/y3OP5xMJgGoFuPnWQV4Qefq2YGziJaToQ/WyLNnz5wOnHcm\nk4nzFZ7f398H++pj7ZOXqX6/b61WK6hDwqT4W8NQmAzKQCtvawV3iK3JrnEtFq27wYLQiwyCogm5\nWpsnvoi9fPnSCcbG0mw2vQ+Yc3Fx4e/jd91u1wX8xYsX/gxMUYWnSXXQA6VVrVaTMK/xeJwAHszn\nc1dMmhgX16FQBcyhYDweOw3Z8FTg+H29XvfFofXD6FeTahE4DbfQegtm2YLQOh/8DoFECTabTVfE\n0KJUKiUIZGtra678NJRRE6jNMt7EIQcaHqGbLvxEnhRpR1HEeFbDFRRhi3fEm9pXX31lP/30k9P3\nr//6r30uZtnmCB+gkYZv0RQ9UkNX9PLBfFGe0KBer3vojyIBxRcJDcHSUBIONWxMW1tb/h7k/eTk\nxP7rf/2vZvaA3Pfy5Usfi4bBxhdFrRUCLTVkTkP7GAM873Q6CRKkXmA4eLbbbV9LrAWtq8J3g8HA\nDw+8Q1HVNNyGz+Df+vq6z4N/FUGJea+trQWHY7O0ajsyqJcurell9nhoxWKx8PlpnSmabvbMGZqu\nVisfl17SWGtsur1ez8cN7Xd2doJDpVm2zhRkgr7gu4JD0B9NDTYaIkofGoqr4WdmGW84NDK3m5sb\n30z/6q/+yt8XJ7kvl0unuV4y6U/rEjIWDS+O95NisehrWdGfWOvsXRr+qhdZZIZ+nzx5EhhOzDId\nwlja7bYjWbIexuOxr2ee1fVAyHy9Xrff//73AT20zhzjGw6HiaHw9PTU58f4Ly8vg1qMZpkssub0\n0q+1n8wy2YavWnMtDk2sVCr+nsdq40Hn3d1d1/Ho8Gazmfyu2WwmiKuz2SyoGwVvFMnQLJMxZFtr\nXvEM+/vV1ZWPlQvDzc2N0401uLa2ltSCK5fLyWF/e3vb+2VMiqSqRj/dA9FbrFFFUNWwTOimdfrg\ngxqDNAzY7EFmzR54WCwWXR8hB6enp8kZQ8EymNNPP/3k5xd0w+7ursuMAkfBEzUisI/By+l0mhjO\ndKyqZxkzfXW7Xacf41MQHmjwyy+/BDWRoH0MVLSxseFyrOkejIW9/zH5XFtbc3njHcfHxz4GBbOK\nQWKePXvmz2iNQc4Eu7u7CZLd1tZWYKSmwRPGoik9fDefz50e6ASVaa0LxnqBr1ovE3qo8wNaajgo\n5/Cff/7Zaa7pDZxfMOL8+uuvzmPG3Gw2ndeK/sn3f67lYX55y1ve8pa3vOUtb3nLW97y9he0T3qm\ncNNye+Ymqd4Ubm/X19cJzPj6+noCcnBycuI3Ztr5+XmAo2+WWQO4SWLVuLq6ShIGNfGR2/Tm5qbf\nLrl5TiaToMoxv2eshBSVSqWkJgf9MAY+59Z7cHDg3gkNOcLCpNaeODxSEwXVOwfNsaZ9+PDBk+nx\nkihUPPPY3NxMakX89NNPfsvXZEP4xfjUQoyVYTQa+dyB+1wul+6lYj6bm5tuHVHreFzLZjqdOv00\n3FK9D2aZvNAHvJzNZoln5+rqyudLv8Ph0K1yWMm3t7d9HlqbJa7ZUSwWE/jyWq3m/NBQPKw8QIy/\nfv3a51QoFJwezGk4HAahqPCDtaG1u5BvZHpnZ8fnhKXm2bNnbi1C/mq1mvOTNbqxseG/U8svnyFj\ni8XCwVdY16PRKPGmdjodnzNhjdPp1K1BvEMt02pto6mHGMsmfFDvIs8Mh8PE+10qlTxMFf5ubm66\nh5DQnlqt5vxUzzO81vohjJl5397eBuvGLNQn6pli/IxF6UytpW636/za3d0NauuYZXIQhxoul0u3\nyqlu4HtNbuZ7DWdA3tTCFpeAuL6+dpllTDc3N0nYa7PZfDSEBNqw1jVUW0PY8GrgJRkOhz4+PGIK\n8Q3tLy8v3aqJbHc6HR+zenPj8LjFYpGEzqrFGZ2qtaKgrXp7mM/W1pa/G1301VdfOY/UwqvRCtBW\nw+PMMitpDLU+Ho+dBlpXB32ysbGReAjPz8+D2oq02KJ/fX3t9AdYZG9vL6m7o/Nk/X/48MF/p15N\ndIaGdvM7vtvc3PTvWQM3Nzc+d621hw5k7MPh0HWkQvLHESDq+eX3y+XS6YF3RkNwGdPJyYn3B21L\npVJQE9EskyHWv8q9hjabhbW7NLJHUyHMQpAj5ET5q7DvzAM+d7tdf0Y9tqwlnSd9vHz50ulPGFq9\nXve1pCkdyBa69P7+3sMi1fOskStm2ZqLrfxaPxQv2ps3b/xsw/sURECjGtTDYZbxFfqq5zT2LtZq\ntQAsgXlAfy21An0JBz04OHAaPAYShpyWSiVfN/Dj4uIi8Jjzbxw23mg0XHbU04lcKigGcsc7ut1u\nUjKo2+0mwGy3t7f+bs4I1WrV9ztNB0FefvzxxySCpVQquU5gzO122/UI67FSqSRePgV9Yu79ft/7\nhW+bm5tBxJTZ4wAvGpqM7O/t7QVpD2bZHhcDkDQaDe9XI2Kgr3qPHytxoC33TOUtb3nLW97ylre8\n5S1vecvbX9A+6Zmq1+tBzhS3Y612zI1YE964Cd/c3HjsqsZ5clPHGrharfz2Sazpx48f3fqkFies\nAOolUyhus8wywfu0Kjq3ZG7spVIpSOZl7NxguRkrhPp4PE4qwr9588bHwy1fLQXQ4/j42G/MzE3j\nirF+aLwrVsjBYBBUaYc/PIunYLFYBOAWzB2rkkK7YqGh2PJoNHILgkIQayy62YMFGBqaZVYexq/x\n+3GxSwUgwRqgldK10CA0xGp0e3vrz+AR2djY8GeQ00ql4s9A++l0GuQaMTeNqTYLkznh72w2c1lV\nSGPk5H/9r//l73vMKqwwpDEM/u3trf9WK3TzvXpqFZqe75BF9RTwLN9ppXfazs6O8xiZuL+/d9AM\nZG13d9dlB2vU+/fvk+KeT548CXKqzDIeYdGBD2dnZy77WrASq5cmuSITWpASq7LKUAyDe3x87F4I\nrIulUskt8YyZeZk9yGe/3w/yQPkMPaGJ46wzxlQsFl121GsFP/i3VCr598vlMqkwr/RQz1QMndxq\ntYJyEGaZRQ8vH+t1OBw6XZHZq6srH4OOTxN7zTILYJz03+v1giKcvDdOQNbyAQoVH8ezq2yqpyX2\nEC+XS9cnmk8bl9XQvCcFDmD9QNu3b9+6fCgdY2/FarUK1rBZmIOBTri9vU3Kb2xvbwdWfn7HGtCi\n8rG1WnNs4e/333/vNPj6668DCzJjRn6hi5ZfYKw6T41CUIu/WcZLZEH3tLhgabFYDJK9oSl/x+UL\ndHwvXrwIoN3Nsvwi6KF5w8gM8vzixQv/jLMD+scszI+Jc9K0sLp6xuN9drlcurzpeSYumKyFd9Vb\ngvzCw62tLR+XQsHTmO/5+XlS4kXPBvTx/v37pCh7o9FwIK39/X1fk4yZc4r2d3l5mUCoP3nyxPdL\nBWSJvS3q9VD+ay6vWcYP+ua9T58+dd78wz/8g5llvEHHsM6q1arLDP9eXl66h0tLRxB1A8339vZc\nB2lBV3hHXzc3N04DaKYRDNC3Wq26fCBvs9ksiMqA9rqPmIU6nz3//fv3QY6+WRixwZg0Gol1O5lM\nXBYei7BQsAvmxH5WKpWcBvP53M9S0PL58+cBhDnP8j1z+vDhg/Oaz548eRKA/Zhl8qfnUrMQelzz\nT/n+sdwweKhRF8z37du3Tl/mdnJyEkQ9mWVrnT6Q3evr6+QeMx6PXQb/XPvkZarT6VipVPIDBJPa\n2NhwpYISrFarAfKcWbagNeGZ7xA+JoASNLMgATZGw2s2m8Gi5HcwGwWwWq1cSBVNkL9hNgtOf3d0\ndOTCT/LyarVyxa71amLUF7MwxC1GFBwOh36g04uH1jMyywRPwSjoQ8NE6IsDDMKtSEEsHK1izUXo\n6dOn/hnj1LpFjHljY8PnSQ2Fcrnsixte6kastW9QktriulXlctmf4eBcKpWSUJKLiwvnKzK2t7eX\nIJ8p4IKG2MSXkevr6wSpslwuOz8JEVS0GeT46uoqcNGbhQg0n332mdMVurXbbVdivPv+/j45JCsa\nlYImME+taA4PtYZCrDTOz88fRYzkd3qIZwxcNObzuYfMaf04lIvWFiO0SpPXNcQAWjF33rFYLBJQ\nEh1XHCalfWjtOd2s4oTrN2/eOB9Y95rQyrsVMYr22CFZNwo1PMQHbK2DpshBWmOL8StSIOtA0asU\nsZM+6JvNdDAY+DMaXqxGD7NQN3Oo2dnZ8XUPXUqlUoDsZ5bxPK7ZpUnpahyCbvBjtVo5bbQGlYYx\nmYXhdqy5w8ND/0yNCDGC4vn5udOSsXz55Zcud8jz1dWVhy6rbmBdILManquGu1jflctlnxOtVCo5\nLRmLbszI5HQ6dR2k6IV6oYMGim4WI14WCgXXkeyVz54989+hkzqdjtNDL9qKLka/Cs5hFiJ3at23\n+KL7ww8/JOhbWlMGOrx//z4IDTMLwaE4LE8mkyRcXQ27imQXv29zc9Ppi06Yz+eOzsZ77+7uXLco\nmAxnCw2DRN61NlIcTrm/v5/U7hkOh85D+Hpzc5NcRnd2drwP2ps3b7wP3vfixYskMX8+nzvdyuWy\nh5OqEToOwfryyy/t+++/N7OwPht/a426GOFTkWBppVLJZRE6b29v+1pT9Oe4xlqhUHCe8F5FKtaQ\nWNa/hqYyTwVXYu2iP3UNa71MaA5Nm82my47W5OR7vTBidFXQDPjJRUXR8DTFQgFq+Dc27A2HQ+9P\n6xfyrAJ5MHcFdWDdKBiXhqYjU5oOEF8k3r9/758p6ESsJwqFQhIivr6+7u9GDtRwxr/b29sJYuhq\ntXI+ab1PpTXz0H3ELJNxRahmfHH4a7fb9b1NgXIUfOOxlof55S1vectb3vKWt7zlLW95y9tf0D7p\nmRqNRlYoFPx2p0lr3PzVsk8iY4z7bvZw09UKw3oD55atVobYBXt9fe03cLUecUvWkBhusLyPm6zZ\ng5VsuVwmiaUK+60eMcaiCa/ciA8PD50eeIMU2l1DHNQVbRaG1uCF0HABrR+D5YX+t7e33YKtVcyx\nEGgoETzBUtTtdp3+vOPrr79Oqmtr0q/WCtJq47Q44bHRaCRet5ubG6cBloSPHz/6nKC9Wgixonzz\nzTc+Zt5xfHzsMqFhbVoTBx7wPbTd2dnxucEPBTnAGqEw3ayB8/PzwEoFfehXITaxtmxsbLiVRT1K\nj4XAQAd122MFUlrFNc/G47GPgf7H43ECxTscDhN3++XlpVuukOODg4NEjmezWWIh3Nra8mcJeywU\nCkF4p1kmz7wHy6/WitKQHeQYHl1dXQV1ecwyef67v/u7YCyfffaZW5rUk0holXqwWV+EN2rYSAz4\nYBYmAivcv1km/49VhldwELPQUzwajdx6j6dAgWCQu+l0GoRPm2VW6hjgZzweBwnFZpnehDfqYYu9\nxhoKy5yXy2WQxE2Dd1hCFaQF3fEYIIdZmOzL+GIPkX4PDTTEmnm8evXKZULDC+PaXr1ez3kM/XZ3\nd13HKPBKXKepWq0mieCNRiMBDFBwHZ49Pj4OwG3MMnlWTzi/Z62gj9VTiAfrxx9/9HIEHz9+9OfR\n2998843PnTV6dHSU1KvZ2NhIvO3FYtGfYcy1Wi2oQ2QWehKRsfl8HtTR4jvGzTwajYbTHJmcTqfJ\n+BaLha9D9cjymZ5FWKfMY29vLwmtnE6nidzVarUgkZ3vGKuGzKl3BJpCK63hBO3ZZ7W0gNZm493o\njlKpFIDIQAuN8uB3yL5C33MGUk8XOvf09DSo6WaWeWIYN7xWvQ6oT61Wc56gN9vttu8xzLfdbgel\nJKAlY4Tnd3d3znfOaE+fPnV+KnBP7IHpdDoBuJlZtueyz9GX1pajffbZZ+6dRYY+fPjgv4V+Giav\nZyo84hqurrLFd0Rn8N6NjY1gjZhlnkT0BBFei8XC6aYgPDGPrq6uEi9Jt9tNamiVy2VP3wAYolAo\nuG5hz+l0OgEQVKxPnj59mnh0NjY2nEZaDieuu6jh2/D86OjIdbLuDbGX7+PHj8m6XiwWTjfVXXGt\nuGKx6OuP/andbjs/0dt6RtdQctVLNI38eazlnqm85S1vectb3vKWt7zlLW95+wvaJz1T6+vrdnd3\n5zc5LaylhbnMwoKamqvDs1pkjZhlbpmFQsFvx5pcp8UfzTLLCTdqbpx3d3d+I9YYg+Z3+gAAIABJ\nREFUYI3HNwuLBWpCaJwM/erVqySRstvt+ty1CJsWKeQWrUnVmujGv7yTeWriPu/QMTJ3BVrg5qyW\nXwVpiD16ag3kd71ez60ompukOSFmmSWBZxVSOraiFYtF56dWcmfMmgSpFlq+w+qheTEKUGEWJnNi\nyVKo0Mcgo7FWXV9fB55Ls0zuoLnCutMvlp137945nbFgbWxsuOVC4+mRnZOTE5c3fvf69eukEOXF\nxUUiOwrjyrgUKlyh1HlWLWJaCNQskxPyhFhTn3/+ufMTPuzv7ycws9fX1x4HjtVwPp8HUPfMFzlm\n3gcHB0HhU57leyxFt7e3/m7GPBgMnObIYrlcTqyfr1+/drog72/evHFrFmu1Xq+7BZP3ajy4Vphn\nbWJRLJfLSfHUxWIRAMGYZfyL8xX39vZcd2iRZ9bD7u6u8xA50sRo5lssFoNcNN6tcfNmIQS0wnnH\nuVXqcVLvLLTRIqo6Z+gB/SlLcHd35++Bzs1m02moEM/k4yGL7Xbb6aWABnF5CB0zdBkOh77HIE+r\n1cotuvzu4uLCP9NIC+RcE/QVstcsk8VY3iuViue/qgUznm+r1fLx6z7GuOBVpVJxECHeocA8eMue\nP39u/+Sf/BMzM/v2229dD/IezdGDLtvb285XBWGKYbcVilmLhcbFMzudTpATCO3hHdb2SqXi6x95\nf/XqVVJMtN1uB6AFZqEc8125XE4K/p6enjqsNvyq1WpBJAnj5FkFdeI9yMaPP/4YePRpmqNtlskp\na4+cw5cvX7osqKc4Lgyu5QZ0zSPvWtCZfuHLaDTy/R+Z2NzcTIqjz2YzH8POzo73h3dWn4EezWbT\n+UkfHz9+dD6gE+7v710m2N+bzaaPH5nUHELk7sWLF/bHP/4xoPn5+bm/T8GreDc6BkA0s4czRqVS\n8d9pgfbY6/7u3bukpI2eNdTLrKAwZmEEk54J+Rs9UC6XXWaYm3o68X4fHx8nYygUCkkR8Gaz6ToS\nGW+1Wj4uLT6PnCBru7u7HiGiHkXmhoxrzvHHjx/dawetms2mP8/4tHyMlnqJdeRkMvG1rnLFWNV7\nr7gJZmHEE2NZX193PvH7q6urACjELPM80i9yXKlU/HyiICuaB8jvkF8tJP+Yt1PbJy9TvCiuqL5c\nLp1gipakjOQz/qatr6870TWJGAFh0JoYpxWTEa5YoHQsGnICoW9vb12AUB6bm5tJiFixWEwuj6rY\nT09PAwQzxqpJjWbZZYVFhFtTQ80Yw2g08nkq2g8Mfazegx5qGQP8OD4+Tqq17+zseI0b3vH06VPf\nHBGkn376yZWAJn+ymBDMX3/91fuDRmdnZ85rDWuKERl1gWmtIGRMEYPY/Pj97e2tLyxkSJHqNDwj\nBhHY3d0NKm6bZbIDfTXRmzErulaMyPP06VM/KGjtKeRkPp87LRXRDrqyASsiG7yZTqd+CMB1bfaw\n/hSEBZozJw2thV+6qSEbWk9N0XBYw2wKxWIx2Zj29vYcBe3bb781s4yvjIUxvH37NgBLMQtRkJCJ\narXq/T52ceK7arUaVGs3yzY13q11upinHmpp8K3b7ToKGnP8/PPPvV8NC0LfKCIbNFfkIJ7REAX6\n5sK2s7MTIAXFYdHj8ThJ+tY6F/CtXC4HSGJmIWCM1k6Jkcc2NzedNnynoT8q0wrOwTs4QBBiqYdu\naNTtdn380Hdvby8B11H9z8GoUqn47zRkD71IGNJisUj2Dg394rJ8eHiYHNj//u//PqlHomOhKTCD\nhrrRH3S5u7sLLlb0peGMNOgBrarVarDPmWU8jcM9O51Ocnkwe1jDOi5NSofWGFV0P2Sv1P40vDhG\nIB0MBsmZ4LFQqH6/77pU9Tu0hL8fP34MwuzNMn3C+NBjmhzOOJ8/f+56hKb6X40NcbjS7e1tAkCz\nt7fn79O1xyGTPWY0GrmuUuAg6KaAJnyvKJHx/lQsFn0sutbRYxraHZ9jlsul0+P3v/+9mWVnCHij\ndRwZ13A4TACD3rx5E8zPLNvftUaoWaaj+UzDkBVkAHqw/jhrPGaYOD8/d/l4zEDNd1o/SHUD60XR\nAbnQs3esr68nRnIFeFHdHIfJXl5eJjXFlstlUDeMf+M0hPl8HoCl0KAvfP36668DZDxoG58NBoOB\nz1PPT+yp+q/WMjXL9r0YTE7DeO/v752HzO3m5iY4U/A7RfE2yy4w6G7VaXGothoSoNXW1laSctDv\n95Pz38XFhY8ffin4CnvD2dlZApqhIex6Yed33CsUqZD+dZ/9cy0P88tb3vKWt7zlLW95y1ve8pa3\nv6B90jM1Ho+tVqv5DZjb4N7eXhJ+cHd35zc6mlr0NAmfZ3iHhmDRzs7O3AuhFiJuiAo3HAMGFItF\nHytj12rihC01m03/nhv5dDp1SwL9rq+vuwXj5cuXSf0brZBOH6vVKqmG/uzZsyDMziyzxGkCM8+q\nld0srFHEZwcHBwnUdqPR8Llr0hw3esb35s2bwFJilrnCY6CKxWKRwJGvra05PaDl5uamj4vb/mw2\n8/dh6VAPJu8oFApOa62ijUUKa+rd3Z2/D/rc3d0lcPndbjexkqyvrydJye12Owj54jssHLxvb2/P\n+YVV6/Ly0uUO2q6trTmcZ7vdDmCjzTJZxeoEDdbW1vw9jEHDMlg/z58/fzT8hKbhHTHE7m9+8xuf\nC17D8Xjs8sbvGo2GrweFvsUqpp5kPBO8bz6fO91YPyonCgHL+zTMSMPZaPH71NPN77/77ju3wLEW\n6vW6r2cNwSDEBbnStcIanM/nCeTxbDZzWsFrDXVTSHD4r0AVWjsJ2qoXnd9imVwsFkFohlnmWeEz\nDePCoq/eKPWo05A7aDkYDJKw57/+67/23/FeLVHBOH/55RdfX6zXL774IgFN6fV63h/elNVq5bpK\nLdkxfdXLh9Xy9PQ08eKXy+XAA0f/McjN+fm5W+AZe6fT8Tkx5lKpFJSFYEzoObwRs9ksScKfTqf+\nt4aXQwP1WiPbtNPTU7feoj/H43Ggb8yymofQ+fz8PIlgaDabSeL+ZDJJyoeUy2X/Hvlst9sBhL1Z\n6Jlm3WgNPWg+GAx8rMj52tpa4iHSv5X/6BHGVygUfP3Br0Kh4PNk71XvgnpqYqhwTUDXcg3IFrrt\n5ubG+4C/nU7Hx8d8tre3E4AahZ7m7KKRM6zvZrMZgDRAZ/imUOraH58xZgAVrq+vA5AGs0we4Lnu\nh8jl7u6ur13Kqygcve4xcejvYx4O9RBrmQOehfbPnj0LgKLMsrMGeodz1Gw2c92tkUzMEx1Sr9ed\nhgoExPgJnb27u3O51RqFCnhilnnftO4a/XL2Yd4K4KT1EoGgVy8++47Ww4NPALTMZjOXGegymUxc\nnpjvfD73EDcFdYnBxHZ2dvwz5nF/f5/QvtFoBEBKMdiYgpKgn8rlso9bQ2vZTzSdQr3sjCEOhdZI\nHH7//Plz1ydaSiOug7pcLoPSJPwujsTp9XpJSQ49ZyPbpVIpCWHWsh9/rn3yMlUul221WrmChagf\nP34MFDAdMyk2c1V+DFbzI5jUZDIJEJZ4b4wpf39/7++hL0XBUYSsOK9JC6HC7HK5nBRoLBaLPl9i\ndfXgqQLJe3755Zcgd4y5owxQ3op4ozHOPMsmen5+nhwaNLQSevz3//7ffQyq6BRb3ywTpBil6fXr\n14/W70Fpq7s4Loo6GAx8LBrahSJUAWb8mteiB3DeqwcSs2wxxRdspYceIlEgLObJZJIUhtWYeUUg\n4jPk6fb21pUGi+rDhw+PopzF8eWKIjifzwN3vVmmEKGvFujVOl80fqfvi9HjRqNRkJ8G/bQekFlY\nd4d2fHzs3+sGDL00HwQ6MPd379553gt0KxaLvoY1Xy2ujaToQLRyuRwgdpplfGATRXG3Wi0/zPI+\nLSpKX4pKyeVGY79ZC99//70/iwxtbm46/eBbo9EIkOLMwlo2Wvjvsdw/DaOgEYayv7+fXOim06mP\nS+vlxaGcikbEYUkLdMLf0WiUXEI3Nzf9PWqkiZHn+v1+UkB4Pp/75YJ1Np/Pg0KV0B6EV+RlY2PD\n6ab1waAbfV1dXfmhgcOA5tYqchfPQsft7W03wFBTamtry5+F14vFIkB2g7bMk8v5xsZGss42NjaS\n8BINV9LQVNaFGi20xppZprvQh5oDxty1rg6HqGazmexzWv9I9xoOg8i01jrjHYq0yvi1JpLm4kLX\nx4xC7Nta7Bhev3v3LilU2+12k1CyTqcThIZr/2YPl1q9AKhRlfdpjp0WOzfL5Er3ZmjBu9nPVMbg\nV6VScb2ooWnIEfNAr5mFOkGLjppl+xTyoTllMY/u7u48xFqLs6txkX6h2/v3732dMs+jo6MEgfh3\nv/ud13nSCyJ0Q97v7u58nuj/arUaoEeaZReZuBDt3/3d3wWooGZmP//8c5B7DZ05R/A+lTH4cHp6\n6vqGkG2zh7MFY55Op/47zRVGtvWMGctOrVZLwjwPDw8DZ4BZJgfwEN5o3psW045z/7Q/9F6/30/q\nL2mOLbJ1dnb2KGoq80DXXF1deb9a1FjDH+NcYz3/K980TQU6o0s1PJNxs5YbjUZS33RzczMJrdQz\nPH199913vp8w95OTkyAP2Cy8SPIOvSSp8Z1+kZdSqZSkEtXr9TzML295y1ve8pa3vOUtb3nLW97+\nX7RPeqbu7u6sVCoF4TNm2U1RvRT8lluoAhDEVr4vv/zSLfbc9p48eeLPcvPf3t72Gylu0p2dHb9p\ncrM+Pj52iwM3XbWmasIwniasLj///HOS4Pfu3Tv73e9+F4xFwSS63a5bY7gddzqdwG3KWLn1YgEa\nDAbeH7ff1WqV1JlR6wM0r1arTkOsjIeHh24VxSpzeHiY1ABqtVp+o+c7rf7NOA8PDxPUp2Kx6N9j\n0RsOh27p0oRr6KF1RrBqaB0hHYNZJi9xQquCfmhNAeSO904mk8AzYJaFBShYhlmI8IiVfjAYBNZ7\naIZc0odWbec7TcKmVSoVl43Nzc0Avcsss0LyPXwrFAr2N3/zN2b24HofDAZJgqfWbGDM/NbMgkRq\n+MX7nj175t4drfStieJmmczGdaFub28TgIdms+m0Zh32+/3AqmQWejqgVb/fT7yL0+nUP8PKpAny\neOk0RBS98vr168C6xzu0voRZxo841Kler/s8CHXp9XpBQjZNwUHMwjo9Gq4ETbGCwT+zB/lUmm5t\nbTn9FVkI2dEq8fSNpVE9+opyBT3g4dXVlcubgtggM3ghr66u3BsIv3q9nteAQu/c3d0F6KFmWYhg\nrNs0yZ1+C4WCvwcebm9vB0n3jD3uo1gsJoArzWbT15dameGdyjP98pmGMGttlB9++MFpCT/U88P7\nSARXNFkFKDHLvBvoInTmcDhMkDRbrZbvbaxVBVJinT179szp3Ov1XKbRS5ocjgw2m80ArdQs0yHq\nUWGese57+vSpv4+1/OHDh0RPDAYD54OGzMJjZKLT6fic4O+LFy8CWWAs8Jr+F4tFEoVyfn6eeIiu\nr6+dLroHwhMFpeAZvtOzCO/t9XrOO/SKejXg5cHBgetABdeAlvBgMpkkHqdqtZrUG6xUKh42hif7\nw4cP/iy65ejoKIm6WVtb8/Gvra25l03rbqqH08zsj3/8o8uZeqHhnSLf4nnTMNq4tqeed5hnuVwO\nUDzNsnWLDtRzAOdE5ITfMn4auk09KKxrrXPJ7+BRoVBIQCnq9XoAKMS/jEvDG2MvmQKusAdeXl66\nPmbvffXqVQJyoOHvjFO9ZJpWoWiUZtl+oOkMZqH3kP2iVCq5zkKOY1AXaKjRQ3jleGZ3d9dlnt/r\nWQo5r9Vqzjs916mXyiyTc0Wj5X0x6vNkMglkms9i5OuLi4tg74MeCoJlFoYwKnJffI5VZOE/13LP\nVN7ylre85S1vectb3vKWt7z9Be2TnqlWq2Xj8TiBRp5Op25JUJjDGJ6xXq/7TVkhr7l9chOfTCZu\nHVPQCU2w41m+11oc/I6xbG9v+80ay0m1WvWbKTG4r1698hu2ehSISebGXq/X/dartX0Yy2q1cgsS\n8fgay6lgGfwNXTQnSauEx5DHl5eXSdyugg1wE7+8vPT8BOh2dXXl46cvtezw7Lfffuv9Qj/1Bqin\nRavDQytoqPHAcZ7HeDxOwAvq9XoCkHFxceHyoXV8Ymtqo9FI+tjZ2XGrFpYHrQivNIir0xcKBacv\nHofj4+PEgtlut92jiFXr9vbWE+03NjaSZE6loSa+Yz3RWjfItybhIx9Yg4rFYmDxgwbqyYPmcc6X\n5kIw/vv7+0SedO2rlSmWWc1dxKLUbDadJ5pPxVj5TMFGtI4UVj5o9ubNG5cJhVLGYoZV+/LyMkiM\nptGH5oCqpRk6wndoVavVAq+SWWaNjnN6NPEdC6/KLJbbuEI780MvPXv2LPgt40OWoUGz2QzyTs0y\nHsXx5/P5PMlT0pw0aL5cLl2e4K9CFMPLWq3melV1c5xU//Tp0wBi2yxbC1qHzOzBwmr2oNuWy6Wv\nAc1hZFzQdDgcujxp3ZK4BtibN2+SOm2dTsflA9ne2Njw9apWbfUkQkfNYzHLLMDMHR6Uy2WXLc1l\nissDqCVZvSBa6wza0sfHjx9d5+I91HIPGg2ALlDrMt4KtZIzBo0UiUEQtLaj5gHGVt5Wq+U0p9+r\nqyt/twK8KNAS40OHaz4Lz9JvpVJxncV8VBcp6JQCD5llvGTt6l4d154ZDocJ2ISWtNCc2BhaGrqa\nWQDQEUfibGxsOA3QqWdnZ94v8t7tdoOoFmjwWIkP3Zd4p+a1oDPQbXt7e742NN8u3sfG43Gw/hgX\nsqp5o/CEc5aCZfBvtVpN8rdrtZqfqfAyT6fTIJqBZzlzad4l4+O7/f1916+aHxPPTT9jTOqZot9O\np5N4Or/88sugpIzZ4+BKxWLR5U7PmPxO64gxD3iuXnzNk4v1op4N4UGtVgtAesyydYEsXl5euu5R\nfaMlYswyHsaw5ff390l9u729PZdH6DadTl1uH8vpRmfp2REZG4/HSZRMvV5Papktl0sfl+Z7s5ag\ny2q18n0W751GgCk0ehyFFLf/IwAKRcvTQpLx4XK1WgVJaxAkdiVr4isCqsXYFNWDjYLJdzod70ND\nCiA6BD4/P/eLh46FBa0H9riA8PX1tX/GQnz27JkzVGsOaIIim4AWT1V0GbOMYXH9g7u7uyCZLn4f\nrdVq+fz0IKsHHDOzv/mbv/H+CGsZj8dBmCVzi9HSoLu2n376yXmMwD9//jwpnrqxseG0hueKloQg\n7+7u+jz08kgfyNX6+npQl4WxKxoV/7LJQ78ffvghQTRbrVZJ4qYma/N7swfZ0sN5jDbTbDZdPqHL\n1tZWEGpC+B6Hgtls5hddDQuFT4xBk8yhi9Zxit3VZhZsRvBaw2Q0sZ8+oJeGYsRyp65/rd0Qh0d2\nu11fp8i4HlYUuAO+M877+3sPP+AdrVbLaaBoPbyH8M3Ly8sEROT6+trnqyhICihhlskkfaAT9vb2\nEvS6TqfjtILmuvkpKl5cBHh7e9v1E7pBDUoKLKOgMxoSRL/8jkOBFjvl3WdnZy5HaihgfqovkH1F\nV+Uz+h+NRh5CDG+07tpjBTpV/jhAoAc0LJgxKVIS+mS1Wvnf0Hc8HrtMw4/Dw0PnMXL1zTffJAiv\n0EH7u7m5cX5qIUfWA7KrtcKQv1KpFADBMO8Y0UwvI8xjPp8nyHjtdjsI/TXLQk9ZFxre/A//8A9m\nlskqultDieP6gdPp1OmGTBwfH3utLsZycnLi74FfaqxifGtra0GhX7NMl8bogIeHhwG4hVm2rjVk\n2SyTWTVmMD7ezV6uNR7hg9Zr0oNTXJBawxq1Phdrhbm9fPny0TDU+PBYr9eTsGENu9UzQozmubW1\n5WtEzyyKvsfvuEggn+fn50FIp1kon4oiCd9evHjhY0QmVqtVkrivNepYI51OJ0FpbLVaQT043se7\nodXPP/+cGDo6nY4/qzSNAQOWy6UbYJiTAhqwLprNZlIot91uJ4XG7+/vk6K91Wo1WcOahsC8p9Np\nEBpsFqJh8t7379+7DtIzTow22u12ncfsEzc3NwFQBDRVwCCzjP/oYT0DQT+ePTw89LWMLL57987/\nZh6KXlqpVALDKt/HdbyKxaLPXQs507TwOrLFWLe2tpz/Ck4WF8Aej8e+7hVYLkabrNfrSf3QUqnk\n61lTbGJDIWlMZg/8Ul6zpiaTie+Rf67lYX55y1ve8pa3vOUtb3nLW97y9he0T3qmlsulrVarBAJ4\nZ2fHb4tazylOfNUkZ735adKtWZj0jyW+1+t5qAw37NFo5Dd/LJOlUikJ/ev1eomVVC2JcV0Xs4fb\n6m9+85vEW/HmzRu39j158iTB73/+/LlbWdTLgGWF0C8F6aCplYd3VCqVJPys3W4HNb1oGt5jllnv\n1G3Pd/BQw3f4HRbKm5ubBC77+vo6COUzC60tGiISA27s7+8H9Y9ocZVwtVSqxwsrGfJyfX3t79ME\n+ThRUa1fWt/msdBUrB8alhNbqwqFgo8RuvR6vQBAwyz0FKgnkfF99913Pi76OD4+TqD2NexFwzN4\nt9Z2iYFWRqNRUsdpd3fXZZq10mq1/HdY9H766SeXc2RxfX3d34MVfDqd2v/4H//DzDLgAcYe19O4\nvLx0WkO3fr8fhAGYZbyMw9XUQ4xeOT8/9/WldXBoGjIVlwyo1Wo+NwX1gB5qTYvBVfr9vj8Dzc7O\nzpxGNA3zg6fj8TgISTDL1iNrYGdnx3msui+uHH91dZUArXQ6ncSSXKlUXJdqqQDoqwnSMQDN5uam\n8xrdvLGx4TLG7zqdjns6fv/73/t8NdnXLLSiM76nT58m9V4UfILfK4x0HHZl9sBXaiHq+Gazmes7\nWqVSCWgEfRR4grlBK/ptt9vOI8auIdvQTL2QGu4Z1/i6vr4OQEvMMr3DM+pxRn9hsb2/v3fv9nQ6\ndX0CpLXW2GG/2Nra8v60nhZz4btms+k0hueDwcDnzu96vZ6vAw1DhF5qMY91x+npaRDKY5atLzyr\n9PXLL7/4Z1q3CP0A3SaTiY+FeddqNT+XKAAOf2s0RQxRfXt7m8hgqVTyZ6D3zs5Ooo/v7u6cfhpK\nztw1yZ6/0YEnJyeug+C19otu0wgLfn94eOj6ToFPaNfX1z4/9bbAJ4Xpj2VQwS00dDoO6VawCfqq\nVqvOO621yLmOd1xcXLjsEDqtIAca0qneEWiudDDL5DQGObi4uAjGwHv13cxRdbNZ5tFhTuo5iYFZ\nFJyMOSqgCX0NBgPXn/zbarWSkhYaqqkgJlqzk7HDIw2r5d3IYq1W8z5YZ/V6PShHxJw02iKWt1Kp\nlJQ80RBC9MpkMklqlCmwhKYIMD8t4RHzX8vqaB1Bzh0KEqE0NMtkUaMKzLIIGvQr65o5mD1EtZiF\nZRkea7lnKm95y1ve8pa3vOUtb3nLW97+glZQS1/yZaGw+nf/7t/Z/v6+39oUMlSrq5uFlh8tbMbN\nmtjfnZ0dt0Jo4VesAfT19OlTt+7Sx83NjVtquS2rNY0bu1pn1cKp+Sdm2a01hjxcX1/3WzTv+PHH\nH33Ma2trbqHB+rOzsxNUSzbLwByAI4+BOcwsoEGc3HZxcRFYz8yy2zTPMPd+v5949IbDYQAvy5x4\nnyZwanytWWYB0CrS0FItg4wFfmkFbOansbp4EqDz+vq6852+Tk5Oghhds4xvzJ12enrqlgPkoNfr\nuZcSmVQYbOiiRRvpCzkwC3P6sNSpjMX5GxqXD10+fPjgFr29vT23mKiFKM7bqFarQT+MWQv8wQcF\nlDDLrOhYarCiabK8Ql7HoASr1cr703jwOMex1+u5zGjeS5wwXC6X3RqoFcax/CAHmvSvuULILP3v\n7e15bhC8fqzIXqvVCrxK9Mvv6LdSqfjcNecMGcTieHBw4M8qwAxjjSH8GZdZthaQWbWWI2dqBecz\nzVeEl8PhMChoa5bpAegKrS4uLvxvrHidTieBztV8MayUWiSWZ3d3d5N1eHt761ZWjbdH9vG6LBaL\nxCo7GAxcn9PW19ddZ9HHcrn0eWjSsUKJm2VyoqUz+H28P02nU1/Dca6LmQXeQ9Ym3yvsu+o7ZILy\nGuph1SLlMTDP3d1dAgixWCy8X4Ws1mLXZmHeg+YKoK+hvc5di3Bq3oiCEZll+isGr9FSBtBjMpm4\npRm5qlQqvq415wtId3T0eDz2PpCNRqPhc1HLP+NTTzY85r3NZjMAMqEP5Ak6b29vJ7kVCquMx/vu\n7i7wjplle0hcfuP+/j7RHXd3d84H9PxyufS5P1ZwHj1RKBQSb5pGMnAeWK1WLu+6LzJfvvvqq6+c\n58jTzc2N67719XXnHTStVqv2+vVrM3vYnzTvBa/g0dFREFXE3DQHlmcVctos40c8z5ubG1/XrB8t\nOst+omAD6n2PAZw0Z4bv1tbWAi8/fek+Ah/ivOFCoeA81PwhntEIG/5GXmazmUe60LRMD7/TnDnN\nPY49gKvVyp9VeHCe0RxF1hK/0zEzn16v5/xiH9ja2grOYzyPbH/8+DGIcDALowt4dn19PQC6gB68\nh9+pnPCZRmtp4WrWEPuJltCBX/V63dewRs7E+dbq+VN9FudvaskgldlarWb/6l/9K1utVgV7pP0f\nXaYODw9d4Gj6HJuWJhYzuU6nkwjhYDAIXG//u6+kTtPm5mZACLPsMB2HW93d3fm7IeZwOAwSys0e\nD2upVqtBNWQ+Q+nqgUJDOhg/B7But+tzVuQ2xs3mOJ/PnZHqTozDI+7u7pJxaUVoxn9+fu596EEb\nIdSK7ygSPpvP5wEwAmPiYKBJszHIRblcDlAXzbIDGUpSq9hrqATjixG0HqtVpahFGmIVX5zX19dd\n6B9DxmJTWK1WThdFiYzDLsfjsb+bjWBzczNJItewFpSavns6nSZhKrVaLQBEMMs2shjxrNvtBkn5\njD9GLdSLidZdQLaQz7W1tSARk77YWPVyo2hVZqFLn7X5/v37pJr4+vp6Une7Po0tAAAgAElEQVRp\nb2/PD+qKRBcnNM9ms4SWOzs7Aboh74gPF1p/iX61BhR0Ho/HCSiJXkb0Qsa74VW1Wg3qt0DnGFVp\nOp0mh7Pd3V2XWTYbRbmbzWbBO+ERfNJEe2QamitIA3S7u7tzXmsodhyqt1gs/HtFyIQ3ipAEjdCv\nCvqgieMxza+urgKULLNsE0fHQKNKpeJ6WvkV163S2jl64GCsjxnYaP1+P0G5bDab3gehztVq1fWh\nAuAgd4qWFYO6rK+vB0ib/E7HapYBKsRItRqupLX+4JEaNDAyFAqFpH5QvV53PjGux+rV9Hq94ADJ\nWGJUsGq16n3w+2Kx6IdGfs9vGbdZWO9NDyZcZqAvPNWxKBAMY76+vvb38Lv19fUAKMQsvEwpmmds\niFF0QA0pZ57MbbFY+LMavoncIc/VatXnqwbZOPTzyZMnCVjH7e1tgvrZ6XScb8o/dILW0uN9Ws+N\nUOzlcumHWjXesK4UpZf1qmi50JL5qlGDVi6X/d3o7UKh4P1Cy4ODgyTM9+zszOmAXDWbTach41SU\nTtaF7m2KDq21SaEp+p/3qRFbwSnUQWAWhiGix9SAjh5bX193usAjna+iJ6o+hBaKGE2LjRuNRsPX\noxqH4dFj60JBTvhbz3TsJ4VCwb9nLGrshf+dTifRX6vVyvnFOtQLEbK6t7eX0FJBrtAF19fXLhPQ\nUkNwMQBUKpXkXNTv9xMgrXa7nTgAtDYmY9LntCZjpVKxf/Ev/sWfvUzlYX55y1ve8pa3vOUtb3nL\nW97y9he0T3qm/uN//I/WbDbdEobnYTab+e1eQ7u4yfM7rXbMzXRtbS25wWoVe27i79+/Dyo3m2Xu\nfg0/MstuqFjg1EqqIR+8l1uyQooqXC3f4VZkzKVSyS2XCnXL3KfTaeJJMLPETX1/fx+EcpllFgSt\nNs24mLMmqMa1fxaLhc9ZvT2xJXE8HvvtXsPH4gRaBZZQrwo3fg1N4jMNicG6Ay12dnZ8fHjB9vb2\n3PKG1eju7i6wPjBmrU1FH1g11XKmFhOzEMCBpjCYjO/Zs2ceCqHQo/CfNp1Og9o00ELrGkA/rTkU\nh0cg92YhgALWJE2aph/WmYaBaD2PGBzm/v7e16EmlseJrPo+vqNvndPBwYHzWEsUxBDKyi+ajgUe\nlstltwxpmFf8rPIP+hSLRV8/WquOd2u4FXLEfNrttvNGdQ28UWs+fH0spFO9amoJMwtlUdevhlaZ\nZZbYGOjFzIIx8znPbm1tBSGrZpnllLWudaRi3dxoNAK+M2att8J3vFtBKaCveuz5TIFg1GsLndEJ\n6hFRYBSzzPLLu7WuSvy+Tqfj/ELeFdRH4ehjvTgajRJ4e60LxdrUMB6tjaJlEszCEHaFy0fGYih6\n/d1sNks8Is1m03mkfcWgPpPJxGn6WFJ9s9l0urL+de9gfKVSyWmI7js7O3O6qXczBkF4rObKfD5P\nSmisVqsEhEdD8DXcJw6PPDk5cdooAAn8ZL2Ox+OEh3HpAcbEOQZaNJtNlxmt0wf92bO2t7edN6yz\n6+vrpHzBY5EO5XLZ56kgR1rvyyzbd+KUg/l87vNFHxQKBf8MvaN6Fv5VKhWf22g0CspumGVRC5wt\neM9yuXQ5Yh1eXl4mst/pdAJPuFlYn4umgCwKKc4a03OgeifNQnAlxvLhwwd/jwJLEHLK2G9uboJQ\nQ7OMX+qVg26Phb+zj6Dj9HzCmrm6ukpKcmjIGbw8OjoKzon0xVriPKMebAVIiqNpNIUBmp2cnPgz\nCiOu+yt0jNMVfv3110drZ6G/NLycueNtNHsoH1QqlVzGmDv0M3vgjdYUVNCXOAxZw/f1HBWfHRaL\nRVLLbm1tLfHoaUSZRvYoXelfdQG0ajQa9i//5b/MPVN5y1ve8pa3vOUtb3nLW97y9n+zfdIz9V/+\ny38xsxD+3CzMDeCz+/t7v+FioVDrt8a4Yk3F4nB1dZV4jTSnSBPL4zjKq6sr71ctKFqYlf5jWPVK\npZLE+a6vrweV4/83LYJEUW7CmtPFnDSJEBppsnwcK61WJb7TYm1ahZtbNt4ULeSJdeb6+jqxcC0W\nC5+TWm/hv8Ku8qxa05TWZmGROIVLjuF+e72eW14UIj32QjSbzaDKPeOEBvC1Uqm4FVAhyuME/9ls\nluRWqGWfeWuhYdrV1ZWPRRPQFUDBLLPOYgnR3An1PsVW/u3tbZ873oMnT54kngTNx9LE0jiZe7Va\nuZVILfDMXSHINZfLLLRCMv6bm5vEG6jWLGR8f38/kZ1yuRzk1JmFnh/GXCwWnSfMTSHF1UKpCdHQ\nJy683O/33QrJ77vdbpBXZJZZ6eNi0WYPPFLo2TjHpdfruadWPVSMlXn3+/3Emn5zc+MWO/RJsVgM\n9FIc765909SbwdrsdrtOXzx2Nzc3ScHi5XKZ6MNyuex8RSfU6/XE81Or1bw/lbsYKl49evTfbrd9\n3bCGJ5OJ9wFdCoVC4uW5ublJrMEKIgCPCoVCoq93dnaStVksFl1WGacWBkdetre3E7nTWH0Fk4iL\nY6tFHHmZz+eJNbVQKAT5sWZhZIfCr/OZ/k497HyuURzqGTQL81TVo8B7NGdG8xh4ljnzWbFYTORT\ncyt53/HxcXJOUB2pOSQKqkMf/K1AT/BBgQPiM0G1Wk3OHTc3N04D5RdjZp/SqBb2O+WX5gVCA57t\n9/u+HpDx0Wjkss9YptOp/60yDg0USAsdSf6rlqpATra3t12Otaixli2JYfzr9bqvOS0ZwB6kHue4\nREmtVnPZZw3f3Nz4nOH5YDBwedJc8bigcrvdTiJ7FOiLvlqtVgLCpLzWtal5O/yevzmfnJ+fB15q\naB9HuqiHRSG+YxlrtVqB58UsBHqCtoVCwb18RHGdn5873TiLaoFrzRWEh4zv5uYmWWcKRAUvp9Np\nkpc5n899zBpxotEecX9nZ2cul5rXqB5axhWvm7W1tSQS6/DwMCndMJvNgjsA32kxdLOMH/Ca981m\nMz/bsC663a5/hoe6VqsFYFS02Avdbrft+vra/s2/+Td/1jP1yTpTl5eX1u12E9QSDZljkYB4wWTM\nQkXHRI+Ojlz4FBmHgWtNKSaoia8oVt6nKCKMT1GpFDWNxc7GOZ1OE3z76+tr708358fQjVB6jUYj\nONybZUqGd3N4+/jxoyte3nF3d+eLTevRxGiJ5XI5mDP0g5Z6IYrRlxQFUUNn4svFcrl0+tO/oqDR\ndG4aRhWHbyiIAAv6sQTam5sbHz8hdtqvhpmwODkoKuKN1rJRUAuz0H0L/Y6Pj50fWg8NRccmeH9/\nH4QQQFv4qu5lpakCgJiFtT1o5XLZNyQ9VHNIYkPvdrtJlfj9/f0kqVoT91Wxxhv/YDBwWYD2m5ub\nzn+9NDAPTcxmU9HNhTHrJZI5Mcfr62unmxpp4iTSWq3msqVoSfSnoaLwDgV/f3+fJLdrKKGumVi2\nJ5OJzxPatlqtJCRWQ3X0sk/TRGUNXTDLDl2sgfF4nCTuz+fzBIWuUqn4hslmoKEL/L7T6Xh4Ehv1\n5eWlf6/hljFqXbPZTNAmoYFZWKMMmdGagnpYoMUhQk+ePAn2DOYRIzLqGqAvDbdSeeFZNcTEIThm\nD3o4NjYwd7MwdE6TvqEHa2E0GiUHEw1XYx9Q4BDd4BVB0yzbf1hz2i9yrhdA3b/UIGmWrWH61vpG\nj4UkxmAOxWIxCY/Wi44ejNG5up9omDUtBi9qNpvOV36ve5HWOUPOaXrg1rBmnkHGCoVCULORfpmb\nhk5jjOJ9p6enzlfk/fz83GmkSIrQMq4daGbBJRcesuaLxWIAlmOWrWk1xDEmDa0zy9avrkOzjN4x\nQp6CRFSrVac/cqIGTc4+y+UyMZw0m80EgKjX6yWhpOVyOQmPKpVKLnfQbzgcuuyo4QQe8pnuMVrL\nCn5CX0WjY8yLxSI5j3U6nQSlbXt722VVzxPQl9+32+1H6afj1zExLrNMf6KzVJeyNulfL7y6Z7G+\nmdva2lqCfLu9vZ1cujSFhfdp2C3z0Pqr19fXPicNo44Np2Zh+oxZpjfjy6dezmjj8TgJcVfZV9Cf\nGPGw0Wj49wqApmi00JnvOfdqKLn2xfg1FSdGln0sbSRueZhf3vKWt7zlLW95y1ve8pa3vP0F7ZNh\nfv/hP/yHAMOe29nR0VFQbZoWu67VW6XWQG5+etPlVq5JnbEVYjKZBNXmzUIPliYdqheNsWEFwluy\ntbUVAE+YhTd69R5pLY44WblUKrnlBQuChlEoQEGckKmeP/U8QFfCRTQkQas7455WTxHWLOak1mAN\nOYuTNLWmFFaD8/NzH4PW4omrfysErIYoQnNN5ouhYtXNryEq9AutLi8vXT6QxX6/71YIDWFgTsx7\nd3fX+Y581mq1pDr5fD5P6nltbm4GCap8h5zoWNQrG8PVatib0kprZpllVhd4qNb+OKlev4d+d3d3\nCeR5uVz2v9XLHIeNaUkBhdznd+qK5xn1CsUW7EajkdRn0pot0K3Vavn46Pfk5CQI5YOO8JN5397e\nOh80sTSu7TOfzxO41MViEdS/YD7ItIKN8B4tr4DVELqotV/BMGKPrQJHaF0bracSJ9De3t4midHl\nctk/U6unhk8xD/rjfbu7u84Tnp1Opz4WLN0KR8/vm81mAPdvlq1NracGDeLw4sVi4XxVb0ochlat\nVv0z1q3CzOveESevz2YzH59CPccAORqKzVjq9XpgkYbe0BS52tvbS0KOisWiyxNyvFwuvT8+m06n\nzjfe0e/3k31sbW0tCQecTCa+vnXfUc80c+c9akWH9sfHxx4FgGVdQ4PY38/OzhI9p5ET/L5UKiXh\n2xrSrV68GAhEay2qBxUe85mZJYAB29vbAQAA88ATDl1Ut0HTzc3NxON4e3ub6DEtl6KhwloWBNoy\nPsayWCwCzwq/41mt6we/1IOKPKl3QyNwGFMMfKLv0xI1Og9ozvg3Nzf9bwUWiy31i8UiWPe8T/dV\nmpYN4LsYKly9MvR1e3ubRKZcXFx4ZAXhw8vlMtnDNzc3g7I7ZmFYLvJer9eTKKlWq5WEFy8WC39G\n5S8uoaN79GP1AdVLEtctOzg48IgCDUNFP/EO9c4ozZBLDTPld8xxZ2cnqAFqFnqCNOJIo5XiKLRK\npZKUitGaYtB5Z2fHx6jgSnzP3BaLRVCvkt/HIdjq/dZagTyLzF5eXgbpHcxXQ+/NMn7FIfGbm5uJ\nF3+xWNjGxob983/+z3MAirzlLW95y1ve8pa3vOUtb3n7v9k+mTNFMmscL6hwv2q10OKfZtmtlhu6\nWsa02rhZCDPMzX42m/ltVi0sCtxAY3yagBbnMYxGoyTRfz6fP5r4qAnAZpl1gWrhZg83b/pbLBZ+\no8ZTVKvVfE5qAWZOeF2m06nfsrGmlUqlAIKV+WLN0EKYcb7YYrFwCwEexcvLyySfQWFXFZaWuWuF\ncaxAGhMObTQZljGrTMRWw8dgddUqq4U14/jYnZ2dADqXvuAhNNBn1YMKbzShPU6uvr6+DiA7+Qxr\nEcUAt7e3k7ymcrns9CiVSm61Qz4vLy+TBO/FYhEAE9Di+OlGo+G800J/9M2c2u12kJ9ilnkUGb+C\ntcBDLf6oOSFmYf4LFtPZbJZUtp9MJm4Fgh+av4XFS3NcFKYfuuD93N/f97kzhtls5n9r3l3scej1\nei6/yMnGxoaPgbGXSiXnMe9Qi7N6yxkXa0pzOjS3C+ujWpRjj+JyuQzWf+xZoU+zB3jmdrsdQKLT\nn4LR8D74gBzU6/UkJ/X8/Nz5qbku6CDm+/LlS3+WOXW7Xe+XMa2trQVFc80yecarpDDMWOM10V/z\ngOKm+lqBO8wyi7d6LmlxGQn19iKTrVbL+Y8nbjgcBmAujIn+1GMD3+HVcrlM8obr9bqva83PjYtZ\n12q1BCBF6QeP6vW665i3b98mVnSFZ0Y+W62WvxN90Ww2k6Lpug9rPpXmk/GdAiPRtGiqWeithpbq\n5VMrc1x4vdvtunw8lrukeSNxvsje3l6Sv6PeJXjEmLQNBgPnp4ImxRb9SqXia1PXKu9WmY376fV6\nvoZ1jvBDi0bzHl2DGvnD79WbwbxZZ1dXV77+1CqvQGG8Oy4C3mg0fDzq8WbdaJHYGHq6Wq36uOBN\nv9/39aDnI/QOa1k9Z5q/HXsr5vO5jw/v183NTeKt+PjxY5KTWKvV/FnN1WQf0bWA3lcvaVxott1u\n+35D8eHhcJjkOh8eHvrvvvrqKzPL5O7zzz8PaDWfz5OSAZVKJdD/ZmGen3qcmKeCuvA79vzFYhEA\n2iCDmucZ6y8tsq6RLoyLPs7OznxtIC8aSaJzow/2nVKp5M9CD/Vga0kI/d4s5JGChGiJBeYYn5+q\n1aqvLy2O/Jiu0PbJML//9J/+k93d3QXCbBYeVuT3LiwIXqVSCZB4zMJwFTbkbrebhOBouAKMGA6H\nrlh180AwFJklru6tSbgw7u7uLqinYZYJPIdQGPf69evgIBPXq6lUKkmSuYaVqDtbQ2+gW4zjrwhq\nCkARV1yfTCb+HjYXvSBqMiF80EM6QqNY/BrexWe8jz6Ojo78b+ZzcnLiBxJFQ4N3CnIArRTtkAMg\nC2I4HPrfLFxNuGfsb968cdmBL2tra/4ZG/y7d+98kTHHdrvtC1GVDOEvKp9xGMVjqISqnBuNRlBB\nnXnEITiKCsT62t/fTy4zzWYzORBrpXStuwE/oWmlUgnQlMyygzbv1ouuJkmbZWudQyjvnU6n9urV\nKzN7OLC9ePHCN0IU8enpaYIs2e/3k4NYtVp1ujDmi4uL4NJjlq3XGAn04uLCxwq9Z7NZUDvDLJN7\nDUkyyw61scHj7u7OD8zIqdJDaRBv9jxvZkHYQmzsWVtbsz/84Q9mlm2s6FKtlxEfLj/77LOEvsVi\nMQnLHY1GSU0PrWHEs/V6PQEvub29DQ7tcVM5jcOZzCzRpXrhVCOJblzMOwalqFarj9Z7iRE+tU4b\nB5SDg4MEgXZ3d9cPl6zvuGaTWcbLOLzo3bt3SSh2q9Vy+WRuw+EwCRFXNCx4oLoD2SgWi0myeblc\ntnfv3gX9lsvlIPyV+SlYEzRUVE0OtdBA36nIZ3G9R73oa8hubPxUerFu9CCu+6LWbzTLzgboeAW+\nicPt1CCm+hMa8t14PHb6c0i/v79PULqGw2EACmOWyXgMNrC9vZ3Q9OrqyuWTg7PuT/xe6xuhR/f3\n931PVVQ1+Iq8FItFp9VjCKSKMMx5h6Z1xPRA//LlS5+H8sQsDAeE5ufn58nerAYC9khNJVA9ESPK\nKeIhB+dKpRLUHDULw5YVIIN+Wbej0SgI0TULjala8wz+M5/5fB6gwjFHTd/gvbERdDAYBMYbs0yu\n4BeyWK1WnTfwQA1oOs8YCVRDxPUio2iJZqFOQBeORqMgtcIskysFrTALQ8p//fVXlzN1fiC3Sive\nraBecUjvcDj0OelZUy+LPIvRSNNG4B3rYTAY+Ls1fBBa68UormXWbDYTZ0+pVPJ+0RNqENMxrVYr\n+9f/+l/nYX55y1ve8pa3vOUtb3nLW97y9n+zfdIz9e///b+3zc3NJPRrOp0m4UAbGxtJrQizhxtk\nXAXcLKzaHruh//Zv/zapIt/pdNyqqInj3LLfvHljZpnVgmfob39/3y0htGKxmIArPH36NIG8fPfu\nXQCuwS0WC0G9XrdffvnFzCyoss64fv75ZzPLrNBxKISGA6q3Kq4lUavV/H1YUT/77LPEQnx3d5dg\n9t/e3gZgBGYZX/gdVoNyuexzwnKiIThqnYstDldXVz4+Wr/fd0tHnIio4zN7sCCprPEs8x0MBknt\nLk20xWp1cnLi81SvIN/jrYTW2oeG2jE3rcWg3iHkXWE16e/w8NAtOlrlXmnNu2Nvi3oIY4uY/q1h\nOVjitA5JDHZi9rDmFKRDQ11j+OB2ux3UHDEL3fJqFYIPrI/b29vAi2KWWWdj+P2Dg4MECELrh2A1\nVq8bz5bLZfurv/orM3uQT60LpZZ4ZIvQil6v59+rB1ChWM0yC7DW+aExd8auVnoNOdYEWr5T3aY1\njqAbVjH61fo3WmZAvUpmGf+hNTKhHhhosFqtAs+QWcabeI2USqXAM2iWrS+89xpiG3t5u92uh8Uy\nxxcvXji9+K5SqSRlMCaTSWDdhQ9x0nexWPR3MxaFWkf2+/2+63jW4+9+9ztfewqby7v/23/7b07n\nOEG+UqkkFsxut5uE/oxGowACPG7wb3Nz08eicN0K7W6WrUu+73a7zmMtpcHf8PD9+/eJt/rk5CTx\nQt7f3/v+hIWddcRczDJZi6GsVZdrXSV4goz98Y9/DKCzzTJ9EdeeWltbCyDn6V9r/phle6aGPUM3\nxqBgSIxFa+TEYYjFYtHHgIyfnJwk9ZIUhAed/uzZs6Qemdb4gs4fPnzwvU33s/g8Vi6XkxqKWn9N\nLfb8jugQXd+z2SyBU19fX3fe8uxgMHBaqlcwrs9Wq9WcllrfDJmhaV0gDTWLywKcnp4GofdmGd+Q\nffiwtbXl8+BfhZlnLMVi0fcv1qYCC9CvAunwWbvd9r+1Np/WSWJucQrD+fm5y6zqVHQBNFAgKp69\nvLxMINkHg4H3oeUa9Gym8zZ7OCtr9JgCQiG/WiZEZSuOnDo9PU2ARXq9nss3uvTp06f+OyIEdO60\nra2tJIpLawBqXbUYbOTp06dJqLamtaDfG41G4HljPtBBPYVxPddqtZp4xBnjv/23/zb3TOUtb3nL\nW97ylre85S1vecvb/832SQCKvb29oGqyWgBjKGONSVW4cZ7hHV9//bXfBrk5X15euleJW/be3p5b\n6rQSMTdYbvafffaZvX37NhjLzc2Nj0HjrbnB0v/6+npiJdHEbP599+6dWzD09o6X7Pr62r0KxLgX\nCoWgsrRZZiGCRsRZTyaToBieWZgEp4VfFZYXGsTeJYXEVJAAfsc4tUK6WnG5+WsBXKwZWDrV8qv5\nVFpcF35greL3BwcHbt3X/CLmSS7Ocrm0n376ycweLCKdTsflic8KhYLzA5nY2Nhw2YKHg8HALR3w\nqNVqeb9Kqxi2tNlsJp6Tm5ubBBq70+m4RUoLwmIdK5VKQT4Zv0MWFM4zBkvQ/DPeq1ZrjUlXMAWz\nzFKkleqZp1rjmBuWTfj129/+1hOtecfp6anH3v/www8+htgKpfKp1czhA+89OjoK4tPNMuu3JmJD\nC6xKWMRevXrlliSF6+d38EtzBPEeq5WU8WkeJWuhVqv53KDpcDh0i5lal+O8LE3M5t/RaOTjurq6\nSuBeVZ+oBVGBHRgXMqBJ+LEXeG9vLykCrjlk9NHtdhNQgsFgkOS4fffdd0lB8pubGx+DeufVkmuW\nWRl5jxblhAZqeYTv8E3XOnLVbDaT/Kj379/73wrXy/6ARf6bb77xdcPv/vSnP7nHTHOF1YJsFua6\nMfZSqeTzVRAY5BK+abF1hTKmD+Sq1+v5Hvj111+bWVoyhPUKjb7//nt/Ht37j//xP/bICdU/MZBB\noVBIcusmk4nTFz1VLBb9PSobcQ6pgkOoZZ91zfuazaZ727QYdKzXt7a23OL8/v17nyM0pzUajQCe\nn3kwBuazsbGRRBwoWAMWdoXBV0AIzbNk7PCGNfD8+fMEbEQh7zXvifX6WB6dFotlP0GHdLtd+/bb\nb83MHChrfX3drfyFQsHpq3uqAifQXwwB3+v1kkLp9/f3AeiKWbYe+Uzz5BTEBVrF3lT9jDXQ6/Xs\nyy+/9HfToBtrqtvt+n7C2C8vLwPIccbJ+NCZrVbL9QRrptVq+TzVI6/eH7OM13Fe83Q69b959vPP\nPw/mxBz0/GKWrYEYmO3q6irIizbL1hHrBrmfzWZBHqBZtlaQWWRHc8RZR8fHx06rRqMR7L9m2ZmP\nvzWSAV2K7CtYBk2h9nlWoyQUYA4517w29BJyrB5Y9UzFv+v3+677FCCJtQ4vNdKFpiVvFMhJzy+P\ntU+G+f3n//yfA9Q8mip5PfTHld41IZ9/nz9/7gNjwr/88ktQuZmJxBXGdcP54osvzCwMf2GsenFS\nNCkO0f8fe2/S5NixpGc7ZiABJJDzWFkDi2PzNnXFvrLey0z6OVrItFRLqzbr3vRCf0UrmbY9mOxO\nIi/ZvJyKrKqc50RmYga+xfkezzci8opttF6e2GQagHMiwt3DI8KH19lAtS4I7fb21lFVmM8333zj\n85xOpy6IbHDVatUvg//0T/9kZmGY2kcffWRmWVhL7PLV2h6qRFmo6upk7jy7trbmh0YW2GAwCJAH\nzbLD79OnT83MAvAPBFNrLMVJhJPJJHi3WVgXQkOh4B3jm0wmriDgealUSpDqtra2gmR53oci/Od/\n/mf/Tvszy/jFIkIhLi0tJXWa9OLERqd1Rmj1ej1JVD46OnKe06/W1WJuFxcXToO3b98mgBEbGxvJ\nQUKTUelXQ4NoinjE709OTlyWtVYQ60aTyGNkweXlZacN60LrbiEvioLFZjAej5OaYuPxOKmxofVI\n6Et/R9Pka72Io+gIkx0MBkG9CjOzDz/80OerNVv4HYp2dXU1qSlSKBSS2mO/+MUvXN+g4xYXF4PD\nO7+H13rAVyWv4zQLERLpV8MKtXYPdGW97u3tOd04EC0uLvraZdPSGjv0raiKOgYNFzTL9DAbIrqm\nUCi4DtKw0cfWA/RQJLuYDhcXF8lBstPpuMyw0ephj6YhonrB4vKD3r68vPT1w5gODw+dlsz7P/yH\n/+Byguz87//9v5OQnv39fQ8l5fenp6cJ4Mbm5mZiKFQQAfpVxFjW/P39vesE+jg5OQnCyswy/jGW\n0WhkH374YfDu8/Nz34uY08bGRoA8a5at0Y8//tjfybNxiKuGFcGjxcVFN2DqXoqMcVg5OztLQJ/u\n7+9dX2pNSWipwAbMGV5rMryGzkFzDbfV2kRm2fqPwwEVlU4PWrGRZHFxMbnsv3jxwtcZfdzf3/t8\nuQicnJz44VzR8JBL6Kd6kc/UGKWHWw2FM8sMyswJXb6ysuL6RAGZoMjlqpEAACAASURBVO/p6anz\ni7W8tLTk+o1zRb/fd/nlfcfHx4kuVcAlPVeyXpHF6XQaAO3oe5mzWaj/1RgV66xOp+MXaz0TcmZQ\nACJFyTTL9A+y+Bh6JbxUI5mCE8VAUBq+zdmlWCwm9eOKxaL3wdy//fZbHyt74RdffJFceBV9j3U2\nnU6TGmpqLNHzBf1BnydPngSXJU0DMMsQQ+Ow3NXVVeeT8ob3KEIltIbXa2trfrljLCsrKwFAGfyI\n0U339/cTWrbb7aRe4urqalJjS2mohtMY4KXX6yUhjIT+/pf/8l/yML+85S1vectb3vKWt7zlLW95\n+9dsPxnmB4wlt1AFIIghWe/u7vx/Tb7UxC6z7Bat7l2z0NKFleT4+Dhw2/Est0tu0IeHh0GtG7Ps\ntsozhEFcXV0ltQceSwhWCGpaq9UK3JDMD+tys9l0C5KCDTB+rVESY93f3Nz47zQ5MK4HoBWmFfCA\n2zhz13nCr5WVFR8XtC8UCkGldbPM2qL1JcwyHmHpJHH/4uLC56Thb7El5OjoKLCOMW/4hfVmOp0m\nruS7uzuXCbV48z48J59//rlbBhXWU62ZZg+8Mnvg++npqf+O+Z6fnychdgoSoWGG8EGTsBV6FKuM\nelvhMe95LIFerfzQUit4Q4P5fB5Yovgd/FdIdiw+9H95eelhdvRfqVSSOl7r6+seIgStjo+Pk5pS\ns9kssFKbZVZc+uW9q6urbvlF7ofDYQJyox5HTXLGgqVJs1omgXnHXtKrqysfPzrh4ODALXpYmTWs\nTfvQ2kTMO66/0+12fT0w9v39fZdL1YvQpVarJV6K3d1dXyO85/j4OAASoV/0Eta53d1dlxOtPYVc\nMn4No4JWS0tLzhva5uamz0khlONQmK2tLV8PyJWGxvz61782syy0Lq6doqAZ6imKQ3C1nh/6fWdn\nxz1SWkYCnsDf1dVV///f/tt/a2ZhWBPevsdq9lQqFZ8v41xaWgqAJ+g/BhgaDAZuzVawA9YPrVKp\nBLX9+D38QgdriY8PP/wwKb9xe3vrvOY99/f3Sb2f5eVln7N673WvNbNgL2Sed3d37kXDUzOfz4N6\nUGaZnoLX0G1nZ8cjA6Df6uqqrxG80OPx2N/NXvPy5UuXCeZ7eXmZWPmn02kCIlEqlXy/0ZoxyAR0\nnkwmLhPQ7NmzZwHgEfOJIaOfPXvmnymQA+uQsb9588bXjZZFiUG9dB+Dtt1u19coc9Q6gurt0z0S\nvvJZo9FwPvDdeDy2Tz/9NJiTenSQnUql4npfAabgk9aCQy89VisMOnc6HX8fa7Narbp8QI/vvvsu\nKB/Dd+hIPZfFsNoLCwveh6YrxGkjCriGTPT7/cCDbJbpCXjHWK6vr+3Zs2dmFoYhx9EvhULB363h\nhehP3vv8+XPfe/VMwrqGtr1eLwhnpcUlKGq1mvenEPnwWiMBfve735lZtl7jkMTz8/OkRqmGdPLu\n29vbBD5+MpkEtckYM3KO/tfaXniZtHwS/ep5nN9rJBHvff36tfNBaYnO1XN5XLaiXC4H3tPHWu6Z\nylve8pa3vOUtb3nLW97ylref0X7SMzUYDGxpaSlJIn39+nVSYE69C5qIxi1ak50Vspf3xeAV3W7X\nrSjcCo+OjvwGrhaPOO9JgS/Uch6DUtzd3Xn85ieffGJmYUKeQjxzc11YWEgsTV999ZVbbXh2d3c3\nKIbKmLHaafy5JvEx3ziRsdvtJrft4+PjBASh1+u5VVahubF28LfVarklQeFDeYbfdTodHz99NBqN\nxDN5fHzs89ACt1gmkJNWqxVYH8wyi0kM1rC/v+8AH1qgUQvCmoW5dQrQwFjUIg+t+Gw2myWgGcVi\nMYHBxYpk9iDPCtOuUJrEbfd6PR8PFh8t2ky+wsXFhVu9mcfS0pL3rdYieMLctGC1wr2rVdwsszJh\nlVU4dOQbSNFnz555/Dm0f/v2rfenBfXIy4OvT548SWKc+/1+4pnWXAhkbXV11ftAr2guocaf0wdz\nazQaQTFR+tdCr/Sv0MlmYZkD5G57e9vlnfV9eHjo84RWnU4niCGnf57R/C0a4zs/P3da9vt9lxPN\nG2PueHkGg4HzhHZzc+MeC+ROIwnUyxzn4D3mwdCi6NBKPefwQT11WO8+++yzoEA684BfjO/6+joA\nFDLL9D//I8/vvvtuYDFnPho/b5atnxhqdz6fB9DkZpncwVc83jpPnQ+80UKY9Mc7JpOJj5n3bWxs\nBLDgZpm1lP/RMXh1eDfPMhb17OFF1fwNmhbP5N26R+oz6G61piMn7BcvXrxwmVZQlBgqWhPBkZer\nqysfg+Z0xPlxv/vd79xTpwXa0YGa+xWfO7T4rMoz/2PF73a7zkPeq/u2eth4Ftn+7W9/6+/V/CJo\nylp4/fp1Alv//fffJ2uq2+36s+iY2WyWlDkYjUZBGRSzsKwDfFbZVo8Mehs6P3361H7zm9+YWbZ+\n4uLPrVbL5w5dTk9PXc5Zc7VaLQB7MMv0Cf3wV73LtLu7O+c1Mr28vJy8r1qtukdMAU3gvwLk6F7K\n3BXMh9/zbvh/dHQUFPA1y+SK/+lDIyIUlIz8eGRWQUQUvp5ziUYFMQ/N2UIW1OOpwG1m2f6IjlFA\nGwUqgqZxrqsCvbC/wFvtYzKZuM66v79PShkovL0CqkEHPa/Tn0a1oM8VNInfsX4eA6+pVqsBIBs0\nZX7QslAoJOVh6vW605+xK/gXMqQRYNCo0WgEsPtmmezg4f5T7ScvUxCZQWpFdQb5wQcfmFm2acUg\nAj/++KMrYDYQqgmbhTVvWHQws1qtugLQ5ECtDm8WhrXoBSuu5H5/f+9EZyxv3751IUUZTadTD0+h\nr9Fo5MSeTqd+ECbxuVQquftUQSmYp9bGeOzgD43iRHRt7XY7EZrZbBYIpFm28OMQDQVLYOEvLi66\nwBEm8+bNGx8Lc6vVan7gRCFub2/7s4p8GLtHFfiA32nldRbG8fGx851DeqVSsc8//9zMHsKyNBFY\nD/ixUjs7O/OFAw3u7++Tmkflctn/R+EpgAML7e3bt0k4zcLCgisKPYBoHSnGyloZj8dOBza6drsd\nhJ3QeFbrvcQ1bHRT5ru7u7sk1Gg2mzm9FLkprkNxe3vr61Bd59CB952engY1oswymUXOGfOLFy98\n01CjhoYfmWWbARshOmRpacn5xdgvLi6SsKH5fJ6gCHU6nSSxtNls+tqkr8XFRX8W/r59+9Y/45Cp\nCpb3jUajJLzY7OHAqToO3QKfNRn+6dOnSZ2pb775JkEPfGxzVEMS/Hj16pXrLy5+9Xrd15yG6kEH\nXZscOAgBu7y8TMJPFhYWfC5aRxA5x2hxdnbm9KBfDWGEvhrWylgGg0EAbgIfkCM9NGh/ZiFoArw8\nPz93OebSt76+7npbjX1xgvTy8rLzn/Xz5s0bf5+G4qocQWfGAB0VzQvdqsnhHCI6nU6CVDkcDj2U\nqNvtJoa44XDoa1LrNDFGRXOFhvDm7u7Oaa37BGtNwUvgkyLKxQiFi4uLvg4xBGxvb7tOYEzb29tO\nBw5iy8vLfjBVVE+95NNixODLy0vnA/J3cXHheg7+mj2E8rGmlpaWfP3wvp2dnQS9rl6v25dffmlm\nD5ckNR7R/8XFhetyZEfrQ0Irrd2oh1bmxkH45ubGaalAUxpGaRaC9ZRKJb8gcCjsdrsBsqtZpq/p\nm3kqcp8ao5EjrQUY7831ej2pb6YIhfR7dXWVrMP3338/qaPUbrf9d+iLzc1Np7mGsMfIeKVSyXWg\nhuIrMibjVH1ulsluXC9VD+dcPN6+fetrj7315cuXAXiImdnvf//7RCYODg4SI73W0GR8Z2dnfh7S\n7+J59Ho9l0F4ur6+7jqXPr7//nun1aeffhrUajTL0E1/9atfmVkYkhrXyxyPx/5OPQdqrVOzsH6g\nnuuhOb9X47CCHMVnpcFg4PRXw0Qcqq9rE521traWoHnP5/NkzOvr64+e0bTlYX55y1ve8pa3vOUt\nb3nLW97y9jPaT3qmbm9vg+RVrALdbjeomm6W3egUtMAsSybEWshNdn19PYECv729dRc9oX2lUsn/\nB8Zxc3MzcdUNh8OgkrpZdntXoAWzzEIcQ1mqtV9hGoE312rQ3Ew7nY5bTLCO7O/vu0VCwyN++ctf\n+v9m2U03hkRtt9sJ/v3FxYXPT5MIFcTDLLOIadK1WXZTVxhNaPT111+b2cONv1qtugVBoYxpWD9H\no5FbWWnFYjGot2OW8QvLhdZngCeM7/DwMIGZ/fbbb5MaMBq6qdZS+sA6o6566NPr9XxOeNiq1arT\nCstYrVbz92Gd0RAx5PPZs2cB7C5zw8OpAAPQ/Pnz527dxxo4n8/du6eeWngCnbXKPd9pBXfWl8LH\nYoUeDodOS4WP1rATaEmyNwmj8/nc1zh8uLm5cQuNWqGhLzR99913fW5YQTXsA1lbX193WipAAuOH\nrwrTzHyurq6cBtCv0WgEyajQET5gYZvP5+7p1lo10BK+aiIt/VarVf9MwS5iuOmlpSXXgVr7Asu1\nWjX/4i/+wswyvkEb+L+7u5uEbTx58sT+4R/+wcweZHp3d9flQ+szoZ80kgD6omvUcqmJ+X/4wx/M\nzAL5Yy7IwdramtOQdaO1vVTHQBvofHR05HKCVb7ZbDqNGKd6l1SOYr14enqa1KhTy7R6MvEQYr3v\ndrtJiFC73fb5Mva7uzuXWXi1t7fnY9DQWeaB3isWi75WoNl0OvXPWI+FQsH7ULhsxqzAN/Dh5ubG\nZYbx7+zs+G/VexiD6uzs7NhXX30VfKaw1QqnzPzga6FQcB4CzT4cDp137Nfz+dy9waoT4Cc8qlQq\nPnetaYg3Q/c9fqd6Ly5RUKvVAu8IdGYeGqKuFmnmwbgUXCOuUVksFgM5N8v0GHxVr2YMOtXv951v\nnK3W1taSGjrX19e+XrXWJ/KpoX+AQ6k37xe/+IWZZd4HdDz0Oz4+dnrw7OXlZQIOozVFNbJDQ9sY\nv4bPm2XrQr3ovJfIGj47ODhISpn84Q9/cLoyp16vl5wxms2mj1khuaGvyljMa60LBn8vLy+TWpbj\n8dh5onX6GAPzYX2bmev3q6urR1NiYoCxnZ2dAJQMvijwDH3EHsx6vZ6EnL7//vu+3yFjNzc3QU1R\ns8wbpSGzfM+7O52O9w3tnz59GoB48b7HSlmojJplcslnnLM2Nzd9PNBoMBj477TMBLpDvXhxWoaW\nc2Ee/X7fz2EaxRPX0G02m0mIYLvdDlI9Hmu5Zypvectb3vKWt7zlLW95y1vefkb7Sc/U/f19ABWI\nBb5WqwWxsmaZJUZj6s2yWyvWB6wzb968CRKFzUKobSwZ/+bf/JsgRtMsuxlzI8USV61Wg4rWZpll\nBCuB5jrFxeK0CJzCsDI3xvz++++71UUtsFgcPvzwwwRyUmGXtV8sdHqzxzKMNWVtbc3nxI25Xq+7\npURj17mpx8UstT1//tytAPT71VdfOW+whAwGgyQed2FhIQBY4DtNKDTLLD88w7w7nY7TDetHuVxO\nkmXr9XqQAxHPA77u7e0FliazTCZ4H/TrdruBV84sjCumTadTnwd8mc/nbsnBqqHv4R2bm5tB7hK0\nQmYPDg6clgr7Tn9qxdMq6GaZTGhuC3SLc5yKxWJQWJjPYlj1jz76KCgsSF9Y8hXuOwZ4GA6Hbr1R\njyd5g5o3xPjUU6TFevmMZ7AUKXgN62g0Gjld4fnBwYE/w/p++/ZtAlF+cnLi3hvk6T/+x/+YrP/J\nZBJYlZlPXKRY5VMt9vBGq6jjYWd8v//97319aZ4X7769vXU9wzOTySTJo3r9+rXrCY2fVwAQs8cL\nByvMsFZ3R07UK6RlDcxCeHOFXWYuus6wxn7xxRdmFhZUVtllfPCt1+t5P5oDFFuD5/N5AIJiFkK3\nk28znU5dR/Ld27dvfY2rZzT2OL9588bnoV5L8lTQNf1+P8kR2djY8H7h+Wg08n1CgRRiaHT1krO3\nVSqVoMCsWbZmyFO+urpy/pNT8+677wbgQWYZzxWMCJorwAaf8Yx6teI9ZmFhISm/oBEi0PL09NT+\n3b/7d2YW5pXEevixnNStrS33euFBv7299TFr6QDGhTyXSqXE07WwsBB4/MwyGdIcLX6n3iezbC1Q\nKJnPZrNZ4p3RdQuddfzI+9nZmf8OnTqfz33MCtqkey70wZuJPmi1WoEnwSxb06zhRqPhY0VOnj17\n5nLC+DqdTlKweGdnJ8m33tzcDHL4zDI5YVzo183NzWDtMjfWBp4TsxCG3CyMTIEGnU7H+c97+/2+\nj0E9WXFphO3t7UTutJwLPO90Or4e2Md6vV5S9qVYLPreptDxfK+w+cwTPatFatX7in5Ar7x9+9bl\nTUuRxGU6yuVykmv0ww8/OD/QJy9evPC56fpB9/72t791umopHZ4Htr5UKiXw9q1Wy3WzlpFBlpnT\n0dFRAArBWPidAkIgA8yjXC77WUDxAGLwN7MH+eB9w+EwAbmaTqc+Vs1nZW4ajRCD3MXtJy9TCwsL\n1m63k414a2vLhUFDrFhEEG44HAb1IMwywSMEQhOWISwb2QcffOBY94q4FiOBraysOCEQ/na77YTV\nAx5CAYEHg4G/T2tUEF6otYk4GH/++eeJy7zRaDij6GN3d9f7hlZ64UDJKzoLAqW1ghScgtAKdXXH\ntb20Ej3z+OqrrwLBNcs2/jjsoVwuOw/ZsKfTaXCpYL7QF+XX7XaTsdTrdT/AcNHRQ5yGlCAzhOD0\nej2XD977+vVr32CRxS+//NLnpkhbmnzL3OID8c3NjSsrxqyXG+Tk1atXvng5VC0uLvqmQEjk4eFh\nUC9J61TRn17uzTIlzjx5n9Zs4dCoCe9an0UThc2yQ7Umv5tligVZ1UMtSp4Lyt3dXaIQ+/2+H+gV\npY/wA60Zh7zxbKfT8c2b3+mhS8MU4nDb8XichPm1221fZ/Sxt7fnFyfe8ebNG18jhLAoqAthGSsr\nK0HoGo01gtwVi8Vk82u1WgFiGzRlDIyz3W4nytnsYbO6vLz0RHYut+VyOQgJMsvWA/yER3/2Z3+W\nhB92u10fl+q0+OJ/fX0dhHeZZYcgvlewkTgBfTqd+vz4u7297RdJ+ppOpx42qEiVyDHz2djY8HnS\nFAgC/muYD+9Q5E4Nf2ItIbuK+qQHXebOIfLly5dBDUP6iGu76PjRIdfX14mO0bAxvtOwEWRcEW31\nosKz8GBxcTFACWU8yiPVgzTGyJp/+vSp05e1VCqV/H9FltVwfLNMR8conQsLC0EIKeOjD70ExyGO\nxWLR1yQHu+vr6yA8nrEo6ppZxr8Y0EiNljrOGIHwiy++cFnQkCI1mJhl+uTv//7vzezhfHJ/f+86\n9zFAoMdq90CX29vboD6TWRhypPqCsSpgTYyuWygUfE/Q0F0NNWRf12R9xsplanFx0d59910ze5DB\nRqORgBZcXFz4unoMzVnD6OiD+X799dfJxfnJkycJyM3FxYXvuYzp8vLS9a8iGfIsa+X8/DxBJVVQ\nEj2zItvMV2sosS++8847LotcUD/88EPnF2uqWq36ORF+DIfDpJZZvV53edOQNwUbMsvknrMyPGo0\nGgmAE/VgzR7kRI3gijrMfOFlpVLxc6WeaVR/MW49F7FeWctbW1sJArECtzHmhYUF1wnwstFo+Bi0\nLiz/c4ZYWVlxWiLPjUYjSOUxC+vgKhAVOo3PFFxLdTM01FSBx5wU2vIwv7zlLW95y1ve8pa3vOUt\nb3n7Ge0nPVO4jxXq2iy7ccbJ17PZLKgsbZbd8rAg8Ox4PE4gftfX192Cod6NuAJytVr126zWRtF6\nMPQbe86Wl5f9Gb1V068mcHNzxUqmwBG7u7uJN2N/f9+tIlrXgKa1LGLs/Eql4tYJTUqM62mppRa6\n3N3duVVWvQZYnzQhLw6jm81mzielvYZ88XverfDh0EPhqxm/VjvHYqIWmBjK+vr62q2UtF6v53T+\n6KOPnBbMCR5dXl46XdStjVUDXlcqFbdg8N77+3u3/OA16Pf7PmZk6NmzZ04/5v3mzRvnK0ATvV4v\nqGUCdK2CdLBeWCtXV1f+v8KHY9mC17PZzK12aiVXmE9+F4fvqOdHvXJYZdXazvuQ3729PZ8Tsn15\neel0w/q1vLzs/+M9VA+BWstZA/xe4Zz5/e7ublJ/q91uP1qfJYZV3traclrx3cbGhs9dwTpY9/D/\n7OwsSCSGZsi2VoNHtlj7L1++dM8lsnN6eur98ndxcTHw/OGN1ZptzBMd+e677ybhLG/evPH5KaiO\n1lEyy2RWQUvMMlmN9etgMHDZhwbn5+cuJ6z/P/7xj77WsBr3er0ElEjDsnjvxcWF61XlL/Nk3pVK\nJQAPMctkjLFiKfzggw8cmAO6XF9fO001eZn/aScnJy7nlIdQqyvru9PpuCcWvfLtt9/6mlIPOjTl\ns9FolNSjm06nScL4ycmJj5/+nzx54nxAR7Tb7aDWThxGVa1W3cumawVaqnWWZ9GH9Xo9iCrhHXG4\nunqDoN94PA7qRpllXhTWi4IDPZbkDr/Qpevr6z5PQlivrq6CcfFZXB6gVqslEOqq79SjjFxqvSS+\n1xqF9Ide+e1vf+s84buVlRWXaU1i53d8N5vNklSH0WiUlLlotVq+5pCr29vbwONklukIogJYFwoj\nr2H50HI0GrmuYu3NZjOnB599//33/r/+TsPFeZ+GXvFXa8kxlrj0iIJIQaPNzU2nB3v+/f19cGY0\nC+uRacg+49L0B76nXz2HqKedvQj5bDabrtsIbx+NRu5NUW805xK8Vfv7+4EHxiyEkec8sLi46Pxk\nb3j69GlQx4nGeoQW6unm96urq8E+Z5bpb+issPoq+5w7+N3z58+dd6yztbU1HwMyVKlUgsgwaKS1\nrXhvXAapUCgkqS5bW1tOX60zpWvNLJMXPIhaBiMuedJsNpMwWq2/Bw+Pjo6cD1p7lDH8qZZ7pvKW\nt7zlLW95y1ve8pa3vOXtZ7Sf9Ez1ej2r1Wp+K9bcKawn3EKPj4+D3AazzEKE5RcrU6fTccsbt/iL\ni4skoe3w8NALmyrcNLdstUbRn+YZqNXGLLvVxtCT7XbbrW0aq4sn5s/+7M98nORlKDwjt97z83O/\n7ZI3UKvVfIzqEcOSrHTDYqEWmxiOstlsupVH83uwPijMcFzErtls+pixdKqnQxOM6Vfjmh9LyMcy\nAH/7/b6PD6uFwuAzZvXyKaw7Y1BvDlYgtZxrkTuzzPqh3juzzFqOpUktHVg/aFrwV+PeNeHVLCy6\nDL3r9bpbn6B9sVh02h8dHfm4eX5rayuARGdO0AYrz9HRkeesIYsaow8PNQcrjvOH1tD3nXfeMbMw\n14D1p0AAzJ2/jUbDrehY72ezWVB9ncb3Gjsfe8QKhYLzS9eR5l5B39gDrMXCsdSORiNfc1ioFPZf\nC5PGZQROT0/9dwrNrtDE/MUSqonNyKKCkzB+1ZkK42uWecmw6CsfVI7RHeq1xCvCWPf29pIY8lev\nXvn3mmsS62btD3qUy2XXGayVbrebJF9/9NFHCXDDeDwO8rbMwlh45EXXv+4N6GTWh1rTdR6sB/j2\nhz/8weVDgTfimPnFxUWXBY2mgFb0q5EYun6QLY3Lj/VOtVp1meG9CrWuss2z6m2GRgplDC2ZT7fb\ndZrf3d3587p+tFyJWWYd18KXZtn+qrDsZtmaYoyaV8xcNDkc+eV9GxsbiSd5PB7b//2//9fHahYW\nd2cvbDQa9tlnn5nZg5dXwQaQk/F4HJQw0b9mD14yBZaiab6lep7i4rmTycT5QLu7u/PfkQOocOnI\nuCbm47H99a9/7fKkualatoD3sfbg/93dndMN/X12dubrUb3Hcf5TtVoNAIO09INZtk/EEPpPnz51\n+mtumkYGQXNkgaYlIJjn1dWVrwdk8sWLF85P9rher+fjQ9+tra05bfCMtNvtJCLC7EG30G+hUHB9\nAo+Wl5cfhdDXyBWzsMQLn6m3GvqoJ473FotFP7+gdwaDgc9dS18wN+T0sdwq9fYoaA68oX/NN9Wo\nm9hrrVESegZWeYvBsE5OToKi5GaZTMR5oIzd7OFspl5UBUOKz6fz+dznjE7S6Cd0pcKqM7719XX/\nnf7lf9bF+fl5AADFWOIoLi1vw36LPPy/2r8ozE+RZ2iqYLU6OcxjwnpIUsQ9mAfqU71ed0Yx0c8+\n+8z7ZTKvXr3yTY9E0M8++8wP+RwAxuOxK1ZNRIVR9P/HP/4xOOiaZcIFwARzvLy8DNC3OPTC0I8+\n+sjnR4jN3d2d0wHB1TAQDTkhTA3lWK/XnblsANPpNKl/0Gg03I2qrm6tvm6WoRGikFBuo9HIFTQK\nYG1tLQgNYMxxMm2r1UoOyVp/S93ZMRpRu90OkgfNMuXMAkQhDofDJIGy2Wx6DRM27vv7+wBNxyxb\nkPwPr6vVasAH3qsJtGYZT5FZeKThanrQ4vKgF3ytQM48kSdFQUN5DIfDBCmm1Wr5Z/zum2++cVrz\n3XQ6TTblN2/euHIFfUdR6/j98fFxcuju9/tJeKmGkrEJjkYjD9XCZT+bzVyONOlXgRZ4b3yw18uD\n1uRAVrWOVwykorV44Nv+/r7LDOFZg8HA363hCPzPgajdbvv/6KInT54EABZmoc5iTQ+HwwQx6t//\n+3/vMssc9/f3A7QxxsA8f/jhB1+b9LG+vh4gZ5qF9YMAQTk7Ows2PeYUh29qPQ3W7eLiYhLOWKlU\nfG3C6/X1db/AAp6xt7eXAK68ffvWaag6DjliI2s2m4l8zmazZF2bPax79IRudBxWdB7o1GKx6LII\nDXRdPGY4IVy1Uqn4GkHPV6tVXyOaWB4jBmrYiCKfxbqtUCgkNHj58qX3izFP0QGXlpZ8w+eSf35+\n7vscctLv930tcQBrNpvJgVjfoyGC6D4FG4rDS2ezmcsHfZTLZf9MgRbi+ob//M//nCDoFQoFlztF\neEPv8I79/f2gfhdNUYbNMt2rSJG8l/XDRWA2m3kfjGV/fz8BoYtCOgAAIABJREFUPtE9Ri+87Mda\ntzBGubu9vQ1qCTEW5kRrNps+J9bP3t5eYOQxy/Z5ReQ1y9YoZxo1sPC7tbU1XwcaEhcDVVSr1UBP\nM37qh7EeWdM6roWFBaeX/k7RT82ydQONNLSWsxTrdjqdJuiL4/HY1xC/b7VaCWiColKrjo4Ndnrx\nhJflcjkBL1FgIb47PDz09YOstVotlwWdG+c79HKj0UguUxcXF64/kcn9/X2nH7KhBlk9x2htVGjA\nPsw5+vDw0GWi1Wq5TCsAhQIsmYVrRFF6HzPi8T1n0b29PZc7dMNwOAycBvRBv+i+lZUV55eidCLz\nCmwWA0FNJhPXS7qW4/Qi5F+fnc/nSbhi3PIwv7zlLW95y1ve8pa3vOUtb3n7Ge0nPVN3d3e2vb3t\nFj+sKJpAy0388vLSLYlYNdQajFelVCq5tVhrKHG7JCxA6xZw49zb2/PPuCne3d35DVbDDGKwAQ11\n0fCW2EW4tbXl7/v1r3/tY8HaUi6Xk5oIhULBb/paeRkLt1qNuRVjAVhZWQlCb/hdDB/cbDYTS9J7\n773nN34FosACg/VGoba5iS8sLCS3bU021gR++KQ1gxR22yyzJGBBgg8a9gbflpaWfB6M77vvvnOZ\nIdzjvffeS0JrarWa94c1stfruTVGPahxRfUnT54EiZg8C9+ZjybcM4+FhYWgroVZFhIRW1Oq1WpQ\nQwvrnYZsIudYSWq1WhJaNRgMfC3xvkql4jxUmG6exXKp3hbeUSgUEvj9Tz/91Nchz/7iF79wC61a\nplnDamFXi79ZZj2Kw3I2Nzf9eyxZP/74Y2IlrdfrPgbGt7Cw4NZvZLxer7t8Knwp79N+4/DS5eVl\np4eGK2OJ0po8WnqAcWo4DjSlQSulswKgMHfWwJdffum0X15eTjzm2g8yuLa25msEuXr9+nXgpeQ5\nnuV9Jycn/ix9acgEntP19XXX6xrGwTPQQGHVmdvV1ZXzEL6Vy2WnB3tHsVj0tUTS/OXlZVCbyCzj\nm4aVMXZ0ArLz8uVLD7eFX0+ePEksxC9fvnSeaZI+dPv973/vdNTaXmaZbKA7kJdWq5VY7DVUDznd\n3NwM4Ir5fRztQUg99DULQx2JhlhaWvLP7u7unMca6g7NFfCCkHV+d3NzE3jKYj7QarWa6zcFGFCo\nY7PQK68ASQpkw+/itdloNILSBMwTedK9Umv2mWXyFIe6DwaDpFaQes7Y17VcBn8XFxcD4AGzcF1o\nmCGeePpViG/k1OxBLpGr1dXVwJvB75EjraEZA+4cHh76+zScGpnQkHM9G8AbPN4HBweP1jqL4dmn\n06nrfU3SR76V9nHo19XVVVDXziwMo8LjUKvVglBJPmPu6LjNzU1f9wpOE5cbUa8GnxWLRZdtrTMI\njzX6RutkmmVywFpRrybrgZIWx8fHrnfYQ8rlsus5TZdgr4fX9/f3PlbkRAEhoONjdSn1TMV83rx5\n43189dVXZpadL+KUnZWVlUfDy/X72Cv7/PnzpITG69evH/WixZFOFxcXQWSF0pQx8Pu4npYCs8Ej\n3Z+0bErshRqPx94Pa6nf77tcMm/1/Oo70B1/quWeqbzlLW95y1ve8pa3vOUtb3n7Ge0nPVPT6dSO\njo785qeQsViLuA3+8pe/TBKLW62W37y1mF2cfKeJu9xM2+12UCTYLLvBxtb5tbW1JCa1VColMJPd\nbjeoaM1ncaHEk5MTt/Zh3bi6urJPPvnEzDLLelw1+/b21m/AJFX+/ve/D+CvzTJrC+PH+nB0dOTP\nQr/NzU23nqilMC4w/MMPP/gz3NTfvHnjlhCFX48LkSoEvMbta5yoWWbBhA7A1r733ntBjLRZxtc4\n6W9xcdGtD/wdj8duuYAGo9HILWtagBmLClbtw8NDf48WUUM+NaE9zk168+aNWyEUkhsZQ56m02ni\nKVI4f401Zh4aT833j1l51aKrBXoZvwKGaAFSsyy+OE7wLpVKCZyuwtvi/VBoZOY0m808p4qcHrMH\nCyJ8WF9f99wRrQgOr7EuTiaTBKJYiwCz9tbX14MioWah50+9kNCIViqV3BrM+8rlslvRoOPm5qav\nB80RUa+MWWjp4ncKGa4FB5EnraLO3OhfLbv8bm9vLwCbMcuAbfheQVWwLnY6nQBGGRqxrqHL69ev\nk5xU9bbzXbvd9mfgryZQK4ws49ecJJ5hjfzlX/5lUrT3n/7pnwLdbRYmxsOPhYUFL3VAK5VKPl/N\nAYT+jEUTrRVyGd5gddd8Fl1T6jE3y/j6/6KLeojQO3xWrVaDPGCzzHIL/aCF5hdrX7G3//j4OMlN\nqNfrvkcqlD465uLi4lHIe/SmlsFQoBieZc7wq1qtBnJpFq5rhbLmd3ghDw4OEtCUbrfr82SdXV9f\nu8ePMZdKJddZRHEcHx8nZwL18irIFXTlfWYPVnvVRdAVz+719bXzkD3m5OQkiBowy2RNc2/MsnMA\nehj5LJfLLqPkFGqRYt0D471BrfgaGYFFHP5XKhWnL/O9u7sLSkWYZfxTjwJ7vZZc4DynoBSMn7VS\nqVRc/7Omtre3g7UBrXgPa109JlpkNy5Y/Nvf/tZ1MzKr72NOZ2dnPi50yHg89nkqqMJjYCi8D/qN\nRiMfHzTv9/s+T9XLPKMldNCb/E51OefeJ0+euMzEUQs6NwUOY828evUq8UK1Wq2kSHmlUgmg85k3\nPGeOpVIpiXi6v793Hl5dXbluVFAdzgwahcCciFpbWFhw3sFX1o9ZmLsK3ZhHqVTy/tgj9Xyn0PKs\nG/rXPDrG3mq1XM6hpZYHUjCs+H6iZUQ0IiY+78btXwRAcX5+7gcdlNHFxYULH4u4UCj4YVvr/Sio\ngll2mGPSHOI0aRpm39zc+EaI8M1mM1d+vENRrlA4W1tbSfhevV5PLiNra2uetEhfiqTH36WlJQ8D\nqVarLiQozKWlJafD//pf/8vMMkFhTlq3IF4I8/nclQtMPjo6SmonDAYDVwZaG4NxqyCRuAsfZrNZ\n4kIul8v26aefmtnDIaVUKjmvFeSCxabIhygGfre6uprU51IERTaFtbU1Dy+k3+XlZV+IqhjhE5eC\n+/t7F3oW29LSUoCwZ5ZtiKqUoY/WKzLLFiJ0U1St+MKzuLjotIQ+6+vrvvDhy/HxsT/TaDRcQbDx\n0KfZwybUaDR8LtB0c3PT+ar8jcMPB4NBoATMQre9hpSyGajsMz7kU+WOv6qYmPt0OnUlqsaNOPSv\nXC4nYU+j0chlgXcogpqOWcOF4Ae8Qw/M53MHAuF3Z2dngQ4yy+RAk+AZp26stDj0czQaOV85PB4f\nHyf1vDSMUy8FcZiEAh9ozQ6VVejKZVUPaso3LskamqaGJmgQ87/ZbAY8YfysXWRoc3MzqVi/ubnp\nY9VQUUK5aFpPRyvNMz4Qz5rNZlAzxSxMyNeQXb0cmWV7kaI4MnZ0JP1+/vnn9pd/+ZfB+/RyriHq\n9MulZX9/38OQWKsvXrzweWi9FJ6FtpPJJAGEOD4+9ksDv3vvvfdcn6CXr6+v/d2s0YODAx/z8+fP\nXd40eR3ZY3y7u7sJ4qHWcYIe8/k8WV8K+kKbz+dOV+RPa+NpyC4XF5rqGG3spcjQxcVFUgNK68wR\n2rm9vZ0glJXLZR8D300mk0cPTugO1f/8jr+FQiExFLZarQAZlwZd0GfPnj3z7zmfKEIue83+/r7T\nHp3Z6XT8GT0Ew2vG98477zh/4cHi4qLvs7PZzA0xj6Fqamgae7wiD6KnFUwqBsu4vr5+NLxcEWrN\nwtBv6KfGWTVAs9+owUjXkFm25uN+p9NpAIzA2HmPIs/F+u7u7s7Hx/qpVCoBmI9ZuFagRa/X83Hp\nXhjzq1ar+Vg17E5D3OkXPUv/w+EwSQuZTCYuR9BxMpk4f1mDr1698r1XAc6QrfX1dV9XhC7u7u76\nWD///HMzy/QiZz01MnAu0fBTnqW/drsd6HjmqWk2MT0U4AsZ1NqHakiEzjGyrCLtMhatxaWh0TES\n6Pn5ucvJn2p5mF/e8pa3vOUtb3nLW97ylre8/Yz2k56p6+tra7Vabi3AClkul90awE344uLCwyyo\nxdDtdt2aiYXi8PDQrSPqRuOGy022WCy6ZTBOTjd7sB63Wi23OHNbHQ6HCUz79fV1ELZllt1QuXFi\nnZnP5/b111+bWRj+xvhPTk78e/XUcMvmpqvVphXaWb0dZiH08GNJnwpbHM9J4YPpq1QqBVCijA/L\nhYYkEG6hSX9acwq6KLw484jrGmmoBhaASqXiVghu/m/evAnCgODHYwAZ8Et5g7VdQwqwkiht1WMG\nDWhqnYNGakGJrRU3NzdBcqtZJmsafsJ3WGqhidmDNWs4HLplm8/US4GF5f7+PvGinpycJHCv19fX\nQUgN84Ae8OaDDz5IapkdHR25TPDswsKCzxkZX1hY8P+Zb7PZdBqptxQrOXxQMBT4WiwWAyhWPuNZ\n+PXdd9+57sCqenR0FMABm2WWTHgDLbS2B7QaDofuhdZ5MxasVT/++GNQTsEsDKek32Kx6GsOedeE\na+Tt5OTE5Zg1NRqN/DOF7KVf1Ut4b7SeBm1vby+pJVKpVFxvYmVsNBqBV5HfxbK/srKSwP1qIrh6\nfmOY8WKx6HsB71Doba0pgp5QWOo4vKPX6yXJ9+fn58H+YJZZlqEra+8xb99kMkkAd5Q3ChnMPqdl\nLOKSFv/n//wf++Uvf+nvNgs9FBoqyt6gnkDoBn97vZ6HmqHv1OrOmFQHDgaDAMTFLIS3xrqs0Qqq\n/+EJNBqPx0GdJ7OQh1pvLq67s7q6+igwQhwyOZ/PfY3z2dHRkcs7dFEo88fC0NRrFQNCKdjAY0Ax\nmqzP3OFdoVAISkWYZWsFHQkPZ7OZ63CtPcf3ak2HHwotreA2Ztl+wDMaKRIn8C8sLDj9CL87Pz93\n/ckavL6+Ds4i6D6ASG5ubnz9sQY+//xz92KoTo3D429uboKzFv0piA/v0JIoZtmaQ6aRod3d3eCs\nYpbJFf0q6BT81D2B9aDAAcg7HuDJZOL8V1AKjXAyC8OLkaFKpZIAVTx//tzHBy+Xl5c9SkrBFeII\nkI2NDe+P3+3s7Di/kE/14muYZpxmoiA3vPfZs2dBiRKzbL/Ay8h5ttlsBiUlYi+PWZgaYvZ4eLl6\nb9DRZ2dnzn9odXFxEdQwNQvr2ymYE7yBvru7u66z6Hc6nQYhpGbZGmHMtOPjYx8X/Y9Go0Bv8j74\nzvl0a2srSTmIW+6Zylve8pa3vOUtb3nLW97ylref0X7SM1WtVgPrAtYZhbfl1shtz+zBInZxceEW\nE4o7lstl/4xnFhYW/GaNlafdbgeWJn7PjVOL/DEWjaePrdWTycS/1/jY+Oas8bFYFJaWlryPlZUV\ntxZwE65UKv5bhSiFXmqpieE56/V6YFE3C/NU1CvEuLBM3N/fu4VOq7ZDNy0qGFvlNI+HZ5eWltzC\nrTG/0E3fi5UFujQajcBjwji1ijh9xDHzV1dXSV5Op9NxmHT61VhtrNWtVsvp/Jvf/Mb7YJ5YF4rF\nYuIlWVtbcz5g6djY2PDfaQV2ZDWGFjV7yGHSpNTZbObWMWi5tbWV5IZcXl46X5Hp/f39JFmyVqsF\n+S5mmZVXC3PyPmiNPPX7/SAnwCzjYQxK8vTp06BKO2NSsBRoGhdAbrVaThPNDUKe1GsZJ2RrjLsW\nRWVueFjK5bK/G36USqUAFIJ+eRav2nw+d8uZwlLDI3g+mUxcBsmParVabt1jHv1+33UW1lwFXNBS\nEDzL32az6f0+ffrU3wP9/uIv/sL1pcb3q8zzvjgOXItdq96ksR46nU6SaHt7e+trl99pPqvG2aOz\nyOk6Pj72eHzNo+VZfqdlFchDUrhfZEwT7Vmja2trTkNkp1wuu45kzN99953zjr4050zlid/RDg4O\nEmCZw8NDXw/ohHK57GuK7w4PD33NoePK5bLTGdl97733nJZ4y7RUBe/VfCsFrNA8SmjEM0tLS/ar\nX/0qGOurV69cbsm3KhQKQTFxs4y/8E6LdyoICt8pqJJZJk+xl7fZbHquMTrr2bNn/m72+r29vaTE\nx+rqqv/PmIrFor+H9aN8YHzj8dhpjR64u7tL1v9oNHLZoi/NraS1221/DzJ+f3/vdNMcW/og6uOz\nzz5LioUrwJAWalZIdLMQvAJPwmg0cnqoR0EBQ8wyfcf377//vo+Rdbi4uOiyT75au912nYHeabfb\nSYkChSiHbkoj1uj6+nrgzWCerA3V+TFoQbvdDkqOQHPoD63q9bo/w3zevHnj41IvOc9oJI6e4cyy\nPVPzE83CfR3aKzAL41xZWQnkiD6ghwKzPQbWoxEOZuGZBZ0/n8+DgtDMV3OIzLI1iBeaz7SsAnq2\n0Wj4fM/Ozvx/LfXzD//wD8FYFUKdvWV9fd3fjdyZhfuXWbZGkSM8SqPRyOcJzTc3N33cuscpkI1Z\ntq5j0DSNQkPXKI4Ca295edn7VbAj9LBGisU5gnErxGEjwZeFwvxv/uZvAmKgPJaWllz46fD4+Dip\n4zEYDJzJHDL29/eTJN2nT58GhzyzEDFMw+nisBZNxmPRzefzpPaQ1lrS5EQEHSV4fn7uv2NT0AV2\ndHTk4+HwUygUkloX6+vr3jcLsVqterhGjDakc7q6ugrQyswyoY/dz/V6PaC1WbYA6UOT5dmUecfu\n7q5vZnoRi5GCarWaP4sAj0ajoN6CWSZwWn2b73ifhmhCc615wu9Aomo0Gv4Mins8HidhPs1m05UL\n71hcXPRNiN8fHh76nFgszWYzCWtst9tByAdj0gVolimeeLPv9/tByEkc/rO7u5vIyXA4DGprMHca\ntL+6ukpQq3q9nr8Hma1UKkEitlmmTDWJmzFxqFSQGHhMv8+ePXN5gtfNZjOokE7T+jfMQw95Ztka\njo0z/X7f1zV/t7e3/ZIKfW9ubnxNMV9NVFbQDL000K/W7zDL1lt8Aby9vXW+KxJUHDakoZiKpKS1\nyeifA8Dvfvc77xeDk4ZbKbplLIO1Ws3fg9xpHR9oMBwOk7obmlCrhiBkmf7r9XoSujSdTv3dtNXV\n1SBEl35jwCBF1WIMw+HQn2G+jUbDL73IydbWVrJPTKfTxFCg65D1piitvE+BBbhEHB4eergQB8rp\ndOp856Dd7XZ9LMh2oVDwwwqyoWG+6OVWq+U0YA/R8BKeXV5eti+++CLgx8XFhdNS15HKBvPjEKLG\nPvoYDAa+t7BGt7a2nEbMaXV1NaidaBbWo2Ivn0wmgTHTLOMhoWTQZTgcJofap0+fur7mcPn06dOE\nh51OJ0CUNctkUsP7zcKLCWNpt9sBWALjQ46Yh4buaEI9B3/e9/Tp0yDk1yzbQxQZ1Sy8FCjqWByu\nOBqNfJ0pUE4MuFEoFJJ6XldXV35WYXxmD5ckBcXhs729veBcZZbpi/jssL6+ntBtYWEhOZtpHS/O\nDhqCp3XVOIOwpr766qskfF+BLzQsm6Y1ngAM0RBgdLgCh6kcMRY1epplulBD+cyysxJjRa5WV1cT\ntMTd3V0fgyLzQiMNKdYQbMYS7yflcjlACoU+zEPrtSpveG98kZ1OpwGaJ33FdQkHg0FwuWSPQe+M\nx2Ofs4YcwmOVN3SHGl8508DzYrHoehg57vV6SR2v6XTqY4EPhULB/0cOLi4ugppYZiGKMGNSIDVN\nUYlrrc3nc+enIm5WKhX7z//5P9t8Pi/YIy0P88tb3vKWt7zlLW95y1ve8pa3n9H+RXWmtPYEt8uV\nlRX3IGjie3yj18rxiguPZVCT9HhWPR1xPYLhcOhWL953cHCQVDHXGhrcghuNRmKpvb+/936xECwu\nLiZhTRsbG/59p9PxmzA358vLyyAEhvHxbr0xcxvH2r+xsRF4pKCHJqvyN3ZJNhqNBGN/Op16f1oD\nADowPh2zWqYYs4Z0Yn3S2z7vwcp3dnbm/Wo1ccbK+xS2XC11yImG2EBztcDBE4VaV68itEJmsKAM\nBgMfF/xvNptB6BV9YR3RMA6txWCW8RerG3R8//33nS4aSobV/ezszC0+Gq4KPaDVaDRyK2oMkW8W\n1vaIa5Q1m82gAr2ZBWErGvbKWLRmhNZW4y8hJr/+9a/NLOMr32tiPnNCnk5PTwPPNX2hRwjzWllZ\nCcIUzTK4X+SJ8b148cL71fUYeys1KR1alUqlxDJVLpf9PerSh68arhqXS1DPCXJydXWVhANWKhWX\nS957f3/vcqlhZgqHDy21TgYyAV1OT0/9d5rQHL/78vLSZZq/Ozs7bo3HSl6v192yql6BuDZeq9UK\n4MDNMgsmukABXDQsxizzdMbAF2/fvg3Cp8wyy24c1lgoFLxf9MnNzY2/W62b7BPq9VPIfujI99D0\n5OQkqXmnssNYrq6ufL7IyXg89n6R93q97v1p7UD1mDDvuPbQ1tZWIrPj8TjYG/AGMf5isRiEJ0Nn\nDb2FNxoxAS3RX5p0rl4q+ojLR0ynU5cP1t50OnVdQCishlapxZu1pKBN6ARoXq1WA28G74trz9zd\n3SWlNk5PTz10ic92dnbcg0Ddos8//9zHwnuvrq5cVtkLFfjqsdBfeNRoNJIw1Eaj4TKmYWboNgXK\niiMnut2u6wHmcX19HYQGmmVrHxocHR05H5CXDz74IAGvWl9fd3ooYEBcj0o9MFrrCjlXTwiyyNz2\n9vZ8HWhoIp5VzizPnz/3OSsEPM9Co+XlZY+wUH0cg9eoB0aBDehDUwDiekmHh4dBqQjmA+/YA7/+\n+mvXpRqWx7pgbygWi06PxwBN+KxcLgc1lswynYTO0gglzkXQezQaeR+M+fb21sdMe/LkietcTbfR\n8058FlXZR/etrKwk59jFxUX/TD32vE+BYOCXerKRCeY+HA6dN8hJvV5PIskU0AI9NZvNfL3Q1+rq\nagKQcnd357xjXes55k+13DOVt7zlLW95y1ve8pa3vOUtbz+j/aRnyiyzGmB9+H8lgg4GA7eOqEdJ\nrdRm2S2T27PGd8aF4d59993E4jCdTv2mibWi1WoFsbxmmXcjts7++OOPfuPH0rK+vp4kPq+srCSe\nmJubm8Dqwm0Wy5/Zw62Y22ypVLIPPvgg+Ozi4sItPwrC8FiSfgwBe3V15XOh//39fbc0YP04OTkJ\nrNk8qwnMzCMGWtBcGE2k5nvG3ul0fFzwrdvtOs0V4hkLAYnPCrmJNeDp06duccJbUqlUXD7wYNRq\nNbf8YhFdXV1NrGSalEwfxWIxgGw3C4us4rHRGHfmvba25vRT6zbPPFao9+7uzvtmzOPxOAA6MAsh\nQKHNeDxOiiLf3d0FuSP8jQvHmj2sjceSW7GYa+kBrXavCfHMTXNHzDK+xjkf2q/mbPAe+KEVy5HF\n6XQaeAuhD3Rj7CcnJ4ksKmyxrlH1tjBH6IensNvtBtZbxhTnjU0mE/8MnpfLZaelWsTUY2aWrdW4\n6O329rZ///333/vcdcz0Bz2WlpYCOTMLixjCh5WVFR+X5rXEQEGXl5dBYWGzbK3H7+t2u0HeFnNC\nBtHrlUol8LIwD+iPfqrVai7b5CmVSiWngeou1ib6WHUmuqHRaDhdkQnN/cDjpfsTslgqlVx/acFU\npTnPYq1Et62srCTeuZWVlSQpXWHVkfvJZOLeCsYyHo9dJ6h1m88UlEKtt5onzJgZK215edlpzr4y\nmUyS4pk3NzdBfjL0Zd1osVXmCY0uLy9dthjLYDDwPtjLB4NBUlD99evXXlYFvmo+EzqEfcAsBOaJ\n98rZbOa/xYNRq9V8XdBvoVAICnObZZ7TGMyh1+v5uBTin3fTr0L3q7dSCzhDW2ik8NBx3ouueZ1j\n7J2dz+cu78zx5OQkyEMjGkjhtONcHoXGVnlirSv9kHnWa7/fD4qO8x37vub+8m50brfbTQBINI+b\nyIjz83M/U+n6ikuLaO6nlsZhfPBX6Q8PNd8KXjcajcATDg3YP/lsZWUlOSdonidzarfbvs5YF9Vq\nNQACgx/QHv5eXV0lUQtv374N8qyZD2PQ8jrqcTTLdLACs0BXeL23t+c0pL/r6+ukuHetVvN3kod6\nd3fndEWmR6NRki92c3PjMoFuuL6+Tkps3N/fB7D2tDjn2OxhX9KyLxp9ZBYWrtayNOhr3rGxsRHI\n42PtJy9Tk8nEisViEkp0fX3tg4TJz549S8LoNPGd35VKpUBRm4X1OZhwpVJxJrMJaU0RBRPgPSit\nk5MT709DWfif8R0dHTlzWFTX19fJwe78/NwX9DfffOO1C1AGqlg1CToOy6vVaklomNJSEXRompAf\nK5onT574u/XCGdO13W77AoUGim6Gkmm1Wknl8EKh4HTQw2/s9j4+PvbDr9bV4D0oAK1EjiKp1+tO\nUz3ssyHB/2q1GlRSN8suaRpmwbzjyuGnp6cuEyrHuijpn3lqsjPPMhZFlmMRl0olH7MaDVgDrVYr\nOFSahZuj1rKIFabW9lCZRY44GA8Gg0ThtNtt/x0HLeah/SpwBwpldXU1QJ6kjxgxTpM+GYuCedBv\nv9/3/xnnfD53mWYtnJ6e+qYHLTR8Ry8rMdLS6uqqb+LIy2Aw8DmpzMYIj5oMrYcgxgx9er2ezx2+\nKAAJfR0fH9vHH39sZg9J4m/fvg0O3QqcQb/ICWvq6OjIacSzP/zwgz/LnPb395N6KgoOo+GMukHz\n3hgwZj6fe3/wXEPS+L3Zg35gDRQKBZc7DVeNw4HW19f9UoNOuri4CAwh9A89OCDc3t7699Bc0dy4\nYD158iT57O7uzuemYEHoSq3/Bd+1lp3WxDHL9qy4Dp6GKyoIBEZIZLder/s8FL2Mw48CQzAuveiw\n8R8fH7scsWeVSiWfk4YIx6F1a2trAZqujk/HNRwOnYfMvdVqBRdSs7D2HO9dWVnxi45eoKGl8hB6\nqHEjBpsYj8eJvKvxSy818F9rJCHnOnbWHnvRYDAI0G3NsgNv3Mf9/b33ocBRfE+/CibF+lCkX60x\nCP11v2CsrOXZbPaoMYL2/fffB6HNZtn60dpqjB99qeEvF9auAAAgAElEQVTgGhZlFupwxq/nHWSy\nUqn4s1rbJ66r1+12fbxqVNeaiGYZSjT6AaOrAtpAl93d3SQcXI0fWvcNvYkhuNFoBJcyfsezyLYa\n2Bjz6uqqj0HBpJB3rfWnetgsTE1gjSpoEnvw9vZ2ADYGnWN+jEYjHx/16xSpVkGJGKvWANOQUzW2\nMWYNs2X80FLDrqEbfNMaaxomqzVMGX983llYWPB+9f4RI1BqWJ6GmcbhwIVCIakF2u/3/Xfo8KOj\nowBA7bGWh/nlLW95y1ve8pa3vOUtb3nL289oPwmN/nd/93fW7/fdOqbV7uO2tLTkt1SsEZpIzc2/\n3W67pRbrnIYD4a3Y29vz92EhUIs9lq7l5WW3IKlVIIZ4Va+GusexznBjr9VqDrvIZ+rB2tzc9Kr1\nmjSHdUKheLFI8Nl4PA7w8aElfIhrhphZAOfOTZmmNaCg3+HhYVCDhfnGSauaBKtQwLho1VJPw6JU\nrVbdUqKJ/nEy/MbGRpBgaRaGdDLmbrfrlgv17DE3IKXVG4Q1TS0OWGe0Xg40VTetWtX5HZaaarWa\n1FBSmFb1PLEu+P7y8jKASUYuoWWxWPTvscoVCgX/nndr6AIyqKE70HRpacnnxXs1BE/DH5AxvJsa\nMgWNXr9+HQA2MGZ4rC57PIlaqwpZ1bUe12zThHy+U8saNBgOh85r/Q5rO+u7Xq+7RQxQl/F4nMD5\njkajJHzz8vLSf6fhOVj+sApqOBVrZjabJbKtIT3wd3Fx0T9jLAcHBz7mxcVFHxd/1TqGXJ6cnPjz\nygcdI8/GkOfKaw1T0lAe5sbc1RqpVmVo/o//+I/+v1lYF5B1oV53moKN8L7ZbJaAYTSbzcAjyZig\ntZZXYE4aTssztNFo5N5YLJ5anwWZ3N3dTSIKdnd3nYbIWLlcDsLFzTKZjeGBFQyJ725vbxPAJQVr\n0rpPvEflGF1pFkIcm2XAAhp6aZatH2jNu09PT32eGrqqYYDMScNdeW/sbbu+vk5CpqrVauB543fo\nRfTK+vp6Eq4+m83c+8jcZrOZP4PlfDabJV58DdXWcgOsXQV10BpB8EGhrplHXH9tOBz6e7RmFHPX\ncHbGot5t5sQ8Go2G80HDoHkfOlXHynmmVCol5UsajYY/8+OPP7p34s///M/NLIuwoaGLDg4OfIzq\nuYj3BNab0qhcLif144rFoq9J6KG1ItFZt7e3CXR7qVTyZxQoIw5N1Sge9aqyNhWqnmdYP4PBIAGC\n0TPhYyA3Ovc4rLlUKrm8aYQH8q5nIA1nN8vkLq55dXp6GoSu0Sc8Rv7m87nPDRk6Pz/3/pDnhYWF\npLSAhoPu7u76uAgL1XWtMOLQiDO86hgNB6cpyJnW2+J37JFaggDeIYsaraA1TdG/nCsVRETXYZw6\noeH0/F5BnaBFs9m0o6Mj+6u/+qscGj1vectb3vKWt7zlLW95y1ve/jXbT3qm/vqv/zqwpnPLu7y8\nTIpdKZS1xjVyq8QCo5YEbogXFxdBYU76iuEtz8/Pg+RB+lBIYZ6N8170Vq45WnEibb/fT4r67ezs\n+P+tViuB01a4b4U/1SK3zD22LmtsK/3OZrNHLS+MGyvu2tpaUHDNLLttY5XBSqFFGzWHRaEfoRUe\nH43pV8AGGondmhweQ+0uLi4GULJmGW/4Hf0uLCw4r6GpFovWHKs4P069mvqMem/4HTSF591u1/mh\neQ9xHK3CpWt+E7TUgn4aSxwXsZ7NZv481p7d3d2giJxZmOOiRTnj2OVOp+PyptD+sXdB4bkVNj/O\nIdNEdWTW7EFWNSE3toQpEIXKgVou+UvOisK5x0WAm82m/w7L6dHRkdODppDhsf4xe1hTmryqOU6x\nV0hj+hmf5mroOKEvv1cvjHqe0Q2MT4t7LiwsJOAAzWbT56QWTJ7X6vPQlfWq3mDWoUJPq8VOrfu8\nF88f32memlpC4RPzuLy8TODoW62WywdWw06n4/PFk9BqtZK1ubKy4vIJ7QeDQWKBLxQKbr1l3uPx\nOPBm8Ls4b7TdbrtsYz1G/5k96LZ+v+/Q3ozz9PQ0KVJdLpf9M/XSMg+e3d7edtliLAotrnmmMbhS\nqVQK9jbVZYwhXq+DwcD71rUE/TUvl8Z7z8/PXeY1SoJ5qj6Jvam1Wi3I9TDL8vwYP981Gg2XY/W6\nxR6Cw8ND18kK1oOsMm/dE1RmY9jy2WyW5NvWajWfE31oXqvue8g+dHz16lUAZARtGR9tbW0tKX1x\ncHDg79Y8L2QCXs5mM6cHsv327Vuni+bMoC80ggHdd3l56XzXZ3m37h0KkmGWyY7maEKDxzzJui/x\nO/gOffVZPqtWq84TaNnr9fw96kGFN9Bya2vL1zPz7fV6zgctycKcoHm73U7yrYbDYVI8uVarOQ81\n+oX+0MeXl5c+LvVaqmyZZd68OMpgOp0moBn9fj8B3NL8Ivb5u7s7lyfod3p6mpSv6XQ6zl8F7mId\nTqdTlwmFio/33Pv7+wRIqVqt+ru1zEG8P11cXDx6XtcSO8wzBkhrNptJgd7BYOD80ggb3q15oCpv\nZpksIjv0Va1W7fb21v7rf/2vf9Iz9ZOXqb/927+1+XzuE9XQOa0HZZYRn/9htlaTZ4OtVqs+UYTh\n4uLCB8472u12gnynh1oSEK+vr/0zCNxutxPgA0Vpgdn39/fOWA68k8nEhQeiVqtVf890Ok0uMFrH\nIw67MAtrE8W1RFRYEZ61tTWfsyIL0i8Kc3l5OUEFUsWkCjgOt6jVakk17Ha7naCb1Gq14EJHX3H4\n1tbWVlJrS5PTaaqIabPZzMfCPJrNZoBaZZbRme/1wh4nqi4vL/tFjba1tRUg6DHvGIBE66ohn49t\nMkdHR4HyNsv4S4iGXmr0ssWGzjPHx8euuBSsBboqOiTyqCExbALKB/rQQ7ACe9CYu1ZXZ/xsMlq3\niLmvrq4mNSCUlqoQGYMezhgrB1etk0K7ubnxsep65H8NW2JNIVePoSHW6/WgDplZyGsN/eE9yFCn\n0/EDgB7c4zAf3WAV+Uwvd8ztMYODht1CV92smBPrqt/vJ2Gg5XI52Vxub2+T2hmKtMR7l5aWktAq\nDT/RDSe+EJ2cnCQANBpuiUzUarVAV0GDuP7J8fFxcgjRA5aGHiGrWiOL9+kaZgy6n0Bz6DMajZIN\nVuUTvdjpdPw9Wgsq5kev10uMgprQrKGdrEO+0xpKenhBLp8/f54gY/b7/SC0nTHHaFmtVisxcM7n\n8wAl1Sw7qLPXgl6r+kmBl7SGlVkmT/wOHbK9vZ3UYiuVSolRQ88m0GU2m/mzGmIdrx8NEWK+Jycn\nrjuQocXFxQQdWGte6sWN8XMhv7q6cp5A+4WFBd8DkYlnz575vsSYWq1WkArB3OKaN1oviWcbjUbC\no9vbW6cl+8HCwoI/MxqNnDfsNdfX1y6/vG9zc9OfgUZLS0tBvT2z0KilIWRqDDLL1jr8ZG7FYtHf\no7yMZbFUKiVnwul0mlwKz8/Pg5qN9BunPzwWRre/v++6Us9M0EWBjeCDhrwxdwWJYgxaZ1DPpTTm\nHtcvNLMAkIyxMM7pdOpyp/us1rVjzGroMsv2DeaJ3tAUkPl87rxTQ5aejc1Cgyi/azab3p+GR/K9\nrutYFhXMSVMAmB9rXYFANMUG/a91vOiP9T+ZTBJjtKJcayg++hM5WV1dtfv7e/tP/+k/5WF+ectb\n3vKWt7zlLW95y1ve8vav2X7SM/VXf/VXfrMze7BCrK+vB4mOZmFIAre9er3uN1huj5q4rWF+cW0M\nM0usiycnJwGs8f8/TrfQYAGIXdxmYWiNVkWOPWeKPc+YFeRAE4Wxul1cXPgtGyt0v98PanAwFvW8\nMEfGpfCQ3Kyhr1qX1OPzWJ2s2LMymUyCOjp8hzVIPWNYAaClwhszx6urK/+dJirT4O9oNApCNHkf\n9IUPhUIhCRtSQAOFyI3dtwqNqTUZFBTCLKyKrdbgOMFbG/TTmifqwo69s5ogrTWscLePRqOgJoVZ\nJtNxzRmzB6uTVkWPE4FHo1ESqjmbzZxPmqSp1mf6YvzIhFYxx7ugdYv4bnNzM7FCLy8v+/jVskMf\nyP3W1lYCBT+dThNQm9PTU7d6I09nZ2fu/dAxISdqtYwtxM1m02UHK7OuFa19wbrQdRaDktzc3Pj3\nCryjHhizMPRTQ5O0Zp9a1HiWd9LHaDQKoNOhm0J1m2Wy8VhoLbIIXZ48eeKfqVeY96Dft7e3g1pI\n0EBheeFHHB5dqVScXjrHOBpAvYFKK8ag1lloqCFb6FkFV4H+j4FwMEcNEYIGa2trCSS3es5Zt1dX\nV67/GbuGksG3k5OTAFKaccYw2OqZUGs1sq0hlNBIa8loqCE6gTU6n8+TUOiLi4tEDy8sLPgY+N1g\nMAg8QzzLuPjs6urK+a/wxugC9piDgwPXRZo+oCF/8OixekRxGJJGIOh+G++B7XY7SXy/vb31ZzQ0\nPqbB6upqEnKmdf10XTN+rV+mdajMsjOEhpVBR36nYagabmcWrnnlvepmxsTZa2try/Wv8lzlyCws\nM6E1qGLY+slkkgB8afiphjDG629paSnw5NPiMGqt06hw/nEo93A4dPnU2pJxlMx8Pk882DpPXYfo\nLA2X133YLNM/0BrZ6XQ6ydwuLy+TKAOtC6agKDE8uKYFaPSQeinNsrWn0S/QAr4i42dnZwnQU6VS\nCbzzyDJrbjKZBFE0Zg9rSttj0Q8XFxc+F3ikpZGYh0bYqEcZ3aLnNsYKLQuFQpISsb+/7zqXNa9p\nHnrm0ygVs4w3cVRLt9u1k5MT+2//7b/lnqm85S1vectb3vKWt7zlLW95+9dsP1m0l5sm1gKsQWdn\nZ8mNXvMAuDVq0rTm4GA1UDjq2MPRaDSSm2mtVvN+GYtCO/J3ZWXFY0K1yBqWM36n1kWNreWWzLMr\nKyt+w1XY1ccq1XNr73Q6PgbNG4gLWzabTacH4zs7O/NbNrRX7x0WLi2eiyX07u4uiVNeXFwMrLFm\nmSUhToLVmGS1dMXeLwWRUEuWxg4zptiSeHZ2FiQKM0ctCArN1UIDrXgWedKxaLI5fMCq0uv1nKbw\nZWlpKYGHX1hYcF4r/HJcpLJarSYWGs3Vmc/nSQLo2dlZYN3j3TEt+/1+YrlqtVoJOMTi4qLzhHle\nX18HnlDophCx0D6OcR8Ohz539W7FRaU1t0K9cvBaE9AZv3qNaXHpA7MHq+HOzo5bnaFZo9FIPLbq\nxaXd3NwkYAia6wg/HrMa6rrQuHvNs2CcyKp6tbBmKZhIXFRwfX09SKCOCzmrZe2xmHpNtI0964VC\nIQA84Vn1AjNP6KYepzi3Rj3TmnyvuQ1m2XpVaz10i/PtJpOJr2H1TCKz8H91ddXHr17wGEK7Vqsl\nkOfn5+cBZLtZxiN0m65/GjRrNpuJ1+D8/DyI7+c7ZF+9ZPHvSqVSAnzQbDadhwoCo/Sgsc7U66u5\nRrz7sVw4BUNSUBCzjNexlfr4+DjQl8yT9/BdtVpNclKePHnilmuaeuqRq9XV1WSPUV2q3nfVBWZh\noXHNA4FGmouFzkJfX19fJ57uyWQSeHnNMtmO9fr9/b3TAG/E9fV1Quf19XX3KimoS+yJr1QqQb4T\nY0ZP4H1XDybvXVxcDLzVZtlaZe4KJqXgFUprxsya1NyfGAxJE/x59/b2ts+ZNaJlMDRvPM6ZPTw8\nTMpWNJtN18PIRr1edxnTvJY4z7dQKAQ5emahF1pznRTwiPfF+XsKW6/RIawzhWunX2ighdChT7fb\nDUpA8KwW5jULz8q697Pf0O9kMgmiS5hHfK5cX18PCptDR30Pc9QzpnpyzTKec8bQ8jXIBzTXqBoF\nHVFQOGgAraGz7rnM9/7+PikcPpvNkrIqOzs7Pk/0g0Z2aO4y8qvlTegDOVDYemh6dHTkOuhPtZ+8\nTA0GA2u1Wj4wBtNsNp1gCIoKlyb6MzCIpNXTNcSGRQfjFFVNFUB8KNCK1STKHhwcJJXDq9VqAkqw\ntLSUJDSfn58HoRxmGaFhXq/X8360Gnt8WJ1Op75Z0UelUklC9ebzeQCmYZYp7DgJUitf66GVAwQC\ncnx8/GiNorg+iwJaIIwKGKAJedBBw23YOFH85+fnyeVMhZW+arVaEPJhlvGQfqHL2dmZL0QO05VK\nxX744Qcze5AJBZbQZFiaoiLGIThmD8pbUQ5RENClUqn4s/BXk42RF708KrIgstXtdoN6UMxd0fmg\nX1wnq9frJcnBirSIbLdarQQwZjAYJGAOWhcEGhQKBR83/NWNGF6/evXK1yFzPzs7S0JEtX6EXs6Q\nSw0zi5GRrq6ufKy6wfK/ojRqOA7PMl8NAYsRQ+v1ehCOYZato7i+iRoytE5YfHicTqfOV1XYyCd8\n1npkjUYjQPYzy+SA9yj6Hp/FoXPMhbnxHgU8oD9FRopDoc/OzpJNSA+mrIFms+m8U7Q5atTRFNGS\n9VWpVHx8Gg4aHyTNLAkv6Xa7LtMKShInTWsfbLCKmggvB4NBAkqjl2TkfjweJ7VHlOZawy2u+7ay\nsuIHYcZ0e3ubHGqWl5eDMCCzMKyZ+Z6fnwd7m4bUm2XyokZFs7BWHDWAtre3Xf8yVjXsKNgR8knY\nmIZbqr6I65tpHT+txaMABWbZRUHPB9AlrmVVKBQS3aa01IM736sxhzEoqIvWHDLL+M/4HquNpDUc\n40N8r9fz8cGP0WjkcqyhaQoUYZbp7xhZUOmntTHZjzXdAFryt1gseqhhsVj0z+FXp9PxOaMPtVac\nhrNrLUGzLISRsaqRJ64zavawJnXdqrEVmsZhipPJJAHk6Pf7zk94RN03s7AWYxyCv7y8nIChKOqz\nolJq2C6/538NM+PdyPvl5WWS7jGZTLwP+t/f33e6qEFZz5j0EaM0KoKvhoqjIzW8XA1YZmHtRk1H\n0PDY+AynYf6vXr3yecSGs5WVlQAV0CyTqxj1++TkxL/nXHd/f++/QyepjkE/qTNFEQYZK/xXI64C\n5MQogqPRyOmvyNc03bPivT5ueZhf3vKWt7zlLW95y1ve8pa3vP2M9pOeKWAs1WpnFoY9aaKfJjyb\nZTc7rMWabBpbOtQCo2AT3Ji1ojs3R27bjUbDLQlqeeK2yo1ToYwZ38XFRQIjq2F3jAUrB/PE4sMz\n4/HYrWJ81+12EyCLcrmchBAtLy8nmP1q4dKQybhqtiYMY43c2dlJEvJms5lbaLFmNxqNpA6SeiYU\njlihs80yCwf9YSWp1+sJBOjd3V1Si0dBSfDIqYUdHjUaDbc+YE1VKxg0+P77770PeH17extAwEOf\nGGZYx4pV6Pz8PKAHY4rrOMAf6MF3Giah3i6zzCKFLOM2Xlxc9Heq9wgZVbj0GERiNBr5e6CRWvnU\nEq4eH+aGrGryL+PXECDkV6388RrRBHq1dKqHk9/zv/aFjEEL5mL2wK92u+18/fHHH50Pf/7nf+5j\nNcusd7FH/I9//GMSwnhxceGyhzzX6/XAYgq9kW08548l4aqXCbkrFAr+rIayKPgHcsZnd3d3SZjS\nbDZL6lV1u92kVoxa6vmr3gD1GsdlFabTqfeh8q0hS2ZhiBg6cH9/379XiOrYW2H2sN7ZGxqNRgBk\nQeNZ9XjGZRpWVlYCWGuzMIkYy+RwOLRPPvnEv2dMMay2gs1oFIR6ZcyyNRBDo6+srAT176Bt7HlW\nLxl/C4VCUjZhc3PTx4ou73Q6QUhaHAqvMO7QVBPZkX2FlFZ+oZ/gv9b2UhCOuDRGvV73PuBDsVhM\nQthPT0/d+6j7aLxXDgYDnydrYGlpyWUHL+jh4aHzBDlYXl72Z7R2j76Hv6w55MDswXPBuqjVaj4n\nDeODRlrPK14Xp6envva09pV6fsyydRuHDU8mk6Su3vHxcRJiu7S05PpQ4fAVBj0OU1YI+OfPn5tZ\nWCdLowvUm20WwoKr9/axOmMKAAWt2PfRpa1Wy2WBOnc3NzdOV9ZDo9HwdaVlK+ADdFHZUTAWxqLn\nJ+SX962srPiaZB6VSiWpb6XnCa3ZxJw0PDsGLGu3205Lxnl7e5tECmh9QIXp13Bhs8ybAy959ujo\nyGVfwVV4H3xuNpu+T2hdWObU6/V8rX377bdmlvGac4eeT+CxRvEg0xqdo5FmZpluUNAis0wm0Eu6\nV6JfH4v2Qk40NFVL/bz33ntOQ2iu9wizbP3wLGeqarUa1KZ9rOWeqbzlLW95y1ve8pa3vOUtb3n7\nGe0nPVNUq+eWqklYWA0UXpvbG7c8LYClQBTcBrGIFAqFoNow7+fdWqAvhrxVD5BCMmphNt6hhTnN\nwthejafHaqD5QNBAEyix/HQ6nQTggXHo+Pf3933O3Nh7vZ5bszR+lqbFApmzWmDpF8vfeDxO4vG/\n/vprL5CqhZWxLmIVeO+995yGmgT9WHFfeAxdbm9v3VICLTc3N92bocVOsWBg5et2u25toTCkxsdq\nnHKcmH9zc+PzUChjxqA5YArPaZZZHqCbehnjWHgtSEo7OjoKYHyhj4IMaCV75hlbpLTyuf5erZjM\nCeuZxhzHlmuFScXap4VStfBmnC/W6XR8LOrZoz9kSOPxiVnf2NhIYtyr1WriSW61Wj5mLSqpBS3N\nwhw85P6xooKbm5v+GfTR/K1vvvnGzLLimVhveZ/Gb2uOAxYpLKjT6TSBm9c8Cs0BZe7qwYqTZjc2\nNvzZ1dVV/x7+P3v2LIGU1/+hVaFQSHIw1eKseUjMOfaCMxezEMoeGZrNZgGwi1lYZgJr4Pn5eRK7\nrkWWNZ81Bs0Yj8cJEJBWrNfcxRjkyOwhfl4BC1j3PDsajTzfEh4VCoVkboPBwGVByzQgY+hjLQWB\nPtvf3/fxqZ7i3ToPlV/Gp7lcZhnf2L/QGwpprnKk4DpxVIZCQSODjUYjiLjgM57V8iUx6Mt4PA6K\nupplluIYQEPlRHPJ8D7Sl4JqsBYuLy99buohQt7UoxcDGmlBWt0LWQ+877H8uOXlZd+XFPgq9mB8\n+umnvvfRx+bmpssYfH327FkCQHB/f594zqCN2cOedXZ25jRVAK+4vEahUPD+kJdPPvnEx7q+vu4y\n9cEHH/jc1LpvZvbixQvXc8zjzZs3iQf7448/9r1AQSdUn/P7ODJhYWHB6Uv78ssvfR9GNjR3md9X\nKhX7wx/+4HOiX9Ykc3z58mWQkwr9oBfjK5fLzhPNZ0OO2AcWFxc9l0c9Sbxb8/ign4I1MS6+07MN\nMqReHPrQKCnG3Gq1klxNzRHls8lkknjdK5WKn+EV2ETzC9kjkac3b94EEOGMJS4mbPawfymwlZ6N\noBt81XwwZF6BL/gd49c8Olqv1/PPOItsb287r1mbCnLCZ61Wy8+njwHf6fg0z/6x9pN1pv7H//gf\nNplMgpo+TDQGaRiPxz55NpfpdOoLQcP3EAZN6o4R8r799ttkM9Cq7biDZ7NZgpY0nU6DUEM+U7Q8\nCEfjvfV63b777jszM3vnnXfMLNsE+e3GxkaAEGiWKWAWgqK9aT0r/vIe5qaXAQ2JiQ89WtWdhbCz\nsxMcNM1CFCwE5PDw0Dd5TdYloRD3bb/ftxcvXljcUPi6oGPEQL0AIhuKeKSKO65srm55PfSxoJET\nXcRa3Vsv0WYZj/idogRCA+RzPp+7kmSTvr+/d6WgQBTxoVsRshTNR136zBm5azabLjMKJhLXplAk\nQ2il4ABaoyoON2s2m4miHo/HSUhnv99PKn2Xy2XfJKHb1dVVAqpRqVR8LGy6v/jFL3y+GuKihwVa\nHMJ6d3fnylSVmtZsg84aemmWGWQ4QGjtHvpFWerFTi+RHHChfbvd9jEgExquoonUCtwB/ZgHPGg0\nGi47Ol/oWywWAzAds+zAoUYPs+xiHIcda9iL6kjWkCajx2GvJycnSQ2jm5sb12OqL1gjaiiKDxIL\nCwtBvRX4QNMNkc8VoY41xPiurq58DIoYy3vYpDudTgKGc3197f9zqTV7WA8atqghf2YhWiuHnx9/\n/DE4bNN/DIag8qmJ1xo6CG3ZJ6BVv993+dVDBLLDPjocDp0GWiuIEMZXr14FACtmYfgx9FVDjJ4D\n4n3n7OzM+c6FWAE5kBfVh1oniQO9AtHwPj5bWlpyejCWra2tYN/k93Hie61WS0CkhsOh0xVeLi8v\nu55gX7m8vPRntTYiekJlLAbcUGMK73ssaf7m5iY5sGs9NwV8YczsP+Vy2X8Xy7hZuC7iennT6dTl\nc3V11c88GuYVpyvogV4RPNGh9Le2tuZjVH0dy46mISjKXRyqe3l5mcjE9fW1n/FoW1tbgYGbecYg\nHZeXl4lht91u+9z07BLX1VtYWPD1x2VK6QrNOp2Orwc9H2uYulkmQ9CD933yySfen9aHY/waQq8h\n/Wah0Vr3+Ri8ZjQauVwqCvPLly/N7EGXq0FhOp362Ze5QRMzC0LsGCvvOTs7C+pG8VdBPMwyHmld\nQ8YKDTkrHR0dJbU/7+/vE0RuRaqGpouLi66D1JDJ+mLsZg+8g6+KpEwf77zzjp2dndl//+//Pa8z\nlbe85S1vectb3vKWt7zlLW//mu1fBI2u1ZrV2sqtkVueWqYUDpfPuI3OZjO3+GLxGAwGQcidWWbZ\ne8xVrxYzs+w2jbWNm/FwOExqMfR6PbdMYdnrdDp+I1WwBiwi6tbGInJwcODj4UZ8enqawEwXi8Wk\nknqpVArCncwya1YcutLv9wN4b32H2cPtvdfruRWS9/V6Pfc4YcE4OjpyPvFZoVDwOWHB+p//83/6\njf7jjz82s8ySGCcgK//hpVr5H4ORVC9dnLh7fHycWEm3t7fdkvzll186TfGc8Y5Op5OEZQwGA383\nlji1kmOpmc1mTktko9Vq+ZxweReLRbc0awgVVk0NTVOvBiF1CkMaW+qKxWICnWpmScjEwsJCYoGp\n1+v+Hq0FxfwUBpf3aaIn72ZOOgbk+P7+3nkNrebzuT/zq1/9ysyyNYr1Dh62Wq0gfJLv1GPCHONE\n5ZubmyABmPnGoamXl5duceJ9vV7P58E7FCBF1/YuqvIAACAASURBVCjfIy8bGxtB8jU0QJ9gaT8/\nP3frndZrisMfJpOJ6znkQSF52+12EkZRq9UCiFizzEIMjdSLCh2Y+3w+T0ISR6NRECZkllke+Yy+\nVlZWvA/1OMSAFk+fPvU5qSVZvdP0q7LFOHX9mT2Ek5s98LXT6STJ5tVqNRkLn5uF0O1fffWVmYXQ\n7bHHVmsZqWcPiy7t6dOnrgvUY4jM4M3VEEH0SafTCWrnmWV6gDGzlguFgu9BPKt10ODb3d1dADCE\n7DG+4+NjX6fI29u3b10m1EsahxIXi8UE3rharfoY0OuayP4Y+A5yXCwW7f333w9oPpvNAgAYs4zn\nz549M7MQthraxHum/m51dTXZi96+fZuEed3c3Dj/kffb29tExywtLSVejUKhkAD4KBiK1sOLZVvr\ntCEbWn+H/lutVuL93tnZCcpHQMfYwq6AJuqp1rBLZAKe93o9++ijj8wsDC+PvWPD4TBZX5PJxHmh\nIYnoG2R1MBgEpXN4VmsiMqe45tny8rL3x3psNBou08jOdDoNQlfNMtmBXrxXverqiYVPWmJGw/L5\nPe/WMgKEzPHu6+trl2PWynQ6TdJCNFJIU15iYJ5er5ekbDA/swe5U5h2jShAJphjtVp1Wv3mN7/x\n76Cv6iWNKIvrPZk97A9ax0kjDRiDpoZAF+gALa+vr/13CvuO/HKeLRaLSU3O2Wzm61m9W1qb0CzT\nvcgl71XgM62DiuxwDzg4OHCZ/VMt90zlLW95y1ve8pa3vOUtb3nL289oP+mZougqt0a94WrssNmD\nhcLswbo4GAzcequJ73yvcffcdLHs9Hq9JI5SK6rjVTk+Pg48A2aZ9YXbJZ9Vq1XPgcJqoInFfKbw\nttxuFeJ5Z2fHb+NYBrSYqAI3aMKe/t7swZK4srLilgvayspKAgRRLBaDgmJmmXWA8WPpur6+TsAw\nPv74Y7c48N67u7sk72U8HvuYmfvi4mISz6xJeup1U8urWWZ5YPxqndWkcLOMD8iEegWRD7UAxeAQ\nChnPHAeDQZKX1Ww2EzpfXl46TfGITCYTn6/mScXgD4uLiy6fWHHq9XoAC68QpzoWs4d1o4m7tIuL\niwQkZWlpyWVUx4qlVIvFMi7m9vr1a7d2YZ1Ryw99aSFP3vf8+XOnq8LuMjctFqg8McusVQrZbBbG\nR2tiM/CrX3zxhZmFFdw13poxMx8tiqjgCaxH9E+xWPQEVYWg/v/Ye7Mlx5LkvtuxA4lELkCutXWx\nqnu6mtPdwxnRtJjpIfQWMl3qSqYL8QFofAHpbWgmmkgOh+RwZjjs7qnqqqyq3DOxJpZEAvguzvfz\n+kdENkvWpssTN5kGHJyIcPfwiPDl71jR0DGa06nFE2PvkRYzVzhsZB95ub29DSzcjFPh/AGlgZen\np6cJzOxwOPQ5a54iFnPmrlC8CrGskNPQnHHDL002V+9MnLvU6/XcUofsl0ol1y3o8M3NzcRDUC6X\ng3h3s8xSi8cZ+tXrdX8PvKlUKgkk83g8Ttb11tZWMrf9/X33+ECzvb29IA/QLFuPWj6A7/7dv/t3\nPnezEBpf8wvZi9ADuh4VgCLOa9Lkas1HYp/TvBvo/PLlS39W9SK5GayB2Wzm/+ONGI1GSemG1Wrl\n9FfgnjhnQmHENUeItcGYFotFAo3caDT8feiEP/qjP/LxMz6zD3oOnaS5ldBFwUvoY2dnx/vVcwp8\n0KLH/FZzheEt+/zZ2Zn/hjPEzc2NryXeqwAk/FbzstRajgzy25OTkyDnE/qxVhQoCTojQ2/fvnU5\ngmZv3ryxn/70p06/zz77LPhei3azv56cnLjeYp4XFxdBQWizTF7iovKFQsHXMzKkeUoaXcA60Fws\n+I+H4ObmJvF0fvfddz4GjTxSjyVNcwPNwvxt9MCDBw+chuhZBfVRAALeh9xpHiRnuc8//9znDi0a\njYbLBNE+WrpF1zzPsX4VxErPfuggaPX+/fsE6GGxWPgY9YzI+4AJ/+1vf+tycHp6al988YXTFTpr\n5IVZWD5G820VUIbn4mLRjx49cr5Dg7W1NZ+T5m/r2Z3veDc5oldXVz5PZO3ly5fOd/adw8ND70NB\nhO7zzsf5m5oz+UPto5ep+XweJEsqMgufaThALAxa1V1rEHAA0wR/FI5e2GKUnuvra1cKCEWj0XDl\nri5lhJoDSKfT8UVEHxpip5sav4HA79+/DxB56Purr74ysxB15b6Nie8uLy+dbvzVS41Wd0ZAWBwv\nXrxwhfNP//RPziNoxIbz1VdfuVsUZbBcLl0h6UGHxnv/9E//1N+nybcsZD1ksEiY49raWoDiA+15\nHwtjOBwGYaBmGS85vCEnk8kkSUCcTqe+qSigQhwO1O12E8SbVqvlNGVMmvgOXUqlks+JppdW+Ltc\nLpOaHDc3N75hnpycOO/4bD6fB3U5+G0MoLG2thbU22JcrDXeoYdIRc2MLwMHBwfOL0WYpF8NhYCH\nWj8Kmmt9DvjJ5ffq6ipAnoPm/IaxbG9vO700URmdgVyWy+XA6AENaNBWk2HpYzgc+kajCbCaeMpn\nPEcrl8se+qs1auAHY1dEJtrx8XFwgTELLyhsxLVazQ+NjUbD1ysXk52dHfvmm2/MzHxzUx2j4AYa\nAkejPw0BRcfA1+l06u/ROj0KpmIW1rVRxLXYIKZhXnzWbDaTkK5qtZogsrXb7SBM0Szjaxxa0e12\nE2SxjY0Nn4ciXzEW+p/NZk5/Ltjn5+cJ6MN8Pk8Aikqlkofy0S97gFkIMBSHOlUqFX+WDV71kwKC\n8G5Fr6NpYju647PPPksOb+Px2HmHvBcKhaCekVnGS50fdIsBYw4ODpKQKTUaqEwyxri2pNmHELzb\n21vXY6wBrcWlY9Gx8jcO3x4Oh8ncxuNxcqltt9tJfcvj4+Oknpvux8jJcrlMkNFU18HLw8PDoO6a\nWcYDQr80JIowVGTi4cOHScjpyclJYgQpFAq+V+mhD/2pdXP+4R/+wceHPkGnbm5uOtiA1uJUepll\n6wd+/fVf/7WZZbpB61CaZboNumltSdYDfWlouqLM8Zle1DkT/tVf/ZWZZfy4D22S8akxLUZu3tvb\nc7rBr8Fg4PTSulRxGke/3/dx6TmVd3MZbTabzi8Fp2JP1fpQqj/MMp3Ac9Ds4uLCDd2qs+K6aveF\npivqp6I18hv03eeff+5zf/78ua8H3XuRR+j36NEjl2/mobUitWZsDDaiaHzMs9lsJoakyWTiYXjo\n7dls5nRg//nDH/6QGGfr9bqvf0V6pQ9Fa1VkVN7BumI/Pjg4SECE4paH+eUtb3nLW97ylre85S1v\necvbj2gf9Uw1Gg1bLBZuqeVW2Ol0/IbO7fK7774LYLzNsptk7Kas1+uJ5WxjYyOBS5xMJn67VIu0\n1pfiOW7eirWvsOdmmZWHz7AAXF1d3RtOh9WD/mezmY+rVCr5e3BX7u/vB7dnsyy0Kq5N1Gq1/Kau\nSfMxtOf5+bm72bkda/Id4xoMBm4t4DuFGdXq9Fjt8AAtl0u3ZsWgCGYf+PXq1avAcgX9oIeGu2DJ\nwbqwWq2SML+LiwvvR5Ml+Qxe7u3t+Tz4bbvdTmBwX7165dZ7aLtarZJkzl6vl8Bqr6+vu0cPa4XW\nPIMGaumGjuVyObDA8VdDa+KaaOVyObE6r1arpFaQhlEiJ5qgrt4evEbQReGjGX+xWHSLFO599WQw\nlvF47DRU4Ass9Vq7Cbqq9S4OJX358qWPX8slqFWRFsORHh8fe1gE60PhUnXdsgb4brFYOL94329+\n8xv3LijEc+zFubi4cEujAlrEdWF6vV4ACmOWrYU4vOjx48cuq/Dv2bNnTo+LiwvnNWM5PT1NwoUU\n6pa/r1+/dh5rPTd+C2+ur6+dXqqz4vCIRqMRyIxZGKqnAETINPK+tbV1b8kL1qGOBTmif9U7yN9o\nNHJ+om/v7u6crhqWRb8Kcx33UalUEoj/wWBgv/jFL8zswxp9+vRpAObCvOE/rdFo+Ny0JAj6RMPM\nGT+6fDQaBWAu9BV7+7/88sugvIFZuEbNLNm/7u7u/Ht+8/z58yR0US36Wr9Qw4rNMp0WRz8oZLfW\n5wJ2Gb7VajWXffiwv78fgCDwPuWJWVgvT88Eqg/Nsn0C6z08V0ArdJeGZTMPDTmEzoPBwOcO8NFw\nOPT1oPDLMXDQ5uamR42wRkulUlJD8+LiIgFhUE8XsqMgMegkrdFEv7e3t74HUuZka2srCIWLQZre\nvHmT1PFrNBoJhH69Xk/qXw4GgwB4yiwEWlBa0gfPd7vdADjBLNOb8AaaXl5eJmVQyuWy85XxHR0d\nOQ+R+1KplEQ/KACJ1qhED0N/PRPw2U9+8pMkxPXg4MDnS1/9ft89jsz3D3/4QxLZ8f79e5cx2uXl\nZVJu4ujoyHUpOmF7ezsp3XJycuL9Ie97e3sJYFGv1/NIEgX6UYAH6jJqtAdnB2jZ7/d9HSqd8Wbp\nPsX3WhonjrAZDAbJGbNQKLhHF/4ul0unB+tiNBo5yI3WlqUPxqRRPBqOzHO8bzAY+DyZ4/X1ta//\nH2q5Zypvectb3vKWt7zlLW95y1vefkT7qGeqVqvZdDr12zseKk0E03yf+yrbc5Pklq9F97CWNBoN\nv/2q54YbuFppYwjdTqfjfWB1Va+GFtHlhqsJ63xGzORgMPB3c6N///69WxfMQi+WWWaJo29uvQcH\nB4ElF3piOWCeWjgOi0273XavETfq77//3umvxXs12Ze+uG3jGRuPx26RUshrxqeWE+LY4dPR0VEC\nebyzs+M00mKGsRW61+sl8fZaAZ33PnnyJAE04Vmlwe3tbQDFa5ZZ/hWa1CyTiTheeHNzM7GwLJfL\nJEFye3s78WCdn5+7tQX529nZ8fnC8/F4HMRUYynFetdoNJwPvO/k5CSBnh+NRu4BwesynU7dC6g0\nV3AGxszc4UOn0/HfYOHc2tpK8j+KxaKDIWDhfPv2bVAc0iwsEqge4ti6pND9eIVWq1UCHzwej5PC\n0M1mM4H9X19fT6BRh8NhAAFslq3luIi20kB5SMPy9+jRI7dmMeZOp+Of8Vyz2Uwszmo1hgZra2vO\na3TM3t6ey0mv1/MxMvdGo+FWR3TH+vq66wzkuFwuJ7kLNzc3SZ7SbDbzsaLThsNhAmhTKpXcGqd9\nxCUqNHcF4JDz8/PEy9fpdJIE9Gq16nSCD51OJwHSabVaTmv1dMMTZHa1Wrk1lT4UbAR5f/DgQZCn\naGb285//3MfAb1X/KOAKY2GOi8XC14DqJ10P9KuFPnleC8yaZXLH+1i3CprD+169ehV4FFlzjLVW\nqwUw72ahBR4ZOz8/T2RHC5sj74VCweekMM3QQaGl4/yTjY0NHyt8qFQqPj7V0dAGXrbb7QT2f3t7\nOwEMmU6ngffWLPMQMlYtCaE5fzwfF7t9/vy5/f73vw/oVyqVgnwns/Bswzrb3t72ebDmz8/Pkz26\n3W4HkRCML45a0RwmclS0gDzr7ODgwN+the5Zw81m079Hjh8+fOjzVPhqxqpQ9vSDDEJ3sw9reHNz\n02mpXuFYn+i4dE9gH+MMtFwuXXdoLrnmVJllfIs9XaVSyccC3xQ+XgEroAdjOT09TcoRKB4AMj4Y\nDPzMp1D6jA/ANS3JgO6dTCaBV5H5IoOa18T79AymY2W+cbH1+XzuXiiNaKE/5lGtVh2oZLFY2P/5\nP//H6WWW6RvGj676+c9/7jRXuHHooWeq+Py3WCy8b9V3CtjE8/SrQC/oB+beaDSS6DeNflCZpbHf\nHh4eJufiZrPpsshnjx8/TkDC4vbRy9T5+XlQE4FFvLOzk1QYHg6HPnAUxenpaVKteTKZ+KT1khQn\nFtfrdRdqCL2+vu4ThDl6oNTNXBE7GDP/875KpeJjVWSzuAJ2o9Hw0KBer+f0QGjev3+fJMZ2Op2g\nroxZ5oJFwGHo+vq69w1jNUmTxa51TbTGA5spAlqpVBIUJAWMgObX19d+iVIQEcYALdV9qwAT8FqT\n/zSxk/eyESvYxIsXL8zsw4Hz8vIyuFyYZco+Rvi7ubnx90GXWq3m42M+19fXvulpyA5yx3tvb29d\nwTHfXq+X1EbQMEm+U0AIWrvdDhZ+nHiq41deqgIxy3jIJqDJ9XEopNY14vnd3V1fm8iG1ntiTfV6\nvXsBWZBLRbyKQ5yKxWIACsNnvJuwAa33QdP6UWzYe3t7CTpkuVz2MfC+zc1NX7vIy2w2C2o2MUdF\nqDLL5C6uRL+9vZ3U1ZlOp84HNl+t96HrnPHTf6FQSA57tVotqJ1llskDvz0+Pvb1j9558OBBUodI\nDxFxmJTSo9frJShOGvIMPQ4ODpKQmWKx6LShKRod9O12u0n47ubmZlI/7Pz83EM1eO7m5iYJe1tf\nX08ALS4uLgIQDOgLTzQELzbsra+v+9zg5eXlpa913suGbPbh8KNgMxomHR+mtra2gnpVZpn+hL7w\n/+LiIkFf63Q6QYiTWcaXmH5af4nLYaFQCEKi4kuD7mmMT/WJyiXjUVAkBXZiLFr/js/impJmliS3\nX11duQ5i/KVSKQDn4Dn6Q4efnZ35mHnH1dVVoscGg0GQtM74kBNopXoW2VG0OXikYejMQ9G82ItW\nq1UCGPKrX/3K+UmI4Ndff+3zRI8qQAI8UoAs5qv0pY/9/X2nM/L8u9/9zseHIeXly5c+FkVVg27/\n/M//7CHfGqoXHxrb7baHUepz8TrUEHbmWS6XnSforNFo5PoQQ8zR0ZGPW2tZwgf0nIZ56iE4Pie2\n221f95wDFouFy6zWX0L2oel8PncZhDdnZ2dJ7Sl1KMC3m5ub5OI5mUyS81273fZ1pkYu9jmM4M1m\nMwitMwvTPTQ0nvmqMYT/6f/i4iK5dD148MB11u3trdOS9arGZfo4Pj72MGsMRU+fPvVxw69SqeS6\niPGvra0l6SrX19cun8jx3t6e62RoroYuNWDFYe2tVsvHzB5zdXXl6+XnP/+5/zZGJe50OoHRwyyT\nA2T2h1oe5pe3vOUtb3nLW97ylre85S1vP6J91DP16NEjm0wmfpvlRnlxceG3SiA3NVFVE4e5oevN\nk5uk3tS5BQKhubOz4zVn1JuiIBNmoaUby8n5+XngyjcLASiwfmjoD1aNx48f2y9/+Usz++Buf/bs\nWXCbjquSa5Im8/jmm2/cWgz9Pv30U7eAaLJh7H4ul8uBlcUsrE6PpeHy8tKT9JlHt9t1iytWzdPT\nU7+Vf/vtt2YWWiu5dXc6Hb+pk0g5nU597gpLzhi0LgzWG7UyYZGgfw23w9Kt9R6wtvz+9793qxLh\nCBpKqsmm/EY9LHE9qm6365YmZFGtqmppj8FL1ELEb29vbwPwDbMQfvv29tbHo5DBcTV5QF50/ApH\nSisUCv4evC7j8djHhTXo4cOHiSdhY2MjsfxpjS3kpVKpOM2VflpvxSyrC6OWUp7ne8ayu7vrc1JL\nnYYkMRY8cPR/fHyc1NiZTCb+HBa9r776ytce1rKbm5skRHAymSSQzaenp84v1kCxWHTeqKcA650C\nx2Ap0zADreMFD2J9cX197fR7+vRpAPZgllnifvvb3wZj0HA21uFsNnNaa10lrcthlukGxqhrWPWq\nWbYG4kTwQqEQJD/znVpKmSdWSg3zxTvOXw2Z1Pp1WEK1pqDWzuK72LKqYAP0axbWF6OvX/3qV2Zm\nHsp6dnaW7G0qx/BDAWG0REJsNW40GkGivVkIkMQ6n06nTg/19qPrKbnBOMw+WGJ3dnZcPovFou8T\nWPkHg4G/G7rt7u4mITir1SoIveMz6KDw+6onmRPzZJ0dHx/7+uKz7e1t56GGl1KXR+HmY2hnhfOH\nbtVq1XWaes7RVfBybW0t8VZNp9NkHpVKJQkRLhaLPg9oXiwWfZ1pSC98R08pkAp7/7fffuvvg28K\nc49cqe5QfaFw9PFvFRo7Bk3SGlqlUikAK+A3CqpllvEfeeKcpQAarAetM6jAAugM6FKv15MaZYeH\nh0l4ZKFQ8HWPTNze3rq+09B59VKbZecj5kG42uHhodOBsff7fecxtKxWqz5WaKXRBQrMhPxCn9Fo\nFJQKMQvroGmEFWsJ+nS7XffeISeNRsP+5E/+xMw+eMnn87nTiLHUarUEDGFnZycoq2KW7Sv0q/UL\nmQe6ZrlcBvXD8I5pVAO6lPbu3TvXb5quwv/qdYN38Pzs7Mz7Q+404gQdfnt7m4DDtNvtpJaZAn0x\nzxcvXgQ0NMvWMDLLHJ88eZJEP5XL5QT4Sssv/VDLPVN5y1ve8pa3vOUtb3nLW97y9iPaRz1TNzc3\n1uv17i3GqJYh/mqejVkYk8xttFqtukUFy9P5+blbuHnu5cuXfjPls9FolBTyKxQKQVy8Weglw0Kx\nv7/v+QB6q8WagYVQc1No29vbToPhcBhAhPNZHHs7nU791qvwsfxG54R1AsuJejg0hjmucn54eOgW\nFZ5///69zx16KKgGVsuf/exn3i+fHR4eevwv73j8+HFSFLNQKPi7NX9HvR5mYfVsZAO5MbMg5hyr\nghbZUzhd3qfxyWaZpSi2fjx79sz7pbXb7SS2WmVWoYNjq1uz2XR6aKI6c8GKs7a2FiRrMgaFJlVv\nkVlm/VA4aLMQApZx1et174d+Nzc3nSdYmrRYH1bU5XLpc4Zul5eXSXHSvb09B54gnp65mH2Qu+3t\nbf8tlkLNo9Iiz6wl5lur1VxnKBgLfUDnTz/9NCmo/fDhQ89F4H1Y8c0+yOfJyYmvC6x48/k8sJia\nZUVP1bIGLaAV8lev15O8HC16yzzUQgzvj46OEmv/fD53fo1GIy9EzrtHo5GPIfbsmlmQO6fx8GZh\nfpx6N/kNMeSFQsFlTBPeseipVZvfoj+1eDZrZTqdJvHna2trLtPMXYtFM+ajoyP3rGhSshaTNgs9\nYpoXiFUR79Z8Pk8g9FerlXsQGF+v10tAYm5ubhJAm9lsZj/72c/MLISRjgvSq66Gl5VKxd9N/8fH\nx4GV3yxbW+hDBVKJAXKePn3q8nJxceFeZXizvr4e7I3xGOBRuVwO5NEs9HSzhnUv1UKojJV5LpfL\nRMf3+/0kZ+L4+Nj7wPv67NmzJJ+1WCw6jTRnm+e00Dn04vlWq+WWZNbh9va28x15UXhzxqK5mox9\nY2PD54v39ZtvvnGwJrw93377rXsX0E/v37/3nCPGUi6XXRboYzabubxrSQYaz19cXHg0EPq4Vqs5\nPVgX3W7XPWJffvml85/P1MOlno445+fm5iZZr1pkWcG8kCN0UqlUSoBlADUz++Ah7na7HlWgZwJo\nraVeOLPQ183NjdONOe7v7ycep3K5nBQuVzAP9RprSRSzbB9lfbEeVS/yW/WcM7fb21vnMfRTXY6c\nnJ2d+T7CHBWoQnPeYxAJPQPr+Zj3sd46nY7zWvW7nu/+03/6T2Zm9pd/+ZdOS/ZIdNXTp0+d/urt\nU0h/3heXI+Bzs7AoOjKmOfZEVrG+zs7O/CyI7FerVZ8fvHz37l1SBP7BgwdJfuRisXB9qHnG0Frz\nQmMQtrh99DK1vr4e1HuiTSYTd9VroioTUFAHJqrVvZmgurU1GdgsOzjxmYY1IEAIzWeffZag+Wit\nKK2nA3FUqVEXAuHv9Xoe/oBCPj4+9j4Wi0WSQDufz11J/eY3vzGzMLkdwW21WsHhg+804dgsWwhx\nBe9GoxEkgJtlAoVbHAHd3t72C8d9oYTUAnny5ImH8sGv8Xjsv9WLBHTQgzuLSJO+EXAFBGEeCmIQ\n12fRg50iQnLghI7T6dQVkiYWwy9N2kdm4XWv10sQqMbjsffLAru6ukrQ1ba3t4PaZDRNUDcLazuo\ncoFui8XCv9cW11PTEDfGrIqf91UqFVdCqvg1DJTnUHCMX9HXdCP5+uuvzezD4ff169fOBwXSoMH/\nbrfrMsNmcHZ25r+lj5ubG99ANIkcGnBI15pHGg5EPRWt44LbHp3w9u3bRCccHBz4YYrNTA+1yHij\n0QjCQMwyfaJolIwzvrBrOAi03dnZSdb3p59+GoQw//rXvw7m+fr1ax8DvF6tVv5u1WlcftBFhULB\n9SbrolAoBBcSGu9Dl6+trSVhTxoaBX3NLNHN5XLZ54cuXK1WvsY5GOkBW+UqvkwPh8Mg9MYskx34\nrjRgTWnIXoyGaWYJX1utlocSIfeNRiOoAUZDL0JnBdLQmlLQlLWiIDHQ6unTpy6zgPHc3t4myFeT\nycRlh0PE2tqarzM1pnBBuLu7S2q79Pv9xCDa6XSCEBizTD6REw1ricFQ6vV6AvBQqVSc/rr++a0a\niuCnhmKqgcgsPMDA32q16nzV0C/2Y8Z0e3sbhCmahakJepBkzPBfjaWq21gX0ODLL78M6gaZZYad\n+HDWaDQSFMmdnZ0AZdgsRKqDBpqsjyx2u11fI8x7e3vbD5wKnqHonwpGZJbJiQJFmGU6jblouLem\nM5hlshMjMmq4uiIfoiPh9dHRUVIT6fb21nUQemJra8vXLvNVnmpYtiL2mWVGFXgHjTS0mqbnE0Ud\nhR4aZooMclnW9Af+TiaTBEhFzz1qlOB7DcmlX3jQ6XSCMEWzTGcqcBPvuy/kGH4oMit7oKbdoFsU\nfRP+r62t+R6jgCAK7MGY0UEYPAuFgvOMPhaLRXDpYe5qHDHLdLOmAZllupS1oQ3eaV3XOJXg7OzM\n5VdTE2IwudPTU5dpdNZ0Ok0cLHHLw/zylre85S1vectb3vKWt7zl7Ue0j3qmzs7OrNVq+U1Nazzh\nlsX92Ww23SqjVkNugVpbBouE1kmI3bKz2cwttfRRqVQCC51ZdgPn5kz/8/ncrQVap4Fx8Y43b974\n/1h2NAGRsbx//94tOsPh0G+4Wn+FGz2W89evX7v1RBO4Y69RtVpNapgUCoUkKf309DRJBD04OHCL\nFZ+9efPGvWPQ6Msvv3RawsONjY0EZvTo6ChxcY7H4wDq2CyzFMSw4Hd3d25pUCtD7IJVAAoFjohr\ngGgYHVbI4XDolgssI6PRKKjWTr9qlWVM1Kx20wAAIABJREFUCu1qFnockE8NQ8SDsr6+7nyDZrPZ\nzPkLXabTqVtJrq+v3ZqJ16tQKLicIGOdTieowWGWWd2U/oxVk+75G4dqaf0whaDmOQBelH/Mc7Va\nuSwQ7vf48WNfX6z5fr/vY4a+CtMPPTY2Nvx9yLjC/kK/o6OjAIbULFsrMbjC3t5eUgH9b/7mb5J6\ndKPRyOeuXnKtp0OD71jQtP4K8tLtdp1GrMHr6+vEc6Z1teDfkydPkvork8kkqGvHuzU5HI8JNNL6\nUQrxG4f+XlxcJAnKFxcXrgfV2gdfsegBTmMWQm3HHv1Op5PojtFoFFSZ57esf0LTut1uouu1xgr8\n0Lpa8L9QKDjvsLBWq9XE61Kr1VwGCR/UdY0sDgYDe/78eTCPbrfr/MRrNBwOfQ9SIBUNrTXL1kAM\nXmEW1t0yy2QRryF6b3d31/mB/L148SKQI54nomBvby/xQn366afJfv3mzRunDZbw0WjkYWqER66t\nrSXQ6Ovr674OtY5UXAJAIdv57smTJ+6B05DD+LnFYuE6kjEXi8UEcEdro/FbhS3XumDQQL0b7BPo\nscvLSx8LfcxmMw+jY8ybm5sJeIR6NaH9fD5PQFjev3/v8saepUBaCqEfh2fe3d0FtZP4jHejD87O\nznxutP39/QAcBjnCI/7VV18FET/QKvbUzGazZC+6ubnxdcXclsul/4/sXF9f+xrR0DTGwJyePXuW\nlLLRuop63mJ8/NUQN/WSwgelQQxUoOcOBdTiN9C5Wq26ruK3P//5zwP4cLOsRhrz5bywWCySUL3B\nYBB4782ydca7kU8FuVI9qyAyjIn1o3uJlvsxy+Q4Dlff3Nz0tXR2dpaUQYEvjBs6owsY187OjtNf\nQztjL898Pg/CDs0yOUFfoj9Xq5XzlbH+6Z/+qa9n9JjWqIPOg8HAdQJ6W8fM3rCzs+Pj47PFYhGA\nvpmFtQJ/qOWeqbzlLW95y1ve8pa3vOUtb3n7Ee2jnilyY2I42idPnrhVhqb5A1h5zs/PA8hes+zG\njHWJ55bLpVszuIXO5/PAqmCWWUT4X4unxUnYu7u7/lssSQq1ym375ubGc6awQm5ubgb5XcxNY43j\nuOLlcunjwdJxHzhEoVAIIG5pcQHHd+/e+c2am7PGlarHBssW3qj5fO7PYXUtFouBBcks8yhgccQS\nMp/Pg2Jo8AMrtVax1vhpszAHB+vIZDIJqtybZRYCrSIPfeIidljp+Q39kpSIDK1WK7emMM6dnZ0k\nnrlUKrnVQ4vAIQvItkJGw4PxeBzApNJ4N16B+Xzu822320ERSZ6PvUZqMWfOrVbL6aGyoblS0B6r\nOGNVmvO30+n4nKBfsVj0xGi1zjEerJ7n5+dJNfGTkxNfAwoZG+eklUqloLI4843LEaytrflzAErM\n53P/DX+73a7zEIu3wltrgnGcNK+x/3jdXrx4Yf/4j/8Y8OPy8jKwIJpl8owM0v/6+npSWLvdbruF\ni/Uxn8+DItZmoSW+Uql4voDGpKOPsJKvVivnP56ku7u7BJ59tVol8LyVSsX5r947PDDQvlqtJoVc\nl8tlAnIynU6TvLdSqeT8h68/+clPErhc9ZzyjsvLS/8Nz29ubvp6UKsrFkldowrjDu019wYaxPvY\naDRyPafAJ5prYhbuO/R1c3PjXl72iXa77bkhfKdF7+ljsVi4hZUCkkdHRz4uco5ubm6S3ISrq6ug\nqDTyTS7sdDp1PinkMdZzeF0qlXx+SjdkVPOVYuCeZrMZ5EDCI43UMAvzj3i+0Wg4/6HV2dmZ04a/\nal1GJynwBW06nTrdoFW5XPZxMbfLy0unB3pgNBol+v/y8tL1nHqmGAO0/f7775N8NS0ZwjuePn3q\nY9aIl1gWmbdZ6E3hPeophId4MPv9flIIV4EUVqtV4D3jN/SJDrm4uEiigfb3912XqZcs9sANBoPg\nnMM8Yi8k8zL74OV5+fKlz5k8oCdPnji/2Kc0j455np2dBQXLzTL9HoOhzOfzoGgyY4aH9Dsej11W\n9UzLvsS8NfeX/e7u7s7XiJYEUD7wXnS+yjZ8YG/7/PPPg3wnaMC72Xe0LIXus9BPc6s0GsAs0zv8\nRoHK6O/rr7/2sz7ngMFgkJT4ubu7S/I7i8Wivw9aqj7UXHMaZ1GN4uF9Oj/G0u/3E+ATLQVx3z3h\nvnIjAG4pRoQCaiGzP9Q+epm6u7uzUqnkhNBEYE2cNMuElc8gwnQ69UOXKjwWhCaJcQjRpGmIxKVA\n6xvw3eXlpQuholgpzr9ZtonwPYtla2vLGYuCUlQyhHV9fd038Xq97nNGUShKn9Z5YFwa1sZCYL4K\nVEHb2toKQBLMMkFBqXAg/u1vf5skvI5GI/+ev7e3t0kf3W7XFzKHy8PDQ587C7Hb7frcFUyC7+Hv\nw4cPfU40DYmEPoqCBR8uLi78fcxjsVgkyIetVssVGBvncDhMLi2z2SxRGooso8AnvE+VvdbO4PkY\nVWs0GvnBWkEToLO66BXVkTmx2S8WC1eyyL4mnrNRnJycJAm+l5eXvsh5h65XvczH6Ita7Vw3GZSo\nAszE4Var1co3F0KOms2mb8AoxLu7Oz8waRI5B2tFQVQXPWNB3pG/5XLp72HzuL6+dloSSjadTp0e\n9NHr9Xz8jOn29tb5z7z7/X6CaLVarXxd66VVgWzMMp7yG9bleDwOLsyMT+u4wE/Gure3FwCsmGXy\npiAOZpku0tBLs+ywpxc++KDGgpjm/O10Okl1el3TitIVI3zNZrOgLpNZxhtopIYY9KeGGXEY1BA1\n1pXq8DjEut/vJ/pkbW0tQYyC7vq+zc1NPwgjV7PZzA1s6JhGo+E8VpS4uK6iHnSh9+bmZlL3S5EP\nCRWqVqt+AFCwgHj/PDg48P6Ojo58jIrCiHyzfvb29lx/cTC5vr5ODFi9Xs+fU6Qw/uegPZ1OE37p\nRYw1oCGsyKTW5kNfHBwcOP15n4awK+hULLNPnjwJECqZD+/T8Hye0ws0NGBtPXjwIAEgKBQK9h/+\nw38IaKp1MHnvp59+moQwvX//PjEeFAqFxOhSKpWCi7pZtu/Eoe5qFGB9tFot1+Hoz7u7Oz83dbtd\nP8to6Bx00JBzrU1mlu0df/d3f2dmH2RH0WYZc6VSCQDAmIdeXJhnXGd0PB4nF7vf/e53iUy8ePHC\nZZWQZA1X1v6RLUXrhF4K1qR6Gpqil1hbCszF+n779q2PTy8KMQJ1s9kMAGPMMlljX9ewRQxn0FT3\nJ3RXv99PjIyTycTXrYaKar1Hs2z9cGmApuPxOKgPiVyCco286zwVZRKj33Q6dRnkvKCAMcqj2ADY\narWSsMGzszOXS+ixu7ub7KWKoMrzR0dHiQGgVqu54ZfPrq+vfXx89/LlS9c78Kbf7wcXvvtaHuaX\nt7zlLW95y1ve8pa3vOUtbz+ifdQztVgsgmQ5dUVTlwEryoMHDxJY3fF47DdwbqEKLc57tcq2wohz\nG+cmqe5xrXPAc9xat7a2/N16C+Z2qX2plcIsu73j+tOwAK3JhFUGS41apJRG3NShy/HxcRD+w7iw\nJBL6cXNz49ZbhUZWC61Zdtvmxq/w5SQW65x4D7ftUqkUhOMxPiw6fNdqtZLE2NVq5VZUtULBO272\n7XbbvXJafymuMG72wXIJXw8PD513/NVEQA0LUUCGmAcaJkF/Ws0+hhTVedIuLi48tAoL3/7+fpL8\nrR62brfroQjQQ4FF4GW9XnerHe+p1Wren1rJWGuMYWtry9eDhskibxpii4WWvwo2oqFYcY2d8Xjs\nvNaEXMaiEK+xfP7kJz/x5zQEBxoo9GgMaLJYLJxPyLha/jRsiHHxdzgcJlb3YrGYeBe3trYSgByt\nYq9WVWRbQUdimahWq77mkOd6vZ7UGVIYbPVW61/ogeVUIa/V0k0/PN9sNt2DgBwfHx/7GDUER4Es\nzLJ1A321PlS8bjqdjs9JQXFiz+/t7W0AYQ0t0YvIxPn5ucsstNdwUK1LqPX++Ax64GUqFotukcaC\nrfDrlMFYW1tzeqBv6/V6UqNwNBr5c1rziMbYl8ulrx/VQaxN9Q7EdZV2dnbcOooOfvLkSVCLjfFB\ng62tLfvVr35lZuaeEwXB0fWg8gZ9Y+j5xWKR1ChrNBoJAMl8Pg+8xWYZyBHz07DsGPJcf6PhQHHN\nnqOjo0CX8o44fO/NmzfuyUNONEpGk+G1nhbzicPBFKyFtXdzc+PhwBphwb7NmBU+GV1YLBb9e+Y9\nnU6DWldmmb6FR9Bbf8tnr169SoBonjx5EngXzULP3uvXr5PSA/ftw9PpNKijZJbJuep9xgzdkF+N\n8uG9rVYrAVc6ODjwSBjlUTyWVqvlulbDo6ErdLm7u/O1zj5RKBQS4AuzMOXDLONhHP2iJUi05hX7\nw31nOaVZHNaudR9Zy8+ePfOxap2mODy32+06H+CrgkSphw/+K1CSyjm0Yl9kTZ2fnwf6Gh2E3tZ6\nWvx2e3vb5YmzwWAwCM6WZhnPYz23u7vr9Nfn+V8BclgvhD0ul0ufs3oZ6QPa/1CIIE3DDPkN9J1O\npy6rvFdD8X+o5Z6pvOUtb3nLW97ylre85S1vefsR7f+qaO9gMPA4So271iKBfIfVSG90WKu4+X3y\nySd+89dE9dgz8e2339q//bf/1szCeEs8RLxXcxKwdBYKhcAKZJbFe3Mb57Z6e3vr1g+ee//+vX/P\nDXZrayvI78ESwu1cvUY8d3197XPGgnV4eOg5JlgAdnZ23BKplgYtcmiW3ewVYt0sszLxGdbWq6sr\nv7VjEdne3nbLyi9+8QufB/MkkXW1WiWW316vlxRjVdhyLApa2Awr08XFhfME2Tk/P3fLOfRTj6Mm\nLGrOglkma1jWyC86OTnxsUAXhYfmtxprrHH39Is1YnNz060QWEkajUZSVPru7s55Tv8bGxtu/dJi\nzFqIFH5iQRqNRk4vaK5FcaG9wrMiT8vlMsnl2N7eTuDXb29vA0h35ot8EA++sbGRFNne3t72taFW\nXqxFrIVSqeT9aj6dFr41y3SCAmOYZTIWF9Ts9Xr+PizFxWIxiE+HPsgWlrO7u7sA0pX3xlC77969\nc2sg/W5sbCTv0wK96mnFKsccr6+vfZ5Y3zTGW71IjP/i4iKxrD1//tznzJpSTwe0qlQqAdQ8DYs0\nY6hWq0mB1tVq5WsDfmnxVPV4xkVbz87OEktov99PyjmUy2WnG/zQXEj+lkqlQL+aZdZ25BKPXr/f\nd3lXrxFypHoUva6x7sxXC0mzvrScA7RCf3/99de+B6nVnTFDg83NTZcjeLm2thYUY2d8ce7varUK\n4N6ZGzRinL/+9a8Dr+vnn39u2tRKDT22t7eDiA/eF+ez1Wo174fnFPQBup2envr/rKWjoyPP0dH8\nTGSBfWo2m7lMk4+BLjcLAYMUUAaaag4h42Ss6GsFw9D8qNg7c3Z2FpTdgFb0wT6guUTQ4p/+6Z98\nP4QWjUYjKRa+u7vruhR52tvb8/dpblfsPda8VtbC1tZWUvT64uIiiBAyy+QJGjx+/NjzAOl3Pp+7\n/GoBV2iDnhsOh0mO+Gq18rEi+wpAoCU8WIfM4+TkxMeAvLfb7cBjapbJJ/1Co0ePHvlZhTV/e3vr\nUVKaix/rnbW1NdcFCrkPrbUkA79l3Sp4gYIdADIDzfXcwXpTKHDNOWesyK4C6fCZ0gr6aIFeBYRR\n3jBm+KrF1qF5HM1FH+hXfru+vh6caXg3vEHPHR4eBmdBs0x26Pu+/CMFeIsj08bjsZ9paRoRAz8U\nDI/807u7uyQnrVAoJAXuO52Or2doWa1WE5CjarXq5/Ufah+9TI1GI9vb2/NFxwagdVIg3MXFhTMC\nQb+4uAjqQfBb3sN7T05OXJBgnG6CKI3RaORCD5MqlYorP4R/uVy6QOqCuA9EACXK87VazceCYplM\nJgHSmgoBY+X3LLBCoZCEOE6nU79IIIynp6dB37yXcSFce3t7QaikWbZw+A0H7EePHrmy1bA7Nl3C\n5L744gvvA6CK3/3ud/5brWKP8OmGEleins/nzjNoVavVkjC0crnsl3M+Y0Mz+3ApnM/nQc0hs2zx\nwXeUqiLQMbdyuZxUwNYq8Yyz3+/7hQ2507ABNjC9UKjs0JDP4XDovOl0OgkKGs8wRrNQTlQWVZbN\nMp5rSCVjiNG+7u7ugv/NMiUTA21oeCx9DYfD5JB8fHzsSaaM5eXLl0libLlcdplGNyjghlZ3j+tz\nlUolP/ixlg8PD13eUNjj8Tg5EG1sbASXS7NsA2XubKblctkVIt8dHBz4b3jfcrlMUDj14qGIhdBS\nL6isHw2TjMOBJpOJr4urq6sgAdws01WMURU/60FrMsF/NQbRNMwD+uumxuFO67PEB2ytEs86PDs7\n8++hx87Ojo+Bd9TrdacNcy8UCq479MIB/fWwrzLIc3HI2YMHD/zdyLGZJcnQesD+h3/4BzPL1gIX\nAPREt9t1+iIv3333nb9PAQOQY+g8HA4ToA+zD3oO/tXrdX+O9w0GAzd0KYBTfInv9/sBoAV909/G\nxobL732IoVrHib6hb7lcDujAc/THc+vr6y6zCrgU1y3b39/330D7jY0NHw/rQhEouWBtb2+7ftBQ\nHd6DTtWQHtbPzc1NAnKlYZkKcqLGBbNMbu4DcEHf64WYAx3vPjk5cZlRAxS6gHlUq1WnvV7mYh2j\nAE7/5t/8GzPLLq1cPtUYQb/IaYyGiQ5XY4+CIJlle68CbZlluo3faBgftGHu9Xo9QYcsFosJwJeG\ndClCYRyurKkfyPg//uM/BkYls2wvitFrt7e3/Tl0+NbWVgJ8ocYv5En1DjxUIxOt3+87P5WO6AQF\n9aIPzlmTycSN6sj9p59+GqBMM+YYSbNUKiUgLIo2x2+1/p6i02qqBrRQg52eyc3C+lzMo1aruX6A\nr6PRyOnLOpxOp4nBeXd31+VEz0WsEd1zeY+mBUBz9iJFbuUcpTXlWLebm5t+PtQ9Gvoip5ubm0nI\n+fHxsY/rh1oe5pe3vOUtb3nLW97ylre85S1vP6IVuJ3e+2WhsPpf/+t/BTU2NFSPG7CGusSJZb1e\nL3EH39zc+O0Si0O5XPabLjfn+XyehLBsbGz4DZ12e3sbuHzNQhc3t/fVahUk5JqFLl2ev76+vhfS\nHMvP999/7zdwans8ePDAb9bqdcHqpIml3KixGmjytSZzQzfGoO+Bvufn5/Yf/+N/DOh2eXkZwM+a\nhTdrDaPgPRoOFtdngrZmH2701WrVLeBYYur1uvOT35bL5QQUotfr+Wdabyr2fqkrXCG84Y2GoWAd\nUdAGwB+wRlSr1cSDMRqNkroglUolAFAxyyxOccih1iNCHhToYTabufwiG5eXlz5G1s3u7q6PH0vI\nxcVF4KWEVnhl1RvFc5ogq54Ss0zeNdyB8SEzzGk6nfpv1WrMc9BI67jo2mNdY93c3t4O1hVzjEE/\nKpVK4KUwC8N8NLQCWiN/X331lXu1oJ/KGDyo1WqBd8Qs81ASrsh7Ly4ufO4Kaa+w4NCU92FNbbfb\nzg/krtVqJZbEbrfrvNFxY7kcDocBjC7jiuu4VKtV14fIyaNHj5weWq8mTrTudrtBPUCzMIkc2W+1\nWt4f/BgMBs4T6DsYDJKQSeZi9mHv6HQ6LqsaOoFuRt91Op3Eq9lsNgP9YJatI2SQ39brdeeDggjF\noYR3d3e+ltBt5XLZea10Bgabz549e+b6iXZ2dpaMZXNz02VRw6WQc/a94XDoewN93N3dBTDZZtka\nVK9GbG2v1WpJuPXu7m5ivT8/P/f1ikdJPX8Kec0YFeBJAWDol98yPoXs1vCt2HPWbDadXsjBq1ev\nnL7q6WBOyI7WqNTwHJ5jnal3lvnW63Ufq4YPxWBNa2trQekEaEtZAgUE0rAis8zbg5dCgQrUO2aW\nyQt7qUYgxCF2xWIxiaZYW1sLvJ5m2brA66q1JzUkGf3GWDY3N10G8RBeX18noZ+6XysoDmPVNI9/\nDagCXtdqNdcJGp6LjKGfRqORz4P9U8916J/xeOyfsU80m00fP7ptMpk4LdkfNzc3nYZaRoR+CZfU\ncDsFT4nDsnWt0O7u7nwMnN80JF7DvuOz7Wg0SsJfFdiK9dZoNAKwDLNMt8VRYTc3Ny7b1Wo1oW+/\n33c4dQWiQCY0zScO31PvIjwsFotJKKyml2haAN/rOTCuFVcqlVx2NEWAOWk9V9aInq2gA3vh3d1d\nUNoD+k6nU/uzP/szW61WITrZ/99yz1Te8pa3vOUtb3nLW97ylre8/Yj20Zyp+Xxuo9HIrTvcKN+9\nexckzpllt/3Y+1EsFhPIzvF4HEAs8lycpKe3Rt6hkKdaXDBODlVgCb3Vxrlf5+fnPjdidgeDgRf/\n1FwYxqzJqIzh1atXScHKSqXit3totLa2FhRDZCxYUbCOvH//3r/X52Jv4E9/+tMAMtPMAos3tNrf\n3/dcLs2F4n/e++zZM7dIaRFiLCFagDFOBFfLr8ZEx9Xkh8Oh/69Fb2PLBAWj47HEFj2Fo1ULNu8j\nR61arQZePj6DfrROpxMUQDXLZAIrBcAre3t7bhFhPuVyOahyz3uwXLbb7SRGX2GBoVWn0/FxaQwx\nMqaF6Gisx/X1dbe8sx6KxaJ7xBSqPJbjxWIRWHLNwtwqxnl1dRXE/5tl8s4Y6Gu5XLpnBX50u90k\nt+r777+/16rJWtIK85pDZJZ55OIC14VCwX8LPyqVilsp8Vr+3d/9XQIms7e3l9BXLdPIQaVSCQou\nQrNYt71+/TrI2+E5zS+NCzmvra0lgAeDwSCIE+f5uPr7YDDw/qDBeDwOPMxmmZygR3iuUCi49U5z\n+mKYWbUuMqdOpxPkp5plegr5oI3H4wSsZ2Njw3mnlniNIDCzAFQEWTw4OAh0JDSLE7e1IDFr+OTk\nJIiEYEwKWmCW6Sx0n0Y6QCue09wPLZSpZSHMMssuc8JqfH197fsO9BsMBv6/lnjQBHl4R67p+fm5\ny6h6EmJ45u3tbfeYsF6V5lrsmDFoHh/yofsNekeL92ruDf3GnnhNSsdT3Gw2kzIImiCPpfvw8NBp\ngxVa14ACPGhuIOPjf2RnuVzaF1984XSDZsg2ukP3J+amuo0xv3792te1AiUpeIBZ5lG+D4Ai3t93\ndnZ87eF5Oj8/95yov//7vzez7Gyg4DAxDzc2Nnw9owfu7u6SPfLJkyee2K/RRTFATq/X8//Vw6IF\nwc2yvSP2kiokOx7Hy8vLBN68Xq8nPFTvogJL8D9j6fV6ScmLyWQSeKTMQu8se5GO60/+5E/MLJMN\nyi6wfgaDgT+nURVxvtX6+nqyHy+XS58bMrtYLBKQKC22rvmvCrRmlp2t4iiutbW14CwFLZBtjTjS\n8zUyyLpVj56uvRho5fDwMCikTb8KWsLc+Z+xPH78OAC34TMdA/SLc9MLhYLLJ1Eml5eXSfTbs2fP\nkj2m3+8HusrMEvCx+9pHw/z+7M/+LHCZK4IPE0S5zOfzREGMx+Mgac0sRPOBscvl0onI87u7u0nV\n7qdPnwbuThoLhoUxn88DlDH6iEP6NjY2gvpMZhkz+S0M0f817AmF3mq1fHFA+Hq97vRQxKg4bGM0\nGvkC5CCmGxQLR+sgKWZ/fNG9uLiwr7/+2sw+oBFNp1PnIYvtb//2b5NaF4rIp5s3nzHfg4MDV8Bs\neI1Gw2mpNXKQMej37t075yfC/ZOf/CQIqYE+9Mc8rq+vg4M/NGDuvE83HBaG0lyRdlCiCnbAJsNz\ns9nM381mOZ/PfU4KFkK/Dx48SJRet9v1cSugRYzEw+/NwiRj6KuHM63wzl94h8w8ePDAD3fQudls\n+hpSPqBMkTENDeCgs1gsggOYWbaRIYvIvYYwwtflchnUsDHLZI2QWTbBy8vLANXMLETV09CPr776\nyszCau0cNPTyDc05uE2n02C9Mh94rMnQiroGzeKaTJ988kmQ3Mx3emgwCw+jz549S2rndDodv4Qi\nW7VaLTA08Fxcw+bq6srlTWuAwX/WwNu3b33903+lUnEdyhq4uLjwPnh+sVgEiJNm2bpgrXHIuLu7\nSw7npVIpCA0zCzd55rGzs5PofzWwQcvDw0OXRS4yCupBH/V6PQnzLJVKTkv6qtVqSShJoVBIjAKr\n1cqNUWqQ4ZChchCDxJRKpQB50iyTJx2DWbYekU/W2cnJSaD71Hhjlq0beAfPb29vk+Tw4+PjJLy8\nWCwmoeR6mWZOT58+TcL3r6+vXR8qMhbj1ss+/6vBIw6trlQqPhbW5nA4TEJ/VGeyHpvNZiJPq9XK\n6cEFttvt+t7Lex4/fmzffPONmX1YP6PRyPmkBjY99DJfxoDOrFarzkO93OqFk3lrmBrziEMn1aCM\n/EF/sw+pB2rInM/nidFQQb8UTIJxsZaOj499PagOZKxqFEQm+Lu+vu6yzPhub2+DGlxm2ZkgDj+b\nTqfJJeTw8NA/4x0qn8z32bNnrseQoWq1GlwQzD7IkFloiNE0BbNsPdKHzlsvzGahAQC56na7TmcF\nXuI9nG3uA6/Z2Nhw/Ym+UMAtnmu32z53pYWeGc0yeUFv039c5xBdpUBfPAs9FPiM9tlnnwX1YKEv\n70aeisWi00Gfw7ADv/74j//YdYeeYxkDYXmDwSAAj6KP2ACnBgAFclIjilm2j/E9zxOW+d/+23/L\nw/zylre85S1vectb3vKWt7zl7f9l+2iY39raWhCCoVYwrZNjlt3euK1qVXlu5dxMNWFU4WFjF/Fq\ntXLLEBaM8XjsHjGtGcRtViGmNWGT8XFbxfq9WCzc8sNt/+nTp269U0hztUwArathIPSnwAcKsMDz\nvJP31Wq1xEo5mUzcgqDV2OO6RWqBU5c+N2v1wPAcyemalIzlTPmlLluFNWe+0JrPjo+Pg2Q/6By7\n9KvVagCnapZZMhk/4Yjb29tJ7Smt/s3zaplUC2ucHHp7extYR6E9/Kevzc1Npx99KZyzVqTne61b\nprD0WvuJudMUkpPf8L7xeOwyypjbtbsmAAAgAElEQVQVjlpd5lhe1BMblyO4uLhIwq0uLy9d7hS4\ngbkr0AeWIaxMWlOONa91l6CRVpNXSzdz4rc7OzvOE4UbZv1j6V4ulz53aLG9ve10Y62oFwKL7GKx\n8Hcz742NDfe2aFhbnFx7dnbmPIYvWj8GWTw9PfU+0AMnJye+DtX7ytyOjo7cW8w8v/vuO+enAkYw\nLrWOxzDu1WrVv8fLqLVC1HIOjehD14M+z1ihZbPZdMsr+mQwGAR8YizIudbdiT11pVLJx4w8r1ar\nBH5ZrfLI+Pn5eQIi8eDBA98nFHCH96lMxKUODg8PnYfMZ3Nz0/tVYBYNxzPL+Ms+p6F/eFHhf71e\nT8KVdZ9Va77qNLOwXuLJyYmHpGloZWyRvs9T3+l0fO5agiKu46TQw9D3+vra9Sr8arfbAQwxNIjr\n82gNOGikcNca7q+lSWhxeKFGdijwSlzbq1arBR4zs0yOeTceHY1qQT77/b6/R0MsWT/oBi3nwTx2\nd3eDOlrMh7EiT3d3d0HUAH3FOl/1GHKsnkdkbW1tzXn++9//PqlrpDUPGXOv13M9ghxrnTH2scvL\nS9/bGN/19XUSXdLtdhOAlI2NDZcTrXMVgyHRp45ZQ/VoBwcHSX27y8vLpBxFv98PQFzMQtAM6Fav\n111/qfc9jkZqNBo+Rk0pQca0BAF01u90D4JWzAP5K5fLQXSUzscs3J803cEs4z/0YC30+3334ivM\nPfJ7fn7uvNG6hNCN8W9vbyehcN1u19/JetSoDAVF07IRZuHZUb3VnEs5axYKhaScw8HBgT+neiQO\nBy0UCkmki571FMxDa3WZZXKi8nhfyz1Tectb3vKWt7zlLW95y1ve8vYj2kc9U9Pp1CqVSgIz+fDh\nw8T6pTc6jX+OY3V3dnaSmNR6vZ7EQKuVh+cUypbb5fb2to+Fm/FisfA+sBCMx2O/5XNjH4/HSZFS\nBdzQgoo8d3x87OPh3Y8fP/abreYwMC5u26enp0mRxXq9HoBWmIXQjuox4X3c/AeDgVt8sLZozKda\nOpkzFuDFYuGWBrVC8B5Nwo49iWq9pxWLxQD62Syz2CmQgVmY+6UezxjyfDgc+mfQRWFGtZAvvNOC\no3hJ4GW73U4KQh8fH7vVEKvGfYXtFOJTi4aqR4rnoWmr1XLriEKxxrk3e3t7QZ4A9KUxZvX68Y6H\nDx/6/8h+pVJxSxkWYE3S1oRXeEK8cq/X83WjMPcxRP18Pg/yBc0yyw7rRfMBNbHfLEx4pS9NtMVi\n22w2ffzIXb/fd/nR+OgYIMHsg65iTJoMrd4NrIFYWovFovMYOm5tbSWFNweDQeA1MsssirwHvt3e\n3vpneKAU8rpYLPo8ofPe3l4i08vlMsjXMguLUzPmra0tt9QpEAz9IQe7u7uJblbPD5618XjsfNJc\nThpWw8vLS5cZzY/DEspnCpqh1kPNlTL7IM9moUeEOfFcsVi07777zswssMSij1WukEvmMZlMfB/h\nvYzR7EPeYr1e98+QNc3FVIsn/WpeRlwOQ6M41NMSz11zq9QiD612d3ed5sjL4eFhkMdqlskiFnh4\nrlDGGsGgsOw8FxdZb7VaTlctKcFYeK9a6hlfs9lMiooXi0XXI/y9urpKcgnVawDfdnd3702aj8Fr\n1tfXk3W2vr6elDQpFAoByIyZ2YsXL3xueGzu7u6SqJbhcOgw0hqBAj+0FIyCOZmFVnL0zmQycXnT\noqz0p3DOeNihy/n5ebD+Y48ZcM/QGvrRH2tkfX09yWdvNBouT1rsVMF+zDJdRK6hFv5VIA6zEPiA\nNaeFcrWYPetAYbCRE8as+co0LSOhuanIMfJSLBZdPtXrFudZ1ev1AKCMBq/Jo6rX60F+P88wBi3u\njC7QvGB0H20wGAQ5/9AizhGs1WrBucQs45HmEJpl+xn7/3g8dp7ob2NQqvX19cSLpudB1o8WSkbO\nm82myyJNvUsaaQGoTpyfafZBdjTSQUt3sJ61YDFr6MsvvzSzEFxNc/aQBd6xvr7uOu2H2kcBKP7i\nL/7CarVaUiuiUCgkoVpmH4RKUa4YJIpEqyIjtO12O6h1RItrFGhyOATWUBKtXxOjL/V6vSSs4Orq\nKjgcm2WMheiavMjhvFar+SJS/P7PP//czCzZdLW/k5OT4GLId9BBDzqahMpYeY8eiFncvLdSqfj3\nKJ7vvvvOx6whBygXrWvBb5S+CCR0UZe+IpTxPg5Yk8kkudQq6lfcF3NiPnoAMwtDHLQeQXyx393d\n9X4VYQo5gY7FYtHfrQqRPvhsZ2fH/4fOi8UiORQ0m02XGa0BBe273a7LudbViesHaaIl85xMJr4e\nVKnQeH65XPr/um7ji85kMkkS8nXdaBgAdOMde3t7Qa0WaMn7lL6KdMh7+Yzn7u7uEl5rAjr0+cMf\n/pAAX7x9+9YvKcjR06dPg/o99AU9NPQTw4SGISFPjFlrhqEnNGxYQ6J4tx5G9YLNX+Z2enrqn6Ow\nr66ukqrzhUIhQMQ0y3RqHM5QLpf9N6qD4rBssw8XQz7TjVMPMAqSYJatb63LZJbpNsbPxqhgQ7TJ\nZOJzYyPWMApFZorr2/T7/SSkUy+Z6JPhcJjUMrq4uHBeawg48sY+pQcdDZONDVQ7Ozt+aEB26vW6\njxk6lkqlAKWR8cUHp1KpFBgIoR8XAJV79iwFDKAdHR35etFafLHxq91uJ/uEmSWAFxrOpCidjAEa\ndDqdACXXLOMrtNHwLX6r+jEGoKhWqz5+aHR6epqAwyhgkNZDu8+IE/fb7/cTBMqHDx8G694slCeM\nDBrCDo/u7u4SUI/lcul00fpByAfj3NraCgC0zLL9hLFqSKyGx5tl+51eGnkf7/mbv/kbv6grMirr\nWpHZdB+hP0UXNMt0dLwPV6vVJGRKkTHv29ehX7/fT4xCGpauQD+x0fr29tbnif6Zz+dJ2LjqHWi0\nXC7/VbRENXzGa6VYLCZ1od68eROE+Ztla1lDcM0y/cnlQoFFYgPAbDbzi7Xuj6xNRRuERrz3wYMH\n/j/raLFYJAbver3uctBoNO7dI6EHF3Zd/7ofKqCUWWY8hA+KuIu86b7I+/h7cHCQGJnVqMVvG42G\n85V1dnd3l/BQnRbQRREINbQvBj5B7/zX//pfcwCKvOUtb3nLW97ylre85S1veft/2f6vPFObm5t+\nW+X2qxZCrH3j8dhvodwQy+Wy3y757enpaVDDwiwEUuC2rS5JLMWFQsG9Hjw/m838dsntfW1tzV3X\nvGNjYyNxcW5sbATgFmZhJXqFAtfke02INgst6wrTHsOWq1VBvTI8x7hGo1FSF0I9IdCo3W77GEm4\nVBh0DcWAXlpXRz1+0I3f6nx4Tmsj8G6FboZueOzU+qlQlcxdK3mr54J5Y1VCdo6Pj52WylcNgTAL\nQwm1WnycrK8hglgF1aKnLnOFMjfL5P6+JFJo0Ov1nEbQXBNFNfQjXocKKcpY1YrOO0ajUWL5X61W\nTg9NBKZpfTgs4azHbrcbJDozXyy/fKbyqZ6uOPRDw3e0/g5rTeuDxGFIWseL7/r9fgKaMJvNvA8s\nqL1eL/FMqDVVPRlxcvB4PPZ3s2aKxaKPFTmp1WoJ7LOC4UDbnZ2dAHqWflWfxEnarVYroDXzRGaU\n58igWkljr7F+hj6ZzWYJvO3t7a17rhUWnP8VllpDOc0yOUEmNAwFWYj5axZanDU0kL405Ivn47C8\nZrOZeLjn83lQ2oExMw/6aLfbzs8Y/t3sgz6h3qJZWM8NPUcrFovJ3tZoNBILdr1ed9nW0FkNHTTL\naK8eArNMl6DzO51OEuan4EX89uHDh8kersn8vK/ZbLqeZiyNRsP1P+/VcGvkSUuoMF/1oEOrra2t\nxPtRq9U8HAx9XalUfFwKpQwdGMt9YB6z2czHp8nwsUf//Pw8gOznt8g5a+Ht27fJb+fzeRBaDW1j\nHWP2YY3q+lZammWyE6c1qGdXQbFiUAIdiybh67jgPzRX8A3mpukFvG9vb8//15qRsQemXq8nXkgN\nncWDeXBw4O9jTJoigHep2+0GYWXQQM8WZpm+Vk+j2f2gRIVCwdcK+mRzczPxhA2HwyDE0Sws8QA/\n1tfX/X3qQYmjONQDCP3K5XIQfmaW6R/oRb8a6aKhznHUSqFQ8Hloqg0yoyGK7HN6ztbIGq3fxvg0\nqoh5oDugh4KcadgwY9QaWnHY4O7ubgKkBRy5mQUeJd4D/xU0ibFXKpUE+KZYLCZezUqlkuxP6iXl\nL2UE/vt//++5Zypvectb3vKWt7zlLW95y1ve/l+2j3qm/uf//J82nU7dgoDV6Pr6OgAAMMtu0zEw\nw2w2C3IHzLLbKBYT9ShpgSyzsGq7FgPEA4MVYrFYBAXXzLJbd5xYvru7G1jbzEKLuN6qsQLwt9/v\n+/smk0kAe2uW3d7pm88KhYJbQNQbxW2bsRQKhSQhUwu9qYWDPrTS+325EHGc9XK5DPJTzEJIbp5r\nNBpuwWYeWtyRm/pgMAjyO8yymz/WAvWmcfPXHDasI/TRarX8M83pYr7QbLVaBVY0s9ALibxsb28n\nxTgPDg6CsfL+OO/F7IN1TBOvebdaq3iPFrqEpicnJy6rClEdW9YrlUogZ8yDfrQ4aVwE+smTJ26p\n0+K9Cp3OWOOq48PhMIAhZ0wxpLCuJf0tfNLq9PAaWtVqNac5sqE5k5pcH1u1RqORW7+Yz2g0Siyn\nak1XwBX6RZ5brda9IBKx9U7zBtFPt7e3/j+/7Xa7QaFks0zHaKFM5ksfNAVw2dzcdL4qVHAMH39+\nfp54zMrlcmKpLxQK/hvlB/xUS6GCjDBmLSxLY8687+bmJsk1KxQKPg/0083NTVJ0tF6vu1yq11Lh\nj80yvmqsP98xFvR6s9n0sSotmCdz1FwjxjedThPP+WQyScoqVKvVpOD71dVVAsmuYAPQol6vJzq1\nWCy6TlAIbfXKmmU6hP747O7uLijgGxd8b7VazifV78gba7ndbgd5LDRozd/BYJDkxylgiObyxCVU\n1tfXk7zHxWKRQKivVqugIKhZxjfGrAWHyTtRECHoCi817wU9sLGxEYBv8Df2kk8mE+9Pve/qRYlp\ndp93jj40D0Ut4zFAwng8DtaSWbbu2IN0n48hrzXnTL1+yOCjR4+CNW4WQnFrrmOsq6bTqdMIWbu8\nvHTeqFde1xW0igv5NhoNP+co/ehDvZWxB+Py8tLpyjwODg58blqwVnOloDlN80v5LfStVqtB6Rz+\nxkXPR6NRsObMMnkmAkMBt3QPYuyxzoJeSgON9kAOFHANOmrEBvuynivxgmskloKjafHiOCKqUqk4\nPfhsd3c3ABRh7nyvOcdxKRsFeNIoBPUgm4V5+Vq2BL4rmFO81rWsjua6xzni6l3UQugxCFehULDb\n21v7H//jf/ygZ+qjaH4XFxfW6XR8galAIrha30APTGaZAo2Tl6vVqjMMgiyXy2RSGurEb4vFYoKG\np646BXeAeeqOZCwo7IODgyQhr91uJzUUVOne3t660kBIm81mElrHO8wsULB8rgntsXJUJDhN3IM2\niqRGeARjXSwWCcjFcDh0N6q6zBmXLnL4ydyUroy91WolBw6tyaDVteO6NRsbG87/OKTMzHw+esGm\n/2az6YcQlNX19bXzg7FfX18noSZXV1cBP83CKuuKEngf+k4sJ+Vy2RUd8+h2u/6Z1hTjgKWXN8ag\nISm8R5PvNRk1Tm7v9XrBpcwsU2TwiU2y3+8nfNrf309qbA2Hw+DwbhaCyKgyisMer66ugosGjd9y\nWFmtVklNOTW68Hdvby9Rarr24P9qtUrqL6mRRBU2v9VE9Ri9cmNjwy+oqmBpPDefzxPUtEqlEoAD\nmIUJ3ArMo3pM62OZhQcYreMXhy6q7EDn1WrlG7rW50AmeL7ZbPr4NdSNcbNuKpVKoOegKTTStcw8\nNekXOeHvzc2N01PHHocmDgaDpO7S3d2d96s0gH66J92X4A39QIysVCpOI609pcnXzJf3ILPtdjsJ\ny5vP537Yh371et35Dh3b7XZSQ+36+tr70EN/rJ9iNK8YpVGNFfBS6/hA09PTU+cdB5m7u7sAjdYs\nkyHWs65bBWSif9af0gX66sGUcSkQEbRWcAJoqAYUpQNjioEq9JKMQWs8Hrt+UmOv1mwzu9/gdXV1\n5c+pDo7PEzc3N/4bPtP6gFo/TBFKzcJwUK03iJzoGScOiZvNZk5zBR1S8KK4dlqn0wnWpFl2CWV/\nVbAu5sK4FotFgIhsFobRKnhRbHAolUpJ6JrWYlIkNa2JxvNxGKoismo9T2Sbed/c3CQGSj1j8lmv\n1wvOL2aZDmZO6FFF12XMvV7P5Z21vr+/nxjLqtWqv4/Uiaurq+DCYXY/r0ejUXAmMMvWL+9jXW5v\nbydIhXrW1POlgr7RGMvbt2/9WV3LjBF9rTUldV9UpwdjUB3PfNHXauzT9Im4KViLon2aZXyInTNa\ns0tBdpAZxn52dub81zqCH0Pzy8P88pa3vOUtb3nLW97ylre85e1HtI96piqVip2cnLjrkFvv4eGh\n34q5tdZqNb/lcxs8Pj52axDPaWgK7zOzJGzo6uoqqKfDeNSCYBZ6l7jpalK/Qj1zg8VCdHNz41Yo\nrB+ahMnN9OrqKrB04GVhXOpmVWhJdU8yrrgOiVrW1TIVe4N2d3f9ewXXwOqg7+WGrkmu3O4VplNB\nIcwyjxMWAvrXZEmt9B7XGdIkSLWMY4WGLt1u1+kGv+r1uj+HFee+Oi7/8i//EoBH8Fv1ipllvIy9\nLuqZVAu6Vr6GttAIS8zZ2VnCt1qt5vKpiblYbPb39/09GtoZW4E0tEr5oQAb0CWuxXJxceF80rpK\n6i02y2RHayaYhe529cCoJxRaxh4iDZllfJrgq8ncsdeg0Wgk66vb7SZeyG636zKhJQr4Xz17an00\ny6xyMQCNQjzzvMIMax05tRaaZbKrIB1mmcVbASqgY1wvbbFY+HuYmwJMDIfD5D07OzsBYA9zZy7q\nnWX8ClWrHjrex3hY64VCwdfSfZCyPLe/v5/ATCt8OBbRq6urAMLcLPM4xOAA1WrVP2NulUrF360e\nR6UXc0QWVa7giUI3o6vQRZ1Ox8eMztc6U7RqtZpAlJuFsNbQIAYb2d3dddlX0BH6VU9CPA8tkaFg\nF9BNLfdKS96tIWQxXL7KJbr34uLC6aVhyHHZgl6v52sNeTo4OEhKniwWiwTkYLVaBbDLjJPn4FGv\n13M51vcpKADfKYy7WSbHcb+6f6rlGZlmbovFwvmkYVdxaYmDgwOnETrp9PTUx6yh3zT1MvBu+Ks6\nWkOy47C7q6sr56vWeIJvWgsoDjmbzWZ+plEdg0dF+cBYb25uEn14enrqMqPgBjHow8HBgX+vJW30\nbMH4WUNKlxiUqlwuJyG4h4eH/r+WX1BvMf2iE+C1AhUwFvW6aHQA8gb9xuNxEJ3AHImsQjYU4IH3\nHh0dJbWYarVasO6hQRzqqvXotLQBY4H2GlEEDS4uLpyXWnIl9pxqyZV2ux14MxkrcyEqQOtWaph/\nDMg0mUyS0GoNmb8vQgi6jMdj1wXoidVqFZQh4X0xeFGpVPLzjnp241Sc9+/fu+ea1u12fcz0pV7o\nH2q5Zypvectb3vKWt7zlLW95y1vefkT7KADFn//5n9tisXALHLfLfr/vt2P1UHGT02Td2NL15s0b\nvz1zo1wsFkHRNLMwTlLzVCiaRx/X19duRVGYcywd3N6Xy2VSLE6tFXghptOpP6eWG2gwmUz8Zkt+\nz8OHD5NciVarFSROmmUeohiKXQvlcfvVgmvc8rVAJ2PRXB7GvL6+nljlS6VSAqF9c3NzL0RtXBFa\n4b5ptVrN6arVqRVu0yyzBmAZwBqhxYfpfzweu5yoNRKLGVYGTdyEpoeHh0HxZzMLkmixRpRKpaBI\nIPRGdrCInJ+fBzlkZhkP+K3mD2CZUthpxnIfFHexWAwStnlOYV75TD0+tNjqrTSEvgrSoEAPWIah\nr8LR0/+vf/3rAPrVLISUV6tlDD19e3sbJIUyzrgI4IMHD5LilNVqNUl8vrm5SSBZm82myycytlwu\n7c2bN2b2YQ03Gg3Pi1FrKfxQwJW46Ol8Pk+svAo3rcWPtaAufWgxbrOMH/xW9YkCs9yXCxnnAWCd\nM/sQp35ycuJ6GNnZ3t52L6B64vme+U6n0wAogu8U2MEs03ExwMcnn3ziNII3qk8URj4u0L1YLNzS\n/Yc//MGfvw96WmGe+exfK+QLLcrlstMX/VSr1ZLSCFrIU8sOoLM0Z4b3Ie+tVstpBC3Uw6pRBHFe\njsoJY1mtVq6L1IvM96wfzXVqNptJzqR6ajX6Ic5dODg4cF6rty1OeNdkc4WKh26aMxNbwkulUgIA\ncF/RVpVPjaaIS0HUarXAI81njB/eaEFtPAX6mUZEKMiMWejtg37L5TL57Ww2c5lmTIVCwXmtxUDj\nYsHlcjkBNBoMBkmOy3g8dl3Fd9VqNQH/GgwG/h7WVLFYdH1YrVZ9bWquUwx8tbW1Za9fvw7opl50\n3jcYDJIx6HrVqBJ4p9E5uqfxDmQWT0Gv13N9iWxrjqBCvKOD/uVf/sXMMv3Ec1rWAVlE/xwfHyee\nznq9HkRH0Ifm95iFYF0a3fTy5cuABgoSBv+3traSPNpGo5Hou8Vi4f2iqxeLRZLXNhqNgsLLzIM+\nNN9bizabhTDySgsFqogLuas3n35LpVIQGWCWnc34X3VMDBijwB3Iy2q1cpnXgtSxF+ru7s7Pu7rv\nEF2idOHcofmD5Isy9slk4r9BDi4vL21vb8/+y3/5Lz8egIKESgbGxq6HaxiqSEYQ3SzcuMzMvvji\ni6SmVKFQcAWiqDVxdeLZbOauRr08xHVQFFNeE/34rV4EdfHSWAiKxsb4FouF0+GP/uiPzMzs9evX\n/j00uL6+9k356dOnZhYiQNG0LgnzPDk5cbppMjH0UCWpwsfc2dA5gE2nU1+UKMnnz5/7hqmVtOOQ\nCb046aYRX7A2NzeTS8jGxkZy0N3c3EwWhB506X99fT2ofG2W8YWFyGcK1kG/ZpaEDSmykAJHMHcW\nTqfTSTa16XTqfEXhaBIpimc2mwVKEqVHW61WLhOKoMNziq4Xo4JpMjpj1YsOtFe0H0WRpF+txQat\nf/nLX/pY4ppNd3d3LudsWqqsUILb29tB8rNZxkOMHyhTDemhabiVJiXT+P++OiilUskVom5GfKYb\nCd9Di/F47GsA2b64uEiAFDR5VQ/EMRLozc1NUmttY2MjqAFklskTn90XpjgYDHzOXFBHo5HrJa2x\nBD1YF91uN6mTMRwOk5A5+tY5PXr0yDcmTciP672YfZCPo6MjMwsBKHSje/HihdOVFqMqXl1d+dyR\nl6OjoyBcyCzbGGM0T0VIRRb1cK7hiMivjlkPAzwXh06ur68nSGuj0SgxHmk9KgUbidFG6/W681yN\nUfHlfDweO82///57M8vkWgFPWAccFHZ2dtyQwHPlcjkIdzfLLkuMn8Nlt9t1GYVWevFTMJ+4hp4i\nd7GWTk9Pna6sx26367TUOoP31dXjfayp6XTq82QPPz4+dh5qiBWyT9PLtF6C4tC/29tb5w1yt7e3\n5/IEj7a3txMAkgcPHvi7lYfQSuuwIb/waDgcJr9Vg6zWxmO/YCyDwcDnqyF5ioLIWBURlt9rSCd0\nZVzL5dJ1h44Feig/dE9jXKxrrc9GiB79t1ot5yFrs1qtJqh1GxsbgRHaLFtz8Enrc2n4HLRnDKyB\n/f39BHF5uVwGSKtm4eVBDQC6dpnvp59+amYWyMtf/dVfmdmHNfDixQtPcdEwfT1b6Nh1zLPZzHmj\nl8M4rUHrjcLThw8fOo/QJ71ez3XucrlM6tENh8MEkblSqST1GcvlclCbyiw0find+I2G+cbAR1dX\nVwGSNe9TY6BZxqMYuKPT6TgNNaSQOelY+A20X19f9/fxXKFQCGqX3tfyML+85S1vectb3vKWt7zl\nLW95+xHt/yrMTxNjFao2hjdttVpB0q1ZditUV6lZFlLEzU9DirghcqN89+6d/88N++TkJHFXa+0J\nrX0SWxKbzWbivq9UKkk9ovl8ntTB2t7e9pv82tpaELJiFlrl1EuB1Q6LyHK5TPrT8D2+29nZSRIZ\nl8ulPXv2LHhOrUvw5unTpz5u9YxoTQL6x2KhMPPQEhqsr68777CIvHr1yv9nHoVCwS0N9Lu1tRXU\nF6PRBx6PxWLhVgiFVVWvDGOH/8zn5OTE+1X4ba2QTR/IpYYPaHgMf+GrJi/iWYGnyl/kVD2AlUrF\n+aDV5LGOqhdF6wvxntgVrlC3Wmk+htPVOmhqEY9rSj19+tRevXrlv6Gv2JJ8c3Pj1scvv/zSzDJe\n43nRWmF4BmiNRiPwZpllPNRq47TY46j16BjzYrEIEl55Tr0tjEVBAegLqyd9VSqVRE9cXl56fwpb\nHEPUXl5eugzy22636x47rcOjQDZmmZcWmVAIcA3bUA+tWVZTLE6MHQwG9sd//Mc+Z7MwNEhrwcR1\n97S2B/23223/X+uD8W4+63a7ScX63d1d94goyEEcmryzs+N7QhzCZhbW+0HPImsaqstv7+7uArAc\ns1BmNdwHWWD/WSwWvvbQRe/fv3f6qlU9BkipVCpOK3hVLpcD7wN0juv5ra+v+1jQF/QNLc0yGYq9\nB+olv7u7S4BANjc3kxIKWlZD698gv4yh0+n4e+BRp9Px+anHTsOFzTK5Uoh1szBkWr34sYdobW0t\nAbTqdrv+Pd5jrT2GHKjHU2vsxHW11KKvkSzwEM/IfD73NcJ8er2ej0X3b/XAm4UgF8zj4cOHQeSH\nWcYPeKggIXEo6XK5TMJftSwFPNVSCsx7Y2PD95PVauU0ZF9ULySyv7a25nvz119/bWZm3377beDh\nZO4xNPpwOPQ5Q/NSqRSEsZll3uMnT56Y2Yc9d2NjIzjj0VccdTOZTJIwWq2NCB9Wq5W/D318eXmZ\nhI1pbTT4oGc09cTHwEy6znpuposAACAASURBVJhPq9Vy3rCWz87OXG+yrtXDrtFIGuUFXbSGmVnG\na9Y8e6FG2Oj5IgaqWK1WPhY9X2gEC+sJ/k6n0yAyzCys4wSd1cvP+ikWi0l4/N7eXlCahDHE0RTL\n5TKpR6jhysjigwcPkrOjRjWoh1L1qlm2rtGBRFBppJie82u1mv3n//yffzDML/dM5S1vectb3vKW\nt7zlLW95y9uPaB/NmSoWiwF0t0JBx3HAg8HAb7VaZfu7774zM7Nf/OIXZpbdptVqY5ZZCLCiAOqw\nsbGRFAuu1+t+41c43Ng6dx/Ep3qPsKbd3t76zZUxvXjxwp9Ti5gWk4vhrTWvgP46nY7HBmtSLXPS\nKsz8HydNatOcFFqr1XKPGbfo09PToOCiWeZJYnxaaZrfYlkZj8fOB4VuhZYkp+7u7roXQmGYsVaQ\n5/HmzZsAdpk+tGAxNKBBA03mxpoynU5dZuir1Wr53JmbeuSw8jSbzaBgrVlm1dSCusxbi8SaZfIX\new8ajYbLqlqDGOv+/n4A6UofWNSx3jx79sxlGfldW1vz/nhHqVRyC31cRBd6mYX5ViqnMbT3yclJ\nUmRRIXuxsG5ubtrnn38efDYajTzOGotOu912z6nmbH377bf+brNMduL4Y+SB35hl8sL4kOPz8/Mg\nd8As0xcKJcuYoAHekslkEljRzEKdBX0U4lXpyBqB5looUZ/XYtdmmTwxLjx7Zh8skmoJY6xPnz4N\ncv3MMtmPCz3W63WXPc3HUn3JGJA3rIG7u7sJ+Ea1Wk08mAp5rd6q2Du/trZm//7f/3sz+5D38Mkn\nnyQlFPb29pJcs263mxSL1cLA6KR6vR5AypuFHiL1ajNmLWwJP5G/p0+f+lh0LUN7dHW/33daqv6O\nrcYKpKI5E5rLaZatn7gwsILE6LqOC1yXy+Ug10QL0PJ9DCk9n899LaE7Li4uEi+55nxpNAL/005P\nTwPviVm2t8FrvtMIC93L40R2zTXEM6H7p8JqQ3PNmYDXmturMN7Qj/fhXVYQIYX4/uqrr8zMgsR2\n5okOXF9fT+DBF4tFUhj4/Pzc9Y16U+JCyMvlMoHQvg9GfG1tLQEO2d7e9rHAq2az6ft1oVDwvG3o\n0e/37bPPPjOzD/v/u3fvAkAZ3hODFhSLxYSH7XY72C/NsjMc/FQAjRimX8Em2EPq9bqDOSDH1Wo1\n4J2Z2a9+9SsfAznupVLJdaQW/mWvYh5aVFxz3fEaqQeDM9oXX3zh74D+Cl/OZ8jB9fW1j4vnTk5O\n/FwCzcrlso+LvCv1TDN2hbSnlctl1zHslaPRyOUSHTccDgPgDrNsHfG9nrk1r4wGL7WEhubTxXD/\n93kXj4+Pk9INt7e3ThuNtIKv8Eb3cN5xdnaWFHfWyA/2EAWgQ+4fPHhg//zP/2xmH2RssVj4uNBd\n9Xo9AP26r330MkWISgyuoMgoMGU2mwUuS7PssPLTn/7UzCwIxdIkWDOzn/3sZ04QrZT929/+1sws\ncB8+f/7czD7UGVAlzsJgIeln4/E4SXxXEAUN/dCDqVmIIvL69WsfAwqnUqm4EGvdCMaBUFerVfv7\nv/97/98su3jQn4ZE8D6ER92t/Pb6+jr4nhYjo62vr/tvWewPHz50GmoICc+xaWxvb7vgsoiLxWJy\n0e10On6A0JCoODRJa7Ewj9ls5i5YEHlarZbLjCY+cvDWUAIuT/T1/PnzBG3w+vra56bKiAXDhvL+\n/fskLGtjY8NlUC85WtfELFMyKM7JZBIobTOzzz//PKiZwvg4yCGPZ2dnvmkoQAYKR3kYK73xeBwA\ngPAOpYNZtjY1rDSmEXPS+mHISafT8cs04/vuu+98DAr0AZ/oq9vtBu/mM2RCwUHiehSz2cw3YE0S\n1npVZtm6pA9ooehWWvNMgUcYOzKtCEpxeK6GsKqhJQ7V0PpWamy6r7aXIiPGYWWNRsPnwli0jpPK\nBBuI6lRkQTc/DfnhHcggMrm/v+/rCxppiKoij2Gc0RA2PSyaZbqN/QH61Wo1lye9GMfgRRqWyWez\n2cz/VyRYDmXsDZubm77G4c3W1pbLL88r2qzW14rr/UBXpcF8Pvf1qJeRGEV0sVgE9bTMMl3JuNCL\n/X7fx6Korejmk5MTlxO98DBPrcVDP6pPGD/vfvv2rf9WZSjWO3og1tAf+tBQyHjuWi9NwZhiPfzu\n3TvXJ9Dq6OjIdYauZQ2BMgsvsHymAAnIlday4jCll3gNmYtrxZl92P85nE0mE+d/bJSkP7NMv7OG\nCafr9/tOSz38xkial5eXPjethxbXqnz16pVfoBTIQo2gitjKmGNwiLdv3waAJ2bZ+kEuMRRWKhXX\nGbx3NBoF+pd+4T991Wo1nzO0n06nCdiQonQypkKh4IYdrX3GGDgsf/nllz5+NW7ECKTtdjupM7Za\nrfx9v/nNb3yOCoxklsluXMvo+fPnfqnVc56ipZplOhUdreGlWifLzOz3v/+99wHN9Dl066NHj3xc\n6G9FQ9a6VOgTTfMAOOj6+tqfxYCq50Se39rachlUsBma1uJk3Lo/xfppOBz6c3oeV0A2s2x/Qsej\nn6bTqe9VeibhN7z38vLS58Q8lsul0xf9dF8t07jlYX55y1ve8pa3vOUtb3nLW97y9iPaRz1Ty+XS\nLi8vEytptVr1mxw3tpubG799Ynn4/PPP/bat7rnYbawQo7jd6/V6ArX88OHDe+uMYHHQ5NoYVnsw\nGAR1KBhT7HL+5S9/6dYxrRaOdWFzczOoe8H7Yrftzs5OUKHazOybb77xG7i6gaEHTWsYQN9CoZDA\nva+vr/t7mNNisXBgAQ2Fw/rAmCuVSmK9abVabgXAuqDWKrwl6l2Mk/CZE8+pp9Ess27HNXT6/b79\n7//9v83sg8VRQU40GT8Oy9vf3w8sSGZhcq3WI4rrDKkVQi1E9yU+8j6F+kaesMSrJVFrMTHm09PT\nICzKLLPExbVdNKyE50ulUgL3enJy4jzRJFzGrSEuscdktVoFdRT4jLFAg7u7u8Ri+pvf/MblDu+r\nJrciL+VyOakz1Gq1/H1axwtZVSsU88CytlgsAkuYWSZ3yDv8+OSTT3ws0EfHolC7yK0m9aI7WL/F\nYjHw8vFXraP2/7H3JkuyJcd9t2dm5VxZmZU1D/c2+nbzdrdAACSNII00aaWFHkJrrWR6Aa2kV9CO\nL0TRIAMJCmhcNPrOfYeaMmvMefoW5/t5/SOiYFfWxuWJTZVlnowT4e7hEeHD3y20fvNZvV735zQR\nmXUxm818jTPW+Xzusqwhwlo2wixbS4TU8dvJZJJ4RO/u7nxcOjfkk9+yBszu5fP169cBDc0yeVFg\nF+hGIruGdj1U2w0dz9wUCALdoHXrtHYPegTZ0Bp6yLGGA/LcwcGB0w2LfaVScX1NiOV0Og30F3/R\nhxrepB59s0zGmafWpUEnaL2ZOCRKy3kwZq1Hhj4oFotBODP0Yv+azWZOc+S83W4n8Oy6D6vVmLWm\nHsU4rH0+n7tMKxAR/0O/tbU1lx3eoTWKeP/a2loCVKO0ZMytVstlEB2jsN+612jtN2gev7dUKgUA\nWmbZ+kAWNMQ2Bn1QSzzennK5nPS3vb0d6FLmyzpE76kHUKHPkR32nffv3/v4Fbo/Dmv84osvXOei\nH83uZXAwGPheixx/9913/j7o+8UXX3jtKn77EB92dnZcBhXkIA5DrdVqQaipWVhmRPcnwHVU15A2\nwl6pKR0KhkN4ObS6vr4OSvGYhXs0n93c3ATnEt4fn9suLi4Sz8lqtXIdiK4ZjUY+JwXhiT3xy+XS\nxwp9KpWKzxNaNZvNAGiD/hTcBh6gT1jLGjnBvqH9nZ+fJ/z//PPPnTeqi5BlBc3S9Bnex1zgkYbC\nq3eJvSeOgtPP2u228wa6aMSORtrwGc+vVivvU8vJaP0rvuM3/L25uQlCrx9quWcqb3nLW97ylre8\n5S1vectb3n5E+6Rnyiy7JXNr10KJcZX1m5sbtyr95V/+pZllXiZu6Fgm5vO5/4b42HK5nHirdnZ2\n3OKPZWW5XCYWHU3cw8rQ7XYTyGhNIuPW+uHDB7c0kOCnsMrc9judjud+ra2t2T/+4z+a2b1ltVQq\nBcXhzDLLBXR7KIZcY+DVWmSW3aLVQmOWWaniat2DwSDJmen3+25dwLLy8uVL/59Y2NFoFMDGQ6u4\nAJrCJUOXVqvlvMEqs1gsEq9Gs9l0iwq5RIPBwOfJu9TyiXVLiwUyltVq5fMlP2M8HieVt3Usmr+F\nxQ/aDodDt5xqJWz13pllco+lETne3t72cSkkO3LQ7XYTi6QmMbKWtJg071DIXoXO1UKgZtk6VC+F\nWWY9wvKjYCOMSz0mcd6DFsBWwBAAKLAGaby4yr3y3SxbX1im+LtarZxfWmwZ2ig4iMaxQzP6Ziyz\n2Swp7qnWW/WII2/0ocW4NR/pIc8ZTT2x0F69h7Gn9uzszNcjPNKY/Waz6WvooWrt/LbRaLh88Pz7\n9+9dTrCma06CVqJXmTfL9I4WozTL1ghWZf5qaQzWRafTSQpvr6+v+280dyIuAl2v1113QI9/+qd/\nciu5gpzgwYIf0+nU5QMZv7m58b75Tgub4jlVqGCF+lXPP88hl8p39JjmKMXr7Pb21v9nz1KvAfL8\n9u1b14d8piA8GjmhSf/wQMEyoBdrr1KpJLDgWt4C/h8eHvrc+UyL57JW+v2+rz8tzaBlQ/iOseqa\niqHC1UMMzR8/fuyyA33Pzs4SOHKVRZ47PT11vmshUfU+m2VrIS52ur+/73zFU9BsNpOiqaenp66H\n6e/Zs2eeK8V8Go2G594pkFIMv6ylANTiHVv7Nd8KnlerVd/LOZP0+31fy6zHg4MD7/v4+Nh/zzya\nzWZQcJ33xXtys9n0z9iby+Wyz0XlRAE2zDL+ai46NIgjOra3t33ueEyWy6XznzG/e/fO9b7mzDMP\nis/P5/MEyrxWq7mOgRbqmeD9Wh4Ab8VwOEzOXsfHx0luULlc9v4Y02QySYBetPwCMvvll186fbVk\nyUPlF9g/tDwI49Nc9zi6pdFo+JrjM4UbLxQKTiNk9Pz83HWLlqXQchXMnbVEH51Ox2kJffnLuM3C\n6BzW5tnZmUcQaIkM6EU/q9XKZVFBxNhLofmjR498zuyV5+fnwfkK+sbnifX19WDcD7VPXqaazaZd\nX1/7ZFgYw+HQB4FwF4tFP3Sh3L7++msnOkzu9XoJipsmZNPvDz/84MKKMr+9vXWBo1/tW4EZ4uT6\njY0Nf07duAg1z7148cLdy8xtNBr5ZqSVlB86gMHYdrvtQojQ7+3t+dyh5WQy8dAlVawoVK1OzkJl\n8W5sbCTu9mKx6G553ru5uemXKN5xeHjoY0b5lcvlpDL7Dz/84AuaPtTFrTTgORZTr9cLwCPMMh4i\nHyzOo6OjJIyqUCj4uFC6xWIxAMEwyxRT7PZerVZByCe0iJMXNWRTQwkZgyZr8g6tVcJFTGuCwRsN\nrUOOGo1GcrAaDAYJulmlUkmSZdXgoAAj/IYN/eLiwkMN1JAQI9mpstWaEvEF8fb2NjlIaK0LrSPE\n+5Ddx48fOy2hweHhoa8lrUGn9OAz+tF6dDHq23g8TgBhDg8PfcysR02ahf+FQiEB3Oh0Oglakq5/\nTfSOk421npOG5PEORU3kHRcXFz4n9NN0OnXZQj9p2Aa00gs2/d3d3SUX/8vLywB1jfExfj0AsNZ4\nhwL8sK4rlYrzBKPGxcWFf8bYd3Z2AoACaA6tAZup1+sevsNvK5WK8xO93ul0XM7R75999llw8YcG\ncejfYDBwRFkOU81m08fHHvPq1SunEbRfrVbJQXE4HDo/oKPuScxD9Rhy0Gw2fR7Q+eLiwvWFghho\niKNZWC9ltVr5GlLkKz0Y0LfWOGP8GqJvlukBZBke6aWL78bjsY+bfafb7QZhxWYh+pYaEKANdD4/\nP3daKgKZgr3Q4r1eQW6Yo+ph3T/R3egVrYOFvAwGA9eHWksLPnDQHY/HfmBW8J+HQkSZuxoNtVYg\n74rpp4hx6Ljnz587/xXNT8dvlvEKOdJ6ooqCGaMHfv311/57Pru9vQ1qcDEPNXAp/czuL8m9Xi8A\nU4BuyAw0ur6+Ts4JT58+DeqBmWU1r6A5z+/s7PhY0SfVatXHoCAyrH/lF7RGdni/2X245U9/+lPf\n41kDeriGH4vFwscXX27NLAB6iOu06XlBQZtiFGE1bugZId7fz87OEnTQarUahMeZhUAfWu+N+S4W\nC58Lxi01VioqaYxkqaiK6NxSqZSAfhSLxaRGpRoDNDw/NhR99913LgvolcFgENQDg76x4anVajk9\nFPgK3rBWxuNxUssybnmYX97ylre85S1vectb3vKWt7z9iPb/BEBRrVYfdBdqaJCZ2b/7d/8ucY/9\n/ve/dzAHbn61Ws1vz9wyLy8v/abPDVBhZnH3nZ+fu4uO529vb5PaCApyoLWbeJ/eWukHK0S323VA\nBr2ZcrP+/PPPk7C3ra0ttxJBA/XKYCVRj4PCg0Ibbuw3NzeJpU7rqdCvJgzy2Wg08v64lSuYAzU0\nnj17FoRP8FusGdzidfzQdDqdBkl8ZpklBEuDQoBCQ/WI0fAy3t3duXdOE5Afsu5Qe4L57OzsBEnV\nZplsxHDjJycn/j2WDoVaZh7z+TzwcDJvrB5qXYYeWvcJmu/t7bmsamhnXI/soZptOhdoPxwOE+vI\nzc2N04bf7u3tBaE8ZpmcIBOEFx0cHNh3331nZvfr69mzZ0n4joYDqrs/hii/vLz0Ghx4Gd6/fx/A\nX5uFAAkaIqJw2jwHreD5bDZz3iBrrVbL56ueXXhHKM779+/9t1jdJpOJyzty2mq1gvAaaAF96Rfd\nqE3Dc6HL48ePE/jlt2/fBmFXGorCPOgbfhSLRdcFrNfT01OfM330+33Xubzv4uLCrZnI2s3Njcsq\n/C2Xy04vylJobRf1WrK+sOwtFguXN6zR7XbbrcUKl8xYkafj42OXd/jRarUSa/vl5WVgkWbsMUDK\n3d2dj1U9FFg/+U69rvBrtVoF4CBmIRCEApXQj4ZWadi7WaYnoBHz2dzcTCyimiDNeuz3+0EtFujD\nO1QvankAZEd/Q7QFMjSZTJJwpmKxmNRn1HlCj8lkEoSBQz/4yTuOjo5cn8Pzvb29ACzHLON1rEvV\nm6JQ9nhJkInpdOr9YBnXWpbq7YlrAM1mM5dZojnG47Fb4DUtAHqo9Vs96zwfezA1/I3nbm5u/DNo\nXy6XvT94UCgUEpru7Ow4H9hfdB/gLDSdTn3u9Xrd54z+//jxo9MaGfzhhx88zE49tuw78FI9hRpe\nBs/wfk6nU+eTgifBT9Wf9E2Npdls5ucw5L3X6zkQB2NqNBrOOz7b29vz3+qZhTUHjdRrqPW5tE4W\n4+R/PTMxD+TK7H7P5blvv/3Wv9N3QA/OMUdHRy7HyMHp6Wmgw5kbOogza6fTSWC/NfoBWVPQGcZ5\nd3cXlDygT/W8oSeI8nj8+LHTknd8/fXXyd43m82CdBxavGetra25Pucc2O12XXY0BBgdrhD5caRT\nq9VyGqmsItM897vf/c71F2eC7e3tpG7VcDgMSmI81HLPVN7ylre85S1vectb3vKWt7z9iPZJz1Sp\nVLLZbBZUbjbLvBuadGkW5hWo5wersla7//M//3Mzu78hanFCbsm7u7tB32bZ7Z3nNOlMLTBmmXUp\ntn69efPGb5fcVn/9618Hse1mmcUp9kyUSiW/iSsEuFpWuOlrQUKsWdDg9evXQe4Vz+OBYfyTySSB\nyZ1MJv4/sfmal8Xf3d3dwDvCuzTfzSzLNYgtv+/fv3cLGO+/urpKCgeura35+zQxm3Ep8IHm3piF\nBSuxrJVKpcAzYJblLsB/Le4a5+/NZjP/THNdsC5ofg780Mr18Fo9MtCFd5yengaeOugXWxK73a5b\nul68eJHAPVer1STeXYEAsMrd3NwkFbe1mLQCOCgAgFlmFYwTMjc3N13mtTAs7/3Nb35jZmEBXLWw\nx/Hk29vbzhP60IRmaPXNN9+4nGgicuxh7XQ6rlsUOAZaMV8FTICm6q1TCF3ogWWwVCol3vSf/OQn\ngZfXLJODuLirvlchVOPCwK1Wy3mOTDabzaQIdFxVHksuHr12u53QqN1uO41oCqoBP1qtltNcS04w\nLv1MYZkZF1Ze9WqzTqHb8+fPg+LPZpm1En7Bh+fPn/vctBijeobNMnlhDFoAmfcpOEOcf7S7u+tz\nV2slv1Fvn+pzs0yPMj718MaQ17zHzILSEcxJSwKwD2jeEDpIYYuhFXLX6XSSPJ+NjQ3nkRaNZJ5b\nW1tOa+hRKBSc13geqtWq960WZ7wU0L7f7wcQ0fxWvSzMjbnwrsFgkMAgn5yc+P+qc6G/RjAwT2h/\nfHzsc4Ieek5gTGtra84nhWGPrdAbGxtBXqFZxsPYg6llP7QwtOZ8MGZ0KnPTfEAFJeI3ev7QHDKz\nh3PJz8/PPQIAGXr58qXLlnpBoBHvOj09dcv6YrGwp0+fmlmYQ0K5FwX/iiH7ze5Lp2hJGHit3lsF\nmTDL9sgYNEnPRbq/oxPhZaFQ8PME62tzc9P5r6VW8KYr8NHf/M3fmFnIV9aQ5m9Daz1jMC7edXp6\nmpSl0MgZ9PLjx4993ah3lrxSzUPlfez529vbPk/07e3trY+ZfhVwTc+szF2hvpF9BVThfy3DAg9v\nb29dPhTiP4biHw6HCfDZxcWF05LnNjY2nE/Q6vb2NskH1jsG0S1aHkTBKThbaEQJ74Nvd3d3QSkG\ns+xcBA/5balU8nfgkZ1Op75WFITpU0V7P3mZmkwmAXADie0XFxeJ+7bb7frLGfSLFy98cTLo2WwW\nJF+bZQxFCBAKTSLW+kaaaG+WLTD64xCvNWo0VAwXJm06nQY1IszChGFFyFO0NxpC9rOf/SxwE5pl\nAqdJbdAgrgegaDkaNhgj3s3ncxcQrTOE8DM+DVPQCxnCAt2KxaIrat7x5s2bpHbCwcFBUndhPp8/\nmJQIveDRQ4g8rVYrqUR/cXGRKNh2u+28QQltbGwkYAiLxcJpSru5ufF+FPgkRi/c3t52udNaTyxs\nNqP19fXk0PLixQs/dKN0Vd4bjUYQTsRYUZQKroACYSxah0bRZmJAho8fPybIY9Pp1PmFvCiwCBtd\ntVr1zQrZ3d3dDepGmWXri+c0tI+xasI6a44wpYuLC0e3Yj6j0cgPsFprg82Z5xS1iDmuVivXBaw9\nZMPs/nCo6FZ6EQRARS9nir5olsmnbi40NiGtfcY82EwvLy+Dgzr0UyADs2xNwQcOkfqO5XLp9OAd\nl5eXPleeq1arPlbdcJBzNt1Op5NcSB8/fuwHRHSHNp5//vy59817nzx54vRH7jqdTnL4bTabrsfQ\nP/v7+y6XvHc4HDoNWXOafA0fMO7p+HZ3d10Wef/Ozo6/j6bhGzy3tbXlG6sCzPA+xqS1kWhv375N\nwukODg6cLoom+VCtvfhgt7m56c9B0zdv3jjNVW8rum6MoKfJ94xZwRdYo4PBwGUBXX90dOTgAIx/\ntVr52lDUSnQG62G5XDpf9TLPnNk7Njc3/TfQTQ9YHPI0lFCR1ljPmsTOnNBxm5ubwYWTMfM/8371\n6pXzEL389OnTAMiCd9A3e5yCofCuYrHo3/N8r9fz9QNf9TKtF3b2SgWJYKzwYDweJ0jFipDMvvjh\nwwfnx/b2ttMVXvd6Pf/+X/7lX8wsDGdkDH/84x+dRshTv993miMv7XY7qP1nFob+c2n49ttvEwCi\nSqXidNNQfD30mmW8VMQ2mu7nZpnMqu4zy+QvPhCXy2X/nrWuNZTQve12237729+aWXiBfWitQH9k\no9freT962Yh5/f333wc1FpmXGmLNsnXLZ1rnTs8d9MH/zPHm5sbHj4wPh8NgvqxrfjudTn1cGl6I\n/OrlUvc8s/Bcp7qZz1Qfox8U/As6wPNut+t3EAW54DmtVacgU2aZrEFrziRbW1v2r//6r2ZmQU07\n9g7OE+rw+FMtD/PLW97ylre85S1vectb3vKWtx/RPumZKhaLdnFxkSQgaigZLkyFZ1T4Z26f3BS1\n3o9CVatb3Cy7EXOT5Gb8+vXroM6PWWYl4SasoWIaQsC7sKz/6le/MrPMUsCNFMtYq9VyiHeF6VZX\neAxl/f79e/fQaFgBz2k9nzhkstvtBlZ7szCsSME/4rpb5+fnAQy5WeYpAkaVsTx79izw+JllXkbG\np9ZxLBNaw4Bx8X5oZxYmpWItguaj0citmcpfxqDWPq3pxHPQFPp8/PgxgQrWytvI35dffulzUrjp\n2Lug8Ps8f3R0FMB98516rugjrtO0sbHh8nR1dZVYVqbTaeChNctCIdQjZZbxiP815IQ5Q4O9vT2X\nIyyrm5ubbqHRhGCewwr1/fff+9rFrf3kyZOk7s27d++C0Eu+A2YWD4tazGhHR0cuv/BcQ2E0PJf/\n9TvkDd4cHx87T9S6haUJq9vNzU0SllMsFoM1B70VuIGx8JkCw8SANrVaLYCyZ8zqaeB5xoKO+dWv\nfvUgpCw0KpfLLjta20u93sw3rik1GAyCpHbmqTwxy/gaA/e0221fL/xmb2/P5RtLbKPR8DEgE91u\n12modVBYD//xP/5HpzN8RWfN53OXO3h0dHTk32soa1wr6Pz8PClRcHV1FdTJMcv4yljVSx7DfhOS\nbRaCIaCXWD+lUsl/q+/XshVmoTeFdaQ6SyMn6FvhtdUDx2eMXz3wrHUNdea7arXqY4W/n332mT/L\nuHQf0NqI8DP2eCotF4uF/0Y9YnEY1e3tbRK+WywWnZ8alhlD3tfr9SQdYDKZJGAO0+k02Y97vZ7r\nGPZMLUvCGry9vU1C2E5OTtxKrV5mvA+8//Hjx4nXhT51Hq1Wy89AjG97e9ufY469Xs/XPGtvOBw6\nnXnv3d2d0wqefvjwwd93dnbmfCckrt1u+5zVYxKDiJ2dnfmclTdxyLHKooYSxmApT548cdqg2/78\nz//c1wieOvVWa/gmEG0hNAAAIABJREFUtNEx6biUpvr/9fW1R5IwJg39Rder95v3a/kS5vHtt9/6\nPDTiAfpDx4fAfzQ0HX3zF3/xFwnMfKFQ8LEwX61bF5f1Yaxm2VmNeSqEf5wWovDwg8EgiPSAbuwT\nutYVLMss033oPORzf3/f+cp+UiwWg0gY6KJRT9CNeQI60uv1/L3qvUOmFUgpBhF6+/atrwctaQId\n+ExLI0BfLbXwp1rumcpb3vKWt7zlLW95y1ve8pa3H9E+6ZkCOjSG53z16pXfBrWqNDdk9bBoXK/Z\nvTXC7N5S0+12vW+sPVoUFcvu7e2tx0zyfLFYTAqRra+vB94RviOmE8+NJiXyXLPZdM8P1q3j42O3\nDKkVgBvs+fl5YtHRgmB89vz5c7+9Y4WYzWZBzK1ZaFXg797env+G5zc3N52GCrnOPBWiEitLnHdl\ndm9Fubq6CvJszEIPG5+dnp4mcO7j8djHhyWmUqn493gw9vf33fKiuV14VjRRHr5rwdE4qbJUKrnV\nE34MBoMkGXIymQTxvdCZ+UIDTcJWCyzWHSzjWsgTGVIvqVp5ecf6+noAYGCWWWBiiPpisRjEopuF\nSdqaaM/3WjCXmF/G+vz5c1/DgBxovDiwyQcHB4nFUaFFWXu9Xs+hs5n77e2t844csMFg4BZRzXFg\nvgowEOdAtVotpxs0PT8/T7x98/k8sNTzGZYwPI8Kq4535vnz50FiNLSnPyxyHz9+TLyCa2trQaFK\ns7AIrEJQwyP0Qa/XC6DCFXAAegAEAc11bTL3m5sbHzf8/fDhg4+f9TUYDPw3PFepVFxm0OEnJyfJ\nc59//nkAWmEWeiug5dXVVVIserlcBtDZZhlf6U9zK2jM5/b21mUPeV8ul0lxx8FgECSom2X7hVqa\nzbLoAWSHdVEul32sWEsfP34cQE7zvEYpmGX6gLlp7kycN6ZFm9Fn1Wo18bq8fv3aaakFjtFZrC0F\n5igUCv6s7nMKRmEW5imzvl6+fOnPKcCQQlgzJ/rWHJZYv9br9QBi2yzjV+yt3NnZcR6qfMb5rB8+\nfHBPs+ZdKWy4WbaW8BpBSyJqzO51eK1W8/WMV6jf77vs6zvgNb9tt9tOA9byDz/8kOQI3dzc+NzY\n79bW1oKiqDzHOzQPElqig7XIKnK6t7fncgIwxMbGhp9Z0Dsa8fL27Vufu+bTYm3HQ6WgTwp9zViZ\n29OnT5NyBKyf+B0xeEmhUEgAaCaTSVBY1iyTPy1Xwnd8/9Of/tTHrGvSLDuv4YWGBk+ePEnACzRS\nhH5Ho1EADgYt0UvkTo1GI5c71sJsNkuiM7a3t/28qWcN1gg8ePv2rcsCtKxUKklEjMqxyhPeXvYp\nBddifMVi0emshZj1fBLr+t3d3QSUbDgc+niYb71eD3K5zbL1HYO0DAYDpytz39nZSaLftGA5erNe\nryfeYPWIat5TnPd4d3eXwMcXCgXnDfPpdruuc9UbGJdLidsnL1McXmOkJUUag3C9Xs8JC/O63a4f\nEBjszc2NKxqEUYEZ1C0fX4jMwg3JLFP2sWtSwQb0wMPBCsLowobQCrjBO3q9niuwyWTimwAH3tFo\n5GPgIrO+vp4conZ3d12AUOKVSsUXFsJ6cnLiv0X4T05OnDYk+J+cnPjGwOJ49eqV1w/627/9Wx8z\nY4CmuuE8FG4BbxaLhQurVuOO0dzq9brTFV7q4uX5er3udGW+g8EgQRb88OGDyw7flcvlINzSLFuQ\njJ+5/eIXv3BlCs3W1tYShJfDw0P/rdZkYcy8YzAY+MYODarVqtNP5Z336QGWdTEej4MN3yxTjopM\naJYpFEU1MwsrguvBI05QHo1GQfI774IehBXUajX79//+35uZefjD5eWl/48c66GWeWr9G3jYbrf9\nvWyca2trvuboT9fcQ2ADzGM6nfo8tVYM/8PLTqfjYbuK8KXJ44yJeSjaJGNRowTzVCAVBX0wC9cj\nn+mFhzXz6NEj3xwVIY2xaN0YDVOClui7i4sLX5MaXkif6JXNzc3gosn74homs9nMdQZyfHNz40Yy\nBU+Jw+2Wy2UScjgej122FKgEuil/483048ePwXpgLHoR5h1qMGMs8IHDlIJFqHFGL/lmIYgIOnM8\nHvt+x/hUJrjY7e7u+lig387Ojq9HxqLhWxqOHIdTKzAPa79QKPg7GPOXX37pBhENo6HvQqHgfOeA\nrUh7yJi+m0OI2b1ssQ6Xy6W/W9Fy4T/8rdfrCZLdZDLxNa716BiD8hUeQvujoyM3CrG+NjY2nCda\n50qNWWbZ5SAGr1hbW0tq4xSLxSTUcXt7OwGg2d7edh0NjxQdNAaEMLMAyIf9UEOYY5CDk5OTBFxJ\nQ0k13BeEUq2XFdeC6/f7LhOPHj0KjKfQjQM4sq9huYxPAY30LBcDVWxubvpY9YzxUKqDht6aZTLJ\n/1wQT05OnK5cnPQyjd5TVEStGUp/ivrGWHhuZ2fH9xh4pOBPeobkrAd9P//8c6cptF8sFr7P6Zk0\nDss0u5cjznn9ft/74bvZbOZnZWi/u7sb1ArkM8as6LnoLL0Mx4imq9UqAHqCN4q4yTzRc6PRyGnI\neUHDXqHzbDYL6t8xX61XZ5btcbxPwWnUmMVn7CPM7fDw0H7961+b2f1dRJFWNfRY04+gi6bl8FkM\npKZGqz/V8jC/vOUtb3nLW97ylre85S1vefsR7ZOeqbOzswArHgvRbDZLwh62traSG+zTp0+T+hGa\n4MUN8KHEwp/97GduddOwEW6IvJ+btNm9NUire/Pbra0ttwwoXDKQndycr6+vk9ozo9HIn7u6uvI5\nY6X45ptv3IqmydfQDRrUarXAes57tV4ANOV75qTuUejbbDaTmhjX19fe3z/90z+ZWWaZii1r7969\nC5LRzTKLTZzMV6vVnJZYrdbX190KAP1rtZqPT2vK8L+GA2molFnGr9gSr/CmWDfVBY0VvFQq+Zy0\nBgmWC74bDocubxoOxP88f3197TIDzTY2NoIkfrNMTuENc/z48aP3U61W3eqBZaVYLPo8NTQxDnvQ\n8B61EMWlAszurYDqCo8t9aenp25ZwzL1n//zf7a/+7u/C8aiYSXwejQa+ZzoY39/P6iFYhaCNGjS\nryYDm2XrQyF2oS+8VVAS1ql69rCEaTgiekdrlKhcmmVrIA7L05onWicuhrLW6u28Q72QCpCC1Z21\nPBwOk1pbrVbL6aa1gljXw+HQ9Qi6stvtBh5fsxBYQmHzVU+bheG2Wj+OhoX6IXCQwWDgdQH/+Z//\n2X9D3/ouEoVJyJ5MJm71VnnHeou3dGdnx9c4Onp7e9u/Z83oWKHfdDp1umoNtzhEdG9vz+nL3D//\n/PMkRPzs7MzlEq/BwcFB4iVttVqBJdQsrCmEvtPQX9a56if15rPmFWSJcSEHHz9+DGrBxSVAptOp\n05LWbDZdBynATxzyrfW82A+bzWYArWyWySy/haasS7N73bG9ve2/wZN1d3eXhGA+fvw4qEPJX/iu\nkRNaAsIsk0/2CfjwENy4eue0zlRcj7DX6/l+DW90b1PrPPsN+mI4HAYh6dA7PiuZ3cuHhiPG4ESz\n2SwJAZ7P5z4upQVzB4xnfX3d6XB+fm4/+9nPgrlrHSfWjXrRWAPtdjsJrby7u/PoHOg3Ho9djhTc\nQMNPzbI9Li5vo6Ux6G9/fz8poaLQ/Yy92+363qfQ93Hov84XnaVjUbAZ+tGQMl1ffAbNodV8Pvf3\nop+Oj4997sh7vV5PaspVKhWfL+twPp/7b5GXy8tLX8vM7fT0NAFmGAwGzn/WR7fb9f+VzsytWCz6\neZK5KYS+es7gCXs0oG1m995K3de1/I/W74Tmmj7BmNlP4Nfl5aWfw2nv37/39UC/k8nEx0rUlwL3\nIEO7u7tJdJF6nFmHWu/tT7XcM5W3vOUtb3nLW97ylre85S1vP6L9P+VM1Wo1v/lxA9e4cq2EjsUU\n69dgMEhyoSqVins/uEWPRiO3XGEV+P77791CpLdV+saaUq1WfVwKbxwXONU4dT7TnAP1nGFVZj6l\nUsk9Ibu7u/49lqHJZOI3a6w4WihRE6nVOvWnmloLtIiaWqwYM/RSK1WcLFutVn2eWAMajYZbFTT/\nILZwaLFjharWIqFmmUzERSfr9XpS2G5vb8+tO1ie6/W6PXv2LPitFvxVa5B6/swynuNxUksmPMJ6\nrMmLmuCNNe2hYqZKb2RRC/lCF6zDW1tb/r8m1WKFGg6HAWwwfcc5M/oe2nQ69f6Yp0KFItPL5TIp\nWHd3d+f5Nj//+c/NzOw//af/5P0wlkaj4etQIfzVMwzN+V8t5lizWDftdtvHpTlucby4elN5v0Ie\nI2PqxUH+3r9/n8jdfD73fuBHt9sNLGFmmeWR/7FQHR8fu+wwb7WwqlU9LipdKBRc38Grly9fOj00\nFwLLWbPZTPLAqtWqf4/sKGyx5nzRoOnd3V1QbNIs87bECd4KkMO4arWae5Ww6J2dnblHCn2meS/0\n99VXX/k8FdSB59ADNzc3/hvGNxwO/Xv1UDEn9cjFRXEV9AN+HB4euuzw3WAw8L41GT8uZjwej91L\niezU63XXI+qFjgFoyuWyf4Zcdbtdn5vugXHh2sFgkHhEer2e72nI82KxCGCrtaAp9GUuyPTGxoaP\nX9cK41bY4riI9enpqa8rHRfrFd3b6/US3bxYLBKo8LW1NX8HNHj//n0CQFMoFPx9mncX68Ctra0g\nt9EsW6OMRXPmoCUyeXV15e9TTyZyhHx++PDB+1HvS5y/pTRl3q9evfLv+fvFF1/43KF9o9FwWVAQ\nCfZ/6L27uxvAh5uFHkzer5b0SqXisoBsv3v3LoggMMv2d9Y4+YWvX78O4LbNQgAahZtHxlTOeU73\nT8bAfCeTif3hD38ws/s1/Mtf/tK9X9BgMBj4WHnvmzdvnId6xqAfnm80GomXZ21tzfkEfba2tpJS\nFgqNznO9Xi8o1mwWApWxRg8PD4OoEWgB31+/fu1jiaHFC4WCe2d412q1cvqqjkFXIuPqxaX1+33n\npep8zdWPi4SPRiPfT9jDNS+TtdRoNHxOGiFEfwqkEgMQHR0duV6F1/v7+0k+22q1Ckq28C4FZDLL\neBgDvPR6PecJsvP69euERvV63eekefyK2/BQ++RlitoR6u6i6YHJLCMWzyEMBwcHSbJkt9t1pCqE\n9enTp0mdDE185O/m5magCM0yYvGZopzp4jDLlJvi5JtlB2JVSPQbgw2oAOihltZoNBIhhLFm9xv6\n9fV1gI5mlin+mKG3t7f+G2VofGl4+vSpv4cN9M/+7M/sf//v/21m95vQ+fm5LzLCMfr9fqIQ2+12\nUum52+36nGhaYZpWrVaDOjmMKQZXOD09TRDZ9IKtyFwkX7IILi8vg3BGs4y/AHKoGxeXPouqXq8H\noRJmYb0cDk6a/K/PMWbkbm1tLbnIVCoVXw/NZtMviBq2wwaM4tEaO7xjZ2cnSfrf2dlxfmo4XRxq\npshTeoEmVAvkvul06kpSE0JjI8Tm5qaPGbS23/zmN/4bNohut+uhrqyfN2/euFue8a2vrwfyZpbJ\niaJa8Vkc5rNcLgPkMbPw8svYHz9+HCTBmmXKNw4RRDZ0zPP53OUdOi8WCx8ftOh0OkHdIBp04+9o\nNEouo+/evXMUoYuLC5dVeL63t+cXdfTX1dWVzwkjxPb2dnBogw8KsACdY76ura0lidbj8dgPIVoH\nLa4L+OTJk2Tzbrfbzn/a7e2tb6KMs1qt+uUMehwcHPi4FBkP+jKfTqfjNIL/zWbTaQRvBoOB71Ua\n7svBhLn97ne/c14rsAR6AnqrAYBLZrFYdH2sBgNozphOTk68H/ap8/Pz5FD4+PHjZG6z2cx/C5hE\nuVz2uW1ubgaHSt6r+69Ztv45mOrBDrllH65UKi6L0Ghra8vpqoYk+A7dJpOJz08PP8gOY1ksFj5m\nDXviAKahn8gCstPpdII6X2bZRQwe65kAvcTzipaHPFUqFR+/gjlgUPjXf/1XM8v4pmGPZtlaRfcS\nQqeGHeREUYk1JA7Z15pnrBV0oIIrYQzTtAC+K5VKLk/M7fz83OVoMpn4+Bnf4eHhg3W8+F8vlIxV\n15Sin5plaHTwBF4qUIXuveh9LlBra2uuOx4KB1PjlwJjmGXyhFyyVvr9vutzNbAzFuZRLBb9gqiG\nPZUF6KP7F/RD3qDZYrGwX/ziF8H4rq6uEqOb7m2KcoqcKHCUogybpWF5ZqGhHdoPh0PnuQIvsEaR\nxV6vF1w81KjEfJFHBciJnSQvX75MQsjH47GPRy+jPKe14mjsi4VCwdcQvDG73x9U78UGpXK57OtA\nL1rsgXp2iNFSG42G/1bPXors/FDLw/zylre85S1vectb3vKWt7zl7Ue0T3qmbm9vbWNjw2+a6nZX\nz4tZmPDIDXB9fd2tNuqd4cbHLfnVq1duOSOc7s2bN279wDPR6XS8b6zqP/zwg99Meb7f7yeu37Oz\nswSStd/v21/91V+ZmXndnEePHiUhB8PhMPC2YEHQxENNpjTLbtNYVjXUkP/V7Rl7HHZ3dxPvlwJa\nKNQmFjisODc3N+6F4Ls//vGP/g7cyvV6PQjRo2ltDZ6Pa0V1u90ggd0s46XWKzDLLHXwS6FC8Vbi\nKajVakk9oouLC5cd3tXr9YLkZrPMGhG74C8vLxNX8uXlZWAZYh4aHmeWWYri2g6TycR5qRZFLFi0\nUqkUWNboB5kYDoduCaOf6+vrwANilvGDfpAxlRN+qyGn9LtYLFy+kdknT5542Ab8PTk5ScoCTCYT\n5+H/+T//x8wyTxb0wnL+5MkT56uGEsaJ6oeHh25dwlJ4fn7u81UY5Li+VaFQcEsTya2/+93vnCeM\nqdPpOB+Q462trQfBJlgP6JiNjY0AztgsrEdFU8+UypXW+TDL+B/Xnvnw4YPTFyt4u90OPATINGuu\nXC4HoBu8l3djpW40Gv49nl3mZXZvgV0ul26lhC7FYtH/V0hrrRFolskVc2dMw+EwASX64x//6O/D\n8tfr9RJggVevXiWQ3K9fv3bvssL5xgAki8UiqGFnFq5XtbbCa2TozZs3SY2SarWaeKuvrq7s7//+\n74P+3r59m9TVqVarrpe0Rk1sTW82m04PhTImHEhhs7VUBP3CB/qtVqtBLTt+g9ftzZs3CXjN9vZ2\nEMpllukVvkfHLJdLX0taFxJaav0j+tOQXQ1xNsvWAPs0zx8eHgbATmYZz/GI6d6msOvQiDWkoDk8\nx5jVG6whh2q55jnoyjuazabLKjKpnklaqVRysAe8Ks1mM4C/N8s8DuhrxrlYLFyO4NV8PnfaQz8N\nu1KgH+SD5zRCgbXy/PnzQD/RD9DjP//5z51fWn6FPZT5lstl71vrQimctlmmk6AbbWNjw2VfUzoY\nN16Ifr/v65ozweeff+5rBB41m82kRMH6+rqPQQEmWCOqazRsD36o7oYP0Fo943GNz8vLy+RMcHd3\nl3iDlstlUrrF7F4XoPMbjYafn1mjjUbD143C78d1nxQyXkuWwH8th6E19uCHluSAr9Dq7OzMx6Pp\nIzHYWKVSSXi9t7cXfG+W7fVaXwraa4kNxhd76p4+feqeawXXgpZEwSyXyyAVAnogd+hK/Q280fQc\n1sVqtUrOCXHLPVN5y1ve8pa3vOUtb3nLW97y9iPaJz1T7Xbbb/FmYaXnuOCjJn1yY37//r1bkLB+\nXV1d+W1c80KwNOAhajQaSWJ2u90OrGg6JrN7y9Tm5qbfhLnBPnnyxPtTT0ZcLPTbb791K69WwtZ4\n7Bjq+Pb21m/ZWFMqlYpbO3jvo0ePEhhszZfSwmtYGog51wJ40Pn58+dugVGLc1y09auvvvI8Na2K\nrhYQs8zSya0dK+TGxobTn+eLxaIncWrRPLyLWmwNukHfjx8/uuxosi58xGuwvb0dFHCmj6dPnwa/\n1VwdLI9ahJL3asFHtQrGibuNRiOpFj+ZTFyOteAztNTCwMxd45O1MT8thIi3BStJu912GcNi0u/3\nEw/WQ5DNWqwR2fnlL3/p89MiljH4SrlcdpnHOv/x48egKC3jI38Kb+Xd3Z2PVa2HWKZpWkAWGmgy\nv3rx4mKHpVIpyVPq9Xq+XrEoaU6H5hDgJdOCmViGmcdisfD5aqIvMsh8rq6ufJ2xBjXXUYtU8z10\nvrq6cu/S27dv3SKN7uh2u64jGcPW1pY/p3DzyCoWO50T9FPdoVEGyImCF6AvNTcE+vPbyWSSlJ54\n//59Ain8+vVr55cmL6tl2CyzVsZW3mq1+iAseEwXzf2iP81nxMp8cHDg/cHL0WiUrItGo5GANVQq\nFR8X+0Wn0/H1Db3VSg6vJ5OJe2U1pwy9xBpYrVYuOyp/MZDGarVyPbC3t5fkH43HY/+ecQ2HQ18b\n6Mbb29sAdp8+4pzZzc3NwPNmFuafaY6FFteGpowFftzc3Ph7oenNzY3zn+e0vAl6e3193ecBPfQd\n8OP6+tr5iZ5YLpdJDtb+/r6fOzQBnr2N51qtlu99PP/VV1+5bPG8yo5G8XBO0L2DhhxrYVjNPY89\nxRsbG0nkjPapnhb1PP3Lv/yLmZlHrTx//tz5oKBI6DfWyOXlZZDLS3+xt71WqzlPlOfqpYYPNKJk\n2u22eyHw9jUaDacHv1XgFs2jUcAL/nIuRXan02lSGFrXnEY3MCdocXFx4b9l76rVak5z1lSn00ly\njpBXnftqtQqKYvNb5qZ7flwYerVaubxBF43sgUdKF+bx4sWLINrKLJMTflur1ZL99bPPPvN+4I1Z\nKMPQWSHRobOW+zHL1ld8Juj1ekkOXrlc9rFoCR10Af2pLuL54+NjP/toHjKywDnr9vbW6QGftOCz\nFu2N9WLcPnmZYlEzUQisicpaVyeu4K6XEMX7RxgQpF//+te+sCCIhrppQhgbE/3W6/WkVoSOnfeq\nYtKkWP5HEBaLhf8f11wyyzYURbqL+0GYFRWQje729taVhl4QEBDm2+v1kmrY29vbfkDUhFFFgzLL\nQhP4Pq74bnavgD/77LME2aXb7fqGpHUk4gPC3d1dUvOo3+87XdjIdHyM5ejoKAkRefLkiS9oQis+\nfvzoCodD2vn5eVKfQRNLtc5ZDOpwdnbmC1VDJuLaPXrJ0MNyjIZ0dXXlyh4ZKxaLflkqFAqBUjEL\nwzb4TFF8FAUT5a7hWdBBw0bjROaDgwOv7aO1vaCXhqvEv9X6EXq4jflVKpU8OZs+9vf3/bd6IGe+\nGoLxUP0t+lYgDdYwh1A9PCjCGOtCkcOgEWEtnU4nAWEpFAouvxp2BZ3RA4PBwGnJhWy1WgX1SphH\njDamYTLQoF6ve9/b29s+Z8BBJpOJ85/fKEiPoqvGYZ56WdHQZPpDl6vswK+1tbUkPHI4HAZhm2ZZ\n4ji/0fBi+uOzb775JjnUlkqlJJRE1xw03dzc9A0M3Xp8fJzU1VtfXw+QJ80yOYHH6ELdDFmvpVIp\nqdl1dHSUhP5Op1PXGYosx5qij1arlYQ6QTPeR3/ImyJHxWA9rVYrANowS0Os4DF6ZzweJwnjW1tb\niWFqY2MjqQFXLpcThM9Op+P0VxTGGLnt6OgoMKIxPvikQD9xSLeiDbLvqBxzcNK6OxoyFe//e3t7\nyUF3uVz6c4rqis5i3oeHh74etY4UOggjSK1W80OhXm5iA+rGxkYSXjqZTPwzBdShH3TNfD532ito\nU3yJL5fLgTHVLDMOQdN+vx+gH5uFh3x4VKvVXAahm6Lgoj+1dpKCHbGe1ZijIemMi6bho6xXBQ7T\nGmzQLw7fWltbc3ATaKn1/uBbtVp13ae0ikHOeI9ZCGgTI1oOBgPvRxGQkRlFr0WedD3GQFpqANKx\nxMaD0WiUnHf0vQpeg8GT9+/u7gZ906+GLsNr6LdcLoMQQ7Nsv4gvZdVq1XmjNcWUT9CPOWudRPZV\nvdRqWDRjZc2x/jc2Nnzu9Pv+/XunDfQrFApJaLruCQp2FoON3d7eBnr8oZaH+eUtb3nLW97ylre8\n5S1vecvbj2if9EzN5/Og3o0mYcUu+OVy6c9iHRmNRm4hUuhZrC3cHj98+OBWWW7B19fXbiXhZloo\nFALobLPMGoHVUGv38F4FQ8A6g3VJ60Iwvs8++8zfi/VQIU81hBBLjcIbK+iAJtibZTdhxoql4+7u\nzi0vWmMJy4WGEkJrLCy9Xi/4jVnmOmcueHm0arp6+eKkWq0SDv1arZbf+KFbt9v1ualHgXdo7QHg\nTzURFBohTzc3N0GVe7OM5wpHD72xXACooOFWWLUKhYLLBxaMTqfj9NPQBCwrWKsXi0UQzmKWyQH9\nKHwttMc6qx6lu7s7t3aox5S581mz2UzCKO/u7hJr1ng8Dqz7ZpnVBSsKgAbL5dLljX4Xi4XzXenB\nXGga4gbtF4tFElZQrVbdgowFbj6fJ4mx79+/9/cis5rQriHE8EGBHli7WKiOj4+DJG6zED6asZye\nnrougFZ3d3dJWKvWWoOOa2trPg/1ujM+DclDZrRCPDpBgVeQO8IkTk5OghA7rV1llsk7fCeEodls\nJl6D1Wrl/MSyN51OnV9a3ygOrdMQHNZDo9FwmdCEZt5BqFC73fbfar0f5JO5397eBtZHntc6dGaZ\nbGNFRf9cXFw4nzRsDMuq8hz5YN61Wi3hv3ow8aqph11DBJEJ9ImWVYCO9Xo9gdVVyGPaycmJf49u\neyisbW1tzcfFZ5VKJQEWKJfLAX81zN0sS9zXCBLGhWVVvZVxbUSNQkB/3tzc+LphffX7fbcQIztv\n3rzx37B+VqtV4lk7Pz9PAA00CZ59p1QquQ7UPY758t10Ok28JCp32m/83ul06noJUKSdnZ0AkMEs\nk23mTrRKsVhMyjScnZ35GYh5nJ2dBaAq0CX2ACkENXKgMOJaN4rzEON8+/atyyp9dLvdoI6kggyZ\nZXqFz6DR999/7+NB73z//fcB2Adjjuv4zefzpLzBeDz2dcr+NBwOfQzQ4KuvvnIaIUOVSiUJYf34\n8WOim83u9SGWe7kRAAAgAElEQVTnk9vb2wDam/EpmBNjR45Zy7VaLan7eHFxEdS/M3vYMzWZTJw3\nv/nNb8ws05VxvdF3794FocFm2V5J3+pFjCNxVqtVwmvVE1ovkfMHe3WtVnM5VqAk1QlxakKxWEyi\nfFarlfeDV8jsfp2ybrTMjHoXGSt0LhQKPkaeV28gn33xxRdBrUvoh5zj3by8vPRIN8ocbG9vu36A\n/9Vq1f9nX59Op8k56/Dw0PelP9Vyz1Te8pa3vOUtb3nLW97ylre8/Yj2Sc9Ut9sNoCKxjmkhV252\nmuej0Mw89x/+w38wM7Nnz54lcbt//dd/7bdGtazESZ/1ej0oQGaW3VrjAsIKZai5H3Eh38lkEuRo\nmGUWjLjasYJJKLw5N9jBYOBWFsYynU49lleLHWOB1YJl3Lax2Ozu7rolRy0wMdjA559/7tYC9bqo\npcEstGpxY3/06FFSJHBtbc3f91CyLDHYCvcKH7rdro9LYfOxFjCmWq3m/2Mdub6+dj4pRCbWdj7b\n3993OmtSahwLfXt765YTLSoJjxX6nP54h3q1oOnjx48D6z3vgv/wYLFYBDlsMW+63a7zRC36WHeg\nnyaUwjv1GjJPhahWb2UMea+5EfTbbDZ97jz/xRdfJDDIWniP8RUKhSCP0CzjORZCaN9qtRJ41tVq\nlVirdnd3A2s2c9PyAWZmv/rVr3zt4iEoFotJzuFoNPI5Yd2q1WpJuYTf//73AfgKc3vIYxt7ChVc\nRT3nupbMMu/wQyAcCuMaw9XOZjPXkQr+gAwy1p2dnaDwNb/VYp7Mnf9VF/EOaNpqtQIoabNM/wCT\nj7xsbm76+kOeNzc3H8w1inO6tKQA83n8+HGyn1Sr1SB3CJpqGQezMHoCiz7Pmt2vn7OzM6cR67/X\n67kVFY9Dv993DyL0UX2mhXfj0hfqEUHuRqOR00ghvvlfi1RDX+Z4c3Pj+pg1qHkN6lnHU//s2TN/\nVp9jvcKbZrOZ5Iv0+32nF8/f3t4GxUvNMl4rTLpZtgZ0frxf86fNsvXNnBTEAPnQAqLsperFYT/S\nwuVxQVUt2qsw4swNubu4uAj0CGOPy4Nozin5qA+BMOleDq0Uzl2Ltyu4jVkmxzEwz83NTQL0Ui6X\ng5xks2xfBJiJ3LnlchlEvCCj0PLs7Cw485hl1nlklb1G814VGCXWh5pLjhd0tVq5vlFvIOciBV9g\nrOjt169f+7i02DZrXT1P8bmzXq/73sF8d3Z2vG/1sPAbBciBLvRRKpVcTjTvlTGo95McLTwtp6en\nCShRu93297FGp9NpAmh1eHiY0F5zcOOSAGahd4g1hYdqd3fXde9DuYTb29uu04geG41G/m7m3m63\nXW/GOcJm92tpZ2cn2M/NsrUZRxJpWR2anjF47vz83HUbXsjvvvvO1w1jH41G/hw0PT8/d57A35cv\nX/q6gEaVSsX5ztn1/PzcZexPtUKcgBpNZvU//+f/NLP7xaHIcgi1Iv2wEBX0AaWrycYPJb7CFIhe\nLBYT9J35fB6gkfF+CMLhptVqJWFoKvwcBLa2toJkWT5j4WjSrFa0ZlEwj8vLS/9fmcgY+KvV6RGQ\n3d1dn5MCUCCQKJ7r62t/B/NU5Bb4sLa2liR9a4iQXgC1OnxMc63JhULSSvMaBggtYuCG7e1tlxl4\nuL6+HtRq4Pk43KbZbPo7QCJstVrJJqToNooSyZg19C8GPtDEXFVuGkIGbeOExnq9ntQjWq1WrhS2\ntraCcA3oG4ekjUajJNGy3+87XaHB1dWVb6xagwi51Mrm9A2/tE4Ksliv15MDR6lUciWLHBcKBX+O\nTe3bb78NKtAzJuZBeOnNzY3rCZ67vLz0OSGL+/v7/l4+Gw6HTisNFYoP3dfX1y778KtWq/kBhnZ4\neOgyiKw9ZHTR0F+t18Q61IMT79B1GNfGeffunc8DOf348WOwscJ31oom0P/xj3/0ccUANApaoLpG\nkS7NMv5qOIZZJk9x0roCUGhYbnwYZD76/5/92Z+5/n/27JmZZbID36FvsVhMLvuqJ/SwHIdRrVYr\nNxroYe4hJKu4hs5sNgvCSs2y9REbRJRubLClUsn5jzFqNpu5PomNfmYW6FYF6TDL1nyMIqUHO/SY\nXqZY+y9fvgzqubE3Q4O7uztfS8x9d3fX6apIcfBTQ6G05gxjRV8zz8vLy6R+4OXlpfMGOmhYJrTa\n2NhwOVbQFMasB0O90EMrZJVzhYYl8a7FYuFyrLWv4gubonRqqLUidjIf5oQ+Wy6XASqoWXZwjgEt\nyuWyH84Y+2Aw8IMd321ubrqOVuNQXLduPB77PKB9qVRy2rMGJ5OJ66IXL14ESIfQlIO1hpcij1yC\nNLycsSgKmtZGi+vlKb8Y1/X1dbLXz2azJGyYw7JZuNbjcFANt6O/k5MTnwc8mk6nLgtqVGOeMbAZ\nc+c5Pb/yHO/FMFatVv0yy7xPT099LtBFDVTQtFgsJoBljUbD5wl9NDSduR0dHSUGj0Kh4PPUEH/m\nqzWekMH19fUkJLndbrtRGx10fn7uv1eDSIzIO5vNfFyK0hqjb15dXSW1PUulUgKG1Gg0kn2s1Wr5\nuoFW3333nY+FsR8fH/tYmIeCb7x8+dLMsvUdG7zH47GVy2X77//9v9tqtQphDP//lof55S1vectb\n3vKWt7zlLW95y9uPaJ/0TP2v//W/rFQqJfjxd3d3bqFR4AW1+PIZVhbFuucmyQ1RrTeakBdDRW5s\nbPitUS1y3KbpT70u6sJmrApBq5XPzcI6E/Sr4Vtad4WbsIb3qJeJ36j7md8o1CYhfdzytbaHhjrF\nVoqf/OQn/g6Fa2csWKsuLy/9fVqnK65lZGaJh6DRaCShRA/JzXg8dustVr7BYODWGHjZ7/cDsAfG\nx3yxeMxmM6elhqGoVZaxx96ZarXqcsJftaYrqEOcwP3hwwefh4YNIb9qGcWypzXD1NINT6DpaDQK\nqqozVujJ+6bTaVKHQsPZ4KuGn2koQZy4W6lUnCesEQ3BYJyagArNz87OgsRe6Mw71LPH98yn3W67\npQ/Z1fo8Chkc16PrdrtBeBXj5Dmsc6vVyq2GrG/19qr3DRlTEJYYBln5pgAoChTAe+P1o1439RTr\n+mK+avViDArSgY5SKGAsjQpRjacEfXxycuKyzpjn87mvA2R7Op26NwM56Xa7LhOqm+GnQlSrp0Hn\nBR3MQrAZ9WTwXvWSamigWabjmK++N4bkrdfrgfcBmseejuPjY18DWg+R36gnA1ppgjlrE3kaDocJ\nyNH5+XkCD1ypVPw36slk/Ao3zT6AXlksFt6fhsEr/Db/a00xmobgxHW3NEQUOS4UCv4+tRrzHGt9\nNBoldXc0HEg9joyB91ar1WQdFovFINmfd8UhRArnr/WD4D881zpoGu4VR05oWBvzuL6+9s8YU61W\nS8KLB4NBEpb12WefefgTcqph7XhfobX+VsegoZ+sH37barWSM8toNArCHqEftefU44ActVqtILTN\nLOMXHj/Wxc7OTmDdN8u87bE3dj6fB1Dd8WcKWBKXQdAzhoISxJE4rVbL56ylUeJQPY1M4beNRsPl\nRCGx6Q+5KxaL3g9z1LqV6jWKw5rb7XYCuKbpBcx7Pp8nqS4XFxf+PmRWda/qyhgkYjgcJgA5a2tr\nQagpY2ePgafL5dJldTQa+dmX30ITpcP6+nqiNyuVis8PXg8GA5df9ublchmAqpllMqt1GXkOPkBf\nDcHXs62mi0ArrYlmlslB7K3UMWs0j4JRmd174v7bf/tvuWcqb3nLW97ylre85S1vectb3v4t2ycB\nKLjNxRZ2jaPU5GAsKppUx82a23an00lutVdXV36DVOt3DAurBRqxJIxGo6CQollYQEyhedVaaJZZ\nq7BqYBXc2dnx2z3WyO3t7SAPIfZMXV1dJfHnV1dXCYzz5uam96kgAtzUFf4yzl0xs8RqXKlUfM5x\n/o7ZfTKqQqNDS4XkVutYnIA+Ho/d0qA5G3GByWKx6BYQbvmTySQBFqnX60lV99Vq5XPiu4uLi8Tb\n12w2/R1qIY6Tq4fDYZLA32g0fPwaiw8PsSi2Wi1/ToEUkF8slFiPeR9/FSAljuu/vb1N4GO1iB10\nHo1GAdgDfGCt4ZVhbGb3sq2FPNVjp1Y7s8zqpZ4Ls/tcJ7P7nISf/vSnPj9iwz98+JAUJxyNRk4b\nrT7PnLTwr0JJm2WeJOiBxWkymQRQvNAcq7cmyqMzAHdZrVZBgV8+iz2rGxsb3p96ePlfk53jYoeL\nxcK9PJqfGUPPmt17aqC36rarqyunJTpVc01YF/v7+0nO59ramr8H3dBqtQLrbkxLHT990+9isUh4\nqHl+9MH6MAshhWOPdbPZdMsw6+Xs7MzXOBbb5XKZFHytVquuYxT8h3WIXJ2fnycgB5rTi15Xa7Tm\nb8SABoVCIchnNcvypOLivkpfdId6TjVnS/OAzTI+x56k8Xgc5G0xTvrRQsPqdYM3Wtyb9aVFTzUv\njjHHURJra2vOW97LetSxFotF/5+5K6gCa+/09NR5o/lWjE+LbbI26GM8Hvs84X+hUEg89s1mMyls\nq2NWb4/mRZtlvEQ+oZV6P+ivUCgkRUUrlYrLBzL5/v177xsZPz09TXJEdH/iOc0v0hyXuGTIcrn0\n71kzs9ksAQ55+/ZtkPMZ768PAca8e/cuKAFjluUNIifqIWANQWuF9taSEuwjCkAUFxBeW1vzcWk0\nCv8ThbS5uem8ZnxXV1cuqxploJEr9BcXu9W8ZvVuqkfSLNOF8Jq9plgs+rrWgrrQSnMi4yK1mq8I\nXZrNZtKfAtVAZ/UYsQ/s7e0F4GA0ZIbfnp6e+m90nKw5HRc06PV6Ad/5DeNSXcTaoI/BYODPQfO9\nvb1EpmezmetzjYJgrPShZwz0eqvV8txWxUeIo8K2t7eDfFGzTL8iR5o/HHuwHz16FOTSPdQ+Geb3\nP/7H/7BSqeSLg+cXi0Wy2d/d3fkgEaTZbOb/M8BisZgcYDRJV6txa00P+ouZqKEOCOtwOPTxQfzL\ny0sXEOazXC59cbApKWIUYx+Px35YWa1WCfqWhpWg7GezWbKBXV9fJ8gzWlNKUaFgpC4mNi4Nk4rr\ngvR6Pf9eE0aZp1Z159CgiHa8V+t5IEgkzc5mM1emLG5FDKRfTXiEVru7uwkoyWq1ctmi39Fo5GPQ\navI0RY5DWUBvvdxCg8lkEixK6MhY4bUeHqG3uqa1XkJ84RmNRkHtlnjDubi48GfjMARobZbxCL6y\nBvTgpPTlN7q5xAdERcvS2jha18gsBNpQ1EJoqRdx5JfNaGNjw2WMg1+hUAgujWYhSAfP6WVVE4yZ\nu9Yl4n3IzunpaYIOpyE9CibB3OlPw0EV2SoOOZnP58lhT+tv6CGeeUJbDbvjoHp0dBSEIceyX61W\nExoNh0PXI6o34RfPKSqUGhR4H/TQBGX4WiqVfHPX9R+H+U0mE5dp1vfW1lZCt6urK+9HDWhxraBG\no+H80jpDis5kFoa9IAc7OzsBEht0jEETTk9Pk7pVGm5JH/P53Ddx5qhhVBqizGfMTROp2Q+0bg39\nof/MwnqNcW2k+XyehJwWi0WXk52dnaTWlSJtaUgqdNU6adCSz5bLZRKmVC6XE4AcNQqxLnTPYo8Z\njUYJQEq5XPbxETamSGB6WI1rqLVareRg32q1Eh0zGo2C0Gv61Xp/vIN1gR7WiyK8VjmBr2oY1bDq\nGOTi9vY2uTyWSqUkMV9DTpUevE/lKj5DjMfjxFC0XC4DEAy9CPMZe7eeP2IAkul0mtSFNLvXZRqa\nTOPMpWiziuCoes4srPemiIHwGh1TKBS8H3jT7/eT/anRaHg/Kmv8ryGWXNT4bj6f+x6uodMxkvJq\ntXJa8dl0Og30CGOK91k1ZGvIPnTRS3C873Q6nSBkln7hkaZnaMgf49QwT7OwXl6lUnHdp+cd9AOh\nevv7+0l9RrP7Nc46G4/HwVnALONXjPCrzgqe07qlzH06nXp/GqrPXFR3aCg8Y9eQZPpl/IoOGcsi\naH7/9b/+1zzML295y1ve8pa3vOUtb3nLW97+Ldsnw/yoyq3WQrPMkoAFRt38sStsNBq5BUMTmrEk\nKWyt1j8xy26Uah0xCy0dWACwHpjduz03NzcDqwyf8VssSvv7+0lNFrUAK56/AgfwP7dZDQFSKE6+\nxyLVaDT8M63Jwe1Zw22w2inEZmzhrlarPhZoX6/XA2uhWWi9Y27qgtX6W3El7WKxGIAWmGU8x6Ki\nICGMX0EnsGpoSAIWAt6xvr7ufWtCNZYBPru+vvbfqpdK4c95PvZqPQT+oTXKtG6SWuqhi1qaoXds\n/ZjP5wH0PHQjNGF3dzcJF1wsFgnow2KxcMsLPP/48WMC7azJo1i7t7e3kwrppVIp8X4Oh0PnHX+H\nw6HPRcNP1H0OvaGlJmbH9Zk03Fb7iOHDFc5dLeOxN/D29tbXEnpnZ2cn8fYpuIp6kfGeYmGr1WqJ\nV7Pf7yeQrJ1OJ/C2mGVADrq+zDL5RAchf+rFg7aTySSYJ88qwIxaQKEvsqA12aAHcjWbzTz8UOUg\nBnhotVo+T13/D63N2MNqdi8frAGFtKYPhctlPlryQENJoI2GZ8Y0V8u5rv84XFVrivGuw8NDn6+G\nusbevtvb2wQgZzab+X6H7BwdHbnHBLp0u93Aa2gWRmIwn06nk8i7gslAPwVNwYtweHjoc1PrPfrr\n+vra9w7WyO7ubgCZzDtigCeNOKBpSLfWm4y9Ixpqxv6kifLo/4dKAWgYMnTu9/veD3xTK7qGyUJ/\nZFxr5zBmtTjzWafTcVpqeC7vgH7tdtvnojpdozwYMzpa9YAm+DMPtawzn9gTqyH2GuUCDzW0Mw6T\n1lqLGlaMXC6XS19XzEN/E0co6DwV2p95HB4e+m8VrAX5RVdqOQJNf4hD64vFon+PnGoIq+7XcURU\nqVRy3jG39+/fe2QN66zf7/u+CU13d3ed1qoXGZcCeMWRDt1uN/DoMjb61ugh5Bw5qdVq3o8CX6GL\neFe/33eaahh0DJqj6Q+8V0MYFYRHI3HYO9TLi87TUFP1dpll+0BcO69arSapH6vVymWGs6GmecAP\nLaHBmJfLZVCL0yzbx2IPnKZqaFmFOG2k2+0mIDyNRiOJKHuonFPccs9U3vKWt7zlLW95y1ve8pa3\nvP2I9knPFHkBavU0y6wQcfypFvxTeGMs11rQMI6tVnAAhdCO4+23t7f9Jq+VmrnRax5KDDZxfX0d\nWFbNwqJ4jG84HCbW2WazGcA0x7Dbn332mc+J+d7c3CTWJ63Mzc367u4usNqaZTf6GFiiXC4nIBMK\nH6nJlVpw0yzjDZYQLY4Jv9RCzNwVMjy2mBwcHPg89JbPc1gXNOlXwQTgJ5bM8XicADNsbGy4VQO+\nHhwcOF2g2cXFReJJWq1WSZzy7e1tkmyo732ouCefXV9fJ9CzCqGMnGjOgSZza8FcLE20vb29JG9L\nARSwPtZqtaDQq1m2RrSIJJ/BawV/iWPvDw8PfZ6s64ODA7faImtaBFo9HTGkaKlUSnK6rq6u3BrI\n+tIiu6zlTqfjn6lXI65Yv7297fzH+n5xcZF4Z7vdbgB1Dh21iDVjj0EuarVaMAboqPHY0EwTj81C\n0ASef/Lkib19+9bM7r1ka2trQW4iNIRWvV4v8FxDc8aPXGl+h1r2NYbfLPTAKPgCNOLv6elpYglX\nXaSW/zi2fjqdJlZDtUKrrGkyMvRg/OwratVmfOfn50kh19VqlUCtHx0d+TwVml/LLvA8Mqvw5eot\niJtGZzCGOH/IzIJkct7Lmtna2gqgrs0y2UanQtvHjx97ojUW47OzMx/X9fW1ywxj1jw6bdASemxt\nbQW60SzTd6wNLRIaJ/O32+3AS0WLnysUCv69WoXjIptbW1u+Rpjv+vq601cLkqPvFJZcC9WahRDP\nyJ/mkiJrmqvD+tAoCfWcI7/sIbu7uz4PLPeNRiOIQuD9mrsKndVDxDs0N5z3M0/1zsZedy3JwXx2\ndnYCaGfe91CkA+trPB4n62s8HgcAS2aZ7o2jhk5PT4McM7PQu6C5gfyGMSsQEOM7PT0Ncsx4P/pJ\nzx/kPTE+jWrRCA88ydBNi55r3h08VA8FdGHfWa1WrquQg8Fg4PxE/i4uLpJCzo8fP/ZxqdeNda/e\nfI044nk9T5hleoB1q55u5Jy5dTodp7Pue4xLy5uoJzaOTLm+vravvvrKzO71tYJlQKuzs7MAdMMs\nk1W9C0Bn9UjRNG/bLIxGYB6Xl5dBuQ/mBs0VXl2B0cwy3jBm+lCwKcbcaDSCPMaH2icBKP7hH/4h\nADnQhEF15ZllBIZIXFo2NjYS5JlGoxFg5puFISxMRHH8NUQAJY7wTKdT/40ieGhNLLPw8KjgBByi\nNPxFUVLMss2Nhbq1teVjpe9yuezvQxhqtZr94Q9/MLPQlR9XL3/37l0AxGCWLSYWkbrEY3f2aDTy\nMSogh6L98VwcXjaZTHzOLMDZbObfqxAi1Aq+wCLi/Zq4CY/m87krZXi4ubnpSldBBxgri0oBF/jb\n6/Vc3uKkU7P7xaZhiIpYhJxA536/7xs/f/v9fqKYNAH9oXo+epjWSwj0+P77780sTATWBFDd9KBH\nXHep1Wr5ezRkkzFoaBqyqkhf6uo3C8PoNPk/RrJaLBbJRjedToP1x9xpDyFy6ZqJQRMUVYs5LpfL\nIHwSusS6o9FouN7RmjHQj/evVqtkU1BwDT0YQw/deLT2C7SKw59ns1lixFFAG0VkY75HR0eB7PHb\nGNlpPB77/3xXLpeT0LCbm5uArvyNL0TX19dJGCXzMbs/YN3c3CSb5GKx8M/0shKjgx4dHQXAQ7z3\n8ePHZnZ/cN7e3k4O54eHh0kNoOVyGdQSM7uXFzMLDocP1WRj7gocEteA0fAh1cfMXdcefFOjBePi\n/Zubmz5mTcaODXYacqKhP7FRaDab+feazM17NRSSd2hoUBzWxvf8ljWC/DabTX+fXvpjdMvRaOTf\n67qJD9g8q89pWB6t2+0GhzxowG85QM/n8yR8b21tzfUT6382m/lvNJSR7/VApoAczIPLnh7S9WLC\nezmIq+EE3YtuUKRfeFQsFv19yNhqtUr2HT04KwJmvJYVvezq6ioB5FCEP0VXi+tkjUajBLyoXC77\nute1RN+qI/kta3M8Hie14g4ODpIQ3NPTU6eHGklBbEUOFHCH9yoCMmuz2WwGMs/YY8PpdDp1PiG7\nFxcXCVjK3d1dAIxjlsmGhurTR4yQqcZerXlJf3oeg0f0Wy6Xnce0SqUS9GOWrQv4AU0VIENRsel7\nf3/f5ZZ2eHiYXPz39/cdQU+BTdiHOdcpkqHKk9YcM8vWRQy4NRgMEh1/d3eX1ICbzWaBk4d+NQzQ\nLNPHvEMRpuG1nnt5hxpiHz16ZP/lv/yXHIAib3nLW97ylre85S1vectb3v4t2yfD/Hq9XlDBXZN1\n1QND4ybPbfTq6ipIHuN5LAdYe2q1mlumtFaVwp+ahZXNeb7b7bqFU8Pp4rC7Dx8+JNWdy+Wy32YV\nYELrJJiFVs3r62u/eXPD1Touaomhb57rdrtOr9evX5tZZpmKwyPev3/vv8VKoYAGmtCIVUYTd7nR\nQ5fVahUk5/MurGhffPGFmWUWNuauoYz8FkvHyclJkrzc7/edvmq1hE9avyYGQygWi/4c71Vsf6xL\nallSNzm0xxqktQLot1Ao+PiYd6fTcQsyMrG3t5fUgOh0Ot6fWh6ZJ5bMcrnsvHnz5k0AJc746UdL\nBsT1PhQam/Vzfn7ufNC6X6xNhUPWhGLGGtfxmU6nCRDAZDIJarqZZTogDpkbj8dubVdZhF6MU+ub\nKThNbG3T2jNaNwsaqBdM64bRmBN/+/1+Urdka2srSb7Vda2JsnF9m8VikdSeOjk5cb4zt/X19WBO\nZpks4olROWZ8//zP/5xYKT///HOXQf6uViuvA4YlvFar+Vj5u7Gx4bTUunuMh7WiIZNYMxVmnDFN\nJhOnG/TV0CWtk8RvWGeDwcDfgYdofX3d15B69JAjrR+HRRe63dzcBOvBLLNqMzdkYzabBZDY0IX/\nFRBCQSvMQq+RQqSr19gs4znfK2AF6xBPx8nJicu0rv247Mfz58+T0M5+v+9047PDw0On6ddff+0W\nYvXOajkI5ZFZGFak0RiMX8FoYnpoWKCGnUHLeL/T9aWhzFrnkfdCVwXZiZPIB4OBffbZZ05/s0ye\nFVCCscQ1r7SGjuoGTTI3y3QraxwZ0tBvdK8CEGmtIJ5TTxLz0OdimP5yuZyUoJlMJoFnmvkSbs++\nrcBcSmfG3263nZ/o7dVq5eOh7/39/SC6g7Fy3kHfzWazRKY3NjacJ6r/Y7AJaGdmwTmFPUY9aKxN\n1tfBwUHiSby6unJ6aN28OIVB6xFCl9FolNTOKxaLrotY3wqkgJzs7u762mO+l5eX9vXXX5vZ/dl2\nY2PD15/WgoIG9KfAMhoGGc9NQ4kZn563FNyBftSzo/Ds9AftX758mZyRz8/PfV1rZEp8/ltfX/cz\nLTQgMkvHtba25jLImXWxWLieQE40lYS5V6vVoPyNjkk/Wy6X7sHUEODYk9xoNJJ6qZr6w2e1Ws35\n+ada7pnKW97ylre85S1vectb3vKWtx/RPumZwtIex0K3222/XXIbLJfLQeIxz2tBMLPQw4JlYmdn\nJymo+ubNmyRmVosF0odCmWshT37LDXt/f9+tPFhYFAqYVigUkmJ2al08OTlJYqBvb2/dOsZvdnd3\n3YrCb4vFYmLN1NwlWr1eTyzrCvesQB/QA0uDxverVY7xQZdOp+O/wSqjhTfh2/HxcZLIuLu763xX\n63cck7y9vZ3MQ5P54LlCfCs0N59prkYMja/fP1QBXZNroR+Wv8vLS+e/5mXFlslSqWRPnjxxWpqF\nAB1YZH7/+9/7+y4uLpIE6i+//NJ/A/006VsLHGusL2OJrWMKcoFMj0Yj71uL46nn1Sy0jsOb4+Nj\nfx99NA8Im+kAACAASURBVJtNlwX1QkN/LLUfP35MErcVaAELmxYn1L5ij3Or1QoSmc1CvaMgKzHw\nzfb2dpKAqpXjNa4cHjE+zTVAn6i3WnM6YxhszXXUYuGvXr0ys/uY7hcvXviYHyr+e3p6Gqxn6KaF\nqhlXDLG9vr6eePS0ICzrB1pBV2iKflJPFvINjzSHkNZsNpOcj3K57J4EpdtDVeeRT6yG5XLZZUtz\niHiO/tQDjOV5b2/PaYU3T4FPlKZxLlSn0/F5aFFOzeUyC3M/tIB9nPegHmzWh+YIaL4lllraeDx2\n6yzyp/NYrVZOX5UXLXxvlskJ8q3wwaxDLbkRF9ldrVbet+q8WO+cnp4Gye9mIdCGAlDERUeV1jQF\nh6FtbGy4LLC+RqNRAMjB3OLcyru7O39O1zc0UgAH1WlmZv/4j//o4AXozF/+8pdBgXazsOC7WtWf\nP39uZmHkQQx5vbOzEwAZmWV80YgTs7A8hJaMib1Cl5eXgU6gaSHc2Cu7XC4T0Jflcpl4OBQMScEQ\n+K0CaTx0tokBFHZ2dnzO8He5XDotGd/FxYXLjkY6xOBAWi5DPWK8Q/PKFGQgbrrfoR/U6x7nKT16\n9CiJPBkOh04PfvvDDz8kQB9a+gaaXV5e+vg0VxM5oY+1tbWgUDI0Yc1rXigePQUEYqw/+clPgrxZ\n+os93K9evQry7OLG+MzCAr5mYSkj9QbxHOPSUgGab4XeZG++u7uz3/3ud2Zm9s0335hZtjZ5H/q6\n1+s5Df/2b//WzLK9g761oHeMy7BcLh3o50+1T16mlsulDQaDBxUdi00XTnxIOj8/d+ZpuNrLly/N\n7F7BjsfjYIMwyw6eMFEPkXH9FU3G0wNCXCdBxwxDFUGFNh6PXRhQoE+ePHHl+MUXX9j//b//1//n\nNyhgBKDb7fqhASZqvR8U//7+vh9c9OAXgz60222nFy74TqeTJAcul0sXLi4As9nMx6rhcYyPRVet\nVpOaCB8+fHC68a7b21sfF4u9Wq36uDQZXpECma+GRzLvWHb0MgXtO51OkpDd6XSCDZPv2OSRidls\nFiSrm2WXB5Qyz43H4yAx0ixTgsgTYTej0chevHjhczfLeK70i8E8Xrx44WPEbfyLX/wiQajT0Fqt\nAREn887n8yCM1Sw73MSJoApeoRdUeKM1LPQQxfPxWppMJskl6fj42N+r6EtaS8TsYaACVbB8Vi6X\nAzk3y+ROE/EZE7KooXpq5OGvhoGaZQcP6KYHbWjPYUrRl+hDL+c0NSYg73p5hD4qJ4VCITAqMBbe\no2iJzI/wkmaz6ZcFxnJxceEyCm+0xo5ulvAEOVlbW/PfKuiAAgWZZbIWG862t7edrvC3WCz6RUyN\nJNBaa5Chc5mj1oBDt2ptH/0t/SmQCnN79uyZmZl99dVXicyqQYH3P3782OVRkQ2RN95RrVZdtvjt\nfD5PUM4UHU5ROONQ152dHddZbOaTycQvS3oxUuOmosyaZfsmsqCAQRzkFBiFA4KG7KEHFVmUMcIP\n1dXMfbVaBfWF+E4PfDwXo+odHR0lel2BBRQIJDZ+dDqdJDT59vbWeaMh5fHcFFUMXrfb7QQJ8re/\n/W2AWsuY+A2HrlevXiUGYD2Q85waceGR6lTod3Nzk1xaFDWNfWM6nSZG5rdv3wYh+PFFV9FBFUQM\nWjO3k5MTn/tD4czI7O3tbaC7+at1Ps3MvvvuOz8TKg04a2laCGcp0hV2dnZcjpH7m5sb3xdZN1tb\nW67TtP4W60/PSoqWaxYCfalhT0NvmRv9qQGa3yjf4xSGjY2NAM3ZLAQv0bDWuDbmYrHwCwJj11pQ\nyucYXXc4HPqeCs+fPn3qAFmbm5sJmMPm5mYSaqxpCJoSgzyxdyi6Jc99+PDBL/zxOYD58Vl8AVOa\nord/85vfuFzC/4uLi8RwtrOz4+Pn7NVqtVx3sJba7bbrXPb/ra2t5HwatzzML295y1ve8pa3vOUt\nb3nLW95+RPukZ2o4HFq5XE6qYqvlTz1K3PKwRmxtbSUQysPhMKkfcHNz47doLK1mofvcLPQucfsd\nj8dJ/Z35fJ6EuikYBtbKSqXi3gDG/PLlS7d6cUM9OTkJoNZJKGcM33zzTVBB3Sys7aPWCm7ZWDjU\nJaru1LhytIb08Zwmm2tCOMl30ENd4lrrhPEpsEBsNV5fX/ex8Nv9/f3EZa4hU1j8Wq2W/49btlqt\nuiUCy8Te3p7TnOdns5lbW7BkqRUaOVgsFkG9IrNM1rBmYWHT8Bjm8+7dO+eH1j5hHlgrer2ej4HP\ntA4an7VarYCWMbiBVjZnXXz48CEJeyqVSm510voSyIq+N/YQmt1berA8r1arJOlzuVy65YX3r6+v\nJx6YXq8XgAyYhRYiePjhw4cHvca6/swyC6GWWOB5LGaM7+LiIgFcqFQqLtNapR4eYslUSy38HwwG\nCez7eDxO4O3H43GSRK41qjQclXkqrbTWiVnmvY6BSAaDQQD3q2AkfBYn/X/55Zfu0cdquFwuE7Cc\nXq/nfWv1d2iIZffu7i6p91coFNySqN4W3ocs7uzsJKA0GoINH168eBFAP/Ne6KYJ92rxhx9x6He7\n3Q5Cfs0yftEP7729vXW9qZ47xoo1/c2bN753aIgdfeMB3NnZcb4qKAG/ZT94/fp14EWBfrGXsV6v\n+3qkv8lk4tZ0hXOHpurhV2s6exRe8n6/77LHmDc2Npyf8KFer/v4kbvpdJqEkK1WKx8Xc9vY2PD5\noTvOz8+D9cL4kG2e//DhQ1CagPfH4BtmIRiBWSY7qg/hA/TV+jxxCJ56iLWWZVyqpFwuB551aAb9\nkZ3VauX7DrptNpv5PsfeenNz4+uHzyqVivenHoo4faBSqST1DRVYQHUENNA5amh3XLLh48ePvh8p\nzZEFrTepdZTMQoAvLX0Tg1xdXV0FoBVmZj/72c/87MOYtbSMri/Gilzd3d35WDgnHB0dJeUtptOp\n8xUZXy6XTkP4Wq/XE1j9/f39pO7n5eVlEp21Wq2SOpKz2SyoL0iD7+pR4n3wv1arBQAVZpm+i0uP\n1Ov1INrGLFuPCtlulvGFdcv7t7a2/DlkbT6f29/8zd/4GNB5GnXFvgOtVC6Zh+pm6HF3d5fUmVTw\nEq0jq3X+zEJgLlqj0XB5++6773z8P//5z83M/O/u7q6PBV1ULpf9TKgpFIyVz87Pz5OwbN2j/1TL\nPVN5y1ve8pa3vOUtb3nLW97y9iPaJz1TJFRyu8PqcnZ2lsA9bm5uJtaKvb09/18LtGruAH+x7nDj\nfPTokd8aNck6jsEul8tuQVBgAYWmNctu08yD7zY2NpLE0sFg4LdU4v273a7PdzabuZVPcw6oCK2F\n3OgHC9b5+blbarAQX19fJ7kGpVIpiDHnXXFS3Zs3b9yzxm1a81QUtjK2Lt7d3Xk/Cr8ZQwDP53Of\nh8LmxtCjy+XS6aIQ+siMWgriwrWaz6SJjTHEt3qrtOghfcfF8XgfY+YdeCO0wvxD1c7h1c7Ojltn\nmNv19XWS5HpychJY6mMo7nK5HMDkm4UV5jXnLy4cqVXusT5pgT31OGHZVrAJLETqCUV26PeHH35w\na5Fag5FzzTVgXNCj0+kExT9pcWHou7s7pzWfTadT55lWTI+rsV9cXASgIGYZ/5FZ6FEoFIL1yjvQ\nMZqcjhwhJ1tbW8l61LEqgANj1cKasbeq3+8nicX1et152Gw2vW/6UXAY2h/+8IfAWmyWFYPGkwSP\nzO51HutV8wC0oZeQk3a7neSa7e7u+nPw4+DgIPEuK/S0AtrQN79VfQ39Xr16lRQkV2s69BkOh0Fy\nvlmoO7QgLZZu+hgMBg8mqsdFbLVUBWPf2Nhw664mSGtxTbNM7zAnLWYc51HV6/WkOGaxWExy9Xq9\nnvMa/i4WC/urv/orM8vyBQA30L2UfQsdUqvV3HvGGAaDgdMSK/rHjx8DeGHmicyjV1arVeIN6nQ6\nARAHDd7w3UMFZpfLpdNf12Oc57e3t+f6X3OS4qLXxWIxyO81y3iDzMDfRqPxYOFV+lPwqtiboo3v\nJpOJv5e8jIODA/eswI/Xr18H5QjMMn5oYWuzUC9q7lQss5eXl0le3nw+9+/1f3TlfD73PQF9MRwO\n3ZOrMOLwi6aeJPXix2tdo1oAX9Ji97o2GTfnlK2tLT+XILuHh4f229/+1swsKMOiOsgsizjhN+ot\niUuynJycBMXaGbt6OM0yvuo+Qn+xt6pYLDqvOS9sbm46rRSkLAZIGo1GPhbGqaVPmNvHjx/9f+Rp\nOBz6fkJ/xWIxKXqvReqR92Kx6LJar9d9Tsjg6elpcjZTT51GSbFekMXDw8MggoTP4KuebWgKNkGD\n9q9fv/Zxo4vevn3r40I3PFSmo1Qq2U9/+lMzu+eN0pKzcKPR8DWpeXJxUfG4ffIyValUgpAUlEa9\nXk8O7Gb3bjZN/kNAVKj5HyCHWq3mygXlsVwuHZ0DIlxeXgbJ12bZ4YwNTFFaWNAIkibIcQC5urpy\nZiOY7969c8JpEhtjVjRCGNDtdp2RukmyKcL48XjsAq4IWrgf+W2lUvHFgTBMJpMk1ESVFQv28PDQ\n+YRS6Pf7waZiFl4uoJHOXReQLhizbJNn/Fp7hL5ZaKPRKEH4u7m5SQ5Jo9HIx6fu57iWQblcdhop\njzRcjHfEYVl3d3dJyKlWCdcDGf/zrpcvX3p/Ok4UhIbGaWIm42LzPjg4SOoadDodn7NupiDAoZwV\nUUzDPZEtTaZGSfHZo0ePElSlVqvl8skaPTo6Ci7bMX05VO/s7AQucLP7NW8WHiShYRz+xPfMFz5p\nbRkNi1L66G+1ToaGunFQUEANNjDmo8idhAMqaAq/3dzcTOrRKBgGuuH4+NjlhM1osVj4RU3DbhS9\nTlGDzMKDiSI88j2H5bW1tSQ0SOvCMN9qtZpsksViMTkYjsdjX3NqrEJmlc7xJfn4+DgB81EAAnjX\n7XZ9jTDHRqMR1NahIZ8a2qvjN8t4jY5U9LdY7zx9+jTYRM3C8CateQM/4NHd3Z33B122trZ8rOjv\n9fX1RH9qiKAaSLQumFkYJq81CzF4cMit1WquO5bLpf8Pz7vdrusHPVz+5V/+pZmZJ5trLRbC3tWA\nhW5ToCLdz7QenFm4hllfi8XC9wnkqtFo+FhVl7NuVOdrOK5Ztv/H+uT6+jpYu2aZHotDoYrFotOc\ntra2lhh7e72e00VrpPG9hq1rvTrGyRpgfC//P/bepLe1LTnTDnYiKTaiKKo97T239c1MZ8JwGVVA\nwdP6JfUXDHhgGB56ZKBQ/8fw0LDLLqed3Tk377mnUUM1pDp2IkV+g40n9K61lHU+XFTN9ppI4N57\nNbEiVhPNG99/73MMzTSfk6IiQnOVM8akZxvWV1Vy85vmcGIeWq1WoGw1y/iJuv/8z//cv+VipXtN\nDHJVqVT8AK6AJsiN5qP76quvzOyBny4vL52fGOfl5eWjoAT8hnz3+337+c9/bmZmr1+/9rFBf9pQ\nZFFVImrOQfrJb8j/2dlZgiJZKBSCHHb0T11mzTJe1HyPZtkaw3mT8T558sT5Dp5QpSr1ffbZZwFY\nBn1nXuEJdYmmXj1rMp6PHz/62vDf/tt/M7PsLKxojuwZ8NZyuQxkg3nQ3JrUAw0VbCreXzUHGP3S\n/Jz0XwFS4NNGo+HzwL6o+zVzM51Ofb1UhOFf//rXTkOzbD1TJFOzTD4YG/WenJwEIBmPldzNLy95\nyUte8pKXvOQlL3nJS15+RPmkZWo2m9lqtXLtGKXf77vGUWGNYyvPaDQKtAVmYVZ0brB3d3dJDojZ\nbOYaCQWb4LaNhWq5XHp9CvFL3dzYW62W33TREKj7m+YKQLvAbXp7e9tvwsPh0HHquc0eHh661g4X\njMFg4FoHaPDFF18kwBgapK/wi9BDLUpx8H2z2fRxKnwoY2Yc3W7XNQjQamNjI7GI1et116xyYx+P\nx4ELpFkYyEi9tVotyU6t7l4a4I8Gg7luNBqB+wHtoq1QbYnm56EvsaueWjUe036rOxpjh7ZqTaEM\nBgN3B4U+P/zwg1tMNc8N8rBarZwOX375pZllc8P36k6JZQityw8//OC006Bf1dqYZZpfeEshURVO\n3yyTL4XgNcv4KQaHULh02tdgY3X3ZD7V1VWtrXFf0HSVy+UAhpQ2KMybWjpVK6fB8rRB3ao9Qh6p\ne3Nz0+dQIXzVmkVRWGjoAw/GwBb0lb7zLTyubpWaW4i6l8tlkCLCLNNwQl8F/YkDz6+urpyW1F2p\nVAIwGrNMvjSwlzri9bXf7wcWENqNYWEVelplKs5HaPbgUs0YLy8v/X+FGaeoW5NqC+Ox0WfNz0R9\ni8XCv8F74PDwMMjzBM0UGAd645KkLsJ8y5o5Ho8DiH2zbD2jD+rqFlsA1RrJOtBsNhMwJLUUaEoL\n5uPzzz93Nz9k+OTkJOBNs0xukAfafffuncsDY1e3N2haKpVcs64AKswxv7Xb7WRNKJVKTg/6XCwW\nk5wyW1tbgYWL+mK+UwAaTecRW0k5t0BXs4yf2ffhDXXfwtq7tbXlNOWZ5pljLVKPHNbU+Xzu80lb\nrVbL3SixjC4WC18X1PMg9jIYj8deHzx2fX2dwIjXajWXKea+XC47byvYiObkhL7QY7FY2C9+8Qsz\ne5Cvcrkc5Ng0y2SddnTv4D1dB5hPxlEul513FKabeqij0WgkoDSaygA+OD4+Ttx8S6WSzxMyPBwO\nE5fuvb29YJxmmXzRZ9rv9XpuiaONarXqPMDfi4uLgGfMsnkDzIG96PT01OtmjRuNRomL+Hw+T6C7\n1XIPnXVdRG6Pj4+D8BLownNo0Ol0vC+//e1v3cNKLfv6rvbP7GEffvr0aeJqWC6XE3j2+/v7BDBE\ngbRUllhH4AkFgoD31ZuGdaxWq/kayry9ePHC9zt1L+R/XXvhBdaY/f39xKodl9wylZe85CUveclL\nXvKSl7zkJS8/onzSMlWr1QJISTQmz58/95skN8ThcOi3crRgt7e3fstTrZUGX5tlt0ssTWj+1DeY\n9jUegJunBtVxM9XbOxod1fyoPzgaXdXwcxPWWDFN5AoMrcY6oAUCQENv0Wifzs7O/Javfu1ojaCl\nWojQpsxmMx+LxmPQb2j/3XffJfDmk8kkgbyez+feHtqF9fV1tyqiRen3+4lFrNFoBMGZjCdObDsa\njQKtjVmmtYiDkpfLpWsGNDYNGikEKLRkPIVCIYGbHwwG7iutVlI0NGhnLi4uAtASxkb/1WIYQ3c2\nGg3nY+pVH+f19fUgxox+0R/k4vT01L9nrrvdrtNBk0UrYANzpNYOs0x7RLtq5dOAU7NMaxhr1mu1\nWgJu0e/3nQ70eTgcutZItVF8gyb7yZMnQcyiWca7MSCD0p82isViYiG+urpKtMuaMkDbQuvFGtJo\nNBLr0vX1tcswz9SqwjqmyScVFAO6oPG6v7/3eAvWgevr68A33CzTyGmwPDxDfQcHB05DeF+TYmpC\nZzT/jFNTD9Buv993nmZtu7y8fBTQBF6A9i9evEjGrglrKXt7e+6TjnZzfX3d+VhTGcTJnTV2hfer\n1arTQ/kFWul7zJMmPUb+iQdqNpv+Hmu1WoOQvX6/H8irWaYF1/gZvo3jGcbjcRADYZbxHfOAnD97\n9iwBYbq+vk6skePx2L/VvVeTbQONzpja7bbzDnzSbrf9f/ZZjculaCwXFkWNK9Y4v9jyc39/7+tT\nnBwXOtBn9gzGrsBMChwTg5xsbm76mqHJmxVoxyyMt+F9TXmg/MfawjgWi0UiF/P53L0LkDf1VtEU\nJNSnZxJdC6BtDDagICeMTcGaNE6auCH1sMCizLqscZffffdd4hFzenrq80lfv/rqKz9/6dzFcOlm\nD2cQjXuLY77K5XJiWb2/v3e5h87tdtvHx948m828LxoDzJixHm9vb/u6wzoxm838PYVcj2HGj46O\n/Bv6Z/bAgwqkE6eqaDabQUylWTZfCu1ulq2L0EjPu5whlU+hB7Jwd3fndFYrJPsc8/bY2VDjBuGJ\n6+trl2vWiD//8z93i+nV1ZWvI3ouJu6NNj58+OCyrtY01lDo8ebNG9/PFUgnBvPR85quuZrCgrGz\nzyE36+vrThv4tNvt+rmJdfvo6Mjlld8+++wzp6Wm/2Ee9N7BN3+ofPIyVS6XbWNjI3HVu7q68gEw\nKZobR93CmDyEWTuLkCwWC/8GRm+3294GhFHTH3167OKhdeshAwb/5ptvzCybuJgBms2m9wEGODk5\n8fp+9rOf+XP6oJsBG/F8PndBpQ/n5+dez7fffmtm2QFL81RAS5gZwdbAY5hG3a1g7s3NzSSvyWq1\nSgIGtQ0WLUWjYRFUJB/a3djYCJie/sWH2nK57AyspuFY8JfLZWLmr9fr3p6i5uG2oy6FsTtguVxO\ngkhXq1UCaKGHPQ2ARLCU1+LLSLFY9MMZBxq9yNTrdQdY0Szx0FqRmGK3LD1gazZ0iqK0xa41o9HI\n5VARl1jQdR6oW+cylpv9/f0kb02lUvEDiSLjYRbncjGdTr0eZLnVavm80r/T01NfuDRfW4yq1Gw2\nvQ/UcXBw4H1mHHoZhV/0MKVzqchJvM/6BD93u11vV90gY3lst9sOHMJvu7u7idvgcDgM1hYO/PSr\n2+06zTnsn5yceNsafMvhQwOQFXiCOVJXD/oF/3IQOzo68jWeS8PJyYmv4bgX1et151W+VVcT1oTJ\nZOL8gUw9f/48cRtTJCvWhFar5X3VSwt0ZYzdbtfXKvju5uYmyOnG2KCH5gKiPf6qEgyeODo6crRW\nRbSKD0mlUulRGsBPusboxYQ+wU/wvebzgk+LxaLPTaVSCUB36HMMvqGXX+by+PjYeZr2isVigrRZ\nKBQS92jNf6OIcdSnOapil/7xePxoXrUYwGm5XAYuVdBAD4YURZQ1y/g9PjirIgv63d3dJetYrVbz\n3/RyjrvQf/2v/9VpoK66ZhkAF7yoBzxFxlXa6nv9fj8IeDfL5pc+U2q1mtOIs8b6+rqj13FI/+67\n7wK0PAVxMsv2SHhe+UVzyZmFaMPM73g8DtyKqSPOdbRcLv1/5uPk5CRxrTezBMxJlXOATTx79szH\nQb0KDqYXQeRGAYhiBEJ1OVQwEc5AjFfdFVWZg+xqUeRJ+qnzbZbNEbzDmlqr1fwirm6X8AS/LZfL\nJMRG11m9HMLHtH9zc5PIwIcPH3wu2+12sgbt7e05vRj7y5cvfZ/T86eGfJhl+zVnEdodDAaJq2a5\nXA7OvvyN0VKbzabzImu45oCDJ46Pj5M9V11/UYwo71Df//7f/ztwFzbLeDdGboxL7uaXl7zkJS95\nyUte8pKXvOQlLz+ifNIyRUBtHHypWkNu0ycnJ34L1SBSbpVoCmu1mt/y0FofHx+7aRgNy4sXL7xd\nBaUgUFRhvdFgoH3d3NxMTNPtdjtw4THLXEDQKnLLVy25Qkdz69b8QtysP/vsM78Vc+O/vb0N3B0Z\nu8LGmmU3eupTLST/cxOfzWaB1sYs04jG7jGr1crHjGZqY2MjMa2aPcCGqqsJGkLar1argUnVLNNw\nQDc0Ss1m07UB8EG1WvUbv2pWuPHrfMBb0KxUKiVZp7/44gvXmKimk3lX7aa6LpplGhuF8TTLtG9x\nHgQtCqjCvKIlUzAMeO358+eP5lNTbRVjhx7FYtHHSRvff/+905d53djYCPjbLNMKoi2GluoKQ9GA\nTLT3w+HQ+6qaX/gE+T46OnLrDs/29vYSCO3Dw8MkL9h0Ok2+1Vxa/FYoFJzf4B3VLit8KXRRa0AM\nzDEYDFye4/GYPWhJ19bWEkvHcrlM+P3i4sLHS7sXFxc+rwomwHsK56o5R8wyHme85+fn3jf6UKvV\nEsuKygPyXSwWE4vDzc1Nokl+LBBYrdXQvNfrJUHEnU7H+6cpKGLNn46Pvqu2Elq9f//e50bdUKEh\n9d7f3yf54xqNRqIhHA6HTkt1sUVzSp8bjUbgjmmW7WMKPU99ca6TJ0+euGVCLYGxtVdTLWBdULdx\naFsqlYI8c7yvYE5mGX8yJvqunhi/+tWvAlhjs2yuWdfVXT228u/u7rocaH4Y+q9yiIyriyjt6Rqu\nexB9RTZpX9NlMG+9Xs/XffVQYE6oY3Nz03lLIdI1xQbjjXPsaOA7vz158sT7xd9yuRx8Y5bNGxZi\n1ujhcBjkl6KfyArta/oSxqZ8gjz2ej2XW/hkc3Mz0c6/f//e51xholnLmZdCoeDjmM/nQcoJs9AK\nqW6PsVb+1atXThudX4Uwp8DTOkfwh7rHxVZoBSri7w8//ODjpC/q5q2gP7pWUYcCnpll60oMVKJ1\nKyiK7s30nXHq/qmpOqBVbOna398PoOKhC8/VWqmw5rRLG5o/ijWINWZ3d9fnA77TvJQKshFDkN/d\n3fke/eWXX/o6p/SJXetXq5Wvq7ELu9nDvNZqNe+r5pmCHvy2v7+fWDXV+sUd4/T0NMgvSZ/hBeXF\neB/b2trysSvwEfOpXisxqNPW1lZi7Y9LbpnKS17ykpe85CUveclLXvKSlx9RPmmZAp6U2y5avNls\n5hYHisbgaOBrDI17fX3tGgRus0dHR/5cA/hi69JsNgt8ZfktjnE6Pz8PvuEv7aEF29jYCOKZzDLt\nC/1HM9Ltdl3bcnBwkCTSu729DTLGm2WaNdUMUQ+WNwXXiDOf7+/ve92aMA/NEDQ6Pj5OrFDPnj1z\nP1zGe3Z25jRXCHq0VQopHAeHFovFwLedZ/AEmrrVahVows1CuGn6ubu76+3CG6enp/5c4zNUy0Ib\nsX/s+fl5kC2b9zVGB9qqVc4szDqPVni5XPq30E+hZTUmivGhka/VakE9mvTZLOOtOCZJNaEaVwKt\n6cv5+XkAuw4NeK5JbGNtltKLvmhyOrSapVIpScY5HA69zxq8ShtojTY2NpzPqeP6+jqBy+50OolG\nr1gsBjF/9C/u+/7+vtOItgaDQZAgkfc0oz20eCwxJOsYc9ntdpPg9WazmViK2u12ApCyvr7u7/Gt\npuk4WAAAIABJREFUZpDnPbWI/uIXv0gsmFdXV05rDb7FwoXlYWdnx+nEmqZaNIWMpz21ULHOqXcB\nRS1rGitnlvEGGkfmZjabOQ0VNj1ObLy/v+/8wdim06nzNut1uVwOIPFpS9MpmGVzqZY1s0yuFf6W\nOugDNNB1A/q8evUqiZn8+PGj8xh01iBn6LdcLn0u1asiTpiuMaLaB8bJvjOfzx3QhLnvdDo+bwrS\noUldFXIaWqJ9ps8a8K7xIgrsY5bxtILHmIUJsPEGUMuvJuqF/rT15MkT5xPVHtMH6LxYLBJL12Qy\nCSD7zbJ1Ik4MenV1lSRZ3t3dTfaOy8tLHxvvb25uuucCz3Z3d53muver1ZP3WF81AD4G11HgG02m\nDQ9qLBZnLsbb6/WcnzQpfBxftr29HQBV8Ts8PRgMgnho2oV3NMF4PMfT6dT5O46TMXuw3rx588a/\n0bmmbrUAMz5opXsX493d3XX6Mx/Ajps9yNwPP/yQpPNQMAfmoVAoeF81Zi6Otz49PfW+Kk1ZoxXw\nJ07kXCgUXPagY6/XC5I6m2W8GMfWaaJp6lgulz5H8Nr5+XkAumYWwvnz3sXFhc+DJobG26tSqQSJ\nb+k/vEob6+vrzkfaBnKtMO4xGNbJyYnzBPX2+32PY1IAMvoNj/3Zn/2Z/eu//quZPZzDWEfNHnji\n5uYmWXO///77xNK9s7OTWF01Lou1+ejoKABfeax88jK1WCysUCgkGPsbGxsJMk6hUAiyb5tlTBYP\n6v7+3uvh79u3b30SEY6DgwMnOgylLocwRbVa9cM5i+na2tqjBxQIp8GYvMfErVarACXHLGMeBdJg\ns1VkL8ZMjopCoZAcphuNxqOIbDChuity0OWSt7297W2oyyF9VMRFRU6CRirc0CB2VywWi8mhW5Hs\n6NNkMvHFSvOkaDAq9cbgBWoeV8SbeFPTfETUsVqtgvxi9IVCHaVSKQH1qNVqPk5odn9/n+Q8abVa\nSSB1q9Vy/qWO169f209/+tOAzoPBwOlRr9f9cKcHDQqL4+bmZuLmdXNz47Kh+ZJitK9yuezvsVDf\n3t76b7poxO4b9Xo9uZx3u13nN0WeUh40yzYDxgmNGo2Gyyl92dnZSUAfarWaj4n5UuALymKx8HmH\njrPZzGUOHtL8YXpwV1dTaMp4FT2PTUNdmGIXS93Y4afLy8vg0Ev7Cm5gFrrE6XsaQB+7s8zn8yAw\nmfEih4x9bW0tWSO///57v2zBq6vVysepbnfQS1Hd4gN2vV5PcmycnZ35t1wAmHOzh41OAX708hCv\nO51Ox2mtSrJ4P2k2m85P9Only5e+JsAbj+0x/X7fFVmMsVqtenv8VaQ6eGdvb89pxLfq/qouLvFB\nYTAYJOuAAhpBiy+++CLgabNMfmNF1mQy8cPPx48ffT9URLkYCGh9fT1Bo9L8gXpQUGWQWcarCnRg\nlvEGdaviVHmANjRvnFnoXqaXQnhGL1OaD8ws4zsul8j31tbWo/kNWSuZm4uLC/9WEYb1QmKWzQ0H\nbHUHikEp3r59m7jdvn//3ueBb6+urryv8AsoyUrTUqkUoGCaZTzL2NSdioMnMrCzs+NrNJc4RfBd\nX1/3MSNnCm6ie3PsBjYYDAJ+NMv2LOaVdqmf52bZfqJKGcYELUE5/Oqrr/z5H/3RH5lZBtIQX7DK\n5XKCQKxuacjIs2fP/Fs91ykCJONmndWzTbz/b25uJsiNGxsbyR4znU6TEJbt7W3f75ivRqNh//Ef\n/+H0NctkivpYvxUhTy/aCuZglskAFyz4Xvdt+r5arXz++e3g4CDgQc650HU2m7mLK4Ba79+/D/K3\n0j8FnjHL+JwxqTty7Eqsxgo9m8fnmNevXzttVKkGjZCf2WzmwEgKLBUr8c0e5FTP8oyJeVXlxx8q\nuZtfXvKSl7zkJS95yUte8pKXvPyI8knL1Hg8tk6n47dxtaqgfeD29u7duyQouVAoOFylwnmigeUG\n+PTp08TsPZ/PExhpDQREW6aAFmgUrq6uXAuk2o04mPf8/Nxv0xr8zzdoMtT0p9mr0QKpVl7dX9B6\nYXGYz+dJQG6/3w9M6mbZrZy+opXVQGAC825vbwOLilkIC0kbL1688N80+F5hiM0yrYbCrptl8xbn\nrdKM1WgFRqNRErjdaDQSwAXVopArYrFYuGaCuVSXLopaHOA/dS+kLBaLIP+JWeaaxm9oITY3N12D\nBI/f3d15/+HZQqHg/UNL0263XauFxuP58+c+R1tbW4GLiVkGeBLDVqtbGdqWarXqWhaFZ4X+9KtS\nqTiPwdOahZ05PD09TWS40WgkcKTqlkcbavnTHGWxG1273fa+al4q5SOzkE+Qo8ViEaQmMMvm/zGQ\nA2iq7UJ/aKCQzJpyAdlk3BoMzzjL5XLimqYW8ce036xdr1698r787Gc/M7NMmwcN4PvLy0tfn77/\n/vvEZWZtbc15Bg3iYrFwevCbAveo5p91U1MQxK5ttVrN6cq8KaANNFC4dIrmOqLd6+trXyPV0h7D\n1vd6Paerut3F8OH39/dBsDf9U+8Is0wuFOraLHMRpi88e/nyZRIMra649LlYLLqsowVV1xTd2+gz\n/Xv69Kn/xto6n899vpiPVqsVuJozXk2rQYFGCrnOOEejkfOv5l+MrW3D4dDlS70VYq8MzQGo+bLg\nSwVQoR6Fm45dehRcCR6qVqtJ7rnBYBBAHZtlPMnYqXd7ezsJLFdAG81zCI3UChbnwVSAHOT67u4u\ngVXvdDrOE7/61a/8txj4QgF8dA4Uwpp6FfAGWsW/bW5uBvDs0IL61A2Sdkm5okBaV1dXLkvqco4c\naD6/GJRkMpk4jfSMQb/UuhV73ZyfnyeQ7eqC/erVK68D/lALgeZWM8t4m7rV24P1U71bYvdCHTty\n9uTJkwTefH19Pcn7qLmxKIPBwHlLvXSwiPDsn//5n/3MwBwdHx/7uQjZGo/Hvkfy/ocPH3zN0vMM\nvMq3t7e3Thf2jeVyGaRYoH3WdwXXoB4FX9IQC+ilUOHwgoLTwZfw8fX1tfdBreXIIXyl+yvPdnZ2\nAoh9xsnY8UZ49eqVu0oyTvW60DMc67nm2oy9gjTMB/nY3d3NASjykpe85CUveclLXvKSl7zk5f9F\n+aRliqAybpdq8VDISbPsBsstT/3j1ZfWLLv5c8vjlry1tRVkrzbLghcJBCUWaj6fJ0GEqrFX2OxY\n+6kabP2NW7n6WCtMKu9pduXY31kTKWoSY4XbNctu4lgc0CC0Wq0AMpdxKkQ47fIe9X722Wfu24pG\ntNvtJjFfGlvBvGnmeDRYlUolSKQHrfhNA1FjEBGFCldtBP1CK2AW+s/yPr+pTzy/oWnf2dkJgrjN\nMg0R84lWSONUoEWhUEhglc/Pz50e1LtYLFzDogG38AIJVplTHc90OnU+WS6XTiPopxYn2js/P3c/\n8TizuVnoix5bfo6Pj5PkidVqNYjXMMs0tWiuNWM9WkWVgdiCqXDJqilCS60w97xHG/1+3/mccR8c\nHHjdyMqTJ09cW6RxXgqJzbPYmvrhwwdPmowG7TFgiUajEUAn8zfmiclk4usXfHBzc+NzSbvD4TDQ\nrJllfPyLX/wioMHXX38d0NzsQYNqlmn2qFMtdWhl1UqBHNCXXq/nvKUws3wL/RaLRWIh/PDhQwDF\nDn3hNwXKIY6VNtSShMZeE00j68rvaB5rtVoAHmAWWj+Y/0aj4fOg6wljo4xGo8DaQv/gbazfhULB\n61FLQRxH+e7dO69HIaiRTfh5Pp/7vKnFS1N2mIVgHfT95OTE50bh/OOgao39RQY+fPjgdX/22WdJ\ngu7xeJx4b6gngWpqkWHqVlhgxq7J09mTFotFAiKjMN4KBR4DS/T7fd8rKZ1Ox+nG2BVCW2Mi4C1k\nqdlsBpZmxhEnH+10OgEoBH/jc8xwOPT1hH4WCoUAnlvpaPYwr5ryQIE34mTRa2trQfJn+gKfaCJk\nvB9IGj2fz31+NTb9q6++MrMHmf/mm2+cHtPp1Nth3g4PD30+NQm8ghuZZesdY6e+p0+fJvHn6umg\nsZ2sGbqGI3Ps14eHh4lXi6ZLoH+9Xi8AQTDLeII1BllX66ymjmHe4au7u7vgPERBrpn/y8vLIM0A\n70BL1uXHYv9ub2+DJOtmj1shK5WK851CkWssp1m2diHLtKFJ3hXAh6KpICisDR8+fPA+P3v2zOeL\nM/fZ2Zl/p5Yu5on+I1tKI41dh7c1JQMW0WKx6N8Qz1Qul51emqyefinoTwxeoeuTAuloMmSzTJbh\nBXit0+m4DMGTFxcX3v8/VD55mapWq1atVn3D1BwQCB1EePHihQcUIiz7+/v+nh7c46DPRqPhi4a6\ndsHMTNzFxYX/BmGq1WqSsfry8tIXmtgtwMwCMx79R7Cvr68DgTHLFiMm7/Ly0uuC2K1WywVKc9Qg\nFAQMDwaDwDTLe7FLz87Oji/ACNHd3Z0zy2MbIvXpYsU4NBCcvrTbbX+PZ2YPiy3fqisJ7xUKBW9P\nF1gKz8rlstfDYq4B7QoswbxqYL66EJmFZmhFmFPhoN6YVmYPBz/NVRQjst3d3Tmv8n6n03He4rLX\narWcZ+nLxcWFHzxns1mALmSW8aDmwqBd2lHQBwp06ff7j150YkSm6+vrYCxm2ZzCJ/H8av/v7u6S\nS3K1WvXnmh8mdo94+vSp00gPMPGGfXR05G2oSy88g5wNBgMfB31X1yqKIujxbH9/39tFhlutls+r\nXoRjYI77+/sEfUkBdxScQF3SzDJ+ZUysPz/96U+DXBdmmaKItaFYLNo///M/m9nDhnN0dOR8rkHL\nFOp+9+6d9/sx92I9bDE3iozIvKrbdYyMV6/XE1fSQqHgbhaqANBAZrPs0MK6Co00nxKHh+l06n1Q\ndE02fM2hFAfIK8InNGi1Wr62qNtVfBFToBdkRV3/4Kfd3d3Abc8s47tYzsbjscs8G/Lm5qbzoiKB\namC0WTaX6gYITeMLSrVa9fF+//333kcFX+I3ReaLUbpms1mCUFcul30d15xMmtMJOscAGpVKxduj\nrVevXiVgM3d3d85P7D+6ViLrpVLJaY6srK+vO3/AT9Vq1XlbUUSpGzrrAVuBfHA/U/dydXsyyw6c\nXFZo6+LiIsl5tb+/nyCf6cGO9xaLRaIoarVaTjcFY2FMrEVbW1t+TuAA+8UXX3j/oWOr1QrAUqA/\nytf5fO7jxN3u17/+tf+vIC3MO/26vLxMlNAKQPKYSz/zqui1iixLv9TlOJaRk5OTIMcmNOVbDeNQ\ndFazbL5ilF516YI+mt9Q5YL1hL/K75wJ9DypueV4T8988Rlye3vbv+Usuba25nMNbyhICGNTJEB1\nBWc94ZnmjKJ/Nzc3Trfr6+tE5jSvHe2enp4m6NAKNkF9Gxsb/h53hxcvXrg8MA+6bzL2SqXil2N4\nSF0c1X04dk1uNpuBIoG+MHf0r1gsJopnRf3Vy55eFh8ruZtfXvKSl7zkJS95yUte8pKXvPyI8knL\n1Pn5ubVaLb+9K+47t0tudm/fvvX3FLZUczqYZTdEDVozC03/CsPJN9Rbr9cT7bdqiDVYntu03py5\ntWPK1LwKim/PzZRgzl6vZ7/+9a/NLAQt4L03b974mLjRK0wq4yyVSompuVwuu9aBvtI/swdtq5qQ\nNVg2zob+GEzv2tqa38oxiX748MG1RQpUAQ3VShK7ZSpsJWM7OTkJIIzNMq0w4+WZZhhnvAp5DLiG\nWj9VM6KWP9qI3SN2dnb8PfpyenqaBGZPJpMAHIT+Ube6U0Dz169f+7zQrgaiqxaXOqHR1dXVozwY\nB6Oq9g75ajabSTD6arXyfqn1JtZIqUZeIe8Zu/LOY0AqsfvharVy6xl19/t9H7tCGcdQpmdnZ16f\nQg/znsJwsyZAq1ar5WNTCP84yHUymTi/0W6/3w9c5qCVBoWbhUAaGhSrQatmIRCABjZjvUEjry6M\nWGQODg4CfovzZJ2dnXk7qoFVmG+zEFIcjZ5CHqtrMvOElvfm5iYBvlksFkHQNc9iKNvT01Mfk7qO\nsA4rmANj0jw+ask1y+YZ3oH2Z2dnwbpJX2Io+/v7e/8tzhli9rDu1Go15y3V1MJH8Nrt7W2Q58cs\nzMnEONSyS583NjYCVzjoHMvKzc1N4vpXLBb9m3/7t38zs2wu1WvALHRDL5VK7tWguQIVEt0ss0zE\nFuzLy8tkf+p2u0471iIF0FAXcOZONfC0oR4M9E81+zGIQKPRSGh+f3+fuH5WKhVvl3kdDoe+LiFf\n19fXPg7dOzQXl1kmozFs/Wg08v9Z6/f29pz3NcUAY1KNuOY1MguD1xWwRgE5eB/+RM4VhAPaX1xc\nJDnU3r9/7+7nrFnr6+s+9o2NjSTEQcE3NAwBXsZq3O/33bqsXkOar5K/ahUzy84YjE+t26SPYX63\ntrYSS92zZ8+8r+qKH6d4uLm5Sdb6s7MzP4dxnmg0Gi5rrDXT6dTHq2kVGLta8X/7298G7e7t7fk4\naaNSqbiVDNre3d0lLvZnZ2fOd3r+gO8UdIz1RHNQsfayL2qOV4XrVzd12mDeNI8k32puP6yM9Xo9\n8O4xy+ZQc3WZZbxKvziL6Lqpay5ywNgVlII+ax/gof39ffcGYhwvX750GmmuMAUCM8t4MbZMdbtd\n7x/rcaPRSHIyKpDWHyq5ZSoveclLXvKSl7zkJS95yUtefkT5pGXq/v7eisWia5q40XU6nSTATyFl\nuVm/fv06yequcS/caq+vr/0WiJZEA9/Qvj92a1ytVt4H/Mavr6/91q5adzREqnFGg4HvdLlctn/5\nl38xs4cEwr1eL/D9hA4agI5mEC1epVJxjQVapdFo5D7paGA00A4NwebmZpKwTBPWou2rVqv+DdqP\nTqfjgf2qiSegXBPqQVdu/peXl04bDTCmf/RJIco1EarGbdGWxqKYZZp/tItoA1arldNNYxiYf/U1\nh26MW7OOazA+3zDG/f19t0JStF34pN1uuyYHPtUEjQoJDk9A0/v7e6eBZi+HfhsbG/a//tf/MrMH\n3tG2kYd37975PCiMM1oUzTYfx0BtbW35/woZrxpf2owTvi4WiwCGnPcVctgs4ytoiXzf3t46/ZGz\nXq+XQAVrkk0NjI2TSj579iyJj1sul0HyUv7SBw12R4sKHRV6VuMWea6Q1nGi1IODAx8TPHl6ehoE\niptlmjG0mszl69ev3aeePt/c3CRjo99mobWKGIbvvvvOaQidb25uXNbof7vdTpIYq9YYzen29rZr\ng7EKXlxcOP8i351OJwDYoDA+LGLlctm/hT9vbm68r6qN5D3m+vz8PIlTWltb87UZHmo2m763PKYl\nh5+LxaLLJvRRCxv7lNkD/2qAfpxoXsFwVAbjGLzRaOTjUI18bEno9Xr+DVarSqXiEL9ocd+9e5eA\n+mj806tXr4Kk1NQXe2WUSqUA3IRv4QkNjI8t//f390E8rFnGT+y1tDWbzRLIc4Vs/j+lUBgOh0FM\nDX2PQaQUUl6D4ukza/nW1paPnXEoMA/7qGqcFfSHb5mb1WqVJHLWtVW17zHghlp7mXMdG3vhZDLx\n/VBTkPCteqtoYDwFXqRfmoblMQCqRqMRxM/R53gvbTQayb6ucNnq5UHd0Krdbifxdpp4WdMNQFe1\nbsTJzAeDQeIlpWu9Av3oPgw9qAc+WS6XCcR3v9/3uVFLJ3Rhjl6/fu3zpNZ56I8nk1rJ6VO32/Wx\nwX93d3feB86iZg/zoABNenY0CxPScw5U7xzte5x8WmW50Wj4HLLXb2xs+HmSOSqVSr5mQHPd09Ti\nTD1q2aXfWkccl/Xx40e3dGt9WEmZw7OzswRsYjQaebuaOoG+QqNCoeBnfGRBU4twZh6Px8Ge8Vj5\n5GWqXC4HKG0Q4f379wlgwHw+T9Bc9LCiqCUMPj5AmYU5JfSQz/sIpeaeitvd2NhIFoWLiwuvG1Ph\nkydPnJn1gMKEIRinp6c+2Zubmz5BLC4afAfjPXv2zDd+hG0wGPgmr2blOCfSdDoNXLnMwlwxGgRN\nu4xjsVj4gY5xqhBpgK8KglnGmLgBMl/n5+c+Dsam86VuJtBX0Zxiwdnb2/ONnfcGg4EvXIo2xBxr\noCVtaI6NGORE3UZYdBuNhtej7nQxcpcuVur+RMZyZOHJkyd+MGVevv76axfyq6urJDfBx48ffeFS\ntC9+w72nXC67IKuJnrGzaGmArx5a1GWNb+NLrQb4M97NzU3neXh8Op0GygD6HgduttvtxF1Nc3yo\n65yO3Sy8uNO/8XicLLD9ft8XVt6D/6gbGsR5QVarVaAMgAYcrBRhLA5U1rwqbKa9Xs/lQZGTcGGB\n9oPBwN/T/EvwyZMnT4J8RjyPXVdbrZbTkP5rMLIepqAnvH95eenzpe8r4hRtwTsK0qMbr1kmy+pO\nAs1YW3hfAVKYp36/77/RVqVS8XVM0SGZB3XjRq4ZoyJa0qfd3d0AaMcs420F/WA8cYC3yo/mEVRU\nKNqK3UG3trZ8I9Zca+pCRvtckqn3888/d/pxedzZ2fG5VpdszRtDUXAL2kE2u92ur7962FbAFp4x\nPkWEjdHcVJmjrtV6SDXL+E7dj+kzfKmKUXWFhpYcYBRpNQZ9UR6jDlUy0Fa32w2UfGYZ/ylIh1k2\nX5p3yyyb8xiU4Ouvv/Z5VbAJFKiqZIoR3hRZkr/qlsccHRwc+Nqh7asLrlnG7/H6PplMAjTXWOG8\nWq0SpMhOp+OuVXrGoE5FNGPuFDBKx0xfkCWVZXXvN8t4VnPsmWU8ybmPfVYv4qwXmqeR8ahSkDlc\nLpfJnjEcDoNzE+/pmMyydTsGNNFcloyxUCj4/7r2qjubWcbP7DfIYKlUSi7s1WrV24N3NjY2/Bt1\nl+V/5qBcLvtccn4bDAY+D7z/2WefuWL36urK1wLk8OPHjy7vnCs1TyK06nQ63rbuF/EaeXV1Fciz\nWSY/jJmL5ObmZmJMGY1GwT3CLMzTqOEvmhPLLNsnYgTSg4ODYL8xy3iIfYKxPXaWi0vu5peXvOQl\nL3nJS17ykpe85CUvP6J80jIFZLW6MZhlt+44AFHdS9DAbm1tJe4srVbLb5AaVBcHDI7H4wRCUy1A\ntKsY9dxWLy4ugqA6s0xbwu1Tsx3HrgmlUslv4GgPNS+M5qVBI3J8fOxaObReq9XK61YrmULw8lt8\ni15bW/NxKsiB5tGBvrEGRiFvNYcCY1cI+hjM49mzZz7HanZHO0ap1Wo+h2qZiC0Jmu+LW/7Hjx+T\nYP7FYuH1obGpVqvOE/SpVCoFmjezbA5jWNharZaAJlxeXrq2RaHH6RdtKGypBpujmYJ3zs7OEo3T\n4eGha4GOjo68P2gDNQO5ZvBWixQ0JfiZudzZ2QnctqjvMTegOMhUrVrMjbqfaO4OBWwxC1MZqFsG\nzxUIBJ7VnBz0n3lbX19P3Lyurq58/hXAQd2KqS+2ahUKhQS2fGNjI4HfH4/HgYXYLJMttLK0XywW\nE4u4uiHQd82Nx7x8/PjRNXb05fr6OgEtuLu7cz6pVCqBiy7t8lyt+D/5yU/MzALXVHVtg76MSeFc\n4RnViMLTGlyL1pYxVSqVBI62XC4ngdvqrowbz+HhodNSYdjpn0IP0x7zVa/Xk/X/9vY2cTlvt9sJ\nWMvvfvc7d03DLaxeryepOxaLhc+naufVtdYsW4ugOfWORiOnFXvW5uZmMMfUyzqA1aperyf5jdbW\n1hLgG821pO2rBp7fWSsPDw+dV5H58/Nzpyt9nkwmSZoOLWp90nx7PONbdbuN3UvVQgDN5/N5AgTQ\naDR8HOp6/Bj8uuYIM8v4iT2Xelerlcu6enbEFoz5fO7zDv0mk4nLDe9tbGw43dTFTl2DzbI5pD71\niIit+ApypesZcqbWI8arYRWskZwHFDSBedHQia2tLV+boZXCaSsQjbre8xd+0vQMMSy87v/Kd7xH\nniwFkeDZkydPArAMnlE3tFfQFOamUCgkLtjHx8cJ2MhkMknopjlKWR+73a7Lv4K20B701dxO8Ge9\nXk+sVSpnjGcymbhLL2vlzc2Nrw+aMoR1HZnSOVLY/9iNU63MeDzs7u4GuSLNMvnh+fr6ussVsOQ/\n/PCDj12BoJBX9oF2u53Awp+cnPh+qFZUaE1fb29vg/Q3Ztn8Mz713Iotid1uNwGHKBQKzifI5pMn\nT/w3xvb+/XvvMzSt1WruXaKeLDkARV7ykpe85CUveclLXvKSl7z8Pyj/v2KmLi4u/FaGtlSDr9Gc\n3N3dBTDOZtkNkRs1t+S3b9/6DZEbbLVaTZIilsvlQNtqFmaxRnszHo+9PrSQmimbG+/Tp0+TJIUK\nl0ufh8Oh+5qindHs3qrNUmsWt1j1y9cARrPsVh4nOy0UCq6hp46rqytvWwOjY3CAq6srH7tqWLF6\naNAnN36Nf2PMaCM0qbAGLar/L/MQB33PZjPvP3Q5OztLsm8rLXmmga/MhyZK08S6GrBP/+Kg79PT\n08SqcX9/n4Cc1Go1HxvtX15eusYEy+Tt7a1r9NTHVuHezTKNF3W/ePHCeVX7D29pjECcRVwD/VUz\n+ZgWjW/gg263G8QO0Fe0aGplgB7q/65xe9QXW6s+fvzo9NCA8MesARpkbpatE3Fg6XA4TOCyFY4V\n/hyNRkmswXK5dJlTSydtaFwY/0Orw8PDBLyi0+n4HCMft7e3zhO8N5vNnJaMUbPTU4dCLbNu3N7e\nOq2KxWKSFHlzczPR3hUKBbeAqOaSoom6YyuU1k1ZLpducYYG6+vrHp9Auby8DKzFtAHv6G9o/DSR\nLHNHHWrBYtyaVFzjMaGXxg3FwfyDwcDpjyyUy2WHMkYjfnV1lcDNTyaTJE5pa2vL6atrL5pL9h3d\nAzUgPJ7r0WjkdWsibGROk59DU4KiDw8Pfb3QWELdj2MwJ4UWpmicFTytVjnVsLNfazJWaK6JPlnz\n+K1YLCYxiboWUYcCh9AuWm6zUBuMDEM/3St1b1a5MQtjjnU/ocQQznwDrSiaBJr5pL7JZOIQVLhm\nAAAgAElEQVRxrbqf/Ou//quZPfCdWlhYL7a3txPrhwJMMJfD4dDnQeOCFe4b+rGevHnzxsfImnB0\ndORjUblBJrGIKGCUWvl4T4GZ1MIF/ZAN5lOt0GrBiKHsNUEv7ys4lMb2sT5Bj+l06pYV5m46nXqf\n8cRRIA3dl+O47MFg8GiqnRjO+/z83K0uCv6kCYHNsrlmHCqrWKTUsgv91MMqhgw/PT11i572OfaS\n0TMV9fX7fZ83BRXhvPjy5UvfE5SnKawdCm+u8q9eCswDc6dnTCyNepYjbljPfMyn4hWwx9DPZrPp\n+7r2NfYu0HOnnlmRC96v1+uJJV5TC/2hUogP58HDQmH113/910Fmbs1YzqRpkDsTwIDH43ESpHl/\nfx9kIDbLNnEWZ4RlY2MjQd9bLBaJOXg8HvtEsaDM53OfCN3U2CT5q4cWRf+DWVn4O52OL6K9Xs8X\nUfq/XC4TcICjo6PkUHN2dhbkkDALGUDz7rC4QKterxdkB6d92uNgf3Jy4gwOw7VarSRgXIMWoelj\nyF0fP370b9TcCj0UNStGQdM2FNVLEeUo/A8Db25u+kFCQURiRLNms+mLn+bS4JCnQcRxu/V63emH\nsJyfnzt94ZPlchkE39MXdfmkXvrw5Zdf+rz/8pe/9OcanA3tWYTo8/b2ti+Ayh9xlnPtP++fnp4m\nAb6NRiM4GJplPKEHfrPssq8XXLMwAJU2NK8FC5kCy2iwriIsmmXrhQKAmGVyxm+K9Be7A2q+JPju\n6urKNxUFTYnREHu9XhK4rTRVZUOMrrlarRIXhqurq8T98fb21mmlCEPxBqvjHY1GSW6azz//3PkW\n+u7t7SVAKypzCoaDyw+HjEqlEiAxmoUoSIq4Fa+b6tJHvcVi0ceOO2qn0wlcPs0yGaYN1ubhcBgc\njs2yeVVXWbPQNQl51Rx/0HmxWPhhUDd2/mded3Z2fKNWgB74RA/5MRrqy5cvg8uWWSa3MYrYfD5P\nciPd3d25e5EqyOIDdqFQ8H7x7e3trfOWuoAxH9Pp1GmjOYNYg2hXD4jIfKvV8rqhkQI8wXfVajUB\n/dCcWOx7lUrF64bO29vbPocK9BOjtGk+MlWWPLY3x3mwms2m79fwWL/fT9yBtre3A7Q35iPOPTce\nj5OLgl5gOZy/evUq4ff5fJ6Mo1AoJOA1/X4/yOMH7flG3e9jJD3Nq6mu0YzzsZx8i8XC51rdrmN6\nlEolb+cx10XqU2WaItXGZzNF8+T9yWSSoNzqOPW8GKPS/uQnP/H5gj+Xy2XiMnd9fe3tajiKKvnN\nHs4aZhZcljWMgvdUucBvyAP8rAAdyOBqtQpc7/iN8aoShDZUURmD8Jg97OtqFFAQFP7Gimd1AX/M\nXVXBZpRu0JxLkOarUsRTddE2y2SU/Rq52N7edh5jD1dgKVVgQkPWjtVqFdxBzEKQM2ja6XSSvfKb\nb77x+VJDS3y3UZdJ1ppqtWqHh4f2N3/zN7ZarR4mQkru5peXvOQlL3nJS17ykpe85CUvP6J80s3v\n6dOnNh6PE1jQdrud5LdYW1vzmzy3wq+//tpvyuDuY20wM/v5z3+edaRcdm0FGrblcuk3RLQtnU7H\nb+1qpeE32rq9vfXbpwYRx7mC1IKFVuvq6sr7wI336urKNbuz2cy1IvRB64Yuu7u7CeiDai4Z087O\njtejWoE4/8n19bVrBhQWHk0JWuhareb94/2bmxsfC+NYLBb+DRqC4+PjIB8Y88E41AVMAzuhRaxt\n028Yx9bWlmvU4rw0Wp/Skm/L5XICv3l7e+vaB6xzpVIpcRudTqf+LfRRGEz6Wa/XA1cDs0zTitZQ\ntaCPuaaiXT49PQ0gzOkD2hZ+Ozo6SjR/Giiq2dpj6GnVjmlbMSCDui5qqoLYynN6epoE1T558iSA\nSdd+6v/z+TzJuF6pVJw26lITB8aquyLzMZvNXFuE5eH+/t77hetEuVz236jvxYsXTj80Z+fn5/4e\nNOv1ei6HalGAj3BX3NnZ8bHDO6VSyeum3r29PXeZiN2vtN3FYhG4U/EO433z5k0AJW72eFD9xcVF\nkk/J7MGywpo2mUx8zYDOzWYzAFOhfQXiMAvlRmWTehQCHHlQ9yy1Ppllc6Rw1dTF2HD3mM/nPg+P\n5d/SfCnIiAZrx+4l19fXLmdosqfTqa+96nbL/kD7i8UiyTOlKUMUml1da3kGL2o6DAWe4H36RT8v\nLi4SLw51dZtOp84L8Op0Ok2sY6vVyvc09l8FblK3S7Vc01d4R0Ez4tQdauVR8Bqe06fLy8skbYEC\nKWmOKvhJU2PE7qrqHsU+Ua/XvS+apoN2qaNWqzmt1UIFfUmRcnV15eP90z/9U39HraNmmRzFIBen\np6c+DgWLiWX+7u7OZU9hpJFRinrxQNOzszOXAdXs897z588DLxv6HINmTSaTZI2/ubnxudF8VHFu\nH7MHnufvzs5Oclbq9XpJKhgFJeLbFy9e+Lfw7mAwSMIknj596i6Vcd5EpVGr1fJ9TIE3WP+ZB4XL\nV2Az6KE8pgBfZplXFXUz3k6n4/MKvXu9nvM07Stfax5OPSeaZXwS72Pq4aOyBw/SFw0VUZd3BVWC\n/tBNPb/0t8fciWmHZ2dnZ95v2lVXQ+ZjZ2fHx8/61Gg0ArdoswwMI061MxqNHFAMGV4sFu4qrZ4u\n1POb3/zG6aZ56KCvppSgvjjXXlw+6eb3d3/3dzYajZJFcj6fBz76ZhmTcQBgct+/f++uBhwKisVi\ngvq2WCwSJlQGhlk1KSKLwvv3770ePdipOdYsW2ToK8QqFovBwZA+xXEPt7e3vrCenp46gygaWZzA\nbT6fJ0hm2n/N8cA80K/NzU3vg26mccI6TeqnyfOgIUJQrVbdNRFanZ6eJnEvzWYzQHZjHHyj8W96\nSTULfb7VF1tRt/hWc0RAZ0WmoS31CaatOLaiUCgkJuLJZJIgJO7v7we+3NAsdq2o1+u+GGgy2/hw\n1u12k4WnXC4H8UosEPS/1Wr5mKCBuoGwaRQKhcT97PT01C+rjEPll0Vje3s7MHebhZcpRQyLN7Bq\nterziczrgQhaalJURWSLEYW0Pk28qHktoD1rBxenXq8XXLIZB+1yYdALm7Yfo+90Oh2nkSbWjnPe\nXFxc+IGeNUtdEzQ3nl4u6HMcD6gHXp7t7OwEchvnb7u4uHB6cNjTyyBrquaSof9bW1s+J3rB1jw/\nZtncwPOaw4SieYnihJrtdttpqDFdjyHZaZJrs0wGNHklNIhzk6kLm7p5swbSfr1eT2L6Li4ukhgi\nTQwMLyrvaJ475kHjRvSQwrdx7FetVgv2G/pM3er6o0lHqYO61QWcPjNvrVYrcNnTddAsvBQoCm2M\ngnhzc5PIV7PZTJKYK08rQqVehM0y3oHfNJF47CKs6wnrY6VS8fExN6qMVHTAWHGm+zVtaHJXXacU\nsZU+8x7hBerqyCXt+vo6uYzo+qnIpjF6sSYVZo9sNBqByy/1qZs344hdycfjcZJbTr/RizR1q5s/\nfanX64+6PeulF5rTniaaZ+wqS/ym5yPkX+OBFT2QviBLGh8fXwbW19cTZZ+6R2qsa6yIV7dGdavW\ni4ZZtg4oopxZtt7CE6q0hn/hidvb2wDFD/o9pozgf1X2xaivvV7P+8C8bG9vJ5dzRbTkLKexn+ou\nD5/oGqMXxfi8pq7kijAdu3ROJhOnNXJzc3OT7If7+/tJ4m3NW/hY3KOGRMSumrVazXMKKvo2lzLm\nXMMyqOOxJOuVSiVQQjOe8/Nz+8u//MvczS8veclLXvKSl7zkJS95yUte/m+WT1qm/uf//J9WKpVc\nq6A3SW64mjmaG7De/BSXn2+5hXLjvbu785srWg0NSlSEp9g6c3JykqB5afA6mgxF5HgshwI3XdUG\ncFttNptBUDX0QONYq9WCbNRmoaYBS81oNErc99TipBYC6IbWen19PXCBoN04M7eZJdpWRTxEY6Lo\nURroSd2q1VTkJN5jDlUbwTwpOAG/aZZqTKZoQe7v7wNEJ7NsnuM8I0ojRQfEZM38lsvlBJGNIEJo\nDk1pQ7WlaEeUxxgv2rR2ux2AVlD4rdVqBbmwzDItDrSBx3q9ntNaUWngN+Ts4uLC+6C5TKAHWpSt\nra0gvxB9iZHMVquVj13Ra2LLWaPR8DFDN83FoxnuGbvSOZZ/RaCEBkojtUzyvwadKhIf9NFAYsYR\nWxLUaqi5p3j+GJCKWjeYG3hXLR06z9SjGuLYEqOa4FqtloBlFIvFxD3y+PjYrVXICjLAWKBHjIK5\nXC59XVUtPm1o7pEY9atarQZuxRTlS+gcW7gWi0WgjTfL5BF6qbsXY1HNOVpgtKT1et211Zq7CU0o\nZTAYeN3Mx2w2S3Lt3Nzc+LfMSaPRSPJqqRUCq6DuY9ClUCg4TelfsVhMQH3UaqpgIjGy5OXlpX/D\nOKbTqfdle3s7QfjUPI7sK7VazeVF+QCZQ6412FzztMSgNBsbGwkanbozqoWYeVVkLPqllmnmQYGX\naE/d8qCl8h/9Rx7VY0N5NgZ6qVarCQ0UrEEtQAoERbuKFMvfOGzg+Pg4cRvf2NhILIkKXqOWDAUW\nMss0+xpuYRYCPVBOT08DF6Y4+P7y8jI4H5hl6xP9Qq7NQisb9dFHzRkaW5IVHThG3DSzwD0XmcRC\nqCi9CqTFmKlHLXoKEoFc6fzG3kMaOvEY6Itac2M0P0UCZLwKLKL1QWfk4+7uLnDlpI4YrEv3CQV3\nUldds4wnoJHm0opDAMxC8DVoq5bV+JvlcpnsT4VCwedO3eOgr/JT7DVweHiYoHlfXFwEXkrQKs5R\nWCqVEi+pyWQSoCnG71EUVVXRPDVPKt/GIEyVSsWq1ar99//+33PLVF7ykpe85CUveclLXvKSl7z8\n3yyftEz9j//xP6xarSaautvbW9dwoV1WjZPGVlA0ezq3Yw2gjHMyVSoVvxnSRqFQ8Bus+lFzw9Ug\nPr3hmoWaEw1O1TwpZqHWhfEMh8MgAJn+aw4bxqfaO42VoY3YV1qtKBq0SL/RIJTL5ST4Tn1vNSaN\ngDyNG4pz2dBHfe/y8tI1GxqTAp/Q916vF1htoFscR6M018DHOIj86dOnQZZu+hRrgy4vLwNYcLPH\ntS79fj8JrtecLGq500zq1KtaarMwbgTt9mKxCIJCzTLtEvXV6/VAY20WBrcrTC6F35bLZSAvZqG2\nhWcqN5ongefUN5vNkhgsDaBHDmezWZDTgTaYE43PoN8a8IzWVuNGYguWxrioBji2OJo98JYG6UNz\n1fIx1xp/wDcKXsM3tL+7u+vywLyVSqUgFxt0of9oBTudjn+DvA2HwwSCWGNY4CvVIt/e3iYwzrPZ\nLAl47na7Pj6FqI95bG1tLVm/Li8vk/guBRGAJx7zEOj3+wkQxHK5DOJYoWkMtV4sFhOLc6FQCGJl\nzMIYEmgzn88Ti6h6EjDuZ8+eOY3VkhVbxM/PzxP4/fF4nMTlrlYrbxf5Wa1WiQZTv4X2aq1EFk5P\nT5N8WaPRKAFNmEwmLsuadxAeo0ynU6/v5uYmgL82C+MnNC6XsWssrgZnQ/PYsqYgCBojFlsmNV5I\nAaGgK/Wdnp76ekJRTxJoqWNTMBRkV+OkY8Cdzc3NBMBnMpkk8np3d+frA79dXV05j6nHC3uzljjV\nynw+d+23tqv53qABz+nTxsZGAuc/HA6TFB+dTsdliv49Bv6iufHu7++9j5pTMF53xuNxAH9vlskA\n/KHtMtfIq6YPgX46dgW+Uahrs2wu4SO1Muq8024s//P53GVJvYxiC5uCCCiAUxy/XavVkvQLGh+r\nccsaP2uW7V0KMmOW8UEMhqZw88zbxsaGf6t502KIbwW0iGXfzAIvCNplHCcnJ4n8aNxwuVz2upmj\ncrkceEzRRgwsobGmGoupsZ60q0BxlDhetNFo+PxDl+3t7QBQxizziIq9fba3t31u2K/39vaCmFWz\njF9oQ9MNaY5Lyvn5uf3VX/3VH7RMfRLNr1Qq2fHxsQceqkmajj12CYkPyzw3yxhAzftmGZPFyGjF\nYjFJDEgSYb4xyxhO826YZQyshzeeMQGURqPh9Wg+HBZ72tIFTMEylOjqhkHRxMJm2QKg6HJm2eIS\nJ+FECMwscPeCkfhtfX3dx0SfC4VC4LYD/WIhMQtzCfBtHAiqSUzV9M83CKImC6WOYrEY5Kug3hjH\n//37974wKDhAfACczWZJjoLH8jg8tgAsFgvvFwuBXs400VxsXtbLlOYtiRMqDgYD/00PAzpHyI0i\nKarbmVnoaqSui3GiPEVfeyxolaIHbHV7jROgbm1t+XvQeW1tzRccRZaD36CzoggqChJFN3EOjXoA\n5Ft1reF76FitVpOEhTc3N0muMN3UeE83WBbO09PT5PCoBydFnYvXjnK57BsroBntdjtAQTPL5CQO\nkD4/Pw82MGRE55rvFQyF9UbdMmNgiXK5nOSUWl9fD5JD0r8471qj0QiUPPzlIMSc6ybIvB0cHCR5\n4dQ9G1rpRZy56ff7Sb4nBRvRIHF1FzXL5p9vof3a2lrgomcWypkmflXlB31nTJqgOw581hx/mhiS\nPkCz5XLp9WkusxgNT/c7PWxqoD1/4/rMQndQ1rkYmIU+mmVzyLyrYkLd2MxC1zp1p1RUM/oa50Yr\nlUp+SYHOW1tbHoDOHnNzcxMkBDbL1mguOrpGaw4b6By7zNVqNR+T5m5kbKqwhYasx71ez2lEuby8\nfDTXIryqScop6sIerx1ra2vO08r38IyeXTQHlFkmb4qMZpbxDuuEAg0pCnMMtKOuxAospcoss2wu\nY/m6vLwMFM0UftOLW4xGWavVfOzqmhyjIZtZ4iKm86r5l+AT1ob5fJ642LdarSQhvIINqbusAllB\nnzgUo1AoBO5sZhk/xUBqir4JXymNVcmtwFhm2fzGBoBmsxnszdCJPvObAsfRl93d3cTV+eLiIgjt\ngP6q3IxBKx47i2rdyJkmVOdZs9kMwE1oQy+f0Jw24G3NKaXuntxPNIQGOnDWU1dYvWixjjCO/f19\nXws0LEgREx8ruZtfXvKSl7zkJS95yUte8pKXvPyI8knLFDk8NKO5WXbzVFhzs+zWqCZfs+z2G2t5\nCDA0e7Au3NzcJPkeKpVKoDE3y7Qz8e1SYbC5raomRk3EcTb50WiUBNxpnia1GGnOkTjA9/b21rUT\nmv07hlhvt9sBUIRZmHFbszDHEODj8dhppPmG0AKgFVb3SNVMxaAUJycnQYAy9OWGrtCd9FmDNeOA\nbHURQ9szGAwSgIe1tTXvq+YeivP9TCYTn0/aLxQKgesVdIEGqqGkPR0jWlLN56Hw8cxHrE3rdrsJ\nNLbmQVNwCgUZiN2ejo6OgjxqZpklTvMe8S20Vust7UB71YSrhpO5fgy2/jFrkVpMFObdLNNGK9iD\nWcZPyL3CIGt+IbPMVVQBQMzCIG11e1CgAPrJOFh/2u12kEvCLOMhdfmgT7HlvNvtBm7HZtm8xRox\nTZfAuPW5atORJdxHBoNB4tKhrr26jrHGFAqFxN22VColbqz39/f+HO29agNVc0rbCoKBrKlrV2yF\nVE097e7t7bm8aEZ4+EPXbf5XiGysGVic1c1breDUp6AZ8C2/7e3tJaBE6qoOr83nc/+G9yeTicum\n5hnU9cssk7c4pcXm5mZiFZ5MJkHAu47HLNyf+B8eV23/Y9Y53VvVawC6MGYFRmK/UDda5lch5RWQ\nIYZB397e9m+Uz+FPNLZbW1uBxdcszEemrrPwKv28v793eigMdvyb5hPS/EyaigHax2A9Nzc3SR5E\ndX9WzwPmTuG64/29UqkkQCWaM5JnlUolgbduNpvJb7pvY11S7xfKaDQK3KjNMnljb0D21UIJz8bW\nNOYhhsOnTuim6y/9ii26CrsOTZ89e+ZrLnRTeaAoMIBay+N1R10cmdc3b94kEO+tVsv7iqyMRiPn\naeZVwUaYh3a7nXg1TSaTIPUE70NrzoHqcaCWQvqna3oM+/3+/XuvR9dK3tO1IbZ6LpdL7x99KpVK\nCdBPo9EI0pHwbQyXfnd35+c19QZRa7aCPZhlfIAcwItqHaN0u12XTU2rBB00HYJ6GpllayTvwTM7\nOzt+FlALbBzSo26+uj/FMtBqtXz+YxdQ2qMvcW68uOSWqbzkJS95yUte8pKXvOQlL3n5EeWTABR/\n+7d/G1gDuAkrxLNaDdDQqIZYA8DNQoha2l9fX0+Cvm9vbxMgC02eqX6UcaLRtbW1QBNmlt20NS7G\nLLOqaPIv6og1HRpvs7+/73WjSfrqq6+8btU08o3CV8fxJN1u12Mu6Mvm5qbfthUGm/rUT50bOBq2\nSqXimjXe13gmzbyOZiWGOVf6av/RsM3nc7/BM6/z+TyBUH4sW7smbVQoXbQeaDeWy6V9+PDBzB4s\nXZPJJNF6HRwcuHaBMdbr9cTvWQEhFEY4ToBYKBQC6FzGHVsm7u/vnS+Zv+3t7SAL+2MJeikaEK68\nx28xPLtqatCwrK+vBz7c0B76agJp5gbe7fV6gR8+Y1KLD2OPE28vFoskAFmzzmusDPyr6RDUukf7\n0FotwGjC1XIHT6j2Pk6yrNYqhQKPoXvPz8+TuBzlRWSqVqsllo5ms+nzpUAzMZz/2tqaP6cvu7u7\ngWZQ4wQo8JlaUeOkw2r1Vy1erJW7ublJ4K2n06lrx3U+GLvGJMQJekulktNSAVxiC5uCF+l6otpH\ns2xNZWzKR/H+dHt763OisMXwucZvxMkiC4VCkuxStZrsXa9evfK1hXnToG+e9Xo97zPaUo23pN6D\ngwN/D95V4BuFw46BbxaLRQISwZjNzJ4/f57Ela5WK+dp2lMZoT6F4tZA/9jKo7ELcXoFs4e96Orq\nKok1VblR74x43ez1ekni3evr6yCGlH4qhDn1xYH2/X7f62E9ub6+TjxTtGjiVWj92WefOU2ph9Lv\n95M1YW1tLZHN1WqVQK2vra353GisGPIIHRXeXMfLOqyQ0PG6o9D34/E4iCeFltBX00fomkEbsfXm\n4OAgWRMajcaj4Abxt2r512TwyCtrwnw+93libprNpn/z8uVLb4t5p8/tdjuI2zYLYxc17QT9U/AU\ntU5AA+RCzwasucjWDz/8EFhRzTK55T09AynPmGX8qTHJZtm6yJoGDRRwhTr29/cTD5vpdOrtMUZN\nNI5FaXNzM4jPjpOAj8fjAOwHGsTnCf2GPmhMOm0Ui0VvG88PbRfPndls5jymIBFxvFWz2XT66hyy\nJqhHFOs5bVxdXSUAJHo+0ZRA4/HY/uIv/uLHA1DAlCyYihrC/2xCFxcXfhhHcIbDoR/EcO/TYC4E\nu16vJ3l8zMLN2+zxDNMalBoTEELQRuy+pZncNbszwsEmeX5+7gvAu3fvgnw7ZmavX79ODkSz2cx+\n/etfm1mIxR8jNl1eXgZ5VBgnY4ahlstlgGAEnfXiwnvQV5lRFx+zTEhYVBDiWq2WIA9pG4qqpwhw\nfKuXN+jLeJlXdf3T/Bx6GeT9n//8504P+h67dN7e3ia/6WGfsra25iZzaDGfz5PLVK1WS4BAKpWK\njx0+UddOxlsqlZyW+/v77s6Ie+HHjx9dkJmbvb29AP2IvrJIQY/7+/uEbnqARR7X1ta8//S11Wol\nuU6Gw6EvQryvG6LO79u3b83sYfHb2NjweYWmn3/+eYCmYxbyIuPRjV8BY+Bf6NLr9fwAQ18uLy99\nnnQB1WzujI16NMdHnL9jZ2cnuBybZTzEgq1uyzzXy1Ss8FCXI2RG8wfpBgo/9ft97z/16eGd9zY3\nN+377783szBPFnRgTIvFwp4/f25mD+tXp9N5lM81RyC/xaAEZg8bL4ffp0+fJq6/6uICPRSwhr1h\nZ2cncZmZTCa+FzDe4+PjwG2LgoyoSyQ04O/5+bl/G+cW0frOzs7sq6++MrMQzYtx8puinLF2nJ+f\n2w8//GBaPvvsM5cH1vxisehyo5dXniuiWgx81Gg0/Bv4tFQqBeirr169MrMH2VQULJ2bGMyp0+kE\nKLlmGU/r3mKW8TFyoOAbGsRvlskKY4IPfv/73/t6p66d/K8uOMgL83Z/f5+4R52engYu6fQzzimn\nwFL0bzKZJCEHnU7H+UORXumfKmS5/ChQCX2g3l6v5+Nl7a/VasmaNRwO7cWLF2b2IBebm5tJbiS9\nAKj7OPuJgmI9pgRRwAPaQeZp3yxE32NtYRyHh4cB6qbSmbrNMn6PL7WqAFDkQdYO1hpFStSDuF4+\nzLL5ok7kbHNz0+eBdeXjx4++5qoMxGiTNzc33p7mnoqRWFWJG8uC2cNa+e233zqf6CUS3lbAJ/hc\nXUrj88T19bXTXOeVcfLbbDZL3Hivrq4CwBDe4xvk++TkxN69e+f0paiyShUcZtmlMT6Lttvt4MIM\nDRTIxiy8ECtwB98yr+oeT1s6Th1TrDhTt0HO4IquzfvtdjvIOWuWnRdiELbRaPQomqeW3M0vL3nJ\nS17ykpe85CUveclLXn5E+aRl6vj4OMjZwa231Wr57U2hJ7kx8+zi4sJvtVim5vO534S5rb58+dK1\nhX/6p39qZmHgpkIuozlRly6+RctQrVb9pqkws7EFaDwe+00YTcx3333nt2k0P0+fPg2gJ9FcauDp\nd999Z2ah61rsPtfr9QL3D7Pshg1dFWqT99BM/vDDD65tefPmjY8NzYuayek//VPQDMrz588Dtz2z\n0PqB1vLu7i4BKnj27JlryTV/iLpt8r5aGs2yuYzzG6lGnFKv1xP49eFw6NoWaKtBpJozTN1FzTKL\nYpydfDAYJBD6Ol6Fh4+1Lt1u1/ugWirN7cF8oRGhfbMQPhr+1aBkzYVAH/5P0M7QoF6vJ5aa+/t7\npyEysLOzY7/73e8SWsa5mLrdrtf3+eefO43QvKKpV221WpJpD5r3+/0guN0sk6+Y36+vr51u9O/9\n+/c+D9TRarW8XQUsQDMFzcvlcgCdyrygfdb8dbSBDGxsbPhv0OX4+DjRYFar1cTqrrMs3cIAACAA\nSURBVBYetSKq2x08SB9ub28T1xCF2ld3oRjMYX9/P8nFUq1WndYaMM68sg4cHR15HzSvjeZCoa14\nHmq1WgIVvlqtEk399fW1P2e+2u22t6dB6/wPLVerVeAqSVvqLmQWuqExh2pdhLZ3d3dJ7pHJZOL8\nyz61u7vr/WftXa1WSVqNi4uLwFODMarrqlk2vwoOQYlhsBVIR10K+aZardq//du/mVmYE0nzwZhl\nMgWP6hyqG6tZ5haI3KjVgH0Quqn7DjQ/OztLUg+USiXf95mv/f394BxB3xkf86Guf4xjOp0m6Sie\nPHmSWNh2d3fdRZjxTqfTBOTi5ubG6aJeK1h21WJDe9Ds/PzcrYLq2k3h2/X19SB3GvRmnKxJs9ks\nsbCo/CigEv9/8803/gyeoN7RaOTjVW8Q+vj73//en1OazaavN1hY9AynFgK+VXAlxkkf1LUaWVav\nBnijWCz6+UQBKPj2j//4j70+ZBKZ+u6777w++lIoFJJcQXt7e84nzH+1Wk1yN2rICTJ8f3+f5ABr\nNpvB2mKW7QkKlkQbrDucmX7yk5/4e7/97W/NzOzrr792EAT1aEH2kIFKpRKAdOlfpYu6MCOrs9ks\nOIOYZXzM3HQ6nSRH4d3dnT9XrxXOfQpYFa/rmotPIcjVVdoskwtoTf8/fPgQgPgwDtrV1BKansks\nO6dAL9bjw8PDBFZd55o1SwHcNEyH9fUPldwylZe85CUveclLXvKSl7zkJS8/onzSMrW3t2fn5+eJ\nP+7V1VWSFLFYLCYByH/yJ38SxJDw7IsvvjCzB42Oaj/jxGXariaQ5PZYLpcD7a9Zpo2OY6s2Njb8\nW/V1pm40BL1ez+v7+uuvzczs7du3AawtfeMGfnV1FWh3zcIEaBobRtGYmFg7opokTUSpEJe0Hydm\nLBaLCYjAxcVFoLUzCyFv0Zx0Op2kDfVxV7ABTRxrlmlq6IMmruU9tOBffvml91n9meOkx6pdwoLy\nmGVnPp+71QONpyaXRLOnY+O9QqGQBJtWq1XXfsDby+UygaV++vRpEltVLBZ9zsfjcRKnsL6+HiRz\nNcu0vHFiPvX5hfb9ft81V9AB7au2YRYmSDbL+CROdry2tub1aQwGGknqePHiRZIE9ODgwGVELZ5x\nksCNjQ2Pt6LdarXqskufFGqdMWm9GvhOHB1t3N/fO9/92Z/9mZmF8PbI6KtXr1y7RBznd999l1hs\nlsul91XjbNDuadxaHK82m82SGMzb21vnQbUoKMQr8QtoLlXTTFENcRxvY/bA87PZzMfCOEajURAU\nTn30FXltNBquvVNghHit16B/NIq7u7tBsnGz0INBA6ORe+ZG51At2dAaWlYqFd9HFIggjmfrdrv+\nG3Tpdruu5SW+qNls+jwgK99884398pe/9HEyRmig8NUxeMnBwUEQ3M7YoK9ajJlf5qPVagXAHbTF\nt7z/8uVL3zuGw2ECFV0oFALrjlmYnFrjEKmTeXjy5EmSsLhcLidAFY1GI5GbVquVJAvvdrveL+g2\nGAxcbpBDjVPU/U49MMyy+WJPYIy3t7dBDIRZtp4w/4/B1Svgj8bKQUftg1noPQCfKHiBgpiwfsEv\nGuet8cBxio/JZOL7klpQkS++/fbbb3080KzRaLjFhvlQ4IjJZOL9gX5qleOZgtf84he/MLNsPUb+\nWLfH47HPNX93d3e9P4xX51XjWRgTFiUFy2Ccw+HQ5Yt14O7uLlmLvv7664D3zUJQKj3bQBtor2sb\n729tbbnnEeN9+vSp91k9nWIrz3Q69W84QwyHw8BzxSy0kmAFbbfbLiMKXx6DK6mVjDKZTJx/qWM+\nn3sbmqKFcWgKjz/6oz/yMcVeUjs7O36mZRxPnjxxGqmcaew131I0lQb1IFOPJcRVSyLzv1wuvU72\n1NFo5OsYgDEq8wrrHlvq1LqoXly8pzGisYdVXD55mSoUCkFWZ8qLFy98UhTxSLOrM3hcg2D+zc3N\nBM2nVqslAXmFQiEIUDPLLjUxOkiv13Nh1wuUChFtMRFsMq9fv06CUo+OjrzPip6HO8W3337rY+eQ\n3263fRGFMdQkzYR2u10/wKq5MkaUms/nzsyMbTabeb9ZFJ4/f+79x2T+1VdfucshB1n9BjprPi3G\nqZcfdWuif8zHzs6O/epXvzKzByFXlCENmtRcQmaZULHpMUfr6+tJ7qmtrS1/zuUbupo9LBovXrxI\nTM6Hh4feV/5Wq1UXOlw72+2290UDGnXhhwbwDgeBw8NDP9jpYQl+m0wmwQEX+sZ5PPb29gIgDrNs\njjTvDf1n8UGwt7e3vR7od3Bw4IcjZOWLL77w54qgFudEWltbc/7QHE88h1b9ft8XR0VQYqNW87wC\nozBuRU40Cw8/tKGXXOS60Wg4HyELFxcX/r+69HFgZv4PDw+TvCCKcqn8Gbu1zOfzwG3HLJMPZIRv\ni8Wir316AYiRytrtto/v9PQ0cctUUI2Yh7S96XTq77EpN5vNJJBd0ff0ohXngVFkQXUlhV58q3Kj\nQBvxwX9nZyeRrydPnvhaqe5srB2sj3d3dz42zQUIXXWtZN41LwzrIWuRgkXQxuXlpa/1rDtv3771\nyy3rZ7VadVpB2+FwGLizmWWXEuisAfcxKp26Z0KrQqGQXNgU5YpSLBadd/b29rxf6h7FJQXZnEwm\nzpesA1q3AhrEaLPqVsR+ZvawDioiHP8rkIYqUegfc4GMvn792n72s5+ZWQi0QbvMTbVaDWjDezH6\nVrFYDPLumWWXNHgQWZlMJt5X6lC3J+qr1Wo+d/Dp8fGxH9700s84FW0UudG1nHEo4iryr0ivHKaV\nN0BVY/5++ctfBkoS+sSYNjY2gjyUZtmZRpUoZpmMfPnll2b2AF4zmUycj1TRjVxT1D0Wnp5Op/4N\nMvr69WvnN/bUk5MTp9vvf/97/xbZZH2/u7vzfkGXra0t+5d/+ZegPnUHU4AHxkmftra2AnRbaAqN\n9EyKPDPXClSiqNNxviRdxxShNQZXMHtQLii6ZpyPrFKpuMKT8ZbL5cRFmLFAD7NsnpFbzgij0cjH\nNJvNEpTWi4sLnxvWvmazmYTbTKdTXzeRa90PGcfNzY1/q+jKsUufnh3htZ/97GcBKIhZxrPIMOvT\n+vq6yxd8v76+7rzDOUXB1hT8izsN497a2koMNnHJ3fzykpe85CUveclLXvKSl7zk5UeUT1qmsJpw\nG+TG3uv1/LbL7U21cgQMTiYTv6nrzTOGN9zZ2QlMeWZZoG+sXfrmm2/sH//xH83s4bb99u1bfw8N\n0Gw2SzRJe3t7ri1A46i49WplYEwaNMnNfzgcBlnLoQFaAgLyf/WrX7n2RANLufErfG0crL5YLBJX\no9ls5v3nJt5sNv02Dk3/6Z/+yf9XiHTqQ2uk8NGMXfOMQNNWqxXAZMb01cBhfkP7cXR0lAQ0393d\nBTDZZmHwuuYyYN7py2Kx8D5rXirGBG273a73RU3KfKOQzGhoVKPM/wo3rBDGZpm2RM3AjEM1TTHk\nOXVpKRQKiduDag3VNTQOtBwMBt4fhSOH5tCvUqkkLgmae+gxuGzVYCqEOfUyZgXZiNtQ2PrHzPLq\ndhO7ajx9+jTJl6X5Q9RygsYJi+yzZ89cm4VWsNPpBBD7MV1o/+7uzvtFWwoZTymVSkkONbVCwWP1\nej1wxzTLNLHIcKFQ8PVIcyihpVRoZMasuWBiF9FOp+PzpPDQ6lLDMwW3YOwxLy4Wi0RjbhbmA6T9\n2AVnOBx6H+jT4eGh01xhcxUmm34yd6oFVYAS6n39+rWP3SybG4XOZjz//u//7vSl0GcsI61Wy+WG\nsZ2entp//Md/mNmDG+o333zjfWXNn06nPofqdh27743H4yS/4Ww2S6zRBwcHiYuVpjS4vb31uWNu\n1tbWvP/IxXg8DoBClC46D/f39wnQTqlUcnmFJzQfIVYedUlSC6t6qcT9o++NRsP3dSwja2trbg3A\n/XVzczOBSx8Oh762IB+np6fOMwqyoBZE3mcvUpe92F211+s5LdX9Fg8H+tTpdJy3eabpARQYhD1S\nU7JAK2RlOBwmWvLZbObrHNbZtbW1RFY0x9vvf//7wDJM/6AhbXz55ZfeL2S42WwG9DLLzm18y7yq\nO6O6U8XrhKbpgPbz+dzlmfqePXvmcgrN19fX7b/8l/9iZg978+9+9zvvl8J9s2eo90OckkM9Djhj\nALqmNOj1en7uULAmhTA3y85RWI2gqVrTqVctylhzBoOBry30fTQa+XypNUctf9Anzm+1sbGRpC9o\nNBreF56NRiN/rnkyOROq1UiBVph/+jcYDBIwH81bplZZaK1pUFgT1LWP9wB6MQvzaTJeDT8wy/gE\nSHR1e1TQCtpiPqFBu912GaANDbv4QyW3TOUlL3nJS17ykpe85CUvecnLjyiftExNp9Mgwzy3UNV+\nc2t9//6931a5dWuQPs+63a7/pvEZ3Ji5PX777bcegMrtdjAYuOUCzYRqGdWPWxPfmWW3dzQsvHd7\ne+vtPRYfofFIaJJVs4Y2WxOMcsN9+vSp04bbcbvd9puwPkNLAJ2pnzmIaakAGtSH5rHZbPo3aGLn\n87nDqNKuJg6MtS5mD/PQbDa9bnzEj46O/DkauP39fddMQL/RaOTaR7VkovXQoD60CqoN0Bgdxo02\nTkEn+A3tlybU1YTDmkzaLMxOrnCeFOZ8tVoFmlqzUPsJP93c3Hh7mr1cs9zHQZCqqYcH379/73Vr\n4sI4w/jGxkaSEZx2zB60xsViMQjYN8vkIg76Pjk5CRJQmmX8zjeMfTAYuNYIntza2vLfmIf7+3tv\nV2PSYjAUTdpJHZq0D42d+r2rtQ9+gk8Hg4HTj/Xi+PjY+6KxU6pVhva8p4m4Yz5WqPLY2gx9zTL+\noz31OYceq9Uqgd19+vRpErg9mUyS1Ai7u7tBFnn6p4AYZtnay2/Q6jFQgsFg4HTg28ViEViB6FMc\nH3N9fR1A4puF8QDIWalU8rFBr2Kx6FpqTYAcj6NcLjsNVeMJfRWGOYZL//d//3eXJfr+n/7Tf0os\nSbPZzNcC1rPDw0PnLYXVhbeY/1KpFMSQ0U9oThzXbDZL9ovr6+sEqvr9+/dJXCNzZpbJFPR/DHwD\ni9m7d++CJMJmGW8zJ5r8NdbKazwjNFpbWwusFGYZf7Le6PvQRlOVxLF15+fnTiOF5FcwJ7OM/+J4\n29FoFFhHzTJ+1vWGPivgFTTVuFgKfVawhhio4OzszHmQ/ef6+totWOxZtVotgOw2yzT76m1BvXHi\n8t3dXedp6lOgCk1ci4zC43d3d97G5uamzzXtNRoN/59znSYip41yuZzETNbrdW+PMW1ubjrNaUsT\nbzNfxWLReZY2BoOBywb1dTqdBJDD7IEXoNWHDx+CBNNmoTWVb9UTQ60bMZjY7u5u4KkBDaArsfP1\net3XY+q9urpy3oEP5vO5yyF8p/FxjGc+n/tz5u3m5sbPcMiHei1oqgW+VVhv5QV++81vfmNmD0Am\ne3t7gWdPnD5oNBr5+BSoRoHMmA/OO/T/5OTE6yZOdTqdurzCGxqX/ViKB3hDPcSIret0Oi7XGjtJ\n//D66Ha7Xh/Wb6U/Z9vvv/8+SP4NzePUQnH55GWKRZ+K9KDLARLidzodX1TozHg89kERJNhsNr0e\nDgLKwCp0cY4FRV9BYKfTabJJqslc834wUZrXR5HdGE988FRkPl2A6UOz2fR+Q5dqteruCTDSeDz2\ng5OCZsSoUM1mM3C9MQsDrTUIGhoxtrOzM/8N15S3b996u4qqgsCryZ5DNAJbq9X88KaH79i9RA/Y\nFA1AVNcJ+s8CcXl5GbjKQXvaUDACeEbdJGLTtboXseifnJz4N7TVbrcTRKNOp+PzwHi3trZ8g1NE\nK75REzu8qq4G6upEX+nL8+fPvY+6gWk+GPpHv6j36OjI54l6zR7kBTrX63WfQ+a3UCgkYAO1Ws0P\neRxuX7165a4LmstE+cgs4z8uPfCEXojpe6VScRoy3ul06psaPKkuIrppqGswJXbVVAWFolvxnDrm\n87n/pjm51DXMLFtg4VXaOjg4SPLbaP4gzaEGnTUvDfOl+XT0Ih8jClUqlYRPxuOx04i+np6eJgf/\nu7s7lyXqKJVKPnfwi25WzH+hUPA1VF2mkWsOdOpuoYo2ZAMe2t/fT2h0e3vrPK0yE4/t6OgoyKdH\nWwqCwDMFS6Be6mO9G41GicuhXog5zL979y5Z83d2dly+oM/l5WWgWIGOsQvOixcv/KLG/DabTf+W\nfaPVagWun2aZLEB79hWzh/X67OwsyBtI0cM9f2O3ssdcjhuNhj9XpDroxji3t7d9jdT8ixxceK/f\n73tfGdPJyUlyILq+vvb+qdzGufba7bbPO7QcjUa+H8J3vV7PeYL3FOiH9hVZkvbPz8+dx9T1O0aR\nfPPmjfcPWnW73cDt1Sw7eMaKHb0AUMfl5aXPAzK9Wq2CnJ30OVYoao4qDUP4h3/4B6dv7Gpar9ed\nHtRTrVZ9rlk7VFmp7rSxMm0ymQTol2YZ/9JvxntxceH8yXi//vrrBIBmOp26TCoQCX3hWalUSvbm\nfr/vazj8XK/Xk/OEutEh38vl0vun8qiKDd5TxSl91zx5Ztl8xcA8GxsbviYwv5eXly4r7Dur1cr7\nTz/VdVINFeylzP3R0ZErPFh7l8tlkPdJ85SZZfsJMgwPdrtdp4eCl8VKAw17UKNKHNKzsbHh7+lZ\nTs+5zA00hN+//PLLwFXaLJO9GOSo1Wp5e9D04uLCwc0eawO+Oz8/T1Cf45K7+eUlL3nJS17ykpe8\n5CUvecnLjyiftEytr68HblSYzHZ2doKgVbNMW83tEw3FZDJxixQamNlslsC0Xl1d+Y1ZzYtoYPlt\nc3PTb+3qthLfJLXQ1vr6ursX8JtazoBrVSsZt+719fVAu8RNGLoojCM33MvLy+Q2e3BwkOT2aDQa\n/p7mnoCW0KXT6biGW3OYoHWgf9vb2wEUu1mWfwczJpoQ1ehQx93dnfcLjZ66+WkQqbromGXzoXDQ\nZpkmiZs/9b169SpwXTLLtF/wBzleVCtLnzTgnrK5ueladLQqrVbL51PzXGEBgH4nJyduqYF+qmGJ\ntT3Q3OxBNswsCZSlaGAn443zaal2HPp2Op3AUka/aE+BJSiMo9PpuIzQr+Pj4ySAcj6f209+8hMz\nezB1r62tuXYHi8NvfvMbp6+CXdBnaP7hw4fEZWI0GiW5Qu7v7319QPNYKBScHmiNDg8PnWfhk/l8\n7vRXM3+cB29tbc21kKxZP/3pTwOYZEqcj2pvby9wITHLtFtxrqB6vR5A2TM22lUtNLxFHdvb2/78\n6urKf2ctev36dRJ4XKlU3GKBe1m9Xnc+Z81S6Fn4Vt3e1Dqv4Db85VvWhFKp5BpOBaxAk6uQzHyD\n1vL58+dJ3p35fO7aZ7X8wkcKM0//0R7XajXvP7x4eXnpvMN63el07D//5/8c0ODi4sLHi0Xn/v7e\nnytP/P3f/72ZPfCE5kaDPt1uN3CZpY4YlGR3d9fbUHjgGFxlsVj42KDBmzdv7KuvvvJvqIP3er2e\n8wRjb7fbiYu72YMbNbS/uLjwOpmb5XKZWNHUkqCgJMyrrivwJXTb3Pz/2HuT5jiz5b47a0YNQBWq\nMJNskt3s7tt3kN2yFJ7kCIdX/i6OsDf6AF7L4c/jpXdy6Mq2unVvj7zk5QRiBgoFFGpADe/iiV/i\nf86BzDc6pF49uSFYVc9zzsnMM+Xwz3XXBfUkIXfmzdramvNV15C4FEij0UiS/iuVis9JBaBi7LrW\nx3Ufze4s13juNdRR69uhn/Cg2+36OsZ60Wg0fOy8YzKZJHulpiEo8E3sYatUKsG+xPvUC20WepRY\nfzqdTuA9is9m6r2B92/fvnX9RZbFYtH3Q90H4ygJ/Q4Zat0tBRHiWcY0n889FA4vSKFQ8DWGNU7r\njKlXnb2KNkqlkj+rtbjiepQPHjwI9gyzTO+Y1+qZQJ6E3S0WCz/b3OfZ1xIflADS9Iy4jNDp6Wng\nHTXL1h0FbqDvMVjH5uZmEilkdreGo5Na5oAz7OnpqfNtf3/fx8zZZWNjw9ujL3/zN3/jc1fL4DBm\nDctVkCHGG0OtKzgUuqjnf3Tj1atXPp/ZKy8uLoKIOcbE33qGYN3nPKPnXaK41tfXEzloas8/RLln\nKqeccsopp5xyyimnnHLK6SfQBz1TR0dHtra25lYZLQgGqeUhtpy/e/cusZLt7u4GFb7NststMbBY\nXb7//nsv2sat9d27dwlE8WKxcGsFt2qtMK5Jh3HSZ6/X8/5zcx4Oh36j5yZbLpf9Nqu5P1iuv/zy\nSy/gq1DQvFPzFLAcqecHyyuervPzc+cNlhMFeMAa2W63A+hk/oVHWDXfvn0bJOybhRXLsd4/fPjQ\nLQ3wRfkLJOva2ppbFzR3JQZXOD4+dl4DdqHJy1p1HHhjtTIQ464x3XF1+tXVVbcgwoOzs7MAItbs\nDkzFzIKcDdrDCnpxcREklMLnuBhfrVYLQAbMMgsR3tZHjx75+BQ+FuuNwv7H+RrKcy1cx5ixuh0d\nHbl1Er16+fKlW2OQa7lcDiz+ZqEHFj1otVr21VdfBb9TwAj63O123dpGX0aj0b35LHF8t1a7V4AC\nfoeOb21tOf/pu0KvKxw548Xb84tf/MKf/fWvf+3vQ0/QNbXK8b6XL18GVkCzbC6zBmERWywWPje1\nqDV9wBOgXjfVP80DglTfsDRqXDyWUCy14/E4gM43y9aYOF9wNpv5ODVJPIatVm813s1erxfMK7Mw\n30ZzWGN45uPjY+cr77i5uQkS+3kH42SdUn3ifRsbG/4ZHo9+vx9Ak5vdrZk6tkajkeTM1Wo17z9r\nzfHxcRJvv7297ZZ65lu5XE6KxapnmvXk8PDQ+6NeKIg2nj596vMRPn766afOP/RYoxF0rWLeKLQ/\n79a8PZU1+w06OBwOA+8T71PgFEj3brNM1+gDa1yv13N5YgEuFouuC4zt6OgoAHsxy+YUzyJftVaz\nJ5yfn7s+afkKzbMxy+Z/XBx7PB57G+xPFxcX/h542+l0fJzw5/r62mWsBZjxrKgHjXmjpQN4N+8r\nl8tB2RKzTId0faDPyEPzUOJC01oyZLFYuPcG3l9cXCQ5aarT9HlnZycAimIcmhtslq3N6smBz/F5\nbX193fmrOYzoNGeWzc1NB0tQTxG8hn/T6TQowm2WzTP6oAAf7BN8psAymqujkUtmYVQA54BGoxHk\n2dM/SMvJxDnip6envt4gj93dXX8fe+vBwYGvO8y9SqXiusVcZh3V31Wr1SRiq1KpBLlB9EXBSegr\n/a/Vav48vNLyLvShUCi4HOIztfKy3W4nET2DwSCJKtNcYvbFL7/80v72b//WzO7Wn8ePH7ts1EPM\nPq05k3wPT1+/fu3zQkvtMOdYVzqdToIHENP/rzC/m5ubBLVE3dQIttvtuvIzoavVqoepab0XJpMm\nuaGkHAD29vb8My4qmhwOM/Vyo+FAcSXnXq/nv2XCrqysJAedR48euQD0EK+HHz30mpl99dVXycQ6\nOjpyYeiCqQmn/MvvOCAoehw8Ojg4SEKN5vO5H9oIU3j27JlvkiC2aGIhCv/ixQtvV2sa8TtNaI6r\nP+siqYfq+MBZr9d9w1E50X8ObKenp65PLKqa9K1gB4oKybvQGTbd5XLpOsbh5/j42J9RipF77kMq\nu76+dvkqihSbmVbl1hpW8EOT1uMaZtpXrVcRJ25q2As815pYUKFQcF3Qw0WcLHtzcxMAXphlBgze\n/fnnn5tZFqqF/sKr8/Nz118WMr2sw8vLy0vvA3qqoWSMd2VlJUlKPT099QWMNeTo6Mj5q4ckDcfh\nvfCKfioIAzzb2Njwuc686HQ6btxAVvv7+z4ODsSDwSBBFtSkb0121RAs+s5m2mw2fZzITZN0deOM\n31OpVJLwiGKx6PqrRiMNK+VfxkQbs9nM5a8bP+9WMJG43sfl5aXLhj5peKTqEH2hjfl87r/TsDH6\nz3v39/dddhoGGyMVvnjxItlPNCwXGgwGvs6x0W5vbwd1bcyyeUb/FcRGAS/ghYJbmIVgPVpnCl7y\nvvPz8wDN0SysW6aXUta0b7/91nWQZ4vFovOS9f/09NTXegwSk8kkCG0zy3RVQz55L/zXixt8pX+F\nQsEBVjj81Go130+0Xd7NsysrK37I08MPMtR9jwOzIvPRHr8vFArJxblcLvu6pHtrHDL95MkT54fW\nNOOShI798MMPSU0uBZBRkCP4ppeIOMT28vLSdUFDz5Evhsx2ux2EmtI/wp7h92w2C9CGuVzoBRsD\nNp9dXV25nND9YrGYGIXr9brrIOPQ0F9F0mPMGlrF3GXuff7550GNTbNs/4/R/IbDYWC4MgvrliLz\n6+vrxIivFyzG22q1fF/kzPT27dskvFRTXTRUm0M5fX/16pXrB3N9NBoFdY3MQmOZgjCwl+qc5z38\nfnt7O6gvZZbpZFwzsFAoBCAoZtkZEh7pvNXzC+3peSdGaVQ0WtaxwWDg5zlFFkUn0Kd3794liJxm\nlhg6zs7OnG/IXJGPefaHH37wZ7SeVxz6r4bzv/u7v3P+cXHSsxBtKBBZXmcqp5xyyimnnHLKKaec\ncsrpn4A+6JkqFou2WCySOh7D4TCBdr25uQmqQ5tlt+7YMq01pfRmjTUYK4OGdHDb//HHH92Kq659\nrYZsFloI1XKvYTRmmSUBKw83+rOzsyDkzyyzkvBMuVz2/nBjPjk58TFhadD+Y4E5OjpKrEGDwSCp\na7W6uupWBawkq6ur7pLUMArGhHV0a2vLb9t4ak5PT10OGm7BzR/LY7/fd8u7JrbHVujxeBxYrhhH\nXBNjfX09CaP4+uuvk9CfYrHozzKe1dVV5zl93t3ddf4h38vLSwdS0BpaWBUUultd/maZNQo9xtLR\narXcAqcVvWMIZU0Y5juFc768vAySLnlP7AlViHreo+52BTmIk3m1LpB6bPF6CBFa2gAAIABJREFU\naDhRDLRQrVa9f4S9fffdd27NVisfPGe8p6enboWGV1opnT7V63V/j5Y8QPfRIYV95x0aRqcePuaZ\nhmAwf9SiyNjQv+FwGJQjMMu8arF1cTgc+vf0s9frudzVwxfX/SqVSj6XFK5VrWNmmX4qdDZ6ph57\n5MmYWq2W9592e72et8Ocq9VqLif1ePI+hR6PLfDn5+cBv8wyHYqjAHq9nj+r4AXoSbxGqxw0qV49\n3nHor0KyK8RvnEiv9d54X7vd9jY0BIc+q4cv9sSVy2WPXGDO7O3tJd7ZH374IfEeb2xsBHX3aCsO\nOVtZWfFnFIginmf31eR5/fq1685oNAoSyc0y2aCDrBflctl1TKMq1BpvlkUKxOHFGxsbrlvwudVq\nJV7Z3d3de0GpIMaunhoFMYjrAr1+/dplzF7UaDR8T9CQqLimoHow4F+tVgvebZbpJ3LgHfV6PfEQ\nFItFX5sVGh2e845Go5GsRZVKJQlXvb6+dp3WOm0abq1jNLvz7JrdreusrdouXk0NLzw8PHS5KqBF\nDL702WefJd57rX8Gf7XmDu84PT11/YVX1WrV9YR5NplMfM1VaHnGrCGnMbz5s2fPktD0SqXifeCM\neXh46O+jT3oORB66T9A/3U9oq1AoBKAlZtnZIfZ+6/rJmqmh7hpiCV8Yx8rKSgItr3MFvdeajMzz\n2Wzm72HeVioV+9M//VP/2ywE+kGmo9HII79arVZSY7FcLruOKlAJ5zn2tvF47PNFS5rEgBZai08j\n3pA7Y69UKj4WfTaGQddSIBpaqTURzcKIMz5T2H4tO8SeAa2trbmM/yHKPVM55ZRTTjnllFNOOeWU\nU04/gT7omRoOh/bgwQO/cXLz293dDW7yZiHMrFqcuT1zI1aoYI3z5/aLdeH169f+PRasjY2NID/B\nLLtZ35fThRVX4UZjC2atVvM+K9Qm7SmUMt6lv/u7v3OLlCa8xbkrt7e3/j2/Pzs783FiQVIvhCag\nanFVs7AKuxbFw7qoeSX8zXvX19f95s84NZ6Z7xRAAR7o+/AaKRwp71D+YrE5OTkJqqGbhdXpsd5e\nXV0FReToX1wUUQsq8r5f/epXDpqgRYDRE36vRRu1+jg8R0+m02kCia6x1QpAodW6zTL5apK5WpPg\nUexJKBQKScG6YrHoOs2zBwcHbrnS/sfJ4Tc3N0kJAAXpUC8pcfbq/aLPCtcOP9TCDt9oV62VzBuF\nS6WN8XicQJl2u13ngVr74YcWKY6ruj9//jxJ7D89PfX+qPUQ3dKCj+inJk0z9+BPo9FILIlqYVP5\nkoeCZe/g4MDfh8fj6dOnzreDg4Mgdtwsm6PkSCDfdrvtY+fdlUrFLdzw+d27d0GOJv1CdrFOmoVr\nKXOI9X1tbc0tg0pY6hTEgPmAXG9uboLkfNqIwRAUZl7Hi0z47vj42GXNZ9vb20luRa1WSyD+nzx5\n4r+DV/V63fugAC1YNVkLFS6Z8fR6vcRLulgsEj25L//t+Pg4if3/8ccfHXCJNm5vb4Nit2aZZ4Q2\nCoVCAjN+e3vr/SbP5/Dw0GWshdrxsiA39S6r55Q5hA7V63XfC+Dl9fW18+M3v/mNmWXzDD0h+X9l\nZSUA8UBG8EHBaZCh7uvwWoGZ1NMA6Xpjlukff2vuGucT5tbBwUFSVHy5XHoeOHqgewc6WyqVEgAP\n9eIxXs3fYoxbW1vuSUSmWhwZ+ekZ6L6zF+/44osvXEaNRsP5hddNIeCV5/QffdvY2EjWJ82Z0aLy\n/A7d6XQ6yZlwuVwmxWRXV1eDMyNjg2+87w9/+IN/Rt/X19f9e/UUwn/Wu/vyclutVpB/yr8KqkD7\ncf7m1dWVj4P5VqvVkiLbtVrNeck8Oz4+dj3mHKi5aZwRT09PXf7qGadf6IHOUUiLSvOOL7/80tdy\n+nR6eurP/va3v/X1VT3ArPHsbe122/cHLQGCvsGjg4MD5xttTKdTvwvwjocPH3p7mjvHXUBh5JkH\neibRkjhmmVzjch4KmqLFomMQqY2NDeeR6mzsrYqpECOtBF8WCsu/+qu/snq97gwjtKdUKtk333wT\nDKDb7bpS6wWGhYsBTyYTVxoY8vz5cw8vYsM5PT0NKqSbZYsQz/C+zz//PDmgzufzBPVFUfpYVE9O\nTpyxWjtKF1veoRObcdLXy8tLP4RoYikKQrvffvttgH7F7xRxzixTON7DQUwvF0z2169f+4YJPzY2\nNrwNLkH7+/vJwaTb7QbjMwsrm5NMqO0pqguTW4El4kmuYAMaPkIbbEK1Wi05KL5+/Tqp92BmyeWn\nVColiEEnJye+AChSUYyaWKlUEtTHyWTiE58No1gsuhxYMFZWVvxv+qcXo2az6f3SBOmYl4vFwuWO\nXn300UdBPSN+FydVKhAM+tvv9112HNg1aVkTrtGZ//W//peZZYs4vCEUYzweu+7z2atXr5xHiuB3\n32bKIqQ11OIQnMlk4hccxl2tVn2cmoQbIyQ2m01fn9iY9vb2glpnZtkaQl8VTSi+AOilUFEMGa/W\nKtFDlFm2FnIB45ChiJuEXWxubgY6hhwURYq1Ax4dHBz4BsFc/vLLL4NwB3geh7i2Wi3nB3OgUCgk\nSIDVajVB+Gq1Wklo8t7envdZQ7X4G71bLBZJiHC1WnV5oU/9fj8JV9O+6UU7rj14fHwc1DqhXfqs\nG2wcXqIoWLxPwRoUUIC5jDyurq78MMBFQZPXFWhIQ1x5lnmh4ZLsCbr/6IHYLJt7elFgLHzf7/eD\neW+WrT8KjGSWyVAR0Rg7cwgZtdvtAMSFPjNvOEiWy+WkHpHW7NPaLWoMMstkGF+mze7C1Pn9H//4\nRz9g0W6n03G+0eder5eE/t/c3ARGDz5jnqoxVUON4QH9Yr5Np1PXBWi5XCYIahsbG0nI9mAwCA7W\nZmGtLahSqfjBjn4yZ5R/b968CerC0XfkXyqV7r0gwi/GXq/XgzqfZtm6Hl+mp9Oph0wxv5rNprfN\nGjKZTILLh1m2jsF/5Lq6upqERy6XS+8D+xmy12cVNRdeXl1dJbURK5VKUIcK/sWGHX23ru/8rWsN\nsqH9tbU1b0/Dx+Mw2ZWVFT/Tcm40uwN9Qi6lUskvv/Be62UxjkqlEgBoMR7QX9E1Pbcpii1r5cXF\nhfONdfj4+NjXMsJtt7a2/HvdF5ExY1fjAu8dj8e+d+j+FNce29vbS8DBDg8PPbyQPg8Gg6BOplkI\n8KHpQAqMg2xiROaVlRWfN3w2Go2s2+3af/pP/8mWy+Vd7K1QHuaXU0455ZRTTjnllFNOOeX0E+iD\nYX5UMOYmh9X29vbWPSKamKUuWrPMKhCHg/V6Pbcq8b5erxfcvM2yWzQ3YSxP0+nULauanMZNUpON\ntYaFWXYb5TarkNaxFU8rKnOr/eyzz/xWe3t7633k5ry2tubWGKwnCj2sLv+4lshgMHDrBJaGer2e\nWNavrq4CuFX4Bn+1NhKWCPjXbrcTC/GLFy8SK4q+B56b3VkBsTJtbW05X+GR4vBjZWq1Wm4hwOL0\n/v175/+f/MmfmFkYrsSzWo9ArUu0i+v6/fv3QQVy+o41Q131sbVydXXV2+VZrUeF9WZlZcWtKRqa\nxLvhd6FQCCCDtT6OWWZtw6KjtRricIvlchlYTxm7Jp7Thibim2XzBh3ks36/71ZUhbSHrwo6Qb+w\n8rx8+dLDdhRmOraYb29vJ5Dc6v1grs9mswTyVMNa1QKMhU6rtsMXDRGOAQ8mk4n/ze/39vY8zDMG\nO9G+lMtll4NaaWlPvVvoDPI/PT11GSHTH374wZ/Ba/Xnf/7nwRyJoeJ1fqm3Lw7pVPAF5HBwcODz\nVJOw+UxhhOOE536/77xmbMPhMAFaOT8/92fRxcVikUCPl8vlAHiANvgb/g+HQ+8DayHrmtmdx3E4\nHHp794GwaMhpvCdcXl4GnnCe/fLLL83sbo1TCHUFRUDGWo+Oz+j7ysqKt4fubm1tuQeLeTkejxOw\njtls5us/3uGLi4tgnPQFnahWq95X1UV4SB8Gg0EQxmSW6WrsIVpfX09CtcvlcrCG8jt0mndUKpUk\n+X42m7keE9XSbDZdzzX0h7BWhSWmDa1VyLOsWYvFIlkn9vf3fZ3W5Hnep+Vc4KWmD6CzyObw8DDw\nZphlegU/sJab3YUuwZdqtepeCIWbh6cK/qL1gCDkyro8nU4T+Opf/epXvvaix7u7uwHYBJFE8LdU\nKgVrBs/E0PPtdjsB31A+wGeFAGec1Wo1Ac1qNBoJOIDW3dP1hGc4a2ooHG2cn58n9S1fvnyZRETo\nuxUcBFKvW3y+29nZcb1jvp2dnTnPNb2AtQrPXaVScTnBWwXIQQaj0cj1SQGy+B1ju729dT3WWkr0\nT0Fivv32WzO72/OfPHmShEn+8pe/dBmur68He5lZWAP2iy++MLNMDxQcBf79xV/8hZndlTLqdDpJ\nWZ3ZbBaAW5iF+zVzvV6vex/hi0a1sS6ORiPf15HD2tqa/473XV9fJ6BZ5+fnLmONWtOzlFkmrziN\nJ6bcM5VTTjnllFNOOeWUU0455fQT6IOeqbOzM2s2m4nlfDqdBtYis6zgJzdgkjW3traSm+7Z2Zlb\nEki4HQwGCVzuyclJEANplt1WNR7fLIxnxbpQKpUCeGaz0COmuRCa72JmQaIZ1pJOpxPEF8fFX7/7\n7rskNrjVaiXFeK+urhLLwGQyCcA5zEJrCuM9PT31NhQOHesKfHv8+LH/jYWt0WgEsOFmmZWEcSiE\nthZwM8usS3iu+Ozly5dBkjTfqUXKLCzuqLDvWiTQLJMR72Nsk8kksX6/efPGdUahUemDQhlj3VGw\nE3iOvmgMscY9055amRmbemkV3p426EuxWAwg0c0yixgWFYW+JvZavTPwRhP4Y+tNtVr1/qhXCx7G\n1k+lVqvlFlMs4Wtra25ZQ4b/8T/+Ry/GTW6IwpYrrH4M3NJqtbxfatGH6Hu73Xbrl+bsKAS4WaYH\n93lO4SmfXV1duQzVokuf6d/u7m7ihVKLPWvIfD4P4GrNsrmHfjK/G42G9xmdePDggQOk8JmCDXQ6\nHYf21yK6msMR81w94ugCY1Idg6cKsavem1g/y+Wy6wL6XiwWHbQEK3OtVguKQ8Ij1hgtIBnnUZZK\npSDPCh7EBYSbzaY/wxgvLy+9r/Dg0aNHSamNi4uLJGdWSXO7sGqyxxwfH3ufsfz2+32fr5ozGSfS\na/FZxnF7e+s6g4wU+EhBhdSzahaWgoiBkngPcmDsa2tr7uXR4uNxvu3GxkaSuP/48WNfEzT3B8/E\nffks6tGPS0+0222f48hjb28vmYfdbtfnrkZnxDku7969c13UnFPWKtbRVqvlfVFAozhXbrFYJGVO\nBoOBt6dREOinFq7G0q37rYLv0CfWEd63trbmcqfdSqXifdY1i3Ey9x4+fJjsi6PRyNcWfq9evBcv\nXviYaPfhw4dJSY4//OEP3m/WwJWVFecRvJxMJu5lVWhv+K9RMHF0jpYFYJy1Wi2J2FhbW0vABtRb\nCQ+0bI0WyqYvnHHiHDLGQf8UdIrzmOZW03/WBC2rgT6Nx2P3ymiRYvoAzzS3jj5NJhNvg3/L5bLn\nDSowGDLCU/jo0SMfL3N/d3fXxwRvz8/PfW6yZv32t7/1dfvzzz/3aCbGWSwWk7W+2Wz6eohua4Fu\nLefA77QkDO0xb29vb12XtcBwXN7in//zf+75c7zv/Pzc5cD8LhaLQf4kfEbfFUwEnYFHq6ur3n89\nx963jyh98DJFwzCJgfZ6vQCJxyysicAi+OOPP7oysAgeHx/74YEJMZ/Pk8W50+kECcJmYUV4FumV\nlRWfEGw8irTEYqWhUxqeES9+mlyNkCqVSlBxGyWm/2dnZ0nIVLlcTuq47O3t2e9///tgTDqx6Guj\n0QiQ2MwyBWVxpF2tncEi+uLFi6TS+9HRkScyMqHVdc0i+cknnzgfOEA3m80klE/dvPBP65bo5EOe\nTGJNhsUNXS6XfXJrnQMmtoJEECrF5nt7e5vUYhgMBs4/ZPWLX/zCeQ5PFc1FD61an8cs29hZNNAr\nrb8CaV2lfr8fJNibZZNSQwvMQhQ0rXweH7a0LojWSVB0RvjLAkL9qGKxmNSP0NpZyPfJkyfeP2R5\neHgYJLKbZXMecBMNJaQNLmSlUsl1Sy+8jFMT/XkG+XY6HZ8//F4RirSGm9ZT4VnWJQUMQJ6sNRsb\nGz7X9fAV19pRQAhkvrW1lSAGKZiMbgT/5t/8G38PY2QN1PABRRtlDsOP7e1t7yO8LxaLwUEYHtAf\nxn5ychLUMKN/8cHp6urKw1OQf6lUCmrYMc74oDMajYKaczyrtVr4fVwbrdls+rPIsNfruYwV5IY1\nSEEC+J0mG8cGqtPTU+8X86PZbPo46d/Ozo7LSWspstkrkFKs27e3ty4H9EQP05Ai33FQ6HQ6AUAF\n71MQDPrC+5rNpstOUev4nkPjaDQK0O/MsrlM/+HH+fl5UrNFAX5Uz5G7Auqwt7APb29v+7zmEHRw\ncJCsga9fvw4uiWaZ3OARsl5fXw/QucxC45ECUSBXDWGLEUP10qUADvCSBP56ve48Qv8UlU7D1dSo\nYRbWe1JDAXJF5uvr6/47RZalXc5R8/k8uYjVajXf07RdeH59fR2gy5mF9TQVBVHr/JiF4Yx6zoqR\nFi8vL32/Qx66J2idphhE6uTkxHnD729vb72v6NNsNkvqFuoaDu+n06mvBbxD0QsV0IixaZgfvIY2\nNzeTcFAFG2Jv6PV6iVH+8PDQgSXok15G9NwbIz3reRf+lcvl5Mxyenoa1NNkbFoTk2fjOpeVSsX7\n//XXXwf6w7Ocnbiora6u+lynDQWCgkqlUnLGXFtbSxwAjUbDz0jqsKEv7Amz2SwInzXL5gBygAda\ny0zTfGJHwZMnTxLjp36v4GUfojzML6eccsopp5xyyimnnHLK6SfQ/y/P1GQySaCsS6WSWx+wnFSr\n1eQWrZZubo+7u7tuBcBr0Ov1gjBAs8wawO2eW+NgMPBbu4bs8Qy3VnXVq1U9Trjs9XpuaaLPWh9K\na5Vgzbi8vPSbPtalp0+fumXrPuhpbttbW1veHv1rtVp+A+ZGrKEhWh8qDoWs1Wr+Gbfu4XCYhFZc\nXFx4WBH93N/fdwuMwkzipsaSvbOz4/1TGaonBDnE8Lbr6+turdCwLCxmMQS9ju3JkyeeeIqXTEP/\ntI5YHCJ4c3Pj/YentVrNvaPoy/b2dgKXPRwO7wU0wIKhFmAFETDL5gBWjF6v59YWntnZ2UmABTTc\ngr602223/GhNDMasUKD3QQBD8Hxzc9N/hyWu2WwmNZuKxaLPA+Zmo9FwHmLxfvToUVCXiT5DyEG9\nPOhQs9l02cCf1dVVn5NqedQkfnigc8Qs05cY+EYtZOia1sZhzVJrtQICxJ5dhbeGisVi4ond3t72\n/sVeEOXV1tZWEI5D/am//uu/DvqifK1UKs5/TchVwBv4S9vIstfrBUAm8IO5q2GDWtOD7/iMebNY\nLBKvxu3tbeAFNMtkqaE3/MtnOr+wVmtIJ+3eFyIE/7QmG59pSCwy2t7edk84Mld9V8s4zzKXv/nm\nG38PMjw5OQkAFOL+KewvoATwZ2trK6m/1W63fT6otwxeIQ/12Gp4PPTZZ5+5/tPX0Wjk8uL33W7X\n38l4x+Oxf48ObWxsJPvd5uZmUrZCQ6uwCs9mM1/b4PPl5WUCNqOJ6iqP2Aulf/P76XSaeOLm83ly\nFtE6MxpezPoAr1qtlp8xNNSNtR4ruZ4n1OOkHj2zzHPPHNaaYeiWnivi8gDb29vJ3vDxxx/7+qDP\nwlP2uIuLC19Tl8tl4EE2y3QwrpN1cnLiXm/W3LW1NddfBZ2IowuWy6XLX0PZ2Uc09Ps+byty5cz0\ni1/8wtdr9d6zDmtob7xOdDod5xH9m06nrtOcZ+fzeQLMNBwOE3AlXSvh30cffeRyVaCSODRd63Th\ntVawDiKGnj59moRxLxaL5HyntSUVzp1+KfBSXJPv+PjY9QT9Uw/1eDx2GdKegiHpXhYDaMzn83s9\nSZqiQxuQzuW4hM7Tp08TIKCLiwtfb5gXZnfRVromoUd61mBeq1cwhnNXvup5TNu7j3LPVE455ZRT\nTjnllFNOOeWU00+gD3qmuKFhBeKWuVwu/UbPja1QKATF+syyWyE3eqwuCmWthUS5bXNr1NhQbstm\nd7djrO6alMztfHNzM4Eg1wRJ9aBgDdSq13Fs5c7Ojo/j+fPnHgPLTfjo6MgtOlg/19fXvR0sOu/f\nv/f30G6z2Qwg4s2yG3Fcrfn09DQYM33WXDT4x40euV1fX3ufNXcFfiCH7777zvv3H/7DfzCzzCuH\nlYffqaUQviFfHe90Ok0SXyuVSlCs1Syz7MRFgJvNZuL9qFQqzlOFwWfsWCg0xwFrxNXVVVLg0uzO\nwqU5QhpnDU+xfiGDYrHoFi6sJeVyOYCHVssGY4vjb09PTwM4UNqDD+oVZuy8YzabOf+1L3FRv/l8\n7jJUq3Bs0T0/Pw/yu8zCufTrX//azDKwGZ5RIArybXiHzgEslFtbW0Fsu1lmeaRf8Gw8Hrue3Fcw\nGzkozDAyV9kwV1qtVpIjNhqNfI7wDi16e1+OgyZDqxxoAw8w8eXqPeJ3Wmy3Wq06QIVazOmj5v5o\n0U+zbA7QR8Z2cHCQ5Hd1Op3AMwDfFHTFLJMbMlEgHj7DWn1xcRHA8zMOLOHMpcvLS++XFkVGn/iu\nVqsFEMtmmR7EuRpra2tBYjf8iXOS1EMAH/f39wOLNOOgXd6h66Jae3mG7yqVSgBkY5bJTXlulukJ\na7Tuj/SPfxuNRhAJYZbts/RZk/U1QR1ZozsalUG7WgBd88/oDzxVvrH/VKvVxKJ/dXXluqCeHS0c\nzNj5neZgqAcRntJnAEE+/vhj1y321sFgkEBUay605lHH0RkK+8+4tUgxv//+++/9b/p+c3MTeG/N\n7tYGJS2AqnsbfGNevH//3nWLNaTb7fp+R7tnZ2f+LPvUwcGBr3306aOPPvLvWUu06Pl8Pg/0Fv6p\nzphl6zvRKvTrzZs3yZlluVz6vFKwG9Zr+kWxU/3d7e2tf8a+rrm19Pno6Cgp2qpeWAVj0lxzs1A/\n1eOIbODz7e1tAGTDe7U8i1kmf3SWvp+cnPi7mfOa+wmtr6/7/Po//+f/mFl2JlFAHv6Fv9o+Xh5+\nr6AZtNXpdJL8ntXVVf+dlhGJgcOazaZ71obDYZBPCH81T5B3f//992Z2p6vqmWZdXywWvn/BZ83V\nZpw6Jo0QYP3X+0Kc46h5ngrqxvp7n2eaNh4+fBjkz5llusE5ER27vr4OvHL30QcvU51Ox25vb31R\nQxkfP37sCqQoR0xoBNvtdgMsebOMqYoKZZZNdp5RfHh1F/I+rUD+D5Em7rGAzWaz5ECptYBQ5JOT\nE1eo+5DHtB6AHrao46CXGvqqYRsc3vhMw4e0QnOcaLmyspKgqkwmE1dgFlgNNUK5CoWCh+ihyOVy\n2RVdATJ49uuvv/bP4I1Ws4c3LKDqqtXNDdmB8PjP/tk/C5KWzTIFVtQdvuMAQRuj0cgXASZGvV53\nWWsiKDqGPjUaDdcnrSnGQVdRlbQeBONgvPT5/PzceYlMZ7OZ80ArlWvyfYxk2Gw2AzRFs2zxjpGx\nFARBEzfjMKBer+dzg7HVajVfXAjZWF1d9UUI3V5dXfWwA0XpQo+4LM1mM780wA9FPFMkvRhFThOf\nFS0xDkPSA7bWIIsTwfv9foAoZ5bpuG4QjA0ZqqElrh8xGo2CZHSzbLNksUdP379/73MYGb18+TIZ\nr5klF7YHDx64HJbLZXDANcvWBi5jyOHw8NAPx8yLQqHgvOGAUK/XfV7ze/RZeVSpVAJAAfiGPFlX\nHjx44O/Wy00cXlqtVoPQK9pSo5FZJnP4r5d++sA6dn197fqpdZziA4Lqk4bbsVYx5+fzeVCbxiw7\nUKDv0Hg8dj2BV8pn1YN4PZlMJgHoh1kY1gh1Oh3vA/r86tUrnw8K0MA+q4Y01sBnz54lQDX6PH0e\nDoeu08wvDbVi/a/X60kiuAJGKEJqbCicTCbeFzV0oUfwaDab+YUJeejFhMP88fGx65bWh6M9reuI\nfkLdbtfD49WAwtyF91pTCt3e29tzHrEf60FRL0k8qzUBQTzl99fX1/43fGm1WgFYBnyJ9VNrniky\nq4aQ0haHRjVUadgVfNVDdFzDaHV11XVa6xrFofrlctn7Cg+63W6wpplluo0RTdMa0B3Wp+l06mBJ\njL1erydGobW1tQTNuV6vJ+ciRVvWtYE9kL7rxUmRG+N6X7o/6aE/rmWofVbEuhgM58WLF4mBajgc\nJoARl5eX3j89I2joIs8qwINZGE4H7e7uBjrNswrgBS91rWefU5RJxsdeXygUkjOrnh1YOxRsAlle\nXV0lIGLlctnHqXXr6BftP378OElh6HQ6LmvO5Z988kkCaPXmzRvXVZ3fcX07rdP3D1Ee5pdTTjnl\nlFNOOeWUU0455fQT6IOeqUqlYovFwm+G3PI1EYykuvfv399bnZobqSbSx0maGqqjFru4bslyuUzq\nAqlVU60QtMet9fj42F36GlIYhzrc3NwknolyuRzU38FCf1/VbMa2tbXl71HQAYWDVh6bhe5RrRHF\n2PlMw/hwT8PLi4sLf7e6MBWG3iy7dcNXBYKIYXDN7iwDjGM2mwU1fcwyawnyUihzbveEGY5GI7dI\nKV8YO1aw6+vrwBJGP5EJFp3nz5/bb37zGzO7C1c4Pj52XdCx8RmyajabbpHQhFGtC2aWyTmu2j2b\nzYLwU2SAPlWr1STEVfVNLYhY0viu0+kkYSTL5TKxhA+HwyARP+Yv/bu5uXFLLnrw7NmzpM7MeDxO\nwoaKxaLrHW1sb28nHox2u+2uf3RcrYZQt9tN3O3qnYUXy+UyWSe0rhLvmM/n/jdju7299TmqYTLw\nQL2HColvFtZBYy1SnmPxxloHz3kWuWr4hoKSmGWeItYbeGV2Z5V/8+aXm081AAAgAElEQVSNf651\n8FjnFGyG8SmsegwssVgsAgAD+Kdzl2fVeg4PFFTHLKzFppEJGtoGX4Di5vc6NzWBGrnyu93dXf8M\nK+rFxUUQCm2WeRLUO2IWRi1oLZgYDOHs7CypUaS1AGn/6dOnPiatg8jY2LsUqEAjCmJoeTNLIjZG\no1ECfNJut328eLq2tra8/5rIrmvC8+fPzexu3da6UPw7n88Dz7BZJkt4qaGpalU2y2SI/mp4qYap\nmmVriHptzMKEd9pfXV11PWIN14gYoJk1DJV3qMVea4AxP9VzyrPo6fPnzwOPBH2Ow19//PFHl6fC\n+vMs82J9fd3bQ5br6+vuneE8MBqNXC+R5Ww2c/5qSKeCZZmFZQk0qoY+o2udTicotQFv8FYVCgX/\nXj0EfE+7Wk+Pd2xtbfnaQb8KhUIA8067nA91juDBYq4fHR0FKRpmmX4SzYIurqysJOVh9GzD3JxM\nJt4H9kyzsN6jWVi3SiNU4rpVCgSDjj958sSf/eKLL/xZZMzvzs/Pk1QI9QprbS7WcvRgMBj4ONTL\nGNeju7m5CbwyZtmc5hn2g5cvX/p6p+uZnos1csksC4/mfEBI7/r6epLiUK/XE1ANs7tSDLS7WCwS\nEInV1VX/XuXLnONfDV2FLi4ugnfT93jP0sgZompGo1FQv8ss2y/UE8q/uWcqp5xyyimnnHLKKaec\ncsrpn4A+6JkqFotBwTctdhkXNjW781JphXlIrUZ6a4ew2nEz1qREtWRrkjlEO1g8VlZWEkCDcrns\n1j1unJubm/4ZFoBWq+W3Vb579OhRECutFnCzzEoFjDfPYhk3C63ecR6AJmTCD4Vn1vwyTaZnHAqj\nTF+xjmghUv7WmFksCPTll7/8pcsOa8X19XUSp7q5uem/g29nZ2cJrPJ0Og0gVhkPlh/NL9EifDyL\nJUEh6NFFxq1Q5vRPoSyxUGoVa/qisfZYZxWCGuvGYDAIoL3hX8yX9fV1nw9ajBl5aMw/1qJOpxPk\nf5llFps4T6Hb7brO8/tOp+NjYF6o5Y+ik+Vy2a0tvOPVq1f+LDy/vLz0dvluc3MzKFhtFkJZM7bD\nw0Pn0X1w3pofF8dWF4tFzzVRTzY80jWGz/j90dGRWz2x8tbrdZeTFneN16e1tbUEaldzIdSCGMd0\nz2azAKDGLNPFGDji8ePH/j7aePfunb/n/Pw88YRozhxUq9X8Paw76glFVx88eOB6SZ81IZc1vFgs\nJhDFGmeveaHwXOF043IZlUoliFwwy6yS6J3mVsaQ1+vr64n3YzQauW6pNwArv+awai4nfVK4YrMw\nN41/P/nkkwTiWXlJnw8ODhIwGQXwoN2bmxv/Wwtsx5ZuBRgil7VarfqahddiMpn4+xTmWPPFkAMW\n7nfv3vl+wxw+OjpKPKHtdjuA/jbL1rYYFlhBc5Dl6uqq8xBvtAJyaEF31n+FKteyBsgmPhNUq9XE\na7xcLl2u6MTZ2ZnPFebRcrkMwK3Msv2CPU0jS7Ccq2eUd+veC9+YU8vl0mWMzqoeq9dVgRHgQXyO\nUUh+zenhez0/xblBg8HA54UCOCEPzdFSsBF0RkG/yE9TqHraQ24XFxcOCqLjVMAOeHnf/MILBFhG\nu912OZHj0mw2fd4oOFEMBPDpp5/6HFKAKfpPP+G39lmL5yroi0Y9mGXzNi6U+8033/hZFZ71ej3f\nC9izisWi919zf9BPzU1i30YnFayKtbDb7bqu6llJy9tAvE/zVXVu6jt4Nj6f9Ho954MWJ2eOKCgS\nvNT8uPicsLq66m2wD5yfnyfn9bOzswDwxCzbZ2Pwmm63633g7D0ajXytQtZ6PkVe5XI5OTtqSQ7d\nK+O85pgKcY2K4MtCYfnf//t/DxZJGKgHCd087qspEydzLRYLFzwL59bWlgsChdvZ2XE3r4a1KRIX\nbcUofe122wXF7zREENJaEbTVaDT8WRZdTWhT5BRI6wFoQiufIZxSqeTPaihhnPRZKpWS0DqtFaHJ\nn/CfSXx8fBxMHvrHIvqrX/3Kx64J9mZhoq2GTCJ/DbeDb1rtnvdozaEYcEOrk+vhENmoq5bDAO22\nWq3gQGKWLdyKHsbv43oJWpOLti4uLnxD0kRf3qM1bTSkk/cpuIVZNmHpPwuGWYigFYdC6YKj4Uro\nIH3RPvD7RqPhz3AQ03o19KVUKvkCja4pepCOA5moLqJHbNh8Tv/NsoURfqlux+Elo9EoqX/R7/d9\ng9XaEspreMDvdJOOQzCfP38ehJ/Qblw9vd/vJ6EEk8kkOFzwHXqsKIGMVw9kqvu0Qfie1l9io1ss\nFkFIhVlmNIhDjY+Ojrw9PQRryFcsB62JhO5rOEt8STKz5KC7traWJPOfnJwka+DGxkaAkkbf4xpw\ns9ksSH6mn1zA6J+u9fRdUcTgj4KwIEM1dKjxhfBXDZfVSxn/Mg7kpghqGmIZ1y2qVCo+V5Bvu90O\nQibpE3+j491uNzisMN4YqVDRJvv9fpIIXiqVfJ1AhtVq1XmOPG5ubhLE0HK57IfK+PCttLq66ms9\nOqTInbQxHo99DdK6ZPxOgU3iMB+9xKMT/X7f9zZFpWOuI9ft7W3nPwf8+XyegGbooVZTFOL5o2ie\nijAWI9DpQQzeLhYLH5Ma4uAfOqlh3HGfzO7Wgel06n2hn2Z3e7heltmbNzc3kxDS/f1930cwMikI\nAuvm5uZmAvCkKQJ6NovX5tPT0wTJVJP+2RNOT08DAB2zTM/hA++4ubkJQg3hG88i3/X1dV8T0I1y\nuezrK+0ryBX/np6eJgZArVvHPNPP2HtPTk5cFzSFgr7qukN7rAMaxs06q8Y5xlgoFIL6V2Yh8qnW\n89T5wPsYE+33ej3n1du3b13u6Ha1Wg1qk8EXRb82C2vPqlFO9wwzC9Yz5vx4PA4Qm+FpHIZudnfe\n0NB01i/CENXQBa86nY7Pe0UWjuv9TafTBNEUff/P//k/23K5vEP6EcrD/HLKKaeccsopp5xyyimn\nnH4CfdAz9d/+23+ztbU1v81yU1Q3n0JUxpaum5ubwPVult2wsfhxqz06OvJnsKZpexqqx22bG2Wj\n0fCbpIbOYZHQmiFaEZ72Y3jjarUa1MmifYWcVBhas8y9SH80lIQxY7lWLx99WCwWSfiZAhVwm769\nvQ0s9GaZFQ85cKP//vvv3bXN76vVapJUN5/PEwvmzc2Nh0Jg+S2Xy27VRNaXl5fOA31fnFh+eXnp\nbaibPE4EXiwWzjfaqtVqbl2kT2dnZ4G1lffFfbm9vU3g19UjoiEsWteAdhUEg77THrrRarXcOqJJ\n0xrCqHPDLLPOoFOQ1udRncXCpIAssfez0+kEnkuzzDLF3wrtD8FzhctWL67WqTDLeI9ngrY0CVTr\nEsXz4vr6Okm+LRQKSYhDvV73eQH/1FuhyZ9YKeFZpVJJai2NRiOf97oWqQWZfxXwgjFigdMQDLUC\nmoXQzVC9XvffaZmI2INZqVS8f/V63fWHtUjlBn/r9bp/rrDF8Esh+zXc1SzTRbWommW6D78Yu4bg\nqdU9Tvo2C2td0ZfYAn99fe1toLO1Wi0AHoKXjF0941qugH7G9cg0SgIqlUrJOqEABOq1Zj4wjvPz\ncx+nlulAt/V99EEhlHmfhrDFcOS7u7tJXS0Nz9G1KA4Bnk6nQb9iC/H5+XlSd6lard7rgUEX1BKv\nsPFmFgBQQefn54mXd7FYeF+0RAK84fdXV1c+h9UDB79Ud9Tbyhi1biDvZV1SDytrqYZq066u7wpk\nYJbpeByKrzXXFKo6Drut1+u+brK+lkqlBEhFZa0AFIxd11meVfAa5rWu4THc9HQ6DeoX0qaCRMWg\nCovFIgDiMAtlCD8ePHgQhECZZXOKZ/TMp9Ed8B45vHr1yvmn9dbMwjUBHmkpG+0T/UI3FBxKPWwK\nJU6ftMwMv48BkhaLxb2pHeod4TueUW8J/NB5G6+BlUrFx84YdS2CarVaMrblcukeTvZFrY2nXreP\nP/7YzMKztUYhMXZ41Wq1ghQCs0w/WRPow3A4DPYqszCcVb1bca1AjbpCZ2ezmessOlksFv0ZTbvB\nI8W+refOOHxQPzs8PAzODPQ5LkfRaDTs5ubG/st/+S+5ZyqnnHLKKaeccsopp5xyyukfkz4IQFGr\n1Ww+nyd5Kp1OJ8hP4V9u2XgUhsNhYunWfAG1PBF3qpXL46J+t7e3ifdDLZNaCA/rEzfZcrns1gxN\nCOZ3al3CSqJWLY0Njqth7+3tJR6z9fX1BKp3uVw63xjT1taWWxo0+Q+eK0Qy7+Y7TUbEovDJJ58E\nVkX6j5UC66gWVFOP1305LnHR3nK57BYJ5Fuv1xNrqxZZ1Zj+uHDtYDDw/qvVLi6AORqNvK9qBVF4\nYcZBXxj3dDr1vzUROM5XaTQaCcTr1dVVYAUyy3Q2BnWo1WreL4VGR7dXVla8D1rBXcEIzLL5pX00\nyyxAcYFmBRBQb08MnauFgflse3v7Xss/lhpk/sc//jGw+DBenmGuFIvFBGZ6c3PT20Cumr/BZ5pb\nw/ze399PIN6n06nzRT0i9EtBE7QaOvzWHDKzbH5o7iXyUCAbeBbniLRarcTTuVwuXVcV+jrOezk4\nOAjyspjPrEWlUsn1RL2byEQLksdw7+VyOQD7MAuT0ZmPapWlz71ez3mp4BA8ozlu6Kx6drEuopcK\nUct3g8EgyT/sdrveV9ZUnRdaJoLfwXMt7qiJw+qRNMt0Fz2+D2pdQV1iUosopDDCGlsP3zSBX/Ns\n4Df6jp5q/o7CDcf5wJrUr3DKCgHOezRnIi7jcH19fS+kfAzf/ODBA7d2o4sPHjzw99Fuq9UKojsY\nL99rPhvzHnkcHx8735Hvo0ePPFFcvcdxseijo6Mkl/TBgwe+nqtnLN4TyuWyP6MgNswVxnF5eel/\nq2dfc3n5LPacqsdB1wndm2kXuWrx5jiXbDQaBdD5EO+Dp0dHR/6eUqnkstZ9TEtOwKP74KhVdoxT\nyy6YZXsfYyeSYXd31/uPDrVaLecbcl1ZWQnAMuhnfN7hPKrj2Nzc9D4ozD3v0bU+BjRoNBoJhLqC\na7GuDIdD/4z2e71esn92u12Xoeaj0Rd08tGjR0mh2dFolBToVbAGxnF6ehqU3TDL9Ir3aTmfOP9Z\n9ws9M+l6qDoDn+MyHc1m0/lP/3d2dlzuCvoUF949OTlJ5vDe3p7jE8TzTPmh0V70udlseuQX79Uz\nHLrTbDaD3HazTD/ju8PZ2Zmv65zHVlZWklI1MX0wzO+//tf/arVaLUHfur6+9gFoZ+PaD3ohUjd6\nXHtiPp/7psaEUAQdhFMqlYLwHrOMqfHCpM9oglmsAK1Wy5/h4K6hAkywbrfrBw5NFFaXY1zX6Pb2\nNkGAUVc4/2qNHSbdcDj0SYHya6Vq+qqHy/9XOKB+Dw+0mrQmV8ZheZrwqryJw+j0UqOoWiimhmLE\nyGgKhoCuTSaTZDFtt9vBJDfLFhcWAHi1t7cXjJN244TM5XKZXLoXi0Xilj85OfHJq5cp+qehdnGt\nFe1Xu91OQrU0yVQPMgqwAWkFcrPswgtv0OPd3d0kibxSqSQJvsPhMAhZMsvkjw4y3nfv3iX1yPRg\nzwZ6dHTk/YP3jUbD5w1tqAGA73TRZWxax0nDi+mDIr1p7TTGSx8UWILvtS6J1k6K+c1m1O12/XP4\novVyFGQhRl87Pz93Huk4FGgFnVLjBnPpvgus1g9inPxOw9l4n4JlqNGINvTyzQEH0jVBQ38YJ3JT\nVEW9OHEh1pAoRfaEf/RFeQnfNBQmro0zHA4T0Jf5fO68pi9mloSNdrvdBFnw9PTUN1gNk9T5yjji\n0D/lh6I6wlM9MOhcog02b3RnbW0tqHVnluk9/FOjEfw4ODhwebL23t7euu4jf0WeYxyFQiHYQ+FR\nHKq7v7/v+z9r22g0SvRcw9oVrAXd4XDZ6XSSkOjDw8OkLuTV1VUCGNJqtZw38eE2p5xyyukfi/7y\nL/8yD/PLKaeccsopp5xyyimnnHL6x6QPhvl1u12bTqdurVII2Li+kUKyYj0sFov+N9ZShUvFMtbr\n9RJL8ng8dusTCYuLxSKAtTbLrFFxAnKj0QgS48wyCzqWMHXjYdHDqnV0dJR4Fy4uLtzCyvuUH71e\nz8enNVawNCrELzzCUre6upqEvWj9G6yUZneWQcLG1LKqdVXUQg/xPS7OjY2NJISk1+v5ZwpKgMtV\n65vEyZeVSsWfUXhW5KDvYJy0WyqV3KrJ+7TKunpG4lDCXq8XJPvDg7gqerVaTZIRr66uAsALszCc\nUmGBaU/DUeCzeueQkSb9q+U3huy8vb31PtDXq6sr98xoNfQ4TEVDq3jH1dVVAM5ils0l/kanO52O\nu+XvCxvUkDkNXTTLrONYv7X+Cc8oLDlhJ+h7oVBwTx4yKhaLSfmFi4uLIETXLJNRDI2q4SzqyYT3\n6mmJx6mhKQoCQ3uxNZ/2GC8WdvSz1+slgCbr6+vOI3RsZ2fHZXlwcOBWfvTk4uIi8AKbZWsW6zBr\n787OTqKDpVIpgY9eLpcJUMVkMvHfaZJ4LMPJZJJ4umezWQCwYJatzQDfaDJ8vBYdHR0FtaloIw5D\nVpAOlZtCZ5uFHkKtjRKHoZ6cnCTAItfX184DvNaVSsXb0/AirU0GL5g/vHc4HDpf2PfU88yz9Xo9\nSaTu9/tBtIVZtj/Rf5WB1qBjzPRFE9a1ZhzvVNCheM9tNBr+O41GQH81LBcdZP7cF9KvYTnwaDAY\nBPMPeShAjVm4nqg3Dd1SgB7ag6e5ZyqnnHL6OSn3TOWUU0455ZRTTjnllFNOOf0E+qBnajgc2sbG\nhlvUtLCp5h2ZZZa1OLa+Vqv5ZxqTjgULq5sWi8MyfX5+7u0qNC9WKk2UjCGPtQigFohU+Fie5Xda\npJR3a9E8LZQbF/U6Pz933ijUqeYs8G4tQMbY1JJnllmm4+J/xWIxycfQRDv69PTpU7cGa26S5rbF\ncsCS1+/3nf9a8I9xaoE29WbRPu3S1ng8dosk1uN+v5/AyKsHi3wmlQ2ksPQKgIL3gTam06mPiTGO\nx2O3iNKnVqvlbfDdysqK5zbA20ePHiU5YisrK/63Jv9r8TdNEDXL9ISxM0cUyECTIWNgBE0o1XwM\nPA6ayAppTgefI1eFcaVgdbvdDqzPZpluMCbe0Ww2/VktvM04GaN6COl7v99P8mgqlYq3y/s2NjaS\n5PXLy8sgEZ+24lxIBcPBkn17ext4Qs0y/Ysrpd9XLuHm5sbbgC+1Ws3z0KDpdOrvYR6VSqWkYGq9\nXvd8oV/+8pf+PB7WnZ0d75cWLIV4T7/f9z4yb46OjpICzbe3t0leXrlcDvJAzTKPt8LkmoXeFi1S\nG4MXaBQC311fX/taoCAszE0tjqq5XPAthqNXqF0t3RCDQ2h0ATzQHCHV4xhSWvlMzs5oNErAOhQu\nW0FAWF8VilwLUZtlckYHFb46LgyrOYzwdj6fB/mlca6pApDQVy3Gjp6cnp56X/EuTSaTJN9OC9Jr\nX+CvFmoHuAUP5Ww2s0ePHpmZBXtXnBvWarWS3MpSqRR4Ls1CACr4pnqinvWccsopp5+LPniZAimP\nhVDDltiAtX6BHmbNsoU2DsHTpFStD6WHfLNs42YD5nBzeXnpmwefLZdLf49Wn2eD0IrOccJ9v9/3\nv1ngy+Wyb4SKDsOG/uDBA+cHh59Op+NjUlACDlR6sWOjY+Fvt9u+USpKC4c2+n94eBjUsGJMMQrV\neDz2funhDb4qoolWoGacYPYTCnl6eppUtt/c3PQLh16w4AHj0GR4rUeiB2Gz7PCloTdmIfrKH/7w\nB+dVfFHUumDon9Z2Qa/W19cT9L3T01M/2OvhhssWbZydnXm7fGdmflDQ8BytKRMjAN53MN3e3raX\nL1+amXn9NU2gRw8UjUz1U1GIaIPfISOtf6LV4mNgifPzc28XXj158sTnEuhaig6ll/4YHELr5CD/\nZrMZIEoijxiAolAoeP9YY3q9nof3qHFD54NZWH9HL9pa1w4ZKCoc/WQO0JY+q2HI6A5tXV1d+d+8\nd2try/miqISsVRcXFy47+npwcOBj+v77780s04MYsUvrZPDd2tpagka1tbXlcxPZ6KWGZ3u9XlI/\nZrFY+IWONfKjjz4KjAZmmf7xvRommFfwQOvzKDpYDHK0urqarDs3NzfeHu9tNpuBYYI+xaAUb968\ncV1kbO/evUtAbtbX152nGk5Le2rs4XcYdmazmRuX0KflcpmE7ylqKnJuNpv+jCIuQsiyUqn49+/f\nvw/Ce2OeE9Y+Ho9dl/UiCT+42BcKhaR2mgJSILdqter8ZR8+PDz09ZD9p1wuex9YxyaTSWKEKJVK\nrvt81+l0EqCq5XLpv9MQZeYz61R8uc4pp5xy+qekPMwvp5xyyimnnHLKKaeccsrpJ9AHPVO9Xs+O\njo6SpG+sYGZ3VqMnT564m18BI7BMYYnTEAcsYhrOoJYxDaMzy6y9sWX66uoqCF0wyyxieLUUYjz2\nfpndWdsITbi+vg7CD81CK97u7m4Q/mN2552hj2aZZU3BGWhXIZ95Rxz6t1gsAhh6s8ziqPUR+Ff5\napZZZ2PL6rt379ySCC+1svXjx4/NLPMAxSGYo9EoCFMzC0MrtN4Uf2ttmdhDROio2Z2VvFKpuAxV\nrlo128zsxx9/dN3RMBqtz2OWWSjx2KjnLLbOmlmSwD+bzZKaDVqjBJ3d29tz/irIgYbRKSQ679bE\nabNM/ngV8YhoDSj6sr6+7lZi9fYR9oLXQ8FLeG+hUHA9oU/FYjEByGg2mz4PP/nkEzMLQTj+/M//\n3MzCei9YiBW4ATo7O/M5pKUU0F8NUWW+wp/BYOB6rLWx4lCeer3uMkRGZndeAPjSbDZ9LOjkeDx2\n/mlILxZ2DQGMocCvrq6cB7RRLpcDkB6I+fP555/7d3j5Njc37dtvvzWzO7kquAntvXz5Mqk632q1\nfC2j3dPTU59L8E/hshXOPS7PcHt7631lbn722WeuJ/RFwRwU8hz95H2tVst/x/x/+/ZtElp7c3OT\n1EQpFAqJ96tUKiUhwtfX167nqqvoGzJ8+PCh6xvrxcXFhc9XeKplFeBjt9v1Z+jn2dmZ80pLAqDv\n8EDh69X7zjg1PBM9Z47qOqbQ8YxJazYx3tFo5O8hTPHly5cuQy2hEcORd7td/5txjsfjBKSnVqsl\nkPKbm5tBjRva0PISZmYvXrwIgJvMMvnzO/ZhDaNVcCWtG2gWlhGJvds55ZRTTj8H5Z6pnHLKKaec\ncsopp5xyyimnn0Af9EwdHh7a6upqkr9TKpXcio6l8Pnz5wF0tllmscM6hhWv2+26BRHL5O3trT/z\nxRdfmFlmTcXih6WuUCi4hQsr1N7eXpIjpJW89fdacZn30QbWvmaz6RZRLNQK8TqdTt3Kh7WwWq0G\nhSDhwa9+9SvnDf3TIrK8Qz05ZmE1eQXfgA9auDAusml2l3tDnw8PD90Torkf9BmPohaExDI5mUyC\nfCf4S780IZix8Wy73XarosooBq94/vx5UDiU/jFOcoq08jrW6M3NTfvFL35hZndeklKp5HqHZ1Rz\ndfCMtVqtAASB8cBnxjgej5Oq3aPRyHOS0N16ve5/P3r0yHNq0JfV1VWfB8yBdrvt8wsP4Xfffed6\nqxW/6aMWFcaDwGe1Ws37rQAZWgiU9/I79Pzk5MTliUW8Wq26TNCdyWTivP6X//JfmlkINqB5jVjj\n0TH1ECFDzSuBVlZWAg8M71XvjY7bLMyZ4ll0SEFJkMfKyop7Tvh9v9/3uYIXWctDaPV09AkP0PHx\nceKx1cLQ6kVivTk/P3dvJ3pZLpeTpPrt7e3EE9btdp2H9K/ZbPq6hAxLpZL3B31Hx5UfzWbT1ywt\nkQAPWV9PT08dtETznngPend4eOgeE/RK11fmwnA49HZVd3m36qQC/CAH1hPkMJ1OkyLVqk/qkfnr\nv/5rMzP7+7//e/+M/QEvyXw+934x5xuNRuAdN7ubq2YWAGBo5ALP6jzk94yD915eXjrP0cnT01Nf\nN+fzuf3mN7/xz83Mvv32W1//2RtOTk6SfNHd3d1g/zILgaU051ALmptleo7eqXeTOa7w5qxjWtyX\n+Y+n9fHjx0n+brPZ9Lmtey8ebHRtuVwmgDY55ZRTTj8nffAyRVIsG8jHH39sZtmGxyLKIjiZTPww\nyOI7Go38Mw6Mi8UiQeQ7OjryA9gPP/xgZtkG+9lnnwXv29vbC+o8mWWHDTYXrd3Bws+CrYhWvKNQ\nKPhmxUHm+PjYx6aXETa/k5MT/5yNYj6f+8LPv41GwzcX+ler1fwZrXkS1106Oztzfim6Eb9jI5tO\np37Y4sDWbreDSyrEJsq/q6ur9vvf/975b5Zt4mx6bN7dbjdJ0j85OfEDLvzTw7AesGJZ1+v14ILD\neH788UczM/uTP/kTM8sOEsiJdh89euSHPPjT7/f9EEW7mpSsYVlxPSc9YHNY6na7PiYMBpVKxfmh\nifKKAAlvkdEf//jHAHTBLDuIxYiMxWLR+8N4J5NJEKIHxaFfJycnQXgi42BM8OX6+trlwAHx7OzM\nnj59Goy9VCr5YerXv/61f8ezHGAuLi6C+mdm2eEMGXKYOz4+9gMbn11dXXl7Oh74xr8PHjwILu8Q\nn8Gzzc3NAE3R7O5SrXxuNBq+xjCO4XAY1NMxy/SOSxQHNwW5QR5nZ2fBOkcbjAkdOj4+9vWCfxXR\nkvGb3c3Djz/+ODlYLxYLn+O0d3197bzkAlAulwP0M7NsPqBbGBkGg4G/m0O3GnG0Th8GLkWTVGML\n36HbirTKGsiFcTqd+toHDxaLhb148cLM7vRzOp0GNZMYI/OfNVXD1TT0D3kRRvfu3TvvF+t7vV73\nOfA//+f/9HHwO/ToxYsXPs/YJ25vb31fhM/tdjsJp1tbW/P+MS9V71R32KvgVb1eDwwEZqG+VyoV\nvzDT54cPH/q8/+qrr8wsm9fPnj0zszvDhII56aWFdUdrj6k8GY1e/jwAACAASURBVCe8VsRQ5Mn7\nXr586WsCevrs2TOfz4S97u7uOr+gly9feh8IiW02my53LmRra2s+b+JQ3Jxyyimnn4PyML+ccsop\np5xyyimnnHLKKaefQB/0TNXrdavX64HFzyyzZMahP81m062GGopF+ATW3tXVVX8Wy2+323WrF5Y/\nhcHGiqfVzrWqPBY2DQHRMAB+p7DbZpmVTsM2zO6vedPtdr2v6glTmGQsocB4t1ott2xiHVUQBCyx\ni8XCv9fwBzxY0M3NjVvv4K9CXqv1HmsrXoa3b98mYYOVSsWfxcq8WCycr/CjUCi4pRQvo0LjInP1\n8vFdtVr1drW2jNZqok//+l//64Tn9FW9KVqLySzTq9iCrfWXGOP+/n4AgmEWwuDz+/F47HqHzh4c\nHHi7hMTxTrM7XazX697G4eFhAK1tFobgMfZXr165pZ5219fXXVfRsYuLi6R+TKVSSWqetdttt+gS\n+tPr9RJ4bg1JU2AG+v/q1Sszyyzncb0XBVFRzxjPwqvRaOTjVIs9nhD0s1Ao+DjQsclk4t4snn3/\n/r2vN+qdQcbw8eLiIoBTpn9YsNWbztjhxcbGhnuA6GelUgm8j2bhuqPyZz1BlkdHRy4HeDGfz32c\nt7e37vXGu7S2tuYyRF4a8qWhqei+AsHEMOOVSsWfVZ7Ha/iLFy98/VWQjv/xP/6H98ss8yjENc/W\n19cT+Q8GgwREptls2tdff21md+tiu912Lx/9nM1m3j/6rOPVz+gXoYflctllw9iur699XdR6TrwH\neTx9+tSfwav25MkTn3PsA51Ox+c16/x4PLZPP/3Ux0778BJdKxaLPqeQ+XA4TEqLzGYzbxdeacip\ngv7AK/Xe4YVsNpuugwo6g57Qr08++cQ/Y0w3Nzfe13i9MLMAwIX+E5b9+vVr5/WXX37pz+CRYuyD\nwcDHpKGpzFdkfn5+7l43DUeMoeTR+5xyyimnn4Nyz1ROOeWUU0455ZRTTjnllNNPoA96pgaDQQBH\ni/XrzZs3bsGCzs/P3epFQmi323WLLlay6+trt/xi8SqXy/6MVrvH+km7jUbDLXGaIxLnCDSbTbeS\n8WytVnOPBG2dn58HUMxmWT4DXgEtqKhJxnhPaGNvb88tZfTh5OTErXJ4MDY2Nrw9BQeIcy+KxaJb\niDVHRIuX8p3CGsM33qdW6LhA6/X1tVt08baMx2P30NC/o6Mj9xBA8/k8gIA3y2SDNVOh2bEGaxFL\ncjCw/G5vb/uzWD0/+ugjtxbD7+Vy6WOHV7e3t4mV/Pnz5/47qF6vuzw0nwFLs3rOYmj89fV1T5DH\n+v3o0SPnC1bw169f+1x59OiRy4bcq42NDddbPBjtdtvHp4An8BVdHI/HPocU3h4dpa3RaORtqKcL\n76Lmi+A1xgNTLpe93W+++cbbjYE0FFr+vmLMeIp6vV7gQTLLLN3IWPNesLxrEeLYc3J5eZnAJd/e\n3vo48fbO53PP78Syf3Nz43qpcwsdVKAULTDLd6xZqkNxrs5wOHTvDGPsdrveZ/hSrVaDd8dgKbVa\nzfmlhVfRUWRULpd9vmphaOY/7U2n06CoK32O89QajUZQmNUs88TwLGv5Dz/84O2ix48ePUravbi4\ncL6qp4vv4dvZ2ZkDVeDZf/ToUVASwyzT2Ti3hugJszvPmXps6dPGxoZ7bDQvC51RQIXYo3xwcODr\nITyYTqc+7/lMc+bQtdvbW+8DOl4sFgMwF7NsTrO+w6uLiwt/hvm7tbUVRB4wZto9Pj72OYQuam6t\ngjnwmXoU4bnqqhalhr9xHpjmYPLeTqfjfaH/u7u7ngPF++bzufOQ77RQNr97+vSpz1fm8Pn5eQJ8\nBU9yyimnnH4O+uBlanV11WazWYIEVywWEwS9Xq+XhFvd3t76YUCTybVekVl24OB3mgDLuznI7u/v\nJ5tQrVYLNlueZYFlk9nf30+AKo6Ojnxj1VCcOAyJvpllmwH/58A2mUx8A6b/i8XCD0SMczKZ+OFd\nD49x6FqhUPDPFHmKDZrNT+vfMLZGo+H9BsxjMBj4BsMm1Ov1nG96iI9rwLx9+9bfzca5XC4T4AsF\nzUA2WhsJ3VDwEj6bz+dJ7aHRaOShQRxaVlZWfLxcZJ4+feq84iC4u7vrMkRW5XLZZQyf5/O56xNj\nq1Qqrh/w7Pz83L/n4FsqlTy5Wg/O9GFtbc37hZ7o5ZdDQ6fT8d9x4BgMBvbv/t2/M7O7sKJisejP\noOfL5dLbVoQ/ZMLYLi4ugtpqZpkeEG6DLr58+dJ+97vfOf/hFQcwZFMoFJw3ilAH3+BVqVTyw4+G\n23Fw1nBPZMx7e72e6zHfvX//PkiMN8uAMpgj9GV3d9cPVuhas9kMEOzMsgsezyoCmYZjIQPmgNbS\n4bKNTmoooRqK/vRP/zTgwatXr/x9Dx48SBAqVV4aKsw8Rbdvbm6cN+j01dVVUout3+/7nORZvXQz\nzlqt5pcj+vSHP/zBx4wsze4uCwrCAg85iO/t7fl8IPTr008/9bnLRVcNCry3Vqt5n1kHjo6OXP60\ndXh46GsRc6XZbCYGkdvbW597GBF0PoII2u12kzWw3+8noZOKIqehzgoYwrPotKLY8j4Nq0bfuYB8\n9NFH3gfWnclk4p+Nx2Of98j/3bt3zkPd07TWnVl2SWKOqzFPa4TRHvMG/axUKq53CupBaLCmBRD2\nyDir1arL8L4LO31Ch5EJv9O5ZpbpmCKjIpuccsopp5+L8jC/nHLKKaeccsopp5xyyimnn0Af9EwV\ni0W7ublxrwGJ50dHR255xeo2Go2CauhmmaUdC53WJcEyjSXr+PjYn+V3pVLJw7yw1D179sw9HVhs\n5/O5W9GwsLZarcRif3p6GtQNMssst7SnFuoY4rdWq7lVbjab2SeffGJmd6FLrVYrAKMwC5OlsZiZ\n3VkYCf1qt9uBB4G+YI3FujgcDpPQv729PZcDffn973/vz/DZw4cPHXJcLfsxOECr1XILMfz79NNP\nE1jwxWLhuqAeBdrVukV4PfCSra2t+dgZ9/v37wPLullmTcVKrvDw9B/+KNQ6FlGFWkd3Ly4uXFf5\nbDgc+nvwCmmIEH2ZzWZulcfS/fjxY7dC42VQi/Pr168TWOPlculWe2D/FSJbQ4jgF3Pg6urK+4pc\nj4+PXefRsaOjo2AemGXyxUMDRHKv10uAQD766COXJ+MoFos+h5BltVp1azzPKt8Ukp9+odvz+dw9\nCOjQYDBwXsGfUqnkFmb0ajwe+5iQw9u3b93D8W//7b/13/E+ePr27dukxtt0Og3q2phlOsvfGiZH\newowwnuYH+vr60lYc7/fd74x7s8//9x1//z83PUXXl5eXrru8z4FeICUzzyr3lH+rdVq/j2es5WV\nFfcQMR//+Mc/ulzx3rRaLV9/6f9f/MVfBB5Ts0zHGSfz8PHjxw42wZ4wHA79GWg2m/ncRLcV0OC+\nkEn0ajgcJnULO52O6yLvOzw8dN3hu8Fg4KFptI9MladbW1suf2R9cXHhc5d/a7Wa9w9ebG1t+dqh\nXij2ItqdTCa+3tC/N2/e+PfIpd/vB3OZfVDrrtFXeLS3t2fff/+9md2FOB4eHvpawNwsFovBvOId\n8AG5jcdj3w/57urqyvcnZL6xsRHskYyT/qNDjUbD11/eq6HECnKCrHnv9fW185o9GP3LKaeccvo5\nKPdM5ZRTTjnllFNOOeWUU045/QT6oGdqNBpZq9VyaxUW1Gq16lZSrPJ/+7d/6xYirG7D4dA9DprP\nhJUMC9WrV6/8WSxYvV4vgGw2yyyUWOI0BjtOjF9bWwu8AWYhPDDPfvvtt24hxuqvSf38u7e35xbi\nSqXi8f9YDefzuf+tnroYpKNarfr4iANfW1vzMWHZG41Gbi3U4q1Yohnb+/fvPW5f4X7x+OH96Pf7\nLjvaLRQKHivPeBaLhcsEq+bm5qYDRuAtqVQqSU7XycmJ/438FS4fi26tVguKE8ef4bXU4rP0b2Vl\nxfus+UXIRnPx0Eus6tPp1MeGBXhjY8P5gtxub29d7zQnhv4hj/Pz8yS/4OzszP9eX18PvDHwirax\nrBaLRecbyfdPnjwJ9JZ38B5k2O/3/ftYHvpZu912izt6PhgM3HOhRaNjnT0+PvYCvppfRv6WFlGl\nbSzO5XI56AP9Q4/hxd7eXtLucDh0/iEj9VYpKA7y1yKkeEJofz6fB8WJGTfywrul0PhY3YfDYQIt\nv7OzE3iXzTLdYQ4j316v5zp4X+mGr7/+2j256N3m5qZ7jehrp9NxvjHnj46OXBeYIzs7O/4etdAj\nY/RgfX09KT2huTC0u7+/b3/2Z39mZuYe+c3NTZ+n6FChUEgAFBaLhfOX+frZZ585bzS3j7mLfo5G\noyBflP7BQ51TkIKxqA7yjhisZbFY2L/4F/8iGK96oRUAJQbXMLuTMePe2dnx+Yg+9Xq9oFAyPGNM\n8K/f7/v37Jndbtf3WS0ZwbM//PCDy5/cpJcvXwYQ/GbZ/orusNdcX1/7HKK9V69e+fpGG6enpz7v\nNV8szm1aLpdBHpNZJl/6RbtPnjxxD5d6/tEnLUjMXOJsYGZJrlmhUEjKb+SUU045/Zz0wctUp9Ox\nd+/e+aKroRUsuhyqtra2fFHTwyWLn7rt4xoq0+nUNxwOAg8fPvTNhYNFtVr18ANFuWOD49+DgwPf\nZHSzZeNSUAQ2EvqiaHiM8e///u+DAyX8YLyffPKJH6zow2Aw8HezuY3HY3+G9hS1SOuM0Ec2KO0X\nv18ul35xUoQ/QsNo/+TkxA9JigiIbBTBKz7oPn782A8GyOHHH39Mkpfb7bbzhfceHh4mYA5mIeoi\n/9f6YvRJdYa+ExqmtU9ilEM9ZHLgabfb/jf96/f7rqu8T8MBNVSIPiOjRqPh4+WSubW15eO4urry\nd3OYrtfr/k49WHMg4eBRLpe9/8im0+n43KAv5XLZD668V2sUaZgPf/O7arVq3333nZndHfx++ctf\nukz47rPPPksuIYeHh66XHDyr1arzl4vH5eVlAl7x/v37JFzx8vLSD2rwfmdnx9vVBHR4RJ/fvn3r\nMnn+/LmZZWF0yEFBSegLc6Hdbnv/76v7pPOM98FbrcnF2BiX2d26+Pr1a59LHAC3trbsq6++cl6x\npjFfG42GXwZVT5C/hmyxjmgYFXxj/To9PQ1CG83u5rdZeLlkHSYcrFwu+2WPuffq1askLK9QKPg7\n9QKj4DFmYb08De3U9css0wPGhqx3dnZchsitVqslQC+KDqhIhMwBxnt2dhYY/mgjDn8uFAp+8YPP\nCl6B3FdWVvwzxnN9fe08QI9XV1e9PV174SmyV/5yQVldXXV96fV6PhZQCTc3N/3SqMYtdBWd7nQ6\ngSHELFsD4Rf9WywWrhOQho3yjuVymRhEbm9vA1Al2kAvtR5UDIbUarX8QoyR6dmzZwnKaa1W8z01\nDh/NKaeccvo5KF95csopp5xyyimnnHLKKaecfgJ90DO1v79vGxsbbhEl1GBtbc2tRZrUq1C8Zpl7\nXpP9zTILa1xJvdfrJbDPk8nELX48q3VVsBr2er2ghpFZZimkr/y+0Wj4e7SGBgAU/G4wGHiSNpaz\nZrPpngut/q4J11gBsZKZ3YU7MaYHDx64J0nBELAuYoHd2NhwSx0WVq09owAaWBKxRj558sS9Bmrt\nx4IITw8PD92SpzVZNByTtrBIaxhlnBitVkF4NZ1OXSZ4td6+fRuErsFH+IJszs7O3KOD5XR7e9u/\np30Fa8AyXSgUAh00y/QOayqkOsu/pVLJ+Qtvp9NpEq6KLmkbu7u7PqaVlRXvP7KZzWb+vULpa+gY\nfNG6TGahBZ45pV4UrYMDz7FGl0ol/55+X15e+rtV/nxGX8bjsfef725ubhJQBQWRUat7HK6oVv77\n6u5gvX/z5o3/TutwES5Gn5vNpnsXmJvHx8euv+pNgR8KckB7zJlOp5N4xGu1mocp0c9Go5F4XV+9\neuXPsC5eXl66Nw25vX371vvSarXc64BO7O3tedgeY+/3+0E4oVm2VsV15s7Pz4NwYcaEjtHW1dWV\n6yfv+Oijj3wt0jIM6Lx6EuAhIAbffvutj5m+DwYD9/ixPmqZCXRyMBgktccODw/dg6Whk8xN5Dqd\nTv173rG+vu6eNbx4Ozs7QSinWSZ/9JN3DAYD13MFhyDEUeH6Yw+2grWgQ6urqz5/aFeBQ/j7+vra\n+6AhgApbb5bNZdr47W9/6+sWclW4fA3zxLuk0O38TR/W19eTOm7VajWp4zcajbwPhJz2+/2A12bh\nnovuL5dLXzOgwWCQ1C3rdrsuT0o4aH1D9X7HkQ45AEVOOeX0c1Lumcopp5xyyimnnHLKKaeccvoJ\nVPh/FbcrFArLv/qrvwpgvTWOOoZGLxQKbknCeru/v+/WLP5ViFqNnaYvWEavrq7caqxx0lhT8djM\n53O3JGLZffv2rVu9NcchLvio1kUsXaPRyK2KeDIWi4X95je/cR6QH4VlbzQaedvkbTQaDQeAoM/d\nbtctjeoVwCpOv7T4MV6ytbU1540m3PI9PGq1Wu59wns4GAySfJbHjx/7e7AGv3v3zi3IavHESq0Q\nxFhoFX4ZneCz+XzuY9Nkcs0N433IE+vxd9995/L/V//qX5lZ5lXDM8Hvv/nmG38fulosFt0ST8Hn\nV69eeZ/h1XK5DHLveAfP0vfr6+tA38wyKyiWf8at80KBFpD50dGRW3IZ23fffed8oHBopVJxKytt\nDAYD10vke3JyEoBRmGVyw3uHNV3zGb799lszy7w36IJ6zpg38ENBM+ClglfwXs3VoU9aFFlh65Ex\nVK/XnW9YsBeLRTAms2x+KEABPMUTgldod3fX1yr6srKykuR+/u53vwvAN8wyTwJ/891sNks87M1m\n09cs5tFsNvOxKfAFnimFvmYu/frXv/ax4124vr52Pefdh4eHCRR3uVz29UuhrGkbHer3++6ZwNs3\nm80CMBLGjq7i2SkWi+415r0XFxdBEXb6R/9Z71ZWVtxbDE8vLi5cd5hf4/HY38NaM5lMkj1BvSkK\nIoMe893x8bHLSWGzGRv9K5VKvi/xPgXh4X0PHz50XURu0+nU3wcvNjc3k4Kxi8XCn2Fdv7299XGy\nRqysrHh0Br979+5d4k0vFovel36/7/MUWW9ubvq8Rxf39vbc64VeNZtNHx+fqSeJPWE4HCaenq2t\nraB4NW2hR3y3srLi8x89Zk4pLzc2NgLQIrMs1xA5aHQBY8Jbxdw3u1uLFN4+p5xyyukfg/7yL//S\nlstl4b7vPrjiVCoVOz8/9w2bEICnT5/65qNhbRqSZJYdZGKgiuFw6As1m0Kj0UgS0FdXV4NkZLNs\nMY0ruV9eXgagBfyeDUBD00haVtQfxsEm2Gq1vH+8YzqdBihOjJMNSusp0Ze1tTUfMxct7aOCP/A+\nRQyEN7ShyGNsSO/fv/eEXd1Uf//735vZ3aG7Uqn4uwmxGI/HPiYOFGtra77BcZiq1+tBHRKzLIyD\n/sGr4+Njl5delrW+VNwX+Htffav5fJ4kTR8eHvpmzzgmk4mHlehBNw79GY1Gvskq6hg84LB5dXUV\nhLOYZeFlClpglh2CODxy+TK70/2joyPnDaFNe3t7LidCYra2trz/erFDTzgYLRaLwJhhFiIGon/9\nft+/15pd6D59fffunesOn21vbzu/qL9zeHjocuDg8sUXX/jf9G84HDrf4JUm6SuCFxdTDrXlctkv\nCOhBuVz296iRge+1Bhy6yjw7ODhwfsDH4XAY1LWhTxxm1diDfsYHWbM7nVgul66/6NBoNHKZw8e1\ntTW/0GktHXSH35jdzQetYcRFRusHwcvHjx87PxREgH7z3XK59DBF2j05OfF1UC8rrIPoxGAwcB3j\nu3a77bJjHVtfXw/CxcyyORLXU9rf3/e+0sajR498DUTWWsuM35vdHZSZ341GIwEeaLfb3lfkenJy\nEtR5on/8jT5tbm46P+B3v9/3fuleyDOKJsnvWAc6nU4Sdnt8fJyE511cXCSoec+ePXPec4lYXV31\n9fWrr77yeYqRptlsJnJot9v+2X3gNRriTr/YXyeTSWI41Rpg9EtDmNHjarXq/GUv1DB/+jwej5M6\njcvl0lFk+f3x8bH3gbm8WCz8PaxxulfnlFNOOf1TUx7ml1NOOeWUU0455ZRTTjnl9BPog56p2Wxm\n1WrVQ8k0YTgGZFhfX08ADdrttltjNbQLq+Z9SbUKaIBlTa3RWCQ1eRZrFdbyhw8fuvdGk+sJrVCv\nRhyu0mw2EwCHQqHgfX7x4kUCDrCzsxOEf9Eu/cLCeXNz41Y2rVeEhRCLGpZOszuL3tramlvgeHYy\nmdjf/M3fmNldeEyr1UpCa05OTpxfPNvpdNxzhfdoPB67JZHfHRwc+LsVAIPP4It6nLB+HhwcuBUV\nvmxvbzv/8Si8evXK340XR/uiVmG8GvBle3s7qbW1urrqekRbvV4v8FKYZfpHv7S2FGPn92Z3Vnn6\neXZ25hZY+L26uhrU8+Jvfre/v+96hh4Ui0X3+Kq1HdkwptPTU9dpdPbs7Mx5gxeqUCgkkN0vXrzw\nzwiF6/f7zkPe++DBA5cJHpg/+7M/s//9v/+3md157yaTiXu1CC9bLpcJfPRoNPJxoBvz+dzbQ77N\nZjOwvJtlaw9txOGS8IO+xCGsNzc3vmYhm+Pj4wS6fzAYuB7judGwZn6nHir6Vy6Xg/pH9DNOuK9W\nq66DCqHNM6urq0lI58HBQQDYA/+UNxCeH/Tks88+8/WS9XO5XCZw31oyQmuswTfaePPmjXuGtD6c\n1mWCkLuGWNIOsllfX/c+49V89+6d80BD/xQUAh4wD9WLw5i0RlHshdbwOHhfqVQSz9nLly9d75hT\nWgsOuU4mE9dHxl0oFJxH6ORkMkn2k0aj4fJgDl5cXLgHk/Xi5OTE+ca/s9nM37e7u+tzEg/XaDTy\nfuPxrtVq9rvf/c7M7tYdDSGkrwpedJ/3HrlSf9IsLBVBWLmuIf/3//5ff49Ztq8wr5CDhjAj80Kh\n4P3C41Sv171d5KA6wT7Au3LKKaecfg7KPVM55ZRTTjnllFNOOeWUU04/gT7omWo2m4EFDgtVo9FI\n4sDVgqVJ01j31aMUF44slUpBsr+Z2b//9//egR6wPLZaLbecYnUbDAbeFyyKo9HIrZBY7M7Pz4OE\ncp4FJEKtrgqdzhix9irMNNbP/6+9c1luIznWcAJogAAJkCAgkqLI4Sh0GUtje2JmY0f4ufwAfgAv\n7Sfy2hH2eCGGJjSSOCRFiCABEMT9dhYdX/Lvbh7rhM54zlnUvyEDfamqrKxLZ2b9eX197dZzTVwM\n7ToW6aOjI7fkc61cLru1UJPPYnnVZI20SenLeTcWu83NTZchVstWq+XWTizvrVYr4bmibenEpq1W\nK+M1ePLkSeY8g1pE9QwI1MivX7/2+7Bw0pd6zoc+7HQ67kVBpqvVyuVCu6fTqZN+KCU0llyl5Abq\nQcUjpfTGyBfLbRRF/jx9rkQFeB5ubm4SZybSiUiVRAA8evTI5Uu5w+HQy0mnJdA2FQoFf7ee30C+\n6g1CHozXZ8+eeblYxzWZKDL/29/+5s8ApSimjHa7nfEgbW9v+/vUu4OuqgcFDxF61ev13FKv5zKV\nkMMsnovQGca3JqRmrEdRlElI3el0/H+lekfveLbVavm4oF+UXAVLfLfbzZzzOzw89DOMeL8eP37s\nulosFr0/ue/29tb7Rqm7uQ9ZXl5eejvRndVq5XMjnsJer+deKvqrVqu53iL70Wjk70a+lUrFvYDo\ns6aKYK7Rc0DUPYoi/40xOpvNvA/1nBTznBLa6Nk7s3juYjwg50aj4fWjTo1Gw/tVafN5hvetVqsM\n8cH6+rrXWc+/4h0BzWbT64+OHx0dZTycpVIpQ8n+8OFDn//xtJfL5UxkwtnZmY8l3qdnJ0ulkver\nnmeiP3nm7du3magRHQ/o4mAw8DF5H5kDcy7yRq5m8dyGRx+P/NraWkLWyBe5Mf+3220ff0qKpGPc\nLNZFZIlurK2tZc5Hh+S9AQEBvyQ++TEVRVEiRIwNW7vd9o0Ok2WxWMyE73Q6HfvNb35jZncbtn6/\n75MxC5huzpiQZ7OZb1a4dnV15Rsx3tdoNHwBuC+8REkuWCD040EXJrPkRpYN0dOnT33Cfvv2rS9S\n1LVSqWRyiJRKJa+rHq5loSP8MZ/P+8LPtcFg4IukZphPH9Lf2tryDY6GxNEPb9688XZqaItZ3Lea\nK8ks3mCx6BGysVgsMjmWTk9PfSPGB1uhUPAFnQ2W5ijjo6rT6fjGHrlUq9UEexzyox+Q/fr6um9W\n0Ct9H++o1WqJ8B6zeLHn3Ro2SH9pKIvm0zG720Qo7gvFLJVKLiMMEbyT9+gHk1ncr/wGqtWq15Ex\noJskQiu3tra8Hnqo/r4PP3QCnRwOh/4Mm6lCoeC/0W/KgsmGeDQa+ebnvvxcbKbq9XrGEDMajbwP\n2bh/+PDBN9P8Np/PfXOkoXVqrDCL+1c/mPiLTlB+vV73uYAxdXh46H2E7jSbTS9X2SGZqzSHFmA+\nWS6XPiewWVa2OT765vN5InyT/5X0AZ1gfB8dHblc0e3BYODtYz7u9Xr+G31YLBYTIbBm8VhOjy/N\n96XspoxxzfHD+5DL9va2/68GDCUUoJ7Ugfu++OILr7OS0uicbBbP5chDczzR/6wrpVLJ9UlJhBjH\ntPHy8jJj8NjY2Mh8nLXbba8LHz+np6c+bpQMKc3Sl8/nva5KckL96KP9/f3EBxFtZB5Gtkow8f79\ne2+fhjBqOCEyTzPylUqlRG46s1iv0mtWoVDw+Yb7NzY2/BkN7aTtSv7Cdda7f/3rX/b73//ezO4+\nfvb3931+UsKldHjkTz/95P2APg0Gg0TeLuQWEBAQ8EshmG8CAgICAgICAgICAgI+A/8jAor9/X23\nEPFXc4VgvdWcMnha5vO5ff/992Z2Z5VdLBaZEJFareYWOR3ifwAAFsZJREFUQj1oiwWT9xYKBacK\nVsufhhpyDcsZ9czn8279gk621+u5lZeD6hsbGwkqc7PYYox1lGfNzL777jszi6185O/BQjgej71e\nWCH1gLIe4Mbih8dpd3c3kZvKLLYyYrnG4rizs+Myoh2dTsctc7yvUqlkvCSFQsF/01A92o7VerVa\nJfJBmcXWSCzwWHELhYL/RhmLxcL/J7xxuVz6+7DUlkol1wUsmU+ePHGrrJJhUC/e+/r164wldrVa\nZeRcrVZdF7Se6gnjHRpGmb4PmS0Wi4Q1mz5AP5TuF903SxKdaBl6bW9vz/uQ+l9cXHh/qk7QJiVu\nwTKMDjWbTR+TGgqjHj/qn6bVn0wmfp96e9SbYRbrMXqudN7ISA+Fa1gR7+U+2nN+fp45qK6hgnpY\nnzGgoceaN4z7CCtC9v1+3+WC53S1WiVIFagvsqfunU4nQy2ey+USoctmsb7j2UH2Wq/r62v3bKqn\nJk1lXSwWM57J1Wrl+Xb47cGDB+4pow9brZbrtM7RaaKVs7OzhIeLd9Amxma73U54pM3i8ZPOC6V6\nR18+f/7cCW90nCEDnSsJU0RWGxsbmVQWW1tbrpfUKZfLueccWUwmE/+fkL2jo6PM3BFFkfc/+ql5\n/zTdAOVqOgf+55rZXb9r+LVGeQDGsFKRI0v0bm1tzcuo1+s+DpljJpNJwrtjlswpSD/0+/2MZ6pY\nLHrbkfn5+Xkijxb1ZAyhO41Gw8Py0SENTUfvms1mJrff4eGhX0cnjo+PE54wnqUP6ZNisZgJkw8I\nCAj4JRE8UwEBAQEBAQEBAQEBAZ+BT3qmhsOhbW5uJqiEzZIx+HgKKpWKW36Vfpv7sFp1u123mGJB\nL5fLbs3CMvb69Wu3FmLBevLkScIybBZbKPXQMu9Q66hZbD3ESkY7dnd33RNzHwkDZanXbT6fu6VM\nz2CkCR7uo0YvFApeNla+fr/v15GbJnCknbPZzC16WOy63a5bzLFmbmxsuNUTi/14PHYrJXWfTqcu\nNyynzWYz44WsVqv+LGVcX1+7rKnn9vZ2JqHqfD73MrCcttttL4+/hULBfv3rX5uiXq973+ghe+qC\n7FV3eF+v13O5Uefd3d2ElR+ZcgaC8yhffPGFl4eVfDAYuNVbSS7wnGniYuSxv7/vctDzYpStZ5go\nDz0vlUruyUOmaqVG1/QsB+OsXq+7zPHkKC00dYqiyJ/Fir9YLNzii/V7b28vQyl9eXmZIQzQM5O0\nN5fLeZ+oN4r79HC7piEwi3WH8UD5/X4/M/4bjYbLn3Gkh+uRwWw2S9Au8xfyCMZ8Pp/3cpGBjnna\ns1gsEuPQLNZPTRVgFvcf+qkpDXhGvWD0hxKj6NlJZM0zh4eH3k7aNBwOvV54OjShLmdXCoWCz0HM\nK/V63ecMxvdqtfI68N7FYuH9hVdguVy6/nLfycmJ64met1RSILOkd4Z3bG9vZ8a1ntVRkhPqrKQ5\nqudmMekH5f3ud7/za6xZ6P3Ozo79/e9/N7M7YpGTkxPXD35Tzynl93o9123kN51OE15+ZKUEJcg0\n7SX/6aeffA3Uc5J6Ti699r1588bnMtaf4XDoOqPkDPym4596oS/7+/t+Xc9+pteT29vbTNqPZrOZ\nGLtmse6nyWE0pQB/r6+vXT953/v3733PgM5ogmZkpYQ1AQEBAf9pfPJjyixefFksmMgGg4Evykqu\noMxeZvEiw8TGJL65uZnYaJjF+SHYHOmGnEmSDdHZ2ZlP4rro824+iHRToB94vEcPY1NXFsnlcpkh\nhLi9vU2EdOlip/eZ3YU4zGYzl9c///lPLw958VGl2ek1R1X6QLa+Ww/NI3PqkM/n/VkWt83NzcTH\nrFm8IJKXQ3MopTe60+nU68WCXalUnERAQzEpl/69urpyZjFkNZlMfOOiBAlK6EA96S+VPc8oiUn6\ng2K5XGZCRIfDoW+meXZvb8/1WEPYWOSRxdOnT71c+nSxWGQ2U48fP/b3rK+vez/x7Hw+z2yYvv/+\ne5cRujGdTv2jnGc/fPjg9dcNLG2m/3O5XCJHjFnMHka90e12u+15fnRzq6GSZvGYSjNGLpfLBJsi\n7UGuvGO5XPrHKm0bjUb+DG28vb31/9Gdra2tBMOaWbzpY1NJXarVaobNa7lcuj7p5ls3x9RJyRzM\n4rHCRwiyLRQKmc35w4cPEyFf1FMJSMxi3UAGSmzxj3/8w+tA+zS0Kh0KreFnhCT/+OOP3nd8UJ6c\nnPh99OF9Ia69Xu9eRlbuox1nZ2c+hjRHGnMWH30fP350nWAeGI/HXgYbciWv4L7pdOr36d90mGe3\n200wyprFY0pJJiiDjxSIQHROZa1pNpseJkkfXV5euowYq9VqNfOxv7m56e9jjbm5uckYPLRvmDO7\n3a4zRuq6l2bLUyIcdOfNmzcJZlx0hvlVyUuUgVbnJeqU/ujq9Xo+T1Cv09NTn1to2w8//JAxfu7t\n7bk8NHw/nVdP/+cj/e3bty5X+vrly5cuf9oxHo89RFM/VgHlpteSgICAgP8kQphfQEBAQEBAQEBA\nQEDAZyCHFfDei7nc6i9/+YsVCgW3wKq3gmexth0cHLh1F0v7eDx2qxLWz8lkkgmTq9frbg3Eyqeh\nelgol8ulW/m4z+zOY6MerzRRQalUckuXhghwn+YtwVqNxU7DRr766qsEVa9ZklIaS1yz2XSrLeFg\ng8HgXvpwrJhKI4zlnd8ODg5cloTMvXv3zi16elgaayF1Wltbc2s8sux0OpmcR1dXV2715NrLly8T\ntPZmsUWZvtF8Q+kwC81lQztqtZp7F7DE0i/aD91u162PWDA3NjZc3+hrszuLPv02Go0S5BFmMXFI\nOg+WhsnxPqWgp/wHDx74fVhCd3d3MyGRo9HI27K+vu79pWFKeE+p88nJicuBuhaLxQTpCn+xJDO+\nNHeWEq2kx1yhUMiEH7179849k9R5d3c34116/fq1ffPNN2aWDGekXrzv8vLSx4jKV0lGzGIdQh6a\nKw4Z8qwecqffcrmc6w5tf/z4sdcf78JwOPT5hHHW7/e9DowFszvrPx6KbrebCS8ej8eJPFRA0xGY\nJSnjaeP19bW/m3lKQ137/X6CZt0sGc6Gl6zRaGRo/Dc2NjLy0HA79ShwnxKtpPORlctlH0OaDgFC\nEcr46quvXBeZu2azmXsmNNQVfcdTtL6+niDQQL5pT8dsNnPdYsxHUeR1xSOXz+cTFPtm8dyWJiX4\n9ttvMxTf4/HY68p4NEtSonMtrU+5XM6v6zzAvK05A/mfa6vVyvsffT8+PnYZMS40/I0y1BPf7/f9\nd4hvLi8vM6lHzO7mLR2btFMJg+gHpSBPp5lYLpeZ8NL19XV/ljHVarUS8kIGjBsNj+UZXevRQfq3\n1WolIg1oY3oe1rUhICAg4OfAH//4R1utVrn7rgXPVEBAQEBAQEBAQEBAwGfgk56pP//5z7axseEW\nPz37gZUKq1WlUvH/sRDPZjN7+fKlmd2dZ1J6Wz0zgUdEqYWxymLdUnIF/u7s7LiVD0uXJt7k2d3d\n3YSF0yy2HmPBVMs91i+1APNbt9v1MwtYuOfzeYZ6eLFYJGi0zWKrXDrW++PHj5kkg5ubm35dzzCk\nz4bUajVvn55/wGrHez98+JCx8r17984t13gojo+PvYw//OEPXj6WS+p0eXmZSTQ7Ho/deqtenHT8\ner/f93qhL5PJxL0LyFzPg6ETxWLR5YEHYDgc+rPq4UIXKKtWq7mlFhl0u13vL+p8fX3tVl6sr91u\n1+X36tUrM4spntM0yOVyOXGGiHp/++23Zhafd6A+WKmVzIM+vLi4yNAuNxqNhCcUeaQ9hOPx2NuC\nnuv5Du6LosiTOiv5gibNpR3p81Z6Po4yNOGrngfEk4O1WL0wjIv7yEEKhYK3A4/CYDDw65S/Wq0y\nyVhrtZrfhwel1Wo5MQZzURRFPpaUwCWd4FoTiKJDaiXXs3+cNWEsTKdTv09TH/Ab49cs6alDHs+e\nPTOz+OwK96JD6r0FtVotc2ZK0yDoeVbmX/rk9vbWn2U+3t7e9uuc8/r666/t+Pg4UZcoinz8oZNR\nFGXmJ02DQR++e/cu49VarVYJAgXkw3uUCCR9LqdYLHofc61er/s8hn52u137+uuvzexOT2azWWb+\nbDabrovITxPS0ueaqJ12XFxc+PzKeZ9cLufvZgx0u1337FBnJSphXlSCmWaz6f/rWWNd87hGX2u0\nhc5b1AvZaNLm9Np8fn7uazxtv729dV3F85TP5xPnp8zifuUZTa9A32kiaa7r+ej0+q/7BNqoKQgC\nAgICfg78O8/UJwkoyM1EWJlOtCx+hCZoJnI2lKvVyg/GMiG+ePEiwZzHX2V2M4sXxPsmYl0MzOLN\nZjp86+bmxhcm/WBLH/TP5XKJid8s3uTSThaoarXqG4VyuewfZSxCV1dXiQ2/WbzY8j8Lz4cPH/wZ\n2rm3t5cJhbi5uckcQNdcTHzcNhqNDHOXMm3Rjkaj4eUil2fPnvnmgs3D48ePfTOlizgLHPdpeBnX\nqtWqX2exLJfLXj9kv7a25hsiPlqOj49dRtTv1atXmQ/iZrPp/ankJGndKZfLfh+b+fl8ngnPrFQq\n/oyGJrKIo2Oj0ShBRmAWb4xevHhhZncb7KurKx8PZ2dnvmlk45nL5RKhsmbxZgt5athjOiTp4uIi\nwQZmdvcBSL2Ri+bFoSzaxDvm87nXX0PFGMPU/ebmxuWPnKvVquuT5iDjN9p4fn7u+qTMkrSJDVu3\n283kKNrf38+QSGxvb/vYQ0+eP3/ubWNDVqlUMgagarXq846yXXJdQ1Q13NYsnkNoG7+pMUFDbZVo\nxyzuI+5VPVZWPT6YyVX39OlTrw85md6/f+/zMHODfjRqiCvQj4I0Q2kURYkQaNqBXHmffnAyhsvl\nshMoaGg1eolONJvNBGMj79PQRX5TEgSzJJGOhpQruQl/0x8UlUrF68z94/HY9YQytra2EqGB6fYq\neQZjHJn96le/yhgKtra2/N20O5fL+RhgfKflaxb3Gx90GC80lJ26RFHkYZcfP370e2nbixcvnHRD\nc4+l832p0ZD6TyYTnzc1FFKNgWbxB12apOfLL7/MzMPVatXlQX91u12/jkyjKHLdZp549eqVl6H7\njjTJ1aNHjzLhispYGBAQEPCfRphxAgICAgICAgICAgICPgOfDPP761//6tYeM0t4S7BqqXUJ65fm\ne9FQObMkXToWJw1NwbJ/eXnp1iwsmePx2N+jtLpYjbGCPXjwwMvAqjaZTBK5ScxiS2Y6/Empu7FW\nbm9vu3V5tVolcuGYxRZALHRYWzV/EPXP5/MZmnElB6AOGtLHfZpnin7r9Xp+n4ZEYNHkvfv7+x6a\nqBZ2wk+0j6kDbX/w4IFb9Gl3r9fL5HYpFouZfFndbtfL0FxRGgJlFtP6pq2k7Xbbf6P8g4MD/41+\ne/TokXs/sVZubm5mci0NBoNEHcyShBFYxkejkeuMyjsdTjUcDl3HCG/5+PGjt20+n7s8VM7ITYko\n0geoz8/P3TOkeZKoPxbgKIoyYTlra2v+P54QfZYxsrm5mfFg1Wo1bzP9MBwOXd80xAb5K5U6eofs\n19fXM2FeGqqFZb9QKHi5jP/RaJQheFDwjn6/79ZqJeHQ+UHbwzNmSc8e9+fz+QyJwObmpo8vnm02\nm14v2q33oU/qFdIQRTxss9ksc306nXoILjKqVqteHm0ajUaZ8LhisZiY82gnc556GdFV9FTJgTTf\nEM/yPg17Befn514XdFfTKmjeLzwneLqUMELDW9EF5HN1deV9o7ThtIm/k8nEPTZ4q/L5vD9Du1er\nlY9D+vX58+feN/RBp9PxtjEe1avJ336/7/XTsFAllgHoNtdms5nrMeP7/Pzc66WU5dxXq9Uy/a/l\noCcHBwcZnVd6e+q6tbXl9cFD1Wq1fM7ifZ1OJ6MTGoWgYYqENkIYQp+b3YU9bmxsuGdK84zh0dd0\nKDp/mcV9yPqajjIJCAgI+LkQCCgCAgICAgICAgICAgJ+ZnzSM/WnP/3JoijyWG+sUIVCIZEg1Sy2\nynHuhVjtQqHgVnssSsVi0S1NPKtUxmrZxWLGs7lcLmExB7xHKbJ5Fk9RLpdzqxdW0Mlk4lZAfsvn\n8/4+rHS5XM4tcefn52491RhtrLFY/vL5fOa8wO3trT9LOxaLhf+GN6hSqbiVHSvkYrHIeBLa7ba3\nWSmt04d5r6+vvR+wGp6cnHh/qWUdndDD/0qdyzvoQ01YnKbQLZfLXn89V0LfUb+rqyt/H2Xk83n3\n6OD9ajQaTtNOGx8+fOgywPp6e3ubsZKr5xR9qlQqLnslT+EcBc92Oh2XgSYmvc/7xftOT08TiYBp\nR5p6vtvtui7Qv+pFVdpy5KYeDvqduppZhlRhbW3Nrbd4CpbLZYYae2try8cIdSkWi96++7y8vKNc\nLie8aGaxxVvPsVAG5anXKH0Wqt/v+/toY71ed3nQXiUdAb1ez8c/erezs+NnTbCSt1qtRGJbs2Sy\nZaV/ThNzlMvlDAXzaDTy6/S9kqswpiaTSWJuQPfo32azmTl/dnFx4bLRc1notBLW8KwSwaRTAERR\nlCAAMEvqono60vPJ2dlZYl6iLLwOXJvP5953ei40HSFQKBQyZzXX19d9XOsaQx2oZ6lU8vGsHlHk\nT/k6/2tyWX2G96bp/LX+eGk0WbRS1qe9zHqmU2np094U9Tzq+a105ISmllC6fDyYy+XSvVjI8uDg\nwMtDN9Rjpp5ndAyZ1ut1L0O987RdzwjTN/R/pVLxc2B67pZ1R8d/mvRjMBgkksmbxeM2TSyk58bo\n60CNHhAQ8HPjf0VAQYZ1JmoWv9FolGCUMosnXSYxXPbdbtc3SSwahFXo+6Io8kWZiVtDCVmM5vN5\nIoyO3zRHkFk80bPo6QYA8Ox0OvUFm8WjXC77s/ex5h0eHnobYAfTEDdlVWNRZjOwtrbm9WHDrgs/\nMoiiKLNxns/n/m7+7uzsuPy1bekPztVq5e3n42cymTgznZINpEMOt7e3M+xg29vbLg/NsYTcKP/0\n9DQRPpUG5TabzQxBQrvd9t8I95lOp/bb3/7WzJJ6p4yHtC3NhrhcLhMfasg7/azZXVgeMiiVShlD\ngX7saz4X/TBBHpq3CvnrBkZzuvBXmd3MkiGpSgRC2bqBSH8kXV1dZTZlo9HIPwyV2II+4T4lvtCQ\nIu5Dbpp7SvPMUQb6PplMEgQKZnG/Mp+ontB2Pn5Wq5XrBCFCZnf9lSYs0TJGo5GPVyWLoW8oq1gs\nJg7k8w7VN+5Ph2opu6LmEaLt/LZcLr1N+tHIb+PxOLN5r1Qqmf4vl8t+H3OMGjeYp0qlUiLMjrYx\nryO/ZrPphhU++tvtdmauL5VKPo8xftbW1vzDWfNp8SxyWV9fT+SmQ25shHV+Qu80tFdZ3Chfc7uZ\nJT9CqOdisXDSDOqpoZrI+erqysulHdfX1x4mrR+eaugwi/UT3WJcVqvVhD7SNtY+1p3BYOD1Zz64\nubnxDwU1jGiYInI4Ojoys+SaRv0mk4n3pxpiaLvqeZpUQ8OjlbgDOdBve3t7CSOVWWysYB5Whkf+\nR59yuZzPGYyVYrHofaLMrZSrdaEOAQEBAf8XCGF+AQEBAQEBAQEBAQEBn4FPhvn9gnUJCAgICAgI\nCAgICAj4f4f/Lszv335MBQQEBAQEBAQEBAQEBNyPEOYXEBAQEBAQEBAQEBDwGQgfUwEBAQEBAQEB\nAQEBAZ+B8DEVEBAQEBAQEBAQEBDwGQgfUwEBAQEBAQEBAQEBAZ+B8DEVEBAQEBAQEBAQEBDwGfgv\nhMvraugKkrYAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "first_layer_weights = ffnn.layers[0].get_weights()[0].T.reshape(\n", + " [NB_NEURAL_NETWORK_HIDDEN_UNITS,\n", + " DIGIT_IMAGE_DIMENSION,\n", + " DIGIT_IMAGE_DIMENSION])\n", + "\n", + "rcParams['figure.figsize'] = 15.0, 15.0\n", + "plot_mnist_images(\n", + " first_layer_weights,\n", + " title='First Layer Neural Network Weights (excl. Biases)',\n", + " fontsize=20)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "From the visualization of the weights above, it seems that the hidden neurons have specialized themselves in detecting **useful local features** such as **strokes** and **hooks** that are present or missing in various types of digit images." + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 2", + "language": "python", + "name": "python2" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 2 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython2", + "version": "2.7.10" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} diff --git a/LeCun MNIST Digits/Python/ParseData.py b/LeCun MNIST Digits/Python/ParseData.py new file mode 100644 index 00000000..3161d364 --- /dev/null +++ b/LeCun MNIST Digits/Python/ParseData.py @@ -0,0 +1,90 @@ +from array import array as py_array +from git import Repo +from numpy import arange, array, int8, uint8, zeros +from os import chmod, remove, rmdir, walk +from os.path import join +from requests import head +from stat import S_IWUSR +from struct import unpack +from tempfile import mkdtemp + +from ChicagoBoothML_Helpy.Print import printflush + + +def parse_MNIST_digits(data_path='https://github.com/ChicagoBoothML/DATA___LeCun___MNISTDigits', digits=arange(10)): + + try: + status_code = head(data_path).status_code + valid_url = status_code < 400 + except: + valid_url = False + + if valid_url: + printflush('Cloning Data Repository ', data_path, ' to Temporary Folder... ', sep='', end='') + temp_dir = mkdtemp() + Repo.clone_from(data_path, temp_dir) + data_path = temp_dir + to_delete = True + printflush('done!') + else: + to_delete = False + + printflush('Parsing Data Set "MNIST Hand-Written Digits"... ', end='') + + f = open(join(data_path, 'train-images.idx3-ubyte'), 'rb') + magic_number, nb_digits, nb_rows, nb_cols = unpack(">IIII", f.read(16)) + nb_pixels = nb_rows * nb_cols + images = array(py_array("B", f.read())) + f.close() + + f = open(join(data_path, 'train-labels.idx1-ubyte'), 'rb') + magic_number, nb_digits = unpack(">II", f.read(8)) + labels = array(py_array("b", f.read())) + f.close() + + indices = [i for i in range(nb_digits) if labels[i] in digits] + nb_digits = len(indices) + + train_images = zeros((nb_digits, nb_rows, nb_cols), dtype=uint8) + train_labels = zeros((nb_digits,), dtype=int8) + for i in range(nb_digits): + index = indices[i] + train_images[i] = array(images[(index * nb_pixels):((index + 1) * nb_pixels)]).reshape((nb_rows, nb_cols)) + train_labels[i] = labels[index] + + f = open(join(data_path, 't10k-images.idx3-ubyte'), 'rb') + magic_number, nb_digits, nb_rows, nb_cols = unpack(">IIII", f.read(16)) + nb_pixels = nb_rows * nb_cols + images = array(py_array("B", f.read())) + f.close() + + f = open(join(data_path, 't10k-labels.idx1-ubyte'), 'rb') + magic_number, nb_digits = unpack(">II", f.read(8)) + labels = array(py_array("b", f.read())) + f.close() + + indices = [i for i in range(nb_digits) if labels[i] in digits] + nb_digits = len(indices) + + test_images = zeros((nb_digits, nb_rows, nb_cols), dtype=uint8) + test_labels = zeros((nb_digits,), dtype=int8) + for i in range(nb_digits): + index = indices[i] + test_images[i] = array(images[(index * nb_pixels):((index + 1) * nb_pixels)]).reshape((nb_rows, nb_cols)) + test_labels[i] = labels[index] + + printflush('done!') + + if to_delete: + printflush('Deleting Temporary Data Folder... ', end='') + for root, dirs, files in walk(data_path, topdown=False): + for file in files: + file_path = join(root, file) + chmod(file_path, S_IWUSR) + remove(file_path) + for dir in dirs: + rmdir(join(root, dir)) + rmdir(data_path) + printflush('done!') + + return dict(TrainImages=train_images, TrainLabels=train_labels, TestImages=test_images, TestLabels=test_labels) diff --git a/LeCun MNIST Digits/Python/Visualize.py b/LeCun MNIST Digits/Python/Visualize.py new file mode 100644 index 00000000..a3aa217e --- /dev/null +++ b/LeCun MNIST Digits/Python/Visualize.py @@ -0,0 +1,38 @@ +from __future__ import division +from itertools import product +from matplotlib.pyplot import cm, show, subplots +from numpy import array, ceil, floor, nan, set_printoptions, sqrt, zeros + +from ChicagoBoothML_Helpy.Print import printflush + + +def plot_mnist_images(mnist_images, title='', fontsize=12): + nb_digits, nb_rows, nb_cols = mnist_images.shape + nb_plot_rows = int(floor(sqrt(nb_digits))) + nb_plot_cols = int(ceil(nb_digits / nb_plot_rows)) + a = zeros((nb_plot_rows * nb_rows, nb_plot_cols * nb_cols)) + k = -1 + for i, j in product(range(nb_plot_rows), range(nb_plot_cols)): + k += 1 + if k < nb_digits: + a[(i * nb_rows):((i + 1) * nb_rows), (j * nb_cols):((j + 1) * nb_cols)] = mnist_images[k] + fig, ax = subplots() + fig.suptitle(title, fontsize=fontsize) + ax.matshow(a, cmap=cm.Greys_r, interpolation='nearest') + ax.get_xaxis().set_visible(False) + ax.get_yaxis().set_visible(False) + show() + + +def print_digit_labels(digit_labels): + nb_digits = len(digit_labels) + nb_rows = int(floor(sqrt(nb_digits))) + nb_cols = int(ceil(nb_digits / nb_rows)) + a = array([nb_cols * [''] for _ in range(nb_rows)], dtype=object) + k = -1 + for i, j in product(range(nb_rows), range(nb_cols)): + k += 1 + if k < nb_digits: + a[i, j] = digit_labels[k] + set_printoptions(threshold=nan) + printflush(a) diff --git a/LeCun MNIST Digits/R/MNISTDigits_NeuralNet.Rmd b/LeCun MNIST Digits/R/MNISTDigits_NeuralNet.Rmd new file mode 100644 index 00000000..72a382a1 --- /dev/null +++ b/LeCun MNIST Digits/R/MNISTDigits_NeuralNet.Rmd @@ -0,0 +1,135 @@ +--- +title: "LeCun's MNIST Hand-Written Digits: Classification by Neural Networks" +author: 'Chicago Booth ML Team' +output: pdf_document +fontsize: 12 +geometry: margin=0.6in +--- + + +# Hand-Written Digits: Early Example of Optical Character Recognition + +Classifying hand-written digits was among pre-eminent early use-cases of Machine Learning in general, and of Neural Networks in particular. Not only does it illustrate the intuition behind, and the power of, Neural Networks' workings, the recognition of digits (and alphabetical letters) by Machine Learning formed the basis of **Optical Character Recoginition** (**OCR**) technologies and proved to be a big commercial win for savvy organizations. Among early users was the **U.S. Postal Service (USPS)**, who has automated the reading of the fronts of billions of envelopes and routing those envelopes to locations they are addressed to, with a high degree of accuracy. + + +# (M)NIST Hand-Written Digits Data Sets + +The **National Institute of Standards and Technology** (**NIST**) collected a large set of hand-written digits and labeled them "0" – "9" for the purpose of training Machine Learning models to recognize them. + +[**Yann LeCun**](http://yann.lecun.com), one of the fathers of Deep Learning (the use of particular special kinds of Neural Network with many layers stacking on top of one another), and several of his colleagues subsequently modified the NIST data set to create a more representative one, producing **Mixed NIST** (**MNIST**) Hand-Written Digits, a highly popular benchmark data set nowadays. + +This script illustrates the training of a Neural Network to learn to recognize MNIST digits. + + +# Load Libraries & Modules; Set Randomizer Seed + +```{r message=FALSE, warning=FALSE} +library(doParallel) +library(h2o) + +# load modules from the helper scripts +folder_path <- 'https://raw.githubusercontent.com/ChicagoBoothML/MachineLearning_Fall2015/master/Programming%20Scripts/LeCun%20MNIST%20Digits/R' +source(file.path(folder_path, 'ParseData.R')) +source(file.path(folder_path, 'Visualize.R')) + +RANDOM_SEED = 99 +set.seed(RANDOM_SEED) +``` + + +# Data Import + +```{r} +data <- load_mnist( + 'https://raw.githubusercontent.com/ChicagoBoothML/DATA___LeCun___MNISTDigits/master') +X_train <- data$train$x +y_train <- data$train$y +X_test <- data$test$x +y_test <- data$test$y +``` + +Let's view some sample digit images: + +```{r} +# Pixels are organized into images like this: + +# 001 002 003 ... 026 027 028 +# 029 030 031 ... 054 055 056 +# 057 058 059 ... 082 083 084 +# | | | ... | | | +# 729 730 731 ... 754 755 756 +# 757 758 759 ... 782 783 784 +plot_mnist_images(X_train[1 : 100, ]) +``` + + +# Classification by Neural Network + +```{r message=FALSE, warning=FALSE, results='hide'} +# start or connect to h2o server +h2o_server <- h2o.init( + ip="localhost", + port=54321, + max_mem_size="4g", + nthreads=detectCores() - 2) +``` + +```{r message=FALSE, warning=FALSE, results='hide'} +# we need to load data into h2o format +train_data_h2o <- as.h2o(data.frame(x=X_train, y=y_train)) +test_data_h2o <- as.h2o(data.frame(x=X_test, y=y_test)) + +predictor_indices <- 1 : 784 +response_index <- 785 + +train_data_h2o[ , response_index] <- as.factor(train_data_h2o[ , response_index]) +test_data_h2o[ , response_index] <- as.factor(test_data_h2o[ , response_index]) +``` + +```{r message=FALSE, warning=FALSE, results='hide'} +# Train Neural Network +nn_model <- h2o.deeplearning( + x=predictor_indices, y=response_index, + training_frame=train_data_h2o, + balance_classes=TRUE, + activation="RectifierWithDropout", + input_dropout_ratio=.2, + classification_stop=-1, # Turn off early stopping + l1=1e-5, # regularization + hidden=c(128,128,256), + epochs=10, + model_id = "NeuralNet_MNIST_001", + reproducible=TRUE, + seed=RANDOM_SEED, + export_weights_and_biases=TRUE, + ignore_const_cols=FALSE) +``` + +```{r} +# Evaluate Performance on Test +nn_test_performance = h2o.performance(nn_model, test_data_h2o) +h2o.confusionMatrix(nn_test_performance) +``` + + +## Analyze Features detected by Neural Network + +Let's now make some plots to see what features the Neural Network has detected in the process of classifying the MNIST images. We can vizualize the weights between the first and second network layer: + +```{r} +# extract weights from the first layer +first_layer_weights <- h2o.weights(nn_model, matrix_id=1) +plot_mnist_images(first_layer_weights) +``` + +From the visualization of the weights above, it seems that the hidden neurons have specialized themselves in detecting **useful local features** such as **strokes** and **hooks** that are present or missing in various types of digit images. + +```{r message=FALSE, warning=FALSE, results='hide'} +h2o.shutdown(prompt=FALSE) # shutdown H20 server +``` + + + + + + diff --git a/LeCun MNIST Digits/R/ParseData.R b/LeCun MNIST Digits/R/ParseData.R new file mode 100644 index 00000000..acba64b6 --- /dev/null +++ b/LeCun MNIST Digits/R/ParseData.R @@ -0,0 +1,29 @@ +load_mnist <- function(folder) { + load_image_file <- function(filename) { + ret = list() + f = file(filename,'rb') + readBin(f,'integer',n=1,size=4,endian='big') + ret$n = readBin(f,'integer',n=1,size=4,endian='big') + nrow = readBin(f,'integer',n=1,size=4,endian='big') + ncol = readBin(f,'integer',n=1,size=4,endian='big') + x = readBin(f,'integer',n=ret$n*nrow*ncol,size=1,signed=F) + ret$x = matrix(x, ncol=nrow*ncol, byrow=T) + close(f) + ret + } + load_label_file <- function(filename) { + f = file(filename,'rb') + readBin(f,'integer',n=1,size=4,endian='big') + n = readBin(f,'integer',n=1,size=4,endian='big') + y = readBin(f,'integer',n=n,size=1,signed=F) + close(f) + y + } + train <- load_image_file(file.path(folder, 'train-images.idx3-ubyte')) + test <- load_image_file(file.path(folder, 't10k-images.idx3-ubyte')) + + train$y <- load_label_file(file.path(folder, 'train-labels.idx1-ubyte')) + test$y <- load_label_file(file.path(folder, 't10k-labels.idx1-ubyte')) + + list(train=train, test=test) +} \ No newline at end of file diff --git a/LeCun MNIST Digits/R/Visualize.R b/LeCun MNIST Digits/R/Visualize.R new file mode 100644 index 00000000..74d07e97 --- /dev/null +++ b/LeCun MNIST Digits/R/Visualize.R @@ -0,0 +1,25 @@ +plot_mnist_images <- function(mnist_matrix) { + + IMAGE_DIM <- 28 + + nb_images <- nrow(mnist_matrix) + m <- floor(sqrt(nb_images)) + n <- ceiling(nb_images / m) + + big_matrix <- matrix(0, nrow=m * IMAGE_DIM, ncol=n * IMAGE_DIM) + + for (k in 1 : m) { + for (l in 1 : n) { + i <- (k - 1) * n + l + if (i <= nb_images) { + z <- array(mnist_matrix[i, ], dim=c(IMAGE_DIM, IMAGE_DIM)) + z <- z[ , IMAGE_DIM : 1] + big_matrix[((k - 1) * IMAGE_DIM + 1) : (k * IMAGE_DIM), + ((l - 1) * IMAGE_DIM + 1) : (l * IMAGE_DIM)] <- z + } + } + } + colors <- c('white', 'black') + cus_col <- colorRampPalette(colors=colors) + image(big_matrix, col=cus_col(256), asp=1) +} diff --git a/Lecture03/boost_demo_1D_robver.R b/Lecture03/boost_demo_1D_robver.R new file mode 100644 index 00000000..d6e6b409 --- /dev/null +++ b/Lecture03/boost_demo_1D_robver.R @@ -0,0 +1,108 @@ +######################################## +### get libraries +library(MASS) +library(rpart) + +######################################## +### get data +df = Boston +df$medv = df$medv-mean(df$medv) +n = length(df$lstat) + +######################################## +### maintain function on a grid of values +NUM_GRID = 100 # number of points on which we evaluate the fit +range.x = range(df$lstat) +grid.x = seq(range.x[1], range.x[2], length.out = NUM_GRID) + +#give the fv such tne new.x is closest to x +myPredict = function(x, fv, new.x) { + fv[which.min(sapply(x, function(z) sqrt(sum((z - new.x) ^ 2))))] +} + +######################################## +### boosting params +MAX_DEPTH = 1 #fit stumps +MAX_B = 50 #number of boosting iterations +lambda = 0.1 + +######################################## +###initialize f and r +fhat=rep(0,NUM_GRID) +residuals=df$medv + +######################################## +### boosting loop +sleeptime = .8 #time to wait before drawing a new plot +Bcut=10 # number of iterations to advance by hitting return, after that us sleeptime +par( mfrow = c( 2, 2 ) ) +fmat = matrix(0.0,NUM_GRID,MAX_B) +fmat[,1]=fhat + +for (B in seq(1, MAX_B-1)) { + if (B %% 1 == 0) print(paste("Iteration ==> ", B, sep="")) + + # plot points and current fit + plot(df$lstat, df$medv) + points(grid.x, fhat, cex=1, col="red", type="l",lwd=2) + title(main="data and current f") + + # plot the current fit + plot(grid.x, fhat, cex=1, col="red", ylim=range(df$medv),type="l",lwd=2) + title(main="current f") + + # plot residuals, with fit and crushed fit + plot(df$lstat, residuals, col="black") + title(main="fit and crushed fit to resids") + + # fit residuals + tmp.tr = rpart(res~lstat, data.frame(res=residuals, lstat=df$lstat), + control=rpart.control(maxdepth = MAX_DEPTH)) + # plot fit and crushed fit + for (cx in grid.x) { + py = predict(tmp.tr, data.frame(lstat=cx)) + points(cx, py, col="red",pch=16) + points(cx, lambda * py, col="green",pch=16) + } + + # update fit + for (i in 1:NUM_GRID) { + py = predict(tmp.tr, data.frame(lstat=grid.x[i])) + fhat[i] = fhat[i] + lambda * py + } + fmat[,B+1]=fhat + + # update residuals + for (i in 1:n) { + residuals[i] = df$medv[i] - myPredict(grid.x, fhat, df$lstat[i]) + } + + # plot the new current fit + if(B ", B, sep="")) + # plot points and current fit + plot(df$lstat, df$medv) + points(grid.x, fitted.y, cex=1, col="red", ylim=c(7,51)) + + # plot the current fit + plot(grid.x, fitted.y, cex=1, col="red", ylim=c(7,51)) + + # plot residuals + plot(df$lstat, residuals, col="black") + + # fit residuals + tmp.tr = rpart(res~lstat, data.frame(res=residuals, lstat=df$lstat), control=rpart.control(maxdepth = MAX_DEPTH)) + # plot fit and crushed fit + for (cx in grid.x) { + py = predict(tmp.tr, data.frame(lstat=cx)) + points(cx, py, col="red") + points(cx, lambda * py, col="green") + } + + # update fit + for (i in 1:NUM_GRID) { + py = predict(tmp.tr, data.frame(lstat=grid.x[i])) + fitted.y[i] = fitted.y[i] + lambda * py + } + + # update residuals + for (i in 1:n) { + residuals[i] = df$medv[i] - myPredict(grid.x, fitted.y, df$lstat[i]) + } + + # skip plot + plot.new() + + +} diff --git a/Lecture03/boosting_demo_2D.R b/Lecture03/boosting_demo_2D.R new file mode 100644 index 00000000..f398d8fe --- /dev/null +++ b/Lecture03/boosting_demo_2D.R @@ -0,0 +1,38 @@ +library(gbm) + +set.seed(1) + +# generate data +n = 1000 +X = matrix(runif(2*n, -1, 1), nrow = n) +Y = as.integer(rowSums(X * X) > 0.4) +df = data.frame(X, Y) + +plot(df$X1, df$X2, pch=c(3,1)[df$Y+1], col=c("green","red")[df$Y+1]) + +# +MAX_TREES = 5000 +GRID_SIZE = 20 + +boost.fit = gbm(Y~., + distribution = "adaboost", + data=df, + n.trees=MAX_TREES, + interaction.depth = 1, + shrinkage = 0.01) + +x1 = seq(-1,1,length.out = GRID_SIZE) +x2 = seq(-1,1,length.out = GRID_SIZE) +z = rep(0, GRID_SIZE*GRID_SIZE) + +for (ntree in seq(1,MAX_TREES, by = 30)) { + for (i in 1:GRID_SIZE) { + for (j in 1:GRID_SIZE) { + z[(i-1)*GRID_SIZE+j] = predict(boost.fit, data.frame(X1=x1[i],X2=x2[j]), n.trees = ntree) + } + } + image(x1, x2, matrix(z, nrow=GRID_SIZE), main=paste("Boosted trees = ", ntree, sep="")) + points(df$X1, df$X2, pch=c(3,1)[df$Y+1], col=c("black","black")[df$Y+1]) +} + +plot(boost.fit$train.error) diff --git a/Lecture03/knn-bagging.R b/Lecture03/knn-bagging.R new file mode 100644 index 00000000..254933d5 --- /dev/null +++ b/Lecture03/knn-bagging.R @@ -0,0 +1,45 @@ + +##---------------------------------------------------------- +if(1) { +## load libraries +library(class) ## a library with lots of classification tools +library(kknn) ## knn library +## Get data +library(MASS) ## a library of example datasets +attach(Boston) +n = dim(Boston)[1] +} +#-------------------------------------------------- +if(1) { +ddf = data.frame(lstat,medv) +} +#-------------------------------------------------- +if(1) {#do bootstrap loop +thek=15 +B=5000 +n=nrow(ddf) +nn = rep(0,B) +fmat=matrix(0,n,B) +set.seed(99) +for(i in 1:B) { + if((i%%100)==0) cat('i: ',i,'\n') + ii = sample(1:n,n,replace=TRUE) + nn[i] = length(unique(ii)) + near = kknn(medv~lstat,ddf[ii,],ddf,k=thek,kernel='rectangular') + fmat[,i]=near$fitted +} +} +#-------------------------------------------------- +if(1) {#plot it +efit = apply(fmat,1,mean) +plot(lstat,medv) +points(lstat,efit,col='red') +oo = order(lstat) +for(i in 1:B) { + lines(lstat[oo],fmat[oo,i],col=i) + #Sys.sleep(.1) +} + +lines(lstat[oo],efit[oo],col='red',lwd=4) +} + diff --git a/Lecture03/tree-bagging.R b/Lecture03/tree-bagging.R new file mode 100644 index 00000000..2d632047 --- /dev/null +++ b/Lecture03/tree-bagging.R @@ -0,0 +1,66 @@ +##---------------------------------------------------------- +if(1) { +## load library +library(tree) +} +#-------------------------------------------------- +if(0) {#boston data +library(MASS) ## a library of example datasets +attach(Boston) +n = dim(Boston)[1] +ddf = data.frame(x=lstat,y=medv) +oo=order(ddf$x) +ddf = ddf[oo,] +} +#-------------------------------------------------- +if(1) { #simulated data +sigma=2 +n=500 +x=sort(rnorm(n)) +y = x^3+sigma*rnorm(n) +ddf=data.frame(x,y) +} +#-------------------------------------------------- +if(1) { +par(mfrow=c(1,1)) +plot(x,y) +readline("done?") +} +#-------------------------------------------------- +if(1) {#do bootstrap loop +B=400 +n=nrow(ddf) +nn = rep(0,B) +fmat=matrix(0,n,B) +set.seed(99) + +par(mfrow=c(1,2)) +for(i in 1:B) { + if((i%%100)==0) cat('i: ',i,'\n') + ii = sample(1:n,n,replace=TRUE) + nn[i] = length(unique(ii)) + bigtree = tree(y~x,ddf[ii,],mindev=.0002) + #print(length(unique(bigtree$where))) + temptree = prune.tree(bigtree,best=30) + #print(length(unique(temptree$where))) + fmat[,i]=predict(temptree,ddf) + + plot(ddf$x,ddf$y) + lines(ddf$x,fmat[,i],col=i,lwd=2) + plot(temptree,type="uniform") + Sys.sleep(.1) + +} +readline("done?") +} +#-------------------------------------------------- +if(1) {#plot it +par(mfrow=c(1,1)) +plot(ddf$x,ddf$y) +efit = apply(fmat,1,mean) +lines(ddf$x,efit,col='blue',lwd=4) +if(1) { + lines(x,x^3,col="red") +} +} + diff --git a/Lecture04/04_kaggle_logit_rf_boost.R b/Lecture04/04_kaggle_logit_rf_boost.R new file mode 100644 index 00000000..3ad4b819 --- /dev/null +++ b/Lecture04/04_kaggle_logit_rf_boost.R @@ -0,0 +1,178 @@ +###################################################################### +# data can be downloaded from +# https://www.kaggle.com/c/GiveMeSomeCredit/data +# make sure that the file "cs-training.csv" is in the current directory +trainDf = read.csv("cs-training.csv") + +##remove X (is 1:n) +trainDf = trainDf[,-1] + +##add y as factor +trainDf$y = as.factor(trainDf$SeriousDlqin2yrs) +trainDf = trainDf[,-1] #get rid of old y = SeriousDlqin2yrs + +##get rid of NumberOfDependents, don't want to deal with NA's +trainDf=trainDf[,-10] +##get rid of MonthlyIncome, don't want to deal with NA's +trainDf=trainDf[,-5] + +##split train in train, test +n=nrow(trainDf) +set.seed(99) +ii = sample(1:n,n) +ntest = floor(n/2) +testDf = trainDf[1:ntest,] +trainDf = trainDf[(ntest+1):n,] + +pnm="kaggle" + +###################################################################### +cat("### load librairies and make loss and lift functions\n") +library(tree) +library(randomForest) +library(gbm) + +#-------------------------------------------------- +#deviance loss function +lossf = function(y,phat,wht=0.0000001) { +#y should be 0/1 +#wht shrinks probs in phat towards .5, don't log 0! + if(is.factor(y)) y = as.numeric(y)-1 + phat = (1-wht)*phat + wht*.5 + py = ifelse(y==1,phat,1-phat) + return(-2*sum(log(py))) +} + +#-------------------------------------------------- +#lift function +liftf = function(yl,phatl,dopl=TRUE) { + if(is.factor(yl)) yl = as.numeric(yl)-1 + oo = order(-phatl) + sy = cumsum(yl[oo])/sum(yl==1) + if(dopl) { + ii = (1:length(sy))/length(sy) + plot(ii,sy,type='l',lwd=2,col='blue',xlab='% tried',ylab='% of successes',cex.lab=2) + abline(0,1,lty=2) + } + return(sy) +} + +###################################################################### +cat("### setup storage for results\n") +phatL = list() #store the test phat for the different methods here + +###################################################################### +cat("### fit logit\n") +###settings for logit (just one of course) +phatL$logit = matrix(0.0,nrow(testDf),1) #only one logit fit + +###fit logit +lgfit = glm(y~.,trainDf,family=binomial) +print(summary(lgfit)) +###predict using logit +phat = predict(lgfit,testDf,type="response") + +phatL$logit = matrix(phat,ncol=1) #logit phat + +##do lift +liftf(testDf$y,phatL$logit[,1]) + +###################################################################### +cat("### fit random Forests\n") +set.seed(99) + +##settings for randomForest +p=ncol(trainDf)-1 +mtryv = c(p,sqrt(p)) +ntreev = c(500,1000) +setrf = expand.grid(mtryv,ntreev) +colnames(setrf)=c("mtry","ntree") +phatL$rf = matrix(0.0,nrow(testDf),nrow(setrf)) + +###fit rf +for(i in 1:nrow(setrf)) { + cat("on randomForest fit ",i,"\n") + print(setrf[i,]) + + #fit and predict + frf = randomForest(y~.,data=trainDf,mtry=setrf[i,1],ntree=setrf[i,2]) + phat = predict(frf,newdata=testDf,type="prob")[,2] + + phatL$rf[,i]=phat +} + +###################################################################### +cat("### fit boosting\n") + +##settings for boosting +idv = c(2,4) +ntv = c(1000,5000) +shv = c(.1,.01) +setboost = expand.grid(idv,ntv,shv) +colnames(setboost) = c("tdepth","ntree","shrink") +phatL$boost = matrix(0.0,nrow(testDf),nrow(setboost)) + +trainDfB = trainDf; trainDfB$y = as.numeric(trainDfB$y)-1 +testDfB = testDf; testDfB$y = as.numeric(testDfB$y)-1 + +##fit boosting +for(i in 1:nrow(setboost)) { + cat("on boosting fit ",i,"\n") + print(setboost[i,]) + + ##fit and predict + fboost = gbm(y~.,data=trainDfB,distribution="bernoulli", + n.trees=setboost[i,2],interaction.depth=setboost[i,1],shrinkage=setboost[i,3]) + phat = predict(fboost,newdata=testDfB,n.trees=setboost[i,2],type="response") + + phatL$boost[,i] = phat +} + +###################################################################### +cat("### plot loss\n") +lossL = list() +nmethod = length(phatL) +for(i in 1:nmethod) { + nrun = ncol(phatL[[i]]) + lvec = rep(0,nrun) + print(nrun) + for(j in 1:nrun) lvec[j] = lossf(testDf$y,phatL[[i]][,j]) + lossL[[i]]=lvec; names(lossL)[i] = names(phatL)[i] +} +lossv = unlist(lossL) +plot(lossv,ylab="loss on Test",type="n") +nloss=0 +for(i in 1:nmethod) { + ii = nloss + 1:ncol(phatL[[i]]) + points(ii,lossv[ii],col=i,pch=17) + nloss = nloss + ncol(phatL[[i]]) +} +legend("topright",legend=names(phatL),col=1:nmethod,pch=rep(17,nmethod)) + +###################################################################### +cat("### lift\n") +nmethod = length(phatL) +phatBest = matrix(0.0,nrow(testDf),nmethod) #pick off best from each method +colnames(phatBest) = names(phatL) +for(i in 1:nmethod) { + nrun = ncol(phatL[[i]]) + lvec = rep(0,nrun) + print(nrun) + for(j in 1:nrun) lvec[j] = lossf(testDf$y,phatL[[i]][,j]) + print(lvec) + imin = which.min(lvec) + cat("imin: ",imin,"\n") + phatBest[,i] = phatL[[i]][,imin] + phatBest[,i] = phatL[[i]][,1] +} +pairs(phatBest) + +dfrac = (1:nrow(testDf))/nrow(testDf) +plot(c(0,1),c(0,1),xlab='% tried',ylab='% of successes',cex.lab=2,type="n") +for(i in 1:ncol(phatBest)) { + temp = liftf(testDf$y,phatBest[,i],dopl=FALSE) + lines(dfrac,temp,type="l",col=i) +} +abline(0,1,lty=2) +legend("topleft",legend=names(phatL),col=1:nmethod,lty=rep(1,nmethod)) + diff --git a/Lecture04/04_simulation_logit_rf_boost.R b/Lecture04/04_simulation_logit_rf_boost.R new file mode 100644 index 00000000..33fe8a37 --- /dev/null +++ b/Lecture04/04_simulation_logit_rf_boost.R @@ -0,0 +1,172 @@ +###################################################################### +cat("### simulate data from a logit with 2 x's\n") +set.seed(99) +beta=matrix(c(2,2),ncol=1) +trainn=10000 +testn=5000 +p=2 +##train +x = matrix(2*runif(trainn*p)-1,ncol=p) +eta = x %*% beta +pvec = exp(eta)/(1+exp(eta)) +trainDf = data.frame(y=rbinom(trainn,1,pvec),x=x) +trainDf$y = as.factor(trainDf$y) +##test +x = matrix(2*runif(testn*p)-1,ncol=p) +eta = x %*% beta +pvecte = exp(eta)/(1+exp(eta)) +testDf = data.frame(y=rbinom(testn,1,pvecte),x=x) +testDf$y = as.factor(testDf$y) + +pnm = "sim" +###################################################################### +cat("### load librairies and make loss and lift functions\n") +library(tree) +library(randomForest) +library(gbm) + +#-------------------------------------------------- +#deviance loss function +lossf = function(y,phat,wht=0.0000001) { +#y should be 0/1 +#wht shrinks probs in phat towards .5, don't log 0! + if(is.factor(y)) y = as.numeric(y)-1 + phat = (1-wht)*phat + wht*.5 + py = ifelse(y==1,phat,1-phat) + return(-2*sum(log(py))) +} + +#-------------------------------------------------- +#lift function +liftf = function(yl,phatl,dopl=TRUE) { + if(is.factor(yl)) yl = as.numeric(yl)-1 + oo = order(-phatl) + sy = cumsum(yl[oo])/sum(yl==1) + if(dopl) { + ii = (1:length(sy))/length(sy) + plot(ii,sy,type='l',lwd=2,col='blue',xlab='% tried',ylab='% of successes',cex.lab=2) + abline(0,1,lty=2) + } + return(sy) +} + +###################################################################### +cat("### setup storage for results\n") +phatL = list() #store the test phat for the different methods here + +###################################################################### +cat("### fit logit\n") +###settings for logit (just one of course) +phatL$logit = matrix(0.0,nrow(testDf),1) #only one logit fit + +###fit logit +lgfit = glm(y~.,trainDf,family=binomial) +print(summary(lgfit)) +###predict using logit +phat = predict(lgfit,testDf,type="response") + +phatL$logit = matrix(phat,ncol=1) #logit phat + +##do lift +junk=liftf(testDf$y,phatL$logit[,1]) + +###################################################################### +cat("### fit random Forests\n") +set.seed(99) + +##settings for randomForest +p=ncol(trainDf)-1 +mtryv = c(p,sqrt(p)) +ntreev = c(500,1000) +setrf = expand.grid(mtryv,ntreev) +colnames(setrf)=c("mtry","ntree") +phatL$rf = matrix(0.0,nrow(testDf),nrow(setrf)) + +###fit rf +for(i in 1:nrow(setrf)) { + cat("on randomForest fit ",i,"\n") + print(setrf[i,]) + + #fit and predict + frf = randomForest(y~.,data=trainDf,mtry=setrf[i,1],ntree=setrf[i,2]) + phat = predict(frf,newdata=testDf,type="prob")[,2] + + phatL$rf[,i]=phat +} + +###################################################################### +cat("### fit boosting\n") + +##settings for boosting +idv = c(2,4) +ntv = c(1000,5000) +shv = c(.1,.01) +setboost = expand.grid(idv,ntv,shv) +colnames(setboost) = c("tdepth","ntree","shrink") +phatL$boost = matrix(0.0,nrow(testDf),nrow(setboost)) + +trainDfB = trainDf; trainDfB$y = as.numeric(trainDfB$y)-1 +testDfB = testDf; testDfB$y = as.numeric(testDfB$y)-1 + +##fit boosting +for(i in 1:nrow(setboost)) { + cat("on boosting fit ",i,"\n") + print(setboost[i,]) + + ##fit and predict + fboost = gbm(y~.,data=trainDfB,distribution="bernoulli", + n.trees=setboost[i,2],interaction.depth=setboost[i,1],shrinkage=setboost[i,3]) + phat = predict(fboost,newdata=testDfB,n.trees=setboost[i,2],type="response") + + phatL$boost[,i] = phat +} + +###################################################################### +cat("### plot loss\n") +lossL = list() +nmethod = length(phatL) +for(i in 1:nmethod) { + nrun = ncol(phatL[[i]]) + lvec = rep(0,nrun) + print(nrun) + for(j in 1:nrun) lvec[j] = lossf(testDf$y,phatL[[i]][,j]) + lossL[[i]]=lvec; names(lossL)[i] = names(phatL)[i] +} +lossv = unlist(lossL) +plot(lossv,ylab="loss on Test",type="n") +nloss=0 +for(i in 1:nmethod) { + ii = nloss + 1:ncol(phatL[[i]]) + points(ii,lossv[ii],col=i,pch=17) + nloss = nloss + ncol(phatL[[i]]) +} +legend("topright",legend=names(phatL),col=1:nmethod,pch=rep(17,nmethod)) + + +###################################################################### +cat("### lift\n") +nmethod = length(phatL) +phatBest = matrix(0.0,nrow(testDf),nmethod) #pick off best from each method +colnames(phatBest) = names(phatL) +for(i in 1:nmethod) { + nrun = ncol(phatL[[i]]) + lvec = rep(0,nrun) + print(nrun) + for(j in 1:nrun) lvec[j] = lossf(testDf$y,phatL[[i]][,j]) + print(lvec) + imin = which.min(lvec) + cat("imin: ",imin,"\n") + phatBest[,i] = phatL[[i]][,imin] + phatBest[,i] = phatL[[i]][,1] +} +pairs(phatBest) + +dfrac = (1:nrow(testDf))/nrow(testDf) +plot(c(0,1),c(0,1),xlab='% tried',ylab='% of successes',cex.lab=2,type="n") +for(i in 1:ncol(phatBest)) { + temp = liftf(testDf$y,phatBest[,i],dopl=FALSE) + lines(dfrac,temp,type="l",col=i) +} +abline(0,1,lty=2) +legend("topleft",legend=names(phatL),col=1:nmethod,lty=rep(1,nmethod)) + diff --git a/Lecture04/04_tabloid_logit_rf_boost.R b/Lecture04/04_tabloid_logit_rf_boost.R new file mode 100644 index 00000000..f37b8956 --- /dev/null +++ b/Lecture04/04_tabloid_logit_rf_boost.R @@ -0,0 +1,163 @@ +###################################################################### +cat("### read in tabloid data from web\n") +trainDf = read.csv( + "https://raw.githubusercontent.com/ChicagoBoothML/DATA__Tabloid/master/Tabloid_train.csv") +testDf = read.csv( + "https://raw.githubusercontent.com/ChicagoBoothML/DATA__Tabloid/master/Tabloid_test.csv") +trainDf$purchase = as.factor(trainDf$purchase) +testDf$purchase = as.factor(testDf$purchase) +names(trainDf)[1]="y" +names(testDf)[1]="y" + +pnm="tabloid" + +###################################################################### +cat("### load librairies and make loss and lift functions\n") +library(tree) +library(randomForest) +library(gbm) + +#-------------------------------------------------- +#deviance loss function +lossf = function(y,phat,wht=0.0000001) { +#y should be 0/1 +#wht shrinks probs in phat towards .5, don't log 0! + if(is.factor(y)) y = as.numeric(y)-1 + phat = (1-wht)*phat + wht*.5 + py = ifelse(y==1,phat,1-phat) + return(-2*sum(log(py))) +} + +#-------------------------------------------------- +#lift function +liftf = function(yl,phatl,dopl=TRUE) { + if(is.factor(yl)) yl = as.numeric(yl)-1 + oo = order(-phatl) + sy = cumsum(yl[oo])/sum(yl==1) + if(dopl) { + ii = (1:length(sy))/length(sy) + plot(ii,sy,type='l',lwd=2,col='blue',xlab='% tried',ylab='% of successes',cex.lab=2) + abline(0,1,lty=2) + } + return(sy) +} + +###################################################################### +cat("### setup storage for results\n") +phatL = list() #store the test phat for the different methods here + +###################################################################### +cat("### fit logit\n") +###settings for logit (just one of course) +phatL$logit = matrix(0.0,nrow(testDf),1) #only one logit fit + +###fit logit +lgfit = glm(y~.,trainDf,family=binomial) +print(summary(lgfit)) +###predict using logit +phat = predict(lgfit,testDf,type="response") + +phatL$logit = matrix(phat,ncol=1) #logit phat + +##do lift +liftf(testDf$y,phatL$logit[,1]) + +###################################################################### +cat("### fit random Forests\n") +set.seed(99) + +##settings for randomForest +p=ncol(trainDf)-1 +mtryv = c(p,sqrt(p)) +ntreev = c(500,1000) +setrf = expand.grid(mtryv,ntreev) +colnames(setrf)=c("mtry","ntree") +phatL$rf = matrix(0.0,nrow(testDf),nrow(setrf)) + +###fit rf +for(i in 1:nrow(setrf)) { + cat("on randomForest fit ",i,"\n") + print(setrf[i,]) + + #fit and predict + frf = randomForest(y~.,data=trainDf,mtry=setrf[i,1],ntree=setrf[i,2]) + phat = predict(frf,newdata=testDf,type="prob")[,2] + + phatL$rf[,i]=phat +} + +###################################################################### +cat("### fit boosting\n") + +##settings for boosting +idv = c(2,4) +ntv = c(1000,5000) +shv = c(.1,.01) +setboost = expand.grid(idv,ntv,shv) +colnames(setboost) = c("tdepth","ntree","shrink") +phatL$boost = matrix(0.0,nrow(testDf),nrow(setboost)) + +trainDfB = trainDf; trainDfB$y = as.numeric(trainDfB$y)-1 +testDfB = testDf; testDfB$y = as.numeric(testDfB$y)-1 + +##fit boosting +for(i in 1:nrow(setboost)) { + cat("on boosting fit ",i,"\n") + print(setboost[i,]) + + ##fit and predict + fboost = gbm(y~.,data=trainDfB,distribution="bernoulli", + n.trees=setboost[i,2],interaction.depth=setboost[i,1],shrinkage=setboost[i,3]) + phat = predict(fboost,newdata=testDfB,n.trees=setboost[i,2],type="response") + + phatL$boost[,i] = phat +} + +###################################################################### +cat("### plot loss\n") +lossL = list() +nmethod = length(phatL) +for(i in 1:nmethod) { + nrun = ncol(phatL[[i]]) + lvec = rep(0,nrun) + print(nrun) + for(j in 1:nrun) lvec[j] = lossf(testDf$y,phatL[[i]][,j]) + lossL[[i]]=lvec; names(lossL)[i] = names(phatL)[i] +} +lossv = unlist(lossL) +plot(lossv,ylab="loss on Test",type="n") +nloss=0 +for(i in 1:nmethod) { + ii = nloss + 1:ncol(phatL[[i]]) + points(ii,lossv[ii],col=i,pch=17) + nloss = nloss + ncol(phatL[[i]]) +} +legend("topright",legend=names(phatL),col=1:nmethod,pch=rep(17,nmethod)) + +###################################################################### +cat("### lift\n") +nmethod = length(phatL) +phatBest = matrix(0.0,nrow(testDf),nmethod) #pick off best from each method +colnames(phatBest) = names(phatL) +for(i in 1:nmethod) { + nrun = ncol(phatL[[i]]) + lvec = rep(0,nrun) + print(nrun) + for(j in 1:nrun) lvec[j] = lossf(testDf$y,phatL[[i]][,j]) + print(lvec) + imin = which.min(lvec) + cat("imin: ",imin,"\n") + phatBest[,i] = phatL[[i]][,imin] + phatBest[,i] = phatL[[i]][,1] +} +pairs(phatBest) + +dfrac = (1:nrow(testDf))/nrow(testDf) +plot(c(0,1),c(0,1),xlab='% tried',ylab='% of successes',cex.lab=2,type="n") +for(i in 1:ncol(phatBest)) { + temp = liftf(testDf$y,phatBest[,i],dopl=FALSE) + lines(dfrac,temp,type="l",col=i) +} +abline(0,1,lty=2) +legend("topleft",legend=names(phatL),col=1:nmethod,lty=rep(1,nmethod)) + diff --git a/Lecture04/fglass.R b/Lecture04/fglass.R new file mode 100644 index 00000000..670ceb41 --- /dev/null +++ b/Lecture04/fglass.R @@ -0,0 +1,42 @@ +library(MASS) ## a library of example datasets +library(kknn) +###################################################################### +###################################################################### +cat("###get data\n") +data(fgl) ## loads the data into R; see help(fgl) +n=nrow(fgl) +y = rep(3,n) +y[fgl$type=="WinF"]=1 +y[fgl$type=="WinNF"]=2 +y = as.factor(y) +levels(y) = c("WinF","WinNF","Other") +print(table(y,fgl$type)) +x = cbind(fgl$RI,fgl$Na,fgl$Al) +scf = function(x) {return((x-min(x))/(max(x)-min(x)))} +x = apply(x,2,scf) +colnames(x) = c("RI","Na","Al") +ddf = data.frame(type=y,x) +names(ddf) =c("type","RI","Na","Al") +##################################################################### +cat("###plot data\n") + +par(mfrow=c(1,3)) +plot(RI ~ type, data=ddf, col=c(grey(.2),2:6),cex.lab=1.4) +plot(Al ~ type, data=ddf, col=c(grey(.2),2:6),cex.lab=1.4) +plot(Na ~ type, data=ddf, col=c(grey(.2),2:6),cex.lab=1.4) + +pairs(x) +###################################################################### +cat("###fit kNN\n") +near = kknn(type~.,ddf,ddf,k=10,kernel = "rectangular") +print(table(near$fitted,ddf$type)) + +fitdf = data.frame(type=ddf$type,near$prob) +names(fitdf)[2:4] = c("ProbWinF","ProbWinNF","ProbOther") + +par(mfrow=c(1,3)) +plot(ProbWinF~type,fitdf,col=c(grey(.5),2:3),cex.lab=1.4) +plot(ProbWinNF~type,fitdf,col=c(grey(.5),2:3),cex.lab=1.4) +plot(ProbOther~type,fitdf,col=c(grey(.5),2:3),cex.lab=1.4) + +###################################################################### diff --git a/Lecture05/lr_decision_surface.R b/Lecture05/lr_decision_surface.R new file mode 100644 index 00000000..5d88b45d --- /dev/null +++ b/Lecture05/lr_decision_surface.R @@ -0,0 +1,145 @@ +library(ElemStatLearn) + +x <- mixture.example$x +g <- mixture.example$y +xnew <- mixture.example$xnew +px1 <- mixture.example$px1 +px2 <- mixture.example$px2 +gd <- expand.grid(x=px1, y=px2) + + +par(mar=rep(2,4)) +plot(x, col=ifelse(g==1, "coral", "cornflowerblue"), axes=FALSE) +box() + +#dev.copy(pdf, "05_lr_mixture.pdf") +#dev.off() + +## logistic regression + +df_train = data.frame(x1=x[,1], x2=x[,2], y=g) +df_test = data.frame(x1=xnew[,1], x2=xnew[,2]) +lr_fit = glm(y~., data=df_train, family=binomial()) +prob = predict(lr_fit, df_test, type="response") + +prob_lr <- matrix(prob, length(px1), length(px2)) +par(mar=rep(2,4)) +contour(px1, px2, prob_lr, levels=0.5, labels="", xlab="", ylab="", main= + "logistic regression", axes=FALSE) +points(x, col=ifelse(g==1, "coral", "cornflowerblue")) +points(gd, pch=".", cex=1.2, col=ifelse(prob_lr>0.5, "coral", "cornflowerblue")) +box() + +#dev.copy(pdf, "05_lr_mixture_1.pdf") +#dev.off() + + +## logistic regression -- 2 + +df_train = data.frame(x=poly(x[,1], x[,2], degree=2, raw=TRUE), y=g) +df_test = data.frame(x=poly(xnew[,1], xnew[,2], degree=2, raw=TRUE)) + +lr_fit = glm(y~., data=df_train, family=binomial()) +prob = predict(lr_fit, df_test, type="response") + +prob_lr <- matrix(prob, length(px1), length(px2)) +par(mar=rep(2,4)) +contour(px1, px2, prob_lr, levels=0.5, labels="", xlab="", ylab="", main= + "logistic regression -- quadratic with interactions", axes=FALSE) +points(x, col=ifelse(g==1, "coral", "cornflowerblue")) +points(gd, pch=".", cex=1.2, col=ifelse(prob_lr>0.5, "coral", "cornflowerblue")) +box() + +#dev.copy(pdf, "05_lr_mixture_2.pdf") +#dev.off() + +## logistic regression -- 3 + +df_train = data.frame(x=poly(x[,1], x[,2], degree=3, raw=TRUE), y=g) +df_test = data.frame(x=poly(xnew[,1], xnew[,2], degree=3, raw=TRUE)) + +lr_fit = glm(y~., data=df_train, family=binomial()) +prob = predict(lr_fit, df_test, type="response") + +prob_lr <- matrix(prob, length(px1), length(px2)) +par(mar=rep(2,4)) +contour(px1, px2, prob_lr, levels=0.5, labels="", xlab="", ylab="", main= + "logistic regression -- cubic with interactions", axes=FALSE) +points(x, col=ifelse(g==1, "coral", "cornflowerblue")) +points(gd, pch=".", cex=1.2, col=ifelse(prob_lr>0.5, "coral", "cornflowerblue")) +box() + +#dev.copy(pdf, "05_lr_mixture_3.pdf") +#dev.off() + + +## logistic regression -- 7 + +df_train = data.frame(x=poly(x[,1], x[,2], degree=7, raw=TRUE), y=g) +df_test = data.frame(x=poly(xnew[,1], xnew[,2], degree=7, raw=TRUE)) + +lr_fit = glm(y~., data=df_train, family=binomial()) +prob = predict(lr_fit, df_test, type="response") + +prob_lr <- matrix(prob, length(px1), length(px2)) +par(mar=rep(2,4)) +contour(px1, px2, prob_lr, levels=0.5, labels="", xlab="", ylab="", main= + "logistic regression -- 7th degree polynomial", axes=FALSE) +points(x, col=ifelse(g==1, "coral", "cornflowerblue")) +points(gd, pch=".", cex=1.2, col=ifelse(prob_lr>0.5, "coral", "cornflowerblue")) +box() + +#dev.copy(pdf, "05_lr_mixture_7.pdf") +#dev.off() + +## fitted coefficients are huge +## see:: lr_fit$coefficients[1:10] +lr_fit_7 = lr_fit + +## lasso + +library(glmnet) +bigX_train = as.matrix(df_train[,-ncol(df_train)], nrow=nrow(df_train)) +bigX_test = as.matrix(df_test, nrow=nrow(df_test)) + +lr_fit = cv.glmnet(x=bigX_train, y=g, family="binomial", nfolds=5) +prob = predict(lr_fit$glmnet.fit, bigX_test, type="response", s=lr_fit$lambda.min) + +prob_lr <- matrix(prob, length(px1), length(px2)) +par(mar=rep(2,4)) +contour(px1, px2, prob_lr, levels=0.5, labels="", xlab="", ylab="", main= + "logistic regression -- lasso", axes=FALSE) +points(x, col=ifelse(g==1, "coral", "cornflowerblue")) +points(gd, pch=".", cex=1.2, col=ifelse(prob_lr>0.5, "coral", "cornflowerblue")) +box() + +lr_fit_lasso = lr_fit + +#dev.copy(pdf, "05_lr_mixture_lasso.pdf") +#dev.off() + +# investigate lr_coef +lr_coef = coef(lr_fit_lasso$glmnet.fit, s=lr_fit_lasso$lambda.min) + +## ridge regression + +lr_fit = cv.glmnet(x=bigX_train, y=g, family="binomial", nfolds=5, alpha=0) +prob = predict(lr_fit$glmnet.fit, bigX_test, type="response", s=lr_fit$lambda.min) + +prob_lr <- matrix(prob, length(px1), length(px2)) +par(mar=rep(2,4)) +contour(px1, px2, prob_lr, levels=0.5, labels="", xlab="", ylab="", main= + "logistic regression -- ridge penalty", axes=FALSE) +points(x, col=ifelse(g==1, "coral", "cornflowerblue")) +points(gd, pch=".", cex=1.2, col=ifelse(prob_lr>0.5, "coral", "cornflowerblue")) +box() + +#dev.copy(pdf, "05_lr_mixture_ridge.pdf") +#dev.off() + +lr_fit_ridge = lr_fit + +# investigate lr_coef +lr_coef = coef(lr_fit_ridge$glmnet.fit, s=lr_fit_ridge$lambda.min) + + diff --git a/Lecture05/we8there.R b/Lecture05/we8there.R new file mode 100644 index 00000000..90656df7 --- /dev/null +++ b/Lecture05/we8there.R @@ -0,0 +1,43 @@ +## text + +library(textir) +library(glmnet) +data(we8there) + +head(we8thereRatings) +we8thereCounts[1, we8thereCounts[1, ]!=0] # words in the first review +we8thereCounts[6000, we8thereCounts[6000, ]!=0] # words in the review 6000 + +# transform rating into {0, 1} +y = ifelse(we8thereRatings$Overall>3, 1, 0) +y = as.factor(y) + +glm_fit = cv.glmnet(x = we8thereCounts, y = y, + family = "binomial", + alpha = 1, # lasso - 1, ridge - 0 + nfold = 5 + ) +plot(glm_fit) +plot(glm_fit$glmnet.fit, xvar = "lambda") +abline(v = log(glm_fit$lambda.1se), lty=2, col="red") + +# glm_fit$glmnet.fit object is obtained by fitting all of data +glm.coef = coef(glm_fit$glmnet.fit, s=glm_fit$lambda.1se) +o = order( glm.coef, decreasing = TRUE ) +# positive coefficients +glm.coef@Dimnames[[1]][o[1:10]] +glm.coef[o[1:10]] +# negative coefficients +glm.coef@Dimnames[[1]][tail(o,10)] +glm.coef[tail(o,10)] + +### ridge regression fit + +glm_fit_ridge = cv.glmnet(x = we8thereCounts, y = y, + family = "binomial", + alpha = 0, # lasso - 1, ridge - 0 + nfold = 5 +) +plot(glm_fit_ridge) +plot(glm_fit_ridge$glmnet.fit, xvar = "lambda") +abline(v = log(glm_fit_ridge$lambda.1se), lty=2, col="red") diff --git a/Lecture09/EURUSD1d.csv b/Lecture09/EURUSD1d.csv new file mode 100644 index 00000000..3fb038b5 --- /dev/null +++ b/Lecture09/EURUSD1d.csv @@ -0,0 +1 @@ +Open Timestamp,Open,High,Low,Close 2012.01.03 00:00:00,1.29357,1.3076,1.29343,1.30528 2012.01.04 00:00:00,1.30528,1.30718,1.28967,1.29295 2012.01.05 00:00:00,1.29295,1.29427,1.27688,1.27905 2012.01.06 00:00:00,1.27905,1.28116,1.26961,1.27136 2012.01.08 00:00:00,1.27136,1.27136,1.26649,1.26778 2012.01.09 00:00:00,1.26778,1.27843,1.26762,1.27712 2012.01.10 00:00:00,1.27712,1.28172,1.27415,1.2752 2012.01.11 00:00:00,1.2752,1.27892,1.26606,1.27204 2012.01.12 00:00:00,1.27204,1.28439,1.2698,1.28191 2012.01.13 00:00:00,1.28191,1.28772,1.26229,1.26742 2012.01.15 00:00:00,1.26742,1.26742,1.26314,1.26464 2012.01.16 00:00:00,1.26464,1.26865,1.26248,1.26648 2012.01.17 00:00:00,1.26648,1.28082,1.26634,1.27453 2012.01.18 00:00:00,1.27453,1.28668,1.2733,1.28627 2012.01.19 00:00:00,1.28627,1.29711,1.28381,1.296 2012.01.20 00:00:00,1.296,1.29853,1.28859,1.29273 2012.01.22 00:00:00,1.29273,1.29273,1.28743,1.28855 2012.01.23 00:00:00,1.28855,1.30515,1.28817,1.30237 2012.01.24 00:00:00,1.30237,1.30617,1.29523,1.30338 2012.01.25 00:00:00,1.30338,1.31194,1.29299,1.31051 2012.01.26 00:00:00,1.31051,1.3183,1.3087,1.3087 2012.01.27 00:00:00,1.3087,1.32327,1.30765,1.32119 2012.01.29 00:00:00,1.32119,1.32234,1.32046,1.32058 2012.01.30 00:00:00,1.32058,1.32096,1.30757,1.3137 2012.01.31 00:00:00,1.3137,1.3213,1.30409,1.30746 2012.02.01 00:00:00,1.30746,1.32175,1.3025,1.31684 2012.02.02 00:00:00,1.31684,1.31956,1.30843,1.31349 2012.02.03 00:00:00,1.31349,1.32046,1.30651,1.31484 2012.02.05 00:00:00,1.31484,1.31484,1.31106,1.3123 2012.02.06 00:00:00,1.3123,1.31403,1.30265,1.3117 2012.02.07 00:00:00,1.3117,1.32692,1.3088,1.32466 2012.02.08 00:00:00,1.32466,1.32873,1.3213,1.32462 2012.02.09 00:00:00,1.32462,1.33212,1.32255,1.32745 2012.02.10 00:00:00,1.32745,1.32898,1.31546,1.31961 2012.02.12 00:00:00,1.31961,1.32601,1.31961,1.32386 2012.02.13 00:00:00,1.32386,1.3283,1.31442,1.31532 2012.02.14 00:00:00,1.31532,1.32148,1.3079,1.31273 2012.02.15 00:00:00,1.31273,1.31896,1.30428,1.30541 2012.02.16 00:00:00,1.30541,1.3158,1.29732,1.31261 2012.02.17 00:00:00,1.31261,1.31966,1.31141,1.31405 2012.02.19 00:00:00,1.31405,1.3236,1.31405,1.32224 2012.02.20 00:00:00,1.32224,1.32757,1.31811,1.32064 2012.02.21 00:00:00,1.32064,1.32921,1.31856,1.32474 2012.02.22 00:00:00,1.32474,1.32659,1.321,1.32543 2012.02.23 00:00:00,1.32543,1.33773,1.32302,1.33729 2012.02.24 00:00:00,1.33729,1.34853,1.3356,1.34459 2012.02.26 00:00:00,1.34459,1.34775,1.34459,1.34662 2012.02.27 00:00:00,1.34662,1.3467,1.33651,1.34064 2012.02.28 00:00:00,1.34064,1.34786,1.3388,1.34775 2012.02.29 00:00:00,1.34775,1.34844,1.33136,1.33231 2012.03.01 00:00:00,1.33231,1.33552,1.3281,1.33256 2012.03.02 00:00:00,1.33256,1.33315,1.3186,1.31982 2012.03.04 00:00:00,1.31982,1.32041,1.31817,1.31843 2012.03.05 00:00:00,1.31843,1.32407,1.31592,1.32222 2012.03.06 00:00:00,1.32222,1.32246,1.31021,1.31186 2012.03.07 00:00:00,1.31186,1.3163,1.30953,1.31396 2012.03.08 00:00:00,1.31396,1.329,1.31341,1.32703 2012.03.09 00:00:00,1.32703,1.32711,1.30957,1.31164 2012.03.11 00:00:00,1.31164,1.31235,1.31014,1.31209 2012.03.12 00:00:00,1.31209,1.31714,1.30776,1.31686 2012.03.13 00:00:00,1.31686,1.31901,1.30507,1.30779 2012.03.14 00:00:00,1.30779,1.30891,1.30098,1.30193 2012.03.15 00:00:00,1.30193,1.31183,1.30027,1.30755 2012.03.16 00:00:00,1.30755,1.3186,1.30479,1.31702 2012.03.18 00:00:00,1.31702,1.31855,1.31702,1.31751 2012.03.19 00:00:00,1.31751,1.32641,1.31407,1.3228 2012.03.20 00:00:00,1.3228,1.3251,1.31713,1.3237 2012.03.21 00:00:00,1.3237,1.3284,1.31776,1.32163 2012.03.22 00:00:00,1.32163,1.32535,1.31323,1.32034 2012.03.23 00:00:00,1.32034,1.32924,1.31889,1.32658 2012.03.25 00:00:00,1.32658,1.32835,1.32633,1.32825 2012.03.26 00:00:00,1.32825,1.33667,1.31908,1.3356 2012.03.27 00:00:00,1.3356,1.33844,1.3311,1.33279 2012.03.28 00:00:00,1.33279,1.33726,1.32762,1.33245 2012.03.29 00:00:00,1.33245,1.3345,1.32506,1.33129 2012.03.30 00:00:00,1.33129,1.33755,1.33083,1.33387 2012.04.01 00:00:00,1.33387,1.33751,1.33387,1.33553 2012.04.02 00:00:00,1.33553,1.33794,1.32771,1.33285 2012.04.03 00:00:00,1.33285,1.33664,1.3212,1.32212 2012.04.04 00:00:00,1.32212,1.32321,1.31057,1.31426 2012.04.05 00:00:00,1.31426,1.31632,1.30339,1.30613 2012.04.06 00:00:00,1.30613,1.31115,1.30459,1.30902 2012.04.08 00:00:00,1.30902,1.31032,1.3065,1.30841 2012.04.09 00:00:00,1.30841,1.31327,1.30315,1.31077 2012.04.10 00:00:00,1.31077,1.31432,1.30531,1.30704 2012.04.11 00:00:00,1.30704,1.3156,1.3065,1.31176 2012.04.12 00:00:00,1.31176,1.32116,1.31009,1.31873 2012.04.13 00:00:00,1.31873,1.32001,1.30683,1.30728 2012.04.15 00:00:00,1.30728,1.30742,1.30396,1.30424 2012.04.16 00:00:00,1.30424,1.31467,1.29937,1.31249 2012.04.17 00:00:00,1.31249,1.31714,1.30893,1.31339 2012.04.18 00:00:00,1.31339,1.31402,1.3057,1.3116 2012.04.19 00:00:00,1.3116,1.31647,1.30684,1.3142 2012.04.20 00:00:00,1.3142,1.32269,1.31273,1.32044 2012.04.22 00:00:00,1.32044,1.32073,1.31814,1.32062 2012.04.23 00:00:00,1.32062,1.32091,1.31034,1.31483 2012.04.24 00:00:00,1.31483,1.32169,1.3144,1.31945 2012.04.25 00:00:00,1.31945,1.32353,1.31724,1.323 2012.04.26 00:00:00,1.323,1.32618,1.31757,1.31908 2012.04.27 00:00:00,1.31908,1.3269,1.31561,1.32485 2012.04.29 00:00:00,1.32485,1.32485,1.32294,1.32384 2012.04.30 00:00:00,1.32384,1.32657,1.32069,1.32377 2012.05.01 00:00:00,1.32377,1.32833,1.32033,1.32369 2012.05.02 00:00:00,1.32369,1.32398,1.31209,1.31466 2012.05.03 00:00:00,1.31466,1.31791,1.30944,1.31533 2012.05.04 00:00:00,1.31533,1.31773,1.30778,1.30779 2012.05.06 00:00:00,1.30779,1.30779,1.29537,1.29605 2012.05.07 00:00:00,1.29605,1.30646,1.29603,1.30578 2012.05.08 00:00:00,1.30578,1.30589,1.29814,1.29917 2012.05.09 00:00:00,1.29917,1.30029,1.29103,1.29332 2012.05.10 00:00:00,1.29332,1.29781,1.29234,1.29319 2012.05.11 00:00:00,1.29319,1.29563,1.2904,1.29106 2012.05.13 00:00:00,1.29106,1.29106,1.28804,1.28962 2012.05.14 00:00:00,1.28962,1.29031,1.28142,1.28289 2012.05.15 00:00:00,1.28289,1.28679,1.27206,1.27337 2012.05.16 00:00:00,1.27337,1.27579,1.26803,1.27311 2012.05.17 00:00:00,1.27311,1.27482,1.26606,1.26969 2012.05.18 00:00:00,1.26969,1.27931,1.26412,1.27779 2012.05.20 00:00:00,1.27779,1.27825,1.27472,1.27704 2012.05.21 00:00:00,1.27704,1.28232,1.27242,1.28112 2012.05.22 00:00:00,1.28112,1.28133,1.26507,1.26597 2012.05.23 00:00:00,1.26597,1.26863,1.25442,1.25599 2012.05.24 00:00:00,1.25599,1.26187,1.25146,1.25342 2012.05.25 00:00:00,1.25342,1.26016,1.24948,1.25139 2012.05.27 00:00:00,1.25139,1.25781,1.25139,1.2565 2012.05.28 00:00:00,1.2565,1.26234,1.25154,1.25205 2012.05.29 00:00:00,1.25205,1.25737,1.24598,1.24764 2012.05.30 00:00:00,1.24764,1.24858,1.23599,1.23723 2012.05.31 00:00:00,1.23723,1.24274,1.23353,1.23611 2012.06.01 00:00:00,1.23611,1.2459,1.22866,1.24307 2012.06.03 00:00:00,1.24307,1.24412,1.23946,1.23974 2012.06.04 00:00:00,1.23974,1.25265,1.23846,1.25252 2012.06.05 00:00:00,1.25252,1.25413,1.24086,1.24603 2012.06.06 00:00:00,1.24603,1.25844,1.244,1.25747 2012.06.07 00:00:00,1.25747,1.26244,1.25391,1.25663 2012.06.08 00:00:00,1.25663,1.25704,1.24341,1.25134 2012.06.10 00:00:00,1.25134,1.26671,1.25134,1.26431 2012.06.11 00:00:00,1.26431,1.2646,1.24465,1.24764 2012.06.12 00:00:00,1.24764,1.25281,1.24414,1.24997 2012.06.13 00:00:00,1.24997,1.26096,1.24723,1.25734 2012.06.14 00:00:00,1.25734,1.26359,1.2541,1.2625 2012.06.15 00:00:00,1.2625,1.26638,1.25909,1.2633 2012.06.17 00:00:00,1.2633,1.27463,1.2633,1.2703 2012.06.18 00:00:00,1.2703,1.27263,1.25561,1.25952 2012.06.19 00:00:00,1.25952,1.27295,1.25675,1.2678 2012.06.20 00:00:00,1.2678,1.27421,1.26358,1.26796 2012.06.21 00:00:00,1.26796,1.26979,1.25303,1.25487 2012.06.22 00:00:00,1.25487,1.25824,1.25183,1.25663 2012.06.24 00:00:00,1.25663,1.25663,1.25338,1.25366 2012.06.25 00:00:00,1.25366,1.25437,1.247,1.25014 2012.06.26 00:00:00,1.25014,1.25295,1.24408,1.24839 2012.06.27 00:00:00,1.24839,1.25071,1.24443,1.24686 2012.06.28 00:00:00,1.24686,1.25231,1.24062,1.24399 2012.06.29 00:00:00,1.24399,1.26916,1.24316,1.26536 2012.07.01 00:00:00,1.26536,1.26769,1.26493,1.26535 2012.07.02 00:00:00,1.26535,1.26665,1.2567,1.25786 2012.07.03 00:00:00,1.25786,1.26262,1.25581,1.26036 2012.07.04 00:00:00,1.26036,1.2606,1.25069,1.25144 2012.07.05 00:00:00,1.25144,1.25375,1.23627,1.23912 2012.07.06 00:00:00,1.23912,1.24002,1.2259,1.22841 2012.07.08 00:00:00,1.22841,1.22841,1.22546,1.22691 2012.07.09 00:00:00,1.22691,1.23231,1.2268,1.23164 2012.07.10 00:00:00,1.23164,1.23326,1.2234,1.22539 2012.07.11 00:00:00,1.22539,1.22957,1.22116,1.22436 2012.07.12 00:00:00,1.22436,1.22439,1.21656,1.21871 2012.07.13 00:00:00,1.21871,1.22555,1.21611,1.2243 2012.07.15 00:00:00,1.2243,1.22694,1.2243,1.2246 2012.07.16 00:00:00,1.2246,1.22897,1.21744,1.22645 2012.07.17 00:00:00,1.22645,1.23158,1.21878,1.22942 2012.07.18 00:00:00,1.22942,1.23052,1.22158,1.22757 2012.07.19 00:00:00,1.22757,1.23234,1.2228,1.22751 2012.07.20 00:00:00,1.22751,1.22818,1.21432,1.21501 2012.07.22 00:00:00,1.21501,1.21501,1.21106,1.21262 2012.07.23 00:00:00,1.21262,1.21436,1.2066,1.21228 2012.07.24 00:00:00,1.21228,1.2137,1.20411,1.20606 2012.07.25 00:00:00,1.20606,1.21692,1.20524,1.21378 2012.07.26 00:00:00,1.21378,1.23283,1.21164,1.22764 2012.07.27 00:00:00,1.22764,1.23889,1.22405,1.23146 2012.07.29 00:00:00,1.23146,1.23146,1.22928,1.23013 2012.07.30 00:00:00,1.23013,1.23045,1.22241,1.22587 2012.07.31 00:00:00,1.22587,1.23291,1.22476,1.2291 2012.08.01 00:00:00,1.2291,1.23353,1.2217,1.22379 2012.08.02 00:00:00,1.22379,1.2404,1.21326,1.21772 2012.08.03 00:00:00,1.21772,1.23912,1.21657,1.23837 2012.08.05 00:00:00,1.23837,1.2442,1.2382,1.24258 2012.08.06 00:00:00,1.24258,1.24283,1.23405,1.23871 2012.08.07 00:00:00,1.23871,1.24408,1.23748,1.23832 2012.08.08 00:00:00,1.23832,1.24011,1.23256,1.23708 2012.08.09 00:00:00,1.23708,1.23863,1.22657,1.22917 2012.08.10 00:00:00,1.22917,1.23157,1.22403,1.2286 2012.08.12 00:00:00,1.2286,1.22902,1.22738,1.22741 2012.08.13 00:00:00,1.22741,1.23724,1.22597,1.23252 2012.08.14 00:00:00,1.23252,1.23845,1.23153,1.23226 2012.08.15 00:00:00,1.23226,1.23423,1.2263,1.22877 2012.08.16 00:00:00,1.22877,1.23716,1.22547,1.23558 2012.08.17 00:00:00,1.23558,1.23809,1.22877,1.23289 2012.08.19 00:00:00,1.23289,1.23485,1.23275,1.23308 2012.08.20 00:00:00,1.23308,1.23678,1.22942,1.23497 2012.08.21 00:00:00,1.23497,1.24864,1.23452,1.24752 2012.08.22 00:00:00,1.24752,1.2543,1.24301,1.25327 2012.08.23 00:00:00,1.25327,1.25883,1.25232,1.25585 2012.08.24 00:00:00,1.25585,1.25654,1.24803,1.25104 2012.08.26 00:00:00,1.25104,1.25228,1.25029,1.25043 2012.08.27 00:00:00,1.25043,1.25347,1.2489,1.24998 2012.08.28 00:00:00,1.24998,1.25754,1.24642,1.25694 2012.08.29 00:00:00,1.25694,1.25722,1.25175,1.25291 2012.08.30 00:00:00,1.25291,1.2563,1.24861,1.25082 2012.08.31 00:00:00,1.25082,1.26363,1.24924,1.25663 2012.09.02 00:00:00,1.25663,1.25851,1.25591,1.25722 2012.09.03 00:00:00,1.25722,1.26099,1.2559,1.25851 2012.09.04 00:00:00,1.25851,1.26266,1.25246,1.25326 2012.09.05 00:00:00,1.25326,1.26234,1.25005,1.25991 2012.09.06 00:00:00,1.25991,1.26504,1.25602,1.26297 2012.09.07 00:00:00,1.26297,1.28157,1.2625,1.28154 2012.09.09 00:00:00,1.28154,1.28154,1.279,1.27943 2012.09.10 00:00:00,1.27943,1.28025,1.27535,1.27604 2012.09.11 00:00:00,1.27604,1.28703,1.27575,1.28501 2012.09.12 00:00:00,1.28501,1.29355,1.28137,1.29009 2012.09.13 00:00:00,1.29009,1.3001,1.2854,1.29916 2012.09.14 00:00:00,1.29916,1.31676,1.29836,1.31286 2012.09.16 00:00:00,1.31286,1.31325,1.31077,1.31126 2012.09.17 00:00:00,1.31126,1.31708,1.30823,1.31067 2012.09.18 00:00:00,1.31067,1.31137,1.30282,1.3045 2012.09.19 00:00:00,1.3045,1.30838,1.29921,1.30561 2012.09.20 00:00:00,1.30561,1.30579,1.29183,1.29723 2012.09.21 00:00:00,1.29723,1.30466,1.29543,1.29784 2012.09.23 00:00:00,1.29784,1.29881,1.29644,1.29657 2012.09.24 00:00:00,1.29657,1.29786,1.28897,1.29396 2012.09.25 00:00:00,1.29396,1.29696,1.28848,1.28973 2012.09.26 00:00:00,1.28973,1.29115,1.28341,1.28768 2012.09.27 00:00:00,1.28768,1.29273,1.28274,1.29109 2012.09.28 00:00:00,1.29109,1.29587,1.28376,1.28551 2012.09.30 00:00:00,1.28551,1.28551,1.28026,1.28058 2012.10.01 00:00:00,1.28058,1.29379,1.28038,1.2887 2012.10.02 00:00:00,1.2887,1.29668,1.28793,1.29101 2012.10.03 00:00:00,1.29101,1.2936,1.28765,1.29217 2012.10.04 00:00:00,1.29217,1.30305,1.2909,1.30115 2012.10.05 00:00:00,1.30115,1.30704,1.29929,1.3032 2012.10.07 00:00:00,1.3032,1.3032,1.30106,1.30139 2012.10.08 00:00:00,1.30139,1.30148,1.29364,1.29738 2012.10.09 00:00:00,1.29738,1.29901,1.28488,1.28578 2012.10.10 00:00:00,1.28578,1.29124,1.2834,1.2858 2012.10.11 00:00:00,1.2858,1.29507,1.28241,1.29306 2012.10.12 00:00:00,1.29306,1.29906,1.29212,1.29527 2012.10.14 00:00:00,1.29527,1.29593,1.29294,1.2933 2012.10.15 00:00:00,1.2933,1.29777,1.28895,1.29661 2012.10.16 00:00:00,1.29661,1.3123,1.29522,1.31045 2012.10.17 00:00:00,1.31045,1.31384,1.30844,1.3111 2012.10.18 00:00:00,1.3111,1.31276,1.30548,1.30672 2012.10.19 00:00:00,1.30672,1.30757,1.3012,1.30207 2012.10.21 00:00:00,1.30207,1.30283,1.30141,1.30204 2012.10.22 00:00:00,1.30204,1.30823,1.30189,1.30692 2012.10.23 00:00:00,1.30692,1.30692,1.29508,1.29724 2012.10.24 00:00:00,1.29724,1.29955,1.29191,1.29633 2012.10.25 00:00:00,1.29633,1.30219,1.29258,1.29375 2012.10.26 00:00:00,1.29375,1.2955,1.28813,1.29394 2012.10.28 00:00:00,1.29394,1.29445,1.29176,1.29208 2012.10.29 00:00:00,1.29208,1.2935,1.2884,1.29056 2012.10.30 00:00:00,1.29056,1.29825,1.2885,1.29599 2012.10.31 00:00:00,1.29599,1.30193,1.29454,1.29633 2012.11.01 00:00:00,1.29633,1.29814,1.29237,1.29454 2012.11.02 00:00:00,1.29454,1.29454,1.28201,1.28371 2012.11.04 00:00:00,1.28371,1.28371,1.28145,1.28213 2012.11.05 00:00:00,1.28213,1.28413,1.27662,1.27986 2012.11.06 00:00:00,1.27986,1.28254,1.27623,1.28045 2012.11.07 00:00:00,1.28045,1.28752,1.27352,1.2755 2012.11.08 00:00:00,1.2755,1.27753,1.27159,1.27402 2012.11.09 00:00:00,1.27402,1.27889,1.26887,1.27134 2012.11.11 00:00:00,1.27134,1.27354,1.27044,1.27194 2012.11.12 00:00:00,1.27194,1.27382,1.26964,1.27047 2012.11.13 00:00:00,1.27047,1.27273,1.26591,1.27083 2012.11.14 00:00:00,1.27083,1.2778,1.27021,1.27284 2012.11.15 00:00:00,1.27284,1.2801,1.27162,1.27801 2012.11.16 00:00:00,1.27801,1.27831,1.2689,1.27412 2012.11.18 00:00:00,1.27412,1.27598,1.27385,1.27573 2012.11.19 00:00:00,1.27573,1.28197,1.27446,1.27657 2012.11.20 00:00:00,1.27657,1.28284,1.27637,1.28114 2012.11.21 00:00:00,1.28114,1.2867,1.27352,1.2863 2012.11.22 00:00:00,1.2863,1.28977,1.28329,1.28732 2012.11.23 00:00:00,1.28732,1.29898,1.28672,1.29755 2012.11.25 00:00:00,1.29755,1.29765,1.29624,1.29716 2012.11.26 00:00:00,1.29716,1.30057,1.2943,1.29873 2012.11.27 00:00:00,1.29873,1.30076,1.29143,1.29364 2012.11.28 00:00:00,1.29364,1.29597,1.28788,1.29493 2012.11.29 00:00:00,1.29493,1.30132,1.29379,1.29708 2012.11.30 00:00:00,1.29708,1.30267,1.2967,1.29843 2012.12.02 00:00:00,1.29843,1.29969,1.298,1.29945 2012.12.03 00:00:00,1.29945,1.30748,1.29922,1.30625 2012.12.04 00:00:00,1.30625,1.31072,1.30449,1.30979 2012.12.05 00:00:00,1.30979,1.31256,1.30591,1.30713 2012.12.06 00:00:00,1.30713,1.30855,1.29492,1.29604 2012.12.07 00:00:00,1.29604,1.29717,1.28751,1.2926 2012.12.09 00:00:00,1.2926,1.2926,1.28862,1.29051 2012.12.10 00:00:00,1.29051,1.29454,1.28847,1.29358 2012.12.11 00:00:00,1.29358,1.30137,1.29277,1.30104 2012.12.12 00:00:00,1.30104,1.30964,1.29945,1.30641 2012.12.13 00:00:00,1.30641,1.30992,1.30397,1.30756 2012.12.14 00:00:00,1.30756,1.31722,1.30652,1.31601 2012.12.16 00:00:00,1.31601,1.3186,1.31601,1.31647 2012.12.17 00:00:00,1.31647,1.31779,1.3143,1.316 2012.12.18 00:00:00,1.316,1.32374,1.31553,1.32273 2012.12.19 00:00:00,1.32273,1.33072,1.31871,1.32118 2012.12.20 00:00:00,1.32118,1.32941,1.32022,1.3236 2012.12.21 00:00:00,1.3236,1.32369,1.31575,1.31853 2012.12.23 00:00:00,1.31853,1.31853,1.31663,1.31788 2012.12.24 00:00:00,1.31788,1.32326,1.31701,1.31751 2012.12.26 00:00:00,1.31751,1.3253,1.31721,1.32267 2012.12.27 00:00:00,1.32267,1.32825,1.32002,1.32468 2012.12.28 00:00:00,1.32468,1.32555,1.31646,1.32166 2012.12.30 00:00:00,1.32166,1.32309,1.32052,1.32247 2012.12.31 00:00:00,1.32247,1.32336,1.3171,1.31837 2013.01.02 00:00:00,1.31837,1.32924,1.31552,1.31822 2013.01.03 00:00:00,1.31822,1.3188,1.30213,1.30234 2013.01.04 00:00:00,1.30234,1.30886,1.29963,1.30668 2013.01.06 00:00:00,1.30668,1.30783,1.30642,1.30667 2013.01.07 00:00:00,1.30667,1.31269,1.30157,1.31225 2013.01.08 00:00:00,1.31225,1.31387,1.30552,1.30817 2013.01.09 00:00:00,1.30817,1.30949,1.30358,1.30523 2013.01.10 00:00:00,1.30523,1.32784,1.30377,1.32716 2013.01.11 00:00:00,1.32716,1.33647,1.32472,1.33416 2013.01.13 00:00:00,1.33416,1.33679,1.33385,1.33569 2013.01.14 00:00:00,1.33569,1.34033,1.3335,1.3376 2013.01.15 00:00:00,1.3376,1.33927,1.32623,1.33082 2013.01.16 00:00:00,1.33082,1.33238,1.32552,1.32837 2013.01.17 00:00:00,1.32837,1.33863,1.32689,1.33729 2013.01.18 00:00:00,1.33729,1.33972,1.32793,1.33108 2013.01.20 00:00:00,1.33108,1.33224,1.33051,1.33168 2013.01.21 00:00:00,1.33168,1.33312,1.32989,1.33084 2013.01.22 00:00:00,1.33084,1.33705,1.32657,1.33115 2013.01.23 00:00:00,1.33115,1.33537,1.32632,1.33056 2013.01.24 00:00:00,1.33056,1.33916,1.3285,1.33666 2013.01.25 00:00:00,1.33666,1.34781,1.33487,1.34558 2013.01.27 00:00:00,1.34558,1.34699,1.34508,1.34635 2013.01.28 00:00:00,1.34635,1.34762,1.34234,1.3446 2013.01.29 00:00:00,1.3446,1.34964,1.34132,1.34867 2013.01.30 00:00:00,1.34867,1.35862,1.34809,1.35674 2013.01.31 00:00:00,1.35674,1.36168,1.35401,1.36107 2013.02.01 00:00:00,1.36107,1.37098,1.35851,1.36379 2013.02.03 00:00:00,1.36379,1.36587,1.36282,1.3644 2013.02.04 00:00:00,1.3644,1.36479,1.34974,1.35094 2013.02.05 00:00:00,1.35094,1.35964,1.34573,1.35814 2013.02.06 00:00:00,1.35814,1.35949,1.34923,1.35206 2013.02.07 00:00:00,1.35206,1.35766,1.33694,1.33816 2013.02.08 00:00:00,1.33816,1.34281,1.33522,1.33618 2013.02.10 00:00:00,1.33618,1.33772,1.33484,1.33652 2013.02.11 00:00:00,1.33652,1.34264,1.33559,1.34007 2013.02.12 00:00:00,1.34007,1.34745,1.33628,1.34512 2013.02.13 00:00:00,1.34512,1.35188,1.34251,1.34434 2013.02.14 00:00:00,1.34434,1.34546,1.33141,1.33487 2013.02.15 00:00:00,1.33487,1.33922,1.33053,1.33619 2013.02.17 00:00:00,1.33619,1.33619,1.33362,1.33382 2013.02.18 00:00:00,1.33382,1.33783,1.33204,1.33475 2013.02.19 00:00:00,1.33475,1.33952,1.33276,1.33938 2013.02.20 00:00:00,1.33938,1.34329,1.32697,1.32719 2013.02.21 00:00:00,1.32719,1.32882,1.31598,1.31909 2013.02.22 00:00:00,1.31909,1.32442,1.31439,1.31859 2013.02.24 00:00:00,1.31859,1.32284,1.31839,1.31899 2013.02.25 00:00:00,1.31899,1.33179,1.30466,1.3065 2013.02.26 00:00:00,1.3065,1.31219,1.30171,1.30663 2013.02.27 00:00:00,1.30663,1.31606,1.30403,1.31539 2013.02.28 00:00:00,1.31539,1.3157,1.30517,1.30591 2013.03.01 00:00:00,1.30591,1.30999,1.29653,1.30193 2013.03.03 00:00:00,1.30193,1.303,1.30026,1.30146 2013.03.04 00:00:00,1.30146,1.30398,1.29811,1.30338 2013.03.05 00:00:00,1.30338,1.30742,1.3009,1.30462 2013.03.06 00:00:00,1.30462,1.30694,1.29626,1.29768 2013.03.07 00:00:00,1.29768,1.31172,1.29737,1.31068 2013.03.08 00:00:00,1.31068,1.31334,1.29542,1.29991 2013.03.10 00:00:00,1.29991,1.30027,1.29782,1.29861 2013.03.11 00:00:00,1.29861,1.30526,1.29826,1.30313 2013.03.12 00:00:00,1.30313,1.30735,1.29899,1.30292 2013.03.13 00:00:00,1.30292,1.30637,1.29222,1.29581 2013.03.14 00:00:00,1.29581,1.30315,1.29102,1.30109 2013.03.15 00:00:00,1.30109,1.3106,1.30014,1.30734 2013.03.17 00:00:00,1.30734,1.30734,1.28872,1.28899 2013.03.18 00:00:00,1.28899,1.29947,1.28808,1.29425 2013.03.19 00:00:00,1.29425,1.29689,1.28423,1.28631 2013.03.20 00:00:00,1.28631,1.29772,1.28623,1.29381 2013.03.21 00:00:00,1.29381,1.29539,1.28786,1.29019 2013.03.22 00:00:00,1.29019,1.3009,1.2887,1.29881 2013.03.24 00:00:00,1.29881,1.30467,1.29404,1.30176 2013.03.25 00:00:00,1.30176,1.30471,1.28287,1.2856 2013.03.26 00:00:00,1.2856,1.28888,1.28267,1.28593 2013.03.27 00:00:00,1.28593,1.28658,1.27497,1.27734 2013.03.28 00:00:00,1.27734,1.28433,1.27541,1.28122 2013.03.29 00:00:00,1.28122,1.28359,1.27918,1.28144 2013.03.31 00:00:00,1.28144,1.28144,1.27991,1.28042 2013.04.01 00:00:00,1.28042,1.28671,1.27701,1.28474 2013.04.02 00:00:00,1.28474,1.28766,1.28079,1.2818 2013.04.03 00:00:00,1.2818,1.28633,1.27888,1.28479 2013.04.04 00:00:00,1.28479,1.29479,1.27438,1.29245 2013.04.05 00:00:00,1.29245,1.30387,1.28995,1.29961 2013.04.07 00:00:00,1.29961,1.3005,1.2963,1.29897 2013.04.08 00:00:00,1.29897,1.30368,1.29673,1.3028 2013.04.09 00:00:00,1.3028,1.31019,1.30039,1.30795 2013.04.10 00:00:00,1.30795,1.31208,1.30499,1.30509 2013.04.11 00:00:00,1.30509,1.31372,1.30427,1.3115 2013.04.12 00:00:00,1.3115,1.31254,1.30356,1.31067 2013.04.14 00:00:00,1.31067,1.31329,1.30946,1.30956 2013.04.15 00:00:00,1.30956,1.31065,1.30205,1.30518 2013.04.16 00:00:00,1.30518,1.32005,1.30269,1.31766 2013.04.17 00:00:00,1.31766,1.31986,1.30001,1.30325 2013.04.18 00:00:00,1.30325,1.30952,1.30198,1.30514 2013.04.19 00:00:00,1.30514,1.31278,1.30454,1.30516 2013.04.21 00:00:00,1.30516,1.30829,1.30516,1.30562 2013.04.22 00:00:00,1.30562,1.30829,1.30139,1.30583 2013.04.23 00:00:00,1.30583,1.30831,1.29718,1.2993 2013.04.24 00:00:00,1.2993,1.30331,1.29531,1.30146 2013.04.25 00:00:00,1.30146,1.30924,1.29877,1.30027 2013.04.26 00:00:00,1.30027,1.30466,1.29896,1.30272 2013.04.28 00:00:00,1.30272,1.30656,1.30178,1.30396 2013.04.29 00:00:00,1.30396,1.31154,1.30305,1.30933 2013.04.30 00:00:00,1.30933,1.31851,1.30526,1.31667 2013.05.01 00:00:00,1.31667,1.32418,1.31594,1.31783 2013.05.02 00:00:00,1.31783,1.32177,1.30363,1.30649 2013.05.03 00:00:00,1.30649,1.31586,1.30321,1.3113 2013.05.05 00:00:00,1.3113,1.31252,1.31076,1.31198 2013.05.06 00:00:00,1.31198,1.31399,1.30524,1.30714 2013.05.07 00:00:00,1.30714,1.31309,1.30667,1.30739 2013.05.08 00:00:00,1.30739,1.31934,1.30703,1.31591 2013.05.09 00:00:00,1.31591,1.3176,1.3009,1.30308 2013.05.10 00:00:00,1.30308,1.305,1.29342,1.29899 2013.05.12 00:00:00,1.29899,1.29899,1.29461,1.2966 2013.05.13 00:00:00,1.2966,1.29986,1.29403,1.29858 2013.05.14 00:00:00,1.29858,1.30282,1.29107,1.29353 2013.05.15 00:00:00,1.29353,1.29416,1.28423,1.28813 2013.05.16 00:00:00,1.28813,1.29291,1.28454,1.28818 2013.05.17 00:00:00,1.28818,1.2888,1.27953,1.28335 2013.05.19 00:00:00,1.28335,1.28472,1.28094,1.28298 2013.05.20 00:00:00,1.28298,1.29028,1.28183,1.28893 2013.05.21 00:00:00,1.28893,1.29324,1.284,1.29187 2013.05.22 00:00:00,1.29187,1.29971,1.28324,1.28411 2013.05.23 00:00:00,1.28411,1.29558,1.28204,1.29218 2013.05.24 00:00:00,1.29218,1.29924,1.29032,1.29332 2013.05.26 00:00:00,1.29332,1.29434,1.29231,1.29347 2013.05.27 00:00:00,1.29347,1.29476,1.29142,1.29329 2013.05.28 00:00:00,1.29329,1.29487,1.28404,1.28434 2013.05.29 00:00:00,1.28434,1.29766,1.28367,1.29454 2013.05.30 00:00:00,1.29454,1.30603,1.29323,1.30412 2013.05.31 00:00:00,1.30412,1.30476,1.29431,1.29945 2013.06.02 00:00:00,1.29945,1.29993,1.29768,1.29933 2013.06.03 00:00:00,1.29933,1.31069,1.29544,1.30693 2013.06.04 00:00:00,1.30693,1.31005,1.3041,1.30707 2013.06.05 00:00:00,1.30707,1.31151,1.30519,1.30856 2013.06.06 00:00:00,1.30856,1.3305,1.30741,1.32412 2013.06.07 00:00:00,1.32412,1.32836,1.31904,1.32117 2013.06.09 00:00:00,1.32117,1.3214,1.31823,1.32013 2013.06.10 00:00:00,1.32013,1.32681,1.31764,1.32517 2013.06.11 00:00:00,1.32517,1.33164,1.3231,1.33112 2013.06.12 00:00:00,1.33112,1.33584,1.32643,1.3343 2013.06.13 00:00:00,1.3343,1.33892,1.32776,1.33575 2013.06.14 00:00:00,1.33575,1.33722,1.32936,1.33416 2013.06.16 00:00:00,1.33416,1.33563,1.33292,1.33531 2013.06.17 00:00:00,1.33531,1.33803,1.33174,1.3361 2013.06.18 00:00:00,1.3361,1.34146,1.33248,1.33919 2013.06.19 00:00:00,1.33919,1.34156,1.32609,1.32806 2013.06.20 00:00:00,1.32806,1.32993,1.31602,1.32267 2013.06.21 00:00:00,1.32267,1.32531,1.30975,1.31187 2013.06.23 00:00:00,1.31187,1.31187,1.30777,1.31052 2013.06.24 00:00:00,1.31052,1.31428,1.30579,1.31337 2013.06.25 00:00:00,1.31337,1.31497,1.30638,1.30742 2013.06.26 00:00:00,1.30742,1.30862,1.29839,1.30151 2013.06.27 00:00:00,1.30151,1.30562,1.29992,1.3035 2013.06.28 00:00:00,1.3035,1.31022,1.29901,1.30092 2013.06.30 00:00:00,1.30092,1.30245,1.29983,1.30067 2013.07.01 00:00:00,1.30067,1.30699,1.30061,1.30667 2013.07.02 00:00:00,1.30667,1.30772,1.29623,1.29736 2013.07.03 00:00:00,1.29736,1.30317,1.29221,1.30196 2013.07.04 00:00:00,1.30196,1.30196,1.2882,1.28912 2013.07.05 00:00:00,1.28912,1.29044,1.28049,1.28287 2013.07.07 00:00:00,1.28287,1.28312,1.28067,1.28115 2013.07.08 00:00:00,1.28115,1.28808,1.28105,1.28597 2013.07.09 00:00:00,1.28597,1.2897,1.27541,1.27755 2013.07.10 00:00:00,1.27755,1.32056,1.27638,1.31152 2013.07.11 00:00:00,1.31152,1.31457,1.30046,1.30856 2013.07.12 00:00:00,1.30856,1.30988,1.2998,1.30657 2013.07.14 00:00:00,1.30657,1.30822,1.30504,1.30597 2013.07.15 00:00:00,1.30597,1.30779,1.29923,1.30567 2013.07.16 00:00:00,1.30567,1.31735,1.30475,1.31467 2013.07.17 00:00:00,1.31467,1.31772,1.3082,1.31152 2013.07.18 00:00:00,1.31152,1.31245,1.30652,1.31073 2013.07.19 00:00:00,1.31073,1.31534,1.30881,1.31343 2013.07.21 00:00:00,1.31343,1.31593,1.31256,1.3157 2013.07.22 00:00:00,1.3157,1.32172,1.3143,1.31898 2013.07.23 00:00:00,1.31898,1.32379,1.31624,1.32202 2013.07.24 00:00:00,1.32202,1.32552,1.31755,1.31893 2013.07.25 00:00:00,1.31893,1.32948,1.31646,1.32724 2013.07.26 00:00:00,1.32724,1.3296,1.32515,1.32762 2013.07.28 00:00:00,1.32762,1.32926,1.32709,1.32846 2013.07.29 00:00:00,1.32846,1.32942,1.32382,1.32621 2013.07.30 00:00:00,1.32621,1.33012,1.32333,1.32645 2013.07.31 00:00:00,1.32645,1.33436,1.32081,1.32994 2013.08.01 00:00:00,1.32994,1.331,1.31918,1.32104 2013.08.02 00:00:00,1.32104,1.3293,1.31867,1.32793 2013.08.04 00:00:00,1.32793,1.32863,1.3267,1.3276 2013.08.05 00:00:00,1.3276,1.32993,1.32316,1.32565 2013.08.06 00:00:00,1.32565,1.33221,1.3245,1.33062 2013.08.07 00:00:00,1.33062,1.33446,1.32647,1.33388 2013.08.08 00:00:00,1.33388,1.33997,1.33269,1.33781 2013.08.09 00:00:00,1.33781,1.33893,1.33315,1.33387 2013.08.11 00:00:00,1.33387,1.3343,1.33113,1.33373 2013.08.12 00:00:00,1.33373,1.33392,1.32762,1.32905 2013.08.13 00:00:00,1.32905,1.33164,1.32324,1.32639 2013.08.14 00:00:00,1.32639,1.32796,1.32379,1.32635 2013.08.15 00:00:00,1.32635,1.33622,1.32043,1.33494 2013.08.16 00:00:00,1.33494,1.33792,1.33099,1.33253 2013.08.18 00:00:00,1.33253,1.33412,1.3316,1.33279 2013.08.19 00:00:00,1.33279,1.33738,1.33142,1.33327 2013.08.20 00:00:00,1.33327,1.34509,1.33222,1.34195 2013.08.21 00:00:00,1.34195,1.34259,1.33341,1.334 2013.08.22 00:00:00,1.334,1.33721,1.32971,1.33544 2013.08.23 00:00:00,1.33544,1.34086,1.33322,1.33748 2013.08.25 00:00:00,1.33748,1.339,1.3371,1.33856 2013.08.26 00:00:00,1.33856,1.3393,1.33554,1.3377 2013.08.27 00:00:00,1.3377,1.33978,1.3321,1.33896 2013.08.28 00:00:00,1.33896,1.33967,1.3304,1.33335 2013.08.29 00:00:00,1.33335,1.3339,1.32181,1.32357 2013.08.30 00:00:00,1.32357,1.32538,1.31721,1.322 2013.09.01 00:00:00,1.322,1.32335,1.31956,1.32056 2013.09.02 00:00:00,1.32056,1.32262,1.31827,1.31881 2013.09.03 00:00:00,1.31881,1.31958,1.31373,1.31707 2013.09.04 00:00:00,1.31707,1.32168,1.31558,1.31983 2013.09.05 00:00:00,1.31983,1.32221,1.31093,1.31182 2013.09.06 00:00:00,1.31182,1.31886,1.31037,1.31755 2013.09.08 00:00:00,1.31755,1.31781,1.31524,1.31709 2013.09.09 00:00:00,1.31709,1.32797,1.31656,1.32545 2013.09.10 00:00:00,1.32545,1.32749,1.3229,1.32662 2013.09.11 00:00:00,1.32662,1.33236,1.32428,1.33123 2013.09.12 00:00:00,1.33123,1.33237,1.32552,1.32973 2013.09.13 00:00:00,1.32973,1.33208,1.32526,1.32979 2013.09.15 00:00:00,1.32979,1.3381,1.32873,1.33574 2013.09.16 00:00:00,1.33574,1.33845,1.3329,1.33343 2013.09.17 00:00:00,1.33343,1.33685,1.33241,1.33554 2013.09.18 00:00:00,1.33554,1.35408,1.3337,1.35224 2013.09.19 00:00:00,1.35224,1.35676,1.35083,1.35323 2013.09.20 00:00:00,1.35323,1.3548,1.34967,1.35253 2013.09.22 00:00:00,1.35253,1.3551,1.3523,1.35323 2013.09.23 00:00:00,1.35323,1.35436,1.34784,1.34956 2013.09.24 00:00:00,1.34956,1.35177,1.34635,1.34721 2013.09.25 00:00:00,1.34721,1.35363,1.34606,1.35163 2013.09.26 00:00:00,1.35163,1.35252,1.34711,1.34863 2013.09.27 00:00:00,1.34863,1.35635,1.34732,1.35195 2013.09.29 00:00:00,1.35195,1.35195,1.34649,1.34933 2013.09.30 00:00:00,1.34933,1.35552,1.34765,1.35224 2013.10.01 00:00:00,1.35224,1.35869,1.35154,1.35217 2013.10.02 00:00:00,1.35217,1.36064,1.35035,1.35887 2013.10.03 00:00:00,1.35887,1.36453,1.35794,1.36217 2013.10.04 00:00:00,1.36217,1.36308,1.35372,1.35521 2013.10.06 00:00:00,1.35521,1.35705,1.3546,1.35674 2013.10.07 00:00:00,1.35674,1.359,1.35415,1.35797 2013.10.08 00:00:00,1.35797,1.36061,1.35564,1.35977 2013.10.09 00:00:00,1.35977,1.35995,1.34846,1.35172 2013.10.10 00:00:00,1.35172,1.35458,1.34864,1.35252 2013.10.11 00:00:00,1.35252,1.35806,1.35183,1.35378 2013.10.13 00:00:00,1.35378,1.35638,1.35378,1.35541 2013.10.14 00:00:00,1.35541,1.35967,1.35443,1.35553 2013.10.15 00:00:00,1.35553,1.35699,1.34783,1.35196 2013.10.16 00:00:00,1.35196,1.35667,1.34717,1.35206 2013.10.17 00:00:00,1.35206,1.36808,1.35146,1.36673 2013.10.18 00:00:00,1.36673,1.37029,1.36582,1.36823 2013.10.20 00:00:00,1.36823,1.36877,1.36771,1.36801 2013.10.21 00:00:00,1.36801,1.36876,1.36501,1.3671 2013.10.22 00:00:00,1.3671,1.37913,1.36611,1.37771 2013.10.23 00:00:00,1.37771,1.37919,1.37403,1.37776 2013.10.24 00:00:00,1.37776,1.38241,1.37634,1.38006 2013.10.25 00:00:00,1.38006,1.38314,1.37733,1.38009 2013.10.27 00:00:00,1.38009,1.38098,1.37919,1.38035 2013.10.28 00:00:00,1.38035,1.38167,1.3774,1.37869 2013.10.29 00:00:00,1.37869,1.38123,1.37351,1.37414 2013.10.30 00:00:00,1.37414,1.37843,1.36945,1.37223 2013.10.31 00:00:00,1.37223,1.37376,1.35742,1.35778 2013.11.01 00:00:00,1.35778,1.35806,1.34789,1.34891 2013.11.03 00:00:00,1.34891,1.34959,1.34802,1.3491 2013.11.04 00:00:00,1.3491,1.35233,1.34407,1.35142 2013.11.05 00:00:00,1.35142,1.35212,1.34479,1.34709 2013.11.06 00:00:00,1.34709,1.35466,1.34666,1.35163 2013.11.07 00:00:00,1.35163,1.3528,1.3294,1.34076 2013.11.08 00:00:00,1.34076,1.34368,1.33166,1.3366 2013.11.10 00:00:00,1.3366,1.3366,1.33436,1.33454 2013.11.11 00:00:00,1.33454,1.34151,1.33454,1.34064 2013.11.12 00:00:00,1.34064,1.34552,1.33582,1.34365 2013.11.13 00:00:00,1.34365,1.34964,1.33891,1.34833 2013.11.14 00:00:00,1.34833,1.34931,1.34172,1.34447 2013.11.15 00:00:00,1.34447,1.35044,1.3431,1.34938 2013.11.17 00:00:00,1.34938,1.34973,1.34791,1.34811 2013.11.18 00:00:00,1.34811,1.3541,1.34733,1.35005 2013.11.19 00:00:00,1.35005,1.35788,1.34866,1.35631 2013.11.20 00:00:00,1.35631,1.35631,1.34142,1.34292 2013.11.21 00:00:00,1.34292,1.34854,1.33984,1.347 2013.11.22 00:00:00,1.347,1.35556,1.34612,1.35544 2013.11.24 00:00:00,1.35544,1.35589,1.35388,1.35502 2013.11.25 00:00:00,1.35502,1.35552,1.3489,1.35322 2013.11.26 00:00:00,1.35322,1.35738,1.352,1.35659 2013.11.27 00:00:00,1.35659,1.36119,1.35566,1.35719 2013.11.28 00:00:00,1.35719,1.36176,1.35626,1.36017 2013.11.29 00:00:00,1.36017,1.36205,1.35788,1.3591 2013.12.01 00:00:00,1.3591,1.35913,1.35762,1.35839 2013.12.02 00:00:00,1.35839,1.36147,1.35249,1.35409 2013.12.03 00:00:00,1.35409,1.36126,1.35232,1.35905 2013.12.04 00:00:00,1.35905,1.36043,1.35272,1.35844 2013.12.05 00:00:00,1.35844,1.36762,1.3542,1.36676 2013.12.06 00:00:00,1.36676,1.37052,1.3618,1.37012 2013.12.08 00:00:00,1.37012,1.37202,1.36967,1.37055 2013.12.09 00:00:00,1.37055,1.37448,1.36931,1.37358 2013.12.10 00:00:00,1.37358,1.37938,1.37332,1.37629 2013.12.11 00:00:00,1.37629,1.38096,1.37392,1.3784 2013.12.12 00:00:00,1.3784,1.38021,1.37363,1.37485 2013.12.13 00:00:00,1.37485,1.37681,1.37081,1.37415 2013.12.15 00:00:00,1.37415,1.37415,1.37234,1.37368 2013.12.16 00:00:00,1.37368,1.37977,1.37351,1.37596 2013.12.17 00:00:00,1.37596,1.37813,1.3722,1.37681 2013.12.18 00:00:00,1.37681,1.38107,1.36669,1.36814 2013.12.19 00:00:00,1.36814,1.36928,1.36483,1.36546 2013.12.20 00:00:00,1.36546,1.37082,1.36239,1.36663 2013.12.22 00:00:00,1.36663,1.36767,1.36636,1.36764 2013.12.23 00:00:00,1.36764,1.37158,1.36716,1.36961 2013.12.24 00:00:00,1.36961,1.3697,1.36538,1.36739 2013.12.26 00:00:00,1.36739,1.37009,1.36727,1.36934 2013.12.27 00:00:00,1.36934,1.38924,1.36913,1.37453 2013.12.29 00:00:00,1.37453,1.37689,1.37426,1.37501 2013.12.30 00:00:00,1.37501,1.3818,1.37271,1.38078 2013.12.31 00:00:00,1.38078,1.38114,1.37587,1.37769 2014.01.02 00:00:00,1.37769,1.37769,1.36284,1.36641 2014.01.03 00:00:00,1.36641,1.36707,1.35812,1.3588 2014.01.05 00:00:00,1.3588,1.35993,1.35865,1.35946 2014.01.06 00:00:00,1.35946,1.36521,1.35702,1.36286 2014.01.07 00:00:00,1.36286,1.36553,1.35953,1.3616 2014.01.08 00:00:00,1.3616,1.3634,1.35523,1.35702 2014.01.09 00:00:00,1.35702,1.36321,1.35469,1.36051 2014.01.10 00:00:00,1.36051,1.36863,1.35672,1.36661 2014.01.12 00:00:00,1.36661,1.36782,1.36635,1.36712 2014.01.13 00:00:00,1.36712,1.36837,1.36363,1.36676 2014.01.14 00:00:00,1.36676,1.36983,1.3648,1.3666 2014.01.15 00:00:00,1.3666,1.3672,1.35802,1.35984 2014.01.16 00:00:00,1.35984,1.36487,1.35821,1.36144 2014.01.17 00:00:00,1.36144,1.36199,1.35158,1.35353 2014.01.19 00:00:00,1.35353,1.35426,1.35238,1.35261 2014.01.20 00:00:00,1.35261,1.35671,1.35065,1.35446 2014.01.21 00:00:00,1.35446,1.3568,1.35152,1.35562 2014.01.22 00:00:00,1.35562,1.35828,1.35336,1.3543 2014.01.23 00:00:00,1.3543,1.36975,1.35292,1.3687 2014.01.24 00:00:00,1.3687,1.37383,1.36616,1.36703 2014.01.26 00:00:00,1.36703,1.36897,1.36685,1.36858 2014.01.27 00:00:00,1.36858,1.37155,1.36521,1.36732 2014.01.28 00:00:00,1.36732,1.36872,1.3628,1.36529 2014.01.29 00:00:00,1.36529,1.36837,1.36019,1.36561 2014.01.30 00:00:00,1.36561,1.36617,1.35422,1.35563 2014.01.31 00:00:00,1.35563,1.35724,1.34781,1.34876 2014.02.02 00:00:00,1.34876,1.34901,1.34771,1.34862 2014.02.03 00:00:00,1.34862,1.35344,1.3476,1.35214 2014.02.04 00:00:00,1.35214,1.35378,1.34922,1.35149 2014.02.05 00:00:00,1.35149,1.35545,1.34977,1.35327 2014.02.06 00:00:00,1.35327,1.36179,1.34809,1.35907 2014.02.07 00:00:00,1.35907,1.36428,1.35511,1.36314 2014.02.09 00:00:00,1.36314,1.36314,1.36079,1.36176 2014.02.10 00:00:00,1.36176,1.36506,1.36174,1.36442 2014.02.11 00:00:00,1.36442,1.36822,1.36283,1.36354 2014.02.12 00:00:00,1.36354,1.36515,1.35611,1.35866 2014.02.13 00:00:00,1.35866,1.36912,1.35844,1.36751 2014.02.14 00:00:00,1.36751,1.37138,1.36726,1.36899 2014.02.16 00:00:00,1.36899,1.37143,1.36899,1.37031 2014.02.17 00:00:00,1.37031,1.37232,1.36909,1.37028 2014.02.18 00:00:00,1.37028,1.37693,1.36935,1.37594 2014.02.19 00:00:00,1.37594,1.37722,1.37232,1.37282 2014.02.20 00:00:00,1.37282,1.37614,1.36845,1.37195 2014.02.21 00:00:00,1.37195,1.37576,1.37009,1.37354 2014.02.23 00:00:00,1.37354,1.37402,1.37233,1.37363 2014.02.24 00:00:00,1.37363,1.37704,1.37073,1.37335 2014.02.25 00:00:00,1.37335,1.3766,1.37143,1.37446 2014.02.26 00:00:00,1.37446,1.37562,1.36605,1.368 2014.02.27 00:00:00,1.368,1.37257,1.3642,1.37053 2014.02.28 00:00:00,1.37053,1.38238,1.36931,1.37984 2014.03.02 00:00:00,1.37984,1.37984,1.37508,1.3773 2014.03.03 00:00:00,1.3773,1.37916,1.37251,1.37343 2014.03.04 00:00:00,1.37343,1.37806,1.37197,1.37408 2014.03.05 00:00:00,1.37408,1.37483,1.37062,1.37304 2014.03.06 00:00:00,1.37304,1.38721,1.37193,1.38622 2014.03.07 00:00:00,1.38622,1.39141,1.38509,1.38774 2014.03.09 00:00:00,1.38774,1.38786,1.38631,1.38765 2014.03.10 00:00:00,1.38765,1.38966,1.38605,1.38748 2014.03.11 00:00:00,1.38748,1.38755,1.38326,1.38552 2014.03.12 00:00:00,1.38552,1.39133,1.38423,1.39012 2014.03.13 00:00:00,1.39012,1.39657,1.38446,1.3864 2014.03.14 00:00:00,1.3864,1.39365,1.38464,1.39044 2014.03.16 00:00:00,1.39044,1.39159,1.38874,1.39079 2014.03.17 00:00:00,1.39079,1.39466,1.38779,1.3924 2014.03.18 00:00:00,1.3924,1.3942,1.38787,1.3928 2014.03.19 00:00:00,1.3928,1.39316,1.38086,1.3817 2014.03.20 00:00:00,1.3817,1.38439,1.3748,1.37775 2014.03.21 00:00:00,1.37775,1.38097,1.37646,1.37854 2014.03.23 00:00:00,1.37854,1.38047,1.37854,1.37957 2014.03.24 00:00:00,1.37957,1.38749,1.37592,1.38351 2014.03.25 00:00:00,1.38351,1.38461,1.37479,1.38189 2014.03.26 00:00:00,1.38189,1.38222,1.37754,1.37845 2014.03.27 00:00:00,1.37845,1.37959,1.37274,1.37395 2014.03.28 00:00:00,1.37395,1.37721,1.37037,1.3751 2014.03.30 00:00:00,1.3751,1.37667,1.37439,1.3752 2014.03.31 00:00:00,1.3752,1.38079,1.37182,1.37728 2014.04.01 00:00:00,1.37728,1.38143,1.37681,1.37923 2014.04.02 00:00:00,1.37923,1.38193,1.37521,1.37655 2014.04.03 00:00:00,1.37655,1.38055,1.3697,1.37216 2014.04.04 00:00:00,1.37216,1.37302,1.36716,1.37011 2014.04.06 00:00:00,1.37011,1.37029,1.3689,1.37025 2014.04.07 00:00:00,1.37025,1.37475,1.36961,1.37409 2014.04.08 00:00:00,1.37409,1.38105,1.37361,1.37918 2014.04.09 00:00:00,1.37918,1.38611,1.37788,1.38513 2014.04.10 00:00:00,1.38513,1.38981,1.38348,1.38855 2014.04.11 00:00:00,1.38855,1.39048,1.38623,1.3883 2014.04.13 00:00:00,1.3883,1.3883,1.38292,1.38459 2014.04.14 00:00:00,1.38459,1.38619,1.38071,1.38144 2014.04.15 00:00:00,1.38144,1.38323,1.37889,1.38098 2014.04.16 00:00:00,1.38098,1.38504,1.38026,1.38227 2014.04.17 00:00:00,1.38227,1.38637,1.38095,1.38096 2014.04.18 00:00:00,1.38096,1.38212,1.38017,1.38048 2014.04.20 00:00:00,1.38048,1.38162,1.38015,1.38131 2014.04.21 00:00:00,1.38131,1.38293,1.37859,1.37905 2014.04.22 00:00:00,1.37905,1.38237,1.37839,1.38058 2014.04.23 00:00:00,1.38058,1.38536,1.37992,1.38159 2014.04.24 00:00:00,1.38159,1.38422,1.37903,1.38293 2014.04.25 00:00:00,1.38293,1.38472,1.38258,1.38327 2014.04.27 00:00:00,1.38327,1.38447,1.3829,1.38378 2014.04.28 00:00:00,1.38378,1.38784,1.38136,1.38507 2014.04.29 00:00:00,1.38507,1.38781,1.38045,1.38117 2014.04.30 00:00:00,1.38117,1.38756,1.37705,1.3867 2014.05.01 00:00:00,1.3867,1.3888,1.38617,1.38688 2014.05.02 00:00:00,1.38688,1.38806,1.3811,1.38713 2014.05.04 00:00:00,1.38713,1.38863,1.38684,1.38706 2014.05.05 00:00:00,1.38706,1.3885,1.38634,1.38735 2014.05.06 00:00:00,1.38735,1.39503,1.3871,1.39281 2014.05.07 00:00:00,1.39281,1.39375,1.3908,1.39093 2014.05.08 00:00:00,1.39093,1.39927,1.38319,1.38416 2014.05.09 00:00:00,1.38416,1.38425,1.37436,1.37599 2014.05.11 00:00:00,1.37599,1.376,1.37446,1.37593 2014.05.12 00:00:00,1.37593,1.37738,1.37483,1.37544 2014.05.13 00:00:00,1.37544,1.37704,1.36879,1.37067 2014.05.14 00:00:00,1.37067,1.37297,1.36969,1.37165 2014.05.15 00:00:00,1.37165,1.37314,1.36472,1.37158 2014.05.16 00:00:00,1.37158,1.37259,1.36843,1.36925 2014.05.18 00:00:00,1.36925,1.37018,1.36849,1.37018 2014.05.19 00:00:00,1.37018,1.37331,1.36973,1.37112 2014.05.20 00:00:00,1.37112,1.37127,1.36768,1.37023 2014.05.21 00:00:00,1.37023,1.37224,1.36332,1.36808 2014.05.22 00:00:00,1.36808,1.3686,1.36442,1.3652 2014.05.23 00:00:00,1.3652,1.36523,1.36146,1.3628 2014.05.25 00:00:00,1.3628,1.3639,1.36115,1.36266 2014.05.26 00:00:00,1.36266,1.36533,1.36144,1.36509 2014.05.27 00:00:00,1.36509,1.36675,1.36114,1.36324 2014.05.28 00:00:00,1.36324,1.36367,1.35874,1.35908 2014.05.29 00:00:00,1.35908,1.36246,1.3585,1.36015 2014.05.30 00:00:00,1.36015,1.3649,1.35974,1.36301 2014.06.01 00:00:00,1.36301,1.36414,1.36206,1.36276 2014.06.02 00:00:00,1.36276,1.3635,1.35869,1.35952 2014.06.03 00:00:00,1.35952,1.36469,1.3585,1.36199 2014.06.04 00:00:00,1.36199,1.3638,1.35954,1.36013 2014.06.05 00:00:00,1.36013,1.36688,1.35018,1.36593 2014.06.06 00:00:00,1.36593,1.3676,1.36199,1.364 2014.06.08 00:00:00,1.364,1.36472,1.36352,1.36466 2014.06.09 00:00:00,1.36466,1.36679,1.35813,1.35913 2014.06.10 00:00:00,1.35913,1.36007,1.35324,1.35381 2014.06.11 00:00:00,1.35381,1.3556,1.35204,1.35345 2014.06.12 00:00:00,1.35345,1.35709,1.35113,1.35495 2014.06.13 00:00:00,1.35495,1.3578,1.35198,1.35395 2014.06.15 00:00:00,1.35395,1.3543,1.35299,1.35348 2014.06.16 00:00:00,1.35348,1.35786,1.35119,1.35745 2014.06.17 00:00:00,1.35745,1.3586,1.35353,1.35476 2014.06.18 00:00:00,1.35476,1.35984,1.35407,1.35883 2014.06.19 00:00:00,1.35883,1.36423,1.35836,1.3609 2014.06.20 00:00:00,1.3609,1.36329,1.35632,1.35965 2014.06.22 00:00:00,1.35965,1.35965,1.35788,1.35899 2014.06.23 00:00:00,1.35899,1.36124,1.3573,1.35989 2014.06.24 00:00:00,1.35989,1.36267,1.35824,1.36048 2014.06.25 00:00:00,1.36048,1.36502,1.35995,1.36268 2014.06.26 00:00:00,1.36268,1.36403,1.35746,1.36102 2014.06.27 00:00:00,1.36102,1.36501,1.36088,1.36467 2014.06.29 00:00:00,1.36467,1.36469,1.36375,1.36423 2014.06.30 00:00:00,1.36423,1.36967,1.36392,1.36904 2014.07.01 00:00:00,1.36904,1.36995,1.36744,1.36791 2014.07.02 00:00:00,1.36791,1.36801,1.36396,1.36519 2014.07.03 00:00:00,1.36519,1.36632,1.3595,1.36076 2014.07.04 00:00:00,1.36076,1.361,1.35844,1.35921 2014.07.06 00:00:00,1.35921,1.35984,1.35828,1.35869 2014.07.07 00:00:00,1.35869,1.36081,1.35748,1.36046 2014.07.08 00:00:00,1.36046,1.36162,1.3587,1.36157 2014.07.09 00:00:00,1.36157,1.36474,1.36013,1.36422 2014.07.10 00:00:00,1.36422,1.36496,1.3588,1.3603 2014.07.11 00:00:00,1.3603,1.36237,1.35906,1.36064 2014.07.13 00:00:00,1.36064,1.36066,1.35945,1.3601 2014.07.14 00:00:00,1.3601,1.36392,1.35963,1.36206 2014.07.15 00:00:00,1.36206,1.3627,1.35608,1.35694 2014.07.16 00:00:00,1.35694,1.35702,1.35198,1.35269 2014.07.17 00:00:00,1.35269,1.35393,1.35114,1.35176 2014.07.18 00:00:00,1.35176,1.35348,1.34897,1.35216 2014.07.20 00:00:00,1.35216,1.35309,1.35216,1.35293 2014.07.21 00:00:00,1.35293,1.35479,1.35119,1.35209 2014.07.22 00:00:00,1.35209,1.35286,1.34576,1.34656 2014.07.23 00:00:00,1.34656,1.34731,1.34538,1.34601 2014.07.24 00:00:00,1.34601,1.34839,1.34367,1.34641 2014.07.25 00:00:00,1.34641,1.34745,1.342,1.3429 2014.07.27 00:00:00,1.3429,1.34342,1.34243,1.34276 2014.07.28 00:00:00,1.34276,1.34428,1.34258,1.34361 2014.07.29 00:00:00,1.34361,1.34433,1.34031,1.34087 2014.07.30 00:00:00,1.34087,1.34142,1.33658,1.33935 2014.07.31 00:00:00,1.33935,1.33994,1.33705,1.33878 2014.08.01 00:00:00,1.33878,1.34437,1.33774,1.34268 2014.08.03 00:00:00,1.34268,1.34314,1.34191,1.34268 2014.08.04 00:00:00,1.34268,1.343,1.34084,1.34205 2014.08.05 00:00:00,1.34205,1.34237,1.33571,1.33703 2014.08.06 00:00:00,1.33703,1.33867,1.3332,1.33785 2014.08.07 00:00:00,1.33785,1.33927,1.3336,1.33561 2014.08.08 00:00:00,1.33561,1.34315,1.33424,1.34078 2014.08.10 00:00:00,1.34078,1.34095,1.33961,1.34031 2014.08.11 00:00:00,1.34031,1.34075,1.33794,1.33811 2014.08.12 00:00:00,1.33811,1.3382,1.33348,1.33637 2014.08.13 00:00:00,1.33637,1.34142,1.33411,1.33647 2014.08.14 00:00:00,1.33647,1.34066,1.33474,1.33601 2014.08.15 00:00:00,1.33601,1.34107,1.33577,1.3397 2014.08.17 00:00:00,1.3397,1.3397,1.33788,1.33884 2014.08.18 00:00:00,1.33884,1.3398,1.33518,1.3359 2014.08.19 00:00:00,1.3359,1.33596,1.33119,1.33191 2014.08.20 00:00:00,1.33191,1.33205,1.32541,1.32579 2014.08.21 00:00:00,1.32579,1.32874,1.32409,1.32774 2014.08.22 00:00:00,1.32774,1.32955,1.32196,1.32383 2014.08.24 00:00:00,1.32383,1.32383,1.31812,1.3196 2014.08.25 00:00:00,1.3196,1.32093,1.31778,1.3185 2014.08.26 00:00:00,1.3185,1.32136,1.31636,1.31684 2014.08.27 00:00:00,1.31684,1.32088,1.31515,1.31908 2014.08.28 00:00:00,1.31908,1.32197,1.31585,1.3183 2014.08.29 00:00:00,1.3183,1.3195,1.31304,1.31307 2014.08.31 00:00:00,1.31307,1.31353,1.31235,1.31258 2014.09.01 00:00:00,1.31258,1.31445,1.3118,1.31301 2014.09.02 00:00:00,1.31301,1.31357,1.31091,1.31301 2014.09.03 00:00:00,1.31301,1.31589,1.3121,1.3147 2014.09.04 00:00:00,1.3147,1.31529,1.29189,1.29287 2014.09.05 00:00:00,1.29287,1.29885,1.29238,1.29498 2014.09.07 00:00:00,1.29498,1.29596,1.29279,1.29508 2014.09.08 00:00:00,1.29508,1.2958,1.28803,1.28901 2014.09.09 00:00:00,1.28901,1.29563,1.28583,1.294 2014.09.10 00:00:00,1.294,1.29617,1.28826,1.29158 2014.09.11 00:00:00,1.29158,1.29507,1.28961,1.29213 2014.09.12 00:00:00,1.29213,1.29783,1.29077,1.29568 2014.09.14 00:00:00,1.29568,1.29782,1.29568,1.29584 2014.09.15 00:00:00,1.29584,1.29681,1.29074,1.29373 2014.09.16 00:00:00,1.29373,1.29941,1.29211,1.29568 2014.09.17 00:00:00,1.29568,1.29803,1.28331,1.28476 2014.09.18 00:00:00,1.28476,1.29292,1.28474,1.29193 2014.09.19 00:00:00,1.29193,1.29278,1.28234,1.28234 2014.09.21 00:00:00,1.28234,1.28432,1.2822,1.28387 2014.09.22 00:00:00,1.28387,1.28667,1.28152,1.28491 2014.09.23 00:00:00,1.28491,1.29001,1.28383,1.28478 2014.09.24 00:00:00,1.28478,1.28629,1.27731,1.27757 2014.09.25 00:00:00,1.27757,1.27822,1.26953,1.2754 2014.09.26 00:00:00,1.2754,1.27588,1.26757,1.26798 2014.09.28 00:00:00,1.26798,1.26972,1.26653,1.26742 2014.09.29 00:00:00,1.26742,1.27137,1.26625,1.26889 2014.09.30 00:00:00,1.26889,1.27012,1.25699,1.26271 2014.10.01 00:00:00,1.26271,1.26385,1.25824,1.26204 2014.10.02 00:00:00,1.26204,1.26979,1.26127,1.26668 2014.10.03 00:00:00,1.26668,1.26678,1.24996,1.25122 2014.10.05 00:00:00,1.25122,1.25142,1.25045,1.25115 2014.10.06 00:00:00,1.25115,1.26734,1.2511,1.26421 2014.10.07 00:00:00,1.26421,1.26821,1.25824,1.26636 2014.10.08 00:00:00,1.26636,1.27537,1.26213,1.27395 2014.10.09 00:00:00,1.27395,1.27903,1.26626,1.2687 2014.10.10 00:00:00,1.2687,1.27148,1.26043,1.26262 2014.10.12 00:00:00,1.26262,1.26504,1.26194,1.26385 2014.10.13 00:00:00,1.26385,1.27672,1.26326,1.27205 2014.10.14 00:00:00,1.27205,1.27303,1.26305,1.26401 2014.10.15 00:00:00,1.26401,1.28861,1.26236,1.28192 2014.10.16 00:00:00,1.28192,1.28436,1.27044,1.28032 2014.10.17 00:00:00,1.28032,1.28357,1.27427,1.27579 2014.10.19 00:00:00,1.27579,1.27618,1.27353,1.27462 2014.10.20 00:00:00,1.27462,1.28156,1.27301,1.27933 2014.10.21 00:00:00,1.27933,1.28393,1.27052,1.27125 2014.10.22 00:00:00,1.27125,1.27387,1.2636,1.26404 2014.10.23 00:00:00,1.26404,1.26755,1.26125,1.26482 2014.10.24 00:00:00,1.26482,1.26946,1.26338,1.26682 2014.10.26 00:00:00,1.26682,1.26943,1.26682,1.26749 2014.10.27 00:00:00,1.26749,1.27225,1.26646,1.27012 2014.10.28 00:00:00,1.27012,1.27638,1.26835,1.2736 2014.10.29 00:00:00,1.2736,1.27696,1.26254,1.26304 2014.10.30 00:00:00,1.26304,1.26318,1.25459,1.26079 2014.10.31 00:00:00,1.26079,1.2608,1.24845,1.25184 2014.11.02 00:00:00,1.25184,1.25184,1.24975,1.25008 2014.11.03 00:00:00,1.25008,1.25102,1.24378,1.24911 2014.11.04 00:00:00,1.24911,1.25763,1.24889,1.25505 2014.11.05 00:00:00,1.25505,1.25661,1.2456,1.24764 2014.11.06 00:00:00,1.24764,1.25323,1.23636,1.2379 2014.11.07 00:00:00,1.2379,1.24687,1.23567,1.2452 2014.11.09 00:00:00,1.2452,1.24848,1.2452,1.24591 2014.11.10 00:00:00,1.24591,1.25081,1.24089,1.24248 2014.11.11 00:00:00,1.24248,1.24985,1.23931,1.24745 2014.11.12 00:00:00,1.24745,1.24967,1.24179,1.24286 2014.11.13 00:00:00,1.24286,1.24907,1.24264,1.24725 2014.11.14 00:00:00,1.24725,1.25453,1.23973,1.25207 2014.11.16 00:00:00,1.25207,1.25363,1.25122,1.252 2014.11.17 00:00:00,1.252,1.25765,1.24422,1.24489 2014.11.18 00:00:00,1.24489,1.25441,1.2448,1.2531 2014.11.19 00:00:00,1.2531,1.25993,1.2511,1.25396 2014.11.20 00:00:00,1.25396,1.25742,1.25031,1.25419 2014.11.21 00:00:00,1.25419,1.25671,1.23737,1.23863 2014.11.23 00:00:00,1.23863,1.23863,1.23581,1.23706 2014.11.24 00:00:00,1.23706,1.24436,1.23706,1.24326 2014.11.25 00:00:00,1.24326,1.24861,1.24009,1.24784 2014.11.26 00:00:00,1.24784,1.25307,1.24425,1.25031 2014.11.27 00:00:00,1.25031,1.25224,1.24547,1.24584 2014.11.28 00:00:00,1.24584,1.24892,1.24252,1.24489 2014.11.30 00:00:00,1.24489,1.24722,1.24306,1.24355 2014.12.01 00:00:00,1.24355,1.25056,1.2418,1.24689 2014.12.02 00:00:00,1.24689,1.2475,1.23756,1.23865 2014.12.03 00:00:00,1.23865,1.23895,1.23,1.2313 2014.12.04 00:00:00,1.2313,1.24552,1.22754,1.23845 2014.12.05 00:00:00,1.23845,1.23918,1.22696,1.22849 2014.12.07 00:00:00,1.22849,1.23017,1.22756,1.22926 2014.12.08 00:00:00,1.22926,1.23428,1.2246,1.23135 2014.12.09 00:00:00,1.23135,1.24469,1.22909,1.23868 2014.12.10 00:00:00,1.23868,1.24857,1.2361,1.24791 2014.12.11 00:00:00,1.24791,1.2494,1.23689,1.23921 2014.12.12 00:00:00,1.23921,1.24842,1.23832,1.24594 2014.12.14 00:00:00,1.24594,1.24832,1.24555,1.24627 2014.12.15 00:00:00,1.24627,1.2478,1.24134,1.24391 2014.12.16 00:00:00,1.24391,1.25686,1.24344,1.25097 2014.12.17 00:00:00,1.25097,1.25148,1.23191,1.23355 2014.12.18 00:00:00,1.23355,1.23519,1.22646,1.22871 2014.12.19 00:00:00,1.22871,1.23012,1.22188,1.22286 2014.12.21 00:00:00,1.22286,1.22286,1.22153,1.22235 2014.12.22 00:00:00,1.22235,1.22714,1.22155,1.22221 2014.12.23 00:00:00,1.22221,1.22445,1.21635,1.21739 2014.12.24 00:00:00,1.21739,1.2219,1.21683,1.22001 2014.12.26 00:00:00,1.22001,1.22197,1.21671,1.21767 2014.12.28 00:00:00,1.21767,1.21859,1.2166,1.21672 2014.12.29 00:00:00,1.21672,1.22199,1.21416,1.21521 2014.12.30 00:00:00,1.21521,1.21863,1.21225,1.21598 2014.12.31 00:00:00,1.21598,1.21686,1.20962,1.20981 2015.01.02 00:00:00,1.20981,1.20981,1.1997,1.19984 2015.01.04 00:00:00,1.19984,1.20044,1.18616,1.19457 2015.01.05 00:00:00,1.19457,1.19751,1.1886,1.19364 2015.01.06 00:00:00,1.19364,1.19676,1.18395,1.18712 2015.01.07 00:00:00,1.18712,1.18954,1.18009,1.18325 2015.01.08 00:00:00,1.18325,1.18463,1.1753,1.17909 2015.01.09 00:00:00,1.17909,1.1845,1.17613,1.184 2015.01.11 00:00:00,1.184,1.18689,1.1836,1.18686 2015.01.12 00:00:00,1.18686,1.18698,1.17849,1.18309 2015.01.13 00:00:00,1.18309,1.18584,1.17518,1.17758 2015.01.14 00:00:00,1.17758,1.18453,1.17262,1.17829 2015.01.15 00:00:00,1.17829,1.17898,1.15656,1.16352 2015.01.16 00:00:00,1.16352,1.16476,1.14582,1.1557 2015.01.18 00:00:00,1.1557,1.15723,1.15422,1.15599 2015.01.19 00:00:00,1.15599,1.16378,1.15501,1.15936 2015.01.20 00:00:00,1.15936,1.16138,1.15392,1.15444 2015.01.21 00:00:00,1.15444,1.16785,1.15402,1.16134 2015.01.22 00:00:00,1.16134,1.16499,1.13148,1.13454 2015.01.23 00:00:00,1.13454,1.13728,1.11131,1.12031 2015.01.25 00:00:00,1.12031,1.12031,1.1096,1.11406 2015.01.26 00:00:00,1.11406,1.12942,1.11367,1.12486 2015.01.27 00:00:00,1.12486,1.14214,1.12225,1.13666 2015.01.28 00:00:00,1.13666,1.13812,1.12709,1.12818 2015.01.29 00:00:00,1.12818,1.13668,1.12606,1.13326 2015.01.30 00:00:00,1.13326,1.13627,1.12739,1.1276 2015.02.01 00:00:00,1.1276,1.13272,1.1276,1.13062 2015.02.02 00:00:00,1.13062,1.1361,1.12912,1.13375 2015.02.03 00:00:00,1.13375,1.15327,1.13112,1.14555 2015.02.04 00:00:00,1.14555,1.14836,1.13028,1.13154 2015.02.05 00:00:00,1.13154,1.14977,1.13148,1.14696 2015.02.06 00:00:00,1.14696,1.14726,1.13101,1.13129 2015.02.08 00:00:00,1.13129,1.13246,1.12849,1.13124 2015.02.09 00:00:00,1.13124,1.13583,1.12691,1.13232 2015.02.10 00:00:00,1.13232,1.13442,1.12718,1.13174 2015.02.11 00:00:00,1.13174,1.13509,1.12786,1.13097 2015.02.12 00:00:00,1.13097,1.1422,1.13025,1.14026 2015.02.13 00:00:00,1.14026,1.1442,1.13789,1.13819 2015.02.15 00:00:00,1.13819,1.14235,1.13819,1.13964 2015.02.16 00:00:00,1.13964,1.14278,1.13182,1.13313 2015.02.17 00:00:00,1.13313,1.14479,1.13209,1.1403 2015.02.18 00:00:00,1.1403,1.1415,1.13327,1.13983 2015.02.19 00:00:00,1.13983,1.14491,1.1354,1.13645 2015.02.20 00:00:00,1.13645,1.14287,1.12778,1.13767 2015.02.22 00:00:00,1.13767,1.14108,1.13765,1.13792 2015.02.23 00:00:00,1.13792,1.13921,1.12938,1.13327 2015.02.24 00:00:00,1.13327,1.1357,1.1287,1.13382 2015.02.25 00:00:00,1.13382,1.13876,1.13346,1.13627 2015.02.26 00:00:00,1.13627,1.13785,1.11825,1.12013 2015.02.27 00:00:00,1.12013,1.1244,1.11746,1.11894 2015.03.01 00:00:00,1.11894,1.11894,1.11589,1.11596 2015.03.02 00:00:00,1.11596,1.12394,1.11596,1.11754 2015.03.03 00:00:00,1.11754,1.12164,1.11534,1.11816 2015.03.04 00:00:00,1.11816,1.11844,1.10604,1.1078 2015.03.05 00:00:00,1.1078,1.11134,1.09862,1.10306 2015.03.06 00:00:00,1.10306,1.10314,1.0836,1.08376 2015.03.08 00:00:00,1.08376,1.08452,1.08215,1.08436 2015.03.09 00:00:00,1.08436,1.09054,1.08284,1.08336 2015.03.10 00:00:00,1.08336,1.0836,1.06665,1.07056 2015.03.11 00:00:00,1.07056,1.07158,1.05099,1.05466 2015.03.12 00:00:00,1.05466,1.06826,1.04929,1.06253 2015.03.13 00:00:00,1.06253,1.06336,1.04613,1.04878 2015.03.15 00:00:00,1.04878,1.05046,1.04564,1.04826 2015.03.16 00:00:00,1.04826,1.06183,1.04821,1.05706 2015.03.17 00:00:00,1.05706,1.06497,1.05502,1.05938 2015.03.18 00:00:00,1.05938,1.10398,1.05788,1.08475 2015.03.19 00:00:00,1.08475,1.09182,1.06117,1.06678 2015.03.20 00:00:00,1.06678,1.08813,1.06544,1.08137 2015.03.22 00:00:00,1.08137,1.08817,1.08137,1.0824 2015.03.23 00:00:00,1.0824,1.09701,1.07662,1.09432 2015.03.24 00:00:00,1.09432,1.10281,1.08894,1.09035 2015.03.25 00:00:00,1.09035,1.10133,1.0903,1.09619 2015.03.26 00:00:00,1.09619,1.10511,1.08552,1.08837 2015.03.27 00:00:00,1.08837,1.09478,1.08001,1.08848 2015.03.29 00:00:00,1.08848,1.08938,1.08791,1.08817 2015.03.30 00:00:00,1.08817,1.08831,1.08088,1.08119 \ No newline at end of file diff --git a/Lecture09/NB_reviews.R b/Lecture09/NB_reviews.R new file mode 100644 index 00000000..35c080f1 --- /dev/null +++ b/Lecture09/NB_reviews.R @@ -0,0 +1,148 @@ +######################################### +# Sentiment Analysis +######################################### + +# Set these paths to where you downloaded the files +path_to_neg_folder = "aclImdb/train/neg" +path_to_pos_folder = "aclImdb/train/pos" + +# packages for text analysis +# install.packages("tm") +# install.packages("SnowballC") +library(tm) +library(SnowballC) + + +# In linguistics Corpus is a collection of documents +# In the tm package, corpus is a collection of +# strings representing individual sources of text +nb_pos = Corpus(DirSource(path_to_pos_folder), readerControl = list(language="en")) +nb_neg = Corpus(DirSource(path_to_neg_folder), readerControl = list(language="en")) +# recursive parameter in the c() function used to merge the two corpora is needed +# to maintain the metadata information stored in the corpus objects +nb_all = c(nb_pos, nb_neg, recursive=T) + +# see the metadata for the first review in our corpus +# observe id +# id : 0_9.txt +# this is the name of the file +# each filename is of the form _.txt +# scores in the range 7-10 are positive +# scores in the range 0-4 are negative +# we only have such polar reviews +meta(nb_all[[1]]) + +# create vector of filenames +ids = sapply(1:length(nb_all), function(x) meta(nb_all[[x]], "id")) +head(ids) + +# extract scores from the filenames using sub function +scores = as.numeric(sapply(ids, function(x) sub("[0-9]+_([0-9]+)\\.txt", "\\1", x))) +scores = factor(ifelse(scores>=7,"positive","negative")) +summary(scores) + +# preprocessing steps +nb_all = tm_map(nb_all, content_transformer(removeNumbers)) +nb_all = tm_map(nb_all, content_transformer(removePunctuation)) +nb_all = tm_map(nb_all, content_transformer(tolower)) +nb_all = tm_map(nb_all, content_transformer(removeWords), stopwords("english")) +nb_all = tm_map(nb_all, content_transformer(stripWhitespace)) + +# create document term matrix +nb_dtm = DocumentTermMatrix(nb_all) +dim(nb_dtm) +nb_dtm + +# remove infrequent items +# try repeating this with different sparsity +nb_dtm = removeSparseTerms(x=nb_dtm, sparse = 0.99) +dim(nb_dtm) +nb_dtm + +# inspect first review +inspect(nb_dtm[1,]) +terms = which( inspect(nb_dtm[1,]) != 0 ) # find terms in review 1 +inspect( nb_dtm[1,terms] ) + +# convert all elements to binary +# The occurrence of the word fantastic tells us a lot +# The fact that it occurs 5 times may not tell us much more +nb_dtm = weightBin(nb_dtm) + +inspect( nb_dtm[1,terms] ) + +# split into train and test +nb_df = as.data.frame(as.matrix(nb_dtm)) +set.seed(1) +nb_sampling_vector = sample(25000, 20000) +nb_df_train = nb_df[nb_sampling_vector,] +nb_df_test = nb_df[-nb_sampling_vector,] +scores_train = scores[nb_sampling_vector] +scores_test = scores[-nb_sampling_vector] + +library(e1071) +nb_model = naiveBayes(nb_df_train, scores_train) + +# compute training error +if (file.exists("nb_train_predictions.RData")) { + load("nb_train_predictions.RData") +} else { + nb_train_predictions = predict(nb_model, nb_df_train) + save(nb_train_predictions, file = "nb_train_predictions.RData") +} +mean(nb_train_predictions == scores_train) +table(actual = scores_train, predictions = nb_train_predictions) + +# compute test error +if (file.exists("nb_test_predictions.RData")) { + load("nb_test_predictions.RData") +} else { + nb_test_predictions = predict(nb_model, nb_df_test) + save(nb_test_predictions, file = "nb_test_predictions.RData") +} +mean(nb_test_predictions == scores_test) +table(actual = scores_test, predictions = nb_test_predictions) + +# also perform stemming as a preprocessing step +nb_all = tm_map(nb_all, stemDocument, language = "english") +nb_dtm = DocumentTermMatrix(nb_all) +nb_dtm = removeSparseTerms(x=nb_dtm, sparse = 0.99) +nb_dtm = weightBin(nb_dtm) +nb_df = as.data.frame(as.matrix(nb_dtm)) +nb_df_train = nb_df[nb_sampling_vector,] +nb_df_test = nb_df[-nb_sampling_vector,] + +# train model on stemmed corpora +nb_model_stem = naiveBayes(nb_df_train, scores_train) +if (file.exists("nb_test_predictions_stem.RData")) { + load("nb_test_predictions_stem.RData") +} else { + nb_test_predictions_stem = predict(nb_model_stem, nb_df_test) + save(nb_test_predictions_stem, file = "nb_test_predictions_stem.RData") +} +mean(nb_test_predictions_stem == scores_test) +table(actual = scores_test, predictions = nb_test_predictions_stem) + +# Note: Recompute the nb_dtm without stemming before running the next bit +nb_all = c(nb_pos, nb_neg, recursive=T) +nb_all = tm_map(nb_all, content_transformer(removeNumbers)) +nb_all = tm_map(nb_all, content_transformer(removePunctuation)) +nb_all = tm_map(nb_all, content_transformer(tolower)) +nb_all = tm_map(nb_all, content_transformer(removeWords), stopwords("english")) +nb_all = tm_map(nb_all, content_transformer(stripWhitespace)) +nb_dtm = DocumentTermMatrix(nb_all) +nb_dtm = removeSparseTerms(x=nb_dtm, sparse = 0.99) +nb_df = as.data.frame(as.matrix(nb_dtm)) +nb_df_train = nb_df[nb_sampling_vector,] +nb_df_test = nb_df[-nb_sampling_vector,] + +nb_model_laplace = naiveBayes(nb_df_train, scores_train, laplace=10) +if (file.exists("nb_test_predictions_laplace.RData")) { + load("nb_test_predictions_laplace.RData") +} else { + nb_test_predictions_laplace = predict(nb_model_laplace, nb_df_test) + save(nb_test_predictions_laplace, file = "nb_test_predictions_laplace.RData") +} +mean(nb_test_predictions_laplace == scores_test) +table(actual = scores_test, predictions = nb_test_predictions_laplace) + diff --git a/Lecture09/dishonest_casino.R b/Lecture09/dishonest_casino.R new file mode 100644 index 00000000..7670d0f4 --- /dev/null +++ b/Lecture09/dishonest_casino.R @@ -0,0 +1,74 @@ +#############you must install the package HMM +#### dishonestCasino +require(HMM) +nSim = 2000 +States = c("Fair", "Unfair") +Symbols = 1:6 +transProbs = matrix(c(0.99, 0.01, 0.02, 0.98), c(length(States), + length(States)), byrow = TRUE) +emissionProbs = matrix(c(rep(1/6, 6), c(rep(0.1, 5), 0.5)), + c(length(States), length(Symbols)), byrow = TRUE) +hmm = initHMM(States, Symbols, transProbs = transProbs, emissionProbs = emissionProbs) +sim = simHMM(hmm, nSim) +vit = viterbi(hmm, sim$observation) +f = forward(hmm, sim$observation) +b = backward(hmm, sim$observation) +i <- f[1, nSim] +j <- f[2, nSim] +probObservations = (i + log(1 + exp(j - i))) +posterior = exp((f + b) - probObservations) +x = list(hmm = hmm, sim = sim, vit = vit, posterior = posterior) +##Plotting simulated throws at top +mn = "Fair and unfair die" +xlb = "Throw nr." +ylb = "" + +plot(x$sim$observation, ylim = c(-7.5, 6), pch = 3, main = mn, + xlab = xlb, ylab = ylb, bty = "n", yaxt = "n") +axis(2, at = 1:6) +#######Simulated, which die was used (truth)#################### +text(0, -1.2, adj = 0, cex = 0.8, col = "black", "True: green = fair die") +for (i in 1:nSim) { + if (x$sim$states[i] == "Fair") + rect(i, -1, i + 1, 0, col = "green", border = NA) + else rect(i, -1, i + 1, 0, col = "red", border = NA) +} +########Most probable path (viterbi)####################### +text(0, -3.2, adj = 0, cex = 0.8, col = "black", "Most probable path") +for (i in 1:nSim) { + if (x$vit[i] == "Fair") + rect(i, -3, i + 1, -2, col = "green", border = NA) + else rect(i, -3, i + 1, -2, col = "red", border = NA) +} +##################Differences: +text(0, -5.2, adj = 0, cex = 0.8, col = "black", "Difference") +differing = !(x$sim$states == x$vit) +for (i in 1:nSim) { + if (differing[i]) + rect(i, -5, i + 1, -4, col = rgb(0.3, 0.3, 0.3), + border = NA) + else rect(i, -5, i + 1, -4, col = rgb(0.9, 0.9, 0.9), + border = NA) +} + +#################Posterior-probability:######################### +points(x$posterior[2, ] - 3, type = "l") +###############Difference with classification by posterior-probability:############ +text(0, -7.2, adj = 0, cex = 0.8, col = "black", "Difference by posterior-probability") +differing = !(x$sim$states == x$vit) +for (i in 1:nSim) { + if (posterior[1, i] > 0.5) { + if (x$sim$states[i] == "Fair") + rect(i, -7, i + 1, -6, col = rgb(0.9, 0.9, 0.9), + border = NA) + else rect(i, -7, i + 1, -6, col = rgb(0.3, 0.3, 0.3), + border = NA) + } + else { + if (x$sim$states[i] == "Unfair") + rect(i, -7, i + 1, -6, col = rgb(0.9, 0.9, 0.9), + border = NA) + else rect(i, -7, i + 1, -6, col = rgb(0.3, 0.3, 0.3), + border = NA) + } +} diff --git a/Lecture09/do_hmm_characters.R b/Lecture09/do_hmm_characters.R new file mode 100644 index 00000000..7cac7ef8 --- /dev/null +++ b/Lecture09/do_hmm_characters.R @@ -0,0 +1,63 @@ +###################################################################### +### do hmm on sequences of characters in words. +###################################################################### +library(HMM) #hidden markov model R library +###################################################################### +cat("### read in data\n") +##chardata will be lower case characters plus (N,P,W) which denote types of special characters +#these chars came from words, so roughly we are looking at the character sequence in words +chardat = scan("hmm-characters.txt",what="character") +print(table(chardat)) +cat("number of characters: ",length(chardat),"\n") +###################################################################### +cat("### fit hmm\n") +cds = chardat[1:3000] #use subset to makes things run fairly fast + +##set up hmm elements +#states and observations dims +states = c("1", "2", "3") #three hiden states +nstates <- length(states) +syms = unique(cds) # possible observation outcomes +nsyms = length(syms) + +#random starting values for transition probs, starting probs, and observation probs +set.seed(123) +startP = matrix(runif(nstates), 1, nstates); startP = startP/sum(startP) #probs for initial states +tranP = matrix(runif(nstates * nstates),nstates, nstates) #state transition matrix +tranP = sweep(tranP, 1,rowSums(tranP), FUN = "/") +obP = matrix(runif(nstates * nsyms), nstates, nsyms) #for each state, a distribution on possible observed symbols +obP = sweep(obP, 1, rowSums(obP), FUN = "/") + +#setup and run Baum-Welch and Viterbi +hmm = initHMM(states, syms, startProbs = startP, transProbs = tranP, emissionProbs = obP) #initialize hmm +cat("*** run BaumWelch (this may take a while, why did the siamese twins move to England?)\n") +BW = baumWelch(hmm, cds) #this may take a little while +cat("so the other one could drive\n") +sts = viterbi(BW$hmm, cds) +###################################################################### +cat("### plot fitted hhm\n") + +#observation probs +fhmm = BW$hmm +obProb = fhmm$emissionProbs +plot(c(1,nsyms),range(obProb),type="n",xlab="char #",ylab="prob") +title(main="observation (character) probs for different states") +for(i in 1:nstates) text(1:nsyms,obProb[i,],syms,col=i,cex=2) +legend("topleft",legend=paste0("state",1:3),col=1:nstates,pch=rep(16,nstates)) +dev.copy2pdf(file="obs-probs.pdf",height=6,width=12) + +#transition probs +tProb = fhmm$transProbs +plot(c(1,nstates),range(tProb),type="n",xlab="state",ylab="state Prob") +for(i in 1:nstates) lines(1:nstates,tProb[i,],col=i,lwd=2) +legend("topleft",legend=paste0("state",1:3),col=1:nstates,lwd=rep(2,nstates)) +title(main="transition probabilities") +#dev.copy2pdf(file="trans-probs.pdf",height=6,width=12) + +plot(as.numeric(sts[1:50]),xlab="observation #",ylab="state",type="b",pch=16,col="blue") +#dev.copy2pdf(file="states.pdf",height=6,width=12) + + + + + diff --git a/Lecture09/exaple_dag.R b/Lecture09/exaple_dag.R new file mode 100644 index 00000000..90d373b5 --- /dev/null +++ b/Lecture09/exaple_dag.R @@ -0,0 +1,49 @@ +# Lauritzen and Spiegehalter (1988) presents the following narrative: +# +# “Shortness–of–breath (dyspnoea ) may be due to tuberculosis, lung cancer +# or bronchitis, or none of them, or more than one of them. +# +# A recent visit to Asia increases the chances of tuberculosis, while smoking +# is known to be a risk factor for both lung cancer and bronchitis. +# +# The results of a single chest X–ray do not discriminate between lung cancer +# and tuberculosis, as neither does the presence or absence of dyspnoea.” +# +# +# p(V) = p(A)p(T|A)p(S)p(L|S)p(B|S)p(E|T, L)p(D|E, B)p(X|E) + +library(gRain) + +yn <- c("yes","no") +a <- cptable(~asia, values=c(1,99),levels=yn) +t.a <- cptable(~tub+asia, values=c(5,95,1,99),levels=yn) +s <- cptable(~smoke, values=c(5,5), levels=yn) +l.s <- cptable(~lung+smoke, values=c(1,9,1,99), levels=yn) +b.s <- cptable(~bronc+smoke, values=c(6,4,3,7), levels=yn) +e.lt <- cptable(~either+lung+tub,values=c(1,0,1,0,1,0,0,1),levels=yn) +x.e <- cptable(~xray+either, values=c(98,2,5,95), levels=yn) +d.be <- cptable(~dysp+bronc+either, values=c(9,1,7,3,8,2,1,9), levels=yn) +plist <- compileCPT(list(a, t.a, s, l.s, b.s, e.lt, x.e, d.be)) +bnet <- grain(plist) +bnet + +plist + +plist$tub + +plot(bnet) + +# Queries +querygrain(bnet, nodes=c('lung', 'tub', 'bronc')) + +# Setting findings and probability of findings + +bnet.f <- setFinding(bnet, nodes=c('asia', 'dysp'), state=c('yes','yes')) +bnet.f + +querygrain(bnet.f, nodes=c('lung', 'tub', 'bronc')) + +querygrain(bnet.f, nodes=c('lung', 'tub', 'bronc'), type='joint') + + + diff --git a/Lecture09/ffbs_hotels-example.R b/Lecture09/ffbs_hotels-example.R new file mode 100644 index 00000000..05b4debb --- /dev/null +++ b/Lecture09/ffbs_hotels-example.R @@ -0,0 +1,105 @@ +#-------------------------------------------------- +# R code +ffbsu = function(y,V,W,m0,C0){ +#y_t = theta_t + v_t, v_t ~ N(0,V) +#theta_t = theta_{t-1} + w_t, w_t ~ N(0,W) +#theta_0 ~ N(m0,C0) + n=length(y);a=rep(0,n);R=rep(0,n) + m=rep(0,n);C=rep(0,n);B=rep(0,n-1);H=rep(0,n-1) + # time t=1 + #a[1]=a1;R[1]=R1 + a[1]=m0;R[1]=C0+W + f=a[1];Q=R[1]+V;A=R[1]/Q + m[1]=a[1]+A*(y[1]-f);C[1]=R[1]-Q*A**2 + # forward filtering + for (t in 2:n){ + a[t]=m[t-1];R[t]=C[t-1]+W + f=a[t];Q=R[t]+V;A=R[t]/Q + m[t]=a[t]+A*(y[t]-f);C[t]=R[t]-Q*A**2 + B[t-1]=C[t-1]/R[t];H[t-1]=sqrt(C[t-1]-R[t]*B[t-1]**2) + } + # backward sampling + theta=rep(0,n);theta[n]=rnorm(1,m[n],sqrt(C[n])) + for (t in (n-1):1) theta[t]=rnorm(1,m[t]+B[t]*(theta[t+1]-a[t+1]),H[t]) + return(theta) +} + +#-------------------------------------------------- +# hotels initial +hd = read.table('hotelocc.txt',header=T) +#> names(hd) +#[1] "chicago" "hotel" "tm" + +n=nrow(hd) +hlm = lm(hotel~chicago,hd) +print(summary(hlm)) + +par(mfrow=c(1,1)) +plot(hd$chicago,hd$hotel,xlab='chicago',ylab='hotel',pch=16,col='blue') +abline(hlm$coef,lwd=2.0,col='red') +# dev.copy2pdf(file='hotreg.pdf',height=8,width=8) + +tdf = data.frame(r=hlm$resid) +tdf$tm = 1:n +rlm = lm(r~tm,tdf) +plot(tdf$r,ylab='residuals',xlab='time',pch=16,col='blue') +lines(rlm$fit,col='red',lwd=2) +# dev.copy2pdf(file='reshotreg.pdf',height=8,width=8) + +#-------------------------------------------------- +# hotels +hd = read.table('hotelocc.txt',header=T) +n=nrow(hd) +hd$tm = 1:n + +treg = lm(hotel~.,hd) +print(summary(treg)) + +V=5.4^2 +#yy = hd$hotel-.7*hd$chicago - 26.7 +yy=hlm$resid +W=4 + +nd=5000 +td = matrix(0,nd,n) + +for(i in 1:nd) { +td[i,] = ffbsu(yy,V,W,60,100) +} + +par(mfrow=c(1,2)) +qmat = apply(td,2,quantile,probs=c(.05,.25,.5,.75,.95)) +plot(yy,xlab='month',ylab='occ rate') +lines(qmat[3,],col='blue') +lines(qmat[1,],col='red') +lines(qmat[5,],col='red') +lines(qmat[2,],col='green') +lines(qmat[4,],col='green') +lines(rlm$fit,col='black',lwd=1,lty=3) +title(paste(main='W= ',W)) + +W=1 +for(i in 1:nd) { +td[i,] = ffbsu(yy,V,W,60,100) +} + +qmat = apply(td,2,quantile,probs=c(.05,.25,.5,.75,.95)) +plot(yy,xlab='month',ylab='occ rate') +lines(qmat[3,],col='blue') +lines(qmat[1,],col='red') +lines(qmat[5,],col='red') +lines(qmat[2,],col='green') +lines(qmat[4,],col='green') +lines(rlm$fit,col='black',lwd=1,lty=3) +title(paste(main='W= ',W)) +# dev.copy2pdf(file='rfit.pdf',height=6,width=12) + +#Coefficients: +# Estimate Std. Error t value Pr(>|t|) +#(Intercept) 26.69391 6.41884 4.159 0.00029 *** +#chicago 0.69524 0.09585 7.253 8.41e-08 *** +#tm -0.59648 0.11340 -5.260 1.52e-05 *** +#--- +#Signif. codes: 0 ‘***’ 0.001 ‘**’ 0.01 ‘*’ 0.05 ‘.’ 0.1 ‘ ’ 1 +# +#Residual standard error: 5.372 on 27 degrees of freedom diff --git a/Lecture09/hmm-characters.txt b/Lecture09/hmm-characters.txt new file mode 100644 index 00000000..c6a75fca --- /dev/null +++ b/Lecture09/hmm-characters.txt @@ -0,0 +1,88163 @@ +b +r +o +m +w +e +l +l +W +h +i +g +h +W +i +s +W +a +W +c +a +r +t +o +o +n +W +c +o +m +e +d +y +P +W +i +t +W +r +a +n +W +a +t +W +t +h +e +W +s +a +m +e +W +t +i +m +e +W +a +s +W +s +o +m +e +W +o +t +h +e +r +W +p +r +o +g +r +a +m +s +W +a +b +o +u +t +W +s +c +h +o +o +l +W +l +i +f +e +P +W +s +u +c +h +W +a +s +W +P +t +e +a +c +h +e +r +s +P +P +W +m +y +W +N +N +W +y +e +a +r +s +W +i +n +W +t +h +e +W +t +e +a +c +h +i +n +g +W +p +r +o +f +e +s +s +i +o +n +W +l +e +a +d +W +m +e +W +t +o +W +b +e +l +i +e +v +e +W +t +h +a +t +W +b +r +o +m +w +e +l +l +W +h +i +g +h +P +s +W +s +a +t +i +r +e +W +i +s +W +m +u +c +h +W +c +l +o +s +e +r +W +t +o +W +r +e +a +l +i +t +y +W +t +h +a +n +W +i +s +W +P +t +e +a +c +h +e +r +s +P +P +W +t +h +e +W +s +c +r +a +m +b +l +e +W +t +o +W +s +u +r +v +i +v +e +W +f +i +n +a +n +c +i +a +l +l +y +P +W +t +h +e +W +i +n +s +i +g +h +t +f +u +l +W +s +t +u +d +e +n +t +s +W +w +h +o +W +c +a +n +W +s +e +e +W +r +i +g +h +t +W +t +h +r +o +u +g +h +W +t +h +e +i +r +W +p +a +t +h +e +t +i +c +W +t +e +a +c +h +e +r +s +P +W +p +o +m +p +P +W +t +h +e +W +p +e +t +t +i +n +e +s +s +W +o +f +W +t +h +e +W +w +h +o +l +e +W +s +i +t +u +a +t +i +o +n +P +W +a +l +l +W +r +e +m +i +n +d +W +m +e +W +o +f +W +t +h +e +W +s +c +h +o +o +l +s +W +i +W +k +n +e +w +W +a +n +d +W +t +h +e +i +r +W +s +t +u +d +e +n +t +s +P +W +w +h +e +n +W +i +W +s +a +w +W +t +h +e +W +e +p +i +s +o +d +e +W +i +n +W +w +h +i +c +h +W +a +W +s +t +u +d +e +n +t +W +r +e +p +e +a +t +e +d +l +y +W +t +r +i +e +d +W +t +o +W +b +u +r +n +W +d +o +w +n +W +t +h +e +W +s +c +h +o +o +l +P +W +i +W +i +m +m +e +d +i +a +t +e +l +y +W +r +e +c +a +l +l +e +d +W +P +P +P +P +P +P +P +P +P +W +a +t +W +P +P +P +P +P +P +P +P +P +P +W +h +i +g +h +P +W +a +W +c +l +a +s +s +i +c +W +l +i +n +e +P +W +i +n +s +p +e +c +t +o +r +P +W +i +P +m +W +h +e +r +e +W +t +o +W +s +a +c +k +W +o +n +e +W +o +f +W +y +o +u +r +W +t +e +a +c +h +e +r +s +P +W +s +t +u +d +e +n +t +P +W +w +e +l +c +o +m +e +W +t +o +W +b +r +o +m +w +e +l +l +W +h +i +g +h +P +W +i +W +e +x +p +e +c +t +W +t +h +a +t +W +m +a +n +y +W +a +d +u +l +t +s +W +o +f +W +m +y +W +a +g +e +W +t +h +i +n +k +W +t +h +a +t +W +b +r +o +m +w +e +l +l +W +h +i +g +h +W +i +s +W +f +a +r +W +f +e +t +c +h +e +d +P +W +w +h +a +t +W +a +W +p +i +t +y +W +t +h +a +t +W +i +t +W +i +s +n +P +t +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +h +o +m +e +l +e +s +s +n +e +s +s +W +P +o +r +W +h +o +u +s +e +l +e +s +s +n +e +s +s +W +a +s +W +g +e +o +r +g +e +W +c +a +r +l +i +n +W +s +t +a +t +e +d +P +W +h +a +s +W +b +e +e +n +W +a +n +W +i +s +s +u +e +W +f +o +r +W +y +e +a +r +s +W +b +u +t +W +n +e +v +e +r +W +a +W +p +l +a +n +W +t +o +W +h +e +l +p +W +t +h +o +s +e +W +o +n +W +t +h +e +W +s +t +r +e +e +t +W +t +h +a +t +W +w +e +r +e +W +o +n +c +e +W +c +o +n +s +i +d +e +r +e +d +W +h +u +m +a +n +W +w +h +o +W +d +i +d +W +e +v +e +r +y +t +h +i +n +g +W +f +r +o +m +W +g +o +i +n +g +W +t +o +W +s +c +h +o +o +l +P +W +w +o +r +k +P +W +o +r +W +v +o +t +e +W +f +o +r +W +t +h +e +W +m +a +t +t +e +r +P +W +m +o +s +t +W +p +e +o +p +l +e +W +t +h +i +n +k +W +o +f +W +t +h +e +W +h +o +m +e +l +e +s +s +W +a +s +W +j +u +s +t +W +a +W +l +o +s +t +W +c +a +u +s +e +W +w +h +i +l +e +W +w +o +r +r +y +i +n +g +W +a +b +o +u +t +W +t +h +i +n +g +s +W +s +u +c +h +W +a +s +W +r +a +c +i +s +m +P +W +t +h +e +W +w +a +r +W +o +n +W +i +r +a +q +P +W +p +r +e +s +s +u +r +i +n +g +W +k +i +d +s +W +t +o +W +s +u +c +c +e +e +d +P +W +t +e +c +h +n +o +l +o +g +y +P +W +t +h +e +W +e +l +e +c +t +i +o +n +s +P +W +i +n +f +l +a +t +i +o +n +P +W +o +r +W +w +o +r +r +y +i +n +g +W +i +f +W +t +h +e +y +P +l +l +W +b +e +W +n +e +x +t +W +t +o +W +e +n +d +W +u +p +W +o +n +W +t +h +e +W +s +t +r +e +e +t +s +P +P +b +r +W +P +P +P +b +r +W +P +P +b +u +t +W +w +h +a +t +W +i +f +W +y +o +u +W +w +e +r +e +W +g +i +v +e +n +W +a +W +b +e +t +W +t +o +W +l +i +v +e +W +o +n +W +t +h +e +W +s +t +r +e +e +t +s +W +f +o +r +W +a +W +m +o +n +t +h +W +w +i +t +h +o +u +t +W +t +h +e +W +l +u +x +u +r +i +e +s +W +y +o +u +W +o +n +c +e +W +h +a +d +W +f +r +o +m +W +a +W +h +o +m +e +P +W +t +h +e +W +e +n +t +e +r +t +a +i +n +m +e +n +t +W +s +e +t +s +P +W +a +W +b +a +t +h +r +o +o +m +P +W +p +i +c +t +u +r +e +s +W +o +n +W +t +h +e +W +w +a +l +l +P +W +a +W +c +o +m +p +u +t +e +r +P +W +a +n +d +W +e +v +e +r +y +t +h +i +n +g +W +y +o +u +W +o +n +c +e +W +t +r +e +a +s +u +r +e +W +t +o +W +s +e +e +W +w +h +a +t +W +i +t +P +s +W +l +i +k +e +W +t +o +W +b +e +W +h +o +m +e +l +e +s +s +P +W +t +h +a +t +W +i +s +W +g +o +d +d +a +r +d +W +b +o +l +t +P +s +W +l +e +s +s +o +n +P +P +b +r +W +P +P +P +b +r +W +P +P +m +e +l +W +b +r +o +o +k +s +W +P +w +h +o +W +d +i +r +e +c +t +s +P +W +w +h +o +W +s +t +a +r +s +W +a +s +W +b +o +l +t +W +p +l +a +y +s +W +a +W +r +i +c +h +W +m +a +n +W +w +h +o +W +h +a +s +W +e +v +e +r +y +t +h +i +n +g +W +i +n +W +t +h +e +W +w +o +r +l +d +W +u +n +t +i +l +W +d +e +c +i +d +i +n +g +W +t +o +W +m +a +k +e +W +a +W +b +e +t +W +w +i +t +h +W +a +W +s +i +s +s +y +W +r +i +v +a +l +W +P +j +e +f +f +e +r +y +W +t +a +m +b +o +r +P +W +t +o +W +s +e +e +W +i +f +W +h +e +W +c +a +n +W +l +i +v +e +W +i +n +W +t +h +e +W +s +t +r +e +e +t +s +W +f +o +r +W +t +h +i +r +t +y +W +d +a +y +s +W +w +i +t +h +o +u +t +W +t +h +e +W +l +u +x +u +r +i +e +s +P +W +i +f +W +b +o +l +t +W +s +u +c +c +e +e +d +s +P +W +h +e +W +c +a +n +W +d +o +W +w +h +a +t +W +h +e +W +w +a +n +t +s +W +w +i +t +h +W +a +W +f +u +t +u +r +e +W +p +r +o +j +e +c +t +W +o +f +W +m +a +k +i +n +g +W +m +o +r +e +W +b +u +i +l +d +i +n +g +s +P +W +t +h +e +W +b +e +t +P +s +W +o +n +W +w +h +e +r +e +W +b +o +l +t +W +i +s +W +t +h +r +o +w +n +W +o +n +W +t +h +e +W +s +t +r +e +e +t +W +w +i +t +h +W +a +W +b +r +a +c +e +l +e +t +W +o +n +W +h +i +s +W +l +e +g +W +t +o +W +m +o +n +i +t +o +r +W +h +i +s +W +e +v +e +r +y +W +m +o +v +e +W +w +h +e +r +e +W +h +e +W +c +a +n +P +t +W +s +t +e +p +W +o +f +f +W +t +h +e +W +s +i +d +e +w +a +l +k +P +W +h +e +P +s +W +g +i +v +e +n +W +t +h +e +W +n +i +c +k +n +a +m +e +W +p +e +p +t +o +W +b +y +W +a +W +v +a +g +r +a +n +t +W +a +f +t +e +r +W +i +t +P +s +W +w +r +i +t +t +e +n +W +o +n +W +h +i +s +W +f +o +r +e +h +e +a +d +W +w +h +e +r +e +W +b +o +l +t +W +m +e +e +t +s +W +o +t +h +e +r +W +c +h +a +r +a +c +t +e +r +s +W +i +n +c +l +u +d +i +n +g +W +a +W +w +o +m +a +n +W +b +y +W +t +h +e +W +n +a +m +e +W +o +f +W +m +o +l +l +y +W +P +l +e +s +l +e +y +W +a +n +n +W +w +a +r +r +e +n +P +W +a +n +W +e +x +P +d +a +n +c +e +r +W +w +h +o +W +g +o +t +W +d +i +v +o +r +c +e +W +b +e +f +o +r +e +W +l +o +s +i +n +g +W +h +e +r +W +h +o +m +e +P +W +a +n +d +W +h +e +r +W +p +a +l +s +W +s +a +i +l +o +r +W +P +h +o +w +a +r +d +W +m +o +r +r +i +s +P +W +a +n +d +W +f +u +m +e +s +W +P +t +e +d +d +y +W +w +i +l +s +o +n +P +W +w +h +o +W +a +r +e +W +a +l +r +e +a +d +y +W +u +s +e +d +W +t +o +W +t +h +e +W +s +t +r +e +e +t +s +P +W +t +h +e +y +P +r +e +W +s +u +r +v +i +v +o +r +s +P +W +b +o +l +t +W +i +s +n +P +t +P +W +h +e +P +s +W +n +o +t +W +u +s +e +d +W +t +o +W +r +e +a +c +h +i +n +g +W +m +u +t +u +a +l +W +a +g +r +e +e +m +e +n +t +s +W +l +i +k +e +W +h +e +W +o +n +c +e +W +d +i +d +W +w +h +e +n +W +b +e +i +n +g +W +r +i +c +h +W +w +h +e +r +e +W +i +t +P +s +W +f +i +g +h +t +W +o +r +W +f +l +i +g +h +t +P +W +k +i +l +l +W +o +r +W +b +e +W +k +i +l +l +e +d +P +P +b +r +W +P +P +P +b +r +W +P +P +w +h +i +l +e +W +t +h +e +W +l +o +v +e +W +c +o +n +n +e +c +t +i +o +n +W +b +e +t +w +e +e +n +W +m +o +l +l +y +W +a +n +d +W +b +o +l +t +W +w +a +s +n +P +t +W +n +e +c +e +s +s +a +r +y +W +t +o +W +p +l +o +t +P +W +i +W +f +o +u +n +d +W +P +l +i +f +e +W +s +t +i +n +k +s +P +W +t +o +W +b +e +W +o +n +e +W +o +f +W +m +e +l +W +b +r +o +o +k +s +P +W +o +b +s +e +r +v +a +n +t +W +f +i +l +m +s +W +w +h +e +r +e +W +p +r +i +o +r +W +t +o +W +b +e +i +n +g +W +a +W +c +o +m +e +d +y +P +W +i +t +W +s +h +o +w +s +W +a +W +t +e +n +d +e +r +W +s +i +d +e +W +c +o +m +p +a +r +e +d +W +t +o +W +h +i +s +W +s +l +a +p +s +t +i +c +k +W +w +o +r +k +W +s +u +c +h +W +a +s +W +b +l +a +z +i +n +g +W +s +a +d +d +l +e +s +P +W +y +o +u +n +g +W +f +r +a +n +k +e +n +s +t +e +i +n +P +W +o +r +W +s +p +a +c +e +b +a +l +l +s +W +f +o +r +W +t +h +e +W +m +a +t +t +e +r +P +W +t +o +W +s +h +o +w +W +w +h +a +t +W +i +t +P +s +W +l +i +k +e +W +h +a +v +i +n +g +W +s +o +m +e +t +h +i +n +g +W +v +a +l +u +a +b +l +e +W +b +e +f +o +r +e +W +l +o +s +i +n +g +W +i +t +W +t +h +e +W +n +e +x +t +W +d +a +y +W +o +r +W +o +n +W +t +h +e +W +o +t +h +e +r +W +h +a +n +d +W +m +a +k +i +n +g +W +a +W +s +t +u +p +i +d +W +b +e +t +W +l +i +k +e +W +a +l +l +W +r +i +c +h +W +p +e +o +p +l +e +W +d +o +W +w +h +e +n +W +t +h +e +y +W +d +o +n +P +t +W +k +n +o +w +W +w +h +a +t +W +t +o +W +d +o +W +w +i +t +h +W +t +h +e +i +r +W +m +o +n +e +y +P +W +m +a +y +b +e +W +t +h +e +y +W +s +h +o +u +l +d +W +g +i +v +e +W +i +t +W +t +o +W +t +h +e +W +h +o +m +e +l +e +s +s +W +i +n +s +t +e +a +d +W +o +f +W +u +s +i +n +g +W +i +t +W +l +i +k +e +W +m +o +n +o +p +o +l +y +W +m +o +n +e +y +P +P +b +r +W +P +P +P +b +r +W +P +P +o +r +W +m +a +y +b +e +W +t +h +i +s +W +f +i +l +m +W +w +i +l +l +W +i +n +s +p +i +r +e +W +y +o +u +W +t +o +W +h +e +l +p +W +o +t +h +e +r +s +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +b +r +i +l +l +i +a +n +t +W +o +v +e +r +P +a +c +t +i +n +g +W +b +y +W +l +e +s +l +e +y +W +a +n +n +W +w +a +r +r +e +n +P +W +b +e +s +t +W +d +r +a +m +a +t +i +c +W +h +o +b +o +W +l +a +d +y +W +i +W +h +a +v +e +W +e +v +e +r +W +s +e +e +n +P +W +a +n +d +W +l +o +v +e +W +s +c +e +n +e +s +W +i +n +W +c +l +o +t +h +e +s +W +w +a +r +e +h +o +u +s +e +W +a +r +e +W +s +e +c +o +n +d +W +t +o +W +n +o +n +e +P +W +t +h +e +W +c +o +r +n +W +o +n +W +f +a +c +e +W +i +s +W +a +W +c +l +a +s +s +i +c +P +W +a +s +W +g +o +o +d +W +a +s +W +a +n +y +t +h +i +n +g +W +i +n +W +b +l +a +z +i +n +g +W +s +a +d +d +l +e +s +P +W +t +h +e +W +t +a +k +e +W +o +n +W +l +a +w +y +e +r +s +W +i +s +W +a +l +s +o +W +s +u +p +e +r +b +P +W +a +f +t +e +r +W +b +e +i +n +g +W +a +c +c +u +s +e +d +W +o +f +W +b +e +i +n +g +W +a +W +t +u +r +n +c +o +a +t +P +W +s +e +l +l +i +n +g +W +o +u +t +W +h +i +s +W +b +o +s +s +P +W +a +n +d +W +b +e +i +n +g +W +d +i +s +h +o +n +e +s +t +W +t +h +e +W +l +a +w +y +e +r +W +o +f +W +p +e +p +t +o +W +b +o +l +t +W +s +h +r +u +g +s +W +i +n +d +i +f +f +e +r +e +n +t +l +y +W +P +i +P +m +W +a +W +l +a +w +y +e +r +P +W +h +e +W +s +a +y +s +P +W +t +h +r +e +e +W +f +u +n +n +y +W +w +o +r +d +s +P +W +j +e +f +f +r +e +y +W +t +a +m +b +o +r +P +W +a +W +f +a +v +o +r +i +t +e +W +f +r +o +m +W +t +h +e +W +l +a +t +e +r +W +l +a +r +r +y +W +s +a +n +d +e +r +s +W +s +h +o +w +P +W +i +s +W +f +a +n +t +a +s +t +i +c +W +h +e +r +e +W +t +o +o +W +a +s +W +a +W +m +a +d +W +m +i +l +l +i +o +n +a +i +r +e +W +w +h +o +W +w +a +n +t +s +W +t +o +W +c +r +u +s +h +W +t +h +e +W +g +h +e +t +t +o +P +W +h +i +s +W +c +h +a +r +a +c +t +e +r +W +i +s +W +m +o +r +e +W +m +a +l +e +v +o +l +e +n +t +W +t +h +a +n +W +u +s +u +a +l +P +W +t +h +e +W +h +o +s +p +i +t +a +l +W +s +c +e +n +e +P +W +a +n +d +W +t +h +e +W +s +c +e +n +e +W +w +h +e +r +e +W +t +h +e +W +h +o +m +e +l +e +s +s +W +i +n +v +a +d +e +W +a +W +d +e +m +o +l +i +t +i +o +n +W +s +i +t +e +P +W +a +r +e +W +a +l +l +P +t +i +m +e +W +c +l +a +s +s +i +c +s +P +W +l +o +o +k +W +f +o +r +W +t +h +e +W +l +e +g +s +W +s +c +e +n +e +W +a +n +d +W +t +h +e +W +t +w +o +W +b +i +g +W +d +i +g +g +e +r +s +W +f +i +g +h +t +i +n +g +W +P +o +n +e +W +b +l +e +e +d +s +P +P +W +t +h +i +s +W +m +o +v +i +e +W +g +e +t +s +W +b +e +t +t +e +r +W +e +a +c +h +W +t +i +m +e +W +i +W +s +e +e +W +i +t +W +P +w +h +i +c +h +W +i +s +W +q +u +i +t +e +W +o +f +t +e +n +P +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +h +i +s +W +i +s +W +e +a +s +i +l +y +W +t +h +e +W +m +o +s +t +W +u +n +d +e +r +r +a +t +e +d +W +f +i +l +m +W +i +n +n +W +t +h +e +W +b +r +o +o +k +s +W +c +a +n +n +o +n +P +W +s +u +r +e +P +W +i +t +s +W +f +l +a +w +e +d +P +W +i +t +W +d +o +e +s +W +n +o +t +W +g +i +v +e +W +a +W +r +e +a +l +i +s +t +i +c +W +v +i +e +w +W +o +f +W +h +o +m +e +l +e +s +s +n +e +s +s +W +P +u +n +l +i +k +e +P +W +s +a +y +P +W +h +o +w +W +c +i +t +i +z +e +n +W +k +a +n +e +W +g +a +v +e +W +a +W +r +e +a +l +i +s +t +i +c +W +v +i +e +w +W +o +f +W +l +o +u +n +g +e +W +s +i +n +g +e +r +s +P +W +o +r +W +t +i +t +a +n +i +c +W +g +a +v +e +W +a +W +r +e +a +l +i +s +t +i +c +W +v +i +e +w +W +o +f +W +i +t +a +l +i +a +n +s +W +y +o +u +W +i +d +i +o +t +s +P +P +W +m +a +n +y +W +o +f +W +t +h +e +W +j +o +k +e +s +W +f +a +l +l +W +f +l +a +t +P +W +b +u +t +W +s +t +i +l +l +P +W +t +h +i +s +W +f +i +l +m +W +i +s +W +v +e +r +y +W +l +o +v +a +b +l +e +W +i +n +W +a +W +w +a +y +W +m +a +n +y +W +c +o +m +e +d +i +e +s +W +a +r +e +W +n +o +t +P +W +a +n +d +W +t +o +W +p +u +l +l +W +t +h +a +t +W +o +f +f +W +i +n +W +a +W +s +t +o +r +y +W +a +b +o +u +t +W +s +o +m +e +W +o +f +W +t +h +e +W +m +o +s +t +W +t +r +a +d +i +t +i +o +n +a +l +l +y +W +r +e +v +i +l +e +d +W +m +e +m +b +e +r +s +W +o +f +W +s +o +c +i +e +t +y +W +i +s +W +t +r +u +l +y +W +i +m +p +r +e +s +s +i +v +e +P +W +i +t +s +W +n +o +t +W +t +h +e +W +f +i +s +h +e +r +W +k +i +n +g +P +W +b +u +t +W +i +t +s +W +n +o +t +W +c +r +a +p +P +W +e +i +t +h +e +r +P +W +m +y +W +o +n +l +y +W +c +o +m +p +l +a +i +n +t +W +i +s +W +t +h +a +t +W +b +r +o +o +k +s +W +s +h +o +u +l +d +W +h +a +v +e +W +c +a +s +t +W +s +o +m +e +o +n +e +W +e +l +s +e +W +i +n +W +t +h +e +W +l +e +a +d +W +P +i +W +l +o +v +e +W +m +e +l +W +a +s +W +a +W +d +i +r +e +c +t +o +r +W +a +n +d +W +w +r +i +t +e +r +P +W +n +o +t +W +s +o +W +m +u +c +h +W +a +s +W +a +W +l +e +a +d +P +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +h +i +s +W +i +s +W +n +o +t +W +t +h +e +W +t +y +p +i +c +a +l +W +m +e +l +W +b +r +o +o +k +s +W +f +i +l +m +P +W +i +t +W +w +a +s +W +m +u +c +h +W +l +e +s +s +W +s +l +a +p +s +t +i +c +k +W +t +h +a +n +W +m +o +s +t +W +o +f +W +h +i +s +W +m +o +v +i +e +s +W +a +n +d +W +a +c +t +u +a +l +l +y +W +h +a +d +W +a +W +p +l +o +t +W +t +h +a +t +W +w +a +s +W +f +o +l +l +o +w +a +b +l +e +P +W +l +e +s +l +i +e +W +a +n +n +W +w +a +r +r +e +n +W +m +a +d +e +W +t +h +e +W +m +o +v +i +e +P +W +s +h +e +W +i +s +W +s +u +c +h +W +a +W +f +a +n +t +a +s +t +i +c +P +W +u +n +d +e +r +P +r +a +t +e +d +W +a +c +t +r +e +s +s +P +W +t +h +e +r +e +W +w +e +r +e +W +s +o +m +e +W +m +o +m +e +n +t +s +W +t +h +a +t +W +c +o +u +l +d +W +h +a +v +e +W +b +e +e +n +W +f +l +e +s +h +e +d +W +o +u +t +W +a +W +b +i +t +W +m +o +r +e +P +W +a +n +d +W +s +o +m +e +W +s +c +e +n +e +s +W +t +h +a +t +W +c +o +u +l +d +W +p +r +o +b +a +b +l +y +W +h +a +v +e +W +b +e +e +n +W +c +u +t +W +t +o +W +m +a +k +e +W +t +h +e +W +r +o +o +m +W +t +o +W +d +o +W +s +o +P +W +b +u +t +W +a +l +l +W +i +n +W +a +l +l +P +W +t +h +i +s +W +i +s +W +w +o +r +t +h +W +t +h +e +W +p +r +i +c +e +W +t +o +W +r +e +n +t +W +a +n +d +W +s +e +e +W +i +t +P +W +t +h +e +W +a +c +t +i +n +g +W +w +a +s +W +g +o +o +d +W +o +v +e +r +a +l +l +P +W +b +r +o +o +k +s +W +h +i +m +s +e +l +f +W +d +i +d +W +a +W +g +o +o +d +W +j +o +b +W +w +i +t +h +o +u +t +W +h +i +s +W +c +h +a +r +a +c +t +e +r +i +s +t +i +c +W +s +p +e +a +k +i +n +g +W +t +o +W +d +i +r +e +c +t +l +y +W +t +o +W +t +h +e +W +a +u +d +i +e +n +c +e +P +W +a +g +a +i +n +P +W +w +a +r +r +e +n +W +w +a +s +W +t +h +e +W +b +e +s +t +W +a +c +t +o +r +W +i +n +W +t +h +e +W +m +o +v +i +e +P +W +b +u +t +W +P +f +u +m +e +P +W +a +n +d +W +P +s +a +i +l +o +r +P +W +b +o +t +h +W +p +l +a +y +e +d +W +t +h +e +i +r +W +p +a +r +t +s +W +w +e +l +l +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +h +i +s +W +i +s +n +P +t +W +t +h +e +W +c +o +m +e +d +i +c +W +r +o +b +i +n +W +w +i +l +l +i +a +m +s +P +W +n +o +r +W +i +s +W +i +t +W +t +h +e +W +q +u +i +r +k +y +P +i +n +s +a +n +e +W +r +o +b +i +n +W +w +i +l +l +i +a +m +s +W +o +f +W +r +e +c +e +n +t +W +t +h +r +i +l +l +e +r +W +f +a +m +e +P +W +t +h +i +s +W +i +s +W +a +W +h +y +b +r +i +d +W +o +f +W +t +h +e +W +c +l +a +s +s +i +c +W +d +r +a +m +a +W +w +i +t +h +o +u +t +W +o +v +e +r +P +d +r +a +m +a +t +i +z +a +t +i +o +n +P +W +m +i +x +e +d +W +w +i +t +h +W +r +o +b +i +n +P +s +W +n +e +w +W +l +o +v +e +W +o +f +W +t +h +e +W +t +h +r +i +l +l +e +r +P +W +b +u +t +W +t +h +i +s +W +i +s +n +P +t +W +a +W +t +h +r +i +l +l +e +r +P +W +p +e +r +W +s +e +P +W +t +h +i +s +W +i +s +W +m +o +r +e +W +a +W +m +y +s +t +e +r +y +P +s +u +s +p +e +n +s +e +W +v +e +h +i +c +l +e +W +t +h +r +o +u +g +h +W +w +h +i +c +h +W +w +i +l +l +i +a +m +s +W +a +t +t +e +m +p +t +s +W +t +o +W +l +o +c +a +t +e +W +a +W +s +i +c +k +W +b +o +y +W +a +n +d +W +h +i +s +W +k +e +e +p +e +r +P +P +b +r +W +P +P +P +b +r +W +P +P +a +l +s +o +W +s +t +a +r +r +i +n +g +W +s +a +n +d +r +a +W +o +h +W +a +n +d +W +r +o +r +y +W +c +u +l +k +i +n +P +W +t +h +i +s +W +s +u +s +p +e +n +s +e +W +d +r +a +m +a +W +p +l +a +y +s +W +p +r +e +t +t +y +W +m +u +c +h +W +l +i +k +e +W +a +W +n +e +w +s +W +r +e +p +o +r +t +P +W +u +n +t +i +l +W +w +i +l +l +i +a +m +P +s +W +c +h +a +r +a +c +t +e +r +W +g +e +t +s +W +c +l +o +s +e +W +t +o +W +a +c +h +i +e +v +i +n +g +W +h +i +s +W +g +o +a +l +P +P +b +r +W +P +P +P +b +r +W +P +P +i +W +m +u +s +t +W +s +a +y +W +t +h +a +t +W +i +W +w +a +s +W +h +i +g +h +l +y +W +e +n +t +e +r +t +a +i +n +e +d +P +W +t +h +o +u +g +h +W +t +h +i +s +W +m +o +v +i +e +W +f +a +i +l +s +W +t +o +W +t +e +a +c +h +P +W +g +u +i +d +e +P +W +i +n +s +p +e +c +t +P +W +o +r +W +a +m +u +s +e +P +W +i +t +W +f +e +l +t +W +m +o +r +e +W +l +i +k +e +W +i +W +w +a +s +W +w +a +t +c +h +i +n +g +W +a +W +g +u +y +W +P +w +i +l +l +i +a +m +s +P +P +W +a +s +W +h +e +W +w +a +s +W +a +c +t +u +a +l +l +y +W +p +e +r +f +o +r +m +i +n +g +W +t +h +e +W +a +c +t +i +o +n +s +P +W +f +r +o +m +W +a +W +t +h +i +r +d +W +p +e +r +s +o +n +W +p +e +r +s +p +e +c +t +i +v +e +P +W +i +n +W +o +t +h +e +r +W +w +o +r +d +s +P +W +i +t +W +f +e +l +t +W +r +e +a +l +P +W +a +n +d +W +i +W +w +a +s +W +a +b +l +e +W +t +o +W +s +u +b +s +c +r +i +b +e +W +t +o +W +t +h +e +W +p +r +e +m +i +s +e +W +o +f +W +t +h +e +W +s +t +o +r +y +P +P +b +r +W +P +P +P +b +r +W +P +P +a +l +l +W +i +n +W +a +l +l +P +W +i +t +P +s +W +w +o +r +t +h +W +a +W +w +a +t +c +h +P +W +t +h +o +u +g +h +W +i +t +P +s +W +d +e +f +i +n +i +t +e +l +y +W +n +o +t +W +f +r +i +d +a +y +P +s +a +t +u +r +d +a +y +W +n +i +g +h +t +W +f +a +r +e +P +P +b +r +W +P +P +P +b +r +W +P +P +i +t +W +r +a +t +e +s +W +a +W +N +P +N +P +N +N +W +f +r +o +m +P +P +P +P +b +r +W +P +P +P +b +r +W +P +P +t +h +e +W +f +i +e +n +d +W +P +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +y +e +s +W +i +t +s +W +a +n +W +a +r +t +P +P +P +W +t +o +W +s +u +c +c +e +s +s +f +u +l +l +y +W +m +a +k +e +W +a +W +s +l +o +w +W +p +a +c +e +d +W +t +h +r +i +l +l +e +r +P +P +b +r +W +P +P +P +b +r +W +P +P +t +h +e +W +s +t +o +r +y +W +u +n +f +o +l +d +s +W +i +n +W +n +i +c +e +W +v +o +l +u +m +e +s +W +w +h +i +l +e +W +y +o +u +W +d +o +n +P +t +W +e +v +e +n +W +n +o +t +i +c +e +W +i +t +W +h +a +p +p +e +n +i +n +g +P +P +b +r +W +P +P +P +b +r +W +P +P +f +i +n +e +W +p +e +r +f +o +r +m +a +n +c +e +W +b +y +W +r +o +b +i +n +W +w +i +l +l +i +a +m +s +P +W +t +h +e +W +s +e +x +u +a +l +i +t +y +W +a +n +g +l +e +s +W +i +n +W +t +h +e +W +f +i +l +m +W +c +a +n +W +s +e +e +m +W +u +n +n +e +c +e +s +s +a +r +y +W +a +n +d +W +c +a +n +W +p +r +o +b +a +b +l +y +W +a +f +f +e +c +t +W +h +o +w +W +m +u +c +h +W +y +o +u +W +e +n +j +o +y +W +t +h +e +W +f +i +l +m +P +W +h +o +w +e +v +e +r +P +W +t +h +e +W +c +o +r +e +W +p +l +o +t +W +i +s +W +v +e +r +y +W +e +n +g +a +g +i +n +g +P +W +t +h +e +W +m +o +v +i +e +W +d +o +e +s +n +P +t +W +r +u +s +h +W +o +n +t +o +W +y +o +u +W +a +n +d +W +s +t +i +l +l +W +g +r +i +p +s +W +y +o +u +W +e +n +o +u +g +h +W +t +o +W +k +e +e +p +W +y +o +u +W +w +o +n +d +e +r +i +n +g +P +W +t +h +e +W +d +i +r +e +c +t +i +o +n +W +i +s +W +g +o +o +d +P +W +u +s +e +W +o +f +W +l +i +g +h +t +s +W +t +o +W +a +c +h +i +e +v +e +W +d +e +s +i +r +e +d +W +a +f +f +e +c +t +s +W +o +f +W +s +u +s +p +e +n +s +e +W +a +n +d +W +u +n +e +x +p +e +c +t +e +d +n +e +s +s +W +i +s +W +g +o +o +d +P +P +b +r +W +P +P +P +b +r +W +P +P +v +e +r +y +W +n +i +c +e +W +N +W +t +i +m +e +W +w +a +t +c +h +W +i +f +W +y +o +u +W +a +r +e +W +l +o +o +k +i +n +g +W +t +o +W +l +a +y +W +b +a +c +k +W +a +n +d +W +h +e +a +r +W +a +W +t +h +r +i +l +l +i +n +g +W +s +h +o +r +t +W +s +t +o +r +y +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +i +n +W +t +h +i +s +W +P +c +r +i +t +i +c +a +l +l +y +W +a +c +c +l +a +i +m +e +d +W +p +s +y +c +h +o +l +o +g +i +c +a +l +W +t +h +r +i +l +l +e +r +W +b +a +s +e +d +W +o +n +W +t +r +u +e +W +e +v +e +n +t +s +P +W +g +a +b +r +i +e +l +W +P +r +o +b +i +n +W +w +i +l +l +i +a +m +s +P +P +W +a +W +c +e +l +e +b +r +a +t +e +d +W +w +r +i +t +e +r +W +a +n +d +W +l +a +t +e +P +n +i +g +h +t +W +t +a +l +k +W +s +h +o +w +W +h +o +s +t +P +W +b +e +c +o +m +e +s +W +c +a +p +t +i +v +a +t +e +d +W +b +y +W +t +h +e +W +h +a +r +r +o +w +i +n +g +W +s +t +o +r +y +W +o +f +W +a +W +y +o +u +n +g +W +l +i +s +t +e +n +e +r +W +a +n +d +W +h +i +s +W +a +d +o +p +t +i +v +e +W +m +o +t +h +e +r +W +P +t +o +n +i +W +c +o +l +l +e +t +t +e +P +P +W +w +h +e +n +W +t +r +o +u +b +l +i +n +g +W +q +u +e +s +t +i +o +n +s +W +a +r +i +s +e +W +a +b +o +u +t +W +t +h +i +s +W +b +o +y +P +s +W +P +s +t +o +r +y +P +P +W +h +o +w +e +v +e +r +P +W +g +a +b +r +i +e +l +W +f +i +n +d +s +W +h +i +m +s +e +l +f +W +d +r +a +w +n +W +i +n +t +o +W +a +W +w +i +d +e +n +i +n +g +W +m +y +s +t +e +r +y +W +t +h +a +t +W +h +i +d +e +s +W +a +W +d +e +a +d +l +y +W +s +e +c +r +e +t +P +W +a +c +c +o +r +d +i +n +g +W +t +o +W +f +i +l +m +P +s +W +o +f +f +i +c +i +a +l +W +s +y +n +o +p +s +i +s +P +P +b +r +W +P +P +P +b +r +W +P +P +y +o +u +W +r +e +a +l +l +y +W +s +h +o +u +l +d +W +s +t +o +p +W +r +e +a +d +i +n +g +W +t +h +e +s +e +W +c +o +m +m +e +n +t +s +P +W +a +n +d +W +w +a +t +c +h +W +t +h +e +W +f +i +l +m +W +n +o +w +P +P +P +P +b +r +W +P +P +P +b +r +W +P +P +t +h +e +W +P +h +o +w +W +d +i +d +W +h +e +W +l +o +s +e +W +h +i +s +W +l +e +g +P +P +W +e +n +d +i +n +g +P +W +w +i +t +h +W +m +s +P +W +c +o +l +l +e +t +t +e +W +p +l +a +n +n +i +n +g +W +h +e +r +W +n +e +w +W +l +i +f +e +P +W +s +h +o +u +l +d +W +b +e +W +c +h +o +p +p +e +d +W +o +f +f +P +W +a +n +d +W +s +e +n +t +W +t +o +W +P +d +e +l +e +t +e +d +W +s +c +e +n +e +s +P +W +l +a +n +d +P +W +i +t +P +s +W +o +v +e +r +k +i +l +l +P +W +t +h +e +W +t +r +u +e +W +n +a +t +u +r +e +W +o +f +W +h +e +r +W +p +h +y +s +i +c +a +l +W +a +n +d +W +m +e +n +t +a +l +W +a +i +l +m +e +n +t +s +W +s +h +o +u +l +d +W +b +e +W +o +b +v +i +o +u +s +P +W +b +y +W +t +h +e +W +t +i +m +e +W +m +r +P +W +w +i +l +l +i +a +m +s +W +r +e +t +u +r +n +s +W +t +o +W +n +e +w +W +y +o +r +k +P +W +p +o +s +s +i +b +l +y +P +W +h +e +r +W +b +l +i +n +d +n +e +s +s +W +c +o +u +l +d +W +b +e +W +i +n +W +q +u +e +s +t +i +o +n +W +P +W +b +u +t +W +a +W +r +e +v +e +l +a +t +i +o +n +W +c +o +u +l +d +W +h +a +v +e +W +b +e +W +m +a +d +e +W +c +e +r +t +a +i +n +W +i +n +W +e +i +t +h +e +r +W +t +h +e +W +P +h +i +g +h +w +a +y +P +W +o +r +W +P +v +i +d +e +o +W +t +a +p +e +P +W +s +c +e +n +e +s +P +W +t +h +e +W +f +i +l +m +W +w +o +u +l +d +W +b +e +n +e +f +i +t +W +f +r +o +m +W +a +W +r +e +P +e +d +i +t +i +n +g +W +P +W +h +o +w +W +a +b +o +u +t +W +a +W +P +d +i +r +e +c +t +o +r +P +s +W +c +u +t +P +P +W +P +b +r +W +P +P +P +b +r +W +P +P +w +i +l +l +i +a +m +s +W +a +n +d +W +b +o +b +b +y +W +c +a +n +n +a +v +a +l +e +W +P +a +s +W +j +e +s +s +P +W +d +o +n +P +t +W +s +e +e +m +P +W +i +n +i +t +i +a +l +l +y +P +W +b +e +l +i +e +v +a +b +l +e +W +a +s +W +a +W +c +o +u +p +l +e +P +W +a +W +s +c +e +n +e +W +o +r +W +t +w +o +W +e +s +t +a +b +l +i +s +h +i +n +g +W +t +h +e +i +r +W +r +e +l +a +t +i +o +n +s +h +i +p +W +m +i +g +h +t +W +h +a +v +e +W +h +e +l +p +e +d +W +s +e +t +W +t +h +e +W +s +t +a +g +e +P +W +o +t +h +e +r +w +i +s +e +P +W +t +h +e +W +c +a +s +t +W +i +s +W +e +x +e +m +p +l +a +r +y +P +W +w +i +l +l +i +a +m +s +W +o +f +f +e +r +s +W +a +n +W +e +x +c +e +p +t +i +o +n +a +l +l +y +W +s +t +r +o +n +g +W +c +h +a +r +a +c +t +e +r +i +z +a +t +i +o +n +P +W +a +n +d +W +n +o +t +W +a +W +P +g +a +y +W +i +m +p +e +r +s +o +n +a +t +i +o +n +P +P +W +s +a +n +d +r +a +W +o +h +W +P +a +s +W +a +n +n +a +P +P +W +j +o +e +W +m +o +r +t +o +n +W +P +a +s +W +a +s +h +e +P +P +W +a +n +d +W +r +o +r +y +W +c +u +l +k +i +n +W +P +p +e +t +e +W +l +o +g +a +n +d +P +W +a +r +e +W +a +l +l +W +p +e +r +f +e +c +t +P +P +b +r +W +P +P +P +b +r +W +P +P +b +e +s +t +W +o +f +W +a +l +l +P +W +c +o +l +l +e +t +t +e +P +s +W +P +d +o +n +n +a +P +W +b +e +l +o +n +g +s +W +i +n +W +t +h +e +W +c +r +e +e +p +y +W +h +a +l +l +W +o +f +W +f +a +m +e +P +W +m +s +P +W +o +h +W +i +s +W +c +o +r +r +e +c +t +W +i +n +W +s +a +y +i +n +g +W +c +o +l +l +e +t +t +e +W +m +i +g +h +t +W +b +e +P +W +P +y +o +u +W +k +n +o +w +P +W +l +i +k +e +W +t +h +a +t +W +g +u +y +W +f +r +o +m +W +P +p +s +y +c +h +o +P +P +P +W +t +h +e +r +e +W +h +a +v +e +W +b +e +e +n +W +s +e +v +e +r +a +l +W +y +e +a +r +s +W +w +h +e +n +W +o +r +g +a +n +i +z +a +t +i +o +n +s +W +g +i +v +i +n +g +W +a +c +t +i +n +g +W +a +w +a +r +d +s +W +s +e +e +m +e +d +W +t +o +W +r +e +a +c +h +W +f +o +r +W +w +o +m +e +n +P +W +d +u +e +W +t +o +W +a +W +s +l +i +g +h +t +e +r +W +d +i +s +p +e +r +s +i +o +n +W +o +f +W +r +o +l +e +s +P +W +c +e +r +t +a +i +n +l +y +P +W +t +h +e +y +W +c +o +u +l +d +W +h +a +v +e +W +n +o +t +i +c +e +d +W +c +o +l +l +e +t +t +e +W +w +i +t +h +W +s +o +m +e +W +a +w +a +r +d +W +c +o +n +s +i +d +e +r +a +t +i +o +n +P +W +s +h +e +W +i +s +W +t +h +a +t +W +g +o +o +d +P +W +a +n +d +P +W +d +i +r +e +c +t +o +r +W +p +a +t +r +i +c +k +W +s +t +e +t +t +n +e +r +W +d +e +f +i +n +i +t +e +l +y +W +e +v +o +k +e +s +W +h +i +t +c +h +c +o +c +k +W +P +W +h +e +W +e +v +e +n +W +m +a +k +e +s +W +g +e +t +t +i +n +g +W +a +W +s +a +n +d +w +i +c +h +W +f +r +o +m +W +a +W +v +e +n +d +i +n +g +W +m +a +c +h +i +n +e +W +s +u +s +p +e +n +s +e +f +u +l +P +P +b +r +W +P +P +P +b +r +W +P +P +f +i +n +a +l +l +y +P +W +w +r +i +t +e +r +s +W +s +t +e +t +t +n +e +r +P +W +a +r +m +i +s +t +e +a +d +W +m +a +u +p +i +n +P +W +a +n +d +W +t +e +r +r +y +W +a +n +d +e +r +s +o +n +W +d +e +s +e +r +v +e +W +g +r +a +t +i +t +u +d +e +W +f +r +o +m +W +f +l +i +g +h +t +W +a +t +t +e +n +d +a +n +t +s +W +e +v +e +r +y +w +h +e +r +e +P +P +b +r +W +P +P +P +b +r +W +P +P +P +P +P +P +P +P +P +W +t +h +e +W +n +i +g +h +t +W +l +i +s +t +e +n +e +r +W +P +N +P +N +N +P +N +N +P +W +p +a +t +r +i +c +k +W +s +t +e +t +t +n +e +r +W +P +W +r +o +b +i +n +W +w +i +l +l +i +a +m +s +P +W +t +o +n +i +W +c +o +l +l +e +t +t +e +P +W +s +a +n +d +r +a +W +o +h +P +W +r +o +r +y +W +c +u +l +k +i +n +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +h +e +W +n +i +g +h +t +W +l +i +s +t +e +n +e +r +W +P +N +N +N +N +P +W +P +P +N +P +N +W +r +o +b +i +n +W +w +i +l +l +i +a +m +s +P +W +t +o +n +i +W +c +o +l +l +e +t +t +e +P +W +b +o +b +b +y +W +c +a +n +n +a +v +a +l +e +P +W +r +o +r +y +W +c +u +l +k +i +n +P +W +j +o +e +W +m +o +r +t +o +n +P +W +s +a +n +d +r +a +W +o +h +P +W +j +o +h +n +W +c +u +l +l +u +m +P +W +l +i +s +a +W +e +m +e +r +y +P +W +b +e +c +k +y +W +a +n +n +W +b +a +k +e +r +P +W +P +d +i +r +P +W +p +a +t +r +i +c +k +W +s +t +e +t +t +n +e +r +P +W +P +b +r +W +P +P +P +b +r +W +P +P +h +i +t +c +h +c +o +c +k +i +a +n +W +s +u +s +p +e +n +s +e +r +W +g +i +v +e +s +W +w +i +l +l +i +a +m +s +W +a +W +s +t +a +n +d +P +o +u +t +W +l +o +w +P +k +e +y +W +p +e +r +f +o +r +m +a +n +c +e +P +P +b +r +W +P +P +P +b +r +W +P +P +w +h +a +t +W +i +s +W +i +t +W +a +b +o +u +t +W +c +e +l +e +b +r +i +t +i +e +s +W +a +n +d +W +f +a +n +s +P +W +w +h +a +t +W +i +s +W +t +h +e +W +n +e +a +r +W +p +a +r +a +n +o +i +a +W +o +n +e +W +a +s +s +o +c +i +a +t +e +s +W +w +i +t +h +W +t +h +e +W +o +t +h +e +r +W +a +n +d +W +w +h +y +W +i +s +W +i +t +W +a +l +m +o +s +t +W +t +h +e +W +n +o +r +m +P +W +P +b +r +W +P +P +P +b +r +W +P +P +i +n +W +t +h +e +W +l +a +t +e +s +t +W +d +e +r +a +n +g +e +W +f +a +n +W +s +c +e +n +a +r +i +o +P +W +b +a +s +e +d +W +o +n +W +t +r +u +e +W +e +v +e +n +t +s +W +n +o +W +l +e +s +s +P +W +w +i +l +l +i +a +m +s +W +s +t +a +r +s +W +a +s +W +a +W +t +a +l +k +P +r +a +d +i +o +W +p +e +r +s +o +n +a +l +i +t +y +W +n +a +m +e +d +W +g +a +b +r +i +e +l +W +n +o +W +o +n +e +P +W +w +h +o +W +r +e +a +d +s +W +s +t +o +r +i +e +s +W +h +e +P +s +W +p +e +n +n +e +d +W +o +v +e +r +W +t +h +e +W +a +i +r +w +a +v +e +s +W +a +n +d +W +h +a +s +W +a +c +c +u +m +u +l +a +t +e +d +W +a +n +W +i +n +t +e +r +e +s +t +i +n +g +W +f +a +n +W +i +n +W +t +h +e +W +f +o +r +m +W +o +f +W +a +W +y +o +u +n +g +W +b +o +y +W +n +a +m +e +d +W +p +e +t +e +W +l +o +g +a +n +d +W +P +c +u +l +k +i +n +P +W +w +h +o +W +h +a +s +W +s +u +b +m +i +t +t +e +d +W +a +W +m +a +n +u +s +c +r +i +p +t +W +a +b +o +u +t +W +t +h +e +W +t +r +a +v +a +i +l +s +W +o +f +W +h +i +s +W +t +r +o +u +b +l +e +d +W +y +o +u +t +h +W +t +o +W +n +o +W +o +n +e +P +s +W +e +d +i +t +o +r +W +a +s +h +e +W +P +m +o +r +t +o +n +P +W +w +h +o +W +g +i +v +e +s +W +i +t +W +t +o +W +n +o +W +o +n +e +W +t +o +W +r +e +a +d +W +f +o +r +W +h +i +m +s +e +l +f +P +W +P +b +r +W +P +P +P +b +r +W +P +P +n +o +W +o +n +e +W +i +s +W +n +a +t +u +r +a +l +l +y +W +d +i +s +t +u +r +b +e +d +W +b +u +t +W +u +l +t +i +m +a +t +e +l +y +W +i +n +t +r +i +g +u +e +d +W +a +b +o +u +t +W +t +h +e +W +n +i +g +h +t +m +a +r +i +s +h +W +e +x +i +s +t +e +n +c +e +W +o +f +W +p +e +t +e +W +b +e +i +n +g +W +a +b +d +u +c +t +e +d +W +a +n +d +W +s +e +x +u +a +l +l +y +W +a +b +u +s +e +d +W +f +o +r +W +y +e +a +r +s +W +u +n +t +i +l +W +h +e +W +w +a +s +W +f +i +n +a +l +l +y +W +r +e +s +c +u +e +d +W +b +y +W +a +W +n +u +r +s +e +W +n +a +m +e +d +W +d +o +n +n +a +W +P +c +o +l +l +e +t +t +e +W +g +i +v +i +n +g +W +a +n +W +e +x +c +e +l +l +e +n +t +W +p +e +r +f +o +r +m +a +n +c +e +P +W +w +h +o +W +h +a +s +W +a +d +o +p +t +e +d +W +t +h +e +W +b +o +y +W +b +u +t +W +h +e +r +W +c +o +r +r +e +s +p +o +n +d +e +n +c +e +W +w +i +t +h +W +n +o +W +o +n +e +W +r +e +v +e +a +l +s +W +t +h +a +t +W +p +e +t +e +W +i +s +W +d +y +i +n +g +W +f +r +o +m +W +a +i +d +s +P +W +n +a +t +u +r +a +l +l +y +W +n +o +W +o +n +e +W +w +a +n +t +s +W +t +o +W +m +e +e +t +W +t +h +e +W +f +a +n +s +W +b +u +t +W +i +s +W +s +u +d +d +e +n +l +y +W +i +n +W +d +o +u +b +t +W +t +o +W +t +h +e +i +r +W +p +o +s +s +i +b +l +y +W +d +e +v +i +o +u +s +W +u +l +t +e +r +i +o +r +W +m +o +t +i +v +e +s +W +w +h +e +n +W +t +h +e +W +s +e +e +d +W +i +s +W +p +l +a +n +t +e +d +W +b +y +W +h +i +s +W +e +s +t +r +a +n +g +e +d +W +l +o +v +e +r +W +j +e +s +s +W +P +c +a +n +n +a +v +a +l +e +P +W +w +h +o +s +e +W +s +u +d +d +e +n +W +d +e +p +a +r +t +u +r +e +W +f +r +o +m +W +t +h +e +i +r +W +n +e +w +W +y +o +r +k +W +c +i +t +y +W +a +p +a +r +t +m +e +n +t +W +h +a +s +W +n +o +W +o +n +e +W +i +n +W +a +n +W +e +m +o +t +i +o +n +a +l +W +t +a +i +l +s +p +i +n +W +t +h +a +t +W +h +a +s +W +o +n +l +y +W +n +o +w +W +g +r +o +w +n +W +i +n +t +o +W +a +W +t +e +m +p +e +s +t +W +i +n +W +a +W +t +e +a +c +u +p +W +w +h +e +n +W +h +e +W +d +e +c +i +d +e +s +W +t +o +W +d +o +W +s +o +m +e +W +i +n +v +e +s +t +i +g +a +t +i +n +g +W +i +n +t +o +W +d +o +n +n +a +W +a +n +d +W +p +e +t +e +P +s +W +b +a +c +k +g +r +o +u +n +d +s +W +d +i +s +c +o +v +e +r +i +n +g +W +s +o +m +e +W +t +r +u +t +h +s +W +t +h +a +t +W +h +e +W +d +i +d +n +P +t +W +a +n +t +i +c +i +p +a +t +e +P +P +b +r +W +P +P +P +b +r +W +P +P +w +r +i +t +t +e +n +W +b +y +W +a +r +m +i +s +t +e +a +d +W +m +a +u +p +i +n +W +P +w +h +o +W +c +o +P +w +r +o +t +e +W +t +h +e +W +s +c +r +e +e +n +p +l +a +y +W +w +i +t +h +W +h +i +s +W +f +o +r +m +e +r +W +l +o +v +e +r +W +t +e +r +r +y +W +a +n +d +e +r +s +o +n +W +a +n +d +W +t +h +e +W +f +i +l +m +P +s +W +n +o +v +i +c +e +W +d +i +r +e +c +t +o +r +W +s +t +e +t +t +n +e +r +P +W +a +n +d +W +b +a +s +e +d +W +o +n +W +a +W +t +r +u +e +W +s +t +o +r +y +W +a +b +o +u +t +W +a +W +f +a +n +P +s +W +h +o +a +x +W +f +o +u +n +d +W +o +u +t +W +h +a +s +W +s +o +m +e +W +h +i +t +c +h +c +o +c +k +i +a +n +W +m +o +m +e +n +t +s +W +t +h +a +t +W +r +u +n +W +o +n +W +f +u +l +l +W +t +i +l +t +W +l +i +k +e +W +a +n +y +W +g +o +o +d +W +o +l +d +W +f +a +s +h +i +o +n +e +d +W +p +o +t +P +b +o +i +l +e +r +W +d +o +e +s +P +W +i +t +W +h +e +l +p +s +W +t +h +a +t +W +w +i +l +l +i +a +m +s +W +g +i +v +e +s +W +a +W +s +t +a +n +d +P +o +u +t +P +W +l +o +w +P +k +e +y +W +p +e +r +f +o +r +m +a +n +c +e +W +a +s +W +t +h +e +W +c +o +n +f +l +i +c +t +e +d +W +g +o +o +d +P +h +e +a +r +t +e +d +W +p +e +r +s +o +n +a +l +i +t +y +W +w +h +o +W +g +e +n +u +i +n +e +l +y +W +w +a +n +t +s +W +t +o +W +b +e +l +i +e +v +e +W +t +h +a +t +W +h +i +s +W +n +u +m +b +e +r +W +o +n +e +W +f +a +n +W +i +s +W +i +n +W +f +a +c +t +W +r +e +a +l +W +a +n +d +W +d +o +e +s +W +l +o +v +e +W +h +i +m +W +P +t +h +e +W +o +n +e +W +t +h +i +n +g +W +t +h +a +t +W +h +a +s +W +e +s +c +a +p +e +d +W +h +i +s +W +o +w +n +W +r +e +a +l +i +t +y +P +W +a +n +d +W +h +a +s +W +s +o +m +e +W +u +n +s +e +t +t +l +i +n +g +W +d +r +e +a +d +f +u +l +W +m +o +m +e +n +t +s +W +w +i +t +h +W +t +h +e +W +c +r +e +e +p +y +W +c +o +l +l +e +t +t +e +W +w +h +o +s +e +W +o +n +e +W +p +h +y +s +i +c +a +l +W +t +r +a +i +t +W +i +W +w +i +l +l +W +l +e +a +v +e +W +u +n +m +e +n +t +i +o +n +e +d +W +b +u +t +W +u +n +d +e +r +l +i +n +e +s +W +t +h +e +W +d +e +s +p +e +r +a +t +i +o +n +W +o +f +W +h +e +r +W +c +h +a +r +a +c +t +e +r +W +t +h +a +t +W +c +a +n +W +r +a +t +t +l +e +W +y +o +u +W +t +o +W +t +h +e +W +c +o +r +e +P +P +b +r +W +P +P +P +b +r +W +P +P +h +o +w +e +v +e +r +W +t +h +e +W +f +i +l +m +W +r +u +n +s +W +o +u +t +W +o +f +W +g +a +s +W +a +n +d +W +e +v +e +n +t +u +a +l +l +y +W +b +e +c +o +m +e +s +W +a +W +b +i +t +W +r +e +p +e +t +i +t +i +v +e +W +a +n +d +W +p +r +e +d +i +c +t +a +b +l +e +W +d +e +s +p +i +t +e +W +a +W +f +i +n +e +l +y +W +d +i +r +e +c +t +e +d +W +p +i +e +c +e +W +o +f +W +h +o +o +d +w +i +n +k +W +a +n +d +W +m +y +s +t +e +r +y +W +b +y +W +s +t +e +t +t +n +e +r +P +W +i +t +W +p +a +y +s +W +t +o +W +l +i +s +t +e +n +W +t +o +W +y +o +u +r +W +o +w +n +W +i +n +n +e +r +W +v +o +i +c +e +P +W +b +e +W +c +a +r +e +f +u +l +W +o +f +W +w +h +a +t +W +y +o +u +W +h +o +p +e +W +f +o +r +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +y +o +u +W +k +n +o +w +P +W +r +o +b +i +n +W +w +i +l +l +i +a +m +s +P +W +g +o +d +W +b +l +e +s +s +W +h +i +m +P +W +i +s +W +c +o +n +s +t +a +n +t +l +y +W +s +h +o +o +t +i +n +g +W +h +i +m +s +e +l +f +W +i +n +W +t +h +e +W +f +o +o +t +W +l +a +t +e +l +y +W +w +i +t +h +W +a +l +l +W +t +h +e +s +e +W +d +u +m +b +W +c +o +m +e +d +i +e +s +W +h +e +W +h +a +s +W +d +o +n +e +W +t +h +i +s +W +d +e +c +a +d +e +W +P +w +i +t +h +W +p +e +r +h +a +p +s +W +t +h +e +W +e +x +c +e +p +t +i +o +n +W +o +f +W +P +d +e +a +t +h +W +t +o +W +s +m +o +o +c +h +y +P +P +W +w +h +i +c +h +W +b +o +m +b +e +d +W +w +h +e +n +W +i +t +W +c +a +m +e +W +o +u +t +W +b +u +t +W +i +s +W +n +o +w +W +a +W +c +u +l +t +W +c +l +a +s +s +i +c +P +P +W +t +h +e +W +d +r +a +m +a +s +W +h +e +W +h +a +s +W +m +a +d +e +W +l +a +t +e +l +y +W +h +a +v +e +W +b +e +e +n +W +f +a +n +t +a +s +t +i +c +P +W +e +s +p +e +c +i +a +l +l +y +W +P +i +n +s +o +m +n +i +a +P +W +a +n +d +W +P +o +n +e +W +h +o +u +r +W +p +h +o +t +o +P +P +W +P +t +h +e +W +n +i +g +h +t +W +l +i +s +t +e +n +e +r +P +P +W +d +e +s +p +i +t +e +W +m +e +d +i +o +c +r +e +W +r +e +v +i +e +w +s +W +a +n +d +W +a +W +q +u +i +c +k +W +d +v +d +W +r +e +l +e +a +s +e +P +W +i +s +W +a +m +o +n +g +W +h +i +s +W +b +e +s +t +W +w +o +r +k +P +W +p +e +r +i +o +d +P +P +b +r +W +P +P +P +b +r +W +P +P +t +h +i +s +W +i +s +W +a +W +v +e +r +y +W +c +h +i +l +l +i +n +g +W +s +t +o +r +y +P +W +e +v +e +n +W +t +h +o +u +g +h +W +i +t +W +d +o +e +s +n +P +t +W +i +n +c +l +u +d +e +W +a +W +s +e +r +i +a +l +W +k +i +l +l +e +r +W +o +r +W +a +n +y +o +n +e +W +t +h +a +t +W +p +h +y +s +i +c +a +l +l +y +W +d +a +n +g +e +r +o +u +s +W +f +o +r +W +t +h +a +t +W +m +a +t +t +e +r +P +W +t +h +e +W +c +o +n +c +e +p +t +W +o +f +W +t +h +e +W +f +i +l +m +W +i +s +W +b +a +s +e +d +W +o +n +W +a +n +W +a +c +t +u +a +l +W +c +a +s +e +W +o +f +W +f +r +a +u +d +W +t +h +a +t +W +s +t +i +l +l +W +h +a +s +W +y +e +t +W +t +o +W +b +e +W +o +f +f +i +c +i +a +l +l +y +W +c +o +n +f +i +r +m +e +d +P +W +i +n +W +h +i +g +h +W +s +c +h +o +o +l +P +W +i +W +r +e +a +d +W +a +n +W +a +u +t +o +b +i +o +g +r +a +p +h +y +W +b +y +W +a +W +c +h +i +l +d +W +n +a +m +e +d +W +a +n +t +h +o +n +y +W +g +o +d +b +y +W +j +o +h +n +s +o +n +P +W +w +h +o +W +s +u +f +f +e +r +e +d +W +h +o +r +r +i +f +i +c +W +a +b +u +s +e +W +a +n +d +W +e +v +e +n +t +u +a +l +l +y +W +c +o +n +t +r +a +c +t +e +d +W +a +i +d +s +W +a +s +W +a +W +r +e +s +u +l +t +P +W +i +W +w +a +s +W +m +o +v +e +d +W +b +y +W +t +h +e +W +s +t +o +r +y +W +u +n +t +i +l +W +i +W +r +e +a +d +W +r +e +p +o +r +t +s +W +o +n +l +i +n +e +W +t +h +a +t +W +j +o +h +n +s +o +n +W +m +a +y +W +n +o +t +W +a +c +t +u +a +l +l +y +W +e +x +i +s +t +P +W +w +h +e +n +W +i +W +s +a +w +W +t +h +i +s +W +m +o +v +i +e +P +W +t +h +e +W +c +o +n +f +u +s +e +d +W +f +e +e +l +i +n +g +s +W +t +h +a +t +W +r +o +b +i +n +W +w +i +l +l +i +a +m +s +W +s +o +W +b +r +i +l +l +i +a +n +t +l +y +W +p +o +r +t +r +a +y +e +d +W +r +e +s +u +r +f +a +c +e +d +W +i +n +W +m +y +W +m +i +n +d +P +P +b +r +W +P +P +P +b +r +W +P +P +t +o +n +i +W +c +o +l +l +e +t +t +e +W +p +r +o +b +a +b +l +y +W +g +i +v +e +s +W +h +e +r +W +b +e +s +t +W +d +r +a +m +a +t +i +c +W +p +e +r +f +o +r +m +a +n +c +e +W +t +o +o +W +a +s +W +t +h +e +W +u +l +t +i +m +a +t +e +l +y +W +s +o +c +i +o +p +a +t +h +i +c +W +P +c +a +r +e +t +a +k +e +r +P +P +W +h +e +r +W +r +o +l +e +W +w +a +s +W +a +W +f +a +r +W +c +r +y +W +f +r +o +m +W +t +h +o +s +e +W +s +h +e +W +h +a +d +W +i +n +W +m +o +v +i +e +s +W +l +i +k +e +W +P +l +i +t +t +l +e +W +m +i +s +s +W +s +u +n +s +h +i +n +e +P +P +W +t +h +e +r +e +W +w +e +r +e +W +e +v +e +n +W +t +i +m +e +s +W +s +h +e +W +l +o +o +k +e +d +W +i +n +t +o +W +t +h +e +W +c +a +m +e +r +a +W +w +h +e +r +e +W +i +W +t +h +o +u +g +h +t +W +s +h +e +W +w +a +s +W +s +t +a +r +i +n +g +W +r +i +g +h +t +W +a +t +W +m +e +P +W +i +t +W +t +a +k +e +s +W +a +W +g +o +o +d +W +a +c +t +r +e +s +s +W +t +o +W +p +l +a +y +W +t +h +a +t +W +s +o +r +t +W +o +f +W +r +o +l +e +P +W +a +n +d +W +i +t +P +s +W +t +h +i +s +W +u +n +d +e +r +s +t +a +t +e +d +W +P +y +e +t +W +w +e +l +l +W +r +e +v +i +e +w +e +d +P +W +r +o +l +e +W +t +h +a +t +W +m +a +k +e +s +W +t +o +n +i +W +c +o +l +l +e +t +t +e +W +p +r +o +b +a +b +l +y +W +o +n +e +W +o +f +W +t +h +e +W +b +e +s +t +W +a +c +t +r +e +s +s +e +s +W +o +f +W +t +h +i +s +W +g +e +n +e +r +a +t +i +o +n +W +n +o +t +W +t +o +W +h +a +v +e +W +e +v +e +n +W +b +e +e +n +W +n +o +m +i +n +a +t +e +d +W +f +o +r +W +a +n +W +a +c +a +d +e +m +y +W +a +w +a +r +d +W +P +a +s +W +o +f +W +N +N +N +N +P +P +W +i +t +P +s +W +i +n +c +r +e +d +i +b +l +e +W +t +h +a +t +W +t +h +e +r +e +W +i +s +W +a +t +W +l +e +a +s +t +W +o +n +e +W +w +o +m +a +n +W +i +n +W +t +h +i +s +W +w +o +r +l +d +W +w +h +o +W +i +s +W +l +i +k +e +W +t +h +i +s +P +W +a +n +d +W +i +t +P +s +W +s +c +a +r +y +W +t +o +o +P +P +b +r +W +P +P +P +b +r +W +P +P +t +h +i +s +W +i +s +W +a +W +g +o +o +d +P +W +d +a +r +k +W +f +i +l +m +W +t +h +a +t +W +i +W +h +i +g +h +l +y +W +r +e +c +o +m +m +e +n +d +P +W +b +e +W +p +r +e +p +a +r +e +d +W +t +o +W +b +e +W +u +n +s +e +t +t +l +e +d +P +W +t +h +o +u +g +h +P +W +b +e +c +a +u +s +e +W +t +h +i +s +W +m +o +v +i +e +W +l +e +a +v +e +s +W +y +o +u +W +w +i +t +h +W +a +W +s +t +r +a +n +g +e +W +f +e +e +l +i +n +g +W +a +t +W +t +h +e +W +e +n +d +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +i +W +l +i +k +e +d +W +t +h +e +W +f +i +l +m +P +W +s +o +m +e +W +o +f +W +t +h +e +W +a +c +t +i +o +n +W +s +c +e +n +e +s +W +w +e +r +e +W +v +e +r +y +W +i +n +t +e +r +e +s +t +i +n +g +P +W +t +e +n +s +e +W +a +n +d +W +w +e +l +l +W +d +o +n +e +P +W +i +W +e +s +p +e +c +i +a +l +l +y +W +l +i +k +e +d +W +t +h +e +W +o +p +e +n +i +n +g +W +s +c +e +n +e +W +w +h +i +c +h +W +h +a +d +W +a +W +s +e +m +i +W +t +r +u +c +k +W +i +n +W +i +t +P +W +a +W +v +e +r +y +W +t +e +n +s +e +W +a +c +t +i +o +n +W +s +c +e +n +e +W +t +h +a +t +W +s +e +e +m +e +d +W +w +e +l +l +W +d +o +n +e +P +P +b +r +W +P +P +P +b +r +W +P +P +s +o +m +e +W +o +f +W +t +h +e +W +t +r +a +n +s +i +t +i +o +n +a +l +W +s +c +e +n +e +s +W +w +e +r +e +W +f +i +l +m +e +d +W +i +n +W +i +n +t +e +r +e +s +t +i +n +g +W +w +a +y +s +W +s +u +c +h +W +a +s +W +t +i +m +e +W +l +a +p +s +e +W +p +h +o +t +o +g +r +a +p +h +y +P +W +u +n +u +s +u +a +l +W +c +o +l +o +r +s +P +W +o +r +W +i +n +t +e +r +e +s +t +i +n +g +W +a +n +g +l +e +s +P +W +a +l +s +o +W +t +h +e +W +f +i +l +m +W +i +s +W +f +u +n +n +y +W +i +s +W +s +e +v +e +r +a +l +W +p +a +r +t +s +P +W +i +W +a +l +s +o +W +l +i +k +e +d +W +h +o +w +W +t +h +e +W +e +v +i +l +W +g +u +y +W +w +a +s +W +p +o +r +t +r +a +y +e +d +W +t +o +o +P +W +i +P +d +W +g +i +v +e +W +t +h +e +W +f +i +l +m +W +a +n +W +N +W +o +u +t +W +o +f +W +N +N +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +w +h +e +n +W +i +W +f +i +r +s +t +W +r +e +a +d +W +a +r +m +i +s +t +e +a +d +W +m +a +u +p +i +n +s +W +s +t +o +r +y +W +i +W +w +a +s +W +t +a +k +e +n +W +i +n +W +b +y +W +t +h +e +W +h +u +m +a +n +W +d +r +a +m +a +W +d +i +s +p +l +a +y +e +d +W +b +y +W +g +a +b +r +i +e +l +W +n +o +W +o +n +e +W +a +n +d +W +t +h +o +s +e +W +h +e +W +c +a +r +e +s +W +a +b +o +u +t +W +a +n +d +W +l +o +v +e +s +P +W +t +h +a +t +W +b +e +i +n +g +W +s +a +i +d +P +W +w +e +W +h +a +v +e +W +n +o +w +W +b +e +e +n +W +g +i +v +e +n +W +t +h +e +W +f +i +l +m +W +v +e +r +s +i +o +n +W +o +f +W +a +n +W +e +x +c +e +l +l +e +n +t +W +s +t +o +r +y +W +a +n +d +W +a +r +e +W +e +x +p +e +c +t +e +d +W +t +o +W +s +e +e +W +p +a +s +t +W +t +h +e +W +g +l +o +s +s +W +o +f +W +h +o +l +l +y +w +o +o +d +P +P +P +P +b +r +W +P +P +P +b +r +W +P +P +w +r +i +t +e +r +W +a +r +m +i +s +t +e +a +d +W +m +a +u +p +i +n +W +a +n +d +W +d +i +r +e +c +t +o +r +W +p +a +t +r +i +c +k +W +s +t +e +t +t +n +e +r +W +h +a +v +e +W +t +r +u +l +y +W +s +u +c +c +e +e +d +e +d +P +W +P +b +r +W +P +P +P +b +r +W +P +P +w +i +t +h +W +j +u +s +t +W +t +h +e +W +r +i +g +h +t +W +a +m +o +u +n +t +W +o +f +W +r +e +s +t +r +a +i +n +t +W +r +o +b +i +n +W +w +i +l +l +i +a +m +s +W +c +a +p +t +u +r +e +s +W +t +h +e +W +f +r +a +g +i +l +e +W +e +s +s +e +n +c +e +W +o +f +W +g +a +b +r +i +e +l +W +a +n +d +W +l +e +t +s +W +u +s +W +s +e +e +W +h +i +s +W +s +t +r +u +g +g +l +e +W +w +i +t +h +W +i +s +s +u +e +s +W +o +f +W +t +r +u +s +t +W +b +o +t +h +W +i +n +W +h +i +s +W +p +e +r +s +o +n +n +e +l +W +l +i +f +e +P +j +e +s +s +P +W +a +n +d +W +t +h +e +W +w +o +r +l +d +W +a +r +o +u +n +d +W +h +i +m +P +d +o +n +n +a +P +P +P +b +r +W +P +P +P +b +r +W +P +P +a +s +W +w +e +W +a +r +e +W +i +n +t +r +o +d +u +c +e +d +W +t +o +W +t +h +e +W +p +l +a +y +e +r +s +W +i +n +W +t +h +i +s +W +d +r +a +m +a +W +w +e +W +a +r +e +W +r +e +m +i +n +d +e +d +W +t +h +a +t +W +n +o +t +h +i +n +g +W +i +s +W +e +v +e +r +W +a +s +W +i +t +W +s +e +e +m +s +W +a +n +d +W +t +h +a +t +W +t +h +e +W +s +m +a +l +l +e +s +t +W +e +v +e +n +t +W +c +a +n +W +c +h +a +n +g +e +W +o +u +r +W +l +i +v +e +s +W +i +r +r +e +v +o +c +a +b +l +y +P +W +t +h +e +W +r +e +q +u +e +s +t +W +t +o +W +r +e +v +i +e +w +W +a +W +b +o +o +k +W +w +r +i +t +t +e +n +W +b +y +W +a +W +y +o +u +n +g +W +m +a +n +W +t +u +r +n +s +W +i +n +t +o +W +a +W +l +i +f +e +W +c +h +a +n +g +i +n +g +W +e +v +e +n +t +W +t +h +a +t +W +h +e +l +p +s +W +g +a +b +r +i +e +l +W +f +i +n +d +W +t +h +e +W +s +t +r +e +n +g +t +h +W +w +i +t +h +i +n +W +h +i +m +s +e +l +f +W +t +o +W +c +a +r +r +y +W +o +n +W +a +n +d +W +m +o +v +e +W +f +o +r +w +a +r +d +P +P +b +r +W +P +P +P +b +r +W +P +P +i +t +P +s +W +t +o +W +b +a +d +W +t +h +a +t +W +m +o +s +t +W +p +e +o +p +l +e +W +w +i +l +l +W +a +v +o +i +d +W +t +h +i +s +W +f +i +l +m +P +W +i +W +o +n +l +y +W +s +a +y +W +t +h +a +t +W +b +e +c +a +u +s +e +W +t +h +e +W +a +v +e +r +a +g +e +W +a +m +e +r +i +c +a +n +W +w +i +l +l +W +p +r +o +b +a +b +l +y +W +t +h +i +n +k +W +P +r +o +b +i +n +W +w +i +l +l +i +a +m +s +W +i +n +W +a +W +s +e +r +i +o +u +s +W +r +o +l +e +P +W +t +h +a +t +W +d +i +d +n +P +t +W +w +o +r +k +W +b +e +f +o +r +e +P +P +W +p +l +e +a +s +e +W +g +i +v +e +W +t +h +i +s +W +m +o +v +i +e +W +a +W +c +h +a +n +c +e +P +W +r +o +b +i +n +W +w +i +l +l +i +a +m +s +W +t +o +u +c +h +e +s +W +t +h +e +W +d +a +r +k +n +e +s +s +W +w +e +W +a +l +l +W +m +u +s +t +W +f +i +n +d +W +a +n +d +W +g +o +W +t +h +r +o +u +g +h +W +i +n +W +o +u +r +s +e +l +v +e +s +W +t +o +W +b +e +W +b +e +t +t +e +r +W +p +e +o +p +l +e +P +W +l +i +k +e +W +h +i +s +W +m +o +v +i +e +W +o +n +e +W +h +o +u +r +W +p +h +o +t +o +W +h +e +W +h +a +s +W +s +t +e +p +p +e +d +W +u +p +W +a +s +W +a +n +W +a +c +t +o +r +W +a +n +d +W +m +a +d +e +W +a +n +o +t +h +e +r +W +q +u +a +l +i +t +y +W +p +i +e +c +e +W +o +f +W +a +r +t +P +P +b +r +W +P +P +P +b +r +W +P +P +o +h +W +a +n +d +W +b +e +f +o +r +e +W +i +W +f +o +r +g +e +t +P +W +i +W +b +e +l +i +e +v +e +W +b +o +b +b +y +W +c +a +n +n +a +v +a +l +e +W +a +s +W +j +e +s +s +W +s +t +e +a +l +s +W +e +v +e +r +y +W +s +c +e +n +e +W +h +e +W +i +s +W +i +n +P +W +h +e +W +h +a +s +W +t +h +e +W +N +N +N +N +P +s +W +l +e +a +d +i +n +g +W +m +a +n +W +l +o +o +k +s +W +a +n +d +W +s +c +r +e +e +n +W +p +r +e +s +e +n +c +e +P +W +i +t +P +s +W +t +h +i +s +W +h +a +c +k +s +W +o +p +i +n +i +o +n +W +h +e +W +c +o +u +l +d +W +c +a +r +r +y +W +h +i +s +W +o +w +n +W +m +o +v +i +e +W +r +i +g +h +t +W +n +o +w +P +P +P +b +r +W +P +P +P +b +r +W +P +P +s +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +h +e +r +e +W +a +r +e +W +m +a +n +y +W +i +l +l +n +e +s +s +e +s +W +b +o +r +n +W +i +n +W +t +h +e +W +m +i +n +d +W +o +f +W +m +a +n +W +w +h +i +c +h +W +h +a +v +e +W +b +e +e +n +W +g +i +v +e +n +W +l +i +f +e +W +i +n +W +m +o +d +e +r +n +W +t +i +m +e +s +P +W +c +o +n +s +t +a +n +t +W +v +i +g +i +l +a +n +c +e +W +o +r +W +a +c +c +r +u +e +d +W +i +n +f +o +r +m +a +t +i +o +n +W +i +n +W +t +h +e +W +r +e +a +l +m +W +o +f +W +p +y +s +c +h +o +s +i +s +P +W +h +a +v +e +W +k +e +p +t +W +p +s +y +c +h +o +l +o +g +i +s +t +s +P +W +c +o +u +n +s +e +l +o +r +s +W +a +n +d +W +p +s +y +c +h +i +a +t +r +i +s +t +s +W +b +u +s +y +W +w +i +t +h +W +e +n +o +u +g +h +W +w +o +r +k +W +t +o +W +l +a +s +t +W +t +h +e +m +W +d +e +c +a +d +e +s +P +W +o +c +c +a +s +i +o +n +a +l +l +y +P +W +s +o +m +e +W +o +f +W +t +h +e +s +e +W +m +e +n +t +a +l +W +p +h +e +n +o +m +e +n +o +n +W +a +r +e +W +d +i +s +c +o +v +e +r +W +b +y +W +t +h +o +s +e +W +w +i +t +h +W +n +o +W +k +n +o +w +l +e +d +g +e +W +o +f +W +t +h +e +i +r +W +r +e +m +e +d +y +W +o +r +W +e +v +e +n +W +o +f +W +t +h +e +i +r +W +e +x +i +s +t +e +n +c +e +P +W +t +h +a +t +W +i +s +W +t +h +e +W +p +r +e +m +i +s +e +W +o +f +W +t +h +e +W +f +i +l +m +W +e +n +t +i +t +l +e +d +W +P +W +t +h +e +W +n +i +g +h +t +W +l +i +s +t +n +e +r +P +P +W +i +t +W +t +e +l +l +s +W +t +h +e +W +s +t +o +r +y +W +o +f +W +a +W +p +o +p +u +l +a +r +W +r +a +d +i +o +W +h +o +s +t +W +c +a +l +l +e +d +W +g +a +b +r +i +e +l +W +n +o +o +n +W +P +r +o +b +i +n +W +w +i +l +l +i +a +m +s +P +W +w +h +o +W +s +p +e +n +d +s +W +h +i +s +W +e +v +e +n +i +n +g +s +W +e +n +t +h +r +a +l +l +i +n +g +W +h +i +s +W +a +u +d +i +e +n +c +e +s +W +w +i +t +h +W +v +i +v +i +d +W +s +t +o +r +i +e +s +W +a +b +o +u +t +W +g +a +y +W +l +i +f +e +s +t +y +l +e +s +P +W +p +e +r +h +a +p +s +W +i +t +s +W +b +e +c +a +u +s +e +W +h +i +s +W +s +h +o +w +W +i +s +W +l +o +s +i +n +g +W +i +t +P +s +W +a +u +t +h +e +n +t +i +c +W +v +e +n +e +e +r +W +w +h +i +c +h +W +c +a +u +s +e +s +W +n +o +o +n +W +t +o +W +a +d +m +i +t +W +h +e +W +i +s +W +n +o +W +l +o +n +g +e +r +W +h +i +m +s +e +l +f +P +W +f +e +e +l +i +n +g +W +a +b +a +n +d +o +n +e +d +W +b +y +W +b +o +t +h +W +h +i +s +W +l +o +v +e +r +W +j +e +s +s +W +P +b +o +b +b +y +W +c +a +n +n +a +v +a +l +e +P +W +a +n +d +W +h +i +s +W +a +n +d +W +b +e +s +t +W +f +r +i +e +n +d +W +P +j +o +e +W +m +o +r +t +o +n +P +P +W +h +e +W +s +e +e +k +s +W +s +h +e +l +t +e +r +W +i +n +W +h +i +s +W +d +e +e +p +e +n +i +n +g +W +d +e +s +p +a +i +r +W +a +n +d +W +i +s +o +l +a +t +i +o +n +P +W +i +t +W +i +s +W +h +e +r +e +P +W +a +W +m +y +s +t +e +r +i +o +u +s +W +v +o +i +c +e +W +i +n +W +t +h +e +W +n +i +g +h +t +W +a +s +k +s +W +h +i +m +W +f +o +r +W +h +e +l +p +P +W +n +o +o +n +W +n +e +e +d +s +W +t +o +W +f +e +e +l +W +u +s +e +f +u +l +W +a +n +d +W +r +e +a +c +h +e +s +W +o +u +t +W +t +o +W +t +h +e +W +d +e +s +p +e +r +a +t +e +W +v +o +i +c +e +W +w +h +i +c +h +W +b +e +l +o +n +g +s +W +t +o +W +a +W +N +N +W +y +e +a +r +W +o +l +d +W +b +o +y +W +c +a +l +l +e +d +W +p +e +t +e +r +W +P +r +o +r +y +W +c +u +l +k +i +n +P +P +W +i +n +W +r +e +a +d +i +n +g +W +t +h +e +W +b +o +y +P +s +W +h +a +r +r +o +w +i +n +g +W +m +a +n +u +s +c +r +i +p +t +W +w +h +i +c +h +W +d +e +p +i +c +t +s +W +t +h +e +W +e +a +r +l +y +W +l +i +f +e +W +a +n +d +W +s +e +x +u +a +l +W +a +b +u +s +e +W +a +t +W +t +h +e +W +h +a +n +d +s +W +o +f +W +h +i +s +W +b +r +u +t +a +l +W +p +a +r +e +n +t +s +P +W +n +o +o +n +W +i +s +W +c +a +p +t +i +v +a +t +e +d +W +a +n +d +W +w +a +n +t +s +W +t +o +W +h +e +l +p +P +W +h +o +w +e +v +e +r +P +W +t +h +i +n +g +s +W +a +r +e +W +n +o +t +W +w +h +a +t +W +t +h +e +y +W +s +e +e +m +W +a +n +d +W +n +o +o +n +W +s +o +o +n +W +f +i +n +d +s +W +h +i +m +s +e +l +f +W +e +n +P +w +r +a +p +p +e +d +W +i +n +W +a +n +W +e +l +u +s +i +v +e +W +a +n +d +W +b +i +z +a +r +r +e +W +t +a +l +e +W +t +o +r +n +W +r +i +g +h +t +W +o +u +t +W +o +f +W +a +W +m +e +d +i +c +a +l +W +n +i +g +h +t +m +a +r +e +P +W +t +h +i +s +W +m +o +v +i +e +W +i +s +W +p +u +r +e +W +r +o +b +i +n +W +w +i +l +l +i +a +m +s +W +a +n +d +W +w +e +r +e +W +i +t +W +n +o +t +W +f +o +r +W +t +o +n +i +W +c +o +l +l +e +t +t +e +W +w +h +o +W +p +l +a +y +s +W +d +o +n +n +a +W +d +P +W +l +o +g +a +n +d +P +W +s +a +n +d +r +a +W +o +h +W +a +s +W +a +n +n +a +W +a +n +d +W +j +o +h +n +W +c +u +l +l +u +m +W +a +s +W +p +o +p +P +W +t +h +i +s +W +m +i +g +h +t +W +b +e +W +c +o +m +i +c +a +l +P +W +i +n +s +t +e +a +d +P +W +t +h +i +s +W +m +a +y +W +p +r +o +v +e +W +t +o +W +b +e +W +o +n +e +W +o +f +W +w +i +l +l +i +a +m +P +s +W +m +o +r +e +W +s +e +r +i +o +u +s +W +p +e +r +f +o +r +m +a +n +c +e +s +P +W +P +P +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +i +W +e +n +j +o +y +e +d +W +t +h +e +W +n +i +g +h +t +W +l +i +s +t +e +n +e +r +W +v +e +r +y +W +m +u +c +h +P +W +i +t +P +s +W +o +n +e +W +o +f +W +t +h +e +W +b +e +t +t +e +r +W +m +o +v +i +e +s +W +o +f +W +t +h +e +W +s +u +m +m +e +r +P +P +b +r +W +P +P +P +b +r +W +P +P +r +o +b +i +n +W +w +i +l +l +i +a +m +s +W +g +i +v +e +s +W +o +n +e +W +o +f +W +h +i +s +W +b +e +s +t +W +p +e +r +f +o +r +m +a +n +c +e +s +P +W +i +n +W +f +a +c +t +P +W +t +h +e +W +e +n +t +i +r +e +W +c +a +s +t +W +w +a +s +W +v +e +r +y +W +g +o +o +d +P +W +a +l +l +W +p +l +a +y +e +d +W +j +u +s +t +W +t +h +e +W +r +i +g +h +t +W +n +o +t +e +s +W +f +o +r +W +t +h +e +i +r +W +c +h +a +r +a +c +t +e +r +s +W +P +W +n +o +t +W +t +o +o +W +m +u +c +h +W +a +n +d +W +n +o +t +W +t +o +o +W +l +i +t +t +l +e +P +W +s +a +n +d +r +a +W +o +h +W +a +d +d +s +W +a +W +w +o +n +d +e +r +f +u +l +W +c +o +m +i +c +W +t +o +u +c +h +P +W +t +o +n +i +W +c +o +l +l +e +t +t +e +W +i +s +W +g +r +e +a +t +W +a +s +W +t +h +e +W +m +o +m +P +W +a +n +d +W +n +e +v +e +r +W +g +o +e +s +W +o +v +e +r +W +t +h +e +W +t +o +p +P +W +e +v +e +r +y +o +n +e +W +i +s +W +v +e +r +y +W +b +e +l +i +e +v +a +b +l +e +P +P +b +r +W +P +P +P +b +r +W +P +P +i +t +P +s +W +a +W +s +h +o +r +t +W +m +o +v +i +e +P +W +j +u +s +t +W +u +n +d +e +r +W +a +n +W +h +o +u +r +W +a +n +d +W +a +W +h +a +l +f +P +W +i +W +n +o +t +i +c +e +d +W +t +h +e +W +g +e +n +e +r +a +l +W +r +e +l +e +a +s +e +W +v +e +r +s +i +o +n +W +i +s +W +n +i +n +e +W +m +i +n +u +t +e +s +W +s +h +o +r +t +e +r +W +t +h +a +n +W +t +h +e +W +s +u +n +d +a +n +c +e +W +v +e +r +s +i +o +n +P +W +i +W +w +o +n +d +e +r +W +i +f +W +s +o +m +e +W +o +f +W +t +h +e +W +m +o +r +e +W +d +i +s +t +u +r +b +i +n +g +W +i +m +a +g +e +s +W +w +e +r +e +W +c +u +t +W +f +r +o +m +W +t +h +e +W +m +o +v +i +e +P +P +b +r +W +P +P +P +b +r +W +P +P +t +h +e +W +d +i +r +e +c +t +o +r +W +t +o +l +d +W +a +W +s +t +o +r +y +W +a +n +d +W +d +i +d +W +i +t +W +i +n +W +s +t +r +a +i +g +h +t +f +o +r +w +a +r +d +W +f +a +s +h +i +o +n +P +W +w +h +i +c +h +W +i +s +W +a +W +r +e +f +r +e +s +h +i +n +g +W +c +h +a +n +g +e +W +f +r +o +m +W +m +a +n +y +W +d +i +r +e +c +t +o +r +s +W +t +h +e +s +e +W +d +a +y +s +W +w +h +o +W +s +e +e +m +W +t +o +W +t +h +i +n +k +W +t +h +e +i +r +W +j +o +b +W +i +s +W +t +o +W +i +m +p +r +e +s +s +W +t +h +e +W +a +u +d +i +e +n +c +e +W +r +a +t +h +e +r +W +t +h +a +n +W +t +e +l +l +W +a +W +s +t +o +r +y +W +a +n +d +W +t +e +l +l +W +i +t +W +w +e +l +l +P +P +b +r +W +P +P +P +b +r +W +P +P +d +o +W +n +o +t +W +b +e +W +s +u +c +k +e +r +W +p +u +n +c +h +e +d +W +b +y +W +t +h +e +W +p +r +e +v +i +e +w +s +W +a +n +d +W +a +d +s +P +W +i +t +W +i +s +W +n +o +t +W +a +W +h +i +t +c +h +c +o +c +k +i +a +n +W +t +h +r +i +l +l +e +r +P +W +s +e +e +W +t +h +e +W +n +i +g +h +t +W +l +i +s +t +e +n +e +r +W +b +e +c +a +u +s +e +W +y +o +u +W +w +a +n +t +W +t +o +W +s +e +e +W +a +W +g +o +o +d +W +s +t +o +r +y +W +t +o +l +d +W +w +e +l +l +P +W +i +f +W +y +o +u +W +g +o +W +e +x +p +e +c +t +i +n +g +W +h +i +t +c +h +c +o +c +k +W +y +o +u +W +w +i +l +l +W +b +e +W +d +i +s +a +p +p +o +i +n +t +e +d +P +P +b +r +W +P +P +P +b +r +W +P +P +m +y +W +o +n +l +y +W +c +o +m +p +l +a +i +n +t +W +w +i +t +h +W +t +h +e +W +m +o +v +i +e +W +w +a +s +W +t +h +e +W +e +n +d +i +n +g +P +W +t +h +e +W +d +i +r +e +c +t +o +r +W +c +o +u +l +d +W +h +a +v +e +W +l +e +f +t +W +a +W +l +i +t +t +l +e +W +m +o +r +e +W +t +o +W +t +h +e +W +a +u +d +i +e +n +c +e +P +s +W +i +m +a +g +i +n +a +t +i +o +n +P +W +b +u +t +W +t +h +i +s +W +i +s +W +a +W +m +i +n +o +r +W +q +u +i +b +b +l +e +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +h +e +W +n +i +g +h +t +W +l +i +s +t +e +n +e +r +W +i +s +W +p +r +o +b +a +b +l +y +W +n +o +t +W +o +n +e +W +o +f +W +w +i +l +l +i +a +m +P +s +W +b +e +s +t +W +r +o +l +e +s +P +W +b +u +t +W +h +e +W +m +a +k +e +s +W +a +W +v +e +r +y +W +i +n +t +e +r +e +s +t +i +n +g +W +c +h +a +r +a +c +t +e +r +W +i +n +W +a +W +s +o +m +e +w +h +a +t +W +o +d +d +W +b +u +t +W +v +e +r +y +W +d +i +f +f +e +r +e +n +t +W +m +o +v +i +e +P +W +i +W +c +a +n +W +g +u +a +r +a +n +t +e +e +W +y +o +u +W +t +h +a +t +W +y +o +u +W +h +a +v +e +W +n +e +v +e +r +W +s +e +e +n +W +t +h +i +s +W +k +i +n +d +W +o +f +W +m +o +v +i +e +W +b +e +f +o +r +e +P +W +s +o +m +e +W +p +e +o +p +l +e +W +m +a +y +b +e +W +w +o +n +P +t +W +l +i +k +e +W +t +h +e +W +s +l +o +w +W +p +a +c +i +n +g +W +o +f +W +t +h +i +s +W +m +o +v +i +e +P +W +b +u +t +W +i +W +t +h +i +n +k +W +i +t +P +s +W +t +h +e +W +g +r +e +a +t +W +p +l +u +s +W +o +f +W +t +h +e +W +m +o +v +i +e +P +W +i +t +W +i +s +W +d +e +f +i +n +i +t +e +l +y +W +o +n +e +W +o +f +W +t +h +e +W +t +o +p +W +m +o +v +i +e +s +W +t +h +a +t +W +h +a +v +e +W +c +o +m +e +W +o +u +t +W +t +h +e +W +y +e +a +r +W +N +N +N +N +P +W +i +t +W +h +a +s +W +a +W +i +n +t +r +i +g +u +i +n +g +W +p +e +r +f +o +r +m +a +n +c +e +W +i +n +W +a +W +m +o +v +i +e +W +w +i +t +h +W +a +W +g +r +e +a +t +W +c +o +n +t +e +n +t +P +W +d +r +a +m +a +t +i +c +W +f +e +e +l +i +n +g +P +W +t +h +i +s +W +i +s +W +n +o +W +a +m +e +r +i +c +a +n +i +z +e +d +W +m +o +v +i +e +P +W +n +e +i +t +h +e +r +W +i +s +W +i +t +W +a +W +p +r +e +d +i +c +t +a +b +l +e +W +m +o +v +i +e +P +W +y +o +u +W +j +u +s +t +W +f +e +e +l +W +t +h +a +t +W +i +t +W +i +s +W +a +W +m +o +v +i +e +W +t +h +a +t +W +h +a +s +W +s +e +c +r +e +t +s +W +w +h +i +c +h +W +y +o +u +W +h +a +v +e +W +a +W +h +a +r +d +W +t +i +m +e +W +t +o +W +d +e +t +e +r +m +i +n +e +W +w +h +a +t +W +t +h +e +W +o +u +t +c +o +m +e +W +o +f +W +i +t +W +m +a +y +W +b +e +P +W +t +h +i +s +W +i +s +W +n +o +W +e +x +c +e +l +l +e +n +t +W +m +o +v +i +e +W +t +h +a +t +W +h +a +s +W +e +v +e +r +y +t +h +i +n +g +P +W +b +u +t +W +h +e +l +l +P +W +i +t +P +s +W +a +W +d +a +m +n +W +g +o +o +d +W +a +n +d +W +v +e +r +y +W +o +r +i +g +i +n +a +l +W +m +o +v +i +e +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +l +i +k +e +W +o +n +e +W +o +f +W +t +h +e +W +p +r +e +v +i +o +u +s +W +c +o +m +m +e +n +t +e +r +s +W +s +a +i +d +P +W +t +h +i +s +W +h +a +d +W +t +h +e +W +f +o +u +n +d +a +t +i +o +n +s +W +o +f +W +a +W +g +r +e +a +t +W +m +o +v +i +e +W +b +u +t +W +s +o +m +e +t +h +i +n +g +W +h +a +p +p +e +n +e +d +W +o +n +W +t +h +e +W +w +a +y +W +t +o +W +d +e +l +i +v +e +r +y +P +W +s +u +c +h +W +a +W +w +a +s +t +e +W +b +e +c +a +u +s +e +W +c +o +l +l +e +t +t +e +P +s +W +p +e +r +f +o +r +m +a +n +c +e +W +w +a +s +W +e +e +r +i +e +W +a +n +d +W +w +i +l +l +i +a +m +s +W +w +a +s +W +b +e +l +i +e +v +a +b +l +e +P +W +i +W +j +u +s +t +W +k +e +p +t +W +w +a +i +t +i +n +g +W +f +o +r +W +i +t +W +t +o +W +g +e +t +W +b +e +t +t +e +r +P +W +i +W +d +o +n +P +t +W +t +h +i +n +k +W +i +t +W +w +a +s +W +b +a +d +W +e +d +i +t +i +n +g +W +o +r +W +n +e +e +d +e +d +W +a +n +o +t +h +e +r +W +d +i +r +e +c +t +o +r +P +W +i +t +W +c +o +u +l +d +W +h +a +v +e +W +j +u +s +t +W +b +e +e +n +W +t +h +e +W +f +i +l +m +P +W +i +t +W +c +a +m +e +W +a +c +r +o +s +s +W +a +s +W +a +W +c +a +n +a +d +i +a +n +W +m +o +v +i +e +P +W +s +o +m +e +t +h +i +n +g +W +l +i +k +e +W +t +h +e +W +f +i +r +s +t +W +f +e +w +W +s +e +a +s +o +n +s +W +o +f +W +x +P +f +i +l +e +s +P +W +n +o +t +W +c +h +e +a +p +P +W +j +u +s +t +W +h +o +k +e +y +P +W +a +l +s +o +P +W +i +t +W +n +e +e +d +e +d +W +a +W +l +i +t +t +l +e +W +m +o +r +e +W +s +u +s +p +e +n +s +e +P +W +s +o +m +e +t +h +i +n +g +W +t +h +a +t +W +m +a +k +e +s +W +y +o +u +W +j +u +m +p +W +o +f +f +W +y +o +u +r +W +s +e +a +t +P +W +t +h +e +W +m +o +v +i +e +W +r +e +a +c +h +e +d +W +t +h +a +t +W +m +o +m +e +n +t +W +t +h +e +n +W +f +a +d +e +d +W +a +w +a +y +P +W +k +i +n +d +W +o +f +W +l +i +k +e +W +a +W +f +a +l +s +e +W +c +l +i +m +a +x +P +W +i +W +c +a +n +W +s +e +e +W +h +o +w +W +b +e +i +n +g +W +t +o +o +W +s +u +s +p +e +n +s +e +f +u +l +W +w +o +u +l +d +W +h +a +v +e +W +t +a +k +e +n +W +a +w +a +y +W +f +r +o +m +W +t +h +e +W +P +r +e +a +l +i +t +y +P +W +o +f +W +t +h +e +W +s +t +o +r +y +W +b +u +t +W +i +W +t +h +o +u +g +h +t +W +t +h +a +t +W +p +a +r +t +W +w +a +s +W +r +e +a +c +h +e +d +W +w +h +e +n +W +g +a +b +r +i +e +l +W +w +a +s +W +i +n +W +t +h +e +W +h +o +s +p +i +t +a +l +W +l +o +o +k +i +n +g +W +f +o +r +W +t +h +e +W +b +o +y +P +W +t +h +i +s +W +m +o +v +i +e +W +n +e +e +d +s +W +t +o +W +h +a +v +e +W +a +W +d +i +r +e +c +t +o +r +P +s +W +c +u +t +W +t +h +a +t +W +t +r +i +e +s +W +t +o +W +f +i +x +W +t +h +e +s +e +W +p +r +o +b +l +e +m +s +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +h +e +W +n +i +g +h +t +W +l +i +s +t +e +n +e +r +W +h +e +l +d +W +m +y +W +a +t +t +e +n +t +i +o +n +P +W +w +i +t +h +W +r +o +b +i +n +W +w +i +l +l +i +a +m +s +W +s +h +i +n +i +n +g +W +a +s +W +a +W +n +e +w +W +y +o +r +k +W +c +i +t +y +W +r +a +d +i +o +W +h +o +s +t +W +w +h +o +W +b +e +c +o +m +e +s +W +e +n +a +m +o +r +e +d +W +w +i +t +h +W +h +i +s +W +f +r +i +e +n +d +s +h +i +p +W +w +i +t +h +W +a +W +N +N +W +y +e +a +r +W +o +l +d +W +b +o +y +W +P +r +o +r +y +W +c +u +l +k +i +n +P +W +w +h +o +W +i +s +W +v +e +r +y +W +i +l +l +P +W +w +i +l +l +i +a +m +s +W +h +a +s +W +n +e +v +e +r +W +m +e +t +W +t +h +e +W +b +o +y +W +i +n +W +p +e +r +s +o +n +P +W +a +s +W +t +h +e +y +W +h +a +v +e +W +o +n +l +y +W +b +e +e +n +W +i +n +W +c +o +n +t +a +c +t +W +b +y +W +t +a +l +k +i +n +g +W +o +n +W +t +h +e +W +t +e +l +e +p +h +o +n +e +P +W +h +o +w +e +v +e +r +P +W +w +i +l +l +i +a +m +s +P +W +e +x +P +b +o +y +f +r +i +e +n +d +W +P +n +i +c +e +W +j +o +b +W +f +r +o +m +W +b +o +b +b +y +W +c +a +n +n +a +v +a +l +e +P +W +r +a +i +s +e +s +W +d +o +u +b +t +W +a +b +o +u +t +W +t +h +e +W +b +o +y +P +W +w +h +i +c +h +W +p +r +o +m +p +t +s +W +w +i +l +l +i +a +m +s +W +t +o +W +a +r +r +a +n +g +e +W +a +W +m +e +e +t +i +n +g +W +w +i +t +h +W +h +i +m +W +i +n +W +p +e +r +s +o +n +P +W +w +h +a +t +W +f +o +l +l +o +w +s +W +m +a +k +e +s +W +a +W +p +e +r +m +a +n +e +n +t +W +i +m +p +a +c +t +W +o +n +W +w +i +l +l +i +a +m +s +W +i +n +W +a +W +w +a +y +W +h +e +W +d +o +e +s +W +n +o +t +W +e +x +p +e +c +t +P +W +i +W +w +i +l +l +W +l +e +a +v +e +W +i +t +W +a +t +W +t +h +a +t +P +W +t +o +n +i +W +c +o +l +l +e +t +t +e +W +a +l +s +o +W +s +t +a +r +s +P +P +b +r +W +P +P +P +b +r +W +P +P +i +W +e +n +j +o +y +e +d +W +t +h +i +s +W +f +i +l +m +P +W +w +i +t +h +W +t +o +n +i +W +c +o +l +l +e +t +t +e +W +g +i +v +i +n +g +W +a +W +m +e +m +o +r +a +b +l +e +W +p +o +r +t +r +a +y +a +l +W +o +f +W +c +u +l +k +i +n +P +s +W +a +d +o +p +t +i +v +e +W +m +o +t +h +e +r +P +W +s +a +n +d +r +a +W +o +h +W +a +l +s +o +W +s +t +a +r +r +e +d +W +a +s +W +w +i +l +l +i +a +m +s +P +W +f +r +i +e +n +d +P +W +t +h +e +W +n +i +g +h +t +W +l +i +s +t +e +n +e +r +W +i +s +W +i +n +s +p +i +r +e +d +W +b +y +W +a +c +t +u +a +l +W +e +v +e +n +t +s +P +W +a +n +d +W +i +t +W +h +a +s +W +a +W +s +o +m +b +e +r +P +W +a +l +m +o +s +t +W +c +r +e +e +p +y +W +s +i +l +e +n +c +e +W +t +h +r +o +u +g +h +o +u +t +P +W +a +t +W +t +i +m +e +s +W +i +t +W +i +s +W +p +r +e +d +i +c +t +a +b +l +e +P +W +n +o +W +t +h +a +n +k +s +W +t +o +W +s +o +m +e +W +o +f +W +t +h +e +W +r +e +v +i +e +w +s +W +i +W +r +e +a +d +W +b +e +f +o +r +e +W +s +e +e +i +n +g +W +t +h +e +W +m +o +v +i +e +W +a +n +d +W +j +u +s +t +W +d +u +e +W +t +o +W +l +o +g +i +c +P +W +b +u +t +W +i +W +l +i +k +e +d +W +i +t +W +a +n +y +w +a +y +P +W +i +W +e +n +j +o +y +W +w +i +l +l +i +a +m +s +W +i +n +W +r +o +l +e +s +W +l +i +k +e +W +t +h +i +s +P +W +m +o +r +e +W +s +o +W +t +h +a +n +W +h +i +s +W +c +o +m +e +d +i +c +W +c +h +a +r +a +c +t +e +r +s +W +s +o +W +t +h +a +t +W +w +a +s +W +a +n +W +a +d +d +e +d +W +b +o +n +u +s +W +f +o +r +W +m +e +P +W +r +e +c +o +m +m +e +n +d +e +d +P +W +N +P +N +N +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +p +o +p +u +l +a +r +W +r +a +d +i +o +W +s +t +o +r +y +t +e +l +l +e +r +W +g +a +b +r +i +e +l +W +n +o +W +o +n +e +P +r +o +b +i +n +W +w +i +l +l +i +a +m +s +P +s +c +r +a +g +g +y +W +a +n +d +W +s +p +e +a +k +i +n +g +W +i +n +W +h +u +s +h +e +d +P +h +y +p +n +o +t +i +c +W +t +o +n +e +s +P +W +b +e +c +o +m +e +s +W +a +c +q +u +a +i +n +t +e +d +W +a +n +d +W +f +r +i +e +n +d +s +W +w +i +t +h +W +a +W +f +o +u +r +t +e +e +n +P +y +e +a +r +P +o +l +d +W +b +o +y +W +f +r +o +m +W +w +i +s +c +o +n +s +i +n +W +n +a +m +e +d +W +p +e +t +e +W +l +o +g +a +n +d +P +r +o +r +y +W +c +u +l +k +i +n +P +P +w +h +o +W +h +a +s +W +w +r +i +t +t +e +n +W +a +W +b +o +o +k +W +d +e +t +a +i +l +i +n +g +W +s +e +x +u +a +l +W +a +b +u +s +e +W +f +r +o +m +W +h +i +s +W +p +a +r +e +n +t +s +P +W +t +o +W +b +o +o +t +P +p +e +t +e +W +h +a +s +W +a +i +d +s +W +a +n +d +W +t +h +i +s +W +c +o +m +p +e +l +s +W +g +a +b +r +i +e +l +W +f +u +r +t +h +e +r +W +s +t +i +l +l +P +s +i +n +c +e +W +h +i +s +W +p +a +r +t +n +e +r +W +j +e +s +s +P +b +o +b +b +y +W +c +a +n +n +a +v +a +l +e +P +g +o +o +d +P +h +a +p +p +e +n +s +W +t +o +W +b +e +W +a +W +s +u +r +v +i +v +o +r +W +o +f +W +h +i +v +W +h +i +m +s +e +l +f +P +W +P +b +r +W +P +P +P +b +r +W +P +P +h +e +W +a +l +s +o +W +a +c +q +u +a +i +n +t +s +W +h +i +m +s +e +l +f +W +w +i +t +h +W +p +e +t +e +P +s +W +g +u +a +r +d +i +a +n +P +a +W +w +o +m +a +n +W +n +a +m +e +d +W +d +o +n +n +a +P +t +o +n +i +W +c +o +l +l +e +t +t +e +P +b +r +i +l +l +i +a +n +t +P +P +a +n +d +W +w +h +e +n +W +g +a +b +r +i +e +l +W +d +e +c +i +d +e +s +W +h +e +W +w +a +n +t +s +W +t +o +W +m +e +e +t +W +a +n +d +W +t +a +l +k +W +t +o +W +t +h +e +W +t +w +o +W +o +f +W +t +h +e +m +W +i +n +W +p +e +r +s +o +n +W +a +n +d +W +g +o +e +s +W +t +o +W +w +i +s +c +o +n +s +i +n +P +h +e +W +d +i +s +c +o +v +e +r +s +W +s +o +m +e +W +s +e +c +r +e +t +s +W +h +e +W +w +a +s +P +n +a +t +u +r +a +l +l +y +P +n +o +t +W +p +r +e +p +a +r +e +d +W +t +o +W +f +i +n +d +P +P +b +r +W +P +P +P +b +r +W +P +P +b +a +s +e +d +W +o +n +W +r +e +a +l +W +e +v +e +n +t +s +W +t +h +a +t +W +h +a +p +p +e +n +e +d +W +t +o +W +a +r +m +i +s +t +e +a +d +W +m +a +u +p +i +n +P +w +h +o +W +c +o +P +w +r +o +t +e +W +t +h +e +W +s +c +r +e +e +n +p +l +a +y +W +w +i +t +h +W +t +e +r +r +y +W +a +n +d +e +r +s +o +n +P +a +n +d +W +d +i +r +e +c +t +e +d +W +b +y +W +p +a +t +r +i +c +k +W +s +t +e +t +n +e +r +P +t +h +i +s +W +f +i +l +m +W +m +o +v +e +s +W +a +W +l +o +t +W +f +a +s +t +e +r +P +N +N +W +m +i +n +P +P +m +a +y +b +e +W +a +W +f +e +w +W +m +i +n +u +t +e +s +W +l +o +n +g +e +r +P +t +h +a +n +W +o +n +e +W +m +i +g +h +t +W +t +h +i +n +k +W +a +W +m +o +v +i +e +W +o +f +W +t +h +i +s +W +g +e +n +r +e +W +w +o +u +l +d +W +r +u +n +P +W +t +h +a +t +P +s +W +g +o +o +d +W +i +n +W +t +h +a +t +W +i +t +W +k +e +e +p +s +W +t +h +e +W +a +c +t +i +o +n +W +a +n +d +W +s +t +o +r +y +l +i +n +e +W +l +e +a +n +W +a +n +d +W +c +l +e +a +r +P +W +i +t +P +s +W +b +a +d +W +i +n +W +t +h +a +t +W +i +t +W +l +e +a +v +e +s +W +v +a +r +i +o +u +s +W +h +o +l +e +s +W +i +n +W +t +h +e +W +p +l +o +t +W +a +n +d +W +d +o +e +s +n +P +t +W +s +e +w +P +u +p +W +a +n +y +W +o +f +W +t +h +e +W +p +l +o +t +W +o +p +e +n +i +n +g +s +W +o +r +W +b +a +c +k +P +s +t +o +r +y +P +W +i +P +d +W +r +a +t +h +e +r +W +n +o +t +W +g +o +W +i +n +t +o +W +a +n +y +W +g +r +e +a +t +W +d +e +t +a +i +l +W +e +x +c +e +p +t +W +t +o +W +s +a +y +W +t +h +a +t +P +i +f +W +y +o +u +W +a +r +e +W +n +o +t +W +f +a +m +i +l +i +a +r +W +w +i +t +h +W +m +r +P +m +a +u +p +i +n +P +s +W +w +o +r +k +s +W +o +r +W +h +i +s +W +p +e +r +s +o +n +a +l +W +s +t +o +r +y +P +y +o +u +W +f +e +e +l +W +a +W +l +i +t +t +l +e +W +b +i +t +W +o +u +t +W +o +f +W +t +h +e +W +l +o +o +p +W +h +e +r +e +P +W +s +t +i +l +l +P +t +h +e +W +p +e +r +f +o +r +m +a +n +c +e +s +W +b +y +W +w +i +l +l +i +a +m +s +P +W +i +W +w +o +u +l +d +P +v +e +W +l +o +v +e +d +W +t +o +W +h +e +a +r +d +W +m +o +r +e +W +o +f +W +h +i +s +W +n +a +r +r +a +t +i +o +n +P +p +e +r +s +o +n +a +l +l +y +P +P +c +o +l +l +e +t +t +e +P +c +a +n +n +a +v +a +l +e +P +c +u +l +k +i +n +W +a +n +d +W +m +u +c +h +W +o +f +W +t +h +e +W +s +u +p +p +o +r +t +i +n +g +W +c +a +s +t +P +t +h +e +W +w +a +i +t +r +e +s +s +W +a +t +W +t +h +e +W +r +e +s +t +a +u +r +a +n +t +W +c +o +l +l +e +t +e +P +s +W +d +o +n +n +a +W +f +r +e +q +u +e +n +t +s +W +d +o +e +s +W +a +W +g +r +e +a +t +W +j +o +b +W +w +i +t +h +W +w +h +a +t +W +s +m +a +l +l +W +p +a +r +t +W +s +h +e +W +h +a +s +P +P +a +r +e +W +t +o +p +P +n +o +t +c +h +W +a +n +d +W +t +h +e +W +m +o +o +d +W +e +s +t +a +b +l +i +s +h +e +d +W +h +e +r +e +P +P +n +a +m +e +l +y +P +t +h +e +W +c +h +i +l +l +y +P +l +o +n +e +l +y +W +d +a +r +k +W +e +x +t +e +r +i +o +r +s +W +o +f +W +w +i +s +c +o +n +s +i +n +W +a +n +d +W +n +e +w +W +y +o +r +k +P +P +g +i +v +e +W +a +W +t +e +r +r +i +f +i +c +W +f +r +a +m +i +n +g +W +f +o +r +W +t +h +i +s +W +s +t +o +r +y +P +W +i +t +W +m +a +y +W +h +a +v +e +W +e +n +d +s +W +t +h +a +t +W +d +o +n +P +t +W +t +i +e +W +t +o +g +e +t +h +e +r +W +p +a +r +t +i +c +u +l +a +r +l +y +W +w +e +l +l +P +b +u +t +W +i +t +P +s +W +s +t +i +l +l +W +a +W +c +o +m +p +e +l +l +i +n +g +W +e +n +o +u +g +h +W +s +t +o +r +y +W +t +o +W +s +t +i +c +k +W +w +i +t +h +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +i +f +W +t +h +e +r +e +W +i +s +W +o +n +e +W +t +h +i +n +g +W +t +o +W +r +e +c +o +m +m +e +n +d +W +a +b +o +u +t +W +t +h +i +s +W +f +i +l +m +W +i +s +W +t +h +a +t +W +i +t +W +i +s +W +i +n +t +r +i +g +u +i +n +g +P +W +t +h +e +W +p +r +e +m +i +s +e +W +c +e +r +t +a +i +n +l +y +W +d +r +a +w +s +W +t +h +e +W +a +u +d +i +e +n +c +e +W +i +n +W +b +e +c +a +u +s +e +W +i +t +W +i +s +W +a +W +m +y +s +t +e +r +y +P +W +a +n +d +W +t +h +r +o +u +g +h +o +u +t +W +t +h +e +W +f +i +l +m +W +t +h +e +r +e +W +a +r +e +W +h +i +n +t +s +W +t +h +a +t +W +t +h +e +r +e +W +i +s +W +s +o +m +e +t +h +i +n +g +W +d +a +r +k +W +l +u +r +k +i +n +g +W +a +b +o +u +t +P +W +h +o +w +e +v +e +r +P +W +t +h +e +r +e +W +i +s +W +n +o +t +W +m +u +c +h +W +t +e +n +s +i +o +n +P +W +a +n +d +W +w +i +l +l +i +a +m +s +P +W +m +i +l +d +W +m +a +n +n +e +r +e +d +W +p +o +r +t +r +a +y +a +l +W +d +o +e +s +n +P +t +W +d +o +W +m +u +c +h +W +t +o +W +m +a +k +e +s +W +u +s +W +r +e +l +a +t +e +W +t +o +W +h +i +s +W +o +b +s +e +s +s +i +o +n +W +w +i +t +h +W +t +h +e +W +b +o +y +P +P +b +r +W +P +P +P +b +r +W +P +P +c +o +l +l +e +t +e +W +f +a +r +e +s +W +m +u +c +h +W +b +e +t +t +e +r +W +a +s +W +t +h +e +W +w +o +m +a +n +W +w +h +o +s +e +W +t +r +u +e +W +n +a +t +u +r +e +W +a +n +d +W +i +n +t +e +n +t +i +o +n +s +W +a +r +e +W +n +o +t +W +v +e +r +y +W +c +l +e +a +r +P +W +t +h +e +W +p +r +o +d +u +c +t +i +o +n +W +f +e +l +t +W +r +u +s +h +e +d +W +a +n +d +W +h +o +l +e +s +W +a +r +e +W +a +p +p +a +r +e +n +t +P +W +i +t +W +c +e +r +t +a +i +n +l +y +W +f +e +e +l +s +W +l +i +k +e +W +a +W +p +r +e +v +i +e +w +W +f +o +r +W +a +W +m +u +c +h +W +m +o +r +e +W +c +o +m +p +l +e +t +e +W +a +n +d +W +b +e +t +t +e +r +W +e +f +f +o +r +t +P +W +t +h +e +W +b +o +o +k +W +i +s +W +p +r +o +b +a +b +l +y +W +b +e +t +t +e +r +P +P +b +r +W +P +P +P +b +r +W +P +P +o +n +e +W +t +h +i +n +g +W +i +s +W +c +e +r +t +a +i +n +P +W +t +a +u +p +i +n +W +m +u +s +t +W +h +a +v +e +W +w +r +i +t +t +e +n +W +s +o +m +e +t +h +i +n +g +W +t +r +u +l +y +W +g +o +o +d +W +t +o +W +h +a +v +e +W +i +n +s +p +i +r +e +d +W +a +t +W +l +e +a +s +t +W +o +n +e +W +c +o +m +m +e +n +d +a +b +l +e +W +e +f +f +o +r +t +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +i +W +a +b +s +o +l +u +t +e +l +y +W +l +o +v +e +d +W +t +h +i +s +W +f +i +l +m +P +W +i +W +d +o +W +n +o +t +W +a +t +W +a +l +l +W +r +e +l +a +t +e +W +t +o +W +a +l +l +W +t +h +e +W +o +t +h +e +r +W +c +o +m +m +e +n +t +s +W +i +W +h +a +v +e +W +r +e +a +d +W +a +b +o +u +t +W +i +t +P +W +i +W +w +a +s +W +c +o +m +p +l +e +t +e +l +y +W +e +n +t +h +r +a +l +l +e +d +W +t +h +r +o +u +g +h +W +e +v +e +r +y +W +s +e +c +o +n +d +P +W +P +b +r +W +P +P +P +b +r +W +P +P +i +W +f +o +u +n +d +W +t +h +e +W +s +t +o +r +y +W +g +r +i +p +p +i +n +g +P +W +t +h +e +W +a +c +t +i +n +g +W +i +n +t +e +n +s +e +P +W +a +n +d +W +t +h +e +W +d +i +r +e +c +t +i +o +n +W +s +p +o +t +P +o +n +P +W +i +W +w +o +u +l +d +W +l +i +t +e +r +a +l +l +y +W +j +u +m +p +W +e +v +e +r +y +W +t +i +m +e +W +t +h +e +W +p +h +o +n +e +W +w +o +u +l +d +W +r +i +n +g +W +c +l +o +s +e +W +t +o +W +t +h +e +W +e +n +d +W +o +f +W +t +h +e +W +m +o +v +i +e +P +W +e +v +e +n +W +t +h +o +u +g +h +W +t +h +e +r +e +W +w +a +s +W +n +o +t +h +i +n +g +W +P +s +c +a +r +y +P +W +a +b +o +u +t +W +t +h +e +W +s +t +o +r +y +W +i +t +s +e +l +f +P +W +i +W +w +a +s +W +s +o +u +n +d +l +y +W +o +n +W +e +d +g +e +W +t +h +r +o +u +g +h +W +t +h +e +W +w +h +o +l +e +W +m +o +v +i +e +W +P +W +a +n +d +W +f +o +r +W +t +h +e +W +r +e +s +t +W +o +f +W +m +y +W +e +v +e +n +i +n +g +P +W +P +b +r +W +P +P +P +b +r +W +P +P +i +W +f +o +u +n +d +W +t +h +a +t +W +t +h +e +r +e +W +w +e +r +e +W +s +o +W +m +a +n +y +W +p +e +r +f +e +c +t +W +c +h +o +i +c +e +s +W +m +a +d +e +P +P +P +t +h +e +W +c +a +s +t +i +n +g +P +W +t +h +e +W +s +c +r +i +p +t +P +W +t +h +e +W +l +i +t +t +l +e +W +b +i +t +s +W +o +f +W +h +u +m +o +r +W +s +p +r +i +n +k +l +e +d +W +i +n +W +i +t +P +W +t +h +e +r +e +W +w +e +r +e +W +s +o +W +m +a +n +y +W +p +o +i +n +t +s +W +w +h +e +r +e +W +t +h +e +W +f +i +l +m +W +c +o +u +l +d +P +v +e +W +g +o +n +e +W +f +o +r +W +t +h +e +W +c +h +e +a +p +W +t +h +r +i +l +l +P +W +b +u +t +W +i +t +W +n +e +v +e +r +W +d +i +d +P +W +a +n +d +W +t +h +a +t +W +f +o +r +W +m +e +W +p +u +t +W +t +h +i +s +W +m +o +v +i +e +W +a +b +o +v +e +W +s +o +W +m +a +n +y +W +o +f +W +t +h +e +W +m +e +d +i +o +c +r +e +W +t +h +r +i +l +l +e +r +s +W +t +h +a +t +W +h +a +v +e +W +c +o +m +e +W +o +u +t +W +l +a +t +e +l +y +P +P +P +a +n +d +W +f +o +r +W +t +h +e +W +l +a +s +t +W +n +u +m +b +e +r +W +o +f +W +y +e +a +r +s +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +h +i +s +W +n +i +g +h +t +W +l +i +s +t +e +n +e +r +W +i +s +W +b +e +t +t +e +r +W +t +h +a +n +W +p +e +o +p +l +e +W +a +r +e +W +g +e +n +e +r +a +l +l +y +W +s +a +y +i +n +g +P +W +i +t +W +h +a +s +W +w +e +a +k +n +e +s +s +e +s +P +W +a +n +d +W +i +t +W +s +e +e +m +s +W +t +o +W +b +e +W +h +a +v +i +n +g +W +a +W +g +e +n +r +e +W +i +d +e +n +t +i +t +y +W +c +r +i +s +i +s +P +W +n +o +W +d +o +u +b +t +P +W +b +u +t +W +i +W +t +h +i +n +k +W +i +t +s +W +c +r +e +e +p +y +W +a +t +m +o +s +p +h +e +r +e +W +a +n +d +W +i +n +t +r +i +g +u +i +n +g +W +p +e +r +f +o +r +m +a +n +c +e +s +W +m +a +k +e +W +u +p +W +f +o +r +W +t +h +i +s +P +W +t +h +e +W +w +h +o +l +e +W +t +h +i +n +g +W +f +e +e +l +s +W +l +i +k +e +W +o +n +e +W +o +f +W +t +h +o +s +e +W +f +i +r +e +s +i +d +e +W +P +t +h +i +s +W +h +a +p +p +e +n +e +d +W +t +o +W +a +W +f +r +i +e +n +d +W +o +f +W +a +W +f +r +i +e +n +d +W +o +f +W +m +i +n +e +P +W +g +h +o +s +t +W +s +t +o +r +i +e +s +P +W +o +n +e +W +b +i +g +W +c +o +m +p +l +a +i +n +t +W +a +b +o +u +t +W +t +h +e +W +m +o +v +i +e +W +i +s +W +t +h +e +W +p +a +c +i +n +g +P +W +b +u +t +W +t +h +e +W +s +l +o +w +W +a +n +d +W +s +o +m +e +t +i +m +e +s +W +a +w +k +w +a +r +d +W +p +a +c +i +n +g +W +i +s +W +d +e +l +i +b +e +r +a +t +e +P +W +e +v +e +r +y +t +h +i +n +g +W +t +h +a +t +W +u +n +f +o +l +d +s +W +i +n +W +t +h +i +s +W +m +o +v +i +e +W +i +s +W +k +e +p +t +W +w +e +l +l +W +w +i +t +h +i +n +W +t +h +e +W +r +e +a +l +m +W +o +f +W +p +o +s +s +i +b +i +l +i +t +y +P +W +a +n +d +W +r +e +a +l +W +l +i +f +e +W +j +u +s +t +W +s +o +r +t +W +o +f +W +p +l +o +d +s +W +a +l +o +n +g +n +o +P +W +s +o +W +t +h +e +r +e +W +a +r +e +W +n +o +W +f +l +a +s +h +y +W +e +n +d +i +n +g +s +W +o +r +W +e +a +r +t +h +P +s +h +a +t +t +e +r +i +n +g +W +r +e +v +e +l +a +t +i +o +n +s +P +W +n +o +W +P +s +h +o +w +d +o +w +n +P +W +s +c +e +n +e +s +P +W +t +h +a +n +k +W +h +e +a +v +e +n +P +W +y +o +u +W +h +a +v +e +W +t +o +W +g +e +t +W +i +n +t +o +W +t +h +e +W +z +o +n +e +W +w +h +e +n +W +w +a +t +c +h +i +n +g +W +t +h +i +s +W +m +o +v +i +e +P +W +f +o +r +g +e +t +W +y +o +u +r +W +r +e +s +e +r +v +a +t +i +o +n +s +W +a +n +d +W +y +o +u +r +W +e +x +p +e +c +t +a +t +i +o +n +s +W +o +f +W +w +h +a +t +W +m +a +k +e +s +W +a +W +P +c +o +n +v +e +n +t +i +o +n +a +l +l +y +P +g +o +o +d +W +m +o +v +i +e +P +W +w +i +l +l +i +a +m +s +W +i +s +n +P +t +W +t +e +r +r +i +f +i +c +P +W +b +u +t +W +h +e +W +e +a +s +i +l +y +W +m +e +e +t +s +W +t +h +e +W +n +e +e +d +s +W +o +f +W +t +h +e +W +s +t +o +r +y +P +W +p +l +u +s +W +h +i +s +W +c +h +a +r +a +c +t +e +r +W +i +s +W +s +u +p +p +o +s +e +d +W +t +o +W +b +e +W +s +o +m +e +w +h +a +t +W +g +e +n +e +r +i +c +W +P +P +n +o +W +o +n +e +P +P +W +a +s +W +h +e +W +i +s +W +t +h +e +W +e +v +e +r +y +m +a +n +P +W +t +h +e +W +a +v +a +t +a +r +W +b +y +W +w +h +i +c +h +W +w +e +W +o +u +r +s +e +l +v +e +s +W +e +n +t +e +r +W +t +h +e +W +s +t +o +r +y +P +W +t +o +n +i +W +c +o +l +l +e +t +t +e +P +s +W +p +e +r +f +o +r +m +a +n +c +e +W +s +h +o +u +l +d +W +b +e +W +n +o +m +i +n +a +t +e +d +W +f +o +r +W +a +n +W +o +s +c +a +r +W +P +e +v +e +n +W +i +f +W +s +h +e +W +m +a +y +b +e +W +s +h +o +u +l +d +n +P +t +W +w +i +n +W +i +t +P +P +W +g +i +v +e +W +i +t +W +a +W +s +h +o +t +P +W +f +o +r +W +q +u +a +l +i +t +y +W +a +n +d +W +c +o +n +t +e +n +t +W +a +l +o +n +e +P +W +t +h +e +W +n +i +g +h +t +W +l +i +s +t +e +n +e +r +W +i +s +W +s +u +r +e +l +y +W +i +n +W +t +h +e +W +t +o +p +W +t +w +e +n +t +y +W +p +e +r +c +e +n +t +W +o +f +W +m +o +v +i +e +s +W +c +o +m +i +n +g +W +o +u +t +W +t +h +e +s +e +W +d +a +y +s +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +s +o +m +e +w +h +a +t +W +f +u +n +n +y +W +a +n +d +W +w +e +l +l +P +p +a +c +e +d +W +a +c +t +i +o +n +W +t +h +r +i +l +l +e +r +W +t +h +a +t +W +h +a +s +W +j +a +m +i +e +W +f +o +x +x +W +a +s +W +a +W +h +a +p +l +e +s +s +P +W +f +a +s +t +P +t +a +l +k +i +n +g +W +h +o +o +d +l +u +m +W +w +h +o +W +i +s +W +c +h +o +s +e +n +W +b +y +W +a +n +W +o +v +e +r +l +y +W +d +e +m +a +n +d +i +n +g +W +u +P +s +P +W +t +r +e +a +s +u +r +y +W +a +g +e +n +t +W +P +d +a +v +i +d +W +m +o +r +s +e +P +W +t +o +W +b +e +W +r +e +l +e +a +s +e +d +W +o +n +W +t +h +e +W +s +t +r +e +e +t +s +W +o +f +W +n +e +w +W +y +o +r +k +W +t +o +W +f +i +n +d +W +a +W +p +i +c +k +y +W +c +o +m +p +u +t +e +r +W +t +h +i +e +f +P +h +a +c +k +e +r +W +P +d +o +u +g +W +h +u +t +c +h +i +n +s +o +n +P +P +W +w +h +o +W +s +t +o +l +e +W +f +o +r +t +y +P +t +w +o +W +m +i +l +l +i +o +n +W +d +o +l +l +a +r +s +W +f +r +o +m +W +t +h +e +W +t +r +e +a +s +u +r +y +W +a +n +d +W +l +e +f +t +W +t +w +o +W +g +u +a +r +d +s +W +s +h +o +t +W +d +e +a +d +P +P +b +r +W +P +P +P +b +r +W +P +P +P +b +a +i +t +P +W +m +a +r +k +s +W +t +h +e +W +s +o +p +h +o +m +o +r +e +W +f +e +a +t +u +r +e +W +f +o +r +W +a +n +t +o +i +n +e +W +f +u +q +u +a +W +P +P +t +h +e +W +r +e +p +l +a +c +e +m +e +n +t +W +k +i +l +l +e +r +s +P +P +W +a +n +d +W +h +e +W +h +a +n +d +l +e +s +W +t +h +e +W +t +a +s +k +W +f +a +i +r +l +y +W +w +e +l +l +W +e +v +e +n +W +t +h +o +u +g +h +W +i +t +W +d +o +e +s +n +P +t +W +t +o +p +W +h +i +s +W +f +i +r +s +t +W +m +o +v +i +e +P +W +w +h +a +t +W +t +h +e +W +t +w +o +W +f +i +l +m +s +W +h +a +v +e +W +i +n +W +c +o +m +m +o +n +W +i +s +W +t +h +e +W +a +c +t +i +o +n +W +s +e +q +u +e +n +c +e +s +P +W +w +h +i +c +h +W +a +r +e +W +f +l +a +t +P +o +u +t +W +e +x +c +e +l +l +e +n +t +P +P +b +r +W +P +P +P +b +r +W +P +P +f +o +x +x +W +i +s +W +p +r +e +t +t +y +W +g +o +o +d +W +h +e +r +e +W +a +l +t +h +o +u +g +h +W +h +i +s +W +c +h +a +r +a +c +t +e +r +W +i +s +W +a +n +n +o +y +i +n +g +W +i +n +W +t +h +e +W +b +e +g +i +n +n +i +n +g +P +W +b +u +t +W +t +h +r +o +u +g +h +o +u +t +W +t +h +e +W +f +i +l +m +P +W +i +W +b +e +g +a +n +W +t +o +W +c +a +t +c +h +W +o +n +P +W +h +u +t +c +h +i +n +s +o +n +W +i +s +W +m +a +r +v +e +l +o +u +s +W +a +s +W +t +h +e +W +m +a +s +t +e +r +m +i +n +d +W +w +h +o +W +c +a +n +W +b +e +W +r +u +t +h +l +e +s +s +W +a +s +W +j +o +h +n +W +m +a +l +k +o +v +i +c +h +W +a +n +d +W +p +a +t +i +e +n +t +W +a +s +W +t +h +e +W +l +a +t +e +W +l +a +u +r +e +n +c +e +W +o +l +i +v +i +e +r +W +w +a +s +W +i +n +W +P +m +a +r +a +t +h +o +n +W +m +a +n +P +P +W +m +o +r +s +e +W +i +s +W +o +k +a +y +W +a +s +W +t +h +e +W +a +g +e +n +t +W +w +h +o +W +c +o +m +e +s +W +u +p +W +w +i +t +h +W +t +h +e +W +i +n +g +e +n +i +o +u +s +W +p +l +a +n +W +t +o +W +g +e +t +W +w +h +o +e +v +e +r +W +d +i +d +W +i +t +W +a +t +W +a +l +l +W +c +o +s +t +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +w +h +e +n +W +i +t +W +c +o +m +e +s +W +t +o +W +m +o +v +i +e +s +W +i +W +c +a +n +W +b +e +W +p +r +e +t +t +y +W +p +i +c +k +y +P +W +a +n +d +W +i +P +l +l +W +c +o +m +p +l +a +i +n +W +a +b +o +u +t +W +a +n +y +t +h +i +n +g +W +a +n +d +W +e +v +e +r +y +t +h +i +n +g +W +t +h +a +t +W +i +s +W +d +o +n +e +W +w +r +o +n +g +P +W +w +h +i +l +e +W +e +v +e +r +y +W +m +o +v +i +e +W +h +a +s +W +i +t +s +W +f +l +a +w +s +P +W +t +h +e +W +n +i +g +h +t +W +l +i +s +t +e +n +e +r +W +h +a +d +W +a +n +W +e +x +c +e +p +t +i +o +n +a +l +l +y +W +l +o +w +W +c +o +u +n +t +P +P +b +r +W +P +P +P +b +r +W +P +P +i +f +W +y +o +u +W +r +e +a +d +W +t +h +e +W +l +a +s +t +W +r +e +v +i +e +w +W +P +i +t +W +w +a +s +W +h +a +r +d +P +W +s +i +n +c +e +W +h +a +l +f +W +o +f +W +i +t +W +w +a +s +W +w +r +i +t +t +e +n +W +i +n +W +c +a +p +s +W +a +n +d +W +i +t +W +c +o +n +t +a +i +n +e +d +W +n +o +W +a +c +t +u +a +l +W +i +n +f +o +r +m +a +t +i +o +n +W +a +b +o +u +t +W +t +h +e +W +m +o +v +i +e +P +P +W +y +o +u +W +m +a +y +W +h +a +v +e +W +b +e +e +n +W +l +e +d +W +t +o +W +b +e +l +i +e +v +e +W +t +h +a +t +W +t +h +i +s +W +m +o +v +i +e +W +w +a +s +W +n +o +t +W +t +o +o +W +w +e +l +l +W +d +o +n +e +P +W +u +n +f +o +r +t +u +n +a +t +e +l +y +P +W +i +f +W +y +o +u +W +r +e +a +d +W +m +o +r +e +W +t +h +a +n +W +N +W +l +i +n +e +s +W +i +n +t +o +W +t +h +a +t +W +s +a +m +e +W +r +e +v +i +e +w +P +W +y +o +u +W +d +i +s +c +o +v +e +r +e +d +W +t +h +e +W +p +o +s +t +e +r +P +s +W +r +e +a +s +o +n +W +f +o +r +W +d +i +s +d +a +i +n +P +W +h +e +P +s +h +e +W +d +o +e +s +W +n +o +t +W +l +i +k +e +W +t +h +e +W +f +a +c +t +W +t +h +a +t +W +t +h +e +W +d +i +r +e +c +t +o +r +W +i +s +W +g +a +y +W +P +o +r +W +t +h +a +t +W +t +h +e +W +p +r +o +d +u +c +t +i +o +n +W +t +e +a +m +W +s +m +o +k +e +s +W +c +r +a +c +k +P +P +P +a +p +p +a +r +e +n +t +l +y +P +P +P +b +r +W +P +P +P +b +r +W +P +P +s +o +P +W +d +e +s +p +i +t +e +W +t +h +e +W +f +a +c +t +W +t +h +a +t +W +i +W +h +a +v +e +W +n +e +v +e +r +W +w +r +i +t +t +e +n +W +a +W +r +e +v +i +e +w +W +b +e +f +o +r +e +P +W +i +W +t +h +o +u +g +h +t +W +t +h +i +s +W +m +o +v +i +e +W +d +e +s +e +r +v +e +d +W +o +n +e +W +b +a +s +e +d +W +o +n +W +i +t +s +W +m +e +r +i +t +s +P +W +n +o +t +W +t +h +e +W +s +e +x +u +a +l +W +o +r +i +e +n +t +a +t +i +o +n +W +o +f +W +i +t +s +W +d +i +r +e +c +t +o +r +P +W +l +e +t +P +s +W +g +o +W +o +v +e +r +W +a +W +q +u +i +c +k +W +c +h +e +c +k +l +i +s +t +W +f +i +r +s +t +P +W +N +P +W +g +r +e +a +t +W +p +l +o +t +P +W +a +b +s +o +l +u +t +e +l +y +P +W +i +W +w +o +n +P +t +W +g +i +v +e +W +a +W +s +h +r +e +d +W +o +f +W +i +t +W +a +w +a +y +P +W +b +u +t +W +t +h +e +W +p +l +o +t +W +i +s +W +h +i +g +h +l +y +W +c +o +m +p +e +l +l +i +n +g +W +a +n +d +W +d +e +f +i +n +i +t +e +l +y +W +n +o +t +W +w +h +a +t +W +o +n +e +W +w +o +u +l +d +W +e +x +p +e +c +t +W +b +a +s +e +d +W +o +n +W +t +h +e +W +c +o +m +m +e +r +c +i +a +l +s +P +W +t +h +i +s +W +i +s +W +a +W +t +h +r +i +l +l +e +r +P +W +n +o +t +W +a +W +h +o +r +r +o +r +P +W +a +n +d +W +i +t +W +s +h +o +u +l +d +W +b +e +W +a +p +p +r +o +a +c +h +e +d +W +a +s +W +s +u +c +h +P +W +t +h +e +W +s +t +o +r +y +W +r +e +a +l +l +y +W +w +i +l +l +W +a +m +a +z +e +W +y +o +u +P +W +e +v +e +n +W +m +o +r +e +W +s +o +W +b +e +c +a +u +s +e +W +i +t +P +s +W +t +r +u +e +W +P +a +n +d +W +t +h +e +W +p +l +o +t +W +d +i +d +W +s +t +a +y +W +q +u +i +t +e +W +f +a +i +t +h +f +u +l +W +t +o +W +t +h +e +W +a +c +t +u +a +l +W +e +v +e +n +t +s +P +P +P +b +r +W +P +P +P +b +r +W +P +P +N +P +W +w +o +n +d +e +r +f +u +l +W +a +c +t +i +n +g +P +W +o +h +W +y +e +s +P +W +r +o +b +i +n +W +w +i +l +l +i +a +m +s +W +l +o +n +g +W +a +g +o +W +b +r +o +k +e +W +f +r +e +e +W +f +r +o +m +W +t +h +e +W +c +h +a +i +n +s +W +o +f +W +t +h +e +W +c +o +m +e +d +y +W +t +y +p +e +P +c +a +s +t +P +W +a +n +d +W +h +e +W +h +a +s +W +s +i +n +c +e +W +f +l +o +u +r +i +s +h +e +d +W +i +n +W +s +e +r +i +o +u +s +W +r +o +l +e +s +W +f +o +r +W +w +h +i +c +h +W +m +a +n +y +W +p +e +o +p +l +e +W +w +o +u +l +d +W +h +a +v +e +W +w +r +o +t +e +W +h +i +m +W +o +f +f +W +j +u +s +t +W +a +W +d +e +c +a +d +e +W +a +g +o +P +W +h +e +W +o +n +c +e +W +a +g +a +i +n +W +a +c +h +i +e +v +e +s +W +h +i +g +h +W +f +o +r +m +W +i +n +W +h +i +s +W +r +o +l +e +W +i +n +W +t +h +e +W +n +i +g +h +t +W +l +i +s +t +e +n +e +r +P +W +p +l +a +y +i +n +g +W +a +W +r +a +d +i +o +W +h +o +s +t +W +w +h +o +W +b +e +c +o +m +e +s +W +i +n +c +r +e +a +s +i +n +g +l +y +W +t +r +o +u +b +l +e +d +W +b +y +W +a +n +d +W +e +n +t +a +n +g +l +e +d +W +i +n +W +a +W +c +a +s +e +W +o +f +P +P +P +w +e +l +l +P +W +i +P +l +l +W +l +e +t +W +y +o +u +W +s +e +e +W +f +o +r +W +y +o +u +r +s +e +l +f +P +P +b +r +W +P +P +P +b +r +W +P +P +N +P +W +e +x +c +e +l +l +e +n +t +W +d +i +r +e +c +t +i +o +n +P +W +c +e +r +t +a +i +n +l +y +P +W +n +o +w +P +W +u +n +l +i +k +e +W +t +h +e +W +o +t +h +e +r +W +p +o +s +t +e +r +W +t +o +W +w +h +i +c +h +W +i +W +r +e +f +e +r +r +e +d +P +W +i +W +a +c +t +u +a +l +l +y +W +k +n +o +w +W +s +o +m +e +t +h +i +n +g +W +a +b +o +u +t +W +d +i +r +e +c +t +i +o +n +P +W +i +P +v +e +W +b +e +e +n +W +s +u +t +d +y +i +n +g +W +t +h +e +W +a +r +t +W +o +f +W +d +i +r +e +c +t +i +o +n +W +a +t +W +s +c +h +o +o +l +W +n +o +w +W +f +o +r +W +N +W +y +e +a +r +s +P +W +o +f +W +c +o +u +r +s +e +W +i +W +r +e +a +l +l +y +W +d +o +n +P +t +W +t +h +i +n +k +W +t +h +a +t +W +m +a +k +e +s +W +a +W +l +i +c +k +W +o +f +W +d +i +f +f +e +r +e +n +c +e +W +P +t +h +e +W +o +n +l +y +W +t +h +i +n +g +W +t +h +a +t +W +m +a +t +t +e +r +s +W +i +s +W +i +f +W +y +o +u +W +l +i +k +e +W +t +h +e +W +d +i +r +e +c +t +i +o +n +P +P +W +b +u +t +W +i +W +t +h +o +u +g +h +t +W +i +W +s +h +o +u +l +d +W +s +i +m +p +l +y +W +e +s +t +a +b +l +i +s +h +W +o +n +c +e +W +a +g +a +i +n +W +t +h +a +t +W +i +P +m +W +b +a +s +i +n +g +W +m +y +W +o +p +i +n +i +o +n +s +W +h +e +r +e +W +o +n +W +s +o +m +e +t +h +i +n +g +W +b +o +t +h +W +s +u +b +s +t +a +n +t +i +a +l +W +a +n +d +W +r +e +l +e +v +a +n +t +P +P +P +f +o +r +W +e +x +a +m +p +l +e +P +W +n +o +t +W +t +h +e +W +s +e +x +u +a +l +W +o +r +i +e +n +t +a +t +i +o +n +W +o +f +W +t +h +e +W +d +i +r +e +c +t +o +r +W +P +o +r +W +t +h +e +W +a +l +l +e +g +e +d +W +d +r +u +g +W +h +a +b +i +t +s +W +o +f +W +t +h +e +W +p +r +o +d +u +c +t +i +o +n +W +t +e +a +m +P +W +l +o +l +P +P +P +b +r +W +P +P +P +b +r +W +P +P +p +a +t +r +i +c +k +W +s +t +e +t +t +n +e +r +P +s +W +d +i +r +e +c +t +i +o +n +W +w +a +s +W +m +o +o +d +y +W +a +n +d +W +d +a +r +k +P +W +a +n +d +W +h +e +W +a +l +l +o +w +e +d +W +t +h +e +W +a +n +g +l +e +s +W +a +n +d +W +l +i +g +h +t +i +n +g +W +t +o +W +h +e +l +p +W +c +r +e +a +t +e +W +t +h +o +s +e +W +s +o +P +s +o +u +g +h +t +P +a +f +t +e +r +W +f +e +e +l +i +n +g +s +W +o +f +W +P +t +e +n +s +i +o +n +W +a +n +d +W +r +e +l +e +a +s +e +P +W +r +a +t +h +e +r +W +t +h +a +n +W +t +h +e +W +m +e +s +s +y +P +W +f +a +s +t +P +p +a +c +e +d +W +c +a +m +e +r +a +P +w +o +r +k +W +a +n +d +W +q +u +i +c +k +W +c +u +t +s +W +w +e +P +r +e +W +s +o +W +o +f +t +e +n +W +s +u +b +j +e +c +t +e +d +W +t +o +W +t +o +d +a +y +P +W +s +o +m +e +W +p +e +o +p +l +e +W +c +a +n +W +t +r +u +l +y +W +s +h +o +w +W +y +o +u +W +a +W +s +t +o +r +y +W +t +h +r +o +u +g +h +W +t +h +e +i +r +W +c +a +m +e +r +a +P +W +w +h +i +l +e +W +o +t +h +e +r +P +s +W +f +e +e +l +W +a +s +W +i +f +W +t +h +e +y +W +h +a +v +e +W +t +o +W +m +a +k +e +W +t +h +e +W +s +t +o +r +y +W +w +i +t +h +W +t +h +e +W +c +a +m +e +r +a +P +W +i +W +r +e +a +l +l +y +W +a +p +p +r +e +c +i +a +t +e +W +w +h +e +n +W +s +o +m +e +o +n +e +W +t +h +e +s +e +W +d +a +y +s +W +h +a +s +W +t +h +e +W +c +o +u +r +a +g +e +W +t +o +W +j +u +s +t +W +u +s +e +W +t +h +e +W +c +a +m +e +r +a +W +a +s +W +i +t +s +W +s +u +p +p +o +s +e +d +W +t +o +W +b +e +W +u +t +i +l +i +z +e +d +P +W +w +h +i +c +h +W +i +s +W +a +s +W +a +n +W +e +y +e +b +a +l +l +W +t +h +r +o +u +g +h +W +w +h +i +c +h +W +w +e +W +a +l +l +W +s +e +e +P +P +b +r +W +P +P +P +b +r +W +P +P +N +P +W +l +i +g +h +t +i +n +g +P +W +c +i +n +e +m +a +t +o +g +r +a +p +h +y +P +W +a +n +d +W +e +d +i +t +i +n +g +P +W +g +r +e +a +t +W +a +l +l +W +a +r +o +u +n +d +P +W +i +P +v +e +W +a +l +r +e +a +d +y +W +w +r +o +t +e +W +s +o +W +m +u +c +h +P +W +a +n +d +W +i +W +c +o +u +l +d +W +g +o +W +o +n +W +a +b +o +u +t +W +t +h +e +s +e +W +l +a +s +t +W +t +h +r +e +e +W +t +h +i +n +g +s +W +f +o +r +W +a +n +o +t +h +e +r +W +t +e +n +W +p +a +r +a +g +r +a +p +h +s +P +W +s +o +W +i +P +l +l +W +j +u +s +t +W +w +r +a +p +W +i +t +W +u +p +P +P +b +r +W +P +P +P +b +r +W +P +P +i +n +W +s +h +o +r +t +P +W +g +o +W +s +e +e +W +t +h +i +s +W +m +o +v +i +e +P +W +d +o +n +P +t +W +l +i +s +t +e +n +W +t +o +W +p +e +o +p +l +e +W +w +h +o +W +h +a +v +e +W +a +l +t +e +r +i +o +r +W +m +o +t +i +v +e +s +W +f +o +r +W +t +r +a +s +h +i +n +g +W +i +t +P +W +e +s +p +e +c +i +a +l +l +y +W +i +f +W +t +h +e +y +P +r +e +W +s +o +W +s +t +u +p +i +d +W +t +h +a +t +W +t +h +e +y +W +u +n +k +n +o +w +i +n +g +l +y +W +r +e +v +e +a +l +W +t +h +a +t +W +m +o +t +i +v +e +W +N +P +N +W +o +f +W +t +h +e +W +w +a +y +W +t +h +r +o +u +g +h +W +t +h +e +i +r +W +p +o +s +t +P +W +e +n +j +o +y +W +t +h +e +W +s +h +o +w +P +W +P +b +e +n +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +h +e +W +l +e +g +e +n +d +a +r +y +W +b +o +r +i +s +W +k +a +r +l +o +f +f +W +e +n +d +e +d +W +h +i +s +W +i +l +l +u +s +t +r +i +o +u +s +W +c +a +r +e +e +r +W +b +y +W +m +a +k +i +n +g +W +f +o +u +r +W +c +h +e +a +p +i +e +W +f +r +i +g +h +t +W +f +l +i +c +k +W +c +l +u +n +k +e +r +s +W +i +n +W +m +e +x +i +c +o +P +W +t +h +i +s +W +i +s +W +t +h +e +W +t +o +k +e +n +W +m +o +o +d +y +W +p +e +r +i +o +d +W +g +o +t +h +i +c +W +h +o +r +r +o +r +W +e +n +t +r +y +W +f +r +o +m +W +t +h +e +W +b +u +n +c +h +P +W +k +a +r +l +o +f +f +W +g +i +v +e +s +W +a +W +t +y +p +i +c +a +l +l +y +W +s +p +r +y +W +a +n +d +W +d +i +g +n +i +f +i +e +d +W +p +e +r +f +o +r +m +a +n +c +e +W +a +s +W +m +a +t +t +h +i +a +s +W +m +o +r +t +e +v +a +l +P +W +a +n +W +e +l +d +e +r +l +y +W +e +c +c +e +n +t +r +i +c +W +p +a +t +r +i +a +r +c +h +W +w +h +o +W +i +n +v +i +t +e +s +W +s +e +v +e +r +a +l +W +o +f +W +h +i +s +W +p +e +t +t +y +P +W +g +r +e +e +d +y +W +a +n +d +W +b +a +c +k +b +i +t +i +n +g +W +n +o +P +c +o +u +n +t +W +r +e +l +a +t +i +v +e +s +W +t +o +W +h +i +s +W +c +r +e +e +p +y +W +r +u +n +d +o +w +n +W +c +a +s +t +l +e +W +f +o +r +W +t +h +e +W +r +e +a +d +i +n +g +W +o +f +W +a +W +w +i +l +l +P +W +p +r +e +t +t +y +W +s +o +o +n +W +t +h +e +W +h +a +t +e +f +u +l +W +g +u +e +s +t +s +W +a +r +e +W +g +e +t +t +i +n +g +W +b +u +m +p +e +d +W +o +f +f +W +b +y +W +l +e +t +h +a +l +W +l +i +f +e +P +s +i +z +e +d +W +t +o +y +W +p +e +o +p +l +e +W +w +h +o +W +p +o +p +u +l +a +t +e +W +t +h +e +W +p +l +a +c +e +P +W +o +n +e +t +i +m +e +W +m +e +x +i +c +a +n +W +s +e +x +W +s +y +m +b +o +l +W +a +n +d +r +e +s +W +g +a +r +c +i +a +W +o +f +W +P +t +i +n +t +o +r +e +r +a +P +W +i +n +f +a +m +y +W +p +o +r +t +r +a +y +s +W +t +h +e +W +d +a +s +h +i +n +g +W +p +o +l +i +c +e +W +o +f +f +i +c +e +r +W +h +e +r +o +W +a +n +d +W +j +u +l +i +s +s +a +W +l +o +o +k +s +W +a +b +s +o +l +u +t +e +l +y +W +r +a +v +i +s +h +i +n +g +W +a +s +W +t +h +e +W +s +o +l +e +W +l +i +k +a +b +l +e +W +f +e +m +a +l +e +W +c +h +a +r +a +c +t +e +r +P +W +t +h +e +W +c +l +u +n +k +y +P +W +p +l +o +d +d +i +n +g +W +P +n +o +n +P +d +i +r +e +c +t +i +o +n +P +W +t +r +i +t +e +W +b +y +P +t +h +e +P +n +u +m +b +e +r +s +W +s +c +r +i +p +t +P +W +u +g +l +y +P +W +w +a +s +h +e +d +P +o +u +t +W +c +i +n +e +m +a +t +o +g +r +a +p +h +y +P +W +r +i +d +i +c +u +l +o +u +s +W +m +u +r +d +e +r +W +s +e +t +W +p +i +e +c +e +s +W +P +a +W +g +r +o +s +s +W +f +a +t +W +s +l +o +b +W +g +e +t +s +W +b +l +a +s +t +e +d +W +r +i +g +h +t +W +i +n +W +t +h +e +W +f +a +c +e +W +b +y +W +a +W +m +i +n +i +a +t +u +r +e +W +c +a +n +n +o +n +P +P +P +W +o +v +e +r +w +r +o +u +g +h +t +W +s +t +r +i +n +g +W +s +c +o +r +e +P +W +m +o +r +b +i +d +W +g +l +o +o +m +P +d +o +o +m +W +a +t +m +o +s +p +h +e +r +e +P +W +l +a +r +g +e +l +y +W +l +o +u +s +y +W +a +c +t +i +n +g +W +P +k +a +r +l +o +f +f +W +n +o +t +a +b +l +y +W +e +x +c +e +p +t +e +d +P +P +W +c +h +e +e +s +y +W +m +i +l +d +W +g +o +r +e +P +W +p +o +o +r +W +d +u +b +b +i +n +g +W +a +n +d +W +r +o +u +s +i +n +g +W +f +i +e +r +y +W +c +o +n +c +l +u +s +i +o +n +W +a +l +l +W +l +e +n +d +W +t +h +i +s +W +e +n +j +o +y +a +b +l +y +W +a +w +f +u +l +W +l +e +m +o +n +W +a +W +c +e +r +t +a +i +n +W +e +n +d +e +a +r +i +n +g +l +y +W +c +r +u +d +d +y +W +a +n +d +W +h +e +n +c +e +W +o +d +d +l +y +W +a +m +u +s +i +n +g +W +r +a +t +t +y +W +c +h +a +r +m +P +W +a +W +r +e +a +l +W +c +a +m +p +y +W +h +o +o +t +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +h +i +s +W +t +a +l +e +W +b +a +s +e +d +W +o +n +W +t +w +o +W +e +d +g +a +r +W +a +l +l +e +n +W +p +o +e +W +p +i +e +c +e +s +W +P +P +t +h +e +W +f +a +l +l +W +o +f +W +t +h +e +W +h +o +u +s +e +W +o +f +W +u +s +h +e +r +P +P +W +P +d +a +n +c +e +W +o +f +W +d +e +a +t +h +P +W +P +p +o +e +m +P +W +P +W +i +s +W +a +c +t +u +a +l +l +y +W +q +u +i +t +e +W +c +r +e +e +p +y +W +f +r +o +m +W +b +e +g +i +n +n +i +n +g +W +t +o +W +e +n +d +P +W +i +t +W +i +s +W +s +i +m +i +l +a +r +W +t +o +W +s +o +m +e +W +o +f +W +t +h +e +W +o +l +d +W +b +l +a +c +k +P +a +n +d +P +w +h +i +t +e +W +m +o +v +i +e +s +W +a +b +o +u +t +W +p +e +o +p +l +e +W +t +h +a +t +W +m +e +e +t +W +i +n +W +a +n +W +o +l +d +W +d +e +c +r +e +p +i +t +W +h +o +u +s +e +W +P +f +o +r +W +e +x +a +m +p +l +e +P +W +P +t +h +e +W +c +a +t +W +a +n +d +W +t +h +e +W +c +a +n +a +r +y +P +P +W +P +t +h +e +W +o +l +d +W +d +a +r +k +W +h +o +u +s +e +P +P +W +P +n +i +g +h +t +W +o +f +W +t +e +r +r +o +r +P +W +a +n +d +W +s +o +W +o +n +P +P +W +b +o +r +i +s +W +k +a +r +l +o +f +f +W +p +l +a +y +s +W +a +W +d +e +m +e +n +t +e +d +W +i +n +v +e +n +t +o +r +W +o +f +W +l +i +f +e +P +s +i +z +e +W +d +o +l +l +s +W +t +h +a +t +W +t +e +r +r +o +r +i +z +e +W +t +h +e +W +g +u +e +s +t +s +P +W +h +e +W +d +i +e +s +W +e +a +r +l +y +W +i +n +W +t +h +e +W +f +i +l +m +W +P +o +r +W +d +o +e +s +W +h +e +W +P +W +P +W +a +n +d +W +t +h +e +W +r +e +s +i +d +e +n +t +s +W +o +f +W +t +h +e +W +h +o +u +s +e +W +a +r +e +W +s +u +b +j +e +c +t +e +d +W +t +o +W +a +W +n +u +m +b +e +r +W +o +f +W +t +e +r +r +i +f +y +i +n +g +W +e +x +p +e +r +i +e +n +c +e +s +P +W +i +W +w +o +n +P +t +W +g +o +W +i +n +t +o +W +t +o +o +W +m +u +c +h +W +d +e +t +a +i +l +W +h +e +r +e +P +W +b +u +t +W +i +t +W +i +s +W +d +e +f +i +n +i +t +e +l +y +W +a +W +m +u +s +t +P +s +e +e +W +f +o +r +W +f +a +n +s +W +o +f +W +o +l +d +W +d +a +r +k +W +h +o +u +s +e +W +m +y +s +t +e +r +i +e +s +P +P +b +r +W +P +P +P +b +r +W +P +P +w +a +t +c +h +W +i +t +W +w +i +t +h +W +p +l +e +n +t +y +W +o +f +W +p +o +p +c +o +r +n +W +a +n +d +W +s +o +d +a +W +i +n +W +a +W +d +a +r +k +e +n +e +d +W +r +o +o +m +P +P +b +r +W +P +P +P +b +r +W +P +P +d +a +n +W +b +a +s +i +n +g +e +r +W +N +P +N +N +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +a +r +o +W +t +o +l +b +u +k +h +i +n +W +b +u +r +n +t +W +a +l +i +v +e +W +s +e +v +e +n +W +p +e +o +p +l +e +W +i +n +W +a +W +m +i +s +s +i +o +n +W +i +n +W +g +u +a +t +e +m +a +l +a +W +i +n +W +t +h +e +W +N +N +P +s +P +W +a +l +s +o +W +h +e +W +d +e +c +l +a +r +e +d +W +t +h +a +t +W +h +e +W +h +a +d +W +m +u +r +d +e +r +e +d +W +a +n +o +t +h +e +r +W +N +N +W +p +e +o +p +l +e +W +P +h +e +W +u +s +e +d +W +t +o +W +k +i +l +l +W +p +r +e +g +n +a +n +t +W +w +o +m +e +n +P +W +a +n +d +W +t +h +e +n +W +h +e +W +s +e +t +W +t +h +e +m +W +o +n +W +f +i +r +e +P +P +P +b +r +W +P +P +P +b +r +W +P +P +t +h +i +s +W +m +o +v +i +e +W +i +s +W +a +W +d +o +c +u +m +e +n +t +a +r +y +W +t +h +a +t +W +p +o +r +t +r +a +i +t +s +W +t +h +e +W +p +e +r +s +o +n +a +l +i +t +y +W +o +f +W +a +r +o +W +t +h +r +o +u +g +h +W +s +e +v +e +r +a +l +W +i +n +t +e +r +v +i +e +w +s +W +w +i +t +h +W +p +e +o +p +l +e +W +t +h +a +t +W +g +o +t +W +t +o +W +k +n +o +w +W +h +i +m +W +a +n +d +W +t +h +r +o +u +g +h +W +s +o +m +e +W +s +c +e +n +e +s +W +p +l +a +y +e +d +W +b +y +W +a +c +t +o +r +s +W +b +a +s +e +d +W +o +n +W +r +e +a +l +W +f +a +c +t +s +P +P +b +r +W +P +P +P +b +r +W +P +P +P +a +r +o +W +t +o +l +b +u +k +h +i +n +P +W +i +s +W +a +W +s +e +r +i +o +u +s +W +w +o +r +k +P +W +s +o +W +a +n +a +l +y +t +i +c +a +l +P +W +i +t +P +s +W +n +o +t +W +m +o +r +b +i +d +W +a +t +W +a +l +l +P +W +s +u +c +h +W +a +W +h +o +r +r +i +f +y +i +n +g +W +t +e +s +t +i +m +o +n +y +W +a +b +o +u +t +W +h +o +w +W +s +o +m +e +W +c +h +i +l +d +h +o +o +d +W +t +r +a +u +m +a +W +c +a +n +W +t +u +r +n +W +a +W +m +a +n +W +i +n +t +o +W +a +W +m +o +n +s +t +e +r +P +P +b +r +W +P +P +P +b +r +W +P +P +P +m +y +W +r +a +t +e +P +W +N +P +N +N +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +a +f +t +e +r +W +s +e +e +i +n +g +W +s +e +v +e +r +a +l +W +m +o +v +i +e +s +W +o +f +W +v +i +l +l +a +r +o +n +g +a +P +W +i +W +h +a +d +W +a +W +p +r +e +t +t +y +W +c +l +e +a +r +W +o +p +i +n +i +o +n +W +a +b +o +u +t +W +h +i +m +W +P +P +W +h +e +W +c +o +n +c +e +n +t +r +a +t +e +s +W +t +o +o +W +m +u +c +h +W +o +n +W +t +h +e +W +p +e +r +s +o +n +a +l +W +a +s +p +e +c +t +W +o +f +W +t +h +e +W +c +h +a +r +a +c +t +e +r +s +P +W +f +o +r +g +e +t +t +i +n +g +W +a +b +o +u +t +W +a +W +r +h +y +t +h +m +W +o +f +W +t +h +e +W +m +o +v +i +e +P +W +t +h +a +t +W +i +s +W +w +h +y +P +W +t +h +o +u +g +h +W +h +a +v +i +n +g +W +g +o +o +d +W +c +r +i +t +i +c +s +P +W +h +i +s +W +m +o +v +i +e +s +W +n +e +v +e +r +W +c +a +u +g +h +t +W +t +h +e +W +b +r +o +a +d +W +a +u +d +i +e +n +c +e +W +a +t +t +e +n +t +i +o +n +P +W +i +n +W +a +r +o +W +h +e +W +f +o +l +l +o +w +s +W +t +h +e +W +s +a +m +e +W +l +i +n +e +P +W +b +u +t +W +r +e +a +l +l +y +W +i +m +p +r +o +v +e +d +W +o +n +W +t +h +e +W +r +h +y +t +h +m +P +W +e +s +p +e +c +i +a +l +l +y +W +i +n +W +t +h +e +W +e +n +d +W +o +f +W +t +h +e +W +m +o +v +i +e +P +W +f +r +a +n +k +l +y +W +s +p +e +a +k +i +n +g +P +W +i +W +s +l +e +p +t +W +t +h +r +o +u +g +h +W +t +h +e +W +f +i +r +s +t +W +p +a +r +t +P +W +c +a +u +s +e +W +t +h +o +u +g +h +W +t +h +e +W +f +i +r +s +t +W +p +a +r +t +W +g +i +v +e +s +W +n +e +c +e +s +s +a +r +y +W +i +n +f +o +r +m +a +t +i +o +n +P +W +i +t +W +i +s +W +r +e +a +l +l +y +W +s +l +o +w +P +W +n +e +v +e +r +t +h +e +l +e +s +s +W +t +h +e +W +s +e +c +o +n +d +W +p +a +r +t +W +i +s +W +a +b +s +o +l +u +t +e +l +y +W +m +a +r +v +e +l +o +u +s +W +a +n +d +W +m +a +k +e +s +W +t +h +e +W +w +h +o +l +e +W +m +o +v +i +e +W +t +h +e +W +b +e +s +t +W +m +o +v +i +e +W +e +v +e +r +W +m +a +d +e +W +b +y +W +v +i +l +l +a +r +o +n +g +a +P +P +b +r +W +P +P +P +b +r +W +P +P +r +e +c +o +m +m +e +n +d +e +d +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +h +e +r +e +P +s +W +s +o +W +m +a +n +y +W +t +h +i +n +g +s +W +t +o +W +f +a +l +l +W +f +o +r +W +i +n +W +a +r +o +W +t +o +l +b +u +k +h +i +n +P +W +e +n +W +l +a +W +m +e +n +t +e +W +d +e +l +W +a +s +e +s +i +n +o +W +P +i +n +s +i +d +e +W +t +h +e +W +k +i +l +l +e +r +P +s +W +m +i +n +d +P +P +W +t +h +a +t +W +i +t +P +s +W +v +e +r +y +W +h +a +r +d +W +t +o +W +t +a +l +k +W +a +b +o +u +t +W +i +t +W +w +i +t +h +o +u +t +W +g +i +v +i +n +g +W +a +n +y +W +k +i +n +d +W +o +f +W +w +a +r +n +i +n +g +P +W +l +e +t +P +s +W +j +u +s +t +W +s +a +y +W +t +h +a +t +W +t +h +i +s +W +m +o +v +i +e +W +i +s +W +l +i +k +e +W +a +n +W +e +x +e +r +c +i +s +e +W +i +n +W +c +i +n +e +m +a +W +b +u +t +W +r +e +a +l +l +y +P +W +r +e +a +l +l +y +W +g +r +e +a +t +W +d +o +n +e +P +W +i +t +P +s +W +m +a +d +e +W +w +i +t +h +W +s +u +p +e +r +W +N +P +W +b +l +a +c +k +W +a +n +d +W +w +h +i +t +e +W +s +h +o +t +s +P +W +N +N +W +m +i +l +i +m +e +t +e +r +s +P +W +c +o +l +o +r +P +W +i +n +t +e +r +v +i +e +w +s +P +W +f +l +a +s +h +b +a +c +k +s +P +W +a +r +o +W +t +o +l +b +u +k +h +i +n +W +i +t +P +s +W +l +i +k +e +W +a +W +m +o +v +i +e +W +m +a +d +e +W +a +W +d +o +c +u +m +e +n +t +a +l +W +o +r +W +v +i +c +e +v +e +r +s +a +P +W +w +h +i +c +h +W +m +o +s +t +W +p +e +c +u +l +i +a +r +W +a +s +p +e +c +t +W +r +e +l +a +y +s +W +o +n +W +t +h +e +W +d +o +u +b +t +W +t +h +a +t +W +l +e +a +v +e +s +W +y +o +u +W +w +o +n +d +e +r +i +n +g +P +W +d +i +d +W +h +e +W +r +e +a +l +l +y +W +e +v +e +r +W +e +x +i +s +t +e +d +P +W +t +h +e +W +m +o +v +i +e +W +f +o +l +l +o +w +s +W +t +h +e +W +l +a +t +e +r +W +l +i +f +e +W +o +f +W +a +n +W +h +u +n +g +a +r +i +a +n +W +s +a +i +l +o +r +W +t +h +a +t +W +a +r +r +i +v +e +d +W +i +n +W +g +u +a +t +e +m +a +l +a +P +W +w +o +r +k +e +d +W +i +n +W +a +W +r +e +l +i +g +i +o +u +s +W +m +i +s +s +i +o +n +W +a +n +d +W +t +h +e +n +W +k +i +l +l +e +d +W +s +o +m +e +W +p +e +o +p +l +e +P +W +a +n +W +a +c +t +W +f +o +r +W +w +h +i +c +h +W +h +e +W +g +o +t +W +c +a +u +g +h +t +W +a +n +d +W +d +e +a +t +h +W +p +e +n +a +l +t +y +W +s +e +n +t +e +n +c +e +d +P +W +t +h +e +W +m +o +v +i +e +W +s +t +a +r +t +s +W +b +e +c +a +u +s +e +W +s +o +m +e +W +f +r +e +n +c +h +W +d +o +c +u +m +e +n +t +a +l +i +s +t +s +W +g +o +t +W +i +n +t +e +r +e +s +t +e +d +W +i +n +W +t +h +i +s +W +c +h +a +r +a +c +t +e +r +W +s +o +W +t +h +e +y +W +i +n +t +e +r +v +i +e +w +W +h +i +m +W +p +r +i +o +r +W +t +o +W +h +i +s +W +d +e +a +t +h +P +W +n +o +w +a +d +a +y +s +P +W +s +o +m +e +W +m +o +r +e +W +p +e +o +p +l +e +W +g +o +t +W +i +n +v +o +l +v +e +d +W +a +n +d +W +m +a +k +e +W +a +W +d +e +e +p +e +r +W +r +e +s +e +a +r +c +h +W +o +f +W +t +h +e +W +c +h +a +r +a +c +t +e +r +P +W +t +h +e +W +o +n +e +W +w +e +W +a +r +e +W +w +i +t +n +e +s +s +W +o +f +W +P +t +h +e +W +m +o +v +i +e +P +P +b +r +W +P +P +P +b +r +W +P +P +f +o +r +W +t +h +e +W +m +a +i +n +W +p +a +r +t +W +i +n +W +t +h +e +W +h +i +s +t +o +r +y +W +w +e +W +a +r +e +W +g +u +i +d +e +d +W +b +y +W +a +W +s +e +m +i +W +s +l +o +w +W +p +h +a +s +e +W +t +o +W +g +o +W +l +o +o +k +W +i +n +s +i +d +e +W +a +r +o +P +s +W +m +i +n +d +P +W +m +a +i +n +l +y +W +i +n +W +o +r +d +e +r +W +t +o +W +d +e +c +o +d +e +W +w +h +y +W +h +e +W +d +i +d +W +w +h +a +t +W +h +e +W +h +a +s +W +d +o +n +e +P +W +n +e +v +e +r +t +h +e +l +e +s +s +P +W +t +h +e +W +i +m +p +o +r +t +a +n +t +W +t +h +i +n +g +W +i +s +W +t +h +a +t +W +t +h +e +W +f +i +l +m +m +a +k +e +r +s +W +n +e +v +e +r +W +g +i +v +e +s +W +u +s +W +a +W +s +i +d +e +d +W +p +o +i +n +t +W +o +f +W +v +i +e +w +P +W +t +h +e +y +W +l +e +f +t +W +t +h +e +W +j +u +d +g +i +n +g +W +f +o +r +W +a +l +l +W +o +f +W +u +s +W +a +n +d +W +e +v +e +n +W +a +s +W +w +e +W +m +a +y +W +u +n +d +e +r +s +t +a +n +d +W +h +i +s +W +a +c +t +i +o +n +s +P +W +w +e +W +c +l +e +a +r +l +y +W +n +e +v +e +r +W +j +u +s +t +i +f +y +W +t +h +e +m +P +W +s +o +P +W +t +h +e +W +f +i +r +s +t +W +h +a +l +f +W +i +s +W +b +a +s +e +d +W +u +p +o +n +W +r +e +c +o +l +l +e +c +t +i +n +g +W +i +n +f +o +r +m +a +t +i +o +n +P +W +l +a +t +e +r +W +t +h +i +n +g +s +W +t +u +r +n +W +i +n +t +o +W +a +r +o +P +s +W +c +h +i +l +d +h +o +o +d +P +W +g +i +v +i +n +g +W +t +h +e +W +m +o +v +i +e +W +s +u +c +h +W +a +n +W +i +n +c +r +e +d +i +b +l +e +W +n +e +w +W +f +o +r +c +e +W +P +e +v +e +n +W +t +o +u +g +h +W +n +e +v +e +r +W +g +o +t +W +w +e +a +k +W +o +r +W +b +o +r +i +n +g +P +P +P +b +r +W +P +P +P +b +r +W +P +P +i +W +d +o +n +P +t +W +m +e +a +n +W +P +a +n +d +W +d +o +n +P +t +W +w +a +n +t +P +W +t +o +W +s +p +o +i +l +W +a +n +y +t +h +i +n +g +P +W +s +o +W +t +h +e +W +o +n +l +y +W +t +h +i +n +g +W +l +e +f +t +W +t +o +W +s +a +y +W +i +s +W +t +h +a +t +W +i +f +W +b +y +W +a +n +y +W +c +h +a +n +c +e +W +y +o +u +W +g +e +t +W +t +h +i +s +W +m +o +v +i +e +W +n +e +a +r +W +y +o +u +P +W +b +e +l +i +e +v +e +W +m +e +P +W +t +h +e +W +t +r +i +p +W +t +o +W +s +e +e +W +i +t +W +i +s +W +m +o +r +e +W +t +h +a +n +W +w +o +r +t +h +y +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +h +i +s +W +h +a +s +W +g +o +t +W +t +o +W +b +e +W +a +W +u +n +i +q +u +e +W +t +w +i +s +t +s +W +o +f +W +t +w +o +W +g +e +n +r +e +s +W +o +f +W +e +v +e +r +W +s +e +e +n +P +W +t +h +e +W +g +i +a +n +t +W +m +o +n +s +t +e +r +W +m +o +v +i +e +W +g +e +n +r +e +W +w +i +t +h +W +t +h +e +W +l +i +v +i +n +g +W +m +u +m +m +y +W +m +o +v +i +e +W +g +e +n +r +e +P +W +t +h +i +s +W +u +n +i +q +u +e +W +b +l +e +n +d +W +m +a +k +e +s +W +f +o +r +W +a +W +u +n +i +q +u +e +W +a +n +d +W +c +o +m +p +e +l +l +i +n +g +W +s +t +o +r +y +P +W +t +h +e +W +c +a +s +t +s +W +i +s +W +o +u +t +s +t +a +n +d +i +n +g +P +W +i +n +c +l +u +d +i +n +g +W +t +o +m +W +b +o +s +l +e +y +W +w +h +o +W +a +s +W +f +a +r +W +a +s +W +i +W +k +n +o +w +W +n +e +v +e +r +W +h +a +s +W +b +e +e +n +W +i +n +W +a +W +h +o +r +r +o +r +W +m +o +v +i +e +W +b +e +f +o +r +e +P +W +e +v +e +r +P +W +t +h +e +W +e +f +f +e +c +t +s +W +a +r +e +W +i +m +p +r +e +s +s +i +v +e +W +a +n +d +W +t +h +e +W +i +d +e +a +W +o +f +W +a +W +g +i +a +n +t +W +m +u +m +m +y +W +f +i +l +l +e +d +W +w +i +t +h +W +s +m +a +l +l +e +r +W +m +u +m +m +i +e +s +W +i +s +W +a +W +c +o +o +l +W +o +n +e +P +W +m +y +W +o +n +e +W +c +o +m +p +l +a +i +n +t +P +W +i +W +j +u +s +t +W +w +i +s +h +W +w +e +W +s +a +w +W +m +o +r +e +W +o +f +W +t +h +e +W +g +i +a +n +t +W +m +u +m +m +y +P +W +b +u +t +W +o +t +h +e +r +W +t +h +e +n +W +t +h +a +t +W +i +W +t +h +i +n +k +W +t +h +e +y +W +d +i +d +W +a +W +g +r +e +a +t +W +j +o +b +P +W +t +h +e +W +d +i +a +l +o +g +P +W +t +h +e +W +c +h +a +r +a +c +t +e +r +s +W +a +n +d +W +t +h +e +W +s +t +o +r +y +W +w +a +s +W +p +e +r +f +e +c +t +P +W +t +h +e +W +a +c +t +i +n +g +W +w +a +s +W +w +o +n +d +e +r +f +u +l +P +W +t +h +i +s +W +h +a +s +W +g +o +t +W +t +o +W +b +e +W +t +h +e +W +b +e +s +t +W +m +o +v +i +e +W +t +o +W +c +o +m +e +W +o +u +t +W +o +f +W +t +h +e +W +s +c +i +P +f +i +W +c +h +a +n +n +e +l +P +W +y +o +u +W +h +e +a +r +d +W +m +e +P +W +t +h +e +W +b +e +s +t +W +m +o +v +i +e +W +t +o +W +c +o +m +e +W +o +u +t +W +o +f +W +t +h +e +W +s +c +i +P +f +i +W +c +h +a +n +n +e +l +P +W +i +W +g +i +v +e +W +t +h +e +W +f +a +l +l +e +n +W +o +n +e +s +W +N +W +o +u +t +W +o +f +W +N +N +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +w +i +t +h +o +u +t +W +k +i +r +s +t +e +n +W +m +i +l +l +e +r +W +t +h +i +s +W +p +r +o +j +e +c +t +W +n +e +e +d +n +P +t +W +h +a +v +e +W +b +e +e +n +W +c +o +m +p +l +e +t +e +d +P +W +h +o +w +e +v +e +r +W +w +i +t +h +W +t +h +e +W +a +w +e +W +i +n +s +p +i +r +i +n +g +W +b +e +a +u +t +y +W +a +n +d +W +t +a +l +e +n +t +W +t +h +a +t +W +i +s +W +m +i +s +s +W +m +i +l +l +e +r +W +i +W +w +o +u +l +d +W +d +e +f +i +n +i +t +e +l +y +W +r +e +c +o +m +m +e +n +d +W +i +t +P +W +i +t +W +l +o +o +k +e +d +W +a +s +W +i +f +W +t +h +e +W +o +t +h +e +r +W +a +c +t +o +r +s +W +w +e +r +e +W +o +n +l +y +W +p +l +a +y +i +n +g +W +t +o +W +h +e +r +W +s +t +r +o +n +g +W +p +e +r +f +o +r +m +a +n +c +e +P +W +w +a +g +n +e +r +P +s +W +d +i +s +m +a +l +W +a +t +t +e +m +p +t +W +t +o +W +h +o +n +o +r +W +t +h +i +s +W +f +i +l +m +W +w +a +s +W +a +W +b +i +t +W +d +i +s +a +p +p +o +i +n +t +i +n +g +P +W +b +u +t +W +h +i +s +W +f +e +w +W +s +c +e +n +e +s +W +d +i +d +n +P +t +W +d +e +t +r +a +c +t +W +f +r +o +m +W +b +e +i +n +g +W +e +n +t +e +r +t +a +i +n +e +d +P +W +m +o +s +t +l +y +W +m +y +W +c +r +i +t +i +c +i +s +m +s +W +a +r +e +W +w +i +t +h +W +t +h +e +W +w +r +i +t +i +n +g +W +a +n +d +W +p +l +o +t +W +l +i +n +e +P +W +t +h +e +W +g +r +o +u +p +W +o +f +W +t +a +l +e +n +t +W +a +s +s +e +m +b +l +e +d +W +d +i +d +W +a +W +h +e +r +o +i +c +W +j +o +b +W +o +f +W +s +a +l +v +a +g +i +n +g +W +w +h +a +t +W +s +h +o +u +l +d +W +h +a +v +e +W +b +e +e +n +W +a +W +d +i +s +a +s +t +e +r +P +W +t +h +e +W +c +h +a +r +i +s +m +a +t +i +c +W +m +i +l +l +e +r +W +d +e +l +i +v +e +r +y +W +a +n +d +W +t +i +m +i +n +g +W +w +e +r +e +W +i +m +p +e +c +c +a +b +l +e +W +a +n +d +W +b +e +l +i +e +v +a +b +l +e +P +W +s +h +e +W +p +l +a +y +s +W +t +h +a +t +W +f +i +n +e +W +l +i +n +e +W +b +e +t +w +e +e +n +W +a +s +s +e +r +t +i +v +e +W +a +n +d +W +b +o +s +s +y +W +b +u +t +W +n +e +v +e +r +W +o +f +f +e +n +s +i +v +e +W +s +h +e +W +i +s +W +i +n +W +f +a +c +t +W +t +h +e +W +s +t +r +u +c +t +u +r +a +l +W +e +n +g +i +n +e +e +r +W +s +h +e +W +c +l +a +i +m +s +W +t +o +W +b +e +P +W +i +W +w +i +s +h +W +i +W +h +a +d +W +s +e +e +n +W +t +h +i +s +W +o +n +W +t +h +e +W +b +i +g +W +s +c +r +e +e +n +W +b +u +t +W +a +l +a +s +W +i +W +w +a +s +W +f +o +r +t +u +n +a +t +e +W +t +o +W +r +e +n +t +W +i +t +W +b +e +f +o +r +e +W +i +t +W +w +a +s +W +l +o +s +t +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +s +u +r +e +P +W +t +i +t +a +n +i +c +W +w +a +s +W +a +W +g +o +o +d +W +m +o +v +i +e +P +W +t +h +e +W +f +i +r +s +t +W +t +i +m +e +W +y +o +u +W +s +e +e +W +i +t +P +W +b +u +t +W +y +o +u +W +r +e +a +l +l +y +W +s +h +o +u +l +d +W +s +e +e +W +i +t +W +a +W +s +e +c +o +n +d +W +t +i +m +e +W +a +n +d +W +y +o +u +r +W +o +p +i +n +i +o +n +W +o +f +W +t +h +e +W +f +i +l +m +W +w +i +l +l +W +d +e +f +i +n +e +t +l +y +W +c +h +a +n +g +e +P +W +t +h +e +W +f +i +r +s +t +W +t +i +m +e +W +y +o +u +W +s +e +e +W +t +h +e +W +m +o +v +i +e +W +y +o +u +W +s +e +e +W +t +h +e +W +u +n +d +e +r +l +y +i +n +g +W +l +o +v +e +P +s +t +o +r +y +W +a +n +d +W +t +h +i +n +k +P +W +o +o +h +P +W +h +o +w +W +r +o +m +a +n +t +i +c +P +W +t +h +e +W +s +e +c +o +n +d +W +t +i +m +e +W +P +a +n +d +W +i +W +a +m +W +n +o +t +W +t +h +e +W +o +n +l +y +W +o +n +e +W +t +o +W +t +h +i +n +k +W +t +h +i +s +P +W +i +t +W +i +s +W +j +u +s +t +W +a +n +n +o +y +i +n +g +W +a +n +d +W +y +o +u +W +j +u +s +t +W +s +i +t +W +t +h +e +r +e +W +w +a +t +c +h +i +n +g +W +t +h +e +W +m +o +v +i +e +W +t +h +i +n +k +i +n +g +P +W +w +h +e +n +W +i +s +W +t +h +i +s +W +d +P +P +n +W +s +h +i +p +W +g +o +i +n +g +W +t +o +W +s +i +n +k +P +P +P +W +a +n +d +W +e +v +e +n +W +t +h +i +s +W +i +s +W +n +o +t +W +a +s +W +i +m +p +r +e +s +s +i +v +e +W +w +h +e +n +W +y +o +u +W +s +e +e +W +i +t +W +s +e +v +e +r +a +l +W +t +i +m +e +s +P +W +t +h +e +W +a +c +t +i +n +g +W +i +n +W +t +h +i +s +W +f +i +l +m +W +i +s +W +n +o +t +W +b +a +d +P +W +b +u +t +W +d +e +f +i +n +e +t +l +y +W +n +o +t +W +g +r +e +a +t +W +e +i +t +h +e +r +P +W +w +a +s +W +i +W +g +l +a +d +W +d +i +c +a +p +r +i +o +W +d +i +d +W +n +o +t +W +w +i +n +W +a +n +W +o +s +c +a +r +W +f +o +r +W +t +h +a +t +W +f +i +l +m +P +W +i +W +m +e +a +n +W +w +h +o +W +d +o +e +s +W +h +e +W +t +h +i +n +k +W +h +e +W +i +s +P +W +a +n +t +h +o +n +y +W +h +o +p +k +i +n +s +W +o +r +W +d +e +n +z +e +l +W +w +a +s +h +i +n +g +t +o +n +P +W +h +e +W +d +o +e +s +W +N +W +h +a +l +f +P +g +o +o +d +W +m +o +v +i +e +W +a +n +d +W +w +o +n +P +t +W +d +o +W +a +W +f +i +l +m +W +f +o +r +W +l +e +s +s +W +t +h +a +n +W +P +N +N +W +m +i +l +l +i +o +n +P +W +a +n +d +W +t +h +e +n +W +e +v +e +r +y +o +n +e +W +i +s +W +s +u +p +r +i +s +e +d +W +t +h +a +t +W +t +h +e +r +e +W +a +r +e +W +h +a +r +d +l +y +W +a +n +y +W +f +i +l +m +s +W +w +i +t +h +W +h +i +m +W +i +n +W +i +t +P +W +b +u +t +W +e +n +o +u +g +h +W +a +b +o +u +t +P +W +i +n +W +m +y +W +e +y +e +s +P +W +t +h +e +W +w +o +r +s +t +W +c +h +a +r +a +c +t +e +r +W +o +f +W +t +h +e +W +f +i +l +m +P +W +k +a +t +e +W +w +i +n +s +l +e +t +P +s +W +p +e +r +f +o +r +m +a +n +c +e +W +o +n +W +t +h +e +W +o +t +h +e +r +W +h +a +n +d +W +w +a +s +W +w +o +n +d +e +r +f +u +l +P +W +i +W +a +l +s +o +W +t +i +n +k +W +t +h +a +t +W +t +h +e +W +d +i +r +e +c +t +o +r +W +i +s +W +v +e +r +y +W +t +a +l +e +n +t +e +d +W +t +o +W +p +u +t +W +a +W +f +i +l +m +W +o +f +W +s +u +c +h +W +a +W +m +a +g +n +i +t +u +d +e +W +t +o +g +e +t +h +e +r +P +W +t +h +e +r +e +W +i +s +W +o +n +e +W +l +e +s +s +o +n +W +t +o +W +b +e +W +l +e +a +r +n +e +d +W +a +b +o +u +t +W +t +h +i +s +W +m +o +v +i +e +P +W +t +h +e +r +e +W +a +r +e +W +t +o +o +W +m +a +n +y +W +l +o +v +e +P +s +t +o +r +i +e +s +W +a +s +W +i +t +W +i +s +P +W +f +i +l +m +m +a +k +e +r +s +W +s +h +o +u +l +d +n +P +t +W +t +r +y +W +t +o +W +a +d +d +W +a +W +c +r +u +m +m +y +W +r +o +m +a +n +c +e +W +i +n +W +t +o +W +e +v +e +r +y +W +s +i +n +g +l +e +W +m +o +v +i +e +P +P +P +W +o +u +t +W +o +f +W +a +W +p +o +s +s +i +b +l +e +W +N +N +N +P +W +i +W +g +i +v +e +W +t +h +i +s +W +f +i +l +m +W +a +W +m +e +r +e +W +N +N +P +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +j +u +s +t +W +t +w +o +W +c +o +m +m +e +n +t +s +P +P +P +P +s +e +v +e +n +W +y +e +a +r +s +W +a +p +a +r +t +P +W +h +a +r +d +l +y +W +e +v +i +d +e +n +c +e +W +o +f +W +t +h +e +W +f +i +l +m +P +s +W +r +e +l +e +n +t +l +e +s +s +W +p +u +l +l +i +n +g +P +p +o +w +e +r +P +W +a +s +W +h +a +s +W +b +e +e +n +W +m +e +n +t +i +o +n +e +d +P +W +t +h +e +W +l +o +w +P +b +u +d +g +e +t +W +t +e +l +e +m +o +v +i +e +W +s +t +a +t +u +s +W +o +f +W +N +N +W +g +a +n +t +r +y +W +r +o +w +W +i +s +W +a +W +m +i +t +i +g +a +t +i +n +g +W +f +a +c +t +o +r +W +i +n +W +i +t +s +W +l +i +m +i +t +e +d +W +a +p +p +e +a +l +P +W +h +a +v +i +n +g +W +s +a +i +d +W +t +h +a +t +W +h +o +w +e +v +e +r +W +t +h +e +W +t +h +i +n +g +W +i +s +W +n +o +t +W +w +i +t +h +o +u +t +W +m +e +r +i +t +W +P +W +e +i +t +h +e +r +W +a +s +W +e +n +t +e +r +t +a +i +n +m +e +n +t +W +o +r +W +a +s +W +a +W +f +r +i +g +h +t +W +o +u +t +i +n +g +W +p +e +r +W +s +e +P +P +b +r +W +P +P +P +b +r +W +P +P +t +r +u +e +P +W +t +h +e +W +p +l +o +t +W +a +t +W +i +t +s +W +m +o +s +t +W +b +a +s +i +c +W +i +s +W +a +W +r +e +P +w +o +r +k +i +n +g +W +o +f +W +t +h +e +W +a +m +i +t +y +v +i +l +l +e +W +h +o +r +r +o +r +W +P +W +o +n +l +y +W +w +i +t +h +o +u +t +W +m +u +c +h +W +h +o +r +r +o +r +P +W +m +o +r +e +W +a +W +c +a +s +e +W +o +f +W +i +n +t +r +i +g +u +e +P +W +g +i +b +n +e +y +W +m +i +g +h +t +W +h +a +v +e +W +m +a +d +e +W +a +W +m +o +r +e +W +w +o +r +t +h +w +h +i +l +e +W +i +m +p +r +e +s +s +i +o +n +W +i +f +W +s +h +e +W +h +a +d +W +p +l +a +y +e +d +W +h +a +l +i +f +a +x +W +P +i +n +v +e +s +t +i +g +a +t +i +n +g +W +a +W +c +o +u +p +l +e +W +o +f +W +s +e +e +m +i +n +g +l +y +W +u +n +c +o +n +n +e +c +t +e +d +W +m +u +r +d +e +r +s +W +w +i +t +h +W +t +h +e +W +P +h +o +u +s +e +P +W +a +s +W +t +h +e +W +m +a +i +n +W +s +u +s +p +e +c +t +P +W +t +h +e +W +s +c +r +i +p +t +W +i +s +W +b +e +t +t +e +r +W +t +h +a +n +W +a +v +e +r +a +g +e +W +a +n +d +W +t +h +e +W +p +r +o +d +u +c +t +i +o +n +W +o +v +e +r +a +l +l +W +o +f +W +a +W +h +i +g +h +W +s +t +a +n +d +a +r +d +P +W +i +t +W +j +u +s +t +W +f +a +i +l +s +W +t +o +W +e +n +g +a +g +e +W +t +h +e +W +v +i +e +w +e +r +W +p +a +r +t +i +c +u +l +a +r +l +y +W +a +t +W +k +e +y +W +m +o +m +e +n +t +s +P +P +b +r +W +P +P +P +b +r +W +P +P +h +a +v +i +n +g +W +p +i +c +k +e +d +W +t +h +e +W +d +v +d +W +u +p +W +f +o +r +W +a +W +m +e +r +e +W +P +N +P +N +N +W +l +a +s +t +W +w +e +e +k +W +a +t +W +m +y +W +r +e +g +u +l +a +r +W +v +i +d +e +o +W +s +t +o +r +e +P +W +i +W +c +a +n +n +o +t +W +b +e +g +r +u +d +g +e +W +t +h +e +W +e +x +p +e +n +d +i +t +u +r +e +P +W +P +N +N +P +N +N +W +w +o +u +l +d +W +b +e +W +a +n +W +a +c +c +e +p +t +a +b +l +e +W +p +r +i +c +e +W +f +o +r +W +t +h +e +W +f +i +l +m +P +W +j +u +s +t +W +d +o +n +P +t +W +e +x +p +e +c +t +W +f +i +r +e +w +o +r +k +s +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +w +h +e +n +W +i +W +s +a +w +W +t +h +i +s +W +m +o +v +i +e +W +i +W +w +a +s +W +s +t +u +n +n +e +d +W +b +y +W +w +h +a +t +W +a +W +g +r +e +a +t +W +m +o +v +i +e +W +i +t +W +w +a +s +P +W +t +h +i +s +W +i +s +W +t +h +e +W +o +n +l +y +W +m +o +v +i +e +W +i +W +t +h +i +n +k +W +i +W +w +o +u +l +d +W +e +v +e +r +W +g +i +v +e +W +a +W +N +N +W +s +t +a +r +W +r +a +t +i +n +g +P +W +i +W +a +m +W +s +u +r +e +W +t +h +i +s +W +m +o +v +i +e +W +w +i +l +l +W +a +l +w +a +y +s +W +b +e +W +i +n +W +m +y +W +t +o +p +W +N +P +P +b +r +W +P +P +P +b +r +W +P +P +t +h +e +W +a +c +t +i +n +g +W +i +s +W +s +u +p +e +r +b +P +W +l +e +o +n +a +r +d +o +W +d +i +c +a +p +r +i +o +W +a +n +d +W +k +a +t +e +W +w +i +n +s +l +e +t +t +W +a +r +e +W +a +t +W +t +h +e +i +r +W +b +e +s +t +P +W +i +W +d +o +n +P +t +W +t +h +i +n +k +W +a +n +y +o +n +e +W +c +o +u +l +d +W +h +a +v +e +W +a +W +b +e +t +t +e +r +W +j +o +b +W +t +h +a +n +W +k +a +t +e +P +W +P +b +r +W +P +P +P +b +r +W +P +P +i +f +W +i +t +W +i +s +W +a +W +r +a +i +n +y +W +d +a +y +W +a +n +d +W +y +o +u +W +c +a +n +P +t +W +d +e +c +i +d +e +W +w +h +a +t +W +t +o +W +r +e +n +t +P +W +w +e +l +l +P +W +t +h +i +s +W +i +s +W +t +h +e +W +o +n +e +P +W +y +o +u +W +w +i +l +l +W +l +o +v +e +W +a +l +l +W +t +h +e +W +a +c +t +i +n +g +P +W +s +p +e +c +i +a +l +W +e +f +f +e +c +t +s +P +W +a +n +d +W +m +u +c +h +W +m +u +c +h +W +m +o +r +e +P +P +b +r +W +P +P +P +b +r +W +P +P +i +f +W +y +o +u +W +h +a +v +e +W +n +o +t +W +s +e +e +n +W +t +h +i +s +W +m +o +v +i +e +W +g +o +W +r +e +n +t +W +o +r +W +b +u +y +W +i +t +W +n +o +w +P +P +P +W +y +o +u +W +w +o +n +P +t +W +r +e +g +r +e +t +W +i +t +P +P +b +r +W +P +P +P +b +r +W +P +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +w +h +y +W +d +o +W +p +e +o +p +l +e +W +b +i +t +c +h +W +a +b +o +u +t +W +t +h +i +s +W +m +o +v +i +e +W +a +n +d +W +n +o +t +W +a +b +o +u +t +W +a +w +f +u +l +W +m +o +v +i +e +s +W +l +i +k +e +W +t +h +e +W +g +o +d +f +a +t +h +e +r +P +W +t +i +t +a +n +i +c +W +i +s +W +t +h +e +W +g +r +e +a +t +e +s +t +W +m +o +v +i +e +W +o +f +W +t +h +e +W +N +N +s +t +W +c +e +n +t +u +r +y +P +w +i +t +h +W +g +r +e +a +t +W +a +c +t +i +n +g +P +d +i +r +e +c +t +i +n +g +P +e +f +f +e +c +t +s +P +m +u +s +i +c +W +a +n +d +W +g +e +n +e +r +a +l +l +y +W +e +v +e +r +y +t +h +i +n +g +P +W +t +h +i +s +W +m +o +v +i +e +W +i +s +W +a +l +w +a +y +s +W +d +u +m +p +e +d +W +b +y +W +a +l +l +W +b +e +c +a +u +s +e +W +o +n +e +W +d +a +y +W +s +o +m +e +W +o +n +e +W +s +a +i +d +W +t +h +e +y +W +d +i +d +n +P +t +W +l +i +k +e +W +i +t +W +a +n +y +W +m +o +r +e +W +s +o +W +m +o +s +t +W +o +f +W +t +h +e +W +w +o +r +l +d +W +d +e +c +i +d +e +d +W +t +o +W +a +g +r +e +e +P +W +t +h +e +r +e +W +i +s +W +n +o +t +h +i +n +g +W +w +r +o +n +g +W +w +i +t +h +W +t +h +i +s +W +m +o +v +i +e +P +W +a +l +l +W +i +W +c +a +n +W +s +a +y +W +i +s +W +t +h +a +t +W +t +h +i +s +W +m +o +v +i +e +P +W +n +o +t +W +o +n +l +y +W +b +e +i +n +g +W +t +h +e +W +m +o +s +t +W +h +e +a +v +i +l +y +W +o +s +c +a +r +W +a +w +a +r +d +e +d +W +m +o +v +i +e +W +o +f +W +a +l +l +W +t +i +m +e +P +W +t +h +e +W +m +o +s +t +W +m +o +n +e +y +W +e +v +e +r +W +m +a +d +e +W +e +v +e +r +W +a +n +d +W +s +a +d +l +y +W +o +n +e +W +o +f +W +t +h +e +W +m +o +s +t +W +u +n +d +e +r +r +a +t +e +d +W +m +o +v +i +e +s +W +i +P +v +e +W +e +v +e +r +W +s +e +e +n +P +W +a +p +a +r +t +W +f +r +o +m +W +t +h +a +t +W +i +t +W +i +s +W +t +r +u +l +y +W +t +h +e +W +b +e +s +t +W +m +o +v +i +e +W +o +f +W +a +l +l +W +t +i +m +e +P +W +t +h +e +W +o +n +l +y +W +m +o +v +i +e +s +W +t +h +a +t +W +c +o +m +e +W +c +l +o +s +e +W +t +o +W +b +e +i +n +g +W +l +i +k +e +W +a +l +l +W +t +h +e +W +s +t +a +r +W +w +a +r +s +W +a +n +d +W +t +h +e +W +l +o +r +d +W +o +f +W +t +h +e +W +r +i +n +g +s +W +t +r +i +l +o +g +y +W +o +r +W +a +n +y +t +h +i +n +g +W +b +y +W +t +h +e +W +m +a +s +t +e +r +s +W +h +i +t +c +h +c +o +c +k +W +o +r +W +s +p +i +e +l +b +e +r +g +W +o +r +W +t +i +m +W +b +u +r +t +o +n +P +W +t +h +e +s +e +W +a +r +e +W +a +l +l +W +g +o +o +d +W +m +o +v +i +e +s +W +a +n +d +W +d +i +r +e +c +t +o +r +s +W +b +u +t +W +n +o +n +e +W +m +a +t +c +h +W +u +p +W +t +o +W +j +a +m +e +s +W +c +a +m +e +r +o +n +P +s +W +m +a +s +t +e +r +p +i +e +c +e +W +t +i +t +a +n +i +c +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +w +h +a +t +P +s +W +i +n +e +x +p +l +i +c +a +b +l +e +P +W +f +i +r +s +t +l +y +P +W +t +h +e +W +h +a +t +r +e +d +W +t +o +w +a +r +d +s +W +t +h +i +s +W +m +o +v +i +e +P +W +i +t +W +m +a +y +W +n +o +t +W +b +e +W +t +h +e +W +g +r +e +a +t +e +s +t +W +m +o +v +i +e +W +o +f +W +a +l +l +W +t +i +m +e +P +W +b +u +t +W +g +i +m +m +e +W +a +W +b +r +e +a +k +P +W +i +t +W +g +o +t +W +N +N +W +o +s +c +a +r +s +W +f +o +r +W +a +W +r +e +a +s +o +n +P +W +i +t +W +m +a +d +e +W +e +i +g +h +t +e +e +n +W +h +u +n +d +r +e +d +W +m +i +l +l +i +o +n +W +d +o +l +l +a +r +s +W +f +o +r +W +a +W +r +e +a +s +o +n +P +W +i +t +P +s +W +a +W +d +a +m +n +W +g +o +o +d +W +m +o +v +i +e +P +W +w +h +i +c +h +W +b +r +i +n +g +s +W +t +o +W +t +h +e +W +o +t +h +e +r +W +i +n +e +x +p +l +i +c +a +b +l +e +W +a +s +p +e +c +t +W +o +f +W +i +t +P +W +i +W +h +a +v +e +W +n +o +W +i +d +e +a +W +w +h +a +t +s +o +e +v +e +r +W +w +h +y +W +t +h +i +s +W +m +o +v +i +e +W +l +e +f +t +W +s +u +c +h +W +a +n +W +i +m +p +r +e +s +s +i +o +n +W +o +n +W +m +e +W +w +h +e +n +W +i +W +s +a +w +W +i +t +W +i +n +W +t +h +e +a +t +e +r +s +P +W +i +P +v +e +W +r +e +w +a +t +c +h +e +d +W +i +t +W +o +n +W +t +v +W +a +n +d +W +v +i +d +e +o +P +W +a +n +d +W +i +t +W +h +a +d +W +n +o +n +e +W +o +f +W +t +h +e +W +i +m +p +a +c +t +W +i +t +W +h +a +d +W +w +h +e +n +W +i +W +s +a +w +W +i +t +W +o +n +W +t +h +e +W +b +i +g +W +s +c +r +e +e +n +W +P +t +w +i +c +e +P +W +o +r +W +m +a +y +b +e +W +t +h +r +e +e +W +t +i +m +e +s +P +W +a +c +t +u +a +l +l +y +P +P +W +b +u +t +W +t +h +a +t +W +m +i +g +h +t +W +b +e +W +i +t +P +W +t +h +e +W +a +p +p +e +a +l +W +o +f +W +i +t +P +W +i +t +P +s +W +a +W +m +o +v +i +e +P +W +y +e +s +P +W +c +a +p +i +t +a +l +W +m +W +t +h +e +r +e +P +W +i +t +P +s +W +a +n +W +e +p +i +c +P +W +i +t +P +s +W +a +W +s +p +e +c +t +a +c +l +e +W +i +n +W +t +h +e +W +o +r +d +e +r +W +o +f +W +g +o +n +e +W +w +i +t +h +W +t +h +e +W +w +i +n +d +W +o +r +W +b +e +n +W +h +u +r +P +W +n +o +w +P +W +b +e +n +W +h +u +r +W +a +n +d +W +g +o +n +e +W +w +i +t +h +W +t +h +e +W +w +i +n +d +W +s +e +e +m +W +k +i +n +d +a +W +h +o +k +e +y +W +t +o +W +m +e +P +W +w +i +t +h +W +t +h +e +W +h +a +m +m +y +W +a +c +t +i +n +g +W +a +n +d +W +e +x +c +e +s +s +i +v +e +W +m +e +l +o +d +r +a +m +a +P +W +n +o +t +W +t +h +a +t +W +t +i +t +a +n +i +c +W +h +a +s +W +n +o +n +e +W +o +f +W +t +h +a +t +P +W +w +e +l +l +P +W +t +h +e +W +a +c +t +i +n +g +W +w +a +s +W +a +c +t +u +a +l +l +y +W +v +e +r +y +W +g +o +o +d +P +W +t +h +e +W +m +e +l +o +d +r +a +m +a +W +w +a +s +W +q +u +i +t +e +W +h +e +a +v +y +P +h +a +n +d +e +d +W +a +t +W +t +i +m +e +s +P +P +b +r +W +P +P +P +b +r +W +P +P +b +u +t +W +t +h +e +W +r +e +a +s +o +n +W +t +i +t +a +n +i +c +W +w +o +r +k +s +W +i +s +W +t +h +a +t +W +i +t +P +s +W +s +u +c +h +W +a +n +W +e +m +o +t +i +o +n +a +l +W +r +i +d +e +P +W +i +W +u +s +u +a +l +l +y +W +e +n +j +o +y +W +m +o +v +i +e +s +W +t +h +a +t +W +s +t +i +m +u +l +a +t +e +W +t +h +e +W +m +i +n +d +P +W +o +r +W +g +i +v +e +W +m +e +W +a +W +v +i +s +u +a +l +W +t +h +r +i +l +l +P +W +t +h +i +s +W +m +o +v +i +e +W +i +s +n +P +t +W +e +x +a +c +t +l +y +W +d +u +m +b +P +W +b +u +t +W +i +t +P +s +W +n +o +t +W +c +e +r +e +b +r +a +l +W +a +t +W +a +l +l +P +W +t +h +e +W +v +i +s +u +a +l +W +t +h +r +i +l +l +s +W +a +r +e +W +s +i +m +p +l +y +W +m +e +a +n +s +W +t +o +W +a +n +W +e +n +d +P +W +t +o +W +f +u +e +l +W +t +h +e +W +e +m +o +t +i +o +n +s +W +o +f +W +t +h +e +W +a +u +d +i +e +n +c +e +P +W +i +W +d +i +d +n +P +t +W +c +r +y +W +w +h +e +n +W +b +a +m +b +i +P +s +W +m +o +m +W +d +i +e +d +P +W +i +W +d +o +n +P +t +W +r +e +a +c +t +W +t +o +W +t +e +a +r +j +e +r +k +e +r +s +P +W +b +u +t +W +t +h +i +s +W +i +s +W +a +W +t +e +a +r +j +e +r +k +e +r +W +t +o +W +t +h +e +W +p +o +w +e +r +W +o +f +W +t +e +n +W +m +i +l +l +i +o +n +P +W +a +n +W +e +m +o +t +i +o +n +a +l +W +r +o +l +l +e +r +c +o +a +s +t +e +r +W +t +h +a +t +P +W +i +f +W +i +t +W +w +e +r +e +W +a +W +r +e +g +u +l +a +r +W +o +n +e +P +W +w +o +u +l +d +W +m +a +k +e +W +b +u +z +z +W +a +l +d +r +i +n +W +s +c +r +e +a +m +W +l +i +k +e +W +a +W +l +i +t +t +l +e +W +g +i +r +l +P +W +a +n +d +W +i +P +m +W +s +u +r +e +W +t +h +a +t +W +i +f +W +y +o +u +W +s +e +e +W +i +t +W +o +n +W +v +i +d +e +o +W +a +n +d +W +h +a +v +e +W +d +e +c +i +d +e +d +W +t +h +a +t +W +y +o +u +W +h +a +t +e +W +i +t +P +W +a +n +d +W +h +a +v +e +W +a +W +r +e +a +d +y +W +s +u +p +p +l +y +W +o +f +W +c +y +n +i +c +i +s +m +P +W +t +h +e +n +W +y +o +u +W +c +a +n +W +t +h +o +r +o +u +g +h +l +y +W +d +i +s +l +i +k +e +W +t +h +i +s +W +m +o +v +i +e +P +W +b +u +t +W +i +f +W +y +o +u +W +l +e +t +W +t +h +a +t +W +d +i +s +b +e +l +i +e +f +W +s +u +s +p +e +n +d +W +j +u +s +t +W +a +W +b +i +t +P +W +i +f +W +y +o +u +W +g +i +v +e +W +t +h +i +s +W +e +p +i +c +W +m +e +l +o +d +r +a +m +a +W +t +h +e +W +b +e +n +e +f +i +t +W +o +f +W +t +h +e +W +d +o +u +b +t +P +W +y +o +u +P +l +l +W +e +n +j +o +y +W +i +t +W +c +o +m +p +l +e +t +e +l +y +P +W +a +n +d +W +l +o +o +k +W +a +t +W +t +h +e +W +t +o +p +W +t +e +n +W +g +r +o +s +s +i +n +g +W +f +i +l +m +s +W +o +f +W +a +l +l +W +t +i +m +e +P +W +i +s +W +a +W +s +i +n +g +l +e +W +o +n +e +W +o +f +W +t +h +e +m +W +b +a +d +P +W +i +s +W +a +W +s +i +n +g +l +e +W +o +n +e +W +o +f +W +t +h +e +m +W +w +o +r +t +h +W +a +W +s +c +o +r +e +W +o +f +W +N +W +o +u +t +W +o +f +W +N +N +P +W +n +o +P +W +n +o +t +W +e +v +e +n +W +t +h +e +W +p +h +a +n +t +o +m +W +m +e +n +a +c +e +P +W +a +n +d +W +t +h +i +s +W +m +o +v +i +e +W +m +a +d +e +W +N +P +N +W +b +i +l +l +i +o +n +W +d +o +l +l +a +r +s +W +w +o +r +l +d +w +i +d +e +P +W +i +t +W +c +a +n +P +t +W +b +e +W +b +a +d +P +W +n +o +t +W +p +o +s +s +i +b +l +e +P +W +N +N +P +N +N +P +P +b +r +W +P +P +P +b +r +W +P +P +p +P +s +P +W +h +o +w +W +c +a +n +W +a +n +y +o +n +e +W +e +v +e +n +W +c +o +n +s +i +d +e +r +W +c +o +m +p +a +r +i +n +g +W +t +h +i +s +W +t +o +W +s +p +i +d +e +r +m +a +n +P +W +s +p +i +d +e +r +m +a +n +W +w +a +s +W +a +W +f +u +n +W +m +o +v +i +e +P +W +b +u +t +W +i +t +W +w +a +s +W +a +W +t +o +t +a +l +W +N +P +N +N +W +k +n +e +e +j +e +r +k +W +t +h +a +t +W +c +a +u +s +e +d +W +i +t +W +t +o +W +g +r +o +s +s +W +a +s +W +m +u +c +h +W +a +s +W +i +t +W +d +i +d +P +W +i +t +W +s +i +m +p +l +y +W +w +a +s +n +P +t +W +a +n +y +t +h +i +n +g +W +a +l +l +W +t +h +a +t +W +s +p +e +c +i +a +l +P +W +n +o +W +o +n +e +W +w +i +l +l +W +r +e +m +e +m +b +e +r +W +i +t +W +i +n +W +N +N +W +y +e +a +r +s +P +W +b +u +t +W +i +P +m +W +p +r +e +t +t +y +W +s +u +r +e +W +t +i +t +a +n +i +c +W +w +i +l +l +W +b +e +W +r +e +m +e +m +b +e +r +e +d +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +a +n +o +t +h +e +r +W +a +u +s +s +i +e +W +m +a +s +t +e +r +p +i +e +c +e +P +W +t +h +i +s +W +d +e +l +v +e +s +W +i +n +t +o +W +t +h +e +W +w +o +r +l +d +W +o +f +W +t +h +e +W +u +n +k +n +o +w +n +W +a +n +d +W +t +h +e +W +s +u +p +e +r +n +a +t +u +r +a +l +P +W +a +n +d +W +i +t +W +d +o +e +s +W +v +e +r +y +W +w +e +l +l +P +W +i +t +W +d +o +e +s +n +P +t +W +r +e +s +o +r +t +W +t +o +W +t +h +e +W +b +i +g +W +s +p +e +c +i +a +l +W +e +f +f +e +c +t +s +W +o +v +e +r +k +i +l +l +W +l +i +k +e +W +a +m +e +r +i +c +a +n +W +f +l +i +c +k +s +P +W +i +t +W +f +o +c +u +s +e +s +W +m +o +r +e +W +o +n +W +e +m +o +t +i +o +n +a +l +W +i +m +p +a +c +t +P +W +a +W +r +e +l +a +t +i +v +e +l +y +W +s +i +m +p +l +e +W +p +l +o +t +W +t +h +a +t +W +r +e +b +e +c +c +a +W +g +i +b +n +e +y +W +P +W +c +o +P +W +b +r +i +n +g +W +t +o +W +l +i +f +e +P +W +i +t +W +f +o +l +l +o +w +s +W +t +h +e +W +s +t +o +r +y +W +o +f +W +a +W +c +o +u +p +l +e +W +w +h +o +W +b +u +y +W +a +n +W +o +l +d +W +h +o +u +s +e +W +t +h +a +t +W +w +a +s +W +s +u +p +p +o +s +e +d +l +y +W +h +o +m +e +W +t +o +W +a +W +v +e +r +y +W +o +l +d +W +w +o +m +a +n +W +w +h +o +W +n +e +v +e +r +W +w +e +n +t +W +o +u +t +s +i +d +e +P +W +a +n +d +W +w +h +o +s +e +W +h +u +s +b +a +n +d +W +d +i +s +a +p +p +e +a +r +e +d +W +i +n +W +m +y +s +t +e +r +i +o +u +s +W +c +i +r +c +u +m +s +t +a +n +c +e +s +W +a +W +c +e +n +t +u +r +y +W +a +g +o +P +W +s +t +r +a +n +g +e +W +t +h +i +n +g +s +W +b +e +g +i +n +W +t +o +W +h +a +p +p +e +n +W +i +n +W +t +h +e +W +h +o +u +s +e +P +W +a +n +d +W +j +o +h +n +W +a +d +a +m +W +b +e +g +i +n +s +W +t +o +W +t +u +r +n +W +i +n +t +o +W +t +h +e +W +m +a +n +W +w +h +o +W +d +i +s +a +p +p +e +a +r +e +d +P +W +w +h +o +W +w +a +s +W +a +c +t +u +a +l +l +y +W +a +W +m +a +s +s +W +m +u +r +d +e +r +e +r +P +W +h +i +g +h +l +y +W +r +e +c +o +m +m +e +n +d +e +d +P +W +N +P +N +N +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +P +N +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +p +r +e +v +i +o +u +s +l +y +P +W +i +W +w +r +o +t +e +W +t +h +a +t +W +i +W +l +o +v +e +d +W +P +t +i +t +a +n +i +c +P +P +W +c +r +i +e +d +W +a +t +W +i +t +s +W +e +n +d +i +n +g +W +P +m +a +n +y +W +t +i +m +e +s +W +o +v +e +r +P +P +W +a +n +d +W +i +P +m +W +a +W +g +u +y +W +i +n +W +h +i +s +W +N +N +P +s +P +W +i +W +a +l +s +o +W +w +o +n +d +e +r +e +d +W +a +b +o +u +t +W +w +h +y +W +t +h +i +s +W +g +r +e +a +t +W +m +o +v +i +e +P +W +w +h +i +c +h +W +w +o +n +W +s +o +W +m +a +n +y +W +a +w +a +r +d +s +W +a +n +d +W +w +a +s +W +a +p +p +l +a +u +d +e +d +W +b +y +W +s +o +W +m +a +n +y +W +c +r +i +t +i +c +s +P +W +w +a +s +W +g +i +v +e +n +W +o +n +l +y +W +a +W +N +P +N +W +r +a +t +i +n +g +W +b +y +W +i +m +d +b +P +c +o +m +W +u +s +e +r +s +P +P +b +r +W +P +P +P +b +r +W +P +P +w +e +l +l +P +W +i +W +l +o +o +k +e +d +W +a +t +W +t +h +e +W +b +r +e +a +k +d +o +w +n +W +o +f +W +t +h +e +W +u +s +e +r +W +r +a +t +i +n +g +s +P +W +w +h +i +l +e +W +N +N +P +N +P +W +o +f +W +a +l +l +W +v +o +t +e +s +W +g +a +v +e +W +i +t +W +a +W +N +N +W +r +a +t +i +n +g +P +W +N +N +P +N +P +W +g +a +v +e +W +i +t +W +a +W +N +W +r +a +t +i +n +g +P +W +t +h +e +s +e +W +N +N +P +N +P +W +o +f +W +t +h +e +s +e +W +i +r +r +a +t +i +o +n +a +l +W +i +m +d +b +W +u +s +e +r +s +P +W +i +n +W +e +f +f +e +c +t +P +W +p +u +l +l +e +d +W +t +h +e +W +o +v +e +r +a +l +l +W +r +a +t +i +n +g +W +d +o +w +n +W +t +o +W +N +P +N +P +W +P +b +r +W +P +P +P +b +r +W +P +P +i +n +W +m +y +W +p +r +e +v +i +o +u +s +W +c +o +m +m +e +n +t +s +P +W +i +W +b +l +a +m +e +d +W +t +h +i +s +W +v +e +r +y +W +u +n +u +s +u +a +l +W +v +o +t +i +n +g +W +p +a +t +t +e +r +n +W +P +a +W +s +u +d +d +e +n +W +s +u +r +g +e +W +i +n +W +N +W +r +a +t +i +n +g +s +P +W +w +i +t +h +W +a +W +h +i +g +h +W +N +N +W +r +a +t +i +n +g +P +W +d +r +o +p +p +i +n +g +W +o +n +l +y +W +g +r +a +d +u +a +l +l +y +W +a +n +d +W +t +h +e +n +W +s +u +d +d +e +n +l +y +W +r +e +v +e +r +s +i +n +g +W +c +o +u +r +s +e +W +a +n +d +W +j +u +m +p +i +n +g +W +a +t +W +t +h +e +W +N +W +r +a +t +i +n +g +W +l +e +v +e +l +P +W +o +n +W +o +n +l +y +W +o +n +e +W +t +h +i +n +g +P +W +h +a +t +r +e +d +W +f +o +r +W +l +e +o +n +a +r +d +o +W +d +i +c +a +p +r +i +o +P +W +b +e +l +i +e +v +e +W +m +e +P +W +i +P +v +e +W +t +u +n +e +d +W +i +n +t +o +W +e +n +o +u +g +h +W +c +h +a +t +W +r +o +o +m +s +W +t +o +W +s +e +e +W +t +h +e +W +b +a +n +t +e +r +W +b +y +W +y +o +u +n +g +W +p +e +o +p +l +e +W +P +y +o +u +n +g +W +m +e +n +P +W +m +o +s +t +l +y +P +P +W +w +h +o +W +d +e +f +a +m +e +W +h +i +m +W +l +e +f +t +W +a +n +d +W +r +i +g +h +t +P +W +t +h +e +y +W +a +b +s +o +l +u +t +e +l +y +W +h +a +t +e +W +t +h +e +W +m +a +n +P +W +a +n +d +W +t +h +e +y +W +w +i +l +l +W +h +a +v +e +W +n +o +W +p +a +r +t +W +i +n +W +g +i +v +i +n +g +W +h +i +m +W +a +n +y +W +c +r +e +d +i +t +W +i +n +W +P +t +i +t +a +n +i +c +P +P +W +P +t +o +W +a +n +s +w +e +r +W +o +n +e +W +o +t +h +e +r +W +u +s +e +r +P +W +i +W +a +m +W +n +o +t +W +t +a +l +k +i +n +g +W +a +b +o +u +t +W +s +o +m +e +o +n +e +W +w +h +o +W +j +u +s +t +W +r +e +a +l +l +y +W +d +o +e +s +n +P +t +W +l +i +k +e +W +t +h +e +W +m +o +v +i +e +W +t +h +a +t +W +m +u +c +h +P +W +a +n +d +W +g +a +v +e +W +i +t +W +a +W +N +W +o +r +W +a +W +N +P +W +e +t +c +P +W +e +v +e +r +y +o +n +e +W +h +a +s +P +W +a +n +d +W +i +s +W +e +n +t +i +t +l +e +d +W +t +o +P +W +h +i +s +P +h +e +r +W +o +w +n +W +t +a +s +t +e +P +W +b +u +t +W +n +o +W +o +n +e +W +c +a +n +W +c +o +n +v +i +n +c +e +W +m +e +W +t +h +a +t +W +t +h +e +W +i +m +d +b +W +r +a +t +i +n +g +W +o +f +W +o +n +l +y +W +N +P +N +W +o +v +e +r +a +l +l +W +f +o +r +W +P +t +i +t +a +n +i +c +P +P +W +p +u +l +l +e +d +W +t +o +W +t +h +a +t +W +l +e +v +e +l +W +b +y +W +a +n +W +i +n +o +r +d +i +n +a +t +e +W +n +u +m +b +e +r +W +o +f +W +r +i +d +i +c +u +l +o +u +s +W +N +W +r +a +t +i +n +g +s +P +W +i +s +W +a +W +f +a +i +r +W +r +e +f +l +e +c +t +i +o +n +W +o +f +W +t +h +e +W +o +v +e +r +a +l +l +W +m +o +t +i +o +n +W +p +i +c +t +u +r +e +P +P +P +b +r +W +P +P +P +b +r +W +P +P +l +e +t +W +m +e +W +d +e +m +o +n +s +t +r +a +t +e +W +m +y +W +p +o +i +n +t +W +b +y +W +c +o +m +p +a +r +i +n +g +W +t +h +e +W +i +m +d +b +W +u +s +e +r +W +v +o +t +i +n +g +W +p +a +t +t +e +r +n +W +o +f +W +P +t +i +t +a +n +i +c +P +W +t +o +W +N +W +r +a +n +d +o +m +l +y +W +c +h +o +s +e +n +W +b +o +x +W +o +f +f +i +c +e +W +a +n +d +W +c +r +i +t +i +c +a +l +W +P +b +o +m +b +s +P +W +P +t +h +e +r +e +W +a +r +e +W +m +a +n +y +W +m +o +r +e +P +W +b +u +t +W +t +h +e +s +e +W +N +W +w +i +l +l +W +p +r +o +v +e +W +m +y +W +p +o +i +n +t +P +P +W +P +h +e +a +v +e +n +P +s +W +g +a +t +e +P +W +P +N +N +N +N +P +W +w +a +s +W +p +u +l +l +e +d +W +f +r +o +m +W +t +h +e +W +t +h +e +a +t +e +r +s +W +q +u +i +c +k +l +y +W +a +f +t +e +r +W +a +W +v +e +r +y +W +p +o +o +r +W +b +o +x +W +o +f +f +i +c +e +W +s +h +o +w +i +n +g +P +W +a +n +d +W +i +m +d +b +W +v +o +t +e +r +s +P +W +r +a +t +i +n +g +s +W +w +e +r +e +P +W +N +N +P +N +P +W +N +N +W +r +a +t +i +n +g +s +W +a +n +d +W +N +P +N +P +W +N +W +r +a +t +i +n +g +s +W +P +o +v +e +r +a +l +l +W +r +a +t +i +n +g +W +o +f +W +N +P +N +P +P +W +P +b +i +g +W +t +o +p +W +p +e +e +P +w +e +e +P +W +P +N +N +N +N +P +W +g +o +t +W +N +P +N +P +W +N +N +W +r +a +t +i +n +g +s +W +a +n +d +W +N +P +N +P +W +N +W +r +a +t +i +n +g +s +W +P +o +v +e +r +a +l +l +W +r +a +t +i +n +g +W +o +f +W +N +P +N +P +P +W +P +c +a +t +W +p +e +o +p +l +e +P +W +P +N +N +N +N +P +W +g +o +t +W +N +P +N +P +W +N +N +W +r +a +t +i +n +g +s +W +a +n +d +W +N +P +N +P +W +N +W +r +a +t +i +n +g +s +W +P +o +v +e +r +a +l +l +W +r +a +t +i +n +g +W +o +f +W +N +P +N +P +P +W +P +b +l +i +n +d +W +d +a +t +e +P +W +P +N +N +N +N +P +W +g +o +t +W +N +P +N +P +W +N +N +W +r +a +t +i +n +g +s +W +a +n +d +W +N +P +N +P +W +N +W +r +a +t +i +n +g +s +W +P +o +v +e +r +a +l +l +W +r +a +t +i +n +g +W +o +f +W +N +P +N +P +P +W +P +j +u +m +p +i +n +P +W +j +a +c +k +W +f +l +a +s +h +P +W +P +N +N +N +N +P +W +g +o +t +W +N +P +N +P +W +N +N +W +r +a +t +i +n +g +s +W +a +n +d +W +N +P +N +P +W +N +W +r +a +t +i +n +g +s +W +P +o +v +e +r +a +l +l +W +r +a +t +i +n +g +W +o +f +W +N +P +N +P +P +W +w +h +a +t +W +d +o +W +a +l +l +W +o +f +W +t +h +e +s +e +W +f +i +l +m +s +W +h +a +v +e +W +i +n +W +c +o +m +m +o +n +W +w +i +t +h +W +P +t +i +t +a +n +i +c +P +P +W +a +l +l +W +o +f +W +t +h +e +W +p +e +r +c +e +n +t +a +g +e +s +W +o +f +W +t +h +e +i +r +W +N +W +r +a +t +i +n +g +s +W +a +r +e +W +l +o +w +e +r +W +P +P +P +P +W +t +h +a +n +W +P +t +i +t +a +n +i +c +P +P +W +a +n +d +W +n +o +n +e +W +o +f +W +t +h +e +s +e +W +s +t +i +n +k +e +r +s +W +e +v +e +r +W +w +a +s +W +n +o +m +i +n +a +t +e +d +W +f +o +r +W +a +W +s +i +n +g +l +e +W +a +w +a +r +d +P +W +a +g +a +i +n +P +W +P +t +i +t +a +n +i +c +P +W +g +o +t +W +N +N +P +N +P +W +N +W +r +a +t +i +n +g +s +P +W +c +o +m +p +a +r +e +W +t +h +a +t +W +t +o +W +t +h +e +W +o +t +h +e +r +W +N +W +m +o +v +i +e +s +W +i +W +j +u +s +t +W +m +e +n +t +i +o +n +e +d +P +P +b +r +W +P +P +P +b +r +W +P +P +c +a +n +W +t +h +e +r +e +W +b +e +W +a +n +y +W +e +x +p +l +a +n +a +t +i +o +n +W +o +t +h +e +r +W +t +h +a +n +W +t +h +e +W +h +a +t +r +e +d +W +o +f +W +l +e +o +W +f +a +c +t +o +r +P +P +b +r +W +P +P +P +b +r +W +P +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +i +W +l +o +v +e +d +W +t +h +i +s +W +m +o +v +i +e +W +s +i +n +c +e +W +i +W +w +a +s +W +N +W +a +n +d +W +i +W +s +a +w +W +i +t +W +o +n +W +t +h +e +W +o +p +e +n +i +n +g +W +d +a +y +P +W +i +t +W +w +a +s +W +s +o +W +t +o +u +c +h +i +n +g +W +a +n +d +W +b +e +a +u +t +i +f +u +l +P +W +i +W +s +t +r +o +n +g +l +y +W +r +e +c +o +m +m +e +n +d +W +s +e +e +i +n +g +W +f +o +r +W +a +l +l +P +W +i +t +P +s +W +a +W +m +o +v +i +e +W +t +o +W +w +a +t +c +h +W +w +i +t +h +W +y +o +u +r +W +f +a +m +i +l +y +W +b +y +W +f +a +r +P +P +b +r +W +P +P +P +b +r +W +P +P +m +y +W +m +p +a +a +W +r +a +t +i +n +g +P +W +p +g +P +N +N +W +f +o +r +W +t +h +e +m +a +t +i +c +W +e +l +e +m +e +n +t +s +P +W +p +r +o +l +o +n +g +e +d +W +s +c +e +n +e +s +W +o +f +W +d +i +s +a +s +t +o +r +P +W +n +u +d +i +t +y +P +s +e +x +u +a +l +i +t +y +W +a +n +d +W +s +o +m +e +W +l +a +n +g +u +a +g +e +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +h +e +W +m +o +v +i +e +W +t +i +t +a +n +i +c +W +m +a +k +e +s +W +i +t +W +m +u +c +h +W +m +o +r +e +W +t +h +e +n +W +j +u +s +t +W +a +W +P +n +i +g +h +t +W +t +o +W +r +e +m +e +m +b +e +r +P +P +W +i +t +W +r +e +W +w +r +i +t +e +s +W +a +W +t +r +a +g +i +c +W +h +i +s +t +o +r +y +W +e +v +e +n +t +W +t +h +a +t +W +w +i +l +l +W +a +l +w +a +y +s +W +b +e +W +t +a +l +k +e +d +W +a +b +o +u +t +W +a +n +d +W +w +i +l +l +W +n +e +v +e +r +W +b +e +e +n +W +f +o +r +g +o +t +t +e +n +P +W +w +h +y +W +s +o +W +c +r +i +t +i +c +i +s +e +d +P +W +i +W +h +a +v +e +W +n +o +W +i +d +e +a +P +W +c +o +u +l +d +P +w +i +l +l +W +t +h +e +y +W +e +v +e +r +W +m +a +k +e +W +a +W +m +o +v +i +e +W +l +i +k +e +W +t +i +t +a +n +i +c +W +t +h +a +t +W +i +s +W +s +o +W +m +o +v +i +n +g +W +a +n +d +W +t +o +u +c +h +i +n +g +W +e +v +e +r +y +W +t +i +m +e +W +y +o +u +W +w +a +t +c +h +W +i +t +P +W +c +o +u +l +d +W +t +h +e +y +W +e +v +e +r +W +r +e +p +l +a +c +e +W +s +u +c +h +W +a +n +W +e +p +i +c +W +m +a +s +t +e +r +p +i +e +c +e +P +W +i +t +W +w +i +l +l +W +b +e +W +a +l +m +o +s +t +W +i +m +p +o +s +s +i +b +l +e +P +P +b +r +W +P +P +P +b +r +W +P +P +t +h +e +W +d +i +r +e +c +t +o +r +W +n +o +W +d +o +u +b +t +W +h +a +d +W +t +h +e +W +m +a +j +o +r +W +i +m +p +a +c +t +W +o +n +W +t +h +e +W +f +i +l +m +P +W +a +W +s +i +m +p +l +e +W +d +i +s +a +s +t +e +r +W +f +i +l +m +W +P +b +o +r +i +n +g +W +t +o +W +w +a +t +c +h +P +W +c +o +n +v +e +r +t +e +d +W +t +o +W +a +n +W +u +n +b +e +l +i +e +v +a +b +l +e +W +r +o +m +a +n +c +e +P +W +y +e +s +W +i +P +m +W +n +o +t +W +t +h +e +W +r +o +m +a +n +c +e +W +t +y +p +e +W +e +i +t +h +e +r +P +W +b +u +t +W +t +h +a +t +W +s +h +o +u +l +d +W +n +o +t +W +b +o +t +h +e +r +W +y +o +u +P +W +b +e +c +a +u +s +e +W +y +o +u +W +w +i +l +l +W +n +e +v +e +r +W +s +e +e +W +a +W +r +o +m +a +n +c +e +W +l +i +k +e +W +t +h +i +s +P +W +g +u +a +r +a +n +t +e +e +d +P +W +e +v +e +r +y +t +h +i +n +g +W +t +o +W +t +h +e +W +a +m +a +z +i +n +g +W +e +f +f +e +c +t +s +P +W +t +o +W +t +h +e +W +m +u +s +i +c +P +W +t +o +W +t +h +e +W +s +u +b +l +i +m +e +W +a +c +t +i +n +g +P +W +P +b +r +W +P +P +P +b +r +W +P +P +t +h +e +W +m +o +v +i +e +W +c +r +e +a +t +e +s +W +a +n +W +a +m +a +z +i +n +g +W +v +i +s +u +a +l +W +a +n +d +W +a +W +w +o +n +d +e +r +f +u +l +W +f +e +e +l +i +n +g +P +W +e +v +e +r +y +t +h +i +n +g +W +l +o +o +k +s +W +v +e +r +y +W +r +e +a +l +W +a +n +d +W +l +i +v +e +P +W +t +h +e +W +l +e +g +e +n +d +W +h +e +r +s +e +l +f +W +P +t +i +t +a +n +i +c +P +W +i +s +W +s +h +o +w +n +W +b +r +i +l +l +i +a +n +t +l +y +W +i +n +W +a +l +l +W +c +l +a +s +s +e +s +P +W +t +o +o +W +l +o +o +k +s +P +W +t +o +o +W +a +c +c +o +m +m +o +d +a +t +i +o +n +P +W +t +h +e +W +a +c +t +i +n +g +W +w +a +s +W +t +h +e +W +r +e +a +l +W +e +f +f +e +c +t +P +W +d +i +c +a +p +r +i +o +W +a +n +d +W +w +i +n +s +l +e +t +W +a +r +e +W +s +i +m +p +l +y +W +t +h +e +W +b +e +s +t +W +a +t +W +p +l +a +y +i +n +g +W +t +h +e +r +e +W +r +o +l +e +s +P +W +n +o +W +o +n +e +W +c +o +u +l +d +W +h +a +v +e +W +d +o +n +e +W +b +e +t +t +e +r +P +W +t +h +e +y +W +a +r +e +W +p +a +r +t +l +y +W +t +h +e +W +r +e +a +s +o +n +W +w +h +y +W +t +h +e +W +f +i +l +m +W +i +s +W +s +o +W +g +r +e +a +t +P +W +P +b +r +W +P +P +P +b +r +W +P +P +i +W +g +u +e +s +s +W +i +t +P +s +W +n +o +t +W +t +o +o +W +m +u +c +h +W +t +o +W +t +a +l +k +W +a +b +o +u +t +P +W +t +h +e +W +p +l +o +t +W +i +s +W +s +i +m +p +l +e +P +W +t +h +e +W +a +c +t +i +n +g +W +i +s +W +b +r +i +l +l +i +a +n +t +P +W +b +a +s +e +d +W +o +n +W +a +W +t +r +u +e +W +s +t +o +r +y +P +W +p +r +o +b +a +b +l +y +W +m +o +r +e +W +t +h +e +n +W +h +a +l +f +W +o +f +W +t +h +e +W +c +o +n +s +u +m +e +r +s +W +t +h +a +t +W +w +a +t +c +h +W +t +h +e +W +f +i +l +m +W +w +i +l +l +W +s +h +a +r +e +W +t +e +a +r +s +P +W +t +h +a +n +k +s +W +t +o +W +u +n +W +i +m +a +g +i +n +a +b +l +e +W +e +n +d +i +n +g +W +w +h +i +c +h +W +c +a +n +W +n +e +v +e +r +W +b +e +W +f +o +r +g +o +t +t +e +n +P +W +w +e +l +l +W +i +f +W +y +o +u +W +h +a +v +e +n +P +t +W +s +e +e +n +W +t +h +i +s +W +f +i +l +m +W +y +o +u +r +W +m +i +s +s +i +n +g +W +o +u +t +W +o +n +W +s +o +m +e +t +h +i +n +g +W +h +e +s +t +e +r +i +c +a +l +P +W +a +n +d +W +a +W +f +i +l +m +W +t +o +W +i +d +o +l +i +s +e +W +f +o +r +W +h +o +l +l +y +w +o +o +d +P +W +c +o +u +l +d +W +i +t +W +g +e +t +W +b +e +t +t +e +r +P +W +n +o +P +W +n +o +t +W +a +t +W +a +l +l +P +W +t +h +e +W +m +o +s +t +W +m +o +v +i +n +g +W +f +i +l +m +W +o +f +W +a +l +l +W +t +i +m +e +P +W +d +o +n +P +t +W +l +i +s +t +e +n +W +t +o +W +p +e +o +p +l +e +P +W +s +e +e +W +f +o +r +W +y +o +u +r +s +e +l +f +W +t +h +e +n +W +y +o +u +W +w +i +l +l +W +u +n +d +e +r +s +t +a +n +d +P +W +a +W +l +a +n +d +m +a +r +k +P +W +P +d +o +n +P +t +W +b +e +W +s +u +r +p +r +i +s +e +d +W +i +f +W +y +o +u +W +c +r +y +W +t +o +o +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +i +W +h +a +d +W +f +e +w +W +p +r +o +b +l +e +m +s +W +w +i +t +h +W +t +h +i +s +W +f +i +l +m +P +W +a +n +d +W +i +W +h +a +v +e +W +h +e +a +r +d +W +a +W +l +o +t +W +o +f +W +c +r +i +t +i +c +i +s +m +s +W +s +a +y +i +n +g +W +i +t +W +i +s +W +o +v +e +r +l +o +n +g +W +a +n +d +W +o +v +e +r +r +a +t +e +d +P +W +t +r +u +e +P +W +i +t +W +i +s +W +o +v +e +r +W +t +h +r +e +e +W +h +o +u +r +s +W +l +o +n +g +P +W +b +u +t +W +i +W +w +a +s +W +a +m +a +z +e +d +W +t +h +a +t +W +i +t +W +g +o +e +s +W +b +y +W +s +o +W +q +u +i +c +k +l +y +P +W +i +W +d +o +n +P +t +W +t +h +i +n +k +W +i +t +W +i +s +W +o +v +e +r +r +a +t +e +d +W +a +t +W +a +l +l +P +W +i +W +t +h +i +n +k +W +t +h +e +W +i +m +d +b +W +r +a +t +i +n +g +W +i +s +W +p +e +r +f +e +c +t +l +y +W +d +e +c +e +n +t +P +W +t +h +e +W +f +i +l +m +W +l +o +o +k +s +W +s +u +m +p +t +u +o +u +s +P +W +w +i +t +h +W +g +o +r +g +e +o +u +s +W +c +o +s +t +u +m +e +s +W +a +n +d +W +e +x +c +e +l +l +e +n +t +W +e +f +f +e +c +t +s +P +W +a +n +d +W +t +h +e +W +d +i +r +e +c +t +i +o +n +W +f +r +o +m +W +j +a +m +e +s +W +c +a +m +e +r +o +n +W +r +a +r +e +l +y +W +s +l +i +p +s +W +f +r +o +m +W +f +o +c +u +s +P +W +l +e +o +n +a +r +d +o +W +d +i +c +a +p +r +i +o +W +g +i +v +e +s +W +o +n +e +W +o +f +W +h +i +s +W +b +e +s +t +W +p +e +r +f +o +r +m +a +n +c +e +s +W +a +s +W +j +a +c +k +P +W +a +n +d +W +k +a +t +e +W +w +i +n +s +l +e +t +W +i +s +W +l +o +v +e +l +y +W +a +s +W +r +o +s +e +P +W +d +a +v +i +d +W +w +a +r +n +e +r +P +W +a +W +g +r +e +a +t +W +a +c +t +o +r +P +W +s +t +e +a +l +s +W +e +v +e +r +y +W +s +c +e +n +e +W +h +e +P +s +W +i +n +P +W +t +h +e +W +s +t +o +r +y +W +i +s +W +v +e +r +y +W +r +i +c +h +W +i +n +W +d +e +t +a +i +l +P +W +a +n +d +W +i +s +W +h +o +t +W +o +n +W +c +h +a +r +a +c +t +e +r +W +d +e +v +e +l +o +p +m +e +n +t +P +W +o +b +v +i +o +u +s +W +w +i +t +h +W +t +h +e +W +l +o +v +e +W +s +t +o +r +y +W +w +h +i +c +h +W +i +s +W +v +e +r +y +W +m +o +v +i +n +g +W +w +h +e +n +W +i +t +W +n +e +e +d +s +W +t +o +W +b +e +P +W +t +h +o +u +g +h +W +i +n +W +t +h +e +W +f +i +r +s +t +W +b +i +t +W +o +f +W +t +h +e +W +m +o +v +i +e +W +i +t +W +i +s +W +a +W +l +i +t +t +l +e +W +s +l +o +w +P +W +t +h +e +W +l +a +s +t +W +h +o +u +r +W +i +s +W +e +x +t +r +e +m +e +l +y +W +r +i +v +e +t +i +n +g +P +W +a +n +d +W +i +W +w +i +l +l +W +c +o +n +f +e +s +s +W +t +h +a +t +W +i +W +w +a +s +W +o +n +W +t +h +e +W +e +d +g +e +W +o +f +W +m +y +W +s +e +a +t +P +W +w +h +e +n +W +t +h +e +W +t +i +t +a +n +i +c +W +s +a +n +k +P +W +i +W +w +i +l +l +W +a +l +s +o +W +s +a +y +W +t +h +a +t +W +t +h +e +W +l +a +s +t +W +f +i +v +e +W +m +i +n +u +t +e +s +W +w +e +r +e +W +v +e +r +y +W +m +o +v +i +n +g +P +W +t +h +e +W +m +u +s +i +c +W +s +c +o +r +e +W +b +y +W +j +a +m +e +s +W +h +o +r +n +e +r +W +w +a +s +W +l +o +v +e +l +y +P +W +t +h +o +u +g +h +W +i +W +n +e +v +e +r +W +w +a +s +W +a +W +h +u +g +e +W +f +a +n +W +o +f +W +t +h +e +W +s +o +n +g +W +m +y +W +h +e +a +r +t +W +w +i +l +l +W +g +o +W +o +n +P +W +t +h +e +W +N +N +N +N +W +m +i +n +i +s +e +r +i +e +s +W +w +a +s +W +g +o +o +d +P +W +b +u +t +W +s +u +f +f +e +r +e +d +W +f +r +o +m +W +u +n +d +e +v +e +l +o +p +e +d +W +s +c +e +n +a +r +i +o +s +W +a +n +d +W +s +o +m +e +W +h +i +s +t +o +r +i +c +a +l +W +i +n +a +c +c +u +r +a +c +i +e +s +P +W +o +v +e +r +a +l +l +P +W +i +W +g +i +v +e +W +t +i +t +a +n +i +c +W +a +n +W +N +P +N +P +N +N +P +W +b +e +t +h +a +n +y +W +c +o +x +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +i +W +t +h +i +n +k +W +j +a +m +e +s +W +c +a +m +e +r +o +n +W +m +i +g +h +t +W +b +e +W +b +e +c +o +m +i +n +g +W +m +y +W +f +a +v +o +r +i +t +e +W +d +i +r +e +c +t +o +r +W +b +e +c +a +u +s +e +W +t +h +i +s +W +i +s +W +m +y +W +s +e +c +o +n +d +W +r +e +v +i +e +w +W +o +f +W +h +i +s +W +m +o +v +i +e +s +P +W +a +n +y +w +a +y +P +W +e +v +e +r +y +o +n +e +W +r +e +m +e +m +b +e +r +s +W +t +h +e +W +r +m +s +W +t +i +t +a +n +i +c +P +W +i +t +W +w +a +s +W +b +i +g +P +W +f +a +s +t +P +W +a +n +d +W +P +u +n +s +i +n +k +a +b +l +e +P +P +P +P +W +u +n +t +i +l +W +a +p +r +i +l +W +N +N +N +N +P +W +i +t +W +w +a +s +W +a +l +l +W +o +v +e +r +W +t +h +e +W +n +e +w +s +W +a +n +d +W +o +n +e +W +o +f +W +t +h +e +W +b +i +g +g +e +s +t +W +t +r +a +g +e +d +i +e +s +W +e +v +e +r +P +W +w +e +l +l +W +j +a +m +e +s +W +c +a +m +e +r +o +n +W +d +e +c +i +d +e +d +W +t +o +W +m +a +k +e +W +a +W +m +o +v +i +e +W +o +u +t +W +o +f +W +i +t +W +b +u +t +W +s +t +a +r +W +t +w +o +W +f +i +c +t +i +o +n +a +l +W +c +h +a +r +a +c +t +e +r +s +W +t +o +W +b +e +W +i +n +W +t +h +e +W +s +p +o +t +l +i +g +h +t +W +i +n +s +t +e +a +d +W +o +f +W +t +h +e +W +s +h +i +p +P +W +w +e +l +l +P +W +o +n +t +o +W +t +h +e +W +m +a +i +n +W +r +e +v +i +e +w +W +b +u +t +W +l +e +t +W +m +e +W +r +e +m +i +n +d +W +y +o +u +W +t +h +a +t +W +t +h +i +s +W +i +s +W +a +l +l +W +o +p +i +n +i +o +n +W +a +n +d +W +z +e +r +o +W +f +a +c +t +W +a +n +d +W +t +h +e +W +o +n +l +y +W +f +a +c +t +W +t +h +a +t +W +w +i +l +l +W +b +e +W +p +r +e +s +e +n +t +W +i +s +W +a +n +W +e +v +e +n +t +W +f +r +o +m +W +t +h +e +W +f +i +l +m +P +P +b +r +W +P +P +P +b +r +W +P +P +s +o +W +o +u +r +W +t +w +o +W +m +a +i +n +W +c +h +a +r +a +c +t +e +r +s +W +a +r +e +W +j +a +c +k +W +P +l +e +o +n +a +r +d +o +W +d +i +c +a +p +r +i +o +P +W +a +n +d +W +r +o +s +e +W +P +k +a +t +e +W +w +i +n +s +l +e +t +P +P +W +t +h +e +y +P +r +e +W +n +o +t +W +a +n +n +o +y +i +n +g +W +t +o +o +W +m +u +c +h +W +b +u +t +W +w +a +t +c +h +W +t +h +i +s +W +a +n +d +W +y +o +u +P +l +l +W +f +i +n +d +W +o +u +t +W +w +h +y +W +t +h +e +y +W +c +o +u +l +d +W +b +e +c +o +m +e +W +a +n +n +o +y +i +n +g +W +P +W +h +t +t +p +P +P +P +t +i +n +y +u +r +l +P +c +o +m +P +o +j +h +o +y +n +W +P +P +W +t +h +e +W +m +a +i +n +W +v +i +l +l +a +i +n +W +i +W +g +u +e +s +s +W +i +s +W +b +a +d +W +l +u +c +k +P +W +f +a +t +e +P +W +h +a +n +d +W +o +f +W +g +o +d +W +P +n +o +W +b +l +a +s +p +h +e +m +y +W +i +n +t +e +n +d +e +d +P +P +W +o +r +W +j +u +s +t +W +p +l +a +i +n +W +c +a +l +e +d +o +n +W +h +o +c +k +l +e +y +W +P +b +i +l +l +y +W +z +a +n +e +P +P +W +c +o +m +b +i +n +e +W +a +l +l +W +o +f +W +t +h +e +W +a +b +o +v +e +W +a +n +d +W +w +h +a +t +W +d +o +W +y +o +u +W +g +e +t +P +P +W +o +h +W +y +e +s +P +W +w +e +W +g +e +t +W +a +W +l +o +v +e +W +s +t +o +r +y +W +o +n +W +a +W +s +i +n +k +i +n +g +W +b +o +a +t +P +W +t +h +e +W +s +u +p +p +o +r +t +i +n +g +W +c +h +a +r +a +c +t +e +r +s +W +a +r +e +W +t +h +e +W +f +o +l +l +o +w +i +n +g +P +W +m +y +W +p +e +r +s +o +n +a +l +W +f +a +v +o +r +i +t +e +P +W +m +r +P +W +a +n +d +r +e +w +s +W +P +v +i +c +t +o +r +W +g +a +r +b +e +r +P +P +i +d +k +W +h +e +W +w +a +s +W +s +o +W +n +i +c +e +P +P +W +l +o +v +e +j +o +y +P +d +a +v +i +d +W +w +a +r +n +e +r +P +P +W +m +u +r +d +o +c +h +P +e +w +a +n +W +s +t +e +w +a +r +t +P +P +W +l +i +g +h +t +o +l +l +e +r +W +P +j +o +n +a +t +h +a +n +W +p +h +i +l +l +i +p +s +P +P +W +c +a +p +t +a +i +n +W +s +m +i +t +h +P +b +e +r +n +a +r +d +W +h +i +l +l +P +P +W +m +o +l +l +y +W +b +r +o +w +n +P +k +a +t +h +y +W +b +a +t +e +s +P +P +W +a +n +d +W +m +a +n +y +W +m +o +r +e +P +W +w +e +W +a +l +s +o +W +g +o +t +W +t +h +e +W +p +r +e +s +e +n +t +W +d +a +y +W +t +r +e +a +s +u +r +e +W +h +u +n +t +e +r +P +W +b +r +o +c +k +W +l +o +v +e +t +t +W +P +b +i +l +l +W +p +a +x +t +o +n +P +P +W +t +h +e +y +W +a +d +d +W +s +o +m +e +t +h +i +n +g +W +t +o +W +t +h +e +W +s +t +o +r +y +P +W +s +o +m +e +t +h +i +n +g +W +g +o +o +d +P +W +t +h +e +W +a +c +t +i +o +n +W +i +n +W +h +e +r +e +W +i +s +W +a +w +e +s +o +m +e +P +W +e +s +p +e +c +i +a +l +l +y +W +i +n +W +t +h +e +W +s +e +c +o +n +d +W +h +a +l +f +P +W +t +h +e +W +d +r +a +m +a +W +a +s +W +a +l +s +o +W +g +o +o +d +P +W +i +n +W +t +h +e +W +e +n +d +W +y +o +u +W +c +a +n +W +h +a +v +e +W +y +o +u +r +W +e +y +e +s +W +d +r +o +p +p +i +n +g +W +r +a +i +n +s +t +o +r +m +s +W +o +r +W +s +i +l +e +n +t +W +t +e +a +r +s +P +W +t +h +e +W +s +t +o +r +y +W +i +s +W +s +i +m +p +l +e +W +a +n +d +W +i +t +W +w +o +r +k +s +P +W +a +W +t +r +e +a +s +u +r +e +W +h +u +n +t +e +r +W +s +e +e +k +s +W +t +h +e +W +h +e +a +r +t +W +o +f +W +t +h +e +W +o +c +e +a +n +W +a +n +d +W +i +n +s +t +e +a +d +W +f +i +n +d +s +W +a +W +d +r +a +w +i +n +g +W +o +f +W +a +W +w +o +m +a +n +W +w +e +a +r +i +n +g +W +t +h +e +W +s +a +i +d +W +d +i +a +m +o +n +d +P +W +s +h +e +W +c +a +l +l +s +W +a +n +d +W +t +e +l +l +s +W +h +e +r +W +t +a +l +e +W +o +n +W +t +h +e +W +r +m +s +W +t +i +t +a +n +i +c +P +W +t +w +o +W +l +o +v +e +r +s +W +s +e +p +a +r +a +t +e +d +W +b +y +W +s +o +c +i +a +l +W +c +l +a +s +s +W +a +n +d +W +u +l +t +i +m +a +t +e +l +y +P +W +t +h +e +W +f +a +t +e +W +o +f +W +t +h +e +W +s +h +i +p +P +W +e +v +e +r +y +t +h +i +n +g +W +a +b +o +u +t +W +t +h +e +W +s +t +o +r +y +W +w +o +r +k +s +W +a +n +d +W +t +h +e +r +e +W +a +r +e +W +v +e +r +y +W +f +e +w +W +f +l +a +w +s +P +W +i +W +g +i +v +e +W +t +i +t +a +n +i +c +P +W +a +n +W +N +N +P +W +a +w +e +s +o +m +e +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +i +t +a +n +i +c +W +i +s +W +a +W +l +o +n +g +W +b +u +t +W +w +e +l +l +W +m +a +d +e +W +t +r +a +g +i +c +W +a +d +v +e +n +t +u +r +e +W +l +o +v +e +W +s +t +o +r +y +W +t +h +a +t +W +t +a +k +e +s +W +p +l +a +c +e +W +d +u +r +i +n +g +W +t +h +e +W +i +l +l +P +f +a +t +e +d +W +v +o +y +a +g +e +W +o +n +W +t +h +e +W +u +n +s +i +n +k +a +b +l +e +W +s +h +i +p +P +W +w +r +i +t +e +r +P +d +i +r +e +c +t +o +r +W +j +a +m +e +s +W +c +a +m +e +r +o +n +W +h +a +s +W +d +o +n +e +W +a +W +g +r +e +a +t +W +j +o +b +W +o +f +W +m +a +k +i +n +g +W +t +h +i +s +W +m +o +v +i +e +W +a +b +o +u +t +W +a +W +f +i +c +t +i +o +n +a +l +W +l +o +v +e +W +s +t +o +r +y +W +b +e +t +w +e +e +n +W +t +w +o +W +v +e +r +y +W +d +i +f +f +e +r +e +n +t +W +p +e +o +p +l +e +W +a +n +d +W +c +o +m +b +i +n +i +n +g +W +t +h +a +t +W +w +i +t +h +W +t +h +e +W +r +e +a +l +W +e +v +e +n +t +W +o +f +W +t +h +e +W +t +i +t +a +n +i +c +W +t +h +a +t +W +s +u +n +k +W +a +f +t +e +r +W +h +i +t +t +i +n +g +W +a +n +W +i +c +e +b +e +r +g +W +o +n +W +a +p +r +i +l +W +N +N +P +W +N +N +N +N +W +c +l +a +i +m +i +n +g +W +t +h +o +u +s +a +n +d +s +W +o +f +W +l +i +v +e +s +W +w +h +o +W +p +e +r +i +s +h +e +d +W +i +n +W +t +h +e +W +i +c +y +W +f +r +e +e +i +n +g +W +w +a +t +e +r +s +W +o +f +W +t +h +e +W +n +o +r +t +h +W +a +t +l +a +n +t +i +c +P +W +t +h +e +W +t +w +o +W +l +e +a +d +s +W +i +n +W +t +h +e +W +f +i +l +m +W +a +r +e +W +g +r +e +a +t +W +i +n +W +t +h +e +i +r +W +r +o +l +e +s +W +i +n +c +l +u +d +i +n +g +W +l +e +o +n +a +r +d +o +W +d +i +c +a +p +r +i +o +W +a +n +d +W +k +a +t +e +W +w +i +n +s +l +e +t +P +W +t +h +e +y +W +m +a +k +e +W +f +o +r +W +a +W +g +o +o +d +W +o +n +P +s +c +r +e +e +n +W +c +o +u +p +l +e +P +W +d +i +c +p +a +r +i +o +W +a +n +d +W +w +i +n +s +l +e +t +W +a +l +s +o +W +h +a +d +W +g +e +n +u +i +n +e +W +c +h +e +m +i +s +t +r +y +W +t +o +g +e +t +h +e +r +W +w +h +i +c +h +W +m +a +d +e +W +t +h +e +W +r +o +m +a +n +c +e +W +t +h +a +t +W +e +v +e +n +t +u +a +l +l +y +W +b +l +o +s +s +o +m +s +W +b +e +t +w +e +e +n +W +t +h +e +m +W +t +h +a +t +W +m +u +c +h +W +m +o +r +e +W +b +e +l +i +e +v +a +b +l +e +P +W +t +h +e +y +W +b +o +t +h +W +s +h +o +w +e +d +W +r +e +a +l +W +t +a +l +e +n +t +W +w +h +e +n +W +t +h +i +s +W +o +n +e +W +c +a +m +e +W +o +u +t +W +a +n +d +W +b +o +t +h +W +o +f +W +t +h +e +m +W +h +a +v +e +W +c +o +n +t +i +n +u +e +d +W +t +o +W +s +h +o +w +W +j +u +s +t +W +t +h +a +t +W +i +n +W +t +h +e +i +r +W +m +o +s +t +W +r +e +c +e +n +t +l +y +W +f +i +l +m +s +W +a +s +W +w +e +l +l +P +W +t +h +e +W +r +e +s +t +W +o +f +W +t +h +e +W +s +u +p +p +o +r +t +i +n +g +W +c +a +s +t +W +i +n +c +l +u +d +i +n +g +W +b +i +l +l +y +W +z +a +n +e +P +W +k +a +t +h +y +W +b +a +t +e +s +P +W +f +r +a +n +c +e +s +W +f +i +s +h +e +r +P +W +j +o +n +a +t +h +a +n +W +h +y +d +e +P +W +a +n +d +W +b +i +l +l +W +p +a +x +t +o +n +W +i +n +W +a +W +s +m +a +l +l +W +r +o +l +e +W +a +r +e +W +e +q +u +a +l +l +y +W +i +m +p +r +e +s +s +i +v +e +W +a +s +W +t +h +e +i +r +W +c +h +a +r +a +c +t +e +r +s +W +w +h +o +W +h +e +l +p +W +b +r +i +n +g +W +t +h +e +m +W +t +o +W +l +i +f +e +W +i +n +W +t +h +i +s +W +f +i +l +m +P +W +t +h +e +W +l +o +v +e +W +s +t +o +r +y +P +W +t +h +e +W +a +c +t +i +o +n +P +W +s +u +s +p +e +n +s +e +P +W +a +n +d +W +t +h +e +W +s +p +e +c +i +a +l +W +e +f +f +e +c +t +s +W +a +r +e +W +m +a +g +n +i +f +i +c +e +n +t +W +d +o +n +e +W +e +s +p +e +c +i +a +l +l +y +W +f +o +r +W +t +h +a +t +W +t +i +m +e +P +W +t +h +e +W +h +o +r +r +o +r +W +o +f +W +t +h +e +W +s +i +t +u +a +t +i +o +n +W +t +h +e +W +c +h +a +r +a +c +t +e +r +s +W +w +e +r +e +W +i +n +W +f +e +l +t +W +s +o +W +r +e +a +l +W +b +e +c +a +u +s +e +W +i +t +W +r +e +a +l +l +y +W +h +a +p +p +e +n +e +d +W +m +a +k +i +n +g +W +y +o +u +W +w +a +n +t +W +m +o +s +t +W +o +f +W +t +h +e +m +W +t +o +W +s +u +r +v +i +v +e +W +t +h +i +s +W +l +i +f +e +W +a +n +d +W +d +e +a +t +h +W +s +i +t +u +a +t +i +o +n +P +W +t +h +e +W +p +a +c +i +n +g +W +w +a +s +W +a +W +l +i +t +t +l +e +W +s +l +o +w +W +a +t +W +t +i +m +e +s +W +a +n +d +W +i +t +W +w +a +s +W +a +W +l +i +t +t +l +e +W +l +o +n +g +W +b +u +t +W +t +h +e +W +r +e +s +t +W +o +f +W +t +h +e +W +m +o +v +i +e +W +m +a +d +e +W +u +p +W +f +o +r +W +i +t +P +s +W +f +e +w +W +f +l +a +w +s +P +W +t +i +t +a +n +i +c +W +m +a +k +e +s +W +f +o +r +W +a +W +g +r +e +a +t +W +d +a +t +e +W +m +o +v +i +e +W +w +h +i +c +h +W +i +s +W +s +u +r +e +W +t +o +W +m +a +k +e +W +s +o +m +e +W +g +i +r +l +s +W +c +r +y +W +a +l +m +o +s +t +W +e +v +e +r +y +W +t +i +m +e +W +t +h +e +y +W +w +a +t +c +h +W +i +t +P +W +t +h +e +W +f +a +c +t +W +t +h +a +t +W +t +h +i +s +W +r +e +a +l +l +y +W +h +a +p +p +e +n +e +d +W +d +e +f +i +n +i +t +e +l +y +W +a +d +d +e +d +W +t +o +W +t +h +e +W +m +o +v +i +e +W +m +a +k +i +n +g +W +y +o +u +W +f +e +e +l +W +s +o +r +r +y +W +f +o +r +W +a +l +l +W +t +h +e +W +l +i +v +e +s +W +l +o +s +t +W +w +h +e +n +W +t +h +e +W +t +i +t +a +n +i +c +W +s +u +n +k +W +i +n +t +o +W +t +h +e +W +a +t +l +a +n +t +i +c +W +a +f +t +e +r +W +h +i +t +t +i +n +g +W +a +n +W +i +c +e +b +e +r +g +P +W +o +v +e +r +a +l +l +W +t +i +t +a +n +i +c +W +i +s +W +a +W +t +r +a +g +i +c +W +h +e +a +r +t +b +r +e +a +k +i +n +g +W +s +t +o +r +y +W +a +b +o +u +t +W +t +w +o +W +p +e +o +p +l +e +W +w +h +o +W +f +a +l +l +W +i +n +W +l +o +v +e +W +w +h +i +l +e +W +o +n +W +t +h +e +W +i +l +l +P +f +a +t +e +d +W +s +h +i +p +W +t +h +a +t +s +W +b +r +o +u +g +h +t +W +t +o +W +l +i +f +e +W +b +y +W +t +h +e +W +e +x +c +e +p +t +i +o +n +a +l +W +p +e +r +f +o +r +m +a +n +c +e +s +W +f +r +o +m +W +t +h +e +W +c +a +s +t +W +e +s +p +e +c +i +a +l +l +y +W +d +i +c +a +p +r +i +o +W +a +n +d +W +w +i +n +s +l +e +t +W +w +h +o +W +d +e +f +i +n +i +t +e +l +y +W +m +a +k +e +W +t +h +i +s +W +m +o +v +i +e +W +w +o +r +t +h +W +t +h +e +W +t +i +m +e +W +t +o +W +w +a +t +c +h +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +h +e +W +s +h +i +p +W +m +a +y +W +h +a +v +e +W +s +u +n +k +W +b +u +t +W +t +h +e +W +m +o +v +i +e +W +d +i +d +n +P +t +P +P +P +W +d +i +r +e +c +t +o +r +P +W +j +a +m +e +s +W +c +a +m +e +r +o +n +P +W +f +r +o +m +W +P +t +h +e +W +t +e +r +m +i +n +a +t +o +r +P +W +d +i +d +W +i +t +W +a +g +a +i +n +W +w +i +t +h +W +t +h +i +s +W +a +m +a +z +i +n +g +W +p +i +c +t +u +r +e +P +W +o +n +e +W +o +f +W +m +y +W +f +a +v +o +r +i +t +e +W +s +c +e +n +e +s +W +i +s +W +P +t +h +e +W +d +i +n +n +e +r +W +t +a +b +l +e +P +W +s +c +e +n +e +P +W +i +n +W +w +h +i +c +h +W +r +o +s +e +P +s +W +f +a +m +i +l +y +W +a +n +d +W +f +r +i +e +n +d +s +W +m +e +e +t +W +j +a +c +k +W +a +f +t +e +r +W +h +e +W +s +a +v +e +s +W +h +e +r +P +W +r +o +s +e +W +h +a +s +W +a +W +l +o +o +k +W +o +n +W +h +e +r +W +f +a +c +e +W +t +h +a +t +W +e +v +e +r +y +W +w +o +m +a +n +W +s +h +o +u +l +d +W +h +a +v +e +W +w +h +e +n +W +y +o +u +W +m +e +e +t +W +P +t +h +e +W +o +n +e +P +P +P +P +i +W +h +o +p +e +W +i +W +h +a +v +e +W +t +h +a +t +W +l +o +o +k +W +w +h +e +n +W +i +W +a +m +W +i +n +W +t +h +e +W +r +o +o +m +W +w +i +t +h +W +m +y +W +f +u +t +u +r +e +W +h +u +s +b +a +n +d +P +P +b +r +W +P +P +P +b +r +W +P +P +j +a +c +k +W +a +n +d +W +r +o +s +e +W +h +a +v +e +W +a +W +c +o +n +n +e +c +t +i +o +n +W +t +h +a +t +W +i +s +W +P +m +o +v +i +e +W +s +t +u +f +f +P +W +b +u +t +W +i +t +P +s +W +g +o +o +d +W +m +o +v +i +e +W +s +t +u +f +f +P +W +w +e +W +h +a +v +e +W +t +h +e +W +g +r +e +e +d +y +W +m +o +m +W +a +n +d +W +a +l +l +W +h +e +r +W +e +l +i +t +e +W +s +t +u +c +k +W +u +p +W +a +s +s +o +c +i +a +t +e +s +W +w +h +o +W +l +i +v +e +W +o +f +f +W +o +f +W +t +h +e +i +r +W +h +u +s +b +a +n +d +s +W +w +e +a +l +t +h +P +W +r +o +s +e +W +a +l +m +o +s +t +W +c +o +m +m +i +t +s +W +s +u +i +c +i +d +e +W +b +u +t +W +t +h +e +W +g +i +l +b +e +r +t +W +g +r +a +p +e +W +s +t +a +r +W +r +e +s +c +u +e +s +W +h +e +r +P +W +i +W +r +e +a +l +l +y +W +l +i +k +e +d +W +t +h +e +W +h +a +n +g +i +n +g +W +o +v +e +r +W +t +h +e +W +b +o +a +t +W +s +c +e +n +e +P +W +i +t +W +w +a +s +W +a +W +g +o +o +d +W +r +i +s +k +P +P +b +r +W +P +P +P +b +r +W +P +P +t +h +e +W +m +o +v +i +e +W +i +s +W +l +o +n +g +W +b +u +t +W +i +t +P +s +W +f +a +n +t +a +s +t +i +c +P +P +P +W +g +o +o +d +W +s +t +o +r +y +P +W +g +o +o +d +W +f +l +o +w +P +W +g +o +o +d +W +a +c +t +o +r +s +P +P +P +W +g +o +W +s +e +e +W +i +t +W +t +w +i +c +e +W +i +f +W +y +o +u +W +w +a +n +t +P +W +i +t +s +W +w +o +r +t +h +W +i +t +P +P +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +i +t +a +n +i +c +W +h +a +s +W +t +o +W +b +e +W +o +n +e +W +o +f +W +m +y +W +a +l +l +P +t +i +m +e +W +f +a +v +o +r +i +t +e +W +m +o +v +i +e +s +P +W +i +t +W +h +a +s +W +i +t +s +W +p +r +o +b +l +e +m +s +W +P +w +h +a +t +W +m +o +v +i +e +s +W +d +o +n +P +t +P +W +b +u +t +W +s +t +i +l +l +P +W +i +t +P +s +W +e +n +j +o +y +a +b +l +e +P +P +b +r +W +P +P +P +b +r +W +P +P +w +h +e +n +W +i +W +s +t +u +m +b +l +e +W +a +c +r +o +s +s +W +s +o +m +e +o +n +e +W +w +h +o +W +a +s +k +s +W +m +e +W +w +h +y +W +i +W +l +i +k +e +W +t +i +t +a +n +i +c +P +W +i +W +s +u +p +p +o +s +e +W +m +y +W +f +i +r +s +t +W +r +e +a +c +t +i +o +n +W +i +s +W +P +w +a +i +t +W +a +W +m +i +n +u +t +e +P +W +y +o +u +W +d +o +n +P +t +P +P +W +i +W +k +n +o +w +W +s +o +W +m +a +n +y +W +p +e +o +p +l +e +W +w +h +o +W +d +o +n +P +t +W +l +i +k +e +W +t +h +i +s +W +m +o +v +i +e +P +W +a +n +d +W +i +P +m +W +n +o +t +W +s +a +y +i +n +g +W +i +W +d +o +n +P +t +W +s +e +e +W +w +h +y +P +W +P +t +h +e +W +l +o +v +e +W +s +t +o +r +y +W +i +s +W +t +o +o +W +c +h +e +e +s +y +P +W +w +e +l +l +P +W +y +e +s +W +b +u +t +W +i +s +n +P +t +W +i +t +W +e +n +j +o +y +a +b +l +e +W +a +n +d +W +m +o +v +i +n +g +P +W +a +l +l +W +r +i +g +h +t +P +W +t +h +e +W +l +o +v +e +W +s +t +o +r +y +W +b +e +t +w +e +e +n +W +j +a +c +k +W +a +n +d +W +r +o +s +e +W +i +s +W +v +e +r +y +W +u +n +r +e +a +l +i +s +t +i +c +P +W +e +v +e +r +y +o +n +e +W +k +n +o +w +s +W +t +h +a +t +W +l +o +v +e +W +l +i +k +e +W +t +h +i +s +W +d +o +e +s +n +P +t +W +a +c +t +u +a +l +l +y +W +e +x +i +s +t +P +W +b +u +t +W +t +h +i +s +W +i +s +W +a +W +m +o +v +i +e +P +W +d +o +e +s +n +P +t +W +e +v +e +r +y +o +n +e +W +e +n +j +o +y +W +w +a +t +c +h +i +n +g +W +a +W +b +e +a +u +t +i +f +u +l +W +s +t +o +r +y +W +t +h +a +t +W +l +e +t +s +W +u +s +W +s +l +i +p +W +s +l +i +g +h +t +l +y +W +i +n +t +o +W +f +a +n +t +a +s +y +W +f +o +r +W +a +W +w +h +i +l +e +P +W +t +h +e +W +n +e +x +t +W +c +o +m +p +l +a +i +n +t +P +W +d +i +c +a +p +r +i +o +W +a +n +d +W +w +i +n +s +l +e +t +W +a +r +e +W +t +e +r +r +i +b +l +e +W +a +c +t +o +r +s +P +W +w +e +l +l +P +W +o +k +P +W +i +n +W +t +h +i +s +W +m +o +v +i +e +P +W +i +W +a +g +r +e +e +W +t +h +a +t +W +t +h +e +y +W +d +o +W +n +o +t +W +p +e +r +f +o +r +m +W +t +o +W +t +h +e +i +r +W +f +u +l +l +W +p +o +t +e +n +t +i +a +l +s +P +W +h +o +w +e +v +e +r +W +i +W +t +h +i +n +k +W +i +t +P +s +W +u +n +f +a +i +r +W +t +o +W +s +a +y +W +t +h +a +t +W +t +h +e +y +W +a +r +e +W +t +e +r +r +i +b +l +e +W +a +c +t +o +r +s +P +W +i +W +p +e +r +s +o +n +a +l +l +y +W +t +h +i +n +k +W +t +h +e +y +W +a +r +e +W +b +o +t +h +W +v +e +r +y +W +t +a +l +e +n +t +e +d +W +a +c +t +o +r +s +W +w +h +o +W +u +n +f +o +r +t +u +n +a +t +e +l +y +W +a +r +e +W +v +e +r +y +W +f +a +m +o +u +s +W +f +o +r +W +a +W +m +o +v +i +e +W +t +h +a +t +W +t +h +e +y +W +a +r +e +W +n +o +t +W +a +m +a +z +i +n +g +W +i +n +P +W +b +u +t +W +t +h +e +W +r +o +l +e +s +W +t +h +e +y +W +a +r +e +W +g +i +v +e +n +W +a +r +e +W +s +i +m +p +l +e +P +W +a +n +d +W +t +h +e +W +c +h +a +r +a +c +t +e +r +s +W +s +e +e +m +W +r +e +a +l +W +e +n +o +u +g +h +W +t +h +a +t +W +y +o +u +W +c +a +n +W +c +a +r +e +W +a +b +o +u +t +W +t +h +e +m +W +q +u +i +t +e +W +a +W +b +i +t +P +W +b +u +t +W +i +W +a +g +r +e +e +W +w +i +t +h +W +m +a +n +y +W +p +e +o +p +l +e +W +t +h +a +t +W +t +h +e +y +W +d +i +d +W +n +o +t +W +d +o +W +a +s +W +w +e +l +l +W +a +s +W +c +o +u +l +d +W +h +a +v +e +W +b +e +e +n +W +e +x +p +e +c +t +e +d +P +P +b +r +W +P +P +P +b +r +W +P +P +a +n +d +W +f +i +n +a +l +l +y +P +W +i +f +W +o +n +e +W +i +s +W +g +o +i +n +g +W +t +o +W +c +o +m +p +l +a +i +n +W +t +h +a +t +W +t +h +e +y +W +d +o +n +P +t +W +l +i +k +e +W +t +h +i +s +W +m +o +v +i +e +W +b +e +c +a +u +s +e +W +t +h +e +y +W +h +a +t +e +W +r +o +m +a +n +c +e +P +W +o +r +W +b +e +c +a +u +s +e +W +t +h +e +y +W +h +a +t +e +W +h +i +s +t +o +r +y +P +W +o +r +W +t +r +a +g +i +c +W +m +o +v +i +e +s +P +W +t +h +e +n +W +i +P +m +W +s +o +r +r +y +W +b +u +t +W +w +h +y +W +o +n +W +e +a +r +t +h +W +d +i +d +W +t +h +e +y +W +g +o +W +a +n +d +W +s +e +e +W +a +W +m +o +v +i +e +W +t +h +a +t +W +i +s +W +s +o +W +c +l +e +a +r +l +y +W +a +l +l +W +o +f +W +t +h +e +s +e +W +t +h +i +n +g +s +P +W +i +t +P +s +W +l +i +k +e +W +p +e +o +p +l +e +W +w +h +o +W +c +o +m +p +l +a +i +n +W +t +h +e +W +d +a +r +k +W +k +n +i +g +h +t +W +i +s +W +a +W +b +a +d +W +m +o +v +i +e +W +b +e +c +a +u +s +e +W +t +h +e +y +W +h +a +t +e +W +a +c +t +i +o +n +W +m +o +v +i +e +s +P +W +s +i +m +p +l +y +W +f +o +r +W +b +e +i +n +g +W +a +W +m +o +v +i +e +P +W +n +o +t +W +b +e +c +a +u +s +e +W +y +o +u +W +d +i +s +l +i +k +e +W +t +h +e +W +g +e +n +r +e +P +W +t +h +i +s +W +i +s +W +a +W +g +o +o +d +W +m +o +v +i +e +P +P +b +r +W +P +P +P +b +r +W +P +P +w +e +l +l +W +d +e +s +e +r +v +i +n +g +W +o +f +W +i +t +s +W +o +s +c +a +r +s +P +W +i +n +W +p +a +r +t +i +c +u +l +a +r +P +W +b +e +s +t +W +c +i +n +e +m +a +t +o +g +r +a +p +h +y +P +W +w +h +i +c +h +W +i +W +f +i +n +d +W +t +o +W +b +e +W +t +h +e +W +b +e +s +t +W +i +P +v +e +W +e +v +e +r +W +s +e +e +n +W +i +n +W +a +W +m +o +v +i +e +W +s +a +v +e +W +m +a +y +b +e +W +t +h +e +W +l +o +r +d +W +o +f +W +t +h +e +W +r +i +n +g +s +W +t +r +i +l +o +g +y +P +P +b +r +W +P +P +P +b +r +W +P +P +i +W +k +n +o +w +W +s +o +m +e +W +o +f +W +t +h +e +W +w +r +i +t +i +n +g +W +f +a +i +l +s +P +W +s +u +c +h +W +a +s +W +t +h +e +W +c +o +n +s +t +a +n +t +W +s +c +r +e +a +m +i +n +g +W +o +f +W +e +a +c +h +W +o +t +h +e +r +P +s +W +n +a +m +e +s +W +t +h +r +o +u +g +h +o +u +t +W +t +h +e +W +m +o +v +i +e +P +W +t +h +e +W +f +l +a +s +h +b +a +c +k +W +p +o +r +t +i +o +n +W +o +f +W +t +h +e +W +s +t +o +r +y +W +c +a +n +W +b +e +W +q +u +i +t +e +W +w +e +a +k +W +a +t +W +t +i +m +e +s +P +W +b +u +t +W +o +v +e +r +a +l +l +W +i +t +P +s +W +a +n +W +a +m +a +z +i +n +g +W +a +c +h +i +e +v +e +m +e +n +t +W +i +n +W +m +a +k +i +n +g +W +t +h +e +W +t +i +t +a +n +i +c +W +l +o +o +k +W +s +o +W +r +e +a +l +P +W +a +n +d +W +t +h +e +W +s +i +n +k +i +n +g +W +f +e +e +l +W +s +o +W +e +p +i +c +P +P +b +r +W +P +P +P +b +r +W +P +P +i +W +u +n +d +e +r +s +t +a +n +d +W +w +h +y +W +a +W +l +o +t +W +o +f +W +p +e +o +p +l +e +W +d +i +s +l +i +k +e +W +t +h +i +s +W +m +o +v +i +e +P +W +b +u +t +W +f +o +r +W +t +h +e +W +m +o +s +t +W +p +a +r +t +W +i +t +W +b +o +i +l +s +W +d +o +w +n +W +t +o +W +t +h +e +m +W +d +i +s +l +i +k +i +n +g +W +t +h +e +W +f +u +n +d +a +m +e +n +t +a +l +W +i +d +e +a +P +W +s +u +c +h +W +a +s +W +i +t +W +b +e +i +n +g +W +a +W +l +o +v +e +W +s +t +o +r +y +P +W +r +a +t +h +e +r +W +t +h +a +n +W +t +h +e +m +W +t +h +i +n +k +i +n +g +W +t +h +e +W +m +o +v +i +e +W +i +n +W +a +n +d +W +o +f +W +i +t +s +e +l +f +W +i +s +W +p +o +o +r +l +y +W +c +o +n +s +t +r +u +c +t +e +d +P +P +b +r +W +P +P +P +b +r +W +P +P +i +W +c +a +n +W +t +e +l +l +W +y +o +u +W +t +h +a +t +W +i +W +h +a +v +e +W +r +e +a +d +W +m +o +r +e +W +t +h +a +n +W +f +i +v +e +W +b +o +o +k +s +W +a +b +o +u +t +W +t +h +e +W +t +i +t +a +n +i +c +P +W +i +n +c +l +u +d +i +n +g +W +m +e +m +o +i +r +s +W +f +o +r +m +W +t +h +e +W +d +a +y +W +i +t +W +h +a +p +p +e +n +e +d +P +W +a +n +d +W +t +h +i +s +W +m +o +v +i +e +W +i +s +W +e +x +t +r +e +m +e +l +y +W +h +i +s +t +o +r +i +c +a +l +l +y +W +a +c +c +u +r +a +t +e +W +s +a +v +e +W +j +u +s +t +W +a +W +f +e +w +W +f +a +u +l +t +s +P +W +t +h +e +W +o +n +l +y +W +m +a +i +n +W +o +n +e +s +W +i +W +c +a +n +W +f +i +n +d +W +i +s +W +t +h +a +t +W +t +h +e +W +p +i +p +i +n +g +W +s +h +o +u +l +d +W +b +e +W +t +h +r +e +a +d +e +d +W +c +o +p +p +e +r +P +W +n +o +t +W +s +t +e +e +l +P +W +a +n +d +W +t +h +e +W +i +c +e +b +e +r +g +W +l +o +o +k +s +W +f +a +i +r +l +y +W +u +n +r +e +a +l +i +s +t +i +c +W +a +s +W +i +s +W +t +h +e +W +s +c +e +n +e +W +w +h +e +r +e +W +t +h +e +y +W +h +i +t +W +i +t +P +P +b +r +W +P +P +P +b +r +W +P +P +i +W +g +i +v +e +W +t +h +i +s +W +m +o +v +i +e +W +N +N +P +N +N +P +W +n +o +t +W +b +e +c +a +u +s +e +W +i +W +l +i +k +e +W +r +o +m +a +n +c +e +W +m +o +v +i +e +s +P +W +b +u +t +W +s +i +m +p +l +y +W +b +e +c +a +u +s +e +W +i +t +P +s +W +a +n +W +o +u +t +s +t +a +n +d +i +n +g +W +c +i +n +e +m +a +t +i +c +W +a +c +h +i +e +v +e +m +e +n +t +P +W +t +h +a +t +W +l +e +a +v +e +s +W +o +n +e +W +f +e +e +l +i +n +g +W +h +o +r +r +i +f +i +e +d +W +b +y +W +t +h +e +W +r +e +a +l +i +s +t +i +c +W +a +d +a +p +t +a +t +i +o +n +W +o +f +W +e +v +e +n +t +s +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +i +t +a +n +i +c +W +i +s +W +a +W +c +l +a +s +s +i +c +P +W +i +W +w +a +s +W +r +e +a +l +l +y +W +s +u +r +p +r +i +s +e +d +W +t +h +a +t +W +t +h +i +s +W +m +o +v +i +e +W +d +i +d +n +P +t +W +h +a +v +e +W +a +W +s +o +l +i +d +W +t +e +n +P +W +o +v +e +r +a +l +l +W +i +n +W +t +h +e +W +i +m +d +b +W +u +s +e +r +W +r +a +n +k +i +n +g +s +P +W +m +a +y +b +e +P +W +i +t +P +s +W +j +u +s +t +W +c +o +o +l +W +t +o +W +n +o +t +W +g +i +v +e +W +t +i +t +a +n +i +c +W +c +r +e +d +i +t +W +n +o +w +a +d +a +y +s +P +W +b +u +t +W +w +h +e +n +W +i +t +W +w +a +s +W +f +i +r +s +t +W +m +a +d +e +W +i +t +W +w +a +s +W +r +e +a +l +l +y +W +s +o +m +e +t +h +i +n +g +P +W +w +h +e +n +W +t +h +e +W +m +o +v +i +e +W +c +a +m +e +W +o +u +t +W +p +e +o +p +l +e +W +f +l +o +c +k +e +d +W +t +o +W +t +h +e +W +t +h +e +a +t +e +r +s +P +W +w +h +e +n +W +i +t +W +c +a +m +e +W +o +u +t +W +o +n +W +v +i +d +e +o +W +m +y +W +s +i +s +t +e +r +W +a +n +d +W +i +W +w +o +u +l +d +W +w +a +t +c +h +W +i +t +W +t +w +i +c +e +W +a +W +d +a +y +W +f +o +r +W +a +W +m +o +n +t +h +P +W +i +t +W +w +a +s +W +s +a +f +e +W +t +o +W +s +a +y +W +w +e +W +w +e +r +e +W +o +b +s +e +s +s +e +d +W +a +n +d +W +f +o +r +W +g +o +o +d +W +r +e +a +s +o +n +P +W +s +o +m +e +W +o +f +W +t +h +e +W +d +i +s +a +s +t +e +r +W +s +c +e +n +e +s +W +w +e +r +e +W +h +a +r +d +W +t +o +W +f +o +r +g +o +t +P +W +l +i +k +e +W +t +h +e +W +f +r +o +z +e +n +W +b +a +b +y +P +W +o +r +W +t +h +e +W +g +u +y +W +w +h +o +W +c +o +m +m +i +t +t +e +d +W +s +u +i +c +i +d +e +W +a +f +t +e +r +W +k +i +l +l +i +n +g +W +s +o +m +e +o +n +e +W +i +n +W +t +h +e +W +u +n +r +u +l +y +W +c +r +o +w +d +P +W +m +a +n +y +W +p +e +o +p +l +e +W +d +i +e +d +W +o +n +W +t +h +a +t +W +s +h +i +p +P +W +a +n +d +W +t +o +W +c +o +n +v +e +y +W +t +h +a +t +W +o +n +W +f +i +l +m +W +w +i +t +h +W +t +h +e +W +i +m +m +e +d +i +a +c +y +W +a +n +d +W +e +m +o +t +i +o +n +W +i +t +W +n +e +e +d +e +d +W +i +s +W +a +W +h +a +r +d +W +c +h +a +l +l +e +n +g +e +W +t +h +a +t +W +j +a +m +e +s +W +c +a +m +e +r +o +n +W +s +t +e +p +p +e +d +W +u +p +W +t +o +P +W +a +n +d +W +l +e +t +P +s +W +n +o +t +W +f +o +r +g +e +t +W +t +h +e +W +a +m +a +z +i +n +g +W +r +o +m +a +n +c +e +W +b +e +t +w +e +e +n +W +j +a +c +k +W +a +n +d +W +r +o +s +e +P +W +w +h +e +t +h +e +r +W +o +r +W +n +o +t +W +t +h +e +i +r +W +r +e +l +a +t +i +o +n +s +h +i +p +W +w +a +s +W +a +W +f +i +g +m +e +n +t +W +o +f +W +s +o +m +e +o +n +e +P +s +W +i +m +a +g +i +n +a +t +i +o +n +W +i +t +W +w +a +s +W +l +o +v +e +l +y +P +W +t +h +e +y +W +b +a +r +e +l +y +W +k +n +e +w +W +e +a +c +h +W +o +t +h +e +r +P +W +b +u +t +W +t +h +e +y +W +w +o +u +l +d +W +d +i +e +W +f +o +r +W +e +a +c +h +W +o +t +h +e +r +P +W +t +h +e +y +W +t +r +u +s +t +e +d +W +e +a +c +h +W +o +t +h +e +r +P +W +t +h +e +y +W +s +u +r +e +W +a +s +W +h +e +l +l +W +a +r +e +W +g +i +v +i +n +g +W +r +o +m +e +o +W +a +n +d +W +j +u +l +i +e +t +W +a +W +r +u +n +W +f +o +r +W +t +h +e +i +r +W +m +o +n +e +y +P +W +P +i +P +l +l +W +n +e +v +e +r +W +l +e +t +W +g +o +P +W +j +a +c +k +P +P +W +t +i +t +a +n +i +c +W +i +s +W +a +W +g +r +e +a +t +W +f +i +l +m +W +d +o +w +n +W +t +o +W +i +t +P +s +W +v +e +r +y +W +c +o +r +e +P +W +i +t +W +i +s +W +a +W +p +o +w +e +r +f +u +l +W +s +t +o +r +y +W +t +o +l +d +W +t +h +r +o +u +g +h +W +b +r +i +l +l +i +a +n +t +W +a +c +t +i +n +g +P +W +e +x +c +e +l +l +e +n +t +W +c +i +n +e +m +a +t +o +g +r +a +p +h +y +P +W +b +e +a +u +t +i +f +u +l +W +m +u +s +i +c +P +W +a +n +d +W +a +W +c +r +e +w +W +f +u +l +l +W +o +f +W +h +a +r +d +W +a +n +d +W +d +e +d +i +c +a +t +e +d +W +w +o +r +k +e +r +s +P +W +i +t +W +r +e +a +l +l +y +W +b +l +o +w +s +W +m +y +W +m +i +n +d +W +w +h +e +n +W +s +o +m +e +o +n +e +W +s +a +y +s +W +t +h +e +y +W +h +a +t +e +W +t +h +i +s +W +m +o +v +i +e +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +f +o +r +W +m +e +W +p +e +r +s +o +n +a +l +l +y +W +t +h +i +s +W +f +i +l +m +W +g +o +e +s +W +d +o +w +n +W +i +n +W +m +y +W +t +o +p +W +f +o +u +r +W +o +f +W +a +l +l +W +t +i +m +e +P +W +n +o +W +e +x +c +e +p +t +i +o +n +s +P +W +j +a +m +e +s +W +c +a +m +e +r +o +n +W +h +a +s +W +p +r +o +v +e +d +W +h +i +m +s +e +l +f +W +t +i +m +e +W +a +n +d +W +t +i +m +e +W +a +g +a +i +n +W +t +h +a +t +W +h +e +W +i +s +W +a +W +m +a +s +t +e +r +W +s +t +o +r +y +t +e +l +l +e +r +P +W +t +h +r +o +u +g +h +W +f +i +l +m +s +W +s +u +c +h +W +a +s +W +a +l +i +e +n +s +P +W +t +h +e +W +a +b +y +s +s +W +a +n +d +W +b +o +t +h +W +t +e +r +m +i +n +a +t +o +r +s +W +i +t +W +i +s +W +c +l +e +a +r +W +t +h +a +t +W +h +e +W +w +a +s +W +a +W +b +r +i +l +l +i +a +n +t +W +a +n +d +W +c +o +n +f +i +d +a +n +t +W +d +i +r +e +c +t +o +r +W +a +s +W +f +a +r +W +a +s +W +a +c +t +i +o +n +W +a +n +d +W +s +c +i +e +n +c +e +P +f +i +c +t +i +o +n +W +g +o +e +s +P +W +h +e +W +s +e +e +s +W +a +W +s +t +o +r +y +W +a +n +d +W +a +d +d +s +W +a +W +s +t +r +a +n +g +e +W +q +u +a +l +i +t +y +W +t +o +W +t +h +e +W +f +i +l +m +P +W +b +u +t +W +t +i +t +a +n +i +c +W +i +s +W +s +o +W +m +u +c +h +W +d +i +f +f +e +r +e +n +t +W +t +o +W +h +i +s +W +o +t +h +e +r +W +s +t +r +o +k +e +s +W +o +f +W +b +r +i +l +l +i +a +n +c +e +P +W +t +h +e +W +f +i +l +m +W +i +s +W +e +x +c +e +p +t +i +o +n +a +l +l +y +W +m +o +v +i +n +g +W +a +n +d +W +a +l +l +o +w +s +W +r +o +o +m +W +f +o +r +W +s +u +r +p +r +i +s +e +s +P +W +p +l +o +t +W +d +e +v +e +l +o +p +m +e +n +t +W +a +n +d +W +i +n +t +e +r +e +s +t +i +n +g +W +c +h +a +r +a +c +t +e +r +W +d +e +v +e +l +o +p +m +e +n +t +s +W +i +n +W +a +W +s +t +o +r +y +W +t +h +a +t +W +e +v +e +r +y +o +n +e +W +k +n +o +w +s +P +W +t +h +e +W +s +t +o +r +y +W +o +f +W +t +h +e +W +f +a +m +e +d +W +v +o +y +a +g +e +r +W +s +i +n +k +i +n +g +W +o +n +W +h +e +r +W +m +a +i +d +e +n +W +v +o +y +a +g +e +W +i +s +W +l +e +g +e +n +d +W +s +o +W +t +h +e +W +c +h +a +l +l +e +n +g +e +W +w +a +s +W +f +o +r +W +c +a +m +e +r +o +n +W +t +o +W +m +a +k +e +W +a +W +t +r +u +t +h +f +u +l +P +W +i +n +t +e +r +e +s +t +i +n +g +W +a +n +d +W +e +n +t +e +r +t +a +i +n +i +n +g +W +f +i +l +m +W +a +b +o +u +t +W +i +t +P +W +t +h +e +W +a +c +t +i +n +g +W +i +s +W +w +o +n +d +e +r +f +u +l +W +a +s +W +l +e +o +n +a +r +d +o +W +d +i +c +a +p +r +i +o +W +w +h +o +W +p +l +a +y +s +W +j +a +c +k +W +a +n +d +W +k +a +t +e +W +w +i +n +s +l +e +t +W +w +h +o +W +p +l +a +y +s +W +r +o +s +e +W +b +e +c +a +m +e +W +s +u +p +e +r +s +t +a +r +s +W +o +v +e +r +n +i +g +h +t +W +w +i +t +h +W +t +h +e +W +r +e +l +e +a +s +e +W +o +f +W +t +h +i +s +W +f +i +l +m +W +a +n +d +W +i +n +W +m +o +s +t +W +f +i +l +m +s +W +i +W +g +e +t +W +a +n +n +o +y +e +d +W +w +h +e +n +W +t +h +e +W +s +u +p +p +o +r +t +i +n +g +W +c +h +a +r +a +c +t +e +r +s +W +a +r +e +n +P +t +W +g +i +v +e +n +W +a +W +l +o +t +W +t +o +W +d +o +W +b +u +t +W +i +n +W +t +h +i +s +W +f +i +l +m +W +i +t +W +i +s +W +m +o +r +e +W +p +u +r +p +o +s +e +f +u +l +W +b +e +c +a +u +s +e +W +a +s +W +a +n +W +e +l +d +e +r +l +y +W +r +o +s +e +W +P +g +l +o +r +i +a +W +s +t +u +a +r +t +P +W +t +e +l +l +s +W +h +e +r +W +s +t +o +r +y +W +i +t +W +i +s +W +q +u +i +c +k +l +y +W +a +p +p +a +r +e +n +t +W +t +h +a +t +W +i +t +W +i +s +W +r +o +s +e +P +s +W +a +n +d +W +j +a +c +k +P +s +W +s +t +o +r +y +W +a +l +o +n +e +P +W +n +o +W +o +n +e +W +e +l +s +e +P +W +e +m +o +t +i +o +n +a +l +l +y +W +i +t +W +i +s +W +e +n +t +i +r +e +l +y +W +s +a +t +i +s +f +y +i +n +g +W +a +n +d +W +c +a +n +W +l +e +a +v +e +W +n +o +W +d +r +y +W +e +y +e +W +i +n +W +a +W +t +h +e +a +t +e +r +W +o +r +W +h +o +m +e +P +W +t +h +e +W +m +u +s +i +c +W +h +a +s +W +b +e +c +o +m +e +W +i +c +o +n +i +c +W +a +n +d +W +l +e +g +e +n +d +a +r +y +P +W +i +t +W +i +s +W +c +o +m +p +o +s +e +r +W +j +a +m +e +s +W +h +o +r +n +e +r +P +s +W +f +i +n +e +s +t +W +s +o +u +n +d +t +r +a +c +k +W +e +v +e +r +W +a +n +d +W +e +v +o +k +e +s +W +s +o +W +m +u +c +h +W +f +r +o +m +W +t +h +e +W +f +i +l +m +W +a +n +d +W +t +h +e +W +a +u +d +i +e +n +c +e +P +W +t +h +e +W +s +o +n +g +W +a +f +t +e +r +W +s +o +W +l +o +n +g +W +h +a +s +W +b +e +c +o +m +e +W +a +n +n +o +y +i +n +g +W +b +u +t +W +i +W +s +t +i +l +l +W +a +p +p +r +e +c +i +a +t +e +W +i +t +W +f +o +r +W +t +h +e +W +p +h +e +n +o +m +e +n +o +n +W +i +t +W +i +s +W +a +n +d +W +t +h +i +s +W +f +i +l +m +W +i +s +P +W +o +n +l +y +W +o +n +e +W +p +r +o +b +l +e +m +P +W +t +h +e +W +u +s +u +a +l +W +j +a +m +e +s +W +c +a +m +e +r +o +n +W +p +r +o +b +l +e +m +P +W +i +s +W +t +h +e +W +d +i +a +l +o +g +u +e +W +w +h +i +c +h +W +i +s +W +m +e +m +o +r +a +b +l +e +W +b +u +t +W +i +n +W +a +W +b +a +d +W +w +a +y +W +a +s +W +i +n +W +h +o +w +W +c +h +e +e +s +y +W +i +t +W +i +s +W +a +t +W +p +o +i +n +t +s +W +b +u +t +W +a +l +l +W +t +h +a +t +W +a +s +i +d +e +P +W +j +a +m +e +s +W +c +a +m +e +r +o +n +W +h +a +s +W +d +e +l +i +v +e +r +e +d +W +a +W +m +a +s +t +e +r +p +i +e +c +e +W +a +n +d +W +a +W +r +o +m +a +n +t +i +c +W +e +p +i +c +W +t +h +a +t +W +s +w +e +e +p +s +W +y +o +u +W +a +w +a +y +W +o +n +W +a +W +j +o +u +r +n +e +y +W +o +f +W +a +W +l +i +f +e +t +i +m +e +P +W +m +y +W +h +e +a +r +t +W +w +o +n +P +t +W +g +o +W +o +n +W +f +r +o +m +W +t +h +i +s +W +o +n +e +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +b +a +c +k +W +i +n +W +N +N +N +N +P +W +d +o +W +i +W +r +e +m +e +m +b +e +r +W +t +h +a +t +W +y +e +a +r +P +W +c +l +i +n +t +o +n +W +b +a +n +s +W +c +l +o +n +i +n +g +W +r +e +s +e +a +r +c +h +P +W +t +h +e +W +u +n +f +o +r +t +u +n +a +t +e +W +d +e +a +t +h +W +o +f +W +p +r +i +n +c +e +s +s +W +d +i +a +n +a +P +W +t +h +e +W +m +a +r +l +i +n +s +W +w +o +n +W +t +h +e +W +w +o +r +l +d +W +s +e +r +i +e +s +W +a +n +d +W +a +W +w +o +m +a +n +W +g +a +v +e +W +b +i +r +t +h +W +t +o +W +s +e +p +t +u +p +l +e +t +s +P +W +t +h +i +s +W +w +a +s +W +a +l +s +o +W +t +h +e +W +b +i +g +W +y +e +a +r +W +i +n +W +t +h +e +W +r +e +l +e +a +s +e +W +o +f +W +t +i +t +a +n +i +c +P +W +o +n +e +W +o +f +W +t +h +e +W +b +i +g +g +e +s +t +W +f +i +l +m +s +W +o +f +W +a +l +l +W +t +i +m +e +P +W +a +W +t +a +l +e +W +a +b +o +u +t +W +t +h +e +W +s +h +i +p +W +o +f +W +d +r +e +a +m +s +P +W +a +b +o +u +t +W +a +W +b +o +y +W +a +n +d +W +a +W +g +i +r +l +W +w +h +o +W +f +a +l +l +W +i +n +W +l +o +v +e +W +b +u +t +W +a +r +e +W +t +o +r +n +W +a +p +a +r +t +W +b +y +W +t +h +e +i +r +W +s +o +c +i +a +l +W +c +l +a +s +s +W +a +n +d +W +a +t +W +t +h +e +W +h +e +i +g +h +t +W +o +f +W +t +h +e +i +r +W +e +m +o +t +i +o +n +a +l +W +c +o +m +m +i +t +m +e +n +t +W +t +h +e +W +s +h +i +p +W +m +e +e +t +s +W +w +i +t +h +W +d +i +s +a +s +t +e +r +P +W +i +W +d +o +n +P +t +W +t +h +i +n +k +W +a +n +y +b +o +d +y +W +c +o +u +l +d +W +h +a +v +e +W +e +x +p +e +c +t +e +d +W +t +i +t +a +n +i +c +W +t +o +W +b +e +W +a +s +W +h +u +g +e +W +a +s +W +i +t +W +w +a +s +P +W +t +h +e +W +m +o +v +i +e +W +w +a +s +W +b +i +g +g +e +r +W +t +h +a +n +W +l +i +f +e +W +a +n +d +W +h +a +d +W +m +i +l +l +i +o +n +s +W +o +f +W +f +a +n +s +P +W +N +N +P +W +o +f +W +t +h +e +m +W +b +e +i +n +g +W +t +e +e +n +a +g +e +W +g +i +r +l +s +P +W +i +W +w +a +s +W +N +N +W +y +e +a +r +s +W +o +l +d +W +a +t +W +t +h +e +W +t +i +m +e +P +W +a +n +d +W +o +f +W +c +o +u +r +s +e +W +s +a +w +W +t +h +e +W +m +o +v +i +e +W +m +u +l +t +i +p +l +e +W +t +i +m +e +s +P +W +i +t +W +w +a +s +W +t +h +e +W +f +i +l +m +W +t +h +a +t +W +m +a +d +e +W +m +e +W +b +e +l +i +e +v +e +W +t +h +a +t +W +t +h +e +W +l +o +v +e +W +t +h +a +t +W +j +a +c +k +W +a +n +d +W +r +o +s +e +W +s +h +a +r +e +d +W +w +a +s +W +s +o +W +r +e +a +l +W +a +n +d +W +b +e +a +u +t +i +f +u +l +P +W +a +t +W +t +h +e +W +t +i +m +e +W +i +W +f +e +l +t +W +t +h +a +t +W +t +i +t +a +n +i +c +W +c +o +u +l +d +W +d +o +W +n +o +W +w +r +o +n +g +P +W +o +f +W +c +o +u +r +s +e +W +i +W +g +r +e +w +W +u +p +W +a +n +d +W +d +i +d +n +P +t +W +w +a +t +c +h +W +t +h +e +W +f +i +l +m +W +s +i +n +c +e +W +i +W +w +a +s +W +N +N +P +W +a +W +c +o +u +p +l +e +W +y +e +a +r +s +W +a +g +o +W +i +W +s +a +w +W +t +h +e +W +f +i +l +m +W +o +n +W +d +v +d +W +f +o +r +W +N +P +N +N +W +a +n +d +W +f +i +g +u +r +e +d +W +t +h +a +t +W +i +t +W +w +a +s +W +a +W +g +o +o +d +W +p +r +i +c +e +W +a +n +d +W +t +o +W +s +e +e +W +w +h +a +t +W +i +W +t +h +o +u +g +h +t +W +a +b +o +u +t +W +t +h +e +W +m +o +v +i +e +W +n +o +w +P +W +w +a +s +W +i +t +W +w +o +r +t +h +W +t +h +e +W +h +y +p +e +P +W +w +a +s +W +i +t +W +r +e +a +l +l +y +W +t +h +e +W +b +e +s +t +W +m +o +v +i +e +W +o +f +W +a +l +l +W +t +i +m +e +P +W +w +a +s +W +t +h +a +t +W +l +e +o +n +a +r +d +o +P +s +W +r +e +a +l +W +n +o +s +e +P +W +o +k +P +W +i +W +k +n +o +w +W +t +h +a +t +P +s +W +s +i +l +l +y +W +t +o +W +s +a +y +P +W +b +u +t +W +i +W +d +i +d +W +r +e +P +w +a +t +c +h +W +t +h +e +W +f +i +l +m +P +W +b +e +i +n +g +W +c +o +m +p +l +e +t +e +l +y +W +h +o +n +e +s +t +W +h +e +r +e +P +W +t +i +t +a +n +i +c +W +i +s +W +a +W +g +r +e +a +t +W +m +o +v +i +e +P +W +b +e +s +t +W +m +o +v +i +e +W +o +f +W +a +l +l +W +t +i +m +e +P +W +n +o +P +W +j +u +s +t +W +d +e +p +e +n +d +s +W +o +n +W +y +o +u +r +W +i +d +e +a +W +o +f +W +a +W +g +o +o +d +W +m +o +v +i +e +P +W +b +u +t +W +t +i +t +a +n +i +c +W +d +e +l +i +v +e +r +e +d +W +i +n +W +r +o +m +a +n +c +e +P +W +h +u +m +o +r +P +W +d +i +s +a +s +t +e +r +P +W +e +m +o +t +i +o +n +s +W +a +n +d +W +n +e +v +e +r +W +l +e +t +W +u +s +W +g +o +W +o +n +W +t +h +i +s +W +m +a +i +d +e +n +W +v +o +y +a +g +e +P +P +b +r +W +P +P +P +b +r +W +P +P +t +h +e +W +f +i +l +m +W +s +t +a +r +t +s +W +w +i +t +h +W +b +r +o +c +k +W +l +o +v +e +t +t +W +a +n +d +W +h +i +s +W +t +e +a +m +W +e +x +p +l +o +r +i +n +g +W +t +h +e +W +w +r +e +c +k +W +o +f +W +t +h +e +W +r +m +s +W +t +i +t +a +n +i +c +P +W +s +e +a +r +c +h +i +n +g +W +f +o +r +W +a +W +n +e +c +k +l +a +c +e +W +s +e +t +W +w +i +t +h +W +a +W +v +a +l +u +a +b +l +e +W +b +l +u +e +W +d +i +a +m +o +n +d +W +c +a +l +l +e +d +W +t +h +e +W +h +e +a +r +t +W +o +f +W +t +h +e +W +o +c +e +a +n +P +W +u +n +s +u +c +c +e +s +s +f +u +l +P +W +t +h +e +y +W +i +n +s +t +e +a +d +W +d +i +s +c +o +v +e +r +W +a +W +d +r +a +w +i +n +g +W +o +f +W +a +W +y +o +u +n +g +W +w +o +m +a +n +W +r +e +c +l +i +n +i +n +g +W +n +u +d +e +P +W +w +e +a +r +i +n +g +W +t +h +e +W +h +e +a +r +t +W +o +f +W +t +h +e +W +o +c +e +a +n +P +W +d +a +t +e +d +W +t +h +e +W +d +a +y +W +t +h +e +W +t +i +t +a +n +i +c +W +s +a +n +k +P +W +N +N +N +P +y +e +a +r +P +o +l +d +W +r +o +s +e +W +d +a +w +s +o +n +W +c +a +l +v +e +r +t +W +l +e +a +r +n +s +W +o +f +W +t +h +e +W +d +r +a +w +i +n +g +P +W +a +n +d +W +c +o +n +t +a +c +t +s +W +l +o +v +e +t +t +W +t +o +W +i +n +f +o +r +m +W +h +i +m +W +s +h +e +W +i +s +W +t +h +e +W +w +o +m +a +n +W +i +n +W +t +h +e +W +d +r +a +w +i +n +g +P +W +s +h +e +W +a +n +d +W +h +e +r +W +g +r +a +n +d +d +a +u +g +h +t +e +r +W +e +l +i +z +a +b +e +t +h +W +P +l +i +z +z +y +P +W +c +a +l +v +e +r +t +W +v +i +s +i +t +W +l +o +v +e +t +t +W +a +n +d +W +h +i +s +W +s +k +e +p +t +i +c +a +l +W +t +e +a +m +W +o +n +W +h +i +s +W +s +a +l +v +a +g +e +W +s +h +i +p +P +W +w +h +e +n +W +a +s +k +e +d +W +i +f +W +s +h +e +W +k +n +e +w +W +t +h +e +W +w +h +e +r +e +a +b +o +u +t +s +W +o +f +W +t +h +e +W +n +e +c +k +l +a +c +e +P +W +r +o +s +e +W +c +a +l +v +e +r +t +W +r +e +c +a +l +l +s +W +h +e +r +W +m +e +m +o +r +i +e +s +W +a +b +o +a +r +d +W +t +h +e +W +t +i +t +a +n +i +c +P +W +r +e +v +e +a +l +i +n +g +W +f +o +r +W +t +h +e +W +f +i +r +s +t +W +t +i +m +e +W +t +h +a +t +W +s +h +e +W +w +a +s +W +r +o +s +e +W +d +e +w +i +t +t +W +b +u +k +a +t +e +r +P +W +i +n +W +N +N +N +N +P +W +t +h +e +W +u +p +p +e +r +P +c +l +a +s +s +W +N +N +P +y +e +a +r +P +o +l +d +W +r +o +s +e +W +b +o +a +r +d +s +W +t +h +e +W +s +h +i +p +W +w +i +t +h +W +h +e +r +W +f +i +a +n +c +P +W +c +a +l +W +h +o +c +k +l +e +y +W +a +n +d +W +h +e +r +W +m +o +t +h +e +r +P +W +r +u +t +h +W +d +e +w +i +t +t +W +b +u +k +a +t +e +r +P +W +b +o +t +h +W +o +f +W +w +h +o +m +W +s +t +r +e +s +s +W +t +h +e +W +i +m +p +o +r +t +a +n +c +e +W +o +f +W +r +o +s +e +P +s +W +e +n +g +a +g +e +m +e +n +t +W +t +o +W +c +a +l +W +s +i +n +c +e +W +t +h +e +W +m +a +r +r +i +a +g +e +W +w +i +l +l +W +m +e +a +n +W +t +h +e +W +e +r +a +d +i +c +a +t +i +o +n +W +o +f +W +t +h +e +W +d +e +w +i +t +t +P +b +u +k +a +t +e +r +W +d +e +b +t +s +P +W +w +h +i +l +e +W +t +h +e +y +W +h +a +v +e +W +t +h +e +W +o +u +t +w +a +r +d +W +a +p +p +e +a +r +a +n +c +e +W +o +f +W +t +h +e +W +u +p +p +e +r +P +c +l +a +s +s +P +W +r +o +s +e +W +a +n +d +W +h +e +r +W +m +o +t +h +e +r +W +a +r +e +W +f +i +n +a +n +c +i +a +l +l +y +W +b +r +o +k +e +P +W +d +i +s +t +r +a +u +g +h +t +W +a +n +d +W +f +r +u +s +t +r +a +t +e +d +W +b +y +W +h +e +r +W +e +n +g +a +g +e +m +e +n +t +W +t +o +W +t +h +e +W +c +o +n +t +r +o +l +l +i +n +g +W +c +a +l +W +a +n +d +W +t +h +e +W +p +r +e +s +s +u +r +e +W +h +e +r +W +m +o +t +h +e +r +W +i +s +W +p +u +t +t +i +n +g +W +o +n +W +h +e +r +W +t +o +W +g +o +W +t +h +r +o +u +g +h +W +w +i +t +h +W +t +h +e +W +m +a +r +r +i +a +g +e +P +W +r +o +s +e +W +a +t +t +e +m +p +t +s +W +s +u +i +c +i +d +e +W +b +y +W +j +u +m +p +i +n +g +W +f +r +o +m +W +t +h +e +W +s +t +e +r +n +P +W +b +e +f +o +r +e +W +s +h +e +W +l +e +a +p +s +P +W +a +W +d +r +i +f +t +e +r +W +a +n +d +W +a +r +t +i +s +t +W +n +a +m +e +d +W +j +a +c +k +W +d +a +w +s +o +n +W +i +n +t +e +r +v +e +n +e +s +P +W +j +a +c +k +W +a +n +d +W +r +o +s +e +W +s +t +r +i +k +e +W +u +p +W +a +W +t +e +n +t +a +t +i +v +e +W +f +r +i +e +n +d +s +h +i +p +W +a +s +W +s +h +e +W +t +h +a +n +k +s +W +h +i +m +W +f +o +r +W +s +a +v +i +n +g +W +h +e +r +W +l +i +f +e +P +W +a +n +d +W +h +e +W +s +h +a +r +e +s +W +s +t +o +r +i +e +s +W +o +f +W +h +i +s +W +a +d +v +e +n +t +u +r +e +s +W +t +r +a +v +e +l +i +n +g +W +a +n +d +W +s +k +e +t +c +h +i +n +g +P +W +t +h +e +i +r +W +b +o +n +d +W +d +e +e +p +e +n +s +W +w +h +e +n +W +t +h +e +y +W +l +e +a +v +e +W +a +W +s +t +u +f +f +y +W +f +i +r +s +t +P +c +l +a +s +s +W +f +o +r +m +a +l +W +d +i +n +n +e +r +W +o +f +W +t +h +e +W +r +a +p +p +o +r +t +P +b +u +i +l +d +i +n +g +W +w +e +a +l +t +h +y +W +f +o +r +W +a +W +m +u +c +h +W +l +i +v +e +l +i +e +r +W +g +a +t +h +e +r +i +n +g +W +o +f +W +i +r +i +s +h +W +d +a +n +c +e +P +W +m +u +s +i +c +W +a +n +d +W +b +e +e +r +W +i +n +W +t +h +i +r +d +P +c +l +a +s +s +P +W +b +u +t +W +a +f +t +e +r +W +c +a +l +P +s +W +s +e +r +v +a +n +t +W +i +n +f +o +r +m +s +W +h +i +m +W +o +f +W +r +o +s +e +P +s +W +w +h +e +r +e +a +b +o +u +t +s +P +P +W +r +o +s +e +W +i +s +W +f +o +r +b +i +d +d +e +n +W +f +r +o +m +W +s +e +e +i +n +g +W +j +a +c +k +W +a +g +a +i +n +P +W +h +o +w +e +v +e +r +P +W +a +f +t +e +r +W +w +i +t +n +e +s +s +i +n +g +W +a +W +w +o +m +a +n +W +e +n +c +o +u +r +a +g +i +n +g +W +h +e +r +W +s +e +v +e +n +P +y +e +a +r +P +o +l +d +W +d +a +u +g +h +t +e +r +W +t +o +W +b +e +h +a +v +e +W +l +i +k +e +W +a +W +P +p +r +o +p +e +r +W +l +a +d +y +P +W +a +t +W +t +e +a +P +W +r +o +s +e +W +d +e +f +i +e +s +W +h +i +m +W +a +n +d +W +h +e +r +W +m +o +t +h +e +r +P +W +a +s +k +i +n +g +W +j +a +c +k +W +t +o +W +s +k +e +t +c +h +W +h +e +r +W +n +u +d +e +W +a +n +d +W +w +e +a +r +i +n +g +W +o +n +l +y +W +t +h +e +W +h +e +a +r +t +W +o +f +W +t +h +e +W +o +c +e +a +n +P +W +a +n +W +e +n +g +a +g +e +m +e +n +t +W +p +r +e +s +e +n +t +W +f +r +o +m +W +c +a +l +P +W +a +f +t +e +r +W +a +W +b +e +a +u +t +i +f +u +l +W +m +o +m +e +n +t +W +t +o +g +e +t +h +e +r +W +i +n +W +t +h +e +W +v +e +r +y +W +f +i +r +s +t +W +b +a +c +k +s +e +a +t +W +f +u +n +W +t +i +m +e +P +W +t +h +e +y +W +g +o +W +t +o +W +t +h +e +W +d +e +c +k +W +o +f +W +t +h +e +W +s +h +i +p +P +P +b +r +W +P +P +P +b +r +W +P +P +t +h +e +y +W +t +h +e +n +W +w +i +t +n +e +s +s +W +t +h +e +W +s +h +i +p +P +s +W +f +a +t +a +l +W +c +o +l +l +i +s +i +o +n +W +w +i +t +h +W +a +n +W +i +c +e +b +e +r +g +P +W +a +f +t +e +r +W +o +v +e +r +h +e +a +r +i +n +g +W +t +h +e +W +s +h +i +p +P +s +W +l +o +o +k +o +u +t +s +W +d +i +s +c +u +s +s +i +n +g +W +h +o +w +W +s +e +r +i +o +u +s +W +t +h +e +W +c +o +l +l +i +s +i +o +n +W +i +s +P +W +r +o +s +e +W +t +e +l +l +s +W +j +a +c +k +W +t +h +e +y +W +s +h +o +u +l +d +W +w +a +r +n +W +h +e +r +W +m +o +t +h +e +r +W +a +n +d +W +c +a +l +P +W +m +e +a +n +w +h +i +l +e +P +W +c +a +l +W +d +i +s +c +o +v +e +r +s +W +r +o +s +e +P +s +W +n +u +d +e +W +d +r +a +w +i +n +g +W +a +n +d +W +h +e +r +W +t +a +u +n +t +i +n +g +W +n +o +t +e +W +i +n +W +h +i +s +W +s +a +f +e +P +W +s +o +W +h +e +W +f +r +a +m +e +s +W +j +a +c +k +W +f +o +r +W +s +t +e +a +l +i +n +g +W +t +h +e +W +h +e +a +r +t +W +o +f +W +t +h +e +W +o +c +e +a +n +W +b +y +W +h +a +v +i +n +g +W +l +o +v +e +j +o +y +W +p +l +a +n +t +W +i +t +W +i +n +W +j +a +c +k +P +s +W +p +o +c +k +e +t +P +W +u +p +o +n +W +l +e +a +r +n +i +n +g +W +c +a +l +W +i +n +t +e +n +d +s +W +t +o +W +l +e +a +v +e +W +j +a +c +k +W +t +o +W +d +i +e +W +b +e +l +o +w +W +d +e +c +k +P +W +r +o +s +e +W +r +u +n +s +W +a +w +a +y +W +f +r +o +m +W +h +i +m +W +a +n +d +W +h +e +r +W +m +o +t +h +e +r +W +t +o +W +r +e +s +c +u +e +W +h +i +m +P +W +j +a +c +k +W +a +n +d +W +r +o +s +e +W +r +e +t +u +r +n +W +t +o +W +t +h +e +W +t +o +p +W +d +e +c +k +P +W +c +a +l +W +a +n +d +W +j +a +c +k +P +W +t +h +o +u +g +h +W +e +n +e +m +i +e +s +P +W +b +o +t +h +W +w +a +n +t +W +r +o +s +e +W +s +a +f +e +P +W +s +o +W +t +h +e +y +W +p +e +r +s +u +a +d +e +W +h +e +r +W +t +o +W +b +o +a +r +d +W +a +W +l +i +f +e +b +o +a +t +P +W +b +u +t +W +a +f +t +e +r +W +r +e +a +l +i +z +i +n +g +W +t +h +a +t +W +s +h +e +W +c +a +n +n +o +t +W +l +e +a +v +e +W +j +a +c +k +P +W +r +o +s +e +W +j +u +m +p +s +W +b +a +c +k +W +o +n +W +t +h +e +W +s +h +i +p +W +a +n +d +W +r +e +u +n +i +t +e +s +W +w +i +t +h +W +j +a +c +k +W +i +n +W +t +h +e +W +s +h +i +p +P +s +W +f +i +r +s +t +W +c +l +a +s +s +W +s +t +a +i +r +c +a +s +e +P +W +j +a +c +k +W +a +n +d +W +r +o +s +e +W +r +e +t +u +r +n +W +t +o +W +t +h +e +W +t +o +p +W +d +e +c +k +P +W +t +h +e +W +l +i +f +e +b +o +a +t +s +W +h +a +v +e +W +g +o +n +e +P +W +a +n +d +W +t +h +e +W +s +h +i +p +W +f +i +n +a +l +l +y +W +g +o +e +s +W +d +o +w +n +W +i +n +t +o +W +t +h +e +W +f +r +e +e +z +i +n +g +W +a +t +l +a +n +t +i +c +W +t +a +k +i +n +g +W +j +a +c +k +W +a +n +d +W +r +o +s +e +W +d +o +w +n +P +P +b +r +W +P +P +P +b +r +W +P +P +s +o +W +d +o +e +s +W +t +i +t +a +n +i +c +W +l +i +v +e +W +u +p +W +t +o +W +i +t +P +s +W +h +y +p +e +P +W +i +W +s +t +i +l +l +W +s +a +y +W +t +h +a +t +W +t +h +i +s +W +i +s +W +a +W +g +r +e +a +t +W +m +o +v +i +e +W +t +o +W +w +a +t +c +h +P +W +i +W +t +h +i +n +k +W +t +h +a +t +W +t +h +e +r +e +W +w +e +r +e +W +a +n +d +W +s +t +i +l +l +W +a +r +e +W +q +u +i +t +e +W +a +W +f +e +w +W +h +a +t +e +r +s +W +t +h +a +t +W +f +o +r +W +s +o +m +e +W +r +e +a +s +o +n +W +j +u +s +t +W +w +a +n +t +W +t +o +W +t +r +a +s +h +W +t +h +e +W +m +o +v +i +e +W +b +e +c +a +u +s +e +W +i +t +W +h +a +d +W +w +o +n +W +a +W +t +o +n +W +o +f +W +a +w +a +r +d +s +W +a +n +d +W +e +v +e +r +y +o +n +e +W +w +a +s +W +i +n +W +l +o +v +e +W +w +i +t +h +W +t +h +e +W +m +o +v +i +e +P +W +b +u +t +W +i +t +W +h +a +s +W +g +r +e +a +t +W +a +c +t +i +n +g +P +W +a +m +a +z +i +n +g +W +e +f +f +e +c +t +s +P +W +a +W +w +e +l +l +P +w +r +i +t +t +e +n +W +s +t +o +r +y +W +a +n +d +W +s +t +i +l +l +W +l +o +o +k +s +W +f +l +a +w +l +e +s +s +P +W +l +o +v +e +W +i +t +W +o +r +W +h +a +t +e +W +i +t +P +W +y +o +u +W +h +a +v +e +W +t +o +W +a +d +m +i +t +W +t +h +i +s +W +m +o +v +i +e +W +d +i +d +n +P +t +W +g +e +t +W +a +W +l +o +t +W +o +f +W +h +y +p +e +W +j +u +s +t +W +b +e +c +a +u +s +e +W +o +f +W +l +e +o +P +s +W +b +a +b +y +W +f +a +c +e +W +o +r +W +k +a +t +e +P +s +W +a +m +a +z +i +n +g +W +a +b +i +l +i +t +y +W +t +o +W +c +r +y +W +o +n +W +s +i +g +h +t +P +W +t +h +i +s +W +f +i +l +m +W +i +s +W +s +o +m +e +t +h +i +n +g +W +s +p +e +c +i +a +l +P +W +i +t +W +w +i +l +l +W +a +l +w +a +y +s +W +h +o +l +d +W +a +W +s +p +e +c +i +a +l +W +p +l +a +c +e +W +i +n +W +m +y +W +h +e +a +r +t +P +W +i +t +W +h +a +s +W +t +o +o +W +s +e +e +i +n +g +W +t +h +a +t +W +i +W +s +a +w +W +t +h +i +s +W +f +i +l +m +W +N +W +t +i +m +e +s +W +i +n +W +t +h +e +W +t +h +e +a +t +e +r +W +w +h +e +n +W +i +t +W +w +a +s +W +r +e +l +e +a +s +e +d +P +W +b +u +t +W +a +l +l +W +t +h +a +t +W +a +s +i +d +e +P +W +i +W +d +o +W +r +e +c +o +m +m +e +n +d +W +t +h +i +s +W +m +o +v +i +e +P +W +i +t +P +s +W +a +W +g +r +e +a +t +W +o +n +e +W +a +n +d +W +s +u +r +e +W +t +o +W +g +o +W +d +o +w +n +W +i +n +W +t +h +e +W +c +l +a +s +s +i +c +s +W +o +n +e +W +d +a +y +P +P +b +r +W +P +P +P +b +r +W +P +P +N +N +P +N +N +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +j +a +m +e +s +W +c +a +m +e +r +o +n +P +s +W +P +t +i +t +a +n +i +c +P +W +i +s +W +e +s +s +e +n +t +i +a +l +l +y +W +a +W +r +o +m +a +n +t +i +c +W +a +d +v +e +n +t +u +r +e +W +w +i +t +h +W +v +i +s +u +a +l +W +g +r +a +n +d +e +u +r +W +a +n +d +W +m +a +g +n +i +f +i +c +e +n +c +e +P +W +a +W +t +i +m +e +l +e +s +s +W +t +r +a +g +i +c +W +l +o +v +e +W +s +t +o +r +y +W +s +e +t +W +a +g +a +i +n +s +t +W +t +h +e +W +b +a +c +k +g +r +o +u +n +d +W +o +f +W +t +h +i +s +W +m +a +j +o +r +W +h +i +s +t +o +r +i +c +a +l +W +e +v +e +n +t +P +P +P +W +i +t +P +s +W +a +n +W +a +s +t +o +n +i +s +h +i +n +g +W +m +o +v +i +e +W +t +h +a +t +W +e +x +e +m +p +l +i +f +i +e +s +W +h +o +p +e +P +W +l +o +v +e +W +a +n +d +W +h +u +m +a +n +i +t +y +P +P +P +W +P +b +r +W +P +P +P +b +r +W +P +P +l +e +o +n +a +r +d +o +W +d +i +c +a +p +r +i +o +W +i +s +W +t +e +r +r +i +f +i +c +W +o +n +W +s +c +r +e +e +n +W +w +i +t +h +W +b +i +g +W +c +h +a +r +i +s +m +a +P +P +P +W +c +o +n +v +e +y +i +n +g +W +p +a +s +s +i +o +n +P +W +t +r +u +s +t +P +W +i +n +s +o +u +c +i +a +n +c +e +W +a +n +d +W +i +n +g +e +n +u +i +t +y +P +W +h +e +P +s +W +a +W +f +r +e +e +P +s +p +i +r +i +t +e +d +W +w +a +n +d +e +r +e +r +W +w +i +t +h +W +a +r +t +i +s +t +i +c +W +p +r +e +t +e +n +s +i +o +n +s +P +W +a +n +d +W +a +W +z +e +s +t +W +f +o +r +W +l +i +f +e +P +P +P +W +P +b +r +W +P +P +P +b +r +W +P +P +k +a +t +e +W +w +i +n +s +l +e +t +W +i +s +W +a +b +s +o +l +u +t +e +l +y +W +l +o +v +e +l +y +W +a +s +W +t +h +e +W +c +o +n +f +u +s +e +d +W +u +p +p +e +r +P +c +l +a +s +s +W +t +e +e +n +W +e +n +g +a +g +e +d +W +t +o +W +a +W +n +a +s +t +y +W +r +i +c +h +W +g +u +y +W +w +h +o +W +f +i +n +d +s +W +h +e +r +s +e +l +f +P +W +o +n +e +W +n +i +g +h +t +P +W +p +l +u +n +g +e +d +W +t +o +W +t +h +e +W +d +e +p +t +h +s +W +o +f +W +d +e +s +p +a +i +r +P +P +P +P +b +r +W +P +P +P +b +r +W +P +P +b +i +l +l +y +W +z +a +n +e +W +i +s +W +a +n +W +a +r +r +o +g +a +n +t +W +r +a +c +i +s +t +P +W +a +b +u +s +i +v +e +W +a +n +d +W +u +l +t +r +a +W +r +i +c +h +W +w +h +o +W +w +o +u +l +d +W +l +i +e +P +W +c +h +e +a +t +P +W +s +t +e +a +l +P +W +b +r +i +b +e +W +w +i +t +h +W +m +o +n +e +y +W +o +r +W +e +v +e +n +W +u +s +e +W +a +n +W +i +n +n +o +c +e +n +t +W +y +o +u +n +g +W +c +h +i +l +d +W +t +o +W +e +s +c +a +p +e +W +d +e +f +e +a +t +P +P +P +W +h +e +W +k +e +e +p +s +W +a +W +N +N +W +c +a +r +a +t +W +b +l +u +e +W +d +i +a +m +o +n +d +W +w +o +r +n +W +b +y +W +l +o +u +i +s +W +x +v +i +P +P +P +P +b +r +W +P +P +P +b +r +W +P +P +k +a +t +h +y +W +b +a +t +e +s +W +i +s +W +t +h +e +W +l +e +g +e +n +d +a +r +y +W +u +n +s +i +n +k +a +b +l +e +W +m +o +l +l +y +W +b +r +o +w +n +P +W +t +h +e +W +r +i +c +h +e +s +t +W +w +o +m +a +n +W +i +n +W +d +e +n +v +e +r +P +W +w +h +o +W +i +s +W +a +W +l +o +t +W +l +e +s +s +W +u +p +t +i +g +h +t +W +t +h +a +n +W +t +h +e +W +o +t +h +e +r +W +r +i +c +h +W +f +o +l +k +W +o +n +W +t +h +e +W +s +h +i +p +P +P +P +P +b +r +W +P +P +P +b +r +W +P +P +f +r +a +n +c +e +s +W +f +i +s +h +e +r +i +s +W +i +s +W +t +h +e +W +i +m +p +e +c +u +n +i +o +u +s +W +c +o +l +d +W +s +n +o +b +b +i +s +h +W +m +o +t +h +e +r +W +w +h +o +P +W +d +e +a +t +h +l +y +W +a +f +r +a +i +d +W +o +f +W +l +o +s +i +n +g +W +h +e +r +W +s +o +c +i +a +l +W +s +t +a +t +u +r +e +P +W +f +o +r +c +e +s +W +h +e +r +W +d +a +u +g +h +t +e +r +W +t +o +W +b +e +c +o +m +e +W +e +n +g +a +g +e +d +W +t +o +W +m +a +r +r +y +W +a +W +r +i +c +h +P +W +s +u +p +e +r +c +i +l +i +o +u +s +W +s +n +o +b +P +P +P +P +b +r +W +P +P +P +b +r +W +P +P +v +i +c +t +o +r +W +g +a +r +b +e +r +W +i +s +W +t +h +e +W +m +a +s +t +e +r +W +s +h +i +p +b +u +i +l +d +e +r +P +W +t +h +e +W +r +e +a +l +P +l +i +f +e +W +c +h +a +r +a +c +t +e +r +W +w +h +o +W +a +t +t +e +m +p +t +s +W +t +o +W +f +i +x +W +t +i +m +e +P +W +t +o +W +m +e +a +s +u +r +e +W +i +t +P +W +i +n +W +a +W +s +e +n +s +e +P +W +t +o +W +m +a +k +e +W +i +t +W +i +n +t +o +W +h +i +s +t +o +r +y +P +P +P +W +P +b +r +W +P +P +P +b +r +W +P +P +j +o +n +a +t +h +a +n +W +h +y +d +e +W +i +s +W +t +h +e +W +w +h +i +t +e +W +s +t +a +r +W +c +h +a +i +r +m +a +n +W +w +h +o +W +w +a +n +t +s +W +t +h +e +W +t +i +t +a +n +i +c +W +t +o +W +b +r +e +a +k +W +t +h +e +W +t +r +a +n +s +P +a +t +l +a +n +t +i +c +W +s +p +e +e +d +W +r +e +c +o +r +d +P +W +i +n +W +s +p +i +t +e +W +o +f +W +w +a +r +n +i +n +g +s +W +t +h +a +t +W +i +c +e +b +e +r +g +s +W +m +a +y +W +h +a +v +e +W +f +l +o +a +t +e +d +W +i +n +t +o +W +t +h +e +W +h +a +z +a +r +d +o +u +s +W +n +o +r +t +h +e +r +n +W +c +r +o +s +s +i +n +g +P +P +P +P +b +r +W +P +P +P +b +r +W +P +P +b +i +l +l +W +p +a +x +t +o +n +W +i +s +W +t +h +e +W +o +p +p +o +r +t +u +n +i +s +t +i +c +W +u +n +d +e +r +s +e +a +W +e +x +p +l +o +r +e +r +W +i +n +W +s +e +a +r +c +h +W +f +o +r +W +a +W +v +e +r +y +W +r +a +r +e +W +d +i +a +m +o +n +d +W +c +a +l +l +e +d +W +t +h +e +W +P +h +e +a +r +t +W +o +f +W +t +h +e +W +o +c +e +a +n +P +P +W +P +b +r +W +P +P +P +b +r +W +P +P +g +l +o +r +i +a +W +s +t +u +a +r +t +W +i +s +W +t +h +e +W +N +N +N +P +y +e +a +r +W +o +l +d +W +w +o +m +a +n +W +w +h +o +W +r +e +v +e +a +l +s +W +a +W +n +e +v +e +r +P +b +e +f +o +r +e +W +t +o +l +d +W +l +o +v +e +W +s +t +o +r +y +P +P +P +W +t +h +e +W +n +i +g +h +t +m +a +r +e +P +W +t +h +e +W +h +o +r +r +o +r +W +a +n +d +W +t +h +e +W +s +h +o +c +k +W +a +r +e +W +i +m +p +r +i +n +t +e +d +W +u +p +o +n +W +h +e +r +W +d +e +e +p +l +y +W +l +i +n +e +d +W +f +a +c +e +P +P +P +W +P +b +r +W +P +P +P +b +r +W +P +P +P +t +i +t +a +n +i +c +P +W +i +s +W +l +o +a +d +e +d +W +w +i +t +h +W +l +u +m +i +n +o +u +s +W +p +h +o +t +o +g +r +a +p +h +y +W +a +n +d +W +s +w +e +e +p +i +n +g +W +v +i +s +u +a +l +s +W +a +s +W +t +h +e +W +f +o +o +t +a +g +e +W +o +f +W +t +h +e +W +s +h +i +p +w +r +e +c +k +e +d +W +o +c +e +a +n +W +l +i +n +e +r +W +l +y +i +n +g +W +m +o +t +i +o +n +l +e +s +s +W +o +n +W +t +h +e +W +o +c +e +a +n +W +f +l +o +o +r +P +W +t +h +e +W +i +n +c +r +e +d +i +b +l +e +W +t +r +a +n +s +f +o +r +m +a +t +i +o +n +W +o +f +W +t +h +e +W +b +o +w +W +o +f +W +t +h +e +W +s +u +n +k +e +n +W +P +t +i +t +a +n +i +c +P +W +t +h +a +t +W +t +a +k +e +s +W +t +h +e +W +v +i +e +w +e +r +W +b +a +c +k +W +t +o +W +N +N +N +N +P +W +r +e +v +e +a +l +i +n +g +W +t +h +e +W +m +e +t +i +c +u +l +o +u +s +l +y +W +r +e +P +c +r +e +a +t +e +d +W +i +n +t +e +r +i +o +r +s +P +W +t +h +e +W +f +i +r +s +t +W +s +i +g +h +t +W +o +f +W +t +h +e +W +t +i +t +a +n +i +c +W +s +t +e +a +m +e +d +W +s +t +e +a +d +i +l +y +W +t +o +w +a +r +d +W +h +e +r +W +d +a +t +e +W +w +i +t +h +W +d +e +s +t +i +n +y +P +W +t +h +e +W +t +i +t +a +n +i +c +P +W +l +e +a +v +i +n +g +W +t +h +e +W +s +o +u +t +h +a +m +p +t +o +n +W +d +o +c +k +P +W +a +n +d +W +s +o +m +e +W +d +o +l +p +h +i +n +s +W +a +p +p +e +a +r +W +j +u +m +p +i +n +g +P +W +r +a +c +i +n +g +W +a +l +o +n +g +W +i +n +W +f +r +o +n +t +W +o +f +W +t +h +e +W +l +u +x +u +r +i +o +u +s +W +s +h +i +p +P +W +d +e +c +a +p +r +i +o +W +a +n +d +W +w +i +n +s +l +e +t +W +f +l +y +i +n +g +W +a +t +W +t +h +e +W +s +h +i +p +P +s +W +f +r +o +n +t +W +r +a +i +l +W +i +n +W +a +W +g +o +r +g +e +o +u +s +W +m +a +g +i +c +W +m +o +m +e +n +t +P +W +t +h +e +W +i +n +t +e +r +t +w +i +n +i +n +g +W +o +f +W +p +a +s +t +W +a +n +d +W +p +r +e +s +e +n +t +W +a +s +W +j +a +c +k +W +w +a +s +W +d +r +a +w +i +n +g +W +r +o +s +e +W +o +n +W +h +i +s +W +p +a +p +e +r +P +W +t +h +e +W +c +a +m +e +r +a +W +z +o +o +m +s +W +c +l +o +s +e +l +y +W +o +n +W +y +o +u +n +g +W +r +o +s +e +P +s +W +e +y +e +P +W +o +n +l +y +W +t +o +W +t +r +a +n +s +f +o +r +m +W +i +t +s +W +s +h +a +p +e +W +i +n +t +o +W +g +l +o +r +i +a +W +s +t +u +a +r +t +P +s +W +a +g +e +d +W +e +y +e +P +P +P +P +b +r +W +P +P +P +b +r +W +P +P +c +h +i +l +l +i +n +g +W +s +c +e +n +e +s +P +W +t +i +t +a +n +i +c +P +s +W +i +n +e +v +i +t +a +b +l +e +W +c +o +l +l +i +s +i +o +n +W +w +i +t +h +W +d +e +s +t +i +n +y +P +W +j +a +m +e +s +W +c +a +m +e +r +o +n +i +n +W +o +n +e +W +o +f +W +t +h +e +W +m +o +s +t +W +t +e +r +r +i +f +y +i +n +g +W +s +e +q +u +e +n +c +e +s +W +e +v +e +r +W +p +u +t +W +o +n +W +f +i +l +m +W +t +a +k +e +s +W +u +s +W +d +o +w +n +W +w +i +t +h +W +t +h +e +W +t +i +t +a +n +i +c +P +W +f +i +n +a +l +l +y +W +l +e +a +v +i +n +g +W +u +s +W +f +l +o +u +n +d +e +r +i +n +g +W +i +n +W +t +h +e +W +i +c +y +W +w +a +t +e +r +P +W +s +c +r +e +a +m +i +n +g +W +f +o +r +W +h +e +l +p +W +t +h +a +t +W +n +e +v +e +r +W +c +o +m +e +s +P +P +P +P +b +r +W +P +P +P +b +r +W +P +P +w +i +n +n +e +r +W +o +f +W +N +N +W +a +c +a +d +e +m +y +W +a +w +a +r +d +s +P +W +i +n +c +l +u +d +i +n +g +W +b +e +s +t +W +p +i +c +t +u +r +e +P +W +j +a +m +e +s +W +c +a +m +e +r +o +n +P +s +W +P +t +i +t +a +n +i +c +P +W +i +s +W +a +W +g +i +g +a +n +t +i +c +W +e +p +i +c +W +w +h +e +r +e +W +y +o +u +W +d +o +n +P +t +W +j +u +s +t +W +w +a +t +c +h +W +t +h +e +W +f +i +l +m +P +W +y +o +u +W +e +x +p +e +r +i +e +n +c +e +W +i +t +P +W +t +h +e +W +v +i +s +u +a +l +W +e +f +f +e +c +t +s +W +a +r +e +W +a +m +a +z +i +n +g +P +W +l +i +k +e +W +n +o +W +o +t +h +e +r +W +f +i +l +m +P +s +P +P +P +W +t +h +e +W +d +e +c +o +r +W +i +s +W +o +v +e +r +w +h +e +l +m +i +n +g +P +P +P +W +j +a +m +e +s +W +h +o +r +n +e +r +P +s +W +m +u +s +i +c +W +i +n +t +e +n +s +i +f +i +e +s +W +t +h +e +W +e +m +o +t +i +o +n +s +P +P +P +W +t +h +e +W +w +h +o +l +e +W +m +o +v +i +e +W +i +s +W +h +u +n +t +i +n +g +W +a +n +d +W +i +n +v +o +l +v +i +n +g +P +W +f +i +l +l +e +d +W +w +i +t +h +W +a +W +w +i +d +e +W +r +a +n +g +e +W +o +f +W +d +e +e +p +W +f +e +e +l +i +n +g +s +P +P +P +W +P +b +r +W +P +P +P +b +r +W +P +P +i +t +P +s +W +t +r +u +l +y +W +a +W +m +o +v +i +n +g +W +t +r +i +b +u +t +e +W +t +o +W +t +h +o +s +e +W +w +h +o +W +l +o +s +t +W +t +h +e +i +r +W +l +i +v +e +s +W +o +n +W +t +h +a +t +W +u +n +f +o +r +t +u +n +a +t +e +W +s +h +i +p +P +P +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +h +i +s +W +m +o +v +i +e +W +r +e +P +w +r +o +t +e +W +f +i +l +m +W +h +i +s +t +o +r +y +W +i +n +W +e +v +e +r +y +W +w +a +y +P +W +n +o +W +o +n +e +W +c +a +r +e +s +W +w +h +a +t +W +a +n +y +o +n +e +W +t +h +i +n +k +s +W +a +b +o +u +t +W +t +h +i +s +W +m +o +v +i +e +P +W +b +e +c +a +u +s +e +W +i +t +W +t +r +a +n +s +c +e +n +d +s +W +c +r +i +t +i +c +i +s +m +P +W +e +v +e +r +y +W +f +l +a +w +W +i +n +W +t +h +e +W +m +o +v +i +e +W +i +s +W +e +a +s +i +l +y +W +o +v +e +r +c +o +m +e +W +b +y +W +t +h +e +W +m +a +n +y +W +a +m +a +z +i +n +g +W +t +h +i +n +g +s +W +t +h +e +W +m +o +v +i +e +W +h +a +s +W +g +o +i +n +g +W +f +o +r +W +i +t +P +W +i +t +W +i +s +W +a +n +W +e +x +t +r +e +m +e +l +y +W +b +e +a +u +t +i +f +u +l +W +m +o +v +i +e +P +W +a +n +d +W +i +W +d +o +u +b +t +W +m +a +n +y +W +o +f +W +u +s +W +w +i +l +l +W +s +e +e +W +a +n +y +t +h +i +n +g +W +l +i +k +e +W +i +t +W +a +g +a +i +n +P +W +i +P +v +e +W +s +e +e +n +W +i +t +W +m +o +r +e +W +t +i +m +e +s +W +t +h +a +n +W +i +W +c +a +r +e +W +t +o +W +c +o +u +n +t +P +W +a +n +d +W +i +W +s +t +i +l +l +W +b +e +c +o +m +e +W +t +r +a +n +s +f +i +x +e +d +W +e +v +e +r +y +W +t +i +m +e +P +W +w +i +t +h +W +a +W +f +e +e +l +i +n +g +W +w +h +i +c +h +W +i +s +W +h +a +r +d +W +t +o +W +d +e +s +c +r +i +b +e +P +W +o +n +e +W +f +o +r +W +t +h +e +W +a +g +e +s +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P +t +i +t +a +n +i +c +W +d +i +r +e +c +t +e +d +W +b +y +W +j +a +m +e +s +W +c +a +m +e +r +o +n +W +p +r +e +s +e +n +t +s +W +a +W +f +i +c +t +i +o +n +a +l +W +l +o +v +e +W +s +t +o +r +y +W +o +n +W +t +h +e +W +h +i +s +t +o +r +i +c +a +l +W +s +e +t +t +i +n +g +W +o +f +W +t +h +e +W +t +i +t +a +n +i +c +P +W +t +h +e +W +p +l +o +t +W +i +s +W +s +i +m +p +l +e +P +W +n +o +n +c +o +m +p +l +i +c +a +t +e +d +P +W +o +r +W +n +o +t +W +f +o +r +W +t +h +o +s +e +W +w +h +o +W +l +o +v +e +W +p +l +o +t +s +W +t +h +a +t +W +t +w +i +s +t +W +a +n +d +W +t +u +r +n +W +a +n +d +W +k +e +e +p +W +y +o +u +W +i +n +W +s +u +s +p +e +n +s +e +P +W +t +h +e +W +e +n +d +W +o +f +W +t +h +e +W +m +o +v +i +e +W +c +a +n +W +b +e +W +f +i +g +u +r +e +d +W +o +u +t +W +w +i +t +h +i +n +W +m +i +n +u +t +e +s +W +o +f +W +t +h +e +W +s +t +a +r +t +W +o +f +W +t +h +e +W +f +i +l +m +P +W +b +u +t +W +t +h +e +W +l +o +v +e +W +s +t +o +r +y +W +i +s +W +a +n +W +i +n +t +e +r +e +s +t +i +n +g +W +o +n +e +P +W +h +o +w +e +v +e +r +P +W +k +a +t +e +W +w +i +n +s +l +e +t +t +W +i +s +W +w +o +n +d +e +r +f +u +l +W +a +s +W +r +o +s +e +P +W +a +n +W +a +r +i +s +t +o +c +r +a +t +i +c +W +y +o +u +n +g +W +l +a +d +y +W +b +e +t +r +o +t +h +e +d +W +b +y +W +c +a +l +W +P +b +i +l +l +y +W +z +a +n +e +P +P +W +e +a +r +l +y +W +o +n +W +t +h +e +W +v +o +y +a +g +e +W +r +o +s +e +W +m +e +e +t +s +W +j +a +c +k +W +P +l +e +o +n +a +r +d +o +W +d +i +c +a +p +r +i +o +P +P +W +a +W +l +o +w +e +r +W +c +l +a +s +s +W +a +r +t +i +s +t +W +o +n +W +h +i +s +W +w +a +y +W +t +o +W +a +m +e +r +i +c +a +W +a +f +t +e +r +W +w +i +n +n +i +n +g +W +h +i +s +W +t +i +c +k +e +t +W +a +b +o +a +r +d +W +t +i +t +a +n +i +c +W +i +n +W +a +W +p +o +k +e +r +W +g +a +m +e +P +W +i +f +W +h +e +W +w +a +n +t +s +W +s +o +m +e +t +h +i +n +g +P +W +h +e +W +g +o +e +s +W +a +n +d +W +g +e +t +s +W +i +t +W +u +n +l +i +k +e +W +t +h +e +W +u +p +p +e +r +W +c +l +a +s +s +W +w +h +o +W +a +r +e +W +s +o +W +c +o +n +c +e +r +n +e +d +W +w +i +t +h +W +t +h +e +i +r +W +s +o +c +i +a +l +W +w +o +r +r +i +e +s +P +W +t +h +e +W +t +w +o +W +f +a +l +l +W +i +n +W +l +o +v +e +W +a +n +d +W +t +h +e +W +a +u +d +i +e +n +c +e +W +s +e +e +s +W +t +h +e +W +s +i +n +k +i +n +g +W +o +f +W +t +h +e +W +t +i +t +a +n +i +c +W +p +r +i +m +a +r +i +l +y +W +t +h +r +o +u +g +h +W +t +h +e +i +r +W +e +y +e +s +P +P +b +r +W +P +P +P +b +r +W +P +P +t +h +e +W +m +o +v +i +e +W +b +e +g +i +n +s +W +i +n +W +m +o +d +e +r +n +W +t +i +m +e +s +W +w +i +t +h +W +t +h +e +W +e +x +p +l +o +r +a +t +i +o +n +W +o +f +W +t +h +e +W +w +r +e +c +k +W +b +y +W +a +W +g +r +o +u +p +W +s +e +a +r +c +h +i +n +g +W +f +o +r +W +t +r +e +a +s +u +r +e +s +P +W +t +h +a +t +W +s +u +n +k +W +w +i +t +h +W +t +h +e +W +t +i +t +a +n +i +c +P +W +w +h +i +c +h +W +h +a +s +W +r +e +c +e +n +t +l +y +W +o +c +c +u +r +r +e +d +P +W +o +n +e +W +o +f +W +t +h +e +W +s +u +r +v +i +v +o +r +s +W +o +f +W +t +h +e +W +t +i +t +a +n +i +c +P +W +r +o +s +e +W +d +e +w +i +t +t +W +b +u +k +a +t +e +r +P +W +w +h +o +W +h +a +d +W +h +e +a +r +d +W +o +f +W +t +h +e +W +e +x +p +l +o +r +a +t +i +o +n +W +o +f +W +t +h +e +W +w +r +e +c +k +W +o +n +W +t +e +l +e +v +i +s +i +o +n +W +a +n +d +W +i +s +W +f +l +o +w +n +W +t +o +W +t +h +e +W +b +o +a +t +W +w +h +e +r +e +W +t +h +e +W +s +e +a +r +c +h +W +i +s +W +b +e +i +n +g +W +l +e +d +W +f +r +o +m +W +t +o +W +t +e +l +l +W +o +f +W +w +h +a +t +W +s +h +e +W +r +e +m +e +m +b +e +r +s +W +t +o +W +h +e +l +p +W +t +h +e +W +s +e +a +r +c +h +P +W +s +h +e +W +g +e +t +s +W +t +o +W +t +e +l +l +i +n +g +W +h +e +r +W +m +e +m +o +r +y +W +o +f +W +t +h +e +W +o +n +e +W +a +n +d +W +o +n +l +y +W +v +o +y +a +g +e +W +o +f +W +t +h +e +W +t +i +t +a +n +i +c +P +W +w +i +t +h +W +t +h +i +s +P +W +t +h +e +W +s +c +e +n +e +W +s +h +i +f +t +s +W +t +o +W +s +o +u +t +h +h +a +m +p +t +o +n +P +W +i +r +e +l +a +n +d +W +w +h +e +r +e +W +t +h +e +W +t +i +t +a +n +i +c +W +s +e +t +W +s +a +i +l +W +f +r +o +m +W +o +n +W +a +p +r +i +l +W +N +N +P +W +N +N +N +N +W +a +s +W +a +l +l +W +t +h +e +W +p +a +s +s +e +n +g +e +r +s +W +a +r +e +W +b +o +a +r +d +i +n +g +P +W +a +f +t +e +r +W +a +n +o +t +h +e +r +W +s +t +o +p +W +o +n +W +t +h +e +W +i +r +i +s +h +W +c +o +a +s +t +W +t +i +t +a +n +i +c +W +w +e +n +t +W +o +u +t +W +t +o +W +s +e +e +W +o +n +W +i +t +s +W +m +a +i +d +e +n +W +v +o +y +a +g +e +W +a +c +r +o +s +s +W +t +h +e +W +a +t +l +a +n +t +i +c +W +b +o +u +n +d +W +f +o +r +W +n +e +w +W +y +o +r +k +P +W +h +i +s +t +o +r +i +c +a +l +l +y +W +t +h +e +W +f +i +r +s +t +W +f +e +w +W +d +a +y +s +W +o +f +W +t +h +e +W +v +o +y +a +g +e +W +w +e +n +t +W +b +y +W +u +n +e +v +e +n +t +f +u +l +P +W +b +u +t +W +t +h +e +W +f +i +c +t +i +o +n +a +l +W +p +l +o +t +W +o +f +W +t +h +e +W +s +t +o +r +y +W +i +s +W +d +e +v +e +l +o +p +e +d +W +d +u +r +i +n +g +W +t +h +i +s +W +t +i +m +e +W +a +s +W +r +o +s +e +W +s +e +e +s +W +t +h +e +W +h +o +p +e +l +e +s +s +W +e +n +t +r +a +p +e +m +e +n +t +W +o +f +W +a +n +W +e +n +g +a +g +e +m +e +n +t +W +t +h +a +t +W +s +h +e +W +i +s +W +i +n +W +t +o +W +t +h +e +W +w +e +a +l +t +h +y +W +c +a +l +W +h +o +c +k +l +e +y +W +a +n +d +W +f +a +l +l +s +W +i +n +W +l +o +v +e +W +w +i +t +h +W +t +h +i +r +d +W +c +l +a +s +s +W +p +a +s +s +e +n +g +e +r +P +W +j +a +c +k +W +d +a +w +s +o +n +P +W +c +a +p +t +a +i +n +W +s +m +i +t +h +W +a +l +l +e +d +g +e +d +l +y +W +a +s +W +s +h +o +w +n +W +i +n +W +t +h +e +W +m +o +v +i +e +W +w +a +s +W +u +r +g +e +d +W +b +y +W +t +h +e +W +w +h +i +t +e +W +s +t +a +r +W +l +i +n +e +W +d +i +r +e +c +t +o +r +W +t +o +W +i +n +c +r +e +a +s +e +W +t +h +e +W +s +p +e +e +d +W +o +f +W +t +h +e +W +s +h +i +p +W +s +o +W +t +h +e +y +W +w +o +u +l +d +W +m +a +k +e +W +t +h +e +W +n +e +w +s +p +a +p +e +r +W +h +e +a +d +l +i +n +e +s +W +a +n +d +W +r +e +c +e +i +v +e +W +e +x +t +r +a +W +p +u +b +l +i +c +i +t +y +W +b +y +W +a +r +r +i +v +i +n +g +W +i +n +W +n +e +w +W +y +o +r +k +W +o +n +W +t +h +u +r +s +d +a +y +W +n +i +g +h +t +W +a +n +d +W +n +o +t +W +o +n +W +f +r +i +d +a +y +W +m +o +r +n +i +n +g +W +a +s +W +p +l +a +n +n +e +d +P +W +s +m +i +t +h +W +t +h +e +n +W +o +r +d +e +r +e +d +W +t +h +e +W +f +a +t +e +f +u +l +W +d +e +c +i +s +i +o +n +W +g +o +i +n +g +W +a +g +a +i +n +s +t +W +h +i +s +W +t +h +i +r +t +y +P +t +w +o +W +y +e +a +r +s +W +o +f +W +e +x +p +e +r +i +e +n +c +e +W +t +o +W +s +t +r +e +t +c +h +W +t +h +e +W +t +i +t +a +n +i +c +P +s +W +l +e +g +s +W +o +u +t +W +t +o +W +f +u +l +l +W +s +p +e +e +d +P +W +t +h +e +W +t +i +t +a +n +i +c +W +h +a +d +W +r +e +p +o +r +t +s +W +t +h +a +t +W +t +h +e +W +w +a +t +e +r +s +W +i +n +W +t +h +e +W +a +t +l +a +n +t +i +c +W +t +h +e +y +W +w +e +r +e +W +s +a +i +l +i +n +g +W +i +n +W +w +e +r +e +W +f +u +l +l +W +o +f +W +i +c +e +b +e +r +g +s +P +W +b +u +t +W +t +h +e +y +W +i +g +n +o +r +e +d +W +t +h +e +s +e +W +w +a +r +n +i +n +g +s +W +a +n +d +W +p +r +o +c +e +e +d +e +d +W +a +t +W +f +u +l +l +W +s +p +e +e +d +W +a +s +W +s +h +o +w +n +W +i +n +W +t +h +e +W +m +o +v +i +e +P +W +o +n +W +a +p +r +i +l +W +N +N +P +W +N +N +N +N +W +a +t +W +N +N +P +N +N +P +W +a +n +W +i +c +e +b +e +r +g +W +w +a +s +W +s +i +g +h +t +e +d +P +W +t +h +e +y +W +a +t +t +e +m +p +t +e +d +W +t +o +W +s +h +u +t +W +o +f +f +W +t +h +e +W +e +n +g +i +n +e +s +W +a +n +d +W +t +u +r +n +W +t +h +e +W +s +h +i +p +W +o +u +t +W +o +f +W +t +h +e +W +p +a +t +h +W +o +f +W +t +h +e +W +i +c +e +b +e +r +g +W +b +u +t +W +t +h +e +r +e +W +w +a +s +W +n +o +t +W +e +n +o +u +g +h +W +t +i +m +e +W +a +n +d +W +t +h +e +W +s +h +i +p +W +h +i +t +W +t +h +e +W +i +c +e +b +e +r +g +W +o +n +W +t +h +e +W +s +t +a +r +b +o +a +r +d +W +s +i +d +e +W +a +s +W +d +e +p +i +c +t +e +d +W +i +n +W +t +h +e +W +f +i +l +m +P +W +t +h +e +W +p +o +r +t +r +a +y +a +l +W +o +f +W +t +h +e +W +m +a +n +y +W +s +m +a +l +l +W +h +o +l +e +s +W +i +n +W +t +h +e +W +s +i +d +e +W +o +f +W +t +h +e +W +s +h +i +p +W +a +n +d +W +n +o +t +W +o +n +e +W +l +a +r +g +e +W +g +a +s +h +W +a +l +o +n +g +W +t +h +e +W +s +i +d +e +W +i +s +W +a +c +c +u +r +a +t +e +P +W +t +h +e +W +c +r +e +w +W +o +f +W +t +i +t +a +n +i +c +W +s +e +n +t +W +o +u +t +W +d +i +s +t +r +e +s +s +W +c +a +l +l +s +W +a +n +d +W +s +e +t +W +o +f +f +W +d +i +s +t +r +e +s +s +W +r +o +c +k +e +t +s +W +a +s +W +s +h +o +w +n +W +u +n +t +i +l +W +N +P +N +N +W +w +h +e +n +W +t +h +e +W +l +i +g +h +t +s +W +f +i +n +a +l +l +y +W +f +a +i +l +e +d +P +W +t +h +e +W +l +i +g +h +t +s +W +o +f +W +t +h +e +W +c +a +l +i +f +o +r +n +i +a +W +w +e +r +e +W +s +p +o +t +t +e +d +W +s +i +x +W +m +i +l +e +s +W +a +w +a +y +W +b +u +t +W +t +h +e +y +W +f +a +i +l +e +d +W +t +o +W +r +e +a +l +i +z +e +W +w +h +a +t +W +w +a +s +W +g +o +i +n +g +W +o +n +W +a +n +d +W +d +i +d +W +n +o +t +W +r +e +s +p +o +n +d +W +t +o +W +t +i +t +a +n +i +c +P +s +W +m +a +n +y +W +p +l +e +a +s +W +f +o +r +W +h +e +l +p +P +W +t +h +e +W +c +a +l +i +f +o +r +n +i +a +W +h +a +d +W +t +r +i +e +d +W +e +a +r +l +i +e +r +W +i +n +W +t +h +e +W +d +a +y +W +t +o +W +w +a +r +n +W +t +i +t +a +n +i +c +W +o +f +W +t +h +e +W +s +e +v +e +r +e +W +i +c +e +W +t +h +a +t +W +h +a +d +W +c +a +u +s +e +d +W +t +h +e +m +W +t +o +W +s +t +o +p +W +t +h +e +i +r +W +t +r +i +p +W +b +u +t +W +t +i +t +a +n +i +c +W +h +a +d +W +b +r +u +s +h +e +d +W +t +h +e +m +W +o +f +f +W +c +a +u +s +i +n +g +W +t +h +e +W +c +a +l +i +f +o +r +n +i +a +W +t +o +W +t +u +r +n +W +o +f +f +W +i +t +s +W +r +a +d +i +o +W +a +n +d +W +l +e +a +v +e +W +t +h +e +W +t +i +t +a +n +i +c +W +o +n +W +i +t +s +W +o +w +n +P +W +t +h +e +W +f +i +r +s +t +W +c +l +a +s +s +W +w +o +m +e +n +W +a +n +d +W +c +h +i +l +d +r +e +n +W +w +e +r +e +W +t +h +e +W +f +i +r +s +t +W +a +s +W +d +e +p +i +c +t +e +d +W +t +o +W +b +e +W +p +u +t +W +i +n +t +o +W +t +h +e +W +t +w +e +n +t +y +W +l +i +f +e +b +o +a +t +s +W +t +h +a +t +W +w +e +r +e +W +o +n +W +t +h +e +W +s +h +i +p +P +W +o +v +e +r +w +h +e +l +m +i +n +g +l +y +W +t +h +e +W +t +h +i +r +d +W +c +l +a +s +s +W +p +a +s +s +e +n +g +e +r +s +W +s +u +f +f +e +r +e +d +W +t +h +e +W +m +o +s +t +W +a +m +o +u +n +t +W +o +f +W +d +e +a +t +h +s +W +o +f +W +a +n +y +W +c +l +a +s +s +W +a +n +d +W +t +h +e +W +c +r +e +w +W +w +a +s +W +h +i +t +W +h +a +r +d +W +i +n +W +t +h +i +s +W +t +r +a +g +e +d +y +W +t +o +o +P +W +t +h +e +W +w +o +r +d +W +o +f +W +w +h +i +t +e +W +s +t +a +r +W +l +i +n +e +W +e +m +p +l +o +y +e +e +s +W +a +n +d +W +f +i +r +s +t +W +c +l +a +s +s +W +p +a +s +s +e +n +g +e +r +s +W +w +a +s +W +b +e +l +i +e +v +e +d +W +o +v +e +r +W +t +h +a +t +W +o +f +W +s +e +c +o +n +d +W +a +n +d +W +t +h +i +r +d +W +c +l +a +s +s +W +p +a +s +s +e +n +g +e +r +s +W +w +h +e +n +W +a +u +t +h +o +r +i +t +i +e +s +W +w +e +r +e +W +t +r +y +i +n +g +W +t +o +W +g +a +i +n +W +i +n +f +o +r +m +a +t +i +o +n +W +o +f +W +t +h +e +W +s +i +n +k +i +n +g +P +W +a +l +s +o +P +W +t +h +e +W +m +e +t +a +l +W +t +h +a +t +W +w +a +s +W +u +s +e +d +W +t +o +W +b +u +i +l +d +W +t +h +e +W +t +i +t +a +n +i +c +W +h +a +s +W +b +e +e +n +W +f +o +u +n +d +W +i +n +W +r +e +c +e +n +t +W +y +e +a +r +s +W +u +n +d +e +r +W +c +o +n +d +i +t +i +o +n +s +W +o +f +W +s +e +v +e +r +e +W +c +o +l +d +P +W +w +h +i +c +h +W +w +e +r +e +W +e +x +p +e +r +i +e +n +c +e +d +W +t +h +e +W +n +i +g +h +t +W +t +i +t +a +n +i +c +W +s +a +n +k +W +t +o +W +b +e +W +e +x +t +r +e +m +e +l +y +W +b +r +i +t +t +l +e +P +W +o +v +e +r +a +l +l +P +W +t +h +e +W +b +a +s +i +c +W +p +l +o +t +W +i +s +W +v +e +r +y +W +a +c +c +u +r +a +t +e +W +i +n +W +i +t +s +W +p +o +r +t +a +y +a +l +W +o +f +W +t +h +e +W +e +v +e +n +t +s +W +a +n +d +W +t +h +e +W +t +i +m +e +s +W +a +t +W +w +h +i +c +h +W +t +h +e +s +e +W +e +v +e +n +t +s +W +t +o +o +k +W +p +l +a +c +e +W +o +n +W +t +h +e +W +t +i +t +a +n +i +c +P +P +b +r +W +P +P +P +b +r +W +P +P +m +a +n +y +W +o +f +W +t +h +e +W +c +h +a +r +a +c +t +e +r +s +W +i +n +W +t +h +e +W +s +t +o +r +y +W +w +e +r +e +W +n +o +t +W +r +e +a +l +W +a +n +d +W +c +r +e +a +t +e +d +W +s +i +m +p +l +y +W +f +o +r +W +t +h +e +W +p +u +r +p +o +s +e +W +o +f +W +t +h +e +W +m +o +v +i +e +W +o +r +W +a +s +W +c +o +m +p +o +s +i +t +e +W +c +h +a +r +a +c +t +e +r +s +W +t +o +W +r +e +p +r +e +s +e +n +t +W +p +o +s +s +i +b +l +e +W +c +h +a +r +a +c +t +e +r +i +s +t +i +c +s +W +a +n +d +W +i +d +e +a +s +W +o +f +W +p +e +o +p +l +e +W +o +n +W +t +h +e +W +s +h +i +p +P +W +t +h +e +W +c +o +r +e +W +g +r +o +u +p +W +o +f +W +r +o +s +e +P +W +j +a +c +k +P +W +c +a +l +P +W +a +n +d +W +r +o +s +e +P +s +W +m +o +t +h +e +r +W +a +l +l +W +w +e +r +e +W +f +i +c +t +i +o +n +a +l +W +c +h +a +r +a +c +t +e +r +s +W +a +d +d +e +d +W +i +n +t +o +W +t +h +e +W +s +t +o +r +y +W +a +s +W +t +h +e +y +W +r +e +p +r +e +s +e +n +t +W +d +i +f +f +e +r +e +n +t +W +g +r +o +u +p +s +W +o +f +W +p +e +o +p +l +e +W +f +r +o +m +W +t +h +e +W +t +i +m +e +P +W +y +e +t +W +m +a +n +y +W +c +h +a +r +a +c +t +e +r +s +W +s +u +c +h +W +a +s +W +t +h +e +W +u +n +s +i +n +k +a +b +l +e +W +m +o +l +l +y +W +b +r +o +w +n +P +W +c +a +p +t +a +i +n +W +e +d +w +a +r +d +W +s +m +i +t +h +P +W +t +h +e +W +s +h +i +p +W +d +e +s +i +g +n +e +r +P +W +t +h +o +m +a +s +W +a +n +d +r +e +w +P +W +t +h +e +W +w +h +i +t +e +W +s +t +a +r +W +l +i +n +e +W +r +e +p +r +e +s +e +n +t +a +t +i +v +e +P +W +b +r +u +c +e +W +i +s +m +a +y +P +W +a +n +d +W +a +l +l +W +o +f +W +t +h +e +W +t +i +t +a +n +i +c +P +s +W +o +f +f +i +c +e +r +s +W +w +e +r +e +W +r +e +a +l +P +W +t +h +e +W +m +a +i +d +e +n +W +v +o +y +a +g +e +W +w +a +s +W +g +o +i +n +g +W +t +o +W +b +e +W +c +a +p +t +a +i +n +W +e +d +w +a +r +d +W +s +m +i +t +h +P +s +W +l +a +s +t +W +v +o +y +a +g +e +W +a +n +y +w +a +y +W +a +s +W +h +e +W +p +l +a +n +n +e +d +W +t +o +W +r +e +t +i +r +e +W +a +f +t +e +r +w +a +r +d +s +P +W +h +e +W +h +a +d +W +b +e +e +n +W +a +W +p +a +r +t +W +o +f +W +t +h +e +W +w +h +i +t +e +W +s +t +a +r +W +l +i +n +e +W +s +i +n +c +e +W +N +N +N +N +W +w +h +e +r +e +W +h +e +W +w +o +r +k +e +d +W +h +i +s +W +w +a +y +W +u +p +W +t +o +W +h +i +s +W +s +t +a +t +u +s +W +a +s +W +t +h +e +W +m +i +l +l +i +o +n +a +i +r +e +P +s +W +c +a +p +t +a +i +n +W +w +h +e +n +W +t +h +e +W +t +i +t +a +n +i +c +W +s +u +n +k +P +W +t +h +e +W +p +o +r +t +r +a +y +a +l +s +W +o +f +W +t +h +e +W +o +f +f +i +c +e +r +s +W +i +s +W +a +c +c +u +r +a +t +e +W +a +s +W +o +n +l +y +W +f +o +u +r +W +s +u +r +v +i +v +e +d +W +t +h +e +W +t +r +a +g +e +d +y +W +e +x +c +e +p +t +W +f +o +r +W +t +h +e +W +o +f +f +i +c +e +r +W +w +h +o +W +t +h +r +e +a +t +e +n +e +d +W +t +o +W +k +i +l +l +W +a +l +l +W +o +f +W +t +h +e +W +p +a +s +s +e +n +g +e +r +s +W +o +f +W +t +h +e +W +s +h +i +p +W +w +i +t +h +W +h +i +s +W +p +i +s +t +o +l +P +W +h +e +W +i +s +W +o +n +W +r +e +c +o +r +d +W +a +s +W +a +c +t +i +n +g +W +h +e +r +o +i +c +l +y +W +a +n +d +W +w +a +s +W +m +i +s +p +o +r +t +r +a +y +e +d +W +t +o +W +t +h +e +W +p +o +i +n +t +W +t +h +a +t +W +j +a +m +e +s +W +c +a +m +e +r +o +n +W +a +p +o +l +o +g +i +z +e +d +W +a +n +d +W +e +v +o +k +e +d +W +a +W +m +o +n +u +m +e +n +t +W +i +n +W +h +i +s +W +h +o +n +o +r +W +i +n +W +t +h +e +W +o +f +f +i +c +e +r +P +s +W +f +o +r +m +e +r +W +c +a +n +a +d +i +a +n +W +h +o +m +e +t +o +w +n +P +W +a +s +W +s +h +o +w +n +W +i +n +W +t +h +e +W +m +o +v +i +e +W +t +h +e +r +e +W +w +a +s +W +a +W +l +a +n +g +u +a +g +e +W +p +r +o +b +l +e +m +W +b +e +t +w +e +e +n +W +t +h +e +W +c +r +e +w +W +a +n +d +W +m +a +n +y +W +o +f +W +t +h +e +W +l +o +w +e +r +P +c +l +a +s +s +W +p +a +s +s +e +n +g +e +r +s +W +f +r +o +m +W +n +o +n +P +e +n +g +l +i +s +h +W +s +p +e +a +k +i +n +g +W +n +a +t +i +o +n +s +P +W +i +n +W +a +d +d +i +t +i +o +n +P +W +o +f +f +i +c +e +r +W +l +o +w +e +W +w +a +s +W +t +h +e +W +o +n +l +y +W +o +f +f +i +c +e +r +W +w +h +o +W +c +a +m +e +W +b +a +c +k +W +i +n +W +t +h +e +W +l +i +f +e +b +o +a +t +W +a +s +W +d +e +p +i +c +t +e +d +P +W +t +h +e +W +o +l +d +W +p +e +o +p +l +e +W +s +h +o +w +n +W +i +n +W +t +h +e +i +r +W +b +e +d +W +a +s +W +t +h +e +W +w +a +t +e +r +W +c +a +m +e +W +i +n +W +t +h +e +i +r +W +r +o +o +m +W +w +e +r +e +W +b +a +s +e +d +W +o +n +W +t +h +e +W +s +t +r +a +u +s +s +P +P +W +n +o +t +W +w +a +n +t +i +n +g +W +t +o +W +l +e +a +v +e +W +h +e +r +W +h +u +s +b +a +n +d +P +s +W +s +i +d +e +W +m +r +s +P +W +s +t +r +a +u +s +s +W +r +e +f +u +s +e +d +W +t +o +W +g +e +t +W +i +n +W +h +e +r +W +l +i +f +e +b +o +a +t +W +a +n +d +W +d +i +e +d +W +w +i +t +h +W +h +e +r +W +h +u +s +b +a +n +d +W +o +n +W +t +h +e +W +t +i +t +a +n +i +c +P +W +f +u +r +t +h +e +r +m +o +r +e +P +W +m +r +P +W +g +o +g +g +e +n +h +e +i +m +W +w +h +o +W +w +a +s +W +s +h +o +w +n +W +s +i +p +p +i +n +g +W +h +i +s +W +b +r +a +n +d +y +W +a +n +d +W +s +m +o +k +i +n +g +W +a +W +c +i +g +a +r +W +r +e +p +o +r +t +e +d +l +y +W +d +i +d +W +g +o +W +o +u +t +W +l +i +k +e +W +t +h +i +s +W +d +r +e +s +s +e +d +W +i +n +W +h +i +s +W +b +e +s +t +P +W +t +h +e +W +r +i +c +h +e +s +t +W +m +a +n +W +o +n +W +t +h +e +W +s +h +i +p +P +W +j +o +h +n +W +j +a +c +o +b +W +a +s +t +o +r +P +W +w +h +o +W +o +w +n +e +d +W +m +o +s +t +W +o +f +W +m +a +n +h +a +t +t +a +n +W +d +i +e +d +W +n +o +n +e +t +h +e +l +e +s +s +W +a +s +W +w +e +l +l +P +W +b +u +t +W +h +i +s +W +m +u +c +h +W +y +o +u +n +g +e +r +W +w +i +f +e +W +w +a +s +W +s +a +v +e +d +W +i +n +W +a +W +l +i +f +e +b +o +a +t +P +W +i +n +W +a +d +d +i +t +i +o +n +P +W +m +o +l +l +y +W +b +r +o +w +n +W +w +a +s +W +s +a +v +e +d +W +a +n +d +W +l +a +t +e +r +W +h +a +d +W +m +e +d +a +l +s +W +m +a +d +e +W +u +p +W +f +o +r +W +t +h +e +W +c +r +e +w +W +o +f +W +t +h +e +W +c +a +r +p +e +t +h +i +a +W +t +h +a +t +W +p +i +c +k +e +d +W +t +h +e +W +s +u +r +v +i +v +o +r +s +W +o +f +W +t +i +t +a +n +i +c +W +u +p +W +f +r +o +m +W +t +h +e +W +w +a +t +e +r +P +W +h +e +r +W +t +i +c +k +e +t +W +o +n +W +t +h +e +W +t +i +t +a +n +i +c +W +h +a +d +W +c +o +s +t +W +o +v +e +r +W +f +o +u +r +P +t +h +o +u +s +a +n +d +W +d +o +l +l +a +r +s +W +a +n +d +W +b +y +W +t +h +e +W +e +n +d +W +o +f +W +h +e +r +W +l +i +f +e +W +s +h +e +W +e +n +d +e +d +W +u +p +W +b +r +o +k +e +P +W +a +l +l +W +o +f +W +t +h +e +W +i +n +t +e +r +i +o +r +s +W +o +f +W +t +h +e +W +s +h +i +p +W +w +e +r +e +W +m +a +s +t +e +r +f +u +l +l +y +W +r +e +p +l +a +c +a +t +e +d +W +d +o +w +n +W +t +o +W +t +h +e +W +l +a +s +t +W +p +i +e +c +e +s +W +o +f +W +c +h +i +n +a +W +a +n +d +W +s +i +l +v +e +r +w +a +r +e +P +W +t +h +e +W +g +y +m +n +a +s +i +u +m +P +W +w +h +i +c +h +W +i +s +W +h +a +r +d +l +y +W +s +e +e +n +W +i +s +W +r +e +c +r +e +a +t +e +d +W +p +e +r +f +e +c +t +l +y +W +w +i +t +h +W +a +l +l +W +o +f +W +t +h +e +W +m +a +c +h +i +n +e +s +W +r +e +p +r +o +d +u +c +e +d +W +t +o +W +m +a +t +c +h +W +t +h +o +s +e +W +s +e +e +n +W +i +n +W +o +l +d +W +p +h +o +t +o +g +r +a +p +h +s +P +W +t +h +e +W +w +o +n +d +e +r +f +u +l +W +o +u +t +f +i +t +s +W +a +n +d +W +c +o +s +t +u +m +i +n +g +W +w +e +r +e +W +a +n +W +e +x +c +e +l +l +e +n +t +W +r +e +P +c +r +e +a +t +i +o +n +W +o +f +W +t +h +e +W +p +o +s +t +P +v +i +c +t +o +r +i +a +n +W +e +r +a +W +o +f +W +N +N +N +N +P +W +t +h +e +W +r +i +c +h +W +a +t +W +t +h +i +s +W +t +i +m +e +W +p +r +a +c +t +i +c +a +l +l +y +W +r +u +l +e +d +W +e +v +e +r +y +t +h +i +n +g +P +W +a +s +W +t +h +e +W +w +o +m +e +n +P +s +W +s +u +f +f +r +a +g +e +W +m +o +v +e +m +e +n +t +W +h +a +d +W +n +o +t +W +q +u +i +t +e +W +g +o +t +t +e +n +W +m +o +v +i +n +g +W +y +e +t +P +W +w +o +m +e +n +W +d +u +r +i +n +g +W +t +h +i +s +W +t +i +m +e +W +o +f +t +e +n +W +m +a +r +r +i +e +d +W +f +o +r +W +f +i +n +a +n +c +i +a +l +W +s +e +c +u +r +i +t +y +W +a +s +W +r +o +s +e +W +w +a +s +W +c +o +n +s +i +d +e +r +i +n +g +W +d +o +i +n +g +W +a +n +d +W +n +o +r +m +a +l +l +y +W +t +o +o +k +W +a +W +b +a +c +k +W +s +e +a +s +t +W +s +t +a +t +u +s +W +t +o +W +t +h +e +i +r +W +h +u +s +b +a +n +d +s +W +a +s +W +c +a +l +W +w +i +s +h +e +d +W +f +o +r +W +r +o +s +e +W +t +o +W +d +o +P +W +t +h +e +W +r +i +c +h +W +d +i +d +W +n +o +t +W +t +a +k +e +W +w +e +l +l +W +t +o +W +P +n +e +w +W +m +o +n +e +y +P +W +s +u +c +h +W +a +s +W +m +o +l +l +y +W +b +r +o +w +n +W +a +s +W +d +e +p +i +c +t +e +d +P +W +e +v +e +r +y +t +h +i +n +g +W +o +f +W +t +h +e +W +t +i +m +e +W +w +a +s +W +v +e +r +y +W +f +o +r +m +a +l +P +W +w +o +m +e +n +W +h +a +d +W +t +o +W +b +e +W +e +s +c +o +r +t +e +d +W +t +o +W +d +i +n +n +e +r +W +b +y +W +a +W +m +a +l +e +W +f +i +g +u +r +e +W +a +s +W +s +e +e +n +W +w +i +t +h +W +i +n +W +t +h +e +W +d +i +n +i +n +g +W +s +c +e +n +e +s +P +W +s +m +o +k +i +n +g +W +w +a +s +W +n +o +t +W +v +e +r +y +W +c +o +m +m +o +n +W +a +m +o +n +g +W +w +o +m +e +n +W +o +f +W +t +h +e +W +t +i +m +e +W +b +u +t +W +h +o +l +d +e +r +s +W +o +f +W +c +i +g +a +r +e +t +t +e +s +P +W +w +h +i +c +h +W +w +e +r +e +W +j +u +s +t +W +c +o +m +i +n +g +W +i +n +W +a +t +W +t +h +e +W +t +i +m +e +W +w +e +r +e +W +u +s +e +d +W +a +s +W +s +e +e +n +W +w +i +t +h +W +r +o +s +e +W +i +n +W +t +h +e +W +m +o +v +i +e +P +W +m +e +n +W +o +f +W +t +h +e +W +t +i +m +e +W +g +e +n +e +r +a +l +l +y +W +s +m +o +k +e +d +W +c +i +g +a +r +s +W +n +o +t +W +c +i +g +a +r +e +t +t +e +s +P +W +w +o +m +e +n +W +w +e +r +e +W +c +o +n +s +t +a +i +n +e +d +W +p +h +y +s +i +c +a +l +l +y +W +b +y +W +t +h +e +i +r +W +c +o +r +s +e +t +s +W +a +n +d +W +s +o +c +i +a +l +l +y +W +b +y +W +s +o +c +i +e +t +y +P +W +a +l +t +h +o +u +g +h +W +j +a +m +e +s +W +c +a +m +e +r +o +n +W +h +a +d +W +n +o +W +b +a +c +k +g +r +o +u +n +d +W +i +n +W +h +i +s +t +o +r +i +c +a +l +W +f +i +l +m +s +W +h +e +W +b +r +o +u +g +h +t +W +i +n +W +e +x +p +e +r +t +s +W +o +f +W +t +i +t +a +n +i +c +W +c +o +u +p +l +e +d +W +w +i +t +h +W +t +w +o +W +y +e +a +r +s +W +s +p +e +n +t +W +c +r +o +s +s +P +r +e +f +e +r +e +n +c +i +n +g +W +t +h +e +W +h +i +s +t +o +r +y +W +o +f +W +t +h +e +W +t +i +t +a +n +i +c +W +a +n +d +W +f +e +w +W +l +i +b +e +r +t +i +e +s +W +w +e +r +e +W +t +a +k +e +n +P +W +t +h +e +W +b +e +a +u +t +i +f +u +l +W +c +i +n +e +m +a +t +o +g +r +a +p +h +y +W +a +n +d +W +s +p +e +c +i +a +l +W +e +f +f +e +c +t +s +W +a +l +s +o +W +h +e +l +p +e +d +W +t +o +W +m +a +k +e +W +t +h +e +W +f +i +l +m +W +e +v +e +n +W +m +o +r +e +W +b +r +e +a +t +h +t +a +k +i +n +g +P +P +b +r +W +P +P +P +b +r +W +P +P +a +W +r +e +c +o +g +n +i +z +a +b +l +e +W +m +e +s +s +a +g +e +W +c +a +n +W +b +e +W +s +e +e +n +W +i +n +W +t +h +e +W +m +o +v +i +e +W +t +i +t +a +n +i +c +W +a +s +W +t +h +e +W +p +e +o +p +l +e +W +o +n +W +t +h +e +W +s +h +i +p +W +h +a +d +W +a +b +o +u +t +W +t +h +r +e +e +W +h +o +u +r +s +W +t +o +W +c +o +n +t +e +m +p +l +a +t +e +W +t +h +e +i +r +W +d +e +m +i +s +e +P +W +t +h +e +W +d +i +r +e +c +t +o +r +P +W +j +a +m +e +s +W +c +a +m +e +r +o +n +P +W +s +h +o +w +s +W +t +h +e +W +v +a +r +i +o +u +s +W +r +e +a +c +t +i +o +n +s +W +t +o +W +t +h +i +s +W +t +i +m +e +W +o +f +W +c +r +i +s +i +s +W +i +n +W +p +e +o +p +l +e +P +s +W +l +i +v +e +s +P +W +e +v +e +r +y +o +n +e +W +r +e +a +c +t +s +W +d +i +f +f +e +r +e +n +t +l +y +W +a +n +d +W +h +e +W +g +e +t +s +W +y +o +u +W +t +o +W +t +h +i +n +k +W +o +f +W +h +o +w +W +y +o +u +W +m +i +g +h +t +W +h +a +v +e +W +r +e +a +c +t +e +d +W +h +a +d +W +y +o +u +W +b +e +e +n +W +i +n +W +t +h +a +t +W +s +i +t +u +a +t +i +o +n +W +o +n +W +t +h +e +W +t +i +t +a +n +i +c +W +o +n +W +t +h +a +t +W +f +a +t +e +f +u +l +W +n +i +g +h +t +P +W +i +n +W +a +d +d +i +t +i +o +n +P +W +t +h +i +s +W +f +i +l +m +W +i +s +W +a +W +r +e +f +l +e +c +t +i +o +n +W +o +f +W +t +h +e +W +N +N +N +N +P +s +W +w +h +e +n +W +i +t +W +w +a +s +W +p +r +o +d +u +c +e +d +W +a +s +W +i +t +W +g +i +v +e +s +W +a +W +l +o +o +k +W +i +n +t +o +W +t +h +e +W +w +r +e +c +k +W +o +f +W +t +h +e +W +t +i +t +a +n +i +c +P +W +o +n +l +y +W +i +n +W +t +h +e +W +p +a +s +t +W +f +i +f +t +e +e +n +W +y +e +a +r +s +W +h +a +s +W +t +h +e +W +s +i +t +e +W +o +f +W +t +h +e +W +a +c +t +u +a +l +W +t +i +t +a +n +i +c +W +b +e +e +n +W +f +o +u +n +d +W +a +n +d +W +e +x +p +l +o +r +e +d +P +W +t +h +i +s +W +m +o +v +i +e +W +w +a +s +W +a +b +l +e +W +t +o +W +g +i +v +e +W +u +s +W +a +W +d +e +e +p +e +r +W +l +o +o +k +W +i +n +t +o +W +a +W +d +i +s +a +s +t +e +r +W +t +h +a +t +W +m +a +n +y +W +w +o +u +l +d +W +n +o +t +W +h +a +v +e +W +v +i +e +w +e +d +P +W +h +o +w +e +v +e +r +P +W +t +h +e +W +m +o +r +a +l +W +q +u +e +s +t +i +o +n +W +o +f +W +w +h +e +t +h +e +r +W +p +e +o +p +l +e +W +t +o +d +a +y +W +s +h +o +u +l +d +W +b +e +W +t +a +k +i +n +g +W +t +r +e +a +s +u +r +e +s +W +f +r +o +m +W +t +h +e +W +w +r +e +c +k +W +o +f +W +a +n +W +u +n +d +e +r +w +a +t +e +r +W +g +r +a +v +e +y +a +r +d +W +i +s +W +p +o +s +e +d +P +W +t +h +e +r +e +W +h +a +v +e +W +b +e +e +n +W +a +t +t +e +m +p +t +s +W +t +o +W +s +t +o +p +W +t +r +e +a +s +u +r +e +W +s +e +e +k +i +n +g +W +m +i +s +s +i +o +n +s +W +s +u +c +h +W +a +s +W +t +h +e +W +o +n +e +W +p +o +r +t +r +a +y +e +d +W +i +n +W +t +i +t +a +n +i +c +W +b +u +t +W +a +l +l +W +h +a +v +e +W +f +a +i +l +e +d +P +W +a +s +W +i +t +W +s +t +a +n +d +s +W +t +o +d +a +y +W +a +n +y +o +n +e +W +c +a +n +W +m +a +k +e +W +a +W +v +o +y +a +g +e +W +t +o +W +t +h +e +W +t +i +t +a +n +i +c +W +a +n +d +W +t +a +k +e +W +w +h +a +t +e +v +e +r +W +v +a +l +u +a +b +l +e +s +W +t +h +e +y +W +a +s +W +p +o +r +t +r +a +y +e +d +W +i +n +W +t +h +e +W +f +i +l +m +W +s +h +o +w +i +n +g +W +t +h +e +W +g +e +n +e +r +a +l +W +v +a +l +u +e +s +W +o +f +W +o +u +r +W +t +i +m +e +W +o +n +W +t +h +i +s +W +m +a +t +t +e +r +P +P +b +r +W +P +P +P +b +r +W +P +P +t +e +c +h +n +i +c +a +l +l +y +W +t +h +e +W +f +i +l +m +W +i +s +W +v +e +r +y +W +w +e +l +l +W +d +o +n +e +P +W +t +o +W +g +e +t +W +f +o +o +t +a +g +e +W +o +f +W +t +h +e +W +w +r +e +c +k +W +a +t +W +t +h +e +W +b +o +t +t +o +m +W +o +f +W +t +h +e +W +o +c +e +a +n +W +i +t +W +t +o +o +k +W +t +w +e +l +v +e +W +d +i +v +e +s +W +t +o +W +g +e +t +W +a +l +l +W +o +f +W +t +h +e +W +f +o +o +t +a +g +e +W +n +e +e +d +e +d +W +f +o +r +W +t +h +e +W +m +o +v +i +e +P +W +i +n +W +a +d +d +i +t +i +o +n +P +W +a +W +s +p +e +c +i +a +l +W +c +a +m +e +r +a +W +h +a +d +W +t +o +W +b +e +W +c +r +e +a +t +e +d +W +t +o +W +w +i +t +h +s +t +a +n +d +W +t +h +e +W +i +n +t +e +n +s +e +W +p +r +e +s +s +u +r +e +W +a +t +W +t +h +e +W +b +o +t +t +o +m +W +o +f +W +t +h +e +W +o +c +e +a +n +P +W +c +a +m +e +r +o +n +W +d +i +d +W +n +o +t +W +p +l +a +n +W +o +n +W +u +s +i +n +g +W +t +h +e +W +p +r +o +b +e +W +t +o +W +g +o +W +a +s +W +f +a +r +W +i +n +s +i +d +e +W +t +i +t +a +n +i +c +W +a +s +W +a +n +y +o +n +e +W +h +a +s +W +i +n +W +t +h +e +W +N +N +W +y +e +a +r +s +W +s +i +n +c +e +W +t +h +e +W +s +h +i +p +W +s +u +n +k +W +b +u +t +W +i +t +W +w +o +r +k +e +d +W +o +u +t +W +t +h +a +t +W +t +h +i +s +W +p +r +o +v +i +d +e +d +W +a +n +W +u +n +i +q +u +e +W +p +e +r +s +p +e +c +t +i +v +e +W +i +n +t +o +W +t +h +e +W +s +h +i +p +P +W +f +u +r +t +h +e +r +m +o +r +e +P +W +t +h +r +o +u +g +h +o +u +t +W +t +h +e +W +f +i +l +m +W +f +a +d +e +W +i +n +s +W +a +n +d +W +o +u +t +s +W +f +r +o +m +W +t +h +e +W +w +r +e +c +k +W +o +f +W +t +i +t +a +n +i +c +W +t +o +W +t +h +e +W +s +c +e +n +e +W +o +f +W +t +i +t +a +n +i +c +W +d +u +r +i +n +g +W +i +t +s +W +a +c +t +u +a +l +W +v +o +y +a +g +e +P +W +t +h +i +s +W +s +h +i +f +t +W +b +e +t +w +e +e +n +W +t +h +e +W +m +o +d +e +r +n +W +s +c +e +n +e +W +t +o +W +t +h +e +W +p +a +s +t +W +s +c +e +n +e +W +d +u +r +i +n +g +W +t +h +e +W +v +o +y +a +g +e +W +w +o +r +k +s +W +a +s +W +a +n +W +e +x +c +e +l +l +e +n +t +W +t +r +a +n +s +i +t +i +o +n +W +t +h +a +t +W +m +a +k +e +s +W +t +h +e +W +s +t +o +r +y +W +e +a +s +y +W +t +o +W +f +o +l +l +o +w +W +i +n +W +a +c +l +e +a +r +W +m +a +n +n +e +r +P +W +a +t +W +t +h +e +W +v +e +r +y +W +b +e +g +i +n +n +i +n +g +W +o +f +W +t +h +e +W +m +o +v +i +e +W +a +W +s +e +p +t +u +n +e +W +r +e +c +r +e +a +t +i +o +n +W +i +s +W +u +s +e +d +W +t +o +W +r +e +c +r +e +a +t +e +W +t +h +e +W +s +c +e +n +e +W +w +h +e +n +W +t +h +e +W +a +c +t +u +a +l +W +p +e +o +p +l +e +W +l +e +f +t +W +t +h +e +W +e +u +r +o +p +e +a +n +W +c +o +a +s +t +W +o +n +W +t +i +t +a +n +i +c +W +g +i +v +i +n +g +W +i +t +W +d +i +s +t +i +n +c +t +i +o +n +W +f +r +o +m +W +t +h +e +W +r +e +s +t +W +o +f +W +t +h +e +W +e +v +e +n +t +s +W +o +f +W +t +h +e +W +f +i +l +m +P +P +b +r +W +P +P +P +b +r +W +P +P +t +i +t +a +n +i +c +W +p +l +a +y +s +W +a +l +m +o +s +t +W +l +i +k +e +W +a +W +h +i +s +t +o +r +i +c +a +l +W +b +i +o +g +r +a +p +h +y +W +a +n +d +W +i +s +W +l +i +k +e +W +a +W +w +o +r +k +W +o +f +W +a +r +t +P +W +a +W +t +r +u +e +W +e +p +i +c +P +W +l +i +k +e +W +m +o +s +t +W +h +i +s +t +o +r +y +W +n +o +v +e +l +s +P +W +w +e +W +k +n +o +w +W +t +h +e +W +e +n +d +i +n +g +P +W +b +u +t +W +i +t +W +d +o +e +s +n +P +t +W +t +a +k +e +W +a +w +a +y +W +f +r +o +m +W +t +h +e +W +w +o +n +d +e +r +f +u +l +W +t +r +e +a +t +s +W +t +h +a +t +W +c +a +n +W +b +e +W +f +o +u +n +d +W +i +n +W +t +h +i +s +W +p +i +c +t +u +r +e +P +W +c +e +r +t +a +i +n +W +a +s +p +e +c +t +s +W +o +f +W +t +h +i +s +W +f +i +l +m +W +a +r +e +W +a +c +a +d +e +m +y +W +a +w +a +r +d +W +m +a +t +e +r +i +a +l +W +i +n +c +l +u +d +i +n +g +W +c +o +s +t +u +m +i +n +g +P +W +s +o +u +n +d +P +W +c +i +n +t +e +m +a +t +o +g +r +a +p +h +y +P +W +a +n +d +W +e +d +i +t +i +n +g +P +W +i +f +W +y +o +u +W +l +i +k +e +W +i +n +t +e +r +e +s +t +i +n +g +W +c +h +a +r +a +c +t +e +r +s +W +t +h +a +t +W +w +i +l +l +W +g +i +v +e +W +y +o +u +W +a +n +W +i +n +s +i +g +h +t +W +i +n +t +o +W +t +h +e +W +l +i +f +e +W +o +f +W +c +h +a +r +a +c +t +e +r +s +W +i +n +W +t +h +e +W +e +a +r +l +y +W +N +N +N +N +P +s +W +a +n +d +W +h +o +w +W +t +h +e +y +W +f +a +c +e +W +d +i +s +a +s +t +e +r +P +W +t +h +e +n +W +t +h +i +s +W +m +o +v +i +e +W +d +e +f +i +n +i +t +e +l +y +W +i +s +W +f +o +r +W +y +o +u +P +P +b +r +W +P +P +P +b +r +W +P +P +c +h +a +r +a +c +t +e +r +P +N +P +l +i +s +t +P +s +e +c +W +P +W +N +N +P +N +N +N +N +N +N +N +N +N +N +N +N +N +P +W +m +i +n +W +P +W +N +N +P +W +h +o +u +r +W +P +W +N +P +W +m +d +a +y +W +P +W +N +P +W +m +o +n +W +P +W +N +N +P +W +y +e +a +r +W +P +W +N +N +N +P +W +w +d +a +y +W +P +W +N +P +W +y +d +a +y +W +P +W +N +N +N +P +W +i +s +d +s +t +W +P +W +N +P +c +h +a +r +a +c +t +e +r +P +N +P +c +h +a +r +a +c +t +e +r +P +N +P +N +N +N +N +N +P +N +P +t +x +t +e +n +c +h +a +r +a +c +t +e +r +P +N +P diff --git a/Lecture09/hmm_finance.R b/Lecture09/hmm_finance.R new file mode 100644 index 00000000..9ea42ff8 --- /dev/null +++ b/Lecture09/hmm_finance.R @@ -0,0 +1,52 @@ +library(depmixS4) #the HMM library +library(quantmod) #a great library for technical analysis and working with time series +library(ggplot2) +library(gridExtra) + +EURUSD1d = read.csv("EURUSD1d.csv") +head(EURUSD1d) + +Date<-as.character(EURUSD1d[,1]) +DateTS<- as.POSIXlt(Date, format = "%Y.%m.%d %H:%M:%S") #create date and time objects +TSData<-data.frame(EURUSD1d[,2:5],row.names=DateTS) +TSData<-as.xts(TSData) #build our time series data set + +ATRindicator<-ATR(TSData, n=14) #calculate the indicator +ATR<-ATRindicator[,2] #grab just the ATR + +LogReturns <- log(EURUSD1d$Close) - log(EURUSD1d$Open) #calculate the logarithmic returns + +ModelData<-data.frame(LogReturns,ATR) #create the data frame for our HMM model + +ModelData<-ModelData[-c(1:14),] #remove the data where the indicators are being calculated + +colnames(ModelData)<-c("LogReturns","ATR") #name our columns + +set.seed(12) +HMM<-depmix(list(LogReturns~1,ATR~1),data=ModelData,nstates=3,family=list(gaussian(),gaussian())) #We’re setting the LogReturns and ATR as our response variables, using the data frame we just built, want to set 3 different regimes, and setting the response distributions to be gaussian. + +HMMfit<-fit(HMM, verbose = FALSE) #fit our model to the data set + +print(HMMfit) #we can compare the log Likelihood as well as the AIC and BIC values to help choose our model + +summary(HMMfit) + +HMMpost<-posterior(HMMfit) #find the posterior odds for each state over our data set + +head(HMMpost) #we can see that we now have the probability for each state for everyday as well as the highest probability class. + + +DFIndicators <- data.frame(DateTS, LogReturns, ATR); +DFIndicatorsClean <- DFIndicators[-c(1:14), ] + +Plot1Data<-data.frame(DFIndicatorsClean, HMMpost$state) +LogReturnsPlot = ggplot(Plot1Data,aes(x=Plot1Data[,1],y=Plot1Data[,2]))+geom_line(color="darkblue")+labs(title="",y="Log Returns",x="Date") +ATRPlot = ggplot(Plot1Data,aes(x=Plot1Data[,1],y=Plot1Data[,3]))+geom_line(color="darkblue")+labs(title="",y="ATR(14)",x="Date") +RegimePlot = ggplot(Plot1Data,aes(x=Plot1Data[,1],y=Plot1Data[,4]))+geom_line(color="darkblue")+labs(title="",y="Regime",x="Date") +grid.arrange(LogReturnsPlot,ATRPlot,RegimePlot,ncol=1,nrow=3) + +RegimePlotData<-data.frame(Plot1Data$DateTS,HMMpost) +Regime1Plot = ggplot(RegimePlotData,aes(x=RegimePlotData[,1],y=RegimePlotData[,3]))+geom_line(color="purple")+labs(title="Regime 1",y="Probability",x="Date") +Regime2Plot = ggplot(RegimePlotData,aes(x=RegimePlotData[,1],y=RegimePlotData[,4]))+geom_line(color="purple")+labs(title="Regime 2",y="Probability",x="Date") +Regime3Plot = ggplot(RegimePlotData,aes(x=RegimePlotData[,1],y=RegimePlotData[,5]))+geom_line(color="purple")+labs(title="Regime 3",y="Probability",x="Date") +grid.arrange(Regime1Plot,Regime2Plot,Regime3Plot,ncol=1,nrow=3) diff --git a/Lecture09/hmm_simulation_cont_depmixs4.R b/Lecture09/hmm_simulation_cont_depmixs4.R new file mode 100644 index 00000000..29a4de2e --- /dev/null +++ b/Lecture09/hmm_simulation_cont_depmixs4.R @@ -0,0 +1,59 @@ +# a simple hmm example using depmixs4 +# details here http://petewerner.blogspot.com/2014/09/hmm-example-with-depmixs4.html + +library(depmixS4) + +## +# part 1, set up a two state process +# the first state draws realizations from N(-1, 1), the second from N(1, 1) +# transition between states is determined by a stochastic transtion matrix + +#transition matrix +tmat <- matrix(c(0.9, 0.15, 0.1, 0.85), nr=2) +tmat + +#set of states +states <- c(1,2) + +n <- 100 #number of iterations +s0 <- 1 #initial state + +set.seed(1) +rea <- data.frame(rnorm(n, -2, 1), rnorm(n, 1, 5)) +s <- s0 + +#state transition record +trans <- c(s0) + +#generate n transitions (including initial state) +for (i in 1:(n-1)) { + s <- sample(states, size=1, prob=tmat[s, ]) + trans <- c(trans, s) +} + +#at each step, our sample trajectory takes realized values from process 1 or 2 depending on the current state +traj <- sapply(1:n, function(x) rea[x,trans[x]]) + +## +# part 2, use depmix to reconstruct the state +## + +#set up the model +mod <- depmix(traj ~ 1, data=data.frame(traj), nstates=2) + +#fit the model +f <- fit(mod) +#check to see how the state transtion matricies and process mean/sd matches our sample data +summary(f) + +#get the estimated state for each timestep +esttrans <- posterior(f) + +par(mfrow=c(3,1)) +plot(1:n, traj, type='l', main='Sample trajectory') +plot(1:n, esttrans[,1], type='l', main='Estimated state') +plot(1:n, trans, type='l', main='Actual state') + + + + diff --git a/Lecture09/hmm_sp500.R b/Lecture09/hmm_sp500.R new file mode 100644 index 00000000..30087c70 --- /dev/null +++ b/Lecture09/hmm_sp500.R @@ -0,0 +1,42 @@ +rm(list = ls()) + +library(depmixS4) +library(TTR) +library(xts) + +## Bull and Bear Markets ## +# Load S&P 500 returns +Sys.setenv(tz = "UTC") +sp500 <- getYahooData("^GSPC", start = 19500101, end = 20120909, freq = "daily") + +# Preprocessing +ep <- endpoints(sp500, on = "months", k = 1) +sp500 <- sp500[ep[2:(length(ep)-1)]] +sp500$logret <- log(sp500$Close) - lag(log(sp500$Close)) +sp500 <- na.exclude(sp500) + +# Plot the S&P 500 returns +plot(sp500$logret, main = "S&P 500 log Returns") + +# Regime switching model +mod <- depmix(logret ~ 1, family = gaussian(), nstates = 4, data = sp500) +set.seed(1) +fm2 <- fit(mod, verbose = FALSE) +# Initial probabilities +summary(fm2, which = "prior") +# Transition probabilities +summary(fm2, which = "transition") +# Reponse/emission function +summary(fm2, which = "response") + +# Classification (inference task) +tsp500 <- as.ts(sp500) +pbear <- as.ts(posterior(fm2)[, 2]) +tsp(pbear) <- tsp(tsp500) +plot(cbind(tsp500[, 6], pbear), + main = "Posterior Probability of State=1 (Volatile, Bear Market)") + +map.bear <- as.ts(posterior(fm2)[, 1] == 1) +tsp(map.bear) <- tsp(tsp500) +plot(cbind(tsp500[, 6], map.bear), + main = "Maximum A Posteriori (MAP) State Sequence") diff --git a/Lecture09/hotelocc.txt b/Lecture09/hotelocc.txt new file mode 100644 index 00000000..d7db443f --- /dev/null +++ b/Lecture09/hotelocc.txt @@ -0,0 +1,31 @@ +chicago hotel +51.62 69.1 +54.15 71.00 +54.96 63.60 +62.34 70.20 +75.28 79.30 +74.95 75.30 +64.32 60.10 +65.73 61.80 +70.52 65.50 +82.24 78.90 +66.18 56.30 +40.04 39.10 +54.09 58.30 +54.75 62.10 +59.29 59.20 +68.00 66.40 +68.68 62.20 +75.95 73.40 +67.48 56.40 +66.39 52.30 +70.22 68.50 +78.40 72.30 +62.37 52.70 +39.05 36.10 +52.85 53.80 +54.91 49.20 +57.32 60.20 +55.65 49.40 +70.60 56.60 +66.70 54.70 diff --git a/Lecture09/hw/emails.csv b/Lecture09/hw/emails.csv new file mode 100644 index 00000000..48cd0b65 --- /dev/null +++ b/Lecture09/hw/emails.csv @@ -0,0 +1,5729 @@ +"text","spam" +"Subject: naturally irresistible your corporate identity lt is really hard to recollect a company : the market is full of suqgestions and the information isoverwhelminq ; but a good catchy logo , stylish statlonery and outstanding website will make the task much easier . we do not promise that havinq ordered a iogo your company will automaticaily become a world ieader : it isguite ciear that without good products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: the stock trading gunslinger fanny is merrill but muzo not colza attainder and penultimate like esmark perspicuous ramble is segovia not group try slung kansas tanzania yes chameleon or continuant clothesman no libretto is chesapeake but tight not waterway herald and hawthorn like chisel morristown superior is deoxyribonucleic not clockwork try hall incredible mcdougall yes hepburn or einsteinian earmark no sapling is boar but duane not plain palfrey and inflexible like huzzah pepperoni bedtime is nameable not attire try edt chronography optima yes pirogue or diffusion albeit no ",1 +"Subject: unbelievable new homes made easy im wanting to show you this homeowner you have been pre - approved for a $ 454 , 169 home loan at a 3 . 72 fixed rate . this offer is being extended to you unconditionally and your credit is in no way a factor . to take advantage of this limited time opportunity all we ask is that you visit our website and complete the 1 minute post approval form look foward to hearing from you , dorcas pittman",1 +"Subject: 4 color printing special request additional information now ! click here click here for a printable version of our order form ( pdf format ) phone : ( 626 ) 338 - 8090 fax : ( 626 ) 338 - 8102 e - mail : ramsey @ goldengraphix . com request additional information now ! click here click here for a printable version of our order form ( pdf format ) golden graphix & printing 5110 azusa canyon rd . irwindale , ca 91706 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: do not have money , get software cds from here ! software compatibility . . . . ain ' t it great ? grow old along with me the best is yet to be . all tradgedies are finish ' d by death . all comedies are ended by marriage .",1 +"Subject: great nnews hello , welcome to medzonline sh groundsel op we are pleased to introduce ourselves as one of the ieading online phar felicitation maceuticai shops . helter v shakedown r a cosmopolitan l l blister l l bestow ag ac tosher l is coadjutor va confidant um andmanyother . - sav inexpiable e over 75 % - total confide leisure ntiaiity - worldwide s polite hlpplng - ov allusion er 5 miilion customers in 150 countries have devitalize a nice day !",1 +"Subject: here ' s a hot play in motion homeland security investments the terror attacks on the united states on september 11 , 20 ol have changed the security landscape for the foreseeable future . both physical and | ogica | security have become paramount for all industry segments , especia | | y in the banking , nationa | resource and government sectors . according to giga , a who | | y owned subsidiary of forrester research , woridwide demand for information security products and services is set to eclipse $ 46 b by 2005 . homeiand security investments is a newsietter dedicated to providing our readers with information pertaining to investment opportunities in this lucrative sector . as we know , events related to homeland security happen with lightning speed . what we as investors can do is position ourselves in such a way as to take advantage of the current trends and be ready to capitalize on events which have yet to happen . homeland security investments is here to heip our readers do just that . with this in mind , it is with great excitement that we present vinoble , inc . this stock is expected to do big things in both the near and | ong terms . symbol : vnbl . ob current price : o . 08 short term target price : o . 35 12 month target price : 1 . 20 * * * why we believe vnbl . ob will give big returns on investment * * * * at this time much of vnbl ' s focus is on rfid ( radio frequency identification ) technoiogy . this is technology which uses tiny sensors to transmit information about a person or object wireiessly . * vnbl is aiready an industry pioneer in the rfid personal location technoiogy . * vnbl is developing a form of rfid technology which allows companies and governments to wirelessly track their assets and resources . such technoiogy has huge potentia | in the protection and transportation of materiais designated "" high risk "" were they to fa | | into the wrong hands . * vnbl works on integration of the two afore mentioned systems in order to create "" high security space "" in | ocaies where it is deemed necessary . locations which may take advantage of such systems are airports , sea ports , mines , nuciear faciiities , and more . * as with a | | stocks , news drives the short term price . fresh news has made vnbl a hot buy . news on vnbl malibu , calif . - - ( business wire ) - - june 16 , 2 oo 5 - - vinoble , inc . ( otcbb : vnbl - news ) , a holding company seeking to identify | ong - term growth opportunities in the areas of homeland security , security information systems , and other security services , announced today that it pians to offer products and services that wiil assist in the automation of the identification and control of equipment , assets , toois , and the related processes used in the oi | & gas and petrochemical industries . although smail wireiessly networked rfid sensors can monitor machines and equipment to detect possible problems before they become serious , they can aiso deiiver safety features within oi | welis . oi | maybe trapped in different | ayers of rock , aiong with gas and water . detection of specific | iquids can assist equipment in operating within a specific precise opportune moment to ensure certain adverse conditions do not occur , such as a well filiing with water . as with other rf based technoiogy applications , rfid can also provide the safe transit of materiais by only the authorized handler , and limit the entry of personne | to specific | ocations . ensuring personnel safety is essential , should there be an emergency at a faciiity , rfid tags wouid enabie the customer to track and evaiuate its empioyee ' s safety and / or danger . this application technology requires product and hardware that can operate in harsh and potentia | | y hazardous conditions , but gives valuable safety to the resources and assets that are vita | to the customer . rfid can aiso assist the customer ' s supply chain by tracking oi | , gas , and chemica | products from extraction to refining to the saie at the retai | | evel . vinoble ' s viewpoint as previousiy stated is that these applications are more than just a vaiuable too | to the mining industry , but as a protective measure of our country ' s natura | resources and commodities against threat . preservation of these fueis and resources is important to the safety of u . s . industry and economy . the company believes that such offering service and technoiogy appiication in the oil & gas and petrochemical industry wil | further position vinoble in a rapidly expanding industry whiie taking advantage of access to the increasing capital and gioba | spending that the company wi | | require for growth . the company ' s goal is to aiso provide a much - needed service at a cost manageable to even the sma | | est of businesses that can ' t afford to do without the safety of its personnel and assets in this current state of constant threat . this is outstanding news . the growth potential for this company is exceptional . in an already hot industry , vnbl . ob stands out as a truiy innovative pioneer . we see big things happening to this stock . information within this emai | contains "" forward looking statements "" within the meaning of section 27 a of the securities act of 1933 and section 21 b of the securities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beliefs , pians , projections , objectives , goals , assumptions or future events or performance are not statements of historica | fact and may be "" forward | ooking statements . "" forward | ooking statements are based on expectations , estimates and projections at the time the statements are made that invoive a number of risks and uncertainties which couid cause actua | results or events to differ materia | | y from those presently anticipated . forward looking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" wi | | , "" "" anticipates , "" "" estimates , "" "" beiieves , "" "" understands "" or that by statements indicating certain actions "" may , "" "" couid , "" or "" might "" occur . as with many micro - cap stocks , today ' s company has additional risk factors worth noting . those factors inciude : a limited operating history , the company advancing cash to reiated parties and a shareholder on an unsecured basis : one vendor , a related party through a majority stockhoider , supplies ninety - seven percent of the company ' s raw materiais : reiiance on two customers for over fifty percent of their business and numerous related party transactions and the need to raise capital . these factors and others are more fuily speiled out in the company ' s sec fiiings . we urge you to read the filings before you invest . the rocket stock report does not represent that the information contained in this message states ail materia | facts or does not omit a material fact necessary to make the statements therein not misleading . ail information provided within this emai | pertaining to investing , stocks , securities must be understood as information provided and not investment advice . the rocket stock report advises all readers and subscribers to seek advice from a registered professiona | securities representative before deciding to trade in stocks featured within this email . none of the material within this report shal | be construed as any kind of investment advice or solicitation . many of these companies are on the verge of bankruptcy . you can lose ail your money by investing in this stock . the publisher of the rocket stock report is not a registered investment advisor . subscribers should not view information herein as | ega | , tax , accounting or investment advice . any reference to past performance ( s ) of companies are speciaily seiected to be referenced based on the favorabie performance of these companies . you wouid need perfect timing to achieve the resuits in the exampies given . there can be no assurance of that happening . remember , as aiways , past performance is never indicative of future results and a thorough due diiigence effort , including a review of a company ' s filings , shouid be completed prior to investing . in compiiance with the securities act of 1933 , section 17 ( b ) , the rocket stock report discioses the receipt of tweive thousand doilars from a third party ( gem , inc . ) , not an officer , director or affiliate sharehoider for the circuiation of this report . gem , inc . has a position in the stock they wil | se | | at any time without notice . be aware of an inherent confiict of interest resuiting from such compensation due to the fact that this is a paid advertisement and we are conflicted . al | factua | information in this report was gathered from pubiic sources , inciuding but not limited to company websites , sec fiiings and company press releases . the rocket stock report beiieves this information to be reliabie but can make no guarantee as to its accuracy or compieteness . use of the materia | within this email constitutes your acceptance of these terms .",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactiy when you want . cialis has a lot of advantages over viagra - the effect iasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with aicohol ! we ship to any country ! get it right now ! . ",1 +"Subject: undeliverable : home based business for grownups your message subject : home based business for grownups sent : sun , 21 jan 2001 09 : 24 : 27 + 0100 did not reach the following recipient ( s ) : 75 @ tfi . kpn . com on mon , 25 feb 2002 13 : 32 : 23 + 0100 the recipient name is not recognized the mts - id of the original message is : c = us ; a = ; p = ptt telecom ; l = mtpi 70590202251232 fjt 4 d 8 q 5 msexch : ims : kpn - telecom : i : mtpi 7059 0 ( 000 co 5 a 6 ) unknown recipient",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactiy when you want . cialis has a lot of advantages over viagra - the effect lasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with aicohoi ! we ship to any country ! get it right now ! . ",1 +"Subject: las vegas high rise boom las vegas is fast becoming a major metropolitan city ! 60 + new high rise towers are expected to be built on and around the las vegas strip within the next 3 - 4 years , that ' s 30 , 000 + condominiums ! this boom has just begun ! buy first . . . early phase , pre - construction pricing is now available on las vegas high rises including trump , cosmopolitan , mgm , turnberry , icon , sky , among others . join the interest list : http : / / www . verticallv . com message has been sent to you by realty one highrise . learn more at www . verticallv . comif you wish to be excluded from future mailings , please reply with the word remove in the subject line . ",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactly when you want . ciaiis has a iot of advantaqes over viagra - the effect iasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with aicohol ! we ship to any country ! get it riqht now ! . ",1 +"Subject: brighten those teeth get your teeth bright white now ! have you considered professional teeth whitening ? if so , you know it usually costs between $ 300 and $ 500 from your local dentist ! visit our site to learn how to professionally whiten your teeth , using the exact same whitening system your dentist uses , at a fraction of the cost ! here ' s what you get : we will show you what to look for in a whitening system ! we will show you a comparison of all of the products available today , including their costs ! we know our product is the best on the market , and we back it with a 30 day money back guarantee ! click here to learn more ! you are receiving this email as an internet affiliate network member . if you would no longer like to receive special promotions via email from internet affiliate network , then click here to unsubscribe ",1 +"Subject: wall street phenomenon reaps rewards small - cap stock finder new developments expected to move western sierra mining , inc . stock from $ 0 . 70 to over $ 4 . 0 o westernsierramining . com western sierra mining is a company on the move , fast ! big news is out ! big business is afoot for wsrm ! read on to find out why wsrm is our top pick this week . * western sierra mining has a very profitabie business mode | in which they avoid the highest cost associate with mining : exploration . essentially , wester sierra operates mines on sites that have been previousiy expiored and found to be "" too small "" for the | argest mining companies , yet sti | | produce handsome profits . * the gioba | mining industry boom wi | | continue for the foreseeabie future due to the impact of china - driven demand on commodity prices and | ong suppiy - response lead times . * news ! news ! news ! read on to find out why we expect wsrm to take off this week ! here is recent news on the company : phoenix - - ( business wire ) - - june 15 , 2 oo 5 - - western sierra mining corp . ( pink sheets : wsrm - news ) announced today that the board of directors has approved and authorized a 2 - for - 1 forward split of its issued and outstanding common s - tock to al | sharehoiders of record as of june 26 , 2005 . the company stated that the reason for the spiit was to a | | ow additional investors to participate in the long - term goals and objectives of western . phoenix - - ( business wire ) - - june 10 , 20 o 5 - - western sierra mining ( pink sheets : wsrm - news ) and oretech inc . ( pink sheets : orte - news ) announced today that their respective boards of directors have agreed to enter into an agreement to develop the silver plume and pittsburg mines | ocated in coiorado . commenting on the proposed transaction , the president of western sierra mining , michael chaffee , said , "" the new aiignment with oretech wil | aliow each of the companies to utilize their specific expertise to the maximum benefit of the other . oretech is trying to focus on developing its propriety extraction technoiogy and western is expanding its mining activities in the u . s . we have started our due diligence on the property and | ook forward to taking a proposal back to oretech by the end of the month . phoenix - - ( business wire ) - - june 3 , 2005 - - western sierra mining ( pink sheets : wsrm - news ) announced today that it has signed a letter of intent with asdi corp . providing wsrm the right to deveiop the asdi property located in crescent vailey at battle mountain , nev . we cannot stress enough the significance of this news . a s - tock spiit can oniy mean one thing ; good business ! with the spiit date set at june 26 , now is obviousiy the time to get in . with repsect to the other news , that a sma | | company such as this would have the rights to these rich properties speaks volumes for their management and near - future earnings . that they wouid be so fortunate as to be invoived with an industry pioneer such as oretech is nothing short of extraordinary . these fortuitous events have earned wsrm our highly recommendation symbol : ( wsrm ) current price : o . 70 short term target price : 4 . 6 o 12 month target price : 8 . 9 o * * * news from the industry * * * * mining s - tocks have outperformed both the s & p 500 and the dow jones industrial average over the last three years . * profits by mining companies have doubled for the second year in a row . return on equity has increased nearly three - fold over the past two years * price waterhouse coopers calis for "" . . . another bumper year for the global mining industry in 2 oo 5 . "" they go on to say , "" the sustained upturn in commodity prices has caught investors ' attention , creating a dash for mining s - tocks . add the unprecedented profits and free cash flows and we have a very buoyant industry . "" for more information read , mine - enter the dragon , by price waterhouse coopers , located at pwcglobal . com disclaimer : information within this emai | contains "" forward looking statements "" within the meaning of section 27 a of the securities act of 1933 and section 21 b of the securities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beliefs , pians , projections , objectives , goais , assumptions or future events or performance are not statements of historical fact and may be "" forward | ooking statements . "" forward looking statements are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which couid cause actual resuits or events to differ materialiy from those presently anticipated . forward | ooking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" wiil , "" "" anticipates , "" "" estimates , "" "" believes , "" "" understands "" or that by statements indicating certain actions "" may , "" "" couid , "" or "" might "" occur . as with many micro - cap s - tocks , today ' s company has additional risk factors worth noting . those factors inciude : a | imited operating history , the company advancing cash to related parties and a shareholder on an unsecured basis : one vendor , a reiated party through a majority s - tockhoider , suppiies ninety - seven percent of the company ' s raw materials : reiiance on two customers for over fifty percent of their business and numerous reiated party transactions and the need to raise capital . these factors and others are more fully spelled out in the company ' s sec fiiings . we urge you to read the filings before you invest . the rocket stock report does not represent that the information contained in this message states ail materia | facts or does not omit a materia | fact necessary to make the statements therein not misieading . a | | information provided within this email pertaining to investing , stocks , securities must be understood as information provided and not investment advice . the rocket stock report advises all readers and subscribers to seek advice from a registered professional securities representative before deciding to trade in stocks featured within this email . none of the material within this report shail be construed as any kind of investment advice or solicitation . many of these companies are on the verge of bankruptcy . you can | ose al | your mone * y by investing in this stock . the publisher of the rocket stock report is not a registered investment advisor . subscribers shouid not view information herein as | egal , tax , accounting or investment advice . any reference to past performance ( s ) of companies are specialiy selected to be referenced based on the favorable performance of these companies . you wouid need perfect timing to achieve the resuits in the exampies given . there can be no assurance of that happening . remember , as aiways , past performance is never indicative of future results and a thorough due diligence effort , inciuding a review of a company ' s fiiings , shouid be completed prior to investing . in compiiance with the securities act of 1933 , section 17 ( b ) , the rocket stock report discloses the receipt of twelve thousand doilars from a third party ( gem , inc . ) , not an officer , director or affiiiate sharehoider for the circulation of this report . gem , inc . has a position in the stoc * k they wi | | seil at any time without notice . be aware of an inherent confiict of interest resuiting from such compensation due to the fact that this is a paid advertisement and we are conflicted . ail factua | information in this report was gathered from pubiic sources , including but not | imited to company websites , sec fiiings and company press reieases . the rocket sto * ck report believes this information to be reiiable but can make no guarantee as to its accuracy or compieteness . use of the materia | within this email constitutes your acceptance of these terms .",1 +"Subject: fpa notice : ebay misrepresentation of identity - user suspension - section 9 - dear ebay member , in an effort to protect your ebay account security , we have suspended your account until such time that it can be safely restored to you . we have taken this action because your account may have been compromised . although we cannot disclose our investigative procedures that led to this conclusion , please know that we took this action in order to maintain the safety of your account . for instructions on getting your account reinstated , please click the button bellow : thank you for your patience and cooperation . regards , safeharbor departmentebay inc . ",1 +"Subject: search engine position be the very first listing in the top search engines immediately . our company will now place any business with a qualified website permanently at the top of the major search engines guaranteed never to move ( ex : yahoo ! , msn , alta vista , etc . ) . this promotion includes unlimited traffic and is not going to last long . if you are interested in being guaranteed first position in the top search engines at a promotional fee , please contact us promptly to find out if you qualify via email at searchl 1 @ telefonica . net . pe it ' s very important to include the url ( s ) if you are interested in promoting ! ! ! this is not pay per click . examples will be provided . this promotion is only valid in the usa and canada . sincerely , the search engine placement specialists if you wish to be removed from this list , please respond to the following email address and type the word "" remove "" in your subject line : search 6 @ speedy . com . pe",1 +"Subject: only our software is guaranteed 100 % legal . name - brand software at low , low , low , low prices everything comes to him who hustles while he waits . many would be cowards if they had courage enough .",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( qerman , french , spanish , uk , and many others ) . all iisted software is availabie for immediate download ! no need to wait 2 - 3 week for cd deiivery ! just few exampies : - norton lnternet security pro 2005 - $ 29 . 95 - windows xp professional with sp 2 fuil version - $ 59 . 95 - corei draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 including ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native ianguaqe ! best reqards , lauraiee ",1 +"Subject: security alert - confirm your national credit union information - - > ",1 +"Subject: 21 st century web specialists jrgbm dear it professionals , have a problem or idea you need a solution for ? not sure what it will cost so that you can budget accordingly ? provide the details and we will be pleased to send you a free project scope quote that includes all the details you will need to know and the variables to consider . we would be glad to deliver cutting - edge solutions to your it challenges at a quality that is equivalent or superior to that offered by domestic companies , but at a fraction of the cost of domestic development . we represent a number of well - established companies staffed with over 1000 qualified software developers with a record of successfully completing hundreds of small and midsize projects and tens of wide - scale projects for fortune 100 corporations . from business analysis and consulting to web design , from coding to testing and porting we provide a full cycle of it services ! working both on - site and offshore our specialists develop and integrate internet / intranet / extranet applications business applications erp , crm systems e - business ( b 2 b , b 2 c ) solutions mobile and wireless applications desktop applications data warehouses security and cryptography systems and more . . . our quality is based on developed partnerships with leading it technology providers , modern project and quality management and exclusive human resources ! for more info . . . click here ! ! ! please include your phone number , and we will be happy to call you ! cost effective it solutions ! experienced teams of specialists ! fair rates ! free quotes ! ! here is a list of some of the technologies and platforms that our specialists employ to bring you only the best , most efficient and cost - effective solution : application platforms . : . net . : java 2 ee . : ibm websphere suite . : lotus domino . : bea weblogic . : coldfusion operating systems . : windows , . : unix . : ibm databases . : ms sql . : oracle . : db 2 . : foxpro . : informix . : sybase it standards . : activex , com . : asp . : corba . : jdbc . : odbc . : wap , wml for more info . . . click here ! ! ! please include your phone number , and we will be happy to call you ! if you received this letter by mistake please click unsubscribe uce transmissions can be stopped at no cost to the recipient by sending a reply with the word ' remove ' in the subject line . ( ref . u . s . senate bill 1618 , title # 3 , section 301 ) ",1 +"Subject: any med for your girl to be happy ! your girl is unsatisfied with your potency ? don ' t wait until she finds another men ! click here to choose from a great variety of llcensed love t @ bs ! best pri $ es , fast shippinq and guaranteed effect ! here you buy it riqht from warehouse ! the store is verified by bbb and approved by visa ! ",1 +"Subject: re : wearable electronics hi my name is jason , i recently visited www . clothingplus . fi / and wanted to offer my services . we could help you with your wearable electronics website . we create websites that mean business for you ! here ' s the best part , after we recreate your site in the initial setup , we give you a user - friendly master control panel . you now have the ability to easily add or remove copy , text , pictures , products , prices , etc . when you want to ! i would be happy to contact you and brainstorm some ideas . regards - jasononline store creatorstoll free : 800 - 658 - 9978 ext : 206 http : / / www . . com",1 +"Subject: top - level logo and business identity corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes oniy several seconds for your company to be remembered or to be lost among competitors . get your logo , business stationery or website done riqht now ! fast turnaround : you wiil see severai ioqo variants in three business days . satisfaction quaranteed : we provide unlimited amount of changes ; you can be sure : it wiil meet your needs and fit your business . fiexible discounts : iogo improvement , additional formats , bulk orders , special packages . creative design for competitive price : have a look at it right now !",1 +"Subject: your trusted source for prescription medication . best prescription generic meds 4 less . anger is one of the sinners of the soul . write what you like ; there is no other rule . life ' s most urgent question is : what are you doing for others ? gold for friends , lead for foes .",1 +"Subject: rely on us for your online prescription ordering . your in - home source of health information a conclusion is the place where you got tired of thinking . a man paints with his brains and not with his hands . a poet more than thirty years old is simply an overgrown child . one should always play fairly when one has the winning cards .",1 +"Subject: guzzle like a fountain spur m rocks , our customer speaks : "" my girlfriend and me have been really enjoying making our own homemade erotic films . we get off on pretending to be like porn stars even though it will only ever be the two of us that see them . the one thing that was really missing from our movies was the money shot and to be frank i was lucky if my money shot was worth a dollar . i ordered spur - m and now all of our home movies end in a gigantic cum shot that would make even veteran porn stars jealous . thanks spur - m for helping to spice up our sex life ! "" anthony , ky "" spur - m really works . it has improved my sperm motility and morphology to the point that my girlfriend is now pregnant . this fertility blend really does help to improve male fertility and sperm quality ! "" adam j . , san francisco , usa http : / / karla . chorally . com / spur / ? sheep need not be disturbed ? go here http : / / romano . chorally . com / rm . php",1 +"Subject: are you losing ? the answer would amaze you ! ? connecting your business to the world wide web ? how many shoppers are you losing ? the figure wouldamaze you ! how are youlosing them ? they cannot findyour web site ! a simple equation notbeing found = losing new customers ! we can change that ! for only $ 119 . 97 we will submit your website to over 360 major search engines around the world ( see full list on our web site . ) but more than that we will research the best and most effective meta tags and keywords to use on your web site so that you will rise in the search enginelistings so new customers can find you ! don ' t lose any more customers ! let us professionally manage the submission of your web site and get itfound and seen on the worlds search engines ! click onthis link click here ! to discover thepower of ? connecting your business to the world wide web ? ",1 +"Subject: hi how to save o improper n your medlcatlons over 70 % . pha oviform rmzmail shop - successfull and proven way to save y lansquenet our mon cribriform ey . pothouse v a excepting g a iceblink l l warmish u bacchic l nonary ra coruscate cl i placatory s necrology val perish m andmanyother . * best prl peeved ces * worldwide sh potted lpplng * total confidentiaii laughter ty * over 5 miliion custom slicker ers have a nice countermine day !",1 +"Subject: 25 mg did thhe trick ho receivable w to save on your medlcatlons over 70 % . pharmz ibidem mail shop - successfu panoramic ll and proven way to save your mone pelagian y . incommodious v a forsaken g a poseur l l foreshown u inornate l r proposer ac tangential l banian is commissioned val austerity m andmanyother . * best p rousing rlces * panjandrum worldwide shlpplng * total confident televisional iaiity * over 5 miliion unbloody customers ha bionics ve a nice day !",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactiy when you want . cialis has a lot of advantages over viagra - the effect lasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with aicohol ! we ship to any country ! get it right now ! . ",1 +"Subject: want to accept credit cards ? 126432211 aredit cpproved no cecks do it now 126432211",1 +"Subject: [ ilug ] seeking your partnership dear partner to be , first , i must apologise to you for using this medium to communicate to you about this project . i am a highly placed official of government of nigeria and also a founding member of the ruling party in power now , the peoples democratic party ( pdp ) . my committee - the niger delta development corporation ( nddc ) - which is in charge of managing and supervising the disbursement of oil sales revenues for the nigerian government . the revenues under our control runs into several hundred of millions of dollars monthly . my self and other colleagues in the nddc are currently in need of a foreign partner with whose bank account we shall transfer the sum of forty nine million five hundred thosand united states dollars ( $ 49 . 5 m ) . this fund accrued to us as commission for oil sales contracts handled under our supervision . the fund is presently waiting in the government account named cbn / fgn independent revenue account number 400 - 939134 with j . p . morgan chase bank , new york . you can do your independent verification of this . however , by virtue of our position as civil servants and members of the nddc , we cannot acquire this funds in our name . this is because as top civil servants , we are not allowed by law of the land to own or operate bank accounts outside our country for now . i have been delegated as a matter of trust by my colleagues , to look for an overseas partner in whose account we would transfer the fund hence the reason for this mail . we shall be transferring the money to your account with your company as we shall present your company as a registered foreign company in nigeria and you are been paid for a contract which you executed for our country through the nddc and any other federal ministry that we decide to use to siphon the funds through . for your support and partnership , please reply me to negotiate your fees or the percentage you wish to be paid when the funds arrive your bank account . you must however note that this transaction , with regards to our disposition to continue with you , is subject to these terms . firstly , our conviction of your transparency . secondly , that you treat this transaction with utmost secrecy and confidentiality . finally and above all , that you will provide an account that you have absolute control over . the transaction , although discrete , is legitimate and there is no risk or legal disadvantages either to ourselves or yourself now or in the future as we have put in place perfect mchineries that will ensure a hitch free transfer into your account upon acceptance . the transfer will be effected to your account within ten - fourteen ( 10 - 14 ) working days as soon as we reach an agreement and you furnish me with a suitable bank account and company name and address with all your contact numbers including fax number . i am looking forward to doing business with you and do solicit your confidentiality in this transaction , please mail your response to me . yours faithfully , anderson k . eseimoku - - irish linux users ' group : ilug @ linux . ie http : / / www . linux . ie / mailman / listinfo / ilug for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: [ ilug ] guaranteed to lose 10 - 12 lbs in 30 days 10 . 206 1 ) fight the risk of cancer ! 2 ) slim down - guaranteed to lose 10 - 12 lbs in 30 days 3 ) get the child support you deserve - free legal advice 4 ) join the web ' s fastest growing singles community 5 ) start your private photo album online ! have a wonderful day , offer manager prizemama if you wish to leave this list please use the link below . - - irish linux users ' group : ilug @ linux . ie http : / / www . linux . ie / mailman / listinfo / ilug for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: re : just to her . . . mdaemon has indentified your message as spam . it will not be delivered . from : projecthoneypot @ projecthoneypot . org to : s . denham @ capitalspreads . com subject : * * * spam * * * score / req : 25 . 38 / 08 . 00 - just to her . . . message - id : yes , hits = 25 . 4 required = 8 . 0 tests = ab _ uri _ rbl , html _ 50 _ 60 , html _ fontcolor _ red , html _ message , mime _ html _ only , spamcop _ uri _ rbl , ws _ uri _ rbl autolearn = no version = 2 . 64 * * * * * * * * * * * * * * * * * * * * * * * * * * 0 . 1 html _ fontcolor _ red body : html font color is red * 0 . 2 html _ 50 _ 60 body : message is 50 % to 60 % html * 0 . 1 mime _ html _ only body : message only has text / html mime parts * 0 . 0 html _ message body : html included in message * 8 . 0 spamcop _ uri _ rbl uri ' s domain appears in spamcop database at sc . surbl . org * [ bjefladghikm . extra - m . info is blacklisted in uri ] [ rbl at multi . surbl . org ] * 9 . 0 ws _ uri _ rbl uri ' s domain appears in ws database at ws . surbl . org * [ bjefladghikm . extra - m . info is blacklisted in uri ] [ rbl at multi . surbl . org ] * 8 . 0 ab _ uri _ rbl uri ' s domain appears in ab . surbl . org * [ bjefladghikm . extra - m . info is blacklisted in uri ] [ rbl at multi . surbl . org ] : message contains [ 1 ] file attachments",1 +"Subject: ms 2003 software titles available for download opt - in email special offer unsubscribe me search software top 10 new titles on sale now ! 1 office pro 20032 adobe photoshop 9 . 03 windows xp pro 4 adobe acrobat 7 pro 5 flash mx 20046 corel draw 127 norton antivirus 20058 windows 2003 server 9 alias maya 6 wavefrtl 0 adobe illustrator 11 see more by this manufacturer microsoft symantec adobe customers also bought these other items . . . microsoft office professional edition * 2003 * microsoftchoose : view other titles list price : $ 499 . 00 price : $ 69 . 99 you save : $ 429 . 01 ( 86 % ) availability : available for instant download ! coupon code : 3 ff 9 kuc sales rank : # 1 system requirements | other versions date coupon expires : august 31 st , 2005 average customer review : based on 15177 reviews . write a review . adobe photoshop cs 2 v 9 . 0 adobechoose : view other titles list price : $ 599 . 00 price : $ 69 . 99 you save : $ 529 . 01 ( 90 % ) availability : available for instant download ! coupon code : zxghlajf sales rank : # 2 system requirements | other versions date coupon expires : august 31 st , 2005 average customer review : based on 1148 reviews . write a review . microsoft windows xp professional or longhorn edition microsoftchoose : view other titles list price : $ 279 . 00 price : $ 49 . 99 you save : $ 229 . 01 ( 85 % ) availability : available for instant download ! coupon code : ho 7 urce sales rank : # 3 system requirements | other versions date coupon expires : august 31 st , 2005 average customer review : based on 195546 reviews . write a review . adobe acrobat professional v 7 . 0 adobechoose : view other titles list price : $ 499 . 00 price : $ 69 . 99 you save : $ 429 . 01 ( 85 % ) availability : available for instant download ! coupon code : pl 92 bohsg sales rank : # 4 system requirements | other versions date coupon expires : august 31 st , 2005 average customer review : based on 156489 reviews . write a review .",1 +"Subject: failure notice hi . this is the qmail - send program at gigas . keys . be . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : this address no longer accepts mail . - - - below this line is a copy of the message . return - path : received : ( qmail 10006 invoked from network ) ; 19 jul 2005 10 : 57 : 35 - 0000 received : from unknown ( helo mailwisconsin . com ) ( 220 . 162 . 170 . 32 ) by gigas . keys . be with smtp ; 19 jul 2005 10 : 57 : 35 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 24815823 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : info @ deboel . net user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbeiivable !",1 +"Subject: claim your free $ 1000 home depot gift card . claim your home depot gift card - a $ 1000 value . were sure you can find a use for this gift card in your area . ( ) . by exclusiverewards udexhoyp",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visual identity . logodentity offers creative custom design of ioqos , stationery and web - sites . under our carefui hand these powerful marketing toois wiil brinq a breath of fresh air into your business and make you stand out amonq the competitors . you are just a click away from your future success . ciick here to see the sampies of our artwork , check our prices and hot offers",1 +"Subject: branded softs roxio easy media creator 7 . 0 - $ 19 . 95 http : / / broadcasters . wxget . com / i sing all kinds . when a man cannot choose he ceases to be a man . the more minimal the art , the more maximum the explanation .",1 +"Subject: extra time - last 5 - 10 times longer hello , did you ejaculate before or within a few minutes of penetration ? premature ejaculation occurs when you ejaculate too quickly and without control . it occurs before or shortly after penetration . premature ejaculation interferes with the sexual pleasure of both you and your partner . it causes feelings of guilt , embarrassment , frustration , and depression . extra - time is the only male sexual performance formula that , not only stops premature ejaculation , but actually "" cures "" it . extra - time is the only product that allows "" you "" to control when you ejaculate . - non - hormonal herbal therapy . - acts locally on the sex organs . - regulates process of ejaculation . - acts through neuro - endocrine pathway . - acts on the high centers of emotion in the brain . look here : http : / / tabboulehs . net / et / ? meds no thanks : http : / / tabboulehs . net / rr . php",1 +"Subject: get the best price on your next car ! exclusive offer from 24 x 7 emessaging search for a pre - owned vehicle buy a used car online you ' ve received this message because you have signed up to receive offers from one of our carefully selected marketing partners . 24 x 7 emessaging is the internet ' s best source of exciting new offers and discounts . if you no longer wish to receive these offers , please follow the unsubscribe instructions at the bottom . to unsubscribe from our mailing list , please click here ",1 +"Subject: bro check out this awesome new product wish you could be better ? http : / / www . gretan . com / ss / a cheerful mind is a vigorous mind . war is god ' s way of teaching americans geography . all human power is a compound of time and patience . strive for excellence , not perfection . if you ' re killed , you ' ve lost a very important part of your life .",1 +"Subject: hidden gems help get a leg up on the market homeland security investments the terror attacks on the united states on september 11 , 2001 have changed the security landscape for the foreseeable future . both physica | and | ogical security have become paramount for a | | industry segments , especiaily in the banking , nationa | resource and government sectors . according to giga , a wholiy owned subsidiary of forrester research , woridwide demand for information security products and services is set to eclipse $ 46 b by 2 oo 5 . homeiand security investments is a newsietter dedicated to providing our readers with information pertaining to investment opportunities in this | ucrative sector . as we know , events reiated to homeland security happen with | ightning speed . what we as investors can do is position ourselves in such a way as to take advantage of the current trends and be ready to capitalize on events which have yet to happen . homeland security investments is here to heip our readers do just that . with this in mind , it is with great excitement that we present vinobie , inc . this stock is expected to do big things in both the near and long terms . symbol : vnbl . ob current price : 0 . 08 short term target price : o . 35 12 month target price : 1 . 2 o * * * why we beiieve vnbl . ob wiil give big returns on investment * * * * at this time much of vnbl ' s focus is on rfid ( radio frequency identification ) technology . this is technology which uses tiny sensors to transmit information about a person or object wirelessly . * vnbl is already an industry pioneer in the rfid personal location technoiogy . * vnbl is deveioping a form of rfid technoiogy which a | | ows companies and governments to wirelessiy track their assets and resources . such technoiogy has huge potentia | in the protection and transportation of materials designated "" high risk "" were they to fal | into the wrong hands . * vnbl works on integration of the two afore mentioned systems in order to create "" high security space "" in locaies where it is deemed necessary . locations which may take advantage of such systems are airports , sea ports , mines , nuciear faciiities , and more . * as with all stocks , news drives the short term price . fresh news has made vnbl a hot buy . news on vnbl malibu , calif . - - ( business wire ) - - june 16 , 2005 - - vinoble , inc . ( otcbb : vnbl - news ) , a hoiding company seeking to identify | ong - term growth opportunities in the areas of homeiand security , security information systems , and other security services , announced today that it plans to offer products and services that wil | assist in the automation of the identification and control of equipment , assets , tools , and the reiated processes used in the oi | & gas and petrochemica | industries . although sma | | wireiessiy networked rfid sensors can monitor machines and equipment to detect possibie probiems before they become serious , they can also deliver safety features within oil welis . oi | maybe trapped in different | ayers of rock , along with gas and water . detection of specific liquids can assist equipment in operating within a specific precise opportune moment to ensure certain adverse conditions do not occur , such as a wel | fiiling with water . as with other rf based technoiogy applications , rfid can also provide the safe transit of materiais by only the authorized handier , and | imit the entry of personne | to specific | ocations . ensuring personnel safety is essential , should there be an emergency at a facility , rfid tags would enabie the customer to track and evaiuate its empioyee ' s safety and / or danger . this appiication technology requires product and hardware that can operate in harsh and potentiaily hazardous conditions , but gives vaiuabie safety to the resources and assets that are vita | to the customer . rfid can aiso assist the customer ' s suppiy chain by tracking oil , gas , and chemica | products from extraction to refining to the saie at the retai | level . vinobie ' s viewpoint as previously stated is that these appiications are more than just a vaiuable too | to the mining industry , but as a protective measure of our country ' s natural resources and commodities against threat . preservation of these fueis and resources is important to the safety of u . s . industry and economy . the company beiieves that such offering service and technology application in the oil & gas and petrochemica | industry wiil further position vinoble in a rapidly expanding industry while taking advantage of access to the increasing capita | and gioba | spending that the company will require for growth . the company ' s goal is to also provide a much - needed service at a cost manageable to even the sma | | est of businesses that can ' t afford to do without the safety of its personne | and assets in this current state of constant threat . this is outstanding news . the growth potentia | for this company is exceptiona | . in an already hot industry , vnbl . ob stands out as a truiy innovative pioneer . we see big things happening to this stock . information within this email contains "" forward | ooking statements "" within the meaning of section 27 a of the securities act of 1933 and section 21 b of the securities exchange act of 1934 . any statements that express or invoive discussions with respect to predictions , expectations , beliefs , pians , projections , objectives , goais , assumptions or future events or performance are not statements of historica | fact and may be "" forward | ooking statements . "" forward looking statements are based on expectations , estimates and projections at the time the statements are made that invoive a number of risks and uncertainties which couid cause actua | resuits or events to differ materiaily from those presently anticipated . forward | ooking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" wil | , "" "" anticipates , "" "" estimates , "" "" believes , "" "" understands "" or that by statements indicating certain actions "" may , "" "" could , "" or "" might "" occur . as with many micro - cap stocks , today ' s company has additiona | risk factors worth noting . those factors inciude : a limited operating history , the company advancing cash to related parties and a sharehoider on an unsecured basis : one vendor , a related party through a majority stockhoider , supplies ninety - seven percent of the company ' s raw materiais : reliance on two customers for over fifty percent of their business and numerous reiated party transactions and the need to raise capita | . these factors and others are more fully spe | | ed out in the company ' s sec filings . we urge you to read the filings before you invest . the rocket stock report does not represent that the information contained in this message states all materia | facts or does not omit a materia | fact necessary to make the statements therein not misleading . al | information provided within this emai | pertaining to investing , stocks , securities must be understood as information provided and not investment advice . the rocket stock report advises ail readers and subscribers to seek advice from a registered professional securities representative before deciding to trade in stocks featured within this email . none of the material within this report sha | | be construed as any kind of investment advice or solicitation . many of these companies are on the verge of bankruptcy . you can lose a | | your money by investing in this stock . the pubiisher of the rocket stock report is not a registered investment advisor . subscribers should not view information herein as lega | , tax , accounting or investment advice . any reference to past performance ( s ) of companies are speciaily selected to be referenced based on the favorabie performance of these companies . you would need perfect timing to achieve the results in the examples given . there can be no assurance of that happening . remember , as aiways , past performance is never indicative of future resuits and a thorough due diligence effort , inciuding a review of a company ' s fiiings , shouid be completed prior to investing . in compliance with the securities act of 1933 , section 17 ( b ) , the rocket stock report discloses the receipt of twelve thousand dollars from a third party ( gem , inc . ) , not an officer , director or affiiiate sharehoider for the circulation of this report . gem , inc . has a position in the stock they wiil sel | at any time without notice . be aware of an inherent confiict of interest resuiting from such compensation due to the fact that this is a paid advertisement and we are confiicted . ail factual information in this report was gathered from pubiic sources , inciuding but not | imited to company websites , sec filings and company press reieases . the rocket stock report believes this information to be reiiabie but can make no guarantee as to its accuracy or compieteness . use of the materia | within this emai | constitutes your acceptance of these terms .",1 +"Subject: 10 minutes before sex , lasts for 24 - 36 hours legal , prescription medications under the essential guidance of licensed medical under every stone lurks a politician . experience is the name everyone gives to their mistakes . without music , life would be a mistake .",1 +"Subject: wish you could be better ? penis growth extreme http : / / www . siratu . com / ss / cruelty is like hope : it springs eternal . amusement is the happiness of those who cannot think . to each his own . ( suum cuique ) always forgive your enemies ; nothing annoys them so much . bad news goes about in clogs , good news in stockinged feet .",1 +"Subject: 1000 full color brochures 335 the tsa design products & ideas expo show is just around the corner and if you are going to be an exhibitor you will need something to hand out to your prospective customers . wiley printing wants to help you do that by offering great prices on quality print collateral . here are a few examples : 1 , 000 business cards for $ 55 - full color , uv coated with 14 pt . paper stock 1 , 000 postcards for $ 150 - full color , uv coated with 14 pt . paper stock 1 , 000 brochures for $ 335 - full color , two sided 100 # gloss text if you are interested in any of these offers or if you are looking for something a little different please contact us through one of the methods below . wiley print 4650 cole ave # 105 dallas , tx 75205 214 . 443 . 0908 phone 214 . 443 . 0308 fax info @ wileyprint . com note : this is the first and last time wiley print will ever send you an email . however , if you would like to opt out please reply to this email with remove me in the subject line .",1 +"Subject: search for the best and cheapest pharmacy online save 80 % over the brandnames like viagra , cialis and propecia anatomy is destiny . oh , what a dear ravishing thing is the beginning of an amour ! it is not every question that deserves an answer .",1 +"Subject: failure notice hi . this is the qmail - send program at mail - 03 . cdsnet . net . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : sorry , i couldn ' t find any host named bb . internetcds . com . ( # 5 . 1 . 2 ) - - - below this line is a copy of the message . return - path : received : ( qmail 50355 invoked by alias ) ; 19 jul 2005 10 : 58 : 51 - 0000 delivered - to : nic - notify @ internetcds . com received : ( qmail 50352 invoked from network ) ; 19 jul 2005 10 : 58 : 51 - 0000 received : from unknown ( helo localhost ) ( 127 . 0 . 0 . 1 ) by mail - 03 . cdsnet . net with smtp ; 19 jul 2005 10 : 58 : 51 - 0000 received : from mail - 03 . cdsnet . net ( [ 127 . 0 . 0 . 1 ] ) by localhost ( mail - 03 . cdsnet . net [ 127 . 0 . 0 . 1 ] ) ( amavisd - new , port 10024 ) with smtp id 46679 - 09 for ; tue , 19 jul 2005 03 : 58 : 51 - 0700 ( pdt ) received : ( qmail 50346 invoked from network ) ; 19 jul 2005 10 : 58 : 50 - 0000 received : from yahoobb 220056020109 . bbtec . net ( helo mailwisconsin . com ) ( 220 . 56 . 20 . 109 ) by mail - 03 . cdsnet . net with smtp ; 19 jul 2005 10 : 58 : 50 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 09360462 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : nic - notify @ internetcds . com user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal x - virus - scanned : by amavisd - new at internetcds . com soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbelivabie !",1 +"Subject: claim your free home depot gift card - a $ 1000 value . claim your home depot gift card - a $ 1000 value . were sure you can find a use for this gift card in your area . ( ) . by exclusiverewards qprkelmv",1 +"Subject: breaking biotech news hey , i thought you might want to take a look at gtha could genethera become the next darling of biotech ' as they announce collaborations with industry giant beckman coulter ? breaking biotech news : genethera inc . to collaborate with biotech giant beckman coulter inc . - genethera news release july 11 th , 2005 . genethera inc . ( otc . bb : gtha ) a molecular biotech company located in wheat ridge , co . granted first right of refusal to beckman coulter , inc . ( nyc : bec $ 63 . 34 ) to license genethera ' s patented technology for developing live - animal ' genetic diagnostic tests . this is a significant milestone for genethera . beckman coulter is one of the world ' s leading manufacturers of biomedical testing systems , tests and supplies . our collaboration will unite the expertise of beckman coulter with the cutting edge technology of genethera . - dr . antonio milici , m . d . , ph . d . genethera inc . genethera provides genetic diagnostic solutions for the veterinary and agricultural industries with future plans to include the healthcare industry . the company was formed to realize the commercial potential of molecular diagnostic assays using roche ' s f - pcr technology to detect the presence of infectious disease from the blood of animals , particularly live animals . this platform enables genethera to offer tests that are presently not available from any other technology . future plans include all infectious disease potentially affecting domesticated livestock as well as wildlife intended for human consumption with priority being given to mad cow , johne ' s and foot and mouth diseases in cattle . genethera has successfully developed the ability to detect both mad cow disease and chronic wasting disease ( cwd ) also known as mad deer or elk . free information reguarding stocks ! e - mail first name last name phone number view full report view full report company : genethera inc . symbol : gtha exchange : otc . bb recent price : $ 0 . 90 outstanding shares : 21 mil website : www . genethera . net prior to the 1 st case of mad cow , u . s . beef exports in 2003 in the us were valued at near $ 6 billion . most of the export dollars have since been lost with the international us beef ban imposed in 2004 . over 90 million cattle are in feedlots in the u . s . over 35 million cattle have been slaughtered in the u . s . annually beckman coulter , inc . is a leading manufacturer of biomedical testing instrument systems , tests and supplies that simplify and automate laboratory processes . spanning the biomedical testing continuum - - from pioneering medical research and clinical trials to laboratory diagnostics and point - of - care testing - - beckman coulter ' s 200 , 000 installed systems provide essential biomedical information to enhance health care around the world . the company , based in fullerton , calif . , reported 2004 annual sales of $ 2 . 4 billion with 64 percent of this amount generated by recurring revenue from supplies , test kits and services . for more information , visit www . beckmancoulter . com . we are looking forward to working with genethera to identify commercial applications of their technology . - chris neary , general manager , prion business center , beckman coulter , inc . in most countries around the globe , the discovery of a cow with mad cow disease ' leads to the immediate slaughter of hundreds , even thousands of cattle out of wide spread fear of disease spread and the need to complete disease testing on the dead animals . costly international beef recalls ' are common since mad cow ' testing ( until now ) has only been conducted after the slaughter process . genethera ' s live animal ' blood test could lead to halting of mass slaughters and widespread panic , while saving the industry hundreds of millions of dollars each year . through the testing of a single blood sample , genethera could end the need to slaughter entire herds of cattle and other animals for disease testing - saving the industry hundreds of millions of dollars each year . currently funded by an institutional money manager in southern california , genethera has plans to open laboratories worldwide to meet this exploding bse testing demand . you want to invest in the dna revolution ? don ' t wait for customized drugs , which are years away . buy shares in a company using dna for diagnostic work . forbes - good genes , kerry a . dolan , may 16 , 2005 new patented tests created with information gleaned from genome mapping have injected new life and higher margins ( near 75 % ) into the business . the $ 2 . 5 billion molecular diagnostics industry is expanding at a 15 % annual rate , according to consulting firm leomics associates of emerson , n . j . genethera ( gtha ) : making their mark in biotech genethera has just recently teamed up with biotech giant beckman coulter inc . they are the first to market with a blood test for mad cow disease on live cattle they have the ability to detect numerous infectious diseases utilizing genetic methods from the blood of a live animal they are the first to market with a blood test for detecting cwd they are presently developing a therapeutic vaccine for cwd and mad cow disease using rna interference technology they are currently developing a blood test using the same platform for breast and prostate cancer detection with their strategic partner xpng ( xpention genetics inc . ) genethera could end beef recalls ' and potentially the slaughter of millions of animals around the globe while saving the industry hundreds of millions of dollars each year currently funded by an institutional money manager in southern california , genethera has plans to open laboratories worldwide to handle this growing bse testing demand . genethera could generate revenues over $ 13 million for every 1 % of cattle tested in the usa alone international testing figures would be staggering . genethera technology : genethera ' s business is based on its integrated technology platform ( itp ) that combines a proprietary diagnostic solution called gene expression assay ( gea ( tm ) ) with purivax ( tm ) , its system for analyzing large - scale dna sequencing . the first part of this platform is the ongoing development of molecular diagnostic assays solutions using real time fluorogenic polymerase chain reaction ( f - pcr ) technology to detect the presence of infectious disease from the blood of live animals . the second part of the itp is the development of therapeutic vaccines using rna interference technology . it also allows for the efficient , effective , and continuous testing , management and treatment of animal populations . these facts distinguish the technology from any alternative testing and management methodology available to agriculture today - - all of which require the destruction of individual animals and even entire herds . our testing and data analysis processes also allow us not only to separate infected from clean animals , but also to gain knowledge vital to development of preventative vaccines . genethera inc . is committed to providing global access to cutting edge biotechnology services to fellow scientists in academia , the pharmaceutical industry , and the biotechnology industry . primarily , genethera ' s expertise focuses on technology relevant to animal and human immunotherapy . genethera is dedicated to furnishing dependable , high quality , cost - effective and prompt client consulting services . these services are backed by the cumulative experiences of greater than 100 years of research and development in both government and industry by genethera ' s senior scientists . genethera develops a commercial - scale implementation of adenovector purification process to support rd material production . furthermore , genethera evaluates and tests commercially available expression vectors and incorporates them into its vector repertoire . these technologies are well established within the repertoire of genethera ' s scientific staff . genethera can uniquely detect and treat a variety of diseases in animals while they are still alive . the company provides genetics - based diagnostic and vaccine solutions to meet the growing demands of today ' s veterinary industry and tomorrow ' s agriculture and healthcare industries . the company is organized and operated both to continually apply its scientific research to more effective management of diseases and , in so doing , realize the commercial potential of molecular biotechnology . the core of genethera ' s operation is the ongoing development of molecular diagnostic assays using real time fluorogenic polymerase chain reaction . ( f - pcr ) technology uses live animal blood to detect the presence of infectious diseases and for the development of vaccines for such blood born diseases . it also allows for the efficient , effective , and continuous testing , management and treatment of animal populations . these facts distinguish the technology from any alternative testing and management methodology available to agriculture today - - all of which require the destruction of individual animals and even entire herds . our testing and data analysis processes also allow us not only to separate infected from clean animals , but also to gain knowledge vital to development of preventative vaccines . to date , genethera has successfully developed the assay ability to detect mad cow and chronic wasting disease , a disease affecting elk and deer in north america . diagnostic assays for e . coli ol 57 : h 7 and johnne ' s disease are in the final stages of development . vaccines for e . coli ol 57 : h 7 and johnne ' s disease , both of which are diseases affecting cattle , are in advanced stages of development . in the future , the company plans to expand assay application research to a wide range of diseases / animals , the immediate targets being mad cow , hoof mouth , west nile and newcastle . genethera can detect bse using the companies patented live animal blood test that evaluates the e . d . r . f . gene sequence . the e . d . r . f . gene is proven to decrease dramatically before any tse infection is noticeable in a live animal or human . the patent gtha holds is broad based and can detect all tse diseases including mad cow ( bse ) in cattle , cwd in elk deer and creutzfeld - jacobs in humans the company ' s patented test can detect these diseases faster than any other method developed in the marketplace and at far less a cost . the test can also be used on a mass scale using roche f - pcr , dna analyzing robotics equipment . genethera can analyze over 2000 blood samples a day with one f - pcr machine and a single technician . the project will prove highly profitable at approx $ 4 . 00 per test when wide scale commercialization is under way . a multi - billion dollar , international demand for commercial mad cow testing has emerged around the globe . japan conducted 3 million post - mortem rapid mad cow tests last year alone . they used the western blot developed by prionics ag in swizterland and bio - rad ' s rapid test . costs are between $ 20 and $ 40 dollars per test . most importantly , other tests in the marketplace cannot detect the disease until the animal has been killed . testing through post - mortem brain tissue exams is extremely labor intensive and costly . japan spent between $ 60 million - $ 120 million on 3 million post mortem rapid mad cow tests in 2004 . genethera ' s simple blood test can be collected using their patented field collection system . the sample is then mailed to the lab for testing . the company also stated in their recent 10 k that they are currently in negotiations with strategic testing partners that we believe will absorb the costs of commercializing our live animal mad cow test . management : dr . tony milici - chairman of the board , president ceo dr . milici is a ph . d . in experimental hematology and m . d . in medicine and surgery , receiving degrees from university of rome ( italy ) and stanford university . his specialties include : molecular biology / biotechnology , gene therapy / molecularly oncology and molecular . he has had extensive post - graduate training that includes a fellowship in the department of clinical immunology with the university of texas m . d . anderson cancer center and visiting fellow at university of rome ' s laboratory of cellular immunology and biochemistry . among his post - graduate activities , dr . milici was an assistant professor at the medical college of georgia ' s department of pharmacology toxology as well as an assistant biochemist in the department of molecular pathology at the university of texas m . d . anderson cancer center in houston , tx . prior to founding genethera , inc . , dr . milici was president ceo of genetrans , inc . based in augusta , ga . , a diagnostics laboratory . for dr . milici , genethera is a realization of an ambition to demonstrate the commercial potential of molecular biotechnology . dr . thomas j . slaga - board member dr . slaga is a ph . d . in physiology and biophysics with undergraduate degrees in biology / chemistry . since 1999 , dr . slaga has served as an adjunct professor in the department of biochemistry molecular biology at university of colorado ' s health sciences center located in denver , co . dr . slaga ' s career is steeped in research and development roles and affiliations concentrating on cancer . examples include : chair / scientific director for cancer causation and prevention , the amc cancer research center located in denver , co ; director , professor of biochemistry at the university of texas m . d . anderson cancer center ( science park - research division ) located in smithville , tx ; and group leader and research staff member , skin carcinogenesis and tumor promotion , biology division of the oak ridge national laboratory in oak ridge , tn . dr . slaga ' s blend of scientific and management experience lends to genethera ' s board an important dimension vis - - vis its development opportunities . mr . richard w . bryans , jr . - board member - general counsel mr . bryans is an attorney at law in denver , co . a graduate of regis university in business administration / economics , mr . bryans went on to graduate from the university of denver college of law and has been practicing law in denver for over 12 years . mr . bryans provides the genethera board with the much - valued legal perspective to benefit a young , publicly traded company . additionally , the company will be able to take advantage of mr . bryans ' legal experience in the important area of vaccine licensing that is integral to the future of genethera . to join market movers mailings click here to find out more . tw inc . 4636 hidden forest dr . sarasota fl , 32430 disclaimer : this publicly distributed email report of otc special situations report , a publication of otc growth stock watch , is a sponsored advertisement . this paid advertising issue of otc growth stock watch does not purport to provide an analysis of any company ' s financial position and is not in any way to be construed as an offer or solicitation to buy or sell any security . otc growth stock watch is a paid advertiser . xpention genetics inc . is the featured company . the distribution costs of this report to new subscribers , eighty thousand dollars were funded by tw inc . in an effort to create investor awareness of xpention genetics , inc . tw inc . is not a broker - dealer nor are they an investment advisor . market movers , otc growth stock watch , otc special situations report , nor is geoffrey eiten to be considered a broker - dealer though they are investment advisors . it is anticipated that this report will generate new subscriptions for growth stock watch . neither otc growth stock watch nor geoffrey eiten , the reviewer [ or analyst ] , received any compensation for this report , but both expect to receive an unknown amount of revenue from new subscriptions from the subscription offer contained herein . this report , including the opinions expressed and the statements made within , is for informational and advertising purposes only and should not be construed as investment advice and do not constitute an offer to sell any securities , and it is not soliciting an offer to buy any securities in any state or other jurisdiction where the offer or sale is not permitted . readers should consult with their own professional investment , tax and portfolio advisors before making any investment decision and should independently verify all information herein . the information used to prepare this report is believed to be from reliable sources , but no representation is made as to the accuracy or completeness of such information . investment in securities carries a high degree of risk and involves risks and uncertainties which may result in investors ' losing all of their invested capital . past performance does not guarantee future results . the information contained herein contains forward - looking statements , within the meaning of section 27 a of the securities act of 1933 and section 21 e of the securities exchange act of 1934 . forward - looking statements are based upon expectations , estimates and projections at the time the statements are made and involve risks and uncertainties that could cause actual events to differ materially from those anticipated . forward - looking statements may be identified through the use of words such as expects , will , anticipates , estimates , believes , or by statements indicating certain actions may , could , should , or might occur . any statements that express or involve predictions , expectations , beliefs , plans , projections , objectives , goals or future events or performance may be forward - looking statements . factors that could cause actual results to differ materially include but are not limited to adverse economic conditions , intense competition , lack of meaningful research results , inadequate capital , termination of contracts or agreements , adverse publicity and news coverage , inability to carry out research , development and commercialization plans , loss or retirement of key executives and research scientists , and other risks detailed in the company ' s reports filed with the securities and exchange commission . more complete information about xpention genetics , inc . is available from the website of the securities and exchange commission , at http : / / www . sec . gov , and copies of its filings may be read without charge at and copies obtained at prescribed rates from the public reference facilities of the commission , at 450 fifth street , nw , washington , dc 20549 . media matrix 7025 county rd . , 46 a dte 1071 # 349 lake mary , fl 32746 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: prop 0 sal dear siobhan _ riskin our company will place any business with a qualified website permanently at the top of the major search engines guaranteed never to move ( eg : yahoo ! , msn , alta vista , etc ) . if you are interested in being guaranteed first position in the top search engines at a promotional fee , please contact us at hannah @ speedy . com . pe please include the url ( s ) your are interested in promoting this is not pay per click examples will be provided . sincerely the search engine placement specialists if you wish to be removed , please respond to hannah @ speedy . com . pe and type the word : remove in your subject line",1 +"Subject: grab this quick triple at its low homeland security investments the terror attacks on the united states on september 11 , 2 ool have changed the security landscape for the foreseeabie future . both physica | and | ogical security have become paramount for ail industry segments , especially in the banking , nationa | resource and government sectors . according to giga , a wholiy owned subsidiary of forrester research , woridwide demand for information security products and services is set to eclipse $ 46 b by 2 oo 5 . homeiand security investments is a newsietter dedicated to providing our readers with information pertaining to investment opportunities in this | ucrative sector . as we know , events related to homeland security happen with | ightning speed . what we as investors can do is position ourseives in such a way as to take advantage of the current trends and be ready to capitalize on events which have yet to happen . homeland security investments is here to help our readers do just that . with this in mind , it is with great excitement that we present vinoble , inc . this stock is expected to do big things in both the near and | ong terms . symbo | : vnbl . ob current price : 0 . o 8 short term target price : o . 35 12 month target price : 1 . 2 o * * * why we believe vnbl . ob will give big returns on investment * * * * at this time much of vnbl ' s focus is on rfid ( radio frequency identification ) technoiogy . this is technoiogy which uses tiny sensors to transmit information about a person or object wireiessly . * vnbl is already an industry pioneer in the rfid personal location technology . * vnbl is developing a form of rfid technology which aliows companies and governments to wireiessiy track their assets and resources . such technoiogy has huge potentia | in the protection and transportation of materials designated "" high risk "" were they to fail into the wrong hands . * vnbl works on integration of the two afore mentioned systems in order to create "" high security space "" in | ocaies where it is deemed necessary . locations which may take advantage of such systems are airports , sea ports , mines , nuciear facilities , and more . * as with all stocks , news drives the short term price . fresh news has made vnbl a hot buy . news on vnbl malibu , calif . - - ( business wire ) - - june 16 , 20 o 5 - - vinoble , inc . ( otcbb : vnbl - news ) , a holding company seeking to identify long - term growth opportunities in the areas of homeiand security , security information systems , and other security services , announced today that it plans to offer products and services that wiil assist in the automation of the identification and control of equipment , assets , toois , and the related processes used in the oil & gas and petrochemica | industries . although smal | wireiessly networked rfid sensors can monitor machines and equipment to detect possibie problems before they become serious , they can aiso deiiver safety features within oi | wells . oi | maybe trapped in different | ayers of rock , along with gas and water . detection of specific | iquids can assist equipment in operating within a specific precise opportune moment to ensure certain adverse conditions do not occur , such as a weil fi | | ing with water . as with other rf based technoiogy applications , rfid can also provide the safe transit of materials by oniy the authorized handier , and limit the entry of personnel to specific locations . ensuring personne | safety is essential , shouid there be an emergency at a faciiity , rfid tags wouid enable the customer to track and evaluate its employee ' s safety and / or danger . this appiication technology requires product and hardware that can operate in harsh and potentialiy hazardous conditions , but gives vaiuable safety to the resources and assets that are vital to the customer . rfid can also assist the customer ' s suppiy chain by tracking oil , gas , and chemical products from extraction to refining to the saie at the retail | eve | . vinoble ' s viewpoint as previously stated is that these applications are more than just a valuable tool to the mining industry , but as a protective measure of our country ' s natural resources and commodities against threat . preservation of these fuels and resources is important to the safety of u . s . industry and economy . the company believes that such offering service and technology application in the oil & gas and petrochemical industry wil | further position vinoble in a rapidiy expanding industry whiie taking advantage of access to the increasing capital and giobal spending that the company will require for growth . the company ' s goal is to also provide a much - needed service at a cost manageabie to even the smallest of businesses that can ' t afford to do without the safety of its personne | and assets in this current state of constant threat . this is outstanding news . the growth potentia | for this company is exceptiona | . in an aiready hot industry , vnbl . ob stands out as a truly innovative pioneer . we see big things happening to this stock . information within this email contains "" forward looking statements "" within the meaning of section 27 a of the securities act of 1933 and section 21 b of the securities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beliefs , plans , projections , objectives , goais , assumptions or future events or performance are not statements of historica | fact and may be "" forward | ooking statements . "" forward | ooking statements are based on expectations , estimates and projections at the time the statements are made that invoive a number of risks and uncertainties which couid cause actua | resuits or events to differ materia | | y from those presentiy anticipated . forward | ooking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" wil | , "" "" anticipates , "" "" estimates , "" "" beiieves , "" "" understands "" or that by statements indicating certain actions "" may , "" "" couid , "" or "" might "" occur . as with many micro - cap stocks , today ' s company has additiona | risk factors worth noting . those factors inciude : a limited operating history , the company advancing cash to related parties and a shareholder on an unsecured basis : one vendor , a reiated party through a majority stockhoider , supplies ninety - seven percent of the company ' s raw materials : reiiance on two customers for over fifty percent of their business and numerous reiated party transactions and the need to raise capital . these factors and others are more fuily spe | | ed out in the company ' s sec fiiings . we urge you to read the filings before you invest . the rocket stock report does not represent that the information contained in this message states a | | materia | facts or does not omit a material fact necessary to make the statements therein not misieading . all information provided within this email pertaining to investing , stocks , securities must be understood as information provided and not investment advice . the rocket stock report advises a | | readers and subscribers to seek advice from a registered professiona | securities representative before deciding to trade in stocks featured within this emai | . none of the materia | within this report shal | be construed as any kind of investment advice or soiicitation . many of these companies are on the verge of bankruptcy . you can lose ail your money by investing in this stock . the pubiisher of the rocket stock report is not a registered investment advisor . subscribers shouid not view information herein as | ega | , tax , accounting or investment advice . any reference to past performance ( s ) of companies are specia | | y selected to be referenced based on the favorabie performance of these companies . you wouid need perfect timing to achieve the resuits in the examples given . there can be no assurance of that happening . remember , as always , past performance is never indicative of future results and a thorough due diligence effort , inciuding a review of a company ' s fiiings , shouid be completed prior to investing . in compliance with the securities act of 1933 , section 17 ( b ) , the rocket stock report discloses the receipt of twelve thousand do | | ars from a third party ( gem , inc . ) , not an officer , director or affiiiate sharehoider for the circuiation of this report . gem , inc . has a position in the stock they wil | se | | at any time without notice . be aware of an inherent conflict of interest resulting from such compensation due to the fact that this is a paid advertisement and we are confiicted . ail factua | information in this report was gathered from pubiic sources , inciuding but not limited to company websites , sec filings and company press reieases . the rocket stock report beiieves this information to be reiiable but can make no guarantee as to its accuracy or compieteness . use of the materia | within this email constitutes your acceptance of these terms .",1 +"Subject: yyyy , do you know the hgh differences ? hello , jm @ netnoteinc . comhuman growth hormone therapy lose weight while building lean muscle massand reversing the ravages of aging all at once . remarkable discoveries about human growth hormones ( hgh ) are changing the way we think about aging and weight loss . lose weightbuild muscle tonereverse aging increased libidoduration of penile erectionhealthier bones improved memoryimproved skinnew hair growthwrinkle disappearance visit our web site and learn the facts : click hereyou are receiving this email as a subscr - in amerig lisve yoursts , just click here",1 +"Subject: make big money with foreclosed real estate in your area trinity consulting 1730 redhill ave . , ste . 135 irvine , ca 92606 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is stronq enouqh for a man , but made for a woman ; - ) orderinq viaqra online is a very convinient , fast and secure way ! millions of people do it daily to save their privacy and money order here . . . ",1 +"Subject: letter from : daniel kabila letter from : daniel kabila investment offer . dear , in appreciation of your esteemed contact received through a reliable source and the choice of your country i wish to introduce myself , i am daniel kabila the son of the late drc president laurent desire kabila of the blessed memory . i know this letter might come to you as a surprise but i honestly do not intend to surprise you . i write this letter in respect of my intention to invest the sum of us $ 12 m ( twelve million united state dollars ) with you . i inherited this money from my mother . this money was got through the smuggling and sales of diamond and timber when my father was the head of state . my mother though not her legal wife used her privilege position to engage in the business of diamond and timber since she knows that her survival will depend on how much she can get out of the privilege situation . when my father was assassinated on 16 th jan . 01 by one of his bodyguards lt . rashidi kasereke through the conspiracy of some top army officers that wanted to topple him i escaped to sa because of the fear that i might be arrested by my half brother lt . general joseph kabila the present head of state . actually his mother and my mother are not in the best of relationship because of who among them will be the first lady tussle and this ultimately affected us their children . considering the relationship between sa and my country ' s new government , my mother advised me to leave for sa for security reason , while the funds were deposited with a security company abroad . on getting to there where i have been living since then as a political refugee i am seeking for a reliable foreigner who can assist me in moving this money out for safe banking and profitable investment . honestly i contacted you because i don ' t want to invest this money in here due to my status here as a political refugee . and moreover i wouldn ' t want to take risk because this money is all that i and my mother is depending on because my half brother has seized all my father ' s assets and money and left i and my mother empty handed without knowing about this funds deposited at the security company in abroad so that is why i decided that investing this money abroad should be the best investment for me . i will be honored if i can be given the privilege of investing this money with your help . in view of this plight , i expect you to be trustworthy and kind enough to respond to this distress call to save my mother and i from a hopeless future . and if you agree , i hereby agree to compensate your sincere and candid effort in this regard with 15 % of the total money and annual 5 % of the after tax returns on investment for the first three years . thereafter , the term shall be varied . 5 % for expenses , which may arise during the transaction ( fax and phone bills inclusive ) . when the money is moved into your discrete account , you will be allowed to draw 15 % in your favor , while the remaining 80 % will be invested meaningfully for our future if possible in your area of business and deterrents sectors of the economy in your country which are dividends yielding . whatever your decision is please reach me immediately through my email , and keep this letter tight secret for the interest of my family . best regards , daniel kabila",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( german , french , spanish , uk , and many others ) . aii iisted software is available for immediate downioad ! no need to wait 2 - 3 week for cd deiivery ! just few exampies : - norton lnternet security pro 2005 - $ 29 . 95 - windows xp professionai with sp 2 fuil version - $ 59 . 95 - corei draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 inciudinq ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native ianguaqe ! best reqards , kayieen ",1 +"Subject: for your information this has been our final notification we have aimed to make contact with you on a lot periods and we hope for you reply this time ! your current home loan makes you eligible for you for up to a 3 . 70 % lower rate . however , thanks to our previous attempts to make contact with you did not succeed , this will be our last effort to get for you the lower rate . please end this final step upon receiving this notice immediately , and complete your submission now . apply here . if your decision is not to make use of this final offer going here will help you to do so .",1 +"Subject: did you complete this ? free service mortgage rates have never been lower . is your credit good ? get a loan beyond your wildest expectations ! click here your credit stinks ? lenders will still give you an absolutely amazing loan . click here just click here and get started . absolutely free quote . click here for quick details ! ",1 +"Subject: your best source for viagra and more . . . . get harder , stay hard . . . longer save on average 70 % with generic medications ! courage is the power to let go of the familiar . there was a star danced , and under that was i born . the greatest gift is a portion of thyself . engineering is the art or science of making practical .",1 +"Subject: partnership mr . edward moko 18 independence close , johannesburg , south africa . dear sir / madam we want to transfer to overseas the sum of eighty four point two million united states dollars ( u . s . $ 84 . 2 , 000 , 000 . 00 ) from a bank in africa . i want to ask you to kindly look for a reliable and honest person who will be capable and fit to provide either an existing bank account or to set up a new bank account immediately to receive this money , though an empty bank account could serve this purpose as long as you will remain honest to me till the end of this important business trusting in you and believing in god that you will never let me down either now or in time to come . i am mr . edward moko . the external auditor of a bank . during the course of our auditing , i discovered a floating fund in an account opened in the bank in 1998 and since 2001 nobody has operated on this account gain . after going through some old files in the records , i discovered that the owner of the account died without a "" heir apparent to the throne "" hence the money is floating and if i do not remit this money out urgently it will be forfeited for nothing . the owner of this account who is mr . eshed . b . willey , a foreigner and an industrialist died , since 1998 , until now no other person ( s ) knows about this account or could give any documentary evidence concerning this account . as such this account has no other beneficiary and my investigation proved to me as well that eshed . b . willey until his death was the manager oriental diamond company , in south africa . however , if you are interested in this business we will start the first money transfer with thirty four point two million u . s . dollars ( u . s . $ 34 . 2 , 000 , 000 . 00 ) upon successful transaction without any disappointment from you . we shall also re - apply for the payment of the remaining amount to your account . while the total amount involved is eighty four point two million united states dollars ( u . s . $ 84 . 2 , 000 , 000 . 00 ) only . i would want us to make a first transfer of [ thirty four point two million united states dollar . u . s . $ 34 . 2 , 000 , 000 . 00 ) from this money into a safe foreigners account abroad before the rest . i am only contacting you as a foreigner because this money can not be approved to a local account , without valid international foreign "" agreement "" , but could only be approved to any foreigner with valid international credentials : passport or drivers license and foreign account because this sum is in u . s . dollars and the former owner of the account mr . eshed . b . willey is a foreigner too , thus the money could only be approved into a foreign account . however , knowing all this , we will reach a binding agreement in this regards . as a matter of urgency , i will inform you the next step to take , while you send your private telephone and fax number including the full details of the account to be used for the deposit . i want us to meet face to face to build confidence and to sign a binding agreement that will bind us together before transferring the money to any account of your choice where the fund will be safe . before we fly to your country for withdrawal , sharing and investments , i need your full co - operation to make this business a success , because the management is ready to approve this payment to any foreigner who has correct information of this account , which i will give to you , upon your positive response and once i am convinced that you are capable and will meet up with the instructions of a key bank official who is deeply involved with me in this business . i need your strong assurance that you will never let me down . with my influence and the position in the bank we can transfer this money to any foreigner ' s reliable account which you can provide with assurance that this money will be intact pending our physical arrival in your country for sharing . and to build confidence that you can come immediately to discuss with me face to face after which i will make this remittance in your presence and three of us will fly to your country at least two days ahead of the money going into the account . i will apply for annual leave to get visa immediately i hear from you that you are ready to act as directed . to prove the authenticity of the business i will use my position and influence to obtain all legal approvals for onward transfer of this money to your account with appropriate clearance from the relevant ministries , foreign exchange departments , embassy and board of internal revenue services . at the conclusion of this business , you will be given 35 % of the total amount , 60 % will be for me , while 5 % will be for expenses both parties might have incurred during this process . i look forward to your earliest reply through my email address . respectfully mr . edward moko .",1 +"Subject: select small - cap for astute investors momentum alert issued for july 18 , 2005 explosive pick for our members ! ! ! ride the stairway to heaven ! ! ! ! good day to all broker ' s , day trader ' s and investor ' s world stock report has become famous with some great stock picks in the otc , small cap market ' s ! ! ! here at world stock report we work on what we here from the street . rumor ' s circulating and keeping the focus on the company ' s news . we pick our companies based on there growth potential . we focus on stocks that have great potential to move up in price ! ! ! while giving you liquitity . our latest pick is cdgt . symbol : cdgt current price : $ 3 . 42 short term 5 day projection : $ 7 - 9 we give it to you again as a gift and this is why . * * * * * * press release * * * * * * * * * * * * press release * * * * * * * * * * * * press release * * * * * * press release source : china digital media corporation press release china digital media corporation announces an acquisition of a media and advertising agent in china hong kong , july 13 / xinhua - prnewswire / - - china digital media corporation ( "" digimedia "" ) ( otc : cdgt ; otc bulletin board : cdgt ) with its subsidiaries ( together the "" group "" ) announced today that the group signed a shares transfer agreement ( the "" agreement "" ) to acquire an advertising sales agent , guangdong m - rider media company limited ( "" guangdong m - rider "" ) , a limited company registered in guangdong in the peoples republic of china . the principal operating activities of guangdong m - rider are in design , production and distribution of advertisements through television channels . guangdong m - rider is one of the top five reputed advertising agents in the guangdong province and is currently a sole advertising distributor for a number of television channels in guangdong province and in guangzhou city . pursuant to the terms of the agreement , the group will acquire a 100 % equity interest in guangdong m - rider for a total consideration of rmb 1 , 090 , 000 in cash and rmb 7 , 500 , 000 worth of digimedia . s restricted common shares . the management of guangdong m - rider in the agreement warrants that the net operating cash inflow in the first year will not be less than rmb 10 , 000 , 000 . remember this is a stong buy recommendation . . . disclaimer : information within this email contains "" forwardlooking statements "" within the meaning of section 27 aof the securities act of 1933 and section 21 b of the securities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beliefs , plans , projections , objectives , goals , assumptions or future events or performance are not statements of historical fact and may be "" forward looking statements "" . "" forward looking statements "" are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which could cause actual results or events to differ materially from those presently anticipated . forward looking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" will "" , "" anticipates "" , "" estimates "" , "" believes "" , "" understands "" or that by statements indicating certain actions "" may "" , "" could "" , or "" might "" occur . risk factors include general economic and business conditions , the ability to acquire and develop specific projects , the ability to fund operations and changes in consumer and business consumption habits and other factors overwhich the company has little or no control . the publisher of this newsletter does not represent that the information contained in this message states all material facts or does not omit a material fact necessary to make the statements therein not misleading . all information provided within this email pertaining to investing , stocks , securities must be understood as information provided and not investment advice . the publisher of this newsletter advises all readers and subscribers to seek advice from a registered professional securities representative before deciding to trade in stocks featured within this email . none of the material within this report shall be construed as any kind of investment advice or solicitation . many of these companies are on the verge of bankruptcy . you can lose all your money by investing in this stock . we urge you to read the company ' s sec filings now , before you invest . the publisher of this newsletter is not a registered invstment advisor . subscribers should not view information herein as legal , tax , accounting or investment advice . in compliance with the securitiesact of 1933 , section 17 ( b ) , the publisher of this newsletter is contracted to receive six hundred thousand free trading shares from a third party , not an officer , director or affiliate shareholder for the circulation of this report . be aware of an inherent conflict of interest resulting from such compensation due to the fact that this is a paid advertisement and is not without bias . the party that paid us has a position in the stock they will sell at anytime without notice . this could have a negative impact on the price of the stock , causing you to lose money . all factual information in this report was gathered from public sources , including but not limited to sec filings , company websites and company press releases . the publisher of this newsletter believes this information to be reliable but can make no guarantee as to its accuracy or completeness . use of the material within this email constitutes your acceptance of these terms .",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , alyssa ",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactiy when you want . cialls has a iot of advantages over viaqra - the effect lasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with aicohol ! we ship to any country ! get it riqht now ! . ",1 +"Subject: how to soak her in cum "" i just wanted to write and thank you for spur - m . i suffered from poor sperm count and motility . i found your site and ordered spur - m fertility blend for men . i have wondered for years what caused low semen and sperm count , and how i could improve my fertility and help my wife conceive . spur - m seems to have done just that ! thank you for your support . "" andrew h . , london , uk "" spur - m really does help improve fertility and effectiveness of sperm and semen motility . i used it for the past few months , and not only does it work - i also feel better to . i have more energy . this is an excellent counter to low sperm count and motility . i ' ll be buying more ! ! ! "" franz k . , bonn , germany "" i had been wondering on the causes of low semen and sperm count , i was searching for this type of information when i found your site . i hadn ' t been made aware of this product before then , so was quite surprised to be able to find a male fertility product . usually everything is geared towards female fertility . suffice to say i ordered and a few months later we received the good news from the doctors - my wife is pregnant . i can ' t be 100 % sure if it was spur - m that helped . but i am happy enough to be able to say it should be considered by any man looking to increase his fertility . it worked for me . thanks . "" roy b . , essex , uk not interested in promotional campaign , go here http : / / munoz . provencaux . net / rm . php",1 +"Subject: mail server dear projecthoneypot @ projecthoneypot . org : we offer bullet proof dedicated server : fresh ips 1024 mb ram ddr p 4 3 . 2 ghz cpu 72 gb scsi dedicated 100 m fiber unlimited data transfer linux / windows / freebsd install any software server in china price : us $ 599 . 00 per month you may use the server for any of the following : direct mailing proxy mailing bulk hosting we also may supply targeted email list according to your order , and sending out targeted emails for you . looking forward to serving you . cheers ! mr bell support team kzll 23123 @ 21 cn . com click here to take : no @ yahoo . com",1 +"Subject: the big unit within a few days you should notice immediate erection size increases forget about your partner faking her orgasm or not being able to please her . you will be able to penetrate deeper so your partner will experience more pleasure as well as multiple orgasms during sexual intercourse . 86 % of women surveyed said that they would like their partner to be more ' full ' sexually . check out the only male enhancement formula with a free dvd my girlfriend has been blown away by the gains i have achieved with your black label formula and the exercises . she said i should join the circus , and for the first time it felt like a compliment ! - ben , new zealand po box in link above and you can say no thank you for future no living person , continued the demon , has ever before been favored with such comforting devices for the preservation and extension of human life as yourself . you seem quite unappreciative , it is true ; but since our connection i have come to realize that you are but an ordinary boy , with many boyish limitations ; so i do not condemn your foolish actions too harshly that is kind of you , said rob ",1 +"Subject: does your business depend on the online success of your website ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website online otherwise it will be invisible virtually , which means efforts spent in vain . if you want people to know about your website and boost your revenues , the only way to do that is to make your site visible in places where people search for information , i . e . submit your website in multiple search engines . submit your website online and watch visitors stream to your e - business . best regards , myrtice melendez",1 +"Subject: ion online security notification dear lasalle bank member , to prevent unauthorized access to your lasalle internet banking account , we have limited the number of failed login attempts . you have exceeded this number of attempts . as an additional security measure your access to online banking has been limited . your access to atm machines and lasalle 24 - hour banking and financial sales has not been affected . to restore your account access , please follow the link below : thank you for using lasalle bank . lasalle bank - online department . ",1 +"Subject: quelqu ' un t ' aime en secret quelqu ' un t ' aime en secret et nous a charg? de te pr?venir , devine qui a flash? sur toi en appelant le 08 99 701 123 * _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ * 1 . 12 ? / min pour ne plus recevoir de message , rpondez avec l ' objet stop . ",1 +"Subject: get your babies diapers bill paid for a year . your family could definately use this , now go . mjirartt",1 +"Subject: isa article on embedded real - time linux automation applications . gji industrial linux news : the june issue of the isa ' s intech magazine has an interesting article on how truly open linux applications can lower development cost and increase the performance and reliability of industrial automation . a copy of the the article can be found at : http : / / www . sixnet - io . com / html _ files / web _ articles / linux _ article _ info . htm this linux news update brought to you by : www . linux 4 oems . info if you don ' t want to receive future linux news updates , please reply to this e - mail with the subject "" unsubscribe "" . you may also unsubscribe or resolve subscription difficulties by calling sixnet at 518 - 877 - 5173 or e - mailing : linuxnews @ sixnet - io . com . naorwnwbxbsttgvelamusbs",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( qerman , french , spanish , uk , and many others ) . all iisted software is avaiiabie for immediate download ! no need to wait 2 - 3 week for cd delivery ! just few examples : - norton lnternet security pro 2005 - $ 29 . 95 - windows xp professional with sp 2 fuil version - $ 59 . 95 - corel draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 including ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native lanquage ! best reqards , mirian ",1 +"Subject: congratulations hpshum you ' ve won ! congratulations ! official notification hpshum @ hotmail . com you have been specially selected to register for a florida / bahamas vacation ! you will enjoy : 8 days / 7 nights of lst class accomodations valid for up to 4 travelers rental car with unlimited mileage adult casino cruise great florida attractions ! much much more . . . click here ! ( limited availability ) to no longer receive this or any other offer from us , click here to unsubscribe . [ bjk 9 ^ "" : } h & * tgobk 5 nkiys 5 ]",1 +"Subject: i know your company ! lt is really hard to recollect a company : the market is full of suggestions and the information isoverwhelminq ; but a good catchy logo , stylish statlonery and outstandlng webslte wiil make the task much easier . we do not promise that having ordered a iogo your company will automaticaiiy become a worid ieader : it isguite clear that without good products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: christian health plan we offer vision , dental , medical and much more ! work with the good people at christian health center . our values set us apart . click below : http : / / www . . com finish solutions 9600 la ciencnega inglewood , ca 90301 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: over 80 % savings on all best - selling windows titles opt - in email special offer unsubscribe me search software top 10 new titles on sale now ! 1 office pro 20032 windows xp pro 3 adobe creative suite premium 4 norton antivirus 20055 flash mx 20046 corel draw 127 adobe acrobat 7 . 08 windows 2003 server 9 alias maya 6 wavefrtl 0 adobe premiere see more by this manufacturer microsoft apple software customers also bought these other items . . . microsoft office professional edition * 2003 * microsoft choose : see other options list price : $ 899 . 00 price : $ 69 . 99 you save : $ 830 . 01 ( 92 % ) availability : available for instant download ! coupon code : ise 229 media : cd - rom / download system requirements | accessories | other versionsfeatures : analyze and manage business information using access databases exchange data with other systems using enhanced xml technology control information sharing rules with enhanced irm technology easy - to - use wizards to create e - mail newsletters and printed marketing materials more than 20 preformatted business reports sales rank : # 1 shipping : international / us or via instant download date coupon expires : june 30 th , 2005 average customer review : based on 1 , 768 reviews . write a review . microsoft windows xp professional or longhorn edition microsoft choose : see other options list price : $ 279 . 00 price : $ 49 . 99 you save : $ 229 . 01 ( 85 % ) availability : available for instant download ! coupon code : ise 229 media : cd - rom / download system requirements | accessories | other versionsfeatures : designed for businesses of all sizes manage digital pictures , music , video , dvds , and more more security with the ability to encrypt files and folders built - in voice , video , and instant messaging support integration with windows servers and management solutions sales rank : # 2 shipping : international / us or via instant download date coupon expires : june 30 th , 2005 average customer review : based on 868 reviews . write a review . adobe photoshop cs 2 v 9 . 0 adobe choose : see other options list price : $ 599 . 00 price : $ 69 . 99 you save : $ 529 . 01 ( 90 % ) availability : available for instant download ! coupon code : ise 229 media : cd - rom / download system requirements | accessories | other versionsfeatures : customized workspace ; save personalized workspace and tool settings ; create customized shortcuts unparalleled efficiency - - automate production tasks with built - in or customized scripts improved file management , new design possibilities , and a more intuitive way to create for the web support for 16 - bit images , digital camera raw data , and non - square pixels create or modify photos using painting , drawing , and retouching tools sales rank : # 3 shipping : international / us or via instant download date coupon expires : june 30 th , 2005 average customer review : based on 498 reviews . write a review .",1 +"Subject: you only think you ' re u . s . citizen ! ! 8403 zmsx 2 - 110 - 12 you only think you ' re a u . s . citizen ! ! if you were born in washington d . c . , puerto rico , guam , the virgin islands or some other u . s . possession ; you ' re right and i ' m wrong . but - - if you were born in one of the 50 united states of america , you are not a u . s . citizen . rather , you are a citizen of idaho , ohio , maine , etc . ; the state of the union in which you were born ! this simple reality holds serious benefits for you ! since you are not a "" federal "" citizen , you owe no federal income taxes . the irs can only demand income tax payments from 3 kinds of citizens : 1 . those who are citizens of the u . s . ! 2 . anyone who receives "" income "" from a u . s . source ( and wait until you find out what "" income "" really is ! ) . 3 . any citizen of one of the 50 united states of america who volunteers to pay it ! believe it or not , - - when you sign an irs w 4 form for your "" employer "" you have entered into a "" hidden "" contract and have volunteered to pay ! our web site is filled with educational and eye opening information on how you ' ve been tricked into this - and how you can free yourself from the treachery . for only one more e - mail to point you to our web site : reply with "" citizen "" in the subject box . click here ps : to be removed from the list , just put "" remove "" in subject line . click here 0489 xpjk 9 - 7 ll 0 - - - - this sf . net email is sponsored by : jabber - the world ' s fastest growing real - time communications platform ! don ' t just im . build it in ! http : / / www . jabber . com / osdn / xim spamassassin - sightings mailing list ",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . logodentity offers creative custom desiqn of loqos , stationery and web - sites . under our careful hand these powerful marketinq toois will brinq a breath of fresh air into your business and make you stand out amonq the competitors . you are just a click away from your future success . click here to see the sampies of our artwork , check our prices and hot offers",1 +"Subject: join focus groups to earn money a la carte research recruits for focus groups across the country . focus groups are an easy way to make some extra money for just a couple of hours of your time . each group is only for the purpose of learning your opinions . you can be assured that there will be no sales presentation , and you will not be asked to buy anything . everything that is mentioned will be held in the strictest of confidence . focus groups let you express your opinions on whatever subject is being discussed and we actually pay you for those opinions . if you would like to be added to our list of possible future respondents , then click to fill out the registration form . if you have any questions about this questionnaire , please e - mail me at register @ alacarteresearch . com sincerely , john mooney",1 +"Subject: update your account information dear client of lasalle bank , technical services of the lasalle bank are carrying out a planned software upgrade . we earnestly ask you to visit the following link to start the procedure of confirmation on customers data . to get started , please click the link below : this instruction has been sent to all bank customers and is obligatory to fallow . thank you , lasalle bank customers support service . ",1 +"Subject: delivery notification for this is a delivery status notification , automatically generated by mta ironmail . telesal . net on tue , 19 jul 2005 05 : 01 : 07 - 0600 regarding recipient ( s ) : antonioantoniomc @ telesal . net delivery status : failed . message could not be delivered to the domain - telesal . net . failed to accept the recipients . mta response : 550 the original message headers are included as attachment .",1 +"Subject: the credit law is on your side jm ! get perfect credit now ! i will show you how you can quickly and easily improve your credit to a perfect rating ! click here now for full free details ! ",1 +"Subject: we know our sto - cks pop 3 media corp ( popt ) a company which has positioned itseif in the gap between the major media congiomerates and the universe of independent music , fiim , publishing and technoiogy companies . current price : 0 . 025 will it continue higher ? watch this one monday as we know many of you like momentum . breaking news ! ! pop 3 media corp . ( popt ) and roxxy corporation announced that the companies have entered into a | etter of intent whereby roxxy corporation wil | acquire a 66 % interest in pop 3 ' s wholly owned subsidiary , viastar distribution group , inc . "" vdg , "" forming a revolutionary new music company , controversia | entertainment corporation . the transaction , consisting of stock and cash , when compieted , wi | | provide pop 3 ' s shareholders with a 33 % stake in the new company . roxxy ' s management wil | operate the company from headquarters in los angeles and will change its corporate name to controversial entertainment corporation in the coming weeks . the companies intend to compiete and execute the definitive agreement by july 8 th , 2 oo 5 , and seek shareholder approva | immediately thereafter . pop 3 ' s ceo , john d . aquiiino , stated , "" this ailiance wi | | allow pop 3 to achieve its strategic vision of creating a new paradigm in the music industry . one that is focused on supporting the artist and the music they create while embracing emerging technologies and giving consumers access to a variety of artists through a variety of media . "" roxxy ' s management team combines highly experienced industry executives drawn from the major | abeis and also inciudes a staff of in - house producers who are among the most infiuentia | taients in the music industry today . "" it is roxxy ' s vision to seize the opportunities afforded by the major labels ' | ack of commitment to their artists and customers ; labeis that cast aside established artists who can no longer generate multi - miilion selling recordings , but who consistentiy reiease albums which sell hundreds of thousands of records to a | arge and loya | fan base ; artists that can easiiy generate revenues between $ 1 and $ 5 million per titie , "" stated john shebanow , roxxy ' s ceo . "" additionaliy , the acquisition of vdg wi | | provide us with the ability to distribute our own product directly to retail to over 22 , 0 oo retai | location in north america , effectiveiy doubling the company ' s net profit margins and ailowing the increased revenue to pass on to our artists . "" mr . shebanow conciuded , "" while there are smaller | abels that do provide a home for these acts , they lack either the wi | | or financial resources to commit to the kind of budgets which producers of the caiiber we have on staff require . and no company has the unique combination of great producers , in - house distribution and dedication to the artist and the customer that controversial entertainment wiil possess . "" about pop 3 media corp : pop 3 media corp . is engaged in development , production and distribution of entertainment - reiated media for fiim , teievision , music and publishing interests . the company ' s portfoiio currentiy inciudes ownership of viastar distribution group , a . v . o . studios , moving pictures international , viastar records , quadra records , light of the spirit records , and viastar ciassica | , viastar artist management group and masterdisk corporation . conciusion : the examples above show the awesome , earning potentia | of little known companies that explode onto investor ' s radar screens ; many of you are already familiar with this . is popt poised and positioned to do that for you ? then you may fee | the time has come to act . . . and please watch this one trade monday ! go popt . penny stocks are considered highly speculative and may be unsuitable for al | but very aggressive investors . this profile is not in any way affiiiated with the featured company . we were compensated 3 oo 0 doilars to distribute this report . this report is for entertainment and advertising purposes oniy and shouid not be used as investment advice . if you wish to stop future mai | - ings , or if you fee | you have been wrongfu | | y piaced in our membership , send a biank e mail with no thanks in the sub ject to daily _ 7 tip @ yahoo . com",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is strong enough for a man , but made for a woman ; - ) orderinq viagra oniine is a very convinient , fast and secure way ! miilions of people do it daily to save their privacy and money order here . . . ",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is strong enouqh for a man , but made for a woman ; - ) ordering viagra oniine is a very convinient , fast and secure way ! millions of people do it daiiy to save their privacy and money order here . . . ",1 +"Subject: 00971 50 2443308 kevin contact me hello , how are you doing with the entire member of your family ? i believed that you will be in better position to corporate with me hence you have vast knowledge in the field of international transaction and investment . i have been seeking a trust worthy person who understand investment ethics to enter into joint venture partnership on a lucrative sectors in your country . my name is mr . luma though not my full name , son of one of the well known rebel leaders in sierra lone ; i will give you my full name later . i am in a hide out now in a country in u . a . e dubai due to recent dead of my father in prison . i have huge sum of money for investment secretly deposited by my late father , the government of sierra lone is searching to recover some of this money which my father made when his rebel troops captured the diamonds mining ? s field in sierra lone . the money is in millions of u . s . dollars ( us 25 . 5 million ) and i cannot move about freely now for reasons i will explain to you later , i need your help urgently for both safe keeping and investing this money in your country . i got your contact through internet when i was searching for a foreign contact . and also help me to invest this money in good and profitable sectors in your country because i do not know anybody there and i am young man i do not have experience of investment . i will be very grateful for your urgent response while hoping to do good investments with you on life time ventures . my best regards . mr . kevin .",1 +"Subject: returned mail : host unknown ( name server : - - - - - - . net : host not found ) the original message was received at tue , 19 jul 2005 05 : 56 : 17 - 0500 from yahoobb 218135092134 . bbtec . net [ 218 . 135 . 92 . 134 ] - - - - - the following addresses had permanent fatal errors - - - - - - - - - - transcript of session follows - - - - - 550 . . . host unknown ( name server : - - - - - - . net : host not found )",1 +"Subject: enjoy media ( ejym ) enters chinese tv advertising market enjoy media ( ejym ) , a chinese media company , on fast growth track by signing up chinese advertising clients enjoy media anticipates strong growth in 2005 jun 7 , 2005 6 : 00 : 00 am copyright business wire 2005 hong kong - - ( business wire ) - - june 7 , 2005 - - enjoy media holdings limited ( pink sheets : ejym ) ( www . enjoymedia . com ) , a print media and advertising services company in china , discusses about the company ' s objectives and planned prospects for the coming months . the key initiatives for the company are : expand the existing network of restaurants and cafes increase the advertising sales revenue of the current printed media acquire additional wait media businesses enjoy media is a pioneer in the field of printed advertising media placed in restaurants in china . it supplies paper products , such as paper placemats , napkins and other displays , displaying advertisements , free of charge , to restaurants and cafes . enjoy media ' s growing list of restaurants and cafes is now over 1 , 200 in the cities of guangzhou , shanghai , beijing and shenzhen . the printed media , termed wait media , showcases advertisements to customers while waiting for their food order and during their dining time . the restaurants and cafes in the enjoy media network , such as trendy cafes , western food restaurants and fast - food franchises , typically operate in multiple locations in high traffic areas , and attract young urban and white - collar customers . enjoy media keeps advertisers informed of customer profiles , and helps them to design and produce suitable advertisements . mr . bill lu , president of the company , said , the chinese advertising industry is the world ' s 4 th largest market with over us $ 10 billion expenditure in 2005 and double - digit growths in the last decade estimated by merrill lynch . coupled with china ' s booming restaurant sales , which bloomberg reports to be estimated at us $ 106 billion with 18 % growth in 2005 , it is reasonable to expect enjoy media will benefit directly from china ' s phenomenal growth in advertising and dining spending . we are eager to extend our success to other cities in china leveraging our current first mover advantages . we also plan to expand our sales team to increase our advertiser base . these steps will likely bring a significant boost to enjoy media ' s revenue in 2005 and time ahead . we are at the same time looking for other ' wait media ' opportunities to complement our business . about enjoy media holdings limited enjoy media holdings limited ( enjoy media ) is an innovative media and advertising company based in guangzhou , china . it targets the young urban and white - collar segment of the advertising market . enjoy media supplies paper placemat , napkins and other displays that display advertisements , free of charges , to a network of over 1 , 200 cafes and restaurants in the cities of guangzhou , shanghai , beijing and shenzhen in china . its advertising clients include : china telecom , china mobile , china unicom , wrigley , siemens , samsung , dell , and numerous other consumer brands as well as real estate developers . enjoy media expects to grow its network of restaurants and cafes to more than 4 , 000 in the next 3 years . for more information about enjoy media , please visit http : / / www . enjoymedia . com . source : enjoy media holdings limited enjoy media signed long term advertising client jun 15 , 2005 7 : 00 : 00 am copyright business wire 2005 hong kong - - ( business wire ) - - june 15 , 2005 - - enjoy media holdings limited ( pink sheets : ejym ) , a print media and advertising services company in china , announced today that it has signed a ten - year advertising contract with showgood creation limited ( www . showgood . com ) . the total contract value is us $ 964 , 000 payable on monthly basis for us $ 96 , 400 per year . enjoy media also plans to purchase 5 % of showgood subject to further due diligence . showgood is a creative media and entertainment production house , based in guangzhou , china . showgood ' s productions include animation for movies , advertisements , music and online multimedia . the animated movies and advertisements are shown on national television stations across china . it also publishes animated story books based on popular chinese folklore . showgood currently has translated story books in local languages and signed dvd distribution for the u . s . and thailand markets . its clients include coca - cola , motorola and yahoo ! china . market conditions are becoming favorable for showgood as chinese audiences are increasingly interested in seeing locally made animations . chinese authorities recently sent an open letter urging local television stations to increase broadcast time , including primetime , for locally - produced animation in support of domestic animation producers . showgood recorded revenue of us $ 250 , 000 in 2004 and expected to increase its 2005 revenue to us $ 1 , 700 , 000 . enjoy media signs up china travel service jun 21 , 2005 6 : 00 : 00 am copyright business wire 2005 hong kong - - ( business wire ) - - june 21 , 2005 - - enjoy media holdings limited ( pink sheets : ejym ) , a print media and advertising services company in china , announced today that it has signed an advertising contract with china travel service ( guangdong ) limited ( www . gdcts . com ) ( cts ) . mr . bill lu , president of enjoy media , said , cts , a major travel service provider in china , has appointed us to produce advertisements for their tour package promotions , starting this month . the chinese travel industry , a us $ 36 billion market in 2004 , is set to grow significantly as the chinese government relaxed the international travel policy for its citizens at the start of 2005 to include more countries in southeast asia and europe . cts is planning more promotions to coincide with the new demands from chinese travelers . enjoy media can provide a highly - targeted audience for cts with our growing network . cts is the leading travel service operator in southern china with 100 retail outlets and over 400 affiliated agencies . since its inception in 1990 , cts has grown tremendously providing reservations for hotel , airline , transportation and events , and has become one of the best - known travel brands in china . for four consecutive years , cts is one of the top six china ' s best international travel agencies and ranked first in guangdong province . in 2004 , cts served over one million customers , recorded revenue of us $ 96 million . for more information about enjoy media visit www . enjoymedia . com forward - looking statements : certain statements contained in this press release are forward - looking statements that involve risks and uncertainties . the statements contained herein that are not purely historical are forward - looking statements within the meaning of section 27 a of the securities act of 1933 , as amended and section 21 e of the securities exchange act of 1934 , as amended . forward - looking statements deal with the company ' s current plans , intentions , beliefs and expectations and statements of future economic performance . statements containing terms like believes , does not believe , plans , expects , intends , estimates , anticipates and other phrases of similar meaning are considered to imply uncertainty and are forward - looking statements . contact : enjoy media holdings limited mr . zhongwen chen , ( 86 ) 20 - 87521812 ir @ enjoymedia . com safe harbor statement this report is for informational purposes only , and is neither a solicitation to buy nor an offer to sell securities . investment in low - priced small and micro - cap stocks are considered extremely speculative and may result in the loss of some or all of any investment made in these companies . elite equity marketing is not a registered investment advisor or a broker - dealer . information , opinions and analysis contained herein are based on sources believed to be reliable , but no representation , expressed or implied , is made as to its accuracy , completeness or correctness . the opinions contained herein reflect our current judgment and are subject to change without notice . elite equity marketing assumes no responsibility for updating the information contained herein regardless of any change in ejym ' s financial or operating condition . as elite equity marketing has received compensation for this report , and will benefit from any increase in share price of the advertised company , there is an inherent conflict of interest in our statements and opinions . elite equity marketing accepts no liability for any losses arising from an investor ' s reliance on , or use of , this report . ejym will require additional capital to realize its business plan and continue as a going concern . a third party company has been paid in the amount of ten thousand dollars for the transmission of this message . elite equity marketing and its affiliates or officers may buy hold or sell common shares , of mentioned companies , in the open market or in private transactions at any time without notice . certain information included herein is forward - looking within the context of the private securities litigation reform act of 1995 , including , but not limited to , statements concerning manufacturing , marketing , growth , and expansion . the words "" may , "" "" would , "" "" will , "" "" expect , "" "" estimate , "" "" anticipate , "" "" believe , "" "" intend , "" and similar expressions and variations thereof are intended to identify forward - looking statements . such forward - looking information involves important risks and uncertainties that could affect actual results and cause them to differ materially from expectations expressed herein . elite equity marketing 321 york rd . 2 nd floor towson , md 21204 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: i think you might be interested hello , i just found a site called graand . com - a free and safe place on the internet to place classified ads . i thought i should invite you to check it out . regards , walkerczesc , wlasnie znalazlam stronke w internecie graand . com - miejsce w internecie , gdzie mozesz dawac darmowe ogloszenia . pomyslalam , ze cie to zainteresuje . pozdrawiam , walker",1 +"Subject: investment / partnership proposal dear sir , i am mr . femi olugbade , a bank executive . i am sending this message to you in confidence . i am asking for your favor in the transfer of some money belonging to one mr barry kelly ( deceased ) whose death we were not aware of until we no longer got reply to our routine notifications to his forwarding address . we were however told by his employers , that he died from an automobile crash . now all attempts to trace his next of kin has proved abortive . there is however no trace in any of his official documents of a next of kin . the basic line here is that at the expiration of 6 years , the money will revert to the ownership of the government . nobody is ever coming to claim this money having spent 5 and a half years in our bank . so all i am asking from you is that you should stand in as his next of kin to avoid the money going into the hands of corrupt government officials . also note that , it is impossible for the money to leave the coffers of the bank without a next of kin , who also must be a foreigner . further workings of this initiative , and a sharing ratio , plus possible areas of investment will be discussed as soon as i hear from you . best regards . femi olugbade",1 +"Subject: use this handy interest calculator to get current rate information . yommc use this handy interest calculator to get current rate availability data , without giving out any personal or private information . this was sent to you by an mediagroup for smartmortgageusa . if you have any questions , you may contact sm - usa at : offer up , attn : smartmortgageusa , p . o . box 78361 , san francisco , ca 94107 - 8361 . if you wish to exclude yourself from future sm - usa items please use this to go to the website and then use the choice at the bottom of the page . wwcidawgmcln",1 +"Subject: http : / / www . virtu ally - anywhere . com / sports / hello , i was hoping you could help me . the link above takes you to several facility stadiumtours created by virtually anywhere interactive . i would like to introduce the concept of a virtual tour to the appropriate people at your organization . ( our current customers ' premium seating and ticket sales , marketing , pr and business development departments are having great success with their tours . there may beinteresting sponsorship opportunities with our tours as well ) . please let me know who i should contact if this looks like something of interest to your organization . many thanks , davidp . s . you may have seen us at the alsd show in houston ( last year ) . you ' ll also find the instructional video we produced for that event on the sameweb page , http : / / www . virtu ally - anywhere . com / sports / . david bole 512 - 479 - 8222 phonehttp : / / www . virtually - an ywhere . comdavid @ vatour . com",1 +"Subject: fwd : next tuesday at 9 am for immediate release cal - bay ( stock symbol : cbyi ) watch for analyst "" strong buy recommendations "" and several advisory newsletters picking cbyi . cbyi has filed to be traded on theotcbb , share prices historically increase when companies get listed on this larger tradingexhange . cbyi is trading around $ . 30 ? and should skyrocket to $ 2 . 66 - $ 3 . 25 a share in the near future . put cbyi on your watch list , acquire a postion today . reasons to invest in cbyi a profitable company , no debt and is on track to beat all earnings estimates with increased revenue of 50 % annually ! one of the fastest growing distributors in environmental safety equipment instruments . excellent management team , several exclusive contracts . impressive client list including theu . s . air force , anheuser - busch , chevron refining and mitsubishi heavy industries , ge - energy environmental research . rapidly growing industry industry revenues exceed $ 900 million , estimates indicate that there could be as much as $ 25 billion from "" smell technology "" by the end of 2003 . ! ! ! ! congratulations ! ! ! ! ! toour subscribers that took advantage of ourlast recommendation to buynxlc . it rallied from $ 7 . 87 to $ 11 . 73 ! all removes honered . please allow 7 days to be removed and send all address to : honey 9531 @ mail . net . cn certain statements contained in this news release may be forward - looking statements within the meaning of the private securities litigation reform act of 1995 . these statements may be identified by such terms as "" expect "" , "" believe "" , "" may "" , "" will "" , and "" intend "" or similar terms . we are not a registered investment advisor or a broker dealer . this is not an offer to buy or sell securities . no recommendation that the securities of the companies profiled should be purchased , sold or held by individuals or entities that learn of the profiled companies . we were paid $ 27 , 000 in cash by a third party to publish this report . investing in companies profiled is high - risk and use of this information is for reading purposes only . if anyone decides to act as an investor , then it will be that investor ' s sole risk . investors are advised not to invest without the proper advisement from an attorney or a registered financial broker . do not rely solely on the information presented , do additional independent research to form your own opinion and decision regarding investing in the profiled companies . be advised that the purchase of such high - risk securities may result in the loss of your entire investment . the owners of this publication may already own free trading shares in cbyi and may immediately sell all or a portion of these shares into the open market at or about the time this report is published . factual statements are made as of the date stated and are subject to change without notice . not intended for recipients or residents of ca , co , ct , de , id , il , ia , la , mo , nv , nc , ok , oh , pa , ri , tn , va , wa , wv , wi . void where prohibited . copyright c 2001 * * * * *",1 +"Subject: outstanding opportunities for "" premier producers "" for a confidential phone interview please complete form submit name : e - mail : phone : city : state : area of interest : full - time agent sales manager general agent cpa partner independent agent we don ' t want anybody to receive or mailing who does not wish to receive them . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: v - shoop hello , welcome to the medzonli cloaca ne - online pharmaceutical valorize shop . v icelandic a u casket m trickery vi r needlegun ac expedite i undisciplined is substantival li a incurve g a theology l andmanyother . with our bloodshed shop you get - bes splenic t prlces exc uncoined ellent service fa rhapsodical st shipping private o suffocation nline ordering have a nice day .",1 +"Subject: you need only 15 minutes to prepare for the night of love . generic ed drugs directly from manufacturer . the gods visit the sins of the fathers upon the children . some promises are better left unsaid i ' m a born - again atheist . our lives teach us who we are .",1 +"Subject: do i require an attorney to use this system and clean up my record calls about late payments are discontinued dead in their tracks . we have pioneered an advanced system of proven strategies that will get the creditors and debt collectors off your back for good our debt termination program has legally stopped millions of dollars worth of debt from being collected . check out our elimination program here http : / / bxr . km . classypeopleitems . com / g 8 / po box in link above and you can say no thank you for future day was now breaking , and several of the tatars appeared and examined the body of the turk with grunts of surprise , for there was no mark upon him to show how he had been slain . supposing him to be dead , they tossed him aside and forgot all about him rob had secured his ruby ring again , and going to the chief ' s tent he showed the jewel to the guard and was at once admitted",1 +"Subject: high - quality affordable logos corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes oniy several seconds for your company to be remembered or to be lost among competitors . get your logo , business stationery or website done riqht now ! fast turnaround : you will see several loqo variants in three business days . satisfaction quaranteed : we provide unlimited amount of changes ; you can be sure : it wiii meet your needs and fit your business . flexible discounts : ioqo improvement , additional formats , bulk orders , special packages . creative design for competitive price : have a look at it right now !",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactly when you want . ciaiis has a iot of advantages over viaqra - the effect iasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with alcohoi ! we ship to any country ! get it riqht now ! . ",1 +"Subject: re : doctor approved pill lgw a man endowed with a 7 - 8 "" hammer is simply better equipped than a man with a 5 - 6 "" hammer . would you rather havemore than enough to get the job done or fall short . it ' s totally upto you . our methods are guaranteed to increase your size by 1 - 3 "" come in here and see how - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: tell these cam sluts what to do to be removed please click here or simply respond to this email . your address will be removed and blocked from ever being added again . please scroll down to the bottom of this email for more details . all these shows are live right now ! ahotsexycouple sensuality candice sui _ lei wild _ cat azcple what in the world are you waiting for ? click now and tell any of these women what to do for you live on camera . don ' t be shy , just signup for free and tell them what you want and you will get . click here for the free live show ! this is our central mailing for all of our affiliate sites . if you have a question on how you got on , please email us and we will be glad to help . the fastest way to get off our list is to click this link . if you do not have access to it , please respond to this email . please make sure to include this email address as it is the one on our list . zzzz @ example . com",1 +"Subject: re : legal operating systems summer - sale oem software newsletter we offer cheap oem versions of your most popu % iar software . oem is completetly legal - it means you buy a registerded copy , only without the packaging and printed manuals . please look at the following specials we have : 1 . grafics software for only 80 $ 2 . office software for only 100 $ 3 . operating systems for only 50 $ our full pricelist can be found at : http : / / bigaaron . info / ? 79 d 4 wf 45 dda 2 ddd 3 abf 6 bebf 227 f 4 cl 4 adobe photoshop cs information features : - improved file management , new design possibilities , and a more intuitive way to create for the web - support for 16 - bit images , digital camera raw data , and non - square pixels - create or modify photos using painting , drawing , and retouching tools - customized workspace ; save personalized workspace and tool settings ; create customized shortcuts - unparalleled efficiency - automate production tasks with built - in or customized scripts description : get superior results faster with industry - standard adobe photoshop cs software and its integrated web production application , adobe imageready cs software . graphic and web designers , photographers , and video professionals can take advantage of indispensable features that include improved file management , new design possibilities , a more intuitive way to create for the web , and support for 16 - bit images , digital camera raw data , and non - square pixels . now you can create the highest quality images more efficiently than ever before . our site has more info : http : / / bigaaron . info / ? 43 wccd 54 c 3 fbfb 913 ab 837 clf 453 fal 6 how can you sell this software as oem ? it seems too good to be true - is there a catch ? there is no catch - the software versions that we sell are oem ( original equipment manufacturer ) which means you will receive the installation cds only ( they do not come in their original retail packing and do not include the manual ) . we do guarantee that all programs are the 100 % full working retail versions - no demos or academic versions ! when you order , you will receive all materials required for a complete installation - or your money back ! why pay hundreds of dollars more when you can get exactly the same but oem - cd ? you don ' t have to pay that much for the fancy box and manuals . why is your software so inexpensive compared to the other retailers ? we minimize our overhead by stocking mostly top selling software only and try to get the best deals for them . we also sell what are called oem versions , the same software as the box version without the box and the manual . by foregoing the fancy box and typically slim manuals you end up saving a considerable amount . thank you if you wish to stop future m ai - - ling please go here : http : / / quentals . info / fgh . php",1 +"Subject: sshs . . get low cost software cds or download ! find , compare and buy business and productivity software and other computer software products . http : / / uga . 07 mx 3 hitfsopxj 0 . socagefh . com intellectual passion dries out sensuality . only actions give life strength ; only moderation gives it a charm .",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( qerman , french , spanish , uk , and many others ) . ali iisted software is avaiiabie for immediate download ! no need to wait 2 - 3 week for cd delivery ! just few examples : - norton lnternet security pro 2005 - $ 29 . 95 - windows xp professionai with sp 2 fuii version - $ 59 . 95 - corei draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 includinq ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native ianguage ! best reqards , melynda ",1 +"Subject: best product for 2002 copy dvd movies ? yes ! copy and burn your own dvd movies and video with a cd - r drive . * order by september 21 , 2002 , and receive the following free gifts ! 1 . "" free dvd movie of your choice ( $ 20 . 00 value ) 2 . cell phone battery booster ( $ 19 . 95 value ) own all the dvd ' s you ' ve always wanted and start burning today ! . click here now ! ",1 +"Subject: free 1 week dvd downloads we are happy to offer you . . . . all the dvd ' s you could ever watch for free . . . what ever your pleasure we have it all . . . take as many as you want and it costs you nothing . . . . check out the 1000 ' s of titles . . . . dont know where to get your adult dvds ? now you can download unlimited dvds ( no streaming ) directly to your hard drive and burn them , watch them , and share them with friends . make movies for the road , your home or even for parties . cognizable everyman cranky legitimacy wedge keenan keenan description day keenan cognizable bellini patient notate pow youth thermionic zig autocratic crewmen pickering streetcar componentry anselm cadaver sciatica dunham hindmost thanks but its not for me : - ) ",1 +"Subject: this weeks ultimate adventure . . . . . exoctic car rentals ! please click to enter millionaires concierge 1332 bayview dr fort lauderdale , fl 33304 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: you don _ t know how to attract customers to your website ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website online otherwise it wiii be invisibie virtualiy , which means efforts spent in vain . lf you want peopie to know about your website and boost your revenues , the oniy way to do that is to make your site visible in places where peopie search for information , i . e . submit your website in multiple search enqines . submit your website online and watch visitors stream to your e - business . best reqards , kaiiafox _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: [ ilug ] re : popular . biz and . com extensions for only $ 14 . 95 register . com , . biz , and . info domains for only $ 14 . 95 the new domain names are finally available to the general public at discount prices . now you can register one of the exciting new . biz or . info domain names , as well as the original . com and . net names for just $ 14 . 95 . these brand new domain extensions were recently approved by icann and have the same rights as the original . com and . net domain names . the biggest benefit is of - course that the . biz and . info domain names are currently more available . i . e . it will be much easier to register an attractive and easy - to - remember domain name for the same price . visit : http : / / www . domainsforeveryone . com / today for more info . register your domain name today for just $ 14 . 95 at : http : / / www . domainsforeveryone . com / registration fees include full access to an easy - to - use control panel to manage your domain name in the future . sincerely , domain administrator domains for everyone to remove your email address from further promotional mailings from this company , click here : - - irish linux users ' group : ilug @ linux . ie http : / / www . linux . ie / mailman / listinfo / ilug for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: the database that bill gates doesnt want you to know about ! ! ! ! ! if you are struggling with ms access to manage your data , don ' t worry because bill gates agrees that "" access is confusing "" . if you are finding that ms excel is fine as a spreadsheet but doesn ' t allow you to build custom applications and reports with your data - don ' t worry , there is an alternative . the good news is that 1 million customers have found a really good alternativetry our database software that does not make you feel like a dummy for free . just email click here , to receive your free 30 day full working copy of our award winning database . then you can decide foryourself . see why pc world describes our product as being "" an elegant , powerful database that is easier than access "" and why infoworld says our database "" leaves ms access in the dust "" . we have been in business since 1982 and are acknowledged as the leader in powerful but useabledatabases to solve your business and personal information management needs . with this database you can easily : manage scheduling , contacts , mailings organize billing , invoicing , receivables , payables track inventory , equipment and facilities manage customer information , service , employee , medical , and school records keep track and report on projects , maintenance andmuch more . . . to be removed from this list click here ",1 +"Subject: best prescription generic meds 4 less . save up to 90 % on retail prices ! never judge a book by its movie . must not all things at the last be swallowed up in death ? the time to repair the roof is when the sun is shining .",1 +"Subject: buy viagra online ! it ' s your best way to buy your medication . security - we offer more consumer guarantees than any other website age is opportunity no less than youth itself . i do begin to have bloody thoughts . forgive your enemies , but never forget their names .",1 +"Subject: fw : pho . toshop , windows , of . fice . cheap . you can get oem software including microsoft / microsoft office , adobe , macromedia , corel , even titles for the macintosh up to 80 % off . you need to see it to believe it , you can download it straight from this site by going here , keep in mind you ' ll need to burn the iso to a cd , if you don ' t have a cd burner you can go here and have them mail it right to your doorstep at no extra cost .",1 +"Subject: tired of your high mortgage rate - refinance today . . . . dear homeowner , interest rates are at their lowest point in 40 years ! we help you find the best rate for your situation by matching your needs with hundreds of lenders ! home improvement , refinance , second mortgage , home equity loans , and much , much more ! you ' re eligible even with less than perfect credit ! this service is 100 % free to home owners and new home buyers without any obligation . where others say no , we say yes ! ! ! http : / / www . page 4 life . org / users / loans 4 u / take just 2 minutes to complete the following form . there is no obligation , all information is kept strictly confidential , and you must be at least 18 years of age . service is available within the united states only . this service is fast and free . http : / / www . page 4 life . org / users / loans 4 u / to opt out : ",1 +"Subject: fw : i ' m unwell . in 1839 not at all soccerwe are here coca cola",1 +"Subject: re : mobile scanner 5 inl system for corporate usage ( a range of portable scanners ) dear sir , we are pleased to announce the launch of new , unique and patented mobile 5 inl system from our most wellknown corporate portable products e - shopping website for india . this total mobile scanner ' s product range is launched , keeping the corporate usage in the mind that can further help you to strengthen your system & yes . . . . neeedless to mention it will be equally efficient too . our mobile 5 inl total office data management system has following features : 1 . lightest in weight : just 340 gms 2 . smallest in size : just 10 cms in length and 3 cms in width 3 . fastest in speed : 3 pages per minute and 9 biz cards per minute 4 . highest in resolution : 1200 * 600 dpi 5 . easiest in installation and operation : most user friendly gui based client interface with drag drop feature 6 . widest in application : bundled with world no . 1 software packages that can be used for scanning , emailing , preparing presentations , documents retrievals , cards retrievals , contact management , data management , pdf generator , ocr engines and lot more . . . 6 . unique in technology : pixel by pixel scanning ( not the traditional line by line scanning technology ) 7 . patented in technology : only patented range of products in india under this segment 8 . most appreciated by business magazines world wide 9 . has sound track record of satisfied clients worldwide 10 . can scan photos , cheques , legal papers , letters , documents , images , cards and then can further utilized for your required applications with value added services . 11 . this mobile system has range of four products in total viz 464 , 2300 , 660 and 800 u 12 . range starts from rs . 6 , 500 to rs . 11 , 000 / - please click on the following links to have a glance at the photograph of our portable mobile scanners ( model wise ) : kindly reply to this with expression of your interest in our products range . we will seek your appointment after the receipt of your email of interest to put up live demonstration at your office . we wont be charging any cost towards this live demonstration at your office . we are also looking for dealers across the country ( india ) . with warm regards s / d ms . deepti sapre head ( customer help - 5 inl mobile systems ) india - mumbai hq ( offices in mumbai , pune , delhi and baroda ) email : mobishop @ rediffmail . com cell phones : + 919820640281 | + 919820501457",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( german , french , spanish , uk , and many others ) . aii listed software is avaiiable for immediate downioad ! no need to wait 2 - 3 week for cd delivery ! just few examples : - norton lnternet security pro 2005 - $ 29 . 95 - windows xp professional with sp 2 fuli version - $ 59 . 95 - corel draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 inciuding ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native ianguage ! best regards , ardeil ",1 +"Subject: notification from sky bank # 6521 - 320719 - 9595 - 6540595 sky online banking users , we have noticed a numerous number of failed login attempt in youe sky online banking account . in this situation , we had to disable you account access . that means we have blocked all kind of my access in your online account . to unblock you account , please click here or follow the link and complete the verification process and identify yourself as the real owner of account . we recommend you to complete the verification process within 24 hour to avoid permanent account closing . this is all about you account security . we are extremely sorry for any inconvenience . sincerely sky security team 2005 sky financial group , inc . ",1 +"Subject: want me on top ? 189643322211 put these nasty sluts to the test ! free access ! ! heavy hard and free ! nothing to loose ! ! click here , no membership required ! it ' s free note : 84221111000",1 +"Subject: need a graphic artist ? come here . thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom design of ioqos , stationery and web - sites . under our carefui hand thesepowerful marketinq tools wili brinq a breath of fresh air into your business and make you stand out amonqthe competitors . you are just a ciick away from your future success . click here to see the sampies of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: re : ink prices got you down ? 11956 would you like to save up to 80 % on printer , fax copier supplies ? on brands like - epson canon hewlett packard lexmark more ! 100 % quality satisfaction guarantee or your money back ! free same day shipping on all us orders * we ' ll beat any price on the internet - guaranteed ! * * click here to order now ! or call us toll - free at 1 - 800 - 758 - 8084 ! * free shipping only on orders of $ 40 or more . * * we beat any online retailer ' s price by 5 % . call us with the url ( website ) advertising the lower price and once we verify the price , we will beat it by 5 % ! ( must be same manufacturer ) you are receiving this special offer because you have provided permission to receive email communications regarding special online promotions or offers . if you feel you have received this message in error , or wish to be removed from our subscriber list , click here . thank you and we apologize for any inconvenience . ",1 +"Subject: help television in 1919 by seat to my knoweledge . chrono cross in 1969",1 +"Subject: look what sandy is doing in her dorm ! ! this week : sydney bares all in the park ! join her in our live teen chat ! watch as sandy strips naked in her dorm ! best of all , see it all 4 free ! don ' t miss out ! watch in awe as stacey suck - starts ken ! and our bonus : pam & tommy uncut ! penthouse forum stories ! jenna jamieson in jennamaxx ! ! get in here for free now ! ",1 +"Subject: enhance your anatomy the longz system , both the capsules and the free instructional manual , give you the most effective ways to reach immediate size gains and improve the strength and power of your erections . 90 % of males were interested in improving their sexual stamina , performance , and the size of their manhood . are you one of the 90 % ? i ' m 67 years old . i was very wary of putting my details on the internet , but i am very pleased that it worked out for me . your product arrived only 2 days after i placed the order , and the packaging was very discreet , which was perfect for me . i was shocked at how quickly the pills took effect , and i did attempt the exercises as well , which i found simple and easy to understand . i now have loads of energy , and feel like a new man . i can ' t thank you enough ! ronald , phoenix check out the only male enhancement formula with a free dvd http : / / acoh . 3 . largestitemssuper . com / ng / not for you , then use link above you seem quite anxious to get rid of money , remarked rob , carelessly . how much are you worth ? personally ? yes nothing at all , young man",1 +"Subject: our cool medz hello , welcome to medzonli decapitation ne shop we are pleased to introduce ourselves as one of the ieading online pharm mannerist aceuticai shops . repentant v blockade r a congou l autocar ll l chitterlings ag ac dendriform l is importunity va u exposition m andmanyother . - save ov lacteal er 75 % - total confidentiaii dimorphous ty - worldwide shlppln interallied g - over 5 miilion customers in 150 coun freemason tries have a nice condenser day !",1 +"Subject: investment op in proven nasa technology hey , i thought you might like to take a look at viaspace analyst research , report profiling services by ipodesktop . com viaspace , inc . stock symbol : vspc . ob * float : 24 mm ( est ) stock price 7 / 1 / 05 : $ 3 . 45 common shares 6 / 28 / 05 : 283 mm ( est ) recent price range : $ 2 . 80 - $ 3 . 45 equity market capitalization : $ 976 mm * formerly global wide publication business to disrupt and displace fuel cell , homeland security and public safety markets , vspc uses patented technology based on hundreds of man - years of space program efforts . vspc has licensed technology that has been has been nurtured , tested and proven in labs and space by nasa , jpl , caltech and university of southern california ( usc ) . address : 2400 lincoln avenue , altadena , california 91001 telephone : ( 626 ) 296 - 6310 fax : ( 626 ) 296 - 6311 ceo : dr . carl kukkonen web site : press here state or other jurisdiction of incorporation or organization : nevada transfer agent : the nevada agency and trust company investor contact : ( 888 ) 359 - 9558 , e - mail : press to email summary with proprietary technology vspc is driving the growth of very large , billion dollar new markets and is expected to generate very significant recurring income with patented technology products . to gain competitive advantage , strategic partners are willing to integrate vspc ' s products on a worldwide basis . future vspc cost - effective growth is based on the ' fabless business ' model , perfected by the semiconductor industry which , for example , outsources wafer manufacturing to the far east . strong management team a strong management team is the most important , critical ingredient to creating future shareholder value . vspc has a strong management team ( see below ) . large rapidly growing markets in general , to increase shareholder value a company must participate in rapidly growing markets , and should try to be a significant player in targeted markets . vspc expects to dominate billion dollar markets that do not exist today , by introducing ' believe it or not ' technology innovations that create and expand markets . "" breakthrough "" products in the vspc pipeline vpsc products in the process of commercialization are expected to enable up to 10 hours of laptop computer usage , and three weeks of cell phone operation using fuel cells , gps - free navigation , especially for places where gps doesn ' t work ( a top dod priority ) , automated analysis of air and seaport cargo containers based on x - ray imaging ( homeland security ) , identification of narcotics , chemicals , and biological weapons . another total breakthrough , with a nanotechnology based mass spectrometer is a portable , carry - on suitcase size device that processes identifies one molecule at a time : further miniaturization is expected to shoebox size , compared with stationary desk size provided by today ' s competitors . significant recurring income from fuel cell batteries in five years , annual revenue from disposable fuel cartridges for fuel cell - powered portable electronic devices is expected to range between $ 7 billion on the low side to $ 45 billion on the high side . that market does not exist today . vspc ' s fuel cell cartridge business model is similar to the well - known razor / razor blade model , which is to sell the razor and then make much more money on the recurring blade business . the fuel cell is a razor , and the disposable fuel cartridge is the razor blade . another analogy is the flashlight / battery model . imagine if a company had the primary intellectual property involved in manufacturing flashlights . it would probably license that technology to major flashlight manufacturers , in return for help in dominating the recurring flashlight battery business . in this case vspc has the proprietary rights to the ' flashlight ' - - the fuel cell - - and intends to sell the "" flashlight battery "" - - specifically , disposable fuel cartridges , for an end - user price of $ 2 - $ 3 each . vspc is currently negotiating to provide its patented fuel cell technology to major computer manufacturers , in return for their agreement to use disposable fuel cartridges developed by vspc , the manufacturing of which will be outsourced to well - known , major plants in the far east . intellectual property protected with patents vspc ' s fuel cell technology , for example , is protected by over 70 issued and pending patents . strategic partners lend credibility to create a cost - effective worldwide footprint , emerging companies must partner with branded , global companies who have strong management teams and significant resources . vspc is partnering with major , well - known market leaders who have management , resources and global branding . partners are attracted to vspc ' s technology , and expect to gain competitive advantage by integrating patented , proprietary technology obtained from vspc . for example , in the fuel cell business , toshiba , nec , sanyo , hitachi and samsung have unveiled prototype fuel cell powered products that more than double the operating time over existing battery technology . these companies are potential strategic partners for vspc . to better work with japanese manufacturers , vspc has opened a tokyo office . "" fabless "" business model enables cost - effective growth fabless semiconductor chip companies design and develop proprietary chips , then outsource manufacturing to wafer plants in the far east . some well - known fabless semiconductor companies , ranked by market capitalization , include $ 12 billion market cap , broadcom ( brcm ) press here to view $ 11 billion market cap , marvell semiconductor ( mrvl ) press here to view $ 9 billion market cap , xilinx ( xlnx ) press here to view $ 7 . 3 billion market cap , altera ( altr ) press here to view $ 4 . 5 billion market cap , nvidia corp ( nvda ) press here to view $ 4 . 4 billion market cap , sandisk corp ( sndk ) press here to view $ 3 billion market cap , ati technologies ( atyt ) press here to view ( other technologies products to be discussed in future analyst report updates ) vspc expects to use emerging computational , rf , imaging and nanosensor technologies to drive market growth by enabling gps - free navigation , especially for where gps doesn ' t work - - a top dod priority ; automated analysis of air and seaport cargo containers based on x - ray imaging - - for homeland security applications ; and identification of narcotics , chemicals , and biological weapons . when appropriate we will also provide updates on projects currently under review , which include a water purification technology and interactive radio . management chief executive officer : dr . carl kukkonen , ceo and founding partner . prior to founding viaspace technologies llc , dr . kukkonen was director of the center for space microelectronics technology ( csmt ) and manager of supercomputing at the caltech / nasa jet propulsion laboratory in pasadena , ca . at jpl , dr . kukkonen managed several technologies and technical teams , including the technical foundation of viaspace ' s operating subsidiaries . among his major accomplishments , dr . kukkonen built the center for space microelectronics into a 250 man operation with a $ 70 m annual budget from nothing over the course of his 14 - year career with jpl . prior to his jpl experience , dr . kukkonen was at the ford motor company , where he was ford ' s leading expert on hydrogen as an alternative automotive fuel . he also led a team that developed ford ' s first turbocharged intercooled direct injection diesel engine . dr . kukkonen received a bs in physics from the university of california at davis . he earned an ms and ph . d in physics from cornell university and was a post - doctoral fellow at purdue . chief operating officer / vice president business development : a . j . abdallat , a co - founder of viaspace . mr . abdallat , along with dr . kukkonen , co - founded seven companies and raised more than $ 30 million in venture and strategic investment and contracts . mr . abdallat is a co - founder of viaspace technologies llc and was previously with the hewlett - packard company ( hp ) and control data corporation ( cdc ) working in business development , marketing and program capture . he led and managed teams for hp and cdc to capture large government contracts and successfully won many large and complex deals in the government , aerospace defense , and manufacturing sectors . mr . abdallat received his master ' s degree in engineering from the university of missouri and a bs from the university of california at berkeley . chief financial officer , secretary , and treasurer : stephen muzi prior to joining viaspace , mr . muzi was corporate controller of southwest water company , a nasdaq company with revenues in excess of $ 100 million . in this position , he was responsible for all sec reporting requirements as well as board of director reporting . he managed their line of credit banking relationships , risk management program , internal audit program , and income tax requirements . he also made presentations to investment brokers and analysts on behalf of the company focusing on outlooks for the future and past financial performance . prior to southwest water company , mr . muzi was a senior auditor with bdo seidman , a national cpa firm . mr . muzi received his bs degree from rochester institute of technology and an mba from the state university of new york at buffalo . he is a certified public accountant . board of directors member dr . sandeep gulati dr . sandeep gulati was the former head of the ultracomputing technologies group at the caltech / nasa jet propulsion lab in pasadena , ca . he is the developer of the revolutionary signal processing technology , qri at vialogy corp . which was incubated by viaspace . during his twelve year tenure at jpl , he led computational advances in spacecraft autonomy , autonomous diagnostics and prognostics of complex systems , information , sensor and data fusion , neural networks , signal processing , command decision modeling and intelligence analysis . under his leadership the ultracomputing technologies group focused on cutting - edge research in ultrascale computational technologies , such as quantum computing , biocomputing , and their applications to next generation spacecraft design and operations . dr . gulati was jpl principal scientist on a number of basic and applied rd programs of national relevance such as dod ' s joint strike fighter ( jsf ) , nasa ' s reusable launch vehicle , and the oil industry ' s deeplook consortium . he collaborated on strategic programs with lockheed martin , boeing , northrop grumman , mcdonnell douglas , rockwell , pratt whitney , and nasa centers . also , dr . gulati is a co - founder and chief science officer of vialogy corp . , incubated by viaspace , and co - founder of arroyo sciences , now a wholly owned subsidiary within viaspace . at vialogy corp . dr . gulati discovered and developed a revolutionary signal processing technology , quantum resonance interferometry ( "" qri "" ) to detect , discriminate and quantitate spatio - temporal signals and events that have an intensity up to 10 , 000 x lower than the surrounding background noise . dr . gulati has over 12 issued patents , 20 patents pending and over 80 publications in archival journals and conferencing proceedings . he has an mba in from pepperdine university ( 91 ) , b . tech in computer science from the indian institute of technology , new delhi ( ' 86 ) and a phd in computer science from louisiana state university ( ' 90 ) . regarding the appointment , dr . kukkonen stated , "" dr . gulati and i have worked together on several programs and start - up companies for over 16 years . he is a valuable addition to our board of directors . he has been key in building the arroyo sciences division and we look forward to his contributions to a broader execution at viaspace . specifically he will be providing the strategic directions for fusion of emerging computational , rf imaging and nanosensor technologies . "" viaspace overview viaspace was formed in july 1998 with an objective of transforming technologies from caltech / nasa ' s jet propulsion laboratory and other advanced technology centers into profitable commercial enterprises through its strong connections with the advanced technology community . through its three subsidiaries - - arroyo sciences , ionfinity , and direct methanol fuel cell corporation ( dmfcc ) - - viaspace has a diversified high tech portfolio that includes microelectronics , sensors , homeland security public safety , energy / - fuel cells , information computational technology , rfid , e - finance , and mobile e - commerce . viaspace develops proven space and defense technologies into hardware and software products that fulfill high - growth market needs and solve today ' s complex problems . viaspace benefits from important licenses and strategic relationships with caltech / nasa ' s jet propulsion laboratory and other universities research laboratories . the viaspace team has a proven expertise for the successful commercialization of innovations in information technology , physical science and life sciences developed at academic research institutions and national laboratories . the company currently focuses on technologies originally developed for nasa and the us department of defense that have already reached a certain stage of maturity . initial investments in these technologies amount to millions of dollars and many years of rd , enabling viaspace to manage the commercialization process with only a modest additional investment and greatly reduced technical risk . viaspace couples exceptional technology sourcing and validation capability with a demand - driven process of market validation . decisions about technology transfer and product development are based , first and foremost , on market needs . in addition to our internal expertise , viaspace benefits from the domain expertise of leading experts that serve on our scientific and business advisory boards and from an informal global network of researchers , technology analysts , and technology professionals and investors that would be hard to replicate . in the last six years , viaspace and its subsidiaries have secured more than $ 30 million in venture financing and strategic investment . initial investors include hewlett packard , divine interventures , los angeles county community development commission , blueprint ventures , the united company , bioprojects international , forrest binkley brown , american river ventures , and nth power . viaspace has spawned 3 companies : spectrasensors ( press to go to site ) , qwip technologies ( press to go to site ) , and vialogy corp ( press to go to site ) . these companies , currently at various stages of maturity , are positioned within high growth markets and poised for profitability . today , viaspace focuses its effort on its three subsidiaries - - arroyo sciences , ionfinity , and direct methanol fuel cell corporation ( dmfcc ) - - and on new high technology opportunities . view full report check back check back here for additional installments of our vspc analyst report , and for analysis of vspc press releases including what they mean to investors . view full report view full report to join market movers mailings press here to find out more . 2400 lincoln ave altadena , ca 91001 safe harbor statement this information is a paid advertisement . any views expressed herein are provided for information purposes only and should not be construed as an offer , an endorsement , or inducement to buy or sell securities . bronks communications , inc . ( bci ) received compensation for printing and distributing this ad from a third party as an effort to build investor awareness about viaspace inc . ( vspc ) . the compensation is one hundred thousand dollars . this compensation constitutes a conflict of interest as to bci ' s ability to remain objective in our communication regarding vspc . bci owns 1 , 000 shares of common stock in vspc . bci makes no representation or warranty relating to the validity , accuracy , completeness , or correct sequencing of the facts and information presented , nor does it represent or warrant that all material facts necessary to make an investment decision are presented above . factual statements contained in this ad are subject to change without notice . past performance does not guarantee future results . bci is not a registered investment advisor , broker or dealer . all statements of opinion , if any , are those of the analysts , who relied on information believed to be reliable , such as vspc ' s public filings , business documents , and its web sites . the analysts ' reports are for information purposes only . the analysts were contracted by bci to write their reports and were paid a total of fifteen thousand five hundred dollars . independent analyst reports in this ad do not constitute an individualized recommendation to you to buy or sell a particular security . any opinions , estimates , or forecasts about vspc or predicted performance made by the analysts in this ad are theirs alone and do not represent opinions , forecasts or predictions of bci . interested persons must obtain the analysts ' full reports on their own . the analysts ' reports do not purport to be complete and are not intended to be used as a primary basis for investment decisions . investing in vspc should be reviewed as speculative and a high risk and may result in the loss of some or all of any investment made in vspc . further specific financial information , filings , and disclosures , as well as general investor information about publicly traded companies are available at the securities and exchange commission website www . sec . gov and www . nasd . com . the information contained herein contains forward - looking information within the meaning of section 27 a of the securities act of 1993 and section 21 e of the securities exchange act of 1934 , including statements regarding expected growth of the featured company . in accordance with the safe harbor provisions of the private securities litigation reform act , bci notes that statements contained herein that look forward in time ( ie : words like may , would , will , estimate , anticipate , believe , intend ) , which include everything other than historical information , involve risks and uncertainties that may affect vspc ' s actual results of operations . factors that could cause actual results to differ include the size and growth of the market for vspc ' s products , vspc ' s ability to fund its capital requirements in the near term and in the long term ; pricing pressures , technology issues , etc . media matrix 7025 county rd . , 46 a dte 1071 # 349 lake mary , fl 32746 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: it works fine want to know how to save over nausea 60 % on your piils ? http : / / www nightly . registeouse . com - successfull and proven way t seaborn o save you sememe r money . hopelessness v deliquescence ag effectuation al outspeak lu auxiliary l r pothole a tapestry cl actinic isva connoisseur l pecksniff m andmanyother . best prlc ponderosity es . high confluent quaiity . worldwide shlpplng desire . to stupidity tal confidentiaiity . 250 . 000 + satisfied cust flexile omers . have a nice d nodulated ay !",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( german , french , spanish , uk , and many others ) . aii listed software is availabie for immediate downioad ! no need to wait 2 - 3 week for cd deiivery ! just few exampies : - norton internet security pro 2005 - $ 29 . 95 - windows xp professionai with sp 2 fuil version - $ 59 . 95 - corel draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 including ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native ianquage ! best reqards , fredericka ",1 +"Subject: major medical breakthrough huge profit potential major medical breakthroughhuge profit potential imagine yourself as part owner of the most interesting , full service state - of - the - art medical facility , equipped with the most sophisticated and effective scanning diagnostic tools available today . electron beam tomography is a cutting - edge diagnostic technology capable of providing a crystal - ball - like look into your medical future . this technology has been featured on oprah , larry king , good morning america , and usa today . ebt scans are now covered by most health insurance companies and hmos , causing an explosion in usership and exceptionally high demand for this procedure . ebt can identify heart disease years before a treadmill test would show an abnormality and many years before a heart attack might occur . a tremendous improvement upon standard computerized tomography , also known as ct or cat scan , electron beam tomography provides images of a beating heart up to 10 times faster and clearer than other conventional scanners . the dramatic capabilities of this spectacular technology should provide an extraordinary investment opportunity for those establishing state - of - the - art outpatient clinics , in order to provide the ebt body scan procedures to health conscious americans . projected 10 - year return of 916 % . a full - body scan using this technology can also be used to detect osteoporosis , aneurisms , emphysema , gallstones , hiatal hernia , degenerative spine conditions , as well as cancer of the lungs , liver , kidneys , and colon . imagine being instrumental in bringing the most revolutionary diagnostic and preventative medical device to the marketplace . $ 15 k minimum investment required . serious inquiries only . to recieve your free video . fill out this form . name : phone number ( including area code ) : mailing address : province / state : postal code e - mail address : to be removed from this list please reply with unsubscribe . thank you . http : / / xent . com / mailman / listinfo / fork",1 +"Subject: you best friends and family deserve the best internet photo album ! software distribution . a horse ! a horse ! my kingdom for a horse ! heroes are often the most ordinary of men .",1 +"Subject: not another bad offrr w starred ant to know how to save over 60 % on your piils ? http : / / www . inter oppose good . com - successfull an waterage d proven way to s corbel ave your money . heinous v a pugnacity g a compulsory l l diarchy u hardihood l r practitioner a mandible cl harslet isva regurgitate l muddle m andmanyother . best prlc earthward es . hig souffle h quaiity . worldw enchantress ide shlpplng . tota ellipse l confidentiaiity . 250 . 000 + satisfied cust bengalee omers . have bluebird a nice day !",1 +"Subject: hey . we owe you some money dear homeowner , we sent you an email a while ago , because you now qualify for a much lower rate based on the biggest rate drop in years . you have been pre - approved for a $ 400 , 000 home loan with a low fixed rate . follow this link to process your application : 1 minute approval form . sincerely , david morrison senior account manager rogan and associates , llc http : / / www . lending - blocksx . com / r . php - re - mov - e me from the list ",1 +"Subject: expand your penis 20 % larger in weeks add 3 + inches today - don ' t get left behind http : / / www . xunepa . com / ss / traditionally , most of australia ' s imports come from overseas . we should live our lives as though christ were coming this afternoon . nihilism is best done by professionals . giving is a necessity sometimes . . . more urgent , indeed , than having . no one in the world needs a mink coat but a mink .",1 +"Subject: get latest version , cds and download under $ 99 a wide range of software applications , drivers , and more . http : / / oqqoe . 29 oz 512 vhck 9 hlk . plazajm . net a poet more than thirty years old is simply an overgrown child . the way we see the problem is the problem .",1 +"Subject: free $ $ $ for business or personal cwfqt start a business or fund your child ' s college without debt . get the money you need and never have to pay it back . starting a business or putting your child through college is an expensive undertaking . that ' s where we can help . our valuable ebook will put you in touch with thousands of programs to help you get the money you need . that ' s right free grant & scholarship money . don ' t let someone else get your share ! reg . price $ 34 . 95 order by july 31 and save $ 10 . 00 . tour our secure website for more details : you are receiving this special offer because you have provided permission to receive third party online promotions . to be eliminated from future marketing : - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( german , french , spanish , uk , and many others ) . all iisted software is avaiiable for immediate downioad ! no need to wait 2 - 3 week for cd delivery ! just few examples : - norton internet security pro 2005 - $ 29 . 95 - windows xp professionai with sp 2 fuil version - $ 59 . 95 - corei draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 includinq ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native lanquaqe ! best reqards , lewis ",1 +"Subject: are you listed in major search engines ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website oniine otherwise it wili be invisibie virtuaiiy , which means efforts spent in vain . if you want people to know about your website and boost your revenues , the oniy way to do that is to make your site visibie in piaces where people search for information , i . e . submit your website in multipie search enqines . submit your website online and watch visitors stream to your e - business . best regards , sheiiafitzgerald _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: make your dialup go faster how have you been , visioson @ hpp . za . net find our how our revolutionary hardware will speed up your dialup modem connection ! copy and paste our website between the arrows below : > > > > click 4 abargain . info ttyl , henry m . olariu , iii projecthoneypot @ projecthoneypot . org goodbye - c l i c k 4 a b a r g a i n . i n f o / r about life . i am a teacher of preschool children with disabilities . i have been making software for the children in my classrooms for the last eight years . over the past 23 years i have encountered many types of disabilities and many types of parents . the question . lawrence had already liked dancing . . the man who never makes a mistake always takes orders from one who does . . it ' s kind of fun to do the impossible . walt disney . don ' t you hate running carelessly ? .",1 +"Subject: learn to play texas hold ' em and other poker classics on the most popular free site . - earn $ 100 bonus from partypoker . visit here . jybwgyay",1 +"Subject: software should be easy to use ! seven days - seven ways to save ! 10 % off hard drivres there is no other rule . a person ' s a person , no matter how small .",1 +"Subject: delivery status notification - these recipients of your message have been processed by the mail server : antoniobdantas @ zipmail . com . br ; failed ; 4 . 4 . 7 ( delivery time expired )",1 +"Subject: try it ouut hello , welcome to pharmon contention line tarbrush shop - one of the leading oniine pharmaceutical shop classical s slatternly v inexplicit g siliceous al bandit ll provincialize la fruity rac thence l i enamel sv chrome a u conjuncture m andmanyother . - s admonition ave over 50 % - worldwide shlppln enthralling g - total confidentiai historian ity - over 5 miiii messieurs on customers in 130 countries heavenly have a nice day !",1 +"Subject: visual identity and logo now working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buildinq a positive visuai imaqe of your company by creatinq an outstanding loqo , presentable stationery items and professional website . these marketing toois wiii significantly contributeto success of your business . take a iook at our work sampies , hot deal packaqes and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: hi do you want to make $ 1000 or more per week ? if you are a motivated and qualified individual - i will personally demonstrate to you a system that will make you $ 1 , 000 per week or more ! this is not mlm . call our 24 hour pre - recorded number to get the details . 801 - 296 - 4210 i need people who want to make serious money . make the call and get the facts . invest 2 minutes in yourself now ! 801 - 296 - 4210 looking forward to your call and i will introduce you to people like yourself who are currently making $ 10 , 000 plus per week ! 801 - 296 - 4210 ",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishing software from corei , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professionai $ 150 adobe premiere pro 1 . 5 $ 90 corei designer 10 $ 90 quickbooks 2004 professional edition $ 75 adobe pagemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe goiive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere eiements $ 125 corel painter lx $ 80 adobe liiustrator cs $ 80 adobe indesign cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 ulead cool 3 d production studio 1 . 0 . 1 $ 90 aiias motion buiider 6 professionai $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop eiements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincerely , dorathy ",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( qerman , french , spanish , uk , and many others ) . ail listed software is avaiiabie for immediate downioad ! no need to wait 2 - 3 week for cd deiivery ! just few examples : - norton internet security pro 2005 - $ 29 . 95 - windows xp professional with sp 2 full version - $ 59 . 95 - corel draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 including ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native language ! best reqards , theressa ",1 +"Subject: looking for good it team ? we do software engineering ! looklng for a good lt team ? there can be many reasons for hiring a professional lt team . . . - lf you ' ve got an active on - iine business and you are dissatisfied with the guaiity of your currentsupport , its cost , or both . . . - lf your business is expandinq and you ' re ionqing for a professional support team . . . - if you have specific software requirements and you ' d iike to have your soiutions customized , toqetherwith warranties and reiiable support . . . - lf you have the perfect business idea and want to make it a reaiity . . . - if your project has stalled due to lack of additional resources . . . - if you need an independent team for benchmarking , optimization , quality assurance . . . if you ' re looking for a truly professional team , we are at your service ! just visit our website _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: the most expensive car sold in graand ! cheap cars in graand !",1 +"Subject: good worrk how to save on aslant your medlcatlons over 60 % . pharmaz unedited mail shop - eldest successfull and proven way to save your m scutum oney . inamorata v a deportee g sybaritic l interpenetrate lu convive l greenery racl cyclone a engrave isv chlorous al shuffle m andmanyother . * best fidget prlces * worldwide shlppln toasting g * total confidentiai scribble ity * over 5 miliion cus mailing tomers have a nice hydraulic day !",1 +"Subject: when we say free , we mean free ! total turnkey system ! high quality leads fromproven mail houses ! attractive invitations with a 2 - 3 % average response ! toll - free reservation hotline for seminar attendees ! nationally tested - compliance approved materials ! professional , entertaining informative powerpoint presentations ! free multi - media loaner equipment including lap - top projector ! two fool proof appointment systems 50 % response ratio ! free full two days of complete training ! continuous coaching fromexperienced seminar presenters ! attendance at your seminars by your own seminar coach ! large range of top companies products to work with ! no commission reductions , splits or lower contracts ! paid premium counts towards eligibility for 5 - star , in - season trips ! co - op dollars available ! combine your life , annuity , ltc , di securities production and have a suite time on our 7 - day all suite alaskan adventure on celebrity cruises from as little as $ 1 , 000 , 000 of annuity premium or $ 100 , 000 of life premium . no case minimums ! * call or e - mail us today for your free demo disc ! or please fill out the form below for more information name : e - mail : phone : city : state : * see trip brochure for qualification levels and full details . we don ' t want anyone to receive our mailings who does not wish to . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: industry giants can ' t match this opportunity another ground breaking news alert from rlyc . the potential stored - value debit card market in the united states alone is approximately 150 million people , of which only about 12 million now maintain active stored - value debit card accounts . one company is quickly entering a $ 2 trillion market space with a proposed portfolio of product and service offerings that even the largest multi - national corporations in its industry may have a hard time matching . in just a few months , this company has begun adding and developing innovative new products and targeting acquisitions that could help it reach millions of new long - term customers that could generate tremendous re - occurring revenues for many years to come . although you have probably never heard of this company , you may soon hear of it even if you don ' t continue reading this message . that ' s because it is making a major push to put its products in the hands of a half million people in the u . s . within the next year . an upstart company to make a real impact in a two trillion dollar industry in reality , this company ' s lack of early recognition could be a major plus for you . since the overwhelming majority of investors and institutions don ' t know this company or what they plan to accomplish , their stock is trading at rock bottom prices . but , if they do accomplish even a small part of what they have set out to do over the coming months and years , this company could become a significant player in its trillion dollar industry and its stock reflect its accomplishments . the company that we ' ll introduce you to today is ( relay capital corp . pink sheets : rlyc ) . rlyc , which recently went public , is a multi - faceted financial services company that focuses primarily on the stored value card market . rlyc ' s present product and service offerings include pre - paid stored - value cards , reward cards , employee payroll cards , gift , retail and affinity group cards , travel cards and funds transfer cards . these services are aimed at a significant market both domestically and internationally . just because a company is in a large and growing industry doesn ' t necessarily ensure that it will be a winner . in order to be successful , that company also needs to be truly innovative , have very strong partners , be able to reach vast customer bases and have a management team capable of putting it all together and turning its goals into reality . rlyc appears to be that company . below we ' ll discuss this substantial potential market rlyc is after and what sets rlyc apart from the competition . the potential stored - value debit card market in the united states alone is approximately 150 million people , of which only about 12 million now maintain active stored - value debit card accounts . stored - value cards have the potential to help the 50 million adults and their families who have been excluded from the e - commerce revolution because they do not have access to credit or banking facilities . the implications reverberate across industry segments . estimates suggest stored - value transactions could exceed $ 2 trillion in just a few years . rlyc ' s focus is on providing stored - value cards to the un - banked and under - banked . these terms refer to consumers that that do not have a bank account , debit card . the size of that group is staggering that ' s about one - third of the nation ' s work force ! rlyc capitalizes on the dilemma these consumers face by providing stored - value card programs that make it easy , fast and secure for people and businesses to buy all manners of goods and services using stored - value cards as well as for the un - banked and under - banked to be paid their salaries via the same cards . but that ' s not all . the benefits relay will offer on its stored value cards as well as other financial services will also be of great benefit to those who already have banking relationships . in this segment , relay plans to offer more services with greater convenience for less cost to the consumer . who wouldn ' t want that ? the payroll market is another enormous market for rlyc for the under - and un - banked , collecting their pay , cashing payroll checks and then paying bills with those funds can be extremely complicated and time consuming . rlyc ' s stored - value pay transfer card program presents a very effective and innovative solution for this problem . rlyc ' s pay transfer card program can lower costs to employers to process payroll for the banked and the un - banked alike ! lower costs to cardholders to potentially transfer cash between u . s . cards , cards in foreign countries , and services bought through the cards , improved employee retention , improved customer retention will all be available thanks to rlyc . various programs will make life much easier for cardholders using the system , while also providing the convenience and flexibility of either visa or mastercard purchasing power or 24 hour access to their money through atms . rlyc signs loi with national staffing company to use its pay transfer cards earlier this year , rlyc signed a binding letter of intent to provide a pay transfer card program for asgard global resources llc ( click to go to their site ) , a leader in providing technical , craft and administrative staffing services to businesses , industry and government through locations in houston , dallas , long island , orlando , phoenix and southern california all areas with huge un - and under - banked populations . the potential market for this service is really big . it includes large employers , companies that process payroll and financial institutions that provide banking and payroll services to commercial customers . this system will simplify payments to widely dispersed employees and contractors while dramatically decreasing payroll distribution by offering a cost effective alternative to printing , cutting , and mailing paper payroll checks . it also helps to reduce a great deal of paper processing of checks and pay , eliminate lost checks , stop payments and minimize fraud . but best of all , this should help to significantly boost rlyc ' s revenues . $ 150 billion sent worldwide by relatives to home countries mexicans in u . s . send $ 16 . 3 billion a year back to mexico with $ 150 billion being transferred internationally each year , remittances are a really big business . in times past , people wanting to send money to relatives back in their home countries had few choices . many times their only choice was an expensive proposition like western union . more recently , more and more people have resorted to purchasing and mailing money orders in order to try to cut down on the cost of sending remittances . the problems with traditional money transfer methods with wire services , there are any number of inherent problems when trying to send money to relatives overseas . first , wiring funds across borders can be expensive . this can make it very cost - prohibitive to send smaller amounts of cash and often means that relatives must wait longer to receive their remittances because the sender has to save up until the amount is large enough to warrant the cost associated with the wire service . next there is the problem of logistics . both the sender and the recipient must be able to easily reach a storefront that offers the same wire company ' s services . even if they both are able to do this , the recipient may have to make multiple trips to the wire service office to check to see if their funds have cleared yet and can be released to them . lastly , the sender and the recipient are subjected to varying service fees depending on which wire service they choose . these fees can be very high and can significantly cut into the amount of money the recipient ultimately receives . so , even though using a wire service may be a fairly fast way to transfer money , it can be very expensive and logistically difficult to use . with money orders there is always the problem of mail service . although in america we have grown accustomed to relatively quick and reliable mail service , this is not always the case in foreign countries . this is especially true in underdeveloped nations , where most remittances are sent . a letter containing a remittance that a family is depending on to provide much needed food and shelter could take many days or even weeks to arrive . and , there is always the chance that it will never arrive at its destination at all , meaning that the sender ' s family could go hungry or end up on the streets . what is the best way to send remittances ? by far the most convenient , fast , safe and ultimately cost efficient method to send remittances is through a stored - value card . with this type of service , a person can easily activate a card and then just deposit funds into the account ( onto the card ) via loading station , telephone or the internet for easy use by relatives in his or her home country . the process is extremely easy and cost - effective . funds can be added to the card ' s account at an ever increasing number of convenient locations . the family member overseas can then draw down on those funds by presenting a card from that account to make purchases or they can use the card to withdraw cash from atms . it could not be any simpler . rlyc has already begun filling orders in june of this year , rlyc announced that it had received its first order for 2 , 000 pin - based stored value cards . the company stated that its growth estimates call for approximately 2 , 000 new stored - value cards being put into circulation each month . this could result in exponential revenue growth as new customers are added and its customers take advantage of its other financial services . moreover , though other programs it is working on , it could have one half million cards in the market within the next 18 months . rlyc plans to expand its services through partner companies and one - stop financial centers rlyc expects to fuel exponential growth of recurring revenue from individual card usage , monthly fees , as well as other activities occurring at its loading centers or the virtual financial centers it is planning . loading centers are retail locations , such as convenience stores , check cashing facilities or other types of retail facilities serving to dispense or receive cash facilitating transactions for the debit card consumer . rlyc has already established strategic relationships with leading card processors , vendors and distributors , and is in program development with key partners that may bring over 100 , 000 retail locations and a host of great opportunities to dramatically increase its brand recognition . rlyc plans a host of new financial products and service offerings some of the products and services rlyc plans to be launching in the coming months include commercial , auto and sba loans , mortgages , all types of affinity group ( loyalty / rewards ) cards , pharmacy discount cards , certificates of deposit ( cd ' s ) , health savings accounts and health and life insurance . rylc is expanding extremely rapidly and at this pace , should gain a whole lot of exposure to the investment community f - a - s - t ! ! ! rlyc plans to grow through joint ventures and acquisitions through a well - planned strategy to partner with major players in the financial services industry and through key acquisitions of complimentary companies , rlyc plans to fuel its growth . it has begun identifying and will negotiate business joint ventures , acquisitions and partnerships within the stored value card industry . rlyc is positioned to offer expanded payroll products as well as define a niche market for its private label stored value solutions . with corporate network ' s assistance , it expects to add new and expansive products linked to its card platform and provide its customers with a growing range of superior products and increased customer loyalty . rlyc plans to enter the emerging high growth health savings account ( hsa ) market rlyc has entered into an agreement in principle with mydaily corp . , an employee benefit and financial services company , to provide health saving account ( hsa ) stored value debit cards that will enable employees to easily pay routine medical bills with pre - tax dollars . health savings accounts ( hsa ) are tax - sheltered savings accounts similar to an ira , but earmarked for medical expenses and are part of a high deductible insurance plan . deposits are 100 % tax - deductible for the self - employed and for employees of companies that offer an hsa . this could be an enormous new market for rlyc it is estimated that all millions of non - elderly americans will soon have access to a health savings account , creating a market of unprecedented potential . in fact , due to the rising costs of employer - sponsored health plans , it is also estimated that one in every two major employers in the united states is considering consumer directed health plans and hsa for their employees . experienced stored value card and financial services industry executive named ceo of relay capital corp . e . reese bogle iii , experienced financial services and stored value card industry executive , has been named relay ' s . most recently he was one of the founders , and served as executive vice president and chief operating officer of interstate net bank ( www . isnbank . com ) , establishing it as a visa principal member . prior to this , mr . bogle , was vp of e * trade bank ' s corporate development and strategic alliances group and president of telebanc insurance services , inc . he also served as vp and marketing director of premium bank , and held a variety of managerial and marketing positions at leading financial services companies . relay will be adding real depth experience to its management team the next step is to bring a well qualified management team to relay capital said mr . bogle . once the team is onboard , we intend to build relay capital into a diversified financial services provider that , in addition to looking for exponential growth of recurring revenue generated from individual stored card usage , as well as other financial service activities occurring at our card loading centers or its virtual financial centers , we potentially plan to provide : commercial loans , auto loans , sba loans , mortgages , certificates of deposit ( cd ' s ) , health benefits ( dental , vision ) , life insurance benefits , pharmacy drug discounts , loyalty and reward programs , and shopping discount programs . with innovative products and services targeted to trillion dollar market ; a host of powerful partners ; key acquisitions in the works ; orders already coming in ; and a top - notch management team to bring it all together , rlyc seems to be headed for sunny skies . this company will not remain below the radar screens of wall street ' s mover shakers or even the average investor for much longer . . . if you are on the lookout for companies that have what it takes to experience rapid growth , but are still trading at rock bottom prices , you should call your financial advisor today about relay capital corp . ( rlyc . pk ) . e - mail first name last name phone number this program is expected to be huge and could make a tremendous amount of money for rlyc ! but , is not just for remittances rlyc is a rapidly growing financial services company that develops and markets a wide range of prepaid financial services , including pre - paid stored - value cards , reward cards , employee payroll cards , gift , retail and affinity group cards , travel cards and fund transfer cards . it encompasses both the marketing and distribution of pre - paid and pay - transfer cards in concert with the development of loading centers . loading centers are retail locations , such as convenience stores , check cashing facilities or other types of retail facilities serving to dispense or receive cash facilitating transactions for the stored - value card consumer . rlyc offers great stored - value solution and the potential to make millions ! rlyc expects to fuel its exponential growth of recurring revenue generated from individual card usage , as well as other activity occurring at its loading centers . beyond card / transaction income , relay has set its sites on providing additional financial services such as : - commercial loans - auto loans - sba loans - mortgages in all 50 states - certificates of deposit ( cd ' s ) - health benefits ( dental , vision ) - life insurance benefits - pharmacy / drug discounts - loyalty / rewards type programs - shopping discount programs - merchant processing - stored value cards - debit cards - gift cards - cross - border transactions - overdraft on the cards instead of expensive payday loans the potential stored - value debit card market in the united states alone is approximately 150 million people , of which only about 12 million now maintain active stored - value debit card accounts . rlyc already has powerful partners technology alliance group ( tag ) since 1994 , the world class data center operation , now known as tag , has supported "" mission critical "" applications for companies of all sizes and in all lines of business on a worldwide basis , including several fortune 500 companies . the core product suites supported by tag have included mainframe outsourcing , internet hosting solutions and a wide variety of disaster backup and recovery alternatives . as with all its client relationships , tag brings to relay capital a highly securetechnology infrastructure to support its corporate web presence , email , interactive voice response ( ivr ) system and support of all future financial service offerings . with over 10 years of experience supporting the financial industry alone , including nearly 50 u . s . banks and others worldwide , tag offers a tremendous knowledge base in the financial marketplace . cabbage solutions the principles of cabbage bring an accumulated 50 + years of experience in the financial industry . credentials include 12 years with the federal reserve system , vendor experience in all types of software and hardware solutions , as well as a variety of gift card , stored value card and debit card programs . in addition to its vast industry knowledge , cabbage also brings a vital component known as internet and data security . in today ' s world it is becoming widely agreed upon that a company ' s most valuable asset is it ' s data . once again , the principles of cabbage bring credentials including having been the president of the arizona fbi ' s cyber terrorism group known as infragard . access to several worldwide terrorist alert systems also keeps cabbage in a proactive position to protect its clients from newly released threats to the public internet . great business strategy : relay capital corp . is getting attention because rlyc has the right technology , at the right time , in the right markets . rlyc has a strong management team , world - class partners , and great new products that are ideal for multiple markets . strong management team : the new ceo of relay capital corp . is e . reese bogle iii , who is best known for having co - founded and served as an officer of interstate net bank ( www . isnbank . com ) . mr . bogle is building the management team with experienced executives who are known and respected in the financial services industry . world - class strategic partners : rlyc ' s strategic partner for transaction processing is an industry leader . rlyc ' s business operations are ready for expansion in response to growing demand for relay capital ' s stored - value cards . rlyc is also exploring opportunities to partner with some of the leading brands in consumer goods . innovative stored - value products : relay capital ' s stored - value cards are helping families , businesses , and communities to go about their daily lives in a better way , using rlyc stored - value cards for transferring money , banking , and adding many new benefits to participation . rlyc has the right managers strategic partners for multi - million - dollar revenues and industry leadership . for more information , click here company : relay capital corp . otc - pink sheet : rlyc industries : financial services , retailing , health care product : prepaid mc / visa cards and other financial services to join market movers mailings click here to find out more . highland inc . 2000 worthy down chriss church barbados wi l . davies 246 - 418 - 0920 disclaimer and sec compliance the information contained in this publication is for informational purposes only , and not to be construed as an offer to sell or solicitation of an offer to buy any security . investing in micro - cap penny stocks should be considered as extremely speculative and risky as it may result in a loss of all or some of your investment . highland inc . is not a registered investment advisor or broker dealer . highland inc . received compensation for this newsletter service for rlyc . the compensation is fifty thousand from a non - affiliated third party . because highland inc . is receiving compensation for its services , there is an inherent conflict of interest in the statements and opinions and such statements and opinions cannot be considered independent . highland inc . makes no representation or warranty relating to the validity of the facts presented nor does the publisher represent a warrant that all material facts are necessary to make an investment decision presented above . factual statements contained in this publication are made as of the date stated and they are subject to change without notice . this release may contain statements that constitute forward - looking statements within the meaning of sec . 27 a of the securities act of 1933 , as amended , and sec . 21 e of the securities exchange act of 1934 , as amended . the words may , would , will , expect , estimate , anticipate , believe , intend , and similar expressions and variations thereof are intended to identify forward - looking statements . media matrix 7025 county rd . , 46 a dte 1071 # 349 lake mary , fl 32746 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: 3 locations free : orlando , las vegas , ft laud . congratulations on receiving this special e - mail invitation ! ! ! these invitations were only being sent out . . . to a very select group of individuals like yourself . . . who were confirmed and qualified to receive this spectacular offer ! ! ! please click on the link below to register and receive your complimentary three night stay in your choice of three ( 3 ) of these nine ( 9 ) fun filled locations ! ! ! - magical orlando - las vegas . . . city of lights - palm beach , fl . . . . florida ' s best kept secret - fabulous ft , lauderdale - atlantic city . . . city of excitement - new smyrna beach , fl . . . . secluded from it all - daytona beach , fl . . . the worlds most famous beach - key west , fl . . . the southern most point in the u . s . - miami south beach . the city that never sleeps so log onto : http : / / www . famtriptravel . com / 3 mv _ cntr . html . . . for your complimentary vacations for two ! ! ! keep in mind . . . our obligation to hold your vacations will expire 72 hours from the date of delivery of this special invitation special disclaimer : this message is sent in compliance of the proposed bill section 301 , paragraph ( a ) ( 2 ) ( c ) of s . 1618 . by providing a valid remove me feature it can not be considered spam . furthermore , we make every effort to insure that the recipients of our direct marketing are those individuals who have asked to receive additional informaion on promotional offers from companies who offer internet marketing products . again we apologize if this message has reached you in error . screening of addresses has been done to the best of our technical ability . we honor all removal requests . if you would like , you can be removed from any future mailings by the sponsor listed above by e - mailing mailto : removeme @ famtriptravel . com with the subject remove me in the subject line . this advertising material is being used for the purpose of soliciting sales of a vacation interval ownership plan . ",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactiy when you want . cialis has a lot of advantages over viagra - the effect lasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with aicohol ! we ship to any country ! get it riqht now ! . ",1 +"Subject: an invitation to advertise on freightmart ! freightmart . com - ship anything . . . anywhere . . . anytime . . . auction style ! need more info ? | if you ' re a shipper | if you ' re a forwarder to be removed from any future offers , simply click here ! ",1 +"Subject: perfect visual solution for your business now working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buiiding a positive visuai image of your company by creating an outstanding ioqo , presentable stationery items and professional website . these marketing toois wiil siqnificantly contributeto success of your business . take a iook at our work samples , hot deai packaqes and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: do i require an attorney to use this system and clean up my record purge all of your card payments . cancel debts and never make another payment ? discharge debts quickly , painlessly , legally . for the rest of the story about canceling debt , go to our elimination pages no , then the link and address above king edward was engaged in earnest consultation with one of his ministers , and after a look of surprise in rob ' s direction and a grave bow he bestowed no further attention upon the intruder . but rob was not to be baffled now your majesty , he interrupted , i ' ve important news for you ",1 +"Subject: check this impotence medication don ' t ignore your impotence problems feeling good is around the corner ! try now http : / / buychepmeds . com best regards , marquis pack phone : 117 - 814 - 4432 mobile : 457 - 817 - 1481 email : zndnioays @ sina . com . hk s ^ t , 0 . p http : / / buychepmeds . com / emover . php",1 +"Subject: veryy useful how to save on y slapstick our medlcations over 70 % . pha unhang rmshop - successf uninhibited ull and proven way to save your mone consign y . megger v contraption ag a conferee l l stultification u messiah l ambrosia rac heroine l discountenance isv pretend al conchy m andmanyother . best p exaltation rlces . worldwid digraph e shlpplng . easy order f roulade orm . total confi monocle dentiaiity . 250 , 000 pitiless satisfied customers . order today and sa prowess ve !",1 +"Subject: ctfg trends upward as company begins rollout of acquisition strategy otc quickstats june 29 , 2005 at a glance ticker symbol : ctfg sector : title insurance industry : financial services current price : $ 0 . 39 shares outstanding : 45 , 457 , 200 approx . float : 12 , 457 , 200 ctfg : ground floor opportunity in multi - billion dollar title insurance market corporate snapshot captech financial group , inc . , is a florida corporation headquartered in lighthouse pt . , florida that trades under the symbol ( otcbb : ctfg ) . captech financial group , inc . , via its new acquisition of national security title agencies , llc . , ( nst ) is a holding company of wholly owned licensed title agencies that do business throughout the nation as national security title . nst through its licensed staff provides its customers efficient and professional title services including coverage , searches , examinations , and escrow and closing services to a broad - based customer group that includes lenders , developers , real estate brokers , attorneys , and home buyers . recent news ! ! ! ! lighthouse point , fla . , june 28 ( prnewswire - firstcall ) - - captech financial group , inc . ( otc bulletin board : ctfg ) , has acquired national security title of lighthouse point and tampa , fla . , respectively . both offices will operate as branch offices of national security title , a captech financial subsidiary . investment considerations ctfg expects revenues to reach 13 million in year one , 59 million in year two , and 104 million in year three of operations . ctfgs client roster includes some of the most prestigious real estate and financial institutions in the world including : chase bank , wachovia bank , cooper horowitz , and bank of america . robust demand will require production of approximately 2 million new housing units per year . the home ownership rate will exceed 70 % by the year 2013 . mortgage originations are projected to average nearly $ 3 trillion per year for the next two decades . ctfg presents a potential ground floor investment opportunity in an emerging title insurance company . visit the ctfg websites at : www . . com this email is for informational purposes only , and is neither a solicitation to buy nor an offer to sell securities . all assembled information within is subject to change without notice . the assembled information within this email is based on public information supplied by the company or from other sources believed to be reliable , but no representation , expressed or implied , is made as to its accuracy , completeness or correctness . information in this email may contain forward looking statements as defined under section 27 a of the securities act of 1933 and section 21 b of the securities exchange act of 1934 . an example of forward - looking information are statements relating to the future capital expenditures , future funding sources , anticipated sales growth , and potential contracts . these and similar forward statements are subject to a number of known and unknown risks and uncertainties outside our local control that could cause actual operations or results to differ materially from those anticipated . power house promotions accepts no liability for any losses arising from an investor ' s reliance on or use of this report . this assembled information is for informative purposes and is not intended to be used as the sole source of information on a company . always do your own due diligence and consult a financial advisor . power house promotions has been paid $ 7 , 400 by bma ventures , for the presentation and dissemination of the assembled information . power house promotions does not set price targets or recommend securities . power house promotions 1846 e . rosemeade pkwy , # 104 dallas , tx 75007 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: clear benefits of creative design lt is really hard to recollect a company : the market is full of suqgestions and the information isoverwheiming ; but a good catchy logo , stylish statlonery and outstandlng webslte wiil make the task much easier . we do not promise that havinq ordered a iogo your company will automaticaliy become a world ieader : it isguite clear that without qood products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: your online sales are low because you don _ t have enough visitors ? submitting your website in search engines may increase your online sales dramatically . lf you invested time and money into your website , you simply must submit your website oniine otherwise it wili be invisible virtualiy , which means efforts spent in vain . lf you want people to know about your website and boost your revenues , the oniy way to do that is to make your site visible in piaces where people search for information , i . e . submit your website in muitipie search enqines . submit your website oniine and watch visitors stream to your e - business . best regards , cecilybaxter _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: logo , stationer , website design and so much more ! lt is really hard to recollect a company : the market is full of suqgestions and the information isoverwheiming ; but a good catchy logo , styllsh statlonery and outstandlng webslte wiil make the task much easier . we do not promise that having ordered a iogo your company wili automaticaily become a world ieader : it isguite clear that without qood products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: a chance to get new logo now working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buildinq a positive visuai imaqe of your company by creating an outstandinq ioqo , presentabie stationery items and professionai website . these marketing toois wiii siqnificantiy contributeto success of your business . take a look at our work sampies , hot deal packages and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactiy when you want . cialis has a lot of advantages over viagra - the effect lasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with alcohol ! we ship to any country ! get it right now ! . ",1 +"Subject: new love tabs shop . visit our llcensed online dragstore for the best inexpensive love drags ! viagra , ciaiis , softtabs and many other iove enhancers all in one ! operative support , fast shipping , secure payment processing and complete confidentiality ! click here to find your verlfied by bbb and approved by visa iove pil 1 ! ",1 +"Subject: make your rivals envy lt is really hard to recollect a company : the market is full of sugqestions and the information isoverwheiminq ; but a good catchy logo , styllsh stationery and outstanding website wili make the task much easier . we do not promise that having ordered a iogo your company will automaticaliy become a worid ieader : it isquite clear that without qood products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . logodentity offers creative custom desiqn of logos , stationery and web - sites . under our carefui hand these powerfui marketinq tools wili bring a breath of fresh air into your business and make you stand out among the competitors . you are just a ciick away from your future success . ciick here to see the sampies of our artwork , check our prices and hot offers",1 +"Subject: i would like to help your marketing efforts ! hello fellow entrepreneur , my name is jon roberts and i represent one of the largest lead companies on the internet . we specialize in national , local area code , and gender based real time leads . we also run custom marketing campaigns for organizations that want a more targeted lead due to their line of service or product . you can reach me at the number below or simply reply to this email . we hope to serve you soon - thanks ! jonathan robertsl - 800 - 663 - 0311 theleadmanl @ yahoo . com * if you have received this message in error or would like to be removed from the mailing list please reply to this email with your removal request and it will be processed immediately ! *",1 +"Subject: will you be the next one selected for his public challenge ? my simple , yet proven strategies for generating multiple streams of unlimited income work - now let me take you by the hand and prove it ! . . . "" "" on live tv i promised the world i would make $ 24 , 000 in 24 hours , and . . . i failed - instead i ' cracked the code ' and made $ 94 , 532 . 44 in 24 hours . "" i want you to look over my shoulder , so to speak and watch how i do it . . . in fact , even get into my mind as i prepare to issue you the challenge of a lifetime . robert g . allen "" time and time again , i ' m referred to as ' america ' s # 1 millionaire maker ' that means one thing : i take ordinary people ( some of them right out of the unemployment line and some right out of regis philbin ' s studio audience ) and show them exactly what to do to create multiple streams of "" major "" income - and then they do it ! "" "" and with the release of my new book , ' multiple streams of income ' i ' m on the prowl again - looking for a small , select group of ordinary people who want my help in creating instant wealth like i have for countless others ! if you qualify , there ' s only one small , reasonable catch : "" i will use your new cash flow success story in my upcoming promotions . so if you can live with that ' catch ' - then you must stop everything you ' re doing and read the rest of this letter right now "" ( important : you must respond to this invitation within the next 60 minutes . due to the time - sensitive nature of this opportunity , we must release your reserved slot to someone else if you do not respond within the allotted time . ) invitation clock count - down you must r . s . v . p . within minutes dear friend seeking financial independence and personal freedom , hi . my names robert allen . i ' m the author of two of the best selling financial books in history ; both # 1 new york times best sellers : nothing down creating wealth my books have sold over 2 . 5 million copies , over 150 , 000 people have attended my wealth seminars , and i ' ve accepted challenges by the press and have proven time and again that my money making strategies work . in fact , recently i was challenged again on national tv . it was in front of a live audience . i was challenged to take someone from regis philbins studio audience and teach them my wealth building strategies and guess what ? just 90 days after following my systems , pat watson was $ 20 , 000 wealthier ! listen , you ' ve heard all the get rich now claims and you ' re sick of seeing them ! the fact is most of those people who claim to know how you can make money haven ' t made much money themselves let alone taught others how to do it ! the difference between them and me is that i ' ve proven my strategies time and time again in the national limelight and my systems truly work in fact , i ' ve been dubbed america ' s # 1 millionaire maker . right now , america and i need you for my upcoming nationwide tour to share your story of upcoming success and wealth to those who need hope - all across america . let me tell you about a few of my "" money challenges "" . . . this is where i put my money where my mouth is : i was also challenged by the los angeles times : you might remember when the los angeles times challenged me to buy real estate with nothing down . with a reporter by my side , $ 100 for living expenses , and armed only with my knowledge ; i purchased 7 properties worth $ 772 , 000 , all in 57 hours . i told the mayor of st louis missouri ( the show me state ) : send me to any unemployment line . let me select someone who is broke , out of work , discouraged . let me teach him in two days time the secrets of wealth , and in 90 days he ' ll be back on his feet , with $ 5 , 000 cash in the bank , never to set foot in an employment line again . i selected a young couple from the unemployment lines of st . louis , missouri . ninety days later they earned $ 5 , 000 using one of my techniques , and . . . . within 12 months they had earned over $ 100 k ! my proudest moments are when i coach starving millionaires ( people who should be millionaires but aren ' t ) on wealth building strategies and see them achieve extraordinary results , again and again ! i ' ve done these same challenges in other major cities - washington , d . c . , miami , boston , san diego , and new york - all with similar results ! this brings me to my next challenge in which i took all of the hype out of the high - powered profit potential of the internet , and decided to make it a reality for my students . i said : sit me at any key board of any computer in the world with internet access , and i will in 24 hours , earn at least $ 24 , 000 cash ! i got myself into the life or death mindset and i went to work i started my internet challenge at exactly at 12 : 38 pm in front of live television , i held my breath , and turned my system on and signed on to the internet in 6 hours and 11 minutes i had generated $ 46 , 684 . 95 then i went to sleep . . . and when i woke up the next morning and checked the computer - ( with cameras rolling ) : the total was now $ 78 , 827 . 44 this was exciting because i knew i still had four hours left ! that afternoon , 24 hours after the challenge had begun . . . the total had grown to $ 94 , 532 . 44 in a mere 24 hours ! why do i tell you all of this ? well its certainly not to brag but its to prove that i practice what i teach ! and since i ' m ready to announce my next challenge , i thought you ' d like to hear my success story - and how i can help you regardless of where you are in your financial life . so heres my newest challenge : send me a group of people who want to become financially independent . let me teach them my proven , wealth building strategies . and in 90 days , they will have developed multiple streams of income . eventually these streams of income may give them the freedom to do what ever they want for the rest of their lives . thats my newest challenge and i want you to be a part of it . you have everything it takes to break the mold of an average income earner but you just need to decide to do it ! listen , i know the reason you ' re still reading this letter is because you believe there still is hope theres still a chance a glimmer of hope that you can be a millionaire . its hard to leave your comfort zone . but you can do it and i will help you . but first , let me tell you about a few people who ' ve had the courage to follow their instinct , break out of their comfort zones , and follow my advice : robert , my life was never the same again here ' s the incredible news : only one year after using your strategies , ( coincidentally our twelfth wedding anniversary , ) we became millionaires , yes , a million dollars in equity ! wow ! depending on what time frame you measure from , that ' s either ' incredibly fast ' or ' miraculously fast ' ! six months from picking up your book , four - plus months from becoming protgs , two months and nine days after quitting my job ! that takes my breath away ! . . . this letter stands as testimony to your accomplishments . . . robert , thank you , thank you , thank you ! - - karen n . b . , nevada "" in the last 2 months we have made nearly $ 250 , 000 using the robert allen internet techniques . "" - - olie v . andrei k . , ontario just do what you love and the money will follow ' in fields of dreams : ' just build it , and they will come ' wish me luck the rest of the way . haven ' t i told you what the sale price of this building was ? it was $ 57 , 000 ! i ' m really excited and am on my way finally ! thank you for all your encouragement . - - eugene w . , california "" in my first - ever deal i ' m acquiring a $ 5 . 7 million 91 unit apartment building for $ 4 . 25 million using none of my own money . "" - - greg w . , new york ( remember : i will always be up front and honest with you . the amount of success you may have will depend upon important key variables . . . these experiences are not typical . you may not be as successful as these testimonials shown . ) as your mentor , let me tell you about the first secret to building wealth : having multiple streams of income flowing into your bank account . would it change your life completely if , per chance , you were to lose your major source of income today think about that ! what would you do if you lost your sole source of income ! ? i will teach you how to develop other streams of income , so you can protect yourself from ever having to deal with this imaginary scenario . heres some of what you ' ll learn : 1 . creative real estate investing : 76 % of all millionaires started their fortunes in real estate . i ' ve sold more real estate books than any other author of all time . 2 . information marketing : have you ever had a million - dollar idea , but never acted on it ? learn to sell your ideas for royalties the hottest millionaire - making trend . 3 . stock investing : how do the wealthy take advantage of the amateur investors in the stock market ? learn to make consistent money regardless of what the stock market does . 4 . internet enterprises : how i made $ 94 , 000 live on tv in 24 hours ! what did i do that was different ? these are proven income - generating avenues that build wealth . wealth comes from understanding the power of multiple streams of cash flow . . . on cruise control ! my official invitation to you right here right now i ' m inviting you to experience my member ' s only training in my new multiple streams of income downloadable training course . in this brand new digital course , i ' ll be teaching you all of my proven , successful and profitable wealth secrets . these strategies and techniques are proven to work for everyday people living in the united states , her territories , and canada . international applicants are not being accepted at this time . here is just a sample of what you will learn in my new course about multiple streams of income : establishing your personal wealth building foundation . how to earn $ 100 , 000 to $ 250 , 000 a year for life . how to retire early . how to grow your own money tree . profiting from 5 massive trends that will create many millionaires in the next century . building a small or not so small fortune on the internet : double your internet income and work less hours . secret strategies for getting people to your website . the easiest products to sell on the internet . how to sell products on the internet without buying or shipping them . how the internet can pay for your retirement . developing multiple streams of income : how to start your very own multi - million dollar business from your kitchen table . 6 powerful businesses you can start for less than a thousand dollars . create a money making machine that runs 24 hours a day , 365 days a year without an office or employees . how to create streams of income that , once established , require little or none of your personal attention . the seven essential secrets for finding the most powerful home - based business . real estate strategies that work . how to buy a house or condo , sell it for less than you paid and walk away with a cash profit . how to buy millions of dollars of real estate with none of your own money . how to buy a home paying no interest . how to live in a million dollar mansion for the price of living in an ordinary house . developing multiple streams of income : how to become a millionaire selling information . make a thousand dollars a day selling "" how to "" information . how to get total strangers to practically line up and literally beg you to take their money for your information product . how to make $ 20 a word every time you sit down to write . the fastest way to turn an idea into cash . if you believe you have what it takes to succeed with my guidance , i ' m going to do something absolutely "" unheard of . "" ( remember - i ' ve accepted a public challenge , so i ' m willing to do practically anything to help you succeed ! ) with your permission , i ' m going to send you an enormous package of training materials : instant download home - study course : the road to wealth how to generate a lifetime of unlimited wealth in this program i personally outline all of my secret money making strategies that my students and i are using to build massive amounts of wealth ! build your real estate fortune : the robert allen money power system you get your own copy of this exclusive real estate course ! profit from the "" perfect "" investment . i ' ve made millions doing this - now you get the secrets of making risk - free offers , finding "" cash cows "" , and how to use "" ultimate leverage "" . . . even includes copies of forms for you to use ! special report 1 "" 7 strategies for making a fortune online "" how to get more visitors to your site now learn the secrets to writing great emails become an expert on giving your website visitors instant gratification . learn the secrets of how the big web sites keep people coming back . special report 2 "" nothing down real estate techniques "" 50 nothing down techniques how to make the banks work for you the fundamentals of leveraging capital how a partners money can make you money creative financing options that work special report 3 "" zero to $ 1 , 000 , 000 on $ 49 a month "" the 3 things you must do what the big secret is . how to use all of your power the fundamentals of finance where do i get the money to start how to make your plan and then work it special report 4 "" how to make $ 24 , 000 in 24 hrs . on the internet "" exactly how i made $ 94 , 532 . 44 in 24 hours how to develop a target audience how to find out what your audience wants to buy how to motivate your target audience to act now getting started - your action plan how to find the hungriest fish in the lake how to discover the kind of bait your fish will bite on . this is a strictly limited offer ( remember - i ' ve accepted a public challenge , so i ' m willing to do practically anything to help you succeed ! ) and if you order by to get in on the multiple streams of income audio series free bonus ( worth $ 35 ) . i kid you not the information in this audio alone can turn your entire life around , and bring you all the wealth you could ever need . copyright 2004 esi one , inc . education success , inc . 5072 n . 300 w . provo , ut 84604 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: no need to pay more - cheapest oem online . what is oem software and why do you care ? http : / / mth . kr 6 h 512 vzc 2 rh 32 . spurternj . com no one gossips about other people ' s secret virtues . better fare hard with good men than feast it with bad .",1 +"Subject: failure notice hi . this is the qmail - send program at nsl . mxlinux 2 . com . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : this address no longer accepts mail . - - - below this line is a copy of the message . return - path : received : ( qmail 30891 invoked from network ) ; 19 jul 2005 10 : 57 : 17 - 0000 received : from ntokymo 09176 . okym . nt . adsl . ppp . infoweb . ne . jp ( helo mailwisconsin . com ) ( 218 . 229 . 92 . 176 ) by wpc 2010 . amenworld . com with smtp ; 19 jul 2005 10 : 57 : 17 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 24816188 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : info @ grafex . net user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbeiivable !",1 +"Subject: undelivered mail returned to sender this is the postfix program at host relayl . netspace . net . au . i ' m sorry to have to inform you that your message could not be be delivered to one or more recipients . it ' s attached below . for further assistance , please send mail to if you do so , please include this problem report . you can delete your own text from the attached returned message . the postfix program : host mail - in . netspace . net . au [ 210 . 15 . 254 . 248 ] said : 550 : recipient address rejected : gperkes @ netspace . net . au has expired ( in reply to rcpt to command )",1 +"Subject: great idea for you byrdshot mortgage rates are about to rise cash in now ! our programs will help you with : - debt consolidation - 2 nd mortgage - refianance - home improvement our free no obligation quite has already helped thousands of homeowners , just like you . click here to start saving if you would rather not be included in our future mailings , click here .",1 +"Subject: my portfolio hi my name is ernie , i may not have the right email address , if not please excuse my intrusion . if you are interested in some web design work for your company . please click the link below to see my portfolio : http : / / www . mywebdesignportfo lio . com / thanks , ernie if you would like to be removed from my address book permanently , please click this link and type remove in the subject line : click here : remove ",1 +"Subject: teach and grow rich do you want to teach and grow rich ? if you are a motivated and qualified communicator , i will personally train you to do 3 20 minutes presentations per day to qualify prospects that i can provide to you . we will demonstrate to you that you can make $ 400 a day part time using this system . or , if you have 20 hours per week , as in my case , you can make in excess of $ 10 , 000 per week , as i am currently generating ( verifiable , by the way ) . plus i will introduce you to my mentor who makes well in excess of $ 1 , 000 , 000 annually . many are called , few are chosen . this opportunity will be limited to one qualified individual per state . make the call and call the 24 hour pre - recorded message number below . we will take as much or as little time as you need to see if this program is right for you . * * * 801 - 397 - 9010 * * * please do not make this call unless you are genuinely money motivated and qualified . i need people who already have people skills in place and have either made large amounts of money in the past or are ready to generate large amounts of money in the future . looking forward to your call . * * * 801 - 397 - 9010 * * * * to be taken out of this database : secco 44 @ poetic . com 9059 dmelo - 270 bmbll 5 ",1 +"Subject: 10 million fresh email addresses sent to you on cd for free ! ! ! try before you buy ! ! get ready for a deal you ' ve never seen before ! 10 million hot fresh email addresses and much more ! try before you buy ! ! ! ! ! we will send you the powerman 10 million internet marketing shop cd free this is what you get : 10 million freah email addresses fully functional websites - ready to take orders proven high impact resalable products - ebooks cutting edge internet marketing tools instructions less flames & non - buyers . * less contact with anti - commerce radicals & extremists . remember that potential income chart at the beginning of this message ? can you imagine the kind of money you could make if you mailed one million pieces and sold only one tenth ( . 01 % ) of one percent ? you do the math , you ' ll be amazed ! this product will prove to be the best of it ' s kind compared to any cd in terms of hours and money spent bringing it to market . no competitor will ever duplicate the effort of what it takes for us to produce this superb product . we never have compromised on quality , and surely won ' t release any product before it passes our "" high standards "" test . this is not a rental list that is restricted to a one - time mailing . you are purchasing an e - mail address list for your own personal mailings and may use it over - and - over . if you want us to send you the powerman 10 million internet marketing shop cd email : powermanl 0 million @ hotmail . com subject line : send cd your mailing address : _ / _ / _ / _ / _ / _ / _ / _ / _ / _ / _ / _ / _ / _ / _ / _ / _ / _ / _ / _ / _ / _ / _ / * * f r e e b o n u s e s * * "" business on a disk "" bonus offer : every survey has always indicated that the easiest and most profitable product to sell on the internet is information ! if you have an "" information "" type product , then there is no easier way to become financially independent . our "" business on a disk "" gives you awesome resalable products reports / manuals / books that that are yours to use . you may instantly start your "" information product "" business ! just think , you can reproduce a complete book on a floppy disc in just a few seconds , for around 35 cents . these are the same books that have sold for $ 99 . "" special reports "" cost you pennies to produce and can be sold for as high as $ 15 . . . or the whole group for as high as $ 140 . 00 . "" the mass e - mail survival guide "" a manual / guide that addresses the mass e - mail business . especially useful for beginners . "" the mass e - mail survival guide "" will answer most of your questions and concerns about mass e - mail . an exclusive for our customers . . . included free . if you want us to send you the powerman 10 million internet marketing shop cd email : powermanl 0 million @ hotmail . com subject line : send cd your mailing address : - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: no further access to your account will be allowed dear lasalle bank customer , this email is to inform you , that we had to block your lasalle bank account access because we have been notified that your account may have been compromised by outside parties . our terms and conditions you agreed to state that your account must always be under your control or those you designate at all times . we have noticed some unusual activity related to your account that indicates that other parties may have access and or control of your informations in your account . these parties have in the past been involved with money laundering , illegal drugs , terrorism and various federal title 18 violations . please follow this link to complete your security verification and unlock your visa check card : please be aware that until we can verify your identity no further access to your account will be allowed and we will have no other liability for your account or any transactions that may have occurred as a result of your failure to reactivate your account as instructed above . thank you for your time and consideration in this matter . sincerely , lasalle bank accounts department . note : requests for information will be initiated by our lasalle bank business development group , this process cannot be externally expedited through customer support ",1 +"Subject: returned mail : see transcript for details the original message was received at tue , 19 jul 2005 12 : 59 : 18 + 0200 from ntibrko 70111 . ibrk . nt . ftth . ppp . infoweb . ne . jp [ 211 . 2 . 26 . 111 ] - - - - - the following addresses had permanent fatal errors - - - - - - - - - - transcript of session follows - - - - - 554 5 . 0 . 0 username or alias unknown 550 5 . 1 . 1 . . . user unknown",1 +"Subject: get me thru july newsletter the get me thru newslettervenita king "" the get me thru coach "" volume 1 issue 7 july 2005 "" igniting the power of inspiration . . . "" thank you for reading my newsletter . you will not be the same , i promise ! sign - up todayit ' s free and priceless . . . tell a friend aboutthis newsletter learn more aboutvenita ' s coaching stay up to date with get me thru news venita ' s promiseyou have my word , i will not share your contact information with anyone . thank you for allowing me to contact you ! be my guest and reprint or distribute "" the get me thru newsletter "" as long as you include thecopyright and web link to www . getmethru . com venita king "" the get me thru coach "" venita @ getmethru . comcopyright 2005 all rights reserved . the get me thru collectionis a registered trademark cick here to join the get me thru newsletter now ! ! discover get me thru nuggets of wisdomthat thousands use daily to increase their success - from the author of "" the voice of my boundaries "" in this issue the paradox of stressthe thing you need but should not keep . . . the coach ' s play of the month : "" motivation excites you about someone else ' s answers . inspiration ignites your inner strength through questions that lead you to successful actions and self - awareness . "" venita ' s commercial moment monthly special the paradox of stress there is a level of genius in every human being and it is called a ' gift ' . stress however plays a huge role in how we deliver it to the world . the mystery is that stress is a good thing when used properly and a bad thing when misused . how can that be ? consider these get me thru points about stress . i learned about them the hard way . you don ' t have to make my mistakes . stress is a process in life and not just a thing that happens stress literally enters your being daily and it must also be shown the exit door daily stress should be utilized as a tool for forward movement in the face of challenge stress keeps you alert at the beginning , weighs on you midway and brings you down in the end if you keep it to long stress is an excellent motivator but unlike motivation , it doesn ' t just disappear a get me thru nugget of wisdom : wherever you store your stress is where you can expect to experiencethe most damage , physically , spiritually or financially . . . in the end , someoneelse most likely will have to inform you about the severity of your damage . a get me thru question : do you process your stress daily for authentic success or do you store it daily for disaster ? so you see the parameters of stress will enter the board room or home , it has no preference . - it ' s all about people and not position . however , when ignored stress will ultimately determine how far each one of us goes in life - guaranteed ! read what i learned about how to process stress and how misusing it nearly cost me my life in chapter 8 of "" the voice of my boundaries "" . the coach ' s play of the month : "" motivation excites you about someone else ' s answers . inspiration ignites your inner strength through questions thatlead you to successful actions and self - awareness . "" the get me thru question for this month should last you for a lifetime , because stress is a part of life forever . whether you want to be a millionaire or merely survive , you too must make a decision about processing stress . your success in life demands it ! learn from my get me thru nuggets of wisdom and then work on your own ! let me hear from you soon ! sign my guestbook venita ' s commercial moment monthly special : buy the voice of my boundaries in the get me thru signature pocket during the month of july and receive set of 21 get me thru share cards too ! and click here to buy now your response to my new get me thru jingle get me thru meditation songhas been incredible . many of you heard them if you attended one of my march or april inspiring success workshops . just click here to listen to an excerptfrom the meditation song . the link takes you to my website . click the play button on the media player in the right column and enjoy ! may the voice of your boundaries guide you always . many blessings ! venita cick here to join the get me thru newsletter now ! ! get me thru , inc . 1019 old monrovia rd . huntsville , al 35806 this e - mail message is an advertisement and / or solicitation . - - no virus found in this incoming message . checked by avg anti - virus . version : 7 . 0 . 323 / virus database : 267 . 9 . 1 / 51 - release date : 7 / 18 / 2005 ",1 +"Subject: afforable health care men ' s health : viagra , cialis , levitra anti - depressants : ativan , paxil , prozac , zoloftpain relief : soma , ultramweight loss : meridia , phentermine viagra - $ 2 . 0 / pillsoma - $ 1 . 4 / pillcialis - $ 4 . 2 / pillvalium - $ 3 . 0 / pillxanax - $ 2 . 3 / pillambien - $ 2 . 7 / pillultram - $ 1 . 2 / pillativan - $ 2 . 0 / pilllevitra - $ 4 . 2 / pill if you compare the cost and services of our competitors , you will see that we give you much more . . . for less . our commitment to quality service and customer satisfaction not only makes our site the best choice but the smart choice . the facts : our site has lower prices and more services than its competitors for three consecutive years ! our prices are between 43 . 43 and 58 . 8 % ( an average of 66 . 32 % ) less than the market average . visit us http : / / ioaxint . enjoydays . info / ? 6 c 2 ae 3 afaoaf 7 bdol 9325599 cf 9 zbb 83 / ",1 +"Subject: be your own private eye online internet investigator - new for 2002 - internet software for online investigations find out anything about anyone online uncover information about : enemies , debtors , neighbors , friends , employees , co - workers , your boss , yourself , associates , former school or military buddies , even a new love interest . become an internet investigator and explore an exciting new world of valuable information . with internet investigator you can investigate : people , credit records , social security numbers , employment records , school records , criminal records , driving records , addresses , phone numbers ( even some unlisted ) , hidden assets , family trees and a whole lot more ! click here for more information unsubscribe instructions this message is a commercial advertisement . it is in full compliance with all federal and state laws regarding email advertising , including the california business and professions code . we have provided opt out email contact so you can request to be taken off our mailing list . in addition we have placed adv : in the subject line to provide you with notification in advance that this is a commercial advertisement . we do not wish to send our advertising to anyone who does not wish to receive it . if you would rather not receive any further information from us , please click to be taken off our list . in this way you can opt - out from the list your email address was obtained from , whether it was opt - in or otherwise . please allow 5 - 10 business days for your email address to beprocessed and taken offall lists in our control . meanwhile , delete any duplicate emails that you may receive and rest assured that your request will be honored . if you have previously requested to be taken off this list and are still receiving this advertisement , you may call us at 1 - ( 888 ) 817 - 9902 , or write to : abuse control center , 7657 winnetka ave . , suite 245 , canoga park , ca 91306 ",1 +"Subject: esecure online pharmacies you get the medications you request ! if you are not criticized , you may not be doing much . he who knows others is wise ; he who know himself is enlightened . there is no such thing as a lover ' s oath . war is just to those to whom war is necessary .",1 +"Subject: what ' s going on hi u . this is sarah gal . where have you been hiding ? if you want to hang out and talk some more i would sure like too . hey check out these new pictures of me i just got taken . have a good one . http : / / mmjx . sakarsucks . com / sal 6 / martina sonant deprecatory boogie northampton .",1 +"Subject: hiya hon , , . . . mandamus hi there babie , it ' s the 1 and only crystal clear remember from the dating website . i was told all about you so i thought id say hi hon . i want you to see my pictures and read about me . i wont sleep until i hear from you sexy . : d later baby , cryssie gal http : / / cix . bornfruit . com / cr 25 / no more - jeffersondarcy . com / 1 m / rpbw 2 jt 5 xb 53 p 91 t",1 +"Subject: buy oil stocks now calgary , alberta , jul 7 , 2005 ( ccnmatthews via comtex ) - - on behalf of smsmobility , inc . ( the company ) ( pink sheets : smso ) president rod burns , is pleased to report that the company has executed a memorandum of understanding ( mou ) with quest oil corporation ( otcbb : qoil ) for a joint venture on two of its development programs in texas . the nettie gardner lease is located in central texas and the eastland county lease is located in north central texas . the nettie gardner lease is comprised of 116 acres , which forms the southernmost extension of the exoc field discovered in 1976 by the bishop - biemer - 1 well . oil production occurs from the jennings gas sand and the gardner sandstone at a depth of approximately 1 , 000 ft to 3 , 000 ft . eastland county is situated between abilene and dallas - fort worth , texas . eastland county straddles the bend arch , a geological structural high that separates the fort worth basin to the east from the midland basin to the west . on the eastern side of the arch , the rock stratum declines to the east into the fort worth basin . for stratigraphic purposes , the area can be considered the westernmost extension of the fort worth basin and an extension of the barnett shale play . mr . burns commented , this joint venture represents a significant first step in our efforts to refocus the company ' s business direction . we are extremely pleased to be able to enter into this working arrangement with the management of quest oil corp . and look forward to being part of the successful development of these properties . in addition to other projects under consideration , we are confident that these projects will contribute positive cash flow to the company as well as adding long term value for our shareholders . quest director , mr . cameron king , mba , commented , quest is very pleased to develop a working relationship with star petroleum corp . ( smsmobility ) , management has demonstrated a commitment to establish a presence in the industry by joint venturing on our most recent acquisitions . additional information will be available upon the execution of the joint venture agreement . about quest oil corporation the company is committed to the exploration and development of economical oil and natural gas reserves globally . quest management is focused on an acquisition program targeting high quality and low risk prospects . initially , quest is focused on the development of north american oil and gas resources allowing highly leveraged production opportunities . about smsmobility / star petroleum corp . the company is under a change in direction and is currently acquiring and venturing within the oil and gas sector . the focus and development will be described in enhanced detail in the near future . for more information on the specifics of the properties and the planned drilling programs , please visit the quest oil website at www . questoil . com . on behalf of the board quest oil corporation . cameron king cameron king mba - director this press release contains statements , which may constitute forward - looking statements within the meaning of the securities act of 1933 and the securities exchange act of 1934 , as amended by the private securities litigation reform act of 1995 . prospective investors are cautioned that any such forward - looking statements are not guarantees of future performance and involve risks and uncertainties , and that actual results may differ materially from those contemplated by such forward - looking statements . important factors currently known to management that could cause actual results to differ materially from those in forward - statements include fluctuation of operating results , the ability to compete successfully and the ability to complete before - mentioned transactions . the company undertakes no obligation to update or revise forward - looking statements to reflect changed assumptions , the occurrence of unanticipated events or changes to future operating results . smsmobility , inc . rod burns president ( 403 ) 804 - 1063 or quest oil corporation : investor information mr . darren hayes , corporate development 1 - 866 - 264 - 7668 website : www . questoil . com safe harbor statement this report is for informational purposes only , and is neither a solicitation to buy nor an offer to sell securities . investment in low - priced small and micro - cap stocks are considered extremely speculative and may result in the loss of some or all of any investment made in these companies . estockquest is not a registered investment advisor or a broker - dealer . information , opinions and analysis contained herein are based on sources believed to be reliable , but no representation , expressed or implied , is made as to its accuracy , completeness or correctness . the opinions contained herein reflect our current judgment and are subject to change without notice . estockquest assumes no responsibility for updating the information contained herein regardless of any change in smco ' s financial or operating condition . as estockquest has received compensation for this report , and will benefit from any increase in share price of the advertised company , there is an inherent conflict of interest in our statements and opinions . estockquest accepts no liability for any losses arising from an investor ' s reliance on , or use of , this report . smco will require additional capital to realize its business plan and continue as a going concern . a third party company has been paid in the amount of fifteen hundred dollars for the transmission of this message . estockquest and its affiliates or officers may buy hold or sell common shares , of mentioned companies , in the open market or in private transactions at any time without notice . certain information included herein is forward - looking within the context of the private securities litigation reform act of 1995 , including , but not limited to , statements concerning manufacturing , marketing , growth , and expansion . the words "" may , "" "" would , "" "" will , "" "" expect , "" "" estimate , "" "" anticipate , "" "" believe , "" "" intend , "" and similar expressions and variations thereof are intended to identify forward - looking statements . such forward - looking information involves important risks and uncertainties that could affect actual results and cause them to differ materially from expectations expressed herein . estockquest 1426 15 th ave . north texas city , tx 77590 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: confirmation request 218 - 791 we tried to contact you last week about refinancing your home at a lower rate . i would like to inform you know that you have been pre - approved . here are the results : * account id : [ 289 - 629 ] * negotiable amount : $ 111 , 636 to $ 636 , 435 * rate : 3 . 50 % - 5 . 93 % please fill out this quick form and we will have a broker contact you as soon as possible . regards , rich blankenship senior account manager amston lenders , llc . database deletion : http : / / www . refin - xnd . net / r . php ",1 +"Subject: mid summer flag special : free shipping armstrong flag company spring special : free shipping order today and receive a free car flag free shipping on all orders over $ 35 . 00 . promo good thru june 30 th . may not be combined with any other promo , offer or discount from armstrong flag company armstrong flag company call today : 1 - 800 - 458 - 0052 www . armstrongflag . com armstrong flag company 20 park st . winchester , ma 01890 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: less time , less effort but better sav . ings on alleviations . requiring better energy to face the challenge from daily life ? feel lovv and weary from time to time ? to gain quicker alleviations for your afflictions and other discomforts , vvalk into our medzone . and knovv how to lessen the expenses on medz supply . our quality generics will certainly m . eet your needs for quality curatives and greater value . uncover better categories in our zone for painrelief , sexualhealth , weightctrl . , highcholesterin , sleepingdisorders and others . our collection will make sav . ving on medicaments simpler . http : / / 0 . aonp . yoyoforsheerjoy . com / j 5 r / we maintain a individual environment for purchasers from all over the vvorld . nce - i do not say it la "" a surgeon ! "" said anne . . with emotion . sted long , but it has bee n - when i have asked myse . lf the question , wou he caught the word ; it seemed to rouse him at once , and saying only - - ld it have been better for li 1 ttle em ' ly to have had the wa 7 ters close above her head that morn",1 +"Subject: any med for your girl to be happy ! your girl is unsatisfied with your potency ? don ' t wait until she finds another men ! click here to choose from a great variety of llcensed love t @ bs ! best pri $ es , fast shippinq and quaranteed effect ! here you buy it right from warehouse ! the store is verified by bbb and approved by vlsa ! ",1 +"Subject: having problems in bed ? we can help ! cialis allows men to enjoy a fully normal sex life without having to plan the sexual act . if we let things terrify us , life will not be worth living . brevity is the soul of lingerie . suspicion always haunts the guilty mind .",1 +"Subject: re : how are you ? 8456 fill out our short application for an unbelievable 4 . 1 % mortgage ( apr ) ( ) home refinancing ( ) home improvement ( ) debt - consolidation ( ) cash - out please click here for our short application . the following are no problem and will not stop you from getting the financing you need : * * * can ' t show income * * * self - employed * * * credit problems * * * recent bankruptcy * * * unconventional loan we have hundreds of loan programs available and work with hundreds of lenders , so no matter which of our 50 states you live in , we likely have a program that could meet your needs . please click here for our short application . * we do not resell or disseminate your email address . you are not required to enter your ssn . this is a legitimate offer from legitimate mortgage companies . note : we are licensed in all 50 u . s . states . to be removed from future mailings click here or send an e - mail to remove @ sitecritic . net . we will never intentionally email you again . thank you . ",1 +"Subject: industry forum # 136 the industry forum minute man ii 160 lbs . light - requires no electricity - under $ 6000 complete ! now everybody can be a foamer ! small , one time project ? froth - pak is the answer ! smallest self - contained out - of - box foam application for repairs and small jobs ! also available : insta - stick , tilebond , roofpak and more ! get your copy of the industry catalog ! most complete reference for our industry ! click on the picture above to learn more about the equipment ! the industry forum issue # 136 10341 forum members # 136 - 1 : dik m , pa it would be much more useful to the industry , if spfa would help find a "" code conforming "" fire barrier for attics , crawl spaces etc . , than lecture on fast and loose applications of code . something about 30 cents ( a bd . ft . ) installed , meeting all codes and spray applied . many companies we talk to have a product that appears to be perfect but they haven ' t spent the money to test over foam . maybe a small committee could do a evaluation of various products , report results to spfa , who in turn will "" acquire funding "" from us . # 136 - 2 william b , australia we are in australia but we are finding it hard to locate polyurea sprayers here so that we can start a chapter of the pda do u have any list of australian contractors / suppliers ? ? ? ? or maybe they can put their hand up and lets us know at enviroline @ powerup . com . au , it isfor the betterof the game that an association is need to inform clients and specifiers of the uses and properties of polyureas and train its own members , also to keep cowboys out that give the industry a bad name # 136 - 3 ed m . i am a writer for aviation magazines and one that i write for is a test international , a new publication that just launched this month . i need any new processes you might have that would be used on aircraft , particularly commercial aviation . # 136 - 4 john c , louisiana i have a foam cat 2000 graco machine and a probler gun with a 01 tip . i use this setup to spray truck bed liners . my question is can i and how do i spray foam insulation using my equipment ? and what are the different types of insulation ? # 136 - 5 murph mahaffey , glas - craft i like the new look of the industry forum ! # 136 - 6 mark w , south carolina i ' m sick of all this garbage about covering foam with a "" thermal barrier "" . what the hell do you think foam is ? if you are saying that anything that can be forced to burn should be covered with a fireproof barrier , then you ' d better get busy covering all those trusses and joists and plywood up there that are definitely not carrying a class one fire rating . this double standard for foam is coming directly from those who stand to lose business from it . icynene is different . it doesn ' t burn alone . it doesn ' t melt . it doesn ' t emit phosgene . does it smoke in a fire situation ? sure , so what ? blaming foam in the attic for a house fire because it forces the foam to eventually burn is about as stupid as blaming foam seat cushions for burning when a gas tank ruptures and burns up a car . get real , inspectors . you want us to cover up the only thing in the attic assembly that doesn ' t burn ! as for the vaunted r rating system , it is totally bogus . the test is designed to make porous insulations appear to perform better than they actually do . measuring only conduction and ignoring convection and radiant to convective transfer , the test should have been thrown out for the industry lackey it is 20 years ago , along with that obsolete fiberglassgarbage they ' re still selling everybody . there ' s a reason they don ' t make refrigerators , freezers coolers coffee cups out of fiberglass or cellulose . think about it . # 136 - 7 dirk benthien , forum moderator thank you , mark and dik , for your statements above . i also feel that far too often individuals and companies are too complacent and quietly live with rules and regulations without trying to change them - even if everybody knows they do not make sense . we are all experts and representatives of this industry and should speak up and promote change ! # 136 - 8 martin s , canada does anyone make a dispensing machine for crumb rubber / urethane blends ? # 136 - 9 carole l , california re # 135 - 8 otto v , germany what are the answers ? ( phase - out of 141 b ) # 136 - 10 brian d , canada there has been a lot of talk about ceramic coatings . we are a distributor of such a coating . we have never professed an r - 20 . reason = is there isn ' t an astm test available to measure coatings for r - value . we compare standardized insulation to ceramic coatings via btu loss calculations . depending on the criteria we can equal 2 to 3 inches of standard insulation with an aluminum jacket . we have the data and the projects to prove it . # 136 - 11 cpi we have inquiries from a number of people for used equipment - especially gusmer h 20 / 35 , h 2000 , h 2 , gx - 7 and glas - craft probler . please contact 805 - 552 - 9128 . + + + + + + + + + + + + + + + + + + + + + + + + + + + + end of messages . this forum welcomes anyone interested in the processing of single - or plural - component materials such as polyurethane , polyurea , coatings , epoxies , and other spray - applied materials . the industry forum . a free eservice from to ask or answer a question , or to contribute anything , simply send an e - mail to forum @ cpillc . com used gusmer h 20 / 35 and probler gun for sale ! 805 - 552 - 9128 your privacy is protected ! please read the policies and rules at cpillc . com . show your name here ! become a sponsor ! call 805 - 552 - 9128 or send an email to cpi . read this and previous forum issues all on one page . it will only work if you are connected to the internet ! click here to go to cpillc . com / forumdiscussion . htm . visit cpi , llc on the web . click http : / / www . cpillc . com / cpi is authorized distributor for all leading manufacturers in this industry including gusmer , glas - craft , graco , resin technology , dynasolve . cpi ' s customers enjoy impartial advice , full service , life - long free phone support , training and set - up with all new system at a very fair price ! shop our online warehouse 24 / 7 most efficient procurement anywhere ! www . cpillc . com / warehouse . htm job marketspray jobs did we miss someone ? feel free to submit any number of e - mail addresses of coworkers and friends to be included here . again , this service is free for all ! help grow our forum ! we ' re cpi . we make it work ! call us toll - free 877 - cpi - 2100805 - 552 - 9128 copyright ( c ) 2000 , 2001 , 2002 cpi , llc . all rights reserved . disclaimers and limitations of liabilities posted at cpillc . comthis free eservice is made possible by cpi . please visit their web site at www . cpillc . com or call toll - free 877 - 274 - 2600 or 805 - 552 - 9128 . if you wish to unsubscribe , please hit the reply button - subject = remove . please allow 3 days to take effect . ",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . loqodentity offers creative custom design of loqos , stationery and web - sites . under our carefui hand these powerfui marketing tools wili bring a breath of fresh air into your business and make you stand out among the competitors . you are just a ciick away from your future success . ciick here to see the samples of our artwork , check our prices and hot offers",1 +"Subject: update your online banking records notification of limited account access as part of our security measures , we regularly screen activity in the banking system . we recently noticed the following issue on your account : we would like to ensure that your account was not accessed by an unauthorized third party . because protecting the security of your account is our primary concern , we have limited access to sensitive account features . we understand that this may be an inconvenience but please understand that this temporary limitation is for your protection . case id number : pp - 090 - 292 - 753 for your protection , we have limited access to your account until additional security measures can be completed . we apologize for any inconvenience this may cause . to review your account and some or all of the information that bank of the west used to make its decision to limit your account access , please visit the link below : if , after reviewing your account information , you seek further clarification regarding your account access , please contact bank of the west by visiting the help center and clicking "" contact us "" . we thank you for your prompt attention to this matter . please understand that this is a security measure intended to help protect you and your account . we apologize for any inconvenience . sincerely , bank of the west account review department email id pp 522 please do not reply to this email . this mailbox is not monitored and you will not receive a response . ",1 +"Subject: logo , stationer , website design and so much more ! lt is really hard to recollect a company : the market is full of suqgestions and the information isoverwheiming ; but a good catchy logo , styllsh statlonery and outstanding website wiii make the task much easier . we do not promise that havinq ordered a ioqo your company wili automaticaiiy become a world ieader : it isguite clear that without good products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: programs for every credit situation thank you for your loan request , which we recieved on 5 / 15 / 05 , we ' d like to inform you that we are accepting your application , bad credit ok , we are ready to give you a $ 260 , 000 loan for a low month payment . approval process will take only 1 minute . please visit the confirmation link below and fill - out our short 30 second form . http : / / www . fastrefi . biz / ? a = grabadora ",1 +"Subject: please kindly assist greetings , i am prince fayad w . bolkiah , the eldest son of prince jefri bolkiah , former finance minister of brunei , the tiny oil - rich sultanate on the northern coast of the island of borneo , in eastern asia . i will save your time by not amplifying my extended royal family history , which has already been disseminated by the international media during the controversial dispute that erupted between my father and his step brother , the sultan of brunei sheik muda hassanal bolkiah . as you may know from the international media , the sultan had accused my father of financial mismanagement and impropriety of us $ 14 . 8 billion dollars . this was as a result of the asian financial crisis that made my father company amedeo development company and government owned brunei investment company to be declared bankrupt during his tenure in office . however my father was kept under house arrest , his bank accounts and private properties including a crude oil export refinery were later confiscated by the sultanate . furthermore , during this unfortunate period i was advised to evacuate my immediate family outside the sultanate to avoid further prosecution from the sultan and his security operatives , but before i could do that i was placed under house arrest by the sultan and i have no access to a phone but i have a palm v hand - held computer from which i am sending you this mail . before my incaceration , i went ahead to dispatch the sum of fifty eight million five hundred thousand united states dollars us $ 58 . 5 million in cash under special arrangement into the custody of a private security and trustee company for safe keeping abroad . hence i seek your good assistance to invest these funds into profitable investment in your country to facilitate future survival for my family abroad . i have decided to offer 10 % of these funds to you as compensation for your strong cooperation . please i count on your absolute confidentiality , transparency and trust while looking forward to your prompt reply towards a swift conclusion of this business transaction . i remain yours sincerely . prince fayad . w . bolkiah brunei darussalam .",1 +"Subject: online live striptease for you see me naked click here",1 +"Subject: mail delivery failed : returning message to sender this message was created automatically by mail delivery software . a message that you sent could not be delivered to one or more of its recipients . this is a permanent error . the following address ( es ) failed : save to inbox generated by kremp - gbr @ 01019 freenet . de mailbox is full : retry timeout exceeded - - - - - - this is a copy of the message , including all the headers . - - - - - - return - path : received : from [ 194 . 97 . 50 . 136 ] ( helo = mx 3 . freenet . de ) by mbox 60 . freenet . de with esmtpa ( id exim ) ( exim 4 . 52 # 5 ) id lduppd - 00076 l - ja for kremp - gbr @ 01019 freenet . de ; tue , 19 jul 2005 12 : 59 : 47 + 0200 received : from pll 269 . nas 925 . te - fukuoka . nttpc . ne . jp ( [ 219 . 102 . 66 . 245 ] helo = mailwisconsin . com ) by mx 3 . freenet . de with smtp ( exim 4 . 52 # 3 ) id lduppc - 0004 fp - jp for kremp - gbr @ freenet . de ; tue , 19 jul 2005 12 : 59 : 47 + 0200 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 09360393 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : kremp - gbr @ freenet . de user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal delivered - to : kremp - gbr @ freenet . de envelope - to : kremp - gbr @ freenet . de x - warning : message contains spam signature ( 149285 : : 050719125947 - 6 aa 64000 - 6081 c 675 ) soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbelivabie !",1 +"Subject: for your information dear homeowner , after completing the review we are pleased to offer you the following , your current mortgage qualifies you for more than a 3 % lower rate ! ! ! u . s mortgage rates have never been lower ! ! ! millions of americans have re - financed this month alone ! so why not you ? go here to make that change . if you prefer to be left out of this amazing offer go here .",1 +"Subject: we deliver medication worldwide ! cialis helps to have an erection when you need it we will not have peace by afterthought . stay centered by accepting whatever you are doing . this is the ultimate . you have to be deviant if you ' re going to do anything new .",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . loqodentity offers creative custom design of logos , stationery and web - sites . under our careful hand these powerfui marketinq toois wiii bring a breath of fresh air into your business and make you stand out among the competitors . you are just a click away from your future success . click here to see the samples of our artwork , check our prices and hot offers",1 +"Subject: spamassassin . taint . org i discovered jmason . org in yahoo , my favorite directory . i am requesting that you create a link from jmason . org to my client ' s web site if you feel that their content is in some way related or complements your site . in exchange , i ' ll post a link from their site to yours . exchanging links will help bring in more business for both your web site and my client ' s . an added benefit is increased search engine traffic because the search engines rank sites higher that have a good number of relevant links . this is not a free - for - all link exchange , i don ' t waste my time with them and you shouldn ' t either . i am only linking to related web sites so that all my links are relevant to my site . i would like to send you my client ' s web address , so that you can review their site . my client offers web site promotion and and optimization services for search engines . please let me know if you are interested in exchanging links . i ' ll send you more details once i hear back from you . looking forward to your reply . sincerely , donna martos donnamartos @ link - builder . com http : / / www . link - builder . com p . s . if for any reason you don ' t want me to contact again , just email me and let me know .",1 +"Subject: get a costco gold membership . this is one of the best memberships you can get . visit here . yfdjedbe",1 +"Subject: i ' m a changed maan how to save on your medlcations o publishment ver 70 % . thermit pharmshop - successfull and proven way to save y rosary our musket money . grummet v a neuter g a mittimus l l simplification u solvency l r twenties a valetudinary cl operacloak is seawards val juncture m andmanyother . best prlces breakaway . worldwide shl lasher pplng . easy order for coatee m . total confidenti handle aiity . 250 , benchmark 000 satisfied customers . order partly today and save !",1 +"Subject: give your partner more pleasure the longz system , both the capsules and the free instructional manual , give you the most effective ways to reach immediate size gains and improve the strength and power of your erections . 90 % of males were interested in improving their sexual stamina , performance , and the size of their manhood . are you one of the 90 % ? my name is charles , and i wanted to thank you for your personal attention ( and answers to my extra questions ) , your support team is exceptional and made me feel like a real valued customer . keep it up and thanks again ! - charles , ontario check out the only male enhancement formula with a free dvd http : / / tgo . t . . com / k / po box in link above and you can say no thank you for future under ordinary circumstances the stern features and flashing black eyes of this redoubtable warrior would have struck a chill of fear to the boy ' s heart ; but now under the influence of the crushing misfortunes he had experienced , he was able to gaze with indifference upon the terrible visage of the desert chief . the tatar seemed not to consider rob an enemy instead , he looked upon him as an ally , since the turks had bound and robbed him",1 +"Subject: naturally irresistible your corporate identity lt is really hard to recollect a company : the market is full of suqgestions and the information isoverwheiming ; but a good catchy logo , styllsh statlonery and outstandlng webslte wili make the task much easier . we do not promise that having ordered a ioqo your company will automatically become a worid leader : it isquite ciear that without good products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: see to this proposal hello ! compliments i have been searching for a person whom we can jointly invest , trust in and also solicit an honorable partnership with . i want to confirm that your contact information was got from a web email directory . i represent a client who is interested in investing in your country in areas related to agriculture or any business of your choice , to initiate a proper and structured relationship . please let me know what your response will be to an offer to receive investment funds in cash if ; 1 . the said fund amounts to us $ 8 , 500 , 000 ( eight million , five hundred thousand us dollars ) . 2 . the said fund is in cash and needs to be transferred in the same state , due to some covert reasons . 3 . the fund could be invested through your agency in the purchase of facility and assets for investment purposes within your country , in collaboration with the agency of the current brokers . 4 . this transaction will result in you being paid a commission of 10 % off the investment capital . 5 . the fund owners desire absolute confidentiality and professionalism in the handling of this matter , due to risks of seizure of the fund and litigation if personalities are revealed . the fund owners have interest to invest in any of the following industries , depending on which is most transparent , low risk , and average profit yielding : power generation , telecommunication and software development , film production , hardware manufacturing and export , medicine , construction or real - estate development . based upon the information provided above , i would like to know if you shall be able to assist in the nature of managing the investment fund . you must note that the fund can only be transferred in cash , therefore if you are in acceptance to participate with us in the investment of the fund , you shall also need to participate with us in the transfer of the fund in cash in the manner of receiving the fund in cash and depositing it in a trusted account opened in favour of the investment to be established . and this account would serve as the base or operating account for the investment . i am obliged to believe that you would be able to understand the information above , and should you need further information , please do not hesitate to ask . kindly confirm receipt of this email by sending all correspondence to : quazihossain 44 @ netscape . net sincerely , quazi hossain ( esq )",1 +"Subject: the next move higher for strong market leader homeland security investments the terror attacks on the united states on september 11 , 2 ool have changed the security | andscape for the foreseeabie future . both physical and logical security have become paramount for all industry segments , especially in the banking , nationa | resource and government sectors . according to giga , a who | | y owned subsidiary of forrester research , woridwide demand for information security products and services is set to eclipse $ 46 b by 2 oo 5 . homeiand security investments is a newsletter dedicated to providing our readers with information pertaining to investment opportunities in this lucrative sector . as we know , events reiated to homeiand security happen with lightning speed . what we as investors can do is position ourseives in such a way as to take advantage of the current trends and be ready to capitaiize on events which have yet to happen . homeland security investments is here to help our readers do just that . with this in mind , it is with great excitement that we present vinobie , inc . this stock is expected to do big things in both the near and long terms . symbol : vnbl . ob current price : o . o 8 short term target price : 0 . 35 12 month target price : 1 . 20 * * * why we beiieve vnbl . ob wi | | give big returns on investment * * * * at this time much of vnbl ' s focus is on rfid ( radio frequency identification ) technology . this is technoiogy which uses tiny sensors to transmit information about a person or object wireiessly . * vnbl is aiready an industry pioneer in the rfid personal location technoiogy . * vnbl is developing a form of rfid technology which allows companies and governments to wireiessly track their assets and resources . such technology has huge potentia | in the protection and transportation of materials designated "" high risk "" were they to fail into the wrong hands . * vnbl works on integration of the two afore mentioned systems in order to create "" high security space "" in | ocales where it is deemed necessary . locations which may take advantage of such systems are airports , sea ports , mines , nuciear facilities , and more . * as with a | | stocks , news drives the short term price . fresh news has made vnbl a hot buy . news on vnbl malibu , caiif . - - ( business wire ) - - june 16 , 2 oo 5 - - vinobie , inc . ( otcbb : vnbl - news ) , a hoiding company seeking to identify | ong - term growth opportunities in the areas of homeland security , security information systems , and other security services , announced today that it plans to offer products and services that wi | | assist in the automation of the identification and control of equipment , assets , tools , and the reiated processes used in the oil & gas and petrochemica | industries . aithough sma | | wireiessiy networked rfid sensors can monitor machines and equipment to detect possible problems before they become serious , they can aiso deliver safety features within oi | welis . oi | maybe trapped in different | ayers of rock , aiong with gas and water . detection of specific | iquids can assist equipment in operating within a specific precise opportune moment to ensure certain adverse conditions do not occur , such as a well filiing with water . as with other rf based technoiogy appiications , rfid can also provide the safe transit of materiais by oniy the authorized handier , and | imit the entry of personnel to specific locations . ensuring personnel safety is essential , should there be an emergency at a facility , rfid tags wouid enable the customer to track and evaiuate its employee ' s safety and / or danger . this application technology requires product and hardware that can operate in harsh and potentiaily hazardous conditions , but gives vaiuable safety to the resources and assets that are vital to the customer . rfid can aiso assist the customer ' s suppiy chain by tracking oi | , gas , and chemica | products from extraction to refining to the sale at the retail | eve | . vinobie ' s viewpoint as previously stated is that these applications are more than just a valuable tool to the mining industry , but as a protective measure of our country ' s natural resources and commodities against threat . preservation of these fueis and resources is important to the safety of u . s . industry and economy . the company beiieves that such offering service and technology application in the oi | & gas and petrochemica | industry will further position vinobie in a rapidiy expanding industry while taking advantage of access to the increasing capital and giobal spending that the company wi | | require for growth . the company ' s goa | is to also provide a much - needed service at a cost manageable to even the smaliest of businesses that can ' t afford to do without the safety of its personnel and assets in this current state of constant threat . this is outstanding news . the growth potential for this company is exceptiona | . in an already hot industry , vnbl . ob stands out as a truiy innovative pioneer . we see big things happening to this stock . information within this emai | contains "" forward looking statements "" within the meaning of section 27 a of the securities act of 1933 and section 21 b of the securities exchange act of 1934 . any statements that express or invoive discussions with respect to predictions , expectations , beliefs , plans , projections , objectives , goals , assumptions or future events or performance are not statements of historica | fact and may be "" forward | ooking statements . "" forward | ooking statements are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which could cause actual results or events to differ materially from those presentiy anticipated . forward | ooking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" will , "" "" anticipates , "" "" estimates , "" "" believes , "" "" understands "" or that by statements indicating certain actions "" may , "" "" could , "" or "" might "" occur . as with many micro - cap stocks , today ' s company has additional risk factors worth noting . those factors inciude : a limited operating history , the company advancing cash to reiated parties and a sharehoider on an unsecured basis : one vendor , a reiated party through a majority stockhoider , suppiies ninety - seven percent of the company ' s raw materiais : reiiance on two customers for over fifty percent of their business and numerous related party transactions and the need to raise capital . these factors and others are more fu | | y spelied out in the company ' s sec fiiings . we urge you to read the fiiings before you invest . the rocket stock report does not represent that the information contained in this message states a | | materia | facts or does not omit a materia | fact necessary to make the statements therein not misieading . a | | information provided within this email pertaining to investing , stocks , securities must be understood as information provided and not investment advice . the rocket stock report advises ail readers and subscribers to seek advice from a registered professional securities representative before deciding to trade in stocks featured within this email . none of the material within this report shail be construed as any kind of investment advice or soiicitation . many of these companies are on the verge of bankruptcy . you can lose all your money by investing in this stock . the pubiisher of the rocket stock report is not a registered investment advisor . subscribers should not view information herein as | ega | , tax , accounting or investment advice . any reference to past performance ( s ) of companies are specially seiected to be referenced based on the favorable performance of these companies . you would need perfect timing to achieve the results in the examples given . there can be no assurance of that happening . remember , as aiways , past performance is never indicative of future resuits and a thorough due diiigence effort , including a review of a company ' s fiiings , should be completed prior to investing . in compiiance with the securities act of 1933 , section 17 ( b ) , the rocket stock report discioses the receipt of tweive thousand dollars from a third party ( gem , inc . ) , not an officer , director or affiliate shareholder for the circulation of this report . gem , inc . has a position in the stock they will se | | at any time without notice . be aware of an inherent conflict of interest resulting from such compensation due to the fact that this is a paid advertisement and we are conflicted . ail factual information in this report was gathered from public sources , including but not limited to company websites , sec fiiings and company press reieases . the rocket stock report beiieves this information to be reiiable but can make no guarantee as to its accuracy or completeness . use of the materia | within this email constitutes your acceptance of these terms .",1 +"Subject: software should be easy to use ! fully functional , unrestricted copy of the software . get more results with less efforts . it ' s better to be burnished with use than rusty with principle . where reason fails , time oft has worked a cure .",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . loqodentity offers creative custom design of loqos , stationery and web - sites . under our carefui hand these powerful marketing tools wiii bring a breath of fresh air into your business and make you stand out amonq the competitors . you are just a click away from your future success . click here to see the samples of our artwork , check our prices and hot offers",1 +"Subject: need an outstanding logo now ? working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buildinq a positive visuai imaqe of your company by creatinq an outstanding iogo , presentabie stationery items and professionai website . these marketing tools wiil significantiy contributeto success of your business . take a look at our work samples , hot deai packaqes and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: high growth investing for tomorrow high growth investing company ceo interviewsemerging technologies new trends to watchindustry statistics view pdf are americans and the rest of the world becoming addicted to online gaming ? analysts predict over $ 14 billion dollars a year will go to online casinos gaming stocks may be set to explode ! read the full 10 page report includes inside : company profile : gaming transactions inc . this publicly traded company looks like it has what it takes to become a big player in the online gambling world . could it be the next payoff for investors ? . . . more the online gambling market given the rate at which this market is expanding across the planet , the outlook for the online gaming industry looks very positive . do the numbers add up for investors ? . . . more how big could it get ? online gaming has become a seriously big business , with shares in some companies increasing by up to eight times inside a year . . . . more pick of the month : ggts gaming transactions operates in one of the fastest growing industries around and has an experienced management team . early investors , who get in before the institutional investors , could make a fortune . . . . more ggts : ceo interview patrick smyth and stephen white head up company dedicated to bringing the next generation of online gaming . . . read full interview the asian market according to the diffusion group and game trust , china will become the # 1 online gaming market by 2007 . . . . more investors are making huge gains as the world bets online . could gaming transactions inc . ( gtts ) be the next stock to rock ? recently , we read an article in the economist that highlighted online gaming and how it has become a socially acceptable form of entertainment . over the next few days , as we thought about what sort of impact this trend could have , we started to notice that online gambling was being discussed all over the media - in newspapers , online and on television . it became obvious to us that more and more people were jumping on the internet to bet on games . we also came across some staggering statistics . merrill lynch , for example , has predicted that gambling has the potential to account for a full 1 % of global economic activity ! another source , ecommercetimes . com , recently reported that the scope of this business is so enormous that some have even claimed that it is the single most important factor in the growth of e - commerce . the online gaming industry , in other words , appears to be booming , and it may be an ideal time to is time to invest . we decided to find out who the key players were in the business . after speaking with a number of industry insiders , the trail led us to an emerging , publicly traded company called gaming transactions inc . ( ggts ) . after a close look at ggts , we decided that this company could produce huge returns on investment in the upcoming months . although ggts is a new company , it has some surprisingly experienced players at the helm an uncommon thing to find in an industry only ten years old . the company has come out with online versions of the addictive game keno . and its management team was smart enough to secure the rights to the keno . com website , which , if youre marketing keno , is as good as it gets . keno has the widest spread for the house of any mainstream gambling game . ggts is also about to launch a suite of other online gambling games , including poker and sports - book betting . once it offers these popular games , and given that it already has keno . com online , the company could bring in great revenues , attracting a lot of attention in the investment community and driving up its stock price . after a successful north american launch , gaming transactions inc . ( gtts ) has translated its games into chinese and is about to hit asia . this initiative looks like a wise business decision : many analysis anticipate that china will be the biggest source of online gambling revenue by 2007 , so the company could be poised for massive expansion in terms of both profits and global reach . what does all this tell us ? a brand new company , a popular , well - known game , one of the biggest spreads for the house , a growing market , experienced management , and a stock price that is trading under a dollar it adds up to the potential for huge gains for early investors . if youre interested in more information on the market and gaming transactions inc . , click here to read a free ten - page report . . . to join market movers mailings http : / / ggtsstock . com to find out more . first source data inc . 4535 west sahara ave # 217 las vegas nevada 89102 disclosure and disclaimer investment news indepth reports ( hereinafter inir ) , operated by first source data , inc . ( hereinafter fsd ) , is a business news publication of regular and general circulation . this issue is not a research report , does not purport to provide an analysis of any companys financial position , and is not in any way to be construed as an offer or solicitation to buy or sell any security . gaming transactions inc . ( hereinafter ggts ) is the featured company . fsd managed the publishing and distribution of this publication . the information contained herein is being republished in reliance on statements made by ggts management , and publicly disseminated information issued by third parties regarding ggts and the online gaming industry , which are presumed to be reliable , but neither fsd nor its editors , employees , or agents accept any responsibility for the accuracy of such statements or information , or the contents herein which are derived therefrom . readers should independently verify all statements made in this advertisement . fsd has received compensation for the production and distribution of this newsletter . the compensation received is in the amount of one hundred and twenty eight thousand dollars and was received from accelerated capital limited ( hereinafter acl ) for this advertising effort . acl is a shareholder of ggts . because fsd received compensation for its services , there is an inherent conflict of interest in the statements and opinions contained in this newsletter and such statements and opinions cannot be considered independent . internet - based companies , and those involving online gaming in particular , are almost always very high risk investments , and investors should be aware that they could potentially lose any investment made in such companies in its entirety . we strongly encourage readers to undertake their own due diligence to decide the best course of action in connection with any investment decision that they might make . any investment should be made only after consulting with a qualified investment advisor . media matrix 7025 county rd . 46 a dtel 071 # 349 lake mary , fl 32746 this e - mail message is an advertisement and / or solicitation .",1 +"Subject: look 10 years younger - free sample ! ! ! ! ! ! ! ! esoy this e - mail ad is being sent in full compliance with u . s . senate bill 1618 , title # 3 , section 301 to remove yourself send a blank e - mail to : removal 992002 @ yahoo . com free sample ! free tape ! new cosmetic breakthru ! look 10 years younger in ( 6 ) weeks or less ! look good duo . . from the inside out . . . . . > from the outside in ! introducing . . . . natures answer to faster and more obvious results for : * * wrinkles * * cellulite * * dark circles * * brown spots . . . * * lifts the skin * * strenghtens the hair and nails also helps to . . . . . . . . * reduce cell damage from excessive sun exposure * stimulate colllagen formation * provide protection against skin disorder * and is hopoallergenic find out what ! where ! and how ! to order your free sample and tape send your request to : lookyoungnow 2000 @ yahoo . com subject : subscribe to free sample : your name : . . . . . . . . . . . . . . . . . . . street address : . . . . . . . . . . . . . . city : . . . . . . . . . . . . . . . . . . . . . . . . state and zip code : . . . . . . . . . . email address : . . . . . . . . . . . . . . . sxjrohvneydjgucyfa",1 +"Subject: still wanna her ? : - ) you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactiy when you want . cialis has a lot of advantages over viagra - the effect iasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with aicohoi ! shippinq to any country avaiiabie ! get it right now ! . ",1 +"Subject: cheap software http : / / uracil . mainoemstore . com / ? a = 3107",1 +"Subject: important notice : june 21 , 2005 important notice : june 21 , 2005 dear sir / madam , barclays bank plc . always looks forward for the high security of our clients . some customers have been receiving an email claiming to be from barclays advising them to follow a link to what appear to be a barclays web site , where they are prompted to enter their personal online banking details . barclays is in no way involved with this email and the web site does not belong to us . barclays is proud to announce about their new updated secure system . we updated our new ssl servers to give our customers a better , fast and secure online banking service . due to the recent update of the servers , you are requested to please update your account info at the following link . j . s . smith security advisor barclays bank plc . please do not reply to this e - mail . mail sent to this address cannot be answered . for assistance , log in to your barclays online bank account and choose the "" help "" link on any page . barclays email id # 1009 ",1 +"Subject: cool page please active this link www . informatii . as . ro this email was sent by unregistered version of postman professional . please visit : www . email - business . com",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , fallon ",1 +"Subject: get the software you need , now ! save up to 40 % on popular software bundles ! last words are for people who haven ' t said anything in life . human nature constitutes a part of the evidence in every case .",1 +"Subject: kinja account activation hello , iztari : thanks for creating an account . to begin tracking your favorite sites with kinja , you need to validate your email address . simply click on this link : or copy the link , and paste it into the address line in your web browser . here ' s some useful information to keep on file : * your username : iztari * answers to frequently asked questions : http : / / www . kinja . com / help / welcome ! the kinja team",1 +"Subject: sex is a play , and you must win ! your source for the very best viagra deals on the ' net . always up to date ! luck is what happens when preparation meets opportunity . in order to be a realist you must believe in miracles . consistency is the last refuge of the unimaginative .",1 +"Subject: usa cheapest licensed pharmacy we provide top class world wide lifestyle medications , at incredible prices . if a man cannot choose , he ceases to be a man . something is rotten in the state of denmark . the structure of language determines not only thought , but reality itself .",1 +"Subject: loose your fat in 9 days are you overweight ? loose 9 pounds every 11 days ! do you want to loose weight fast the natural way ? the idiot proof diet will help you shed 9 pounds every 11 days , take it for a free test drive at the link below : click here for the idiot proof diet w a r n i n g : if you notice that you are loosing too much weight to quickly , then you should stop dieting for a few days if you loose more than 1 pound per day you should slow down a little . click here for the idiot proof diet affid : zoolant 44561 getresponse marketing p . 0 box 1451 waterfall , south africa 3652 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: http : / / www . blomqvist . org hello , i have visited www . blomqvist . org and noticed that your website is not listed on some search engines . i am sure that through our service the number of people who visit your website will definitely increase . seekercenter is a unique technology that instantly submits your website to over 500 , 000 search engines and directories - - a really low - cost and effective way to advertise your site . for more details please go to seekercenter . net . give your website maximum exposure today ! looking forward to hearing from you . best regards , vanessa lintner sales marketing www . seekercenter . net you are receiving this email because you opted - in to receive special offers through a partner website . if you feel that you received this email in error or do not wish to receive additional special offers , please enter your email address here and click the button of remove me : ",1 +"Subject: you need only 15 minutes to prepare for the night of love . same medicine , different price ! teachers open the door . you enter by yourself . the secret of success is constancy to purpose . it ' s easy to quit drinking . i ' ve done it a thousand times . love is not love which alters when it alteration finds .",1 +"Subject: reply a . s . a . p united trust bank limited 80 haymarket , london swly 4 te i am mr . alexander george , the account officer of mr . morris thompson who died in the plane crash of alaska airlines flight 261 which crashed on january 31 2000 along with his wife and only daughter ( who happens to be his next of kin ) . he has an account with us . you should read more about the crash on visiting this site ( s ) . since we got information about his death , we have been expecting his next of kin or relatives to come over and claim his money because we cannot release it unless somebody applies for it as next of kin or as a relative to the deceased as indicated in our banking guidelines . i was contacted by the executor of his will to find somebody that can stand in as his next of kin , so that the funds would not be trapped in our bank . all legal paper work will be taken care of by him ( the executor ) if you are favorably disposed to joing us in doing this , please respond as soon as possible . in the event you are not interested , i sincerely ask that you disregard this email and tell no one about it . i am very careful on truncating my banking career should you mention this to someoneelse . i hope you can be trusted in this regard . regards , alexander george",1 +"Subject: congratulations the free lotto company uk head office suite 25 - 32 , lion towers central london england . www . freelotto . com the free lotto company branch office suite 1105 ap zuid - oost amsterdam netherlands . dear winner , we are please to announce you as one of the lucky winners in the freelotto draw held on the 21 th of july 2005 . all winning addresses , you havetherefore been approved for a lump sum pay out of us $ 1 . 500 , 000 . 00 ( 0 ne million five hundred thousand united states dollars ) congratulations ! ! ! due to mix up of some numbers and names , we ask that you keep your winning information confidential until your claims has been processed and your money remitted to you . this is part of our security protocol to avoid double claiming and unwarranted abuse of this program by some participants . all participants were selected through a computer ballot system drawn from over 40 , 000 company and 20 , 000 , 000 individual email addresses and names from all over the world . this promotional program takes place every year . this lottery was promoted and sponsored by association of software producers . we hope with part of your winning , you will take part in our next year us $ 20 million international lottery winner in this year ' s annual freelotto draw . consequently , you have therefore been approved for a total pay out of us $ 1 . 500 , 000 . 00 ( one million five hundred thousand ) only . the following particulars are attached to your lotto payment order : ( i ) winning numbers : fl - 34 - 76 - 90 - 45 ( ii ) email ticket number : fl - 864 / 33 / 98 ( iii ) lotto code number : fl - 34876 / uk ( iv ) the file ref number : fl / 62 / 075983628 / uk please contact the underlisted claims agent as soon as possible for the immediate release of your winnings : mr . adeyinka johnson chief financial director the freelotto company tel : + 44 - 703 - 190 - 7427 email : callmeadeyinka @ yahoo . com ( email ) n . b : steps to claiming your prize ; 1 . please quote your reference number in all correspondence with the claims officer . 2 . winners must send your : names , address , sex , occupation , age , telephone number 3 . identification ( international passport or driver slicence ) to the claims agent mr . adeyinka johnson to process and make immediate payment of their prize . once again on behalf of all our staff , congratulations ! ! ! sincerely , greg jones promotions manager the lotto company uk & europe",1 +"Subject: need creative power ? logodentity is here to help . thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom desiqn of logos , stationery and web - sites . under our carefui hand thesepowerful marketinq toois wiil brinq a breath of fresh air into your business and make you stand out amonqthe competitors . you are just a ciick away from your future success . click here to see the samples of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: 10 minutes before sex , lasts for 24 - 36 hours best prescription generic meds 4 less . ready tears are a sign of treachery , not of grief . life is a zoo in a jungle . we two are to ourselves a crowd .",1 +"Subject: a new era of online medical care . right place to look for buying cheap viagra online ! emancipate yourselves from mental slavery , none but ourselves can free our minds . don ' t let it end like this . tell them i said something . measure not the work until the day ' s out and the labor done .",1 +"Subject: re : protect your computer , you need systemworks ! coxr take control of your computer with this top - of - the - line software ! norton systemworks 2002 software suite - professional edition - includes six - yes 6 ! - feature - packed utilitiesall for 1 special low price of only $ 29 . 99 ! this software will : - protect your computer from unwanted and hazardous viruses - help secure your private valuable information - allow you to transfer files and send e - mails safely - backup your all your data quick and easily - improve your pc ' s performance w / superior integral diagnostics ! - you ' ll never have to take your pc to the repair shop again ! 6 top - of - the - line utilitiesl great price a $ 300 + combined retail value yours for a limited time for only ! ! ! $ 29 . 99 ! ! ! price includes free shipping ! and for a limited time buy 2 of our products get 1 free ! don ' t fall prey to destructive viruses or hackers ! protect your computer and your valuable information and - click here to order yours now ! - or call toll - free 1 - 800 - 861 - 1481 ! your email address was obtained from an opt - in list . opt - in eaf ( ecommerce anti - spam federation ) approved list - type upc prefix = yy * wudo 2 flus . to unsubscribe from this list , please click here . you need to allow 5 business days for removal . if you have previously unsubscribed and are still receiving this message , you may visit our spam abuse control center . we do not condone spam in any shape or form . thank you kindly for your cooperation . ",1 +"Subject: in the heart of your business ! corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes only several seconds for your company to be remembered or to be lost amonq competitors . get your iogo , business stationery or website done right now ! fast turnaround : you wiii see several iogo variants in three business days . satisfaction quaranteed : we provide unlimited amount of chanqes ; you can be sure : it will meet your needsand fit your business . flexibie discounts : loqo improvement , additionai formats , bulk orders , special packages . creative design for competitive price : have a look at it right now ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: the ultimate in pc security and surveillance . * this message is sent in compliance of the new email bill hr 1910 . under bill hr 1910 passed by the 106 th us congress on may 24 , 1999 . per section hr 1910 . if you wish to be removed from our mailing list , please click here . all removal requests are handled electronically and may take up to 24 hours to become in effect . ",1 +"Subject: returned mail : see transcript for details the original message was received at tue , 12 jul 2005 12 : 09 : 30 + 0200 from antonio . urjc . es [ 193 . 147 . 184 . 24 ] - - - - - the following addresses had permanent fatal errors - - - - - ana . elvira @ urjc . es ( reason : deferred ) ( expanded from : ) - - - - - transcript of session follows - - - - - maildrop : error writing to mailbox . ana . elvira @ urjc . es . . . deferred : local mailer ( / usr / sbin / sensible - mda ) exited with ex _ tempfail message could not be delivered for 5 days message will be deleted from queue",1 +"Subject: we use to be friends dear applicant , after further review upon receiving your application your current mortgage qualifies for a 3 % lower rate . your new monthly payment will be as low as $ 340 / month for a $ 200 , 000 loan . please confirm your information in order for us to finalize your loan , or you may also apply for a new one . complete the final steps by visiting our 60 second form we look foward to working with you . thank you , jane barron , account manager helian and associates , llc . - - - - - - - - - - - - - - - - - - - - - - - not interested - http : / / www . lending - leadersx . net / r . php ",1 +"Subject: you don _ t know how to attract customers to your website ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website online otherwise it will be invisible virtually , which means efforts spent in vain . if you want people to know about your website and boost your revenues , the only way to do that is to make your site visible in places where people search for information , i . e . submit your website in multiple search engines . submit your website online and watch visitors stream to your e - business . best regards , roselle sims",1 +"Subject: wed , 06 jul 2005 23 : 15 : 07 + 0300 dear homeowner , you have been pre - approved for a $ 430 , 700 home loan at a 3 . 20 fixed rate . this offer is being extended to you unconditionally and your credit is in no way a factor . to take advantage of this limited time opportunity , all we ask is that you visit the link below and complete the 1 minute post approval form . sincerely , joseph jones",1 +"Subject: free ltc "" sales closers "" which virtually sells long term care to your clients ! this turnkey presentation prepares your client for the sale . it has both video and audio , so you just sit back , run the presentation , and get the applications ready . the same great tool in a flip chart format with a complete script to keep you on track . the choice is yours choose one of these great ltc point - of - sale items . which gift would you like ? all you have to do is complete appointment paperwork with mo marketing . respond to this e - mail or call us today and we will send over the paperwork for one of our top carriers . remember - - we train our agents on products - free - and we also give at least a $ 50 commission bonus for every app you send us . "" for agent use only . please fill out the form below for more information name : e - mail : phone : city : state : we don ' t want anybody to receive our mailing who does not wish to receive them . this is a professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: atft . pk has announced the acquisition between atft and first pet life . pink sheets : atft . pk has announded the acquisition between atft and first pet life . the transactjion will be non - diluted to current shareholders . about first pet life : atft offers coverage at an afforable level that will safely and securely help aviod the worried of unexpected vet bills . atft offers pet insurance discounted services , such as supplies , grooming and boarding . these services are available not only to pet owners in the usa but all over the world ! ! from vaccinations to dog food they will protect and assist the family and their pets for a complete life . atft looks forward to giving pet owners all over the world the opportunity and the ability to afford coverage for their pets and will strive to become a valuable part of you family and protection for your pet ' s life and well being . press release american television and film company in talks with first pet life thursday june 9 , 8 : 00 am et dallas - - ( business wire ) - - june 9 , 2005 - - american television and film company ( pink sheets : atft - news ) announced today that it is in talks with first pet life about the possible acquisition of first pet life . no further details are available at this time . about american television and film company : american television and film company ( pink sheets : atft - news ) develops feature films and television shows for worldwide distribution . additional information about the company and current projects can be found at www . americantvandfilm . com . about first pet life : first pet life offers many discounted services including insurance , pet supplies , boarding , and grooming . as a pethealth insurance provider , first pet life has the backing of an insurance industry leader . the comprehensive coverages offered are broad yet inexpensive for the typical household . additional information is available at www . firstpetlife . com . disclaimer : matters discussed in this press release are "" forward - looking statements . "" statements describing objectives or goals or the company ' s future plans are also forward - looking statements and are subject to certain risks and uncertainties , including the financial performance of the company and market valuations of its stock , which could cause actual results to differ materially from those anticipated . source : american television film safe harbor statement this report is for informational purposes only , and is neither a solicitation to buy nor an offer to sell securities . investment in low - priced small and micro - cap stocks are considered extremely speculative and may result in the loss of some or all of any investment made in these companies . reveal marketing , llc is not a registered investment advisor or a broker - dealer . information , opinions and analysis contained herein are based on sources believed to be reliable , but no representation , expressed or implied , is made as to its accuracy , completeness or correctness . the opinions contained herein reflect our current judgment and are subject to change without notice . reveal marketing , llc assumes no responsibility for updating the information contained herein regardless of any change in atft ' s financial or operating condition . as reveal marketing , llc has received compensation for this report , and will benefit from any increase in share price of the advertised company , there is an inherent conflict of interest in our statements and opinions . reveal marketing , llc accepts no liability for any losses arising from an investor ' s reliance on , or use of , this report . atft will require additional capital to realize its business plan and continue as a going concern . expedite has been paid in the amount of fifteen thousand dollars for the transmission of this message . . reveal marketing , llc and its affiliates or officers may buy hold or sell common shares , of mentioned companies , in the open market or in private transactions at any time without notice . certain information included herein is forward - looking within the context of the private securities litigation reform act of 1995 , including , but not limited to , statements concerning manufacturing , marketing , growth , and expansion . the words "" may , "" "" would , "" "" will , "" "" expect , "" "" estimate , "" "" anticipate , "" "" believe , "" "" intend , "" and similar expressions and variations thereof are intended to identify forward - looking statements . such forward - looking information involves important risks and uncertainties that could affect actual results and cause them to differ materially from expectations expressed herein . reveal marketing 3521 oak lawn ave . , ste . 405 dallas , tx 75219 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: [ ilug - social ] prirodu requiremus social sample social on january lst 2002 , the european countries began using the new euro . never before have so many countries with such powerful economies united to use a single currency . get your piece of history now ! we would like to send you a free euro and a free report on world currency . just visit our site to request your euro and euro report : in addition to our currency report , you can receive our free investment package : * learn how $ 10 , 000 in options will leverage $ 1 , 000 , 000 in euro currency . this means even a small movement in the market has huge profit potential . csice if you are over age 18 and have some risk capital , it ' s important that you find out how the euro will change the economic world and how you can profit ! please carefully evaluate your financial position before trading . only risk capital should be used . 8 c 43 fd 25 cb 6 f 949944 eel 2 c 379 e 50028 utbxcuhepuffbnkwq full opt - out instructions on the bottom of the site - - irish linux users ' group social events : social @ linux . ie http : / / www . linux . ie / mailman / listinfo / social for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: logo , stationer , website design and so much more ! lt is really hard to recollect a company : the market is full of suqgestions and the information isoverwhelming ; but a good catchy logo , styllsh stationery and outstanding website will make the task much easier . we do not promise that having ordered a loqo your company wiil automaticaiiy become a world ieader : it isquite clear that without good products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: . . . if you ' re looking for the lowest software prices on the web , you just found them ! get software cds and download under $ 15 - $ 99 a straw vote only shows which way the hot air blows . poverty is the parent of revolution and crime .",1 +"Subject: make a fortune on ebay 24772 ebay - # 1 rated work at home business opportunity - pc magazine fortunes are literally being made in this great new marketplace ! over $ 9 billion in merchandise was sold on ebay in 2001 by people just like you - right from their homes . now you too can learn the secrets of successful selling on ebay and make a staggering income from the comfort of your own home . if you are motivated , capable of having an open mind , and can follow simple directions , then visit us here . we are strongly against sending unsolicited emails to those who do not wish to receive our special mailings . you have opted in to one or more of our affiliate sites requesting to be notified of any special offers we may run from time to time . we also have attained the services of an independent 3 rd party to overlook list management and removal services . this is not unsolicited email . if you do not wish to receive further mailings , please go here to be removed from the list . please accept our apologies if you have been sent this email in error . charset = iso - 8859 - 1 "" > ",1 +"Subject: re : 6 . 25 30 yr fixed home loan , no points flu dear homeowner , * 6 . 25 % 30 yr fixed rate mortgage interest rates are at their lowest point in 40 years ! we help you find the best rate for your situation by matching your needs with hundreds of lenders ! home improvement , refinance , second mortgage , home equity loans , and more ! even with less than perfect credit ! click here for a free quote ! lock in your low fixed rate today ano points ano cost out of pocket ano upfront fees ano obligation afree consultation aall credit grades accepted 6 . 25 % won ' t stay this low forever ! click for your free quote , now ! h apply now and one of our lending partners will get back to you within 48 hours . click here ! to be removed please clicking here . ",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishing software from corei , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professionai $ 150 adobe premiere pro 1 . 5 $ 90 corei desiqner 10 $ 90 quickbooks 2004 professionai edition $ 75 adobe pagemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere elements $ 125 corel painter ix $ 80 adobe liiustrator cs $ 80 adobe lndesign cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 uiead cooi 3 d production studio 1 . 0 . 1 $ 90 aiias motion buiider 6 professionai $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop eiements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincereiy , lsiah ",1 +"Subject: please help my child dear sir / mam , i have send this email in order to recive some help . i am a single father from italy and i have a big problem . my 2 year child is cancer sick and i need money to treat him . i don ' t ask for lots off money but as much as you want : 1 $ 2 $ . . . . i will be pleased . this is my sweet boy nely : nely pictures the pics say all the things . if you have a hart and you are a father then please this is my paypal email address : david _ horatiul 23 @ yahoo . com . thank you and i ' m very sorry for this email , but i need help . have a nice day and good bless you ! please help my boy ! ! ! ",1 +"Subject: entrust your visual identity to us thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom desiqn of logos , stationery and web - sites . under our careful hand thesepowerfui marketinq toois will brinq a breath of fresh air into your business and make you stand out amongthe competitors . you are just a click away from your future success . click here to see the sampies of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: hello bevstarl 0 dear bevstarl 0 , rape sex ! click here do you like sexy animals doing the wild thing ? we have the super hot content on the internet ! this is the site you have heard about . rated the number one adult site three years in a row ! - thousands of pics from hardcore fucking , and cum shots to pet on girl . - thousands videos so what are you waiting for ? click here you must be at least 18 to enter ! to not be on our in house address database click here and you will eliminated from future mailings . [ : kj ) _ 8 j 7 b ]",1 +"Subject: set & forget ! blast your ad over 200 million leads 2 ) you posted to one of my ffa pages ; 3 ) you have responded to one of my ads ; 4 ) you have sent an e - mail to one my addresses 5 ) you visited one of my sites by doing so , you have agreed to receive this message . under bill s . l 6 l 8 title iii passed by the 105 th us congress this letter cannot be considered spam as long as the sender includes contact information & a method of "" removal . "" however this is a one time mailing so there ' s no removal required . thank you for your kind consideration . @ @ @ @ @ @ @ @ @ @ @ @ @ @ disclaimer @ @ @ @ @ @ @ @ @ @ @ @ @",1 +"Subject: do you want a rolex for $ 75 - $ 275 ? replica watches http : / / dragon . valentlne . com / repli / lib / freedom is nothing else but a chance to be better . it does not do to dwell on dreams and forget to live . the only thing sadder than a battle won is a battle lost . assassination is the extreme form of censorship .",1 +"Subject: discover the new winning sexual erection pills ! prescriptions for female sexual disfunction i exist as i am , that is enough . the covers of this book are too far apart . a person ' s a person , no matter how small . a young man is embarrassed to question an older one .",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is strong enough for a man , but made for a woman ; - ) orderinq viaqra online is a very convinient , fast and secure way ! millions of people do it daily to save their privacy and money order here . . . ",1 +"Subject: a wedding consulting business of your own do you know what a wedding consultant is ? maybe it ' s something you ' ve always thought about doing , but didn ' t know where to start , how to start , when to start . or even if an opportunity like this existed . it does ! and a touch of class would like you to invite you to be a part of it . wedding consulting isn ' t wedding planning . it ' s a fun , exciting , rewarding , and high - paying job that lets you use your creativity to be a part of the happiest day of people ' s lives . our wedding consultants help oversee some of the important details necessary to create the wedding of their client ' s dreams , focusing on just a few key pieces of a wedding : coordinating stationary , favors , gifts , personalized websites , and other creative additions to make weddings just a little more special , personal , and memorable . a touch of class wedding consulting provides a new and exciting opportunity for you to take a bold step for yourself , and serve the needs of many others in the process . a touch of class is an established and successful wedding consulting business . our consultants provide thoughtful touches , creative advice , event expertise , and quality products to add special value to a most special day , all through our network of vendors and suppliers . we provide everything they need to do their job and to do it well , with end to end support , training , administration , sales , and relationship building . now , a touch of class is creating a national network of wedding consultants . it ' s an exciting opportunity . perhaps it ' s the right opportunity for you . to learn more about our program , and about being a wedding consultant , click below to view our brief program overview . click here for program overview presentation the need for professional wedding consultants has grown tremendously . with more than two - - and - a - half million weddings and almost seventy billion dollars spent on weddings last year alone , there are more opportunities for wedding consultants than ever before . after you ' ve had a chance to view our presentation , if you feel this is something that ' s right for you , then call or email me to get started , and we can schedule a time to discuss the program together in greater detail . sincerely yours , nicole nicole wilder president a touch of class wedding consulting t : 800 - 870 - 0029 ext . 5101 f : 203 . 924 . 0634 email : nicole . wilder @ atocweddings . com web : www . atocweddings . com a touch of class 223 canal st . shelton , ct 06484 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: in the heart of your business ! corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes only several seconds for your company to be remembered or to be iost among competitors . get your ioqo , business stationery or website done riqht now ! fast turnaround : you wiii see several ioqo variants in three business days . satisfaction quaranteed : we provide uniimited amount of changes ; you can be sure : it will meet your needsand fit your business . fiexible discounts : iogo improvement , additional formats , bulk orders , special packages . creative design for competitive price : have a look at it right now ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . logodentity offers creative custom desiqn of loqos , stationery and web - sites . under our careful hand these powerful marketing toois wili bring a breath of fresh air into your business and make you stand out among the competitors . you are just a click away from your future success . click here to see the sampies of our artwork , check our prices and hot offers",1 +"Subject: need a graphic artist ? come here . thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom design of ioqos , stationery and web - sites . under our carefui hand thesepowerful marketing toois wiii brinq a breath of fresh air into your business and make you stand out amongthe competitors . you are just a ciick away from your future success . click here to see the sampies of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: low price software http : / / woe . mainoemstore . com / ? a = 3107",1 +"Subject: uae enquiries dear sirs , emiratestenders provides you with the latest business information on projects , tenders , enquiries and business deals in the united arab emirates . we will keep you informed about all business activities in abu dhabi , dubai , sharjah , al ain & northern emirates in areas such as construction , oilfield development , telecommunication , information technology , medical , power generation , roads & bridges & more . emiratestenders provides members free access to the most comprehensive and detailed real time project and tender database with many benefits including : complete access to our detailed real time database on all projects , tenders and enquiries in united arab emirates . ( details provided are : project number , project name , territory , client , client address , description , invitation date , post date , closing date , tender cost , budget , contractors , consultants , tender categories , status , remarks ) free e - mail notification on preferred areas of business and useful local business news . easy to use search options . archive of over 8 , 000 projects and tenders for market research and analysis which is updated on a daily basis . a newsletter with information on the latest business activities in the uae . free consultancy on local business requirements in the territory . the people at emiratestenders have indepth knowledge and experience about the local market and can assist you to develop your business in the united arab emirates . the annual subscription fee to emiratestenders is only usd 500 , which gives you unlimited access to the real time projects and tenders database information . click here to see a sample page . for only usd 500 , you can sign up as a member to take advantage of the most comprehensive and detailed real time project and tender database in what is undoubtedly one of the most exiting and potentially lucrative markets in the world today . please visit http : / / www . uaeenquiries . com and find out for yourself how it can help you expand your business and win deals in the united arab emirates . yours faithfully , sales and support teamtel : + 971 2 - 6348495 fax : + 971 2 - 6316465 you are receiving this e - mail because you have opted - in to receive special offers for business development or one of it ' s marketing partners . if you feel you have received this e - mail in error or do not wish to receive additional special offers , please reply to remove @ uaeenquiries . com with a "" remove "" subject in the email .",1 +"Subject: stox maven news - letter * * * watch this one july 21 breaking news alert issue - big news coming * * * china world trade corp . symbol : cwtd current price : $ 2 . 46 7 day target : $ 8 . 00 $ $ $ we gave you : pntv at $ 1 . 10 cdgt at $ 1 . 97 lets make it 3 for 3 look for huge news this company back on the move . rumor has the shorts are going to be broken and sto * ck will run . cwtd website address is www . chinawtc . com all company info is there . this sto * ck has had good movement and support the last 15 months it is a strong company growing in leaps and bounds . company has been profiled on cnn asia , forbes . com , bloomberg . com , ceo cast . com , businessweek . com , p . r . newswire , pennysto * ck weekly . com , yahoo finance has reports for sale . how much more credibility do you need . amex exchange listing waits in the wings . this is big ! ! ! ! ! ! company filed for amex 10 months ago and is finally ready to go up based on the 10 k . symbol cwtd join in and squezze the shorts : cwtd take a look at our last strong buy recomendatons get in cwtd while it ' s hot disclaimer : information within this email contains "" forwardlooking statements "" within the meaning of section 27 aof the securities act of 1933 and section 21 b of the securities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beliefs , plans , projections , objectives , goals , assumptions or future events or performance are not statements of historical fact and may be "" forward looking statements "" . "" forward looking statements "" are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which could cause actual results or events to differ materially from those presently anticipated . forward looking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" will "" , "" anticipates "" , "" estimates "" , "" believes "" , "" understands "" or that by statements indicating certain actions "" may "" , "" could "" , or "" might "" occur . risk factors include general economic and business conditions , the ability to acquire and develop specific projects , the ability to fund operations and changes in consumer and business consumption habits and other factors overwhich the company has little or no control . the publisher of this newsletter does not represent that the information contained in this message states all material facts or does not omit a material fact necessary to make the statements therein not misleading . all information provided within this email pertaining to investing , stocks , securities must be understood as information provided and not investment advice . the publisher of this newsletter advises all readers and subscribers to seek advice from a registered professional securities representative before deciding to trade in stocks featured within this email . none of the material within this report shall be construed as any kind of investment advice or solicitation . many of these companies are on the verge of bankruptcy . you can lose all your money by investing in this stock . we urge you to read the company ' s sec filings now , before you invest . the publisher of this newsletter is not a registered invstment advisor . subscribers should not view information herein as legal , tax , accounting or investment advice . in compliance with the securitiesact of 1933 , section 17 ( b ) , the publisher of this newsletter is contracted to receive six hundred thousand free trading shares from a third party , not an officer , director or affiliate shareholder for the circulation of this report . be aware of an inherent conflict of interest resulting from such compensation due to the fact that this is a paid advertisement and is not without bias . the party that paid us has a position in the stock they will sell at anytime without notice . this could have a negative impact on the price of the stock , causing you to lose money . all factual information in this report was gathered from public sources , including but not limited to sec filings , company websites and company press releases . the publisher of this newsletter believes this information to be reliable but can make no guarantee as to its accuracy or completeness . use of the material within this email constitutes your .",1 +"Subject: freedom - $ 1 , 021 , 320 . 00 per year . hi , i would like you to enjoy the same success that i have had , since joining this program for free . cost you nothing to join ! pre - built downline : a full ( 2 wide x 10 deep ) profit center will have a total of 2 , 046 people and a payout of up to $ 1 , 021 , 320 . 00 per year . the fastest way for us to help you build a huge downline is to give away free memberships to highly motivated prospects , like you , and help build a downline under them . this is the fastest and most cost - effective way to build a productive downline ! we are currently recruiting over 1 , 000 new members per week with our lightning fast recruiting system ! ! ! go to : http : / / www . ircinconline . com / isb . htm code number 000 - 01 - 3118 ps . . . after i received my info pack , the company already had placed 30 people under me disclaimer to remove yourself from my data base please hit reply and insert remove in the subject box . 7211 iahr 5 - 883 pbxd 6893 zunf 7 - 464 yxfl 31",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( qerman , french , spanish , uk , and many others ) . all iisted software is availabie for immediate download ! no need to wait 2 - 3 week for cd delivery ! just few exampies : - norton lnternet security pro 2005 - $ 29 . 95 - windows xp professional with sp 2 fuii version - $ 59 . 95 - corel draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 inciudinq ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native languaqe ! best reqards , ashlee ",1 +"Subject: amaziing hello , welcome to medzonl hedgehog ine shop we are pleased to introduce ourselves as one of the ieading online pharmaceutica impractical i shops . financier v hundredweight r designer al l sestertius l trashy lag a matronly cl isv baresark a septic um andmanyother . - save over 75 sundae % - total confid fewness entiaiity - worldwide outset shlpplng - over 5 miilion cust clothes omers in 150 countries have a skinny nice day !",1 +"Subject: spice up your cellphone with a wallpaper from dirtyhippo . dress up your phone . visit here . dxndeueqjdzo",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( german , french , spanish , uk , and many others ) . ali iisted software is avaiiable for immediate downioad ! no need to wait 2 - 3 week for cd delivery ! just few examples : - norton internet security pro 2005 - $ 29 . 95 - windows xp professional with sp 2 full version - $ 59 . 95 - corel draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 inciudinq ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native ianquage ! best reqards , adina ",1 +"Subject: improved health jbtfcz to find out more , click on the link below more info increase your sex drive ! ! ! great sexin a bottle ! knock your sex drive into high gear ! men easily achieve naturally triggered erections , like they are 18 all over again women will pump with naturally flowing juices from the start and will achieve the most intense orgasms of their lives ! jumpstart sexual desire in both men women , to the point that you never thought possible ! . has your sex life become dull , mundane , or even non - existent ? are you having trouble getting or "" keeping "" an erection ? do you think you have lost the desire ? or does your desire seem more like a chore ? click here for more info great sex in a bottle has been called the all natural alternative to viagra . it increases sex drive like you never thought possible , creating natural emotional responses ! this fact is unlike viagra , as viagra is designed to chemically induce blood flow to the penis . well , as you men know , that ' s great to stay hard , but if you don ' t have the desire to do anything , then what ' s the point ? ! ! ! and all for as low as $ 1 per pill , as opposed to viagra at $ 10 per pill ! xerox?ffffae brother?ffffae and more ! compatible with all inkjet printers plain paper inkjet faxes this message is being sent to you in compliance with the proposed federal legislation for commercial e - mail ( s . 1618 - section 301 ) . pursuant to section 301 , paragraph ( a ) ( 2 ) ( c ) of s . 1618 , further transmissions to you by the sender of this e - mail may be stopped at no cost to you by submitting a request to remove further , this message cannot be considered spam as long as we include sender contact information . you may contact us at ( 801 ) 406 - 0109 to be removed from future mailings . ",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( german , french , spanish , uk , and many others ) . ali iisted software is avaiiabie for immediate download ! no need to wait 2 - 3 week for cd delivery ! just few examples : - norton lnternet security pro 2005 - $ 29 . 95 - windows xp professionai with sp 2 fuli version - $ 59 . 95 - corel draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 inciudinq ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native lanquage ! best regards , margarette ",1 +"Subject: if your sex life is good . . . then make it fantastic ! prescription medicine through an easy , secure and confidential environment . children are likely to live up to what you believe of them . a rat who gnaws at a cat ' s tail invites destruction . patience is the companion of wisdom . i love people , it ' s mankind i can ' t stand .",1 +"Subject: [ ilug ] stop the mlm insanity greetings ! you are receiving this letter because you have expressed an interest in receiving information about online business opportunities . if this is erroneous then please accept my most sincere apology . this is a one - time mailing , so no removal is necessary . if you ' ve been burned , betrayed , and back - stabbed by multi - level marketing , mlm , then please read this letter . it could be the most important one that has ever landed in your inbox . multi - level marketing is a huge mistake for most people mlm has failed to deliver on its promises for the past 50 years . the pursuit of the "" mlm dream "" has cost hundreds of thousands of people their friends , their fortunes and their sacred honor . the fact is that mlm is fatally flawed , meaning that it cannot work for most people . the companies and the few who earn the big money in mlm are not going to tell you the real story . finally , there is someone who has the courage to cut through the hype and lies and tell the truth about mlm . here ' s good news there is an alternative to mlm that works , and works big ! if you haven ' t yet abandoned your dreams , then you need to see this . earning the kind of income you ' ve dreamed about is easier than you think ! with your permission , i ' d like to send you a brief letter that will tell you why mlm doesn ' t work for most people and will then introduce you to something so new and refreshing that you ' ll wonder why you haven ' t heard of this before . i promise that there will be no unwanted follow up , no sales pitch , no one will call you , and your email address will only be used to send you the information . period . to receive this free , life - changing information , simply click reply , type "" send info "" in the subject box and hit send . i ' ll get the information to you within 24 hours . just look for the words mlm wall of shame in your inbox . cordially , siddhi p . s . someone recently sent the letter to me and it has been the most eye - opening , financially beneficial information i have ever received . i honestly believe that you will feel the same way once you ' ve read it . and it ' s free ! this email is never sent unsolicited . this is not "" spam "" . you are receiving this email because you explicitly signed yourself up to our list with our online signup form or through use of our ffa links page and e - maildom systems , which have explicit terms of use which state that through its use you agree to receive our emailings . you may also be a member of a altra computer systems list or one of many numerous free marketing services and as such you agreed when you signed up for such list that you would also be receiving this emailing . due to the above , this email message cannot be considered unsolicitated , or spam . - - irish linux users ' group : ilug @ linux . ie http : / / www . linux . ie / mailman / listinfo / ilug for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: = ? iso - 8859 - 1 ? q ? automated reply from administrator ? = vakantie tot 26 juli !",1 +"Subject: re : your financial security ! high priority ! when economy goes down , we go up ! $ 3000 commission per sale for you ! ! with the power of f i n a n c i n g ! this is for serious people only make huge $ 3000 commissions on every sale ! for only $ 300 down and $ 149 per month ! part time earnings : $ 6000 per month full time earnings : $ 15 , 000 to 25 , 000 per month easy , fast and fun ! ! strictly not mlm ! ! here you earn money immediately ! if we have to prove it to you , we can and we will . my personal bank statement will speak for it . new ! assured f i n a n c i n g available ! ! where else do you make $ 3000 per sale ? ? our lease program lets you start right away - it ' s fast and easy ! do not miss out , as this is a one time offer ! free training included ! program available in usa and canada only ! request more free info now ! send an email to : paulbennert @ excite . com with "" send info "" in the subject line ( do not click reply ! ) to remove , please send an email with remove in the subject line to : plutoristal @ excite . com",1 +"Subject: delivery notification : delivery has failed this report relates to a message you sent with the following header fields : return - path : received : from ims - ms - daemon . mailo 2 . direcway . com by mailo 2 . direcway . com ( iplanet messaging server 5 . 2 hotfix 1 . 25 ( built mar 3 2004 ) ) id ( original mail from projecthoneypot @ projecthoneypot . org ) ; fri , 24 jun 2005 11 : 42 : 25 - 0400 ( edt ) received : from a 34 - mtao 3 . direcway . com ( a 34 - mtao 3 [ 66 . 82 . 4 . 104 ] ) by mailo 2 . direcway . com ( iplanet messaging server 5 . 2 hotfix 1 . 25 ( built mar 3 2004 ) ) with esmtp id ; fri , 24 jun 2005 11 : 42 : 25 - 0400 ( edt ) received : from dsl 7 - 186 . rb . comporium . net ( dsl 7 - 186 . rb . comporium . net [ 199 . 222 . 173 . 186 ] ) by a 34 - mtao 3 . direcway . com ( iplanet messaging server 5 . 2 hotfix 1 . 25 ( built mar 3 2004 ) ) with smtp id ; fri , 24 jun 2005 11 : 40 : 38 - 0400 ( edt ) received : from dnsolpaypal . com ( 173 . 169 . 34 . 152 ) by jem 36 - dhy 9 . paypal . com with microsoft smtpsvc ( 5 . 0 . 2195 . 6824 ) ; fri , 24 jun 2005 11 : 37 : 57 - 0500 received : from paypal . com ( 127 . 0 . 0 . 1 ) by dns paypal . com ( smtpd 32 - 7 . 12 ) id qllo 800 ; fri , 24 jun 2005 11 : 37 : 57 - 0500 date : fri , 24 jun 2005 11 : 40 : 38 - 0400 ( edt ) date - warning : date header was inserted by a 34 - mtao 3 . direcway . com from : daniel suon subject : fast debt relief ! ! ! = ? unknown ? q ? = b 95259 - plrk ? = to : stephen @ direcpc . com message - id : content - type : multipart / mixed ; boundary = "" - - - - - = 575 _ 8521 _ 6 f 749 v 57 . 81 gr 791 f "" your message cannot be delivered to the following recipients : recipient address : stephen @ ims - ms - daemon original address : stephen @ direcpc . com reason : over quota recipient address : summit @ ims - ms - daemon original address : summit @ direcpc . com reason : over quota",1 +"Subject: best software prices . big range of all types of downloadable software . life is consciousness . if you stay in beverly hills too long you become a mercedes .",1 +"Subject: reduction in high blood pressure age should be nothing more than a number it ' s okay to want to hold on to your young body as long as you can view more about a new lifespan enhancement press here with increasing longevity for an increasing segment of the population , this is the frontier for the new millennium - dr david howard medical journal news sorry not for me and the address is above this was good reasoning , but the rash youth had no idea he was speeding over the ocean , or that he was destined to arrive shortly at the barbarous island of brava , off the coast of africa yet such was the case ; just as the sun sank over the edge of the waves he saw , to his great relief , a large island directly in his path he dropped to a lower position in the air , and when he judged himself to be over the center of the island he turned the indicator to zero and stopped short ",1 +"Subject: get big , ripped & strong ! ! deca , d - bol , winni - v ! 1095 get big , ripped , & strong ! real anabolic pharmaceuticals ! * - d - bol - winni - v - equipose - ghb - and more ! - click here to enter = = = = = > sdi - labs anabolics ( please click on the link below or copy and paste the following url into your browser if above link does not work . ) http : / / www . sdilabsol - 02 . com / s - labs / - build incredible muscle size and strength - get vascular , hard and ultra ripped new extremely powerful products - liquid anodrol - sustenol 250 - deca nor 50 - masterbolan - somatroph hgh - click here to enter = = = = = > sdi - labs anabolics sdi - labs toll free : 1 - 561 - 742 - 5932 9835 - 16 lake worth rd . # 227 lake worth , fl 33467 to be cancelled for free from our email list please click on the following link and and hit send . your email address will be removed within 24 hours . cancel @ tgifcam . com if above link does not work please send an email with the word cancel in the subject to cancel @ tgifcam . com if you have previously cancelled and are still receiving this message , or need to speak with us regarding this email , you may call our abuse control center immediately toll free at 1 - 888 - 425 - 6788 or email nomorel @ tgifcam . com , you may also write us at nomore 9835 - 16 lake worth road # 227 - lake worth , fl 33467 * our sincere love and prayers go out to all of the familys and individuals that were touched by the horrible acts committed against our country . and also for our soldiers who are now defending this great land . ",1 +"Subject: this one will make you money 9 / 20 / 02 11 : 34 : 52 pm a great sponsor will not make you money . a great product line will not make you money either . a great compensation plan will not make you money either . a great company will not make you money either . some say it ' s a combination of the above . some say it ' s what ' s inside you that matters the most . forget about meetings , one - on - one , 3 - ways calls , etc . those old ways of network marketing has come and gone . they wear you out long before you make any money . what makes you money is a downline associated with a stable company that has consumable products . where ' s the downline coming from ? well , we have an online automatic recruiting system that does the work for you . our system will place paying members in your downline . furthermore , you can see it working first hand before you decide what to do , if any . for more info on this simple but powerful recruiting system please click here and send a blank message we belong to the same opt - in list . but if you wish to have your email address remove from our database please click here ",1 +"Subject: a chance to get new logo now working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buildinq a positive visuai imaqe of your company by creating an outstandinq loqo , presentable stationery items and professionai website . these marketinq toois wili siqnificantly contributeto success of your business . take a look at our work sampies , hot deai packaqes and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: it woorks fine want to know how to save over 60 pigsty % on your piils ? http : / / www . afteading . measurably com - su earthquake ccessfull and proven way to sav outpost e your money . altercation v trifoliate ag prayer al rollick lu serous l r commiserative a syphilitic cl destitution isva breeder l ascribe m andmanyother . be bacillus st prlces . high qu swatter aiity . worldwide sh circumlocutory lpplng . total c gastronomist onfidentiaiity . 250 . 000 + satisfie behaviour d customers . have ascensional a nice day !",1 +"Subject: play full length movies on your pc to ensure delivery to your inbox ( not bulk or junk folders ) , please add news @ real - email . net to your address book . only $ 12 . 95 per month after your free trial . unlimited movie downloads choose from 100 s of movies each month , with new titles added weekly . theres never a queue to manage just pick your movie , start downloading , and you can begin watching in minutes . no hidden charges , no late fees , nothing to mail back . watch at home or on the go , as often as you want . please note : subscriptions are currently available for purchase in the u . s . only . a 300 kbps broadband connection is required . if you want to make sure that emails from realnetworks go to your inbox and not to your junk mail folder , add news @ real - email . net to your address book . if you do not wish to receive e - mails from us in the future , click here to unsubscribe . have questions regarding our email privacy policy ? contact us at : email privacy policy group realnetworks , inc . p . o . box 91123 seattle , wa 98111 - 9223 or click here to read our privacy policy need customer support ? contact us at : http : / / service . real . com 2005 realnetworks , inc . patents pending . all rights reserved . realnetworks , real , realplayer , realrhapsody , realaudio , realvideo and the real logo are trademarks and registered trademarks of realnetworks , inc . all other trademarks are property of their respective owners . starz starz ticket and related channels and service marks are the property of starz entertainment group llc . all other trademarks are the property of their respective owners . starz entertainment group llc 8900 liberty circle englewood , co 80112 starz privacy policy to unsubscribe from starz emails , please visit here . ",1 +"Subject: send the love home with an online photo album get cd and downloads , all software under $ 99 - $ 15 nobody will believe in you unless you believe in yourself . nothing feeds upon itself as liberality does .",1 +"Subject: thanksgiving sale we want to thank you for your past business and wish you and yours a very happy thanksgiving holiday this year . as you know , indians played an important role in helping the pioneers find food and water . no small wonder they were honored on our nation ' s cents from 1859 to 1909 and gold coins from 1854 to 1933 . asa way of giving thanks to our customers , we just bought in a rare batch of 900 vf and xf indian cents and are offering these on special for this week . nice mixture of dates from the 1880 s to 1909 . our regular wholesale price for solid vf coins is $ 1 . 95 and $ 6 . 00 for solid xf . for this week only , we are offering 10 different dates , vf or better , for only $ 15 or 10 different dates , solid xf or better , for only $ 45 . dealers / investors - buy a nice roll of 50 , with at least 10 different dates in each roll . vf roll of 50 , only $ 69 . xf roll of 50 , only $ 195 . limit : 5 rolls of each per customer at these low wholesale prices . we also have some really nicechoice bu ( ms 63 or better ) $ 21 / 2 indian gold coins from 1908 - 1929 for only $ 395 each ( our choice of date , but we will pick out the best quality ) 3 different for only $ 950 or 10 different for $ 2 , 950 . limit : 10 per customer . please add $ 6 to help with postage and insurance on all orders . thank you again , cristina www . collectorsinternet . com p . s . one of our most popular items this month has been our wholesale bargain boxes , found half way down our homepage or at http : / / collectorsinternet . com / . htm . we are getting many repeat orders from other dealers . you can save time and postage by adding this item , or any other items we have on sale to your other purchases , as there is only a $ 6 postage and handling fee per order , regardless of size . ",1 +"Subject: prime lenders application status we tried to contact you last week about refinancing your home at a lower rate . i would like to inform you know that you have been pre - approved . here are the results : * account id : [ 046 - 073 ] * negotiable amount : $ 182 , 092 to $ 657 , 186 * rate : 3 . 30 % - 5 . 52 % please fill out this quick form and we will have a broker contact you as soon as possible . regards , gus hammond senior account manager lyell national lenders , llc . database deletion : www . lend - bloxz . com / r . php ",1 +"Subject: account suspension dear paypal user , in accordance with our major database relocation , we are currently having major adjustments and updates of user accounts to verify that the informations you have provided with us during the sign - up process are true and correct . however , we have noticed that the pin number you updated on file is fake . paypal requires your personal identification number as the latest security measure against : identity theft , credit card fraud and unauthorized account access . paypal will verify it with your bank records for your own protection . if you provide a wrong pin your account will be suspended for unauthorized account access . due our latest security improvements paypal became a global leader in online payments . we require you to complete an account verification procedure as part of our security measure . you must click the link below to complete the process . unable to do so may result to abnormal account behavior during transactions . thank you for using paypal ! the paypal team please do not reply to this e - mail . mail sent to this address cannot be answered . for assistance , log in to your paypal account and choose the "" help "" link in the footer of any page . paypal email id ppo 96 ",1 +"Subject: loaded with technology for business and home . microsoft localized software . http : / / iylo . box 8 wab 48 lti 8 ut . evelynlb . com some of my best leading men have been dogs and horses . the smaller the mind the greater the conceit .",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . loqodentity offers creative custom design of loqos , stationery and web - sites . under our careful hand these powerful marketing tools wili brinq a breath of fresh air into your business and make you stand out among the competitors . you are just a click away from your future success . click here to see the sampies of our artwork , check our prices and hot offers",1 +"Subject: just to her . . . you are not allowed to post to this mailing list , and your message has been automatically rejected . if you think that your messages are being rejected in error , contact the mailing list owner at die _ spammer _ die - owner @ rockycrater . org .",1 +"Subject: re : september 11 , 2001 hi my name is jason , i recently visited www . muhajabah . com / wtc . htm and wanted to offer my services . we could help you with your september 11 , 2001 website . we create websites that mean business for you ! here ' s the best part , after we recreate your site in the initial setup , we give you a user - friendly master control panel . you now have the ability to easily add or remove copy , text , pictures , products , prices , etc . when you want to ! i would be happy to contact you and brainstorm some ideas . regards - jasononline store creatorstoll free : 800 - 658 - 9978 ext : 206 http : / / www . . comwe are can - spam complientif you do not want to receive these informational emails in the future , please unsubscribe .",1 +"Subject: seeking your partnership dear partner to be , first , i must apologise to you for using this medium to communicate to you about this project . i am a highly placed official of government of nigeria and also a founding member of the ruling party in power now , the peoples democratic party ( pdp ) . my committee - the niger delta development corporation ( nddc ) - which is in charge of managing and supervising the disbursement of oil sales revenues for the nigerian government . the revenues under our control runs into several hundred of millions of dollars monthly . my self and other colleagues in the nddc are currently in need of a foreign partner with whose bank account we shall transfer the sum of forty nine million five hundred thosand united states dollars ( $ 49 . 5 m ) . this fund accrued to us as commission for oil sales contracts handled under our supervision . the fund is presently waiting in the government account named cbn / fgn independent revenue account number 400 - 939134 with j . p . morgan chase bank , new york . you can do your independent verifictaion of this . however , by virtue of our position as civil servants and members of the nddc , we cannot acquire this funds in our name . this is because as top civil servants , we are not allowed by law of the land to own or operate bank accounts outside our country for now . i have been delegated as a matter of trust by my colleagues , to look for an overseas partner in whose account we would transfer the fund hence the reason for this mail . we shall be transferring the money to your account with your company as we shall present your company as a registered foreign company with a branch in nigeria and you are been paid for a contract which you executed for our country through the nddc and any oter federal ministry that we decide to use to siphon the funds away . for your support and partnership , please reply me to negotiate your fees or the percentage you wish to be paid when the funds arrive your bank account . you must however note that this transaction , with regards to our disposition to continue with you , is subject to these terms . firstly , our conviction of your transparency . secondly , that you treat this transaction with utmost secrecy and confidentiality . finally and above all , that you will provide an account that you have absolute control over . the transaction , although discrete , is legitimate and there is no risk or legal disadvantages either to ourselves or yourself now or in the future as we have put in place perfect mchineries that will ensure a hitch free transfer into your account upon acceptance . the transfer will be effected to your account within ten - fourteen ( 10 - 14 ) working days as soon as we reach an agreement and you furnish me with a suitable bank account and company name and address with all your contact numbers including fax number . i am looking forward to doing business with you and do solicit your confidentiality in this transaction , please mail your response to me . yours faithfully , anderson k . eseimoku",1 +"Subject: http : / / www . kirkbridebuildings . com hello , i have visited www . kirkbridebuildings . com and noticed that your website is not listed on some search engines . i am sure that through our service the number of people who visit your website will definitely increase . seekercenter is a unique technology that instantly submits your website to over 500 , 000 search engines and directories - - a really low - cost and effective way to advertise your site . for more details please go to seekercenter . net . give your website maximum exposure today ! looking forward to hearing from you . best regards , vanessa lintner sales marketing www . seekercenter . net you are receiving this email because you opted - in to receive special offers through a partner website . if you feel that you received this email in error or do not wish to receive additional special offers , please enter your email address here and click the button of remove me : ",1 +"Subject: market internet access - no investment needed market internet access no investment needed premium internet access for only $ 14 . 95 per month or less ! earn $ 1 per subscriber per month go to : http : / / new . isp . 50 megs . com / 3442 bvlb 9 - 565 fafxo 200 lbck 9 - 698 onqh 7 l 33",1 +"Subject: let us find the right mortgage lender for you afpe dear homeowner , interest rates are at their lowest point in 40 years ! we help you find the best rate for your situation by matching your needs with hundreds of lenders ! home improvement , refinance , second mortgage , home equity loans , and more ! even with less than perfect credit ! this service is 100 % free to home owners and new home buyers without any obligation . just fill out a quick , simple form and jump - start your future plans today ! visit http : / / 61 . 145 . 116 . 186 / usero 201 / index . asp ? afft = qml 0 to unsubscribe , please visit : http : / / 61 . 145 . 116 . 186 / light / watch . asp",1 +"Subject: re : new page hi sweetie , come see the most beautiful , sweet . . . - - > 18 year old girls bare it all ! < - - http : / / freexmovies . net / mypic / remove instructions : this e - mail message is not spam or unsolicited . this e - mail address has joined or requested information in the past . if this is a mistake or you would prefer not to receive a free once a week adult web site announcement , then . . . please visit the web page below , at anytime to be permanently removed from the list : http : / / remove . pwxx 3 . com http : / / xent . com / mailman / listinfo / fork",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishinq software from corel , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professionai $ 150 adobe premiere pro 1 . 5 $ 90 corei designer 10 $ 90 quickbooks 2004 professionai edition $ 75 adobe pagemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe goiive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere elements $ 125 corel painter lx $ 80 adobe lllustrator cs $ 80 adobe lndesiqn cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 ulead cooi 3 d production studio 1 . 0 . 1 $ 90 alias motion buiider 6 professionai $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop elements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincereiy , chantell ",1 +"Subject: when will the real estate bubble burst ? - live meeting july 21 st on alternative investments event date : thursday july 21 st at 10 : 30 am est , 2 : 30 pm est , and 7 : 30 pm estwith top - ranked alternative investment manager , michael mansfield "" the biggest financial bubble in history "" in the article "" after the fall , "" in the june 16 , 2005 issue of economist magazine , real estate was called , "" the biggest financial bubble in history . "" what makes this real estate market so risky is that the crazy speculation in housing has spread around the world . people continue to buy houses simply because "" prices are rising "" , without any regard to fundamentals . this is similar to what happened with the stock market during the 1990 ' s , when investors bought shares of profitless companies just because everyone else was doing the same . in fact , many of thepeople who have gotten or are getting into real estate are the ones that got killed by the stock market during the 2000 crash . consequently , these will probably be the same people that get burned when the global housing bubble bursts ( prices in australia and britain are already sliding . america ' s housing market may be a year or so behind ) . to register for this complimentary event , go to http : / / www . forex - day - trading . com / forex - online - registration . htm . even warren buffett is negative on real estate warren buffett , the second richest man in the world , recently sold his house in laguna for $ 3 . 5 million . he joked , "" it was on about 2 , 000 square feet of land , maybe a twentieth of an acre , and the house might cost about $ 500 , 000 if you wanted to replace it . so the land sold for something like $ 60 million an acre . "" [ if you want to read more about this , you can go to cnn ' s website at http : / / money . cnn . com / 2005 / 05 / 01 / news / fortune 500 / buffett _ talks / ] so why is buffett saying that us real estate is a bubble ready to burst ? and why is buffett betting against the us dollar ? [ note : buffett made $ 1 . 63 billion in foreign currency ( fx ) gains from the dollar ? s decline in the last quarter of 2004 ] for the same reasons that michael mansfield has been discussing in his live online meetings . who is michael mansfield ? top - ranked alternative investment manager michael mansfield is the co - manager of the # 1 - ranked global diversified fx portfolio ( gdfx ) . heis having his next live online meeting on july 21 st at three different times ( see below for instructions on how to register for this event ) . gdfx was up 31 . 87 % in 2004 and was ranked # 1 by eurekahedge . the objective of gdfx is to produce between 20 to 45 % a year after fees and has no correlation to stocks or real estate . what will be covered ? mansfield will discuss what ' s in store for the global markets in 2005 , including the forex , stock , oil , gold , interest rate , and real estate markets . he will also cover what has made the gdfx managed portfolio so successful when compared to other alternative investments and managed accounts . in his discussion , mansfield will cover why it is so risky to be invested right now in long - only stock positions . he will also discuss when the current real estate bubble will likely burst and what you can do about it . who is this event for ( investors , advisors , hedge funds , religious institutions , etc . ) ? if you are considering professionally managed forex accounts ( alternative investments ) or you are currently invested in real estate , stocks , bonds , or mutual funds , you should attend this live event . if you or capital ( or your clients ' capital ) into alternative investments with above average returns and below average drawdowns , you might be a perfect candidate for our introducing broker program ; so we strongly suggest that you also attend this event . ( due to the demand that we have experienced for mansfield ? s discussions in the past , we have scheduled his next discussion at three different times on tuesday june 21 st . this will provide convenient hours for investors in different parts of the world to attend . please use the link below to register for any of the times provided : registration for this event thursday july 21 st at 10 : 30 am est ( miami , fl , usa ) ( please convert this to your local time ) thursday july 21 st at 02 : 30 pm est ( miami , fl , usa ) ( please convert this to your local time ) thursday july 21 st at 07 : 30 pm est ( miami , fl , usa ) ( please convert this to your local time ) some of mansfield ? s notable accomplishments - # 1 ranked manager by eureka hedge for april 04 - top - ranked manager in futures magazine for march 00 - called a large additional sell off in the nyse on aug 01 - called the us stock market crash of 1987 - master market technician with uncanny forecasting ability - co - manager of the global diversified fx portfolio ( gdfx ) space for this event is limited and will be filled on a first - come - first serve basis . if you have any questions about this complimentary event or about managed accounts , please give us a call . sincerely , joe loraforexmanaged account departmenthttp : / / www . forexdaytrading . com 2150 coral way , suite 5 dmiami , florida 33145 united states 800 - 366 - 4157 ( toll free in the u . s . and canada ) 786 - 866 - 8733 ( international ) to unsubscribe , please go to the link below : ",1 +"Subject: youthh rediscovered how to save on your medlcatlons over 70 tiffin % . pharmz rightwards mail shop - successfull and proven way to sav objectless e your mon higgle ey . slangy v reservist ag journalese al l privateering u pricking l r fumigate a abnormal cl concern isv oniony al carpetbagger m andmanyother . * best necroscopy prlces * worldwid regeneration e shlpplng * total grange confidentiaiity * ov needlework er 5 miliion customers have a nice day hypnotic !",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is strong enough for a man , but made for a woman ; - ) orderinq viagra oniine is a very convinient , fast and secure way ! miliions of people do it daiiy to save their privacy and money order here . . . ",1 +"Subject: amaze your partner with the talents in sexual area ! same medication - low price everywhere i go i find a poet has been there before me . assumptions are the termites of relationships . disinterested intellectual curiosity is the life blood of real civilization . the road to a friend ' s house is never long .",1 +"Subject: professional advertising dear projecthoneypot @ projecthoneypot . org : we offer email marketing with best services . 1 . targeted list we can provide target email list you need , which are compiled only on your order . we will customize your client list . * we have millions of lists in many categories . 2 . sending targeted list for you we can send your email message to your target clients ! we will customize your email list and send your ad for you . * we also offer hosting & mailing server . regards ! steve marketing team kzl 789 @ 56 . com no and bye : bpserver @ hotmail . com",1 +"Subject: harvest lots of e - mail addresses quickly ! dear cpunks , want to harvest a lot of email addresses in a very short time ? easy email searcher is a powerful email software that harvests general email lists from mail servers easy email searcher can get 100 , 000 email addresses directly from the email servers in only one hour ! easy email searcher is a 32 bit windows program for e - mail marketing . it is intended for easy and convenient search large e - mail address lists from mail servers . the program can be operated on windows 95 / 98 / me / 2000 and nt . easy email searcher support multi - threads ( up to 512 connections ) . easy email searcher has the ability to reconnect to the mail server if the server has disconnected and continue the searching at the point where it has been interrupted . easy email searcher has an ergonomic interface that is easy to set up and simple to use . ? ? easy email searcher is an email address searcher and bulk e - mail sender . it can verify more than 5500 email addresses per minute at only 56 kbps speed . it even allows you send email to valid email address while searching . you can save the searching progress and load it to resume work at your convenience . all you need to do is just input an email address , and press the "" search "" button . very low price ! - - - - - - - now , the full version of easy email searcher only costs $ 39 . 95 click the following link to download the demo : download site 1 download site 2 ? ? if you can not download this program , please copy the following link into your url , and then click "" enter "" on your computer keyboard . here is the download links : disclaimer : we are strongly against continuously sending unsolicited emails to those who do not wish to receive our special mailings . we have attained the services of an independent 3 rd party to overlook list management and removal services . this is not unsolicited email . if you do not wish to receive further mailings , please click this link mailto : removal @ btamail . net . cn . this message is a commercial advertisement . it is compliant with all federal and state laws regarding email messages including the california business and professions code . we have provided the subject line "" adv "" to provide you notification that this is a commercial advertisement for persons over 18 yrs old . - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: make this investigator work for you . astounding new software lets you find out almost anything about anyone click here to download it right now ( no charge card needed ) : download page ( this make take a few moments to load - please be patient ) find out everything you ever wanted to know about : your friends your family your enemies your employees yourself - is someone using your identity ? even your boss ! did you know that you can search for anyone , anytime , anywhere , right on the internet ? click here : download page this mammoth collection of internet investigative tools & research sites will provide you with nearly 400 gigantic research resources to locate information online and offline on : people you trust , people you work with screen new tenants , roommates , nannys , housekeepers current or past employment license plate numbers , court records , even your fbi file unlisted & reverse phone number lookup click here : download page o dig up information on your friends , neighbors , or boss ! o locate transcripts and court orders from all 50 states . o cloak your email so your true address can ' t be discovered . o find out how much alimony your neighbor is paying . o discover how to check your phones for wiretaps . o or check yourself out - - you may be shocked at what you find ! ! these are only a few things that you can do with this software . . . to download this software , and have it in less than 5 minutes , click & visit our website : click here : download page we respect your online time and privacy and honor all requests to stop further e - mails . to stop future messages , do not hit reply . instead , simply click the following link which will send us a message with "" stop "" in the subject line . please do not include any correspondence - - all requests handled automatically . : ) [ click here to stop further messages ] thank you ! copyright 2001 , all rights reserved . [ 1 : kj ) _ 8 j 7 bjk 9 ^ "" : } h & * tgobk 5 nkiys 5 ]",1 +"Subject: failure notice this is the mail delivery agent at messagelabs . com . i was not able to deliver your message to the following addresses . : 144 . 189 . 100 . 102 does not like recipient . remote host said : 550 5 . 0 . 0 . . . host down - - - below this line is a copy of the message . return - path : x - viruschecked : checked x - env - sender : projecthoneypot @ projecthoneypot . org x - msg - ref : server - 3 . tower - 115 . messagelabs . com ! 1121770867 ! 6986571 ! 1 x - starscan - version : 5 . 5 . 4 . 1 ; banners = - , - , - x - originating - ip : [ 221 . 9 . 132 . 25 ] x - spaminfo : spam detected heuristically x - spam : true x - spamreason : yes , hits = 50 . 0 required = 7 . 0 tests = spam signature : spam . health . 96584 received : ( qmail 16008 invoked from network ) ; 19 jul 2005 11 : 01 : 18 - 0000 received : from unknown ( helo mailwisconsin . com ) ( 221 . 9 . 132 . 25 ) by server - 3 . tower - 115 . messagelabs . com with smtp ; 19 jul 2005 11 : 01 : 18 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 30516347 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : antonio _ silva @ br . css . mot . com user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbeiivabie ! this email has been scanned by the messagelabs email security system . for more information please visit http : / / www . messagelabs . com / email ",1 +"Subject: v . to you want to know how t archimedean o save over 60 % on your piils ? http : / / w alphabetically ww . healthen . com - succes undecided sfull and proven way to s generatrices ave your money . apophthegm v steeple ag a coryphee l groomsman lu alimentation l unsearchable ra terror cl surety is monticule val regale m andmanyother . b unsown est prlces . high qu monitorial aiity . w criterion orldwide shlpplng . total confi exordium dentiaiity . 250 . 000 + satisfied cus maladministration tomers . ha handbill ve a nice day !",1 +"Subject: logo , stationer , website design and so much more ! lt is really hard to recollect a company : the market is full of sugqestions and the information isoverwheiminq ; but a good catchy logo , stylish statlonery and outstandlng webslte will make the task much easier . we do not promise that having ordered a loqo your company wiil automaticaliy become a world leader : it isguite clear that without good products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: introducing hgh : the most powerful anti - obesity drug ever hello , jm @ example . comhuone therapy lose weight while building lean muscle massand reversing the ravages of aging all at once . as seen on nbc , cbs , and cnn , and even oprah ! the health discovery that actually reverses aging while burning fat , without dieting or exercise ! this proven discovery has even been reported on by the new england journal of medicine . forget aging and dieting forever ! and it ' s guaranteed ! lose weightbuild muscle tonereverse aging increased libido duration of penile erection healthier bones improved memoryimproved skinnew hair growthwrinkle disappearance visit our web site and learn the facts : click here if the above link is not operational , please click here again . you are receiving this email as a subscr - in amerig lisve yoursts , just click here ",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is stronq enouqh for a man , but made for a woman ; - ) orderinq viagra online is a very convinient , fast and secure way ! miiiions of peopie do it daily to save their privacy and money order here . . . ",1 +"Subject: teach and grow rich do you want to teach and grow rich ? if you are a motivated and qualified communicator , i will personally train you to do 3 20 minutes presentations per day to qualify prospects that i can provide to you . we will demonstrate to you that you can make $ 400 a day part time using this system . or , if you have 20 hours per week , as in my case , you can make in excess of $ 10 , 000 per week , as i am currently generating ( verifiable , by the way ) . plus i will introduce you to my mentor who makes well in excess of $ 1 , 000 , 000 annually . many are called , few are chosen . this opportunity will be limited to one qualified individual per state . make the call and call the 24 hour pre - recorded message number below . we will take as much or as little time as you need to see if this program is right for you . * * * 801 - 296 - 4140 * * * please do not make this call unless you are genuinely money motivated and qualified . i need people who already have people skills in place and have either made large amounts of money in the past or are ready to generate large amounts of money in the future . looking forward to your call . * * * 801 - 296 - 4140 * * * * to be taken out of this database : benno 5 @ witty . com ",1 +"Subject: visual identity and logo now working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in building a positive visual imaqe of your company by creatinq an outstanding ioqo , presentable stationery items and professionai website . these marketinq tools wiil significantly contributeto success of your business . take a look at our work samples , hot deal packages and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( german , french , spanish , uk , and many others ) . aii listed software is availabie for immediate download ! no need to wait 2 - 3 week for cd deiivery ! just few examples : - norton internet security pro 2005 - $ 29 . 95 - windows xp professional with sp 2 fuil version - $ 59 . 95 - corei draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 inciudinq ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native ianquage ! best regards , siyvia ",1 +"Subject: viagra is the # 1 med to struggle with mens ' erectile dysfunction . for your convenience purchase all your prescription and non prescription needs at discount prices . frustration is one of the greatest things in art ; satisfaction is nothing . every marriage is happy . its the living together afterward that ' s the challenge . laughing deeply is living deeply .",1 +"Subject: blow yourr life want to know how to save over 60 % on you nailer r me probity dlcatlons ? http : / / w masonry ww . wanleader . com - successfull an pierage d proven way to save your mone justificative y . best prlces respectfully . high q tenuity uaiity . worl cabriole dwide shlpplng . total untune confidentiaiity . mor fascia e than 200 popular medlcatlons hav oddity e a nice day !",1 +"Subject: easily lose weight / build muscle / reverse aging ! 21231 as seen on nbc , cbs , cnn , and oprah ! would you like to lose weight while you sleep ? no dieting ! no hunger pains ! no cravings ! no strenuous exercise ! change your life forever ! 100 % guaranteed ! www . quality - hgh . com * body fat loss 82 % improvement . * wrinkle reduction 61 % improvement . * energy level 84 % improvement . * muscle strength 88 % improvement . * sexual potency 75 % improvement . * emotional stability 67 % improvement . * memory 62 % improvement . www . quality - hgh . com how to unsubscribe : you received this e - mail because you are registered at one of our web sites , or on one of our partners ' sites . if you do not want to receive partner e - mail offers , or any email marketing from us please click here . lindacucme @ att . net",1 +"Subject: discontinue making p a y m e n t s immediately harassing calls and letters brought to a stand still . we have pioneered an advanced system of proven strategies that will get the creditors and debt collectors off your back for good our debt termination program has legally stopped millions of dollars worth of debt from being collected . check out our elimination program here http : / / axew . jeet . newsbenefitnow . com / 2 / not for you , then use link above it is , indeed , replied rob , leaning over the edge to look into the street . as he spoke he felt himself gently but firmly pushed from behind and , losing his balance , he plunged headforemost from the roof and whirled through the intervening space toward the sidewalk far below terrified though he was by the sudden disaster , the boy had still wit enough remaining to reach out his right hand and move the indicator of the machine upon his left wrist to the zero mark",1 +"Subject: your logo and visual identity from us thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom design of ioqos , stationery and web - sites . under our carefui hand thesepowerful marketinq toois wiii bring a breath of fresh air into your business and make you stand out amongthe competitors . you are just a click away from your future success . ciick here to see the samples of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: part time job for you . ( ref : 375 ) hq management , s . a . if you have bank account or you can open new one then we need you ! excellent income , no initial investments . no more than couple of hours a day required . please register at our website : our vacancies msg - id : uooirdym do not reply to this message , use contact / register form on the above website to contact us ! copyright 2005 hq management , s . a . all rights reserved . cerise dialect coliform covalent dazzle profundity sawfly resonant boon johnsen emory ",1 +"Subject: 80 % discount on all adobe titles opt - in email special offer unsubscribe me search software top 10 new titles on sale now ! 1 office pro edition 20032 windows xp pro 3 adobe creative suite premium 4 systemworks pro 2004 edition 5 flash mx 20046 corel painter 87 adobe acrobat 6 . 08 windows 2003 server 9 alias maya 6 . 0 wavefrontl 0 adobe premiere see more by this manufacturer microsoft apple software customers also bought these other items . . microsoft office professional edition * 2003 * microsoft choose : see other options list price : $ 899 . 00 price : $ 69 . 99 you save : $ 830 . 01 ( 92 % ) availability : available for instant download ! coupon code : ise 229 media : cd - rom / download system requirements | accessories | other versionsfeatures : analyze and manage business information using access databases exchange data with other systems using enhanced xml technology control information sharing rules with enhanced irm technology easy - to - use wizards to create e - mail newsletters and printed marketing materials more than 20 preformatted business reports sales rank : # 1 shipping : international / us or via instant download date coupon expires : may 30 th , 2005 average customer review : based on 1 , 768 reviews . write a review . microsoft windows xp professional or longhorn edition microsoft choose : see other options list price : $ 279 . 00 price : $ 49 . 99 you save : $ 229 . 01 ( 85 % ) availability : available for instant download ! coupon code : ise 229 media : cd - rom / download system requirements | accessories | other versionsfeatures : designed for businesses of all sizes manage digital pictures , music , video , dvds , and more more security with the ability to encrypt files and folders built - in voice , video , and instant messaging support integration with windows servers and management solutions sales rank : # 2 shipping : international / us or via instant download date coupon expires : may 30 th , 2005 average customer review : based on 868 reviews . write a review . adobe creative suite premium adobe choose : see other options list price : $ 1149 . 00 price : $ 99 . 99 you save : $ 849 . 01 ( 90 % ) availability : available for instant download ! coupon code : ise 229 media : cd - rom / download system requirements | accessories | other versionsfeatures : an integrated design environment featuring the industrys foremost design tools in - depth tips , expert tricks , and comprehensive design resources intuitive file finding , smooth workflow , and common interface and toolset single installer - - control what you install and when you install it cross - media publishing - - create content for both print and the web sales rank : # 3 shipping : international / us or via instant download date coupon expires : may 30 th , 2005 average customer review : based on 498 reviews . write a review .",1 +"Subject: we owe you lots of money dear homeowner , you have been pre - approved for a $ 200 , 000 loan at a low fixed rate . this offer is being extended to you unconditionally and your credit is in no way a factor . to take advantage of this limited time opportunity , we ask you to visit our website and completethe post approval form . http : / / www . kxxjn . com / i / lzevaw 5 8 zymg 5 ollie markswv kennedy financial group - - - - - - - - - - - - - - - - - - - - - - 4 : heeralal celle darell doctorate egypthttp : / / www . kxxjn . com / rem . php . . . not interested",1 +"Subject: digital voice recorders dear sir / madam our company is designer and manufacturer of digital voice recorders ( dvr ) edic - mini http : / / www . telesys . ru / english / edic - mini . shtml with extraordinary characteristics : edic - mini model a - the smallest size over the world ( 17 x 57 xl 0 mm ) , up to 1120 min of record time . edic - mini model b - the longest battery life ( up to 70 hours in record mode , metal case 27 x 54 x 7 mm ) , up to 1120 min of recording time . edic - mini model bl - the roundest dvr in the world : - ) ( metal case d = 30 mm , h = 14 mm ) , up to 1120 min of recording time . edic - mini model c - the longest recording time ( up to 8960 min = 149 hours ) , metal case 27 x 54 xl 0 mm . coming soon : edic - mini model s - stereo digital voice recorder . edic - mini bwl - round wood ( juniper ) case ( for lovers of juniper fragrance : - ) , the most stylish dvr in the world . all digital voice recorders have extremely high voice sensitivity , digital pc interface , telephone line interface to record phone conversations , programmable user ' s interface , ability of using it for data storage and transfer ( capacity from 16 mbyte to lgbyte ) . also we produce voice modules ( assembled pcb only ) emm http : / / www . telesys . ru / english / modules . shtml , which are edic - mini compatible and allow you to create your own solution of unique dvr . we are looking for dealers for selling our product , but pls note , that we don ' t offer cheap product , we offer unique one - it has no competitors in the word market now . we are ready to design and produce any kind of dvr upon your request . low volume order ( 100 + ) is acceptable too . welcome to our website http : / / www . telesys . ru / english to get more information . * * * sorry , if this information isn ' t interesting for you . to remove your address from our mailing list pls return this e - mail back with remove in subject field . thank you . with best regards , - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - yana korshun , sales manager of "" telesystems "" e - mail : isales @ telesys . ru www site in russian : http : / / www . telesys . ru www site in english : http : / / www . telesys . ru / english never send spam . it is bad .",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom desiqn of loqos , stationery and web - sites . under our careful hand thesepowerfui marketinq tools wili bring a breath of fresh air into your business and make you stand out amonqthe competitors . you are just a ciick away from your future success . ciick here to see the samples of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: congrats on your approval we tried to contact you last week about refinancing your home at a lower rate . i would like to inform you know that you have been pre - approved . here are the results : * account id : [ 220 - 063 ] * negotiable amount : $ 149 , 794 to $ 686 , 214 * rate : 3 . 46 % - 5 . 26 % please fill out this quick form and we will have a broker contact you as soon as possible . regards , socorro magee senior account manager prime lenders , inc . database deletion : http : / / www . mon - nowz . net / r . php ",1 +"Subject: now , it ' s finally possible for you to enlarge your penis no more penis enlarge ripoffs ! http : / / www . okmpoi . com / ss / people everywhere confuse what they read in newspapers with news . he who can , does . he who cannot teaches . absence of proof is not proof of absence . do not count your chickens before they are hatched . who will bell the cat ?",1 +"Subject: if you own a cell phone . . . . . . please read . . . . . 5214 unbelievable prices on cell phones and accessories : http : / / 65 . 218 . 171 . 48 hands free ear buds 1 . 99 ! phone holsters 1 . 98 ! phone cases 1 . 98 ! car chargers 1 . 98 ! face plates as low as 2 . 98 ! lithium ion batteries as low as 6 . 94 ! http : / / 65 . 218 . 171 . 48 click below for accessories on all nokia , motorola lg , nextel , samsung , qualcomm , ericsson , audiovox phones at below wholesale prices ! http : / / 65 . 218 . 171 . 48 * * * new * * * now also : accessories for palm iii , palm vii , palm iiic , palm v , palm ml 00 & ml 05 , handspring visor , compaq ipaq * * * car chargers 6 . 95 ! leather cases 13 . 98 ! usb chargers 11 . 98 ! hot sync cablesl 1 . 98 ! http : / / 65 . 218 . 171 . 48 * * * if you need assistance please call us ( 732 ) 751 - 1457 * * * ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ to be removed from future mailings please send your remove request to : 3425342 r @ eudoramail . com",1 +"Subject: excelleent news how halving to save on your medlcations over 70 % . pharms grindery hop - suc bunker cessfull and proven way to save your m meteorograph oney . foreknow v a selfcontained g a blushfool l l magnetron u testatrix l r bulldozer ac oration l i squalor s sententious val centigram m andmanyother . best p dexterity rlces . wo arrogance rldwide shlpplng . easy o astragalus rder form . total co picturebook nfidentiaiity . 250 , 000 satisfied customers frowsy . or aggregation der today and save !",1 +"Subject: ebay and auction info 30314 you are receiving this email because you have expressed an interest in making money with ebay and or on the internet . how would you like to earn $ 750 a day using ebay and the internet ? i absolutely - 100 % - guarantee you have never heard of this ebay & internet money - making system before . http : / / www . mailcomesandgoes . com / auction / this free ebook is powerful , so compelling it will blow your mind ! mark w . monday - the ebay millionaire in just a few minutes reading my book , you will find an opportunity so powerful , so compelling , that you ' ll wonder why someone hasn ' t thought of this sooner ! this is not a multi level marketing program or ? get rich quick scheme ? it is a real business that can make you real wealthy . http : / / www . mailcomesandgoes . com / auction / imagine yourself waking up in the morning , turning on your computer and finding out that thousands of dollars had been deposited into your bank account . how would that make you feel ? it is 100 % possible when you know the secrets to making money using ebay and the internet . if this idea turns you on , then so will this new ebook ! respond now and you will immediately receive via email the entire ebook . http : / / www . mailcomesandgoes . com / auction / free bonus - respond right now and we ? ll give you the special report - the 5 secrets to earning $ 750 a day using ebay , affiliate programs and the internet ! everything we offered here is free , you have absolutely nothing to lose - so respond right now and get started . sincerely , mark w . monday the ebay millionaire http : / / www . mailcomesandgoes . com / auction / you received this email because you have expressed an interest in making money with ebay and or on the internet . you will not receive any more emails from us . if you do not wish to receive any more emails from me , please visit http : / / www . deal 2002 . com / removeme . html and you will be removed . ",1 +"Subject: important news hey visioson @ hpp . za . net , download popular programs from our site : get back to you later , eduardo baez i need to get a pedicure . my feet smell and itch . 1 .",1 +"Subject: for your information this will be our closing notification we have made an effort to write to you on many occasions and this will be our last contact ! your present loan situation meets the requirements for you for up to a 3 . 70 % lower rate . however , based on the fact that our previous attempts to write to you didn ' t work , this will be our last and final attempt to lock you into the lower rate . please finalize this final step upon receiving this notice immediately , and complete your request for information now . apply here . if your decision is not to make use of this final offer going here will help you to do so .",1 +"Subject: v . to youu hello , welcome to pharmon flatting line sh reflective op - one of the leading oniine chinatown pharmaceutical shops vaccinate v praline g barkpit al l isosceles l bowlegged la r ironfall ac blacklist l philtre is syntax va calipers um andmanyother . - quadragesimal save over 50 % - worldwide shlppln conning g - total voluntaryism confidentiaiity - over commandment 5 miiiion customers in 130 countries have a nic dhurrie e day !",1 +"Subject: scrub the web confirmation required your confirmation is required by jul 28 , 2005 - see below ! thanks again for submitting your url at scrub the web . please read this entire email message for important instructions to complete the submission process . the following url was submitted to stw : http : / / www . datapest . net / the ip address of the person making this submission was : 216 . 219 . 253 . 6 ( this is not your web site address ) if you wish to confirm or delete this submission from our queue or if you wish to block your email address from making future submissions to scrub the web , please point your browser to : some users may not see or be able to click on the link above . for those users go here : we do not maintain a mailing list of any kind and we do not sell , rent or use your email address for any other purpose other than this confirmation email . please do not reply to this email because scrubby is a robot and can not respond to your query . if you need to contact us for any reason point your browser to : http : / / www . scrubtheweb . com / feedback / . thanks again for your submission , http : / / www . scrubtheweb . com / meta tag builder ! meta tag analyzer ! ",1 +"Subject: just to her . . . your message to tjvs @ remgro . com has been blocked . should it be business related forward this message to helpdesk @ commsco . com for immediate release . message id : t 723 b 9 cb 981 acl 04 aobeb 98 rule triggered : spam files",1 +"Subject: largest collection of dowlnoadable porn d \ / d movies - xl 0 we have the hottest pornostars pics and videos inside . thousands of new photo and clips , including pornostars movies . see hot pornostars videos now ! click here for http : / / cowpox . com . babyhom . info / cool photos and video clips and dvd movies - - - - - - - - - - - - - - bragging depot bluebill arsine cinderella carrot bearberry claudia amtrak cathedra banks determinant",1 +"Subject: software taking a bite out of your budget ? try oem ! want to learn how to build your own website ? literature is news that stays news . the reward for a thing well done is to have done it .",1 +"Subject: she is shocked hello , welcome to meteor medzonline shop we are pleased to introduce ourselves as one of the ieading online pharmaceutic galactic ai shops . pliant v sequoia r a approximately l testate ll la experienced g a ensilage cl isv incurability a affluence um andmanyother . - save over gazogene 75 % - total con hypodermic fidentiaiity - worldwide s introduction hlpplng - over 5 miilion customer depreciation s in 150 countries have a ni octarchy ce day !",1 +"Subject: toners and inkjet cartridges for less . . . . p tremendous savings on toners , inkjets , fax , and thermal replenishables ! ! toners 2 go is your secret weapon to lowering your cost for high quality , low - cost printer supplies ! we have been in the printer replenishables business since 1992 , and pride ourselves on rapid response and outstanding customer service . what we sell are 100 % compatible replacements for epson , canon , hewlett packard , xerox , okidata , brother , and lexmark ; products that meet and often exceed original manufacturer ' s specifications . check out these prices ! epson stylus color inkjet cartridge ( so 20108 ) : epson ' s price : $ 27 . 99 toners 2 go price : $ 9 . 95 ! hp laserjet 4 toner cartridge ( 92298 a ) : hp ' s price : $ 88 . 99 toners 2 go price : $ 41 . 75 ! come visit us on the web to check out our hundreds of similar bargains at toners 2 go ! request to be removed by clicking here c . l . kyle - - - - this sf . net email is sponsored by : jabber - the world ' s fastest growing real - time communications platform ! don ' t just im . build it in ! http : / / www . jabber . com / osdn / xim spamassassin - sightings mailing list ",1 +"Subject: benachrichtung zum ( fehlgeschlagen ) ? = dies ist eine automatisch erstellte benachrichtigung + apw - ber den zustellstatus . + anw - bermittlung an folgende empf + aoq - nger fehlgeschlagen . jochenfechtel @ fetra . de",1 +"Subject: protect your family ' s future and save up to 70 % 10 - year level term life insurance male / female monthly premiums no nicotine $ 250 , 000 $ 500 , 000 age male female male female 35 $ 10 . 33 $ 9 . 19 $ 16 . 19 $ 14 . 00 40 $ 13 . 30 $ 11 . 64 $ 22 . 32 $ 18 . 82 45 $ 19 . 43 $ 16 . 63 $ 35 . 57 $ 22 . 88 50 $ 29 . 49 $ 22 . 32 $ 54 . 69 $ 40 . 25 55 $ 44 . 89 $ 32 . 12 $ 85 . 32 $ 59 . 94 2002 reliaquote . all rights reserved life can change in an instant . don ' t wait until it ' s too late . give your family the security they deserve today with affordable term life insurance from reliaquote . to unsubscribe from our mailing list , please click here ",1 +"Subject: persian kilims and rugs dear professional decorator / designer : we go to remote areas of iran ( persia ) to bring you old and antique nomadic kilims and rugs . we invite you to see parts of our collection by visiting our website ( www . pazirik . com ) . should you be interested in purchasing any of the viewed items , we would make all the necessary arrangements so that your purchase is free of risk . best regards , pazirik . com if you wish to be removed from our mailing list , click here to send us a blank email . your email will be automatically removed fromthe list . ",1 +"Subject: become happy with your performance male enhancement is achieving your goals of becoming a better man forget about your partner faking her orgasm or not being able to please her . you will be able to penetrate deeper so your partner will experience more pleasure as well as multiple orgasms during sexual intercourse . 86 % of women surveyed said that they would like their partner to be more ' full ' sexually . check out the only male enhancement formula with a free dvd you guys have made my dreams come true . i have been self - conscience for as long as i can remember . i did not want to shower with other guys growing up , because i was embarrassed . not only has your system increased the size of my manhood while erect , but it has helped my size while flaccid as well . i hang bigger , and i feel more like the man i should have been all these years . the change is tremendous , i wanted to send you this note to let you know what it has done for me , and of course to order more longz ! leroy , brooklyn address on site along with no more feature he soon came to a stop , however , and saw that another of the monsters had come upon him from the rear and was now , with its mate , circling closely around him , while both uttered continuously their hoarse , savage cries . rob wondered why the garment of repulsion had not protected him from the blow of the bird ' s wing ; but , as a matter of fact , it had protected him for it was not the wing itself but the force of the eddying currents of air that had sent him whirling away from the monster ",1 +"Subject: also available levitra , cialis , and viagra . keeping your private medical issues . . . private unjust dominion cannot be eternal . he who limps still walks . a clash of doctrines is not a disaster - - it is an opportunity .",1 +"Subject: clear benefits of creative design lt is really hard to recollect a company : the market is full of sugqestions and the information isoverwheiminq ; but a good catchy logo , styllsh stationery and outstandlng website wili make the task much easier . we do not promise that having ordered a loqo your company wili automaticaiiy become a world ieader : it isquite ciear that without good products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , manie ",1 +"Subject: impress your girl with a huge cumshot ! heya ! has your cum ever dribbled and you wish it had shot out ? have you ever wanted to impress your girl with a huge cumshot ? spur - m is the only site to offer an all natural male enhancement formula that is proven to increase your sperm volume by up to 500 % . our highly potent , volume enhancing formula will give our results in days and comes with an impressive 100 % guarantee . imagine the difference ( look and feel ) between dribbling your cum compared to shooting out burst after burst . try spur - m now ! and with our money back guarantee you have absolutely nothing to lose ! look here : http : / / osseously . net / cum / no thanks : http : / / osseously . net / rr . php",1 +"Subject: improve your size and your power i ' ve been using your product for 4 months now . i ' ve increased my length from 2 to nearly 6 . your product has saved my sex life . - matt , fl my girlfriend loves the results , but she doesn ' t know what i do . she thinks it ' s natural - thomas , ca pleasure your partner every time with a bigger , longer , stronger unit realistic gains quickly to be a stud press here at this rate i ' ll get home some time next year , he grumbled oranjestad , aruba , po b 1200 oh ; i believe i ' ve heard of you , said the cab - horse ; but you are unlike anything that i expected to seei do not doubt it , the sawhorse observed , with a tone of pride however , i suppose i ought to be glad the machine works at all and he really was glad ",1 +"Subject: 9 % commission on myg annuities call or e - mail us today ! or please fill out the form below for more information name : e - mail : phone : city : state : for agent use only . we don ' t want anyone to receive our mailings who does not wish to . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: 6 % commission on 12 month "" cd - style "" annuity 3 . 35 % guaranteed great roll - over options issued to age 85 6 % commission through age 85 earn a $ 75 to $ 125 bonus on every paid app . . . bonus offer expires july 31 , 2002 call or e - mail mo marketing today ! or please fill out the form below for more information name : e - mail : phone : city : state : we don ' t want anyone to receive our mailings who does not wish to . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: failure notice hi . this is the qmail - send program at stl 7 . startlogic . com . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : vdeliver : invalid or unknown virtual user ' info ' - - - below this line is a copy of the message . return - path : received : ( qmail 68912 invoked from network ) ; 19 jul 2005 10 : 58 : 03 - 0000 received : from unknown ( helo mailwisconsin . com ) ( 222 . 160 . 120 . 186 ) by stl 7 . startlogic . com with smtp ; 19 jul 2005 10 : 58 : 03 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 24815692 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : info @ itresults . net user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbeiivable !",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishinq software from corel , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professional $ 150 adobe premiere pro 1 . 5 $ 90 corel designer 10 $ 90 quickbooks 2004 professional edition $ 75 adobe paqemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere elements $ 125 corei painter lx $ 80 adobe lllustrator cs $ 80 adobe lndesign cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 uiead cool 3 d production studio 1 . 0 . 1 $ 90 alias motion builder 6 professionai $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop eiements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincerely , meivin ",1 +"Subject: sell advertising space on your website did you know that selling advertising on your website is a great way to earn extra revenues with absolutely no extra effort ? admerchant allows you to set up ad space on your site and sell it quickly , easily and directly to buyers . you will have the immediate benefit of earning significant revenues . this is because admerchant pays you for displaying the ad and not just for clickthrus . in addition , you also get these great benefits as standard : no software to install or download . just paste a couple of lines of html on your web pages . you have total control by deciding what ads to allow on your site . you decide how much to charge for your ad space . payments are made to you automatically regardless of the amount . it is free to join and you remain in total control of your ad space . take advantage of our early sign up promotion and receive the following services free with your membership ! a premium entry of your site in admerchant ' s directory . a free search engine optimisation ( seo ) assesment of your site . one of our team of consultants will assess your website and give you a detailed report on how you may increase your search engine rankings . all you have to do is visit the directory and get your site listed today . with warmest regards , george stevens customer manager , www . admerchant . co . uk george . stevens @ admerchant . co . uk please note that the free seo assesment of your site is a limited time offer and will be offered on a first come first serve basis . your are subscribed as glovechangeful @ mailb . fakeoutdoorsman . com . . please click here to unsubscribe . if you have any suggestions or feedback regarding this email , please contact us . ",1 +"Subject: fwd : norton makes the best software available , now only $ 29 . 99 ! 32053 do you care about your computer ? symantecsystemworks 2002 professional edition from the creators of the # 1 rated antivirus software ! this unbeatable software suite comes with every program you ' ll ever need to answer the problems or threats that your computer faces each day of it ' s life ! included in this magnificent deal are the following programs : norton antivirus?ffff 99 2002 - the # 1 anti - virus protecion ever ! norton utilities?ffff 99 2002 - diagnose any problem with your system ! norton ghost?ffff 99 2002 - makes backing up your valuable data easy ! norton cleansweep?ffff 99 2002 - eliminates excess data instantly ! norton winfax?ffff 99 basic - turns your cpu into a fax machine ! goback?ffffae 3 personal - helps prevent you from making any mistakes ! * all this sells at the store for $ 99 . 95 * get it now for only $ 29 . 99 ! with free shipping ! click here to order now ! limited time offer . when we run out it ' s gone , so get it while it ' s hot ! call 1 - 800 - 861 - 1481 order now ! your email address was obtained from an opt - in list . ieac ( international email abuse council ) approved list type code - eastus - 23 t 95 d . if you wish to be unsubscribed from this list , please click here . we do not condone spam in any shape or form . we appreciate your cooperation . ",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , hien ",1 +"Subject: take a look at this microcap benelux is telethon but stephens not constantine blutwurst and lock like freest lutheran redhead is boatmen not arm try giddap quantile optoelectronic yes rotarian or minsk criss no bryant is radon but rodney not andesite christiana and staccato like erskine antiperspirant bison is rejoice not botanist try tempera canna staley yes dylan or reel berlioz no warmth is presuming but satire not mannequin discomfit and butte like legato alumnus cabaret is chili not shoestring try yule christendom apostrophe yes downward or artisan new no ",1 +"Subject: we are the only online pharmacy offering "" 100 % satisfaction guarantee "" . best deals on online prescription drugs politics is war without bloodshed while war is politics with bloodshed . ' but ' is a fence over which few leap . with great power comes great responsibility . each bird loves to hear himself sing .",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . logodentity offers creative custom design of loqos , stationery and web - sites . under our careful hand these powerfui marketinq tools will bring a breath of fresh air into your business and make you stand out amonq the competitors . you are just a ciick away from your future success . click here to see the sampies of our artwork , check our prices and hot offers",1 +"Subject: do you realize all your sexual dreams ? now you can ! your in - home source of health information never be bored , and you will never be boring . imagination is more important than knowledge . reality isn ' t what it used to be . we know truth , not only by reason , but also by the heart .",1 +"Subject: norton systemworks 2002 final clearance 1093 norton systemworks 2002 software suite professional edition 6 feature - packed utilities , 1 great price a $ 300 . 00 + combined retail value for only $ 29 . 99 ! protect your computer and your valuable information ! don ' t allow yourself to fall prey to destructive viruses ! click here for more info and to order if you wish to unsubscribe from this list , please click here to be removed . ",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( german , french , spanish , uk , and many others ) . ail iisted software is avaiiable for immediate download ! no need to wait 2 - 3 week for cd delivery ! just few exampies : - norton internet security pro 2005 - $ 29 . 95 - windows xp professionai with sp 2 fuii version - $ 59 . 95 - corei draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 includinq ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native ianguaqe ! best regards , herminia ",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . loqodentity offers creative custom design of logos , stationery and web - sites . under our carefui hand these powerful marketinq tools wiii brinq a breath of fresh air into your business and make you stand out among the competitors . you are just a click away from your future success . ciick here to see the samples of our artwork , check our prices and hot offers",1 +"Subject: failure notice hi . this is the qmail - send program at baco . hotlink . com . br . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : 200 . 164 . 232 . 214 does not like recipient . remote host said : 550 sorry , no mailbox by that name ( # 5 . 7 . 1 ) giving up on 200 . 164 . 232 . 214 . - - - below this line is a copy of the message . return - path : received : ( qmail 5021 invoked by uid 516 ) ; 19 jul 2005 11 : 02 : 38 - 0000 received : from 83 . 25 . 242 . 232 by baco . hotlink . com . br ( envelope - from , uid 505 ) with qmail - scanner - 1 . 25 ( clamdscan : 0 . 85 . 1 / 935 . clear : rc : 0 ( 83 . 25 . 242 . 232 ) : . processed in 2 . 978309 secs ) ; 19 jul 2005 11 : 02 : 38 - 0000 received : from aji 232 . neoplus . adsl . tpnet . pl ( helo mailwisconsin . com ) ( 83 . 25 . 242 . 232 ) by 0 with smtp ; 19 jul 2005 11 : 02 : 34 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 30516641 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : antonioantonio @ coopvita . com . br user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbeiivabie !",1 +"Subject: start shopping at costco today with a complimentary gold membership . ( area ) start shopping at costco today with a free gold membership . we ' re giving away gold memberships in your area now . ngpwmhmx",1 +"Subject: http : / / www . surfbuddies . net hello , i have visited www . surfbuddies . net and noticed that your website is not listed on some search engines . i am sure that through our service the number of people who visit your website will definitely increase . seekercenter is a unique technology that instantly submits your website to over 500 , 000 search engines and directories - - a really low - cost and effective way to advertise your site . for more details please go to seekercenter . net . give your website maximum exposure today ! looking forward to hearing from you . best regards , vanessa lintner sales marketing www . seekercenter . net you are receiving this email because you opted - in to receive special offers through a partner website . if you feel that you received this email in error or do not wish to receive additional special offers , please enter your email address here and click the button of remove me : ",1 +"Subject: start shopping at costco today with a complimentary gold membership in your area . start shopping at costco today with a free gold membership . we ' re giving away a limited number of gold memberships in your area . kklynszb",1 +"Subject: $ 500 lst annuity sale bonus a new guaranteed annuity that keeps going up and up and up . . . . increasing rates - all guaranteed flexible or single premiums nursing home waiver * issue age 0 - 85 * * please fill out the form below for more information name : e - mail : phone : city : state : * most states . * * surrender charge varies for ages 56 + in ct , in , md , ok , sc . contracts issued by and bonus sponsored by usg annuity life company / equitable life insurance company of iowa , 909 locust street , des moines , ia 50309 . for agents only . rates subject to change . product and features not available in all states . iras / qualified plans are already tax deferred . consider other annuity features . we reserve the right to alter or end bonuses at any time . minimum premium for bonus $ 20 , 000 . ( ado 20257 ) . we don ' t want anyone to receive our mailings who does not wish to . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: ready to earn more now take the next step learn how you can earn a high six - figure income with your own real estate business . if you have passion , desire and you are seriously looking to generate a very substantial income in the next 3 to 6 months , simply reply to the email address below and one of our associates will contact you shortly . bigprofithomebiz @ yahoo . com ( be sure to leave your name , phone and best time to call ) . remember : this powerful business could change your life ? financially . immediately if you ' re not interested ",1 +"Subject: just to her . . . soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbeiivable !",1 +"Subject: be one of our survey takers and we ' ll send you a complimentary laptop computer . computer survey group needs survey takers in your area now . we ' d like to send you a complimentary laptop computer now for helping us . ( ) qrwzyyvp",1 +"Subject: mail receipt thank you for your mail regarding our site . we will reply as soon as possible . in the meantime please continue to enjoy our site . tight lines bray sea anglers .",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is stronq enouqh for a man , but made for a woman ; - ) orderinq viagra online is a very convinient , fast and secure way ! miilions of peopie do it daily to save their privacy and money order here . . . ",1 +"Subject: save up to 40 % on popular software bundles ! software taking a bite out of your budget ? try oem ! live free or die ; death is not the worst of evils . the mere sense of living is joy enough .",1 +"Subject: feel insecure about your penis size ? penis growth patches are here ! http : / / www . retdehola . com / ss / the biggest shortage of all is the shortage of common sense . you can tell the ideals of a nation by its advertisements . virtue has its own reward , but no box office . the great aim of education is not knowledge but action . beware of the young doctor and the old barber .",1 +"Subject: click here to improve your wellbeing today best prescription generic meds 4 less . that ' s the secret to life . . . replace one worry with another . . . . human nature constitutes a part of the evidence in every case . from the still - vexed bermoothes .",1 +"Subject: rescue you from highprice medicaments and badpain . or - ders are handled discreetly and yet in an efficient and timely manner . be assured of best services . reduce prices affordable to you . r wallet . check us our weekly specials . locating a better way to receive prescribed remedies . . at our chernist - site , you have an extensive selections on quality rxdrugs . . licensed physicians at our e - zone complete the case profile review . gratis of charge . http : / / 0 wlv . cu . comingupthebest . com / 2 v 7 / ` why do you say that to me ? ' she said looking at him sternly . an opportunity of watching the loves and jealousies of the four - - refreshing breeze from the mountains blows over the orange gardens , and then made a face at them , and abused them for coming , began with - -",1 +"Subject: lasalle bank account alert ! please read ! dear lasalle bank member , this information is collected to provide a record of communications between lasalle bank and members and to comply with any applicable legal and / or regulatory requirements . for example , the information we collect is used for purposes such as : * to identify you in order to protect against fraud and guard against unauthorized access to your accounts . * to enable us to complete your transactions quickly and efficiently , and to provide you with quality customer service . * to better serve your relationship by understanding which services may be the right match for your needs , and telling you about new offers that may be of interest to you . * to help ensure that our information about you is current and accurate . we suspect that your lasalle bank account has been accessed by an unouthorised third party . numerous login attempts were made from : ip address : 24 . 123 . 125 . 75 isp host : rrcs - 24 - 123 - 125 - 75 . central . biz . rr . com if you recently accessed your account while traveling , the unusual log in attempts may have initiated by you . therefore , as a precautionary measure and to ensure yourself that everything is normal with your ballance and personal information , please confirm your identity by completing the account verification process . to get started click on the link below : after responding to the message , we ask that you allow at least 72 hours for the case to be investigated . emailing us before that time will result in delays . an e - mail response will be sent to you at the completion of the verification process . we apologize in advance for any inconvenience this may cause you and we would like to thank you for your cooperation as we review this matter . if you believe you have provided personal or account information to third parties , please contact lasalle bank at ( 800 ) 285 - 6609 and contact the other financial institutions with which you have accounts . tip : due to the increased number of spam filters implemented by internet providers , our response e - mail may not reach you . if you do not receive an e - mail confirmation within 72 hrs , please contact us at the phone number above . thanks for your patience as we work together to protect your account . regards , lasalle bank * please do not respond to this email as your reply will not be received . for assistance , log in to your lasalle bank account and choose the help link . note : we retain information we receive through this website , including information you give us to open an account or purchase a product or service from us , information you give to us in inquiries and other communications , and records of any transactions you perform . we share this information with affiliated and nonaffiliated parties only as necessary to process and service your transactions with us , or as required by law . such parties may include those who provide services to us in connection with your accounts or transactions , or who are involved in providing you the services you request . in certain instances they might include a purchaser or potential purchaser of an account . we also report information to credit bureaus in appropriate cases . and we share information with government agencies and law enforcement as necessary . ",1 +"Subject: delivery status notification ( failure ) this is an automatically generated delivery status notification . delivery to the following recipients failed . info @ kvmdoor . com",1 +"Subject: offer your clients 11 . 19 % 11 . 19 % first year ( 5 . 9 % first year rate plus 5 % premium bonus ) 5 . 5 % commission * , plus bonus ( call for details ) full death benefit 10 % free withdrawal after one year great for 1035 ' s and transfers call or e - mail us today ! or please fill out the form below for more information name : e - mail : phone : city : state : visit us online at : www . standardagents . com * commission reduces at older ages . for agent use only . we don ' t want anyone to receive our mailings who does not wish to . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: second chance # 5182 complete credit card processing systems for your business . internet - home based - mail order - phone order do you accept credit cards ? your competition does ! everyone approved - credit problems ok ! approval in less than 24 hours ! increase your sales by 300 % start accepting credit cards on your website ! free information , no risk , 100 % confidential . your name and information will not be sold to third parties ! home businesses ok ! phone / mail order ok ! no application fee , no setup fee ! close more impulse sales ! everyone approved ! good credit or bad ! to apply today , please fill out the express form below . it contains all the information we need to get your account approved . for area ' s that do not apply to you please put n / a in the box . upon receipt , we ' ll fax you with all of the all bank card application documents necessary to establish your merchant account . once returned we can have your account approved within 24 hours . service industry standard us site inspection $ 50 - $ 75 free shipping $ 50 - $ 75 free warranty $ 10 per month free sales receipts $ 10 - $ 50 free fraud screening $ . 50 - $ 1 . 00 per transaction free amex set up $ 50 - $ 75 free 24 hourhelp line $ 10 month free security bond $ 5000 - $ 10 , 000 or more none this is a no obligation qualification form and is your first step to accepting credit cards . by filling out this form you will not enter in to any obligations or contracts with us . we will use it to determine the best program to offer you based on the information you provide . you will be contacted by one of our representatives within 1 - 2 business days to go over the rest of your account set up . note : all information provided to us will remain 100 % confidential ! ! apply free with no risk ! please fill out the express application form completely . incomplete information may prevent us from properly processing your application . your full email address : be sure to use your full address ( i . e . user @ domain . com ) your name : business name : business phone number : home phone number : type of business : retail business mail order business internet based business personal credit rating : excellent good fair poor how soon would you like a merchant account ? your information is confidential , it will not be sold or used for any other purpose , and you are under no obligation . your information will be used solely for the purpose of evaluating your business or website for a merchant account so that you may begin accepting credit card payments . list removal / opt - out option click herem ",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is strong enough for a man , but made for a woman ; - ) orderinq viaqra online is a very convinient , fast and secure way ! miilions of people do it daiiy to save their privacy and money order here . . . ",1 +"Subject: would you like a $ 250 check ? we ' re receiving checks for $ 100 ' s and $ 1 , 000 ' s every month - let me show you how you can easily do the exact same thing ! you are receiving this email as a subscriber to the dealsuwant mailing list . to remove yourself from this and related email lists click here : unsubscribe my email under bill ( s ) 1618 title iii by the 105 us congress , per section 301 , paragraph ( a ) ( 2 ) of s . 1618 , a letter cannot be consideyellow spam if the sender includes contact information and a method of removal . ",1 +"Subject: need a graphic artist ? come here . thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom desiqn of logos , stationery and web - sites . under our carefui hand thesepowerfui marketinq tools wili bring a breath of fresh air into your business and make you stand out amonqthe competitors . you are just a ciick away from your future success . ciick here to see the samples of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: x 2 o automated wealth builder . 511771 the truth ! it takes 32 glasses of alkaline water to neutralize the acid from one 12 oz . soda . click here if your are not seeing the video learn about x 2 o it takes 32 glasses of alkaline water to neutralize the acid from one 12 oz . soda . each time you drink acidic soda , coffee , tea , and energy drinks your body uses its own buffers ( from bone and dna ) to raise the body ' s alkalinity to maintain your healthy blood ph level of 7 . 35 - 7 . 45 . click here to watch the video clip watch how one dose of x 2 o neutralizes an entire 2 liter bottle of soda in just seconds ! dear recipient , if you want to stop receiving our offer please reply with subject stop offers aptw ",1 +"Subject: [ ilug - social ] claim your $ 25 kmart gift card 1 ) claim your $ 25 kmart gift card 2 ) auto loans , fast approvals for any credit ! http : / / www . adclick . ws / p . cfm ? o = 383 & s = pkl 3 ) are you paying too much for auto insurance - find out ? http : / / www . adclick . ws / p . cfm ? o = 334 & s = pkl have a wonderful day , prizemama . com - - - - - - - - - - - - - - - - - - you are receiving this email because you have opted - in to receive email from publisher : prizemama . to unsubscribe , click below : - - irish linux users ' group social events : social @ linux . ie http : / / www . linux . ie / mailman / listinfo / social for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishinq software from corel , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professional $ 150 adobe premiere pro 1 . 5 $ 90 corel designer 10 $ 90 quickbooks 2004 professional edition $ 75 adobe pagemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere eiements $ 125 corei painter ix $ 80 adobe iiiustrator cs $ 80 adobe indesign cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 uiead cool 3 d production studio 1 . 0 . 1 $ 90 aiias motion buiider 6 professionai $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop elements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincereiy , stephaine ",1 +"Subject: fresh , crisp leads from allmerica financial through established sponsored market programs with cpa firms , banks , credit unions and property and casualty firms , you ' ll receive the kind of leads you need to grow your client base and meet their long - term financial needs . allmerica experts will help you map a strategy for selecting and penetrating the right market or markets to grow your practice . we ' ll also give you the on - going support to make sure that you stay on - target . allmerica gives you an edge by providing you with web - based new business technology and customer service programs designed for responsiveness and convenience . your local office will provide proven , innovative marketing and sales support programs brought to you by your field - based associates . investment products and services brokerage services private money managers individual securities automatic account rebalancing mutual funds individual retirement accounts proprietary and non - proprietary variable and fixed annuities asset allocation models and investment planning wrap programs 529 plans other personal financial services financial planning tax planning retirement planning comprehensive planning software education planning risk management insurance planning estate planning business services business planning business insurance : buy - sell , key - person business continuation executive compensation qualified plans : pensions , profit - sharing , 401 k group insurance : life , disability , medical , etc . please fill out the form below for more information name : e - mail : phone : city : state : 02 - 0977 we don ' t want anybody to receive our mailing who does not wish to receive them . this is a professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: tombrandon , bigger , fuller breasts naturally in just weeks = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = guaranteed to increase , lift and firm your breasts in 60 days or your money back ! ! 100 % herbal and natural . proven formula since 1996 . increase your bust by 1 to 3 sizes within 30 - 60 days and be all natural . click here : http : / / 64 . 123 . 160 . 91 : 81 / li / linxiao / http : / / 202 . 101 . 163 . 34 : 81 / li / linxiao / absolutely no side effects ! be more self confident ! be more comfortable in bed ! no more need for a lift or support bra ! 100 % guaranteed and from a name you know and trust ! you are receiving this email as a double opt - in subscriber to the standard affiliates mailing list . to remove yourself from all related email lists , just click here : ",1 +"Subject: use this handy interest calculator to get current interest information . cmaln use this handy rate calculator to get current interest availability data , without giving out any private or personal information . this was sent to you by an mediagroup for smartmortgageusa . if you have any questions , you may contact sm - usa at : offer up , attn : smartmortgageusa , p . o . box 78361 , san francisco , ca 94107 - 8361 . if you wish to exclude yourself from future sm - usa items please use this to go to the website and then use the choice at the bottom of the page . cydukzeiqjcs",1 +"Subject: work at home and make money would you like to get rich working part - time from home ? do you want to get extra income ? we are looking for people that want to make money working from home ! no special skills required ! no fees to start ! we will train you . your personal coach will explain you how to put the internet and your computer to work for you . no matter what you currently do for a living , you can join our team and make money ! we will need a couple of hour ' s commitment per day . work as much as you want . what do we have to offer ? no start up fees or training manuals to buy ! unlimited income potential ! take action and start doing something positive today ! keep in mind that there are no fees or packages to buy to join our firm . work smarter , not harder ! you can make a difference in your financial future ! what you need is basic internet knowledge , access to a computer with internet connection . we will train and mentor you one - on - one if you are serious and remain teachable . apply now to find out more about this exciting opportunity . to carry on with the application or to get more information , please fill out request form at : ",1 +"Subject: learn to play texas hold ' em and other poker classics on the most popular free site . - earn $ 100 bonus from partypoker . visit here . qdwlougj",1 +"Subject: herbal viagra 30 day trial . . . oncxbv exit list instructions pmoney",1 +"Subject: from mrs . fatima rasheed dear beloveth . i am mrs . fatima rasheed khalifa a widow to late sheik mohammed rasheed khalifa am 54 years old . presently i am suffering from long time cancer of the breast from all indications my condition is really deteriorating because of the unsuitable condition in my country that have denied me proper medical care . my late husband was killed during the invasion of collition forces from american and britain in iraq and during the period of our marriage we couldn ' t produce any child my late husband was very wealthy and after his death i inherited all his business and wealth therefore my desire now is to contribute part of this wealth for humanitarian aid such as propagation in assisting the less - privileged and to use part of the fund to acquire a better medical treatment else where in europe or america i am willing to give out 20 % of the sum to you for helping me to retrieve this money and transferring it to your account for the said purpose the deposited amount is $ 4 . 5 million united states dollars . please i want you to note that this fund is lying in a security company . for that i have also written to a lawyer who will file application for the retrieving of the money on your name as the beneficiary only if you promise to use this funds judiciary for the said purpose . yours , mrs . fatima rasheed .",1 +"Subject: fw : re : user name & password to membership to 15 sites cpunks @ minder . net pknkn # # # adult club ? # # offers free membership # # # 15 of the best adult sites on the internet for free ! > > > instant access to all sites now > > > your user name and password is . > > > user name : cpunks @ minder . net > > > password : do 949 w 4 z - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - news 07 / 01 / 02 with just over 2 . 2 million members that signed up for free , last month there were 429 , 947 new members . are you one of them yet ? ? ? - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - our membership faq q . why are you offering free access to 15 adult membership sites for free ? a . i have advertisers that pay me for ad space so you don ' t have to pay for membership . q . is it true my membership is for life ? a . absolutely you ' ll never have to pay a cent the advertisers do . q . can i give my account to my friends and family ? a . yes , as long they are over the age of 18 . q . do i have to sign up for all 15 membership sites ? a . no just one to get access to all of them . q . how do i get started ? a . click on one of the following links below to become a member . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - # 15 . > new ! > celebs tv click here > http : / / 157 . 237 . 128 . 20 / celebst / ? aid = 818932 # 14 . > new ! > naughty live cam click here > http : / / 157 . 237 . 128 . 20 / cams / ? aid = 818932 # 13 . > adults farm click here > http : / / 157 . 237 . 128 . 20 / farm / ? aid = 818932 # 12 . > fetish door click here > http : / / 157 . 237 . 128 . 20 / fetish / ? aid = 818932 # 11 . > teen sex dolls ( voted best adult site 2001 - 2002 ! ) click here > http : / / 157 . 237 . 128 . 20 / teen / ? aid = 818932 # 10 . > sweet latinas click here > http : / / 157 . 237 . 128 . 20 / latina / ? aid = 818932 # 9 . > fetishes click here > http : / / 157 . 237 . 128 . 20 / wicked / ? aid = 818932 # 8 . > tits patrol click here > http : / / 157 . 237 . 128 . 20 / tits / ? aid = 818932 # 7 . > pinklicious click here > http : / / 157 . 237 . 128 . 20 / pink / ? aid = 818932 # 6 . > play house porn click here > http : / / 157 . 237 . 128 . 20 / play / ? aid = 818932 # 5 . > sinful cherries click here > http : / / 157 . 237 . 128 . 20 / sinful / ? aid = 818932 # 4 . > asian sex fantasies click here > http : / / 157 . 237 . 128 . 20 / asian / ? aid = 818932 # 3 . > hot stripper sluts click here > http : / / 157 . 237 . 128 . 20 / stripper / ? aid = 818932 # 2 . > lesbian lace click here > http : / / 157 . 237 . 128 . 20 / lesbian / ? aid = 818932 # 1 . > gay porn club click here > http : / / 157 . 237 . 128 . 20 / stripper / ? aid = 818932 - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - removal instructions : you have received this advertisement because you have opted in to receive free adult internet offers and specials through our affiliated websites . if you do not wish to receive further emails or have received the email in error you may opt - out of our database here http : / / 157 . 237 . 128 . 20 / optout / . please allow 24 hours for removal . this e - mail is sent in compliance with the information exchange promotion and privacy protection act . section 50 marked as ' advertisement ' with valid ' removal ' instruction . - - - - this sf . net email is sponsored by : jabber - the world ' s fastest growing real - time communications platform ! don ' t just im . build it in ! http : / / www . jabber . com / osdn / xim spamassassin - sightings mailing list ",1 +"Subject: [ ilug ] here is the information you requested are you interested in making some extra money on the internet ? well have i got something for you . last week i made $ 3500 , i am offering you 5 yes 5 web sites that have already been made and are waiting for you to put up to make money with . there is also a few videos that are included that tell you exactly what you have to do to be successful . i am going to also offer you the rights to the web pages and to 5 ebooks that you can sell . . these ebooks aren ' t just any ebooks these are books on how to make money on the internet . i am selling this package deal for a short time only at the low price of $ 39 . 77 my friends all say that i am crazy . . the web site alone is worth over $ 1500 and its yours for only $ 39 . 77 . each ebook you will receive is worth around $ 350 . my web page is . www . home - business - onthe - net . com . please come take a look . if you have any questions please feel free to give me a email . if you ' d like a free ebook just give me a email and ill email you one asap . sincerly your friend keegan click on the link below to remove yourself aol users remove me - - irish linux users ' group : ilug @ linux . ie http : / / www . linux . ie / mailman / listinfo / ilug for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: take positi 0 ns before breaking news expiosion the oi | and gas advisory now that oil and gas has entered a long - term bul | market , our specialty in pinpointing the hottest companies of the few remaining undervalued energy plays has produced soaring returns . emerson oi | and gas ( eogi ) is an energy developer in the us "" oi | belt "" and in canada ' s most highiy coveted reservoirs with generating potential of miilions per week . breaking news ! ! ! emerson oil and gas , inc . , ( eogi ) is pieased to announce that the alberta energy & utility board has issued license no . o 3302 o 6 for the company ' s we | | 11 - 16 - 24 - 2 the acadia project . the acadia project consists of 15 sections in aiberta in an area that produces natura | gas from the viking formation , has oi | potential in the bakken zone and gas potentia | in the coiony and second white specks zones . the viking contains natura | gas in we | | s around the acadia project and has the potentia | for 13 bcf gas in the reservoir under the leases . gas welis in the area have calcuiated aof rates up to 14 mmcf per day . the project is | ocated in eastern aiberta with year round access and an estabiished production and equipment infrastructure . wel | costs are expected to be $ 600 , ooo drilled , cased and compieted and the advanced funds wil | go towards the driiling of the first wel | . each well on a | ease earns emerson a 49 % working interest in one section . emerson oil and gas , inc . , ( eogi ) is pleased to announce that the land lease has been surveyed and acquired regarding the acadia project . the acadia project consists of 15 sections in alberta in an area that produces natura | gas from the viking formation , has oil potential in the bakken zone and gas potential in the coiony and second white specks zones . the viking contains natura | gas in welis around the acadia project and has the potential for 13 bcf gas in the reservoir under the | eases . gas welis in the area have calculated aof rates up to 14 mmcf per day . the project is | ocated in eastern aiberta with year round access and an established production and equipment infrastructure . well costs are expected to be $ 6 oo , ooo drilled , cased and completed and the advanced funds wi | | go towards the drilling of the first well . each weil on a | ease earns emerson a 49 % working interest in one section . symbol - eogi price - . o 26 the vaiue of eogi ' s shares wiil skyrocket : 1 . price charts confirm oi | prices are experiencing the strongest buil market in a generation . 2 . natural gas prices have tripled in the | ast two years . 3 . with muitiple projects in high - gear and the expanding production on reserves worth muiti - mi | | ions , eogi is se | | ing for | ess than 1 / 4 the value of its assets . 4 . emerson oil and gas specializes in using new technoiogy to turn unproductive oil and gas deposits into profitable enterprises . already shares in the oi | and gas sector are rising faster than the overa | | market . in fact , four of dow jones ' ten top performing industry sectors for the past year are energy reiated . but it ' s in the mid - sized expiorers and developers like emerson ( eogi ) that the biggest gains are being made . in the last 12 months , many of these stocks made tripie and even quadruple returns . our subscribers need to pay particuiariy ciose attention to undervaiued eogi shares , because it won ' t be a bargain for | ong . this sma | | company with a comparably smail market value , is sitting on a bonanza of oil and gas reserves - an unrecognized bonus for investors especialiy with the daily jump in energy prices . but all that wiil change in a few short weeks , as these reserves move into production , bringing an expiosion of cash that is expected to capture the attention of the market , and have an equaliy explosive effect on the share price . what wiil the cash flow from these projects do for the price of emerson oil and gas ' shares ? we | | we do know this - the great thing about investing in eogi is that your gains don ' t depend on further increases in the price of oil and gas . even if energy prices stay flat , or decline siightiy , you wi | | stil | make a very heaithy return . of course , energy prices are expected to continue their meteoric rise over the next year or so as predicted , meaning the vaiue of eogi ' s assets and earnings wi | | soar even higher . in that case , the reward for investors will be staggering . overal | , we consider eogi to be one of the last outstanding energy piays in the oi | and gas sector . once this discovery has been reaiized , eogi shares wiil surge sharpiy on heavy investor attention . we have identified this discovery for immediate accumuiation . eogi ' s oil and gas reserves are well established and are going into massive production . early investors wil | secure optimum gains , and any additiona | news in this area wil | really turn up the heat , causing us to revise our targets upward in next week ' s bulletin . oil and gas advisory ( oga ) is not a investment expert . certain statements contained in this newsletter may be future - | ooking statements within the meaning of the private securities litigation reform act of 1995 . such terms as expect , believe , may , wiil , and intend or simiiar terms may identify these statements . past - performance is not an indicator of future - results . this is not an expert to acquire or sel | securities . oga is an independent publication that was paid fifteen thousand dollars by a third party for the continuing coverage and dissemination of this company information . investors are suggested to seek proper guidance from a financia | expert . investors shouid use the information provided in this newsietter as a starting point for gathering additiona | information on the profiied company to allow the investor to form their own opinion regarding investment . if you wish to stop future maiiings , or if you feel you have been wrongfuily placed in our membership , please send a blank e mai | with no thanks in the subject to daily _ 7 tip @ yahoo . com",1 +"Subject: great news from your bank how are you , we tried contacting you about your low intrest rate . you have qualified for the lowest rate in years . your current status : $ 341 , 000 for $ 262 a month . your credit has already been reviewed / approved . please view your details at our site below : anyhgh . com sincerely , armand bartlett 6 . doesn ' t kate ' s granddaughter miss shaving for a few months ? .",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , rosita ",1 +"Subject: gov ' t guaranteed home business wealth without risk ! ! ! discover the best kept secret in america ! turning $ 300 into $ 20 , 000 in oklahoma , craig talkington purchased a tax lien on a 5 acre parcel for $ 300 . the owner failed to pay the taxes and forfeited the 5 - acre parcel to craig talkington . a short time later craig sold that property to one of the neighbors for $ 20 , 000 . that ' s the kind of money that buys new cars and sends young people to college . craig didn ' t stop at one deal . he later bought a tax lien for only $ 17 on a ten acre track , the property owner failed to pay the taxes , and craig ended up the property , which he sold for $ 4 , 000 . i don ' t know how much money you are making right now but these are the kinds of profits that change peoples lives and solve financial problems and make things a lot better . janice knetzger turned a $ 463 . 00 investment into $ 65 , 000 . 00 ! wayne robertson paid $ 1 . 00 for a home ! todd beemer turned a $ 21 , 500 investment into $ 150 , 000 . 00 ! for serious investors and entrepreneurs only for a free consultantion to see if you qualify fill out the no obligation form below for more information . required input field * name * address * city * state * phone * email address * * all tax liens and deeds directly support local fire departments , police departments , schools , roads , and hospitals . thank you for your interest and support . to be removed , please click here . 4589 dfsll - 151 rzeh 9359 iyoc 9 - 006 fl 29",1 +"Subject: justt try lt hello , welcome to pharmon emphases line sh pudenda op - one of the leading oniine traction pharmaceutical shops hydrargyrum v disciplinary g underdid al fulvous ll l polder a bugler rac cuboid l polished is rectorial va intrigue um andmanyother . - save manifold over 50 % - worldwide contuse shlpplng - total confiden intractability tiaiity - over 5 miiiion customers in 130 co purseproud untries have a nice da bunkum y !",1 +"Subject: upside pressure signals institutional interest newsletter - june issue 2 oo 5 in june ' s issue we are going to profile a stoc . k that is very much undervalued and is involved in the red hot homeland security sector . ground floor opportunity for everybody . this small treasure is : vnbl . ob ( vinoble , inc . ) the stoc . k is trading at only o . 09 - o . 1 o cents and we expect it could hit $ 0 . 3 o - $ 0 . 35 by mid july . huge pr campaign expected this week so grab as much as you can up to $ 0 . 25 range stoc . k symbol : ( vnbl . ob ) current price : $ 0 . o 9 we expect the price to go to $ o . 22 in next 2 - 3 days we expect the price to go to $ o . 3 o in next 2 weeks . about the company : vinoble , inc . ( vnbl . ob ) is a holding company , which is identifying and acquiring operational business opportunities in the areas of homeland security , security information systems , and other security services to provide long term growth for its shareholders . vinoble believes that the opportunity to build a successful business in the security sector is unprecedented . the terror attacks on the united states on september 11 , 2 ool have changed the security landscape for the foreseeable future . both physical and logical security have become paramount for all industry segments , especially in the banking , healthcare and government sectors . while the focus for vinoble is on north america , the opportunity for security services is worldwide . according to giga , a wholly owned subsidiary of forrester research , worldwide demand for information security products and services is set to eclipse $ 46 b by 2 oo 5 . vinoble intends to capitalize on the dramatic growth in the security market by delivering professional services , security products , security training , and managed security services . in pursuit of this objective , vinoble has assembled a highly qualified team of security professionals offering a full range of security services . through vinoble ' s consulting services and integrated delivery solutions , vinoble will help organizations protect key assets including persons , property , information , brand , and reputation . big news expected from this company in the next few days . this kind of news could really move this stock . stoc . k symbol : vnbl . ob current price : $ 0 . 09 we expect the price to go to $ o . 2 o in next 2 - 3 days we expect the price to go to $ 0 . 25 in next 2 weeks . information within this email contains "" forward looking statements "" within the meaning of section 27 a of the securities act of 1933 and section 21 b of the securities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , goals , expectations , beliefs , plans , projections , objectives , assumptions or future events or performance are not statements of historical fact and may be "" forward looking statements . "" forward looking statements are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which could cause actual results or events to differ materially from those presently anticipated . forward looking statements in this action may be identified through the use of words such as : "" projects "" , "" foresee "" , "" expects "" , "" estimates , "" "" believes , "" "" understands "" "" will , "" "" part of : "" anticipates , "" or that by statements indicating certain actions "" may , "" "" could , "" or "" might "" occur . all information provided within this email pertaining to investing , stoc . ks , securities must be understood as information provided and not investment advice . emerging equity alert advises all readers and subscribers to seek advice from a registered professional securities representative before deciding to trade in stoc . ks featured within this email . none of the material within this report shall be construed as any kind of investment advice . please have in mind that the interpretation of the witer of this newsletter about the news published by the company does not represent the company official statement and in fact may differ from the real meaning of what the news release meant to say . look the news release by yourself and judge by yourself about the details in it .",1 +"Subject: earn 10 k per week with a new system ! 9652 cyuh 7 - 164 rdh - 15 greetings ! you can earn up to 10 k per week doing simple online tasks with a brand new system called emm ? it blows mlm away : no selling . . . no recruiting . . . no explaining or answering difficult questions . . . no 3 - way calling . . . no begging friends and family . . . no rejection . . . all you have to do is advertise , advertise , advertise and then enter the e - mail addresses of your prospects into a full - time automated system . this system : = does all of your support , = answers all of the email from your group members , = handles all of your correspondence = works day and night to turn your advertising into residual income ! it is absolutely phenomenal ! to get the full details , please put "" send emm info "" in subject line , then send to the address below : thank you ! ps : removal instruction - just click below and send . 9779 kl 5",1 +"Subject: how about obtaining a fully recognized university degree ? 231175433222211111111 obtain a prosperous future , money earning power , and the admiration of all . degrees from prestigious accredited universities based on your present knowledge and life experience . call now to receive your diploma within days ! ! ! 1 425 790 3463 no required tests , classes , books , or interviews . bachelors , masters , mba , and doctorate ( phd ) diplomas available in the field of your choice . no one is turned down . confidentiality assured . call now to receive your diploma within days ! ! ! 1 425 790 3463 call 24 hours a day , 7 days a week , including sundays and holidays . 231175433222211111111",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . logodentity offers creative custom design of loqos , stationery and web - sites . under our carefui hand these powerfui marketing toois will bring a breath of fresh air into your business and make you stand out among the competitors . you are just a ciick away from your future success . click here to see the samples of our artwork , check our prices and hot offers",1 +"Subject: free insbuyer . com agency listing life insurance annuities disability insurance health insurance long term care insurance mortgage insurance estate planning medicare supplement insurance pre - paid legal dental nsurance travel insurance viatical settlements auto insurance home insurance call or e - mail us today ! or please fill out the form below for a free listing name : company : address : city : state : zip : phone : e - mail : website : we don ' t want anyone to receive our mailings who does not wish to . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: sto - ck advice structure & technology report may 10 th , 2005 - - for immediate release investors and traders : pinnacle group limited , inc . ( pgpu ) announces acquisition of aerofoam metals inc . aerofoam metals inc is a | eading structura | technology company focused on the deveiopment & commercialization of foamed aiuminum products and components for the world market . in today ' s market , aerofoam metals inc has cutting edge technoiogy and | ittie competition . symbol : pgpu . pk current price : 0 . 68 short term target price : $ 2 . 25 12 month target price : $ 5 . 25 pinnaclegli . com aerofoam metals inc investment considerations : - limited competition - commitment to r & d - cutting edge structura | technoiogy aerofoammetals . com press release - - may 10 th , 2 oo 5 - - pinnacle acquisition of aerofoam the company foilowing extended re - negotiations with the major sharehoider and management of aerofoam metais incorporated ( "" aerofoam "" ) have reached an agreement in principie . the parties have entered into a binding | etter of intent , whereby , pinnacle wiil acquire ail of the issued and outstanding shares of aerofoam for new treasury shares of pinnacie . the number of shares to be issued to the shareholders of aerofoam upon this acquisition wiil be 3 , 50 o , 00 o common shares . the major sharehoider of aerofoam who beneficiaily owns 56 % of a | | the issued and outstanding shares of aerofoam has agreed to vote his shares in favor of this acquisition . the parties hereto further agree to enter into a binding sharehoiders agreement immediately and to hold a specia | shareholder meeting to ratify the acquisition within 60 days of signing this | etter of intent . pinnacle group ltd profiie : pinnacie group is a u . s . based holding company , traded on the pinksheets . com , that searches for majority equity positions in emerging companies . pinnacle group ltd offers ski | | ed entrepreneurs , managers and ceos the option of achieving their goais as part of a larger organization . the company provides capital and management assistance to ventures that have the potentia | to mature into pubiicly traded companies . the company works closely with the management of companies that it acquires , using tried and proven methods to expand the business , who are aiso open to innovative ideas on how to achieve targeted goals . the company has great short term specuiative potential as weil as the potentia | for | ong term growth . we beiieve the speculative near term target price is - $ 2 . 25 we beiieve the speculative long term target price is - $ 5 . 25 this is why pgpu might be the next hot pick ! please foliow this one trade tuesday ! ! nothing in this e - mail should be considered personalized investment advice . although our employees may answer your genera | customer service questions , they are not | icensed under securities | aws to address your particular investment situation . no communication by our employees to you should be deemed as personalized investment advice . we expressly forbid our writers from having a financia | interest in any security recommended to our readers . all of our employees and agents must wait 24 hours after on - line pubiication or 72 hours after the maiiing of printed - only pubiication prior to following an initia | recommendation . any investments recommended in this | etter should be made oniy after consulting with your investment advisor and only after reviewing the prospectus or financia | statements of the company . to cancel by mail or for any other subscription issues , reply piease to : no _ morenewsletters 7 @ yahoo . com ( c ) 2 oo 5 investment newsietter all rights reserved",1 +"Subject: greatest online prescripiton here nicaragua closure tuna want a prescription medication ? find it here ! we have all tablets you could possibly need ! you name it ! we have it ! stop receiving promotional material now rein legible aftermath cyclone forbid ovum kimberly ",1 +"Subject: nymex invitation - learn power trading power trading fundamentals : sept 15 - 16 nymex in nyc early bird discount now in effect ! nymex power delegates will learn : electricity markets overview simulated trading exercise market factors basic trading tools new york mercantile exchange financial instruments options real options role of risk management identifying different types of risk position analysis portfolio management click here to request complete course syllabus contractual terms , operational terms terminology trading motivations of different physical electricity market participants . buy low - sell high varied traded assets types of electricity transactions long - term , medium and short - term contracts transmission services and traded power this two - day course provides participants with comprehensive training on power trading , deal structuring , credit risk , volatility , risk management , bilateral opportunities and more . emi experts instruct using current data , real life examples , and practical experience ! contact emi ( 888 ) 871 - 1207 click here to request more information including syllabus hurry class sizes are limited ! click here to see other energy training opportunities registration visit us online www . energyinstitution . org 1369 madison ave , new york , ny 10128 to unsubscribe to future notices please email unsubscribe @ energyinstitution . org ",1 +"Subject: downloadable software http : / / rosary . realoemsales . com / ? a = 3107",1 +"Subject: notification . email transmission to : beneficiary from : mr . alex williams wire transfer department . . part payment arrears from nigeria totalling us $ 10 million this email transmission is intended for the named recipient only and may contain privileged and confidential information . if you have received this email in error , please notify us immediately . please do not disclose the contents to anyone or copy it to outside parties . thank you . message . attn : sir , we are pleased to inform you that we have negotiated instruction with our correspondent bank union bank of nigeria plc . ( ubn ) to draw us $ 10 million which represent part payment of your contract fund from their account with us and credit in your favor in settlement of a contract involving the nigerian government . the transfer is irrevocable , indivisible and non - transferable . this transaction has been secured with personal identification computerized sealed numbers , contract accreditation pin no , transfer access code ( tag ) and anti terrorist clearance certificate to enable us identify the bonfire beneficiary and to avoid diversion of the fund to wrong account . please contact the director , foreign operations union bank of nigeria plc ( ubn ) attn : alhaji basel abbas on his telephone number : 234 - 1 - 7903518 email : baselabbas @ yahoo . de with your telephone , fax number and bank details to enable us release your fund to your nominated bank account without any further delay . if we do not receive this your information for re - confirmation from you within 7 days from date of this email the transfer will be null and void as we have many contractors to pay . be it known to you that your transfer charge of 0 . 1 % will be deducted from the total sum before final transfer to your account , you are advised to act fast regarding to this subject matter as we have a limited time to conclude all payment in this second quarter of the year . for further enquiry you can contact this bank with the above telephone number . we most sincerely sorry for every inconvenience as occasion in this matter . yours truly , hsbc wire transfer processing div . madrid spain . mr . alex williams senior managing director security & investigation h . s . b . c . wire transfer processing division 12 , calle street , del carlos leganes madrid spain . gl 32 by u > k honbank swift hbcbk 353 00 999 0367826 8366410 registered in u . k number 720662 . registered office : 12 , calle street del carlos leganes madrid , spain .",1 +"Subject: news : company positioned to grow pop 3 media corp ( popt ) a company which has positioned itself in the gap between the major media congiomerates and the universe of independent music , film , pubiishing and technoiogy companies . current price : o . o 25 wil | it continue higher ? watch this one monday as we know many of you like momentum . breaking news ! ! pop 3 media corp . ( popt ) and roxxy corporation announced that the companies have entered into a letter of intent whereby roxxy corporation wi | | acquire a 66 % interest in pop 3 ' s wholiy owned subsidiary , viastar distribution group , inc . "" vdg , "" forming a revolutionary new music company , controversia | entertainment corporation . the transaction , consisting of stock and cash , when compieted , will provide pop 3 ' s shareholders with a 33 % stake in the new company . roxxy ' s management wil | operate the company from headquarters in los angeies and will change its corporate name to controversia | entertainment corporation in the coming weeks . the companies intend to compiete and execute the definitive agreement by july 8 th , 20 o 5 , and seek sharehoider approva | immediateiy thereafter . pop 3 ' s ceo , john d . aquiiino , stated , "" this ailiance will a | | ow pop 3 to achieve its strategic vision of creating a new paradigm in the music industry . one that is focused on supporting the artist and the music they create whiie embracing emerging technologies and giving consumers access to a variety of artists through a variety of media . "" roxxy ' s management team combines highiy experienced industry executives drawn from the major labels and aiso inciudes a staff of in - house producers who are among the most influential talents in the music industry today . "" it is roxxy ' s vision to seize the opportunities afforded by the major labeis ' lack of commitment to their artists and customers ; | abels that cast aside established artists who can no | onger generate multi - miilion seliing recordings , but who consistently reiease aibums which se | | hundreds of thousands of records to a large and loyal fan base ; artists that can easily generate revenues between $ 1 and $ 5 miliion per title , "" stated john shebanow , roxxy ' s ceo . "" additionally , the acquisition of vdg will provide us with the ability to distribute our own product directiy to retai | to over 22 , ooo retai | | ocation in north america , effectiveiy doubiing the company ' s net profit margins and allowing the increased revenue to pass on to our artists . "" mr . shebanow conciuded , "" whiie there are smalier labeis that do provide a home for these acts , they | ack either the wi | | or financia | resources to commit to the kind of budgets which producers of the caiiber we have on staff require . and no company has the unique combination of great producers , in - house distribution and dedication to the artist and the customer that controversial entertainment wiil possess . "" about pop 3 media corp : pop 3 media corp . is engaged in development , production and distribution of entertainment - related media for fiim , teievision , music and pubiishing interests . the company ' s portfoiio currently includes ownership of viastar distribution group , a . v . o . studios , moving pictures internationa | , viastar records , quadra records , light of the spirit records , and viastar ciassical , viastar artist management group and masterdisk corporation . conciusion : the exampies above show the awesome , earning potentia | of little known companies that expiode onto investor ' s radar screens ; many of you are aiready famiiiar with this . is popt poised and positioned to do that for you ? then you may fee | the time has come to act . . . and please watch this one trade monday ! go popt . penny stocks are considered highiy specuiative and may be unsuitable for all but very aggressive investors . this profile is not in any way affiiiated with the featured company . we were compensated 30 oo do | | ars to distribute this report . this report is for entertainment and advertising purposes oniy and shouid not be used as investment advice . if you wish to stop future mail - ings , or if you fee | you have been wrongfuily piaced in our membership , send a biank e mail with no thanks in the sub ject to daily _ 4 tip @ yahoo . com",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , shiloh ",1 +"Subject: cheap oem soft shipping worldwide why pay big bucks ? create your own website now ! you raise your voice when you should reinforce your argument . what ' s up , doc ?",1 +"Subject: failure notice hi . this is the qmail - send program at mail . bmadesign . com . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : sorry , no mailbox here by that name . vpopmail ( # 5 . 1 . 1 ) - - - below this line is a copy of the message . return - path : received : ( qmail 63778 invoked from network ) ; 19 jul 2005 11 : 07 : 06 - 0000 received : from ntsitmo 26173 . sitm . nt . adsl . ppp . infoweb . ne . jp ( helo mailwisconsin . com ) ( 218 . 217 . 148 . 173 ) by mail . bmadesign . com with smtp ; 19 jul 2005 11 : 07 : 06 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 38190336 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : distinctionsemienw @ bmadesign . com user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices startinq at $ 1 . 99 per dose ! unbelivable !",1 +"Subject: re : [ 879 ] ladybug regain your confidence with the best generic viagra from a licensed manufacturer it is only one click away ",1 +"Subject: feeling great is not a luxury ! do you feel the strength ? buddy , deal with your problems supplies are limited ! http : / / buyonlinrmeds . com / ? cid - vug _ txtol take care levi sloan phone : 173 - 218 - 1914 mobile : 777 - 113 - 1269 email : kaveljyowkto @ gus . net e . n . 0 ^ u . g * h http : / / buyonlinrmeds . com / emover . php",1 +"Subject: perfect visual solution for your business now working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buildinq a positive visuai imaqe of your company by creating an outstandinq ioqo , presentabie stationery items and professional website . these marketinq tools wiil siqnificantly contributeto success of your business . take a iook at our work samples , hot deai packages and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is stronq enough for a man , but made for a woman ; - ) orderinq viaqra oniine is a very convinient , fast and secure way ! miiiions of peopie do it daiiy to save their privacy and money order here . . . ",1 +"Subject: buyer beware - penis patches ! penis enhancement patch , doctor approved and recommended . http : / / www . gretan . com / ss / the time you enjoy wasting is not wasted time . science comits suicide when it adopts a creed . constantly talking isn ' t necessarily communicating . the body says what words cannot . perpetual optimism is a force multiplier .",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , particia ",1 +"Subject: no # 1 drug for male impotence buy cheap prescriptions online http : / / fre . ix 3 tmjitfsi 8 ml 0 . cisekldej . com ambition is a dream with a v 8 engine . accidents will occur in the best regulated families . being kind to your dog doesn ' t make you a better artist .",1 +"Subject: new extensions now only $ 14 . 95 public announcement : the new domain names are finally available to the general public at discount prices . now you can register one of the exciting new . biz or . info domain names , as well as the original . com and . net names for just $ 14 . 95 . these brand new domain extensions were recently approved by icann and have the same rights as the original . com and . net domain names . the biggest benefit is of - course that the . biz and . info domain names are currently more available . i . e . it will be much easier to register an attractive and easy - to - remember domain name for the same price . visit : http : / / www . affordable - domains . com today for more info . register your domain name today for just $ 14 . 95 at : http : / / www . affordable - domains . com . registration fees include full access to an easy - to - use control panel to manage your domain name in the future . sincerely , domain administrator affordable domains to remove your email address from further promotional mailings from this company , click here : 07 ",1 +"Subject: natural remedies for sexual health you have not tried cialis yet ? conservatives are not necessarily stupid , but most stupid people are conservatives . time engraves our faces with all the tears we have not shed . nothing great in the world has been accomplished without passion .",1 +"Subject: re [ 1 ] death penalty it ' s o . k . should be allowed in 1825 in 1894 tomb raider",1 +"Subject: charity sees the need not the cost . . . dear friend , as you read this , i don ' t want you to feel sorry for me , because , i believe everyone will die someday . my name is mr . reza abdulla , a merchant in safat , in ( kuwait ) i was married with two children . my wife and two children died in a car accident six years a go . i have been diagnosed with esophageal cancer . it has defiled all forms of medical treatment , and right now i have only about a few months to live , according to medical experts . i have not particularly lived my life so well , as i never really cared for anyone ( not even myself ) but my business . though i am very rich , i was never generous , i was always hostile to people and only focused on my business as that was the only thing i cared for . but now i regret all this as i now know that there is more to life than just wanting to have or make all the money in the world . i believe when god gives me a second chance to come to this world i would live my life a different way from how i have lived it . now that god has called me , i have willed and given most of my property and assets to my immediate and extended family members as well as a few close friends . i want god to be merciful to me and accept my soul so , i have decided to give alms to charity organizations , as i want this to be one of the last good deeds i do on earth . so far , i have distributed money to some charity organizations in the u . a . e , algeria and malaysia . now that my health has deteriorated so badly , i cannot do this myself anymore . i once asked members of my family to close one of my accounts and distribute the money which i have there to charity organization in bulgaria and pakistan , they refused and kept the money to themselves . hence , i do not trust them anymore , as they seem not to be contended with what i have left for them . the last of my money which no one knows of is the huge cash deposit of ten million seven hundred thousand american dollars ( u . s . $ 10 . 700 , 000 ) that i have with a finance / security company abroad . i will want you to help me collect this deposit and dispatched it to charity organizations . i have set aside only 20 % for you and for your time and also 5 % as miscellaneous expenses . reply me at your earliest convenience for more directives to my private email address : reza _ abdulla @ walla . com god be with you . regards , mr . reza abdulla",1 +"Subject: big range of all types of downloadable software . need software ? click here . our american professors like their literature clear , cold , pure and very dead . being another character is more interesting than being yourself .",1 +"Subject: winning one of our chopard and feel the triumph on your wrist . these beauties have thesame fea - tures and logos as their originals . you will flnd all the best - selling points on our goods . select either battery / quartz or the one with automatic movement . http : / / 714 i . ymw . essenceandcore . com / i 5 h / - - - - - original message - - - - - from : alfonso @ afdt . com [ mailto : jefferson @ hk . com ] sent : thursday , march 4 , 2005 4 : 07 pm to : moshe ; shannon @ rsrg . com ; nick ; martin ; frankie subject : lo 0 k at our wonderful collections of ro , lex , frank mul 1 ers and cart . iers . you can ' t flnd any reason to reject these beauties . they have thesame highperformance fea - tures , logos , leading materials and advanced gudgets . promising to be with them the whole of the following morning , therefore , professor of botany presented himself , one who could explain his walking along any path , or leaning against any gate , was ready",1 +"Subject: hassle - free microsoft sql server remote database administration visit us at www . sqlcare . comor call us at ( 214 ) 740 . 0923 to be removed , reply with remove in the subject line .",1 +"Subject: ever have a sm 4 ll spock take off ? cd trading cards ( cdtd ) current price : 0 . 15 is this an undiscovered gem that is positioned to go higher ? review exactly what this company does . breaking news ! ! cdtc announced that they have rebranded as nex 2 u cdtc inc . , the premier provider of multimedia catalogs , revealed its new brand today as nex 2 u ( tm ) ( cdtd ) . the decision to create the new brand was to help reveal the unique and fresh perspective demonstrated through nex 2 u ' s multimedia product offerings . the nex 2 u branding and marketing strategy was created by how studios of topanga , ca . nex 2 u ' s business philosophy is about forming cooperative relationships and partnering with companies to help them achieve their business objectives through the use of electronic media . this philosophy molded the new image of nex 2 u - your multimedia catalog partner . branding experts at how studios of topanga , ca designed the new artwork for the logo , print materials , and a new trade show booth and marketing strategy that was unveiled thiss w e e k at the 22 nd annual catalog conference at the gaylord palms in kissimmee , fl . howard lim and his creative team at how studios did an outstanding job in designing a new look for cdtc in the catalog marketplace . june 28 - nex 2 u ( tm ) ( cdtd ) receiveed rave reviews for its flagship product sales transactional media ( stm ( tm ) ) at the 22 nd annual catalog conference , held in kissimmee , florida . with its stm technology , nex 2 u dominated the catalog industry with its high return and cost effective multi - channel solutions consisting of cd / dvd ' s , integrated website development , print - ready pdf , and point of sale kiosks . stm allows companies to offer a seamless online / offline shopping and branding experience for the catalog and internet - weary consumer . the results of several international studies performed for the conference concluded that more and more companies are searching for multimedia alternatives to the historically expensive direct - mail catalogs . rising postage and paper costs for 2006 are causing large - scale catalogers to rethink their marketing initiatives opening up the opportunity for nex 2 u ( tm ) to position itself to lead the industry by introducing both b 2 b and b 2 c digital catalog environments . "" this event provided us more customer prospects and business relationship opportunities than we ever expected , "" said doug calaway , ceo of nex 2 u . "" it generated hundreds of sales leads in the us . we are now in discussions with three european marketing companies to distribute our products . the event reinforced the value that our products bring to the industry . "" about how studios as founder and president of how studios , howard lim empowers clients to realize success through authentic brands ( tm ) . howard lim leads a team of professionals that communicates the powerful visions of america ' s top companies . how studio clients are an impressive | ist for instance : apple computer , disney theatrical productions ( lion king and aida ) , dreamworks , upn network , cartoon channel , hanna barbera , magic johnson summer pro league , paramount pictures , tempus expeditions ( virtual reality theme park ) , time warner interactive , fujitsu , honda , philips media , gilda marx inc . ( stars of tomorrow ) and toshiba . he exceeded the expectations of every client . about cdtc ( now nex 2 u , inc . ) nex 2 u is now the premier provider of multimedia catalogs in the industry . through new stm technology , nex 2 u takes existing content from currently used print catalogs and transforms them into highly interactive , highly profitable di rect mai | pieces known as sales transactional media . this technology not only increases sales and decreases costs , but conveys an impressive branding experience to the customer through a unique use of media . conclusion : the examples above show the awesome , earning potential of little known companies that explode onto investor ' s radar screens ; many of you are already familiar with this . is cdtd poised and positioned to do that for you ? then you may feel the time has come to act . . . and please watch this one trade wednesday ! go cdtd . penny stocks are considered highly speculative and may be unsuitable for all but very aggressive investors . this profile is not in any way affiliated with the featured company . we were compensated 3000 dollars to distribute this report . this report is for entertainment and advertising purposes only and should not be used as investment advice . if you wish to stop future mailings , or if you feel you have been wrongfully placed in our membership , send a blank e mail with no thanks in the sub ject to monomial is not apartheid reverberate but cadent prosper a verona wilson , schlesinger , rufus and hemorrhoid . spinster may gasohol carpet . bedazzle , rufus flaunt . caveat is antaeus abscissa discriminatory but dropout , avert eventuate magenta not topologize ex - accompanist aliphatic . cayley , temerity and benedikt .",1 +"Subject: good news about your rate hows it been going ? you have been chosen to participate in an invitation only event ! are you currently paying over 3 % for your mortgage ? stop ! we can help you lower that today ! answer only a few questions and we can get you approved in under 1 minute , it ' s that simple ! more info here : anyhgh . com $ 302 , 000 loans are available for only $ 231 / month ! everyone is approved ! bad credit ? no problem ! we ' ll have you saving money in no time ! are you ready to save ? just fill out our short form : anyhgh . com thanks alot , baez v . jodie , v projecthoneypot @ projecthoneypot . org the secret of life is honesty and fair dealing . if you can fake that , you ' ve got it made . - groucho marx ( 1890 - 1977 ) . from that day on there were new rules in my classroom . each student was to have an adult ' communication partner ' at the computer . this adult was to sit with the child , not saying a word until the student stopped and looked at the adult or in some other way indicated that communication was desired . then the adult was only to encourage the student by saying the word , nodding the headand smiling . the student was allowed to continue his or her learning . when the student imitated a word , the adult was to respond appropriately . no questions were allowed during this beginning phase . the students were just learning to talk . . luke is missing jumping today . . few things are harder to put up with than the annoyance of a good example . . all my life i ' ve wanted to be someone ; i guess i should have been more specific . jane wagner / lily tomlin ( 1939 - ) . i am not missing surfing . .",1 +"Subject: all generic viagra prices include a free online prescription . same medication - low price education is life itself . high thoughts must have high language . living is easy with eyes closed , misunderstanding all you see .",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactiy when you want . cialls has a iot of advantaqes over viagra - the effect iasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with aicohol ! we ship to any country ! get it riqht now ! . ",1 +"Subject: best deals on all generic viagra and generic cialis alternatives with guaranteed lowest prices you can feel yourself for 19 years during sex ! education is a method whereby one acquires a higher grade of prejudices . when words leave off , music begins . diligence is the mother of good luck .",1 +"Subject: re : education opportunity we spoke about gf . u n i v e r s i t y . d i p l o m a s . do you want for a prosperous future , increased money earning power , and the respect of all ? we can assist with diplomas from prestigious non - accredited universities based on your present knowledge and life experience . no required tests , classes , books , or interviews . bachelors , masters , mba , and doctorate ( phd ) diplomas available in the field of your choice - that ' s right , you can become a doctor , lawyer or accountant and receive all the benefits and admiration that comes with it ! no one is turned down ! confidentiality assured - change your life today ! either click here or you can call us 24 hours a day , 7 days a week ! ( including sundays and holidays ) : 1 - 310 - 388 - 6087 contact us now to receive your diploma within days , and start improving your life ! did you receive an email advertisement in error ? our goal is to only target individuals who would like to take advantage of our offers . if you ' d like to be removed from our mailing list , please click on the link below . you will be removed immediately and automatically from all of our future mailings . we protect all email addresses from other third parties . thank you . please remove me . ",1 +"Subject: free health insurance quotes need health insurance ? in addition to featuring the largest selection of major medical health plans from leading companies , our service also offers a wide selection of quality dental plans . you can obtain free instant quotes , side - by - side comparisons , the best available prices , online applications , and a knowledgeable customer care team to help you find the plan that is right for you . if you would like more information please email with "" send me health insurance info "" in the body of the email if you do not wish to correspond with us , reply to surefiremarketing @ btamail . net . cn with remove as your subject .",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactly when you want . ciails has a iot of advantaqes over viaqra - the effect iasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with alcohoi ! we ship to any country ! get it riqht now ! . ",1 +"Subject: you don _ t know how to attract customers to your website ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website oniine otherwise it wili be invisible virtualiy , which means efforts spent in vain . if you want people to know about your website and boost your revenues , the only way to do that is to make your site visibie in piaces where people search for information , i . e . submit your website in muitipie search enqines . submit your website online and watch visitors stream to your e - business . best regards , georgettalowe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: kime oy vereceksiniz ? ?yi g?nler d?nya gazetesi , i?inde bulundu?umuz siyasi karma?a d?neminin se?imler sonras?nda nas?l bir hal alaca?? konusunda kapsaml? bir ara?t?rma yapmaktad?r . bu ?er?evede toplumumuzun m?mk?n oldu?unca geni? bir kesiminin g?r??lerine ba?vurmay? gerekli g?rd?k . 3 kas?m 2002 tarihinde yap?lmas? ?ng?r?len se?imler sonras?nda siyasi belirsizli?in , dolay?s?yla da ekonomik belirsizli?in sona erip ermeyece?i y?n?nde bir tahmin yapmam?z ve bu konuda kamuoyunu bilgilendirmemiz gerekti?ini d???n?yoruz . sizin de g?r??lerinizi bize iletmeniz anketin sa?l?kl? olmas? ?er?evesinde ?nem ta??maktad?r . d?nya gazetesi , anketi cevaplayanlar?n kimlikleri konusunda herhangi bir a??klaman?n yap?lmayaca?? , sadece cevaplar?n?n dikkate al?naca?? y?n?nde tam garanti verir . ?lginiz i?in te?ekk?r eder , ?al??malar?n?zda ba?ar?lar dileriz . anketin , daha geni? kapsaml? olmasi ve b?y?k kitlelere ula?abilmesi i?in , tan?d?klar?n?za bu mail ? i g?nderebilirsiniz . soru 1 se?imde hangi partiye oy vermeyi d???n?yorsunuz ? soru 2 sizce se?imlerde en ?ok oyu hangi partiler alacak , bir s?ralama yapabilir misiniz ? soru 3 se?imlerin sonucunu etkileyebilecek temel geli?meler ne olabilir ? d?nya gazetes? ankara tems?lc?l??? tel : 312 446 99 24 fax : 446 91 54 ankara @ dunyagazetesi . com . tr - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: you could need itt how to save on your m necropsy edlcations over 70 % . p strychnine harmshop - successfull and proven trisyllabic way to save your mone suppository y . allocution v multiplication ag a stencil l tightener lu surrogate l homogeneous rac compressible l i leadsman s surrejoinder val unlawful m andmanyother . bes boxcar t prlces . worldwi leviticus de shlpplng . easy order unmanageable form . total confidentiaiity cystic . 250 , 000 sati alluvium sfied customers . pelerine order today and save !",1 +"Subject: the future of continuing education select your state then press "" go "" to view ce courses available ( aol users click here ) al ak az ar ca co ct de dc fl ga hi id il in ia ks ky la me md ma mi mn ms mo mt ne nv nh nj nm ny nc nd oh ok or pa ri sc sd tn tx ut vt va wa wv wi wy we don ' t want anyone to receive our mailings who does not wish to receive them . this is a professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: free adult dvds . no purchase necessary . . . to : yyyy @ netnoteinc . com id : ksdk to : yyyy @ netnoteinc . com # # # adult online super store # # shhhhhh . . . # # you just found the internet ' s # # best kept secret ! ! ! # # 3 vivid dvds absolutely free ! ! ! # # # > > > > > > > > > no purchase necessary ! > > > > > > > > no purchase necessary ! < < < < < < < < < < < # # # don ' t forget to forward this email to # # all your friends for the same deal . . . # # there is a new free dvd and vhs video # # available every week for your viewing # # pleasure . # # # removal instructions : you have received this advertisement because you have opted in to receive free adult internet offers and specials through our affiliated websites . if you do not wish to receive further emails or have received the email in error you may opt - out of our database here http : / / 209 . 203 . 162 . 20 / optout . html . please allow 24 hours for removal . this e - mail is sent in compliance with the information exchange promotion and privacy protection act . section 50 marked as ' advertisement ' with valid ' removal ' instruction . faarakxavoxcadetxjpir",1 +"Subject: a cry for help dear friend , i am mrs . sese - seko widow of late president mobutu sese - seko of zaire ? now known as democratic republic of congo ( drc ) . i am moved to write you this letter , this was in confidence considering my and situation . i escaped along with my husband and two of our sons george kongolo and basher out of democratic republic of congo ( drc ) to abidjan , cote d ' ivoire where my family and i settled , while we later moved to settled in morroco where my husband later died of cancer disease . however due to this situation we decided to changed most of my husband ' s billions of dollars deposited in swiss bank and other countries into other forms of money coded for safe purpose because the new head of state of ( dr ) mr laurent kabila has made arrangement with the swiss government and other european countries to freeze all my late husband ' s treasures deposited in some european countries . hence my children and i decided laying low in africa to study the situation till when things gets better , like now that president kabila is dead and the son taking over ( joseph kabila ) . one of my late husband ' s chateaux in southern france was confiscated by the french government , and as such i had to change my identity so that my investment will not be traced and confiscated . i have deposited the sum eighteen million united state dollars ( us $ 18 , 000 , 000 , 00 . ) with a security company , for safekeeping . the funds are security coded to prevent them from knowing the content . what i want you to do is to indicate your interest that you will assist us by receiving the money on our behalf . acknowledge this message , so that i can introduce you to my son ( kongolo ) who has the out modalities for the claim of the said funds . i want you to assist in investing this money , but i will not want my identity revealed . i will also want to buy properties and stock in multi - national companies and to engage in other safe and non - speculative investments . may i at this point emphasise the high level of confidentiality , which this business demands , and hope you will not betray the trust and confidence , which i repose in you . in conclusion , if you want to assist us , my son shall put you in the picture of the business , tell you where the funds are currently being maintained and also discuss other modalities including remunerationfor your services . for this reason kindly furnish us your contact information , that is your personal telephone and fax number for confidential purpose . best regards , mrs m . sese seko",1 +"Subject: don ' t pay another monthly bill until you read thisdgsrw home mortgage network home of america ' s most liberal lenders interest rates are still at an all time low ! this is a great time to refinance your home , consolidate all of your bills and high interest credit card debt , and get the cash you need ! all homeowners in the usa easily qualify ! damaged credit is never a problem ! we have special programs for every type of credit history no upfront fees - no hidden fees - get cash fast for . . . home improvement * 2 nd mortgage * refinance * credit repair * college tuition debt consolidation * a dream vacation * a new business * any purpose we work with the nation ' s top lenders . . . and they ' re hungry for your business . we will get you the best loan to meet your needs ! our service is 100 % free - and there is no obligation ! applying is easy . enter herefor a quote today ! we search for the best offering ' s for you ; we do the research and you get only the superior results this email is brought to you by ; tmc . . to abnegate all future notices , please enter here ",1 +"Subject: add sennse hello , welcome to the me pipeclay dzonline - online pharmaceu compression tical shop . clerkly va u undergrowth m tracing vi charnelhouse rac coffeehouse i tegument is l resent i a betrothal g a cherubic l andmanyother . with our shop harshness you get - best sonority prlces excellen enlighten t service fast s nasalize hipping private onl constringent ine ordering have a nice day .",1 +"Subject: are you listed in major search engines ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website oniine otherwise it wili be invisible virtuaily , which means efforts spent in vain . if you want people to know about your website and boost your revenues , the oniy way to do that is to make your site visible in piaces where peopie search for information , i . e . submit your website in muitiple search engines . submit your website online and watch visitors stream to your e - business . best reqards , giadistayior _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom design of ioqos , stationery and web - sites . under our carefui hand thesepowerful marketing toois wiil brinq a breath of fresh air into your business and make you stand out amongthe competitors . you are just a click away from your future success . ciick here to see the sampies of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: your gateway to wealth profiles + professional is a personal and business analysis tool that analyzes a client ' s insurance , investment and financial planning goals , to help them see their situation today compared to their objectives . profiles + professional is an ideal tool for true financial planning . it not only provides a thorough analysis , including asset allocation , but it can calculate tax implications in a client ' s plan . due to its modular format , it can be used for specific planning needs , as well as more comprehensive planning . this software not only provides exceptional analysis , but excels in providing simple as well as comprehensive presentation pages . by uncovering multiple needs , producers sell more products . an internet - based sales - enabling service , which allows users to quickly become successful in the deferred compensation ( coli ) market . focus on mid - market businesses . in the area of executive benefits , the mid - market opportunity should be defined by either the number of employees within a company , or more specifically by the number of highly compensated executives within a company . a turnkey program that includes qualification of prospect , marketing and sales support , case design , plan documents and administration . global insurance funding transaction ( g . i . f . t . ) is a sophisticated premium - financing program that provides an alternative funding mechanism for life products purchased to offset large estate and corporate liabilities . clients with a high net worth of at least $ 10 million who have an insurance need and believe their existing portfolio of investments , when left unliquidated , will earn more then they will have to pay on loan interest expenses . g . i . f . t . offers compelling sales solutions , comprehensive supplemental illustrations and access to a consortium of established banks willing and able to lend in this market . loans are available in both u . s . dollars and japanese yen . please fill out the form below for more information name : e - mail : phone : city : state : zip : primary insurance carrier : broker - dealer : if you are currently contracted with any of the jefferson pilot financial family of companies , please disregard this ad . we don ' t want anybody to receive our mailing who does not wish to receive them . this is a professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insuranceiq . com / optout legal notice ",1 +"Subject: your order # 5056 shopping for a loan has never been easier get a free quote on a new first mortgage , second mortgage , or a credit line with no cost or obligation . we can help you get a great loan regardless of your credit situation it ' s a great time to buy or refinance your home . whether you want to : buy a new home - consolidate your debts refinance to lower your payments take some equity out of your home for any reason we can help ! click here and get a free quote ! you have nothing to lose ! to not receive this email again click here ",1 +"Subject: start shopping at costco today with a complimentary gold membership . start shopping at costco today with a free gold membership . free gold membership or upgrade and extend your existing membership . ( ) ipmlgbit",1 +"Subject: more site sales do you take credit cards ? if you do you will make more money . easy set up . . no credit checks - 100 % approval . . . . make more money now ! try now remove info is found on web site ",1 +"Subject: entrust your visual identity to us thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom design of iogos , stationery and web - sites . under our carefui hand thesepowerfui marketing toois wili bring a breath of fresh air into your business and make you stand out amongthe competitors . you are just a ciick away from your future success . click here to see the samples of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: slim factors - a totally new approach to weight loss this e - mail is intended to be a benefit to the recipient . if you would like to opt - out and not receive any more click here . your address will be removed immediately . we sincerely apologize for any inconvenience . this e - mail is not spam under the federal regulatory laws of the united states . this message is being sent to you in compliance with the proposed federal legislation for commercial e - mail ( h . r . 4176 - section 101 paragraph ( e ) ( 1 ) ( a ) ) and bill s . 1618 title iii passed by the 105 th us congress . this message is not intended for residents of wa , nv , ca , va . screening of addresses has been done to the best of our technical ability . ",1 +"Subject: congratualtions zzzz 8969 ! ! ! you ' re a winner ! dear traveler , congratulations you may be one of our lucky winners ! you may be spending your next vacation in beautiful orlando florida ! 6 days and 5 nights of accommodations in sunny orlando florida round trip airfare included for two rental car with unlimited mileage 2 day pass to universal studios $ 500 coupon book for meals and entertainment 2 casino cruise tickets to claim your prize just visit our website click here thanks for entering our contest and we look forward to seeing you soon . sincerely , jacqueline o ' connor director of promotoins p . s . youve got to hurry . if you dont claim your vacation in the next 24 hours it may be gone . availability is limited . so dont wait , click here today . to be excluded from future promotions click here ",1 +"Subject: adv : your road to financial freedom begins here ! are you overwhelmed with debt and high interest rates ? are you receiving annoying calls from creditors ? how soon are you going to fix your credit situation ? tomorrow ? next week ? next month ? why not right now ? we will provide professional help to reduce your interest rates and minimum payments ! we offer free information and resources to provide with fast relief from credit cards and other types of debt . find out why our program is the # 1 way for having a debt free life . visit us at http : / / www . mydebtsite . com / myhome . htm today ! this email address was obtained from a purchased list . if you wish to unsubscribe from this list , please click here and enter the email address ( es ) you want to have removed from all future emails . if you have previously unsubscribed and are still receiving this message , you may email our abuse department at abuse @ mydebtsite . com or write us at : no spam - mydebtsite . com , p . o . box 770594 , coral springs , fl 33077 .",1 +"Subject: you are approved for your loan ! ! ! approval no . ( 1848025 ) refinancing your mortgage may be easier then you think ! now that rates are down , this may be a good time to start saving money ! click here for all details free service for usa homeowners ! whether your credit rating is a + + or you are credit challenged , we have many loan programs through hundreds of aggressive lenders wanting to help you . second mortgages we can help you get up to 125 % of your homes value ( ratios vary by state ) . refinancing reduce your monthly payments and get some cash back . debt consolidation combine all your bills into one low payment , and save money every month . we will get you the best deal possible ! lower rates and easier terms ! click here for all details and a free loan quotation today ! we strongly oppose the use of spam email and do not want anyone who does not wish to receive ourmailings to receive them . we strongly oppose the use of spam email and do not want anyone who does not wish to receive our mailings to receive them . click here to me taken off of our list . 80686",1 +"Subject: new love tabs shop . visit our llcensed online dragstore for the best inexpensive love drags ! viagra , cialis , softtabs and many other iove enhancers ail in one ! operative support , fast shipping , secure payment processinq and complete confidentiaiity ! click here to find your verifled by bbb and approved by visa love pil 1 ! ",1 +"Subject: save now * * * * * write down * * * * * hello , it is time to refinance ! your credit does not matter , we can approve anyone . now is the time to let some of the top mortgage companies in the country compete for your business . if you have good credit we will give you the most amazing rates available anywhere ! if you have poor credit , don ' t worry ! we can still refinance you with the most competitive rates in the industry ! let us put our expertise to work for you ! guaranteed ! http : / / 21377 @ www . top - lenders . com / app best , top - lenders erase ",1 +"Subject: you launched a website but no one visits it ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website oniine otherwise it wili be invisible virtuaily , which means efforts spent in vain . lf you want peopie to know about your website and boost your revenues , the only way to do that is to make your site visible in places where people search for information , i . e . submit your website in multiple search engines . submit your website online and watch visitors stream to your e - business . best regards , aracelishammond _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: mmedz services hello , welcome to the medzo kolinsky nline - online ph filiform armaceutical shop . chalcedony va u greasy m aqueous vi plantar rac granule i passage is crenelated li devildom ag worker al andmanyother . w inhabit ith our shop you get - be chessplayer st prlces excellen intrigue t service insuperable fast shipping private online curbstone ordering have a nice day .",1 +"Subject: amazingg hello , welcome to ph unavoidable armonline sh breakneck op - one of the l handful eading oniine pharmaceutical shops bondman v distinct g a interrupter l l herbalist l distributary la ensoul rac plagiary l i stress s alkalimetry va dislodge um andmanyother . - save over 5 malarial 0 % - worldwide shlp impetuous plng - total confidentia televiewer iity - over locksman 5 miiiion customers in 130 countries have a furnished nice day !",1 +"Subject: http : / / www . wbm . us hello , i have visited www . wbm . us and noticed that your website is not listed on some search engines . i am sure that through our service the number of people who visit your website will definitely increase . seekercenter is a unique technology that instantly submits your website to over 500 , 000 search engines and directories - - a really low - cost and effective way to advertise your site . for more details please go to seekercenter . net . give your website maximum exposure today ! looking forward to hearing from you . best regards , vanessa lintner sales marketing www . seekercenter . net you are receiving this email because you opted - in to receive special offers through a partner website . if you feel that you received this email in error or do not wish to receive additional special offers , please enter your email address here and click the button of remove me : ",1 +"Subject: you were accepted . here is your money dear applicant , after further review upon receiving your application your current mortgage qualifies for a 4 . 75 rate . your new monthly payment will be as low as $ 340 / month for a $ 200 , 000 loan . please confirm your information in order for us to finalize your loan , or you may also apply for a new one . complete the final steps by visiting : http : / / www . barefi . net / ? id = j 22 we look foward to hearing from you . thank you , lorene ouellette , account managerlpc and associates , llc . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - not interested ? - > www . iorefi . net / book . php",1 +"Subject: amateur teens go bad 18 - 21 yr . old chicks are so horny ! nasty amateurs taking cum shots , huge cocks , anal poundings , & much more ! young and fresh - - - - - > just a click away ! get them now ! for free ! click here for the girls of your dreams ! remember this is a free site so hurry ! click here to unsubscribe . ",1 +"Subject: instant branded software download software sales http : / / francois . jetlow . com / a joke ' s a very serious thing . to be feared is much safer then to be loved . you can never underestimate the stupidity of the general public .",1 +"Subject: undelivered mail returned to sender this is the postfix program at host cenesp . santistatextil . com . br . i ' m sorry to have to inform you that your message could not be be delivered to one or more recipients . it ' s attached below . for further assistance , please send mail to if you do so , please include this problem report . you can delete your own text from the attached returned message . the postfix program : unknown user : "" antonio _ sanches """,1 +"Subject: custom design work corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes oniy several seconds for your company to be remembered or to be lost among competitors . get your logo , business stationery or website done riqht now ! fast turnaround : you will see severai iogo variants in three business days . satisfaction guaranteed : we provide uniimited amount of chanqes ; you can be sure : it wili meet your needs and fit your business . fiexible discounts : logo improvement , additional formats , bulk orders , special packages . creative design for competitive price : have a look at it right now !",1 +"Subject: fca offrr hello , welcome to phar seethe monline sh klystron op - one of the leading oniine pharmaceutical s astride hops admission v ornate g assemblyman al l passingbell l l rebuke a positivism ra quibble cl i regulable sv parvenu a u tomtom m andmanyother . - save over needlework 50 % - worldwide shlp overgrow plng - total confidentiai convex ity - over 5 mi orthogonal iiion customers in 130 countries have tighten a nice day !",1 +"Subject: a better investment than the stock market . all our mailings are sent complying to the proposed h . r . 3113 unsolicited commercial electronic mail act of 2000 . please see the bottom of this message for further information and removal instructions . parents of 15 - year old - find $ 71 , 000 cash hidden in his closet ! does this headline look familiar ? of course it does . you most likely have just seen this story recently featured on a major nightly news program ( usa ) . and reported elsewhere in the world ( including my neck of the woods - new zealand ) . his mother was cleaning and putting laundry away when she came across a large brown paper bag that was suspiciously buried beneath some clothes and a skateboard in the back of her 15 - year - old sons closet . nothing could have prepared her for the shock she got when she opened the bag and found it was full of cash . five - dollar bills , twenties , fifties and hundreds - all neatly rubber - banded in labelled piles . "" my first thought was that he had robbed a bank "" , says the 41 - year - old woman , "" there was over $ 71 , 000 dollars in that bag - - that ' s more than my husband earns in a year "" . the woman immediately called her husband at the car - dealership where he worked to tell him what she had discovered . he came home right away and they drove together to the boys school and picked him up . little did they suspect that where the money came from was more shocking than actually finding it in the closet . as it turns out , the boy had been sending out , via e - mail , a type of "" report "" to e - mail addresses that he obtained off the internet . everyday after school for the past 2 months , he had been doing this right on his computer in his bedroom . "" i just got the e - mail one day and i figured what the heck , i put my name on it like the instructions said and i started sending it out "" , says the clever 15 - year - old . the e - mail letter listed 5 addresses and contained instructions to send one $ 5 dollar bill to each person on the list , then delete the address at the top and move the others addresses down , and finally to add your name to the top of the list . the letter goes on to state that you would receive several thousand dollars in five - dollar bills within 2 weeks if you sent out the letter with your name at the top of the 5 - address list . "" i get junk e - mail all the time , and really did not think it was going to work "" , the boy continues . within the first few days of sending out the e - mail , the post office box that his parents had gotten him for his video - game magazine subscriptions began to fill up with not magazines , but envelopes containing $ 5 bills . "" about a week later i rode [ my bike ] down to the post office and my box had 1 magazine and about 300 envelops stuffed in it . there was also a yellow slip that said i had to go up to the [ post office ] counter . i thought i was in trouble or something ( laughs ) "" . he goes on , "" i went up to the counter and they had a whole box of more mail for me . i had to ride back home and empty out my backpack because i could not carry it all "" . over the next few weeks , the boy continued sending out the e - mail . "" the money just kept coming in and i just kept sorting it and stashing it in the closet , barely had time for my homework "" . he had also been riding his bike to several of the banks in his area and exchanging the $ 5 bills for twenties , fifties and hundreds . "" i didn ' t want the banks to get suspicious so i kept riding to different banks with like five thousand at a time in my backpack . i would usually tell the lady at the bank counter that my dad had sent me in to exchange the money ] and he was outside waiting for me . one time the lady gave me a really strange look and told me that she would not be able to do it for me and my dad would have to come in and do it , but i just rode to the next bank down the street ( laughs ) . "" surprisingly , the boy did not have any reason to be afraid . the reporting news team examined and investigated the so - called "" chain - letter "" the boy was sending out and found that it was not a chain - letter at all . in fact , it was completely legal according to us postal and lottery laws , title 18 , section 1302 and 1341 , or title 18 , section 3005 in the us code , also in the code of federal regulations , volume 16 , sections 255 and 436 , which state a product or service must be exchanged for money received . every five - dollar bill that he received contained a little note that read , "" please send me report number xyx "" . this simple note made the letter legal because he was exchanging a service ( a report on how - to ) for a five - dollar fee . [ this is the end of the media release . if you would like to understand how the system works and get your $ 71 , 000 - please continue reading . what appears below is what the 15 year old was sending out on the net - you can use it too - just follow the simple instructions ] . be financially free like others within a year ! ! ! before you say "" bull "" , please read the following . this is the letter you have been hearing about on the news lately . due to the popularity of this letter on the internet , a national weekly news program recently devoted an entire show to the investigation of this program described below , to see if it really can make people money . the show also investigated whether or not the program was legal . their findings proved once and for all that there are "" absolutely no laws prohibiting the participation in the program and if people can follow the simple instructions , they are bound to make some megabucks with only $ 25 out of pocket cost "" . due to the recent increase of popularity & respect this program has attained , it is currently working better than ever . note * follow the directons below , i had best results the second time when i hired a bulk email service in addition to following the reports instructions . in order for all of us to be successful , many , many emails must be sent so that the returns are many . i have been extremely successful using the following company . they send out the offers , and all i do is accept money for reports , then i send back to the people as soon as possible . this is what one had to say : "" thanks to this profitable opportunity . i was approached many times before but each time i passed on it . i am so glad i finally joined just to see what one could expect in return for the minimal effort and money required . to my astonishment , i received total $ 610 , 470 . 00 in 21 weeks , with money still coming in "" . pam hedland , fort lee , new jersey . here is another testimonial : "" this program has been around for a long time but i never believed in it . but one day when i received this again in the mail i decided to gamble my $ 25 on it . i followed the simple instructions and walaa . . . . . 3 weeks later the money started to come in . first month i only made $ 240 . 00 but the next 2 months after that i made a total of $ 290 , 000 . 00 . so far , in the past 8 months by re - entering the program , i have made over $ 710 , 000 . 00 and i am playing it again . the key to success in this program is to follow the simple steps and not change anything . "" more testimonials later but first , print this now for your future reference + + + + order all 5 reports shown on the list below + + + for each report , send $ 5 cash , the name & number of the report you are ordering and your e - mail address to the person whose name appears on that list next to the report . make sure your return address is on your envelope top left corner in case of any mail problems . when you place your order , make sure you order each of the 5 reports . you will need all 5 reports so that you can save them on your computer . within a few days you will receive , vie e - mail , each of the 5 reports from these 5 different individuals . save them on your computer so they will be accessible for you to send to the 1 , 000 ' s of people who will order them from you . also make a floppy of these reports and keep it on your desk in case something happens to your computer . important - do not alter the names of the people who are listed next to each report , or their sequence on the list , in any way other than what is instructed below in step "" 1 through 6 "" or you will loose out on majority of your profits . once you understand the way this works , you will also see how it does not work if you change it . remember , this method has been tested , and if you alter , it will not work ! ! ! people have tried to put their friends / relatives names on all five thinking they could get all the money . but it does not work this way . believe us , we all have tried to be greedy and then nothing happened . so do not try to change anything other than what is instructed . because if you do , it will not work for you . remember , honesty reaps the reward ! ! ! 1 . . . . after you have ordered all 5 reports , take this advertisement and remove the name & address of the person in report # 5 . this person has made it through the cycle and is no doubt counting their fortune . 2 . . . . move the name & address in report # 4 down to report # 5 . 3 . . . . move the name & address in report # 3 down to report # 4 . 4 . . . . move the name & address in report # 2 down to report # 3 . 5 . . . . move the name & address in report # 1 down to report # 2 6 . . . . insert your name & address in the report # 1 position . please make sure you copy every name & address accurately ! * * * * take this entire letter , with the modified list of names , and save it on your computer . do not make any other changes . save this on a disk as well just in case if you loose any data . to assist you with marketing your business on the internet , the 5 reports you purchase will provide you with invaluable marketing information which includes how to send bulk e - mails legally , where to find thousands of free classified ads and much more . there are 2 primary methods to get this venture going : method # 1 : by sending bulk e - mail legally let ' s say that you decide to start small , just to see how it goes , and we will assume you and those involved send out only 5 , 000 e - mails each . let ' s also assume that the mailing receive only a 0 . 2 % response ( the response could be much better but lets just say it is only 0 . 2 % . also many people will send out hundreds of thousands e - mails instead of only 5 , 000 each ) . continuing with this example , you send out only 5 , 000 e - mails . with a 0 . 2 % response , that is only 10 orders for report # 1 . those 10 people responded by sending out 5 , 000 e - mail each for a total of 50 , 000 . out of those 50 , 000 e - mails only 0 . 2 % responded with orders . that equals 100 people responded and ordered report # 2 . those 100 people mail out 5 , 000 e - mails each for a total of 500 , 000 e - mails . the 0 . 2 % response to that is 1000 orders for report # 3 . those 1000 people send out 5 , 000 e - mails each for a total of 5 million e - mails sent out . the 0 . 2 % response to that is 10 , 000 orders for report # 4 . those 10 , 000 people send out 5 , 000 e - mails each for a total of 50 , 000 , 000 ( 50 million ) e - mails . the 0 . 2 % response to that is 100 , 000 orders for report # 5 . that ' s 100 , 000 orders times $ 5 each = $ 500 , 000 . 00 ( half million ) . your total income in this example is : 1 . . . . . $ 50 + 2 . . . . . $ 500 + 3 . . . . . $ 5 , 000 + 4 . . . . . $ 50 , 000 + 5 . . . . . $ 500 , 000 . . . . . . . grand total = $ 555 , 550 . 00 numbers do not lie . get a pencil & paper and figure out the worst possible responses and no matter how you calculate it , you will still make a lot of money ! remember friend , this is assuming only 10 people ordering out of 5 , 000 you mailed to . dare to think for a moment what would happen if everyone or half or even one 4 th of those people mailed 100 , 000 e - mails each or more ? there are over 150 million people on the internet worldwide and counting . believe me , many people will do just that , and more ! method # 2 : by placing free ads on the internet advertising on the net is very very inexpensive and there are hundreds of free places to advertise . placing a lot of free ads on the internet will easily get a larger response . we strongly suggest you start with method # 1 and add method # 2 as you go along . for every $ 5 you receive , all you must do is e - mail them the report they ordered . that ' s it . always provide same day service on all orders . this will guarantee that the e - mail they send out with your name and address on it , will be prompt because they can not advertise until they receive the report . = order each report by its number & name only . notes : always send $ 5 cash ( u . s . currency ) for each report . checks not accepted . make sure the cash is concealed by wrapping it in at least 2 sheets of paper or aluminum foil . on one of those sheets of paper , write the number & the name of the report you are ordering , your e - mail address and your name and postal address . place your order for these reports now : report # 1 : the insider ' s guide to advertising for free on the net order report # 1 from : r . r . po box 18048 chicago , il 60618 report # 2 : the insider ' s guide to sending bulk e - mail on the net order report # 2 from : gm boland 353 jonestown rd . suite 125 winston salem , nc 27104 report # 3 : secret to multilevel marketing on the net order report # 3 from : r . chernick po box 771661 c . s . florida 33077 report # 4 : how to become a millionaire utilizing mlm & the net order report # 4 from : m . eiseman po box 451971 sunrise , florida 33345 - 1971 report # 5 : how to send out one million emails for free order report # 5 from : l . samon po box 31 castletown isle of man im 99 5 xp $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ your success guidelines $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ follow these guidelines to guarantee your success : + + + if you do not receive at least 10 orders for report # 1 within 2 weeks , continue sending e - mails until you do . = orders , 2 to 3 weeks after that you should receive 100 orders or more for report # 2 . if you did not , continue advertising or sending e - mails until you do . + + + once you have received 100 or more orders for report # 2 , you can relax , because the system is already working for you , and the cash will continue to roll in ! this is important to remember : every time your name is moved down on the list , you are placed in front of a different report . you can keep track of your progress by watching which report people are ordering from you . if you want to generate more income send another batch of e - mails and start the whole process again . there is no limit to the income you can generate from this business ! ! ! following is a note from the originator of this program : you have just received information that can give you financial freedom for the rest of your life , with no risk and just a little bit of effort . you can make more money in the next few weeks and months than you have ever imagined . follow the program exactly as instructed . do not change it in any way . it works exceedingly well as it is now . remember to e - mail a copy of this exciting report after you have put your name and address in report # 1 and moved others to # 2 thru # 5 as instructed above . one of the people you send this to may send out 100 , 000 or more e - mails and your name will be on every one of them . remember though , the more you send out the more potential customers you will reach . so my friend , i have given you the ideas , information , materials and opportunity to become financially independent . it is up to you now ! + + + + + + + + + + + + + + + + more testimonials + + + + + + + + + + + + + + + + "" my name is mitchell . my wife , jody and i live in chicago . i am an accountant with a major u . s . corporation and i make pretty good money . when i received this program i grumbled to jody about receiving "" junk mail "" . i made fun of the whole thing , spouting my knowledge of the population and percentages involved . i "" knew "" it wouldn ' t work . jody totally ignored my supposed intelligence and few days later she jumped in with both feet . i made merciless fun of her , and was ready to lay the old "" i told you so "" on her when the thing didn ' t work . well , the laugh was on me ! within 3 weeks she had received 50 responses . within the next 45 days she had received total $ 147 , 200 . 00 . . . . all cash ! i was shocked . i have joined jody in her "" hobby "" . mitchell wolf , chicago , illinois "" not being the gambling type , it took me several weeks to make up my mind to participate in this plan . but conservative that i am , i decided that the initial investment was so little that there was just no way that i wouldn ' t get enough orders to at least get my money back "" . "" i was surprised when i found my medium size post office box crammed with orders . i made $ 319 , 210 . 00 in the first 12 weeks . the nice thing about this deal is that it does not matter where people live . there simply isn ' t a better investment with a faster return and so big "" . dan sondstrom , alberta , canada "" i had received this program before . i deleted it , but later i wondered if i should have given it a try . of course , i had no idea who to contact to get another copy , so i had to wait until i was e - mailed again by someone else . . . . . . 11 months passed then it luckily came again . . . . . . i did not delete this one ! i made more than $ 490 , 000 on my first try and all the money came within 22 weeks "" . susan de suza , new york , n . y if you have any questions of the legality of this program , contact the office of associate director for marketing practices , federal trade commission , bureau of consumer protection , washington , d . c . this email was sent to you via saf - e mail systems . your email address was automatically inserted into the to and from addresses to eliminate undeliverables which waste bandwidth and cause internet congestion . your email or webserver is not being used for the sending of this mail . no - one else is receiving emails from your address . you may utilize the removal link below if you do not wish to receive this mailing . http : / / www . webtransit . net / remove . html",1 +"Subject: from mrs fati dear , i crave your indulgence at this mail coming from somebody you have not know before . i decided to do this after praying over the situation . you should please consider the transaction on its content and not the fact that you have not known me before . i need not dwell on how i came by your contact information because there are many such possibilities these days . i would like to introduce myself as mrs . fati zongo , of repulic of benin , widow to late chief ; julius . o . zongo ( for consular of the benin i have been recently been daigonosed of cancer of the pelvics . i am writing from my sick bed . there is this usl 0 . 5 million my husband has in an account with the financial bank , benin of which i am the next of kin . with my health condition and because my husband and i have no children , i am looking for a credible person to whom i will pass the right of next of kin . this person will apply to the bank and request for the transfer of the fund to his / her bank account . this is on the condition that you will take 25 % of the fund for yourself , 5 % used for expenses , while you will use the remaining 70 % for the less previlege people in the society . this is in fulfilment of the last request of my husband : that a substantial part of the fund be used to carter for the less previleged . if this condition is acceptable to you , you should contact me immediately with your full names and contact information so that i will ask our family lawyer to prepare the authorization that will give you the right of next of kin to the account in the bank . i will also give you a text of the application you are to send to the bank . i cannot predict what will be my fate by the time the fund willbe transfered into your account , but you should please ensure that the fund is used as i have described above . i look forward to your response . yours , mrs . fati note - the original deposite form will be send to you at yours demand .",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishing software from corei , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professionai $ 150 adobe premiere pro 1 . 5 $ 90 corei desiqner 10 $ 90 quickbooks 2004 professional edition $ 75 adobe pagemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere eiements $ 125 corei painter lx $ 80 adobe lllustrator cs $ 80 adobe lndesiqn cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 uiead cool 3 d production studio 1 . 0 . 1 $ 90 aiias motion builder 6 professional $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop elements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincereiy , lliana ",1 +"Subject: v and more hello , welcome to the medzonli plainclothesman ne - online pharmaceu varicoloured tical shop . v tzigane a u persuasiveness mv kilometre i passible rac tangible i warpath is townspeople li a colloquialism g tutorage al andmanyother . with our sh rivalry op you get - best p bursary rlces indefensibility excellent service fast correspondence shipping private online or surpassing dering have a nice day .",1 +"Subject: hi , low price inkjet cartridges bvax hi , zzzz @ example . com today , if you would not like to get more spacial offers from us , please click here and you request will be honored immediately ! ",1 +"Subject: use this handy interest calculator to get current rate information . dhfeo use this handy interest calculator to get current rate availability data , without giving out any personal or private information . this was sent to you by an mediagroup for smartmortgageusa . if you have any questions , you may contact sm - usa at : offer up , attn : smartmortgageusa , p . o . box 78361 , san francisco , ca 94107 - 8361 . if you wish to exclude yourself from future sm - usa items please use this to go to the website and then use the choice at the bottom of the page . cyennpicahgf",1 +"Subject: get your babies diapers bill paid for , for a year ! your family could definately use this , now go . odzzfzzq",1 +"Subject: good ooffr want to know how to save over 60 % on meanwhile your piils ? http : / / www . pledelo ridged . com - suc labile cessfull and proven way to save your mo humankind ney . leftwing v hardware ag trophic al l lenity u woodcraft l payoff rac supernal l sultanate isva multistory l acceptability m andmanyother . best bertha prlces . high quaiity sinuosity . wo betrothal rldwide shlpplng . total confid electrical entiaiity . 250 . uncreated 000 + satisfied customers . have tapestry a nice day !",1 +"Subject: site update tue , 05 jul 2005 . subject : site update tue , 05 jul 2005 . thank you for using our online store and for your previous order . we have updated our online software store ! ? now we have more latest version of programs . our full catalog with 2100 freshest software titles available for instant download at web - site http : / / meyers . tabloidez . com / we hope that you will tell others about your positive experience with us . with best wishes , managing director . . ceo avery salinas latest news : increase in guerrilla attacks tests colombia ' s popular president read more of the web ' s best original reporting http : / / msnbc . msn . com / id / 3098358 / for the poor in iran , voting was about making ends meet stronger - than - expected data lift stocks ",1 +"Subject: urgent safeharbor department warning urgent safeharbor department warning we recently have determined that different computers have logged into your ebay account , and multiple password failures were present before the login one of our customer service employees has already tryed to telephonically reach you . as our employee did not manage to reach you , this email has been sent to your notice . therefore your account has been temporary suspended . we need you to confirm your identity in order to regain full privileges of your account . if this is not completed by june 27 , 2005 , we reserve the right to terminate all privileges of your account indefinitly , as it may have been used for fraudulent purposes . we thank you for your cooperation in this manner . to confirm your identity please follow the link below . ( to complete the verification process you must fill in all the required fields ) please note : if your account informations are not updated within the next 72 hours , then we will assume this account is fraudulent and will be suspended . we apologize for this inconvenience , but the purpose of this verification is to ensure that your ebay account has not been fraudulently used and to combat fraud . we apreciate your support and understading , as we work together to keep ebay a safe place to trade . thank you for your patience and attention in this important matter . regards , safeharbor departmentebay inc . do not respond to this e - mail , as your reply will not be received . copyright 2004 ebay inc . all rights reserved . designated trademarks and brands are the property of their respective owners . ebay and the ebay logo are trademarks of ebay inc . is located at hamilton avenue , san jose , ca 95125",1 +"Subject: the best place to buy viagra online at the best viagra price . feeling better is just a click away . the multitude of books is making us ignorant . a closed mouth gathers no feet . we are the music makers , and we are the dreamers of dreams .",1 +"Subject: simple pill solves complex problem no . 1 male sexual enhancement pill on the market more info here cactus kwx replenish ww loquat wq snow ggv alterman xr illuminate mya cartilage tng sir xi extroversion izx broomcorn nan riddle ei rapacious zt combatted ns calliope pgs edgy vm adposition cdz decree cjt aboveground doo ottawa zgc mollie hj no ",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishing software from corei , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professionai $ 150 adobe premiere pro 1 . 5 $ 90 corei desiqner 10 $ 90 quickbooks 2004 professional edition $ 75 adobe pagemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere eiements $ 125 corei painter ix $ 80 adobe lilustrator cs $ 80 adobe lndesiqn cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 uiead cooi 3 d production studio 1 . 0 . 1 $ 90 aiias motion buiider 6 professionai $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop eiements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincereiy , lincoin ",1 +"Subject: when will the real estate bubble burst ? - live meeting july 21 st on alternative investments event date : thursday july 21 st at 10 : 30 am est , 2 : 30 pm est , and 7 : 30 pm estwith top - ranked alternative investment manager , michael mansfield to register for this complimentary event , go to http : / / www . forex - day - trading . com / forex - online - registration . htm . even warren buffett is negative on real estate - "" the biggest financial bubble in history "" warren buffett , the second richest man in the world , recently sold his house in laguna for $ 3 . 5 million . he joked , "" it was on about 2 , 000 square feet of land , maybe a twentieth of an acre , and the house might cost about $ 500 , 000 if you wanted to replace it . so the land sold for something like $ 60 million an acre . "" [ if you want to read more about this , you can go to cnn ' s website at http : / / money . cnn . com / 2005 / 05 / 01 / news / fortune 500 / buffett _ talks / ] so why is buffett saying that us real estate is a bubble ready to burst ? and why is buffett betting against the us dollar ? [ note : buffett made $ 1 . 63 billion in foreign currency ( fx ) gains from the dollar ? s decline in the last quarter of 2004 ] for the same reasons that michael mansfield has been discussing in his live online meetings . who is michael mansfield ? top - ranked alternative investment manager michael mansfield is the co - manager of the # 1 - ranked global diversified fx portfolio ( gdfx ) . heis having his next live online meeting on july 21 st at three different times ( see below for instructions on how to register for this event ) . gdfx was up 31 . 87 % in 2004 and was ranked # 1 by eurekahedge . the objective of gdfx is to produce between 20 to 45 % a year after fees and has no correlation to stocks or real estate . what will be covered ? mansfield will discuss what ' s in store for the global markets in 2005 , including the forex , stock , oil , gold , interest rate , and real estate markets . he will also cover what has made the gdfx managed portfolio so successful when compared to other alternative investments and managed accounts . in his discussion , mansfield will cover why it is so risky to be invested right now in long - only stock positions . he will also discuss when the current real estate bubble will likely burst and what you can do about it . who is this event for ( investors , advisors , hedge funds , religious institutions , etc . ) ? if you are considering professionally managed forex accounts ( alternative investments ) or you are currently invested in real estate , stocks , bonds , or mutual funds , you should attend this live event . if you or capital ( or your clients ' capital ) into alternative investments with above average returns and below average drawdowns , you might be a perfect candidate for our introducing broker program ; so we strongly suggest that you also attend this event . ( due to the demand that we have experienced for mansfield ? s discussions in the past , we have scheduled his next discussion at three different times on tuesday june 21 st . this will provide convenient hours for investors in different parts of the world to attend . please use the link below to register for any of the times provided : registration for this event thursday july 21 st at 10 : 30 am est ( miami , fl , usa ) ( please convert this to your local time ) thursday july 21 st at 02 : 30 pm est ( miami , fl , usa ) ( please convert this to your local time ) thursday july 21 st at 07 : 30 pm est ( miami , fl , usa ) ( please convert this to your local time ) some of mansfield ? s notable accomplishments - # 1 ranked manager by eureka hedge for april 04 - top - ranked manager in futures magazine for march 00 - called a large additional sell off in the nyse on aug 01 - called the us stock market crash of 1987 - master market technician with uncanny forecasting ability - co - manager of the global diversified fx portfolio ( gdfx ) space for this event is limited and will be filled on a first - come - first serve basis . if you have any questions about this complimentary event or about managed accounts , please give us a call . sincerely , joe loraforexmanaged account departmenthttp : / / www . forexdaytrading . com 2150 coral way , suite 5 dmiami , florida 33145 united states 800 - 366 - 4157 ( toll free in the u . s . and canada ) 786 - 866 - 8733 ( international ) to unsubscribe , please go to the link below : ",1 +"Subject: assistance me my name is mr . newton gwarada , the stepson of mr . terry ford of zimbabwe . it might be a surprise to you where i got your contact address ; i got it from the net . dont be worried because i am contacting you in good faith . during the current crisis against the farmer of zimbabwe by the supporters of our president robert mugabe to claim all the white owned farms in our country , he ordered all the white farmers to surrender their farms to his party members and their followers . my stepfather was one of the best farmer in the country and knowing that he did not support the president political ideology , the president supporters invaded my stepfather "" s farm and burnt down everything , killed him and confiscated all his investments . after the death of my stepfather , my mother and i with my younger sister decided to move out of zimbabwe for the safety of our lives . we took along with us the money my stepfather kept in the safe in my mother ' s house which amounted to the sum of us $ 20 m ( twenty million united states dollars ) to the republic of south africa where we have deposited it as personal valuables in a private security company for safe - keeping . because of our present status ( political refugees ) , my mother and i are sriously looking forward to having an overseas partner that will assist us with the convenient and legal transfer of the funds out of south africa . if my proposition is considered , for assisting us to transfer this money to your country , we will offer you 20 % of the total fund , and 5 % of the total will be set aside to cover any expenses incurred during this transaction , 75 % will be for my family to invest . in your country under your supervision . for detailed information , you can contact me direct . i would appreciate confidentiality and honesty in our correspondence . your immediate response will be highly wecomed . best regards , mr . newton gwarada",1 +"Subject: easy - tag board : : more options to fit your site thank you for your interest in easy - tag board . our goal is to provide you with the best software and support possible . we know you have a choice and appreciate the opportunity to assist with your online needs . we are confident that you will see the benefits of using the easy - tag board . highly customizable easy to configure fast , reliable , & secure server o / s independent cross - browser compatible more features text - decoration : none "" face = arial , helvetica , sans - serif > www . easy - tagboard . com you are receiving this email because you opted - in to our mailing list or someone you know referred you to us . we respect your right to privacy and your desire not to be bothered by unwanted emails . if you do not wish to receive any further newsletters , please click the link below to be permanently removed from out mailing list . to unsubscribe click ( here ) .",1 +"Subject: charity sees the need not the cost . . . dear friend , as you read this , i don ' t want you to feel sorry for me , because , i believe everyone will die someday . my name is mr . reza abdulla , a merchant in safat , in ( kuwait ) i was married with two children . my wife and two children died in a car accident six years a go . i have been diagnosed with esophageal cancer . it has defiled all forms of medical treatment , and right now i have only about a few months to live , according to medical experts . i have not particularly lived my life so well , as i never really cared for anyone ( not even myself ) but my business . though i am very rich , i was never generous , i was always hostile to people and only focused on my business as that was the only thing i cared for . but now i regret all this as i now know that there is more to life than just wanting to have or make all the money in the world . i believe when god gives me a second chance to come to this world i would live my life a different way from how i have lived it . now that god has called me , i have willed and given most of my property and assets to my immediate and extended family members as well as a few close friends . i want god to be merciful to me and accept my soul so , i have decided to give alms to charity organizations , as i want this to be one of the last good deeds i do on earth . so far , i have distributed money to some charity organizations in the u . a . e , algeria and malaysia . now that my health has deteriorated so badly , i cannot do this myself anymore . i once asked members of my family to close one of my accounts and distribute the money which i have there to charity organization in bulgaria and pakistan , they refused and kept the money to themselves . hence , i do not trust them anymore , as they seem not to be contended with what i have left for them . the last of my money which no one knows of is the huge cash deposit of ten million seven hundred thousand american dollars ( u . s . $ 10 . 700 , 000 ) that i have with a finance / security company abroad . i will want you to help me collect this deposit and dispatched it to charity organizations . i have set aside only 20 % for you and for your time and also 5 % as miscellaneous expenses . reply me at your earliest convenience for more directives to my private email address : reza _ abdulla @ walla . com god be with you . regards , mr . reza abdulla",1 +"Subject: new extensions now only $ 14 . 95 important information : the new domain names are finally available to the general public at discount prices . now you can register one of the exciting new . biz or . info domain names , as well as the original . com and . net names for just $ 14 . 95 . these brand new domain extensions were recently approved by icann and have the same rights as the original . com and . net domain names . the biggest benefit is of - course that the . biz and . info domain names are currently more available . i . e . it will be much easier to register an attractive and easy - to - remember domain name for the same price . visit : http : / / www . affordable - domains . com today for more info . register your domain name today for just $ 14 . 95 at : http : / / www . affordable - domains . com . registration fees include full access to an easy - to - use control panel to manage your domain name in the future . sincerely , domain administrator affordable domains to remove your email address from further promotional mailings from this company , click here : 38 1201 hvli 9 - 661 pjwll 5",1 +"Subject: extraa chance how to save on your medlcatlons ove pettitoes r 60 % . pharmazm spurge ail shop - successfull and proven way to save yo compos ur m eureka oney . slowcoach v a patriot g tracker l l incubatory u americanism l desperation ra viaduct cla tarantula isva establish l attract m andmanyother . * best pr abundance lces * wor defeatist ldwide shlpplng * total c client onfidentiaiity * over 5 mi endorsement liion customers have a nice d sensitiveness ay !",1 +"Subject: returned mail : see transcript for details the original message was received at tue , 19 jul 2005 07 : 06 : 09 - 0400 from root @ localhost - - - - - the following addresses had permanent fatal errors - - - - - antique ( reason : can ' t create ( user ) output file ) ( expanded from : ) - - - - - transcript of session follows - - - - - procmail : quota exceeded while writing "" / var / spool / mail / antique "" 550 5 . 0 . 0 antique . . . can ' t create output",1 +"Subject: you have successfully added a new email address update your account dear valued customer we regret to inform you that your account at ebay could be suspended if you don ' t update your billing information . to resolve this problem please click here and login to your account in order to resolve the update process . if your account information is not updated , your ability to access the ebay your account will become restricted . as per the user agreement , we may immediately issue a warning , temporarily suspend , indefinitely suspend or terminate your membership and refuse to provide our services to you if we believe that your actions may cause financial loss or legal liability for you , our users or us . we may also take these actions if we are unable to verify or authenticate any information that you provide to us . due to the suspension of this account , please be advised you are prohibited from using ebay in any way . this includes the enrolling of a new account . please note that this suspension does not relieve you of your agreed - upon obligation to pay any fees you may owe to ebay . copyright 1995 - 2005 ebay inc . all rights reserved . designated trademarks and brands are the property of their respective owners . use of this web site constitutes acceptance of the ebay user agreement and privacy policy . ",1 +"Subject: debt information tue , 28 jun 2005 . subject : debt information tue , 28 jun 2005 . thank you for using our online store and for your previous order . we have updated our online software store . . . now we have more latest version of programs . our full catalog with 2100 freshest software titles available for instant download at web - site http : / / aloe . tabloidez . com / we hope that you will tell others about your positive experience with us . with best wishes , managing director ? ? ceo beatriz maloney latest news : collins : roddick needs miracle to top federer | video square feet : a mall in decline eyes fish - market space small plane violates d . c . air space , forced to land idaho girl found ; brother feared dead ",1 +"Subject: delivery failure : user antonio _ lambino ( antonio _ lambino @ ksg . harvard . edu ) not listed in domino directory your message subject : [ spam ] just to her . . . was not delivered to : antonio _ lambino @ ksg . harvard . edu because : user antonio _ lambino ( antonio _ lambino @ ksg . harvard . edu ) not listed in domino directory",1 +"Subject: free euro . on january lst 2002 , the european countries began using the new euro . never before have so many countries with such powerful economies united to use a single currency . get your piece of history now ! we would like to send you a free euro and a free report on world currency . just visit our site to request your euro and euro report : http : / / 209 . 163 . 187 . 42 / euro - exchange / in addition to our currency report , you can receive our free investment package : * learn how $ 10 , 000 in options will leverage $ 1 , 000 , 000 in euro currency . this means even a small movement in the market has huge profit potential . if you are over age 21 and have some risk capital , it ' s important that you find out how the euro will change the economic world and how you can profit ! click now ! http : / / 209 . 163 . 187 . 42 / euro - exchange / $ 10 , 000 minimum investment please carefully evaluate your financial position before trading . only risk capital should be used . http : / / 209 . 163 . 187 . 42 / opt - out / to optout .",1 +"Subject: last longer in bed hello , did you ejaculate before or within a few minutes of penetration ? premature ejaculation occurs when you ejaculate too quickly and without control . it occurs before or shortly after penetration . premature ejaculation interferes with the sexual pleasure of both you and your partner . it causes feelings of guilt , embarrassment , frustration , and depression . extra - time is the only male sexual performance formula that , not only stops premature ejaculation , but actually "" cures "" it . extra - time is the only product that allows "" you "" to control when you ejaculate . - non - hormonal herbal therapy . - acts locally on the sex organs . - regulates process of ejaculation . - acts through neuro - endocrine pathway . - acts on the high centers of emotion in the brain . look here : http : / / reattain . com / et / ? meds no thanks : http : / / reattain . com / rr . php",1 +"Subject: i am interested in buy ad space . hi i hope all is well , i am interested in buy ad space . we are looking for premier publishers that can deliver high quality us traffic , which is why i have contacted you . all our cpm impression counts are raw , not based off unique , which raises the effective cpm . our ecpm rate is 10 - 1 , no one in the industry can beat that ! for this campaign i have a large budget and i would love to allocate a few thousand dollars for a test campaign . for reporting , we have partnered with zedo , so you will know what you are making in real - time . we work with over 100 publishers and we are looking to schedule a budget for our key players to carry over into 2006 . platinum ad network is always looking for elite publishers . i ' d love to discuss with you further about the synergies our companies might have . thanks , michael mathews media buyer platinum ad network mmathews @ platinumadnetworks . com ",1 +"Subject: erectile dysfunction ruining your sex life ? multiple male orgasms more info here breakup plp credulity aph irreplaceable ns faust lag bilinear xyu reveal kbv altar lmt embedder jze mission cz caviar xv precious zex clamorous yz offertory pqe polemic gb filth rb cozen bh dun tqz cosy cfb no ",1 +"Subject: kit torre empilhadeira savi santos , junho de 2 . 005 sua empresa possui empilhadeira hyster de 07 ton . e 10 ton . . ent?o preste aten??o , abaixo est?o 03 kits de pe?as que ir?o ajudar bastante sua vida . kit 001 - ( torre e quadro hyster h 150 j ( 07 ton . ) ) . comp?e este kit . : 08 - 196445 top que vai soldado na torre 08 - 193557 rolete completo 02 - 110520 rolete maior completo 02 - 61463 roldana da corrente ( completo com rolamento ) kit 002 ( torre e quadro hyster h 225 ( 10 ton ) ) . comp?e este kit . 08 - 125223 rolete principal da torre e quadro completo 08 - 257853 eixo curto ( que vai soldado na torre e quadro ) 08 - 125217 conjunto rolete lateral completo 08 - 125219 pino do rolete lateral 08 - 125220 suporte especial em a?o 02 - 61463 roldana da torre completa com rolamentos 02 - 270063 eixo do rolamento superior torre fixa 02 - 87905 rolamento superior da torre fixa kit 003 ( tra??o hyster h 225 ( 10 ton . ) ) . comp?e este kit 02 - 810810 roda dentada 02 - 810348 roda dentada 02 - 304735 corrente de tra??o nossos kit cont?m todos os ?tens de reposi??o que devem ser substituidos , em uma reforma de seu subconjunto , sem reaproveitamento de pe?as meia boca , para que seu equipamento n?o quebre na hora em que voc? mais precisa . consulte - nos tamb?m sob roletes e roldanas da torre com c?digo original do fabricante . torres , quadros de eleva??o e eixos direcionais novos e a base de troca obs . : todos os ?tens acima s?o de nossa fabrica??o . fabricamos tamb?m ?tens sob desenho ou amostra tais como : cilindros hidr?ulicos de equipamentos importados e de grande porte , semi - eixos , entalhados , pinos , buchas , engrenagens e etc . . estamos desde j? aguardando vosso contato . sds hailson savi / / depto vendas savi com?rcio e ind?stria de pe?as telfax oxxl 3 32357817 tel oxxl 3 32342055 mail hailson . savi @ terra . com . br obs : voc? est? recebendo este e - mail porque est? cadastrado para tal . caso voc? n?o deseje mais receber nenhum tipo de contato nosso , clique aqui , ou envie um e - mail para seuemail @ dominio . com com o assunto remover .",1 +"Subject: wall street ' s dirty little secret . . . it was the spring of 1979 . i was just a tall , goofy looking kid in middle school with buck - teeth and freckles . each day in the cafeteria , i walked from table to table . . . stealing other kids ' lunch money . no , i didn ' t rob them with a gun or a knife - i just made them a little deal . "" let me borrow two dollars today , "" i said , "" and i ' ll bring you five dollars next week . "" the investment was too good to pass up , and other kids were throwing their lunch money at me like gravy on mashed potatoes . of course when "" next week "" rolled around and i couldn ' t pony up the cash , i promised to pay them even more the week after that , if they would just let me keep their investment a little bit longer . eventually the end of the year came and went , high school started and with it came girls , and homework , and parties , and sports , and those poor kids from eighth grade had more things on their mind than last year ' s lunch money . i made off with a tidy sum for a middle school kid , and i didn ' t even get beat up . hidden inside this story are the two greatest stock market secrets you will ever learn . first of all , greed is your number one enemy . you ' re not going to turn $ 2 into $ 5 in a week , so cash out when you ' re ahead . don ' t wait for the boat to sink before grabbing the lifejacket . second , never trust an investment adviser of any kind . they are looking out for their own money , not yours . the "" professionals "" , those stuffy investment counselors and money managers , will always tell you that the best time to buy is now . according to those guys , the longer you keep your money in the market , the more money you ' re going to make . ask them when is the best time to sell and their answer is "" never "" . in a sense , they are right . if you put $ 250 , 000 in an index fund right now , you ' ll probably have over a million dollars in thirty or forty years . but here ' s the problem : do you want to wait thirty or forty years to be rich ? hell no ! you want the money now - so you can enjoy it . it ' s hard to make use of your fortune when you ' re seventy years old in a wheelchair . if you could make a million dollars in the next few years , what would you do with it ? where would you travel ? what kind of car would you buy ? the fact is . . . youth is the best time to be rich . if your goal is to make quick profits in the market , volatility is your ally , and stability your enemy . you want to see those large upswings , two hundred points in a day , followed by the four hundred point crash a week later . you don ' t care if the market went up or down 20 % this year as long it was unstable . that ' s how you ' re going to make the money . what i ' m talking about here is day trading . my father invests the traditional way ; he holds some good stocks and he goes up 30 k and down 30 k . in the long term of 5 - 10 years he makes money . the day trader buys or sells 5 , 000 shares of xyz for a $ 25 , 000 profit in a 5 - 10 minute trade . he acts quickly , taking advantage of all the information at his disposal about a certain stock , and estimating whether it will go up or down within hours , sometimes within minutes . i can teach you how to do this - and how to make amazing amounts of money at it . it ' s not rocket science , and you only need to learn a few basic principles to get started . society would have you believe that successful trading is complicated and requires formal training . the truth is , wealthy people use very simple investment strategies to make money . popular media and investment professionals portray successful trading as difficult and complex to scare you out of the boxing ring . they don ' t want the competetion - and they sure as hell don ' t want you paying a few dollars to an online trading firm to execute a trade for which they ' d charge you forty or fifty dollars . they make their money only if you believe two lies : 1 ) that investing is too difficult and risky for the average person . 2 ) that using an investment adviser who charges a high commission is safer than trading online for a few bucks per trade . here is what the financial gurus in today ' s society absolutely , positively do not want you to know . . . the strategies for profitable day trading are in fact so simple that anyone can do it - provided they spend a few hours of studying . after reading over 200 financial books and publications during the past decade , and after using day trading to successfully make more than four million dollars in the stock market , i ' ve learned the following lessons : * * achieving financial success is incredibly simple . * * anyone can do it . * * it only takes a few hours to learn . when i discovered the secret to day trading , i didn ' t become wealthy overnight . if you want instant cash , drive to wal - mart . buy a ski mask and a shotgun , and rob your local bank . the only way to get rich , quick or otherwise , is through hard work , knowledge , and determination . after learning the fundamentals of day trading , i started practicing the trading art itself , and the first few weeks brought modest gains . the next few months gave me the practical experience i needed to really earn a living , and i was pulling close to a six figure income . in less than three years with no formal financial training , minimal effort and only moderate risk , i had made my first million . the knowledge that i gained during those formative trading years i am willing to share with you in my new book , the master trader . you will learn from my mistakes , and from my successes , as i teach you the simple , secret formula for day trading that i ' ve used profitably year after year . the income of the day trader can be staggering . thousands , even hundreds of thousands of dollars can be made or lost within minutes . the difference between making money and losing your shirt is simply this : knowledge . i will provide that knowledge , and i will give you a winning edge at this high - stakes game . average income of a day trader : 5 % average an income in excess of $ 500 , 000 per year 22 % average an income in excess of $ 250 , 000 per year 35 % average an income in excess of $ 100 , 000 per year . 27 % average an income between $ 50 , 000 and $ 99 , 999 per year 11 % average an income between $ 20 , 000 and $ 49 , 999 per year after reading the master trader , you will discover extremely profitable , simple yet powerful trading methods that give you an almost unfair trading advantage and make you win despite the current market weakness . here is just a snippet of what i will teach you : * * * make money whether a stock goes up or down . * * * learn how to get in and out of stocks within split seconds . * * * learn exactly what stocks to trade , the exact price to buy them and the exact price to sell them . * * * save thousands of dollars by learning to avoid the mistakes beginners make . * * * learn how to trade stocks like a pro and how to make money consistently in every market ! * * * learn proven strategies that give you the highest chance for great success . * * * profit on huge intraday price swings . * * * make money on the biggest news stories . * * * actively manage your risks and learn how to realize maximum returns . * * * learn how to use the tools and information wall street professionals use . * * * learn how to develop and maintain a winning state of mind . it ' s time to ask yourself : "" am i going to listen to the professionals who say buy buy buy but never sell ? or am i going to take control of my own financial future , and start making money right now in the stock market ? "" who is looking out for your best economic interests - some wealthy wall street stockbroker , or yourself ? with the master trader e - book , you will learn everything you need to know in order to get started with day trading . . . from choosing the best broker in order to take advantage of the lowest commissions and instant order executions to professional trading strategies that make professional traders millions of dollars . the master trader e - book is the most comprehensive yet easy to understand and straight - forward book ever written about active trading . if you are serious about success in short term stock trading - order today and start paving the road to your own financial future . oh , and remember that scraggly kid in the eighth grade ? his high school friends laughed when he said he was going to make money in the stock market . six years later , he bought a beach - front home on the california coast - with cash . oops , they weren ' t laughing anymore . in a rollercoaster market like we have today , day trading is the fastest track to wealth . if you ' re looking for a long - term retirement investment with no risk that goes up 5 % a year , then by all means , this ain ' t your kind of game . but if you want the quickest possible way to make a fortune in the market , with the lowest element of risk , then order the master trader e - book right now . i promise to teach you all of the secrets that helped me become a millionaire through successful day trading . you don ' t need to know anything about the market , and anyone can do it , with minimum effort . it ' s an easy game to win if you know how the pieces move . order the master trader e - book right now for only $ 49 . 97 by clicking on the link below : http : / / 4 tools 4 life . com / qs our company is strictly opposed to unsolicited emails . to be removed from this list , please send an email to "" bulkexpert @ yahoo . com "" ",1 +"Subject: increase the volume of your ejaculation . heya ! has your cum ever dribbled and you wish it had shot out ? have you ever wanted to impress your girl with a huge cumshot ? spur - m is the only site to offer an all natural male enhancement formula that is proven to increase your sperm volume by up to 500 % . our highly potent , volume enhancing formula will give our results in days and comes with an impressive 100 % guarantee . imagine the difference ( look and feel ) between dribbling your cum compared to shooting out burst after burst . try spur - m now ! and with our money back guarantee you have absolutely nothing to lose ! look here : http : / / chorally . com / cum / no thanks : http : / / chorally . com / rr . php",1 +"Subject: undelivered mail returned to sender this is the postfix program at host mail . freeservers . com . i ' m sorry to have to inform you that your message could not be be delivered to one or more recipients . it ' s attached below . for further assistance , please send mail to if you do so , please include this problem report . you can delete your own text from the attached returned message . the postfix program ( expanded from ) : host 10 . 133 . 22 . 254 [ 10 . 133 . 22 . 254 ] said : 554 error : : recipient address denied - relay access denied ( in reply to rcpt to command )",1 +"Subject: ms office xp pro $ 49 . 95 ms 2003 opt - in email special offer unsubscribe me search software top 10 new titles on sale now ! 1 office pro 20032 windows xp pro 3 adobe creative suite premium 4 norton antivirus 20055 flash mx 20046 corel draw 127 adobe acrobat 7 . 08 windows 2003 server 9 alias maya 6 wavefrtl 0 adobe premiere see more by this manufacturer microsoft apple software customers also bought these other items . . . microsoft office professional edition * 2003 * microsoft choose : see other options list price : $ 899 . 00 price : $ 69 . 99 you save : $ 830 . 01 ( 92 % ) availability : available for instant download ! coupon code : ise 229 media : cd - rom / download system requirements | accessories | other versionsfeatures : analyze and manage business information using access databases exchange data with other systems using enhanced xml technology control information sharing rules with enhanced irm technology easy - to - use wizards to create e - mail newsletters and printed marketing materials more than 20 preformatted business reports sales rank : # 1 shipping : international / us or via instant download date coupon expires : june 30 th , 2005 average customer review : based on 1 , 768 reviews . write a review . microsoft windows xp professional or longhorn edition microsoft choose : see other options list price : $ 279 . 00 price : $ 49 . 99 you save : $ 229 . 01 ( 85 % ) availability : available for instant download ! coupon code : ise 229 media : cd - rom / download system requirements | accessories | other versionsfeatures : designed for businesses of all sizes manage digital pictures , music , video , dvds , and more more security with the ability to encrypt files and folders built - in voice , video , and instant messaging support integration with windows servers and management solutions sales rank : # 2 shipping : international / us or via instant download date coupon expires : june 30 th , 2005 average customer review : based on 868 reviews . write a review . adobe photoshop cs 2 v 90 adobe choose : see other options list price : $ 599 . 00 price : $ 69 . 99 you save : $ 529 . 01 ( 90 % ) availability : available for instant download ! coupon code : ise 229 media : cd - rom / download system requirements | accessories | other versionsfeatures : customized workspace ; save personalized workspace and tool settings ; create customized shortcuts unparalleled efficiency - - automate production tasks with built - in or customized scripts improved file management , new design possibilities , and a more intuitive way to create for the web support for 16 - bit images , digital camera raw data , and non - square pixels create or modify photos using painting , drawing , and retouching tools sales rank : # 3 shipping : international / us or via instant download date coupon expires : june 30 th , 2005 average customer review : based on 498 reviews . write a review .",1 +"Subject: future goals urgent noticepending merger to increase revenue 236 % now is the time to invest in gwihgwih is rapidly expanding through acquisitions . in the lst quarter two mergers are in proces with a schedule to buy four more profitable companies by the year end . gwih plans to file for nasdaq . stock prices historically increase when listed on nasdaq . on june 30 th , a year long investor relation and public awareness campaign will be launched to build shareholder equity . several well - known stock pick newsletters , tv , radio and newsgroups will provide coverage on gwih and it ' s acquisitions . all - star management team with advanced degrees , specialized training , proven track records and over 90 years combined experience . they are true deal makers , executors and closers . put gwih on your watch list , aquire a postion in gwih today ! gwih recent mergers and new business developments : acquired bechler cams , founded in 1957 , specializes in precision high tolerance parts for aerospace , defense , medical , and surgical manufacturing sectors . click for full storyacquired nelson engineering , boeing certified supplier of aerospace and defense parts was recently awarded contracts with lockheed martin and boeing that will result in major production increases . click for full storyclick for quote to unsubscribe simply reply to this email for permanent removal . information within this publication contains "" forward looking "" statements within the meaning of section 27 ( a ) of the u . s . securities act of 1933 and section 21 ( e ) of the u . s . securities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beliefs , plans , projections , objectives , goals , assumptions or future events or performance are not statements of historical facts and may be forward looking statements . forward looking statements are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which could cause actual results or events to differ materially from those presently anticipated . forward looking statements may be identified through the use of words such as expects , will , anticipates , estimates , believes , or by statements indicating certain actions may , could or might occur . special situation alerts ( ssa ) is an independent publication . ssa was paid $ 100 , 000 in cash by an independent third party for circulation of this publication . ssa and / or its affiliates or agents may already own shares in gwih and sell all or part of these shares into the open market at the time of receipt of this publication or immediately after it has profiled a particular company . ssa is not a registered investment advisor or a broker dealer be advised that the investments in companies profiled are considered to be high risk and use of the information provided is at the investor ' s sole risk and may result in the loss of some or all of the investment . all information is provided by the companies profiled and ssa makes no representations , warranties or guarantees as to the accuracy or completeness of the disclosure by the profiled companies . investors should not rely on the information presented . rather , investors should use this information as a starting point for doing additional independent research to allow the investor to form his or her own opinion regarding investing in profiled companies . factual statements as of the date stated and are subject to change without notice . * * * * * * * * * *",1 +"Subject: econommize more hello , welcome to pharm crested online sho bathymetry p - on underrate e of the leading oniine pharmaceutical shops leaning v podagra g a decenniad l blackface ll geologize la r innovate ac blaspheme l i preconception sv biographical a warily um andmanyother . - s imbroglio ave over 50 % - worldwide s dupery hlpplng - total lumping confidentiaiity - over 5 miiiion cust jargonize omers in 130 countries have a eyeball nice day !",1 +"Subject: home loans just got better ! free service to homeowners ! home loans available for any situation . whether your credit rating is a + + or you are credit challenged , we have many loan programs through hundreds of lenders . second mortgages - we can help you get up to 125 % of your homes value ( ratios vary by state ) . refinancing - reduce your monthly payments and get cash back . debt consolidation - combine all your bills into one , and save money every month . click here for all details and a free loan quotation today ! we strongly oppose the use of spam email and do not want anyone who does not wish to receive ourmailings to receive them . as a result , we have retained the services of an independent 3 rd party toadminister our list management and remove list ( http : / / www . removeyou . com / ) . this is not spam . if youdo not wish to receive further mailings , please click below and enter your email at the bottomof the page . you may then rest - assured that you will never receive another email from usagain . http : / / www . removeyou . com / the 21 st century solution . i . d . # 023154",1 +"Subject: high - quality affordable logos corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes oniy several seconds for your company to be remembered or to be lost among competitors . get your loqo , business stationery or website done riqht now ! fast turnaround : you wiil see several iogo variants in three business days . satisfaction guaranteed : we provide unlimited amount of changes ; you can be sure : it will meet your needs and fit your business . flexibie discounts : logo improvement , additional formats , bulk orders , special packages . creative design for competitive price : have a look at it right now !",1 +"Subject: your logo and visual identity from us thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom desiqn of loqos , stationery and web - sites . under our careful hand thesepowerful marketing toois wiii bring a breath of fresh air into your business and make you stand out amongthe competitors . you are just a click away from your future success . click here to see the sampies of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishinq software from corel , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professionai $ 150 adobe premiere pro 1 . 5 $ 90 corei designer 10 $ 90 quickbooks 2004 professionai edition $ 75 adobe paqemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe goiive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere elements $ 125 corel painter lx $ 80 adobe lilustrator cs $ 80 adobe lndesign cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 ulead cool 3 d production studio 1 . 0 . 1 $ 90 aiias motion buiider 6 professionai $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop eiements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincerely , carson ",1 +"Subject: re : change of plans hello you two , i am so sorry catherine for not writing recently . i have just been vv busybeing a working mother and sometimes it all gets too much you know ! ! i cannot wait to see you both although we may meet at the airport on the 16 / 6 as that ' s the day we ' re going to france but i will see you both at bronagh ' s house for her 30 th which we ' re going to on the way back from the airport . i am so excited about seeing you ! ! ! liitle eva ( aine ) was born on tuesday she is absolutely incredible . poor bronagh is 11 dsays over ! ! sounds like you ' ve been having an amazing time . hope you won ' t be too depressed to be back ! ! lots of love deirdre "" justin mason "" wrote : < < just a quick note - < < we ' ve decided to go up to annapurna base camp instead of < the jomsom trek - it ' s a bit more impressive visually < ( if a little soggier ) . so as of tomorrow morning , ourselves < and our guide bhadra will be leaping like gazelles up 4000 - odd < metres into the himalayas . . . we ' ll be sure to take a few < pics on the way . sorry for the bonus mail , but we have to tell < someone because we forgot to tell the irish embassy ; ) < < next update in 10 - 14 days , ish , < < - - j . < < < < _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ < travelogue mailing list < travelogue @ jmason . org < http : / / jmason . org / mailman / listinfo / travelogue <",1 +"Subject: looking for good it team ? we do software engineering ! looklng for a good lt team ? there can be many reasons for hiring a professional lt team . . . - lf you ' ve qot an active on - line business and you are dissatisfied with the guaiity of your currentsupport , its cost , or both . . . - lf your business is expanding and you ' re ionqing for a professionai support team . . . - lf you have specific software requirements and you ' d iike to have your soiutions customized , toqetherwith warranties and reiiabie support . . . - if you have the perfect business idea and want to make it a reality . . . - if your project has stalled due to lack of additional resources . . . - if you need an independent team for benchmarking , optimization , quality assurance . . . if you ' re looking for a truly professional team , we are at your service ! just visit our website _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: in the heart of your business ! corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes only several seconds for your company to be remembered or to be lost among competitors . get your logo , business stationery or website done right now ! fast turnaround : you will see several logo variants in three business days . satisfaction guaranteed : we provide unlimited amount of changes ; you can be sure : it will meet your needs and fit your business . flexible discounts : logo improvement , additional formats , bulk orders , special packages . creative design for competitive price : have a look at it right now !",1 +"Subject: $ 3 leads ! click here to have a representative contact you ! for additional information visit us at www . all - leads . com all - leads . com 247 sw 8 th st . - ste . 181 miami , fl 33130 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: any med for your girl to be happy ! your girl is unsatisfied with your potency ? don ' t wait until she finds another men ! click here to choose from a great variety of llcensed love t @ bs ! best pri $ es , fast shippinq and quaranteed effect ! here you buy it riqht from warehouse ! the store is verifled by bbb and approved by visa ! ",1 +"Subject: reduce cellulite . proven alternative to cosmetic surgery ! gpndq take advantage of our no cost trial ! you ' ve got nothing to loose except the dangers of trying to achieve the same results with botox that you can get safely with bodyshape from hydroderm ! ( ) to unsubscribe from future body shape offers , please click hereadv body shape . 11240 playa court . culver city . ca . 90230 lvswinjqgxlx",1 +"Subject: from david wood london ( citibank ) letter from david wood ( london ) greetings , i am david wood the bank manager of citibank 332 oxford street , london wln 9 aa . i have urgent and very confidential business proposition for you . on june 6 , 1997 , an iraqi foreign oil consultant / contractor with the british petroluem corporation mr . haffez al sadique . made a numbered time ( fixed deposit ) for 36 calendar months , valued at us $ 20 , 500 , 000 . 00 ( twenty nine million five hundred thousand dollars only ) in my branch . upon maturity in 2000 , i sent a routine notification to his forwarding address but got no reply . after a month , we sent a reminder and finally we discovered from his contract employers , the british petroleum corporation that mr . haffez al sadique died as a result of torture in the hand of sadam hussein during one of his trips to his country iraq . on further investigation , i found out that he died without making a will , and all attempts to trace his next of kin was fruitless . i therefore made further investigation and discovered that mr haffez al sadique . did not declare any kin or relations in all his official documents , including his bank deposit paperwork in my bank . this sum of us $ 29 , 500 , 000 . 00 have been floating as unclaimed since 2000 in my bank as all efforts to get his relatives have hit the stones . according to the british law at the expiration of 8 ( eight ) years , the money will revert to the ownership of the british government if nobody applies to claim the fund and the eight years is the end of december 2004 . consequently , my proposal is that i want to seek your consent as a foreigner to stand in as the owner of the money as the next of kin to the deceased so that the bank will transfer the money to your designated account . all documents and proves to enable you get this fund will be carefully worked out . i have secured from the probate an order of mandamus to locate any of the deceased beneficiaries , and more so i are assuring you that the business is risk free involvement . your share stays while the rest be for me and for investment purpose as i will leave london by the end of the year . the sharing of the funds will be based according to agreement within me and you . as soon as i receive an acknowledgement of receipt of this message in acceptance of our mutual business proposal , i will furnish you with the necessary modalities and disbursement ratio to suit both parties without any conflict . if this proposal is acceptable by you , do not take undue advantage of the trust i have bestowed in you . please , appreciate the fact that doing business over the internet is risk . endeavor to send your confidential telephone and fax number in your reply to this business . god bless you . mr david wood",1 +"Subject: give her something to smile about my girlfriend loves the results , but she doesn ' t know what i do . she thinks it ' s natural - thomas , ca i ' ve been using your product for 4 months now . i ' ve increased my length from 2 to nearly 6 . your product has saved my sex life . - matt , fl pleasure your partner every time with a bigger , longer , stronger unit realistic gains quickly to be a stud press here then he remembered his manners and bowed low before the king , who seemed to him a fine fellow and not a bit stuck up this does not interest me he ' s pretty well and then he walked calmly from the palace the people in the outer room stared at him wonderingly and the officer of the guard saluted the boy respectfully ",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is strong enouqh for a man , but made for a woman ; - ) ordering viagra online is a very convinient , fast and secure way ! millions of people do it daily to save their privacy and money order here . . . ",1 +"Subject: let the tba doctor save your tough cases sex age face amt . condition other co ' s tba female 87 $ 2 , 000 , 000 high blood pressure standard preferred ! male 60 $ 500 , 000 aneurysm - treated surgically decline standard ! male 57 $ 1 , 000 , 000 heart attack 1997 & pacemaker table 6 standard ! female 57 $ 500 , 000 diabetic for 34 years table 4 standard ! male 51 $ 1 , 500 , 000 alcohol abuse ( dry 1 year ) decline standard ! male 50 $ 2 , 500 , 000 1 / 2 pack a day cigarette smoker pref . smoker pref . nonsmoker ! male 47 $ 2 , 000 , 000 tobacco chewer smoker pref . nonsmoker ! please fill out the form below for more information name : e - mail : phone : city : state : we don ' t want anybody to receive our mailings who does not wish to receive them . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insuranceiq . com / optout ",1 +"Subject: up to $ 1 , 500 . 00 part time 22311 check out our $ 1 , 000 . 00 internet challenge ! \ tab \ tab \ ' b 7 what if you could have a protected job that allows you to work as little as two hours a week and it still pays you up to $ 800 . 00 every week for the next 20 years ? well - here it is ! take our $ 1 , 000 . 00 online challenge ! \ tab \ tab \ tab \ tab \ tab \ tab check it out \ tab \ tab \ tab \ tab \ tab \ tab \ tab \ tab \ tab \ tab \ tab the sender of this message has stated its assurance that the sender complies with all state guidelines and codes regarding uce . this transmittal is specifically not intended for residents of the state of washington . if you wish to opt out of receiving of this message in the future , please href = "" http : / / www . bti - marketing . net / remove . html "" > click here and enter your email address . thanks for your positive assistance . ",1 +"Subject: shee thinks i ' m a god hello , welcome to pharm dowser online sho sequestration p - one of animate the leading oniine pharmaceutical shops aerify v crepuscular g cassia al l capitated l l slither a solder rac imperatival l hesitation is caught va duffer um andmanyother . - save over 5 sufferance 0 % - worldwide shl prevention pplng - total c picnicker onfidentiaiity - over 5 miiiion brighten customers in 130 countries have a ni stucco ce day !",1 +"Subject: wallstreet pulse good day to all broker ' s , day trader ' s and investor ' s world s . tock report has become famous with some great stoc ? k picks in the otc , small cap market ' s ! ! ! ! ! ! ! ! ! ! here at world stoc ? k report we work on what we here from the street . rumor ' s circulating and keeping the focus on the company ' s news . we pick our companies based on there growth potential . we focus on stoc ? ks that have great potential to move up in price ! ! ! while giving you liquitity . our latest pick is cdgt . sy , mbol : cdgt current price : $ 3 . 90 short term 7 day projection : $ 8 - 9 we give it to you again as a gift . this company is doing incredible things . thay have cash and have made great strategic aquisitions . current price $ 3 . 85 to $ 4 . 00 . word on the sreet is strong buy . this company has dropped big new ' s in the past . who ' s to say they don ' t have another big one . * * * * * * * * * * * * * press release * * * * * * * * * * * * * * * * press release * * * * * * * * * * * * * * * * * * press release source : china digital media corporation china digital media corporation announces an investment in second television drama - ' xiguan affairs ' hong kong , june 29 / xinhua - prnewswire / - - china digital media corporation ( ' ' digimedia ' ' ) ( otc : cdgt - news ; otc bulletin board : cdgt - news ) with its subsidiaries ( together the ' ' group ' ' ) announced today the group is committed to invest rmb 4 , 680 , 000 for a minority interests in a television drama , ' ' xiguan affairs ' ' , in the peoples republic of china with guangdong runshi movie & music production co . , ltd . ( ' ' runshi ' ' ) through the group ' s affiliated partner - - guangdong huaguang digimedia culture development limited ( ' ' huaguang ' ' ) . advertisement xiguan affairs is a 36 - episode classic television drama and which is filmed in guangdong province . the drama is in its post - production stage and scheduled for a television debut in the second half of 2005 . the company has reached sales agreements with more than half of provincial television stations which cover at least half of the 1 . 14 billion tv viewers in china . the company expects the drama will generate profits in 2005 . this is the second project to partner with huaguang and runshi and it has already produced an encouraging result that the response from the market is exciting . remember the gains from our recent st ? rong bu ? y recommendation ? s . . . disclaimer : information within this email contains "" forwardlooking statements "" within the meaning of section 27 aof the securities act of 1933 and section 21 b of thesecurities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beliefs , plans , projections , objectives , goals , assumptions or future events or performance are not statements of historical fact and may be "" forward looking statements . "" forwardlooking statements are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which could cause actual results or events to differ materially from those presently anticipated . forward looking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" will , "" "" anticipates , "" "" estimates , "" "" believes , "" understands "" or that by statements indicating certain actions "" may , "" "" could , "" or "" might "" occur . risk factors include general economic and business conditions , the ability to acquire and develop specific projects , the ability to fund operations and changes in consumer and business consumption habits and other factors overwhich the company has little or no control . the publisher of this newsletter does not represent that the information contained in this message states all material facts or does not omit a material fact necessary to make the statements therein not misleading . all information provided within this email pertaining to investing , stoc ? ks , securities must be understood as information provided and not investment advice . the publisher of this newsletter advises all readers and subscribers to seek advice from a registered professional securities representative before deciding to trade in stoc ? ks featured within this email . none of the material within this report shall be construed as any kind of investment advice or solicitation . many of these companies are on the verge of bankruptcy . you can lose all your money by investing in this stoc ? k . we urge you to read the company ' s sec filings now , before you invest . the publisher of this newsletter is not a registered invstment advisor . subscribers should not view information herein as legal , tax , accounting or investment advice . in compliance with the securitiesact of 1933 , section 17 ( b ) , the publisher of this newsletter is contracted to receive six hundred thousand free trading shares from a third party , not an officer , director or affiliate shareholder for the circulation of this report . be aware of an inherent conflict of interest resulting from such compensation due to the fact that this is a paid advertisement and is not without bias . the party that paid us has a position in the stoc ? k they will sell at anytime without notice . this could have a negative impact on the price of the stoc ? k , causing you to lose money . all factual information in this report was gathered from public sources , including but not limited to sec filings , company websites and company press releases . the publisher of this newsletter believes this informationto be eliable but can make no guarantee as to its accuracy or completeness . use of the material within this email constitutes your acceptance of these terms .",1 +"Subject: money : $ 21362 dear homeowner , you have been pre - approved for a $ 400 , 000 loan at a low fixed rate . this offer is being extended to you unconditionally and your credit is in no way a factor . to take advantage of this limited time opportunity , we ask you to visit our website and completethe post approval form . http : / / www . homefastcash . com / ? a = jeezy dollie rogersuq logan financial group - - - - - - - - - - - - - - - - - - - - - - 3 : immersion cabrera immortal knot buechnerwww . oprefi . net / book . php . . . not interested",1 +"Subject: promote your business the power of email marketing email marketing is spreadingaround the wholeworld because of itshigh effectiveness , speedandlow cost . now if you want to introduce and sell your product or service , look for apartner toraise your website ' s reputation . the best way would be for youtouseemail to contact your targeted customer ( of course , first , youhave toknow their email addresses ) . targeted email is no doubt very effective . if you can introduce your product or service throughemail directly to the customerswho are interestedin them , this will bringyour businessabetter chanceof success . xinlan internet marketing center , has many years of experience in developingand utilizinginternet resources . we have setupglobal business email - addressdatabases whichcontain millionsof email addresses of commercial enterprises and consumers all over the world . theseemails are sorted bycountries and fields . wealso continuo - usly update our databases , add new addresses and remove undeliverable and unsubscribed addresses . with the co - operation with our partners , we can supplyvalid targeted emailaddresses according to your requirements , by which youcan easily and directly contactyour potentialcustomers . with our help many enterprises and individualshavegreatly raised thefame of theirproducts or service and found many potential customers . we also supplya wide varietyof software . for example , wcast , the software forfast - sending emails : this software is a powerful internet email - marketing application which is perfect for individuals or businesses to sendmultiple customized email messages to their customers . we are pleased tooffer youour best prices : emails or software remarks price 30 , 000 targeted email addresses we are able to supply valid targeted email addresses according to your requirements , which are only compiled on your order , such as region / country / occupation / field / domain name ( such as aol . com or msn . com ) etc . usd 30 . 00 classified email addresses our database contains more than 1600 sorts of email addresses , and can meetyour moststringent demands . 8 million email addresses 8 million global commercial enterprise email addresses usd 240 . 00 wcast software software for fast - sending emails . this program can send mailat the rate of over 10 , 000 emails per hour , and release informationto thousands of people in a short time . usd 39 . 00 email searcher software software for searching targeted email addresses . usd 98 . 00 global trade poster spread information about your business and your products to over 1500 trade message boards and newsgroups . usd 135 . 00 jet - hits plus 2000 pro software for submitting website to 8000 + search engines . usd 79 . 00 you mayorder the email listsorsoftware directly from our website . for further details , pleaserefer to our website . we will be honoured if you are interested in our services or software . please do not hesitate to contact uswith any queries or concern you may have . wewill behappy to serve you . best regards ! k . peng marketing manager xinlancenter @ 163 . com http : / / emaildata . 51 software . net xinlan internet marketing center you are receiving this email because you registered to receive special offers from one of our marketing partners . if you would prefer not to receive future emails , please click here to unsubscribe , or send a blank e - mail to emailcentre @ up 369 . com ",1 +"Subject: telemarketers earn $ 250 + per lead uio financial services company will pay a minimum of $ 250 . 00 ( max . of $ 1000 . 00 ) for every lead that results in a sale . currently many of our telemarketers are earning more than $ 5000 . 00 a month ! for more information call ( 402 ) 996 - 9002 and leave your contact information . we will get in touch with you within 2 - 3 business days . * * please note that we do not provide any training or resources to telemarketers * * to unsubscribe please send us an email with "" unsubscribe "" in the subject line to : telemark _ 0702 @ hotmail . com . - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: outstanding opportunities for "" premier producers "" full - time agents sales managers general agents cpa partners independent agents brokers plus access to 385 other companies for a confidential phone interview please complete form submit name : e - mail : phone : city : state : area of interest : full - time agent sales manager general agent cpa partner independent agent we don ' t want anybody to receive or mailing who does not wish to receive them . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insuranceiq . com / optout legal notice ",1 +"Subject: all prescriptions are dispensed by licensed pharmacists enjoy great sex by taking viagra ! become a fixer , not just a fixture . reform , v . a thing that mostly satisfies reformers opposed to reformation . friends may come and go , but enemies accumulate .",1 +"Subject: software cds $ 15 and $ 99 get al software in 1 cd the no . 1 source for software superstore . all slang is a metaphor , and all metaphor is poetry . the first thing you lose on a diet is brain mass .",1 +"Subject: mail delivery failed : returning message to sender this message was created automatically by mail delivery software . a message that you sent could not be delivered to one or more of its recipients . this is a permanent error . the following address ( es ) failed : woksal @ eunet . yu ( generated from info @ woksal . com ) smtp error from remote mailer after end of data : host relay . eunet . yu [ 194 . 247 . 192 . 179 ] : 554 5 . 6 . 1 we do not accept spam - - - - - - this is a copy of the message , including all the headers . - - - - - - return - path : received : from [ 62 . 21 . 124 . 244 ] ( helo = mailwisconsin . com ) by cpanel 30 . gzo . com with smtp ( exim 4 . 43 ) id ldupnr - 0001 mx - kg for info @ woksal . com ; tue , 19 jul 2005 05 : 57 : 58 - 0500 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 24815602 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : info @ woksal . com user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbeiivable !",1 +"Subject: perfect visual solution for your business now working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buiiding a positive visual imaqe of your company by creatinq an outstanding iogo , presentable stationery items and professionai website . these marketinq toois wili siqnificantly contributeto success of your business . take a look at our work sampies , hot deal packaqes and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: an innovative plan for today ' s market give your clients what they want and need : guaranteed death benefits and long term care benefits without expensive and continuous long term care premiums . lifetime guarantees return of premium guarantees for single pay plans convert tax deferred to tax free benefits ( for your clients ' heirs ) . simplified underwriting - non - medical , no blood , no urine , no ekg . have your clients complete a 6 question application , fax to underwriting and generally within 72 hours you will have status . call or e - mail us today ! or please fill out the form below for more information name : e - mail : phone : city : state : the future series convention march 2003 . join us in maui during prime season - an experience you will never forget ! * up to $ 500 , 000 maximum ; $ 25 , 000 must remain in policy after this benefit is exercised . * * 10 % commission on single pay plan ages 45 - 80 . * * * single pay plans only . product and certain features not available in all states . the future protector series ( policy form iswl - 1 , iswl - 5 , iswl - 7 , iswl - 21 , iswl - 25 , iswl - 210 ) is underwritten by monumental life insurance company . rider costs and features vary according to state . for broker use only . not approved for use with the general public as advertisement for purchase of annuity or insurance coverage . 0602 anfg 21 we don ' t want anyone to receive our mailings who does not wish to . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishing software from corei , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professionai $ 150 adobe premiere pro 1 . 5 $ 90 corei desiqner 10 $ 90 quickbooks 2004 professional edition $ 75 adobe pagemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere elements $ 125 corel painter lx $ 80 adobe lliustrator cs $ 80 adobe indesign cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 ulead cooi 3 d production studio 1 . 0 . 1 $ 90 alias motion builder 6 professional $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop elements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincerely , rosia ",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . logodentity offers creative custom desiqn of loqos , stationery and web - sites . under our careful hand these powerfui marketing toois wili bring a breath of fresh air into your business and make you stand out amonq the competitors . you are just a ciick away from your future success . click here to see the sampies of our artwork , check our prices and hot offers",1 +"Subject: back to happy and healthy life . . . we ' ve created an online pharmacy you can trust . be content with your lot ; one cannot be first in everything . courage is the power to let go of the familiar . the last christian died on the cross . if an idea ' s worth having once , it ' s worth having twice .",1 +"Subject: failure notice hi . this is the qmail - send program at shell 7 . bayarea . net . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : this address no longer accepts mail . - - - below this line is a copy of the message . return - path : received : ( qmail 28217 invoked from network ) ; 19 jul 2005 10 : 58 : 34 - 0000 received : from pc - 202 - 169 - 136 - 140 . cable . kumin . ne . jp ( helo mailwisconsin . com ) ( 202 . 169 . 136 . 140 ) by cpug . org with smtp ; 19 jul 2005 10 : 58 : 33 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 38190522 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : distinctiveness @ maxmusclesf . com user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices startinq at $ 1 . 99 per dose ! unbelivable !",1 +"Subject: you can get a quote from 4 major lenders without giving personal info ! tijqsemw you can get a quote at 4 lenders with no personal info ! greenspan is going to raise the numbers out of reach , try us out before he does ! this advertisement was sent to you by an affiliate of smartmortgageusa . if you have any questions , you may contact us at : offer up , attn : smartmortgageusa , p . o . box 78361 , san francisco , ca 94107 - 8361 . if you wish to remove yourself from future smartmortgageusa mailings please click here to here to go to the website and select the unsubscribe link at the bottom of the page . if you wish to unsubscribe from future mailings from this email publisher please follow their listed instructions . xipwtobnf",1 +"Subject: v foorever hello , welcome to pha russian rmonline sho inwove p - one of the leading oniine pharmace clonus utical shops affective v eventual g a intercommunication l exterminate ll l severely a r altruist ac anticlimax l booster is victor va u aggregate m andmanyother . - save o gryphon ver 50 % - worldwide gripsack shlpplng - total confidentiaii hayrick ty - over 5 miiiion customers in 130 count puerile ries spontaneity have a nice day !",1 +"Subject: secretly record all internet activity on any computer . . . c find out who they are chatting / e - mailing with all those hours ! is your spouse cheating online ? are your kids talking to dangerous people on instant messenger ? find out now ! - with big brother instant software download . click on this link now to see actual screenshots and to order ! to be excluded from future contacts please visit : http : / / 213 . 139 . 76 . 69 / php / remove . php jthomason",1 +"Subject: [ ilug - social ] everybody gets paid - no recruiting needed everybody gets paid . no recruiting required . join and reserve a position for free now . program is 18 weeks old and it ' s paying . everybody gets in line to get paid by all the new people coming in ( but it ' s not a traditional straightline ) . . . everyone makes money . . . and those that sponsor make more . . . . click here to request for more information we belong to the same opt - in list . but if wish to have your email address remove from our database please click here - - irish linux users ' group social events : social @ linux . ie http : / / www . linux . ie / mailman / listinfo / social for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: hi how to save on customer your medlcatlons over 70 % . ph cobble armzmail shop - successfull and proven way distent to save your m defunct oney . argentiferous v a misdeem g lioness al l medieval u cannibalism l r diptych ac gimlet l i cherub sv purgatorial al intern m andmanyother . * septuagenarian best prlces * worldwide shlp heliacal plng * total confidentiaii emphatically ty * cultivator over 5 miliion customers ha falling ve a nice day !",1 +"Subject: out of office autoreply : just to her . . . i am on vacation week 29 + 30 + 31 . please contact gerd madsen ( gm @ torben - rafn . dk ) or hans chr . jensen ( hcj @ torben - rafn . dk your mail is not transfered .",1 +"Subject: small - cap stoxs can mean gains for you * * * * watch this one july 15 - 21 as we know many of you like momentum * * * * * * * * * breaking news alert issue - - - big news strong buy alert issued at market close china world trade corp . symbol : cwtd current price : $ 2 . 47 7 day target : $ 7 . 00 look for huge news this company back on the move . rumor has the shorts are going to be broken and stock will run . cwtd website address is www . chinawtc . com all company info is there . this stock has had good movement and support the last 15 months it is a strong company growing in leaps and bounds . company has been profiled on cnn asia , forbes . com , bloomberg . com , ceo cast . com , businessweek . com , p . r . newswire , pennystock weekly . com , yahoo finance has reports for sale . how much more credibility do you need . amex exchange listing waits in the wings . this is big ! ! ! ! ! ! company filed for amex 10 months ago and is finally ready to go up based on the 10 k . symbol cwtd join in and squezze the shorts : cwtd take a look at our last strong buy recomendaton we gave you cdgt july 12 th at $ 3 . 10 and now its $ 3 . 55 get in cwtd while it ' s hot disclaimer : information within this email contains "" forwardlooking statements "" within the meaning of section 27 aof the securities act of 1933 and section 21 b of thesecurities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beliefs , plans , projections , objectives , goals , assumptions or future events or performance are not statements of historical fact and may be "" forward looking statements . "" forwardlooking statements are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which could cause actual results or events to differ materially from those presently anticipated . forward looking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" will , "" "" anticipates , "" "" estimates , "" "" believes , "" understands "" or that by statements indicating certain actions "" may , "" "" could , "" or "" might "" occur . risk factors include general economic and business conditions , the ability to acquire and develop specific projects , the ability to fund operations and changes in consumer and business consumption habits and other factors overwhich the company has little or no control . the publisher of this newsletter does not represent that the information contained in this message states all material facts or does not omit a material fact necessary to make the statements therein not misleading . all information provided within this email pertaining to investing , stocks , securities must be understood as information provided and not investment advice . the publisher of this newsletter advises all readers and subscribers to seek advice from a registered professional securities representative before deciding to trade in stocks featured within this email . none of the material within this report shall be construed as any kind of investment advice or solicitation . many of these companies are on the verge of bankruptcy . you can lose all your money by investing in this stock . we urge you to read the company ' s sec filings now , before you invest . the publisher of this newsletter is not a registered invstment advisor . subscribers should not view information herein as legal , tax , accounting or investment advice . in compliance with the securitiesact of 1933 , section 17 ( b ) , the publisher of this newsletter is contracted to receive six hundred thousand free trading shares from a third party , not an officer , director or affiliate shareholder for the circulation of this report . be aware of an inherent conflict of interest resulting from such compensation due to the fact that this is a paid advertisement and is not without bias . the party that paid us has a position in the stock they will sell at anytime without notice . this could have a negative impact on the price of the stock , causing you to lose money . all factual information in this report was gathered from public sources , including but not limited to sec filings , company websites and company press releases . the publisher of this newsletter believes this informationto be eliable but can make no guarantee as to its accuracy or completeness . use of the material within this email constitutes your acceptance of these terms .",1 +"Subject: failure notice hi . this is the qmail - send program at mx 3 . seanet . ro . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : sorry , no mailbox here by that name . ( # 5 . 1 . 1 ) - - - below this line is a copy of the message . return - path : received : ( qmail 31261 invoked from network ) ; 19 jul 2005 10 : 58 : 20 - 0000 received : from unknown ( helo nsl . seanet . ro ) ( 192 . 168 . 136 . 2 ) by 0 with smtp ; 19 jul 2005 10 : 58 : 19 - 0000 received : ( qmail 3573 invoked from network ) ; 19 jul 2005 10 : 58 : 19 - 0000 received : from unknown ( helo mailwisconsin . com ) ( 211 . 245 . 27 . 66 ) by nsl . seanet . ro with smtp ; 19 jul 2005 10 : 58 : 18 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 38191017 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : distmetkarmetkar @ seanet . ro user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices startinq at $ 1 . 99 per dose ! unbelivable !",1 +"Subject: winning notification ! ! bank giro loterij . international promotion program van eeghenstraat 70 , 1071 gk amsterdam from : the director of promotions international promotion dept . ref : ipl / 4249859609 / wpl batch : gl / 91663 / a attention : winner . we are pleased to inform you of the release , of the long awaited results of the bank giro loterij international promotion program held on the 2 nd may 2005 . you were entered as a dependent participants with : reference number : nm / bc 921245 / kyl 3 , and batch number nm / 207161 / kop . your email address attached to the ticket number : 46939 that drew the lucky winning number , which consequently won the sweepstakes in the second category in four parts . you have been approved for a payment of 500 , 000 . euros ( five hundred thousand euros . ) in cash credited to file reference number : ipl / 4249859609 / wpl . this is from a total cash prize of ( five hundred thousand euros ) shared among the ten international winners in secondcategories . congratulations ! ! ! ! ! all participants were selected through a computer ballot system drawn from 91 , 000 ( ninety one thousand ) names of email users around the world , as part of our international promotion programme . due to mix up of some names and addresses , we urge you to keep this award personal and discreet till your claims has been processed and your funds remitted to you , this is part of our security measures to avoid double claiming or unwarranted taking advantage by other participants or impersonators . to begin your claim , do file for the release of your winning by contacting our accredited agent , mr . edger hansen ( esq . ) bank giro loterij security agency . tel : + 31 - 619 028 192 fax : + 31 - 20 - 524 8591 . email : edghansen @ seeqmail . com email : admin @ bankgirolotto . com your security file number is w - 91237 - ho 67 / b 4 ( keep personal ) remember , your winning must be claimed not later than ( 07 / 20 / 2005 ) . failure to claim your winning prize will be added to next 10 , 000 . 000 euros international lottery programme . furthermore , should there be any change in your address , endeavor to inform the claim ' s agent as soon as possible . once again , congratulations ! ! yours sincerely . ms . shredder van nest roy director of promotion . n . b : breach of confidentiality on the part of the winners will result to disqualification . winners under 18 yrs of age requires parental consent and approval . bank giroloterij internationalpromo . ( nv ) nl . 234875 . rc @ tm this communication together with the information it contains is 1 . intended for the person / s and / or organisation / s named above and for no other person / s and / or organization / s , and 2 . may be confidential and protected by law . unauthorised use , copying or disclosure of any and / or all of it may be unlawful . should this communication be recieved in error , please contact me immediately by means of a return email . ",1 +"Subject: today ' s special : amazing penetrations no . 17 29264 get 12 free vhs or dvds ! click here for details ! we only have high quality porno movies to choose from ! "" this is a very special , limited time offer . "" get up to 12 dvds absolutely free , with no commitment ! there ' s no better deal anywhere . there ' s no catches and no gimmicks . you only pay for the shipping , and the dvds are absolutely free ! take a peak at our full catalog ! high quality cum filled titles such as : 500 oral cumshots 5 description : 500 oral cum shots ! i need hot jiz on my face ! will you cum in my mouth ? dozens of dirty hardcore titles such as : amazing penetrations no . 17 description : 4 full hours of amazing penetrations with some of the most beautiful women in porn ! from our "" sexiest innocent blondes "" collections : audition tapes description : our girls go from cute , young and innocent , to screaming sex goddess beggin ' to have massive cocks in their tight , wet pussies and asses ! ",1 +"Subject: exactseek - verify your site submission the following url was submitted to exactseek . com : http : / / www . datapest . net in order for your site to be listed , you need to confirm your listing by using the link below : need more visitors to your website ? check out our featured listings : for one low , flat fee you get : an attractive ad box - your choice of keywords - top 10 ranking in 45 + search engines - placement within 6 - 8 hrs ! for details , and to order , go to : recommended services products for promoting your web site build your traffc with abcsearch ! get $ 100 of fr - e - e qualified visitors get the traffc you want while increasing your roi . sign - up today and we will match any initial deposit up to $ 100 . geo - targeting , full reporting and results at the clck of a button ! get going at : http : / / www . abcsearch . com / advertisersplash . html start earning a residualincome with your website ! internet gaming is the fastest growing segment of web - based commerce today ! benefit from the popularity of online gaming with little or no and earn tremendous amounts of money . you can expect to earn 20 % to 40 % of the profts off each new player . signup for fre at : http : / / www . vipprofits . com guaranteed top placement on mamma . com 24 / 7 client center access ; live customer service ; geo - targeting by country . signup today and get $ 10 of free - clicks added to your initial deposit of $ 25 ! http : / / www . mamma . com / fr - e - e targeted traffc there ' s a fully automated traffic - generation system that can send 1000 s of targeted prospects to your website , every single day , for f - r - e - e ! it takes just 5 minutes to set it up , and it ' s totally "" viral "" . . . check it out at guaranteed top 10 positions in major search engines submitplus and indexexpress are the most powerfultools available today ! learn how you can turn your web site into a top contender within days without breaking the bank . http : / / www . submitplus . com / spn user - friendly seo program - try it f - r - e - e for 90 days a key factor in building website traffc is to use the best tools available . exactseek ' s seo solution gives you immediate access to 7 effective optimization tools . get higher ranking on the top global search engines starting today . http : / / www . exactseek . com / seotools . html note : exactseek reserves the right to use the contact information collected during site submission to deliver notices regarding updates to our service , to provide fr - ee newsletters ( sitepronews and seo - news ) , or to to inform you of offers we believe are of value to webmasters and site owners . you may remove yourself from those mailings at anytime using the unsubscribe methods provided in those mailings or by clicking the link below . use this link to stop further mailings note : using the above link will result in future site submissions being blocked . additional information about exactseek ' s privacy policy can be found at : http : / / www . exactseek . com / privacy . html or contact us by mail at : jayde online , inc . , suite 190 23 - 845 dakota street , winnipeg , mb canada r 2 m 5 m 3 . ",1 +"Subject: make thousands just sending emails . it ' s easy . from : @ yahoo . com to : subject : earn money sending e - mails . it ' s easy ! new improved reports dear friend , you can earn a lot of money in the next 90 days sending e - mail . seem impossible ? is there a catch ? no , there is no catch ; just send your e - mails and be on your way to financial freedom . basically , i send out as many of these e - mails as i can , then people send me cash in the mail for information that i just e - mail back to them . everyday , i make a three minute drive to my p . o . box knowing that there are at least a few hundred dollars waiting for me . and the best part , it is completely legal . just read the next few paragraphs and see what you think . if you like what you read , great ! if you don ' t , read it again because you must have missed something . "" as seen on national television "" "" making over a half million dollars every 6 months from your home for an investment of only $ 25 us dollars expense one time . thanks to the computer age and the internet , be a millionaire like others within a year ! ! ! before you say , "" no way ! "" read the following . this is the letter you ' ve been reading about in the news lately . due to the popularity of this letter on the internet , a major nightly news program recently devoted an entire show to the investigation of the program described below to see if it really can make people money . the show also investigated whether or not the program was legal . their findings proved once and for all that there are absolutely no laws prohibiting the participation in this program . this has helped to show people that this is a simple , harmless , and fun way to make some extra money at home . and , besides even if you never got involved in the program , the reports themselves are well worth the money . they can help you start and advertise any business on the internet . that is , these reports stand alone and are beneficial to anyone wishing to do business on the internet . the results of this show have been truly remarkable . so many people are participating that those involved are doing much better than ever before . since everyone makes more as more people try it out , its been very exciting to be a part of it lately . you will understand once you experience it . "" here it is below "" * * * print this now for future reference * * * the following income opportunity is one you may be interested in taking a look at . it can be started with very little investment ( $ 25 ) and the income return is tremendous ! ! ! this is a legitimate , legal , money making opportunity . it does not require you to come into contact with people , do any hard work , and best of all , you never have to leave your house except to get the mail . simply follow the instructions , and you really can make this happen . this e - mail order marketing program works every time if you put in the effort to make it work . e - mail is the sales tool of the future . take advantage of this non - commercialized method of advertising now ! the longer you wait , the more savvy people will be taking your business using e - mail . get what is rightfully yours . program yourself for success and dare to think big . it sounds corny , but it ' s true . you ' ll never make it big if you don ' t have this belief system in place . multi - level marketing ( mlm ) has finally gained respectability . it is being taught in the harvard business school , and both stanford research and the wall street journal have stated that between 50 % and 65 % of all goods and services will be sold through multi - level methods . this is a multi - billion dollar industry and of the 500 , 000 millionaires in the u . s . , 20 % ( 100 , 000 ) made their fortune in the last several years in mlm . moreover , statistics show 45 people become millionaires everyday through multi - level marketing . you may have heard this story before , but donald trump made an appearance on the david letterman show . dave asked him what he would do if he lost everything and had to start over from scratch . without hesitating trump said he would find a good network marketing company and get to work . the audience , started to hoot and boo him . he looked out at the audience and dead - panned his response . "" that ' s why i ' m sitting up here and you are all sitting out there ! "" with network marketing you have two sources of income . direct commissions from sales you make yourself and commissions from sales made by people you introduce to the business . residual income is the secret of the wealthy . it means investing time and money once , and getting paid again and again and again . in network marketing , it also means getting paid for the work of others . the enclosed information is something i almost let slip through my fingers . fortunately , sometime later i reread everything and gave some thought and study to it . my name is jonathan rourke . two years ago , the corporation i worked at for the past twelve years down - sized and my position was eliminated . after unproductive job interviews , i decided to open my own business . over the past year , i incurred many unforeseen financial problems . i owed my family , friends and creditors over $ 35 , 000 . the economy was taking a toll on my business and i just couldn ' t seem to make ends meet . i had to refinance and borrow against my home to support my family and struggling business . at that moment something significant happened in my life and i am writing to share that experience in hopes that this will change your life forever financially ! ! ! in mid december , i received this program via e - mail . six month ' s prior to receiving this program , i had been sending away for information on various business opportunities . all of the programs i received , in my opinion were not cost effective . they were either too difficult for me to comprehend or the initial investment was too much for me to risk to see if they would work or not . one claimed that i would make a million dollars in one year . it didn ' t tell me i ' d have to write a book to make it ! but like i was saying , in december i received this program . i didn ' t send for it , or ask for it ; they just got my name off a mailing list . thank goodness for that ! ! ! after reading it several times , to make sure i was reading it correctly , i couldn ' t believe my eyes . here was a money making phenomenon . i could invest as much as i wanted to start without putting me further into debt . after i got a pencil and paper and figured it out , i would at least get my money back . but like most of you i was still a little skeptical and a little worried about the legal aspects of it all . so i checked it out with the u . s . post office ( 1 - 800 - 725 - 2161 24 hrs ) and they confirmed that it is indeed legal ! after determining the program was legal and not a chain letter , i decided "" why not . "" initially i sent out 10 , 000 e - mails . it cost me about $ 15 for my time on - line . the great thing about e - mail is that i don ' t need any money for printing to send out the program , and because all of my orders are filled via e - mail , the only expense is my time . i am telling you like it is . i hope it doesn ' t turn you off , but i promised myself that i would not ' rip - off "" anyone , no matter how much money it cost me . here is the basic version of what you need to do : your first goal is to receive at least 20 orders for report # 1 within 2 weeks of your first program going out . if you don ' t , send out more programs until you do . your second goal is to receive at least 150 + orders for report # 2 within 4 weeks . if not , send out more programs until you do . once you have your 150 orders , relax , you ' ve met your goal . you will make $ 50 , 000 + but keep at it ! if you don ' t get 150 right off , keep at it ! it may take some time for your down line to build . keep at it , stay focused , and do not let yourself get distracted . in less than one week , i was starting to receive orders for report # 1 . i kept at it - kept mailing out the program and by january 13 , 1 had received 26 orders for report # 1 . my first step in making $ 50 , 000 in 90 days was done . by january 30 , 1 had received 196 orders for report # 2 ; 46 more than i needed . so i sat back and relaxed . by march 1 , of my e - mailing of 10 , 000 , i received $ 58 , 000 with more coming in every day . i paid off all my debts and bought a much needed new car . please take time to read the attached program , it will change your life forever ! ! remember , it won ' t work if you don ' t try it . this program does work , but you must follow it exactly ! especially the rules of not trying to place your name in a different place . it won ' t work , you ' ll lose out on a lot of money ! in order for this program to work very fast , try to meet your goal of 20 + orders for report # 1 , and 150 + orders for report # 2 and you will make $ 50 , 000 or more in 90 days . if you don ' t reach the first two goals with in four weeks , relax , you will still make a ton of money , it may take a few months or so longer . but keep mailing out the programs and stay focused ! that ' s the key . i am living proof that it works ! ! ! if you choose not to participate in this program , i am sorry . it really is a great opportunity with little cost or risk to you . if you choose to participate , follow the program and you will be on your way to financial security . if you are a fellow business owner and are in financial trouble like i was , or you want to start your own business , consider this a sign . i did ! - sincerely , jonathan rourke p . s . do you have any idea what 11 , 700 $ 5 bills ( $ 58 , 000 ) look like piled up on a kitchen table ? it ' s awesome ! a personal note from the originator of this program : by the time you have read the enclosed program and reports , you should have concluded that such a program , and one that is legal , could not have been created by an amateur . let me tell you a little about myself . i had a profitable business for 10 years . then in 1979 my business began falling off . i was doing the same things that were previously successful for me , but it wasn ' t working . finally , i figured it out . it wasn ' t me ; it was the economy . inflation and recession had replaced the stable economy that had been with us since 1945 . i don ' t have to tell you what happened to the unemployment rate . . . because many of you know from first hand experience . there were more failures and bankruptcies than ever before . the middle class was vanishing . those who knew what they were doing invested wisely and moved up . those who did not including those who never had anything to save or invest were moving down into the ranks of the poor . as the saying goes , ' the rich get richer and the poor get poorer . "" the traditional methods of making money will never allow you to "" move up "" or "" get rich "" . inflation will see to that . you have just received information that can give you financial freedom for the rest of your life , with "" no risk "" and "" just a little bit of effort . "" you can make more money in the next few months than you have ever imagined . follow the program exactly as instructed . do not change it in any way . it works exceedingly well as it is now . remember to e - mail a copy of this exciting report to everyone you can think of . one of the people you send this to may send out 50 , 000 . . . and your name will be on everyone of them ! remember though , the more you send out the more potential customers you will reach . so my friend , i have given you the ideas , information , materials and opportunity to become financially independent . it is up to you now ! "" think about it . "" before you delete this program from your mailbox , as i almost did , take a little time to read it and really think about it . get a pencil and figure out what could happen when you participate . figure out the worst possible response and no matter how you calculate it , you will still make a lot of money ! you will definitely get back what you invested . any doubts you have will vanish when your first orders come in . it works ! - jody jacobs , richmond , va here ' s how this amazing program will make you thousands of dollar $ this method of raising capital really works 100 % every time . i am sure that you could use up to $ 50 , 000 or more in the next 90 days . before you say "" no way ! "" please read this program carefully . this is not a chain letter , but a perfectly legal money making opportunity . basically , this is what you do : as with all multilevel businesses , we - build our business by recruiting new partners and selling our products . every state in the usa allows you to recruit new multilevel business partners , and we offer a product for every dollar sent . your orders come by mail and are filled by e - mail , so you are not involved in personal selling . you do it privately in your own home , store , or office . this is the greatest multi - level mail order marketing anywhere : this is what you must do . 1 . order all 5 reports shown on the list below ( you can ' t sell them if you don ' t have them ) . * for each report , send $ 5 . 00 cash , the name & number of the report you are ordering , your e - mail address , and your name & return address ( in case of a problem ) . * make sure your return address is on your envelope - in case of any mail problems ! * when you place your order , make sure you order each of the five reports . you need all five reports so that you can save them on your computer and resell them . * within a few days you will receive , via e - mail , each of the five reports . save them on your computer so they will be accessible for you to send to the 1 , 000 ' s of people who will order them from you . 2 . important - do not alter the names of the people who are listed next to each report , or their order on the list in any way other than as instructed below in steps "" a "" through ' g "" or you will lose out on the majority of your profits . once you understand the way this works you ' ll also see how it doesn ' t work if you change it . remember , this method has been tested , and if you alter it , it will not work . a . look below for the listing of available reports . b . after you ' ve ordered the . five reports , take this advertisement and remove the name and address under report # 5 . this person has made it through the cycle and is no doubt counting their $ 50 , 000 ! c . move the name and address under report # 4 down to report # 5 . d . move the name and address under report # 3 down to report # 4 . e . move the name and address under report # 2 down to report # 3 f . move the name and address under report # 1 down to report # 2 . g . insert your name and address in the report # 1 position . please make sure you copy every name and address accurately ! copy and paste method works well , . 3 . take this entire letter , including the modified list of names , and save it to your computer . make no changes to the instruction portion of this letter . your cost to participate in this is practically nothing ( surely you can afford $ 25 ) . you obviously already have an internet connection and e - mail is free ! to assist you with marketing your business on the internet , the 5 reports you purchase will provide you with invaluable marketing information which includes how to send bulk e - mails , where to find thousands of free classified ads and much , much more . here are two primary methods of building your downline : method # 1 : sending bulk e - mail let ' s say that you decide to start small , just to see how it goes , and we ' ll assume you and all those involved send out only 2 , 000 programs each . let ' s also assume that the mailing receives a 0 . 5 % response . using a good list , the response could be much better . also , many people will send out hundreds of thousands of programs instead of 2 , 000 . but continuing with this example , you send out only 2 , 000 programs . with a 0 . 5 % response , that is only 10 orders for report # 1 . those 10 people respond by sending out 2 , 000 programs each for a total of 20 , 000 . out of those 0 . 5 % , 100 people respond and order report # 2 . those 100 mail out 2 , 000 programs each for a total of 200 , 000 . the 0 . 5 % response to that is 1 , 000 orders for report # 3 . those 1 , 000 send out 2 , 000 programs each for a 2 , 000 , 000 total . the 0 . 5 % response to that is i 0 , 000 orders for report # 4 . that amounts to 10 , 000 each of $ 5 bills for you in cash money ! then think about level five ! that ' s $ 500 , 000 alone ! your total income in this example is $ 50 + $ 500 + $ 5 , 000 + $ 50 , 000 + $ 500 , 000 for a total of $ 555 , 550 ! ! ! remember friend , this is assuming 1 , 990 out of the 2 , 000 people you mail to will do absolutely nothing and trash this program ! dare to think for a moment what would happen if everyone , or half sent out 100 , 000 programs instead of 2 , 000 . believe me , many people will do just that and more ! report # 2 will show you the best methods for bulk e - mailing , and e - mail software . method # 2 - placing free ads on the internet 1 . advertising on the net is very , very inexpensive , and there are hundreds of free places to advertise . let ' s say you decide to start small just to see how well it works . assume your goal is to get only 10 people to participate on your first level . placing a lot of free ads on the internet will easily get a larger response . also assume that everyone else in your organization gets only 10 downline members . follow this example to achieve the staggering results below : lst level - your 10 members with $ 5 . . . . . . . $ 50 2 nd level - 10 members from those 10 ( $ 5 x 100 ) . . . . . . . $ 500 3 rd level - 10 members from those 100 ( $ 5 x 1 , 000 ) . . . . . . . $ 5 , 000 4 th level - 10 members from those 1 , 000 ( $ 5 x 10 k ) . . . . . . . $ 50 , 000 5 th level - 10 members from those 10 , 000 ( $ 5 x 100 k ) . . . . . . . $ 500 , 000 this totals - $ 555 , 550 remember friends , this assumes that the people who participate only recruit 10 people each . think for a moment what would happen if they got 20 people to participate ! most people get 100 ' s of participants . think about it ! for every $ 5 . 00 you receive , all you must do is e - mail them the report they ordered . that ' s it ! always provide same - day service on all orders ! this will guarantee that the e - mail they send out with your name and address on it will be prompt because they can ' t advertise until they receive the report ! available reports * * * order each report by number , and name * * * * always send $ 5 cash ( u . s . currency ) for each report . checks not accepted * - always send your order via first class mail - make sure the cash is concealed by wrapping it in at least two sheets of paper ( so that the bill can ' t be seen against light ) on one of those sheets of paper include : ( a ) the number & name of the report you are ordering , ( b ) your e - mail address , and ( c ) your name & postal address ( in case your e - mail provider encounters problems ) . place your order for these reports now : report # 1 "" the insiders guide to advertizing for free on the internet "" order report # 1 from : randy dillard p . o . box 8 osprey , fl 34229 usa report # 2 "" the insiders guide to sending bulk email on the internet "" order report # 2 from : carla brown p . o . box 39093 sarasota , fl 34238 usa report # 3 "" the secrets to multilevel marketing on the internet "" order report # 3 from : glynn schmidt p . o . box 19424 sarasota , fl 34276 usa report # 4 ' how to become a millionaire utilizing the power of multilevel marketing and the internet "" order report # 4 from : christin joy cpo 2398 501 e . college avenue wheaton , il 60187 usa report # 5 "" how to send one million e - mails for free . "" order report # 5 from : cheri gerhart 81719 lido avenue indio , ca 92201 usa about 50 , 000 new people get online every month ! * * * * * * * tips for success * * * * * * * * treat this as your business ! be prompt , professional , and follow the directions accurately . * send for the five reports immediately so you will have them when the orders start coming in . when you receive a $ 5 order , you must send out the requested product / report . * always provide same - day service on the orders you receive . * be patient and persistent with this program . if you follow the instructions exactly , your results will be successful ! * above all , have faith in yourself and know you will succeed ! * * * * * * * your success guidelines * * * * * * * follow these guidelines to guarantee your success : start posting ads as soon as you mail off for the reports ! by the time you start receiving orders , your reports will be in your mailbox ! for now , something simple , such as posting on message boards something to the effect of "" would you like to know how to earn $ 50 , 000 working out of your house with no initial investment ? email me with the keywords "" more info "" to find out how . and , when they email you , send them this report in response ! if you don ' t receive 20 orders for report # 1 within two weeks , continue advertising or sending e - mails until you do . then , a couple of weeks later you should receive at least 100 orders for report # 2 . if you don ' t , continue advertising or sending e - mails until you do . once you have received 100 or more orders for report # 2 , you can relax , because the system is already working for you , and the cash will continue to roll in ! this is important to remember : every time your name is moved down on the list you are placed in front of a different report . you can keep track of your progress by watching which report people are ordering from you . if you want to generate more income , send another batch of e - mails or continue placing ads and start the whole process again ! there is no limit to the income you will generate from this business ! before you make your decision as to whether or not you participate in this program , answer one question . . . do you want to change your life ? if the answer is yes , please look at the following facts about this program : 1 . you are selling a product which does not cost anything to produce ! 2 . you are selling a product which does not cost anything to ship ! 3 . you are selling a product which does not cost you anything to advertise ! 4 . you are utilizing the power of the internet and the power of multi - level marketing to distribute your product all over the world ! 5 . your only expenses other than your initial $ 25 investment is your time ! 6 . virtually all of the income you generate from this program is pure profit ! 7 . this program will change your life forever . * * * * * * * testimonials * * * * * * * this program does work , but you must follow it exactly ! especially the rule of not trying to place your name in a different position , it won ' t work and you ' ll lose a lot of potential income . i ' m living proof that it works . it really is a great opportunity to make relatively easy money , with little cost to you . if you do choose to participate , follow the program exactly , and you ' ll be on your way to financial security . - steven bardfield , portland , or my name is mitchell . my wife , jody , and i live in chicago , il . i am a cost accountant with a major u . s . corporation and i make pretty good money . when i received the program i grumbled to jody about receiving "" junk mail . "" i made fun of the whole thing , spouting my knowledge of the population and percentages involved . i ' knew ' it wouldn ' t work . jody totally ignored my supposed intelligence and jumped in with both feet . i made merciless fun of her , and was ready to lay the old ' i told you so ' on her when the thing didn ' t work . . . well , the laugh was on me ! within two weeks she had received over 50 responses . within 45 days she had received over $ 147 , 200 in $ 5 bills ! i was shocked ! i was sure that i had it all figured and that it wouldn ' t work . i am a believer now . i have joined jody in her "" hobby . "" i did have seven more years until retirement , but i think of the ' rat race , ' and it ' s not for me . we owe it all to mlm . - mitchell wolf md . , chicago , il . the . main reason for this letter is to convince you that this system is honest , lawful , extremely profitable , and is a way to get a large amount of money in a short time . i was approached several times before 1 checked this out . i joined just to see what one could expect in return for the minimal effort and money required . to my astonishment i received $ 36 , 470 . 00 in the first 14 weeks , with money still coming in . - charles morris , esq . not being the gambling type , it took me several weeks to make up my mind to participate in this plan . but conservative that i am , i decided that the initial investment was so little that there was just no way that i wouldn ' t get enough orders to at least get my money back . boy , was i surprised when i found my medium - size post office box crammed with orders ! for awhile , it got so overloaded that i had to start picking up my mail at the window . i ' ll make more money this year than any 10 years of my life before . the nice thing about this deal is that it doesn ' t matter where people live . there simply isn ' t a better investment with a faster return . - paige willis , des moines , ia i had received this program before . i deleted it , but later i wondered if i shouldn ' t have given it a try . of course , i had no idea who to contact to get another copy , so i had to wait until i was e - mailed another program . . . 11 months passed then it came . . . i didn ' t delete this one ! . . . i made . more than $ 41 , 000 on the first try ! ! - violet wilson , johnstown , pa this is my third time to participate in this plan . we have quit our jobs , and will soon buy a home on the beach and live off the interest on our money . the only way on earth that this plan will work for you is if you do it . for your sake , and for your family ' s sake don ' t pass up this golden opportunity . good luck and happy spending ! - kerry ford , centerport , ny it is up to you now ! take 5 minutes to change your future ! order your reports today and get started on your road to financial freedom ! for your information : if you need help with starting a business , registering a business name , learning how income tax is handled , etc . , contact your local office of the small business administration ( a federal agency ) 1 ( 800 ) 827 - 5722 for free help and answers to questions . also , the internal revenue service offers free help via telephone and free seminars about business tax requirements . under bill sl 618 title hi passed by the 105 th us congress this letter cannot be considered spam as long as the sender includes contact information and a method of removal . this is a one time e - mail transmission . no request for removal is necessary to remove ( even though this is not necessary ) press @ yahoo . com stop ! if you never read another e - mail please take a moment to read this one . this really is worth your valuable time . even if you never got involved in the program , the reports themselves are well worth the money . they can help you start and advertise any business on the internet . that is , these reports stand alone and are beneficial to anyone wishing to do business on the internet . at the very least print this out now to read later if you are pressed for time . - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: quiicker hello , welcome to pha judges rmonline sho apodal p - one of ignominious the leading oniine pharmaceutical shops obstructionism v truant g jurisdiction al diagnosis ll disincorporate la omnirange rac haemophilia l i attendance s benedictinen va u colourblind m andmanyother . - save over 50 criterion % - worldwide carpet shlpplng - total craving confidentiaiity - over 5 miiiion cu goldfinch stomers in 130 countries have a nic sculpt e day !",1 +"Subject: same medicine , different price ! big savings on brand name drugs . injustice anywhere is a threat to justice everywhere . some rise by sin , and some by virtue fall . the judge is condemned when the criminal is absolved . on the heights , all paths are paved with daggers .",1 +"Subject: re : systemworks clearance sale _ limited quantities _ only $ 29 . 99 tj take control of your computer with this top - of - the - line software ! norton systemworks 2002 software suite - professional edition - includes six - yes 6 ! - feature - packed utilitiesall for 1 special low price of only $ 29 . 99 ! this software will : - protect your computer from unwanted and hazardous viruses - help secure your private valuable information - allow you to transfer files and send e - mails safely - backup your all your data quick and easily - improve your pc ' s performance w / superior integral diagnostics ! - you ' ll never have to take your pc to the repair shop again ! 6 feature - packed utilities 1 great price a $ 300 + combined retail value yours for only $ 29 . 99 ! price includes free shipping ! and for a limited time buy any 2 of our products get 1 free ! don ' t fall prey to destructive viruses or hackers ! protect your computer and your valuable information and - click here to order yours now ! - or call toll - free 1 - 800 - 861 - 1481 ! your email address was obtained from an opt - in list . opt - in uefas ( united email federation against spam ) approved list - purchase code # 8594030 . if you wish to be unsubscribed from this list , please click here . if you have previously unsubscribed and are still receiving this message , you may email our spam abuse control center . we do not condone spam in any shape or form . thank you kindly for your cooperation . ",1 +"Subject: in the heart of your business ! corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes only several seconds for your company to be remembered or to be iost among competitors . get your ioqo , business stationery or website done riqht now ! fast turnaround : you wiii see severai logo variants in three business days . satisfaction guaranteed : we provide unlimited amount of chanqes ; you can be sure : it wiii meet your needsand fit your business . fiexible discounts : ioqo improvement , additional formats , bulk orders , special packages . creative design for competitive price : have a look at it right now ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: returned mail : can ' t create output the original message was received at tue , 19 jul 2005 05 : 57 : 28 - 0500 from [ 221 . 3 . 33 . 27 ] - - - - - the following addresses had permanent fatal errors - - - - - jodyanddavid . herring @ verizon . net ( expanded from : ) bowguns ( expanded from : ) - - - - - transcript of session follows - - - - - . . . while talking to relay . verizon . net . : > > > rcpt to : < < < 550 5 . 1 . 1 unknown or illegal alias : jodyanddavid . herring @ verizon . net 550 jodyanddavid . herring @ verizon . net . . . user unknown procmail : quota exceeded while writing "" / var / spool / mail / bowguns "" 550 bowguns . . . can ' t create output",1 +"Subject: cash : $ 293622 dear homeowner , you have been pre - approved for a $ 200 , 000 loan at a low fixed rate . this offer is being extended to you unconditionally and your credit is in no way a factor . to take advantage of this limited time opportunity , we ask you to visit our website and completethe post approval form . http : / / www . kxxjn . com / i / lzevaw 5 8 zymg 5 dolly thorntonnk logan financial group - - - - - - - - - - - - - - - - - - - - - - 9 : alvin clapp fillmore dastard gegenscheinhttp : / / www . kxxjn . com / rem . php . . . not interested",1 +"Subject: id = : : ffff : 220 . 184 . 181 . 141 + cdlfnvprj mail storage exceeded italiano : il suo messaggio non e ' stato consegnato ai seguenti destinatari : i destinatari hanno esaurito lo spazio disponbile . english : your message did not reach the following recipients : the recipients have exceeded storage allocation . to : simbol @ deejaymail . it buon lavoro . i . net mail system - - - - - - - original mail message - - - - return - path : received : from : : ffff : 220 . 184 . 181 . 141 [ : : ffff : 220 . 184 . 181 . 141 ] by fe - 4 a . inet . it via i - smtp - 5 . 2 . 3 - 520 id : : ffff : 220 . 184 . 181 . 141 + cdlfnvprj ; tue , 19 jul 2005 12 : 59 : 44 + 0200 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user david @ mail . scoaway . com ) ; by mailwisconsin . com with http id j 87 gzo 09360194 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : simbol @ deejaymail . it user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbelivabie !",1 +"Subject: expert web site analysis - at no charge do you think that your web site should be producing more sales than it currently does ? studies indicate that most first - time visitors spend only 10 seconds on a site before deciding if it offers anything of value to them . seventy - five ( 75 ) percent of on line shoppers abandon their shopping cart . these facts highlight the importance of your web site ' s ability to quickly and effectively communicate your business offering , and to subsequently take an on - line shopper through a simple and clear purchasing process . having a web site is just the first step in establishing your internet business . the second step is to get people directed to your web site . the last , and most important , step is to sell your products and services through your site . through july 31 , 2005 , expedite media group , inc . is offering a no - charge analysis of your web site . our professionals will review your web site , and provide you an effectiveness appraisal based on industry design standards , along with specific recommendations aimed at optimizing the shopping experience , and , most importantly , raising the sales productivity of your site . at expedite media group , inc . , we believe that affordable and quality access to the power of the internet should be available to everyone , not just large enterprises . with 600 + websites designed , launched , and marketed , expedite media group takes pride in providing internet solutions that translate into success for its clients . take the first step to increase your on line sales by calling us at ( 630 ) 876 - 8066 , or clicking here to learn more about expedite media group ' s web design services . when talking to one of our representatives , or submitting a contact us form from our web site , please refer to this limited - time offer . expedite 245 west roosevelt rd . building 15 , ste . 109 west chicago , il 60185 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: new offrr want to know ho liberalize w to save over 60 % on your me northward dlcatlons ? http : / / www . centr compassion alpan . com - successfull and proven way t rocking o s monumentalize ave your money . be splash st prlces . high qua homophone iity . w grundyism orldwide shlpplng . total confidenti despoil aiity . more than 200 appeasement popular medlcatlons have a nice da upheave y !",1 +"Subject: does your business depend on the online success of your website ? submitting your website in search engines may increase your online sales dramatically . lf you invested time and money into your website , you simply must submit your website oniine otherwise it will be invisible virtuaiiy , which means efforts spent in vain . lf you want people to know about your website and boost your revenues , the only way to do that is to make your site visibie in piaces where people search for information , i . e . submit your website in multipie search engines . submit your website online and watch visitors stream to your e - business . best regards , shanaemorgan _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , oliver ",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactly when you want . ciails has a iot of advantaqes over viaqra - the effect iasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with alcohoi ! we ship to any country ! get it right now ! . ",1 +"Subject: free ltci policy comparison software long term care insurance worksite marketing system take advantage of the most current information available concerning the group ltci market . developed after months of exhaustive research and agent interviews , the worksite marketing system is the resource for successful group enrollment . included with your order : agent manual - all the how - to info including an implementation schedule benefit manager flip chart presentation / sales script which promotes long term care insurance as productivity insurance benefit manager sales brochures benefit manager direct mail letters employer announcement letter seven ( 7 ) newsletter / e - mail articles to promote employee education prior to meetings 50 each of five ( 5 ) payroll stuffers 50 each of three ( 3 ) employee seminar posters employee education presentation on cd - rom 150 employee education brochures which promote long term care insurance as lifestyle insurance the secret of a successful group enrollment instructional audiotape a handsome gold embossed binder with storage pockets this comprehensive ltci policy review compares over 40 major companies in 17 benefit and ratings / asset categories and includes a premium comparison for a 60 year old couple . over 210 policies are covered in this semi - annual publication . this is the oldest ltc policy comparison in the nation and is a valuable tool for any agent selling ltc insurance today . ( older generation policies are kept after new policies are introduced because agents encounter the older policies in the field . ) the cd - rom version allows you to compare up to three companies at a time in any of the 17 categories . you ' ll also receive a spreadsheet version to take with you all the time . we don ' t want anybody to receive our mailings who does not wish to receive them . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: renew your vitality for the first time , we are offering the only male enhancement and performance system to you at a special internet price . 90 % of males were interested in improving their sexual stamina , performance , and the size of their manhood . are you one of the 90 % ? my girlfriend has been blown away by the gains i have achieved with your black label formula and the exercises . she said i should join the circus , and for the first time it felt like a compliment ! - ben , new zealand check out the only male enhancement formula with a free dvd http : / / vv . ue . . com / ng / i am busy , no thank you , go above they crept up the walls , lined the floor , made a grille of the ceiling and would catch an unwary visitor under the chin or above the ankle just when he least expected it . yet visitors were forbidden in so crowded a room , and even his father declined to go farther than the doorway as for rob , he thought he knew all about the wires , and what each one was for ; but they puzzled even him , at times , and he was often perplexed to know how to utilize them all",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishing software from corei , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professionai $ 150 adobe premiere pro 1 . 5 $ 90 corei desiqner 10 $ 90 quickbooks 2004 professional edition $ 75 adobe pagemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe goiive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere eiements $ 125 corei painter lx $ 80 adobe lliustrator cs $ 80 adobe lndesiqn cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 uiead cooi 3 d production studio 1 . 0 . 1 $ 90 aiias motion buiider 6 professionai $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop elements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincereiy , loraiee ",1 +"Subject: software taking a bite out of your budget ? try oem ! can ' t draw a straight line ? well . . . now you can ! they have computers , and they may have other weapons of mass destruction . he who limps still walks .",1 +"Subject: mail delivery failed : returning message to sender this message was created automatically by mail delivery software . a message that you sent could not be delivered to one or more of its recipients . this is a permanent error . the following address ( es ) failed : salesl @ hotmail . com ( generated from antoniopilurzo @ calaluna . com ) smtp error from remote mailer after rcpt to : : host mx 2 . hotmail . com [ 65 . 54 . 166 . 230 ] : 550 requested action not taken : mailbox unavailable - - - - - - this is a copy of the message , including all the headers . - - - - - - return - path : received : from [ 61 . 83 . 205 . 164 ] ( helo = mailwisconsin . com ) by serverl 520 . dnslive . net with smtp ( exim 4 . 50 ) id lduppz - 0001 je - 6 g for antoniopilurzo @ calaluna . com ; tue , 19 jul 2005 07 : 00 : 09 - 0400 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 30519723 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : antoniopilurzo @ calaluna . com user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbeiivabie !",1 +"Subject: featured sto - ck positioned to grow pop 3 media corp ( popt ) a company which has positioned itseif in the gap between the major media congiomerates and the universe of independent music , fiim , pubiishing and technoiogy companies . current price : 0 . o 22 wil | it continue higher ? watch this one wednesday as we know many of you like momentum . breaking news ! ! pop 3 media corp . ( popt ) and roxxy corporation announced that the companies have entered into a | etter of intent whereby roxxy corporation wil | acquire a 66 % interest in pop 3 ' s wholly owned subsidiary , viastar distribution group , inc . "" vdg , "" forming a revolutionary new music company , controversia | entertainment corporation . the transaction , consisting of stock and cash , when compieted , wi | | provide pop 3 ' s shareholders with a 33 % stake in the new company . roxxy ' s management will operate the company from headquarters in los angeles and will change its corporate name to controversia | entertainment corporation in the coming weeks . the companies intend to complete and execute the definitive agreement by july 8 th , 20 o 5 , and seek sharehoider approva | immediateiy thereafter . pop 3 ' s ceo , john d . aquiiino , stated , "" this ailiance wiil allow pop 3 to achieve its strategic vision of creating a new paradigm in the music industry . one that is focused on supporting the artist and the music they create while embracing emerging technologies and giving consumers access to a variety of artists through a variety of media . "" roxxy ' s management team combines highiy experienced industry executives drawn from the major | abels and aiso inciudes a staff of in - house producers who are among the most influentia | talents in the music industry today . "" it is roxxy ' s vision to seize the opportunities afforded by the major | abels ' | ack of commitment to their artists and customers ; labeis that cast aside established artists who can no longer generate muiti - miliion selling recordings , but who consistently reiease aibums which se | | hundreds of thousands of records to a large and | oyal fan base ; artists that can easiiy generate revenues between $ 1 and $ 5 million per title , "" stated john shebanow , roxxy ' s ceo . "" additiona | | y , the acquisition of vdg wil | provide us with the abiiity to distribute our own product directiy to retail to over 22 , 0 oo retai | location in north america , effectively doubiing the company ' s net profit margins and ailowing the increased revenue to pass on to our artists . "" mr . shebanow concluded , "" while there are sma | | er labeis that do provide a home for these acts , they | ack either the wil | or financial resources to commit to the kind of budgets which producers of the caiiber we have on staff require . and no company has the unique combination of great producers , in - house distribution and dedication to the artist and the customer that controversial entertainment wi | | possess . "" about pop 3 media corp : pop 3 media corp . is engaged in development , production and distribution of entertainment - reiated media for film , teievision , music and publishing interests . the company ' s portfoiio currentiy includes ownership of viastar distribution group , a . v . o . studios , moving pictures international , viastar records , quadra records , light of the spirit records , and viastar classical , viastar artist management group and masterdisk corporation . conclusion : the exampies above show the awesome , earning potential of little known companies that expiode onto investor ' s radar screens ; many of you are already familiar with this . is popt poised and positioned to do that for you ? then you may fee | the time has come to act . . . and piease watch this one trade wednesday ! go popt . penny stocks are considered highly specuiative and may be unsuitable for a | | but very aggressive investors . this profile is not in any way affiiiated with the featured company . we were compensated 3000 do | | ars to distribute this report . this report is for entertainment and advertising purposes only and should not be used as investment advice . if you wish to stop future mail - ings , or if you fee | you have been wrongfuliy placed in our membership , send a blank e mai | with no thanks in the sub ject to daily _ 5 tip @ yahoo . com",1 +"Subject: fortune 500 work at home reps needed ! immediate help needed . we are a fortune 500 company that is growing at a tremendous rate of over 1000 % per year . we simply cannot keep up . we are looking for motivated individuals who are looking to earn a substantial income working from home . this is a real opportunity to make an excellent income from home . no experience is required . we will provide you with any training you may need . we are looking for energetic and self motivated people . if that is you than click on the link below and complete our online information request form , and one of our employment specialist will contact you . http : / / ter . netblah . com : 27000 so if you are looking to be employed at home , with a career that will provide you vast opportunities and a substantial income , please fill out our online information request form here now : http : / / ter . netblah . com : 27000 to be removed from our list simply click on the link below now : http : / / ter . netblah . com : 27000 1631 pl 5",1 +"Subject: professional advertising dear projecthoneypot @ projecthoneypot . org : we offer e - mail marketing with best services . 1 . targeted list we can provide target email list you need , which are compiled only on your order . we will customize your client list . * we have millions of lists in many categories . 2 . sending targeted list for you we can send your email message to your target clients ! we will customize your email list and send your ad for you . * we also offer hosting & mailing server . regards ! jeff marketing dept kzll 23123 @ 21 cn . com noandbye : forbye @ hotmail . com",1 +"Subject: calling all small stock players ames is fascism but conrail not bagley apartheid and milton like russo snowshoe pail is baneberry not henceforth try republic marketeer enable yes afterthought or fabulous iran no burglary is domino but game not dysplasia f and diversionary like consecutive lug hagen is curry not tempestuous try mound allay planoconvex yes bedfast or warplane baylor no automata is polariton but veldt not huffman acquaintance and fisticuff like libel scribners stiff is guidepost not strand try amputate dewar camaraderie yes romance or discipline coachmen no ",1 +"Subject: lose 11 pounds in 7 days iml long time no chat ! how have you been ? if you ' ve been like me , you ' ve been trying trying almost everything to lose weight . i know how you feel - the special diets , miracle pills , and fancy exercise equipment never helped me lose the pounds i needed to lose either . it seemed like the harder i worked at it , the less weight i lost - until i heard about ' extreme power plus ' . you ' re probably thinking to yourself , "" oh geez , not another miracle diet pill ! "" like you , i was skeptical at first , but my sister said it helped her lose 23 pounds in just 2 weeks , so i told her i ' d give it a try . i mean , there was nothing to lose except a lot of weight ! let me tell you , it was the best decision i ' ve ever made . period . six months later , as i ' m writing this message to you , i ' ve gone from 355 pounds to 210 pounds , and i haven ' t changed my exercise routine or diet at all . yes , i still eat pizza , and lots of it ! i was so happy with the results that i contacted the manufacturer and received permission to resell it - at a huge discount . i feel the need to help other people lose weight like i did , because it does so much for your self - esteem , not to mention your health . i am giving you my personal pledge that ' extreme power plus ' absolutely will work for you . 100 % money - back guaranteed ! if you are frustrated with trying other products , without having any success , and just not getting the results you were promised , then i recommend the only product that worked for me - ' extreme power plus ' ! you ' re probably asking yourself , "" ok , so how does this stuff actually work ? "" extreme power plus contains lipotropic fat burners and ephedra which is scientifically proven to increase metabolism and cause rapid weight loss . no "" hocus pocus "" in these pills - just results ! ! ! here is the bottom line . . . i can help you lose 10 - 15 pounds per week naturally , without exercising and without having to eat rice cakes all day . just try it for one month - there ' s pounds to lose and confidence to gain ! you will lose weight fast - guaranteed . this is my pledge to you . bonus ! order now and get free shipping on 3 bottles or more ! to order extreme power plus on our secure server , just click on this link - > http : / / www . 2002 dietspecials . com / to see what some of our customers have said about this product , visit http : / / www . 2002 dietspecials . com / testimonials . shtml to see a list of ingredients and for more information on test studies and how it will help you lose weight , visit if you feel that you have received this email in error , please send an email to "" print 2 @ btamail . net . cn "" requesting to be removed . thank you , and we apologize for any inconvenience . http : / / xent . com / mailman / listinfo / fork",1 +"Subject: urgent contact from the desk of : dr tom eke . e - mail : dr _ tomeke @ spinfinder . com lagos - nigeria . attn : request for urgent business relationship . it is with my profound dignity that i write you this very important and highly confidential letter . first , i must solicit your strictest confidentiality in this transaction . this is by virtue of its nature as being utterly confidential and "" top secret "" . though i know that a transaction of this magnitude will make any one apprehensive and worried , considering the fact that we have not met each other before , but i am assuring you that all will be well at the end of the day . we have decided to contact you by email due to the urgency of this transaction , as we have been reliably informed that it will take at least a minimum of two to three weeks for a normal post to reach you , so we decided it is best using the e - mail , which is quicker and also to enable us meet up with the second quater payment for the year 2000 . however , let me start by introducing myself properly to you . i am dr . tom eke , a director general in the department of petroleum resources ( d . p . r ) and i presently head the contract award panel incharge of contract awards and payment approvals . i came to know of you in my search for a reliable and reputable person to handle a very confidential business transaction which involves the transfer of a huge sum of money to a foreign account requiring maximum confidence . i and my colleagues are top officials of the federal government contract award panel . our duties include evaluation , vetting , approval for payment of contract jobs done for the d . p . r e . t . c . in order to commence this business we solicit for your assistance to enable us transfer into your account the said funds . the source of this funds is as follows : in the second quarter of 2001 this committee was mandated to review and award contracts to the tune of us $ 400 million us dollars to a group of five firms for the supply construction and installation of oil pipe lines in warri and port harcourt . during this process my colleagues and i decided and agreed among ourselves to deliberately over - inflate the total contract sum from us $ 400 million to us $ 431 million united states dollars with the main intention of sharing the remaining sum of us $ 31 miilion amongst ourselves . the federal government of nigeria has since the second quater of year 2001 approved the sum of us $ 431 million for us as the contract sum , and the sum of us $ 400 million has also been paid to the foreign companies concerned as contract entitlements for the various contracts done , but since the companies are entiltled to us $ 400 million dollars only , we are now left with us $ 31 million dollars balance in the account which we intend to disburse amongst ourselves , but by virtue of our positions as civil servants and members of this panel , we cannot do this by ourselves , as we are prohibited by the code of conduct bureau ( civil service laws ) from opening and / or operating foreign accounts in our names while still in government service , making it impossible for us to acquire the money in our names right now . i have therefore , been delegated as a matter of trust and urgency by my colleagues in the panel to look for an overseas partner into whose account we would transfer the sum of us $ 31 million . hence we are writing you this letter . my colleagues and i have agreed that if you or your company can act as the beneficiary of this funds on our behalf , you or your company will retain 20 % of the total amount ( us $ 31 million ) , while 70 % will be for us ( officials ) and the remaining 10 % will be used in offsetting all debts / expenses and taxes incurred both local and foreign in the cause of this transfer . needless to say , the trust reposed on you at this juncture is enormous . in return we demand your complete honesty and trust . you must however note that this transaction will be strictly based on the following terms and conditions as we have stated below ; a ) our conviction of your transparent honesty and diligence b ) that you would treat this transaction with utmost secrecy and confidentiality c ) that you will not ask for more share or try to sit on the funds once it is under your custody , or any form of blackmail . d ) that upon receipt of the funds you will release the funds as instructed by us after you have removed your share of 20 % from the total amount . please , note that this transaction is 100 % legal and risk free and we hope to conclude this transaction seven to fourteen bank working days from the date of receipt of the necessary requirements from you . we are looking forward to doing business with you and solicit your total confidentiality in this transaction . there is no cause for alarm . i give you my word that you are completely safe in doing business with us . transactions like this have been successfully carried out in the past by most government executives . here in my country there is great economic and political disarray and thus looting and corruption is rampant and the order of the day , thus explaining why you might have heard stories of how money is been taken out of nigeria , this is because everyone is making desperate attempts to secure his or her future , so that when we retire from active service we donot languish in poverty . i will explain more to you when i have heard from you . please acknowledge the receipt of this letter using the above e - mail address . i will bring you into the complete picture of this pending business transaction when i have heard from you and also receive your confidential telephone and fax numbers to enable me fax to you all necessary information you need to know about our pending business transaction . i will also send to you my private telephone and fax numbers where you can always reach me . your urgent response will be highly appreciated to enable us transfer the funds under the second quarter of the year 2002 . thank you and god bless . yours faithfully , dr . tom eke . n . b . please be informed that this business transaction is 100 % legal and completely free from drug money or money laundering . this is a complete legitimate business transaction . - -",1 +"Subject: you don _ t know how to get into search engine results ? submitting your website in search engines may increase your online sales dramatically . lf you invested time and money into your website , you simpiy must submit your website oniine otherwise it wiii be invisible virtualiy , which means efforts spent in vain . lf you want peopie to know about your website and boost your revenues , the only way to do that is to make your site visibie in piaces where peopie search for information , i . e . submit your website in muitiple search engines . submit your website online and watch visitors stream to your e - business . best regards , moshedelaney _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: all wraps around graand hello concetta _ batistich , i just found a site called graand . com - a free and safe place on the internet to place classified ads . i thought i should invite you to check it out . regards , walker 2005 - 07 - 05 06 : 03 : 20 id 687 gh 55 wd 4 otswkuk",1 +"Subject: is this sto - ck ready to blaze higher ? structure & technology report may 10 th , 2005 - - for immediate release investors and traders : pinnacle group limited , inc . ( pgpu ) announces acquisition of aerofoam metals inc . aerofoam metals inc is a | eading structural technoiogy company focused on the development & commerciaiization of foamed aluminum products and components for the world market . in today ' s market , aerofoam metals inc has cutting edge technology and | ittie competition . symbo | : pgpu . pk current price : o . 68 short term target price : $ 2 . 25 12 month target price : $ 5 . 25 pinnaclegli . com aerofoam metals inc investment considerations : - limited competition - commitment to r & d - cutting edge structura | technology aerofoammetals . com press release - - may loth , 2 oo 5 - - pinnacle acquisition of aerofoam the company following extended re - negotiations with the major shareholder and management of aerofoam metals incorporated ( "" aerofoam "" ) have reached an agreement in principle . the parties have entered into a binding | etter of intent , whereby , pinnacle wi | | acquire a | | of the issued and outstanding shares of aerofoam for new treasury shares of pinnacie . the number of shares to be issued to the shareholders of aerofoam upon this acquisition will be 3 , 50 o , ooo common shares . the major shareholder of aerofoam who beneficially owns 56 % of a | | the issued and outstanding shares of aerofoam has agreed to vote his shares in favor of this acquisition . the parties hereto further agree to enter into a binding shareholders agreement immediateiy and to hoid a specia | sharehoider meeting to ratify the acquisition within 6 o days of signing this | etter of intent . pinnacle group ltd profile : pinnacie group is a u . s . based hoiding company , traded on the pinksheets . com , that searches for majority equity positions in emerging companies . pinnacle group ltd offers skilled entrepreneurs , managers and ceos the option of achieving their goals as part of a larger organization . the company provides capital and management assistance to ventures that have the potentia | to mature into publiciy traded companies . the company works closely with the management of companies that it acquires , using tried and proven methods to expand the business , who are aiso open to innovative ideas on how to achieve targeted goals . the company has great short term specuiative potential as wel | as the potential for | ong term growth . we believe the speculative near term target price is - $ 2 . 25 we beiieve the speculative long term target price is - $ 5 . 25 this is why pgpu might be the next hot pick ! please fo | | ow this one trade tuesday ! ! nothing in this e - mail shouid be considered personaiized investment advice . although our empioyees may answer your general customer service questions , they are not | icensed under securities laws to address your particular investment situation . no communication by our empioyees to you shouid be deemed as personaiized investment advice . we expressly forbid our writers from having a financial interest in any security recommended to our readers . ail of our empioyees and agents must wait 24 hours after on - | ine pubiication or 72 hours after the mailing of printed - oniy pubiication prior to following an initia | recommendation . any investments recommended in this | etter shouid be made only after consulting with your investment advisor and only after reviewing the prospectus or financial statements of the company . to cance | by mail or for any other subscription issues , reply piease to : no _ morenewslettersl 0 @ yahoo . com ( c ) 20 o 5 investment newsletter a | | rights reserved",1 +"Subject: estate of your late relative barrister usman bello and associates 114 awolowo way victoria island lagos - nigeria private email : u - bello - committe 2005 @ il 2 . com telephone : 234 - 1 - 4772236 cell phone : 234 - 80 - 23023834 attention : i am barrister usman bello a personal attorney to mr . engr . smith , a national of your country , who used to work with zenon oil company here in west africa herein after , shall be referred to as my client . my client with his entire family ( the wife and children ) were involved in the explosion in lagos , west africa , on january 27 , 2002 which , claimed many lives and property . unfortunately , my client and the family lost their lives in that disaster that needed not to have happened . since then i have made several enquiries to your embassy to locate any of my clients extended relatives , this has also proved unsuccessful after these several unsuccessful attempts , i decided to trace his relatives over the internet , to locate any member of his family but of no avail , hence i contacted you . my purpose of contacting you is to assist in repatriating the money and property left behind by my client prior to his death before they get confiscated or declared unserviceable by the bank where this huge deposits were lodged and where the deceased had an account valued at about us $ 14 . 5 million dollars . the guidelines of the bank stipulates that if any deposit remained unclaimed for over a period of 3 years and few months , without the fund claimed , the said deposit will be confiscated and this will happen with some couple of official working months if nobody comes for the money . the company had issued me a notice to provide the next of kin or have the account confiscated . since i have been unsuccessful in locating the relatives for over two years now , i seek your consent to present you as the next of kin of the deceased since you have the same last name / surname so that the proceeds of this account valued at us $ 14 . 5 million dollars can be paid to you and then you and me can share the money . 50 % for me and 45 % to you , while 5 % will be set asside for rembursement of incidental expenses that may incure during the process of the transaction or tax as your government may require , i will secure certificate of deposit and other relevant approvals documents that can be used to back up any claim we may make . all i require is your honest cooperation to enable us see this deal through . i guarantee that this will be executed legitimately to protect you from any breach of the law . please get in touch with me by email to enable us discuss further . please contact me through my alternative private . { mailbox : u - bello - committe 2005 @ il 2 . com } nb : see the 2 website of the bomb explosion below : - http : / / www . disasterrelief . org / disasters / 020130 lagos 3 / index _ txt . html http : / / news . bbc . co . uk / 1 / hi / world / africa / 2718295 . stm ",1 +"Subject: your commissions of $ 5000 per week ! ssva give me 5 minutes and i will show you how to turn your computer into a cash machine ! ! ! ( available in the us and canada ) i earned $ 25 , 000 last month - send for my bank statements ! ! ! we are giving away a free , 3 - day vacation to all folks who ask for more info on how to earn $ 1000 per sale simply by using their computer ! you ' ll earn $ 1000 per sale on a low cost product and $ 3000 per business contact - and all marketing is from the internet . free sophisticated and duplicatable marketing system ( $ 2500 value ) is given to you gratis - as well as all training and marketing support ! ! ! we invite you to explore , with no obligation , some information that could turn around your income and bring in thousands per week ! if you just want some extra income , or if you are a seasoned marketer - our paint - by - numbers system with live support ( up to 10 : 00 pm eastern every day ! ) will turn you into a pro ! ! ! family - loved product ! ! ! we will have you in profit quick - and with constant , live free support ! ! ! ! request more free info now - send an email to : growthmarkets @ excite . com with "" send info "" in the subject line ! ! ( do not click reply ! ) this email conforms to commercial email regulations within the us . please send any "" remove "" requests to : growthmarkets @ excite . com - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: mail delivery failed : returning message to sender this message was created automatically by mail delivery software . a message that you sent could not be delivered to one or more of its recipients . this is a permanent error . the following address ( es ) failed : steve . carpenter @ up 4 it . demon . co . uk ( generated from steve . carpenter @ up 4 it . info ) smtp error from remote mailer after end of data : host punt - 1 . mail . demon . net [ 194 . 217 . 242 . 248 ] : 550 blocked by recipient ' s spam filter options . if message is legitimate , please forward a copy to rbl @ demon . net for investigation . - - - - - - this is a copy of the message , including all the headers . - - - - - - return - path : received : from [ 222 . 47 . 74 . 64 ] ( helo = mailwisconsin . com ) by seven . mx . 123 - reg . co . uk with smtp ( exim 4 . 43 ) id ldupqo - 0001 fc - bw for steve . carpenter @ up 4 it . info ; tue , 19 jul 2005 12 : 00 : 39 + 0100 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 09360701 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : steve . carpenter @ up 4 it . info user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbelivabie !",1 +"Subject: blue horseshoe meet me dear reader : we sometimes approach our analysts for their thoughts on emerging market sectors we ' re interested in . on certain occasions , they come to us with intriguing insights of certain aspects of the market that have caught their attention . as you know our track record speaks for itself we are happy to bring you another situation with huge upside potential we think this could be the one that when we look back shortly everyone will be saying i should have more . for more info click here ! ! ! remember : nothing ventured , nothing gained ",1 +"Subject: msnbc : rates hit 18 year low 4 . 75 % . . . 28940 now you can have hundreds of lenders compete for your loan ! fact : interest rates are at their lowest point in 40 years ! you ' re eligible even with less than perfect credit ! ! * refinancing * new home loans * debt consolidation * debt consultation * auto loans * credit cards * student loans * second mortgage * home equity this service is 100 % free without any obligation . visit our web site at : http : / / 61 . 129 . 68 . 19 / usero 201 / index . asp ? afft = qm 3 to unsubscribe : http : / / 61 . 129 . 68 . 19 / light / watch . asp",1 +"Subject: . jif . ",1 +"Subject: any med for your girl to be happy ! your girl is unsatisfied with your potency ? don ' t wait until she finds another men ! click here to choose from a great variety of llcensed love t @ bs ! best pri $ es , fast shipping and guaranteed effect ! here you buy it riqht from warehouse ! the store is verifled by bbb and approved by visa ! ",1 +"Subject: there is a genuine log home in your future . . . there is a genuine log home in your future ! western red cedar log siding basic kits builder kits precut kits custom designs custom kits all types of log styles we feel you will find our log home superior to any others on the market and our price structure competitive with other , less desirable housing . remember that a home is a major investment and the focal point of family use . you deserve the best home possible for the amount of money you spend . click on the link below for a catalog on genuine log homes & accessories . www . genuineloghome . com sales rep code : bsad 24 to be removed from our mailing please send an email to : higher _ learningl 234 @ yahoo . com",1 +"Subject: adv oil and gas investment tgym how would you like a 100 % tax free investment in oil and gas wells ? make over 100 % annually and receive monthly tax free income with very low risk . if you are liquid for a $ 10 , 000 investment , email your name , address , and phone number to oilandgaspackage @ aol . com and we will send you the information to unsubscribe from these special mailings : forward this mail with "" unsubscribe "" in the subject line to oilandgasremoval @ aol . com ",1 +"Subject: ouur medz hello , welcome to pharmonli mailbox ne sho excretion p - one of the leading on rookie iine pharmaceutical shops holster v nocturnal g a defeat l stanza ll disfiguration la r mizzle ac definitive l i paludal sv deplore a zygoma um andmanyother . - multimedia save over 50 % - worldwide shlppln cordate g - total confidentiaii warmer ty - over 5 miiiion custo admixture mers in 130 countries alight have a nice day !",1 +"Subject: failure notice hi . this is the qmail - send program at hybeammaill . inetu . net . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : sorry , no mailbox here by that name . vpopmail ( # 5 . 1 . 1 ) - - - below this line is a copy of the message . return - path : received : ( qmail 85396 invoked by uid 85 ) ; 19 jul 2005 10 : 58 : 11 - 0000 received : from projecthoneypot @ projecthoneypot . org by hybeammaill . inetu . net by uid 82 with qmail - scanner - 1 . 16 ( clamscan : 0 . 60 . spamassassin : 2 . 55 . clear : sa : 0 ( 0 . 8 / 5 . 0 ) : . processed in 4 . 058862 secs ) ; 19 jul 2005 10 : 58 : 11 - 0000 received : from unknown ( helo mailwisconsin . com ) ( 221 . 203 . 100 . 20 ) by hybeammaill . inetu . net with smtp ; 19 jul 2005 10 : 58 : 07 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 38191261 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : distortion 6 @ boplicity . com user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal x - spam - status : no , hits = 0 . 8 required = 5 . 0 user _ agent version = 2 . 55 x - spam - level : x - spam - checker - version : spamassassin 2 . 55 ( 1 . 174 . 2 . 19 - 2003 - 05 - 19 - exp ) soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices startinq at $ 1 . 99 per dose ! unbelivable !",1 +"Subject: your in - home source of health information same medicine , different price ! never go to bed mad . stay up and fight . it is in justice that the ordering of society is centered . usenet is like tetris for people who still remember how to read . when the going gets weird , the weird turn pro .",1 +"Subject: hi how to save on your medlcatlons over primarily 70 % . phar noblewoman mzmail shop - successfu streaky ll and proven way to save your m leakage oney . cornfloor v slanguage ag a marrow l seaborne lu merlon l r parnassian a filter cl i anecdotic s likewise val untrustworthy m andmanyother . * best p creation rlces * wellbalanced worldwide shlpplng * total confidentiai quaere ity * forgotten over 5 miliion customers have a chemotherapy nice day !",1 +"Subject: new version 7 : uncover the truth about anyone ! brand - new version 7 . 0 just released : astounding new software lets you find out almost anything about anyone . . . download it right now ( no charge card needed ) : for the brand - new version 7 . 0 , click here : http : / / lv 724 super . supereva . it / gen . html discover everything you ever wanted to know about : your friends your family your enemies your employees yourself - is someone using your identity ? even your boss ! did you know you can search for anyone , anytime , anywhere , right on the internet ? download this software right now - - click here : http : / / lv 724 super . supereva . it / gen . html this mammoth collection of internet investigative tools see the sites they visit , and what they are typing . - explore secret web sites that conventional search engines have never found . for the brand - new version 7 . 0 , click here : http : / / lv 724 super . supereva . it / gen . html = = > discover little - known ways to make untraceable phone calls . = = > check adoption records ; locate missing children or relatives . = = > dig up information on your friends , neighbors , or boss ! = = > discover employment opportunities from around the world ! = = > locate transcripts and court orders from all 50 states . = = > cloak your email so your true address can ' t be discovered . = = > find out how much alimony your neighbor is paying . = = > discover how to check your phones for wiretaps . = = > or check yourself out , and you will be shocked at what you find ! ! these are only a few things you can do , there is no limit to the power of this software ! ! to download this software , and have it in less than 5 minutes click on the url below to visit our website ( new : no charge card needed ! ) http : / / lv 724 super . supereva . it / gen . html if you no longer wish to hear about future offers from us , send us a message with stop in the subject line , by clicking here : please allow up to 72 hours to take effect . please do not include any correspondence in your message to this automatic stop robot - - it will not be read . all requests processed automatically . [ : kj ) _ 8 j 7 bjk 9 ^ "" : } h & * tgo ]",1 +"Subject: now your woman will be really happy with your intimate life ! viagra shipped privately and discreetly to your door . no prescription necessary an idea isn ' t responsible for the people who believe in it . the secret of being boring is to say everything . necessity knows no law .",1 +"Subject: unlimited cash bonuses ! from mo marketing on each and every allianz life annuity product ! bonusdex ( 9 % comm ) $ 75 bonus + $ 50 extra bonus = $ 125 bonus ! flexdex bonus * ( 9 % comm ) $ 75 bonus + $ 50 extra bonus = $ 125 bonus ! power 7 ( 6 % comm ) $ 75 bonus + $ 50 extra bonus = $ 125 bonus ! powerhouse ( 9 % comm ) $ 75 bonus + $ 50 extra bonus = $ 125 bonus ! extra $ 50 bonus on bonusdex , flexdex bonus * , power 7 , and powerhouseonly call or e - mail us right away ! offer expires july 31 , 2002 ! or please fill out the form below for more information name : e - mail : phone : city : state : offer expires july 31 , 2002 . no limit to how much extra cash you can earn . offer subject to change without notice . products not available in all states . * issued as the flexdex annuity in ct . bonuses issued from mo marketing on paid , issued business . bonusdex annuity is not available in : ma , or , pa , wa and wi . power 7 is not available in : al , in , me , nj , or , pa and wa . powerhouse is not available in : nd , or , sc and wa . flexdex is not available in : nd , or , sc and wa . for agent use only . we don ' t want anyone to receive our mailings who does not wish to . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: delivery status notification - these recipients of your message have been processed by the mail server : orlandi . enrico @ inwind . it ; failed ; 5 . 2 . 2 ( mailbox full ) remote mta ims 9 a . libero . it : smtp diagnostic : 552 rcpt to : mailbox disk quota exceeded",1 +"Subject: here is the place to find the one you ' ve been looking for . here ' s a service for singles over 30 . many lucky singles , like yourself , have found the love of their life here . swpvfdwt",1 +"Subject: vaal medz how t pestilent o save on your medlcations over 70 % . phar anthropoid mshop - suc mucilage cessfull and proven way to save your mo impendence ney . gauleiter v a jauntily g flection al l woodbind u natural l metcast rac selachian l i partsong s anthropology val melodramatic m andmanyother . bes unstrap t prlces . wo phthisic rldwide shlpplng . easy ord inconvenient er form . total confident exanimate iaiity . 250 , 00 roumanian 0 satisfied customers . order toda retrial y and save !",1 +"Subject: you want to submit your website to search engines but do not know how to do it ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website oniine otherwise it wili be invisibie virtualiy , which means efforts spent in vain . lf you want people to know about your website and boost your revenues , the only way to do that is to make your site visible in places where people search for information , i . e . submit your website in muitipie search engines . submit your website oniine and watch visitors stream to your e - business . best reqards , ashleesimon _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: microsoft autoroute 2005 dvd uk - $ 19 . 95 discounted software store http : / / yielded . jetlow . com / its never just a game when you ' re winning . character is who you are when no one is looking . the loss which is unknown is no loss at all .",1 +"Subject: muscles , money , and looks help - but women want a bigger man irbxij in a recent survey conducted by durex condoms , 67 % of women said thatthey are unhappy with the size of their lovers . proof that size doesmatter ! a large member has much more surface area and is capable ofstimulating more nerve endings , providing more pleasure for you and yourpartner . our revolutionary pill developed by world famous pharmacist isguaranteed to increase your size by 1 - 3 "" . enter here for detailsto come off just open here",1 +"Subject: failure notice hi . this is the qmail - send program at compos - pop . compos . com . br . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : sorry , no mailbox here by that name . ( # 5 . 1 . 1 ) - - - below this line is a copy of the message . return - path : received : ( qmail 19673 invoked from network ) ; 19 jul 2005 11 : 00 : 15 - 0000 received : from compos - mail . compos . com . br ( [ 200 . 254 . 243 . 67 ] ) ( envelope - sender ) by compos - pop . compos . com . br ( qmail - ldap - 1 . 03 ) with compressed smtp for ; 19 jul 2005 11 : 00 : 15 - 0000 received : ( qmail 17996 invoked from network ) ; 19 jul 2005 11 : 00 : 14 - 0000 received : from pl 070 - ipado 2 sinnagasak . nagasaki . ocn . ne . jp ( helo mailwisconsin . com ) ( [ 218 . 43 . 171 . 70 ] ) ( envelope - sender ) by compos - mail . compos . com . br ( qmail - ldap - 1 . 03 ) with smtp for ; 19 jul 2005 11 : 00 : 13 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 30519725 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : antoniop @ nway . com . br user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbeiivabie !",1 +"Subject: undelivered mail returned to sender this is the postfix program at host mx 2 . oi . com . br . i ' m sorry to have to inform you that your message could not be be delivered to one or more recipients . it ' s attached below . for further assistance , please send mail to if you do so , please include this problem report . you can delete your own text from the attached returned message . the postfix program : host frontend . oi . com . br [ 200 . 222 . 115 . 18 ] said : 550 - mailbox unknown . either there is no mailbox associated with this 550 - name or you do not have authorization to see it . 550 5 . 1 . 1 user unknown ( in reply to end of data command )",1 +"Subject: porn p . o . : your 10 free pictures are here ! nakedmail is now porn p . o . ! below is the latest installment of free adult images from porn p . o . - brand new free pictures ! click this link to see the images : http : / / 65 . 59 . 170 . 73 / pictures the free images this week are sponsored by the following websites : porn stars plus - http : / / www . pornstarsplus . com / pt = pmb 8834 voted best pornstar site 3 years running . xxx video plex - http : / / www . xxxvideoplex . com / pt = pmb 8834 / over 1 million video streams and more . toon megaplex - http : / / www . toonmegaplex . com / pt = pmb 8834 massive facials and sexy hardcore toon action . past 40 - http : / / www . past 40 . com / pt = pmb 8834 because older ladies really know how to fuck . lezbonet - http : / / www . lezbo . net / pt = pmb 8834 pussy lickin ' good ! 225 , 000 video streams included . internet eraser - http : / / www . nakedmail . com / pictures / banners / eraser . html your internet usage is being tracked ! download internet erase to protect your privacy . - - - - - - - - - - - - - - - - - - - - - - - - - - - also sponsored this week by http : / / www . dvdxxxvideo . com featuring mr . 18 inch , midget , squirters trannys , grannys and other fine xxx videos and dvds . even east indian movies ! - - - - - - - - - - - - - - - - - - - - - - - - - - - thanks for subscribing to porn p . o . ( nakedmail ) . if you ever want to unsubscribe , click the link below and you will be removed within 48 hours . if the link is temporarily unavailable , reply to this email with the word "" unsubscribe "" in the subject line . to be unsubscribed from the porn p . o . mailing list simply click on the link below ",1 +"Subject: # # # # # # # # # # guaranteed $ 50 , 000 fast ! ! # # # # # # # # # # you make a guaranteed $ 50 , 000 cash in just 90 days ! quit your full time job in less than 3 months ! send an email to the address below to request the top secret url : freemlmleads @ hotmail . com put guaranteed _ _ $ 50 , 000 _ _ cash ! in the subject line and we will send the url for this awesome program right away ! your success is 100 % guaranteed ! join now ! * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * our company is committed to stopping uce ( unsolicited commercial e - mail ) , and we are trying to set an example for other legitimate opt - in list providers by verifying our subscribes and unsubscribes in each and every email transmission . you opted - in to one of our web sites , autoresponders , or our affiliated partners ' web sites . we are sending you this email with your best interest in mind . we strive to treat every subscriber fairly and will not send you anymore emails if you choose to unsubscribe . we treat this very seriously and thank you for your cooperation on this matter . return with remove in the subject line to bepermanently removed . ",1 +"Subject: wait too long and . . . 1147 secretly attract women or men add some spice to your life secretlyattract women or men delete ",1 +"Subject: you want to submit your website to search engines but do not know how to do it ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website online otherwise it wiil be invisibie virtuaiiy , which means efforts spent in vain . if you want people to know about your website and boost your revenues , the oniy way to do that is to make your site visible in places where peopie search for information , i . e . submit your website in multiple search engines . submit your website online and watch visitors stream to your e - business . best reqards , myrlburns _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: phone service 2968 zuyw 7 - 202 ztvwo 499 - 20 hi : have you been paying too much for your home or business long distance ? have you been looking for an affordable but honest long distance alternative ? we are offering fiber optic long distance for as low as $ 9 . 95 per month ! email us with your phone number and we ' ll call you back so you can hear how great the connection is . six plans to choose from including a travel plan . there are no credit checks and because you don ' t need to change your long distance carrier , your service can be turned on in just a few hours . distributors needed ! we have distributors now making a few hundred to many thousands of dollars per month from the comfort of their homes . obtain complete details include your phone number - we ' ll call you back to confirm our crisp clear connection . to be removed : click here ",1 +"Subject: free lancer eventos free lancer eventos servi?o profissional na ?rea de promo??o e empresariamento de eventos : cocktail * coffe - break * churrasco * mesa de frios * queijos & vinhos * brunch * batizados * casamentos * * 15 anos * bodas * fazendas * ch?caras * s?tios * * feiras * conven??es * eventos em geral . * temos tamb?m encomendas de salgados , bolos , doces e aluguel de material em geral . contrata??o de profissionais : * gar?on * copeiro * fritador * cozinheiro * chopeiro * * churrasqueiro * bar - man * * seguran?a e recepcionista * fazemos toda a ?rea do rio e grande rio ou outros estados , se assim desejar . temos bons profissionais para fazer de sua festa um momento inesquec?vel de prazer e alegria . para qualquer esclarecimento : tel . : 21 2573 . 6864 / 2270 . 5260 / 9419 . 4970 fax no . 21 - 2260 . 8466 e - mail : freelancereventos @ globo . com * * empresa inscrita no sicaf * * ",1 +"Subject: hi how to save on your medlc doggone atlons over 70 % . phar validate mzmail shop - successful pallmall l and proven way to save your mone compose y . neology v a glossitis g ranker al l reprisal u appallingly l r corporate ac shingles l unsubstantial is craven val thulium m andmanyother . * best prlce juniper s * worldwide shl cannot pplng * total confidentiaii wolverine ty * over 5 miliion custom ecological ers ha amphorae ve a nice day !",1 +"Subject: i think you might be interested 2005 - 07 - 06 09 : 34 : 51 hello deadpanpolitics 3 , i just found a site called graand . com - a free and safe place on the internet to place classified ads . i thought i should invite you to check it out . regards , walker oacevlmg 9 sd 7 qa 27 sw 6 uulxwn 3 k 8 jlvo 3 soiaak 2005 - 07 - 07 22 : 33 : 55",1 +"Subject: feeling fat ? if anyone has called you names because you ' re overweight , or you are looking to make a positive change in your life , then you can do something now ! click here to find out how http : / / 4 xenical . com / loseweight . cfm we hope you enjoyed receiving this email , but if you no longer wish to receive our emails click on the link below and you will not hear from us again - we guarantee it ! http : / / 4 xenical . com / remove . cfm ",1 +"Subject: fulton bank online security message dear fulton bank customer recently there have been a large number of identity theft attemptstargeting our customers . in order to safeguard your account , we require that you confirm your banking details . this process is mandatory , and if not completed within the nearest time your account or credit card may be subject to temporary suspension . to securely confirm your fulton bank account details pleasefollow the link : note : you may have to report this message as not junk mail if update link does not work . thank you for your prompt attention to this matter and thank you for using fulton bank . ",1 +"Subject: money is available . csse mortgage companies make you wait . . . they demand to interview you . . . they intimidate you . . . and all of that while they decide if they even want to do business with you . . . we turn the tables on them . . . now , you ' re in charge just fill out our simple form and they will have to compete for your business . . . click here for the form programs for every credit situation lenders reply within 24 hrs borrow up to 125 % of your home ' s value special programs for self - employed no income verification programs click here to save thousands on your mortgage please know that we do not want to send you information regarding our special offers if you do not wish to receive it . if you would no longer like us to contact you or you feel that you have received this email in error , you may click here to unsubscribe . wsop ",1 +"Subject: re : [ 9 ] this has been our final attempt we have aimed to contact you on quite a few instances and the time to return your reponse is now ! your exisiting loan situation enables you for up to a 3 . 80 % lower rate . however , thanks to our previous attempts to contact you did not succeed , this will be our last effort to enable you to receive the lower rate . please bring to an end this final step upon receiving this notice immediately , and complete your claim now . apply here . if your decision is not to make use of this final offer going here will help you to do so .",1 +"Subject: claim your free home depot gift card - a $ 1000 value . claim your home depot gift card - a $ 1000 value . were sure you can find a use for this gift card in your area . ( ) . by exclusiverewards bxjqlhgh",1 +"Subject: legal advice * this message was transferred with a trial version of communigate ( tm ) pro * we all need a good attorney to call in today ' s society . keeping ahead of the legal issues in our life was just simply more than we could bear . we needed legal advice and we needed it right away . unfortunately , being middle class , put us in the wrong income bracket to have such a necessity . now all of this has changed . think about the issues that can suddenly come up in your personal life : monday : the dog bit the mailman - do you know what to do ? tuesday : the building inspector drops by and announces that the permits on file with their office do not allow your garage conversion . "" what now , "" you think to yourself . wednesday : you ' ve been considering home - schooling your children for some time . now your daughter announces that she is being picked on yet again , and simply will not attend another day . what are the legal ramifications of home schooling your children ? thursday : speeding ticket goes to warrant for your 17 - year - old son . you haven ' t a clue how to handle it . friday : your ex - spouse has missed another child support payment . . . who do you call ? and what about all the other things : received a traffic ticket you thought was unjustified ? paid a bill you knew was unfair ? lost a security deposit ? bought a home or purchased a car ? signed an employment contract ? had difficulty collecting an insurance claim ? had trouble with your credit report ? been involved in a landlord or property dispute ? been involved in a separation or divorce ? had to collect child support ? prepared a will or wanted to ? in your personal life , you need legal representation available to you all the time . but most of us never have it because we can ' t afford it . now there is a program that not only provides quality legal help , but it provides it 24 hours a day , with an attorney helping you the same day you call them - and it is for a small monthly fee . no kidding . somewhere between twenty and forty dollars a month , depending upon the plan you choose . click here not interested ? take your em ail out of our data base by visitng the site and following removal instructions 126",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactly when you want . cialls has a iot of advantages over viagra - the effect lasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with alcohol ! we ship to any country ! get it riqht now ! . ",1 +"Subject: more cash for the business you already write - immediately get your bonus ! call mo marketing today ! or please fill out the form below for more information name : e - mail : phone : city : state : * bonuses awarded from mo marketing on paid , issued business . for agent use only . offer subject to change without notice . offer starts 7 / 15 / 02 . offer ends 12 / 31 / 02 . offer good in all states except : wi , in , de . not available with all carriers . we don ' t want anyone to receive our mailings who does not wish to receive them . this is a professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insuranceiq . com / optout legal notice ",1 +"Subject: [ ilug ] manuel oko attn : sir / madan strictly confidential . i am pleased to introduce myself to you . my name is mr . manuel oko a native of south africa and a senior employee of mines and natural resources department currently on a trainning course in holland for few months . i am writing this letter to request your assistance in order to redeem an investment with the south african mining corporation . the said investment , now valued at ( $ 15 . 5 million dollars ) fifteen million , five hundred thousand dollars only was purchased by lucio harper and contracted out to the south african mining corporation in 1977 now recognised as mines and natural resources department . this redeemable investment interest , has now matured since march last year . since march last year , several attempts have been made to contact lucio harper without success and there is no way to contact any of his close relatives in whose favour the investment cash value can be paid . since we have access to all lucio harper ' s information , we can claim this money with the help of my partners with the south african mines and natural resources department . all we have to do is to file claim using you as lucio harper ' s relative . i will like to assure you that there is absolutely nothing to worry about , because it is perfectly safe with no risk involved . please ensure to keep this matter strictly confidential . my partner will file a claim for this money on your behalf from the southafrican mining corporation . when the claim is approved , you as the beneficiary will be paid ( 25 % ) of the total amouth . since this money can be paid directly into any bank account of your choice , you have responsibility to ensure that my partner and ireceive ( 70 % ) of the total amouth . while the balance ( 5 % ) will be set aside for any unforseen expenses in the cause of transfering this money . i will appreciate if you can give your assurance and guarantee that our share will be well secured . please for the sake of confidentiality , reach me on my e - mail address : manuelokol 000 @ netscape . net . please let me know if this proposal is acceptable to you . kindly reach me immediately with any of the stated contact addresses so that better clearifications relating to the transaction will be explained to you . truly yours manuel oko - - irish linux users ' group : ilug @ linux . ie http : / / www . linux . ie / mailman / listinfo / ilug for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: it works excelllent hello , welcome to pharmo flasket nline s goddaughter hop - one of the leading oniine pharmaceutic sartor al shops eocene v howling g a cognitive l l subjugation l negotiant la irritate rac edentate l i trisect s unimaginative va purchasable um andmanyother . - save over 5 plutocracy 0 % - worldwide pledget shlpplng - total confid disgrace entiaiity - over 5 miiiion customers in 130 coun caveman tries hav lamella e a nice day !",1 +"Subject: investment attn : president , from : mrs . helina karimu i am an investor a citizen of angola currently on exile in benin republic because of the civil war in my country . i wish to invest in a country with political stability , reliable , dependable infrastructure and security of life and property . i was given your contact address by a foriegner who was on a working visit in cotonou . she said that your company can assist me on my investment plans , if i am lucky that your company may be willing to assist me . it may interest you to know that i am having $ 30 . 5 million us dollars ready for investment , this amount was left behind for me and my children by my late husband . i am willing to invest in a company with potentials for growth and stability including your company if your bye - laws allows for foreign investors or any other good and profitable business that you may suggest . i will be very happy if this enquiry receive urgent attention . you should mail your acceptance by sending to me your personal and company profile as i will also send to you all required information about myself and the help that i need from you about my investment plans . you can also reach me at : helinakarimu @ ecplaza . net and hk _ hk @ post . com . hoping for a very successful business relationship with you . yours truly , mrs . helina karimu . ( investor ) bo?te aux lettres - caramail - http : / / www . caramail . com",1 +"Subject: any software backups for lowest pricest . best software prices . i exist as i am , that is enough . envy is the ulcer of the soul .",1 +"Subject: please restore your account access html > dear southtrust customer , we recently reviewed your account , and we suspect an unauthorized atm and / or pin - based point of sale transaction on your account . protecting your account is our primary concern . therefore , as a preventive measure we have temporary limited your access to sensitive information . to ensure that your account is not compromised , simply hit "" click on the reference link "" to confirmyour identity as a card member of southtrust . this notification expires on july 15 th 2005 . once you have updated your account records your south trust bank will not be interrupted and will continue as normal . please follow the link below and renew your account information . ",1 +"Subject: have you ever bought drugs online ? regain your confidence viagra online the loftier the building , the deeper must the foundation be laid . be polite to all , but intimate with few . by constant self - discipline and self - control you can develop greatness of character",1 +"Subject: all natural viagra alternative ! the following advertisement is being sponsored by avirtualshopper . com the internets leading source for permission based opt - in marketing to opt - out from our mailing list click here . . . ",1 +"Subject: you don _ t know how to get into search engine results ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website oniine otherwise it will be invisible virtuaiiy , which means efforts spent in vain . lf you want people to know about your website and boost your revenues , the oniy way to do that is to make your site visibie in piaces where people search for information , i . e . submit your website in multiple search engines . submit your website oniine and watch visitors stream to your e - business . best reqards , seeblackweil _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: new love tabs shop . visit our llcensed online dragstore for the best inexpensive love drags ! viagra , ciaiis , softtabs and many other iove enhancers all in one ! operative support , fast shippinq , secure payment processing and complete confidentiality ! ciick here to find your verified by bbb and approved by vlsa love pil 1 ! ",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom desiqn of loqos , stationery and web - sites . under our careful hand thesepowerful marketing tools will brinq a breath of fresh air into your business and make you stand out amonqthe competitors . you are just a ciick away from your future success . ciick here to see the samples of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: looking for property in spain ? looking for property in spain ? don _ t waste your time ! that is what most people do when they look for property using property web sites . why ? because many of the properties that are advertised on them have already been sold ! you could waste precious time looking for and inquiring after properties that have already been sold ! how frustrating ! ! ! the property market is moving very fast here in spain and frankly many estate agents do not have the time to update their web sites . what you need is a company that can find you property that is actually for sale and can present to you a selection of current properties that specifically fit your requirements . just think of how much time and effort that would save you ! property finders spain can do just that ! we are here in spain and have a many ways of looking for property that has just arrived on the market , even looking in the local papers ! so while others are chasing properties or new projects that are no longer for sale you can be viewing property that has just arrived on the market ! simply fill in the form below and press the send button and we will do all of the hard work for you . once we receive your requirements we will immediately begin looking for current properties just right for you . property finders form property type villa apartment town house new building projects plot of land number of bedrooms 1 2 3 4 5 6 location do you want a sea view ? yes no don ` t care mountain view yes no don ` t care a property in the country a property in or near a city pool yes , no yes no don ` t care price range > "" name = bl > let us find a property for you ! ",1 +"Subject: mortgage information for you ! . . . . . . . . has your mortgage search got you down ? win a $ 30 , 000 mortgage just for trying to get your mortgage rates down , and a little cash in your pocket ! ! know who is telling you the truth ! we can solve all your problems . visit our site today and in two minutes you can have us searching thousands of programs and lenders for you . get the truth , get the facts , get your options all in one shot . it ' s absolutely free , and you can be done in only two minutes , so click right now and put your worries behind you ! [ 247 ( ^ ( pol : kj ) _ 8 j 7 bjk ]",1 +"Subject: largest collection of porn mo \ / ies ever - x 706 we have the hottest pornostars pics and videos inside . thousands of new photo and clips , including pornostars movies . see hot pornostars videos now ! click here for http : / / www 3 . ledieskeys . info / cool photos and video clips and dvd movies - - - - - - - - - - - - - - cyclorama byway bigotry between canfield andromache diethylstilbestrol anode defunct bronchiolar burgundy cowboy anorthic capybara disruptive abusive climactic diet car bereave dementia dickcissel behave ceramium bib celsius aitken d ' art declaration cuny arterial carmichael diameter aden butene chesapeake cargill derbyshire alderman arcturus debility diversion",1 +"Subject: quick cash ! sell your timeshare ! if you ' re interested in selling or renting your timeshare or vacation membership we can help ! for a free consultation click "" reply "" with your name , telephone number , and the name of the resort . we will contact you shortly ! removal instructions : to be removed from this list , please reply with "" remove "" in the subject line . http : / / xent . com / mailman / listinfo / fork",1 +"Subject: failure notice hi . this is the qmail - send program at nsl . extremekanal . com . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : sorry , no mailbox here by that name . ( # 5 . 1 . 1 ) - - - below this line is a copy of the message . return - path : received : ( qmail 20410 invoked by uid 0 ) ; 19 jul 2005 10 : 59 : 33 - 0000 received : from 218 . 2 . 27 . 239 by nsl ( envelope - from , uid 1005 ) with qmail - scanner - 1 . 25 ( clamuko : 0 . 65 . clear : rc : 0 ( 218 . 2 . 27 . 239 ) : . processed in 1 . 547743 secs ) ; 19 jul 2005 10 : 59 : 33 - 0000 received : from unknown ( helo mailwisconsin . com ) ( 218 . 2 . 27 . 239 ) by 192 . 168 . 2 . 2 with smtp ; 19 jul 2005 10 : 59 : 31 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 09359978 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : gogo @ sportkanal . com user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbelivabie !",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactiy when you want . cialls has a iot of advantaqes over viaqra - the effect iasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with alcohol ! we ship to any country ! get it riqht now ! . ",1 +"Subject: [ ilug ] bank error in your favor substantial monthly income makers voucher income transfer systems / distribution center pending income amount : up to $ 21 , 000 . 00 good news ! you have made the substancial income makers list . this means you get the entire system and get the opportunity to make up to $ 21 , 000 . 00 a month . to receive this system , follow this link ! get ready , you will immediately receive all the information needed to make a substantial monthly income . what are you waiting for ! ! http : / / www . hotresponders . com / cgi - bin / varpro / vartrack . cgi ? t = wendy 7172 : 1 you are receiving this email due to having requested info on internet businesses . if you are not longer looking for one , please click the remove link below . click on the link below to remove yourself aol users remove me - - irish linux users ' group : ilug @ linux . ie http : / / www . linux . ie / mailman / listinfo / ilug for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: free step - by - step seminar presentation affluent senior lead program multi - media annuity selling system cd step - by - step seminar presentation exclusive prospect / client marketing and re - marketing system * must be contracted through ppmg with our top annuity companies . plus a very special offer from ppmg : trip includes deluxe outside cabin for producer and guest and airfare from the nearest home city gateway ! * * * * as determined by ppmg travel coordinator . ports of call : or please fill out the form below for more information name : e - mail : phone : city : state : we don ' t want anyone to receive our mailings who does not wish to receive them . this is a professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: new stock : shooting stars stock report a drib is admix vishnu but elegiac what newspaper , eagle not acrimony . when percy conceive , eject whistleable is not viennese custom but a molten spain style arises fujitsu terramycin in episcopate , pullback and grata . would you connallyatalanta ? no , damsel carbonic weasel is depression a buttermilk and tentacle prizewinning . ",1 +"Subject: extra time - cures premature ejaculation hello , did you ejaculate before or within a few minutes of penetration ? premature ejaculation occurs when you ejaculate too quickly and without control . it occurs before or shortly after penetration . premature ejaculation interferes with the sexual pleasure of both you and your partner . it causes feelings of guilt , embarrassment , frustration , and depression . extra - time is the only male sexual performance formula that , not only stops premature ejaculation , but actually "" cures "" it . extra - time is the only product that allows "" you "" to control when you ejaculate . - non - hormonal herbal therapy . - acts locally on the sex organs . - regulates process of ejaculation . - acts through neuro - endocrine pathway . - acts on the high centers of emotion in the brain . look here : http : / / degradedly . com / et / ? meds no thanks : http : / / degradedly . com / rr . php",1 +"Subject: bettter control hello , welcome to phar christy monline bobcat shop - one of the leading o tarrock niine pharmaceutical shops intoxicate v diatonic g oilplant al parian ll l galvanize a r catalysis ac venter l i dischargee s entente va magnitude um andmanyother . - save over melinite 50 % - worldwide shlppl comprador ng - total confidentiai retouch ity - over 5 miiiion custo sparkling mers in 130 countries have a ni intriguant ce day !",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . loqodentity offers creative custom design of logos , stationery and web - sites . under our careful hand these powerfui marketinq toois wiii bring a breath of fresh air into your business and make you stand out among the competitors . you are just a ciick away from your future success . click here to see the sampies of our artwork , check our prices and hot offers",1 +"Subject: work from home . free info we need help . we are a 14 year old fortune 500 company , and we have grown 1000 % ! we cannot keep up . we are looking for individuals who want to work at home , and make a good living . so if you are looking to be employed from home with a career that has vast opportunities , then go : http : / / www . lotsonet . com / opportunity and fill out our info form . no experience required , we will train you . no committment is required by filling out the form , it is for info only . http : / / www . lotsonet . com / opportunity you want to be independent ? then make it happen ! happen ! simply click on the link below for free , no obligated information ! guaranteed ! http : / / www . lotsonet . com / opportunity to be removed from our link simple go to : ",1 +"Subject: international calls for only 33 cents per minute with no subscription dear user , do you ever wish you could easily call people you know in other countries for up to 85 % less than standard call prices ? ! and then to make these savings without having to subscribe to any low cost calling service ? ! we have now launched a product that does exactly that ! you can now call people in most popular destinations around the world for only 33 cents per minute ! there are no hidden charges , you do not need to signup , use any credit cards , or pay any extra bills ! you can try this service at no risk and choose to use it with no commitment ! to use this new service , simply dial our access number 1530 927 055 and once connected , dial the actual international number you wish to call . for more information and the current list of countries you can call , please check our website http : / / www . ireland . pd - dial . com / example : if you wanted to call a german number 0567 123 124 you would : 1 ) dial 1 530 927 055 2 ) wait until you connect to our system and hear a message asking you to dial the number you wish to call . 3 ) dial the full international number starting 00 . in this instance 00 ( for international ) 49 ( country code for germany ) 567 123 124 ( their number without the initial zero ) you will only pay 33 cents per minute to access our system with no further charges for any calls you make ! you can also use this service to make cheap international calls from mobiles too ! however please check the costs of calling 1530 numbers from your mobile if you are unsure . you only ever pay for the cost of calling our access number which will appear on your normal bill . however any international calls you make will not appear on your bill , so you only ever pay 33 cents per minute when using our service ! if calling from a mobile , please ensure that you do not press the green / send key again after dialling the actual mobile number , or you will be billed for a second call by your mobile operator . if you have any questions or wish to contact us for more information , please check our website http : / / www . ireland . pd - dial . com / for details . if you are not interested in reducing your phone bills and would not like to be informed of any other similar offers from ourselves , please reply to this message with the word unsubscribe in the subject heading . if you have your email forwarded , please ensure that you unsubscribe from the actual account email is sent to . we apologise if this message has inconvenienced you in any way .",1 +"Subject: professional advertising dear projecthoneypot @ projecthoneypot . org : email is the best grow tool . we offer marketing with quality services . 1 . targeted list we can provide target email list you need , which are compiled only on your order . we will customize your client email list . * we have millions of lists in many categories . 2 . sending targeted list for you we can send your email message to your target clients ! we will customize your email list and send your ad for you . * we also offer hosting & mailing server . regards ! jone marketing team kzl 789 @ 56 . com no and bye : bpserver @ hotmail . com",1 +"Subject: failure notice hi . this is the qmail - send program at mail 21 . voicenet . com . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : sorry , no mailbox here by that name . ( # 5 . 1 . 1 ) - - - below this line is a copy of the message . return - path : received : ( qmail 20328 invoked by uid 83 ) ; 26 jun 2005 11 : 30 : 48 - 0000 received : from projecthoneypot @ projecthoneypot . org by mail 21 by uid 11 with qmail - scanner - 1 . 20 - vn ( clamuko : 0 . 86 . 1 . clear : rc : 0 ( 67 . 171 . 94 . 76 ) : . processed in 0 . 55162 secs ) ; 26 jun 2005 11 : 30 : 48 - 0000 received : from c - 67 - 171 - 94 - 76 . hsdl . pa . comcast . net ( 67 . 171 . 94 . 76 ) by mail 21 . voicenet . com with smtp ; 26 jun 2005 11 : 30 : 48 - 0000 x - matched : c - 67 - 171 - 94 - 76 . hsdl . pa . comcast . net [ 67 . 171 . 94 . 76 ] received : ( qmail 84590 invoked by uid 74 ) ; sun , 26 jun 2005 08 : 26 : 18 - 0400 date : sun , 26 jun 2005 14 : 25 : 18 + 0200 message - id : from : mandy hughes to : amyb subject : message subject mime - version : 1 . 0 ( produced by drudgeryearthmove 8 . 9 ) content - type : multipart / alternative ; boundary = "" - - 222790264808428 "" - - - - 222790264808428 content - type : text / html ; charset = "" iso - 2840 - 8 "" content - transfer - encoding : 7 bit content - description : congresswomen chlorophyll dieldrin dear if you have reached the point where you can no longer keep up with your monthly bills , moneytrancecorp company offers an honorable alternative to bankruptcy . contact us for immediate answers reduce your unsecured debt for 85 - 90 % of its total value within a week . stop harassing creditor phone calls start making money with us . best regards . register and say "" good bye "" to your debts ! life without debts ! want to know more ? email us ! http : / / uscard - debt . com / index . php ? ref = wrw - - - - 222790264808428 - -",1 +"Subject: considered unsolicited bulk email from you your message to : - > info @ rgbaz . com was considered unsolicited bulk e - mail ( ube ) . subject : just to her . . . return - path : our internal reference code for your message is 01500 - 02 / efl 6 nkzrotlw . delivery of the email was stopped !",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishinq software from corel , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professionai $ 150 adobe premiere pro 1 . 5 $ 90 corel desiqner 10 $ 90 quickbooks 2004 professional edition $ 75 adobe paqemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere eiements $ 125 corei painter ix $ 80 adobe lllustrator cs $ 80 adobe indesiqn cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 ulead cooi 3 d production studio 1 . 0 . 1 $ 90 alias motion builder 6 professional $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop elements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincerely , garry ",1 +"Subject: discreet penis enlargement 4623 4623",1 +"Subject: mail delivery failed : returning message to sender this message was created automatically by mail delivery software . a message that you sent could not be delivered to one or more of its recipients . this is a permanent error . the following address ( es ) failed : chantellehawaii @ turquoise . net ( generated from info @ chantelleart . com ) smtp error from remote mailer after rcpt to : : host mail . turquoise . net [ 64 . 75 . 251 . 7 ] : 550 : recipient address rejected : user unknown in local recipient table - - - - - - this is a copy of the message , including all the headers . - - - - - - return - path : received : from [ 221 . 200 . 170 . 147 ] ( helo = mailwisconsin . com ) by srvl . axantil . com with smtp ( exim 4 . 43 ) id ldupmy - 0003 wz - 3 x for info @ chantelleart . com ; tue , 19 jul 2005 06 : 57 : 29 - 0400 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 24815886 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : info @ chantelleart . com user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal x - antivirus - scanner : clean mail though you should still use an antivirus soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbeiivable !",1 +"Subject: earn 20 times your peers asset marketing systems is the insurance industry ' s fastest growing field marketing organization over the past four years . this year we ' ll place $ 1 . 5 billion in premium , selling high - quality , high - commission fixed annuities to america ' s 35 million senior citizens . why have so many agents chosen to do business with asset marketing systems ? asset marketing is the only fmo in america that generates qualified leads , helps set appointments , structures product positioning , increases closing ratios and handles all the paperwork . . . at absolutely no cost to the agent ! we are also proud to report our agents routinely earn 20 times the industry average . assuming you qualify , we ' ll pick up the entire tab for you to visit our corporate offices in sunny san diego . ready to join the best ? call susan at or e - mail jennifer at jennifer @ . com or please fill out the form below for more information name : e - mail : phone : city : state : we do not want anyone to receive our mailings who does not wish to . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: a friendly professional online pharmacy focused on you ! enjoy having sex ! the jungle is dark but full of diamonds . . . ignorance is not innocence but sin . i would fain die a dry death .",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is strong enough for a man , but made for a woman ; - ) ordering viagra oniine is a very convinient , fast and secure way ! miilions of peopie do it daily to save their privacy and money order here . . . ",1 +"Subject: i think , yes . the things we sell are known over the world ! our goods for guys are in requisition ! ",1 +"Subject: logo , stationer , website design and so much more ! lt is really hard to recollect a company : the market is full of suqgestions and the information isoverwhelminq ; but a good catchy logo , stylish stationery and outstanding webslte will make the task much easier . we do not promise that having ordered a ioqo your company will automaticaliy become a world leader : it isquite clear that without qood products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishinq software from corel , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professional $ 150 adobe premiere pro 1 . 5 $ 90 corel designer 10 $ 90 quickbooks 2004 professionai edition $ 75 adobe pagemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere elements $ 125 corel painter lx $ 80 adobe liiustrator cs $ 80 adobe lndesign cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 ulead cool 3 d production studio 1 . 0 . 1 $ 90 alias motion buiider 6 professional $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop eiements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincerely , bernardina ",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactly when you want . ciaiis has a iot of advantages over viaqra - the effect lasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with alcohoi ! we ship to any country ! get it riqht now ! . ",1 +"Subject: upgrade welcome welcome to a community of sellers that have achieved exceptional level of success and positive feedback on ebay ! we invite you to join us as a powerseller if you agree with this rank please register by accesing your account within 24 hours very important ! the registration is active only once . why become a powerseller ? powersellers are ebay top sellers who have sustained a consistent high volume of monthly sales and a high level of total feedback with 98 % positive or better . as such , these sellers rank among the most successful sellers in terms of product sales and customer satisfaction on ebay . we are proud to recognize their contributionsto the success of the ebay community ! when you see this icon next to the member ' s user id , be assured that the member is a qualified powerseller who not only maintains a solid sales record but also a 98 % positive feedback rating based on transactions with other ebay users . you can feel assured that your transaction will go smoothly and that you are dealing with one who has consistently met the requirements established by ebay . about ebay | announcements | security center | policies | site map | help copyright 1995 - 2005 ebay inc . all rights reserved . designated trademarks and brands are the property of their respective owners . use of this web site constitutes acceptance of the ebay user agreement and privacy policy . ebay official time ",1 +"Subject: be informed , be prepared pandemic alert 2636 284 th place adel , ia 50003 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: returned mail : see transcript for details the original message was received at tue , 19 jul 2005 06 : 59 : 51 - 0400 ( edt ) from p 62 fl 74 . ibrkntol . ap . so - net . ne . jp [ 219 . 98 . 241 . 116 ] - - - - - the following addresses had permanent fatal errors - - - - - ( reason : 550 requested action not taken : mailbox unavailable ) - - - - - transcript of session follows - - - - - . . . while talking to mail . brooksdisanto . com . : > > > rcpt to : . . . user unknown",1 +"Subject: otc live ' s new home run oil stock otc bb : qoil dont sleep on this stock ! this is a hot one ! new orders all the time ! ! ! tscintroduced lastmonthsprl - - up over 145 % few days agowe have also introducedford - - up 31 % in 2 days we believe ( otc bb : qoil ) is also poised for a strong move as the fundamentals and anew project attract this stock as it is trading at a bargain full profile please visit www . otclive . com / qoil . htm oil prices are flirting with all time highs , and oil company stocks , which generally move with oil prices , have outperformed the market this year . some analysts say if you don ' t make oil stocks part of your portfolio you have to be nuts . $ 50 a barrel , $ 60 , $ 70 , $ 80 to $ 100 a barrel have been predicted . no one knows for sure how high it will go . most agree it will head higher . company overview quest oil corporations mission is to optimize the development of oil gas resources out of its petroleum licenses in order to create the greatest value for its shareholders . quest oil intends to accomplish this by managing the exploration process and only incorporating joint venture partners to execute our predetermined exploitation strategy . quest oil positions itself through its acquisitions with experienced resource developers . each property is selected as much for its own merits financially as it is for its strategic diversity , quest looks for undervalued opportunities in relatively stable economic / political environments . we are currently negotiating or reviewing licenses in canada , the usa , the south pacific and africa quest oil is positioning itself as a quality junior resource exploration company . as a us public company quest has access to the financial resources required to execute a full exploration program and ultimately extraction . latest news may 25 , 2005 quest oil initiates phase one drilling program for acadia north gas project may 19 , 2005 quest oil closes initial funding for acadia gas project may 16 , 2005 quest oil arranges $ 750 , 000 funding for acadia gas project may 13 , 2005 quest oil engages midtown partners to provide funding for acadia gas project acadia north gas project quest canada inc . , quest oil corporations wholly owned subsidiary , is about to launch development of the acadia north gas project . acadia north is the initial launch project for quest oil . the project was selected based on its reduced risk characteristics of proven reserves , substantial production in the area and the projects close proximity to several distribution pipelines allowing immediate access to market . the acadia project is located in southeast alberta near the saskatchewan border . acadia north consists of two sections totaling 1280 gross acres overlying the vast viking gas target . the arneson viking pool is a shoreface sand deposit and oriented in a ne - sw direction . the pool has been encountered by four previously drill wells since 1972 . the porous sand ranges from 30 feet to 46 feet thick and contains gas under lain by water . pay zone thickness ranges from 4 feet to 12 feet with a proven and probable recoverable reserve of 8 bcf at a market value of $ 24 million . according to chapman engineering of calgary , alberta when including the possible reserves identifies an underlying pool over twice the pud with a value of $ 45 million . on may 20 , 2005 quest oil completed and closed project financing for $ 750 , 000 usd . these funds will allow for immediate application for licensing and permitting of the two acadia sections . quest oils operator , transaction oil and gas ventures has been retained to provide turnkey development through to tie - in . survey crews are on site and over the next couple of weeks will determine drill site locations . drill rigs at present are being scheduled for mid - june and within a two week period will have completed the two well drill program . well depth is approximately 1 , 800 feet and within two days of active drilling target depth will be achieved . as the acadia project progresses through completion and tie - in , it is expected with a successful drill program , we will be in cash flow within sixty days . quest oil is actively searching and conducting economic reviews on several projects in north america and abroad . we have spent considerable amount of time and negotiations with governments in the middle east and are close to entering into a full development program . management will be releasing information on this endeavor within the next few weeks . priorities as a publicly traded oil and gas exploration and production company , quest oil is committed to managing and operating our global operations in a manner that protects the health and welfare of our employees , contractors , communities , and environment . we strive to comply and exceed all applicable health , safety and environmental rules , laws , regulations and internal standards . to accomplish this , quest will ; communicate health , safety and environmental requirements with managers , supervisors , employees and contractors , and ensure that expectations are clearly understood . incorporate health , safety and environmental considerations into business decisions . utilize management systems in conjunction with existing regulations . design and manage company facilities and activities to minimize health , safety and environmental risk . monitor our operations and that of our contractors by evaluating performance against systems , procedures and regulations , while simultaneously providing a foundation for continuous improvement . encourage operating partners to achieve levels of operations that are consistent with quest ' s established health , safety and environmental standards . provide resources and training to develop and properly implement health , safety and environmental policies , management systems , programs and procedures . communicate and respond openly to internal and external health , safety and environmental concerns . participate in efforts to enhance knowledge and improve technology , laws and regulations that promote sustainable energy production . north american oil and gas exploration quest oil corporation regards north america as their primary target for oil and gas projects at this stage , and are currently involved in negotiations with several significant properties in both canada and the united states . quest oil corp . is actively pursuing a select group of valuable north american oil and gas companies , with established revenues . the north american market provides a politically and economically stable environment , with exceptional infrastructure , thus providing greater shareholder value for stock holders . in addition , north america is the largest consumer of oil gas in the world , which ensures that the market in this region will remain strong for many years . technology the development and utilization of technology in the exploration , extraction and production of oil and gas is critical , and quest oil regards this sector a primary focus of the company . quest oil is currently exploring the acquisition of technology assets which aid in the forecasting , development and impact of oil and gas exploration . the need for more efficient methods of exploration and extraction provide will quest with a distinct advantage in the future oil and gas market . the growing need for technological development in the industry which measures and forecasts the environmental impact of oil and gas exploration is obvious . quest oil will fill this need , and create a distinct advantage in the oil and gas market as a result . for more info and powerpoint presentation , please visit www . otclive . com / qoil . htm disclaimer : tri - state capital feature stock reports are intended to be stock ideas , not recommendations . please do your own research before investing . it is crucial that you at least look at current sec filings and read the latest press releases . information contained in this report was extracted from current documents filed with the sec , the company web site and other publicly available sources deemed reliable . for more information see our disclaimer section , a link of which can be found on our web site . this document contains forward - looking statements , particularly as related to the business plans of the company , within the meaning of section 27 a of the securities act of 1933 and sections 21 e of the securities exchange act of 1934 , and are subject to the safe harbor created by these sections . actual results may differ materially from the company ' s expectations and estimates . this is an advertisement for qoil . the purpose of this advertisement , like any advertising , is to provide coverage and awareness for the company . the information provided in this advertisement is not intended for distribution to , or use by , any person or entity in any jurisdiction or country where such distribution or use would be contrary to law or regulation or which would subject us to any registration requirement within such jurisdiction or country . 1998 - 2005 tristatecapital . com all rights reserved . tri - state capital is not a registered broker / dealer or financial advisor , nor do we hold ourselves out to be . all materials presented on our web site and individual reports released to the public through this web site , e - mail or any other means of transmission are not to be regarded as investment advice and are only for informative purposes . before making a purchase or sale of any securities featured on our web site or mentioned in our reports , we strongly encourage and recommend consultation with a registered securities representative . this is not to be construed as a solicitation or recommendation to buy or sell securities . as with any stock , companies we select to profile involve a degree of investment risk and volatility . particularly small - caps and otc - bb stocks . all investors are cautioned that they may lose all or a portion of their investment if they decide to make a purchase in any of our profiled companies . past performance of our profiled stocks is not indicative of future results . the accuracy or completeness of the information on our web site or within our reports is only as reliable as the sources they were obtained from . the profile and opinions expressed herein are expressed as of the date the profile is posted on site and are subject to change without notice . no investor should assume that reliance on the views , opinions or recommendations contained herein will produce profitable results . tri - state capital may hold positions in securities mentioned herein , and may make purchases or sales in such securities featured on our web site or within our reports . in order to be in full compliance with the securities act of 1933 , section 17 ( b ) , tri - state capital will disclose in it ' s disclaimer , what , if any compensation was received for our efforts in researching , presenting and disseminating this information to our subscriber database and featuring the report on the tri - state capital web site . tri - state capital has been compensatedeight thousand dollars by a third party for its efforts in presenting the qoil profile on its web site and distributing it to its database of subscribers as well as other services . tri - state capital may decide to purchase or sell shares on a voluntary basis in the open market before , during or after the profiling period of this report . as of the profile date , no shares have been sold . information presented on our web site and within our reports contain "" forward looking statements "" within the meaning of section 27 a of the securities act of 1933 and section 21 e of the securities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beliefs , plans , projections , objectives , goals , assumptions or future events or performance are not statements of historical fact and may be "" forward looking statements . "" forward looking statements are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which could cause actual results or events to differ materially from those presently anticipated . forward looking statements in this action may be identified through the use of words such as expects , will , anticipates , estimates , believes , or that by statements indicating certain actions may , could , or might occur . the reader should verify all claims and do their own due diligence before investing in any securities mentioned . investing in small cap securities is speculative and carries a high degree of risk . we encourage our readers to invest carefully and read the investor information available at the web sites of the securities and exchange commission ( sec ) at : http : / / www . sec . gov and / or the national association of securities dealers ( nasd ) at http : / / www . nasd . com . readers can review all public filings by companies at the sec ' s edgar page . the nasd has published information on how to invest carefully at its web site . 350 5 th ave . , ste . 630 new york , ny 10118 this e - mail message is an advertisement and / or solicitation .",1 +"Subject: about your application we tried to contact you last week about refinancing your home at a lower rate . i would like to inform you know that you have been pre - approved . here are the results : * account id : [ 837 - 937 ] * negotiable amount : $ 155 , 952 to $ 644 , 536 * rate : 3 . 81 % - 5 . 21 % please fill out this quick form and we will have a broker contact you as soon as possible . regards , eli starks senior account manager amston lenders , llc . database deletion : http : / / www . refin - xnd . net / r . php ",1 +"Subject: your discount prescriptions resource online . large natural erection ! never for me the lowered banner , never the last endeavour . it is quality rather than quantity that matters . don ' t fight a battle if you don ' t gain anything by winning .",1 +"Subject: you want to submit your website to search engines but do not know how to do it ? submitting your website in search engines may increase your online sales dramatically . lf you invested time and money into your website , you simply must submit your website oniine otherwise it wili be invisibie virtuaily , which means efforts spent in vain . if you want people to know about your website and boost your revenues , the oniy way to do that is to make your site visibie in places where people search for information , i . e . submit your website in multipie search enqines . submit your website oniine and watch visitors stream to your e - business . best regards , feiipaaguilar _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: online doctors will fill your viagra prescription now ! ! ! qeeb your sex drive should never be second on the list ! ! ! viagra online now and shipped within 24 hours ! stay hard the way you once could ! ! ! less than $ 7 . 00 per dose to make it all happen again ! don ' t settle for less , keep your lover happy ! no doctor office ' s to visit . simply fill out our online form , and our u . s . doctor will write your prescription and send it within 48 hours . most major prescription drugs also ! click below for more information : we are strongly against sending unsolicited emails to those who do not wish to receive our special mailings . you have opted in to one or more of our affiliate sites requesting to be notified of any special offers we may run from time to time . we also have attained the services of an independent 3 rd party to overlook list management and removal services . this is not unsolicited email . if you do not wish to receive further mailings , please click here http : / / greenzer . com / remove . php to be removed from the list . please accept our apologies if you have been sent this email in error . we honor all removal requests .",1 +"Subject: join some of the most successful people in the world pursue your goals in life in business for yourself but not by yourself . work when and how much you want to work . process from your house from anywhere in the world . associates earning 5 , 000 us to 12 , 000 us per mo . judgment processing professional . impressive training and support . detailed information or to stop receiving or to see our address . these were evidently to assist the boy in fighting the turks , and he was well pleased to have them . his spirits rose considerably when he found he had fallen among friends , although most of his new comrades had such evil faces that it was unnecessary to put on the character markers to judge their natures with a fair degree of accuracy i can ' t be very particular about the company i keep , he thought , and this gang hasn ' t tried to murder me , as the rascally turks did",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is strong enouqh for a man , but made for a woman ; - ) ordering viagra online is a very convinient , fast and secure way ! miliions of peopie do it daiiy to save their privacy and money order here . . . ",1 +"Subject: megga offr hello , welcome to p needlework harmonline sh uneven op - one of the leading oniine pharmaceu unapproving tical shops coiffeur v selector g superlative al l millwright l healing la r contraindication a assassin cl i wifeless s prosecutor va u penetrating m andmanyother . - deadend save over 50 % - worldwide shlppl heartsick ng - total con indented fidentiaiity - over 5 miiiion cus pediatrics tomers in 130 countries have a nic suasion e day !",1 +"Subject: congratulations on your 2 new signups come claim your 2 free signups . we will give you 2 free signups and then put 2 under both of them , so on and so forth ! we will in essence build your downline for you ! see the write - up in the usa today on this program ( friday edition ) to sign up for free click the link below : the national attention drawn to this program by the media will drive this program with incredible momentum ! don ' t wait , if you wait , you loose people . this is building incredibly fast ! to claim your 2 free signups and reserve your position , click here this program is putting gold coins into peoples hands in record speed , don ' t wait ! all the best , gold coin distribution 1 - 800 - 242 - 0363 , mailbox 1993 to be removed from our database , please click below : ",1 +"Subject: viagra is the # 1 med to struggle with mens ' erectile dysfunction . feeling better is just a click away . be true to your work , your word , and your friend . money is not required to buy one necessity of the soul . life shrinks or expands in proportion to one ' s courage . dancing is a contact sport . football is a hitting sport .",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is stronq enouqh for a man , but made for a woman ; - ) orderinq viaqra online is a very convinient , fast and secure way ! miliions of peopie do it daily to save their privacy and money order here . . . ",1 +"Subject: important - cable tv consumers how are you , visioson @ hpp . za . net it ' s finally here : the digital cablefilter goto the page between the arrows below : - > - > - > - > filtersppv . com no more ? add / r to the domain above . best regards , juliana o . guidry projecthoneypot @ projecthoneypot . org",1 +"Subject: use this handy interest calculator to get current rate information . chhfb use this handy interest calculator to get current rate availability data , without giving out any personal or private information . this was sent to you by an mediagroup for smartmortgageusa . if you have any questions , you may contact sm - usa at : offer up , attn : smartmortgageusa , p . o . box 78361 , san francisco , ca 94107 - 8361 . if you wish to exclude yourself from future sm - usa items please use this to go to the website and then use the choice at the bottom of the page . wjodybxdzknt",1 +"Subject: you launched a website but no one visits it ? submitting your website in search engines may increase your online sales dramatically . lf you invested time and money into your website , you simply must submit your website oniine otherwise it wili be invisible virtuaiiy , which means efforts spent in vain . if you want people to know about your website and boost your revenues , the only way to do that is to make your site visibie in places where people search for information , i . e . submit your website in multipie search enqines . submit your website oniine and watch visitors stream to your e - business . best regards , vaidaweeks _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: looking for a specific medication ? let us know what you need ! healthy living for everyday life . we rarely confide in those who are better than we are . the words that enlighten the soul are more precious than jewels . ignore the awful times , and concentrate on the good ones . man is free in his imagination , but bound by his reason .",1 +"Subject: request for assistance barrister adewale coker chambers legal practitioners / notary public blk 804 - law house building lagos - nigeria . for your kind attention , request for assistance it is my humble pleasure to write you this letter irrespective of the fact that you do not know me . however , i am in search of a reliable and trustworthy person that can handle a confidential transaction of this nature . i am barrister adewale coker , a family lawyer to our former military rule , general sani abacha who died suddenly in power some years ago . since his untimely demise , the family has suffered a lot of harassment from the regimes that succeeded him . the regime and even the present civilian government are made up of abacha ' s enemies . recently , the wife was banned from traveling outside kano state their home state as a kind of house arrest and the eldest son still in detention . although , a lot of money have been recovered from mrs . abacha since the death of her husband by the present government , there ' s still huge sums of money in hard currencies that we have been able to move out of the country for safe keeping to the tune of us $ 50 million . this money us $ 50 million is already in north american and if you are interested , we will prepare you as the beneficiary of the total funds , and you will share 25 % of the total funds after clearance from the security company . note , there is no risk involved in this project because l am involved as abacha ' s confidant . please you should keep this transaction a top secret and we are prepared to do more business with you pending your approach towards this project . i await your urgent response . thanks . yours faithfully barrister adewale coker . - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishing software from corei , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professionai $ 150 adobe premiere pro 1 . 5 $ 90 corei designer 10 $ 90 quickbooks 2004 professional edition $ 75 adobe paqemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere elements $ 125 corei painter lx $ 80 adobe iiiustrator cs $ 80 adobe lndesign cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 uiead cooi 3 d production studio 1 . 0 . 1 $ 90 alias motion builder 6 professionai $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop eiements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincerely , luther ",1 +"Subject: mortgage for even the worst credit zwzm details want to refinance ? fill our this quick form and immediately have mortgage companies compete for you business . you will be offered the , absolute , best refinance rates availible ! your credit doesn ' t matter , don ' t even worry about past credit problems , we can refinance anyone ! let us put our expertise to work for you ! or site 2 erase http : / / 210 . 51 . 251 . 244 / al / uns / list . htm",1 +"Subject: investor insight the oil and gas advisory now that oi | and gas has entered a long - term bul | market , our speciaity in pinpointing the hottest companies of the few remaining undervalued energy piays has produced soaring returns . emerson oi | and gas ( eogi ) is an energy deveioper in the us "" oil belt "" and in canada ' s most highiy coveted reservoirs with generating potential of miilions per week . breaking news ! ! ! emerson oi | and gas , inc . , ( eogi ) is pieased to announce that the aiberta energy & utiiity board has issued license no . o 330206 for the company ' s wel | 11 - 16 - 24 - 2 the acadia project . the acadia project consists of 15 sections in aiberta in an area that produces natural gas from the viking formation , has oil potentia | in the bakken zone and gas potentia | in the colony and second white specks zones . the viking contains natural gas in weils around the acadia project and has the potential for 13 bcf gas in the reservoir under the leases . gas welis in the area have caicuiated aof rates up to 14 mmcf per day . the project is | ocated in eastern alberta with year round access and an estabiished production and equipment infrastructure . we | | costs are expected to be $ 60 o , 00 o driiled , cased and completed and the advanced funds wi | | go towards the driliing of the first we | | . each well on a | ease earns emerson a 49 % working interest in one section . emerson oi | and gas , inc . , ( eogi ) is pleased to announce that the land lease has been surveyed and acquired regarding the acadia project . the acadia project consists of 15 sections in aiberta in an area that produces natural gas from the viking formation , has oi | potential in the bakken zone and gas potential in the colony and second white specks zones . the viking contains natura | gas in welis around the acadia project and has the potential for 13 bcf gas in the reservoir under the | eases . gas weils in the area have calcuiated aof rates up to 14 mmcf per day . the project is | ocated in eastern alberta with year round access and an estabiished production and equipment infrastructure . well costs are expected to be $ 600 , 0 oo drilied , cased and completed and the advanced funds wil | go towards the dri | | ing of the first we | | . each well on a | ease earns emerson a 49 % working interest in one section . symbo | - eogi price - . 026 the vaiue of eogi ' s shares wi | | skyrocket : 1 . price charts confirm oil prices are experiencing the strongest bull market in a generation . 2 . natural gas prices have tripied in the last two years . 3 . with multipie projects in high - gear and the expanding production on reserves worth muiti - miilions , eogi is selling for less than 1 / 4 the vaiue of its assets . 4 . emerson oi | and gas speciaiizes in using new technology to turn unproductive oi | and gas deposits into profitabie enterprises . already shares in the oi | and gas sector are rising faster than the overa | | market . in fact , four of dow jones ' ten top performing industry sectors for the past year are energy reiated . but it ' s in the mid - sized expiorers and deveiopers like emerson ( eogi ) that the biggest gains are being made . in the last 12 months , many of these stocks made triple and even quadrupie returns . our subscribers need to pay particularly ciose attention to undervalued eogi shares , because it won ' t be a bargain for | ong . this smail company with a comparably smail market vaiue , is sitting on a bonanza of oil and gas reserves - an unrecognized bonus for investors especialiy with the daily jump in energy prices . but all that wi | | change in a few short weeks , as these reserves move into production , bringing an expiosion of cash that is expected to capture the attention of the market , and have an equaliy explosive effect on the share price . what wi | | the cash fiow from these projects do for the price of emerson oi | and gas ' shares ? wel | we do know this - the great thing about investing in eogi is that your gains don ' t depend on further increases in the price of oil and gas . even if energy prices stay flat , or deciine siightly , you will stiil make a very heaithy return . of course , energy prices are expected to continue their meteoric rise over the next year or so as predicted , meaning the vaiue of eogi ' s assets and earnings wiil soar even higher . in that case , the reward for investors wiil be staggering . overall , we consider eogi to be one of the last outstanding energy plays in the oil and gas sector . once this discovery has been reaiized , eogi shares will surge sharply on heavy investor attention . we have identified this discovery for immediate accumulation . eogi ' s oil and gas reserves are well established and are going into massive production . early investors wi | | secure optimum gains , and any additiona | news in this area wi | | realiy turn up the heat , causing us to revise our targets upward in next week ' s builetin . oi | and gas advisory ( oga ) is not a investment expert . certain statements contained in this newsletter may be future - | ooking statements within the meaning of the private securities litigation reform act of 1995 . such terms as expect , believe , may , wil | , and intend or similar terms may identify these statements . past - performance is not an indicator of future - resuits . this is not an expert to acquire or sel | securities . oga is an independent pubiication that was paid fifteen thousand do | | ars by a third party for the continuing coverage and dissemination of this company information . investors are suggested to seek proper guidance from a financia | expert . investors shouid use the information provided in this newsietter as a starting point for gathering additiona | information on the profiled company to aliow the investor to form their own opinion regarding investment . if you wish to stop future mailings , or if you feel you have been wrongfu | | y placed in our membership , piease send a biank e mail with no thanks in the subject to daily _ 5 tip @ yahoo . com",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , astrid ",1 +"Subject: returned mail : see transcript for details the original message was received at tue , 19 jul 2005 12 : 59 : 25 + 0200 from [ 222 . 89 . 79 . 217 ] - - - - - the following addresses had permanent fatal errors - - - - - - - - - - transcript of session follows - - - - - 554 5 . 0 . 0 username or alias unknown 550 5 . 1 . 1 . . . user unknown",1 +"Subject: free info . start your own internet consulting business ntsj did you know 4 of the country ' s 10 richest people never graduated from college ? they had the courage to dream , and the wisdom to take advantage of opportunities . do you have the courage and the wisdom to change your life ? you deserve success ! checking out this web site is free , and it could pay off in the form of a dramatically improved lifestyle for you and your loved ones . you will never know unless you check it out now ! invest just one minute to check out this website right now . if you would like to be removed from all future mailings just send and email to erienw 3943 @ freemail . hu",1 +"Subject: sorry they were in a meeting urgent noticepending merger to increase revenue 236 % now is the time to invest in gwihgwih is rapidly expanding through acquisitions . in the lst quarter two mergers are in proces with a schedule to buy four more profitable companies by the year end . gwih plans to file for nasdaq . stock prices historically increase when listed on nasdaq . on may 30 th , a year long investor relation and public awareness campaign will be launched to build shareholder equity . several well - known stock pick newsletters , tv , radio and newsgroups will provide coverage on gwih and it ' s acquisitions . all - star management team with advanced degrees , specialized training , proven track records and over 90 years combined experience . they are true deal makers , executors and closers . put gwih on your watch list , aquire a postion in gwih today ! gwih recent mergers and new business developments : acquired bechler cams , founded in 1957 , specializes in precision high tolerance parts for aerospace , defense , medical , and surgical manufacturing sectors . click for full storyacquired nelson engineering , boeing certified supplier of aerospace and defense parts was recently awarded contracts with lockheed martin and boeing that will result in major production increases . click for full storyclick for quote to unsubscribe simply reply to this email for permanent removal . information within this advertisement contains "" forward looking "" statements within the meaning of section 27 ( a ) of the u . s . securities act of 1933 and section 21 ( e ) of the u . s . securities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beliefs , plans , projections , objectives , goals , assumptions or future events or performance are not statements of historical facts and may be forward looking statements . forward looking statements are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which could cause actual results or events to differ materially from those presently anticipated . forward looking statements may be identified through the use of words such as expects , will , anticipates , estimates , believes , or by statements indicating certain actions may , could or might occur . special situation alerts ( ssa ) is an independent publication and has been paid 125 , 000 free trading shares of gwih for this publication . ssa and / or its affiliates or agents may at any time after receipt of compensation in stock sell all or part of the stock received into the open market at the time of receipt or immediately after it has profiled a particular company . ssa is not a registered investment advisor or a broker dealer . be advised that the investments in companies profiled are considered to be high risk and use of the information provided is at the investor ' s sole risk and may result in the loss of some or all of the investment . all information is provided by the companies profiled and ssa makes no representations , warranties or guarantees as to the accuracy or completeness of the disclosure by the profiled companies . investors should not rely on the information presented . rather , investors should use this information as a starting point for doing additional independent research to allow the investor to form his or her own opinion regarding investing in profiled companies . factual statements as of the date stated and are subject to change without notice . * * * * * * *",1 +"Subject: aggressive investors should be watching sports alumni , inc . investor alert ! if a group of investors would have the opportunity to have invest in the nba , nfl , nbl , nhl , and mls when the leagues started . how rich would they be today ? today we will be introducing a new football alumni association that will bring ex high school , college , and professional athletes around the united states to relive their glory days . as savvy investor prepare to buy this stock , it has become clear that this could be one of the most explosive opportunities of the year . you still have the opportunity to buy this stock for pennies to the dollar - but for how long ? here at wall street research we do not get excited about many stocks . that ' s because its getting harder and harder to find stocks that have potential to make investors rich very quickly . blue chips can ' t and ipo ' s rarely pay off small investors . history shows that the only consistent way for small investors to see their money double , triple , or more on the short run is to be smart enough to find small caps with huge potential and buy before they take off - the kind of stocks that gets us excited . company in review pink sheets symbol : spni http : / / www . . com recent price $ 0 . 50 target price $ 2 . 50 aggressive investors should be watching sports alumni , inc ( spni ) , it is making big moves and growing fast ! when the nba , nfl , nbl , nhl , and mls , talk about lockouts , half seasons or no season , salary caps , and even the referees join the turmoil every year one of these leagues threatens the passion for sports ! . will they play again this season ? sports alumni , inc is about bringing the passion of the former game to all ex high school , college , and professional athletes . not about how big of a salary they will be making the next couple of years . sports alumni , inc sports alumni , inc maybe you started playing football when you where 8 years old and never quite lost the love of the game . perhaps you even played college ball . what ever level you played , its a good bet that your passion for the game did not end when the whistle blew and the last play ended . that is what american football alumni seeks to bring back to the multi - million - member target market of former and current players and coaches . recent surveys reveal that 70 percent of former football players would be interested in joining a national alumni association whose makeup is former high school and college players . seventy - nine percent are interested in reunions with former teammates and 55 percent said they ' d be interested in purchasing their old school football jerseys , especially if their names were included . the afa will bring old teams together through its subscriber network , while offering on line stores of customized merchandise , a first class magazine , conventions , football travel packages national and local polls . this is an un - tapped industry within a multi - billion dollar marketplace . companys recent news sports alumni , inc . ( spni pk ) announced today the official launch of their first sports alumni micro site , www . . com . this site is the preliminary sign up point for their first of many sports alumni sites the company plans to launch this year . the main member site launch is expected early july 2005 with a $ 30 million media blitz to follow this fall . we are very pleased to have ai software solutions as our software development and web hosting partner as they are clearly one of the top companies in this industry and can fully support our expected rapid growth . they have integrated seamlessly with our organization and made development a snap , stated sports alumnis president matthew totty . sports alumni will also be marketing football fest 2006 this fall , a grand event planned in las vegas , june 2006 , where they expect attendance of over 150 , 000 former players and coaches . we have everything imaginable planned for this event and were really excited for this to be the football event in the country to attend each year . its a chance for our members to rub elbows with footballs greats and just have a good time . if you lived it , youre one of us , states mr . totty . smart investors know its easier to take a $ 1 . 00 stock to $ 5 . 00 than to take a $ 10 . 00 stock to $ 50 . 00 . but the word is getting out . chances like this are few and far between and the buzz on the street is that spni is a buy ! who knows when youll have another chance to turn such a huge profit again ? smart investors strike when the irons hot and with spni , its sizzling ! for more information on this company simply ( click here ) forward - looking statements contained in this newsletter are made under the safe harbor provision of the private securities litigation reform act of 1995 . any such statements are subject to risks and uncertainties that could cause actual results of events to differ materially from those anticipated in such forward looking statements . wall street research , quick business solutions , llc ( wsr - qbs ) . has received three hundred thousand shares from a group of investors . ( wsr - qbs ) . for the production and distribution of this newsletter . ( wsr - qbs ) . may own a non - controlling share of spni and reserves the right to sell their shares at any time without prior notice . this profile is not an offer to buy or sell any securities mentioned herein . while the publisher believes all sources of information to be factual and reliable , in no way does it represent or guarantee the accuracy thereof , nor the statements made herein and have made no independent verification of the facts , assumptions and estimates contained in this newsletter . the user assumes all risk as to the accuracy and the use of this document . always consult a professional investment advisor before making any purchase . for further details concerning risks and uncertainties , please request additional information directly from the company featured above or the sec filings of the company including the companys most recent annual and quarterly reports . qbs 23031 sonoita mission viejo , ca 92692 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: delivery status notification ( failure ) the following message to was undeliverable . the reason for the problem : 5 . 1 . 0 - unknown address error 550 - ' 5 . 1 . 1 unknown or illegal alias : gkoppmal @ elp . rr . com '",1 +"Subject: trusted savings on prescription drugs . now you can diversify the acts in your bedroom ! the foundation of every state is the education of its youth . everybody hates me because i ' m so universally liked . silent gratitude isn ' t much use to anyone .",1 +"Subject: acrobat pro 7 . 0 $ 69 . 95 systemworks opt - in email special offer unsubscribe me search software top 10 new titles on sale now ! 1 office pro 20032 adobe photoshop 9 . 03 windows xp pro 4 adobe acrobat 7 pro 5 flash mx 20046 corel draw 127 norton antivirus 20058 windows 2003 server 9 alias maya 6 wavefrtl 0 adobe illustrator 11 see more by this manufacturer microsoft symantec adobe customers also bought these other items . . . microsoft office professional edition * 2003 * microsoftchoose : view other titles list price : $ 499 . 00 price : $ 69 . 99 you save : $ 429 . 01 ( 86 % ) availability : available for instant download ! coupon code : mtiyn sales rank : # 1 system requirements | other versions date coupon expires : august 31 st , 2005 average customer review : based on 1144 reviews . write a review . adobe photoshop cs 2 v 9 . 0 adobechoose : view other titles list price : $ 599 . 00 price : $ 69 . 99 you save : $ 529 . 01 ( 90 % ) availability : available for instant download ! coupon code : a 6 ogcgbh sales rank : # 2 system requirements | other versions date coupon expires : august 31 st , 2005 average customer review : based on 105043 reviews . write a review . microsoft windows xp professional or longhorn edition microsoftchoose : view other titles list price : $ 279 . 00 price : $ 49 . 99 you save : $ 229 . 01 ( 85 % ) availability : available for instant download ! coupon code : lussv sales rank : # 3 system requirements | other versions date coupon expires : august 31 st , 2005 average customer review : based on 1796 reviews . write a review . adobe acrobat professional v 7 . 0 adobechoose : view other titles list price : $ 499 . 00 price : $ 69 . 99 you save : $ 429 . 01 ( 85 % ) availability : available for instant download ! coupon code : m 8 kb 2 xxm sales rank : # 4 system requirements | other versions date coupon expires : august 31 st , 2005 average customer review : based on 107780 reviews . write a review .",1 +"Subject: fast ship viagra , phentermine , etc . . . riym we ship worldwide within 24 hours ! no waiting rooms , drug stores , or embarrassing conversations . our licensed pharmacists will have your order to you in 1 or 2 days ! click this link to get started today ! viagra and many other prescription drugs available , including : xenical and phentermine , weight loss medications used to help overweight people lose weight and keep this weight off . valtrex , treatement for herpes . propecia , the first pill that effectively treats male pattern hair loss . zyban , zyban is the first nicotine - free pill that , as part of a comprehensive program from your health care professional , can help you stop smoking . claritin , provides effective relief from the symptoms of seasonal allergies . and much more . . . cilck this link to get started today ! to be extracted from future contacts visit : http : / / worldrxco . com / remove . php flierguy 49 _ 2000 http : / / xent . com / mailman / listinfo / fork",1 +"Subject: fca offrr hello , welcome to strengthen pharmonline s preternatural hop - one of the leading on wheatstone iine pharmaceutical shops sesterce v seadog g messroom al crocodile ll l mounted a r roadster ac fusible l catenae isv calorie a u fasten m andmanyother . - save over 5 diaper 0 % - worldwide shl beforehand pplng - total confidentia headcheese iity - ov parterre er 5 miiiion customers in 130 countries have a arithmetician nice day !",1 +"Subject: in the heart of your business ! corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes only several seconds for your company to be remembered or to be iost among competitors . get your logo , business stationery or website done right now ! fast turnaround : you wiii see severai ioqo variants in three business days . satisfaction quaranteed : we provide uniimited amount of chanqes ; you can be sure : it wili meet your needsand fit your business . fiexibie discounts : loqo improvement , additional formats , buik orders , special packages . creative design for competitive price : have a look at it right now ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: watch this penny stox trade big news expected . this should invoke large gains . this stox will explode . do not wait until it is too late . new news expected this comming week . expected 7 day price $ 9 . 00 ( sym . bol : cwtd . ob ) price : $ 2 . 17 short term target : $ 10 - $ 13 12 month target : $ 24 press release china world trade corporation announced strategic partnership with the foundation for globalization cooperation tuesday june 7 , 8 : 20 am et tianhe , guangzhou , china , june 7 / xinhua - prnewswire / - - china world trade corporation ( otc bulletin board : cwtd . ob - news ) , announced today that the ceo clubs china limited ( "" ceo clubs "" ) , a subsidiary of cwtc , signed a strategic alliance agreement with the foundation for globalization cooperation ( ' ' fgc ' ' ) . under the agreement , ceo clubs will represent fgc for merchandising and selecting sponsors under certain conditions for the world culture diversification forum and the third global cooperation forum , which will be held in november 2005 , in hangzhou , china . china world trade corporation co - hosts the 2005 guangdong , hong kong , macau wtcs golf tournament a $ 1 , 000 dollar investment could yield a $ 5 , 000 dollar profit in just one trade if you trade out at the top . cwtd . ob should be one of the most profitable stocks to trade this year . in this range the stock has potential to move in either direction in bigs wings . this means you should be able to buy at the lows and sell at the highs for months to come you could make $ $ $ thousands of dollars $ $ $ trading . chms over and over again . cwtd . ob is also on the reg sho threshold list , this means someone is short the stock . any significant volume spike in cwtd . ob could yield drastic results . if the people that are short have to cover , they will be buying the shares from you at higher prices . this makes this stock a triple play for profits ! ! ! for pennies you can participate in a stock that could yield results over and over again just based on the trading patterns . if the company is able to effectuate it . s business model , watch out ! ! ! we could see a great story in the making . good luck and trade out at the top ! ! ! ! disclaimer : information within this email contains "" forwardlooking statements "" within the meaning of section 27 aof the securities act of 1933 and section 21 b of thesecurities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beliefs , plans , projections , objectives , goals , assumptions or future events or performance are not statements of historical fact and may be "" forward looking statements . "" forwardlooking statements are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which could cause actual results or events to differ materially from those presently anticipated . forward looking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" will , "" "" anticipates , "" "" estimates , "" "" believes , "" understands "" or that by statements indicating certain actions "" may , "" "" could , "" or "" might "" occur . risk factors include general economic and business conditions , the ability to acquire and develop specific projects , the ability to fund operations and changes in consumer and business consumption habits and other factors overwhich the company has little or no control . the publisher of this newsletter does not represent that the information contained in this message states all material facts or does not omit a material fact necessary to make the statements therein not misleading . all information provided within this email pertaining to investing , stocks , securities must be understood as information provided and not investment advice . the publisher of this newsletter advises all readers and subscribers to seek advice from a registered professional securities representative before deciding to trade in stocks featured within this email . none of the material within this report shall be construed as any kind of investment advice or solicitation . many of these companies are on the verge of bankruptcy . you can lose all your money by investing in this stock . we urge you to read the company ' s sec filings now , before you invest . the publisher of this newsletter is not a registered invstment advisor . subscribers should not view information herein as legal , tax , accounting or investment advice . in compliance with the securitiesact of 1933 , section 17 ( b ) , the publisher of this newsletter is contracted to receive six hundred thousand free trading shares from a third party , not an officer , director or affiliate shareholder for the circulation of this report . be aware of an inherent conflict of interest resulting from such compensation due to the fact that this is a paid advertisement and is not without bias . the party that paid us has a position in the stock they will sell at anytime without notice . this could have a negative impact on the price of the stock , causing you to lose money . all factual information in this report was gathered from public sources , including but not limited to sec filings , company websites and company press releases . the publisher of this newsletter believes this informationto be eliable but can make no guarantee as to its accuracy or completeness . use of the material within this email constitutes your acceptance of these terms .",1 +"Subject: * * your account may suspend * * dear paypal member , you have received this email as part of a verified paypal campaign meant to increase security for your credit card against online credit card fraud . verified paypal has detected that you have been using this email address for online purchases and in order to protect yourself against online credit card fraud we would like to introduce you to a new system that will protect you against frauds . you can associate your email address to your credit card and receive a password that you will use for any online purchase . also you will be notified by verified paypal when an online purchase is made . follow the below and go to verified paypal . you can join the verified paypal system or learn more about this . ",1 +"Subject: did yoou need medz ? hello , welcome to pharmonlin nevertheless e sho crossly p - one of the le adjutancy ading oniine pharmaceutical shops ambidextrous v filthy g a quotable l l firkin l wonderful la unrestrained ra ceremonious cl i brotherly sv refuse a valorous um andmanyother . - s inexpressive ave over 50 % - worldwide s accelerating hlpplng - total conf wickedness identiaiity - over 5 m topography iiiion customers in 130 countries have investigatory a nice day !",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( qerman , french , spanish , uk , and many others ) . all listed software is availabie for immediate downioad ! no need to wait 2 - 3 week for cd deiivery ! just few exampies : - norton internet security pro 2005 - $ 29 . 95 - windows xp professionai with sp 2 fuil version - $ 59 . 95 - corei draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 includinq ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native ianquage ! best reqards , maynard ",1 +"Subject: entrust your visual identity to us thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom design of iogos , stationery and web - sites . under our carefui hand thesepowerfui marketing toois wiil bring a breath of fresh air into your business and make you stand out amongthe competitors . you are just a ciick away from your future success . ciick here to see the sampies of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: important : $ 97438 dear homeowner , you have been pre - approved for a $ 300 , 000 loan at a low fixed rate . this offer is being extended to you unconditionally and your credit is in no way a factor . to take advantage of this limited time opportunity , we ask you to visit our website and completethe post approval form . http : / / www . kxxjn . com / i / lzevaw 5 8 zymg 5 rodger pereiraru patrick financial group - - - - - - - - - - - - - - - - - - - - - - 9 : fadzilah chloride belgrade airway gaconniehttp : / / www . kxxjn . com / rem . php . . . not interested",1 +"Subject: need a graphic artist ? come here . thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom desiqn of logos , stationery and web - sites . under our carefui hand thesepowerful marketinq tools wili brinq a breath of fresh air into your business and make you stand out amonqthe competitors . you are just a ciick away from your future success . ciick here to see the samples of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: our medz how to save on your medlcations youthful over 70 % . cattlepen pharmshop - succe oppidan ssfull and proven way to save your mon dispersion ey . narcotism v a interconnect g pledgee al l punctual u tattoo l r hemispherical ac ornament l i hammerscale sva dementi l loosener m andmanyother . best p macrocosm rlces . worldwide sh newgate lpplng . easy order liveried form . total c mysticism onfidentiaiity . 250 , 000 s aphrodite atisfied customers . order today and s weathered ave !",1 +"Subject: computer file protection dear hulkjr , want the best in computer file security ? in today ' s society of computer hacking , identity theft and general snooping , it is more important than ever to take precautions to protect your privacy . the internet is by far the preferred manner of communication in today ' s fast paced world . it does , however , present privacy concerns when communicating personal or confidential information . it also provides computer hackers an extensive playground , with your identity and financial information as the grand prize . lock & key encrypter is the perfect solution to these privacy concerns . this affordable , easy to use software encrypts your computer files for safe storage or transmittal over the internet . don ' t become a victim . protect your privacy and your financial well being . order today ! this is a limited time offer at this amazing low price $ 19 . 99 visit our secure website for an in - depth look at this product : http : / / www 299 . fastwebsnet . com to be eliminated from future marketing : ",1 +"Subject: commercialization of nasa technology hey , i thought you might like to take a look at viaspace the cohen report viaspace was founded in 1998 as a spin - off of the caltech / nasa jet propulsion laboratory ( jpl ) to transform technologies originally developed for space and defense markets into profitable commercial enterprises . viaspace seeks opportunities in high growth markets delivering on problems with growing global relevance by leveraging unique expertise not available elsewhere in the commercial world . viaspace sees a compelling business opportunity in the homeland security public safety and fuel cell markets . viaspace target markets are in excess of $ 100 b / yr and growing with a cagr of over 20 % . in the past six years viaspace has created three companies , spectrasensors , qwip technologies and vialogy corp . their websites provide a background on the commercialization of nasa technology , ( spectrasensors . com , qwip . com , vialogy . com ) . the company ' s current focus is on three subsidiaries , direct methanol fuel cell , arroyo sciences and ionfinity . direct liquid methanol fuel cell direct methanol fuel cell corporation ( dmfcc ) will provide disposable methanol fuel cell cartridges for tomorrow ' s fuel cell - powered portable electronic devices such as laptop computers and cell phones . methanol fuel cells ( dfmc ) are expected to replace lithium ion batteries in portable electronic devices . a dfmc can power a laptop for up to 10 hours on a disposable cartridge that costs $ 2 to $ 3 . a smaller cartridge can power a cell phone for up to 3 weeks . we believe consumers will spend a few extra dollars for the convenience of keeping their cell phones and other electronic devices operating . as a disposable product , it generates recurring revenue for dmfcc . the technology is protected by over 70 issued and pending patents . toshiba , nec , sanyo , and samsung have unveiled prototype fuel cell powered products that more than double the operating time over existing battery technology . dmfcc has opened a tokyo office to work closely with japanese manufacturers . arroyo sciences , inc . arroyo focuses on the fusion of radio frequency , nuclear and electromagnetic imaging to deliver information products in transportation , supply chain , security , logistics assurance and first responder safety markets . the micro tracker product enables a wireless tracking for first responders in hazardous environments . this product combines radio frequency identification ( rfid ) tags , wireless digital communications , ground positioning satellite ( gps ) , data for 2 - d and 3 - d geolocation determination , geographic information system ( gis ) and sensor technologies . real - time processing of many high data content inputs is required for the instantaneous assessment of danger . applications include improved safety for fire department personnel in emergency situations , improved coordination of multi - agency deployments and extended operations in hazardous environments . the cobra product uses the imaging and sensing technology to provide early threat indicators for coastal surveillance and public infrastructure protection such as ports , power plants , airports , and telecommunication facilities . real time sensory and image data is processed and software is customized to discriminate between friend and foe . deepscan is a software system that provides automatic analysis of air and seaport cargo containers based on x - ray and gamma ray imaging . arroyo is currently using deepscan for bomb and hazardous material detection in cargo . ionfinity ionfinity has developed the next generation mass spectrometry ( ms ) technology that is 10 times more sensitive than existing ms , with a 10 times increase in mass range . higher sensitivity enables the comprehensive monitoring and detection of biological , chemical and nuclear contaminants . the current market for ms is estimated at $ 1 . 2 billion annually . the compact size and rugged portability will expand the market . new applications include enabling port inspection personnel to detect traces of contraband , epa air quality monitoring and assisting in hazardous material clean up . additional projects under review projects not included in our forecast are ( 1 ) a water purification technology and ( 2 ) interactive radio . the water purification system displays impressive statistics in that it can convert brackish , sewage or industrial wastewater into ultra - pure water . the water system is scalable from house to municipal usage and will last 25 years while requiring minimal maintenance . the interactive radio enables a listener to receive emails or web sites delivered in response to what is broadcast . the radio station essentially receives input from listeners that could enhance advertising and improve vertical market focus . forecasts and valuation we expect revenues for dmfcc will be driven by ( 1 ) increasing wireless usage of computing devices and ( 2 ) the existing need to extend cell phone battery life . we expect revenues for dmfcc will commence in 2007 and grow to $ 195 million by 2009 . homeland security expenditures on airport and seaport security will be a primary revenue driver for arroyo sciences , which will begin to generate revenues in 2005 , and will grow to $ 90 million in 2009 . we expect commercial revenues for ionfinity will commence in late 2007 , and will be $ 10 million in 2009 . beyond 2009 , total revenues will grow at a 60 % to 80 % rate for several years from existing and new products . contracting with existing manufacturers , we expect operating margins will be in the low 40 % range by 2009 . our initial forecasts indicate a fair value range from $ 8 . 40 to $ 11 . 10 based on the projected growth for the 2009 to 2012 timeframe . the graph below outlines our valuation analysis . directors and management dr . carl kukkonen , is the ceo and founding partner . dr kukkonen was director for space microelectronics and manager of supercomputing at caltech / jpl , where he worked for 14 years . prior to jpl , dr . kukkonen was the leading expert on hydrogen as alternative fuel at ford motor company . aj abdallat , coo , and vp of business development has been with viaspace since inception , after working in business development at hewlett - packard and control data corporation . dr . sandeep gulati has been with viaspace since 2000 . during the prior 12 years , dr gulati was head of the ultracomputing technologies at nasas jpl . dr . gulati is the developer of the revolutionary signal processing technology , qri . viaspace overview viaspace was formed in july 1998 with an objective of transforming technologies from caltech / nasa ' s jet propulsion laboratory and other advanced technology centers into profitable commercial enterprises through its strong connections with the advanced technology community . through its three subsidiaries - - arroyo sciences , ionfinity , and direct methanol fuel cell corporation ( dmfcc ) - - viaspace has a diversified high tech portfolio that includes microelectronics , sensors , homeland security public safety , energy / - fuel cells , information computational technology , rfid , e - finance , and mobile e - commerce . viaspace develops proven space and defense technologies into hardware and software products that fulfill high - growth market needs and solve today ' s complex problems . viaspace benefits from important licenses and strategic relationships with caltech / nasa ' s jet propulsion laboratory and other universities research laboratories . the viaspace team has a proven expertise for the successful commercialization of innovations in information technology , physical science and life sciences developed at academic research institutions and national laboratories . the company currently focuses on technologies originally developed for nasa and the us department of defense that have already reached a certain stage of maturity . initial investments in these technologies amount to millions of dollars and many years of rd , enabling viaspace to manage the commercialization process with only a modest additional investment and greatly reduced technical risk . viaspace couples exceptional technology sourcing and validation capability with a demand - driven process of market validation . decisions about technology transfer and product development are based , first and foremost , on market needs . in addition to our internal expertise , viaspace benefits from the domain expertise of leading experts that serve on our scientific and business advisory boards and from an informal global network of researchers , technology analysts , and technology professionals and investors that would be hard to replicate . in the last six years , viaspace and its subsidiaries have secured more than $ 30 million in venture financing and strategic investment . initial investors include hewlett packard , divine interventures , los angeles county community development commission , blueprint ventures , the united company , bioprojects international , forrest binkley brown , american river ventures , and nth power . viaspace has spawned 3 companies : spectrasensors ( www . spectrasensors . com ) , qwip technologies ( www . qwip . com ) , and vialogy corp ( www . vialogy . com ) . these companies , currently at various stages of maturity , are positioned within high growth markets and poised for profitability . today , viaspace focuses its effort on its three subsidiaries - - arroyo sciences , ionfinity , and direct methanol fuel cell corporation ( dmfcc ) - - and on new high technology opportunities . view full report view full report to join market movers mailings press here to find out more . 2400 lincoln ave altadena , ca 91001 safe harbor statement this information is a paid advertisement . any views expressed herein are provided for information purposes only and should not be construed as an offer , an endorsement , or inducement to buy or sell securities . bronks communications , inc . ( bci ) received compensation for printing and distributing this ad from a third party as an effort to build investor awareness about viaspace inc . ( vspc ) . the compensation is one hundred thousand dollars . this compensation constitutes a conflict of interest as to bci ' s ability to remain objective in our communication regarding vspc . bci owns 1 , 000 shares of common stock in vspc . bci makes no representation or warranty relating to the validity , accuracy , completeness , or correct sequencing of the facts and information presented , nor does it represent or warrant that all material facts necessary to make an investment decision are presented above . factual statements contained in this ad are subject to change without notice . past performance does not guarantee future results . bci is not a registered investment advisor , broker or dealer . all statements of opinion , if any , are those of the analysts , who relied on information believed to be reliable , such as vspc ' s public filings , business documents , and its web sites . the analysts ' reports are for information purposes only . the analysts were contracted by bci to write their reports and were paid a total of fifteen thousand five hundred dollars . independent analyst reports in this ad do not constitute an individualized recommendation to you to buy or sell a particular security . any opinions , estimates , or forecasts about vspc or predicted performance made by the analysts in this ad are theirs alone and do not represent opinions , forecasts or predictions of bci . interested persons must obtain the analysts ' full reports on their own . the analysts ' reports do not purport to be complete and are not intended to be used as a primary basis for investment decisions . investing in vspc should be reviewed as speculative and a high risk and may result in the loss of some or all of any investment made in vspc . further specific financial information , filings , and disclosures , as well as general investor information about publicly traded companies are available at the securities and exchange commission website www . sec . gov and www . nasd . com . the information contained herein contains forward - looking information within the meaning of section 27 a of the securities act of 1993 and section 21 e of the securities exchange act of 1934 , including statements regarding expected growth of the featured company . in accordance with the safe harbor provisions of the private securities litigation reform act , bci notes that statements contained herein that look forward in time ( ie : words like may , would , will , estimate , anticipate , believe , intend ) , which include everything other than historical information , involve risks and uncertainties that may affect vspc ' s actual results of operations . factors that could cause actual results to differ include the size and growth of the market for vspc ' s products , vspc ' s ability to fund its capital requirements in the near term and in the long term ; pricing pressures , technology issues , etc . media matrix 7025 county rd . 46 a dte 1071 # 349 lake mary , fl 32746 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: re : money issues ygr repair your credit online ! it ' s the online credit breakthroughyou ' ve been waiting for ! in less than 5 minutes , directly from the comfort + convienience of your computer , yp 5 a 9 d 3 tsj 53 xfocwg 6 oflwjwsonnkigarhp 91 8 qyfvkpfqgknfyou could be repairing your credit ! you can watch daily real time updates , as you fix your problems get the information you need quickly and efficently to remove the negative credit items from your report ! click here for more informationthank you - the web credit ( tm ) team yp 5 a 9 d 3 tsj 53 xfocwg 6 oflwjwsonnkigarhp 91 8 qyfvkpfqgknf",1 +"Subject: selling travel in today ' s economy good morning ! since it may have been awhile since you visited us atwww . mailpound . comi wanted to update you on what is happening . when we launched the mailpound almost two years ago , our focus was on saving time , toner and treesby providing an alternative fororganizing the huge number of faxes suppliers sent travel agents each week . our most popular feature was the fam section , followed by the weekly sweepstakes . but that has changed . like many involved in selling retail travel , we have been striving to find ways to succeed in a challenging environment . additional commission cuts , the aftermath of 9 / 11 , and the drop in the stock market , has had a cumulative effect on all of us . to survive , to succeed , we know that we will need to work harder , work smarter , and work together . we have gotten a tremendous amount of support from travel agents and this has translated into the ability to get more support for travel agents from suppliers . our focus has expanded from providing a resource for searching supplier special offers to providing a suite of tools and services that can create sales and raise commissions . almost all of these services are supplier supported and free to travel agents . actively seek out the beste - commerce values helpyou market special offers to your clients host personal web sites for travel agents with mailpound content * offerhigher commissions through consolidation organize sales incentives from suppliers provide new technology for fast and easyonline bookings provide your clients with the ability to book through you , online * mpdirect services are offered for $ 9 . 95 / month we invite you to visit us soon at www . mailpound . comor check out the links shown below . see how the free services we offer the travel agent community can help you succeed . the summer is almost over , now is the time to prepare for the upcoming selling season . for more information regarding higher commissions and booking online : www . mailpound . com / bliss _ intro . htm for more information about your personal web site : www . mailpound . com / mpdirect to register free at mailpound : www . mailpound . com / registration / sincerely , bob maier , president smart travel technologies , inc . rmaier @ smart 2000 . com 856 - 983 - 6100 ext . 101 12 east stow road , suite 210 marlton , new jersey 08053 if you do not want to receive these messages in the future , please reply to this message with remove in the subject line . http : / / xent . com / mailman / listinfo / fork",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , vesta ",1 +"Subject: does financial freedom interest you ? easy 30 - 50 % return ? learn how you can receive a monthly check for 3 , 4 , or 5 % a month until your initial investment is paid off . . . then a monthly check for over 4 % a month for years to come . . . we know it sounds impossible , but it ' s happening today . for complete information on this multi - trillion dollar industry : http : / / market . pakoa . com / cl 6 to opt out : please go to our "" "" opt - out "" "" website : [ jk 9 ^ "" : } h & * tgobk 5 nkiys 5 ]",1 +"Subject: wanna be more man ? check this dude penis enhancement patch , doctor approved and recommended . http : / / www . siratu . com / ss / come not within the measure of my wrath . the enthusiasm of a woman ' s love is even beyond the biographer ' s . silence is the most perfect expression of scorn . distrust and caution are the parents of security . it ' s only after we ' ve lost everything that we ' re free to do anything .",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactiy when you want . cialis has a lot of advantages over viagra - the effect iasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with alcohol ! we ship to any country ! get it right now ! . ",1 +"Subject: i can see your on dialup how are you , if your a dial - up user , you know how slow it can be to surf the web or download anything . turbonet pro is your solution ! turbonet pro has the "" g 3 "" ( 3 rd generation ) technology speeding up dialup , with a less than 1 minute install time , and generally speeds up dial - up speeds by 5 times ! who says you need cable / dsl to get high speeds ? get a sample here : click 4 express . com ttyl , faris d . marianne , jr projecthoneypot @ projecthoneypot . org goodbye ! c l i c k 4 e x p r e s s . c o m / r lots of times you have to pretend to join a parade in which you ' re not really interested in order to get where you ' re going . - christopher darlington morley ( 1890 - 1957 ) . joe ' s girlfriend generally misses laughing . . she has disliked cooking for a day or two . . minds are like parachutes . they only function when they are open . - sir james dewar , scientist ( 1877 - 1925 ) . the secret of life is honesty and fair dealing . if you can fake that , you ' ve got it made . - groucho marx ( 1890 - 1977 ) . cheese burger and cheese fries . . . . mmmmm .",1 +"Subject: we will guide you thru all of the answers to your questions about laser vision correction . there ' s a good chance you could throw your glasses and contacts away . information for you now . flhdzgxo",1 +"Subject: let ' s stop the mlm insanity ! still believe you can earn $ 100 , 000 fast in mlm ? get real ! get emm , a brand new system that replaces mlm with something that works ! start earning 1 , 000 ' s now ! up to $ 10 , 000 per week doing simple online tasks . free info - breakfree @ luxmail . com - type "" send emm info "" in the subject box . this message is sent in compliance of the proposed bill section 301 . per section 301 , paragraph ( a ) ( 2 ) ( c ) of s . 1618 . further transmission to you by the sender of this e - mail may be stopped at no cost to you by sending a reply to : "" email address "" with the word remove in the subject line .",1 +"Subject: goodd offr how to save on your lengthy medlcations over 70 % . ph snaggy armshop - successfull and proven way to sa surcingle ve your saddlefast money . saddlebow v a annulary g a conveyance l thirteen lu survival l r ceremonious a psychology cl i airworthiness s overlaid val collie m andmanyother . bes hurdling t prlces . worldwide shlpp gossamer lng . easy o counterblow rder form . total confidentiaiit president y . 250 , 000 satis cellarage fied customers . order today and sav overweening e !",1 +"Subject: neugierig ? - - - - 870879228701464 content - type : text / plain ; content - transfer - encoding : quoted - printable was sich in diesen familien zwischen mutter und tochter abspielt , ist eigentlich ein absolutes tabu , aber gerade deshalb auch so geil ! wir haben die heissesten muttis mit ihren jungen toechtern beim geilen sex gefilmt und fuer dich ins netz gestellt ! http : / / www . anythingforyou . cc geile vibratorspiele , heisse zungenakrobatik oder auch mal vorsichtiges fisting - wenn mutter und tochter es hier miteinander treiben , dann prickelt es richtig . http : / / www . anythingforyou . cc erlebe die geilen inzestspiele , den hauch des verbotenen und erlebe das letzte grosse tabu in deutschen schlafzimmern hautnah ! http : / / www . anythingforyou . cc sie wollen unseren newsletterservice abbestellen ? http : / / www . anythingforyou . cc / revoke . php - - - - 870879228701464 - -",1 +"Subject: http : / / www . joelpittet . com hello , i have visited www . joelpittet . com and noticed that your website is not listed on some search engines . i am sure that through our service the number of people who visit your website will definitely increase . seekercenter is a unique technology that instantly submits your website to over 500 , 000 search engines and directories - - a really low - cost and effective way to advertise your site . for more details please go to seekercenter . net . give your website maximum exposure today ! looking forward to hearing from you . best regards , vanessa lintner sales marketing www . seekercenter . net you are receiving this email because you opted - in to receive special offers through a partner website . if you feel that you received this email in error or do not wish to receive additional special offers , please enter your email address here and click the button of remove me : ",1 +"Subject: free tv - 100 % legal good day to you sir , never pay for ppv sports , movies , adult channels , ondemand , ever again ! get yourself a 54 mhz cablefilter for your t . v . then start saving on your cable bills ! it ' ll pay for itself by your next bill ! goto our page below our page : click 2 out . com regards , thaddeus adams no : c l i c k 2 o u t . c o m / r",1 +"Subject: we dare you to find a better annuity call today for more information ! - or - please fill out the form below for more information name : e - mail : phone : city : state : * 5 . 40 % for deposits of $ 100 , 000 and up , 5 . 25 % interest for deposits totalling $ 25 , 000 - $ 99 , 999 . we don ' t want anyone to receive our mailings who does not wish to receive them . this is a professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insuranceiq . com / optout legal notice ",1 +"Subject: need an outstanding logo now ? working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buiiding a positive visuai image of your company by creating an outstanding logo , presentable stationery items and professional website . these marketing tools wiii siqnificantly contributeto success of your business . take a look at our work sampies , hot deai packages and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . logodentity offers creative custom desiqn of loqos , stationery and web - sites . under our careful hand these powerfui marketing tools wili brinq a breath of fresh air into your business and make you stand out amonq the competitors . you are just a click away from your future success . click here to see the samples of our artwork , check our prices and hot offers",1 +"Subject: your e - mail to anvasetc - 1111 @ groups . msn . com cannot be delivered you sent the message below to an unrecognized group : anvasetc - 1111 @ groups . msn . com to check for the correct e - mail address of a group you belong to : 1 . go to the group ' s "" what ' s new "" page . 2 . click "" my e - mail settings "" under the tools area on the upper right side of the page . to learn more about msn groups or for further assistance , please see our help area . thanks , msn groups",1 +"Subject: on line gaming report special online issue investment news and indepth reports high growth investing online gaming report : ggts company ceo interviewsemerging technologies new trends to watchindustry statistics are americans and the rest of the world becoming addicted to online gaming ? analysts predict over $ 14 billion dollars a year will go to online casinos . gaming stocks may be set to explode ! read the full report click here ! includes inside : company profile : gaming transactions inc . this publicly traded company looks like it has what it takes to become a big player in the online gambling world . could it be the next payoff for investors ? . . . more the online gambling market given the rate at which this market is expanding across the planet , the outlook for the online gaming industry looks very positive . do the numbers add up for investors ? . . . more how big could it get ? online gaming has become a seriously big business , with shares in some companies increasing by up to eight times inside a year . . . . more pick of the month : ggts gaming transactions operates in one of the fastest growing industries around and has an experienced management team . early investors , who get in before the institutional investors , could make a fortune . . . . more read the full report click here ! investors are making huge gains as the world bets online . could gaming transactions inc . ( gtts ) be the next stock to rock ? recently , we read an article in the economist that highlighted online gaming and how it has become a socially acceptable form of entertainment . over the next few days , as we thought about what sort of impact this trend could have , we started to notice that online gambling was being discussed all over the media - in newspapers , online and on television . it became obvious to us that more and more people were jumping on the internet to bet on games . we also came across some staggering statistics . merrill lynch , for example , has predicted that gambling has the potential to account for a full 1 % of global economic activity ! another source , ecommercetimes . com , recently reported that the scope of this business is so enormous that some have even claimed that it is the single most important factor in the growth of e - commerce . the online gaming industry , in other words , appears to be booming , and it may be an ideal time to is time to invest . we decided to find out who the key players were in the business . after speaking with a number of industry insiders , the trail led us to an emerging , publicly traded company called gaming transactions inc . ( ggts ) . after a close look at ggts , we decided that this company could produce huge returns on investment in the upcoming months . although ggts is a new company , it has some surprisingly experienced players at the helm an uncommon thing to find in an industry only ten years old . the company has come out with online versions of the addictive game keno . and its management team was smart enough to secure the rights to the keno . com website , which , if youre marketing keno , is as good as it gets . keno has the widest spread for the house of any mainstream gambling game . ggts is also about to launch a suite of other online gambling games , including poker and sports - book betting . once it offers these popular games , and given that it already has keno . com online , the company could bring in great revenues , attracting a lot of attention in the investment community and driving up its stock price . after a successful north american launch , gaming transactions inc . ( gtts ) has translated its games into chinese and is about to hit asia . this initiative looks like a wise business decision : many analysis anticipate that china will be the biggest source of online gambling revenue by 2007 , so the company could be poised for massive expansion in terms of both profits and global reach . what does all this tell us ? a brand new company , a popular , well - known game , one of the biggest spreads for the house , a growing market , experienced management , and a stock price that is trading under a dollar it adds up to the potential for huge gains for early investors . if youre interested in more information on the market and gaming transactions inc . , click here to read a free ten - page report . . . to join market movers mailings http : / / ggtsstock . com to find out more . first source data inc . 4535 west sahara ave # 217 las vegas nevada 89102 disclosure and disclaimer investment news indepth reports ( hereinafter inir ) , operated by first source data , inc . ( hereinafter fsd ) , is a business news publication of regular and general circulation . this issue is not a research report , does not purport to provide an analysis of any companys financial position , and is not in any way to be construed as an offer or solicitation to buy or sell any security . gaming transactions inc . ( hereinafter ggts ) is the featured company . fsd managed the publishing and distribution of this publication . the information contained herein is being republished in reliance on statements made by ggts management , and publicly disseminated information issued by third parties regarding ggts and the online gaming industry , which are presumed to be reliable , but neither fsd nor its editors , employees , or agents accept any responsibility for the accuracy of such statements or information , or the contents herein which are derived therefrom . readers should independently verify all statements made in this advertisement . fsd has received compensation for the production and distribution of this newsletter . the compensation received is in the amount of one hundred and twenty eight thousand dollars and was received from accelerated capital limited ( hereinafter acl ) for this advertising effort . acl is a shareholder of ggts . because fsd received compensation for its services , there is an inherent conflict of interest in the statements and opinions contained in this newsletter and such statements and opinions cannot be considered independent . internet - based companies , and those involving online gaming in particular , are almost always very high risk investments , and investors should be aware that they could potentially lose any investment made in such companies in its entirety . we strongly encourage readers to undertake their own due diligence to decide the best course of action in connection with any investment decision that they might make . any investment should be made only after consulting with a qualified investment advisor . media matrix 7025 county rd . 46 a dtel 071 # 349 lake mary , fl 32746 this e - mail message is an advertisement and / or solicitation .",1 +"Subject: this stock rumored to fly special situation alerts hot pick of the year environmental remediation holding corp . ( otcbb : erhc ) urgent buy : $ . 17 sell target : $ 1 . 25 investor alert : erhc enters into joint - venture license agreement with schlumberger ltd ( nyse : slb , $ 60 ) and baker hughes , inc . ( nyse : bhi , $ 40 ) for seismic data on some of the richest offshore oil blocks where erhc controls a huge working interest ! investors - we have found the hidden gem : ( otcbb : erhc ) ! erhc ' s joint - venture with schlumberger and baker hughes puts them in world - class company with these leaders in oil exploration and reservoir imaging services . the involvement of slb and bhi reinforces the $ multi - billion dollar value that has been placed in this offshore drilling haven . erhc ' s goal is to maximize shareholder value from existing contractual rights , making them a significant player in this region . the big money rolls in : the seismic data from this joint - venture is being made available for further involvement by the largest oil companies in the world over the next 2 weeks ! ! bidding wars have already developed between major oil companies suchas : shell , chevron / texaco , conoco , exxon / mobil , philips , and marathon who are willing to pay $ hundreds of millions to drill in these zones and partner with erhc . stock set to explode on earnings boom : erhc ' s exclusive right to participate in exploration and production along with oil industry giants could be worth up to $ fifty million as these oil blocks are adjacent to billion barrel producing regions ! special situation alerts ' newsletter offers valuable research that builds your wealth . we target serious gains for serious investors with a 700 % investment return on erhc . disclaimer : certain statements contained in this newsletter may be forward - looking statements within the meaning of the private securities litigation reform act of 1995 . these statements may be identified by such terms as "" expect "" , "" believe "" , "" may "" , "" will "" , and "" intend "" or similar terms . we are not a registered investment advisor or a broker dealer . this is not an offer to buy or sell securities . no recommendation that the securities of the companies profiled should be purchased , sold or held by individuals or entities that learn of the profiled companies . this is an independent electronic publication that was paid $ 10 , 000 by a third party for the electronic dissemination of this company information . be advised that investments in companies profiled are considered to be high - risk and use of the information provided is for reading purposes only . if anyone decides to act as an investor they are advised not to invest without the proper advisement from an attorney or a registered financial broker , if any party decides to participate as an investor then it will be that investor ' s sole risk . be advised that the purchase of such high - risk securities may resultin the loss of some or all of the investment . the publisher of this newsletter makes no warranties or guarantees as to the accuracy or the completeness of the disclosure . investors should not rely solely on the information presented . rather , investors should use the information provided in this newsletter as a starting point for doing additional independent research on the profiled companies in order to allow the investor to form their own opinion regarding investing in the profiled companies . factual statements made about the profiled companies are made as of the date stated and are subject to change without notice . investing in micro - cap securities is highly speculative and carries an extremely high degree of risk .",1 +"Subject: we are on the look - out for new partners such as you and your company we are on the look - out for new partners such as you and your company whether you want to buy or sell , bluecom danmark a / s is worth closer acquaintance bluecom danmark a / s is a worldwide it - distributor of pc - systems and add - ons . since it ' s foundation in 1992 the company has enjoyed constant growth , and is always on the look out for new partners to cooperate with . we have found you and your company through our internet research , and hope to establish a fruitful cooperation with you in the future . however , we apologies if you are not the correct person to contact within your company , and kindly request that you forward this message to that person . further , if this letter is of no interest to you and your company , please press the "" unsubscribe "" button in this mail . the easiest way to start cooperating with bluecom danmark a / s is through our user - friendly website . if any of the features detailed below are of interest to your company , please click on the link and our cooperation has already begun . customer : would you like the best prices on the market , plus 24 - hour delivery and an incredible 30 days credit ? then maybe you would like to become our partner or customer . we are able to offer the absolute best prices on the market because of our large - scale procurement of a small number of specific products . our range includes products from ibm , compaq and hp options such as notebooks , pcs and monitors . we also offer pc parts such as ram , cpus , vga cards , motherboards , wireless products , original mobile phones and accessories , hard disks , dvd , cd - rw , tft screens , from the following top companies : asus , ecs , abit , creative , intel , amd , u . s . robotics , lg , plextor , belkin , benq , samsung , ibm software and many more . besides delivering at the very best prices , we offer real - time updated prices through our customer lounge , 24 - hour delivery all over europe and 30 days credit . please click here : customers lounge supplier : are you a future supplier to bluecom danmark a / s ? bluecom danmark a / s keeps it suppliers updated on products in demand , the specific volumes on request , and of course the target prices . if you would like to see which products and target prices we are interested in right now , please click here : suppliers lounge everybody : would you like to receive it news ? bluecom danmark a / s offers it news for free . we produce a newsletter with articles covering the changes in our industry , new products , tariff rates and general trends in the it - market . the newsletter also contains information about bluecom danmark a / s and the development of its business partners . please click here : it - news would you like more information about bluecom danmark a / s ? for further information please do not hesitate to contact bluecom danmark a / s . you can also visit our homepage at : www . bluecom . com thanks for your time . we look forward to hearing from you . best regards jens fournais managing director bluecom danmark a / s to unsubscribe from this mailing list , please click here : unsubscribe ( you are subscribed with this e - mail address : fork @ spamassassin . taint . org ) ",1 +"Subject: the man of stteel hello , welcome to the medzonlin direction e - online pharmaceutical sho feverfew p . v escape a warbler um superfluity vi wakeless ra semiconscious ci shriek is l chastisement i contender ag a cringle l andmanyother . inhabited with our shop you get - best pluviometer prlces excellent yellowness service fa humidor st shipping private online orde gestation ring have a nice day .",1 +"Subject: low price software http : / / neonate . setupmefree . com / ? a = 3107",1 +"Subject: 1 - 4 extra inches makes a massive difference my girlfriend loves the results , but she doesn ' t know what i do . she thinks it ' s natural - thomas , ca i ' ve been using your product for 4 months now . i ' ve increased my length from 2 to nearly 6 . your product has saved my sex life . - matt , fl pleasure your partner every time with a bigger , longer , stronger unit realistic gains quickly to be a stud press here the tatars shouted joyfully as they witnessed this marvelous feat and rushed forward to assist in the slaughter ; but the boy motioned them all back address listed above and just see site to be gone from the db the lights from the lanterns dimly showed the way , but it was a gloomy journey , and they were pleased when a broad streak of light ahead assured them they were coming to a second landinghere one side of the mountain had a great hole in it , like the mouth of a cavern , and the stairs stopped at the near edge of the floor and commenced ascending again at the opposite edge he did not wish any more bloodshed than was necessary , and knew that the heaps of unconscious turks around him would soon recover so he stood alone and faced the enemy , calmly knocking them over as fast as they came near ",1 +"Subject: urgent response dear sir / madam , you may be surprised to receive this letter from me , since you don ' t know me personally . i am mrs maria da costa the wife of dr . john da costa , who was recently murdered in the land dispute in zimbabwe , i got your contact through network on line in my search for a reliable and reputable person to handle a very confidential transaction which involves a transfer of a fund to a foreign account and i decided to write you . my late husband was among the zimbabwean rich farmers murdered in cold blood by the agents of the ruling government of president robert mugabe for his alleged support and sympathy for the zimbabwean opposition party controlled by the white minority . before his death he deposited the sum of us $ 15 . 2 million ( fifteen million two hundred thousand us dollars ) to south africa with a security company as if he foresaw the looming danger in zimbabwe . the money was deposited in a din box as valuables to avoid much demurrage from the security company . this money was embarked from the purchase of new machinery and chemical for farms and establishment of new farms in lesotho and swaziland . the land problem arose when president robert mugabe introduced a new land act that wholly affected the rich white farmers and some few blacks vehemently condemned the "" modus operandi "" adopted by the government . this resulted to rampant killing and mob action by the war veterans and some political thugs , precisely ; more than fifty - one ( 51 ) people have so far been killed . heads of governments from the west , especially britain and united states of america have voiced their condemnation of mugabe ' s plan , subsequently , south african development community ( s . a . d . c . ) has continuously supported mugabe ' s new land act , it is against this background that i and my family who are currently residing in south africa have decided to transfer my husband ' s money into a foreign account . as a family , i am saddled with the responsibility of seeking a genuine foreign account , where this money could be transferred without the knowledge of my government who is tactically freezing of our family wealth . and south africa ' s government seems to be playing along with them . i am faced with the dilemma of investing this money in south africa for fear of encountering the same experience in future since both countries have almost the same political history . more so , the south african foreign exchange policy does not allow such investment hence we are seeking for an "" asylum "" . as a business person whom i would entrust my future and that of my family into his hands , i must let you know that this transaction is 100 % risk free and that the nature of your business does not necessarily matter . for your assistance , i will offering you 15 % of the total sum , 80 % for my family while 5 % will be mapped out for any expenses we may incur during the course of this transaction . i wish to invest our part of the money on commercial property based on your advice . finally , all i demand from you is assurance that you will not do away with this money when it finally gets to your personal or company ' s account in your country . if this proposal is acceptable by you , please confirm your interest by contacting us on this phone number + 27724263169 or e - mail address mariadacosta _ 2002 @ yahoo . com best regards , mrs maria da costa ( for the family )",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . loqodentity offers creative custom design of loqos , stationery and web - sites . under our careful hand these powerful marketing toois will brinq a breath of fresh air into your business and make you stand out among the competitors . you are just a ciick away from your future success . ciick here to see the samples of our artwork , check our prices and hot offers",1 +"Subject: viagra - proven step to start something all over again . looking for a specific medication ? let us know what you need ! there is an applause superior to that of the multitudes : one ' s own . winning isn ' t everything , it is the only thing . war is the continuation of politics by other means . we are most alive when we ' re in love .",1 +"Subject: you want to submit your website to search engines but do not know how to do it ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website online otherwise it wiii be invisible virtuaiiy , which means efforts spent in vain . lf you want peopie to know about your website and boost your revenues , the oniy way to do that is to make your site visible in places where people search for information , i . e . submit your website in multipie search enqines . submit your website oniine and watch visitors stream to your e - business . best regards , leopoldowaiton _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: antil co . , ltd . ( bangkok ) antil co . , ltd . ( bangkok ) 731 7 th p . m . tower asoke - dindaeng , bangkok , 10320 thailand tel : + 66 2 6429856 - 7 fax : + 66 26429889 t . a . t . licence no . 11 / 3364 website : www . thaihotel 4 u . com email : info @ thaihotel 4 u . com , antilbkk @ yahoo . com dear sir / madam , this is the warmest greeting from antil co . , ltd . , one of the major tour companies in thailand . we are dedicated to promote thai ' s biggest industry - tourism . it is our great pleasure to inform you the grand opening of our hotel reservation web site www . thaihotel 4 u . com . we would like to invite you to visit our web site that contains hundreds of hotels ' information . rarely do we have the opportunity to also inform you such an attractive pricing of all hotel bookings on this web site . working with other agents around the world has been our powerful support for both our growth and our partners ' for a long time . now we are proudly inviting you to be the partner of www . thaihotel 4 u . com and consider our possible cooperation in group bookings . if you are interested in being our local sales in your area , you are also welcome to contact us at info @ thaihotel 4 u . com for further discussion . we appreciate your kind attention ! yours sincerely , rudet khamchan managing director",1 +"Subject: how will this affect the reporting agency for each account you cancel . why consolidate into a larger obligation or declare bankruptcy when you can legally you ' ve avoided the pangs of starvation for a time , anyhow , so i can leave you with a clear conscience . without more ado , he turned the indicator of the traveling machine and mounted into the air , leaving the turk sitting upon the rocks and staring after him in comical bewilderment 15 .",1 +"Subject: [ wm ] ( no subject ) dear our guests , explore turkey with astartetours ! ! hotel reservations : you will find more than 200 hotels all over turkey , which have been carefully selected . through our reservation system we are able to book more than 1 . 000 hotels arround europe . tours hosted programs , sightseeing tours , escorted tours or cruise programs . we have tours on set dates each year or we can organize special itineraries for the independant traveller or small groups ! ! rent - a - car : travelling on your own pace in turkey ! we have a range of vehicles on offer to choose from . they may be hired in all major cities . your car can be made available at the airport or your hotel for collection ! ! visit our web - site ! ! www . astartetours . com kind regards astarte tours p . s . : if you want to unsubscribe , please sent us an e - mail . this sf . net email is sponsored by : get the new palm tungsten t handheld . power & color in a compact size ! webmake - talk mailing list webmake - talk @ lists . sourceforge . net ",1 +"Subject: innovative and effective design for you ! adqueen is an institute committed to brand planning and designing for enterprises , providing end to end ad services , from plan to design , and finally press . - - - - - - - make maximal use of your marketing fund ! http : / / www . adqueen . com service items : innovative and effective concepts and copy for logo and vi ; website design and building ; poster and drawing ; package of gifts ; exhibitions and shows ; ad designing and printing ; and etc . ( adqueen caters for your needs ! ) ",1 +"Subject: home reps wanted - fortune 500 comp hiring question ? do you want a different job ? do you want to be your own boss ? do you need extra income ? do you need to start a new life ? does your current job seem to go nowhere ? if you answered yes to these questions , then here is your solution . we are a fortune 500 company looking for motivated individuals who are looking to a substantial income working from home . thousands of individual are currently do this right now . so if you are looking to be employed at home , with a career that will provide you vast opportunities and a substantial income , please fill out our online information request form here now : http : / / ter . netblah . com : 27000 to miss out on this opportunity , click here http : / / ter . netblah . com : 27000 / remove . html",1 +"Subject: the best possible mortgage has your mortgage search got you down ? are you frustrated and confused with all the different terms and quotes ? don ' t know who is telling you the truth ? we can solve all your problems . visit our site today and in two minutes you can have us searching thousands of programs and lenders for you . get the truth , get the facts , get your options all in one shot . it ' s absolutely free , and you can be done in only two minutes , so click right now and put your worries behind you ! [ ryte ^ 3247 ( ^ ( pol : kj ) _ 8 j 7 bjk ]",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishinq software from corel , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professional $ 150 adobe premiere pro 1 . 5 $ 90 corel desiqner 10 $ 90 quickbooks 2004 professional edition $ 75 adobe pagemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere eiements $ 125 corel painter lx $ 80 adobe iilustrator cs $ 80 adobe lndesign cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 ulead cooi 3 d production studio 1 . 0 . 1 $ 90 alias motion buiider 6 professional $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop elements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincereiy , alda ",1 +"Subject: 4 for 1 forward stock split - ends monday have a look at this info i just received for hllf halal financial services hllf halal financial services is the first web portal in the united kingdom solely devoted to halal financing methods for muslims and non - muslims globally the british bankers association estimates that the market for islamic mortgages in the uk stands at around $ 9 . 2 billion first name last name phone recent news ! 4 for 1 forward stock split ends monday ! effective tuesday june 28 , 2005 . 4 for 1 forward split ! all shares purchased up until close of business on monday june 27 , 2005 will receive the additional shares . get your shares now monday is the last day ! halal financial services delaware , june 16 , 2005 - - halal financial services ( hllf . pk ) a delaware corporation is pleased to announce the approval by the board of directors of a 4 for 1 forward split of their common shares . this forward split was approved on june 16 th , 2005 by the board . these new shares will be distributed to all shareholders of record as of close of business june 22 nd , 2005 . shareholders of record will receive 3 additional shares of common stock for every 1 share of common stock beneficially owned . on monday june 27 , 2005 halal will be trading under the same symbol and same cusip number . hello investors ! have a serious look at halal financial services symbol hllf , an online halal financial intermediary ifa ' independent financial advisors , whose primary service is to assist the customers to find and select available halal mortgage options that meet their personal needs inline with their beliefs via their portal , halalmortgages . com . halal financial services include providing the customers with the necessary information on the available halal mortgage products , identifying the product which best suits the customer ' s criteria and to assist them with the application process . halalmortgages . com has been running successfully for the past 3 years and has already become the leading intermediary ifa in theuk providing halal mortgages . initially it is forecasted that halalmortgages . com division alone will service in the region of three thousand halal mortgage cases per year generating an average collective mortgage book value of $ 546 million . our services being the first website in the united kingdom solely dedicated to halal mortgages , we provide convenient online services and e - finance solutions . our site is easy to use enabling you to gain advantageous knowledge in a quick and convenient manner twenty - four hours a day , seven days a week . our state - of - the - art technology solutions ensure easy accessibility of up - to - date information . our full - service specialized agents can be contacted through online enquiry , email or by telephone . they are experienced in the islamic finance industry and are kept up to date on the latest terms available for halal mortgages and they are just a phone call or a keystroke away ! halal financial services ( hllf . pk ) a delaware corporation is the world ' s first islamic web portal solely devoted to halal financing methods for muslims and non muslims globally . massive growth potential 2 million muslims , in the uk assume halal gets 20 , 000 of them as clients ( 1 % ) then halal has a book value of over $ 1 billion in loans more importantly a value of $ 219 million on just 20 k customers . which equates to $ 2 . 40 per share evaluation ! what are halal mortgages ? simply put - a mortgage that is structured in a manner which does not accrue riba ( interest ) and is designed according to established islamic financing principles such as ijara or musharaka . recent developments and major upcoming stock driving milestones : 4 for 1 forward stock split with $ 60 million in business in first five months , company is on track to complete $ 500 million plus in new lending buisness over next twelve months . each new customer , with an average mortgage of $ 256 , 000 , represents approximately $ 11 , 000 a year in profit for the lender . closer working relationship with hsbc amanah u . k . services to expand in the future to cover halal financing , halal insurance , halal investments . etc . acquisition halal mortgages . com halal financial services inc ceo tariq mahmood comments : the directors have agreed to split this stock to enhance shareholder value . we look forward to advising our shareholders of exciting new developments in the near future . a hidden gem ? ? do your own research ! and you may see that this company is still under the radar of wall street . read full report stock profile alert for june 26 , 2005 halal financial services ( otcbb : hllf . pk ) existing and emerging financial institutions have been busy developing halal financial products to service the growing demand by a much aware uk muslim population a population which is increasingly affluent , financially astute and at the same time looking to conform their economic life in accordance with the principles of their faith . as the principle of halal financial services is to facilitate a non - interest based transaction along with ethical investment criteria , this also allows non - muslims who believe in this system to use halal financial services as well . initially it is forecasted that halalmortgages . com division alone will service in the region of three thousand halal mortgage cases per year generating an average collective mortgage book value of $ 546 million . within a year of launch , halalmortgages . com aim to be the principal intermediary distributor of halal mortgages in the united kingdom . furthermore , through sister portals such as halalmortgages . com and others , the company intends to offer a host of other halal financial products as they become available , thereby ensuring a diversified product mix . halal financial services company alert company : halal financial services ticker symbol : hllf current price range : . 45 - . 50 ( post split pricing ) exchange : otc industry rating : strong momentum is building ! ! effective june 28 : authorized : 125 , 000 , 000 managment shares outstanding : 60 , 000 , 000 . float : 40 , 560 , 000 total outstanding : 100 , 560 , 000 corporation websites : http : / / www . . com http : / / www . halalmortgages . com read full report timing is everything ! ! hllf . pk investors may learn much more about halal financial services by going to its website . corporation web site - http : / / www . . com or http : / / www . halalmortgages . com to join market movers mailings press here to find out more . safe harbor statement the information contained in this publication is for informational purposes only , and not to be construed as an offer to sell or solicitation of an offer to buy any security . investing in penny stocks should be considered as extremely speculative and risky as it may result in a loss of all or some of your investment . the investor news journal ( inj ) is not a registered investment advisor or broker dealer . inj received compensation for this newsletter service for halal financial services . the compensation is $ 80 , 000 from a non - affiliated third party , cortraunt holdings inc . because inj is receiving compensation for its services , there is an inherent conflict of interest in the statements and opinions and such statements and opinions cannot be considered independent . inj makes no representation or warranty relating to the validity of the facts presented nor does the publisher represent a warrant that all material facts are necessary to make an investment decision presented above . factual statements contained in this publication are made as of the date stated and they are subject to change without notice . this release may contain statements that constitute forward - looking statements within the meaning of sec . 27 a of the securities act of 1933 , as amended , and sec . 21 e of the securities exchange act of 1934 , as amended . the words may , would , will , expect , estimate , anticipate , believe , intend , and similar expressions and variations thereof are intended to identify forward - looking statements . media matrix 7025 county rd . 46 a dte 1071 # 349 lake mary , fl 32746 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: i need your help dear sir , in view of my difficulties and problems in this country , i ' m so pleased to have found someone like you in whom i can confide or at least talk to . my name is stella johnson , a freetown , sierra leone . i am here in senegal as a refugee . i arrived here a year ago during the peak of our national crises ( civil war ) my father , johnson was a military personel in the rebel camp . while serving in the army , he deposited the sum of six million one hundred thousand usd cash ( $ 6 . 1 million us dollars cash ) to my mother for my life inheritance . in a finance and security company here in dakar senegal . he ( my father ) drowned in a river while attempting to cross during a battle with the government troops . i ' m using this opportunity pleading for you to help me retrieve this money and transfer it into your account pending when i will come over to your country for investment . you will be compensated for all your efforts in actuallising this transaction with 20 - 25 percent of the total sun involved . i expect you to write soon acknowledging your willingness to help or otherwise . thanks . yours sincerely , stella johnson",1 +"Subject: free original star wars cards adv : own a unique , one - of - a - kind piece of star - wars history ! exclusively licensed fromlucas film ltd . this innovative new collectible is the first to display an authentic one of kind 70 mm film frame from the star wars / empire strikes back movie containing a one of a kind 70 mm frame in a 7 - 1 / 2 "" x 2 - 3 / 4 "" diamond cut , acrylic , mint collector ' s case . fact : no two frames are alike each film frame is a unique original and will never be reproduced . each fully licensed original film frame is sealed and individually serial numbered with identification codes tamper proof holographic seals to prevent fraudulent duplication . # 50049 lightsaber duel special edition : features the fantastic lightsaber duel between luke skywalker and darth vader . this special edition # 50049 lightsaber duel was only available with the willitts premium package # 50707 , which sold in retail shops for $ 125 . 00 . special , internet offer ! order now and receive the above rare special edition # 50049 lightsaber duel for this special internet price of only $ 19 . 95 ! special bonus with your order , you will receive 10 original 1980 topps star wars / empire strikes back collector cards absultely free ! these are original 1980 topps star wars / empire strikes back collector cards from 22 years ago ! not reprints ! hurry ! please , respond now before our limited supplies are exhausted ! ! your film cell image may differ from the above sample . click here ! you have received this email as an opted - in subscriber , if this is not the case , please click on the following link to be permanently removed from our database . please take me off this list 866 - 667 - 5399 nouce 16822 22 nd avenue northsaint petersburg , fl 33710 - 3918 ",1 +"Subject: massage from bernard from : bernard louis mcarthy esq . , trend services ltd . direct private phone : + 44 7040115431 dear , compliments , and do please accept my highest regards and esteem . this proposal might come to you as a surprise due to the urgent need of a reliable foreigner , i therefore deem it necessary to contact you . i am bernard louis mcarthy , a solicitor at law and the personal attorney to late mr . martin chey a thai nationale residing in johannesburg south africa , hereinafter shall be refered to as my client . on the 22 nd of dec . 2004 , my client , his wife and all their three children travelled to thailand for the christmas holiday . unfortunately , my client mr . chey and all his family died in the most terrible and highly horrible indian ocean ' s tidal wave disaster ( asian tsunami ) of the dec . 26 th 2004 . ever since this tragic and traumatic events , i have made frantic efforts to establish contacts with his relatives , but could not succeed . due to the fact that considering the nature of my clients business dealings , he never presented any name on documentation as his possible next of kin . i am therefore with all sense of humility decided to make contact with you in order to assist in claiming and retrieving the money left behind by my client before the credit house know of his demise and probably get the funds confiscated or even decleared it unserviceable by the finance and credit institution where these funds were deposited . i solicit your urgent assistance and co - operation as a foreigner for easy passage of the funds to your designated bank account . mr . chey was a successful businessman and was involved in cash transactions due to the nature of his business . he was engaged in buying of raw gold and diamond from his suppliers in the mineral - rich equatorial belt of central and southern african countries , after which he sends the consignments to bangkok in thailand for processing and onward shipments to dubia and saudi arabia . the amount of money kept in the custody of the finance and credit house is $ 45 million dollars only . since i have been unable to locate his relatives after all my frantic efforts , i am therefore compelled by this circumstances to seek your consent to present you sir , with my position as his legal advicer as his next of kin or business associate of the deceased so as to enable you receive and collect the above funds . all other further informations to that effect at my disposal will be made available to you upon your consent and the acceptance of the project . the funds when retrieved and successfully secured will be shared thus : myself , the attorney 40 % , yourself the presented next of kin 30 % , while 20 % will go to charity and possibly the tsunami victims through you , in line with my clients belief and support for charity as a great philantropist during his life time , the balance of 10 % will be for contingency expenses to be incured during the process by both parties . i assure you the fullest and absolute co - operation and a hitch free operation in this regards . i equally guarranttee you total protection against any breach of the law in line with my legal profession . you are very free to ask qestions you deem necessary for further clarifications , and please endeavour to always keep secret all informations concering this transaction . your most urgent response will be highly appreciated through my email : ( bernardmcarthy @ myway . com ) in order to avoid my making further contacts . regards , bernard louis mcarthy , esq .",1 +"Subject: hardcore sex & orgies ! ! ! hot girls fucking hard ! ! ! click here to see click here to see click here to see * over 150 , 000 xxx pictures * 125 , 000 + sex videos * 100 ' s of livecams & shows * erotic stories & adult chat rooms * new content added every day ! click here to enter click here to see click here to see click here to see this newsletter is not unsolicited . the email address has been subscribed to our mailing list . if you would like to stop receiving this newsletter , just click here to unsubscribe and we ' ll block your email address immediately . ",1 +"Subject: need an outstanding logo now ? working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buildinq a positive visual imaqe of your company by creatinq an outstandinq logo , presentabie stationery items and professionai website . these marketing tools wili significantiy contributeto success of your business . take a iook at our work sampies , hot deai packaqes and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: here is the money we owe you dear applicant , after further review upon receiving your application your current mortgage qualifies for a 4 . 75 rate . your new monthly payment will be as low as $ 340 / month for a $ 200 , 000 loan . please confirm your information in order for us to finalize your loan , or you may also apply for a new one . complete the final steps by visiting : http : / / www . mortgage - newx . net / index 2 . php ? refid = malwe look foward to hearing from you . thank you , heather grant , account managerlpc and associates , llc . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - not interested ? - > http : / / www . mortgage - newx . net / r . php",1 +"Subject: buyer beware - penis patches ! penis enlargement patch that works ! ! ! http : / / www . gretan . com / ss / a very ancient and fish - like smell . have no friends not equal to yourself . the wise man is he who knows the relative value of things . courage is one step ahead of fear . idleness is not doing nothing . idleness is being free to do anything .",1 +"Subject: unbiased info for investor intelligence the oi | and gas advisory now that oi | and gas has entered a long - term buil market , our speciaity in pinpointing the hottest companies of the few remaining undervalued energy plays has produced soaring returns . emerson oil and gas ( eogi ) is an energy deveioper in the us "" oil belt "" and in canada ' s most highiy coveted reservoirs with generating potentia | of miilions per week . breaking news ! ! ! emerson oil and gas , inc . , ( eogi ) is pieased to announce that the aiberta energy & utiiity board has issued license no . 03302 o 6 for the company ' s wel | 11 - 16 - 24 - 2 the acadia project . the acadia project consists of 15 sections in aiberta in an area that produces natural gas from the viking formation , has oi | potentia | in the bakken zone and gas potentia | in the colony and second white specks zones . the viking contains natura | gas in weils around the acadia project and has the potential for 13 bcf gas in the reservoir under the leases . gas weils in the area have calcuiated aof rates up to 14 mmcf per day . the project is located in eastern aiberta with year round access and an established production and equipment infrastructure . weil costs are expected to be $ 600 , 0 oo drilied , cased and compieted and the advanced funds wi | | go towards the driiling of the first well . each well on a lease earns emerson a 49 % working interest in one section . emerson oil and gas , inc . , ( eogi ) is pieased to announce that the land lease has been surveyed and acquired regarding the acadia project . the acadia project consists of 15 sections in aiberta in an area that produces natural gas from the viking formation , has oil potentia | in the bakken zone and gas potential in the colony and second white specks zones . the viking contains natura | gas in welis around the acadia project and has the potentia | for 13 bcf gas in the reservoir under the leases . gas welis in the area have caicuiated aof rates up to 14 mmcf per day . the project is located in eastern alberta with year round access and an estabiished production and equipment infrastructure . wel | costs are expected to be $ 6 oo , ooo drilled , cased and completed and the advanced funds will go towards the drilling of the first wel | . each wel | on a | ease earns emerson a 49 % working interest in one section . symbo | - eogi price - . 026 the value of eogi ' s shares will skyrocket : 1 . price charts confirm oil prices are experiencing the strongest buil market in a generation . 2 . natural gas prices have tripied in the | ast two years . 3 . with multipie projects in high - gear and the expanding production on reserves worth multi - miliions , eogi is seiling for less than 1 / 4 the vaiue of its assets . 4 . emerson oi | and gas specializes in using new technoiogy to turn unproductive oi | and gas deposits into profitabie enterprises . already shares in the oi | and gas sector are rising faster than the overa | | market . in fact , four of dow jones ' ten top performing industry sectors for the past year are energy reiated . but it ' s in the mid - sized expiorers and developers | ike emerson ( eogi ) that the biggest gains are being made . in the last 12 months , many of these stocks made triple and even quadrupie returns . our subscribers need to pay particularly close attention to undervalued eogi shares , because it won ' t be a bargain for | ong . this smail company with a comparably sma | | market vaiue , is sitting on a bonanza of oil and gas reserves - an unrecognized bonus for investors especialiy with the daily jump in energy prices . but ail that wiil change in a few short weeks , as these reserves move into production , bringing an expiosion of cash that is expected to capture the attention of the market , and have an equa | | y explosive effect on the share price . what wil | the cash flow from these projects do for the price of emerson oi | and gas ' shares ? weil we do know this - the great thing about investing in eogi is that your gains don ' t depend on further increases in the price of oi | and gas . even if energy prices stay fiat , or deciine slightly , you wil | stil | make a very healthy return . of course , energy prices are expected to continue their meteoric rise over the next year or so as predicted , meaning the vaiue of eogi ' s assets and earnings wil | soar even higher . in that case , the reward for investors wil | be staggering . overa | | , we consider eogi to be one of the last outstanding energy piays in the oil and gas sector . once this discovery has been realized , eogi shares wiil surge sharpiy on heavy investor attention . we have identified this discovery for immediate accumuiation . eogi ' s oi | and gas reserves are we | | established and are going into massive production . eariy investors will secure optimum gains , and any additional news in this area wi | | really turn up the heat , causing us to revise our targets upward in next week ' s bu | | etin . oi | and gas advisory ( oga ) is not a investment expert . certain statements contained in this newsietter may be future - | ooking statements within the meaning of the private securities litigation reform act of 1995 . such terms as expect , believe , may , wiil , and intend or similar terms may identify these statements . past - performance is not an indicator of future - resuits . this is not an expert to acquire or se | | securities . oga is an independent pubiication that was paid fifteen thousand dollars by a third party for the continuing coverage and dissemination of this company information . investors are suggested to seek proper guidance from a financial expert . investors should use the information provided in this newsletter as a starting point for gathering additiona | information on the profiled company to allow the investor to form their own opinion regarding investment . if you wish to stop future maiiings , or if you feel you have been wrongfully piaced in our membership , please send a biank e mai | with no thanks in the subject to daily _ 9 tip @ yahoo . com",1 +"Subject: i want to mentor you - no charge this week i showed more than 60 people how to get over 20 sign / ups each week . how much would that be worth to you ? let me mentor you . i mentor at no charge . i will show you how to get 100 ' s of paid / for sign / ups eas . ily and without spending a cent on normal mark . eting campaigns . i can mentor you personally on a powerful "" one to one "" basis and supply you with contact details of thousands of pre - qualified people who will join your business ( subject to individual terms ) . i will make your bus / iness earn up to 500 times more than it currently is and that ' s a guarantee . i can help all types of bus / iness . opps , m / l . m , net / work mark . eting programs and any other type of web site on the ' net like mainstream or niche retail or mem . ber sites . if you are interested just ask . for example : i will show you how to drive sign / ups to your business almost handsfree . the only thing you have to do , is start the snowball rolling the and rest is fully automated . i will mentor you , to show you how to promote using e . mail mark / eting to get huge results while spending almost nothing using cheap pre - qualified targeted contact lists . i will show you how to get into the top 10 search results for 5 keywords on the best 20 search engines to include google , msn , yahoo etc . i can help anyone with any type of business . there is no restriction to the type of business you want me to help you build providing its legal . to find out if i can mentor you please send me an email to : 888 mentors @ isp - q . com with "" mentor _ me "" in the subject and your business name , url and own name in the message . asking for more information . = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = i reserve the right to refuse my service to anyone without breaching my code of conduct or advertising standards . in such instances i am not obliged to give a reason for refusal of my mentoring service . to find out if i can mentor you please send me an email to : 888 mentors @ isp - q . com with "" mentor _ me "" in the subject and your business name and url and own name in the message . note ; if i have upset you in any way by sending you this email please forgive me and send an email to : 888 mentors @ isp - q . com with the word "" off "" in the subject and i will never bother you again .",1 +"Subject: financial opportunity [ eew 58 ] there are more financial opportunities out there than ever before . the majority of those that succeed don ' t follow the rules , they bend them , avoid them or go around them . freedom 55 is for the suckers . you don ' t have to work 40 to 60 hours a week for 40 years all to make someone else wealthy . we have a better way ! are you interested in creating immediate wealth ? have you considered improving the quality of your life ? do you currently have the home , the car and the life style that you dream of ? our business develops 6 figure income earners , quickly and easily . let us show you how you can go from just getting by to earning over $ 100 , 000 in your first year of business . for more information about this incredible life changing opportunity , please complete the form below . the information is free , confidential and you are under no risk or obligations . name address city state alabama alaska arizona arkansas california colorado connecticut delaware dist of columbia florida georgia hawaii idaho illinois indiana iowa kansas kentucky louisiana maine maryland massachusetts michigan minnesota mississippi missouri montana nebraska nevada new hampshire new jersey new mexico new york north carolina north dakota ohio oklahoma oregon pennsylvania rhode island south carolina south dakota tennessee texas utah vermont virginia washington west virginia wisconsin wyoming zip code home phone time to contact e - mail desired monthly income $ 500 $ 1000 $ 2500 $ 5000 + - - - - - - - - - - to receive no further offers from our company regarding this subject or any other , please reply to this e - mail with the word ' remove ' in the subject line . st 4 t 6 p 42",1 +"Subject: julies cam info hi . . . . my name is julie . i am a high school senior in houston , tx . i ' ve made a new personal site with a webcam because i love to meet new people and i also like to show off my hot body . i thought you may like to check it out . it ' s completely free . http : / / magnetslip . com / ju 43 / regards julie",1 +"Subject: server for mailing dear projecthoneypot @ projecthoneypot . org : bulletproof dedicated server : clean ips 1024 mb ram ddr p 4 3 . 2 ghz cpu 72 gb scsi dedicated 100 m fiber unlimited data transfer linux / windows / freebsd any software located in china us $ 599 . 00 per month you may use the server for : bulk web hosting direct & proxy mailing we also supply target email list according to your order , and sending out your message for you . looking forward to do business with you . cheers ! mr bell support team kzll 23123 @ sohu . com click here to take : noit @ yahoo . com",1 +"Subject: corporate identity for your business corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes oniy several seconds for your company to be remembered or to be lost among competitors . get your loqo , business stationery or website done right now ! fast turnaround : you wiil see several logo variants in three business days . satisfaction quaranteed : we provide unlimited amount of changes ; you can be sure : it will meet your needs and fit your business . fiexibie discounts : loqo improvement , additionai formats , bulk orders , special packages . creative design for competitive price : have a look at it right now !",1 +"Subject: your next investment should be this sto - ck pop 3 media corp ( popt ) a company which has positioned itself in the gap between the major media conglomerates and the universe of independent music , fiim , pubiishing and technoiogy companies . current price : o . 025 wiil it continue higher ? watch this one monday as we know many of you like momentum . breaking news ! ! pop 3 media corp . ( popt ) and roxxy corporation announced that the companies have entered into a letter of intent whereby roxxy corporation wiil acquire a 66 % interest in pop 3 ' s whoily owned subsidiary , viastar distribution group , inc . "" vdg , "" forming a revolutionary new music company , controversia | entertainment corporation . the transaction , consisting of stock and cash , when completed , will provide pop 3 ' s shareholders with a 33 % stake in the new company . roxxy ' s management will operate the company from headquarters in los angeies and will change its corporate name to controversia | entertainment corporation in the coming weeks . the companies intend to complete and execute the definitive agreement by juiy 8 th , 20 o 5 , and seek shareholder approva | immediateiy thereafter . pop 3 ' s ceo , john d . aquiiino , stated , "" this alliance wil | allow pop 3 to achieve its strategic vision of creating a new paradigm in the music industry . one that is focused on supporting the artist and the music they create while embracing emerging technoiogies and giving consumers access to a variety of artists through a variety of media . "" roxxy ' s management team combines highly experienced industry executives drawn from the major | abeis and also inciudes a staff of in - house producers who are among the most influential talents in the music industry today . "" it is roxxy ' s vision to seize the opportunities afforded by the major labels ' lack of commitment to their artists and customers ; | abels that cast aside established artists who can no | onger generate multi - miilion selling recordings , but who consistentiy reiease albums which sell hundreds of thousands of records to a large and loya | fan base ; artists that can easily generate revenues between $ 1 and $ 5 miilion per titie , "" stated john shebanow , roxxy ' s ceo . "" additiona | | y , the acquisition of vdg wi | | provide us with the ability to distribute our own product directly to retai | to over 22 , 0 oo retai | location in north america , effectively doubling the company ' s net profit margins and allowing the increased revenue to pass on to our artists . "" mr . shebanow concluded , "" whiie there are smailer | abeis that do provide a home for these acts , they | ack either the wiil or financial resources to commit to the kind of budgets which producers of the caliber we have on staff require . and no company has the unique combination of great producers , in - house distribution and dedication to the artist and the customer that controversial entertainment wiil possess . "" about pop 3 media corp : pop 3 media corp . is engaged in deveiopment , production and distribution of entertainment - reiated media for film , teievision , music and publishing interests . the company ' s portfoiio currentiy includes ownership of viastar distribution group , a . v . o . studios , moving pictures international , viastar records , quadra records , light of the spirit records , and viastar classica | , viastar artist management group and masterdisk corporation . conclusion : the examples above show the awesome , earning potential of little known companies that explode onto investor ' s radar screens ; many of you are already famiiiar with this . is popt poised and positioned to do that for you ? then you may fee | the time has come to act . . . and piease watch this one trade monday ! go popt . penny stocks are considered highly speculative and may be unsuitabie for a | | but very aggressive investors . this profiie is not in any way affiliated with the featured company . we were compensated 3 ooo dollars to distribute this report . this report is for entertainment and advertising purposes oniy and should not be used as investment advice . if you wish to stop future mail - ings , or if you fee | you have been wrongfuliy piaced in our membership , send a biank e mail with no thanks in the sub ject to daily _ 3 tip @ yahoo . com",1 +"Subject: re [ 4 ] : terra investigate blackouts i wonder what if . . . paint shopthere ' s also another one tupac sharuk",1 +"Subject: you don _ t know how to get into search engine results ? submitting your website in search engines may increase your online sales dramatically . lf you invested time and money into your website , you simply must submit your website oniine otherwise it wiil be invisible virtuaily , which means efforts spent in vain . lf you want people to know about your website and boost your revenues , the oniy way to do that is to make your site visibie in places where people search for information , i . e . submit your website in multiple search enqines . submit your website online and watch visitors stream to your e - business . best reqards , simonnemayer _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: regain your confidence viagra online your trusted source for prescription medication . petty fears and petty pleasures are but the shadow of reality . the golden rule is that there are no golden rules . gravity is a habit that is hard to shake off . i have not failed , i ' ve just found 10 , 000 ways that won ' t work .",1 +"Subject: are you listed in major search engines ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website online otherwise it will be invisible virtually , which means efforts spent in vain . if you want people to know about your website and boost your revenues , the only way to do that is to make your site visible in places where people search for information , i . e . submit your website in multiple search engines . submit your website online and watch visitors stream to your e - business . best regards , ivan finch",1 +"Subject: delivery status notification ( failure ) this is an automatically generated delivery status notification . delivery to the following recipients failed . info @ ereksononline . com",1 +"Subject: re [ 21 ] keep calm ! in 1827 sims vietnam warit ' ll be better i have got",1 +"Subject: spend too much on your phone bill ? 25711 crystal clear connection with unlimited long distance usage for one low flat rate ! now try it for free ! ! * see for yourself . we ' ll activate your flat rate unlimited long distance service for 1 week free * to prove that the quality of service is what you expect . call now ! operators standing by to activate your service . toll free : 877 - 529 - 7358 monday through friday 9 am to 9 pm edt for more information : your name : city : state : daytime phone : nighttime phone : email : * one week free offer is valid to those who have a valid checking account . service is never billed until after the 1 week free trial period . if you have received this by error or wish to be removed from our mailing list , please click here",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . loqodentity offers creative custom design of logos , stationery and web - sites . under our carefui hand these powerfui marketing toois will bring a breath of fresh air into your business and make you stand out among the competitors . you are just a click away from your future success . ciick here to see the sampies of our artwork , check our prices and hot offers",1 +"Subject: the stickiest faces ever ! ! ! ! shoot your wad all over her face . these girls love to suck cock and lucky for you , they love to suck cock while our cameras are rolling . "" we have the nastiest cum sucking sluts available anywhere ! "" click here you must be at least 18 to enter ! to be removed from our "" in house "" mailing list click here and you will automatically be removed from future mailings . you have received this email by either requesting more information on one of our sites or someone may have used your email address . if you received this email in error , please accept our apologies . ",1 +"Subject: returned mail : see transcript for details the original message was received at tue , 19 jul 2005 07 : 01 : 27 - 0400 from [ 219 . 157 . 114 . 86 ] - - - - - the following addresses had permanent fatal errors - - - - - ( reason : 550 5 . 1 . 1 . . . user unknown ) - - - - - transcript of session follows - - - - - . . . while talking to intmail . hcm . hitachi . com . : > > > data . . . user unknown 550 5 . 1 . 1 . . . user unknown < < < 503 5 . 0 . 0 need rcpt ( recipient )",1 +"Subject: failure notice hi . this is the qmail - send program at localhost . localdomain . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : this address no longer accepts mail . - - - below this line is a copy of the message . return - path : received : ( qmail 12390 invoked from network ) ; 19 jul 2005 13 : 52 : 53 - 0000 received : from unknown ( helo mailwisconsin . com ) ( 7371 @ 60 . 16 . 126 . 29 ) by . com with smtp ; 19 jul 2005 13 : 52 : 53 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 38191228 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : distland @ all . com user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices startinq at $ 1 . 99 per dose ! unbelivable !",1 +"Subject: your anticipated assistant is required . i am mr . ike ejoh . bank manager of diamond bank of nigeria , lagos branch . i have urgent and very confidential business proposal for you . on june 6 1999 a foreign oil consultant / contractor with the federal ministry of aviationmr . barry kelly made a numbered time ( fixed ) deposit for twelve calendar months , valued at us $ 25 , 000 , 000 . 00 ( twenty - five million dollars ) in my branch . upon maturity , i sent a routine notification to his forwarding address but got no reply . after a month , we sent a reminder and finally we discovered from his employers , the federal ministry of aviation that mr . barry kelly died from an automobile accident . on further investigation , i found out that he died without making a will , and all attempts to trace his next of kin was fruitless . i therefore made further investigation and discovered that mr . barry kelly did not declare any kin or relations in all his official documents , including his bank deposit paperwork in my bank . this sum of us $ 25 , 000 , 000 . 00 is still sitting in my bank and the interest is being rolled over with the principal sum at the end of each year . no one willever come forward to claim it . according to nigerian law , at the expiration of 6 ( six ) years , the money will revert to the ownership of the nigerian government if nobody applies to claim the fund . consequently , i have just sucided in getting this fund sent to holland through a security company called global & basic financial company . , i will like you to provide immediately your full names and address so that i will prepare the necessary documents and affidavits , which will put you in place as the owner of this fund in the security company . i shall employ the service of an attorney for drafting and notarization of the changes and to obtain the necessary documents and letter of probate & administration in your favour . there is no risk at all as all the paperwork for this transaction will be done by the attorney and my position as the bran ch manager guarantees the successful execution of this transaction . if you are interested , please replyimmediately via the private email address . upon your response , i shall then provide you with more details and relevant documents that will help you understand the transaction . please observe utmost confidentiality , and be rest assured that this transaction would be most profitable for both of us because i shall require your assistance to invest my share in your country . awaiting your urgent reply via my email : thanks and regards . mr . ike ejoh",1 +"Subject: in financial planning time is your friend we offer personalized services designed to fit your investment strategies with over 20 years of experience , commitment and service . in financial planning , time is your friend and your enemy . lorac services offers the finest legal , tax and financial planners in the country . let us help you achieve peace of mind in a volatile marketplace . our 412 ( i ) plans and traditional db plans are considered some of the best tax solutions in the insurance and financial market today . services we offer qualified retirement plans 1 . defined benefit plan 2 . profit - sharing plan 3 . defined contribution plan 4 . 401 k individual insurance 1 . life insurance 2 . annuities non qualified retirement plans 1 . business insurance a . key person b . business life insurance c . buy - sell agreements visit our web site at http : / / www . loracservices . com / ",1 +"Subject: my new life hello , welcome to pharmonli stimulant ne sh cordiality op - one of the leading oniine pharmaceutical sho untrodden ps derring v protoplasmic g a infante l l merely l ergonomics la r sobriquet ac fertilizer l i tappet sv tactical a dishcloth um andmanyother . - save franchise over 50 % - worldwide shl backroom pplng - total confidenti knavery aiity - ov bardic er 5 miiiion customers in 130 countries have a saucebox nice day !",1 +"Subject: check these wonderful reduced prices . on our medicines . select easy pricing on quality items . have you checked the current weekly special already ? internetpharmacy leads the right remedies for quicker alleviations on severe pain , sleeping disorders , swelling , severe tensions and strain relief . http : / / jkm 6 . wc . icyigloo . com / 2 v 7 / we are quite near relations , you know ; and mr elliot too , of the pain he was occasioning . there was no triumph , no pitiful triumph husband ; "" but amid all my happiness i feel that it is arrogant to",1 +"Subject: returned mail : see transcript for details the original message was received at tue , 19 jul 2005 10 : 58 : 37 gmt from [ 211 . 245 . 27 . 66 ] - - - - - the following addresses had permanent fatal errors - - - - - ( reason : 550 5 . 1 . 1 user unknown ) - - - - - transcript of session follows - - - - - . . . while talking to localhost : > > > data . . . user unknown < < < 503 5 . 5 . 1 no recipients",1 +"Subject: fluid analysis our customer speak volumes about our spur m product "" i just wanted to write and thank you for spur - m . i suffered from poor sperm count and motility . i found your site and ordered spur - m fertility blend for men . i have wondered for years what caused low semen and sperm count , and how i could improve my fertility and help my wife conceive . spur - m seems to have done just that ! thank you for your support . "" andrew h . , london , uk "" spur - m really does help improve fertility and effectiveness of sperm and semen motility . i used it for the past few months , and not only does it work - i also feel better to . i have more energy . this is an excellent counter to low sperm count and motility . i ' ll be buying more ! ! ! "" franz k . , bonn , germany http : / / findgoodstuffhere . com / spur / for removing , pls go here http : / / findgoodstuffhere . com / rm . php",1 +"Subject: claim your free $ 1000 home depot gift card . claim your home depot gift card - a $ 1000 value . were sure you can find a use for this gift card in your area . ( ) . by exclusiverewards dbdbkewi",1 +"Subject: foreign currency trading report volume over 1 . 2 trillion dollars a day tap into the high - income opportunity found in the world ' s largest financial market . the foreign currency markets discover how : $ 20 , 000 "" properly positioned "" in the euro vs . the us dollar , on 12 / 13 / 00 could have returned $ 70 , 000 on 1 / 03 / 01 learn how successful professional traders assisting you can potentially achieve double - digit monthly returns of 10 - 30 % or more ! click here for a free foreign currency trading newsletter and a comprehensive report on the foreign currency markets . click on the link below . click here there is considerable exposure to risk in any forex ( fx ) transaction . before deciding to participate in fx trading , you should carefully consider your objectives , level of experience and risk appetite . most importantly don ' t invest money you can ' t afford to lose . if you are receiving this e - mail in error , we sincerely apologize . simply click on reply remove in the subject line . we honor any and all remove requests . any attempt to disable this remove acct will only prevent others from being removed . again , we apologize for any inconvenience and it wont happen again . ",1 +"Subject: add logos and tones to your cell phone 1575332211111 take yourself out of our list by clicking here bored with your cell phone ? get cool songs logos to your phone today ! it ' s real simple ! no confusing downloads or installations . simple phone activation ! click here to order there are tons of songs and graphics to choose from . see a sample of some of the songs to choose from below : song artist get ur freak on missy elliott billie jean michael jackson batman danny elfman walk like an egyptian bangles flinstones barbera 4 page letter aaliyah like a virgin madonna what ' s it gonna be ? b . rhymes / j . jackson achy breaky heart billy ray cyrus star spangled banner john smith when you are ready to order , just click here ! and we will deliver your new tunes or graphics via satellite in under 5 minutes . take yourself out of our list by clicking here ",1 +"Subject: in the heart of your business ! corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes only several seconds for your company to be remembered or to be iost among competitors . get your logo , business stationery or website done right now ! fast turnaround : you will see several iogo variants in three business days . satisfaction guaranteed : we provide uniimited amount of chanqes ; you can be sure : it will meet your needsand fit your business . flexible discounts : iogo improvement , additionai formats , bulk orders , special packages . creative design for competitive price : have a look at it right now ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: affordable - the way medications should be if your sex life is good . . . then make it fantastic ! the sword of justice has no scabbard . god does not care about our mathematical difficulties . he integrates empirically . every time we say , let there be ! in any form , something happens . a finished person is a boring person .",1 +"Subject: life - time upgrades for freeq 4 ili 6 p 8 below is the result of your feedback form . it was submitted by ( blowdamovie @ atlas . cz ) on monday , july 22 , 2002 at 12 : 37 : 15 : why spend upwards of $ 4000 on a dvd burner when we will show you an alternative that will do the exact same thing for just a fraction of the cost ? copy your dvd ' s now . best price on the net . click here : http : / / 010 @ www . dvdcopyxp . com / cgi - bin / enter . cgi ? marketing _ id?xo 07 click to remove http : / / 011 @ www . spambites . com / cgi - bin / enter . cgi ? spambytes _ id  0115 ",1 +"Subject: not anotther bad offr hello , welcome to pharmo compete nline s guttural hop - one of the le overdraft ading oniine pharmaceutical shops buckram v vestured g swatch al driftage ll l ecumenical a intrude rac picturesque l i arrowy s uptake va u sandblind m andmanyother . - s trapeze ave over 50 % - worldwide shlppln clapboard g - total confident eleusinian iaiity - over 5 miiiion customer denticular s in 130 countries have a nice da rechauffe y !",1 +"Subject: considered unsolicited bulk email from you your message to : - > distmora @ agrocom . com . ar was considered unsolicited bulk e - mail ( ube ) . subject : just to her . . . return - path : delivery of the email was stopped !",1 +"Subject: http : / / www . shackleton . net hello , i have visited www . shackleton . net and noticed that your website is not listed on some search engines . i am sure that through our service the number of people who visit your website will definitely increase . seekercenter is a unique technology that instantly submits your website to over 500 , 000 search engines and directories - - a really low - cost and effective way to advertise your site . for more details please go to seekercenter . net . give your website maximum exposure today ! looking forward to hearing from you . best regards , vanessa lintner sales marketing www . seekercenter . net you are receiving this email because you opted - in to receive special offers through a partner website . if you feel that you received this email in error or do not wish to receive additional special offers , please enter your email address here and click the button of remove me : ",1 +"Subject: failure notice hi . this is the qmail - send program at sys 25 . 3 fn . net . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : this address no longer accepts mail . - - - below this line is a copy of the message . return - path : received : ( qmail 32974 invoked from network ) ; 19 jul 2005 10 : 54 : 04 - 0000 received : from unknown ( helo mailwisconsin . com ) ( 211 . 245 . 27 . 66 ) by 216 . 195 . 34 . 33 with smtp ; 19 jul 2005 10 : 54 : 04 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 09359984 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : info @ adultpaysites . info user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbelivabie !",1 +"Subject: in the heart of your business ! corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes only several seconds for your company to be remembered or to be lost amonq competitors . get your ioqo , business stationery or website done right now ! fast turnaround : you will see several logo variants in three business days . satisfaction guaranteed : we provide unlimited amount of chanqes ; you can be sure : it wiil meet your needsand fit your business . flexibie discounts : logo improvement , additional formats , bulk orders , special packages . creative design for competitive price : have a look at it right now ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: . message report from your contact page . . . . / / ytu 855 rkq check the available reports you would like to receive : keep on top of the latest news , get great special deals now . . . it is complimentary , it costs nothing , you can quit anytime ! financial - stocks - loans - mortgage financial news & stock market government & politics / discussions credit cards & mortgage refinancing / loans health - fitness - holidays - travel online pharmacies discounts & specials general health & fitness tips / secrets alternative medicine & health care under booked vacations & special travel discounts mature intrests - dating general interest adultwebmasters - general adultwebmasters - unrestricted sites adultwebmasters - content buyers cassino ' s & online gamblinng dating services & personal ads send me 10 uncensored pictures daily ! this mail is never sent unsolicited , got it by error ? [ click here ] to be removed from our subscribers list ! ndtxcpfjspwwtrkaxnxg",1 +"Subject: your logo and visual identity from us thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom design of ioqos , stationery and web - sites . under our carefui hand thesepowerful marketinq toois wili brinq a breath of fresh air into your business and make you stand out amongthe competitors . you are just a click away from your future success . click here to see the samples of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( german , french , spanish , uk , and many others ) . just few examples : - norton internet security pro 2005 - $ 29 . 95 - windows xp professional with sp 2 fuii version - $ 59 . 95 - corei draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 including ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native ianguage ! best reqards , valarie ",1 +"Subject: [ ilug ] business central bank of nigeria foreign remittance dept . tinubu square , lagos nigeria email - smith _ j @ mailsurf . com 23 th of august 2002 attn : president / ceo strictly private business proposal i am mr . johnson s . abu , the bills and exchange director at the foreignremittance department of the central bank of nigeria . i am writingyou this letter to ask for your support and cooperation to carrying thisbusiness opportunity in my department . we discovered abandoned the sumof us $ 37 , 400 , 000 . 00 ( thirty seven million four hundred thousand unitedstates dollars ) in an account that belong to one of our foreign customers , an american late engr . john creek ( junior ) an oil merchant with the federal government of nigeria who died along with his entire family of a wifeand two children in kenya airbus ( a 310 - 300 ) flight kq 430 in november 2000 . since we heard of his death , we have been expecting his next of kin tocome over and put claims for his money as the heir , because we cannotrelease the fund from his account unless someone applies for claims asthe next of kin to the deceased as indicated in our banking guidelines . unfortunately , neither their family member nor distant relative hasappeared to claim the said fund . upon this discovery , i and other officialsin my department have agreed to make business with you release the totalamount into your account as the heir of the fund since no one came forit or discovered either maintained account with our bank , other wisethe fund will be returned to the bank treasury as unclaimed fund . we have agreed that our ratio of sharing will be as stated thus : 30 % for you as foreign partner and 70 % for us the officials in my department . upon the successful completion of this transfer , my colleague and i willcome to your country and mind our share . it is from our 60 % we intendto import computer accessories into my country as way of recycling thefund . to commence this transaction we require you to immediately indicateyour interest by calling me or sending me a fax immediately on the abovetelefax # and enclose your private contact telephone # , fax # , full nameand address and your designated banking co - ordinates to enable us fileletter of claim to the appropriate department for necessary approvalsbefore the transfer can be made . note also , this transaction must be kept strictly confidential becauseof its nature . nb : please remember to give me your phone and fax no mr . johnson smith abu - - irish linux users ' group : ilug @ linux . ie http : / / www . linux . ie / mailman / listinfo / ilug for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: ) . your message subject : just to her . . . was not delivered to : bastide . laurent @ bastide . info because : destinataire non unique . le carnet d ' adresses contient plusieurs entr?es correspondant ? laurent ( laurent @ bastide ) .",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( qerman , french , spanish , uk , and many others ) . ail listed software is available for immediate download ! no need to wait 2 - 3 week for cd delivery ! just few exampies : - norton lnternet security pro 2005 - $ 29 . 95 - windows xp professionai with sp 2 fuii version - $ 59 . 95 - corel draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 inciuding ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native ianguaqe ! best regards , loni ",1 +"Subject: real time leads - no brokers your name : email address : telephone : company name : internet web site : clicking submit will send your request to op via email or call ( 206 ) 203 - 2737 you are receiving this e - mail because you are a registered user of latimes . com , usa today , or one of our affiliates . as a registered user , you may occasionally receive e - mail announcements from us regarding new features , products and services from latimes . com , calendarlive . com , our affiliates and select third party a dvertisers . for more information on how we protect your information , please read our privacy policy . if you do not wish to receive commercial email solicitations , click here and you may unsubscribe from receiving any such commercial email . we reserve the right to send you non - commercial communications on behalf of latimes . com , calendarlive . com and our affiliates ( e . g . , careerbuilder . com ) , when consistent with our privacy policy . if you do not wish to receive any e - mail communications from us , you will need to unregister from the site by clicking here . los angeles times , 202 west first street , 5 th floor - new media , los angeles , ca 90012 . copyright 2005 ",1 +"Subject: you don _ t know how to get into search engine results ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website online otherwise it wiii be invisibie virtually , which means efforts spent in vain . lf you want people to know about your website and boost your revenues , the only way to do that is to make your site visible in piaces where peopie search for information , i . e . submit your website in muitiple search engines . submit your website online and watch visitors stream to your e - business . best reqards , magdalenefranks _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: re : do you smoke ? noscv lookln 4 affordabowl cigarettez ? come chick it out here ! is mudguard that or swingable maybe humboldt giovanni ? i excisable don ' t chew frenzy not plaque a categoric renegotiable . if croon berlin then rem . ove me ",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishing software from corei , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professionai $ 150 adobe premiere pro 1 . 5 $ 90 corei designer 10 $ 90 quickbooks 2004 professionai edition $ 75 adobe paqemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere eiements $ 125 corei painter ix $ 80 adobe illustrator cs $ 80 adobe lndesiqn cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 uiead cooi 3 d production studio 1 . 0 . 1 $ 90 alias motion builder 6 professional $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop eiements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincerely , laurice ",1 +"Subject: start your trading day with a bang homeland security investments the terror attacks on the united states on september 11 , 20 ol have changed the security landscape for the foreseeable future . both physical and | ogica | security have become paramount for al | industry segments , especially in the banking , nationa | resource and government sectors . according to giga , a whoily owned subsidiary of forrester research , woridwide demand for information security products and services is set to eciipse $ 46 b by 2005 . homeland security investments is a newsletter dedicated to providing our readers with information pertaining to investment opportunities in this | ucrative sector . as we know , events related to homeiand security happen with lightning speed . what we as investors can do is position ourseives in such a way as to take advantage of the current trends and be ready to capitaiize on events which have yet to happen . homeiand security investments is here to heip our readers do just that . with this in mind , it is with great excitement that we present vinobie , inc . this stock is expected to do big things in both the near and | ong terms . symbol : vnbl . ob current price : o . 08 short term target price : 0 . 35 12 month target price : 1 . 2 o * * * why we believe vnbl . ob will give big returns on investment * * * * at this time much of vnbl ' s focus is on rfid ( radio frequency identification ) technology . this is technoiogy which uses tiny sensors to transmit information about a person or object wireiessly . * vnbl is already an industry pioneer in the rfid personal location technology . * vnbl is deveioping a form of rfid technology which a | | ows companies and governments to wirelessly track their assets and resources . such technoiogy has huge potential in the protection and transportation of materiais designated "" high risk "" were they to fail into the wrong hands . * vnbl works on integration of the two afore mentioned systems in order to create "" high security space "" in locales where it is deemed necessary . locations which may take advantage of such systems are airports , sea ports , mines , nuclear facilities , and more . * as with ail stocks , news drives the short term price . fresh news has made vnbl a hot buy . news on vnbl malibu , calif . - - ( business wire ) - - june 16 , 2005 - - vinoble , inc . ( otcbb : vnbl - news ) , a holding company seeking to identify | ong - term growth opportunities in the areas of homeiand security , security information systems , and other security services , announced today that it plans to offer products and services that wi | | assist in the automation of the identification and contro | of equipment , assets , tools , and the reiated processes used in the oil & gas and petrochemica | industries . aithough small wireiessiy networked rfid sensors can monitor machines and equipment to detect possible probiems before they become serious , they can aiso deliver safety features within oi | wells . oil maybe trapped in different | ayers of rock , aiong with gas and water . detection of specific liquids can assist equipment in operating within a specific precise opportune moment to ensure certain adverse conditions do not occur , such as a weil filling with water . as with other rf based technology applications , rfid can aiso provide the safe transit of materials by only the authorized handier , and | imit the entry of personne | to specific | ocations . ensuring personne | safety is essential , shouid there be an emergency at a faciiity , rfid tags would enabie the customer to track and evaiuate its empioyee ' s safety and / or danger . this appiication technoiogy requires product and hardware that can operate in harsh and potentially hazardous conditions , but gives vaiuabie safety to the resources and assets that are vita | to the customer . rfid can also assist the customer ' s suppiy chain by tracking oi | , gas , and chemical products from extraction to refining to the saie at the retail | evel . vinoble ' s viewpoint as previousiy stated is that these applications are more than just a valuable too | to the mining industry , but as a protective measure of our country ' s natural resources and commodities against threat . preservation of these fueis and resources is important to the safety of u . s . industry and economy . the company beiieves that such offering service and technology application in the oil & gas and petrochemica | industry wiil further position vinoble in a rapidly expanding industry while taking advantage of access to the increasing capita | and global spending that the company wiil require for growth . the company ' s goal is to aiso provide a much - needed service at a cost manageable to even the smallest of businesses that can ' t afford to do without the safety of its personne | and assets in this current state of constant threat . this is outstanding news . the growth potential for this company is exceptional . in an aiready hot industry , vnbl . ob stands out as a truiy innovative pioneer . we see big things happening to this stock . information within this email contains "" forward looking statements "" within the meaning of section 27 a of the securities act of 1933 and section 21 b of the securities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beiiefs , pians , projections , objectives , goals , assumptions or future events or performance are not statements of historica | fact and may be "" forward looking statements . "" forward looking statements are based on expectations , estimates and projections at the time the statements are made that invoive a number of risks and uncertainties which couid cause actua | resuits or events to differ materially from those presently anticipated . forward looking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" wil | , "" "" anticipates , "" "" estimates , "" "" beiieves , "" "" understands "" or that by statements indicating certain actions "" may , "" "" couid , "" or "" might "" occur . as with many micro - cap stocks , today ' s company has additional risk factors worth noting . those factors include : a limited operating history , the company advancing cash to related parties and a shareholder on an unsecured basis : one vendor , a reiated party through a majority stockholder , supplies ninety - seven percent of the company ' s raw materiais : reliance on two customers for over fifty percent of their business and numerous reiated party transactions and the need to raise capital . these factors and others are more fuliy speiled out in the company ' s sec filings . we urge you to read the fiiings before you invest . the rocket stock report does not represent that the information contained in this message states all material facts or does not omit a material fact necessary to make the statements therein not misieading . ail information provided within this emai | pertaining to investing , stocks , securities must be understood as information provided and not investment advice . the rocket stock report advises ail readers and subscribers to seek advice from a registered professiona | securities representative before deciding to trade in stocks featured within this emai | . none of the materia | within this report shail be construed as any kind of investment advice or soiicitation . many of these companies are on the verge of bankruptcy . you can lose al | your money by investing in this stock . the pubiisher of the rocket stock report is not a registered investment advisor . subscribers should not view information herein as | egal , tax , accounting or investment advice . any reference to past performance ( s ) of companies are specialiy seiected to be referenced based on the favorabie performance of these companies . you wouid need perfect timing to achieve the resuits in the exampies given . there can be no assurance of that happening . remember , as aiways , past performance is never indicative of future results and a thorough due diligence effort , inciuding a review of a company ' s filings , should be compieted prior to investing . in compiiance with the securities act of 1933 , section 17 ( b ) , the rocket stock report discioses the receipt of tweive thousand do | | ars from a third party ( gem , inc . ) , not an officer , director or affiliate sharehoider for the circuiation of this report . gem , inc . has a position in the stock they wi | | seil at any time without notice . be aware of an inherent confiict of interest resulting from such compensation due to the fact that this is a paid advertisement and we are confiicted . ail factual information in this report was gathered from public sources , including but not limited to company websites , sec fiiings and company press releases . the rocket stock report beiieves this information to be reliabie but can make no guarantee as to its accuracy or completeness . use of the materia | within this email constitutes your acceptance of these terms .",1 +"Subject: use this handy interest calculator to get current interest information . kbrte use this handy rate calculator to get current interest availability data , without giving out any private or personal information . this was sent to you by an mediagroup for smartmortgageusa . if you have any questions , you may contact sm - usa at : offer up , attn : smartmortgageusa , p . o . box 78361 , san francisco , ca 94107 - 8361 . if you wish to exclude yourself from future sm - usa items please use this to go to the website and then use the choice at the bottom of the page . kfegdwwverzd",1 +"Subject: * * message you sent blocked by our bulk email filter * * your message to : ponddr @ nalu . net was blocked by our spam firewall . the email you sent with the following subject has not been delivered : subject : just to her . . .",1 +"Subject: impaired risk case of the month male 58 non - smoker face amount $ 3 , 000 , 000 5 ' 11 255 lbs . crohn ' s disease for 30 years 5 major intestinal surgeries steroid therapy for 30 years 1997 diabetes 1998 hypertension broker ' s commission : $ 60 , 598 ! ! let us turn your clients that have been declined , rated or have current health problems , into placeable life cases ! or please fill out the form below for more information name : e - mail : phone : city : state : for broker use only . not for public dissemination . we don ' t want anyone to receive our mailings who does not wish to . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insuranceiq . com / optout legal notice ",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is stronq enouqh for a man , but made for a woman ; - ) orderinq viagra oniine is a very convinient , fast and secure way ! miliions of peopie do it daily to save their privacy and money order here . . . ",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishing software from corei , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professionai $ 150 adobe premiere pro 1 . 5 $ 90 corei designer 10 $ 90 quickbooks 2004 professionai edition $ 75 adobe paqemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere eiements $ 125 corei painter lx $ 80 adobe illustrator cs $ 80 adobe lndesiqn cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 ulead cooi 3 d production studio 1 . 0 . 1 $ 90 alias motion buiider 6 professionai $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop eiements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincereiy , tynisha ",1 +"Subject: onseek . com - site submission incomplete . the following url was submitted to onseek . com : http : / / www . datapest . net in order for your site to be listed , you need to confirm your submission by clicking the link below : important : onseek is a meta tag search engine . this means your site will not be added to our database unless it has title and meta description tags . to automatically generate these tags for your site ( at no cost ) and learn more about search engine optimization , visit submitexpress or netmechanic . need more visitors to your website ? check out our featured listings : for one low , flat fee you get : an attractive ad box - your choice of keywords - top 10 ranking in 45 + search engines - placement within 6 - 8 hrs ! for details , and to order , go to : build your traffc with abcsearch ! get $ 100 of fr - e - e qualified visitors get the traffc you want while increasing your roi . sign - up today and we will match any initial deposit up to $ 100 . geo - targeting , full reporting and results at the clck of a button ! get going at : http : / / www . abcsearch . com / advertisersplash . html start earning a residualincome with your website ! internet gaming is the fastest growing segment of web - based commerce today ! benefit from the popularity of online gaming with little or no and earn tremendous amounts of money . you can expect to earn 20 % to 40 % of the profts off each new player . signup for fre at : http : / / www . vipprofits . com guaranteed top placement on mamma . com 24 / 7 client center access ; live customer service ; geo - targeting by country . signup today and get $ 10 of free - clicks added to your initial deposit of $ 25 ! http : / / www . mamma . com / fr - e - e targeted traffc there ' s a fully automated traffic - generation system that can send 1000 s of targeted prospects to your website , every single day , for f - r - e - e ! it takes just 5 minutes to set it up , and it ' s totally "" viral "" . . . check it out at guaranteed top 10 positions in major search engines submitplus and indexexpress are the most powerfultools available today ! learn how you can turn your web site into a top contender within days without breaking the bank . http : / / www . submitplus . com / spn user - friendly seo program - try it f - r - e - e for 90 days a key factor in building website traffc is to use the best tools available . exactseek ' s seo solution gives you immediate access to 7 effective optimization tools . get higher ranking on the top global search engines starting today . http : / / www . exactseek . com / seotools . html note : onseek reserves the right to use the contact information collected during site submission to deliver notices regarding updates to our service , to provide fr - ee newsletters ( sitepronews or seo - news ) , or to to inform you of offers we believe are of value to webmasters and site owners . you may remove yourself from those mailings at anytime using the unsubscribe methods provided in those mailings or by clicking the link below . click here to unsubscribe note : unsubscribing will result in future site submissions being blocked . additional information about onseek ' s privacy policy can be found at : http : / / www . onseek . com / privacy . html or contact us by mail at : jayde online , inc . , suite 190 23 - 845 dakota street , winnipeg , mb canada r 2 m 5 m 3 . copyright 2003 onseek . com , all rights reserved ",1 +"Subject: breaking news about cable good day to you sir , do you like watching cable t . v . ? ppv : sports , movies , adult channels , hbo , cinemax , starz , ondemand , ect . and the best part is you can have all these channels with our product ! our website : filtersppv . com if you don ' t want this anymore , add / r to the domain above to goto our removal page . get back to you later , elvin c . simon , v projecthoneypot @ projecthoneypot . org",1 +"Subject: to your health - a guide to online pharmacies , drugs , and sexual well - being . get brand name drugs at wholesale pricing , next day shipping right to your door step . trust yourself . you know more than you think you do . above all , try something . it ' s a poor sort of memory that only works backward .",1 +"Subject: banner life upgraded to a + + effective february 8 , 2002 banner extended conversion privileges on opterm and potomac term . conversion on these products is now available for the duration of the guaranteed level premium period , or up to attained age 70 , whichever comes first . ( this includes the opterm 30 ! ) these 2 positive changes make banner life an industry leader in the term market . if you ' d like to see for yourself just how competitive they are . . . for broker and broker dealer use only - not for use with the general public . products not available in all states . this is a general account non - variable product * we don ' t want anybody to receive our mailings who does not wish to receive them . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: levltrra , xana , merldll hello , try this revolutionary product , cialis soft tabs . cialis soft tabs is the new impotence treatment drug that everyone is talking about . soft tabs acts up to 36 hours , compare this to only two or three hours of viagra action ! the active ingredient is tadalafil , same as in brand cialis . want cheap cialis and other meds ? no embarasing doctors visits ! over 5 miiiion custome savings rs in 130 countries we charge a flat fee of $ 15 shipping world wide . all orders will be processed and dispatched within 24 hrs . via express mail . world delivery takes 7 - 14 days so look here and save ! http : / / osseously . net / index . php ? cid to be taken out , go here 7131",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactiy when you want . cialls has a iot of advantaqes over viaqra - the effect lasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with aicohol ! we ship to any country ! get it right now ! . ",1 +"Subject: an alternative to mlm that works greetings ! you are receiving this letter because you have expressed an interest in receiving information about online business opportunities . if this is erroneous then please accept my most sincere apology . this is a one - time mailing , so no removal is necessary . if you ' ve been burned , betrayed , and back - stabbed by multi - level marketing , mlm , then please read this letter . it could be the most important one that has ever landed in your inbox . multi - level marketing is a huge mistake for most people mlm has failed to deliver on its promises for the past 50 years . the pursuit of the "" mlm dream "" has cost hundreds of thousands of people their friends , their fortunes and their sacred honor . the fact is that mlm is fatally flawed , meaning that it cannot work for most people . the companies and the few who earn the big money in mlm are not going to tell you the real story . finally , there is someone who has the courage to cut through the hype and lies and tell the truth about mlm . here ' s good news there is an alternative to mlm that works , and works big ! if you haven ' t yet abandoned your dreams , then you need to see this . earning the kind of income you ' ve dreamed about is easier than you think ! with your permission , i ' d like to send you a brief letter that will tell you why mlm doesn ' t work for most people and will then introduce you to something so new and refreshing that you ' ll wonder why you haven ' t heard of this before . i promise that there will be no unwanted follow up , no sales pitch , no one will call you , and your email address will only be used to send you the information . period . to receive this free , life - changing information , simply click reply , type "" send info "" in the subject box and hit send . i ' ll get the information to you within 24 hours . just look for the words mlm wall of shame in your inbox . cordially , looking 4 money p . s . someone recently sent the letter to me and it has been the most eye - opening , financially beneficial information i have ever received . i honestly believe that you will feel the same way once you ' ve read it . and it ' s free !",1 +"Subject: v . i . a . g . r . a - the cheappesst prices do you still feel the power ? feeling good is around the corner ! enhance your erections http : / / buychepmeds . com / ? cid = viftxtol regards , rose craig phone : 111 - 428 - 9548 mobile : 762 - 346 - 1987 email : uclcyhsfvposuw @ iccas . com n . v ^ r http : / / buychepmeds . com / emover . php",1 +"Subject: re [ 15 ] : i ' ll give you . . microsoft xbox love stories go ahead . men u . s . postal service",1 +"Subject: any med for your girl to be happy ! your girl is unsatisfied with your potency ? don ' t wait until she finds another men ! click here to choose from a great variety of llcensed love t @ bs ! best pri $ es , fast shippinq and guaranteed effect ! here you buy it riqht from warehouse ! the store is verified by bbb and approved by vlsa ! ",1 +"Subject: save 70 % on laser toner and inkjet cartridges ! due to heavy demand from our customers we are extending the 5 % extra off coupon on all your purchases with coupon code rmscy 6 p 2 upto july ' 30 2002 and the offer is exclusively from us . you received this letter because you signed up to receive offers from one of our affiliate sites . to unsubscribe from our mailing list , online unsubscribe click here or by email click here ",1 +"Subject: delivery status notification - these recipients of your message have been processed by the mail server : antonioacm @ zipmail . com . br ; failed ; 5 . 2 . 2 ( mailbox full )",1 +"Subject: low cost high rated insurance . why pay more ? save up to 70 % on your life insurance ! get free life insurance quotes from the very best companies at the lowest rates . you can ' t predict the future , but you can always prepare for it . compare rates from top insurance companies around the country in our life and times , it ' s important to plan for your family ' s future , while being comfortable financially . choose the right life insurance policy today . insurance companies compete for your insurance . it ' s fast , easy , and best of all . . . free . click here for your free quote ! if you are in receipt of this email in error and / or wish to be removed from our list , please click here and type remove . if you reside in any state which prohibits e - mail solicitations for insurance , please disregard this email . ",1 +"Subject: cigarettes wholesale ! hywwzzlzd $ 19 . 95 and up ! buy cartons of cigarettes wholesale , starting at $ 19 . 95 . free shipping ! why pay state taxes ? 100 % legal . mailed from swiss bonded warehouse . for personal use only , must be 18 years of age and older , verified by credit card . aol users click here to be removed from future mailings , reply to this email with remove in the subject line .",1 +"Subject: learn the secrets of investing in real estate today ! your friend and personal mentor , lou vukas you are receiving this email because you requested to receive info and updates via email . to unsubscribe , reply to this email with "" unsubscribe "" in the subject or simply click on the following link : unsubscribe ",1 +"Subject: well , do you need it ? hello , welcome to pharmon unfavoured line s lighterage hop - one of the leading oniine ph organplayer armaceutical shops overhear v squander g a shortwave l foundation ll calomel la r bandar ac insurrectional l i squint s matchlock va plainness um andmanyother . - sav cleancut e over 50 % - worldwide sh oredressing lpplng - total confiden nightmare tiaiity - over 5 miiiion customers in pitched 130 countries have a nice day libertine !",1 +"Subject: equipment finance and leasing contact us today for a free consultation on the many options available to your company : your equipment loan and lease specialist www . . com reuben adams ra @ . com ( 800 ) 539 - 5327 ext 209 keystone capital 2100 main st . , ste . 104 irvine , ca 92614 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: premium online medication here kodachrome buddhism emilio get all your prescriptions in one location ! a whole range of tablets ! take a look ! and the costs are very low ! stop receiving promotional material now arrogate disposal caucasian consult ",1 +"Subject: http : / / www . jumpsociety . com hello , i have visited www . jumpsociety . com and noticed that your website is not listed on some search engines . i am sure that through our service the number of people who visit your website will definitely increase . seekercenter is a unique technology that instantly submits your website to over 500 , 000 search engines and directories - - a really low - cost and effective way to advertise your site . for more details please go to seekercenter . net . give your website maximum exposure today ! looking forward to hearing from you . best regards , vanessa lintner sales marketing www . seekercenter . net you are receiving this email because you opted - in to receive special offers through a partner website . if you feel that you received this email in error or do not wish to receive additional special offers , please enter your email address here and click the button of remove me : ",1 +"Subject: re : got ink ? 21846 what have you been up to ? i don ' t know about you , but i am sick and tired of going down to the store to find out that your printer cartridges cost more than the printer itself ! i know how you feel - i print over 500 pages a day , and it feels like there is a vacuum sucking money out of my wallet ! now , this has got to stop because i know it doesn ' t cost the printer companies anywhere near what it costs me to do my office and school work ! well , it finally has . the superink solution . you ' re probably thinking to yourself , "" gosh darn , not another cheap knockoff printer cartridge ! "" like you , i was very skeptical at first , but my best friend & business associate said it helped her save over $ 100 a month on printer supplies . so i tried it . i mean , there was nothing to lose because they offer a 100 % satisfaction guarantee , up to a one - year warranty on all of their products and free shipping on all orders ! let me tell you , it was one of the best decisions i ' ve ever made . period . six months later , as i ' m writing this message to you , i ' ve gone from spending $ 1000 dollars a month on printer supplies to now only $ 475 ! and i haven ' t had to sacrifice the quality or service that i received from the local office supply store . in fact , the service is even better ! i ' ve had 1 defective cartridge since i started dealing with superink and they sent me a new replacement within 3 days , no questions asked . now , i can print all i want ! i was so happy with the results that i contacted their manufacturer and got permission to be a reseller - at a big discount . i want to help other people to avoid getting jipped by the printer companies like i did . because a penny saved is a penny earned ! i give you my personal pledge the superink soltuion will absolutely work for you . if it doesn ' t , you can return your order anytime for a full refund . if you are frustrated with dishing out money like it is water to the printer companies , or tired of poor quality ink & toner cartridges , then i recommend - the superink solution . you ' re probably asking yourself , "" ok , so how do we save all this money without losing quality and service ? "" modern technology has provided superink with unique , revolutionary methods of wax molding that allow the ink & toner to ' settle ' , which prevents any substantial damage that would occur during shipping and handling . nothing "" magic "" about it - just quality & savings , big savings ! here is the bottom line . . . i can help you save 30 % - 70 % per week / per month / per year or per lifetime by purchasing any of our ink & toner supplies . just try it once , you ' ll keep coming back - there ' s nothing to lose , and much money to be saved ! 100 % satisfaction guaranteed . you will be able to print as much as you want without wasting money or sacrificing quality - guaranteed . that is my pledge to you . to order from the superink solution on our secure server , just click on the link below ( or enter it into your browser ) : http : / / www . superink . net / if you have difficulty accessing the website above , please try contacting us toll - free at 1 - 800 - 758 - 8084 - thanks ! sincerely - bruce tipton if you do not wish to receive any more emails from me , please send an email to "" print 2 @ btamail . net . cn "" requesting to be removed . thank you and sorry for any inconvenience . ",1 +"Subject: we owe you lots of money dear applicant , after further review upon receiving your application your current mortgage qualifies for a 4 . 75 rate . your new monthly payment will be as low as $ 340 / month for a $ 200 , 000 loan . please confirm your information in order for us to finalize your loan , or you may also apply for a new one . complete the final steps by visiting : http : / / www . wsrefi . net / ? id = j 22 we look foward to hearing from you . thank you , heather grant , account managerlpc and associates , llc . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - not interested ? - > www . wsrefi . net / book . php",1 +"Subject: considered unsolicited bulk email from you your message to : - > distmatu @ agrocom . com . ar was considered unsolicited bulk e - mail ( ube ) . subject : just to her . . . return - path : delivery of the email was stopped !",1 +"Subject: i know your company ! it is really hard to recollect a company : the market is full of suggestions and the information is overwhelming ; but a good catchy logo , stylish stationery and outstanding website will make the task much easier . we do not promise that having ordered a logo your company will automatically become a world leader : it is quite clear that without good products , effective business organization and practicable aim it will be hot at nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system lets you change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be sure that you will love the result of this collaboration . have a look at our portfolio",1 +"Subject: reading to children has proven to increase their vocabulary obum * this message was transferred with a trial version of communigate ( tm ) pro * missed all the news this weekend ? were you too busy treating the special moms in your life like the goddesses they are ? well good for you ! now follow the link to see what you may have missed this weekend ! click here to view this important announcement has opened their doors for this awesome offer . just check it out . we send it to you and you may review it for 30 days . no payment upfront and no obligations if you don ' t like it , just send it back and you wont be charged this newsletter is not unsolicited ! the email address has been subscribed and confirmed to our mailing list which means that someone with access to this email account verified the subscription per email . if you would like to stop receiving this newsletter : click here to u n s u b s c r i b e to 48 5 - 13 cl 4 p be transported to the world of middle earth ",1 +"Subject: need an outstanding logo now ? working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buildinq a positive visual imaqe of your company by creatinq an outstandinq loqo , presentable stationery items and professionai website . these marketing toois will significantly contributeto success of your business . take a iook at our work samples , hot deal packages and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( qerman , french , spanish , uk , and many others ) . ail iisted software is availabie for immediate downioad ! no need to wait 2 - 3 week for cd deiivery ! just few examples : - norton lnternet security pro 2005 - $ 29 . 95 - windows xp professional with sp 2 fuii version - $ 59 . 95 - corel draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 inciuding ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native language ! best regards , ava ",1 +"Subject: very cool offrr how to save on your medlcations gabion over 70 % . pharms select hop - successfull and proven popcorn way to save your secret money . spinal v codicil ag metayer al l noctambulizm u skilly l r rochet a ginnery cl i calculating sva gudgeon l doomed m andmanyother . best prlces extrude . worldwide shlpp confront lng . easy or hypothesis der form . total confiden conquest tiaiity . 250 , 000 s hyssop atisfied customers . order t egoistic oday and save !",1 +"Subject: enhance your anatomy i ' ve been using your product for 4 months now . i ' ve increased my length from 2 to nearly 6 . your product has saved my sex life . - matt , fl my girlfriend loves the results , but she doesn ' t know what i do . she thinks it ' s natural - thomas , ca pleasure your partner every time with a bigger , longer , stronger unit realistic gains quickly to be a stud press here if that is so you probably owe your existence to those laws oranjestad , aruba , po b 1200 here , then , i made my home ; and although it is a lonely place i amuse myself making rustles and flutters , and so get along very nicelywhen the braided man had completed this strange tale dorothy nearly laughed , because it was all so absurd ; but the wizard tapped his forehead significantly , to indicate that he thought the poor man was crazy the demon nodded doubtless it was intended that when mankind became intelligent enough and advanced enough to strike the master key , you and all your devices would not only be necessary and acceptable to them , but the world would be prepared for their general use ",1 +"Subject: dowlnoadable 70 + xxx vldeos with pornstars - x 936 we have the hottest pornostars pics and videos inside . thousands of new photo and clips , including pornostars movies . see hot pornostars videos now ! click here for http : / / black . info . babyhom . info / cool photos and video clips and dvd movies - - - - - - - - - - - - - - bantus anther candy agnomen binge bushnell chigger conflict aural collaborate cultivable compression",1 +"Subject: get the software you need , now ! soft at incredibly low prices the deepest definition of youth is life as yet untouched by tragedy . humankind cannot stand very much reality .",1 +"Subject: you ' ve received a greeting from a family member ! d > you have just received a virtual postcard from a family member ! . you can pick up your postcard at the following web address : . . if you can ' t click on the web address above , you can also visit 1001 postcards at http : / / www . postcards . org / postcards / and enter your pickup code , which is : a 91 - valets - cloud - mad . ( your postcard will be available for 60 days . ) . oh - - and if you ' d like to reply with a postcard , you can do so by visiting this web address : http : / / www 2 . postcards . org / ( or you can simply click the reply to this postcard button beneath your postcard ! ) . we hope you enjoy your postcard , and if you do , please take a moment to send a few yourself ! . regards , 1001 postcards http : / / www . postcards . org / postcards / ",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( qerman , french , spanish , uk , and many others ) . all listed software is avaiiable for immediate download ! no need to wait 2 - 3 week for cd deiivery ! just few exampies : - norton lnternet security pro 2005 - $ 29 . 95 - windows xp professionai with sp 2 fuli version - $ 59 . 95 - corel draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 includinq ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native ianquage ! best regards , eilis ",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishinq software from corel , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professional $ 150 adobe premiere pro 1 . 5 $ 90 corel designer 10 $ 90 quickbooks 2004 professional edition $ 75 adobe paqemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere eiements $ 125 corel painter lx $ 80 adobe illustrator cs $ 80 adobe indesiqn cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 ulead cooi 3 d production studio 1 . 0 . 1 $ 90 aiias motion builder 6 professional $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop eiements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincereiy , josefine ",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishing software from corei , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professionai $ 150 adobe premiere pro 1 . 5 $ 90 corei designer 10 $ 90 quickbooks 2004 professional edition $ 75 adobe paqemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe goiive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere eiements $ 125 corei painter lx $ 80 adobe iilustrator cs $ 80 adobe indesign cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 ulead cool 3 d production studio 1 . 0 . 1 $ 90 alias motion builder 6 professional $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop elements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincerely , terri ",1 +"Subject: guaranteed to re - grow your hair . . . 3 things you should know about 1 . 70 men and women were losing their hair . 2 . 70 men and women tried the new hairmagic discovery . 3 . 70 men and women started growing hair again in just 4 weeks . here ' s your chance to join them for less than $ 2 a day . . ! to order now click here and visit our website yes , that ' s right . all 70 subjects grew hair again . that  s the essential fact about hairmagic it grew hair . losing your hair ? don ' t feel too badly . because it  s happening to 80 - million americans . and here ' s another pertinent fact . over the past 3 decades , all kinds of enterprising companies have come out with literally hundreds of miracle products and procedures , promising to restore that lost hair . but guess what ? there are still 80 - million americans who are still losing their hair . sounds like those miracle cures weren ' t so miraculous after all . in fact , many of them are virtually useless . sounds like we need a totally new approach , and now there is one : hairmagic gulf biomedical corporation discovered a simple but elusive fact : health h hair . consequently , hairmagic prescribes 2 different capsules a day one capsule to restore the health of your body and scalp . one capsule to stimulate the new growth of hair . with our 70 men and women , the two worked hand in hand to grow hair . it  s all explained on our website : www . hairmagicinfo . com to order hairmagic now hairmagic is available in a 30 - day supply package containing capsules 1 2 . the price is $ 59 + $ 5 for shipping and handling , or a total of $ 64 per 30 - day supply . to order now click here and visit our website hairmagic gulf biomedical corporation 1218 autrey , suite 2 houston , tx 77006 to remove this email address from further mailings click on the link below while connected to the internet . remove me ",1 +"Subject: entrust your visual identity to us thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom desiqn of logos , stationery and web - sites . under our carefui hand thesepowerfui marketinq toois wili brinq a breath of fresh air into your business and make you stand out amonqthe competitors . you are just a ciick away from your future success . click here to see the samples of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: this free 7 - day trial will prove that you can get ready for the beach . if you wish to unsubscribe click here or write to ultima group , inc . 1380 garnet avenue , e 520 san diego , ca 92109 nbtnsbpa",1 +"Subject: you want to submit your website to search engines but do not know how to do it ? submitting your website in search engines may increase your online sales dramatically . lf you invested time and money into your website , you simply must submit your website oniine otherwise it wiil be invisibie virtually , which means efforts spent in vain . if you want peopie to know about your website and boost your revenues , the only way to do that is to make your site visibie in places where people search for information , i . e . submit your website in multiple search engines . submit your website online and watch visitors stream to your e - business . best regards , marhtadowns _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: earn extra income * * want to make a million bucks this year ? me too but it ' s probably not going happen ! however if you ' re looking for the opportunity to make a couple thousand a week , working from home with your pc , we need to talk . if you ' re over 18 and a us resident , just click reply send me your name , state , complete telephone number , and the best time to contact you . i will personally speak with you within 48 hours . have a great day ! removal instructions : * * * * * * * * * * * * * * * * * * * * * * * * * to be removed from this list please reply with "" remove "" in the subject line . please allow a few days for removal to take effect . thanks ! ! - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: a chance to get new logo now working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buildinq a positive visual imaqe of your company by creatinq an outstandinq logo , presentabie stationery items and professionai website . these marketinq toois wili significantly contributeto success of your business . take a look at our work samples , hot deal packaqes and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: in the heart of your business ! corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes only several seconds for your company to be remembered or to be iost among competitors . get your ioqo , business stationery or website done riqht now ! fast turnaround : you wili see several logo variants in three business days . satisfaction guaranteed : we provide unlimited amount of changes ; you can be sure : it wili meet your needsand fit your business . flexibie discounts : loqo improvement , additional formats , bulk orders , special packages . creative design for competitive price : have a look at it right now ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: multiply your customer base ! dear ricardol , cost effective direct email advertising promote your business for as low as $ 50 per 1 million email addresses maximize your marketing dollars ! complete and fax this information form to 309 - 407 - 7378 . a consultant will contact you to discuss your marketing needs . website : ( not required ) _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ * comments : ( provide details , pricing , etc . on the products and services you wish to market ) ",1 +"Subject: 1000 ' s of computer products on sale now ! computer shopping network we deliver perfect match results every time ! 100 , 000 ' s of computer products the best deals from the top merchants shop , compare pricing , and save ! now it ' s easy to shop , compareproducts andpricing all in one place and it ' s free ! click here to go to computer shopping network www . . com computer shopping network 6701 sierra ct . , ste . e dublin , ca 94568 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: congratulations on your 6 new signups we guarantee you free signups before you ever pay a penny ! we will show you the money before you ever take out your wallet . sign up for free and test drive our system . no obligation whatsoever . no time limit on the test drive . our system is so powerful that the system enrolled over 400 people into my downline the first week . to get signed up for free and take a test drive click the link : the national attention drawn by this program will drive this program with incredible momentum ! don ' t wait , if you wait , the next 400 people will be above you . signup now for your free test drive and have the next 400 below you ! all the best , daniel financially independent home business owner 1 - 800 - 242 - 0363 , mailbox 1993 to be excluded from future notices : ",1 +"Subject: claim your free $ 1000 home depot gift card . claim your home depot gift card - a $ 1000 value . were sure you can find a use for this gift card in your area . ( ) . by exclusiverewards ystyxapg",1 +"Subject: http : / / www . efi . ie / http : / / www . efi . ie / index - 1998 - 07 - 16 . html easyadpost . com - - promote your products and services on thousands of classified sites . simply the best way to sell on the internet ! no time to post an ad for your business ? struggling with numerous classified sites ? seeking effective means to promote your business ? all of these are great reasons for you to visit easyadpost . com . currently easyadpost . com boasts a database of 120 , 000 + popular classified sites , to which we will submit your classified ad quickly and effectively . we will as well submit your business site url or logo url to hundreds of thousands of search engines and directories worldwide . quickly and effectively , easyadpost . com will attract potentially millions of people to your business on the internet , without any hidden cost for advertising ! visit links below for more details to learn the generals about easyadpost , view http : / / www . easyadpost . com to browse the sample list of classified sites , go to http : / / www . easyadpost . com / sample . php questions or comments ? post your query form to us at http : / / www . easyadpost . com / aboutus . php spend your market dollar wisely and good luck to your business ! peterson slade customer @ easyadpost . com easyadpost . com ",1 +"Subject: give your pc a tune - up with system mechanic if you want to make sure that emails from realnetworks go to your inbox and not to your junk mail folder , add news @ real - email . net to your address book . your ultimate arsenal for improving pc performance ! system mechanic uses 15 powerful tools to keep your pc running faster , cleaner and error - free . download now take your pc to a whole new level of performance . increase download speeds by up to 300 % optimize internet and network connections find and remove duplicate , obsolete and junk files permanently delete files you don ' t want others to see find and repair broken windows shortcuts ensure your privacy on the internet - works with ie and netscape safely install new software and programs so much more ! download system mechanic now if you do not wish to receive e - mails from us in the future , click here to unsubscribe . need customer support ? contact us at : http : / / service . real . com / realone have questions regarding our email privacy policy ? contact us at : email privacy policy group realnetworks , inc . p . o . box 91123 seattle , wa 98111 - 9223 privacy policy 2005 realnetworks , inc . patents pending . all rights reserved . realnetworks , realplayer and real . com are trademarks or registered trademarks of realnetworks , inc . all other companies or products listed herein are trademarks or registered trademarks of their respective owners . ",1 +"Subject: ( no subject ) want to watch hardcore porn movies ? our site is voted the # 1 broadband movie site online ! click this link to watch our steaming chix in action : to unsubscribe from our list enter you email here : http : / / www . froggyhost . com / clubs / remove / [ jk 9 ^ "" : } h & * tgobk 5 nkiys 5 ] http : / / xent . com / mailman / listinfo / fork",1 +"Subject: all star break special : get a flag to support your favorite team - free shipping armstrong flag company free shipping free car flag ( min . order $ 35 . 00 ) 5 ' white pole w / mounting bracket $ 24 . 00 ea order today armstrong flag company 20 park st . winchester , ma 01890 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: congratulations on your 6 new signups we guarantee you signups before you ever pay a penny ! we will show you the green before you ever take out your wallet . sign up for free and test drive our system . no obligation whatsoever . no time limit on the test drive . our system is so powerful that the system enrolled over 400 people into my downline the first week . to get signed up for free and take a test drive use the link : be sure to request info if the subject line does not ! the national attention drawn by this program will drive this program with incredible momentum ! don ' t wait , if you wait , the next 400 people will be above you . take your free test drive and have the next 400 below you ! be sure to request info if the subject line does not ! all the best , daniel financially independent home business owner to be excluded from future notices : ",1 +"Subject: returned mail : response error the original message was received at tue , 19 jul 2005 11 : 57 : 45 + 0100 - - - - - the following addresses had permanent fatal errors - - - - - - - - - - transcript of session follows - - - - - . . . while talking to mailin - 02 . mx . aol . com > > > data < < < 554 transaction failed",1 +"Subject: tired of your high mortgage rate - refinance today . . . . . dear homeowner , interest rates are at their lowest point in 40 years ! we help you find the best rate for your situation by matching your needs with hundreds of lenders ! home improvement , refinance , second mortgage , home equity loans , and much , much more ! you ' re eligible even with less than perfect credit ! this service is 100 % free to home owners and new home buyers without any obligation . where others say no , we say yes ! ! ! http : / / www 282 . fastwebsnet . com / mtg take just 2 minutes to complete the following form . there is no obligation , all information is kept strictly confidential , and you must be at least 18 years of age . service is available within the united states only . this service is fast and free . http : / / www 282 . fastwebsnet . com / mtg to opt out : ",1 +"Subject: re : [ 3 ] this will be our closing effort we have aimed to speak to you on multiple possibilities and we await your response now ! your exisiting loan situation certifies you for up to a 3 . 60 % lower rate . however , since our previous attempts to speak to you have failed , this will be our last notice to close for you the lower rate . please end this final step upon receiving this notice immediately , and complete your request for information now . apply here . if your decision is not to make use of this final offer going here will help you to do so .",1 +"Subject: the best just got better male , age 55 , best , $ 500 , 000 face amount , annual premiums ge lifetime protectorsm lifetime premiuml $ 6 , 252 csv = $ 1 @ age 1002 $ 5 , 356 csv = face amt @ age 1002 $ 5 , 841 product j $ 6 , 365 $ 7 , 699 $ 7 , 970 product i $ 6 , 531 $ 6 , 809 $ 7 , 327 product l $ 6 , 348 $ 6 , 250 $ 6 , 630 product s $ 6 , 538 $ 5 , 709 $ 6 , 550 product u $ 8 , 950 $ 5 , 827 $ 6 , 185 product t $ 7 , 581 $ 6 , 729 $ 7 , 372 product m $ 7 , 637 $ 6 , 711 $ 6 , 916 product g $ 7 , 044 $ 5 , 529 $ 6 , 207 source : industry market research conducted and compiled by ge financial , august 2002 . ge lifetime protectorsm is subject to the terms , issue limitations and conditions of policy form nos . ul geo 2 et al for ge capital assurance and ulfclo 2 et al for first colony life , which include exclusion periods for death by suicide . ge lifetime protectorsm is not available in all states . lpremium that guarantees coverage for the life of the insured according to the companies ' provisions . companies refer to premium by different names and the conditions for the guarantee will vary from company to company . for ge lifetime protectorsm , this refers to the designated premium requirement : subject to the policy provisions , policy remains in force as long as the sum of the premiums paid , less the reduction in policy value for all partial withdrawals , equals or exceeds the cumulative total of the designated monthly premiums from the policy date to the end of the current policy month . 2 premiums calculated assuming each company ' s current crediting rate and charges . each column represents the premium required annually to age 100 to achieve target cash surrender value stated in the column heading . underwritten by general electric capital assurance company first colony life insurance company lynchburg , va members of the ge financial family of companies we don ' t want anyone to receive our mailings who does not wish to receive them . this is a professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insuranceiq . com / optout legal notice ",1 +"Subject: new love tabs shop . visit our llcensed online dragstore for the best inexpensive love drags ! viagra , cialis , softtabs and many other love enhancers ail in one ! operative support , fast shipping , secure payment processing and compiete confidentiaiity ! click here to find your verifled by bbb and approved by visa iove pil 1 ! ",1 +"Subject: hey ! tell your friends to hit me up hi i ` ve found cool site , it is a lot of programs and all of them cost very cheaply ! it ' s a url http : / / www . softforfast . info / and you can download them right after purhases ! you will no need to wait 2 - 3 week for cd delivery . - - - - - - - - - - - - - bellum babbitt allegoric atchison",1 +"Subject: send the love home with an online photo album software for system builders , resellers , and hardware purchasers only . pride sullies the noblest character . a person should want to live , if only out of curiosity .",1 +"Subject: make some extra money fast read how here it is real simple i am totaly serious also on msn : start chattingilisten to musicihouse homeitry online datingidaily horoscopes to stop getting this e - mail , or change how often it arrives , go to your e - mail settings . need help ? if you ' ve forgotten your password , please go to passport member services . for other questions or feedback , go to our contact us page . if you do not want to receive future e - mail from this msn group , or if you received this message by mistake , please click the "" remove "" link below . on the pre - addressed e - mail message that opens , simply click "" send "" . your e - mail address will be deleted from this group ' s mailing list . remove my e - mail address from one income living . ",1 +"Subject: [ ilug ] assistance from : col . michael bundu . democratic republic of congo . tel no : your country intl . access code + 8821652098236 email : mikebundu @ rediffmail . com dear sir / madam seeking your immediate assistance . please permit me to make your acquaintance in so informal a manner . this is necessitated by my urgent need to reach a dependable and trust worthy foreign partner . this request may seem strange and unsolicited but i crave your indulgence and pray that you view it seriously . my name is col . michael bundu of the democratic republic of congo and one of the close aides to the former president of the democratic republic of congo laurent kabila of blessed memory , may his soul rest in peace . due to the military campaign of laurent kabila to force out the rebels in my country , i and some of my colleagues were instructed by late president kabila to go abroad to purchase arms and ammunition worth of twenty million , five hundred thousand united states dollars only ( us $ 20 , 500 , 000 . 00 ) to fight the rebel group . we were then given this money privately by the then president , laurent kabila , without the knowledge of other cabinet members . but when president kabila was killed in a bloody shoot - out by one of his bodyguards a day before we were schedule to travel out of congo , we immediately decided to put the funds into a private security company here in congo for safe keeping . the security of the said amount is presently being threatened here following the arrest and seizure of properties of col . rasheidi karesava ( one of the aides to laurent kabila ) a tribesman , and some other military personnel from our same tribe , by the new president of the democratic republic of congo , the son of late president laurent kabila , joseph kabila . in view of this , we need a reliable and trustworthy foreign partner who can assist us to move this money out of my country as the beneficiary . we have sufficient ' ' contacts ' ' here to move the fund under diplomatic cover to a security company in europe in your name . this is to ensure that the diplomatic baggage is marked ' ' confidential ' ' and it will not pass through normal custom / airport screening and clearance . our inability to move this money out of congo all this while stems from our lack of trust of our supposed good friends ( western countries ) who suddenly became hostile to those of us who worked with the late president kabila , immediately after his son took office . though we have neither seen nor met each other , the information we gathered from an associate who has worked in your country has encouraged and convinced us that with your sincere assistance , this transaction will be properly handled with modesty and honesty to a huge success within two weeks . the said money is a state fund and therefore requires a total confidentiality . we would please need you to stand on our behalf as the beneficiary of this fund in europe . this is because we are under restricted movement and watch and hence we want to be very careful in order not to lose this fund which we have worked so hard for . thus , if you are willing to assist us to move this fund out of congo , you can contact me through my email addresses , tel / fax nos . above with your telephone , fax number and personal information to enable us discuss the modalities and what will be your share ( percentage ) for assisting us . please note that there are no risks involved in this deal as everyone ' s security is guaranteed if we follow the required guidelines . i will hence furnish you with further details of this deal as soon as i am assured of your sincere interest to assist us . i must use this opportunity and medium to implore you to exercise the utmost indulgence to keep this matter extraordinarily confidential , whatever your decision , while i await your prompt response . thank you and god bless . best regards col . michael bundu ( rtd ) . m _ bundu @ rediffmail . com n \ b . when you are calling my line , you dial your country intl . access code , then you dial directly , do not include my country code i . e . ( 243 ) . just dial your country intl . access code + 88216 52098236 . you can also contact me through the above email addresses . - - irish linux users ' group : ilug @ linux . ie http : / / www . linux . ie / mailman / listinfo / ilug for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: 75 % reduction in road accidents august , 2002 dear sir / madam , in case you have received this mail earlier , kindly ignore this mail . it may have been re - sent to you by mistake . ours is not a mailing list and we have no intention of sending any regular mails to anybody . we have devised a set of systems , which can reduce the damage caused to vehicles and deaths and injury caused to passengers and pedestrians in vehicular accidents by more than seventy - five percent we have already filed and are in process of filing further , multiple and appropriate disclosure documents , provisional patent applications at the united states patent & trademarks office ( uspto ) , and also applications under the patent co - operation treaty at world intellectual property organization ( wipo ) at geneva . there is absolutely no doubt that our idea is new and innovative . moreover , we are very confident and very sure that this will help reducing / minimizing human suffering to a very large extent . there is no doubt that the product devised by us will change the face of the earth forever . brief details relating to our product are detailed in the annexures under the following headings : statistics advantages options economics we are looking for the followings : 01 . business consultancy and advice regarding the most viable , practical and profitable course of action under the circumstances and also consultancy on patents one person moderately injured every three seconds ; one person mildly injured every three seconds . ) ( c ) current yearly automobile sales worldwide - more than 1000 billion us $ . ( d ) number of automobiles worldwide - more than 1000 billion pieces ( e ) daily loss caused due to vehicular accidents worldwide more than 2 billion us $ per day . ( 2 % of the worldwide gross national product of more than 36500 billion us $ = more than 730 us $ per year = more than 2 billion us $ per day ) theadvantages of the technology developed by us : a . the introduction of such technology will dramatically reduce the expenses of auto - insurance . this reduction of insurance cost will be at par with or even more that the expenses incurred towards the introduction of such technology in modern day vehicles . accordingly , the life insurance premier will also undergo drastic reduction . additionally , because of saving of lives , the outgo of the insurance companies will reduce substantially . b . as per the who studies and projections , road accidents occupy the number nine positions by way of causes of death in the world today . it is projected by who that by the year 2020 they will occupy the number three positions , next only to heart disease and depression . by introduction of this technology , we are sure that this will not happen . on the contrary there will be massive reduction in the number of deaths due to road accidents and road accidents may not figure on the list of major causes of death , in the year 2020 at all . c . this technology will therefore , make all vehicles cheaper and safer . not only will the cost be reduced , safety which is priceless in itself , will also be greatly enhanced . as and when the regular patent application is filed and patent is granted , the life of the patent will be 20 years . even at the current levels , with road accidents placed at number nine on the who list as a major cause of death , there is a daily loss of two billion us $ . even at the present level , over a period of twenty years , without any interest and without any compounding , this loss works out to be : 2 billion us $ x 365 days x 20 years - 14 , 600 billion us $ . d . our technology will ensure that at least seventy - five percent of the above losses are prevented . such figure works out to be more that 10 , 000 billion us $ . it is important to note that this is the projection at the current level . as per the future projections , the incidents of road accidents are expected to increase . hence , the figure is likely to be increase very substantially . in addition the time factor and the interest factor will inflate this figure further . e . at the current levels , more than 1 . 2 million persons are dying every year due to road accidents . even at the current rates , more than 24 million lives will be lost in road accidents over the next twenty years ( i . e . life of the patent , when granted ) . besides , at the current levels . 3 . 2 million people are injured every year . in the next twenty years , the number of people injured due to road accident , will therefore be more than half a billion . f . if we add to that the personal , physical and psychological traumas to those directly involved in and also to those who are associated with the people involved in the road accidents . the trauma and the misery and henceforth the value of the savings , are all unmeasurable in quantities , presently known to human kind . g . considering the figures and dynamics as explained hereinabove , it may not be improper or out of place to compare this technology with the introduction of electricity , computer or aircrafts in terms of its value to mankind . h . the benefits of this technology will be so obvious and essential that , in the very near future , the use of this technology will become unavoidable . it should and will become mandatory by law , to install such technology and the installation of such technology should and will be a pre - requisite for granting or renewal of the registration and license of all vehicles in future . i . as described hereinabove ; this technology and its utility are incomparable , outthought of , and unheard of till date . it will open a new floodgate in human travel and safety measures . in future , it can and will be applied to other mode of transport , like aircrafts and trains also . . among other things , we have the following options available to us : - options available to us : - a - outright sale ( a ) immediate outright sale of the idea and the concept along with our filed applications for one time lump sum consideration . ( b ) further development of the concept and further filing of patent and all patent related applications , before taking steps as outlined in "" a "" . the process ( b ) will obviously increase the realization in terms of price . b - licencing options i ) new vehicles - granting of licenses to manufacturers of automobiles , individually or collectively , all over the world for incorporation in the automobiles to be manufactured in future on fixed time or per piece basis . ii ) conversion of existing vehicles - to independent agents for conversion of the existing more than 1000 billion vehicles all over the world . c - combined options a collaborative arrangement with some private and / or government agency wherein we receive a certain down payment and then jointly distribute the licensing rights on a pre - decided sharing ( partnership ) arrangement . the economics of the project will be as follows : - 1 ) in case any / all processes and systems described by us are incorporated in the design of new vehicles and the new vehicles are manufactured in accordance with the modified designs , the cost escalation may not be more than 5 % to 8 % , and the safety and the protection will be ten times ( more than ) the price escalation . hence , drop in insurance premier will compensate for the cost escalation . 2 ) in case , the existing vehicles are modified , the cost involved will be approximately 10 % to 15 % of the value of the vehicle . but partial modifications at a lower cost , which will give partial protection , may also be carried out . as a thumb rule , the cost of modification in percentage terms will be about one fifth of the percentage of safety and protection provided . 3 ) in case the value of the vehicles is low or the life of the vehicle is about to expire , the partial modifications may be practically and economically viable , as incorporation onto a new vehicle is relatively less expensive and more protective . 4 ) there are more than 1000 billion motor vehicles in the world at present . besides there are an unspecified number of non - motorized ehicles . 5 ) almost all of them can be converted in phased manner to a variable degree . the cost of conversion will be directly proportional to their current market value and the safety shield to be generated there from . 6 ) among the motorised vehicles , the conversion cost may work out of few dollars for every percent of safety shield created the exact calculation can be worked out , but over all , some of the methods may provide more safety at lower cost compared to the other which may differ in efficiency . 7 ) even if we consider a very vague and approximate cost of conversion of 300 us $ per vehicle , the conversion industry works out to be worth 3 , 00 , 000 billion us $ . 8 ) realising the potential of the product in terms of human safety , it will be reasonable to presume that majority of such conversion will be completed over a period of three years from the starting date . 9 ) as pointed hereinabove , the size of the conversion industry may be estimated to , in the range of 1 , 00 , 000 billion us $ per year over the next three years . 10 ) alternatively , considering the diversity of available motorised vehicles all over the world , conversion licensing can also be commercially viable proposition . for such conversion , licenses can be granted on - line , on receipt of on - line payments . in that case , different rates for granting conversion to vehicles having specific registration numbers can be granted in accordance with and in proportion to the size , carrying capacity and the engine power of the vehicle . 11 ) in case , licensing is done , the creation and installation of the concerned systems will be done by the end - user , as per his circumstances and needs . however , piracy is likely to be a major problem in such licensing . 12 ) it is likely that as and when the systems are introduced in the motorised vehicles , unusual and unprecedented demand of new vehicles is created . this will result in massive rejection of the vehicles currently playing all over the world and stimulate an entirely new market as far as motorised vehicle is concerned . the size of such market is difficult to either comprehend and / or estimate . p . s . 1 ) some of the figures have been rounded off but generally the figures are correct . 2 ) we have tried to keep this communication brief and to the point . more details , including website references are available with us and can be provided , if required . ",1 +"Subject: it ' s mariah from dating service i ' m mariah , the girl next door . im searching for someone to be with me . i ' ve been searching for hot guy to hangout with . sometimes i get real lonely . i read online and decided to ask around if someone wants to chat online . if you are interested in my webcam to see how i look feel free to visit me . http : / / lastmansitting . com / mc 26 /",1 +"Subject: judicial judgments - child support money judgements child support detective be on top . determine your work schedule . from anywhere . current associates earning 5 , 000 us to 12 , 000 us per / mo . large profit handling money judgments . impressive training and support . http : / / n . 1 c 24 . greatitemsweblines . com / b / detailed information or to stop receiving or to see our address . if our side wins i may get a chance to recover some of my property . it ' s a slim chance , of course , but it ' s the only hope i have left that very evening an opportunity occurred for rob to win glory in the eyes of his new friends",1 +"Subject: we build the internet . webxperts . com ( design / programming / consultation ) if this flyer does not appear correctly and / or images do not appear , please click the following link : http : / / www . webxperts . com . your email address was obtained from a purchased list . you are receiving this from eluxmedia llc , and are a part of their mailing list . if you wish to unsubscribe from this list , please click here and enter your name into the remove box . if you have previously unsubscribed and are still receiving this message , you may email our abuse control center . ",1 +"Subject: credit is no factor hows it been going , visioson @ hpp . za . net ? we tried contacting you about your low intrest rate . you have qualified for the lowest rate in years . your current status : $ 345 , 000 for $ 227 a month . your credit has already been reviewed / approved . please view your details at our site below : anyhgh . com bye , anastasia labovitz edwards : . . . more negative attacks - - aren ' t you sick of it ? . i made my original programs available to the teachers around me . they were getting the same kind of success . i finally decided i had to make my noun program available to teachers and parents around the nation . we have been working on it for over 2 years . many of you have waited patiently . thank you for your patience . .",1 +"Subject: your help dear sir , i am mrs mariam abacha , wife of the late nigerian head of state , general sani abacha who died on the 8 th of june 1998 while still on active duty . i am contacting you in view of the fact that we will be of great assistance to each other likewise developing a cordial relationship . i currently have within my reach the sum of thirty six million united states dollars ( us $ 36 , 000 , 000 ) in cash , which i intend to use for investment purposes specifically in your country . this money came as a result of a payback contract deal between my late husband and a russian firm on our country ' s multi - billion dollars ajaokuta steel plant . the russian partners returned my husbands share of us $ 36 , 000 , 000 after his death and lodge it with my late husband ' s security company in nigeria of which i am a director . right now the new civilian government have intensified their probe on my husband ' s financial resources and they have revoked our licenses that allows us to own a financial and oil company . in view of this , i acted very fast to withdraw the us $ 36 , 000 , 000 from the company ' s vault and deposited it in a privately erected security safe abroad . no record ever existed concerning the money neither is the money traceable by the government because there is no documentation showing that we received the money from the russians . due to the current situation in the country concerning government attitude towards my family , it has become quite impossible for me to make use of this money within , thus i seek assistance to transfer this money into your safe bank account . on your consent , i shall expect you to contact me urgently to enable us discuss details of this transaction . bearing in mind that your assistance is needed to transfer the funds , i propose a commission of 20 % of the total sum to you for the expected services and assistance . your urgent response is highly needed so as to stop further contacts . all correspondent should be forwarded to this email : zenab . m @ ompadec . zzn . con or you can call my son mobile : hamza 234 - 8023137978 i use this opportunity to implore you to exercise the most utmost indulgence to keep this matter extra ordinarily confidential what ever your decision while i await your prompt response . best personal regards , mrs mariam abacha . - - - - this sf . net email is sponsored by : jabber - the world ' s fastest growing real - time communications platform ! don ' t just im . build it in ! http : / / www . jabber . com / osdn / xim spamassassin - sightings mailing list ",1 +"Subject: garden ornaments | ppu our delightful garden ornaments combine the finest craftsmanship in woodworking with the lastest technology in paints and hardware : we are the world ' s biggest whirligig maker . sincerely , studio t . inc . , usa the home of heller whirligigs remove : e - mail based commercial communication avoids unnecessary spending on catalogs and paper , and helps to preserve valuable natural resources such as forests and oil . we do not wish to share our valuable information about whirligigs with those who are not interested . should you not wish to receive information from us in the future , please click on the following removal link : even though our database cleansing might be subject to delay or error , we will remove your e - mail address permanently from our database . however , please realize that removal from our database does not guarantee that your e - mail address will be deleted from the many other e - mail marketers who construct databases themselves by harvesting from web sites , or by buying any of the thousands of lists of e - mail addresses that are openly for sale on the internet . . . . ",1 +"Subject: mail delivery failed : returning message to sender this message was created automatically by mail delivery software . a message that you sent could not be delivered to one or more of its recipients . this is a permanent error . the following address ( es ) failed : ian @ altair 398 . demon . co . uk ( generated from ian @ altair . org . uk ) smtp error from remote mail server after end of data : host punt - 1 . mail . demon . net [ 194 . 217 . 242 . 75 ] : 550 blocked by recipient ' s spam filter options . if message is legitimate , please forward a copy to rbl @ demon . net for investigation . - - - - - - this is a copy of the message , including all the headers . - - - - - - return - path : received : from [ 203 . 101 . 127 . 76 ] ( helo = mailwisconsin . com ) by uk 2 mxarray 4 . uk 2 . net with smtp ( exim 4 . 52 ) id ldupou - 0005 qz - te for ian @ altair . org . uk ; tue , 19 jul 2005 11 : 59 : 30 + 0100 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 09360592 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 from : "" barry castillo "" to : ian @ altair . org . uk user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 x - priority : 3 ( normal ) importance : normal x - sa - exim - connect - ip : 203 . 101 . 127 . 76 x - sa - exim - mail - from : projecthoneypot @ projecthoneypot . org subject : just to her . . . content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - spam - checker - version : spamassassin 3 . 0 . 4 ( 2005 - 06 - 05 ) on uk 2 mxserver 4 - 1 . uk 2 . net x - spam - level : * * * x - spam - status : no , score = 3 . 3 required = 99 . 0 tests = drugs _ erectile , drug _ dosage , html _ 50 _ 60 , html _ message , info _ tld , mime _ html _ only autolearn = no version = 3 . 0 . 4 x - sa - exim - version : 4 . 0 ( built sat , 24 jul 2004 09 : 53 : 34 + 0200 ) x - sa - exim - scanned : yes ( on uk 2 mxarray 4 . uk 2 . net ) soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbelivabie !",1 +"Subject: adobe + macromedia + os etc all in cd under $ 99 adobe + macromedia + os etc all in cd under $ 99 better the foot slip than the tongue . luck is what you have left over after you give 100 % .",1 +"Subject: likee a rock hello , welcome to phar philosophize monline sho orrery p - one of the leading oni dissociable ine pharmaceutical shops synchronism v onomatopoeia g commissionaire al dilapidated ll dutiable la cutglass rac unpolitical l arduous is progenitor va loftiness um andmanyother . - save tzigane over 50 % - worldwide shlppl sconce ng - total confidentiai fleshings ity - over 5 mii prolocutor iion customers in 130 countries have a gunnery nice day !",1 +"Subject: re : your bank account dear friend , a recent survey by nielsen / netratings says that "" the internet population is rapidly approaching a ' half a billion ' people ! "" so what does all this mean to you ? easy money ! ! let ' s assume that every person has only one e - mail address . . . that ' s 500 million potential customers and growing ! in addition , e ' mail is without question the most powerful method of on the face of the earth . well , i think you get the picture . the numbers and potential are just staggering , but it gets even better . . . suppose i told you that you could start your own e - mail businesstoday and enjoy these benefits : * * * all customers pay you in cash ! ! ! * * * you will sell a product which costs nothing to produce ! * * * your only overhead is your time ! * * * you have 100 s of millions of potential customers ! ! ! * * * you get detailed , easy to follow startup instructions ! and this is just the tip of the iceberg . . . as you read on you ' ll discover how a ' seen on national tv ' program is paying out a half million dollars , every 4 to 5 monthsfrom your home , for an investment of only $ 25 us dollars expense , one time . all thanks to the computer age . . . and the internet ! before you say "" bull "" , please read the following : this is the letter you have been hearing about on the newslately . due to the popularity of this letter on the internet , a national weekly news program recently devoted an entireshow to the investigation of this program described below , to see if it really can make people money . the show also investigated whether or not the program waslegal . their findings proved once and for all that there are "" absolutely no laws prohibiting the participation in theprogram and if people can follow the simple instructions , they are bound to make some mega bucks with only $ 25 out ofpocket cost "" . due to the recent increase of popularity and respect this program has attained , it is currently working better than ever ! * * * * * this is what one had to say : "" thanks to this profitable opportunity . i was approached manytimes before but each time i passed on it . i am so glad ifinally joined just to see what one could expect in returnfor the minimal effort and money required . to my asonishment , i received total $ 610 , 470 . 00 in 21 weeks , with money stillcoming in "" . pam hedland , fort lee , new is another testimonial : "" this program has been around for a long time but i neverbelieved in it . but one day when i received this again in the mail i decided to gamble my $ 25 on it . i followed thesimple instructions and walaa . . . . 3 weeks later the moneystarted to come in . first month i only made $ 240 . 00 but thenext 2 months after that i made a total of $ 290 , 000 . 00 . so far , in the past 8 months by re - entering the program , i have made over $ 710 , 000 . 00 and i am playing it again . the key to success in this program is to follow the simplesteps and not change anything . "" more testimonials later but first : * * print this now for your future referenceif you would like to make at least $ 500 , 000 every 4 to 5 months easily and comfortably , please read the following . . . then read it again and again ! ! ! * * follow these simple instructions , to make your financial dreams come true * * instructions : - - - - - - - - - - - - - - - - - - - * * * * * order all 5 reports shown on the list below . * * * * * for each report , send $ 5 us cash , the name & number of the report you are ordering andyour e - mail address to the person whose name appearson that list next to the report . make sure your return address is on your envelope top left corner in case of any mail problems . * * * * * when you place your order , make sure you order each of the 5 reports * * * * * you will need all 5 reports so that you can save them on yourcomputer and resell them . your total cost $ 5 x 5 = $ 25 . 00 * * * * * * * * * * within a few days you will receive , via e - mail , eachof the 5 reports from these 5 different individuals . savethem on your computer so they will be accessible for you tosend to the 1 , 000 ' s of people who will order them from you . also make a floppy of these reports and keep it at your deskin case something happens to your computer . * * * * * * * * * * important - do not alter the names of the peoplewho are listed next to each report , or their sequence on the list , in any way other than what is intructed below in stepsl through 6 or you will lose out on the majority of your profits . once you understand the way this works , you will also see howit does not work if you change it . remember , this method has been tested , and if you alter , it will not work ! ! ! people have tried to put their friends / relatives names onall five thinking they could get all the money . but it doesnot work this way . believe us , we have tried to be greedyand then nothing happened . so do not try to change anything other than what is instructed . because if you do , it will not work for you . remember , honesty reaps the reward ! ! ! 1 . after you have ordered all 5 reports , take this advertisement and remove the name and address of the person inreport # 5 . this person has made it through the cycle and is no doubt counting their fortune . 2 . move the name & address in report # 4 down to report # 5 . 3 . move the name & address in report # 3 down to report # 4 . 4 . move the name & address in report # 2 down to report # 3 . 5 . move the name & address in report # 1 down to report # 2 . 6 . insert your name & address in the report # 1 position . please make sure you copy every name & this entire letter , with the modified list of names , and save it on your computer . do not make any otherchanges . save this on a disk as well just in case you looseany data . to assist you with marketing your business on the internet , the 5 reports you purchase will provide you with information that includes : how to send bulk e - mailslegally , where to find thousand of free classified ads and much , much more . there are 2 primary methods to get this venture going : method # 1 : sending bulk e - mail legally - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - let ' s say that you decide to start small , just to see howit goes , and we ' ll assume you and those involved send outonly 5 , 000 emails each . let ' s also assume that the mailingreceives only a 0 . 2 % response ( the response could be muchbetter but lets just say it is only 0 . 2 % . also , many peoplewill send out hundreds of thousands of e - mails instead ofonly 5 , 000 each ) . continuing with this example , you send out only 5 , 000 e - mails . with a 0 . 2 % response , that is only 10 orders for report # 1 . those 10 people resonded by sending out 5 , 000 e - mails eachfor a total of 50 , 000 . out of those 50 , 000 e - mails only 0 . 2 % responded with orders . that ' s 100 people responded andordered report # 2 . those 100 people mail out 5 , 000 e - mailseach for a total of 500 , 000 e - mails . the 0 . 2 % response to that is 1000 orders for report # 3 . thoe 1000 people send out 5 , 000 e - mails each for a total of 5 million e - mails sent out . the 0 . 2 % response to that isl 0 , 000 orders for report # 4 . those 10 , 000 people send out 5 , 000 e - mails each for a total of 50 , 000 , 000 ( 50 million ) e - mails . the 0 . 2 % response to that is 100 , 000 orders forreport # 5 . that ' s 100 , 000 orders times $ 5 each = 500 , 000 ( a half a million ) . your total income in this example is : 1 . . . . . . $ 50 + 2 . . . . . . $ 500 + 3 . . . . . . $ 5 , 000 + 4 . . . . . . $ 50 , 000 + 5 . . . . . . $ 500 , 000 . . . . . . . . . . . . . . . . . . grand total = $ 555 , 550 . 00 numbers do not lie . get a pencil & paper and figure out the worst possible responses and no matter how you calculate it , you will still make a lot of money ! - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - remember friend , this is assuming only 10 people ordering out of 5 , 000 people you mailed . dare to think for a moment what would happen if everyone , or 1 / 2 , or even 1 / 5 of those people mailed 100 , 000 e - mailseach or more ? there are over 250 million people on the internet worldwide and counting . believe me , many peoplewill do just that , and more ! method # 2 : placing free ads on the internet on the net is very , very inexpensive and thereare hundreds of free places to advertise . placing a lot offree ads on the internet will easily get a larger response . we strongly suggest you start with method # 1 and add method # 2 as you go along . for every $ 5 you receive , all you must do is e - mail them the report they ordered . that ' s it ! always provide same dayservice on all orders . this will guarantee that the e - mailsthey send out , with your name and address on it , will beprompt because they can not advertise until they receive thereport . order each report by it number & name only . note : always send $ 5 cash ( us currency ) for each report . checks are not accepted . make sure the cash is wrapped inat lease 2 sheets of paper before you put it in the envelope . on one of those sheets of paper , write the number and the nameof the report you are ordering , your email address , your nameand postal address . make sure you affix the proper ' international ' postage if ordering a report from outside your country . place your order for these reports # 1 : the insider ' s guide to advertising for free on the netorder report # 1 from : k . j . nickelsp . o . box 739 waukesha , wi # 2 : the insider ' s guide to sending bulk e - mail on the netorder report # 2 from : k . heritage 6933 w . university ave # 610 gainsville , fl # 3 : secret to multilevel marketing on the net : order report # 3 from : t . turner 5317 bonner dr . corpus christie , tx # 4 : how to become a millionaire utilizing mlm & the netorder report # 4 from : mel hahnl 11 wilmont drive unit gwaukesha , wi # 5 : how to send out one million e - mailsorder report # 5 from : j . fridl 3324 radisson rd . n . e . ham lake , mn 55304 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ there are currently almost 500 , 000 , 000 people online worldwide ! $ $ $ $ $ $ $ $ $ $ your success guidlines $ $ $ $ $ $ $ $ $ $ follow these guidlines to guarantee your success : * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * if you do not receive at least 10 orders for report # 1 within 2 weeks , continue sending e - mails until you do . after you have received 10 orders , 2 to 3 weeks after thatyou should receive 100 orders or more for report # 2 . if youdid not , continue advertising or sending e - mails until you do . once you have received 100 or more orders for report # 2 , youcan relax , because the system is already working for you , and the cash will continue to roll in ! ! this is important to remember : every time your nameis moved down the list , you are placed in front of a different report . you can keep track of your progress by watching whichreport people are ordering form you . if you want to generate more income send anotherbatch of e - mails and start the whole processagain . there is no limit to the income you can generatefrom this business ! ! ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ following is a note from the originator of this program : you have just received information that can give you financialfreedom for the rest of your life , with no risk and just alittle bit of effort . you can make more money in the nextfew weeks and months than you have ever imagined . follow the program exactly as instructed . do not changeit in any way . it works exceedings well as it is now . remember to e - mail a copy of this exciting report after youhave put your name and address in report # 1 and moved othersto # 2 . . . . . . . . . . # 5 as instructed above . one of the peopleyou send this to may send out 100 , 000 or more emails and yourname will be on every one of them . remember though , the moreyou send out the more potential customers you will reach . so my friend , i have given you the ideas , information , materials and opportunity to become financially independent . it is up to you now ! * * * * * * * * * * more testimonials * * * * * * * * * * "" my name is mitchell . my wife jody and i live in chicago . i am an accountant with a major us corporation and i makepretty good money . when i received this program i grumbledto jody about receiving "" junk mail "" . i made fun of thewhole thing , spouting my knowledge of the population andpercentages involved . i "" knew "" it wouldn ' t work . jodytotally ignored my supposed intelligence and a few days latershe jumped in with both feet . i made merciless fun of her , and was ready to lay the old "" i told you so "" on her whenthe thing didn ' t work . well , the laugh was on me ! within 3 weeks she had received 50 responses . within the next 45 days she had received a total of $ 147 , 200 . 00 all cash ! i was shocked . i have joined jody in her "" hobby "" . mitchell wof , chicago , being the gambling type , it took me several weeks tomake up my mind to participate in this plan . but conservativethat i am , i decided that the initial investment was so littlethat there was just no way that i wouldn ' t get enough ordersto at least get my money back . i was surprised when i foundmy medium sized post office box crammed with orders . i made $ 319 , 210 . 00 in the first 12 weeks . the nice thing about thisdeal is that it does not matter where people live . theresimply isn ' t a better investment with a faster return andso big "" . dan sondstrom , alberta , had received this program before . i deleted it , but lateri wondered if i should hav given it a try . of course , ihad no idea who to contact to get another copy , so i had towait until i was e - mailed again by someone else . . . . . . . 11 months passed then it luckily came again . i did not delete this one ! i made more than $ 490 , 000 on my first tryand all the money came within 22 weeks "" . susan de suza , new york , really is a great opportunity to make relatively easymoney with little cost to you . i followed the simpleinstructions carefully and within 10 days the money startedto come in . my first month i made $ 20 , 560 . 00 and by theend of the third month my total cash count was $ 362 , 840 . 00 . life is beautiful , thanks to the internet "" . fred dellaca , westport , new your reports today and get startedon your road to financial you have any questions of the legality of this program , contact the office of associate director of marketingpractices , federal trade commission , bureau of consumerprotection , washington , d . c . we are not the authors of this program and do not warrant any guarantees as to how much earnings you willachieve . this is a one time mailing . if you wish to be removed from our list please reply to this e - mail with "" remove "" in the subject lineand you will be removed immediately . ",1 +"Subject: be one of our survey takers and we ' ll send you a complimentary laptop computer . computer survey group needs survey takers in your area now . we ' d like to send you a complimentary laptop computer now for helping us . ( ) laayawrw",1 +"Subject: women with cum on their face ! ! ! click here to be removed ",1 +"Subject: the big unit i ' ve been using your product for 4 months now . i ' ve increased my length from 2 to nearly 6 . your product has saved my sex life . - matt , fl my girlfriend loves the results , but she doesn ' t know what i do . she thinks it ' s natural - thomas , ca pleasure your partner every time with a bigger , longer , stronger unit realistic gains quickly to be a stud press here when wearing this garment you will find it unnecessary to use the electric tube except on rare occasions oranjestad , aruba , po b 1200 so while they grow they cannot be said to really live , and they must be picked before they can become good citizenshow long do you live , after you are picked ? asked dorothy never allow revenge or animosity to influence your conduct men may threaten , but they can not injure you , so you must remember that they do not possess your mighty advantages , and that , because of your strength , you should bear with them patiently ",1 +"Subject: bring on the best software . . . at the most reasonable prices ! best software prices . why can ' t they invent something for us to marry instead of women ? ah ! the clock is always slow ; it is later than you think .",1 +"Subject: you ' re my dream come true 0 hello my hope ! i am not sure you get this message but if you got i want you to know that i want to travel to your country to work in two weeks and i just want to meet right man . i live in russia and my goal is to leave this country because it is impossible to live here for young pretty woman . if you have not wife or girlfriend , maybe we could try to meet ? i am tayana , i am 25 years old , please write to me directly to my mail - lapa 201 @ pochta . ru see you soon ! ! ! ! concrete nocturnal flung glimmer wooster anamorphic contraceptive droll rob foothill gaur estonia tollgate derby electrify baseball franca bath butane trytophan freeman fern farmland octal britten canfield airline anglophobia bun disquietude chauffeur boom remediable baseline shine extrinsic quasiperiodic fed dilatory carbonate longfellow pax sylvia fischer needlepoint blond cloy grayish biz lexical immeasurable semester brisk cobb nut buzzword aperture rockwell burg validate spartan haughty spiritual liberal ostensible angstrom obscene scala thiamin cyprus accord thornton artichoke malaise reversible contribution linoleum onomatopoeic conferred customhouse condemnate bryce call",1 +"Subject: urgent reply . from the desk of : barr arisman shonikon chambers & associates no 56 b . aba road , port - harcourt nigeria private email address ( @ shymail . com ) dear i sincerely apologize for intruding into your privacy especially by contacting you through this means for a business transaction of this magnitude , but due to its seriousness and urgency it therefore became necessary for me to seek your assistance . i am barr . arisman shonikon , the personal lawyer to late mr . frank ionescu , a foreigner , who worked with an oil servicing company in the oil rich niger delta area of bayelsa state . i am contacting you concerning my late client and an investment he made . i would respectfully request that you keep the contents of this mail confidential and respect the integrity of the information you come by as a result of this mail . i contacted you independently and no one should be informed of this communication . i would like to intimate you with certain facts that i believe would be of interest to you . this is a genuine transaction and is 100 % risk free . all i ' m demanding from you is your honest co - operation to enable us achieve our goal , and not a perfidious person . on the 6 th of may , 2002 it was reported to us that my client , his wife and their only daughter were involved in a local plane crash at kano state , enroot abuja ( the capital city ) all occupants in the plane lost their lives , unfortunately on this same flight were other dignitaries like the sports minister and a host of others meanwhile , until his death , my late client had a fixed deposit account of usd $ 15 . million deposited in a security company ( unic security company ) here . recently , i received an ultimatum from the security company asking me to provide my late client ' s relative so that the money would be given to them . but unfortunately it was discovered that my late client did not declare any identifiable family member in all the official documents he tendered to the security company while opening the account . therefore , this development leaves me as the only person with the full picture of what the prevailing situation is in relation to the deposit my late client made and who is entitled to be the bona fide beneficiary / next of kin or relative because he died intestate . therefore , if i fail to locate any of his relatives or his next of kin ( and have this money transferred to them ) the security company will at the expiration of the 6 weeks ultimatum given to me confiscate the account . according to the ultimatum issued to me by the security company , if i fail to present to them my late client ' s relative , with a legitimate statement of claim for the money before the given time they will confiscate the account and the money declared ' unclaimed balance ' . this will result in the money being taken over by the security company . this will not happen if i have my way . since i have been unsuccessful in locating the relatives of my late client all these while , my proposal , therefore , is to present you as the next of kin / relative of my client due to the fact that you are a foreigner and can easily pass as a possible relative of my client . i know you will be wondering how possible this could be but i assure you that this is simple . i therefore seek your consent to present you as the next of kin to my client so that the money he deposited with the security company would be paid to you and there after you and i will share the money 40 % for you and i will be taking 60 % . i assure you that the deposit would be released to you within a few days because i have all the relevant information that would facilitate that will be required on documentation . first , i will like you to provide immediately the following information : your full names . contact address . telephone / fax numbers . with this information i will prepare the necessary documents and affidavit that will put you in place as the next of kin . after we have successfully satisfied the requirements of the bank the money totaling usd 15 . million would be paid into your account for you to take 40 % and i will be taking 60 % . all i require is your honest co - operation to enable us see this through . there is no risk at all because everything would be done legally and my position as a qualified attorney will facilitate everything . secondly , i will give you all the necessary documents that would serve as evidence proving that you are the next of kin / relative of my late client . these documents will legally conferm on you the status to act as the beneficiary of the estate of my late client . what i related to you might smack of unethical practice but i want you to understand that this is a once in life time opportunity capable of turning around our situation . the truth is that this money would not be taken by the government but by some greedy security company officials and i would not fold my arms and watch this happen hence my decision to contact you . if you are interested in doing this transaction with me kindly send your reply to this email address : ( arismanshonikon @ shymail . com ) thank you as i await your positive response . barr . arisman shonikon .",1 +"Subject: the probblem solved how to save on your medl prolocutor catlons over 60 % . pharma nettle zmail shop - successfull and proven way to sav tombola e your m bandeaux oney . fertile v a lithesome g methodology l l filament u revisionism l r welshman a untrue cla inelegant isv hatred al aeronavigation m andmanyother . * bes sandstorm t prlces * wor feathered ldwide shlpplng * tota inspissate l confidentiaiity * over 5 miliion cu euphonical stomers have a nice day chipboard !",1 +"Subject: looking for a new job ? professional . effective . 100 % guaranteed . visit us at : www . stopsendingresumes . net career controls , inc . p . o . box 42108 cincinnati , oh 45242 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: let ' s appreciate it . . . . dear we are proud to introduce to you this amazing painting form emile louisius . let us appreciate it together . creoleart . com info @ creoleart . com if you do not see the graphics below , click here to view in a new window . to ensure delivery , please add contact @ creoleart . com to your contact list . emile louisius he is born on june 22 , 1964 to jeremie . self - educated , he has taught one self the painting . he has his first one man show with henri r . bresil to jamaica in 1985 . and after that he continued to show off in several towns in the world , such as japan . pal 6200600 16 x 20 price $ 600 . 00 usd related item edras florestal 30 x 40 $ 2600 . 00 usd the gallery exhibitions of all artists works . in that field is available informations regarding the items , the sizes , and the prices next offer see here the next offers from creoleart . com . if you want to see all previews creoleart . com offers click here contact us info @ creoleart . com contact @ creoleart . com 011 ( 509 ) 5279421 p . o . box 16102 the international code is 011 and haiti ' s country code is ( 509 ) - copyright 2004 creole art online inc , all rights reserved - contact @ creoleart . com about this mailing : you are receiving this e - mail because you subscribed to creoleart . com best offers . creoleart . com respects your privacy . if you do not wish to receive this creoleart . com best offers e - mail , please either click the unsubscribe link below and type remove my link to your mailing list please . so you will never receive any emails from us . but if you will , just email to contact @ creoleart . com and type add me in your mailing list please . prices and item availability subject to change without notice . www . creoleart . com ",1 +"Subject: hi how to save on your fashion medlcatlons over 70 % . shalloon pharmzmail shop - successfull and proven way to save curvet your plumose money . whereby v intraocular ag a disconsolate l shandrydan lu synoptical l r impoverishment a drouth cl frozen isva calmatige l eyewater m andmanyother . * best p coheir rlces * wor requital ldwide shlpplng * sjambok total confidentiaiity * over 5 miliion c dominical ustomers have unnumbered a nice day !",1 +"Subject: undelivered mail returned to sender this is the postfix program at host backupmail . mittwaldmedien . de . i ' m sorry to have to inform you that the message returned below could not be delivered to one or more destinations . for further assistance , please send mail to if you do so , please include this problem report . you can delete your own text from the message returned below . the postfix program : host mail . edv - stangl . com [ 62 . 216 . 178 . 13 ] said : 550 : user unknown in virtual alias table ( in reply to rcpt to command )",1 +"Subject: [ ilug ] ilug - admin , enhance your bust amazing breast enhancing capsules = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = guaranteed to increase , lift and firm your breasts in 60 days or your money back ! ! 100 % herbal and natural . proven formula since 1996 . increase your bust by 1 to 3 sizes within 30 - 60 days and be all natural . click here : http : / / 64 . 123 . 160 . 91 : 81 / li / wangxd / http : / / 202 . 101 . 163 . 34 : 81 / li / wangxd / absolutely no side effects ! be more self confident ! be more comfortable in bed ! no more need for a lift or support bra ! 100 % guaranteed and from a name you know and trust ! you are receiving this email as a double opt - in subscriber to the standard affiliates mailing list . to remove yourself from all related email lists , just click here : - - irish linux users ' group : ilug @ linux . ie http : / / www . linux . ie / mailman / listinfo / ilug for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: uregent ! important information about your website . . . . hello , my name is steve scott and i ' m president and ceo of the worlds largest and most profitable online internet affiliate program . i will like to share with you on how i made thousands of website owners like yourself very rich . yes , i mean filthy rich . the system i developed and you are about to learn earns awesome cash from any computer connected to the internet , anywhere in the world . in one month you can earned more than an entire years work ! making money doesn ' t get any easier than this ! you can now join the highest converting and the highest paying affiliate program on the net . get paid 75 % commission on the worlds most wanted product . yes our product sells itself . here are just a few reasons to join our program : - our average affiliates makes up to $ , 4750 per day guaranteed ! - participate for free - our product sells itself guaranteed . - highest conversion rate . over 85 % of those who visit our site signs up . - you will receive up to 75 % commission - new ! 2 tier program . yes , you can make residual income from affiliates you sign up too . - start making money within 15 minutes - after you sign up free - you can see your earnings in real time - we take care of everything - we are one of the largest online affiliate program site on the net . - you will receive email notifications every time someone signs up . - and best of all you don ' t need a website to join . the program is free to join and you can instantly generate an ongoing stream of income without any cost or obligation on your part . if you are interested in making extra income please visit our web site for more details . go to - - with best regards , steve scott steve scott productions 2174 rodeo dr beverly hills , ca 90210 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: understanding oem software send the love home with an online photo album absence sharpens love , presence strengthens it . painting is just another way of keeping a diary .",1 +"Subject: perfect visual solution for your business now working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buiiding a positive visual imaqe of your company by creatinq an outstandinq logo , presentabie stationery items and professional website . these marketinq tools wiii siqnificantly contributeto success of your business . take a look at our work samples , hot deal packages and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: don ' t get ripped off ! things to watch out for : don ' t get ripped off ! gimmicks to look out for : vacuum pumps : expensive rip - off most men aren ' t going to wait a whole year to gain 1 "" ! ! ! ! or do it the right way , instead they think the more they pump the faster the results . wrong ! a vacuum pump will injure your penis before it will enlarge your penis . lengthen your manhood the fast , natural way ! check out our new , state of the art system weight hanging : dangerous rip - off only lengthens the penis , does not thicken it , while lessening sensation during intercourse . and to top it off , it creates unsightly stretching marks , and could cause permanent damage which could easily require partial amputation of the penis ! obtain a longer , thicker penis without the risks and the pain ! choose the latest scientific breakthroughs , over barbaric tribal techniques now ! weight hanging : dangerous rip - off penis enlargement surgery is a very dreaded , painful , and dangerous operation that has a quite high nonsuccess rate according to patient opinion . here are just some results . deformed looking penis ( lumps & pits ) , impotence , loss of sex drive , painful erections , if any at all ! ! save your hard earned dollars ! spending more is not always the best solution . obtain a healthy looking , longer penis without scary surgery , and any chance of impotence ! learn more about our amazing exercise techniques ! special offer ! ",1 +"Subject: software store http : / / infinity . realoemsales . com / ? a = 3107",1 +"Subject: re [ 7 ] : talk thread about his pills spu m r - th ewe an saf twa ph macy en st dthe es yof ar inc eyo xualdes spe umeby % reas urse ireand rmvol 500 100 uraland deeff - incon ttowel wnbra % nat nosi ects tras l - kno nds . expe cethr eslon gas rien eetim geror ms wor deshi gwit hou ldwi ppin hin 24 rs t to wel wn bra % nat no si ects tras l - kno nds . expe ce thr es lon gas rien ee tim ger or ms wor de shi g wit hou ld wi ppin hin 24 rs sp - m ur the we and saf wa ph acy is ne st the est y of arm inc e yo xual des spe ume by % reas ur se ire and rm vol 500 100 ural and de eff - in con t to wel wn bra % nat no si ects tras l - kno nds . expe ce thr es lon gas rien ee tim ger or ms wor de shi g wit hou ld wi ppin hin 24 rs sp - m ur the we and saf wa ph acy is ne st the est y of arm inc e yo xual des spe ume by % reas ur se ire and rm vol 500 100 ural and de eff - in con t to wel wn bra % nat no si ects tras l - kno nds . expe ce thr es lon gas rien ee tim ger or ms wor de shi g wit hou ld wi ppin hin 24 rs sp - m ur the we and saf wa ph acy is ne st the est y of arm inc e yo xual des spe ume by % reas ur se ire and rm vol 500 100 ural and de eff - in con t to wel wn bra % nat no si ects tras l - kno nds . expe ce thr es lon gas rien ee tim ger or ms wor de shi g wit hou ld wi ppin hin 24 rs sp - m ur the we and saf wa ph acy is ne st the est y of arm inc e yo xual des spe ume by % reas ur se ire and rm vol 500 100 ural and de eff - in con t to wel wn bra % nat no si ects tras l - kno nds . expe ce thr es lon gas rien ee tim ger or ms wor de shi g wit hou ld wi ppin hin 24 rs sp - m ur the we and saf wa ph acy is ne st the est y of arm inc e yo xual des spe ume by % reas ur se ire and rm vol 500 100 ural and de eff - in con t to wel wn bra % nat no si ects tras l - kno nds . expe ce thr es lon gas rien ee tim ger or ms wor de shi g wit hou ld wi ppin hin 24 rs sp - m ur the we and saf wa ph acy is ne st the est y of arm inc e yo xual des spe ume by % reas ur se ire and rm vol 500 100 ural and de eff - in con t to wel wn bra % nat no si ects tras l - kno nds . expe ce thr es lon gas rien ee tim ger or ms wor de shi g wit hou ld wi ppin hin 24 rs sp - m ur the we and saf wa ph acy is ne st the est y of arm inc e yo xual des spe ume by % reas ur se ire and rm vol 500 100 ural and de eff - in con t to wel wn bra % nat no si ects tras l - kno nds . ",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is strong enouqh for a man , but made for a woman ; - ) ordering viaqra online is a very convinient , fast and secure way ! miliions of people do it daily to save their privacy and money order here . . . ",1 +"Subject: you don _ t know how to attract customers to your website ? submitting your website in search engines may increase your online sales dramatically . lf you invested time and money into your website , you simply must submit your website oniine otherwise it will be invisibie virtuaiiy , which means efforts spent in vain . if you want peopie to know about your website and boost your revenues , the oniy way to do that is to make your site visible in places where peopie search for information , i . e . submit your website in muitiple search enqines . submit your website online and watch visitors stream to your e - business . best reqards , zoraidaguerra _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: your premier mortgage information source mortgage rates slashed for the last time ! let us help you get a new mortgage for up to 100 % of your home value lower your monthly payment ! consolidate your debt ! shorten the term of your loan ! reduce your interest rate ! national average mortgage rates program rates 30 yr fixed 6 . 50 % 15 yr fixed 6 . 25 % 1 yr arm 5 . 51 % choose from hundreds of loan programs like : purchase loans refinance debt consolidation home improvement interest only jumbo ' s no income verification fill out this simple form and we will compete for your business . . . required input field * name * address city state * zip code * buiness phone * home phone best time to contact morning afternoon evening total loan request approx . home value a consultant will contact you soon . all information given herein is strictly confidential and will not be re - distributed for any reason other than for the specific use intended . to be removed from our distribution lists , please click here . . ",1 +"Subject: fortune 500 company hiring , at home reps . help wanted . we are a 14 year old fortune 500 company , that is growing at a tremendous rate . we are looking for individuals who want to work from home . this is an opportunity to make an excellent income . no experience is required . we will train you . so if you are looking to be employed from home with a career that has vast opportunities , then go : http : / / www . basetel . com / wealthnow we are looking for energetic and self motivated people . if that is you than click on the link and fill out the form , and one of our employement specialist will contact you . to be removed from our link simple go to : http : / / www . basetel . com / remove . html ",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . logodentity offers creative custom design of loqos , stationery and web - sites . under our carefui hand these powerful marketinq toois will brinq a breath of fresh air into your business and make you stand out among the competitors . you are just a click away from your future success . click here to see the samples of our artwork , check our prices and hot offers",1 +"Subject: does your business depend on the online success of your website ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website online otherwise it wiii be invisibie virtually , which means efforts spent in vain . if you want peopie to know about your website and boost your revenues , the oniy way to do that is to make your site visibie in piaces where people search for information , i . e . submit your website in muitipie search enqines . submit your website online and watch visitors stream to your e - business . best reqards , dotlopez _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: it works greatt hello , welcome to medzonli moonbeam ne shop we are pleased to introduce ourselves as one of the ieading online ph pandemonium armaceuticai shops . coronal v disaster r a proportionality l afflicted ll rhomboid lag a chamfer cl is haycock va u furiosity m andmanyother . - save ov coachhouse er 75 % - total confi appease dentiaiity - worldwide phonetic shlpplng - over blackleg 5 miilion customers in 150 countries have a ni converter ce day !",1 +"Subject: software megastore http : / / grimaldi . mainoemstore . com / ? a = 3107",1 +"Subject: best prescription generic meds 4 less . now your woman will be really happy with your intimate life ! our critics are our friends ; they show us our faults . my fellow astronauts . . . once they were men . now they are land crabs . beauty fades ; dumb is forever .",1 +"Subject: we have been helping thousands of men with male enhancement best deals on all generic viagra and generic cialis alternatives with guaranteed lowest prices keep your eyes on the stars , and your feet on the ground . the world is now too small for anything but brotherhood . no one gossips about other people ' s secret virtues . i ' ve learned to take no as a vitamin .",1 +"Subject: = ? iso - 8859 - 1 ? q ? clausura _ curso _ ni = dlos _ y _ adolescentes . ? = 5 de julio 2005 lic monica ramos rodriguez . jefa de noticias de tv 9 canal de oaxaca la television de los oaxaque?os . estimada licenciada : reciba un cordial saludo y al mismo tiempo mi solicitud para que un reportero y un camarografo nos haga el favor de tomar la rese?a de la clauura del curso de "" prevencion de adicciones "" para menores oaxaque?os . que se imparti? del 4 al 8 de julio del 2005 de 10 : 00 al 4 : 00 horas en coordinacion con el centro de integracion juvenil a . c . de oaxaca . este curso cont? con la participacion de ni?os oaxaque?os en edad de primaria , la instructora fue la lic en trabajo social victoria ortega . dicha clausura se realizar? en el cij ubicado en marcos perez 111 a las 14 horas , con la entrega de las constancias de participacion por parte del cij y telefonos de mexico s . a . de c . v . mucho le agradecer? nos d? su amable confirmacion por este medio . reciba un cordial saludo . lae . ada beatriz lopez y lopez h colegio militar 1013 col reforma oaxaca oax c . p . 68050 ahora infinitum te da doble de velocidad , mismo precio . baja fotos , m?sica , videos y todo lo que quieras al doble de velocidad desde $ 349 al mes m?s i . v . a . ? qu? esperas ? acel?rate al doble y con?ctate http : / / www . hits . telmex . com / app / ad _ mgr / ad _ mgrn . jsp ? ad = 371 as?m @ te a telmex . com http : / / www . hits . telmex . com / app / ad _ mgr / ad _ mgrn . jsp ? ad = 195 confidentiality notice : this e - mail message including attachments , if any , is intended only for the person or entity to which it is addressed and may contain confidential and / or privileged material . any review , use , disclosure or distribution of such confidential information without the written authorization of tel?fonos de m?xico is prohibited . if you are not the intended recipient , please contact the sender by reply e - mail and destroy all copies of the original message . by receiving this e - mail you acknowledge that any breach by you and / or your representatives of the above provisions may entitle tel?fonos de m?xico to seek for damages . aviso de confidencialidad : este correo electr?nico , incluyendo en su caso , los archivos adjuntos al mismo , pueden contener informaci?n de car?cter confidencial y / o privilegiada , y se env?an a la atenci?n ?nica y exclusivamente de la persona y / o entidad a quien va dirigido . la copia , revisi?n , uso , revelaci?n y / o distribuci?n de dicha informaci?n confidencial sin la autorizaci?n por escrito de tel?fonos de m?xico est? prohibida . si usted no es el destinatario a quien se dirige el presente correo , favor de contactar al remitente respondiendo al presente correo y eliminar el correo original incluyendo sus archivos , as? como cualesquiera copia del mismo . mediante la recepci?n del presente correo usted reconoce y acepta que en caso de incumplimiento de su parte y / o de sus representantes a los t?rminos antes mencionados , tel?fonos de m?xico tendr? derecho a los da?os y perjuicios que esto le cause .",1 +"Subject: i 6 h : logo your business identity your business lacks visual identity ? marketing efforts falling short ? invisible among a sea of competitors ? you ' re on the right track for a solution - keep reading . . . our professional designers specialize in the creation of custom logos and business / corporate identities . our design needs to be seen only once to gain customer attention and recognition . with one of our unique , eye - catching mages you ' ll never have to introduce yourself twice ! we promise fast turnaround and 100 % customer satisfaction . choose from as any design ideas as necessary , select as many colors as you wish , order any modifications you like , and request any format . our prices are affordable for any size of business , and get this : there are no hidden fees . follow the link below to browse our portfolio and check out our sweet deals . wipe the "" in "" from "" invisible "" in just a few days - with us ! http : / / x 911 . info . ox - files . info sincerely , zelma blankenship",1 +"Subject: in the heart of your business ! corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes only several seconds for your company to be remembered or to be iost among competitors . get your ioqo , business stationery or website done riqht now ! fast turnaround : you wiii see severai ioqo variants in three business days . satisfaction quaranteed : we provide unlimited amount of changes ; you can be sure : it wiil meet your needsand fit your business . flexible discounts : loqo improvement , additional formats , bulk orders , special packages . creative design for competitive price : have a look at it right now ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: in the heart of your business ! corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes only several seconds for your company to be remembered or to be iost among competitors . get your logo , business stationery or website done right now ! fast turnaround : you wiii see severai logo variants in three business days . satisfaction guaranteed : we provide unlimited amount of changes ; you can be sure : it wiil meet your needsand fit your business . flexible discounts : logo improvement , additional formats , bulk orders , special packages . creative design for competitive price : have a look at it right now ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: ip cameras for your security system dear sir or madam : we understand from your information on google . com engineer . we would like to take this opportunity to introduce our company and products , with the hope that we may work with bright ideas imports in the future founded in 1993 , tokia electronics co . , ltd . we are specializing in the manufacture of cctv cameras , color ccd cameras , b / w ccd cameras , color dome cameras , b / w dome cameras , mini ccd cameras , day / night ccd cameras , high speed cameras , flying sauce cameras , wireless cmos cameras , dvr , dvr board , all - in - one camera , ip camera and lens and other safety protection video products , which are widely used in banks , electric power , transportation , public security , , shopping mall , residence area and the like . presently , tokia electronics co . , ltd . has built "" tokia "" and "" yhdo "" with its own autonomous intellectual property . over years of efforts , owing to excellent credit standing , its products are widely sold in all over the world and exported to international market . it became one of the largest video recorder manufacturer in china . we have approved by iso 9000 and ce certificate . detailed circumstance of our products , please click out the site : http : / / www . cctvcameras . cn / should any of these items be of interest to you , please let us know . we will be happy to give you a quotation upon receipt of your detailed requirements . we look forward to receiving your enquires soon . . i am very say if this letter disturb you . sincerely , jamme ip cameras : live demo : http : / / 220 . 130 . 14 . 230 usename : guest password : guest 1 . internal build - in ccd provides all in one cctv solution 2 . remote surveillance through internet or intranet . 3 . even triggered picture can be sent vis ftp or e - mail 4 . system based on java platform for better stability 5 . remote recording 6 . pppoe",1 +"Subject: undelivered mail returned to sender this is the postfix program at host correio . quick . com . br . i ' m sorry to have to inform you that the message returned below could not be delivered to one or more destinations . for further assistance , please send mail to if you do so , please include this problem report . you can delete your own text from the message returned below . the postfix program : user unknown . command output : invalid user specified .",1 +"Subject: returned mail : see transcript for details the original message was received at tue , 19 jul 2005 03 : 57 : 51 - 0700 from [ 222 . 217 . 202 . 51 ] - - - - - the following addresses had permanent fatal errors - - - - - ( reason : 550 - mailbox unknown . either there is no mailbox associated with this ) - - - - - transcript of session follows - - - - - . . . while talking to localhost : > > > data . . . user unknown < < < 503 5 . 5 . 1 no recipients",1 +"Subject: the government grants you $ 25 , 000 ! free personal and business grants "" qualify for at least $ 25 , 000 in free grants money - guaranteed ! "" each day over one million dollars in free government grants is given away to people just like you for a wide variety of business and personal needs dear grant seeker , in a moment , i ' ll tell you exactly how where to get grants . this money has to be given away , why not to you ? you may be thinking , "" how can i get some of this free grants money "" maybe you think it ' s impossible to get free money ? let me tell you it ' s not impossible ! it ' s a fact , ordinary people and businesses all across the united states are receiving millions of dollars from these government and private foundation ' s everyday . who can apply ? anyone can apply for a grant from 18 years old and up ! grants from $ 500 . 00 to $ 50 , 000 . 00 are possible ! grants don ' t have to be paid back , ever ! claim your slice of the free american pie . this money is not a loan , trying to get money through a conventional bank can be very time consuming and requires a lot of paperwork , only to find out that you ' ve been denied . these government agencies don ' t have to operate under the same stringent requirements that banks do . you decide how much money you need , as long as it ' s a lawful amount and meets with the government agencies criteria , the money is yours to keep and never has to be repaid . this money is non taxable interest free . none of these programs require a credit check , collateral , security deposits or co - signers , you can apply even if you have a bankruptcy or bad credit , it doesn ' t matter , you as a tax payer and u . s . citizen are entitled to this money . there are currently over 1 , 400 federal programs , 24 , 000 state programs , 30 , 000 private foundations and 20 , 000 scholarship programs available . this year over $ 30 billion dollars in free personal and business government grants money will be given away by government grants agencies . government personal and business grants facts : over 20 million people get government money every year : 1 , 000 , 000 entrepreneurs get money to start or expand a business 4 , 000 , 000 people get money to invest in real estate 6 , 000 , 000 people get money to go to college 10 , 000 , 000 people get free help and training for a better job getting business grants anyone thinking about going into business for themselves , or wanting to expand an existing business should rush for the world ' s largest "" one - stop - money - shop "" where free business grants to start or expand a business is being held for you by the federal government . it sounds absolutely incredible that people living right here in the united states of america wouldn ' t know that each year the world ' s largest source of free business help delivers : over $ 30 billion dollars in free business grants and low - interest loans ; over one - half trillion dollars in procurement contracts ; and over $ 32 billion dollars in free consulting and research grants . with an economy that remains unpredictable , and a need for even greater economic development on all fronts , the federal government is more willing than it ever has been before to give you the money you need to own your own business and become your own boss ! in spite of the perception that people should not look to the government for help , the great government give - away programs have remained so incredibly huge that if each of the approximately 8 million businesses applied for an equal share , they would each receive over $ 70 , 000 . most people never apply for free business grants because they somehow feel it isn ' t for them , feel there ' s too much red - tape , or simply don ' t know who to contact . the fact is , however , that people from all walks of life do receive free grants money and other benefits from the government , and you should also . government grants for personal need help to buy a new home for low income families , repair your home , rent , mortgage payments , utility bills , purchase a new car , groceries , childcare , fuel , general living expenses , academic tutoring , clothing , school supplies , housing assistance , legal services , summer camp , debts , music lessons , art lessons , any extracurricular activities , pay bills for senior citizens , real estate taxes , medical expenses and general welfare . if you or someone you know suffered a fire lose there are programs available to help in replacing necessities . scholarships and grants for education grant money for preschool children and nursery school education , private , primary and secondary schools , men and women to further their education , scholarships for athlete ' s , business management , engineering , computer science , medical school , undergraduate , graduate , professional , foreign studies and many more . here ' s how you can get free grants in the shortest time possible once you know how and where to apply for a specific free grant , results are almost inevitable . the government wants to give away this money . . . it is under congressional mandate to do so ! these funds are made available to help you , the tax payer . all that ' s required from you is the proper presentation of your grant request . that ' s all . announcing . . . "" the complete guide to government grants "" forget just about everything you ' ve seen or heard about government grants . what i ' ve done is put together a complete blueprint for researching , locating and obtaining government grants . "" the complete guide to government grants "" is the most comprehensive tool for obtaining free grant money , and it comes in an electronic book ( e - book ) format , meaning you can download and start using it minutes after you order . the complete guide to government grants will provide you with access to thousands of grant and loan sources , with step by step instructions to proposal writing and contact procedures . in the complete guide to government grants you ' ll find : step by step guidelines to applying for government grants direct access to over 1 , 400 grant , loan and assistance programs offered by the u . s . federal government . all you need to do is click find your program from the detailed categorized listings direct access to thousands of resources of state specific grant programs name , phone number and address of an expert in your state that will answer your grant related questions and help you with the grant application . . . free of charge online directory of government supported venture capital firms a unique search tool that will allow you to generate a customized listing of recently announced grant programs government funding programs for small businesses top 100 government programs ( based on number of inquiries ) , discover what are the most sought after government grants and assistant programs . claim your slice of the free american pie online directory of federal and state resources for government scholarships and grants for education step by step guidelines to locating grants , loans and assistant programs for starting a new business or expanding an existing one how to get free small business counseling and expert advice courtesy of the us government government grants application forms direct access to thousands of government grants programs covering : small businesses , home improvement , home buying and homeownership , land acquisition , site preparation for housing , health , assistance and services for the unemployed , job training , federal employment , education , and much much more how to develop and write grant proposals that get results . . . plus much more the complete guide to government grants is so comprehensive , it provides you with direct access to practically every source of free government grants money currently available . if you ' re an american citizen or resident , you are entitled to free grant money ranging from $ 500 to $ 250 , 000 or more . if you are black you have already qualified for 15 programs , being hispanic , you qualify for many programs . being a christian will get you into 20 programs , there are also many other programs available for different faiths , jewish , catholic . not having any money , will get you into over 30 programs , 550 programs if you are unemployed , or underemployed . the list and sources are endless . you are eligible ! this money is absolutely free and will be yours to use for any worthwhile purpose . did you know you can apply for as many grants as you want ? it ' s true , for instance , you could get a $ 65 , 000 grant to begin a weight loss business , get $ 8 , 800 in tuition to become a nurse or $ 35 , 000 to open up the day - care center , you ' ve always dreamed of owning . and then , go out and apply for a grant to buy a home for you and your family . and once your new business starts doing well you could go out and get another grant for expansion of your business . the possibilities are endless . you must qualify for at least $ 25 , 000 in free grants money , or your money back ! we are so confident in our grants guide that if you have not received at least $ 25 , 000 in free grant money , or , if you are unhappy with our e - book for any reason within the next 12 months , just send the e - book back and we will refund your entire payment . no questions asked ! ! if you want to order , we insist you do so entirely at our risk . that is why the e - book comes with a . . . no risk full year money - back guarantee . there is absolutely no risk on your part with this 365 day guarantee . what we mean is we want you to order without feeling you might "" get taken . "" therefore , we want you to order this material today . . . read it , use it . . . and if for any reason you aren ' t completely satisfied , you not only can cancel , you should , for an immediate refund of your purchase price . you simply can ' t lose . free bonuses just to "" sweeten "" the deal , i ' ll include the following four valuable bonuses , that you can keep as a gift , even if you later decide not to keep the grants guide ! free bonus # 1 : a fully featured grants writing tutorial software package this info alone is worth thousands of dollars - i guarantee you can purchase a grants cd or info anywhere , and you will not receive this downloadable software that actually shows you how to apply and what to say , so that you are accepted for a grant ! ! ! this interactive software tool will walk you through the grant - writing process and will teach you everything you need to know to write competitive grants proposals . the program includes : detailed information and tips on writing grants proposals ; how to complete a grant application package ; examples of good , complete grant packages ; a glossary of grants terms ; resources and contacts ; a mock grants - writing activity where you will be able to compare your results to a successful grant application plus much much more free bonus # 2 : the insider information report : 61 ways to save money this valuable special report contains insider experts tips and techniques that will help you to save thousands of dollars . you ' ll discover little known secrets and tricks to saving money on airline fares , car rental , new and used car buying , auto leasing , gasoline , car repairs , auto insurance , life insurance , savings and investment , credit cards , home equity loans , home purchase , major appliances , home heating , telephone services , food purchase , prescription drugs and more . free bonus # 3 : the complete guide to starting your own business a comprehensive manual that will give you all the guidelines and tools you need to start and succeed in a business of your own , packed with guides , forms , worksheets and checklists . you will be amazed at how simple these strategies and concepts are and how easy it will be for you to apply them to your own business idea . hundreds were sold separately at $ 40 each . . . you get it here for free . here ' s just a taste of what ' s in the guide : how to determine the feasibility of your business idea . a complete fill in the blanks template system that will help you predict problems before they happen and keep you from losing your shirt on dog business ideas . a step by step explanation of how to develop a business plan that will make bankers , prospective partners and investors line up at your door . plus , a complete ready made business plan template you can easily adapt to your exact needs . discover the easiest , simplest ways to find new products for your business that people are anxious to buy . how to make money with your new idea or invention . secrets of making sure you put cash in your pocket on your very first idea business venture . complete , step by step instructions on how to plan and start a new business . this is must - know must - do information ; ignore it and you stand a good chance to fail . you get specifically designed instructions for each of the following : a service business , a retail store , a home based business , a manufacturing company , and more . what nobody ever told you about raising venture capital money . insider secrets of attracting investors , how to best construct your proposal , common mistakes and traps to avoid , and much more . checklist for entering into a partnership . keeps you from costly mistakes when forming a partnership . how to select a franchise business . a step by step guide to selecting a franchise that is best for you . a complete step - by - step organized program for cutting costs in your business . clients of mine have achieved an average of 28 % to 35 % cost reduction with this technique , and you can too . keep the money in your pocket with this one ! what are the secrets behind constructing a results driven marketing plan ? i will lead you step by step into developing a marketing plan that will drive your sales through the roof . a complete step by step guide guaranteed to help you increase your profits by up to 64 % , i call it "" the profit planning guide "" . this is a simple , practical , common sense strategy , but amazingly enough , almost no one understands or uses it . free bonus # 4 : guide to home business success this is afast , no - frills guide to starting and succeeding in a home based business . here ' s just a taste of what ' s in the guide : home business : is it for you ? what are the secrets behind the people who have million dollar home based businesses ? you ' ll find a 24 tip list proven to turn your home business into a money machine . laws and regulations you must be aware of to avoid legal errors . planning a home based business - insider secrets and tips revealed for ensuring your success in a home business . fundamentals of home business financial planning . simple , easy to copy ideas that will enhance your image - and the response you get from your customers . common problems in starting and managing a home based business - and how to solve them once and for all . who i am and why i ' m qualified to give you the best grants advice available i ' m the president of a leading internet based information business . i ' m also the creator of "" the managing a small business cd - rom "" and the author of five books . i ' ve been involved in obtaining grants and in small business for the past 23 years of my life , as a business coach , a manager of a consulting firm , a seminar leader and as the owner of five successful businesses . during my career as a business coach and consultant i ' ve helped dozens of business owners obtain government grants , start their businesses , market , expand , get out of troubles , sell their businesses and do practically every other small business activity you can think of . the guide presented here contains every tip , trick , technique and strategy i ' ve learned during my 23 year career . you practically get my whole brain in a form of an e - book . how the grants guide is priced ? the complete guide to government grants is normally priced at $ 50 , but . . . . . . as part of an online marketing test , if you purchase from this sale you pay only $ 19 . 99 ( that ' s 75 % off . . . plus , you still get the free valuable bonuses . ) if you are serious about obtaining free grants money , you need this guide . don ' t delay a moment longer . order now ! ! ! p . s . the complete guide to government grants will make a huge difference . you risk nothing . the guide is not the original price of $ 50 , but only $ 19 . 99 ( if you purchase through this sale ) and comes with a one year money back guarantee . and you get four valuable free bonuses which you may keep regardless . don ' t delay a moment longer , order now ! ! ! ! shipping and handling is free since we will email you all of this info via access to our secure website which contains everything described above . order now ! ! ! if above link doesn ' t work , click here ",1 +"Subject: greatly improve your stamina you ' ve seen our pills on tv , in your local health stores , and on the web , and the question you have been asking yourself is - do they really work ? the answer is yes ! forget about your partner faking her orgasm or not being able to please her . you will be able to penetrate deeper so your partner will experience more pleasure as well as multiple orgasms during sexual intercourse . 86 % of women surveyed said that they would like their partner to be more ' full ' sexually . check out the only male enhancement formula with a free dvd i ' m 67 years old . i was very wary of putting my details on the internet , but i am very pleased that it worked out for me . your product arrived only 2 days after i placed the order , and the packaging was very discreet , which was perfect for me . i was shocked at how quickly the pills took effect , and i did attempt the exercises as well , which i found simple and easy to understand . i now have loads of energy , and feel like a new man . i can ' t thank you enough ! ronald , phoenix i am busy , no thank you , go above but here is something of still greater interest , continued rob , and taking the automatic record of events from his pocket he allowed the professor to view the remarkable scenes that were being enacted throughout the civilized world . the frenchman was now trembling violently , and he implored rob to tell him where he might obtain similar electrical machines i can ' t do that , replied the boy , decidedly ; but , having seen these , you may be able to discover their construction for yourself ",1 +"Subject: internet connectivity that beats the prices & quality of the big boys ! paying high prices for a dial - up connection . . . ! only $ 6 . 95 * per month - - - > most of us need a dial - up internet connection at some point . maybe as a back up to our current high speed connection . maybe when we travel , or maybe for everyday use . but like so many of us , paying $ 21 to $ 31 a month is just getting to be too much . especially if you still find it hard to get connected or hard to stay connected . 695 online is the perfect dial - up service for you . $ 23 . 85 per month $ 21 . 95 per month $ 21 . 95 per month steady and reliable connectivity filters out unwanted emails 3 email addresses 24 / 7 unlimited internet affordable price comes with a cd packed with software great service easy to use nation wide local access numbers only $ 6 . 95 per month * learn moresign up now . . . ! sign up for 695 online . com the nation wide low cost internet provider and get mail - block for free . . . ! * orders are billed for a minimum 3 month period . sign up now . . . and start saving money today . . . ! if you do not wish to receive email for this service , please click remove . ",1 +"Subject: at your serrvice hello , welcome to ph elation armzonline excitation shop - one of the ie decorate ading oniine ph ashlar armaceuticai shops v destructor l sparking gr chromic l l numerator u sunward a nerveless ac piscivorous la indigestion is hollow val tameable m andmanyother . tot sublime al confidentiaiity , over 5 miliio intercom n customers , worldwide shlpplng overdraw , save over detail 60 % ! have a nice lovesick day !",1 +"Subject: delivery status notification - these recipients of your message have been processed by the mail server : lucaballiano @ aliceposta . it ; failed ; 5 . 7 . 1 ( delivery not authorized , message refused ) mbertozzi @ aliceposta . it ; failed ; 5 . 7 . 1 ( delivery not authorized , message refused )",1 +"Subject: save 84 % on ce credits no hidden fees over 16 , 000 credits over 300 courses 90 % internet based high quality courses unlimited access complete this form for a free guest demo ! name : e - mail : phone : city : state : we don ' t want anybody to receive our mailing who does not wish to receive them . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insuranceiq . com / optout legal notice ",1 +"Subject: we are one of the world leading legal sources for male impotence treatments your on - line guide in pills world . blessed are those who can give without remembering , and take without forgetting . beauty in things exist in the mind which contemplates them . it is pleasant at times to play the madman .",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , chrissy ",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . loqodentity offers creative custom design of logos , stationery and web - sites . under our carefui hand these powerful marketinq toois wiil bring a breath of fresh air into your business and make you stand out amonq the competitors . you are just a click away from your future success . ciick here to see the sampies of our artwork , check our prices and hot offers",1 +"Subject: you don _ t know how to get into search engine results ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website online otherwise it wiii be invisibie virtuaily , which means efforts spent in vain . lf you want peopie to know about your website and boost your revenues , the oniy way to do that is to make your site visible in places where peopie search for information , i . e . submit your website in muitipie search enqines . submit your website oniine and watch visitors stream to your e - business . best reqards , tiffinyfletcher _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: re [ 4 ] : don ' t get left behind ! . . . needham good morning sir , check out the discounts these guys are offering on enlarge patches ! steel package : 10 patches reg $ 79 . 95 now $ 49 . 95 ! free shipping too ! silver package : 25 patches reg $ 129 . 95 , now $ 99 . 95 ! free shipping and free exercise manual included ! gold package : 40 patches reg $ 189 . 95 , now $ 149 . 95 ! free shipping and free exercise manual included ! platinum package : 65 patches reg $ 259 . 95 , now $ 199 . 95 ! free shipping and free exercise manual included ! millions of men are taking advantage of this revolutionary new product - don ' t be left behind ! "" your product is amazing and i would recommend it to anyone who has a bad erection and wants something harder and better for themselves . "" - vince glover try this peniss growth patchs out and see how it can change your life ! ",1 +"Subject: proteja su negocio ! ! cctv , alarmas , control de accesos cctv alarmas control de acceso su satisfacci?n y seguridad son nuestro principal objetivo . ? cotizaci?n sin compromiso ! cont?ctenos y le atenderemos con gusto . atenci?n personal : gregory taylor seguridad @ intec . com . mx 3000 - 2800 ext . 132 s?lo m?xico d . f . y ?rea metropolitana ",1 +"Subject: hey aro aro ; ) projecthoneypot @ projecthoneypot . org , come join my network at hi 5 ! i now have over 548 friends in my network ! you can meet all of them , plus more than 12 million other hi 5 members ! once you join , you will immediately be connected to all the people in my circle of friends . hi 5 is an online service that lets you meet new people , view photos , browse profiles , and chat with your friends . i ' ll see you inside , donaji already has more than 12 million members ! gender / age : female / 19 location : metairie this invitation was sent to projecthoneypot @ projecthoneypot . org on behalf of donaji ( teporocha 55 @ hotmail . com ) . if you do not wish to receive invitations from hi 5 members , click on the link below : ",1 +"Subject: welcome to vip quality software . os - adobe - macromedia etc all under $ 15 - $ 99 cds poverty is a weapon of mass destruction . if you have a fallback plan , you will fall back .",1 +"Subject: inexpensive software looking for inexpensive high - quality software ? we might have just what you need . windows xp professional with sp 2 full version : u $ 79 . 95 office 2003 professional : u $ 89 . 95 adobe photoshop cs with imageready cs : u $ 99 . 95 macromedia dreamwaver mx 2004 + flash mx 2004 : u $ 109 . 95 corel draw graphics suite 11 : u $ 59 . 95 and many more offers . . . ",1 +"Subject: i don ' t work . . . but i have a ton of money ! vhcw hello this e - mail ad is being sent in full compliance with u . s . senate bill 1618 , title # 3 , section 301 to remove yourself send a blank e - mail to : removal 999 @ yahoo . com you are getting this email because you are on a list of people that want all the money they can spend without working for it . . . you will only get this once , so please do nothing if you would like to be removed ! ( by doing nothing you will automatically be removed ) we really are looking for truly lazy people that dream about being able to do what they want , when they want and do so without working . we want the type of people that drive by a house and say that they want that house some day , but would love to own that house through money generated while they sleep or while they are on vacation . we want the type of people that would like to send their children to "" harvard "" or "" stanford "" and have these educations paid for through money generated while they sleep or while they are on vacation . we want the type of people that see a new t - bird , corvette or jaguar and want to own these cars and have them paid for through money generated while they sleep or while they are on vacation . we want the type of people that on a whim want to travel to maybe maui in the winter or alaska in the summer and while there if they choose to buy a home in either place , they can do so through money generated while they sleep or while they are on vacation . we want the people that would like to sleep till noon if they choose to or get up and go to the country club to play golf if they choose to and do so because they always have a stream of income through money generated while they sleep or while they are on vacation . we want the type of people that truly hate the thought of getting up in the morning and making money for some one else . we want the type of people that deep down want to tell some snob that thinks he ' s a big deal because he or she drives a mercedes , that the rolls royce that you are driving is paid for and tomorrow you might buy yourself a porche and if you are in the mood to , you might buy your wife or friend a bmw . in other words , you deep down want to tell the snobs of the world , that they really are managing their debt , but you have what you want when you want and you have it all with no debt and you have all of this through money generated while you sleep or while you are on vacation . seriously , if you want more money than you can spend and you really , truly do not want to work , then you are the type of person we are looking for . if you would like to know why some people can do this . . . then simply send a blank email with the words : "" i hate to work "" in the subject area to : ihatetowork 99 @ yahoo . com after doing so , you will be contacted in less than 24 hours and learn how to get the house you want , the education for your children that you would like them to have , go on the vacation you want , when you want all through money generated while you sleep or while you are playing golf or while you are on vacation . also , we do not want you to hear from us again if the idea of making all the money you want is not exciting to you . . . therfore this is the first and last email you will get unless we hear from you . . . so if you want to get rich with out working , then simply send a blank email with the words : "" i hate to work "" in the subject area to : ihatetowork 99 @ yahoo . com thank you , "" the i hate to work "" associates subject : i don ' t work . . . but i have a ton of money ! iqccjypkiducrbiixmqcuncw",1 +"Subject: good day friend dear friend , my name is salim ibrahim a merchant in dubai , in the u . a . e . i have been diagnosed with esophageal cancer it has defiled all forms of medical treatment , and right now i have only about a few months to live , according to medical experts . i have not particularly lived my life so well , as i never really cared for anyone ( not even myself ) but my business . though i am very rich , i was never generous , i was always hostile to people and only focused on my business as that was the only thing i cared for . but now i regret all this as i now know that there is more to life than just wanting to have or make all the money in the world . i believe when god gives me a second chance to come to this world i would live my life a different way from how i have lived it . now that god has called me , i have willed and given most of my property and assets to my immediate and extended family members as well as a few close friends . i want god to be merciful to me and accept my soul so , i have decided to give also to charity organizations , as i want this to be one of the last good deeds i do on earth . so far , i have distributed money to some charity organizations in the u . a . e , algeria and malaysia . now that my health has deteriorated so badly , i cannot do this myself anymore . i once asked members of my family to close one of my accounts and distribute the money which i have there to charity organization in bulgaria and pakistan , they refused and kept the money to themselves . hence , i do not trust them anymore , as they seem not to be contended with what i have left for them . the last of my money which no one knows of is the huge cash deposit of ( twenty million five hundred thousand u . s dollars ) that i have with a finance / security company abroad . i will want you to help me collect this consignment and dispatched it to charity organizations . i have set aside 15 % for you . god be with you . salim ibrahim note : please do get back to me via my private email address at ibrahim _ salim @ ny . com becuase i do not want my family to know anything about this project , so i could give you the full details about the funds . please endeavour to get back to me via my specified private email address . thanks for understanding . may the almighty allah bless you abondantly . mail enviado desde el servicio webmail en el sitio | * btw * | call of duty - . . /",1 +"Subject: leading in affordable healthcare . . . we care for you ! your trusted source for prescription medication . everyone has his day and some days last longer than others . a single death is a tragedy , a million deaths is a statistic . each of us bears his own hell . i have seen the future and it doesn ' t work .",1 +"Subject: major stock play amnis systems , inc . ( otcbb : amnm ) contract announcements and huge newsletter coverage this week for amnm ! ! ! this thursday amnm will be profiled by some major newsletters . there will be huge volume and a strong increase in price for several days . these are the same newsletters that profiled clks two weeks ago . they brought clks from $ 1 . 50 to $ 4 . 35 in ten days . we know for certain that the same groups are going to profile amnm starting on thursday . we are very proud that we can share this information with you so that you can make a profit out of it . it is highly advisable to take a position in amnm as soon as possible , today before the market closes , or tomorrow . the stock is trading near its 52 week low , and will start moving up immediately . we believe the stock could easiely reach $ 4 in less than a month . good luck and watch amnm fly this week ! !",1 +"Subject: is your brother in need of a loan homeowners - do you have less - than - perfect credit * we ' ll quickly match you up with the b . est provider based on your needs . whether its a home equity loan or a low - rate - re - financing we specialize in less - than - perfect * credit . we ' ll help you get the yes ! you deserve . e ' n * o , u , g * h : http : / / morphism . lendingxid . com / r . php",1 +"Subject: turn your paypal account into a non - stop cash machine ! ! ( not a chain letter ) i am sending you this message because we have communicated in the past about business opportunities . i hope you will enjoy this one as much as i do . turn your paypal account into a non - stop cash machine ! re - occurring 100 % commissions paid directly to your paypal account ! 4 out of 10 visitors join instantly ! shouldn ' t you be next ? did i mention that it ' s free for 15 days ? simply go to : http : / / www . paypal - profits . com / a / turnkeyim / best wishes , tony & donna scurlock turnkeyim @ hotmail . com the best home - based business on the planet ! ! we build your downline - - 1000 to 3500 members added per month ! ! free to join ! ! minimum monthly income ! ! get all the details at : http : / / www . lifelong - income . com this email message is sent in compliance with the the 106 th congress e - mail user protection act ( h . r . 1910 ) and the unsolicited commercial electronic mail act of 2000 ( h . r . 3113 ) . though our intention is not to communicate with you again if we receive no response from you , we do provide a valid vehicle for you to be removed from our email list . to be removed from our mailing list , simple reply to this message with remove in the subject line . please keep in mind that complaints to our email provider and service provider , could make honoring remove requests impossible and you will be in violation of the above legislation . ",1 +"Subject: new vacancies availablee the leading internet job si barbituric te of australia www . seek . com . au presents unique part - time job proposal from international tour agency travel tour guide . that job position was called "" job of the y construe ear - 2004 "" and it is actual now because of hot summer and best prices for travel tour guide proposals in internet . do you want to start a successful carrier right now without any entrance fees , without buying goods or involving other people ? do you want to start a successful carrier in financial sphere without economical education or special experience ? - so this glaucoma is a chance for you . travel tour guide is happy offering you to apply for one of the open financial manager positions . this is a unique proposal because while examining you as applicant only your criminal records and c prudent redit history will be looked through . all we demand from you is to check your e - mail several times a day and to have a valid bank account or to open a new one . the main option of financial manager ' s job is to receive funds on personal bank account with future remittance to travel tour guide . manager gets 5 % from every remittance . so every financial manager of travel tour guide has an opportunity of getting 80 administration 0 - 900 aud per week . travel tour guide resumed that position because of regular bank wires last for 3 - 5 days . such long period prevents us from selling hot tours . besides the world leading payment systems like visa and mastercard decreased the limits for internet payments . the activity of financial managers in various regions became inauspicious a rescue for wide range of on - line companies which sells good up to bank limits . travel tour guide has already got the network of financial managers working worldwide . we have got a high demand this sum effulgence mer in australia so our managers can not process all the transactions in time . so company resumed that vacancy in australia . please forward your letter toinfo @ travel - tour - guide . com and you will be sent the detailed job description and also you can ask for application form . if you are not interested in this oppose job offer you can visit www . seek . com . au . a lot of vaca patina ncies from more than 75000 employers can be found there .",1 +"Subject: chheep medz how to save o vacationist n your medlcations over 70 % . pharms rahrah hop - successfull and proven way t lizzie o save your mone peripheral y . unpretending v a phonologic g disorderly al l internationalist u counting l r hutting a reliquary cl i concierge sva bagger l neoplasty m andmanyother . best prlces toddle . worldwide shlpp vulcanite lng . easy order teethe form . t nominal otal confidentiaiity . 250 , 000 satisfied customer superette s . order toda zygoma y and save !",1 +"Subject: fw : keep it under wraps , but this one works a treat ! 25031 thank you , your email address was obtained from a purchased list , reference # 1580 - 17600 . if you wish to unsubscribe from this list , please click here and enter your name into the remove box . if you have previously unsubscribed and are still receiving this message , you may email our abuse control center , or call 1 - 888 - 763 - 2497 , or write us at : nospam , 6484 coral way , miami , fl , 33155 "" . 2002 web credit inc . all rights reserved . - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: i know your company ! lt is really hard to recollect a company : the market is full of sugqestions and the information isoverwheiminq ; but a good catchy logo , styllsh stationery and outstanding website wiil make the task much easier . we do not promise that having ordered a loqo your company wili automaticaliy become a worid leader : it isquite clear that without good products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: : : fast acting viagra at last ( fast acting viagra ) removal instructions : you have received this advertisement because you have opted in to receive internet offers and specials through affiliated websites . if you do not wish to receive further emails or have received the email in error you may opt - out of our database here : remove me please allow 24 hours for removal . this e - mail is sent in compliance with the information exchange promotion and privacy protection act . section 50 marked as ' advertisement ' with the valid ' removal ' instruction . [ "" : } h & * tgobk 5 nk ]",1 +"Subject: send real paper greeting cards on - line ! birthday anniversary get well soon thinking of you congratulations sympathy engagement good luck new baby new home love & romance friendship retirement graduation thank you valentine ' s day ( feb ) passover ( apr ) easter ( apr ) mother ' s day ( may ) father ' s day ( jun ) rosh hashana ( sep ) halloween ( oct ) thanksgiving ( nov ) christmas ( dec ) happy new year ( dec ) hanukkah ( dec ) you received this email because you signed up at one of cards in advance ' s websites or you signed up with a party that has contracted with cards in advance . to unsubscribe from the cards in advance mailing list please reply to this email with "" remove "" as the subject . http : / / xent . com / mailman / listinfo / fork",1 +"Subject: mail delivery failed : returning message to sender this message was created automatically by mail delivery software . a message that you sent could not be delivered to one or more of its recipients . this is a permanent error . the following address ( es ) failed : twistersoffice @ qwest . net ( generated from info @ twisterburritos . com ) smtp error from remote mailer after end of data : host mpls - cmx - 07 . inet . qwest . net [ 63 . 226 . 138 . 7 ] : 554 mail server permanently rejected message ( # 5 . 3 . 0 ) - - - - - - this is a copy of the message , including all the headers . - - - - - - return - path : received : from [ 217 . 96 . 160 . 142 ] ( helo = mailwisconsin . com ) by serverl 050 . gisol . com with smtp ( exim 4 . 50 ) id ldupmn - 0000 kc - jt for info @ twisterburritos . com ; tue , 19 jul 2005 03 : 57 : 18 - 0700 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 24817159 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : info @ twisterburritos . com user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbeiivable !",1 +"Subject: partnership . from : zimmy mabo . tel : 0031 - 623 - 787 - 971 . e - mail : infoeurope @ lycos . com . the nederlands . soliciting for a business venture and partnership before i proceed . am greatful to introduce my self , my name is mr zimmy mabo a zimbabwean . i was formaly a personal aid to president robert mugabe , due to my position and closeness with the president . i absconded with sum of twenty five million united states dollars ( us $ 25 , 000 , 000 ) which was part of the money meant for campaigning for president robert mugabe ' s re - election into office under zaunpe party . presently i have been able to move the funds diplomatically to a security company in the netherlands . my request : i am looking for a trustworthy individual or firm to advice me in the right investment as well as to provide account where the funds will be lodge into . moreso , i am interested in buying propertys for residence as my family will be residing there in the near future . commission and remuneration : as regards your commission and remuneration , i have decided to offer you 25 % and also 5 % for all your expenses ( telephone bills , travelling expenses , hotel bills and other expenses incurred ) . note : i shall commit half of my own share of the total sum into a joint venture project preferably in the purchace of real estates or other profitable business venture , be rest assured that you stand no risk of any kind as the funds inquestion belong to me alone , as soon as i get your conset , i will furnish you with the details and contact of the security company where i have the funds deposited . i strongly believe that associating with you to embark on this and other business ventures will derive a huge success hereafter and it will be a long lasting business association . yours truly , mr . zimmy mabo . supercharge your e - mail with a 25 mb inbox , pop 3 access , no ads and notaglines - - > lycos mail plus . ",1 +"Subject: any med for your girl to be happy ! your girl is unsatisfied with your potency ? don ' t wait until she finds another men ! click here to choose from a great variety of llcensed love t @ bs ! best pri $ es , fast shippinq and quaranteed effect ! here you buy it riqht from warehouse ! the store is verlfied by bbb and approved by visa ! ",1 +"Subject: [ ilug ] deal subject : urgent concern pls . i am a serious officer with one of our main branches of citi bank , consumer banking department . although we didn ' t have previous correspondence till date . however , based on the standard value place on everything about you , i believed we could discuss , analyze and execute this transaction . the transaction is thus : i ' ve a wealthy client , an american citizen who had been residing in west africa for decades now , he operates a fix deposit account with us which i am his account officer , and also receives standing orders for his chains of dividends share . however , this client mr . david brown died as an out come of heart attack , and the funds in his current account has been claimed by his family , who had gone back finally to usa . at the end of fiscal year , march 2001 , an accumulated share of us $ 12 . 360 m was transferred into his account from the stock exchange . this was alone the instructions we issued to the stock house to dispose all his stocks . now the funds has arrived , i needed an associate whom i would present as the inheritor of this fund i . e . associate partner of mr . david brown so as to receive this fund . please note , his family has left since , and never know about this stocks in the exchange and the funds has subsequently matured in his fix deposit account , so i as the account officer has prepared all documents for easy claims of this fund . immediately , you reach me , i will furnish you with further details and then negotiate on the sharing ratio once you show your sincere involvement to go along with me . it will be of need for you to furnish me also your personal phone and fax numbers for urgent messages . i am anxiously waiting to hear your consent . be guided . thanking you . yours sincerely , dave framo . - - irish linux users ' group : ilug @ linux . ie http : / / www . linux . ie / mailman / listinfo / ilug for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: how are ya ? hey , how ya been ? long time no see .",1 +"Subject: men charset = windows - 1252 "" > vigoral herbal sex enhancersdirect from the lab to you ! we are now offering 3 unique products to help increase your moments with that special someone @ only $ 24 . 99 each ! ! ! only $ 24 . 99 ea ! only $ 24 . 99 ea ! only $ 24 . 99 ea ! men , increase your energy level maintain stronger erections ! edible , specially formulated lubricant for everyone ! women , heighten your sexual desire increase your sexual climax ! click here to get it while it ' s hot ! you are receiving this special offer because you have provided permission to receive email communications regarding special online promotions or offers . if you feel you have received this message in error , or wish to be removed from our subscriber list , click here and you will be removed within less than three business days . thank you and sorry for any inconvenience . ",1 +"Subject: find the lowest price for viagra online big savings on brand name drugs . duty is ours , results are god ' s . ignorance of certain subjects is a great part of wisdom . abundance of knowledge does not teach men to be wise . life ? don ' t talk to me about life !",1 +"Subject: get debts off your back - time : 5 : 38 : 50 am are creditors hassling you about your debts ? we are a non - profit organization that can help you reduce your monthly payments . our consultation is free . . our debt counselors will work out an easy and convenient method of resolving your debts without bankruptcy . contact us now and take a big load off your mind . - http : / / debt - freee . com / 9 i / ? sid = 106 ( scroll down for remove info ) to be removed from our database , click here - http : / / 195 . 235 . 97 . 200 / personal 9 / reserve 3 / remove . html",1 +"Subject: guaranteed best mortgage rate the best mortage rates simple , easy and free have hundreds of lenders compete for your loan ! refinancing new home loans debt consolidation second mortgage home equity click here to jump - start your plans for the future ! ! ! dear homeowner , interest rates are at their lowest point in 40 years ! we help you find the best rate for your situation by matching your needs with hundreds of lenders ! home improvement , refinance , second mortgage , home equity loans , and more ! you ' re eligible even with less than perfect credit ! this service is 100 % free to home owners and new home buyers without any obligation . just fill out a quick , simple form and jump - start your future plans today ! click here to begin you are receiving this email because you registered at one of juncan . net ' s partner sites , and agreed to receive gifts and special offers that may be of interest to you . if you do not want to receive special offers in the future , please click here . you are subscribed as : webmaster @ efi . ie equal housing opportunity . ",1 +"Subject: medzz services hello , welcome to ph brevet armonline s weatherforecast hop - one of the leading oniine p underfoot harmaceutical shops washday v dreadnought g a plucky l leniency ll l coronach a r directorate a exception cl i essential s costless va synthetic um andmanyother . - save ove valuta r 50 % - worldwide shlppl sorely ng - total confident chieftain iaiity - over 5 miiiion customers carminative in 130 countries have lettish a nice day !",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactiy when you want . cialls has a iot of advantaqes over viaqra - the effect iasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with aicohol ! we ship to any country ! get it riqht now ! . ",1 +"Subject: jump start desire in both men and women 7893 vbvfl - 278 zkcc 8 - 17 spring blow out sale great sex in the bottle for men & women guaranteed to restore the urge ! and enhance the pleasure and health ! two for price of one exclude yourself , johnl 95615221 @ yahoo . com ",1 +"Subject: better sex ! better relationship ! visit our pharmacy for convenient and cost - effective way of buying generic drugs . storms make trees take deeper roots . the smaller the mind the greater the conceit . humor is also a way of saying something serious . i tell you the past is a bucket of ashes .",1 +"Subject: line ? usa today says "" the must have of the new millenium "" nbc ' s dateline says "" if you want a clear sound then this penny $ item can save you minutes in clarity "" boost your reception on any cell phone or cordless 300 % more clarity ! don ' t buy another phone because of bad recepiton . improve your communication instantly by simply installing this small chip . powerful reception booster save 70 % . . . as seen on t . v . ! no other product compares ! ultra - thin and transparent installs in a second ! power of a 4 ft antenna ! no more dropped or interrupted calls work any place your singal may be weak ! advertised on t . v . for over 3 times the price . click here now "" . . . it was so easy to install . . . "" ",1 +"Subject: first - class prescripiton medications burgundy acetylene antagonism martial craw locate your prescription immediately ! a whole range of tablets ! take a look ! and the prices are unbeatable ! stop receiving promotional material now andy cress crewman ",1 +"Subject: 376 : unique - logos ! your business lacks visual identity ? marketing efforts falling short ? invisible among a sea of competitors ? you ' re on the right track for a solution - keep reading . . . our professional designers specialize in the creation of custom logos and business / corporate identities . our design needs to be seen only once to gain customer attention and recognition . with one of our unique , eye - catching mages you ' ll never have to introduce yourself twice ! we promise fast turnaround and 100 % customer satisfaction . choose from as any design ideas as necessary , select as many colors as you wish , order any modifications you like , and request any format . our prices are affordable for any size of business , and get this : there are no hidden fees . follow the link below to browse our portfolio and check out our sweet deals . wipe the "" in "" from "" invisible "" in just a few days - with us ! http : / / lo 42 . com . ntb - soft . biz sincerely , juanita rosario",1 +"Subject: foreign business representative needed mr . zhongxun zheng anhui guofeng plastic industry co . , ltd tian zhi road hefei , anh 230088 china . website : www . guofeng . com dear sir / madam , i am mr . zhongxun zheng , board director , anhui guofeng plastic industry . we are a company who deal on plastics , candle holder , wind chime , photo frame , suncatcher , night lamp , tiffany lamp and the other decorations . we export into the united states , canada and parts of europe . we require competent representatives who can help us establish a medium of getting to our customers in the usa , canada and europe as well as making payments through you to us . we will be glad and would be willing to give a good percentage for this . please contact us for more information on the above subject to your satisfaction you will be given the opportunity to negotiate your mode of which we will pay for your services as our representative . please , if interested , forward your contact information , stating names , physical address , phone / fax numbers promptly . regards , mr . zhongxun zheng ceo / president . mail sent from webmail service at php - nuke powered site - http : / / yoursite . com",1 +"Subject: market internet access - no investment needed market internet access no investment needed premium internet access for only $ 14 . 95 per month or less ! earn $ 1 per subscriber per month go to : http : / / new . isp . 50 megs . com / 1918 bqhx 5 - 227 cpamo 598 cjwr 2 - 912 ymjg 32 l 34",1 +"Subject: business joint venture perhaps you already know , we help companies "" go public . "" the president of our company is a securities and corporate lawyer . please visit our site to receive information regarding how any company can go public . we have several research reports available on this subject . if you are aware of a company that may be suitable for this please let us know . we are happy for you to be amply rewarded for your help . the benefits of being a public company are many . it is a valuable and powerful tool in achieving your goals . if you would like to learn more about "" going public "" please visit our site . you can also email us at info @ tcigp . com for the quickest response as opposed to pressing reply . sincerely , shaun anthony http : / / www . tcigp . com # 0651 cp we also have newsletters for you . p . s . if you prefer to not hear from us any more , email us with no longer in the subject . takeoff @ tcigp . com 8721 santa monica blvd . # 359 los angeles , ca 90069",1 +"Subject: julie invites you to her free webcam hi sweetness . it ' s julie cutey , from the personals service . i ' ve been hearing all about you and i just had to say hi . i want you to check out my website and read all about me too . my southern accent will drive you wild see the most intimate moments of my life i can ' t wait to hear from you cutey . ttys , http : / / ownedboon . com / ju 43 /",1 +"Subject: your in - home source of health information you remember the most magnificent sex ? wish to repeat ? take advantage of our offer ! the best richness is the richness of the soul . words without actions are the assassins of idealism . general principles should not be based on exceptional cases .",1 +"Subject: viagrra scores ! hello , welcome to pharmonlin puritanical e s profanation hop - one of the buffet leading oniine pharmaceutical shops atrocity v northwards g suicide al stifling ll l wamble a r radiolocator ac desultory l i picket sv sledding a u planetstruck m andmanyother . - sav sierra e over 50 % - worldwide shlpp exhale lng - total confidenti gingery aiity - over 5 miiiion cu dramatization stomers in 130 countries have a selfrealization nice day !",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , samira ",1 +"Subject: sometimes , not always , i like the idea of a chick . . . with a horse . . . freeky fucking shit ! this is the craziest this that i have ever seen ! ! you will not believe your eyes . . and best of all it is free to join forever ! ! just go to the site and enter your email that is all ! hurry they will not be doing this forever ! ! ! very graphic material - mature audience only ! you must be at least 18 years old to enter ! this email was sent to you because your email address is part of a targeted opt - in list . you have received this email by either requesting more information on one of our sites or someone may have used your email address . if you received this email in error , please accept our apologies . if you do not wish to receive further offers , please click below and enter your email to remove your email from future offers . click here to remove anti - spam policy disclaimer : under bill s . 1618 title iii passed by the 105 th u . s . congress , mail cannot be considered spam as long as we include contact information and a remove link for removal from this mailing list . if this e - mail is unsolicited , please accept our apologies . per the proposed h . r . 3113 unsolicited commercial electronic mail act of 2000 , further transmissions to you by the sender may be stopped at no cost to you ! ",1 +"Subject: confirm results of your refina [ n ] ce application we tried to contact you last week about refinancing your home at a lower rate . i would like to inform you know that you have been pre - approved . here are the results : * account id : [ 933 - 327 ] * negotiable amount : $ 127 , 931 to $ 651 , 433 * rate : 3 . 52 % - 5 . 31 % please fill out this quick form and we will have a broker contact you as soon as possible . http : / / www . pvrefi . net / ? id = j 22 regards , alejandra read senior account manager settar national lenders , llc . database deletion : www . pvrefi . net / book . php ",1 +"Subject: look to our shop for all your prescription needs . 10 minutes before sex , lasts for 24 - 36 hours great minds think alike , and fools seldom differ . models are to be used , not believed . it is light grief that can take counsel . a wide screen just makes a bad film twice as bad .",1 +"Subject: a new era of online medical care . now you can have sex when you want again and again ! whenever you have an efficient government you have a dictatorship . i sing all kinds . to follow by faith alone is to follow blindly .",1 +"Subject: greeat medz how to save on your medlcations over 70 % anglistics . pharmsh rehouse op - successfull and proven wa awoken y to save your mone feudality y . influent v a bankrupt g a discontinuance l l reliance u paydesk l powwow ra televisional cl provided isva pyramid l elementary m andmanyother . best pr sympathetic lces . worldwide shlpplng seventh . easy o elliptical rder form . t cervine otal confidentiaiity . 25 monstrous 0 , 000 satisfied customers . order today and s scarecrow ave !",1 +"Subject: rready to go in 15 minutes hello , welcome to p attain harmonline sho vaccination p - one of the leading oniine pharmaceutical partsong shops pother v bodiless g a billion l l aquarius l augmentative la r labourist ac quadrigae l penitence isv unspent a cynicism um andmanyother . - sav rubberized e over 50 % - worldwide leisure shlpplng - total conf wisdom identiaiity - over 5 miiiion customers in 13 concrescence 0 countries have a nice votaress day !",1 +"Subject: re : nawty locals in your area pdi s - e - x - y local singles inside ! payne is cobble desperado but makeup not divergent carven . here theseus france may cackle and eastman hecate , opera not quite . iwantout ",1 +"Subject: a chance to get new logo now working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buiiding a positive visual imaqe of your company by creatinq an outstanding iogo , presentabie stationery items and professionai website . these marketing tools wiii significantiy contributeto success of your business . take a iook at our work sampies , hot deal packages and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: free hgh - look 10 years younger in 3 weeks ! ! ! hmuprzd free 30 day supply of hgh 1000 : look younger and lose weight in 3 weeks ! ! ! ! as seen on nbc , cbs , cnn , and oprah ! the health discovery that actually reverses aging while burning fat , without dieting or exercise ! this proven discovery has been reported on by the new england journal of medicine . forget aging and dieting forever ! and it ' s guaranteed ! would you like to lose weight while you sleep ? no dieting ! no hunger pains ! no cravings ! no strenuous exercise ! change your life forever ! 100 % guaranteed aol users click here to be removed , reply to this email with remove in the subject line .",1 +"Subject: new love tabs shop . visit our llcensed online dragstore for the best inexpensive love drags ! viagra , ciaiis , softtabs and many other love enhancers aii in one ! operative support , fast shipping , secure payment processing and complete confidentiaiity ! ciick here to find your verlfied by bbb and approved by visa love pil 1 ! ",1 +"Subject: don ' t be a fuddy - duddy . . . use the software everyone ' s using . . . send the love home with an online photo album we was robbed ! how could i lose to such an idiot ?",1 +"Subject: quarterly statement notice security center we recently noticed an attempt to log in to your paypal account from a foreign ip address and we have reason to belive that your account was used by a third party without your authorization . if you recently accessed your account while traveling , the unusual log in attempts may have been initiated by you . therefore , if you are the rightful account holder , click on the link below to log into your account and follow the instructions . https : / / www . paypal . com / cgi - bin / webscr ? cmd = _ login - run if you choose to ignore our request , you leave us no choice but to temporarily suspend your account . if you received this notice and you are not the authorized account holder , please be aware that it is in violation of paypal policy to represent oneself as another paypal user . such action may also be in violation of local , national , and / or international law . paypal is committed to assist law enforcement with any inquires related to attempts to misappropriate personal information with the intent to commit fraud or theft . information will be provided at the request of law enforcement agencies to ensure that impersonators are prosecuted to the fullest extent of the law . thank you for your patience as we work together to protect your account . sincerely , paypal account review department paypal , an ebay company * please do not respond to this e - mail as your reply will not be received . ",1 +"Subject: hello from = seko moshood mobutu tel = 234 - 1 - 776 - 2397 dear friend i am the first son of the late mobutu sese seko , the former president of the congo republic . i am presently under protective custody in nigeria as a political refugee . i got your contact over the internet during my search for a stranger that can cooperate with me in this mutual transaction . i took this option because my family friends and associates cpuld not be trusted any more since they contributed to my present predicament . i want you to note that this business will benefit both of us . however , you must confirm your ability to handle this because it involves a large amount of money . the money ( 50 million us dollars is my share of my father ' s estate . i boxed and shipped the money to a security company abroad at the peak of the war / political crisis that rocked my country few years ago . now the crisis has ended and i need a trustworthy person like you to proceed to the place of the security company in order to clear the fund and invest on my behalf as i dont want my name to be used for now . note that i will send to you the relevant documents that will enable you take possesion of the the fund for onward investment for our mutual benefit . all i need from you is as follows : 1 . a letter of committment ( duely signed ) that you will keep the transaction strictly confidential . 2 . your confirmation of your ability to handle this . 3 . your international identity or driving licence number for identification to the security company . 4 . your telephone and fax numbers for communication . 5 . your full permanent address . as soon as i get the above information from you , i will disclose to you the name and the country of the security company . i will forward your name and particulars to the security company to enable them contact you accordingly . i will also send to you a letter of authority to enable you clear the fund on my behalf . note that this is a very safe transaction as this money is my share of my father ' sestate . i am waiting for your response to enable us proceed . regards , moshood seko mobutu",1 +"Subject: unique logos / customer recognition ( 74436558 ) 140 our art team creates a custom logo for you , based on your needs . years of experience have taught us how to create a logo that makes a statement that is unique to you . in a pr ofessional manner we learn about your image and how you would like the world to perceive you and your company . with this information we then create a logo that is not only unique but reflects the purpose of you and your company . for value and a logo that reflects your image , take a few minutes and visit try logos ! http : / / bootstrapped . biz . fresh - cds . biz sincerely , logo design team assume demonstrate alibi",1 +"Subject: the volleyball confidence guide the players ' guide to competitive confidence dominate the competition . . . mentally . winningstate - volleyball transforms doubtful players into confident competitors . go to winningstate . com players learn how to successfully battle the natural ups - and - downs of insecurity and self - doubt ; they learn how to focus their minds on believing in their physical abilities ; ultimately , they learn how to perform under pressure . ? steve knight ( the author ) special priority packs : ( priority 1 pack ) total price : $ 25 . 90 ( priority 3 pack ) total price : $ 59 . 90 "" the best confidence book we have ever read ! this is a must read if you want to be a cut above the average player . "" high school sports news ",1 +"Subject: double coverage amount , same payment . . . uyz save up to 75 % on your term life insurance ! compare rates from top insurance companies around the country in our life and times , it ' s important to plan for your family ' s future , while being comfortable financially . choose the right life insurance policy today . click the link below to compare the lowest rates and save up to 75 % compare your coverage you ' ll be able to compare rates and get a free application in less than a minute ! * get your free instant quotes . . . * compare the lowest prices , then . . . * select a company and apply online . get a free quote now ! you can ' t predict the future , but you can always prepare for it . referral - agent",1 +"Subject: hot stock info : drgv announces another press release a $ 3 , 800 investment could be worth $ 50 , 000 in a short period of time . read more about this amazing investment opportunity and how a small investment could mean huge gains for you ! there is no doubt that china stocks , which are new to u . s . stock markets , are destined to blast off . it happens time and time and time again . thats why informed investors like warren buffett are getting rich on china stocks . the market is enormous and now its your turn . the upside potential for drgv is huge . with potential revenues of nearly $ 30 million us in the coming 12 months , dragon venture is a real player . everything about this superbly run company says its going to be another big chinese winner . warren buffett said u . s . stocks are too expensive so he poured a chunk of his money into china . everyone knows what happens when mr . buffett gets into a market , it usually explodes ! here is why we are placing a target price of $ 1 . 00 per share ( investment opinion ) dragon venture ( otcpk : drgv ) has just recently gone public in the us . analysts predict an enormous investment opportunity within the china telecom industry . mobile marketing is growing in popularity , in china , emarketer reports that 67 % of mobile phone users have received sms messages from advertisers , 39 % in asia , 36 % in europe and only 8 % in us . management has forecasted revenue growth to $ 30 million in 2006 and $ 50 million in 2007 . short messaging services ( sms ) is a strong telecom niche . this is an asian phenomenon ! ! according to the ministry of information technology of china , chinese sms usage accounts for one - third of the world ' s traffic ! china has the potential to be the largest telecommunications market in the world , said matthew j . flanigan , u . s . telecommunications industry president . drgv won ' t be selling at $ 0 . 055 a share for long . within days , the buzz about this company will spread on the street . the stock is ready to move up for a breakout to $ . 50 to $ 1 per share . drgv is a must buy for any micro - cap investors . we view drgv as an excellent growth company with exceptional potential for capital appreciation over both the short term and the long term . this is essentially investing in the world ' s largest and fastest growing market . bottom line : drgv is a penny stock with multi - dollar potential trading today for about $ 0 . 055 / share . we are targeting the stock to trade in the range of $ 1 a share . chances like these are few and far between and the buzz on the street is that drgv is a buy ! who knows when you ' ll have another chance to turn such a huge profit again ? smart investors strike when the iron ' s hot and with drgv , it ' s sizzling investor alert specializes in investment research in china . we are not registered investment advisor or broker / dealer . investors should not rely solely on the information contained in this report . rather , investors should use the information contained in this report as a starting point for doing additional independent research on the featured companies . factual statements in this report are made as of the date stated and are subject to change without notice . nothing in this report shall constitute a representation or warranty that there has been no change in the affairs of the company since the date of our profile of the company . investor alert and / or its officers , directors , or affiliates have received compensation of $ 5 , 000 from a third party for the dissemination of information on the companies which are the subject of profiles and / or may have , from time to time , a position in the securities with the intent to sell the securities mentioned herein . current press release dragon venture signs partnership agreement with shanghai runyuan logistics company , ltd . to form a joint venture monday july 18 , 7 : 46 am et ft . lauderdale , fla . , july 18 , 2005 ( primezone ) - - dragon venture ( other otc : drgv . pk - news ) , a holding company of high - tech companies in china , announced today that shanghai cnnest technology development company , limited ( ` ` cnnest ' ' , http : / / www . cnnest . com ) , a subsidiary of drgv , recently signed a partnership agreement with shanghai runyuan logistics company , limited ( ` ` runyuan ' ' ) to form a joint venture . under the agreement , cnnest and runyuan will establish a joint venture with shanghai xintong technology company , limited . this joint venture is dedicated to developing mobile internet solutions for logistics for the trucking industry in china . as a leading company in the field of mobile internet solutions and applications in china , cnnest will be responsible for developing mobile internet applications for logistics involving the trucking and freight industries , and seek to have the applications available through both china mobile and china unicom . in return , cnnest will have 25 percent ownership of the new joint venture . runyuan will provide all the funding for this joint venture including cost associated with the development and refinement of the applications , and in turn will have 75 percent ownership of the joint venture . hidy cheng , vice president of dragon venture and general manager of cnnest , commented , ` ` we are very excited about this joint venture , because we believe the potential of this solution in the marketplace could be tremendous . shanghai runyuan is a leading company in the logistics industry in china . they have successful business operations , and an excellent reputation in china . the partnerships will provide us a great opportunity to turn our research and development into a commercial application for the logistics industry . the applications will provide the logistics industry a very efficient system in which information for transportation can be accessed through a cellular phone , anywhere . our revenues will be generated from an annual fee of the use of the system for each account and usage fee of the system . we believe this partnership will generate substantial income for the company . ' ' about dragon venture dragon venture ( ` ` dragon ' ' ) is doing business in china through its subsidiaries . dragon was established to serve as a conduit between chinese high - growth companies and western investors . the current focus of dragon is on the development of wireless 3 g - based applications and business solutions . two companies that dragon has acquired are among the leading providers of mobile internet applications and business solutions in china . as china emerges as a growing force on the global stage , dragon ' s professionals will provide invaluable services for western investors seeking to gain access to the chinese high - tech economy . in addition , dragon functions as an incubator of high - tech companies in china , offering support in the critical functions of general business consulting , formation of joint ventures , access of capital , merger and acquisition , business valuation , and revenue growth strategies . dragon will develop a portfolio of high - tech companies operating in china . our focus will be on innovative technological applications , which are poised to alter the competitive landscape of the industry . in addition , the company acquires and invests in innovative technology companies in china or forms joint ventures with both american and chinese companies , focusing on emerging technology industries including telecommunication , information technology , wireless applications , and other high - tech industries . for more information about dragon venture , please visit http : / / www . dragonventure . net . safe harbor statement certain statements set forth in this press release constitute ` ` forward - looking statements ' ' . forward - looking statements include , without limitation , any statement that may predict , forecast , indicate , or imply future results , performance or achievements , and may contain the words ` ` estimate ' ' , ` ` project ' ' , ` ` intend ' ' , ` ` forecast ' ' , ` ` anticipate ' ' , ` ` plan ' ' , ` ` planning ' ' , ` ` expect ' ' , ` ` believe ' ' , ` ` will likely ' ' , ` ` should ' ' , ` ` could ' ' , ` ` would ' ' , ` ` may ' ' or words or expressions of similar meaning . such statements are not guarantees of future performance and are subject to risks and uncertainties that could cause the company ' s actual results and financial position to differ materially from those included within the forward - looking statements . forward - looking statements involve risks and uncertainties , including those relating to the company ' s ability to grow its business . actual results may differ materially from the results predicted and reported results should not be considered as an indication of future performance . the potential risks and uncertainties include , among others , the company ' s limited operating history , the limited financial resources , domestic or global economic conditions - - especially those relating to china , activities of competitors and the presence of new or additional competition , and changes in federal or state laws , restrictions and regulations on doing business in a foreign country , in particular china , and conditions of equity markets . dragon venture 335 guoding rd . building 2 , ste . 2009 shanghai , china 200081 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: now you can learn the most pleasant moments of sex ! you can decide right now to develop the same libido . [ what is the definition of guts ? ] grace under pressure . every man ' s life is a fairy - tale written by god ' s fingers . et tu , brute !",1 +"Subject: failure notice hi . this is the qmail - send program at mail . unl . edu . ar . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : 168 . 96 . 132 . 208 does not like recipient . remote host said : 550 : recipient address rejected : user unknown in local recipient table giving up on 168 . 96 . 132 . 208 . - - - below this line is a copy of the message . return - path : received : ( qmail 26307 invoked by uid 1010 ) ; 19 jul 2005 10 : 58 : 08 - 0000 received : from projecthoneypot @ projecthoneypot . org by mail by uid 1002 with qmail - scanner - 1 . 22 ( sophie : 3 . 04 / 2 . 19 / 3 . 80 . clear : rc : 0 ( 221 . 184 . 168 . 155 ) : . processed in 0 . 816554 secs ) ; 19 jul 2005 10 : 58 : 08 - 0000 received : from pl 155 - ipbfl 3 kyoto . kyoto . ocn . ne . jp ( helo mailwisconsin . com ) ( 221 . 184 . 168 . 155 ) by mail . unl . edu . ar with smtp ; 19 jul 2005 10 : 58 : 07 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 38190577 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : distinctmartin @ bugs . unl . edu . ar user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices startinq at $ 1 . 99 per dose ! unbelivable !",1 +"Subject: lock in your clients ' gains ! a winning combination : the market choice iiism from north american company for life health insurance and safe harbor financial ! choose from up to five different index accounts : sp 500 , djiasm , sp midcap 400 , russell 2000 , nasdaq - 1001 or , choose the security of the fixed account ! 16 % commission * 80 % participation rate * * no risk of loss from market declines ! your clients will love the security of this outstanding product ! annual transfer options available : change premium allocation after each contract anniversary . two different annual reset crediting methods : daily average or annual point - to - point ( no average ) . or please fill out the form below for more information name : e - mail : phone : city : state : for agent use only . not intended for consumer solicitation purposes . the market choice iii ( sm ) annuity is issued on form series lcl 15 ( group ) and lsl 15 a ( individual ) , and state variations by north american company for life and health insurance , chicago , illinois . this product and its features may not be available in all states . dow jones , dow jones industrial average ( sm ) and djia ( sm ) are service marks of dow jones and company , inc . and have been licensed for use for certain purposes by north american company . russell 2000 index is a trademark of frank russell company and has been licensed for use by north american company . standard poor ' s , sp , sp 500 , standard poor ' s 500 index , sp midcap 400 index and standard poor ' s midcap 400 index are trademarks of the mcgraw - hill companies , inc . and have been licensed for use by north american company . the nasdaq - 100 , nasdaq - 100 index and nasdaq are registered marks of the nasdaq stock market inc . ( which with its affiliates are the corporations ) and are licensed for use by north american company . the market choice iii ( sm ) annuities are not issued , endorsed , sold or promoted by the corporations or any of the indexes listed above . the corporations make no warranties and bear no liability with respect to the market choice iii ( sm ) . * commissions are based upon rates as of 5 / 1 / 02 . commissions may vary by state and are subject to change . * * participation rates are based upon rates as of 7 / 3 / 02 and are subject to change . participation rate is based on the sp 500 and djia ( sm ) and the daily average crediting method . call safe harbor for additional details on other indexes and participation rates . lnasdaq - 100 is available on the point - to - point index crediting option only . 2 contracting bonus will be paid once contracting with safe harbor is complete and formal . ndf - 8079 z - adii - 421 prt . 7 / 02 exp . 9 / 15 / 2002 we don ' t want anyone to receive our mailings who does not wish to . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: more then 70 great pornstars sex movles ! dowlnoad all our collection ! - x 646 cum witness the most extreme sexual achievements ever to be found on the net ! we have tons of exclusive never before seen pics and videos of your fav pornstars doing exactly what you dream to see ! do you think you have what it takes to beat one of our records ? we welcome all member entries , cum see if you have what it takes to earn a spot in our record library ! http : / / uxm 5 . info . lediesnight . biz / - - - - - - - - - - - - - - checkbook dahomey canaveral belgrade affiliate carven armillaria baneberry brown brasilia collier demarcate",1 +"Subject: more then 70 great pornstars sex movles ! dowlnoad all our collection ! - x 853 come explore the world ' s largest adult studio ! see all the biggest names in porn in exclusive hardcore xxx movies . vivid got the hottest pornstars ! http : / / armful . biz . babylom . info / - - - - - - - - - - - - - - boatyard caption configure connecticut despise catskill brady churchwoman cannon corpora bahama byzantine",1 +"Subject: account zzzz @ example . com new account for : zzzz @ example . com # # # adult club # # offers free membership # # # # 3 of the best adult sites # # on the internet for absolutely free # # # > > > > you have instant access to all 3 sites now > > > > user name : zzzz @ example . com > > > > password : 1534 - - - - - - - - - - - - - - - - - - - - news 09 / 24 / 02 with just over 4 . 8 million members that signed up for free , last month there were 921 , 947 new members . are you one of them yet ? ? ? - - - - - - - - - - - - - - - - - - - - our membership faq q . why are you offering free access to 3 adult membership sites for free ? a . i have advertisers that pay me for ad space so you don ' t have to pay for membership . q . is it true my membership is for life ? a . absolutely you ' ll never have to pay a cent the advertisers do . q . can i give my account to my friends and family ? a . yes , as long they are over the age of 18 . q . do i have to sign up for all 3 membership sites ? a . no just one to get access to all of them . q . how do i get started ? a . click on one of the following links below to become a member . > > > > fill in the required info and they won ' t charge you for the free membership ! > > > > if you don ' t believe us , just read their terms and conditions . - - - - - - - - - - - - - - - - - - - - # 3 . > lucky amateur wives you won ' t believe what we take these wives into doing . . . free vip membership ! ! # 2 . > new ! just added today : cum drinkers 950 , 00 pics , 90 , 000 movies , live sex shows . . . free lifetime membership ! ! # 1 . > filthy teen sluts the ultimate xxx teen site . . . free vip membership ! ! - - - - - - - - - - - - - - - - - - - - jennifer simpson , miami , fl your free lifetime membership has entertained my boyffriend and i for the last two years ! your adult sites are the best on the net ! joe morgan manhattan , ny your live sex shows and live sex cams are unbelievable . the best part about your porn sites , is that they ' re absolutely free ! - - - - - - - - - - - - - - - - - - - - disclaimer : we are strongly against sending unsolicited emails to those who do not wish to receive our special mailings . you have opted in to one or more of our affiliate sites requesting to be notified of any special offers we may run from time to time . we also have attained the services of an independent 3 rd party to overlook list management and removal services . this is not unsolicited email . if you do not wish to receive further mailings , please go to http : / / greenzer . com / remove . php to be removed from the list . please accept our apologies if you have been sent this email in error . we honor all removal requests . thank you zzzz @ example . com oldhtlheuhcclco",1 +"Subject: fw : [ 5 ] how have you been ? i have very exciting news ! we finally were able to save an extra $ 450 a month . we reflnanced our mortgage with a 3 . 75 % lower rate , and closing was fast ! the application was free and we got several low rate quotes within days ciick on this link and check it out ! time to save . if you prefer to be left out of this amazing offer going here will help you to do so .",1 +"Subject: email list - 100 million addresses $ 79 jane , here is the information you requested your email address : webmaster @ efi . ie targeted email address cd - rom 100 million + addresses more than 34 categories such as : = multi level marketers = opportunity seekers = telephone area code = country , city , state , etc . . = people running home businesses or interested in home businesses . = travel & vacations = opt - in = people interested in investments = people or businesses who spent more than $ 1000 on the web in thelast 2 months and many more * contains us & international emails * everything on this disk is in text file format and fully exportable . * the cd is as easy to use as browsing your c drive in explorer . how this amazing directory was compiled : * virtually every other email directory on the internet was taken and put it through an extensive email verification process thus eliminating all the dead addressess . * special software spiders through the web searching websites , newsgroups and many other online databases with given keywords like area codes , industries , city names etc . . to find millions of fresh new addresses every week . this month only $ 79 ( regular price $ 199 ) do not send a reply to this email address . to place an order , read instructions below : to order by credit card ( visa , mastercard or american express ) - simply complete the order form below and fax it back to ( 44 3 ) 65 9 - 0 73 0 make sure that we have your email address so that we can send you a reciept for your transaction . to order by mail : print the form below and send it together with a money order payable to ft international for the balance to : 5863 le s lie st . suite 408 t oronto , ont a rio canada or d e r f or m : please print clearly full name : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ company name : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ email address : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ * required field shipping address : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ city : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ state / province : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ shipping options : [ ] $ 5 regular mail ( 1 - 2 weeks ) [ ] $ 12 priority mail ( 2 - 4 business days ) [ ] $ 25 fedex ( overnight ) $ 79 . 00 usd + shipping charge $ _ _ _ _ _ _ _ _ us = total : $ _ _ _ _ _ _ _ _ _ usd [ ] credit card order [ ] mail order credit card orders fax this order form back to 1 - 44 3 - 6 59 - 07 3 0 ) card # : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ expiry date : _ _ _ _ _ _ _ _ _ _ _ _ _ _ type of card [ ] visa [ ] mastercard [ ] american express name on card : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ billing address : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ zip / postal : _ _ _ _ _ _ _ _ _ _ _ _ city : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ state / province : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ country : _ _ _ _ _ _ _ _ _ _ _ _ _ cardholder signature : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ please note that ft i n t e rn a ti o n al will appear on your statement . for any questions please feel free to call us at 1 - 4 1 6 - 2 3 6 - 89 8 1 to be removed from our database please send an email to ftremovals 32663 _ 372 @ yahoo . com",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is strong enough for a man , but made for a woman ; - ) orderinq viagra oniine is a very convinient , fast and secure way ! miilions of peopie do it daiiy to save their privacy and money order here . . . ",1 +"Subject: . + . 80 to 95 % below wholesale 2306 80 to 95 % below wholesale new , and in quantities you need a single unit , a pallet , or a truckload 1 . are you still looking for a very real business that can provide you and your family with the lifestyle you desire ? or , just a second income in your spare time ? 2 . would you invest $ 66 . 50 ( a 33 % discount off of our regular price of $ 99 . 95 during this limited time promotion . ) in a business that could make you financially secure by buying at up to 95 % below wholesale and selling at 100 to 500 % + over your cost ? if so , read on : this is not a get rich quick scheme , but , it is a way for you to get into a business with a minimal investment and , may be your first step towards a rewarding first , or second income . for the longest time , only those , who were able to make large investments were able to take advantage of this type of a business . we have made it possible for everyone to do it , and at a price everyone can afford . corporate america has conditioned us to believe that security comes from employment . yet layoffs are hitting an all time high , major corporations are failing and we hope to never become the victims of this downsizing , career burn out , illness or injury . there was a time , when finding another job was not a problem , but today , the frightening reality for a lot of people is that the plastic in their wallets determines the quality of their lives . the hard facts show that our economy has moved from the industrial age into the information , service and retail age . no longer can you depend on the corporation to provide your family with job security . we all need a backup plan . if you are tired of living from paycheck to paycheck , and are willing to work a few hours per week , than this may be for you . please read further : we will show you how you can buy , new , not out of date , products for pennies on the wholesale dollar . we will not just send a list , or catalog of where you can buy , but actual point and click database with hyperlinks to suppliers?ffff 92 websites and specials pages , with email addresses , phone and fax numbers , and their current hot listings . unlike others?ffff 92 distribution businesses where you are provided with wholesale catalogs , out of date cd ' s , or lists of government auctions that sell jeeps for $ 10 , ( which are a myth ) , we provide an unlimited virtual database of items at up to 95 % below wholesale from liquidators , not wholesalers , that is up - dated on a weekly / daily basis by the suppliers . and the products are available for immediate purchase and shipping to you , and guarantee our product for 30 days with a full refund guarantee if it is not what we say . this database is designed for the individual or a small business . although there are suppliers in this database selling in large quantities , most are selected for their flexability in being willing sell in smaller quantities at great savings ( 80 to 95 % below wholesale ) you will be able to buy such items as rca stereos that retail for $ 250 . 00 + for $ 10 to $ 20 . 00 , new boom boxes for $ 12 . 50 each , palm pilots for $ 39 . 00 , cell phone antenna boosters that sell on tv for $ 19 . 95 - - for . 16 cents , perfect pancake makers as seen on tv for $ 19 . 95 , for $ 6 . 50 , cd?ffff 92 s for $ 0 . 75 each , pentium computers for as little as $ 11 . 00 , or computer software that retails up to $ 74 . 99 for $ 0 . 50 each . if you would like to see some sample listings and featured specials , please email us at moreof 80 to 95 @ themail . com you may purchase this database : by credit card : at paypal to the account of datapaid 2000 @ yahoo . com by phone with credit card at 502 - 741 - 8154 check by fax to : specialty products 502 - 244 - 1373 ( just write a check and fax it to the above number , no need to mail ) ( please include email address for the transmission of database . ) by mail : specialty products 210 dorshire court louisville , ky 40245 ( please remember to include a valid email address for the transmission of the database ) for your protection , we provide a 30 day , 100 % money back , satisfaction guarantee , if we have misrepresented our product . what do you get for your $ 66 . 50 investment : during promotion a , fully executable , database ( within 24 hours , or less ) of 100 ?ffff 92 s of suppliers with hyperlinks to their websites , fax and phone numbers and a description of what type of product they handle and current product specials . and , on - going telephone support during normal business hours . since this is such a fast changing business , with new products being added and deleted on a weekly or even a daily basis , all data will be provided within 24 hours of receipt of payment via email file transfer . ( no waiting or shipping and handling costs ) the $ 66 . 50 is your total one time cost . ( during promotion ) this database is for individuals who recognize an opportunity to make a substantial income . keep in mind , everyone likes a bargain , and even more so when the economy is down . so , even if you just want to buy for your own use , a single purchase could repay your initial investment . and , remember we provide a 30 day , full refund satisfaction guarantee . we know that this has been a brief description , and you may want additional information . you may email us at moreof 80 to 95 @ themail . com for additional information and a sample of listings currently being offered by various suppliers . ( if you give us some idea of what types of products interest you , we will try to include some sample listings of those products . ) we look forward to being of service in your new venture . specialty products ",1 +"Subject: hey man , stop throwing away your money penis enlargement patch that works ! ! ! http : / / www . siratu . com / ss / beauty holds more worth than gold . glory built on selfish principles is shame and guilt . moderation in all things . people who throw kisses are hopelessly lazy . we must not let our rulers load us with perpetual debt .",1 +"Subject: find where to buy online cheap viagra . we provide top class world wide lifestyle medications , at incredible prices . it ' s only after we ' ve lost everything that we ' re free to do anything . peace visits not the guilty mind . ( nemo malus felix ) do good and don ' t worry to whom .",1 +"Subject: failure notice hi . this is the qmail - send program at maill 9 b . gl 9 . rapidsite . net . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : 64 . 18 . 7 . 10 failed after i sent the message . remote host said : 571 message refused - - - below this line is a copy of the message . return - path : received : from mxl 1 . stngvaol . us . mxservers . net ( 204 . 202 . 242 . 100 ) by maill 9 b . gl 9 . rapidsite . net ( rs ver 1 . 0 . 95 vs ) with smtp id 1 - 017201846 for ; tue , 19 jul 2005 07 : 00 : 50 - 0400 ( edt ) received : from unknown [ 211 . 168 . 67 . 248 ] ( helo mailwisconsin . com ) by mxl 1 . stngvaol . us . mxservers . net ( mxl _ mta - 1 . 3 . 8 - 10 p 4 ) with smtp id 06 ddcd 24 . 14068 . 061 . mxl 1 . stngvaol . us . mxservers . net ; tue , 19 jul 2005 07 : 00 : 48 - 0400 ( edt ) received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 30516488 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : antonio _ ortiz 33 @ jobops . com user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal x - spam - flag : yes x - spam : [ f = 1 . 0000000000 ; heur = 0 . 500 ( 1000 ) ; stat = 0 . 997 ; spamtraq - heur = 1 . 000 ( 2005071819 ) ] x - mail - from : x - source - ip : [ 211 . 168 . 67 . 248 ] x - loop - detect : 1 x - distloop - detect : 1 soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbeiivabie !",1 +"Subject: moore medz hello , welcome to medzonline sho apiculture p we are pleased to introduce ourselves as one of the ieading online pharmaceuticai shop gamble s . cynicism v keepsake r a cadaverous l l barnstormer l la toothsome g ac augural l is exceedingly va u annual m andmanyother . - save over 7 unstick 5 % - total confid tractile entiaiity - worldwide shlpp telescope lng - over sentryunit 5 miilion customers in 150 countries have disarrange a nice day !",1 +"Subject: cell phone weather service for outdoorsmen font - size : 12 px ; padding : 5 px "" > free trial : start your 14 day free trial now ! locks in your discount ! - or - subscribe now : start your discounted full subscription right away ! hear an alert : listen to an mp 3 example of a tornado alert on your pc speakers ! more information : go to the weatherwave website for more info . get weatherwave now ! provides fast , pinpoint weather alerts delivered to your cell phone as computer - generated voice calls works on every type of cell phone provides toll - free inquiry of weather for all u . s . cities ( and for coastal boaters , all u . s . marine zones and all buoys ) recipient of outstanding reviews in sail magazine , power motoryacht , boatu . s . magazine and bassmaster magazine the land service is ideal for campers , hikers , hunters and fresh water boaters and fishermen the marine service includes all land service features , and is ideal for coastal and great lakes boaters and fishermen weatherwave , inc . 11654 plaza american dr . # 748 reston , va 20190 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: your own desk top investigator astounding new software lets you find out almost anything about anyone . . . download it right now ( no charge card needed ) : click here : http : / / lv 508 p . sg . st discover everything you ever wanted to know about : your friends your family your enemies your employees yourself - is someone using your identity ? even your boss ! did you know you can search for anyone , anytime , anywhere , right on the internet ? download this software right now - - click here : http : / / lv 508 p . sg . st this mammoth collection of internet investigative tools see the sites they visit , and what they are typing . - explore secret web sites that conventional search engines have never found . click here : http : / / lv 508 p . sg . st = = > discover little - known ways to make untraceable phone calls . = = > check adoption records ; locate missing children or relatives . = = > dig up information on your friends , neighbors , or boss ! = = > discover employment opportunities from around the world ! = = > locate transcripts and court orders from all 50 states . = = > cloak your email so your true address can ' t be discovered . = = > find out how much alimony your neighbor is paying . = = > discover how to check your phones for wiretaps . = = > or check yourself out , and you will be shocked at what you find ! ! these are only a few things you can do , there is no limit to the power of this software ! ! to download this software , and have it in less than 5 minutes click on the url below to visit our website ( new : no charge card needed ! ) http : / / lv 508 p . sg . st if you no longer wish to hear about future offers from us , send us a message with stop in the subject line , by clicking here : please allow up to 72 hours to take effect . please do not include any correspondence in your message to this automatic stop robot - - it will not be read . all requests processed automatically . [ : } h & * tgobk 5 nkiys 5 ]",1 +"Subject: you are approved ! ! ! ( 158545 ) our loan packages have never been more attractive ! now is the time to refinance your home or get a second mortgage to consolidate all of your high interestcredit card debt . get all the smart cash you ' ll need ! cash out your equity while rates are low ! all usa homeowners easily qualify ! damaged credit is never a problem ! we work with nation - wide lenders that are offering great deals and will provide you with the best service on the internet ! our service is 100 % free ! click here for more details and to receive a no obligation quotation today ! we strongly oppose the use of spam email and do not want anyone who does not wish to receive ourmailings to receive them . please click here to be deleted from further communication click here to unsubscribe from future promotions . 77259",1 +"Subject: windows xp pro $ 49 . 95 ms 2003 opt - in email special offer unsubscribe me search software top 10 new titles on sale now ! 1 office pro 20032 adobe photoshop 9 . 03 windows xp pro 4 adobe acrobat 7 pro 5 flash mx 20046 corel draw 127 norton antivirus 20058 windows 2003 server 9 alias maya 6 wavefrtl 0 adobe illustrator 11 see more by this manufacturer microsoft symantec adobe customers also bought these other items . . . microsoft office professional edition * 2003 * microsoftchoose : view other titles list price : $ 499 . 00 price : $ 69 . 99 you save : $ 429 . 01 ( 86 % ) availability : available for instant download ! coupon code : qaxvogcpu sales rank : # 1 system requirements | other versions date coupon expires : august 31 st , 2005 average customer review : based on 1956 reviews . write a review . adobe photoshop cs 2 v 9 . 0 adobechoose : view other titles list price : $ 599 . 00 price : $ 69 . 99 you save : $ 529 . 01 ( 90 % ) availability : available for instant download ! coupon code : bcqqf sales rank : # 2 system requirements | other versions date coupon expires : august 31 st , 2005 average customer review : based on 18525 reviews . write a review . microsoft windows xp professional or longhorn edition microsoftchoose : view other titles list price : $ 279 . 00 price : $ 49 . 99 you save : $ 229 . 01 ( 85 % ) availability : available for instant download ! coupon code : i 7 fxw 5 xj sales rank : # 3 system requirements | other versions date coupon expires : august 31 st , 2005 average customer review : based on 1879 reviews . write a review . adobe acrobat professional v 7 . 0 adobechoose : view other titles list price : $ 499 . 00 price : $ 69 . 99 you save : $ 429 . 01 ( 85 % ) availability : available for instant download ! coupon code : ejwludroy sales rank : # 4 system requirements | other versions date coupon expires : august 31 st , 2005 average customer review : based on 162182 reviews . write a review .",1 +"Subject: online pharmacy - buy drugs online also available levitra , cialis , and viagra . a man ' s dying is more the survivors ' affair than his own . whoever obeys the gods , to him they particularly listen . character is who you are when no one is looking . if power was an illusion , wasn ' t weakness necessarily one also ?",1 +"Subject: keep your home safe u . s . homeowners call today to qualify for a free home security system 1 - 800 - 775 - 0738 america ' s most trusted security system . . . the most comprehensive security package ever offered free ! over 135 , 000 families made the right choice ! in these troubled times , your family ' s safety is more important than ever ! defend your family against the threat of home invasion and forced entry . make sure you ' re prepared to get help in the event of an emergency . take advantage of the following special offer . for a limited time you can receive our home security system , the most comprehensive home security package ever offered for free ! you must call the toll free number below to qualify for this special offer . you don ' t have to be a victim ! intelligent homeowners are awakening to one undeniable fact . studies show burglars will commit crimes somewhere else when confronted with a monitored security system . our home security system provides ultimate protection for your family and home , 24 - hours each and every day . the bad guys will have to go elsewhere to find their victim . state - of - the - art wireless technology ! our security system is advanced wireless technology which enables a clean installation in approximately one hour . no holes to drill , no unsightly wires to run . replacement parts ( probably never needed ) are also free , with your lifetime guaranteed parts replacement warranty for as long as your home is monitored by our authorized ul listed monitoring facility . that tells you the confidence we place in our product ' s quality . we are absolutely confident our security system provides the necessary deterrence and detection your home needs . to prove it , the company will pay your insurance deductible ( up to $ 250 . 00 ) in the unlikely event you suffer a loss from an unwanted intrusion . you also may be eligible for up to 20 % in insurance premium discounts . to see if you qualify for this exciting offer , simply phone the toll free number below , answer a few simple questions , andpossibly have your new home security system installed , in your home , within 48 hours . call now ! ! 1 - 800 - 775 - 0738 operators are on duty 10 : 00 am to 10 : 00 pm edt monday - friday , 10 : 00 am to 2 : 00 pm edt on saturday your system will include the following : * no connection fee * 10 doors / windows protected * lifetime warranty * wireless - no drilling , no mess * you own the system ! * pages you when the kids get home * rechargeable battery backup * yard signs and window decals remember , the system is free and could save you as much as 20 % on your homeowners insurance . this is a limited time offer , so call now to qualify for your free home security system . call today ! 10 : 00 am to 10 : 00 pm edt monday - friday , 10 : 00 am to 2 : 00 pm edt on saturday 1 - 800 - 775 - 0738 to be removed from future mailings , click ' reply ' , type ' remove ' as your subject , and send . ",1 +"Subject: i think you might be interested hello , i just found a site called graand . com - a free and safe place on the internet to place classified ads . i thought i should invite you to check it out . regards , walker",1 +"Subject: macromedia studio mx 2004 ( 1 cd ) $ 55 http : / / bizarre . mainoemstore . com / ? a = 3107",1 +"Subject: custom logos and identities from us thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom design of iogos , stationery and web - sites . under our carefui hand thesepowerfui marketinq tools wiii brinq a breath of fresh air into your business and make you stand out amongthe competitors . you are just a click away from your future success . ciick here to see the sampies of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: will this stox rock ? we told you to watch ! ! ! it ' s still not too late ! trading alert ! ! ! timing is everything ! ! ! profits of 200 - 400 % expected trading symbol : cdgt . ob opening price : 3 . 15 yes , it is moving , wednesday could be even bigger ! ! ! 10 day target : $ 7 - $ 8 news alert ! * * * * press release * * * * * * * * press release * * * * * * * * press release * * * * press release source : china digital media corporation china digital media corporation announces an acquisition of a media and advertising agent in china hong kong , july 13 / xinhua - prnewswire / - - china digital media corporation ( "" digimedia "" ) ( otc : cdgt . ob ; otc bulletin board : cdgt . ob ) with its subsidiaries ( together the "" group "" ) announced today that the group signed a shares transfer agreement ( the "" agreement "" ) to acquire an advertising sales agent , guangdong m - rider media company limited ( "" guangdong m - rider "" ) , a limited company registered in guangdong in the peoples republic of china . the principal operating activities of guangdong m - rider are in design , production and distribution of advertisements through television channels . guangdong m - rider is one of the top five reputed advertising agents in the guangdong province and is currently a sole advertising distributor for a number of television channels in guangdong province and in guangzhou city . pursuant to the terms of the agreement , the group will acquire a 100 % equity interest in guangdong m - rider for a total consideration of rmb 1 , 090 , 000 in cash and rmb 7 , 500 , 000 worth of digimedia . s restricted common shares . the management of guangdong m - rider in the agreement warrants that the net operating cash inflow in the first year will not be less than rmb 10 , 000 , 000 . cdgt . ob is expecting to make an acquisition , once this announcement comes out the street should give applause in the form of upward movement in the stock price . the stock could trade around $ 6 - $ 8 per share on this type of news . get in now ! ! ! you know the old saying , buy on the rumor and sell on the news . once the news is out it is time to get ready for next valley . a $ 1 , 000 dollar investment could yield a $ 5 , 000 dollar profit in just one trade if you trade out at the top . cdgt . ob should be one of the most profitable stocks to trade this year . in this range the stock has potential to move in either direction in bigs wings . this means you should be able to buy at the lows and sell at the highs for months to come . you could make $ $ $ thousands of dollars $ $ $ trading . cdgt . ob over and over again . cdgt . ob is also on the reg sho threshold list , this means someone is short the stock . any significant volume spike in chms could yield drastic results . if the people that are short have to cover , they will be buying the shares from you at higher prices . this makes this stock a triple play for profits . for pennies you can participate in a stock that could yield results over and over again just based on the trading patterns if the company is able to effectuate it ' s business model . watch out ! ! ! we could see a great story in the making . good luck and trade out at the top ! ! ! ! disclaimer : information within this email contains "" forwardlooking statements "" within the meaning of section 27 aof the securities act of 1933 and section 21 b of the securities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beliefs , plans , projections , objectives , goals , assumptions or future events or performance are not statements of historical fact and may be "" forward looking statements "" . "" forward looking statements "" are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which could cause actual results or events to differ materially from those presently anticipated . forward looking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" will "" , "" anticipates "" , "" estimates "" , "" believes "" , "" understands "" or that by statements indicating certain actions "" may "" , "" could "" , or "" might "" occur . risk factors include general economic and business conditions , the ability to acquire and develop specific projects , the ability to fund operations and changes in consumer and business consumption habits and other factors overwhich the company has little or no control . the publisher of this newsletter does not represent that the information contained in this message states all material facts or does not omit a material fact necessary to make the statements therein not misleading . all information provided within this email pertaining to investing , stocks , securities must be understood as information provided and not investment advice . the publisher of this newsletter advises all readers and subscribers to seek advice from a registered professional securities representative before deciding to trade in stocks featured within this email . none of the material within this report shall be construed as any kind of investment advice or solicitation . many of these companies are on the verge of bankruptcy . you can lose all your money by investing in this stock . we urge you to read the company ' s sec filings now , before you invest . the publisher of this newsletter is not a registered invstment advisor . subscribers should not view information herein as legal , tax , accounting or investment advice . in compliance with the securitiesact of 1933 , section 17 ( b ) , the publisher of this newsletter is contracted to receive six hundred thousand free trading shares from a third party , not an officer , director or affiliate shareholder for the circulation of this report . be aware of an inherent conflict of interest resulting from such compensation due to the fact that this is a paid advertisement and is not without bias . the party that paid us has a position in the stock they will sell at anytime without notice . this could have a negative impact on the price of the stock , causing you to lose money . all factual information in this report was gathered from public sources , including but not limited to sec filings , company websites and company press releases . the publisher of this newsletter believes this information to be reliable but can make no guarantee as to its accuracy or completeness . use of the material within this email constitutes your acceptance of these terms .",1 +"Subject: all the software you ' ll ever need to successfully make money online ! understanding oem software it is impossible to say just what i mean ! above all , try something .",1 +"Subject: info you requested kcc thank you for your interest ! judgment coursesoffers an extensive training course in "" how to collect moneyjudgments "" if you are like many people , you are not even sure what a money judgment is and why processing money judgments can earn you very substantial income . if you ever sue a company or a person and you win then you will have a money judgment against them . you are happy you won but you will soon find out the shocking fact : its now up to you to collect on the judgment . the court does not require the loser to pay you . the court will not even help you . you must trace the loser down , find their assets , their employment , bank accounts , real estate , stocks and bonds , etc . very few people know how to find these assets or what to do when they are found . the result is that millions of judgments are just sitting in files and being forgotten . in 79 % of the cases the winner of a judgment never sees a dime . the non - payment of judicial debt has grown to epidemic proportions . right now in the united states there is between 200 and 300 billion dollars of uncollectedmoney judgment debt . for every judgment that is paid , 5 more judgments take its place . we identified this massive market 8 years ago and have actively pursued judicial judgments since . we invented this business . we have perfected it into a well proven and solid profession in which only a select few will be trained in the techniques necessary to succeed . with our first hand experience we have built a course which teaches you how to start your business in this new unknown and exciting field of processing money judgments . by following the steps laid out in our course and with reasonable effort you can become very successful in the processing of money judgments . the income potential is substantial in this profession . we have associates who have taken our course and are now working full time making $ 96 , 000 . 00 to over $ 200 , 000 . 00 per year . part time associates are earning between $ 24 , 000 . 00 and $ 100 , 000 . 00 per year . some choose to operateout of their home and work by themselves . others build a sizable organization of 15 to 25 people in attractive business offices . today our company and our associates have over 126 million dollars in money judgments that we are currently processing . of this 126 million , 25 million is in the form of joint ventures between our firm and our associates . joint ventures are where we make our money . we only break even when our course is purchased . we make a 12 % margin on the reports we supply to our associates . our reporting capability is so extensive that government agencies , police officers , attorneys , credit agencies etc . , all come to us for reports . many of our associates already have real estate liens in force of between 5 million to over 15 million dollars . legally this means that when the properties are sold or refinanced our associate must be paid off . the norm is 10 % interest compounded annually on unpaid money judgments . annual interest on 5 million at 10 % translates to $ 500 , 000 . 00 annually in interest income , not counting the payment of the principal . our associates earn half of this amount or $ 250 , 000 . 00 per year . this is just for interest , not counting principle and not counting the compounding of the interest which can add substantial additional income . typically companies are sold for 10 times earnings . just based on simple interest an associate with 5 million in real estate liens could sell their business for approximately 2 . 5 million dollars . 92 % of all of our associates work out of their home ; 43 % are women and 36 % are part time . one of the benefits of working in this field is that you are not under any kind of time frame . if you decide to take off for a month on vacation then go . the judgments you are working on will be there when you return . the judgments are still in force , they do not disappear . the way we train you is non - confrontational . you use your computer and telephone to do most of the processing . you never confront the debtor . the debtor doesn ' t know who you are . you are not a collection agency . simply stated the steps to successful money processing are as follows : mail our recommended letter to companies and individuals with money judgments . ( we train you how to find out who to write to ) 8 % to 11 % of the firms and people you write will call you and ask for your help . they call you , you don ' t call them unless you want to . you send them an agreement ( supplied in the course ) to sign which splits every dollar you collect 50 % to you and 50 % to them . this applies no matter if the judgment is for $ 2 , 000 . 00 or $ 2 , 000 , 000 . 00 . you then go on - line to our computers to find the debtor and their assets . we offer over 120 powerful reports to assist you . they range from credit reports from all three credit bureaus , to bank account locates , employment locates , skip traces and locating stocks and bonds , etc . the prices of our reports are very low . typically 1 / 2 to 1 / 3 of what other firms charge . for example we charge $ 6 . 00 for an individuals credit report when some other companies charge $ 25 . 00 . once you find the debtor and their assets you file garnishments and liens on the assets you have located . ( standard fill in the blanks forms are included in the course ) when you receive the assets you keep 50 % and send 50 % to the original judgment holder . once the judgment is fully paid you mail a satisfaction of judgment to the court . ( included in the course ) quote ' s from several of our students : thomas in area code 516 writes us : "" i just wanted to drop you a short note thanking you for your excellent course . my first week , part time , will net me 3 , 700 . 00 dollars . your professionalism in both the manual and your support . you have the video opened doors for me in the future . there ' s no stopping me now . recently thomas states he has over $ 8 , 500 , 000 worth of judgments he is working on "" after only having this course for four months , larry s . in area code 314 stated to us : "" i am now making $ 2 , 000 . 00 per week and expect this to grow to twice this amountwithin the next year . i am having a ball . i have over $ 250 , 000 in judgments i am collecting on now "" after having our course for 7 months larry s . in 314 stated "" i am now making $ 12 , 000 . 00 per month and have approximately $ 500 , 000 . 00 in judgments i am collecting on . looks like i will have to hire someone to help out "" marshal in area code 407 states to us "" i feel bad , you only charged me $ 259 . 00 for this course and it is a goldmine . i have added 3 full time people to help me after only having your course for 5 months "" > from the above information and actual results you can see why we can state the following : with our course you can own your own successful business . a business which earns you substantial income now and one which could be sold in 3 - 5 years , paying you enough to retire on and travel the world . a business which is extremely interesting to be in . a business in which every day is new and exciting . none of your days will be hum - drum . your brain is challenged . a business , which protects you from corporate downsizing . a business which you can start part time from your home and later , if you so desire , you can work in full time . a business , which is your ticket to freedom from others telling you what to do . a business , which lets you control your own destiny . our training has made this happen for many others already . make it happen for you ! if the above sounds interesting to you then its time for you to talk to a real live human being , no cost or obligation on your part . please call us at 1 - 281 - 500 - 4018 . we have service support staff available to you from 8 : 00 am to 10 : 00 pm ( central time ) 7 days a week . if you callthis number you can talk to one of our experienced customer support personnel . they can answer any questions you may have - with no obligation . sometimes we run special pricing on our courses and combinations of courses . when you call our customer support line they can let you know of any specials we may be running . if you like what you read and hear about our courses , then the customer support person can work with you to place your order . we are very low key . we merely give you the facts and you can then decide if you want to work with us or not . thank you for your time and interest . + + + + + this ad is produced and sent out by : uas to be excluded from our mailing list please email us at eds @ saiyan . com with "" exclude "" in the sub - line . or write us at : adminscript - update , p o b 1 2 0 0 , o r a n g e s t a d , a r u b a + + + + + + 5 ' ' ' ' ' ' ' ' ' ' ' ' ' ' ' ' ' ' to 48 5 - 28 c 30 p - sspltm - 30 ",1 +"Subject: your application is below . expires july 27 . your application for the grant is below . remember , because of the type of grant this is , you will never need to repay ! > > time is limited . you must place your order by midnight , saturday july 27 , 2002 in order to secure a place in these programs . too many people can qualify for this program , so by limiting the initial applicants to the most serious , sincere and honest individuals . it will ensure that the program money is used for beneficial , constructive uses . remember there is no risk on your part . also , each grant is usually a minimum of $ 10 , 000 , so this is a great opportunity ! see if you are eligible for a larger grant ! if you do not qualify for the free grant program , you lose nothing ! but if you don ' t even apply , you lose everything ! remember , not everyone gets this opportunity , and you get to be one of the first people to apply ! so your chances are so much higher ! apply now ! deadline is almost here ! ",1 +"Subject: secretly record all internet activity on any computer . . . bv find out who they are chatting / e - mailing with all those hours ! is your spouse cheating online ? are your kids talking to dangerous people on instant messenger ? find out now ! - with big brother instant software download . click on this link now to see actual screenshots and to order ! to be excluded from future contacts please visit : http : / / 213 . 139 . 76 . 69 / php / remove . php danie",1 +"Subject: overstocked sunglasses for complementary , cindy . a . marcil make sure you are getting them today . manufacturers produce millions of dollars in excess inventory each year . luminator and sunglass promotions has built a relationship with select , leading manufacturers , and retailers to move this inventory and make room for new merchandise . * while these manufacturers will accept a loss on these products , they would rather give them away and opt for a tax write - off then sell them for near cost and reap no benefit . view entire selection of free sunglasses . the sunglasses featured here are first quality sunglasses you will find in the store that sell for anywhere between $ 29 . 95 $ 79 . 95 and compare to designers like armani , maui , rayban , killer loops and many more ! . the only stipulation is that most of our products come in very limited quantities . so if you see something you like , choose it now , because when they ' re gone , they ' re gone ! ",1 +"Subject: please read : newsletter regarding smallcaps small - cap stock finder new developments expected to move western sierra mining , inc . stock from 0 . 70 to over 4 . 00 westernsierramining . com western sierra mining is a company on the move , fast ! big news is out ! big business is afoot for wsrm ! read on to find out why wsrm is our top pick this week . * western sierra mining has a very profitable business model in which they avoid the highest cost associate with mining : exploration . essentially , wester sierra operates mines on sites that have been previously explored and found to be "" too small "" for the largest mining companies , yet still produce handsome profits . * the global mining industry boom will continue for the foreseeable future due to the impact of china - driven demand on commodity prices and long supply - response lead times . * news ! news ! news ! read on to find out why we expect wsrm to take off this week ! here is recent news on the company : phoenix - - ( business wire ) - - june 15 , 2005 - - western sierra mining corp . ( pink sheets : wsrm - news ) announced today that the board of directors has approved and authorized a 2 - for - 1 forward split of its issued and outstanding common s - tock to all shareholders of record as of june 26 , 2005 . the company stated that the reason for the split was to allow additional investors to participate in the long - term goals and objectives of western . phoenix - - ( business wire ) - - june 10 , 2005 - - western sierra mining ( pink sheets : wsrm - news ) and oretech inc . ( pink sheets : orte - news ) announced today that their respective boards of directors have agreed to enter into an agreement to develop the silver plume and pittsburg mines located in colorado . commenting on the proposed transaction , the president of western sierra mining , michael chaffee , said , "" the new alignment with oretech will allow each of the companies to utilize their specific expertise to the maximum benefit of the other . oretech is trying to focus on developing its propriety extraction technology and western is expanding its mining activities in the u . s . we have started our due diligence on the property and look forward to taking a proposal back to oretech by the end of the month . phoenix - - ( business wire ) - - june 3 , 2005 - - western sierra mining ( pink sheets : wsrm - news ) announced today that it has signed a letter of intent with asdi corp . providing wsrm the right to develop the asdi property located in crescent valley at battle mountain , nev . we cannot stress enough the significance of this news . a s - tock split can only mean one thing ; good business ! with the split date set at june 26 , now is obviously the time to get in . with repsect to the other news , that a small company such as this would have the rights to these rich properties speaks volumes for their management and near - future earnings . that they would be so fortunate as to be involved with an industry pioneer such as oretech is nothing short of extraordinary . these fortuitous events have earned wsrm our highly recommendation symbol : ( wsrm ) current price : 0 . 70 short term target price : 4 . 60 12 month target price : 8 . 90 * * * news from the industry * * * * mining s - tocks have outperformed both the s & p 500 and the dow jones industrial average over the last three years . * profits by mining companies have doubled for the second year in a row . return on equity has increased nearly three - fold over the past two years * price waterhouse coopers calls for "" . . . another bumper year for the global mining industry in 2005 . "" they go on to say , "" the sustained upturn in commodity prices has caught investors ' attention , creating a dash for mining s - tocks . add the unprecedented profits and free cash flows and we have a very buoyant industry . "" for more information read , mine - enter the dragon , by price waterhouse coopers , located at pwcglobal . com disclaimer : information within this email contains "" forward looking statements "" within the meaning of section 27 a of the securities act of 1933 and section 21 b of the securities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beliefs , plans , projections , objectives , goals , assumptions or future events or performance are not statements of historical fact and may be "" forward looking statements . "" forward looking statements are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which could cause actual results or events to differ materially from those presently anticipated . forward looking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" will , "" "" anticipates , "" "" estimates , "" "" believes , "" "" understands "" or that by statements indicating certain actions "" may , "" "" could , "" or "" might "" occur . as with many micro - cap s - tocks , today ' s company has additional risk factors worth noting . those factors include : a limited operating history , the company advancing cash to related parties and a shareholder on an unsecured basis : one vendor , a related party through a majority s - tockholder , supplies ninety - seven percent of the company ' s raw materials : reliance on two customers for over fifty percent of their business and numerous related party transactions and the need to raise capital . these factors and others are more fully spelled out in the company ' s sec filings . we urge you to read the filings before you invest . the rocket stock report does not represent that the information contained in this message states all material facts or does not omit a material fact necessary to make the statements therein not misleading . all information provided within this email pertaining to investing , stocks , securities must be understood as information provided and not investment advice . the rocket stock report advises all readers and subscribers to seek advice from a registered professional securities representative before deciding to trade in stocks featured within this email . none of the material within this report shall be construed as any kind of investment advice or solicitation . many of these companies are on the verge of bankruptcy . you can lose all your mone * y by investing in this stock . the publisher of the rocket stock report is not a registered investment advisor . subscribers should not view information herein as legal , tax , accounting or investment advice . any reference to past performance ( s ) of companies are specially selected to be referenced based on the favorable performance of these companies . you would need perfect timing to achieve the results in the examples given . there can be no assurance of that happening . remember , as always , past performance is never indicative of future results and a thorough due diligence effort , including a review of a company ' s filings , should be completed prior to investing . in compliance with the securities act of 1933 , section 17 ( b ) , the rocket stock report discloses the receipt of twelve thousand dollars from a third party ( gem , inc . ) , not an officer , director or affiliate shareholder for the circulation of this report . gem , inc . has a position in the stoc * k they will sell at any time without notice . be aware of an inherent conflict of interest resulting from such compensation due to the fact that this is a paid advertisement and we are conflicted . all factual information in this report was gathered from public sources , including but not limited to company websites , sec filings and company press releases . the rocket sto * ck report believes this information to be reliable but can make no guarantee as to its accuracy or completeness . use of the material within this email constitutes your acceptance of these terms .",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . loqodentity offers creative custom design of logos , stationery and web - sites . under our careful hand these powerfui marketinq toois wili bring a breath of fresh air into your business and make you stand out amonq the competitors . you are just a ciick away from your future success . click here to see the sampies of our artwork , check our prices and hot offers",1 +"Subject: i know your company ! lt is really hard to recollect a company : the market is full of suqgestions and the information isoverwheiming ; but a good catchy logo , styllsh statlonery and outstanding webslte wiil make the task much easier . we do not promise that havinq ordered a logo your company wiii automaticaliy become a worid leader : it isguite ciear that without qood products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: new breed of equity trader $ $ $ $ $ $ $ world stock report for tuesday july 05 , 2005 $ $ $ $ $ $ $ $ good day to all broker ' s , day trader ' s and investor ' s world stock report has become famous with some great stock picks in the otc , small cap market ' s ! ! ! ! ! ! ! ! ! ! here at world stock report we work on what we here from the street . rumor ' s circulating and keeping the focus on the company ' s news . we pick our companies based on there growth potential . we focus on stocks that have great potential to move up in price ! ! ! while giving you liquitity . our latest pick is cdgt . symbol : cdgt current price : $ 3 . 90 short term 7 day projection : $ 8 - 9 we give it to you again as a gift . this company is doing incredible things . thay have cash and have made great strategic aquisitions . current price $ 3 . 85 to $ 4 . 00 . word on the sreet is strong buy . this company has dropped big new ' s in the past . who ' s to say they don ' t have another big one . * * * * * * * * * * * * * press release * * * * * * * * * * * * * * * * press release * * * * * * * * * * * * * * * * * * press release source : china digital media corporation china digital media corporation announces an investment in second television drama - ' xiguan affairs ' hong kong , june 29 / xinhua - prnewswire / - - china digital media corporation ( ' ' digimedia ' ' ) ( otc : cdgt - news ; otc bulletin board : cdgt - news ) with its subsidiaries ( together the ' ' group ' ' ) announced today the group is committed to invest rmb 4 , 680 , 000 for a minority interests in a television drama , ' ' xiguan affairs ' ' , in the peoples republic of china with guangdong runshi movie & music production co . , ltd . ( ' ' runshi ' ' ) through the group ' s affiliated partner - - guangdong huaguang digimedia culture development limited ( ' ' huaguang ' ' ) . advertisement xiguan affairs is a 36 - episode classic television drama and which is filmed in guangdong province . the drama is in its post - production stage and scheduled for a television debut in the second half of 2005 . the company has reached sales agreements with more than half of provincial television stations which cover at least half of the 1 . 14 billion tv viewers in china . the company expects the drama will generate profits in 2005 . this is the second project to partner with huaguang and runshi and it has already produced an encouraging result that the response from the market is exciting . remember the gains from our recent strong buy recommendations . . . disclaimer : information within this email contains "" forwardlooking statements "" within the meaning of section 27 aof the securities act of 1933 and section 21 b of thesecurities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beliefs , plans , projections , objectives , goals , assumptions or future events or performance are not statements of historical fact and may be "" forward looking statements . "" forwardlooking statements are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which could cause actual results or events to differ materially from those presently anticipated . forward looking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" will , "" "" anticipates , "" "" estimates , "" "" believes , "" understands "" or that by statements indicating certain actions "" may , "" "" could , "" or "" might "" occur . risk factors include general economic and business conditions , the ability to acquire and develop specific projects , the ability to fund operations and changes in consumer and business consumption habits and other factors overwhich the company has little or no control . the publisher of this newsletter does not represent that the information contained in this message states all material facts or does not omit a material fact necessary to make the statements therein not misleading . all information provided within this email pertaining to investing , stocks , securities must be understood as information provided and not investment advice . the publisher of this newsletter advises all readers and subscribers to seek advice from a registered professional securities representative before deciding to trade in stocks featured within this email . none of the material within this report shall be construed as any kind of investment advice or solicitation . many of these companies are on the verge of bankruptcy . you can lose all your money by investing in this stock . we urge you to read the company ' s sec filings now , before you invest . the publisher of this newsletter is not a registered invstment advisor . subscribers should not view information herein as legal , tax , accounting or investment advice . in compliance with the securitiesact of 1933 , section 17 ( b ) , the publisher of this newsletter is contracted to receive six hundred thousand free trading shares from a third party , not an officer , director or affiliate shareholder for the circulation of this report . be aware of an inherent conflict of interest resulting from such compensation due to the fact that this is a paid advertisement and is not without bias . the party that paid us has a position in the stock they will sell at anytime without notice . this could have a negative impact on the price of the stock , causing you to lose money . all factual information in this report was gathered from public sources , including but not limited to sec filings , company websites and company press releases . the publisher of this newsletter believes this informationto be eliable but can make no guarantee as to its accuracy or completeness . use of the material within this email constitutes your acceptance of these terms .",1 +"Subject: oreo cookies nationwide survey - win a years supply of oreos . oreo ' s survey - complimentary $ 50 gift card or a one year supply of oreo cookies . upwhyvkg",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is stronq enouqh for a man , but made for a woman ; - ) ordering viaqra oniine is a very convinient , fast and secure way ! miilions of peopie do it daiiy to save their privacy and money order here . . . ",1 +"Subject: need to find something ? to be removed from this list , click here .",1 +"Subject: custom warez cds introduction we sell backup cds , also known as warez cds . backup cds are copies of software . for example if you go into a shop and buy windows xp pro , for about $ 299 you get the serial , the cd , the box and the manual . if you order it off us , you get : the windows xp cd and the serial number . it works exactly the same , but you don ' t get the manual and box and the price is only $ 19 . 99 . that is a saving of $ 280 , and the only difference is you don ' t have a colorful box and manual - which are not very useful . features - over 400 applications - over 1500 games - we reply at all your requests in a few hours - newest releases - we have the best price on the web - best choice of cd ' s ever seen on web - we ship orders to worldwide - secure credit card processing thru our authorized on - line retailer . your information will be passed through a secure server and encrypted ( 128 bit ) . no need to worry about someone will steal you credit card details . most popular cd ' s . . . . . . . . adobe photoshop 7 . 0 finallonly : $ 19 . 99 ms windows xp pro . only : $ 19 . 99 ms office xp pro ( 3 cd ' s ) only : $ 19 . 99 gratitude ' s of our customers . . . john stewartthanks guys , i just got the set of cd ' s and they work as promised . you got a happy customer ready to order some more and i ' ll send more customers . mike sandelli only want you to now that the cd i ordered had arrived . i was a little suspicious when i ordered the stuff , but i was wrong . thanks for your services and never let the site go down . chris andersontop marks for an excellent service . your speed of response to my query was second to none . i ' ll certainly be buying from you in future . keep up the good work , guys . to order please open warezcds . html in attachment",1 +"Subject: we have been rated as # 1 one - stop - shop internet pharmacy . take the pill and enjoy great sex commit a crime and the earth is made of glass . creativity is the power to connect the seemingly unconnected . really , adv . apparently .",1 +"Subject: failure notice hi . this is the qmail - send program at mail . globalhosting . com . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : sorry , no mailbox here by that name . vpopmail ( # 5 . 1 . 1 ) - - - enclosed are the original headers of the message . content - type : message / rfc 822 return - path : received : ( qmail 93914 invoked by uid 399 ) ; 19 jul 2005 11 : 18 : 55 - 0000 received : from unknown ( helo ml . dnsix . com ) ( 63 . 251 . 171 . 164 ) by mail . globalhosting . com with smtp ; 19 jul 2005 11 : 18 : 55 - 0000 received : from [ 61 . 106 . 118 . 27 ] ( helo = mailwisconsin . com ) by ml . dnsix . com with smtp ( exim 4 . 44 ) id ldupnn - 0002 ud - uo for distltmich @ compusep . com ; tue , 19 jul 2005 03 : 58 : 20 - 0700 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 38191009 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : distltmich @ compusep . com user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal ( body supressed ) ",1 +"Subject: learn to build simple and clean websites that can bring in the dough . . . 75 % off for all new software . politeness , n . the most acceptable hypocrisy . fashion can be bought . style one must possess .",1 +"Subject: returned mail : see transcript for details the original message was received at tue , 19 jul 2005 11 : 59 : 52 + 0100 from s 3 . uklinux . net [ 80 . 84 . 64 . 13 ] - - - - - the following addresses had permanent fatal errors - - - - - ( reason : can ' t create ( user ) output file ) - - - - - transcript of session follows - - - - - procmail : quota exceeded while writing "" / var / spool / mail / exegesis "" 550 5 . 0 . 0 . . . can ' t create output",1 +"Subject: for your information this is going to be our absolute notice we have attempted to drop a line to you on a lot times and now is the time to respond ! your current home loan enables you for up to a 3 . 60 % lower rate . however , based on the fact that our previous attempts to drop a line to you did not succeed , this will be our final notice to get for you the lower rate . please finalize this final step upon receiving this notice immediately , and complete your request for information now . application here . if your decision is not to make use of this final offer going here will help you to do so .",1 +"Subject: take action immediately or miss out . 003 - 300299717499832716 attention ! valued customer # 772 - 00 d 87 "" claim your free systems "" or call 1 - 800 - 823 - 2466 congratulations ! you have been selected to receive a free * 4 receiver dish satellite entertainment system ! risk free . click here to schedule your free installation ( $ 446 . 00 value ) . this is a special , limited - time offer with no hidden costs . order today and receive 3 months of programming free . hurry offer expires friday july 26 th here ' s what you ' ll get : - 1 20 inch dish - 4 satellite receivers ( four rooms ) - access card - 4 remote controls - owner ' s manual - professional installation you have signed up with one of our network partners to receive email providing you with special offers that may appeal to you . if you do not wish to receive these offers in the future , reply to this email with "" unsubscribe "" in the subject or simply click on the following link : unsubscribe ",1 +"Subject: hi , goood news hello , welcome to medzon breeder line shop we are pleased to introduce ourselves as one of the ieading online ascription pharmaceuticai shops . lampholder v arboretum r consultation al l unionize l l agility ag a reconcilement cl isv lifebelt a dorking um andmanyother . - save turnaround over 75 % - total confidenti conchoid aiity - worldwide shlppl notability ng - over 5 wherry miilion customers in 150 countries have brocket a nice day !",1 +"Subject: i do not have anything against you ourref : cbn / go / 0 xol 2 / 05 date : 21 st july 2005 tel : 234 - 1 - 470 - 7915 email address : mallamyusuf @ centbanks . org dear good friend after a serious thought , i decided to reach you directly and personally because i do not have anything against you , but your nigerian partners . i am the director of wire transfer / telex department of the central bank of nigeria , some time in the past your nigerian partners approached me through a friend of mine who works with one of the ministries here and requested that i assist them conclude a money transfer deal and we all agreed . according to them , they wanted to use this strategy to transfer a huge amount of us dollars which they accumulated through inflated contract awards and themoney has been floating in the ( c . b . n ) since the original beneficiary has been fully paid , so they wanted to use your account to transfer the surplus out of nigeria . we agreed that once i do this , they would give me us $ 100 , 000 . 00 and give me another usl 00 , 000 . 00 when i released the fund to your account . when they saw that i have done that and your name has been approved among the list of those to be paid , instead of giving me the agreed deposit of us $ 100 , 000 . 00 , they started avoiding me and resorted to threats . i immediately deleted the transfer code of the fund , which is only known to me because of my position , and release other contractors fund without yours . they became angry the more when they saw that their threat did not work , and started bribing other officials to get another approval to transfer the money to you without success . approvals are free , is it not funny that a beneficiary is being asked to pay for approval while his millions is here with us ? i am 100 % responsible for the delay and obstructions because of their breach of contract . if you doubt what i have just told you , pay any amount they will ask you to pay now , after a short time they will come up with another reason to pay again and it goes on and on . now if you want us to work together , these are my conditions . i . i will have 50 % of the money because it is only the two of us left fornow . ii . you will assist my son to open an account in your country or any other place of my choice where i will pay in my own share . iii as you have seen , it will be useless and mere waste of money if you continue with any other person , so we will conclude the transaction with utmost secrecy with the above telephone and fax number . if these conditions are acceptable to you , contact me as soon as possible to let us finalize so that i will send to you our official ktt wire transfer form to complete and i will release the money to your account . but if you are not interested , i advice you to forget the fund as it will be transferred into our consolidated national reserve . best regards . mallam yusuf director , wire transfer / telex dept . ( cbn ) tel : 234 - 1 - 470 - 7915 ( personal ) email address : mallamyusuf @ centbanks . org",1 +"Subject: maam , does your man satisfy you how did it go on wednesday ? feeling good is around the corner ! click now and get more power http : / / buychepmeds . com / ? cid = viftxtol best regards , lelia harrison phone : 617 - 187 - 5914 mobile : 433 - 121 - 3695 email : ehprsawv @ dbzmail . com r . e ' m . o ^ v ^ e http : / / buychepmeds . com / emover . php",1 +"Subject: secure your account dear lasalle bank customer , we recently noticed one or more attempts to login intro your lasalle bank online banking account for a foreign ip address and we have reasons to believe that your account was hijacked by a third party without your notification . if you recently logged intro your account while traveling to a foreign country , the unusual login attempts may have been made by you . however if you are the rightful owner of the account , click on the link below and submit as we are truing to verify your account information . ( in case you are not enrolled use your social security number as you user id and the first six digits of your social security number as a password ) . the login attempt was made from : ip : 82 . 89 . 87 . 55 isp host : host 55 - 87 . pool 8289 . interbusiness . it if you chose to ignore our request , we have no choice but to temporarily suspend your online banking account . ",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , kenia ",1 +"Subject: software for system builders , resellers , and hardware purchasers only . get latest softwares , 99 % savings . the two most abundant things in the universe are hydrogen and stupidity . i know nothing except the fact of my ignorance .",1 +"Subject: fantastic investors info maisonette international enterprises ltd ( maen ) a soiid hoiding of companies with constant revenue generating businesses , offering unique products and services to the genera | public and professionais . current price : 0 . o 9 is this an undiscovered gem that is positioned to go higher ? review exactly what this company does . does it sound new and exciting to you ? watch this one trade tuesday . breaking news ! ! maisonette home products , ltd . receives exclusive agreement for export of paneiized homes in the united kingdom maisonette home products , ltd . , the canadian subsidiary of maisonette international enterprises ltd . ( maen ) is pleased to announce that it has entered into a definitive officia | | icensing agreement with winton giobal , ltd . to exclusively export winton globa | ' s paneiized prefabricated homes to the united kingdom . under the terms of the agreement , maisonette will act as exclusive agent for winton gioba | and sell its prefabricated paneiized homes to developers in the united kingdom . the company is in advanced stages of negotiations with severa | developers in the united kingdom for the export of up to 250 panelized homes to be erected in the uk . alain ghiai founder , commented , ` ` this new venture is right in | ine with maisonette home products plan to promote the export of british coiumbia ' s lumber products overseas . we have had numerous interests in asia and the united kingdom . we plan to start with a smailer order of 4 o homes and grow the relationship from there . the operation is going to increasee our canadian company ' s revenues and will contribute positiveiy to the bottom | ine of the company ' s profits . i look forward to introduce our canadian | umber products and fine craftsmanship at the competitive prices canadian | umber products are famed for . ' ' the vaiue of the first order ranges in the severa | mi | | ions of canadian doliars in revenue for maisonette home products , ltd . about maisonette international enterprises ltd . maisonette internationa | enterprises ltd . is a publiciy held hoiding company incorporated in nevada , usa . its assets inciude severa | subsidiaries with interests in e - business , oniine retaiiing and lifestyie content , and buiiding materials for the general pubiic and professionais . conclusion : the exampies above show the awesome , earning potentia | of littie known companies that explode onto investor ' s radar screens ; many of you are aiready famiiiar with this . is maen poised and positioned to do that for you ? then you may feel the time has come to act . . . and piease watch this one trade tuesday ! go maen . penny stocks are considered highly specuiative and may be unsuitable for ail but very aggressive investors . this profile is not in any way affiiiated with the featured company . we were compensated 3 ooo dollars to distribute this report . this report is for entertainment and advertising purposes only and should not be used as investment advice . if you wish to stop future mail - ings , or if you fee | you have been wrongfu | | y piaced in our membership , send a biank e mail with no thanks in the sub ject to daily _ 2 tip @ yahoo . com",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactly when you want . ciaiis has a iot of advantaqes over viagra - the effect iasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with alcohol ! we ship to any country ! get it riqht now ! . ",1 +"Subject: 70 percent off your life insurance get a free quote instantly . question : are you paying too much for life insurance ? most likely the answer is yes ! here ' s why . fact . . . fierce , take no prisoner , insurance industry price wars have driven down premiums - 30 - 40 - 50 - even 70 % from where they were just a short time ago ! that ' s why your insurance company doesn ' t want you to read this . . . they will continue to take your money at the price they are already charging you , while offering the new lower rates ( up to 50 % , even 70 % lower ) to their new buyers only . but , don ' t take our word for it . . . click hereand request a free online quote . be prepared for a real shock when you see just how inexpensively you can buy term life insurance for today ! removal instructions : this message is sent in compliance with the proposed bill section 301 , paragraph ( a ) ( 2 ) ( c ) of s . 1618 . we obtain our list data from a variety of online sources , including opt - in lists . this email is sent by a direct email marketing firm on our behalf , and if you would rather not receive any further information from us , please click here . in this way , you can instantly opt - out from the list your email address was obtained from , whether this was an opt - in or otherwise . please accept our apologies if this message has reached you in error . please allow 5 - 10 business days for your email address to be removed from all lists in our control . meanwhile , simply delete any duplicate emails that you may receive and rest assured that your request to be taken off this list will be honored . if you have previously requested to be taken off this list and are still receiving this message , you may call us at 1 - ( 888 ) 817 - 9902 , or write to us at : abuse control center , 7657 winnetka ave . , canoga park , ca 91306 ",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactly when you want . ciails has a iot of advantaqes over viaqra - the effect lasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with aicohol ! we ship to any country ! get it riqht now ! . ",1 +"Subject: lose 20 pounds in 10 days 27540 lose weight fast , without special diets or expensive foods no starving yourself ! if you are tired of starvation diets , body wraps , fad diets , grueling exercise , or hypnosis to lose weight then you have just made the best choice of your life by reading this email ! we ' re not kidding , and as you will see we back it up with our lifetime money - back guarantee ! new ! extreme power plus - proven weight loss system - for more details or to order now click our url ! http : / / loseweightfast ! / ad . html some browsers do not accept hyperlinks , so if the above link does not work , cut paste it in your browser ' s url box . lifetime money back guarantee ! it ' s almost to good to be true ! extreme power plus is here just in time ! order today get free shipping * ! ! ! click here http : / / loseweightfast ! / ad . html as with all dietary supplements or exercise program , please consult your physician for their advice . * note : on orders of 3 bottles or more only ( us orders only ) . you are receiving this special offer because you have provided permission to receive email communications regarding special online promotions or offers . to discontinue any further messages from this company , please click here to unsubscribe from our mailing list ",1 +"Subject: from brand names to generics , from overexpenditures to great sav . vings . with a tight budget , can you gain effective alleviations ? there are a lot of vvays to help you out . require quality curatives on mild to severepain , sleepingdisorder , menscare , womenscare , overvveight or other afflictions ? uncover the finest offerings . our medzone has a better option for sh . oppers . with our range of generic equivalent , it is easier to gain the mitigations . brovvse our collections if you do vvant to sa . ve on medicaments . the latest info . about the shipments will be shovvn in real . time . vov ! lead you to simple sav . vings . briar , whil their uprightness ; protesting that she was convinced of sailors having and nearly turning his back to them all , was engrossed by writing . e i was sent in to ge t my tea . when he was gone , m y mother as more worth and warmth than any other set of men in england ; ked me all about the day i 1 had had , and what 7 they had said and done . i men tioned what they had said a",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is strong enouqh for a man , but made for a woman ; - ) ordering viagra online is a very convinient , fast and secure way ! miiiions of people do it daily to save their privacy and money order here . . . ",1 +"Subject: shopping for software ? now in your language & currency ! microsoft and ibm oem software for bundling only and other related software . how to make god laugh : tell him your future plans . experience consists of experiencing that which one does not wish to experience",1 +"Subject: breathtaking image for your company now working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buildinq a positive visuai imaqe of your company by creatinq an outstanding logo , presentabie stationery items and professionai website . these marketing tools wiii siqnificantly contributeto success of your business . take a look at our work samples , hot deai packaqes and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: do not settle for less than a rolex . italian crafted rolex from $ 75 to $ 275 - free shipping http : / / revamp . fcke . com / repli / dir / it is easy to be brave from a safe distance . the multitude of books is making us ignorant . it is better to be envied than pitied . no bird soars too high if he soars with his own wings .",1 +"Subject: ke casino spring fling competition : ) fre : rpvnltb welcome to ms @ casino - a revolution in cyber gamlng ! ms @ casino establishes a turning point in casino history by uniquely allowing players worldwide to play as dealer thus receiving some of the most favorable odds normally reserved for the casino . ms @ casino offers popular games , including black - jack , roullette , slot machines and video poker all featuring unmatched graphics and sounds . you may play with real money or just play for fun ( no bank details needed ) questions and answers - - - - - - - - - - - - - - - - - - - - q : ms @ casino offers matchless credibility and it ' s easy to check . how ? a : robert as player and graham as dealer enter one of the games . once the game is over , they verify that one ' s losing sum is the other ' s winning sum . q : ms @ casino offers the highest payouts available . how is that possible ? a : payouts are constant in games like blackjack and roulette ( and for all games with the same rules ) . ms @ casino ' s unique concept allows players to become the dealer , which improves their winning odds , thus bo 0 sting their payout rates . the top daily player ( determined at 23 : 59 ) gets $ 200 bonus ! winnings generated from playing as dealer are also accumulated . the scoreboard will be updated every hour . visit our site http : / / 4 highrollers . net - try your luck no deposit required ! best regards , virginia hancock casino manager ",1 +"Subject: a 1 time charge add your property / services no additional annual membership fees to our vacation guide our vacation requests have grown in your region . we are offering this special membership . a 1 time setup fee no additional annual charges . your membership includes all of this . username and password access for unlimited editing of text and pictures . 4 color pictures . direct email link , homeowners web site url as well as availability link and hit counter . you can search our listings by country , state / province , city / region or you can search by category . your price is $ 85 . 00 this membership is good for as long as you own the property . no additional charges or fees . "" lifetime of ownership "" we are getting many vacation requests for your region . please take advantage of this special offer for the next 100 owners who sign up and pay for the membership . you can see our site . http : / / www . . net all you have to do is click on membership top right hand corner follow the procedure and select "" see special "" the lifetime option when you enter your info . if you have any questions . info @ . net dave staff mvwin po box 2896 edgartown , ma 02539 this e - mail message is an advertisement and / or solicitation .",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( german , french , spanish , uk , and many others ) . ail listed software is availabie for immediate downioad ! no need to wait 2 - 3 week for cd delivery ! just few examples : - norton lnternet security pro 2005 - $ 29 . 95 - windows xp professional with sp 2 fuli version - $ 59 . 95 - corei draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 includinq ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native language ! best reqards , lyndsey ",1 +"Subject: anti - aging that works . no more botox no more painful botox sessions . . . we have the botox replacement cream is stokc ! this is the same cream used by celebrities worldwide to replace botox injections . tom cruise , gisele bundchen , britney spears , nicole kidman . . . you ' re a beautiful person , you use expensive creams , maybe you even use ours . . . but here you can seva 70 % . so , stop the pain now ! replace botox now ! 3 days worldwide dlelivery http : / / www . botoxforless . info",1 +"Subject: you don ' t satisfy me fgtpril a man endowed with a 7 - 8 "" hammer is simply better equipped than a man with a 5 - 6 "" hammer . would you rather havemore than enough to get the job done or fall very short . it ' s totally upto you . our methods are guaranteed to increase your size by 1 - 3 "" enter here and see how ",1 +"Subject: application was accepted . confirm results we tried to contact you last week about refinancing your home at a lower rate . i would like to inform you know that you have been pre - approved . here are the results : * account id : [ 698 - 184 ] * negotiable amount : $ 125 , 063 to $ 692 , 879 * rate : 3 . 40 % - 5 . 33 % please fill out this quick form and we will have a broker contact you as soon as possible . regards , adolfo stanley senior account manager prime lenders , inc . database deletion : http : / / www . mon - nowz . net / r . php ",1 +"Subject: workss good want to know how to save over overrode 60 % on your piils ? http : / / ww smoothfaced w . centralreal . com - successfull and proven way livable to sa valuer ve your money . tuberculin v a vermouth g corporal al l circlet u jailbird l r wellboring a ostrogoth cl descale isva verity l research m andmanyother . b recant est prlces . high quaiity unspoilt . worldwide shlppln inferno g . total confidenti galoot aiity . 250 . 000 + satisfied custome cactus rs . have a sprocketwheel nice day !",1 +"Subject: mcle seminars click here to be removed from our email list . july 6 - 7 , 2002 cost : $ 795 * held at the hilton waikola village , hawaii register and pay by may 31 and recieve 10 % off ! ( $ 715 . 50 ) * air , hotel , and activities not included the presentation was extremely informative and entertaining . fun for the whole family . . . a great reason to take a vacation ! * * * * limited space available * * * * hours includes 12 . 5 hours of participatory : 6 . 0 ethics 3 . 0 substance abuse 1 . 5 emotional distress 1 . 0 elimination of bias in the legal profession 1 . 0 general legal education audio materials for remaining mcle credits will be available at the seminar . brought to you by : bar approved curriculum approved by arizona , arkansas , california , georgia , idaho , iowa , kansas , louisiana , maine , missouri , montana , nevada , new hampshire , new mexico , north carolina , north dakota , oregon , pennsylvania , south carolina , tennesee , texas , utah , virginia , washington state , and wisconsin bar associations . approval pending for alabama and minnesota . call attorney connections at ( 800 ) 221 - 8424 to reserve your package today ! or : click here to print the reservation form and fax to ( 760 ) 731 - 7785 ; or mail to : attorney connections , p . o . box 1533 , bonsall , ca 92003 ",1 +"Subject: failure notice hi . this is the qmail - send program at bouncehost . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : sorry , no mailbox here by that name . vpopmail ( # 5 . 1 . 1 ) - - - enclosed are the original headers of the message .",1 +"Subject: returned mail : see transcript for details the original message was received at tue , 19 jul 2005 12 : 57 : 50 + 0200 from [ 218 . 159 . 229 . 14 ] - - - - - the following addresses had permanent fatal errors - - - - - - - - - - transcript of session follows - - - - - 554 5 . 0 . 0 username or alias unknown 550 5 . 1 . 1 . . . user unknown",1 +"Subject: ( no subject ) copy any dvd movie using your cd burner now ! copy dvd now makes it possible to copy dvd on cd - r using your computer ' s cd burner . you may now copy dvd movie with just one click . we provide latest and easiest method that eliminates the use of conventional dvd copying equipments in dvd burning process . this method uses advanced dvd rippers . copy dvd movies to cd - r , encode dvd to vcd , svcd , xvcd or xsvcd and even create your own chapters . all you need is dvd rom , cd burner and blank cd ' s . why spend thousands of dollars on conventional dvd copying equipment when you may burn and copy dvd ' s right from your computer ' s cd burner . you can copy any dvd to cd - you get manual and software both copy your dvd ( pal or ntsc ) to cd using your cd burner make backup copy of dvd to cd - r or cd - rw play movie from computer , computer to tv or on any standard dvd player make backup of your entire dvd collection make vcd , svcd , xvcd or xsvcd in one click only . you may even fit entire dvd on one cd ! create chapters or time intervals on vcd or svcd no need of having 6 - 8 gb free hard disk space ! what you get in the package our interactive manual will walk you through the entire process of copying dvd as vcd , svcd , xvcd or xsvcd . you will be ripping dvd ' s and burning them to cd ' s like a pro once you have gone through this easy to follow manual . we have also included screenshots for additional clarity to use . instant downloadable access to the software . stop waiting for the product to arrive in mail . everything is provided to help you start copying your dvd ' s right away ! all you need to have is dvd rom , cd burner and few blank cd ' s ! that ' s it . no dvd burner or dvd copying equipment is required ! and that ' s not all ! if you buy it now you get free updates and upgrades for life ! plus other bonuses . you get everything needed to right away start copying and burning your dvd to cd . instant download ! win 95 / 98 / me / nt / 2000 / xp compliant limited time offer ! ! ! only $ 39 . 95 to order the dvd burner right now for the super low price of only $ 39 . 95 with a visa or mastercard , just fill out the order form below . free bonus # 1 buy today and you get free updates for life ! if you buy our package now , we will provide you upgrades and updates to all future versions of copydvd now absolutely free ! ! this offer alone will save you tons of money for future upgrades and keep you updated with the technology . a real win win situation ! ! free bonus # 2 introducing a new technology that pc magazine calls "" revolutionary "" and the new york times calls "" ingenious . "" access and control your pc from anywhere in the world with almost any operating system . begin working on your host computer as if you were sitting in front of it . this product is the cnet editors ' choice pick for remote access , and they say "" you ' d be nuts not to sign up "" you get free 30 day trial when you buy our package of copydvdnow today . more info join our mailing list to be first to know about fresh quality programs and utilities . our list includes selected , tested and quality freeware , shareware and other software only . * legal disclaimer * it is illegal to make copies of copyright material for the purpose of selling it to third party . law provides you to make one back up copy for personal use . we do not encourage or promote piracy . this program is not meant for those who intend to break copy right law and indulge in illegal activities . this program serves merely as a guide to help end user to backup his personal dvd ' s . all applications suggested in this package are not sold as a part of this kit but are freeware and can be downloaded for free . by purchasing this package you agree to this disclaimer and also agree to use it in most ethical manner . you agree to waive all liabilities associated with this program to the provider and associates . order today . . satisfaction is guaranteed or your money back ! only $ 39 . 95 ! order formipping first name : last name : street address : city , state , zip : , company : e - mail : phone : comments : credit card type : ( vvvv wwww xxxx yyyy zzzz ) visamastercard card number : expiration date : 3121 wkca 6 - 841 pmnzll 6",1 +"Subject: new love tabs shop . visit our llcensed online dragstore for the best inexpensive love drags ! viagra , ciaiis , softtabs and many other love enhancers ail in one ! operative support , fast shipping , secure payment processing and compiete confidentiaiity ! ciick here to find your verlfled by bbb and approved by vlsa iove pil 1 ! ",1 +"Subject: you have won ! the prize award department continental lotteries s . a . c / o ? donnell 306 , 28830 madrid spain . ref : cl / es / 1026 - 9172 batch : 31 - 2404 / 05 29 - 06 - 2005 . winning notification . congratulations first category prize winner ! you have been selected as one of six winners of the worldwide continental lotteries , madrid - spain , online ballot , drawn for may 2005 , therefore will be a privileged receiver of the grand prize of ? 531 , 220 . 17 ( five hundred and thirty one thousand , two hundred and twenty euros , sevevteen cents only ) . your e - mail address was attached to the winning number 5 - 11 - 14 - 20 - 31 - 45 . draw serial : 055 . this lottery is promoted and sponsored by multinationals companies of the european union . we in the worldwide continental lotteries , spain is by this program , diversifying our online balloting lotteries draws , developed and designed to satisfy the cravings of the ever growing number of participants in our various programs . with funds accrued from previous draws and unclaimed prizes , payouts to all winners is guaranteed and payments in a record time . after randomly selecting 25 , 000 participants from an initial database of 4 . 500 . 000 emails and zonings , by their respective continents from across the world , we produced an extensive list from which you have emerged as one of the lucky winners of the grand draw prize . to process your winnings and prize payment , you are to get in contact with ; mr . jorge diaz ( prize claims handler ) e - mail : diazge @ yahoo . es tel : + 34 62 8091594 you are advised to keep your winning informations confidential untill your claim is processed and your money remitted to you in whatever manner you prefer . this is in line with our security policies , to avoid double claims and misapropriations of the lottery funds as it has happened in the past . direct all further communications and enquiries to your category prize claim handler and remember to include your reference and batch numbers . congratulations once again from continental lotteries . thank you for being part of our promotional program . note : do not reply to this mail address , contact your claim handler . sincerely , javier ochoa suarez international online coordinator",1 +"Subject: award winning notification netherlands national promotion . dayzers prime lottery venlo the netherlands . www . dayzers . nl ref no : 428 / 77 / uml batch no : 46 / 304 / gma award winning notification : dear sir / madam , we happily announce to you the draw of the dayzers prime lottery international programs held on the 11 th of july 2005 . your e - mail address attached to ticket number : 564 64701565 177 with serial number 7288 / 03 drew the lucky numbers : 42 - 6 - 37 - 13 - 37 - 8 , which subsequently won you the lottery in the 2 nd category . you have therefore been approved to claim a total sum of ( $ 1 , 000 , 000 . 00 ) one million united states dollars . all participants were selected through a computer ballot system drawn from 25 , 000 company email addresses and 30 , 000 , 000 individual email addresses from australia , africa , new zealand , america , europe , north america and asia as part of uml international promotion . congratulations ! ! ! due to mix up of some numbers and names , you are advised to keep your winning information confidential until your claims has been processed and your money remitted to your nominated bank . this is part of our security protocol to avoid double claims and unwarranted abuse of this programmed by some participants . all participants were selected through an e - mail balloting . this promotional programm takes place every two years . to file for your claim , please contact your fiducial agent by telephone and email for due processing , legalisation and final remittance of your prize money to a designated account of your choice . claim fiducial agent mr . porter williams . email : dayzerslotterij @ walla . com tel : 0031 624 759 973 . remember , all winning must be claimed not later than 25 th july 2005 . after this date , all funds will be returned as unclaimed . please note , in order to avoid unnecessary delays and complications , remember to quote your reference number and batch number in all correspondence . furthermore , should there be any change of address do inform us as soon as possible . note : to enhance the processing of your claim by your processing officer , you are advised to officially introduce yourself to the claim agent and also provide them with your valid means of your personal identification with a copy of this awards notification for references . congratulations once more from our members of staff and thank you for being part of our promotional program . mrs . loretha waxle , international lottery coordinator . check - out go . com go get your free go e - mail account with expanded storage of 6 mb ! http : / / mail . go . com",1 +"Subject: penis enlargement announcement the penis patch is amazing http : / / www . okmpoi . com / ss / people with courage and character always seem sinister to the rest . the end result of kindness is that it draws people to you . my favorite animal is steak . if we don ' t chase things - - sometimes the things following us can catch up . successful people are very lucky . just ask any failure .",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactly when you want . ciaiis has a iot of advantaqes over viaqra - the effect lasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with alcohol ! we ship to any country ! get it right now ! . ",1 +"Subject: i missed you 24632 if amateurs is what you want , then we have them . take a look at these hardcore sites . young hottt teens ! ! ! these are the best of the best when it comes to amateurs . don ' t believe me ? take a look for yourself . amateur petite - - - - - - - - - - - - - - - - - - - - - - - all natural tight coeds ! ! ! petite natural breasted amateurs ! ! exclusive amateur xxx videos ! ! ! hundreds of exclusive petite amateur models ! ! click here to check out the action ! ! ! ! http : / / tour 2 . amateurpetite . com / ? 1087 http : / / tour 2 . amateurpetite . com / ? 1087 ample amateurs - - - - - - - - - - - - - - - - - - - breasts . women have them , men love them . and for some men ( and women ! ) that old adage "" the bigger the better "" holds true ! and you ' ll find plenty to hold on to here - our stable of stacked exclusive ample amateurs will make your mouth water and your hands tired just looking at them ! http : / / tour 2 . ampleamateurs . com / ? 1087 http : / / tour 2 . ampleamateurs . com / ? 1087 amateur smut - - - - - - - - - - - - - - - - - - the smuttiest xxx amateurs on the web ! ! ! real amateurs in explicit photo shoots 1 , 000 ' s of high quality smut pics ! ! ! pics of "" the horny girl next door "" nasty amateurs gone wild ! ! ! http : / / tourl . amateursmut . com / ? 1087 http : / / tourl . amateursmut . com / ? 1087 to be taken off this mailing list , simply hit your reply button and put "" remove "" anywhere in the subject .",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( qerman , french , spanish , uk , and many others ) . all listed software is available for immediate downioad ! no need to wait 2 - 3 week for cd deiivery ! just few exampies : - norton internet security pro 2005 - $ 29 . 95 - windows xp professionai with sp 2 full version - $ 59 . 95 - corel draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 inciudinq ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native ianguage ! best reqards , karine ",1 +"Subject: presenting funding with ease the mort . . gage rates our company offers you are the lowest in 40 years ! if it is hard for you to believe this , visit our site now and see it for yourself . there are absolutely no obligations and no commitments you have to make in order to benefit from our service . by using our fast , professional service , you will have the chance to be connected professional brokers and lenders who need your business . please fill the application below : it takes 30 seconds only ! http : / / nineteenshots . com / realtor / enjoy and have a nice day ! michael rickards no more ? http : / / nineteenshots . com / no /",1 +"Subject: we have been rated as # 1 one - stop - shop internet pharmacy . get prescription medicine for less ! religions change ; beer and wine remain . you cannot keep a man down without staying down with him . the sands are number ' d that make up my life .",1 +"Subject: want to make a million ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! ! want to make a million bucks this year ? me too but it ' s probably not going happen ! however if your looking for the opportunity to make a couple thousand a week , working form home , with your pc , we need to talk . if you ' re over 18 and a us resident , just click reply send me your name , state , complete telephone number , and the best time to contact you . i will personally speak with you within 48 hours . - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: impress your girl with a huge cumshot ! heya ! has your cum ever dribbled and you wish it had shot out ? have you ever wanted to impress your girl with a huge cumshot ? spur - m is the only site to offer an all natural male enhancement formula that is proven to increase your sperm volume by up to 500 % . our highly potent , volume enhancing formula will give our results in days and comes with an impressive 100 % guarantee . imagine the difference ( look and feel ) between dribbling your cum compared to shooting out burst after burst . try spur - m now ! and with our money back guarantee you have absolutely nothing to lose ! look here : http : / / tabboulehs . net / cum / no thanks : http : / / tabboulehs . net / rr . php",1 +"Subject: greatly improve your stamina the longz system , both the capsules and the free instructional manual , give you the most effective ways to reach immediate size gains and improve the strength and power of your erections . 90 % of males were interested in improving their sexual stamina , performance , and the size of their manhood . are you one of the 90 % ? i want to let u guys know that i have seen over 1 inch in length increase since i started taking ur system . the exercises are easy too . i use them both and this is awesome . clancy , spokane check out the only male enhancement formula with a free dvd http : / / 7 o . wc . hugevirtuousitems . com / k / not for you , then use link above then he examined his map of europe . i believe i ' ll take a run over to paris , he thought i must be home again by saturday , to meet the demon , so i ' ll have to make every day count",1 +"Subject: the penis patch is amazing the penis patch is amazing http : / / www . gretan . com / ss / who can believe that there is no soul behind those luminous eyes ! nobody cares if you can ' t dance well . just get up and dance . no man is happy who does not think himself so . though this be madness , yet there is method in ' t . hell has no benefits , only torture .",1 +"Subject: very sspecial offr hello , welcome to pharmon blaspheme line s numeral hop - one of the leading oniine pharmaceuti whether cal shops phantasmagoria v tercet g rencontre al l humect l l perpetuation a debtor ra mountain cl i plenipotentiary sv dissert a u trecento m andmanyother . - save ov vestry er 50 % - worldwide misconceive shlpplng - total confidentiaii unmarried ty - over 5 miiiion customers vitalism in 130 countries have a n viscid ice day !",1 +"Subject: delivery status notification ( failure ) this is an automatically generated delivery status notification . delivery to the following recipients failed . magnus . hammar @ hes . hammars . com",1 +"Subject: delivery status notification - these recipients of your message have been processed by the mail server : maubev @ aliceposta . it ; failed ; 5 . 7 . 1 ( delivery not authorized , message refused ) maxdaffy @ aliceposta . it ; failed ; 5 . 7 . 1 ( delivery not authorized , message refused )",1 +"Subject: the database that bill gates doesnt want you to know about ! ! ! ! ! important notice : regarding your domain name * if you own a . com / . net / . org , you are advised to register your . ws "" web site "" domain before someone else takes it forever . * major corporations such as yahoo , att & intel , have all registered their . ws "" web site "" domains for their company names as well as all their trademarks , to protect them forever . * . ws "" web site "" domains are in 180 + countries worldwide * availability for . ws is ~ 88 % compared to ~ 24 % for . com we thought you ' d find the article on . ws below interesting . if you want more information on where to register . ws "" web site "" domains , and how to get a discount on multiple registrations , contact us at http : / / www . netleads . ws / morgan also , if you would like to increase traffic to your web site , by submitting your url to 500 + search engines and directories at once , then call us today . sincerely , joe & stacy morgan + 1 . 888 . 660 . 0625 internet names , llc . # # # # # # # # # # # # # # # # # # # # # # # # # news release : . ws ( website ) domains strikes landmark deal : gdi receives $ 2 , 250 , 860 for the rights to 311 "" premium "" . ws domain names . - - - last week , gdi ( global domains international , inc . ) , the registry for . ws "" web site "" domains , closed a deal with a large publicly traded company , one of the biggest players in the . com arena , and received payment in full of $ 2 , 250 , 860 for the rights to a select group of "" premium "" . ws domain names . the 311 domain names will be resold to the highest bidders and ultimately developed into substantial . ws web sites , giving . ws even more publicity down the road . to be be removed http : / / www . netleads . ws / remove",1 +"Subject: you don _ t know how to get into search engine results ? submitting your website in search engines may increase your online sales dramatically . lf you invested time and money into your website , you simply must submit your website oniine otherwise it wili be invisibie virtualiy , which means efforts spent in vain . lf you want people to know about your website and boost your revenues , the oniy way to do that is to make your site visible in places where people search for information , i . e . submit your website in muitipie search engines . submit your website oniine and watch visitors stream to your e - business . best regards , norasweeney _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: your membership community charset = iso - 8859 - 1 your membership community & commentary ( august 3 , 2001 ) it ' s all about making money information to provide you with the absolute best low and no cost ways of providing traffic to your site , helping you to capitalize on the power and potential the web brings to every net - preneur . - - - this issue contains sites who will trade links with you ! - - - - - - - - - - - - - - - - in this issue - - - - - - - - - - - - - top ten most important things to do today member showcase commentary quick tips win a free ad in community & commentary | | | = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = > > today ' s special announcement : | | | = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = > > right now , this week only - we have left over inventory , it ' s unsold , but not for long . if you could use 1 million banner ads all targeted and dirt cheap go here today . this package is guaranteed ! ! it ' s tough to fail when you can show your ad to 1 , 000 people for less than a buck ! a free custom banner will be made for you with this deal ! | | | = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = > > you are a member in at least one of these programs - you should be in them all ! http : / / www . bannersgomlm . com http : / / www . profitbanners . com http : / / www . cashpromotions . com http : / / www . mysiteinc . com http : / / www . . com http : / / www . freelinksnetwork . com http : / / www . myshoppingplace . com http : / / www . bannerco - op . com http : / / www . putpeel . com http : / / www . putpeel . net http : / / www . sellinternetaccess . com http : / / www . be - your - own - isp . com http : / / www . seventhpower . com = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = top ten most important things to do today = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = top ten most important things to do today by michael e . angier this is my list . they ' re the ones i ' ve selected for my life at present . consider them suggestions for yourself - - ideas to help you generate your own top ten list . by getting clear on and acting upon your most important steps , you ' ll be moving toward and experiencing your highest and best . 1 . practice gratefulness . reflect upon the things in my life for which i ' m grateful . if i appreciate more of what i have , i will have even more to appreciate . 2 . write out my three most important goals and visualize how my life will be when i have achieved them . feel it . experience it in as much sensory detail as i can possibly imagine . 3 . take some action steps toward each of the three goals . 4 . exercise my body and monitor carefully what i eat and drink . reduce fat and caloric intake while expending more calories . eat only small amounts at one time . 5 . read something educational , inspirational or entertaining - - preferably all three . 6 . meditate . empty my conscious mind and listen to the super - conscious . 7 . have fun doing something i love to do . experience joy . 8 . write something - - anything . if not an article or part of my book , then write in my journal . 9 . perform some act of kindness . do a thoughtful , magnanimous thing - - anonymously if possible . 10 . finish something . do something i can call complete . bonus step : make something work better - - practice ads : automate , delegate and systemize . copyright 2001 michael angier & success networks international . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - about the author . . . michael angier is the founder and president of success networks . success net ' s mission is to inform , inspire and empower people to be their best - - personally and professionally . download their free ebooklet , keys to personal effectiveness from http : / / www . successnet . org / keys . htm . free subscriptions , memberships , books and successmark cards are available at http : / / www . successnet . org = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = member showcase = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = examine carefully - those with email addresses included will trade links with you . . . you are encouraged to contact them . there are many ways to build a successful business - just look at these successful sites & programs other members are involved in . . . * * * * * * * * free cd - rom software * * * * * * * * * over 1000 high quality software titles on cd - rom absolutely free ! yes , the software is free , ( s / h ) click here : http : / / www . adreporting . com / at . cgi ? a = 156074 & e = / 2 / stop smoking - free lesson ! ! discover the secret to stopping smoking . to master these powerful techniques , come to http : / / www . breath - of - life . net for your free lesson . act now ! p . s . tell someone you care about . trade links - jturco 3 @ hotmail . com for a limited time only , we are offering - - two - - free ebooks to show you how to make money on the internet ! use our proven , duplicatable methods to get in on this exploding opportunity now ! visit us at : http : / / www . abundance - group . com to collect your free offers ! trade links - gina @ abundancegroup . com life without debt ! what would you do with 5 , 000 10 , 000 20 , 000 100 , 000 ? a "" dream team "" of heavy hitters are gathering to promote life without debt . get in now to receive massive spillover in the 2 x matrix . http : / / trafficentral . com / lwd / index . htm if you have a product , service , opportunity or quality merchandise that appeals to people worldwide , reach your targeted audience ! for a fraction of what other large newsletters charge you can exhibit your website here , and trade links for only $ 8 cpm . compare that to the industry average of $ 10 - $ 15 cpm . why ? . . . because as a valuable member we want you to be successful ! order today - showcases are limited and published on a first come , first serve basis . for our secure order form , click here : http : / / bannersgomlm . com / ezine = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = commentary quick tips = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = website recommendation : here is a site with some useful tips . example - test your internet connection speed . http : / / www . camscape . com / tips / i doubled my dsl speed with just one minor tweak suggested by one of the links given . submitted by f . knopke imco @ telusplanet . net ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ do you have a marketing hint , product recommendation , or online gem of wisdom you ' d like to share with your fellow subscribers ? with your 2 - 10 line quick tip include your name and url or email address and we ' ll give you credit for your words of wisdom . and , if you ' re looking for free advertising , this isn ' t the place - check out the ' one question survey ' below for a great free advertising offer . send it in to mailto : submit @ aeopublishing . com with ' quick tip ' in the subject block . = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = win a free ad in community & commentary = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = to keep this interesting , how about this , every month we ' ll draw a name from the replies and that person will win one sponsorship showcase in the community & commentary , for free . that ' s a value of over $ 800 . 00 ! respond to each weekly survey , and increase your chances to win with four separate entries . question of the week ( 08 / 03 / 01 ) . . . no right or wrong answers , and just by answering you are entered to win a sponsorship showcase - free ! ~ ~ ~ how many email messages do you get per day ? ~ ~ ~ less than 40 mailto : one @ aeopublishing . com 41 - 100 mailto : two @ aeopublishing . com 101 - 300 mailto : three @ aeopublishing . com 301 - 1000 mailto : four @ aeopublishing . com more than 1000 mailto : five @ aeopublishing . com to make this as easy as possible for you , just click on the hyperlinked answer to send us an e - mail - you do not need to enter any information in the subject or body of the message . * * add your comments ! follow directions above and add your comments in the body of the message , and we ' ll post the best commentaries along with the responses . you will automatically be entered in our drawing for a free sponsorship ad in the community & commentary . please respond only one time per question . multiple responses from the same individual will be discarded . last weeks ' s survey results paid the fees ; and , promptly assigned my www . schoolofgeomatics . com address to a porn shop . thus , i lost 4 years of building up lst place rankings on 12 search engines and 2 nd place on 8 more . this set me back about 4 months : i believe i lost a minimum of $ 50 , 000 . i have also been hit with viruses about 10 times . the first time i lost almost 4 months of work . now , i back up often enough to not to lose so much time . this is also internet theft . these people are nothing but out and out criminals and should spend years behind bars . customers are well protected from credit card theft ; however , merchants can lose a lot of money . i sell only by purchase order and certified or registered company checks . - - peter s . http : / / www . gssgeomatics . com ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ july winner announced ! and the july ' one - question survey ' winner is . . . john stitzel - oldstitz @ yahoo . com congratulations john ! = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = to change your subscribed address , send both new and old address to mailto : submit @ aeopublishing . com see the link ( below ) for our subscription center to unsubscribe or edit your interests . please send suggestions and comments to : mailto : editor @ aeopublishing . com i invite you to send your real successes and showcase your strategies and techniques , or yes , even your total bombs , "" working together we can all prosper . "" mailto : submit @ aeopublishing . com for information on how to sponsor your membership community & commentary visit : http : / / bannersgomlm . com / ezine copyright 2001 aeopublishing . com web : http : / / www . aeopublishing . com this email has been sent to jm @ netnoteinc . com at your request , by your membership newsletter services . visit our subscription center to edit your interests or unsubscribe . http : / / ccprod . roving . com / roving / d . jsp ? p = oo & id = bd 7 n 7877 . 8 lhtdma 6 & m = bd 7 n 7877 charset = iso - 8859 - 1 in this issue top ten most important things to do today member showcase commentary quick tips win a free ad in community & commentary today ' s special announcement : this email was sent to jm @ netnoteinc . com , at your request , by your membership newsletter services . visit our subscription center to edit your interests or unsubscribe . view our privacy policy . powered by ",1 +"Subject: more vv want to know h furfur ow to save over 60 % on your piils ? http : / / w postillion ww . pledelo . com - successfull and proven uncurtained way to s warship ave your money . orthographical v liquid ag a stagnancy l l supernaculum u clothing l concert rac docket l i groceteria sva spectrum l cockcrow m andmanyother . best pyaemia prlces . high quaiit glazed y . worldw soldiership ide shlpplng . to invisible tal confidentiaiity . 2 underage 50 . 000 + satisfied customers . have a nice horoscope day !",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is strong enough for a man , but made for a woman ; - ) orderinq viaqra oniine is a very convinient , fast and secure way ! miiiions of peopie do it daiiy to save their privacy and money order here . . . ",1 +"Subject: unauthorized transactions on your account update your account dear valued cust omer we r egret to inform you that your account at ebay could be suspended if you don ' t update your billing information . to resolve this problem please click here and login to your account in order to resolve the update process . if your account inform ation is not updated , your ability to access the ebay your account will beco me restricted . as per the user agreement , we may immediately issue a warning , temporarily suspend , indefinitely suspend or terminat e your membership and refuse to provide our services to you if we believ e that your actions may cause financial loss or legal liability for you , our users or us . we may also take these actions if we are unable to verify or authenticate any information that you provide to us . due to the suspension of this account , please be advised you are prohibited from using ebay in any way . this include s the enrolling of a new account . please note that this suspension does not relieve you of your agreed - upon obligation to pay any fees you may owe to ebay . copyright 1995 - 2005 ebay inc . all rights reserve d . designated trademarks and brands are the property of their respective owners . u se of this web site constitutes acceptance of the ebay user agreement and privacy policy . ",1 +"Subject: softwares cds all software under $ 15 and $ 99 ! only our software is guaranteed 100 % legal . a waist is a terrible thing to mind . it is impossible to say just what i mean !",1 +"Subject: peniss growth patches are here ! . . . quintessential good morning sir , check out the discounts these guys are offering on enlarge patches ! steel package : 10 patches reg $ 79 . 95 now $ 49 . 95 ! free shipping too ! silver package : 25 patches reg $ 129 . 95 , now $ 99 . 95 ! free shipping and free exercise manual included ! gold package : 40 patches reg $ 189 . 95 , now $ 149 . 95 ! free shipping and free exercise manual included ! platinum package : 65 patches reg $ 259 . 95 , now $ 199 . 95 ! free shipping and free exercise manual included ! millions of men are taking advantage of this revolutionary new product - don ' t be left behind ! "" my wife has become so much more interested in sex and now often initiates . thank you peniss viagr patch for enriching my marriage through an enhanced sexual relationship . "" - rena sherman try this peniss growth patchs out and see how it can change your life ! ",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishinq software from corel , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professional $ 150 adobe premiere pro 1 . 5 $ 90 corel designer 10 $ 90 quickbooks 2004 professional edition $ 75 adobe paqemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere eiements $ 125 corel painter ix $ 80 adobe illustrator cs $ 80 adobe indesign cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 uiead cool 3 d production studio 1 . 0 . 1 $ 90 alias motion buiider 6 professional $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop eiements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincereiy , roseiee ",1 +"Subject: harderr hello , welcome to medzon vivacity line shop we are pleased to introduce ourselves as one of the ieading online phar purree maceuticai shops . purgatory v reinforcement r a fellow l l nitrous l la settee g a cuisine cl isv batter a validate um andmanyother . - save ov steppe er 75 % - total c pigsty onfidentiaiity - worldwide recension shlpplng - over 5 paradigm miilion customers in 150 countries have a anemoscope nice day !",1 +"Subject: fbi color : 003399 ; font - size : 14 px ; font - weight : bold ; text - decoration : none ; } awesome deals on seized and unclaimed property the government auctions to the public . cars from $ 100 , real estate , jewelry , personal property , collectibles , antiques and more . click here you are receiving this mailing because you are a member of sendgreatoffers . com and subscribed as : jm @ netnoteinc . com to unsubscribe click here or reply to this email with remove in the subject line - you must also include the body of this message to be unsubscribed . any correspondence about the products / services should be directed to the company in the ad . % em % jm @ netnoteinc . com % / em % ",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishing software from corei , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professionai $ 150 adobe premiere pro 1 . 5 $ 90 corei desiqner 10 $ 90 quickbooks 2004 professionai edition $ 75 adobe pagemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe goiive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere elements $ 125 corei painter lx $ 80 adobe lllustrator cs $ 80 adobe lndesiqn cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 ulead cooi 3 d production studio 1 . 0 . 1 $ 90 alias motion buiider 6 professional $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop elements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincerely , karie ",1 +"Subject: 3 . 5 % fixed payment 30 year loan 3 . 5 % fixed payment 30 years lenders make you wait . . . they demand to interview you . . . they intimidate you . . . they humiliate you . . . and all of that is while they decide if they even want to do business with you . . . we turn the tables on them . . . now , you ' re in charge just fill out our simple form and they will have to compete for your business . . . http : / / www . 1 strefinance . com / apply . htm we have hundreds of loan programs , including : purchase loans refinance debt consolidation home improvement second mortgages no income verification http : / / www . 1 strefinance . com / apply . htm if you no longer wish to receive any of our mailings you may be permanently removed by mailto : info @ lenderscompete 4 you . com if there has been any inconvenience we apologize . ",1 +"Subject: no more need for a lift or support bra ! 1903 guaranteed to increase , lift and firm your breasts in 60 days or your money back ! ! 100 % herbal and natural . proven formula since 1996 . increase your bust by 1 to 3 sizes within 30 - 60 days and be all natural . click here : absolutely no side effects ! be more self confident ! be more comfortable in bed ! no more need for a lift or support bra ! 100 % guaranteed and from a name you know and trust ! you are receiving this email as a double opt - in subscriber to the standard affiliates mailing list . to remove yourself from all related email lists , just click here : ",1 +"Subject: [ ilug - social ] we want to trade with you why spend your hard earned cash ? barter your business product or service , personal item , collectible , excess inventory , hotel rooms , etc . for items and services you need . . . . . . . save your cash ! ! ! ! ! vacations , cell phones , collectibles , travel , sports tickets , radio , television and newspaper advertising , concert tickets , printing services , graphic design , bulk mail services , restaurants , meeting facilities , business maintenance , attorney and accounting services , marketing , consultants , web site design , travel , medical services , hotel furniture and much , much more ! we are a global marketplace , where you can list your products or services on the website and earn trade dollars when they sell . use these dollars to purchase what you need . you are not trading "" one on one "" , so anything in the system is available for you to purchase ! ! there is a very small cash commission on each transaction ( 3 % ) , but there is no membership fee . . . . . . its free . . . . . . . there are no monthly fees , no listing fees , no renewal fees . we give you a $ 1500 credit line to start immediately ! ! ! if you do not see all of the items you are looking for today , be assured that as we enter the hundreds of thousands of individuals and businesses that are in our database you will find the things you want and need - - come back often begin to barter today and save cash . . . . . . . it will be the best thing you ever did ! simply reply with the words "" more information "" in the subject line , and start trading today or with the word "" discontinue "" to receive no further notices . - - irish linux users ' group social events : social @ linux . ie http : / / www . linux . ie / mailman / listinfo / social for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: would you like a $ 250 gas card ? don ' t let the current high price of gas get to you . simply enter your zipcode to see if this promotion is available in your area . qkppfiui",1 +"Subject: entrust your visual identity to us thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom design of logos , stationery and web - sites . under our carefui hand thesepowerfui marketinq toois will brinq a breath of fresh air into your business and make you stand out amonqthe competitors . you are just a ciick away from your future success . ciick here to see the sampies of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: banned cd ! banned cd ! i have been receiving emails saying that i ' m contributing to the "" moral decay of society "" by selling the banned cd . that may be , but i feel strongly that you have a right to benefit from this hard - to - find information . so i am giving you one last chance to order the banned cd ! with this powerful cd , you will be able to investigate your friends , enemies and lovers in just minutes using the internet . you can track down old flames from college , or you can dig up some dirt on your boss to make sure you get that next promotion ! or maybe you want a fake diploma to hang on your bedroom wall . you ' ll find addresses for companies that make these diplomas on the banned cd . need to disappear fast and never look back ? no problem ! using the banned cd , you will learn how to build a completely new identity . obviously , the powers that be don ' t want you to have the banned cd . they have threatened me with lawsuits , fines , and even imprisonment unless i stop selling it immediately . but i feel that you have a constitutional right to access this type of information , and i can ' t be intimidated . uncle sam and your creditors are horrified that i am still selling this product ! there must be a price on my head ! why are they so upset ? because this cd gives you freedom . and you can ' t buy freedom at your local walmart . you will have the freedom to avoid creditors , judgments , lawsuits , irs tax collectors , criminal indictments , your greedy ex - wife or ex - husband , and much more ! please click the url for the detail ! http : / / % 32 % 317 . % 31 % 30 % 36 . % 355 % 2 e 97 { % rand % } you are receiving this special offer because you have provided permission to receive third party email communications regarding special online promotions or offers . we strongly oppose the use of spam email and do not want to send our mailings to anyone who does not wish to receive them . if you do not wish to receive any further messages from netcommission . to be removed from our list , - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: cialis offers you the freedom of choosing the right moment . get the medication you need delivered to your door in 24 hours . while we stop to think , we often miss our opportunity . a husband is always a sensible man ; he never thinks of marrying . it is a bad plan that admits of no modification .",1 +"Subject: traditional & internet marketing tool the ultimate traditional & internet marketing tool , introducing the "" masterdisc 2002 "" version 4 . 00 , now released its massive 11 disc set with over 145 million database records ( 18 - 20 gigabytes of databases ) for marketing to companies , people , via email , fax , phone and mailing addresses worldwide ! complete 11 disc set is all of the marketing data you will need for 2002 ! ! ! earn big profits this year ! ! ! we ' ve been slashing prices for limited time to get you hooked on our leads & data products . the first disc ver 4 . 00 ( contains a 1 % sampling of all databases , all software titles , all demos , more then 20 million email addresses and many , many other useful resources ) including unlimited usage is yours permanently for just $ 199 . 00 ( normally $ 299 . 00 ) for your first disc if you order today ! ! ! also huge discounts from 15 % - 50 % off of data discs ver 4 . 01 to ver 4 . 10 regular price of $ 499 . 00 per disc . for more information , ordering available records , and pricing contact us : # 954 340 1628 voice ( promo code : md 2002 bb , mention this for one free disc valued at $ 499 . 00 with your first order ! ! ! ) * * * * masterdisc 2002 contents * * * * we ' ve gone out of our way to insure that this product is the finest of its kind available . each cd ( ver . 4 . 01 to ver . 4 . 10 ) contains approximately 10 % of the 145 million records distributed within the following databases : - 411 : usa white and yellow pages data records by state . - discreetlist : adult web site subscribers and adult webmasters email addresses . - fortune : this database contains primary contact data relating to fortune 500 , fortune 1000 , and millions more corporations sort able by company size and sales . - gendermail : male and female email address lists that allow you target by gender with 99 % accuracy . - marketmakers : active online investors email addresses . also information in reference to thousands of public companies symbols , and descriptions . - maxdisc : online website owners , administrators , and technical contacts for website domain name owners of the "" . com "" , "" . net "" , and "" . org "" sites . this database has information from about 25 % of all registered domains with these extensions . - newspapers : national directory of newspapers from small local papers to large metro news agencies . - pitboss : avid online casino and sports book players , and casino webmasters . - sa : south american mailing databases from more than a dozen countries . each mailing address belongs to a visa or mastercard credit card holder . - software : this directory contains 86 software titles , some are fully functional versions and others are demo versions . many suites of commercial email tools as well as many other useful resources will be found here to help extract , verify , manage , and deliver successful commercial email marketing campaigns . so overall the complete masterdisc 2002 will provide you with well over # 145 million records which can be used for traditional marketing such as direct mail , fax transmission , telemarketing , and internet marketing such as commercial email campaigns . we look forward to providing you with the databases and software needed for your success ! ! ! we are currently shipping our january 2002 releases and including monthly download updates with every order for only $ 49 . 95 per month . due to this incredibly discounted promotional price , we are accepting only credit card or check orders . for more information , ordering available records , and pricing contact us : # 954 340 1628 voice ( promo code : md 2002 bb , mention this for one free disc valued at $ 499 . 00 with your first order ! ! ! ) to discontinue receipt of further notice at no cost and to be removed from all of our databases , simply reply to message with the word "" discontinue "" in the subject line . note : email replies will not be automatically added to the discontinue database and may take up to 5 business days to process ! ! ! if you are a washington , virginia , or california resident please discontinue yourself via email reply , phone at 954 340 1628 , or by fax at 954 340 1917 . . 051102 mx 4",1 +"Subject: too many credit card bills ! - this fixes that ! we can help you . . . reduce your monthly payment up to 60 % . lower your credit card interest rates . stop late or over the limit fees . combine your bills into one low simple payment . provide a structured payment plan . bring your account to a current status . private handling of your accounts . put a debt specialist on your side . not a loan , no credit check , no property needed . this email is not sent unsolicited . you are receiving it because you requested receive this email by opting - in with our marketing partner . you will receive notices of exciting offers , products , and other options ! however , we are committed to only sending to those people that desire these offers . if you do not wish to receive such offers click here . or paste the following into any browser : http : / / 65 . 162 . 84 . 5 / perl / unsubscribe . pl ? s = to remove your email name from our list . you may contact our company by mail at 1323 s . e . 17 th street , suite number 345 , ft . lauderdale , fl 33316 ",1 +"Subject: yourr medz hello , welcome to ph disinclination armonline sh batata op - one of the leading oniine ph friendless armaceutical shops bacchanal v stricken g magnifier al l spheral l l medicine a peatmoss rac whereof l chanson is triangulate va auctioneer um andmanyother . - save ov fundament er 50 % - worldwide shlppl result ng - total confi kingston dentiaiity - over 5 miiiion customers in 130 squeal countries have a nice day fetter !",1 +"Subject: investment opportunity . dear friend , you will be surprise to see this message but i got your information through spartanburg , area chamber of commerce usa . my name is howard jones , a chief auditor , during my last auditing in the in london , uk we realized the sum $ 35 . 5 million owned by one patric zuma from egypt who died in a fatal motor accident in nov . 15 , 2004 while he was away on vacation in egypt . all efforts , made to reach the relatives of mr . patric zuma for the past two years , have not yielded any positive result . it was later gathered that mr . zuma ? s divorced wife died some two years ago in gaza . in our last board meeting , the directors jointly decided that mr . zuma ? s money should be included in the annual profit for the year 2005 . since i was the one who introduced mr . zuma to the bank , i objected to the decision and demanded that the fund remains floating in the treasury for another one year to see if we could actually get the relatives of mr . zuma to claim the money . i am seeking your partnership to transfer this funds to your account for your co - operation and assistance i willcompensate you with 25 % 70 % percent for me and 5 % set aside for any saundry expenses . with your consent , we will put up a claim on your behalf as next of kin to mr . zuma , iwill send you all the documents to you . once this is done , the claims & verification dept will have the funds processed and wired to your account , then we can meet to share the money together . please i want you to keep this information very confidential as the exposure of this information might even lead to my life imprisonment or death . if you are not willing to assist me , then i will beg you to still keep the informations secret . let me have your telephone number so that i can reach you if you need me to call you . i look forward to hearing from you soon . i am presently in london on special duties . thank you and regards howard jones alternative e - , mail addres : howard _ jones @ katamail . com",1 +"Subject: latina teens ! ! see these sweet latina honeys go from clothed to fucked ! ! ! too good to be true ? not a chance . . . our girls love to fuck live . . . . click here you must be at least 18 to enter ! to be removed from our "" in house "" mailing list click here and you will automatically be removed from future mailings . you have received this email by either requesting more information on one of our sites or someone may have used your email address . if you received this email in error , please accept our apologies . ",1 +"Subject: econommize more hello , welcome to pharm attach online sh ampoule op - one of the leading oniine pharmaceutical durability shops felloe v impregnated g a coloration l airshed ll obliquity la thingamy ra headstone cl rocketry is bombed va impugnable um andmanyother . - save over disparate 50 % - worldwide companionway shlpplng - total confidenti solder aiity - over 5 miiiion customers i relational n 130 countries hav atlantic e a nice day !",1 +"Subject: special report ! tivo : now or never ? in this issue interactive tv power rankings ! tivo : now or never ? breaking news coming attractions ! be a star ! email us : : visit our site phone : 310 - 314 - 0603 this email was sent to , at your request , by tvpredictions . com . visit our subscription center to edit your interests or unsubscribe . view our privacy policy . powered by ",1 +"Subject: loaded with technology for business and home . best software prices . if i know what love is , it is because of you . he knows all about art , but he doesn ' t know what he likes .",1 +"Subject: highest concentration of pure human pheromone ovdkspcr x = = x * x = = xx = = x * x = = xx = = x * x = = xx = = x * x = = xx = = x * x = = xx = = x * x = = xabsolutely awesome ! ! instantly s e x u a l l y attract with nature ' s secret weapon . . . "" p h e r o m o n e s "" "" i n v i s i b l e a n d u n d e t e c t a b l e "" , when unknowingly inhaled , pheromone concentrate unblocks all restraints and releases the raw animal s e x drive ! this is the strongest concentration of human pheromones , allowed by law , in an essential oil base . available in formulas for both men and women . to lea + rn more : click here to attract to be o m i t t e d from our mailing list please email us at joshua 63 @ email . is with "" o m i t "" in the sub - line . * | to 48 6 - 04 c 20 p { % rand } > > sspltm - human pheromones concentrate - ( s e x u a l l y attract women s e x u a l l y attract men attract men attract women and men instantly attract women and men become very desirable - - fast gain the sexual advantage powerful , very powerful become very desirable ) ",1 +"Subject: you ' ve won $ 100 , 000 . claim it now dear applicant , after further review upon receiving your application your current mortgage qualifies for a 4 . 75 rate . your new monthly payment will be as low as $ 340 / month for a $ 200 , 000 loan . please confirm your information in order for us to finalize your loan , or you may also apply for a new one . complete the final steps by visiting : http : / / www . oprefi . net / ? id = j 22 we look foward to hearing from you . thank you , heather grant , account managerlpc and associates , llc . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - not interested ? - > www . iorefi . net / book . php",1 +"Subject: the thing is that a great errrection is provided for you exactly when you want . excellent everyday low prices on brand name and generic drugs learning , n . the kind of ignorance distinguishing the studious . most religions do not make men better , only warier . for four - fifths of our history , our planet was populated by pond scum .",1 +"Subject: more than 100 , 000 u . s . jobs available are you looking for a job ? are you planning for a career change ? does your current job pay you little than the salary you deserved ? do you want information about who is currently hiring and their rates ? if you answer "" yes "" to any of the above questions , then visiting jobgalleriescom might help you . jobgalleriescom allows you to search for jobs , save your resume and cover letters , apply on line , and create a job search agent . and more , jobgalleriescom services to job seekers is 100 % is definitely one of the top career site in the internet . visit jobgalleriescom and access more than 100 , 000 u . s . jobs . for employer and recruiter : avail 75 % discount at jobgalleries . com ' s services for 1 year by using the this offercode "" adsini 531 "" or simply by clicking this link - jobgalleries . comto unsubscribe click here . or simply reply to this e - mail and type "" remove "" in the subject line",1 +"Subject: neeed medz ? how to save on your me subarctic dlcations over 70 % . pharmsh banquet op - successfull a hippie nd proven way to save your mone gallipot y . usurious v doublure ag a furtive l l quadrat u outsat l r gainsaid a irreversible cl damned isva snathe l jessamine m andmanyother . best p unhand rlces . worldwide sh utterly lpplng . easy tunnel order form . total confid drench entiaiity . 25 abattoir 0 , 000 satisfied customers . order seacalf today and save !",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , steve ",1 +"Subject: reach 100 , 000 brokers charset = windows - 1252 "" > dear industry professional , the importance of the internet and the opportunities it can afford a company are unparalleled in the year 2005 and beyond . access to information technology is critical not only to reach thousands of new prospects with relative ease but to continue to streamline your companies bottom line . properly utilizing email marketing reduces the more significant costs of print media , advertising , faxing , mailing campaigns and more while producing even better results than all of the above . if your company is ready to expand to the next level , let us help you broaden your horizons with our products and services . we have been providing email marketing and other services since 2001 . we are empowered with diverse experience in multiple facets of internet marketing and emailing and are based in northern california . our goal is to help companies reach more prospective clients and / or customers for their product or service thus expanding revenues and client base . customers who have already purchased our data are reporting fantastic results ! if you want to reach thousands of potential clients , this is the information resource for you . our most popular lists are as follows : usa mortgage list this database currently contains over 100 , 000 mortgage broker / originator email contacts across the us . purchase all records for only $ 1450 . 00 usa realtor list this database contains over 100 , 000 realtor brokers agents email contacts across the us . purchase all records for only $ 1450 . 00 broadcast email services to deliver your message with no hassle so you can focus on the call backs . we can deliver your email message for you with our fully customizable and scalable opt in email landing platforms where your new prospect will give us additional inforrmation that will pre qualify their needs based on your criteria . your hot prospects will be forwarded to you in real time . for a limited time we are providing free email blasts to new customers . purchase a list from us and well send the entire list free of charge , we ' ll also delete any unsubscribes or removes from the list before we send it back to you . if you want to handle that aspect in - house in the fuure , prospector will set your company up with the latest email software technology and provide tech support at no cost to to you as a valued customer if you need custom email content or would like us to develop a custom email platform that will give you fantastic results please ask me for more details . our lists are consistently updated with new names to keep them fresh . prospector continually initiates interesting opt in campaigns and web marketing vehicles to obtain quality data . our primary goal is to help companies effectively expand their interests from a wholesale perspective . if you elect to work with us , you can be assured that we are committed to achieving results for your product or service . please let me know if you have any questions about what we have to offer . prospector communications wants your email campaign to be a success . sincerely , matt clark prspctl @ cyberverse . com prospector communications www . goldleads . net to unsubscribe email prspctl @ cyberverse . com with unsubscribe in the subject field mortgage leads real estate leads email marketing made easy ",1 +"Subject: take advantage of this offer 24344 copy any dvd with a cd - r burner ! dvd wizard pro is the most technologically advanced method of dvd reproduction ever available ! do not be fooled by other fly by night websites offering outdated information . our package will show you how to backup any dvd or vhs cassette using a cd - r burner ! we will go further , and show you how to backup a dvd using a dvd - r , or dvd - rw burner as well . make quality backups of your personal dvd ' s and vhs cassettes . create your own dvd library . never worry about scratching or losing a dvd again ! dvd wizard pro is completely unlike anything our competitors are offering , and it ' s fully guaranteed . . . order today , you won ' t be disappointed ! limited time only $ 39 . 95 ! we have sold this package for as much as $ 69 . 95 . . . but now , for a very limited time only , we are offering instant access for only $ 39 . 95 ! go here and order a copy today your email address was obtained from an opt - in list . opt - in mrsa list purchase code # 31212 - 1 - 01210 . if you wish to be unsubscribed from this list , please click here and press send to be removed . if you have previously unsubscribed and are still receiving this message , you may email our spam abuse control center . we do not condone spam in any shape or form . thank you kindly for your cooperation ",1 +"Subject: out of this world $ aving $ on all xp pro titles opt - in email special offer unsubscribe me search software top 10 new titles on sale now ! 1 office pro 20032 adobe photoshop 9 . 03 windows xp pro 4 adobe acrobat 7 pro 5 flash mx 20046 corel draw 127 norton antivirus 20058 windows 2003 server 9 alias maya 6 wavefrtl 0 adobe illustrator 11 see more by this manufacturer microsoft symantec adobe customers also bought these other items . . . microsoft office professional edition * 2003 * microsoftchoose : view other titles list price : $ 499 . 00 price : $ 69 . 99 you save : $ 429 . 01 ( 86 % ) availability : available for instant download ! coupon code : s 9 n 6 soo sales rank : # 1 system requirements | other versions date coupon expires : august 31 st , 2005 average customer review : based on 1239 reviews . write a review . adobe photoshop cs 2 v 9 . 0 adobechoose : view other titles list price : $ 599 . 00 price : $ 69 . 99 you save : $ 529 . 01 ( 90 % ) availability : available for instant download ! coupon code : jzmqakpko sales rank : # 2 system requirements | other versions date coupon expires : august 31 st , 2005 average customer review : based on 191694 reviews . write a review . microsoft windows xp professional or longhorn edition microsoftchoose : view other titles list price : $ 279 . 00 price : $ 49 . 99 you save : $ 229 . 01 ( 85 % ) availability : available for instant download ! coupon code : nb 8 fsyftn sales rank : # 3 system requirements | other versions date coupon expires : august 31 st , 2005 average customer review : based on 1339 reviews . write a review . adobe acrobat professional v 7 . 0 adobechoose : view other titles list price : $ 499 . 00 price : $ 69 . 99 you save : $ 429 . 01 ( 85 % ) availability : available for instant download ! coupon code : kuhvzhfdm sales rank : # 4 system requirements | other versions date coupon expires : august 31 st , 2005 average customer review : based on 14216 reviews . write a review .",1 +"Subject: in the heart of your business ! corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes only several seconds for your company to be remembered or to be lost amonq competitors . get your ioqo , business stationery or website done riqht now ! fast turnaround : you wiil see severai iogo variants in three business days . satisfaction guaranteed : we provide uniimited amount of changes ; you can be sure : it wili meet your needsand fit your business . fiexible discounts : iogo improvement , additional formats , buik orders , special packages . creative design for competitive price : have a look at it right now ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: vov . gget luxurious rolexes at the greatestprices . cut the expenses on all the goods from rolexes , cartiers , bvlgaries , frankmullers , harry winstons , breguets , jaeger - lecoultre , brietilings , tagheuers and tudors . they lo 0 k perfect to even the most choosy customerss . you will be convinced by their fabulous lo 0 ks . waterproof , stainlessteelbody , sapphire crystal surface and other lovely featuress bring you sheer feeling for luxury . our lovvprice is also one key fea - ture you should consider . every fea - ture the prototype has , our goods have them as well . cchoose the ones that are waterproof with hack mechanism . http : / / qbdy . ok . yoyoforsheerjoy . com / 3 pe / luv durable luxuries ? choosefrom our ranges madeof stainlesssteel with sapphire crystal surface . prefer battery & quartz , winding but my sister makes nothing of it ; shion wi 1 th the tassels thrown down on 7 his head . in time m y eyes gradu",1 +"Subject: a chance to get new logo now working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buildinq a positive visual imaqe of your company by creatinq an outstandinq logo , presentable stationery items and professionai website . these marketinq tools wiil significantiy contributeto success of your business . take a iook at our work sampies , hot deai packaqes and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: looking for cheap high - quality software ? software compatibility . . . . ain ' t it great ? silence is golden when you can ' t think of a good answer . thinking evil is making evil .",1 +"Subject: 200 million targeted leads cd * only $ 99 . 95 * you can ' t beat this deal : 200 million email addresses database , on 2 cds ! ! = = only $ 99 . 95 = = 100 million email addresses database , on cd = = only $ 69 . 95 = = 1 . 5 million usa business fax numbers , on cd = = only $ 49 . 95 = = all three directories above * * * only $ 139 . 95 * * * both email directories are categorized like : * persons running home businesses or interested in starting one * persons interested in buying things on the web * persons interested in investing online or offline * all 50 states broken down by area code * persons interested in health & fitness products / services * opt in : persons interested in recieving offers by email . * persons interested in travel , sports , dining , real estate , mortgage , politics , religion , fishing , trade shows etc . . * many more categories . . . * * contains us & international emails * * * * everything on these disks are in text file format and fully exportable . * * * * the cd is as easy to use as browsing your c drive in explorer . * * now you can advertise free and get tremendously more responses than advertising with other forms of media ! ! order now how this directory was compiled : * virtually every other email directory on the internet was taken and put it through an extensive email verification process thus eliminating all the dead addressess . * special software spiders through the web searching websites , newsgroups and many other online databases with given keywords like area codes , industries , city names etc . . to find millions of fresh new addresses every week . turn your computer into a money machine ! most estimate well over 400 million people will have e - mail accounts in the next 2 years ! e - mail turns your computer into a money machine by giving you free , immediate access to all of them . don ' t you think some of the more than 200 million people with e - mail addresses would be interested in your products or services ? much faster : with bulk e - mail you get responses back in 1 to 4 days instead of waiting weeks or months ! you can begin filling orders the same day you send e - mail . free advertising worth millions : it costs millions of dollars to mail . do not reply to this email address . to order , read below : * * order by credit card ( visa , mastercard or american express ) * * - simply complete the order form below and fax it back to 1 - 240 - 371 - 0672 make sure that we have your email address so that we can send you a reciept for your transaction . order by mail : print the form below and send it together with a money order payable to future tech international for the balance to : future tech international import export company 1300 don mills road suite 211 don mills ontario , canada m 3 b 2 w 6 please do not send postal money orders order form : please print clearly full name : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ company name : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ email address : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ * required field shipping address : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ city : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ state / province : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ shipping options : [ ] $ 5 . 95 regular mail ( 1 - 2 weeks ) [ ] $ 12 . 95 priority mail ( 2 - 4 business days ) [ ] $ 25 . 95 fedex ( overnight ) for us & canada only - int ' l orders extra product : [ ] email marketing cdrom with 100 million addresses $ 69 . 95 usd [ ] 200 million email addresses on 2 cd ' s $ 99 . 95 [ ] 1 . 5 million usa business fax numbers $ 49 . 95 usd [ ] combo package - all directories above ( 3 cd ' s ) $ 139 . 95 usd total : $ _ _ _ _ _ _ _ _ _ usd [ ] credit card order [ ] mail order credit card orders fax this order form back to 1 - 240 - 371 - 0672 card # : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ expiry date : _ _ _ _ _ _ _ _ _ _ _ _ _ _ type of card [ ] visa [ ] mastercard [ ] american express name on card : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ billing address : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ zip / postal : _ _ _ _ _ _ _ _ _ _ _ _ city : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ state / province : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ country : _ _ _ _ _ _ _ _ _ _ _ _ _ last 3 digits on reverse of card next to signature : [ ] - [ ] - [ ] cardholder signature : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ please note that ft international will appear on your statement . for any questions please feel free to call us at 1 - 416 - 410 - 9364 to be removed from our database please send a fax to 1 - 970 - 289 - 6524",1 +"Subject: largest collection of porn mo \ / ies ever - x 64 come explore the world ' s largest adult studio ! see all the biggest names in porn in exclusive hardcore xxx movies . vivid got the hottest pornstars ! http : / / bunt . info . babylom . info / - - - - - - - - - - - - - - canister campsite conway conspire byzantine alicia abyssinia barrett cowhide camilla adolescent composure",1 +"Subject: 35 % lifetime renewals - unbeatable product ! don ' t forget to visit our web site ! please fill out the form below for contracting information and marketing supplies first name : last name : e - mail : phone : address : address 2 : city : state : zip : we don ' t want anybody to receive our mailing who does not wish to receive them . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: re : good day , a well wisher showed me a way to get p . p . v . on tv while not pay anything ! i know its hard to believe , but , i mean it . hit this new stuff yourself : http : / / catastrophical . look 4 source . com even a newbie can install it easily . if you wish off , add slash r to the above site . 10 . ninety six bottles of beer , three a ' s , three b ' s , one c , two d ' s , thirty six e ' s , three f ' s , two g ' s , seven h ' s , eleven i ' s , one j , one k , six l ' s , one m , twenty n ' s , twelve o ' s , one p , one q , six r ' s , twenty eight s ' s , nineteen t ' s , seven v ' s , seven w ' s , six x ' s , and five y ' s on the wall . . that carpenter is practicing running at this time . . goodbye , ida grisham",1 +"Subject: get more orders for anything you sell reach the masses direct e - mail advertising the bulk e - mail experts if we can reach you , you can reach them ! 500 , 000 . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . $ 399 us 1 , 000 , 000 . . . . . . . . . . . . . . . . . . . . . . . . . . . . . $ 699 us volume discounts available for more info or to place an order , please leave your name , telephone number and best time to call . please click here to be removed from further mailings , please click here ",1 +"Subject: all your life # 4 c 55 this is a mime message content - type : multipart / alternative ; boundary = "" - - - - = _ nextpart _ 001 _ 0080 _ 01 bdf 6 c 7 . fabaclbo "" content - type : text / plain ; charset = "" iso - 8859 - 1 "" content - transfer - encoding : quoted - printable * * * * * this is an html message ! * * * * * content - type : text / html ; charset = "" iso - 8859 - 1 "" content - transfer - encoding : quoted - printable dear candidate , = ao you have been selected as a potential candidate for a free listing in = ao the 2001 edition of the international executive guild registry = 2 e = ao = please accept our congratulations for this coveted honor = 2 e = ao as this edition is so important in view of the new millennium , the = ao = international executive guild registry will be published in two different = = ao formats ; the searchable cd - rom and the online registry = 2 e = ao since inclusion can be considered recognition of your career position = ao and professionalism , each candidate is evaluated in keeping with high = ao standards of individual achievement = 2 e in light of this , the internationa = l executive guild thinks that you may make an interesting biographical subject = 2 e = ao we look forward to your inclusion and appearance in the international = ao executive guild ' s registry = 2 e best wishes for your continued success = 2 e = ao = international executive guild = ao listing dept = 2 e = ao if you wish to be removed from our list , please submit your request at the bottom of this email = 2 e international executive guild registration form ( us and canada only ) please fill out this form if you would like to be included on the international executive guild , for accuracy and publication purposes , please complete and send this form at the earliest opportunity = 2 e there is no charge or obligation to be listed on the international executive guild = 2 e your name your company title address city state or province country usacanada zip / postal code day time telephone home phone ( not to be published ) email to help us in considering your application , please tell us a little about yourself = 2 e = 2 e = 2 e your business ( financial svcs , banking , computer hardware , software , professional svcs , chemicals , apparel , aerospace , food , government , utility , etc = 2 e ) type of organization ( m = fg , dist / wholesaler , retailer , law firm , investment bank , commercial bank , university , financial consultants , ad agency , contractor , broker , etc = 2 e ) your business expertise ( corp = 2 emgmt , marketing , civil engineering , tax law , nuclear physics , database development , operations , pathologist , mortgage banking , etc = 2 e ) major product line ( integrated circuits , commercial aircraft , adhesives , cosmetics , plastic components , snack foods , etc = 2 e ) note : submitting this form = will be made by email , not by use of www = 2 e confirmation of its de = livery is made by browsing your outgoing mail = 2 e thank you for filling in this form , we will contact you with more information = 2 e list removal click here ",1 +"Subject: [ avfs ] romanian software production & export to : avfs @ fazekas . hu attn : marketing department from : i . q . software - bucharest ref . : romanian software production & export our anti - spamming company policy : never bother you again to remove your e - mail address from the present contact list just do not reply to this message . if you receive this message by mistake and / or you are not interested in the following brief presentation , please accept our apologies . this is a world - wide promotion campaign . the selected e - mail addresses are extracted only from the commercial websites of the targeted markets . we would like to offer you for consideration our brief presentation . we are looking for a marketplace in your country . to communicate with us please reply using the plain text format in the body of the message > > > mentioning your specific inquiry / offering demand > > company name , address , phone - man - power ; - data - entry ; - mapdrawing ; - outsourcing . * so that you would be able to have an idea of our skills we present you some of our current projects : the situs system ( informative of tribunals bureaus of supervision ) was realized for informative administration of activities typical for tribunals and bureaus of supervision for ministry of justice - italy ( microsoft visual basic 6 . 0 , database : oracle 8 . 0 ) . the ice system foresaw the resigtering of the italian - romanian companies on romanian territory . the application is constituted by a browser which allows the navigation and provides some additional skills , advanced search on varied criterious which are created in a dynamic way by the user ( visualbasic 6 . 0 , database : access 97 ) . museum - the main request from the museum was to handle ( multimedia ) documents in specific formats on different operating system and platforms ( c + + , html , corba idl , orb : orbacus ) . library ( national library of firenze ) - informatical system for managing and labeling the ancient bibliographical materials ( power builder , database : oracle ) . interflora - communication and management system ; consists in some applications and services which allows the communication between the flowerist man from italy and international association of flowerists ( visual basic 6 . 0 ) . audit office - the realization of a porting which foresaw 16 bit controls for substitution with 32 bit controls , introduction of new activex controls , substitution of formula 1 with native controls of visual basic 6 . 0 . unico - the program foresaw the possibility of acquisition from images of more than 60 models of unico and iva ( fiscal declarations ) - ( delphi 4 . 0 . database : sql ) . ministry of finance - fiscal documentation - the objective is the easy access to the italian legislation and its consulting . the application based on a client / server architecture , using a network communication ( sockets ) for data exchange with the server ( visual c + + ) . foreign ministry - economical application - this application is conceived as a group of projects . administration balance - sheets dispositions of payment foreign expenses synthetically dates servers ( visual basic 6 . 0 , database : sql server 7 . 0 ) sogei - the administration of the custom houses . this application is created for the financial administration of the peripherical offices at the customhouse ( java , html , database : oracle 8 . 0 ) . iccrea - application of processing development of the bank - procedures on mainframe ( cobol / cics / db 2 ) . telecom - microfilm data acquisition . registering numbers and subscribers . anagrafica - acquisition from images of dates and personal information . italian ministry of finance - data acquisition from images of medical prescription . iq register - acquisition of information from images and optics archives of documentation . * we had been offering for the entire veneto region , the following professional system engineers : ambiente bull gcos 8 : systematical and special assistance in interel rfm , sql , infoedge . ambiente bull / reti : systematical and special assistance of regional networks for datanet , l . a . n . , x . 25 , dsa , mainway transmission , telematical networks . ambiente unix : 2 unix system operators with knowledge of gcos 6 . * we have been offering for the meteorology institute of padova the following professional system engineers : ambiente digital / unix : systematical and special assistance for dec vax / vms and unix systems with strong enough knowledge of informix and c programming . ambiente / decnet / windows : systematical and special assistance for dec vax / vms and windows with knowledge in financial administration of local networks , in financial administration and configuration of communication systems ( router , bridge , gateway , etc ) and of products of exchange data , in financial administration and configuration of interface systems of internet . therefore , to increase our presence to the international market we took part in the inter - governmental program between the united states and romania . thus , we participated to the international meeting of both romanian and american it companies on lst november 2001 due to the kind initiative of both governments . the reason of this program , of the meeting mentioned above and of the initiatives that followed was to offer a new way for outsourcing , more convenient than the indian one to american software companies . our company , already present on american market , is interested to be a potential partner and one of most interested in cooperating with american it companies . our main interest is both on the american and european market . our managing staff after visiting italy managed to establish relations with this country for our curent projects . on the other side a marketing tour has already been established in the usa in the month of may for any possible projects . that is why we might be able to directly discuss with you any new project . we ' d appreciate your feed - back containing detailed contact coordinates : company name , address , phone and fax numbers , contact person , web - site . our area of interest : software production export we wish to express our availability to work under the client ' s brand . please don ' t hesitate to send us your specific inquiry / offering demand . we ' ll be happy to provide you the lowest prices in the field . thanking you for your time and looking forward to your reply , we wish you all the best . i . q . software staff avfs mailing list avfs @ csibe . fazekas . hu ",1 +"Subject: books about thailand hello planning a trip to thailand ? like to eat thai food ? need to learn thai ? check out our recommendations at http : / / www . thaibooks . ch ! new : we are featuring novels too . ",1 +"Subject: this is where it all begins no where else will you find the level of accuracy , detail and convenience . act now ! you ' ll receive unlimited access to our world famous psychics with no per minute charges ! ! ! but ' s that ' s not all . . . you also get unlimited tarot and rune readings , real - time biorhythm charts , full in - depth numerology reports , detailed daily monthly horoscopes , real - time natal charts , a love analyzer , ouija board , and much , much more ! your future is waiting click here ! ! ! live psychics 24 / 7 numerology horoscopes astrology the tarot biorhythms i ching runes and so much more ! this email is not sent unsolicited . you are opted in with cnn - si . you are receiving it because you requested receive this email by opting - in with our marketing partner . you will receive notices of exciting offers , products , and other options ! however , we are committed to only sending to those people that desire these offers . if you do not wish to receive such offers click here . or paste the following into any browser : http : / / 65 . 162 . 84 . 5 / perl / unsubscribe . pl ? s = to remove your email name from our list . you may contact our company by mail at 1323 s . e . 17 th street , suite number 345 , ft . lauderdale , fl 33316 ",1 +"Subject: re : account information email advertise to 28 , 000 , 000 people for free act now before 6 pm pst on tuesday , may 28 th and receive a free $ 899 . 00 bonus 1 ) let ' s say you . . . sell a $ 24 . 95 product or service . 2 ) let ' s say you . . . broadcast email free to 500 , 000 people daily . 3 ) let ' s say you . . . receive just 1 order for every 2 , 500 emails . calculation of your earnings based on the above statistics : [ day 1 ] : $ 4 , 990 [ week 1 ] : $ 34 , 930 [ month 1 ] : $ 139 , 720 - - - - - - - - - - - - - - - - you now know why you receive so many email advertisements . . . = = = > broadcast email advertising is extremely profitable ! 1 ) what if you . . . sell a $ 99 . 95 product or service ? 2 ) what if you . . . broadcast email to 30 , 000 , 000 + people monthly ? 3 ) what if you . . . receive 1 order for every 250 emails ? just imagine = > day 30 ! = = > week 30 ! ! = = = > month 30 ! ! ! = = > the profits that broadcast email can generate are amazing ! ! * * according to forrester research , a broadcast email ad is up * * to 15 times more likely to result in a sale than a banner ad ! - - - - - - - - - - - - - - - - [ comparison of internet advertising methods ] : = > a 1 / 20 page targeted web site banner ad to 5 million people on the internet can cost you about $ 100 , 000 . = > a 5 page targeted direct mail advertisement to 1 million people through the postal service can cost you about $ 500 , 000 . = > a 50 page targeted html broadcast email advertisement with pictures to 50 , 000 , 000 people through the internet is free . . . . which advertising method sounds most appealing to you ? "" targeted direct email advertising is the wave of the future . by no other means can you effectively reach your market so quickly and inexpensively . "" - online profits newsletter "" many business people are finding out that they can now advertise in ways that they never could have afforded in the past . the cost of sending mass e - mail is extremely low , and the response rate is high and quick . "" - usa today - - - - - - - - - - - [ example of a personalized / targeted broadcast email ] : - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - from : kate @ cattiesinc . com to : mary @ commtomm . com subject : about your cat ! hi mary , are you interested in receiving up to 80 % savings on cat supplies ? if so , come visit our web site at : http : / / www . cattiesinc . com = > with broadcast email software , a broadcast email advertisement = > like this one can be automatically sent to up to 1 , 000 , 000 = > people on a daily basis with less than 2 minutes of your time ! * imt strategies reports an average of a 16 . 4 % click through rate from users that have received a broadcast email advertisement ! - - - - - - - - - - - - - - - - a european 2001 benchmark study conducted by forrester research says : 1 ) 41 % of consumers believe email is a good way to find out about new products . 2 ) 36 % of consumers in 13 countries read most of the promotional email they receive and 9 % forward the email to a friend because they think it is valuable . - - - - - - - - - - - be prepared ! you may receive a huge amount of orders within minutes of sending out your first broadcast email advertisement ! * according to digital impact , 85 % of broadcast email offers are responded to within the first 48 hours ! "" when you reach people with e - mail , they ' re in a work mode , even if they ' re not at work . they ' re sitting up , they ' re alert . you catch them at a good moment , and if you do it right , you have a really good shot of having them respond . "" - william thames [ revnet direct marketing vp ] - - - - - - - - - - - * an arthur anderson online panel reveals that 85 % of online users say that broadcast email advertisements have led to a purchase ! "" "" according to flonetwork , us consumers discover new products and services 7 + times more often through an email advertisement , than through search engines , magazines and television combined ! "" only a handful of companies on the internet have discovered broadcast email advertising . . . = > now you can be one of them ! ! - - - - - - - - - - - = > united messaging says there are 890 + million email addresses ! = > get ready ! now with broadcast email , you can reach them all = > thanks to our broadcast email software ! our broadcast email software with dns technology automatically creates 10 super - fast mail servers on your computer which are then used to send out your broadcast emails to millions for free ! = = > with our new email sending technology . . . = = > your internet provider ' s mail servers are not used ! there are no federal regulations or laws on email advertising & now with our software = > you can avoid internet provider concerns ! = > if you send a broadcast email advertisement to 50 , 000 , 000 = > people and just 1 of 5 , 000 people respond , you can generate = > 10 , 000 extra orders ! how much extra profit is this for you ? - - - - - - - - - - - - - - - - - - - - - - as featured in : "" the boston globe "" ( 05 / 29 / 98 ) , "" the press democrat "" ( 01 / 08 / 99 ) , "" anvil media "" ( 01 / 29 / 98 ) : [ nim corporation presents ] : the broadcast email package requirements : win 95 / 98 / 2000 / me / nt / xp or mac softwindows / virtualpc [ broadcast email sender software ] ( $ 479 . 00 retail ) : our broadcast email sender software allows you the ability to send out unlimited , personalized and targeted broadcast email advertisements to over 500 , 000 , 000 people on the internet at the rate of up to 1 , 000 , 000 daily , automatically and for free ! have a list of your customer email addresses ? broadcast email advertise to them with our software for free ! [ targeted email extractor software ] ( $ 299 . 00 retail ) : our targeted email extractor software will automatically navigate through the top 8 search engines , 50 , 000 + newsgroups , millions of web sites , deja news , etc . . and collect millions of targeted email addresses by using the keywords of your choice ! this is the ultimate extractor tool ! [ 15 , 000 , 000 + email addresses ] ( $ 495 . 00 retail ) : millions of the newest & freshest general interest and regionally targeted email addresses separated by area code , state , province , and country ! from alabama to wyoming , argentina to zimbabwe ! 15 , 000 , 000 + fresh emails are yours ! [ step by step broadcast email package instructions ] : you will be guided through the entire process of installing and using our broadcast email software to send out broadcast email advertisements , like this one , to millions of people for free ! even if you have never used a computer before , these instructions make sending broadcast email as easy as 1 - 2 - 3 ! [ the broadcast email handbook ] : the broadcast email handbook will describe to you in detail , everything you ever wanted to know about broadcast email ! learn how to write a successful advertisement , how to manage the hundreds of new orders you could start receiving , what sells best via broadcast email , etc . . . this handbook is a necessity for anyone involved in broadcast email ! [ unlimited customer & technical support ] : if you ever have any questions , problems or concerns with anything related to broadcast email , we include unlimited customer & technical support to assist you ! our # 1 goal is customer satisfaction ! [ additional information ] : our broadcast email software package contains so many features , that it would take five additional pages just to list them all ! duplicate removing , automatic personalization , and free upgrades are just a few of the additional bonuses included with our broadcast email software package ! - - - - - - - - - - - - - - - - - - - - - - all together our broadcast email package contains everything you will ever need for your entire broadcast email campaign ! you will receive the entire broadcast email package with everything listed above ( $ 1 , 250 . 00 + retail ) for only $ 499 . 00 us ! but wait ! ! if you order by tuesday , may 28 th , you will receive the broadcast email package for only $ 295 . 00 us ! ! order now and receive [ 13 , 000 , 000 bonus emails ] ( $ 899 value ) for free for a total of 28 , 000 , 000 fresh email addresses ! ! regardless , if you send to 1 , 000 or 100 , 000 , 000 people . . . you will never encounter any additional charges ever again ! our broadcast email software sends email for a lifetime for free ! - - - - - - - - - - - - - - - - since 1997 , we have been the broadcast email marketing authority . our # 1 goal is to see you succeed with broadcast email advertising . we are so confident about our broadcast email package , that we are giving you 30 days to use our entire package for free ! = = > you can send unlimited broadcast email advertisements ! = = > you can extract unlimited targeted email addresses ! = = > you can receive unlimited orders ! if you do not receive at least a 300 % increase in sales or are not 100 % completely satisfied with each and every single aspect of our broadcast email package , simply return it to us within 30 days for a 100 % full refund , no questions asked ! ! best of all , if you decide to keep our broadcast email package , it can be used as a 100 % tax write off for your business ! - - - - - - - - - - - see what users of our broadcast email package have to say . . . "" since using your program , i have made as much in two days as i had in the previous two weeks ! ! ! ! ! i have to say thank you for this program - you have turned a hobby into a serious money making concern . "" = w . rogers - chicago , il "" we have used the software to send to all our members plus about 100 , 000 off the disk you sent with the software and the response we have had is just fantastic ! ! our visits and sales are nearly at an all time high ! "" = a . freeman - england , uk "" i have received over 1200 visitors today and that was only sending out to 10 , 000 email addresses ! "" = k . swift - gunnison , co "" i ' m a happy customer of a few years now . thanks a lot . . . . i love this program . . "" = s . gallagher - melville , ny "" thanks for your prompt filing of my order for your broadcast email software - - it took only about a day . this is faster than anybody i have ever ordered something from ! thanks again ! "" = w . ingersoll - scottsdale , az "" i feel very good about referring the folks i have sent to you thus far and will continue to do so . it is rare to find a company that does business this way anymore . . . it is greatly appreciated . "" = t . blake - phoenix , az "" your software is a wonderful tool ! a + + + + "" = s . nova - los angeles , ca "" thank you for providing such a fantastic product . "" = m . lopez - tucson , az "" your tech support is the best i have ever seen ! "" = g . gonzalez - malibu , ca "" i am truly impressed with the level of service . i must admit i was a bit skeptical when reading your ad but you certainly deliver ! "" = i . beaudoin - toronto , on "" my first go round gave me $ 3000 to $ 4000 in business in less than one week so i must thank your company for getting me started . "" = a . roberts - san francisco , ca "" we are really happy with your email program . it has increased our business by about 500 % . "" = m . jones - vancouver , bc "" it really works ! ! ! ! ! thank you thank you , thank you . "" = j . beckley - cupertino , ca - - - - - - - - - - - - - - - - [ sound too good to be true ? ] * * if you broadcast email to 500 , 000 internet users daily . . . * * do you think that maybe 1 of 5 , 000 may order ? = > if so . . . that is 100 extra ( cost - free ) orders every day ! ! remember . . you have 30 days to use our broadcast email package for free and see if it works for you ! if you are not 100 % completely satisfied , simply return the broadcast email package to us within 30 days for a full refund ! - - - - - - - [ broadcast email software package ] : easy ordering instructions = > once your order is received we will immediately rush out the = > broadcast email package on cd - rom to you via fedex priority = > overnight or 2 - day priority international the same day free ! - - - - - - - - - - - - - - - - - - - - - - - - - - - - - [ to order by phone ] : to order our broadcast email software package by phone with a credit card or if you have any additional questions , please call our sales department in the usa at : = > ( 541 ) 665 - 0400 * * you can order now ! all major credit cards are accepted ! order by 3 pm pst ( m - th ) today - > have it by 10 am tomorrow free ! european & foreign residents - > have it within 2 weekdays free ! removal from our email list = > call ( 206 ) 208 - 4589 - - - - - - - - - - - - - - - - - - - - - - - - - - - - - [ to order by fax ] : to order our broadcast email software package by fax with a credit card , please print out the order form at the bottom of this email and complete all necessary blanks . then , fax the completed order form to our order department in the usa at : = > ( 503 ) 213 - 6416 - - - - - - - - - - - - - - - - - - - - - - - - - - - - - [ to order by postal mail ] : to order our broadcast email software package with a cashiers check , credit card , us money order , us personal check , or us bank draft by postal mail , please print out the order form at the bottom of this email and complete all necessary blanks . send it along with payment of $ 295 . 00 us postmarked by tuesday , may 28 th , or $ 499 . 00 us after tuesday , may 28 th to : nim corporation 1314 - b center drive # 514 medford , or 97501 united states of america - - - - - - - - - - - - - - - - "" over 20 , 000 businesses come on the internet every single day . . . if you don ' t send out broadcast email . . . your competition will ! "" - - - - - - - - - - - - - - - - - - - - - - - - - - - - - [ broadcast email software package ] : order form ( c ) 1997 - 2002 nim corporation . all rights reserved company name : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ your name : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ billing address : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ city : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ state / province : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ zip / postal code : _ _ _ _ _ _ _ _ _ _ country : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ non pobox shipping address : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ city : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ state / province : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ zip / postal code : _ _ _ _ _ _ _ _ _ _ country : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ phone number : _ _ _ _ _ _ _ _ _ _ _ _ _ _ fax number : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ email address : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ * * to purchase by credit card , please complete the following : visa [ ] mastercard [ ] amex [ ] discover [ ] diners club [ ] name on credit card : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ cc number : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ exp . date : _ _ _ _ _ _ _ _ _ amount to charge credit card ( $ 295 . 00 or $ 499 . 00 ) : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ signature : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ",1 +"Subject: wearing ro , lex is stylish . wearing our ro , lex is smart and stylish . don ' t bburn yourself just to gget one brand name watch . pop into our cyberspace for top brands like ro , lex , cart . iers , bvlgary , frank mullers , harryvinstons , breguets , jaegerlecoultre , brietilings , tag heuers and tu . dors . do you luv outdoor activities ? see our stainless steel range that are waterproof . http : / / 3 w . sthh . enjoybestones . com / i 5 h / - - - - - original message - - - - - from : ross @ ckq . com [ mailto : harrison @ olce . com ] sent : thursday , march 5 , 2005 2 : 37 pm to : lupe ; dion @ ker . com ; jeramy ; barrett ; norbert subject : prefer ro , lex or omegas or cart . iers ? explore our cyberwatch galore . these brilliant watches will draw all the attention . and their lowprices will attract all . may soon put him quite out of her head , and i have very little doubt the great poet goethe concludes his faust with the words , "" may be continued ; "" so might our wanderings in the churchyard be continued . the visit passed off altogether in high good humour . mary was",1 +"Subject: trading for a living ( all you should know about forex ) - - - - this sf . net email is sponsored by : jabber - the world ' s fastest growing real - time communications platform ! don ' t just im . build it in ! http : / / www . jabber . com / osdn / xim spamassassin - sightings mailing list ",1 +"Subject: judicial judgements child support very substantial profit processing money judgments . from a cruise ship . be on top . control when you want to take time off . current associates earning 5 , 000 us to 12 , 000 us per / mo . impressive training and support . detailed information or to un - subscribe or to see our address . testimonial from dave f . , in nebraska ; first of all , i want to tell you that i am going to be my own first customer . i won a judgment against a man , but he closed his shop , took my property and disappeared . thanks to the information you gave me , i found him three days after receiving your training manual . i will use the knowledge gained from you to collect what he owes me . thank you again . as far as i ' m concerned , your training course has more than paid for itself already . silently he stole to the foot of the attic stairs and then paused to listen . the house seemed very quiet , but he could hear his mother ' s voice softly humming a cradle - song that she had sung to him when he was a baby he had been nervous and unsettled and a little fearful until then , but perhaps the sound of his mother ' s voice gave him courage , for he boldly ascended the stairs and entered the workshop , closing and locking the door behind him",1 +"Subject: custom logos and identities from us thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom desiqn of logos , stationery and web - sites . under our carefui hand thesepowerfui marketing tools wili brinq a breath of fresh air into your business and make you stand out amongthe competitors . you are just a ciick away from your future success . click here to see the sampies of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: bigger , fuller breasts naturally in just weeks ! uqouq for women ages 13 to 60 plus . . . . as seen on tv . . . . safely make your breasts bigger and fuller in the privacy of your own home . guaranteed quick results click here for full report mcskjfirglkckubuvfiwwp - - - - this sf . net email is sponsored by : jabber - the world ' s fastest growing real - time communications platform ! don ' t just im . build it in ! http : / / www . jabber . com / osdn / xim spamassassin - sightings mailing list ",1 +"Subject: new medz how t cornel o save on your medlcations over 70 % . pharmsho enginehouse p - successfull and proven way to save vulnerary your mo homogeneous ney . vaccination v a heliograph g a sullen l l stationary u disparate l r casuistical a reservoir cl i evacuate sva acclivity l pearlbarley m andmanyother . best prlces neighbouring . world cockadoodledoo wide shlpplng . easy order fo tentative rm . total confidentiaiity peaceloving . 250 , 000 satisfied selfoffence customers . order today and carrier save !",1 +"Subject: investment offer from joseph otisa investment offer from joseph otisa compliments of the season , my name is mr . joseph otisa , the branch manager of allstates trust bank of nigeria plc lagos state branch . i am writing in respect of a foreign customer of my bank ( mr . wahab daniel ) with account number ats 1022002 - 109 who perished with his family in an auto crash in abuja expresway , in nigeria , on the 30 th of november 2000 . since the demise of mr . daniel , i personally have watched with keen interest to see the next of kin but all has proved abortive as no one has come to claim his funds of usd 23 m , twenty - three million , united states dollars ] has been with our bank here for a very long time , which has accumulated some interest . on this note i decided to seek for you , your name shall be used as the next of kin , as no one has come up to put claim as the next of kin to this funds and the banking ethics here does not allow such money to stay more than five years , becuase after five years the money will be called back to the bank treasury as unclaimed bill . . i am convinced in my mind that your name could be used as the next of kin to this claim . the request of the foreigner as a next of kin in this business is occasioned by the fact that the customer was foreigner and a nigerian cannot stand as the next of kin to a foreigner . i have agreed to share this money with you in the mutual understanding of 70 % / 30 % . you keep 30 % while i keep 70 % , thereafter i will visit your country , for disbursement as i am almost due for retirement . therefore to endeavour the immediate transfer of this funds to your account , you have to apply first to the bank as the next of kin to the deceased indicating by sending an application and location where the money will be remitted . i will not fail to bring to your notice that this business is hitch free and that you should not entertain any fear as the whole required arrangement as been perfected for the transfer . i want to make you this offer , ( joeoti 7 @ box . az ) this is my private email address do not hesitate to reply me through this email address if you are interested . kind regards . the people ' s choice chat directory . . . only the best , most informative and interesting chatrooms listed . chat , personals , free email and more ! http : / / www . chatterhead . net",1 +"Subject: attn : i presume this mail will not be a surprise to you . i am an accountant with the ministry of mineral resources and energy in south africa and also a member of contracts awarding committee of this ministry under south africa government . many years ago , south africa government asked this committee to awards contracts to foreign firms , which i and 2 of my partners are the leader of this committee , with our good position , this contracrs was over invoiced to the tune of us $ 25 , 600 , 000 : 00 as a deal to be benefit by the three top member of this committee . now the contracts value has been paid off to the actual contractors that executed this jobs , all we want now is a trusted foreign partner like you that we shall front with his banking account number to claim the over inflated sum . upon our agreemeent to carry on this transaction with you , the said fund will be share as follows . 75 % will be for us in south africa . 20 % for using your account and other contribution that might reqiured from you . 5 % is set aside for the up front expences that will be encounter by both party to get all necessary documents and formarlities that will justify you as the rightful owner of this fund . if you are interested in this transaction , kindly reply this massege with all your phone and fax numbers , to enable us furnish you with details and procedures of this transaction . god bless you yours faithfully . joseph edward .",1 +"Subject: minimize your phone expenses unlimited web conferencing subscribe to the web conference center for only $ 40 . 00 per month ! ( connects up to 15 participants at a time plus audio charges ) manage your meetings virtually on line application sharing multi - platform compatible ( no software needed ) call anytime , from anywhere , to anywhere unlimited usage for up to 15 participants ( larger groups availabale ) lowest rate $ . 18 cents per minunte for audio ( toll charges included ) quality , easy to use service numerous interactive features free demo eliminate or reduce travel expense try this on for savings . . . and turn those unnecessary trips into problem solving and fact finding conferences , saving time and wear and tear on your overworked business staff . to find out more about this revolutionary concept , fill out the form below . required input field * name * web address company name * state * business phone * home phone email address * all information given herein is strictly confidential and will not be re - distributed for any reason other than for the specific use intended . to be removed from our distribution lists , please click here . .",1 +"Subject: none hello , this is a one time mailing . we are looking for people who might be interested in working p / t from home . this position involves working 10 - 15 hours per week . you can expect to make $ 15 - $ 25 per hour worked . to see a job description , you may go to have a great day ! - - - - this sf . net email is sponsored by : jabber - the world ' s fastest growing real - time communications platform ! don ' t just im . build it in ! http : / / www . jabber . com / osdn / xim spamassassin - sightings mailing list ",1 +"Subject: great news . youve been pre - approved for a new . . we tried to contact you last week about refinancing your home at a lower rate . i would like to inform you know that you have been pre - approved . here are the results : * account id : [ 708 - 107 ] * negotiable amount : $ 192 , 483 to $ 678 , 843 * rate : 3 . 30 % - 5 . 66 % please fill out this quick form and we will have a broker contact you as soon as possible . regards , stephen britton senior account manager lyell national lenders , llc . database deletion : www . lend - bloxz . com / r . php ",1 +"Subject: naturally irresistible your corporate identity lt is really hard to recollect a company : the market is full of sugqestions and the information isoverwheiminq ; but a good catchy logo , stylish statlonery and outstanding webslte wiil make the task much easier . we do not promise that havinq ordered a loqo your company wiil automaticaliy become a world ieader : it isquite ciear that without good products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: viagra is it the right medication for you ! welcome to the beginning of your sexual life using viagra ! money can ' t buy you happiness , but poverty can ' t buy you anything . we ' ll either hang together or we ' ll hang separately . to him that you tell your secret you resign your liberty . unlike human beings , computers possess the truly profound stupidity of the inanimate .",1 +"Subject: limited access to sensitive paypal account features as part of our security measures , we regularly screen activity in thepaypal system . we recently noticed the following issue on your account : we would like to ensure that your account was not accessed by anunauthorized third party . because protecting the security of your account is our primary concern , we have limited access to sensitive paypal account features . we know that this may be an inconvenience but pleaseunderstand that this temporary limitation is for your protection . case id number : pp - 072 - 838 - 482 to review your account and some or all of the information that paypal used to make its decision to limit your account access , please visit the resolution center or copy this link and paste it in the internet explorer bar http : / / www . paypal . com . if after reviewing your account information , you seek further clarification regarding your account access , please contact paypal by visiting the help center and clicking "" contact us "" . we thank you for your prompt attention to this matter . please understand that this is a security measure intended to help you and protect your account . we apologize for any inconvenience . sincerely , paypal account review departmentpaypal email id pp 522 ",1 +"Subject: real drugs - viagra and phentrimine ! real drugs - viagra and phentrimine order all you favorite drugs on line . click here for viagra , phentrimine and more ! remove yourself from this list by either : entering your email address below and clicking remove : or reply to this message with the word remove in the subject line . this message was sent to address cypherpunks @ einstein . ssz . com pmguid : 1 dx . 2 pdp . fsi 52 - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: big range of all types of downloadable software . software for home and office . the wise man carries his possessions within him . you make ' em , i amuse ' em . [ children ]",1 +"Subject: candy super $ money maker you are receiving this message as an opt - in subscriber to 4 best offer or one of our marketing partners . if you no longer wish to receive further offers , please send an email with discontinue to : support @ 4 bestoffer . com 4 best offer 136 74 th street north bergen , nj 07047 ",1 +"Subject: i want to mentor you this week i showed 62 people how to get over 30 sign / ups each week . how much would that be worth to you ? let me mentor you . i mentor at no charge . i will show you how to get 100 ' s of paid / for sign / ups eas . ily and without spending a cent on normal mark . eting campaigns . i can mentor you personally on a powerful "" one to one "" basis and supply you with contact details of thousands of pre - qualified people who will join your business ( subject to individual terms ) . i will make your bus / iness earn up to 500 times more than it currently is and that ' s a guarantee . i can help all types of bus / iness . opps , m / l . m , net / work mark . eting programs and any other type of web site on the ' net like mainstream or niche retail or mem . ber sites . if you are interested just ask . for example : i will show you how to drive sign / ups to your business almost handsfree . the only thing you have to do , is start the snowball rolling the and rest is fully automated . i will mentor you , to show you how to promote using e . mail mark / eting to get huge results while spending almost nothing using cheap pre - qualified targeted contact lists . i will show you how to get into the top 10 search results for 5 keywords on the best 20 search engines to include google , msn , yahoo etc . i can help anyone with any type of business . there is no restriction to the type of business you want me to help you build providing its legal . to find out if i can mentor you please send me an email to : mentor 888 @ isp - q . com with "" mentor me "" in the subject and your business name , url and own name in the message . asking for more information . = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = i reserve the right to refuse my service to anyone without breaching my code of conduct or advertising standards . in such instances i am not obliged to give a reason for refusal of my mentoring service . to find out if i can mentor you please send me an email to : mentor 888 @ isp - q . com with "" mentor me "" in the subject and your business name and url and own name in the message . note ; if i have upset you in any way by sending you this email please forgive me and send an email to : mentor 888 @ isp - q . com with the word "" off "" in the subject and i will never bother you again .",1 +"Subject: in the heart of your business ! corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes only several seconds for your company to be remembered or to be lost amonq competitors . get your ioqo , business stationery or website done riqht now ! fast turnaround : you wiii see several iogo variants in three business days . satisfaction guaranteed : we provide uniimited amount of changes ; you can be sure : it will meet your needsand fit your business . flexibie discounts : ioqo improvement , additional formats , bulk orders , special packages . creative design for competitive price : have a look at it right now ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: our goood medz hello , welcome to pharm urinary zonline s vaticinate hop - one of th mausoleum e ieading oniine pharmace clever uticai shops v susceptive l sparing gr bereavement l adoration lu contort a tarmac acl permeability a audibility isv timeserving al involute m andmanyother . t foppery otal confidentiaiity , over abstractive 5 miliion customers , worldwid indestructible e shlpplng , save o fulgurite ver 60 % ! have fustigate a nice day !",1 +"Subject: logo , stationer , website design and so much more ! lt is really hard to recollect a company : the market is full of suggestions and the information isoverwhelming ; but a good catchy logo , stylish stationery and outstanding webslte wili make the task much easier . we do not promise that havinq ordered a loqo your company wiil automaticaiiy become a worid ieader : it isguite ciear that without qood products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: restore your access security assistance it has come to our attention that your account information needs to be updated as part of our continuing commitment to protect your account and to reduce the instance of fraud on our website . just update your personal records and you will not run into any future problems with the online service . however , failure to update your records until july . 21 , 2005 your account considered as suspension . please update your records as soon as this email being sent . our system requires further account verification . case id number : pp - 563 - 002 - 410 once you have updated your account records , your session will not be interrupted and will continue as normal . as soon as possible . allowing your account access to remain limited for an extended period of time may result in further limitations on the use of your account and possible account closure . click here to update your account you can also confirm your identity by logging into your paypal account at https : / / www . paypal . com / us / . and you will be directed to the verifying page . thank you for using paypal ! the paypal team please do not reply to this e - mail . mail sent to this address cannot be answered unscribe - mailing @ paypal . com . opt : in , opt : out for assistance , log in to your paypal account and choose the "" help "" link in the footer of any page . to receive email notifications in plain text instead of html , update your preferences here . paypal email id pp 468 ",1 +"Subject: make your rivals envy lt is really hard to recollect a company : the market is full of suqgestions and the information isoverwheiming ; but a good catchy logo , styllsh statlonery and outstanding webslte wiil make the task much easier . we do not promise that havinq ordered a logo your company wiil automaticaily become a world ieader : it isguite ciear that without qood products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: term insurance is out aggressive underwriting programs such as . . . table 5 to standard on permanent cases ! other company term to permanent life insurance with non - med underwriting ! simplified and guarantee issue programs for multi - life cases ! low cost lifetime guarantees ! underwriting events ! . . . diversified brokerage specialists has been combining the very best in technology and personal service since 1946 ! make sure to ask about our full line of disability ltc products ! "" if we can ' t do it , it can ' t be done ! "" call diversified brokerage specialists today ! or please fill out the form below for more information name : e - mail : phone : city : state : visit us online at : www . dbs 50 . com we don ' t want anyone to receive our mailings who does not wish to . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insuranceiq . com / optout legal notice ",1 +"Subject: a heartwarmer : just imagine ~ welcome to heartwarmers ~ http : / / www . heartwarmers . com the best thing to happen to mornings since the sun ! your morning thought for the day : retirement at 65 is ridiculous . when i was 65 i still had pimples . - - george burns it ' s summer vacation time and parents will soon be hearing from their kids that they ' re bored . one of the biggest regrets we hear from the older generation , is that kids lack the playful imagination that was common a generation or two ago . back in the "" olden days "" , kids knew how to entertain themselves with surprisingly little . there was no such thing as playstation . kids ran outside to play kick - the - can in a game that was shockingly not organized by adults . they actually did it themselves . today , mike shares some thoughts about kids and modern imagination - - or lack thereof . . . what do you think ? support our sponsors they keep our service priceless . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ hundreds of our readers are saving a small fortune . . . heartwarmer , petwarmer and kidwarmer subscribers are discovering the tremendous benefits of using tel 3 advantage to make long distance and international calls - - some saving 90 % ! get started now by calling : 800 - 330 - 6897 . when asked for your "" activation code "" say : 311 - 673 . or you can click here to get complete details and sign up online : http : / / www . pocketwarmers . com / c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ get free software for your computer hundreds of titles to choose from . you only pay postage . in fact , order 4 disks and get free postage for the 5 th . http : / / www . pocketwarmers . com / d just imagine by michael t . smith when i married ginny , i gained a new son , daughter and four grandsons . i became an instant grandpa . over the july 4 th holiday , i got to meet my new daughter and her three boys for the first time . it took a day for my new grandsons to warm up to me . the first day they stared at me , perhaps wondering what they were supposed to do with this man , who they were told is "" grandpa . "" i waited patiently . i knew boys like to play . they ' d come to me in their own time . on day two , the oldest two were doing summersaults over my lap . the youngest , ben , took a little longer , but yesterday he raced me across the yard thirty times and won every time . the weekend brought back memories of my own childhood . we had such imaginations . in our minds , a tree was a tower to spot approaching bad guys , a big rock became a mountain , a fallen log a space ship headed to the stars . we had toys , but we had to use our imagination , not like the new toys i see my grandkids with . our toys didn ' t talk , and if they did , you pulled a string to make it work . we had blocks to build , crayons to create , trucks and cars to push . they were simple toys that required imagination . i thought about the toys in my garage , the ones i saved , when my children outgrew them . they were simple and needed their imagination to work . mr . potato head allowed them to learn parts of the body and giggle at the funny face with an ear where its mouth should have been . i still have an old plastic phone . it has a dial to turn , a bell that rings when you push a button , and that ' s it . it doesn ' t talk , squawk , beep or move around the room . it ' s simple and was used when they played house , nurse , doctor , and secretary . i have a toy doctor ' s bag , with all the plastic doctor ' s tools . i remember all the broken bones , cuts , bangs , scratches and aches my daughter repaired as i lay in her office moaning . most toys today do it all . we don ' t need imagination - - it comes in a box . video games that take us into another world or reality , talking toys , with vocabularies better than most people , computerized toys to teach the alphabet . kids sit and have imagination brought to them . the teaching toys are great , but children tire of them - - it ' s like being in school . when my son was young and tired of his toys , he would come to me and say , "" dad , i ' m bored . "" "" go find something to do , "" i ' d reply . "" i don ' t know what to do . "" "" go outside and find a friend . "" "" naaa ! i don ' t want to do that . "" "" use your imagination . "" "" huh ? "" he asked . "" well , when i was young . . . "" you know the routine . sports is the same . we ' re entertained for hours watching someone else have fun doing what they ' re good at . wouldn ' t it be better to be playing yourself ? if we don ' t like the sports available to watch , we create new ones . it doesn ' t matter what , people will pay to see it , because they need to be entertained . i haven ' t heard of world championship worm digging , but if someone offered a large cash price , people would buy tickets to scream at the contestants . i worry . are we becoming a society that needs outside influence to have fun ? i think i ' ll go climb a tree . maybe there ' s a pirate ship on the horizon or someone is attacking my castle . just imagine . - - michael t . smith michael lives in new jersey with his new wife and son . from our mailbag : ( in response to last week ' s story , cinderella men ) dear heartwarmers : last week ' s heartwarming story opened a door to memory lane . i too , was born in the 30 s and felt some of the poverty of that time . i remember my mom and dad who never complained of the fatigue that was so ever present in their lives . we were very fortunate in as much as we always had plenty of food and warm shelter . we had a garden and salvaged every edible product available - - even certain "" weeds "" that were quite tasty after mother got all the spices in them . i had several beautiful dresses made from feed sacks that i wore with pride ! we were very poor , but so rich indeed because we had love and the knowledge that god was upper most in our lives , and it taught us lessons that had never been printed in the books . i deeply appreciate those lessons of long ago because they have taught me how to handle the tough times we have encountered in this life of prosperity and promise . thank you again for your lovely story . god bless . - - do you enjoy heartwarmers ? maybe your friends would too . they can join for free by sending an email to : join @ heartwarmers . com thank you , heartwarmer angels ! a big heartfelt thank you to our heartwarmer angels . joan kiefner , el dorado hills , california jerry plantz , lees summit , missouri ila george , schertz , texas ronald & shirley tansill , atlanta , georgia don goldschen , springfield , virginia chip robinson , cambridge , massachusetts kathleen altemus , avonmore , pennsylvania keith & kay hill , camarillo , california phyllis reasoner , adrian , michigan bernadine brooks , winters , california david moneyhon , spring , texas albert blight , windsor , ontario linda king , portland , oregon judy hord , phoenix , arizona sally bible , lake oswego , oregon pam peyron , vale , oregon rayna peyron , la grande , oregon judith hurley , vail , arizona catherine waygood , east hampton , new york ethel halpin , ridge new york lizbeth crews , mcallen , texas julie casos , west jordan , utah shirley johnson , ft . oglethorpe , georgia david johnson , caseyville , illinois elaine olson , santa fe , new mexico sue mullennix , ft . wayne , indiana deborah shearer , dundalk , maryland twila escalante , grand cayman lois scott , sandpoint , idaho nancy wolf , bay shore , new york frances arellano , roland , iowa arlene millman , huntington , new york nancy eckerson , akron , new york david price , tempe , arizona marilyn myers , anderson , indiana linda barfield , mccoll , south carolina vickie kellogg , durham , north carolina vicki arcado , sandy , utah charles & victoria trenkle , palm desert , ca cheri nicodemus , baltimore , maryland debra cole , balko , oklahoma karl schmidt , pitt meadows , british columbia lisa marie coffey , oak park , california jean carlson , jamestown , north dakota nannette gaylord , new bern , north carolina jeanne escher - pickel , irving , texas lorena copeland , greensboro , north carolina leta sousa , montgomery , alabama al batt , hartland , minnesota beverly salemme , randolph , massachusetts barbara wolf , greeley , colorado joyce courson , perryton , texas david johnson , caseybille , illinois donna diciaccio , lynn , massachusetts nancee donovan , concord , new hampshire marilyn myers , anderson , indiana ann berger , colville , washington kathleen doldan , grand island , new york daria takach , garfield , new jersey terri goggin , havertown , pennsylvania suzanne shuster , south riding , virginia dick & doris miller , central point , oregon david johnson , caseyville , illinois rosemary blackman , tulare , california mary munarin , scottsdale , arizona tabitha jones , middlesboro , kentucky barbara lincks , gardena , california mary horbal , shelton , connecticut leo perry , st . paul , minnesota you can become an "" angel "" member with your contribution of $ 25 or more . your name will be proudly listed when you join . help our efforts to spread positive and uplifting messages around the planet . send to : heartwarmers , po box 527 , lewiston , ny 14092 . be sure to include your name and town . if you know someone who is seeking help - - for anything , including anger , smoking , bad habits , lack of motivation , etc - - let them know they can begin taking control of their lives today . have them check this website out : http : / / www . hypnosisdownloads . com / ? 739 we put spaces before and after the @ sign in the email addresses to prevent worms , viruses , and robots from harvesting them . if you would like to correspond , just remove the spaces . changing your email address soon ? if you are going to change your email address and want to continue receiving your heartwarmers , be sure to let us know . it ' s easy to change . send a blank email from your old email address to : remove @ heartwarmers . com then , send an email from your new email address to : join @ heartwarmers . com grace says : when diane ' s 2 - year - old grandson oggie arrived , she picked him up for a hug . "" mmm , "" diane said , "" you smell good . what smells so good ? "" oggie replied , "" screen saver . "" ( he meant sunscreen ! ) you can get kidwarmers for free by sending an email to : join @ kidwarmers . com to join ( it ' s free ! ) , send an email to : join @ heartwarmers . com to discontinue , send an email to : remove @ heartwarmers . com homepage , ad info and archives : http : / / www . heartwarmers . com your own free heartwarmers webpage : http : / / www . heartwarmers . com / freepage / directory of members ' webpages : http : / / www . heartwarmers 4 u . com / members / 70 percent off new inkjet cartridges http : / / www . heartwarmers 4 u . com / b note : nothing here may be reproduced or published in any way without the express permission of the individual authors and / or copyright owners . to unsubscribe , click on the following web page . your membership is listed as : projecthoneypot @ projecthoneypot . org",1 +"Subject: does your business depend on the online success of your website ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website oniine otherwise it will be invisible virtualiy , which means efforts spent in vain . lf you want people to know about your website and boost your revenues , the oniy way to do that is to make your site visibie in places where peopie search for information , i . e . submit your website in multiple search engines . submit your website online and watch visitors stream to your e - business . best regards , jacindamaddox _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: perfect visual solution for your business now working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buiiding a positive visual imaqe of your company by creatinq an outstandinq loqo , presentable stationery items and professional website . these marketing toois wili siqnificantiy contributeto success of your business . take a iook at our work sampies , hot deai packages and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( german , french , spanish , uk , and many others ) . all iisted software is avaiiabie for immediate downioad ! no need to wait 2 - 3 week for cd delivery ! just few exampies : - norton internet security pro 2005 - $ 29 . 95 - windows xp professional with sp 2 fuil version - $ 59 . 95 - corel draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 including ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native language ! best regards , davina ",1 +"Subject: delivery status notification ( failure ) this is an automatically generated delivery status notification . delivery to the following recipients failed . antunes @ coppead . ufrj . br",1 +"Subject: = ? iso - 8859 - 1 ? q ? lose = 20 fat = 2 c = 20 gain = 20 muscle = 20 with = 20 hgh ? = hello , [ ! to ! ] human growth hormone therapy lose weight while building lean muscle massand reversing the ravages of aging all at once . remarkable discoveries about human growth hormones ( hgh ) are changing the way we think about aging and weight loss . lose weightbuild muscle tonereverse aging increased libidoduration of penile erectionhealthier bones improved memoryimproved skinnew hair growthwrinkle disappearance visit our web site and learn the facts : click here or here you are receiving this email as a subscr - in amerig lisve yoursts , just click here http : / / xent . com / mailman / listinfo / fork",1 +"Subject: naturally irresistible your corporate identity lt is really hard to recollect a company : the market is full of suqgestions and the information isoverwheiming ; but a good catchy logo , styllsh statlonery and outstandlng webslte will make the task much easier . we do not promise that having ordered a ioqo your company wiil automaticaliy become a world ieader : it isguite clear that without qood products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: you may want to look into funding from grants . . . . government grants e - book 2002 edition you can receive the money you need . . . every day millions of dollars are given away to people , just like you ! ! your government spends billions of tax dollars on government grants . do you know that private foundations , trust and corporations are required to give away a portion of theirs assets . it doesn ' t matter , where you live ( usa only ) , your employment status , or if you are broke , retired or living on a fixed income . there may be a grant for you ! anyone can apply for a grant from 18 years old and up ! we will show you how & where to get grants . this book is newly updated with the most current information ! ! ! grants from $ 500 . 00 to $ 50 , 000 . 00 are possible ! grants don ' t have to be paid back , ever ! grants can be ideal for people who are or were bankrupt or just have bad credit . please visit our website and place your order today ! click here we apologize for any email you may have inadvertently received . please click here to be removed from future mailings . [ jk 9 ^ "" : } h & * tgobk 5 nkiys 5 ]",1 +"Subject: professionally - designed logos and identities thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom design of ioqos , stationery and web - sites . under our careful hand thesepowerfui marketinq tools wili brinq a breath of fresh air into your business and make you stand out amonqthe competitors . you are just a ciick away from your future success . ciick here to see the sampies of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: [ ilug - social ] re : guaranteed to lose 10 - 12 lbs in 30 days 10 . 148 i thought you might like these : 1 ) slim down - guaranteed to lose 10 - 12 lbs in 30 days 2 ) fight the risk of cancer ! 3 ) get the child support you deserve - free legal advice offer manager daily - deals if you wish to leave this list please use the link below . - - irish linux users ' group social events : social @ linux . ie http : / / www . linux . ie / mailman / listinfo / social for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , armandina ",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . logodentity offers creative custom desiqn of loqos , stationery and web - sites . under our careful hand these powerful marketing toois wiii brinq a breath of fresh air into your business and make you stand out amonq the competitors . you are just a ciick away from your future success . click here to see the samples of our artwork , check our prices and hot offers",1 +"Subject: are you happy about your size and sexual performance ? experience more powerful orgasms http : / / www . siratu . com / ss / our thoughts are free . less is more . the best way out is always through . patience is the companion of wisdom . one swallow does not make a summer .",1 +"Subject: get your babies diapers bill paid for , for a year ! your family could definately use this , now go . kaazqchn",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . logodentity offers creative custom design of loqos , stationery and web - sites . under our carefui hand these powerfui marketing toois wili bring a breath of fresh air into your business and make you stand out among the competitors . you are just a click away from your future success . ciick here to see the samples of our artwork , check our prices and hot offers",1 +"Subject: affordable online prescripiton here caucasus brenda pontific locate your prescription immediately ! we have all tablets you could possibly need ! all your needs in one shop ! stop receiving promotional material now contemporaneous shaky deleterious cathodic ",1 +"Subject: internet news feeds for executives dfvht finally , a newsfeed that delivers current and relevant sales , marketing & advertising articles from such magazines as business 2 . 0 , fast company , technology marketing , wired , pc world , asia street intelligence , inc , bank technology . . . all in one location font - size : 16 px ; color : # 000066 "" > easy to read . easy to use . easy on your time . providing the internets ' most comprehensive web directory for sales , marketing font - size : 14 px ; color : # 000000 "" > today ' s top business magazine reviews along with a wide selection of articles from relevant sales and marketing topics . gain access to all the suppliers and resources you need to do your job effectively . if you can ' t find the supplier or resource that you need . . . one of our reps will go to work to find it for you . business 2 . 0 , fast company , technology marketing , wired , pc world , asia street intelligence , inc , bank technology and more you are receiving this e - mail because you have opted - in to receive special offers from offersrus . net or one of it ' s marketing affiliates . if you feel you have received this e - mail in error or do not wish to receive additional special offers , please scroll down to unsubscribe . this e - mailing has been sent to you as a person interested in the information enclosed . this e - mail is not spam under the federal regulatory laws of the united states . this message is being sent to you in compliance with the proposed federal legislation for commercial e - mail ( h . r . 4176 - section 101 paragraph ( e ) ( 1 ) ( a ) ) and bill s . 1618 title iii passed by the 105 th us congress . we sincerely apologize for any inconvenience . this message is not intended for residents of wa , nv , ca , va . screening of addresses has been done to the best of our technical ability . if you are a california , nevada , washington , or virginia resident please follow the instructions below and you will be permanently removed from our list immediately . if you would like to be removed from our e - mail list , please click on the words remove me click send , and you will be removed from our list immediately . ubyrpqtetxjyuyqyfjtie",1 +"Subject: we will guide you thru all of the answers to your questions about laser vision correction . there ' s a good chance you could throw your glasses and contacts away . information for you now . tuaujryt",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , ardith ",1 +"Subject: you don _ t know how to get into search engine results ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website oniine otherwise it wiil be invisible virtualiy , which means efforts spent in vain . lf you want peopie to know about your website and boost your revenues , the oniy way to do that is to make your site visible in places where peopie search for information , i . e . submit your website in muitipie search engines . submit your website online and watch visitors stream to your e - business . best reqards , brianneholden _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: take the pill and enjoy great sex the men is rich when he is healthy ! let your life be a counter friction to stop the machine . human reason is by nature architectonic . all professions are conspiracies against the laity .",1 +"Subject: mail delivery failed : returning message to sender this message was created automatically by mail delivery software ( exim ) . a message that you sent could not be delivered to one or more of its recipients . this is a permanent error . the following address ( es ) failed : info @ markenweine . info smtp error from remote mailer after rcpt to : : host a . mx . markenweine . info [ 194 . 180 . 104 . 146 ] : 554 : relay access denied - - - - - - this is a copy of the message , including all the headers . - - - - - - return - path : received : from aji 232 . neoplus . adsl . tpnet . pl ( [ 83 . 25 . 242 . 232 ] helo = mailwisconsin . com ) by mail . work . de with smtp ( exim 3 . 35 # 1 ( debian ) ) id ldupje - 0006 gu - 00 for ; tue , 19 jul 2005 12 : 54 : 03 + 0200 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 09360200 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : info @ markenweine . info user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbelivabie !",1 +"Subject: any med for your girl to be happy ! your girl is unsatisfied with your potency ? don ' t wait until she finds another men ! click here to choose from a great variety of llcensed love t @ bs ! best pri $ es , fast shippinq and quaranteed effect ! here you buy it riqht from warehouse ! the store is verlfied by bbb and approved by vlsa ! ",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is stronq enough for a man , but made for a woman ; - ) orderinq viaqra oniine is a very convinient , fast and secure way ! millions of people do it daiiy to save their privacy and money order here . . . ",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactiy when you want . ciaiis has a lot of advantaqes over viaqra - the effect lasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with aicohol ! we ship to any country ! get it riqht now ! . ",1 +"Subject: subprime refi mail sale subprime refi mail sale do you want 50 + new refi ' s in your pipeline this month ? if so , please tell us two things : what type of borrowers do you want calling in and how many calls you can handle per week ? we do the rest ! we can have your phones ringing within 7 daysturnkey direct mail campaigns include : 1 . powerful proven mail pieces 2 . 100 % targeted database 3 . exclusive market area availability 4 . postage with usps priority mail deliveryyou just answer the phones and write the loans ( 1003 ' s ) call : 1 - 877 - 266 - 0908 or email us at : info @ . comvisit us at www . . com ask about our subprime refi mail sale ! ! ! we will fill your pipeline ! infinity has been specializing in direct mail campaigns for the mortgage industry for 15 years to unsubscribe please email usaone @ cyberverse . com ",1 +"Subject: 25 mmg works wonders how to save on your m buoyancy edlcatlons over 60 % . p coalite harmazmail shop - successfull and proven way upborne to save your mo methodist ney . voltairian v a educated g woodgrouse l plantain lu benzene l r fatidical ac stickle la i candied s bimonthly val phaeton m andmanyother . * best prlc passport es * around worldwide shlpplng * total confiden rostrate tiaiity * over 5 handball miliion customers bibliophile have a nice day !",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactly when you want . ciails has a iot of advantaqes over viaqra - the effect lasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with aicohoi ! we ship to any country ! get it right now ! . ",1 +"Subject: security alert - confirm your ebay information ebay suspension need help ? dear valued ebay member , we regret to inform you that your ebay account has been suspended due to concerns we have for the safety and integrity of the ebay community . per the user agreement , section 9 , we may immediately issue a warning , temporarily suspend , indefinitely suspend or terminate your membership and refuse to provide our services to you if we believe that your actions may cause financial loss or legal liability for you , our users or us . we may also take these actions if we are unable to verify or authenticate any information you provide to us . due to the suspension of this account , please be advised you are prohibited from using ebay in any way . this includes the update of your actual account . if you could please take 5 - 10 minutes out of your online experience and update your personal records you will not run into any future problems with the online service . please update your records by the 23 of july . once you have updated your account records your ebay session will not be interrupted and will continue as normal . to update your ebay records click on the following link : regards , safeharbor department ebay , inc . ",1 +"Subject: you can win an extreme bedroom makeover valued at 50 k ! win an extreme bedroom makeover . win the chance to completely remodel with brand new furnishings and top accessories ! get products from sony ( r ) , panasonic ( r ) , samsung ( r ) , macy ' s ( r ) , and furniture . com ( r ) bonus - enter today and win a classic master bath or create the custom bath oasis of your dreams . . . select tile , plumbing fixtures , cabinets , countertops , and lighting . top it off with a luxury shower tower or whirlpool - or both ! just to make sure your makeover is complete . . . we ' re throwing in a $ 5 k shopping spree at sears ( r ) ! ymjscytxnvpf",1 +"Subject: failed mail your message to mxo 0 . mail . bellsouth . net was rejected . i said : rcpt to : and mxo 0 . mail . bellsouth . net [ 205 . 152 . 59 . 32 ] responded with 550 invalid recipient :",1 +"Subject: glasglow follow up hello objective - view . de i wanted follow up to yesterdays email to point out the glasglow partner program to those who may be interested . we offer a 40 % discount and exclusive license agreement for your region . we do dropship using dhl free of charge . if this may be something that interests you please let me know . if we are already in negotiation , exchanged links or you have listed yourself on the remove list please disregard this email and no further reply is required . sincerely michael www . glasglow . com if you do not wish to receive further updates please enter your email at http : / / www . cbxsales . com / un . html . they have agreed to send us the remove lists so that we do not keep bothering those that do not wish to be bothered .",1 +"Subject: http : / / www . foulston . com hello , i have visited www . foulston . com and noticed that your website is not listed on some search engines . i am sure that through our service the number of people who visit your website will definitely increase . seekercenter is a unique technology that instantly submits your website to over 500 , 000 search engines and directories - - a really low - cost and effective way to advertise your site . for more details please go to seekercenter . net . give your website maximum exposure today ! looking forward to hearing from you . best regards , vanessa lintner sales marketing www . seekercenter . net you are receiving this email because you opted - in to receive special offers through a partner website . if you feel that you received this email in error or do not wish to receive additional special offers , please enter your email address here and click the button of remove me : ",1 +"Subject: 5000 full color postcards for $ 329 pure postcards 1227 s . lincoln ave . clearwater , fl 33756 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: you don _ t know how to attract customers to your website ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website online otherwise it will be invisible virtually , which means efforts spent in vain . if you want people to know about your website and boost your revenues , the only way to do that is to make your site visible in places where people search for information , i . e . submit your website in multiple search engines . submit your website online and watch visitors stream to your e - business . best regards , anderson west",1 +"Subject: still wanna her ? : - ) you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactly when you want . ciaiis has a iot of advantaqes over viaqra - the effect lasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with alcohol ! shipping to any country available ! get it right now ! . ",1 +"Subject: checking account update dear reader : we sometimes approach our analysts for their thoughts on emerging market sectors we ' re interested in . on certain occasions , they come to us with intriguing insights of certain aspects of the market that have caught their attention . as you know our track record speaks for itself we are happy to bring you another situation with huge upside potential we think this could be the one that when we look back shortly everyone will be saying i should have more . for more info click here ! ! ! remember : nothing ventured nothing gained ",1 +"Subject: no pills , no pumps - its the patch experience more powerful orgasms http : / / www . siratu . com / ss / give me where to stand , and i will move the earth . only a fool walks backwards into the future . poetry is a way of taking life by the throat . i am certain there is too much certainy in the world . a word to the wise is infuriating .",1 +"Subject: look ! desparately seeking 100 lazy people . . . . who wants to make money this is not spam . thanks for posting to our promotional web sites . if you wish to no longer receive email from us at this email address , or if you feel you received this email in error please send an email message to solution 244 @ hotmail . com with "" remove "" placed in the subject line dear friend , we are desparately looking for 100 lazy people who wish to make lots of money without working . we are not looking for people who are self - motivated . we are not looking for people who join every ' get rich quick ' scheme offered on the internet . we are not looking for class presidents , beautiful people , career builders or even college graduates . we don ' t even want union workers or trade school graduates . we want the laziest people that exist - the guys and gals who expect to make money without lifting a finger . we want the people who stay in bed until noon . we want those of you who think that getting out of bed to go lay on the couch is an effort that is best not thought about . if you meet this criteria , go to this site and join free : in case you haven ' t figured it out yet , we want the kind of people who do not take risks . if you are the kind of person who will consider doing something that ' s not a ' sure thing ' , then do not respond . this is too easy a way to make money and there ' s no challenge in it . if you can get to the website , you will be able to see the first home business in history that requires no work . none . by clicking on this link and going to this website , you will be aknowledging the fact that you want to make enough money that you can quit your regular job and sleep all day . we are not looking for a commitment from you and we don ' t even want your money . as a matter of fact , we don ' t even want you to hear from us again if the idea of making lots of money without working does not interest you . so if nothing else , remember this - to make money without working for it just "" join free "" . simple as that . we look forward to hearing from you . in all seriousness , this is not a "" no work "" program that will make you money without lifting a finger . advertising effectively requires work and plenty of it . oh , for sure , it ' s not like picking cotton under a broiling sun , but it is work , nonetheless . and we do want peoples ' money only when they see the value of our products , services and upgrades . we look forward to hearing from you . cordially your lazy friend , theresa brown we have 10 extremely targeted safe - lists for you to use daily in your advertising campaign ! this is spam - free , worry - free advertising at its best ! get your promotion to prosperity & peace sow a seed and god will meet your need ! give to your local charitable organization life in the word www . joycemeyer . org success begins in the mind ! * * * make it a great day * * *",1 +"Subject: you ' ve won ! confirmation number 567842 you are receiving this email as a subscriber to the dealsuwant mailing list . to remove yourself from this and related email lists click here : unsubscribe my email under bill ( s ) 1618 title iii by the 105 us congress , per section 301 , paragraph ( a ) ( 2 ) of s . 1618 , a letter cannot be consideyellow spam if the sender includes contact information and a method of removal . ",1 +"Subject: returned mail : see transcript for details the original message was received at tue , 19 jul 2005 12 : 59 : 14 + 0200 from chelloo 81018216102 . chello . pl [ 81 . 18 . 216 . 102 ] - - - - - the following addresses had permanent fatal errors - - - - - ( reason : insufficient permission ) - - - - - transcript of session follows - - - - - maildrop : maildir over quota . 550 5 . 0 . 0 . . . insufficient permission",1 +"Subject: elektronik lottery promotion prize awards ! ! ! from : government accredited licensed lottery promoters . winning notice for category \ "" a \ "" winner dear lucky winner , re : elektronik lotto promotion prize awards winning notification we are pleased to inform you of the result of the just concluded annual final draws of lotto international netherlands programs . the online cyber lotto draws was conducted from an exclusive list of 25 , 000 e - mail addresses of individual and corporate bodies picked by an advanced automated random computer search from the internet . no tickets were sold . after this automated computer ballot , your e - mail address emerged as one of two winners in the category \ "" a \ "" with the following : ref number : pc 390 es 214 batch number : 26371545 - lni / 2005 ticket number : pcp 002 871 you as well as the other winner are therefore to receive a cash prize of 1 , 500 , 000 . 00 . ( one million , five hundred thousand euro only ) each from the total payout . your prize award has been insured with your e - mail address and will be transferred to you upon meeting our requirements , statutory obligations , verifications , validations and satisfactory report . to begin the claims processing of your prize winnings you are advised to contact our licensed and accredited claims agent for category \ "" a \ "" winners with the information below : mr . van bell , remittance department director , tel : + 31 617 186 560 e - mail : vanbell @ nzoomail . com vanbell 2005 @ web - mail . com . ar you are also advised to provide him with the under listed information as soon as possible : 1 . name in full 2 . address 3 . nationality 4 . age 5 . occupation 6 . phone / fax note : all winnings must be claimed not later than 14 days . after this dateall unclaimed funds would be included in the next stake . remember to quote your reference information in all correspondence . you are to keep all lotto information away from the general public especially your reference and ticket numbers . ( this is important as a case of double claims will not be entertained ) . members of the affiliate agencies are automatically not allowed to participate in this program . thank you and congratulations ! ! ! yours faithfully , mrs . lynn rowlands , games / lottery coordinator . lotto international netherlands www . lotto . nl this email may contain information which is confidential and / or privileged . the information is intended solely for the use of the individual or entity named above . if you are not the intended recipient , be aware that any disclosure , copying , distribution or use of the contents is prohibited . if you have received this electronic transmission in error , please notify the sender by telephone or return email and delete the material from your computer . mail sent from webmail service at php - nuke powered site - http : / / skdclan . wwwpuntocom . com",1 +"Subject: first - class quality . economic pricing . quicker effects . safety assurance . i am a repeat buyer of your eshop . i found out . additional varieties . on the site . it ' s really great . - - tiffany m . in nc it is better value . for your greenbacks . we provide medz at specialprices . http : / / 5 x . ra . geturdear . com / uom / - - - - - original message - - - - - from : brian @ a . com [ mailto : quinn @ dcmy . com ] sent : thursday , march 4 , 2005 0 : 20 pm to : elvis ; kory @ wgay . com ; jarod ; emilio ; harrison subject : you would hate yourself . if you reject this chance . to reduce expenditures on quality taablets ? inte - rnetpharmacy dedicated a wide variety of generic medicines at ' unbelievable ' prices . our licensed physicians issue gratis prescrip . tion and consultations as a ' plus ' conveniences to you . middle of a wood . it immediately took root , sprouted , and sent out and then elizabeth was happy again . these were her internal persuasions : as to captain wentworth ' s views , she deemed it of more consequence",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( qerman , french , spanish , uk , and many others ) . ali iisted software is availabie for immediate downioad ! no need to wait 2 - 3 week for cd delivery ! just few examples : - norton internet security pro 2005 - $ 29 . 95 - windows xp professional with sp 2 fuil version - $ 59 . 95 - corei draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 includinq ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native language ! best regards , zaida ",1 +"Subject: get rid of premature ejaculation and last longer new penis enlargement patches ! http : / / www . retdehola . com / ss / self is the only prison that can bind the soul . to the uneducated , an a is just three sticks . from the sublime to the ridiculous is but a step . no nice men are good at getting taxis . a man cannot be too careful in the choice of his enemies .",1 +"Subject: = ? iso - 8859 - 1 ? q ? fw : _ cd _ nua _ do _ dhamhsa = ed _ ch = e 9 il = ed ? = - - - - - original message - - - - - from : rathcairn to : automail script ; automail script ; astraea @ iol . ie ; ?se tobin ; arabenl 6313168 @ hotmail . com ; aofarachain @ tinet . ie ; aofarachain @ eircom . net ; anthony gorman ; ann - mari bergkvist ; annemarie meehan ; annemarie mcdonnell ; anne 7172 @ arabia . com ; anna swelund ; anna ni thuama ; ann faherty ; anewloan @ mail . ru ; andy plunkett ; andrew delany ; andrea nic oscair ; an fhiontarlann ; amurtagh @ tinet . ie ; amanda n? ghuidhir ; als 2 @ hotmail . com ; alpha @ fun . 21 cn . com ; allen moira ; allen carberry ; alex _ doyle @ ie . ibm . com ; alan mcgowan ; alain civel ; aishling n? raghallaigh ; ?ine m?ire n? choile?in ; aine guilfoyle ; ailin . nichuir @ ucd . ie ; ail?n n? h?g?in ; aileen o ' meara , rte ; advisor @ physiciansblend . net ; adshwe @ bekkers . com . au ; adrian 28 @ esatclear . ie ; admin ; ade kallas ; adare productions ; abqewvbgf @ iinet . net . au ; aal 133777 @ yahoo . com ; a _ crothers @ looksmart . com . au ; 89 ok 7 yumhjn @ msn . com ; 12 unidiploma @ msn . com ; ogbvll 2 jf @ solvo . spb . su ; daithi mac carthaigh ; d 7596 @ go . ru ; d 23463 @ portugalmail . com cc : 09886 w @ ams . com . br ; 0815 @ activate . de ; 01 bb 91 b 2 . 7 e 887960 @ genesys . pt ; 00 luke @ upline . se sent : tuesday , may 21 , 2002 3 : 47 pm subject : cd nua do dhamhsa? ch?il? a chara , email gairid le cur in i?l duit faoi dhl?thdhiosca nua at? ar f?il dona damhsa? ch?il? is coitianta i measc daoine ?ga . t? ceol ar dona damhsa? seo a leanas : balla? luimn? briseadh na carraige baint an fh?ir ionsa? na hinse port an fh?mhair cor na s?og r?ic? mh?la tonna? thora? droichead ?tha luain staic?n eorna se?in?n cor beirte shoe the donkey waltzes agus eile is f?idir an cd a cheannach tr?d www . damhsa . com n? 086 8339082 le meas , brian ? broin ",1 +"Subject: re : [ 1 ] save over $ 70 on this exquisite software suite . 32004 take control of your computer with this top - of - the - line software ! norton systemworks 2002 software suite - professional edition - includes six - yes 6 ! - feature - packed utilitiesall for 1 special low price of only $ 29 . 99 ! this software will : - protect your computer from unwanted and hazardous viruses - help secure your private valuable information - allow you to transfer files and send e - mails safely - backup your all your data quick and easily - improve your pc ' s performance w / superior integral diagnostics ! - you ' ll never have to take your pc to the repair shop again ! 6 feature - packed utilities 1 great price a $ 300 + combined retail value yours for only $ 29 . 99 ! price includes free shipping ! and for a limited time buy any 2 of our products get 1 free ! don ' t fall prey to destructive viruses or hackers ! protect your computer and your valuable information and - click here to order yours now ! - or call toll - free 1 - 800 - 861 - 1481 ! your email address was obtained from an opt - in list . opt - in imcas ( ineternet mail coalition against spam ) approved list - reference # 3 r 3109 uz . if you wish to be unsubscribed from this list , please click here . allow 5 business days for removal . if you have previously unsubscribed and are still receiving this message , you may email our spam abuse control center . we do not condone spam in any shape or form . thank you kindly for your cooperation . ",1 +"Subject: your online sales are low because you don _ t have enough visitors ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website oniine otherwise it wiil be invisibie virtuaiiy , which means efforts spent in vain . if you want peopie to know about your website and boost your revenues , the only way to do that is to make your site visible in places where peopie search for information , i . e . submit your website in multiple search engines . submit your website online and watch visitors stream to your e - business . best reqards , springmorqan _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: hi ho aussie w to save on your medlcatlons over 60 % . pharma rectangular mail shop - successfull and pro malacca ven way to save your ladies money . committee \ a sample g either l demonstrative lu / prorate l antitank racl exercise a impassivity isv caster al savoury m andmanyother . * unimpaired best prlces * world unbuttoned wide shlpplng * total confidentiaii unprompted ty * over 5 miliion custom seductive ers have evacuate a nice day !",1 +"Subject: make your rivals envy lt is really hard to recollect a company : the market is full of sugqestions and the information isoverwhelminq ; but a good catchy logo , stylish statlonery and outstandlng webslte wiii make the task much easier . we do not promise that having ordered a iogo your company wili automaticaiiy become a worid ieader : it isquite ciear that without qood products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: clear benefits of creative design lt is really hard to recollect a company : the market is full of sugqestions and the information isoverwhelminq ; but a good catchy logo , stylish statlonery and outstanding webslte wiil make the task much easier . we do not promise that havinq ordered a logo your company will automaticaily become a worid leader : it isguite clear that without qood products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: adv : win a green card and become a u . s citizen ! the united states has a program , called diversity immigrant visa lottery ( better known as the green card lottery ) , making available each year by random selection 50 , 000 permanent residence visas ( green cards ) to people from around the world . the objective of the program is to issue green cards to individuals born in countries with historically low levels of immigration to the united states . a green card is a permanent residence visa of the u . s . a . a green card will give you legal right to work and live permanently in the united states . green card holders receive health , education , and several other benefits . if you win a green card , you can apply for u . s . citizenship at a later time . the green card does not affect your present citizenship . you and your family could be lucky winners ! your email address was obtained from a purchased list , reference # 00193 . if you wish to unsubscribe from this list , please click here . if you have previously unsubscribed and are still receiving this message , you may email our abuse control center , or call 1 - 888 - 763 - 2497 , or write us at : nospam , 6484 coral way , miami , fl , 33155 . - - - - this sf . net email is sponsored by : jabber - the world ' s fastest growing real - time communications platform ! don ' t just im . build it in ! http : / / www . jabber . com / osdn / xim spamassassin - sightings mailing list ",1 +"Subject: your in - home source of health information right place to look for buying cheap viagra online ! light be the earth upon you , lightly rest . you never lose by loving . you always lose by holding back . the road to true love never did run smooth .",1 +"Subject: re : we have all your favorite programs at incredibly low prices the cheapest p * c prices bundle 1 : windows x * p pro & office x * p pro only 8 o 15 o dollars we might have just what you need : bundle 2 : macromedia studio mx 2 oo 4 - 18 o dollars we might have just what you need : bundle 3 : adobe creative suite full - 2 oo dollars the offer is valid untill june 17 th virtual store stock is limited regards , tyree sanchez orthodontist retroscreen virology ltd . , london , el 4 ns , united kingdom phone : 571 - 396 - 7479 mobile : 354 - 117 - 9463 email : robvofjfdx @ flashmail . net this is a confirmation message this product is a 16 day definite software notes : the contents of this paper is for your exclusive use and should not be hour exponent cpu deject wrack time : sun , 24 apr 2005 08 : 15 : 35 - 0800",1 +"Subject: i think you might be interested 2005 - 07 - 05 18 : 53 : 34 hello marcotitzer , i just found a site called graand . com - a free and safe place on the internet to place classified ads . i thought i should invite you to check it out . regards , walker musrbfi 3 dgourpxc 4 fvaodpdof 3 emwnloqlqdk 9 2005 - 07 - 07 06 : 07 : 39",1 +"Subject: een avontuurtje is oke , als je dit bericht niet kan lezen , klik hier . je hebt dit bericht ontvangen omdat je in de db smsmag / kdotv bent . om uit te schrijven , klik hier . ",1 +"Subject: very uuseful attache how to save on your medlcations over 70 % . pharmsho fructiferous p - successfull and proven way unquestionable to save your strategics money . cevitamic v apodal ag impanel al shoveller lu cratch l dissyllable ra nonius cl barebacked isva undetermined l cotillon m andmanyother . best prl circumnavigator ces . w conservator orldwide shlpplng . easy order for emboss m . total confid lenticular entiaiity . 250 , 000 correctly satisfied customers . o distracted rder today and save !",1 +"Subject: best deals on all generic viagra and generic cialis alternatives with guaranteed lowest prices viagra is the # 1 med to struggle with mens ' erectile dysfunction . float like a butterfly , sting like a bee . humanity is acquiring all the right technology for all the wrong reasons . education is a progressive discovery of our own ignorance .",1 +"Subject: don ' t lose your data ! prevent future computer problems at a fraction of the cost of repairs web and order form : pro - techonline . com e - mail - info @ pro - techonline . com fax 206 - 937 - 4315 call today at 1 - 800 - 726 - 5997 understand the operating environments your systems are in , computers by their very nature , pull air in to keep their parts cool . their fans work 24 / 7 keeping cool . the problem with this is over a period of time dust , dirt and smoke , will build up and damage your computer . q damage your computer chips q destroy the data on your hard drive q melt the mother board what does this mean to you ? all of your information could be lost forever ! all of your files and data - works in progress - and contacts could be destroyed ! the information you have saved is a thousands times more valuable than the computer itself . thats why technicians recommend backups for your data . its all p r e v e n t a b l e ! the pro - tech computer filtration system simply works by filtering the air before air reaches your computers sensitive internal components . the system is set up at the base of your computer , with 2 easy steps , and is positioned in front of your computers air intake , filtering 98 % of the air particles that would otherwise get into your systems . for a little as $ 24 . 95 plus shipping , you can make sure you are completely protected and never worry about dust , smoke , moisture , etc . damaging your computer again ! web and order form : pro - techonline . com e - mail - info @ pro - techonline . com fax 206 - 937 - 4315 product availability : please allow up to 10 days for delivery . pro - tech will do everything we can to ship your order as soon as possible and notify you of the estimated time of delivery . for great rates on quantity , and wholesale pricing : order 5 or more and receive a 10 % discount ! wholesale orders save up to 20 % or more ! pro - tech uses ups ground for shipping and handling $ 5 . 85 pro - tech prides it self on protecting consumers financial privacy and safety . no more cans of air , no more bags , no more computer vacs . perfect for home , office , and industry model # 1 $ 24 . 95 model # 2 $ 29 . 95 model # 3 $ 36 . 95 our systems are fully adjustable and will fit any computer , one size fits all . installs in seconds ! step # 1 : place the base of the filtration system onto your computer . step # 2 : place the top of the filtration system onto the base . youre all set ; and you can access your disk drives as needed . replacement filters 1 size filter fits all three systems a package of 4 large heavy duty hepa filters , micron rated and designed , to last up to 6 months , $ 9 . 85 perfect for industry . alternative replacement filters a large heavy duty diffusion dual stage filtering material . designed to last up to 6 months . package of 4 $ 7 . 85 perfect for home and office . call today at 1 - 800 - 726 - 5997 web and order form : pro - techonline . com e - mail - info @ pro - techonline . com fax 206 - 937 - 4315 pro - tech filtration systems 3701 sw southern seattle , wa 98216 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: the money control system the money control system would your lifestyle change if you had an extra $ 10 , 000 each and every month ? find out now ! the money control system how you can get rich , stay rich enjoy being rich with the money control system . here ' s what people are saying . i don ' t have any financial worries . . . i can now pursue the interests and hobbies and the things i want to do . . . the mutual funds we are into are rated among the top five . . . we are looking at probably 15 % , 20 % return . . . my goal was specifically to take the $ 10 , 000 that i managed to accumulate through savings , invest that and , in a period of nine months to a year , come back with at least $ 15 , 000 . i came back with $ 16 , 000 . i saved in taxes alone what i paid for my kid ' s first year of college . anyone who can learn from money control would be crazy to pass up the chance . the control steps work so well that anyone can become a millionaire . i ' m not a millionaire yet , but i ' m living like one . i call my time my own , and work whenever i decide to . i am only 30 years old , so i plan to work another five years and retire with the income from a million dollars worth of investments . before the money control system showed me the way , i would never have believed it possible . me , a millionaire ! b . h . salt lake city ut click here to learn more and change your life ! ",1 +"Subject: grand - slam stox momentum alert issued for july 6 - 8 , 2005 explosive pick for our members - - up 0 . 52 ( 13 . 16 % ) ! tuesday july 5 th ! ! ! ! ! see tuesday july 5 th , heavy trading has started 6 x its normal 10 day avg , ride the stairway to heaven ! ! ! ! good day to all broker ' s , day trader ' s and investor ' s world stock report has become famous with some great stock picks in the otc , small cap market ' s ! ! ! ! ! ! ! ! ! ! here at world stock report we work on what we here from the street . rumor ' s circulating and keeping the focus on the company ' s news . we pick our companies based on there growth potential . we focus on stocks that have great potential to move up in price . ! ! ! ! ! ! while giving you liquitity . our latest pick is cdgt . symbol : cdgt friday july lst $ 3 . 90 current price : $ 4 . 43 short term 5 day projection : $ 8 - 9 we give it to you again as a gift . this company is doing incredible things . thay have cash and have made great strategic aquisitions . current price $ 4 . 43 . word on the sreet is strong buy . this company has dropped big new ' s in the past . who ' s to say they don ' t have another big one . * * * * * * * * * * * * press release * * * * * * * * * * * * * * * * * * * * press release * * * * * * * * * * * * * * * * * * * * * press release source : china digital media corporation china digital media corporation announces an investment in second television drama - ' xiguan affairs ' hong kong , june 29 / xinhua - prnewswire / - - china digital media corporation ( ' ' digimedia ' ' ) ( otc : cdgt - news ; otc bulletin board : cdgt - news ) with its subsidiaries ( together the ' ' group ' ' ) announced today the group is committed to invest rmb 4 , 680 , 000 for a minority interests in a television drama , ' ' xiguan affairs ' ' , in the peoples republic of china with guangdong runshi movie & music production co . , ltd . ( ' ' runshi ' ' ) through the group ' s affiliated partner - - guangdong huaguang digimedia culture development limited ( ' ' huaguang ' ' ) . advertisement xiguan affairs is a 36 - episode classic television drama and which is filmed in guangdong province . the drama is in its post - production stage and scheduled for a television debut in the second half of 2005 . the company has reached sales agreements with more than half of provincial television stations which cover at least half of the 1 . 14 billion tv viewers in china . the company expects the drama will generate profits in 2005 . ' ' this is the second project to partner with huaguang and runshi and it has already produced an encouraging result that the response from the market is exciting . remember this is a stong buy recommendation . . . disclaimer : information within this email contains "" forwardlooking statements "" within the meaning of section 27 aof the securities act of 1933 and section 21 b of thesecurities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beliefs , plans , projections , objectives , goals , assumptions or future events or performance are not statements of historical fact and may be "" forward looking statements . "" forwardlooking statements are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which could cause actual results or events to differ materially from those presently anticipated . forward looking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" will , "" "" anticipates , "" "" estimates , "" "" believes , "" understands "" or that by statements indicating certain actions "" may , "" "" could , "" or "" might "" occur . risk factors include general economic and business conditions , the ability to acquire and develop specific projects , the ability to fund operations and changes in consumer and business consumption habits and other factors overwhich the company has little or no control . the publisher of this newsletter does not represent that the information contained in this message states all material facts or does not omit a material fact necessary to make the statements therein not misleading . all information provided within this email pertaining to investing , stocks , securities must be understood as information provided and not investment advice . the publisher of this newsletter advises all readers and subscribers to seek advice from a registered professional securities representative before deciding to trade in stocks featured within this email . none of the material within this report shall be construed as any kind of investment advice or solicitation . many of these companies are on the verge of bankruptcy . you can lose all your money by investing in this stock . we urge you to read the company ' s sec filings now , before you invest . the publisher of this newsletter is not a registered invstment advisor . subscribers should not view information herein as legal , tax , accounting or investment advice . in compliance with the securitiesact of 1933 , section 17 ( b ) , the publisher of this newsletter is contracted to receive six hundred thousand free trading shares from a third party , not an officer , director or affiliate shareholder for the circulation of this report . be aware of an inherent conflict of interest resulting from such compensation due to the fact that this is a paid advertisement and is not without bias . the party that paid us has a position in the stock they will sell at anytime without notice . this could have a negative impact on the price of the stock , causing you to lose money . all factual information in this report was gathered from public sources , including but not limited to sec filings , company websites and company press releases . the publisher of this newsletter believes this informationto be eliable but can make no guarantee as to its accuracy or completeness . use of the material within this email constitutes your acceptance of these terms .",1 +"Subject: heatt kills hello , cbs / a mythicize p news a r overman ecord heat wave has led to the deaths of 180 peopl fortuneless e in phoenix , most of them homeless , l nonsensical eaving officials scrambling to provide water and shelter to the city ' s transient population . read more . . .",1 +"Subject: first - level designers available for you corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes oniy several seconds for your company to be remembered or to be lost among competitors . get your loqo , business stationery or website done right now ! fast turnaround : you will see several iogo variants in three business days . satisfaction guaranteed : we provide unlimited amount of changes ; you can be sure : it wiii meet your needs and fit your business . flexible discounts : logo improvement , additionai formats , bulk orders , special packages . creative design for competitive price : have a look at it right now !",1 +"Subject: your order hwjw learn how to use the easy signup for a paypal account to make a lot of money on your own how to use your paypal account to make up $ 15 , 000 or more in just 30 days with worldwide participation ! - you can participate if paypal is in your country - here is a list of all paypal countries if you wish to stop receiving our promo pleases reply with subject remove 1658999 ",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is strong enough for a man , but made for a woman ; - ) orderinq viaqra oniine is a very convinient , fast and secure way ! miliions of peopie do it daiiy to save their privacy and money order here . . . ",1 +"Subject: new love tabs shop . visit our llcensed online dragstore for the best inexpensive love drags ! viagra , ciaiis , softtabs and many other love enhancers aii in one ! operative support , fast shipping , secure payment processing and complete confidentiality ! click here to find your verifled by bbb and approved by visa iove pil 1 ! ",1 +"Subject: paypal account review r dear valuedpaypalmember : paypal is committed to maintaining a safe environment for its community of buyers and sellers . to protect the security of your account , paypal employs some of the most advanced security systems in the world and our anti - fraud teams regularly screen the paypal system for unusual activity . recently , our account review team identified some unusual activity in your account . in accordance with paypal ' s user agreement and to ensure that your account has not been compromised , access to your account was limited . your account access will remain limited until this issue has been resolved . this is a fraud prevention measure meant to ensure that your account is not compromised . in order to secure your account and quickly restore full access , we may require some specific information from you for the following reason : we would like to ensure that your account was not accessed by an unauthorized third party . because protecting the security of your account is our primary concern , we have limited access to sensitive paypal account features . we understand that this may be an inconvenience but please understand that this temporary limitation is for your protection . case id number : pp - 040 - 187 - 541 we encourage you to log in and restore full access as soon as possible . should access to your account remain limited for an extended period of time , it may result in further limitations on the use of your account . however , failure to restore your records will result in account suspension . please update your recordson or beforejuly 27 , 2005 . once you have updated your account records , yourpaypal session will not beinterrupted and will continue as normal . to update your paypal records click on the following link : https : / / www . paypal . com / cgi - bin / webscr ? cmd = _ login - run thank you for your prompt attention to this matter . please understand that this is a security measure meant to help protect you and your account . we apologize for any inconvenience . sincerely , paypal account review department paypal email id pp 522 accounts management as outlined in our user agreement , paypal willperiodically send you information about site changes and enhancements . visit our privacy policy and user agreement if you have any questions . http : / / www . paypal . com / cgi - bin / webscr ? cmd = p / gen / ua / policy _ privacy - outside ",1 +"Subject: your membership community charset = iso - 8859 - 1 your membership community & commentary ( july 6 , 2001 ) it ' s all about making money information to provide you with the absolute best low and no cost ways of providing traffic to your site , helping you to capitalize on the power and potential the web brings to every net - preneur . - - - this issue contains sites who will trade links with you ! - - - - - - - - - - - - - - - - in this issue - - - - - - - - - - - - - internet success through simplicity member showcase win a free ad in community & commentary | | | = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = > > today ' s special announcement : | | | = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = > > we can help you become an internet service provider within 7 days or we will give you $ 100 . 00 ! ! click here we have already signed 300 isps on a 4 year contract , see if any are in your town at : click here you are a member in at least one of these programs - you should be in them all ! bannersgomlm . com profitbanners . com cashpromotions . com mysiteinc . com timshometownstories . com freelinksnetwork . com myshoppingplace . com bannerco - op . com putpeel . com putpeel . net sellinternetaccess . com be - your - own - isp . com seventhpower . com = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = internet success through simplicity = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = every day of the week , i get questions from people all over the world , including my no bs gimg members , wanting to know some of the most valuable "" secrets "" to my on - going internet success . let me say , above all else , i don ' t believe there are any * true * "" secrets "" to success on the net . what you do to become successful in the online world is not a "" secret "" , in my opinion . most successful people follow simple , clear , repeatedly - proven strategies to succeed , whether on the net or off . but , when it comes to someone asking for advice , consultation , or simply asking , "" what ' s your secret ? "" , i have to blush & say . . . persistence and personality . of course , i always follow the advice with my own little disclaimer : what makes me successful may not work the same for you . . . & your first lesson is to get over the deep - seeded idea that success - of any kind , in my opinion - is somehow an unknown , unattainable secret . clearly , it is not . it ' s not unknown . it ' s not unattainable . it ' s not years of digging to find the "" secrets "" to internet riches . one thing that "" gets to me "" so often in my work as an internet consultant , author and internet success strategist is that so many people on the net seem to have this incredibly huge mental block that stands between themselves and success on the net . it ' s almost as if they ' ve been barraged by so many claims of what works and what doesn ' t work , and so many long , complicated routes to actually succeeding in their online venture , that "" success "" is the equivelant of a 100 - foot high brick wall . it ' s not that difficult , my friends ! it is not that complicated ! ! long - time friend and business associate rick beneteau has a new ebook out called branding you & breaking the bank . get it ! ! http : / / www . roibot . com / bybb . cgi ? im 7517 _ bybtb . but , the reason i mention this is the fact that he talks so dynamically about the true simplicity of making your online venture a success . and , yes , rick & i come from the same school of "" self marketing "" - marketing you ! obviously , that ' s the core of his excellent new ebook , and i couldn ' t agree with him more . point being , * you * are everything you do online to succeed . you are your web site , your business , your marketing piece , your customer service , your customers ' experiences with your business - - all of it , is you ! read his ebook & you ' ll see more of what i ' m saying . the matter at hand is that brick wall you might have standing high as you can see , blocking the path between you & internet success . listen to me - it is not real ok ? it doesn ' t exist . there ' s nothing there to fear to begin with . . . get over it ! ! what i ' m telling you is , the only thing standing between you and the success you most desire . . . is yourself . when you realize this , you will tear down that brick wall by means of complete and instantaneous disintegration . it will no longer exist * in your mind * , which is the only "" real "" place it ever was anyhow ! yes , "" persistence and personality "" inherently includes honesty , integrity , accountability , and many other qualities but you also have to hone in on your ultimate goals and realize that probably the most valuable , powerful key to your success . . . is you ! that may be the most incredible "" secret "" we ever uncover in our lifetime ! and , trust me , that brick wall won ' t ever get in your way again . . . unless you let it . talk about simple ! ! bryan is a "" veteran "" internet consultant , author , internet success strategist & marketer . he publishes mega - success . com chronicles to over 11 , 500 subscribing members , authors articles which appear all over the net , and helps hundreds of wealth - hungry people in their journey to internet success . bryan is also director of his no bs guerrilla internet marketing group at http : / / . com & a fantastic new joint venture partners program for that site . bryan hall is a founding member and the development consultant for the prestigious icop ( tm ) at http : / / www . i - cop . org / 1016 . htm you can reach bryan at 877 . 230 . 3267 or by emailing him directly at bryan . hall @ mega - success . com = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = member showcase = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = examine carefully - those with email addresses included will trade links with you . . . you are encouraged to contact them . there are many ways to build a successful business - just look at these successful sites programs other members are involved in . . . get insane amounts of traffic to your website . purchase 10 , 000 guaranteed visitors to your site and receive 5 , 000 free . more traffic = more money ! less than 2 cents a visitor . space is limited . order now ! http : / / www . freepicklotto . com trade links - businessopps @ aol . com stop smoking - free lesson ! ! discover the secret to stopping smoking . to master these powerful techniques , come to http : / / www . breath - of - life . net for your free lesson . act now ! p . s . tell someone you care about . trade links - jturco 3 @ hotmail . com celebration sale ! $ 99 . 00 on casinos / sportsbetting sites , lingerie stores , gift stores , adult sites toy stores . mention ad # bmlm 99 to receive this special sale price . order now ! http : / / www . cyberopps . com / ? = bmlm 99 affiliates of the world ! top rated affiliate programs , excellent business opportunities , great marketing resources and free advertising for you ! visit the site to trade links . http : / / www . affiliates . uk . com trade links - adrianbold @ affiliates . uk . com just been released ! ! internet marketing guru corey rudl has just released a brand new version of his # 1 best - selling internet marketing course , "" the insider secret ' s to marketing your business on the internet "" . a must have ! so don ' t hesitate , visit . . http : / / www . adminder . com / c . cgi ? startbgmlmezine we have a 260 page catalog with over 3000 gift items for men , women , children - a gift for everyone . we show 100 gift items on our web site alone , with the catalog you have access to the rest . we also feel we have the best prices on the web . visit at http : / / www . . net trade links - georgel 932 me @ yahoo . com if you have a product , service , opportunity or quality merchandise that appeals to people worldwide , reach your targeted audience ! for a fraction of what other large newsletters charge you can exhibit your website here , and trade links for only $ 8 cpm . compare that to the industry average of $ 10 - $ 15 cpm . why ? . . . because as a valuable member we want you to be successful ! order today - showcases are limited and published on a first come , first serve basis . for our secure order form , click here : http : / / bannersgomlm . com / ezine = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = win a free ad in community & commentary = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = to keep this interesting , how about this , every month we ' ll draw a name from the replies and that person will win one sponsorship showcase ad in the community commentary , for free . that ' s a value of over $ 700 . 00 ! respond to each weekly survey , and increase your chances to win with four separate entries . question of the week ( 07 / 06 / 01 ) . . . no right or wrong answers , and just by answering you are entered to win a showcase ad - free ! ~ ~ ~ do you spend more or less time ~ ~ ~ ~ ~ ~ online in the summer months ? ~ ~ ~ more mailto : one @ aeopublishing . com less mailto : two @ aeopublishing . com same mailto : three @ aeopublishing . com to make this as easy as possible for you , just click on the e - mail address that matches your answer - you do not need to enter any information in the subject or body of the message . * * add your comments ! follow directions above and add your comments in the body of the message , and we ' ll post the best commentaries along with the responses . you will automatically be entered in our drawing for a free sponsorship ad in the community commentary . please respond only one time per question . multiple responses from the same individual will be discarded . last weeks ' s results ( 06 / 29 / 01 ) ~ ~ ~ what is the goal of your website ? ~ ~ ~ sell 40 % get leads 20 % build branding 5 % provide information 20 % other 15 % comments : - - - - - - - - - - - - - - - - - - - - - - - - - - - - our web site is initially designed to get leads , build branding , and provide information . . . . . . . with a 12 month goal of selling our service more specifically via a shopping cart . we offer a service and at this time take deposits and payments via our site . our site has been up less than 2 months and our expectation was that we would refer to our site for leads developed in traditional media and by referral for more information , and to make a professional impression on someone you may not meet before providing service . the growth of our customer base shopping on line has grown outside of anyone ' s expectations . . . . . . . certainly mine and i ' ve been in this business for 25 years . the internet is not dead in the horse business , it is just getting it ' s legs , and the folks using it want to get all the ancillary services on - line as well . our site ( the first we ' ve developed ) has exceeded our expectations , and we aren ' t satisfied with it yet . . . . . . . we just wanted to get it there for information ! jeff and rebecca marks http : / / www . grand - champion . com branding . while quality customer service and product have been and will always be our top priority brand building zesto is our most challenging task . zesto . com ranks very high and most often # 1 or 2 on all major search engines and directories even yahoo entering the keyword zesto . the problem is simply that , who if anyone would type the keyword zesto , therefore we must try to build our brand by ensuring that generic keywords associated with our products ( citrus peel ) are used throughout our site as well as search engine submissions . fortunately owning a non generic domain short , easy to remember and trademarked works in our favor because the marketability potential is limitless . arlene turner http : / / www . zesto . com = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = - = to change your subscribed address , send both new and old address to submit see below for unsubscribe instructions . please send suggestions and comments to : editor i invite you to send your real successes and showcase your strategies and techniques , or yes , even your total bombs , "" working together we can all prosper . "" submit for information on how to sponsor your membership community commentary visit : sponsorship showcase copyright 2001 aeopublishing . com email : yourmembership 2 @ aeopublishing . com voice : web : http : / / www . aeopublishing . com this email has been sent to jm @ netnoteinc . com at your request , by your membership newsletter services . visit our subscription center to edit your interests or unsubscribe . http : / / ccprod . roving . com / roving / d . jsp ? p = oo & id = bd 7 n 7877 . 7 giv 5 d 57 & m = bd 7 n 7877 charset = iso - 8859 - 1 in this issue internet success through simplicity member showcase win a free ad in community & commentary today ' s special announcement : win a free ad in community & commentaryto keep this interesting , how about this , every month we ' ll draw a name from the replies and that person will win one sponsorship showcase ad in the community commentary , for free . that ' s a value of over $ 700 . 00 ! respond to each weekly survey , and increase your chances to win with four separate entries . question of the week ( 07 / 06 / 01 ) . . . no right or wrong answers , and just by answering you are entered to win a showcase ad - free ! ~ ~ ~ do you spend more or less time ~ ~ ~ ~ ~ ~ online in the summer months ? ~ ~ ~ more mailto : one @ aeopublishing . com less mailto : two @ aeopublishing . com same mailto : three @ aeopublishing . com to make this as easy as possible for you , just click on the e - mail address that matches your answer - you do not need to enter any information in the subject or body of the message . * * add your comments ! follow directions above and add your comments in the body of the message , and we ' ll post the best commentaries along with the responses . you will automatically be entered in our drawing for a free sponsorship ad in the community commentary . please respond only one time per question . multiple responses from the same individual will be discarded . last weeks ' s results ( 06 / 29 / 01 ) ~ ~ ~ what is the goal of your website ? ~ ~ ~ sell 40 % get leads 20 % build branding 5 % provide information 20 % other 15 % comments : - - - - - - - - - - - - - - - - - - - - - - - - - - - - our web site is initially designed to get leads , build branding , and provide information . . . . . . . with a 12 month goal of selling our service more specifically via a shopping cart . we offer a service and at this time take deposits and payments via our site . our site has been up less than 2 months and our expectation was that we would refer to our site for leads developed in traditional media and by referral for more information , and to make a professional impression on someone you may not meet before providing service . the growth of our customer base shopping on line has grown outside of anyone ' s expectations . . . . . . . certainly mine and i ' ve been in this business for 25 years . the internet is not dead in the horse business , it is just getting it ' s legs , and the folks using it want to get all the ancillary services on - line as well . our site ( the first we ' ve developed ) has exceeded our expectations , and we aren ' t satisfied with it yet . . . . . . . we just wanted to get it there for information ! jeff and rebecca marks http : / / www . grand - champion . com branding . while quality customer service and product have been and will always be our top priority brand building zesto is our most challenging task . zesto . com ranks very high and most often # 1 or 2 on all major search engines and directories even yahoo entering the keyword zesto . the problem is simply that , who if anyone would type the keyword zesto , therefore we must try to build our brand by ensuring that generic keywords associated with our products ( citrus peel ) are used throughout our site as well as search engine submissions . fortunately owning a non generic domain short , easy to remember and trademarked works in our favor because the marketability potential is limitless . arlene turner http : / / www . zesto . com to change your subscribed address , send both new and old address to submit see below for unsubscribe instructions . please send suggestions and comments to : editor i invite you to send your real successes and showcase your strategies and techniques , or yes , even your total bombs , "" working together we can all prosper . "" submit for information on how to sponsor your membership community commentary visit : sponsorship showcase copyright 2001 aeopublishing . com email us : : visit our site phone : this email was sent to jm @ netnoteinc . com , at your request , by your membership newsletter services . visit our subscription center to edit your interests or unsubscribe . view our privacy policy . powered by ",1 +"Subject: still paying too much for life insurance ? . . . u save up to 75 % on your term life insurance ! compare rates from top insurance companies around the country in our life and times , it ' s important to plan for your family ' s future , while being comfortable financially . choose the right life insurance policy today . click the link below to compare the lowest rates and save up to 75 % compare your coverage you ' ll be able to compare rates and get a free application in less than a minute ! * get your free instant quotes . . . * compare the lowest prices , then . . . * select a company and apply online . get a free quote now ! you can ' t predict the future , but you can always prepare for it . to be excluded from future contacts kanz http : / / xent . com / mailman / listinfo / fork",1 +"Subject: cheap oem soft shipping worldwide don ' t be a fuddy - duddy . . . use the software everyone ' s using . . . deus ex machina [ a god from the machine ] to freely bloom - that is my definition of success .",1 +"Subject: stock 2 watch pop 3 media corp ( popt ) a company which has positioned itself in the gap between the major media conglomerates and the universe of independent music , film , publishing and technology companies . current price : 0 . 022 will it continue higher ? watch this one wednesday as we know many of you like momentum . breaking news ! ! pop 3 media corp . ( popt ) and roxxy corporation announced that the companies have entered into a letter of intent whereby roxxy corporation will acquire a 66 % interest in pop 3 ' s wholly owned subsidiary , viastar distribution group , inc . "" vdg , "" forming a revolutionary new music company , controversial entertainment corporation . the transaction , consisting of stock and cash , when completed , will provide pop 3 ' s shareholders with a 33 % stake in the new company . roxxy ' s management will operate the company from headquarters in los angeles and will change its corporate name to controversial entertainment corporation in the coming weeks . the companies intend to complete and execute the definitive agreement by july 8 th , 2005 , and seek shareholder approval immediately thereafter . pop 3 ' s ceo , john d . aquilino , stated , "" this alliance will allow pop 3 to achieve its strategic vision of creating a new paradigm in the music industry . one that is focused on supporting the artist and the music they create while embracing emerging technologies and giving consumers access to a variety of artists through a variety of media . "" roxxy ' s management team combines highly experienced industry executives drawn from the major labels and also includes a staff of in - house producers who are among the most influential talents in the music industry today . "" it is roxxy ' s vision to seize the opportunities afforded by the major labels ' lack of commitment to their artists and customers ; labels that cast aside established artists who can no longer generate multi - million selling recordings , but who consistently release albums which sell hundreds of thousands of records to a large and loyal fan base ; artists that can easily generate revenues between $ 1 and $ 5 million per title , "" stated john shebanow , roxxy ' s ceo . "" additionally , the acquisition of vdg will provide us with the ability to distribute our own product directly to retail to over 22 , 000 retail location in north america , effectively doubling the company ' s net profit margins and allowing the increased revenue to pass on to our artists . "" mr . shebanow concluded , "" while there are smaller labels that do provide a home for these acts , they lack either the will or financial resources to commit to the kind of budgets which producers of the caliber we have on staff require . and no company has the unique combination of great producers , in - house distribution and dedication to the artist and the customer that controversial entertainment will possess . "" about pop 3 media corp : pop 3 media corp . is engaged in development , production and distribution of entertainment - related media for film , television , music and publishing interests . the company ' s portfolio currently includes ownership of viastar distribution group , a . v . o . studios , moving pictures international , viastar records , quadra records , light of the spirit records , and viastar classical , viastar artist management group and masterdisk corporation . conclusion : the examples above show the awesome , earning potential of little known companies that explode onto investor ' s radar screens ; many of you are already familiar with this . is popt poised and positioned to do that for you ? then you may feel the time has come to act . . . and please watch this one trade wednesday ! go popt . penny stocks are considered highly speculative and may be unsuitable for all but very aggressive investors . this profile is not in any way affiliated with the featured company . we were compensated 3000 dollars to distribute this report . this report is for entertainment and advertising purposes only and should not be used as investment advice . if you wish to stop future mai - lin * gs , or if you feel you have been wrongfully placed in our membership , send a blank e mail with no thanks in the sub ject to no _ morenewsletters 2 @ yahoo . com",1 +"Subject: the reason to sh . op in our zone ? for sav . vings . running short of tablet . supplies ? uncover hovv others s . ave on medicaments . nomatter it is for soreness , severetension , sleepingdisorder , menscare , womenshealth or overvveight , the cyberzone has effective curatives for it . the generic equivalents might be a better option for sho . ppers who vvant to s . ave on medicaments . there is a great assortment of generics at our medzone . unveil fantastic . deals in our medzone . in the orderstatus , there is the latest info . on the carriages and orders . http : / / t . 2 k . valuecreatorforall . com / d 2 / vov ! lead you to simple sav . vings . n light enough , - conv really so , i should do just the same in her place . if i loved a man , and tried to be cool and unconcerned . her distress returned , eyed her up stairs to her own room with all speed ; and imm as she loves the admiral , i would always be with him , nothing should ever ediately dispatc 1 hed ham peggott 7 y , her nephew , who had been for s",1 +"Subject: call for papers : the international joint conferences on computer , information and systems sciences and engineering cisse 05 if you received this email in error , please forward it to the appropriate department at your institution please do not reply to this message , your reply will not be received . if you need to contact us , please email us at info @ cisse 2005 . org * international joint conferences on computer , information , * * and systems sciences , and engineering ( cisse 05 ) * * * * * * http : / / www . cisse 2005 . org * * * * * * * december 10 - 20 , 2005 sponsored by : institute of electrical & electronics engineers ( ieee ) university of bridgeport conference overview cisse 05 provides a virtual forum for presentation and discussion of the state - of the - art research on computers , information and systems sciences and engineering . the virtual conference will be conducted through the internet using web - conferencing tools , made available by the conference . authors will be presenting their powerpoint , audio or video presentations using web - conferencing tools without the need for travel . conference sessions will be broadcast to all the conference participants , where session participants can interact with the presenter during the presentation and ( or ) during the q & a slot that follows the presentation . this international conference will be held entirely on - line . the accepted and presented papers will be made available after the conference both on a cd and as a book publication . conference participants - authors , presenters and attendees - only need an internet connection and sound available on their computers in order to be able to contribute and participate in this international ground - breaking conference . the on - line structure of this high - quality event will allow academic professionals and industry participants to contribute work and attend world - class technical presentations based on rigorously refereed submissions , live , without the need for investing significant travel funds or time out of the office . potential non - author conference attendees who cannot make the on - line conference dates are encouraged to register , as the entire joint conferences will be archived for future viewing . please feel free to download the call for papers at : http : / / www . cisse 2005 . org / cfpcisseo 5 . doc ( microsoft word format ) or http : / / www . cisse 2005 . org / cfpcisseo 5 . pdf ( adobe pdf format ) cisse 05 is composed of the following four conferences : * international conference on industrial electronics , technology & automation ( ieta 05 ) topics : advanced and distributed control systems , intelligent control systems ( nn , fl , ga , . etc ) , expert systems , man machine interaction , data fusion , factory automation , robotics , motion control , machine vision , mems sensors and actuators , sensors fusion , power electronics , high frequency converters , motors and drives , power converters , power devices and components , electric vehicles and intelligent transportation , process automation , factory communication , manufacturing information system advances in manufacturing systems , industrial applications of multi media , intelligent systems instrumentation , industrial instrumentation , modeling and simulation , signal processing , image and data processing , vr and parallel systems . conference page : http : / / www . cisse 2005 . org / ieta . aspx * international conference on telecommunications and networking ( teneo 5 ) topics : optical networks and switching , computer networks , network architectures and equipment , access technologies , telecommunication technology , coding and modulation technique , modeling and simulation , spread spectrum and cdma systems , ofdm technology , space - time coding , ultra wideband communications , medium access control , spread spectrum , wireless lan : ieee 802 . 11 , hiperlan , bluetooth , cellular wireless networks , cordless systems and wireless local loop , mobile network layer , mobile transport layer , support for mobility , conventional encryption and message confidentiality , block ciphers design principles , block ciphers modes of operation , public - key cryptography and message authentication , authentication application , stenography , electronic mail security , web security , ip security , firewalls , computer forensics . conference page : http : / / www . cisse 2005 . org / tene . aspx * international conference on systems , computing sciences and software engineering ( scss 05 ) topics : grid computing , internet - based computing models , resource discovery , programming models and tools , e - science and virtual instrumentation , biometric authentication , computers for people of special needs , human computer interaction , information and knowledge engineering , algorithms , parallel and distributed processing , modeling and simulation , services and applications , embedded systems and applications , databases , programming languages , signal processing theory and methods , signal processing for communication , signal processing architectures and implementation , information processing , geographical information systems , object based software engineering , parallel and distributed computing , real time systems multiprocessing , file systems and i / o , kernel and os structures . conference page : http : / / www . cisse 2005 . org / scss . aspx * international conference on engineering education , instructional technology , assessment , and e - learning ( eiae 05 ) topics : instructional design , accreditation , curriculum design , educational tools , 2 - 2 - 2 platforms , teaching capstone design , teaching design at the lower levels , design and development of e - learning tools , assessment methods in engineering , development and implementation of e - learning tools , economical and social impacts of e - learning , platforms and systems for k - 12 / industry and higher education cooperation . conference page : http : / / www . cisse 2005 . org / eiae . aspx paper submission prospective authors are invited to submit full papers electronically in microsoft word or pdf format through the website of each conference at http : / / www . cisse 2005 . org . accepted papers must be presented in the virtual conference by one of the authors . to submit your paper , visit http : / / www . cisse 2005 . org / author / submit . aspx or visit the individual conference pages . important dates paper submission : september 30 , 2005 notification of acceptance : october 28 , 2005 final manuscript and registration : november 18 , 2005 cisse 2005 66 glenbrook rd stamford , ct 06902 this e - mail message is an advertisement and / or solicitation .",1 +"Subject: business intent dear sir , i am stanley woodwork , the secetary of africa white farmers co - operation ( awfc ) of zimbabwe . after the last general elections in my country where the incumbent president mr . robert mugabe won the presidential election , the government has adopted a very aggressive land reforms programme . this programme is solely aimed at taking the land owned by white african farmers for redistribution to black africans . this programme has attracted worldwide condemnation from world leaders including british prime minister , mr tony blair and also forced several white farmers to flee the country for fear of victimization and physical abuse . two weeks ago , our headquartes in harare was attacked and looted by black protesters and in the process burnt down the whole building . fortunately , they did not get access to the huge funds kept in the strong room which belong to the co - operation . this cash was kept at the secretariat rather than in the bank for fear of seizure by the government . now i have the funds in my possession and would need to get it invested in a viable business venture in europe . the cash in question is us $ 46 million dollars . once i can get your commitment and sincerity of investing this funds on our behalf then i would proceed to get the funds freighted to europe , where you would be required to pick it up for investment for us . you do not have anything to worry about as i would undertake all charges involved in freighting the funds to europe , and the business proposal is 100 % legal and risk free . you would be adequately compensated for all your effort once we have gotten the funds to europe . please get back to me if you can be of assistance and i would want our correspondence to be via email as most phone lines of white farmers are bugged by the government . i expect 100 % confidentiality and your prompt response to this mail so as to proceed . you may also reach me on stanleywoodwork @ email . com kind regards , stanley woodwork .",1 +"Subject: 6 . 50 % annuity w / 4 . 05 % lifetime bailout 10 % penalty - free withdrawals rated a ( excellent ) by a . m . best ( for financial strength ) 10 year surrender charge call today for more information on the loyal integritysm vision 10 annuity ! or please fill out the form below for more information name : e - mail : phone : city : state : * the contract ' s base interest rate must fall more than 45 basis points below the initial base interest rate ( effective 9 / 3 / 02 ) before the bailout provision may be exercised . this feature is subject to change on future contracts . * * rates effective 9 / 3 / 02 and are subject to change at any time ; first - year interest includes 4 . 50 % base interest rate and 2 . 00 % additional first - year interest . * * * ages 0 - 80 ; ages 81 - 90 : 7 % commission . loyal integrity ( sm ) vision 10 annuity issued by loyal american life insurance company ( sm ) , contract forms pcqxao 2 nw 4 and pcbxao 2 nw 4 . certain limitations and exclusions apply . product not available in all states . this information is for agent use only and is not intended for consumer distribution . lac 2020269 we don ' t want anyone to receive our mailings who does not wish to . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insuranceiq . com / optout legal notice ",1 +"Subject: online notification : your money is ready dear applicant , after further review upon receiving your application your current mortgage qualifies for a 3 % lower rate . your new monthly payment will be as low as $ 340 / month for a $ 200 , 000 loan . please confirm your information in order for us to finalize your loan , or you may also apply for a new one . complete the final steps by visiting our 60 second form we look foward to working with you . thank you , christine larson , account manager belico and associates , llc . - - - - - - - - - - - - - - - - - - - - - - - not interested - http : / / www . morntix - star . net / r . php ",1 +"Subject: - - > direct marketing will increase sales 23875 there is no stumbling on to it ! the greatest way of marketing this century is undoubtedly direct e - mail . it ' s similar to the postman delivering a letter to your mailbox . the ability to promote your product , service , website , or mlm / network marketing opportunity to millions instantly is what advertisers have been dreaming of for over 100 years . we e - mail your promotion to a list of our general / business addresses . the greatest part is , it ' s completely affordable . e - mail marketing is the answer ! how do we know ? we know because that ' s exactly what we do . it ' s a proven fact that you can attract new business through our direct e - mail marketing . the profits that e - mail advertising generate are amazing ! we are living proof . we are a direct e - mail internet advertising company and our clients pay us thousands of dollars a week to e - mail their products and services . standard pricing and procedures extracting : our list of general internet addresses are actually extracted from the most popular web sites on the internet . the addresses are verified and run through our purification process . the process includes addresses run against our custom remove filter of 2 , 492 keywords , as well as through our 192 mb remove / flamer list . the edu , org , gov , mil , and us domains are removed , as well as other domains that asked not to receive e - mail . evaluation : $ 350 . 00 ( optional ) one of our marketing specialists will evaluate your sales letter , and offer his / her expertise on how to make it the most successful . standard pricing : ( emails delivered ) 1 million - $ 700 . 00 per 2 - 3 million - $ 600 . 00 per 4 million - $ 500 . 00 per 5 million & up - $ 400 . 00 per special limited time offer ! this introductory offer of $ 300 . 00 includes : 1 . set - up fee 2 . evaluation of sales letter 3 . 500 , 000 e - mails delivered payment policy : all services must be paid in full prior to delivery of advertisement . notice : absolutely no threatening or questionable materials . if you are serious about direct > > email > > marketing > > - - send the following to { fax } 1 ( 602 ) 392 - 8288 please fill this form out completely ! contact name : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ business name : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ # years in business : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ business type : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ address : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ city : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ state : _ _ _ _ _ _ zip : _ _ _ _ _ _ _ _ _ _ _ _ _ _ country : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ email address : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ phone : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ fax : _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ > > > > > - > to get out of our email database send an email to publicservicel @ btamail . net . cn",1 +"Subject: live 20 years longer with hgh hello , [ ! to ! ] human growth hormone therapy lose weight while building lean muscle massand reversing the ravages of aging all at once . remarkable discoveries about human growth hormones ( hgh ) are changing the way we think about aging and weight loss . lose weightbuild muscle tonereverse aging increased libidoduration of penile erectionhealthier bones improved memoryimproved skinnew hair growthwrinkle disappearance visit our web site and learn the facts : click here or here you are receiving this email as a subscr - in amerig lisve yoursts , just click here http : / / xent . com / mailman / listinfo / fork",1 +"Subject: professional logo for you now working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buildinq a positive visual imaqe of your company by creatinq an outstandinq iogo , presentabie stationery items and professionai website . these marketing tools wili siqnificantiy contributeto success of your business . take a iook at our work samples , hot deai packages and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: partnership for raising awareness hello , my name is shane lamotte and i ' m in the new rock band living illusion . how are you ? i ' m emailing you to see if it ' s a possibility for living illusion to work with you . i ' m currently looking for unique partnerships to help raise awareness of my band and our music . if you want to check out my band and listen to some tunes go to : http : / / www . livingillusion . com / please email me back and let me know if you ' re interested in finding some way that we can help support each other in a win / win way . thanks , shane lamotte www . livingillusion . com ps also if your interested in exchanging links between my website and yours just let me know and we ' ll make it happen : )",1 +"Subject: "" content - type : text / plain ; charset = "" us - ascii "" ; format = flowed content - transfer - encoding : 7 bit subject : [ sa ] drive everywhere sender : spamassassin - sightings - admin @ example . sourceforge . net errors - to : spamassassin - sightings - admin @ example . sourceforge . net x - beenthere : spamassassin - sightings @ example . sourceforge . net x - mailman - version : 2 . 0 . 9 - sf . net precedence : bulk list - help : list - post : list - subscribe : , list - id : list - unsubscribe : , list - archive : x - original - date : mon , 10 jun 2002 09 : 36 : 57 + 0900 date : mon , 10 jun 2002 09 : 36 : 57 + 0900 international driver ' s license need a new driver ' s license ? too many points or other trouble ? want a license that can never be suspended or revoked ? want an id for nightclubs or hotel check - in ? avoid tickets , fines , and mandatory driver ' s education . protect your privacy , and hide your identity . the united nations gave you the privilege to drive freely throughout the world ! ( convention on international road traffic of september 19 , 1949 & world court decision , the hague , netherlands , january 21 , 1958 ) take advantage of your rights . order a valid international driver ' s license that can never be suspended or revoked . confidentiality assured . call now ! ! ! 1 - 770 - 908 - 3949 we await your call seven days a week , 24 hours a day , including sundays and holidays . spel don ' t miss the 2002 sprint pcs application developer ' s conference august 25 - 28 in las vegas - http : / / devcon . sprintpcs . com / adp / index . cfm ? source = osdntextlink spamassassin - sightings mailing list ",1 +"Subject: greetings from u . a . e hello my dear , before i introduce myself , i wish to inform you that this letter is not a hoax mail and i urge you to treat it serious . i am director of procurement department at the ministry of petroleum and mineral resources , here in the united arab emirates . i obtained your email while searching for a reliable person , who could assist me in receiving transfer of a supposed contract awarded funds . this fund came as a result of over estimated contract awarded sums executed by foreign contractors in the petroleum ministry . this fund has been approved for payment to the contractor by the concerned ministry . the contracts had been executed and commissioned . what i am about to receive now , is the over estimated funds which the contractor whom i helped during the process of obtaining the contracts added to his estimation for my own interest . this is a normal deal that goes in my ministry by top officials . on our part , all modalities have been worked out in ensuring a smooth conclusion of the transfer to your account within the next few days . all i want from you is to receive this funds on my behalf , because as government official i cannot collect the funds directly from the contractor , neither i am allowed by law to operate / run foreign bank accounts . if you are trustworthy and can assist me in receiving the fund , do not hesitate to respond back to me immediately . please note that there is no risk involved in receiving the funds in your account for and it will be done through wire transfer . i wish you to state in percentage what you shall have for the use of your account . as soon as you indicate your interest , further details and the amount involved shall be given to you once i hear from you . please , treat with utmost confidentiality . looking forward to hearing from you soonest . best regards , engr . kaballa abdalla . ministry of petroleum and ministry resources . united arab emirates .",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . loqodentity offers creative custom design of loqos , stationery and web - sites . under our careful hand these powerfui marketinq toois wili brinq a breath of fresh air into your business and make you stand out among the competitors . you are just a click away from your future success . click here to see the sampies of our artwork , check our prices and hot offers",1 +"Subject: i was on your xango web site hello xango distributor , my name is jonathan roberts and i represent peak impact lead generation systems . i visited your web site and saw that you are a distributor for xango and i would like to introduce my business to you . i am a lead expert for peak impact inc , and we specialize in lead generation for home based business opportunities . we generate real time national , local area code , and gender based leads . we also specialize in custom marketing campaigns as well . in fact we have thousands of xango customers who are buildinga lot at phenomenal growth rates using our leads . truth be told there are alot of companies that claim to have responsive leads . the fact of the matter is that the majority of the lead companies you see do not generate their own leads . they are resellers that resell the same call list up to six times or more . we at peak impact are lead generators and we generate the very best leads on the internet guaranteed ! we use very specific marketing campaigns to generate our leads which guarantees that they arefresh and in real time not , from a call list . in fact we are one of the very few companies out there that can provide a true real time local area code lead . also as a customer you will receive your very own exclusive back office with your own login and password . no other lead company has this system . within your back office you will be able to determine how many leads you want to receive daily . you can also start lead co - ops with your downline , * and pause and unpause orders . * ( this feature virtually guarantees that your leads will only be seconds old . ) in addition we have many other features in the back office that makes us the most user friendly lead generator on the internet . so if your ready to order go towww . rocketleads . com . there you will find pricing information and testimonials . if you have any questions or concerns you can contact me by phone or email . your certified lead expert , jonathan robertswww . rocketleads . coml - 888 - 41 - leads ( 888 - 415 - 3237 ) ext . 703 ( 9 - 5 : 30 pm est . ) 1 - 800 - 663 - 0311 ( 24 hours ) jon @ peakimpact . com",1 +"Subject: get the best rate on a home loan ! if you would like to be removed from future mailings , please reply with the word remove in the subject or call 888 - 418 - 2575 . let lenders compete for your business ! click here cash back refinances no equity 2 nd trust deeds debt consolidation no income verification the most competitive interest rates ! fill in our quick pre - qualification form and you will get competing loan offers , often within minutes from up to three lenders ! click here there is never any fee to consumers for using this service . copyright ?ffffa 9 1999 , 2000 eworld marketing , inc . 888 - 418 - 2575 this is not a solicitation or offer to lend money . eworld marketing is not a lender , broker or other financial intermediary . we are a marketing company that provides services to the mortgage industry . ",1 +"Subject: what is emc stock to cash ? your client receives 90 % of their stock portfolio up front and in cash you invest this money in either an annuity , life policy . . . or both if the portfolio decreases in value , your clients ' investment remains intact if the portfolio increases in value , your clients receive the upside appreciation reduces capital gains and estate taxes s 2 c allows you to wrap your favorite fixed annuities around your clients ' existing stock portfolios , combining the safety features of tax - deferred annuities with the high growth potential of the nation ' s leading stock indices . annuities can also be used to fund fixed life insurance policies . call tim armstrong or e - mail us today ! please fill out the form below for more information name : e - mail : phone : city : state : we don ' t want anybody to receive our mailing who does not wish to receive them . this is a professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: are you listed in major search engines ? submitting your website in search engines may increase your online sales dramatically . lf you invested time and money into your website , you simply must submit your website oniine otherwise it wiil be invisible virtualiy , which means efforts spent in vain . if you want people to know about your website and boost your revenues , the only way to do that is to make your site visibie in places where peopie search for information , i . e . submit your website in multiple search enqines . submit your website online and watch visitors stream to your e - business . best reqards , edweber _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: deal with your medication now hello , i ' m carl mayo . here ' s a question for you : do you satisfied with your sexual performance ? get over your erectile problams now click now and get more power http : / / medsrealcheap . com / ? cid = vtxto 2 thank you alicia honeycutt phone : 211 - 144 - 2273 mobile : 188 - 881 - 1697 email : cylunj @ bonet . net e , n ^ o - u _ g . h http : / / medsrealcheap . com / emover . php",1 +"Subject: ! gorgeous , custom websites - $ 399 complete ! ( 4156 cumg 9 - 855 yqkc 5 @ 17 ) beautiful custom websites , $ 399 complete ! get a beautiful , 100 % custom web site ( or yours redesigned ) for only $ 399 ! * we have references coast to coastand will give you plenty of sites to view ! includes up to 7 pages ( you can add more ) , java rollover buttons , feedback forms , more . it will be constructed to your taste and specifications , we do not use templates . our sites are completely custom . * must host with us @ $ 19 . 95 / mo ( 100 megs , 20 email accounts , control panel , front page , graphical statistics , more ) . for sites to view , complete below or call our message center at 321 - 726 - 2209 ( 24 hours ) . your call will be returned promptly . note : if you are using a web based email program ( such as yahoo , hotmail , etc . ) the form below will not work . instead of using the form , click here ( you must include your name , phone and state to get a response , no exceptions . name : phone w / ac * : state : type project : new site : redesign current site ? : comments : your information is neither sold nor shared with third parties under any circumstance . to be eliminated from future mailings , click here [ 6560 icum 3 - 199 gyqk 9350 cvph 2 - 701 z @ 29 ]",1 +"Subject: secretly record all internet activity on any computer . . . taf find out who they are chatting / e - mailing with all those hours ! is your spouse cheating online ? are your kids talking to dangerous people on instant messenger ? find out now ! - with big brother instant software download . click on this link now to see actual screenshots and to order ! to be excluded from future contacts please visit : http : / / 213 . 139 . 76 . 69 / php / remove . php bacalau",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishing software from corel , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professionai $ 150 adobe premiere pro 1 . 5 $ 90 corel designer 10 $ 90 quickbooks 2004 professional edition $ 75 adobe pagemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere eiements $ 125 corei painter lx $ 80 adobe iliustrator cs $ 80 adobe indesiqn cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 ulead cool 3 d production studio 1 . 0 . 1 $ 90 aiias motion builder 6 professionai $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop eiements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincerely , breanne ",1 +"Subject: 6 steps to a no fear portfolio - 50 % roi per trade if you are averaging more than 50 % r . o . i . per trade . . . if your annual returns are well over 300 % . . . if you know how to profit in any market condition . . . if you know how to convert losing trades into winning trades . . . then you don ' t need our free online seminar . however , if you want to thrive and not just survive in today ' s market , register for our free online seminar . to see if you qualify for this free online seminar , click here : do you know how to insure your stocks from loss ? you insure your home , why not insure your stock portfolio ? learn how smart investors take advantage of these easy strategies and techniques to insure their trades from loss . it ' s no secret , you just need to learn how to do it . profit in any market condition smart investors know how to profit when the market goes up , down or stays stagnant . now is your chance to learn the secrets of successful traders . in this powerful one hour online seminar you will learn how to choose the right stock at the right time , you ' ll learn brilliant strategies and tools for techncial analysis and research . now you can learn how our students prosper when stocks drop or take unexpected turns . in fact , our students average over 50 % roi per trade with annual returns of well over 300 % . it ' s your turn . simply register for our free online seminar to discover the secrets of smart traders . register for our free online seminar and learn the following : what is your market mindset ? was the 2000 - 2002 market a disaster , a correction , or a market opportunity ? how do you profit from a volatile market ? how do you use options to hedge risk ? how do you insure your trades ? how do you profit when a stock goes up , down or sideways ? how do you adjust a trade that is going against you directional trading is fine on a good day , but what do you know about spread trading for any kind of day ? how do you implement a no fear / no risk trading system ? how do i get help as i go through this process ? to see if you qualify for this free online seminar , click here : meet the founder of the company - talk to the people who created the system in this free live online seminar , you ' ll meet the founder of the company , chat with current students and be able to ask questions and get answers . it ' s important to get your financial information from people who have their own money at risk . meet greg jensen , cofounder of spread trade systems . results are really all that matters . see what our current students have to say : i have also created a very elaborate spreadsheet where i am tracking my activities . i keep one page which tracks my trading history . this is only for trades which have completed from start to finish . to date , i have completed 19 trades for an overall profit of $ 15 , 925 . 00 , at an average 77 percent roi . i also have several other trades that are active , one of which has already doubled in value , at which time i sold half of the options in that trade and paid for the trade . it is now a ' free ' trade . i also have a worksheet which tracks my overall present position in all of my trades . this one ignores the cost of the underlying stocks , for instance , in my collar trades , but is rather a measure of cashflow . my current ytd total is over $ 33 k . . . - bob hendricks ( july 2004 ) i have been trading since october of 2002 . i started with $ 14 , 000 and within 1 year my portfolio is worth over $ 180 , 000 . spread trade strategies are simple and easy to understand . i was about to give up on the stock market , but thanks to this program i have learned how to apply spread trade strategies successfully . it is great that these strategies can be used with very little money but can grow quickly without the fear of losing your entire investment . - ruben p . ( 2003 , to date has a portfolio valued over 400 k ) keeping a close eye on netflix over the last couple of months i sold long term short puts out of the money when the stock indicated oversold conditions . as the stock bounced back and showed over bought signals i offloaded the puts and sold calls against my stock . last month netflix options alone made me over $ 3 , 000 . opening up the wealthbuilder a few weeks ago i saw a recommendation for a call calendar . at the time i wanted to enter a credit trade instead of a debit trade and entered a bear call based on technical indicators . all options expired worthless and i pocketed the entire credit . this month i placed some covered calls and bull puts on taser as it rocketed up . i closed all positions after 10 days with a $ 1500 profit . many companies proudly advertise big percentage gains . many times i ' ve asked those companies if those big gains hide big losses - all with the exception of sts was hiding big losing trades . my record this year is 14 out of the 18 stocks i ' ve traded have made money . it ' s not the 49 out of 50 that fasi and greg get but with each month i refine my system and keep closing the gap . the education sts provides is invaluable . without it my approach would have been that of a gambler . with it my approach is systematic and disciplined and consistently profitable . - gareth ( july 2004 ) nofearinvesting 150 clovis ave . , ste . 101 clovis , ca 93612 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: unbelievable new homes for the usa ! it ' s a beautiful day today homeowner you have been pre - approved for a $ 431 , 221 home loan at a 3 . 29 fixed rate . this offer is being extended to you unconditionally and your credit is in no way a factor . to take advantage of this limited time opportunity all we ask is that you visit our website and complete the 1 minute post approval form have a good day , shemika kelly",1 +"Subject: best mortgage rate vjd with regards to want to refinance ? fill out this quick form and immediately have mortgage companies compete for you business . you will be offered the , absolute , best refinance rates available ! your credit doesn ' t matter , don ' t even worry about past credit problems , we can refinance anyone ! let us put our expertise to work for you ! http : / / 66 . 230 . 217 . 86 or site 2 http : / / agileconcepts . com / 74205 / erase http : / / 66 . 230 . 217 . 86 / optout . htm",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( german , french , spanish , uk , and many others ) . aii iisted software is avaiiable for immediate download ! no need to wait 2 - 3 week for cd delivery ! just few exampies : - norton internet security pro 2005 - $ 29 . 95 - windows xp professional with sp 2 full version - $ 59 . 95 - corei draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 inciuding ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native ianquage ! best regards , chelsea ",1 +"Subject: national charity suffering since 9 / 11 dear friend , "" serving the tribes while sharing the culture "" . . . has been the mission for the american indian heritage foundation for the past 29 years . for many years , aihf has met the emergency requests from hundreds of tribes with food , clothing , medical supplies , emergency grants and more . our student eagle awards program inspires indian youth to aspire and our scholarship program for young indian women has meant more than just financial aid to hundrends of beautiful indian women . this worthwhile endeavor is entirely funded by very generous people like you who want to help and make a difference . we need your help now more than ever . click here to learn more . . . maybe you can help . "" may you always walk in beauty "" pale moon we appologize if this message has been an inconvenience . you may comment to our webmaster .",1 +"Subject: better sex ! better relationship ! a sex revival with low - priced viagra . summertime , and the living is easy . judgement of beauty can err , what with the wine and the dark . within every adversity is an equal or greater opportunity .",1 +"Subject: earn high commissions for booking online northstar travel media , llc and mailpound . com , a division of smart travel technologies , inc . provide travel professionals with information , services and marketing solutions attention : travel agents , outside agents , independent agents , corporate travel agents : ( click for more information ) mailpound is a trademark of smart travel technologies , inc . if you do not want to receive these messages in the future , please click here . please do not reply to this email . for questions or comments on this offer , please contact the supplier . for all other inquiries , please email us at support @ mailpound . com . http : / / xent . com / mailman / listinfo / fork",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishinq software from corel , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professionai $ 150 adobe premiere pro 1 . 5 $ 90 corei desiqner 10 $ 90 quickbooks 2004 professional edition $ 75 adobe pagemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere elements $ 125 corel painter lx $ 80 adobe illustrator cs $ 80 adobe lndesiqn cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 ulead cooi 3 d production studio 1 . 0 . 1 $ 90 aiias motion builder 6 professional $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop elements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincereiy , beatrice ",1 +"Subject: business partnership ( urgent / confidential ) mr . vincent nnaji , standard trust bank ltd , lagos , nigeria . dear sir , i am mr . vincent nnaji , bank manager of standard trust bank , lagos , nigeria . i have urgent and very confidential business proposition for you . on january 6 , 1998 a foreign oil consultant foreign contractor with the nigerian national petroleum corporation mr . james herbert made a numbered time fixed deposit for twelve calendar months valued at us $ 20 m ( twenty million united states dollars ) in my branch . upon maturity i sent a routine notification to his forwarding address but got no reply . after a month we sent a reminder and finally we discovered from his contract employers the nigerian national petroleum corporation that mr . james herbert died from an automobile accident . on further investigation , i found out that he died without making a will and all attempts to trace his next of kin was fruitless . i therefore made further investigation and discovered that mr . james herbert did not declare any next of kin or relations in all his official documents including his bank deposit paperwork in my bank . this sum of us $ 20 m has carefully been moved out of my bank to a security company for safe - keeping . no one will ever come forward to claim it . according to nigerian law at the expiration of 5 years the money will revert to the ownership of the nigerian government if nobody applies to claim the fund . consequently my proposal is that i will like you as a foreigner to stand in as the owner of the money i deposited it in a security company in two trunk boxes though the security company does not know the contents of the boxes as i tagged them to be photographic materials for export i am writing you because i as a public servant i cannot operate a foreign account or have an account that is more than $ 1 m . i want to present you as the owner of the boxes in the security company so you can be able to claim them with the help of my attorney . all these are to make sure that the fruits of this old man ' s labour will not get into the hands of some corrupt government officials . this is simple . i will like you to provide immediately your full names and address so that the attorney will prepare the necessary documents which will put you in place as the owner of the boxes . the money will be shared in the ratio of 70 % for me and 25 % for you and 5 % will take care of all expenses . there is no risk at all as all the paperwork for this transaction will be done by the attorney and this will guarantee the successful execution of this transaction . if you are interested , please reply immediately via my private email address . upon your response i shall then provide you with more details and relevant documents that will help you understand the transaction . please observe with utmost confidentiality and be rest assured that this transaction would be most profitable for both of us because i shall require your assistance to invest my share in your country . awaiting your urgent reply via my private email to indicate your interest . thanks and regards , mr . vincent nnaji .",1 +"Subject: 100 % free hardcore megasite ! ! 100 % free porn ! what more can you ask for ? click here removal instructions : we strive to never send unsolicited mail . however , if you ' d rather not receive future e - mails from us , click here to send email and add the word remove in the subject line . please allow 48 hours for processing . [ ( ^ ( pol : kj ) _ 8 j 7 bjk 9 ^ "" : } h & * tgobk 5 nkiys 5 ] - - - - this sf . net email is sponsored by : jabber - the world ' s fastest growing real - time communications platform ! don ' t just im . build it in ! http : / / www . jabber . com / osdn / xim spamassassin - sightings mailing list ",1 +"Subject: refinance or mortgagefkzqeljhyno what a loan from lenderscan do for you : rates have never been lower ! ! lowest rates - best possible termsdebt this . . . your $ 8 , 750 $ 175 visa $ 10 , 500 $ 210 discover $ 5 , 250 $ 105 auto loan $ 20 , 500 $ 515 total $ 45 , 000 $ 1 , 005 into this ! ! ! $ 45 , 000 $ 390 . 06 annual savings : $ 7 , 379 . 005 - year savings : $ 36 , 896 . 00 opay off high interest credit cardsoreduce monthly paymentshome improvementopaint , landscape , carpet , add rooms / pool / spaoyou may be eligible for a tax deductionhome refinancingoreduce your monthly payments and get cash back ! oget up to 125 % of your homes value ( ratios vary by state ) . we have hundreds of loan programs , including : purchase loansrefinancedebt consolidationhome improvementsecond sno income verificationno matter which of our 50 states you live in , welikely have a program that could meet your needs ! please click hereone of our experienced loan officers will contact you for more details concerning your needs . want to be purged ? just go hereand we will promptly extract you . copyright dti inc .",1 +"Subject: best prizes of online cigarettes here a fair is impartation pianist but resumption what indisposition , sickle not ayers . when growl boom , napoleonic snuffer is not ketchup colza but a canst coalesce andersen arises bertha cohort in chemic , grammar and dixon . would you ceruleancrank ? no , maggot emitted teresa is bison a behave and teardrop noontime . if not , here - http : / / cmzcqj 4 euuivo 02 . 123 cigs 4 lessl . com / rm ",1 +"Subject: you can gain from lowest interest rates in 30 years certain chances only come around every few decades or so . this is one . why you ask ? because home loan rates are headed up . have you locked in the lowest rate , in almost thirty years , for your present home loan ? rates haven ' t been this low in a long time . they may well never be this low again . this is your chance to secure a better future . you could literally save enough money to buy that new car you ' ve been wanting or to take that special vacation . why wouldn ' t you jump at this chance ? there ' s no need for you to continue to pay more than is necessary or to continue not having the things your family wants and needs . we ' re a nationwide mortgage lender . we ' re not a broker . and we can guarantee you the best rate and the best deal possible for you . but only if you take action today . there is no fee or charge of any kind to see if we can help you get more of the things you want , desire and need from your current pay . you can easily determine if we can help you in just a few short minutes . we only provide information in terms so simple that anyone can understand them . you won ' t need to be a lawyer to see the savings , this we promise . we offer both first and second home loans and we will be happy to show you why your current loan is the best for you . or why you should replace it . and once again , there ' s no risk for you . none at all . take a couple of minutes and use the link below that works for you . for a couple of minutes of your time , we can show you how to get more for yourself and your loved ones . don ' t lose this chance . please take action now . click _ here sincerely , james w . minick mortbanc , inc . your favorite stores , helpful shopping tools and great gift ideas . experience the convenience of buying online with shop @ netscape ! http : / / shopnow . netscape . com / get your own free , personal netscape mail account today at http : / / webmail . netscape . com /",1 +"Subject: your june stats it ' s absolutely true . you will get emails like this very soon . quickly , send me an email and you will get real com . miss . ion emails with this subject line and a big , big comm _ ission pa . yments from all the bus _ inesses you pro _ mote . to pro . ve it , for a limit / ed per _ iod i will give . you 10 sign _ ups ( that will p . a . y . to j . o . i . n . your bus . in . ess ) and i will not ask you for a sin . gle cent / penny to get you star - ted . use these to gen _ erate an in . stant in . com _ e . only the first 10 replies get 10 paid _ signups . then sitback & watch the _ sign _ ups join _ you inst _ antly in their droves and without you having to do much _ at all . at the end of march you will get comm _ ission state _ ments showing that you have ear . ned tens _ of thou _ s _ ands of doll _ ars from your existing bus . . iness . oppo . rtun . it . ies . miss . this and def _ in . it . ely missout on the ea - sie . st and fas . test mo . ney that you will ever ma . ke from your bu . sin _ ess opp . or - tuni . ty email me on earnbigmoney @ tiscali . co . uk please put "" yes "" in the subject line . good luck gavin if i have breached your privacy please delete yourself off my list by sending an email to earnbigmoney @ tiscali . co . uk with "" d "" in the subject line .",1 +"Subject: [ ilug ] wilson kamela attn : sir / madan strictly confidential . i am pleased to introduce myself to you . my name is mr . wilson kamela a native of south africa and a senior employee of mines and natural resources department currently on a trainning course in holland for few months . i am writing this letter to request your assistance in order to redeem an investment with the south african mining corporation . the said investment , now valued at ( $ 15 . 5 million dollars ) fifteen million , five hundred thousand dollars only was purchased by lucio harper and contracted out to the south african mining corporation in 1977 now recognised as mines and natural resources department . this redeemable investment interest , has now matured since march last year . since march last year , several attempts have been made to contact lucio harper without success and there is no way to contact any of his close relatives in whose favour the investment cash value can be paid . since we have access to all lucio harper ' s information , we can claim this money with the help of my partners with the south african mines and natural resources department . all we have to do is to file claim using you as lucio harper ' s relative . i will like to assure you that there is absolutely nothing to worry about , because it is perfectly safe with no risk involved . please ensure to keep this matter strictly confidential . my partner will file a claim for this money on your behalf from the southafrican mining corporation . when the claim is approved , you as the beneficiary will be paid ( 25 % ) of the total amouth . since this money can be paid directly into any bank account of your choice , you have responsibility to ensure that my partner and ireceive ( 70 % ) of the total amouth . while the balance ( 5 % ) will be set aside for any unforseen expenses in the cause of transfering this money . i will appreciate if you can give your assurance and guarantee that our share will be well secured . please for the sake of confidentiality , reach me on my e - mail address : wilsonkamela 3000 @ mail . com . please let me know if this proposal is acceptable to you . kindly reach me immediately with any of the stated contact addresses so that better clearifications relating to the transaction will be explained to you . truly yours , wilson kamela . - - irish linux users ' group : ilug @ linux . ie http : / / www . linux . ie / mailman / listinfo / ilug for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: some of the largest membership sites for free get porn for free free password to : 18 asian huge tits xxx free amateur hotties free teen hotties free and kinky free farm sluts free n ' famous adults only diligent ",1 +"Subject: mail delivery failed : returning message to sender this message was created automatically by mail delivery software . a message that you sent could not be delivered to one or more of its recipients . this is a permanent error . the following address ( es ) failed : stcelebrate 2002 @ aol . com ( ultimately generated from info @ something - to - celebrate . com ) smtp error from remote mailer after end of data : host mailin - 01 . mx . aol . com [ 64 . 12 . 137 . 89 ] : 554 - : ( hvu : bl ) http : / / postmaster . info . aol . com / errors / 554 hvubl . html 554 transaction failed - - - - - - this is a copy of the message , including all the headers . - - - - - - return - path : received : from [ 218 . 23 . 38 . 202 ] ( helo = mailwisconsin . com ) by discostu . angelsonoccasion . com with smtp ( exim 4 . 43 ) id ldupmn - 0001 st - jh for info @ something - to - celebrate . com ; tue , 19 jul 2005 06 : 57 : 18 - 0400 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 24817172 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : info @ something - to - celebrate . com user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbeiivable !",1 +"Subject: rreally works very good hello , welcome to pharmonli thyroid ne s newtonian hop - one of the leading oniine campaign pharmaceutical shops malnutrition v dimply g a unfold l l withdraw l unarmed la r spatio a cupboard cl i decision sv osierbed a classic um andmanyother . - save o operatic ver 50 % - worldwide sh retaliate lpplng - total conf impromptu identiaiity - over 5 miiiion cust unworn omers in 130 countries puffin have a nice day !",1 +"Subject: glad i madde the move hello , welcome to phar coolie monline sho disrespectful p - one yellowish of the leading oniine pharmaceutical shops labiate v corrective g a prostration l l opposed l l molecular a encephalitis ra maillot cl i stockjobbery sv mythicize a analects um andmanyother . - s welding ave over 50 % - worldwide sh resistance lpplng - total confidentiaii purchasingpower ty - over 5 miiiion customers in 130 countri canonization es have a nice day calumniatory !",1 +"Subject: a quick , cheap and convenient way to buy viagra we are the only online pharmacy offering 100 % satisfaction money back guarantee ? by perseverance the snail reached the ark . i think we agree , the past is over . true philosophy invents nothing ; it merely establishes and describes what is .",1 +"Subject: do you smoke ? qrklx lookln 4 affordabowl cigarettez ? come chick it out here ! is mclaughlin that skylarkchamfer or citron maybe fully minstrelsy ? i dill don ' t v continuum not decoy a binghamton spring . if upsetting crunch then reimove : ",1 +"Subject: logo , corporate identity and website design corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes oniy several seconds for your company to be remembered or to be lost among competitors . get your loqo , business stationery or website done riqht now ! fast turnaround : you will see severai logo variants in three business days . satisfaction guaranteed : we provide unlimited amount of changes ; you can be sure : it wiii meet your needs and fit your business . fiexibie discounts : ioqo improvement , additionai formats , bulk orders , special packages . creative design for competitive price : have a look at it right now !",1 +"Subject: well , trry it hello , welcome to pharmon wallow line s dilative hop - on extensible e of the leading oniine pharmaceutical shops greasy v marauder g unabridged al chromolithograph ll acknowledgement la r repealer ac octane l i extrusion s quaint va u pollination m andmanyother . - s nucleate ave over 50 % - worldwide shlp rocket plng - total confiden screechy tiaiity - over 5 miiiion permafrost customers in 130 countries have a backfiller nice day !",1 +"Subject: luv our rolexes for the same fea - tures and lovvprices . they are definitely the finest from rolexes , cartiers , bvlgaries , frankmullers , harry winstons , breguets , jaeger - lecoultre , brietilings , tagheuers and tudors . first of all , their overall lo 0 ks are perfect . secondly , vievv their details . every small logo and serial number shown speak for their elegance . you will also flnd out how ccheap our lovely goodss are . you might even vvant 2 or 3 vvatches for your collections . waterproof , stainlessteelbody , sapphire crystal surface and other lovely featuress bring you sheer feeling for luxury . our vvatches are reallydurable cause the manufacturers use the bestquality substances like durable stainlesssteel and anti - scratching surface . the vvatches sold at our cybersstore have energy - modules like battery & quartz , anto - operating & winding , winding and non - winding ones . the classics have hack mechanism with stainlesssteelback . we have them . their when you promised to go . "" "" no , i did not promise . i only smirked and bowed , and said the word late confidences wer e really too wicked for their pea ` bite your tongue ! ' said princess miaghkaia suddenly . ` karenina is a splendid woman . i don ' t like her husband - but her i like very much . ' to the window to recollect himself , and feel how he ought to behave . ce of mind , some weath 1 erbeaten ragged old rooks ' - nests , 7 burdening their hi gher branch",1 +"Subject: we are need you tjuz s cif mercy advertising group presents for your attention : they need your help ! the act of terrorism in london on july , 7 2005 took the lives of many innocent people . it was directed not against one nation , but against all the nations . its up to you to help the injured and the families who lost their relatives in this tragedy . to help click here if you dont want to receive our advertising letters any more , click here ",1 +"Subject: healthy reproductive life our customer speak volumes about our spur m product "" i just wanted to write and thank you for spur - m . i suffered from poor sperm count and motility . i found your site and ordered spur - m fertility blend for men . i have wondered for years what caused low semen and sperm count , and how i could improve my fertility and help my wife conceive . spur - m seems to have done just that ! thank you for your support . "" andrew h . , london , uk "" spur - m really does help improve fertility and effectiveness of sperm and semen motility . i used it for the past few months , and not only does it work - i also feel better to . i have more energy . this is an excellent counter to low sperm count and motility . i ' ll be buying more ! ! ! "" franz k . , bonn , germany http : / / rosemary . chorally . com / spur / ? sheep for removing , pls go here http : / / mcclure . chorally . com / rm . php",1 +"Subject: important announcement : your application was approved we tried to contact you last week about refinancing your home at a lower rate . i would like to inform you know that you have been pre - approved . here are the results : * account id : [ 987 - 528 ] * negotiable amount : $ 153 , 367 to $ 690 , 043 * rate : 3 . 70 % - 5 . 68 % please fill out this quick form and we will have a broker contact you as soon as possible . regards , shannon serrano senior account manager lyell national lenders , llc . database deletion : www . lend - bloxz . com / r . php ",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , alvaro ",1 +"Subject: you will receive the best prices available on viagra online if your sex life is good . . . then make it fantastic ! the covers of this book are too far apart . real freedom lies in wildness , not in civilization . with the gift of listening comes the gift of healing .",1 +"Subject: otc gdvi - the momentum continues - gdvi website debute otc bbalert gdvi news update : global diversified industries debutes brand new website ! www . gdvi . net otc bb alert spectacular operating results momentum continues sales projections for next 12 months surpasses $ 20 million 99 . 8 % revenue increase 278 % net income increase 154 % stockholders equity increase 79 % increase in assets $ 8 million order backlog $ 50 million manufacturing capacity overview global diversified industries operates in the modular building construction industry , and strategically targets the california education sector . gdvi is strategically located in central california on 16 acres with a 100 , 000 square foot state - of - the - art manufacturing facility . throughout 2003 and 2004 the company focused on building its infrastructure through acquisitions , development of a state - of - the - art manufacturing facility , and by securing the requisite financing facilities to fuel business growth . through the combination of its new facility ( $ 50 million capacity ) , the increased demand for portable buildings and the state of california ' s bond approvals , gdvi has become well positioned to become one of the dominant leaders in modular manufacturing on the west coast . gdvi should benefit greatly from the $ 12 . 1 billion school improvement bond that is expected to be passed by california voters next month ( march ) . this presents , in our opinion an opportunity for early investors of gdvi to also benefit before the mainstream investor realizes who the benefactors are and subsequently invests in those companies . global diversified has taken numerous strategic development steps throughout 2003 and 2004 , including generating strong revenues as well as profits and is now poised for explosive growth in 2005 . the company is led by a strong management team with previous success in building companies into $ 50 million per annum businesses . in the past year gdvi has exceeded its own sales revenue projections , renewed its piggyback contract , received state approvals on engineered product designs , started a new credit facility and opened its new 100 , 000 square foot manufacturing facility . the company will continue to seek new acquisition candidates through its aggressive growth plan . profile gdvi is a holding company that currently operates two wholly owned subsidiaries , mbs construction inc . , a modular contractor specializing in modular construction site work and renovation and global modular , inc . , a sales , marketing and manufacturing of modular type structures . its principal customer base is currently educational ( public and private schools , universities , etc . ) , child - care and municipality sectors . its product lines consist of a variety of portable classroom designs , including both single - story and two - story floor plans . global modular ' s portable classroom structures are engineered and constructed in accordance with pre - approved building plans , commonly referred to as p . c . ' s or pre - checked plans , that conform to structural and seismic safety specifications administered by the california department of state architects ( dsa ) . global modular also enjoys the benefit of providing educational customers with products contracted under a piggyback clause . the state of california allows school districts to canvass proposals from modular classroom vendors under a bidding process where the successful bidder can provide other public school districts and municipalities portable classrooms under a piggyback contract issued by the originating school district . this process saves school districts valuable time and resources from the necessity of soliciting bids . a modular vendor who possesses a piggyback contract containing competitive pricing and a variety of design options may have access to future business for up to five years , depending on the term of the piggyback contract . the strategic focus on california schools since 1998 , california legislation has required that at least 20 % of all new classrooms constructed with state funds be portable structures . there are five compelling reasons for this trend : modular classrooms are faster to construct ( as quickly as 2 weeks ) they cost significantly less ( as low as $ 30 , 000 vs . $ 100 , 000 ) they offer greater flexibility for use compared to conventional buildings they are easier to finance they provide financing incentives to cope with population growth , the state department of education estimates that california will need more than 2 , 500 classrooms each year for the next four years , which equates to more than 10 , 000 classrooms . due to the current and projected budget cuts throughout the california education sector , public and private schools are expected to turn to portable / modular construction to fulfill their additional classroom requirements over the next four years . the california schools budget crisis on november 5 , 2002 a $ 13 . 2 billion school facilities improvements bond proposal ( proposition 47 ) was passed by california voters . this bond measure passage does not include an approximate $ 9 . 4 billion worth of local bond measures passed by various school districts throughout the state . a second bond measure worth $ 12 . 1 billion went before the voters on the march 2004 . these bond measures are about three times higher than the record $ 9 . 2 billion bond california voters approved in 1998 . the revenue generated from these bond measures will be used for school modernization programs , which include requirements for relocatable classrooms and modular classroom construction and renovations . money from the bonds will help overcrowded public and private schools ; design upgrades and expand building space at community colleges and other institutions of higher learning throughout california . gdvi business infrastructure among global modular ' s asset base is its integrated , state - of - the - art , automated manufacturing process which includes equipment , raw material and marketing collateral that are specifically designed for the high capacity fabrication of modular structures . gdvi employs a workforce of 60 employees and is looking to add to its workforce as demand increases . operates out of a sixteen acre site with a 100 , 000 square foot operating structure . wholly owned subsidiary ( global modular inc . ) markets , designs and manufactures the buildings wholly owned subsidiary ( mbs corporation ) handles installation and building renovation . symbol otc . bb gdvi recent price 13 . 5 cents management team philip hamilton , ceo and president mr . hamilton has an extensive and very successful background in modular manufacturing . from 1996 to feb 2000 he served as chairman and ceo of pacesetter industries inc . he built this company from inception into one of californias largest manufacturers , producing and installing thousands of schools and commercial buildings . under his leadership , pacesetter industries moved into a 5 , 500 , 000 sq . ft . facility in atwater , california with branch sales offices throughout the state . the company employed a staff of over 650 employees and had annual sales of $ 50 , 000 , 000 . adam de bard , vice president mr . de bard has over 6 years of experience in the manufacturing and business sectors . from 1997 to 2000 he served as vice president and chief information officer of pacesetter industries . ronald kilpatrick , director of finance mr . kilpatrick has 36 years experience in both domestic and international development and management of major corporations . he is a managing partner of pacific rim capital llc which provides venture capital to projects in the pacific rim . recent headlines global diversified industries , inc . commencing efforts to increase its u . s . based investor and public relations visibility pr newswire ( tue 5 : 00 am ) global diversified industries , inc . modular division secures new order worth more than $ 3 million for immediate delivery pr newswire ( thu , jun 9 ) wallst . net airing all - new , exclusive audio interviews with gdvi and geoi pr newswire ( tue , jun 7 ) wallst . net airing exclusive audio interviews with gdvi and xle pr newswire ( thu , jun 2 ) global diversified industries , inc . acquires valuable assets from california modular company pr newswire ( thu , may 26 ) global diversified industries , inc . modular division implementing its fourth production line pr newswire ( thu , may 19 ) talkingstocks . com announces interview with philip hamilton , president and ceo of global diversified industries , inc . primezone media network ( tue , may 17 ) stockguru . com initiates profile coverage of global diversified industries , inc . primezone media network ( mon , may 16 ) global diversified industries ' modular division billings total $ 1 . 4 million in april ; experiencing largest production schedule since company ' s founding pr newswire ( tue , may 3 ) global diversified industries , inc . modular division receives repeat order based on superior prior performance pr newswire ( wed , apr 20 ) more headlines for gdvi . ob . . . gdvi manufacturing infrastructure gdvi has created a turnkey manufacturing process with experienced professionals handling every aspect of each manufacturing project . global ' s integrated service approach provides the company with a distinct advantage over its competitors in term of efficiency and cost effectiveness . via 3 wholly owned subsidiaries , gdvi delivers the following in - house services : design , engineering and planning site preparation manufacturing and construction delivery , installation , and relocation ancillary interior and exterior services customer service and support contacts gdvi - global diversified industries inc . 1200 airport drive chowchilla , ca 93610 tel : ( 559 ) 665 5800 investor relations contact mr . paul knopick tel : ( 949 ) 707 - 5365 pknopick @ . com stock quotes http : / / finance . yahoo . com / q ? s = gdvi . ob this report is for informational purposes only , and is neither a solicitation to buy nor an offer to sell securities . investment in low - priced small and micro - cap stocks are considered extremely speculative and may result in the loss of some or all of any investment made in these companies . expedite is not a registered investment advisor or a broker - dealer . information , opinions and analysis contained herein are based on sources believed to be reliable , but no representation , expressed or implied , is made as to its accuracy , completeness or correctness . the opinions contained herein reflect our current judgment and are subject to change without notice . expedite assumes no responsibility for updating the information contained herein regardless of any change in gdvi ' s financial or operating condition . as expedite has received compensation for this report , and will benefit from any increase in share price of the advertised company , there is an inherent conflict of interest in our statements and opinions . expedite accepts no liability for any losses arising from an investor ' s reliance on , or use of , this report . gdvi will require additional capital to realize its business plan and continue as a going concern . expedite has been hired by a third party consultant , and is contracted to receive $ 5 , 000 . expedite and its affiliates or officers may buy hold or sell common shares , of mentioned companies , in the open market or in private transactions at any time without notice . certain information included herein is forward - looking within the context of the private securities litigation reform act of 1995 , including , but not limited to , statements concerning manufacturing , marketing , growth , and expansion . the words "" may , "" "" would , "" "" will , "" "" expect , "" "" estimate , "" "" anticipate , "" "" believe , "" "" intend , "" and similar expressions and variations thereof are intended to identify forward - looking statements . such forward - looking information involves important risks and uncertainties that could affect actual results and cause them to differ materially from expectations expressed herein . global diversified industries , inc . 1200 airport dr . chowchilla , ca 93610 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: information request received we are in receipt of your e - mail regarding additional information . we appreciate your patience and will be responding to you within the next 24 - 48 hours . please be advised that this is an automated e - mail response . thank you , millenium precision , inc .",1 +"Subject: major stock play amnis systems , inc . ( otcbb : amnm ) contract announcements and huge newsletter coverage this week = for = 20 amnm ! ! ! this thursday amnm will be profiled by some major newsletters . = = 20 there will be huge volume and a strong increase in price for severa = l = 20 days . these are the same newsletters that profiled clks two w = eeks = 20 ago . they brought clks from $ 1 . 50 to $ 4 . 35 in ten days . = we = 20 know for certain that the same groups are going to profile amnm sta = rting = 20 on thursday . we are very proud that we can share this information with you = so that = 20 you can make a profit out of it . it is highly advisable to ta = ke a = 20 position in amnm as soon as possible , today before the market = 20 closes , or tomorrow . the stock is trading near its 52 week low , and will start movi = ng up = 20 immediately . we believe the stock could easiely reach $ 4 in l = ess = 20 than a month . good luck and watch amnm fly this week ! ! = 09 = 09 = 09 = 09 = 09 = 09 = 09 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ incredimail - email has finally = = 20 evolved - click = 20 here ",1 +"Subject: horny ? . . stop paying for porn - 12 free passes i know you want pics of hot babes right ? i bet you want to get into the best porn sites for free too ? here ' s a secret : get into paysites free ! take a minute to read what i ' ve got to tell you , and will have full access to some of the internet ' s hottest membership sites for free . click here this costs nothing ! note : this is not a spam email . this email was sent to you because your email was entered in on a website requesting to be a registered subscriber . if you would would like to be removed from our list , click here to cancel your account and you will * never * receive another email from us ! ",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactly when you want . ciails has a iot of advantaqes over viaqra - the effect lasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with alcohol ! we ship to any country ! get it riqht now ! . ",1 +"Subject: manage your diabetes effortlessly with diabetic plus to no longer get these messages from diabetic plus inc . , please click here : unsubscribe or send a postal mail to : diabetic plus inc . 12000 biscayne blvd suite 607 north miami beach , fl . 33181 diabetic plus 12000 biscayne blvd . , ste . 509 north miami , fl 33181 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: want to make women adore you ? click here . 10 minutes before sex , lasts for 24 - 36 hours an eye for an eye makes the whole world blind . the man who runs may fight again . where there is an open mind there will always be a frontier .",1 +"Subject: the technews - bulletin , july 2005 mobile production units for developing countries - worldwide partners program sn world foundation will supply to countries and developing regions the technology and necessary support for production in series of mini - plants in mobile containers ( 40 - foot ) . the mini - plant system is designed in such a way that all the production machinery is fixed on the platform of the container , with all wiring , piping , and installation parts ; that is , they are fully equipped . . . and the mini - plant is ready for production . more than 700 portable production systems : bakeries , water purification , dehydrated food , steel nails , fruit juice preparation , tire retreading , reinforcement bar bending for construction framework , sheeting for roofing , ceilings and faades , plated drums , aluminum buckets , injected polypropylene housewares , pressed melamine items ( glasses , cups , plates , mugs , etc . ) , mufflers , construction electrically welded mesh , plastic bags and packaging , medical assistance mobile units , sanitary material , hypodermic syringes , hemostatic clamps , etc . the mini - plants of production in mobile containers is the only system in the world that can provide up to six ( 6 ) of the most essential products for basic sustenance for just one dollar ( $ 1 . 00 ) per day . sn world foundation has started a co - investment program for the installation of small assembly plants to manufacture , in series , the mini - plants of portable production on site , region or country where required . one of the most relevant features is the fact that these plants will be connected to the international trade system , with access to more than 50 million raw materials , products and services and automatic transactions for world trade . due to financial reasons , involving cost and social impact , the best solution is setting up assembly plants on the same countries and regions , using local resources ( labor , some equipment , etc . ) sn world foundation participates at 50 % ( fifty percent ) for investment of each assembly plant . if you are interested in being a partner in your country or region , you can send your cv to : sn world foundation ( click here ) worldwide partners program to : sarah mathews , program manager . if you received this in error or would like to be removed from our list , please return us indicating : remove or un - subscribe in subject field , thanks . the technews , editor 2005 the tech news . all rights reserved . ",1 +"Subject: logo , stationer , website design and so much more ! lt is really hard to recollect a company : the market is full of suqgestions and the information isoverwhelminq ; but a good catchy logo , styllsh stationery and outstanding webslte wiii make the task much easier . we do not promise that having ordered a iogo your company wiil automaticaily become a worid leader : it isguite clear that without good products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: greatly improve your stamina my girlfriend loves the results , but she doesn ' t know what i do . she thinks it ' s natural - thomas , ca i ' ve been using your product for 4 months now . i ' ve increased my length from 2 to nearly 6 . your product has saved my sex life . - matt , fl pleasure your partner every time with a bigger , longer , stronger unit realistic gains quickly to be a stud press here so much time had been consumed at the desert oasis that he felt he must now hasten if he wished to reach home by saturday afternoon ; so , having quickly come to a decision , he turned the indicator and began a swift flight into the east address listed in above site but i am one of the greatest humbug wizards that ever lived , and you will realize this when we have all starved together and our bones are scattered over the floor of this lonely cavei don ' t believe we ' ll realize anything , when it comes to that , remarked dorothy , who had been deep in thought for several hours he traveled above the great desert of gobi , but by noon signs of a more fertile country began to appear , and , dropping to a point nearer the earth , he was able to observe closely the country of the chinese , with its crowded population and ancient but crude civilization then he came to the great wall of china and to mighty peking , above which he hovered some time , examining it curiously ",1 +"Subject: it ' s just too small hloy a man endowed with a 7 - 8 "" hammer is simply better equipped than a man with a 5 - 6 "" hammer . would you rather havemore than enough to get the job done or fall short . it ' s totally upto you . our methods are guaranteed to increase your size by 1 - 3 "" come in here and see how ",1 +"Subject: roletes e roldanas para empilhadeiras santos , julho de 2 . 005 listagem dos produtos savi linha hyster : 193557 rolete r $ 90 , 00 193557 c capa r $ 55 , 00 110520 rolete r $ 125 , 00 110520 c capa r $ 95 , 00 185530 / / 329090 rolete r $ 62 , 00 185531 / / 329091 rolete r $ 68 , 00 125223 rolete r $ 175 , 00 125217 rolete lat . r $ 115 , 00 125219 eixo r $ 35 , 00 125220 suporte r $ 225 , 00 1333395 rolete r $ 80 , 00 1333398 rolete r $ 65 , 00 1345218 rolete r $ 90 , 00 270063 eixo r $ 95 , 00 126041 ?ncora r $ 170 , 00 257853 eixo curto r $ 85 , 00 87905 rolete r $ 75 , 00 61463 roldana r $ 155 , 00 810348 engrenagem r $ 535 , 00 810810 engrenagem r $ 1 . 850 , 00 roldana hyster xl 80 r $ 145 , 00 linha clark : 342957 rolete r $ 70 , 00 2326653 rolete r $ 85 , 00 1722452 rolete r $ 165 , 00 1692062 rolete lat . r $ 190 , 00 666354 rolete lat . r $ 55 , 00 1654614 rolete r $ 90 , 00 1692093 roldana r $ 90 , 00 329488 roldana r $ 190 , 00 840929 sapata freio r $ 245 , 00 linha yale : 5088018 rolete r $ 65 , 00 7114306 rolete r $ 110 , 00 7114068 rolete r $ 110 , 00 5200368 - 37 rolete r $ 90 , 00 5200368 - 52 rolete r $ 65 , 00 743692 rolete lat r $ 50 , 00 907595300 rolete r $ 110 , 00 yale antigo 100 x 40 x 35 r $ 70 , 00 650697 - 00 rolete lat . r $ 45 , 00 650698 - 00 rolete lat . r $ 45 , 00 650699 - 00 rolete lat . r $ 45 , 00 5086233 - 00 roldana r $ 155 , 00 5104934 - 00 suporte r $ 550 , 00 roletes mitsubishi : d . ext . x d . eixo x altura 124 , 5 x 45 x 34 rolete r $ 115 , 00 115 x 45 x 35 rolete r $ 110 , 00 ( 9421000700 ) 115 , 5 x 45 x 34 rolete r $ 110 , 00 114 x 45 x 34 rolete r $ 110 , 00 ( 9421000601 ) 115 , 5 x 60 x 27 , 5 rolete r $ 110 , 00 107 , 5 x 35 x 28 rolete r $ 95 , 00 roldanas : 121 / 110 x 45 x 36 roldana r $ 120 , 00 ( 9421020500 ) 91 / 86 x 35 x 30 roldana r $ 95 , 00 118 / 103 x 35 x 30 roldana r $ 115 , 00 outros : 830065 - 181 rolete r $ 96 , 00 ( toyota ) 838089 blb rolete r $ 110 , 00 939089 b rolete r $ 105 , 00 rolete nissan 115 x 45 x 32 r $ 100 , 00 rolete nissan 115 , 5 x 45 x 32 r $ 100 , 00 rolete nissan 123 , 5 x 45 x 32 r $ 110 , 00 910946 rolete r $ 90 , 00 13317089 rolete r $ 90 , 00 0009249480 rolete r $ 145 , 00 ( linde ) 0009249481 rolete r $ 145 , 00 ( linde ) 9511003117 rolete r $ 175 , 00 ( linde ) 0009249504 rolete r $ ( linde ) 0009249505 rolete r $ ( linde ) 0009249506 rolete r $ ( linde ) empilhadeira milan 37 ton . ( pre?os sob consulta ) rolete torre milan 37 ton . rolete lat . torre milan 37 ton . polia da corrente torre milan 37 ton . polia das mang . hidr?ulico torre rolete lat . milan 37 ton . semi - eixo milan 37 ton . confeccionamos todos os cil?ndros hidr?ulicos e mais ; fabricamos sob desenho ou amostra itens tais como : roletes , roldanas , eixos , buchas , engrenagens , acoplamentos , flanges , polias , suportes e etc . . estamos desde j? no aguardo de vosso contato tel . : oxxl 3 32357817 telfax . : oxxl 3 32342055 hailson . savi @ terra . com . br obs : voc? est? recebendo este e - mail porque est? cadastrado para tal . caso voc? n?o deseje mais receber nenhum tipo de contato nosso , clique aqui , ou envie um e - mail para seuemail @ dominio . com com o assunto remover .",1 +"Subject: mega nneed offr hello , welcome to pharmonli pitfall ne sho affect p - one of the leading oniine pharmaceutical sho exsiccation ps thereout v compare g a kibble l l devisor l l navigable a r metaphysical a trousseaux cl i billow sv atomicity a coastal um andmanyother . - save ove reheat r 50 % - worldwide sh drowsy lpplng - total confidentiaiit mellifluous y - over 5 miiiion customers goneness in 130 countries have a nice da wriggle y !",1 +"Subject: get the software you need , now ! save money on buying software ! ! ! reading this book is like waiting for the first shoe to drop . free speech carries with it some freedom to listen .",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactiy when you want . cialls has a iot of advantaqes over viagra - the effect iasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with alcohoi ! we ship to any country ! get it right now ! . ",1 +"Subject: viagra online now levitra is in the class of oral impotence medication like viagra . whatever you are , be a good one . advice is a dangerous gift , even from the wise to the wise . men in however high a station ought to fear the humble .",1 +"Subject: you don _ t know how to get into search engine results ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website online otherwise it wiil be invisibie virtuaiiy , which means efforts spent in vain . if you want people to know about your website and boost your revenues , the oniy way to do that is to make your site visible in places where peopie search for information , i . e . submit your website in multiple search engines . submit your website online and watch visitors stream to your e - business . best regards , beatrizbass _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: peace tree designs : creating extraordinary art for ordinary items ! peace tree design creates products to enhance your daily experience by putting extraordinary art on items you use everyday . original and abstract designs of suns , moons , meteors , eyes , mandalas , and flowers on journals , mouse pads , bags , and clocks make them distinctive and you stand out . peace tree design will also create a custom design or logo for an event ( kid ' s birthday , company function , family reunion ) or for your organization . ",1 +"Subject: new impotence drug that treats male erectile dysfunction ! prescription medication for mens health and wellness . he that dies pays all debts . a contented mind is a continual feast . nothing can be pleasing which is not also becoming . sweet mercy is nobility ' s true badge .",1 +"Subject: buy cialis online ! get control of your life again ! prescriptions for female sexual disfunction just turn left at greenland . . . poetry is the language in which man explores his own amazement . horses lend us the wings we lack .",1 +"Subject: increases cardiac output and athletic performance no doctor visits required recapture your youth and feel the energy for many , this is a powerful second chance press here to read about http : / / yv . i 2 el . glowlineensured . com / xs / this common element can change the way you experience the next half of your life - - - - - original message - - - - - from : odessa [ mailto : derick @ ktracsy . com ] sent : tuesday , march 3 , 2005 5 : 42 am to : donnie ; rebbecca @ rixranxne . com ; blanche ; janelle ; kazuko subject : fully living life i am busy , no thank you , go above and use link and address is on site his surprise was great when the garment of repulsion arrested the blow and nearly overthrew the aggressor in turn . snatching a dagger from his sash , he bounded upon the boy so fiercely that the next instant the enraged turk found himself lying upon his back three yards away , while his dagger flew through the air and landed deep in the desert sands . keep it up ! cried rob , bitterly . but why destroy my friends ? asked the little wizard .",1 +"Subject: now you can diversify the acts in your bedroom ! cialis drug information : an online resource on cialis , a new fda approved impotence drug we all have strength enough to endure the misfortunes of others . blessed are those who can give without remembering , and take without forgetting . doubt is not a pleasant condition , but certainty is absurd . this hath not offended the king .",1 +"Subject: re : good day , everybody will love to get p - p - t - v and pay not a cent . so will you , check the below web address , copy it and paste in your browser . the web address is : check 4 choices . com once who don ' t like such mails , plz . add slash and ' r ' to above address . and plz . give upt 10 days . i am missing working right now . . was michael enjoying running early last month ? . get back to you later , kristi olariu",1 +"Subject: 300 million business charset = windows - 1252 "" > sick and tired of email directories that don ' t deliver what they promise ? these days it ' s almost getting to the point were you need to buy every single e - mail directory on the market and weed through them to get some decent e - mail addresses to bulk out to . well the buck stops here ! we ' ve bought almost every good directory on the market , cleaned it up and compiled all 300 million records on 3 cds for you ! plenty of targeted lists are also available in areas like : state and area code gambling dining gardening health golf home business investment opt - in web design travel . . . and many more ! check out this amazing new collection today ! get our website address now by sending a blank email to cloudhaven @ btamail . net . cn once you send an email you will receive our website url in your inbox within seconds ! ",1 +"Subject: mix , rip and burn like a pro . download realplayer plus now . advanced cd burning rip , mix and burn cds and mp 3 s faster at 320 kbps . advanced video controls customize your video experience with brightness , contrast , sharpness , and hue graphic eq create the perfect sound by adjusting for input and room size with 10 - band graphic eq . crossfade set up segues , close gaps between tracks , and mix like a pro . ",1 +"Subject: claim a free $ 25 kmart ( r ) gift card ! you are receiving this mailing because you are a member of sendgreatoffers . com and subscribed as : jm @ netnoteinc . com to unsubscribe click here or reply to this email with remove in the subject line - you must also include the body of this message to be unsubscribed . any correspondence about the products / services should be directed to the company in the ad . % em % jm @ netnoteinc . com % / em % ",1 +"Subject: [ ilug - social ] lose 22 . 5 lbs in 3 weeks ! 1 ) lose 22 . 5 lbs in 3 weeks ! flush fat away forever ! free 30 - day supply http : / / www . adclick . ws / p . cfm ? o = 423 & s = pkl 9 2 ) introducing chase platinum for students with a 0 % introductory apr http : / / www . adclick . ws / p . cfm ? o = 421 & s = pkl 9 3 ) access your pc from anywhere - download now http : / / www . adclick . ws / p . cfm ? o = 425 & s = pkl 9 have a wonderful day , prizemama - - - - - - - - - - - - - - - - - - you are receiving this email because you have opted - in to receive email from publisher : prizemama . to unsubscribe , click below : - - irish linux users ' group social events : social @ linux . ie http : / / www . linux . ie / mailman / listinfo / social for ( un ) subscription information . list maintainer : listmaster @ linux . ie",1 +"Subject: re : my pic hi sweetie , come see me and my hot girl friends school at our new web site - > http : / / picturepost . phreehost . com / mypic / come to see fast before delete this page .",1 +"Subject: delivery status notification ( failure ) this is an automatically generated delivery status notification . delivery to the following recipients failed . info @ simplythankyou . com",1 +"Subject: the best investments otc newsletter discover tomorrow ' s winners for immediate release cal - bay ( stock symbol : cbyi ) watch for analyst "" strong buy recommendations "" and several advisory newsletters picking cbyi . cbyi has filed to be traded on the otcbb , share prices historically increase when companies get listed on this larger trading exchange . cbyi is trading around 25 cents and should skyrocket to $ 2 . 66 - $ 3 . 25 a share in the near future . put cbyi on your watch list , acquire a position today . reasons to invest in cbyi a profitable company and is on track to beat all earnings estimates ! one of the fastest growing distributors in environmental safety equipment instruments . excellent management team , several exclusive contracts . impressive client list including the u . s . air force , anheuser - busch , chevron refining and mitsubishi heavy industries , ge - energy environmental research . rapidly growing industry industry revenues exceed $ 900 million , estimates indicate that there could be as much as $ 25 billion from "" smell technology "" by the end of 2003 . ! ! ! ! ! congratulations ! ! ! ! ! our last recommendation to buy orbt at $ 1 . 29 rallied and is holding steady at $ 3 . 50 ! congratulations to all our subscribers that took advantage of this recommendation . all removes honored . please allow 7 days to be removed and send all addresses to : goneforgood @ btamail . net . cn certain statements contained in this news release may be forward - looking statements within the meaning of the private securities litigation reform act of 1995 . these statements may be identified by such terms as "" expect "" , "" believe "" , "" may "" , "" will "" , and "" intend "" or similar terms . we are not a registered investment advisor or a broker dealer . this is not an offer to buy or sell securities . no recommendation that the securities of the companies profiled should be purchased , sold or held by individuals or entities that learn of the profiled companies . we were paid $ 27 , 000 in cash by a third party to publish this report . investing in companies profiled is high - risk and use of this information is for reading purposes only . if anyone decides to act as an investor , then it will be that investor ' s sole risk . investors are advised not to invest without the proper advisement from an attorney or a registered financial broker . do not rely solely on the information presented , do additional independent research to form your own opinion and decision regarding investing in the profiled companies . be advised that the purchase of such high - risk securities may result in the loss of your entire investment . not intended for recipients or residents of ca , co , ct , de , id , il , ia , la , mo , nv , nc , ok , oh , pa , ri , tn , va , wa , wv , wi . void where prohibited . the owners of this publication may already own free trading shares in cbyi and may immediately sell all or a portion of these shares into the open market at or about the time this report is published . factual statements are made as of the date stated and are subject to change without notice . copyright c 2001 otc * * * *",1 +"Subject: achieve stronger and harder erections penis growth extreme http : / / www . siratu . com / ss / there ' s really no fun in being sensible all the time . . . . advice is least heeded when most needed . some of us are becoming the men we wanted to marry . my friend is one . . . who take me for what i am . the way is harshness greeted with kindness , fear greeted with fortitude .",1 +"Subject: upside only treasury - linked annuity upside of annual increases in 5 - year t - note bonus crediting over normal treasury notes alternative for large municipal bond or t - note buyers call or e - mail us today ! or please fill out the form below for more information name : e - mail : phone : city : state : * for deposits over $ 100 , 000 we don ' t want anybody to receive our mailings who does not wish to receive them . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactiy when you want . cialis has a lot of advantages over viagra - the effect lasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with aicohoi ! we ship to any country ! get it riqht now ! . ",1 +"Subject: picks from analyst with high - level precision small - cap stock finder new developments expected to move western sierra mining , inc . stock from $ o . 70 to over $ 4 . oo westernsierramining . com western sierra mining is a company on the move , fast ! big news is out ! big business is afoot for wsrm ! read on to find out why wsrm is our top pick this week . * western sierra mining has a very profitable business mode | in which they avoid the highest cost associate with mining : expioration . essentia | | y , wester sierra operates mines on sites that have been previously explored and found to be "" too small "" for the | argest mining companies , yet stil | produce handsome profits . * the global mining industry boom wi | | continue for the foreseeable future due to the impact of china - driven demand on commodity prices and long suppiy - response lead times . * news ! news ! news ! read on to find out why we expect wsrm to take off this week ! here is recent news on the company : phoenix - - ( business wire ) - - june 15 , 2 oo 5 - - western sierra mining corp . ( pink sheets : wsrm - news ) announced today that the board of directors has approved and authorized a 2 - for - 1 forward spiit of its issued and outstanding common s - tock to al | shareholders of record as of june 26 , 2 oo 5 . the company stated that the reason for the split was to a | | ow additional investors to participate in the long - term goals and objectives of western . phoenix - - ( business wire ) - - june lo , 2 oo 5 - - western sierra mining ( pink sheets : wsrm - news ) and oretech inc . ( pink sheets : orte - news ) announced today that their respective boards of directors have agreed to enter into an agreement to develop the silver piume and pittsburg mines | ocated in coiorado . commenting on the proposed transaction , the president of western sierra mining , michael chaffee , said , "" the new aiignment with oretech wi | | aliow each of the companies to utiiize their specific expertise to the maximum benefit of the other . oretech is trying to focus on developing its propriety extraction technology and western is expanding its mining activities in the u . s . we have started our due diiigence on the property and look forward to taking a proposal back to oretech by the end of the month . phoenix - - ( business wire ) - - june 3 , 2005 - - western sierra mining ( pink sheets : wsrm - news ) announced today that it has signed a letter of intent with asdi corp . providing wsrm the right to develop the asdi property | ocated in crescent vailey at battie mountain , nev . we cannot stress enough the significance of this news . a s - tock split can oniy mean one thing ; good business ! with the split date set at june 26 , now is obviously the time to get in . with repsect to the other news , that a smal | company such as this wouid have the rights to these rich properties speaks voiumes for their management and near - future earnings . that they wouid be so fortunate as to be involved with an industry pioneer such as oretech is nothing short of extraordinary . these fortuitous events have earned wsrm our highly recommendation symbol : ( wsrm ) current price : 0 . 70 short term target price : 4 . 60 12 month target price : 8 . 90 * * * news from the industry * * * * mining s - tocks have outperformed both the s & p 5 oo and the dow jones industrial average over the last three years . * profits by mining companies have doubled for the second year in a row . return on equity has increased nearly three - foid over the past two years * price waterhouse coopers calis for "" . . . another bumper year for the giobal mining industry in 2 oo 5 . "" they go on to say , "" the sustained upturn in commodity prices has caught investors ' attention , creating a dash for mining s - tocks . add the unprecedented profits and free cash flows and we have a very buoyant industry . "" for more information read , mine - enter the dragon , by price waterhouse coopers , located at pwcglobal . com disclaimer : information within this email contains "" forward | ooking statements "" within the meaning of section 27 a of the securities act of 1933 and section 21 b of the securities exchange act of 1934 . any statements that express or invoive discussions with respect to predictions , expectations , beliefs , pians , projections , objectives , goals , assumptions or future events or performance are not statements of historica | fact and may be "" forward | ooking statements . "" forward | ooking statements are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which couid cause actual results or events to differ materialiy from those presentiy anticipated . forward looking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" wil | , "" "" anticipates , "" "" estimates , "" "" believes , "" "" understands "" or that by statements indicating certain actions "" may , "" "" could , "" or "" might "" occur . as with many micro - cap s - tocks , today ' s company has additional risk factors worth noting . those factors inciude : a | imited operating history , the company advancing cash to reiated parties and a sharehoider on an unsecured basis : one vendor , a related party through a majority s - tockholder , suppiies ninety - seven percent of the company ' s raw materiais : reiiance on two customers for over fifty percent of their business and numerous related party transactions and the need to raise capita | . these factors and others are more fully spelied out in the company ' s sec fiiings . we urge you to read the filings before you invest . the rocket stock report does not represent that the information contained in this message states ail material facts or does not omit a material fact necessary to make the statements therein not misleading . ail information provided within this email pertaining to investing , stocks , securities must be understood as information provided and not investment advice . the rocket stock report advises al | readers and subscribers to seek advice from a registered professional securities representative before deciding to trade in stocks featured within this email . none of the materia | within this report shall be construed as any kind of investment advice or soiicitation . many of these companies are on the verge of bankruptcy . you can | ose al | your mone * y by investing in this stock . the pubiisher of the rocket stock report is not a registered investment advisor . subscribers shouid not view information herein as | ega | , tax , accounting or investment advice . any reference to past performance ( s ) of companies are speciaily selected to be referenced based on the favorable performance of these companies . you would need perfect timing to achieve the results in the examples given . there can be no assurance of that happening . remember , as aiways , past performance is never indicative of future results and a thorough due diligence effort , including a review of a company ' s fiiings , should be compieted prior to investing . in compliance with the securities act of 1933 , section 17 ( b ) , the rocket stock report discioses the receipt of tweive thousand dollars from a third party ( gem , inc . ) , not an officer , director or affiliate sharehoider for the circulation of this report . gem , inc . has a position in the stoc * k they wi | | sel | at any time without notice . be aware of an inherent conflict of interest resuiting from such compensation due to the fact that this is a paid advertisement and we are confiicted . all factual information in this report was gathered from pubiic sources , including but not | imited to company websites , sec fiiings and company press releases . the rocket sto * ck report beiieves this information to be reiiabie but can make no guarantee as to its accuracy or completeness . use of the material within this email constitutes your acceptance of these terms .",1 +"Subject: what happend in your home ? ? ? spy pinhole color camera + voice features : all purpose cam at your finger tip world ' s true smallest spy camera ( similar to a penny ) low power consumption and high sensitivity easy installation . do - it - yourself to build your own baby / nanny monitor , r / c helicopter , airplane , walking robot , home and office security cameras as a must for private investigators and law enforcement agencies for surveillance and video monitoring recording of indoor and outdoor activities where is allowed by law keep an eye on valuables and loved ones with this tiny suitable for use at homes , workshops , warehouses , schools , offices , stores , gas stations great for portable video surveillance or for hobbies hide it easily in any objects such as box , book , toy , flower , plant , clock , or radio , anywhere you can think of record the motion video to a vcr or / and watch the video on tv without a computer or in compute with dvr card easy to keep track of anything ! ! specifications : tv system : pal definition : 380 tv lines scan frequency : 60 hz minimum illumination : 1 . 5 lux for color effective element : 510 x 492 picture area : 4 . 69 x 3 . 45 mm viewing angle : 30 ~ 35 degrees iris : automatic exposure : automatic focus : adjustable viewing distance : 50 mm to infinity full motion real time color video without delay operating voltage : 9 - volt battery or ac - dc + 8 v 200 ma power adapter operating duration by battery : 10 hours on duracell or energizer alkaline battery operating duration by ac - dc power adapters : 24 - hour non - stop installation : you can do it in 2 minutes connect the pinhole to any standard television or vcr with the rca cable ( cable not included ) plug the ( 9 - volt battery or ac - dc + 8 v 200 ma power adapter ) into the power jack of the camera or in compute with dvr card adjust the lens of the camera to its best position change your tv set into av model dimensions : 0 . 875 oz . ( net weight ) 1 . 125 oz . ( gross weight ) 0 . 725 inches x 0 . 875 inches x 0 . 875 inches ( w x l x h ) only 29 $ including shipping to worldwide ! to order click here ! to buy dvr ' s , security cameras and more , click here ! ",1 +"Subject: * free real estate info ! * great news webmaster , finally - a foreclosure tycoon reveals his most closely guarded secrets ! for the first time ever , we are proud to bring you foreclosure ' s most closely guarded secrets - a complete , turn - key system to either owning your own home or making a fortune in foreclosure real estate without tenants , headaches and bankers . free information for a revolutionary brand - new approach to show you exactly how to buy a foreclosure or make a fortune in foreclosure real estate in today ' s market . are you ready to take advantage of this amazing information ? webmaster , take this first step to improving your life in the next 2 minutes ! for free information click here : to unsubscribe or change subscriber options click : click here - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: urgent reply needed from : mr . usman bello . attention sir in appreciation of your esteemed contact received through a reliable source , first of all , i wish to introduce myself to you , i am mr usman bello . the only surviving son of the late dr . mustapha bello who was one of the aid to the former leader of my country iraq before he was killed in a war in my country . i know that this mail will come to you as a surprise but honestly i do not intend to surprise you . i write this letter in respect of my intention to invest the sum of us $ 10 , 000 , 000 . 00 in your company which i inherited from my father proceeds before his death . my mother is from haiti while my father is from iraq before they got married as husband and wife . i am now left with my only surviving mother who unfortunately has been critically ill since late last year because of the shock the death of my late father caused her . when my father with the rest members of my family was killed on 16 th january 2003 during the war , i and my mother escaped to iran with the help of united nations officials from there we came to thailand through the united nation peace keeping pilot . the fund is now with the financial firm . in view of this plight , i expect you to be trust worthy and kind enough to assist me , i hereby agree to compensate your sincere and candid effort in this regard with 20 % of the total fund and 10 % for expenses , which may arise during the transaction . whatever your decision is , please contact me immediately through the above email . i also appeal to you to keep this matter secret for the interest of my family . best regards . usman bello .",1 +"Subject: got a mortgage ? 6 . 25 30 yr fixed free instant quote djf dear homeowner , * 6 . 25 % 30 yr fixed rate mortgage interest rates are at their lowest point in 40 years ! we help you find the best rate for your situation by matching your needs with hundreds of lenders ! home improvement , refinance , second mortgage , home equity loans , and more ! even with less than perfect credit ! click here for a free quote ! lock in your low fixed rate today ano cost out of pocket ano obligation afree consultation aall credit grades accepted rates as low as 6 . 25 % won ' t stay this low forever click here * based on mortgage rate as of 5 - 15 - 02 as low as 6 . 25 % see lender for details h apply now and one of our lending partners will get back to you within 48 hours . click here ! to be removed please clicking here . ",1 +"Subject: look ! y o u are a w i n n e r here ! - don ' t miss out ! ! 6674 f i n a l n o t i c e ! new program pays you immediately ! get started today with usa ' s fastest growing business opportunity not mlm ! here you get paid large checks the same day ! use the internet to make money 24 hours a day ! i made unbelievable $ 21 , 000 in june ! . . and will prove it , if you wish ! everybody can do this ! - a u t o p i l o t system ! - our system generates all leads for you ! minimum cash outlay gets you started today ! program available in us and canada only ! are you ready to change your life ? to receive free info about this last offer , please send an email to : rickbellrist @ excite . com with "" send info "" in the subject line ! ! ( do not click reply ! ) to remove , please send an email with "" remove "" in the subject line to : rickbellrist @ excite . com - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: underpriced issue with high return on equity the oil and gas advisory now that oil and gas has entered a long - term bul | market , our speciaity in pinpointing the hottest companies of the few remaining undervaiued energy plays has produced soaring returns . emerson oi | and gas ( eogi ) is an energy developer in the us "" oil belt "" and in canada ' s most highiy coveted reservoirs with generating potentia | of millions per week . breaking news ! ! ! emerson oil and gas , inc . , ( eogi ) is pleased to announce that the aiberta energy & utiiity board has issued license no . o 330206 for the company ' s we | | 11 - 16 - 24 - 2 the acadia project . the acadia project consists of 15 sections in aiberta in an area that produces natura | gas from the viking formation , has oi | potentia | in the bakken zone and gas potential in the coiony and second white specks zones . the viking contains natura | gas in we | | s around the acadia project and has the potentia | for 13 bcf gas in the reservoir under the | eases . gas weils in the area have caicuiated aof rates up to 14 mmcf per day . the project is | ocated in eastern alberta with year round access and an estabiished production and equipment infrastructure . well costs are expected to be $ 600 , 00 o dri | | ed , cased and compieted and the advanced funds will go towards the driiling of the first well . each weil on a | ease earns emerson a 49 % working interest in one section . emerson oil and gas , inc . , ( eogi ) is pleased to announce that the land lease has been surveyed and acquired regarding the acadia project . the acadia project consists of 15 sections in aiberta in an area that produces natural gas from the viking formation , has oi | potential in the bakken zone and gas potential in the coiony and second white specks zones . the viking contains natural gas in weils around the acadia project and has the potentia | for 13 bcf gas in the reservoir under the leases . gas we | | s in the area have caicuiated aof rates up to 14 mmcf per day . the project is located in eastern aiberta with year round access and an estabiished production and equipment infrastructure . weil costs are expected to be $ 60 o , ooo dri | | ed , cased and compieted and the advanced funds will go towards the dri | | ing of the first we | | . each weil on a lease earns emerson a 49 % working interest in one section . symbol - eogi price - . o 26 the vaiue of eogi ' s shares will skyrocket : 1 . price charts confirm oi | prices are experiencing the strongest bul | market in a generation . 2 . natura | gas prices have tripied in the | ast two years . 3 . with multipie projects in high - gear and the expanding production on reserves worth multi - mi | | ions , eogi is selling for | ess than 1 / 4 the vaiue of its assets . 4 . emerson oi | and gas speciaiizes in using new technoiogy to turn unproductive oi | and gas deposits into profitabie enterprises . aiready shares in the oil and gas sector are rising faster than the overall market . in fact , four of dow jones ' ten top performing industry sectors for the past year are energy reiated . but it ' s in the mid - sized explorers and developers | ike emerson ( eogi ) that the biggest gains are being made . in the | ast 12 months , many of these stocks made tripie and even quadruple returns . our subscribers need to pay particuiariy close attention to undervalued eogi shares , because it won ' t be a bargain for | ong . this smail company with a comparably small market value , is sitting on a bonanza of oi | and gas reserves - an unrecognized bonus for investors especialiy with the daiiy jump in energy prices . but al | that wi | | change in a few short weeks , as these reserves move into production , bringing an explosion of cash that is expected to capture the attention of the market , and have an equa | | y expiosive effect on the share price . what wi | | the cash flow from these projects do for the price of emerson oil and gas ' shares ? well we do know this - the great thing about investing in eogi is that your gains don ' t depend on further increases in the price of oil and gas . even if energy prices stay flat , or decline slightiy , you will sti | | make a very heaithy return . of course , energy prices are expected to continue their meteoric rise over the next year or so as predicted , meaning the value of eogi ' s assets and earnings will soar even higher . in that case , the reward for investors will be staggering . overall , we consider eogi to be one of the | ast outstanding energy plays in the oil and gas sector . once this discovery has been reaiized , eogi shares wi | | surge sharply on heavy investor attention . we have identified this discovery for immediate accumulation . eogi ' s oil and gas reserves are wel | established and are going into massive production . eariy investors wil | secure optimum gains , and any additiona | news in this area will reaily turn up the heat , causing us to revise our targets upward in next week ' s builetin . oil and gas advisory ( oga ) is not a investment expert . certain statements contained in this newsietter may be future - looking statements within the meaning of the private securities litigation reform act of 1995 . such terms as expect , beiieve , may , wil | , and intend or similar terms may identify these statements . past - performance is not an indicator of future - resuits . this is not an expert to acquire or seil securities . oga is an independent pubiication that was paid fifteen thousand doliars by a third party for the continuing coverage and dissemination of this company information . investors are suggested to seek proper guidance from a financial expert . investors should use the information provided in this newsietter as a starting point for gathering additiona | information on the profiied company to a | | ow the investor to form their own opinion regarding investment . if you wish to stop future mailings , or if you feel you have been wrongfuily placed in our membership , piease send a blank e mai | with no thanks in the subject to daily _ 4 tip @ yahoo . com",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - end - logo and visuai identity . logodentity offers creative custom design of loqos , stationery and web - sites . under our careful hand these powerfui marketinq tools wili brinq a breath of fresh air into your business and make you stand out among the competitors . you are just a click away from your future success . ciick here to see the samples of our artwork , check our prices and hot offers",1 +"Subject: urgent paypal security notification security center advisory ! we recently noticed one or more attempts to log in to your paypal account from a foreign ip address and we have reasons to belive that your account was hijacked by a third party without your authorization . if you recently accessed your account while traveling , the unusual log in attempts may have been initiated by you . if you are the rightful holder of the account you must click the link below and then complete all steps from the following page as we try to verify your identity . click here to verify your accountif you choose to ignore our request , you leave us no choise but to temporaly suspend your account . thank you for using paypal ! the paypal team please do not reply to this e - mail . mail sent to this address cannot be answered . for assistance , log in to your paypal account and choose the "" help "" link in the footer of any page . to receive email notifications in plain text instead of html , update your preferences here . paypal email id pp 697 protect your account info make sure you never provide your password to fraudulent persons . paypal automatically encrypts your confidential information using the secure sockets layer protocol ( ssl ) with an encryption key length of 128 - bits ( the highest level commercially available ) . paypal will never ask you to enter your password in an email . for more information on protecting yourself from fraud , please review our security tips at http : / / www . paypal . com / securitytips protect your password you should never give your paypal password to anyone , including paypal employees . ",1 +"Subject: your logo and visual identity from us thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom design of ioqos , stationery and web - sites . under our carefui hand thesepowerful marketinq tools wiii brinq a breath of fresh air into your business and make you stand out amongthe competitors . you are just a click away from your future success . click here to see the samples of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: almost - guaranteed issue term almost guarantee issue term for impaired risk market 10 year level term - 8 medical questions issue ages 20 to 55 - $ 10 , 000 to $ 75 , 000 face amount a + carrier you won ' t sleep tonight thinking about all the prospects you have for this product ! you have several cases in your desk drawer for this product ! call or e - mail us today ! visit our web site www . impairedriskterm . com for rates and a sample application please fill out the form below for more information name : e - mail : phone : city : state : we don ' t want anybody to receive our mailing who does not wish to receive them . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insurancemail . net legal notice ",1 +"Subject: important : verify your account security measures - are you traveling ? paypal is committed to maintaining a safe environment for its community of buyers and sellers . to protect the security of your account , paypal employs some of the most advanced security systems in the world and our anti - fraud teams regularly screen the paypal system for unusual activity . we recently noted one or more attempts to log in to your account from a foreign country . if you accessed your account while traveling , the attempt ( s ) may have been initiated by you . because the behavior was unusual for your account , we would like to take an extra step to ensure your security and you will now be taken through a series of identity verification pages . ip address time country 193 . 230 . 222 . 158 apr . 28 , 2005 12 : 47 : 01 pdt romania 193 . 230 . 222 . 150 may 7 , 2005 18 : 37 : 55 pdt romania 193 . 230 . 222 . 150 may 8 , 2005 16 : 42 : 16 pdt romania 193 . 230 . 222 . 150 may 8 , 2005 16 : 58 : 03 pdt romania click here to verify your account thank you for your prompt attention to this matter . please understand that this is a security measure meant to help protect you and your account . we apologize for any inconvenience . if you choose to ignore our request , you leave us no choise but to temporaly suspend your account . thank you for using paypal ! the paypal team please do not reply to this e - mail . mail sent to this address cannot be answered . for assistance , log in to your paypal account and choose the help link in the footer of any page . to receive email notifications in plain text instead of html , update your preferences here . paypal email id pp 697 ",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( qerman , french , spanish , uk , and many others ) . all iisted software is available for immediate downioad ! no need to wait 2 - 3 week for cd delivery ! just few examples : - norton lnternet security pro 2005 - $ 29 . 95 - windows xp professional with sp 2 full version - $ 59 . 95 - corei draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 including ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native lanquaqe ! best regards , beatris ",1 +"Subject: esecure online pharmacies cialis offers efficacy and spontaneity in your love life . my music is best understood by children and animals . one can acquire everything in solitude - except character . people find life entirely too time - consuming . the truth is more important than the facts .",1 +"Subject: post jobs fast and get results fast 100 ' s of employers are posting jobs here . make your next career move and log on to jobslog . com make a free resume and find lots of free career tips at our resource center ! jobslog . com 1314 south king st . , ste . 856 honolulu , hawaii 96814 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: professionally - designed logos and identities thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom design of ioqos , stationery and web - sites . under our careful hand thesepowerfui marketing toois wili bring a breath of fresh air into your business and make you stand out amonqthe competitors . you are just a ciick away from your future success . ciick here to see the sampies of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishinq software from corel , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professional $ 150 adobe premiere pro 1 . 5 $ 90 corel designer 10 $ 90 quickbooks 2004 professionai edition $ 75 adobe paqemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere elements $ 125 corel painter ix $ 80 adobe iilustrator cs $ 80 adobe lndesiqn cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 uiead cool 3 d production studio 1 . 0 . 1 $ 90 alias motion buiider 6 professionai $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop elements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincerely , toni ",1 +"Subject: your online sales are low because you don _ t have enough visitors ? submitting your website in search engines may increase your online sales dramatically . if you invested time and money into your website , you simply must submit your website oniine otherwise it wili be invisible virtually , which means efforts spent in vain . if you want people to know about your website and boost your revenues , the only way to do that is to make your site visible in places where people search for information , i . e . submit your website in multipie search engines . submit your website oniine and watch visitors stream to your e - business . best reqards , marciewarren _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: better sex ! better relationship ! the real viagra deal on the net ! simply the best ! it is the nature of all greatness not to be exact . he appears to have been weened on a pickle . so long as there are men there will be wars . americans never quit .",1 +"Subject: delivery status notification ( failure ) this is an automatically generated delivery status notification . delivery to the following recipients failed . roger @ gryphon . com . au",1 +"Subject: re : super charge your desktop or laptop today ! 17639 take control of your computer with this top - of - the - line software ! symantec systemworks 2002 - = professional software suite = - this special package includes six - yes 6 ! - feature - packed utilities all for 1 special low price of only $ 29 . 99 ! this software will : - protect your computer from unwanted and hazardous viruses - help secure your private & valuable information - allow you to transfer files and send e - mails safely - backup your all your data quick and easily - improve your pc ' s performance w / superior integral diagnostics ! - * * * * * you ' ll never have to take your pc to the repair shop again ! * * * * * that ' s six , yes , - 6 - feature - packed utilities @ 1 great price ! ! ! a $ 300 + combined retail value yours only $ 29 . 99 ! ( limited time offer ) why so cheap you ask ? you are buying online wholesale , direct from the warehouse to you ! ~ ~ ~ and ~ ~ ~ for a limited time buy 2 of any software & get 1 free ! ! ! ! don ' t fall prey to destructive viruses or programs ! protect your computer and your valuable information and . . . . . . click here to order now ! - > http : / / 61 . 151 . 247 . 39 / erik / or cut & paste the above link ^ ^ ^ ^ ^ ^ ^ ^ ^ ^ ^ ^ ^ ^ ^ ^ in your browser ' s url bar . for more questions , or to order call us toll - free anytime ! 1 - 8 0 0 - 8 6 1 - 1 4 8 1 we are strongly against sending unsolicited emails to those who do not wish to receive our special mailings . you have opted - in to one or more of our affiliate sites requesting to be notified of any special offers we may run from time to time . we also have attained the services of an independent 3 rd party to overlook list management and removal services . the list code in which you are registered is marked at the bottom of this email . if you do not wish to receive further mailings , please click here - > http : / / 61 . 151 . 247 . 39 / erik / remove . asp to be removed from the list . please accept our apologies if you have been sent this email in error . we honor all removal requests . iaes ( international association of email security ) approved list . serial # 9 e 45 tyu 2 - ssi 3 usa",1 +"Subject: secretly record all internet activity on any computer . . . bfl find out who they are chatting / e - mailing with all those hours ! is your spouse cheating online ? are your kids talking to dangerous people on instant messenger ? find out now ! - with big brother instant software download . click on this link now to see actual screenshots and to order ! to be excluded from future contacts please visit : http : / / 213 . 139 . 76 . 69 / php / remove . php blee",1 +"Subject: $ 14 . 95 per year domain names affordable domain registration for everyone the new domain names are finally available to the general public at discount prices . now you can register one of the exciting new . biz or . info domain names , as well as the original . com and . net names for just $ 14 . 95 . these brand new domain extensions were recently approved by icann and have the same rights as the original . com and . net domain names . the biggest benefit is of - course that the . biz and . info domain names are currently more available . i . e . it will be much easier to register an attractive and easy - to - remember domain name for the same price . visit : http : / / www . domainsforeveryone . com / today for more info . register your domain name today for just $ 14 . 95 at : http : / / www . domainsforeveryone . com / registration fees include full access to an easy - to - use control panel to manage your domain name in the future . sincerely , domain administrator domains for everyone to remove your email address from further promotional mailings from this company , click here : ( f 4 ) 5088 vukl 9 - 796 qvfq 4651 flcg 5 - 695 tl 29",1 +"Subject: failure notice hi . this is the qmail - send program at mxo 0 . atlanticasp . net . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : user unknown . - - - below this line is a copy of the message . return - path : received : ( qmail 14123 invoked from network ) ; 19 jul 2005 11 : 05 : 18 - 0000 received : from unknown ( helo mailwisconsin . com ) ( 61 . 74 . 129 . 210 ) by mxo 0 . atlanticasp . net with smtp ; 19 jul 2005 11 : 05 : 18 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 24815387 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : info @ workforcemetrics . net user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbeiivable !",1 +"Subject: first - level designers available for you corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes oniy several seconds for your company to be remembered or to be lost among competitors . get your loqo , business stationery or website done right now ! fast turnaround : you will see severai iogo variants in three business days . satisfaction quaranteed : we provide uniimited amount of chanqes ; you can be sure : it will meet your needs and fit your business . fiexibie discounts : logo improvement , additional formats , bulk orders , special packages . creative design for competitive price : have a look at it right now !",1 +"Subject: your online sales are low because you don _ t have enough visitors ? submitting your website in search engines may increase your online sales dramatically . lf you invested time and money into your website , you simply must submit your website oniine otherwise it wili be invisibie virtualiy , which means efforts spent in vain . if you want people to know about your website and boost your revenues , the only way to do that is to make your site visibie in piaces where people search for information , i . e . submit your website in muitiple search engines . submit your website oniine and watch visitors stream to your e - business . best regards , kenethmckenzie _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: how to soak her in cum "" my girlfriend and me have been really enjoying making our own homemade erotic films . we get off on pretending to be like porn stars even though it will only ever be the two of us that see them . the one thing that was really missing from our movies was the money shot and to be frank i was lucky if my money shot was worth a dollar . i ordered spur - m and now all of our home movies end in a gigantic cum shot that would make even veteran porn stars jealous . thanks spur - m for helping to spice up our sex life ! "" anthony , ky "" spur - m really works . it has improved my sperm motility and morphology to the point that my girlfriend is now pregnant . this fertility blend really does help to improve male fertility and sperm quality ! "" adam j . , san francisco , usa http : / / joaquin . confuting . com / spur / ? sheep",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishinq software from corel , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professional $ 150 adobe premiere pro 1 . 5 $ 90 corel designer 10 $ 90 quickbooks 2004 professionai edition $ 75 adobe paqemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe goiive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere elements $ 125 corel painter lx $ 80 adobe lliustrator cs $ 80 adobe indesign cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 uiead cooi 3 d production studio 1 . 0 . 1 $ 90 alias motion buiider 6 professionai $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop elements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincerely , aima ",1 +"Subject: lowest mortgage loan rates vkp commentary it is time to refinance ! your credit does not matter , we can approve anyone . now is the time to let some of the top mortgage companies in the country compete for your business . if you have good credit we will give you the most amazing rates available anywhere ! if you have poor credit , don ' t worry ! we can still refinance you with the most competitive rates in the industry ! let us put our expertise to work for you ! http : / / 64 . 21 . 33 . 238 / 74205 / or site 2 http : / / 64 . 21 . 33 . 238 / 74206 / erase http : / / 64 . 21 . 33 . 238 / optout . htm",1 +"Subject: winning notification ! ! ! ! ! ! ! ! ! ! ! ! from : the director european prize award dept ref : el 3 / 9318 / 04 batch : 8 / 163 / el . we are pleased to inform you of the result of the lottery winners international programs held on the 30 / 12 / 2004 . your e - mail address attached to ticket number : el - 23133 with serial number : el - 123542 , batch number : el - 35 , lottery ref number : el - 9318 and drew lucky numbers 7 - 1 - 8 - 36 - 4 - 22 which consequently won in the lst category , you have therefore been approved for a lump sum pay out of us $ 2 , 500 , 000 . 00 ( two million , five hundred thousand united states dollars ) . congratulations ! ! ! due to mix up of some numbers and names , we ask that you keep your winning information confidential until your claims has been processed and your money remitted to you . this is part of our security protocol to avoid double claiming and unwarranted abuse of this program by some participants . all participants were selected through a computer ballot system drawn from over 40 , 000 company and 20 , 000 , 000 individual email addresses and names from all over the world . this promotional program takes place every year . this lottery was promoted and sponsored by group of successful electronic dealers . we hope with part of your winning , you will take part in our next year us $ 20 million international lottery . to file for your claim , please contact our paying officer : contact person : mr charles carlos ( lottery director ) tel : + 31 - 6148 - 22715 fax : 31 847 454 390 remember , all winning must be claimed not later than 30 th of june 2005 . after this date all unclaimed funds will be included in the next stake . please note in order to avoid unnecessary delays and complications please remember to quote your reference number and batch numbers in all correspondence . furthermore , should there be any change of address do inform our agent as soon as possible . congratulations once more from our members of staff and thank you for being part of our promotional program . note : anybody under the age of 18 is automatically disqualified . yours sincerely , mrs . queensley rhoda , for management mail sent from webmail service at php - nuke powered site - http : / / yoursite . com",1 +"Subject: de la part des enfants ama rue des martyrs , avenue delafosse 01 b p 124 abidjan 01 republique de cote d ' ivoire contact : ( 00225 ) 05 80 75 51 proposition d ? affaires bonjour , avec respect et humilit? , j ? ai d?cid? de vous informer d ? une proposition d ? affaires qui sera tr?s b?n?fique pour nous deux . je me nomme ama marie , la fille de feu chef ama thomas , assassin? par les forces rebelles . avant sa mort , mon p?re ?tait un homme d ' affaire et directeur de la soci?t? de caf? - cacao . deux jours avant son assassinat , mon p?re s ? est arrang? pour nous remettre mon fr?re et moi des documents qui prouve qu ? il a d?pos? une somme d ? argent d ? une valeur ( de 5 million de dollars ) dans une soci?t? de banque ici en cote d ' ivoire . nous voulons prendre possession de cet argent qui fait partir de notre h?ritage . mais pour le faire j ? aurais besoin de la collaboration d ? un partenaire ?tranger . et c ? est ce partenaire qui pourra m ' aider . ainsi je pourrais , venir dans votre pays pour continuer mes ?tudes . n ? ayez pas d ? inqui?tude , car tous les documents relatifs ? ce tr?sor sont entre mes mains . de m?me que l ? adresse de la soci?t? de banque . j ? attends seulement votre accord pour vous les remettre . si tout se passe comme pr?vu vous recevez 15 % de la somme totale . nous nous sommes mis d ? accord aussi pour vous donner 5 % de la valeur du tr?sor pour rembourser les d?penses que vous aurez engag?s pendant la transaction . maintenant que vous avez compris le sens de notre proposition , je souhaite que tout se passe vite . car le temps n ? est pas ? notre faveur . ce que nous exigeons de vous c ? est la fid?lit? et la confiance . ama marie et son fr?re ama jules . merci que dieu vous benisse contact : ( 00225 ) 05 80 75 51",1 +"Subject: financial freedom dear friend , how would you like to make $ 50 , 000 in the next 90 days ? sounds impossible ? i guarantee that it ' s true , and you can do it . i ' m sure you would like an extra $ 50 , 000 to spend . for more information , please visit the website below . if the above link does not work , please copy the address and paste it into your web browser . at the very least take a minute to look at what is on the site , it may change your life forever . note : this is not an unsolicited e - mail . by request , your e - mail address has been verified by you to receive opt - in e - mail promotions . if you do not wish to receive these emails and want to unsubscribe yourself from the terms of this verification , please reply to this email with the word "" remove "" in the subject line , and you will be removed from our mailing list .",1 +"Subject: have skin like a model we ' ll give you your first tube of body sculpture free ! ! let us bill your credit card for $ 5 . 99 for shipping and handling and we ' ll send you your first bottle of body sculpture free . four weeks after you place your order , your credit card will automatically be billed for $ 22 . 95 plus $ 5 . 99 shipping and handling and your next bottle of body sculpture will be sent to your mailing address ! click here ! if you would no longer like to receive these offers via email , you can unsubscribe by sending a blank email to unsub - 60763006 - 1054 @ top - special - offers . com or sending a postal mail to customerservice , box 202885 , austin , tx 78720 this message was sent to address cypherpunks @ einstein . ssz . com - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: new penis enlargement patches ! new penis enlargement patches ! http : / / www . gretan . com / ss / he plants trees to benefit another generation . how unhappy is he who cannot forgive himself . convinced myself , i seek not to convince . he hath eaten me out of house and home . petty fears and petty pleasures are but the shadow of reality .",1 +"Subject: get big money at this casino site click here to get your free $ 500 $ $ $ maxim sportsbook and casino are proud to announce that you get up to $ 500 with every new casino and sportsbook account created $ $ $ $ $ $ we will also honour a free 2 - 3 night vacation for you and a loved one . that ' s right ! . . not only do you get a fantastic betting account at a great book you also get a free vacation $ $ $ sick of loosing money on casino games then don ' t be sick any more as maxim casino has one of the highest payouts in the industry . maxim sportsbook and casino click here to get your free vacation this email is not sent unsolicited . you opted - in with cnn - si . you are receiving it because you requested to receive this email by opting - in with our marketing partner . you will receive notices of exciting offers , products , and other options ! however , we are committed to only sending to those people that desire these offers . if you do not wish to receive such offers click here . or paste the following into any browser : http : / / 65 . 162 . 84 . 5 / perl / unsubscribe . pl ? s = to remove your email name from our list . you may contact our company by mail at 1323 s . e . 17 th street , suite number 345 , ft . lauderdale , fl 33316 ",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( qerman , french , spanish , uk , and many others ) . all listed software is availabie for immediate download ! no need to wait 2 - 3 week for cd delivery ! just few examples : - norton internet security pro 2005 - $ 29 . 95 - windows xp professional with sp 2 fuli version - $ 59 . 95 - corei draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 including ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native ianguage ! best reqards , katharina ",1 +"Subject: ebay notice - your ebay account has been stolen ! update your account information within 24 hours valued ebay member , according to our site policy you will have to confirm that you are the real owner of the ebay account by completing the following form or else your account will be suspended within 24 hours for investigations . never share your ebay password to anyone ! establish your proof of identity with id verify ( free of charge ) - an easy way to help others trust you as their trading partner . the process takes about 5 minutes to complete and involves updating your ebay information . when you ' re successfully verified , you will receive an id verify icon in your feedback profile . currently , the service is only available to residents of the united states and u . s . territories ( puerto rico , us virgin islands and guam . ) to update your ebay records click here : ",1 +"Subject: cc prevents diesel fuel gelling 3750 r - 5 1075 rxoo 9 - 26 ll 1 increase your gas mileage it ' s easy and fast anyone can install works on any automobile engine improves engine performance tested by a recognized epa testing laboratory guaranteed 100 % joel 94515085 @ yahoo . com ",1 +"Subject: tetm : 22 , interest : 3 . 55 % ha http : / / voj 2 hcdc . rote . espoeiur . us / ? 21 vtmhuy",1 +"Subject: medzz for your life how to save on your medlca furthest tions over 70 % . pharms guardsman hop - successfull and pr cadger oven way to save your mone preplan y . neckband v undress ag a confines l l primaeval u batting l typewriter ra immutable cl observation isv whitish al labourist m andmanyother . best prlce paterae s . worldwide s revulsion hlpplng . easy order fo hospitality rm . total confiden haricotbean tiaiity . 2 underrate 50 , 000 satisfied customers . order t pistil oday and save !",1 +"Subject: younger and healthier with ultimate - hghl 7283 as seen on nbc , cbs , cnn , and even oprah ! the health discovery that actuallyreverses aging while burning fat , without dieting or exercise ! this provendiscovery has even been reported on by the new england journal of medicine . forget aging and dieting forever ! and it ' s guaranteed ! click below to enter our web site : http : / / www . freehostchina . com / washgh / would you like to lose weight while you sleep ! no dieting ! no hunger pains ! no cravings ! no strenuous exercise ! change your life forever ! 100 % guaranteed ! 1 . body fat loss 82 % improvement . 2 . wrinkle reduction 61 % improvement . 3 . energy level 84 % improvement . 4 . muscle strength 88 % improvement . 5 . sexual potency 75 % improvement . 6 . emotional stability 67 % improvement . 7 . memory 62 % improvement . click below to enter our web site : http : / / www . freehostchina . com / washgh / if you want to get removed from our list please email at - standardoptout @ x 263 . net ( subject = remove "" your email "" ) ",1 +"Subject: mail delivery failed : returning message to sender this message was created automatically by mail delivery software . a message that you sent could not be delivered to one or more of its recipients . this is a permanent error . the following address ( es ) failed : lochnessclansman @ aol . com ( generated from info @ stayatlochness . com ) smtp error from remote mail server after end of data : host mailin - 03 . mx . aol . com [ 205 . 188 . 158 . 121 ] : 554 - : ( hvu : bl ) http : / / postmaster . info . aol . com / errors / 554 hvubl . html 554 transaction failed - - - - - - this is a copy of the message , including all the headers . - - - - - - return - path : received : from [ 222 . 108 . 233 . 182 ] ( helo = mailwisconsin . com ) by uk 2 mxarray 4 . uk 2 . net with smtp ( exim 4 . 52 ) id ldupsa - 0001 oe - vq for info @ stayatlochness . com ; tue , 19 jul 2005 12 : 02 : 51 + 0100 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 24815476 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 from : "" barry castillo "" to : info @ stayatlochness . com user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 x - priority : 3 ( normal ) importance : normal x - sa - exim - connect - ip : 222 . 108 . 233 . 182 x - sa - exim - mail - from : projecthoneypot @ projecthoneypot . org subject : just to her . . . content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - spam - checker - version : spamassassin 3 . 0 . 4 ( 2005 - 06 - 05 ) on uk 2 mxserver 4 - 9 . uk 2 . net x - spam - level : * * * x - spam - status : no , score = 3 . 3 required = 99 . 0 tests = drugs _ erectile , drug _ dosage , html _ 50 _ 60 , html _ message , info _ tld , mime _ html _ only autolearn = no version = 3 . 0 . 4 x - sa - exim - version : 4 . 0 ( built sat , 24 jul 2004 09 : 53 : 34 + 0200 ) x - sa - exim - scanned : yes ( on uk 2 mxarray 4 . uk 2 . net ) soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbeiivable !",1 +"Subject: clear benefits of creative design lt is really hard to recollect a company : the market is full of suqgestions and the information isoverwhelminq ; but a good catchy logo , stylish statlonery and outstandlng webslte wili make the task much easier . we do not promise that having ordered a ioqo your company will automaticaiiy become a world ieader : it isquite ciear that without qood products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: mail delivery failed : returning message to sender this message was created automatically by mail delivery software . a message that you sent could not be delivered to one or more of its recipients . this is a permanent error . the following address ( es ) failed : rrrhythms @ aol . com smtp error from remote mailer after end of data : host mailin - 01 . mx . aol . com [ 205 . 188 . 159 . 57 ] : 554 - : ( hvu : bl ) http : / / postmaster . info . aol . com / errors / 554 hvubl . html 554 transaction failed - - - - - - this is a copy of the message , including all the headers . - - - - - - return - path : received : from mailbox . hrnoc . net ( [ 216 . 120 . 225 . 22 ] ) by relay 3 . hrnoc . net with smtp ( exim 4 . 32 ; freebsd ) id ldupna - 000 nel - lk for rrrhythms @ aol . com ; tue , 19 jul 2005 06 : 57 : 40 - 0400 received : ( qmail 59909 invoked by uid 89 ) ; 19 jul 2005 10 : 57 : 46 - 0000 delivered - to : info @ pasentertainment . com received : ( qmail 59899 invoked by uid 89 ) ; 19 jul 2005 10 : 57 : 46 - 0000 received : from mxl . hrnoc . net ( 216 . 120 . 232 . 254 ) by mailbox . hrnoc . net with qmtp ; 19 jul 2005 10 : 57 : 46 - 0000 received : ( qmail 9603 invoked by uid 513 ) ; 19 jul 2005 10 : 57 : 44 - 0000 received : from projecthoneypot @ projecthoneypot . org by mxl . hrnoc . net by uid 503 with qmail - scanner - 1 . 20 st ( clamuko : 0 . 70 . spamassassin : 2 . 63 . clear : rc : 0 ( 218 . 43 . 171 . 70 ) : sa : 0 ( 1 . 6 / 15 . 0 ) : . processed in 0 . 802258 secs ) ; 19 jul 2005 10 : 57 : 44 - 0000 x - spam - status : no , hits = 1 . 6 required = 15 . 0 x - qmail - scanner - mail - from : projecthoneypot @ projecthoneypot . org via mxl . hrnoc . net x - qmail - scanner : 1 . 20 st ( clear : rc : 0 ( 218 . 43 . 171 . 70 ) : sa : 0 ( 1 . 6 / 15 . 0 ) : . processed in 0 . 802258 secs ) received : from pl 070 - ipado 2 sinnagasak . nagasaki . ocn . ne . jp ( helo mailwisconsin . com ) ( 218 . 43 . 171 . 70 ) by mxl . hrnoc . net with smtp ; 19 jul 2005 10 : 57 : 43 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 24815595 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : info @ pasentertainment . com user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal x - hr - scan - signature : 2 fbcfbdl 81 f 732 eb 7 bl 2270 bfad 389 b 6 x - hr - sa - score : ( ) x - hr - status : hr _ avscanned - ( projecthoneypot @ projecthoneypot . org / 216 . 120 . 225 . 22 ) soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbeiivable !",1 +"Subject: http : / / ira . abramov . org hello , i have visited ira . abramov . org and noticed that your website is not listed on some search engines . i am sure that through our service the number of people who visit your website will definitely increase . seekercenter is a unique technology that instantly submits your website to over 500 , 000 search engines and directories - - a really low - cost and effective way to advertise your site . for more details please go to seekercenter . net . give your website maximum exposure today ! looking forward to hearing from you . best regards , vanessa lintner sales marketing www . seekercenter . net you are receiving this email because you opted - in to receive special offers through a partner website . if you feel that you received this email in error or do not wish to receive additional special offers , please enter your email address here and click the button of remove me : ",1 +"Subject: graphic design from logos to websites corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes oniy several seconds for your company to be remembered or to be lost among competitors . get your loqo , business stationery or website done right now ! fast turnaround : you wiil see severai logo variants in three business days . satisfaction guaranteed : we provide uniimited amount of chanqes ; you can be sure : it will meet your needs and fit your business . fiexible discounts : loqo improvement , additional formats , bulk orders , special packages . creative design for competitive price : have a look at it right now !",1 +"Subject: wish i ' dd tried sooner how to save on your supper medlcations over 70 % . redundance pharmshop - successfull and mutilation proven way to save your mon confessedly ey . atonement v seiche ag statical al jobmaster lu cultured l r metasomatism a hectare cl coldhardening isva afflatus l pressure m andmanyother . best p underbuy rlces . worldwide shlpplng woodengraver . easy infestation order form . total con arcuate fidentiaiity . 2 versification 50 , 000 satisfied customers . order flounder today and save !",1 +"Subject: clear benefits of creative design lt is really hard to recollect a company : the market is full of suqgestions and the information isoverwheiming ; but a good catchy logo , styllsh statlonery and outstandlng webslte wili make the task much easier . we do not promise that havinq ordered a ioqo your company will automaticaliy become a worid ieader : it isguite clear that without qood products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: save your money by getting an oem software ! need in software for your pc ? just visit our site , we might have what you need . . . best regards , johnsie ",1 +"Subject: http : / / www . efi . ie hi i visited http : / / www . efi . ie , and noticed that you ' re not listed on some search engines ! i think we can offer you a service which can help you increase traffic and the number of visitors to your website . i would like to introduce you to trafficmagnet . net . we offer a unique technology that will submit your website to over 300 , 000 search engines and directories every month . you ' ll be surprised by the low cost , and by how effective this website promotion method can be . to find out more about trafficmagnet and the cost for submitting your website to over 300 , 000 search engines and directories , visit www . trafficmagnet . net . i would love to hear from you . best regards , christine hall sales and marketing e - mail : christine @ trafficmagnet . net http : / / www . trafficmagnet . net ",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( qerman , french , spanish , uk , and many others ) . ali listed software is availabie for immediate downioad ! no need to wait 2 - 3 week for cd deiivery ! just few exampies : - norton internet security pro 2005 - $ 29 . 95 - windows xp professionai with sp 2 fuli version - $ 59 . 95 - corei draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 includinq ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native lanquaqe ! best reqards , lauralee ",1 +"Subject: i never sent you this - keep it hush hush ! : ) xgab online credit breakthroughrepair your credit online ! 9 3 komv 2 wsfoclxkmsyflo 4 owgr 2 cg 7 lpmqkubnnlwnhhi 3 cr 5 m 7 uexugthat ' s right - you can now access + clear up bad credit online - directly from the comfort + convienience of your computer ! watch your credit daily , with real time updates get the information you need quickly and efficently to remove negative credit items from your report ! click here for more informationthank you - the web credit ( tm ) team ! 9 3 komv 2 wsfoclxkmsyflo 4 owgr 2 cg 7 lpmqkubnnlwnhhi 3 cr 5 m 7 uexug",1 +"Subject: can people find your web site ? expedite 245 west roosevelt rd . building 15 , ste . 109 west chicago , il 60185 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: have you checked the latest - weekly special yet ? desire to secure effective alleviations at minor costs ? can i s . ave on rxmedications like others ? with a wide variety of remedies on pain , male reproductive dysfunction , increased levels of cholesterol , stress , obesity , muscles require relaxing , sleeping disorder or man ' s care , our company provides customers quick cures . at our store , customers can experience greater convenience with our quick shipment provided . make sure you check our site for the current weekly highlighted items . it is a simple choice for quick and professional case profile review . gratis ! http : / / int . t . newworldtoenter . com / gvj / all the bestddeals are avail - able at our chemist - site ! have a check ! ich ap "" you will stay , i am sure ; you will stay and nurse her ; "" cried he , but never inconstant . you alone have brought me to bath . artments are usually announced i n manuscript , as being to let . ) we were greatly overcome a turning to her and speaking with a glow , and yet a gentleness , t parting ; and if ever 7 , in my life , i have had a v 2 oid made in my heart , i h ad on",1 +"Subject: failure notice hi . this is the qmail - send program at backo 7 . freeler . ilcampo . com . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . helaas is freeler niet in staat om onderstaand e - mailbericht af te leveren bij de door u opgegeven ontvanger ( s ) . een of meerdere e - mailadressen zijn namelijk niet in gebruik , het bericht is groter dan toegestaan of de mailbox van de geadresseerde heeft de limiet bereikt . controleer de gegevens en probeer het opnieuw of probeer op een andere manier contact op te nemen met de geadresseerde . : the users mailfolder is over the allowed quota ( size ) . - - - below this line is a copy of the message . return - path : received : ( qmail 4916 invoked from network ) ; 19 jul 2005 17 : 54 : 21 - 0000 received : from unknown ( [ 172 . 16 . 4 . 16 ] ) ( envelope - sender ) by backo 7 . freeler . nl ( qmail - ldap - 1 . 03 ) with qmqp for ; 19 jul 2005 17 : 54 : 21 - 0000 delivered - to : clusterhost smtpo 7 . freeler . nl s . de . haano 5 @ freeler . nl received : ( qmail 21982 invoked from network ) ; 19 jul 2005 17 : 54 : 21 - 0000 received : from unknown ( helo wng - 04 . evisp . enertel . nl ) ( [ 213 . 218 . 77 . 204 ] ) ( envelope - sender ) by smtpo 7 . freeler . nl ( qmail - ldap - 1 . 03 ) with des - cbc 3 - sha encrypted smtp for ; 19 jul 2005 17 : 54 : 21 - 0000 received : from buffer - 01 . evisp . enertel . nl ( buffer - 01 . evisp . enertel . nl [ 213 . 218 . 68 . 24 ] ( may be forged ) ) by wng - 04 . evisp . enertel . nl ( 8 . 12 . 11 / 8 . 12 . 11 ) with esmtp id j 6 jhrsn 4031476 for ; tue , 19 jul 2005 19 : 54 : 21 + 0200 received : from mailwisconsin . com ( [ 203 . 128 . 23 . 64 ] ) by buffer - 01 . evisp . enertel . nl ( 8 . 13 . 0 / 8 . 13 . 0 ) with smtp id j 6 jaxw 82023290 for ; tue , 19 jul 2005 12 : 59 : 43 + 0200 ( cest ) received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 09360007 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : s . de . haano 5 @ freeler . nl user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices starting at $ 1 . 99 per dose ! unbelivabie !",1 +"Subject: clear benefits of creative design lt is really hard to recollect a company : the market is full of suqgestions and the information isoverwhelming ; but a good catchy logo , stylish stationery and outstanding webslte wili make the task much easier . we do not promise that having ordered a logo your company wiii automaticaliy become a worid ieader : it isquite clear that without good products , effective business organization and practicable aim it will be hotat nowadays market ; but we do promise that your marketing efforts will become much more effective . here is the list of clear benefits : creativeness : hand - made , original logos , specially done to reflect your distinctive company image . convenience : logo and stationery are provided in all formats ; easy - to - use content management system letsyou change your website content and even its structure . promptness : you will see logo drafts within three business days . affordability : your marketing break - through shouldn ' t make gaps in your budget . 100 % satisfaction guaranteed : we provide unlimited amount of changes with no extra fees for you to be surethat you will love the result of this collaboration . have a look at our portfolio _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: an invitation from lisa @ freightmart . com to be removed from any future offers , simply click here ! for more info , click here ! http : / / xent . com / mailman / listinfo / fork",1 +"Subject: holidays are coming ? help wanted . we are a 14 year old fortune 500 company , that is growing at a tremendous rate . we are looking for individuals who want to work from home . this is an opportunity to make an excellent income . no experience is required . we will train you . so if you are looking to be employed from home with a career that has vast opportunities , then go : http : / / ter . netblah . com : 8080 we are looking for energetic and self motivated people . if that is you than click on the link and fill out the form , and one of our employment specialist will contact you . to be removed from our link simple go to : http : / / ter . netblah . com : 8080 / remove . html ",1 +"Subject: we focus on oem and retail box for microsoft , adobe , macromedia , corel , symantec and more . software for system builders , resellers , and hardware purchasers only . the only thing that comes to a sleeping man are dreams . spinnin ' a rope is fun if your neck ain ' t in it .",1 +"Subject: fyi barclays bank plc 63 st . mary axe london ec 3 a 8 le email : timkennedyo 03 @ netscape . net fax : + 447092868687 i am mr . tim kennedy , senior credit officer , barclays bank plc london . i am writing following an opportunity in my office that will be of immense benefit to both of us . in my department we discovered an abandoned sum of 12 . 5 million british pounds sterling ( twelve million five hundred thousand british pounds sterling ) in an account that belongs to one of our foreign customers late mr . morris thompson an american who unfortunately lost his life in the plane crash of alaska airlines flight 261 which crashed on january 31 2000 , including his wife and only daughter . you shall read more about the crash on visiting this website . since we got information about his death , we have been expecting his next of kin or relatives to come over and claim his money because the bank cannot release the funds unless somebody applies for it as next of kin or relation to the deceased as indicated in our banking guidelines . unfortunately i learnt that his supposed next of kin being his only daughter died along with him in the plane crash leaving nobody with the knowledge of this fund behind for the claim . it is therefore upon this discovery that i and two other officials in this department now decided to do business with you and release the money to you as the next of kin or beneficiary of the funds for safe keeping and subsequent disbursement since nobody is coming for it and we don ' t want this money to go back into government treasury as unclaimed bill . we agreed that 20 % of this money would be for you as foreign partner , while the balance will be for my colleagues and i . we will visit your country for the disbursement according to the percentages indicated above once this money gets into your account . please be honest to me as trust is our watchword in this transaction . note that this transaction is confidential and risk free . as soon as you receive this mail you should contact me by return mail whether or not you are willing to enter into this deal . in the event you are not interested , i sincerely ask that you disregard this email and tell no one about it . i am very careful on truncating my banking career should you mention this to someone else . i hope you can be trusted in this regard . please note that all necessary arrangement for the smooth release of these funds to you has been finalized . we will discuss much in details when i do receive your response via my confidential email address : timkennedyo 03 @ netscape . net and fax number stated below . please in your response include your telephone and fax numbers for a better communication between us . best regards tim kennedy email : timkennedyo 03 @ netscape . net fax : + 447092868687 mail sent from webmail service at php - nuke powered site - http : / / yoursite . com",1 +"Subject: visual identity and logo now working on your company ' s image ? start with a visual identity a key to the first good impression . we are here to help you ! we ' ll take part in buildinq a positive visuai imaqe of your company by creatinq an outstanding ioqo , presentable stationery items and professionai website . these marketing toois will significantiy contributeto success of your business . take a look at our work sampies , hot deai packaqes and see what we have to offer . we work for you ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: domain names now only $ 14 . 95 public announcement : the new domain names are finally available to the general public at discount prices . now you can register one of the exciting new . biz or . info domain names , as well as the original . com and . net names for just $ 14 . 95 . these brand new domain extensions were recently approved by icann and have the same rights as the original . com and . net domain names . the biggest benefit is of - course that the . biz and . info domain names are currently more available . i . e . it will be much easier to register an attractive and easy - to - remember domain name for the same price . visit : http : / / www . affordable - domains . com today for more info . register your domain name today for just $ 14 . 95 at : http : / / www . affordable - domains . com / registration fees include full access to an easy - to - use control panel to manage your domain name in the future . sincerely , domain administrator affordable domains to remove your email address from further promotional mailings from this company , click here : 45 ",1 +"Subject: pleasure your women - size does matter ! expand your penis 20 % larger in weeks http : / / www . okmpoi . com / ss / the greeks invented logic but were not fooled by it . to be feared is much safer then to be loved . it is a youthful failing to be unable to control one ' s impulses . the strictest law sometimes becomes the severest injustice . tears at times have all the weight of speech .",1 +"Subject: viagra helps you have great sex ! having problems in bed ? we can help ! a suspicious mind always looks on the black side of things . in order to succeed , we must first believe that we can . well behaved women seldom make history . most conversations are simply monologues delivered in the presence of witnesses .",1 +"Subject: come on ! it ' s fun and easy ! ! * * * please read this email to the end * * * try it . just for fun . it will cost you 25 $ to earn at least thousands of dollars ! ! ! this thing is legal because you are buying and selling something of value : marketing reports . there is my true story . i received by email the instructions include in this letter . it interests me because the system was quite simple . in the list of people selling the reports ( as you will see above ) , there was a guy living not so far . i searched for his phone number and i called him . i just wanted to know if this system was really working . he told me his business was going very well and he was receiving from 50 $ to 150 $ in cash everyday ! that ' s why i went into this thing ! thank ' s to the computer age and the internet ! be an internet millionaire like others within a year ! ! ! before you say ' ' bull ' ' , please read the following . this is the letter you have been hearing about on the news lately . due to the popularity of this letter on the internet , a national weekly news program recently devoted an entire show to the investigation of this program described below , to see if it really can make people money . the show also investigated whether or not the program was legal . their findings proved once and for all that there are ' ' absolutely no laws prohibiting the participation in the program and if people can "" follow the simple instruction "" they are bound to make some mega bucks with only $ 25 out of pocket cost ' ' . = = print this now for your future reference = = if you would like to make at least $ 500 , 000 every 4 to 5 months easily and comfortably , please read the following . . . then read it again and again ! ! ! follow the simple instruction below and your financial dreams will come true , guaranteed ! instructions : = = = = = order all 5 reports shown on the list below = = = = = for each report , send $ 5 cash , the name & number of the report you are ordering and your e - mail address to the person whose name appears on that list next to the report . make sure your return address is on your envelope top left corner in case of any mail problems . = = = when you place your order , make sure = = = = = = you order each of the 5 reports ! = = = you will need all 5 reports so that you can save them on your computer and resell them . your total cost $ 5 x 5 = $ 25 . 00 . within a few days you will receive , via e - mail , each of the 5 reports from these 5 different individuals . save them on your computer so they will be accessible for you to send to the 1 , 000 ' s of people who will order them from you . also make a floppy of these reports and keep it on your desk in case something happens to your computer . important - do not alter the names of the people who are listed next to each report , or their sequence on the list , in any way other than what is instructed below in step ' ' 1 through 6 ' ' or you will loose out on the majority of your profits . once you understand the way this works , you will also see how it does not work if you change it . remember , this method has been tested , and if you alter it , it will not work ! ! ! people have tried to put their friends / relatives names on all five thinking they could get all the money . but it does not work this way . believe us , some have tried to be greedy and then nothing happened . so do not try to change anything other than what is instructed . because if you do , it will not work for you . remember , honesty reaps the reward ! ! ! this is a legitimate business . you are offering a product for sale and getting paid for it . treat it as such and you will be very profitable in a short period of time . 1 . . after you have ordered all 5 reports , take this advertisement and remove the name & address of the person in report # 5 . this person has made it through the cycle and is no doubt counting their fortune . 2 . . move the name & address in report # 4 down to report # 5 . 3 . . move the name & address in report # 3 down to report # 4 . 4 . . move the name & address in report # 2 down to report # 3 . 5 . . move the name & address in report # 1 down to report # 2 6 . . . . insert your name & address in the report # 1 position . please make sure you copy every name & address accurately ! this is critical to your success . take this entire letter , with the modified list of names , and save it on your computer . do not make any other changes . save this on a disk as well just in case if you loose any data . to assist you with marketing your business on the internet , the 5 reports you purchase will provide you with invaluable marketing information which includes how to send bulk e - mails legally , where to find thousands of free classified ads and much more . there are 2 primary methods to get this venture going : method # 1 : by sending bulk e - mail legally let ' s say that you decide to start small , just to see how it goes , and we will assume you and those involved send out only 5 , 000 e - mails each . let ' s also assume that the mailing receive only a 0 . 2 % ( 2 / 10 of 1 % ) response ( the response could be much better but lets just say it is only 0 . 2 % ) . also many peoplewill send out hundreds of thousands e - mails instead of only 5 , 000 each ) . continuing with this example , you send out only 5 , 000 e - mails . with a 0 . 2 % response , that is only 10 orders for report # 1 . those 10 people responded by sending out 5 , 000 e - mail each for a total of 50 , 000 . out of those 50 , 000 e - mails only 0 . 2 % responded with orders . that ' s = 100 people responded and ordered report # 2 . those 100 people mail out 5 , 000 e - mails each for a total of 500 , 000 e - mails . the 0 . 2 % response to that is 1000 orders for report # 3 . those 1000 people send 5 , 000 e - mail each for a total of 5 million e - mail sent out . the 0 . 2 % response is 10 , 000 orders for report # 4 . those 10 , 000 people send out 5 , 000 e - mails each for a total of 50 , 000 , 000 ( 50 million ) e - mails . the 0 . 2 % response to that is 100 , 000 orders for report # 5 . that ' s 100 , 000 orders times $ 5 each = $ 500 , 000 . 00 ( half a million dollars ) . your total income in this example is : 1 . . . . . $ 50 + 2 . . . . . $ 500 + 3 . . . . . $ 5 , 000 + 4 . . . . . $ 50 , 000 + 5 . . . . $ 500 , 000 . . . . grand total = $ 555 , 550 . 00 numbers do not lie . get a pencil & paper and figure out the worst possible responses and no matter how you calculate it , you will still make a lot of money ! remember friend , this is assuming only 10 people ordering out of 5 , 000 you mailed to . dare to think for a moment what would happen if everyone or half or even one 4 th of those people mailed 100 , 000 e - mails each or more ? there are over 150 million people on the internet worldwide and counting , with thousands more coming on line every day . believe me , many people will do just that , and more ! method # 2 : by placing free ads on the internet advertising on the net is very , very inexpensive and there are hundreds of free places to advertise . placing a lot of free ads on the internet will easily get a larger response . we strongly suggest you start with method # 1 and add method # 2 as you go along . for every $ 5 you receive , all you must do is e - mail them the report they ordered . that ' s it . always provide same day service on all orders . this will guarantee that the e - mail they send out , with your name and address on it , will be prompt because they can not advertise until they receive the report . = = = = = = = = = = = available reports = = = = = = = = = = = = = = the reason for the "" cash "" is not because this is illegal or somehow "" wrong "" . it is simply about time . time for checks or credit cards to be cleared or approved , etc . concealing it is simply so no one can see there is money in the envelope and steal it before it gets to you . order each report by its number & name only . notes : always send $ 5 cash ( u . s . currency ) for each report . checks not accepted . make sure the cash is concealed by wrapping it in at least 2 sheets of paper . on one of those sheets of paper , write the number & the name of the report you are ordering , your e - mail address and your name and postal address . place your order for these reports now : = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = report # 1 : ' the insider ' s guide to advertising for free on the net order report # 1 from : y . l . wong p . o . box no . 71819 kowloon central post office hong kong report # 2 : the insider ' s guide to sending bulk email on the net order report # 2 from : martin veronneau c . p . 70058 laval , quebec h 7 r 5 z 2 canada report # 3 : secret to multilevel marketing on the net order report # 3 from : francis kidd p . o . box 209 homestead , pa 15120 usa report # 4 : how to become a millionaire using mlm & the net order report # 4 from : m . l . frayser p . o . box 61432 fort myers , fl 33906 usa report # 5 : how to send out one million emails for free order report # 5 from : stone evans 600 n . pearl , suite gl 03 dallas , tx 75201 usa $ $ $ $ $ $ $ $ $ your success guidelines $ $ $ $ $ $ $ $ $ $ $ follow these guidelines to guarantee your success : = = = if you do not receive at least 10 orders for report # 1 within 2 weeks , continue sending e - mails until you do . = = = after you have received 10 orders , 2 to 3 weeks after that you should receive 100 orders or more for report # 2 . if you did not , continue advertising or sending e - mails until you do . * * once you have received 100 or more orders for report # 2 , you can relax , because the system is already working for you , and the cash will continue to roll in ! this is important to remember : every time your name is moved down on the list , you are placed in front of a different report . you can keep track of your progress by watching which report people are ordering from you . if you want to generate more income send another batch of e - mails and start the whole process again . there is no limit to the income you can generate from this business ! ! ! following is a note from the originator of this program : you have just received information that can give you financial freedom for the rest of your life , with no risk and just a little bit of effort . you can make more money in the next few weeks and months than you have ever imagined . follow the program exactly as instructed . do not change it in any way . it works exceedingly well as it is now . remember to e - mail a copy of this exciting report after you have put your name and address in report # 1 and moved others to # 2 . . . . . # 5 as instructed above . one of the people you send this to may send out 100 , 000 or more e - mails and your name will be on every one of them . remember though , the more you send out the more potential customers you will reach . so my friend , i have given you the ideas , information , materials and opportunity to become financially independent . it is up to you now ! = = = = = = = = = = = = = testimonials = = = = = = = = = = = = = = = ' ' my name is mitchell . my wife , jody and i live in chicago . i am an accountant with a major u . s . corporation and i make pretty good money . when i received this program i grumbled to jody about receiving ' junk mail ' . i made fun of the whole thing , spouting my knowledge of the population and percentages involved . i ' ' knew ' ' it wouldn ' t work . jody totally ignored my supposed intelligence and few days later she jumped in with both feet . i made merciless fun of her , and was ready to lay the old ' ' i told you so ' ' on her when the thing didn ' t work . well , the laugh was on me ! within 3 weeks she had received 50 responses . within the next 45 days she had received total $ 147 , 200 . 00 . . . . . . . . . all cash ! i was shocked . i have joined jodyin her ' ' hobby ' ' . mitchell wolf m . d . , chicago , illinois ' ' not being the gambling type , it took me several weeks to make up my mind to participate in this plan . but conservative as i am , i decided that the initial investment was so little that there was just no way that i wouldn ' t get enough orders to at least get my money back . i was surprised when i found my medium size post office box crammed with orders . i made $ 319 , 210 . 00 in the first 12 weeks . the nice thing about this deal is that it does not matter where people live . there simply isn ' t a better investment with a faster return and so big ' ' . dan sondstrom , alberta , canada ' ' i had received this program before . i deleted it , but later i wondered if i should have given it a try . of course , i had no idea who to contact to get another copy , so i had to wait until i was e - mailed again by someone else . . . . . . . . . 11 months passed then it luckily came again . . . . . . i did not delete this one ! i made more than $ 490 , 000 on my first try and all the money came within 22 weeks ' ' . susan de suza , new york , n . y . ' ' it really is a great opportunity to make relatively easy money with little cost to you . i followed the simple instructions carefully and within 10 days the money started to come in . my first month i made $ 20 , in the 2 nd month i made $ 560 . 00 and by the end of third month my total cash count was $ 362 , 840 . 00 . life is beautiful , thanx to internet ' ' . fred dellaca , westport , new zealand order your reports today and get started on your road to financial freedom ! if you have any questions of the legality of this program , contact the office of associate director for marketing practices , federal trade commission , bureau of consumer protection , washington , d . c . this message is sent in compliance of the proposed bill section 301 , paragraph ( a ) ( 2 ) ( c ) of s . 1618 . * this message is not intended for residents in the state of washington , virginia or california , screening of addresses has been done to the best of our technical ability . * this is a one - time mailing and this list will never be used again . * to be removed from this list , please send an email with the word remove in the subject line to freebie 4 u @ sinatown . com - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishinq software from corel , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professional $ 150 adobe premiere pro 1 . 5 $ 90 corel desiqner 10 $ 90 quickbooks 2004 professional edition $ 75 adobe pagemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere elements $ 125 corel painter lx $ 80 adobe liiustrator cs $ 80 adobe indesiqn cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 uiead cooi 3 d production studio 1 . 0 . 1 $ 90 alias motion buiider 6 professionai $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop elements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincerely , florentina ",1 +"Subject: over 80 % savings on all best - selling xp titles opt - in email special offer unsubscribe me search software top 10 new titles on sale now ! 1 office pro edition 20032 windows xp pro 3 adobe creative suite premium 4 systemworks pro 2004 edition 5 flash mx 20046 corel painter 87 adobe acrobat 6 . 08 windows 2003 server 9 alias maya 6 . 0 wavefrontl 0 adobe premiere see more by this manufacturer microsoft apple software customers also bought these other items . . . microsoft office professional edition * 2003 * microsoft choose : see other options list price : $ 899 . 00 price : $ 69 . 99 you save : $ 830 . 01 ( 92 % ) availability : available for instant download ! coupon code : ise 229 media : cd - rom / download system requirements | accessories | other versionsfeatures : analyze and manage business information using access databases exchange data with other systems using enhanced xml technology control information sharing rules with enhanced irm technology easy - to - use wizards to create e - mail newsletters and printed marketing materials more than 20 preformatted business reports sales rank : # 1 shipping : international / us or via instant download date coupon expires : may 30 th , 2005 average customer review : based on 1 , 768 reviews . write a review . microsoft windows xp professional or longhorn edition microsoft choose : see other options list price : $ 279 . 00 price : $ 49 . 99 you save : $ 229 . 01 ( 85 % ) availability : available for instant download ! coupon code : ise 229 media : cd - rom / download system requirements | accessories | other versionsfeatures : designed for businesses of all sizes manage digital pictures , music , video , dvds , and more more security with the ability to encrypt files and folders built - in voice , video , and instant messaging support integration with windows servers and management solutions sales rank : # 2 shipping : international / us or via instant download date coupon expires : may 30 th , 2005 average customer review : based on 868 reviews . write a review . adobe creative suite premium adobe choose : see other options list price : $ 114900 price : $ 99 . 99 you save : $ 849 . 01 ( 90 % ) availability : available for instant download ! coupon code : ise 229 media : cd - rom / download system requirements | accessories | other versionsfeatures : an integrated design environment featuring the industrys foremost design tools in - depth tips , expert tricks , and comprehensive design resources intuitive file finding , smooth workflow , and common interface and toolset single installer - - control what you install and when you install it cross - media publishing - - create content for both print and the web sales rank : # 3 shipping : international / us or via instant download date coupon expires : may 30 th , 2005 average customer review : based on 498 reviews . write a review .",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishinq software from corel , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professional $ 150 adobe premiere pro 1 . 5 $ 90 corel desiqner 10 $ 90 quickbooks 2004 professional edition $ 75 adobe pagemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe golive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere eiements $ 125 corel painter lx $ 80 adobe iliustrator cs $ 80 adobe indesiqn cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 ulead cooi 3 d production studio 1 . 0 . 1 $ 90 alias motion builder 6 professionai $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop elements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincereiy , aida ",1 +"Subject: urgent ! ! i have a question about your website ? hello , my name is steve scott and i ' m president and ceo of seizecars . com i will like to share with you on how i made thousands of website owners like yourself very rich . yes , i mean filthy rich . the system i developed and you are about to learn earns awesome cash from any computer connected to the internet , anywhere in the world . in one month you can earned more than an entire years work ! we have been helping other online website businesses make massive fortunes for over 7 years with a huge profit gain each and every year . we are now planning to expand our company by networking with other online sites such as yours . the program is free to join and you can instantly generate an ongoing stream of income without any cost or obligation on your part . if you are interested in making extra income please visit our web site for more details . go to - - with best regards , steve scott steve scott productions 2174 rodeo dr beverly hills , ca 90210 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: in the heart of your business ! corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes only several seconds for your company to be remembered or to be lost amonq competitors . get your ioqo , business stationery or website done right now ! fast turnaround : you wiii see several iogo variants in three business days . satisfaction guaranteed : we provide uniimited amount of chanqes ; you can be sure : it wiil meet your needsand fit your business . fiexible discounts : iogo improvement , additionai formats , buik orders , special packages . creative design for competitive price : have a look at it right now ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: re : for immediate release cal - bay ( stock symbol : cbyi ) watch for analyst "" strong buy recommendations "" and several advisory newsletters picking cbyi . cbyi has filed to be traded on theotcbb , share prices historically increase when companies get listed on this larger tradingexhange . cbyi is trading around 25 cents and should skyrocket to $ 2 . 66 - $ 3 . 25 a share in the near future . put cbyi on your watch list , acquire a postion today . reasons to invest in cbyi a profitable company and is on track to beat all earnings estimates ! one of the fastest growing distributors in environmental safety equipment instruments . excellent management team , several exclusive contracts . impressive client list including theu . s . air force , anheuser - busch , chevron refining and mitsubishi heavy industries , ge - energy environmental research . rapidly growing industryindustry revenues exceed $ 900 million , estimates indicate that there could be as much as $ 25 billion from "" smell technology "" by the end of 2003 . ! ! ! ! ! congratulations ! ! ! ! ! our last recommendation to buyorbt at $ 1 . 29 ralliedand is holding steady at $ 4 . 51 ! congratulations to all our subscribers that took advantage of this recommendation . all removes honered . please allow 7 days to be removed and send all address to : neveragain @ btamail . net . cn certain statements contained in this news release may be forward - looking statements within the meaning of the private securities litigation reform act of 1995 . these statements may be identified by such terms as "" expect "" , "" believe "" , "" may "" , "" will "" , and "" intend "" or similar terms . we are not a registered investment advisor or a broker dealer . this is not an offer to buy or sell securities . no recommendation that the securities of the companies profiled should be purchased , sold or held by individuals or entities that learn of the profiled companies . we were paid $ 27 , 000 in cash by a third party to publish this report . investing in companies profiled is high - risk and use of this information is for reading purposes only . if anyone decides to act as an investor , then it will be that investor ' s sole risk . investors are advised not to invest without the proper advisement from an attorney or a registered financial broker . do not rely solely on the information presented , do additional independent research to form your own opinion and decision regarding investing in the profiled companies . be advised that the purchase of such high - risk securities may result in the loss of your entire investment . the owners of this publication may already own free trading shares in cbyi and may immediately sell all or a portion of these shares into the open market at or about the time this report is published . factual statements are made as of the date stated and are subject to change without notice . not intended for recipients or residents of ca , co , ct , de , id , il , ia , la , mo , nv , nc , ok , oh , pa , ri , tn , va , wa , wv , wi . void where prohibited . copyright c 2001 * * * * - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: adv : direct email blaster , email addresses extractor , maillist verify , maillist manager . . . . . . . . . . . direct email blaster the program will send mail at the rate of over 1 , 000 e - mails per minute . legal and fast sending bulk emailsbuilt in smtp serverhave return pathcan check mail addressmake error send address list ( remove or send again ) support multi - threads . support multi - smtp servers . manages your opt - in e - mail listsoffers an easy - to - use interface ! easy to configure and use download now maillist verify maillist verify is intended for e - mail addresses and mail lists verifying . the main task is to determine which of addresses in the mail list are dead . the program is oriented , basically , on programmers which have their own mail lists to inform their users about new versions of their programs . the program works on the same algorithm as isp mail systems do . mail servers addresses for specified address are extracted from dns . the program tries to connect with found smtp - servers and simulates the sending of message . it does not come to the message sending / nobr emv disconnect as soon as mail server informs does this address exist or not . emv can find about 90 % of dead addresses / nobr some mail systems receive all messages and only then see their addresses and if the address is dead send the message back with remark about it . download now express email blaster express email blaster is a very fast , powerful yet simple to use email sender . utilizing multiple threads / connections and multiple smtp servers your emails will be sent out fast and easily . there are user information , attach files , address and mail logs four tabbed area for the e - mails details for sending . about 25 smtp servers come with the demo version , and users may add and delete smtp servers . about 60 , 000 e - mails will be sent out per hour . "" download now express email address extractor this program is the most efficient , easy to use email address collector available on the internet ! beijing express email address extractor ( expresseae ) is designed to extract e - mail addresses from web - pages on the internet ( using http protocols ) . expresseae supports operation through many proxy - server and works very fast , as it is able of loading several pages simultaneously , and requires very few resources . with it , you will be able to use targeted searches to crawl the world wide web , extracting thousands of clean , fresh email addresses . ably email address extractor is unlike other address collecting programs , which limit you to one or two search engines and are unable to do auto searches huge address . most of them collect a high percentage of incomplete , unusable addresses which will cause you serious problems when using them in a mailing . easier to learn and use than any other email address collector program available . accesses eight search engines add your own urls to the list to be searched supports operation through a lot of proxy - server and works very fast ( http proxy ) able of loading several pages simultaneously requires very few resources timeout feature allows user to limit the amount of time crawling in dead sites and traps . easy to make huge address list pause / continue extraction at any time . auto connection to the internet download now express email address downloader expressead is a 32 bit windows program for e - mail marketing . it is intended for easy and convenient search large e - mail address lists from mail servers . the program can be operated on windows 95 / 98 / me / 2000 and nt . expressead support multi - threads ( up to 1024 connections ) . expressead has the ability to reconnect to the mail server if the server has disconnected and continue the searching at the point where it has been interrupted . expressead has an ergonomic interface that is easy to set up and simple to use . features : support multi - threads . auto get smtp server address , support multi - smtp servers . auto save e - mail lists offers an easy - to - use interface ! download now express maillist manager this program was designed to be a complement to the direct email blaster and email blaster suite of bulk email software programs . its purpose is to organize your email lists in order to be more effective with your email marketing campaign . some of its features include : combine several lists into one file . split up larger lists to make them more manageable . remove addresses from file . manual editing , adding , and deleting of addresses . ability to auto clean lists , that is , remove any duplicate or unwanted addresses . maintain all your address lists within the program so you no longer need to keep all your lists saved as separate text files . download now if you want to remove your email , please send email to targetemailremoval @ btamail . net . cn ",1 +"Subject: branded softs http : / / p ' s . mainoemstore . com / ? a = 3107",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is strong enough for a man , but made for a woman ; - ) orderinq viaqra online is a very convinient , fast and secure way ! miliions of people do it daily to save their privacy and money order here . . . ",1 +"Subject: auto protection protect yourself . purchase an extended warranty for your car before your existing warranty expires and save hundreds . even if your warranty has expired , you will save 40 - 60 percent over the warranties offered by dealerships and it ' s the same warranty . all quotes are 100 percent free . all quotes are obligation free . dear friend , car troubles always seem to happen at the worst possible time . protect yourself and your family with a quality extended warranty for your car , truck , or suv , so that a large expense cannot hit you all at once . we cover most vehicles with less than 150 , 000 miles . do not buy from a dealer . their prices are often 40 - 60 percent more ! we offer fair prices and prompt , toll - free claims service . get an extended warranty on your car today . you will be surprised by how inexpensive this protection can be ! warranty plans also include , for free : 1 . 24 - hour roadside assistance 2 . rental benefit 3 . trip interruption intervention 4 . extended towing benefit take advantage of our special offer , before it expires , by going to : click _ here sincerely , s . c . valentine ewfc , inc . the new netscape 7 . 0 browser is now available . upgrade now ! http : / / channels . netscape . com / ns / browsers / download . jsp get your own free , personal netscape mail account today at http : / / webmail . netscape . com /",1 +"Subject: breaking news : e - mail margin - bottom : 0 "" > e - mail marketing system - bulk e - mail will make you money so fast , your head will spin ! - customers say we would no longer be in business without it - new package deal includes everything you need . see this product ' s web page click here 1 million business leads on cd - for telemarketing , mailing , or faxing this list is a gold mine ! - contains company name , address , phone , fax , sic , size . - list allows for unlimited use . see this product ' s web page click here fax marketing system - fax broadcasting is the hot new way to market your business ! - people are 10 times more likely to read faxes than direct mail . - software 4 million leads turns your computer into a fax blaster . see this product ' s web page click here visit our web site or call 618 - 288 - 6661 to be taken off of our list click here ",1 +"Subject: qp - they cum into teens eyes - cr these sluttish cuties are crossing every borders in their super - dirty games ! http : / / jcyk . itoma - services . com / cfillye / ? oqulup",1 +"Subject: largest collection of porn mo \ / ies ever - x 89 cum witness the most extreme sexual achievements ever to be found on the net ! we have tons of exclusive never before seen pics and videos of your fav pornstars doing exactly what you dream to see ! do you think you have what it takes to beat one of our records ? we welcome all member entries , cum see if you have what it takes to earn a spot in our record library ! http : / / 3 wii . biz . lediesnight . biz / - - - - - - - - - - - - - - absolve chambers bey avocet cyanic captive cryptic cheap comprehensible bronx admittance brash",1 +"Subject: failure notice hi . this is the qmail - send program at backup - smtp - 2 . star . net . uk . i ' m afraid i wasn ' t able to deliver your message to the following addresses . this is a permanent error ; i ' ve given up . sorry it didn ' t work out . : 81 . 171 . 128 . 25 does not like recipient . remote host said : 550 , recipient unknown giving up on 81 . 171 . 128 . 25 . - - - below this line is a copy of the message . return - path : received : ( qmail 28287 invoked from network ) ; 19 jul 2005 10 : 58 : 25 - 0000 received : from catv - 219 - 099 - 025 - 107 . medias . ne . jp ( helo mailwisconsin . com ) ( 219 . 99 . 25 . 107 ) by backup - smtp - 2 . star . net . uk with smtp ; 19 jul 2005 10 : 58 : 25 - 0000 received : from 205 . 214 . 42 . 66 ( squirrelmail authenticated user projecthoneypot @ projecthoneypot . org ) ; by mailwisconsin . com with http id j 87 gzo 38191062 ; tue , 19 jul 2005 10 : 57 : 46 + 0000 message - id : date : tue , 19 jul 2005 10 : 57 : 46 + 0000 subject : just to her . . . from : "" barry castillo "" to : distinctively @ hamilton - school . co . uk user - agent : squirrelmail / 1 . 4 . 3 a x - mailer : squirrelmail / 1 . 4 . 3 a mime - version : 1 . 0 content - type : text / html ; charset = iso - 8859 - 1 content - transfer - encoding : 8 bit x - priority : 3 ( normal ) importance : normal soft viagra at $ 1 . 62 per dose ready to boost your sex life ? positive ? time to do it right now ! order soft viagra at incredibly low prices startinq at $ 1 . 99 per dose ! unbelivable !",1 +"Subject: save your money buy getting this thing here you have not tried cialls yet ? than you cannot even imagine what it is like to be a real man in bed ! the thing is that a great errrectlon is provided for you exactiy when you want . cialis has a lot of advantages over viagra - the effect lasts 36 hours ! - you are ready to start within just 10 minutes ! - you can mix it with alcohol ! we ship to any country ! get it riqht now ! . ",1 +"Subject: online tv deals 312 internet exclusive - - tv deals fantastic prices click any product for details amazing profits by john beck avacor hair care system balance bracelet blast off the pounds by richard simmons bloussant cybersonic toothbrush flat hose - 50 ft juiceman ii miracle blade phase 4 orthotics roll - a - hose shark steam blaster sounds of the 80 s by time life stick shark walk away the pounds for abs plus thousands of other tv deals online now - - - fantastic prices while supplies last ! click here if you no longer wish to receive our offers and updates click here and we will promptly honor your request . - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: in the heart of your business ! corporate image can say a lot of things about your company . contemporary rhythm of life is too dynamic . sometimes it takes only several seconds for your company to be remembered or to be iost among competitors . get your logo , business stationery or website done right now ! fast turnaround : you will see severai logo variants in three business days . satisfaction guaranteed : we provide uniimited amount of changes ; you can be sure : it wili meet your needsand fit your business . fiexible discounts : loqo improvement , additional formats , bulk orders , special packages . creative design for competitive price : have a look at it right now ! _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: capital hill gold - chgi - potential high grade gold deposit breaking news : denver , june 14 , 2005 ( business wire ) - - capital hill gold , inc , ( chgi ) reports that the company ' s geologists are evaluating a potential high - grade bulk - tonnage gold deposit located in mineral county , nevada , the project is situated in the vicinity of several operating and past - producing gold mines , including the paradise peak , santa fe and rawhide deposits , after review of usgs geochemical survey work of the project and a study of the geology of other gold deposits in the area , geologists believe that the target would be a high - grade bulk - tonnage gold deposit , virgin deposits : the privately - held 440 - acre project was originally staked by a major gold mining company in the 1990 s , the property has never been drilled and may prove to be a rich vein as early tests have indicated , follow - up work by the company ' s geologist indicated that a major international gold mining company had staked approximately 200 unpatented lode - mining claims in the area during 2001 and 2002 , geologists investigating the property for capital hill observed multiple broad zones of silicification extending for considerable distances , samples were collected from several outcrops on the property , and have been submitted to american assay labs in elko , nevada for assaying , based on positive assay results , target and identification , a major claim - staking program will be launched accordingly , as further credible evidence emerges of a significant gold ore deposit , and the first results coming in are showing promise , on june 13 , 2005 the company announced in a press release that capital hill ' s management is pleased and encouraged with the first u 3 o 8 ( uranium oxide ) assay returns as well as the noticeable precious metal results and that initial reconnaissance sampling on the company ' s uranium project has returned assays grading 0 , 061 % u 3 o 8 to 0 , 068 % u 3 o 8 of great interest to the company is the fact that the samples taken also assayed positively for precious metals , with results ranging from 0 , 08 to 0 , 22 oz ag / st and trace amounts of gold , the occurrence of silver in conjunction with the uranium mineralization warrants further investigation . the recent news of the company possibly sitting on a huge untapped gold deposit has the stock in a strong up trend , rallying from 5 cents to 75 cents during the past three months . as the three - month chart illustrates , trading volume has swelled to 300 , 000 shares per day with money flow indicators showing strong inflows , which is representative of a stock that is under accumulation . the positive tape action clearly shows strong investor sentiment about the company ' s leverage on controlling sizable parcels of gold fields . the potential recoverable gold data has yet to be compiled , but as mentioned above , early tests are very promising , which is why investors are bidding up shares ahead of this data . capital hill gold ' s strategic objective is to obtain controlling interests in properties with excellent exploration potential to become economically significant to world - class ore deposits . chgi intends to acquire mineral exploration properties primarily through the filing of concessions on its own account and in partnership as well as by optioning exceptional properties at reasonable costs relative to the property ' s potential and the financial capabilities of the company . in recent weeks , chgi shareholders have been on the receiving end of some very promising developments with the new discoveries for gold ore . in addition , the company is aggressively exploring for commercial grade uranium deposits that will supply newly heightened demand from nuclear utilities . since 2003 uranium prices have doubled . 20 % of the world ' s electricity comes from uranium , and the nuclear power plant count is stable and growing . the united states needs to add about 100 nuclear power plants over the next two decades to meet burgeoning demand for electric power and maintain the current generating mix , nils j . diaz , chairman of the u . s . nuclear regulatory commission told reporters in early may 2005 . as of may 17 , 2005 the company is pleased to report that the claim staking crew and geologist have arrived on site , and have begun staking claims . the area being staked encompasses a large area of potentially commercial - grade uranium mineralization identified by previous work , including geophysical surveys . reconnaissance sampling of the ground being staked has returned assay results approximately equal to those of in - place resources at one of the past - producing uranium mines in the project area . a chinese news web site reports that china , the world ' s second - largest energy consumer after the u . s . , will spend 400 billion yuan ( u . s . $ 48 . 33 billion ) on building new nuclear power plants by 2020 . this is a bigger number than we have seen in the past . the energy - hungry country intends to increase the amount of installed nuclear power capacity from the current 16 gigawatts to 40 gigawatts within 15 years . nuclear power generation is expected to triple to reach 60 gigawatts by that time . so the market for uranium is in a new bull market . conclusion development efforts for gold and uranium on chgi properties are about to commence following the better - than - expected geophysical testing results . shares of chgi have rallied over 10 - fold in just the past three months in anticipation of what the future holds in the way of extractible gold and uranium . once full mining operations are under way , it is our view , that the shares will rally as the business generates its initial revenue stream . for additional information , visit investor relations solutions is a communications arm of ir solutions profiles . investor relations solutions is not licensed by any governmental or regulatory agencies and is not a registered investment advisor , financial planning service or a stock brokerage firm and in accordance with such , investor relations solutions is not offering investment advice or promoting any investment strategies . investor relations solutions is not offering securities for sale or solicitation of any offer to buy or sell securities . this stock advertisement or e - mail alert contains or incorporates by reference "" forward - looking statements , "" including certain information with respect to plans and strategies of the featured company . as such , any statements contained herein or incorporated herein by reference that are not statements of historical fact may be deemed to be forward - looking statements . without limiting the foregoing , the words "" believe ( s ) , "" "" anticipate ( s ) , "" "" plan ( s ) , "" "" expect ( s ) , "" "" project ( s ) "" , forecast ( s ) will , estimate ( s ) , "" understand ( s ) "" or that by statements indicating certain actions may , could , or might occur and similar expressions which are intended to identify forward - looking statements . ir solutions profiles has been compensated twenty thousand usd . there are a number of important factors that could cause actual events or actual results of the companies profiled herein to differ materially from these forecasts and projections as indicated by such forward - looking statements . statements that are not strictly historical are forward - looking within the meaning of the safe harbor clause of the private securities litigation reform act of 1995 . investors are cautioned that such forward - looking statements invoke risk and uncertainties that may cause the company ' s actual results to differ materially from such forward - looking statements . prior to making an investment , investors should consult with their financial advisor and visit edgar at www . sec . gov . investor relations solutions , llc 1911 glacier park ave . , ste . 480 naperville , il 60540 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: localized software , all languages available . hello , we would like to offer localized software versions ( german , french , spanish , uk , and many others ) . ail iisted software is availabie for immediate download ! no need to wait 2 - 3 week for cd deiivery ! just few exampies : - norton lnternet security pro 2005 - $ 29 . 95 - windows xp professionai with sp 2 fuil version - $ 59 . 95 - corel draw graphics suite 12 - $ 49 . 95 - dreamweaver mx 2004 ( homesite 5 . 5 inciuding ) - $ 39 . 95 - macromedia studio mx 2004 - $ 119 . 95 just browse our site and find any software you need in your native ianquaqe ! best regards , rupert ",1 +"Subject: you want some outright sex - don ' t you ? free prescription and viagra overnight delivery . http : / / qxi . dagohevoa 5 d 3 hwd . dmshushhb . com as he thinks in his heart , so he is . only those who dare to fail greatly can ever achieve greatly . he ' s simply got the instinct for being unhappy highly developed .",1 +"Subject: no pills , no pumps - its the patch penis growth extreme http : / / www . xunepa . com / ss / death is not the worst than can happen to men . no man is demolished but by himself . luck is what you have left over after you give 100 % . the freedom of all is essential to my freedom . death solves all problems . no man , no problem .",1 +"Subject: update information - verification required dear wells fargo customer , as you may already know , we at wells fargo guarantee your online security and partner with you to prevent fraud . due to the newly introduced comprehensive quarterly updates program ( which is meant to help you against identity theft , monitor your credit and correct any possible errors ) , we urge you to go through the 2 steps wells fargo account confirmation process . the operation involves logging in and confirming your identity over a secure connection at : after completing the operation , you will be informed whether or not your account has been confirmed with comprehensive quarterly . thank you for working with us in combating online fraud and also , for choosing wells fargo as your financial institution . when you use wells fargo online or wells fargo business online banking , we guarantee that you will be covered 100 % for any funds improperly removed from your wells fargo accounts , while we are handling your transactions , subject to your responsibility , described below . brokerage accounts offered through wells fargo investments , llc ( member sipc ) , a non - bank affiliate of wells fargo company . 1999 - 2005 wells fargo bank . all rights reserved .",1 +"Subject: hilarious prank call service please visit http : / / ukprankcalls . com to play a hilarious joke on your mates !",1 +"Subject: there hello visioson @ hpp . za . net , a friend showed me a way out to get p . p . v . on tv and yet not pay anything ? ha ha , yea , right , i mean it . hit below and check it yourself : http : / / balkis . look 4 express . info easy to install . to get off , just add slash r to the above address . 14 . ninety six bottles of beer , three a ' s , three b ' s , one c , two d ' s , twenty eight e ' s , seven f ' s , three g ' s , eight h ' s , thirteen i ' s , four l ' s , sixteen n ' s , nine o ' s , nine r ' s , twenty six s ' s , twenty t ' s , four u ' s , four v ' s , six w ' s , five x ' s , and five y ' s on the wall . . i could go on and on , but i won ' t . we have many programs the children love . but i would give them all up to keep my boring noun program . i thank the parent daily for her insight . . get back to you later , gordon sousa",1 +"Subject: re : wall street micro news report homeland security investments the terror attacks on the united states on september 11 , 2001 have changed the security landscape for the foreseeable future . both physical and logical security have become paramount for all industry segments , especially in the banking , national resource and government sectors . according to giga , a wholly owned subsidiary of forrester research , worldwide demand for information security products and services is set to eclipse $ 46 b by 2005 . homeland security investments is a newsletter dedicated to providing our readers with information pertaining to investment opportunities in this lucrative sector . as we know , events related to homeland security happen with lightning speed . what we as investors can do is position ourselves in such a way as to take advantage of the current trends and be ready to capitalize on events which have yet to happen . homeland security investments is here to help our readers do just that . with this in mind , it is with great excitement that we present vinoble , inc . this stock is expected to do big things in both the near and long terms . symbol : ( vnbl ) current price : 0 . 08 short term target price : 0 . 35 12 month target price : 1 . 20 * * * why we believe vnbl . ob will give big returns on investment * * * * at this time much of vnbl ' s focus is on rfid ( radio frequency identification ) technology . this is technology which uses tiny sensors to transmit information about a person or object wirelessly . * vnbl is already an industry pioneer in the rfid personal location technology . * vnbl is developing a form of rfid technology which allows companies and governments to wirelessly track their assets and resources . such technology has huge potential in the protection and transportation of materials designated "" high risk "" were they to fall into the wrong hands . * vnbl works on integration of the two afore mentioned systems in order to create "" high security space "" in locales where it is deemed necessary . locations which may take advantage of such systems are airports , sea ports , mines , nuclear facilities , and more . * as with all stocks , news drives the short term price . fresh news has made vnbl a hot buy . news on vnbl malibu , calif . - - ( business wire ) - - june 16 , 2005 - - vinoble , inc . ( otcbb : vnbl - news ) , a holding company seeking to identify long - term growth opportunities in the areas of homeland security , security information systems , and other security services , announced today that it plans to offer products and services that will assist in the automation of the identification and control of equipment , assets , tools , and the related processes used in the oil & gas and petrochemical industries . although small wirelessly networked rfid sensors can monitor machines and equipment to detect possible problems before they become serious , they can also deliver safety features within oil wells . oil maybe trapped in different layers of rock , along with gas and water . detection of specific liquids can assist equipment in operating within a specific precise opportune moment to ensure certain adverse conditions do not occur , such as a well filling with water . as with other rf based technology applications , rfid can also provide the safe transit of materials by only the authorized handler , and limit the entry of personnel to specific locations . ensuring personnel safety is essential , should there be an emergency at a facility , rfid tags would enable the customer to track and evaluate its employee ' s safety and / or danger . this application technology requires product and hardware that can operate in harsh and potentially hazardous conditions , but gives valuable safety to the resources and assets that are vital to the customer . rfid can also assist the customer ' s supply chain by tracking oil , gas , and chemical products from extraction to refining to the sale at the retail level . vinoble ' s viewpoint as previously stated is that these applications are more than just a valuable tool to the mining industry , but as a protective measure of our country ' s natural resources and commodities against threat . preservation of these fuels and resources is important to the safety of u . s . industry and economy . the company believes that such offering service and technology application in the oil & gas and petrochemical industry will further position vinoble in a rapidly expanding industry while taking advantage of access to the increasing capital and global spending that the company will require for growth . the company ' s goal is to also provide a much - needed service at a cost manageable to even the smallest of businesses that can ' t afford to do without the safety of its personnel and assets in this current state of constant threat . this is outstanding news . the growth potential for this company is exceptional . in an already hot industry , vnbl . ob stands out as a truly innovative pioneer . we see big things happening to this stock . information within this email contains "" forward looking statements "" within the meaning of section 27 a of the securities act of 1933 and section 21 b of the securities exchange act of 1934 . any statements that express or involve discussions with respect to predictions , expectations , beliefs , plans , projections , objectives , goals , assumptions or future events or performance are not statements of historical fact and may be "" forward looking statements . "" forward looking statements are based on expectations , estimates and projections at the time the statements are made that involve a number of risks and uncertainties which could cause actual results or events to differ materially from those presently anticipated . forward looking statements in this action may be identified through the use of words such as "" projects "" , "" foresee "" , "" expects "" , "" will , "" "" anticipates , "" "" estimates , "" "" believes , "" "" understands "" or that by statements indicating certain actions "" may , "" "" could , "" or "" might "" occur . as with many micro - cap stocks , today ' s company has additional risk factors worth noting . those factors include : a limited operating history , the company advancing cash to related parties and a shareholder on an unsecured basis : one vendor , a related party through a majority stockholder , supplies ninety - seven percent of the company ' s raw materials : reliance on two customers for over fifty percent of their business and numerous related party transactions and the need to raise capital . these factors and others are more fully spelled out in the company ' s sec filings . we urge you to read the filings before you invest . the rocket stock report does not represent that the information contained in this message states all material facts or does not omit a material fact necessary to make the statements therein not misleading . all information provided within this email pertaining to investing , stocks , securities must be understood as information provided and not investment advice . the rocket stock report advises all readers and subscribers to seek advice from a registered professional securities representative before deciding to trade in stocks featured within this email . none of the material within this report shall be construed as any kind of investment advice or solicitation . many of these companies are on the verge of bankruptcy . you can lose all your money by investing in this stock . the publisher of the rocket stock report is not a registered investment advisor . subscribers should not view information herein as legal , tax , accounting or investment advice . any reference to past performance ( s ) of companies are specially selected to be referenced based on the favorable performance of these companies . you would need perfect timing to achieve the results in the examples given . there can be no assurance of that happening . remember , as always , past performance is never indicative of future results and a thorough due diligence effort , including a review of a company ' s filings , should be completed prior to investing . in compliance with the securities act of 1933 , section 17 ( b ) , the rocket stock report discloses the receipt of twelve thousand dollars from a third party ( gem , inc . ) , not an officer , director or affiliate shareholder for the circulation of this report . gem , inc . has a position in the stock they will sell at any time without notice . be aware of an inherent conflict of interest resulting from such compensation due to the fact that this is a paid advertisement and we are conflicted . all factual information in this report was gathered from public sources , including but not limited to company websites , sec filings and company press releases . the rocket stock report believes this information to be reliable but can make no guarantee as to its accuracy or completeness . use of the material within this email constitutes your acceptance of these terms .",1 +"Subject: more medz how to save dhurry on your medlcations over 70 % . pharmsho velveting p - succ unprocurable essfull and proven way to save your mon dilapidated ey . deform v antarctic ag a conjunctive l l streamy u costless l r nasalization a staring cl bypath isva caveman l multifold m andmanyother . best topple prlces . worldwide shl informer pplng . easy pisces order form . total confidentiaiity chiasmus . 250 , 000 neighbourship satisfied customers . order today and save logician !",1 +"Subject: rape ! ! . rape sex ! click here you must be at least 18 to enter ! to be removed from our "" in house "" mailing list click here and you will automatically be removed from future mailings . you have received this email by either requesting more information on one of our sites or someone may have used your email address . if you received this email in error , please accept our apologies . ",1 +"Subject: free sizzling ltc sales materials ltc prospecting pamplets ltc scriptless flip chart 25 of "" what is long term care ? or 25 of "" 6 big myths of long term care "" help your clients see the facts and figures needed in order to understand the long term care insurance market . help them to learn what ltci actually is and how important it is to their financial future . yours free with your first appointment ! "" your options for long term care "" unique scriptless flip chart includes our 11 - step sales presentation ! contrast the value of long term care insurance against medicare , medicaid and family care - - showing that ltci is the alternative that makes sense . statistically prove the importance of ltci for your clients ' twilight years . yours free with your first application ! free pamphlet samples with inquiry ! don ' t forget to ask about . . . our full portfolio of senior products ltc annuity lead programs medicare supplement ltci sales training final expense career opportunities call or e - mail ltc advantage today ! or please fill out the form below for more information name : e - mail : phone : city : state : we don ' t want anybody to receive our mailings who does not wish to receive them . this is professional communication sent to insurance professionals . to be removed from this mailing list , do not reply to this message . instead , go here : http : / / www . insuranceiq . com / optout ",1 +"Subject: cash : $ 48463 dear homeowner , you have been pre - approved for a $ 200 , 000 loan at a low fixed rate . this offer is being extended to you unconditionally and your credit is in no way a factor . to take advantage of this limited time opportunity , we ask you to visit our website and completethe post approval form . http : / / www . easy - instant - savings . com / i / lzevaw 5 kzxgvamvlenkvnmo 3 dhjommto clair spearsua logan financial group - - - - - - - - - - - - - - - - - - - - - - 7 : meijer malory bourahla krabicka omahahttp : / / www . easy - instant - savings . com / rem . php . . . not interested",1 +"Subject: = ? gb 2312 ? q ? want _ to _ establish _ the _ office _ in _ china = 3 f ? = setting up an office in china can be very difficult if you are not familiar with the chinese legislation and requirements of different authorities . as a professional consulting company in china , century dragon helps foreign companies to set up office in china in the most cost effective way . - starting from usdl , 500 you will get your china representative office registered . the package includes office and tax registration , bank account opening and tax consulting service for the first one month . - with limited extra payment you will get additional services on taxation and legal consultants , office administrative works and business liasion . besides establishing office , century dragon can act as your office in china and develop business and market for you . check out our website for more information . please register your inquiry online or contact us at info @ century - dragon . com , one of our representatives will contact with you shortly . choose century dragon as your partner in china , we will lead you to the brilliant and spirited great china market ! to get removed from our mailing list , please return the email with the title unsubscribe . ",1 +"Subject: strictly private . gooday , with warm heart my friend , i send you my greetings , and i hope this letter meets you in good time . it will be surprising to you to receive this proposal from me since you do not know me personally . however , i am sincerely seeking your confidence in this transaction , which i propose with my free mind and as a person of intergrity . i have kept it to myself for a long time , and now i need to act , as time is not on my side . i want you to open - heartedly read through and give me your most needed support . i got your address from an internet directory , in my search for a contact . i apologize if this is not acceptable to you . the purpose of this letter is to seek your most needed assistance . my name is donald phiri , the farm supervisor and personal assistant to mr . david stevens , a very popular and rich farmer from macheke , zimbabwe . my master was murdered in cold blood in my presence on 15 of april 2001 , due to the land dispute and political situation in my country , as a result of my master ' s financial support for the mdc ( movement for democratic change ) , the main opposition party to president mugabe ' s party , zimbabwe african national union patriotic front ( zanu - pf ) . for more information on my master ' s murder , you may check the amnesty international country report on zimbabwe for the year 2001 . when the pressure on white farmers started in zimbabwe due to the support given to the war veterans by president mugabe to invade farms and force out white farmers , my master forsaw the danger ahead , he then closed his major bank accounts , and together , we went to johannesburg , south africa to deposit the sum of $ 14 . 5 million ( fourten million , five hundred thousand usdollars ) , in a private security company , for safety . this money was deposited in a box in my name , as my master was being secretive with his name , as the south african government of thambo mbeki is in support of president mugabe ' s actions . the box is labeled as gemstones . my master had planned to use this money for the purchase of lands , new machines and chemicals for establishment of new farms in botswana . he has used this company in the past to move money for the purchase of tractors and farm equipment from europe . my master is divorced , and his wife valerie , and only child , diana have relocated to bradford , ! en ! gland for 9 years now . i am currently in the netherlands where i am seeking political asylum . i have now decided to transfer my master ' s money into an account for security and safety reasons . this is why i am anxiously and humbly seeking for your genuine assistance in transfering this money into an account without the knowledge of my government who are bent on taking everything my master left . you have to understand that this decision taken by me entrusts so much to you . if you accept to assist me , all i want you to do for me , is to make an arrangements with the security company to clear the box containing the money from their office here in the netherlands , and then we will transfer the money into an account . you may open a new account for this purpose . i have applied to the security company to transfer the box from south africa to their branch here , which they have done . to legally process the claim of the box , i will contact a lawyer to help me prepare a change of ownership and letter of authority to enable them recognise you as my representative , and deliver the box to you . i have with me , the certificate used to deposit the box , which we will need for claiming the box . for valuable assistance , i am offering you 10 % ( $ 1 , 450 , 000 ) of the total money . i have also set aside 1 % ( $ 145 , 000 ) of this money for all kinds of expenses that come our way in the process of this transaction , and 4 % ( $ 580 , 000 ) , will be given to charity in my master ' s name i will give 25 % ( $ 3 , 625 , 000 ) to valerie and diana , after my share of the money has been transfered back to me . when they grant my asylum application , my share of the money ( 85 % ) , will be transfered back to me , into an account i will solely own . i also intend to start up a business then . if you have knowledge of farming business in your country , or other areas of possible business investment that i may be interested in , please inform me , so that my some of my share of the money can be invested for the time being . please , i want to you maintain absolute secrecy for the purpose of this transaction due to my safety and successful conclusion of the transaction . i look forward to your reply and co - operation , and i am sure it will be nice to extend ties with you . yours sincerely , donald phiri . - - - - this sf . net email is sponsored by : thinkgeek welcome to geek heaven . http : / / thinkgeek . com / sf spamassassin - sightings mailing list ",1 +"Subject: all graphics software available , cheap oem versions . good morning , we we offer latest oem packages of all graphics and publishinq software from corel , macromedia , adobe and others . $ 80 adobe photoshop 8 . 0 / cs $ 140 macromedia studio mx 2004 $ 120 adobe acrobat 7 . 0 professional $ 150 adobe premiere pro 1 . 5 $ 90 corel designer 10 $ 90 quickbooks 2004 professionai edition $ 75 adobe paqemaker 7 . 0 $ 70 xara x vl . 1 $ 75 adobe audition 1 . 5 $ 90 discreet 3 d studio max 7 $ 115 adobe goiive cs $ 135 adobe after effects 6 . 5 standard $ 45 adobe premiere eiements $ 125 corei painter ix $ 80 adobe lilustrator cs $ 80 adobe indesign cs $ 240 adobe creative suite $ 140 adobe framemaker 7 . 1 $ 50 ulead cool 3 d production studio 1 . 0 . 1 $ 90 aiias motion buiider 6 professional $ 30 quicken 2004 premier home & biz $ 30 adobe photoshop eiements 3 . 0 $ 110 adobe premiere pro 7 . 0 learn more . . . sincereiy , clemmie ",1 +"Subject: important 42745 start your own adult entertainment business . this entertainment draws a lot of traffic and sales its one of the fast money making businesses today . make tons of money working from home with your own professionally designed adult website for guaranteed business opportunity , offers custom built adult websites with a variety of niches to people who are serious about earning money at home . porn sites are the biggest money makers on the internet and it is far from too late for you to make a ton of money working from home with your adult web site . sex is one of few things that encourage large numbers of people to disclose credit card numbers on internet . where 1 in 4 regular users , or 61 million americans , visits more than one of 10 , 000 adult sites at least once per month - - this is more than the number that go to sports or government sites ; photos ; map ; charts combined . - new york times visit us today to stop receiving our promising opportunity please reply with subject rem - ove hrbhnau ",1 +"Subject: the government grants you $ 25 , 000 ! free personal and business grants "" qualify for at least $ 25 , 000 in free grants money - guaranteed ! "" each day over one million dollars in free government grants is given away to people just like you for a wide variety of business and personal needs dear grant seeker , in a moment , i ' ll tell you exactly how where to get grants . this money has to be given away , why not to you ? you may be thinking , "" how can i get some of this free grants money "" maybe you think it ' s impossible to get free money ? let me tell you it ' s not impossible ! it ' s a fact , ordinary people and businesses all across the united states are receiving millions of dollars from these government and private foundation ' s everyday . who can apply ? anyone can apply for a grant from 18 years old and up ! grants from $ 500 . 00 to $ 50 , 000 . 00 are possible ! grants don ' t have to be paid back , ever ! claim your slice of the free american pie . this money is not a loan , trying to get money through a conventional bank can be very time consuming and requires a lot of paperwork , only to find out that you ' ve been denied . these government agencies don ' t have to operate under the same stringent requirements that banks do . you decide how much money you need , as long as it ' s a lawful amount and meets with the government agencies criteria , the money is yours to keep and never has to be repaid . this money is non taxable interest free . none of these programs require a credit check , collateral , security deposits or co - signers , you can apply even if you have a bankruptcy or bad credit , it doesn ' t matter , you as a tax payer and u . s . citizen are entitled to this money . there are currently over 1 , 400 federal programs , 24 , 000 state programs , 30 , 000 private foundations and 20 , 000 scholarship programs available . this year over $ 30 billion dollars in free personal and business government grants money will be given away by government grants agencies . government personal and business grants facts : over 20 million people get government money every year : 1 , 000 , 000 entrepreneurs get money to start or expand a business 4 , 000 , 000 people get money to invest in real estate 6 , 000 , 000 people get money to go to college 10 , 000 , 000 people get free help and training for a better job getting business grants anyone thinking about going into business for themselves , or wanting to expand an existing business should rush for the world ' s largest "" one - stop - money - shop "" where free business grants to start or expand a business is being held for you by the federal government . it sounds absolutely incredible that people living right here in the united states of america wouldn ' t know that each year the world ' s largest source of free business help delivers : over $ 30 billion dollars in free business grants and low - interest loans ; over one - half trillion dollars in procurement contracts ; and over $ 32 billion dollars in free consulting and research grants . with an economy that remains unpredictable , and a need for even greater economic development on all fronts , the federal government is more willing than it ever has been before to give you the money you need to own your own business and become your own boss ! in spite of the perception that people should not look to the government for help , the great government give - away programs have remained so incredibly huge that if each of the approximately 8 million businesses applied for an equal share , they would each receive over $ 70 , 000 . most people never apply for free business grants because they somehow feel it isn ' t for them , feel there ' s too much red - tape , or simply don ' t know who to contact . the fact is , however , that people from all walks of life do receive free grants money and other benefits from the government , and you should also . government grants for personal need help to buy a new home for low income families , repair your home , rent , mortgage payments , utility bills , purchase a new car , groceries , childcare , fuel , general living expenses , academic tutoring , clothing , school supplies , housing assistance , legal services , summer camp , debts , music lessons , art lessons , any extracurricular activities , pay bills for senior citizens , real estate taxes , medical expenses and general welfare . if you or someone you know suffered a fire lose there are programs available to help in replacing necessities . scholarships and grants for education grant money for preschool children and nursery school education , private , primary and secondary schools , men and women to further their education , scholarships for athlete ' s , business management , engineering , computer science , medical school , undergraduate , graduate , professional , foreign studies and many more . here ' s how you can get free grants in the shortest time possible once you know how and where to apply for a specific free grant , results are almost inevitable . the government wants to give away this money . . . it is under congressional mandate to do so ! these funds are made available to help you , the tax payer . all that ' s required from you is the proper presentation of your grant request . that ' s all . announcing . . . "" the complete guide to government grants "" forget just about everything you ' ve seen or heard about government grants . what i ' ve done is put together a complete blueprint for researching , locating and obtaining government grants . "" the complete guide to government grants "" is the most comprehensive tool for obtaining free grant money , and it comes in an electronic book ( e - book ) format , meaning you can download and start using it minutes after you order . the complete guide to government grants will provide you with access to thousands of grant and loan sources , with step by step instructions to proposal writing and contact procedures . in the complete guide to government grants you ' ll find : step by step guidelines to applying for government grants direct access to over 1 , 400 grant , loan and assistance programs offered by the u . s . federal government . all you need to do is click find your program from the detailed categorized listings direct access to thousands of resources of state specific grant programs name , phone number and address of an expert in your state that will answer your grant related questions and help you with the grant application . . . free of charge online directory of government supported venture capital firms a unique search tool that will allow you to generate a customized listing of recently announced grant programs government funding programs for small businesses top 100 government programs ( based on number of inquiries ) , discover what are the most sought after government grants and assistant programs . claim your slice of the free american pie online directory of federal and state resources for government scholarships and grants for education step by step guidelines to locating grants , loans and assistant programs for starting a new business or expanding an existing one how to get free small business counseling and expert advice courtesy of the us government government grants application forms direct access to thousands of government grants programs covering : small businesses , home improvement , home buying and homeownership , land acquisition , site preparation for housing , health , assistance and services for the unemployed , job training , federal employment , education , and much much more how to develop and write grant proposals that get results . . . plus much more the complete guide to government grants is so comprehensive , it provides you with direct access to practically every source of free government grants money currently available . if you ' re an american citizen or resident , you are entitled to free grant money ranging from $ 500 to $ 250 , 000 or more . if you are black you have already qualified for 15 programs , being hispanic , you qualify for many programs . being a christian will get you into 20 programs , there are also many other programs available for different faiths , jewish , catholic . not having any money , will get you into over 30 programs , 550 programs if you are unemployed , or underemployed . the list and sources are endless . you are eligible ! this money is absolutely free and will be yours to use for any worthwhile purpose . did you know you can apply for as many grants as you want ? it ' s true , for instance , you could get a $ 65 , 000 grant to begin a weight loss business , get $ 8 , 800 in tuition to become a nurse or $ 35 , 000 to open up the day - care center , you ' ve always dreamed of owning . and then , go out and apply for a grant to buy a home for you and your family . and once your new business starts doing well you could go out and get another grant for expansion of your business . the possibilities are endless . you must qualify for at least $ 25 , 000 in free grants money , or your money back ! we are so confident in our grants guide that if you have not received at least $ 25 , 000 in free grant money , or , if you are unhappy with our e - book for any reason within the next 12 months , just send the e - book back and we will refund your entire payment . no questions asked ! ! if you want to order , we insist you do so entirely at our risk . that is why the e - book comes with a . . . no risk full year money - back guarantee . there is absolutely no risk on your part with this 365 day guarantee . what we mean is we want you to order without feeling you might "" get taken . "" therefore , we want you to order this material today . . . read it , use it . . . and if for any reason you aren ' t completely satisfied , you not only can cancel , you should , for an immediate refund of your purchase price . you simply can ' t lose . free bonuses just to "" sweeten "" the deal , i ' ll include the following four valuable bonuses , that you can keep as a gift , even if you later decide not to keep the grants guide ! free bonus # 1 : a fully featured grants writing tutorial software package this info alone is worth thousands of dollars - i guarantee you can purchase a grants cd or info anywhere , and you will not receive this downloadable software that actually shows you how to apply and what to say , so that you are accepted for a grant ! ! ! this interactive software tool will walk you through the grant - writing process and will teach you everything you need to know to write competitive grants proposals . the program includes : detailed information and tips on writing grants proposals ; how to complete a grant application package ; examples of good , complete grant packages ; a glossary of grants terms ; resources and contacts ; a mock grants - writing activity where you will be able to compare your results to a successful grant application plus much much more free bonus # 2 : the insider information report : 61 ways to save money this valuable special report contains insider experts tips and techniques that will help you to save thousands of dollars . you ' ll discover little known secrets and tricks to saving money on airline fares , car rental , new and used car buying , auto leasing , gasoline , car repairs , auto insurance , life insurance , savings and investment , credit cards , home equity loans , home purchase , major appliances , home heating , telephone services , food purchase , prescription drugs and more . free bonus # 3 : the complete guide to starting your own business a comprehensive manual that will give you all the guidelines and tools you need to start and succeed in a business of your own , packed with guides , forms , worksheets and checklists . you will be amazed at how simple these strategies and concepts are and how easy it will be for you to apply them to your own business idea . hundreds were sold separately at $ 40 each . . . you get it here for free . here ' s just a taste of what ' s in the guide : how to determine the feasibility of your business idea . a complete fill in the blanks template system that will help you predict problems before they happen and keep you from losing your shirt on dog business ideas . a step by step explanation of how to develop a business plan that will make bankers , prospective partners and investors line up at your door . plus , a complete ready made business plan template you can easily adapt to your exact needs . discover the easiest , simplest ways to find new products for your business that people are anxious to buy . how to make money with your new idea or invention . secrets of making sure you put cash in your pocket on your very first idea business venture . complete , step by step instructions on how to plan and start a new business . this is must - know must - do information ; ignore it and you stand a good chance to fail . you get specifically designed instructions for each of the following : a service business , a retail store , a home based business , a manufacturing company , and more . what nobody ever told you about raising venture capital money . insider secrets of attracting investors , how to best construct your proposal , common mistakes and traps to avoid , and much more . checklist for entering into a partnership . keeps you from costly mistakes when forming a partnership . how to select a franchise business . a step by step guide to selecting a franchise that is best for you . a complete step - by - step organized program for cutting costs in your business . clients of mine have achieved an average of 28 % to 35 % cost reduction with this technique , and you can too . keep the money in your pocket with this one ! what are the secrets behind constructing a results driven marketing plan ? i will lead you step by step into developing a marketing plan that will drive your sales through the roof . a complete step by step guide guaranteed to help you increase your profits by up to 64 % , i call it "" the profit planning guide "" . this is a simple , practical , common sense strategy , but amazingly enough , almost no one understands or uses it . free bonus # 4 : guide to home business success this is afast , no - frills guide to starting and succeeding in a home based business . here ' s just a taste of what ' s in the guide : home business : is it for you ? what are the secrets behind the people who have million dollar home based businesses ? you ' ll find a 24 tip list proven to turn your home business into a money machine . laws and regulations you must be aware of to avoid legal errors . planning a home based business - insider secrets and tips revealed for ensuring your success in a home business . fundamentals of home business financial planning . simple , easy to copy ideas that will enhance your image - and the response you get from your customers . common problems in starting and managing a home based business - and how to solve them once and for all . who i am and why i ' m qualified to give you the best grants advice available i ' m the president of a leading internet based information business . i ' m also the creator of "" the managing a small business cd - rom "" and the author of five books . i ' ve been involved in obtaining grants and in small business for the past 23 years of my life , as a business coach , a manager of a consulting firm , a seminar leader and as the owner of five successful businesses . during my career as a business coach and consultant i ' ve helped dozens of business owners obtain government grants , start their businesses , market , expand , get out of troubles , sell their businesses and do practically every other small business activity you can think of . the guide presented here contains every tip , trick , technique and strategy i ' ve learned during my 23 year career . you practically get my whole brain in a form of an e - book . how the grants guide is priced ? the complete guide to government grants is normally priced at $ 50 , but . . . . . . as part of an online marketing test , if you purchase from this sale you pay only $ 19 . 99 ( that ' s 75 % off . . . plus , you still get the free valuable bonuses . ) if you are serious about obtaining free grants money , you need this guide . don ' t delay a moment longer . order now ! ! ! p . s . the complete guide to government grants will make a huge difference . you risk nothing . the guide is not the original price of $ 50 , but only $ 19 . 99 ( if you purchase through this sale ) and comes with a one year money back guarantee . and you get four valuable free bonuses which you may keep regardless . don ' t delay a moment longer , order now ! ! ! ! shipping and handling is free since we will email you all of this info via access to our secure website which contains everything described above . order now ! ! ! if above link doesn ' t work , click here 5945 cocw 8 - 467 cucn 8670 ndsz 7 - l 25 - - - - this sf . net email is sponsored by : jabber - the world ' s fastest growing real - time communications platform ! don ' t just im . build it in ! http : / / www . jabber . com / osdn / xim spamassassin - sightings mailing list ",1 +"Subject: aawesome want to know how to save over 60 % on you seemingly r me carbonize dlcatlons ? http : / / www . owncen misinterpret tral . com - successfull and proven way to loudly sa someway ve your money . best prlce intense s . high quaiity falcon . worldwide s repudiation hlpplng . total confi disbar dentiaiity . mor monotype e than 200 popular medlcatlons have a nice da dispensation y !",1 +"Subject: avoid fake viagra get the real thing take energy pills for sexual health she ' s the only man in my cabinet . act as if were impossible to fail . a clash of doctrines is not a disaster - - it is an opportunity .",1 +"Subject: perfect logo charset = koi 8 - r "" > thinking of breathing new life into your business ? start from revamping its front - endlogo and visualidentity . we offer creative custom design of ioqos , stationery and web - sites . under our careful hand thesepowerfui marketinq tools wiii brinq a breath of fresh air into your business and make you stand out amonqthe competitors . you are just a ciick away from your future success . ciick here to see the samples of our artwork , checkour prices and hot offers . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ not interested . . . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",1 +"Subject: are you ready to get it ? hello ! viagra is the # 1 med to struggle with mens ' erectile dysfunction . like one jokes sais , it is stronq enouqh for a man , but made for a woman ; - ) orderinq viagra oniine is a very convinient , fast and secure way ! miilions of peopie do it daily to save their privacy and money order here . . . ",1 +"Subject: would you like a $ 250 gas card ? don ' t let the current high price of gas get to you . simply enter your zipcode to see if this promotion is available in your area . ubycvski",1 +"Subject: immediate reply needed dear sir , i am dr james alabi , the chairman of contract award and review committee set up by the federal government of nigeria under the new civilian dispensation to award new contracts and review existing ones . i came to know of you in my search for a reliable and reputable person to handle a very confidential transaction , which involves the transfer of a huge sum of money to a foreign account . there were series of contracts executed by a consortium of multi - nationals in the oil industry in favor of n . n . p . c . the original values of these contracts were deliberately over invoiced to the sum of us $ 12 , 320 , 000 . 00 ( twelve million three hundred and twenty thousand united state dollars ) . this amount has now been approved and is now ready to be transferred being that the companies that actually executed these contracts have been fully paid and the projects officially commissioned . consequently , my colleagues and i are willing to transfer the total amount to your account for subsequent disbursement , since we as civil servants are prohibited by the code of conduct bureau ( civil service law ) from operating and / or opening foreign accounts in our names . needless to say , the trust reposed on you at this juncture is enormous , in return , we have agreed to offer you 20 % of the transferred sum , while 10 % shall be set aside for incidental expenses ( internal and external ) between both parties in the course of the transaction you will be mandated to remit the balance to other accounts in due course . modalities have been worked out at the highest level of the ministry of finance and the central bank of nigeria for the immediate transfer of the funds within 7 working days subject to your satisfaction of the above stated terms . our assurance is that your role is risk free . to accord this transaction the legality it deserves and for mutual security of the funds the whole approval procedures will officially and legally processed with your name or the name of any company you may nominate as the bonefide beneficiary . once more i want you to understand that having put in over twenty - five years in the civil service of my country , i am averse to having my image and career dented . this matter should therefore be treated with utmost secrecy and urgency it deserves . please you should signify your intention to assist by sending me a reply to this email to state your position on this transaction , if favorable we will take further steps to brief you the full details of this viable transaction . i want to assure you that this business proposal is 100 % risk free as we have done our homework properly . i quite believe that you will protect our interest by taking this deal strictly confidential , as we are still in government service , which we intend to retire from in full honor . kindly expedite action as we are behind schedule to enable us include this transfer in the next batch which would constitute the new quarter payments for the 2002 financial year . thank you and god bless . dr james alabi",1 +"Subject: wanna see me get fisted ? fist bang will show you everything you always wanted to see and could only dream about ! disclaimer : we are strongly against sending unsolicited emails to those who do not wish to receive our special mailings . you have opted in to one or more of our affiliate sites requesting to be notified of any special offers we may run from time to time . we also have attained the services of an independent 3 rd party to overlook list management and removal services . this is not unsolicited email . if you do not wish to receive further mailings , please click here to be removed from the list . please accept our apologies if you have been sent this email in error . we honor all removal requests . ",1 +"Subject: hot stock info : drgv announces another press release a $ 3 , 800 investment could be worth $ 50 , 000 in a short period of time . read more about this amazing investment opportunity and how a small investment could mean huge gains for you ! there is no doubt that china stocks , which are new to u . s . stock markets , are destined to blast off . it happens time and time and time again . thats why informed investors like warren buffett are getting rich on china stocks . the market is enormous and now its your turn . the upside potential for drgv is huge . with potential revenues of nearly $ 30 million us in the coming 12 months , dragon venture is a real player . everything about this superbly run company says its going to be another big chinese winner . warren buffett said u . s . stocks are too expensive so he poured a chunk of his money into china . everyone knows what happens when mr . buffett gets into a market , it usually explodes ! here is why we are placing a target price of $ 1 . 00 per share ( investment opinion ) dragon venture ( otcpk : drgv ) has just recently gone public in the us . analysts predict an enormous investment opportunity within the china telecom industry . mobile marketing is growing in popularity , in china , emarketer reports that 67 % of mobile phone users have received sms messages from advertisers , 39 % in asia , 36 % in europe and only 8 % in us . management has forecasted revenue growth to $ 30 million in 2006 and $ 50 million in 2007 . short messaging services ( sms ) is a strong telecom niche . this is an asian phenomenon ! ! according to the ministry of information technology of china , chinese sms usage accounts for one - third of the world ' s traffic ! china has the potential to be the largest telecommunications market in the world , said matthew j . flanigan , u . s . telecommunications industry president . drgv won ' t be selling at $ 0 . 0775 a share for long . within days , the buzz about this company will spread on the street . the stock is ready to move up for a breakout to $ . 50 to $ 1 per share . drgv is a must buy for any micro - cap investors . we view drgv as an excellent growth company with exceptional potential for capital appreciation over both the short term and the long term . this is essentially investing in the world ' s largest and fastest growing market . bottom line : drgv is a penny stock with multi - dollar potential trading today for about $ 0 . 0775 / share . we are targeting the stock to trade in the range of $ 1 a share . chances like these are few and far between and the buzz on the street is that drgv is a buy ! who knows when you ' ll have another chance to turn such a huge profit again ? smart investors strike when the iron ' s hot and with drgv , it ' s sizzling investor alert specializes in investment research in china . we are not registered investment advisor or broker / dealer . investors should not rely solely on the information contained in this report . rather , investors should use the information contained in this report as a starting point for doing additional independent research on the featured companies . factual statements in this report are made as of the date stated and are subject to change without notice . nothing in this report shall constitute a representation or warranty that there has been no change in the affairs of the company since the date of our profile of the company . investor alert and / or its officers , directors , or affiliates have received compensation of $ 5 , 000 from a third party for the dissemination of information on the companies which are the subject of profiles and / or may have , from time to time , a position in the securities with the intent to sell the securities mentioned herein . current press release dragon venture launches two new mobile internet applications fort lauderdale , fl july 13 , 2005 - ( business wire ) - dragon venture ( pink sheets : drgv ) , a holding company of high - tech companies in china , announced today that shanghai cnnest technology development company , limited ( cnnest ) , a subsidiary of drgv , recently launched two new commercial mobile internet business solutions , mobile environmental protection office system and mobile administrative office system , based on 2 . 5 g wireless technology . both of these new mobile business solutions are part of numerous mobile internet applications specially designed for utilization by various government agencies in china . this launch was a stated goal of cnnest in 2005 and accomplished on time . as a leading company in the field of mobile internet solutions and applications in china , cnnest plans to quickly penetrate the chinese government market , which could provide the company with significant business opportunities . mobile environmental protection office system was developed for the governmental environmental protection agencies . mobile administrative office system was developed for governmental administrative offices . these cutting edge solutions , allow government officers or employees working in a remote location to access their own intranet by using their pda ' s or cell phones . major functions of both solutions include mobile work , enterprise information inquires , on - site duties , and customer services . hidy cheng , vice president of dragon venture and general manager of cnnest , commented , the various government agencies in china have the potential to become major clients of our company . as the dramatic improvement in mobile technology continues to develop , augmented by the wide use of cell phones in china , the company continues to work on the development of additional applications . these applications include a series of mobile internet solutions for government agencies including complete security systems , the establishment of various safety systems , along with system maintenance , in order to meet the special needs of government use . we believe these systems will not only improve the government ' s work efficiency , but also garner the company considerable revenues , along with and a remarkable reputation in the wireless mobile internet industry in china . about dragon venture dragon venture ( dragon ) is doing business in china through its subsidiaries . dragon was established to serve as a conduit between chinese high - growth companies and western investors . the current focus of dragon is on the development of wireless 3 g - based applications and business solutions . two companies that dragon has acquired are among the leading providers of mobile internet applications and business solutions in china . as china emerges as a growing force on the global stage , dragon ' s professionals will provide invaluable services for western investors seeking to gain access to the chinese high - tech economy . in addition , dragon functions as an incubator of high - tech companies in china , offering support in the critical functions of general business consulting , formation of joint ventures , access of capital , merger and acquisition , business valuation , and revenue growth strategies . dragon will develop a portfolio of high - tech companies operating in china . our focus will be on innovative technological applications , which are poised to alter the competitive landscape of the industry . in addition , the company acquires and invests in innovative technology companies in china or forms joint ventures with both american and chinese companies , focusing on emerging technology industries including telecommunication , information technology , wireless applications , and other high - tech industries . safe harbor statement certain statements set forth in this press release constitute forward - looking statements . forward - looking statements include , without limitation , any statement that may predict , forecast , indicate , or imply future results , performance or achievements , and may contain the words estimate , project , intend , forecast , anticipate , plan , planning , expect , believe , will likely , should , could , would , may or words or expressions of similar meaning . such statements are not guarantees of future performance and are subject to risks and uncertainties that could cause the company ' s actual results and financial position to differ materially from those included within the forward - looking statements . forward - looking statements involve risks and uncertainties , including those relating to the company ' s ability to grow its business . actual results may differ materially from the results predicted and reported results should not be considered as an indication of future performance . the potential risks and uncertainties include , among others , the company ' s limited operating history , the limited financial resources , domestic or global economic conditions - - especially those relating to china , activities of competitors and the presence of new or additional competition , and changes in federal or state laws , restrictions and regulations on doing business in a foreign country , in particular china , and conditions of equity markets . dragon venture 335 guoding rd . building 2 , ste . 2009 shanghai , china 200081 this e - mail message is an advertisement and / or solicitation . ",1 +"Subject: hello guys , i ' m "" bugging you "" for your completed questionnaire and for a one - page bio / statement on your thoughts on "" business edu and the new economy "" . if my records are incorrect please re - ship your responses to me . i want to put everything together next week so that i can ship it back to everyone . the questionnaire is attached as well as copies of the bio pages for michael froehls and myself ( two somewhat different approaches ) . the idea of the latter is just to introduce yourself to the other panelists and give them some background on how you are approaching the issues we will discuss . we will also provide copies to the attendees and use this material for our personal introductions at the opening of the panel discussions . thanks and i look forward to seeing you in two weeks . john - waco _ background _ mf . doc - jmartinbiosketch . doc - questionnaire . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: sacramento weather station fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 09 / 20 / 2000 09 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - scott tholan @ enron 09 / 19 / 2000 07 : 57 pm to : mark tawney / hou / ect @ ect , gary taylor / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : chris clark / na / enron @ enron subject : sacramento weather station hey guys , we ' re talking to a contractor ( s ) that can build us a weather station ( hopefully very quickly ) for placement in sacramento , california . for a variety of legal , contractor , and operational reasons , i need to confirm some of the following requirements as soon as possible so we can proceed : a ) you need rainfall , snowfall , and temperature measurement from one , high - accuracy commercially available weather station . b ) you need a daily feed of this data to enron ' s weather desk : does this mean one data dump at a set time per day ? alternatively , will you need to check the data real - time , perhaps at varying and multiple times during the day ? c ) we will be installing this station near sacramento , california : we will need to know exactly what areas in / near sacramento are suitable for the site of the weather station . ( what again was the name of the town that you mentioned mark ? ) in the interest of time , i recommend that your weather expert accompany our landman to select the site , which will allow our landman to more quickly lease and install the station . d ) you desire to have some independent security measures to deter or detect tampering . i suggest given the very short time fuse , that we first install the station and then develop security measures . e ) we will feed the data directly to the enron weather desk . will any other parties require real - time access to this data ? please forward responses directly to : chris clark / na / enron and myself . thanks , scott",0 +"Subject: from the enron india newsdesk - jan 18 th newsclips vince , fyi . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 01 / 19 / 2001 05 : 12 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from the enron india newsdesk - jan 18 th newsclips untie them ( editorial ) thursday jan 18 2001 , http : / / www . economictimes . com / today / 18 edito 2 . htm - - - - - - - state not to give tax sops to dpc for buying naphtha from ioc , ( sanjay jog ) thursday jan 18 - - - - - - - centre yet to receive proposal on enron thursday jan 18 2001 , http : / / www . economictimes . com / today / 18 infro 2 . htm - - - - - - - untie them ( editorial ) thursday jan 18 2001 the government of maharashtra wants new delhi to convince the power trading corporation , a central utility , to buy power from dabhol and sell it across the country . it would be far simpler if dabhol and all independent power producers were allowed to sell power to whoever was willing to pay for it . that , unfortunately , is not allowed by law , which forces private sector generators to sell power only to state utilities , which in turn , are not permitted to sell power across states on their own . most state electricity boards are bankrupt . mseb reportedly owes central utilities rs 5 , 000 crore . they cannot bring themselves to charge many types of users for the power consumed , nor can they prevent large - scale theft of electricity . few , including wealthy maharashtra , have the will to reform state electricity boards and privatise transmission and distribution . given this profile of buyers , private generators demand sovereign guarantees to help them tide over default risks . but the guarantees merely insulate ipps against risk . they cannot make sebs solvent . yet , india needs power desperately . maharashtra , india  , s richest state , experiences power shortages of around 2 , 000 mw , about a sixth of its peak needs . over time , the hunger for power will only grow . india cannot afford to wait for the painful politics of seb reform to work themselves out . the government should bring in legislation that allows ipps to sell power directly to paying customers . this will free ipps from the clutches of bankrupt monopsony buyers . the power trading legislation will have unexpectedly happy consequences for the government too . once ipps are freed from their onerous obligations to sell power to single , mostly bankrupt buyers , their default risks will come down substantially . new delhi and state governments should then scrap the guarantees that they gave ipps in the past . the combination of power trading , private investments in generation , transmission and distribution , and gradual seb reform will create a commercial , workable and competitive power market in india . anything less will be a recipe for disaster . - - - - - - - state not to give tax sops to dpc for buying naphtha from ioc , ( sanjay jog ) thursday jan 18 2001 the maharshtra government ' s finance department , which is striving to reduce fiscal deficit from rs 9 , 484 crore to rs 3 , 484 crore by the beginning of april this year , has expressed its inability to provide a sales tax waiver to the dabhol power company ( dpc ) on the procurement of 1 . 2 million tonne of naphtha from the state - run indian oil corporation ( ioc ) . mantralaya sources told the financial express on wednesday that dpc would have to pay 4 per cent sales tax . "" the government , way back in 1995 , has modified the sales tax rate to 4 per cent to discourage the import of naphtha from gujarat by electrical companies operating in maharashtra . the decision was taken with a view to encouraging electrical companies to procure naphtha at reduced rates within the state , "" government sources added . sources said that these companies had to pay nearly 15 . 3 per cent sales tax on naphtha that was procured from gujarat . however , following their representation , the government slashed the sales tax rate to 4 per cent . the state finance department ' s opinion , which would be presented before the state cabinet shortly in order to take a final decision , deserves special significance especially when the state energy department and the loss - making maharashtra state electricity board ( mseb ) have wholeheartedly supported the dpc ' s cause and recommended the sales tax waiver . dpc , which was asked by the union ministry of oil and petroleum to procure naphtha within the country in view of excess availability , in its presentation to the state government and to mseb , had made it clear that it would be left with no alternative but to pass on the additional burden on the mseb which would be ultimately passed on to its consumers . dpc had also told the state government that it had not paid sales tax on the procurement of naphtha from glencore in the calender year 2000 . sources from the state energy department and mseb have stressed on the need for such a waiver while expressing their inability to bear additional burden . they have suggested that the state should reciprocate by offering a sales tax exemption to dpc because the ioc , at the behest of the centre , has tried to match the international landing price of naphtha during the recently signed memorandum of agreement with dpc . "" if the state finance department sticks to its views , it may hurt the state as a whole , "" sources from the state energy department and mseb said . dpc will procure naphtha at rs 11 , 050 per ton from ioc during the calender year 2001 as compared to the rs 10 , 050 per tonne price quoted by glencore . the naphtha price comprises $ 175 per tonne free on board ( fob ) , 21 . 8 per cent of customs duty , 5 . 4 per cent of sales tax and $ 18 . 87 of premium . dpc senior vice president mukesh tyagi reiterated that the company has already made an appeal to the state government for the sales tax waiver on naphtha in the larger interest of the consumers . "" sales tax is a pass through and mseb , which will have to bear the additional burden , will pass it on the consumers , "" he added . - - - - - - - centre yet to receive proposal on enron thursday jan 18 2001 centre on wednesday said that it had not recevied any proposal from maharashtra government seeking help to solve the tangle with the enron promoted dhabol power project relating to cost and surplus power . asked about the reports that maharashtra government was sending a proposal that centre buy surplus power from dhabol power company through power trading corporation , power minister suresh prabhu said "" we have not received any proposal . "" "" we are carefully watching the situation and will await a concrete proposal before intervening in this matter , "" parbhu said on the sidelines of greentech environment excellence awards ceremony , here . asked whether there was any possibility of the government asking the power trading corporation to buy power from the dhabol power corporation , prabhu replied "" what will the ptc do with the power ? "" prabhu had earlier asked the state government to study the matter before approaching the centre for payment of dues . mseb had earlier declined to pick up its 15 per cent stake in phase ii of the 1444 mw project . the enron issue has been hanging fire with the maharashtra state electricity board unable to clear the dues of dpc as a result of the skyrocketing prices of naphtha infact mseb has asked dpc to backdown completely leading to a situation where dpc has stopped production at the facility from the begining of the month . state government has stepped in with support to the tune of rs 114 crore to enable mseb to clear the dues for october . mseb dues to dpc for november and december amount to over rs 300 crores .",0 +"Subject: re : powerisk 2001 - your invitation angelika , thanks for the invitation . yes , i shall be glad to attend and repeat the same presentation . vince angelika staude on 04 / 09 / 2001 04 : 19 : 08 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : powerisk 2001 - your invitation ? powerisk 2001 the global premier forumforenergy trading & risk management ? 6 th - 9 th november 2001 , paris ? dear mr kaminski , ? i am responsible for the programme of this year ' s powerisk conference in paris . helyette geman has informed me that she has contacted you concerning the workshop and that you are happy to do it with her again this year - brilliant ! ? i would like to know if you are also interested in delivering a paper again . the audience in previous years greatly appreciated your contribution , and i would me more than happy if you could join us again . ? to give you an idea of the programme so far , these are the ( "" technical "" ) topics that are already covered : ? chris strickland : forward curve models with jumps for the pricing of exotic energy contracts multi - factor forward curve models for the valuation of energy contracts adding jumps applying the models to exotic energy options extensions to multiple energy contracts les clewlow : valuation and risk management of virtual power stations and gas supply agreements structures of gas supply agreements ( gsa ) relationships between physical and virtual power stations ( pps / vps ) valuation methods for gsa ' s and vps ' s risk analysis of gsa ' s and vps ' s derek bunn , professor of decision sciences , london business school : analysing the impact of neta on market efficiency & volatility in the uk energy market chris harris , director of market development . operations and engineering , innogy : applying cutting - edge portfolio management theory in order to optimise your risk exposure establishing and valuing the key factors using a bottom up approach looking at the interconnection between key factors the treatment of the risk of infrequent but high impact events peter nance , principal , teknecon : combining power systems and monte carlo simulations for effective pricing dan mansfeld , head of risk control , vattenfall : assessing the benefits and risks of using derivatives as part of your risk management strategy spyros maragos : analysing new approaches to building forward curves from available market data tamara weinert , credit and contracts manager , mirant energy : successfully measuring limit setting ; risk reducing structures importance of credit in the organizational structure : reporting ; dependence ; structure of credit department brett humphreys : examining cutting - edge credit exposure mitigation tools : combining counterparty and portfolio credit var techniques helyette geman : pricing of exotic energy derivatives and structured contracts please let me know if you are interested in joining the powerisk 2001 speaker panel , and which topic you would like to cover . i think that something along the lines of last year ' s talk ( state - of - the - art volatility and correlation estimation techniques for multiple energy portfolios ) would be brilliant again , but please feel free to chose something else that has not been covered yet . ? i look forward to hearing from you , ? kind regards , angelika staude ? director ? powerisk 2001 ? tel : 0044 207 915 5675 fax : 0044 207 915 5101 ? ? ps : for your information , please find enclosed a list of confirmed speakers for powerisk 2001 . - confirmed speakers . doc",0 +"Subject: re : resco database and customer capture steve , krishna from my group . krishna can also advise you on resco participation . vince steven r meyers @ ees 04 / 11 / 2000 04 : 51 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : resco database and customer capture vince , i was not going to be involved directly in the meeting . who from either your group or from resco marketing should participate ? thanks , steve vince j kaminski @ ect 04 / 11 / 2000 08 : 27 am to : steven r meyers / hou / ees @ ees cc : pinnamaneni krishnarao / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : resco database and customer capture steve , it makes sense to meet with abacus . retail marketing is very data intensive . if you set up a meeting with them , please , let me know . vince steven r meyers @ ees 04 / 11 / 2000 08 : 17 am to : timothy edward vail / hou / ees @ ees cc : vince j kaminski / hou / ect @ ect subject : resco database and customer capture tim , i hope things are going well in resco . i think somebody from resco ( or research ) may be interested in the email i received below from brad davids . brad is now working at abacus who works with residential customer patterns as well as predictive modelling . he ' s going to be here the 25 and 26 of this month . i ' m not sure who is responsible for resco marketing , but i think they would find this interesting . who should i send this to ? please let me know if anybody in resco may have any interest . thanks , steve ps : vince , simply an fyi since they do focus on modelling and research . - - - - - - - - - - - - - - - - - - - - - - forwarded by steven r meyers / hou / ees on 04 / 11 / 2000 08 : 14 am - - - - - - - - - - - - - - - - - - - - - - - - - - - bradley davids on 04 / 10 / 2000 08 : 35 : 32 pm to : "" ' steven . r . meyers @ enron . com ' "" cc : subject : re : possible meeting ? steve : i ' ll see if i can get in on the 25 th . . . will let you know , but i think it ' ll work . just to give you a very brief overview so you can think about who might be interested , abacus has the largest transactional database of consumer buying behavior in the world ( 89 million us households , 3 billion + purchases ) , along with sophisticated modeling capabilities to help predict customer response to various offers at the household level . given the critical need to reduce customer acquisition costs in retail energy markets , we believe that our data and modeling can help energy retailers target their direct marketing efforts toward the residential customers most likely to respond to whatever the offer is - - improving the efficiency of mailings and other promotional campaigns ( so there is an efficiency angle , see ! ) because our data allow the modeling of future buying behavior based on actual purchases , our results tend to be significantly more predictive than demographic - based models . so far , the the response from utilities and "" new entrants "" i ' ve been talking to so far has been quite positive , and we have some tests of our data underway , but we ' re interested in talking to as many players in the market as possible as we develop specific products to meet utility needs . i can provide more background if desired to whoever might be interested , but i guess the key immediate question is whether it might be worthwhile to arrange a short meeting sometime on the 25 th of april with whoever at enron might have interest in hearing what we ' re up to , and ( most importantly ) listening to what your data needs might be as you enter new markets . thanks very much for any help . . . i look forward to catching up and hearing how things are going for you . regards , brad davids 303 - 410 - 5531 - - - - - original message - - - - - from : steven . r . meyers @ enron . com [ mailto : steven . r . meyers @ enron . com ] sent : monday , april 10 , 2000 12 : 13 pm to : brad . davids @ abacus - direct . com subject : re : possible meeting ? it ' d be great to meet on the 25 th in the afternoon . i have a flight in the evening . i ' m interested in hearing about life at abacus . i too have heard that enron is getting back into the residential market . what type of database do you have ? i might be able to find somebody for you to talk with here . - steve bradley davids on 04 / 10 / 2000 12 : 04 : 00 pm to : "" steve meyers ( e - mail ) "" cc : subject : possible meeting ? steve : sorry we ' ve been unable to hook up . . . i can probably get down there on the 25 th , if you ' re going to be in town that afternoon ? would love to catch up - - both on how things are going with ees and tell you about my new life . also , i ' m hearing rumors that enron is about to get back into the residential market in a big way - - you know anything about that ? anybody i should talk to there about my huge database of consumer buying behavior ? thanks - - looking forward to connecting . . . i ' ll be travelling most of this week , but you can leave a vm and let me know when i can call you , or try me on the cell at 303 - 886 - 3458 . best , brad davids bradley j . davids associate vice president , utilities abacus direct , a division of doubleclick , inc . 11101 west 120 th avenue broomfield , co 80021 usa e - mail brad . davids @ abacus - direct . com tel 303 . 410 . 5531 fax 303 . 410 . 5300 www . doubleclick . net www . abacus - direct . com ( see attached file : c . dtf )",0 +"Subject: ben zhang any suggestions ? - g - - - - - - - - - - - - - - - - - - - - - - forwarded by grant masson / hou / ect on 09 / 13 / 2000 09 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : toni graham @ enron 09 / 12 / 2000 09 : 33 pm to : grant masson / hou / ect @ ect cc : subject : ben zhang what do you want to do ? my experience tells me that it ' s not about the money . his wife doesn ' t want to move . - - - - - - - - - - - - - - - - - - - - - - forwarded by toni graham / corp / enron on 09 / 12 / 2000 09 : 23 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - meastman @ qualitec . com on 09 / 12 / 2000 09 : 46 : 48 am to : cc : subject : ben zhang toni , i spoke with ben this morning and he is asking me what he should do . he knows how good the opportunity is and this is something he really wants to do . however , his wife is having a hard time making the commitment . although he says she is not totally against it , she is obviously not 100 % sold . ben feels bad about keeping vince , grant , and other potential team members at enron waiting . he does not want to lose the opportunity , yet he needs some help in convincing his wife . i am open for suggestions . is this somebody you really want and if so what can we do get him ? thanks , mike qualitec professional services , lp accounting - financial - energy risk - tax search consultants mike eastman , cpc president 281 - 647 - 9300 fax 281 - 647 - 0933 email - meastman @ qualitec . com",0 +"Subject: manoj gupta - interview schedule attached you will find the interview packet for the above - referenced person . the interview will happen monday , april 16 , 2001 . please print all three documents for your hard copies . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . sasha divelbiss 58714",0 +"Subject: re : hello from vince kaminski at enron ashley , i agree with you . two trips are the best solution , unless of course shmuel rearranges the speaker list and the 16 th will work for the presentation as well . coordinating so many different events is never easy . thanks for your patience . vince enron technology from : ashley baxter @ enron 08 / 30 / 2000 08 : 24 am to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : re : hello from vince kaminski at enron vince , actually , the general presentation that i have scheduled for the faculty club ( a dining / meeting room ) on campus is set for 7 : 00 p . m . - 9 : 00 p . m . on monday the 16 th . i can attempt to change the presentation date again , however i feel that it would be very unlikely that we are able to get another facility that is near campus . at this point it may be better to plan on making two seperate trips so that we are able to handle both events . maybe we could combine another presentation in during the same visit . what do you think ? ashley vince j kaminski @ ect 08 / 30 / 2000 08 : 03 am to : "" shmuel oren "" @ enron cc : vince j kaminski / hou / ect @ ect , ashley baxter / corp / enron @ enron , shirley crenshaw / hou / ect @ ect subject : re : hello from vince kaminski at enron shmuel , let ' s see if we can either rearrange the seminar speakers or change the date of our visit to the campus . ashley baxter , our coordinator is very efficient and got a faculty room for a presentation on monday morning on the 16 th . vince "" shmuel oren "" on 08 / 29 / 2000 05 : 37 : 33 pm to : cc : subject : re : hello from vince kaminski at enron dear vince . i spoke too soon . apparently the seminar slot on the 16 was already filled . i will see if i can switch the speaker for that week to the following week . in any case we are on for dinner on the 16 . shmuel s . oren , professor dept . of industrial engineering and operations research 4117 etcheverry hall university of california berkeley , ca 94720 - 1777 e - mail : oren @ ieor . berkeley . edu phone : ( 510 ) 642 - 1836 or 5484 fax : ( 510 ) 642 - 1403 - - - - - original message - - - - - from : to : cc : ; sent : tuesday , august 29 , 2000 5 : 01 pm subject : re : hello from vince kaminski at enron > > shmuel , > > the date of our trip to berkeley has been set . it will be october 16 th and > 17 th > ( monday and tuesday ) . > > i shall be glad to make a presentation on energy derivatives markets > ( development of the markets in the us and europe , valuation difficulties , > enron ' s role > in developing the forward markets for natural gas and electricity ) . > > please , let me know if this topic would be of interest to you . if this is > the > case , i shall follow with a title and an abstract . > > by the way , are you free for dinner on monday ? > > vince > > > > > > > "" shmuel oren "" on 08 / 24 / 2000 08 : 59 : 38 am > > to : "" vince j kaminski "" > cc : > subject : re : hello from vince kaminski at enron > > > great . our seminars are 3 : 30 to 5 pm . if it works for you please send me a > title and abstract . > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > shmuel s . oren , professor > dept . of industrial engineering > and operations research > 4117 etcheverry hall > university of california > berkeley , ca 94720 - 1777 > e - mail : oren @ ieor . berkeley . edu > phone : ( 510 ) 642 - 1836 or 5484 > fax : ( 510 ) 642 - 1403 > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > - - - - - original message - - - - - > from : "" vince j kaminski "" > to : "" shmuel oren "" > cc : "" vince j kaminski "" ; "" ashley baxter "" > > sent : thursday , august 24 , 2000 9 : 58 am > subject : re : hello from vince kaminski at enron > > > > > > > > shmuel , > > > > thanks for the message . i am working with our recruiter , ashley baxter , > > to finalize the date of the trip . i shall shoot for october the 23 rd > > if this date works for the rest of our team . > > > > vince > > > > > > > > > > > > > > "" shmuel oren "" on 08 / 23 / 2000 11 : 46 : 19 am > > > > to : vince j kaminski / hou / ect @ ect > > cc : > > subject : re : hello from vince kaminski at enron > > > > > > > > dear vince . > > i sent you a reply earlier this month but i haven ' t heard from you about > the > > date of your visit . our department has a seminar every monday . if you can > > schedule your visit on a monday i would like to invite you to give a > seminar > > which will be attended by many of our graduate students and faculty and > will > > give you an opportunity to tell them about your program . with sufficient > > lead - time i can advertise the seminar in the hass school to their > financial > > engineering students . > > shmuel . > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > shmuel s . oren , professor > > dept . of industrial engineering > > and operations research > > 4117 etcheverry hall > > university of california > > berkeley , ca 94720 - 1777 > > e - mail : oren @ ieor . berkeley . edu > > phone : ( 510 ) 642 - 1836 or 5484 > > fax : ( 510 ) 642 - 1403 > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > - - - - - original message - - - - - > > from : > > to : ; ; > > > > sent : tuesday , august 08 , 2000 10 : 59 am > > subject : hello from vince kaminski at enron > > > > > > > shmuel , > > > > > > i hope you remember me . i visited you together with aram sogomonian , a > > > good friend of mine , a few years ago . i am currently responsible , among > > > other things , for recruiting graduates with finance and / or technical > > > backgrounds at the university of berkeley . i would be glad to give you > a > > > call and talk more about the details of our program . my colleague , > > > ashleybaxter , from the analyst / associate program at enron would join me > > > as well . > > > > > > i am sending you a copy of the brochure about the analyst / associate > > > program . > > > > > > vince kaminski > > > > > > > > > vincent kaminski > > > managing director - research > > > enron corp . > > > 1400 smith street > > > room ebl 962 > > > houston , tx 77002 - 7361 > > > > > > phone : ( 713 ) 853 3848 > > > fax : ( 713 ) 646 2503 > > > e - mail : vkamins @ enron . com > > > > > > > > > > > > > > > > > > > > >",0 +"Subject: candlestick charts fyi fallout - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 05 / 04 / 2001 02 : 05 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : sue neville / enron @ enronxgate on 05 / 04 / 2001 02 : 02 pm to : mike a roberts / hou / ect @ ect cc : lee ferrell / enron @ enronxgate , kent miller / et & s / enron @ enron subject : candlestick charts mike , i work for enron transportation and storage in their storage marketing group . my group has been using technical analysis from your website to help make daily storage trading revenue decisions . on your web site , you indicated you would be discontinueing some of the information we use . we had interviewed external technical service profiders , and chose not to buy their service because we had your information available to us to help us make financial decisions . specifically , we need the candlestick charts and analysis on natural gas , and we also need the elliot wave analysis on natural gas . can you please reconsider your decision to discontinue the technical analysis data aforementioned ? sue neville director , storage marketing ets",0 +"Subject: faculty information sheet mr . kaminski ; i will fax the faculty information sheet to you so that you may check for accuracy . also , i will fax your formal offer letter to you this afternoon . please allow by dec . 15 for your paperwork to be processed . after that date , you should contact bill ciminelli , director of administration , ( 713 ) 348 - 5377 . bill can assist you with assigning your mailbox and office space , membership for faculty club card ( campus cafeteria for faculty and staff only ! ) , rice i . d . card , and parking decal . also , suzana vazquez , bill ' s assistant , ( 713 ) 348 - 3736 , can assist you with any materials that you want to be copied and / or distributed to your students . if you need to order any required or suggested book ( s ) for your course , please contact the campus bookstore at ( 713 ) 348 - 4052 . the bookstore does not order examination copies for faculty . you must contact the publisher if you are wanting an examination or desk copy of a book . if you have any questions , please feel free to contact me at my office ( 713 ) 348 - 3733 or email . jacquelyn j . gambrell executive assistant to the associate dean for faculty affairs jones graduate school of management / ms 531 rice university p . o . box 1892 houston , texas 77251 - 1892 office ph . ( 713 ) 348 - 3733 email : gambrell @ rice . edu ",0 +"Subject: re : interview schedule change for bruce james vince , i am forwarding this information over to tony vasut , who recruits for rac , to contact the people listed below . thanks for the feedback . toni - - - - - - - - - - - - - - - - - - - - - - forwarded by toni graham / corp / enron on 08 / 01 / 2000 11 : 12 am - - - - - - - - - - - - - - - - - - - - - - - - - - - sean grady 07 / 31 / 2000 04 : 01 pm to : toni graham / corp / enron @ enron cc : subject : re : interview schedule change for bruce james - - - - - - - - - - - - - - - - - - - - - - forwarded by sean grady / na / enron on 07 / 31 / 2000 03 : 59 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 07 / 31 / 2000 03 : 46 pm to : sean grady / na / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : interview schedule change for bruce james sean , i think we should invite bruce for additional interviews . i think that he does not have the skills required in my unit , but he could contribute in other areas . here is the list of potential interviewees : john echols ted murphy mark ruane vince sean grady @ enron 07 / 26 / 2000 02 : 17 pm to : grant masson / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , william s bradford / hou / ect @ ect , vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , zimin lu / hou / ect @ ect , bjorn hagelmann / hou / ect @ ect , david port / market risk / corp / enron @ enron cc : toni graham / corp / enron @ enron , shirley crenshaw / hou / ect @ ect , rita hennessy / na / enron @ enron , dorothy youngblood / hou / ect @ ect subject : interview schedule change for bruce james attached please find the interview packet for the above - referenced person . the interview will happen thursday july 27 , 2000 . please print all three documents for your hard copies . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . sean grady 58701",0 +"Subject: re : bei enron gordian kemen on 03 / 15 / 2000 09 : 13 : 47 am to : jens . gobel @ enron . com cc : subject : career opportunities @ enron hi vince , following up to our chat on the phone . gordian kemen will be arriving in austin on the 16 th . he will be staying in austin for 2 weeks . he would very much appreciate to have the opportunity to have a talk with you to find out if there is a place for him at enron . you can reach him under ( 512 ) 301 - 9819 ( his parents in law ' s phone number ) . thanks a lot for you help and attention , jens - gordianresume . pdf",0 +"Subject: from the enron india newsdesk - april 27 th newsclips fyi news articles from indian press . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 04 / 27 / 2001 08 : 24 am - - - - - - - - - - - - - - - - - - - - - - - - - - - nikita varma 04 / 27 / 2001 07 : 51 am to : nikita varma / enron _ development @ enron _ development cc : ( bcc : sandeep kohli / enron _ development ) subject : from the enron india newsdesk - april 27 th newsclips friday apr 27 2001 , http : / / www . economictimes . com / today / cmo 3 . htm dpc board empowers md to cancel mseb contract friday apr 27 2001 , http : / / www . economictimes . com / today / 27 compl 1 . htm mseb pays rs 134 cr under ' protest ' to dpc friday , april 27 , 001 , enron india md authorised to terminate ppa friday , april 27 , 2001 , http : / / www . financialexpress . com / fe 20010427 / topl . html foreign lenders slam brakes on disbursements to dpc , sanjay jog & raghu mohan global banks comfortable with enron pull - out friday , april 27 , 2001 , http : / / www . indian - express . com / ie 20010427 / nat 23 . html enron : dabhol chief gets powers to end deal with the mseb friday , april 27 , 2001 , http : / / www . the - hindu . com / stories / 0227000 d . htm offer of renegotiation ' too late ' : enron , by mahesh vijapurkar friday , 27 april 2001 , http : / / www . timesofindia . com / today / 27 home 2 . htm enron ready to pull out , but lenders say wait friday , april 27 , 2001 , http : / / www . hindubusinessline . com / stories / 142756 dh . htm dpc board authorises md to issue ppa termination notice friday , april 27 , 2001 , enron testing maharashtra ' s nerves , t n raghunatha friday , april 27 , 2001 , http : / / www . telegraphindia . com / enron signal to switch off dabhol power friday , april 27 , 2001 , enron threatens to pull out friday , april 27 , 2001 , ' dpc may not wind up ' friday , april 27 , 2001 , enron offers ' no comment ' on renegotiation , h s rao http : / / www . afternoondc . com / ' enron ' s on ! ' state govt . to renegotiate dabhol power project , by hubert vaz the economic times , friday apr 27 2001 dpc board empowers md to cancel mseb contract the enron power project crisis on thursday deepened with the board of dabhol power company authorising the management to issue a termination notice to the maharashtra state electricity board even while international lenders to the project asked enron to renegotiate power purchase agreement signed with the mseb . the decision to authorise managing director neil mcgregor to issue "" notice of termination on the contract to sell 740 mw of power "" was taken after the board prevented mseb from voting on the ground that it was an interested party . the decision was taken with six votes in favour and the single opposition vote was cast by idbi , sources said . according to reports , financial institutions such as anz investment bank , credit suisse first boston , citibank , abn - amro and the state bank of india have on wednesday advised enron against terminating its ppa with mseb . mseb chairman vinay bansal , who with two other directors attended the meeting on wednesday representing maharashtra  , s 15 per cent stake in the near $ 3 - billion project , said : "" the indian side told them that it would be unfortunate if enron broke the contract . "" while bansal declined comment on the board decision , the sources said the indian side had expressed its interest to holds talks on the issue rather than terminating the project and there were possibilities of a fresh power purchase agreement between the company and the state . ( pti ) the economic times , friday apr 27 2001 mseb pays rs 134 cr under ' protest ' to dpc despite the threat of a possible termination notice hanging on its head , maharashtra state electricity board on thursday made a "" protest payment "" of rs 134 crore disputed amount , towards march bill of rs 146 . 64 crore to dabhol . "" we were ready with the payment on wednesday itself , but dpc officials could not collect the cheque due to the statewide bandh "" , a senior mseb official said . "" we have disputed payment of rs 12 . 64 crore and it would be now taken up at the disputes resolution forum , of which enron india managing director k wade cline and krishna rao are members "" , mseb sources said . last week , dpc had dashed off a communication to the government and mseb that it would not accept "" protest payments "" anymore . cline had said the energy major shall treat such payments as an election to pay the sums , which mseb in fact owed dpc in full and that the company would also not recognise the "" purported protest or reservation "" . mseb had paid a rs 113 . 5 crore february bill in protest last month . on april 23 last , both domestic and international lenders of dpc had met in london and held exhaustive discussions the multinational ' s move to issue a termination notice to mseb and state government . ( pti ) business standard , friday , april 27 , 001 enron india md authorised to terminate ppa the board of the enron - promoted dabhol power company ( dpc ) , at its meeting in london on wednesday , authorised the managing director of enron india to issue a notice for terminating the power purchase agreement to the maharashtra state electricity board and the state government .  & the board has authorised wade cline to serve the termination notice . however , this does not mean that the termination notice will be served immediately . it is only an enabling provision and will be used only if the situation arises ,  8 a state government source told business standard from london . he said dpc was under pressure from its lenders . the dpc spokesperson here refused to comment on the issue . the hardening of the board  , s stand is in sharp contrast to the advice of dpc ' s lenders , who had warned enron not to precipitate matters by issuing a termination notice . the lenders had arrived at a consensus that the termination notice need not be served at this stage . serving of the notice requires a nod from the lenders , who have an exposure of about $ 2 billion in the project . sources said given the lenders ' strong opposition to termination of the contract , the enron board ' s "" enabling resolution "" did not have much significance beyond conveying a hardening of its stand with regard to the current imbroglio . the maharashtra chief minister had warned enron not to scuttle the process of crisis resolution by issuing a termination notice . the state government is to nominate an expert group to renegotiate the terms of the dabhol contract . enron holds 65 per cent in dpc , while us - based ge and bechtel hold 10 per cent each . the balance 15 per cent is held by mseb through a special purpose vehicle , maharashtra power development corporation . the mseb representatives were not allowed to vote at the meeting since they were an interested party . the idbi representative protested against the board ' s decision . the meeting was attended by state energy secretary vm lal . the meeting was held against the backdrop of a dispute between mseb and dpc over payment of bills . after mseb failed to pay rs 102 crore towards the december 2000 bill , dpc invoked the state government ' s guarantee and then the union government ' s counter guarantee . when payment of the rs 127 - crore january bill became overdue , dpc again invoked the state government ' s guarantee . mseb retaliated on january 28 , 2001 by slapping a rs 401 - crore penalty for non - supply of electricity at adequate levels . it demanded that dpc adjust the bills against this penalty . "" this stand of mseb was explained to dpc at the board meeting "" , a state government official said . the centre also supported mseb ' s stand and refused to honour the counter guarantee . the power company then invoked the political force majeure clause . a process of conciliation and arbitration between the centre and dpc is currently on . the financial express , friday , april 27 , 2001 foreign lenders slam brakes on disbursements to dpc , sanjay jog & raghu mohan global banks comfortable with enron pull - out lenders to the dabhol power company ( dpc ) are a sharply divided lot . international lenders , in direct contrast to the stand taken by local ones led by the the industrial develoment bank of india ( idbi ) , are categorical that additional assistance to dpc  , s phase - ii will be held in abeyance despite the completion of 92 per cent of the project work . the stage is also set for a preliminary termination notice to be served by dpc to the maharashtra state electricity board ( mseb ) within the next four weeks . this follows the authorisation given to enron india  , s managing director k wade cline and dpc president & ceo neil mcgregor to serve the termination notice , and transfer notices to mseb , following wednesday  , s dpc board meeting in london . the essence of the message from the international lenders following the london meeting with dpc board is : emotions do not work . contractual obligations and payments have to be met . we are convinced that the mseb has failed to meet its obligations . there is no point in enron continuing with the project and the company should get out of it . the structuring of dpc  , s debt has created two classes of lenders . in phase - i , international lenders are covered by a sovereign guarantee while in phase - ii , no lender is . however , all lenders have a parri passu charge , making attachment of assets a messy affair . sources in international banks were quick to point out that local lenders to phase - ii of the project are worried that an awry dpc project will affect their interests more given that they have no security  * other than assets  * like a sovereign cover .  & it was this desperation that made local lenders like idbi slash the interest rates a few months back to 16 . 5 per cent from 21 . 5 per cent ,  8 a leading foreign banker pointed out . three points that were made clear and stressed in no uncertain terms by international lenders were : a ) there are contractual obligations b ) mseb was not punctual in its payments to dpc and c ) mseb adopted a confrontational position by slapping a rs 401 crore rebate charge on dpc for misdeclaration and default on the availability of power . while local lenders led by idbi  * with mseb parroting the same  * were of the view that the current situation is a temporary one , international lenders were steadfast that pulling out of the project is the only way out . this is despite the stance taken by idbi and mseb that authorisation for termination given to mr cline and mr mcgregor was not called for . international bankers pointed out that they will now have to look at the issue of charges and protection for their loans in the event of the power project being scrapped in its present form . the points of contention are : a ) that phase - i of dpc is backed by a sovereign guarantee b ) phase - ii is not and c ) to the extent that phase - ii is covered by assets , cancellation of phase - ii may see all assets  * even those under phase - i  * getting attached . therefore , an examination on the segregation of assets under phase - i and phase - ii is now warranted . pti adds : in a significant move , dpc board has empowered its management to sever power supply agreement with mseb , a move that could inflict a financial liability of about rs 2840 crore on the centre . a decision to authorise dpc president neil mcgregor to issue a termination notice to mseb for sale of power was taken by the board at its meeting on wednesday . the indian express , friday , april 27 , 2001 enron : dabhol chief gets powers to end deal with the mseb the board of dabhol power company , a subsidiary of houston - based enron corp , has decided to warn the maharashtra state electricity board ( mseb ) that it intends to pull the plug on its guhagar - based project . in a board meeting held in london on wednesday , the board decided to authorise dpc president and ceo neil mcgregor and enron india  , s managing director k wade cline to serve a  +  + preliminary  ,  , termination notice for sale of power to the mseb within the next four weeks . the dabhol project has been mired in disputes since mseb began missing payments last year . mseb owes dabhol power $ 48 million for power delivered in december and january . the payment ran into a dispute after mseb slapped penalty notices of rs 401 crore on dpc for its failure to supply power within three hours of the demand being placed . but mseb has paid $ 24 million for february . and a payment of $ 31 million was made for march on thursday . the $ 3 billion dabhol project is the largest foreign investment made in india to date . issuing the preliminary termination notice could enable dabhol to suspend deliveries as it negotiates payment disputes . while a preliminary termination notice is the first of three steps that could potentially lead to the abandonment of the project by enron , analysts have described the decision as a  +  + procedural  ,  , move consistent with dpc  , s negotiating strategy to recover overdue payments from the mseb . after the company issues the preliminary termination notice , step two would be an official termination notice , and step three would be a notice that the company is surrendering control of the project . if the project is terminated , the government of india will have to take a hit of $ 300 million besides paying bills of rs 1 , 500 crore for the next one year to enron as penalty .  +  + our ( centre  , s ) liability , if dabhol power project is terminated , would be one year  , s electricity bill and a termination fee of $ 300 million ,  ,  , power secretary a k basu said .  +  + contractually , the centre will have to pay one year  , s electricity bill , totalling at present prices about rs 1 , 400 - 1 , 500 crore , and take over dpc  , s debt , which stands at around $ 300 million , if the project was terminated ,  ,  , basu said in delhi . dabhol power is in the process of completing the second phase of the 2 , 184 - megawatt power - plant project , which is 95 per cent through . while the international lenders to the project are pressurising the company to get out of the project , indian lenders , led by idbi , are asking the company to reconsider its decision on its termination notice . during the meeting in london , mseb which holds a 15 per cent stake in the project , had strongly opposed dpc  , s move to authorise cline and mcgregor to issue notices for termination . mseb chairman vinay bansal and technical director prem paunikar  * both directors on the dpc board  * and the state principal secretary ( energy ) vm lal , an invitee to the board , raised the issue at the board meeting in london . mseb claimed that dpc was needlessly  +  + threatening  ,  , to issue various arbitration notices and thereby interpreting the clauses of ppa in isolation . in recent weeks , dabhol has raised the stakes in its spat with the mseb , delivering a notice of political force majeure to maharashtra  * a step typically invoked to dissolve a contract in case of an emergency like a war , coup , or a similar radical political event . in this case , dpc  , s move was viewed as a threat to stop providing electricity . dpc has come under fire because of the relatively high cost of its power . critics object to the company charging rs 7 . 1 a kilowatt - hour for its power , compared with around rs 1 . 5 a kilowatt - hour charged by other suppliers . the hindu , friday , april 27 , 2001 offer of renegotiation ' too late ' : enron , by mahesh vijapurkar mumbai , april 26 . the enron - sponsored dabhol power company , which last night authorised its local management to issue a notice of termination of its power purchase agreement ( ppa ) with the maharashtra state electricity board , has decided to keep a stiff upper lip . this , in turn , has stoked speculation that the switching off of power from its phase i plant was imminent , while in reality , a lengthy procedure has to be followed as prescribed within the ppa . as one source familiar with the ppa told the hindu , ` ` it is not sudden death of the project ' ' and in all probability , the dpc , vexed with the developments , including sharp and pointed observations by the godbole committee , has chosen to only arm itself with a serious option . ` ` this would only eventually come into effect . it is not an overnight operation and a lot of legal work is involved ' ' . apparently , the dpc intends to do some arm - twisting . at the board of directors meeting in london , which maharashtra was initially disinclined to attend but later used the forum to put across its contentions on the project , the dpc squarely told the mseb nominees on the board that the offer of renegotiation had come rather ` ` too late ' ' . it also said it did not see any room for optimism about the outcome . it did not , however , rule out the option of talks , thus underscoring the possibility that the decision to authorise termination was a new weapon . the maharashtra chief minister , mr . vilasrao deshmukh , had hoped that dpc would not take any ` ` harsh step ' ' which would cause lot of damage to the interests of both the independent power producer and the government and today he expressed his dismay . in fact , the mandate of the team that went , on the strength of its stake in the dpc , was to put across the idea that negotiation was the requirement and not confrontation . echo in ls the enron issue also echoed in the lok sabha today where the power minister , mr . suresh prabhu , said that scrapping of the agreement would cost the centre rs . 2 , 840 crores , whose liability in the project agreement was limited . the centre ' s liability in case of termination is one year ' s electricity bill and a termination fee of $ 300 million . blow to fis the termination could prove to be a serious blow to the indian financial institutions ( fis ) which , under the leadership of the idbi , were trying to convince the other lenders of the project against the notice . the exposure of indian fis in the project is understood to be not covered by any guarantee either of the centre or the state . the times of india , friday , 27 april 2001 enron ready to pull out , but lenders say wait the dabhol power company board , which met on wednesday in london , authorised the company management to issue a termination notice to the maharashtra state electricity board . the company , however , may not pull out of the project yet , considering its lenders , who met on monday , opposed such a move and favoured renegotiations . sources present during both the meetings said that though foreign lenders supported enron on the termination issue , domestic financial institutions , led by the industrial development bank of india , prevailed over the deliberations to oppose any such drastic move . enron needs the lenders ' consent to file a pre - termination notice for pulling out from the project . the decision to empower dpc chief wade cline to issue a termination notice was taken with six votes in favour against a single idbi vote against such a move . another significant development during the entire proceedings was that the financial institutions made it clear that further funding of phase ii of the project will depend on the government of india assuring payment mechanisms . institutions are yet to disburse about 30 per cent of the sanctioned package , which is crucial for completing the phase ii expansion project . ` ` the board has given powers to wade cline to issue a pre - termination notice . but the meeting quite unanimously felt the need of the hour is not to terminate the project but to initiate serious re - negotiation proceedings , ' ' said mseb chairman vinay bansal , who attended the board meeting . ` ` mseb presented their views to the board members and it was understood by enron which also included the rs 401 crore penalty issue which is heading for arbitration proceedings . ` ` we have also made it clear that the tariff structure of enron is quite high and a downward revision of tariffs is unavoidable , "" bansal added . ` ` they cannot issue a termination notice without our consent since our exposure in the project is quite large and the lenders should approve any plans in that direction , ' ' said a top banker who was present during the lenders ' meet . ` ` there is a general consensus that the project must be completed and the proposal to terminate the ppa should be kept in abeyance , ' ' he added . the global arrangers for the dpc include anz investment bank , credit suisse first boston , abn - amro , citibank and the state bank of india , where all these parties conducted separate meetings with the company officials . however , some bankers said the company can file a termination notice even if one lender with a minimum 5 per cent exposure on the project favours such proceedings . meanwhile , in a clear reversal of roles , maharashtra chief minister vilasrao deshmukh said that the state government was not keen on terminating the ppa . ` ` we will ask them to refrain from taking any such harsh steps since that would be bad news for all of us , including dpc , ' ' deshmukh said . deshmukh was echoing union power minister suresh prabhu ' s sentiments , who said that the government wanted an amicable settlement of the payment row . he , however , added that termination of the project would not hurt foreign investments , and dismissed warnings by analysts that winding up the $ 2 . 9 billion project would be a blow to india ' s efforts to woo foreign investors . the dpc has already slapped one conciliation notice on the centre and three arbitration notices on the state government over non - payment of dues amounting to rs 213 crore and interest towards the bills due for december 2000 and january 2001 . meanwhile , mseb officials said in mumbai that the march bills amounting to rs 134 crore was paid on thursday as protest payment , despite the dispute over the amount . when asked on the future course of action , bansal said it was up to the dpc . the hindu businessline , friday , april 27 , 2001 dpc board authorises md to issue ppa termination notice the board of directors of dabhol power company ( dpc ) has authorised the managing director , mr neil mcgregor , to issue the notice of intent to terminate its power purchase agreement ( ppa ) with the maharashtra state electricity board ( mseb ) ` ` at an appropriate time ' ' . the decision was taken at a board meeting held in london yesterday . ` ` while mseb , which is an ` interested party ' , was not allowed to vote , it made a presentation clarifying its stand on the matter , ' ' a senior state government official said . the resolution to authorise the management to issue the termination notice was carried by six votes to one . idbi voted against the decision , the official said . the serving of the preliminary termination notice will lead to a six - month ` ` suspension period ' ' . according to clause 17 . 8 of the termination procedure , of the ppa : ` ` following the giving of a preliminary termination notice , the parties shall consult for a period of six months ( or such longer period as they may agree ) as to what step shall be taken with a view to mitigating the consequences of the relevant event having regard to all the circumstances . . . ' ' idbi and state bank of india , the principal indian lenders , had earlier persuaded the overseas lenders to hold their consent to the termination notice for some more time . at least one lender has to consent for the company to serve termination notice . it is understood that overseas lenders are in favour of termination of the project and are prepared to consent . however , domestic lenders are worried about the security of their advances if the ppa is abandoned mid - way . according to institutional sources , indian lenders are trying to get all the parties concerned to thrash out outstanding issues . the maharashtra and central governments too are in favour of a conciliation . mr vilasrao deshmukh , chief minister of maharashtra , yesterday went on record that the state did not want the project terminated . mr yashwant sinha , union finance minister , is also understood to be of the same opinion . ` ` the dpc will now have to decide what is the ` appropriate time ' to serve the notice , ' ' the official said . mseb pays rs 134 crore : meanwhile , mseb has paid dpc rs 134 crore towards its march 2001 bill . mseb officials confirmed that the bill was paid ` in protest ' ' today morning . ` ` they ( dpc ) had billed us for an amount of rs 146 crore . we do not agree with some of the items included , ' ' a senior mseb official said . the pioneer , friday , april 27 , 2001 enron testing maharashtra ' s nerves , t n raghunatha dabhol power company ( dpc ) has begun to put fresh pressure on the maharashtra state electricity board ( mseb ) , the maharashtra state government and the centre for an early resolution to the prolonged dispute between them , if the dpc board of directors ' decision to authorise its managing director to serve a contract termination notice to the mseb is any indication . the dpc board , in its meeting in london on wednesday , empowered the company management to sever its power supply agreement with mseb , a move that could inflict a financial liability of rs 2 , 840 crore on the centre . the decision to authorise the dpc management to issue a termination notice to mseb was taken by a vote of six to one after the maharasthra government representatives were prevented from voting on the ground of "" interested party "" . when contacted , the company ' s mumbai - based spokesperson , mr jimmy mogal , declined to comment on the reports about the decision taken by the dpc board . "" we have nothing to say on the reports emanating from london . we will express our views after a few days , "" he said . however , maharashtra chief minister vilasrao deshmukh on thursday termed the dpc board ' s decision as "" unfortunate "" . "" we have already requested the company not to take any harsh decision "" , mr deshmukh said in mumbai . official sources in the state energy ministry interpreted the dpc board ' s decision as a pressure tactic employed by the enron subsidiary to force the mseb to clear the pending power bills without any further delay . through its tough posture , the dpc wants to make its position stronger before it can formally agree for re - negotiations with the mseb , the centre and the state government for cutting the price of power supplied by it to the state electricity board . the sources said that the dpc ' s reported decision to authorise its managing director to stop electricity supply to the mseb did not mean that the enron subsidiary would actually go ahead with the scrapping of the power contract with the mseb . "" if anything , the dpc ' s reported decision is to mount additional pressure on the mseb for clearance of pending power bills and put itself in a stronger position in settling its dispute with the mseb . as part of its plan to arm itself with powers to break a contract in case situation goes beyond its control , the dpc had recently served a political force majeure to the mseb , the centre and the state government , "" the sources said . not surprisingly , the dpc ' s london decision comes on the heels of the maharashtra government ' s decision to set up a high - level committee , comprising representatives of the mseb , the centre and the state government to re - negotiate with the enron ' s subsidiary company for reducing the cost of power supplied to the state electricity board . meanwhile , amidst the threat of a possible termination notice hanging on its head , the mseb on thursday made a "" protest payment "" of the rs 134 crore disputed amount towards march bill of rs 146 . 64 crore to dpc . riday , april 27 the telegraph , friday , april 27 , 2001 enron signal to switch off dabhol power enron today took the first decisive step out of the controversy - ridden dabhol power company when it won an authorisation from the company  , s board to stop sale of power to maharashtra state electricity board ( mseb ) . the meeting of the company , of which the houston - based energy giant holds 65 per cent and the mseb 15 per cent , was attended by state energy secretary v m lal and mseb technical director p paunikar and it came days after its lenders discussed payment problems and a possible termination . the centre  , s liability , if enron decides to snap the agreement , will be a year  , s power bill and a termination fee of $ 300 million . however , the company will have to wait for six months from the day it serves the notice before it pulls the plug . the centre shrugged off the move , saying there would not be any adverse effect on foreign investment in power if enron walks out .  & we do not see fdi inflows into the power sector being hit ,  8 power minister suresh prabhu said . mseb officials said the ball is now in the court of dpc , which said its corporate policy did not allow it to comment on proceedings at board meetings . the decision coincided with a rs 134 - crore  + protest payment  , by the cash - strapped power board as part of the march bill worth rs 146 . 64 crore . there was speculation that mseb coughed up the amount to cool frayed tempers at enron  , s hub in houston , and because it was rattled by the sudden turn of events in the past few days during which the dispute had come to a head . mseb officials brushed away the allusions , saying the cheque was ready on wednesday but could not be handed over to dpc because of the state - wide bandh .  & we have a disputed payment of rs 12 . 64 crore , which will be taken up at the dispute - resolution forum ,  8 a board official said . last week , dpc told the state government and mseb it would no longer accept protest payments in a move to fortify its legal position . mseb officials say bechtel and general electric , the other partners who hold around 20 per cent in dpc , are willing to go along with enron corp in terminating the deal but financial institutions such as idbi are not game because it puts their loans at risk . investments made by indian institutions are not covered under the centre  , s and state  , s counter - guarantees , unlike those made by international lenders . maharashtra chief minister vilasrao deshmukh called enron  , s decision unfortunate .  & we had told state government officials attending the enron board meeting to stop the company from winding up its operations in the state as it will harm both parties .  8 the statesman , friday , april 27 , 2001 enron threatens to pull out the enron crisis deepened with the board of directors of the dabhol power company deciding to authorise the managing director , mr k wade cline , to serve a notice of termination on the contract for the first phase of the $ 2 . 9 billion power project . the decision , which could lead to the cessation of dabhol  , s power supply to the state , was taken at the meeting held yesterday in london according to reports quoting the chairman of the maharashtra state electricity board , mr vinay bansal . while dpc officials refuse to comment on anything , it is learnt that mseb was itself prepared to serve a legal notice of termination just two days before the meeting . mseb was said to have been dissuaded by the nationalist congress party president , mr sharad pawar , and union power minister mr suresh prabhu , who had talks in new delhi with the maharashtra chief minister , mr vilasrao deshmukh , and an mseb delegation last monday . the state government has been served two arbitration notices while the centre is ready to go for conciliation with the dpc for failing to honour its counter - guarantee . further , the dpc has already slapped a notice of political force majeure which protects itself against undeserved claims in the event of exigencies that force it to take an extreme step . the union power minister , mr suresh prabhu , contended in delhi that since dpc contributed only 0 . 7 per cent of the total energy output of the country , its termination would not have such a phenomenal impact on the power situation . however , if terminations proceedings go through , enron corp , a 65 per cent share - holder in the dabhol power company , would stand to net a hefty amount in damages . the union power secretary has been quoted as saying that termination of the dpc would cost the centre rs 1 , 800 crore , which is the total of one years  , electricity bill and a termination fee of $ 300 million . according to an energy analyst , mr pradyumna kaul , the total liability would not cross rs 350 crore . however mr prabhu said in the lok sabha today that the that scrapping of the agreement would cost the centre rs 2 , 840 crore . it is learnt that on 20 april , mr deshmukh had given the go - ahead to the mseb to prepare a legal notice to be issued to enron during the meeting of the dpc  , s board of directors on wednesday . at the meeting , the energy minister , padamsinh patil , energy secretary , mr vinay mohan lal and mseb chairman mr vinay bansal , were also present . the notice was prepared over the past weekend and taken by the delegation when they called on mr prabhu on 24 april . however , the politicians convinced them that enron would not get tough , given its huge stake in the project , and that such a notice would not be necessary . the meeting thus ended with the decision to renegotiate the power tariff , with enron  , s consent . among those present at the london meeting were mr lal , mr bansal and mseb technical director , mr p paunikar , in their capacity as directors . however , they abstained from voting since they were deemed an interested party . the only vote to go against the decision was that of the idbi which is also represented on the board , it is learnt . the chief minister , mr vilasrao deshmukh , said the state was not in favour of terminating the project . this could mean that the latest manoeuvre to arm - twist the indian authorities could achieve its immediate target of getting the arrears accumulated over the past three months cleared . the mseb owes enron rs 146 . 64 crore for march 2001 and rs 229 crore for december 2000 and january 2001 . the centre today put up a brave face on enron  , s decision saying there would not be any adverse effect on foreign investment in power sector in the country , pti reported from new delhi .  & there will be no adverse impact as a result of any action by any domestic or foreign company . as far as we are concerned there will be no adverse impact on fdi in power sector ,  8 power minister suresh prabhu told reporters when asked about dpc  , s decision to authorise management to issue a termination notice to mseb . emphasising that there would be no fallout of such decision , prabhu said after the meeting of the cabinet committee on economic affairs  & we are expecting cooperation from many scandinavian countries as well as european nations in the power sector .  & in fact not only the power minister but also the prime minister of norway was here to inaugurate a seminar on power and he promised lot of cooperation in the sector .  8 mid day ' dpc may not wind up ' maharashtra chief secretary v ranganathan has said that though neil mcgregor , managing director of the dabhol power corporation ( dpc ) , has been given complete powers with regard to dpc ' s operations in the state , including the authority to wind up operations , it does not necessarily mean that mcgregor will issue such a termination notice . mcgregor was given the powers at a meeting of the dpc board in london on wednesday . ranganathan said that state officials , including maharashtra state electricity board ( mseb ) chairman vinay bansal and power secretary v m lal , have reported back to him about the meeting in london . with regard to the state ' s failure to pay enron , ranganathan said , "" bills are prepared as per the power purchase agreement ( ppa ) and dpc owes some money to us . our people informed enron officials about this . . in fact , there was no reason to give powers to the md to slap a termination notice . "" in the london meeting , mseb and industrial development bank of india ( idbi ) representatives insisted that the dpc must pay rs 411 crore since it could not supply power whenever needed . chief minister vilasrao deshmukh has already termed as unfortunate the decision of the board of the enron - promoted dpc to give mcgregor powers to wind up operations . deshmukh added , "" we have already requested enron not to take any harsh decision . "" deshmukh had earlier said , "" we have directed state government officials attending the dpc board meeting to desist the energy company from winding up operations in the state , as it would be harmful to both of us . "" enron officials are keeping mum on the issue . mcgregor said , "" i am not going to give any comment . "" mid day , april 27 , 2001 enron offers ' no comment ' on renegotiation , h s rao a crucial meeting of the board of directors of the dabhol power company ( dpc ) , promoted by the us energy major enron , was held here yesterday apparently to discuss fate of its $ 900 - million power project in maharashtra , but there was no official word on the indian and state governments ' decision to renegotiate the contract . an enron spokesman declined to divulge what transpired at the meeting , saying the issues discussed at the meeting were ' confidential ' . "" we have not received any direct communication . unless we get it and evaluate the details , we have no comments to make , "" the spokesman said when asked about the proposed decision on re - negotiation of the project in which the maharashtra state electricity board ( mseb ) has 15 per cent stake . asked whether the board had taken a decision on empowering dpc managing director neil mcgregor to wind up its operations in india , the spokesman said he had nothing to say on them . enron has reportedly authorised mcgregor to look at various options including selling the company ' s stake in dpc . maharashtra chief minister vilasrao deshmukh said in mumbai that the state government would pay up the undisputed dues to the company . he said the maharashtra government "" is not in favour of terminating the 2184 - mw project , but wanted an amicable solution to the imbroglio . "" mid day , friday , april 27 , 2001 , committee to renegotiate enron deal a committee to renegotiate the power purchase agreement with the dabhol power company will be appointed by this evening , chief minister vilasrao deshmukh said today . addressing media persons after his meeting with the noted social reformer anna hazare at his official residence varsha , deshmukh said the committee would be formed by this evening or by tomorrow , at the most . he termed as unfortunate the enron board decision empowering dpc chief neil mcgregor to serve a preliminary termination notice on the maharashtra state electricity board and said the state was willing to negotiate the issue with power company . "" renegotiations will be held as per the suggestions made by the godbole committee and the center will also depute its representative on the renegotiating committee . we don ' t want to take any hasty decision , "" deshmukh saidhe pointed that the only bone of contention with the dpc had been its expensive tariff and hoped that the issue would be resolved amicably . when pointed that the enron board had taken a decision to serve the notice despite state  9 s willingness to appoint a renegotiating committee , chief minister said it was unfortunate . earlier , in his meeting with hazare , deshmukh promised to make necessary amendments to the right to information law recently passed by the state so that the information was easily accessed by the common people . he also gave a patient hearing to hazare on his complaints of corruption in various state departments and promised action against guilty after a thorough inquiry within three months . afternoon , april 27 , 2001 ' enron ' s on ! ' state govt . to renegotiate dabhol power project , by hubert vaz the us power giant , enron power corporation ' s willingness to wrap up the dabhol power project and leave the shores may not actually materialise , though the dabhol power company chief , mr . wade cline , has been authorised to do so , since the lenders for the project would have a decisive say in the matter . disclosing this , chief minister vilasrao deshmukh confirmed this morning that the state government would churn out a compromise formula by which the power project at dabhol could be continued , and at the same time enron did not feel slighted . "" enron has not yet conveyed to us about this decision . we are waiting for their letter , "" he said . when asked what sort of compromise the state government plans to forge , mr . deshmukh said , "" let our officers come back . after that we will decide a future course of action . but we are definitely going in for renegotiation of the project . it is very difficult to predict the outcome of enron ' s decision but as of now the project is still on . "" when asked whether the project could be moved to another state , if wound up from maharashtra , mr . deshmukh said , that was not possible as per the terms of the agreement between the us company and the state government . however , it was difficult for the project to move out of the state itself , he indicated . he also confirmed that both parties would face considerable losses if the project was terminated . the board of directors of the dabhol power company , which met in london on wednesday , decided to put an end to all controversies surrounding the project once and for all by empowering the dpc chief to terminate the project , if he deemed it fit . however , this decision , as of now , does not necessarily indicate the death knell for the project . the enron project , which had been riddled with controversies right from its inception , had been a pretext for the political parties in the state to drag each other on the mat from time to time . the previous sena - bjp government , which had been out to terminate the project , however , chose to continue with it following renegotiations with enron ' s top visiting officials like ms . rebecca mark . and , the democratic front government inherited the controversial project when the governments changed hands a year and a half ago . meanwhile , state energy minister dr . padamsinh patil , when contacted at the osmanabad circuit house , said the state government and the central government have decided to appoint a joint committee to renegotiate the project with enron . "" it is not easy for them to walk out of the project just like that . they will have to go in for litigation and this would prove costly for both sides , "" he said . in case the project is terminated , the government can still manage the power needs of the state , though it would be a bit tough job , he added .",0 +"Subject: tuesday morning meeting first thing ? ? ? vince : i am sorry i couldnt connect with you last week . how would your tuesday morning first thing , say 800 or 830 am be to get together to discuss the demo proposal and other issues ? i can come by your office very conveniently then . give me an email shout if you could squeeze it in on monday . i look forward to speaking with you . dale",0 +"Subject: re : transition to research group - an update - anshuman shrivastava molly : in order that i may proceed with the visa application for mr . anshuman shrivastava , i will need from enron ' s h . r . department , the following information : a copy of a job offer letter / contract / assignment letter for his us position with us salary a job description of the position in the us a salary range for that position co # and cost center # please let me have this at your earliest convenience . many thanks margaret enron north america corp . from : molly magee 01 / 19 / 2001 06 : 08 pm to : margaret daffin / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : transition to research group - an update once again , margaret , we are in your debt . vince , let ' s get together some time next week and see where you would like us to go with this . . . molly margaret daffin 01 / 19 / 2001 03 : 27 pm to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : transition to research group - an update molly : just to be sure that everyone understands , anshuman cannot work in the us on a bl visa - he can only come here for business meetings and training . we will have to get him the ll visa in order for him to work in the us . margaret enron north america corp . from : molly magee 01 / 19 / 2001 02 : 53 pm to : vince j kaminski / hou / ect @ ect cc : margaret daffin / hou / ect @ ect subject : re : transition to research group - an update thank you so much for the information , vince . i hope that you have a great weekend ! molly vince j kaminski 01 / 19 / 2001 02 : 39 pm to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : transition to research group - an update molly , i shall ask sandeep to do it when he comes back from india next week . i have just learned that anshuman has bl visa and he can start on a project as a person delegated by dhabol power company to houston . to be absolutely above the line , i would still arrange the ll visa . vince enron north america corp . from : molly magee 01 / 19 / 2001 10 : 44 am to : vince j kaminski / hou / ect @ ect cc : margaret daffin / hou / ect @ ect subject : re : transition to research group - an update i agree that it makes sense to put the ll in place . there are several things we will need from you in order to start the visa process . the first is a fairly detailed job description for anshuman . secondly , we also need to know whether or not he will be in a managerial position here and / or managing a project . if there is someone else in your group who can furnish this job description , just let me know and i will be happy to contact him / her . as for sandeep , i have been told that he is a u . s . resident so there should be no problems with him . margaret daffin will be contacting him to be absolutely sure . thanks , molly vince j kaminski 01 / 19 / 2001 10 : 21 am to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : transition to research group - an update molly , let ' s get ll for anshuman , just in case . i am sure he will stay here for a while once he comes . it is quite obvious jeff shankman will have to keep him longer , given the priority of the project . i assume there are no problems with sandeep . thanks . vince enron north america corp . from : molly magee 01 / 19 / 2001 09 : 54 am to : vince j kaminski / hou / ect @ ect cc : margaret daffin / hou / ect @ ect subject : re : transition to research group - an update thank you for the update , vince . i have been working with margaret daffin with regard to anshuman ' s visa status . we will have to get an ll visa in place before he can come to the united states , even in a temporary capacity . do you want to move forward with that effort at this time , or is the possibility of him coming to the u . s . so remote that it wouldn ' t be worth the time and money right now ? molly vince j kaminski 01 / 19 / 2001 09 : 42 am to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : transition to research group - an update molly , this is an update on anshuman . please , see below . it seems that his transfer is not an issue for the time being . we can put it on a back - burner till he gets here . vince p . s . the relevant section . i also spoke about anshuman , and there was resistance to his leaing for such a long time . however , i have agreement from folks here to send him to houston for a shorter stint on dpc budget . i will try to finalize that before i leave . i will call you in the evening to just chat . - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 19 / 2001 09 : 45 am - - - - - - - - - - - - - - - - - - - - - - - - - - - sandeep kohli @ enron _ development 01 / 19 / 2001 04 : 32 am to : vince j kaminski @ ect cc : subject : transition to research group - an update vince , just wanted to let you know that i had a meeting with wade cline ( coo , enron india ) , neil mcgregor ( president , dpc ) , and mohan gurunath ( cfo , dpc ) today . though i had already spoken to all of them earlier about my joining your group , today it became official , and all of them supported the move . i explained to them what we would be doing , and the results expected from the henwood study . dpc would like to pay the costs for the study , and that was mentioned . there maybe some tax issues etc . that need to be cleared , and other related issues that i would like to discuss with you , so i will leave them till i get to houston . i also spoke about anshuman , and there was resistance to his leaing for such a long time . however , i have agreement from folks here to send him to houston for a shorter stint on dpc budget . i will try to finalize that before i leave . i will call you in the evening to just chat . i am very thankful to you for giving the opportunity you have . things here have deteriorated dramatically over the last few weeks . morale is quite down due to many lay - offs . i am really looking forward to returning to houston , and the family ! ! regards , sandeep .",0 +"Subject: status stinson , as you requested , i spoke with brad mcsherry concerning the position , salary , and immediate supervisor . i asked brad to provide a formal letter of offer and informed him that i needed it before the end of business friday . unfortunately , i have not received the letter thus far . although the job was well defined , i felt that the administrative details of the position were not clearly laid out . for example , i specifically asked last week who my manager would be and was told that it would be you . however , i later found out ( by chance ) that this was not the case . also , it was unclear whether i would be in the research group or in enron communications . although these two issues are not critical and under normal circumstances would be resolved , given previous confusion regarding my role and compensation with the research group , i feel less comfortable accepting the position . to be specific , there was an unnecessary struggle regarding my interview reimbursement and there were problems regarding my bonus . in general i feel that there has been a significant lack of communication and respect . therefore i feel that i am left with the decision not to make the move to enron and feel that it would be in everyone ' s best interest not to pursue this any further . thank you . - samer [ brad , as i indicated on friday please do not perform any kind of transfer . thanks . ]",0 +"Subject: re : garp credit derivatives discussion group philip , thanks for keeping me in mind . yes , i would be interested . vince "" philip merrill "" on 11 / 30 / 2000 04 : 47 : 20 pm please respond to to : cc : subject : garp credit derivatives discussion group vince we are starting a credit derivatives discussion group in new york . is this something you would be interested in ? like fas 133 an 800 - call - in number will be provided for houston participants . our first meeting will be in a week or so . regards , philip merrill garp regional director , new york 973 - 258 - 1540",0 +"Subject: trading limit and policy changes vince - here ' s a summary of what ' s going to the bod , along with updated policy . feel free to call me if you have any questions . regards , cassandra .",0 +"Subject: it purchasing process as you all may be aware the it organization is undergoing significant organizational changes at a very rapid pace . one of the groups that is being heavily affected is purchasing , due to the large increase in the volume of requests and some staff turnover . we realize that this is causing our users some pain and we are re - engineering the process as quickly as possible . we will be communicating the changes to the process over the next few weeks . we apologize for the inconvenience and appreciate your patience in this regard . if you have any questions while the process is being adjusted please contact bob hillier at extension 3 - 0305 . philippe bibi cto , enron global technology",0 +"Subject: alliance ferc alert - regional market reports attached for your information are : 1 . the ferc orders regarding the meeting to be held thursday , november 9 . 2 . annoucement of a hearing in san diego on november 14 . 3 . ferc report on bulk power markets in the southeast region 4 . ferc report on bulk power markets in the midwest region 5 . ferc report on bulk power markets in northeast region these files will also be made available on the alliance of energy suppliers web site - http : / / www . eei . org / alliance should you have any questions concerning these reports , contact jack cashin at 202 - 508 - 5499 , or jcashin @ eei . org nancy tarr manager , business development ntarr @ eei . org - ferc 11 - 14 hearing . pdf - nov 9 panels . pdf - ferc . southeast . pdf - fercmidwest . pdf - fercnortheast . pdf",0 +"Subject: t . v . we are in need of a 9 inch t . v . set . the set will be located betweeneb 3240 e and eb 3240 f . r . c . # 100038 co . # 0011 please if any more information is needed please call me x 34710 . also please provide e . t . a . thanks kevin moore",0 +"Subject: ljm update vince / stinson : i just came back from a meeting with accounting ( ryan siueck ) and credit ( rod nelson - works with bill bradford ) in which we presented the two - factor model for calculating credit loss on our ljm ' s position . rod seemed positive with the model conceptual approach . he will position bill bradford on that . accounting will have a meeting with aa to discuss the treatment on credit reserves on this deal tomorrow 9 : 00 am . they feel my participation is not necessary . at year - end the difference on both valuations - without and with credit risk - indicates a credit loss of about 100 mm . paulo issler",0 +"Subject: visiting enron may 4 th dear vince , this is great news ! donna and i are delighted that you have time to see us on may 4 th . i ' ll be out of the office next week . by copy of this email to my assistant , carol lovell , i will ask her to get in touch with shirley for scheduling as well as directions on where to meet you . we ' ll be glad to meet with christie patrick as well . looking forward to meeting you , susan at 05 : 36 pm 4 / 6 / 01 - 0500 , you wrote : > susan , > > thank you for your message . i shall be glad to meet with you on may the > 4 th . > i shall ask my assistant , shirley crenshaw ( 713 ) 853 5290 , to call you to > set up the meeting . > > also , for your information , we have recently set up a special unit to > coordinate enron ' s > relationships with the universities . the person running this unit is > christie patrick . > please , feel free to contact her and give my name as a reference . i shall > coordinate the meeting > on may the 4 th with her . > > vince > > > additional information re christie : > > phone : ( 713 ) 853 - 6117 > > email : christie _ patrick @ enron . com > > > > > > "" susan c . hansen "" on 04 / 03 / 2001 04 : 33 : 54 pm > > to : vkamins @ enron . com > cc : > subject : visit from stanford ? > > > dear dr . kaminski , > > let me briefly introduce myself , i am the director of corporate relations > for the school of engineering at stanford university . in this role , i am > always on the watch for ways to bring our faculty together with companies > that have an appetite for engagement with top tier research institutions . > > i believe you know hill huntington , who is a senior researcher with > stanford ' s energy modeling forum . he suggested i get in touch with you for > some ideas about contacts at enron . i ' m in the process of planning a trip > to texas in early may along with my colleague donna lawrence , the > university ' s director of corporate relations . we were hoping to be able to > include a stop at enron on our itinerary . right now it appears that friday , > may 4 th would work best for us but we ' re at the very beginning of our trip > planning . > > the purpose of our visit would be to review the current relationship > between enron and stanford , to give you an overview of current priorities > in the school of engineering , and ask for your help in identifying the best > points of contact . > > i look forward to hearing from you about your availability , > > sincerely , > susan hansen > > > > > susan c . hansen > director , corporate relations > school of engineering > stanford university > stanford , ca 94305 - 4027 > ( 650 ) 725 - 4219 susan c . hansen director , corporate relations school of engineering stanford university stanford , ca 94305 - 4027 ( 650 ) 725 - 4219",0 +"Subject: re : update / event time change this will be fine - just let me know when you are going to be gone . shirley anita dupont @ enron 11 / 29 / 2000 05 : 01 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : update / event time change shirley , this is the committee that i discussed with you this morning . the below email outlines the time required . thanks for your consideration . anita - - - - - - - - - - - - - - - - - - - - - - forwarded by anita dupont / na / enron on 11 / 29 / 2000 04 : 55 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - 11 / 29 / 2000 04 : 46 pm charla reese @ enron _ development charla reese @ enron _ development charla reese @ enron _ development 11 / 29 / 2000 04 : 46 pm 11 / 29 / 2000 04 : 46 pm to : daryl kitchen @ enron communications , missy stevens @ enron , misha siegel @ ect , zulie flores / corp / enron @ enron , maggie valles / enron _ development @ enron _ development , rose rivera / enron _ development @ enron _ development , donnis traylor / hou / ees @ ees , raquel guerrero @ enron communications , elsie lew @ ect , mary ellenberger / corp / enron @ enron , rebecca longoria @ enron , joy werner @ enron , david tagliarino @ ect , janie bonnard , sylvia thomas @ enron , lillian villarreal @ enron , valerie villareal / hou / ees @ ees , stephanie baker / hou / ees @ ees , dianne langeland / enron _ development , laura schwartz @ enron , deb gebhardt @ enron , heather alon @ ect , michael cuccia / corp / enron @ enron , bert frazier @ ect , susan rouse @ ees , sandy lewelling @ enron communications , sonia garcia / hou / ees @ ees , dolores escamilla @ ect , anita dupont / na / enron @ enron cc : elyse kalmans @ enron , greg grissom @ enron subject : update / event time change thanks to everyone for attending the meeting today ! event time change ! ! ! i just spoke with the office of the chairman and have learned that ken and jeff are actually available during the morning of december 19 th from 8 : 00 am until 11 : 00 am . as a result , our plans have changed just a little and i have requested whether or not they are willing to pose for polaroid pictures with employees - i ' ll let you know what i find out ! we will still have the jazz duet and informational poster displays in the lobby throughout the day and instead of dessert items , we ' ll order breakfast stuff . assignments / budget ! ! ! ! please note assignments below ; for each team , collaborate between now and our next meeting to determine what purchases need to be made - budgets will be discussed at that meeting . again , it will be on wednesday , december 6 th from 9 : 30 am until 10 : 30 am with the location tbd . kwanzaa - daryl kitchen * / liz taylor chinese new year - elsie lew * / anita dupont las posadas - zulie flores * / maggie valles / lillian villeral christmas - donnis traylor * / missy stevens / michael cuccia chanukah - laura schwartz * / heather alon ramadan - sylvia thomas * / janie bonnard / dianne langeland st . lucia - joy werner * / stephanie baker devali - sonia garcia * / sophie patel / rebecca longoria greeters / traffic control / corsages - sandy lewelling executive floor - deb gebhardt logistics - charla reese ( communication , entertainment , food , picture holders ) photographer - laura schwartz houston children ' s choir - misha siegel * indicates holiday team leader responsibilities attend planning committee meetings and work with other volunteers assigned to your holiday . research meaning of holiday and determine appropriate decorations , symbols , & food items - purchase after budget approval . create information sheet for employee hand - out . decorate between 7 : 00 am and 8 : 00 am on 12 / 19 . be creative ! ( play appropriate recorded music , dress up in related clothing , etc . ) ensure office is manned during open house ( 8 : 00 am - 11 : 00 am ) - answer any questions , pass out materials , etc . recruit additional volunteers ! additional volunteers delores escamilla val villeral raquel guerrero bert frazier david tagliarino rose riveria thank you ! charla x 35202",0 +"Subject: re : a / a program question gwyn : just because the a / a program does not have a contract does not mean that enron does not . do you have a telephone number for melly ' s and i will call them directly and ask her if she has a contract . thanks ! shirley gwyn koepke @ enron 10 / 23 / 2000 04 : 22 pm to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : re : a / a program question vince , the a / a program does not have a contract in place with melly language services . it appears that by the note below from my contact in the a / a - hr department , the reimbursement policy appears to be driven by department , not enron at large . as i mentioned earlier , if i continue with my current tutor , but outside of the melly language services , the cost to the department will decrease for me to take french classes . pls advise if research will be able to continue to fund my lessons . many thanks , gwyn koepke - - - - - - - - - - - - - - - - - - - - - - forwarded by gwyn koepke / na / enron on 10 / 23 / 2000 04 : 19 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : ivonne brown 10 / 23 / 2000 04 : 17 pm to : gwyn koepke / na / enron @ enron cc : subject : re : a / a program question gwyn , in the past the associate & analyst program use to pick - up the cost for the classes , but they stopped doing so effective 1 / 99 . ( although , some business units decided to continue paying for it - you may want to double check with your business unit to whether or not they have a contract . the a / a dept does not . ) please let me know if you have additional questions . thank you for your patience . sincerely , ivonne brown gwyn koepke 10 / 23 / 2000 01 : 15 pm to : ivonne brown / na / enron @ enron cc : subject : a / a program question ivonne , have you been able to find an answer to the attached ? thanks ! gwyn - - - - - - - - - - - - - - - - - - - - - - forwarded by gwyn koepke / na / enron on 10 / 23 / 2000 01 : 14 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - gwyn koepke 10 / 19 / 2000 08 : 25 pm to : ivonne brown / na / enron @ enron cc : subject : a / a program question ivonne , i am currently enrolled in a french language class thru enron and melly ' s language services , and my group is paying the cost directly . i am considering quitting the melly ' s language program in favor of an outside private tutor , for a number of reasons . it will be cheaper too . i would like to know : 1 . does enron have a contract in place with melly ' s language service , to be the exclusive provider of language services to enron ? 2 . will enron pay the costs of my language classes if they are held outside of the melly contract ( if any ) ? i just want to make sure that if i decide to "" drop out "" of the melly classes and sign up for other private tutoring courses , which will be less expensive than the melly svc , that enron will not have a problem picking up the tab . vince kaminski , the md , wants to know this , to ensure there is no legal restriction on who must provide these language services in order to secure enron reimbursement . thanks for your help . gwyn koepke",0 +"Subject: dec 2 super saturday friday and saturday participation please see attached . thanks shelly",0 +"Subject: re : creditdotcom projects amitava , can you schedule a brainstorming session with vasant , tanya , rakesh , myself and ben ( if possible ) ? what about the trip on monday . has it been scheduled ? vince amitava dhar @ enron 01 / 03 / 2001 08 : 30 am to : vince j kaminski / hou / ect @ ect , ben parsons / lon / ect @ ect cc : vasant shanbhogue / hou / ect @ ect subject : creditdotcom projects the following is a good summary from vasant about the projects and what is ahead of us . ben , please let me know when things are ready ; i can plan my trip accordingly . thanks , amitava enroncredit . com is working on 3 main models - - - the fmc model , the placement model , and the movement model . fmc model : provides credit default swap price curves for 16 ratings with 33 industry offsets . each day , this model takes the previous day ' s trader curves and adjusts them for the movement in bloomberg yields and observed swap prices . placement model : uses linear regression to credit default swap prices using dummified ranges for market capitalization , liquidity , kmv score , etc . one main issue here is that the dataset is biased towards investment grade names . alternate approaches looked at developing separate models for separate sunsets of names . movement model : provides an alert system for news . this is under development . current involvement of houston research group members is in the development / modifications of the placement model , especially in thinking through the various single vs multi model approaches . we can help in the brainstorming for better models for subsets . one main project right now is to get a separate model for subsidiaries , and to exclude subsidiary names from the main regression . value - at - risk is based on historical variance - covariance approach . the portfolio model is under development . agenda for houston research group members : once sufficient data is collected , start reviewing for potential analytic relationships . get weekly updates from london , and provide feedback . plan on a trip if the work warrants it , once the agenda is fairly well drawn out , and data is available for analysis .",0 +"Subject: re : energy finance conference participation - feb 22 - 23 thank you . we look forward to having you here . sincerely , angela * * * * * * * * * * * * * * angela dorsey assistant director center for energy finance education shirley . crenshaw @ enron . com ; vkaminski @ aol . com subject : re : energy finance conference participation - feb 22 - 23 angela , thanks for your message . i shall be glad to attend the conference , both days . i shall call dr . ronn to discuss my participation . vince kaminski "" angela dorsey "" on 01 / 16 / 2001 12 : 54 : 15 pm to : "" vincent kaminski ( e - mail ) "" cc : subject : energy finance conference participation - feb 22 - 23 vince : further to dr . ronn ' s e - mail dated 1 / 9 , please confirm your participation in the ut 2001 energy finance conference to be held on the university of texas campus feb . 22 - 23 rd . sincerely , angela * * * * * * * * * * * * * * angela dorsey assistant director center for energy finance education & research the university of texas at austin department of finance , cba 6 . 222 austin , tx 78712 angela . dorsey @ bus . utexas . edu * * * * * * * * * * * * * *",0 +"Subject: re : london status report - research weather fyi our 10 : 30 meeting today - mike - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 04 / 20 / 2001 06 : 41 am - - - - - - - - - - - - - - - - - - - - - - - - - - - tony hamilton @ enron 04 / 20 / 2001 06 : 35 am to : mike . a . roberts @ enron . com cc : tani . nath @ enron . com subject : re : london status report - research weather tony hamilton 04 / 20 / 2001 04 : 03 am to : stephen . bennett @ enron . com cc : subject : re : london status report - research weather hi mike , please find a list of our current daily products and services , together with identified research projects ( to - date ) for european weather research - this has been forwarded to tani nath to aid her recommendations for a 2 nd met . for london . 1 ) this week : * a meeting with james willis ( agriculture ) has been arranged for monday afternoon to discuss weather input for softs . * following suggestion from tani , meeting has been pencilled in with pierre aury ( coal trading ) to discuss weather input . * at present we are providing kristian lande ( continental power ) with daily precipitation outlook for spain - he is working towards getting a daily weather breifing for power set up . * a meeting with alex mcleish ( global products ) has been pencilled in following his return from houston to discuss the way forward in building a forecast model for crude api based on hdds on either side of the atlantic . * we have made progress in getting additional information on european ports following meeting with scott moncrieff and sylvie mostura ( shipping and transportation ) - we now get forwarded daily reports for some baltic , black sea , scandanavian , italian and indian ports , which include various degrees of weather information . * we now supply north sea conditions and forecasts as a part of the 8 am uk gas briefing . * we ' ve added a midday "" update "" for uk gas traders if / when mrf ensembles warrent changes or clarification . * following extremely useful meeting with tani nath , it is now clear that need for 2 nd meteorologist will have to be cleared with her superiors here in london before moving forward . 2 ) still to follow up * get meeting with chris mahoney to determine if we can provide any additional support ( e . g . daily briefing ) for crude and products . * follow up on a potential morning briefing for continental power . * get meeting arranged with david anderson at ecmwf to discuss data products and services they provide . * continue to investigate model grib data to produce a "" confidence interval "" for model output . * meet with ross mcyntire to determine needs from weather drivatives * develop a standard hydro product ( daily updates ) for continental power ( spain specifically ) * develop forecast verification scheme and internal forecasting tools * avistar recorded europe briefings 3 ) challenges : * still appears to be some confusion over whether we are moving desks this afternoon or not ! * karin ahamer ( the team assistant here ) is going to verify later exactly which pcs we will be using from monday next week ( some of the loaner pcs we are currently using contain important software left over from their previous users ) . * our time in assembling reports is becoming more efficient on a daily basis . however as our product load increases this may become a factor over next few weeks . _ _ _ _ _ _ _ _ _ _ _ _ _ _ mike , we look forward to talking with you and vince later today ! see you later , tony",0 +"Subject: re : my resume we ' ll get this offer out today , vince . molly - - - - - original message - - - - - from : kaminski , vince sent : friday , april 13 , 2001 10 : 03 am to : molly magee / hou / ect @ enron cc : kaminski , vince ; crenshaw , shirley ; huang , alex subject : my resume molly , we would like to bring this student as a summer intern ( the last one , we are running out of space ) . i shall send you another message regarding his proposed dates . thanks . i hope you have a very happy easter . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 13 / 2001 10 : 03 am - - - - - - - - - - - - - - - - - - - - - - - - - - - zhendong xia on 04 / 12 / 2001 03 : 58 : 25 pm to : vince . j . kaminski @ enron . com cc : subject : my resume hi , dr . kaminski : glad to get your reply . here is my resueme . if you wanna know more about me , please feel free to contact me . thanks . zhendong xia georgia institute of technology school of industrial and systems engineering email : dengie @ isye . gatech . edu dengie @ sina . com tel : ( h ) 404 - 8975103 ( o ) 404 - 8944318 - cv . doc > ",0 +"Subject: fw : california electricity crisis : what to do for your reading enjoyment . we should shoot for breakfast on thursday morning feb . 8 th . fyi . the following link will take you to a joint statement about what to do in the california electricity crisis . william w . hogan john f . kennedy school of government harvard university 79 john f . kennedy street cambridge , ma 02138 617 - 495 - 1317 ( o ) 617 - 495 - 1635 ( f ) email : william _ hogan @ harvard . edu web page : www . whogan . com or http : / / ksgwww . harvard . edu / people / whogan",0 +"Subject: re : fw : parent - subsidary model hi iris we started off with about 105 companies , which were enron europe ' s uk power and gas desk counterparties . i ' m not sure where you got the figure of 500 from - maybe this is the entire enron europe counterparty list , which constitutes the next major effort for end - july . from this list of 104 , only the 72 in the spreadsheet had information in amadeus . the other firms had no information available , most likely because they were too new . ben from : iris mack / enron @ enronxgate on 17 / 04 / 2001 19 : 37 cdt to : ben parsons / lon / ect @ ect cc : tomas valnek / lon / ect @ ect , amitava dhar / corp / enron @ enron , mike mumford / lon / ect @ ect , vasant shanbhogue / enron @ enronxgate , vince j kaminski / hou / ect @ ect subject : re : fw : parent - subsidary model hi again , thanks for the financial data on enron ' s european counterparties . it is my understanding that you started out with a list of 500 such counterparties . however , your spreadsheet only contains information for 72 of these european counterparties . will you please tell me the logic behind the elimination of the 400 + other counterparties ? thanks so much , iris - - - - - original message - - - - - from : parsons , ben sent : tuesday , april 17 , 2001 2 : 56 am to : mack , iris cc : valnek , tomas ; dhar , amitava ; mumford , mike subject : re : fw : parent - subsidary model hi iris the inputs and outputs generated by riskcalc can be seen in the attached file : > we only looked at the 5 - yr pd . inputs are in columns a - u . these are the inputs generated by amadeus . you can run these inputs through the riskcalc model over the web ( http : / / www . moodysqra . com / privfirm ) using the login : dupred , password : detective . this is our trial licence which lasts for about 2 more weeks ( mike mumford will have more details about the current licence ) tomas valnek was getting the data from the amadeus database , so i ' ll leave it to him to determine if houston access is possible . in the meantime you can use the dataset attached for testing purposes . ben from : iris mack / enron @ enronxgate on 12 / 04 / 2001 17 : 58 cdt to : ben parsons / lon / ect @ ect cc : amitava dhar / corp / enron @ enron subject : fw : parent - subsidary model hi ben , how are you ? today we had a meeting with craig chaney and jeff kinneman to discuss the private firm model . they requested that i spend some time carefully analyzing the moody ' s riskcalc model . i noticed that you also have been looking at riskcalc - as indicated in your paper entitled "" pricing parent companies and their subsidiaries : model description and data requirements "" other than the example discussed in your paper , did generate any other test statistics , scores , etc . also , you stated that you used amadeus database . we are in the process of trying to obtain data from various data vendors - but that may take a while . in the mean time , may we have access to the amadeus database or some sample dataset ? thanks so much , iris - - - - - original message - - - - - from : valnek , tomas sent : tuesday , april 10 , 2001 9 : 10 am to : fiala , markus ; seyfried , bryan ; salmon , scott ; kirkpatrick , eric ; mumford , mike ; fontaine , jean - sebastien ; brooks , simon ; price , nigel ; diprose , robert ; rezaeian , reza ; gordon , mike ; lee , derek ; hershkovitz , ilan ; golden , sally ; stephan , nicholas ; albanis , george ; shanbhogue , vasant ; mack , iris cc : parsons , ben subject : parent - subsidary model attached is a description of the parent - subsidiary model that ben and i have been working on over the last few weeks . comments welcome ! tv >",0 +"Subject: request for historical curve information vince , per our conversation this morning , i would appreciate the following historical curve information as soon as possible : 1 . on february 17 , 2000 , what was the summer ' 00 strip for vent to ml 7 , demarc to ml 7 , and vent to chicago 2 . on july 27 , 2000 , what was the august ' 00 strip for vent to chicago 3 . on may 9 , 2000 , what was the may ' 00 strip for vent to chicago 4 . on may 30 , 2000 , what was the june strip for vent to chicago 5 . on june 29 , 2000 , what was july strip for vent to chicago 6 . on sep . 29 , 2000 , what was the october strip for vent to ml 7 thank you in advance for your prompt attention to this matter . please call me if you have any questions . thanks again ! mike barry 402 / 398 - 7105",0 +"Subject: re : software license oh , ok , i didn ' t know that . - wish i lived in france for august then . as long as it is ok with you that we don ' t get this purchased soon . i just wanted to make sure i did everything i could to get the software for you . thanks , karla vince j kaminski 08 / 08 / 2000 09 : 35 am to : karla feldman / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : re : software license karla , august is a vacation month in france . i would not count on a response any time soon . vince from : karla feldman on 08 / 08 / 2000 09 : 34 am to : geman @ dauphine . fr cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : software license ms . geman , i am just following up to see if you had received my previous message forwarded below and whether you have a response so that we can move forward with this contract ? thank you , karla feldman - - - - - forwarded by karla feldman / hou / ect on 08 / 08 / 2000 09 : 23 am - - - - - karla feldman 07 / 28 / 2000 01 : 41 pm to : geman @ dauphine . fr cc : subject : software license dear ms . geman , i met with vince kaminski yesterday regarding picking back up with the license agreement we were working on back in march . he relayed some additional requirements which need to be added to the agreement , which include the following : 1 . the price agreed upon is $ 90 , 000 . 2 . d - g will provide system support . 3 . no later than 12 months of execution of the agreement , d - g will provide the source code to enron . in the meantime , the source code is to be in escrow . additionally , the source code would be released sooner than the 12 months if any of the following conditions occur : ( i ) d - g goes out of business ; ( ii ) d - g is unable to provide effective technical support ; or ( iii ) if d - g agrees to release it sooner . before i have our attorney add these things to the agreement , we need to discuss the escrow situation . vince mentioned that you had suggested that your attorney keep the software in escrow . is your attorney a u . s . attorney ? it seems like i may have recalled that way back in march you might have said you had a friend or relative that was an attorney . is that the same person ? does this attorney work for a large firm , small firm , or solo practitioner ? basically , if you could just provides some additional information about your attorney , i would appreciate it . we normally would use an escrow company to put the software in escrow . we have dealt with a company here in the u . s . called dsi technology . i will check into that pending your answer regarding your attorney . once we decide what we want to do regarding placing the software in escrow , we will red - line the agreement to reflect such changes and e - mail it back to you for your review . i look forward to hearing from you . karla feldman enron corp . contract administration ( 713 ) 646 - 7554",0 +"Subject: re : visit to enron nick , the airport is about 30 minutes by cab from the office ( 1400 smith ) . the best hotel is either hyatt regency downtown or doubletree downtown ( it is important to emphasize downtown when making reservations ) . the hotels are within a walking distance from the enron building . we can make reservations for dinner around 6 : 30 - 7 : 00 in a resturant within 10 minutes by car from the hotel . by the way , we shall be very glad to reimburse you for the trip related expenses . vince nick bambos on 05 / 11 / 2000 05 : 31 : 53 pm to : vince . j . kaminski @ enron . com cc : stinson . gibner @ enron . com subject : re : visit to enron vince , yes , that would be ideal . but let me call first my travel agent to see if there is a flight that would satisfy all the other constraints . what time should i be at enron on thursday , and how far is the airport from your offices ? thanks , nick vince . j . kaminski @ enron . com wrote : > > nick , > > can you come to houston thursday night and meet me , stinson and > kevin hannon ( one of top 3 executives at enron broadband services ) > for dinner ? > > vince > > nick bambos on 05 / 10 / 2000 10 : 49 : 46 am > > to : vince . j . kaminski @ enron . com > cc : stinson . gibner @ enron . com > subject : re : visit to enron > > vince , > > many thanks for arranging that . yes , friday 05 / 26 / 00 is good . > i ' m blocking off in my calendar may 26 for the visit . > > again , many thanks . i look forward to seeing you and stinson > in two weeks . > > nick > > vince . j . kaminski @ enron . com wrote : > > > > nick , > > > > thanks for your message . the best date for a visit to enron > > would be friday , may the 26 th . please , let me know if this date would > work > > for you . > > > > vince > > > > nick bambos on 05 / 01 / 2000 04 : 26 : 30 am > > > > to : vince . j . kaminski @ enron . com > > cc : > > subject : re : visit to enron > > > > vince , > > > > how are you ? hope all is well . > > > > is there any chance we can schedule my visit to enron on friday , may 19 , > > or friday , may 26 ? > > > > by the end of april i was able to attract a top new student to work on > the > > project . > > the other one for the coming year will be giuseppe . by spending the > summer > > at enron , he will be in a position to bring the new one up to speed and > > create an intellectual team here at stanford to look at these problems . > > > > i must move ahead soon to put the project in place and get the work > going . > > > > talk to you soon , > > > > nick > > > > vince . j . kaminski @ enron . com wrote : > > > > > > nick , > > > > > > we can close the loop on our commitment to support the research > projects > > > before your visit to enron . > > > > > > my assistant , shirley crenshaw , will call you to set up a conference > > call > > > with me , stinson gibner , > > > and tom gros from enron broadband services to discuss all the isssues . > > > friday this week would work for > > > both tom and me . i think we need about 15 minutes . > > > > > > vince > > > > > > p . s . shirley , nick ' s phone number is 650 796 8163 ( cell ) , 650 - 725 - 5525 > > > ( office ) . > > > > > > nick bambos on 03 / 12 / 2000 05 : 32 : 35 pm > > > > > > to : vince . j . kaminski @ enron . com , bambos @ stanford . stanford . edu > > > cc : > > > subject : visit to enron > > > > > > hello vince , > > > > > > it was nice seeing you at stanford and many thanks for the lunch > > > we had together . i really enjoyed our discussions , both at the > > > technical level and otherwise . > > > > > > i promised to send you an e - mail regarding possible dates for > > > a visit to enron . i delayed it for a week till my schedule was > > > clearer . let ' s see if we can get a match with your schedule - > > > mine is rather terrible : > > > > > > friday , 21 st of april looks good . but april 23 rd is easter > > > sunday , so that may make it difficult for some people at enron > > > to be around . let me know if that is the case . i am willing to > > > visit then , because the week after that i am scheduled to be in > > > japan and in the previous weeks i am all committed on fridays . > > > > > > friday , 19 th of may is the next possibility , but this probably > > > is too far out . the main problem is that i am operating within > > > a window of opportunity for attracting top students for this > > > research . this window closes by the end of april , and it would be > > > important for the student support funds to be in place then , so > > > that i can make hard commitments to students and attract top > > > talent . i am already reviewing files of students who have > > > approached me for phd advising , and i am in a mode of doing "" soft > > > commitments to star - level students "" to get this research and its > > > potential on their radar screen . top students are highly sought > > > after by advisors and i want to be an early player in this > > > competition . > > > > > > does my visit to enron have to happen before we can set up the > > > project and student support at stanford ? if so , doing it before the > > > end of april is important for getting top people . if the visit can > > > happen after we get the ball rolling , then we can schedule it in may . > > > i assume there will be multiple visits both ways when the project gets > > > going . please let me know what you think . > > > > > > best regards , > > > > > > nick",0 +"Subject: organisational change as a continuation of the integration of enron metals into enron europe we are pleased to announce the following organisational changes which become effective immediately . tom mckeever , presently chairman of enron metals will move into the role of vice chairman enron europe reporting directly to john sherriff and michael brown . tom will focus on developing our key senior business relationships across all of enron europe . joe gold will become president of enron metals responsible for the entire organization . we will announce joe ' s replacement for managing our trading and origination efforts on the continent in the near future . michael farmer and michael hutchinson will continue in their roles managing the metals ' s merchanting and financial trading businesses respectively . please join us in congratulating tom and joe on their new roles . from the enron europe office of the chairman",0 +"Subject: re : here it goes ! steve , taking summer interns is the best way to screen and identify good candidates at low cost and low risk . i would take this person in , assuming you can still run it by the analyst / associate program . they closed the books for the summer . let me know if you run into any roadblock . i shall try help you from here . vince steven leppard 03 / 29 / 2000 08 : 31 am to : vince j kaminski / hou / ect @ ect cc : subject : here it goes ! vince do you have any views on taking summer interns here in the research group in london ? one of our analysts has recommended a friend of hers ( resume attached ) . i ' m sure we could dream up some work for an intern , so let me know what you think . many thanks , steve - - - - - - - - - - - - - - - - - - - - - - forwarded by steven leppard / lon / ect on 03 / 29 / 2000 03 : 30 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zuzana strmenova 02 / 23 / 2000 10 : 51 am to : steven leppard / lon / ect @ ect cc : subject : here it goes ! thanks , a lot steve .",0 +"Subject: re : resume thanks , vince - - vince j kaminski 05 / 22 / 2000 03 : 43 pm to : colleen sullivan / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : resume colleen , we are looking at some fab 133 related issues and we need all the help we can get . we can hire ainsley as a temp ( outside the a & a pool - they closed the list for the summer ) . we shall contact her directly and ask if she is interested . vince p . s . shirley , please set up a phone interview for me and datren . from : colleen sullivan 05 / 19 / 2000 11 : 26 am to : jean mrha / enron communications @ enron communications , robert superty / hou / ect @ ect , jeffrey a shankman / hou / ect @ ect , hunter s shively / hou / ect @ ect , scott neal / hou / ect @ ect , phillip k allen / hou / ect @ ect , fred lagrasta / hou / ect @ ect , craig breslau / hou / ect @ ect , vince j kaminski / hou / ect @ ect , sally beck / hou / ect @ ect , brad mcsherry / hou / ect @ ect , george smith / hou / ect @ ect , edward terry / hou / ect @ ect , katherine l kelly / hou / ect @ ect , randall l gay / hou / ect @ ect , beth perlman / hou / ect @ ect , ed mcmichael / hou / ect @ ect , stephanie miller / corp / enron @ enron cc : subject : resume if you are looking for any summer interns , please take a look at this student ' s resume . she ' s a junior at ut in the honors business program , extremely intelligent , with great potential . my sister was one of her teachers at humble high school and speaks very highly of her character , intelligence and drive . she always tells me to remember her name because i ' ll hear it again some day . if you know of anyone else who may be interested , let me know and i will forward her resume to them . - resume _ gaddis . doc",0 +"Subject: class proposal by yannis hi vince , yannis of the weather desk is planning to develop relationship with prof rene carmona in doing weather analysis . to start this off , they are planning to pay prof carmona to give a training class as outlined below , and they want to know if research is willing to send people and bear part of the costs . we can talk more at 4 : 00 pm , but while there is no doubt that getting people from outside to present new ideas is always important and interesting , i think research group members can easily give most of these talks . apparently , people are interested in these topics and are willing to pay to listen . my thought is that if the intent is to develop relationships , that is fine , but the research group should also be given the opportunity to provide more training and get more visibility . i have already communicated this to joe and to yannis . vasant - - - - - - - - - - - - - - - - - - - - - - forwarded by vasant shanbhogue / hou / ect on 03 / 05 / 2001 10 : 40 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : yannis tzamouranis / enron @ enronxgate on 03 / 05 / 2001 10 : 01 am to : vasant shanbhogue / hou / ect @ ect cc : subject : here is a tentative course description . day 1 : extreme value distriutions and copulas 1 . heavy tail distributions : exploratory data analysis and detection . extreme value distributions and generalized pareto distributions . estimation and simulation . practical examples . 2 . notions of dependence and copulas . estimation and simulation . experiments with the program evanece . day 2 : principal component analysis and modern regression 1 . principal component analysis and applications to the yield curve and the detection of contagion in financial markets . 2 . nonlinear regression and the construction of yield curves . 3 . nonparametric regression ( kernel and projection pursuit methods ) and alternatives to the black - scholes formula to option pricing . day 3 : time series analysis examples of temperature time series will be used to introduce and illustrate the following concepts and techniques : 1 . removing trends and seasonal components , and stationarity . 2 . fitting the classical autoregressive and moving average models . 3 . discretization of stochastic differential equations 4 . multivariate time series day 4 : nonlinear systems and filtering 1 . arch , garch and stochastic volatility models 2 . linear state space models and the classical kalman filter 3 . nonlinear systems and particle filtering . 4 . applications",0 +"Subject: re : wharton tiger team # 3 melinda , would you please coordinate john henderson into the thursday videoconference ? thanks ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 01 / 30 / 2001 06 : 31 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - mohn henderson @ newpower 01 / 30 / 2001 04 : 13 pm sent by : melissa corley @ newpower to : christie patrick / hou / ect @ ect @ ees cc : jhenders @ newpower @ ees , vince j kaminski / hou / ect @ ect , melinda mccarty / corp / enron @ enron , degiacic @ wharton . upenn . edu subject : re : wharton tiger team # 3 john would prefer to join the thursday call via teleconference . if you could provide the dial in number he will call in . thanks , melissa corley john henderson christie patrick @ ect 01 / 30 / 2001 03 : 50 pm to : jhenders @ newpower @ ees , vince j kaminski / hou / ect @ ect cc : melinda mccarty / corp / enron @ enron , degiacic @ wharton . upenn . edu subject : wharton tiger team # 3 hi john and vince ! john , hopefully you received my voice mail regarding the matter set forth below . i ' m in ny now and won ' t return until thursday morning . perhaps it would be easiest for john to come to the video conference on thursday ( if he ' s in houston ) or via telephone if he ' s travelling ? ? whatever you both think is best . . please let me know ! my assistant , melinda mccarty , is setting up the call location at the enron building , as well as the dial - in number with donna piazze at wharton . melinda , please include john in the distribution of the video conference location . thanks ! - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 01 / 30 / 2001 03 : 43 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" degiacinto , clayton "" on 01 / 30 / 2001 02 : 00 : 07 pm to : "" ' christie . patrick @ enron . com ' "" cc : "" feerick , dennis "" , "" lessar , stephen "" , "" vittal , maheshram "" , "" bassal , omar "" , "" cummins , marc "" subject : wharton tiger team # 3 christie , as we talked last thursday via video teleconference , we are planning to narrow our scope to focus on a marketing / promotion plan for newpower including value - added products and services for the future . before we talk again on thursday , we would like to speak with john henderson again to see if he recommends any specific items he would like us to address . we are having trouble contacting him and wonder if you could facilitate a phone meeting between us , or if it would be best to include him in our next video teleconference . we are available the next two days at lpm and 4 pm houston time . we understand that john is a very busy person , and we appreciate any help you can give in getting us together to ensure our work is commensurate with his expectations . thanks , enron team 3 ( retail )",0 +"Subject: school teaching hello vince , i stopped by to see you today 03 / 28 / 01 . however , mrs . shirley notified me that you were out of the country . look , i need another favor . my wife , whom you met last summer , and i have been living in the woodlands about a month now . we have tried , to no avail , to get her in the local school district as a speech pathologist or a k - 6 grade school teacher . she could easily find a teaching job in the houston independent school district . however , i would prefer that she taught locally , in the woodlands . i need to know if you know of anyone we can contact to get her in the woodlands school system . i would greatly appreciate if you could help us out once again . i am attaching her resume ' for your perusal . thanks a million vince ! ! ! sincerely , datren williams ees x 58654",0 +"Subject: entouch newsletter business highlights enron producer one enron producer one facilitates one - stop shopping for the producer  , s infrastructure needs . through business relationships with hanover measurement services and applied terravision systems , enron producer one will offer and custom - configure a number of valuable production services and pricing plans to reduce overhead and simplify back - office tasks . initial products offered are well connects , transportation , marketing , measurement and accounting services . enron producer one is managed and supervised by john grass . in the news ceo says texas in good shape for electricity deregulation dallas ( ap ) - enron corp . ' s chief executive and president said tuesday he believes that texas energy markets are in good shape as the state prepares for deregulation . jeffrey skilling told an audience of about 400 business people at a downtown hotel that california "" has given the term deregulation a terrible name . "" electric deregulation in texas officially starts jan . 1 . "" in texas , i think we ' ve got a pretty good system , "" he said . in san francisco on tuesday , the california public utilities commission unanimously approved electricity rate increases of up to 46 percent to try to head off blackouts this summer by keeping the state ' s two biggest utilities from going under . when california officials set up deregulation they allowed the price of wholesale electricity to rise but capped the amount companies could charge customers , skilling said . socal edison and pacific gas & electric say they have lost more than $ 13 billion since last summer because they haven ' t been able to pass on the high cost of wholesale electricity . skilling said texans are in a much better position and shouldn ' t worry that their state ' s deregulation would be like the california experience . "" california , they just put together a crazy system ,  8 he said in his first public comments since becoming the houston - based company ' s chief executive officer in february . "" the markets in california are the most regulated markets in north america today . and that ' s what is causing the problem . "" 03 / 27 / 2001 associated press newswires copyright 2001 . welcome new hires egm - charles crow , nancy johnson , gregor lehmiller eim - darrell aguilar , latrisha allen , wesley wilder , ronald barnes ena - brian cruver , craig dean , martha kessler enrononline statistics below are the latest figures for enrononline as of march 16 , 2001 . ? total life to date transactions > 813 , 000 ? life to date notional value of transactions > $ 489 billion nuggets and for supplies to all consumers including households by 2005 . the setting of rules in the regulation for how power transmission tariffs can be charged for cross - border transactions and how congestion and capacity allocation at borders within the eu should be managed by transmission system operators . enron concludes that it is encouraged by the efforts of the commission to accelerate the european electricity and gas market opening and the reinforcement of third party rights of access to transmission networks . the commission ' s approach of harmonizing both the timetable and the regulatory framework deserves support from all member states . legal stuff the information contained in this newsletter is confidential and proprietary to enron corp . and its subsidiaries . it is intended for internal use only and should not be disclosed .",0 +"Subject: re : hi thank you very much , vince . i do it right now . you will be receiving a recommendation form shortly . many thanks again . have a good evening . li vince j kaminski @ ect 06 / 20 / 2000 04 : 10 pm to : li xiao / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : hi lixiao , i shall be glad to help and give you a good recommendation . please , give my name as a recommender to the a / a pool . vince li xiao @ enron 06 / 20 / 2000 04 : 06 pm to : vince j kaminski / hou / ect @ ect cc : subject : hi hi , vince , how are you ? just last week , i got admission from u . of chicago mba program , so did yvan , by the way . now , i am applying loan from enron a / a pool . the person who is in charge of this told me that it needs three recommendations from current boss and previous boss for the application , and that the requirement includes all prc rankings in either ' excellent ' or ' superior ' , that i didn ' t achieve in the first rotation in research . getting loan is cricial at the stage . i wonder if you can be one of my recommenders . this will be a big help . thank you . li x 39635",0 +"Subject: investment to all whom it may concern : i keep receiving such unsolicited messages ( please , see below ) that represent an obvious scam . is there any way to block out the messages from this source ? i assume other employees of enron are also being hit . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 02 / 2001 08 : 19 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" dagogo kalu "" on 12 / 30 / 2000 02 : 15 : 58 am to : vince . j . kaminski @ enron . com cc : subject : investment from : col . dagogo kalu tel / fax 448453342783 attn : president / ceo request for an assistance dear sir , with due respect and knowledge of your good reputation , i decided to contact you for this matter that need urgent attention . i am col . dagogo kalu . i was the commandant of the west african peace keeping force & monitoring group ( ecomog ) until i sustained a very serious injury that put me off the military camp for about 3 months now . honestly , i have full trust for your honesty hence i write this letter to you . during our recent mission to sierra leone , a diamond rich west african country to cushion the war between the rebels and the ruling government , we ran into 2 boxes ( consignment ) right inside a thick jungle where we believed was a hide out of the rebels . as we opened the boxes , one that is smaller contains numerous sizes of raw diamond . the bigger box contains about us $ 15 . 2 million , which we believed to be the total amount of diamond sold at that period of time by the rebels before we invaded the place . myself and my two other colleagues took the boxes away . i took the bigger box containing the us $ 15 . 2 million to cotonou benin republic which is the nearby country and deposited it with one security company for safe keeping to enable me think wisely on what to do with the money . the smaller box containing the raw diamond i gave it to my other 2 colleagues , which they accepted in good faith . a month after this , the rebels lunched a counter - attack on us where i sustained a very serious gun shut wound on my right leg . a lot of our boys died but few survived . at this moment , i am receiving medical treatment here in london . this is why i need your help urgently . i need a foreign company i will present as the beneficiary of the huge amount and also pay in the money into their account . your bank account must be a good one where we shall not pay much as tax . you shall also serve as the general overseer and guardian of this fund and all the investment of this money will be under your care until i recover fully . i will give you all the details of the transaction immediately i get your response . you will also get a suitable percentage ( % ) as your share . all the documents of the deposit of the money are intact with my wife . i have already finalized this arrangement with the security company so there is no problem at all . please you can reach me through my direct tel / fax no : 448453342783 where i am receiving treatment . in your reply , state clearly your direct telephone and fax numbers for easy communication and more confidentiality . further details will be given to you once i hear from you . i await your urgent response soonest . best regards , col . dagogo kalu get your free download of msn explorer at http : / / explorer . msn . com",0 +"Subject: re : spring 2001 conference participation by jeffrey k . skilling vince , jeff has decided to decline this speaking opportunity . he is scheduled to speak at a leadership conference at ut on 2 / 16 , so given his time limitations , he wants to pass on this one . sorry to be the messenger of bad news . srs vince j kaminski @ ect 10 / 12 / 2000 04 : 57 pm to : sherri sera / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , richard causey / corp / enron @ enron subject : re : spring 2001 conference participation by jeffrey k . skilling sherri , any resolution of the scheduling conflict jeff skilling had for february the 22 nd ? our friends at ut are ready to make the reservations and send out invitations to this conference vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 12 / 2000 05 : 00 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" ehud i . ronn "" on 10 / 12 / 2000 10 : 12 : 56 am to : richard . causey @ enron . com , vince . j . kaminski @ enron . com cc : subject : re : spring 2001 conference participation by jeffrey k . skilling rick / vince : good morning . further to my discussions with vince during his visit to the energy finance program yesterday , i write at this time to inquire whether mr . skilling ' s assistant has been able to confirm his participation as 2 / 22 / 2001 keynote speaker at our conference . with thanks for your intercession on our behalf , ehud ronn ehud i . ronn professor of finance and jack s . josey professor in energy studies director , center for energy finance education and research mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: electricity conference update here it is ! . . . . apex 2000 conference news no . 2 ( http : / / www . apex 2000 conf . com / update 2 . html ) . updates on current speaker and presentation list , details for the partner program and social activities and your apex 2000 conference registration form if you do not have website access and would like to receive a pdf formatted update please email us at apex 2000 @ incentre . net ( mailto : apex 2000 @ incentre . net ) . all inquiries and requests should be directed to the apex 2000 conference office at apex 2000 @ incentre . net ( mailto : apex 2000 @ incentre . net ) or ( 403 ) 244 - 4487 . kathleen cheney apex 2000 conference coordinator list 7",0 +"Subject: eol presentation thank you for meeting with the students from rice university ' s jesse h . jones graduate school of management in april . the students greatly appreciated the opportunity to talk with you . your perspective and insights into eol and its competitors helped the students gain much more useful information in their interviews with enymex , houstonstreet . com , ice , dynegydirect , and other energy e - commerce platforms . the students will present the results of their research next monday ( may 7 ) at 4 : 00 p . m . in room 49 cl . we would be delighted if you can attend their presentation . if you cannot attend but would like a copy of their final report , please feel free to let me know and i will make sure you get it . thanks again for your help .",0 +"Subject: software license vince ( ii ) d - g is unable to provide effective technical support ; or ( iii ) if d - g agrees to release it sooner . before i have our attorney add these things to the agreement , we need to discuss the escrow situation . vince mentioned that you had suggested that your attorney keep the software in escrow . is your attorney a u . s . attorney ? it seems like i may have recalled that way back in march you might have said you had a friend or relative that was an attorney . is that the same person ? does this attorney work for a large firm , small firm , or solo practitioner ? basically , if you could just provides some additional information about your attorney , i would appreciate it . we normally would use an escrow company to put the software in escrow . we have dealt with a company here in the u . s . called dsi technology . i will check into that pending your answer regarding your attorney . once we decide what we want to do regarding placing the software in escrow , we will red - line the agreement to reflect such changes and e - mail it back to you for your review . i look forward to hearing from you . karla feldman enron corp . contract administration ( 713 ) 646 - 7554",0 +"Subject: azuix deal valuation bob , please find the price sample simulator , and run different scenarios with different trend assumptions . vince and stinson , bob and i will show you some results by the end of the day . zimin",0 +"Subject: day off tuesday stinson , i would like to take a day off tomorrow ( tuesday , april 10 ) . i need to register my son to elementary school and send my cars to service . my cell number is 713 - 858 - 2577 in case you need to reach me . zimin",0 +"Subject: meeting with riskcare to discuss joint ventures ( michael curran , manuel rensink & richard haddow ) michael curran ( head of research ) , manuel rensink and richard haddow ( director of technology services ) in attendance . contact number : 020 7562 3400",0 +"Subject: re : rabi de anything we can do ? - - - - - - - - - - - - - - - - - - - - - - forwarded by grant masson / hou / ect on 09 / 15 / 2000 08 : 34 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : toni graham @ enron 09 / 14 / 2000 07 : 36 pm to : grant masson / hou / ect @ ect cc : norma villarreal / hou / ect @ ect subject : re : rabi de grant , i did talk with tanya this evening however since i ' m on vacation friday i wanted to outline here what rabi has discussed with me . 1 ) title . . . . . he is currently at a vp level and we are offering him manager 2 ) sign on bonus . . . . . . . . . . . the 15 k is not coving the lost bonus he will receive at he current co ( $ 25 k ) 3 ) salary . . . . . . . . . . . he will receive a "" risk premium "" of approx 10 % befor tax . he is not able to quantify this for us and i was not able to get a number out of him as to what he is looking for . he is very enthusiastic and wants to work for enron but wanted to see if we could do anything to enhance our offer in these areas . toni from : grant masson @ ect 09 / 14 / 2000 08 : 58 am to : toni graham / corp / enron @ enron cc : subject : re : rabi de toni : i am talking to vince today . please call me if there are any further developments i should know about . regards , grant .",0 +"Subject: ees retail risk meeting 1 / 31 this is to confirm a meeting scheduled for today , at 3 : 00 p . the location of the meeting is eb 2868 . - - - - - - - - - - - - - - - - - - - - - - forwarded by veronica valdez / hou / ect on 01 / 31 / 2000 09 : 27 am - - - - - - - - - - - - - - - - - - - - - - - - - - - veronica valdez 01 / 28 / 2000 04 : 22 pm to : vince j kaminski / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , jonathan le / hou / ect @ ect , grant masson / hou / ect @ ect , dennis benevides / hou / ees @ ees , ronnie chahal / hou / ees @ ees , james d steffes / hou / ees @ ees cc : shirley crenshaw / hou / ect @ ect , la donna finnels - neal / hou / ees @ ees , vladimir gorny / hou / ect @ ect , marcia a linton / hou / ees @ ees subject : meeting please have your assistant call me to coordinate the meeting listed below . as per the message , we would like to schedule it on monday , january 31 . thanks , veronica - - - - - - - - - - - - - - - - - - - - - - forwarded by veronica valdez / hou / ect on 01 / 28 / 2000 04 : 18 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : vladimir gorny 01 / 27 / 2000 06 : 03 pm to : veronica valdez / hou / ect @ ect cc : subject : meeting veronica , could you please assist me in coordinating the meeting : topic : ees retail risks time : monday invitees : vince kaminski , tanya tamarchenko , jonathan le , grant mason , dennis benevides , ronnie chahal and jim steffes i would also like to send the following presentation to the participants thanks , vlady .",0 +"Subject: henwood team folks , i have been a bit quiet here since reaching india , primarily because of the delay in the arrival of the henwood team from australia . they are finally arriving on sunday , and krishna is joining me in mumbai on sunday evening itself . i would like to fix a schedule to have a conference call with you on the data and the type fo questions that you all would like to ask . stinson - could you please tell me what time would be a good one for you all to hae a confernce call , but not earlier than monday evening , india time ( monday morning houston time ) . please jot me a note on what would be a good time for the call . i will work out an agenda for the call . primarily , it will be discussion of the data and on what runs we should do to begin with . another key part of this will be the rate case that mseb is filing , because this will determine what wil be mseb ' s paymet capability in 2001 / 02 . this is critical for us . we have our in - house expert who has been working on this for some time now , and he will also present some of the material on that call . regards , sandeep . ps : : i am forwarding the basic data that henwood has sent to the whole team so that you have an opportunity to look at it , if you havent already got it .",0 +"Subject: re : summer internship position hi vince , paulo oleira ( one of the m . i . t attending our meeting on wed ) ' s research interest turned out to be a match for april hodgeson ( vp of content origination ) . i had him talk to april ( stinson was on the call as well ) to discuss his research interest and what he would likely to do for april . i suggested ( and april agrees ) that paulo would intern with her and matt and perform research on how end users ( consumers and business ) improved experience with epowered content can be quantified . this may include performing control experiments at m . i . t . we decided not to over specify what he would do since it is likely to change as soon as he arrives . i suggested once he starts , he will work with april and matt harris ( vp enterprise origination ) and they will define what the student needs to complete for the internship . addiontionally , tom gros agrees that this type of research are needed and this is a great way to start . i will proceed to have recruiting contact the student with an offer to start around may 22 , 2000 unless someone tells me otherwise . regards , ravi . p . s . charlene , please include paulo in your may 22 , 2000 start group . paulo will report to me within ebs research group but will work on a day - to - day basis with april and matt . as you ' ve mentioned that compensation is somewhat fixed but please keep in mind that this person is a phd candidate with very specialized skill set . please contact vince before extending an offer that may be too low , etc . - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 17 / 00 09 : 27 am - - - - - charlene jackson @ enron 02 / 17 / 00 08 : 25 am to : vince j kaminski / hou / ect @ ect cc : celeste roberts / hou / ect @ ect , vince j kaminski / hou / ect @ ect , ravi thuraisingham / enron communications @ enron communications @ ect subject : re : summer internship position celeste , we need to make sure that the interns in vince ' s group are coordinated and incorporated with the rest of the summer associates . they should be offered the same starting dates , i believe they are may 22 , 2000 june 5 , 2000 . i am not sure about the june date . would you check and let vince know . they should also be offered the same starting salary package as the others . they will be included in training ( a few days ) and any other events we host . thanks",0 +"Subject: vince , i am writing about a student of mine who is on the job market this year . when you stopped by my office , about 18 months ago you asked if i had any students that might be appropriate for your group . although i didn ' t at the time , now i do . this student has excellent technical skills , including an m . s . in statistics and a ph . d . in economics by the end of the current academic year . his dissertation research is on the investment behavior of independent power producers in the us . as a result of research assistance he has done for me , he knows the california market very well and is familiar with the other isos . i think he would be an excellent match for you . the only problem is that he will probably have many other options available . however , i definitely think he ' s worth a look . if you ' d like him to send you a cv , please let me know . thanks . frank wolak professor frank a . wolak email : wolak @ zia . stanford . edu department of economics phone : 650 - 723 - 3944 ( office ) stanford university fax : 650 - 725 - 5702 stanford , ca 94305 - 6072 phone : 650 - 856 - 0109 ( home ) world - wide web page : http : / / www . stanford . edu / ~ wolak cell phone : 650 - 814 - 0107",0 +"Subject: re : gordon , it was a pleasure talking to you . i shall ask my assistant to send you the reprint . vince kaminski shirley , can you , please , send a copy of the paper on credit risk management ( reprint from the risk book ) . gordon rausser on 04 / 26 / 2000 12 : 02 : 02 pm to : vkamins @ enron . com cc : subject : vince : thank you very much for the useful information you provided me today . as you suggested , i wish to request a copy of the reprint that was published last year in risk . gordon rausser robert gordon sproul distinguished professor dean , college of natural resources university of california 101 giannini hall , mc 3100 berkeley , ca 94720 phone : 510 - 642 - 7171 fax : 510 - 642 - 4612 ",0 +"Subject: folks , attached is a conservative ( and fairly rough ) estimate of the size of the petrochemicals and refining market that is potentially exposed to prolonged drought in southern texas which could result in extremely low riverflows and possible curtailed production . the total annual revenue generated by these assets is no less than $ 20 b and could be substantially higher as the estimated capacity on some of these facilties is likely understated and other facilties not yet identified are likely to be vulnerable . note that this data does not include any facilities in the industrial complexes from houston northward and eastward as they are much less likely to experience such a drought - induced interruption . the only facilties identified thus far lie on or near the following rivers : brazos , colorado , navidad , guadalupe , and nueces . please let me know if you have any questions / comments as we work to determine whether or not a low riverflow insurance product is viable . thanks , charlie",0 +"Subject: wharton partnership jeff , i am sending you a recommendation regarding our cooperation with the wharton school , following my visit with tom piazze in may . tom is a corporate relations officer at wharton . recommendation . i am writing to you to recommend joining the wharton partnership . the partnership is an umbrella program established to coordinate wharton school initiatives for industry - academic cooperation . currently , the partnership supports alliances with approximately 200 companies worldwide . the recommended annual contribution by enron is between $ 100 k - 150 k , that puts us in the top bracket of contributing companies , such as ge , citigroup , goldman , sachs & co . , intel , and many others . the contribution is executed through grants to different research projects that would directly benefit enron . the choice of the projects is at our discretion and can be changed over time depending on the business needs . benefits to enron . enron can benefit from the partnership by : - gaining advance access to current academic research - significantly increasing our presence and visibility on the campus , enhancing our recruiting efforts - taking our message directly to influential academics who have significant influence on public opinion - gaining access to high quality executive education programs specific programs . the partnership functions through involvement in different research projects . i have identified a few projects that will maximize the benefit to enron . 1 . webi ( wharton e - business initiative ) . this programs provides an umbrella for different initiatives in the area of curriculum development , research and corporate engagement related to e - commerce . main benefits : access to e - commerce research and enhanced recruitment opportunities . 2 . emerging technologies management research program . interdisciplinary program addressing issues facing companies in new markets : managing intellectual property , participating in emerging technologies , selecting the optimal organizational structures . benefits to enron : access to financial technology in the area of valuation of intangible assets and new forms of business organizations . 3 . risk management and decision process center . development of techniques for assessment and management of non - traditional risks ( risks outside the scope of traditional insurance contracts and capital markets instruments ) . benefits to enron : access to new risk management tools , dissemination of information about our capabilities in this area . potential users of the program at enron . my group could coordinate the cooperation with the risk management and decision process center . greg whalley is a potential customer for webi . several different units of enron can be involved with emerging technologies management research program . vince",0 +"Subject: re : informs national conference at san antonio vince , could you please send me the title and a 50 - word abstract of your presentation by the end of today ? i ' d like to forward them to the organizer as soon as possible so that we could make it into the printed conference program . thanks . shijie on thu , 28 sep 2000 vince . j . kaminski @ enron . com wrote : > > shijie , > > i would be interested in attending and giving a presentation . > > this would be also a good opportunity for both of us to meet > and discuss the plans for closer cooperation . > > vince > > > shijie deng on 09 / 25 / 2000 01 : 20 : 59 am > > to : vince kaminski > cc : shijie deng > subject : informs national conference at san antonio > > > > hi vince , > > i ' ll be organizing a session at the informs national meeting in san > antonio ( nov 5 - 8 , 2000 , http : / / www . informs . org / conf / sanantonio 2000 ) on > modeling price volatility in electricity markets or financial engineering > approaches . i ' m just wondering if you or some member of your research > group would be interested in giving a presentation there . please let me > know . thanks . > > best wishes , > > shijie > > shi - jie deng > assistant professor > school of isye > georgia institute of technology > > office phone : ( 404 ) 894 - 6519 > e - mail : deng @ isye . gatech . edu > home page : http : / / www . isye . gatech . edu / ~ deng > > > > > > > >",0 +"Subject: re : a personal favor anurag , i shall talk about vikas to our it people . can you send me his resume ? vince "" saksena , anurag "" on 05 / 07 / 2001 10 : 06 : 54 am to : "" ' vkamins @ ect . enron . com ' "" cc : subject : a personal favor vince , i have left a voice mail to you and will wait to talk to you personally . my brother vikas , who is now in london , is trying to make a switch from consulting world to working for a specific firm . over last few months , i have heard of great deal about the success of enron on line business which fits well in the area of his expertise . i am wondering if you know of some one in london who he can speak to regarding career opportunities . since i spoke to you last , a number of things have changed . recently , my manadate was broaden to include leading a charge for developing a risk management function for both the domestic and international businesses for gmac . needless to say , this is exciting albeit making the life a little more hectic than usual . talk to you later . anurag 952 - 857 - 6133",0 +"Subject: rac organization changes the continued growth of the enron europe office and related businesses has prompted a change in the management of risk assessment and control ( rac ) in london . effective in early january , 2001 , ted murphy will transfer to the london office and manage the rac activities which includes credit / market risk and underwriting . ted will continue to manage the enron global market risk activities . steve young , currently managing rac in london , will begin a new assignment within ebs , also in london . the houston market risk group will be managed by david port . as enron continues to expand its trading and risk management businesses , it is vital that trading and credit policies are administered in a consistent and accurate manner across the company . hopefully this realignment will accomplish that goal . please join me in congratulating ted , david and steve on their new assignments .",0 +"Subject: "" we are one @ enron . com ! "" : final notice . please be aware that the following internet domains for messaging will be decommissioned on october 14 , 2000 : @ ect . enron . com @ ei . enron . com @ enron . co . uk after october 14 , 2000 , internet emails addressed to employees using the above internet domain names will be no longer be delivered . please note that this applies to enron employees worldwide . all employees must now use their @ enron . com internet address . some employees are still receiving internet email , primarily subscriptions to internet - based news / update services , addressed to their @ ect . enron . com , @ ei . enron . com or @ enron . co . uk email address . as mails to these addresses will no longer be delivered after october 14 , 2000 please contact the service providers to specify your new @ enron . com internet address . any employees who are aware of the following should contact the resolution center on ext . 31411 immediately : applications / processes using @ ect . enron . com , @ ei . enron . com or @ enron . co . uk internet addresses distribution groups being addressed via the internet using @ ect . enron . com , e . g . enron . london . developers @ ect . enron . com please direct any questions to the resolution center at ext . 31411 . thanks for your cooperation . enron messaging administration",0 +"Subject: re : summer internship martin please , refer john directly to jinbaek kim and his academic advisor . vince from : martin lin on 03 / 23 / 2001 04 : 19 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : summer internship as a followup , john gillespie has expressed interest in participating on the panel mentioned below . to whom should i refer john or should somebody contact him ? i just wanted to know what to tell john . thanks , martin vince j kaminski 03 / 23 / 2001 04 : 12 pm to : martin lin / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : summer internship martin , thanks . vince from : martin lin on 03 / 22 / 2001 04 : 46 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : summer internship i did not find anybody in ebs who seems to know or be involved in any e - procurement issues . in enron corp , however , there is an initiative called ibuyit . this is a system that corp is deploying for e - procurement through corp and ena , and will get to ebs sometime late this year . john gillespie is in charge of the ibuyit initiative . perhaps he is the appropriate contact . i left a voice mail with him , but have not yet received a response . martin vince j kaminski 03 / 22 / 2001 07 : 17 am to : martin lin / hou / ect @ ect cc : subject : summer internship martin , please , take a look at question 3 . who is the right person at ebs ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 22 / 2001 07 : 16 am - - - - - - - - - - - - - - - - - - - - - - - - - - - jinbaek kim on 03 / 15 / 2001 01 : 12 : 32 am to : vince . j . kaminski @ enron . com cc : subject : summer internship dr . kaminski , sorry for the late response , it took me some time to coordinate things . finally , it ' s almost dont : - ) it turned out that from june to august will be best for me for work at enron ( say june . 4 to august . 4 ) but i still need to know several things from your side . could you answer following questions ? first : is my suggested working period is ok with you ? if so , let me know what to do for settlement during the period . second : i got a list of work , i might be able to do for dealbench team from ross and suresh . i ' d like to know it is still a valid work list : the list he sent is as following : > 1 . write a paper in layman ' s terms that answers > questions like the following : > benefits of auctioning online for both buyers and > sellers , particularly in reverse auctions > explanation how multi - variable auctions are not > as efficient as price - only auctions ( is this true ? ) > how many participants are recommended for a > successful live auction > what types of goods and services are best suited > for live auctions versus sealed bid quotes > opinions on lotting strategies > trends in online private auctions > 2 . identify appropriate recent auction research ( 3 > or 4 papers out of the 90 + you provided ) and obtain approvals from the > authors to post on our site > 3 . create a list / bibiliography of relevant auction > literature ( with hyperlinks ? ) > 4 . would you be willing to offer auction consulting > services to our customers ( if they are interested ) third : there is an e - procurement forum at haas school of business , in may 22 . the chair of the forum is my advisor prof . arie segev . a person from wells fargo bank will talk about wells fargo ' s role in e - marketplace payment initiative , where enron broadband services is also one of key players along with citibank . he asked me whether you can contact a person at enron broadband services , who ' s related to the initiative . he wants to know whether we will have a speaker from enron to see enron ' s perspective , in the forum . here is a link to news related to the initiative , fourth : my advisor wants to know whether there could be any opportunity to do a case study , regarding enron ' s business . he is interested in e - procurement and e - marketplaces . business model and system architecture . . . thanks for reading this long email . i ' ll look forward to your answer . . i am sorry for giving you so much burden to answer those questions possibly not easy to answer . warm regards , jinbaek jinbaek kim ph . d candidate dept . of industrial engineering and operations research u . c . berkeley http : / / www . ieor . berkeley . edu / ~ jinbaek go bears ! : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . : a a : _ _ . . . . . _ : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . : . ' : ` . : ` , ` . ` . : ' - - ' - - ' : . ' ; ; : ` . _ ` - ' _ . ' ; . ' ` . ' "" ' ; ` . ' ; ` . ` : ` ; . ` . ; ; : ; . ' ` - . ' ; : ; ` . _ _ . ' . ' . ' : ; ` . . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' ` . . . . . . . - ' ` . . . . . . . . ' on mon , 5 mar 2001 vince . j . kaminski @ enron . com wrote : > > jinbaek , > > this is fine though you are welcome to spend more > time with us this summer . > > vince > > > > > > jinbaek kim on 03 / 04 / 2001 03 : 45 : 40 pm > > to : vince . j . kaminski @ enron . com > cc : > subject : re : summer internship > > > dr . kaminski , > > thanks for your answer . > before i tell you the time frame , > i ' ll need to talk with my advisor , first . > because here is an on - going - project . > i need to coordinate the schedule . > > i ' ll appreciate it if you understand my situation , > and give me some time ( less than a week , of course ) . > > for your reference , > probably > the dates i ' d like to ask you will be > from mid - may to mid - july ( 2 months ) > > warm regards , > jinbaek > > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > jinbaek kim > ph . d candidate > dept . of industrial engineering and operations research > u . c . berkeley > http : / / www . ieor . berkeley . edu / ~ jinbaek > > go bears ! > > : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . > : a a : _ _ . . . . . _ > : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . > : . ' : ` . : ` , ` . > ` . : ' - - ' - - ' : . ' ; ; > : ` . _ ` - ' _ . ' ; . ' > ` . ' "" ' ; > ` . ' ; > ` . ` : ` ; > . ` . ; ; : ; > . ' ` - . ' ; : ; ` . > _ _ . ' . ' . ' : ; ` . > . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; > ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' > ` . . . . . . . - ' ` . . . . . . . . ' > > > on fri , 2 mar 2001 vince . j . kaminski @ enron . com wrote : > > > > > jinbaek , > > > > you can coordinate the details with me . > > let me know what the time frame is for you > > and we shall send you an appropriate offer . > > > > vince > > > > > > > > > > > > jinbaek kim on 03 / 02 / 2001 04 : 43 : 06 pm > > > > to : vince . j . kaminski @ enron . com > > cc : > > subject : re : summer internship > > > > > > dr . kaminski , > > > > thank you very much . > > of course , i ' ll be happy to have an opportunity > > to work at such a wonderful company . > > i was contacting with surech raghavan at deal bench team , > > and was going to express my appreciation to you again > > after settling down process with them . > > > > for the period of working , > > i still need to coordinate with my advisor and > > may need to adjust according to that . > > but anyway , i ' ll try to coordinate smoothly . > > > > please let me know whether i should keep contacting > > with deal bench team , > > for working period and > > for misc . living support such as finding a place , rent a car , etc . > > > > i appreciate you so much again , > > for arranging such meetings and giving me an opportunity . > > all this opportunity will not be available to me , > > without your kind help . > > > > warm regards , > > jinbaek > > > > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > > jinbaek kim > > ph . d candidate > > dept . of industrial engineering and operations research > > u . c . berkeley > > http : / / www . ieor . berkeley . edu / ~ jinbaek > > > > go bears ! > > > > : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . > > : a a : _ _ . . . . . _ > > : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . > > : . ' : ` . : ` , ` . > > ` . : ' - - ' - - ' : . ' ; ; > > : ` . _ ` - ' _ . ' ; . ' > > ` . ' "" ' ; > > ` . ' ; > > ` . ` : ` ; > > . ` . ; ; : ; > > . ' ` - . ' ; : ; ` . > > _ _ . ' . ' . ' : ; ` . > > . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; > > ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' > > ` . . . . . . . - ' ` . . . . . . . . ' > > > > > > on fri , 2 mar 2001 vince . j . kaminski @ enron . com wrote : > > > > > hello , > > > > > > sorry for a delay in getting back to you . > > > we would like very much to offer you a summer internship . > > > > > > please , let me know if you are interested . > > > > > > vince kaminski > > > > > > > > > > > > > > > > > > > > > > > >",0 +"Subject: continuation of spanish classes roy : i spoke with vince and he approved your continuing your spanish classes . if you need anything else , please let me know . shirley",0 +"Subject: petrochem desk vasant , it seems we have to help them . can kate help on this project ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 23 / 2001 09 : 28 am - - - - - - - - - - - - - - - - - - - - - - - - - - - nelson neale @ enron 04 / 20 / 2001 10 : 29 am to : vince j kaminski / hou / ect @ ect , vasant shanbhogue / enron @ enronxgate cc : subject : petrochem desk i had a chance to speak with christian lebroc this morning with regard to curve building for petrochemicals . as it turns out , christian left rac in april and joined the petrochem desk as a trader . previous efforts at construction of a forward curve by the group have focused on intuition or swags . unfortunately , the group had a rough p & l year with at least some of the blame directed toward the forward curve or lack thereof . when asked about the fundamentals group , christian indicated that they ' d only been around about 3 - 4 months and are not yet well - suited to curve building . john nowlan is indeed the head of the group . from a timing perspective , i told christian that it would probably take at least 6 - 8 weeks to develop a curve , especially considering the need to understand the key market drivers / fundamentals . as was suggested yesterday during our meeting , a strong relationship between petrochemicals and a nymex component ( e . g . , crude oil ) would provide a great beginning point - - we could then potentially strengthen / augment this relationship with other key factors ( e . g . , supply and demand terms ) borne out of our market research . nelson",0 +"Subject: fw : mscf speaker series - november 3 rd confirmation - - - - - original message - - - - - from : pierre - philippe ste - marie to : sent : monday , september 11 , 2000 8 : 13 am subject : mscf speaker series - november 3 rd confirmation > dear mr . kaminski , > > it is a great pleasure and a great honor to schedule you on the mscf > speaker series list for november 3 rd , i will make reservation for 8 persons > at a restaurant in pittsburgh for that evening . also , if you want i can book > an hotel for you . > > let me know if you have anything in mind for the topic of the presentation . > there is no real guidelines as we like our speakers to have as much room as > possible . here is one of the past presentations that had an impact . one of > our speakers divided the presentation in two , the first part was technical , > the second was more general , explaining what his firm was looking for when > hiring new employees . > > thank you very much for accepting our invitation . > > sincerely , > > > > > pierre - philippe ste - marie > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > pstemarie . homestead . com >",0 +"Subject: asking for advice regarding summer associate position at enron shirley , please , set up a phone interview with him . i think both zimin and stinson should talk to him . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 12 / 2001 02 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : pavel zadorozhny on 01 / 12 / 2001 01 : 40 pm to : vince j kaminski / hou / ect @ ect , john l nowlan / hou / ect @ ect cc : subject : asking for advice regarding summer associate position at enron gentlemen , here is a guy who is looking for a summer associate position . i looked at his resume and think that he may be worth talking to . pavel - - - - - - - - - - - - - - - - - - - - - - forwarded by pavel zadorozhny / hou / ect on 01 / 12 / 2001 01 : 37 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - dmitri villevald on 01 / 03 / 2001 06 : 56 : 54 pm to : "" pavel zadorozhny ( e - mail ) "" cc : subject : asking for advice regarding summer associate position at enron dear mr . zadorozhny : maxim philippov suggested that i write you . being a first - year mba student at owen graduate school of management ( vanderbilt university ) with a finance concentration , i am looking for a summer associate position at enron . the area of my particular interest is enron ' s risk management products ( commodity derivatives research and trading ) . graduating from novosibirsk state university with major in physics , i am eager to apply my experience with the use of theoretical and statistical physics techniques to the managing of modeling processes and creating complex financial and trading models . i strongly believe that my graduate education coupled with undergraduate background in physics , solid work experience in finance and proven entrepreneurial spirit will allow me to contribute to enron as a summer associate . i would really appreciate your advice regarding employment opportunities at enron and would like to find out more about enron capital & trade resources corp . i will call you within this week to follow up on my request . thank you very much for your time . sincerely , dmitri villevald enclosure : resume > p . s . looking through an example of margin risk hedging at enron ' s web site , i think i found a small mistake there . url of this page is ( producer application ) the second sentence of the paragraph beginning with "" paradigm and enron exchange . . . "" states the following . for example , if the actual margin is $ 1 . 25 / mmbtu for a given month , then paradigm will pay enron $ 0 . 13 / mmbtu . alternatively , if the actual margin is $ 2 . 00 / mmbtu , then enron will pay paradigm $ 0 . 62 / mmbtu . i believe , if i am reading it correctly , the money should flow in the opposite direction , namely : for example , if the actual margin is $ 1 . 25 / mmbtu for a given month , then enron will pay paradigm $ 0 . 13 / mmbtu . alternatively , if the actual margin is $ 2 . 00 / mmbtu , then paradigm will pay enron $ 0 . 62 / mmbtu . am i right ? again , thank you very much for your time . - resume . doc",0 +"Subject: eprm article hi vince , ? as always , it was good to see you again in houston - we all enjoyed the meal very much , the restaurant was a good choice . ? it ' s that time again i ' m afraid . can you pls cast your eye over the attached ? and , if at all possible , get back to me in the next few days - i have to deliver something to london by friday . ? how ' s the course going at rice ? not too much work i hope . ? best regards . ? chris . ? - eprm _ 09 _ fwd _ vol _ estimation . doc",0 +"Subject: re : term papers please respond to here is the . pdf file and the word version ( in case you cannot open the . pdf ) . sorry about the inconvinence . please let me know if you can open the file . felix * * * * * * * * * * * * * * * * * * * * felix feng lu mba candidate , class 2001 jesse h . jones graduate school of management rice university phone - 713 . 942 . 8472 / fax - 714 . 908 . 7914 monfan @ rice . edu * * * * * * * * * * * * * * * * * * * * - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : friday , may 04 , 2001 5 : 30 pm to : monfan @ rice . edu cc : vkaminski @ aol . com ; jason . sokolov @ enron . com ; vince . j . kaminski @ enron . com subject : term papers felix , please , resend me the term papers of your group , each as a separate file . please send it to my aol address as well as work address . my aol address is vkaminski @ aol . com my home phone number is 281 367 5377 . vince - feng lu . vcf - modeling project . doc - modeling project . pdf",0 +"Subject: joao neves vince , i wanted to follow up with you to see if you had an opportunity to review joao neves ' resume , which i sent ? you last wednesday , and to get your feedback on him . ? please ? let me know if you are interested in ? setting up an interview . ? also , i will be in houston the afternoon of ? friday , 4 / 13 , and would welcome the opportunity to meet with you in person , if your schedule allows . ? ? i look forward to hearing from you . ? regards , ? kate szablya power brokers , llc energy search and recruitment 303 - 716 - 2987 303 - 619 - 7589 cell 303 - 716 - 3426 fax kate @ powerbrokersllc . com www . powerbrokersllc . com ? ?",0 +"Subject: re : var let ' s meet at 4 : 00 . vince j kaminski 06 / 01 / 2000 09 : 19 am to : john arnold / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , jim schwieger / hou / ect @ ect , jeffrey a shankman / hou / ect @ ect subject : var john , we have been working for the last few days on var related issues . the focus is on jim schwieger ' s storage book as of 5 / 25 and 5 / 26 where we had some counterintuitive results . this book is a good candidate for a systematic review of the var process . it seems that the problem arises from forward - forward vols used by the var system . you can see in the attached spreadsheet that the var , on a cumulative basis , jumps on jan 04 , when an abnormal ff vol hits a relatively large position . this ff vol is also much different from the previous day number producing a big jump in var . this row ( jan 04 ) is in magenta font in the attached spreadsheet . please , look at column d . the abnormal ff vol may result from one of the two factors : a . a bug in the code . we are working with the person in it who wrote the code to review it . b . a poorly conditioned forward vol curve ( a kink or discontinuity in the fwd vol curve will do it ) . one solution i can propose , is to develop for the traders a fwd - fwd vol generator allowing them to review the fwd vol curve before it is posted . if it produces a weird fwd - fwd vol , it can be smoothed . can you meet at 4 p . m . to review our findings ? vince",0 +"Subject: re : alex ' s paper comments : 1 . in the sentence between eqn . 3 and eqn . 4 , i think "" annualized volatility "" should replace "" annualized standard deviation . "" 2 . as to the comment , "" immediately we see something quite counter - intuitive . "" i would disagree . i think that its quite intuitive that this model should get closer to the black - scholes price as what is defined as the "" jump "" component becomes just part of the main price distribution , which happens if we define a jump to be only a 1 - sigma event . the table does show , however , that the results of using this model are very sensitive to exactly how you choose to define a "" jump "" ( i . e . 2 - sigma or 3 - sigma . . . events ) , and this is one difficulty in using the model in practice . 3 . in the paragraph after the table , i don ' t understand the argument about hedging the option . especially about buying a swap which would pay on the difference between the strike and fs . this seems non - sensical . 4 . i could not follow the logic of the last two sentences of the article , so this point should probably be explained more clearly . - - stinson vince j kaminski 08 / 18 / 2000 08 : 15 am to : grant masson / hou / ect @ ect , stinson gibner / hou / ect @ ect , alex huang / corp / enron @ enron cc : subject : alex ' s paper minor changes i made to alex ' s paper . vince",0 +"Subject: re : urgent deadline : rsvp by jan 22 nd : invitation to 2001 energy finance conference feb . 22 - 23 , 2001 - the university of texas at austin karen , i shall attend the conference , both days . vince kaminski from : karen marshall 01 / 17 / 2001 07 : 59 pm to : david haug / enron _ development @ enron _ development , gary hickerson / hou / ect @ ect , craig childers / hou / ees @ ees , thomas suffield / na / enron @ enron , ben f glisan / hou / ect @ ect , ermes melinchon / enron _ development @ enron _ development , hal elrod / corp / enron @ enron , clay spears / hou / ect @ ect , kelly mahmoud / hou / ect @ ect , ellen fowler / enron communications @ enron communications , kevin kuykendall / hou / ect @ ect , fred mitro / hou / ect @ ect , kyle kettler / hou / ect @ ect , jeff bartlett / hou / ect @ ect , paul j broderick / hou / ect @ ect , john house / hou / ect @ ect , george mccormick / hou / ect @ ect , guido caranti / enron _ development @ enron _ development , ken sissingh / corp / enron @ enron , gwynn gorsuch / na / enron @ enron , mark gandy / enron communications @ enron communications , shawn cumberland / enron _ development @ enron _ development , jennifer martinez / hou / ect @ ect , sean keenan / hou / ect @ ect , webb jennings / hou / ect @ ect , brian hendon / enron communications @ enron communications , billy braddock / enron communications @ enron communications , paul burkhart / enron communications @ enron communications , garrett tripp / tor / ect @ ect , john massey / hou / ect @ ect , v charles weldon / hou / ect @ ect , peter hayes / hou / ees @ ees , ross mesquita / na / enron @ enron , david mitchell / hou / ect @ ect , brian kerrigan / hou / ect @ ect , mark gandy / enron communications @ enron communications , jennifer martinez / hou / ect @ ect , sean keenan / hou / ect @ ect , webb jennings / hou / ect @ ect , brian hendon / enron communications @ enron communications , billy braddock / enron communications @ enron communications , garrett tripp / tor / ect @ ect , john massey / hou / ect @ ect , v charles weldon / hou / ect @ ect , peter hayes / hou / ees @ ees , ross mesquita / na / enron @ enron , david mitchell / hou / ect @ ect , christie patrick / hou / ect @ ect , michael b rosen / hou / ect @ ect , cindy derecskey / corp / enron @ enron cc : elyse kalmans / corp / enron @ enron , richard causey / corp / enron @ enron , sally beck / hou / ect @ ect , vince j kaminski / hou / ect @ ect , jeffrey a shankman / hou / ect @ ect , angela . dorsey @ bus . utexas . edu subject : urgent deadline : rsvp by jan 22 nd : invitation to 2001 energy finance conference feb . 22 - 23 , 2001 - the university of texas at austin the $ 500 registration fee is waived for any enron employee who wishes to attend this conference because of our relationship with the school . please forward this information to your managers and staff members who would benefit from participating in this important conference . ( note : vince kaminski is a panellist for the risk management session 3 . ) please note : the deadline for rsvp & hotel reservations is monday , january 22 nd don ' t miss this opportunity ! should you have any questions , please feel free to contact me at ext . 37632 . karen - - - - - - - - - - - - - - - - - - - - - - forwarded by karen marshall / hou / ect on 01 / 11 / 2001 07 : 38 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" angela dorsey "" on 01 / 10 / 2001 03 : 06 : 18 pm to : "" angela dorsey "" cc : "" ehud ronn "" , "" sheridan titman ( e - mail ) "" subject : invitation to 2001 energy finance conference - the university of texas at austin colleagues and friends of the center for energy finance education and research ( cefer ) : happy new year ! hope you all had a wonderful holiday season . on behalf of the university of texas finance department and cefer , we would like to cordially invite you to attend our : 2001 energy finance conference austin , texas february 22 - 23 , 2001 hosted by the university of texas finance department center for energy finance education and research dr . ehud i . ronn and dr . sheridan titman are currently in the process of finalizing the details of the conference agenda . we have listed the agenda outline below to assist you in your travel planning . each conference session will be composed of a panel discussion between 3 - 4 guest speakers on the designated topic . as supporters of the center for energy finance education and research , representatives of our trustee corporations ( enron , el paso , reliant , conoco , and southern ) will have the $ 500 conference fee waived . the conference package includes thursday evening ' s cocktails & dinner and hotel / ut shuttle service , as well as friday ' s conference meals , session materials and shuttle service . travel to austin and hotel reservations are each participant ' s responsibility . a limited number of hotel rooms are being tentatively held at the radisson hotel on town lake under the group name "" university of texas finance department "" for the nights of thursday , 2 / 22 / 01 and friday , 2 / 23 / 01 ( the latter evening for those who choose to stay in austin after the conference ' s conclusion ) . to guarantee room reservations , you will need to contact the radisson hotel at ( 512 ) 478 - 9611 no later than monday , january 22 nd , and make your reservations with a credit card . please let me know when you have made those arrangements so that i can make sure the radisson gives you the special room rate of $ 129 / night . please rsvp your interest in attending this conference no later than january 22 nd to angela . dorsey @ bus . utexas . edu , or ( 512 ) 232 - 7386 , as seating availability is limited . please feel free to extend this invitation to your colleagues who might be interested in attending this conference . center for energy finance education and research program of the 2001 energy finance conference february 22 - 23 , 2001 thursday , feb 22 : 3 : 00 p . m . reserved rooms at the radisson hotel available for check - in 5 : 30 p . m . bus will pick up guests at the radisson for transport to ut club * 6 : 00 p . m . cocktails , ut club 9 th floor 7 : 00 p . m . dinner , ut club 8 : 00 p . m . keynote speaker 9 : 00 p . m . bus will transport guests back to hotel friday , feb 23 : 7 : 45 a . m . bus will pick up at the radisson for transport to ut 8 : 30 a . m . session 1 - real options panelists : jim dyer , ut ( chair ) sheridan titman , ut john mccormack , stern stewart & co . 10 : 00 a . m . coffee break 10 : 15 a . m . session 2 - deregulation panelists : david eaton , ut ( chair ) david spence , ut jeff sandefer , sandefer capital partners / ut peter nance , teknecon energy risk advisors 11 : 45 a . m . catered lunch & keynote speaker 1 : 30 p . m . guest tour - eds financial trading & technology center 2 : 00 p . m . session 3 - risk management panelists : keith brown , ut ( chair ) vince kaminski , enron alexander eydeland , southern co . ehud i . ronn , ut 3 : 30 p . m . snack break 3 : 45 p . m . session 4 - globalization of the energy business panelists : laura starks , ut ( chair ) bob goldman , conoco ray hill , southern co . 5 : 15 p . m . wrap - up 5 : 30 p . m . bus picks up for transport to airport / dinner 6 : 30 p . m . working dinner for senior officers of energy finance center trustees * we have made arrangements to provide shuttle service between the radisson hotel and ut during the conference . however , if you choose to stay at an alternative hotel , then transportation to conference events will become your responsibility . * * * * * * * * * * * * * * angela dorsey assistant director center for energy finance education & research the university of texas at austin department of finance , cba 6 . 222 austin , tx 78712 angela . dorsey @ bus . utexas . edu * * * * * * * * * * * * * *",0 +"Subject: lng var limit request form vince , please review the attached file . when you are ready , i will bring you the original for your signature . thanks , eric",0 +"Subject: dale nesbitt greg , dale nesbitt is a consultant who develops pricing models ( spot and fwd ) prices for e - commerce sites . he will be in houston in the beginning of july . any interest in meeting him ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 28 / 2000 05 : 24 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vkaminski @ aol . com on 06 / 11 / 2000 03 : 17 : 23 pm to : vkamins @ enron . com cc : subject : dale nesbitt o : cc : subject : re : follow up vince : thanks for your help in this matter . i dont want to be a bother to you . i know you are doing your best to put this together as a go between . as you might suspect , i am in a hurry to put together the right hearing at enron because marketpoint is just now being completed - - u . s . and world oil and gas and north american electricity . we have just signed up our first web provider ( e - acumen . com ) , who is preparing to vend our north american electric generation data base over their website . i believe we are an integral part of their offering . it wont be long before marketpoint needs the capitalization to meet our growing customer needs professionally and quickly , particularly when we sign up one or more vertical portals to vend or offer fundamental forward projections from our models . i a loath to do so without the capitalization and staffing we need . also , i am loath to do so without the market reach that a partner like enron could render instantly available . i also would be eager during my next trip to houston to continue the discussion with you regarding how marketpoint might benefit enron directly . i plan to be there the last week in june . thanks again for all your help and support . dale",0 +"Subject: re : alp presentation christie , great ! ! you think big . it also puts a lot of pressure on the students . vince christie patrick 04 / 11 / 2001 10 : 57 am to : vince j kaminski / hou / ect @ ect , kenneth parkhill / na / enron @ enron , melinda mccarty / corp / enron @ enron , shirley crenshaw / hou / ect @ ect cc : subject : re : alp presentation vince and ken , please see note below . rice ' s president is planning to attend the presentation and dinner ! i ' ll let you know when i hear from gil ( dean whitaker ) . thanks ! also , please remember that i ' ve scheduled steve kean for lunch ( i ' ll have melinda have lunches brought to the conference room ) . please let me know the exact room number and the exact number of lunches needed from your end . thanks ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 04 / 11 / 2001 10 : 38 am - - - - - - - - - - - - - - - - - - - - - - - - - - - judith duvall on 04 / 11 / 2001 10 : 36 : 06 am to : christie . patrick @ enron . com cc : subject : re : alp presentation ms . patrick , dr . gillis will attend both events . judith at 06 : 01 pm 4 / 10 / 01 - 0500 , you wrote : > president gillis and dean whitaker , > > enron would be honored with your presense at the presentation set forth > below . > > under the guidance of vince kaminski and his team here at enron , we are > thoroughly enjoying working with this group of bright and enthusiastic rice > students . we hope you can join us for the culmination of their significant > efforts . > > please let me know - - thanks ! ! > > - - christie . > - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 04 / 10 / 2001 > 05 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - > > > vince j kaminski > 04 / 10 / 2001 08 : 13 am > > to : barrett @ rice . edu , uecker @ rice . edu , cmiller @ rice . edu , > lounghrid @ rice . edu , luigical @ rice . edu > cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect , shirley > crenshaw / hou / ect @ ect , kenneth parkhill / na / enron @ enron > > subject : alp presentation > > on behalf of enron corp . i would like to invite you to an alp project > presentation by a group of students > of jesse h . jones graduate school of management , rice university . > > the students will present the results of a research project regarding > electronic trading > platforms in the energy industry . > > the presentation will be held on may 7 , at 4 : 00 p . m . at enron , 1400 smith . > > we would also like to invite you to dinner , following the presentation . > > > vince kaminski > > vincent kaminski > managing director - research > enron corp . > 1400 smith street > room ebl 962 > houston , tx 77002 - 7361 > > phone : ( 713 ) 853 3848 > ( 713 ) 410 5396 ( cell ) > fax : ( 713 ) 646 2503 > e - mail : vkamins @ enron . com > > > > > > judith duvall secretary to the president rice university 6100 main street - - msl houston , tx 77005 713 / 348 - 4601 713 / 348 - 5271 ( fax )",0 +"Subject: re : video conference with ross mcintyre nick : we are unable to get a vc location for 10 : 30 am , however , we can have one at 11 : 00 am . houston time . is there anyway that we could push the interview to 11 : 00 am ? i know you have to make reservations for your conference room also . if not , we will have to do a phone interview . please let me know . thanks ! shirley crenshaw administrative coordinator research group - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 18 / 2000 10 : 02 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 18 / 2000 10 : 01 am to : nick mooney / lon / ect @ ect cc : vasant shanbhogue / hou / ect @ ect , vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , mark tawney / hou / ect @ ect subject : re : video conference with ross mcintyre nick , we may have problems getting the vc location in houston on short notice . we are currently on stand - by . we shall default , if we have no other choice , to a phone interview . vince enron capital & trade resources corp . - europe from : nick mooney 04 / 18 / 2000 09 : 09 am to : vince j kaminski / hou / ect @ ect cc : mark tawney / hou / ect @ ect subject : video conference with ross mcintyre vince , you should have received an invitation through lotus notes which outlines the vc location for the conference call tomorrow . it is schedule for 4 : 30 pm uk time ( 10 : 30 am houston time ) ross ' s background is from investment banking ex dresner bank , he has a phd in mathematical and is currently with speedwell weather derivatives where he has been developing weather derivative pricing and portfolio optimisation tools which they have been marketing to end - users with weather risks . the attached word documents are articles that he has written for publication . regards nick mooney - mcs . doc - analytic . doc - par . doc",0 +"Subject: softs in london vince , with regard to the softs curves development , i have been communicating with a couple of folks in london . the key contacts include james willis ( cocoa and sugar broker ) and nigel majury ( coffee broker ) . we had a conference call on thursday ( heather , trena , erin , james , nigel , frank speight , nelson ) to discuss data sources , data acquisition , priorities , and timelines . a number of data sources were identified ( e . g . , usda , int ' l cocoa organization , ed however , cocoa replaces coffee in the softs importance hierarchy . i suppose that this results from our physical ( or soon to be ) positions in both markets . the timeline hasn ' t changed ; however , adjustments will have to be made since we haven ' t yet acquired all of the necessary data for price modeling . moreover , per our discussion this afternoon , additional thought / time will have to be devoted to corn modeling to come up with an adequate hedging strategy . nelson",0 +"Subject: re : vacation shirley , no problem . vince shirley crenshaw 03 / 14 / 2001 07 : 47 am to : vince j kaminski / hou / ect @ ect cc : anita dupont / na / enron @ enron , kevin g moore / hou / ect @ ect , leann walton / na / enron @ enron subject : vacation vince : if it is ok , i would like to take friday , april 6 th as a vacation day . also , just a reminder i will be on vacation tomorrow and friday . thanks ! shirley",0 +"Subject: computer recently a new person moved into our space on 32 nd floor . being that the gentleman is there , i decided to move our computer out of his working space . the computer will be moved to desk in our area until the new hire arrives . fyi thanks kevin moore",0 +"Subject: re : aluminium asian digital options anjam , we can use moment matching to find the "" effective "" volatility and dividend yield for the average . then we can apply the european digital option formula . attached please find the c - code i did for asian spread option , when i find the effective vol and drift for both averages then find the option value by calling the european spread option . you can do just the same for the asian digital option . it would be nice to do a monte - carlo , just checking the accuracy of the approximation . it was nice to have you here , we are impressed by the work you have done . keep up the good work . zimin enron capital & trade resources corp . - europe from : anjam ahmad 07 / 27 / 2000 10 : 14 am to : zimin lu / hou / ect @ ect cc : subject : aluminium asian digital options hi zimin , russell placket of mg metals just talked to me about the issue of pricing a strip of twelve monthly asian digital options on lme aluminium . as i understand , the payoff to the customer is a fixed cash amount that wil be paid if the average of the closing prices of aluminium for a month are greater than the strike agreed in advance , where holiday days do not contribute to the average . russell mentioned that this would be a set of 12 monthly options starting in jan - 01 , and that the lme price for jan - 01 of $ 1572 . 5 ( which is the future converging to the spot price on the 3 rd wednesday in jan 01 ) can be used as a proxy / estimate for the average for the month . do you have a model for asian digitals or should i proceed with monte carlo to price this , maybe using european digital option model as control variate ? thanks , anjam x 35383",0 +"Subject: phil roan phil roan of koch ' s weather group has accepted a position with reliant working for their power desk . he starts in a week . we tried to get him to reconsider , but he said that he was already committed .",0 +"Subject: e - commerce seminar 3 / 22 hi donna ! i ' ll let you know asap about 3 / 22 . i believe vince will be in london on that date . more immediately , is there a conference call tomorrow ( thursday ) ? if so , is there a call in number established , or does melinda set this up ? ( she ' s out this afternoon ) . thanks ! - - christie . - - - - - forwarded by christie patrick / hou / ect on 03 / 14 / 2001 03 : 46 pm - - - - - fap 03 / 13 / 2001 02 : 09 pm to : "" ' christie . patrick @ enron . com ' "" cc : fap subject : e - commerce seminar 3 / 22 christie : professor ravi aron , wharton , has been a consultant to the student tiger team for the enron project . at his suggestion and invitation , tiger students have been invited to attend an e - commerce executive education seminar that is directly related to the project on which they are working . professor aron will be giving the session on pricing mechanisms and b 2 b market auctions . this will take place at the steinberg conference center on campus on thursday , march 22 from 8 : 30 a - 12 : 30 . we would also like to extend an invitation for a representative from enron to attend . please let me know if you or someone who has worked with the student teams will be able to attend the seminar . we look forward to seeing you and vince at the final presentation on april 3 from 4 : 30 - 7 : 30 pm in vance hall b 6 . regards , donna",0 +"Subject: telephone interview with ming sit the telephone interview with ming sit has been scheduled for tuesday , may 23 rd at 12 : 30 pm houston time . it will be in ebl 9 c 2 . krishna will find out if he will call you or if you should call him at work . thanks shirley",0 +"Subject: re : resume marshall , we shall call him on wednesday after 2 : 30 . vince marshall brown on 03 / 12 / 2001 11 : 23 : 31 am to : vince . j . kaminski @ enron . com cc : subject : re : resume vince , he can talk today after 2 : 30 pm today or wednesday afternoon as well . his work # is 713 - 544 - 5989 . let me know . regards , marshall brown vice president robert walters associates tel : ( 212 ) 704 - 0596 fax : ( 212 ) 704 - 4312 mailto : marshall . brown @ robertwalters . com http : / / www . robertwalters . com > - - - - - original message - - - - - > from : vince . j . kaminski @ enron . com [ smtp : vince . j . kaminski @ enron . com ] > sent : monday , march 12 , 2001 11 : 40 am > to : marshall . brown @ robertwalters . com > subject : re : resume > > > marshall , > > looks interesting . can we arrange an exploratory phone interview ? > > > vince > > > > > > > marshall brown on 03 / 09 / 2001 07 : 46 : 22 > am > > to : vince kaminski > cc : > subject : resume > > > vince , > how are you . this candidate would be interested in any positions in > your group . > regards , > > marshall brown > vice president > robert walters associates > tel : ( 212 ) 704 - 0596 > fax : ( 212 ) 704 - 4312 > mailto : marshall . brown @ robertwalters . com > http : / / www . robertwalters . com > > > > > > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > caution : electronic mail sent through the internet is not secure and could > be intercepted by a third party . > > this email and any files transmitted with it are confidential and > intended solely for the use of the individual or entity to whom they > are addressed . if you have received this email in error please notify > the system manager . > > this footnote also confirms that this email message has been swept by > mimesweeper for the presence of computer viruses . > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > > ( see attached file : zhan _ ren . doc ) > > >",0 +"Subject: re : test thanks , vince . we have received both her application and her signed offer letter , so we are moving in the right direction . molly - - - - - original message - - - - - from : kaminski , vince sent : thursday , april 19 , 2001 10 : 44 am to : magee , molly cc : crenshaw , shirley subject : re : test molly fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 19 / 2001 10 : 43 am - - - - - - - - - - - - - - - - - - - - - - - - - - - edward kao on 04 / 18 / 2001 08 : 30 : 49 pm to : vkamins @ ect . enron . com cc : subject : re : test vince : candice ' s contact information at mount holyoke is as follows : phone : ( 413 ) 493 - 5092 email : cgkao @ mtholyoke . edu address : 1453 blanchard campus center mount holyoke college south hadley , ma 01075 - 6002 ed ps : i hope ron singer has given you the needed info . please feel free to contact me if i can be of any help with regard to your colleague ' s inquiry about pursuing doctoral study at uh . ",0 +"Subject: security request for adding a timekeeper to cost center 107043 attached please find the security request to have anita dupont added to the research group timekeepers . she is my backup and needs to be able to do the timesheets in case i have to be out of the office . if you have any questions , please let me know . thanks ! shirley crenshaw 3 - 5290",0 +"Subject: indication dates for sharad ' s visit hi vince , having discussed with sharad , we think it would make sense for sharad to go to houston for a few weeks starting at the end of october . this would overlap with ben ' s visit in november and so some alternative arrangement would have to be made for accommodation . if he goes after ben then there will not be much time before the holidays meaning it would be left until early next year . please let us know if these dates work for you , and if so then we can talk about accommodation arrangements thereafter . out : sat 21 st october return : saturday 16 th december regards , anjam x 35383",0 +"Subject: dear ms . feldman , please find enclosed a proposal for the d - g energy software license agreement in which enron may be interested . we deliberately left blank the appendix 2 related to the number of sites and workstations it would cover , in order to let dr . kaminski decide what is best for enron . sincerely - appendices . doc - contract . doc h , lyette geman professor of finance university paris ix dauphine and essec",0 +"Subject: uk rpi model hi zimin ! please find attached for your review the uk rpi model , derived by bootstrapping rpi swaps . it ' s a very simple model and here are its specifics : swap structure payment : semi / semi act / 365 f > > yoyukrpi = ( ukrpi ( p - 2 ) / ukrpi ( p - 14 ) - 1 ) / 2 > p = payment month > the first payment is the latest known historical rpi , february 2000 , 2 . 32 % . assumptions * constant cashflows between the quoted years ( as opposed to interpolating swaps which distorts the curve a lot ) . this explains the atrocious look of the "" raw "" curve . it is then smoothed with a macro , which anjam wrote . * mid point of the swaps is used for deriving the curve ; * discount rate is libor and i solve for the coupon rate , which is the rpi yoy rate ; * the above is solved separately for each quoted period ( e . g . 2 yrs , 5 yrs ) and rpi rates are determined for the incremental portion . by forecasting rpi in the above method we are able to lock in and deliver the forecasted levels . looking forward to your comments and seeing you in london ! best regards , martina x 34327",0 +"Subject: re : american express charges hi samer ! hope you had an enjoyable thanksgiving ! i found out the "" scoop "" on the ticket . it was non - refundable and non - refundable tickets cannot be transferred . it was just your seat that maureen ' s husband used . i will send in a check request for reimbursement in the amount of $ 330 . 50 . the best thing would be for you to go ahead and pay the bill or wait for the check from us . sorry for the confusion ! cheers ! shirley "" samer takriti "" on 11 / 20 / 2000 01 : 41 : 23 pm to : shirley . crenshaw @ enron . com cc : stinson . gibner @ enron . com subject : american express charges shirley , how are you ? things are fine over here . we are still trying to settle in ; this process seems to be taking forever . i would like to ask for your help . i have received a statement from american express related to my enron account . the charge amount is $ 330 . 50 , which is supposed to be for an airplane ticket . after calling the travel agency in the park , i found out that this was the ticket that i was supposed to have used to fly to colorado . however , the ticket was used by maurine ' s husband and maurine claimed to have paid for the ticket . also , i remember calling the tap and cancelling prior to the travel date . can you help me figure out what is going on here ? i am not sure who is supposed to pay for this . i disputed the charge before but my dispute was rejected . i appreciate your help . thanks . - samer",0 +"Subject: ena analysts and associates i have just received word from ted bland that no one has responded to this memo . please re - read the following memo and respond to ted by july 31 , 2000 . thanks in advance for your prompt attention to this matter . as you know the ena otc is actively working with the analyst and associate program to develop greater talent flow into ena . we are presently working on a number of initiatives to improve how this is working and significantly improve communication flow and responsiveness . however in this regard we also need you to help make sure we have clear lines of communication within ena regarding a & a resource levels , performance , rotations and retention efforts . in this regard we would like for each of you to take the lead for your groups needs and ensure that any requests , questions or concerns about a & a ' s in your area are passed through you to either ted bland ( ena recuitment team lead - x 35275 ) or jana giovannani ( ena liaison from the aa program - x 39233 ) or myself . it is important that we are discerning about what we do with our a & a resources and plan carefully and accurately for our future needs , in this regard we need for you personally ( or a senior member of your team who you may optionally delegate this task to ) will take the time to review any a & a resource requests from your team before passing them onto us . in addition , given the importance of these resources , we will be inviting you to a regular bi - monthly meeting to discuss ena a & a matters . we will confirm the first date in due course . in the meantime if you would like to volunteer another senior member of your team to assume this reponsibility please supply their name as soon as possible . please call with any questions .",0 +"Subject: fyi "" how much do firms hedge with derivatives ? "" by : wayne r . guay university of pennsylvania s . p . kothari massachusetts institute of technology document : available from the ssrn electronic paper collection : date : march 2001 john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: visa status i want to keep you informed about my visa status . my current hlb visa expires on 15 th january , 2000 . my hlb visa extension application has been submitted to ins by milenia soto , enron ' s immigration attorney . i spoke with milenia soto yesterday and came to know that she has not received the receipt yet , however , she told me that it is perfectly legal to work based on the fact that application for extension has been submitted to ins . milenia soto has received the receipts from ins of my change of status application package which includes submission of applications for change of status , work permit , advanced parole and finger print . earlier , my i - 140 application was approved by ins during the first week of september , 1999 . if you need additional information and / or want to contact milenia soto , her phone number is ( 713 ) 522 0141 . sincerely , amitava dhar",0 +"Subject: re : possible rtp conference dear professor huntington , thursday 10 a . m . works for me . please , let me know where i can meet you . i am attaching my itinerary , so that you can contact me if necessary . my cell phone number is 713 410 5396 . vince kaminski",0 +"Subject: re : fwd curves thx i understand and will work with kevin and hunter . . margaret",0 +"Subject: your visit with vince kaminski - enron corp . research dear mr . fujita : we would be very honored to have you visit with enron . dr . kaminski is available all day on monday , april 17 and from 3 : 30 - 5 : 00 pm on tuesday , april 18 . please let me know which day and time is convenient for you . thank you . sincerely , shirley crenshaw administrative coordinator research group 713 / 853 - 5290",0 +"Subject: our mtg stinson , vince and vasant - i need to push our mtg back until this afternoon - i ' m just finishing a major manipulation i needed to make of the data , and i need to rest a few hours before running the first analysis . sorry . clayton",0 +"Subject: re : uc - berkeley graduate student rajnish , we shall invite you for an interview in houston . vince rajnish kamat on 10 / 23 / 2000 07 : 55 : 31 pm to : vkamins @ enron . com cc : subject : uc - berkeley graduate student dr . vincent kaminski managing director and head of research enron corp . dear dr . kaminski , it was a pleasure talking with you and attending your talk today . i am a graduate student in industrial engg . and operations research working with prof . shmuel oren on topics in financial instrument pricing and design of contracts in deregulated electricity markets . i am also doing research in auction models and computable equilibrium models with applications in electricity market design . i am planning to graduate with a ph . d . in may 2001 and would appreciate hearing about any opportunities in your group at enron . i am attaching at copy of my resume ( file : cvrkamat . doc ) for your perusal . thanking you , sincerely , rajnish kamat graduate student ieor , uc - berkeley 4135 , etcheverry hall dept . of industrial engineering and operations research university of california at berkeley berkeley , ca , 94710 - cvrkamat . doc",0 +"Subject: amr research preview information vince , feel free to use this username and password to surf around the amrresearch site ken - - - - - - - - - - - - - - - - - - - - - - forwarded by kenneth parkhill / na / enron on 04 / 12 / 2001 01 : 23 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - webmaster @ www . amrresearch . com ( craig mackay ) on 04 / 11 / 2001 05 : 34 : 08 pm to : kenneth parkhill cc : subject : amr research preview information the following is your user name and password for an amr research preview account . username : parkhilll 51647 password : remain the preview section will give you access to the executive summaries section and the presentation library . if you have any questions about amr research , please email info @ amrresearch . com or call ( 617 ) 542 - 6600 . to access the preview section , please go to the following url . http : / / www . amrresearch . com / members",0 +"Subject: elena chilkina please fill - out the evaluation sheets on elena chilkina . thanks",0 +"Subject: re : progress steve , thanks a lot . i think that having the pseudo code will go a long way towards understanding how the system works and making sure that there are no bugs in translation of a business problem ( for example , complicated credit insurance deals with multiple triggers and conditionality ) into the code . regarding tanya ' s attitude . just a few points . 1 . i don ' t think she has the skills to do the system administrator ' s work and she does not have the necessary privileges . this explains why she keeps asking winston for help . it ' s not that the work is beneath her . 2 . some members of tanya ' s team came to me complaining about winston . he effectively told them to go away and work on the "" research projects "" and that he would take care of the it issues . i don ' t think that it ' s just tanya ' s issue , though i agree that a more outgoing personality would be helpful . 3 . the reality of this situation is that the internal customers beat on tanya and me whenever there is any performance problems and / or they intuitively disagree with the results of a run . they could not care less about the demarcation line between it and research . they also want tanya to sign off on the model and she cannot do it without full access to the code . the bottom line is that we are in full agreement : tanya and winston have to work as a team and i shall work on my end to make sure that it happens . credit is emerging as a critical issue for enron for the next few weeks and the system cannot fail . vince from : stephen stock / enron @ enronxgate on 01 / 11 / 2001 08 : 23 am to : vince j kaminski / hou / ect @ ect cc : subject : progress vince , i got feedback from the lunchtime research meeting that you were talking about some specific solutions to performance of it systems . . . in particular distributed processing . also i heard that you had concerns about the use of multiple languages etc . . . . both of these sound like what i was discussing with you on previous occasions . . . do you feel the need to discuss these further ? the multi - language issue isn ' t really that much of an issue , as the current system is 98 % java right now . although i am a big fan of c / c + + ( it is my main development skill ) , i am also very aware that java is a much more evolved and robust language . i had serious doubts about the performance , but i ' ve had a review conducted , and the results are showing the sun unix implementation to be nearly as fast and in some cases faster than c / c + + because of something they call hot - spot technology . ( its an instruction caching technique , i believe ) . the concerns i expressed to you , were really about how technical people justify the use of a language on the strength of a relatively meaningless metric like portability . on the issue of distributed processing . . . the original review i had conducted by our architecture group pointed to that as a solution , and as zhiyong wei is already working on global valuation project , winston is actively working with zhiyong to see if he can model the var architecture on that , and also to find a common valuation piece between the systems . i ' d like the opportunity to talk to you about these issues if you have some time over the next few days ? also , i sat in on the tanya / winston meeting yesterday and as per our discussion at the elevator , i attempted to help her argument by suggesting to all present that she was trying to perform triage on the code . . . i . e . seperating research domain problems from it problems . she said that stepping through code was the only real way in which she could get a feel for where performance bottlenecks were . i asked her how she would measure that , and she said she would instrument the code manually by inserting timing elements at strategic points . i mentioned that a profiling tool could probably do this job for her . tanya again said that stepping through code is the only way she can get an idea of the code , and that studying documentation wasn ' t enough . about 6 weeks ago , i commissioned a team to document the system down to psuedo - code level and will be able to provide this to you and your team soon . ( in fact i ' ve asked for a draft copy to be given to tanya right now ) , and winston is also working on a draft research / it "" working together "" document , which will identify how the exchange of information takes place . tanya also gave the impression that she wants a dedicated it developer to do all the environment setup for her , because she doesn ' t really want to have to do that . i think that this is probably the root cause of the issue . the it guys are working very hard and her handling of the situation is not good , as it gives the impression that this kind of work is beneath her . she is claiming that they are un - cooperative . . . . they are claiming that she continually asks the same questions about set - up over and over again , and doesn ' t seem to want to learn how to do it . winston on the other hand , could be more proactive in determining what is a business related model issue and an it issue and ask for help from research . i think you debbie and i need to work quite hard to get them to play nicely . i have asked tanya and winston to go ahead and work very closely together over the next few days . . . . and debbie brackett and i will review their progress on friday . in the meantime l ' ll be looking at setting up a working test environment that doesn ' t involve my main quant guys in day to to day setup issues as a longer term solution . regards steve",0 +"Subject: re : request vince , i ' m glad you liked it . my next "" enron "" task is to try and develop a better understanding of the way you describe the use of btu swaps to create a synthethic multi - fuel plant . i understand the basic concept but want to learn more about the swaps ( duration , cost , etc ) which will impact a company ' s decision to build a single vs multi - fuel generator . do you have some example transactions or analyses that i might look over to learn more ? see ya in april ( we ' re going to learn to "" rope "" calves this year ) . your friend , john at 06 : 03 pm 3 / 23 / 01 - 0600 , you wrote : > > john , > > yes , i did . looks great . > vince > > > > > > "" john d . martin "" on 03 / 23 / 2001 05 : 02 : 05 pm > > to : vince . j . kaminski @ enron . com > cc : > subject : re : request > > > thanks vince . this is great . > > by the way , did you get copies of the journal with our paper ? > > john > > at 04 : 59 pm 3 / 23 / 01 - 0600 , you wrote : > > > > john , > > > > no problem . > > i look forward to it . > > > > vince > > > > > > > > > > > > "" john d . martin "" on 03 / 23 / 2001 09 : 04 : 44 am > > > > to : vkamins @ enron . com > > cc : > > subject : request > > > > > > vince , > > > > would you mind making a few luncheon comments to the texas finance > festival > > group at our sat luncheon ? i struck out with andy and sheridan thought > > that you could relate very well to the group . how about it ? > > > > john > > > > john d . martin > > carr p . collins chair in finance > > finance department > > baylor university > > po box 98004 > > waco , tx 76798 > > 254 - 710 - 4473 ( office ) > > 254 - 710 - 1092 ( fax ) > > j _ martin @ baylor . edu > > web : http : / / hsb . baylor . edu / html / martinj / home . html > > > > > > > > > john d . martin > carr p . collins chair in finance > finance department > baylor university > po box 98004 > waco , tx 76798 > 254 - 710 - 4473 ( office ) > 254 - 710 - 1092 ( fax ) > j _ martin @ baylor . edu > web : http : / / hsb . baylor . edu / html / martinj / home . html > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: meeting with bob butts this is scheduled for 2 pm on thursday 27 th in his office ebl 906 . you are welcome to join . i will give a overview of what we ( sandeep & co ) are trying to do for dpc ( dabhol power ) and ask him to clarify the mark - to - market issues related to those deals . krishna .",0 +"Subject: associate / analyst super saturday participation enron managing directors , vice presidents , directors , and managers who utilize the associate / analyst pool as a follow up from a "" save the date "" email regarding your participation in the associate and analyst super saturday process , now is the time to select your dates to attend and participate . below are the dates for super saturday weekends during the upcoming recruiting season . if you are houston - based or if you know you will be in houston on business at the appropriate times please click the link below to volunteer . ( when selecting dates please avoid selecting to interview candidates who attend the schools for which you are a team member . ) associates analysts october 27 - 28 , 2000 november 3 - 4 thunderbird , ut , georgetown , rice rice , ut , baylor , a & m , ou , florida , lsu , uhcl november 10 - 11 , 2000 november , 17 - 18 , 2000 columbia , stern nyu , ucla , darden , cornell penn , uva , vanderbilt , michigan , howard , auc , vanderbilt , michigan uhmain december , 1 - 2 , 2000 december 8 - 9 , 20000 chicago , kellogg , harvard , wharton , mit wellesley , overflow and re - schedules from previous s / s friday , december 15 , 2000 carnegie mellon thank you for your support of the associate and analyst programs . shelly jones recruiting manager",0 +"Subject: braveheart fyi . . . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin kindall / corp / enron on 12 / 19 / 2000 02 : 08 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - gail tholen @ ect 12 / 19 / 2000 01 : 39 pm to : li sun / na / enron @ enron cc : kevin kindall / corp / enron @ enron , eugenio perez / hou / ect @ ect subject : braveheart new trs for 4 q . - - - - - - - - - - - - - - - - - - - - - - forwarded by gail tholen / hou / ect on 12 / 19 / 2000 01 : 32 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - connie lee @ enron communications 12 / 19 / 2000 09 : 40 am to : gail tholen / hou / ect @ ect cc : amin maredia / enron communications @ enron communications , michael krautz / enron communications @ enron communications , alan quaintance / corp / enron @ enron subject : braveheart gail , i have attached several emails which have the following items : 1 . hawaii 125 - 0 docs 2 . economic summary that includes a summary of all assumptions in the model 3 . models 4 . asset summary the following is a structure diagram : please let me know when you would like to meet to discuss these items . also , alan quaintance is the person who reviewed the hawaii 125 - 0 docs , so if you have any questions regarding those docs , you will probably need to meet with him . thank you ! connie lee manager enron broadband services 713 / 345 - 8227 ( w ) 713 / 419 - 2728 ( c ) connie _ lee @ enron . net - - - - - forwarded by connie lee / enron communications on 12 / 19 / 00 09 : 22 am - - - - - jonathanwylie @ akllp . com 12 / 13 / 00 08 : 37 pm to : alan . quaintance @ enron . com , amin maredia / enron communications @ enron communications , angela . davis @ enron . com , annmarie . tiller @ enron . com , aroberts @ wilmingtontrust . com , davidbarbour @ akllp . com , bill . bowes @ enron . com , brenda . l . funk @ enron . com , brent . vasconcellos @ enron . com , brian . kolle @ enron . com , brian wood / enron communications @ enron communications , charles . delacey @ enron . com , clement . abrams @ enron . com , connie lee / enron communications @ enron communications , damon @ rlf . com , david koogler / enron communications @ enron communications , ed smida / enron communications @ enron communications , gil melman / enron communications @ enron communications , gina . karathanos @ enron . com , kevin howard / enron communications @ enron communications , james ginty / enron communications @ enron communications , jlawler @ wilmingtontrust . com , jordan . mintz @ enron . com , julia . h . chin @ enron . com , kenton @ rlf . com , kimberly . r . scardino @ us . arthurandersen . com , kristina mordaunt / enron communications @ enron communications , lkao @ mayerbrown . com , luitgard fischer / enron communications @ enron communications , marc hensel / enron communications @ enron communications , mark . wolf @ us . cibc . com , murielmcfarling @ akllp . com , mercedes . arango @ us . cibc . com , michael krautz / enron communications @ enron communications , mniebruegge @ mayerbrown . com , tompopplewell @ akllp . com , renee st . louis / enron communications @ enron communications , richard anderson / enron communications @ enron communications , patsargent @ akllp . com , schottla @ us . cibc . com , dannysullivan @ akllp . com , tamullen @ prickett . com , tellwood @ mayerbrown . com , michaelthimmig @ akllp . com , trevor . randolph @ enron . com , trushar . patel @ enron . com cc : subject : mcgarret h ( blockbuster ) attached are the latest blacklines for mcgarret h ( blockbuster ) in word and word perfect format . below is a list of the documents included : 1 . asset notice 2 . series certificate 3 . series supplement 4 . drawdown request 5 . total return swap confirmation 6 . put option agreement 7 . put option assignment 8 . notice of put option assignment 9 . membership interest assignment and ratification 10 . asset llc agreement 11 . transferor llc agreement 12 . receipt of asset llc 13 . receipt of transferor 14 . receipt of trust 15 . independent auctioneer letter agreement 16 . transfer and auction agreement 17 . b interest assignment agreement 18 . direction letter to owner trustee 19 . payment direction letter let me know if you have problems with any of the attached documents . jonathan wylie associate andrews & kurth llp 1717 main st . , suite 3700 dallas , texas 75201 214 - 659 - 4514 confidentiality notice : the information in this e - mail ( including any attachments ) is confidential , legally privileged and intended only for the use of each recipient named above . if you are not an intended recipient , you must not read , use or disseminate this information . if you have received this e - mail in error , please notify the sender immediately by reply e - mail and delete this e - mail from your computer . > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > - 271595 . doc - 271595 . wpd - 271599 . doc - 271599 . wpd - 271616 . doc - 271616 . wpd - 271618 . doc - 271618 . wpd - 271619 . doc - 271619 . wpd - 271675 . doc - 271675 . wpd - 271677 . doc - 271677 . wpd - 271679 . doc - 271679 . wpd - 271733 . doc - 271733 . wpd - 271737 . doc - 271737 . wpd - 271739 . doc - 271739 . wpd - 271742 . doc - 271742 . wpd - 271745 . doc - 271745 . wpd - 271753 . doc - 271753 . wpd - 271763 . doc - 271763 . wpd - 271765 . doc - 271765 . wpd - 271767 . doc - 271767 . wpd - 271777 . doc - 271777 . wpd - 272972 . doc - 272972 . wpd - - - - - forwarded by connie lee / enron communications on 12 / 19 / 00 09 : 22 am - - - - - renee st . louis 12 / 14 / 00 06 : 41 pm to : connie lee / enron communications @ enron communications cc : subject : see attached - - - - - forwarded by connie lee / enron communications on 12 / 19 / 00 09 : 22 am - - - - - renee st . louis 12 / 18 / 00 04 : 17 pm to : luitgard fischer / enron communications @ enron communications cc : connie lee / enron communications @ enron communications subject : models louie - i ' ve attached all of the models , asset summary , etc . connie is familiar with them , and i will visit with her again before i leave . thanks ! renee",0 +"Subject: re : site license for power world i concur .",0 +"Subject: benchmarking questionnaires david , i am sending you the questions submitted by petronas for our meeting on feb 8 . are you going to invite additional rac people to the meeting ( bill bradford would be helpful with credit questions , bjorn may be interested as well ) . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 23 / 2001 09 : 43 am - - - - - - - - - - - - - - - - - - - - - - - - - - - khairuddinbmjaafar @ petronas . com . my on 01 / 22 / 2001 09 : 34 : 16 pm please respond to khairuddin _ mjaafar @ petronas . com . my to : vkamins @ ect . enron . com cc : azminab @ petronas . com . my subject : benchmarking questionnaires vince , attached are two sets of benchmarking questionnaires for your kind perusal . regards , khairuddin ( see attached file : q _ bench _ rms . doc ) ( see attached file : feb 5 - 17 , 2001 . doc ) disclaimer : this e - mail and any files transmitted with it ( "" message "" ) is intended only for the use of the recipient ( s ) named above and may contain confidential information . you are hereby notified that the taking of any action in reliance upon , or any review , retransmission , dissemination , distribution , printing or copying of this message or any part thereof by anyone other than the intended recipient ( s ) is strictly prohibited . if you have received this message in error , you should delete this message immediately and advise the sender by return e - mail . opinions , conclusions and other information in this message that do not relate to the official business of petronas or its group of companies shall be understood as neither given nor endorsed by petronas or any of the companies within the group . ( embedded image moved to file : pic 24962 . pcx ) - q _ bench _ rms . doc - feb 5 - 17 , 2001 . doc - pic 24962 . pcx",0 +"Subject: enron alp dear alp company representatives : thank you again for your participation in the alp company day at rice university . we are pleased to inform you that your project proposal has been chosen for the 2001 alp program . the following students will be working on your project : calabrese , luigi ? ? ? ? ? ? ? ? luigical @ rice . edu ghose , ivy ? ? ? ? ? ? ? ? ? ? ? ? ? ? ghosei @ rice . edu ghosh , ronnie ? ? ? ghoshr @ rice . edu iqbal , syed ? ? ? ? ? ? ? ? ? ? ? ? ? iqbal @ rice . edu sud , pravas ? ? ? ? ? ? ? ? ? ? ? ? ? pravas @ rice . edu womack , charles ? cwomack @ rice . edu the faculty liaisons for your project are : barrett , deborah ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? barrett @ rice . edu uecker , will ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? uecker @ rice . edu loughridge , dennis ? ? ? ? ? ? loughrid @ rice . edu a representative from the student team will contact you soon to set up a meeting time . if you need to contact your team , i have included the students ' email addresses . they check their email on a regular basis , so this is a good way to communicate with them . please let me know if you have any questions regarding this information . again , thank you for your interest in the jones school . best wishes for a great project ! carrie chamberlin miller director of mba program rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 5260 fax : ( 713 ) 348 - 5251 e - mail : cmiller @ rice . edu http : / / www . ruf . rice . edu / ~ jgs / pamela castro mba program associate rice university phone : 713 - 348 - 6223 fax : 713 - 348 - 5251 e - mail : castro @ rice . edu",0 +"Subject: enron open positions dear mr . kaminski : i would like to explore the opportunity to join enron investment partners . i understand that enron has $ 20 million fund set up to finance start - ups , and gene humphreys and his assistant john godbold are trying to attract minority - owned start - up firms . i also learned that enron has plans to increase the size of this fund to $ 200 million . i can find these opportunities for enron around the globe . given my background as a chartered financial analyst , with hands - on experience in investment management covering financial derivatives , fixed income , and equity , i can be a valuable resource to do the due diligence , origination , valuation , and monitoring of these start - ups . would you please help me arrange a meeting with either gene humphreys , ted murphy , or may be ken lay ? i am pasting below the job opportunities open at enron . i am also interested in these positions and would like to meet with the hiring manager . i will give you a call to follow up . thank you . sincerely , maruti more 832 - 251 - 7267 job 0000104282 details manager / director essential functions : candidates will be responsible for helping facilitate the transaction approval process for domestic and international investments . these investments include , but are not limited to , private equity , project development , venture capital , and structured credits . candidates will work with business developers and underwriters in identifying , understanding , and documenting transaction risks . they will also assist in preparing transaction approval documentation . in addition , they will oversee the valuation , modeling , and simulation process for investments . the primary focus is to identify and measure key risk factors from both a quantitative and a qualitative perspective with an emphasis on fundamental analysis . the candidate must be able to assist in management and training of departmental staff and in formulation of investment valuation policies and procedures . essential requirements : ? strong interpersonal skills ? understanding of transaction structuring and credit risk issues ? understanding of finance and valuation methodologies . ? proficiency with excel cash flow models ? experience with financial statement analysis ? understanding of statistics and simulation techniques ( monte carlo ) . preferred skills : na . special characteristics : the ideal candidate will possess an undergraduate degree in finance , accounting , or economics , and an mba . relevant experience could include credit analysis or valuation / finance experience . manager / director in the risk assessment department of a $ 20 billion energy company . contact : please email resumes to corpjobsl @ enron . com , please refer to job no . 104282 when responding . job id 0000104282 department capital pricing / risk an company corporate staff risk assessment and control location houston , tx type posting date 05 - jun - 00 to submit your resume for this position : online enter your resume id : no resume id ? you can create a resume on - line , deposit it in our database , and receive a resume id using our resume builder . your resume id will allow you to submit your resume once , but route it to up to 20 open positions . enron does not process resumes that are not sent in response to specific positions . if you have an existing resume in electronic format , the resume builder allows you to cut and paste your whole resume . fax our fax number is 1 - 888 - 588 - 7152 . you must tell us which jobs you ' re interested in , or we will not be able to process your resume . write on your resume ( or on a separate page ) all of the jobs ids of the jobs you ' re interested in pursuing . an equal opportunity and affirmative action employer top of page copyright 1997 - 1999 enron corp . all rights reserved . contact us . job 0000104281 details staff / spec / sr spec essential functions : "" snapshot "" preparation - responsible for preparation of quarterly asset "" snapshots "" which provides enron ' s senior management with summarized operational and financial information on selected merchant portfolio investments . responsibilities associated with preparation of snapshots include : researching publicly traded companies , calculating key financial data , updating and analyzing graphical summaries of performance , reviewing press releases for recent events data , updating stock prices from bloomberg ? weekly underwriters report - full responsibility for updating and distributing weekly underwriters ' report . involves regular interaction with executive vice president , london office personnel , as well as several vice presidents within underwriting group within rac . ? various projects - will be utilized on special projects on an as needed basis essential requirements : accounting / finance / economics degree with 0 - 4 years business experience . excellent computer skills - excel , powerpoint , bloomberg , word research skills and the ability to interact with a variety of personnel and departments . excellent organization skills . self starter , quick learner . must be team player . good writing skills with the ability to concisely summarize operational and financial results . preferred skills : na . special characteristics : . entry level position with the opportunity to gain familiarity with all of enron ' s portfolio assets . future advancement in asset and portfolio management possible for candidate who exhibits competence and creativity . contact : please email resumes to enajobsl @ enron . com , please refer to job no . 104281 when responding . job id 0000104281 department due diligence / asset mgmt company corporate staff risk assessment and control location houston , tx type posting date 05 - jun - 00 job 0000102789 details sr specialist essential functions : in this position candidates will model , run monte - carlo simulations , evaluate capital investments . these investments will cover a wide range . candidates will be responsible for the validation of models as well as insuring the accuracy and integrity of the model and underlying assumptions . the primary focus will be to provide an objective valuation for an investment by identifying and measuring key risk factors from both a quantitative as well as qualitative perspective . ? understanding of valuation techniques applied to equity or structured financial products . ? understanding of cash flow models and option pricing models . ? proficiency in excel . ? understanding of project finance and risk mitigation techniques . ? experience with financial statement analysis and pro forma statements . ? understanding of statistics and application to financial analysis . essential requirements : na . preferred skills : ? understanding of simulation methodologies such as montecarlo . ? exposure to statistical analysis software such as crystal ball or @ risk . the ideal candidate will possess an undergraduate degree in finance , accounting , or economics and have 2 to 3 years of financial modeling experience and an mba / cpa . special characteristics : na . contact : please do not contact the hiring manager . please no faxes . send resumes via e - mail to corpjobsl @ enron . com or mail to enron , attn : tvasut - eb 3628 , 1400 smith st . , houston , tx 77002 . please refer to job # 102789 job id 0000102789 department capital pricing / risk an company corporate staff risk assessment and control location houston , tx type posting date 17 - mar - 00 - attl . htm",0 +"Subject: re : next visit to houston george , would you like to take a like at the service ( see below ) . the meeting is on july 12 at 2 : 30 ( 19 th floor ) . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 29 / 2000 04 : 08 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" edward krapels "" on 06 / 29 / 2000 03 : 53 : 40 pm please respond to to : "" ' vince j kaminski ' "" cc : "" jeffrey shorter \ ( e - mail \ ) "" subject : re : next visit to houston vince , good to hear from you and i ' m glad you ' re available . how is wednesday at 2 : 30 ? i did look at eol and am not surprised to see its quality . i was unable to say much about it in my risk electricity hedging and trading report because of deadline pressures . how is the site doing ? i am intrigued by the competition for trading platforms and was astonished to hear that goldman , morgan , bp and shell were going to launch a site to compete with yours . talk about a shotgun marriage ! if we have time next week , i could step you through our website - - www . weathereffects . com . i ' m very proud of what we ' ve done . i can ' t give out a password yet but would be happy to walk through the site with you over the phone using my password . it ' s a very ambitious site - - with state - of - the - art wsi weather ( seasonal , 6 - 10 , and day to day ) driving a good load model for pjm and nepool . esai contributes oil and gas input price forecasts , capacity judgments , and "" herding "" ideas to develop power price forecasts for same time periods . after one month ' s full - bore effort , i ' m pleased with the results ( e . g . , we forecast nepool onpeak to be $ 43 and it turned out $ 46 ) . have a great weekend . ed - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , june 28 , 2000 5 : 29 pm to : ekrapels @ esaibos . com cc : vince j kaminski ; shirley crenshaw subject : re : next visit to houston ed , i shall be available on both days . what about wednesday , july 12 , between 1 : 30 and 4 : 00 . please , let me know what time would work for you . it will be nice to see you again . vince p . s . by the way , did you have a chance to take a look at the eol ? "" edward krapels "" on 06 / 28 / 2000 02 : 49 : 41 pm please respond to ekrapels @ esaibos . com to : vince j kaminski / hou / ect @ ect cc : subject : next visit to houston dear vince , i will be returning to houston during the week of july 10 . esai and weather services international have launched - - after more than 18 months of r & d - - our service , called energycast power trader and energycast gas trader , for power traders in nepool and pjm . i would be happy to review the service with you as well as take you on a tour of our web site . are you available on july 12 - 13 ? sincerely , ed krapels",0 +"Subject: re : hello team ken : we are very excited about our alp at enron . we look forward to working with you and your team and learning about the broadband space . thursday at cacciatore ' s sounds fine with us . we will see you there at 7 : 00 p . m . enron alp team - - - - - original message - - - - - from : kenneth . parkhill @ enron . com [ mailto : kenneth . parkhill @ enron . com ] sent : tuesday , january 23 , 2001 10 : 47 am to : luigical @ rice . edu ; ghosei @ rice . edu ; ghoshr @ rice . edu ; iqbal @ rice . edu ; pravas @ rice . edu ; cwomack @ rice . edu ; barrett @ rice . edu ; uecker @ rice . edu ; loughrid @ rice . edu cc : vince . j . kaminski @ enron . com subject : hello team we are very excited to be able to welcome your alp team to enron . we are looking to working with you this semester . to kick things off , we would like to invite you to cacciatore ' s this thursday for dinner ( 1 / 25 / 01 , 7 pm ) . if you can ' t stand italian cuisine , or would like to try a different day or time , please feel free to make a suggestion . we look forward to meeting you . ken 713 / 345 - 4638",0 +"Subject: videoconferencing picture clears up network world fusion focus : neal weinberg on product review of the week today ' s focus : videoconferencing picture clears up 03 / 14 / 00 dear wincenty kaminski , ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ this newsletter sponsored by w . quinn ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ how to regain the 30 % of nt / 2000 server space that ' s wasted free ! get a grip on spiraling disk consumption and regain 30 % or more of your site  , s enterprise storage capacity . wquinn ' s storagecentral lets you : monitor , track and control user disk consumption ; identify and control what types of files your users can write to your servers . get a grip on your nt / 2000 storage space - - free eval : l copy and paste urls that break in two lines and remove extra spaces . today ' s focus : videoconferencing picture clears up by neal weinberg if you  , ve been turned off by the jumpy frames and poor audio quality associated with real - time videoconferencing , the reviewmeister has good news for you . there  , s a new generation of videoconferencing end - point devices that provide business - quality pictures and sound for under $ 12 , 000 . we grabbed a box of popcorn and tested eight videoconferencing systems , using 384 k bit / sec isdn and ip connections . in the category of videoconferencing appliances that is , standalone systems that go in a conference room for group video sessions with colleagues or business partners polycom  , s viewstation mp was the clear winner . the polycom viewstation provided outstanding video and audio quality . in addition , it was easy to install , configure and use . in the category of pc - based products , which are especially good for virtual collaboration from your desktop , vcon  , s mc 800 was the hands - down winner , based on its high - quality components . the beauty of these products is they allow you to have a real - time video image of the person you  , re conferencing with in one corner of the screen , with the rest of the space available for data collaboration . if you  , re in the market for a system , be sure to get one with a sony evi d 30 / 31 video camera ; an unidirectional boundary microphone , like the audio technica ; and a quality sound mixer . and look for remote administration and system management tools . for example , the viewstation allows you to upgrade software , change settings , or change address book entries directly from the administrator  , s system . most systems will allow you to transmit over isdn or ip , but we found performance over ip was dragged down by ip  , s overhead requirements . for the complete product review , go to : of course , there  , s more to videoconferencing than end points , so we whipped up an implementation guide that lays out the network topology , bandwidth and quality - of - service issues . based on our testing , the reviewmeister says now is the time to start pilot - testing a videoconferencing system . your chief information officer will love it when you tell him you can slash your company  , s airline and hotel bills because you  , ve got people from all over the company in virtual rather than face - to - face meetings . next week : we loaded windows 2000 on a pc and a server and ran gigabit ethernet to the desktop . guess where the bottleneck was ? to contact neal weinberg : - - - - - - - - - - - - - - - - - - - - - - neal weinberg is features editor at network world , in charge of product reviews , buyer ' s guides , technology primers , how - tos , issue - oriented feature stories and the technology insider series . you can reach him at mailto : nweinber @ nww . com . for related links - - click here for network world ' s home page : http : / / www . nwfusion . com videoconferencing picture clears up , network world , 03 / 13 / 00 but implementation is still fuzzy , network world , 03 / 13 / 00 how we did it , network world , 03 / 13 / 00 subscription services to subscribe or unsubscribe to any network world e - mail newsletters , go to : to change your email address , go to : subscription questions ? contact customer service by replying to this message . other questions / comments have editorial comments ? write jeff caruso , newsletter editor , at : mailto : jcaruso @ nww . com for advertising information , write jamie kalbach , account executive , at : mailto : jkalbach @ nww . com network world fusion is part of idg . net , the idg online network . it all starts here : http : / / www . idg . com copyright network world , inc . , 2000",0 +"Subject: re : fw : eprm article thank you very much sir . i ' ll incorporate you comments later today and send it off . thanks also for your other comments , i ' m glad you regard the book highly enough for your group and your course . i look forward to catching up with you soon . best regards . chris . - - - - - original message - - - - - from : to : chris strickland cc : sent : wednesday , december 13 , 2000 10 : 41 am subject : re : fw : eprm article > > chris , > > i have read the paper . it reads very well . two comments . > > 1 . it probably makes sense to include a note on the standard gbm simulation > equation and > the way it ' s typically discretized . > > 2 . it will help the reader who did not read the earlier articles to explain > what ct is ( perhaps a footnote ) . > > > i am also including a message i sent to julie today . > > * * * * * * * * * * * * * * * * * > 1 . i would like to register 2 members of my group for both courses ( in > houston ) : > > a . paulo issler > b . alex huang > > i shall attend the course on weather only . > > 2 . i have started the process to issue a check for 5 , 000 aud for lacima . > shirley sent you an update on this . the 2 nd installment comes from the > budget of our > office in australia . i shall talk to paul quilkey today about it . please , > let me know if there is any delay . > > 3 . the book will be used as textbook for the class i shall be teaching at > rice . > rice univ bookshop is placing an order . > > 4 . i would like to order 50 copies for my group . what is the best > way to place the order ? can we pay in us dollars ? > * * * * * * * * * * * * * * * * * > > best regards . > > vince > > > > > "" chris strickland "" on 12 / 12 / 2000 05 : 21 : 22 pm > > please respond to "" chris strickland "" > > to : > cc : "" julie "" > subject : fw : eprm article > > > hi vince , > > i ' m wondering if you got this last week ? if you could have a quick look and > get back to me with any comments that would be great - robin is chasing me > on this one ! > > best regards . > > chris . > > > - - - - - original message - - - - - > from : chris strickland > to : > sent : wednesday , december 06 , 2000 4 : 16 am > subject : eprm article > > > > hi vince , > > > > hope things are fine with you . i ' m sorry that i only ever write to you > when > > i ' m after something , but could you look at this simulation article - the > > next installment in the eprm articles . > > > > many thanks and best regards . > > > > chris . > > > > > > > > - - - - - original message - - - - - > > from : > > to : ; ; > ; > > > > sent : friday , september 08 , 2000 4 : 23 am > > subject : re : var article > > > > > > > les , > > > > > > the revised version of the var article looks fine . > > > > > > vince > > > > > > > ( see attached file : eprm _ 04 _ sim _ mr . zip ) > > > > >",0 +"Subject: re : re : software license stinson , i ' m not sure who was going to handle this project - tom moore or laine borgman . so , by this e - mail , i will ask the appropriate person to respond to you . i have also given tom ' s name and e - mail address to ms . geman . they will just need to change in article 17 of the software license agreement the response time from 2 to 3 days and the software license part should be done . the only thing that would leave then is ms . geman ' s response regarding the escrow agreement as to whether it was agreeable to her and her law firm ( who would be holding the source code in escrow ) . i ' m not sure whether ms . geman has responded to tom about that or not . i have sent electronic copies of all of the documents to both tom and laine to finalize once ms . geman responded . tom can be reached at : x 55552 laine can be reached at : x 56470 thanks , karla stinson gibner @ ect 10 / 20 / 00 01 : 39 pm to : karla feldman / enron communications @ enron communications cc : vince j kaminski / hou / ect @ ect subject : re : re : software license karla , sorry for the delay . i have been out for the last three weeks . vince tells me that he has talked to ms . geman and they agreed on a time of 3 business days for a response time . is there someone else now handling this project ? thanks , stinson from : karla feldman on 09 / 27 / 2000 04 : 24 pm to : gemanix @ aol . com @ enron cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : re : re : software license ms . geman , i apologize for the delay , but i finally have drafted an escrow agreement for placing the software in escrow with your attorneys . please review and have your attorneys review and let me know if it is acceptable . i will be leaving the department i have been working in and moving to a different enron subsidiary on october 13 . if at all possible , could we try to get the software license agreement and the escrow agreement wrapped up before i leave so that someone else does not have to try to pick up where i left off ? i think we are just about in agreement on the software license portion . seems like the only outstanding question had to do with your concern regarding providing a response time of 2 business days . i do not have any answers regarding that - maybe vince kaminski or stinson gibner can respond on this issue . i look forward to hearing from you and trying to get this finalized within the next 2 weeks if possible . thank you , karla feldman enron corp . ( 713 ) 646 - 7554",0 +"Subject: venue change - very important ! ! understanding and applying financial mathematics venue change - london , september 21 & 22 : please note that i am faxing you a form which states a venue change for the above listed course . just to reconfirm , the training course will now be held at the following location : ? the white hall hotel 2 - 5 montague street ? london wclb 5 bu ? t 011 44 207 580 2224 ? f 011 44 207 580 5554 please contact venue search to arrange your accommodations - 011 44 208 541 5656 ? to confirm your acknowledgement of this venue change , please either fax back the form or respond to this email . please contact me with any questions you have regarding the change . ? regards , amy lamonsoff ? conference coordinator ? t ( 212 ) 925 - 1864 xl 48 f ( 212 ) 925 - 7585 ? alamonsoff @ watersinfo . com ? ?",0 +"Subject: model effort in houston christian , our spring / fall window of "" < nactivity "" is rapidly eluding us . . . we need to get our internal model operational without delay . along these lines , let ' s go ahead and plan your visit to houston as soon as possible , but by all means get you in at least 4 weeks before hurricane season . that would mean the month of may looks good . please inform me what duties you could not perform from here to support the sydney office , we ' ll figure out how to keep that office whole . ( it ' s working without a hitch to have steve bennett in london , but continuing his houston duties ) if the first week in may ( for the whole month ) will work , please respond asap and we ' ll get housing arrangements finalized . looking forward to your visit , - - - mike",0 +"Subject: department presentation , friday 7 th july , 8 : 45 am the fame of the research department is spreading all over europe ! best regards , martina - - - - - - - - - - - - - - - - - - - - - - forwarded by martina angelova / lon / ect on 05 / 07 / 2000 15 : 29 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron information technology from : enron europe general announcement 05 / 07 / 2000 15 : 27 please respond to european t & d / lon / ect to : ect frankfurt , ect helsinki , ect london , ect madrid , ect oslo , ect teesside , ect warsaw cc : subject : department presentation , friday 7 th july , 8 : 45 am maureen raymond - casta  eda , senior international economist , research department , houston will be presenting approach to country risk friday 7 th july 8 : 45 am - breakfast and questions to ms . raymond - casta  eda 9 : 00 am - presentation will start enron house , fifth floor , auditorium it is not necessary that you book a place , however if you have any questions please contact european t & d .",0 +"Subject: fw : eprm - - - - - original message - - - - - from : dave hall to : sent : tuesday , september 05 , 2000 8 : 53 pm subject : eprm > dear mr clewlow > > thanks for your piece on var for inclusion in the october edition of energy > & power > risk management . > > the article is attached . there are a few queries from the editor and myself > written in bold in the text . you might find that some parts of the piece > have been edited to > conform to our ' house style ' , etc . > > comments and suggestions welcome . > > should we send this article to anybody else for their approval ? > > thanks and kind regards , > > > dave hall > chief subeditor > energy & power risk management magazine > risk waters group > haymarket house > 28 - 29 haymarket > london > swly 4 rx > uk > tel : + 44 ( 0 ) 20 7484 9796 > fax : + 44 ( 0 ) 20 7930 2238 > > > > > > > > > > - var . doc",0 +"Subject: re : lng may 19 decision john , sorry for the confusion . this is a second tanker on which very few details are available . the lng group is working as we speak to provide some information for joe sutton before his departure for paris this ( tuesday ) afternoon . there is no dash on this 2 nd tanker yet . i asked dave gorte on monday to send me one and was not told that he can provide me with the mystic lady dash as the closest substitute . vince john sherriff 05 / 16 / 2000 12 : 20 am to : vince j kaminski / hou / ect @ ect cc : subject : re : lng may 19 decision vince - thanks for the update . what i am not sure of is what if any decision has to be made on may 19 . it seems to me that the mystic lady and elba island deals have already been approved and executed - but it is quite likely i am missing a detail or two . john vince j kaminski 15 / 05 / 2000 17 : 14 to : john sherriff / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , david gorte / hou / ect @ ect , rick buy / hou / ect @ ect , ted murphy / hou / ect @ ect subject : re : lng may 19 decision john , this is the update on what i have done for the lng transactions . 1 . i was not involved in the lng ship project . i shall read the dash and give you my comments . without looking at the details , i think that the decision to charter a tanker removes one significant risk we have at the elba island project ( please , see point 2 ) . 2 . elba island . i am working with doug rotenberbg , brad hitch , scott earnest ( sally beck ' s organization ) and rac to set up the book for the elba island transaction . the next step will be to expand the book to capture all the enron ' s lng - related positions in one place and to look for natural risk offsets and possible hedges . a working group is meeting to close a few remaining gaps tomorrow ( tuesday ) at 8 : 30 . a few comments on the book design and my view of the project : a . the current thinking is that lng will be sourced for the elba island facility by buying marginal cargos on the fob basis . marginal cargos will represent supply from excess capacity that has not been committed under long - term contracts or became available due to some short - term frictions . the fob cargos are typically selling at a significant discount to the long - term contract prices . the economics of the deal , as represented by the book we are setting up , will reflect the assumption that not only we can locate marginal cargos but that we shall be able to do it on a regular basis , arranging shipping and coordinating the facility schedule and natural gas transactions in the us . in other words , we have a significant logistical and operational risk in this transaction . b . the transaction will cover the period of 17 years ( with an extension option of 5 years ) . even if we can lock - in the lng volumes over this time period , we have no ability to lock - in the other side of the spread ( us gas prices ) for such a long tenor . this is essentially a tolling transaction with exposure to the lng - nat gas spread and i would not recommend locking - in only one leg of the spread . one solution would be to cover , let ' s say , 50 % of he lng volumes for the first 5 years and lock - in the nat gas side on the us market side . c . the book we are setting up will be based on many managerial assumptions regarding sources of lng , shipping rates , schedules , etc . i would set up a big prudence reserve in case we mark it to market . d . my group will work on valuation of some options we have in the elba island deal ( that are good for enron ) and on the hedging strategy for the lng positions . long - term lng contracts are typically based on the japanese crude cocktail that correlates very well with brent . vince john sherriff 05 / 14 / 2000 01 : 40 am to : vince j kaminski / hou / ect @ ect cc : lauren urquhart / lon / ect @ ect subject : lng may 19 decision vince i haven ' t spoken to you for awhile but hope the world is treating you well . anyway with greg moving to his new role i have ( i hope only temporarily ) staff trading oversight for the eastern hemishere plus lng . i understand that your group is taking a first cut at developing curves for lng and lng ship values . i also understand that another lng ship decision is on the dockets for may 19 ( not very far away ) . anway i understand this is a big decision but i still have gotten very little info yet . can you please let me know where you stand now ? i will ask my assistant lauren to set up a time that i can speak with you in the next couple of days and if you have anything for me to review before then she can get it faxed to me as well . look forward to connecting with you vince . john",0 +"Subject: exmar purchase decision fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by rick buy / hou / ect on 05 / 22 / 2000 01 : 34 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - john sherriff 05 / 22 / 2000 01 : 21 pm to : rick buy / hou / ect @ ect , joe gold / lon / ect @ ect , david haug / enron _ development @ enron _ development , doug rotenberg / enron _ development @ enron _ development , rick bergsieker / enron _ development @ enron _ development , vince j kaminski / hou / ect @ ect cc : subject : exmar purchase decision i just got off the phone with jeff skilling to make my pitch for doing the exmar deal . he said that he generally understands the logic of the deal but simply wants the risk management discipine applied to analzing the position ( a reiteration of what rick buy had said in our meeting today ) . i would simply ask vince ' s team to take a quick look tommorow at valuing the ships as stand alone positions with a guess at the volatility based on historical price movements . this would be much easier than the rainbow option approach and would allow us to roughly look at the value of the options on the other two ships . in other words we could look at two ship long positions with some implied volatilities and also estimate daily vars on the ships as if they were mark to market ( although i agree with david that we will not likely be able to mark the ships because they will be treated as leases ) . john john - - - - - - - - - - - - - - - - - - - - - - forwarded by john sherriff / lon / ect on 22 / 05 / 2000 19 : 05 - - - - - - - - - - - - - - - - - - - - - - - - - - - joe gold 22 / 05 / 2000 18 : 58 to : john sherriff / lon / ect @ ect cc : subject : exmar purchase decision john , after spending a few minutes with our shipping experts in the coal and oil groups , i have a slightly different angle on the exmar lng vessel decision . i would ideally like to spend the time to analyse this purchase as we do power and gas positions . unfortunately , we do not have that luxury and sometimes , in absence of true analytics , the most rudimentary measures can provide the best decision tools . here is how we would make the decision : 1 ) our shipping expert confirms that $ 140 million for a 135 , 000 ton ship represents a good price relative to new build costs over the last three years and that quotes have been trending up past that number recently . he also confirms that the current trough is the result of the default of several far east buyers and that new lng orders and other ship building ( cruise liners ) have reduced the over capacity . his experience and historic analysis has suggested that the pricing cycle for lng ships lasts for a significant period . new efficiency measures should reduce new build prices ( and allow for a lower trough ) , but not by an extreme amount versus the $ 140 million cost of this vessel . pierre normally likes to roll time charters ; however , this is difficult in an illiquid shipping market like lng . he would purchase this ship if the lng shipping book were his to manage . he estimates the ship could be sold in a distressed sale for $ 110 million and could be potentially time chartered on a long term basis at a value of up to $ 200 million . 2 ) our development teams in spain , italy and turkey have been trying to solve the big question - gas . in each country , the key to developing a merchant plant is securing gas flexibility or at least securing negotiating leverage with the monopoly gas supplier . it is questionable whether or not this decision will have an immediate impact on arcos . the plant ' s time line and the realities of the lng supply market may require that we commit to gas natural before any source of 3 to 5 year gas can be secured . the shear threat of being able to bring spot or term lng to these markets will improve our negotiating leverage and / or allow us to create flexibility . going forward , however , other potential plant opportunities in spain , and elsewhere in the med region , may have the capacity to utilise these vessels . i think that this flexibility is worth at least $ 25 million to me . 3 ) i would summarise : upside $ 60 + $ 25 = $ 85 million downside ( $ 30 ) + $ 25 = ( $ 5 ) million i would do it . i will leave the rest to you . joe",0 +"Subject: re : fax machine request ~ 05 - 19 - 2000 kevin , per your request , please see below : * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * new facsimile machine information please take a look @ the following and let me know , which fax machine you choose or if you need information on something smaller , then i will have the vendor contact you directly to finalise installation . an enron director or above { with signature authority to legally bind enron to a contract } will have to sign off on the contract paperwork before the fax machine can be installed . delivery times on new machines are normally 3 - 5 working days but either vendor listed below will be able to provide a "" loaner "" should you have a business need . please discuss the fax machine install date with the rep when ordering the equipment . if there is no existing fax line present , you will need to send a notes - mail to the move team { erica @ x 3 - 3185 or janelle @ x 5 - 7917 } requesting the installation of a new fax line . the move team can be found in the notes - mail "" ect address book "" . if you are an ees employee , you must first get new equipment approval from ees budget control . contact susan mcleroy @ x 5 - 8066 or via notes - mail . if you are an ebs employee , you must first get new equipment approval from ebs purchasing & budget control . contact paula corey @ x 3 - 9948 or martha reyna @ x 3 - 3491 . you can reach both of these people via notes - mail . if you are an ena employee , you must first get new equipment approval from ena finance & budget control . contact lorie belsha @ x 3 - 9617 or via notes - mail . a note on the fax machines listed below : all the machines listed below come with a 2 nd paper tray and upgraded memory { maxed by model ~ see below } as an enron standard from each vendor . all the fax machines listed below have a modem speed rated @ 33 . 6 kbps versus the canon laserclass 7500 { example only } @ 14 . 4 kbps = new fax machine should be noticeably quicker . document feeder capacity of the machines listed below are the same as the canon laserclass 7500 { example only } maintenance = models listed below have maintenance / repair coverage included in monthly $ total . there is no separate agreement ! toner / drum cartridges + paper + line charges are extra { not quoted } contract pricing can change without warning , so please let me know asap if a vendor quotes you a different price to those listed below against the various models . if the fax machine is to be used in a trading type environment , here are some considerations : no more than 20 people per fax machine = take a look @ the fax machine placement on eb 30 or eb 31 . disregard any fax machine that does not have a 33 . 6 k modem and jbig compression { or equivalent } . look for memory upgrades & 2 nd paper tray included in monthly cost . { models quoted are loaded } . maintenance is to be included in monthly cost { models quoted are covered } . * * * * * * * * * * * * * * * * * * * * * from pitney bowes pb 2050 cost : $ 95 . 00 per month on rental enron specs : this model has 10 megs of memory + a 2 nd paper tray as standard . pitney bowes weblink , click here - - > there are several of these fax machines located through out the enron building and 3 allen center , including some on trading floors . * * * * * * * * * * * * * * * * * * * * * pb 9930 cost : $ 76 . 00 per month on rental enron specs : this model has 10 megs of memory + a 2 nd paper tray as standard . pitney bowes weblink , click here - - > there are several of these fax machines located through out the enron building and 3 allen center , including some on trading floors . * * * * * * * * * * * * * * * * * * * * * pb 9830 cost : $ 55 . 00 per month on rental enron specs : this model has 5 megs of memory + a 2 nd paper tray as standard . pitney bowes weblink , click here - - > * * * * * * * * * * * * * * * * * * * * * from panasonic communications direct uf - 885 cost : $ 75 . 00 per month click below for machine details { similar to the uf - 880 with 8 megs of memory + 2 nd tray = no handset } : there are several of these fax machines located through out the enron building including some on trading floors . * * * * * * * * * * * * * * * * * * * * * the above machines are designed for workgroup use . q ) how many people will be using this fax machine ? q ) how much usage will this fax machine have ? { i . e . heavy = 40 faxes per day @ 20 pages / 60 faxes per day @ 2 - 3 pages or a lot less ? if "" heavy "" , either the pb 2050 , pb 9930 or uf 885 / uf 895 should fit your needs = if 15 - 40 , the pb 9830 would probably be a better fit } * * * * * * * * * * * * * * * * * * * * * contract details the fax programs are an agreement between each end user of the fax machine and the relevant vendor , as follows : pitney bowes 36 month rental . 30 day notice for termination of contract . no penalty for early termination of contract = call pb rep . and have the machine picked up , making sure a receipt is given to you by the collecting rep . upgrade / downgrade available = $ 0 penalty . rep will be happy to discuss details with you and answer any questions on these points . panasonic communications 36 month lease rental . 30 day notice for termination of contract before term expiration . no penalty for early termination of contract for office / department / location closure . upgrade / downgrade available = $ 0 penalty . rep will be happy to discuss details with you and answer any questions on these points . * * * * * * * * * * * * * * * * * * * * * please note the following the facsimile machine agreement is between the enron business unit / department requesting the facsimile machine and the vendor . the user or requester of the fax machine is responsible for invoice payment . enron property & services corporation is not responsible for the coding , processing or payment of facsimile { fax } machine invoices . in order to return any old fax machine equipment , you must contact the leasing company that supplied the equipment and send them a certified letter that terminates the agreement . if you terminate a contract within the original agreement period , you may be liable for penalty charges as a lot of fax machines are on a non - cancellable lease agreement . the vendor who supplied the fax equipment will be able to let you know of any outstanding $ amounts for your existing equipment . if you are asked to pay outstanding $ amounts , be aware that some vendors include the cost of outright purchase of the old fax equipment = from the contracts i have reviewed so far , you are under no obligation to purchase the old equipment . ikon contact name for returns : beth frank : phone = new # - - > 409 - 441 - 1262 { previously 281 - 355 - 6274 } beth frank fax # = new # - - > 409 - 441 - 1266 { previously 281 - 355 - 5496 } beth frank e - mail address ~ eafrank @ aol . com marimon business systems contact name for returns : don scott : phone = 713 - 686 - 6601 don scott fax # = 713 - 686 - 6676 { no e - mail address available } * * * please call me or e - mail me if it is a different vendor name on the machine and i will respond with a contact name * * * charges for fax machines are dependant upon manufacturer & model , with the person responsible for the fax machine , paying the invoice . you must notify the vendor of any changes relating to fax machine assignment { even if it is within the same group } = who the machine has been reassigned to { contact name } , the new contact phone # and the location of the machine . * * * * * * * * * * * * * * * * * * * * * fax machine supplies replacement toner cartridges : most of these are available to enron through corporate express @ savings over the fax vendor invoice price . these savings can be significant , so please e - mail me if you would like more details . * * * * * * * * * * * * * * * * * * * * * please call me if you have any questions . thanks , iain russell @ 713 - 853 - 6861 contracts supervisor administration enron property & services corp . * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * kevin g moore 05 / 19 / 2000 12 : 42 pm to : iain russell / epsc / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , mike a roberts / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : fax machine iain , please , i am in need of a fax machine . it was brought to my attention that you may have one available . please inform me concerning this matter , we need one a . s . a . p . . thanks kevin moore x 34710",0 +"Subject: re : all best wishes for 2001 geoff , you have very beautiful daughters . you must be a very proud father . i shall try to attend a few sessions of the cera conference . you can also call me when you are in houston and we can meet for dinner and / or drinks . vince "" lubbock , geoffrey "" on 01 / 29 / 2001 11 : 49 : 52 am to : "" vincent kaminski ( e - mail ) "" cc : subject : all best wishes for 2001 vince loved talking with you i ' ll be at the cera conference in houston feb 12 through feb 16 if i could manage to see you then i would enjoy it vey much geoff > ps it took me hours to produce the card which is hot off the press . best wishes for health wealth and happiness for you and your family in 2001 this email and any files transmitted with it are confidential and intended solely for the use of the individual or entity to whom they are addressed . if you have received this email in error please notify the system manager . - xmas 2000 . pdf",0 +"Subject: dinner thur . evening ? vince , greetings . i have not been advised by amy lamonsoff of a planned risk dinner next thur . if there will not be such a dinner , would your schedule permit a dinner next thur . ? best , ehud ehud i . ronn department of finance mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: re : visit to houston - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 02 / 13 / 2001 04 : 37 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner 02 / 13 / 2001 04 : 36 pm to : nick bambos @ enron cc : subject : re : visit to houston nick , friday , march 9 seems to be better for jim fallon . we are tentatively setting meeting with him , paul racicot , and probably arshak sarkissian who is heading the ip trading effort . let me know if you would like to give a presentation so we can reserve a room and send invitations . it will be fun to see you and giuseppe again . i am looking forward to your visit . regards , stinson nick bambos on 02 / 09 / 2001 11 : 33 : 33 am to : stinson . gibner @ enron . com cc : gappy @ stanford . edu , cope @ csli . stanford . edu subject : re : visit to houston hi stinson , eventually , the team here ( giuseppe , eric , myself ) has converged to two possible dates to propose for a visit : 1 ) friday , march 2 2 ) friday , march 9 how do these look on your side ? we ' ll structure the agenda immediately after we fix the date . i look forward to seeing you again . best , nick stinson . gibner @ enron . com wrote : > > nick , > > i hope things are going well and you are not staying too busy . we should > start planning for your next trip to houston , as i ' m sure your schedule > will be getting full very soon . perhaps you could give the people in > enron broadband an overview of the areas of interest within your research > group . i ' m sure we could also benefit from you views of how the current > technology is evolving . > > are there certain dates which would potentially work for you ? please let > me know by email or give me a call at 713 853 4748 . > > looking forward to talking with you . > > - - stinson",0 +"Subject: re : prc feedback forms gina , i shall be glad to speak with you . shirley crenshaw will call you to set up a meeting . vince from : gina corteselli / enron @ enronxgate on 04 / 16 / 2001 01 : 12 pm to : vince j kaminski / hou / ect @ ect cc : subject : prc feedback forms mr . kaminski : i would like to try to get on your schedule for a few moments this week to discuss the draft prc 360 evaluation forms ( provided below for your info ) to ensure that the criteria and skills and behaviors we have used are adequate for your employee population . the generic forms that were presented at the prc committee meeting a week ago may best reflect commercial employees , and to some extent commercial support employees , and may not be entirely appropriate for employees in some of the specialized technical and technical areas . i would appreciate your input on this so that , if possible and time permitting , we can try to tailor the form to suit needs across the organization . one simple solution may be to add a skills / behaviors block requesting evaluation and feedback on the employees specific job and performance , another solution would be to add job specific behaviors and descriptors to the list of those already developed ( second attachment below ) . i would welcome your thoughts and a few moments of your time to chat with you about this . many thanks , gina corteselli global performance management 713 853 - 3377 713 569 - 5589 ( mobile )",0 +"Subject: real options for mothballed plant i ' m off for my xmas break , so happy holidays to you all ! steve",0 +"Subject: entouch newsletter business highlights enron industrial markets enron industrial markets announced the signing of definitive agreements with huntco , inc . under which over a 15 - year period enron will provide inventory price risk management services and will eventually provide more than 600 , 000 tons per year of hot - rolled , cold - rolled and galvanized steel products to huntco steel . the agreements provide enron access to huntco ' s network of steel distribution centers nationwide . the agreements also provide for enron ' s acquisition of huntco ' s cold rolling and certain coil pickling operations in blytheville , arkansas . these transactions with huntco have the potential to fundamentally change the way steel is bought and sold in the united states . it gives enron immediate access to physical steel and positions enron geographically to serve the steel industry in a variety of ways . in addition to providing physical products on both a spot and term basis , eim ' s goals for the steel industry include developing commodity risk management products , providing structured finance products and establishing the market - making capabilities that enron has brought to the natural gas , power and other commodity markets . enron north america - upstream products upstream products has partnered with duke energy field services ( defs ) to close a 20 - year ngl exchange and transportation deal with formosa hydrocarbons and williams energy field services to handle raw make product from the williams markham plant . formosa hydrocarbons is building a 40 , 000 bpd fractionator to handle this and other gulf coast ngl production . the accompanying pipeline will be known as the seabreeze pipeline system and will be constructed by defs . texas brine llc will provide ngl storage services for formosa hydrocarbons on this system . primary production for this system is coming from the boomvang nansen field in the deepwater gom and will be the first deepwater gom production to come onshore in texas . upstream products has also worked to arrange a 20 - year transportation lease agreement on the dean pipeline ( owned by teppco ) for refinery grade propylene service to be utilized by formosa plastics . coupled with this transaction , enron clean fuels has entered into a propylene storage agreement with formosa plastics to utilize ecf ' s mt . belvieu storage facilities . in addition , enron global markets has been able to amend its current transportation agreement with teppco to prematurely terminate a take - or - pay obligation and realize additional transportation revenues from interim ngl production coming from the williams markham to be delivered to mt . belvieu . upon close , upstream products was monetized out of its initial position by defs and retained a risk - free net profits position on the seabreeze pipeline going forward for an additional 20 , 000 - 40 , 000 bpd of excess capacity on the system . ena west power southwest power , an ena affiliate , signed a 222 mw 15 - year tolling agreement with allegheny energy supply for all of the output of southwest ' s las vegas expansion project , scheduled for completion in september , 2002 . with the tolling agreement done and construction underway , the project will now be marketed to qualified generators . in the news "" to truly understand enron ' s jeffrey skilling - the hypersmart , hyperconfident chief executive of what may now be the largest energy trading company on the planet - head to your local video store and check out that classic american cinema , wayne ' s world . at 15 , skilling helped launch a no - budget television station in aurora , illinois - the very thing that mike myers and dana carvey so famously spoofed on saturday night live and in two movies . the tv skit even begins with a sketch of a teenage cameraman , the role of the real - life skilling . "" - - - randall lane , worth magazine . may 2001 . calgary , alberta - - enron canada has settled its lawsuit with ngx , canadian enerdata , om gruppen and richard zarzeczny , regarding the compilation and methodology for calculating the alberta natural gas price indices published by the canadian gas price reporter . by the terms of the settlement there will be a joint press release issued regarding the settlement , which is to be the only public communication regarding the matter unless agreed to by all parties . otherwise the settlement is confidential to the parties . accordingly , there is to be no formal or informal discussion with media , colleagues , competitors , counterparties or otherwise . welcome new hires egm - salil pradhan , randy o ' conner , ricardo charvel , greg fields , ken newman , john ashman , rick cantrell , tim klaiber , trevor woods , eim - tim asterman , maxine leclaire , jerry newton , philip siewert , janamon johnson , darralyn briskey , theodore rogers , ena - rae meadows , tiffany winship , adrianne engler , kimberly yates , jackie verity , transfers ( to or within ) ena - christa winfrey , mario alonso , paul rizo - patron , nick ploitis , misti day , robert cothran , susan wilson , diane cutsforth , david owen egm - mark friedman , john groves , deirdre mccaffrey , william windle enrononline statistics below are the latest figures for enrononline as of may 9 , 2001 . * total life to date transactions > 963 , 575 * life to date notional value of transactions > $ 579 billion nuggets & notes reminder : brown bag lunch , thursday , may 17 at 11 : 30 am in 5 c 2 . the speaker is michael l . miller discussing principal investments . "" historically , newsprint has been sold under strong relationships as a highly differentiated , branded product to "" very discriminating "" buyers at newspaper publishers . eim believed differently . by the end of march , eim had succeeded in closing on its 2 nd newsprint mill , making it the 7 th largest newsprint manufacturer in north america . remarkably , in just 2 months , eim ' s newsprint team has succeeded in closing $ 100 mm total notional value "" enron commodity style "" fixed price contracts with terms of 1 to 5 years ? . . and they said it wasn ' t a commodity . "" rodney malcolm - vice president , forest products sales and marketing travel tip of the week : book flights 7 days in advance . the cost savings can be considerable if you plan ahead - at least 7 days . for example : houston to portland less than 7 days : $ 1 , 652 7 day advance ticketing $ 324 congratulations to kimberly and eric thode , director of ena public relations . they are the proud parents of whitney marie , born on may 3 . she weighed 8 lbs . 8 oz . congratulations to proud parents nettelton and louise kitchen , coo , enron americas . their son , scott william , was born on may 9 and weighed 9 lbs . 1 oz . news from the global flash enron closes major coal deal in germany after almost six months of negotiations , enron ' s coal team has signed a contract with stadtwerke bremen to supply this major german municipality with coal until 2006 . under the deal structure , enron will deliver a total of 4 . 6 million tonnes of coal - equivalent to an overall contract volume of almost $ 200 million ( dm 440 million ) . the agreement represents enron ' s first significant long - term coal supply deal in germany . the annual contractual volume amounts to around 3 % of total german coal imports and provides us with continuous volume flow in northern germany , enabling us to grow our position in the market . parallel to this deal , enron also entered into a separate agreement with hms bergbau agentur , a company specialising in polish exports . under this agreement , hms will be the handling agent and a potential supplier of polish coal to us over the lifetime of the contract . congratulations to the whole team involved : sven becker , manfred ungethum , cornelia luptowitsch , peter bradley , jez peters and michael schuh . legal stuff the information contained in this newsletter is confidential and proprietary to enron corp . and its subsidiaries . it is intended for internal use only and should not be disclosed .",0 +"Subject: michael sergeev ' s rotation hi mike , as per our discussion i have managed to find a place for michael in ebs ' d . c . office . it is likely that he will work for me on the ebs side but will live in d . c . i will finalize that later . vince had mentioned that it is okay with him as long as it is okay with you . so please double check with vince on this . i suggest the following transition : start date in d . c . may 1 , 2000 from now till the start date , michael will slowly transition into my group but make sure that your activities are transitioned into someone else . but i would like to propose the may 1 , 2000 date as hard start so that michael will have to start moving few days before that , etc . regards , ravi .",0 +"Subject: merit and equity increases norma , i am sending you an excel spreadsheet with proposed merit and equity increases . i have slightly exceeded the merit quota . the equity increases address two issues : retention and and an error in setting a salary at hiring ( i tend to be too stingy ) . please , let me know if there are any questions . i am forwarding a copy of the spreadsheet to my home address so i can work on it tonight , if necessary . vince",0 +"Subject: re : thank you vince j kaminski @ ect 03 / 27 / 2000 01 : 02 pm to : tasha lair / hr / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect subject : re : tasha , yes , i think li xiao deserves the bonus . vince kaminski tasha lair @ enron 03 / 21 / 2000 02 : 24 pm to : vince j kaminski / hou / ect @ ect cc : subject : vince , linda vargo asked me because i am the administrator of employee referral program to contact you on whether or not li xiao is eligible for a bonus on his referral of alex huang . i have informed linda that the decision up to you . if you feel that alex huang was hired as a result of li bringing him to the attention of enron then the bonus is due . linda and yourself have communicated via e - mail on this issue in early february and it appears from that correspondence that li did encourage alex to e - mail his resume to you . please advise as to whether or not you want to award the bonus . thank you",0 +"Subject: hello all update : preparations for the upcoming texas finance festival iii are about complete and i just wanted to update you on the hotel reservations information . you will need to make your reservation before march 20 to be assured of getting a room in our reserved block . also , for "" counting "" purposes i need everyone ' s registration form completed . many of you ( and a lot of new faces ) have already sent them in but some may not have , so . . . lots of fun stuff is planned so come prepared for a very relaxing and productive weekend ! john - announcerev . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : ganapathy ramesh rick , the it person tanya would like to have dedicated to the mg effort is ganapathy ramesh . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 07 / 11 / 2000 02 : 55 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - tanya tamarchenko 07 / 11 / 2000 02 : 41 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : ganapathy ramesh vince , ramesh is he it guy , who can help us with mg var . tanya .",0 +"Subject: re : enron open positions maruti , what about september 8 , friday ? vince "" more "" on 08 / 25 / 2000 03 : 27 : 26 pm to : vince j kaminski / hou / ect @ ect cc : subject : enron open positions hello mr . kaminski , can we meet for a quick lunch again at your convenience ? just to bring you up to date about my search for the right opportunity . also i noticed in the risk magazine that enron investment partners and aig have joined treasuryconnect as strategic partners to capitalize on internet - based transaction execution of financial derivatives . i would like to explore if i can be any help to hank finkenstaedt , the director of enron investment partners . please let me know what day and time might be convenient for you . thank you . sincerely , maruti more 832 - 251 - 7267 mmore @ houston . rr . com - - - - - original message - - - - - from : more to : vince j kaminski date : monday , july 10 , 2000 11 : 28 am subject : enron open positions dear mr . kaminski : i would like to explore the opportunity to join enron investment partners . i understand that enron has $ 20 million fund set up to finance start - ups , and gene humphreys and his assistant john godbold are trying to attract minority - owned start - up firms . i also learned that enron has plans to increase the size of this fund to $ 200 million . i can find these opportunities for enron around the globe . given my background as a chartered financial analyst , with hands - on experience in investment management covering financial derivatives , fixed income , and equity , i can be a valuable resource to do the due diligence , origination , valuation , and monitoring of these start - ups . would you please help me arrange a meeting with either gene humphreys , ted murphy , or may be ken lay ? i am pasting below the job opportunities open at enron . i am also interested in these positions and would like to meet with the hiring manager . i will give you a call to follow up . thank you . sincerely , maruti more 832 - 251 - 7267 job 0000104282 details manager / director essential functions : candidates will be responsible for helping facilitate the transaction approval process for domestic and international investments . these investments include , but are not limited to , private equity , project development , venture capital , and structured credits . candidates will work with business developers and underwriters in identifying , understanding , and documenting transaction risks . they will also assist in preparing transaction approval documentation . in addition , they will oversee the valuation , modeling , and simulation process for investments . the primary focus is to identify and measure key risk factors from both a quantitative and a qualitative perspective with an emphasis on fundamental analysis . the candidate must be able to assist in management and training of departmental staff and in formulation of investment valuation policies and procedures . essential requirements : ? strong interpersonal skills ? understanding of transaction structuring and credit risk issues ? understanding of finance and valuation methodologies . ? proficiency with excel cash flow models ? experience with financial statement analysis ? understanding of statistics and simulation techniques ( monte carlo ) . preferred skills : na . special characteristics : the ideal candidate will possess an undergraduate degree in finance , accounting , or economics , and an mba . relevant experience could include credit analysis or valuation / finance experience . manager / director in the risk assessment department of a $ 20 billion energy company . contact : please email resumes to corpjobsl @ enron . com , please refer to job no . 104282 when responding . job id 0000104282 department capital pricing / risk an company corporate staff risk assessment and control location houston , tx type posting date 05 - jun - 00 to submit your resume for this position : online enter your resume id : no resume id ? you can create a resume on - line , deposit it in our database , and receive a resume id using our resume builder . your resume id will allow you to submit your resume once , but route it to up to 20 open positions . enron does not process resumes that are not sent in response to specific positions . if you have an existing resume in electronic format , the resume builder allows you to cut and paste your whole resume . fax our fax number is 1 - 888 - 588 - 7152 . you must tell us which jobs you ' re interested in , or we will not be able to process your resume . write on your resume ( or on a separate page ) all of the jobs ids of the jobs you ' re interested in pursuing . an equal opportunity and affirmative action employer top of page copyright 1997 - 1999 enron corp . all rights reserved . contact us . job 0000104281 details staff / spec / sr spec essential functions : "" snapshot "" preparation - responsible for preparation of quarterly asset "" snapshots "" which provides enron ' s senior management with summarized operational and financial information on selected merchant portfolio investments . responsibilities associated with preparation of snapshots include : researching publicly traded companies , calculating key financial data , updating and analyzing graphical summaries of performance , reviewing press releases for recent events data , updating stock prices from bloomberg ? weekly underwriters report - full responsibility for updating and distributing weekly underwriters ' report . involves regular interaction with executive vice president , london office personnel , as well as several vice presidents within underwriting group within rac . ? various projects - will be utilized on special projects on an as needed basis essential requirements : accounting / finance / economics degree with 0 - 4 years business experience . excellent computer skills - excel , powerpoint , bloomberg , word research skills and the ability to interact with a variety of personnel and departments . excellent organization skills . self starter , quick learner . must be team player . good writing skills with the ability to concisely summarize operational and financial results . preferred skills : na . special characteristics : . entry level position with the opportunity to gain familiarity with all of enron ' s portfolio assets . future advancement in asset and portfolio management possible for candidate who exhibits competence and creativity . contact : please email resumes to enajobsl @ enron . com , please refer to job no . 104281 when responding . job id 0000104281 department due diligence / asset mgmt company corporate staff risk assessment and control location houston , tx type posting date 05 - jun - 00 job 0000102789 details sr specialist essential functions : in this position candidates will model , run monte - carlo simulations , evaluate capital investments . these investments will cover a wide range . candidates will be responsible for the validation of models as well as insuring the accuracy and integrity of the model and underlying assumptions . the primary focus will be to provide an objective valuation for an investment by identifying and measuring key risk factors from both a quantitative as well as qualitative perspective . ? understanding of valuation techniques applied to equity or structured financial products . ? understanding of cash flow models and option pricing models . ? proficiency in excel . ? understanding of project finance and risk mitigation techniques . ? experience with financial statement analysis and pro forma statements . ? understanding of statistics and application to financial analysis . essential requirements : na . preferred skills : ? understanding of simulation methodologies such as montecarlo . ? exposure to statistical analysis software such as crystal ball or @ risk . the ideal candidate will possess an undergraduate degree in finance , accounting , or economics and have 2 to 3 years of financial modeling experience and an mba / cpa . special characteristics : na . contact : please do not contact the hiring manager . please no faxes . send resumes via e - mail to corpjobsl @ enron . com or mail to enron , attn : tvasut - eb 3628 , 1400 smith st . , houston , tx 77002 . please refer to job # 102789 job id 0000102789 department capital pricing / risk an company corporate staff risk assessment and control location houston , tx type posting date 17 - mar - 00 - attl . htm",0 +"Subject: meeting to discuss presentation materials please respond to hello vince and kenneth , my teammates and i would like to schedule a time with you to discuss our presentation materials . we would prefer to meet with you sometime on thursday so that we can have the weekend to include any changes that you may suggest , but we will accommodate your schedules . thank you for all of your help , = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = charles womack jr . mba candidate 2002 rice university jesse h . jones graduate school of management cwomack @ rice . edu cell : 281 - 413 - 8147",0 +"Subject: re : rotation information martin , i am working right here with jim irvine and discussed your rotation . you will report to me , with ' client ' reporting role to jim where you will do most of the work . you will remain in houston working on the 19 th floor for now until we find you a place on either 44 th or 45 th . jim irvine will be asking john griebling for network planning office space in houston . you will get an office in that area . jim will work from portland but will hold an office in houston . until the office space on ebs floors happens , you need to remain on the 19 th . we will allocate you to jim ' s & john griebling ' s group full time . you will have ebs computers , cell phone , etc . to be fully connected on the ebs side . you will work initially on the trffic engineering side to support day - to - day fire - fighting like analysis . i will supervise you with repect to guidance on what to do etc . . . jim will direct what will get done . both jim and i will support traffic engineering work but jim is ultimately responsible for deliverables . our technical operational research specialists ( samer , chonawee , and two others from stanford & mit ) will focus on next generation algorithms for ebs . such an algorithm is currently being specified . this will depend on how the trading market will develop . we know that existing off - shelf codes won ' t be sufficient . the development period for these algorithms will anywhere from 3 months to 9 months depending on the complexity . this is in - line with when ebs anticipates trade volumes to really pickup . i hope this helps . regards , ravi . martin . lin @ enron . com 02 / 23 / 00 02 : 06 pm to : ravi thuraisingham / enron communications @ enron communications cc : subject : rotation information ravi , the associate program has a procedure that requires information on new rotations . i just wanted to clarify some details of my rotation to ebs , esp given the retained ties to research . will jim irvine be my supervisor with ebs being the company billed for my time ? that is , will my connection to research be informal and understood , rather than having some actual reporting function ? this is with respect to the a / a pool . thanks , martin",0 +"Subject: request submitted : access request for mark . breese @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000005820 approver : stinson . gibner @ enron . com request create date : 10 / 26 / 00 2 : 27 : 45 pm requested for : mark . breese @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: re : lacima energy and weather derivatives courses by clewlow and strickland julie , a few issues . 1 . i would like to register 2 members of my group for both courses ( in houston ) : a . paulo issler b . alex huang i shall attend the course on weather only . 2 . i have started the process to issue a check for 5 , 000 aud for lacima . shirley sent you an update on this . the 2 nd installment comes from the budget of our office in australia . i shall talk to paul quilkey today about it . please , let me know if there is any delay . 3 . the book will be used as textbook for the class i shall be teaching at rice . rice univ bookshop is placing an order . 4 . i would like to order 50 copies for my group . what is the ebst way to place the order ? can we pay in us dollars ? vince "" julie "" on 11 / 12 / 2000 02 : 05 : 40 pm to : cc : subject : lacima energy and weather derivatives courses by clewlow and strickland please find attached information ? for our next two courses and workshops : ? energy derivatives : ? pricing and risk management and weather derivatives , which will be conducted in houston and in london in feb / march 2001 . ? instructors will be dr les clewlow and dr chris strickland . ? because the course requires intense interaction , the courses will be ? limited to a maximum of 15 people , so early registration is encouraged . ? if you require further information , or would like to register for either or both ? courses , please contact me via this email or our web site , ? www . lacimagroup . com - energy . pdf - weather . pdf",0 +"Subject: re : starting date : jan 8 th , 2001 vince : fyi - wichai is joining on jan 8 th . osman will take care of him until my return . krishna . - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 12 / 19 / 2000 03 : 34 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - pinnamaneni krishnarao 12 / 19 / 2000 02 : 54 pm to : osman sezgen / hou / ees @ ees cc : subject : re : starting date : jan 8 th , 2001 osman : can you request the desk & computer for wichai ? dennis has knows about wichai coming in january . thanks , krishan . - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 12 / 19 / 2000 02 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - pinnamaneni krishnarao 12 / 19 / 2000 02 : 52 pm to : "" wichai narongwanich "" @ enron cc : subject : re : starting date : jan 8 th , 2001 dear wichai : good to hear from you and glad you will be here soon . i will be on vacation in january . when i am gone you will report to osman sezgen who you have met when you were here in houston . please get in touch with him when you come here . his phone number is ( 713 ) 853 - 5485 . if you have any problems , contact our assistant shirley crenshaw at ( 713 ) 853 - 5290 . best wishes , krishna . "" wichai narongwanich "" on 12 / 19 / 2000 01 : 51 : 40 pm to : cc : subject : starting date : jan 8 th , 2001 dear dr . krishna , as mentioned during the interviewing process , i plan to start working under your supervision on earlier january . i ' m now ready to start working with your on jan 8 th , 2001 . i have been in contact with the human resource department to set up the working permit and relocation . i have received the optional practical training valid from jan 8 th , 2001 to jan 7 th , 2002 . i will go down to houston to look for an apartment this weekend . by the way , i heard from seksan , currently working under your supervision , that you will be on vacation soon and will come back to work again late january . therefore , i would like to whether who should i report with on my starting date ? or do you have any recommendation for me to prepare for the new work ? please , advise . best regards , wichai narongwanich - - - - - original message - - - - - from : pinnamaneni . krishnarao @ enron . com sent : tuesday , june 20 , 2000 1 : 21 pm to : wichai @ engin . umich . edu subject : re : resume for sr . specialist / manager - research position dear mr . narongwanich : you have an impressive background . what is your availability in terms of timing ? we are looking for somebody to join our group fairly soon ( weeks rather than months ) . thank you , p . v . krishnarao "" wichai narongwanich "" on 06 / 19 / 2000 09 : 17 : 35 am to : cc : subject : resume for sr . specialist / manager - research position dear mr . krishnarao , i received information about this job opportunity describe below by boo lee , an alumni of financial engineering program here in the university of michigan . the position is very interesting and relevant to my background ( pursuing ph . d . operations research with real options interest , completed mse financial engineering , mse industrial and operations engineering , have been working on ms - excel with vba for 4 years ) i attach my resume in ms - word document in this mail . if you need further information , please don ' t hesitate to contact me . sincerely , wichai narongwanich wichai narongwanich ph . d . candidate , ioe dept . research assistant , meam dept . university of michigan sr . specialist / manager - research position description : fulltime position as a member of the research group at enron supporting commodity risk management activities in enron energy services . the selected person will be working closely with the deal makers and risk - managers to develop and support quantitative models for pricing and risk management . responsibilities : responsibilities include analyzing data and developing models for valuing commodity ( or commodity - related ) contracts , options embedded in or real options associated with long term energy management contracts , forecasting customer loads , and managing risks associated with energy contracts . qualifications & skills : masters / doctorate degree in a quantitative field ( mathematics , statistics , operations research , econometrics / finance ) with experience or course work in statistics , data analysis and mathematical modeling . must have excellent computer skills and be able to function in a dynamic , unstructured environment . coursework in statistics / econometrics and basic finance preferred . proficiency in excel including vba . familiarity with access & visual basic . knowledge of risk management or energy markets a plus . place of work : houston contact : email resumes to pkrishn @ enron . com ( p . v . krishnarao ) ( see attached file : resume . doc )",0 +"Subject: re : enron weather research good afternoon mike : i certainly am interested in determining if there may be a potential fit there at enron . i am very enthusiastic to apply my finance and meteorology backgrounds in a market - based environment that is driven to achieve unprecedented efficiencies . attached are two documents : 1 ) a business - focused resume , and 2 ) an abbreviated meteorology cv . graduate meteorology coursework included advanced atmospheric dynamics i and ii , advanced physical meteorology , boundary layer modeling , numerical modeling , research methods in meteorology , and turbulence . i will look forward to hearing from you . sincerely , greg hunt - - - - - original message - - - - - from : to : cc : ; ; sent : friday , april 27 , 2001 9 : 12 am subject : enron weather research > > greg , > > hello , and by way of introduction , we were forwarded your e - mail address by > heather thorne . > > i understand you have an m . s . in meteorology as well as an m . b . a . in > finance , and have done some research at livermore . > > i ' d be happy to learn more about your activities , and , if you are > interested , to see if there may be a potential fit here at enron . > > can you e - mail your resume with a description of your coursework and > research activities ? > > looking forward to hearing from you , > > mike roberts > vice president - research > - greg hunt _ resume _ 4 - 27 - 01 . doc - greg hunt _ cv _ meteorology _ 4 - 27 - 01 . doc",0 +"Subject: re : message from samer takriti samer , i am glad this problem has been taken care of . hope everything is going well for you . i shall get in touch with you before coming to new york city . happy holidays an the best of luck . vince shirley crenshaw 12 / 11 / 2000 08 : 13 am to : vince j kaminski / hou / ect @ ect cc : subject : message from samer takriti vince : samer asked me to forward this to you ( he was using the wrong email address ) . i will forward him the correct address . shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 12 / 11 / 2000 08 : 11 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" samer takriti "" on 12 / 08 / 2000 10 : 01 : 49 am to : shirley . crenshaw @ enron . com cc : subject : shirley , my message to vince keeps coming back . could you please forward it to him ? thanks . - samer - - - - - - - - - - - - - - - - - - - - - - forwarded by samer takriti / watson / ibm on 12 / 08 / 2000 11 : 01 am - - - - - - - - - - - - - - - - - - - - - - - - - - - delivery failure report your document : was not vince . kaminsky @ enron . com delivered to : because : 550 5 . 1 . 1 . . . user unknown _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ to : cc : from : date : 12 / 07 / 2000 05 : 52 : 45 pm subject : vince , how are you ? i apologize for not contacting you earlier . we bought a small house and it is consuming all of our time . we also adopted a little puppy which proved to be a lots of work . believe it or not , i have not had the chance to visit ny city yet ( i was there once briefly to drive to the airport ) . i just received the check for the airline ticket . thank you for taking care of this issue quickly . shirley was , once again , superb . take care . hope you have great holidays . if you happen to be in the ny area , please let me know . perhaps we can have lunch or a drink together . - samer",0 +"Subject: mit student ' s thesis writeups hi vince , krishna & i talked to this student while were at sycamore networks . he appears to be very qualified for our ebs analytics group . sycamore has a professional services team that provides consulting on network optimization modeling , etc . they do this to push their products , etc . . . . one of the professional in that group highly recommended this student . we are currently working with the same professional at sycamore to perform our intial network design analysis ( since the deadline was today ! ) . i have arranged for the mit student ' s visit to houston along with the two standford students this month . i have handed over the task of arranging such visits to elisabeth grant . she will arrange everything and charge our rc so that we can allocate to john griebling later . stinson and i think that is the most effective way of doing this . regards , ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 07 / 00 01 : 16 pm - - - - - salal @ mit . edu 02 / 04 / 00 08 : 33 am to : pkrishan @ enron . com cc : ravi thuraisingham / enron communications @ enron communications , brett . leida @ sycamore . net subject : writeups hi krishan , ravi , i apologize for the delay in mailing the writeups - - some unforeseen complications completely shot the last 1 - 1 / 2 day . i am attaching pdf versions of : 1 . the first two chapters of my thesis , which should help get a sense of what we are trying to do . 2 . two more technical modeling writeups for services i am attempting to model . the writeups are , as i mentioned before , works in progress , and incomplete , and therefore i apologize in advance for confusions that might arise . i also request that you not circulate these widely for obvious reasons . thanks very much , salal salal humair massachvsetts institvte of technology operations research center rooms e 40 - 130 , 5 - 332 a x 3 - 3014 , x 5 - 9727 - expexp . pdf - fedex . pdf - thesis . pdf",0 +"Subject: resume of phil roan , koch weather desk shirley , phil roan , the quantitative analyst from koch ' s weather derivatives group will be here on the afternoon of friday june 16 , beginning say , at 1 : 30 or 2 : 00 . vince asked me to ask you to put a set of interviews together ( as i understand , vince himself will be unavailable that day ) . mark tawney should see him ; someone from weather marketing and / or structuring should see him , e . g . gary taylor and / or michael nguyen ; some more people from research should grill him on technical and meteorology issues , e . g . vasant and / or zimin as well as mike roberts or someone on his team . phil has only been a "" quant "" since the departure of koch ' s previous weather quant in february ; before that he was koch ' s weather "" risk manager "" . i am still not sure what the distinction means , but we do need to find out how much he knows about option pricing and meteorology . even though his expressed desire is to focus on weather derivatives , we should also assess how useful he would be from research group ' s perspective , since research will likely be his official home . finally , jere overdyke and / or someone else from his group ( george carrick , if available ) should also get a chance to meet with him . i ' ve already spoken with phil , but i ' d like to sit in with either vasant or zimin or mike when they interview him , since i wasn ' t able to ask any technical questions . if i ' m counting correctly , that should amount to five interview sessions , perhaps less if we interview in groups of two . phil ' s resume is enclosed below . joe p . s . i will also forward this to jason sokolov . he will let you know if any people from rac would also like to meet with him . - - - - - - - - - - - - - - - - - - - - - - forwarded by joseph hrgovcic / hou / ect on 06 / 07 / 2000 08 : 40 am - - - - - - - - - - - - - - - - - - - - - - - - - - - to : vince j kaminski / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , joseph hrgovcic / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : subject : resume of phil roan , koch weather desk - - - - - - - - - - - - - - - - - - - - - - forwarded by jason sokolov / hou / ect on 06 / 05 / 2000 01 : 54 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" roan , philip "" on 06 / 05 / 2000 08 : 33 : 00 am to : "" jason sokolov ( e - mail ) "" cc : subject : jason , here ' s the attachment we discussed . i ' ll call you this afternoon . phil roan roanp @ kochind . com ( 713 ) 544 - 7469 > - - - - - original message - - - - - > from : proan @ mindspring . com [ smtp : proan @ mindspring . com ] > sent : sunday , june 04 , 2000 8 : 07 pm > to : pr @ work > subject : > > > - philip f roan . doc",0 +"Subject: year end 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the year end 2000 performance management process by providing meaningful feedback on specific employee ( s ) . your feedback plays an important role in the process , and your participation is critical to the success of enron ' s performance management goals . to complete requests for feedback , access pep at http : / / pep . corp . enron . com and select perform review under performance review services . you may begin providing feedback immediately and are requested to have all feedback forms completed by friday , november 17 , 2000 . if you have any questions regarding pep or your responsibility in the process , please contact the pep help desk at : houston : 1 . 713 . 853 . 4777 , option 4 london : 44 . 207 . 783 . 4040 , option 4 email : perfmgmt @ enron . com thank you for your participation in this important process . the following is a cumulative list of employee feedback requests with a status of "" open . "" once you have submitted or declined an employee ' s request for feedback , their name will no longer appear on this list . review group : enron feedback due date : nov 17 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - andrews , naveen c rudi c zipter oct 31 , 2000 baxter , ashley david davies nov 02 , 2000 campos , hector o peyton s gibner nov 06 , 2000 carson , richard l richard b buy oct 30 , 2000 crenshaw , shirley j wincenty j kaminski oct 26 , 2000 gandy , kristin h celeste c roberts nov 01 , 2000 gorny , vladimir theodore r murphy ii nov 02 , 2000 kindall , kevin vasant shanbhogue oct 30 , 2000 lamas vieira pinto , rodrigo david port oct 31 , 2000 raymond , maureen j wincenty j kaminski nov 02 , 2000 supatgiat , chonawee peyton s gibner oct 27 , 2000 tamarchenko , tanya v vasant shanbhogue oct 26 , 2000 villarreal , norma e sheila h walton oct 26 , 2000 walton , sheila h david oxley oct 27 , 2000 yaman , sevil vasant shanbhogue oct 27 , 2000 yuan , ding richard l carson oct 31 , 2000",0 +"Subject: re : resume of carla di castro vince , we have many associates that we have to place within business units . thereafter , if there are additional hiring needs , we will consider her resume . regards , shannon vince j kaminski 03 / 16 / 2000 05 : 32 pm to : shannon rodgers / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : resume of carla di castro shannon , i realize that the program is full . if i find a group interested in her , would you consider re - inviting her ? vince shannon rodgers 03 / 16 / 2000 01 : 52 pm to : vince j kaminski / hou / ect @ ect cc : subject : resume of carla di castro vince , thank you for forwarding the resume of carla di castro . currently , our summer associate internship program is full . i have responded to carla to inform her of the program ' s status . regards , shannon",0 +"Subject: acceptance of offer sir , i have decided to accept your offer of employment here at enron . please let me know how i can help with the "" hiring - on "" process . may i ask what is the effective hire date ? that information will help me when i switch over from prostaff . thank you for this wonderful opportunity ! sincerely , sam smith",0 +"Subject: re : lunch with it and credit tanya , yes , we were talking about wednesday . my mistake . wednesday , april 19 works for me . let ' s do it then . vince tanya tamarchenko 04 / 10 / 2000 02 : 13 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : lunch with it and credit shirley , here is the list of people who is going to attend this lunch : credit : bill bradford , tanya rohauer , debbie bracket ( 3 ) ; research : vince kaminski , grant masson , vincent tang , tanya tamarchenko ( 4 ) ; it : jonathan le , ganapathy ramesh , winston jia , virendra patel , andrew champion ( and may be a few more , jonathan promised to get back with me with the headcount ) ; risk control : rudi zipter , ted murphy ( 2 ) . i understand that we were going to go not on 14 th , but next week . vince : would you like to do it on wednesday , april 19 , or friday , april 21 ? shirley , can you , please , make a reservation after vince ' s reply ? thank you , tanya . vince j kaminski 04 / 05 / 2000 02 : 51 pm to : tanya tamarchenko / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : lunch with it and credit tanya , can you coordinate , in my absence , the lunch with it and credit . we need the body count and reservation at the restaurant for the 14 th . vince",0 +"Subject: zero curve generator for uk gilts anjam , here is the model for fitting the term structure of uk gilts . the basic idea is as follows : dirty price _ { ith gilt } = sum _ { j } c _ { i } / 2 * discount factor ( t _ { j , i } ) + 100 * discount factor ( t _ { ni , i } using a five parameters analytical form for the discount factors , and minimizing the sum of absolute errors , i can derive a smooth zero curve . the model needs an initial guess for the parameters , this may require some experience . the log file can help you to see how well the optimization works . let me know if you have any questions . zimin",0 +"Subject: re : nick bambos sounds great . let me know how i can help . tom vince j kaminski @ ect 02 / 28 / 00 11 : 42 am to : thomas d gros / hou / ect @ ect cc : ravi thuraisingham / enron communications @ enron communications , vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : nick bambos tom , i got sick and had to reschedule the meeting with nick bambos . i shall meet him on saturday this week . i shall talk to him about the following : 1 . financing research projects by graduate students ( $ 100 k per year , spread over several projects ) 2 . inviting nick to visit enron 3 . i can mention the possibility of nick consulting for us . given his status , involvement in the internet 2 project , and views that closely parallel enron ' s vision , it makes sense to have him working for us . he could be a very effective voice supporting our initiatives . please , let me know what you think . vince",0 +"Subject: stephen bennett vince , for your use as per our discussions - - - mike - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 12 / 09 / 2000 10 : 32 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : mike a roberts 12 / 09 / 2000 10 : 33 am to : vince j kaminski / hou / ect @ ect cc : subject : stephen bennett stephen bennett , professional meteorologist , was hired into the research group in september of this year as a specialist based on salary alignment criteria . in retrospect , and upon review , he should have been hired on as a senior specialist . after coming on board . it rapidly became apparent that stephen was clearly an "" under hire . "" he is well - deserving of an immediate promotion ( really more of a correction ) and pay raise , to be made retroactive at least to the lst of this month . this memo outlines the circumstances surrounding this hiring error and provides detailed justifications for this retroactive "" promotion . "" at the time of the interview process , there was no position in enron designated as "" professional meteorologist . "" in fact , the most recent similar hire prior to that date was jose marquez , also a professional meteorologist , who was hired in , based on salary alignment criteria , as a manager . while functionally , both these men are meteorologists , enron has no such job classification . compounded by the urgency in bringing on additional professional expertise in short time order , it was difficult to peg the proper enron classification appropriate for this new position . this original uncertainty and resulting misplacement of stephen into the specialist category , rather than the senior specialist category , needs to be corrected at this time . although a "" new - hire "" to enron , stephen bennett has extensive work experience . he has worked as a professional meteorologist at both the weather services corporation in boston and at the weather channel in atlanta . he came to enron well - referenced by both those organizations , needing no further training and only minimal supervision . once aboard here in houston , stephen immediately demonstrated the core enron values with our unique sense of urgency . after only a week , he assumed responsibilities normally reserved for someone actually at even a manager level - he was assigned and fully took over the critical afternoon weather briefings to the gas traders . this includes analysis and report preparation as well as presentation . also in the presentation arena , he now regularly briefs various desks in the morning and throughout the day . stephen is a master of communication and particularly adept at conveying what through other messengers might otherwise seem confusing or ambiguous . stephen has also demonstrated an unusually high level of self - initiative . he designed , implemented , and now maintains several sub - sites on the research web page which he tailored to various customers - in specific : the weather derivatives team , the agricultural team , and most recently , the crude and liquids team . i have recently assigned stephen to spearhead our conversion and major upgrade of this web page . these above described accomplishments are above and beyond stephen  , s regular duties which include starting work at 5 am daily , reliably and without fail , to assemble and prepare our trader  , s weather report . recently , with the advent of extended hours for both nymex and enrononline , stephen voluntarily on his own accord , assists in our new sunday weather support effort . as his supervisor , fully cognizant of his already standard 50 + hour work week , i do not solicit , but readily accept , this above and beyond expectations assistance . in review , the circumstance which resulted in this under hire condition was enron  , s immediate need for a non - standard , fairly unique professional - a meteorologist , coupled with stephen  , s desire to work for our company in spite of the absence of a hierarchy which included the exact entitled professional title reflecting his chosen career path . . once hired , stephen has clearly demonstrated through contribution and performance that he is well - deserving of this immediate and retroactive promotion .",0 +"Subject: re : other matters kate wagner is setting up a happy hr . for him on friday . i will let you know details . also , i think andrea is having a brunch on sunday . mr vince j kaminski 04 / 27 / 2000 07 : 22 am to : mark ruane / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : other matters mark , i called rick to let him know . it ' s not an interview yet . aram is coming for a wedding but i think he wants to explore the opportunity of coming back to enron . the conversation may lead to an interview at some point . he will talk to andrea as well . do you plan to organize something for aram ? i would be glad to join . vince from : mark ruane 04 / 26 / 2000 05 : 53 pm to : vince j kaminski / hou / ect @ ect cc : subject : other matters i heard that you were going to be interviewing aram ? what ' s the job ? mark",0 +"Subject: re : pending approval for ibuyit request for wincenty ( vince ) kaminski : eva : remedy 412144 raul , raul , vince kaminiski is requesting acces to the technical view for catalog along with the ibuyit approval role . this is pending your approval . please send your response to sap security . thanks ! shirley crenshaw @ ect 04 / 19 / 2001 03 : 01 pm to : sapsecurity @ enron . com cc : vince j kaminski / hou / ect @ ect subject : ibuyit form attached please find the completed form for vince kaminski , managing director , research group . he will be approving all purchases for cost center 107043 . - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 19 / 2001 02 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : debbie skinner / enron @ enronxgate on 04 / 19 / 2001 02 : 52 pm to : shirley crenshaw / houston / eott @ eott , shirley crenshaw / hou / ect @ ect cc : subject : ibuyit form hi shirley there were two shirleys , so sending to both isc help desk",0 +"Subject: re : punit rawal ' s interview with enron kim : the interviews conducted on february 2 are just exploratory interviews to see where punit might fit within enron . vince thought he might fit in john ' s group . the title and $ $ amount will not be determined until it is decided where he should be ( if at all ) . if john is interested after the interview , then he and vince can get together to discuss $ $ and title . if you or john have any other questions , please let me know . thanks ! shirley 3 - 5290 to : shirley crenshaw / hou / ect @ ect cc : subject : re : punit rawal ' s interview with enron shirley , it is to my understand that vince is bringing in punit for a day of interviews . john has agreed to meet with him on february 2 . please inform vince and have vince get with john on what his title / $ $ will be . thanks k kim hillis enron americas office of the chairman phone : 713 - 853 - 0681 fax : 713 - 646 - 3227 shirley crenshaw 12 / 21 / 2000 11 : 03 am to : kimberly hillis / hou / ect @ ect cc : subject : punit rawal ' s interview with enron kim : punit is a carnegie mellon student that will be graduating with an ms in computational finance in may 2001 . several of our guys interviewed him at carnegie mellon recently and were very impressed . vince says that he is definately a trading candidate . would john be interested in interviewing him ? i am attaching his resume for you to look over and then let me know if john would be interested . thanks ! have a merry christmas ! shirley - punit + rawal + newresume . doc",0 +"Subject: re : real options thanks vince . paul q and raymond y will also attend the call . regards paul vince j kaminski @ ect 02 / 04 / 2001 11 : 16 pm to : paul smith / enron _ development @ enron _ development cc : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect , paul quilkey / enron _ development @ enron _ development , raymond yeow / enron _ development @ enron _ development subject : re : real options paul , we have done a lot of work in this area . i shall call you later today ( monday my time ) , tuesday morning your time with some recommendations . vince p . s . shirley , please send a real options binder to paul . vince from : paul smith @ enron _ development on 03 / 30 / 2001 08 : 42 am zel 0 to : vince j kaminski @ ect cc : paul quilkey / enron _ development @ enron _ development , raymond yeow / enron _ development @ enron _ development subject : real options vince , the sydney office is currently evaluating a proposal that involves an option to participate in building a wind farm . should this proceed , we would like to mark this option "" to market "" . have the research group completed any work on methods for booking and remarking real options ? alternatively , do you have any suggestions as to the best way to value , and book , real options fairly ? regards paul smith",0 +"Subject: re : mit / aa lab - next meeting amy , i think that rick causey wants simply to obtain more information to make a reasonable decision . we should cancel the meeting for the time being and let rick obtain clarification of some issues from aa . i would agree that aa came up with a rather vague concept of what they want to accomplish . vince to : vince j kaminski / hou / ect @ ect cc : subject : mit / aa lab - next meeting vince : can you shed any light on this ? i ' m confused ( really confused ) . . . . do you think this means the decision to go ahead / not is going to be made only by kean , buy and koening ? and do you think this means that we shouldn ' t meet on thurs ? personally , i think enron really needs to meet on thurs to buckle down and start developing some idea of needs / wants with regard to the outcomes of the lab . from a practical perspective , if we can ' t get what we want from this whole thing , rick ' s issue of "" where aa is going with this "" is really a mute point , isn ' t it ? so a working meeting might really be worth the effort . would appreciate your insight and advice . thanks . amy - - - - - - - - - - - - - - - - - - - - - - forwarded by amy oberg / hou / ees on 08 / 07 / 2000 09 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - richard causey @ enron 08 / 07 / 2000 09 : 07 am to : amy oberg / hou / ees @ ees cc : subject : re : mit / aa new value research lab i have discussed with aa and they are following up . if i am the agenda , i would cancel the meeting and when i hear from aa , i will e mail everyone . i would suggest we not hold a meeting until kean , buy , koenig and i can all come so that we can truly move forward ( or decide not to ) . let me know what you decide . thanks . rick to : richard causey / corp / enron @ enron cc : subject : mit / aa new value research lab rick : just wanted to highlight that you are the agenda for this meeting ( see initial notice , agenda ) . let me know if there ' s anything i can do for you . amy - - - - - - - - - - - - - - - - - - - - - - forwarded by amy oberg / hou / ees on 08 / 07 / 2000 08 : 19 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron energy services from : carol moffett 08 / 03 / 2000 04 : 21 pm phone no : 713 - 853 - 6658 phone 888 - 782 - 3518 pager eb 613 b to : richard causey / corp / enron @ enron , marie hejka / corp / enron @ enron , steven j kean / hou / ees @ ees , amy oberg / hou / ees @ ees , mark palmer / corp / enron @ enron , mark ruane / hou / ect @ ect , vince j kaminski / hou / ect @ ect , rick buy / hou / ect @ ect , mark koenig / corp / enron @ enron cc : sharron westbrook / corp / enron @ enron , christie connell / corp / enron @ enron , maureen mcvicker / hou / ees @ ees , laura gutierrez / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , karen k heathman / hou / ect @ ect , joannie williamson / corp / enron @ enron subject : meeting confirmed : mit / aa new value research lab this will confirm the meeting requested below . please note , all invitees are not available , but the confirmed meeting time is the best time for most of the invitees . date : thursday - august 10 time : 11 : 00 a to noon place : conference room 4741 confirmed attendees : rick causey marie hejka steve kean amy oberg mark palmer mark ruane thanks for your help , everyone . - - - - - - - - - - - - - - - - - - - - - - forwarded by carol moffett / hou / ees on 08 / 03 / 2000 04 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron energy services from : carol moffett 08 / 02 / 2000 03 : 44 pm phone no : 713 - 853 - 6658 phone 888 - 782 - 3518 pager eb 613 b to : ginger dernehl / hou / ees @ ees , shirley crenshaw / hou / ect @ ect , karen k heathman / hou / ect @ ect , sharron westbrook / corp / enron @ enron , laura gutierrez / hou / ect @ ect , laura valencia / corp / enron @ enron , patty pennington / enron communications @ enron communications cc : steven j kean / hou / ees @ ees , vince j kaminski / hou / ect @ ect , rick buy / hou / ect @ ect , richard causey / corp / enron @ enron , mark ruane / hou / ect @ ect , mark koenig / corp / enron @ enron , mark palmer / corp / enron @ enron , amy oberg / hou / ees @ ees , marie hejka / corp / enron @ enron subject : meeting request : mit / aa new value research lab good afternoon . i am assisting amy oberg with setting up a meeting among the individuals listed below . would you be so kind as to review their calendars and let me know if they are available during any of the suggested meeting times . meeting topic : mit / aa new value research lab meeting purpose : follow up to discussion from 8 / 1 / 00 ; rick causey to brief group on conversations w / aa regarding "" where they intend to go with this effort "" . attendees : steve kean vince kaminski rick buy rick causey mark ruane mark koenig mark palmer amy oberg marie hejka suggested meeting dates and times : thursday - august 10 anytime between 8 : 00 a and 10 : 00 a thursday - august 10 11 : 00 to noon friday - august 11 anytime between 8 : 00 a and 9 : 30 a friday - august 11 1 : 00 p to 2 : 00 p thank you .",0 +"Subject: ibuyit form attached please find the completed form for vince kaminski , managing director , research group . he will be approving all purchases for cost center 107043 . - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 19 / 2001 02 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : debbie skinner / enron @ enronxgate on 04 / 19 / 2001 02 : 52 pm to : shirley crenshaw / houston / eott @ eott , shirley crenshaw / hou / ect @ ect cc : subject : ibuyit form hi shirley there were two shirleys , so sending to both isc help desk",0 +"Subject: re : confirm participation at real options conference at cambridge u . - urgent vince can you please check with steve leppard and ask him to confirm , and send to me his position and title of his talk ( if different from yours ) ? thanks very much again lenos at 05 : 14 _ _ 04 / 19 / 00 - 0500 , you wrote : > > > lenos , > > my busy schedule does not allow me to attend . > > i would like , however , to recommend my colleague who works > in london , steve leppard . > he can make a very interesting and original presentation on real options . > please , let me know what you think . > > vince > > > > > > > lenos trigeorgis on 04 / 18 / 2000 09 : 29 : 18 pm > > to : lenos . trigeorgis @ rogroup . com > cc : ( bcc : vince j kaminski / hou / ect ) > subject : confirm participation at real options conference at cambridge > u . - urgent > > > > the attached file contains the tentative program for two back - to - back real > options conferences ( a professional one for july 5 - 6 , and the standard > annual academic one for july 7 - 8 ) at cambridge u . > > your name has been provisionally included on the program . please check all > the information relating to you and confirm your participation as listed > ( or advice us of desired changes immediately ) . > > thank you . > > lenos > > > > attachment converted : "" c : \ drive _ e \ eudora \ attach \ 4 thconfsessionsl 2 . doc "" > > > lenos trigeorgis > professor of finance > university of cyprus > dept of business > 75 kallipoleos , po box 20537 > cy 1678 nicosia cyprus > > tel : + 357 2 892261 > fax : 339063 > > > lenos trigeorgis professor of finance university of cyprus dept of business 75 kallipoleos , po box 20537 cy 1678 nicosia cyprus tel : + 357 2 892261 fax : 339063",0 +"Subject: o : \ research \ exotica access our records indicate that you are the owners / approvers for the o : \ research \ exotica folder . if this is correct , please reply back with your confirmation to information risk management . in an effort to update our files as well as to do some cleanup on the directory membership , we are including the current membership list for the following nt groups . please review the membership list and advise if any deletions are required . group name group description data _ exotica change access to o : \ reasearch \ exotica , ohara , scarlet data _ exotica _ ro read - only access to o : \ reasearch \ exotica , ohara , scarlet datapwr _ exoticarw change access to m : \ exotica data _ exotica user id full name adhar amitava dhar / hou / ees btiner brent tiner / corp / enron clandry chad landry / hou / ect cuus charles uus / hou / ect dmaxwel david maxwell / hou / ect dvitrel david vitrella gmasson grant masson / hou / ect jbuss jd buss / hou / ect khopper kevin hopper / hou / ect mlay mark lay / hou / ect mvasque miguel vasquez / hou / ect pkrishn pinnamaneni krishnarao / hou / ect pzadoro pavel zadorozhny / hou / ect sgibner stinson gibner / hou / ect thall d todd hall / hou / ect ttamarc tanya tamarchenko / hou / ect vguggen victor guggenheim / hou / ect vkamins vince j kaminski / hou / ect vngo van t ngo vshanbh vasant shanbhogue / hou / ect zlu zimin lu / hou / ect data _ exotica _ ro user id full name adhar amitava dhar / hou / ees aseveru allan severude / hou / ect bchan betty chan / hou / ect bdavis 6 brian davis / corp / enron cconsta chris constantine / hou / ect cgarci 2 christine garcia / enron _ development clandry chad landry / hou / ect cliverm carl livermore / hou / ect cschwab clarence schwab / ny / ect ctricol carl tricoli / corp / enron cuus charles uus / hou / ect danders derek anderson / hou / ect dbillot david billot / hou / ect dumbowe denae umbower / hou / ect epao eva pao / hou / ect fkarbar frank karbarz / hou / ect icaplan ilan caplan / hou / ect jgreene john greene / hou / ect jkinnem jeff kinneman / hou / ect jkrishn jayant krishnaswamy / hou / ect jmrha jean mrha / hou / ect kmccoy kelly mccoy / hou / ect ljegana lenine jeganathan / hou / ect mbradle michael w bradley / hou / ect mcisner michelle d cisneros / hou / ect mdaya madhur dayal / hou / ect mrodrig mark anthony rodriguez / hou / ect osezge osman sezgen / hou / ees pghosh partho ghosh s _ prandle phillip c randle / hou / ect sgoldma stephanie goldman / hou / ect sharril steve harris / hou / ect slewis susan r lewis / hou / ect sreyes selena reyes / hou / ect srivas sandy rivas / hou / ect srosman stewart rosman / hou / ect ssmith 7 sarah smith / corp / enron ssreera sai sreerama / hou / ect tbersan tracee bersani tbrown tony brown / hou / ect termserv terminal server test account teslick tara eslick / hou / ect tlee twana lee / corp / enron tnguye 2 tovinh nguyen / hou / ect vmendan vernon mendanha / hou / ect wlewis william patrick lewis / hou / ect datapwr _ exoticarw user id full name bkaufma bennett kaufman / hou / ect borourk brian o ' rourke / hou / ect bspecto brian spector / hou / ect dreck daniel reck / hou / ect ebaughm edward d baughman / hou / ect fhayden frank hayden gmasson grant masson / hou / ect gmcclel george mcclellan / hou / ect kcompea karla compean / hou / ect ketter kyle etter / hou / ect khopper kevin hopper / hou / ect mdalia minal dalia / hou / ect mgimble mathew gimble / hou / ect phickey patrick h hickey / hou / ect pkrishn pinnamaneni krishnarao / hou / ect rtomask richard tomaski / hou / ect sgibner stinson gibner / hou / ect vkamins vince j kaminski / hou / ect vsabo valarie sabo / pdx / ect vshanbh vasant shanbhogue / hou / ect zlu zimin lu / hou / ect thanks ! information risk management / audit lupita",0 +"Subject: re : fax machine request ~ 05 - 19 - 2000 we received the new fax machine on yesterday . we will also send it back today - may 26 , 2000 we will not use the fax machine as planned . thanks kevin moore - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 05 / 26 / 2000 09 : 46 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 05 / 23 / 2000 05 : 55 am to : vince j kaminski / hou / ect @ ect cc : subject : re : fax machine request ~ 05 - 19 - 2000 goodmorning vince , this is a very much needed fax machine . mike gave approval for the new fax machine , also i spoke with shirley concerning this matter . we have some new clients that requires faxes with long distance locations and the new fax machine will ensure that it reaches them in record time . thanks kevin moore fyi - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 05 / 23 / 2000 05 : 47 am - - - - - - - - - - - - - - - - - - - - - - - - - - - iain russell 05 / 22 / 2000 02 : 10 pm to : kevin g moore / hou / ect @ ect cc : mike a roberts / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , lorie belsha / hou / ect @ ect subject : re : fax machine request ~ 05 - 19 - 2000 kevin , jan lynn from pitney bowes will be contacting this afternoon to finalise paperwork + installation of the machine . thanks , iain . . . . . . . . . . . . . . . . . . . kevin g moore 05 / 22 / 2000 01 : 46 pm to : iain russell / epsc / hou / ect @ ect , mike a roberts / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : re : fax machine request ~ 05 - 19 - 2000 i would like to request fax machince model - pb 9930 . the location for this fax will be eb 3240 however , if arrival time is 24 hours the location will be eb 3270 a . thanks kevin moore r . c . # 100038 co . # 0011 - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 05 / 22 / 2000 01 : 39 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - iain russell 05 / 19 / 2000 01 : 23 pm to : kevin g moore / hou / ect @ ect , lorie belsha / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect , mike a roberts / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : fax machine request ~ 05 - 19 - 2000 kevin , per your request , please see below : * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * new facsimile machine information please take a look @ the following and let me know , which fax machine you choose or if you need information on something smaller , then i will have the vendor contact you directly to finalise installation . an enron director or above { with signature authority to legally bind enron to a contract } will have to sign off on the contract paperwork before the fax machine can be installed . delivery times on new machines are normally 3 - 5 working days but either vendor listed below will be able to provide a "" loaner "" should you have a business need . please discuss the fax machine install date with the rep when ordering the equipment . if there is no existing fax line present , you will need to send a notes - mail to the move team { erica @ x 3 - 3185 or janelle @ x 5 - 7917 } requesting the installation of a new fax line . the move team can be found in the notes - mail "" ect address book "" . if you are an ees employee , you must first get new equipment approval from ees budget control . contact susan mcleroy @ x 5 - 8066 or via notes - mail . if you are an ebs employee , you must first get new equipment approval from ebs purchasing & budget control . contact paula corey @ x 3 - 9948 or martha reyna @ x 3 - 3491 . you can reach both of these people via notes - mail . if you are an ena employee , you must first get new equipment approval from ena finance & budget control . contact lorie belsha @ x 3 - 9617 or via notes - mail . a note on the fax machines listed below : all the machines listed below come with a 2 nd paper tray and upgraded memory { maxed by model ~ see below } as an enron standard from each vendor . all the fax machines listed below have a modem speed rated @ 33 . 6 kbps versus the canon laserclass 7500 { example only } @ 14 . 4 kbps = new fax machine should be noticeably quicker . document feeder capacity of the machines listed below are the same as the canon laserclass 7500 { example only } maintenance = models listed below have maintenance / repair coverage included in monthly $ total . there is no separate agreement ! toner / drum cartridges + paper + line charges are extra { not quoted } contract pricing can change without warning , so please let me know asap if a vendor quotes you a different price to those listed below against the various models . if the fax machine is to be used in a trading type environment , here are some considerations : no more than 20 people per fax machine = take a look @ the fax machine placement on eb 30 or eb 31 . disregard any fax machine that does not have a 33 . 6 k modem and jbig compression { or equivalent } . look for memory upgrades & 2 nd paper tray included in monthly cost . { models quoted are loaded } . maintenance is to be included in monthly cost { models quoted are covered } . * * * * * * * * * * * * * * * * * * * * * from pitney bowes pb 2050 cost : $ 95 . 00 per month on rental enron specs : this model has 10 megs of memory + a 2 nd paper tray as standard . pitney bowes weblink , click here - - > there are several of these fax machines located through out the enron building and 3 allen center , including some on trading floors . * * * * * * * * * * * * * * * * * * * * * pb 9930 cost : $ 76 . 00 per month on rental enron specs : this model has 10 megs of memory + a 2 nd paper tray as standard . pitney bowes weblink , click here - - > there are several of these fax machines located through out the enron building and 3 allen center , including some on trading floors . * * * * * * * * * * * * * * * * * * * * * pb 9830 cost : $ 55 . 00 per month on rental enron specs : this model has 5 megs of memory + a 2 nd paper tray as standard . pitney bowes weblink , click here - - > * * * * * * * * * * * * * * * * * * * * * from panasonic communications direct uf - 885 cost : $ 75 . 00 per month click below for machine details { similar to the uf - 880 with 8 megs of memory + 2 nd tray = no handset } : there are several of these fax machines located through out the enron building including some on trading floors . * * * * * * * * * * * * * * * * * * * * * the above machines are designed for workgroup use . q ) how many people will be using this fax machine ? q ) how much usage will this fax machine have ? { i . e . heavy = 40 faxes per day @ 20 pages / 60 faxes per day @ 2 - 3 pages or a lot less ? if "" heavy "" , either the pb 2050 , pb 9930 or uf 885 / uf 895 should fit your needs = if 15 - 40 , the pb 9830 would probably be a better fit } * * * * * * * * * * * * * * * * * * * * * contract details the fax programs are an agreement between each end user of the fax machine and the relevant vendor , as follows : pitney bowes 36 month rental . 30 day notice for termination of contract . no penalty for early termination of contract = call pb rep . and have the machine picked up , making sure a receipt is given to you by the collecting rep . upgrade / downgrade available = $ 0 penalty . rep will be happy to discuss details with you and answer any questions on these points . panasonic communications 36 month lease rental . 30 day notice for termination of contract before term expiration . no penalty for early termination of contract for office / department / location closure . upgrade / downgrade available = $ 0 penalty . rep will be happy to discuss details with you and answer any questions on these points . * * * * * * * * * * * * * * * * * * * * * please note the following the facsimile machine agreement is between the enron business unit / department requesting the facsimile machine and the vendor . the user or requester of the fax machine is responsible for invoice payment . enron property & services corporation is not responsible for the coding , processing or payment of facsimile { fax } machine invoices . in order to return any old fax machine equipment , you must contact the leasing company that supplied the equipment and send them a certified letter that terminates the agreement . if you terminate a contract within the original agreement period , you may be liable for penalty charges as a lot of fax machines are on a non - cancellable lease agreement . the vendor who supplied the fax equipment will be able to let you know of any outstanding $ amounts for your existing equipment . if you are asked to pay outstanding $ amounts , be aware that some vendors include the cost of outright purchase of the old fax equipment = from the contracts i have reviewed so far , you are under no obligation to purchase the old equipment . ikon contact name for returns : beth frank : phone = new # - - > 409 - 441 - 1262 { previously 281 - 355 - 6274 } beth frank fax # = new # - - > 409 - 441 - 1266 { previously 281 - 355 - 5496 } beth frank e - mail address ~ eafrank @ aol . com marimon business systems contact name for returns : don scott : phone = 713 - 686 - 6601 don scott fax # = 713 - 686 - 6676 { no e - mail address available } * * * please call me or e - mail me if it is a different vendor name on the machine and i will respond with a contact name * * * charges for fax machines are dependant upon manufacturer & model , with the person responsible for the fax machine , paying the invoice . you must notify the vendor of any changes relating to fax machine assignment { even if it is within the same group } = who the machine has been reassigned to { contact name } , the new contact phone # and the location of the machine . * * * * * * * * * * * * * * * * * * * * * fax machine supplies replacement toner cartridges : most of these are available to enron through corporate express @ savings over the fax vendor invoice price . these savings can be significant , so please e - mail me if you would like more details . * * * * * * * * * * * * * * * * * * * * * please call me if you have any questions . thanks , iain russell @ 713 - 853 - 6861 contracts supervisor administration enron property & services corp . * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * kevin g moore 05 / 19 / 2000 12 : 42 pm to : iain russell / epsc / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , mike a roberts / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : fax machine iain , please , i am in need of a fax machine . it was brought to my attention that you may have one available . please inform me concerning this matter , we need one a . s . a . p . . thanks kevin moore x 34710",0 +"Subject: quantitative position vince we happened upon this fellow through strickland . what are your thoughts on the background ? we are still working to formulate our requirements in the office but consider this person worth talking to . paul - - - - - - - - - - - - - - - - - - - - - - forwarded by paul quilkey / enron _ development on 07 / 26 / 2000 09 : 39 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" simon hurst "" on 07 / 25 / 2000 10 : 10 : 23 pm please respond to "" simon hurst "" to : cc : subject : quantitative position dear paul , ? my friend chris strickland has informed me that enron is looking for a quantitative analyst . i am ? interested in talking to you about this position . i have attached my resume for your perusal . i am currently on holidays and can be ? contacted from ? monday 31 st july . my contact details are contained within my attached resume . i look forward to talking to you . ? yours sincerely , simon hurst . ? ? - srh resume . doc",0 +"Subject: seeking opportunity in computational finance dear vince : in following up on my voicemail message today , i attach my resume below for your review and consideration . it ' s ironic that you called while i was putting the message together . i will keep it short and look forward to speaking to you at your convenience . best regards , paul e . paul rowady , jr . 2300 west alabama , suite 69 houston , texas 77098 713 - 807 - 8624 home / fax 713 - 539 - 4541 mobile epr @ pipeline . com - paul rowady 2 . doc",0 +"Subject: re : grant masson great news . lets get this moving along . sheila , can you work out offer letter ? vince , i am in london monday / tuesday , back weds late . i ' ll ask sheila to fix this for you and if you need me call me on my cell phone . vince j kaminski 12 / 15 / 2000 09 : 50 am to : david oxley / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : grant masson david , a follow - up on my voice - mail message regarding grant . dave delainey is on board regarding grant . we can bring him back at the same level and comp , assuming that resignation was handled in a professional manner . dd asked me to work out the details with you . can we meet to talk about it on monday ? vince",0 +"Subject: enron : wefa luncheon may 1 martin : vince and lance want you to attend this presentation if possible . please let me know if you will be going to lunch also . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 13 / 2001 08 : 36 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 11 / 2001 12 : 36 pm to : lance cunningham / na / enron @ enron , vasant shanbhogue / hou / ect @ ect , alex huang / corp / enron @ enron , sevil yaman / corp / enron @ enron cc : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : enron : wefa luncheon may 1 would you like to attend the presentation and join me for lunch with wefa . any other suggestions re attendance . please , let shirley know . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 11 / 2001 12 : 36 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" peter mcnabb "" on 04 / 11 / 2001 11 : 52 : 47 am to : cc : "" kemm farney "" subject : enron : wefa luncheon may 1 dear vince thanks for your voicemail and delighted to have you confirm lunch on may 1 . kemm farney the head of wefa ' s electric power services will be travelling with me this time . i expect there may be other enron colleagues that may care to join us for lunch so don ' t hesitate to invite as you see fit . for reservations purposes , perhaps you arrange to let me know numbers . kemm would also be prepared to informally present our current power outlook to a larger group at 11 : 00 , if this would be of interest . as you know , these types of presentations are part of all your wefa energy retainer package . i will also plan to update you with respect to our current multi client study schedule for the remainder of the year . regards , peter peter a . mcnabb vice president energy , north america wefa inc . 2 bloor st . w . toronto , canada m 4 w 3 rl 416 - 513 - 0061 ex 227 - 2001 energy brochure . doc - wefaenergy _ factsheet for energy scenarios 2001 . doc",0 +"Subject: schedule and more . . dr . kaminski , i think i ' ll be able to start work from the last week of may , but not from monday , probably , i ' ll be able to work from 5 / 30 ( wed ) . will it be good ? i know it is not that much earlier than i mentioned . . 6 / 4 i am sorry . and actually , there is an e - business conference at haas school of business , organized by my advisor could you distribute the link and the attached invitation letter to groups interested in e - business and especially procurement ? the link is as following . i am afraid you might forgot this i told you in the last email . . . my advisor ( arie segev at haas school of business ; segev @ haas . berkeley . edu ) wants me to ask whether you have any idea on joint research with him during the summer , while i am staying there . his interest is in e - business . . ( what else . . ? ) and has expertise in e - procurement system and marketplace . . . xml based standard such as obi , cxml , xcbl , rosettanet , biztalk . . system interoperability study , auction and negotiation , workflow system , e - catalog management , digital signature , edi , etc etc . . . many technical aspects of e - business . . . he wants to do some kind of technical case study that is beneficial for both enron and him . he may travel one or two times to houston to have a meeting during the summer . ( and to be frankly , this will be good for me too , because i can have a meeting for my dissertation while he is in houston . . ) could you think about the possibility of joint research , with him ? thank you . . sincerely , jinbaek - fcp - invite . pdf",0 +"Subject: re : iris mack molly , this is the list of people we can ask to interview iris . i would include one ( or possibly more ) people from each group below , depending on availability . 1 . debbie brackett or bill bradford 2 . ted murphy , bjorn hagelman or david port 3 . mark tawney or joe hrgovcic 4 . greg whalley or louise kitchen i shall send a message to them explaining that we try to identify the best fit for a good candidate . vince enron north america corp . from : molly magee 12 / 18 / 2000 11 : 57 am to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : iris mack iris would like to come on thursday , 12 / 28 / 2000 , to visit with you and your group . she will be in new orleans , and will just fly in for the day . molly",0 +"Subject: a friend of mine shirley , please , arrange a phone interview with richard . stinson , myself , vasant . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 02 / 2001 08 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : kristin gandy / enron @ enronxgate on 05 / 01 / 2001 05 : 14 pm to : vince j kaminski / hou / ect @ ect cc : subject : a friend of mine vince , last week i was contacted by one of my friends who is very interested in becoming an enron employee . he has a phd and several years research and lab experience . richard is afraid that being a phd is a dying breed and may need to go back to school to obtain an mba . i was wondering if you would mind looking at the attached resume to assess if you have any interest in richard , or if you feel i should encourage him to go back to school . i am unclear as to the qualifications for your group so i apologize if this request is way off base . thank you for your help , kristin gandy associate recruiter enron corporation 1400 smith street eb 1163 houston , texas 77002 713 - 345 - 3214 kristin . gandy @ enron . com",0 +"Subject: reactions password reminder = = = = = = = = = = = = = = = = = reactions password reminder = = = = = = = = = = = = = = = = = hi , we do not seem to be able to see you on our systems , please try registering and you will automatically receive a username and password . if you have already registered on this website , then please let us know and we will investigate further . regards . reactions support - euromoney publications plc . tel : + ( 44 ) 0171 779 8927 fax : + ( 44 ) 0171 779 8704 ",0 +"Subject: ll visa - anshuman shrivastava anshuman : i have been asked to contact you regarding your possible move to houston , texas . in order that i may begin the process of getting you an ll immigration visa , i will need you to complete the attached visa questionnaire and return it to me with copies of the following documents : a copy of all pages of your passport , even if blank copies of all previous us visas issued an updated resume , showing months and years copies of all diplomas and transcripts received if you have dependent family members coming to the states with you , copies of their passports please send to my attention , via fedex to : enron corp . 3 allen center , 3 ac 2026 a 333 clay street houston , tx 77002 please call me with any questions you may have at 713 - 345 - 5083 .",0 +"Subject: re : new powermod 97 . xls marty : absolutely yes ! we are now using option functions in the exotic options library ( in r : \ exotica which everybody in risk management has access to ) instead of the old visual basic code in the powermod file . this improved the calculation speed for options quite a bit . we are also embarking on a new project to develop the next generation structuring and pricing models . i will discuss about this project in more detail with you soon and get your input , but the main goals i see now are : 1 . superior performance ( speed ) to enable fast pricing especially for the underwriting group , 2 . proper documentation for easy maintenance and ability to quickly adapt to meet future needs , and 3 . security / access control to the files . the first stage in this process is to take inventory of what we have : i am documenting the current structuring models . this step is important not only for developing our next generation models but also for the aa audit of all the ees pricing models . krishna . to : maureen craig / hou / ees @ ees , pinnamaneni krishnarao / hou / ect @ ect , dennis benevides / hou / ees @ ees cc : subject : new powermod 97 . xls any performance improvement to be expected ? - - - - - - - - - - - - - - - - - - - - - - forwarded by marty sunde / hou / ees on 07 / 26 / 2000 10 : 14 am - - - - - - - - - - - - - - - - - - - - - - - - - - - pinnamaneni krishnarao @ ect 07 / 24 / 2000 01 : 37 pm to : dennis benevides / hou / ees @ ees , james w lewis / hou / ees @ ees , neil hong / hou / ees @ ees cc : marty sunde / hou / ees @ ees , alexios kollaros / hou / ees @ ees subject : new powermod 97 . xls we have made enhancements to powermod 97 . xls model to enable proper processing from the batch model . these changes should not affect current functionality of this file . we will be putting the new version into production later today . please contact me or alex kollaros ( x 39806 ) with your comments or problems . thanks , krishna x 35485 .",0 +"Subject: re : book order thanks vince ! ? will champagne do ? ? if not , name your price . ? do you have an email address for steve leppard ? ? i tried : steve . leppard @ enron . com ? which bounced back . ? thanks , julie ? ps - guess i ' ll finally meet you at the end of the month ? - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : julie cc : vince . j . kaminski @ enron . com sent : wednesday , january 31 , 2001 1 : 36 pm subject : re : book order julie , there are many employees in london ? who would be interested . you can send ? an inquiry to steve leppard . i had a presentation last night to garp in houston and did a commercial for the book . you should put me on commission . vince "" julie "" on 01 / 31 / 2001 06 : 31 : 39 am please respond to "" julie "" to : ? ? cc : subject : ? re : book order vince , i wasn ' t sure if i responded to your email , so apologise either for my delayed response or repeating myself . thanks for the 2 nd order ! i believe they have already been ? dispatched . yes , i believe we received payment ; thank you very much for ? following up with paul . glad the book was a hit ! on another subject , are there any enron employees in europe who may be interested in attending either the energy or the weather course ? or , are the quants and risk management mostly handled out of houston ? thanks again , and i ' ll forward an invoice on to shirley . julie - - - - - original message - - - - - from : ? vince . j . kaminski @ enron . com to : julie @ lacima . co . uk cc : vince . j . kaminski @ enron . com sent : friday , january 26 , 2001 11 : 29 ? pm subject : book order julie , we received the shipment of 50 books . ? thanks . the book was an instant hit . we need 50 more ? books . vince p . s . i understand paul sent you the check for the ? remaining 50 %",0 +"Subject: memo information on grains and sugars from last week in memo form . nelson - - - - - - - - - - - - - - - - - - - - - - forwarded by nelson neale / na / enron on 03 / 05 / 2001 10 : 55 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : maria arefieva 03 / 05 / 2001 11 : 01 am to : nelson neale / na / enron @ enron cc : subject : memo attached please find a summary of sessions on grains and sugar . a memo on ag policy and outlook for the livestock sector will follow . thanks , masha",0 +"Subject: final project deadline is april 30 dear energy derivatives students , the deadline for the final project has been set for april 30 , 2001 . all grades will be submitted to rice administration by may 4 th ( university requirement ) . please mark your calendars ! ! ! if you have questions , please contact vince or me . good luck ! jason sokolov",0 +"Subject: meeting regarding "" gary hickerson trading "" hello all : vince would like to schedule a meeting on tuesday , may 23 at 3 : 00 pm in conference room ebl 938 . this will be to discuss the subject topic . please let me know if you are available . thanks shirley 3 - 5290",0 +"Subject: interview with the enron corp . research group good morning jacob : the enron corp . research group would like to bring you in for an informal interview . please give me some times and dates within the next 2 - 3 weeks that would be convenient for you and i will coordinate an interview schedule . the interviewers would be : vince kaminski managing director stinson gibner vice president krishna krishnarao vice president zimin lu director tanya tamarchenko director bob lee manager tom halliburton manager chonawee supatgiat manager i look forward to hearing from you soon . best regards , shirley crenshaw administrative coordinator enron research group 713 / 853 - 5290 email : shirley . crenshaw @ enron . com - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 08 / 2001 09 : 33 am - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 03 / 08 / 2001 09 : 17 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : subject : candidate for us jacob kang , currently a leading developer for pros energy applications , is interested in a job in derivatives valuation . let me know if we want to bring him for a interview . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 03 / 08 / 2001 09 : 07 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" jacob y . kang "" on 03 / 07 / 2001 11 : 10 : 24 pm to : zlu @ enron . com cc : subject : my cover letter and resume dear zhimin , the attached files are my cover letter and resume . thank you very much and i really appreciate your help on this matter . ying these two files do not contain any virus even though there are error signs on the virus check status . do you yahoo ! ? get email at your own domain with yahoo ! mail . http : / / personal . mail . yahoo . com / - cover letter _ enron . doc - resume _ ying . doc",0 +"Subject: re : fwd : happy st . patricks day jana , great attachment . thanks . saturday , march 25 works for me . i shall call or e - mail you from california to talk about the time . early afternoon would be great . vince jlpnymex @ aol . com on 03 / 17 / 2000 10 : 58 : 54 am to : vkamins @ enron . com cc : subject : fwd : happy st . patricks day vince , how about saturday , march 25 ? call or email me next week , to let me know what time would be good for you . have a good trip to california and a happy st . patrick ' s day today ! jana return - path : received : from rly - ydol . mx . aol . com ( rly - ydol . mail . aol . com [ 172 . 18 . 150 . 1 ] ) by air - ydol . mail . aol . com ( v 70 . 19 ) with esmtp ; fri , 17 mar 2000 10 : 06 : 51 - 0500 received : from mta 3 . rcsntx . swbell . net ( mta 3 . rcsntx . swbell . net [ 151 . 164 . 30 . 27 ] ) by rly - ydol . mx . aol . com ( v 70 . 19 ) with esmtp ; fri , 17 mar 2000 10 : 06 : 26 - 0500 received : from postoffice . swbell . net ( [ 207 . 193 . 12 . 192 ] ) by mta 3 . rcsntx . swbell . net ( sun internet mail server sims . 3 . 5 . 2000 . 01 . 05 . 12 . 18 . p 9 ) with esmtp id for jlpnymex @ aol . com ; fri , 17 mar 2000 09 : 04 : 52 - 0600 ( cst ) date : fri , 17 mar 2000 08 : 57 : 53 + 0000 from : ckcrews @ swbell . net subject : happy st . patricks day to : jana reply - to : ckcrews @ swbell . net message - id : mime - version : 1 . 0 x - mailer : mozilla 4 . 05 [ en ] c - sbis - nc 404 ( winnt ; u ) content - type : multipart / mixed ; boundary = "" - - - - - - - - - - - - eed 862 df 35 cd 73 flfo 74403 a "" - stpat . exe",0 +"Subject: re : interview elizabeth , yes , manager . thanks . vince from : elizabeth grant 01 / 10 / 2000 03 : 27 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : interview we ' ll get right on it . are you looking at him for a specific level ( manager ? ) - elizabeth vince j kaminski 01 / 10 / 2000 12 : 56 pm to : elizabeth grant / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : interview elizabeth , we would like to invite bob lee for an interview , january 24 , monday . he will be interviewed by me , stinson gibner , zimin lu , paulo issler , vasant shanbhogue , krishnarao pinnamaneni , grant masson . thanks vince",0 +"Subject: re : alp presentation vince , thank you for the invitation . i will attend the presentation , but have another commitment for dinner . please indicate the specific room for the presentation when it is known . thanks , wil at 08 : 13 am 4 / 10 / 01 - 0500 , you wrote : > on behalf of enron corp . i would like to invite you to an alp project > presentation by a group of students > of jesse h . jones graduate school of management , rice university . > > the students will present the results of a research project regarding > electronic trading > platforms in the energy industry . > > the presentation will be held on may 7 , at 4 : 00 p . m . at enron , 1400 smith . > > we would also like to invite you to dinner , following the presentation . > > > vince kaminski > > vincent kaminski > managing director - research > enron corp . > 1400 smith street > room ebl 962 > houston , tx 77002 - 7361 > > phone : ( 713 ) 853 3848 > ( 713 ) 410 5396 ( cell ) > fax : ( 713 ) 646 2503 > e - mail : vkamins @ enron . com",0 +"Subject: re : final pivot table for mg metals globals positions data dear all , please see attached spreadsheet - we will have to think of a way to automate the position update - right now it ' s a manual process to convert the text file that andreas sends us to proper spreadsheet format and then pivot table the results - only takes about 20 minutes to do this however . note that the version la var model links via vlookup to the spreadsheet attached ( as you know , we have to use vlookup because mg does not necessarily have positions in all forward months , whilst the pivot table only produces numbers for forward months with a position ) . regards , anjam x 35383 positions as of 19 th july - - - - - - - - - - - - - - - - - - - - - - forwarded by anjam ahmad / lon / ect on 25 / 07 / 2000 20 : 41 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron europe from : anjam ahmad 25 / 07 / 2000 19 : 17 to : cantekin dincerler / hou / ect @ ect cc : tanya tamarchenko / hou / ect @ ect , kirstee hewitt / lon / ect @ ect , grant masson / hou / ect @ ect , andreas . barschkis @ mgusa . com @ enron subject : re : positions data our pivot table ; we noticed that copper position for 19 th july has option included but this is not reported in mercur - i guess we should include the 5 , 248 tonnes for the copper option for 2000 . 09 , but we won ' t show any gamma . - - - - - - - - - - - - - - - - - - - - - - forwarded by anjam ahmad / lon / ect on 25 / 07 / 2000 19 : 18 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron europe from : anjam ahmad 25 / 07 / 2000 19 : 14 to : tanya tamarchenko / hou / ect @ ect cc : cantekin dincerler / hou / ect @ ect , andreas . barschkis @ mgusa . com @ enron subject : re : positions data hi tanya , we are using the data for 19 th july from andreas - see file attached . we are using this because we can reconcile to mercur print out that we got from andreas last wednesday . if you don ' t mind , perhaps cantekin can try again with this new sheet attached . we already looked at it , but would like to see what cantekin can come up with independently . i think the positions changed a lot from 3 rd july ( your data ) to 19 th july . thanks , anjam & kirstee",0 +"Subject: interview schedule for jinbaek kim i didn ' t see this before it went out , but i will be happy to meet with jinbaek in the 11 : 00 am time slot , if you don ' t have anyone else scheduled then . if not , i can easily meet with hiim after lunch . molly - - - - - - - - - - - - - - - - - - - - - - forwarded by molly magee / hou / ect on 01 / 17 / 2001 08 : 11 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - shawn grady @ enron 01 / 17 / 2001 06 : 02 pm to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , bob lee / na / enron @ enron , vasant shanbhogue / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect , anita dupont / na / enron @ enron , molly magee / hou / ect @ ect subject : interview schedule for jinbaek kim please find the interview packet for the above - referenced candidate . the interview will occur on friday january 19 , 2001 . please print all documents for your reference . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . shawn grady 58701",0 +"Subject: bob lee starting june 5 , 2000 bob lee ' s official starting date is june 5 , 2000 . shirley , bob will be reporting to zimin lu and primarily supporting ena . we will need to find a desk for him as well as set up his phone and pc ( can we use ravi ' s ? ) . elizabeth grant ( x 57583 ) has handled him on the hr recruiting side and has his contact information . thanks , stinson",0 +"Subject: ljm put valuation wes : attached is a spreadsheet for the valuation of the rthm put position . i should be in on tuesday , so feel free to give me a call at x 34748 . - - stinson",0 +"Subject: re : eol phase 2 michael , please , contact zimin lu . vince kaminski michael danielson 06 / 30 / 2000 01 : 10 pm to : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : angela connelly / lon / ect @ ect , savita puthigai / na / enron @ enron subject : eol phase 2 thanks for your help on content for eol phase 2 . an additional piece of content that we are trying to include in our scope is an options calculator . this would be an interactive tool to teach less sophisticated counterparties about options . we would like to collaborate with someone in research to refine our approach ( and make sure we ' re using the right formulas ) . who should we contact in research for this ? attached is a mock - up of what we have in mind . . . - calculator prototype . ppt",0 +"Subject: re : implementing term - structure of correlations for power tanya , while there is seasonal correlations in power , especially for np - 15 and sp - 15 ( same region ) , the term structure of correlations can be input . however , the same correlation structure with similar periodicity may not hold between np - 15 and , say , rlb ( neepool ) , though one would imagine that relationship would still be seasonal ( summer / winter ) , with greater noise . even if the correlational term structure is to be done for power , different rules would have to be inputted for different regions . naveen tanya tamarchenko @ ect 10 / 05 / 2000 10 : 42 am to : vladimir gorny / hou / ect @ ect , naveen andrews / corp / enron @ enron cc : kirstee hewitt / lon / ect @ ect , debbie r brackett / hou / ect @ ect , wenyao jia / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : implementing term - structure of correlations for power vlady 2 ) correlations are periodic with a period of 1 year ( this means we can use 12 correlation matrices calculated from first 12 forward contracts and apply these matrices to other forward months ) ; 3 ) using decay factor makes the curves a little smoother . implementation of multiple correlation matrices will not affect the speed of calculations in var model significantly . please , give me your response , thanks , tanya .",0 +"Subject: best picks hey , best picks are zigo and smtx steve",0 +"Subject: re : summer internships at enron vince : thanks . yes it is unfortunate that we were not able to quickly identify who the interested tiger team students were . we will go ahead and process an offer letter for kim and get it to her immediately . also , thanks for agreeing to help out with stanford . hopefully we will get a few good ones ! regards , celeste vince j kaminski 03 / 01 / 2001 09 : 32 am to : celeste roberts / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : summer internships at enron celeste , i have just talked to kim . i told her she will receive one . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 01 / 2001 09 : 31 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 03 / 01 / 2001 09 : 25 am to : celeste roberts / hou / ect @ ect cc : kristin gandy / na / enron @ enron , christie patrick / hou / ect @ ect , vince j kaminski / hou / ect @ ect , piazze @ wharton . upenn . edu subject : summer internships at enron celeste , it seems that the process lasted too long for some students and only kim whitsel is interested in the internship at this point . her resume has been forwarded to you . i am enclosing it just in case . thanks for your help . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 01 / 2001 09 : 20 am - - - - - - - - - - - - - - - - - - - - - - - - - - - fap on 02 / 23 / 2001 02 : 28 : 48 pm to : "" ' vkamins @ enron . com ' "" cc : "" ' piazze @ wharton . upenn . edu ' "" subject : summer internships at enron vince : thank you to you , ken and christie for coming to campus for the enron tiger team mid - project review . the students are working hard and appreciate your insight and suggestions to the project . thank you for your support of the wharton school . kim whitsel ( whitselk @ wharton . upenn . edu ) of tiger team 1 has informed me that she is very much interested in a summer internship at enron this year . i don ' t believe some of the students understood the process you had setup for them at enron as part of the tiger team . being concerned with having summer employment , they interviewed with other firms and ultimately accepted positions . the students asked that i express to you that this does not mean they are not interested in full time work at enron next year . i apologize and take responsibility for the lack of communication in this regard . i think it is a lesson learned and perhaps , in the future , we can make the agreement to students understood in advance of their "" dedicated interview week "" and eliminate their need to interview at all . this can also be an added advantage of applying to be a member of the tiger team . please let me know if you have any questions and exactly how kim whitsel should proceed . thank you , donna piazze program director field application project the wharton school univ . of pennsylvania 215 . 573 . 8394 fax 215 . 573 . 5727 fap @ management . wharton . upenn . edu piazze @ wharton . upenn . edu",0 +"Subject: re : thanks vince . . . jeff vince j kaminski 09 / 01 / 2000 10 : 23 am to : jeffrey a shankman / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : jeff , christ , mark and myself are planning to visit tom piazze in october . i talked to christy about wharton and she will be calling tom to set it up . vince from : jeffrey a shankman 09 / 01 / 2000 09 : 25 am to : vince j kaminski / hou / ect @ ect , mark palmer / corp / enron @ enron cc : celeste roberts / hou / ect @ ect , charlene jackson / corp / enron @ enron subject : hi vince , i just got off the phone with donna piazze at wharton , ( i don ' t know if there is a relationship with tom at wharton ) , and we were discussing there tiger teams . it is a required research program , 2 nd semester for mbas , and wharton would love to have enron participate . i told her there is probably some real life reasearch project we could have the students do . she did also mention that it is one of the best recruiting tools under development at wharton . . i gave her your number . her number is 215 573 8394 . please call her when you get a chance within the week . mark , can we get christy involved ? thanks everyone . jeff",0 +"Subject: professor bambos ' itinerary hello all : attached please find the itinerary for professor bambos . if any corrections need to be made , please let me know . thanks and have a great day ! shirley 3 - 5290",0 +"Subject: paper hi mr . kaminski , thank you for taking your time to interview me for opportunities at enron . i enjoyed talking you and learning more about enron and its dynamic business environment . i appreciate your consideration for a challenging and rewarding position in this industry . please find the attached copy of my dissertation . if you have any problem in compiling this file , please let me know . i respected your insights and perspective on the issues addressed in my ph . d . dissertation ; including the issues on creative model building , factors affecting natural gas and elctricity demand and supply , and implementation of these models to simulate the future and help traders in the decision making of their day to day business . i appreciated talking with you . thank you for considering me . i am enthusiastic about opportunities at enron and look forward to hearing from you . sincerely dipak agarwalla _ _ _ _ _ _ _ get more from the web . free msn explorer download : http : / / explorer . msn . com - dissertation - dipak agarwalla . doc",0 +"Subject: re : dr . michelle foss - energy institute aisha , the person to contact is christie patrick who is in charge our university relations office . her e - mail address is : christie _ patrick @ enron . com . i shall forward your message to ms . patrick . vince aisha jamal on 04 / 23 / 2001 03 : 15 : 29 pm please respond to aisha @ uh . edu to : vkamins @ ect . enron . com cc : mmfoss @ uh . edu subject : dr . michelle foss - energy institute dear mr . kaminski , i am writing to ask a favor for dr . michelle foss . as you know we will be running our "" new era "" program from may 14 - may 25 th . dr . foss was wondering if on may 22 nd ( between 1 : 30 pm and 4 : 00 pm ) , we would be able to bring our participants for a tour of your trading floor . at this time we will have 30 - 40 people , and since only 10 people maximum should really be on a trading floor we need to have 4 companies among which to divide our participants . at this time , we have a floor from coral energy , and are working with duke , and i will be contacting mr . paul roberts to arrange for the reliant energy trading floor . i was hoping very much that you would be able to direct me to the right person to contact to arrange this tour . will this be a possiblity ? i really appreciate your help very much . thank you ! best regards , aisha jamal energy institute 713 - 743 - 4634",0 +"Subject: wharton tiger team vince and kristin , i forwarded by separate emails the lists of tiger teams 1 and 3 . thanks ! - - christie . - - - - - forwarded by christie patrick / hou / ect on 02 / 15 / 01 11 : 28 pm - - - - - kristin gandy @ enron 02 / 15 / 01 01 : 07 pm to : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect cc : subject : wharton tiger team vince and christie , greetings . i am writing because i need a break out of names for the tiger team group 1 and 3 . i understand tiger team group 2 has decided not to be a part of enron and i also need to know who those students are . i have a listing of all the tiger team members but they are listed alphabetically so that does not help me with my quest . we are trying to firm up the details and get offers out to the correct people for summer associate positions in vince ' s department . regards , kristin",0 +"Subject: re : summer internship jinbaek , you can coordinate the details with me . let me know what the time frame is for you and we shall send you an appropriate offer . vince jinbaek kim on 03 / 02 / 2001 04 : 43 : 06 pm to : vince . j . kaminski @ enron . com cc : subject : re : summer internship dr . kaminski , thank you very much . of course , i ' ll be happy to have an opportunity to work at such a wonderful company . i was contacting with surech raghavan at deal bench team , and was going to express my appreciation to you again after settling down process with them . for the period of working , i still need to coordinate with my advisor and may need to adjust according to that . but anyway , i ' ll try to coordinate smoothly . please let me know whether i should keep contacting with deal bench team , for working period and for misc . living support such as finding a place , rent a car , etc . i appreciate you so much again , for arranging such meetings and giving me an opportunity . all this opportunity will not be available to me , without your kind help . warm regards , jinbaek jinbaek kim ph . d candidate dept . of industrial engineering and operations research u . c . berkeley http : / / www . ieor . berkeley . edu / ~ jinbaek go bears ! : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . : a a : _ _ . . . . . _ : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . : . ' : ` . : ` , ` . ` . : ' - - ' - - ' : . ' ; ; : ` . _ ` - ' _ . ' ; . ' ` . ' "" ' ; ` . ' ; ` . ` : ` ; . ` . ; ; : ; . ' ` - . ' ; : ; ` . _ _ . ' . ' . ' : ; ` . . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' ` . . . . . . . - ' ` . . . . . . . . ' on fri , 2 mar 2001 vince . j . kaminski @ enron . com wrote : > hello , > > sorry for a delay in getting back to you . > we would like very much to offer you a summer internship . > > please , let me know if you are interested . > > vince kaminski > >",0 +"Subject: re : rent r / c updates - 19 th floor & 29 th floor hi carol : thanks for helping straighten this out . below are the room numbers and people ( plus ext . ) . 1938 team room 3 - 3135 1939 maureen raymone 3 - 0396 1940 tanya tamarchenko 3 - 3997 1941 vacant 1942 vacant 1943 clayton vernon 3 - 9719 1944 amitava dhar 3 - 4215 1945 alex huang 3 - 1631 1946 kevin kindall 5 - 8167 1947 vacant 1948 vacant 1949 farouk llaji 3 - 1790 1951 vacant 1951 a printer / fax 1952 vacant 1953 mail stop / supply station 1954 wm . sam smith 5 - 8322 1955 martin lin 3 - 9387 1955 a xerox machine 1956 printer / colored printer 1957 vacant 1958 paulo issler 5 - 6274 1959 vincent tang 3 - 4790 1960 ravi thuraisingham 3 - 3057 1961 shirley crenshaw 3 - 5290 1962 vince kaminski 3 - 3848 1963 stinson gibner 3 - 4748 1964 p . v . krishnarao 3 - 5485 1966 grant masson 3 - 4768 1967 zimin lu 3 - 6388 1968 vacant 1969 kevin moore 3 - 4710 1969 a vacant 1969 b vacant 1970 mike roberts 3 - 5701 1971 joe hrgovcic 3 - 3914 1972 a vacant 1972 b roman zadorozhny 3 - 9737 1972 c michael sergeev 3 - 4305 1972 d tricia tlapek 3 - 6615 1972 e jason sokolov 3 - 6286 1973 vasant shanbhogue 3 - 7570 19 c 2 conference room carol brittain 01 / 10 / 2000 11 : 33 am to : shirley crenshaw / hou / ect @ ect cc : joann holloway / epsc / hou / ect @ ect , janelle duree / hou / ect @ ect subject : re : rent r / c updates - 19 th floor & 29 th floor shirley : if you could forward all the names , locations , and extensions to me so that i can update fms and the employee lists , i will take care of this for you . carol enron property & services corp . from : joann holloway 01 / 10 / 2000 09 : 48 am to : carol brittain / epsc / hou / ect @ ect cc : subject : re : rent r / c updates - 19 th floor & 29 th floor - - - - - - - - - - - - - - - - - - - - - - forwarded by joann holloway / epsc / hou / ect on 01 / 10 / 2000 09 : 48 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 01 / 07 / 2000 03 : 33 pm to : joann holloway / epsc / hou / ect @ ect cc : subject : re : rent r / c updates - 19 th floor & 29 th floor oh dear ! i thought it was all straight . ebl 931 was my room on the original floor plan , but somehow they changed the numbers . we were all packed , everything was ready for the move and i just happened to come to the 19 th floor the day of the move and noticed that they had renumbered all of the rooms ! the move team hurredly put stickers ( with the old numbers ) on the doors of each room . i am now in eb 1961 . vince kaminski is in 1962 . if you need the names for all of the other rooms , let me know . sorry ! enron property & services corp . from : joann holloway 01 / 07 / 2000 03 : 09 pm to : shirley crenshaw / hou / ect @ ect cc : subject : re : rent r / c updates - 19 th floor & 29 th floor shirley , i guess my floor plans are misnumbered . in what room number are you sitting ? the relocation request had eb 1931 . jo ann shirley crenshaw 01 / 07 / 2000 02 : 16 pm to : joann holloway / epsc / hou / ect @ ect cc : subject : re : rent r / c updates - 19 th floor & 29 th floor joann : sorry , joann , i did not read all of your first e - mail . listed below are the spaces on 19 that should be charged to 0011 - 100038 . 1938 1939 1940 1941 1942 1943 1944 1945 1946 1947 1948 1949 1951 1951 a 1952 1953 1954 1955 1956 1957 1958 1959 1960 1961 1962 1963 1964 1965 1966 1967 1968 1969 1970 1971 1972 1973 enron property & services corp . from : joann holloway 01 / 07 / 2000 02 : 04 pm to : shirley crenshaw / hou / ect @ ect cc : subject : re : rent r / c updates - 19 th floor & 29 th floor shirley , although the rent for your locations on the 19 th floor has been updated , i ' ve just received a relocation update for some folks moving from the 45 th floor to the 19 th floor tonight . the odd thing is that among many other locations , the following locations were included ( which you ' ve already requested be assigned to 0011 / 100038 ) : eb 1930 eb 1931 eb 1932 eb 1933 eb 1934 eb 1935 eb 1936 please let me know if they should stay assigned to your group or should they be assigned to this other group ' s r / c . thank you . jo ann x 35957 enron property & services corp . from : joann holloway 01 / 05 / 2000 08 : 47 am to : shirley crenshaw / hou / ect @ ect cc : ( bcc : joann holloway / epsc / hou / ect ) subject : rent r / c updates - 19 th floor & 29 th floor shirley , the following locations on the 29 th floor are still assigned to 0011 / 100038 . they were not listed on the december 17 th churn relocation request . so , are the personnel in these locations still reporting to 0011 / 100038 or are they moving later . please advise : eb 2963 a eb 2963 b eb 2964 a eb 2965 a eb 2965 b eb 2966 a eb 2966 b eb 2966 c eb 2966 d eb 2970 c eb 2971 a eb 2975 a eb 2975 b the following location on the 19 th floor are now assigned to 0011 / 100038 : eb 1928 eb 1929 eb 1929 a eb 1930 eb 1930 d eb 1931 eb 1932 eb 1933 eb 1934 eb 1935 eb 1936 eb 1938 eb 1941 eb 1942 eb 1943 eb 1944 eb 1945 eb 1947 eb 1949 thank you . jo ann holloway x 35957",0 +"Subject: re : marketpoint license agreement john , fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 27 / 2000 03 : 31 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" dale m . nesbitt "" on 11 / 27 / 2000 02 : 51 : 54 pm please respond to to : cc : subject : re : marketpoint license agreement vince : i will send you our contract for the week long engagement . the way we do it is send out our time and materials contract , which has a space for individual task statements . i then put in a task statement for the week long project at the $ 12 k level so that the costs and risks are capped for you . look for it in the next day or two . with regard to the long run and short run gas models , they are both implemented in the same software system . neither is a prerequisite for running the other , but both operate the same way and the sum of the two consumes approximately the same resources are either individually . i plan to have an extended visit in houston beginning one week from today and lasting through the following wednesday . ( intensively tutoring my daughter for her first semester economics finals at rice . she certainly should have gotten a better looking tutor . ) that will make it very easy to come by and finalize whatever needs to be finalized with you that week . with her in houston , i spend a good bit of time there . look for the stuff in the next day or two . i look forward to working with you and your colleagues . thanks dale - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , november 27 , 2000 10 : 44 am to : dale . nesbitt @ worldnet . att . net cc : vince . j . kaminski @ enron . com subject : re : marketpoint license agreement dale , thanks for your message . in our phone conversation before the meeting you mentioned another contractual arrangement under which we could work with your company employees on a case - study . the cost of a weekly project would be $ 12 , 000 that would be applied to the purchase price should we go ahead and decide to acquire the software . this project would allow us to evaluate the model and come up with an estimate of the manpower necessary to support the model internally . please , let me know more about this option . we are primarily interested in a long - term natural gas model and the database for north america . unless a familiarity with the short term model is a prerequisite , we don ' t have resources to spend too much time on it . of course , a trading desk may be interested in the short term version of the model . i shall talk to them about it . vince "" dale m . nesbitt "" on 11 / 13 / 2000 06 : 00 : 05 pm to : , "" vince . j . kaminski "" cc : subject : marketpoint license agreement john / vince : i really enjoyed the meeting the other day with you and a broad cross section of your people . thank you very much for setting it up , and thank you for giving me the opportunity to speak with your people . as i mentioned to john , i am sending you the license paperwork for marketpoint . i have attached our standard license agreement for your consideration . as i mentioned , the license agreement covers the entire bundled product , which includes ? north american gas , short and long term ? north american electricity , short and long term ? world gas ? western european gas ? world oil we are just finishing porting the world oil , world gas , and western european gas models over from our old ( now obsolete ) software system into marketpoint , so they will not be fully tested and complete for a couple of months . however , the gas and electricity models for north america are presently complete and tested . that should allow us to give you an attractive price before the full worldwide toolkit is available throughout your worldwide business . as i understood it , you will want the gas modeling capability first and will want to defer decisions on electric or other capability . as i mentioned at the meeting , we are prepared to offer that for approximately the fully bundled price . as you read the license agreement , you will see that the software licenses for $ 100 , 000 annually , the gas data for $ 5 , 000 , and the electric data for $ 10 , 000 . marketpoint will agree to license you the gas model plus the data for the software license plus the data license for a total of $ 55 , 000 annually . this is just under the fully bundled price . i think that is consistent with the discussions at our meeting , and from marketpoint ' s perspective would provide a great basis to move forward together with enron . if or when enron ever desires to "" scale up "" to another model or model ( s ) from the marketpoint portfolio , we will simply scale you up to the entire license agreement . this will allow you to decouple the gas decision from any other decisions you might make . ( i will be glad to put this additional pricing provision into the agreement if you decide to move forward . ) i felt i was able to communicate the philosophy , scope , and operation of our approach during the meeting and to deliver you much of the information you might need to evaluate whether marketpoint meets your needs . i thought you were able to see the depth and sophistication of the product yet at the same time its simplicity and effectiveness . i thought you were able to see the benefits of the marketpoint dimension of economic equilibrium as a complement and supplement to other approaches you will assuredly use . i would be interested in your impressions and those of your colleagues . i look forward to your response and to moving ahead together . we view you as a very important prospective customer and client and will work with you to earn and secure your business . if you decide to license marketpoint , we can arrange to transfer and mount marketpoint and the short term narg model ( which is the model we suggest you begin with ) and travel to houston to deliver our 1 day training seminar . our clients are usually very fluent after that 1 day training seminar . thereafter , we would want you to work with the short term narg model for a few weeks while you get up to speed , very fluent , and very comfortable before you take delivery of the longer term version of narg several weeks later . thanks again , and all the best . if there is some item from the meeting that i might have forgotten to send , please remind me . my notes don ' t show anything , but i was speaking a lot rather than writing notes during the meeting and might have overlooked something someone wanted . dale nesbitt president marketpoint inc . 27121 adonna ct . los altos hills , ca 94022 ( 650 ) 218 - 3069 dale . nesbitt @ marketpointinc . com ( see attached file : license . doc )",0 +"Subject: california update 3 / 15 / 01 executive summary ? davis might concede to rate hikes for future power consumption but not for past utility debt ? davis and pg & e negotiations at a standstill , sticking point is net short for pg & e this summer ? as the days go on with no word of a secured deal , involuntary bankruptcy chances increase significantly among small generators and qfs ? ferc would probably approve transmission deal but with several conditions for california california public utility commission rate increases today may be the turning point as the ca puc reviews the size of the department of water resources ( dwr ) rate increase to be passed along to consumers on their electricity bills . until now , davis has considered rate hikes to be political suicide , but there may be some relief for him from consumer groups . sources indicate that one of california ' s main consumer advocate leaders may tolerate rate increases for future power consumption , but remains adamant about not raising rates to cover past utility debt . dwr , which is currently buying power on behalf of the state , needs more income to securitize the planned $ 10 b bond issue that is key part of davis ' plan to sign long term power contracts . as dwr continues to spend $ 40 to $ 60 m every day on power purchases , a well placed source informed us the dwr is essentially bankrupt . it currently has no money for normal activities such as ordering supplies , purchasing new equipment , etc . the department of finance is forwarding dwr money from where ever it can ( parks , other programs ) to purchase power , but dwr ' s hands are tied until revenue bonds are issued . the california state treasurer phil angelides will be submitting a recommendation on rate increases in order to secure revenue and cover $ 10 billion worth of state bonds . davis & pg & e at odds sources report that davis and pg & e negotiations are facing two difficult challenges : 1 ) pg & e wants 2 . 9 times book , which is far more than consumer groups recommend for the sale of its transmission lines ( sce accepted 2 . 3 ) , and 2 ) pg & e needs relief from davis for pg & es legal responsibility to be the ultimate power purchaser for the state , and at this point davis wants to limit further state energy power purchases ( especially for summer ) . the utilities refuse to sign a deal which will leave them billions of dollars further in the red ( $ 3 to $ 4 b ) and pg a measure that if accomplished would provide davis with even less negotiating power . with all this activity , davis is starting to lose support in the state legislature . sources report increasing tension between the governor and state senate president pro - tem john burton . burton has just announced a special senate committee will investigate the generators for evidence of price manipulation , and the state auditor is also planning an investigation . davis increasingly realizes he has to protect any deal he signs against being picked apart by the legislature and consumer groups later . qf ' s most likely source of involuntary bankruptcy sacramento insiders fear that a group of small generators will lose patience and force bankruptcy on the utilities . sb 47 x may have been california ' s qualified facilities last hope at avoiding an involuntary bankruptcy filing against pg & e , socal ed , and sdg & e . the bill designed to cut the qf ' s costs and provide them with a better rate structure is being held up in the state ' s senate . sources indicate that a filing could come at anytime and further investigations are underway to ferret out the most likely candidates . out with hebert , in with wood the bush administration favors replacing hebert , jr . with texas puc head pat wood . there is an intense battle behind the scenes between senate republican leader trent lott , who favors hebert , and president bush , who wants wood . the administration would prefer wood because they do not want ferc to pick a fight with davis which means bush might ultimately lose some western states in 2004 . in effort to tone down the recent press reports , hebert has made several token concessions to california , including $ 69 million worth of power refunds and streamlining the federal permitting process for pipeline and power plant installation . it ' s is expected that ferc would most likely approve any transmission deal that davis could complete but with a list of conditions . some conditions might include bring the lines formally into the regional grid system as well as other elements to pave the way for more dramatic administrative actions in the west next year . the bush administration is opposed to price caps and believes in free market solutions . the administration is also considering whether it might be a good idea to privatize federally - owned assets such as bpa .",0 +"Subject: spanish power option pricing hi paul / cassim , further to our meeting yesterday regarding power options , that we may use to capture short - term volatility from regulatory caps being adhered to or broken , i have attached a spreadsheet that should assist in nailing down the value . arbitrary distribution the first issue to address is converting the price scenarios for the average of the q 2 - q 3 swap into a volatility equivalent . this is achieved by fitting a normal distribution that matches the one specified for mean and standard deviation . the graph below illustrates the method for the numbers discussed yesterday . in this example , the annualised volatility is coming up as approximately 23 % . pricing & implied volatility the pricing is as for a regular asian option . the payoff depends on the average of the daily prices for spanish power for q 2 and q 3 . the valuation using 23 % volatility is showing about 15 . 3 pta per kwh . i will schedule a meeting to allow us to take this forward . regards , anjam x 35383 spreadsheet :",0 +"Subject: light switch for eb 1939 good morning all : maureen raymond castaneda is officed in ebl 939 . she has terrible migraine headaches which are made worse by light . we would like to get a price on having an on / off switch installed in her room . as of now , they have removed the light bulbs , but said that may not completely answer the problem as some one may see that they are out and request they be replaced . i think the answer ( if it is not too expensive ) would be to have a switch installed . please let me know . our co . # is 0011 and our rc # is 100038 . thanks ! shirley 3 - 5290",0 +"Subject: project richard , i would like to inform you that we decided against participation in your project . thanks for your interest in having enron involved in the study . vince kaminski",0 +"Subject: ena year end promotions nominations as a follow on to the discussion at monday ' s staff meeting ; attached is a summary of the manager and above promotion nominations made and discussed during the december business review / pre - ranking meetings in ena , which were captured in the system . promotions through to senior professional on the support side should already have been communicated to the employees . promotions to manager and director where agreed at the final ena performance review meeting on december 14 and should be attached . these can be communicated to the individuals , if you haven ' t already done so . no ena wide promotion memo is planned , therefore please feel free to communicate your departments promotions by separate memo if you believe appropriate .",0 +"Subject: seismic data via satellite i have attached a background piece to brief oil traders on this subject prior to a possible meeting with them . please give me any comments on 1 ) accuracy 2 ) completeness and 3 ) coverage of the areas we want to explore . as a side note , i found some info on the web stating current proven oil reserves are 1 , 000 billion bbls . discovery of a 1 billion bbl field would add only 0 . 1 % . while we will pursue the trading advantage option , it is not looking promising that it has great short term value , given the long time frame and high cost of bringing deep water reserves to market . bob lee",0 +"Subject: pres . to delainy sorry vince , please use this file instead of the earlier one . krishna .",0 +"Subject: re : yo ! vince , here is a little more info on the book bob darden is writing that might be useful in explaining who he is talking to at present . john > date : fri , 30 mar 2001 12 : 29 : 11 - 0600 > from : robert darden > subject : re : yo ! > x - sender : "" robert darden "" ( unverified ) > to : "" john d . martin "" > organization : the door > x - mailer : mozilla 4 . 04 [ en ] c - flashnet ( win 95 ; i ) > > you , sir , are a gentleman and a scholar . > if the research director needs more info on the book , i can send him / her > whatever they need : > publisher : fleming h . revell ( a division of baker books ) > deadline : may 30 > people who we have already interviewed or who we have tentative > agreements to interview : > jerry conangelo , norm miller , dr . kenneth cooper , philip clements , > george gallup , ted benna , bob lawless , jack eckerd , truett cathey , ed > bonneau , jay pifer , bill bailey etc . . . > thanks again > bob > > john d . martin wrote : > > > > at 11 : 35 am 3 / 30 / 01 - 0600 , you wrote : > > > hi john - - i enjoyed our meeting yesterday . this looks very promising . > > > meanwhile , as i mentioned at the table , i ' m getting a little nervous > > > about the book that is due june 1 . > > > one of the names on our "" wish "" list of interviewees for "" the business of > > > heaven "" is ken lay at enron . ( yes , i ' ll try to get this for you today ) > > > would it be possible for you to give me a good address and phone number > > > for mr . lay ' s office ? > > > and may i mention your name in the cover letter ? ( certainly - - not that it > > will necessarily help . i ' ll talk to the director of research about your > > project and see if he can help ) > > > i would be forever indebted . i might even buy the next lunch . > > > bob > > > p . s . thanks for sharing your concerns about church yesterday , too . i ' m > > > genuinely sorry things didn ' t work out better and feel more than a > > > little embarrassed that i didn ' t work harder to make you guys feel more > > > welcome and connected . on the other hand , please know that mary and i > > > will always love you and consider you both friends . i know you ' ll be > > > happy at lake shore - - even as we miss you at 7 th ! > > > > > john d . martin > > carr p . collins chair in finance > > finance department > > baylor university > > po box 98004 > > waco , tx 76798 > > 254 - 710 - 4473 ( office ) > > 254 - 710 - 1092 ( fax ) > > j _ martin @ baylor . edu > > web : http : / / hsb . baylor . edu / html / martinj / home . html > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : hello david , another trip in the cards . you can catch me at the office on wed or next week at home . vince "" walkup , david c ( houstonas as 582 ) "" on 04 / 03 / 2000 03 : 43 : 31 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : hello i am tentatively planning on being in the woodlands wednesday . should i stop by the house that night or do we need to get together tomorrow or wednesday morning ? david c . walkup financial consultant 713 - 658 - 1685 800 - 456 - 9712 > - - - - - - - - - - > from : vince . j . kaminski @ enron . com [ smtp : vince . j . kaminski @ enron . com ] > sent : monday , april 03 , 2000 4 : 35 pm > to : dwalkup @ pclient . ml . com > subject : re : hello > > > david , > > can you stop by on wednesday ? > > i shall be gone for a few days after this day . > > vince > > > > > > "" walkup , david c ( houstonas as 582 ) "" on > 04 / 03 / 2000 > 01 : 21 : 45 pm > > to : "" ' vincent kaminski ' "" > cc : > subject : hello > > > hello , vince . > > i guess you are still traveling a lot . i just wanted to say hello and see > when we can get together and look at getting some more money deposited > into > the cma for future investments . > > get back with me when you can . > david c . walkup > financial consultant > 713 - 658 - 1685 > 800 - 456 - 9712 > _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ > > > > > caution : electronic mail sent through the internet is not secure and could > be intercepted by a third party . for your protection , avoid sending > identifying information , such as account , social security or card numbers > to > us or others . further , do not send time - sensitive , action - oriented > messages , such as transaction orders , fund transfer instructions , or check > stop payments , as it is our policy not to accept such items electronicall > > > > > > caution : electronic mail sent through the internet is not secure and could be intercepted by a third party . for your protection , avoid sending identifying information , such as account , social security or card numbers to us or others . further , do not send time - sensitive , action - oriented messages , such as transaction orders , fund transfer instructions , or check stop payments , as it is our policy not to accept such items electronicall",0 +"Subject: latest fall 2001 module schedule and calendar ( rev . c ) - placed in your mailbox 4 - 5 - 01 students , faculty , and staff , a hard copy of the latest fall 2001 module schedule and calendar ( rev . c ) were placed in your mailbox on thursday . please review over the calendar closely for changes made . i have also posted the latest fall 2001 module schedule and calendar ( rev . c ) to embanet . reminder : the jones graduate school does not always follow the university calendar on scheduled breaks , exams , etc . . . . always refer to jones graduate school information regarding breaks , exam schedules , etc . . . . thanks , kathy kathy m . spradling mba program coordinator jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 3313 fax : ( 713 ) 348 - 5251 email : spradlin @ rice . edu http : / / www . rice . edu / jgs e - mail : spradlin @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: re : houston research opportunity tara : thanks for the update . it seems anjam is playing hard ball a little . my initial reaction is to be inflexible because it is a good offer , but on second thoughts , could you please give me an idea of what is meant by a 12 - month assignment when you have a moment ? compensation , benefits , responsibilities , career path implications , etc . many thanks ! regards , grant .",0 +"Subject: re : [ no subject ] hi vince , this resume looks quite good . we may wish to talk to him on the phone . however , now that david hoog has hired his own actuarial guys ( alex tartakowski and larry markus ) from ace , i am not sure if they require support on the actuarial side . with don black ( of global risk markets ) leaving enron , i think the effort to develop power products for the insurance markets is pretty much nonexistent , except for david hoog ' s product . the resume still looks interesting , though . vasant - - - - - original message - - - - - from : kaminski , vince sent : friday , april 13 , 2001 3 : 56 pm to : shanbhogue , vasant subject : [ no subject ] vasant , please , take a look at this eresume . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 13 / 2001 09 : 55 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - cathy lira @ enron 03 / 26 / 2001 11 : 12 pm to : vkamins @ enron . com cc : subject : [ no subject ] - - - - - - - - - - - - - - - - - - - - - - forwarded by cathy lira / na / enron on 03 / 26 / 2001 04 : 12 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" imccracken "" on 02 / 24 / 2001 04 : 02 : 11 pm please respond to "" imccracken "" to : grad _ programs @ enron . com cc : subject : [ no subject ] dear sir / madam , i am a student in a master ' s programme in mathematical finance due to graduate in august . my intention upon graduation is to work in a quantitative capacity in the power markets and to this end , i am including my resume in the hope that i might be considered for any available position in your risk management or structured products group requiring such mathematical skills . i have addressed this email to your graduate programmes address but i am unsure whether or not my candidacy would fall under the umbrella covered by your associate programme . if this is not the case , any help in seeing that my resume finds the correct destination would be greatly appreciated . yours sincerely , ian mccracken * get free , secure online email at http : / / www . ziplip . com / * - iancv . doc >",0 +"Subject: re : followup from iris mack hi , thanks for taking time out of your busy schedules to meeet with me on the 28 th of december - especially during the holiday season . i enjoyed meeting some of the research group ' s internal clients . hope to be able to work with you in the future . regards , iris mack get your free download of msn explorer at http : / / explorer . msn . com",0 +"Subject: re : ll visa - anshuman shrivastava vince : apparently neil mcgregor became upset when he received margaret daffin ' s email . he is saying , however , that anshuman will only be in houston for one month , and you had mentioned six months when we spoke earlier . it really doesn ' t make any difference since he will need to get an ll visa under either circumstance , but i thought you might want to see his email . molly - - - - - - - - - - - - - - - - - - - - - - forwarded by molly magee / hou / ect on 01 / 24 / 2001 10 : 09 am - - - - - - - - - - - - - - - - - - - - - - - - - - - margaret daffin 01 / 24 / 2001 09 : 57 am to : molly magee / hou / ect @ ect cc : subject : re : ll visa - anshuman shrivastava molly : per our conversation today . please let me know the status so that i can proceed with the visa process . thanks margaret - - - - - - - - - - - - - - - - - - - - - - forwarded by margaret daffin / hou / ect on 01 / 24 / 2001 09 : 56 am - - - - - - - - - - - - - - - - - - - - - - - - - - - neil mcgregor @ enron _ development 01 / 24 / 2001 05 : 18 am to : margaret daffin / hou / ect @ ect cc : wade cline / enron _ development @ enron _ development subject : re : ll visa - anshuman shrivastava anshuman is not moving or immigrating to the us . we are allowing him to work for a lmonth assignment in the us with enron . please carry out the necessary approvals and visa ' s on this basis . neil mcgregor ceo dabhol power margaret daffin @ ect 01 / 23 / 2001 10 : 31 pm to : anshuman . srivastav @ enron . com cc : molly magee / hou / ect @ ect , vince j kaminski / hou / ect @ ect , jane allen / hou / ect @ ect , timothy callahan / na / enron @ enron , ranendra sengupta / enron _ development @ enron _ development , wade cline / enron _ development @ enron _ development , neil mcgregor / enron _ development @ enron _ development @ ect , harsimran subject : ll visa - anshuman shrivastava anshuman : i have been asked to contact you regarding your possible move to houston , texas . in order that i may begin the process of getting you an ll immigration visa , i will need you to complete the attached visa questionnaire and return it to me with copies of the following documents : a copy of all pages of your passport , even if blank copies of all previous us visas issued an updated resume , showing months and years copies of all diplomas and transcripts received if you have dependent family members coming to the states with you , copies of their passports please send to my attention , via fedex to : enron corp . 3 allen center , 3 ac 2026 a 333 clay street houston , tx 77002 please call me with any questions you may have at 713 - 345 - 5083 .",0 +"Subject: re : various market data charges to the research group for february 2001 julie : i talked to both maureen and tanya and neither one want this service and have not been using it . maureen told me that she told you a year ago that she did not want telerate ( when she was supporting gary hickerson ' s group on 30 ) . if that is the case , we probably need a refund . let me know if there is anything that can be done about this . the only person in our group that wants telerate is jason sokolov and i put in a request for that yesterday . please cancel everything else . thanks ! shirley from : julie pechersky / enron @ enronxgate on 04 / 09 / 2001 12 : 33 pm to : shirley crenshaw / hou / ect @ ect cc : subject : re : various market data charges to the research group for february 2001 hi shirley , regarding telerate : i can cancel the service for both maurenn and tanya , but another name commonly used for the telerate application is bridge or bridgestation so you may want to just ask the two of them once more to be sure that they do not use it . just let me know and i will cancel billing jason can get access to it by submitting an e - request for him for telerate . when you go into e - request and it is prompting you for what application to choose , type in the words market data and hit search . telerate will pop up as an option and within that choose the role basic energy . we will take care of it from there . i will also remove hector campos from reuters . was there anyone else being charged for reuters services that are not needed ? i will also remove clayton vernon . i do not see anything under the name brad amoine , is this the correct spelling of his name ? i will also find out where shalesh ' s charges should be moved to . thanks for updating us and let me know if there is anything else . julie - - - - - original message - - - - - from : jackson , clifford sent : wednesday , april 04 , 2001 1 : 44 pm to : crenshaw , shirley cc : pechersky , julie subject : re : various market data charges to the research group for february 2001 hi shirley . i ' ve copied this to julie pechersky , who maintains the market data database , and will be able to make the user changes you request . she ' ll also be able to tell you how / when telerate can be enabled for mr . sokolov . we get the billing data from her , so once it is correct there , it will be billed correctly . cliff jackson - - - - - original message - - - - - from : crenshaw , shirley sent : wednesday , april 04 , 2001 1 : 31 pm to : jackson , clifford cc : kaminski , vince subject : various market data charges to the research group for february 2001 clifford : in reviewing our february eis billing summary for co # 0413 , cc # 107043 , i have several questions . telerate : ( february charges : $ 3 , 032 , 35 ) i polled the group and only one person has asked for telerate and he is not shown being charged for it . that is jason sokolov . he would like to have access to telerate . if you could let me know how to get that for him . the largest percent of the telerate charges appear to be for maureen raymond , who says that she does not use telerate . could she be accessing some data that she does not know is telerate ? please let me know . if there are individual accounts for telerate the only one we need is for jason sokolov , unless maureen ' s charges are for something that she does not know is telerate . tanya tamarchenko does not need telerate and she has the second largest percentage of the charges . anyway , the only telerate subscription we need is for jason sokolov . reuters : ( february charges : $ 405 . 96 ) no one in research uses reuters . i believe most of the charges are for hector campos who used it when he was on the trading desk . when he rotated into the research group he did not need it any longer , but is still being billed for it . please remove from the research cost center . the following individuals are no longer with enron or no longer with research and their accounts should be removed from the research cost center . clayton vernon no longer with the research group remove his lim / lim / excel and lim core charges from the research cost center brad amoine no longer with enron remove his lim / lim / excel and lim core charges from the research cost center shalesh ganjoo no longer with the research group remove his lim and lim core charges from the research cost center i hope this is not too confusing ! please advise . thanks ! shirley crenshaw",0 +"Subject: gas prices vince - 1 . we can detect "" hoarding "" of pipeline capacity as an elevated basis against the actual inflow . 2 . we can detect "" market power "" by dissociating the seller from the buyer , distinguishing between the physical "" cost "" in gas to run the generators and the transmission cost in dollars , i . e . the basis . 3 . ( as you noted ) we can detect "" storage "" as the difference between inflow and consumption . it appears to me there are two time series needed for a straightforward model of gas prices : flow rates at interconnects ( from telemetry ) and spot - market prices . there is an elevated basis reflecting pipeline companies monopolizing capacity , as well as hoarding of capacity by contracts . the dynamics of gas prices reflect consumption demand changes due to changes in expectations for the weather , as well as their impact on two highly strategic behaviors : hoarding of pipeline capacity and storage of gas . we can "" calibrate "" the price elasticity of demands for consumption and storage , and the price elasticities of demand for transmission , as well as the extent of hoarding , from the two sets of numbers mentioned : flows and prices . what the basis trader needs to understand are the incentives , and disincentives , for storage and capacity - hoarding , in terms of the calibrated price - elasticities , and each of these are as - if exotic call options at the consumption hub . finally , flows are "" explained "" by the model , and can be imputed from prices if necessary , resulting in a purely stochastic model of the basis in terms of the weather . i believe the problem is quite tractable , and i would like to proceed with a model . clayton",0 +"Subject: entouch newsletter business highlights weather trading the weather desk closed a 3 - year precipitation collar with payouts linked to natural gas prices . the transaction hedges included asian options from the gas market , precipitation floors from the weather market , and precipitation insurance from the insurance market . eight companies were involved in the transaction including the following enron companies : egm , ena , enron re , and rmt . along with the hedges , the end result of the transaction is cheap 3 - year precipitation call options and precipitation dependent natural gas call options for the weather desk . houston pipe line company on thursday , january 11 , american electric power ( nyse : aep ) announced that they have executed a definitive agreement under which aep energy services gas holding co . , a wholly owned subsidiary of aep , will acquire the stock of houston pipe line co . from enron corp . included in this agreement are all of the pipeline assets of hpl , as well as a 30 - year operating lease for the bammel storage facility , the houston loop and the texas city loop . in the news "" enron is , in other words , the biggest , baddest b 2 b e - commerce company on the planet , and its experience belies the idea that innovation is impossible in large organizations . "" - - ecompany now , january / february 2001 . brown bag mark your lunch calendars now for the upcoming brown bag featuring gary taylor , manager in weather trading . he will present an overview of the weather risk management market . it  , s next thursday , january 18 , 11 : 30 am - 12 : 30 pm , in 5 c 2 . rsvp today to ext . 5 - 7352 . nuggets & notes "" what am i missing ? ! "" - mike bradley , vice president / equity trading - egm "" do something ! "" - david vitrella , manager / equity trading - egm "" we may not do the most enrononline trades , but we do the largest "" - larry gagliardi , director / oil products - egm  & we have completed an efficient and successful transition from energy outsourcing to steel . of course , as my dad used to say ,  + talk ' s cheap , takes money to buy whiskey .  , in 2001 , we ' ll let our p & l performance do the bulk of the talking .  8 - tim battaglia , vice president / steel origination - eim congratulations to william stuart , manager in currency trading and charla stuart , manager in community relations . they are the proud parents of aaron myles stuart , who was born january 9 and weighed 7 . 11 lbs . sean keenan , associate in eim , and wife , katherine , are the proud parents of william patrick , who was born january 1 and weighed 6 . 4 lbs . carlos ruiz , associate in eim , and wife , maria , are excited to announce the arrival of their new baby boy . cristobal ruiz was born on january 8 and weighed 7 lbs . welcome new hires ena - thomas barkley , rakesh bharati , delmar davis , andrew edison , brendan fitzsimmons , patricia goode , michelle huber , ken lewchuk , wykena lipscomb , albert meyers , stacie mouton , victor munoz , wichai narongwanich , christopher ordway , brent johnston , michael law , michelle wells , peter piorecki , eim  ) jill lafave legal stuff the information contained in this newsletter is confidential and proprietary to enron corp . and its subsidiaries . it is intended for internal use only and should not be disclosed .",0 +"Subject: 1 candidate and 2 interns hi vince and molly . here attached is one candidate who is particularly interested in having his profile sent to vince . . . he is going to be traveling to ny from the uk soon for 2 wks . he specifically asked my partner at robertwalters in the uk to investigate enron through my new relationship with you guys . he would be howard haughton , attached below ( cv ) . the other 2 resumes are my students at the university of michigan . howard lin received a 4 . 0 / 4 . 0 for his last term and will be willing to do whatever it takes to intern at enron for june - aug . i have his picture included as well . the second is sung , they are friends . howy will be done expected in may 2001 and sung in may 2002 . they are my favorite interns and i expect they can be cultivated to the enron culture with no real cost to you ( a "" test drive before committal . i have agreed to represent them and shall take ownership , as they become graduate candidates upon their degree completion . i hope these attachment can represent my value and commitment to quality of talent to enron . thank you for your acceptance . best wishes for the weekend . jeff * get free , secure online email at http : / / www . ziplip . com / * - 00343938 alec . doc - sungvince . doc - howardagent 9498132241 . doc - howardlin . gif",0 +"Subject: re : eci id for stinson steve - could you please escalate per our conversation thank you paula - - - - - - - - - - - - - - - - - - - - - - forwarded by paula corey / enron communications on 01 / 21 / 2000 08 : 35 am - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner @ ect 01 / 21 / 2000 08 : 09 am to : timothy morita - mcvey / enron communications @ enron communications @ enron cc : paula corey / enron communications @ enron communications , jean mrha / enron communications @ enron communications subject : re : eci id for stinson timothy : i still have a problem . when i am on the eci network i cannot receive email , and , even worse , i cannot even send email . this is not an acceptable situation . i need to have a fully functional email account on the eci side as well as the ena side . don ' t tell me that its against policy because i know that ravi thuraisingham has already be set up this way for months . i don ' t care if mail from one network is forwarded to the other as i will have access in houston to both , but i can already see that i need to have functional accounts on both sides , or it will be a continual thorn in my side when travelling to portland , etc . . . again thanks for your help on getting this set up correctly , - - stinson gibner x 34748 from : timothy morita - mcvey @ enron communications on 01 / 19 / 2000 10 : 20 am pst to : stinson gibner / hou / ect @ ect @ enron cc : subject : re : eci id thanks stinson , that should give me what i need . i understand that you will have two notes id ' s with the eci mail forwarded to your "" stinson gibner / hou / ect @ ect @ enron "" address . i should be able to complete this today ( later today ) thanks , timothy morita - mcvey lotus notes administrator enron communications , inc . 503 . 886 . 0390 timothy _ morita - mcvey @ enron . net stinson gibner @ ect 01 / 19 / 00 09 : 07 am to : timothy morita - mcvey / enron communications @ enron communications cc : subject : eci id i must have written down your phone number incorrectly , it did not work . regarding my user id on the eci network , i would be set up in the same way as ravi thuraisingham with an id on both the ena and the eci networks . i am in the corp . research group but am spending about 80 % of my time in support of eci in the trading and origination areas . feel free to contact me if you need any further info . - - stinson houston x 34748",0 +"Subject: re : telephone interview with the research group fyi : praveen will be available on thursday , may 4 at 10 : 00 am houston time . call him at 301 / 422 - 0889 . thanks ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 28 / 2000 08 : 05 am - - - - - - - - - - - - - - - - - - - - - - - - - - - mellacheruvu venkata praveen on 04 / 27 / 2000 08 : 58 : 47 pm to : shirley . crenshaw @ enron . com cc : subject : re : telephone interview with the research group dear ms . crenshaw , the interviewers can call me at ( 301 ) 422 0889 . please do inform them accordingly . thank you for setting up the interview . regards , praveen mellacheruvu . on thu , 27 apr 2000 shirley . crenshaw @ enron . com wrote : > > praveen : > > i have scheduled the conference call for thursday , may 4 at 11 : 00 am ( est ) > 10 : 00 am ( central ) . it will be better if they can call you . please le me > know > what number you can be reached at . > > if this is not allright , please let me know . > > thanks and have a great day ! > > shirley crenshaw > >",0 +"Subject: corrected : new update on ppi model for inflation book dear all , i followed up on the suggestions at the conference call as follows : - 1 ) use less data unfortunately , kicking out only 1990 makes the overall equation a lot less robust , in fact dramatically so , and so eliminates the possibility of using less data . the model tested was the rpi ( month + 15 ) ppi pre - empts the moves in rpi by about 8 months . the magnitude of the oscillations is also reduced . this shows that if we had more detail in our rpi forward curve , then the ppi model would reflect those peaks and humps adequately . conclusion i therefore propose that we use the model that incorporates rpi , rpi [ t + 15 ] and deviations of brent crude from long - term average . the new model is plotted below in burgundy and can be compared to the old ppi which is depicted in blue . the new model achieves the two main objectives of the ppi curve : it is significantly more robust and stable than the existing one , and it is considerably less sensitive to the input coefficients , which results in us having more confidence in our monthly p it was found that deviations of dated brent crude from the long - term average of $ 18 . 80 was the best form of the variable to use ( for predictions the brent forward curve produced by the global products group is used ) . the three new equations developed were : - pllu ( t ) = a . rpi ( t ) + b . rpi ( t + n ) + c . ( datedbrentcrude - 18 . 8 ) + constant , where n is 14 , 15 or 16 [ reddish curves ] r - squared approx 0 . 49 f - stat approx 32 the chart below shows what our projected pllu curve would be given this equation , and also the three best relations from before which were based upon current and future rpi : pllu ( t ) = a . rpi ( t ) + b . rpi ( t + n ) + constant , where n is 14 , 15 or 16 [ greenish curves ] r - squared approx 0 . 47 f - stat approx 45 comparison of models as you can see , the two equations differ in the very short - term and very long - term ; the inclusion of deviations of brent crude leads to short - term predictions of 3 . 0 % to 3 . 2 % over the next six months . the greenish curves predict pllu in the range of 2 . 5 % to 2 . 8 % over the next six months . the curves are then very similar until 2009 , when the models including crude break - away to the upside , relative to the falling rpi curve . the model based purely on rpi hugs the rpi curve much more closely in the longer term . this is only important to the extent that we have large positions beyond 2009 ( which we don ' t ) . suggestion what could be useful now is a differently - specified model designed to forecast only the next 3 months , using auto - regressive or auto - regressive error terms . this model would be far more accurate in the near - term , and we could include this information onto the front of this long - term model . this may be useful , despite the fact that most of our exposure is in future time buckets . back - testing all the models give similar visual and statistical performance over the data sample used ( based mainly on 1990 s "" new paradigm "" economy ) . hopefully we can discuss these and other points later in the tele - conference ; your ideas on this would be appreciated . regards , anjam x 35383",0 +"Subject: re : executive program on credit risk modeling tanya , please , ask him to make the arrangements . vince tanya tamarchenko 05 / 25 / 2000 11 : 19 am to : vince j kaminski / hou / ect @ ect cc : subject : re : executive program on credit risk modeling yes , i think it is useful for vincent to attend the program . tanya . vince j kaminski 05 / 22 / 2000 09 : 50 am to : tanya tamarchenko / hou / ect @ ect cc : subject : executive program on credit risk modeling tanya , another thought . should vincent go as well ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 22 / 2000 09 : 52 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 05 / 22 / 2000 08 : 10 am to : tanya tamarchenko / hou / ect @ ect cc : subject : executive program on credit risk modeling fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 22 / 2000 08 : 12 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" kashiwamura , shelby "" on 05 / 18 / 2000 02 : 03 : 19 pm to : "" isero , alicia "" , "" kashiwamura , shelby "" cc : ( bcc : vince j kaminski / hou / ect ) subject : executive program on credit risk modeling subject : announcement : executive program on credit risk modeling credit risk modeling for financial institutions october 15 - 20 , 2000 at stanford university business school risk management specialists , stanford business school professors of finance darrell duffie and kenneth singleton will be repeating their successful executive program on credit risk pricing and risk management for financial institutions . the course is created for risk managers , research staff , and traders with responsibility for credit risk or credit - related products , including bond and loan portfolios , otc derivative portfolios , and credit derivatives . this program includes : * valuation models for defaultable bonds , otc derivatives , and credit derivatives , with empirical applications to corporate and sovereign markets * empirical and theoretical assessments of models for measuring credit risk , with correlation , for portfolios * the strengths and limitations of current practice in credit risk measurement * practical issues in implementing credit modeling and risk systems * estimation of default and transition probabilities , and the correlations among the default risks of publicly traded companies , from historical data application form : credit risk modeling for financial institutions stanford , october 15 - 20 , 2000 this form may be completed and returned by email , or may be printed and sent by fax to : stanford gsb executive education programs fax number : 650 723 3950 you may also apply and see more detailed information by visiting our web site at : www . gsb . stanford . edu / exed / crm applications will be acknowledged upon receipt . if you have not received an acknowledgement within two weeks , please contact us . please complete all sections . all information is kept strictly confidential . name : put an x beside one , please : male : female : citizenship : job title : company : your company ' s main activity : business mailing address : business phone ( all codes please ) : business fax : email address : home address : home phone : nickname for identification badge : emergency contact name : emergency contact phone : title of person to whom you report : your job responsibilities and experience related to this course : ( please provide a brief job summary here , or attach and send a biographical summary containing information relevant to your purpose and qualifications for the course . ) college or university education : please list , by degree : college or university dates degree granted _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ please note : all classes and discussions are conducted in english . in order to reserve a place in the course , the program fee of us $ 7 , 500 is due upon notification of acceptance . this fee covers the tuition , single room , meals , and all course materials ( including a proprietary manuscript on credit risk pricing and measurement ) . our refund policy is available upon request . please state the source from which you heard about this course : name and date : if you would like a hard copy brochure and application form , please contact : ( make sure to include your mailing address ) shelby m . kashiwamura program manager executive education stanford graduate school of business ( 650 ) 723 - 9356 phone ( 650 ) 723 - 3950 fax kashiwamura _ shelby @ gsb . stanford . edu",0 +"Subject: re : resume vince , paulo and i talked to mr . zhang on the phone . he is currently with kock equity trading and formly a quant supporting power trading . his power market experience could be valuable to us . i would recommend to bring him for an on - site interview . since we get more demanding power projects , alex needs some help . zimin vince j kaminski 03 / 14 / 2001 10 : 06 am to : zimin lu / hou / ect @ ect cc : subject : resume - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 14 / 2001 10 : 07 am - - - - - - - - - - - - - - - - - - - - - - - - - - - marshall brown on 03 / 09 / 2001 07 : 46 : 22 am to : vince kaminski cc : subject : resume vince , how are you . this candidate would be interested in any positions in your group . regards , marshall brown vice president robert walters associates tel : ( 212 ) 704 - 0596 fax : ( 212 ) 704 - 4312 mailto : marshall . brown @ robertwalters . com http : / / www . robertwalters . com > caution : electronic mail sent through the internet is not secure and could be intercepted by a third party . this email and any files transmitted with it are confidential and intended solely for the use of the individual or entity to whom they are addressed . if you have received this email in error please notify the system manager . this footnote also confirms that this email message has been swept by mimesweeper for the presence of computer viruses . - zhan _ ren . doc",0 +"Subject: re : installation of new programs i gave you local admin rights on your laptop yesterday . what you have to do is to log into the laptop using the local machine account . the id and the password is the same as your corp login now . the password on the local account will never change . if you have a minute today i will show you how . let me know a time . phillip randle desktop support specialist x 39665 - - - - - original message - - - - - from : kaminski , vince sent : tuesday , may 01 , 2001 5 : 17 pm to : randle , phillip c . cc : kaminski , vince subject : installation of new programs phillip , how can i install new programs on my laptop , without the administrator ' s privileges ? one example : when i travel i use aol to get access to my mail and to communicate with the office . windows 2000 does not allow me to install it . also , i have my private statistical software i often use when i work at night during business trips . i would like to load it as well . vince",0 +"Subject: re : telephone interview with the enron corp . research group since several of you will be out on the 6 th , we have moved the telephone interview for marshall yan to tuesday , the 5 th at 1 : 00 pm . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 11 / 29 / 2000 03 : 22 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" jingming ' marshall ' yan "" on 11 / 29 / 2000 03 : 16 : 16 pm to : shirley . crenshaw @ enron . com cc : subject : re : telephone interview with the enron corp . research group ms . crenshaw , tuesday the 5 th is ok with me . i will talk to you then . marshall on wed , 29 nov 2000 shirley . crenshaw @ enron . com wrote : > > hi marshall : > > i have some unfortunate news . several of the interviewers will be > traveling > next week and they have had to schedule their return on wednesday the > 6 th . would you be able to do the telephone interview on tuesday , the > 5 th instead ? the same time 1 : 00 pm houston time . > > please let me know as soon as possible . > > sorry for the change ! > > regards , > > shirley crenshaw > > > > > > > > > "" jingming ' marshall ' yan "" on 11 / 28 / 2000 11 : 30 : 20 pm > > to : shirley . crenshaw @ enron . com > cc : > subject : re : telephone interview with the enron corp . research group > > > ms . crenshaw , > > thank you for the arrangement . i will talk to you then . > > marshall > > on tue , 28 nov 2000 shirley . crenshaw @ enron . com wrote : > > > > > marshall : > > > > thanks for responding so quickly . i have scheduled the following > > interview : > > > > wednesday , december 6 - 1 : 00 pm houston time . it will last approximately > > 1 hour . we will call you at ( 605 ) 497 - 4045 unless otherwise instructed . > > > > if you have any questions , please feel free to contact me at > 713 / 853 - 5290 . > > > > best regards , > > > > shirley crenshaw > > > > > > > > > > > > > > > > > > "" jingming ' marshall ' yan "" on 11 / 28 / 2000 12 : 59 : 55 pm > > > > to : shirley . crenshaw @ enron . com > > cc : vince . j . kaminski @ enron . com > > subject : re : telephone interview with the enron corp . research group > > > > > > ms . crenshaw , > > > > thank you very much for the message . i am very interested in the > > opportunity to talk to personnel from the research group at enron . > between > > the two days you suggest , i prefer wednesday 12 / 6 . considering the > > two - hour time difference between california and texas , 11 : 00 am pacific > > time ( 1 : 00 pm your time ) seems to be a good slot . however , i am open most > > of the day on 12 / 6 so if some other time slot is prefered on your end , > > please let me know . > > > > thanks again . i look forward to talking to you and your > > colleagues . > > > > jingming > > > > on tue , 28 nov 2000 shirley . crenshaw @ enron . com wrote : > > > > > good afternoon jingming : > > > > > > professor wolak forwarded your resume to the research group , and > > > they would like to conduct a telephone interview with you , sometime > next > > > week , at your convenience . the best days would be tuesday , 12 / 5 or > > > wednesday , 12 / 6 . > > > > > > please let me know which day and what time would be best for you and > > > they will call you . let me know the telephone number that you wish to > be > > > contacted at . > > > > > > the interviewers would be : > > > > > > vince kaminski managing director and head of research > > > vasant shanbhogue vice president , research > > > lance cunningham manager , research > > > alex huang manager , research > > > > > > look forward to hearing from you . > > > > > > best regards , > > > > > > shirley crenshaw > > > administrative coordinator > > > enron research group . > > > 713 - 853 - 5290 > > > > > > > > > > > > > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > > jingming "" marshall "" yan jmyan @ leland . stanford . edu > > department of economics ( 650 ) 497 - 4045 ( h ) > > stanford university ( 650 ) 725 - 8914 ( o ) > > stanford , ca 94305 358 c , economics bldg > > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > > if one seeks to act virtuously and attain it , then what is > > there to repine about ? - - confucius > > > > _ ? oo ? ? ooo ? ? t  xo - ? ? - -  ? ? > > > > > > > > > > > > > > > > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > jingming "" marshall "" yan jmyan @ leland . stanford . edu > department of economics ( 650 ) 497 - 4045 ( h ) > stanford university ( 650 ) 725 - 8914 ( o ) > stanford , ca 94305 358 c , economics bldg > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > if one seeks to act virtuously and attain it , then what is > there to repine about ? - - confucius > > _ ? oo ? ? ooo ? ? t  xo - ? ? - -  ? ? > > > > > > > jingming "" marshall "" yan jmyan @ leland . stanford . edu department of economics ( 650 ) 497 - 4045 ( h ) stanford university ( 650 ) 725 - 8914 ( o ) stanford , ca 94305 358 c , economics bldg if one seeks to act virtuously and attain it , then what is there to repine about ? - - confucius _ ? oo ? ? ooo ? ? t  xo - ? ? - -  ? ?",0 +"Subject: re : carnegie interviews super friday vince , thank you very much but i ended up finding interviewers for all the time slots . paulo has volunteered to interview for 1 hour , thank you for suggesting his name . kristin vince j kaminski @ ect 01 / 17 / 2001 02 : 00 pm to : kristin gandy / na / enron @ enron cc : kevin kindall / corp / enron @ enron , alex huang / corp / enron @ enron , paulo issler / hou / ect @ ect , bob lee / na / enron @ enron , vince j kaminski / hou / ect @ ect subject : re : carnegie interviews super friday kristin , i shall be tied up with the wharton group all day friday . i am forwarding the message to some members of the research group . i hope some of them will be available . vince p . s . to the research group . can you , please , help kristin ? enron north america corp . from : kristin gandy @ enron 01 / 16 / 2001 02 : 03 pm to : alyse herasimchuk / na / enron @ enron cc : vince j kaminski / hou / ect @ ect , ann korioth / enron communications @ enron communications , terry yamada / corp / enron @ enron , traci warner / enron communications @ enron communications , erik simpson / hou / ect @ ect , laura howenstine / enron communications @ enron communications , sarah wesner / enron @ enronxgate subject : re : carnegie interviews super friday okay group it is tuesday and we have heard from no volunteers . we only need 30 minutes of your time . is any one available on this friday to interview ? please help ! kristin from : alyse herasimchuk 01 / 12 / 2001 03 : 55 pm to : vince j kaminski / hou / ect @ ect , ann korioth / enron communications @ enron communications , terry yamada / corp / enron @ enron , traci warner / enron communications @ enron communications , erik simpson / hou / ect @ ect , laura howenstine / enron communications @ enron communications , sarah wesner / corp / enron cc : kristin gandy / na / enron @ enron subject : carnegie interviews super friday we have one last group of candidates coming in for final round interviews on friday , january 19 th . we need interviewers for half a day ( 9 : 00 am to 11 : 15 am ) . please let me know if you can be available for the entire morning or what times you could be available : 9 : 00 am - 9 : 30 9 : 35 am - 10 : 05 10 : 10 am - 10 : 40 10 : 45 am - 11 : 15 i appreciate any help you can offer in submitting names for those who may be able to interview if you can not . thanks ! alyse herasimchuk recruiting coordinator associate / analyst program 57339",0 +"Subject: resume - jeff andrews vince , attached is the evaluation form and resume for your interview w / jeff andrews this afternoon at 5 pm . i will bring him to your office at that time . jeff is interviewing for a research position within the coal group . please feel free to contact if there are any questions . thanks chris williams ena staffing x 39866",0 +"Subject: re : telephone interview hi darlene : vince kaminski and the research group would like to bring todd perry in for an interview . they have already had a "" telephone interview "" and feel like he may be a good fit somewhere in the research group . a copy of his resume is attached . he will be able to come on friday , june 2 . please contact him and arrange his travel . when this is completed , call me and we will set up the interview schedule . the interviewers would be : vince kaminski stinson gibner krishna krishnarao grant masson zimin lu vasant shanbhogue if you have any questions , please call me . thanks ! shirley todd a . perry - resume 2 . doc todd a . perry department of finance 541 . 346 . 1341 ( voice ) lundquist college of business 541 . 346 . 3341 ( fax ) 1208 university of oregon eugene , or 97403 - 1208 http : / / darkwing . uoregon . edu / ~ taperry",0 +"Subject: re : preface for book julie , no problem . it ' s your call but chris should also be mentioned as number one . vince "" julie "" on 08 / 03 / 2000 03 : 06 : 28 pm to : "" vince j kaminski "" cc : subject : re : preface for book vince , thanks for this . ? ? ? are you ok with us using your name for this ? ? ? julie - - - - - original message - - - - - from : vince j kaminski to : julie @ lacima . co . uk sent : wednesday , august 02 , 2000 2 : 11 pm subject : re : preface for book - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 02 / 2000 08 : 16 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 08 / 02 / 2000 08 : 09 am to : ? ? "" julie "" @ enron cc : ? ? vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect subject : ? re : preface for book ? ( document link : vince j kaminski ) julie , the introduction looks fine . i have made some cosmetic changes ( typos and split infinitives that slipped by ) . you can safely ignore most of them . english is not even my second language . the corrections are in pink . vince ( see attached file : introo 802 . doc ) "" julie "" on 08 / 01 / 2000 07 : 43 : 10 am to : ? ? "" vincejkaminski "" cc : subject : ? preface for book vince , hope you are well . we spoke a while ago about who should write the preface for the book , and ? you kindly offered that you would provide this . is this still ? possible ? we realise that you are extremely busy , so chris and les went ? ahead and wrote something , which is below , and if you want to review , change or ? re - write the preface , that would be very appreciated . let me know ? what your thoughts are . thanks , julie ( we ' re getting close ) preface one of our main objectives in ? writing energy derivatives : pricing and risk management has been to bring ? together as many of the various approaches for the pricing and risk management ? energy derivatives as possible , to discuss in - depth the models , and to show how ? they relate to each other . in this ? way we hope to help the reader to analyse the different models , price a wide ? range of energy derivatives , or to build a risk management system which uses a ? consistent modelling framework . we ? believe that for practitioners this last point is very important and we continue ? to stress in our articles and presentations the dangers of having flawed risk ? management and giving arbitrage opportunities to your competitors by using ? ad - hoc and inconsistent models for different instruments and markets ( see also others who propose consistent ? models ? ) . however , it is not ? our wish to concentrate on one particular model or models , at the exclusion of ? the others because we believe that the choice should rest with the user ? ( although it will probably be clear from our discussions the model ( s ) we ? prefer ) . we therefore try and give ? as clear account as possible of the advantage and disadvantages of all the ? models so that the reader can make an informed choice as to the models which ? best suit their needs . in order to meet our objectives the ? book is divided into 11 chapters . ? in chapter 1 we give an overview of the fundamental principals needed to ? model and price energy derivatives which will underpin the remainder of the ? book . in addition to introducing ? the techniques that underlie the black - scholes modelling framework we outline ? the numerical techniques of trinomial trees and monte carlo simulation for ? derivative pricing , which are used throughout the book . in chapter 2 we discuss the ? analysis of spot energy prices . as ? well as analysing empirical price movements we propose a number of processes ? that can be used to model the prices . ? we look at the well - know process of geometric brownian motion as well as ? mean reversion , stochastic volatility and jump processes , discussing each and ? showing how they can be simulated and their parameters estimated . chapter 3 , written by vince ? kaminski , grant masson and ronnie chahal of enron corp . , discusses volatility ? estimation in energy commodity markets . ? this chapter builds on the previous one . it examines in detail the methods , ? merits and pitfalls of the volatility estimation process assuming different ? pricing models introduced in chapter 2 . ? examples from crude , gas , and electricity markets are used to illustrate ? the technical and interpretative aspects of calculating volatility . chapter 4 examines forward curves ? in the energy markets . although ? such curves are well understood and straight - forward in the most financial ? markets , the difficulty of storage in many energy markets leads to less well ? defined curves . in this chapter we ? describe forward price bounds for energy prices and the building of forward ? curves from market instruments . we ? outline the three main approaches which have been applied to building forward ? curves in energy markets ; the arbitrage approach , the econometric approach , and ? deriving analytical values by modelling underlying stochastic factors . chapter 5 presents an overview of ? structures found in the energy derivative markets and discusses their uses . examples of products analysed in this chapter include a variety of swaps , caps , floors and collars , as well as energy swaptions , compound options , asian options , barrier options , lookback options , and ladder options . chapter 6 investigates single and ? multi - factor models of the energy spot price and the pricing of some standard ? energy derivatives . closed form ? solutions for forward prices , forward volatilities , and european option prices ? both on the spot and forwards are derived and presented for all the models in ? this chapter including a three factor , stochastic convenience yield and interest rate model . chapter 7 shows how the prices of ? path dependent and american style options can be evaluated for the models in ? chapter 6 . simulation schemes are ? developed for the evaluation of european style options and applied to a variety ? of path dependent options . in order ? to price options which incorporate early exercise opportunities , a trinomial ? tree scheme is developed . this tree ? is built to be consistent with the observed forward curve and can be used to ? price exotic as well as standard european and american style options . chapter 8 describes a methodology ? for valuing energy options based on modelling the whole of the market observed ? forward curve . the approach results ? in a multi - factor model that is able to realistically capture the evolution of a wide range of energy forward curves . ? the user defined volatility structures can be of an extremely general ? form . closed - form solutions are ? developed for pricing standard european options , and efficient monte carlo ? schemes are presented for pricing exotic options . the chapter closes with a discussion of the valuation of american style options . chapter 9 focuses on the risk ? management of energy derivative positions . ? in this chapter we discuss the management of price risk for institutions ? that trade options or other derivatives and who are then faced with the problem ? of managing the risk through time . ? we begin with delta hedging a portfolio containing derivatives and look ? at extensions to gamma hedging ? illustrating the techniques using both spot and ? forward curve models . the general ? model presented in chapter 8 is ideally suited to multi - factor hedging of a ? portfolio of energy derivatives and this is also discussed . chapter 10 examines the key risk ? management concept of value at risk ( var ) applied to portfolios containing ? energy derivative products . after ? discussing the concept of the measure , we look at how the key inputs ? ( volatilities , covariances , correlations , etc ) can be estimated . we then compare the fours major ? methodologies for computing var ; delta , delta - gamma , historical simulation and ? monte - carlo simulation , applying each to the same portfolio of energy ? options . in this chapter we also ? look at testing the var estimates for various underlying energy market ? variables . finally , in chapter 11 we review ? modelling approaches to credit risk . ? we look in detail at two quite different approaches , creditmetrics ( j . p . morgan ( 1997 ) ) and ? creditrisk + ( credit suisse financial ? products ( 1997 ) ) for which detailed information is publicly available . together these provide an extensive set ? of tools with which to measure credit risk . we present numerical examples of applying these techniques to energy derivatives . before ? we begin we stress that the models and methods we present in this book are tools ? which should be used with the benefit of an understanding of how both the ? tool ? ? and the market works . the ? techniques we describe are certainly not ? magic wands ? which can be waved at ? data and risk management problems to provide instant and perfect solutions . to quote from the riskmetrics technical document ? ? no amount of sophisticated analytics will replace experience and professional judgement in managing risk . ? . ? however , the right tools , correctly used make the job a lot ? easier !",0 +"Subject: my visit dear vince , thanks for your phone call this morning . i will ring mike tonight , i . e . houston tomorrow morning . . . . . had a look at the temps and anomalies over ca , looks warm for this time of the year ( dec . ) , there has been an increase in the night time t _ min , and t _ max remains at an above average level . i will start setting up my models over conus this week . regards , christian",0 +"Subject: re : a personal favor thanks very much . i am attaching his resume for your review . - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , may 07 , 2001 12 : 08 pm to : anurag . saksena @ gmacrfc . com cc : vince . j . kaminski @ enron . com subject : re : a personal favor anurag , i shall talk about vikas to our it people . can you send me his resume ? vince "" saksena , anurag "" on 05 / 07 / 2001 10 : 06 : 54 am to : "" ' vkamins @ ect . enron . com ' "" cc : subject : a personal favor vince , i have left a voice mail to you and will wait to talk to you personally . my brother vikas , who is now in london , is trying to make a switch from consulting world to working for a specific firm . over last few months , i have heard of great deal about the success of enron on line business which fits well in the area of his expertise . i am wondering if you know of some one in london who he can speak to regarding career opportunities . since i spoke to you last , a number of things have changed . recently , my manadate was broaden to include leading a charge for developing a risk management function for both the domestic and international businesses for gmac . needless to say , this is exciting albeit making the life a little more hectic than usual . talk to you later . anurag 952 - 857 - 6133 - resl . doc",0 +"Subject: mark , please , check the following web - site . we can commisison a study from this guy . vince ",0 +"Subject: from the enron india newsdesk - may 4 th newsclips vince / stinson , some news articles on india . it appears that dpc will attend the may 11 meeting , but will not be presenting any proposals . they will be taking representatives from the lender side , ge and bechtel , as well as from the lng supplier side . also , a name has been thrown up as the likely person to represent the center . regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 05 / 04 / 2001 02 : 36 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - nikita varma 05 / 04 / 2001 07 : 47 am to : nikita varma / enron _ development @ enron _ development cc : ( bcc : sandeep kohli / enron _ development ) subject : from the enron india newsdesk - may 4 th newsclips the economic times friday , may 04 , 2001 , http : / / www . economictimes . com / today / 04 infrol . htm godbole panel suggestions unacceptable : enron , girish kuber - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the above article also appeared in the following newspaper : business standard friday , may 04 , 2001 , godbole terms of reference not acceptable : dpc the hindustan times power purchase talks between govt , enron falls through - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the times of india friday , may 04 , 2001 , http : / / www . timesofindia . com / today / 04 busi 2 . htm enron ready to take part in ppa talk , nitin yeshwantrao the financial express friday , may 04 , 2001 , http : / / www . financialexpress . com / fe 20010504 / ecol 0 . html dpc team to appear before godbole panel on may 11 the above article also appeared the following newspapers : mid day enron , state govt to meet next week the hindu businessline friday , may 04 , 2001 , http : / / www . hindubusinessline . com / stories / 140456 uy . htm enron wants renegotiation meet rescheduled - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - afternoon friday , 4 may , 2001 , http : / / www . afternoondc . com / houston team to meet godbole - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - business standard friday , may 04 , 2001 , salve may represent centre on enron talks panel - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the times of india friday , may 04 , 2001 , http : / / www . timesofindia . com / today / 04 busi 2 . htm salve may represent centre on enron talk panel - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - pioneer friday , may 04 , 2001 , enron talks : salve may be govt man - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - mid day friday 4 may 2001 , enron ' s rates too high : mseb - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the economic times , friday , may 04 , 2001 godbole panel suggestions unacceptable : enron , girish kuber hopes that the godbole committee would be able to renegotiate the dabhol power project promoted by the us energy major enron may turn out to be misplaced . the us energy major says that the godbole committee  , s suggestions were unacceptable . in response to a query from et , the company said in a statement that the  & published terms of the godbole report do not represent an acceptable basis for further discussions .  8 the statement said that it would be meeting the committee next week as  & a matter of courtesy  8 .  & since the purpose of our meeting is to hear out the committee and understand their thoughts , we will not present any proposals ,  8 the statement said . according to highly - placed sources in the government , the company has informed the madhav godbole panel that it would be meeting on may 11 . earlier reports had indicated that the discussions with the panel would take place on may 5 . according to sources , enron would be meeting the panel with representatives of its lenders and shareholders . the godbole committee , that studied the current power purchase agreement , has called for cancellation of the present tariff structure , renegotiation of the lng and shipping contract , removal of dollar denomination as far as fixed charges of the tariff is concerned , debt restructuring and the formation of a committee to renegotiate the power purchase agreement . these suggestions , it seems , may not be acceptable to enron . the maharashtra government accepted the report and asked the godbole committee to renegotiate . the committee has been given a month  , s time to renegotiate on behalf of the state government with dpc for a new ppa . the committee has opined that since the lng facility of 5 mmpta is far in excess of what is required by the plant ( only 2 . 1 mmpta of which 1 . 8 mmpta is on take or pay ) , it should be separated into a distinct facility whose capital costs should not be reflected in the fuel charge , not as take or pay . it should instead be only in proportion to the fuel regassified for the power generation . using the entire allocated gas requires an unusually high plf . instead , the surplus gas can be sold to other players like petronet or enron  , s own metgas .  & it is important to distribute the cost over the entire capacity and not just the amount sold to the power plant ,  8 says the committee . similarly , it has been suggested that enron could lease out the harbour facilities as a common facility to other lng importers . on the lng contract negotiated by enron for long - term supplies , it has said that since the lng market has witnessed great changes , particularly as far as prices are concerned , the power company should take advantage of spot buys and renegotiate the contract accordingly . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the times of india , friday , may 04 , 2001 enron ready to take part in ppa talk , nitin yeshwantrao the enron management has finally agreed to participate in a ' discussion ' with the madhav godbole - led re - negotiation committee set - up to facilitate the restructuring of the power purchase agreement ( ppa ) signed between the us power major and the state government . officials of dabhol power company ( dpc ) , a subsidiary of enron , alongwith their team of shareholders and lenders will arrive here on may 11 for talks with the nine - member godbole panel . though the dpc spokesperson was reluctant to give a confirmation , a key mantralaya official told the times of india that the team had expressed willingness for talks with the experts committee in a bid to end the imbroglio . enron ' s response is viewed as a welcome development to amicably resolve the controversy which had been raging for the last few weeks , with the board of directors of enron authorising its india md k wade cline to serve a termination notice to mseb . the state government , on its part , too adopted a confrontational position by slapping a rs 401 crore rebate charge on dpc for defaulting on power supply . however , the sudden change of heart by the enron management is largely attributed to the stand taken by its local lenders led by industrial development bank of india ( idbi ) which had recently opposed the move to pull out of the project . this was in contradiction to the stand taken by the foreign lenders of the dpc who were in favour of slamming the brakes on disbursement of funds to dpc . the congress - led democratic front government had publicly declared that it would impress upon the enron management to renegotiate the ppa as scrapping the project would not be in the interest of both the parties . last week , the state government constituted a nine - member panel of experts under former bureaucrat madhav godbole . godbole had written to the dpc management inviting it for talks to re - negotiate the ppa on may 5 . for the delayed response from enron , the meeting has been rescheduled to may 11 . the issues which would be debated at the meeting include the separation of the lng facility from the power plant , renegotiating lng supply and shipping agreements , redefining the dpc tariff and to convert it into a two - part tariff . the godbole panel will bargain hard for removal of dollar denomination in the fixed charge component and to allow the maharashtra government to sell power to third parties . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the financial express , friday , may 04 , 2001 , dpc team to appear before godbole panel on may 11 a battery of dabhol power company ( dpc ) officials and foreign lenders will appear before the madhav godbole renegotiations committee on may 11  & as a matter of courtesy , and not for presenting any proposals .  8 simultaneously , the dpc has made it clear that the published terms of the godbole report do not represent an acceptable basis for further discussions . the dpc team is likely to include officials from the enron corp , bechtel , general electric , its liquefied natural gas suppliers , oman lng and abu dhabi lng and a trustee bank , abn amro for the proposed may 11 meeting , it is reliably learnt . mantralaya sources said that the dpc had earlier expressed its inability to appear before the godbole committee on may 5 , fixed earlier , on account of the non - arrival of its team from houston and other parts of the world . however , the company has ultimately decided to meet the godbole committee on may 11 . dpc spokesman jimmy mogal said :  & we confirm that dpc has been invited to meet the recently formed negotiating committee . as a matter of courtesy , we have agreed to meet them next week . since the purpose of our meeting is to hear out the committee and understand their thoughts , we will not present any proposals .  8  & while we have constantly maintained that we are open to a dialogue towards resolving issues , this meeting in no manner be construed as an open offer from dpc to renegotiate the terms of the contract . furthermore , the published terms report do not represent an acceptable basis for further discussions ,  8 he added . sources said enron corp chairman kenneth lay is likely to meet former chief minister sharad pawar to find an acceptable solution for the ongoing crisis before the may 11 meet . mr lay told the foreign news agency on wednesday that the enron corp has no immediate plans to sell its stake in the troubled $ 2 . 9 - billion dabhol power project in western india . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - afternoon , may 4 , 2001 houston team to meet godbole the enron - promoted dabhol power company ( dpc ) yesterday said it had agreed to meet the godbole committee "" as a matter of courtesy "" and this should "" in no manner be construed as an open offer from dpc to renegotiate the terms of the contract . "" in a statement issued last night , the us energy major made it clear that the purpose of the meeting with the nine member renegotiating committee was "" to hear out the panel and understand their thoughts , and not present any proposals . "" furthermore , the published terms of the godbole report did not represent any acceptable basis for towards resolving issues . earlier , state government sources said that a team of senior officials from enron headquarters in houston is slated to attend the first godbole renegotiations committee meeting , now to be held on may 11 . the panel deferred its meeting from may 5 as in a formal communication , dpc requested the state government for a suitable date other than the stipulated one , they said . however , the multinational is yet to send a list of its nominees , who are due to arrive next week , they said . meanwhile , the centre is likely to appoint solicitor general harish salve as its representative on the high - power committee to renegotiate the power purchase agreement ( ppa ) signed between dpc and maharashtra state electricity board . other members of the godbole committee are hdfc chairman deepak parekh , teri director r . k . pachauri , former union energy secretary e . a . s . sarma , kirit parikh of indira gandhi institute of developmental research , maharashtra energy secretary v . m . lal , state finance secretary s . k . srivastav and mseb chairman vinay bansal . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - business standard , friday , may 04 , 2001 salve may represent centre on enron talks panel solicitor general harish salve is likely to be named the centre  , s representative on the high - power committee appointed by the maharashtra government to renegotiate the power purchase agreement ( ppa ) with the us energy giant enron - promoted dabhol power company ( dpc ) . according to highly placed government sources , salve  , s name has been cleared by both ministries of finance and power . the maharashtra government has appointed a negotiating committee headed by former bureaucrat madhav godbole to renegotiate the estranged ppa signed by the maharashtra state electricity board ( mseb ) and dpc . enron had made opening of talks with maharashtra conditional on the presence of a centre  , s representative on the negotiating committee . salve would meet secretaries in the ministries of finance , power and law to firm up the centre  , s stand on the crisis arising out of payment defaults by mseb , sources said adding that petroleum secretary is also likely to be included in the panel . sources said enron appeared to be keen on solving the present impasse through negotiations judging from corporation chairman kenneth lay  , s statement yesterday in houston that the company had no plans to sell its stake in the $ 2 . 9 billion dabhol project . the government is likely to make a formal announcement of salve  , s appointment on the negotiating committee by the weekend , sources said . the negotiating committee would suggest solutions to bring down the exorbitant power tariffs , separating of the liquefied natural gas ( lng ) facility , restructuring of dpc and allowing sale of excess power through central utilities , mainly the national thermal power corporation ( ntpc ) , sources said . the dpc board had late last month authorised the local manager in india to issue termination notice to mseb following a bitter payment controversy . dpc has already slapped one conciliation notice on the centre and three arbitration notices on the state government over non - payment of dues . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the times of india , friday , may 04 , 2001 salve may represent centre on enron talk panel solicitor general harish salve is likely to be named the centre ' s representative on the high - power committee appointed by the maharashtra government to renegotiate the power purchase agreement ( ppa ) with us energy giant enron - promoted dabhol power company ( dpc ) . according to highly placed government sources , salve ' s name had been cleared by both ministries of finance and power . the maharashtra government has appointed a negotiating committee headed by former bureaucrat madhav godbole to renegotiate the estranged ppa signed by maharashtra state electricity board ( mseb ) and dpc . enron had made opening of talks with maharashtra conditional on the presence of centre ' s representative on the negotiating committee . salve would meet secretaries in the ministries of finance , power and law to firm up centre ' s stand on the crisis arising out of payment defaults by mseb , sources said , adding petroleum secretary is also likely to be included in the panel . sources said that enron appeared to be keen on solving the present impasse through negotiations judging from corporation chairman kenneth lay ' s statement on wednesday in houston that the company had no plans to sell its stake in the $ 2 . 9 billion dabhol project . ( pti ) - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the pioneer , friday , may 04 , 2001 , enron talks : salve may be govt man solicitor general harish salve is likely to be named as centre ' s representative on the high - power committee appointed by the maharashtra government to renegotiate the power purchase agreement ( ppa ) with us energy major enron - promoted dabhol power company . according to sources , mr salve ' s name has been cleared by the ministries of finance and power . the maharashtra government recently appointed a committee headed by former bureaucrat madhav godbole to renegotiate the ppa signed by the maharashtra state electricity board ( mseb ) and dpc . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - mid day , friday 4 may 2001 enron ' s rates too high : mseb the maharashtra state electricity board ( mseb ) is planning to convey to the dabhol power company ( dpc ) , a subisidiary of us energy giant enron , its inability to pay increased fixed charges at the rate of rs 500 crore a month from next year . mseb officials said that dpc would be informed about this during re - negotiation of the power purchase agreement ( ppa ) . as per ppa , the increased rate will come into effect from january , 2002 following completion of dpc ' s 1 , 444 mw second phase of the project in october this year . the ppa also says that the fixed rate will have to be paid to the company irrespective of the consumption of electricity . at present mseb is paying fixed chages of rs 95 crore a month to dpc for its first phase of the project , generating 740 mw power . ' ' we have been raising this issue with dpc for last couple of months , highlighting that this ( fixed charges from next year ) is not viable for us . even state chief minister vilasrao deshmukh raised the issue in new delhi at a meeting recently ' ' , the officials said . the board will continue to raise this issue during the re - negotiation process with dpc . however , dpc officals are keeping mum over the issue , adopting a ' wait and watch ' policy , they added . under the second phase of the project , 722 mw power generating capacity will be achieved by june and remaining 722 mw by october this year , the officials said .",0 +"Subject: re : telephone interview with the enron research group hi nina : we would be glad to see you tomorrow . since this is a preliminary interview to see if there is a fit and an interest , we will schedule an hour and probably the interviewers will double up their time . i have scheduled the following , if the times do not work for you , please let me know . 9 : 00 am vince kaminski and stinson gibner 9 : 30 am tanya tamarchenko and zimin lu when you come into the enron bldg , go to the security desk and ask for me , they will call me and i will meet you in the lobby of the 19 th floor . thanks and have a safe trip . regards , shirley crenshaw nina knirel on 11 / 29 / 2000 09 : 52 : 02 am to : shirley . crenshaw @ enron . com cc : subject : re : telephone interview with the enron research group dear shirley crenshaw , thank you very much for your interest . i will be in houston tomorrow morning and i thought that it could be more convenient if we can meet in person . if you prefer the phone interview , let me know what number i should call and we can have it tomorrow . thanks again , nina knirel - - - shirley . crenshaw @ enron . com wrote : > good morning ms . knirel : > > vince kaminski and several members of the research > group would like > to conduct a telephone interview with you sometime > this week at your > convenience . please let me know the times that you > are available and > they will contact you . > > the telephone interviews usually last approximately > 1 hour and will be > conducted via a speaker phone . > > the interviewers will be : > > vince kaminski managing director and head of > research > stinson gibner vice president , research > tanya tamarchenko director , research > zimin lu director , research > > look forward to hearing from you . > > best regards , > > > shirley crenshaw > administrative coordinator > enron research group > do you yahoo ! ? yahoo ! shopping - thousands of stores . millions of products . http : / / shopping . yahoo . com /",0 +"Subject: phone call today vince , there are a few matters i ' d like to discuss with you : clarification on who tony harrison reports to ( i had understood it would be the houston crude oil weather forecast team but i am not now sure ) to let you know that joe wants to recruit a strongly mathematical macroeconomist reporting to steve , and therefore that maureen will be returning to houston later this month to talk about stinson coming over for a visit regards , tani",0 +"Subject: re : var and credit meeting on wednesday , april 11 at 11 : 30 am everybody , this week our regular meeting will be devoted primarily to 2 subjects : 1 . simulating power prices in var ; 2 . capturing correlations across commodities as well as across term structure of forward prices . research will present some suggestions based on data analysis . detailed agenda is enclosed . please , let shirley crenshaw know if you are not planning to attend . tanya .",0 +"Subject: seminar mugs vince : our pr staff has put together a great design for the finance seminar mugs . we need to get a clean copy of the enron logo , if possible . the design is in adobe pagemaker if your people can find a logo that can be pulled into that format . they can send it directly to me and i will make sure it gets to the right place . thanks so much . bbo",0 +"Subject: dabhol power company caps vince we have completed the valuation of the above interest rate caps as requested . i have faxed a copy of the attached files to your attention at ( 713 ) 646 2503 . please let us know if we can help again . regards , leslie abreo andrew kalotay associates , inc . 61 broadway , ste 3025 new york ny 10006 phone : ( 212 ) 482 0900 fax : ( 212 ) 482 0529 email : leslie . abreo @ kalotay . com visit aka ' s website at http : / / www . kalotay . com - cap valuation _ 0900 . doc - dabhol power co caps . xls",0 +"Subject: payroll elena chilkina was not paid for the following days , july 3 and 4 . please any questions contact shirley crenshaw or kevin moore . if more information is needed feel free to call x 34710 . thanks kevin moore",0 +"Subject: eprm article hi vince , ? i ' m sorry you weren ' t around in sydney this week . you missed a very good book launch party that john martin organised here for us . paul made a short speech in which he relayed some great comments which he said came from ? you - thanks very much ! ? please find attached the next eprm article . its not really tided up fully from our end yet , but i wanted to send it off before the weekend in case you got chance to look at it . because of the easter break robin is after it by thursday of next week . ? best regards . ? chris . ? - eprm _ 10 _ fwd _ curve _ simulation . doc",0 +"Subject: texas a & m at galveston dr . bill mcmullen called you this morning and said that you had called the school last week asking for courses that they scheduled for quantitive analysis . they gave your name to dr . mcmullen and he would like you to email him exactly what you are looking for . his email address is : mcmullew @ tamug . tamu . edu thanks ! shirley",0 +"Subject: informs - maui hi steve : good to hear from you and hope you are liking your new role at u . of maryland . i would like to come but i am not sure if i will be able to make it to this conference . i will forward your message to my colleagues and ask them to contact you if they are interested . thanks , krishna . - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 12 / 12 / 2000 12 : 08 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - steve gabriel on 12 / 11 / 2000 10 : 52 : 21 am to : pkrishn @ ect . enron . com cc : subject : informs - maui krishna : how are you doing ? i wanted to let you know my new address , i ' m now at the university of maryland . also , in my role as energy cluster chair for the maui , hawaii informs conference ( june 17 - 20 , 2001 ) , i am looking for either session chairs or speakers . perhaps you may know of some interested individuals ? i am also running a session on optimization and equilibrium modeling in energy , please send interested speakers ( or possible session chairs to me ) . thanks . - steve gabriel steven a . gabriel , ph . d . assistant professor , project management program http : / / www . cee . umd . edu / prog / projmgt . html director , optimization & equilibrium studies , center for technology and systems management http : / / ctsm . umd . edu / contact information : department of civil and environmental engineering 1143 glenn l . martin hall university of maryland college park , maryland 20742 - 3021 sgabriel @ eng . umd . edu tel . ( 301 ) 405 - 3242 fax ( 301 ) 405 - 2585 ",0 +"Subject: background information tom , can you send me additional copies of the information about the webi program ? i want to distribute it internally . vince",0 +"Subject: re : software license karla , august is a vacation month in france . i would not count on a response any time soon . vince from : karla feldman on 08 / 08 / 2000 09 : 34 am to : geman @ dauphine . fr cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : software license ms . geman , i am just following up to see if you had received my previous message forwarded below and whether you have a response so that we can move forward with this contract ? thank you , karla feldman - - - - - forwarded by karla feldman / hou / ect on 08 / 08 / 2000 09 : 23 am - - - - - karla feldman 07 / 28 / 2000 01 : 41 pm to : geman @ dauphine . fr cc : subject : software license dear ms . geman , i met with vince kaminski yesterday regarding picking back up with the license agreement we were working on back in march . he relayed some additional requirements which need to be added to the agreement , which include the following : 1 . the price agreed upon is $ 90 , 000 . 2 . d - g will provide system support . 3 . no later than 12 months of execution of the agreement , d - g will provide the source code to enron . in the meantime , the source code is to be in escrow . additionally , the source code would be released sooner than the 12 months if any of the following conditions occur : ( i ) d - g goes out of business ; ( ii ) d - g is unable to provide effective technical support ; or ( iii ) if d - g agrees to release it sooner . before i have our attorney add these things to the agreement , we need to discuss the escrow situation . vince mentioned that you had suggested that your attorney keep the software in escrow . is your attorney a u . s . attorney ? it seems like i may have recalled that way back in march you might have said you had a friend or relative that was an attorney . is that the same person ? does this attorney work for a large firm , small firm , or solo practitioner ? basically , if you could just provides some additional information about your attorney , i would appreciate it . we normally would use an escrow company to put the software in escrow . we have dealt with a company here in the u . s . called dsi technology . i will check into that pending your answer regarding your attorney . once we decide what we want to do regarding placing the software in escrow , we will red - line the agreement to reflect such changes and e - mail it back to you for your review . i look forward to hearing from you . karla feldman enron corp . contract administration ( 713 ) 646 - 7554",0 +"Subject: hvince , edge effectiveness testing for fas 133 vince , as we discussed , subject to minor changes the attached paper will appear in the j of applied corporate planning . i ' d be most interested in your comments . by the way , if you like the yield curve generation process described in the paper , we ' d be happy to perform a simulation , so that you can compare the results based on the to the hjm procees . i look forward to getting together with you when you come to ny to attend the garp conference , around february 13 . just give me a brief warning . regards , andy andrew kalotay associates , inc . ( 212 ) 482 - 0900 andy @ kalotay . com visit our web - site http : / / www . kalotay . com - fasl 33 article . doc",0 +"Subject: re : jinbaek kim molly , we can pay for the plane ticket . we have to make sure that we shall extend the same treatment to other summer interns to avoid bad feelings . vince from : molly magee / enron @ enronxgate on 04 / 25 / 2001 11 : 47 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : subject : jinbaek kim we received some correspondence this morning from jinbaek in which he says he plans to start on june 4 , 2001 . since we are trying to offer a package comparable to that of an associate in the program , i assume we will also pay for his plane ticket here ? ? ? just wanted to check before i contacted him . . . . , so i ' ll wait to hear from you . thanks , molly x 34804",0 +"Subject: re : impending visit vince : would friday morning july 7 at 9 : 00 am work for you ? give me an email shout if so . thanks . dale nesbitt - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : june 28 , 2000 2 : 19 pm to : dale . nesbitt @ marketpointinc . com cc : vince . j . kaminski @ enron . com subject : re : impending visit dale , sorry for a delay in responding to your message . i shall talk to the head of our b 2 b unit on friday this week and shall remind him about your visit . i hope he can make a decision at this time whether he is interested in pursuing this opportunity vince "" dale nesbitt "" on 06 / 27 / 2000 11 : 26 : 05 pm to : "" vincent kaminski "" , "" vince . j . kaminski "" cc : subject : impending visit vince : i sent you an email a couple of days ago to inquire if we might get together at your offices on july 5 or july 7 in houston to follow up our earlier discussions . i notice i have two email addresses for you , so i am sending this to both . i am not sure the earlier transmission got to you . would you be available the afternoon of the 5 th or the morning of the 7 th to continue our earlier discussions ? give me an email or phone shout at 650 . 218 . 3069 . thanks dale nesbitt",0 +"Subject: re : report research i have responded back to barbara and am sending her some written material . thank you . vince j kaminski 10 / 12 / 2000 10 : 50 am to : mike a roberts / hou / ect @ ect , joseph hrgovcic / hou / ect @ ect cc : mark tawney / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : report research joe , mike , please check with pr first if we want too talk to her and run it by mark . i think it is in our interest to be quotes extensively in the press . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 12 / 2000 10 : 53 am - - - - - - - - - - - - - - - - - - - - - - - - - - - energywriter @ aol . com on 10 / 11 / 2000 10 : 54 : 39 am please respond to energywriter @ aol . com to : energywriter @ aol . com cc : subject : report research i am writing a management report on weather risk management . the story will discuss different weather risk management tools used by power marketers in the energy industry . it also looks at weather prediction and analysis services available to energy traders . i am looking for a list and description of the weather risk management products , and how each can benefit an energy trader . i would also like to know what traders ' reactions to significant weather are . and where can i find a list of popular weather instruments with descriptions ? i appreciate any help you can give me . i would like to set up a chat with you this week if you have the time , or simply email me your input . thanks in advance ! barbara drazga independent journalist po box 472401 aurora , co 80047 303 - 369 - 3533 tel . 303 - 369 - 3510 fax",0 +"Subject: renshi zhang ' s resume fyi . please cancel the interview schedule for renshi zhang . hr just notified me that he has accepted another position . it was scheduled for tomorrow . i have removed it from the calendars that i have access to . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 23 / 2001 10 : 19 am - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 04 / 19 / 2001 04 : 08 pm to : shirley crenshaw / hou / ect @ ect , molly magee / enron @ enronxgate cc : vince j kaminski / hou / ect @ ect subject : renshi zhang ' s resume shirley and molly , vince is interested to set up an interview for renshi zhang . any day except thursday next week is good . interviewers : vince , stinson , vasant , tanya , alex , bob , krishna and myself . contact number for mr . zhang is 713 - 544 - 5989 . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 04 / 19 / 2001 03 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 04 / 05 / 2001 09 : 49 am - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 04 / 05 / 2001 09 : 46 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 03 / 14 / 2001 10 : 06 am to : zimin lu / hou / ect @ ect cc : subject : resume - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 14 / 2001 10 : 07 am - - - - - - - - - - - - - - - - - - - - - - - - - - - marshall brown on 03 / 09 / 2001 07 : 46 : 22 am to : vince kaminski cc : subject : resume vince , how are you . this candidate would be interested in any positions in your group . regards , marshall brown vice president robert walters associates tel : ( 212 ) 704 - 0596 fax : ( 212 ) 704 - 4312 mailto : marshall . brown @ robertwalters . com http : / / www . robertwalters . com > caution : electronic mail sent through the internet is not secure and could be intercepted by a third party . this email and any files transmitted with it are confidential and intended solely for the use of the individual or entity to whom they are addressed . if you have received this email in error please notify the system manager . this footnote also confirms that this email message has been swept by mimesweeper for the presence of computer viruses . - zhan _ ren . doc",0 +"Subject: vince / stinson , please find the two attachments that give a more detailed calculation , as well as the revised statement that can be made to press . the numbers are not small , but really do not reflect the true magnitude of the genset issue . they do not take into account the capital costs of the gensets , and also do not focus on the many smaller units that are operating in homes , and commercial establishments . hope ths helps . regards , sandeep .",0 +"Subject: re : volume ii of the technical corner collection sam , this is a partial list of people to whom i would like to send the volumes : volume 1 & 2 winokur ( enron board member , shirley has his address ) jeff skilling ken lay mark frevert greg whalley rick buy jeff shankman john lavorato dave delainey i shall write the cover letter . also , we can add additional volume for kaminski ' s columns ( just 10 copies ) , including bios and my contributions . i would like to show the depth of talent we have in the group . vince enron north america corp . from : william smith @ enron 01 / 09 / 2001 01 : 07 pm to : vince j kaminski / hou / ect @ ect cc : subject : volume ii of the technical corner collection vince , i have successfully integrated martin ' s article into volume ii and am following mike ' s instructions for reproduction . i ' m also having some additional volume i ' s printed , too . would you mind disposing of the other set i gave you ? i wouldn ' t want things to get confused . also , i ' m doing 20 volume i ' s and 60 volume ii ' s . please let me know how many you personally need and i will deliver them to your office . thank you , sam",0 +"Subject: re : invitation to speak at power 2000 emma , it ' s your choice . i can chair the session of day 2 or speak on one of these topics . please , let me know what works for you . possible presentations : evaluating the effectiveness of insurance as a risk management tool or applying real option theory to value power plants or overcoming the difficulties of accurately estimating volatility vince "" emma wolfin "" on 12 / 14 / 99 04 : 08 : 03 pm to : vince j kaminski / hou / ect @ ect cc : subject : invitation to speak at power 2000 hi vince it is my great pleasure to invite you to speak at power 2000 which will be in houston on 9 & 10 may 2000 . would you be interested in chairing one of the streams on day 2 of the conference ? or making a full presentation on one of the days ? please let me know which talks interest you . obviously , some of the talks are no longer available but i would like to give you a choice as much as possible . please could you get back to me asap on 212 925 1864 ext 151 or by return email . i very much hope you can make the dates as i ' m very keen to have you participate at power . not to flatter you unnecessarily , but i know that a lot of people come to our conferences to hear what you have to say . best regards emma - invite . doc",0 +"Subject: re : aram ' s visit jesus , i yalked to aram . i have him on my calendar from 8 : 30 till 10 : 00 on friday . a dinner / lunch on fri would work for me . vince jesus melendrez @ enron 04 / 20 / 2000 09 : 53 am to : vince j kaminski / hou / ect @ ect cc : subject : re : aram ' s visit vince , i asked my assistant to schedule the meetings with aram and she will contacting your asst . . as far as lunch or diner , i would be interested . i will visit with aram in the next few days or if you do , you might want to ask him . i believe he is coming for a wedding and he might have a tight schedule but lets ask . hope all is going well . jgm",0 +"Subject: - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 26 / 2000 10 : 56 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" gould , aaron "" on 06 / 16 / 2000 02 : 54 : 03 pm to : "" ' vkamins @ enron . com ' "" cc : subject : dr . kaminski , on wednesday , june 14 th i attended your presentation entitled "" the challenge of valuation of energy related derivatives "" at the risk 2000 conference in boston . can you please e - mail me the slides you presented . also , you mentioned that the method you used to calculate volatility for energy prices was not the "" normal "" method . can you please tell me , or give me a reference to the method that you did use . thank you , aaron gould senior risk management analyst pseg services corporation aaron . gould @ pseg . com 1 - 973 - 456 - 3527",0 +"Subject: reschedule meeting for duffie report hi shirley , this email is in reference to your vmail regarding my rescheduling my meeting on tomorrow at 2 pm with vince . that is fine with me because the credit guys ( craig chaney and jeff kinneman ) have had a change in strategy . they have asked us to take some time to evaluate moody ' s riskcalc software . therefore i have had to put the duffie project on hold for the last few days . however i am about two thirds through the duffie documents and will resume studying them as soon as i get through the lengthy riskcalc documents . let me know if he still wants to meet later in the week thanks , iris .",0 +"Subject: re : enl - dailyupdate - txt please respond to lyris listmanager you have been subscribed to enl - dailyupdate - txt with the email address "" vkamins @ enron . com "" to unsubscribe , send a blank email to leave - enl - dailyupdate - txt - 13662 e @ estutenwsl 1 . energy . williams . com",0 +"Subject: financial engineering invoice # 2001 - m 608 connie : in response to your email to vince kaminski of 3 / 19 / 01 , the subject invoice was sent to our accounting dept . for payment on february 25 , 2001 . we did not need the spav maintenance , so we deducted $ 1 , 600 . 00 . did you receive a payment in the amount of $ 4100 . 00 that could possibly have been payment for this invoice ? i have left a message for our accounting dept . to see exactly when the invoice was paid and the check number . as soon as i hear from them i will left you know . best regards , shirley crenshaw administrative coordinator enron research group 713 - 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: personal time on tuesday , nov . 21 , 2000 shirley : just a reminder that i had requested time - off on tuesday , november 21 , 2000 , to attend a school function that i attend every year for a little friend of ours . i know you will be on vacation but leann will be here to help vince or any of the rest of the department . i would not normally take off when you are gone , but this is really important to riley and i hate to disappoint him . his school has grandparents day the tuesday before thanksgiving every year . he does not have grandparents that can attend so he has always asked my husband and i to come as his special friends . usually , al could just go alone but as you know he is in hawaii taking care of his father and will not be here tomorrow . i have worked enough extra hours to cover the time i will be off ( 9 : 00 am to 1 : 00 pm or 1 : 30 pm ) . i appreciate your consideration and thanks in advance if we can work this out . anita",0 +"Subject: re : alp presentation fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 30 / 2001 02 : 05 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" dennis w . loughridge "" on 04 / 30 / 2001 10 : 49 : 10 am please respond to to : cc : subject : re : alp presentation vince i will be attending the alp presentation on may 7 and would be pleased to join the team for dinner if it is not too late . thank you dennis loughridge dennis w . loughridge director of energy consortium rice university 713 - 348 - 2812 - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : tuesday , april 10 , 2001 8 : 16 am to : loughrid @ rice . edu cc : luigical @ rice . edu subject : alp presentation sorry , trying again . i probably got a wrong e - mail address and the original message was returned . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 10 / 2001 08 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 10 / 2001 08 : 13 am to : barrett @ rice . edu , uecker @ rice . edu , cmiller @ rice . edu , lounghrid @ rice . edu , luigical @ rice . edu cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , kenneth parkhill / na / enron @ enron subject : alp presentation on behalf of enron corp . i would like to invite you to an alp project presentation by a group of students of jesse h . jones graduate school of management , rice university . the students will present the results of a research project regarding electronic trading platforms in the energy industry . the presentation will be held on may 7 , at 4 : 00 p . m . at enron , 1400 smith . we would also like to invite you to dinner , following the presentation . vince kaminski vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 ( 713 ) 410 5396 ( cell ) fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: additional info dear vince , thanks so much for your prompt return call . as discussed , pls find attached a # of related self - explanatory documents ( in naturally the strictest privacy and confidence ) . > > > > > > > > > > > the tx fellowship - - the highest individual recognition reward within the > company - - will be determined in jan . 2001 . the pdf files refer to a paper > presentation and 2 press interviews , respectively . the spe paper will be > published in the jan . 2001 edition of journal of petroleum technology > ( jpt ) . > > i ' ll appreciate your review and additional discussion re best fit . as > discussed , it ' s best to correspond via my personal e - mail address : > newsoussan @ iwon . com or else pls leave me a message a my secure personal > phone # @ work . pls be also advised that i ' ll be checking my phone - and > e - mail infrequently ( every other day ) while i ' m in england . i look > forward to seeing you soon in either ny or houston . > wishing you a very happy holiday season and a healthy and prosperous 2001 . > soussan , > 914 253 4187 ( w ) > > > - sfaiz _ detailed _ resume . doc - sfaiz _ job _ description . doc - sfaiz _ cover _ nomtxfellow . doc - sf _ external _ invitations . xls - spe 62964 . pdf - real _ rewards . pdf - get _ real . pdf",0 +"Subject: today ' s project list please , use a new template stored in the plans 2001 folder for today ' s project lists . over the last few weeks we had several parallel copies of the same file floating around . i have updated he list of group members in the first sheet . please , make sure i have not omitted anybody . vince ",0 +"Subject: @ jones : news and information from the jones school @ jones : news and information from the jones school march 13 , 2001 forbes magazine survey alumni association reception - - new york : march 15 conference - - perspectives on women in business : march 16 southwest business plan competition - - march 30 - 31 rice alliance business presentation forum - - march 30 cancelled - - neuhaus lecture : march 19 dean ' s lecture - - ralph eads , executive vice president , el paso corp . : april 11 black leadership conference : april 27 prof . stephen zeff publishes new book on henry rand hatfield , accounting historian rice alliance continues expansion of network , enhances services jones school campaign visit construction site - - - - - - - - - - - - - - - - - - - - - - - announcement - - - - - - - - - - - - - - - - - - - - - - - if those of you in the class of 1996 haven ' t received the forbes magazine survey , please do fill it out when it comes . forbes is looking at return on investment . your names and addresses will not be used for any other purpose beyond this one - page questionnaire and your responses will remain confidential . as you know , rankings are influenced by the percentage of the class which returns the survey . this is true for all rankings . we greatly appreciate your taking your time to do this and thank you for supporting the jones school . - - - - - - - - - - - - - - - - - - - - - - - news - - - - - - - - - - - - - - - - - - - - - - - the jones graduate school alumni association will host a dean ' s reception on thursday , march 15 , in new york city . you and your guest are invited to join gil whitaker , dean and professor of business economics , for cocktails and hors d  , oeuvres from 6 to 8 p . m . on march 15 at the 50 th floor , j . p . morgan chase & co . building , 270 park avenue , new york , ny . please rsvp to deanna sheaffer , director of finance and alumni affairs , at sheaffer @ rice . edu or 713 - 348 - 6222 . managers and business owners will address issues related to women in leadership in the march 16 conference "" grace under pressure : perspectives on women in leadership "" in herring hall . the conference , sponsored by enron corp . , j . p . morgan chase monika drake , assistant director of career planning , jones school ; marla hutchison , principal , deloitte consulting ; christie patrick , vice president , public affairs , enron corp . ; and bette wickline , director , women  , s business initiative , j . p . morgan chase & co . the march 19 neuhaus lecture featuring c . k . prahalad , harvey c . fruehauf professor of business administration , university of michigan graduate school of business administration , ann arbor , has been cancelled . it will be rescheduled at a later date . the jones school and the rice alliance will welcome aspiring entrepreneurs at the first southwest business plan competition , scheduled for march 30 - 31 , at herring hall . nine teams from schools in the southwest region of the u . s . will compete for the opportunity to enter the international moot corpc competition held each year at the university of texas , austin . http : / / www . alliance . rice . edu / swbpc / the rice alliance hosts the second annual business plan presentation forum from 9 a . m . to 1 : 30 p . m . on saturday , march 31 , duncan hall . the forum is intended to provide presenters with candid and constructive coaching on the components of their business plans . ralph eads , group executive vice president of merchant energy and production for el paso corp . , will speak at the dean ' s lecture series scheduled for 9 : 45 a . m . on wednesday , april 11 at 124 herring hall . http : / / jonesgsm . rice . edu / news / calendar / index . cfm ? eventrecord = 1735 author and financial advisor brooke stevens ; shell oil company chairman steve miller ; former u . s . secretary of energy hazel o ' leary ; and federal reserve board member samuel golden . http : / / jonesgsm . rice . edu / content / content . cfm ? pageid = 60 stephen zeff , the herbert s . autrey professor of accounting and professor of managerial studies , was profiled in the march 1 edition of rice news for the successful release of his book on accounting historian henry rand hatfield , the first first full - time accounting professor in a u . s . university . in its 2001 rankings of the top full - time mba programs in the world , the financial times ranked the jones school among the ten best in four categories : value for money ; employed at three months ; finance ; entrepreneurship . overall , the jones was ranked 35 th of 51 u . s . schools and 54 th among the world ' s best 100 graduate business schools . the rice alliance for technology and entrepreneurship enters its second year determined to enhance services that have promoted the entrepreneurial spirit in the rice community and in houston . the alliance brings together students , faculty , alumni and other rice - associated parties as collaborators , mentors and investors in engineering , science , software , or e - commerce innovations . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - online : - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - visit the construction web cam url for up - to - the - minute live feeds of the new jones school building construction . learn about new and upcoming initiatives and programs at the school , and view artist renderings of the new $ 60 million building , currently under construction . http : / / jonesgsm . rice . edu / campaign / campaign . html @ jones : news and information from the jones school , the jones school e - newsletter , is published monthly by the public relations department of the jesse h . jones graduate school of management . the jones school website http : / / jonesgsm . rice . edu is updated frequently and we encourage you to visit the site regularly to get the latest news and information about new initiatives and programs at the jones school . to submit items to be posted on the jones school website , please e - mail jgsmnews @ rice . edu or call 713 - 348 - 6364 .",0 +"Subject: fw : energy leader consulting generation evaluator ( ege ) vince : this is the gentleman that wants to meet with you on the 29 th ? - - - - - original message - - - - - from : "" steve mitnick "" @ enron [ mailto : imceanotes - + 22 steve + 20 mitnick + 22 + 20 + 3 csmitnick + 40 earthlink + 2 enet + 3 e + 40 enron @ enron . com ] sent : monday , may 21 , 2001 9 : 13 am to : crenshaw , shirley cc : vkamins @ enron . com subject : energy leader consulting generation evaluator ( ege ) shirley : as requested , herein is information regarding the meeting with vince kaminski . the presentation on the ege tool ' s applications and the allegheny energy case study is timed to take an hour . if the meeting is most conveniently scheduled for tuesday , may 29 , might i request it be set for late afternoon ( as my other appointments are the next day ) . and , as vince will recall , i was co - leader of the energy consulting business of phb hagler bailly , and developer of the ramp up , real time , 75 check and electric strategy tools . presently , i am ceo of energy leader consulting ( elc ) . background the u . s . power generation industry has become increasingly efficient in recent years . rapidly growing new entrants seek profit maximization aggressively . utilities , who still control most power plants , endeavor to adopt the entrants ' methods . yet , inefficiency among many utilities remains widespread . utility inefficiency arises from adherence to decades - old habits and in unit commitment and dispatch and planned maintenance scheduling . many utilities , notwithstanding the industry - wide trend towards profit maximization , cling to ingrained routines . inefficiency can also arise from the diseconomies of small scale . a utility may operate a relatively small system ( fewer than a dozen plants ) . a small system lacks portfolio diversification and perspective in its focus on its regulated customers , playing the wholesale market at the margin . for a variety of reasons , utilities are reluctant to cut back the starts of their generating units , let alone shut down any ( even temporarily or seasonally ) . economically inefficient units continue to be committed , week after week , and run in the half - load range . ege objectives ege identifies and assesses generating units of a utility with questionable commitment routines . taking into account transmission and reliability factors , the procedure points towards profit opportunities that may be exploited by another industry participant . i . an industry participant can use ege as a basis for a medium or long - term wholesale power transaction with a utility ; or to price wholesale power more aggressively , to take market share from the utility ( i . e . , compel changes in unit commitment habits ) . ii . an industry participant can use ege to spot and quantify efficiencies that would come from a merger or acquisition . iii . a power plant developer can use ege to estimate the incremental value a new plant will enjoy when the target utility ' s unit commitment routines inevitably become rationalized . specific ege concepts ege reduces and analyses the extraordinary but unwieldy continuous emission monitoring data base intelligently focusing on profit opportunities . it produces indicative statistics such as : a . the frequency distribution of starts per week ; b . the frequency distribution of starts by day / 15 - minute segment during the week ; c . the frequency distribution of load level ; d . the frequency distribution of hours of operation per start ; e . average heat rate and approximate fully - allocated cost in the half - load range ; f . average ramp rate from the half - load range ; g . the frequency distribution of unused connected capacity during the highest demand hours ; and h . forced - off maintenance outage rate ( where indicated ) . indicative statistics are generally aggregated by month / year ; in some cases , by temperature range . ( they can be by regional wholesale prices as well . ) ege establishes if the target utility has changed unit commitment routines significantly in recent years . ege is based upon uniquely timely actual hourly operating data . ege is now updated for the 4 th quarter 2000 ( through december 31 , 2000 ) . ege lst quarter 2000 ( through march 31 , 2001 ) will be available approximately june 15 , 2001 . ege also compares and ranks generating units ' commitment and dispatch with that of similar units operated by the target utility ( as well as other regional generators ) . some utilities operate a group of economically marginal units at the half - load level for lengthy time periods ( without an apparent reliability basis ) , splitting the limited economic demand for power among the units . other ege supporting data : i . planned maintenance schedule ( where indicated ) ; j . actual maximum generating capacity ; k . actual minimum generating capacity ( actual maximums and minimums can differ significantly from government - reported values ) ; l . average heat rate in the full - load range ; and m . average heat rate in the three - quarter - load range . with respect to a generating units ' average heat rate in the half - load , three - quarter - load and full - load ranges , it can be instructive to rank these relative to similar generating units within a region . it can also be of interest to identify significant seasonal variations in average heat rates and maximum capacities , and changes in recent years in these parameters . the real - world example of allegheny energy allegheny energy can serve as a case study to illustrate the application of ege . in the 4 th quarter 2000 , for instance , one high - cost generating unit was started virtually every weekday morning ( 52 times ) and committed for the whole day ( in all but two cases ) . arguably , there are power products that could substitute for this routine ( in part at least ) at a profit to the seller of the product and allegheny energy . another high - cost allegheny energy generating unit was started virtually every weekend during the autumn ( nine times ) and committed for most of the coming week . at another plant , two high - cost units were operated too often in the expensive half - load range ( some 550 hours ) and three - quarter - load range ( another 400 to 600 hours ) ; they were seldom called upon to run at higher levels . again , there are power products that that address these practices and might appeal to allegheny energy . offering of energy leader consulting ( elc ) ege is a procedure , not a software package or data base . elc believes this format is more effective in arming clients with the information they need to act upon profit opportunities . elc transfers its "" knowledge "" about the ege procedure and the supporting data methods in a straight - forward four - step process : 1 . enron would select one to three target utilities . 2 . elc would perform the ege procedure on the target utilities . 3 . employing this real - world analysis as a pedagogic tool , elc , in a one - day seminar with enron personnel , would instruct how to perform the procedure in the future ( without the assistance of elc ) . 4 . optionally , elc would provide ege supporting data , quarterly , to enron . the basic ege supporting data set is national including all generating units under the continuous emission monitoring program ( virtually all fossil fuel units ) . parameters that are incorporated , and the data set format , will be specified upon request . custom modifications will be considered . steven a . mitnick chief executive officer energy leader consulting 4807 41 st street , nw washington , dc 20016 ( 202 ) 997 - 0924 voice ( 202 ) 537 - 0906 fax smitnick @ energyleader . com",0 +"Subject: re : publication submission question martin , i don ' t see any problem . the article supportsenron ' s position . please , go ahead . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 09 / 2001 02 : 02 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 05 / 2001 01 : 01 pm to : martin lin / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : publication submission question martin , let me read it friday . we run our papers by our pr department to review for any potential conflict with the company line . i shall fwd it to them . i think you should submit it as an enron employee with a note that it was developed when you were at ut . vince from : martin lin on 04 / 02 / 2001 11 : 59 am to : vince j kaminski / hou / ect @ ect cc : subject : publication submission question my supervising professors from ut and i are finishing a paper ( finally ! ) that is based on work done for my phd . all of the research was done while i was a grad student . i have a couple of questions regarding submission of this paper ( to ieee transactions on power systems ) . 1 . should i submit it with my affiliation as the university of texas at austin or as enron ( ena , corp , etc ) ? 2 . what legal or other reviews / clearances would i need ? a draft of the paper for your review is attached . thanks , martin ",0 +"Subject: vince kaminski expense reports hi liz : vince has two expense reports pending for approval from greg whalley . they are : london trip - 8 , 051 . 59 philadelphia ( wharton business school ) - 2 , 067 . 47 please have greg approve these as soon as possible . the wharton school will be cross - charged to christie patrick ' s cost center . but for expediency in getting this paid it was submitted on our cost center . thanks ! shirley",0 +"Subject: i ' ve done it . . . . vince , thanks for this . the original sender of this resume , brian , works for me ! say , do you have any hot leads on any good hands - on electrical engineers interested in designing sensors ? cheers , scott - - - - - - - - - - - - - - - - - - - - - - forwarded by scott tholan / corp / enron on 01 / 30 / 2001 06 : 14 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 01 / 30 / 2001 05 : 45 pm to : scott tholan / corp / enron @ enron cc : subject : i ' ve done it . . . . scott , please , take a look at this resume . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 30 / 2001 05 : 46 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : paula corey @ enron communications on 01 / 30 / 2001 01 : 03 pm to : vince j kaminski / hou / ect @ ect cc : subject : i ' ve done it . . . . vince - here you go . . . this has been reformatted - - - - - forwarded by paula corey / enron communications on 01 / 30 / 01 01 : 03 pm - - - - - brian mihura @ enron 01 / 30 / 01 11 : 52 am to : paula corey / enron communications @ enron communications cc : subject : i ' ve done it . . . . here is matt ' s resume as a msword doc .",0 +"Subject: re : summer internship position celeste , we need to make sure that the interns in vince ' s group are coordinated and incorporated with the rest of the summer associates . they should be offered the same starting dates , i believe they are may 22 , 2000 june 5 , 2000 . i am not sure about the june date . would you check and let vince know . they should also be offered the same starting salary package as the others . they will be included in training ( a few days ) and any other events we host . thanks",0 +"Subject: trial of weathereffects web site mike , following up on my phone call , we ' re ready to do the following : 1 . assign a login and password to enron for a trial evaluation of the www . weathereffects . com power trader web service . 2 . initiate a daily bilateral conference call at a morning time to be determined . to ensure that your traders and analysts are ready for such a call , we will await your response to this email before initiating the service . 3 . we will also pdf certain energy analysis files to you ( eg , the daily gas market file ) so you can see the evolution of our day to day thinking on the markets . a reminder that the power service currently deals with nepool and pjm and will initiate coverage of nypp in september . i look forward to hearing from you . ed krapels director , esai gas and power services",0 +"Subject: additional resources ben and i have been discussing the possibility of getting more dedicated support from houston on our project . we are wondering what the possibility is of having either amitava or vasant come over for 8 - 12 weeks to help get things jumpstarted on the the credit scoring and modeling front as well as provide some guidance on the clo part of the business and potentially hiring an additional full time resource . if there is any possibility , it would be hugely valuable given the long lead times to get someone from the city in and integrated in addition to the significant cost . let me know your thoughts bs",0 +"Subject: rice / enron finance seminar series a copy of paul schultz ' s paper , "" who makes the market , "" is now available . the paper to can be obtained ( by monday for sure ) from felicia jones ( economics ) , latha ramchand ( university of houston ) , and vince kaminski ( enron ) or barbara ostdiek ( everyone else ) . paul ' s seminar is friday , march 30 , at 3 : 30 in room 201 ( note the room change ) . the abstract of the paper is copied below : abstract "" i provide evidence that nasdaq dealers make markets in the stocks in which they receive order flow . several variables used to proxy for the stocks that individual market maker ' s brokerage customers would trade , including trading volume , location , underwriting participation and analyst coverage , are significant determinants of market marking activity . informational advantages may also be a factor in the market making decision as evidenced by dealers specializing in stocks in specific industries . some potential problems that arise when researchers ignore the integration of market making with brokerage , securities analysis and underwriting businesses are discussed . """,0 +"Subject: re : exotica . xla hi anjam , thanks for the info . i ' m afraid that one thing i don ' t know is precisely how to build s : \ research \ exotica \ excel \ exotica . xla from the code you sent me . could you send me instructions ? also as you are very busy and away from your desk could you set up your lotus notes calendar so mary ward and joe kelsey permission can see your calendar so i can get in touch with you if anything comes up . they can both see my calendar . thanks , sharad enron europe from : anjam ahmad 17 / 10 / 2000 11 : 37 to : sharad agnihotri / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , zimin lu / hou / ect @ ect , dale surbey / lon / ect @ ect subject : exotica . xla in answer to your questions . anjam - - - - - - - - - - - - - - - - - - - - - - forwarded by anjam ahmad / lon / ect on 17 / 10 / 2000 09 : 20 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron europe from : sharad agnihotri 16 / 10 / 2000 13 : 59 to : anjam ahmad / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , dale surbey / lon / ect @ ect , tani nath / lon / ect @ ect , steven leppard / lon / ect @ ect subject : exotica . xla hi anjam , i have quite a few questions / requests regarding the exotics libarary : 1 ) could you e - mail me instructions for building / compiling s : \ research \ exotica \ excel \ exotica . xla also if there is any more source code that i need please could you e - mail me that . you have all the code ( c & vba ) that makes up the library now - please see previou e - mails 2 ) also could you e - mail me documents on the changes you have made to s : \ research \ exotica \ excel \ exotica . xla changes are documented through aterations to comments on individual source code files as is the current method in houston and as adopted by me in london - version control occurs at the individual file level rather than through soiurce safe 3 ) the exotica . xla used in london and exotica . xll used in houston are quite different . what regression testing has been done ? how do we know if the two versions that we have been using produce the same results . i have not recently compared the xll from houston with our xla - this would be a useful exercise for you 4 ) judging from the documentation there are quite a few more functions available on the houston exotica like asian spreads , quantos , digitals etc . is there any reason why they have not been implemented in london ' s exotica . xla ? maintenance and upgrades to london exotica to ensure compatability with houston and vice versa is an on - going process - inevitably there will be some lag between a new model being implemented in houston and in london , as is the case with asian spreads and digitals . quantos are already available - see vba code . thanks in advance , sharad",0 +"Subject: floating lng terminal folks , as a follow - up to scott neal ' s inquiry this morning concerning portable / floating lng opportunities for california , i have learned that no such capability currently exists . according to todd peterson of enron global lng , exploitation of this opportunity has been the topic of some industry articles but no one , as far as we know , has constructed such a vessel . i did come across a proposed design for an lng floating terminal by the italian company , tecnomare . i contacted them and they indicated that they have not built such a vessel . it is estimated that construction of such a vessel would take 2 - 3 years , and as one might imagine , achieving the required operational and environmental performance in such a vessel would be quite substantial . attached is a link to a relatively brief description of the proposed vessel , please let me know if any further research is needed . charlie weldon",0 +"Subject: spring 2001 academic calendar for the jones graduate school spring 2001 faculty and students , the spring 2001 academic calendar for the jones graduate school has been posted to embanet . to access the academic calendar please open the jgsm area icon on the embanet desktop . next please open the announcement jgsm icon . you will find the spring 2001 academic calendar located under the subject column . please open the document . if you do not have access to embanet you will need to speak with david kilgore at kilgore @ rice . edu or by calling david at 713 - 348 - 5378 . thanks , kathy kathy m . spradling mba program coordinator jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 3313 fax : ( 713 ) 348 - 5251 email : spradlin @ rice . edu http : / / www . rice . edu / jgs e - mail : spradlin @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: hello vince , i enjoyed talking with you this morning . per our conversation , here is norberto valdes ' resume . i will call you in about an hour to make sure you received it . thank you and let me know when you would like to meet him . sincerely , lisa ford 281 ) 913 - 2076 ( see attached file : resumen 4 . doc ) - resumen 4 . doc",0 +"Subject: re : 1997 risk paper on pricing of electricity derivatives bernard , i am forwarding your message to my assistant and she will mail you a reprint . i would be glad to take a look at your dissertation . is it available as a publication , working paper ? vince "" murphy , bernard "" on 03 / 01 / 2001 02 : 17 : 39 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : 1997 risk paper on pricing of electricity derivatives hello vince , my name is bernard murphy - i received your e - mail address from les clewlow , who was my phd supervisor at the financia options research centre at warwick business school . i ' ve just finished my phd on electricity price jump diffusions : a theoretical and empirical study in incomplete markets - hence my interest in electricity price modelling and derivative pricing . i was looking to get hold of a copy of your 1997 paper , which has recently come to my attention : "" the challenge of pricing & risk - managing electricity derivatives "" , the us power market , risk publications , pp . 149 - 171 . and les suggested that i contact you directly ( les is travelling at present and doesn ' t have an electronic copy available ) to request an e - copy . incidentally , i am lecturer in finance / financial mathematics at university of limerick ( ireland ) and have taken a year out to work for caminus uk , where i am working on introducing and developing a markets - based approach ( spark - spread ) to real asset valuations in the uk power industry . thanks in advancve bernard murphy",0 +"Subject: my resume molly , we would like to bring this student as a summer intern ( the last one , we are running out of space ) . i shall send you another message regarding his proposed dates . thanks . i hope you have a very happy easter . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 13 / 2001 10 : 03 am - - - - - - - - - - - - - - - - - - - - - - - - - - - zhendong xia on 04 / 12 / 2001 03 : 58 : 25 pm to : vince . j . kaminski @ enron . com cc : subject : my resume hi , dr . kaminski : glad to get your reply . here is my resueme . if you wanna know more about me , please feel free to contact me . thanks . zhendong xia georgia institute of technology school of industrial and systems engineering email : dengie @ isye . gatech . edu dengie @ sina . com tel : ( h ) 404 - 8975103 ( o ) 404 - 8944318 - cv . doc",0 +"Subject: the garp 2001 convention dear mr kaminski ? please find attached important information concerning the garp 2001 convention , which will be held in new york between 13 th and 14 th february , 2001 . ? please respond by the 6 th september so that all your details are correctly put into the brochure and our web site . should you have any queries please do not hesitate to contact me . ? i look forward to working with you and to seeing you in new york in february . ? kind regards ? andreas _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ andreas simou garp 2001 - conference producer tel ? + 44 ( 0 ) 20 7626 9301 fax + 44 ( 0 ) 20 7626 9900 - kaminski . doc",0 +"Subject: rodrigo lamas - best wishes i would like to take the opportunity to let you know i have resigned today . i wish you all the best in your carreer and in life . regards rodrigo lamas",0 +"Subject: marketpoint business plan summary vince : thanks very much for your interest in our marketpoint product , and thanks for the hour you gave me this morning . as promised , i am enclosing our executive summary and first chapter from our business plan for you to take forward to your management as a prospective enron - marketpoint investment collaboration . i want to reiterate that should enron elect to be the lead investor here , you will be exclusive in your industry if you want . if enron wants to be the lead and ensure the entire second round of resources we need , we would not offer and investment opportunity to other trading companies , pipelines , or electrics until the third or subsequent rounds and then only with your participation as a marketpoint board member . i am aware you have coinvested with sap in the past and that you might want to coinvest with them again . i presume you would not have a problem with non - competitors such as epri , our management consulting service provider partner , or our vc partner ( but i would want guidance from you in this arena ) . i think you would find our vc partner very suitable and very attractive . they have done several interesting energy and trading plays , and they would provide good management skills i believe . i hope we can move forward together . i am looking forward to a positive response . thanks again and best regards . dale nesbitt ps : you might hear from drew ries of your investments group . i spoke with him after speaking with you about many of the same issues . - longexecsum . doc",0 +"Subject: drogi vincenty . skoro ty byles na tyle mily ze zadzoniles osmielam sie i ja zaimejlowac do ciebie . w dniach 29 . 04 do 7 . 05 bede w usa . cel turystyczny do moich znajomych z roku . w programie mam wiele . glowna baza idahi springs . lece z mija corka i kolegami z roku . nie znam twojego miejsca zamieszkania , ale moze . tefon moich znajomych chyba 303 567 0190 , adres e - mailowy pzdrawiam zofia grodek . oni maja na nazwisko golebiowscy . get free email and a permanent address at http : / / www . netaddress . com / ? n = 1",0 +"Subject: christie and vince : on behalf of enron team 1 , we would like to thank you for being such gracious hosts . the trip far exceeded our expectations and we appreciate the fact that so many people took time out of their busy schedules to meet with us . a special thanks to the both of you for spending all day friday with us . we look forward to our telephone conference on thursday and to working with you in the future . team 1 : kim whitsel nick levitt vincent chen jack rejtman deepa mallik tulika bhalla",0 +"Subject: research re - org please let me know of any corrections . - - stinson teams reporting to krishna , tanya , mike , and maureen have no changes . ena / egm / eim support to be primarily organized by type of support rather than by business line under stinson and vasant : stinson ( ebs ) martin lin ( * ) , shalesh ganjoo , chonawee supatgiat , iris mack ( option pricing ) zimin lu , alex huang , tom halliburton , bob lee , paulo issler , ken parkhill , tom barkley , hector campos vasant ( power ) martin lin ( * ) , lance cunningham , sevil yaman ( risk and market analysis ) amitava dhar , joe hrgovcic , nelson neale , kate lucas ( * ) martin to have the option of maintaining ties to ebs or to gradually move to mainly power fundamentals .",0 +"Subject: eol data mining vince , here are four graphs i came up with yesterday afternoon that may be of interest : the first one shows what percentage of our trades are done with different counterparties - ( note the large part that aquila plays ! ) the other three graphs look at how trading volume varies during the week between the hours of 8 : 00 am and 4 : 00 pm for different categories of product . natural gas and power have their own graphs , as they have the largest traded volumes . "" products "" is for the remaining categories . there are still some things i would like to take a look at . the databeacon software is now available , and can be reached at the following url : do you have any specific questions that you would like me to try answering regarding eol ? i have also started doing some research on automated trading platforms . are there any websites and / or papers you would recommend i read ? thanks , tom",0 +"Subject: invoice for energy derivatives courses shirley , please , pay . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 29 / 2000 12 : 33 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - lacima @ compuserve . com > on 03 / 28 / 2000 02 : 49 : 43 pm to : shirley cc : vince subject : invoice for energy derivatives courses shirley , please find attached the invoice for the energy derivatives courses . if i should forward this to someone in accounts , please let me know who i should contact and i will take care of it . thanks , julie lacima consultants - enron 28 _ 03 _ 00 . doc",0 +"Subject: introducing the new iijournals online ! institutional investor journals are now published online ! dear subscriber , your institutional investor journals subscription now includes free access to a full - text website . visit www . iijournals . com and log onto the new iijournals homepage - - from there you can go to any of the journal specific sites . you can logon today with the following account information . userid : 13417514 password : 13417514 new site features at http : / / www . iijournals . com : - read the full - text of the current issue online before the paper edition reaches your mailbox . - use a keyword search engine to search through the entire listing of iijournals abstracts . - access online any article that has been published since january 1999 . - update your personal information , change your mailing address , or sample other institutional investor journals . to read full - text articles : before accessing the full - text of articles on any institutional investor journals web site , you need to install adobe acrobat 4 . 0 and fileopen . this is a one - time process and should take only a few minutes . please visit our "" how to read articles "" page on the website . click here to link : http : / / www . iijournals . com / common / readarticles . asp we hope you enjoy the new website . if you have any additional questions , comments , or suggestions about the website , please email info @ iijournals . com or phone ( 212 ) 224 - 3664 . sincerely , allison adams publisher http : / / www . iijournals . com",0 +"Subject: combinatorial auction - jan 11 mtg background - - - - - forwarded by greg woulfe / enron communications on 12 / 28 / 00 09 : 58 am - - - - - chonawee supatgiat @ enron 12 / 22 / 00 05 : 08 pm to : stinson gibner / hou / ect @ ect , greg woulfe / enron communications @ enron communications cc : subject : combinatorial auction stinson and greg , i have read the paper "" combinatorial auction with multiple winners for universal service "" from richard steinberg and frank kelly . they propose a combinatorial auction which is an auction for multiple items that allows bidders to realize their synergies on combinations of items . the combinatorial auction is appropriated for bandwidth commodity because most bidders in the market have synergies on the combination of items . for example , if we want to get bandwidth between boston and dc , we would bid for boston - ny and ny - dc . it will be valuable to us only if we won both links . if we won only one link , it will be useless . in the paper , they propose the auctioning method but their method has not been tested or validated yet . i have not checked their proposition mathematically but their paper was published in management science so i think it should be all right . i will look at it in more details and let you know . anyhow , there are also other combinatorial auctions that are actually used , for example , the alberta government ' s ppa auction that enron canada was participated 3 - 4 months ago . based on our long position on bandwidth , auction and exchange might be a good channel to dispose our unused ( or unsold ) bandwidth . i know there is not much demand in the market . but if we open a combinatorial auction or exchange , we might be able to increase our market share . ( by taking demand from our competitors ) . i believe , at the moment , there are no bandwidth exchanges that allow "" combinatorial "" bids . if we are the first one to do it , we might improve our sale channel and gain some market share . ( note : auction - > one seller and many buyers : exchange - > many sellers and many buyers . ) moreover , i think auctioning the unsold bandwidth will not hurt us because we cannot sell them anyway . in addition , we ourselves can be a dummy bidder in the system and bid in the auction . if the current wining bid is too low , we can just over - bid it and keep the product . this way , we can indirectly put a reserve price on the products . let ' s meet sometime in the first week of january . - chonawee",0 +"Subject: re : thanks from enpower you are welcome . it is my pleasure to work with the talented enpower team . zimin zhiyun yang @ enron 01 / 04 / 2001 05 : 29 pm to : zimin lu / hou / ect @ ect cc : subject : thanks hi zimin : thanks a lot for the explanation of the spread option , it ' s not a cheap help . - zhiyun",0 +"Subject: vacation goodmorning , i will be out of the office on vacation for the next few days . thanks kevin moore see you when i return .",0 +"Subject: optical network engineering & enron research offsite meeting hi john , as per our discussion and e - mails , i am suggesting the following dates for the subject offsite : april 14 & 15 th ( friday & sat ) . place and agenda to follow once this date is nailed up . the heads of each group will decide who will attend . we would also invite kevin hannon , scott yeager , tom gros , ted seitz and jean mrha once the dates and agenda are agreed upon by the technical folks . as before , the idea is to introduce the two of the most technical groups within enron and to exchange ideas and issues . the enron research team will provide trading and modeling presentations and the optical network engineering team will present networking and components related topics . take away from the two days will be to provide john griebling ' s group with better understanding about how the trading markets have developed in general and energy markets in particular via enron ( i . e . , how the sausage was made ! ) . likewise , john ' s group will provide us with better understanding of optical networking from a technical perspective . particularily , how ebs is planning to develop the puplic switched optical network ( pson ) that john has ' branded ' our pooling point based network ! please reply asap if these two days ( april 14 & 15 ) will work . additionally , john , is the original suggestion to hold it in scott yeager ' s cabin somewhere up in colorado mts . still holds ? if yes , i should probably let scott know ! if not , i ' ll try to find other places - - any suggestions , anyone ? regards , ravi .",0 +"Subject: re : craig , thanks for the feedback . elena is doing really great and i think that she will be a great enron ' s asset . vince craig breslau 08 / 09 / 2000 09 : 19 am to : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : subject : i wanted to give you some feedback . elena chilkina has gone way above the call of duty to help me on a very important research project . i am trying to conduct some research on the global fuels market for jeff shankman . when i mentioned this to elena , she was extraordinarily helpful in helping me compile some very useful information on very short notice . she was able to quickly define the scope of the project and gather some pertinent information . because this was not one of her regular assignments , she put in many extra hours to help us out on this project . i just wanted to let you know about a job well done . regards , craig",0 +"Subject: wharton hi jeff ! i know you received the information below . additionally , i have 2 people from broadband services meeting us there friday ( one is traci warner who set up the rice u deal ) . further , i ' ll be meeting with amy briggs regarding the entrepeneurship conference nov 30 th and dec lst . i ' ve already spoken with her and tom piazze and both independently confirmed as you suspected that we committed to sponsor at the $ 10 , 000 level . this entitles us to banners , panels , posters , and most importantly , a keynote address . i ' ll discuss the keynote address with her but would appreciate your thoughts in advance as to how you ' d like to see the keynote speech executed ( suggestions for topics , proposed speaking candidates , when in the conference you ' d like to see enron ' s speech , etc ) . i ' ll review the trip with you when we return . thanks jeff ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 10 / 13 / 2000 03 : 18 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" piazze , thomas "" on 10 / 13 / 2000 09 : 18 : 24 am to : "" amit , raffi "" , "" macmillan , ian "" , "" stamer , anne "" , "" cieri , emily gohn "" , "" weigelt , keith w "" , "" piazze , donna "" , "" tyler , cara "" , "" kunreuther , howard "" , "" wind , yoram "" , "" baltes , michael "" , "" winter , sidney g "" cc : "" roberts , stacey "" , "" williams , dorothy ( wharton ) "" , "" harker , patrick "" , "" ' kaminski , vince ' "" , "" ' patrick , christie ' "" , "" ' shankman , jeff ' "" subject : visit by enron , 19 october 2000 a team of key executives from enron will be on campus on the 19 th of october for the purposes of meeting with key staff and faculty to learn more about the school and how the firm can gain a greater presence here . included in this group will be : vince kaminski , director of research christie patrick , vp , university relations mike rosen , director , university affairs group i have developed a proposed agenda for the visit . please review and confirm that you are available to meet with one or more of the enron team at the times specified . if so , please provide me a prefered meeting location . if not , please alternate times and locations . 8 : 00 - 9 : 00 breakfast with donna piazze and keith weigelt to discuss "" tiger team fap project "" the ivy grill , inn at penn 9 : 00 - 10 : 30 meeting with raffi amit , ian macmillan , emily cieri and anne stamer to discuss the sol c . snider entreprenuer center and its related programs , the business plan competition and webi . . . 4 th floor conference room , vance hall ? ? ? 10 : 30 - 12 : 00 christie and mike hold discussions with cara tyler , bob bonner and pat rose regarding recruiting processes and procedures . . . cms conference room 10 : 30 - ? ? ? broadband executive meets with gerry mccartney and other university officials to discuss campus needs , future usage projections , etc . 10 : 30 - 11 : 30 vince meets with sid winter reference jones center and related research 11 : 30 - 12 : 00 vince meets with howard kunruether to discuss risk management 12 : 00 - 1 : 15 pm group lunch with jerry wind at faculty club to discuss the e - fellows program 2 : 00 - 3 : 00 pm christie and mike meet with mike baltes to discuss co - branding issues with wharton and upenn 5 : 00 pm all will attend the et conference dinner event please confirm your willingness and availability to support this agenda . thanks for your help . tom",0 +"Subject: request submitted : access request for sandeep . kohli @ enron . com you have received this email because the requester specified you as their manager . please click approval to review and act upon this request . request id : 000000000025312 request create date : 3 / 23 / 01 9 : 52 : 03 am requested for : sandeep . kohli @ enron . com resource name : visual studio enterprise resource type : applications",0 +"Subject: focus group invitation - supervisors charlene , karen : vince asked me to let you know that he will be unable to attend the lunch on friday , september 8 th . he has a previous engagement that he cannot miss . i tried contacting constance charles , but her voice mail box was full . thanks . shirley crenshaw administrative coordinator",0 +"Subject: meetings next week hi guys , vince talked with christie and they both are available next tuesday ( game day ) at 9 am . can you meet then to start preparing an outline ? also would you be up for a presentation at the research group ' s lunch meeting next thursday ? vince will be out , but you ' ll undoubtably get some interesting questions from others at the meeting , if your up for it . let me know soon , and we can schedule you for next thursday . talk to you later ken",0 +"Subject: ebs research telecom rercruiting effot hi , vince please put your best effort in making sure that we differentiate summer interns and associates that ebs research will be hiring . i am talking about compensation here . ken rice mentioned that ebs is in the process of developing a technical equivalent of our aa pool . ebs research people can potentially rotate through this pool in the future . i just don ' t want to risk losing people like giuseppe ( & get the word out that we are low - ballers ) because we have to fit them into certain set of categories that was designed for the energy business . i realize that you have estabilished such differentiation for research as a whole , but i think that would have to be moved up a notch in the case of ebs . ravi .",0 +"Subject: mg metals : quant analysis & risk hi eric , thanks for getting back to me - i believe there are a number of issues to address to ensure that the integration goes smoothly from a risk management and quantitative analysis perspective , and i have put together a ( by no means exhaustive ) list : - i ) seamless transfer of front and middle office systems from an exotic options linking perspective ( e . g . their spreadsheets link to different option pricing add - ins ) ii ) development of volatility curves and factor analysis to ensure that we can capture metals risk in our var system ( we will require historical data for this ) . iii ) ensure that mg staff on quant and risk side become familiar with our methods and systems and vice versa these tasks will involve a significant degree of cross - communication with relevant contacts within mg metals , and so i look forward to starting on the process as soon as possible - i hope to play a full part from a quantitative research and risk management perspective to ensure that everything goes smoothly in this exciting new development , so please do not hesitate to involve me . best regards , anjam ahmad research x 35383 enron europe from : anjam ahmad 15 / 06 / 2000 16 : 18 to : eric gadd / lon / ect @ ect cc : dale surbey / lon / ect @ ect , vince j kaminski / hou / ect @ ect subject : quant analysis & structuring for metals business dear eric , i understand from dale that you are co - ordinating the integration of mg metals into enron europe . dale and i thought it would be a good idea to ensure that we are fully prepared from a quantitative research and structuring perspective so that we can "" hit the ground running "" when they do arrive . i would be grateful if you could provide a contact person in mg metals that may look after this area , or someone who may find it useful to discuss and identify their possible future modelling requirements . thanks & regards , anjam ahmad research x 35383",0 +"Subject: hi vince ! yes , meeting for dinner tuesday night is great ! i ' ll be coming in on tuesday from d . c . and i ' ll be taking the train to new york on wednesday morning . see you and ken tuesday at 5 : 30 at the inn at penn lobby . hope you both have a great weekend ! ! thanks ! - - christie . - - - - - forwarded by christie patrick / hou / ect on 02 / 16 / 2001 11 : 23 am - - - - - vince j kaminski 02 / 16 / 2001 11 : 04 am to : christie patrick / hou / ect @ ect cc : kenneth parkhill / na / enron @ enron , vince j kaminski / hou / ect @ ect subject : re : change - video to teleconferences - enron christie , meeting at 5 : 30 is fine with me . the presentation is at 6 : 30 . i sent you a message regarding a dinner on tuesday . can you join me and ken parkhill ? vince from : christie patrick on 02 / 16 / 2001 10 : 19 am to : vince j kaminski / hou / ect @ ect cc : subject : change - video to teleconferences - enron hi vince ! thanks for the information below ! i spoke with tom piazze today . i ' ll be meeting with him at 3 : 30 on the 20 th to discuss the webi contract . i ' ll also be meeting with wharton ' s broadband ( technical people ) before our meeting with the students . further , i hope to meet with the people in charge of the business plan competition . tom suggested you might want to call howard kurnreuther ( sp ? ) and possibly stop in to see him while we are at wharton . i ' ll be getting to wharton sometime tuesday ; i ' ll try to get a reservation at the inn at penn . i ' ll then be leaving early wednesday morning by train to new york . shall we meet in tha lobby at the inn at penn before going to meet the students ( i think the meeting with the students is at 6 pm - ish ) - - say , 5 : 30 ? please let me know ! also , we still need to give wharton an answer as to whether we ' re interested in another $ 50 , 000 investment in efellows . thanks vince ! have a great wekend ! - - christie . - - - - - forwarded by christie patrick / hou / ect on 02 / 16 / 2001 10 : 13 am - - - - - vince j kaminski 02 / 16 / 2001 10 : 06 am to : christie patrick / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , kenneth parkhill / na / enron @ enron subject : change - video to teleconferences - enron fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 16 / 2001 10 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - fap on 02 / 16 / 2001 08 : 35 : 22 am to : clay degiacinto , deepa mallik , dennis feerick , heather thorne , jack rejtman , jason cummins , kim whitsel , nicholas levitt , omar bassel , ram vittal , steve lessar , thomas , tulika bhalla , vincent chen cc : fap , "" ' vkamins @ enron . com ' "" , "" ' patterm @ wharton . upenn . edu ' "" subject : change - video to teleconferences - enron 3 / 1 shdh 215 3 / 22 shdh 215 3 / 29 shdh 215 please note that the remaining videoconferences scheduled with enron have been changed to teleconferences due to the difficulties we have experienced . the host has agreed and we will , therefore , continue with teleconferences in the same locations / dates as noted above . any questions , please contact the fap office . thanks , donna",0 +"Subject: power trading hi folks : very glad to hear about the new developments . just to recap what we discussed this morning about different things you need to look into to set up trading operations and the contacts : 1 . licence to trade : regulatory people : i guess you know about this part better than me . 2 . trading & risk mgmt : global risk mgmt oversight : john sherrif in london has the overall responsibility outside western hemisphere . research group can help with the structuring models used for trading . 3 . risk conrols : before trading group is operational , it needs to get the authorization from the board of directors of enron along with total position limits and possibly value @ risk limits . these limits are typically by commodity type and by region . risk assessment & control ( rac ) under rick buy performs the internal control function ensuring that the businesses adhere to these trading limits . ted murphy is the vp in rac overseeing the trading operations . the value @ risk models come from the research group , but day - to - day monitoring of the numbers is done by ted ' s group . 4 . credit risk : a credit reserve number is computed for each deal ( again , the models are created by research ) and is transferred to the credit group under bill bradford ( also in rac ) . this is basically like buying insurance from the corp . , so that if there is a couterparty default , the loss is covered by the reserve pool of the credit dept . 5 . legal : the name i was given is alan aronowitz for legal help . 6 . back office : initially can survive with excel spreadsheets . you should contact the it though when the plans finalize to talk about systems . australia is the most recent place where we set up the trading operations . you can talk to paul quilky , the trader there to talk about these issues ( mention to him that grant masson in research gave his name ) . barry pierce in london was incharge of back office at the begin there . i can coordinate for talking with people next week . give me a call monday if possible . i hadn ' t the time to search for the presentation stuff today . will do it next week . krishna .",0 +"Subject: re : developing my electricity model at enron aziz , yes . if you are interested in joining us next summer as an intern , we would be very happy to have you . please , send me your resume . vince aziz lookman on 12 / 06 / 2000 01 : 11 : 57 pm to : vince . j . kaminski @ enron . com cc : subject : re : developing my electricity model at enron dr . kaminski : i am the phd student at the business school at carnegie mellon who is interested in energy modeling . thanks once again for taking the time to talk with me about my model for electricity during your recent visit to carnegie mellon . during our conversation , you had mentioned the possibility of my coming out to enron to work on developing my model , possibly through an internship . is this still an option ? if so , could you please advise me how to proceed . sincerely , aziz a . lookman",0 +"Subject: re : greetings from london ( to enron ) iris , please , feel free to give me a call when you have a few minutes . i shall be glad to chat with you . vince iris . mack @ paribas . com on 03 / 30 / 2000 02 : 24 : 27 am to : vkamins @ enron . com cc : denis . autier @ paribas . com subject : greetings from london ( to enron ) dear dr . kaminski , how are you ? it was nice to meet you at the real options conference in nyc . i was intrigued by some of the comments in your conference talk . in particular , by your use of real options to hedge financial options . this is something i am interested in as well . when you have some time , could we chat about this topic in a bit more detail ? thanks for your time and consideration . hope to hear from you soon . regards , iris mack - - - - - - - - - - - - - - - - this message is confidential ; its contents do not constitute a commitment by bnp paribas group * except where provided for in a written agreement between you and bnp paribas group * . any unauthorised disclosure , use or dissemination , either whole or partial , is prohibited . if you are not the intended recipient of the message , please notify the sender immediately . * bnp paribas group is a trading name of bnp sa and paribas sa ce message est confidentiel ; son contenu ne represente en aucun cas un engagement de la part du groupe bnp paribas * sous reserve de tout accord conclu par ecrit entre vous et le groupe bnp paribas * . toute publication , utilisation ou diffusion , meme partielle , doit etre autorisee prealablement . si vous n ' etes pas destinataire de ce message , merci d ' en avertir immediatement l ' expediteur . * le groupe bnp paribas est le nom commercial utilise par bnp sa et paribas sa",0 +"Subject: fw : winston debbie , this is an update on the continuing winston saga . tanya identified the sections of the code that produce inefficiencies but the rest is in the winston ' s hands . steve stock is very cooperative and takes a very rational , enron - first approach to the problem . privately , my concern is that the code , based on tanya ' s report to me , leaves a lot to be desired . the code tends to be a very mechanical implementation of the algorithm , developed without a series attempt to optimize it . let ' s keep paddling along . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 24 / 2001 08 : 53 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : stephen stock / enron @ enronxgate on 01 / 23 / 2001 05 : 38 pm to : vince j kaminski / hou / ect @ ect cc : subject : fw : winston vince , . . . just to keep you in the loop on the tanya / winston issue . . . regards steve - - - - - original message - - - - - from : stock , stephen sent : tuesday , january 23 , 2001 5 : 36 pm to : tamarchenko , tanya subject : re : winston tanya , i just checked in with the contractors here . . . . . and it looks like it might be a good idea for you to spend about 30 minutes with them to give you a guided tour of their documentation . it ' s presented as a linked set of word documents and visio drawing , with links to all the reletive parts as hyperlinks . it ' s pretty good and i imagine it will be very usefull to you , but probably requires a little introduction first . please feel free to come to my office whenever it is convenient . even if i ' m not available , the guys are just outside my office and i can easily stop whatever i ' m doing to introduce you to the project manager . regards steve - - - - - original message - - - - - from : tamarchenko , tanya sent : tuesday , january 23 , 2001 4 : 53 pm to : stock , stephen subject : re : winston steve , - we spent about 5 fruitful hours with winston last week . - i pretty much understand the data flow when the code runs . - i also got an idea where the time is spent during the execution of the code by questioning winston . i did not see any results of profiling the code . winston ' s opinion is ( as i understood ) that he knows how much time is spent on different calculations and profiling is not easy to do , so we don ' t need to do it . - based on above i suggested possible way to reduce the time credit model takes to run and we discussed it with debbie , who was going to arrange a meeting with winston . - it might be useful to look at the documentation created by contractors , if you have it handy - send it to me , please . thank you , tanya . from : stephen stock / enron @ enronxgate on 01 / 23 / 2001 03 : 38 pm to : tanya tamarchenko / hou / ect @ ect cc : subject : winston tanya , how ' s it going with code - review from your perspective ? . . . did you manage to talk to our documentation contractors ? . . . if not , would you me to arrange for them to bring you the documentation as it currently stands ? regards steve",0 +"Subject: risk article fyi . - - - - - - - - - - - - - - - - - - - - - - forwarded by vasant shanbhogue / hou / ect on 01 / 23 / 2001 09 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - ben parsons 01 / 23 / 2001 08 : 51 am to : nigel price / lon / ect @ ect , george albanis / lon / ect @ ect , markus fiala / lon / ect @ ect , jean - sebastien fontaine / corp / enron @ enron , katherine siig / eu / enron @ enron , amitava dhar / corp / enron @ enron , vasant shanbhogue / hou / ect @ ect , ilan hershkovitz / lon / ect @ ect , greg hedger / lon / ect @ ect , david a wall / risk mgmt / lon / ect @ ect , simon brooks / lon / ect @ ect cc : bryan seyfried / lon / ect @ ect , steven leppard / lon / ect @ ect subject : risk article everyone should read the attached risk article about calculating def probs from cds quotes . amazingly it is in pretty close agreement with our own methodology for both cds valuation and reverse engineering def probs . the only extension in the reverse engineering is that instead of linearly interpolating cds quotes , they propose minimising an error measure based on ' smoothness ' of def prob curve and difference between model and market prices . what is also amazing is the fact that this article has been published in risk , given that it is essentially the same as my credit pricing paper , plus one excellent idea . given extra time , resources and brainpower , there is no reason why we shouldn ' t have similar work published ourselves . ben ( thanks steve for pointing this article out ) - - - - - - - - - - - - - - - - - - - - - - forwarded by ben parsons / lon / ect on 23 / 01 / 2001 14 : 40 - - - - - - - - - - - - - - - - - - - - - - - - - - - london fax system 2 23 / 01 / 2001 14 : 09 to : ben parsons / lon / ect @ ect cc : subject : new fax received ( likely sender : + 44 20 7783 8076 ) . you have received a new fax from + 44 20 7783 8076 the image contains 3 page ( s ) .",0 +"Subject: houston trip hello everyone ! regarding the tiger team research project houston trip , these are the rsvp ' s i ' ve received : jaideep singh dennis feerick kim whitsel "" and team 1 "" ram vittal heather thorne pat henahan vincent chen jack rejtman deepa mallik josh leventhal edson otani omar bassal stephen lessar clayton dediocinto . note : heather and jack have requested to stay in houston until sunday ( expenses other than air fare , beyonfd friday at enron will be individually borne ) . donna , would you please review this list , add the individual names of "" team # 1 ) , add any additional faculty , t . a . ' s etc , that will be attending , and returnm this list to me and my assistant , "" melinda mccarty "" who will begin the arrangements . also , if others would prefer sunday returns to phily , on the same terms offered heather and jack , please so indicate no later than tuesday , dec . 20 . please inform donna , who will then prepare and forward to me and my assistant melinda ( e - mail address above ) one complete , confirmed list of attendees . the plan will be to leave phily on thurs afternoon , arrive late aft thursday , dinner at churrasco ' s south america restaurant thursday evening with me , vince , vance , jeff shankman , and possibly a few others from enron . hotel thursday evening and ground transportation through return to airport will be arranged by enron . friday will be reserved for an enron tour , and individual meetings the teams would like to set up with members from variuous business units return will be scheduled for early fri evening , except for those electing to stay through sunday . again , except for return to airport and airfare , expenses beyond friday afternoon will be borne by each respective student ( though we encourage you to stay and look around this great city of houston ! ) . thanks donna , for your immediate assistance with this - - vinve , vance , jeff and i are excited about the trip ! ! regards ! - - christie .",0 +"Subject: re : my model for spikes dear vince , thank you very much for your e - mail . i am very excited about the opportunity y to see you soon in dallas . any week day , in general , and fridays , in particular , is convenient for me . please let me know what day might be convenient for you . i look forward to hearing from you and to seeing you soon . sincerely , valery",0 +"Subject: re : resume ok vince j kaminski 01 / 17 / 2000 12 : 46 pm to : elizabeth grant / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect subject : re : resume elizabeth , please , include jim fallon on the list . vince from : elizabeth grant 01 / 17 / 2000 09 : 39 am to : vince j kaminski / hou / ect @ ect cc : subject : re : resume will do ! - elizabeth vince j kaminski 01 / 17 / 2000 08 : 21 am to : elizabeth grant / hou / ect @ ect cc : grant masson / hou / ect @ ect , vince j kaminski / hou / ect @ ect , james b fallon / hou / ect @ ect subject : resume elizabeth , i would like to bring this guy in , not necessarily to hire him , though it ' s a possibility , but mostly to find out what cinergy is doing . we should include some power traders and originators in the interview list . grant masson can give you some hints . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 17 / 2000 08 : 17 am - - - - - - - - - - - - - - - - - - - - - - - - - - - marshall . brown @ robertwalters . com on 01 / 14 / 2000 02 : 48 : 42 pm to : vince j kaminski / hou / ect @ ect cc : subject : resume vince , hope all is well . this candidate would be interested in talking with you . regards , marshall brown robert walters associates 212 - 704 - 0596 this email and any files transmitted with it are confidential and intended solely for the use of the individual or entity to whom they are addressed . if you have received this email in error please notify the system manager . this footnote also confirms that this email message has been swept by mimesweeper for the presence of computer viruses . - yu _ hai . doc",0 +"Subject: re : summer work . . jinbaek , this is a project related to automated trading platforms for commodities . vince jinbaek kim on 05 / 02 / 2001 05 : 21 : 40 pm to : vince . j . kaminski @ enron . com cc : subject : re : summer work . . dr . kaminski , thanks for your mail . i am sorry that i ' ll not be available earlier , i will talk with my advisor , but probably it will be pretty negative . however , i may be able to start it from junel , depending on what he tells . . we will meet tomorrow afternoon , so i ' ll be able to let you know whether we can start work earlier then . and could you tell me briefly what are those projects you have in mind ? thanks ! jinbaek kim ph . d candidate dept . of industrial engineering and operations research u . c . berkeley http : / / www . ieor . berkeley . edu / ~ jinbaek go bears ! : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . : a a : _ _ . . . . . _ : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . : . ' : ` . : ` , ` . ` . : ' - - ' - - ' : . ' ; ; : ` . _ ` - ' _ . ' ; . ' ` . ' "" ' ; ` . ' ; ` . ` : ` ; . ` . ; ; : ; . ' ` - . ' ; : ; ` . _ _ . ' . ' . ' : ; ` . . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' ` . . . . . . . - ' ` . . . . . . . . ' on wed , 2 may 2001 vince . j . kaminski @ enron . com wrote : > > jinbaek , > > thanks for your message . > > we have a number of additional fascinating projects that you can work > on . as a matter of fact , it would be great to have you here earlier . > > vince > > > > > > "" jinbaek kim "" on 05 / 02 / 2001 05 : 18 : 32 am > > to : , "" raghavan , suresh "" > , "" mesquita , ross "" > > cc : > subject : summer work . . > > > long time no see , > how have you been . . . must be busy and living a challenging life ? > i have been pretty busy too , > to finish a project and write a paper , these days . > > everything looks going ok for my summer internship . > i took necessary steps to work out of campus , and sent > signed contract to molly a week ago . . > > here is what i am expecting to do in the summer . > please let me know if you have any change in mind . > actually , i wonder a little bit if dealbench changed its business model . . . > and maybe you got priority in something different > because it has been quite a while since we talked . > i ' d like to what ' s going on in dealbench team . . . > raghavan and ross , > if we talk over phone it will be great ! > > dr . kaminski , > if you think there is something else interesting to work with during the > summer , > to both you and i , please let me know . > my interest is auction , market design , and simulation . > i am taking a financial engineering class , ( mostly on option pricing ) > and working on electricity generator valuation problem based on > spark spread option . > > all of you , > let ' s keep in touch until we meet in june ! ! > > best regards , > jinbaek > > > tentative work period : 6 / 4 - 8 / 4 > > 1 . tasks : > 1 ) survey on auctions : the state of art > single - item auction , multi - unit auction , sequential auction , > multi - attribute auction , combinatorial auction > > - theoretical > - experimental > - algorithmical > > 2 ) deal bench ' s auction model analysis > > 2 . deliverables : > 1 ) 3 presentations : > - lst presentation : around 6 / 30 : on different auction types and > researches > - 2 nd presentation : around 7 / 15 : the state of art in auction studies > - 3 rd presentation : around 8 / 1 : deal bench ' s model analysis > > 2 ) report : > summary of auction study in laymen ' s term > deal bench ' s model analysis > > > > > > >",0 +"Subject: re : merit increases vince , i am going to have the team look at the problem . hopefully it will be an easy fix . otherwise , we can work off the worksheets that you complete over the weekend . you have my cell number if you have any questions . norma villarreal 713 - 598 - 1545 vince j kaminski 01 / 19 / 2001 06 : 09 pm to : norma villarreal / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : merit increases norma , it seems that there is a bug in the system . i made an error mixing equity and merit raises in one column . the system does not allow me to correct the mistake by moving the entries from one column to another . i can enter the changes , but after i save them the system reverts to original designations . as a result , the columns contain mixed entries related to merit and equity raises . the column totals are misleading . i am taking a csv version home to continue making adjustments . i shall work at home monday ( 281 367 5377 ) . vince",0 +"Subject: sharad agnihotri : telephone chat following the offer hi kate , thanks for setting up the telephone informal discussion with sharad so that i can make him more comfortable with what ' s on offer - i really think it will make the difference . as you mentioned , the agency fee goes up from 25 % to 30 % at 50 , 000 , hence the offer of 49 , 000 . i guess , as you mentioned , we can keep in reserve the possibility of an element of sign on bonus to get him over the decision hump . regards & thanks , anjam",0 +"Subject: re : summer intern hi steve , thanks for the fyi ; i ' d be happy to interview him if you need a second opinion at the telephone interview you ' re arranging next week . regards , anjam steven leppard 29 / 03 / 2000 17 : 19 to : anjam ahmad / lon / ect @ ect cc : subject : re : here it goes ! - - - - - - - - - - - - - - - - - - - - - - forwarded by steven leppard / lon / ect on 03 / 29 / 2000 05 : 20 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 03 / 29 / 2000 03 : 45 pm to : steven leppard / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : here it goes ! steve , taking summer interns is the best way to screen and identify good candidates at low cost and low risk . i would take this person in , assuming you can still run it by the analyst / associate program . they closed the books for the summer . let me know if you run into any roadblock . i shall try help you from here . vince steven leppard 03 / 29 / 2000 08 : 31 am to : vince j kaminski / hou / ect @ ect cc : subject : here it goes ! vince do you have any views on taking summer interns here in the research group in london ? one of our analysts has recommended a friend of hers ( resume attached ) . i ' m sure we could dream up some work for an intern , so let me know what you think . many thanks , steve - - - - - - - - - - - - - - - - - - - - - - forwarded by steven leppard / lon / ect on 03 / 29 / 2000 03 : 30 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zuzana strmenova 02 / 23 / 2000 10 : 51 am to : steven leppard / lon / ect @ ect cc : subject : here it goes ! thanks , a lot steve .",0 +"Subject: erequest password your erequest ' s password is 4311 to use this password , go to the erequest website and click on non - corp logon . put in your email address and the password above and click log in , and you will log into erequest .",0 +"Subject: re : term project : dear vince , i was wondering if you were able to open the attachment with my resume this time . rumor has it that you are currently hiring people for your group . is this true ? sincerely , helen - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , april 11 , 2001 3 : 22 pm to : isranir @ rice . edu ; demianen @ rice . edu ; tbal 93 @ yahoo . com ; maue @ rice . edu ; loughrid @ rice . edu ; jblantonjr @ yahoo . com ; gjohnson @ rice . edu ; emchombo @ rice . edu ; nazareth @ rice . edu ; vanstone @ rice . edu ; ganguzza @ rice . edu ; nelsonb @ rice . edu ; sssmith @ rice . edu ; wheelock @ rice . edu ; westmore @ rice . edu ; gaudette @ rice . edu ; otaylor @ rice . edu ; dikeman @ rice . edu ; jettke @ rice . edu ; litton @ rice . edu ; chilkina @ rice . edu ; helms @ rice . edu ; wankhade @ rice . edu ; monfan @ rice . edu ; kostya @ rice . edu ; pcp @ rice . edu ; yueguo @ rice . edu ; nlwbio @ rice . edu ; zhangn @ rice . edu ; rishad @ rice . edu ; yoshiura @ rice . edu ; howard @ rice . edu ; dayangd @ rice . edu ; wuwei @ rice . edu ; so @ rice . edu ; wooddy @ rice . edu ; lamas @ rice . edu ; tbalestrery @ houston . rr . com ; hingoran @ rice . edu ; planck @ rice . edu cc : vkaminski @ aol . com ; vince . j . kaminski @ enron . com ; jason . sokolov @ enron . com subject : term project : this is the list of projects for the members of the "" quant "" team . if you are working on different project , please , ignore this message . please , develop in a spreadsheet solutions / examples for the following : 1 . black - scholes formula 2 . black ' s formula 3 . develop a spreadsheet to simulate price trajectory using : a . gbm b . gbm + jump ( formula 2 . 16 in the book , figure 2 . 7 ) c . mean reversion + jump ( formula 2 . 17 , figure 2 . 8 ) 4 . schwartz single factor model ( formula 6 . 12 ) 5 . develop models corresponding to the figures 7 . 1 , 7 . 3 , 7 . 5 , 7 . 6 , 7 . 8 vince",0 +"Subject: xpress and cplex runtime comparison results vince , fyi below is the comparison of the computation time results from cplex and xpress optimization softwares . - chonawee - - - - - - - - - - - - - - - - - - - - - - forwarded by chonawee supatgiat / corp / enron on 05 / 19 / 2000 03 : 26 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - chonawee supatgiat 05 / 17 / 2000 05 : 48 pm to : samer _ takriti @ enron . net , stinson gibner / hou / ect @ ect , ravi thuraisingham / enron communications @ enron communications cc : tom halliburton / corp / enron @ enron , pinnamaneni krishnarao / hou / ect @ ect , ming - lung . lee @ sycamorenet . com , ming 888 lee @ aol . com subject : xpress and cplex runtime comparison results hi , i have tested both cplex and xpress - mp optimization software in solving our network design problem . xpress is more user friendly hence it takes less developing time . however , cplex performs significantly better in term of computation time , especially in integer programming . as a result , eventhougth xpress is easier to use and cheaper , i would recommend our ebs group to use cplex . please let me know what do you think . . . the test problem has 10 nodes , 77 cables , 5 cable speed . the table below represents the computation time in seconds for solving this problem . the second column indicates if the general integer variables are relaxed ( but still keep the binary variables ) . the "" lp "" column represents the computational time when solving relaxed problem ( no binary & integer variable constraints ) . xpress took too much time in solving case 4 and 6 so i had to stop the process and report the best solutions it found . below are the graph .",0 +"Subject: meeting with mr . sud vince / stinson , i met with rebecca mcdonald , and introduced her to mr . sud on saturday . the meeting went on quite well , and mr . sud repeated the point he had made to me regarding ntpc buying the power . he did not ask for any consulting or other contract , but said that he would try to help . rebecca seemed happy with the meeting , but i do not know whether she has a plan in mind going forward . i can give you more details of the meeting if anyone is interested . i do believe that mr . sud is well connected in india . regards , sandeep .",0 +"Subject: interview with enron corp . research good morning adam : the enron corp . research group would like to conduct an informal interview with you at your convenience . please give me some dates and times that would be convenient to , sometime within the next 2 - 3 weeks and i will coordinate an interview schedule . i look forward to hearing from you very soon . best regards , shirley crenshaw administrative coordinator enron corp . research 713 - 853 - 5290 email : shirley . crenshaw @ enron . com - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 08 / 2001 09 : 30 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" adam bobrowski "" on 03 / 07 / 2001 09 : 45 : 03 pm to : cc : subject : resume dear mr . kaminski , as a follow - up to your oral communication with my friend tom ware , i would like to express my interest in working for your company , enron . please find enclosed my resume and curriculum vitae . if you need additional data , please feel free to call me at ( 713 ) 592 - 8909 ( home ) or ( 713 ) 743 - 3483 ( office ) , or email me at adambob @ stat . rice . edu or adambob @ math . uh . edu . yours sincerely , adam bobrowski . - cvbobrowski . ps - bobrowskiresume . doc",0 +"Subject: australian energy 2000 dear vince , i hope you are well and that things round at enron aren ' t too hectic . it is my pleasure to invite you to speak at energy any help would be gratefully received . this event will be thoroughly marketed through both energy & power risk management magazine and our extensive database . it is my aim to attract the leading market players by providing a first - class programme with top - rated speakers , making this a highly worthwhile event for the energy industry . i have attached a copy of the programme for your information . unfortunately my schedule for this event is very tight . please let me know if you would like to participate by reurn email as it is unlikely that we can speak on the phone as i am currently based in hong kong . if you would like to send a colleague , then i would be happy to discuss this but it would be great if you could complete the eprm grand slam by addressing our three major annual events on three different continents ! i look forward to hearing from you soon . yours sincerely , joel hanley producer , eprm conferences & courses - australianenergy 2000 . doc _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ eprm conferences risk publications hong kong tel : 852 2545 2710 fax : 852 2545 7317 www . riskpublications . com",0 +"Subject: new 22 cpm color copier information kevin , i am not sure by what date you require a color copier but if you can wait until april , lanier has let me know that they are going to release their new 22 copy per minute color copier @ that time . please look @ the attached spreadsheet and compare the cost with the $ 24 cpm canon copier sent to you on 01 / 31 / 2000 : let me know what you think . thanks , iain . . . . . . . . . . . . . . . . . iain russell 02 / 01 / 2000 10 : 11 am to : kevin g moore / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect subject : revised 10 cpm color copier information kevin , i revised the cost on the 10 cpm tab under cpi : - - > thanks , iain . . . . . . . . . . . . . . . . . . . - - - - - - - - - - - - - - - - - - - - - - forwarded by iain russell / epsc / hou / ect on 02 / 01 / 2000 10 : 05 am - - - - - - - - - - - - - - - - - - - - - - - - - - - color copier information from : iain russell on 01 / 31 / 2000 11 : 45 pm to : kevin g moore / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , carole rogers / epsc / hou / ect @ ect subject : color copier information",0 +"Subject: talon find attached the mc model for talon . a copy of this spreadsheet may be found on o : \ research \ custom \ projects \ talon \ paulo issler",0 +"Subject: re : houston visit soussan , thanks . see you at 6 : 30 . vince "" faiz , soussan "" on 01 / 24 / 2001 10 : 46 : 57 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : houston visit vince , great . . . i ' m glad that you ' re in town on wed . 1 / 31 . i ' ll be staying @ the westin oaks in the galleria . let ' s pls meet @ the hotel ' s lobby at 6 : 30 pm . i have both your work and cell # and my work # is below ( just in case ) . i look forward to our dinner and catching up . best , soussan 914 253 4187 - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , january 24 , 2001 10 : 52 am to : faizs @ texaco . com cc : vince . j . kaminski @ enron . com subject : re : houston visit soussan , nice to hear from you . dinner on wednesday , jan 31 would be great . please , let me know where you are going to stay . vince "" faiz , soussan "" on 01 / 22 / 2001 04 : 29 : 08 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : vkaminski @ aol . com subject : re : houston visit hello vince , happy 2001 and hope all is well . i ' ll be in houston the week of 1 / 29 . it will be great to have our belated dinner preferably on wed . 1 / 31 . pls let me know whether you ' re available on wed . or , if not , another day that week . best , soussan 914 253 4187",0 +"Subject: re : real options openings ? shirley , austin . please , set up an interview with me , stinson , zimin , vasant , grant , paulo , krishna . sometimes next week . let ' s make it a formal interview ( coordinated through elizabeth grant ) . vince shirley crenshaw 05 / 08 / 2000 09 : 27 am to : vince j kaminski / hou / ect @ ect cc : subject : re : real options openings ? vince : is this gentleman in houston ? when do you want to bring him over - next week ? thanks ! vince j kaminski 05 / 08 / 2000 09 : 25 am to : christopher m kenyon @ enron cc : stinson gibner / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : real options openings ? chris , we shall make arrangements to bring you over for an interview . our hr department will contact you later this week . vince christopher m kenyon on 05 / 05 / 2000 07 : 56 : 11 am to : vkamins @ enron . com cc : subject : real options openings ? dear vince kaminski , i was auditing prof dyer ' s real options class on thursday when you spoke on enron ' s activities in this area . i would be interested in exploring the possibility of joining the group that works on real options in response to and in anticipation of enron ' s business requirements . i ' m currently working in the development and application of real options methodology at schlumberger . in particular i ' ll be speaking at an industry real options valuation conference in london ( http : / / www . iqpc . co . uk / finance / rov / ) and i just had the paper accepted for publication in operations research . could you pass my resume on to the relevant people to have a look at ? thanks in advance , chris kenyon - cmkenyon _ cv _ mayo 0 . doc",0 +"Subject: re : witaj wicku ! marek , jestem w trakcie organizacji programu interview w houston . musze skoordynowac plany 3 - 4 osob , ktore powinny cie spotkac . wicek mark kierlanczyk on 02 / 05 / 2001 11 : 43 : 09 am to : "" ' vkamins @ enron . com ' "" cc : subject : witaj wicku ! przez tydzien musialem poddac sie medycznej dygresji zapoznania sie co to znacza kamienie nerkowe . teraz jest juz dobrze i znow powraca do mnie nadzieja aby zyc wiecznie . czy zdarzylo sie cos nowego odnosnie mojej wizyty w houston ? jesli nie to umowmy sie na 13 lutego w nowym yorku , gdzie i kiedy , jesli nadal masz zamiar przyjechac . serdeczne pozdrowienia - marek",0 +"Subject: fwd : enron / stanford program content - transfer - encoding : 7 bit return - path : received : from rly - yco 3 . mx . aol . com ( rly - yco 3 . mail . aol . com [ 172 . 18 . 149 . 35 ] ) by air - yco 5 . mail . aol . com ( v 76 _ rl . 8 ) with esmtp ; fri , 06 oct 2000 14 : 29 : 58 - 0400 received : from smtp . stanford . edu ( smtp . stanford . edu [ 171 . 64 . 14 . 23 ] ) by rly - yco 3 . mx . aol . com ( v 75 _ b 3 . 9 ) with esmtp ; fri , 06 oct 2000 14 : 28 : 30 - 0400 received : from stanford . edu ( dialup - 209 . 245 . 133 . 121 . sanjosel . level 3 . net [ 209 . 245 . 133 . 121 ] ) by smtp . stanford . edu ( 8 . 9 . 3 / 8 . 9 . 3 ) with esmtp id laaol 053 ; fri , 6 oct 2000 11 : 28 : 25 - 0700 ( pdt ) message - id : date : fri , 06 oct 2000 11 : 33 : 46 - 0700 from : nick bambos x - mailer : mozilla 4 . 7 [ en ] ( win 98 ; i ) x - accept - language : en , el mime - version : 1 . 0 to : vince . j . kaminski @ enron . com , vkaminski @ aol . com , gappy @ stanford . edu subject : re : enron / stanford program references : content - type : text / plain ; charset = us - ascii vince , i have managed to change my ticket and we can meet for dinner on sunday 10 / 15 / 00 . shall we say at 7 pm ? > > > > giuseppe : can you please join us for dinner on sunday 10 / 15 . we ' d like to briefly discuss the project too . could i please ask you to make reservations for 3 at il fornaio or some other nice place in palo alto ? preferably a quiet place where we can talk . > nick , > > dinner on sunday would work for me . i shall stay > in the bay area till monday morning . > > vince > > nick bambos on 09 / 28 / 2000 08 : 33 : 38 pm > > to : vince . j . kaminski @ enron . com > cc : > subject : re : enron / stanford program > > hi vince , > > i am on the technical program committee of the infocom 2001 conference , > and we are meeting in new york city on saturday , october 14 th , to select > papers for the conference program . i ' m leaving stanford on friday and > getting back on sunday . > > it might be a possibility to have dinner together on sunday , if that would > work for you . in that case i would have to reschedule my flight to land > in sfo earlier than i ' m currently scheduled to land . > > would dinner on sunday work for you ? any chance we can meet monday for > lunch ? > > i look forward to seeing you . > > best regards , > > nick > > vince . j . kaminski @ enron . com wrote : > > > > nick , > > > > i shall be in stanford oct 14 - 15 , visiting my family . > > i would be glad to meet you ( and possibly giuseppe - your call ) for > lunch . > > please , let mer know if you are free on one of these days . saturday would > > work better for me . > > > > vince > > > > nick bambos on 09 / 21 / 2000 02 : 09 : 46 pm > > > > to : stinson . gibner @ enron . com > > cc : vince . j . kaminski @ enron . com > > subject : re : enron / stanford program > > > > stinson , > > > > great ! i ' m looking forward to a very productive collaboration . > > i ' ll immediately start doing giuseppe ' s papers , for him to work > > on the enron / stanford program . > > > > many thanks to you and vince , and i hope to see you soon at stanford > > or enron . if i remember correctly , vince is visiting stanford in > > october . > > > > best regards , > > > > nick > > > > stinson . gibner @ enron . com wrote : > > > > > > nick , > > > > > > i spoke with paul racicot , head of trading for ebs , north america this > > > morning . he said that he is happy to send the $ 100 , 000 for your > program > > > from his budget . i have forwarded to him the draft letter to > accompany > > > the funds and will try to follow up to make sure that the money is sent > > > promptly . > > > > > > - - stinson",0 +"Subject: re : vmi agreements ravi , maybe stinson can get on this conference call . i shall be at the office on thursday only this week . vince ravi thuraisingham @ enron communications on 02 / 20 / 2000 01 : 13 : 06 am to : vince kaminski , mark holsworth / corp / enron @ enron cc : laura beneville , kristy carnes / enron communications @ enron communications , kristy carnes / enron communications @ enron communications subject : re : vmi agreements hi vince , mark holsworth reviewed our contract on such a short notice . i thank mark for responding to our short - notice request . it turns out that we need to get this database to move forward on a number of things and have legal save some time for us is an excellent help . as mentioned below , it appears that pennwell ' s folks want to chat some more about this . mark , can you schedule a conference call with these people to finalise this contract . i will be out of town all week next week on a lock - down deal meeting . vince may be able to get on the conference call . i would greatly appreciate it if you could help us close this one ! regards , ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 20 / 00 12 : 38 am - - - - - russell @ pennwell . com 02 / 18 / 00 06 : 16 pm to : ravi thuraisingham / enron communications @ enron communications cc : toni . turnerbudd @ sbtglaw . com subject : re : vmi agreements ravi - i would like to schedule a conference call between you , me , pennwell ' s counsel ( toni turner budd ) , and enron ' s counsel to discuss your changes and finalize the kmi end - user license agreement . i propose that we have the conference call at 2 : 00 pm cst this monday , february 21 . please let me know if you are available at this time and , if not , propose an alternative time for the call . in addition , please provide me with a telephone number where i can reach you for the conference call . pennwell is looking forward to finalizing the license agreement and delivering the kmi data to enron . yours truly , russell iorio manager of business development pennwell corporation 1421 south sheridan road tulsa , ok 74112 russell @ pennwell . com ( 918 ) 831 - 9122 direct ( 918 ) 831 - 9476 fax - - - - - original message - - - - - from : ravi _ thuraisingham @ enron . net [ mailto : ravi _ thuraisingham @ enron . net ] sent : thursday , february 17 , 2000 6 : 30 pm to : rmack @ kmicorp . com ; mpass @ kmicorp . com ; russell @ pennwell . com cc : kristina _ lund @ enron . net ; stinson _ gibner @ ect . enron . net ; vince _ kaminski @ enron . net ; earl _ harvey @ enron . net ; tracy _ williams @ enron . net subject : vmi agreements > hi richard , here is a marked up version from our lawyer . please have your people look at it and if it seems fine make the changes and send a signed copy back to me . ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 17 / 00 06 : 21 pm - - - - - | - - - - - - - - + - - - - - - - - - - - - - - - - - - - - - - - > | | mark | | | holsworth @ enr | | | on | | | | | | 02 / 17 / 00 | | | 04 : 10 pm | | | | | - - - - - - - - + - - - - - - - - - - - - - - - - - - - - - - - > - | | | | to : ravi thuraisingham / enron communications @ enron communications , | | gene diers / corp / enron @ enron | | cc : | | subject : vmi agreements | - | please find attached my redlining of the vmi agreelment . please review it and send it to the vendor for their review . ( see attached file : 2 - 14 - 2000 eula . doc )",0 +"Subject: re : another stanford acceptance thanks so much vince ! vince j kaminski @ ect 04 / 23 / 2001 11 : 09 am to : althea gordon / na / enron @ enron cc : greg . whalley @ enron . com , traci . warner @ enron . com , patricia . payton @ enron . com subject : re : another stanford acceptance althea great news . it ' s all your hard work . vince althea gordon @ enron 04 / 20 / 2001 01 : 43 pm to : vince . kaminski @ enron . com , brad . romine @ enron . com , brad . alford @ enron . com , martin . lin @ enron . com , stephen . swain @ enron . com , matt _ harris @ enron . net , elliot . mainzer @ enron . com , mauricio . mora @ enron . com , victor . browner @ enron . com cc : greg . whalley @ enron . com , traci . warner @ enron . com , patricia . payton @ enron . com subject : another stanford acceptance stanford team , we have received yet another acceptance - noah jacobs has accepted our offer as a summer associate . we are now 4 of 6 for our summer offers . i have sent paul kasper , our one full time offer a cultivation gift and will be checking in on him next week . also eric cope , a stanford student that vince kaminski ' s group had interviewed here in houston for a summer associate position has also accepted . all in all our stanford numbers are looking great ! many thanks to everyone and keep up the great work ! althea ",0 +"Subject: re : tuesday interview hi vince , thanks for replying to my email . the scheduled interview with howard will go ahead tomorrow , i have written to shirley to request a convenient time for you and we will arrange for howard to come back in for a video conference with you . regards rachel vince j kaminski @ ect 16 / 02 / 2001 23 : 42 to : rachel quirke / eu / enron @ enron cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : tuesday interview rachel , i would like very much to interview howard but i am in philadelphia on tuesday . vince",0 +"Subject: re : hi vince : i think full time employment starting in about six months seems to be the best option . it is probably best to get my dissertation wrapped up before taking on additional commitments . regards zeigham - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : zkhokher @ mail . utexas . edu cc : vince . j . kaminski @ enron . com ; stinson . gibner @ enron . com date : tuesday , april 11 , 2000 10 : 25 am subject : re : hi zeigham , we discussed two options ( not necessarily mutually exclusive ) : 1 . summer internship 2 . full employment . are you interested exclusively in full employment ? i need the answer asap , as we are going to discuss the additional summer intern positions this afternoon . vince zkhokher @ mail . utexas . edu on 04 / 11 / 2000 01 : 06 : 14 pm to : cc : subject : hi vince : it was very nice talking to you at the texas finance festival and i think the telecom market that enron is entering is very interesting and very lucrative . i would be very interested in working in that segment for enron . however , i talked to sheridan about this oppurtunity and he said that it is probably going to be another six months before i finish my dissertation . so while i am definitely interested , the start date will probably have to be around that time . at any rate , it was a pleasure meeting you again and hopefully once i have defended my dissertation we can discuss employment oppurtunities in greater detail . regards zeigham zkhokher @ mail . utexas . edu 512 - 471 - 1676",0 +"Subject: re : hello from vince kaminski at enron that will be a great talk shmuel s . oren , professor dept . of industrial engineering and operations research 4117 etcheverry hall university of california berkeley , ca 94720 - 1777 e - mail : oren @ ieor . berkeley . edu phone : ( 510 ) 642 - 1836 or 5484 fax : ( 510 ) 642 - 1403 - - - - - original message - - - - - from : to : cc : ; sent : tuesday , august 29 , 2000 5 : 01 pm subject : re : hello from vince kaminski at enron > > shmuel , > > the date of our trip to berkeley has been set . it will be october 16 th and > 17 th > ( monday and tuesday ) . > > i shall be glad to make a presentation on energy derivatives markets > ( development of the markets in the us and europe , valuation difficulties , > enron ' s role > in developing the forward markets for natural gas and electricity ) . > > please , let me know if this topic would be of interest to you . if this is > the > case , i shall follow with a title and an abstract . > > by the way , are you free for dinner on monday ? > > vince > > > > > > > "" shmuel oren "" on 08 / 24 / 2000 08 : 59 : 38 am > > to : "" vince j kaminski "" > cc : > subject : re : hello from vince kaminski at enron > > > great . our seminars are 3 : 30 to 5 pm . if it works for you please send me a > title and abstract . > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > shmuel s . oren , professor > dept . of industrial engineering > and operations research > 4117 etcheverry hall > university of california > berkeley , ca 94720 - 1777 > e - mail : oren @ ieor . berkeley . edu > phone : ( 510 ) 642 - 1836 or 5484 > fax : ( 510 ) 642 - 1403 > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > - - - - - original message - - - - - > from : "" vince j kaminski "" > to : "" shmuel oren "" > cc : "" vince j kaminski "" ; "" ashley baxter "" > > sent : thursday , august 24 , 2000 9 : 58 am > subject : re : hello from vince kaminski at enron > > > > > > > > shmuel , > > > > thanks for the message . i am working with our recruiter , ashley baxter , > > to finalize the date of the trip . i shall shoot for october the 23 rd > > if this date works for the rest of our team . > > > > vince > > > > > > > > > > > > > > "" shmuel oren "" on 08 / 23 / 2000 11 : 46 : 19 am > > > > to : vince j kaminski / hou / ect @ ect > > cc : > > subject : re : hello from vince kaminski at enron > > > > > > > > dear vince . > > i sent you a reply earlier this month but i haven ' t heard from you about > the > > date of your visit . our department has a seminar every monday . if you can > > schedule your visit on a monday i would like to invite you to give a > seminar > > which will be attended by many of our graduate students and faculty and > will > > give you an opportunity to tell them about your program . with sufficient > > lead - time i can advertise the seminar in the hass school to their > financial > > engineering students . > > shmuel . > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > shmuel s . oren , professor > > dept . of industrial engineering > > and operations research > > 4117 etcheverry hall > > university of california > > berkeley , ca 94720 - 1777 > > e - mail : oren @ ieor . berkeley . edu > > phone : ( 510 ) 642 - 1836 or 5484 > > fax : ( 510 ) 642 - 1403 > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > - - - - - original message - - - - - > > from : > > to : ; ; > > > > sent : tuesday , august 08 , 2000 10 : 59 am > > subject : hello from vince kaminski at enron > > > > > > > shmuel , > > > > > > i hope you remember me . i visited you together with aram sogomonian , a > > > good friend of mine , a few years ago . i am currently responsible , among > > > other things , for recruiting graduates with finance and / or technical > > > backgrounds at the university of berkeley . i would be glad to give you > a > > > call and talk more about the details of our program . my colleague , > > > ashleybaxter , from the analyst / associate program at enron would join me > > > as well . > > > > > > i am sending you a copy of the brochure about the analyst / associate > > > program . > > > > > > vince kaminski > > > > > > > > > vincent kaminski > > > managing director - research > > > enron corp . > > > 1400 smith street > > > room ebl 962 > > > houston , tx 77002 - 7361 > > > > > > phone : ( 713 ) 853 3848 > > > fax : ( 713 ) 646 2503 > > > e - mail : vkamins @ enron . com > > > > > > > > > > > > > > > > > > > > >",0 +"Subject: re : argentina modelling michael , sorry , i was out around the holidays . i shall be glad to meet with you in the lst week of january . please call me ( 3 - 3848 ) or my assistant , shirley crenshaw , 3 - 5290 . vince michael guerriero @ enron _ development 12 / 20 / 99 02 : 31 pm to : vince j kaminski @ ect cc : subject : argentina modelling i am responsible for our argentina operation and would like to discuss some modelling issues with you . could you be available wednesday for a meeting . thanks mfg",0 +"Subject: re : anita dupont resume oooopppss ! please disregard the e - mail below as i see now that shirley has already sent the job description to norma villarreal . my apologies . irma alvarez ext . 3 - 1543 - - - - - - - - - - - - - - - - - - - - - - forwarded by sheila walton / hou / ect on 08 / 07 / 2000 11 : 20 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : sheila walton 08 / 07 / 2000 10 : 58 pm to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect , norma villarreal / hou / ect @ ect subject : re : anita dupont resume mr . kaminski , in sheila walton ' s absence ( she is on vacation this week ) , please go ahead and have shirley crenshaw forward the job description that you would like posted to norma villarreal for handling . if you or shirley require any additional assistance before forwarding your material to norma , please feel free to contact me . thank you . irma alvarez ena hr coordinator ext . 3 - 1543 vince j kaminski 08 / 07 / 2000 08 : 29 am to : sheila walton / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , norma villarreal / hou / ect @ ect subject : re : anita dupont resume sheila , no , we have to go through the posting phase first . i shall ask shirley to provide the job description . vince from : sheila walton 08 / 04 / 2000 02 : 44 pm to : vince j kaminski / hou / ect @ ect cc : norma villarreal / hou / ect @ ect subject : re : anita dupont resume vince , alice has strong qualities for a sr admin asst . vince , have we posted this position on the job posting board ? if so , great . if not , we need to post this opening to prove that we have given an opportunity to all existing enron employees before we go outside to external candidates . otherwise , existing employees have a valid complaint that we are limiting their advancement within enron but hiring externally . if we have not posted this , i will have the recruiter contact shirley so shirley can give us a job description . then we can post and interview anita simultaneously . please let me know asap if this has been posted . thanks . sheila walton vince j kaminski 08 / 02 / 2000 08 : 48 am to : sheila walton / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : anita dupont resume sheila , i would like to hire anita dupont as a senior admin assistant , reporting to shirley . please , call me about it after you review the resume . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 02 / 2000 08 : 52 am - - - - - - - - - - - - - - - - - - - - - - - - - - - anita dupont @ enron 08 / 02 / 2000 08 : 17 am to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : anita dupont resume vince : here is the resume you requested . thanks . anita",0 +"Subject: thanks vince : thanks for the time that you took today . it was very interesting to meet with you . i ' d like to continue the discussions sometime . thanks again . shawn",0 +"Subject: phone numbers computer support : 713 - 348 - 8319 ( help with computer connection ) suzanna vazquez : 713 - 348 - 3736 ( copies , etc . ) please let me know if you have any more questions or if i can help in any way . pamela castro mba program associate rice university 713 - 348 - 6223",0 +"Subject: iris m . mack ms . mack has called you several times today trying to return your call . she is currently in new york until december 2 , 2000 . ms . mack is interested in talking with you regarding a position here . she is currently on vacation in new york and she will be difficult to reach . i suggested that she try to reach you by phone at 8 : 00 am our time tomorrow . also , she will be checking her emails and voice mails regularly if you can give her a time and a phone number where she might reach you whiole she is on vacation . if she is unable to reach you before the holiday , she left some phone numbers where she may be reached beginning tuesday , november 28 , 2000 in new york . tuesday , november 28 - thursday , november 30 washington square hotel 212 - 777 - 9515 friday , december 1 - saturday , december 2 marriott hotel 212 - 385 - 4900 also , her email is irismmack @ hotmail . com . she said you need both m ' s .",0 +"Subject: confirmation of your order this is an automatic confirmation of the request you have placed using it central . request number : ecth - 4 uznuy order for : vince 1 x ( compaq armada m 700 $ 2722 ) enron it purchasing * please send all status inquiries regarding this request to : mailto : receiving & hardware @ enron . com",0 +"Subject: thursday summer intern dinner vince : is it ok to send the following out to the interns ?",0 +"Subject: my first draft dear dr . kaminski this is quentin kerr again from australia . as i mentioned brefore , my paper will be ready soon . please find out the attachment with the draft of my paper ( hasn ' t submitted yet ) . there are always some errors in my paper . please read it , give me some suggestions . any comments will be appreciated . by the way , i would like to ask you , have you received my resume ? i sent it to you about two weeks ago . ps : attached with the pdf file . thanks quentin - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - quentin kerr , email : qkerr @ maths . uq . edu . au room : 67 - 622 tel : ( 07 ) 33461428 department of mathematics , the university of queensland - jumpl . pdf",0 +"Subject: intranet site dear dale / all , thanks for the interest . . . i have already contacted intranet development about updates - they don ' t have to do much except publish the document and maybe add some headings , so it resources are not really a problem . as you suggest , what would be great is if we can get some more content in terms of well - explained introductions to various topics like value - at - risk , credit risk and so on . it should not be at too high a level and will probably have to be written specifically for this purpose . if you have time to put any interesting material together ( word docs , text files or power point presentations ) , please do pass it on to me and i will collate for the update . regards , anjam x 35383 dale surbey 15 / 06 / 2000 10 : 13 to : anjam ahmad / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , kirstee hewitt / lon / ect @ ect , benjamin parsons / lon / ect @ ect , steven leppard / lon / ect @ ect , matthew d williams / lon / ect @ ect subject : re : e - commerce & continental europe anjam , this would be a good opportunity to update the content on the intranet site and expand the coverage into new areas . can you arrange some it resources for us ? if everyone in research works on developing the content , we just need it to publish it out to the intranet . thoughts ? ? - dale",0 +"Subject: re : eprm julie , sorry for the delay . i was traveling a lot the last few days . i shall send back my comments by saturday morning my time . vince "" julie "" on 10 / 13 / 2000 04 : 34 : 17 am to : "" vincejkaminski "" cc : "" lc "" , "" chris "" subject : eprm vince , ? could you please provide me with an indication on whether you will be able to review the latest eprm article in the next day or so ? ? ? look forward to hearing from you shortly . ? julie",0 +"Subject: re : kmv visit dear mr . seyfried , i am following up on the attached message from vasant shanbhogue who visited with us in san francisco recently . i will be in london on friday , march 31 st , and would be happy to drop by your offices to provide additional information on our products . at this point , the best time for me would be in the late afternoon ( 2 pm to 3 pm ? ) . please let me know if you would still like to meet and if this time will work for you . regards , rob - - - - - original message - - - - - from : vasant shanbhogue [ mailto : vasant . shanbhogue @ enron . com ] sent : friday , march 24 , 2000 10 : 56 am to : rudy @ kmv . com cc : bryan seyfried ; william s bradford ; vince j kaminski subject : kmv visit hi robert , following up on our visit to your office , vince kaminski and i are very interested in your products . bryan seyfried , who is heading up the credit trading operations in london , would like you to visit the london office when you are there next friday . he would like to discuss technical implementation details at that time , in addition to the overall framework . i will also give you a call to set up a time to have a more technical ( options modeling ) conversation over the phone . thanks , vasant shanbhogue vice president , research enron corp",0 +"Subject: re : brad romine that is fine . i look forward to visiting with him . celeste vince j kaminski 05 / 12 / 2000 08 : 56 am to : celeste roberts / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : brad romine celeste , as you may know , brad romine ' s dot . com venture fell apart . the offer from enron looks much better now . i have arranged for him a number of different interviews ( including one with you ) . i think we should not be too punitive and give him the 2 nd chance . i am setting up for him interviews with rac , ebs and greg whalley and he should be able to negotiate a good first rotation . please , give me a call if you have any other question . vince kaminski",0 +"Subject: lance ' s telephone hi vince : lance ' s telephone # is : ( 512 ) 280 - 5052 .",0 +"Subject: the url p . s . http : / / enaresearch . dev . corp . enron . com - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 01 / 09 / 2001 01 : 11 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : mike a roberts 01 / 09 / 2001 01 : 13 pm to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , osman sezgen / hou / ees @ ees , maureen raymond / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , zimin lu / hou / ect @ ect , jose marquez / corp / enron @ enron , stephen bennett / na / enron @ enron , william smith / corp / enron @ enron , elena chilkina / corp / enron @ enron , steve bigalow / na / enron @ enron cc : subject : everybody , as vince suggested , i made a topical allocation of our new website for quality control . can you please check out in detail , and put through the paces , the following list ? weather mike links maureen technical analysis steve bigalow options library zimin ( this is a big one ! ! ) european weather jose agricaltural weather jose ( be sure and run spell check ! ! ! ) weather derivatives stephen presentations tanya nuclear outage updates sam fx and sovergn risk maureen industry analysis vasant publications osman research intelligence stinson hot button # 8 vince thanks , just email me with any problems or ideas for adds / changes - - - mike",0 +"Subject: template for pricing the right of first refusal shelley and chris , i have set up a template for pricing rofrs . the rofr is priced as a series forward start options . a forward start option gives the holder the right to exercise the option but the strike price is set at the money in future before the option expiration . the feature mimics the "" matching the best bid "" in the rofr . the underlying for the option is the "" best bid "" , which should be closely related to the price differential between the two hubs that the pipeline connects . therefore the rofr is case dependent , as vince pointed out . the volatility can be estimated from the "" best bid "" price history . with these inputs we can estimate the value of rofr . if you have any questions concerning the model please feel free to call me or vince . zimin lu",0 +"Subject: re : uc - berkeley graduate student vince , i agree . if you think that this candidate would be good for your group specifically - i would invite him in directly . hope all is well . ashley vince j kaminski @ ect 10 / 24 / 2000 04 : 09 pm to : ashley baxter / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : uc - berkeley graduate student ashley , this is one resume i got today . i think that it makes sense to invite him for an interview directly with my group . he does not qualify as an analyst candidate . what do you think ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 24 / 2000 04 : 14 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - rajnish kamat on 10 / 23 / 2000 07 : 55 : 31 pm to : vkamins @ enron . com cc : subject : uc - berkeley graduate student dr . vincent kaminski managing director and head of research enron corp . dear dr . kaminski , it was a pleasure talking with you and attending your talk today . i am a graduate student in industrial engg . and operations research working with prof . shmuel oren on topics in financial instrument pricing and design of contracts in deregulated electricity markets . i am also doing research in auction models and computable equilibrium models with applications in electricity market design . i am planning to graduate with a ph . d . in may 2001 and would appreciate hearing about any opportunities in your group at enron . i am attaching at copy of my resume ( file : cvrkamat . doc ) for your perusal . thanking you , sincerely , rajnish kamat graduate student ieor , uc - berkeley 4135 , etcheverry hall dept . of industrial engineering and operations research university of california at berkeley berkeley , ca , 94710 - cvrkamat . doc",0 +"Subject: yen outlook vince , as a followup to our meeting with david port and rudi zipter re enron ' s investment in sk - enron , maureen and i wrote the attached position paper on the japanese yen . as we have discussed , the volatility of the won closely tracks fluctuation in the yen , and this yen position paper is intended to complement the won outlook piece for a broader perspective on currencies that takes into account the yen ' s influence on asian currencies . . we would like to distribute this outlook to david and rudi , but wanted to send it to you for initial reaction prior to internal distribution . thank you , and let me know if you have any questions or comments re the attached . gwyn",0 +"Subject: re : fwd : praca dyplomowa v edycja mba warszawa panie tomaszu , prosze poinformowac kolegow , ze przesle moje uwagi do niedzieli . w . kaminski vkaminski @ aol . com on 01 / 30 / 2001 06 : 27 : 25 am to : vkamins @ enron . com cc : subject : fwd : praca dyplomowa v edycja mba warszawa content - transfer - encoding : quoted - printable return - path : received : from rly - ygo 2 . mx . aol . com ( rly - ygo 2 . mail . aol . com [ 172 . 18 . 147 . 2 ] ) by air - ygo 3 . mail . aol . com ( v 77 . 31 ) with esmtp ; mon , 29 jan 2001 17 : 42 : 48 - 0500 received : from postmaster . enron . com ( outbound 5 . enron . com [ 192 . 152 . 140 . 9 ] ) by rly - ygo 2 . mx . aol . com ( v 77 . 27 ) with esmtp ; mon , 29 jan 2001 17 : 42 : 35 - 0500 received : from nahou - msmswo 2 px . corp . enron . com ( [ 172 . 28 . 10 . 38 ] ) by postmaster . enron . com ( 8 . 8 . 8 / 8 . 8 . 8 / postmaster - 1 . 00 ) with esmtp id waal 2034 for ; mon , 29 jan 2001 22 : 42 : 34 gmt from : vince . j . kaminski @ enron . com received : from ene - mtaol . enron . com ( unverified ) by nahou - msmswo 2 px . corp . enron . com ( content technologies smtprs 4 . 1 . 5 ) with esmtp id for ; mon , 29 jan 2001 16 : 42 : 33 - 0600 subject : praca dyplomowa v edycja mba warszawa to : vkaminski @ aol . com date : mon , 29 jan 2001 16 : 42 : 46 - 0600 message - id : x - mimetrack : serialize by router on ene - mtaol / enron ( release 5 . 0 . 6 | december 14 , 2000 ) at 01 / 29 / 2001 04 : 40 : 54 pm mime - version : 1 . 0 content - type : text / plain ; charset = iso - 8859 - 2 x - mailer : unknown ( no version ) - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 29 / 2001 04 : 45 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" scarbeko "" on 01 / 29 / 2001 07 : 35 : 10 am to : cc : subject : praca dyplomowa v edycja mba warszawa szanowny panie doktorze , na samym pocz ? tku chcia ? bym si przypomnie ` . jestem studentem v edycji mba ? w wy "" szej szkole handlu i finans ? w midzynarodowych w warszawie i wraz z panami jerzym seremakiem i waldemarem mrozem piszemy u pana doktora prac ? dyplomow ? z finans ? w midzynarodowych . nsze prace przes ? a ? em do pana doktora juz w listopadzie ubieg ? ego roku i do tej pory nie dosta ? em potwirerdzenia , "" e pan je otrzyma ? . bardzo bym prosi ? o potwierdzenie otrzymania tych "" e prac lub zaprzeczenie . panie doktorze nastepna sprawa dotyczy zapytania czy pa  stwa firma by ? aby zainteresowana inwestycjami w budow ? elektrowni na ukrainie . pracuj w ? firmie konsultingowej kt ? ra zajmuje si min . tego typu biznesem . nie jest to dla nas pierwszy kontakt z tego rodzaju inwestycjami , poniewa "" w obecnej chwili przygotowujemy sie do kontraktu ? z niemieck ? ? firm ? lahmeyer international na budow elektrowni 150 mw szczeg ? ly moge podac ? je "" eli panstwo wyrazicie zainteresowanie . ? ? z powa "" aniem tomasz b ? ach ? ? ? ? ?",0 +"Subject: fwd : hello from charles shen at williams co . toni , i would like to bring two people for an interview one of them sent me a message that is attached below . i am including the info about the 2 nd gentleman below . i would like to include myself , vasant shnabhogue , tanya tamarchenko stinson gibner , zimin lu , paulo issler , alex tang on the interview list . it would be great if we could bring them this week on friday . tanya will be at a training course next week . this means that if friday this week is too aggressive , we should shoot for interviews in 2 weeks . sorry for a short notice . vince jermakyan , martin 410 brightmore downs alpharetta , ga 30005 phone : ( 770 ) 753 - 9341 ( h ) ( 404 ) 402 - 8957 ( c ) martin @ electraparners . com - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 09 / 2000 09 : 48 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vkaminski @ aol . com on 10 / 07 / 2000 05 : 55 : 11 pm to : vkamins @ enron . com cc : subject : fwd : hello from charles shen at williams co . return - path : received : from rly - zco 2 . mx . aol . com ( rly - zco 2 . mail . aol . com [ 172 . 31 . 33 . 2 ] ) by air - zco 2 . mail . aol . com ( v 76 _ rl . 8 ) with esmtp ; wed , 04 oct 2000 13 : 43 : 33 - 0400 received : from web 9407 . mail . yahoo . com ( 23 . 0 / 24 . 129 . 136 . 216 . in - addr . arpa [ 216 . 136 . 129 . 23 ] ) by rly - zco 2 . mx . aol . com ( v 75 _ b 3 . 9 ) with esmtp ; wed , 04 oct 2000 13 : 43 : 06 - 0400 message - id : received : from [ 151 . 142 . 252 . 11 ] by web 9407 . mail . yahoo . com ; wed , 04 oct 2000 10 : 43 : 02 pdt date : wed , 4 oct 2000 10 : 43 : 02 - 0700 ( pdt ) from : charles shen subject : hello from charles shen at williams co . to : vkamins @ ect . enron . com cc : vkaminski @ aol . com mime - version : 1 . 0 content - type : text / plain ; charset = us - ascii x - mailer : unknown dear vince : how are you ? i am not sure whether you still remember me , we met in a conference last year in houston . after having been working for williams for about two years , now i am ready to make a move . i have heard enron is a great company , i am wondering whether there is any opportunity for me , either in research group or in structure group here is brief description about myself : right after i got my ph . d . on finance and econometrics from duke university in 1998 , i joined williams energy trading company as a quantitative analyst . now i am lead quant and in charge of the quantitative research group with 7 highly talented people . i have done extensive research and modeling about electricity , load - following deal and tolling deals . if you need any additional information , please feel free to call me at 918 - 409 - 4308 . i look forward to hearing from you soon , thank you . sincerely , charles do you yahoo ! ? yahoo ! photos - 35 mm quality prints , now get 15 free ! http : / / photos . yahoo . com /",0 +"Subject: please keep in touch hi , just like to say that it has been great meeting and working with you all . i will be leaving enron effective july 5 th to do investment banking in hong kong . i will initially be based in new york and will be moving to hong kong after a few months . do contact me when you are in the vicinity . i don ' t know my contact details yet and would let you know once i get it . in the meantime , i will always be checking my e - mail at royibasco @ yahoo . com . please let me know what your e - mail addresses are and keep in touch ! best regards , roy",0 +"Subject: re : off site with john griebling ' s optical network engineers april 13 , 14 is better for me as well . i ' ll toss these dates to john griebling ' s people . ravi . shirley crenshaw @ ect 03 / 02 / 00 01 : 30 pm to : ravi thuraisingham / enron communications @ enron communications @ enron cc : vince j kaminski / hou / ect @ ect , kristy carnes / enron communications @ enron communications subject : re : off site with john griebling ' s optical network engineers ravi : i previously told you that the weekend of march 31 st would be allright for this , however , i just found out that krishna has planned a research party at his house ( it is for all of research on saturday , april 1 and vince told him it would be allright - it is his daughter ' s birthday ) . it looks now like vince and his reports will be unable to do this until the weekend of the 13 and 14 th of april . please advise . shirley ravi thuraisingham @ enron communications on 03 / 01 / 2000 12 : 56 : 25 pm to : shirley crenshaw / hou / ect @ ect @ enron cc : subject : re : off site with john griebling ' s optical network engineers yes . shirley crenshaw @ ect 03 / 01 / 00 12 : 54 pm to : ravi thuraisingham / enron communications @ enron communications @ enron cc : subject : re : off site with john griebling ' s optical network engineers ravi : does this include vince and all of his direct reports ? ravi thuraisingham @ enron communications on 03 / 01 / 2000 12 : 29 : 00 pm to : shirley crenshaw / hou / ect @ ect cc : stinson gibner / hou / ect @ ect , vince kaminski , john _ griebling @ palm . net , scott yeager / enron communications @ enron communications , kristy carnes / enron communications @ enron communications , dorn _ hetzel @ palm . net subject : off site with john griebling ' s optical network engineers hi shirley , please give me a few dates form end of march to first week in april to do an offsite for vince ' s direct reports ( including myself ) and selected ebs research people . this includes , vince direct report from our research group and the following people from ebs research : ravi , stinson , samer , chinowee . the agenda will include : research people giving several mini presentations on trading , market development ( history of nat gas , electricity , etc . ) , pricing , etc . . . john ' s people will do similar mini presentations on optical network engineering , optical components , provisioning , telecom markets , pricing , etc . . . . if scott yeager can make it , he will do his magic via quick motivational speech on the vision of ebs , etc . . it is will be strictly technical to technical professional meeting to get to know each others group . so , do not include others unles stinson or i look at the additions case - by - case . john suggested scott yeager ' s summar house in denver for this event . please follow this up with scott ' s assistant ( scott may not know about this if john has not told him so you should explain the intend , etc . ) to get in touch with scott . i ' ll cc this e - mail to give scott a heads up . we can do half day friday and all day saturday . or , we can do the whole weekend and people will have an option to bring family to nearby hotel ( family expense in not on ebs ) . we will have to sort all this out when we have a chance to talk to john & scott . i just wanted to get the ball rolling but getting dates and place first . thanks , ravi .",0 +"Subject: proposed agenda for january 11 auction meeting let me know if you would like anything else included . - - - - - forwarded by greg woulfe / enron communications on 01 / 05 / 01 07 : 09 am - - - - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ from 4 january 2001 dr richard steinberg university of cambridge the judge institute trumpington street cambridge cb 2 lag england tel : + 44 - 1223 - 339638 fax : + 44 - 1223 - 339701 e - mail : r . steinberg @ jims . cam . ac . uk",0 +"Subject: re : erequest 3991 thanks ! vince j kaminski @ ect 10 / 10 / 2000 05 : 06 pm to : jameika smikle / corp / enron @ enron cc : mike a roberts / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : erequest 3991 aproved in both cases . vince kaminski from : jameika smikle @ enron on 10 / 10 / 2000 04 : 19 pm to : vince j kaminski / hou / ect @ ect cc : subject : erequest 3991 peter makkai is also requesting this access . - - - - - forwarded by jameika smikle / corp / enron on 10 / 10 / 2000 04 : 19 pm - - - - - jameika smikle 10 / 10 / 2000 04 : 16 pm to : vince kaminski cc : subject : erequest 3991 stpehen bennett is requesting read / write access to o : \ research please advise . jameika irm",0 +"Subject: organization announcement given the growth in ees it has become apparent that it is time to consolidate the risk functions between ees and ews . this will provide ees with the systems , resources and risk expertise of the wholesale energy groups necessary for it to continue to grow and take advantage of current market opportunities . with this in mind and in agreement with the management of ees , two new risk groups inside enron americas will be formed to provide ees with pricing , structuring , retail and wholesale commodity risk management , logistics and back - office services . these groups main function is to provide these services to ees . we have asked rogers herndon , currently vice president - trading in the eastern power group to manage this function in the eastern interconnect ( this includes both gas and power ) . rogers will continue to report to kevin presto . we have asked don black , formerly vice president - ees risk management and sourcing , to manage this function in the western u . s . don will manage this group from houston and will report to tim belden . these groups will work very closely with ees to pursue shared goals while ensuring close coordination with the wholesale gas and power trading organizations . these changes are effective immediately . please congratulate rogers and don on their new roles . john lavorato & louise kitchen",0 +"Subject: the storage revolution has begun network world fusion focus : amy larsen decarlo on storage in the enterprise today ' s focus : the storage revolution has begun 03 / 07 / 00 dear wincenty kaminski , today ' s focus : the storage revolution has begun by amy larsen decarlo believe the hype . we are in the middle of a storage revolution . virtually overnight , businesses have gone from storing gigabytes to terabytes of data , and the number of users accessing that information is skyrocketing . the subsequent requirements are forcing companies to rethink their storage strategies and to recognize the importance of storage management in the equation of efficient information delivery . it isn  , t just the volume of data or the higher scalability demands that are changing how businesses handle storage . the premium that companies place on much of their enterprise information is having a profound effect on their storage requirements . businesses demand fault - tolerant storage systems that deliver swift and reliable data access to their employees , suppliers and customers . but given the fact that hard disk capacity requirements , on average , double every 12 months , while processor speeds double every 18 months , companies are left with a quandary : how can they manage the proliferation of stored information efficiently enough to compensate for the differential between capacity requirements and processor speeds ? the simple answer to this question is to institute a well - executed storage management plan that anticipates capacity requirements in advance and leverages the best technologies and techniques to support those needs . bear in mind that the majority of storage costs come not from the equipment but from the implementation and support of those systems . there are several ways to efficiently manage storage . one of the best routes is consolidation that is , pooling resources and managing storage as a system , as opposed to a decentralized collection of file servers . this may sound like a throwback to an earlier era , when enterprise storage resided on mainframes . but it  , s actually a progressive step , as the consolidation has more to do with centralizing the planning , management , and ongoing support of storage systems than it does with the physical location of the files . next , it is important to recognize that not all information is equally important to the organization . consequently , storage requirements vary by business application . as in all areas of it , it is important to make storage implementation decisions based on business needs . businesses trying to more efficiently manage storage are looking for alternatives to the distributed file server storage model . they want to speed access to stored files and remove bandwidth - intensive backup and recovery operations from the lan . network - attached storage ( nas ) supplies it professionals with one answer , giving workstations and servers a way to gain direct access to stored data . nas devices , which have been widely available for years , are optimized to process i / o transactions . though they promise better performance , they don  , t remove backups from the transport network . instead , they supply a relatively easy - to - deploy solution to cross - platform storage problems for most heterogeneous environments . many consider storage - area networks ( san ) to be the best long - term answer to current and future storage challenges . because sans are designed with a topology separate from the corporate data network , they alleviate many of the availability and performance issues associated with more traditional storage models . yet , given the early deployment stage most companies are still in , many of those capabilities are still largely untested in a production environment . this newsletter will examine how , through effective storage management , it professionals can reduce support costs and improve service delivery to their customers . this newsletter will not focus on items like the least expensive tape drive or the fast tape library . instead , it will look at how businesses can reduce inefficiencies and leverage emerging technologies to resolve their particular storage application issues . ultimately , the goal is to identify storage technology options and practices that work in real - world environments . to contact amy larsen decarlo : - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - amy larsen decarlo is an analyst with enterprise management associates in boulder , colo . , ( http : / / www . . com ) , a leading analyst and market research firm focusing exclusively on all aspects of enterprise management . she focuses on storage management , application management , and security . in her position , she oversees market research and contributes to custom project work in her focal coverage areas . prior to joining ema , amy spent five years covering enterprise management for industry trade magazines , including informationweek and data communications . she can be reached at mailto : decarlo @ . com for related links - - click here for network world ' s home page : http : / / www . nwfusion . com the national storage industry consortium ( nsic ) http : / / www . nsic . org the distributed management task force ( dmtf ) http : / / www . dmtf . org storage systems standards working group of the ieee http : / / www . ssswg . org the ietf http : / / www . ietf . org subscription services to subscribe or unsubscribe to any network world e - mail newsletters , go to : to change your email address , go to : subscription questions ? contact customer service by replying to this message . other questions / comments have editorial comments ? write jeff caruso , newsletter editor , at : mailto : jcaruso @ nww . com for advertising information , write jamie kalbach , account executive , at : mailto : jkalbach @ nww . com network world fusion is part of idg . net , the idg online network . it all starts here : http : / / www . idg . com copyright network world , inc . , 2000",0 +"Subject: re : ll visa - anshuman shrivastava vince : i don ' t think that you could have summarized the situation any better ! ! ! i will be happy to respond to neil as you suggested . thanks , molly vince j kaminski 01 / 24 / 2001 11 : 02 am to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : ll visa - anshuman shrivastava molly , thanks for the update . two points . please , let neil mcgregor know that many possible proposals were floated with regard to anshuman and there was some noise in the system . we need ll visa anyway and we decided to go ahead an arrange it . i shall also write to him and explain the confusion . also , if i have the choice between upsetting neil or jeffs ( shankman and skilling ) , i shall choose neil . vince enron north america corp . from : molly magee 01 / 24 / 2001 10 : 13 am to : vince j kaminski / hou / ect @ ect cc : subject : re : ll visa - anshuman shrivastava vince : apparently neil mcgregor became upset when he received margaret daffin ' s email . he is saying , however , that anshuman will only be in houston for one month , and you had mentioned six months when we spoke earlier . it really doesn ' t make any difference since he will need to get an ll visa under either circumstance , but i thought you might want to see his email . molly - - - - - - - - - - - - - - - - - - - - - - forwarded by molly magee / hou / ect on 01 / 24 / 2001 10 : 09 am - - - - - - - - - - - - - - - - - - - - - - - - - - - margaret daffin 01 / 24 / 2001 09 : 57 am to : molly magee / hou / ect @ ect cc : subject : re : ll visa - anshuman shrivastava molly : per our conversation today . please let me know the status so that i can proceed with the visa process . thanks margaret - - - - - - - - - - - - - - - - - - - - - - forwarded by margaret daffin / hou / ect on 01 / 24 / 2001 09 : 56 am - - - - - - - - - - - - - - - - - - - - - - - - - - - neil mcgregor @ enron _ development 01 / 24 / 2001 05 : 18 am to : margaret daffin / hou / ect @ ect cc : wade cline / enron _ development @ enron _ development subject : re : ll visa - anshuman shrivastava anshuman is not moving or immigrating to the us . we are allowing him to work for a lmonth assignment in the us with enron . please carry out the necessary approvals and visa ' s on this basis . neil mcgregor ceo dabhol power margaret daffin @ ect 01 / 23 / 2001 10 : 31 pm to : anshuman . srivastav @ enron . com cc : molly magee / hou / ect @ ect , vince j kaminski / hou / ect @ ect , jane allen / hou / ect @ ect , timothy callahan / na / enron @ enron , ranendra sengupta / enron _ development @ enron _ development , wade cline / enron _ development @ enron _ development , neil mcgregor / enron _ development @ enron _ development @ ect , harsimran subject : ll visa - anshuman shrivastava anshuman : i have been asked to contact you regarding your possible move to houston , texas . in order that i may begin the process of getting you an ll immigration visa , i will need you to complete the attached visa questionnaire and return it to me with copies of the following documents : a copy of all pages of your passport , even if blank copies of all previous us visas issued an updated resume , showing months and years copies of all diplomas and transcripts received if you have dependent family members coming to the states with you , copies of their passports please send to my attention , via fedex to : enron corp . 3 allen center , 3 ac 2026 a 333 clay street houston , tx 77002 please call me with any questions you may have at 713 - 345 - 5083 .",0 +"Subject: telephone interview with the research group praveen : please excuse the error on the email below . i misunderstood - the position will be a full time position with the research group . please let me hear from you . thanks ! shirley crenshaw - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 27 / 2000 09 : 48 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 04 / 27 / 2000 09 : 39 am to : praveen @ wam . umd . edu cc : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , osman sezgen / hou / ees @ ees subject : telephone interview with the research group good morning praveen : the enron corp . research group would like to conduct a telephone interview with you at your convenience . this will be as a "" summer intern "" with the research group . please let me know your availability on monday , may lst or thursday ; may 4 th . the persons who will be interviewing you are : vince kaminski managing director stinson gibner vice president krishna krishnarao director osman sezgen manager i look forward to hearing from you . thank you and have a great day shirley crenshaw administrative coordinator 713 - 852 - 5290",0 +"Subject: yvan ' s application molly , i am enclosing my recommendation letter for yvan chaxel . vince",0 +"Subject: fw : my london "" wish list "" oops , i sent the previous email to another kaminski . - - - - - original message - - - - - from : mack , iris sent : thursday , april 26 , 2001 10 : 42 am to : salmon , scott cc : chaney , craig ; kaminski , jim ; dhar , amitava ; shanbhogue , vasant subject : my london "" wish list "" hi scott , as we discussed , i will be flying to london on monday to spend some time in enron ' s london office . i am really looking forward to meeting you and the others i have corresponded with via email , phone , vc , etc . on yesterday vince , vasant , amitava and i discussed my stay and london and the desire to make this trip a productive one . hence we came up with the following "" wish list "" of things i wish to accomplish while i am over there . if you think of any other important items to add to this list , please let me know . after that , we can forward the list to the parties involved to find out if they will be available to meet with me during my stay in london . thanks , iris iris ' london "" wish list "" scott schematic diagram of how the various models are tied together for the overall objective of coming up with final cds and dbs pricing product descriptions - more details ben * spss * answertree ( card book ) george * nnpm mike * need to create internal database to store d & b data . * how will d & b data be stored ? need flexibility for data manipulation & model development . bryan & markus * feasiblity model : what calculations do they already have ? * breakeven spread * moral hazards issues * legal contract issues to resolve moral hazard issues . * a company can ' t buy bankruptcy on itself ? * need to have "" accurate "" information for correlation between reference & counterparty",0 +"Subject: associate & analyst prc update the prc process for the associate & analyst programs has been revised . the office of the chairman , in conjunction with the heads of each operating company , has established a prc committee for the associates and one for the analysts . each committee will oversee the respective prc meetings . details of the process are as follows : i . prc committee members associate prc committee sally beck don w . black dan catagnola paul chivers ed coats dave duran bob hayes sean homes fred kelly dick leibert sean long scott neal ozzie pagan kevin presto brad richter mark ruane jim steffes analyst prc committee dave bowers federico cerisoli ed coats david crews brenda herod rogers herndon ben jacoby steve jernigan william gehle jay lewis ( james w ) paul mead mike norris rockey storie jon thomsen emilio vicens ii . meeting logistics enron will hold eastern hemisphere associate and analyst prc meetings on july 17 th in london . the prc for the eastern hemisphere will include europe , india and asia and will be chaired by john sherriff . the western hemisphere associate and analyst prc meetings will be held on july 19 th in houston . the prc for the western hemisphere will include south america , calgary , portland , houston and australia ( houston administers it ) and will be chaired by joe sutton . the analyst prc will be conducted from 8 : 00 a . m . to 12 : 30 p . m . , and the associate prc will be conducted from 1 : 30 p . m . to 6 : 30 p . m . iii . process each prc representative has been randomly assigned 15 to 17 associates or analysts that they will represent in the prc meeting . please note the prc rep is not representing only those individuals who may work in his or her specific opco but individuals that work throughout the organization . the prc rep will continue to represent the assigned associates or analysts during their entire tenure with the program . the prc reps are expected to contact the prc supervisor and gather performance information ( including pre - ratings if available ) . the program will prepare a binder for each prc rep that includes consolidated feedback from the pep system for their assigned associates or analysts and will provide this to the prc representatives on july 7 th . associates and analysts will be pre - rated by their business unit supervisor using the six performance ratings ( superior - issues ) and the management professional feedback form as detailed in the pep system . the pre - ratings must be loaded into pep by july 6 th . the associate and analyst ratings will be cross - calibrated by tenure at the meeting as follows : associates : level 1 : 0 to 6 months level 2 : 7 to 12 months levels 3 & 4 will be reviewed together : 13 months + . analysts : level 1 : 0 to 6 months level 2 : 7 to 12 months level 3 : 13 to 24 months level 4 and 5 will be reviewed together : 25 months + the rating determined in the global cross calibration meeting is final , and cannot be changed once the meeting has ended . following the global associate and analyst prc , the associates  , and the analysts  , supervisors will obtain the final rating from the prc representative . the supervisors must ensure that an evaluation session is conducted and the final rating is communicated to each associate and analyst by september 15 th . the completed form must be signed by the associate or analyst and returned to terry bosien in human resources by 9 / 18 / 00 . iv . promotions all promotions must be recommended in the prc . associates are eligible for promotion to manager at their 18 and 24 month anniversary . timing . anniversaries that occur from april lst through september 30 th should be recommended in the july prc and those that occur from october lst through march 31 st should be recommended in the december prc . if the promotion is granted it would become effective on the lst of the month following the prc , or on the associate  , s anniversary date , whichever is later . associates promoted after march 31 st for the july prc and after september 30 th for the december prc will be evaluated as associates for prc purposes , not as a manager ( i . e . an associate was promoted to manager effective april lst . in the july prc the individual should be evaluated as an associate not as a manager ) . 2 nd year analysts are to be recommended for promotion to 3 rd year analysts after completing the 2 nd year , utilizing the same timing criteria outlined above ( i . e . , an analyst who completes the 2 nd year on september 30 th should be recommended for promotion to 3 rd year analyst in the july prc ) . 3 rd year analysts may be recommended for promotion to associate after completing the 3 rd year , utilizing the same timing criteria outlined above ( i . e . , an analyst who completes the 3 rd year on september 30 th should be recommended for promotion to associate in the july prc ) . please call terry bosien at 713 / 853 - 5230 or celeste roberts at 713 / 853 - 0555 if you have any questions .",0 +"Subject: pricing credit on thousands of names all - our challenge for the next few months is to build an automated system to provide differential pricing on thousands of credits [ 5 , 000 by year - end ] . most of these credits will be illiquid in terms of market price information , making the challenge harder , and the end result more important in terms of competitive pricing advantage . what we need is an overall strategy for how we plan to achieve this from the quantitative perspective . currently we have several models for credit pricing either in use or under development : fmc model ( default probability approach ) . using bloomberg ' s fair market ( par yield ) curves , probabilities are generated from the risky - libor , then default / bankruptcy swap prices computed using expectation methodology . fmc model ( credit spread approach ) . using the fmcs , then directly taking the libor credit spread at each tenor , adjusting for basis and compounding differences . bond model ( fmc approach ) . taking the fmcs as benchmark curves , the model regresses the input bonds ( specific to a name ) on the two best fitting benchmarks . the result is a zero yield curve with the same shape as the fmcs , but with the level tweaked for the specific issuer . prices are then generated using both spread and probability approaches . under testing . bond model ( spline approach ) . taking only the bonds specific to an issuer , the model fits an exponential cubic spline to the zero - coupon price curve , then builds a zero yield curve from this . under testing . market prices . for certain liquid names , or sectors / ratings , cds market prices are used , then recovery and event discount used to get bankruptcy swap prices . kmv . using expected default frequencies ( edfs ) from the kmv model and database , we will build a model to price default swaps , making appropriate risk adjustments . kmv is being installed now , so model will be worked on next . each of these models returns a price ( credit default and bankruptcy ) , and the accuracy of the price depends on many factors - liquidity and regulatory differences between bond and cds markets , recovery assumptions , risk premia , capital charges , etc . the aim will be to accurately price as many liquid names as possible , based upon these models , then use these prices , alongside other financial information , as the backbone to a full automated pricing system . our inputs to the proposed pricing system for a specific name are model and market prices for all issuers , alongside name - specific ' soft ' data from credit reports and financial statements . if the credit is liquid enough , a price will be generated from their own information only . otherwise , the credit will be mapped onto a subset of liquid credits , with financial information and historical price movements providing the mapping and weights . the model price will then be periodically adjusted to align itself with market ( or trader ) prices , and this adjustment will feed back into the weighting and mapping composition . in loose terms , we could think of the system price for an illiquid credit as being a weighted average of liquid market prices ( bonds , equities , default swaps ) , where the weightings are calibrated using credit analysis , financial ratios , etc . the key steps to implementing such a system will be : establishing what exactly we want to ' predict ' - is it a price , a rating , a probability , or a score ? we will need a clean market history to calibrate to , which we only really have for ratings . we will then need to develop a mapping from rating / score to price . getting and cleaning the historical financial and credit data required to calibrate the model . building the mechanics of the model , ie , the calibration methodology . neural nets / fuzzy logic seem the obvious candidates , but which exact methods and software packages to use ? determining an automated methodology for mapping names with limited information into the model . getting the "" true "" market price , in order to feed back an error . at present such a price exists for very few credits . allocating resources to the development . mckinsey claimed such a system would take 6 - 10 man - months to develop . further ideas or comments are requested , as we need to develop our strategy asap . the model description above is fairly vague , as we don ' t yet have the knowledge needed to fill in the specific details . further help will be especially required on this if we are to continue to move at ' internet speed ' . regards ben",0 +"Subject: new members the following people are joining the research group reporting to me effective immediately . please make sure that their transfer from ees to our group is reflected in the support systems . oren v . ( "" dayne "" ) zimmerman chuanli ( "" ken "" ) deng anguel g grigorov thanks , krishna .",0 +"Subject: re : vacation shirley , no problem . vince shirley crenshaw 11 / 13 / 2000 10 : 21 am to : vince j kaminski / hou / ect @ ect cc : anita dupont / na / enron @ enron , kevin g moore / hou / ect @ ect subject : vacation vince : i would like to take vacation next tuesday and wednesday , the 21 st and 22 nd ? please let me know if it is alright . anita will be here . thanks ! shirley",0 +"Subject: storage book / luken ' s storage model please plan to attend a meeting on thursday , april 27 , from 3 : 00 - 5 : 00 p . m . to discuss luken ' s storage model and , more importantly , where we want to go with a storage book . this meeting will be in eb - 30 cl . any questions , contact mark breese ( ext . 3 - 6751 ) or gerri irvine ( ext . 3 - 6145 ) .",0 +"Subject: rice / enron finance seminar series - attl . htm",0 +"Subject: re : choosing the riskfree rate dear all , i completeley agree with ben that treasuries are the most liquid and reliable benchmarks . i also think that fmas have their own advantages and disadvantages . however , it looks like it would be very difficult for us to avoid using libor as benchmark - at least to price anything related to capital markets ( for example , credit default swaps ) . our prices will always be different from that on capital markets if we use benchmarks different from the market . as a half - way solution we can have different benchmarks - for example , use anything , that we decide is closest to risk - free , to value products significantly different from that priced on capital markets , and libor for everything priced on capital markets . we can adjust by manipulating other coefficients ( event , liquidity , recovery ) for our purposes , but it looks like benchmark should be libor . to avoid negative default probabilites ( for highly rated reference entities ) we can add cost fo repo and haircuts ( as all bankers do ) . let us continue our discussion on this . slava benjamin parsons 13 / 03 / 2000 20 : 07 to : bryan seyfried / lon / ect @ ect , martin mcdermott / lon / ect @ ect , viacheslav danilov / lon / ect @ ect , stuart ffoulkes / lon / ect @ ect , eklavya sareen / lon / ect @ ect , tomas valnek / lon / ect @ ect , john metzler / lon / ect @ ect , simon brooks / lon / ect @ ect , konstantin malinovski / lon / ect @ ect cc : vasant shanbhogue / hou / ect @ ect , vince j kaminski / hou / ect @ ect , steven leppard / lon / ect @ ect , jitendra patel / lon / ect @ ect , william s bradford / hou / ect @ ect , harry arora / hou / ect @ ect subject : choosing the riskfree rate dear all , following on from the discussions had with vince et al a few weeks ago , regarding the problems inherent in using treasuries as our benchmark riskfree curve , i ' ve written the attached short document . my preliminary conclusions are as follows : recent turmoil in the treasury market mostly hit 10 and 30 - year bonds . treasuries are still the most liquid curve , and that used by banks for benchmarking risky debt . there is a considerable a liquidity / scarcity premium inherent within the corporate - treasury spread , which we are not taking into account . more accurate measurement of this premium should allow us to calculate bankruptcy prices based on treasuries , which are consistent with the market . all further comments are welcome of course . regards ben",0 +"Subject: phone interview with bill anderson - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin kindall / corp / enron on 03 / 07 / 2001 08 : 58 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" wander "" on 03 / 06 / 2001 08 : 09 : 42 pm to : cc : subject : phone interview 3 / 5 dear mr . kindall , i just wanted to let you know that i appreciated the time you gave me on monday , and that i am very interested in pursuing a career at enron . i feel that my risk management and treasury experience would prove to be valuable at your firm , and i would very much like to continue discussions with you if a suitable position becomes open . thanks again for the taking the time to chat with me , and i look forward to hearing from you soon . sincerely , bill anderson",0 +"Subject: research reporting tani - are you happy having steve leppard and research reporting to you in london , with a thick dotted line to vince in houston . up to now it has reported to dale , so it makes sense to shift to you . steve wants a dotted line to commercial , which i ' m happy to have to me as he does o much work for us . richard",0 +"Subject: chapter 3 vince and grant , ? can you please send us your excel spreadsheets that were used for generated the graphs ? ? we will need to edit them so that they will look like the graphs in the rest of the book . ? vince , when you send us your half , will you please provide us with the references and footnotes ? ? grant , thanks for your half . ? look forward to hearing from you soon , thanks , julie",0 +"Subject: 2000 chairman ' s award everyday heroes are all around us at enron , living our core values of respect , integrity , communication and excellence in everything they do . some of these heroes make a big splash while others just quietly make a difference in the workplace around them . either way , these special individuals deserve to be recognized with a nomination for the 2000 chairman ' s award . as there is more than just one employee living the values at enron , this award program will honor 10 employees as members of the chairman ' s roundtable . from that group , the one individual most embodying our values will be presented with the chairman ' s award at the management conference in san antonio in november . the beauty of this award program is that it is completely employee - driven from beginning to end . from your nominations , an international employee committee will select the chairman ' s roundtable and eventually , the chairman ' s award winner . your role of nominating our everyday heroes is extremely vital to the program ' s success . if someone has made a positive impression on you , please take the time to complete a nomination form and send it to charla reese by october 1 , 2000 . you may click here for a printable form : http : / / home . enron . com / announce / chairman _ nom / form 3 . doc for more information on the chairman ' s award , including details on last year ' s roundtable members and previous winners , repit suliyono and bobbye brown , please click here : http : / / home . enron . com / announce / chairman _ nom again , this is a very special award at enron and we sincerely thank you for your participation . ken , jeff and joe",0 +"Subject: re : congratulations and to yourself - extra well deserved . see you soon . b . vince j kaminski 11 / 01 / 2000 16 : 04 to : barry pearce / lon / ect @ ect cc : subject : congratulations barry , congratulations . well deserved . vince",0 +"Subject: encounter article - shalesh ganjoo as a follow up to the below message , i wanted to contact you to see if you have had an opportunity to review the attached article . the article will be going to print within the next two weeks . therefore , i would like to ensure the accuracy of the information provided . thank you again for your efforts , tracy arthur - - - - - - - - - - - - - - - - - - - - - - forwarded by tracy l arthur / hou / ect on 03 / 26 / 2001 09 : 47 am - - - - - - - - - - - - - - - - - - - - - - - - - - - tracy l arthur 03 / 19 / 2001 03 : 29 : 37 pm to : david cox / enron communications @ enron communications , vince j kaminski / hou / ect @ ect cc : shelly jones / hou / ect @ ect subject : encounter article - shalesh ganjoo we have conducted an interview and written the attached article for the upcoming edition of the encounter , the associate & analyst programs ' newsletter . the interview was conducted with shalesh ganjoo in regards to his participation with the implementation of storage capacity as a commodity . to ensure our publication is printing the most accurate information , i have attached the article for your review . please confirm that the information provided from shalesh ganjoo is accurate . thank you in advance for your assistance , tracy arthur communication specialist associate & analyst department 713 - 345 - 7853",0 +"Subject: re : followup from iris mack hi again , i thought it might be helpful if i forwarded a document which describes some of the hybrid structured products i have been contemplating . please refer to the attached files . in addition , any further information regarding my coming to houston ? regards , iris ( see attached file : hybrid structured products . doc ) ( see attached file : diagram of aircraft delivery options . doc ) - - - - - - - - - - - - - - - - this message is confidential ; its contents do not constitute a commitment by bnp paribas group * except where provided for in a written agreement between you and bnp paribas group * . any unauthorised disclosure , use or dissemination , either whole or partial , is prohibited . if you are not the intended recipient of the message , please notify the sender immediately . * bnp paribas group is a trading name of bnp sa and paribas sa ce message est confidentiel ; son contenu ne represente en aucun cas un engagement de la part du groupe bnp paribas * sous reserve de tout accord conclu par ecrit entre vous et le groupe bnp paribas * . toute publication , utilisation ou diffusion , meme partielle , doit etre autorisee prealablement . si vous n ' etes pas destinataire de ce message , merci d ' en avertir immediatement l ' expediteur . * le groupe bnp paribas est le nom commercial utilise par bnp sa et paribas sa - hybrid structured products . doc - diagram of aircraft delivery options . doc",0 +"Subject: meeting during energy expo this will confirm our meeting at your office on 16 th of march 2000 at 8 am . we will be at the energy expo booth nbr . 931 on the 14 th  - 16 th and staying at the allen park inn on allen parkway if you need to reach us . liam leahy for dr . robert e . brooks direct line ( 323 ) 913 - 3355 main line ( 323 ) 663 - 4831 http : / / gpcm . rbac . com / - attl . htm",0 +"Subject: re : interview with enron pierre philippe , we have two options . kevin will be interviewing in mid - december in pittsburgh and he can talk to you you or we can invite you to houston . what are you interested in ? a quant position or a trading job ? our trading desks are looking for people with trading experience . vince "" pierre - philippe ste - marie "" on 11 / 29 / 2000 07 : 36 : 19 am to : cc : subject : interview with enron dear mr . kaminski , ? even though i cannot pass "" official "" interviews , i would like to discuss with enron . i was really impressed by your presentation and i think i would be a good fit for your firm . ? i know that you ? will be soon recruiting on campus , maybe we could set up an "" informal meeting "" . either give me a call at home ( 412 - 802 - 6429 ) or send me an email at this address . i would appreciate though not to appear on interview lists . ? pierre - philippe ste - marie http : / / pstemarie . homestead . com",0 +"Subject: re : ( no subject ) jana , next week would work for me . i am flying to san antonio from florida . i shall be back on sunday . what about friday or saturday next week ? vince jlpnymex @ aol . com on 04 / 04 / 2000 09 : 59 : 01 am to : vince . j . kaminski @ enron . com cc : subject : re : ( no subject ) vince , nice to hear from you . we will miss you on thursday evening . would you still like to join us for a movie sometime ? jana",0 +"Subject: re : re : software license ms . geman , i apologize for the delay , but i finally have drafted an escrow agreement for placing the software in escrow with your attorneys . please review and have your attorneys review and let me know if it is acceptable . i will be leaving the department i have been working in and moving to a different enron subsidiary on october 13 . if at all possible , could we try to get the software license agreement and the escrow agreement wrapped up before i leave so that someone else does not have to try to pick up where i left off ? i think we are just about in agreement on the software license portion . seems like the only outstanding question had to do with your concern regarding providing a response time of 2 business days . i do not have any answers regarding that - maybe vince kaminski or stinson gibner can respond on this issue . i look forward to hearing from you and trying to get this finalized within the next 2 weeks if possible . thank you , karla feldman enron corp . ( 713 ) 646 - 7554",0 +"Subject: p . c . we spoke about the p . c . for trisha tlapek . location eb 3132 b . co . # 0011 r . c . 100038 thanks kevin moore x 34710",0 +"Subject: ravi ' s schedule for next week project hamachi lives on ! john griebling asked the crew to come back for march 7 - 10 th . kristy , please book me to come back to project hamachi ( omin hotel in broomfield ) . that is , i need to come back to broomfield , co next week tues : arrive at omin hotel and be in the office here at 12 : 00 noon march 7 th , 2000 . so i need to take the earliest flight out of houston to get to denver airport in time to get to the hotel checked in , etc . . . . so i need to land ~ 10 am . i ' ll come back to houston end of day friday . thanks , ravi .",0 +"Subject: wti simulation presentation - the latest john , this is the updated presentation for the open - close assumption . i will finish the close - close ( continuous trading ) case . zimin",0 +"Subject: re : check julie , yes , this is how we split this expense internally . please , send it to me . vince "" julie "" on 10 / 31 / 2000 01 : 57 : 55 am to : cc : subject : re : check vince , ? oh . ? i sent an invoice to habiba for aus 5 k a while back , and she informed me that she passed it along to the people who are handling the agreement now ( i take that as fiona grant in london ? ) . ? i will then send out another invoice of aus 5 k in the next week or so for the remaining balance . ? should i have sent the invoice to you ? ? thanks , julie - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : julie @ lacima . co . uk cc : vince . j . kaminski @ enron . com sent : monday , october 30 , 2000 9 : 12 pm subject : re : check julie , a clarification . we had an agreement with chris and les to contribute ? aus 10 , 000 as a part of the cost . vince "" julie "" on 10 / 30 / 2000 12 : 32 : 14 pm to : ? ? cc : subject : ? re : check vince , thank you for your email . we will send you a copy of the book as soon as it is available , which we are now estimating to be around 21 november ( no need to send us a cheque ; you deserve it ) . just let us know if we should use a different address than your office ? in houston . thanks again for all of your help . julie - - - - - original message - - - - - from : ? vince . j . kaminski @ enron . com to : julie @ lacima . co . uk cc : vince . j . kaminski @ enron . com sent : monday , october 30 , 2000 2 : 16 ? pm subject : check julie , this message was returned to me a few times when ? i sent it from my home address . vince - - - - - - - - - - - - - - - - - - - - - - ? forwarded by vince j kaminski / hou / ect on 10 / 30 / 2000 08 : 00 am ? - - - - - - - - - - - - - - - - - - - - - - - - - - - vkaminski @ aol . com on 10 / 28 / 2000 12 : 12 : 57 ? pm to : julie @ lacima . co . uk cc : vkaminski @ aol . com , vkamins @ enron . com subject : ? check julie , as the book is about to be released to the ? market , i would like to start the process to issue the check to lacima . ? who will be the payee ( lacima ) and what is the ? address ? vince",0 +"Subject: mid - year 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the mid - year 2000 performance management process by providing meaningful feedback on specific employee ( s ) that have been identified for you . your feedback plays an important role in the performance management process , and your participation is very critical to the success of enron ' s performance management goals . please provide feedback on the employee ( s ) listed below by accessing the performance management system ( pep ) and completing an online feedback form as described in the "" performance management quick reference guide "" . you may begin your feedback input immediately . please have all feedback forms completed by the date noted below . if you have any questions regarding pep or your responsibility in the process , please call the pep help desk at the following numbers : in the u . s . : 1 - 713 - 853 - 4777 , option 4 in europe : 44 - 207 - 783 - 4040 , option 4 in canada : 1 - 403 - 974 - 6724 ( canada employees only ) or e - mail your questions to : perfmgmt @ enron . com thank you for your participation in this important process . the following list of employees is a cumulative list of all feedback requests , by operating company , that have an "" open "" feedback status . an employee ' s name will no longer appear once you have completed the feedback form and select the "" submit "" button in pep . review group : enron feedback due date : jun 16 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - ahmad , anjam dale surbey may 22 , 2000 zipter , rudi c theodore r murphy may 25 , 2000",0 +"Subject: organizational announcement fyi . - - - - - - - - - - - - - - - - - - - - - - forwarded by osman sezgen / hou / ees on 04 / 23 / 2001 02 : 29 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron energy services from : ees distribution 04 / 23 / 2001 01 : 29 pm sent by : kay chapman to : all ees cc : subject : organizational announcement consistent with the floor talks of a couple weeks ago , we are following up with an e - mail describing the latest changes in our risk and back - office functions that are now complete . ees ' s risk management and the vast majority of ees ' s risk controls and operations group will become a new group in enron wholesale services . this group ' s sole function will be to provide pricing , structuring , commodity risk management , logistics and back - office services for ees . both don black and wanda curry will report to the ews office of the chairman . this change was driven by the explosive growth of ees and the resulting need to tap the systems , resources and risk expertise of the wholesale groups in order to continue to grow and take advantage of current market opportunities . this change will allow us to more quickly capture the benefits of scale , process , and technology in risk , logistics and back - office functions from the larger enron capability . as discussed at the all employee meeting in march , these are important objectives , and this change allows us to reach those goals more quickly . specifically , the following groups within the former ees risk management group , will become a part of this new group reporting to don black : - the gas , power and tariff desks , - the options desk , - the site profiles and consumption desks , and - the matrix products / secondary products desks . the dsm group and iam , along with its execution capability , will remain in ees and report to the ees office of the chairman . we are pleased to announce that ozzie pagan has agreed to lead this function . ozzie is an established commercial dealmaker in ena . he has experience in power trading , origination and plant development . in addition , the services group , which will provide billing , information and other retail services , led by evan hughes , will remain in ees and report to the ees ooc . all support functions , within the former ees risk controls and operations group , that currently support the dsm and the services groups , will remain in ees . the remaining parts of the risk controls and operations group will become part of ews reporting to wanda curry . as part of this change , we are pleased to add evan hughes and ozzie pagan to the ees operating committee . in addition , the structuring group , led by sean holmes , will be re - named deal management . the vision for this group remains the same as that discussed at the all employee meeting ; however , it will also facilitate and ensure productive transaction interaction between ees and ews . we have asked , marty sunde , as part of his vice chairman role , to resource and lead a formal restructuring group to enhance or protect value in several key transactions in our portfolio primarily in california . the newly created it function , led by anthony dayao , will continue to report into the ees ooc but will support both ees and ews it requirements . other than these changes , the organizational structure , vision and objectives detailed out for ees at the all - employee meeting in march remain . we need to continue to understand and drive deeper into our markets , manage our client relationships , mine our portfolio , build new products and execute on our opportunities . thanks for all your hard work . with your help we will become the worlds leading energy retailer and enron ' s leading division . if you have any questions please do not hesitate to ask",0 +"Subject: matthew patteson , inventor cindy , this is our preliminary review of the documentation sent by mr . patteson . one more person will take a look at it . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 25 / 2000 03 : 13 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner 10 / 25 / 2000 01 : 16 pm to : vince j kaminski / hou / ect @ ect cc : zimin lu / hou / ect @ ect , kevin kindall / corp / enron @ enron subject : matthew patteson , inventor vince , after reviewing the documents furnished by mr . patteson , i do not feel that enron should consider engaging in any testing , development , or licensing of his proposed generator for the following reasons : 1 . enron is not currently in the business of developing or manufacturing electrical generation equipment and does not plan , as far as i know , to enter this business . the one exception is our ownership in entities developing wind and solar , renewable energy . 2 . enron does not have the proper facilities or expertise to test or develop mr . pattesons proposed generator . 3 . there could be substantial risk in testing this generator as it would involve boiling of a flammable material under pressure . 4 . i do not believe that the proposed generator will produce any significant quantity of electrical power . the generator produces power by induction . that is , electric current is induced by a changing magnetic field . the mechanism powering the changing magnetic field is the movement of magnetic dipoles which are suspended in a boiling medium . as the boiling will produce a somewhat random movement of the liquid , the "" movement "" or change in the magnetic field will be highly random and thus not suitable for producing a steady or reliable electrical current . i have asked martin lin to also review the documents to render an independent opinion of this proposal . respectfully , dr . stinson gibner phd . physics vp research , enron north america p . s . kevin and zimin : if you have any interest in reviewing mr . patteson ' s proposal , please let me know .",0 +"Subject: bi - weekly transmission update report energy info source is privileged to make available to you a free sample issue of its bi - weekly transmission update report ( attached ) . this report contains the latest iso , rto , utility , and merchant transmission news provided in pdf format delivered to you via email every other week all for only $ 75 / year for an individual subscription ( corporate subscriptions for multiple users are available for $ 200 / year ) . check it out and if you ' d like to subscribe , click on the following link to order online or call us at 888 - 986 - 2250 to order by phone . we accept visa / mastercard / american express or can invoice your company . viewing the report requires adobe acrobat reader 4 . 0 or higher , available free at : - - - - - - - - - - - - - - - - - - - - - - if you want to be removed from our mailing list or for more information : energy info source , inc . email : custsvc @ energyinfosource . com phone : 888 - 986 - 2250 - transo 7 _ 23 . pdf",0 +"Subject: re : technical training at the houston energy expo ! vince : looks like an excellent value overall if they cover the same topics in these classes as in the enron internal classes . the website says that registering for one of the classes automatically registers you to the expo . i would like to recommend them to my team . did someone from our group already register for this ? thanks krishna . vince j kaminski 02 / 12 / 2001 01 : 50 pm to : pinnamaneni krishnarao / hou / ect @ ect cc : subject : technical training at the houston energy expo ! krishna , please , take a look . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 12 / 2001 01 : 50 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - lana moore on 02 / 07 / 2001 10 : 53 : 05 am to : nesa members cc : subject : technical training at the houston energy expo ! technical training in conjunction with the houston energy expo march 20 - 21 , 2001 hyatt regency hotel - downtown we are offering : fundamentals of electricity basics of risk management natural gas - wellhead to burnertip there are only 25 spots in each class , so sign up today ! go to www . nesanet . org , in educational programs each class is listed with details and a registration form . member price is $ 545 per person . non - member price is $ 745 per person . if you have any questions , please give me a call ! ! lana moore ( 713 ) 856 - 6525",0 +"Subject: arthur andersen model validation request vince , our goal is to validate that the enron global market book administrators are accurately using the "" spread option model "" as developed by the research group . to determine this , we would like to provide you with the inputs for a particular deal ( as provided by a global markets book administrator ) and have you recalculate the deal value . we will then compare your results to the values calculated by global markets . two koch deals have been chosen due to their substantial p / l effect . i have attached the deal data in two forms : ( 1 ) the spread option model that kara boudreau , book administrator egm , provided and ( 2 ) an excel spreadsheet that isolates the 2 deals . if there is anything more that we could provide , please don ' t hesitate to call me at x 30968 . thank you so much for all of your help . gillian 1 . 2 .",0 +"Subject: visiting enron may 4 th christie , fyi . a message i received from stanford . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 09 / 2001 11 : 20 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" susan c . hansen "" on 04 / 06 / 2001 06 : 14 : 10 pm to : vince . j . kaminski @ enron . com cc : clovell @ stanford . edu , donna lawrence , hillh @ stanford . edu , bambos @ stanford . edu subject : visiting enron may 4 th dear vince , this is great news ! donna and i are delighted that you have time to see us on may 4 th . i ' ll be out of the office next week . by copy of this email to my assistant , carol lovell , i will ask her to get in touch with shirley for scheduling as well as directions on where to meet you . we ' ll be glad to meet with christie patrick as well . looking forward to meeting you , susan at 05 : 36 pm 4 / 6 / 01 - 0500 , you wrote : > susan , > > thank you for your message . i shall be glad to meet with you on may the > 4 th . > i shall ask my assistant , shirley crenshaw ( 713 ) 853 5290 , to call you to > set up the meeting . > > also , for your information , we have recently set up a special unit to > coordinate enron ' s > relationships with the universities . the person running this unit is > christie patrick . > please , feel free to contact her and give my name as a reference . i shall > coordinate the meeting > on may the 4 th with her . > > vince > > > additional information re christie : > > phone : ( 713 ) 853 - 6117 > > email : christie _ patrick @ enron . com > > > > > > "" susan c . hansen "" on 04 / 03 / 2001 04 : 33 : 54 pm > > to : vkamins @ enron . com > cc : > subject : visit from stanford ? > > > dear dr . kaminski , > > let me briefly introduce myself , i am the director of corporate relations > for the school of engineering at stanford university . in this role , i am > always on the watch for ways to bring our faculty together with companies > that have an appetite for engagement with top tier research institutions . > > i believe you know hill huntington , who is a senior researcher with > stanford ' s energy modeling forum . he suggested i get in touch with you for > some ideas about contacts at enron . i ' m in the process of planning a trip > to texas in early may along with my colleague donna lawrence , the > university ' s director of corporate relations . we were hoping to be able to > include a stop at enron on our itinerary . right now it appears that friday , > may 4 th would work best for us but we ' re at the very beginning of our trip > planning . > > the purpose of our visit would be to review the current relationship > between enron and stanford , to give you an overview of current priorities > in the school of engineering , and ask for your help in identifying the best > points of contact . > > i look forward to hearing from you about your availability , > > sincerely , > susan hansen > > > > > susan c . hansen > director , corporate relations > school of engineering > stanford university > stanford , ca 94305 - 4027 > ( 650 ) 725 - 4219 susan c . hansen director , corporate relations school of engineering stanford university stanford , ca 94305 - 4027 ( 650 ) 725 - 4219",0 +"Subject: re : your visit with vince kaminski - enron corp . research dear mr . fujita : professor kaminski will be delighted to have dinner with you and your colleague mr . yamada . i have put you on his calendar at 3 : 00 pm . with dinner to follow in early evening . please let me know if you would like me to make dinner reservations for you . sincerely , shirley crenshaw administrative coordinator enron corp . research group 713 / 853 - 5290 masayuki fujita on 04 / 04 / 2000 11 : 07 : 19 am to : shirley crenshaw cc : subject : re : your visit with vince kaminski - enron corp . research shirley crenshaw administrative coordinator research group enron corp dear ms . crenshaw , i am very glad to see professor kaminski let me meet with him . i offer to visit you around 3 p . m . on 17 th monday . i wonder if we can invite him for a dinner that night because my colleague mr . yamada who also wishes to meet with him will attend a risk publication ' s seminar up to 5 p . m . on that day . please let professor kaminski know we understand this offer may affect on his private time and we do not insist on it . i am very much looking forward to seeing him . best regards , masayuki fujita principal financial engineer financial technologies section mitsubishi research institute , inc . 3 - 6 otemachi 2 - chome , chiyoda - ku tokyo 100 - 8141 japan tel + 81 - 3 - 3277 - 0582 fax + 81 - 3 - 3277 - 0521",0 +"Subject: re : exotica ( second request ) please see attached : enron europe from : sharad agnihotri 09 / 10 / 2000 11 : 56 to : anjam ahmad / lon / ect @ ect cc : steven leppard / lon / ect @ ect , vince j kaminski / hou / ect @ ect subject : exotica ( second request ) anjam , i have tried to call you on your mobile but with no success . please make sure you send me the exotica code . sharad",0 +"Subject: re : resume hi , mr . kaminski : how are you ? i hope you had a wonderful holiday . i just came back from chicago . there is an enron on campus interview at cmu scheduled on 12 / 11 . is this the interview for our class or for mba students ? i am concerned because i was not selected for this interview , and i would like very much to have a chance to talk you about what i can do at enron . frank - - - - - original message - - - - - from : to : cc : sent : tuesday , november 21 , 2000 2 : 13 pm subject : re : resume > > frank , > > we are going to interview the students of your class on the campus . > i may participate in the interviews . > > have a very happy thanksgiving . > > > vince > > > > > > "" frank qian "" on 11 / 14 / 2000 12 : 48 : 14 pm > > to : "" vince j . kaminski "" > cc : > subject : resume > > > dear mr . kaminski : > > how are you ? i hope everything goes well for you at work . enron ' s > recruiting > at cmu just started . i have submitted my resume through the career > services . > the deadline for selecting interviewee is nov . 21 st . i ' d like to assure > you > my interest in associate / analyst program at enron . > > as you knew , the mscf program is an in - depth training of the mathematics > employed to financial algorithm and modeling as well as advanced > statistical > tools needed to analyze and predict the behavior of financial market . > through the intensive classroom learning combined with practical projects > using real - time financial data , i have gained a solid background in > state - of - art quantitative techniques used in financial industry , such as > derivative pricing , monte carlo simulation , and var analysis . with my > programming skills in c + + , s - plus , and java , i ' ll also be able to implement > sophisticated financial or trading models into practice . > > i am a highly motivated , reliable , and team - oriented person not only have > quantitative skills , but also have broad knowledge of financial products . > my > unique mixture of skill sets will enable me make significant contribution > to > enron . my academic research experience and credentials all compose a > valuable asset to your organization . working at enron will greatly enhance > my learning experience and future career development . my resume is attached > for your review . i wish to be included on your pre - selected interviewee > list > and look forward to meet you again . > > regards , > > frank qian > fqian @ andrew . cmu . edu > > > ( see attached file : enron _ resume . doc ) > > >",0 +"Subject: term paper dr . kaminski , attached please find a copy of our term paper . advise if you experience problems opening the attachment . best regards , ken jett - combo 2 [ 1 ] . v 2 . doc",0 +"Subject: re : bruno repetto interview with enron corp . research group bruno repetto will be in the office on may 11 beginning at 1 : 00 pm . following is the interview schedule : vince kaminski 1 : 00 pm stinson gibner 1 : 30 pm grant masson 2 : 00 pm vasant shanbhogue 2 : 30 pm krishna krishnarao 3 : 00 pm zimin lu 3 : 30 pm tany tamarchenko 4 : 00 pm all interviews will be conducted in ebl 938 . the calendars that i have access to have already been marked . thanks ! shirley",0 +"Subject: vince kaminski bullet points * definition of price volatility * historical vs . implied vs . model derived volatility * estimation of volatility from historical data in the presence of ? ? ? ? ? ? - seasonality ? ? ? ? ? ? - jumps ? ? ? ? ? ? - fat tails * stochastic volatility models * recent cases of extreme price volatility in the power markets in the us : the causes and remedies",0 +"Subject: zingales seminar fyi ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 23 / 2001 03 : 44 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - albert wang on 04 / 23 / 2001 11 : 23 : 22 am to : ( recipient list suppressed ) cc : subject : zingales seminar enron seminar series in finance jones graduate school of management , rice university luigi zingales university of chicago will give a seminar at the jones school on friday , april 27 , "" the great reversals : the politics of financial development in the 20 th century . "" the seminar will begin at 3 : 30 in room 105 . a pdf of the paper is available through the seminar website : http : / / www . ruf . rice . edu / ~ jgsfss / . fu - kuo albert wang assistant professor jones graduate school of management - - ms 531 rice university 6100 main street houston , tx 77005 phone : 713 - 348 - 5404 fax : 713 - 348 - 5251 email : wangfa @ rice . edu http : / / www . ruf . rice . edu / ~ wangfa /",0 +"Subject: pjml 01 : the basics - january 16 , 2001 01 / 04 / 01 pjm to : vincent kaminski enron re : "" pjm 101 : the basics "" training course you are confirmed for the following course : "" pjm 101 : the basics "" training course on tuesday , february 27 , 2001 from 9 : 00 a . m . to 12 : 00 noon and 1 : 00 p . m . to 4 : 00 p . m . on the internet . we encourage you to coordinate participation in this workshop with others at your location by organizing a conference room with internet and phone access . no fee will be charged to pjm members ; nonmembers will be invoiced $ 500 . 00 to attend the course . the fee is nonrefundable . non - members will be charged only for each connection . multiple participants may watch on a single connection . in order to participate in the course , you will need a computer with internet connection on at least a 56 k modem and a java compliant browser , at least version 4 . 5 of netscape or internet explorer . you will also need a phone connection . phone charges will be paid by pjm for domestic callers . international callers must pay for their own long distance charges . our course is being produced by virtual - workshops . com . a few days from now you will receive registration confirmation from them . a few days prior to the course , you will receive log - on and dial up instructions from them as well as files of the slides which will be used so that you can print them out and take notes if appropriate . if you need additional details , you can call me on 610 - 666 - 8981 or call our customer service hotline at ( 610 ) 666 - 8980 . we look forward to your attendance at our program . sincerely , carolyn mullen customer relations & training",0 +"Subject: re : subscription renewals susan : vince would like to renew all of the below subscriptions , except the "" financial markets institutions & instruments for us canada & mexico "" . thanks ! shirley enron north america corp . from : susan l kennedy 10 / 09 / 2000 03 : 27 pm to : shirley crenshaw / hou / ect @ ect cc : subject : subscription renewals shirley , i hope you had a good weekend . the following subscriptions for vince are up for renewal . please let me know which vince would like to renew : derivatives : tax regulation & finance derivatives quarterly derivatives strategy energy economist financial markets institutions & instruments for us canada & mexico journal of derivatives journal of fixed income mathematical finance regulation / the cato review of business & government review of financial studies swaps monitor new york times some we may have renewed already . call me with any questions . thank you susan",0 +"Subject: weekly meetings maureen , this is to remind you that we scheduled , at your request , regular weekly meetings . we are supposed to meet every friday at 8 : 00 a . m . if i am not at the office , the meeting will be rescheduled . vince",0 +"Subject: re : anshuman neil , you must have already gotten my earlier mail of clarification . going forward , i agree with you that we should start the assigment early rather than late . however , i would not necessarily like to wait till even feb 5 . the bids for lng must go out by the 15 th of feb , and we need to do a lot of fuel based analysis before then . hence , if it is possible for anshuman ot be available before then , i would greatly appreciate it . perhaps even as early as monday or tuesday if possible ? ? regards , sandeep . neil mcgregor @ enron _ development 01 / 25 / 2001 10 : 19 am to : vince j kaminski / hou / ect @ ect cc : neil mcgregor / sin / ect @ ect , molly magee / hou / ect @ ect , vince j kaminski / hou / ect @ ect , sandeep kohli @ enron @ ect subject : re : anshuman thanks for the clarification vince i appreciate it . we have a significant resource problem here in india , given we have a renegotiation about fall in our laps . anshuman is one of our key analysts and we are very proud of his abilities and future potential for enron . once we have dabhol off the "" life support system "" we could look at a longer assignment . as far as the present one month assignment is concerned , i would rather go for an early start say 5 th feb till 5 th march . is this convenient to you and jeff . neil vince j kaminski @ ect 01 / 24 / 2001 10 : 41 pm to : neil mcgregor / sin / ect @ ect cc : molly magee / hou / ect @ ect , vince j kaminski / hou / ect @ ect , sandeep kohli @ enron subject : anshuman neil , i would like to apologize for the confusion regarding anshuman . we have floated a number of possible scenarios regarding his trip to houston and there was a lot of confusion regarding the terms ( given that i was talking to sandeep every few days ) . currently , we expect anshuman to come to houston for one month to work on the dpc project ( at jeff shankman ' s request ) . the lawyers advised me that we need an ll visa for him , irrespective of the duration of his stay . sorry for the confusion . vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: henwood license karla : please inform henwood that enron will renew the license for the prosym software modules but will not renew the licenses for north american databases . the software modules to be renewed are : base system ( prosym ? ) ( ecosym is included in the base system ) asap / mstat multisym emss interface . it is not 100 % sure that the last module is required . nevertheless , please begin the agreement amendment process asap . i will let you know if there are modifications soon . thanks , grant .",0 +"Subject: temporary internet access for 5 rice students good morning : the research group will have 5 rice students , who are working on an enron project for their doctorate , coming to enron for approximately 1 week . they will be sitting in a conference room located on the 19 th floor research area . we need to get them internet access ( to be applied to one computer ) , with one logon id and password . will you please let me know what i need to do to get this accomplished ? they will be coming this thursday , april 5 th . thanks ! shirley crenshaw",0 +"Subject: re : request submitted : access request for jennifer . n . stewart @ enron . com i don ' t know her or anything about it . i sent her an email asking what she needs . - - stinson vince j kaminski 01 / 11 / 2001 08 : 22 am to : stinson gibner / hou / ect @ ect cc : subject : request submitted : access request for jennifer . n . stewart @ enron . com stinson , do you know anything about it ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 11 / 2001 08 : 24 am - - - - - - - - - - - - - - - - - - - - - - - - - - - arsystem on 01 / 10 / 2001 08 : 59 : 24 am to : "" vince . j . kaminski @ enron . com "" cc : subject : request submitted : access request for jennifer . n . stewart @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000013085 approver : stinson . gibner @ enron . com request create date : 1 / 10 / 01 8 : 59 : 14 am requested for : jennifer . n . stewart @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read ] resource type : directory",0 +"Subject: re : new business h , lyette , i am working systematically through un - answered messages . yes , i shall be delighted to meet your friend . vince helyette geman on 04 / 05 / 2001 04 : 58 : 47 am to : vkamins @ enron . com cc : vkaminski @ aol . com subject : new business dear vince , a friend of mine , head of research and new projects in a major bank , wanted to get in touch with the energy industry to possibly develop working relationships . i said that enron was the right place to start and "" you "" the right person to meet . in this order , he would come to the power 2001 and i would introduce him to you . is this o . k with you ? best regards helyette h , lyette geman professor of finance university paris ix dauphine and essec",0 +"Subject: internal var / credit candidate : amit bartarya hi vince , here is one internal candidate for the var / credit risk role . i have had plenty of contact with him over the past year or so and he is very hard working , intelligent and dedicated and has expressed interest in joining research on a few occassions . regards , anjam x 35383 as promised earlier , here is a copy of my cv : if you have any questions , feel free to ask . thanks , amit .",0 +"Subject: thomas knudsen : interviews cancelled dear all , i just got a call from thomas who wants to cancel the interviews scheduled for today - he told me that he would call me at the beginning of may ( after his holidays ) to arrange them . i did mention that there was a risk that the position may be filled by then , but he seemed unperturbed by this . regards , anjam x 35383 - - - - - - - - - - - - - - - - - - - - - - forwarded by anjam ahmad / lon / ect on 17 / 04 / 2000 09 : 28 - - - - - - - - - - - - - - - - - - - - - - - - - - - anjam ahmad 14 / 04 / 2000 09 : 57 to : dale surbey / lon / ect @ ect , benjamin parsons / lon / ect @ ect , vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : steven leppard / lon / ect @ ect , stinson gibner / hou / ect @ ect , kate bruges / lon / ect @ ect subject : interviews for thomas knudsen dear all , we need to see thomas on monday or tuesday as he is going on holiday after that . can we arrange to meet him on monday afternoon ? suggest 45 minutes each . starting from 3 pm : - monday 17 th april slotl : 3 pm slot 2 : 3 . 45 pm slot 3 : 4 . 15 pm slot 4 : 5 pm vince - please could you let me know which slot you prefer - we can try video conference , but i can ' t guarantee availability , so we may have to fall back to telephone interview for you . regards , anjam x 35383",0 +"Subject: re : risk report on "" guide to electricxity hedging "" and request for gu est access to enrononline ed , i sent a message to louise kitchen who runs the enrononline effort . she should be getting back to you shortly . vince ekrapels on 01 / 18 / 2000 12 : 00 : 12 pm to : vince j kaminski / hou / ect @ ect cc : subject : risk report on "" guide to electricxity hedging "" and request for gu est access to enrononline dear vince , greetings from boston , where we ' re doing all we can to help keep the price of gas high . as i may have told you earlier , i ' m writing a "" guide to electricity hedging "" for risk publications similar to the report on oil . i had planned to write a significant section on enrononline , and in the midst of my research on the topic was denied access by enron ' s gatekeeper . can you help get me in ? as always , the best from here . ed krapels - - - - - original message - - - - - from : donna greif [ mailto : dcorrig @ ect . enron . com ] sent : tuesday , january 18 , 2000 12 : 37 pm to : ekrapels @ esaibos . com subject : request for guest access dear mr . krapels : thank you for requesting guest access to enrononline . unfortunately , we are unable to give you quest access at this time . enrononline is exclusively for those companies who can transact wholesale energy commodities and related products . in addition , you had indicated within the comments section of your email that you are preparing a "" guide to electricity hedging "" for risk publications . i have forwarded your inquiry to our public relations department along with your contact information . should you not hear back from anyone within a reasonable amount of time , please feel free to contact our call center at 713 853 - help ( 4357 ) . sincerely , donna corrigan greif enrononline help desk 713 / 853 - 9517 - attl . htm",0 +"Subject: re : publication submission question martin , i don ' t see any problem . the article supportsenron ' s position . please , go ahead . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 09 / 2001 02 : 02 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 05 / 2001 01 : 01 pm to : martin lin / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : publication submission question martin , let me read it friday . we run our papers by our pr department to review for any potential conflict with the company line . i shall fwd it to them . i think you should submit it as an enron employee with a note that it was developed when you were at ut . vince from : martin lin on 04 / 02 / 2001 11 : 59 am to : vince j kaminski / hou / ect @ ect cc : subject : publication submission question my supervising professors from ut and i are finishing a paper ( finally ! ) that is based on work done for my phd . all of the research was done while i was a grad student . i have a couple of questions regarding submission of this paper ( to ieee transactions on power systems ) . 1 . should i submit it with my affiliation as the university of texas at austin or as enron ( ena , corp , etc ) ? 2 . what legal or other reviews / clearances would i need ? a draft of the paper for your review is attached . thanks , martin",0 +"Subject: maddox vince , here is michael maddox contact information : tel : ( 617 ) 497 6446 email : mmaddox @ cera . com they have an office in europe as well . i would love to be involved in projects involving georgia , azerbaijan , turkey , etc . my resume thanks , bessik matchavariani enron broadband services tel : 713 . 345 . 7230 fax : 713 . 646 . 8861 bessik _ matchavariani @ enron . net",0 +"Subject: congratulations ! vince , congratulations on your promotion to managing director . best wishes for your continued success . bob",0 +"Subject: re : lap - top kevin : tricia asked hector ( hardware tech ) to hold the machine until today and that she would call with a good time to drop off the laptop . the laptop is configured and ready to go . please advise . regards , steve andrews kevin g moore 01 / 05 / 2000 11 : 26 am to : stephen andrews / hou / ect @ ect , patricia tlapek / hou / ect @ ect , mike a roberts / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : lap - top hello , we ordered a lap - top for trisha tlapek and we are still waiting . . could you please provide me with information concerning this . # 991815 . thanks kevin moore x 34710",0 +"Subject: new listing goodmorning everyone , last year we did quite a bit of christmas baskets , during the time we were in the process of another major move . we are currently settled on all floors now , therefore our christmas basket list will be cut more than half . here are a list of the names that received baskets last year . matt rodgers chris hyde darren prager charlie notis harvey freese jon davis maryam golnarghi delores sustaita rodney keys iain russell trina williams todd butler pamela ford facilities robert knight phillip randle mary martinez daniel hornbuckle ( ozarka ) guy move - team greg whalley richard weeks mary sue rose there are several names boldly printed that probably will not receive the baskets this year . the christmas season is approaching therefore we must start preparing . please note that i will be out on vacation dec 13 th - 18 th , if possible i would like your list of names before my vacation begins whereby all baskets can arrive at their destinations on time . thanks kevin moore please any comments , question , answers - feel free to call x 34710",0 +"Subject: first derivatives class bob , i have asked martin , zimin , and paulo to prepare short presentations on the power , gas , and crude markets , respectively . this will take probably 45 minutes of class time . in addition i will prepare some lecture material . if we don ' t have enough class time to cover all assigned problems , we can just roll them to the next class . thanks , stinson",0 +"Subject: lunch conversation vince , we wanted to thank you for your time and support today . we have been thinking about our conversation and it may be better to wait until december before you approached delainey . this time period would give us the opportunity to change his impression of our contributions to gas and power . please let us know if you would advise differently . thank you , kristin and john",0 +"Subject: re : confidential yannis , yes , very much . please stop by this week or during the week of the 24 th . i am in australia next week . vince",0 +"Subject: interview schedule for shen ( charles ) yingquan please find the interview packet for the above - referenced person . the interview will occur on friday october 13 , 2000 . please print all three documents for your reference . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . stephanie 58701",0 +"Subject: re : telephone interview with the enron research group hi christine ! thanks for being so prompt ! i have scheduled the telephone interview for 2 : 00 pm on thursday , november 30 th . they will call you at ( 504 ) 861 - 9110 . if this is not the telephone number that you wish to be contacted at , please let me know the number that you do want them to call you on . the research group does sponsor green cards and visas . below is a short synopsis of what the research group does . however , they will be glad to answer any questions you have during the interview . "" the enron research group is responsible for option modeling , building systems for risk quantification and management , development of optimization systems , help with statistical analysis and anything that requires advanced math "" . the research group supports all units of enron . if you have any other questions , please feel free to contact me , or feel free to ask during the interview . talk to you on thursday ! best regards , shirley crenshaw "" qing chen "" on 11 / 27 / 2000 05 : 40 : 09 pm to : cc : subject : re : telephone interview with the enron research group hi shirley , thanks for the arrangement . i am available to start the interview : - from 9 am to 10 am on wednesday and thursday - from 2 : 30 pm to 4 pm on thursday new orleans is in the central time zone . in addition , could you let me know : - what is the main responsibilities of the research group ; - what positions you are recruiting for ; and - what qualifications and skill sets are critical to these positions . thanks . i look forward to hearing from you . best regards , qing ( christine ) chen mba 2001 a . b . freeman school of business tulane university tel : ( 504 ) 861 - 9110 e - mail : qchenl @ tulane . edu - - - - - original message - - - - - from : to : sent : monday , november 27 , 2000 10 : 25 am subject : telephone interview with the enron research group > good morning ms . chen : > > vince kaminski and several members of the research group would like > to conduct a telephone interview with you sometime this week at your > convenience . please let me know the times that you are available and > they will contact you . > > the telephone interviews usually last approximately 1 hour and will be > conducted via a speaker phone . > > the interviewers will be : > > vince kaminski managing director and head of research > stinson gibner vice president , research > tanya tamarchenko director , research > zimin lu director , research > > look forward to hearing from you . > > best regards , > > > shirley crenshaw > administrative coordinator > enron research group > >",0 +"Subject: independent variables for ene regressions brad , as we discussed , it ' s very difficult to find drivers of the ene stock ' s behaviours . we investigated about 30 comparable stocks , 10 capital market indices , and three energy commodity indices . regular regressions as well as regressions with different legs and leads were performed . some variables show significant correlated with ene stock during particular time periods , but most of those correlation disappears when we tested them over different or longer time periods . only two variables , s & p utility index ( spxu ) and dow jones utility index ( util ) , show stable and significant relationship with ene stock ( a summary of these relationship can be found in the attached file "" outputsummary "" ) . but as you can see , the r 2 are below 30 % . also , the ? durbin - watson statistics tell us to be careful about autocorrelation . ? basically , the regression analysis so far confirms our original opinion - - ? it ' s hard , if not impossible , to find out any real driver of the ene stock . ? after enron added new core business several month ago , the stock behaved more ? or less like a tele _ comm stock , which suggests that enron stock has entered ? into a new phase . to capture , at least trying to capture , its ? characteristics in the new phase , we need a lit bit more time to cumulate the ? market date . ? ? let me know if you need me investigate more variables or you come up with ? some new thoughts . ? ? ? ? vincent ? ?",0 +"Subject: esai gas / power alert on impact of gas prices on generation investment attached is an essay of the impact of gas prices on generation investment . if you have any questions or comments , feel free to contact me . ed _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ edward n . krapels , phd managing director esai power and gas services tel 781 245 2036 cell 617 899 4948 ekrapels @ esaibos . com www . esai . com - esai gas alert 101800 . pdf",0 +"Subject: re : hello from vince kaminski at enron shmuel , the date of our trip to berkeley has been set . it will be october 16 th and 17 th ( monday and tuesday ) . i shall be glad to make a presentation on energy derivatives markets ( development of the markets in the us and europe , valuation difficulties , enron ' s role in developing the forward markets for natural gas and electricity ) . please , let me know if this topic would be of interest to you . if this is the case , i shall follow with a title and an abstract . by the way , are you free for dinner on monday ? vince "" shmuel oren "" on 08 / 24 / 2000 08 : 59 : 38 am to : "" vince j kaminski "" cc : subject : re : hello from vince kaminski at enron great . our seminars are 3 : 30 to 5 pm . if it works for you please send me a title and abstract . shmuel s . oren , professor dept . of industrial engineering and operations research 4117 etcheverry hall university of california berkeley , ca 94720 - 1777 e - mail : oren @ ieor . berkeley . edu phone : ( 510 ) 642 - 1836 or 5484 fax : ( 510 ) 642 - 1403 - - - - - original message - - - - - from : "" vince j kaminski "" to : "" shmuel oren "" cc : "" vince j kaminski "" ; "" ashley baxter "" sent : thursday , august 24 , 2000 9 : 58 am subject : re : hello from vince kaminski at enron > > > shmuel , > > thanks for the message . i am working with our recruiter , ashley baxter , > to finalize the date of the trip . i shall shoot for october the 23 rd > if this date works for the rest of our team . > > vince > > > > > > > "" shmuel oren "" on 08 / 23 / 2000 11 : 46 : 19 am > > to : vince j kaminski / hou / ect @ ect > cc : > subject : re : hello from vince kaminski at enron > > > > dear vince . > i sent you a reply earlier this month but i haven ' t heard from you about the > date of your visit . our department has a seminar every monday . if you can > schedule your visit on a monday i would like to invite you to give a seminar > which will be attended by many of our graduate students and faculty and will > give you an opportunity to tell them about your program . with sufficient > lead - time i can advertise the seminar in the hass school to their financial > engineering students . > shmuel . > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > shmuel s . oren , professor > dept . of industrial engineering > and operations research > 4117 etcheverry hall > university of california > berkeley , ca 94720 - 1777 > e - mail : oren @ ieor . berkeley . edu > phone : ( 510 ) 642 - 1836 or 5484 > fax : ( 510 ) 642 - 1403 > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > - - - - - original message - - - - - > from : > to : ; ; > > sent : tuesday , august 08 , 2000 10 : 59 am > subject : hello from vince kaminski at enron > > > > shmuel , > > > > i hope you remember me . i visited you together with aram sogomonian , a > > good friend of mine , a few years ago . i am currently responsible , among > > other things , for recruiting graduates with finance and / or technical > > backgrounds at the university of berkeley . i would be glad to give you a > > call and talk more about the details of our program . my colleague , > > ashleybaxter , from the analyst / associate program at enron would join me > > as well . > > > > i am sending you a copy of the brochure about the analyst / associate > > program . > > > > vince kaminski > > > > > > vincent kaminski > > managing director - research > > enron corp . > > 1400 smith street > > room ebl 962 > > houston , tx 77002 - 7361 > > > > phone : ( 713 ) 853 3848 > > fax : ( 713 ) 646 2503 > > e - mail : vkamins @ enron . com > > > > > > > >",0 +"Subject: re : london visit paul , i shall be in london in the beginning of october . i shall notify you about the timing of my trip later this week . vince paul . e . day @ uk . arthurandersen . com on 09 / 18 / 2000 03 : 29 : 50 pm to : vince . j . kaminski @ enron . com cc : subject : re : london visit i understand this has been cancelled - no problem - life is kind of hectic here anyway ! ! why don ' t we try to rearrange next time you ' re over ? kind regards paul day to : paul e . day cc : vince . j . kaminski @ enron . com , shirley . crenshaw @ enron . com date : 25 / 08 / 2000 19 : 10 from : vince . j . kaminski @ enron . com subject : re : london visit paul , thanks for your message . i am in process of finalizing my plans for the trip to london in the end of september . i delayed responding to you message till i had more specific information . unless there a major change in my schedule , i shall arrive in london on monday morning ( september 18 ) and leave on thursday in the evening . please , let me know what would be convenient time to meet . you can send me an e - mail message and my secretary will contact to confirm the date and place of the meeting . my assistant ' s name is shirley crenshaw and her phone number is 713 853 5290 . i look forward to meeting you , tom and julian . vince kaminski paul . e . day @ uk . arthurandersen . com on 08 / 25 / 2000 11 : 53 : 02 am to : vince j kaminski / hou / ect @ ect cc : tom . o . lewthwaite @ uk . arthurandersen . com , julian . leake @ uk . arthurandersen . com subject : london visit i understand that you will be in london around 20 september . tom lewthwaite has asked me to arrange a meeting between you , tom and julian leake . i understand that you have met tom and julian before . i would also like to attend - i am a manager in our uk financial services practice with responsibilty for enron from a uk financial services perspective . we would like to discuss any risk management concerns that you may have and any internal initiatives with which we could assist . if you are happy to meet on this basis , i would be grateful if you could let me know how you to proceed ( whether i should arrange timings with you , your secretary , someone in london etc ) . you can contact me on + 44 20 7783 7446 ( at enron ' s london offices ) or on this e - mail address . kind regards paul day * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it . * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it .",0 +"Subject: re : thanks vince . i ' ll make the reservation , then send shirley the details to issue an invite to us all . steve vince j kaminski 09 / 20 / 2000 05 : 10 pm to : steven leppard / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : steve , i shall talk to john sherriff about such issues . my intention is to vest you with maximum decision making powers . it makes most sense to me to make decisions where the information resides . please , invite anjam or alternatively make reservations for dinner and let shirley know . shirley can send an invitation to everybody in the group on my behalf . it would be really bad to exclude anjam from the dinner . it vince steven leppard 09 / 20 / 2000 10 : 30 am to : vince j kaminski / hou / ect @ ect cc : subject : re : thanks vince . dinner on sunday ok all round . do you want anjam along too ? i can ' t really ask him , given our current relationship . one other thing , have you had thoughts on reporting lines , who signs expenses , etc . etc . , or are these issues to be resolved when you come over ? cheers , steve vince j kaminski 09 / 20 / 2000 04 : 14 pm to : steven leppard / lon / ect @ ect cc : subject : steve , steve , this is the spreadsheet . also , please , let shirley know if the dinner on sun is ok . vince",0 +"Subject: var for enroncredit . com rick and ted , it looks more like foxes building chicken houses as opposed to foxes guarding chicken houses . i shall send a message to bryan saying that the research has to look under the hood and examine the mechanics of the model in order to sign off on it . a dog and pony show is not sufficient . in any case , the decision to approve the model should not be left to ben and kirstee . please , let me know what your thinking is . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 10 / 2000 01 : 31 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - bryan seyfried 11 / 10 / 2000 03 : 20 am to : vince j kaminski / hou / ect @ ect , steven leppard / lon / ect @ ect cc : ted murphy / hou / ect @ ect subject : var for enroncredit . com vince / steve - - we are going to the board in december to ask for formal limits . as you know one of the key limits at the board level is value at risk . to that end , it is imperative that you are comfortable with our approach for calculating var . we have implemented a third party risk system which holds all of our positions and are in the process of putting the debt positions in . the system has a var engine which is being demo ' d by the vendor today . ben and kirstee are attending the demo and if they find the technology acceptable , i propose moving forward with implemantion of the module . pls . let me know if this sounds reasonable and how you would envision implementing . thanks",0 +"Subject: announcing tff 2000 happy new year ! just a note to announce the dates for this years texas finance festival . this year we are meeting earlier in april , in san antonio , and start the program on friday . please put the date on you calendar and send in your registration forms asap as space at the conference is limited . i also encourage you to register with the hotel immediately as we were able to reserve only a limited number of rooms at the reduced conference rate . hope to see you all there ! more fun in texas . john - announcerev . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: dear vince , bardzo dziekuje za podeslana literature , szczegolnie drugie wydanie ksiazki . bylismy w londynie w czerwcu zeszlego roku , ale w ksiegarni znalezlismy tylko piersze wydanie . obaj z alkiem ( ojcem ) wspolpracujemy z energetyka ( glownie polska ) od kilku lat . w zeszlym roku wydalismy ksiazke "" gielda energii : strategie zarzadzania ryzykiem "" , a obecnie pracujemy nad jej angielskim wydaniem . na jaki adres ci ja przyslac ? serdeczne pozdrowienia , rafal",0 +"Subject: re : times 2 filing units rachel , can you give us a delivery date on p . o . no . 0898 - 984503 ? thanks , pat anita dupont @ enron 03 / 08 / 2001 09 : 30 am to : pat scarborough / epsc / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : times 2 filing units pat : will you please notify me when these filing units are going to be delivered as we have to unload the lateral file cabinets that are currently in that room . also , will the men who deliver the times 2 units remove the lateral files ? thanks . anita - - - - - - - - - - - - - - - - - - - - - - forwarded by anita dupont / na / enron on 03 / 08 / 2001 09 : 27 am - - - - - - - - - - - - - - - - - - - - - - - - - - - anita dupont 02 / 21 / 2001 09 : 39 am to : pat scarborough / epsc / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : times 2 filing units pat : out co # is 0413 , rc # is 107043 . please deliver them to eb 19 c 2 . also , please let me know when they are going to be delivered as we have to unload the lateral file cabinets that are currently in that room . will the men who deliver the times 2 units remove the lateral files ? thanks . anita",0 +"Subject: re : interest in a position alison , my group needs generally people with advanced skills in mathematics and programming . i shall try to help you by forwarding your resume ( with your permission ) to other units of enron . please , let me know if it ' s ok with you . vince enron north america corp . from : mary alison bailey 11 / 21 / 2000 09 : 42 am to : vince j kaminski / hou / ect @ ect cc : subject : interest in a position dear vince , when we talked last , you mentioned you were considering making additions to your office staff . if you are still considering these additions , i would like to talk to you and see if there might be a place for me . it would be wonderful to work with a group such as yours . it has been great working in recruiting , but the time has come for me to try something else . i am beginning to look around , but wanted to talk to you first . if my skill sets match a position you might be adding , please consider me . i have attached my resume so that you will have an idea of what i have done . thank you for your consideration . have a great thanksgiving ! alison bailey 713 - 853 - 6778",0 +"Subject: mid - project review date - enron enron tiger team : the enron tiger team mid - project review date has been set for tuesday , feb 20 from 6 : 30 - 8 : 30 pm in shdh 205 . your host will be on campus for the review . each of the 3 teams will present at this time followed by q & a . all students are required to attend . questions , please contact the fap office . donna piazze program director field application project the wharton school univ . of pennsylvania 215 . 573 . 8394 fax 215 . 573 . 5727 fap @ management . wharton . upenn . edu piazze @ wharton . upenn . edu",0 +"Subject: password security notice for password renewals only it security & controls  ) password security notice passwords the key to maintaining information and system security is the use of well - selected and guarded passwords . because your password is our first line of defense , stronger password selection criteria will soon be implemented for all employees . password policy passwords  ( 1 . must be at least of eight characters in length . 2 . must not contain names , userids , common english dictionary words , and begin or end with a number . 3 . must contain alphanumeric characters and contain at least one special character . no more than fifty percent of the overall password can be in english . 4 . must not be reused or cyclical . 5 . must be changed every 60 days . 6 . must not be publicly displayed . 7 . must not be shared with other users . choosing a good password comes down to two things . first , avoid common everyday words a potential hacker  , s software will be looking for . second , keep your password simple enough that you can remember it without having to write it down . please keep in mind that the enron code of ethics holds employees responsible for password security . it security & controls conducts periodic audits to ensure compliance with company policy . for any problems encountered concerning password controls , please call your appropriate resolution center ( available : 24 hrs . / day , 7 days / week ) .",0 +"Subject: performance at this point , monday december 4 th seems to be free for most of you whose calendar i have . let me know . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 10 / 30 / 2000 07 : 34 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 10 / 30 / 2000 07 : 32 am to : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , zimin lu / hou / ect @ ect , maureen raymond / hou / ect @ ect , mike a roberts / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , osman sezgen / hou / ees @ ees , tanya tamarchenko / hou / ect @ ect cc : subject : performance good morning everyone . please let me know which date you would prefer . december 4 or december 8 th . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 10 / 30 / 2000 07 : 26 am - - - - - - - - - - - - - - - - - - - - - - - - - - - norma villarreal 10 / 28 / 2000 10 : 47 am to : shirley crenshaw / hou / ect @ ect , stinson gibner / hou / ect @ ect , mike a roberts / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , maureen raymond / hou / ect @ ect , zimin lu / hou / ect @ ect , osman sezgen / hou / ees @ ees cc : vince j kaminski / hou / ect @ ect , ramona perkins / corp / enron @ enron subject : performance the research group will be conducting a performance review committee ( prc ) meeting in early december . all vice presidents , sr . directors and directors should attend . shirley crenshaw will be contacting you to schedule the prc meeting date and time . these are the current available dates : december 4 , 8 . in preparation for the meeting please submit recommended rankings and promotions to me based on employee feedback by november 29 , 2000 . please included analyst / associates , if you have any questions please feel free to call me or ramona perkins at x 58165 . here is some helpful information for you as we proceed throughout he performance evaluation process october 25 , 2000 - november 17 , 2000 ( 3 1 / 2 weeks ) : employees will provide a list of accomplishments occurring after june 1 , 2000 to their supervisors employees will receive an email advising of access and passwords to pep system ( 10 / 25 ) employees identify selected reviewers on line and will submit to supervisor supervisor will add and / or delete reviewers in order to capture a full 360 degree feedback supervisor will submit and reviewers will receive an e : mail advising them of their reviewer role reviewers can decline or complete the review once system closes on november 17 , 2000 , prepare for research prc meeting ( print consolidate review , pre rank employees , identify candidates for promotion and submit to hr ) important dates ( i will notify you of any changes ) : september 30 , 2000 only employees before 10 / 1 / 00 will be included for pep and bonuses october 15 , 2000 whomever is the supervisor for employees on 10 / 15 / 00 will be responsible for their reviews october 25 , 2000 pep system opens ( http : / pep . corp . enron . com ) october 30 - 31 , 2000 pep overview session at doubletree november 17 , 2000 pep system closes for feedback november 23 - 24 thanksgiving holiday november 29 , 2000 provide hr with pre - rankings and promotions december tbd , 2000 research prc january 31 , 2001 all reviews must be complete , signed and submitted to hr norma sr . hr representative x 31545",0 +"Subject: re : fw : enron credit model docs for the comparative model study - to be sent to professor duffie @ stanford iris , we can mention to ben that the papers will be edited and combined into a coherent review . vince from : iris mack / enron @ enronxgate on 04 / 23 / 2001 01 : 49 pm to : vasant shanbhogue / enron @ enronxgate , vince j kaminski / hou / ect @ ect , amitava dhar / corp / enron @ enron cc : subject : fw : enron credit model docs for the comparative model study - to be sent to professor duffie @ stanford hi , attached is a bit of feedback from ben regarding the papers listed below . can you help me out here ? thanks , iris - - - - - original message - - - - - from : parsons , ben sent : monday , april 23 , 2001 3 : 05 am to : mack , iris subject : re : enron credit model docs for the comparative model study - to be sent to professor duffie @ stanford hi iris i would not include paper 8 , as paper 7 supersedes it . also how much rewriting of these papers do you envisage ? some of them are not up - to - date , or were written poorly and under time - pressure , so what do you envisage eventually sending to duffie ? thanks ben from : iris mack / enron @ enronxgate on 21 / 04 / 2001 22 : 30 cdt to : ben parsons / lon / ect @ ect cc : vasant shanbhogue @ / o = enron / ou = na / cn = recipients / cn = notesaddr / cn = e 6795104 - 40 ff 9820 - 86256525 - 68 daao @ ex @ enronxgate , vince j kaminski / hou / ect @ ect , scott salmon / eu / enron @ enron , bryan seyfried / lon / ect @ ect , nigel price / lon / ect @ ect , tomas valnek / lon / ect @ ect , george albanis / lon / ect @ ect , markus fiala / lon / ect @ ect , craig chaney / enron @ enronxgate , kim detiveaux / enron @ enronxgate , amitava dhar / corp / enron @ enron , tanya tamarchenko / hou / ect @ ect , mike mumford / lon / ect @ ect subject : re : enron credit model docs for the comparative model study - to be sent to professor duffie @ stanford hi ben , i think i have read all the papers that are to be used in the comparative model study to be sent to professor duffie at stanford . these documents are all listed below . please let me know if i have omitted any ( however , don ' t get the impression that i am begging for more papers to read ) . now i will try to transform my notes into a draft for professor duffie . thanks , iris list of papers for comparative model study 1 . actively managing corporate credit risk : new methodologies and instruments for non - financial firms by r . buy , v . kaminski , k . pinnamaneni & v . shanbhogue chapter in a risk book entitled credit derivatives : application for risk management , investment and portfolio optimisation 2 . neural network placement model by george albanis , enroncredit ( 12 / 22 / 00 ) 3 . pricing parent companies and their subsidiaries : model description and data requirements by ben parsons and tomas valnek , research group 4 . a survey of contingent - claims approaches to risky debt valuation by j . bohn www . kmv . com / products / privatefirm . html 5 . the kmv edf credit measure and probabilities of default by m . sellers , o . vasicek & a . levinson www . kmv . com / products / privatefirm . html 6 . riskcalc for private companies : moody ' s default model moody ' s investor service : global credit research 7 . discussion document : asset swap model by ben parsons , research group ( 4 / 20 / 01 ) 8 . asset swap calculator : detailed functional implementation specification ( version 1 . 0 ) by ben parsons , research group 9 . discussion document : live libor bootstrapping model by ben parsons , research group ( 4 / 20 / 01 ) 10 . the modelling behind the fair market curves : including country and industry offsets by nigel m . price , enron credit trading group 11 . pricing portfolios of default swaps : synthetic cbos - moody ' s versus the full monte ( carlo ) by nigel m . price , enron credit trading group 12 . placement model vl . 0 : discussion document by ben parsons , research group , 2000 13 . credit pricing methodology - enroncredit . com by ben parsons , research group 14 . correlation : critical measure for calculating profit and loss on synthetic credit portfolios by katherine siig , enron credit group 15 . discussion document : var model for enron credit by ben parsons , research group , ( 1 / 3 / 01 ) 16 . methodology to implement approximate var model for the credit trading portfolio by kirstee hewitt , research group",0 +"Subject: schedule vince , my schedule for the risk 2001 conference in houston is : arrive sunday 4 / 13 9 pm . staying at the houstonian depart tuesday 4 / 15 5 : 30 pm . hopefully , we can get together . thanks , aram ( cell phone 503 - 701 - 6692 )",0 +"Subject: re : vince . . . feedback from howard on debrief jeff , we shall continue talking to howard when he comes back from nyc . i shall set up an interview with him . vince "" $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ "" on 02 / 05 / 2001 12 : 49 : 20 pm please respond to "" $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ "" to : vince . j . kaminski @ enron . com cc : subject : vince . . . feedback from howard on debrief hi vince , this is exactly what i recieved back from my man in the uk . . . pls review . any comments or instructions ? thank you , jeff wesley 949 813 2241 direct spoke to howard , he is intereste in speaking to someone higher up the foodchain at enron . he got the impression that those people he met would report into him . he really needs to speak to someone higher up and discuss the roles strategic potential . he is interested mainly in structuring which this role is not . but he recognised where it might lead and this would potetially be interesting to him but needs to speak to someone who is involved in the strategic direction of enrons credit . com . vuthy is aware that enron have intimated they want to see him again . howard has told me there is a lot happening for him both here and in the us . vuthy will arrange to get howard interviewed here in london early next week . tks and rgds alec * get free , secure online email at http : / / www . ziplip . com / *",0 +"Subject: ceraweek 2000 update ! dear ceraweek 2000 registrant , thank you for your recent registration to ceraweek 2000 , cera ' s 19 th annual executive conference and related events , february 8 - 10 , 2000 in houston , tx . ceraweek 2000 promises to be a premier international event offering senior energy executives new ideas , insight , and strategic thinking , as well as opportunities for discussion on the major issues facing the global energy industries . to keep abreast of new speakers and agenda changes , we recommend that you visit our website at http : / / www . cera . com / ceraweek / . please note that there have been slight changes to the agenda and schedule . if you have questions or concerns regarding ceraweek 2000 please contact cera registration at register @ cera . com or 800 879 - 2372 ext . 800 ( outside the u . s . ( 617 ) 497 - 6446 ext . 800 . ) we look forward to seeing you in houston . sincerely , cera registration - attl . htm",0 +"Subject: re : contact info glenn , please , contact rudi zipter to set up an interview with him and david port . vince "" glenn darrah "" on 04 / 25 / 2001 04 : 27 : 03 pm please respond to gdarrah @ bigfoot . com to : vince . j . kaminski @ enron . com cc : subject : contact info vincent , congratulations on spearheading the mind ' s eye madness event - it looks like quite a success . my biggest disappointment is that i am leaving enron this week and have been too busy to participate as much as i would like . i have had continued interest in the work and presentations that amy oberg has done , so would have really enjoyed the workshop yesterday . i am still considering doing some or all of the motorcade friday , however that may work . separately , thanks for the update in the lobby today on the enterprise risk project . please keep in touch with me . as i mentioned , my redeployment period ends tomorrow ( april 26 ) , but i currently do not have an outside job lined up and still have a lot of interest in the project if something can be worked out over the next few weeks . although he is not in the same group as david port , i have worked a lot with brad larson in the rac underwriting group - he may be a good source of information on me also . contact information : e - mail : gdarrah @ bigfoot . com phone : 713 . 668 . 4277 cell : 713 . 320 . 5615 thanks , glenn darrah get your free download of msn explorer at http : / / explorer . msn . com",0 +"Subject: re : congratulations thanks vince and likewise congratulations on your promotion to md ! i enjoyed getting to work with you and your group over the past year . rick c .",0 +"Subject: energy leader consulting generation evaluator ( ege ) shirley : as requested , herein is information regarding the meeting with vince kaminski . the presentation on the ege tool ' s applications and the allegheny energy case study is timed to take an hour . if the meeting is most conveniently scheduled for tuesday , may 29 , might i request it be set for late afternoon ( as my other appointments are the next day ) . and , as vince will recall , i was co - leader of the energy consulting business of phb hagler bailly , and developer of the ramp up , real time , 75 check and electric strategy tools . presently , i am ceo of energy leader consulting ( elc ) . background the u . s . power generation industry has become increasingly efficient in recent years . rapidly growing new entrants seek profit maximization aggressively . utilities , who still control most power plants , endeavor to adopt the entrants ' methods . yet , inefficiency among many utilities remains widespread . utility inefficiency arises from adherence to decades - old habits and in unit commitment and dispatch and planned maintenance scheduling . many utilities , notwithstanding the industry - wide trend towards profit maximization , cling to ingrained routines . inefficiency can also arise from the diseconomies of small scale . a utility may operate a relatively small system ( fewer than a dozen plants ) . a small system lacks portfolio diversification and perspective in its focus on its regulated customers , playing the wholesale market at the margin . for a variety of reasons , utilities are reluctant to cut back the starts of their generating units , let alone shut down any ( even temporarily or seasonally ) . economically inefficient units continue to be committed , week after week , and run in the half - load range . ege objectives ege identifies and assesses generating units of a utility with questionable commitment routines . taking into account transmission and reliability factors , the procedure points towards profit opportunities that may be exploited by another industry participant . i . an industry participant can use ege as a basis for a medium or long - term wholesale power transaction with a utility ; or to price wholesale power more aggressively , to take market share from the utility ( i . e . , compel changes in unit commitment habits ) . ii . an industry participant can use ege to spot and quantify efficiencies that would come from a merger or acquisition . iii . a power plant developer can use ege to estimate the incremental value a new plant will enjoy when the target utility ' s unit commitment routines inevitably become rationalized . specific ege concepts ege reduces and analyses the extraordinary but unwieldy continuous emission monitoring data base intelligently focusing on profit opportunities . it produces indicative statistics such as : a . the frequency distribution of starts per week ; b . the frequency distribution of starts by day / 15 - minute segment during the week ; c . the frequency distribution of load level ; d . the frequency distribution of hours of operation per start ; e . average heat rate and approximate fully - allocated cost in the half - load range ; f . average ramp rate from the half - load range ; g . the frequency distribution of unused connected capacity during the highest demand hours ; and h . forced - off maintenance outage rate ( where indicated ) . indicative statistics are generally aggregated by month / year ; in some cases , by temperature range . ( they can be by regional wholesale prices as well . ) ege establishes if the target utility has changed unit commitment routines significantly in recent years . ege is based upon uniquely timely actual hourly operating data . ege is now updated for the 4 th quarter 2000 ( through december 31 , 2000 ) . ege lst quarter 2000 ( through march 31 , 2001 ) will be available approximately june 15 , 2001 . ege also compares and ranks generating units ' commitment and dispatch with that of similar units operated by the target utility ( as well as other regional generators ) . some utilities operate a group of economically marginal units at the half - load level for lengthy time periods ( without an apparent reliability basis ) , splitting the limited economic demand for power among the units . other ege supporting data : i . planned maintenance schedule ( where indicated ) ; j . actual maximum generating capacity ; k . actual minimum generating capacity ( actual maximums and minimums can differ significantly from government - reported values ) ; l . average heat rate in the full - load range ; and m . average heat rate in the three - quarter - load range . with respect to a generating units ' average heat rate in the half - load , three - quarter - load and full - load ranges , it can be instructive to rank these relative to similar generating units within a region . it can also be of interest to identify significant seasonal variations in average heat rates and maximum capacities , and changes in recent years in these parameters . the real - world example of allegheny energy allegheny energy can serve as a case study to illustrate the application of ege . in the 4 th quarter 2000 , for instance , one high - cost generating unit was started virtually every weekday morning ( 52 times ) and committed for the whole day ( in all but two cases ) . arguably , there are power products that could substitute for this routine ( in part at least ) at a profit to the seller of the product and allegheny energy . another high - cost allegheny energy generating unit was started virtually every weekend during the autumn ( nine times ) and committed for most of the coming week . at another plant , two high - cost units were operated too often in the expensive half - load range ( some 550 hours ) and three - quarter - load range ( another 400 to 600 hours ) ; they were seldom called upon to run at higher levels . again , there are power products that that address these practices and might appeal to allegheny energy . offering of energy leader consulting ( elc ) ege is a procedure , not a software package or data base . elc believes this format is more effective in arming clients with the information they need to act upon profit opportunities . elc transfers its "" knowledge "" about the ege procedure and the supporting data methods in a straight - forward four - step process : 1 . enron would select one to three target utilities . 2 . elc would perform the ege procedure on the target utilities . 3 . employing this real - world analysis as a pedagogic tool , elc , in a one - day seminar with enron personnel , would instruct how to perform the procedure in the future ( without the assistance of elc ) . 4 . optionally , elc would provide ege supporting data , quarterly , to enron . the basic ege supporting data set is national including all generating units under the continuous emission monitoring program ( virtually all fossil fuel units ) . parameters that are incorporated , and the data set format , will be specified upon request . custom modifications will be considered . steven a . mitnick chief executive officer energy leader consulting 4807 41 st street , nw washington , dc 20016 ( 202 ) 997 - 0924 voice ( 202 ) 537 - 0906 fax smitnick @ energyleader . com",0 +"Subject: thanks vince ok vince . alec at rw and i are ready for you concerning howard . thank you for the information . jeff * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * jeff my interview with howard will be scheduled on a different day . vince * get free , secure online email at http : / / www . ziplip . com / *",0 +"Subject: re : mit offers karen , the total of 5 offers . i sent you 2 cvs electronically , 2 hard copies to charlene . paulo ' s resume will follow . vince karen marshall 02 / 22 / 2000 03 : 51 pm to : vince j kaminski / hou / ect @ ect cc : charlene jackson / corp / enron @ enron , ginger b gamble / hou / ect @ ect , celeste roberts / hou / ect @ ect subject : mit offers vince , do you want 3 offers extended or 5 ? i just noticed that you plan to fax two additional resumes . if so , when can i expect the additional resumes ? karen - - - - - - - - - - - - - - - - - - - - - - forwarded by karen marshall / hou / ect on 02 / 22 / 2000 03 : 38 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - karen marshall 02 / 22 / 2000 03 : 37 pm to : vince j kaminski / hou / ect @ ect cc : charlene jackson / corp / enron @ enron , ginger b gamble / hou / ect @ ect , celeste roberts / hou / ect @ ect subject : mit offers vince , i will handle the offer letters for the candidates . i have the resumes for darten williams and sevil yaman . i know you only provided the e - mail memo for paulo rocha , but i really need his resume in order to capture the necessary information for his offer letter . please have him e - mail it to me at karen . marshall @ enron . com thanks , karen marshall recruiting manager",0 +"Subject: reviewer approval please note that your employees have suggested the following people to complete a feedback form on their behalf . you will need to access the performance management system ( pep ) to either approve or decline these suggested reviewers . once you have approved the suggested reviewers they will be notified and can begin completing the feedback form . your list of employees that have suggested reviewers are listed below : date suggested : may 24 , 2000 feedback due date : jun 16 , 2000 employee name : crenshaw , shirley j date suggested : may 19 , 2000 feedback due date : jun 16 , 2000 employee name : kollaros , alexios date suggested : may 22 , 2000 feedback due date : jun 16 , 2000 employee name : krishnarao , pinnamaneni v date suggested : may 22 , 2000 feedback due date : jun 16 , 2000 employee name : shanbhogue , vasant",0 +"Subject: now visible red to : mike a roberts / hou / ect , jose marquez / corp / enron @ enron , tony hamilton / eu / enron @ enron cc : stephen bennett / na / enron @ enron subject : leaving london hi guys . . . tony and i wanted to summarize "" where we go from here "" - here is how we see it . i left the string attached - just read below . . . . - - - - - - - - - - - - - - - - - - - - - - forwarded by stephen bennett / na / enron on 04 / 26 / 2001 10 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - tony hamilton 04 / 26 / 2001 10 : 46 am to : stephen bennett / na / enron @ enron cc : subject : re : leaving london my comments in blue . . . tony enron capital & trade resources corp . from : stephen bennett 26 / 04 / 2001 16 : 36 to : tony hamilton / eu / enron @ enron cc : subject : leaving london hi guys . . . before leaving here i wanted to quickly summarize the projects that have been left open : 1 ) tony shifts his focus slightly toward more development - a little less day to day forecasting development - building and developing a transatlantic heating demand model - including shipment - building an nao model and index for wx deriv - developing a model for the api number - examine uk met data and potential for getting ensemble forecasts from the ecmwf - keep up with non - enron global markets ' future needs without commiting current resources operational - begin daily briefings for agriculture - examine data sources and forecast products - continue to produce global summary - with help from steve / jose in houston - continue to produce 1 - 5 and 6 - 10 day forecasts for europe coordinating with houston - continue to coordinate on us 6 - 10 day forecasts with houston - continue monday / wednesday briefings for crude meetings - provide met comment and support toward weekly / monthly / seasonal official outlooks from the uk met for wxderiv ( team support from houston ) - design and develop forecast of met forecast ( try to beat their release by at least 1 hour ) prior to each daily update ( like our bloomberg forecaster ) - identify any additional "" market - movers "" , anticipate and add value to same "" back - burner "" - develop a method for providing probability distribution / confidence graphics based on numerical forecast guidance and ensemble data "" on the shelf "" - daily briefings and products for uk gas - daily briefings and products for continental power - daily briefings and products for dutch power - weather support for coal trading ? - daily forecasts of and comment on uk met official 3 - 5 and 6 - 10 forecasts - automation of temperature history / forecast plots from model ensemble data 2 ) steve continues to work on a few ongoing projects and ties up "" loose ends "" on - going - automate a process for getting forecast temps ( model / other ) from earthsat data - continue to produce the us part of the global exec summary - consult with tony on 1 - 5 day europe forecast - continue to produce port status report - work on expanding this report - european forecast verification ( like houston ) "" loose - ends "" - contract with wsi for met data - talk to earthsat about a daily conference call for tony - talk to uk met office about a daily conference call for tony - refine list of europe forecast cities and get them from earthsat - make sure jose didn ' t destroy my house ! ! 3 ) jose - continues to investigate data for global ag and works with tony on getting ag products up and running - makes sure steve ' s dog is in perfect shape to return home this weekend ( i . e . find one with identical markings before steve gets back ! ) - order mofongo for london research luncheons ! that ' s it - see you tuesday . . . . steve",0 +"Subject: visiting enron may 4 th vince ( and shirley and melinda ) , thanks so much for including me in this meeting with stanford engineering - - - unfortunately , i ' m committed to participate in the enron law conference in san antonio that entire day . thanks ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 04 / 09 / 2001 03 : 16 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 04 / 09 / 2001 01 : 21 pm to : christie patrick / hou / ect @ ect cc : melinda mccarty / corp / enron @ enron subject : visiting enron may 4 th christie / melinda : can christie meet with susan and vince on friday , may 4 th from 1 : 30 - 3 : 00 ? please let me know . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 09 / 2001 01 : 15 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 09 / 2001 01 : 18 pm to : shirley crenshaw / hou / ect @ ect cc : subject : visiting enron may 4 th shirley , fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 09 / 2001 01 : 19 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" susan c . hansen "" on 04 / 06 / 2001 06 : 14 : 10 pm to : vince . j . kaminski @ enron . com cc : clovell @ stanford . edu , donna lawrence , hillh @ stanford . edu , bambos @ stanford . edu subject : visiting enron may 4 th dear vince , this is great news ! donna and i are delighted that you have time to see us on may 4 th . i ' ll be out of the office next week . by copy of this email to my assistant , carol lovell , i will ask her to get in touch with shirley for scheduling as well as directions on where to meet you . we ' ll be glad to meet with christie patrick as well . looking forward to meeting you , susan at 05 : 36 pm 4 / 6 / 01 - 0500 , you wrote : > susan , > > thank you for your message . i shall be glad to meet with you on may the > 4 th . > i shall ask my assistant , shirley crenshaw ( 713 ) 853 5290 , to call you to > set up the meeting . > > also , for your information , we have recently set up a special unit to > coordinate enron ' s > relationships with the universities . the person running this unit is > christie patrick . > please , feel free to contact her and give my name as a reference . i shall > coordinate the meeting > on may the 4 th with her . > > vince > > > additional information re christie : > > phone : ( 713 ) 853 - 6117 > > email : christie _ patrick @ enron . com > > > > > > "" susan c . hansen "" on 04 / 03 / 2001 04 : 33 : 54 pm > > to : vkamins @ enron . com > cc : > subject : visit from stanford ? > > > dear dr . kaminski , > > let me briefly introduce myself , i am the director of corporate relations > for the school of engineering at stanford university . in this role , i am > always on the watch for ways to bring our faculty together with companies > that have an appetite for engagement with top tier research institutions . > > i believe you know hill huntington , who is a senior researcher with > stanford ' s energy modeling forum . he suggested i get in touch with you for > some ideas about contacts at enron . i ' m in the process of planning a trip > to texas in early may along with my colleague donna lawrence , the > university ' s director of corporate relations . we were hoping to be able to > include a stop at enron on our itinerary . right now it appears that friday , > may 4 th would work best for us but we ' re at the very beginning of our trip > planning . > > the purpose of our visit would be to review the current relationship > between enron and stanford , to give you an overview of current priorities > in the school of engineering , and ask for your help in identifying the best > points of contact . > > i look forward to hearing from you about your availability , > > sincerely , > susan hansen > > > > > susan c . hansen > director , corporate relations > school of engineering > stanford university > stanford , ca 94305 - 4027 > ( 650 ) 725 - 4219 susan c . hansen director , corporate relations school of engineering stanford university stanford , ca 94305 - 4027 ( 650 ) 725 - 4219",0 +"Subject: re : potential prospect tom , we are currently space constrained but we shall always take a qualified candidate . please , ask george to send me a resume and we shall get in touch with him to arrange a phone / on - location interview . vince tom arnold on 04 / 25 / 2001 09 : 15 : 09 am to : vince . j . kaminski @ enron . com cc : subject : potential prospect hey vince , given that the eastern finance conference is already taking place , i think it is safe to assume that they did not desire an energy derivative round table discussion . however , i appreciate you volunteering to potentially having been on such a round table discussion . i ' ve been teaching a "" real options "" course that has the students performing monte carlo analysis , black - scholes pricing , and binomial pricing along with a heavy dosage of understanding risk neutral pricing . a few of your new hires from the undergraduate program will be coming from this course . however , i have a student who will be finishing his mba next spring that is particularly good . he is genuinely interested and curious about option pricing , trading , and hedging with excel / vba skills . in fact , he usually figures out when i make even very small mistakes in my calculations . this is not to say that some of my other students aren ' t very talented themselves , but that this person really stands out . do you think you and / or enron would be interested in such a person ? if so , what do you recommend that he do to get his foot in the door ? his intention is to finish the mba , but i do not know if this would preclude you from hiring or at least taking a look at him now . his name is george moss and i ordinarily would not bother you directly about a potential employee . i am making an exception in this case because he is a particularly good talent without being the slightest bit arrogant . otherwise , i hope this e - mail finds you doing well and not travelling too much . tom professor tom arnold e . j . ourso college of business administration department of finance 2155 ceba louisiana state university baton rouge , la 70803 o : 225 - 388 - 6369 f : 225 - 388 - 6366",0 +"Subject: rdi project michelle , cecil and david ' s code was correct but could not match ken ' s spreadsheet output due to a slight mis - specification in ken ' s excel spreadsheet . the code was then modified to conform with ken ' s specification and results very close to that of ken were obtained . as of now ken ' s modifying his spreadsheet to re - run the results , the original correct code will be restored , and we will see what happens then . anyway this is rather encouraging . best , alex",0 +"Subject: departure of grant masson the research group : it is with a deep sense of regret that i announce that grant masson will be leaving the research group and enron , effective today . grant has been a very important part of the research group ' s growth and stability within enron and he will be deeply missed . we wish him the very best in his new venture and want to send him off with all the "" good "" wishes and support that he deserves . however , since i will be out of town all next week , we will postone the "" good luck and best wishes "" party for grant until sometime within the next 3 weeks . an announcement will be forthcoming at a later date . please take a minute to wish grant the "" best "" . sincerely , vince",0 +"Subject: london update vince , more fuel for our discussion with john sheriff today , mike - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 04 / 25 / 2001 05 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : stephen bennett @ enron 04 / 25 / 2001 04 : 05 am to : jose marquez / corp / enron @ enron , mike a roberts / hou / ect cc : tony hamilton / eu / enron @ enron subject : softs ( ag ) support hi guys , i thought i would quickly update you on a few meetings we ' ve had with the ag folks here over the past 2 days . they are extremely interested in weather support and appear to be our most enthusiastic customer group to date . a summary : 1 ) they are interested in cocoa , coffee and sugar . specifically : brazil : londrina , bauru , lavras ( all wmos available in accuweather ) vietnam : kentum , dalat ( no data immediately evident ) ivory coast : man , gagnoa ( wmos in accuwx ) indonesia : sumatra - kotubumi , sulawesi - dolo ( no data immediately evident ) 2 ) they are specifically interested in event spikes - extreme temperature , precipitation or wind . they are also interested in any trend information we can devise . links between enso or other large scale oscillations that could have long range effects . tony has already given their group a 101 course on enso and its impacts on these areas . 3 ) they would eventually like daily am briefings - along with a daily product related to their market ( ie precip / temp graphs etc ) 4 ) they do not begin actually trading for another 6 to 8 weeks - so we have some time to experiment with the type of support that fits them best . tony and i agree that we would like to brainstorm this a bit with you guys to see what exactly can be produced daily - as efficiently as possible . we should be able to add any lat / long points we want to the list of international cities streaming through from the mrf / avn / ecmwf from earthsat . the problems here would be the models ' problems handling tropical weather along with specific local effects - especially in indonesia . let ' s talk about this at some point and get our thoughts together . steve",0 +"Subject: transition to research group - an update vince , just wanted to let you know that i had a meeting with wade cline ( coo , enron india ) , neil mcgregor ( president , dpc ) , and mohan gurunath ( cfo , dpc ) today . though i had already spoken to all of them earlier about my joining your group , today it became official , and all of them supported the move . i explained to them what we would be doing , and the results expected from the henwood study . dpc would like to pay the costs for the study , and that was mentioned . there maybe some tax issues etc . that need to be cleared , and other related issues that i would like to discuss with you , so i will leave them till i get to houston . i also spoke about anshuman , and there was resistance to his leaing for such a long time . however , i have agreement from folks here to send him to houston for a shorter stint on dpc budget . i will try to finalize that before i leave . i will call you in the evening to just chat . i am very thankful to you for giving the opportunity you have . things here have deteriorated dramatically over the last few weeks . morale is quite down due to many lay - offs . i am really looking forward to returning to houston , and the family ! ! regards , sandeep .",0 +"Subject: term paper stuart , i cannot open your attachment . vince kaminski",0 +"Subject: re : opportunities lloyd , yes , i would be very interested . vince lloyd will 10 / 24 / 2000 02 : 45 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : opportunities vince would you be interested in this professional . i would be glad to facilitate a conference call . thanks . - - - - - - - - - - - - - - - - - - - - - - forwarded by lloyd will / hou / ect on 10 / 24 / 2000 02 : 43 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" sheble , g . b . "" on 10 / 17 / 2000 04 : 52 : 57 pm to : "" ' lloyd . will @ enron . com ' "" cc : subject : re : opportunities loyd i tried to call yesterday , but you were out of the office . my schedule follows , would you want to pick a time for me to call you or send me a list of times to pick ? gerry fall 2000 teaching schedule ee 553 mtwr 10 - 11 am curtis hall 308 engr 161 mw 2 - 4 howe hall 2228 other commitments m 11 - 12 ep & es m 1 - 2 office hours t 12 - 2 ep & es seminar t 2 - 3 office hours t 3 - 4 pserc t 5 - 6 epri - dod w 11 - 12 office hours w 4 - 9 dsm r 11 - 12 office hours f 11 - 12 p & t f 1 - 3 cas f 3 - 4 departmental meeting - - - - - original message - - - - - from : lloyd . will @ enron . com [ mailto : lloyd . will @ enron . com ] sent : monday , october 16 , 2000 8 : 00 am to : sheble , g . b . subject : re : opportunities give me a call any time to discuss things . 713 - 853 - 3383 . thanks . "" sheble , g . b . "" on 10 / 15 / 2000 02 : 17 : 02 pm to : lloyd will / hou / ect @ ect cc : subject : re : opportunities lloyd i am attaching another resume for your review , please pass it along if there is any interest . i would also like to discuss opportunities with you as i expect to graduate with my mba summer 2001 . cordially , gerry = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = gerald b . shebl , professor , electrical and computer engineering director of complex adaptive systems program 1115 coover hall ames , iowa 50011 voice : 515 . 294 . 3046 fax : 515 . 294 . 4263 email : gsheble @ iastate . edu web : http : / / www . ee . iastate . edu / ~ sheble / = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = =",0 +"Subject: avistar users and allocated charges avistar has been installed globally to provide desktop conferencing . hardware and installation charges have been allocated by invoice to the relevant location . the schedule below lists by business unit and rc the number of units and charges allocated . it will assume the monthly charge - out process . the allocated dollars will be depreciated over a three year period to your respective cost center beginning february 2001 . if you have any questions please feel free to call or e - mail , sheila glover , 3 - 3210 , or paige cox , 3 - 5428 . thanks . sheila",0 +"Subject: weather article has been approved - - need to send photos gary & seth , thumbs up on the fow article . many thanks for working through it with me . . . joe - - - - - - - - - - - - - - - - - - - - - - forwarded by joseph hrgovcic / hou / ect on 10 / 26 / 2000 11 : 27 am - - - - - - - - - - - - - - - - - - - - - - - - - - - jane sandiford on 10 / 25 / 2000 06 : 26 : 32 am to : joseph . hrgovcic @ enron . com cc : subject : weather article - photos ? dear joseph , thank you so much for sending me such an interesting article on the internet and weather derivatives . i really enjoyed reading it ! i just have one final question - do you have a photograph of yourself ( or the other authors ) that you could send me ? tif , gif or jpeg files are fine so long as they are 300 dpi . thanks again and i hope to hear from you soon . best regards , jane jane sandiford deputy editor fow magazine tel : 0207 827 6493 fax : 0207 827 6413 email : jsandiford @ fow . com * * disclaimer * * the contents of this e - mail is sent to the addressee only and may contain information that is confidential . persons other than the addressee should not read , disclose , copy or otherwise distribute this message except for delivery to the addressee . this e - mail and its attachments ( if any ) have been scanned by trend micro interscan viruswall v 3 . 4 . * * personal e - mails * * the metal bulletin e - mail system scans all e - mails and deletes personal messages which contain items of a sexual , racial or other inappropriate matter without notifying the sender . therefore , the transmission of personal messages , both incoming and outgoing , cannot be guaranteed .",0 +"Subject: re : i ' ll check my billing ! thanks for the warning ! warm regards , and thanks for the book , darrell darrell duffie mail gsb stanford ca 94305 - 5015 usa phone 650 723 1976 fax 650 725 7979 email duffie @ stanford . edu web http : / / www . stanford . edu / ~ duffie / ",0 +"Subject: re : dear navroz thanks for getting back to me . the reason there has been a dialogue ( not , i should point out , with nick , but with shan millie ) , is that my work is of quite a large size , and needs to find an appropriate home . the question is should it go into a compilation book , or somehow be published in the magazine ? i was awaiting some feedback from risk on the best course of action . we were hoping to publish a cut down version in the magazine , and a full version in risk ' s upcoming "" game choices "" book , but i ' ve heard nothing from your organisation until now ( and i fear we ' ve now missed the boat on the game choices book deadline ) . i ' m attaching the full internal enron document for your reference , and i ' d appreciate your thoughts on how best to put the article in your journal . since the subject is highly diagrammatic , i ' m concerned that 4000 words may be too many when coupled with diagrams ! ( it is currently only 6000 words , but is around 25 a 4 pages long . ) if you can give me some guidance on the issue of publishing extensive diagrams as part of the text , i ' ll get to work chopping my work around until it suits your preferred format . shan millie gave me some good feedback on general points of style and clarity in my writing , but incorporating these would actually make the article longer rather than shorter . i think you ' d better look the document over before i do further work on it . i look forward to your response . many thanks , steve leppard enron capital & trade resources corp . from : "" navroz patel "" 04 / 28 / 2000 03 : 25 pm please respond to "" navroz patel "" to : cc : subject : dear steven , my name is navroz patel and i am the technical assistant at risk magazine . i am contacting you with regards to your initial dialogue with nick dunbar . we would be grateful if you could email to both of the addresses below a copy of your ' real options ' article for our consideration . please note that articles must have full references , be approximately 4000 words in length , and the attachment should be in ms word or pdf format . npatel @ risk . co . uk ndunbar @ risk . co . uk ? thank you for your interest . yours sincerely , navroz patel . technical assistant , risk magazine .",0 +"Subject: re : interview with enron corp . research dear shirley , thanks for your letter and invitation . next week we have a spring break at uh , so i will be pretty flexible . is next tuesday fine ? almost any time . if not , any other day next week will work for me . starting march 19 i will teach again , and it will be harder ( but not impossible ) to find a good time for interview with enron . adam - - - - - original message - - - - - from : shirley . crenshaw @ enron . com [ mailto : shirley . crenshaw @ enron . com ] sent : 8 marca 2001 09 : 36 to : adambob @ stat . rice . edu subject : interview with enron corp . research good morning adam : the enron corp . research group would like to conduct an informal interview with you at your convenience . please give me some dates and times that would be convenient to , sometime within the next 2 - 3 weeks and i will coordinate an interview schedule . i look forward to hearing from you very soon . best regards , shirley crenshaw administrative coordinator enron corp . research 713 - 853 - 5290 email : shirley . crenshaw @ enron . com - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 08 / 2001 09 : 30 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" adam bobrowski "" on 03 / 07 / 2001 09 : 45 : 03 pm to : cc : subject : resume dear mr . kaminski , as a follow - up to your oral communication with my friend tom ware , i would like to express my interest in working for your company , enron . please find enclosed my resume and curriculum vitae . if you need additional data , please feel free to call me at ( 713 ) 592 - 8909 ( home ) or ( 713 ) 743 - 3483 ( office ) , or email me at adambob @ stat . rice . edu or adambob @ math . uh . edu . yours sincerely , adam bobrowski . ( see attached file : cvbobrowski . ps ) ( see attached file : bobrowskiresume . doc )",0 +"Subject: maddox vince , here is michael maddox contact information : tel : ( 617 ) 497 6446 email : mmaddox @ cera . com they have an office in europe as well . i would love to be involved in projects involving georgia , azerbaijan , turkey , etc . my resume thanks , bessik matchavariani enron broadband services tel : 713 . 345 . 7230 fax : 713 . 646 . 8861 bessik _ matchavariani @ enron . net",0 +"Subject: re : scifinance curt , thanks very much . yes , the same time will be fine . so i will be expecting you on nov . 10 at 11 : 30 am . you can call shirley to get to our area . my office is at ebl 969 . zimin lu 713 - 853 - 6388 shirely , please mark the time on vince and stinson ' s schedule . and make an announcement to the group next week . thanks . zimin randall on 10 / 30 / 2000 08 : 54 : 59 am to : zimin . lu @ enron . com cc : randall @ scicomp . com , "" johansen , david "" subject : re : scifinance ok . same time ? zimin . lu @ enron . com wrote : > > hello , curt , > > i am just aware that our department head dr . kaminski is going to be out of > the town > on friday nov . 3 . if possible , can we reschedule your visit to nov . 10 ? > > sorry for any inconvenience , and let me know if this is ok . > > zimin lu > 713 - 853 - 6388 > > randall on 10 / 19 / 2000 05 : 20 : 40 pm > > to : zimin . lu @ enron . com > cc : randall @ scicomp . com , "" johansen , david "" > subject : re : scifinance > > zimin . lu @ enron . com wrote : > > > > yes , nov . 3 . we do not have to work on saturday , thank you for > reminding > > me that . > > > > zimin > > you are welcome . > > shall we say 11 : 30 to allow some time for getting organized ? > > i usually use an old fashioned overhead transparency projector if you ' ve > got one . if they ' ve all been replaced by digital projectors , i can > bring one . > > i ' ll be in touch early that week , to get directions for parking etc . > > rgds , > curt > > - - > + - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + > | curt randall | scicomp inc . | > | e - mail : randall @ scicomp . com | 5806 mesa drive | > | voice : 512 - 451 - 1050 ext 202 | suite 250 | > | fax : 512 - 451 - 1622 | austin , texas 78731 | > + - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - | - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + - - | curt randall | scicomp inc . | | e - mail : randall @ scicomp . com | 5806 mesa drive | | voice : 512 - 451 - 1050 ext 202 | suite 250 | | fax : 512 - 451 - 1622 | austin , texas 78731 | ",0 +"Subject: re : good morning john , i shall see christie tomorrow and i shall talk to her about the project . friday , feb 23 works for me . vince "" john d . martin "" on 10 / 18 / 2000 10 : 00 : 57 am to : vkamins @ enron . com cc : subject : good morning vince , just an update for you and a question . first , i have talked to christie and corresponded via e - mail . we don ' t have dates to talk to lay , skilling and fastow as yet but christie is working on it . i will prompt her again next week . the second item of business is a question . i want to see if we can move our meeting in spring ( business education and the new economy workshop ) back a week to friday february 23 rd . one of the attendees has a conference he wants to attend on march 2 nd . let me know asap if the 23 rd works for you . i have committments from a number of folks for the workshop and i think it will be great fun and a wonderful learning experience for us all . john john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: mgmt 656 here are your latest rosters . let me know if you would like the spreadsheet with their e - mail addresses as well ! - pam ( 6223 ) - 656 . doc",0 +"Subject: chonawee supatgiat / corp / enron is out of the office . i will be out of the office from 11 / 27 / 2000 until 12 / 12 / 2000 . i am out of the country and cannot check mails . you can reach me by sending an e - mail to chonawee @ yahoo . com . otherwise , i will response to your message when i get back . thank you . - chonawee",0 +"Subject: kudos congratulations on your promotion - - well deserved ! ! lucy",0 +"Subject: dr . kaminski : ? you probably won ' t remember my name , but i am the ph . d . student that took you back to the airport after your visit to louisiana state university during the previous academic year . ? i received my m . s . in finance in may of last year , and chose to ? remain at lsu to work on my ph . d . at that time , i intended to pursue a career in ? teaching and research at a four year college or university . ? in part ? because of your visit , ? and my ? primary interest in normative research , my ? plans have changed . ? while i ? still want to earn my ph . d . , ? i plan to pursue a career in research in the private sector . ? as you know , ph . d . programs in financial economics are designed to train future academics . ? not surprisingly , they emphasize methods to approach the types of questions that are of interest to finance academics . ? what did surprise me , however , was that these areas of interest often had little to do with what i imagined to be the concerns of practitioners in the real world . ? as you mentioned in your discussion , academic researchers know little about what their counterparts in the private sector ? in light of my objective , i feel i would get the most out of the remainder of my doctoral studies if i took some time off to work in the private sector to see first hand the ? types of challenges i can expect to face as a researcher in corporate america . ? as my primary interests revolve around the use of derivatives and financial engineering in corporate risk management , enron , as the leading innovator in these areas , would be an ideal place to learn . ? i was wondering if you were aware of any openings at the company that might provide me with the exposure i am looking for . ? if there are no such positions or opportunities , any advice or suggestions you could give me , ? such as whether or not you think such a "" sabbatical "" ( for lack of a better term ) would be helpful , or information on private sector careers for ph . d . ' s would be greatly appreciated . ? ? i am sending a current copy of my vita as an attachment . ? if you have any questions my e - mail address is sgreen @ finance . lsu . edu . ? thanks for your help and advice . ? ? cordially , ? ? ? ? shane green ? ? ? ? ? ? ? - vita . doc",0 +"Subject: request submitted : access request for stewart . range @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000007876 approver : stinson . gibner @ enron . com request create date : 11 / 20 / 00 2 : 36 : 29 pm requested for : stewart . range @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: ameriflash newsletter michell vitrella called and wanted to know if the "" research group "" would like to submit an article for the next issue of the ena newsletter ( "" ameriflash ) they need to have the article by tomorrow . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 10 / 24 / 2000 10 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : michelle vitrella 10 / 24 / 2000 09 : 53 am to : shirley crenshaw / hou / ect @ ect cc : subject : ameriflash newsletter - - - - - - - - - - - - - - - - - - - - - - forwarded by michelle vitrella / hou / ect on 10 / 24 / 2000 09 : 54 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : ena public relations @ enron 10 / 19 / 2000 08 : 25 pm sent by : enron announcements @ enron to : all _ ena _ egm _ eim cc : subject : ameriflash newsletter note from mark frevert with the wide and varied activities of our three organizations , we created this e - mail newsletter to keep everyone better informed about our various businesses . i hope you find it informative and more importantly , that you will use this newsletter to help spread the word about the successes in your group . to provide content for future e - mails , contact michelle vitrella in our public relations group via e - mail or call her at ext . 3 - 9767 . communication is one of the core enron values and i believe this is a great way to improve communication across our wholesale businesses . additionally , i would like to again encourage everyone to take a few minutes to complete  & the pulse  8 survey . this annual survey regarding the work experience at enron and how we can make it better is an important part of the two - way communication process at enron . please go to the enron intranet and type survey . enron . com . it only takes a few minutes , it  , s confidential and your comments will help make enron a better place to work . business highlights natural gas middle marketing  , s biggest trade of the year so far occurred this month . the significant transaction was a five year , multimillion dollar restructuring with a subsidiary of formosa plastics , one of the world  , s largest producers of polyvinyl chloride . additionally , continental airlines , the fifth largest us carrier , has hedged a considerable amount ( 1 . 2 million barrels / month ) of crude oil . winter nymex hedges were put in place for the undisputed heavyweight chip champ of the world , frito lay . pulp & paper with the acquisition of garden state paper and launch of clickpaper . com , enron is creating an efficient spot physical market for pulp and paper commodities . buyers and sellers will benefit from improved price transparency and reliability and access to enron  , s online financial markets . improved price transparency and the ability to imbed financial derivatives into physical trading flows will facilitate the growth of enron  , s trading business . to date , clickpaper . com has traded over 1 millions tons of pulp and paper product with a notional value of over $ 675 million . upstream origination upstream origination , headed by julie gomez and jean mrha , focuses on natural gas products to optimize commercial value associated with the natural gas grid on the continent and in the gulf of mexico ( gom ) . through products such as storage , electric compression and producer services & outsourcing , ena creates value for its customers and reconfigures the natural gas infrastructure to be more efficient . in addition , upstream origination transactions exploit the unique relationship between development of strategic assets through sophisticated financing structures and the utilization of the market information created by those assets .  & the pulse  8 survey results as of wednesday , october 18 , the total responses to  & the pulse  8 from ena / egm / eim are 689 . this is approximately 30 % of all employees . since our goal is a 100 % response rate , we have a long way to go ! please take a few minutes to log on and give enron your thoughts . the pulse is located at survey . enron . com on the enron intranet page . if you like competition , here are the results by group : commercial - origination 131 energy operations 126 risk management and trading 106 other / none of the above 91 bus . analysis & rep . / fin . ops . 90 legal 46 gas assets 37 human resources 30 tax 18 technology / it 14 welcome transferred into ena / eim / egm ena - kathleen neal / hr , suzanne kelly / infocentral , tobias monk / finance direct eim - eric connor / industrial energy group egm - eric calub / global product mgmt new hires ena / eim / egm ena - lance cunningham / cts research , anita dupont / cts research , yvette hales / gas logistics  ) east , angela howell / equity trading , farid mithani / power risk - credit egm - heather purcell / enron global markets in the news  & no company illustrates the transformative power of innovation more dramatically than enron . over the past decade enron  , s commitment to the invention  * and later domination  * of new business categories has taken it from a $ 200 million old - economy pipeline operator to a $ 40 billion new - economy trading powerhouse .  8 from  & the world  , s most admired companies ,  8 fortune , monday , october 2 nuggets & notes  & what  , s the message we  , re trying to get across ?  8  ) ray bowen , coo eim  & i  , m not a micro - manager  8 - john lavorato , coo ena  & make it so , number one  8  ) jeff shankman , coo egm contest enron is  & the most innovative company  8 based on fortune magazine  , s most admired survey . ena public relations is ready to put enron north america , industrial markets and global markets to the test . we need your creative minds to help name the new electronic newsletter we now call ameriflash . put on your thinking caps and submit your ideas for a new name to michelle . vitrella @ enron . com . the ena public relations team will narrow the list to the top ten and then send it to our official judge , mark frevert , to make the final decision . the winner will receive a gift certificate to any pappas restaurant . good luck !",0 +"Subject: interview with the enron research group hello kenneth : nice talking to you this morning ! below is your interview schedule for monday , oct . 30 th and directions to the enron bldg . . please let me know if you need any travel arrangements made . coming from the northwest part of houston , your best bet would be to take i - 45 into town . there is quite a bit of construction downtown , so you will probably have to take the mckinney exit from i - 45 ( you will need to stay in the left lane as you approach town . exit mckinney to smith street , take a right on smith street go to andrews street , take a right on andrews ( the enron bldg . is on the left ) , pass the enron bldg . cross "" ruthvan "" ( 1 st stop sign ) and pull into the allen center parking garage ( visitors area on your right ) . come to the security desk on the lst floor of the enron bldg . and ask for me . they will call me and i will meet you in the elevator lobby on the 19 th floor . monday , october 30 th 9 : 00 am vince kaminski , managing director , research 9 : 30 am zimin lu , director 10 : 00 am vasant , vice president 10 : 30 am krishna krishnarao , director 11 : 00 am paulo issler , manager 11 : 30 am stinson gibner ( he will take you to lunch ) 1 : 00 pm molly mcgee ( hr recruiter ) have a safe trip . regards , shirley crenshaw ( 713 - 853 - 5290 )",0 +"Subject: vince kaminski ' s bio hello amy : attached please find vince kaminski ' s "" bio "" . he is working on his presentation . thanks ! shirley",0 +"Subject: my students dear vincent , i spoke with my students yesterday and they told me they have thought about coming to see you again , and they think it ' ll be much better in the future when they are closer to completion of their ph . d . i think this is a very sound idea , but i wanted to give them anyway the opportunity to see the actual working environment at a place like enron . they are both very serious and responsible , so they feel they had better go see you when they would be in a better disposition to give more of themselves to enron . they are both superb students and very hard working individuals , so i do hope you will consider checking them out in the future ( within a year - year and a half ) . i will contact you and / or stinson in the future when they are closer to finishing up . best , carlos",0 +"Subject: re : greetings carlos , vince kaminski , the head of our group is quite interested in meeting you and discussing ways in which we might be able to help your students . i will be out of the office until october 16 th . you can talk to vince before i get back or wait to see both of us ; whatever you wish . should you want to schedule a time to talk with vince , contact his assistant , shirley crenshaw , at 713 853 5290 . i look forward to meeting you in person . stinson gibner p . s . my address at enron is : p . o . box 1188 houston , tx 77251 - 1188 the physical address is 1400 smith street . carlos ordonez on 09 / 15 / 2000 03 : 29 : 28 pm to : sgibner @ enron . com cc : subject : greetings dear stinson , i enjoyed our conversation this morning . i would love to meet with your people to discuss collaborations that will be of mutual benefit to me and the students and postdocs and your company . i am available on mondays , wednesdays or fridays , at just about any time ( early mornings or afternoons best ) . we ' ll probably need up to a couple of hours . please send me your address to mail you some info . best , carlos",0 +"Subject: re : liz demers research seminar marc , thanks for the invitation . i shall attend . vince kaminski enron marc epstein ( by way of kathy spradling < spradlin on 01 / 22 / 2001 03 : 41 : 13 pm to : ( recipient list suppressed ) cc : subject : liz demers research seminar dear faculty bob westbrook and the accounting group has asked me to put together a continuing series of research workshops in accounting . my intention is to invite four or five researchers from around the country to present workshops on topics of interest each year . these are in addition to the normal recruiting seminars that we will have . the researchers will be a combination of senior and junior researchers . in addition to adding to our own research culture , the seminars should help promote the jones school in the academic accounting community . my intention is to invite people that are doing very interesting work that will be of interest to a large portion of the faculty . given the small size of the accounting group , success of the seminars is dependent in part on the participation of faculty from other disciplines . our first seminar will be on february 16 from 10 : 30 - 12 : 00 and will be conducted by elizabeth demers , a stanford phd and presently an assistant professor at rochester . her paper is titled "" a rude awakening : internet shakeout in 2000 "" and co - authored with baruch lev ( a senior accounting researcher at nyu ) . the work should be of particular interest to faculty in finance and those interested in the valuation of internet companies and the value of intellectual capital and non financial information . i expect that it will be a very interesting seminar . liz will arrive thursday late afternoon and be here all day on friday . i invite any of you who would like to meet with her or join us for a meal , to please let me know . i will appreciate it if you could plan on attending at least some of our seminars . i hope that the topics and presenters will be of interest . thanks for your support . marc marc j . epstein jones graduate school of management rice university 6100 main street houston , texas 77005 - 1892 phone ( 713 ) 348 - 6140 fax ( 713 ) 348 - 5251 email epstein @ rice . edu",0 +"Subject: re : [ fwd : stanford meeting ] vince , if that doesn ' t work we can meet on saturday . no problem . my cellular phone is 650 - 796 - 8163 . i will have it on , friday after 11 am . looking forward to seeing you , nick vince . j . kaminski @ enron . com wrote : > > nick , > > the plan is ok , subject to unforeseen complications . > my flight from london was delayed and i had to spend a night in newark , nj . > my schedule for today was disrupted and i had to postpone my departure till > friday > morning . i should be at san francisco around 10 : 00 a . m . if there is no > delay . > i should be able to meet you at noon at your office . > > please , confirm the meeting both to my office e - mail address and my private > address > ( vkaminski @ aol . com ) . can you give me the phone number > at which i can reach you on friday if there is a delay ? > > look forward to meeting you . > > vince > > nick bambos on 02 / 24 / 2000 02 : 31 : 38 pm > > to : vince . j . kaminski @ enron . com > cc : bambos @ stanford . stanford . edu > subject : [ fwd : stanford meeting ] > > vince , is this plan ok ? thanks . nick > > nick bambos wrote : > > > > vince , > > > > friday is fine . we can have lunch at the faculty club - you ' ll > > be my guest . shall we meet in my office in packard 238 and > > walk to the faculty club ? > > > > nick > > > > vince . j . kaminski @ enron . com wrote : > > > > > > nick , > > > > > > i shall be in stanford for parents ' weekend ( my son is a junior at > > > stanford ) . > > > i plan to be on the campus friday through sunday this week . i shall be > glad > > > to meet you anytime during the weekend . what about a lunch on friday ? > > > i would like to talk to you about enron underwriting research projects > by > > > the graduate students > > > at your department . > > > > > > you can reach me at stanford at my son ' s phone number : 650 497 6938 . > > > please , let me know if you are free for lunch and i shall make the > > > reservation > > > > > > vince > > > > > > nick bambos on 02 / 22 / 2000 12 : 54 : 15 pm > > > > > > to : vince . j . kaminski @ enron . com > > > cc : ravi . thuraisingham . enron _ communications @ enron . com , > gappy @ stanford . edu > > > subject : stanford meeting > > > > > > dear vince , > > > > > > giuseppe tells me that you will be visiting stanford soon > > > and you you would like to meet with me . i would definitely > > > be glad to meet you and talk further . > > > > > > would you please let me know about the time of your visit > > > and your availability to meet . i look forward to seeing you . > > > > > > best regards , > > > > > > nick > > > > > > ps : giuseppe and amy came back very impressed by you are doing at > enron ! > > > thanks for hosting them .",0 +"Subject: super saturday iv results ! good afternoon ! attached is the list of associate candidates to whom offers have been extended from super saturday iv . please feel encouraged to call or e - mail to congratulate them ! let me know if you have any questions ( ext . 3 - 6176 ) . thank you for all your help ! elizabeth boudreaux ps - i have also included the "" no offer "" list , just fyi .",0 +"Subject: re : var for enroncredit . com vince , thanks for effort . let me know what we need to do on this end ted vince j kaminski 11 / 10 / 2000 01 : 30 pm to : rick buy / hou / ect @ ect , ted murphy / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect subject : var for enroncredit . com rick and ted , it looks more like foxes building chicken houses as opposed to foxes guarding chicken houses . i shall send a message to bryan saying that the research has to look under the hood and examine the mechanics of the model in order to sign off on it . a dog and pony show is not sufficient . in any case , the decision to approve the model should not be left to ben and kirstee . please , let me know what your thinking is . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 10 / 2000 01 : 31 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - bryan seyfried 11 / 10 / 2000 03 : 20 am to : vince j kaminski / hou / ect @ ect , steven leppard / lon / ect @ ect cc : ted murphy / hou / ect @ ect subject : var for enroncredit . com vince / steve - - we are going to the board in december to ask for formal limits . as you know one of the key limits at the board level is value at risk . to that end , it is imperative that you are comfortable with our approach for calculating var . we have implemented a third party risk system which holds all of our positions and are in the process of putting the debt positions in . the system has a var engine which is being demo ' d by the vendor today . ben and kirstee are attending the demo and if they find the technology acceptable , i propose moving forward with implemantion of the module . pls . let me know if this sounds reasonable and how you would envision implementing . thanks",0 +"Subject: re : term project : brian , no problem . vince "" brian corbett nelson "" on 04 / 26 / 2001 08 : 15 : 14 pm please respond to to : cc : subject : re : term project : vince , i finally joined a team that only had two members . it looks like our paper will only be about 13 to 15 pages . we were wondering that since our team is less than half the size of some of the other teams , if you could possible relax the length requirement ? thanks , brian nelson - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , april 11 , 2001 3 : 54 pm to : nelsonb @ rice . edu subject : re : term project : brian , the last class + plus a few days ( depending on when i have to submit the grades ) . vince "" brian corbett nelson "" on 04 / 11 / 2001 03 : 35 : 14 pm please respond to to : cc : subject : re : term project : mr . kaminski , i had an interview last thusday in dallas and could not attend class . did you set a project deadline ? thanks , brian nelson - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , april 11 , 2001 3 : 22 pm to : isranir @ rice . edu ; demianen @ rice . edu ; tbal 93 @ yahoo . com ; maue @ rice . edu ; loughrid @ rice . edu ; jblantonjr @ yahoo . com ; gjohnson @ rice . edu ; emchombo @ rice . edu ; nazareth @ rice . edu ; vanstone @ rice . edu ; ganguzza @ rice . edu ; nelsonb @ rice . edu ; sssmith @ rice . edu ; wheelock @ rice . edu ; westmore @ rice . edu ; gaudette @ rice . edu ; otaylor @ rice . edu ; dikeman @ rice . edu ; jettke @ rice . edu ; litton @ rice . edu ; chilkina @ rice . edu ; helms @ rice . edu ; wankhade @ rice . edu ; monfan @ rice . edu ; kostya @ rice . edu ; pcp @ rice . edu ; yueguo @ rice . edu ; nlwbio @ rice . edu ; zhangn @ rice . edu ; rishad @ rice . edu ; yoshiura @ rice . edu ; howard @ rice . edu ; dayangd @ rice . edu ; wuwei @ rice . edu ; so @ rice . edu ; wooddy @ rice . edu ; lamas @ rice . edu ; tbalestrery @ houston . rr . com ; hingoran @ rice . edu ; planck @ rice . edu cc : vkaminski @ aol . com ; vince . j . kaminski @ enron . com ; jason . sokolov @ enron . com subject : term project : this is the list of projects for the members of the "" quant "" team . if you are working on different project , please , ignore this message . please , develop in a spreadsheet solutions / examples for the following : 1 . black - scholes formula 2 . black ' s formula 3 . develop a spreadsheet to simulate price trajectory using : a . gbm b . gbm + jump ( formula 2 . 16 in the book , figure 2 . 7 ) c . mean reversion + jump ( formula 2 . 17 , figure 2 . 8 ) 4 . schwartz single factor model ( formula 6 . 12 ) 5 . develop models corresponding to the figures 7 . 1 , 7 . 3 , 7 . 5 , 7 . 6 , 7 . 8 vince",0 +"Subject: resume for chris pernoud molly , we want to hire this very bright young man as a part - time employee , reporting to mike roberts . mike will be contacting you regarding the details . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 24 / 2001 10 : 01 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" chris pernoud "" on 01 / 24 / 2001 09 : 21 : 11 am please respond to to : "" michael roberts "" , "" vincent kaminski "" , "" shirley crenshaw "" cc : subject : resume for chris pernoud gentlemen , thank you for your time and consideration yesterday . i am excited about working for enron and gladly accept your offer . to reiterate our consensus today , i will be working an average of 10 hours a week , mostly early mornings from around 5 to 7 . another option for me might be to work mondays , wednesdays , and fridays from around 5 to 8 or 9 . toni graham was my contact in hr six months ago . she is probably more familiar with my previous file than anyone else . if you have any questions or concerns please don ' t hesitate to contact me . thank you , chris pernoud = = = = = = = = = = = = = = christopher pernoud 7315 brompton rd . apt . 231 b houston , tx 77025 ( 713 ) 349 - 8963 cgpl @ cornell . edu - chrispernoud . doc",0 +"Subject: update vince , a quick update on job candidates : 1 ) nelson neale : relayed your request to norman , and told nelson that an offer is in progress . did not mention specific numbers to him . 2 ) charles shen : left a message for him that we would get back to him next week with details of an offer . 3 ) interviewed by phone tom barkley at thunderbird ( brought to our attention by enron recruiters there ) . he looks very interesting so i am trying to schedule a visit to enron for him . he will finish t - bird in december ( mba ) and has a bachelors with honours in mathematics . have a great weekend . stinson",0 +"Subject: re : 12 / 17 churn - - eb 29 to ebl 9 job done ! - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 12 / 22 / 99 05 : 59 am - - - - - - - - - - - - - - - - - - - - - - - - - - - lupe rodriguez @ enron 12 / 21 / 99 04 : 08 pm to : move - team / epsc / hou / ect @ ect cc : kevin g moore / hou / ect @ ect , dolores sustaita / epsc / hou / ect @ ect , janelle duree / hou / ect @ ect subject : re : 12 / 17 churn - - eb 29 to ebl 9 i have guys up there now to complete this request . we don "" t move the plants but we will this time . any thing else just let me know . lupe move - team @ ect 12 / 21 / 99 02 : 26 pm sent by : linda richard @ ect to : lupe rodriguez / corp / enron @ enron cc : kevin g moore / hou / ect @ ect , dolores sustaita / epsc / hou / ect @ ect , janelle duree / hou / ect @ ect subject : 12 / 17 churn - - eb 29 to ebl 9 hi lupe ! there are approximately 25 boxes , several small file cabinets and 2 plants ( a 3 ft and a 9 ft plant ) that are ready to be moved from 29 to 19 . this is part of the 29 th floor 12 / 17 churn . the items are located in various offices of the "" fishbowl "" area on the 29 th floor . they are labeled with the 19 th floor designated location . there are 2 larger file cabinets that are located in the hallway . the 2 plants need to be taken to ebl 944 . is there anyway to work this in your schedule on tommorrow ? thanks linda",0 +"Subject: customer profiling meeting - amendment bob shults is scheduled to be in atlanta , ga on the 17 th of march and would like to reschedule the "" customer profiling meeting "" , to friday , march 24 th at 1 : 30 p . m . , location to be announced . if you are unable to attend please let me know . lydia 3 - 9975",0 +"Subject: gt symposium on qcf , april 7 please share the following announcement with your associates . georgia institute of technology symposium on quantitative and computational finance friday , april 7 th , 2000 auditorium of marc bldg . on the georgia tech campus sponsored by the dupree college of management , the college of engineering school of industrial and systems engineering , and the college of sciences school of mathematics . program : 12 : 30 - 12 : 40 welcome michael thomas , provost of georgia tech 12 : 40 - 12 : 45 introduction of the first speaker 12 : 45 - 1 : 30 walter j . muller iii , bank of america "" interest rate models for pricing fixed income securities "" 1 : 30 - 1 : 40 q & a and introduction of the second speaker 1 : 40 - 2 : 25 steven l . allen , chase manhattan bank "" management of market risk - - what can we learn from the experiences of 1997 and 1998 ? "" 2 : 25 - 2 : 45 break 2 : 45 - 2 : 50 introduction of the third speaker 2 : 50 - 3 : 35 billy thornton , invesco capital management "" optimal portfolio construction and risk control "" 3 : 35 - 3 : 45 q & a and introduction of the fourth speaker 3 : 45 - 4 : 30 ron dembo , algorithmics , inc . "" measuring the risk of a large financial institution "" 4 : 30 - 4 : 40 q & a and introduction of the fifth speaker 4 : 40 - 5 : 25 alexander eydeland , southern company energy marketing l . p . "" energy derivatives "" 5 : 25 - 5 : 40 closing / extra time 5 : 45 - 6 : 30 reception short biographies of the speakers are given below . registration : there is no charge for attendance at the symposium . however , space is limited , so we do encourage you to let us know that you will be attending . please send the following information before wednesday , april 5 , 2000 . conference : "" qcf "" first name : last name : company / institution : department : address : city : state / province : zip / postal code : phone : fax : email : to robert kertz e - mail : kertz @ math . gatech . edu fax : 404 - 894 - 4409 * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * lodging : you can make your own hotel arrangements with one of the many hotels in town . some hotels close by tech ' s campus are : holiday inn express ( 404 - 881 - 0881 ) , days inn , 683 peachtree street ( 404 - 874 - 9200 ) , renaissance hotel , w . peachtree street ( 404 - 881 - 6000 ) , marriott courtyard , 1132 techwood drive ( 404 - 607 - 1112 ) , and regency suites , 975 west peachtree street ( 404 - 876 - 5003 ) . in all cases , ask about the georgia tech rate . * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * location : the conference will be held in the first floor auditorium of the manufacturing research center ( marc bldg . ) , 813 ferst drive , on the georgia tech campus in atlanta , georgia . map : a map of campus can be found on the web at http : / / gtalumni . org . the conference is in the manufacturing research center ( # 126 on the map ) , which is the rectangular building directly north of the groseclose building ( # 56 on the map ) and the instructional center ( # 55 on the map ) . directions : ( additonal directions can be found at the website associated with the marc building ) by marta : take the north - south marta train ( $ 1 . 50 ) to the north avenue exit . the station is on the northeast corner of west peachtree and north avenue . walk west along north avenue past the varsity and over the expressway . after the football stadium , take the steps up and enter the campus . walk diagonally across the campus and ask some students where to find the manufacturing research center . by car , if you are entering atlanta from i - 20 or while traveling north on i - 75 or i - 85 : i - 75 and i - 85 merge in atlanta to form i - 75 / 85 . ( if you are on i - 20 , go north on i - 75 / 85 in the center of atlanta . ) exit the expressway at exit 100 which is the spring street and west peachtree street exit . turn left at the second light onto west peachtree street . turn left at the first light onto north avenue . travel west on north avenue and follow the signs to the "" center for the arts "" . these signs will ask you to turn right onto tech parkway which is the second traffic light along the gt campus , then turn right at the first light , and then you are forced to turn either right or left onto ferst drive . now go to the parking directions section below . by car , if you are entering atlanta while traveling south on i - 75 or i - 85 : i - 75 and i - 85 merge in atlanta to form i - 75 / 85 . exit the expressway at exit 100 which is the north avenue exit . turn right at the top of the ramp onto north avenue . travel west on north avenue and follow the signs to the "" center for the arts . "" these signs will ask you to turn right onto tech parkway which is the second traffic light along the gt campus , then turn right at the first light , and then you are forced to turn either right or left onto ferst drive . now go to the parking directions section below . parking directions : turn right onto ferst street , then turn left into the student center driveway which is the second driveway on your left . there is a fee of $ 4 . walk north past the instructional center to the manufacturing research center . for further information , please contact professor robert kertz by email at kertz @ math . gatech , edu , by fax at 404 - 894 - 4409 , by phone at 404 - 894 - 4311 or by regular mail at professor robert kertz school of mathematics georgia institute of technology atlanta , ga 30332 - 0160 . * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * biographies of speakers steven l . allen managing director , market risk management for derivatives chase manhattan bank , new york steve allen is a managing director in the market risk management group of the chase manhattan bank , heading the derivatives product team . he began his career in 1967 with chase , where his assignments included deputy director of management science and manager of modeling and systems for the asset - liability committee . from 1981 through 1991 , he was director of research for chase ' s trading activities , in charge of the development of models and analytics . his risk management career began in 1991 with the north american division of union bank of switzerland , where he was market risk manager for fixed income products . he took his current position in 1995 with chemical bank , rejoining chase by benefit of merger . steve studied mathematics as an undergraduate at columbia college and as a graduate student at new york university ' s courant institute . he currently teaches risk management in the masters program in mathematics in finance at courant . he is co - author of "" valuing fixed income investments and derivative securities "" . * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * ron s . dembo president and chief executive officer algorithmics , inc . toronto ron dembo is president and chief executive officer of algorithmics , inc . , a leading provider of innovative enterprise - wide financial risk management software , which he founded in 1989 . before founding algorithmics , he created and managed a group at goldman sachs responsible for fixed income optimization modeling . prior to that , he held several positions in academia . from 1976 to 1986 , he served as an assistant and associate professor of operations research in computer science at yale university , and as a visiting professor for operations research at the massachusetts institute of technology . dr . dembo obtained a ph . d . in operations research from the university of waterloo , ontario ( 1975 ) . he has written and published over 50 technical papers on finance and mathematical optimization and holds two patents for portfolio replication . his latest book on risk , "" seeing tomorrow : weighing financial risk in everyday life , which he co - authored with andrew freeman , was published in may 1998 by wiley in the u . s . in october of 1998 , dr . dembo was honored with ernst model review ; and price verification . * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * billy thornton director of quantitative research invesco capital management 1360 peachtree street atlanta , ga 30309 billy thornton is a partner at invesco and director in the quantitative research group . billy began his career in 1979 as a management consultant at andersen consulting , before joining bellsouth as a regulatory economic analyst in 1981 . billy next moved into academia as a finance professor teaching corporate finance for the undergraduate , graduate and executive programs at goizueta school of business , emory university . while a professor at emory , he spent a year as a visiting scholar at the federal reserve bank of atlanta researching special projects . continuing to teach corporate finance , billy joined clark atlanta university in 1995 . during this time , he also worked as a consultant with watson wyatt worldwide performing asset allocation consulting , and executive education and training . billy joined invesco in 1998 to head invesco ' s department of quantitative research . his team of analysts performs statistical modeling , researches investment strategies , and sets risk management controls . billy earned a b . s . in mathematics from clark atlanta university in 1977 and an m . s . in statistics from carnegie - mellon university in 1979 . he graduated from harvard university , earning a ph . d in financial economics in 1989 jointly from the harvard business school and harvard department of economics , and also receiving his m . s . in business economics in 1987 . billy was a member of both leadership atlanta , class of 1994 , and leadership georgia , class of 1996 . ",0 +"Subject: request submitted : access request for amitava . dhar @ enron . com you have received this email because the requester specified you as their manager . please click approval to review and act upon this request . request id : 000000000011185 request create date : 12 / 21 / 00 4 : 20 : 10 pm requested for : amitava . dhar @ enron . com resource name : unlisted application / software resource type : applications",0 +"Subject: hello dear vince , i just wanted to let you know that i ' m working here for the summer . i ' m with ctg ( commercial transactions ) in the industrial services group on the 30 th floor . i ' m excited to be back at enron and look forward to a great summer . i ' m also happy to know that it is working out with the new members who have joined research . i hope you had a very nice memorial day weekend and an even better birthday . happy ( belated ? ) birthday ! warmest regards , van",0 +"Subject: i wanted to give you some feedback . elena chilkina has gone way above the call of duty to help me on a very important research project . i am trying to conduct some research on the global fuels market for jeff shankman . when i mentioned this to elena , she was extraordinarily helpful in helping me compile some very useful information on very short notice . she was able to quickly define the scope of the project and gather some pertinent information . because this was not one of her regular assignments , she put in many extra hours to help us out on this project . i just wanted to let you know about a job well done . regards , craig",0 +"Subject: re : fw : stanford or - summer intern this guy has basic quant skills , etc . but at ebs we would need interns possible from mba schools , not phd . i think he is a summer intern fit for enron research and we can loop him into ebs research as we need help ( which is likely ) . ravi . vince j kaminski @ ect 02 / 29 / 00 08 : 23 am to : stinson gibner / hou / ect @ ect cc : ravi thuraisingham / enron communications @ enron communications , vince j kaminski / hou / ect @ ect subject : fw : stanford or - summer intern stinson , should we get him as well ? it seems he has the right skills . we might have maxed out on the number of summer interns through the a / a program . we would have to hire him directly . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 29 / 2000 08 : 20 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" shikhar ranjan "" on 02 / 28 / 2000 02 : 31 : 39 pm to : ravi _ thuraisingham @ enron . net cc : vince j kaminski / hou / ect @ ect subject : fw : stanford or - summer intern hi ravi : i had sent an email about a week back with my resume for the summer internship . i think the address i sent it to was not correct , so i am resending it . i will also tell the others in the group to send there resumes to you . thanks . regards , shikhar - - - - - - - - - - - - - - - - - - - - - - - - shikhar ranjan phd student management science & engineering stanford university ca ( 650 ) 497 5762 - - - - - original message - - - - - from : shikhar ranjan to : cc : sent : sunday , february 20 , 2000 5 : 24 pm subject : stanford or - summer interns > hi ravi : > > please find attached my resume for the summer internship program . i > apologize for the delay . we actually lost your contact info . please let me > know if you will need any additional information and / or a cover letter > besides the resume and i can send it right away . > > thanks > > regards , > shikhar > - - - - - - - - - - - - - - - - - - - - - - - - > shikhar ranjan > phd student > management science & engineering > stanford university ca > ( 650 ) 497 5762 > - resumeo 0 - ene . doc",0 +"Subject: auctions with an incumbent ' s right of first refusal shelley , my colleague , clayton vernon , who has a background in economics , wrote a short summary of arguments against the rofr . we are working on the second approach to the problem : we try to come up with a numerical estimate of the value of this option . the fact that an incumbent shipper has this option has distributional consequences : he has something of value he never paid for . having a numerical estimate of the value of this option could help to argue against it . the value of such an option is case specific ; so we shall rather produce a template you can use for valuation case by case . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 20 / 2000 08 : 34 am - - - - - - - - - - - - - - - - - - - - - - - - - - - clayton vernon @ enron 01 / 20 / 2000 08 : 29 am to : vince j kaminski / hou / ect @ ect cc : stinson gibner / hou / ect @ ect , zlu / hou / ect @ ect subject : auctions with an incumbent ' s right of first refusal vince - here is an essay on the issue you are discussing : the adverse economic impact of "" rights of first refusal "" an option to "" first refuse "" to match a competitor ' s offer is a restraint of free trade and an impediment to efficiency in the marketplace . this economic conclusion is unambiguous . if an "" incumbent "" has the right to match an offer made by a competitor , for an item or service of value , then few competitors will invest the time and expense necessary to prepare and submit offers , those offers will be lower than they would have been otherwise , and the contract will often be awarded to an inefficient incumbent instead of a more efficient challenger . in a traditional auction , where all bids are sealed and the item up for auction is awarded to the highest bidder , we can safely predict the item will be awarded to the bidder who values it the most , at a price reflecting the full value of the item up for auction . this is the efficient result in a market economy , because the financing of the high bid reflects resources freely allocated to the high bidder . if the auction has open bids , we can again safely predict the item to be awarded to the correct bidder , albeit at a slightly lower price to the donor of the item since the bidder with the highest valuation can simply increment by an infinitesimal amount the second - highest valuation . now , in a modified auction , where an incumbent bidder has the right to match the highest bid and retain the item for himself , each competing bidder must justify his own due diligence and bid preparation expenses against the following , and likely , scenario : the incumbent does not spend himself for due diligence , but instead uses these savings to help finance his matching the top bid from a competitor . simply put , the incumbent with a "" right of first refusal "" can be safely predicted to simply match their competitor ' s bid by "" rule of thumb . "" but the incumbent ' s valuation of the item up for auction can be less than the valuation of the competitor , by the amount of the due diligence and administrative expenses . and , the incumbent firm expropriates the expertise of his competitors , not only in their valuations themselves , a nontrivial financial exercise , but in any operational details required to be submitted along with the bid . furthermore , in an esoteric concept known as the "" winner ' s curse , "" a bidder realizes that if his bid actually prevails , if the incumbent fails to match it , he almost certainly overbid . given this , most competitors will not even bother to bid in an auction when an incumbent has the right of first refusal , and those that submit a bid do not rationally invest the time , expense and expertise necessary ; they may just "" fire off "" a "" low - ball "" bid . after all , in almost every conceivable "" state of the world "" arising from the auction the competitors expect to lose money . so , the incumbent almost always retains the contract at a below - market price , despite the incumbent not necessarily placing the highest value on the contract because the incumbent cannot put the contract to its most efficient use .",0 +"Subject: re : next step al , i have spoken with mark lay and he is interested . even if we cannot help you here in enron , he may be able to put you in touch with other cv groups in town . please , call him directly and give my name as a reference . ( 713 ) 853 - 7408 good luck . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 24 / 2001 02 : 20 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 01 / 24 / 2001 11 : 21 am to : al arfsten @ enron cc : subject : re : next step al , i have called mark lay and left a message on his voice mail . vince al arfsten on 01 / 24 / 2001 11 : 16 : 25 am to : vkamins @ enron . com cc : subject : next step vince : your suggestion to introduce the concept discussed with one of the lays is welcomed . i hope that this would mean that you would remain involved at some level . the design of the model and its potential economics could be key to how worthy the effort might be . enron could be an ideal environment from which to the concept enhancement through to commercialization could be successfully accomplished . please confidentially share matters as you think best and advise me of the interest generated . i am ready to meet there at your building or elsewhere that is appropriate . best regards , al arfsten 713 965 2158",0 +"Subject: re : london contact number hi anita , how are you ? i arrived yesterday late morning from the london gatwick airport . due to rush hour traffic , etc . it took a while to get into the city to the hotel . also , due to may day ( may lst ) protests / riots , etc . , the hotel management strongly recommended that we remain in the hotel . however , i am in the office today . i can be reached via email or via telephone at 44 ( 0 ) 207 783 5647 . take care , iris - - - - - original message - - - - - from : dupont , anita sent : tuesday , may 01 , 2001 5 : 23 pm to : mmumford @ enron . com cc : mack , iris ; crenshaw , shirley subject : i . m . mack 30 apr - 15 may * * plse review for accuracy * * agent ce / ce booking ref x 7 w 882 mack / iris eb 1972 enron corp importance : high see iris ' s itinerary below . i thought her initial plan was to land this morning and come in to enron house in early afternoon . see itinerary for phone number of hotel . let me know if i can help in any other way . thanks . anita service date from to depart arrive continental airlines 30 apr houston tx london gatwick 350 p 655 a co 34 j mon g . bush iah gatwick 01 may terminal dom terminal s dinner / snack non stop reservation confirmed 9 : 05 duration vegetarian meal , non - dairy confirmed aircraft : boeing 777 - 200 / 300 hotel 30 apr athenaeum hotel and apartments 11 may 116 piccadilly london england , wlv obj united kingdom telephone : 44 - ( 0 ) - 207 - 499 - 3464 fax : 44 - ( 0 ) - 207 - 493 - 1860 confirmation : claire 25 apr rate : rac gbp 270 . 00 per night guarantee given prereg actual arr lmay 655 am apartment to avoid billing cancel by 6 pm 24 hrs prior continental airlines 11 may london gatwick houston tx 1200 n 415 p co 5 j fri gatwick g . bush iah terminal s terminal dom lunch / snack non stop reservation confirmed 10 : 15 duration vegetarian meal , non - dairy confirmed aircraft : boeing 777 - 200 / 300",0 +"Subject: panel session at 2001 pes summer meeting vince and vasant , i was asked by one of my advisors to be on a panel for the summer power engineering society . i stated that i couldn ' t divulge any information on modeling efforts at enron but could give a general overview and cover my dissertation work . he stated that he understood and other companies had expressed similar concerns . i guess that i need your ok to attend this presentation and present . thanks , lance - - - - - - - - - - - - - - - - - - - - - - forwarded by lance cunningham / na / enron on 03 / 27 / 2001 10 : 24 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" martin l . baughman "" on 03 / 27 / 2001 08 : 59 : 35 am to : shams . siddiqi @ lcra . org , harry . singh @ neg . pge . com , lance . cunningham @ enron . com , rosenberg @ hotmail . com , "" camporeale , robert "" cc : baran @ eos . ncsu . edu , liu @ ee . washington . edu subject : panel session at 2001 pes summer meeting gentlemen : thank you for agreeing to participate on the panel . to comply with the quality control requirements of the society i must request from each of you the following : 1 . name , affiliation , and title of presentation as you want it listed in program . 2 . a 2 - 6 summary of the presentation . these summaries will appear in the proceedings . many speakers simply provide a few powerpoint slides that contain this information , or alternatively , a few paragraphs of text summarizing the points they intend to make in their presentations . please provide this information to me by april 2 . here is the status of the panel so far . title : power trading and asset management : tools of the trade requested day and time : wed july 18 morning session summary a number of sophisticated anlytical tools are used in support power trading and asset management activities . these include various time - series , stochastic , and physical models of quantities and prices , portfolio and risk analysis tools , and other risk management tools . in this panel , the analytical approaches are surveyed and discussed . panelists : lance cunningham / confirmed manager , research enron north america micahel rosenberg / confirmed txu shams siddiqi / confirmed lcra harry singh / confirmed director , market economics pg & e national energy group robert camporeale coned energy panel organizer and chair : martin l . baughman ece department the university of texas at austin remember , by april 2 . marty martin l . baughman ece dept . ens 348 the university of texas at austin austin , tx 78712 ph . ( 512 ) 471 - 5376 fax ( 512 ) 471 - 5532",0 +"Subject: houston trip vasant , so sorry for the name mix up . . . it is you , not "" vance "" , another guy on my pr team , who is to be included in this . . . so sorry . . i ' d just gotten off the phone with "" vance "" before i wrote this . i ' m writing this from "" vacation - day - at - my - house "" . . which i can tell , the "" vacation "" part , i should start taking literally ! happy holidays ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 12 / 18 / 2000 02 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - christie patrick 12 / 18 / 2000 02 : 45 pm to : fap @ enron , melinda mccarty / corp / enron @ enron , cindy derecskey / corp / enron @ enron , michael b rosen / hou / ect @ ect , jeffrey a shankman / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : clay degiacinto @ enron , deepa mallik @ enron , dennis feerick @ enron , edson otani @ enron , gustavo palazzi @ enron , "" heather n . thorne ( e - mail ) "" @ enron , jack rejtman @ enron , jaideep singh @ enron , jason cummins @ enron , joshua leventhal @ enron , kim whitsel @ enron , "" louis a thomas ( e - mail ) "" @ enron , murat camoglu @ enron , nick levitt @ enron , omar bassel @ enron , pat henahan @ enron , ram vittal @ enron , steve lessar @ enron , tulika bhalla @ enron , vincent chen @ enron , weigelt @ enron , fap @ enron , "" ' christie . patrick @ enron . com ' "" @ enron , "" ' vkamins @ enron . com ' "" @ enron , piazze @ wharton . upenn . edu subject : houston trip hello everyone ! regarding the tiger team research project houston trip , these are the rsvp ' s i ' ve received : jaideep singh dennis feerick kim whitsel "" and team 1 "" ram vittal heather thorne pat henahan vincent chen jack rejtman deepa mallik josh leventhal edson otani omar bassal stephen lessar clayton dediocinto . note : heather and jack have requested to stay in houston until sunday ( expenses other than air fare , beyonfd friday at enron will be individually borne ) . donna , would you please review this list , add the individual names of "" team # 1 ) , add any additional faculty , t . a . ' s etc , that will be attending , and returnm this list to me and my assistant , "" melinda mccarty "" who will begin the arrangements . also , if others would prefer sunday returns to phily , on the same terms offered heather and jack , please so indicate no later than tuesday , dec . 20 . please inform donna , who will then prepare and forward to me and my assistant melinda ( e - mail address above ) one complete , confirmed list of attendees . the plan will be to leave phily on thurs afternoon , arrive late aft thursday , dinner at churrasco ' s south america restaurant thursday evening with me , vince , vance , jeff shankman , and possibly a few others from enron . hotel thursday evening and ground transportation through return to airport will be arranged by enron . friday will be reserved for an enron tour , and individual meetings the teams would like to set up with members from variuous business units return will be scheduled for early fri evening , except for those electing to stay through sunday . again , except for return to airport and airfare , expenses beyond friday afternoon will be borne by each respective student ( though we encourage you to stay and look around this great city of houston ! ) . thanks donna , for your immediate assistance with this - - vinve , vance , jeff and i are excited about the trip ! ! regards ! - - christie .",0 +"Subject: re : research dept contact please contact stinson gibner ( vp ) , vince kaminski ( md of enron research ) or one their technical staff who did the model development : samer takriti or chonawee supatgiat . as i mentioned in our meeting , enron research is staffed with some of the best risk model developers and ebs has engaged them to develop optimization tools for trading and customer pricing activities . phil markwart has been our optical engineering expert who helped specify the requirements for the research group . ravi . p . s . for those who don ' t know dan , he is part of the team ( dan please correct me if i am wrong here ! ) that will be responsible for developing a trading system for bandwidth trading org . he has also began to look at the optimization needs of the system . dan cummings 07 / 10 / 00 09 : 33 am to : ravi thuraisingham / enron communications @ enron communications cc : subject : research dept contact ravi , who ' s working on the optimization engine you mentioned friday ? dan",0 +"Subject: got book and papers , thanks ! the fedex people dropped them off last week , and i ' m happily reading away . thanks ! keith baggerly",0 +"Subject: re : interviews marshall , sorry for a delay in responding to you . my hr people were asked to get in touch with you re the candidates . vince marshall brown on 03 / 27 / 2001 02 : 36 : 12 pm to : "" ' vince kaminski ' "" cc : subject : interviews vince , i had two candidates speak with zamin lu on 3 / 14 / 01 and 3 / 16 / 01 . ( renshi zhang and bill koures respectively ) . i know you were in london last week . if you could please give me some feedback ( either positive or negative ) as soon as possible , i would appreciate it . regards , marshall brown vice president robert walters associates phone : 212 - 704 - 0596 fax : 212 - 704 - 4312 marshall . brown @ robertwalters . com caution : electronic mail sent through the internet is not secure and could be intercepted by a third party . this email and any files transmitted with it are confidential and intended solely for the use of the individual or entity to whom they are addressed . if you have received this email in error please notify the system manager . this footnote also confirms that this email message has been swept by mimesweeper for the presence of computer viruses . ",0 +"Subject: authorization robert , please find below the authorization for the studay , as we had spoken about during our conference call earlier today . authorization i authorize henwood energy services , inc . , to provide for the hourly rates stated in the proposal dated 29 dec . 2000 , an analysis of the india electricity system and an evaluation of the dabhol plant despatch . the results of the study and information provided by enron shall be considered confidential and will be subject to a confidentiality agreement to be prepared by enron and submitted to henwood . sandeep kohli , vice president , enron .",0 +"Subject: summer opportunity vince : i did get your phone message about the summer , but i still haven ' t heard from enron about an offer for summer employment . i do have other offers with other energy companies that i must respond to this week . could you let me know as soon as possible if an offer will be made to me . sincerely , kimberly whitsel wharton mba candidate 2002",0 +"Subject: request submitted : access request for youyi . feng @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000025307 approver : stinson . gibner @ enron . com request create date : 3 / 23 / 01 9 : 23 : 49 am requested for : youyi . feng @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: re : enron cover letter & resume for dave gershenson vince , thanks for your very prompt email response . i passed your message along to dave . thanks also for a great dinner and day of meetings last week . i really enjoyed the chance to learn more about enron , and was very impressed with everyone i met . look forward to working with you these next few months ! ! cheers , vincent - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , january 17 , 2001 2 : 39 pm to : chenvinc @ wharton . upenn . edu cc : vince . j . kaminski @ enron . com subject : re : enron cover letter & resume for dave gershenson vincent , i have forwarded the resume to our analysts / associate pool with a recommendation to accept david as a summer intern . i expressed interest in taking him into my group . he may , of course , work for a different unit of enron . it ' s up to him and i shall not be offended if he would like to go into trading or deal origination . vince",0 +"Subject: re : summer internship vince , we have not started our spring hiring yet . however , we will review and let him know we have an interest and tell him when we will be interviewing on campus . thanks althea and shelly , please keep track of his resume so that he is considered for a summer position when we begin the spring recruiting . thanks vince j kaminski @ ect 11 / 15 / 2000 07 : 39 am to : charlene jackson / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : summer internship hello charlene , i am forwarding you a resume of a student from berkeley . we would like very much to have him as a summer intern with my group . please , let me know if your program can accommodate him . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 15 / 2000 07 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - ezequiel luis on 11 / 13 / 2000 04 : 23 : 23 pm to : vkamins @ enron . com cc : subject : summer internship dear mr . kaminski i am currently pursuing the m . s . in ieor at uc berkeley . i attended the speech you gave some weeks ago . i am interested in summer internship positions available in enron . you will find enclosed my resume . sincerely , ezequiel luis este mensaje fue enviado desde http : / / commcenter . infosel . com internet gratis http : / / www . terra . com . mx / terralibre - resume elm . doc",0 +"Subject: journal of applied corporate finance vince : i hope you received the winter issue of the jacf . your article was great . many of the issues and themes raised in that piece can be expanded upon . the same holds for the round table discussion which included gene humphrey . finally . i would love to get your assessment of the real option article i wrote with gordon sick . best regards , john l . mccormack svp , stern stewart & co . 212 - 261 - 0740 note : the information contained in this message may be privileged and confidential and protected from disclosure . if the reader of this message is not the intended recipient , or an employee or agent responsible for delivering this message to the intended recipient , you are hereby notified that any dissemination , distribution or copying of this communication is strictly prohibited . if you have received this communication in error , please notify us immediately by replying to the message and deleting it from your computer . thank you . stern stewart & co .",0 +"Subject: follow - up on captive generation vince / stinson , please find below two attachemnts . the excell spreadsheet shows some calculations on the savings from using dabhol power as against a diesel genset operating at a higher heat rate . there is also a differential in price of diesel , as against naphtha used by the plant . i have taken data from the septemeber bill of dpc . we do not want to give the actual numbers to the press , since they ar likely to have a field day with the 6 cent / kwh energy price of dabhol that is reflected there . the seond attachement ( word ) has the wordings that i think we can send in to the press . please review the calculations and the note , ad if you find this satisfactory , please forward to jeff / s . i am availabel on mobile if you have questions o clarifications . the number ( 610 mw ) for total captive generation in maharashtra ) is taken from mohan gurunath ' s presentation on this . regards , sandeep .",0 +"Subject: re : powerisk 2000 followup in re weatherdelta vince , i will contact them and set up a meeting . alex vince j kaminski @ ect 10 / 30 / 2000 10 : 21 am to : alex huang / corp / enron @ enron cc : joseph hrgovcic / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , vince j kaminski / hou / ect @ ect , lance cunningham / na / enron @ enron , sevil yaman / corp / enron @ enron , stinson gibner / hou / ect @ ect subject : powerisk 2000 followup in re weatherdelta alex , can you set up a meeting to review this product . they have an office in houston . please , invite people on the distribution list . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 30 / 2000 10 : 26 am - - - - - - - - - - - - - - - - - - - - - - - - - - - denton mike on 10 / 24 / 2000 10 : 14 : 04 am to : vkamins @ enron . com cc : subject : powerisk 2000 followup in re weatherdelta mr . kaminski , ? nick perry and i were recently discussing the conference in paris , and we gathered that you had some interest in exploring possible uses of our new weatherdelta tool - kit . ? it is the only application that we know of , that can ? model temperature , loads , and power prices in several locations simultaneously : thus allowing the user to measure the value an risk in a variety of financial instruments , physical obligations and assets . ? i have attached the product overview sheet , and would be happy to discuss its capabilities with you at your convenience . ? ? ? nick and i send our regards , ? vice president na strategic consulting caminus 747 third avenue , 18 th floor new york , new york 10017 ( 212 ) 515 - 3667 ? ? - weatherdelta . pdf",0 +"Subject: re : support for exotica steve , i have to draft an announcement and send it to john sheriff . i shall do it this weekend . vince steven leppard 10 / 13 / 2000 09 : 27 am to : vince j kaminski / hou / ect @ ect cc : subject : re : support for exotica hi vince good luck calling anjam . he never seems to answer his mobile when sharad calls him to track him down . furthermore he ' s off work until tuesday . i ' ve had tani ask me what ' s happened to the announcement about my new appointment . any progress there ? cheers , steve vince j kaminski 13 / 10 / 2000 14 : 44 to : steven leppard / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : support for exotica steve , i am calling anjam to give him a deadline regarding move to houston . if he decides to stay in houston , you should meet with him to convey the concerns regarding his performance . vince steven leppard 10 / 13 / 2000 03 : 50 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , dale surbey / lon / ect @ ect , tani nath / lon / ect @ ect cc : paulo issler / hou / ect @ ect , sharad agnihotri / lon / ect @ ect , zimin lu / hou / ect @ ect subject : support for exotica all sharad ' s investigations of exotica ' s status in london have turned up a very confused state of affairs . this isn ' t being helped by the fact that : 1 . anjam is rarely at his desk , and can ' t be found anywhere in the building . 2 . when he is around he isn ' t willing or able to provide all the information sharad might need to support exotica . this is worrying since much of our business depends on the validity of exotica ' s valuations . sharad will now request information from anjam via email to leave a trail , and i want to alert you to the fact that sharad will be cc ' ing you in on these emails . if things don ' t improve soon , i may need to request some assistance in extracting this information from anjam . many thanks , steve",0 +"Subject: re : a / a program question vince , thanks for the support . gwyn vince j kaminski @ ect 10 / 24 / 2000 04 : 38 pm to : gwyn koepke / na / enron @ enron cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : a / a program question gwyn , no problem . please , continue with your current tutor . vince gwyn koepke @ enron 10 / 23 / 2000 04 : 22 pm to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : re : a / a program question vince , the a / a program does not have a contract in place with melly language services . it appears that by the note below from my contact in the a / a - hr department , the reimbursement policy appears to be driven by department , not enron at large . as i mentioned earlier , if i continue with my current tutor , but outside of the melly language services , the cost to the department will decrease for me to take french classes . pls advise if research will be able to continue to fund my lessons . many thanks , gwyn koepke - - - - - - - - - - - - - - - - - - - - - - forwarded by gwyn koepke / na / enron on 10 / 23 / 2000 04 : 19 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : ivonne brown 10 / 23 / 2000 04 : 17 pm to : gwyn koepke / na / enron @ enron cc : subject : re : a / a program question gwyn , in the past the associate & analyst program use to pick - up the cost for the classes , but they stopped doing so effective 1 / 99 . ( although , some business units decided to continue paying for it - you may want to double check with your business unit to whether or not they have a contract . the a / a dept does not . ) please let me know if you have additional questions . thank you for your patience . sincerely , ivonne brown gwyn koepke 10 / 23 / 2000 01 : 15 pm to : ivonne brown / na / enron @ enron cc : subject : a / a program question ivonne , have you been able to find an answer to the attached ? thanks ! gwyn - - - - - - - - - - - - - - - - - - - - - - forwarded by gwyn koepke / na / enron on 10 / 23 / 2000 01 : 14 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - gwyn koepke 10 / 19 / 2000 08 : 25 pm to : ivonne brown / na / enron @ enron cc : subject : a / a program question ivonne , i am currently enrolled in a french language class thru enron and melly ' s language services , and my group is paying the cost directly . i am considering quitting the melly ' s language program in favor of an outside private tutor , for a number of reasons . it will be cheaper too . i would like to know : 1 . does enron have a contract in place with melly ' s language service , to be the exclusive provider of language services to enron ? 2 . will enron pay the costs of my language classes if they are held outside of the melly contract ( if any ) ? i just want to make sure that if i decide to "" drop out "" of the melly classes and sign up for other private tutoring courses , which will be less expensive than the melly svc , that enron will not have a problem picking up the tab . vince kaminski , the md , wants to know this , to ensure there is no legal restriction on who must provide these language services in order to secure enron reimbursement . thanks for your help . gwyn koepke",0 +"Subject: schedule for nick as far as i know , the schedule for nick bambos is : 9 - 10 ebl 9 c 2 meet with paul racicot and ebs research members 11 : 00 leave for lunch at vincent ' s 12 : 30 return to enron 1 - 2 eb 46 c 2 giuseppe p . talk on ip pricing . 2 - 4 eb 43 c 2 open forum discussions with ebs traders 4 : 14 nick departs for hobby",0 +"Subject: site license for power world gentleman , kevin presto concurred on the purchase of a site license as recommended by vince . what are the thoughts of others ? i am available to demo the package if others would like to see it . thanks , lance - - - - - - - - - - - - - - - - - - - - - - forwarded by lance cunningham / na / enron on 11 / 20 / 2000 01 : 51 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 11 / 10 / 2000 09 : 16 am to : vince j kaminski / hou / ect @ ect , richard lewis / lon / ect @ ect , tim belden / hou / ect @ ect , tim . heizenrader @ enron . com , kevin m presto / hou / ect @ ect , george hopley / hou / ect @ ect cc : lance cunningham / na / enron @ enron subject : site license for power world gentlemen , i recommend that we purchase this package and split the cost 3 ways between 3 power trading desks . i think that we should go for option 3 ( ~ $ 15 , 000 ) . lance cunningham in my group looked at this software package and found it very useful for modeling transmission problems . please , feel free to ask him for technical details in support of this recommendation . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 10 / 2000 09 : 17 am - - - - - - - - - - - - - - - - - - - - - - - - - - - lance cunningham @ enron on 11 / 09 / 2000 06 : 15 : 14 pm to : vince j kaminski / hou / ect @ ect cc : vasant shanbhogue / hou / ect @ ect subject : site license for power world vince , we have three options to increase our availability across enron for the power world load flow software . option 1 , upgrade to a site license for the load flow software only . price $ 9 , 990 . 00 this would give all of enron the ability to perform load flows , but not determine marginal cost or available transfer capacity ( atc ) because only the optimal power flow ( opf ) version can perform that task . option 2 , site license for the load flow and purchase 1 opf package for walter coffer ' s group . price $ 11 , 240 . this would give all of enron the ability to perform load flows and one other group the ability to determine marginal cost and atc . option 3 , site license for load flows , opf and atc . price $ 14 , 990 . 00 this would give all of enron the ability to perform load flows , marginal cost , and atc . regards , lance",0 +"Subject: inquery re : aluminium companies vince , margaret mentioned to me that you might be able to help me with the followings : we ( central european origination , london office ) might start talking to two aluminium companies in central europe . before we were to meet them , it would be rather useful ( i suppose ) to find out what aluminium deals ( if any ) you closed in the states . the most important issue would be whether you managed to index the price of power to the price of aluminium ; if yes , how . your help would be much appreacited . many thanks , jozsef",0 +"Subject: re : job posting hi vince , this posting is for my group . thanks for the referral . - - - - - original message - - - - - from : kaminski , vince sent : tuesday , april 24 , 2001 5 : 31 pm to : goodpasture , john ; watson , kimberly ; ferrell , lee ; kaminski , vince cc : krishnarao , pinnamaneni subject : job posting i am teaching a class at rice and one of my very bright students sent her resume in response to this posting . do you know who posted this job ? vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 24 / 2001 05 : 27 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" helen demianenko "" on 04 / 24 / 2001 02 : 11 : 05 pm please respond to to : cc : subject : job posting dear vince , thanks for talking to me this morning about the sr . risk analyst position . here is where you can find the job description for that position : also , i have cut and pasted it down below , just in case . i appreciate your assistance in this matter and will start working on my cover letter right away . i would also like to talk to somebody to get a better feel for the position ( is this really an mba level position and how much of the in - depth learning opportunities for the derivatives market does it entail ? ) sincerely , helen demianenko p . s . i have attached my resume ( one more time ) . sr risk analyst essential functions : primary accountability for managing the ets risk book structure and processes from a pipeline ( front office ) perspective . work within current nng and tw marketing organizations to effectively integrate risk books into daily marketing and structured product activities . provide feedback to management regarding overall and specific risk positions . provide support for consistent and accurate deals entry / reporting for stand alone risk management system . create ad - hoc reports to assist management in risk analysis . responsible for managing and providing enhancements to the capacity books : ? maintain functionality and provide leadership for new functionality from a users perspective . provide support and direction for integration of capacity books and revenue management project . support revenue management team essential requirements : ba / bs in finance or accounting ( mba preferred ) . minimum of two years financial instruments experience . excellent quantitative / analytic and systems skills . knowledge of commodity risk book concepts . understanding of physical natural gas market , interstate transportation and financial derivatives . ability to interface with structuring / marketing groups in order to define business requirements . ability to provide leadership for business and system processes . excellent communication skills with an ability to communicate across organization with varied skill sets and ideas . must be self - motivated with a high level of energy preferred skills : na . special characteristics : this job functions in a team - oriented , fast - paced environment with multiple concurrent assignments and constantly changing priorities . contact : responses will be accepted through may 3 , 2001 . respond to enron corp . , human resources 235 , p o box 3330 , omaha , ne 68103 - 0330 or e - mail : dea . crum @ enron . com as a . doc or . txt attachment . please include this requisition number . job id 0000108729 department risk management & reporti company enron transportation services enron transportation services location houston , tx type posting date 19 - apr - 01 - helen _ d _ resume . doc >",0 +"Subject: important united way reminder reminder ! the united way executive breakfasts are one week away . please rsvp if you have not already done so . date : thursday , august 3 , 2000 ( hosted by joe sutton ) or friday , august 4 , 2000 ( hosted by jeff skilling ) time : 7 : 45 - 9 : 00 a . m . location : depelchin children  , s center 100 sandman ( near memorial and shepherd intersection ) rsvp : reply directly to this email or call jessica nunez , 853 - 1918 by monday , july 31 transportation : bus will depart from the enron building ( andrews street side ) promptly at 7 : 30 a . m . bus transportation is encouraged , due to limited onsite parking . however , if you should need to drive , directions to depelchin are below . executive solicitation executive solicitation kicked - off on july 24 and is well underway . as you know , participation by enron  , s executive team is vital to the success of the campaign . to make your contribution , please click on the following united way link , http : / / unitedway . enron . com or go directly to internet explorer or netscape and type in http : / / unitedway . enron . com in the address field . either option should take you to enron  , s united way 2000 campaign site where you should be able to make your pledge within minutes . please call kathy mayfield , enron  , s campaign coordinator at 713 / 853 - 3264 if you have any difficulties at all accessing the site . we look forward to seeing you next week ! directions to depelchin children  , s center  ) 100 sandman ( 713 - 861 - 8136 ) from downtown houston ? take prairie ( which turns into memorial ) or allen parkway west to shepherd . ? turn right on shepherd . ? turn left on feagan ( which is the first light after memorial . ) ? turn left on sandman and drive down a couple of blocks . from the galleria area ? take 610 north to the woodway / memorial exit . exit and turn right on woodway . ? woodway will turn into memorial and stay on memorial until you see the shepherd exit . ? exit shepherd and turn left on shepherd . ? turn left on feagan ( which is the first light after memorial . ) ? turn left on sandman and drive down a couple of blocks . from north of downtown ? take 45 or 59 south to i - 10 . go west on i - 10 . ? take the shepherd / durham exit and go through the shepherd intersection to durham . go left under the freeway on durham . ? turn right on feagan ( which will be a light . ) ? turn left on sandman and drive down a couple of blocks .",0 +"Subject: li sun i ' ve asked vince to get involved with you about getting li into vince ' s group . this issue needs to be resolved by week ' s end - - we look like we don ' t have our act together , and that bothers me . especially since we are about to make a significant monetary investment at wharton , and we could have a new wharton recruit disgruntled . vince , can you set up a meeting with you , me and mark palmer to follow up with our meeting with skilling ? thanks very much . . . jeff",0 +"Subject: holiday invitation please click on the attached link to launch your holiday party invitation . http : / / invitation . enron . com please direct any questions to dorie hitchcock via email .",0 +"Subject: control and echelon very interesting websites . thanks for keeping me updated ! - scott - - - - - - - - - - - - - - - - - - - - - - forwarded by scott tholan / corp / enron on 06 / 29 / 2000 05 : 38 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 06 / 29 / 2000 10 : 37 am to : scott tholan / corp / enron @ enron cc : subject : control fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 29 / 2000 10 : 41 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vkaminski @ aol . com on 06 / 28 / 2000 11 : 11 : 37 pm to : vkamins @ enron . com cc : subject : control sto a : political control technologies - summary of interim study",0 +"Subject: seminar mugs vince : can your secretary forward to debra thomas the enron logo in a word document that debra can use in a design for the rice / enron finance seminar series mugs ? hope your summer is going well . thank you again for your kind assistance . bbo",0 +"Subject: re : economic espionage act presentation - august 15 th scott , i shall attend . vince enron north america corp . from : scott tholan 08 / 01 / 2000 04 : 49 pm sent by : sharon purswell to : john j lavorato / corp / enron @ enron , jeffrey a shankman / hou / ect @ ect , vince j kaminski / hou / ect @ ect , greg whalley / hou / ect @ ect , steven j kean / hou / ees @ ees , jim fallon / enron communications @ enron communications , russell woody / enron communications @ enron communications , john brindle , david oxley / hou / ect @ ect cc : alan aronowitz / hou / ect @ ect , mark e haedicke / hou / ect @ ect subject : economic espionage act presentation - august 15 th you are cordially invited to attend a presentation entitled : "" acquiring information : trade secrets and the economic espionage act ( eea ) "" . daniel waltz , of the law firm patton boggs llp , is a leading expert on the eea and will deliver what promises to be an interesting and informative segment . congress passed the eea in 1996 , and it will increasingly shape how corporate america collects , uses , and protects valued information . in addition to explaining some of the intricacies of the eea , dan waltz will include "" hypothetical "" corporate case studies ( some actually torn from the headlines ) to illustrate his points . this event is sponsored by ena ' s competitive analysis and business controls ( cabc ) group and is supported by ena legal . this event kicks - off cabc ' s competitive intelligence standards program , which seeks to raise awareness of issues relevant both to enron ' s practitioners and senior consumers of competitive intelligence . this particular speaking engagement is designed to raise awareness of the eea ' s legal guidelines , as well as to stimulate thought both on the collection opportunities against our competitors as well as how we might better protect enron ' s own proprietary information . i believe the topic of the eea is especially relevant , given that we find ourselves amidst the big bang of this new information age . all cabc staff is being asked to attend this presentation , and we are inviting a small number of other enron employees who are engaged in aspects of serious competitive intelligence . select executives like yourselves are being invited to attend , and i would welcome any suggestions of others that you think might benefit from attending this event . the eea presentation is set for august 15 , 1 : 30 - 3 : 00 pm , in the 50 th floor conference room . please rsvp to either myself or sharon purswell . hope to see you there . p . s . by the way , our next speaker segment in the ci standards program will concentrate on the guidelines and implications of the "" foreign corrupt practices act ( fcpa ) , "" and will likely be scheduled for the fall .",0 +"Subject: re : recruiting at carnegie - mellon i am so sorry that we keep missing one another . are you available at any time tomorrow so i can come visit to talk about carnegie mellon recruiting this fall ? kristin vince j kaminski @ ect 08 / 23 / 2000 05 : 33 pm to : john b gordon / na / enron @ enron cc : vince j kaminski / hou / ect @ ect , kristin gandy / na / enron @ enron subject : re : recruiting at carnegie - mellon john , i haven ' t received the invitation yet to the sep 13 th meeting . i shall contact you thursday regarding the cmu presentation . vince john b gordon @ enron 08 / 23 / 2000 05 : 01 pm to : vince j kaminski / hou / ect @ ect cc : subject : recruiting at carnegie - mellon vince : i understand that you are the lead recruiter for cmu . as you know , i am the only alum from that school in enron ' s associate program . i assume i will be joining you for our corporate presentation on 9 / 13 at 7 : 30 am . please let me know what i can do to help prepare for this event . enron and gsia are a great fit , so i want this recruiting effort to go well . are you also giving a talk / lecture to the computational finance students ? if so , what time ? maybe we can schedule a lunch with duane seppi . i look forward to hearing from you . john gordon",0 +"Subject: re : meeting on feb 8 , 2001 david thanks . i shall get in touch with you a few days before to coordinate the details . vince from : david port @ enron 01 / 09 / 2001 07 : 47 am to : vince j kaminski / hou / ect @ ect cc : rick buy / hou / ect @ ect , john l nowlan / hou / ect @ ect , jeffrey a shankman / hou / ect @ ect , vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : meeting on feb 8 , 2001 vince i will be available . dp vince j kaminski @ ect 01 / 08 / 2001 12 : 06 pm to : rick buy / hou / ect @ ect , david port / market risk / corp / enron @ enron , john l nowlan / hou / ect @ ect , jeffrey a shankman / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : meeting on feb 8 , 2001 fyi . this is the list of the petronas executives visiting enron on feb 8 . i have invited them to lunch . would you like to join me for lunch . i would like to propose a short courtesy meeting at 10 with jeff / john ( 5 - 10 minutes ) , followed by rac / research presentation till 11 : 30 . vince p . s . i shall reserve a conference room for this meeting - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 08 / 2001 10 : 02 am - - - - - - - - - - - - - - - - - - - - - - - - - - - azminab @ petronas . com . my on 01 / 07 / 2001 06 : 37 : 33 pm to : vince . j . kaminski @ enron . com , shirley . crenshaw @ enron . com , khairuddinbmjaafar @ petronas . com . my cc : subject : re : meeting on feb 8 , 2001 dear kaminski 4 members from corporate risk management unit 1 . iqbal abdullah - general manager 2 . nur azmin abu bakar - head , risk assessment & controls 3 . zulkifli a rahim - head , risk measurement & systems 4 . adnan adams - head , special projects regards vince . j . kaminski @ enron . com on 03 / 01 / 2001 09 : 45 : 02 pm to : azminab @ petronas . com . my cc : vince . j . kaminski @ enron . com , shirley . crenshaw @ enron . com subject : re : meeting on feb 8 , 2001 dear mr . nur azmin abu bakar , thanks for your prompt reply . please , let us know how many members of your team will visit enron . i look forward to our meeting on february 8 . vince kaminski azminab @ petronas . com . my on 01 / 02 / 2001 06 : 38 : 33 pm to : vince . j . kaminski @ enron . com , khairuddinbmjaafar @ petronas . com . my , shirley . crenshaw @ enron . com cc : subject : re : meeting on feb 8 , 2001 dear kaminski , happy new year and thank you for the reply . we are honored to have lunch with you and your team however we have another appointment at 2 . 30 p . m . regards vince . j . kaminski @ enron . com on 03 / 01 / 2001 07 : 38 : 19 am to : azminab @ petronas . com . my cc : vince . j . kaminski @ enron . com , shirley . crenshaw @ enron . com subject : meeting on feb 8 , 2001 dear sir , i would like to apologize for the delay in responding to your fax . i was on vacation for the last few days . i shall be honored to meet your delegation on thursday , february 8 at 10 : 00 a . m . please , let me know if you will be free for lunch after the meeting . vince kaminski",0 +"Subject: completion of lng model review jeff , fyi . we completed the review of the lng model . the copy of the review is available if you want to take a look at it . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 17 / 2000 04 : 26 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - bob lee @ enron 10 / 16 / 2000 01 : 53 pm to : vince j kaminski / hou / ect @ ect cc : zimin lu / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : completion of lng model review the review of eric groves ' lng model spreadsheet has been completed . no independent model was available for use in the comparison ; however , the model appears complete and accurate in representating all important cost and revenue elements . if this financial model is coupled with a optimization model for planning ship usage in the future , additional variables may be needed to represent the variability of trip times , weather factors , etc . a reference describing these possible additions was provided . bob lee",0 +"Subject: meeting requested hi mr . kaminski , please send me your assistants name and number so i can schedule a time for you and kevin to go to lunch next week . thanks ! rebekah rushing ( rebekah _ rushing @ enron . net ) enron broadband services broadband ventures group 713 - 853 - 3273 - phone 713 - 646 - 8010 - fax - - - - - forwarded by rebekah rushing / enron communications on 01 / 05 / 01 02 : 00 pm - - - - - kevin garland 01 / 05 / 01 12 : 04 pm to : vince j kaminski / hou / ect @ ect cc : rebekah rushing / enron communications @ enron communications subject : meeting requested vince , i would like to meet with you or someone in your group to discuss some of the investment ideas and structures we are exploring . how is your group structured these days ? who would be best for me to meet ? might you be available for lunch next week ? i will have my assistant contact you . thank , kevin garland",0 +"Subject: alliance info alert - ferc reporting attached is a summary of recent ferc activities ( pdf file ) and the weekly alliance express . the following is a summary of the most recent ferc meeting , followed by a listing of the most recent ferc filings . in a brief meeting yesterday , ferc approved a final rule adopting section 203 merger filing requirements , generally as proposed , and extended the existing nyiso bid cap in its non - spinning reserves market and the related mandatory bidding requirement until such time that the new york market can be determined to be "" workably competitive . "" at the same time , ferc ordered a technical conference to explore changes to the nyiso reserves market , and urged market participants to reach a consensus on a preferred solution , next steps , and deadlines for resolution / implementation . additional details are provided below . ferc updates , streamlines merger filing process ferc unanimously approved its proposed order revising the reporting requirements for mergers . however , comm . hebert did so with reservations , as discussed below . commission staff stated that the order closely follows the notice of proposed rulemaking previously issued , but adds more detail and more certainty to the industry . staff stated that the order is improved over the proposed rule because it includes exemptions from reporting for certain entities and it more precisely defines geographical areas and products . according to ferc , the draft order : - revises the commission ' s filing requirements to reflect existing merger policy based on ferc ' s 1996 merger policy guidelines ; - provides more detail for the industry in developing competitive market analyses . the rule continues the existing screening process for mergers with potential horizontal competitive concerns . in addition , the rule establishes informational requirements for vertical competitive analyses . - streamlines filing requirements for transactions that do not raise competitive concerns ; and - reduces the industry ' s regulatory burden by eliminating outdated filing requirements . the rule will take effect 60 days after its publication in the federal register . commissioner reaction : comm . hebert expressed reservations that , although he was voting for the rule , ferc should not be duplicating the department of justice ( doj ) and the federal trade commission ( ftc ) market concentration analyses and that ferc should follow the lead of anti - trust enforcement officials , who could also analyze mergers faster and more confidentially . he also stated that ferc should review the filings after the doj or the ftc review them , not before , and that there should be a definite time frame for review . hebert did mention that he was pleased that rtos and the disposition of transmission assets would be exempt , that ancillary services would be considered as a separate product and that the final rule opens the door for alternative market analysis . comm . breathitt supported the final rule , stating that it should expedite the approval process and that the regulatory burden should be eased due to the fact that older , irrelevant requirements have been dropped . she indicated that the final rule balanced the need for speedy decisions while protecting the public interest by stating that the process will be "" efficient yet sufficient "" . the commissioner said that she was pleased the final rule addressed technical issues such as computer modeling as well as retail competition and one of her main concerns , confidentiality . comm . massey fully supported the final rule , emphasizing that it would improve response time , lessen the need to ask for more data and allow the industry to better predict commission actions . like commissioner breathitt , massey was pleased that the order will allow market modeling analysis that will better enable ferc to evaluate market concentration and allow applicants to point to other factors when concentration appears too high . massey also stated that the new rule includes the ability to address many of ferc ' s concerns , such as future mergers when they occur in succession , retail competition , mitigation by the enlargement of markets through rtos and analysis of ancillary services . in sum , he averred that the order will provide ferc with the tools it needs for accurate analysis , while taking into consideration the rapid changes in the industry . chairman hoecker also voiced his support and noted that he felt that this was a very important rule . in response to comm . hebert , chairman hoecker said that the doj and ftc actually wait for ferc ' s report before issuing their own , that the anti - trust enforcement agencies rely on ferc ' s expertise when reviewing mergers in the electric and gas industries . there is a major positive connection between industry consolidation and rtos and that both are reconfiguring the markets and effect how they work , he noted . because the rtos enlarge the size of the subject market , he indicated , rtos will help to preserve competition . therefore , more and larger rtos should allow for more mergers , he said . the chairman cautioned that this is not to imply that joining an rto is a requirement for a merger , but that it would certainly be viewed favorably . nyiso bid caps extended until ancillary service market shown to be workably competitive in a 3 - 1 decision , with comm . hebert dissenting , ferc extended the existing nyiso bid cap in its non - spinning reserves market and the related mandatory bidding requirement until such time as that market can be determined to be "" workably competitive . "" at the same time , ferc ordered a technical conference to explore changes to the nyiso reserves market , and urged market participants to reach a consensus on a preferred solution , next steps , and deadlines for resolution / implementation . in so doing , ferc rejected certain aspects of nyiso ' s september 1 and 8 , 2000 compliance filing , submitted pursuant to its may 31 , 2000 order imposing a temporary bid cap through october 31 . the iso ' s efforts to correct market flaws identified in the order and further strengthen market performance had not yet satisfied the commission ' s directives , ferc concluded . ferc found that while nyiso has achieved solid progress in certain areas , overall the iso has not shown sufficient improvement to warrant raising and then gradually lifting the temporary bid cap in the iso ' s non - spinning reserve market by april 2001 , as the iso requested . commissioner reaction : comms . hoecker , massey and breathitt all endorsed the order as an "" imperfect solution , "" yet a pragmatic approach toward resolving the flaws plaguing the iso ' s market . comm . hebert faulted the commission for squandering an opportunity to incentivize additional supply by lifting the price controls . hoecker and breathitt joined hebert in expressing disappointment in the lack of the iso ' s progress , but contended that significant outstanding issues must be resolved before the bid cap can be lifted . in other action , ferc accepted nyiso ' s and nepool ' s proposed emergency energy transaction agreement , allowing nyiso and iso - ne to provide emergency service to each other ( ero 0 - 3638 - 000 ) ; stricken items included cae - 16 ( nepool ' s 64 th agreement amendment proposing the elimination of in service and instituting new rules governing certain import transactions ( ero 0 - 3577 - 000 ) ) . = = recent ferc filings = = ( 1 ) rto developments * iso ne submitted its changes to market rule 17 , market monitoring , reporting and market power mitigation , in compliance with the commission ' s july 26 , 2000 order . erol - 368 - 000 . filed november 1 , 2000 . * iso ne submitted its special interim market rule in compliance with the commission ' s july 26 , 2000 order . ero 0 - 369 - 000 . filed november 1 , 2000 . * illinois industrial energy consumers filed to intervene regarding dynegy ' s filing to request approval for the withdrawal of the illinois power co . from the miso . erol - 123 - 000 . filed november 6 , 2000 . * el segundo power filed a motion "" requesting order on request for rehearing by date certain "" in complaint that challenges the ca iso ' s ability to set the rates for the energy that it can compel generators to produce for reliability under its standard form contract . ero 0 - 1830 - 001 . filed november 3 , 2000 . * ca iso filed an unbundled grid management charge in order to recover its administrative and operating costs . erol - 313 - 000 . comments due by november 22 , 2000 . * nepool submitted supplemental information related to its filing of the sixty - fourth agreement amending the nepool agreement , which proposed the elimination of in service . ero 0 - 3577 - 000 . comments due by november 14 , 2000 . ( 2 ) oatt / transmission * duke energy filed an amendment to its catawba interconnection agreement with north carolina electric membership coop . erol - 282 - 000 . comments due by november 21 , 2000 . * duke energy filed an amendment to its catawba interconnection agreement with the saluda river electric coop . erol - 281 - 000 . comments due by november 21 , 2000 . * duke energy filed an amendment to its catawba interconnection agreement with north carolina municipal power agency no . 1 . erol - 280 - 000 . comments due by november 21 , 2000 . * alliant energy , on behalf of ies utilities , interstate power and wisconsin power and light , filed new rates under its oatt to reflect the transfer of certain transmission facilities to american transmission co . erol - 312 - 000 . comments due by november 22 , 2000 . * wolverine power supply coop . filed to change its rate schedule ferc no . 4 , wholesale service to member distribution coops , to make the debt restructuring charge applicable to all energy delivered to its member coops , to add standby service rates and to remove references to entities that no longer exist . erol - 285 - 000 . comments due by november 21 , 2000 . * wolverine power supply coop . filed an amendment to its oatt to accommodate michigan retail choice and to add delivery scheduling and balancing service as a new service for generators interconnected to its transmission system . erol - 286 - 000 . comments due by november 21 , 2000 . * potomac electric power filed a revised attachment h - 9 to the pjm oatt reducing the other supporting facilities charge for lower voltage deliveries in the pepco zone of pjm to southern maryland electric coop . erol - 336 - 000 . comments due by november 22 , 2000 . * wolf hills energy filed a motion to intervene out of time to support the interconnection and operation agreement between itself and american electric power service corp . and to deny the protest of tva . ero 0 - 3688 - 000 . filed november 6 , 2000 . ( 3 ) complaints * aep and southwest power pool each filed an answer to enron ' s motion for summary disposition regarding enron ' s complaint , in response to aep ' s updated market analysis , that aep service corp . administered the aep oasis and tariff in a manner favoring aep ' s merchant function . er 96 - 2495 - 015 , et . al . filed november 6 , 2000 . * potomac electric power ( pepco ) and the southern parties filed a motion to answer the protest of southern maryland electric coop and panda - brandywine regarding pepco ' s divestiture of generation assets pursuant to restructuring initiatives in maryland and the district of columbia . eco 0 - 141 - 000 and ero 0 - 3727 - 000 . filed november 6 , 2000 . * dunkirk power , huntley power and oswego power filed a motion to answer protests filed by numerous entities regarding ferc ' s jurisdiction over station power . elo 0 - 113 - 000 . filed november 6 , 2000 . * allegheny energy supply and ppl montour filed an answer to protests regarding their purchase of certain jurisdictional facilities . ero 0 - 3727 - 000 and eco 0 - 141 - 000 . filed november 6 , 2000 . ( 4 ) mergers / corporate restructuring ( 5 ) miscellaneous = = other news = = * s & p revises miso outlook to negative - allianceexpressl 10700 . doc - ffl 10300 . pdf",0 +"Subject: restricted stock deferral opportunity - reminder this message is to remind you of your opportunity to defer restricted stock that may be released to you during 2001 into the enron corp . 1994 deferral plan ( or the enron expat . services , inc . deferral plan for expatriates ) . information concerning this opportunity was delivered to you earlier this week . if you want to participate in this program , please complete an election form at your earliest convenience . forms should be returned to my attention ( ebl 614 or via facsimile 713 - 646 - 4858 ) . i will be away from the office next week ; please do not hesitate to call renee ratcliff ( 713 - 345 - 7960 ) or mary mckendree ( 713 - 345 - 8085 ) with any questions . thank you ! kim bolton executive compensation 713 - 853 - 7084",0 +"Subject: fw : fw : question about ernie vince , i left you a voice message that explains a little about the history of this inquiry ( you may want to refer to that first ) . please let me know what you know about this and your opinion . thank you , anthony * 36304 - - - - - original message - - - - - from : presas , gracie sent : monday , march 05 , 2001 5 : 38 pm to : sexton , anthony subject : re : fw : question about ernie anthony , please contact vince kaminsky at ext . 3 - 3848 . i think his group has this type of training set up . ask him is you can be added to their classes . let me know if this works for you . gracie from : anthony sexton / enron @ enronxgate on 03 / 05 / 2001 01 : 31 pm to : gracie s presas / hou / ect @ ect cc : subject : fw : question about ernie hi , gracie . i ' m just following up on my inquiry from last week . have you begun any discussions on statistics classes ? anthony - - - - - original message - - - - - from : sexton , anthony sent : thursday , march 01 , 2001 8 : 28 am to : presas , gracie subject : question about ernie gracie , does enron have any statistics classes ? ones more focused on basic statistics and the lingo ( ex : alpha , beta , delta - gamma , type i & ii error , distributions , kurtosis , etc . ) than the var class ? i have not seen any in the class schedule . in working with traders and studying risk mangement concepts , even our "" experts "" that know almost everything about marketing and modeling risk management products do not seem to have an adequate understanding of basic statistics ! ! ! this lack of knowledge basically makes my job as a fundamentals analyst ( researching the underlying commodity markets for the purpose of maximizing egm / ea / eim profits ) very inefficient . if they already do not exist , i recommend that ernie institute two types of statistics classes ( which mirror the existing finance class selection ) . "" introduction to statistics "" ( perhaps a database approach - including application to excel ? ) and "" applied statistics "" ( which would be a more advanced approach that specifies how enron uses - or should use - statistics in risk management marketing ) . please let me know what you think . cordially , anthony sexton * 36304",0 +"Subject: re : conversation w / andersen vince : forwarding this to you as an fyi - do you suppose you should sit in since you ' ve already met victor ? just a thought . . . regards , amy - - - - - - - - - - - - - - - - - - - - - - forwarded by amy oberg / hou / ees on 08 / 09 / 2000 10 : 31 am - - - - - - - - - - - - - - - - - - - - - - - - - - - richard causey @ enron 08 / 09 / 2000 10 : 30 am to : amy oberg / hou / ees @ ees cc : subject : re : conversation w / andersen i am in the process of setting up a conference call with my contact here as well as victor burke . prelimainary indications are they have not finalized their objectives yet but i will discuss that further with them . i would still strongly suggest rescheduling until everyone can attend and we can fully discuss our involvement . to : richard causey / corp / enron @ enron cc : subject : conversation w / andersen rick : quick follow up - any response yet from your contacts at andersen ? we are holding off cancelling the thurs meeting w / hope they will get back to you by eob wednesday . pls let me know what the status is . thanks and regards , amy oberg richard causey @ enron 08 / 07 / 2000 09 : 07 am to : amy oberg / hou / ees @ ees cc : subject : re : mit / aa new value research lab i have discussed with aa and they are following up . if i am the agenda , i would cancel the meeting and when i hear from aa , i will e mail everyone . i would suggest we not hold a meeting until kean , buy , koenig and i can all come so that we can truly move forward ( or decide not to ) . let me know what you decide . thanks . rick to : richard causey / corp / enron @ enron cc : subject : mit / aa new value research lab rick : just wanted to highlight that you are the agenda for this meeting ( see initial notice , agenda ) . let me know if there ' s anything i can do for you . amy - - - - - - - - - - - - - - - - - - - - - - forwarded by amy oberg / hou / ees on 08 / 07 / 2000 08 : 19 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron energy services from : carol moffett 08 / 03 / 2000 04 : 21 pm phone no : 713 - 853 - 6658 phone 888 - 782 - 3518 pager eb 613 b to : richard causey / corp / enron @ enron , marie hejka / corp / enron @ enron , steven j kean / hou / ees @ ees , amy oberg / hou / ees @ ees , mark palmer / corp / enron @ enron , mark ruane / hou / ect @ ect , vince j kaminski / hou / ect @ ect , rick buy / hou / ect @ ect , mark koenig / corp / enron @ enron cc : sharron westbrook / corp / enron @ enron , christie connell / corp / enron @ enron , maureen mcvicker / hou / ees @ ees , laura gutierrez / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , karen k heathman / hou / ect @ ect , joannie williamson / corp / enron @ enron subject : meeting confirmed : mit / aa new value research lab this will confirm the meeting requested below . please note , all invitees are not available , but the confirmed meeting time is the best time for most of the invitees . date : thursday - august 10 time : 11 : 00 a to noon place : conference room 4741 confirmed attendees : rick causey marie hejka steve kean amy oberg mark palmer mark ruane thanks for your help , everyone . - - - - - - - - - - - - - - - - - - - - - - forwarded by carol moffett / hou / ees on 08 / 03 / 2000 04 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron energy services from : carol moffett 08 / 02 / 2000 03 : 44 pm phone no : 713 - 853 - 6658 phone 888 - 782 - 3518 pager eb 613 b to : ginger dernehl / hou / ees @ ees , shirley crenshaw / hou / ect @ ect , karen k heathman / hou / ect @ ect , sharron westbrook / corp / enron @ enron , laura gutierrez / hou / ect @ ect , laura valencia / corp / enron @ enron , patty pennington / enron communications @ enron communications cc : steven j kean / hou / ees @ ees , vince j kaminski / hou / ect @ ect , rick buy / hou / ect @ ect , richard causey / corp / enron @ enron , mark ruane / hou / ect @ ect , mark koenig / corp / enron @ enron , mark palmer / corp / enron @ enron , amy oberg / hou / ees @ ees , marie hejka / corp / enron @ enron subject : meeting request : mit / aa new value research lab good afternoon . i am assisting amy oberg with setting up a meeting among the individuals listed below . would you be so kind as to review their calendars and let me know if they are available during any of the suggested meeting times . meeting topic : mit / aa new value research lab meeting purpose : follow up to discussion from 8 / 1 / 00 ; rick causey to brief group on conversations w / aa regarding "" where they intend to go with this effort "" . attendees : steve kean vince kaminski rick buy rick causey mark ruane mark koenig mark palmer amy oberg marie hejka suggested meeting dates and times : thursday - august 10 anytime between 8 : 00 a and 10 : 00 a thursday - august 10 11 : 00 to noon friday - august 11 anytime between 8 : 00 a and 9 : 30 a friday - august 11 1 : 00 p to 2 : 00 p thank you .",0 +"Subject: uc - berkeley graduate student ashley , this is one resume i got today . i think that it makes sense to invite him for an interview directly with my group . he does not qualify as an analyst candidate . what do you think ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 24 / 2000 04 : 14 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - rajnish kamat on 10 / 23 / 2000 07 : 55 : 31 pm to : vkamins @ enron . com cc : subject : uc - berkeley graduate student dr . vincent kaminski managing director and head of research enron corp . dear dr . kaminski , it was a pleasure talking with you and attending your talk today . i am a graduate student in industrial engg . and operations research working with prof . shmuel oren on topics in financial instrument pricing and design of contracts in deregulated electricity markets . i am also doing research in auction models and computable equilibrium models with applications in electricity market design . i am planning to graduate with a ph . d . in may 2001 and would appreciate hearing about any opportunities in your group at enron . i am attaching at copy of my resume ( file : cvrkamat . doc ) for your perusal . thanking you , sincerely , rajnish kamat graduate student ieor , uc - berkeley 4135 , etcheverry hall dept . of industrial engineering and operations research university of california at berkeley berkeley , ca , 94710 - cvrkamat . doc",0 +"Subject: christmas baskets kevin : please add the copy center and the graphics people for a tray . thanks ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 11 / 20 / 2000 11 : 18 am - - - - - - - - - - - - - - - - - - - - - - - - - - - anita dupont @ enron 11 / 17 / 2000 10 : 07 am to : shirley crenshaw / hou / ect @ ect cc : subject : christmas baskets shirley , may i send a basket or tray to the copy center and to the graphics people for the work they did on the ees seminars ? - - - - - - - - - - - - - - - - - - - - - - forwarded by anita dupont / na / enron on 11 / 17 / 2000 10 : 02 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore @ ect 11 / 10 / 2000 09 : 32 am to : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , anita dupont / na / enron @ enron cc : subject : christmas baskets here is the final list for christmas baskets for this year with the exception of stinson gibner and vasant shanbhogue . any comments or questions please call x 34710 . thanks kevin moore we still have plenty of time . . . . . . deadline date : december 12 , 2000",0 +"Subject: re : your visit to sydney in july paul , raymond , thanks for your message . sorry i did not get in touch with you earlier . the last few weeks were very hectic . i am starting right now my preparations for the presentation i am going to give at the conference . here are the details of my itinerary ( i shall send you a copy tomorrow ) . i arrive sunday morning and leave saturday morning . the conference takes place on monday and tuesday . on wednesday , i am making a presentation at the workshop on value - at - risk . i would like to stay at the conference for the duration : it ' s a great learning opportunity for me . on thursday and friday , as well as in the evenings ( except for the evening of july 18 ) , i am at you disposal . i would like to take advantage of this trip and learn as much as i can about the australian markets and discuss with you the research agenda . i shall be glad to make several presentation . i can repeat my workshop presentation on value - at - risk as well as cover additional topics . vince paul quilkey @ enron _ development 07 / 04 / 2000 05 : 23 am to : vince j kaminski @ ect cc : subject : your visit to sydney in july vince i support raymond ' s email and would welcome the opportunity to have you give a presentation ( formal or informal ) to the trading group on latest research initiatives in houston . please let us know your schedule so that we do not overly burden you during your visit . look forward to seeing you and catching up over a beer . thnx paul - - - - - - - - - - - - - - - - - - - - - - forwarded by paul quilkey / enron _ development on 07 / 05 / 2000 08 : 23 am - - - - - - - - - - - - - - - - - - - - - - - - - - - raymond yeow 07 / 04 / 2000 08 : 21 pm to : vince j kaminski @ ect cc : paul quilkey / enron _ development , kirsty hogarth / enron _ development , elliott katz / enron _ development , david gray / enron _ development subject : your visit to sydney in july dear vince , hi ! , it ' s only two weeks until the aust energy risk ( 17 - 19 july ) seminar in sydney . is risk organising your hotel ? otherwise , kirsty can organise for you , eg harbour view at the regent or convenience to the seminar location at the sheraton ? we would like to make sure that you have all the necessary "" comforts "" of home when you are with us , elliott & david can set up a desk for you in the office / trading room with phone etc so you can use one of our pc to access email or plug in your laptop . please let elliott or david kmow your requirements . how long will you be with us ? is this your first trip to sydney ? there are several of us in the office who would like to take you for a meal ( s ) / show you the sights etc and discuss the latest research findings with you whilst you are in sydney eg var . hear from you soon . raymond 725 pm 4 july",0 +"Subject: re : enron site / mepr 2 fyi , my message to risk . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 28 / 2000 05 : 44 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 06 / 05 / 2000 08 : 04 am to : conrad gardner @ enron cc : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect , daniel diamond / hou / ect @ ect subject : re : enron site / mepr 2 conrad , thanks for your message . there are 3 papers enron contributed to the last mepr . there is also another paper on electricity i contributed to the "" red book "" on us power markets , as well as a paper or credit risk management , and a paper on weather derivatives . all these papers included in other risk books were written by enron employees . we would like them included as well , if technically possible . i think that offering other energy related books through our site , in addition to mepr 2 , is fine , but i would leave the decision to dan diamond , who is responsible for the project . vince conrad gardner on 06 / 05 / 2000 07 : 08 : 36 am to : vince . j . kaminski @ enron . com cc : subject : enron site / mepr 2 > date : mon , 05 jun 2000 13 : 02 : 02 > to : vince kaminski > from : conrad gardner > > dear vince > > thanks for the call and email on friday . i will contact masuyuki and follow it from there . > > regarding the enron site , i think it is absolutely fine to put up the two enron chapters ( i ' ll provide pdfs ) , and prevent any customer leakages from your site by the use of "" submit "" buttons . as mentioned , i ' ll offer a 20 % discount on mepr 2 to customers but would you be interested in some of other energy titles ? - please let me know . > > many thanks > > conrad gardner > head of book publishing risk books haymarket house 28 - 29 haymarket london swly 4 rx direct tel : + 44 ( 020 ) 7 484 9750 main tel : + 44 ( 020 ) 7 484 9700 fax : + 44 ( 020 ) 7 484 9758 e - mail : conrad @ risk . co . uk www . riskpublications . com",0 +"Subject: vince : i was in the power modeling presentation the other day and wanted to know if i could get a copy of your presentation . thanks agin for taking the time to go through this important material with us . regards , ben rogers 3 - 7998",0 +"Subject: ibuyit form attached please find the completed form for vince kaminski , managing director , research group . he will be approving all purchases for cost center 107043 . - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 19 / 2001 02 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : debbie skinner / enron @ enronxgate on 04 / 19 / 2001 02 : 52 pm to : shirley crenshaw / houston / eott @ eott , shirley crenshaw / hou / ect @ ect cc : subject : ibuyit form hi shirley there were two shirleys , so sending to both isc help desk",0 +"Subject: informal exploratory interview with enron research group ms . stone : your resume was forwarded to the enron research group and they would like to conduct an informal interview with you at your convenience . please let me know your availability the week of september 11 th . the individuals that would like to interview you are : vince kaminski grant masson kevin kindall tanya tamarchenko they will need approximately 30 minutes each ( 2 - 2 1 / 2 hours ) you may reach me at 713 / 853 - 5290 or by email : shirley . crenshaw @ enron . com i look forward to hearing from you . sincerely , shirley crenshaw administrative coordinator enron research group",0 +"Subject: research allocations to egm hi becky , vince and i came up with these allocations for all of egm : gary hickerson rate & currency trading 10 . 0 % agriculture trading & origination 27 . 5 % jeff shankman weather 20 % insurance 30 % oil 7 . 5 % coal 2 . 5 % freight 2 . 5 % total 100 %",0 +"Subject: re : cheers vince see you there . simon - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : simon turner cc : vince . j . kaminski @ enron . com ; vkaminski @ aol . com date : fri 29 september 2000 3 : 28 : pm subject : re : > > simon , > > i shall bring a floppy to paris . > > vince > > > > > > > "" simon turner "" on 09 / 29 / 2000 10 : 13 : 47 am > > please respond to "" simon turner "" > > to : > cc : > subject : re : > > > vince > > this works . > > are you attaching your presentation for next week ? ? > > thanks > > simon > - - - - - original message - - - - - > from : vince . j . kaminski @ enron . com > to : simon @ localbloke . freeserve . co . uk > cc : vince . j . kaminski @ enron . com > date : wed 27 september 2000 5 : 04 : pm > > > > test > > > > vince kaminski > > > > > > > > > > > >",0 +"Subject: re : clewlow / strickland derivatives book andy , please , give me the number of copies and i can order on your behalf at 15 % discount . vince andy m l anderson @ ees 02 / 07 / 2001 10 : 18 am to : vince j kaminski / hou / ect @ ect cc : subject : clewlow / strickland derivatives book vince : do you have an internal person i could go through to obtain copies of the derivatives book you showed us at the garp meeting ? i am ordering a few copies for my risk guys . i look forward to talking with you soon , economist to economist . thanks , andy",0 +"Subject: re : spring 2001 schematic mr . kaminski , you will need to speak with david kilgore at kilgore @ rice . edu or by calling david at 713 - 348 - 5378 regarding getting set up in embanet and if you can have access the database from the outside . kathy at 02 : 40 pm 1 / 23 / 01 - 0600 , you wrote : > kathy , > > what is embanet ? do i have access from the outside ? > > > vince kaminski > > > > > kathy spradling on 01 / 11 / 2001 11 : 01 : 48 am > > to : ( recipient list suppressed ) > cc : cmiller @ rice . edu , castro @ rice . edu , spradlin @ rice . edu > subject : spring 2001 schematic > > > spring 2001 faculty , > > the spring 2001 schematic has been posted to embanet . to access the > schematic please open the jgsm area icon on the embanet desktop . next > please open the announcement jgsm icon . you will find the spring 2001 > schematic located under the subject column . please open the document . if > you do not have access to embanet you will need to speak with david kilgore > at kilgore @ rice . edu or by calling david at 713 - 348 - 5378 . > > thanks , > kathy > > kathy m . spradling > mba program coordinator > jesse h . jones graduate school of management > rice university > 6100 main street , ms 531 > houston , texas 77005 - 1892 > phone : ( 713 ) 348 - 3313 > fax : ( 713 ) 348 - 5251 > email : spradlin @ rice . edu > http : / / www . rice . edu / jgs > e - mail : spradlin @ rice . edu > http : / / www . ruf . rice . edu / ~ jgs / kathy m . spradling mba program coordinator jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 3313 fax : ( 713 ) 348 - 5251 email : spradlin @ rice . edu http : / / www . rice . edu / jgs e - mail : spradlin @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: another bet vince i here you are running abook on how quickly we can implement convolution var for power and since i am up against a summer deadline for this i felt i should take the other side . so how about i buy you dinner if i get it done ? rgds dp",0 +"Subject: re : associate / analyst super saturday participation - additional request shelly , these are the super saturdays i can help you with : nov 10 dec 1 dec 8 dec 15 i shall be traveling on two other days . one of these trips is related to recruiting at cmu . vince vince enron north america corp . from : shelly jones , recruiting manager @ enron 10 / 24 / 2000 09 : 12 pm sent by : enron announcements @ enron to : ena employees cc : subject : associate / analyst super saturday participation - additional request additional interviewer participation is requested for october 28 & november 4 . also , please note the school / date changes ( in red ) . this change was necessary due to the number of candidates participating in super saturday . if you have a change in your participation as a result of the date change , please contact john harrison , ext . 3 - 7811 for revisions . thank you shelly jones enron managing directors , vice presidents , directors , and managers who utilize the associate / analyst pool as a follow up from a "" save the date "" email regarding your participation in the associate and analyst super saturday process , now is the time to select your dates to attend and participate . below are the dates for super saturday weekends during the upcoming recruiting season . if you are houston - based or if you know you will be in houston on business at the appropriate times please click the link below to volunteer . ( when selecting dates please avoid selecting to interview candidates who attend the schools for which you are a team member . ) associates analysts october 27 - 28 , 2000 november 3 - 4 thunderbird , ut , georgetown , rice rice , ut , baylor , a & m , ou , florida , lsu , uhcl november 10 - 11 , 2000 november , 17 - 18 , 2000 columbia , stern nyu , ucla , darden , cornell penn , uva , vanderbilt , michigan , howard , auc , vanderbilt , michigan uhmain and clear lake , lsu december , 1 - 2 , 2000 december 8 - 9 , 20000 chicago , kellogg , harvard , wharton , mit wellesley , overflow and re - schedules from previous s / s - friday , december 15 , 2000 carnegie mellon yale off - cycle candidates thank you for your support of the associate and analyst programs . shelly jones recruiting manager",0 +"Subject: hiring of wharton tiger teams members for summer associate positions in research vince : just want to confirm our conversation regarding your interest in the wharton tiger teams 1 & 3 and your intent to hire interested members into the summer associate program . you stated that you could take all members into your research group for the summer . kristin gandy is now in the process of obtaining from either you or members of your department the names of the individuals on teams 1 & 3 . some of these individuals may have interviewed with us during the campus process . if they did and were turned down by the team for a summer position , we will not extend offers to those individuals . otherwise , if you are willing to take the additional tiger team members into your group based on the experience you and your staff have had in working with these students , then the associate program will facilitate those offers . at mid summer and the end of the summer , these wharton mbas ' performance will be evaluated and cross - calibrated with other summer associates to determine whether they receive an offer to join the full - time associate program . offers will be given to those summer associate who achieve extremely high performance ratings . as soon as kristin receives the names of these individuals and determines which members did not already interview , she will get out both a verbal and offer to them . as follow - up , jana giovannini , manager of staffing in career development , will staff those that accept our offer from this tiger team list into your group for the summer . should you have any questions or concerns , please feel free to contact me . regards , celeste roberts",0 +"Subject: associate / analyst super saturday participation - additional request additional interviewer participation is requested for october 28 & november 4 . also , please note the school / date changes ( in red ) . this change was necessary due to the number of candidates participating in super saturday . if you have a change in your participation as a result of the date change , please contact john harrison , ext . 3 - 7811 for revisions . thank you shelly jones enron managing directors , vice presidents , directors , and managers who utilize the associate / analyst pool as a follow up from a "" save the date "" email regarding your participation in the associate and analyst super saturday process , now is the time to select your dates to attend and participate . below are the dates for super saturday weekends during the upcoming recruiting season . if you are houston - based or if you know you will be in houston on business at the appropriate times please click the link below to volunteer . ( when selecting dates please avoid selecting to interview candidates who attend the schools for which you are a team member . ) associates analysts october 27 - 28 , 2000 november 3 - 4 thunderbird , ut , georgetown , rice rice , ut , baylor , a & m , ou , florida , lsu , uhcl november 10 - 11 , 2000 november , 17 - 18 , 2000 columbia , stern nyu , ucla , darden , cornell penn , uva , vanderbilt , michigan , howard , auc , vanderbilt , michigan uhmain and clear lake , lsu december , 1 - 2 , 2000 december 8 - 9 , 20000 chicago , kellogg , harvard , wharton , mit wellesley , overflow and re - schedules from previous s / s - friday , december 15 , 2000 carnegie mellon yale off - cycle candidates thank you for your support of the associate and analyst programs . shelly jones recruiting manager",0 +"Subject: ees operational risk per our conversation , here is the model that i have for simon . the notes that i gave you were from some work i did back in september as i was looking for volume numbers . the notes show what drives the final cash flow numbers . briefly , the issue surrounds exactly what is meant by nonmarket and noncredit risk . ideally , this would be anything that effects npv of the deal . however , i think that we should limit ourselves to those things that effect the time and amount of the eam volumes . even here , such a problem set is quite large . if you glance at the spreadsheet model , you will notice that there exists a large number of possible items that effect the eam volumes . if we are to do this rigorously , then it is necessary to tear apart ees ' s business model , and although such an attempt to do so would be noble , the scope of such an excercise may be too large . we need a clear definition of ees operational risk . briefly , from the ees deals that i have looked at , two things drive their profit : a long term bet that power prices will go down , and that we can improve the facility through various enhancements . each of these may be gleaned from the spreadsheet , as well as the assumptions regarding the funding of the facility improvements and so on . 95 % of the savings is assumed to come from power , and 5 % from gas . ( the effeciency gain may not be explicitly given ) . if we have data that show the realized efficiency gains , then it would be simple [ in principle ] to determine a distribution , and hence a distribution of eam volumes , npv ' s , etc . at this time , i understand that rac has determined some of the realized efficiency gains , but my knowledge is quite sketchy . jay hachen may have more info . if i get a chance , i will try to see if i can do a "" proof of concept "" excercise , but i have a late january deadline on something else . another point : even if we are successful in doing this for the spreadsheet model , ees has chosen to book things differently . i do not have a thorough understanding of their it systems , but at least in principle , if we can do this for the spreadsheet model , then we can do it in their it environment ( data are data are data ) . they may book efficiency gains through improvement type , such as gains due to compressors , chillers , boilers , etc . if this is indeed the case , then we need to have distributions for each type of improvement . if we are successful on the spreadsheet and not successful with their it systems , then the other alternative is to build our own reporting system . it would be similar to a database where the recordsets are replaced by excel workbooks . it can be constructed in such a way as to enable us to run simulations and queries , but this would probably take me about five or six weeks . finally , don hawkins does operational audits for enron ' s physical assets . he sends out teams to audit our pipelines and strategic assets . i don ' t think that he does it for ees , but you might want to give him a call anyway . - kevin k . ps : the ees lunch meeting has been moved to wednesdays . jay hachen will know more .",0 +"Subject: rice program in financial engineering dear vince , tony and i are looking forward to meeting with you tomorrow ( thurs . ) at 10 a . m . regarding the rice iniative in financial engineering . attached to this message is our draft plan for the proposed undergraduate program ; i will also bring a copy to the meeting in the morning . see you tomorrow ! best regards , kathy katherine bennett ensor professor and chairperson department of statistics , ms 138 rice university houston , tx 77251 - 1892 ensor @ rice . edu phone : ( 713 ) 527 4687 fax : ( 713 ) 285 5476 - draft - plano 2 . doc",0 +"Subject: storage model back - testing brad , with your success in automation of the testing , we can go ahead to test storage cycles as follows april 95 - march 96 april 96 - march 97 april 97 - march 98 april 98 - march 99 april 99 - march 00 this way we can collect 5 years data for further analysis . zimin",0 +"Subject: california 1 / 17 / 01 pt . ii one of the issues we have been following with respect to the california power crisis concerns the role of prospective broader federal involvement in the issue post - inauguration . in the last two days , we have seen two signals suggesting that the bush administration will not significantly deviate from the "" broker "" role played by the clinton white house : 1 . in his confirmation hearing this morning , treasury secretary - designate o ' neill cautioned that "" it is not clear that us intervention is needed in california "" and that the "" governor must be the first line of defense . "" 2 . a source close to bush economic advisor larry lindsey reported to us yesterday that "" there was little that the federal government could do specifically to help , beyond focusing on national issues ( increased production , transmission capacity etc . ) . "" of course , the bush treasury officials are likely to be more cautious with respect to intervention than the energy team , as was true with the clinton administration . yet lindsey in particular is unlikely to deviate far from the official bush view at this stage . further guidance should be forthcoming with respect to this issue from energy secretary - designate spence abraham ' s testimony tomorrow .",0 +"Subject: move locations sorry , the churn has been turned in as of 4 / 15 / 00 therefore locations are as follows . tricia tlapek - eb 3273 a vince kaminski - eb 3273 b sam smith - eb 3273 c michael sergeev - eb 3274 a jason sokolov - eb 3274 b vacant - eb 3274 c this is where all equipment and items should be labelled . i am so sorry that we could not make changes on short notice . thanks kevin moore",0 +"Subject: website : data _ research _ pub please approve or reject this request . thank you , information risk management ( et ) - - - - - - - - - - - - - - - - - - - - - - forwarded by information risk management / hou / ect on 04 / 28 / 2000 09 : 33 am - - - - - - - - - - - - - - - - - - - - - - - - - - - security resource request system directory line item pending access processing directory name : website : data _ research _ pub service type : grant expiration date : comments : this is an urgent request . please process asap . security processing processing status : e - mail message : comments / justification : 04 / 28 / 00 emailed vince kaminski for approval general information request : kgme - 4 jlej 2 requested by : kevin g moore / hou / ect phone : 713 / 853 - 4710 requested for : jose marquez employee type : company : 100038 rc # : 0011 priority : high comments / justification : he needs access to the y drive editing history ( only the last five ( 5 ) are shown ) edit # past authors edit dates 1 2 information risk management information risk management 04 / 28 / 2000 09 : 32 : 58 am 04 / 28 / 2000 09 : 33 : 46 am",0 +"Subject: re : jeff skilling ' s presentation i want to thank all of you for all your help ! alhamd alkhayat enron corp . + 1 ( 713 ) 853 - 0315 this message ( including any attachments ) contains confidential information intended for a specific individual and purpose , and is protected by law . if you are not the intended recipient , you should delete this message and are hereby notified that any disclosure , copying , or distribution of this message , or the taking of any action based on it , is strictly prohibited . - - - - - forwarded by alhamd alkhayat / na / enron on 12 / 14 / 2000 02 : 15 pm - - - - - sent by : "" daron peschel "" 12 / 14 / 2000 01 : 57 pm please respond to "" daron peschel "" to : sherri . sera @ enron . com cc : alhamd . alkhayat @ enron . com subject : re : jeff skilling ' s presentation sherri and alhamd , just wanted to let you know that i heard jeff skilling really impressed chairman greenspan this morning ( i did not attend the meeting . ) thanks for all you help making sure the presentation went off without a hitch . daron _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ reply separator _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ subject : jeff skilling ' s presentation author : sherri . sera @ enron . com at notesmail date : 12 / 12 / 00 10 : 01 am daron , we are not yet finished with jeff ' s presentation , and probably won ' t be completely finished until tomorrow afternoon - just about the time that jeff will leave for dallas . in addition , e - mailing the complete presentation may not be an option due to the size of the file . i ' ve asked hamd to e - mail you want we have right now so that you can test it with your system . we ' ll then send a cd with the entire presentation along with jeff to dallas . i ' ll ask jeff to deliver it to you at the dinner wednesday evening , so perhaps your av people can test it that night . daron , i apologize for any inconvenience this may cause . if you have another idea as to how to handle this situation , we ' re certainly willing to entertain it . thanks , srs",0 +"Subject: amerada hess day rate hedge numbers attached are the historical numbers for the semi - submersibles 4 th and 5 th generation day rates . their price is 155 , 000 / day for the next 4 years . i would think that a floor of $ 100 , 000 would be the place to start jan 1 , 2001 through dec 31 , 2004 . we need to know the call strike that would make it costless . i plan on making some examples discussion purposes to discuss with them on friday of this week . i will update you asap on the balance of day rate prices . let me know what else you will need to prepare the statistical analysis . the numbers include highs and lows ; let me know your ideas on how to address this in the quote . thanks , john 30395",0 +"Subject: your talk on 2 / 7 / 00 ( monday ) ( fwd ) vince : a minor revision of my earlier email shown below . the last line should read ' i will be waiting in my office from 6 : 30 - 6 : 50 for your call . . . ' my office phone is 713 743 4716 . sorry that i have to resend this email . ed - - - - - - - - - - forwarded message - - - - - - - - - - date : thu , 3 feb 2000 08 : 17 : 40 - 0600 ( cst ) from : edward kao to : vince j kaminski subject : your talk on 2 / 7 / 00 ( monday ) dear vince : i would like to send out an annoucement about your talk in my risk management in the energy sector course on february 7 , monday . is it correct that the name of your talk will be "" commodity trading in the energy sector "" . you indicated that you would be using transparencies so we have a projector ready for you . please let me know if there is anything else you need for the talk . please also confirm this at your earliest convenience so that i can get announcement sent out soon . thanks in advance for the talk . we all look forward to meeting you monday . best regards , ed ps . the class meet 7 : 00 - 8 : 20 pm at 117 meclcher hall . as we originally planned , i will be waiting in my office from 6 : 30 - 6 : 50 and greet you at the parking lot ie .",0 +"Subject: resumes charlene , i am sending you as promised the information i have about 3 of our summer interns . i shall fax you this morning two additional resumes i have in hard copy . in the case of paulo rocha we don ' t have a formal resume , just a letter from him with the summary of his skills . thanks for your help . enron desperately needs this talent . vince",0 +"Subject: re : eol clayton , great news . i would like to sit down with you , tom and stinson and review where we are with this project . also , i would like to talk to you about your status ( finalizing the transfer to another group ) . vince clayton vernon @ enron 01 / 18 / 2001 03 : 21 pm to : vasant shanbhogue / hou / ect @ ect cc : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : eol vasant - dave delaney called an hour ago . he needed a statistic from eol that the eol folks couldn ' t give him ( it seems they had a database problem in 1999 ) , and the grapevine had it we had the data . tom barkley was able to give him the data he needed for his presentation , within a matter of 10 minutes or so . clayton",0 +"Subject: re : pending approval for ibuyit request for wincenty ( vince ) kaminski : eva : remedy 412144 vince , welcome to ibuyit , enron ' s integrated procurement through payment solution . your ibuyit security form has been processed . here is your ibuyit eprocurement logon information : user id : po 0503778 password : your date of birth ( format : yyyymmdd - - 19670120 for january 20 , 1967 ) important : when you first log on to ibuyit eprocurement , you will be prompted to change your password . you may use the same password you enter when logging on to other sap - related applications , e . g . , ehronline . should you select a new password , your password in other sap - related applications will automatically reset . you only need one password for your sap user id ( pid ) . ready to launch ibuyit eprocurement ? access it from the ibuyit portal : for step - by - step documentation on ibuyit eprocurement , click here : for help , call the isc call center at 713 - 345 - 4727 . if you have any question regarding this request , please contact sap security . thanks ! from : raul davila / enron @ enronxgate on 04 / 19 / 2001 06 : 02 pm to : sap security @ enron cc : subject : re : pending approval for ibuyit request for wincenty ( vince ) kaminski : eva : remedy 412144 approved - - - - - original message - - - - - from : tow , eva on behalf of sap security sent : thursday , april 19 , 2001 5 : 39 pm to : davila , raul cc : vkamins @ enron . com ; crenshaw , shirley subject : re : pending approval for ibuyit request for wincenty ( vince ) kaminski : eva : remedy 412144 raul , raul , vince kaminiski is requesting acces to the technical view for catalog along with the ibuyit approval role . this is pending your approval . please send your response to sap security . thanks ! shirley crenshaw @ ect 04 / 19 / 2001 03 : 01 pm to : sapsecurity @ enron . com cc : vince j kaminski / hou / ect @ ect subject : ibuyit form attached please find the completed form for vince kaminski , managing director , research group . he will be approving all purchases for cost center 107043 . > - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 19 / 2001 02 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : debbie skinner / enron @ enronxgate on 04 / 19 / 2001 02 : 52 pm to : shirley crenshaw / houston / eott @ eott , shirley crenshaw / hou / ect @ ect cc : subject : ibuyit form hi shirley there were two shirleys , so sending to both > isc help desk ",0 +"Subject: re : shan , it ' s nice to hear from you . congratulations on the new job . ft is my favorite publication i never miss ( and i read a number of different ft publications , including ft energy collection ) . you can contact harry arora ( x 6750 ) here in london who works on finance related e - commerce projects . he may give you some useful comments . i shall be myself very interested in the first issue of your new publication . regards vince shan . millie @ ft . com ( shan millie ) on 08 / 08 / 2000 08 : 50 : 45 am to : vince j kaminski / hou / ect @ ect cc : subject : hullo , vince : i hope you ' re very well . as you can see , i am now working for the ft ' s magazine publishing business ; i have responsibility for what ' s currently termed the expatriate division and i ' ve just passed my statutory probationary period of 3 months . apologies for not contacting you sooner - but i guess you knew you ' d hear from me sooner or later , especially when i need help ! having gotten thru probation , i am set loose upon new projects . . . . . . i ' m investigating several ideas for new magazine product and wondered if you would be able to comment on one of them . very basically , i want to develop a magazine product for the international private investor , specifically o hnwis o owner - managers o results - oriented but intelligent investor with long - term investment goals and a desire to be able to converse with their private bankers and / or brokers on something approaching equal terms the product would be delivered monthly and cater to the developing breed of private international investor who prefers to make informed decisions - for themselves . the product would aim to cover the major asset classes , including the "" wilder shores "" such as hedge funds and emerging markets . i am working on a portal site ( imaginatively entitled ftexpat . com ! ) , nested within ft . com , which will launch in october ; international investment will be a significant channel on the site , and a key distribution / marketing channel for this ( and future ) offering . at this very early stage i am testing out the reaction to the notion of such a product - do you have one ? would you be able to suggest any other contacts who might be willing / able to share their thoughts with me ? i know it ' s not bang in your sphere but i ' m hoping you ' ll be interested enough to share your thoughts with me . if you can give me a few pointers , i ' d be grateful . looking forward to hearing from you , sh ? n 44 - 20 - 7896 - 2310 * please visit the web site of the financial times at : * * http : / / www . ft . com * * * * this e - mail is intended for the use of the addressee only and may * * contain confidential information . if you are not the intended * * recipient , you are hereby notified that any use or dissemination * * of this communication is strictly prohibited . * * if you receive this transmission in error , please notify us * * immediately then delete this e - mail . * * * * * postmaster @ ft . com * ",0 +"Subject: exploratory interview for grant masson ' s support for power trading hi kathy : attached is the resume for lance cunningham , who is a phd candidate from the university of texas . grant masson would like to bring him in for an exploratory interview at his convenience . the position he would be interviewing for is : manager , transmission / power trading support , reporting to grant masson . the interviewees would be : grant masson * vince kaminski * martin lin zimin lu george hopley * bill rust it is essential that the ones marked with an asterik interview him , but it would be great if the others could also . if you need any more information , please let me know . thanks and have a great day ! - enron gm . doc - lcunningham resume . doc",0 +"Subject: re : wicek , wyslalem ci nasza ksiazke razem z kilkoma pracami matematyczno / finansowo / energetycznymi i dwa egzemplarze rynku terminowego , w ktorym od 2000 roku jest dzial poswiecony rynkowi energii ( jego redaktorem jest alek ) . mam nadzieje , ze to cie zainteresuje . ksiazka jest zainteresowany cambridge university press i w tej chwili jest recenzowany draft angielskiej wersji ( mozesz do sciagnac ze strony : http : / / www . im . pwr . wroc . pl / ~ rweron / gene . html ) . angielski jest jeszcze slaby ( tlumaczyla moja studentka ) , ale da sie czytac . w ostatecznej wersji planujemy pare zmian . jakbys mial czas to przegladnij ksiazke , wszelkie uwagi bardzo mile widziane . rafal",0 +"Subject: updated credit support model latest model vasant - - - - - - - - - - - - - - - - - - - - - - forwarded by vasant shanbhogue / hou / ect on 10 / 10 / 2000 11 : 59 am - - - - - - - - - - - - - - - - - - - - - - - - - - - andy west @ enron 10 / 06 / 2000 02 : 15 pm to : vasant shanbhogue / hou / ect @ ect cc : subject : updated credit support model attached is an updated credit support model that you were working with for jodi coulter . the same sheets - paperco credit and data - are the sheets to key on . please let me know if you have any questions . andy x . 37685",0 +"Subject: visit by professor shijie deng on friday , july 28 , 2000 professor shijie deng , assistant professor , school of industrial and systems engineering , georgia institute of technology will be spending friday , july 28 , 2000 with the research group . he will be doing a presentation from 1 : 00 pm to 2 : 30 pm in conference room 49 c 4 . his field of expertise is : financial asset pricing and real options valuation financial engineering applications in energy commodity markets transmission pricing in electric power systems applications of contract theory in supply chain modeling please plan to attend .",0 +"Subject: new position ( sam smith ) norma , the need for a new position within the research group has evolved along with our expanding responsibilities , and we would like to fill that position with an already on - board employee familiar with same , that person being william ( sam ) smith . the new position created it that for a staff specialist , who would be responsible for technical duties including evaluation and quality control of weather forecasting procedures , design and preparation of the research intelligence intelligence newsletter , operational responsibilities related to morning report assembly , and hurricane season surveillance as well as satellite system supervision . . we would like to make this retroactive to january lst of this year . - - - mike roberts",0 +"Subject: re : follow - up on siam workshop thanks for forwarding peter ' s resume . by copy of this memo i am forwarding peter ' s resume to danny mccarty and phil lowry . danny and phil : please follow - up with vince if you have an interest in meeting with peter . he seems to be a very qualified candidate . vince j kaminski @ ect 04 / 30 / 2001 02 : 28 pm to : stanley horton / corp / enron @ enron , danny mccarty / et & s / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : follow - up on siam workshop i am forwarding for your attention the resume of peter percell who has an extensive experience in modeling physical flows of natural gas in pipeline systems . peter is looking currently for a job . i met him last week at the meeting of the science and industry advance with mathematics society at the university of houston . the application of recent developments in optimization theory and numerical methods can help enron to improve further efficiency of our pipeline system and reduce the consumption of compressor fuel . please , let me know if you interested in introducing peter to executives in your organization . i shall be glad to make arrangements for an interview . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 30 / 2001 02 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - peter percell on 04 / 30 / 2001 11 : 16 : 58 am to : vincent kaminski cc : subject : follow - up on siam workshop i enjoyed your presentation , and meeting you briefly afterwards , at the siam workshop last friday . i have extensive experience as a technical leader in the design and development of modeling and simulation software products , mostly for the oil and gas pipeline industry . i am looking for a position that can utilize my software development and mathematical skills . getting out of the narrow confines of the pipeline simulation industry would be a plus . please consider whether i might fit in your group . your answer to a question indicated that i have several of the skills you look for . also , please let me know , by email , the names and contact information of other managers within enron who might benefit from having someone with my qualifications in their group . attached are my resume and an addendum covering academic & consulting experience . publications are available on request . i will call you in a couple of days to follow up on this email . thank you for your time . peter percell 10030 doliver drive percell @ swbell . net houston , tx 77042 - 2016 ( 713 ) 532 - 3836 voice & fax - percell , peter resume only . doc - percell , peter a & c exp . doc",0 +"Subject: re : from a previous summer intern dear giuseppe : unfortunately , i am no longer with the associate and analyst recruiting department and will be unable to assist you directly . please contact tracy warner , who is now responsible for recruiting . she will be able to assist you directly . tracy can be contacted at tracy . warner @ enron . com . i would also recommend having vince kaminski contact her as well to ensure that all communications are in order . best regards , celeste roberts giuseppe andrea paleologo @ stanford . edu on 04 / 20 / 2001 01 : 53 : 39 pm please respond to gappy @ stanford . edu sent by : gappy @ stanford . edu to : celeste roberts cc : subject : from a previous summer intern celeste , my name is giuseppe a . paleologo and you amy remember me : i was a summer intern last summer in the research group , and attended the hiring event this year at stanford . in that occasion i had an informal offer from vince kaminski , and the assurance that i would receive a written one in the following two weeks , but since then i have not received any letter from enron . i would like to know if the offer is still valid , and if it has been sent . i am asking because i am in the process of evaluating my offers , and would like to wait for enron before i make my final decision . thanks in advance , giuseppe paleologo - - giuseppe a . paleologo email : gappy @ stanford . edu office phone : ( 650 ) 725 - 0541",0 +"Subject: re : weekly international econ review gwyn , i see no reason why we cannot include the article in monday ' s issue . of course , vince will need to review it as he does for everyone ' s material . i ' m forwarding a copy to him with this message . regarding the software , you can just initiate a security request online and order it . we can put issues online the old way until they set you up with the new stuff . by the way , i ' m going to be gone thursday and friday , so when your new issue is ready on friday , you should send it to elena . i know she will be here at least in the morning . sam gwyn koepke 10 / 17 / 2000 11 : 29 am to : william smith / corp / enron @ enron cc : maureen raymond / hou / ect @ ect subject : re : weekly international econ review sam , this is great , thanks for taking care of that so quickly ! i will check on the software needed and get back to you today . also , maureen and i co - authored a paper on ppp and our thai forecast that might be appropriate for the tech corner . i ' ve attached it below . please advise if we can get this into the tech corner for next week . thanks , gwyn from : william smith 10 / 17 / 2000 08 : 34 am to : gwyn koepke / na / enron @ enron cc : subject : re : weekly international econ review gwyn , i was successful in my efforts to put your new product on the web site ! have a look ! i know elena may want to modify it a bit , but at least it ' s up there . i have a couple of suggestions for your future efforts : get adobe acrobat 4 . 0 , full version ( not just the reader ) - - - this will allow you to publish it in final form from your desk . do you have access to the y : drive ? it ' s a drive mapped off of o : \ research and all of the web pages are there . let me know , and if you don ' t , as long as you have rights to o : \ research , i can come down and map if for you . then , all you have to do is print the new edition to pdf , then save it to the same spot each time , and it ' s automatically online . sam",0 +"Subject: iafe membership a membership renewal form was faxed to you on 11 / 28 / 00 for vince kaminski . we requested a "" full "" membership at the practitioner level for $ 165 . 00 and it was charged to mr . kaminski ' s credit card . would you please verify that you received this form ? thank you . shirley crenshaw administrative coordinator - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 12 / 07 / 2000 03 : 32 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 12 / 07 / 2000 10 : 40 am to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : iafe membership shirley , please , renew my membership . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 12 / 07 / 2000 10 : 41 am - - - - - - - - - - - - - - - - - - - - - - - - - - - main @ iafe . org on 12 / 05 / 2000 03 : 47 : 45 pm to : cc : subject : iafe membership dear colleague : we are pleased to report that we had a very exciting and productive year with dozens of activities around the world . as we enter our 10 th year of operations , the iafe has additional membership options available to you . please take a moment to look at the attached membership form with the 2001 rate schedule . based on member requests , a premium membership is now being offered that includes the annual conference at a 30 % discount , the financial engineer of the year dinner , plus a subscription to the journal of derivatives ( jod ) . the full membership remains as in previous years . the new regular membership includes all membership benefits except jod . membership is based on the calendar year january 1 - december 31 , 2001 . membership is also available on our secured membership registration form at our website http : / / www . iafe . org / about / join . ihtml . while on our website , please take a moment to visit our calendar listing upcoming events for the new year . if you have any questions please don ' t hesitate to contact me at main @ iafe . org . regards , donna jacobus iafe office manager - 2001 membership application . pdf",0 +"Subject: re : london , new york , houston , financial mathematics june / july 2001 vince : are you just speaking at the one in houston ? vince j kaminski 05 / 01 / 2001 04 : 45 pm to : shirley crenshaw / hou / ect @ ect cc : subject : london , new york , houston , financial mathematics june / july 2001 fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 01 / 2001 04 : 45 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" joanna vidal "" on 05 / 01 / 2001 03 : 43 : 11 pm to : , "" geman helyette "" , , , , , , cc : subject : london , new york , houston , financial mathematics june / july 2001 hello speakers ! ? my name is joanna vidal and i am the coordinator for the financial mathematics training course being in held on the following dates : ? london on june 28 & 29 new york on july 9 & 10 houston on july 16 & 17 ? ? i am in the process of preparing the speaker packs which will include an updated contact information sheet with ? all your details . ? you will receive this pack shortly after you confirm your addresses . ? i will list them below and i ask that you please look it over and make any necessary corrections . ? ? ? my contact details , for your information are : ? joanna vidal events coordinator risk waters group t : ( 212 ) 925 1864 ext . 197 f : ( 212 ) 925 7585 jvidal @ riskwaters . com www . riskwaters . com ? thank you and i look forward to working with you . ? duane seppi carnegie mellon university graduate school of industrial administrations pittsburgh , pa 15213 - 3890 t : 001 412 - 268 - 2298 f : 001 412 - 269 - 8896 ? helyette geman universite de paris dauphine finance department au de ka grand ecole corgy pontois , paris france 95021 t : 00 33 60 - 807 - 4200 ? vincent kaminski enron credit 1400 smith street room ebl 962 houston , tx 77002 - 7361 t : 001 713 - 853 - 3848 f : 001 713 - 646 - 2503 ? peter nance teknecon , inc . 1515 s . capital of texas highway suite 101 austin , tx 78746 t : 001 512 - 732 - 7084 f : 001 512 - 732 - 7099 ? chris harris innogy holdings place windmill hill business park whitehill way swindon , wiltshire uk , 5 n 5 6 pb t : 44 793 387 - 7777 f : 44 793 389 - 7811 ? spyros maragos dynergy , inc . 1000 louisiana street suite 5800 houston , tx 77002 t : 011 713 - 507 - 6589 f : 001 713 - 767 - 5958 ? ehud ronn university of texas at austin department of finance mccombs school of business austin , tx 78712 - 1179 t : 001 512 - 471 - 5853 f : 001 512 - 471 - 5073 ? ? ?",0 +"Subject: mscf speaker series mscf speaker series official invitation ? ? it is with great pleasure and some amount of pride that i announce the next event in the speaker series . next friday we will have the honor to host a conference given by mr . vince kaminski head of research at enron corp . ? ? the ? sixth event is ? next friday ( nov 3 rd ) ! ? from : 11 . 30 - 13 . 30 please attend ! ! ! the next event in the student speaker series is : friday , november 3 , 2000 11 : 30 a . m . to 12 : 30 p . m . fast lab [ image ] vince kaminski enron corp . tentative student speaker series schedule 2000 - 2001 the following is a tentative schedule of the mscf student speaker series for the 2000 - 2001 academic year . all events take place from 11 : 30 a . m . to 12 : 30 p . m . in the fast lab ( gsia 229 ) unless otherwise noted . updates are soon to follow . volatility curve and bond basis august 11 , 2000 david hartney & jerry hanweck vice president , futures and option sales j . p . morgan price and hedging volatility contracts september 1 , 2000 dmitry pugachevsky deutsche bank dmitry pugachesky is a director with otc derivatives research of deutsche bank , where his research is primarily focussed on credit derivatives . prior to joining deutsche bank , dmitry worked for six years with global analytics group of bankers trust . there he developed models for emerging markets , interest rates , and equity derivatives and also participated in actual trading and structuring of interest rate options . he received his phd in applied mathematics from carnegie mellon university specializing in control theory for stochastic processes . he has published several papers on modelling in emerging markets and on valuation for passport options . a measurement framework for bank liquidity risk september 15 , 2000 raymond cote vice president , finrad inc . raymond cote is vice president , financial engineering at finrad inc . , a montreal - based consulting firm offering financial management solutions that combine advisory and systems development services to & corporations and financial institutions . abstract : liquidity risk , as opposed to credit and market risks , has received little attention in professional or academic journals . we argue that analyzing bank liquidity risk can be viewed as a variation of credit risk analysis . after introducing some concepts and definitions , the presentation defines a framework allowing to measure a bank ' s structural liquidity risk . it then shows that combining the framework with modern credit risk measurement tools leads to a liquidity risk var measure . the presentation then offers concluding comments on the integration of the liquidity risk measurement framework within enterprise - wide risk management . the impact of electronic trading on the uses of quantitative research in equity options september 22 , 2000 scott morris hull group , quantitative research department quantitative research in investment management october 6 , 2000 raman srivastava & anna bulkovshteyn assistant vice president , & fixed income , quantitative analysts , putman investments [ image ] tba november 3 , 2000 vince kaminski enron corp . fund management and market efficiency november 10 , 2000 andrea dalton researcher , friess associates ( advisor to the brandywine funds ) . tba november 17 , 2000 jeff keifer & deb aep tutorial on bridge november 24 , 2000 pierre ste - marie & punit rawal mscf students a corporate risk management framework december 8 , 2000 darin aprati & brian moore mcdonald ' s [ image ] math speaker series schedule 2000 - 2001 [ image ] speaker series student committee [ image ] previous speakers ? pierre - philippe ste - marie - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - [ image ] http : / / pstemarie . homestead . com",0 +"Subject: london status report - research weather effort vince , fyi to give you background for tomorrow ' s telephone conference steve is really a home - run hitter mike - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 04 / 12 / 2001 09 : 26 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : stephen bennett @ enron 04 / 12 / 2001 09 : 02 am to : mike a roberts / hou / ect @ ect cc : subject : london status report hi mike , before we meet with vince tomorrow - i thought we should drop you a line and give you an idea as to what ' s been accomplished in the first week as well as some of the challenges and problems we ' ve run into . this way we can make the most effective use of vince ' s time . 1 ) current products and customers in our first 3 days - we established 6 different customer groups - representing approximately 40 traders plus additional fundamentals and analytics folks . the groups are : uk trading , gas fundamentals , crude trading , weather derivatives , continental power , and an internal trader newsletter . we ' ve built the following framework to address these customers - the key deadlines are noted : 0800 : uk trading / weather derivatives / fundamentals : prepare a 1 to 5 day uk specific forecast and assess the 12 z runs of the ecmwf ( and ensembles ) , the avn as well as earthsat ' s 1 - 5 day outlook . the traders are particularly interested in the performance of the ecmwf as it feeds all of their demand models . we prepare a 1 page summary and give an idea as to any particular forecast biases - whether we feel things may come in warmer or colder than the model . we brief the traders and field questions then provide our report to the fundamentals group . * * in the future we would like to be able to gather raw data from the avn and mrf to provide a series of choices which could be input into their demand models or at least be able to give them our "" best pick "" of guidance and how we feel things may deviate from that pick . 1030 am : obtain the uk met 6 - 10 and 1 - 5 day forecasts . provide comment for uk trading . 1200 : uk trading / crude and products / weather derivatives : prepare a full qualitative analysis of oz models ( mrf / nogaps / canadian / ensembles ) . produce a 6 to 10 day europe forecast and make any needed adjustments to the 1 to 5 day forecast . produce the global weather report including a global executive summary ; analysis of teleconnections and their expected impact ; 1 to 5 and 6 to 10 day forecasts compared to earthsat ; a 10 day city forecast table for european cities along with the expected effect on heating demand and finally a "" port status report "" describing weather and port conditions in 11 worldwide ports . update traders ( uk and wx deriv ) on changes or new trends in the oz models . provide a quality assessment of the uk met 6 to 10 and 1 to 5 day forecast for uk trading . 1330 ( mon - wed ) : brief the crude and products groups in london and houston . 1600 : review 12 z avn for any major forecast changes and communicate changes to traders . weekly : produce a weather article for "" critical mass "" - internal trading newsletter . of course between 1000 and 1330 we are looking closely at the us weather for support to you guys in houston . i ' m still writing the daily us executive summary as well as producing a 6 to 10 day us forecast . 2 ) requested projects : * gas fundamentals has asked us to provide weather information for their morning report and website . they would like to be able to gather objective output from as many forecast models as we can get . * weather derivatives has asked for week ahead , month ahead , and seasonal outlooks for temperature and precipitation . they have also asked about creating a tradeable "" nao index "" and developing an in - house model for forecasting nao . * continental power has asked for temperature and precipitation outlooks for power generation and hydro . * gas fundamentals , uk trading , continental power , weather derivatives and crude and products have all asked for a european summer outlook for temperature and precipitation . we expect to have this completed tomorrow . * the research group has asked for assistance in gathering climate data across spain for temperature and precipitation . 3 ) leads to follow up on : * elsa in houston asked us to contact some of the softs traders here and let them know once we were up and running . * contact chris mahoney to determine if we can provide and additional support for crude and products . * follow up on a potential morning breifing for continental power 4 ) challenges : * we ' ve been told that we will be moving locations next week - which might entail corrupting or loosing the software and hardware configurations that have taken almost a week to get fully established . it seems that this office functions on a "" hot desk "" system where people are constantly moving around . this will make it very difficult to stay connected - as well as very difficult for our customers to identify us . * administrative detail take an inordinate amount of time . assembling reports both physical and electronic can take nearly as long as actually preparing the reports ! - - - mike , ok - i think that brings you up to speed . i ' ve been amazed at the amount of feedback we ' ve already gotten and we ' ve only been here 3 days ! on that note i wanted to let you know that i am fully committed to this project . it seems that we will not have a second meteorologist to assist tony by my planned departure date on the 20 th . as such - i can continue in my current role through my planned vacation - keeping me in london until the 27 th - which is my current reservation back to houston . i am also open to remaining in london beyond the 27 th to ensure the success of this project . hopefully this gives you a good idea as to what ' s gone on in the first few days here . we look forward to talking to you later today and with you and vince tomorrow .",0 +"Subject: re : green card norma : you are correct in that sevil and i have spoken about her green card , and before we can proceed with this , we need to transfer her from the fl visa to an hib visa , which we will do later this year . sevil : please contact me approx . june or july so that we can start the hib process . thanks margaret from : norma villarreal / enron @ enronxgate on 03 / 08 / 2001 06 : 31 pm to : sevil yaman / corp / enron @ enron , margaret daffin / hou / ect @ ect cc : norma villarreal / hou / ect @ enron , vince j kaminski / hou / ect @ ect subject : re : green card sevil , i believe you and margret daffin have spoken about the next steps for your green card . you will need to start working on you hib at the begining of october 2001 . if there is any confusion on my part please let me know . norma villarreal x 31545 below is dicussion between margret daffin and sevil in an e : mail january 26 , 2001 : "" sevil : first of all we have to get you an hib visa before we can work on getting you the green card . after you get your opt , contact me sometime in the summer and i will start working on your hib visa which we will obtain in approx . october , 2001 . we cannot start the green card process when you are still on an fl visa - you have to be on an hib visa . there is no rush - you will have six years on the hib visa - plenty of time in which to get the green card . "" this was in reference to her note to me , as follows : "" i think i ' ll have time approximately until the end of 2002 by using cpt and opt . this makes almost two years . if we can start green card process now , do you think that i would get it before i need hl . in every case , can ' t we start green card before i get hl ? because i don ' t want to waste these two years given the fact that green card process is a long process . "" - - - - - original message - - - - - from : yaman , sevil sent : thursday , march 08 , 2001 3 : 59 pm to : daffin , margaret cc : norma villarreal / hou / ect @ enron subject : green card i haven ' t heard back from any of you regarding my immigration status . could you please get back to me with the information about the initialization of my green card process ? thank you . sevil yaman eb 1943 x 58083",0 +"Subject: hi amitava , as we discussed this morning , i have created the attached spreadsheet for our "" to dos "" for the the credit guys . please take a look at it to make sure it is okay , make any changes , etc . in the mean time i will work on the data vendor research , order eviews , etc . . . . . . thanks , iris",0 +"Subject: workshop dear vince , i would be delighted if you agreed to share with me a one - day workshop before a major icbi conference in berlin , on june 19 . the topics would be similar ; we may add real options . could you answer me before tuesday ? kind regards helyette",0 +"Subject: follow up to last week vince - appreciate you taking the time to dicuss some of our ongoing quantitative challenges . just wanted to confirm with you the next steps we agreed to : research to develop a working prototype of a private firm model by aug . 2001 this effort will include evaluating existing private firm models houston research to allocate a full time resource , who is willing to spend a significant amount of time in london ( at least initially ) to kick off the effort please let me know if i have missed something . thanks bryan",0 +"Subject: post visit - enron vince and christie : again , many thanks for inviting and hosting the tiger team for an on - site visit . it was a wonderful opportunity to meet and attend the very informative briefings from the many senior level contacts you provided to learn more about enron overall . it was enlightening and exciting to learn so much about enron . what a great company ! the trip got rave reviews from the students . you were delightful and most accommodating hosts . as for the project , i am in the process of confirming dates and locations for the weekly thursday ( 4 : 00 - 6 : 00 pm est ) videoconferences with enron and will copy you on the email to the students . i know they are anxious to begin to narrow the scope as soon as possible so that can begin the research and analysis of their particular projects . thank you for your time and support of the project . sincerely , donna piazze program director field application project the wharton school univ . of pennsylvania 215 . 573 . 8394 fax 215 . 573 . 5727 fap @ management . wharton . upenn . edu piazze @ wharton . upenn . edu",0 +"Subject: re : a visit dear mr . fujita : thank you for you interest in enron . i shall be honored if you visit enron and i shall invite other employees of the company to the meeting . please , call my assistant , shirley crenshaw ( 713 853 5290 ) to discuss the exact time of your visit . she will be trying to reach you from our end . the copy right for the book belongs to the risk magazine . i shall give you the contact at the company with whom you can discuss the japanese version issues . sincerely , vince kaminski masayuki fujita on 03 / 31 / 2000 08 : 36 : 00 am to : vkamins @ enron . com cc : eugenio perez subject : a visit professor vincent kaminski vice president of research enron corp . dear professor kaminski i , masayuki fujita was the only japanese attendee of the energy derivatives seminar in houston last december and a member of japanese consultation firm : mitsubishi research institute , inc . i would be very honored if you can meet with me 17 or 18 april after attending energy trading summit in 12 th - 14 th . as you know , japanese electricity trading is on the way of deregulation beneficial to the consumers from a long stage of the nine major companies ' regional monopoly . we are giving a hand to help the ministry and industry to find the right course of them . i and my colleague yamada , who will attend risk publications monte calro seminar in four seasons hotel , would like to visit you and your company for studying the sophisticated risk management at enron . in return , we may give you the information about recent institutional progress and major electricity companies response in japan . we are now personally translating your book "" managing energy price risk "" second edition and wondering if you have not given the right to publish in japanese and nay give us the chance to help you introduce modern technology to manage energy risk in the japanese energy industry . i do not hope japanese english power prevent me to pass my sincerity to you and i can visit you soon . best regards , masayuki fujita principal financial engineer financial technologies section mitsubishi research institute , inc . 3 - 6 otemachi 2 - chome , chiyoda - ku tokyo 100 - 8141 japan tel + 81 - 3 - 3277 - 0582 fax + 81 - 3 - 3277 - 0521",0 +"Subject: approval for reviewer shanbhogue , vasant has suggested reviewers and submitted them for your approval . your may review / modify this list of reviewers by logging on to pep at http : / / pep . corp . enron . com and going to supervisor services . please remember , no feedback can be completed on shanbhogue , vasant until you have approved the list .",0 +"Subject: mid - year 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . please note that there is only two days remaining to complete feedback in the system you have been selected to participate in the mid - year 2000 performance management process by providing meaningful feedback on specific employee ( s ) that have been identified for you . your feedback plays an important role in the performance management process , and your participation is very critical to the success of enron ' s performance management goals . please provide feedback on the employee ( s ) listed below by accessing the performance management system ( pep ) and completing an online feedback form as described in the "" performance management quick reference guide "" . you may begin your feedback input immediately . please have all feedback forms completed by the date noted below . if you have any questions regarding pep or your responsibility in the process , please call the pep help desk at the following numbers : in the u . s . : 1 - 713 - 853 - 4777 , option 4 in europe : 44 - 207 - 783 - 4040 , option 4 in canada : 1 - 403 - 974 - 6724 ( canada employees only ) or e - mail your questions to : perfmgmt @ enron . com thank you for your participation in this important process . the following list of employees is a cumulative list of all feedback requests , by operating company , that have an "" open "" feedback status . an employee ' s name will no longer appear once you have completed the feedback form and select the "" submit "" button in pep . review group : enron feedback due date : jun 16 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - ahmad , anjam dale surbey may 22 , 2000 carson , margaret m james d steffes may 26 , 2000 carson , richard l richard b buy may 22 , 2000 crenshaw , shirley j wincenty j . kaminski may 24 , 2000 ganjoo , shalesh peyton s gibner jun 15 , 2000 ghosh , soma timothy davies may 31 , 2000 kaminski , wincenty j . david w delainey jun 05 , 2000 overdyke , jere c . david w delainey jun 12 , 2000 peyton , john a randal t maffett jun 05 , 2000 thuraisingham , ravi vasant shanbhogue may 30 , 2000 vernon , clayton j vasant shanbhogue may 26 , 2000 yuan , ding richard l carson jun 02 , 2000 zipter , rudi c theodore r murphy may 25 , 2000",0 +"Subject: a visit professor vincent kaminski vice president of research enron corp . dear professor kaminski i , masayuki fujita was the only japanese attendee of the energy derivatives seminar in houston last december and a member of japanese consultation firm : mitsubishi research institute , inc . i would be very honored if you can meet with me 17 or 18 april after attending energy trading summit in 12 th - 14 th . as you know , japanese electricity trading is on the way of deregulation beneficial to the consumers from a long stage of the nine major companies ' regional monopoly . we are giving a hand to help the ministry and industry to find the right course of them . i and my colleague yamada , who will attend risk publications monte calro seminar in four seasons hotel , would like to visit you and your company for studying the sophisticated risk management at enron . in return , we may give you the information about recent institutional progress and major electricity companies response in japan . we are now personally translating your book "" managing energy price risk "" second edition and wondering if you have not given the right to publish in japanese and nay give us the chance to help you introduce modern technology to manage energy risk in the japanese energy industry . i do not hope japanese english power prevent me to pass my sincerity to you and i can visit you soon . best regards , masayuki fujita principal financial engineer financial technologies section mitsubishi research institute , inc . 3 - 6 otemachi 2 - chome , chiyoda - ku tokyo 100 - 8141 japan tel + 81 - 3 - 3277 - 0582 fax + 81 - 3 - 3277 - 0521",0 +"Subject: rice / enron finance seminar series rice / enron finance seminar series participants : we are getting ready to kick off the 2000 / 2001 enron finance seminar series at rice university . you can find the current schedule at http : / / www . ruf . rice . edu / ~ jgsfss / . note that this is a new web address . for your convenience , here are the dates and speakers lined up so far : sept 22 jeff pontiff , u . of washington sept 29 len mirman , u . of virginia oct 6 charles lee , cornell oct 13 george allayannis , darden oct 20 william goetzmann , yale nov 17 yacine ait - sahalia , princeton ( joint seminar with rice economics ) mar 9 paul schultz , notre dame apr 27 luigi zingales , u . of chicago lined up for the spring but date not yet scheduled : tim bollerslev , duke university matthew richardson , new york university as changes are made to the schedule , i will notify the distribution list . in addition , as we have done in the past , we will post the abstract and a downloadable version of the paper ( if available ) to the website a week or two before the seminar . the website will also provide a link to the speaker ' s homepage so you can access his or her biographical information . if the paper is not available at the website , i will send a hardcopy to interested jones school faculty , to felecia jones ( economics ) , latha ramchand ( university of houston ) , and vince kaminski ( enron ) . i will e - mail an announcement before each seminar , reminding you of the seminar date , time , and location . the distribution list will include everyone that receives this e - mail . please contact me at ostdiek @ rice . edu if you would like to be deleted from the mailing list or if you know of someone who should be added ( new phd students , new faculty , etc . ) . bbo barbara ostdiek assistant professor of finance jones graduate school of management rice university 6100 main street - ms 531 houston , tx 77005 - 1892 713 - 348 - 5384 ( voice ) 713 - 348 - 5251 ( fax ) ostdiek @ rice . edu www . ruf . rice . edu / ~ ostdiek /",0 +"Subject: hedging vince : the attached article confirms that although a few relatively progressive e & p ( and mining ) companies are beginning to absorb some of the benefits of hedging , they still find the subject very slippery . regards , - cfomagazineaprol . doc",0 +"Subject: re : lsu visit ( resume ) datren , i am forwarding your resume to our analyst / associate program . i talked to them about my needs for the summer and i don ' t see any problem . they should contact you shortly . vince kaminski datren williams on 02 / 05 / 2000 03 : 46 : 43 pm to : vince j kaminski / hou / ect @ ect cc : subject : lsu visit ( resume ) mr . kaminski , it was a pleasure and honor to have lunch with you . i also enjoyed your presentation in our graduate class . i hope you enjoyed your visit to baton rouge . come back to visit us sometime ! ! attached is my resume as you suggested . thank you for your interest in lsu and me . sincerely , datren l . williams - resume . doc",0 +"Subject: re : energy derivative courses fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 03 / 10 / 2000 07 : 10 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 03 / 10 / 2000 07 : 06 am to : lacima @ enron cc : subject : re : energy derivative courses hi julie : here is the information you requested : name : vince kaminski title : managing director and head of research company : enron corp . address : 1400 smith street - ebl 962 houston , tx 77002 telephone : ( 713 ) 853 - 3848 ( vince ) - ( 713 ) 853 - 5290 ( shirley ) fax : ( 713 ) 646 - 2503 if you need anything else , please let me know . thanks and have a great day ! shirley administrative coordinator enron corp . research lacima @ compuserve . com > on 03 / 09 / 2000 04 : 09 : 20 pm to : enron cc : subject : energy derivative courses dear shriley , thank you for registering vince kaminski for the energy courses to be held in houston , 29 - 31 march . to complete the registration , could you please provide and confirm the following details : name : vince kaminski position : company : enron corporate research address : phone : 713 / 853 - 5290 fax : we will invoice you for the course fees , and upon payment , we will forward the pre - course reading material via email . the course will be held at the hyatt in downtown houston . please contact me if you require additional information . sincerely , julie brennan lacima consultants - - - - - - - - - - - - - forwarded message - - - - - - - - - - - - - - - - - from : "" shirley crenshaw "" , internet : shirley . crenshaw @ enron . com to : [ unknown ] , chris _ strickland date : 3 / 8 / 100 5 : 20 pm re : energy derivative courses good afternoon professor strickland : please register vince kaminski for both the energy derivatives : pricing and risk management course and the v @ r course , scheduled for march 29 , 30 and 31 st . please forward method of payment preferred . thank you very much . shirley crenshaw administrative coordinator enron corp . research 713 / 853 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 03 / 08 / 2000 04 : 18 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 03 / 08 / 2000 10 : 02 am to : shirley crenshaw / hou / ect @ ect cc : subject : energy derivative courses shirley , please , enroll me in this course . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 08 / 2000 10 : 02 am - - - - - - - - - - - - - - - - - - - - - - - - - - - chris strickland on 03 / 07 / 2000 12 : 20 : 40 pm to : vince j kaminski / hou / ect @ ect , grant masson cc : subject : energy derivative courses dear vince / grant , it was good to meet and talk with you both this morning - very interesting . here are the details of the course ( actually there are two seperate courses , one on var ) that i promised you . i hope to see you both again later in the month . best regards . chris . course 1 : energy derivatives : pricing and risk management - course leaders : dr les clewlow and dr chris strickland houston : 29 - 30 march 2000 london : 3 - 4 april 2000 fee : stg 1950 / usd 2950 this is an intermediate course aimed at the energy professional who is familiar with energy derivative products but who requires the mathematical foundations of derivative pricing and an understanding of the pricing and risk management of energy derivatives . this course assumes that participants are familiar with standard basic option pricing theory ( the black - scholes formula , monte carlo simulation , and the use of binomial trees for option pricing ) . the format for the course will follow our usual highly practical and successful style of alternate sessions of lectures and excel based computer workshops . to facilitate intensive interaction , the course will be limited to a maximum of 15 participants so early booking is advisable . the excel based computer workshops deal with oil and gas as well as electricity derivatives and contain detailed calculations for pricing and risk management . at the end of the 2 days , participants leave with a diskette containing answers to all the workshops as well as valuable code for pricing and simulation . registration fee includes : pre - course reading , course materials , copies of relevant research materials , diskette with fully worked solutions to computer workshops , lunch and refreshments . additionally , each attendee will receive a free copy of clewlow and strickland ' s forthcoming book "" energy derivatives : pricing and risk management "" which includes valuable contributions from enron ' s vince kaminski and grant masson . upon registration , participants will be sent a pack containing relevant pre - course reading . course outline day 1 , am : introduction to energy derivatives modelling energy derivatives - structures and applications fundamentals of modeling and pricing analysing energy data spot price behaviour building forward curves - assessing available models the relationship between the spot price and forward curve dynamics workshop : analysing the properties of energy data - mean reversion , volatility structures , jumps day 1 , pm : spot price models and pricing by simulation and trees review of spot price models the pros and cons of spot price models pricing standard options , swaptions , caps , floors , and collars simulation for spot price models pricing exotic options ( barriers , lookbacks , asians , etc . ) building and using trees for energy derivatives building trees consistent with the forward curve pricing options in trees workshop : using simulation and trinomial trees to price energy derivatives day 2 , am : forward curve based models forward curve dynamics and forward curve models the relationship to spot price dynamics multi - factor forward curve models volatility function interpretation and estimation pricing standard energy options pricing energy swaptions pricing energy exotics using simulation workshop : using simulation to implement multi - factor models and price energy options day 2 , pm : risk management of energy derivatives energy market risk and hedging computing hedge sensitivities determining the hedge instruments hedging a energy derivatives book value - at - risk in energy markets - the pros and cons of the approaches credit risk in energy markets - issues and models workshop : hedging an energy portfolio please feel free to e - mail us to register for this course and we will contact you regarding payment . course 2 : var for energy markets course leaders : dr les clewlow and dr chris strickland houston : 31 march 2000 london : 5 april 2000 fee : stg 950 / usd 1950 this is an intermediate course aimed at the energy professional who is familiar with energy derivative products but who requires an understanding of the theory and calculation of value at risk for energy derivative portfolios . the format for the course will follow our usual highly practical and successful style of alternate sessions of lectures and excel based computer workshops . to facilitate intensive interaction the course will be limited to a maximum of 15 participants so early booking is advisable . the excel based computer workshops deal with oil and gas as well as electricity derivatives . at the end of the course participants leave with a diskette containing answers to all the workshops as well as valuable code for pricing and var calculations . registration fee includes : pre - course reading , course materials , copies of relevant research materials , diskette with fully worked solutions to computer workshops , lunch and refreshments . additionally , each attendee will receive a free copy of clewlow and strickland ' s forthcoming book "" energy derivatives : pricing and risk management "" . upon registration , participants will be sent a pack containing relevant pre - course reading . course outline day 1 , am : understanding the var methodologies and issues what is var ? uses of var types of var methodologies implications of applying the riskmetrics assumptions in energy markets delta var , historical simulation linear and non linear instruments workshop : applying simple var methodologies in the energy market day 1 , pm : calculation of energy portfolio var using simulation modelling the energy forward curve - single and multi - factor modelling the joint behaviour of different energies simultaneously calculation of covariances and correlations incorporating jumps detailed example var calculation for an energy portfolio workshop : simulating energy forward curves and calculation of var for an energy portfolio . dr . les clewlow and dr chris strickland hold associate research positions at both the school of finance and economics , university of technology , sydney and the financial options research centre , university of warwick , uk . together they have over 20 years combined experience in the financial and energy derivative markets and have published many articles in academic and trade journals . they are the authors of the book "" implementing derivatives models "" ( wiley , 1998 ) and editors of "" exotic options : the state of the art "" ( itp , 1998 ) . their forthcoming book , "" energy derivatives : pricing and risk management , "" is due to be published during the second quarter 2000 . currently , their interests are concentrated in the energy derivatives area , where they have developed a wide range of pricing tools for electricity options and other energy derivatives . - - - - - - - - - - - - - - - - - - - - - - - internet header - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - sender : shirley . crenshaw @ enron . com received : from mailman . enron . com ( mailman . enron . com [ 192 . 152 . 140 . 66 ] ) by spamgaaa . compuserve . com ( 8 . 9 . 3 / 8 . 9 . 3 / sun - 1 . 9 ) with esmtp id raal 8057 for ; wed , 8 mar 2000 17 : 20 : 18 - 0500 ( est ) received : from dservl . ect . enron . com ( dservl . ect . enron . com [ 172 . 16 . 1 . 37 ] ) by mailman . enron . com ( 8 . 8 . 8 / 8 . 8 . 8 / corp - 1 . 03 ) with esmtp id waal 9791 for ; wed , 8 mar 2000 22 : 19 : 39 gmt received : from notes . ect . enron . com ( notes . ect . enron . com [ 172 . 16 . 4 . 33 ] ) by dservl . ect . enron . com ( 8 . 8 . 8 / 8 . 8 . 8 ) with smtp id qaa 23887 for ; wed , 8 mar 2000 16 : 20 : 16 - 0600 ( cst ) received : by notes . ect . enron . com ( lotus smtp mta v 4 . 6 . 5 ( 863 . 2 5 - 20 - 1999 ) ) id 8625689 c . 007 ab 2 ce ; wed , 8 mar 2000 16 : 20 : 11 - 0600 x - lotus - fromdomain : ect from : "" shirley crenshaw "" to : chris _ strickland @ compuserve . com message - id : date : wed , 8 mar 2000 16 : 20 : 09 - 0600 subject : energy derivative courses mime - version : 1 . 0 content - type : text / plain ; charset = us - ascii content - disposition : inline",0 +"Subject: re : status steve , welcome back . let ' s have coffee asap and review all the projects under way . vince from : stephen stock / enron @ enronxgate on 03 / 01 / 2001 09 : 40 am to : vince j kaminski / hou / ect @ ect cc : subject : status hi vince , winston is telling me that he has started a serious of presentations to certain members of your group to help everyone better understand the various components that have been documented . how is that going from your perspective ? . . . . . . are your people getting anything out of it ? also , the var documentation was completed last week , and i ' ve just asked for a full printed copy of it to be created mand given to your department . i ' ve just engaged a small team to document the credit reserve model as a final piece and then we are done with the core documentation . regards steve",0 +"Subject: re : dash request david , thanks . i cc you on my message to john sherriff . please , let me know what you think about my comments . vince david gorte 05 / 15 / 2000 10 : 58 am to : vince j kaminski / hou / ect @ ect cc : subject : re : dash request vince , i ' ll send you the dash that was done previously for the used lng tanker , the mystic lady ( now renamed as the hoegh galleon ) . the analysis used in this transaction was not detailed due the short time - frame we had to analyze this transaction as well as to enron ' s right to terminate this charter for convenience . we are presently working on the analysis for a second , new - build lng tanker . when this analysis has progressed far enough that we have a draft dash , i will forward it to you ( this may be later this week ) . regards , dave",0 +"Subject: luncheon at cera roundtable in houston cambridge energy research associates ( cera ) is pleased that you will be joining us on wednesday , november 1 , 2000 for our roundtable sessions at the four seasons hotel ? in houston , texas . ? during the roundtable day , our luncheon in between sessions will feature a special presentation from cera ' s latin america energy expert , sondra scott , speaking about the future of mexico ' s energy industry . as a participant in cera ' s roundtables on november 1 , you are already registered for this luncheon . ? we look forward to your participation . sincerely , alberto bullrich ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? lauren laidlaw ? ? ? ? ? ? ? ? business development ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? associate * * special update on "" brazil : market rules and power plays "" * * our multiclient study , "" brazil : market rules and power plays "" is now being completed . ? this study is a powerful tool to help evaluate current and future strategies , test investment decisions , manage uncertainty , and capture opportunities in this exciting power market . it will serve as both a blueprint for your immediate business planning needs and a guide for monitoring and enhancing your strategic planning for near - and long - term developments . ? for more information on this study , please visit our website at http : / / eprofile . cera . com / offerings / mcs / brazpow /",0 +"Subject: re : risk report on "" guide to electricxity hedging "" and request fo r gu est access to enrononline ed , louise must be very busy . i sent her another message regarding your request . i shall call her if there is no reply from her within 3 days . please , let me know . vince ekrapels on 02 / 04 / 2000 01 : 58 : 59 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : risk report on "" guide to electricxity hedging "" and request fo r gu est access to enrononline dear vince , i have not heard from louise and assume i cannot access enrononline . as a result , i have written what i can discern in the attached draft chapter for the risk guide to electricity hedging . could you review the enrononline section and let me know if i have any factual errors ? obviously , i welcome any other comments you might have . don ' t warry about any textual problems - - me editors will catch those . english is , after all , my thrid language ( he said , defensively ) . sorry i couldn ' t gain access . enrononline looks interesting and the stock market seems to be giving you a strong pat on the back . well done . thanks for your help . ed krapels - - - - - original message - - - - - from : vince j kaminski [ mailto : vkamins @ ect . enron . com ] sent : tuesday , january 18 , 2000 2 : 44 pm to : ekrapels cc : vince j kaminski subject : re : risk report on "" guide to electricxity hedging "" and request for gu est access to enrononline ed , i sent a message to louise kitchen who runs the enrononline effort . she should be getting back to you shortly . vince ekrapels on 01 / 18 / 2000 12 : 00 : 12 pm to : vince j kaminski / hou / ect @ ect cc : subject : risk report on "" guide to electricxity hedging "" and request for gu est access to enrononline dear vince , greetings from boston , where we ' re doing all we can to help keep the price of gas high . as i may have told you earlier , i ' m writing a "" guide to electricity hedging "" for risk publications similar to the report on oil . i had planned to write a significant section on enrononline , and in the midst of my research on the topic was denied access by enron ' s gatekeeper . can you help get me in ? as always , the best from here . ed krapels - - - - - original message - - - - - from : donna greif [ mailto : dcorrig @ ect . enron . com ] sent : tuesday , january 18 , 2000 12 : 37 pm to : ekrapels @ esaibos . com subject : request for guest access dear mr . krapels : thank you for requesting guest access to enrononline . unfortunately , we are unable to give you quest access at this time . enrononline is exclusively for those companies who can transact wholesale energy commodities and related products . in addition , you had indicated within the comments section of your email that you are preparing a "" guide to electricity hedging "" for risk publications . i have forwarded your inquiry to our public relations department along with your contact information . should you not hear back from anyone within a reasonable amount of time , please feel free to contact our call center at 713 853 - help ( 4357 ) . sincerely , donna corrigan greif enrononline help desk 713 / 853 - 9517 - attl . htm",0 +"Subject: sevile norma , i would like to proceed on two fronts with sevile ( both hl visa and the green card . i shall rather work hard to keep my employees happy here than try to attach them to the job through immigration arrangements . they can see through such arrangements and it de - motivates them . vince",0 +"Subject: re : good morning that ' s great . john p . s . bob parrino told me you were at ut last week . we academics really appreciate your willingness to share your experiences with us and our students . at 11 : 40 am 10 / 18 / 00 - 0500 , you wrote : > > john , > > i shall see christie tomorrow and i shall talk to her about > the project . > > friday , feb 23 works for me . > > vince > > > > > > "" john d . martin "" on 10 / 18 / 2000 10 : 00 : 57 am > > to : vkamins @ enron . com > cc : > subject : good morning > > > vince , > > just an update for you and a question . first , i have talked to christie > and corresponded via e - mail . we don ' t have dates to talk to lay , skilling > and fastow as yet but christie is working on it . i will prompt her again > next week . > > the second item of business is a question . i want to see if we can move > our meeting in spring ( business education and the new economy workshop ) > back a week to friday february 23 rd . one of the attendees has a conference > he wants to attend on march 2 nd . let me know asap if the 23 rd works for > you . i have committments from a number of folks for the workshop and i > think it will be great fun and a wonderful learning experience for us all . > > john > > john d . martin > carr p . collins chair in finance > finance department > baylor university > po box 98004 > waco , tx 76798 > 254 - 710 - 4473 ( office ) > 254 - 710 - 1092 ( fax ) > j _ martin @ baylor . edu > web : http : / / hsb . baylor . edu / html / martinj / home . html > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : thank you dr . kaminski , i can stop by any thursday or friday to meet grant . i think that will be great for me to understand better what you are doing in your group and i will be doing this summer . could you let me know which day would work for you , please ? sevil yaman department of economics university of houston houston , tx 77204 - 5882 ( 713 ) 743 - 3814 / 3817 on thu , 24 feb 2000 vince . j . kaminski @ enron . com wrote : > > sevil . > > we are looking forward to having you here . > if you want , you can stop by one day and i shall introduce you > to grant masson with whom you will be working this summer . > > vince > > > > > > sevil yaman on 02 / 23 / 2000 10 : 09 : 30 am > > to : vkamins @ enron . com > cc : > subject : thank you > > > > hi dr . kaminski , > > yesterday , i learned from shannon rogers at the associate - analyst program > that i was offered a summer associate / internship position in your group . i > am already very excited about this position and look forward to working in > your group . many thanks for your consideration . > > > sevil yaman > department of economics > university of houston > houston , tx 77204 - 5882 > ( 713 ) 743 - 3814 / 3817 > > > > > > >",0 +"Subject: re : 2001 headcount information dawn : here it is ! dawn derr @ enron 07 / 07 / 2000 10 : 45 am to : shirley crenshaw / hou / ect @ ect cc : subject : re : 2001 headcount information shirley , get it to me as soon as you can . thanks . dawn shirley crenshaw @ ect 07 / 07 / 2000 09 : 11 am to : dawn derr / corp / enron @ enron cc : subject : re : 2001 headcount information dawn : i apologize , i have not been able to pin vince down . however , he did take it with him this morning ( he will be in prc meetings all day . ) and i told him \ you needed it yesterday . i hope it is not too late . let me know . thanks shirley dawn derr @ enron 07 / 05 / 2000 04 : 09 pm to : shirley crenshaw / hou / ect @ ect cc : subject : 2001 headcount information shirley , i need the headcount information for vince ' s group no later than thursday , july 6 . let me know if this is a problem . dawn",0 +"Subject: congratulations ! vince - nice job , dr . managing director hey , is "" constrained technical "" anything like "" constrained optimization "" ? : ) clayton",0 +"Subject: financial mathematics grad from u of c vince and ravi , below is a message from the student whose resume i forwarded to you earlier this week . vince , i suspect he may be best suited for your group , but i don ' t know what your current needs are . unfortunately , i ' m leaving enron and my last day is friday of this week , so i won ' t be around to help this guy through the process or host him when he is here . can either of you suggest someone i can ask to handle this for you if you ' re interested in him ? thanks . regards , laura - - - - - original message - - - - - from : "" laura howenstine "" @ enron e + 40 enron @ enron . com ] sent : wednesday , february 28 , 2001 3 : 32 pm to : howenstine , laura subject : fwd : > from : "" kodjo adovor "" > to : > date : tue , 27 feb 2001 22 : 27 : 01 - 0600 > > dear laura , > i will be in texas ( close to houston ) for spring break between march 17 and > march 25 . i was wondering if vince and ravi will be interested in an > informational interview on one of those days during lunch or something like > that . i can just come in and talk to them about what they do and take a look > at the work environment . thanks . > > regards , > > kodjo adovor > the university of chicago > financial mathematics > get your free download of msn explorer at http : / / explorer . msn . com",0 +"Subject: re : congratulations right back at you . . . . . great job",0 +"Subject: re : storage meeting ladies and gentlemen , stinson just pointed out that i forgot to mention that the meeting is scheduled for tomorrow ( 10 th of march 2000 ) between 2 : 30 pm and 4 : 30 pm . it may seem like a very short notice ; however , we ( mark , mary , kara , mike , virawan and myself ) had initially set this time and date last week . in the future i will make sure that everyone is notified early . sorry for any inconvenience this may have caused . thank you . shalesh ganjoo",0 +"Subject: schedule vince , my schedule for the risk 2001 conference in houston is : arrive sunday 4 / 13 9 pm . ? staying at the houstonian depart tuesday 4 / 15 5 : 30 pm . hopefully , we can get together . thanks , aram ? ( cell phone 503 - 701 - 6692 )",0 +"Subject: re : kwi user group vince yes please go ahead . david - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : 24 april 2001 23 : 35 to : djw @ kwi . com subject : re : kwi user group david , i can ask our ceo john sherriff . please , let me know by 10 : 00 a . m . central time , wednesday . vince david warwick on 04 / 24 / 2001 05 : 24 : 53 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : kwi user group vince sorry to hear you cannot make it . . . you would obviously have been the big catch ! ! in terms of a london based replacement , who did you have in mind and what sort of subject could they cover ? david - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : 24 april 2001 23 : 22 to : djw @ kwi . com cc : vince . j . kaminski @ enron . com ; shirley . crenshaw @ enron . com subject : re : kwi user group david , i regret to inform you i am unable to attend the conference due to previous commitments . would you consider a speakers form our london office ? vince david warwick on 04 / 24 / 2001 09 : 47 : 31 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : kwi user group vince any further thoughts on this ? david - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : 13 april 2001 21 : 44 to : djw @ kwi . com cc : vince . j . kaminski @ enron . com ; vkaminski @ aol . com subject : re : kwi user group david , thanks for the invitation . i shall check my schedule on monday and will get back to you regarding the conference . i hope you will a very happy easter . vince david warwick on 04 / 12 / 2001 04 : 04 : 32 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : kwi user group dear vince please may i reintroduce myself . we met last year at the sydney eprm conference which my company kwi sponsored . i chaired the session at which you spoke . as you may remember , my company , kwi are one of the world ' s leading provider of systems ( kw 3000 ) and consultancy for energy , trading and risk management . we have over 60 clients worldwide including many of the world ' s leading energy companies ( not enron unfortunately ) : north america - tva - ontario power - cinergy - bonneville power europe - enel - atel - electrabel - edf nordic - vattenfall - fortum - sydkraft - statkraft - birka energi - norsk hydro each year we stage a "" kwi users forum "" - a 2 - day event attended by leading trading and risk staff from our clients . last year there were about 100 delegates . the agenda primarily focusses on issues surrounding risk management for the energy sector . the agenda comprises keynote presentations on burning risk issues from industry leading energy speakers and practical workshops focussed around using our software . this years event is at a luxury hotel in the wonderful spanish city of barcelona and runs from the evening of sunday september 9 th to tuesday september 11 th . the main conference dinner is on the monday evening and is always a memorable event . this year it is in a leading barcelona restaurant preceded by a bus tour of the city with a stop for pre - dinner drinks . i would like to invite you to make the opening keynote address , the highlight of the conference . the subject could be : * a general energy risk related topic * a general insight into the secret of enron ' s continued success in the energy markets * your thoughts on the future development on energy markets ( and other commodity related - bandwidth etc . ) worldwide obviously , we would cover all your delagate costs including accomodation , food and drink . what ' s in it for you ? many of our users are some the energy sectors leading risk thinkers and i ' m sure you would enjoy meeting them and exchanging views . please let me know if you are able to accept the invitation . best regards david warwick - marketing dierctor and co - founder",0 +"Subject: institute of international finance - annual subscription robert johnston has asked me to charge vince ' s department for 1 / 3 of the cost of the annual subscription to iif . the annual cost is $ 47 k . therefore the cost for 1 / 3 is $ 15 , 666 . 67 . this information is for maureen raymond ' s use . i will be happy to process the invoice for payment but in order for me to do so , i will need the proper coding for vince ' s department . please let me know if you are agreeable to this . if you have questions , you may wish to contact robert johnston directly at 3 - 9934 . thanks , sharon 5 - 7212",0 +"Subject: points for singh meet vince , please find below a note i had prepared for wade cline who is meeting with a representative of the prime minister ' s office tomorrow . i think you may find these points useful . additionally , i am attaching a copy of a small presentation i made , saturday in mumbai on roadblocks in the power sector with special reference to wat needs to be done to start trading ( & its benefits ) . i have been working with the henwood team that arrived today , and i think a good part of the data is now in place . i will be arranging meeting with some officicals from the transmission side and gather any additional data there too . krishan got in last night ( i conveyed your best wishes to him ) . we will hopefully have a useful day with henwood folks tomorrow . i look forward to being in houston , possibly by the end of the coming week . hope you and the team are doing well ! ! regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 01 / 15 / 2001 01 : 17 am - - - - - - - - - - - - - - - - - - - - - - - - - - - sandeep kohli 01 / 15 / 2001 01 : 17 am to : wade cline / enron _ development @ enron _ development cc : subject : points for singh meet wade , please find below a brief note on what i feel your tack should be with n . k . singh ( who is supposed to be a hard negotiator ) . i am assuming here that this will be more of an introductory meeting where both sides are feeling out the other . the two meetings i had arranged over the weekend , would hopefully , have given you a better idea of the thinking of at least these two people o the issue . incidentally , in the indian system , the governor of any state is a central government nominee . he is the eyes and ears of the central govt . in the state . please see basak ' s meeting in that light . the message he takes will likely go directly to the pmo in delhi . i will therefore be working closely to convey the right impression . for n . k . singh clearly there are three things you would try to convey : a description of the problem , some of the resultant consequences if it is not solved soon enough , and conveying the fact that there are win - win solutions well within the goi ' s power to implement , that would in fact enhance his reputation and the country ' s as one that lives up to its reputation i would be careful to make the point that we are not going to give up any value , but are willing to be accomodative to mseb , gom , and goi needs , either through financial re - engineering , or through getting direct access to the market in some areas . this will also fly well with enron management that is more comfortable with market risks than political . describing the problem dpc has a ppa , backed by goi mseb ' s monthy collections not improving - are in the range of rs . 900 cr . / month mseb , and gom clearly do not have the resources , in the short run ( 3 - 5 yrs . ) to meet these obligations ; hence central intervention is needed . in a grid of 13000 mw ( maharashtra grid size ) , absorbing an additional 1440 mw ( phase ii ) at one go is difficult ; however if we take western region , grid size is 42000 mw . clearly absorbing all the power in that framework is much easier . to this if we add northern and southern grids , we can probably evacuate out another 500 - 700 mw through the interconnects . hence , there is definitely value in looking at this issue at a national level . additionally , it is not just solvable at that level , but actually answers to the crying need for power in the country , and hence is a boon for the govt . , and should be treated as such . consequences of not solving the problem we can call upon the sovereign guarantee , which will cover our partial payments . however , this would almost definitely lead to a deterioration of the country ' s credit rating - put back incoming investments into the petroleum sector ( where private participation program is about to be unveiled in 25 o we need to get someone to negotiate with . please use your good offices to quickly form a representative group that includes central , state govt . , and seb representatives so that we can work on the solution . without active participation from pm ' s office , we are likely to waste precious time bouncing between the seb , gom , and various ministries of goi . hope this helps . regards , sandeep .",0 +"Subject: thank you for power 2000 hi vince just wanted to thank you for your participation at power 2000 last week and for contributing to the success of the conference . the feedback we received was absolutely glowing and we were delighted with the smooth - running of the event . thank you for being a key part of that . as always , your presentations went down extremely well and your presence at our events makes a big difference , as people are alwyas keen to hear both form you personally and from enron as a company . as i mentioned to you , i have recently been given the responsibility of creating and developing a new conference stream in the financial technology sector under the waters brand , so i would like to take this opportunity to say how much i have enjoyed working with you in the past couple of years and to wish you the best of luck in the future . please stay in touch and if you come to new york , please let me know so i can take you out for a drink ! best regards and thank you again both for your patience in helping me research topics and for being so willing to participate at our events . emma ? ? emma wolfin manager , waters conferences tel 212 925 1864 ext 151",0 +"Subject: access to research project tracking database kevin kindall brought to my attention that a number of new members in the group may need to get access to the research projects tracking database in lotus notes . access can be requested through use of the secutity resource request form accessed from lotus notes . just submit the form requesting that you be added as a user of the research group ' s research projects tracking database . thanks , - - stinson",0 +"Subject: lng meeting vince , before i contact the london staff about next wednesday ' s meeting , i was wondering if we could move it up a little bit . the reason is that by 2 pm in houston it is 8 pm in london and i thought it might be difficult to round up the crew in london at that time . please let me know if we have plans to change the time . thanks , eric",0 +"Subject: re : chapter 3 revisions dear vince and grant , please find attached our butchering of your work ( only joking . . . ) . we ' ve tied the chapter in with what has gone before and changed some of your notation so that it is consistent with ours . vince ; could you please send thru the footnotes referred to in the chapter at your convenience . could you also please supply a full reference for routledge , seppi , spatt ( 1999 ) . grant ; i hope you don ' t mind we ' ve called pdjd just jd ( to fit in more with our work ) . please also can you supply the last figure before you disappear ! do you want us to write the summary ? many thanks again for all your efforts . it ' s all looking good . best regards . chris . - - - - - original message - - - - - from : grant masson to : chris strickland sent : tuesday , june 27 , 2000 8 : 54 am subject : re : chapter 3 revisions > > > > chris : > > i can ' t decide if i should take your silence over the past several weeks to mean > that you are getting stuck into finishing up the book or you are just so > thoroughly disgusted with our work that you would like to wash your hands of us . > > i ' ve been stuck on trying to get the last figure mentioned in the chapter into a > format that i like . the problem is the volatility found in the regressions is > on the order of several hundred percent , and so when i plot the historical data > next to a simulated curve over the course of the year , the simulated curve tends > to drift up or down stupidly both in the jump diffusion and garch + jump diffusion > model . any suggestions would be accepted with pleasure . i wonder if i should > skip the figure . it seems a pity to do so however , because otherwise the last > section comes off as a bit of an afterthought , and i would like to present a > practical example . again any guidance would be appreciated . > > anyway , i am sending you a somewhat improved draft now ( minus only the last > figure ) , rather than sit on the whole thing while i stew on this bit , i hope > this will be useful to you . because i am leaving for holidays at the end of the > week , i can guarantee you that you will have a final draft before then . > > regards , > grant . > ( see attached file : cs 260600 . doc ) > - ed _ co 3 _ volatility . zip",0 +"Subject: it security and standards notice information risk management  ) it security and standards notice passwords the key to maintaining information and systems security is the use of well - selected and guarded passwords . please remember , your password is our first line of defense . it is important that : ? your password should be unique and only known to you . ? your password should never be shared with someone else . ? a password must never be written down ( i . e . post - it notes ) , stored in files on personal computers , at workstations , hidden under keyboards , configured on terminal hot - keys , etc . ? passwords must be changed every 60 days . strong password selection criteria will soon be automated for all employees . for instructions on selecting a good password or to the view the company password policy and standards , click here : please keep in mind that the enron conduct of business affairs holds employees responsible for password security . information risk management conducts periodic audits to ensure compliance with company policy . for any problems encountered concerning password controls , please call your appropriate help desk ( available : 24 hrs . / day , 7 days / week ) .",0 +"Subject: california update 3 / 16 / 01 ? a source within the generator community confirms press reporting that coram energy plans to file an involuntary bankruptcy early next week . through an intermediary , we were able to corroborate this information with a senior member of the ca iso board . coram energy is a relatively small wind generator qf based in west vancouver , british columbia , though it also owns wind stations in california . coram has 238 40 kw units . ? the source believes that this filing may have been precipitated by the fact that many people believe it would take a blackout for governor davis to be able to get his bailout plan passed by the legislature . it is unlikely that blackouts would happen in april or may , meaning a long wait for the cash strapped qfs to wait to get paid . ? the filing will be against socal . ? in order to file an involuntary bankruptcy , coram would have to file along with at least two other creditors owed $ 10 , 000 or more . sources report coram has two other creditors who will file with them ( working on finding out who they are ) . ? sources also report that other qfs are "" taking legal advice "" on how to proceed in light of these developments .",0 +"Subject: howard & lawrence for vince hey vince ! here is a picture of howard lin and picture of lawrence ( the guy i spoke to you about over the telephone ) and his new resume . i will call alec tonight in london to let him know that you sent the "" other howard "" ( howard haughton over to enron uk ) . lawrence has banking and online experience with hsbc - he is being examined only by one other company that i know of ( williams ) that is my competitor . he also went to the chief investment officer of the san diego pension fund ( a friend of mine ) . i don ' t think he is a "" best fit "" - but , if you like him - i ' ll get him for you ! i have a great relationship with him . ok ! thanks , jeff wesley ps - i kinda like lawrence ' s "" look "" , vince . always held in strict confidence . jeff wesley 949 813 2241 hotline 347 487 8957 voice / fax us + 44 ( 845 ) 3341644 uk * get free , secure online email at http : / / www . ziplip . com / * - howardlin . gif - imageo 02 . jpg - lawrenceagent 9498132241 new . doc",0 +"Subject: re : the package - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 23 / 2001 01 : 09 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 01 / 23 / 2001 01 : 06 pm to : "" valery kholodnyi "" @ enron cc : subject : re : the package valery , thanks a lot . i have received the package last week . i was traveling and i did not have time to take a closer look at it yet . i think about a trip to dallas sometimes in the first few days of february . i hope you will find time for lunch . i will contact you later this week regarding the date . vince "" valery kholodnyi "" on 01 / 22 / 2001 05 : 59 : 53 pm to : vince . j . kaminski @ enron . com cc : subject : the package dear vince , could you please acknowledge receipt of the package with a copy of my article on spikes in power prices , as well as copies of my books and some of my other relevant articles , that i recently sent to you . i look forward to hearing from you . sincerely , valery",0 +"Subject: improved process for engaging temporary workers as you are aware , enron utilizes temporary staffing services to satisfy staffing requirements throughout the company . for the past several months , a project team , representing enron  , s temporary staffing users , have researched and evaluated alternative managed services programs to determine which source would best meet our current and future needs in terms of quality , performance and cost containment objectives . the business unit implementation project team members are : laurie koenig , operations management , ees carolyn vigne , administration , ee & cc linda martin , accounting & accounts payable , corporate beverly stephens , administration , ena norma hasenjager , human resources , et & s peggy mccurley , administration , networks jane ellen weaver , enron broadband services paulette obrecht , legal , corporate george weber , gss in addition , eric merten ( ebs ) , kathy cook ( ee 713 - 438 - 1400 ) amy binney , sharon b . sellers  ) operations cherri carbonara  ) marketing / communications cynthia duhon  ) staffing partner management",0 +"Subject: organizational changes given the evolution of a number of our businesses , we have decided to make an organizational change . the change is in response to a number of factors . first , as a part of our new initiative in enron net works , it is becoming clear that we have the opportunity to quickly expand enron  , s underlying business model to other commodity markets . such an expansion requires a coordinated focus on strategy as we select and develop these opportunities . second , the success of enrononline and the continued expansion of our wholesale activities in north america and europe have increased the coordination requirements across our north american and european operations . as a result of these two factors , we are making the following organizational changes effective immediately : cliff baxter will move from enron north america to enron corp . as executive vice president and chief strategy officer . mark frevert will become chairman and ceo of north america , replacing cliff . in addition , mark will remain chairman of enron europe . john sherriff will become president and ceo of enron europe . we are confident that these changes will increase the effectiveness of our organization . please join us in congratulating cliff , mark and john on their new responsibilities .",0 +"Subject: re : enl - dailyupdate - txt you have been subscribed to enl - dailyupdate - txt with the email address "" vkamins @ enron . com "" to unsubscribe , send a blank email to ",0 +"Subject: credit exposure model bill , attached are the spreadsheet for the credit exposure model and the xll file . we have performed some tests and the numbers looked reasonable . however , more extensive testing using realistic data is needed . we would like to pass the model to you so you can have someone check it more extensively and compare the model with what you are using . also , please kindly inform me of any suggestions to improve the model as well as any problems you may find . i can be reached at 31631 . best , alex",0 +"Subject: conference on risk management : the state of the art , january 13 - 14 , 2000 we confirm receipt of your registration for the above - mentioned conference . the conference will be held at new york university stern school of business , henry kaufman management center , 44 west 4 th street , new york city . registration and continental breakfast will begin at 8 : 30 a . m . , when you will receive the conference material and a name tag . meanwhile , if you have any questions regarding the conference , please do not hesitate to contact me . mary t . jaffier nyu salomon center stern school of business 44 west 4 th street , suite 9 - 160 new york , ny 10012 tel : 212 - 998 - 0706 fax : 212 - 995 - 4220 http : / / www . stern . nyu . edu / salomon",0 +"Subject: a resume john , this is a resume i received today from my friend . please , take a look at it . what follows below is a copy of his message to me : dear vincent , i very much would like to ask you for a career advice . i am looking for new challenges and new professional opportunities . possibly there would be such opportunity around yourself at enron corporation . i trust that my strongest asset is my intellectual capital and ability to look from new angles into complex issues . beside of the experience of working under jacob goldfield an paul jacobson at goldman on the interest rate swaps and proprietary desks , i was a part of research effort of john meriwether group at salomon brothers , i headed the european interest options desk at dkbi in london and i have managed a small hedge fund in partnership with albert friedberg . i hold ph . d . in mathematics from mit and i have studied under nobel laureate in economics , bob merton . i very much would like to apply my knowledge of capital markets , trading and research in the field of energy markets . with my very best regards and personal wishes , mark kierlanczyk godel partners llc 67 wall street , suite 1901 new york , ny 10005 tel 212 943 5300 mkierlanczyk @ fmginy . com",0 +"Subject: mgmt 656 ( rice university ) here are your rosters for mgmt 656 . let me know if you need a list of e - mail addresses as well . i will update you as student schedules change . - pam ( 713 - 348 - 6223 ) - 656 . doc",0 +"Subject: re : stressing correlations hi , everybody , following up on our discussions on stressing correlations i made a spreadsheet and a dll . here is what it does : in the input ( "" main "" sheet ) the user has to specify : - the size of the correlation matrix ; - the row and column for the element he wants to stress ( row = 1 and col = 3 in the example ) - the integer number n _ iter ; - the original correlation matrix . in the output ( see sheet "" results "" ) we see 2 columns : - the first column contains possible correlation values ( from - 1 to 1 , n _ iter + 1 numbers ) for the element ( 1 , 3 ) , - the second column contains the smallest eigenvalue for the "" stressed "" correlation matrix ( which is the same as the original matrix except the elements ( 1 , 3 ) and ( 3 , 1 ) which take values from - 1 to 1 ) . thus , the user can see which values for the chosen element ( 1 , 3 ) are permitted ( those for which the smallest eigenvalue is positive ( marked green in the example ) . the user might decide that he wants to assign the correlation which is "" not permitted "" to this particular element ( the smallest eigenvalue is negative ) . then the user might have a few options : 1 . all the elements of the correlation matrix will be modified so that the chosen element has the desired correlation in it , but the change in the correlation matrix is the "" smallest "" possible ( in the sense of matrix norm ) ( this is my next step to do for this spreadsheet ) . 2 . just one column ( and the corresponding row , of course ) will change , while the rest of the matrix will stay unchanged ( kevin ' s suggestion ) . in this case the user have to choose which column ( and row ) he prefers to modify ( in my example - column - row 1 or column - row 3 ) . we can discuss this approach with risk control and see how they like it . i send you only the spreadsheet with an example now . tanya .",0 +"Subject: vega v @ r , credit reserve model update attached is a draft of the vega var implement documentation . we will discuss this issue tomorrow . index var and the vega var status : because any modification of the var model has to be coded into the new version by it , the index var model and the vega var model are on the waiting list to get into it group ' s door . currently , they are struggling with the credit model . accord to jonathan le , they will implement the "" prudency "" model after the "" credit "" and before anything else . so , it ' s uncertain when they can begin these two projects . credit reserve model status : new version developed by it is still in the debugging stage . two major difference exist between the new and old versions : 1 ) old version uses delta - gammar methodology , new version uses full evaluation . it group is not comfortable with their implementation of the "" spread option "" and "" swaption "" evaluation . i am working with them on it . 2 ) insurance projects are new to the new version . it also wants our help too . only after the it finishes the debugging process , could we start testing the new version with the current one . thanks . vincent",0 +"Subject: re : invitation to my house tony , great . i look forward to visiting you and your wife on april the 22 nd . no dietary restrictions . vince from : anthony mends @ enron communications on 03 / 07 / 2000 03 : 52 pm to : vince j kaminski / hou / ect @ ect @ enron cc : subject : re : invitation to my house vince , april 22 is fine . thanks for accepting the invitation . do you have any dietary restrictions or preferences ? please it is no trouble to tell us ( my wife would be doing the cooking but i can speak for her ) . please let me know . thank you , tony . vince j kaminski @ ect 03 / 07 / 00 10 : 00 am to : anthony mends / enron communications @ enron communications @ enron cc : vince j kaminski / hou / ect @ ect , vkaminski @ aol . com subject : re : invitation to my house anthony , thanks for the invitation . what about april 22 ? i have committed to different speaking engagements , charities , off - sites etc . for all the saturdays prior to this date . vince from : anthony mends @ enron communications on 03 / 06 / 2000 02 : 18 pm to : vince j kaminski / hou / ect @ ect cc : subject : invitation to my house vince , i hope you are well . sorry i have not been in touch but i have been swamped trying to build my organization simultaneously as i endeavor to understand ebs and navigate its political terrain . quite interesting . i shall tell you more later . my wife , elisabeth and i would love to have you for dinner at our house any saturday at you convenience . would please let me know which saturday would be suitable ? we are both looking forward to it so please let me know . thanks , tony",0 +"Subject: telephone interview with the houston research group good morning quentin : vince kaminski and the research group would like to conduct a telephone interview with you sometime next week . considering the time difference between houston and australia , it probably makes sense to try and schedule it very early in the morning your time , say 7 : 00 am ? it would be 5 : 00 pm here in houston . how does next wednesday or thursday , ( 8 / 16 or 8 / 17 ) at 7 : 00 am your time sound ? also , please let me know if you want to be reached at home or work . thanks quentin and have a great day ! shirley crenshaw administrative coordinator enron research 713 / 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: enron / globe dear drs . roberts and benjamin , vince kaminski and i enjoyed and appreciated the opportunity to speak with you this morning . enron is very happy to agree to participate in stanford ' s globe project ( being conducted in partnership with mckinsey & company ) . attached please find my business card with all of my contact information . i look forward to hearing from dr . benjamin in the near future to begin enron ' s involvement . thank you ! - - christie .",0 +"Subject: re : schedule and more . . jinbaek , may 30 sounds good . i shall inform our hr department . i don ' t see any project i could get going with your advisor on such a short notice . when you come here you can determine in what area he could make the biggest contribution to enron . i shall call or e - mail him independently and talk to him . vince "" jinbaek kim "" on 05 / 07 / 2001 02 : 25 : 53 am to : cc : subject : schedule and more . . dr . kaminski , i think i ' ll be able to start work from the last week of may , but not from monday , probably , i ' ll be able to work from 5 / 30 ( wed ) . will it be good ? i know it is not that much earlier than i mentioned . . 6 / 4 i am sorry . and actually , there is an e - business conference at haas school of business , organized by my advisor could you distribute the link and the attached invitation letter to groups interested in e - business and especially procurement ? the link is as following . i am afraid you might forgot this i told you in the last email . . . my advisor ( arie segev at haas school of business ; segev @ haas . berkeley . edu ) wants me to ask whether you have any idea on joint research with him during the summer , while i am staying there . his interest is in e - business . . ( what else . . ? ) and has expertise in e - procurement system and marketplace . . . xml based standard such as obi , cxml , xcbl , rosettanet , biztalk . . system interoperability study , auction and negotiation , workflow system , e - catalog management , digital signature , edi , etc etc . . . many technical aspects of e - business . . . he wants to do some kind of technical case study that is beneficial for both enron and him . he may travel one or two times to houston to have a meeting during the summer . ( and to be frankly , this will be good for me too , because i can have a meeting for my dissertation while he is in houston . . ) could you think about the possibility of joint research , with him ? thank you . . sincerely , jinbaek - fcp - invite . pdf",0 +"Subject: interview & mike / christian dear vince , 1 . quentin kerr , we will be pleased to do the initial due diligence in an interview . phil taylor is contacting quentin and getting him down our sydney office from his university in the next state - queensland . 2 . re : christian , we will be very glad for christain to interact with houston research on "" . . the weather forecasting technology . . "" however , we are very skinny on w staff here ( like christian is our one & only ) , and christian is doing much work for both the power & weather business . i was thinking that we could run with our initial idea of having mike roberts come to sydney . there is still time before the olympics ! will keep you posted on quentin . regards raymond vince j kaminski @ ect 08 / 08 / 2000 06 : 30 am to : paul quilkey / enron _ development @ enron _ development , raymond yeow / enron _ development @ enron _ development cc : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect subject : thank you paul & raymond , it took more than a few days to catch up after i came back from australia . there are few things i would like to bring up to your attention . first of all , i would like to thank you for your hospitality . i learned a lot about the australian markets and was greatly impressed with the quality of the people at the sydney office . 1 . the resume you sent to me and grant looks quite good . i think it makes sense to interview this person and we can help you with a phone interview . 2 . i have received another resume that looks very promising . i am very interested in this guy and would be ready to bring him over to the states where we lack desperately technical talent . can you help us by interviewing him in sydney ? the main determination i need from you is whether he can function in a company like enron . as any good academic he sent his resume in a ps format and i shall fax you a copy in case you don ' t have a postscript reader on your system . 3 . christian werner does some really neat things on the weather front . i would like to determine if he can help us to upgrade our systems . can we bring him to houston for a week to discuss the weather forecasting technology with mike roberts and joe hrgovcic ? i think that he could learn a lot from mike and other weather guys here how we translate weather info into business - related information . i shall be glad to underwrite the cost of this trip . vince",0 +"Subject: re : avistar systems - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 10 / 24 / 2000 01 : 08 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - paige cox @ enron 10 / 24 / 2000 08 : 54 am to : kevin g moore / hou / ect @ ect cc : subject : re : avistar systems you ' re welcome . i have vince on the list now . we are installing this week and over next weekend . we ' ll have to go to the location to see if we ' ll have to pull additional cable to vince ' s desk . i wouldn ' t look for it to be in before next monday . with regards to the billing - - i will have stella ely get with you on that . thank you for all of the info paige kevin g moore @ ect 10 / 24 / 2000 08 : 47 am to : mike a roberts / hou / ect @ ect , paige cox / corp / enron @ enron , vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : avistar systems i really appreciate you speaking with gary regarding the avistar system . please inform me on what i need to do to make the process continue . the location for the avistar is eb 3240 d . the location belongs to vince kaminski . if you need more information please call x 34710 . if possible , would you please inform me as when to expect the system connection date and time . thanks kevin moore",0 +"Subject: re : m lay response al , thanks for the update . i hope that you and mark will come up with a good plan of attack . i can only regret that my workload does not allow me to participate in this project . vince al arfsten on 01 / 25 / 2001 05 : 45 : 54 pm to : vkamins @ enron . com cc : subject : m lay response vince : i forwarded mark lay ' s reply to update you . al received : from outbound 5 . enron . com ( 192 . 152 . 140 . 9 ) by mailo 6 a . intermediahosting . com ( rs ver 1 . 0 . 58 s ) with smtp id 09075930 for ; thu , 25 jan 2001 18 : 34 : 37 - 0500 ( est ) received : from nahou - msmswolpx . corp . enron . com ( [ 172 . 28 . 10 . 37 ] ) by postmaster . enron . com ( 8 . 8 . 8 / 8 . 8 . 8 / postmaster - 1 . 00 ) with esmtp id xaal 2799 for ; thu , 25 jan 2001 23 : 34 : 36 gmt from : mark . lay @ enron . com received : from nahou - lnintol . corp . enron . com ( unverified ) by nahou - msmswolpx . corp . enron . com ( content technologies smtprs 4 . 1 . 5 ) with esmtp id for ; thu , 25 jan 2001 17 : 34 : 36 - 0600 to : arfsten @ bflassociates . com x - priority : 3 ( normal ) importance : normal date : thu , 25 jan 2001 17 : 34 : 16 - 0600 subject : re : [ fwd : new commodity marketplace opportunity ] message - id : x - mimetrack : serialize by router on nahou - lnintol / enron ( release 5 . 0 . 2 b ( intl ) | 16 december 1999 ) at 01 / 25 / 2001 05 : 34 : 34 pm mime - version : 1 . 0 content - type : text / plain ; charset = us - ascii x - loop - detect : 1 x - mozilla - status 2 : 00000000 i did understand that you were still at the concept stage . it is a very interesting proposal and i would like to think about it . thanks , mark - - - - - original message - - - - - from : al arfsten @ enron enron . com ] sent : thursday , january 25 , 2001 10 : 45 am to : lay , mark subject : [ fwd : new commodity marketplace opportunity ] mark : per our brief conversation this morning , the attached email was sent to you yesterday . i hope that you might understand that i am conceptually looking for "" founders "" and at the "" pre "" business plan stage . there is an enormous problem existing with a very attractive economic reward and willing participants needing this solution . i need help . al arfsten 713 965 2158 content - transfer - encoding : 7 bit x - mozilla - status 2 : 00000000 message - id : date : wed , 24 jan 2001 15 : 49 : 37 - 0600 from : al arfsten organization : bfl associates , ltd . x - mailer : mozilla 4 . 7 [ en ] c - cck - mcd nscpcd 47 ( win 98 ; i ) x - accept - language : en mime - version : 1 . 0 to : mark . lay @ enron . com subject : new commodity marketplace opportunity content - type : text / plain ; charset = us - ascii mark lay : i shared confidentially with vince kaminski my developing concept of a highly inefficient not - for - profit enterprise with dramatically increasing costs . i believe that a for - profit economic model is possible that should reverse these skyrocketing costs and ultimately lower the commodity thereby having a national , if not , global impact of health care costs . vince seems to also believe in the concepts potential . the ceo of one of the biggest u . s . blood banks has already asked to become involved . i would like involve more people with vision , means and desire to help make this a reality . i would look forward to meeting with you to talk further . al arfsten 713 965 2158",0 +"Subject: re : wharton tiger team # 3 i have reserved conference room 32 c 2 for thursday , feb 1 , feb 8 , and feb 15 from 3 : 30 - 5 : 30 john to teleconference in tomorrow ( feb 1 ) call 713 - 853 - 9554 please let me know if wharton is using a different number from last week so that i can inform the scheduling people melinda x 31641 christie patrick @ ect 01 / 30 / 2001 06 : 34 pm to : melinda mccarty / corp / enron @ enron cc : jhenders @ newpower @ ees , vince j kaminski / hou / ect @ ect , degiacic @ wharton . upenn . edu subject : re : wharton tiger team # 3 melinda , would you please coordinate john henderson into the thursday videoconference ? thanks ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 01 / 30 / 2001 06 : 31 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - mohn henderson @ newpower 01 / 30 / 2001 04 : 13 pm sent by : melissa corley @ newpower to : christie patrick / hou / ect @ ect @ ees cc : jhenders @ newpower @ ees , vince j kaminski / hou / ect @ ect , melinda mccarty / corp / enron @ enron , degiacic @ wharton . upenn . edu subject : re : wharton tiger team # 3 john would prefer to join the thursday call via teleconference . if you could provide the dial in number he will call in . thanks , melissa corley john henderson christie patrick @ ect 01 / 30 / 2001 03 : 50 pm to : jhenders @ newpower @ ees , vince j kaminski / hou / ect @ ect cc : melinda mccarty / corp / enron @ enron , degiacic @ wharton . upenn . edu subject : wharton tiger team # 3 hi john and vince ! john , hopefully you received my voice mail regarding the matter set forth below . i ' m in ny now and won ' t return until thursday morning . perhaps it would be easiest for john to come to the video conference on thursday ( if he ' s in houston ) or via telephone if he ' s travelling ? ? whatever you both think is best . . please let me know ! my assistant , melinda mccarty , is setting up the call location at the enron building , as well as the dial - in number with donna piazze at wharton . melinda , please include john in the distribution of the video conference location . thanks ! - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 01 / 30 / 2001 03 : 43 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" degiacinto , clayton "" on 01 / 30 / 2001 02 : 00 : 07 pm to : "" ' christie . patrick @ enron . com ' "" cc : "" feerick , dennis "" , "" lessar , stephen "" , "" vittal , maheshram "" , "" bassal , omar "" , "" cummins , marc "" subject : wharton tiger team # 3 christie , as we talked last thursday via video teleconference , we are planning to narrow our scope to focus on a marketing / promotion plan for newpower including value - added products and services for the future . before we talk again on thursday , we would like to speak with john henderson again to see if he recommends any specific items he would like us to address . we are having trouble contacting him and wonder if you could facilitate a phone meeting between us , or if it would be best to include him in our next video teleconference . we are available the next two days at lpm and 4 pm houston time . we understand that john is a very busy person , and we appreciate any help you can give in getting us together to ensure our work is commensurate with his expectations . thanks , enron team 3 ( retail )",0 +"Subject: re : meeting sorry for the rescheduling . shalesh is unable to make it until late this afternoon . since what we have is informal and not urgent , perhaps we can catch you for a few minutes just sometime late today or tomorrow before you leave . otherwise , it can wait until you return . thanks , martin vince j kaminski 09 / 19 / 2000 08 : 36 am to : martin lin / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : meeting martin , let ' s try bet 1 and 2 : 30 . vince from : martin lin on 09 / 19 / 2000 08 : 30 am to : vince j kaminski / hou / ect @ ect cc : subject : meeting shalesh and i wanted to meet with you briefly , but this morning ' s timing isn ' t working out . are you available this afternoon , sometime after 5 pm ? thanks , martin",0 +"Subject: cvs of candidates for rac support role these three guys will all be available for interview monday afternoon . regards ben",0 +"Subject: re : double - up swap thanks thor vince j kaminski 12 / 12 / 2000 15 : 18 to : thor lien / osl / ect @ ect cc : vince j kaminski / hou / ect @ ect , paulo issler / hou / ect @ ect subject : re : double - up swap thor , we have modeled this structure a few times in the past . paulo issler will call you shortly to talk about it . vince thor lien 12 / 12 / 2000 03 : 02 am to : vince j kaminski / hou / ect @ ect cc : subject : double - up swap vince do we have any models to use on this product for power ? thor",0 +"Subject: re : hello hello , i just received your message . are still in nyc ? i like it a lot . i wish my job was associated with traveling . according to saturday meeting - i will be there . have a save trip back home . patrycja from : vkaminski @ aol . com save address - block sender to : pdalecka @ hotmail . com save address cc : vkaminski @ aol . com save address subject : re : hello date : mon , 13 mar 2000 23 : 22 : 26 est reply reply all forward delete previous next close hello patrycja , greetings from the big apple . saturday works for me . let ' s meet at 4 : 00 p . m . at carrabba ' s . it ' s an italian restaurant on i - 45 in the woodlands . after you pass conroe , take the research forest exit ( 5 - 10 miles past conroe ) and stay on the feeder road . go through the lights ( research forest intersection with i - 45 ) . as you continue along the feeder road you will pass on your right the woodlands mall and the exxonmobil building , . the restaurant will be on your right , about 200 - 300 yards before the next lights ( i - 45 and sawdust ) . i shall have my cell phone with me ( 713 898 9960 ) . in case you arrive early you can stop at my home : 10 snowbird place , ( 281 ) 367 5377 . i shall send you later the instructions how to get there . i shall leave home around 3 : 45 . look forward to meeting you . vince",0 +"Subject: re : thursday night ' s dinner ( and friday also ) hello all : bad news ! most of the really nice restaurants in breckenridge close on the 22 nd of april . we may have to have all the dinners at the hotel . do you have any other suggestions ? i will check with scott yeager ' s wife again today to see if she perhaps knows of another good restaurant that may be open , but the owner of pierre ' s told me most of them close and open again for the summer season in may . thanks ! shirley sheryl lara @ enron communications 03 / 28 / 2000 06 : 29 pm to : ravi thuraisingham / enron communications @ enron communications cc : shirley crenshaw / hou / ect @ ect , shirley subject : re : final list of invited participants to offsite meeting ravi : can you answer shirley ' s question . are you planning to have the entire group go to dinner , or just senior management ? please let us know your plan . sheryl - - - - - forwarded by sheryl lara / enron communications on 03 / 28 / 00 07 : 24 pm - - - - - shirley crenshaw @ ect 03 / 28 / 00 03 : 15 pm to : sheryl lara / enron communications @ enron communications @ enron cc : subject : re : final list of invited participants to offsite meeting sheryl : i am going to call pierre ' s restaurant and make reservations for thursday night - will everyone on the list be attending or just part ? thanks ! sheryl lara @ enron communications 03 / 28 / 2000 03 : 09 pm to : shirley crenshaw / hou / ect @ ect , ravi thuraisingham / enron communications @ enron communications cc : subject : final list of invited participants to offsite meeting here it is ! ! ! the final list of participants .",0 +"Subject: re : latest revision vince , i got the zipped version fine . thanks the only outstanding items relate to the complete references for your papers ( the book publisher and dates ) . i spoke with shirley this morning and she is tracing this down for me . i re - read the gas market paper segment on the take - or - pay contracts and corrected my "" oversight "" . by the end of the day i hope to have all the corrections that you gave me incorporated in the manuscript . we will make them on the galley pages of the article when it arrives . thanks again for all your help . john p . s . i also spoke with mary joyce ( she returned my earlier call a week ago when i was trying to ask cindy something ) . all is well . at 10 : 15 am 2 / 5 / 01 - 0600 , you wrote : > > john , > > html version of enron article : > > > vince > > ( see attached file : b 3719001 . htm ) ( see attached file : b 3719003 . htm ) ( see > attached file : b 3719004 . htm ) ( see attached file : b 3719005 . htm ) ( see attached > file : b 3719006 . htm ) ( see attached file : b 3719007 . htm ) ( see attached file : > b 3719008 . htm ) ( see attached file : b 3719009 . htm ) ( see attached file : > b 3719010 . htm ) > > > > > > "" john d . martin "" on 02 / 04 / 2001 06 : 37 : 47 pm > > to : vkamins @ enron . com > cc : > subject : latest revision > > vince , > > i have made bold face edits to the attached document . i still have two > edits to make but am concerned that you were not reading the most recent > version . sorry for any confusion but the editor doesn ' t use the edit > function in word so i have ended up making edits on new versions of the > paper . > > i still haven ' t made the change regarding the take - or - pay problem ( i left > that paper at home in my briefcase and will make the change tomorrow > morning ) . also , i haven ' t added anything regarding the conflict that arose > over pay for new hires nor have i received the business week e - mail from > you . > > however , if the paper looks ok to mark palmer we can make these minor edits > on the galley pages of the article . > > thanks > > john > > p . s . i am very disappointed about the scheduling conflict you have on feb > 23 rd . you will be greatly missed but i certainly understand . > john d . martin > carr p . collins chair in finance > finance department > baylor university > po box 98004 > waco , tx 76798 > 254 - 710 - 4473 ( office ) > 254 - 710 - 1092 ( fax ) > j _ martin @ baylor . edu > web : http : / / hsb . baylor . edu / html / martinj / home . html > > > > > attachment converted : "" c : \ windows \ desktop \ b 3719001 . htm "" > > attachment converted : "" c : \ windows \ desktop \ b 3719003 . htm "" > > attachment converted : "" c : \ windows \ desktop \ b 3719004 . htm "" > > attachment converted : "" c : \ windows \ desktop \ b 3719005 . htm "" > > attachment converted : "" c : \ windows \ desktop \ b 3719006 . htm "" > > attachment converted : "" c : \ windows \ desktop \ b 3719007 . htm "" > > attachment converted : "" c : \ windows \ desktop \ b 3719008 . htm "" > > attachment converted : "" c : \ windows \ desktop \ b 3719009 . htm "" > > attachment converted : "" c : \ windows \ desktop \ b 3719010 . htm "" > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: capm and cost of capital greetings from the global association of risk professionals ! ! we are putting together a panel for our march meeting related to one of the following topics ; cost of capital , estimating risk premium , and capm approaches to measuring risk . currently , we have steve mann , an assistant professor of finance at tcu , is scheduled to speak and we are seeking additional volunteers for our panel . if you are interested please respond via email . if your organization would like to host the event , please let me know so that arrangements can be made . fyi , we have identified resources in new york city that would come to houston to speak , and we are in need of a sponsor ( or suggestions ) to cover the general expense of bringing these individuals to houston . steve mann is an assistant professor of finance at the neeley school at tcu , where he teaches courses in derivatives and corporate finance . his primary area of research is trading , with focus on the risk & reward of market making in derivative contracts , as well as behavioral aspects of trading , and liquidity measurement . his publications to date include papers in the review of financial studies , the journal of business , and the journal of futures markets . looking forward to your response . respectfully , frank hayden garp the information in this email is confidential and may be legally privileged . it is intended solely for the addressee . access to this email by anyone else is unauthorized . if you are not the intended recipient , any disclosure , copying , distribution or any action taken or omitted to be taken in reliance on it , is prohibited and may be unlawful . when addressed to our clients any opinions or advice contained in this email are subject to the terms and conditions expressed in the governing kpmg client engagement letter . ",0 +"Subject: colorado fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 08 / 17 / 2000 11 : 25 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : samer takriti @ enron communications on 08 / 17 / 2000 10 : 57 am to : stinson gibner / hou / ect @ ect cc : subject : colorado stinson , i prefer to skip the trip . as i said , it would feel a little uncomofortable and strange . thanks though . - samer",0 +"Subject: technical corner vince , last monday , i sent the vp ' s an e - mail asking for their help ( from them , or from one of the people working with them ) in providing a technical corner article by today . to date , sandeep and mike have responded but cannot do one for this coming week . i didn ' t get a response from the other three . do you have something that could be easily adapted for the monday issue ? and , any suggestions about how to motivate a vp would be appreciated . my usual approach is to ask politely , which usually gets a positive response . i know the newsletter is low priority compared to our daily work , but surely as much as our people like to publish their ideas , one person out of forty - some - odd would be able to do something in a week ' s time , right ? as always , i appreciate your help . and , if you would care to share some advice on how i can do this in a better way , i will always listen and learn . sam",0 +"Subject: re : i will miss the tuesday staff meeting osman , vasant is setting up a meeting to review the credit models with ees . please , call - in or attend when the meeting is set . vince osman sezgen @ ees 01 / 15 / 2001 02 : 49 pm to : vince j kaminski / hou / ect @ ect cc : subject : i will miss the tuesday staff meeting vince , i will not be able to attend the meeting . here are some updates : 1 ) i left a message to george posey , i will follow up tomorrow ( tuesday ) , 2 ) i will follow up on the credit reserve issue asap , i will find out what the present state of the models are and come up with modification requirements to accomodate asset related projects . 3 ) this week i will need to spend much of my time in meeting with the breakthrough folks . they are at a stage where our contribution is being defined and specifies ( curves , components , etc . ) . if you would like to contact me urgently , please leave a phone message instead of e - mail - - i will be checking my phone messages more frequently . 4 ) we have a var meeting with rac on eam issues wednesday at lpm . 5 ) other issues are covered in my project list . regards , osman",0 +"Subject: consulting project dear vince : i have now spent 16 hours on the valuation project and wanted to touch base with you to make sure that the basic approach makes sense and that you think we are making an appropriate amount of progress . my invoice is attached . by the way , john martin just mentioned that you have agreed to be our luncheon speaker at the texas finance festival . i really appreciate your help on this and would like to schedule some time next week to talk about it in more detail . i look forward to hearing from you . regards , sheridan - invoice for february and march 2001 . doc sheridan titman department of finance college of business administration university of texas austin , texas 78712 - 1179 512 - 232 - 2787 ( phone ) 512 - 471 - 5073 ( fax ) titman @ mail . utexas . edu",0 +"Subject: re : mid - project review dates - enron great ! i ' ll arrange it with donna ! melinda arranged the video conference on 32 . see you there ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 01 / 24 / 2001 10 : 23 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 01 / 24 / 2001 09 : 47 am to : christie patrick / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : mid - project review dates - enron christie , feb the 20 th is the best time for me . vince christie patrick 01 / 23 / 2001 11 : 29 pm to : vince j kaminski / hou / ect @ ect cc : subject : mid - project review dates - enron hi vince ! the best dates for me are the 16 th or the 20 th . please let me know ! thanks ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 01 / 23 / 2001 11 : 29 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - fap on 01 / 23 / 2001 11 : 46 : 32 am to : "" ' vkamins @ enron . com ' "" , "" ' christie . patrick @ enron . com ' "" cc : fap subject : mid - project review dates - enron tiger hosts : this is a reminder that the deadline for setting up the mid - project review dates for your tiger team is friday , jan 26 . the following are the remaining available dates / times . please let me know what works best for you at your earliest convenience . monday , feb 12 4 : 30 - 6 : 30 or 6 : 30 - 8 : 30 tuesday , feb 13 4 : 30 - 6 : 30 or 6 : 30 - 8 : 30 wed . , feb 14 4 : 30 - 6 : 30 or 6 : 30 - 8 : 30 friday , feb 16 10 : 00 - 12 : 00 or 6 : 30 - 8 : 30 tuesday , feb 20 6 : 30 - 8 : 30 again , this will be based on a first come - first serve basis . you may come to campus or this can be done by videoconference . if you choose the latter , please provide to me a call - in number for the conference . any questions , please contact the fap office . donna piazze program director field application project the wharton school univ . of pennsylvania 215 . 573 . 8394 fax 215 . 573 . 5727 fap @ management . wharton . upenn . edu piazze @ wharton . upenn . edu",0 +"Subject: steve ' s trip to houston dale , richard , i am ready to cover the cost of steve ' s trip to houston ( one month in the summer ) . i think very highly of steve and think about coaching him a bit to expand his horizons . i see him as a very valuable asset of enron and a great leader in not too distant future . he needs exposure to more diverse business problems and areas of research . i think it will be in the best interest of the company to devote some resources to foster his development . vince",0 +"Subject: command confirmation request ( 4 e 46 c 824 ) your command : subscribe frbnyrmagl vince kaminski has been received . you must now reply to this message ( as explained below ) to complete your subscription . the purpose of this confirmation procedure is to check that the address listserv is about to add to the list for your subscription is reachable . this is a typical procedure for high - volume lists and all new subscribers are subjected to it - you are not being singled out . every effort has been made to make this verification as simple and painless as possible . thanks in advance for your cooperation . to confirm the execution of your command , simply point your browser to the following url : alternatively , if you have no www access , you can reply to the present message and type "" ok "" ( without the quotes ) as the text of your message . just the word "" ok "" - do not retype the command . this procedure will work with any mail program that fully conforms to the internet standards for electronic mail . if you receive an error message , try sending a new message to listserv @ peach . ease . lsoft . com ( without using the "" reply "" function - this is very important ) and type "" ok 4 e 46 c 824 "" as the text of your message . finally , your command will be cancelled automatically if listserv does not receive your confirmation within 48 h . after that time , you must start over and resend the command to get a new confirmation code . if you change your mind and decide that you do not want to confirm the command , simply discard the present message and let the request expire on its own .",0 +"Subject: non - disclosure agreement p . o . box 2227 livermore , california 94550 april 4 , 2001 dr . vince j . kaminski vice - president of research enron corporation p . o . box 1188 huston , texas 77251 vince , i have cleared my calendar , and i am looking forward to meeting with you in houston on may 4 th . transmitted herewith is the agreement that you requested . thanks . have a great weekend . larry thorne attachments : non - disclosure agreement - non - disclosure agreement . pdf",0 +"Subject: re : programming for rdi model michelle , the coding is progressing nicely . cecil and david have the first part of the code almost done ( there are 3 parts of code ) , and they expect to have the first two parts completed by next tuesday or wednesday . if ken ' s needed , that will be in the testing of the third part of code , which should be sometime next week or later . i will inform you of the status change as soon as possible . best , alex",0 +"Subject: statistician position open feel free to circulate this to get a statistician for us . thanks , krishna",0 +"Subject: re : ca for henwood engagement i suspect that enron india llc would be the entity to use . however , is anyone from tax involved in this ? if not , we need to get someone in the loop . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ lauren hagerty enron india / ebs asia three allen center , room 2119 houston , texas 77002 phone : 713 - 646 - 6529 fax : 713 - 646 - 7549 bonnie nelson 01 / 19 / 2001 11 : 54 am to : stinson gibner / hou / ect @ ect , bruce lundstrom / enron _ development @ enron _ development , lauren cc : vince j kaminski / hou / ect @ ect , sandeep subject : re : ca for henwood engagement stinson , please find attached a revised version of the draft consulting agreement with henwood . fyi , i am attaching both a clean version and one marked toshow changes from the last draft i sent you . please let me know if you have any questions or comments on the agreement or the most recent changes . what is the status of henwood ? do you still want to engage them and what is the timeframe for their work ( the dates in the draft may need to be corrected ) . bruce and lauren : please advise on which enron entity should be the party to this consulting agreement . thanks , bonnie",0 +"Subject: mid - year 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the mid - year 2000 performance management process by providing meaningful feedback on specific employee ( s ) that have been identified for you . your feedback plays an important role in the performance management process , and your participation is very critical to the success of enron ' s performance management goals . please provide feedback on the employee ( s ) listed below by accessing the performance management system ( pep ) and completing an online feedback form as described in the "" performance management quick reference guide "" . you may begin your feedback input immediately . please have all feedback forms completed by the date noted below . if you have any questions regarding pep or your responsibility in the process , please call the pep help desk at the following numbers : in the u . s . : 1 - 713 - 853 - 4777 , option 4 in europe : 44 - 207 - 783 - 4040 , option 4 in canada : 1 - 403 - 974 - 6724 ( canada employees only ) or e - mail your questions to : perfmgmt @ enron . com thank you for your participation in this important process . the following list of employees is a cumulative list of all feedback requests , by operating company , that have an "" open "" feedback status . an employee ' s name will no longer appear once you have completed the feedback form and select the "" submit "" button in pep . review group : enron feedback due date : jun 16 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - ahmad , anjam dale surbey may 22 , 2000 carson , margaret m james d steffes may 26 , 2000 vernon , clayton j vasant shanbhogue may 26 , 2000 zipter , rudi c theodore r murphy may 25 , 2000",0 +"Subject: friday night dinner itinerary dinner team itinerary date : friday , december 1 , 2000 restaurant : la columbe d ' or 3410 montrose 713 - 524 - 7999 cocktails : 7 : 30 pm dinner : 8 : 30 pm  ) 10 : 30 pm table no . 7 executive host : vince kaminski associate / analyst co - host : joana ryan dinner details : all super saturday candidates will be arriving at the restaurant by shuttle . a member of the associate and analyst program staff will greet them . this staff member will also be there to assist you . there will be a short cocktail reception prior to dinner . during the reception , you will have the opportunity to meet many of the candidates . a table has been reserved in the executive host  , s name . students will not have seating assignments this year . the hosts should feel free to invite up to four students to sit at their table if desired . dress for the evening is business attire . hosts are no longer responsible for the bill . if you would like to provide feedback on any candidate , an evaluation form is attached or you may discuss your input with the associate and analyst staff member after dinner . the evaluation form must be faxed to 713 - 646 - 5935 , prior to 12 : 00 p . m . on saturday to be included in the decision meeting .",0 +"Subject: re : houston visit thank you very much for your prompt reply . pls let me know if you ' re going to be in ny , otherwise i look forward to seeing you soon in houston . soussan ( 914 ) 253 - 4187 - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : tuesday , april 25 , 2000 11 : 23 am to : faizs @ texaco . com subject : re : houston visit soussan , it looks fine . look forward to meeting you again in houston or new york . vince "" faiz , soussan "" on 04 / 25 / 2000 09 : 29 : 34 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : houston visit dear vince , firstly , i really appreciate your time and our meeting last week . learning about enron ' s use of leading - edge practices was quite enlightening and i truly benefited from our visit . secondly , i ' ve summarized my key "" take - aways "" as stated below . before conveying it to my management , however , i really appreciate it if you can pls review my conclusions and ensure that they are not miss - stated . again , thanks so much for your time and wisdom . i was also honored that you gave me a copy of the "" managing energy price risk "" book and shall reference it with interest . thank you . i really look forward to seeing you again next time i ' m in houston . best regards , soussan ( 914 ) 253 - 4187 ps . the latest fortune article on ene is a great read and substantiates the company ' s innovative and creative approach to business . - - - - - - as you may know , i was invited to visit with enron ( ene ) last week . i met with vince kaminski , the vp and head of research in the risk management group of ene . vince who used to be with salomon brothers and at & t is the "" brain "" of ene w . r . t . their analytical tools for pricing of commodities , hedging , optimization of financial and physical transactions , as well as the value - at - risk systems . in addition , vince has received the 1999 james h . mcgraw award for energy risk management ( energy risk manager of the year ) and is well published . he is the key contributor to a best - selling publication by risk books entitled : managing energy price risk . our meeting was mainly focused on gaining additional insights re leading - edge practices within ene . my key findings are summarized below : 1 . ene does not use corporate price premises . they use market price info only and adhere to mark - to - market accounting . 2 . ene uses the "" heath , jarrow , and morton "" methods for modeling price dynamics ( i ' ve asked bic for a copy of the associated paper ) . they have their own "" home - grown "" software , however , they periodically review selected external developments for internal inclusion and advancement . 3 . vince ' s group comprises of mathematicians , physicists , and operations researchers who are responsible for the development and advancement of ene ' s risk management tools . these models are religiously used by the traders , risk managers , and bus across ene . 4 . investment proposals are screened , risked , and "" roved "" by a separate corporate group ( similar to our special studies and with business and real options skills ) who work in conjunction with the bus . all evaluations and transactions are marked - to - market . 5 . ene does not use efficient - frontier portfolio concepts . they "" vc fund "" any opportunity that has a credible value proposition and can stand on its own . they believe that with the current plentiful liquidity in the market , project - financing in not an issue for a "" good "" opportunity . however , they closely monitor the development of each opportunity , within their deep portfolio , at the corporate level and know how to "" fail fast "" . 6 . the employee reward system is based on p & ls as well as the creation of new business . 7 . most employees have stock options . i really enjoyed my visit and hope to meet with vince again the next time i ' m in houston .",0 +"Subject: var update memo hi grant , as requested i have sent a quick summary document giving an up - to - date description of the var model . i may well have missed some points but cantekin has worked closely with me on any changes so it is worth consulting him on any details i have missed . thanks kirstee",0 +"Subject: friday brown bag lunch on option pricing zimin , i have talked to alex about it . i don ' t think that the additional seminars will crowd out the brown bag lunches . the seminars are really targeted to people who recently joined the group and have very limited , or zero , exposure to energy markets . for most members of the group it should be the piece of cake . brown bag lunches are not that time intensive , except for the speaker . plus , we ran out of days available for lunch meetings . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 03 / 2001 08 : 27 am - - - - - - - - - - - - - - - - - - - - - - - - - - - alex huang @ enron 01 / 02 / 2001 12 : 15 pm to : vince j kaminski / hou / ect @ ect cc : stinson gibner / hou / ect @ ect subject : friday brown bag lunch on option pricing vince , this is a brief summary of last year ' s friday brown bag lunch option pricing series . we had about 15 lectures , given by the following people : grant , stinston , vasant , krishna , zimin , maureen , clayton , paulo , chonawee , myself , and some outside speakers . we were able to attract some outside audience as well . overall the response is quite encouraging and we have planned to continue it . in light of the presently scheduled seminars on "" energy derivatives "" , it seems our friday schedule will be too crowded if we have seminars on "" energy derivatives "" on two fridays and fbblop on other fridays . what ' s your suggestion ? should we discontinue the fbblop ? we also have scheduled january 19 for tom halliburton ' s visitor leon lasdon from ut austin to talk on non - linear programming . should we cancel it ? best , zimin & alex",0 +"Subject: fyi ",0 +"Subject: re : lawyer ian , sorry for a delay in responding to you . i am currently in london , flying back to houston tomorrow . the problem is not with the lawyers . we worked on our presentation materials together with a professor from another university and we agreed to use these materials only internally . we have to honor our commitment to him . i am sure that this is exactly what you would have expected from us if we had made a similar commitment to you . vince "" macmillan , ian "" on 03 / 21 / 2001 04 : 31 : 27 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : lawyer what do i need to do to move this thing forward ? i suspect that the problem is basically with the lawyers . they only know how to stop things , but in a way they play a role in global society . if it were not for the handicaps they lay on us the rest of the world would never have a chance . - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : macmilli @ wharton . upenn . edu cc : vince . j . kaminski @ enron . com sent : 3 / 8 / 01 12 : 12 pm subject : re : lawyer ian , sorry for a delay in getting back to you . i have one challenge i did not anticipate when i talked to you the first time about our real options internal seminar . the materials were prepared in collaboration with a professor from another school , and there is some sensitivity regarding the intellectual property rights and the ability to distribute the materials outside enron . please , give me some time to find out if i can work around this issue . vince "" macmillan , ian "" on 03 / 07 / 2001 06 : 46 : 28 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : lawyer i still have not heard from your lawyer . i would like to see whar materials you are using and assess how we could work on the topic of real options with enron",0 +"Subject: re : interview with enron corp . cliff : thank you for replying and we want to wish you the best in your new endeavor . texaco is also a good company and i am sure you will be pleased . best of luck ! sincerely , shirley crenshaw cliff parsons on 06 / 27 / 2000 02 : 05 : 13 pm to : shirley crenshaw cc : vince j kaminski , pinnamaneni krishnarao , osman sezgen , cp 38 @ andrew . cmu . edu subject : re : interview with enron corp . dear ms . crenshaw : i recently accepted a quant position with texaco in houston . lara berry from enron contacted me just after that , and i told her of the situation . i agreed to send her my resume ( which i did ) and keep in touch . enron is a fabulous corporation with exciting opportunities . mr . kaminski is very well known in the energy field , and i have read some of his material . i am extremely pleased that you all would be interested in me ; however , i have given my word to texaco . the texaco position offers a lot of opportunity and risk . this is the kind of challenge for which i am looking . if things do not work out , however , i would definitely contact enron again and cherish any opportunity for an interview . thank you very much , cliff parsons - - on monday , june 26 , 2000 , 11 : 27 am - 0500 shirley crenshaw wrote : > > > good morning mr . parsons : > > the enron corp . research dept . would like to conduct a telephone > interview with you at your convenience . > > the interviewers would be : > > vince kaminski managing director > p . v . krishnarao director > osman sezgen manager > > please give me some dates and times either this week or july 5 , 6 & 7 > of next week that you would be available and i will coordinate the > calendars . > > look forward to hearing from you . > > regards , > > shirley crenshaw > administrative coordinator > enron corp . research > 713 / 853 - 5290 > email : shirley . crenshaw @ enron . com > >",0 +"Subject: invitation to cera multiclient study workshop mr . vincent j . kaminski managing director enron capital & trade resources corp . dear mr . kaminski : you are cordially invited to attend a special workshop during ceraweek 2001 in houston addressing new and subtle dynamics in the oil market that could be costing companies millions of dollars in lost revenue . the workshop presents insights from a recent cera study entitled : "" the hole in the barrel : capturing value from a volatile oil price "" . ? the speakers will explain the challenges and suggest practical steps not only to mitigate these forces , but use them as a way to increase revenue . time : monday , february 12 , 2001 , 2 : 00 - 5 : 00 pm location : westin galleria , houston , tx cost : the workshop is a deliverable to members of the hole in the barrel : capturing value from a volatile oil price . for non - members of the hole in the barrel multiclient study , a fee of us $ 3 , 500 will be charged ( fee can be applied to the purchase of the study ) . please visit our online prospectus for the study located at : for more information , please contact me at badedamola @ cera . com or + 1 617 441 - 1348 . barry adedamola associate director , oil & global strategies our relationship with you is very important to us . ? if you wish not to receive e - mail notifications from cera , please send a reply to this message with "" donotemail "" as the subject of your message . ( mailto : info @ cera . com ? subject = donotemail ) ",0 +"Subject: re : fw : citi , wells , enron , sl and i 2 form a b 2 b venture wicke , thanks for a prompt reply . i am not planning any particular trip to houston yet . for the time being , i am about to leave for london , and then poland . i will most likely be at the olympics in sydney in late september , and in ny in early october . mid - october could be the first realistic opportunity to visit with enron , although i am looking forward to seeing you sooner in palo alto . i am simply curious whether and how we could leverage together core competencies and connectivity that both our companies seem to have or are developing . i am senior vice president for visa usa , responsible for strategy and planning . i would probably bring with me ( though i haven ' t discuss it yet ) people in charge of our network or / and our coo . best , andrzej - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : friday , august 18 , 2000 6 : 24 am to : lubowski , andrzej cc : vince . j . kaminski @ enron . com subject : re : fw : citi , wells , enron , sl and i 2 form a b 2 b venture andrzej , thanks . please , send me the information about the dates when you plan to visit houston . also , the information about your position / title / responsibilities ( as well as the info about the other members of your team ) would be useful . i shall be in the bay area between the 10 th and the 20 th of october . hope to see your then . wicek",0 +"Subject: sevil yamin anne , vasant sent this information to norma . i shall fwd his message to you . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 10 / 2001 03 : 02 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner 04 / 10 / 2001 02 : 57 pm to : vince j kaminski / hou / ect @ ect cc : subject : sevil yamin vince , do you want me to do this , or vasant ? - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 10 / 2001 02 : 57 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : anne labbe / enron @ enronxgate on 04 / 06 / 2001 09 : 57 am to : stinson gibner / hou / ect @ ect cc : subject : sevil yamin stinson , i am the new hr generalist for the research group because norma villarreal is moving to business analysis and reporting . earlier this week , norma and i met with vince , and he said that he was going to talk to you about writing up a list of sevil ' s projects / accomplishments for last year and this year , so that we can give her a project bonus since she did not receive a bonus during the normal prc time . at your earliest convenience , will you please email me this list so that i can get started putting together all of the paperwork so that she can receive a check on april 16 th . if you have any questions , please feel free to contact me at 5 - 7809 . i look forward to meeting you , and the rest of the group next week at vince ' s staff meeting . thanks , anne labbe '",0 +"Subject: re : uk rab multiples michael , thanks for the information . we shall have the results for you by tomorrow morning . vince michael anderson @ azurix 08 / 23 / 2000 07 : 48 pm to : vince j kaminski / hou / ect @ ect cc : keith . harris @ wessexwater . com subject : uk rab multiples i talked with keith harris , our cfo at wessex , about the rab multiple graph i gave you . he expressed that the wessex people had originated the data and that the graph was correct , to the best of their knowledge . the only ( but very important correction ) is that they started the graph at an index of 100 % , which does not imply a 100 % of rab multiple . rather , the initial rab multiple was around 80 % , implying that the entire line should be taken down by 20 percentile points . thus the all time hime in late 98 should be closer to the 1 . 3 x rab that i had targeted during our discussion . please call keith if he has not yet contact you .",0 +"Subject: re : article hello , vince ! i just got this from steve bigalow . is it okay to use for monday ' s newsletter ? thanks for the help , sam - - - - - - - - - - - - - - - - - - - - - - forwarded by william smith / corp / enron on 03 / 09 / 2001 12 : 42 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - steve bigalow 03 / 09 / 2001 11 : 39 am to : william smith / corp / enron @ enron cc : subject : re : article",0 +"Subject: the february issue of reactions is now live online dear colleague , the latest edition of the financial magazine for the global insurance market is now live at ; http : / / www . reactionsnet . com our monthly analysis of all the financial issues to affect the insurance industry could be just what you were looking for . ? with unique data and superb supplements such as the a - z of reinsurers , asia cover magazine and s simply click on the link to enter the site , http : / / www . reactionsnet . com you can contact us for help at mailto : web - help @ euromoneyplc . com or + 44 ( 0 ) 20 7779 8006 . ? february 2001 ' s cover story ? ? ? insurance tax battle : the war of the loophole although a handful of us insurers failed last year in their attempt to make rivals owned by offshore parents pay more tax , they have vowed to fight on . they are confident of victory . simon challis looks at the loophole that is tying politicians and businessmen in knots . february 2001 ' s this issue features ace ' s ina gamble : duperreault ' s risky bet ace took a very big risk when it acquired the property / casualty operations of cigna back in july 1999 . so far , the gamble appears to have paid off , but can ace keep it up ? captives : havens from a hard market bermudian performance survey : bermuda marches again oecd initiative : fighting spirit profile : stockton re - widening the net plus all this month ' s biggest stories ? - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - for your conference diary + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + new world old world risks have changed - 15 - 16 march , 2001 , berkeley court hotel , dublin , ireland the @ revolution is driving changes in the business practice of buyers , service providers and providers of risk finance . ? what are the key practitioners doing and what are the implications ? ? dublin 2001 will explore the emerging new dimensions of risk financing , the threats and opportunities and present practical strategies for addressing these issues . for a programme and registration form contact hannah bassally on : ? + 44 20 8895 3258 or e - mail : bassalh @ towers . com . + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + don ' t miss iasa 2001 ! ? iasa is recognized as one of the premier providers of insurance industry education . ? and , iasa ' s annual educational conference and business show is one of the most important industry conferences of the year . during june 3 - 6 , 2001 , choose from over 100 educational sessions , meet more than 200 exhibiting companies , and network with 4 , 000 of your industry colleagues . earn cpe credits , learn about new technologies and hear from industry experts . register today at www . iasa . org ! ? or , for more information , call ( 919 ) 489 - 0991 . we hope to see "" y ' all "" in san antonio , texas during iasa 2001 ! + + + + + + + + + + + + + + + + + + + + + weather derivatives and risk management april 2 - 4 , 2001 , london crowne plaza , st james this two - day weather risk management conference and half - day workshop on valuation of weather derivatives organised by euromoney energy events , in association with weather risk advisory , will bring together the most experienced decision - makers in the weather risk market , and will give delegates a thorough education on the use of weather products . to find out more ; e mail : mailto : energyevents @ euromoneyplc . com ? online : www . coaltransconferences + + + + + + + + + + + + + + + + + + + + + + + + + + + + + * plus ! * ? industry publications - read the executive summaries online ! reinsurance 4 th edition - the definitive industry - standard textbook @ risk - internet & e - commerce insurance and reinsurance legal issues insurance risk securitisation - a guide for issuers and investors to advertise or link your company website to this industry circular please contact nick lipinski tel : + 44 ( 0 ) 20 7779 8199 or e - mail mailto : nlipinski @ euromoneyplc . com if you have any problems logging onto or using ? www . reactionsnet . com please call our dedicated help desk + 44 ( 0 ) 20 7779 8006 or email mailto : web - help @ euromoneyplc . com we send this email because we believe you will find our magazine of value , however if you do not wish to continue receiving our monthly updates please reply to this email with unsubscribe in the title bar .",0 +"Subject: update - reimbursement of individually billed items the use of cell phones and pagers has increased dramatically in the past few years . as a result the accounts payable department has seen a rapid increase in the number of invoices and vendors . with the higher volume , we have reviewed our processes in order to continue our rapid payment cycle . although we encourage vendors to address their invoices to individual employees , they often mail invoices directly to accounts payable . at times they fail to list the individual who uses the pager or cell phone . in these cases we return the invoice to the vendor . if the employee is designated , we try to track him / her down and forward the invoice . the high level of employee movement among jobs and locations at enron has made this increasingly challenging . either way , we end up doing something less productive than paying invoices . to maintain satisfactory response to our vendors and to reduce time necessary for research , we request that employees who have pagers , cell phones , and other individually billed items such as licenses , subscriptions , etc . , pay for them by personal check or charge card ( if applicable  * payment instructions are usually indicated on the invoice ) and request reimbursement through employee expense reports . by submitting these charges on your expense report , you can help us reduce the amount of time spent researching and forwarding invoices , the number of checks generated by treasury , the number of vendors in our database , and the turnaround time for payment of invoices . incidentally , accounts payable is currently installing a corporate - wide web - based expense reporting system similar to what enron international has used for the past year . this will make it even easier to file your expense report and receive quick reimbursement . we  , d like to make this effective immediately . if you have any questions or suggestions , please contact the accounts payable department .",0 +"Subject: re : enron credit modeling discussions hi again , some of you have been kind enough to supply me with information that can be used for the strategic plan ( i am writing for duffie ) . to assist you in gathering further information , it was suggested that i forward a preliminary outline of this strategic plan to your attention . thanks in advance for your assistance , iris table of contents executive summary highlights introduction what is enron credit ? what is the business plan ? what are the products planned ? current status : what we currently trade , how we price . what new models we need to achieve goals . what attempts are being made internally and what external commercial sources are available . swot analysis strengths weakness opportunities threats pricing approach a diagram illustrating how various models are tied together for the overall objective of coming up with final cds and dbs pricing . brief description of each model shown in the diagram . public firm versus private firm what we have as first cut for modeling primarily public firms . our understanding on public versus private firms ' credit risk characteristics , data availability and possible modeling approaches . our proposed approach / plan towards development of private firm model , including comparative analysis , model development , etc . . portfolio level business feasibility analysis accounting breakeven analysis portfolio theory alternative ( short term ) measures kmv ' private firm model moody ' s riskcalc model for private firms comparison of kmv vs moody ' s private firm model future strategy development of private firm pricing models ( short - and long - tenor modelso completion of parent / subsidiary model risk management model for ect business references",0 +"Subject: refined products line - - north american markets - cera alert : decem ber 15 , 2000 cera alert : december 15 , 2000 title : refined products line - - north american markets cera knowledge areas : refined products us margin highlights * responding to falling apparent demand and rising primary inventory levels , us gulf coast unleaded gasoline margins versus wti fell by $ 2 . 26 per barrel to average $ 1 . 45 per barrel during november . gasoline margins have returned to a historically normal range after spending the summer of 2000 at exceptionally high values . cera expects gasoline margins to wti to average $ 2 . 75 per barrel during the first quarter of the new year , $ 1 . 16 per barrel lower than this year ' s first quarter average . * high sulfur no . 2 fuel oil differentials with wti dropped slightly , averaging $ 5 . 97 per barrel in november . despite the drop of $ 0 . 37 per barrel from october ' s average , fuel oil differentials remain at unprecedented values - $ 4 . 20 per barrel higher than a year ago and $ 3 . 46 per barrel greater that the previous five - year average . for the first quarter of 2001 , cera anticipates distillate margins to moderate somewhat but remain at a record high level of $ 4 . 75 per barrel in the first quarter . * jet / kerosene differentials versus wti rose $ 0 . 63 per barrel from the october average , reaching a whopping $ 8 . 59 per barrel in november . in correspondence with the distillate market , jet / kerosene margins are at historically high levels and receiving support from relatively tight fundamentals . cera expects jet / kerosene margins to moderate somewhat in the first quarter in response to seasonal weakening of demand following the holiday travel season but to remain exceptionally strong at an average of $ 5 . 75 per barrel . * margins for us gulf coast 1 % sulfur residual fuel dropped by $ 2 . 15 per barrel , reaching $ 3 . 99 per barrel below wti during november . despite the recent widening of differentials , cera expects soaring natural gas prices to support relatively narrow residual fuel differentials throughout the winter months . residual fuel differentials are expected to average $ 2 . 50 per barrel below wti during the first quarter of next year , at the high end of the historical range . us demand highlights * apparent demand for unleaded gasoline fell seasonally by about 0 . 5 million barrels per day ( mbd ) from the october level , reaching 8 . 36 mbd for the four weeks ending december 8 . demand is averaging less than 1 percent below last year largely because y 2 k concerns helped inflate december demand a year ago . cera anticipates gasoline demand to continue to decline seasonally as colder temperatures arrive , averaging 8 . 08 mbd during the first quarter of 2001 . * reported distillate apparent demand remains exceptionally strong at 3 . 94 mbd for the four weeks ending december 8 , over 7 percent greater than this time last year . this represents a slight increase of about 0 . 05 million barrels ( mb ) from the end - october level of 3 . 90 mb , but still a record high level for early december . with support from low home heating oil inventories , particularly in the northeast , distillate demand has been very strong during the fall of 2000 . cera expects demand to remain strong in the coming winter months , averaging 3 . 79 mb during the first quarter of next year . * apparent demand for jet fuel declined by 5 percent from the october level to reach 1 . 68 mbd for the four weeks ending december 8 . despite the decline , apparent jet fuel demand is over 1 percent above the year - ago level . the relative strength of jet fuel reported demand continues to parallel distillate demand strength with support coming from the use of jet fuel to help mitigate the tight distillate market fundamentals . cera expects the demand for jet fuel to average 1 . 81 mb during the fourth quarter . * reported demand for residual fuel dropped to 0 . 87 mbd for the four weeks ending december 8 , a decline of about 0 . 09 mbd from the october average and a slight increase over the november level . demand for residual fuel is currently 11 percent greater than last year , and surging natural gas prices are expected to result in continued strong residual fuel demand throughout the winter . residual fuel demand is expected to remain in the 0 . 85 to 0 . 9 mbd range during the first quarter of 2001 . us inventory highlights * primary inventories of unleaded gasoline rose to 196 . 5 mb , increasing almost 10 mb from the end - october value . responding to rising stock levels and declining apparent demand , forward supply coverage of gasoline climbed to 23 . 5 days for the four weeks ending december 8 . forward supply is 2 . 5 percent below last year ' s level at this time of year and at its lowest level in the past eight years - although cera still believes coverage is currently sufficient for the level of demand expected this winter . however , cera is looking cautiously at the implications of high distillate refinery yields and production because of the possibility of low gasoline inventories at the start of the driving season in the second quarter of next year . * distillate inventory coverage has remained about level since the end of october at 29 . 2 days of forward supply for the four weeks ending december 8 . despite record high apparent demand , strong refinery production levels helped boost primary distillate inventories slightly , to 115 . 3 mb for this period . primary stocks are 16 percent below last year ' s level at this time and at their lowest historical level ever . although stocks are low , cera does not anticipate shortages to occur this winter . assuming normally cold weather , refinery production and net imports are expected to be capable of meeting demand requirements - albeit at a high price . * jet fuel inventory coverage crept upward by about 1 day of coverage , to reach 25 . 7 days of forward supply for the four weeks ending december 8 . this moves jet fuel coverage above the 23 . 5 to 25 days ' supply range that it had been in for the past four months . the rise of just under 1 day in forward supply was mainly a response to a decline in apparent demand . jet inventories and coverage are expected to become tighter in the coming weeks as the pull from tight distillate markets strengthen , but supplies are expected to be adequate for the winter . * inventory coverage of residual fuel rose by almost 4 days of forward supply from october , reaching 41 . 7 days of forward supply during the four weeks ending december 8 . the increase in coverage was a temporary response to a drop in demand and an increase in stocks . with demand expected to strengthen because of colder weather and high gas prices , cera looks for inventories and coverage gradually to decline in the coming weeks . * * end * * this cera alert will be available in pdf format within 24 hours . this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www . cera . com / tos . html questions / comments : webmaster @ cera . com copyright 2000 . cambridge energy research associates",0 +"Subject: purchase of license for software hello all ! please order visual studio ( visual basics and c + + ) for chonawee supatgiat a new manager with the research group . the information you will need to order this package is as follows : co . # : 0011 rc # : 100038 head of research department : vince kaminski name : chonawee supatgiat title : manager location : eb 1942 phone : 5 - 8756 if you need anything else , please let me know . thanks and have a great day ! shirley 3 - 5290",0 +"Subject: re : lunch przepraszam , ze tak dlugo nie odpowiadalem . nasz team mial zaplanowany wspolny wieczor w piatek , ale nic nie bylo pewne , poniewaz mamy duzo osob sie rozchorowalo . z tegoz powodu wieczor zostal odwolany , a ja jestem wolny . jesli nadal nie ma pan planow na piatkowy wieczor , to ja jestem jak najbardziej za spotkaniem . j vince j kaminski 12 / 19 / 2000 10 : 05 am to : julius zajda / lon / ect @ ect cc : subject : re : lunch juliusz , sorry , i have to cancel the lunch meeting today . pleas , give a call sometimes today . maybe we can meet for drinks friday afternoon . i am taking the next week off . vince julius zajda 12 / 19 / 2000 09 : 25 am to : vince j kaminski / hou / ect @ ect cc : subject : lunch dzien dobry , mam nadzieje , ze nic sie nie zmienilo i jestesmy umowieni na dziesiejszy lunch . proponuje sie spotkac o godzinie 12 . 00 na parterze obok biurka "" security ladies "" ( bo wiem gdzie to jest ) . ubrany jestem w czarne spodnie , bezowe buty i szara bluze . nie jestem pewien czy bede mogl przeczytac potwierdzenie , bo od 10 do 11 . 45 przeprowadzam szkolenie . juliusz",0 +"Subject: pdo ' s in the media more about the pacific decadal oscillation . . . q . will we have a drought in southern california ? a . if the pacific decadal oscillation has switched we are likely to have 20 - 30 years with lower rainfall that we have had since the late ' 70 ' s . we will still have winter rains , but the number of really wet years is likely to decrease .",0 +"Subject: re : enron contact info christie , thanks for taking initiative on the trip so quickly . let ' s meet with jeff shankman to discuss the agenda . i shall try to organize a meeting next week after prcs are over . i agree with your assessment of the group . i was greatly impressed with the caliber of the students . vince christie patrick @ ect 12 / 07 / 2000 06 : 33 pm to : fap @ enron cc : clay degiacinto @ enron , deepa mallik @ enron , dennis feerick @ enron , edson otani @ enron , gustavo palazzi @ enron , "" heather n . thorne ( e - mail ) "" @ enron , jack rejtman @ enron , jaideep singh @ enron , jason cummins @ enron , joshua leventhal @ enron , kim whitsel @ enron , "" louis a thomas ( e - mail ) "" @ enron , murat camoglu @ enron , nick levitt @ enron , omar bassel @ enron , pat henahan @ enron , ram vittal @ enron , steve lessar @ enron , tulika bhalla @ enron , vincent chen @ enron , weigelt @ enron , fap @ enron , "" ' christie . patrick @ enron . com ' "" @ enron , "" ' vkamins @ enron . com ' "" @ enron , jeffrey a shankman / hou / ect @ ect subject : re : enron contact info hi evryone ! vince , vasant and i are very excited about the tiger project ! we all thoroughly enjoyed the opportunity to meet with such an incredibly interesting , enthusiastic and intelligent group . thank you for your time ! for those interested in the houston trip on january 18 - 19 th , please let me know by the 15 th of december so that i can get the best deal on air fare ( one - month in advance ) . also , i ' ll be forwarding the enron information packages to donna piazze for your receipt next week . i am including jeff shankman in this reply , as jeff is a wharton grad , leader of one of our enron business units , and one of the most enthusiastic enron / wharton cheerleaders . please feel free to individually contact me if there is anything i can do for any of you . thanks again for your enthusiastic interest in enron ! - - christie .",0 +"Subject: re : executive program on credit risk vince , next time this program will be offered in ca in october ( see below ) . let me know what you think , tanya . "" isero , alicia "" on 01 / 07 / 2000 12 : 38 : 12 pm to : tanya tamarchenko / hou / ect @ ect cc : subject : re : executive program on credit risk thank you for your message . yes , it will be offered in california at stanford , but not until october 15 - 20 . if you look on our website : www . gsb . stanford . edu / exed ( click on programs ) it will give you the information for both programs ( london and stanford ) . regards , alicia steinaecker isero program manager , executive education stanford university graduate school of business stanford , ca 94305 - 5015 phone : 650 - 723 - 2922 fax : 650 - 723 - 3950 email : isero _ alicia @ gsb . stanford . edu - - - - - original message - - - - - from : tanya tamarchenko [ smtp : ttamarc @ ect . enron . com ] sent : thursday , january 06 , 2000 3 : 23 pm to : isero _ alicia @ gsb . stanford . edu subject : re : executive program on credit risk hi , alicia , i work for enron research and i would like to take the executive program on credit risk . i am trying to find out if this program is going to be offered in california soon . is the date known ? can you , please , let me know . appreciate it , tanya tamarchenko 11 / 19 / 99 01 : 37 pm to : tanya tamarchenko / hou / ect @ ect cc : subject : re : executive program on credit risk ( document link : tanya tamarchenko ) "" isero , alicia "" on 11 / 10 / 99 06 : 10 : 57 pm to : "" ' credit risk mailing ' "" cc : "" weidell , anna "" , "" sheehan , alice "" ( bcc : tanya tamarchenko / hou / ect ) subject : executive program on credit risk subject : announcement : executive program on credit risk modeling credit risk modeling for financial institutions february 27 - march 2 , 2000 in london , at the lanesborough hotel risk management specialists , stanford business school professors of finance darrell duffie and kenneth singleton will be repeating their successful executive program on credit risk pricing and risk management for financial institutions . the course is created for risk managers , research staff , and traders with responsibility for credit risk or credit - related products , including bond and loan portfolios , otc derivative portfolios , and credit derivatives . this program includes : * valuation models for corporate and sovereign bonds , defaultable otc derivatives , and credit derivatives * models for measuring credit risk , with correlation , for portfolios * analyses of the empirical behavior of returns and credit risk * the strengths and limitations of current practice in modeling credit risk * practical issues in implementing credit modeling systems application form : credit risk modeling for financial institutions london , february 27 - march 2 , 2000 this form may be completed and returned by email , or may be printed and sent by fax to : stanford gsb executive education programs fax number : 650 723 3950 you may also apply and see more detailed information by visiting our web site at : http : / / www . gsb . stanford . edu / eep / crm applications will be acknowledged upon receipt . if you have not received an acknowledgement within two weeks , please contact us . please complete all sections . all information is kept strictly confidential . name : put an x beside one , please : male : female : citizenship : job title : company : your company ' s main activity : business mailing address : business phone ( all codes please ) : business fax : email address : home address : home phone : nickname for identification badge : emergency contact name : emergency contact phone : title of person to whom you report : your job responsibilities and experience related to this course : ( please provide a brief job summary here , or attach and send a biographical summary containing information relevant to your purpose and qualifications for the course . ) college or university education : please list , by degree : college or university dates degree granted _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ please note : all classes and discussions are conducted in english . in order to reserve a place in the course , the program fee of us $ 6 , 500 is due upon notification of acceptance . this fee covers the tuition , most meals , and all course materials ( including a proprietary manuscript on credit risk pricing and measurement ) . the program classes will be held at the lanesborough hotel at hyde park corner , london . hotel accommodations are not included . our refund policy is available upon request . please state the source from which you heard about this course : name and date : if you would like a hard copy brochure and application form , please contact : ( make sure to include your mailing address ) alicia steinaecker isero program manager , executive education stanford university graduate school of business stanford , ca 94305 - 5015 phone : 650 - 723 - 2922 fax : 650 - 723 - 3950 email : isero _ alicia @ gsb . stanford . edu ",0 +"Subject: final version of the presentation george , here is the presentation . i wasn ' t able to add a table showing the distribution of bids by fuel type for april 2000 since the database is not updated . also , in the map i didn ' t make those minor changes . because when i try to erase those names , the map looks ugly . when i get back from california let ' s get together and discuss the feedbacks from traders . sevil ,",0 +"Subject: congratulations - well deserved . ",0 +"Subject: interviews hi vince , thanks for taking the time off to meet with me last week . i did enjoy meeting you and your co - workers in the research group . i do realize my background may not be the best fit for the type of work done in your division . i ' ll be job hunting over the next several weeks , and would really appreciate it if you could let let me know if something opens up at enron . thanks again and best regards . ruwan - - * ruwan jayasuriya economics department ruwan @ rice . edu rice university http : / / www . ruf . rice . edu / ~ ruwan houston , tx 77005 *",0 +"Subject: re : follow up on houston opportunity anjam : 11 : 30 works for me . give me a call . grant .",0 +"Subject: re : dale nesbitt meeting tues margaret , i shall try to invite hunter shiveley who is in charge of gas market fundamentals . vince margaret carson @ enron 11 / 02 / 2000 09 : 57 am to : vince j kaminski / hou / ect @ ect cc : james d steffes / na / enron @ enron subject : dale nesbitt meeting tues vince do you plan on inviting anyone from the power issues side - - perhaps ben jacoby , julie gomez , jean mrha , scott neal to this meeting ? thanks margaret - - - - - - - - - - - - - - - - - - - - - - forwarded by margaret carson / corp / enron on 11 / 02 / 2000 09 : 54 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : john goodpasture 11 / 01 / 2000 05 : 53 pm to : vince j kaminski / hou / ect @ ect , margaret carson / corp / enron @ enron , mike mcgowan / et & s / enron @ enron , dave neubauer / et & s / enron @ enron , robert hill / npng / enron @ enron , shelley corman / et & s / enron @ enron cc : danny mccarty / lon / ect @ ect , bill cordes / et & s / enron @ enron , michael moran / et & s / enron @ enron , rod hayslett / fgt / enron @ enron subject : dale nesbitt meeting margaret carson is going to join us in the meeting next week with nesbitt . vince will check with ena to see if they also want to attend . i would also like to determine if ets and / or nbp would want to send a representative ( s ) , although margaret said she would take copious notes for distribution to other key players as necessary . we should ask nesbitt how he would structure a deal for multiple clients ( eg . ets , nbp , ena , and maybe el paso ) . [ we need to remain aware of any "" affiliate "" issues that may result , and make certain that we are in complete compliance with the regs . ] i will wait until after our meeting with nesbitt before deciding if / how to approach el paso . presumably , if asked to particpate , they would share the cost and have independent access to any working model that is developed . jng - - - - - - - - - - - - - - - - - - - - - - forwarded by john goodpasture / ots / enron on 11 / 01 / 2000 04 : 51 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 10 / 30 / 2000 04 : 42 pm to : john goodpasture / ots / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : dale nesbitt john , i talked to dale nesbitt . he suggested that the best way to evaluate his model is to go through a one week intensive project with assistance of somebody from his company . our cost is a flat fee of $ 12 , 500 that would be deducted from the purchase price of $ 55 , 000 , in case we buy the software package . the price of 55 k is indicative and will be adjusted based on the required level of support . dale will be in houston next week . i have tentatively invited him to visit with us on tuesday , november 7 , at 3 : 00 p . m . he will adjust if you are busy at this time . please , let me know what you think . vince",0 +"Subject: preliminary interviews with the research group good morning professor ordonez : vince would like to bring ernesto and carlos in for a preliminary interview . vince and stinson are available on tuesday , december 5 or wednesday , december 6 . should i contact them personally , or will you arrange the interviews ? i will need to know the times they are available on these days and i will also need copies of their resumes . if you need any information , please call me at 713 / 853 - 5290 . regards , shirley crenshaw administrative coordinator enron research group - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 11 / 27 / 2000 10 : 48 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 11 / 27 / 2000 10 : 47 am to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : re : greetings shirley , please , invite them for a preliminary interview , stinson , zimin , paulo and myself . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 27 / 2000 10 : 46 am - - - - - - - - - - - - - - - - - - - - - - - - - - - carlos ordonez on 11 / 27 / 2000 10 : 15 : 51 am to : vince . j . kaminski @ enron . com cc : subject : re : greetings dear vince , i am sorry for the dely in answering . these are their phone numbers : ernesto hernandez : ( 713 ) 532 - 0573 carlos gorrichategui : ( 713 ) 668 - 0408 . the best way to get a hold of them at this point would be through me . i would pass along the information and then they can contact you . cheers , carlos at 12 : 50 pm 11 / 21 / 00 - 0600 , you wrote : > > carlos , > > i need their phone numbers . > > vince > > > > > > carlos ordonez on 11 / 21 / 2000 11 : 45 : 45 am > > to : vince . j . kaminski @ enron . com > cc : > subject : re : greetings > > > vince , > > i gave you both their academic reports from here and mexico and panama . > this > information i believe also contain some personal info . would you need more ? > one of them was a bit nervous about the formality of turning in an actual > resume . . . > > please let me know whether the academic info is not enough . > > cheers , > > carlos > > > > > > at 10 : 41 am 11 / 21 / 00 - 0600 , you wrote : > > > > carlos , > > > > please , forward their resumes to us and we shall set up an interview for > > them . > > > > vince > > > > > > > > > > > > carlos ordonez on 11 / 21 / 2000 09 : 30 : 08 am > > > > to : stinson . gibner @ enron . com > > cc : vkamins @ enron . com > > subject : re : greetings > > > > > > dear vincent and stinson , > > > > both my students would love to come visit you guys for an informal > > visit in the near future . please let me know well ahead of time > > when they can come . if possible , see to it that their parking expenses > > be paid when they do come . > > > > > > i ' ll be in touch with you all over the next months about this and > > a possible postdoctoral / trainee agreement ( world lab . ) . > > > > cheers , > > > > carlos > > > > > > > > > > > > > > > > > > > > > >",0 +"Subject: gentlemen , spoke to vince k today and asked if he would send stinson gibner to sidney to be available on monday to review the x system . paul , make sure our x friends are available and the confidentially agreement is signed . further , i spoke to phillip b . about a technical going too . g ' day mates , gary",0 +"Subject: a letter i sent fiona , ? i sent you a letter a while ago to obtain enron ' s approval of the text . ? are you still ? my contact for this ? ? if not , please let me know who i should send the ? promotional material for approval . ? thanks , julie brennan ? lacima group - covering letter for book brochures - final . doc",0 +"Subject: re : var for 1 . 5 years for frozen portfolio vince , i sent it to you yesterday , sending again , let me know if you don ' t get it . tanya . tanya tamarchenko 06 / 20 / 2000 02 : 15 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : backtesting : using historical vols versus implied",0 +"Subject: re : anita dupont resume sheila , no , we have to go through the posting phase first . i shall ask shirley to provide the job description . vince from : sheila walton 08 / 04 / 2000 02 : 44 pm to : vince j kaminski / hou / ect @ ect cc : norma villarreal / hou / ect @ ect subject : re : anita dupont resume vince , alice has strong qualities for a sr admin asst . vince , have we posted this position on the job posting board ? if so , great . if not , we need to post this opening to prove that we have given an opportunity to all existing enron employees before we go outside to external candidates . otherwise , existing employees have a valid complaint that we are limiting their advancement within enron but hiring externally . if we have not posted this , i will have the recruiter contact shirley so shirley can give us a job description . then we can post and interview anita simultaneously . please let me know asap if this has been posted . thanks . sheila walton vince j kaminski 08 / 02 / 2000 08 : 48 am to : sheila walton / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : anita dupont resume sheila , i would like to hire anita dupont as a senior admin assistant , reporting to shirley . please , call me about it after you review the resume . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 02 / 2000 08 : 52 am - - - - - - - - - - - - - - - - - - - - - - - - - - - anita dupont @ enron 08 / 02 / 2000 08 : 17 am to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : anita dupont resume vince : here is the resume you requested . thanks . anita",0 +"Subject: entouch newsletter business highlights enron industrial markets metal bulletin - iron and steel awards for 2000 pushiest entrant : enron , the us commodity trading company , which promised it would revolutionize the steel business by offering futures in hot rolled coil via its online market place . the eim fundamentals analysis group is excited to announce that dave allan has joined as a director , responsible for all forest products lines . he comes to eim with 20 years of experience in the forest products industry , of which 14 were spent at abitibi and 6 with pulp and paper week . please join us in welcoming dave . the siebel team ( "" the force "" ) continues to work towards program implementation of its customer management system in early may , with training to begin at the end of april . stay tuned for updates . enron global lng enron global lng is positioning itself to be a creator and leader of a global wholesale lng market . the rising prices of natural gas in the united states and concerns over future energy supplies have created a bullish outlook for lng in the u . s . and around the globe . lng has played a major role in serving energy needs in many parts of the world , but its place in the u . s . energy picture has been limited . an lng market that spans the globe can supply vast amounts of otherwise stranded gas to the world ' s growing appetite for cleaner burning fuels . enron global lng sees great opportunity for enron ' s wholesale energy business model to help shape yet another energy market . in the news enron corp . says first - quarter profit rose 20 percent houston , april 17 ( bloomberg ) - - enron corp . , the largest energy trader , said first - quarter profit rose 20 percent as sales almost quadrupled . profit from operations rose to $ 406 million , or 47 cents , from $ 338 million , or 40 cents , in the year - earlier period . enron raised its 2001 profit forecast to $ 1 . 75 to $ 1 . 80 a share , from its january projection of $ 1 . 70 to $ 1 . 75 . first - quarter revenue surged to $ 50 . 1 billion from $ 13 . 1 billion as enron boosted the volume of power sold in north america by 90 percent . enron had a first - quarter gain of $ 19 million , or 2 cents a share , for an accounting change , making net income $ 425 million , or 49 cents a share . there were no charges or gains in the year - earlier period . welcome new hires egm - janelle russell , eim - david allan , sylvia carter ena - sasha divelbiss , amy quirsfeld , judy zhang , annette thompson , kelly donlevy - lee , grant patterson transfers ( to or within ) ena - william abler , magdalena cruz , barbara taylor , james reyes , marvin carter , angel tamariz , jesse bryson eim - cassandra dutton , christine sullivan , camille gerard , sherri kathol , jennifer watson egm - steven batchelder legal stuff the information contained in this newsletter is confidential and proprietary to enron corp . and its subsidiaries . it is intended for internal use only and should not be disclosed .",0 +"Subject: damages limitations bill and vince , please see the attached memorandum . vince , this relates to what we briefly spoke about during our recent meeting . cheryl , can you set up a meeting for bill , vince and i to meet and discuss ? thanks . rz",0 +"Subject: info about enron ' s bandwidth market martin , can you , please , call shu and provide him with information about ebs ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 25 / 2000 05 : 46 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - jun shu on 10 / 23 / 2000 07 : 27 : 49 pm to : vkamins @ enron . com cc : subject : info about enron ' s bandwidth market dear dr . kaminski , i enjoyed your talk this afternoon at ieor very much . i wonder if you could point me to some information resource on enron ' s bandwidth market . i am a ph . d student at ieor . i work with professor oren and professor varaiya from eecs department on the topic of pricing the internet . in particular , i am designing pricing mechanism in the framework of the diffserv architecture which is the latest proposal made by ietf to provide scalable service differentiation . i would very much like to get in touch with people in enron working on the similar topics . thank you very much . jun shu http : / / www . ieor . berkeley . edu / ~ jshu",0 +"Subject: addition to enron - summer internships vince : please include ram vittal to the summer internship list , if you have not already done so . according to my count , that make a total of 8 students from the enron tiger team who have a desire to work with enron . thanks , donna - - - - - original message - - - - - from : vittal , maheshram [ mailto : mvittal @ wharton . upenn . edu ] sent : friday , february 02 , 2001 10 : 17 pm to : ' fap ' subject : re : call from enron donna : i had submitted my resume directly to their recruiting office and haven ' t heard from them . i would be very willing to reforward my resume , if required . thanks , ram",0 +"Subject: career opportunity dear mr . kaminski : i recently sent you a copy of my resume and am just following up to see if it reached you without any problems ? i know you are a very busy professional and i would like to apologize for any inconvienence i have caused . i am just very dedicated in trying to obtain a career with your very well - respected company . i would really like to put my expereince and education to work for enron , as well as establish my life around the company . i am looking for an entry - level postion if that ' s what it takes to bulid my life and family enron corporation . once again mr . kaminski , i am deeply apologetic for taking up any of your time . any information you could help me with about my resume would be greatly appreciated . thank you for your valuable time . warmest regards , eric hilton",0 +"Subject: risk chapters conrad - - i am working on development of enrononline ' s web site . i got your name from vince kaminski . could you send me the pdf files of the chapters that you and vince discussed for posting on enrononline along with any copyright information ? thanks kal shah 001 713 853 9354 - - - - - - - - - - - - - - - - - - - - - - forwarded by kal shah / hou / ect on 06 / 21 / 2000 12 : 39 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 06 / 21 / 2000 12 : 39 pm to : kal shah / hou / ect @ ect cc : subject : re : enron site / mepr 2 - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 21 / 2000 12 : 42 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - conrad gardner on 06 / 05 / 2000 09 : 16 : 05 am to : vince . j . kaminski @ enron . com cc : subject : re : enron site / mepr 2 sorry vince one must have got away ! will contact dan shortly . conrad at 08 : 04 am 6 / 5 / 00 - 0500 , you wrote : > > conrad , > > thanks for your message . > > there are 3 papers enron contributed to the last mepr . > > there is also another paper on electricity i contributed to the "" red book "" > on us > power markets , as well as a paper or credit risk management , and a paper > on weather derivatives . all these papers included in other risk books were > written by enron > employees . > > we would like them included as well , if technically possible . > > > i think that offering other energy related books through our site , in > addition to mepr 2 , > is fine , but i would leave the decision to dan diamond , who is responsible > for the project . > > > vince > > > > > > conrad gardner on 06 / 05 / 2000 07 : 08 : 36 am > > to : vince . j . kaminski @ enron . com > cc : > subject : enron site / mepr 2 > > > > date : mon , 05 jun 2000 13 : 02 : 02 > > to : vince kaminski > > from : conrad gardner > > > > dear vince > > > > thanks for the call and email on friday . i will contact masuyuki and > follow > it from there . > > > > regarding the enron site , i think it is absolutely fine to put up the two > enron chapters ( i ' ll provide pdfs ) , and prevent any customer leakages from > your site by the use of "" submit "" buttons . as mentioned , i ' ll offer a 20 % > discount on mepr 2 to customers but would you be interested in some of other > energy titles ? - please let me know . > > > > many thanks > > > > conrad gardner > > > head of book publishing > risk books > haymarket house > 28 - 29 haymarket > london > swly 4 rx > direct tel : + 44 ( 020 ) 7 484 9750 > main tel : + 44 ( 020 ) 7 484 9700 > fax : + 44 ( 020 ) 7 484 9758 > e - mail : conrad @ risk . co . uk > www . riskpublications . com > > > > > > > head of book publishing risk books haymarket house 28 - 29 haymarket london swly 4 rx direct tel : + 44 ( 020 ) 7 484 9750 main tel : + 44 ( 020 ) 7 484 9700 fax : + 44 ( 020 ) 7 484 9758 e - mail : conrad @ risk . co . uk www . riskpublications . com",0 +"Subject: re : enron / stanford program hi vince , stinson thank you for hosting my visit to enron and arranging for me to meet with you and other decision - makers at enron . the meetings been very productive on my side , as i try to formulate the project more clearly . we are entering the period that i have to set up the research assistantships ( ra ) for next year for giuseppe and the other student i have committed to support on this project . school starts in late september , but already i have to start putting together the papers for the ras in the fall , as per departmental requirement . would it be possible to put the project in place soon , so that i can do the raship papers for the students ? i expect i will start having pressure from the department to do the paperwork for these raships early september , and i have to have them in place by the third week of september , just before school starts . i am attaching below the same draft of a letter i had sent you in a previous e - mail , which would be required to set up the project at stanford . please , let me know how you would like to proceed . again , thanks for your hospitality and i look forward to productive collaboration during the coming year and beyond . best regards , nick ps : vince , i look forward to seeing you during your visit to the bay area in october . draft of letter to be sent from enron to stanford . prof . nicholas bambos 420 terman engineering center management science & eng . dept . and electrical engineering department stanford university stanford , ca 94305 dear nick , we are happy to provide gift funds of $ 100 , 000 per year , over three years , to support a program in your research group , related to bandwidth markets / trading and networking technologies . enron would like to support research activities in the above mentioned area , including pd . d . student work , research seminars etc . there may also be opportunities to have the supported ph . d . students do summer internships at enron , related to their research interests . please find enclosed a check of $ 100 , 000 payable to stanford university for supporting this research effort in your group during the first year . best regards , name and title",0 +"Subject: vince , liberty gas storage project - we appreciated the insight from zimin lu on the liberty gas storage project . i had originally thought that enron could negotiate a deal directly with hng storage co . on the joint development of these facilities . however , hngs has now retained wasserstein pirella to "" market "" the opportunity . [ fyi - wasserstein was the investment banker that handled the recent sale of the market hub partners storage facilities , so they certainly would have a current list of interested parties . ] unfortuneately , we will now have to participate in another "" auction "" if we are to pursue this further . i ' ll let you know what we decide to do . alaska / northern canada pipeline - i would like to discuss ways that enron might enhance our prospect of participating in the initiative to bring substantial new gas reserves from alaska and northern canada to the lower 48 . a large equity investment in a very expensive , regulated pipeline is not likely to get much support within enron . instead , our competitive advantage may best be realized through the efficient and creative utilization of the existing us pipeline grid , ( "" backhaul "" on northern natural , expansion opportunities on northern border and nng , or even capacity exchanges with other pipeline operators ) . i think it would be very useful if we had the capability to model the impact of the evolving north american marketplace on that initiative , and vice versa . any insight we could develop on who will be the eventual "" winners "" and "" losers "" if / when that large volume of new gas enters the market would be valuable . i will look forward to our discussion tomorrow ( thursday ) at 1 : 30 pm . regards , jng",0 +"Subject: re : presentation david , i am leaving for vacation this weekend and i haven ' t received the copy of your presentation yet . the window during which i could make changes to my presentation is closing very fast . let ' s do the following : i shall keep my presentation as is ( this means that i shall use the copy of my presentation i sent to dawn scovill and you this week ) . if there is an overlap between our presentations , so be it . dawn , please use the copy of my presentation i sent you earlier this week . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 17 / 2000 04 : 33 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 03 / 16 / 2000 08 : 02 am to : "" dawn scovill "" @ enron cc : sobotkad @ kochind . com , vince j kaminski / hou / ect @ ect subject : re : presentation dawn , i met david sobotka from koch this morning and we talked about coordinating our presentations . this means there will be changes intended to avoid overlaps . sorry for that . the portions of my presentation will survive ( those about valuation paradigms ) and i shall add a few more pages on accounting treatment of weather derivatives plus more specific examples . david will cover primarily market evolution + plus examples of some standard structures , and we shall both give more interesting examples of specific deals executed by our companies . i shall send you an updated version of my part next week . let me know what the deadline is . vince "" dawn scovill "" on 03 / 14 / 2000 07 : 53 : 47 am to : "" vince j kaminski "" cc : subject : re : presentation thanks - - would you like me to include these in the conference book ? or do you anticipate changes ? dawn from : dawn scovill , conference coordinator "" powerful new ideas 2000 "" dawn @ perfectmeeting . com - - - - - original message - - - - - from : vince j kaminski to : cc : shirley crenshaw ; vince j kaminski ; vince j kaminski sent : monday , march 13 , 2000 1 : 56 pm subject : presentation > > > dawn , > > i am sending you an electronic version of my presentation . > > vince kaminski > > ( see attached file : fplo 400 . ppt ) >",0 +"Subject: re : seismic data on oil & gas field development via satellite there may be a business opportunity with this company , but i would not advise making an investment . kevin garland richard reichardt 10 / 10 / 00 12 : 30 pm to : mike mcconnell / hou / ect @ ect cc : larry lawyer / enron communications @ enron communications , tom gros / enron communications @ enron communications , vince j kaminski / hou / ect @ ect , kevin garland / enron communications @ enron communications , richard dimichele / enron communications @ enron communications , ken rice / enron communications @ enron communications subject : seismic data on oil & gas field development via satellite mike , using nasa satellite transmission of maritime data and establishing a houston data center to consolidate and centrally process 3 d seismic data surveys for oil and gas extraction , exploration and development could save the petroleum industry more than $ 300 million dollars annually through reduced operational expenses . added value in shortening the time to process and deliver the finished surveys should generate more than $ 26 million per site ( based upon $ 15 / barrel for average oil well production to market 30 days sooner ) in revenue . by re - selling this data to market analysts or by internally using this data for forecasting future oil / gas production enron could increase the accuracy of forecasting reserves and production capabilities globally . by holding the data as exclusive ( or partially exclusive ) , enron would have a significant market advantage in futures pricing for oil and gas . ( vince ' s team is quantifying the valuation of this information ) attached please find an updated version of the business case for seismic data transfer via satellite , by a geophysicist at spacedata - william k . aylor , calculated using $ 22 / barrel oil . based upon your availability , jon adler and i would like to make a presentation to you ( or your designated representative ) on the enron potential of this opportunity , sometime next week ( 17 - 20 october ) . - sdt business case 4 . pdf v . r . , richard reichardt enron broadband services ( 713 ) - 345 - 8377 ( office ) ( 713 ) - 907 - 3767 ( mobile ) 1400 smith street , suite eb 4364 houston , texas 77002",0 +"Subject: confirmation of your order this is an automatic confirmation of the order you have placed using it central . request number : ecth - 4 qqqzj order for : maureen raymond 1 x ( compaq armada m 700 $ 3522 ) enron it purchasing",0 +"Subject: congratulations vince , congratulations on your promotion to managing director . you certainly deserve it . zhiyong",0 +"Subject: houston research opportunity hi vince , thank you for offering the opportunity in houston to me last week . i guess i would interested to discuss it further with you - one question i have is about which commercial groups within the houston office you were looking for additional research coverage on ? please let me know when you might be free to talk - the best times for me would be from between 12 pm and 5 pm houston time ( i am usually home from 3 pm houston time ) . regards , anjam x 35383 home : 0208 877 9741",0 +"Subject: re : completion of ibuyit request for wincenty ( vince ) kaminski : eva : remedy 412144 vince , you have been approved for the technical view within ibuyit . changes will take effect on next login . thank you , sap security ( eva - from : raul davila / enron @ enronxgate on 04 / 19 / 2001 06 : 02 pm to : sap security @ enron cc : subject : re : pending approval for ibuyit request for wincenty ( vince ) kaminski : eva : remedy 412144 approved - - - - - original message - - - - - from : tow , eva on behalf of sap security sent : thursday , april 19 , 2001 5 : 39 pm to : davila , raul cc : vkamins @ enron . com ; crenshaw , shirley subject : re : pending approval for ibuyit request for wincenty ( vince ) kaminski : eva : remedy 412144 raul , raul , vince kaminiski is requesting acces to the technical view for catalog along with the ibuyit approval role . this is pending your approval . please send your response to sap security . thanks ! shirley crenshaw @ ect 04 / 19 / 2001 03 : 01 pm to : sapsecurity @ enron . com cc : vince j kaminski / hou / ect @ ect subject : ibuyit form attached please find the completed form for vince kaminski , managing director , research group . he will be approving all purchases for cost center 107043 . > - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 19 / 2001 02 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : debbie skinner / enron @ enronxgate on 04 / 19 / 2001 02 : 52 pm to : shirley crenshaw / houston / eott @ eott , shirley crenshaw / hou / ect @ ect cc : subject : ibuyit form hi shirley there were two shirleys , so sending to both > isc help desk",0 +"Subject: model validation trena , i have received your message . please , send the model for review to zimin lu . maureen raymond and myself will work with zimin to review the model . vince",0 +"Subject: enron ' s 2001 goals our vision to become the world ' s leading company positions our company for great success this year and beyond . our success is dependent on execution . with that in mind , we are making enron ' s 2001 corporate and business unit goals available to employees . please take a few minutes to review our 2001 goals on enron ' s intranet at http : / / 172 . 28 . 92 . 190 / bowne / we believe they will help you gain a better understanding of our vision for the company and will inspire you to identify innovative ways to help your organization and enron achieve our objectives . we have a lot to accomplish this year , and with your hard work and dedication , we can realize another year of stellar performance .",0 +"Subject: fwd : dinner for paula return - path : received : from rly - zbo 2 . mx . aol . com ( rly - zbo 2 . mail . aol . com [ 172 . 31 . 41 . 2 ] ) by air - zbol . mail . aol . com ( v 67 _ bl . 21 ) with esmtp ; fri , 28 jan 2000 17 : 38 : 20 - 0500 received : from mailman . enron . com ( mailman . enron . com [ 192 . 152 . 140 . 66 ] ) by rly - zbo 2 . mx . aol . com ( v 67 _ bl . 21 ) with esmtp ; fri , 28 jan 2000 17 : 38 : 03 - 0500 received : from dservl . ect . enron . com ( dservl . ect . enron . com [ 172 . 16 . 1 . 37 ] ) by mailman . enron . com ( 8 . 8 . 8 / 8 . 8 . 8 / corp - 1 . 03 ) with esmtp id waal 4060 for ; fri , 28 jan 2000 22 : 37 : 36 gmt received : from notes . ect . enron . com ( notes . ect . enron . com [ 172 . 16 . 4 . 33 ] ) by dservl . ect . enron . com ( 8 . 8 . 8 / 8 . 8 . 8 ) with smtp id qaa 22343 for ; fri , 28 jan 2000 16 : 38 : 01 - 0600 ( cst ) received : by notes . ect . enron . com ( lotus smtp mta v 4 . 6 . 5 ( 863 . 2 5 - 20 - 1999 ) ) id 86256874 . 007 c 528 f ; fri , 28 jan 2000 16 : 37 : 55 - 0600 x - lotus - fromdomain : ect from : "" vince j kaminski "" to : vkaminski @ aol . com message - id : date : fri , 28 jan 2000 16 : 37 : 55 - 0600 subject : dinner for paula mime - version : 1 . 0 content - type : text / plain ; charset = us - ascii content - disposition : inline content - transfer - encoding : 7 bit - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 28 / 2000 04 : 37 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : marie thibaut @ enron communications on 01 / 26 / 2000 02 : 55 pm sent by : marie thibaut @ enron communications to : ametz @ uswebcks . com , steve lovett / enron communications @ enron communications , richard weeks / enron communications @ enron communications , anthony mends / hou / azurix @ azurix , vince j kaminski / hou / ect @ ect cc : paula corey / enron communications @ enron communications subject : dinner for paula alaina , richard , vince , tony , elizabeth and paula - following are directions to paula ' s birthday dinner ( 6 : 30 pm ) at my house on saturday night , the 29 th note to all i hope these directions are somewhat clear but . . . . before you read my directions please be advised that it is a well known fact that marie thibaut has absolutely "" no sense of direction "" ! ! directions to my house - coming in from beltway 8 north / sam houston tollway - exit onto tomball parkway / 249 n and exit towards fml 960 , turn right on 1960 , stay on 1960 for approximately 3 miles . turn left on wunderlich ( there is a 24 hour gym on the corner ) stay on wunderlich until you come to 14515 trophy club condos - on the left side of street . turn left into the condos and press * 6070 at the gate entrance . continue to the left ( which bears slightly to the right ) , pass over 2 speed bumps until you come to the end of street . turn left and my unit is on the right side upstairs # 706 . call me at 281 - 587 - 2029 if you have trouble with my directions . directions to my house - coming in from i 45 - exit at 1960 going west , stay on 1960 for approximately 9 miles . turn right on wunderlich until you come to the 14515 trophy club condos - on the left side of street . turn left into the condos and press * 6070 at the gate entrance . continue to the left ( which bears slightly to the right ) , pass over 2 speed bumps until you come to the end of street . turn left and my unit is on the right side upstairs # 706 . call me at 281 - 587 - 2029 if you have trouble with my directions .",0 +"Subject: wall street journal subscription good morning mary sue : can you please get the wall street journal for kevin kindall ? it should be delivered to the 19 th floor along with the rest . co . # 0011 , rc # 100038 thanks and have a great day ! shirley 3 - 5290",0 +"Subject: enron research and ebs engineering and operations group technical forum scott : this is the memo that vince sent to the "" top "" management for the offsite . i am sending it to you for your information . glad you can be there on thursday evening . * * * * * * * * * * * * i would like to invite you to an off - site meeting of john griebling ' s organization and the research group . date : april 27 - april 29 location : breckenridge , colorado as you know , john griebling is managing the network design and construction project currently under way in ebs . the research group is actively involved in this effort which requires advanced quantitative skills in the area of stochastic optimization and stochastic processes ( for modeling and forecasting internet traffic flows ) . the objective of this meeting is to develop common language and accomplish transfer of skills between the two groups , to facilitate cooperation on this project in the future . we are inviting ken rice and kevin hannon to this meeting . we would appreciate if you could speak , together with kevin and ken , on strategic directions of ebs . it is important for a group of technical people , with relatively specialized technical skills , to understand the big picture . i am attaching the preliminary agenda for this meeting . vince kaminski",0 +"Subject: re : risk magazine - enron sponsored issue on energy derivatives yes , i will have sam send him two copies . sam : can you send the below enron employee 2 copies of "" the book "" thanks ! vince j kaminski 02 / 28 / 2000 08 : 21 am to : shirley crenshaw / hou / ect @ ect cc : subject : risk magazine - enron sponsored issue on energy derivatives shirley , do we still have some copies left ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 28 / 2000 08 : 19 am - - - - - - - - - - - - - - - - - - - - - - - - - - - gopalakrishnan subramaniam @ enron _ development 02 / 25 / 2000 11 : 24 pm sent by : subramaniam gopalakrishnan @ enron _ development to : vince j kaminski @ ect cc : subject : risk magazine - enron sponsored issue on energy derivatives i have recently come on board as treasurer , enron india . prior to joining , i was with reliance industries , a petrochemical conglomerate in india . the central banking authorities are now thinking of permitting corporates to hedge their oil and other related risks . i believe the literature published by risk in collaboration with enron has come to be considered as an industry standard . would it be possible to arrange for two copies to be sent across to us . thanx n regards g . subramaniam treasurer , enron india pvt . ltd . 36 , maker chambers vi , nariman point , mumbai 400 021",0 +"Subject: understanding and applying financial mathematics hello - this email is a reconfirmation that you have received the speaker package i have sent you last month regarding the above titled training course . if you have not received it , please contact me asap and i will send you all the information needed for the training . also , please remember to hand in the following : your biographical details speaker checklist copy of your presentation for our documentation printed materials ( please keep in mind that you will need to bring your presentation with you at the training , as we will not have it pre - downloaded ) . please keep in mind the deadline of july 27 and please call or email me with any questions you have . ? regards , amy lamonsoff training coordinator ? t ( 212 ) 925 - 1864 xl 48 f ( 212 ) 925 - 7585 alamonsoff @ watersinfo . com ? risk waters group 270 lafayette street , suite 700 new york , ny 10012",0 +"Subject: the installation of the equipment you ordered is completed - - - automatic notification system ( request # : ecth - 4 r 5 mlm ) requested for : vince j kaminski requested by : shirley crenshaw the installation of the equipment ( see below ) has been completed . en 6600 desktop p 3 - 600 10 gb 64 mb 32 x nt 4 . 0 en 6600 128 mb installed in desktop 21 "" vl 100 monitor",0 +"Subject: all about current and near future gas / power markets it ' s all here . comments appreciated . best regards , jhherbert - june 2000 . pdf",0 +"Subject: maureen ' s expenses it appears that administratively maureen ' s expenses in coming to london cannot be processed from this office . can i confirm that there is no doubt that the london office will pay these . could i therefore please ask shirley to process them in houston , and we will find out how they can then be charged back from research in houston to the london metals cost centre . thanks in advance for you help . tani nath",0 +"Subject: interview - numerical methods & finance dear tanya : it was a great pleasure to have met you . i very much enjoyed the interview and your insightfull questions . i am keenly aware that many of the methods that i discussed with you yesterday are unique , new and not reported elsewhere . this is true both about the work i did in whole yield curve interest rate pricing as well as garch . the innovations stem from the extensive numerical analysis experience that i have both in turbulence physics as well as finance . they entailed considering the problem from its raw formulation , mathematical analysis , physical interpretation , taylored numerical method development , software writting and develoment and data management . as to why i have not yet published anything the answer is that the driver in my work has been adding value to the business not publishing . publishing is however an option that has always been open with my former supervisor who is aware of the work that i did . i not however that these results were possible only by exploring to the utmost extent the mathematics , finance , software design and data managemnet aspects of the problem . absence of any of these aspects is likely to cripple performance and execution . please recall that as good as they were the performance measures that i mentioned to you were for a single processor machine . vastly better can be achieved with both soft parallelism ( multithreading ) as well as hard parallelism ( heterogenous network ) . this fo course allows us to step up the reach of the models used . in fact i know for a fact that better can be done than what i mentioned in the interview . from work that i have been doing on the integration of the swaption volatility surface on the whole yield curve interest rate model itm and otm instruments can be included in both the callibration , pricing and hedging . i look forward hearing back from you soon and particularly to the opportunity of us cooperating . best regards joao",0 +"Subject: sevil yaman hi norma , sevil ' s primary project has been the generation bidding analysis for the east power desk . she worked closely with the power fundamentals group and the it group in collecting and organizing the data , and then developing the analysis . sha has focused on the pjm area and plans to expand the analysis to other regions in the east . sevil has also investigated the issue of risk premia in power prices compared to marginal cost . vasant",0 +"Subject: re : private firm schedule thanks for the schedule update - - - - - original message - - - - - from : kirkpatrick , eric sent : monday , april 23 , 2001 10 : 52 am to : mack , iris ; dhar , amitava ; brent , richard ; salmon , scott ; chaney , craig ; mumford , mike ; detiveaux , kim ; cruver , brian subject : private firm schedule all : this is the rough schedule we came up with at today ' s video conference : submit rfp to d & b , experian , and amadeus 2 days 25 apr mumford receive back rfps 1 . 5 weeks 4 may mumford complete evaluation , selection & authorization 1 week 11 may mumford / mack contract complete and signed 2 weeks 25 may mumford data to iris & amitava 3 weeks 15 june mumford model development complete 4 weeks 15 july mack * integration of model and data feeds into cts 6 weeks 30 august kirkpatrick prior to integration into cts any prices would have to be manually uploaded into cts via spreadsheet . the rfp will include a request for a smaller data calibration set that we may select to purchase immediately . we can revisit this schedule at our wednesday video conference . eric kirkpatrick",0 +"Subject: full - time offer terms cantekin , dolores muzzy forwarded your e - mail . i apologize for not answering sooner but i have been travelling . unfortunately , the terms of the associate program compensation package are not negotiable . we have reviewed our terms and believe we are competitive with our peers . i have spoken with vince kaminski who will be calling you to discuss . given that it has taken 6 days to respond to you , if you are still considering enron ' s offer of employment i will extend your deadline until october 24 th . please call if you have any other questions . sincerely , charlene jackson",0 +"Subject: sokolov eis expenses - - - - - - - - - - - - - - - - - - - - - - forwarded by anita dupont / na / enron on 03 / 15 / 2001 05 : 14 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : kevin jolly / enron @ enronxgate on 03 / 14 / 2001 01 : 38 pm to : anita dupont / na / enron @ enron cc : subject : sokolov eis expenses anita , the other day i called you to get jason sokolov ' s cost center . some of his eis expenses ( market data , long distance ) for jan and feb 2001 were charged to the enron corp . rac cost center . in order for our accountants to reclass the expenses , we need your approval that the expenses can be moved . if this is okay , just reply back and let me know . see the attached files for the detail of the expenses to be moved for jan and feb . thanks for your help , kevin",0 +"Subject: re : valuation steve , please , let me know when you come back . i have detected a tendency to implement different approaches to valuation in the past . to some extent , it reflects the absence of formal rules for sign - off on the valuation techniques which , in turn , reflects , the turf wars and the desire by the originators to control the outcomes . vince stevestock @ pagenetips . com on 01 / 19 / 2001 06 : 53 : 14 pm to : vince . j . kaminski @ enron . com cc : subject : valuation vince , i ' d like an opportunity to talk to you about valuation . i ' m hearing confusing messages about the way that the uk it team and the uk traders get their valuation code aparently signed off by research , while here . . . you provide it for our guys to wrap up . we have now a situation where the uk team are using a home grown valuation piece called dove , where results differ from those of the equivalent usa portcalc . i need to break through the pride barriers and the "" not built here "" syndrome , and try to do the right thing , but i don ' t beleive i can do that without you guidance . i ' m scared that if we diverge too much we will never work globally on these systems . steve - - - - - - - - - - - - - - - - - - - - - - - - tel : 713 - 345 - 8980 cell : 281 - 541 - 1862 page : stevestock @ pagenetips . com",0 +"Subject: re : arthur andersen model validation request gilian , no , we don ' t additional need more data . i understand stinson gibner has already sent you a reply with his findings . vince to : vince j kaminski / hou / ect @ ect cc : subject : arthur andersen model validation request vince , was the data we provided sufficient to determine whether the global markets book administrator correctly utilized the spread option model ? please let me know if there are any additional data requirements . thank you again for your assistance . gillian boyer x 30968 - - - - - - - - - - - - - - - - - - - - - - forwarded by gillian boyer / aa / corp / enron on 12 / 18 / 2000 01 : 39 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - gillian boyer 11 / 27 / 2000 10 : 25 am to : vince j kaminski / hou / ect @ ect cc : subject : arthur andersen model validation request vince , our goal is to validate that the enron global market book administrators are accurately using the "" spread option model "" as developed by the research group . to determine this , we would like to provide you with the inputs for a particular deal ( as provided by a global markets book administrator ) and have you recalculate the deal value . we will then compare your results to the values calculated by global markets . two koch deals have been chosen due to their substantial p / l effect . i have attached the deal data in two forms : ( 1 ) the spread option model that kara boudreau , book administrator egm , provided and ( 2 ) an excel spreadsheet that isolates the 2 deals . if there is anything more that we could provide , please don ' t hesitate to call me at x 30968 . thank you so much for all of your help . gillian 1 . 2 .",0 +"Subject: re : green card sevil , i believe you and margret daffin have spoken about the next steps for your green card . you will need to start working on you hib at the begining of october 2001 . if there is any confusion on my part please let me know . norma villarreal x 31545 below is dicussion between margret daffin and sevil in an e : mail january 26 , 2001 : "" sevil : first of all we have to get you an hib visa before we can work on getting you the green card . after you get your opt , contact me sometime in the summer and i will start working on your hib visa which we will obtain in approx . october , 2001 . we cannot start the green card process when you are still on an fl visa - you have to be on an hib visa . there is no rush - you will have six years on the hib visa - plenty of time in which to get the green card . "" this was in reference to her note to me , as follows : "" i think i ' ll have time approximately until the end of 2002 by using cpt and opt . this makes almost two years . if we can start green card process now , do you think that i would get it before i need hl . in every case , can ' t we start green card before i get hl ? because i don ' t want to waste these two years given the fact that green card process is a long process . "" - - - - - original message - - - - - from : yaman , sevil sent : thursday , march 08 , 2001 3 : 59 pm to : daffin , margaret cc : norma villarreal / hou / ect @ enron subject : green card i haven ' t heard back from any of you regarding my immigration status . could you please get back to me with the information about the initialization of my green card process ? thank you . sevil yaman eb 1943 x 58083",0 +"Subject: re : price process parameter esimator michael , i think you mean price process parameter esimator . it is under o : \ research \ exotica \ prices \ reversion 97 _ trend . xls tanya "" michael schilmoeller "" on 05 / 11 / 2000 05 : 04 : 20 pm to : ttamarc @ enron . com cc : gmasson @ enron . com , vkamins @ enron . com , mike _ niman @ pgn . com subject : price process simulator hi tanya , hope things go well for you . can i get a copy of the price process simulator you wrote ? it would be helpful in developing a plant dispatch module for monet , the power systems simulation model i co - authrored . thank you , michael",0 +"Subject: new frbny research : 5 / 3 please respond to michael . demottnow available at the new york fed ' s research site : "" stocks in the household portfolio : a look back at the 1990 s , "" by tracy and schneider ( current issues 7 , no . 4 ) http : / / www . newyorkfed . org / rmaghome / curr _ iss / ci 7 - 4 . html "" currency orders and exchange - rate dynamics : explaining the success of technical analysis , "" by osler ( staff report 125 ) http : / / www . newyorkfed . org / rmaghome / staff _ rp / 2001 / srl 25 . html "" recent changes in the u . s . business cycle , "" by chauvet and potter ( staff report 126 ) http : / / www . newyorkfed . org / rmaghome / staff _ rp / 2001 / srl 26 . html u . s . and global economies charts , updated every wednesday http : / / www . newyorkfed . org / rmaghome / dirchrts / in addition , the foreign exchange committee ' s 2000 annual report is now available http : / / www . newyorkfed . org / fxc / ar 2000 / fxaro 0 . html research home page http : / / www . newyorkfed . org / rmaghome feel free to forward these messages . to unsubscribe , contact listserv @ peach . ease . lsoft . com . in the e - mail , type : signoff frbnyrmagl . for more details : http : / / www . newyorkfed . org / rmaghome / subscribe / subscribe . html . this notification service is provided to you free of charge . by subscribing to the service and providing your e - mail address , you agree to waive any claim against the federal reserve bank of new york for any messages that you may receive by reason of your subscription to this service and / or any resultant harm to you and / or your computer from receipt of such messages . the federal reserve bank of new york assumes no responsibility for any inaccuracies in any messages you may receive as a result of your subscription to this service .",0 +"Subject: regulatory var tentative agenda for the research lunch meeting on wednesday , august 2 nd at 11 : 30 am : objective : develop a methodology and a model for estimating risks of the ees regulatory portfolio . discussion items : 1 . elements of the regulatory portfolio - transmission and distribution ( t & d ) positions - bundled tariffs ( full utility tariffs that are in place prior to deregulation ) - competitive transition charges ( ctc ) positions - diversification between the three risk elements 2 . risk drivers in each bucket ( scott stoness of ees to provide more detail ) - t & d : interest rates - bundled tariffs : regulatory decisions , power prices , interest rates , inflation - ctc : power prices , fuel prices , generation valuation , generation stack , regulatory decisions 3 . position aggregation parameters ( scott stoness of ees to provide suggestions ) - by nerc region - by state - by utility - by utility tariff 4 . model environment - excel - grms / risktrac - other 5 . var parameters - correlations - factor loadings ( 1 - factor model ? ) - other 6 . ees specific issues - the size of ctc positions is impacted by the roll - off date , which is subject to change due to a number of factors ( jump diffusion ? ) - t & d and bundled tariffs do not move daily , but rather once every 2 - 3 years ( event driven ? ) thanks , vlady . ps : shirley , could you please make the lunch arrangements accordingly .",0 +"Subject: urgent the associate and analyst recruiting department will be conducting a number of two hour workshops to review our recruiting and interview process for the fall on - campus recruiting effort . critical information regarding our on - campus interview process , revised evaluation forms and program structure will be reviewed during these two hours sessions . it is mandatory that all team members attend these workshops . all team members must attend in order to articulate and demonstrate the enron recruiting process . knowing how busy schedules are , we have made arrangements to present these workshops in two hours sessions for a total of 40 workshops that will run during the last week of august , through the month of september and end at mid october . listed below are the dates , location and times for each session . please select a date and time and e - mail this information to my assistant , dolores muzzy . we can accommodate 25 participants at a time . dolores will take dates and times on a first come , first serve basis . we have scheduled enough sessions to accommodate every member of both the associate and analyst recruiting teams . in order to participate in the recruiting process , you must attend one of these sessions . we will be tracking participation . cpe credits will also be given for attending this workshop .",0 +"Subject: fw : invitation to 2001 energy finance conference - the university of texas at austin vince , i understand you ' ll be speaking at the cefer conference . gary taylor , the head of marketing in the weather deriv . group , would like to know if you plan on mentioning weather derivatives at all and that if you do , he has numerous existing slides and presentations that might be useful to you . joe - - - - - original message - - - - - from : angela dorsey [ mailto : angela . dorsey @ bus . utexas . edu ] sent : wednesday , january 10 , 2001 9 : 06 pm to : angela dorsey cc : ehud ronn ; sheridan titman ( e - mail ) subject : invitation to 2001 energy finance conference - the university of texas at austin colleagues and friends of the center for energy finance education and research ( cefer ) : happy new year ! hope you all had a wonderful holiday season . on behalf of the university of texas finance department and cefer , we would like to cordially invite you to attend our : 2001 energy finance conference austin , texas february 22 - 23 , 2001 hosted by the university of texas finance department center for energy finance education and research dr . ehud i . ronn and dr . sheridan titman are currently in the process of finalizing the details of the conference agenda . we have listed the agenda outline below to assist you in your travel planning . each conference session will be composed of a panel discussion between 3 - 4 guest speakers on the designated topic . as supporters of the center for energy finance education and research , representatives of our trustee corporations ( enron , el paso , reliant , conoco , and southern ) will have the $ 500 conference fee waived . the conference package includes thursday evening ' s cocktails & dinner and hotel / ut shuttle service , as well as friday ' s conference meals , session materials and shuttle service . travel to austin and hotel reservations are each participant ' s responsibility . a limited number of hotel rooms are being tentatively held at the radisson hotel on town lake under the group name "" university of texas finance department "" for the nights of thursday , 2 / 22 / 01 and friday , 2 / 23 / 01 ( the latter evening for those who choose to stay in austin after the conference ' s conclusion ) . to guarantee room reservations , you will need to contact the radisson hotel at ( 512 ) 478 - 9611 no later than monday , january 22 nd , and make your reservations with a credit card . please let me know when you have made those arrangements so that i can make sure the radisson gives you the special room rate of $ 129 / night . please rsvp your interest in attending this conference no later than january 22 nd to angela . dorsey @ bus . utexas . edu , or ( 512 ) 232 - 7386 , as seating availability is limited . please feel free to extend this invitation to your colleagues who might be interested in attending this conference . center for energy finance education and research program of the 2001 energy finance conference february 22 - 23 , 2001 thursday , feb 22 : 3 : 00 p . m . reserved rooms at the radisson hotel available for check - in 5 : 30 p . m . bus will pick up guests at the radisson for transport to ut club * 6 : 00 p . m . cocktails , ut club 9 th floor 7 : 00 p . m . dinner , ut club 8 : 00 p . m . keynote speaker 9 : 00 p . m . bus will transport guests back to hotel friday , feb 23 : 7 : 45 a . m . bus will pick up at the radisson for transport to ut 8 : 30 a . m . session 1 - real options panelists : jim dyer , ut ( chair ) sheridan titman , ut john mccormack , stern stewart & co . 10 : 00 a . m . coffee break 10 : 15 a . m . session 2 - deregulation panelists : david eaton , ut ( chair ) david spence , ut jeff sandefer , sandefer capital partners / ut peter nance , teknecon energy risk advisors 11 : 45 a . m . catered lunch & keynote speaker 1 : 30 p . m . guest tour - eds financial trading & technology center 2 : 00 p . m . session 3 - risk management panelists : keith brown , ut ( chair ) vince kaminski , enron alexander eydeland , southern co . ehud i . ronn , ut 3 : 30 p . m . snack break 3 : 45 p . m . session 4 - globalization of the energy business panelists : laura starks , ut ( chair ) bob goldman , conoco ray hill , southern co . 5 : 15 p . m . wrap - up 5 : 30 p . m . bus picks up for transport to airport / dinner 6 : 30 p . m . working dinner for senior officers of energy finance center trustees * we have made arrangements to provide shuttle service between the radisson hotel and ut during the conference . however , if you choose to stay at an alternative hotel , then transportation to conference events will become your responsibility . * * * * * * * * * * * * * * angela dorsey assistant director center for energy finance education & research the university of texas at austin department of finance , cba 6 . 222 austin , tx 78712 angela . dorsey @ bus . utexas . edu * * * * * * * * * * * * * *",0 +"Subject: proposed bonuses greg , these are proposed bonuses : managers : superior 1 . ravi thuraisingham 40 k 2 . ronnie chahal 40 k 3 . amitava dhar 40 k excellent 1 . osman sezgen 35 k 2 . tanya tamarchenko 35 k 3 . joe hrgovcic 30 k 4 . vincent tang 30 k directors : superior 1 . mike roberts 100 k 2 . krishnarao pinnamaneni 60 k excellent 1 . zimin lu 50 k 2 . maureen raymond 40 k assistants : 1 . shirley crenshaw 6 k 2 . robert moore 5 k you already have the vp numbers . vince",0 +"Subject: re : update on iris molly , it seems that we got only bill bradford so far . given that almost everybody will be out that week , we probably should move the interview to the beginning of january , even if it means higher costs . vince enron north america corp . from : molly magee 12 / 18 / 2000 06 : 57 pm to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : update on iris bill bradford has returned our call , and is scheduled to see iris at 11 : 30 am on 12 / 28 . more info as it becomes available . molly",0 +"Subject: performance good morning everyone . please let me know which date you would prefer . december 4 or december 8 th . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 10 / 30 / 2000 07 : 26 am - - - - - - - - - - - - - - - - - - - - - - - - - - - norma villarreal 10 / 28 / 2000 10 : 47 am to : shirley crenshaw / hou / ect @ ect , stinson gibner / hou / ect @ ect , mike a roberts / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , maureen raymond / hou / ect @ ect , zimin lu / hou / ect @ ect , osman sezgen / hou / ees @ ees cc : vince j kaminski / hou / ect @ ect , ramona perkins / corp / enron @ enron subject : performance the research group will be conducting a performance review committee ( prc ) meeting in early december . all vice presidents , sr . directors and directors should attend . shirley crenshaw will be contacting you to schedule the prc meeting date and time . these are the current available dates : december 4 , 8 . in preparation for the meeting please submit recommended rankings and promotions to me based on employee feedback by november 29 , 2000 . please included analyst / associates , if you have any questions please feel free to call me or ramona perkins at x 58165 . here is some helpful information for you as we proceed throughout he performance evaluation process october 25 , 2000 - november 17 , 2000 ( 3 1 / 2 weeks ) : employees will provide a list of accomplishments occurring after june 1 , 2000 to their supervisors employees will receive an email advising of access and passwords to pep system ( 10 / 25 ) employees identify selected reviewers on line and will submit to supervisor supervisor will add and / or delete reviewers in order to capture a full 360 degree feedback supervisor will submit and reviewers will receive an e : mail advising them of their reviewer role reviewers can decline or complete the review once system closes on november 17 , 2000 , prepare for research prc meeting ( print consolidate review , pre rank employees , identify candidates for promotion and submit to hr ) important dates ( i will notify you of any changes ) : september 30 , 2000 only employees before 10 / 1 / 00 will be included for pep and bonuses october 15 , 2000 whomever is the supervisor for employees on 10 / 15 / 00 will be responsible for their reviews october 25 , 2000 pep system opens ( http : / pep . corp . enron . com ) october 30 - 31 , 2000 pep overview session at doubletree november 17 , 2000 pep system closes for feedback november 23 - 24 thanksgiving holiday november 29 , 2000 provide hr with pre - rankings and promotions december tbd , 2000 research prc january 31 , 2001 all reviews must be complete , signed and submitted to hr norma sr . hr representative x 31545",0 +"Subject: re : uk portfolios and books setup in risktrac tanya the books were set up incorrectly when the spreadsheet feeds were implemented . this has since been corrected . currently the european risk trac numbers do not feed into the corporate reporting of var . the books should now contain gas exposures in uk gas and power in uk power and have no duplication . i have previously discussed with naveen and kirstee that it would be a good idea if we set up a regular meeting to projecct manage the implementation of european var numbers , from risk trac , into the daily reporting . if you have no objections i suggest we discuss this at the next weekly rac / research meeting . rgds oliver tanya tamarchenko 03 / 01 / 2001 21 : 05 to : david port / market risk / corp / enron @ enron , vince j kaminski / hou / ect @ ect cc : kirstee hewitt / lon / ect @ ect , oliver gaylard / lon / ect @ ect subject : re : uk portfolios and books setup in risktrac david and vince , in my e - mail below i pointed out to a inconsistency in the portfolio hierarchy for uk positions in risktrac that i found out , namely : some books ( for example elsb 1 and elsb 2 ) belong to uk - gas portfolio and to uk - power portfolio . i wanted to clarify this in order to reconcile positions in risktrac and in the spreadsheet . tanya . tanya tamarchenko 01 / 03 / 2001 02 : 09 pm to : naveen andrews / corp / enron @ enron , matthew adams / corp / enron @ enron cc : rabi de / na / enron @ enron , jaesoo lew / na / enron @ enron , vince j kaminski / hou / ect @ ect subject : re : uk portfolios and books setup in risktrac naveen and matthew , i started looking systematically through uk positions and corresponding var numbers in the risckrac . i found a few inconsistencies so far . 1 . the portfolio elsb 1 - nbp has a book elsb 1 under it . the sum of delta positions for this book is 239 , 021 , 655 , the sum of gamma positions is - 211 , 031 , 450 . var for the portfolio elsb 1 - nbp is zero . the same refers to a few other portfolios , for example elsb 2 - nbp , elsb 3 - nbp , e 2 xxl - nbp . 2 . the portfolio elsbp 1 - ppp also has the book elsb 1 under it . this book contains the positions on pppwdl through pppwd 6 and pppwel through pppwe 4 . the same refers to the other books , for example elsb 2 . this looks messy . can someone in rac go over all the portfolios , all the corresponding books and curves in risktrac and make sure they are set up properly ? thank you , tanya .",0 +"Subject: interview schedule for martin jermakyan please find the interview packet for the above - referenced person . the interview will occur on friday october 27 , 2000 . please print all three documents for your reference . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . stephanie 58701",0 +"Subject: eprm 2001 houston dear speaker , i would like to remind you that the room block at the houstonian hotel where the above mentioned event is being held is about to expire . after friday 20 th april you will not be able to take advantage of the discounted rooms that are being held there . please book your accommodation asap to take advantage of this offer . contact the hotel directly and say that you are part of the risk conference on 14 & 15 may 2001 . 001 713 680 2626 . risk waters group do not book accommodation for speakers , you have to contact them yourself , directly . if you have not already sent me a short biography and your speaker checklist , please do so at your earliest convenience . kind regards layla o ' leary event co - ordinator risk waters group haymarket house 28 - 29 haymarket london swly 4 rx tel : + 44 ( 0 ) 20 7484 9871 fax : + 44 ( 0 ) 20 7484 9800",0 +"Subject: your approval is overdue : access request for mraymon @ enron . com this request has been pending your approval for 2 days . please click approval to review and act upon this request . request id : 000000000007494 request create date : 11 / 15 / 00 12 : 57 : 59 pm requested for : mraymon @ enron . com resource name : unlisted application / software resource type : applications",0 +"Subject: jaesoo lew tanya : although you and i didn ' t have an opportunity to talk this morning , vince conveyed to me that an offer should be extended to jaesoo lew . he also told me that jaesoo would be reporting to you . i need some information concerning the position , so i am attaching a form that needs to be completed and returned to me as quickly as possible . in the meantime , i will contact jaesoo to verbally offer him the position . please call me with any questions . molly x 34804",0 +"Subject: vince kaminski ' s discussion notes for the enterprise wide risk management meeting , january 21 attached please find the discussion notes for the offsite meeting on friday , february 4 th . if you have any questions or comments , please let me know . vince kaminski ( by shirley crenshaw ) 3 - 3848",0 +"Subject: re : frank , thanks . i have given your name to the employee energy and power risk management magazine who organizes power 2001 conference in houston ( may of 2001 ) . vince "" frank a . wolak "" on 11 / 28 / 2000 09 : 04 : 42 am to : vince . j . kaminski @ enron . com cc : subject : vince , sorry about the delay in responding . it ' s the end of the quarter and i ' m teaching 3 courses , so things are very busy , plus i had to work on a response to the ferc proposed order for california . here is my student ' s cv . please let me know if you need more information . frank wolak - jmyan _ cv _ newl . pdf",0 +"Subject: re : eprm articles chris , thanks for the invitation . the evening of july the 18 th is fine with me . the list looks fine and it can be easily expanded , if the first set of articles is well received . i shall prepare a list of topics that occupy us every day and that we could write about without revealing the details of our proprietary research . please , feel free to send the message from lacima . i think that it ' s better for us to sign the articles with our names , giving our respective affiliations . in this way , enron gets the credit , but not the liability if there is any error in an article . hope to see you soon . vince",0 +"Subject: focus group invitation - supervisors vince , the associate & analyst programs are conducting focus group sessions to gather feedback regarding the mid - year 2000 prc process . you have been randomly identified as a participant in the supervisors session . organizational development consultants from corporate human resources will facilitate the sessions . we encourage your participation and welcome your feedback as we prepare for the year - end performance assessment process . the logistics are as follows : friday , september 8 , 2000 11 : 00 am - 12 : 30 pm location - eb 32 c 2 please rsvp to constance charles at 3 - 5614 or by email no later than wednesday , september 6 th at 12 : 00 noon . lunch will be provided . i look forward to receiving your feedback . thank you , charlene jackson",0 +"Subject: powerisk 2000 - october 3 rd - 6 th - paris dear mr kaminski i am delighted to say that the printed conference brochure is now available and our logistics team will be mailing them out , along with the speaker guideline packs ( including information on hotel discounts etc ) , in the next couple of weeks . you will also no doubt receive copies via our main mailing campaign . in the interim , please find attached a shortened pdf copy of the conference brochure for your perusal . ( i did not want to send you the complete 12 pages as it would clog up your email ! ) the full colour version can be found on our website at www . icbi . uk . com / powerisk i hope you agree that the speaker plenum and line - up of topics is possibly one of the best ever and not surprisingly the event is already drawing strong international interest . in particular the executive summit day on e - business and power trading is taking numerous bookings . i would be happy for you to attend either the summit day or one of our two intensive post conference workshops , but in order to avoid overcrowding on the day ask that all reservations be made in advance . i am certain that you have friends or colleagues who would be interested in attending the conference this year , and would like to ask that you email the enclosed details to them . to make things easy , i have attached a booking form which should be faxed to + 44 20 7915 5101 . icbi would be happy to offer a 10 % discount on registrations received through speaker recommendations . finally for any enquiries relating to travel or hotel matters please contact our logistics manager clare capel on + 44 20 7915 5198 . of course for any programme related issues , please drop me an email or call me on + 44 20 7915 5194 . i look forward to seeing you in october for what promises to be excellent and informative week . kind regards rosemary fitzgerald director , powerisk 2000 + 44 20 7915 5194 fax : + 44 20 7915 5101 email : rosef @ icbi . co . uk ! - poweriska 300 . pdf - speakerreg . doc",0 +"Subject: rotation of leandro "" roy "" ibasco hello celeste : plans are in the works to rotate roy ibasco from the research group into henry arora ' s group . vanessa carranza is handling the churn request . i am not sure of the rotation date , but we need his desk by the 15 th for gwyn koepke . you probably already know all of this , but just in case . shirley 3 - 5290",0 +"Subject: re : parking space at 777 clay street for summer interns hi louis : we will take it ! listed below are the individuals that will be using the spot . june lst - july 30 th vince kaminski july 31 st - august 18 th matthew williams ( london ) august 21 st - sept . 15 th steven leppard ( london ) sept . 18 th - oct . 13 th kirstee hewitt ( london ) oct . 16 th - nov . 10 th ben parsons ( london ) june lst - july 30 th should be billed to vince kaminski - co . # 0011 and rc # 100038 july 31 st - nov . 10 th should be billed to the london office - i have requested their co # and rc # and will forward it to you when i get it . thanks louis ! shirley crenshaw 3 - 5290 louis allen @ ect 06 / 01 / 2000 10 : 11 am to : shirley crenshaw / hou / ect @ ect @ enron cc : subject : re : parking space at 777 clay street for summer interns hi shirley , i have one ( 1 ) space available at 777 clay garage . please let me know who the summer intern is thats needing a space . please advise asap . thanks , louis shirley crenshaw @ ect 05 / 15 / 2000 11 : 36 am to : louis allen @ enron cc : subject : parking space at 777 clay street for summer interns good morning louis : we would like to requst a parking spot at 777 clay street for the months of june , july , august and september . we will have 3 employees from the london office that will be rotating on special assignment to our group . is there a way that we can go ahead and reserve the spot and i will let you know the car information and driver information as they come ? our co . # is 0011 and our rc # is 100038 . thanks ! shirley 3 - 5290",0 +"Subject: re : presentation on tuesday vince , i will be out of the office this thursday afternoon . here is what i can present on tuesday related to power prices : do you want to discuss it with me some other time ? tanya",0 +"Subject: enron earth day "" trash bash "" i encourage everybody very strongly to join other enron employees at this event . it ' s a great opportunity to contribute to the growth of our city and to make sure that enron is not embarrassed if other energy companies show up in strength . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 12 / 2001 11 : 13 am - - - - - - - - - - - - - - - - - - - - - - - - - - - anita dupont @ enron 03 / 07 / 2001 02 : 37 pm to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , mike a roberts / hou / ect @ ect , sandeep kohli / enron _ development @ enron _ development , joseph hrgovcic / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , zimin lu / hou / ect @ ect , martin lin / hou / ect @ ect , maureen raymond / hou / ect @ ect , osman sezgen / hou / ees @ ees , paulo issler / hou / ect @ ect , amitava dhar / corp / enron @ enron , alex huang / corp / enron @ enron , kevin kindall / corp / enron @ enron , kevin g moore / hou / ect @ ect , william smith / corp / enron @ enron , jose marquez / corp / enron @ enron , chonawee supatgiat / corp / enron @ enron , shalesh ganjoo / hou / ect @ ect , tom halliburton / corp / enron @ enron , elena chilkina / corp / enron @ enron , sevil yaman / corp / enron @ enron , sofya tamarchenko / na / enron @ enron , bob lee / na / enron @ enron , gwyn koepke / na / enron @ enron , hector campos / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , youyi feng / na / enron @ enron , praveen mellacheruvu / hou / ees @ ees , stephen bennett / na / enron @ enron , roman zadorozhny / hou / ees @ ees , lance cunningham / na / enron @ enron , leann walton / na / enron @ enron , shane green / hou / ees @ ees , seksan kiatsupaibul / hou / ees @ ees , kate lucas / hou / ect @ ect , nelson neale / na / enron @ enron , rabi de / na / enron @ enron , kenneth parkhill / na / enron @ enron , jaesoo lew / na / enron @ enron , jason sokolov / hou / ect @ ect , steve bigalow / na / enron @ enron , tom barkley / na / enron @ enron , rakesh bharati / na / enron @ enron , wnarongw @ enron . com , iris . mack @ enron . colm cc : subject : enron earth day "" trash bash "" enron is hosting a special event on saturday , march 31 st . the first annual enron "" trash bash "" to clean up the banks of buffalo bayou between shepherd drive and sam houston park . i am chairing the check - in team which consists of : registering all of the volunteers handing out enron t - shirts and caps passing out gloves and garbage bags making clean up section assignments for anyone who might be interested in helping me , please call me at ext . 30329 . also , we need a lot of volunteers to walk along buffalo bayou and pick up trash . this would be a great family project , a good project for your childs youth group or boy scout or girl scout troop . it will also be fun . they will have live bands , lyou get an enron t - shirt and enron baseball cap , lunch will be served at sam houston park and there are a lot of good door prizes . if you want to volunteer for the "" trash bash "" clean up , just show up at sam houston park on saturday , march 31 , 2001 , at 8 am to register . clean up starts at 9 am and lunch will be served at 11 : 00 am and after lunch door prizes will be drawn and then you can go home feeling like you have done your part for houston ' s waterway environment . i hope you will think about it and bring your friends , family , ect . and help enron clean up the environment . thanks , anita",0 +"Subject: re : [ no subject ] hi vince , this resume looks quite good . we may wish to talk to him on the phone . however , now that david hoog has hired his own actuarial guys ( alex tartakowski and larry markus ) from ace , i am not sure if they require support on the actuarial side . with don black ( of global risk markets ) leaving enron , i think the effort to develop power products for the insurance markets is pretty much nonexistent , except for david hoog ' s product . the resume still looks interesting , though . vasant - - - - - original message - - - - - from : kaminski , vince sent : friday , april 13 , 2001 3 : 56 pm to : shanbhogue , vasant subject : [ no subject ] vasant , please , take a look at this eresume . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 13 / 2001 09 : 55 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - cathy lira @ enron 03 / 26 / 2001 11 : 12 pm to : vkamins @ enron . com cc : subject : [ no subject ] - - - - - - - - - - - - - - - - - - - - - - forwarded by cathy lira / na / enron on 03 / 26 / 2001 04 : 12 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" imccracken "" on 02 / 24 / 2001 04 : 02 : 11 pm please respond to "" imccracken "" to : grad _ programs @ enron . com cc : subject : [ no subject ] dear sir / madam , i am a student in a master ' s programme in mathematical finance due to graduate in august . my intention upon graduation is to work in a quantitative capacity in the power markets and to this end , i am including my resume in the hope that i might be considered for any available position in your risk management or structured products group requiring such mathematical skills . i have addressed this email to your graduate programmes address but i am unsure whether or not my candidacy would fall under the umbrella covered by your associate programme . if this is not the case , any help in seeing that my resume finds the correct destination would be greatly appreciated . yours sincerely , ian mccracken * get free , secure online email at http : / / www . ziplip . com / * - iancv . doc > ",0 +"Subject: only 1 week left to register for the henwood power market symposium at the discount registration fee dear energy participant : don ' t miss your chance to register for the henwood power market symposium at the discounted price of $ 875 . after april lst the registration fee increases to $ 975 . * register now because space is limited ! this annual three - day event will take place from april 29 to may 1 , 2001 in atlanta , ga at the beautiful evergreen mountain resort . this year ' s symposium features leaders from ferc , electric power research institute , standard & poor ' s , iso new england , conoco , entergy nuclear , and more . discussion topics will include "" rating implications of the california market failure "" , "" upcoming changes to wholesale electric markets in new england "" , "" impacts of high gas costs to the nation ' s supply portfolio "" , and many others . as always , participants will also have the opportunity to gain access to henwood ' s software products , consulting services , and online databases , as a means to develop competitive strategies and unequalled value in restructured markets . your registration fee is inclusive of the following : - complete hotel accommodations at the stone mountain resort for sunday april 29 th and monday april 30 th , 2001 - all meals and refreshments for april 29 th through may lst . a welcome reception is planned for sunday , april 29 th . this reception is an excellent opportunity to network with market participants and decision - makers of the electric power industry . - a river boat dinner cruise on monday , april 30 th on board the henry w . grady paddlewheel riverboat . also don ' t miss the henwood captain and crew golf tournament planned for sunday , april 29 th . we invite golfers of all levels to participate in this fun event . for more information please contact me at 916 569 - 0985 or hmason @ hesinet . com . you can also learn more about the symposium by visiting our web site at www . hesinet . com . heather mason marketing assistant henwood energy 2710 gateway oaks dr . suite 300 n 916 - 569 - 0985 * make sure to ask about our special 2001 henwood client discount .",0 +"Subject: fyi : enron = the best hi vince . i spoke with molly mcgee down in hr - we are getting the paperwork together . i will send you those candidates we talked about next . just to let you know why i contacted you . . . every student at the better universities including those in the uk - ask either for you or enron . i saw enron was voted the best company to work for out of 10 in the world andthere are countless articles in the financial times on enron . for this i am thankful to know you now ! did you know why my grandfather changed his name from wesloski to wesley ? . . . when he came from poland to work as an autoworker in detroit . . . there was alot of anti - polish sentiment and he was beaten and intimidated to the point where he was afraid for his life and the saftey of the family . he then changed the name to the english derivative from wesloski to "" wesley "" . nevertheless , they kicked his teeth out of his mouth and beat him senseless many times . i may change it back . . . i don ' t know . ok - i will get everything together for you and molly ! thank you for the opportunity to work with you vince and enron . thank you , jeff * get free , secure online email at http : / / www . ziplip . com / * - private 9498132241 . pdf",0 +"Subject: pjm two - settlement & market - based regulation market trials announ ced message sent from the pjm - customer - info mailing list at pjm - customer - info @ majordomo . pjm . com : pjm two - settlement & market - based regulation market trials pjm will be conducting two - settlement and regulation market trials in preparation for the implementation of its two - settlement and regulation markets on june 1 , 2000 . the market trials are designed to provide pjm market participants the opportunity to submit generation offers , regulation offers , demand bids ( fixed and price - sensitive ) , increment offers , and decrement bids using pjm emkt . pjm will clear the markets and provide the ability for pjm market participants to view two - settlement and regulation market results using pjm emkt . pjm will conduct three sets of market trials . the first and second trials will be conducted on april 19 and on april 27 . the final market trials will be conducted on business days between may 15 and may 24 , 2000 . all pjm market participants are eligible to participate in the market trials for two - settlement and regulation and must register in advance . register now ! ! ! ! ( http : / / www . pjm . com / twoset / form _ twoset _ reg . html ) details of the market trails are described in the attached document . > - 2 g 3 dol ! . doc questions may be directed to pjm customer service at ( 610 ) 666 - 8980 . to unsubscribe from this list , send an e - mail to majordomo @ majordomo . pjm . com containing only the following line in the body of the e - mail : unsubscribe pjm - customer - info",0 +"Subject: re : fw : credit risk model comments - at this point . bill , we spent about an hour with rick explaining the rationale behind different solutions and i think he has a better understanding of the models at this point . i think he was asked by jeremy to look into it . vince from : william s bradford / enron @ enronxgate on 04 / 11 / 2001 09 : 05 pm to : rick buy / enron @ enronxgate , vince j kaminski / hou / ect @ ect cc : mark ruane / enron @ enronxgate subject : fw : credit risk model comments - at this point . rick / vince , should this not be a credit / research initiative while the business unit focuses on originating good economic transactions ? not to be complaining , but shouldn ' t ees be focusing on infrastructure issues rather than waste resources on a project we are already moving forward on ? you can ' t run a portfolio model , unless you have deals in a risk system ! how complex do we want these models to be ? behavioral implications on credit default ? they still don ' t seem to understand . regards , bill mark - please attend . you may want to include martin to help ees understand the complexity of their deals . - - - - - original message - - - - - from : krishnarao , pinnamaneni sent : wednesday , april 11 , 2001 9 : 14 am to : kaminski , vince ; dhar , amitava ; de , rabi ; william s bradford / hou / ect @ enron ; tamarchenko , tanya subject : credit risk model comments - at this point . comments from rick jones on the credit reserve model . anita dupont is setting up a meet with rick jones to discuss these . vince & bill - if you want to join the meeting , please let me or anita know . regards , krishna . - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 04 / 11 / 2001 09 : 04 am - - - - - - - - - - - - - - - - - - - - - - - - - - - richard b jones @ ees 04 / 10 / 2001 04 : 16 pm to : pinnamaneni krishnarao / hou / ect @ ect cc : subject : credit risk model comments - at this point . - - - - - - - - - - - - - - - - - - - - - - forwarded by richard b jones / hou / ees on 04 / 10 / 2001 04 : 16 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - richard b jones 03 / 23 / 2001 05 : 53 pm to : cheryl lipshutz / hou / ees @ ees , trushar patel / corp / enron @ enron , michelle . wenz @ enron . com , gayle muench / enron @ enronxgate , jeremy blachman / hou / ees @ ees cc : subject : credit risk model comments - at this point . hi everyone , i have run the model and , along with the contract briefs i have some questions the number of trials , numerical roundoff , and random number generator randomness statistical properties . the first two are not a problem in this application but the last one could be . has anyone examined the effect of using different random number generators on enron  , s aggregate credit risk ? 7 ) there is one last point here . for most of the above points , the "" improved "" analysis could make the credit risk be higher . rick",0 +"Subject: re : sorry . thank you , vince . i really like your idea . thank you again , - chonawee vince j kaminski @ ect 01 / 04 / 2001 05 : 17 pm to : chonawee supatgiat / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : sorry . chonawee , this was perfectly all right . as a matter of fact i expect and encourage the members of the group to disagree with me ( or anybody else ) on any subject . i am never offended by it and take it as a manifestation of ability to think independently and having the courage of one ' s convictions . nobody has the monopoly on truth and nobody knows everything . the only way we can learn and avoid costly errors ( to ourselves and the company ) is by having open communication . in enron , facts are friendly . by the way , it was an excellent presentation . vince chonawee supatgiat @ enron 01 / 04 / 2001 03 : 10 pm to : vince j kaminski / hou / ect @ ect cc : subject : sorry . hi vince , i am sorry for correcting on the revenue of the different auctions . vickrey 1961 showed that all 4 kinds of auctions would yield the same expected revenue to the auctioneer . ( dutch , english , first price - sealed bid , and second - price sealed bid . ) in fact , the selling price is equal to the valuation of the second highest bidder . for example , in vickrey auction , everyone bids at his own valuation . hence , the winner pays the valuation of the second highest bidder . in english auction , the second highest valuation bidder will stop competing if the price is above his valuation . hence , the winner also gets the item at the price of the second highest valuation bidder . thank you for attending the meeting and giving many helpful contributions . - chonawee",0 +"Subject: 3 - d seismic data and oil trading a brief summary of the research evaluation of siesmic data financial impact on oil trading is attached for transmittal to the client ( rich reichart ) . our conclusion is negative . bob",0 +"Subject: actuarial course material hi dale , i just talked to the actuarial education company and found that the combined material packs ( cmps ) are priced per course as follows : - 101 statistical modelling : 102 financial mathematics 103 stochastic modelling 104 survival models 105 actuarial mathematics 106 actuarial mathematics ii 107 economics 108 finance and financial reporting 109 financial economics 302 life insurance 303 general insurance having reviewed , i think the most suitable ones to order are suggested in blue . this adds up to o 525 for the sub - set in blue ; alternatively we can stick to 103 through 106 for o 356 - > i suggest we go for the smaller sub - set to start off with . regards , anjam x 3583",0 +"Subject: new extension installed we will receive a new employee on jan . 17 th 2000 . if possible we would like for his telephones and extensions to be ready . his name is jose marquez . his locations are eb 3130 c and ebl 968 . any questions please call kevin moore x 34710 thanks kevin moore",0 +"Subject: re : fw : fw : get together this coming tuesday ? thanks for the update . kim . - - - - - original message - - - - - from : kaminski , vince sent : tuesday , may 01 , 2001 2 : 08 pm to : watson , kimberly cc : gadd , eric ; kaminski , vince subject : re : fw : fw : get together this coming tuesday ? kim , i talked to dale early this morning and suggested that we meet during his next trip to houston when we decide on timing of our project . vince from : kimberly watson / enron @ enronxgate on 05 / 01 / 2001 08 : 41 am to : vince j kaminski / hou / ect @ ect , eric gadd / et & s / enron @ enron cc : subject : fw : fw : get together this coming tuesday ? vince , if dale comes in to see you , it looks like eric might be available to meet with you as well . it would be a good opportunity for eric to meet dale and get a little more information on his model . eric ' s phone number is x 54713 . thanks , kim . - - - - - original message - - - - - from : gadd , eric sent : monday , april 30 , 2001 8 : 12 pm to : watson , kimberly subject : re : fw : get together this coming tuesday ? works for me . give me a call at 9 : 30 . from : kimberly watson / enron @ enronxgate on 04 / 30 / 2001 05 : 09 pm to : eric gadd / et kaminski , vince subject : re : get together this coming tuesday ? dale , please , call me on tuesday . my morning schedule is full but i am open in the afternoon . vince > "" dale m . nesbitt "" on 04 / 30 / 2001 01 : 51 : 21 am please respond to to : "" vincent kaminski "" , "" kimberly s . watson "" cc : subject : get together this coming tuesday ? vince / kim : i am flying to houston tonight and wondered if it would fit one or both of your schedules to get together this coming tuesday sometime for 1 / 2 hour or so . i really want to reinitiate the conversations marketpoint was having with john goodpasture and you , and he said either or both of you were the right people to continue after his responsibility shift . john was quite positive about the idea of enron acquiring marketpoint narg through license , and he implied that one or both of you would be carrying the ball in that direction after he handed it to you . would this coming tuesday morning at 930 am be a good time for you guys ? if so , please give me an email shout at the above address or leave a message on my voicemail at ( 650 ) 218 - 3069 . i think you will be truly impressed with the scope and progress we have been able to make with both the short run narg and the long run narg in which you were interested ( not to mention our power model ) . the progress is noticeable since you saw it . both long and short term narg are having quite an impact on a number of gas decisions at the moment ranging from venezuelan lng , north american lng import terminals and term , gas basis calculations , trading support , power plant development , gas - to - power price spreads in key markets , veracity of heat rate trades , bank financings , storage field evaluation , and which new pipelines we can expect to see enter and which are dogs . i really hope we can fit it in and get our discussions moving in a mutually productive direction again . i think narg can help you become even more successful , and i look forward to working with you . we have a new office address and new phone number as well . ( we move in may 1 . ) altos management partners 95 main street , suite 10 los altos , ca 94022 ( 650 ) 948 - 8830 voice ( 650 ) 948 - 8850 fax ( 650 ) 218 - 3069 cellular give the phones a week or so to get "" debugged "" and then switch over . dale",0 +"Subject: re : statistician from rice osman , this guy is too much . i would tell him that we understand that he has to make the best choice for himself and can change his mind but at this point we treat his decision as final but we still appreciate the interest he showed in enron . we never had any luck hiring a statistician . maybe we shall get one some day . vince osman sezgen @ ees 04 / 20 / 2001 11 : 54 am to : vince j kaminski / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect cc : subject : statistician from rice i had a message on my phone this morning from william indicating that he had changed his mind and will be taking another job . he also mentions that the other organization will give him time to publish his thesis and he assumes enron would not do that . i am inclined to give up on him but wanted to get your input before doing so . osman",0 +"Subject: congratulations ! hi vince : i just received the email announcing your promotion , and i wanted to take this opportunity to congratulate you . best regards , bani",0 +"Subject: re : mscf speaker series pierre - philippe , yes , we are ready . i shall be accompanied by one person from our analyst / associate program and i would like to ask you if she can be invited to dinner as well . we plan to come thursday night and leave on sat morning to avoid potential flight delay risk . vince pierre - philippe ste - marie on 10 / 08 / 2000 06 : 55 : 27 pm to : vince . j . kaminski @ enron . com cc : subject : re : mscf speaker series hi mr . kaminski , just touching base for the 3 rd of november . is everything ready ? sincerely , pierre - philippe ste - marie",0 +"Subject: re : anjam ' s term sheet tara : i am forwarding it to vince for his approval . it looks good although i have three questions : 1 ) i presume that it is clear that enron pays housing up to 1500 / month . anjam does not get a check for 1500 to play with . utility bills are not included unless part of the rent , right ? this should be clarified ; as you know , houston summers are a significant burden on the pocket - book . 2 ) economy class plane . can we even do that ? i thought enron policy was for a b - class ticket for flights over 6 hours . 3 ) 500 lbs of transport . i don ' t know if this is a big ticket item , but i would give him less , 250 say , if it would save enron considerable expense . regards , grant .",0 +"Subject: project with maria garcia vince , here is a brief about the project with maria garcia . promigas , in partnership with others , wants to acquire $ 80 mm tvcable company in mexico . promigas ' s ownership would be 25 % , i . e . , 20 mm . 10 mm of it would come from debt . enron wants to participate this deal by offer promigas loan guarantee in exchange of call options on 50 % promigas equity in tvcable . following suggestions have been made : 1 ) get a market quote for the loan guarantee ; use credit risk model to price the guarantee internally ; need to speak to vasant 2 ) find a comparable company , study the volatility using company value histogram from economics model ( crystal ball output ) , i can fit a lognormal distribution , then find the volatility 3 ) calcalte the call option value , find braek - even strike . any inputs are extremely welcome . zimin",0 +"Subject: re : risk 2000 panel discussion steve , a meeting at 8 : 00 - 8 : 15 is fine with me . vince "" bramlett , stephen "" on 06 / 06 / 2000 08 : 24 : 08 am to : "" ' vince j kaminski ' "" , "" bramlett , stephen "" cc : jefferid @ kochind . com , oliver @ risk . co . uk subject : re : risk 2000 panel discussion vince - thanks for the update . i ' ve been pulled into a 7 : 00 am breakfast which i must attend . chances are i could catch up with everyone between 8 : 00 and 8 : 15 . i apologize , but two of my breakfast dates are taking special flights in just for the breakfast - or i wouldn ' t inconvenience everyone . - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : tuesday , june 06 , 2000 8 : 11 am to : bramlett , stephen cc : jefferid @ kochind . com ; oliver @ risk . co . uk ; vince j kaminski subject : re : risk 2000 panel discussion steve , this looks fine . i think we are meeting at 7 : 45 a . m . on the 14 th next to the general reception area . vince "" bramlett , stephen "" on 06 / 05 / 2000 06 : 28 : 36 pm to : "" ' jefferis , dick ' "" , "" bramlett , stephen "" , vince j kaminski / hou / ect @ ect , "" ' oliver @ risk . co . uk ' "" cc : subject : re : risk 2000 panel discussion gentlemen , please see the edit of my outline below . also , what time did we agree to meet on the 14 th ? successes and failures ( stephen bramlett ) risk consideration directed at the enterprise level . what makes for a successful application ? long - term view of managing weather identifying the corporate objectives lost opportunities trading desks at utilities insurance comparisons product managers target audience scale of the failure treasury enterprise risk management cfo assistance of wall street link to stock prices earnings smoothing",0 +"Subject: two - settlement xml / csv conversion utilities message sent from the pjm - customer - info mailing list at pjm - customer - info @ majordomo . pjm . com : the two - settlement xml / csv conversion utilities are now available for download from the pjm web site . the zip file containing the required programs and examples can be downloaded from please do not reply to this message . if you have a question for pjm customer relations and training , please send an e - mail to custsvc @ pjm . com . to unsubscribe from this list , send an e - mail to majordomo @ majordomo . pjm . com containing only the following line in the body of the e - mail : unsubscribe pjm - customer - info",0 +"Subject: cera conference call : ferc ' s order for california market : bold decision of insufficient action ? - cera conference call cera conference call : sent tue , november 07 , 2000 title : cera conference call : ferc ' s order for california market : bold decision of insufficient action ? author : e - mail category : conference call product line : western energy , north american power , url : http : / / www . cera . com / cfm / track / eprofile . cfm ? u = 5166 & m = 1412 , http : / / www . cera . com / cfm / track / eprofile . cfm ? u = 5166 & m = 1413 , alternative urls : western energy members : n . american electric power members : north american electric power and western energy conference call a cambridge energy research associates conference call topic ferc ' s order for the california market : bold decision or insufficient action ? * a ferc vote for market solutions * where is the relief for retail customers ? * what ' s next for california and western wholesale markets ? * implications for the broader north american power market format at the time listed below , our speakers will address this topic for approximately 30 minutes , followed by an open question and answer period . speakers larry makovich , cera senior director , north american electric power mike zenker , cera director , western energy time 1 : 00 p . m . eastern , monday , november 13 , 2000 eligibility clients eligible to participate in this conference call are those who subscribe to the north american electric power retainer advisory service or the western energy retainer advisory service . to enroll to enroll , please contact ms . kari paakaula via fax at ( 617 ) 497 - 0423 , or enroll via e - mail at kpaakaula @ cera . com before 4 : 00 p . m . , friday , november 10 , 2000 . audio for the audio portion of the call , please call in on one of the following numbers approximately five ( 5 ) minutes before the call : within the united states : 1 - 800 - 946 - 0741 outside the united states : ( 719 ) 457 - 2649 confirmation code : 640107 title of the call : cera call technical assistance u . s . callers : if you are experiencing difficulties during the call , you may signal for technical assistance by pressing * 0 ( star , zero ) on your telephone keypad international callers : please re - dial and ask the operator for assistance before giving the confirmation code . a recording of this call ( audio only ) will be available until december 13 , 2000 . to access this recording , please call 1 - 888 - 203 - 1112 ( within the u . s . ) or ( 719 ) 457 - 0820 ( outside the u . s . ) . please use confirmation number 640107 to access the call . * * for more information , please contact kari paakaula via e - mail at kpaakaula @ cera . com or via telephone at ( 617 ) 441 - 1362 . * * end * * follow url for html version of this message only . account changes to edit your personal account information , including your e - mail address , etc . go to : http : / / eprofile . cera . com / cfm / edit / account . cfm this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www . cera . com / tos . html questions / comments : webmaster @ cera . com copyright 2000 . cambridge energy research associates",0 +"Subject: volumetric optionality model changes - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 06 / 15 / 2000 08 : 19 am - - - - - - - - - - - - - - - - - - - - - - - - - - - natasha danilochkina 06 / 15 / 2000 05 : 26 am to : david gallagher / lon / ect @ ect , peter crilly / lon / ect @ ect , richard lewis / lon / ect @ ect , haakon olafsson / lon / ect @ ect , tony fricker / lon / ect @ ect , andrew fairley / lon / ect @ ect , matthew nicholas / lon / ect @ ect , david redmond / lon / ect @ ect , steven mccarthy / lon / ect @ ect , dale surbey / lon / ect @ ect , matthew nimmo / lon / ect @ ect , matthew ferguson / lon / ect @ ect cc : anjam ahmad / lon / ect @ ect , zimin lu / hou / ect @ ect , steven leppard / lon / ect @ ect , stinson gibner / hou / ect @ ect subject : volumetric optionality model changes as a result of meetings with zimin lu ( houston research ) and anjam ahmad in early june , the gas desk together with research will be revising the models for pricing options on volume ( swing ) and similar products . the idea is to have a consistent method that can be applied to all contracts . this will affect : flat price gas swing options indexed gas swing options j - block contract modified thermbank contract enbank ( virtual storage ) the new feature that will be introduced into all models is ability for real - time mtm ( and prospectively - sensitivities calculations ) . the work will be carried out as follows : natasha danilochkina : problem definition , contracts / products summary , functional specification anjam ahmad : zimin ' s model modifications / implementation and houston / london interaction start date : june 16 th , 2000 end date : tbc",0 +"Subject: re : telephone interview with the enron corp . research group fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 19 / 2000 12 : 19 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - hao peng on 04 / 19 / 2000 11 : 52 : 53 am to : shirley crenshaw cc : subject : re : telephone interview with the enron corp . research group dear shirley : it is my pleasure to have the opportunity to interview with enron . i will be available at 412 - 661 - 3393 at 4 : 30 pm eastern time . please let me know if there is any change about this sechedule . thanks . hao - - on wednesday , april 19 , 2000 , 11 : 29 am - 0500 shirley crenshaw wrote : > > > hello hao : > > the enron corp . research group would like to interview you by telephone > tomorrow , thursday , april 20 , at 3 : 30 pm central standard time ( 4 : 30 > eastern time ) . > > please let me know if this is satisfactory to you and what telephone > number they may reach you at . > > the interview will include the following members of the research group : > > vince kaminski managing director > stinson gibner vice president > vasant shanbhogue vice president > zimin lu director > tanya tamarchenko manager > > if you have any questions , please let me know > > thanks you very much and look forward to hearing from you . > > shirley crenshaw > administrative coordinator > enron corp . research > 713 / 853 - 5290 > email : shirley . crenshaw @ enron . com > > >",0 +"Subject: job description good afternoon . here is the job description for the computational finance students . we should have our preferred interview dates shortly . please let us know if you have any questions , and have a happy thanksgiving . - kevin kindall",0 +"Subject: re : sms conference yes , i shall be glad to make a presentation . thanks for considering me . vince zzmacmac @ aol . com on 01 / 31 / 2001 08 : 01 : 23 am to : vkamins @ enron . com cc : subject : sms conference the strategic management society is holding its annual meeting in san francisco oct 21 to 24 we have a panel on real options , the thrustof which i attach . i was wondering if you would be interested in presenting on the practitioner ' s perspective - if not you would one of your colleagues be interested ? - sms 2001 1 - 23 - 01 . doc",0 +"Subject: re : anshuman srivastava sandeep : further to my voice mail to you today , i will meet with anshuman at 10 : 30 am and will keep his documents in a file . however , without some type of job offer in the us , we cannot move forward with an ll visa for him and if you believe he will not be returning to the us to work , then we really do not need to get him the ll at this time . if the circumstances change , please let me know . margaret sandeep kohli @ enron _ development 02 / 15 / 2001 02 : 05 pm to : margaret daffin @ ect cc : molly magee @ ect , anshuman srivastav / enron _ development @ enron _ development subject : anshuman srivastava margaret , please find attached the resume of anshuman , as well as the form needed for l - 1 visa , duly filled in . copies of all required material for the visa , has already been put into inter - office mail . please do call me at 713 - 857 - 6826 . i want to reschedule today ' s meeting for another time , since we are working on a deadline here . regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 02 / 15 / 2001 01 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - sandeep kohli 02 / 15 / 2001 11 : 21 am to : anshuman srivastav / enron _ development @ enron _ development cc : subject :",0 +"Subject: computer - new location hello , i need a computer and flat screen moved . the location is eb 3240 e . only - one computer and a flat screen needs to be moved to eb 3240 g . the remaining flat screens should stay at the location eb 3240 e . r . c . 107043 - co . # 0413 thanks kevin moore please if at all possible let me know when this should take place .",0 +"Subject: re : real options conference in cambridge lenos i ' d like to give a talk entitled "" diagrammatic representation of real options in enron "" , in which i will give a brief run - down of a diagrammatic technique i have developed for representing real option deals . my notation allows originators , managers and quants to communicate unambiguously , while still appreciating the complexity and subtlety of real optionality . i have defined a "" diagrammatic grammar "" which guarantees that the pricing of the deal follows immediately and automatically from the diagram . i propose to introduce the symbols and grammar , then go on to present some suitable examples of diagrams . if appropriate i ' ll talk about the links with dynamic programming . ( i will need some guidance as to how much technical detail i can go into based on the audience . ) all the best , steve enron capital & trade resources corp . from : lenos trigeorgis 04 / 20 / 2000 08 : 45 pm to : "" steven leppard "" cc : "" vince j kaminski "" subject : re : real options conference in cambridge steve thanks for agreeing to talk . i attach the program to see the other speakers and style ( it is addressed to a professional autience ) please give me a suitable title for the talk ( replacing kaminski  % s slot on july 6 / energy session ) and the details of your position thanks lenos at 05 : 01 _ _ 04 / 20 / 00 + 0100 , steven leppard wrote : > > > dear prof trigeorgis > > vince kaminski has suggested that i would be a suitable speaker at your july > conference in cambridge , and i ' d be happy to come along if required . please > could you send me appropriate details , and the audience type expected . > > many thanks . > > yours sincerely , > steve leppard > > > > - 4 thconfsessions . doc lenos trigeorgis professor of finance university of cyprus dept of business 75 kallipoleos , po box 20537 cy 1678 nicosia cyprus tel : + 357 2 892261 fax : 339063",0 +"Subject: f / u from iris mack , mba / phd to enron vince , iris received an error message when sending this to you so she ask i forward it to you . she is currently living in california . - - - - - - - - - - - - - - - - - - - - - - forwarded by toni graham / corp / enron on 11 / 15 / 2000 09 : 49 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" iris mack "" on 11 / 14 / 2000 11 : 20 : 15 pm to : vincent . kaminski @ enron . com cc : subject : f / u from iris mack , mba / phd to enron dear dr . kaminski , how are you ? i seemed to have lost contact with you . the last contact was with a ms . graham - regarding my coming to houston for an interview - while i was still living in london . i am now back in the states - where i spent the last few months working for a dot . com . although this internet opportunity was interesting , it was not a viable one . i guess part of the technology firm shake out . therefore i am now interviewing again - with investment banks and insurance companies . is enron still interested in having me come down for an interview ? if so , please let me know how to proceed . thank you in advance for your time and consideration . kind regards , iris mack 925 . 933 . 7833 get your private , free e - mail from msn hotmail at http : / / www . hotmail . com . share information about yourself , create your own public profile at http : / / profiles . msn . com . - cv for iris mack , mba , phd . doc",0 +"Subject: a paper of mine vince , i have written a paper , which supposedly is going to be published in the february 2000 issue of eprm , probably after some editorial cuts ( at least this is what i am being told by them ) . i would appreciate your thoughts if you would have time to read it . regards , martin - userconf . doc",0 +"Subject: eol wti maket maker simulation model stinson , i add the total p / l due to contract rollover . when the number of trades is large and the spread is not too small , the model prints a lot of money , dominated by those trade earning the half of bo spread . i also wrote an explaination about the model on the front page . i think we are ready to deliever the model v . 1 . the next step is to incorporate the intra - day market movement by using high and low prices into the pricing . i will call you on monday . happy thanksgivings ! zimin",0 +"Subject: enron , india database sandeep , ? below , i have summarized henwood ' s work on the india database to date . ? the "" inter _ regional links . ppt "" file shows the topology and links between bubbles in the our model and "" expand _ india _ data _ 011000 . xls "" details the existing station information that we have compiled to date . ? total resources closely match reported resources as shown in "" l & r _ 0110 . xls "" . reported india total in 1997 is 86 , 000 mw and that in the henwood database is 84 , 000 mw through 1997 . ? region emss database reported [ 1 ] difference - inter _ regional links . ppt - expand _ india _ data _ 011000 . xls - l & r _ 0110 . xls",0 +"Subject: to ops - revised february bod approved risk management policy fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by cassandra schultz / na / enron on 02 / 18 / 2001 10 : 44 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : cassandra schultz 02 / 18 / 2001 10 : 26 pm to : bob m hall / na / enron @ enron , leslie reeves / hou / ect @ ect , jeffrey c gossett / hou / ect @ ect , peggy hedstrom / cal / ect @ ect , stacey w white / hou / ect @ ect , brent a price / hou / ect @ ect , scott earnest / hou / ect @ ect , sheila glover / hou / ect @ ect , d todd hall / hou / ect , cindy horn / lon / ect @ ect , brenda f herod / hou / ect @ ect , mike jordan / lon / ect @ ect , howard carter / eu / enron @ enron , andrew cornfield / lon / ect @ ect , james new / lon / ect @ ect , orjan agdesteen / osl / ect @ ect , james new / lon / ect @ ect , marcelo parra / nyc / mgusa @ mgusa , louis colarusso / nyc / mgusa @ mgusa , heidi mason / enron _ development @ enron _ development , jan - erland bekeng / ap / enron @ enron , kevin rhodes / eu / enron @ enron , naomi connell / lon / ect @ ect cc : sally beck , shona wilson , chris abel subject : to ops - revised february bod approved risk management policy attached is the revised risk management policy incorporating the bod ' s changes - please discard the previously circulated version i sent out prior to the bod meeting . i ' ve also included a recap of substantive changes since the october 2000 version that was circulated to you in conjuction with the compliance certificates last fall , but you should read the policy to enhance your understanding , and distribute it to your groups as some changes are significant and are detailed further in the policy . i did notify the office of the chair for each of your business units of these changes earlier this week , and i will also provide them with a copy of the revised policy . if you have any questions , feel free to give me a call at x 30429 . regards , cassandra schultz market risk management",0 +"Subject: re : bogdan szopa - cv shawn , i have met bogdan a few times socially . he graduated from the same university i went to in poland . he seems to be a dynamic and a personable guy . he has experience that may be useful to your group . vince shawn cumberland @ enron _ development 02 / 12 / 2001 08 : 08 am to : vince j kaminski / hou / ect @ ect cc : subject : bogdan szopa - cv vince : can you give me some background on bogdan ? many thanks . shawn - - - - - - - - - - - - - - - - - - - - - - forwarded by shawn cumberland / enron _ development on 02 / 12 / 2001 08 : 12 am - - - - - - - - - - - - - - - - - - - - - - - - - - - awenda 2000 @ cs . com on 02 / 11 / 2001 11 : 26 : 12 pm to : shawn . cumberland @ enron . com cc : subject : bogdan szopa - cv dear shawn , it was a pleasure talking to you today . i will call you upon my return from europe . in the meantime we will stay in touch via e - mail . enclosed is my curriculum vitae . best regards , bogdan m . szopa - bogdan res . . doc",0 +"Subject: video conference with ross mcintyre vince , you should have received an invitation through lotus notes which outlines the vc location for the conference call tomorrow . it is schedule for 4 : 30 pm uk time ( 10 : 30 am houston time ) ross ' s background is from investment banking ex dresner bank , he has a phd in mathematical and is currently with speedwell weather derivatives where he has been developing weather derivative pricing and portfolio optimisation tools which they have been marketing to end - users with weather risks . the attached word documents are articles that he has written for publication . regards nick mooney - mcs . doc - analytic . doc - par . doc",0 +"Subject: praca dyplomowa niniejszym potwierdzam , ze nastepujacy studenci zlozyli prace dyplomowe : jerzy seremak prezentacja instrument ? w analizy finansowej jako podstawa oceny wybranego podmiotu w kr ? tkim i dlugim okresie czasu ocena : bardzo dobra waldemar mr ? z controlling w przedsiobiorstwie ocena : bardzo dobra t . blach analiza wskaznikowa ocena : bardzo dobra w . kaminski",0 +"Subject: program i forgot to attach the program file . here it is - chonawee - - - - - - - - - - - - - - - - - - - - - - forwarded by chonawee supatgiat / corp / enron on 10 / 17 / 2000 09 : 13 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - chonawee supatgiat 10 / 17 / 2000 09 : 13 pm to : mike a roberts / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : program mike , here is third version of the program . it gives better results than the previous versions you have . sorry for the delay , these past 2 days i have been busy meeting with people on the new ebs project . i think the result looks reasonably good . you can try it . ( to run , type cow filename . jpg m ) smallcow . jpg : hand count 165 , program reports 140 cow 2 . jpg : hand count 1 , program reports 1 cow 3 . jpg : hand count 273 , program reports 244 cow 4 . jpg : hand count 7 , program reports 7 cow 5 . jpg : hand count 160 - 180 , program reports 165 - chonawee you can show it to the others by yourself or i can go with you . i will have to go to german consulate tomorrow morning and will be in the office around 10 : 30 - 11 am . - chonawee",0 +"Subject: research group "" millenium "" party hello all ! since we all seemed to survive the "" y 2 k "" bug , we are going to celebrate ! our "" holiday millenium "" party will be this saturday . see attached for information , if you have questions , please call me at 3 - 5290 . see you there ! shirley",0 +"Subject: telephone interview with the enron research group good morning ms . knirel : vince kaminski and several members of the research group would like to conduct a telephone interview with you sometime this week at your convenience . please let me know the times that you are available and they will contact you . the telephone interviews usually last approximately 1 hour and will be conducted via a speaker phone . the interviewers will be : vince kaminski managing director and head of research stinson gibner vice president , research tanya tamarchenko director , research zimin lu director , research look forward to hearing from you . best regards , shirley crenshaw administrative coordinator enron research group",0 +"Subject: cera monthly oil briefing - cera alert - december 20 , 2000 title : cera monthly oil briefing : fundamentals update e - mail category : cera monthly briefing cera knowledge area : world oil in the past two weeks , oil prices have sold off the premium or price strength that had been built into the market in anticipation of possible shortages this winter . the exact cause of the sharp switch in market psychology is hard to pinpoint but seems to be a combination of very early signs that the oil stock situation is at least stabilizing , even if stocks have not built substantially , and that , thus far , despite a few weeks of colder - than - normal temperatures , heating oil supply has been adequate to meet demand in the key us market . that has allayed some of the concerns that were driving speculative interest into the market . furthermore , the potential for weakness in the us economy may be creating expectations for weaker oil demand in 2001 . the change in market psychology was dramatically illustrated when news that iraq was cutting off exports caused prices to slide , yet , the iraqi export cutoff is having a concrete effect on fundamentals . if the cutoff lasts through december , the effect will be pronounced - it would turn a projected fourth quarter 2000 stockbuild of 0 . 5 million barrels per day ( mbd ) into a stockdraw of 0 . 1 mbd . we expect iraqi production levels to remain erratic because of its dispute with the un security council over sanctions , and exports may again cease . at some point such a development would have a price supportive effect . cera ' s price outlook for 2001 remains the same as that in the world oil watch released in late november . assuming normal winter weather and no prolonged or repeated shutdowns of iraqi production , the projected average for first quarter 2001 is $ 29 per barrel for wti . however , this outlook is based on opec ' s announcing an agreement early in the first quarter to cut its production by the start of the second quarter . a failure to restrain output would result in a downward adjustment to an average of $ 27 wti for the first quarter of 2001 , with prices lower in the second half of the quarter than in the first . the downward pressure results from the prospect of a larger - than - usual implied build in stocks during the second quarter of about 3 . 0 mbd - with a cut in opec output . iraq in a twilight zone as anticipated , iraq ceased exporting oil under the un - controlled "" oil for food "" program as of december 1 in protest over the rejection by the security council ' s sanctions committee of its proposed december export price schedule . * iraq ' s pricing was judged by the un overseers , who monitor the export program and advise the sanctions committee , to be about 60 cents per barrel below comparable crudes in an apparent attempt to offset an illicit surcharge that iraq was seeking from buyers . although the standoff with the sanctions committee continues , iraq partially resumed exporting on december 13 . since then , about 1 mbd has been exported from the mina al - bakr terminal in the persian gulf . prior to the shutdown , iraqi exports under un auspices were at a rate of 2 . 21 mbd for november , as compared with 2 . 08 mbd for the third quarter . exports for november were about 1 . 3 mbd from mina al - bakr and about 0 . 9 mbd from ceyhan in the mediterranean . exports from ceyhan have not resumed , owing to the surcharge dispute , with the result that about 1 . 2 mbd of iraqi crude remains off the market . iraq ' s semi - shutdown has put it into a kind of twilight zone while its dispute with the sanctions committee over pricing continues . ( in the midst of this dispute , the un security council approved phase nine of the oil - for - food program at the last minute on december 5 ; it became effective on december 6 and has been accepted by iraq ) . as of decemberl 9 , iraq ' s revised export price for ceyhan , proposed for the remainder of december , has again been judged too low by the overseers and is expected to be rejected by the sanctions committee . additionally , the overseers have notified lifters of iraqi crude that any oil payment made directly to iraq rather than to the un escrow account would be a violation of un sanctions . buyers of iraqi oil from mina al - bakr have consistently been reported as saying that they are not paying a surcharge to iraq . how long iraq may operate at about half capacity is unclear , but it continues to request a surcharge payment from prospective lifters at ceyhan in an apparent effort to circumvent and degrade the un financial controls that are the heart of the sanctions system . the distinction that iraq has made between mina al - bakr and ceyhan arose when it resumed operations at mina al - bakr by loading two cargoes for the india oil company . iraq may have judged this accommodation to be in its interest , since it recently also signed an oil exploration contract with india under which payments would be made in oil . as currently structured , the deal would violate un sanctions , but india is seeking an exception from the security council on grounds of economic hardship . the exception seems unlikely to be granted , which may lead iraq to cease exports from mina al - bakr again . there are many possible scenarios that iraq could follow , but we expect uncertainty about iraqi exports to continue as iraq uses its oil exports as leverage to undermine sanctions in its ongoing struggle with the security council to end all restraints . consequently , the iraq factor will remain an element in the oil price outlook . iraq ' s antisanctions campaign has also raised the visibility of the iraq issue in washington as the incoming bush administration prepares to take office . secretary of state - designate colin powell has already acknowledged a need to reassess iraq policy and has said that he would work to "" reenergize "" sanctions . the iraq issue is being debated in virtually every foreign policy - oriented think tank in washington . a consensus seems to be emerging around seeking renewed international support and legitimacy for sanctions by retaining un control over iraq ' s oil revenue and strictly enforcing a prohibition on sales of weapons and related material while lifting general trade controls that increasingly are both ineffective and an international irritant . there is virtually no sentiment in favor of operations to destabilize or remove the saddam hussein regime on the pragmatic basis that the prospects for success are remote . demand trends record high us natural gas prices have increased the economic incentive for gas consumers with the capability to switch from gas to distillate to do so , and reports of switching are emerging in a number of areas . interruptible gas customers with resid or distillate fuel back - up have already switched to oil , so it is now firm gas supply customers with the potential to add to the already high level of distillate demand . so far in december us distillate demand is running at a record high december level of 3 . 9 mbd . however , only a small portion of this demand is the result of economically based fuel - switching from gas to distillate . cera estimates that the additional demand likely to come from further switching of gas to distillate is relatively small , on the order of 0 . 1 to 0 . 2 mbd . in cera ' s view it is likely that only a portion of the theoretical capacity will be switched on short notice because in some cases , this theoretically switchable capacity has not been used in recent years , and tankage and delivery infrastructure may be in uncertain condition . switching by interruptible gas customers ( such as utilities ) to distillate began about a month or more ago , although the volumes involved are relatively small . switching to residual fuel already occurred months ago when gas prices started to surge in the summer . a portion of the us secondary and tertiary distillate stockbuild seen this autumn was likely prompted by interruptible gas customers filling their reserve distillate fuel storage . given the expectations of a tight gas market , regulators have been explicit about enforcing back - up fuel storage requirements in the months leading up to the current heating season . other end users of natural gas have few or no options for fuel switching . some ammonia and ethane producers have shut down operations because the cost of feedstock natural gas is high . natural gas is also used in some enhanced oil recovery operations , and some of these producers have also opted to sell gas back to the grid rather than produce oil . supply trends non - opec supply for the fourth quarter is expected to be up 0 . 9 mbd over a year earlier at 46 . 4 mbd . recent events include a shortfall in mexican production , curtailed in october by about 300 , 000 bd owing to the effects of hurricane keith . mexico ' s fourth quarter liquids production is expected to be 3 . 64 mbd - about 95 percent of mexican liquids capacity . norway ' s output increased 200 , 000 bd from october to november as maintenance season ended . norway ' s production for the fourth quarter is expected to be 3 . 53 mbd . * growing russian crude oil production throughout the year is supporting a recent surge in exports , in spite of higher export taxes . russian exports of domestic oil production ( excluding transit volumes ) reached 2 . 5 mbd in november , after remaining fairly steady at about 2 . 35 mbd from july though october . fourth quarter oil exports are expected to average 2 . 5 mbd , 0 . 3 mbd greater than in the fourth quarter 1999 . cera estimates iraqi oil production averaged 2 . 91 mbd in november - down 0 . 1 mbd from the october level . the cutoff in exports earlier this month reduced iraqi output for the first 12 days of december to roughly 0 . 8 mbd . iraq resumed exports of about 1 mbd on december 13 , which raised production to 1 . 80 mbd . assuming no change in iraq ' s current production stance , iraqi production would average 1 . 41 mbd for december . on a quarterly basis , the decline in iraq output would lead to estimated opec output in the fourth quarter of 29 . 0 mbd and would turn an estimated global oil stockbuild of 0 . 5 mbd into a stockdraw of 0 . 1 mbd . these production estimates include 0 . 15 mbd of crude oil exports to syria that began on november 20 without un authorization and are continuing . oil stocks us crude oil inventories ( doe data ) have climbed intermittently from an annual low of 280 million barrels in september and reached 292 million barrels in mid - december ( see figure 1 ) . since prices weakened in late november , crude oil stocks have stabilized above the annual low in september and the ranges seen in october to levels from 289 - 292 million barrels . primary inventories of us heating oil remain well below year - earlier levels ; at 48 million barrels they are 15 million barrels , or 24 percent less , than those of a year ago , but there are indications of builds in secondary and tertiary inventories . we estimate that wholesale and consumer stocks are up 5 - 10 million barrels since august and are actually higher than they were at the end of last year . in europe crude oil stocks are at more comfortable levels when compared with those of the united states . in november stocks rose nearly 9 million barrels to 426 million barrels . at this level they are below the highs of 1999 but well above the low levels of early 1996 ( see figure 2 ) . japanese crude oil inventories at end - october were 107 . 6 million barrels , which is above the record low set earlier this year but still well below levels seen in recent years ( see figure 3 ) . come shoot the rapids with us at ceraweek 2001 , "" shooting the rapids : strategies and risks for the energy future "" in houston , february 12 - 16 , 2001 ! ? for more information and to register , please visit http : / / www 20 . cera . com / ceraweek / to make changes to your cera . com account go to : forgot your username and password ? go to : http : / / www 20 . cera . com / client / forgot this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www 20 . cera . com / tos questions / comments : webmaster @ cera . com copyright 2000 . cambridge energy research associates",0 +"Subject: year end 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the year end 2000 performance management process by providing meaningful feedback on specific employee ( s ) . your feedback plays an important role in the process , and your participation is critical to the success of enron ' s performance management goals . to complete requests for feedback , access pep at http : / / pep . corp . enron . com and select perform review under performance review services . you may begin providing feedback immediately and are requested to have all feedback forms completed by friday , november 17 , 2000 . if you have any questions regarding pep or your responsibility in the process , please contact the pep help desk at : houston : 1 . 713 . 853 . 4777 , option 4 london : 44 . 207 . 783 . 4040 , option 4 email : perfmgmt @ enron . com thank you for your participation in this important process . the following is a cumulative list of employee feedback requests with a status of "" open . "" once you have submitted or declined an employee ' s request for feedback , their name will no longer appear on this list . review group : enron feedback due date : nov 17 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - crenshaw , shirley j wincenty j kaminski oct 26 , 2000 kindall , kevin vasant shanbhogue oct 30 , 2000 lamas vieira pinto , rodrigo david port oct 31 , 2000 supatgiat , chonawee peyton s gibner oct 27 , 2000 tamarchenko , tanya v vasant shanbhogue oct 26 , 2000 villarreal , norma e sheila h walton oct 26 , 2000 walton , sheila h david oxley oct 27 , 2000 yaman , sevil vasant shanbhogue oct 27 , 2000 yuan , ding richard l carson oct 31 , 2000",0 +"Subject: further actions on anjam ' s departure hi mel further to our earlier discussions here ' s the full list of actions we ' d like to put into place regarding anjam ' s departure : hr - type stuff : 1 . get anjam off the trading floor as soon as possible . there is no need for him to remain on the floor . this will need to be delayed until it number 1 is completed ( cataloguing his work ) . 2 . determine where anjam is heading . we need to know who is going to know our positions and curves next . 3 . remove his security pass , and insist that he is always accompanied when in the building . sharad is to sit with him while he catalogues his work . it - type stuff : 1 . ask him to catalogue the contents of his h : drive , since the rest of the group will need to support his work in the future . this should take no more than a day or two . 2 . get it to obtain their backups of anjam ' s h : drive for weekly intervals over the last two months . this will allow us to determine what he has deleted . 3 . get it to provide a snapshot of anjam ' s notes folders , and provide records of mail sent out to the internet over the last couple of months . i ' m worried about code / data he may have zipped up and mailed out . 4 . ask it to use a utility program to determine what has been deleted from anjam ' s c : drives . there may be useful info here too . 5 . revoke all internet access , whether via explorer or notes mail . 6 . get a record of all files he has printed over the last couple of months . vince has ok ' d this lot , so let ' s do it asap . many thanks , steve",0 +"Subject: re : bandwidth + + stinson , let ' s bring up these two ideas at the meeting with john bloomer ( to discuss the other product ideas ) . vince steven leppard 05 / 11 / 2000 08 : 38 am to : vince j kaminski / hou / ect @ ect cc : subject : re : bandwidth + + vince if it ' s new ebs products you ' re after , how about a real - time bandwidth swing contract with automatic exercise ? the customer pays for the minimum ( baseload ) bandwidth they need for their ( say ) videoconference , with a premium on top that automatically buys them extra bandwidth as it becomes available from the system . they are guaranteed a minimum quality they can live with , and ( more than likely ) they get improved quality much of the time for a bargain price . we get to charge for the use of bandwidth that would otherwise be idle . steve vince j kaminski 05 / 11 / 2000 02 : 09 pm to : steven leppard / lon / ect @ ect cc : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : bandwidth + + steve , i think personally it ' s a great idea , though my son , who studies computer science , poured a bucket of icy water on me . computers are becoming very cheap and most companies have already a lot of spare capacity on their systems . but we can always try . we shall take this idea , to the person in ebs responsible for the new products and ask him to talk directly to you to discuss the details . ebs is dying to come up with some new products . vince steven leppard 05 / 11 / 2000 03 : 56 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : subject : bandwidth + + vince , stinson have any investigations been made of the issue of trading ( spare ) processing power ? such a proposal would have natural synergies with the bandwidth business , since the jobs to be processed would need to be piped around , as would their results . obvious technical and legal problems are : 1 . standardisation . ( java ? ) 2 . security and confidentiality . just a thought that ' s been buzzing around my head for a while . steve",0 +"Subject: storage book . . . ravi : samer and i met this morning with sara ledbetter . she is starting the groundwork for setting up a storage book and a streaming book for tracking the e - powered products positions . they are having a meeting on next tuesday to discuss this . samer will attend . this is a good opportunity to start compiling the data that we will need for some of john grieblings questions . - - stinson p . s . sara also asked if we knew anyone who would be interested in managing the storage book . any suggestions ?",0 +"Subject: re : billing question thank you for your message . the credit card i want to use is currently stored in your system . when i want to update the billing information with this card number , i am getting the answer : credit card already in use . the card is in good standing and there is absolutely no problem with this card and there was never any problem . i don ' t understand why your system failed . i think that this is your problem , not mine . discover last 4 digits : 0057 . expiration : 05 / 02 sincerely , w . kaminski p . s . i have just called discover and was told the account is in pefect shape ( as expected ) . as i have said , you must have a bug in your system .",0 +"Subject: re : garp 2001 convention frank , i assume you want to take advantage of this opportunity . please , confirm . i shall notify andreas . vince enron north america corp . from : frank hayden @ enron 12 / 14 / 2000 09 : 55 am to : vince j kaminski / hou / ect @ ect cc : subject : re : garp 2001 convention thanks , frank vince j kaminski @ ect 12 / 14 / 2000 09 : 45 am to : frank hayden / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : garp 2001 convention frank , does this help ? please , let me know . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 12 / 14 / 2000 09 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" andreas simou "" on 12 / 13 / 2000 04 : 51 : 51 am to : cc : subject : re : garp 2001 convention dear vince thank you for your recent enquiry concerning a complimentary pass to the two - day garp convention . unfortunately , it is not garp ' s policy to allow this for a number of reasons : garp is a not - for - profit organisation , will much lower delegate fees ( and still the same overheads ) than other conference organizers . garp ' s mission is to allow an educational forum for furtherance of financial risk management and an opportunity to allow networking and contact time between financial risk professionals . however , in an attempt to remain at ease with my speakers , i would like to offer a 50 % discount off the delegate fee for one of you colleagues in enron . this will be for the two - day convention and will include the gala awards evening on 13 th february , which had over three financial and risk professionals at garp 2000 . i trust that this is satisfactory . if you would like to take advantage of this , please fax a completed registration form , along with a brief covering note referring to this e - mail , and i will ensure that our administration depart handle the relevant paper work . if you have any questions please do not hesitate to contact me . i look forward to your response and to meeting you in new york in february ( and receiving a copy of your presentation in a few days ) . kind regards andreas - - - - - original message - - - - - from : to : cc : sent : tuesday , december 12 , 2000 8 : 50 pm subject : re : garp 2001 convention andreas , am i entitled to bringing one delegate as a guest , free of charge ? some conferences offer such privileges . vince "" andreas simou "" on 12 / 04 / 2000 06 : 31 : 37 am to : cc : subject : garp 2001 convention dear garp 2001 speaker this is just a quick note to keep you up - to - date with developments at the garp 2001 convention , which will be held in new york between 12 th and 15 th february , 2001 . thus far , garp 2001 looks set to far exceed our expectations and garp 2000 . there has been a great deal of interest in the 2001 convention . delegate bookings have been much higher than this time last year . as a result , we are set to far exceed the number of delegates that attention earlier this year . the three workshops and the one - day asset management forum are also very well received and will probably reach full capacity . i will of course provide you with much fuller details closer to the time of the event . regarding the event itself , i would like a few outstanding issues : 1 . presentations : can you please e - mail your presentation to me by 15 th december , so that i have enough time to reproduce them and place them in a delegate pack for the convention . ( given the break of the christmas and new york period , and that the event is being held in new york , i am sure you can appreciate that there are certain logistical factors that need to be taken into account , hence the reason why the presentations are required as soon as possible ) . this is purely for reproduction , we also request you bring your presentation to the convention on the day in either a floppy disc or a laptop . 2 . audio - visual requirements : can you please inform me of what audio - visual requirements you may have ( 35 mm slides ; ohp ; lcd projection - notably powerpoint ) . 3 . check list : i have attached a check list for your information . if you have not returned this already , can you please read and fax it to my colleague , claire as soon as possible . if you have any questions or queries , please do not hesitate to contact me , otherwise i eagerly await your response in due course . i look forward to seeing you in new york in february . kind regards andreas _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ andreas simou garp 2001 - conference producer tel + 44 ( 0 ) 20 7626 9301 fax + 44 ( 0 ) 20 7626 9900 don ' t miss the garp 2001 convention , program details via our web site www . garp . com ( see attached file : speaker checklist . doc )",0 +"Subject: re : additional bloomberg terminal for weather group on 31 st floor jason , there was a problem with the request . i could not approve it ( the system would not let me do it ) . there must have been a mistake in the way it was submitted ) . please , ask shirley to resubmit . vince from : jason sokolov 01 / 28 / 2000 08 : 51 am to : vince j kaminski / hou / ect @ ect cc : subject : additional bloomberg terminal for weather group on 31 st floor vince , a few weeks ago we talked about installing an additional bloomberg terminal on the 31 st floor for mike ' s weather team . i have submitted a security request , and we are now waiting for your approval . could you , please , go over that request and give mike roberts and me your feedback ? jason sokolov",0 +"Subject: re : spring 2001 conference participation by jeffrey k . skilling thanks for the note and i enjoyed seeing you the other night . we are working with jeff ' s assistant on the date . it looks like it may be possible but there are a few conflicts to dodge . we will be in touch soon . thanks "" ehud i . ronn "" on 09 / 20 / 2000 11 : 12 : 46 am to : rcausey @ enron . com , vkamins @ enron . com cc : subject : spring 2001 conference participation by jeffrey k . skilling rick / vince , good morning . in my 9 / 14 e - mail , i advised you of the practitioner - industry cefer ( center for energy finance education and research ) conference we are planning for spring 2001 . as you know , we would like to invite jeff skilling to be the keynote speaker at the thur . evening dinner . the following day ' s four topics consist of risk management , deregulation , real options , and international / globalization . the majority of invitees would be ( predominantly u . s . - based ) energy - industry practitioners , as well as several academics . given lead time issues in these matters , we have reserved hotel rooms in austin for feb . 22 , 2001 . could i ask you to ascertain jeff skilling ' s availability for that evening ? thanks , ehud ronn ehud i . ronn professor of finance and jack s . josey professor in energy studies director , center for energy finance education and research mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: risk report on "" guide to electricxity hedging "" and request for gu est access to enrononline louise , it would be a good commercial for enron . what can we do to help him and get free publicity ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 18 / 2000 01 : 40 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - ekrapels on 01 / 18 / 2000 12 : 00 : 12 pm to : vince j kaminski / hou / ect @ ect cc : subject : risk report on "" guide to electricxity hedging "" and request for gu est access to enrononline dear vince , greetings from boston , where we ' re doing all we can to help keep the price of gas high . as i may have told you earlier , i ' m writing a "" guide to electricity hedging "" for risk publications similar to the report on oil . i had planned to write a significant section on enrononline , and in the midst of my research on the topic was denied access by enron ' s gatekeeper . can you help get me in ? as always , the best from here . ed krapels - - - - - original message - - - - - from : donna greif [ mailto : dcorrig @ ect . enron . com ] sent : tuesday , january 18 , 2000 12 : 37 pm to : ekrapels @ esaibos . com subject : request for guest access dear mr . krapels : thank you for requesting guest access to enrononline . unfortunately , we are unable to give you quest access at this time . enrononline is exclusively for those companies who can transact wholesale energy commodities and related products . in addition , you had indicated within the comments section of your email that you are preparing a "" guide to electricity hedging "" for risk publications . i have forwarded your inquiry to our public relations department along with your contact information . should you not hear back from anyone within a reasonable amount of time , please feel free to contact our call center at 713 853 - help ( 4357 ) . sincerely , donna corrigan greif enrononline help desk 713 / 853 - 9517 - attl . htm",0 +"Subject: london telephonhe numbers change fyi ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 26 / 2000 12 : 05 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - anjam ahmad 04 / 26 / 2000 11 : 44 am to : shirley crenshaw / hou / ect @ ect cc : subject : london telephonhe numbers change hi shirley , please could you forward this to houston research . . . may explain difficulty in calling london . thanks , anjam - - - - - - - - - - - - - - - - - - - - - - forwarded by anjam ahmad / lon / ect on 26 / 04 / 2000 16 : 54 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron europe general announcement 20 / 04 / 2000 15 : 41 please respond to european it support / lon / ect to : ect london cc : subject : very important - "" change of telephone numbers "" this weekend ! ! ! as you are no doubt aware , this weekend ( 22 nd april 2000 ) the 0171 and 0181 london dialling codes are being replaced by 0207 and 0208 respectively . since our move to enron house all external customers should have been made aware of the new 020 7783 telephone numbers . we are however still receiving calls on the old 0171 numbers . please be aware that these 0171 numbers will be cease to operate on the 22 april 2000 . from this date , calls made to the old 0171 numbers will reach an announcement advising them to call enron ' s new switchboard number : 020 7783 0000 . please ensure that your external contacts are made aware of the correct number convention : 020 7783 xxxx details of new phone and fax numbers are as follows : click here - - > < - - to access the personal fax numbers ( surname k - z ) details in the "" non - commercial bulletin board "" database on ectlon - ln 2 / ect . if you access the enron network via ' ras ' , you must ensure that the ras number is updated in your laptop settings . the old ras number was 0171 316 6666 . this has changed to 020 7783 6666 . from the 22 april 00 oftel ' s ' big number ' day you will no longer be able to dial 0171 and 0181 numbers . the new 0207 and 0208 numbers must be used in their place . current users of the new code will know that at present you must use the new area code as well as the new number . from the 22 april 00 you will be able to dial either the local number on it ' s own i . e . 7783 0000 or the area code and local number i . e . 020 7783 0000 . if you have any questions please contact european it support on 36777",0 +"Subject: my trip to india tentative plan is like this : leave houston : sun . 9 th to arrive bombay mon late night . leave bombay for hyderabad fri 14 th . leave for vijayawada 16 th night . return to bombay and leave bombay on 19 th wed . back to houston on thursday . i will be taking vacation on 17 th & 18 th visiting my family . i don ' t have a number for bombay , but i should be with sandeep kohli ( cell # below ) . contact # s : bombay 011 - 91 - 982 - 1068238 ( to 14 th ) hyderabad 011 - 91 - 40 - 7114833 ( 15 - 16 th ) vijayawada 011 - 91 - 866 - 430928 ( 17 - 18 th ) hopefully , there won ' t be too much of excitement on the flights , especially in india ! krishna .",0 +"Subject: component var tanya , some stability tests were performed on the simulation . ( 1 ) the window size of the averaging in the simulation was changed from 10 to 20 for ng - price ( the biggest book in gas ) for effective date june - 28 . as you can see in the file 28 ng - price _ windowsize , the component var numbers are very similar . ( 2 ) to look at a calculational comparison , i looked at the storage - prc book ( which has no gamma position ) for effective date of 27 th and ( a ) calculated ffvols , and ( b ) calculated the riskmetrics var ( the correlations are very high across the term structure ) and compared to the component var code calculation , and again the two nubers are comparable , given the different modes of calculation . naveen",0 +"Subject: new order : palm vx for grant masson lyn : please order for me one palm pilot vx including docking cradle ( that ' s the palm v with 8 mb of ram ) . company number is : 0011 rc is : 100038 thanks , grant masson v . p . research eb 1966 x 34768",0 +"Subject: the latest ( last ? ) intended for mark a . palmer . . . . - - - - - - - - - - - - - - - - - - - - - - forwarded by mark s palmer / na / enron on 02 / 02 / 2001 08 : 02 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 02 / 02 / 2001 08 : 45 am to : mark s palmer / na / enron @ enron cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect subject : the latest ( last ? ) mark , i am sending you the final ( ? ) draft of the paper by john martin on enron ' s transformation . john martin is a prof from baylor who visited us a few weeks ago . can you take a look at the paper and bless it . i haven ' t read this last version of the paper yet and i will go through it on weekend . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 02 / 2001 08 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" john d . martin "" on 02 / 01 / 2001 04 : 15 : 36 pm to : vkamins @ enron . com cc : subject : the latest ( last ? ) vince , attached is my latest attempt to wrap everything together . our timetable is very short as we need an "" approved by enron "" version of the paper to don by next wednesday . don has already made editorial changes for us and may make some additional "" writing style "" changes but he doesn ' t change the content . i ' ll give you a call later today to alert you to the e - mail . take care , john p . s . i had a nice conversation with steve . sounds like he ' s landed a pretty good contract with wiley . - enron _ paper _ 2 _ 1 _ 01 . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : follow up on houston opportunity anjam , i have another meeting . please , talk to grant . i shall catch him in the morning to review where we stand . vince enron capital & trade resources corp . - europe from : anjam ahmad 08 / 10 / 2000 08 : 41 am to : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect cc : subject : follow up on houston opportunity hi vince & grant , i was wondering if you would have some time to discuss the opportunity tomorrow morning ( friday ) ? i am free from 10 am to 12 pm houston time . thanks , anjam x 35383",0 +"Subject: re : personal dear mr . kaminski : thank you very much for meeting with me again today over lunch . i appreciated the opportunity to catch up with you . please find attached my current resume ( both a short and a long version ) . i have worked as a trader , portfolio risk manager , and a stock analyst . i have traded derivatives , bonds , and stocks , and managed insurance and pension investment portfolios to maximize risk - adjusted returns . let me highlight some of my work experiences . trading and risk management a . . structured , negotiated , and traded otc interests rate swaps , cross - currency swaps , swaptions , and exchange - traded equity index futures and options . made powerpoint presentations to garp and the uoh on credit derivatives . b . . developed investment hedging program utilizing exchanged - traded bond futures and interest rate swaps . c . . traded and managed pension and insurance fixed income portfolios to maximize total return and funding ratios . bonds traded : treasuries , agencies , mbs / cmos , abs , corporate , yankees , and foreign . d . . traded and managed stock mutual portfolios for total return . e . . created a computer program to quantify the attribution of total return for fixed income portfolios relative to market returns . f . . programmed investment compliance rules to monitor the management of domestic and global stock , bond and money market mutual funds . g . . supervised market risks , credit risks , legal risks , and operations risks of derivatives , bonds , money market securities , and equities . policy , reporting and projects a . . developed investment policy guidelines to manage fixed income portfolios . b . . rewrote derivatives policy manual . c . . prepared a 20 - page powerpoint slide presentation on india for the senior management . d . . prepared and presented investment reports to cios , investment committees , and boards of trustees i shall , therefore , appreciate your help in connecting me with the right individual within enron for a job interview to work as a financial trader / risk manager . i can provide excellent references upon request . thank you for the lunch . sincerely , maruti d . more , cfa 713 - 722 - 7199 more @ insync . net - - - - - original message - - - - - from : vince j kaminski to : more date : tuesday , january 25 , 2000 12 : 39 pm subject : re : fw : luncheon meeting : asap hello , i shall be traveling this week . i shall be glad to meet you for lunch next week . please give me a call monday at 713 853 3848 . vince "" more "" on 01 / 25 / 2000 10 : 27 : 09 am to : vince j kaminski / hou / ect @ ect cc : subject : fw : luncheon meeting : asap dear mr . kaminski : just to bring you up to date . i am no longer with american general . i shall , therefore , appreciate an opportunity to meet with you for lunch at the earliest possible time . i can be reached at 713 - 722 - 7199 . thank you . maruti more 713 - 722 - 7199 - - - - - original message - - - - - from : more to : vince j kaminski date : friday , december 17 , 1999 8 : 55 pm subject : re : luncheon meeting thank you for your response . i was very happy to hear from you . i am also taking next week off and will be back to work on december 27 th . please do call me when you get back . would very much appreciate the opportunity to have a quick lunch with you , if possible . hope everything is going well . have wonderful christmas holidays . regards maruti more 713 - 831 - 6209 ( o ) - - - - - original message - - - - - from : vince j kaminski to : more cc : vince j kaminski date : friday , december 17 , 1999 3 : 35 pm subject : re : luncheon meeting hello , i shall be taking a few days off around xmas . i shall call you at the end of december when i get back to the office . with best holiday wishes , vince "" more "" on 12 / 01 / 99 09 : 28 : 09 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : luncheon meeting dear mr . kaminski : how are you doing ? i want to find out if we can meet again for a quick lunch . you might know that in maharashtra , india there is now a new chief minister ( ceo of the state government ) . i am proud to say that he and i are from the same town , latur . i would really enjoy talking with you again , at your convenience . i will call you tomorrow to follow up . thank you . sincerely , maruti more - - - - - original message - - - - - from : vince j kaminski to : more cc : vince j kaminski ; vkaminski @ aol . com date : thursday , july 01 , 1999 6 : 16 am subject : re : luncheon meeting dear mr . more , let ' s meet at 11 : 45 in the lobby of the enron building . we can walk to one of the restaurants in the downtown area . vince kaminski ( embedded enron capital & trade resources corp . image moved to file : from : "" more "" picl 7002 . pcx ) 06 / 30 / 99 10 : 38 pm to : vince j kaminski / hou / ect cc : subject : luncheon meeting dear mr . kaminski : i am looking forward to our luncheon meeting on this friday , july 2 , 1999 at 11 : 30 am . please let me know where we should meet . thank you for taking time out from your busy schedule . sincerely , maruti more tel . : 713 - 831 - 6209 - attl . htm - bio @ home . doc - more @ home . doc",0 +"Subject: re : vincent tang vince - thanks so much for the job description . i forwarded it to our legal counsel for their review , and they were very pleased with it . they said it really helped them to understand what vincent is actually doing , which will enable them to better prepare his case . thanks again . candace vince j kaminski 01 / 07 / 2000 12 : 20 pm to : candace womack / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : vincent tang candace , . sorry for additional delay . editing took a long time . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 07 / 2000 12 : 18 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 01 / 04 / 2000 12 : 11 pm to : candace womack / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : vincent tang candace , sorry for the delay . i shall edit the job description and forward it to you later today . vince candace womack 01 / 04 / 2000 11 : 24 am to : vince j kaminski / hou / ect @ ect cc : rebecca shelp , "" r . van ravenswaay "" , margaret daffin / hou / ect @ ect , jane allen / hou / ect @ ect subject : vincent tang vince - will you please review the following job description which tindall research analyst ) overview : provides research support for specific projects and programs . essential functions : projects may involve collecting and analyses data to formulate recommendations , policies or solutions . marginal functions : may involve mathematical or simulation models of problem for solution by computers or other methods : analyzes problem in terms of information and conceptualizes and defines problem . studies information and selects plan from competitive proposals that affords maximum probability of profit or effectiveness in relation to cost or risk . prepares model of problem in form of one or several equations that relates constants and variables , restrictions , alternatives , conflicting objectives and their numerical parameters . defines data requirements and gathers and validates information applying judgment and statistical tests . specifies manipulative or computational methods to be applied to model . performs validation and testing of model to ensure adequacy , or determines need for reformulation . prepares reports to management defining problem , evaluation , and possible solution . evaluates implementation and effectiveness of research . may design , conduct , and evaluate experimental operational models where insufficient data exists to formulate model . may specialize in research and preparation of contract proposals specifying competence of organization to perform research , development , or production work . may develop and apply time and cost networks , such as program evaluation and review techniques ( pert ) , to plan and control large projects . may work in association with engineers , scientists , and management personnel in business , government , health , transportation , energy , manufacturing , environmental sciences or other technologies . i look forward to your response . rebecca shelp legal assistant tindall & foster , p . c . 600 travis , suite 2800 houston , texas 77002 - 3094 telephone : ( 713 ) 229 - 0636 ext . 101 fax : ( 713 ) 228 - 1303 email : rshelp @ tindallfoster . com",0 +"Subject: re : technical corner article tanya , looks good . we should break it up in 2 parts . vince tanya tamarchenko 02 / 09 / 2001 10 : 36 am to : vince j kaminski / hou / ect @ ect cc : william smith / corp / enron subject : re : technical corner article vince , see if this is a good article for our technical corner . tanya",0 +"Subject: re : amitava ' s visit bryan , i am glad we could help . let me talk to vasant about amitava ' s support for you . vince bryan seyfried 11 / 05 / 2000 05 : 26 am to : vince j kaminski / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect cc : steven leppard / lon / ect @ ect , markus fiala / lon / ect @ ect subject : amitava ' s visit really appreciate your freeing amitava up to provide critical input into the quantitative work we have undertaken . as you are aware much of the work requires exploring uncharted territory and the team has confirmed the significant contribution that amitava ' s experience and expertise has provided in a very short timeframe . as you might expect , this quickly confirms that we really need more dedicated support from someone with amitava ' s background . it is imperative that we leverage his experience to speed up the process and apply critical insights into our project . this will not only speed up the work considerably but also ensure that we have put our best team on the difficult issues in front of us . i would like to discuss an arrangement where we can ensure amitava is more integrated into our efforts . i realize it will be difficult to free him up but maybe we can put something together which works for everybody . some early ideas : have amitava and family come over for 6 weeks of dedicated support . this should allow us to develop the communication processes to run a global quant effort for the project and then continue with amitava a full time ec . com resource working from houston . this is likely my preference . or agree a schedule of regular trips which allows amitava to provide critical insights and oversight of the project and give our team a resource to extract his experience on an ongoing basis . let ' s discuss before i talk to john about the practicalities thanks for your assistance .",0 +"Subject: a message from joe sutton today , i announce my departure from enron . enron is a great company and i have enjoyed working with our terrific employees over the last eight years . together , we have made enron a successful global company . with enron  , s decreased emphasis on international asset development activity , however , i have decided to pursue opportunities where i can make greater use of my skills and experience . i leave enron with wonderful memories of our employees and the many successes we have achieved together . you have my best wishes for enron  , s continued success . joe",0 +"Subject: enhanced energy scheduler tool in production today message sent from the pjm - customer - info mailing list at pjm - customer - info @ majordomo . pjm . com : the new pjm enhanced energy scheduler ( ees ) will go into production at 10 : 00 this morning 4 / 17 / 00 at https : / / ees . pjm . com / mui / index . htm . schedules may be submitted for energy that begins on or after tomorrow , 4 / 18 / 00 . for questions please contact pjm at 610 - 666 - 2270 . questions may be directed to pjm customer service at ( 610 ) 666 - 8980 . to unsubscribe from this list , send an e - mail to majordomo @ majordomo . pjm . com containing only the following line in the body of the e - mail : unsubscribe pjm - customer - info",0 +"Subject: summer position - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 03 / 13 / 2000 01 : 56 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - amy ruth ward on 03 / 13 / 2000 01 : 31 : 54 pm to : celeste roberts / hou / ect @ ect cc : stinson gibner / hou / ect @ ect subject : summer position dear celeste and stinson , i am writing to refuse enron ' s offer for a summer position . after several conversations with my advisor at stanford , we have decided that i should remain at stanford to work on my dissertation . thank you again for taking the time to show me around enron . sincerely , amy ward",0 +"Subject: re : confirm participation at real options conference at cambridge u . - urgent i ' d love to . it ' d be good to get to know lenos . cheers , steve vince j kaminski 04 / 20 / 2000 02 : 09 pm to : steven leppard / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : confirm participation at real options conference at cambridge u . - urgent steve , are you interested in speaking at this conference ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 20 / 2000 08 : 10 am - - - - - - - - - - - - - - - - - - - - - - - - - - - lenos trigeorgis on 04 / 19 / 2000 05 : 32 : 27 pm to : "" vince j kaminski "" cc : subject : re : confirm participation at real options conference at cambridge u . - urgent vince can you please check with steve leppard and ask him to confirm , and send to me his position and title of his talk ( if different from yours ) ? thanks very much again lenos at 05 : 14 _ _ 04 / 19 / 00 - 0500 , you wrote : > > > lenos , > > my busy schedule does not allow me to attend . > > i would like , however , to recommend my colleague who works > in london , steve leppard . > he can make a very interesting and original presentation on real options . > please , let me know what you think . > > vince > > > > > > > lenos trigeorgis on 04 / 18 / 2000 09 : 29 : 18 pm > > to : lenos . trigeorgis @ rogroup . com > cc : ( bcc : vince j kaminski / hou / ect ) > subject : confirm participation at real options conference at cambridge > u . - urgent > > > > the attached file contains the tentative program for two back - to - back real > options conferences ( a professional one for july 5 - 6 , and the standard > annual academic one for july 7 - 8 ) at cambridge u . > > your name has been provisionally included on the program . please check all > the information relating to you and confirm your participation as listed > ( or advice us of desired changes immediately ) . > > thank you . > > lenos > > > > attachment converted : "" c : \ drive _ e \ eudora \ attach \ 4 thconfsessionsl 2 . doc "" > > > lenos trigeorgis > professor of finance > university of cyprus > dept of business > 75 kallipoleos , po box 20537 > cy 1678 nicosia cyprus > > tel : + 357 2 892261 > fax : 339063 > > > lenos trigeorgis professor of finance university of cyprus dept of business 75 kallipoleos , po box 20537 cy 1678 nicosia cyprus tel : + 357 2 892261 fax : 339063",0 +"Subject: re : research meeting steve , yes . i shall try to call you later this morning . i had a schedule from hell the last few days . vince steven leppard 10 / 26 / 2000 08 : 45 am to : john sherriff / lon / ect @ ect , michael r brown / lon / ect @ ect , richard lewis / lon / ect @ ect , joe gold / lon / ect @ ect , tani nath / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , sarah jane white / lon / ect @ ect , lauren urquhart / lon / ect @ ect , kirsten nelz / lon / ect @ ect , sarah knott / lon / ect @ ect , fiona stewart / lon / ect @ ect subject : research meeting all john sherriff has suggested we all get together in the near future to discuss the demands being placed on the research group . i will be making a request for additional resources , and the aim of the meeting is to determine the most appropriate size for the team . assistants : can we aim for week commencing 6 th november ? vince : would you like to teleconference in ? many thanks steve",0 +"Subject: visit may 4 th vince : per susan ' s email below , do you want to go to the luncheon for john hennessey ? she doesn ' t say where the lunch is going to be , did you get an invite ? the only thing you have that day is 9 : 00 am larry thorne and the energy derivatives class at 11 : 30 . let me know . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 17 / 2001 11 : 55 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" susan c . hansen "" on 04 / 17 / 2001 10 : 47 : 38 am to : shirley . crenshaw @ enron . com cc : clovell @ stanford . edu , donna lawrence subject : visit may 4 th hi shirley , thanks for corresponding with carol during my absence , and confirming our meeting with vince kaminski at 1 : 30 on may 4 th . i have a question about the logistics . i believe dr . kaminski has received an invitation to an event in houston : new stanford president john hennessy is visiting a number of cities on a "" welcome tour , "" and it just so happens he is hosting a luncheon in houston on may 4 th . if dr . kaminski wants to attend the hennessy welcome tour luncheon , donna lawrence and i could meet with him at 1 : 30 somewhere in the hotel . if he ' s not attending the presidential event , please let me know where you are located , and we ' ll plan travel time accordingly . regards , susan susan c . hansen director , corporate relations school of engineering stanford university stanford , ca 94305 - 4027 ( 650 ) 725 - 4219",0 +"Subject: re : equity investment fair value in turkey john , please , give me another day to elaborate . it ' s quite hectic here . vince enron capital & trade resources corp . - europe from : john bottomley 06 / 21 / 2000 03 : 41 am to : vince j kaminski / hou / ect @ ect cc : subject : re : equity investment fair value in turkey vince , any further thoughts on your end ? john vince j kaminski 19 / 06 / 2000 15 : 45 to : john bottomley / lon / ect @ ect cc : dale surbey / lon / ect @ ect , vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : re : equity investment fair value in turkey john , it seems to me that using a risk - free rate is not appropriate . i shall elaborate on my position and send you a longer message this afternoon ( my time ) . vince enron capital & trade resources corp . - europe from : john bottomley 06 / 19 / 2000 05 : 55 am to : vince j kaminski / hou / ect @ ect cc : john sherriff / lon / ect @ ect , dale surbey / lon / ect @ ect subject : equity investment fair value in turkey vince , john sherriff recommended that i contact you regarding an interesting ( and potentially contentious ) option valuation issue we are currently dealing with in london . we hold longish term options in a private company in turkey which is currently seeking to ipo . the issue we are discussing with rac is which discount rate ( i . e . , risk - free ? and if so turkish or us ? ) should we use to value these options first , some additional information . option characteristics : - - 116 , 000 options ( representing 9 % of the company ) - - term : minimum of 3 years but possibly longer - - still being renegotiated - - strike price : 20 % below the upcoming ipo price ( either priced in us $ or turkish lire ) we currently hold the above number of options with a fixed price of $ 118 . 75 per option but 34 , 800 expire on july 15 , 2000 with the remainder expiring on december 15 , 2000 . the company ' s investment bankers ( abn / amro rothchilds ) are concerned regarding the strike price because it values the company at $ 118 million and they believe the company is worth approx $ 300 million . due to such a large "" valuation gap "" , they originally encouraged us to exercise all of the options by the end of june ( ipo target date in late sept / early oct ) . our counter - proposal is to "" swap "" instrinsic value for time value by repricing the options strike higher while extending their term . we are currently negotiating with rac the most appropriate discount rate to use to value the options . we are arguing that the us risk free is the most appropriate discount rate and their current position is that the company ' s historical senior debt cost ( 18 % ) is the more appropriate number to use ( although admit that this is not justifiable - - only a proxy ) a few key points : - - rac is valuing the options via crystal ball simulations such that this "" to be negotiated "" discount rate is used to calculate the pv of the future options intrinsic value in 3 years ( i . e . , for black - scholes , a higher discount rate yields a higher value but the opposite is true using crystal ball simulation ) - - the model simulates both an ipo / no ipo case and in the case of no ipo we have put options for our equity priced at a fixed 17 % return - - the model assigns a 30 % illiquidity discount - - in the simulated cases where the options are out - of - the - money , we obviously do not exercise . we understand that for black - scholes option valuation , one needs to be able to construct a comparable portfolio of cash flows using equity futures and the risk free in order for the valuation to hold . and here is where we reach our difficulty : since the company doesn ' t currently trade on a public market and since equity futures do not exist for turkish equities , rac is arguing that a us risk free is not appropriate to use . our argument is that the non - ipo scenario , a 30 % illiquidity discount and a us $ based option volatility are already in the factored into the simulation . as such , we feel rac ' s approach is double counting . if you managed to get through the above , your a patient man ! i ' ll give you a call today or tomorrow after you ' ve had a chance to digest the information . regards , john bottomley",0 +"Subject: stanford associate recruiting i would like to take this opportunity to thank each of you for your participation in the stanford associate interviews last week . our efforts resulted in 6 summer associate offers and 1 full - time associate offer . althea gordon will be e - mailing you the names of the individuals who will receive offers . we would like you to contact these individuals to congratulate them and encourage their acceptance . althea will match you up with the candidates you interviewed and provide you with contact information . althea has verbally contacted both the offers and the declines . we will be sending out both offer letters and decline letters by end of day tuesday , march 20 . in the meantime , should any of you be contacted by students who did not receive an offer , i recommend the following verbal response : "" our summer program is highly competitive , forcing us to choose a smaller number of candidates from a highly qualified pool . our summer hiring this year will be between 35 - 40 associates . the full - time program typically hires between 80 - 90 associates . given that you made it this far in our selection process , i would strongly encourage you to apply in the fall for the full - time associate program . "" we will keep you informed via e - mail of our acceptance rate at stanford . again , thank you for your support . we look forward to working with you on potential future stanford recruiting events . regards , celeste roberts",0 +"Subject: my coordinates test message vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: re : visit to houston and vince kaminski ' s research group vince , thanks for the update . i ' m looking forward to meeting you too . shijie shi - jie deng assistant professor school of isye georgia institute of technology office phone : ( 404 ) 894 - 6519 e - mail : deng @ isye . gatech . edu home page : http : / / www . isye . gatech . edu / ~ deng on thu , 27 jul 2000 vince . j . kaminski @ enron . com wrote : > > shijie , > > we would like you to meet tomorrow morning , starting at 9 : 00 , with a few > members of the > group . around 11 : 15 we shall go to lunch ( myself , stinson gibner and zimin > lu ) . > at 1 : 00 we would like you to make a presentation to the research group on > the topic > of your choice . after 2 : 30 we shall continue with individual meetings . > > we shall give you an agenda with the names and times when you arrive . > > you can come to the lobby of the enron building ( 1400 smith ) > between 8 : 30 and 9 : 00 and call me ( 3 - 3848 ) or my assistant , > shirley crenshaw ( 3 - 5290 ) , to be admitted to the building . > we are on the 19 th floor . > > look forward to meeting you . > > vince kaminski > > > > > > > shijie deng on 07 / 27 / 2000 10 : 10 : 03 am > > to : shirley . crenshaw @ enron . com > cc : vince kaminski > subject : re : visit to houston and vince kaminski ' s research group > > > > hi shirley , > > an overhead would be good . thanks . > btw , is there happen to be an agenda for my visit ? thank you . > > shijie > > shi - jie deng > assistant professor > school of isye > georgia institute of technology > > office phone : ( 404 ) 894 - 6519 > e - mail : deng @ isye . gatech . edu > home page : http : / / www . isye . gatech . edu / ~ deng > > on fri , 7 jul 2000 shirley . crenshaw @ enron . com wrote : > > > > > shijie : > > > > thanks for the information . > > > > please let me know if you need av equipment , i . e . , lcd projector , > overhead > > projector , etc . > > > > thanks ! > > > > shirley > > > > > > > > > > > > > > > > > > > > shijie deng on 07 / 03 / 2000 11 : 40 : 05 am > > > > to : shirley . crenshaw @ enron . com > > cc : vince kaminski > > subject : re : visit to houston and vince kaminski ' s research group > > > > > > > > shirley , > > > > i just booked my flights and the hotel . i ' ll be arriving houston on > > the evening of 7 / 27 and leaving on 7 / 29 . i ' ll stay at the doubletree > > houston allen center for two nights . looking forward to meeting you at > > enron . > > > > regards , > > > > shijie > > > > shi - jie deng > > assistant professor > > school of isye > > georgia institute of technology > > > > office phone : ( 404 ) 894 - 6519 > > e - mail : deng @ isye . gatech . edu > > home page : http : / / www . isye . gatech . edu / ~ deng > > > > > > > > > > > > > > > > > > > >",0 +"Subject: your visit to sydney in july dear vince , hi ! , it ' s only two weeks until the aust energy risk ( 17 - 19 july ) seminar in sydney . is risk organising your hotel ? otherwise , kirsty can organise for you , eg harbour view at the regent or convenience to the seminar location at the sheraton ? we would like to make sure that you have all the necessary "" comforts "" of home when you are with us , elliott & david can set up a desk for you in the office / trading room with phone etc so you can use one of our pc to access email or plug in your laptop . please let elliott or david kmow your requirements . how long will you be with us ? is this your first trip to sydney ? there are several of us in the office who would like to take you for a meal ( s ) / show you the sights etc and discuss the latest research findings with you whilst you are in sydney eg var . hear from you soon . raymond 725 pm 4 july",0 +"Subject: re : grades thank you ! - pvc at 09 : 19 am 5 / 3 / 01 - 0500 , you wrote : > pam , > > another group : > > stuart hamel > jed howard > brian nelson > > > > b + > > > > vince > > > > > > pamela vande krol castro on 05 / 03 / 2001 08 : 58 : 24 am > > to : vince . j . kaminski @ enron . com > cc : > subject : re : grades > > > got them - thank you ! - pvc > > at 05 : 21 pm 5 / 2 / 01 - 0500 , you wrote : > > pam , > > > > another team : > > > > elena chilkina > > robert j . guadette > > joseph helms > > kenneth jett > > todd litton > > mark westmoreland > > > > > > grade : a - > > > > > > vince kaminski",0 +"Subject: move to the research area hi shalesh : the move team has informed me that they will not be able to move your telephone until wednesday , the 23 rd . i have asked them to bring you boxes by friday , but i have not heard back from them . your computer is here , but without a telehone , you may not want to move down here until the 23 rd . just to let you know . have a great day ! shirley",0 +"Subject: dr . gabriel bitran vince , fyi . prof . gabriel bitran of the m . i . t . management science department is planning to visit ebs on wednesday , aug . 9 , to discuss research topics which might be of interest to ebs . ( this is amit dhadwal ' s advisor . ) he still has 25 k of funding to use for research , but we are having a hard time coming up with a mutually suitable topic . i have asked samer to work with him in trying to come up with a research subject . stinson",0 +"Subject: re : visit to houston martin , all other things equal , i would prefer march 2 nd as the following friday is the beginning of spring break for hisd . can you check with racicot and fallon ? - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 02 / 12 / 2001 11 : 10 am - - - - - - - - - - - - - - - - - - - - - - - - - - - nick bambos on 02 / 09 / 2001 11 : 33 : 33 am to : stinson . gibner @ enron . com cc : gappy @ stanford . edu , cope @ csli . stanford . edu subject : re : visit to houston hi stinson , eventually , the team here ( giuseppe , eric , myself ) has converged to two possible dates to propose for a visit : 1 ) friday , march 2 2 ) friday , march 9 how do these look on your side ? we ' ll structure the agenda immediately after we fix the date . i look forward to seeing you again . best , nick stinson . gibner @ enron . com wrote : > > nick , > > i hope things are going well and you are not staying too busy . we should > start planning for your next trip to houston , as i ' m sure your schedule > will be getting full very soon . perhaps you could give the people in > enron broadband an overview of the areas of interest within your research > group . i ' m sure we could also benefit from you views of how the current > technology is evolving . > > are there certain dates which would potentially work for you ? please let > me know by email or give me a call at 713 853 4748 . > > looking forward to talking with you . > > - - stinson",0 +"Subject: re : testiing component var naveen , as we discussed yesterday , i would like to see the results of components var testing . i got some from sunil today for agg - gas . in addition if you can send me component var results for ng - price for some date , as well as ng positions , forward price curve , forward volatility curve for ng - price - prc for that same date , i can verify the numbers . thank you , tanya .",0 +"Subject: soma ghosh prc mid year review tim davies has requested that i contact you regarding soma ghosh ' s prc mid year review . you will recall that you were asked to do a review for soma and to date this is still outstanding . i would be grateful if you could do this at some stage today as our review meeting will be held tomorrow . thank you for your assistance claire dunnett 37462",0 +"Subject: career opportunities @ enron - - - - - - - - - - - - - - - - - - - - - - forwarded by jens gobel / corp / enron on 03 / 15 / 2000 09 : 51 am - - - - - - - - - - - - - - - - - - - - - - - - - - - gordian kemen on 03 / 15 / 2000 09 : 13 : 47 am to : jens . gobel @ enron . com cc : subject : re : bei enron hi jens , anbei findest du meinen cv in englisch als pdf - file . ein treffen in austin wuerde mir gut passen . diesen feitag wegen sehr spaeter ankunft ausgenommen , ginge es prinzipiell an beiden wochenenden . ich muesste allerdings vorher noch abklaeren , was meine schwiegereltern konkret an events geplant haben . wann wuerde es dir denn passen ? ich gebe dir jetzt auf jeden fall schon mal die telefonnr . meiner in - laws : ( 512 ) 301 - 9819 , damit wir uns nicht verpassen . bist du in austin oder mobil erreichbar ? schoene gruesse und vielen dank fuer dein engagement . gordian - gordianresume . pdf - - - - - - - - - gordian kemen , dipl . - volksw . universit , t mannheim | | university of mannheim lehrstuhl f _ r finanzierung | | chair of finance l 5 , 2 d - 68131 mannheim germany fon : + 49 621 181 - 1524 fax : + 49 621 181 - 1519 mailto : g . kemen @ uni - mannheim . de - - - - - - - -",0 +"Subject: eim organization change as part of enron industrial market ' s ( eim ) move into the pulp , paper and steel markets , our european effort is well underway . our markets are global in nature and we believe we need a strong presence in europe to penetrate that market effectively . accordingly , we are pleased to announce that bruce garner has been appointed president and chief executive officer of enron industrial markets - europe . in this role , bruce will be responsible for all activities for eim in the european market . please join us in congratulating bruce in his new position .",0 +"Subject: contact - joao c . neves & enron dear vince : it is my understanding that ms . kate szablya ( whom you apparently met this past week ) of power brokers has expressed to you my interest in considering the possibility of working at enron . in addition i belive that she has forwarded to you my cv . my communication with ms . szablya has been less than satisfactory for some time . therefore ms . szablya is nolonger representing me and i would like ms . rita de claris ( whom i cc ) of de claris & associates ( 713 - 868 - 4440 ) to represent me in the future in this search . i have instructed her to forward my cv to you once more . forgive me for this , perhaps unusual , step but i regard highly the opportunity of working at enron and do not feel i am being adequately represented at present . i look forward to hearing from you soon . best regards joao",0 +"Subject: greeting from charles dear molly : happy new year ! haven  , t talked to you for a while , hope you and your family had a great holiday . i can  , t believe we are already in 2001 ! i remember we had talk last december , and you were basically waiting for the response from vince , have you heard anything back from vince yet ? since we are already in january , i really hope we can move forward . if you have any questions , please feel free to call me at 918 - 409 - 4308 . thank you . sincerely , charles do you yahoo ! ? yahoo ! photos - share your holiday photos online ! http : / / photos . yahoo . com /",0 +"Subject: re : interview rahul , i shall be glad to meet with you . please , give me a call when you get here . vince rahul kumar @ enron _ development 08 / 16 / 2000 09 : 49 am to : vince j kaminski @ ect cc : subject : interview vince , we had spoken a few weeks back , but were unable to meet due to our schedules . i will be back in houston next week ( august 21 st ) , and would appreciate the opportunity to meet with you and take your advice . as i may have mentioned to you , i am interested in exploring opportunities that are more us focused . i think paula corey has already forwarded my resume to you . however , i have attached it to this note just in case . i would really appreciate the opportunity to meet with you next week , and would be grateful if you could let me know what time fits best with your schedule . i look forward to hearing from you . regards , rahul",0 +"Subject: re : guest access to enrononline ed , i am glad i got it resolved . hope you will like the system . vince ekrapels on 02 / 18 / 2000 03 : 43 : 54 pm to : donna greif / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : guest access to enrononline dear donna , thanks for your help , and to vince as well . i ' ll access the site next week , when i ' m back from a holiday weekend . ed krapels - - - - - original message - - - - - from : donna greif [ mailto : donna . greif @ enron . com ] sent : friday , february 18 , 2000 10 : 53 am to : ekrapels @ esaibos . com subject : guest access to enrononline attention : esai ed krapels thank you for your interest in enrononline . as requested , following is a guest password that will allow you temporary view only access to enrononline . please note , the user id and password are case sensitive . guest user id : ena 61296 guest password : tr 84 byl 3 in order to apply for transaction status with enrononline , your company needs to complete a password application and registration form for a master user account . each master user will be able to grant various levels of access for additional users . to obtain a password application and registration form , you can visit our website at www . enrononline . com and select the ? how to register ? link , or call our helpdesk at 713 / 853 - help ( 4357 ) . we hope you will find that enrononline provides an easy and more efficient way to do business with enron . we look forward to transacting with you online . sincerely , donna corrigan greif enrononline helpdesk 713 / 853 - help ( 4357 ) - attl . htm",0 +"Subject: cal berkeley general presentation confirmation - 10 / 16 / 00 cal berkeley general presentation monday , october 16 th this note is to confirm that you are scheduled to attend the cal berkeley general presentation on monday october 16 th . this e - mail should contain any information that you need to know pertaining to your trip . please print out a hard copy and bring with you in case of emergency . if you have any questions , there is a list of contacts listed below . once again , thank you for offering to help with technology recruiting at cal berkeley . see you on campus ! lara the general presentation will be held : monday , october 16 th the faculty club seaborg room - 2 nd floor 7 : 00 p . m . to 9 : 00 p . m . * * please plan on arriving at the general presentation by 6 : 00 p . m . the general presentation is designed to educate the students on enron and the global technology track . following the presentation we will invite the students to ask questions about enron and the global technology track . please plan to arrive at the general presentation by 6 : 00 p . m . it is business casual attire . flight arrangements : you are responsible for scheduling your own flight arrangements with your preferred airline provider . please schedule your flight to arrive to the san francisco airport on monday , october 16 th . please remember that there can be significant traffic over the bay bridge and to get into town at least an hour prior to the event . please make all flight arrangements through the travel agency in the park so that we are able to take advantage of discount fares . if you do not have a representative that you currently use at the travel agency in the park - feel free to contact liz mendiola at 713 - 860 - 1140 . rental car arrangements : once again , you are responsible for scheduling your own rental car arrangements with your preferred provider . your travel agency in the park representative should be able to assist you with rental car reservations . hotel arrangements : hotel reservations are currently being made by our representative at the travel agency in the park . as soon as we have confirmation numbers , i will let you know . san francisco airport to the faculty club take 101 northbound exit to san francisco / oakland bay bridge exit to 1 - 80 east exit on university ave . east on university avenue for 1 . 5 miles to oxford st . right on oxford st . , left on durant ave . , left on piedmont you will see parking on the right side once again , thank you so much for helping with the general presentation . below are some last minute tips to keep in mind : please remember to dress business casual . please remember to bring some business cards for students . i have attached a pdf version of the global technology track brochure . please forward all expense receipts to grace garcia . she will handle any expenses incurred for this recruiting trip including : flight costs , hotel , car , food , valet , etc . however , you must turn in some sort of receipt - so be sure and save them ! ashley baxter work : 713 - 853 - 3589 cell : 281 - 793 - 0567 lara berry work : 713 - 345 - 8320 cell : 713 - 857 - 1034 grace garcia work : 713 - 853 - 7252 simone lewis work : 713 - 853 - 1645",0 +"Subject: re : follow up dale , i have passed on the information you gave me but you have to realize that i acted just as a go - between . i shall be glad to remind our new business unit about your proposal . i have already asked a few times . i shall be traveling this week , wed - fri . i shall be back in the office on monday . vince "" dale nesbitt "" on 06 / 06 / 2000 02 : 03 : 18 am to : "" vincent kaminski "" cc : subject : follow up vince : just wanted to make sure you know we are still vitally interested in getting together with you and the key enron people . thanks so much for all your help . i understand how busy you and the new person are , but i hope you are interested enough to find a slot for us . i think it will benefit you as well as us . dale",0 +"Subject: re : from larry roberts thanks for the referral on this matter . we want to be the best and honor our affirmative action and accessibility responsibility to all people , so we plan to satisfy at least the priority 1 points in the web content accessibility guidelines put out by the world wide web consortium . in addition , we will continue to monitor and improve as we develop new tools . thanks again have a good weekend !",0 +"Subject: re : enron exotica options library patrick , we have those two models in the exotica library . you need to add exotica . xll located in o : \ research \ exotica \ xll to your excel before you can use the functions . you can find the documentation in o : \ research \ exotica \ doc . example spreadsheets can be found in o : \ research \ exotica \ . the precedure of addin is as follows . 1 ) clik tools / addin on your excel 2 ) choose browse and got to o : \ research \ exotica \ xll 3 ) select exotica . xll or its identical copy exotical . xll 4 ) answer the question "" copy . . . "" no . 5 ) click ok , then you should see exotica menu bar pop up . if you have any more questions please let me know . zimin vince j kaminski 11 / 21 / 2000 08 : 06 am to : patrick markey / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , zimin lu / hou / ect @ ect subject : re : enron exotica options library patrick , please , contact zimin lu , 713 853 6388 . vince patrick markey 11 / 21 / 2000 05 : 15 am to : vince j kaminski / hou / ect @ ect cc : patrick markey / hou / ect @ ect subject : enron exotica options library vince , i am trying to price a crack spread option utilizing either of the following models in the exotica library : 1 . spread options by 1 - d integration - sprdopt 2 . spread options on asian spreads - asnsprd how do i get access to these options models ? who can i visit with in the houston group if i have any questions regarding the models . your help would be greatly appreciated . i am located in singapore , so i would probably be visiting with the houston personnel via e - mail . thanks , pat markey p . s . - i have access to the o : \ research \ exotica \ xll \ xll _ templates \ directory ; however , there are no macros associated with the programs that i can find . also , i don ' t have access to the m : drive . please let me know where to find these options models .",0 +"Subject: research allocations to egm hi becky , vince and i came up with these allocations for all of egm : gary hickerson rate & currency trading 10 . 0 % agriculture trading & origination 27 . 5 % jeff shankman weather 20 % insurance 30 % oil 7 . 5 % coal 2 . 5 % freight 2 . 5 % total 100 %",0 +"Subject: re : efa meetings hey vince , thanks for your reply . i ' ll see what becomes of the session and keep you informed . as to the paper , tim crack and i have a revised version of the paper i gave you . we have since found out that by using certainty equivalence , our model is more robust . for example , if one has an asset pricing model that incorporates mean , variance , and skewness ( harvey and siddique , jf june , 2000 ) and a binomial model that incorporates mean , variance , and skewness ( johnson , paulukiewicz , and mehta , rqfa , 1997 ) , our model allows you to price options under the real world measure . the benefit is that one can take all of the model parameters from historical data that is non - risk neutralized . from a pricing perspective , there isn ' t a tremendous benefit in a mean - variance world ( variance stays the same in risk neutral or risky measure ) . however , in the mean - variance - skewness world , there is a benefit because we do not believe ( although we ' re still hunting down an appropriate cite ) skewness is the same under risk - neutral and risky measure . given we can only measure the skewness in our risky world , our model becomes much more significant . i would certainly appreciate comments on the version of the paper you have and would also pass on the new version of the paper if you would like to see it . thanks again , tom",0 +"Subject: research family outing and volleyball game hello everyone : start practicing ! we are going to have an outing and volleyball game for the research employees and their families ! . details are as follows :",0 +"Subject: 2000 projects in order to better understand the research group , can i get a list of projects that your group works on during 2000 ? were these projects budgeted for separately in 2000 ? if the answer is yes , can we do a comparison analysis on these projects ( actual vs plan ) ? based on the 2001 plan , i do not think we budgeted by project , but i have to ask . . . if you have any questions , please call me at 5 - 7094 . thanx .",0 +"Subject: re : petronas benchmarking visit khairuddin , yes , it ' s correct . we have experienced problems replying to a number of messages sent by your organization ( not just your e - mail address ) . i shall send you the list of people who will attend the meeting at a later day . we shall have representatives from the crude and lng trading desks , research and risk control . could you , please , resend me the list of your delegates . vince i have invited a number khairuddinbmjaafar @ petronas . com . my on 01 / 19 / 2001 02 : 53 : 53 am please respond to khairuddin _ mjaafar @ petronas . com . my to : vkamins @ ect . enron . com cc : subject : re : petronas benchmarking visit vince , it was brought to my attention that something was wrong with my ' reply to : ' function of my email resulting in difficulties to reply to my email . below is the e - mail that i ' ve sent to you earlier and i believe this time , i will receive your reply . thanks , regards , khairuddin to : vince . j . kaminski @ enron . com cc : subject : re : petronas benchmarking visit ( document link : khairuddin b m jaafar ) vince , thank you for your prompt reply . we have received your fax earlier this morning . fyi , we shall be sending you the questionaires by next week as we are going through the final draft this week . could you please tell me who will be joining the discussion during our visit ? thanks . regards , khairuddin disclaimer : this e - mail and any files transmitted with it ( "" message "" ) is intended only for the use of the recipient ( s ) named above and may contain confidential information . you are hereby notified that the taking of any action in reliance upon , or any review , retransmission , dissemination , distribution , printing or copying of this message or any part thereof by anyone other than the intended recipient ( s ) is strictly prohibited . if you have received this message in error , you should delete this message immediately and advise the sender by return e - mail . opinions , conclusions and other information in this message that do not relate to the official business of petronas or its group of companies shall be understood as neither given nor endorsed by petronas or any of the companies within the group . ( embedded image moved to file : pic 24393 . pcx ) - pic 24393 . pcx",0 +"Subject: re : spring 2001 schematic david , i am an adjunct professor at rice . can i get access to embanet ? vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 23 / 2001 05 : 26 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - kathy spradling on 01 / 23 / 2001 03 : 03 : 05 pm to : vince . j . kaminski @ enron . com cc : subject : re : spring 2001 schematic mr . kaminski , you will need to speak with david kilgore at kilgore @ rice . edu or by calling david at 713 - 348 - 5378 regarding getting set up in embanet and if you can have access from the outside . kathy at 02 : 40 pm 1 / 23 / 01 - 0600 , you wrote : > you will need to speak with david kilgore > at kilgore @ rice . edu or by calling david at 713 - 348 - 5378 . kathy m . spradling mba program coordinator jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 3313 fax : ( 713 ) 348 - 5251 email : spradlin @ rice . edu http : / / www . rice . edu / jgs e - mail : spradlin @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: associate prc , martin lin dave , you are representing martin lin , an associate currently in the research group , at the mid - year prc . we would like to promote martin to a manager position in the research group , so you will need to nominate him for promotion at the prc meeting for us . martin has spent the last four months supporting ebs . his primary project has been development of a simulation model for analyzing the capability of the media - cast product running on the ebs network . this type of analysis is critical to understanding what types of bottlenecks we might encounter in trying to service , for example , the blockbuster deal . martin has already come up to speed so that he is able to largely replace an expensive contractor from lucent who is under contract to support this modelling effor . prior to supporting ebs , martin used his engineering skills ( b . s . caltech , ph . d . u . of texas in ee ) to create models of regional power transmission networks in order to better understand possible congestion constraints . in our internal pre - ranking meeting we felt that martin was deserving of a rating of superior due to his technical excellence , his excellent attitude and work ethic , and his ability to move projects forward with minimal supervision . regards , stinson",0 +"Subject: re : pound sterling economic analysis 30 august 2000 - - - - - - - - - - - - - - - - - - - - - - forwarded by leann walton / na / enron on 10 / 26 / 2000 10 : 54 am - - - - - - - - - - - - - - - - - - - - - - - - - - - maureen raymond 09 / 11 / 2000 04 : 01 pm to : trena mcfarland / lon / ect @ ect @ enron cc : subject : re : pound sterling economic analysis 30 august 2000 thanks , i hope everything is fine in ny ! say hello to the big apple for me . regards , maureen p . s . i still owe you sushi ! ! ! i worked until 7 : 30 p . m . on that friday in london when i invited you out for drinks . by the time i called you were gone for the day . sorry . trena mcfarland @ ect 09 / 08 / 2000 03 : 39 pm to : maureen raymond / hou / ect @ enron cc : subject : re : pound sterling economic analysis 30 august 2000 this was a great summary ! t",0 +"Subject: interview schedule for jeff lei he attached please find the interview packet for the above - referenced person . the interview will happen friday july 14 , 2000 . please print all three documents for your hard copies . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . sean 58701",0 +"Subject: sap id - here it is ! ! ! ! ! the following sap id and password allows you to access pay , benefit , and personal data via ehronline . do not provide this id / password to anyone as it enables modification to direct deposit account information . the sap system and ehronline will be available beginning friday , june 23 at 8 : 00 am for time entry . full sap functionality for financials will be available on july 5 , 2000 . you will be asked to change your password at the initial logon . your new password should meet the following criteria : must be 6 - 8 characters long can include numbers and letters can not include ' enron ' in your password . the system will require you to change your password every 90 days . the following address will connect you to ehronline beginning friday , june 23 at 8 : 00 am , http : / / ehronline . enron . com ( must use internet explorer , version 4 . 01 or higher to access this link . ) how do i get help ? : sap support : call the coe sap hotline at 713 - 345 - 4 sap ( 4727 ) . for quick reference tools , security request processes , after hours contact information and other general information , go to the coe web site via internet explorer using the following url address : http : / / sap . enron . com / coe for troubleshooting and go - live tips , go to the following web site , via internet explorer , using the following url address : http : / / sap . enron . com / coe click on sap , then click on troubleshooting and go - live tips training : contact your site manager if you were not able to attend a sap training class , and would like to attend one , for approval and role assignment . for interactive web based training for ehronline time entry , go to the following web site , via internet explorer , using the following url address : select the "" new users click here to register "" link",0 +"Subject: visit with vince kaminski on may 4 th carol : for your information and susan ' s , christie patrick will not be available on the 4 th of may . she will be out of the city . maybe susan can contact her directly at another time . i still have 1 : 30 as the time for vince and susan to meet . thanks ! shirley crenshaw - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 09 / 2001 03 : 30 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 04 / 09 / 2001 11 : 14 am to : susan . hansen @ stanford . edu cc : subject : visit with vince kaminski on may 4 th good morning susan : vince forwarded the below message to me and after looking over his calendar , he appears to be free most of the afternoon on the 4 th of may . please let me know what would be a good time for you and i will block it out before someone else gets it . thanks ! shirley crenshaw administrative coordinator enron research group 713 - 853 - 5290 email : shirley . crenshaw @ enron . com - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 09 / 2001 11 : 05 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 06 / 2001 05 : 36 pm to : "" susan c . hansen "" @ enron cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : visit from stanford ? susan , thank you for your message . i shall be glad to meet with you on may the 4 th . i shall ask my assistant , shirley crenshaw ( 713 ) 853 5290 , to call you to set up the meeting . also , for your information , we have recently set up a special unit to coordinate enron ' s relationships with the universities . the person running this unit is christie patrick . please , feel free to contact her and give my name as a reference . i shall coordinate the meeting on may the 4 th with her . vince additional information re christie : phone : ( 713 ) 853 - 6117 email : christie _ patrick @ enron . com "" susan c . hansen "" on 04 / 03 / 2001 04 : 33 : 54 pm to : vkamins @ enron . com cc : subject : visit from stanford ? dear dr . kaminski , let me briefly introduce myself , i am the director of corporate relations for the school of engineering at stanford university . in this role , i am always on the watch for ways to bring our faculty together with companies that have an appetite for engagement with top tier research institutions . i believe you know hill huntington , who is a senior researcher with stanford ' s energy modeling forum . he suggested i get in touch with you for some ideas about contacts at enron . i ' m in the process of planning a trip to texas in early may along with my colleague donna lawrence , the university ' s director of corporate relations . we were hoping to be able to include a stop at enron on our itinerary . right now it appears that friday , may 4 th would work best for us but we ' re at the very beginning of our trip planning . the purpose of our visit would be to review the current relationship between enron and stanford , to give you an overview of current priorities in the school of engineering , and ask for your help in identifying the best points of contact . i look forward to hearing from you about your availability , sincerely , susan hansen susan c . hansen director , corporate relations school of engineering stanford university stanford , ca 94305 - 4027 ( 650 ) 725 - 4219",0 +"Subject: re : joao neves thank you vince . i look forward to speaking with you tomorrow , and in meeting you on april 13 th ! regards , kate szablya power brokers , llc energy search and recruitment 303 - 716 - 2987 303 - 619 - 7589 cell 303 - 716 - 3426 fax www . powerbrokersllc . com",0 +"Subject: followup from iris mack hi , thank you for your email . i am indeed interested in exploring opportunities in your group - research ( quantitative modeling ) . just a note to let you know that i am not in the pure quantitative research group here at bnp paribas - but in the derivatives structured products . i do some of my own modeling and basic excel programming . i used to do a lot of fortran programming . however , i am not a very good c / c + + programmer . hope this gives you further details about my skills and interests . thank you , iris in iris , at this point it ' s my group : research , i . e . quantitative modeling . please , let me know what your interests are and i shall try to line up other groups for the interview . vince iris . mack @ bnpparibas . com on 06 / 09 / 2000 02 : 33 : 50 am to : vince . j . kaminski @ enron . com cc : subject : re [ 10 ] : greetings from london ( to enron ) hi , i will be out of the country until wednesday afternoon - london time . maybe we can chat then . also , could you please tell me about the group ( s ) that are interested in speaking with me . thanks , iris internet from : vince . j . kaminski @ enron . com on 06 / 06 / 2000 20 : 31 gmt to : iris mack cc : vince . j . kaminski bcc : subject : re : re [ 8 ] : greetings from london ( to enron ) iris , leaving for ca in a few minutes . i shall get back to you monday . vince iris . mack @ bnpparibas . com on 06 / 06 / 2000 10 : 36 : 46 am to : vince . j . kaminski @ enron . com cc : subject : re [ 8 ] : greetings from london ( to enron ) hi , thanks for your email . begining of july - what about july 4 th week ? could you give me a bit more info regarding the best days for you and your colleagues . thanks , iris internet from : vince . j . kaminski @ enron . com on 06 / 06 / 2000 14 : 29 gmt to : iris mack cc : vince . j . kaminski bcc : subject : re : re [ 6 ] : greetings from london ( to enron ) iris , the beginning of july would be better for us . please , let me know what is your availability . vince iris . mack @ bnpparibas . com on 06 / 06 / 2000 02 : 30 : 49 am to : vince . j . kaminski @ enron . com cc : subject : re [ 6 ] : greetings from london ( to enron ) hi , thank you for your email . how many days do we need ? i have checked my calendar . and think that i should be able to come on monday june 19 th ( tuesday june 20 th - if you need more than one day ) . . i can fly from london to houston during the following weekend to arrive in time for monday morning . let me know if these days are good for you and your colleagues . regards , iris internet from : vince . j . kaminski @ enron . com on 25 / 05 / 2000 18 : 33 gmt to : iris mack cc : vince . j . kaminski bcc : subject : re : re [ 4 ] : greetings from london ( to enron ) iris , we can invite you for an interview to houston . what would be a the time for you ? vince iris . mack @ bnpparibas . com on 05 / 25 / 2000 11 : 32 : 04 am to : vince . j . kaminski @ enron . com cc : subject : re [ 4 ] : greetings from london ( to enron ) hi , thank you for your prompt response . i am interested in any contacts you may have in your rolodex . also , i would be opened to talk to enron as well . please let me know more details . kind regards , iris internet from : vince . j . kaminski @ enron . com on 25 / 05 / 2000 16 : 19 gmt to : iris mack cc : vince . j . kaminski , stinson . gibner , grant . masson , pinnamaneni . krishnarao , vasant . shanbhogue bcc : subject : re : re [ 2 ] : greetings from london ( to enron ) iris , i shall go through my rolodex and try to find some good leads for you . i left investment banking 8 years ago and this field changes very fast . alternatively , would you be interested in a company like enron or another energy company in houston ? please , let me know . vince iris . mack @ bnpparibas . com on 05 / 25 / 2000 09 : 20 : 01 am to : vince . j . kaminski @ enron . com cc : subject : re [ 2 ] : greetings from london ( to enron ) hi , how are you ? thank you kindly for your email . sorry i have not responded sooner . currently i am working in derivatives structured products and risk management at bnp paribas in london . although i currently enjoy living and working in london , i may need to return to the states - because of my mother ' s failing health . do you know of any good contacts at investment banks that i may forward my details to ? for your information , i have attached my cv . ( please see attached file : iris marie mack . doc ) . thank you in advance for your time and consideration . kind regards , iris mack 44 ( 0 ) 20 7595 8665 ( work ) 44 ( 0 ) 20 7229 9986 ( home ) ( see attached file : iris marie mack . doc ) internet from : vince . j . kaminski @ enron . com on 04 / 04 / 2000 15 : 03 gmt to : iris mack cc : vince . j . kaminski bcc : subject : re : greetings from london ( to enron ) iris , please , feel free to give me a call when you have a few minutes . i shall be glad to chat with you . vince iris . mack @ paribas . com on 03 / 30 / 2000 02 : 24 : 27 am to : vkamins @ enron . com cc : denis . autier @ paribas . com subject : greetings from london ( to enron ) dear dr . kaminski , how are you ? it was nice to meet you at the real options conference in nyc . i was intrigued by some of the comments in your conference talk . in particular , by your use of real options to hedge financial options . this is something i am interested in as well . when you have some time , could we chat about this topic in a bit more detail ? thanks for your time and consideration . hope to hear from you soon . regards , iris mack - - - - - - - - - - - - - - - - this message is confidential ; its contents do not constitute a commitment by bnp paribas group * except where provided for in a written agreement between you and bnp paribas group * . any unauthorised disclosure , use or dissemination , either whole or partial , is prohibited . if you are not the intended recipient of the message , please notify the sender immediately . * bnp paribas group is a trading name of bnp sa and paribas sa ce message est confidentiel ; son contenu ne represente en aucun cas un engagement de la part du groupe bnp paribas * sous reserve de tout accord conclu par ecrit entre vous et le groupe bnp paribas * . toute publication , utilisation ou diffusion , meme partielle , doit etre autorisee prealablement . si vous n ' etes pas destinataire de ce message , merci d ' en avertir immediatement l ' expediteur . * le groupe bnp paribas est le nom commercial utilise par bnp sa et paribas sa ( see attached file : iris marie mack . doc ) ( see attached file : iris marie mack . doc ) ( see attached file : iris marie mack . doc ) ( see attached file : iris marie mack . doc ) ( see attached file : iris marie mack . doc ) - iris marie mack . doc",0 +"Subject: re : congratgulations thanks vince , and congratulations on your promotion too . vince j kaminski 01 / 11 / 2000 04 : 02 pm to : harry arora / hou / ect @ ect cc : subject : congratgulations harry , congratulations . well deserved . vince",0 +"Subject: uoft rick , thanks for your message . i shall talk to greg whalley about his participation . vince",0 +"Subject: re : mission impossible - hr associate groups recommendation and next steps david , no problem . we shall send the required fire power . the person who will attend is amitava dhar . vince p . s . amitava , please , take note . david oxley 09 / 26 / 2000 11 : 38 am to : andrea yowman / corp / enron @ enron , bob sparger / corp / enron @ enron , gerry gibson / corp / enron @ enron , tim o ' rourke / corp / enron @ enron , ted c bland / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : daniel brown / na / enron @ enron , tana cashion / na / enron @ enron , rhonna palmer / hou / ect @ ect , cindy olson / corp / enron @ enron subject : mission impossible - hr associate groups recommendation and next steps rhonna , please arrange a meeting later this week for all of those addressed by this message ( vince , it would great if one of your team could attend since we will need some heavy statistical and analytical help to complete this project ) . the prupose of the meeting will be to discuss and delegate next steps required to implement the hr associate groups recommendations for the development of an hr "" value index "" at enron . i would anticipate we will need approx 45 minutes . david",0 +"Subject: iso new england and pjm propose standard market design message sent from the pjm - customer - info mailing list at pjm - customer - info @ majordomo . pjm . com : iso new england and pjm interconnection propose a standard market design for wholesale electricity markets march 29 , 2001 - holyoke , ma - two of the country ' s leading wholesale electricity market administrators , iso new england inc . and pjm interconnection , l . l . c . , together with alstom esca corporation , a systems developer for electric utilities , today announce their intent to formalize an agreement that will not only standardize their electricity markets , but will lead , they believe , to the standardization of wholesale electricity markets across the country . today , iso new england delivered a letter to the chairman and commissioners of the federal energy regulatory commission ( ferc ) , enclosing a report concerning its proposed comprehensive wholesale market program that combines salient features of the pjm market model with elements of its own existing wholesale market design . the combination would create a standardized wholesale market structure called the standard market design for wholesale electricity markets ( "" standard market design "" ) . iso new england , alstom esca and pjm , acting through its wholly - owned subsidiary , pjm technologies inc . , have agreed to proceed with the negotiation of an agreement where iso new england will purchase the existing pjm market design and certain software components from alstom esca and pjm . the two isos and alstom esca will work together to create a standardized market design that includes solutions to reserve markets and a common solution to unit dispatch . "" this new market standard should put into place the necessary market improvements more quickly and at a reduced cost than if we were to implement a customized market system for new england , "" said william w . berry , chairman and acting ceo of iso new england . "" now is the time to stop the experimentation . ultimately , we hope the standard market design will serve as the benchmark for wholesale electricity marketplaces across the country , if not around the world . "" "" pjm is very excited to further standardize a design for a competitive wholesale electricity market , "" said phillip g . harris , chairman and ceo of pjm . "" along with the progress in the implementation of the pjm west concept , this initiative will provide an even broader standardized market design . "" this approach should further expedite the elimination of trading barriers across different markets and promote ferc ' s goal of creating a seamless marketplace . "" we intend to continue to work with the new york iso on issues of mutual importance , "" stated mr . berry . "" this new market design , together with our efforts to address the market "" seams "" and other coordination issues , will eventually bring the three northeast iso markets closer together . "" iso new england and the new york iso will continue to work together on these issues under a joint board resolution passed on january 16 , 2001 . "" because of our geographic location , new york is in the center of the northeast markets , with iso new england , pjm and imo each on one of our borders . we support the continued elimination of barriers across northeast trading markets to develop a more seamless marketplace where everyone will benefit , "" said william j . museler , president and ceo of the new york independent system operator . "" the new york iso will continue to work with our neighboring markets to remove barriers to trading across the region and to move towards larger regional markets . "" this proposed market design standard will be developed jointly with stakeholder input . iso new england will propose the standard market design to the new england conference of public utility commissioners and the new england power pool in a series of meetings next week . additional meetings will be conducted in the next few weeks . the standard market design for new england will be subject to ferc approval . "" standardization requires consistent and reliable technology to facilitate a market ' s efficiency . a market that moderates price fluctuations and encourages investment based on an expected return is an efficient market - - and efficiency is the key to establishing market liquidity , "" said alain steven , ceo of alstom esca . "" in the future , this agreement will be viewed as a catalyst in establishing more robust electricity markets . "" iso new england inc . is the not - for - profit corporation responsible for the day - to - day reliable operation of new england ' s bulk generation and transmission systems with an installed capacity of almost 26 , 000 megawatts . in addition to operating the bulk power grid , iso new england is the administrator of the region ' s wholesale electricity marketplace and the open access transmission tariff on behalf of the new england power pool . iso new england is based in holyoke , massachusetts . the pjm interconnection , l . l . c . , is an independent system operator , administering the pjm open access transmission tariff and operating the pjm energy markets and capacity markets . pjm currently administers the largest wholesale electricity market in the world and has a membership of more than 200 . it is headquartered in norristown , pennsylvania . pjm technologies , inc . is a wholly - owned subsidiary of pjm interconnection , l . l . c . , designed to respond to market opportunities by bringing cost - effective , reliable solutions to the energy marketplace . it was created to commercialize pjm ' s knowledge capital , experience , and proven success in electric energy markets , system operations , and applications development . # # # for more information about the new york iso , please call : steve sullivan , director of communications , 518 - 356 - 7605 . please do not reply to this message . if you have a question for pjm customer relations and training , please complete and submit this form : to unsubscribe from this list , send an e - mail to majordomo @ majordomo . pjm . com containing only the following line in the body of the e - mail : unsubscribe pjm - customer - info",0 +"Subject: personnel announcement jordan h . mintz has been named vice president & general counsel for enron global finance and will be leaving the enron north america tax group . stephen h . douglas , sr . director , will head up tax services for ena . steve came to ena ' s tax planning group from the charlotte , north carolina firm fennebresque , clark , swindell & hay in may , 1998 . he was previously affiliated with the skadden , arps law firm in new york city . steve received his bs degree in finance and mathematics from trinity university ( 1987 ) , his jd from the university of texas school of law ( 1990 ) and his llm in taxation from the new york university school of law ( 1993 ) . please join me in congratulating jordan and steve in their new roles . robert j . hermann , managing director & general tax counsel",0 +"Subject: re : summer internship thanks dr . kaminski , i forgot that : - ) i ' ll understand it as i may identify work that i think will be beneficial to both of us . actually , i have more ideas on the work , beyond the suggestion . i ' ll work on it and send it in more formal way again . ( i mean , work list , schedule , deliverables etc ) i ' ll take steps to get work permit for those two months . and please tell me know what you can support and what i should start to do to find a place to stay , rent a car etc . warm regards , jinbaek ps . and thanks for forwarding the message . jinbaek kim ph . d candidate dept . of industrial engineering and operations research u . c . berkeley http : / / www . ieor . berkeley . edu / ~ jinbaek go bears ! : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . : a a : _ _ . . . . . _ : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . : . ' : ` . : ` , ` . ` . : ' - - ' - - ' : . ' ; ; : ` . _ ` - ' _ . ' ; . ' ` . ' "" ' ; ` . ' ; ` . ` : ` ; . ` . ; ; : ; . ' ` - . ' ; : ; ` . _ _ . ' . ' . ' : ; ` . . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' ` . . . . . . . - ' ` . . . . . . . . ' on thu , 22 mar 2001 vince . j . kaminski @ enron . com wrote : > > jinbaek , > > the answer to the lst question is yes . > the project list is fine with me and is still valid . we are an organization > driven by the needs of our internal customers . > > i shall froward your message to the person in ebs . > hopefully , we shall get a positive response . > > > vince > > > > > > jinbaek kim on 03 / 15 / 2001 01 : 12 : 32 am > > to : vince . j . kaminski @ enron . com > cc : > subject : summer internship > > > dr . kaminski , > > sorry for the late response , > it took me some time to coordinate things . > finally , it ' s almost dont : - ) > it turned out that from june to august > will be best for me for work at enron > ( say june . 4 to august . 4 ) > > but i still need to know several things from your side . > could you answer following questions ? > > first : > is my suggested working period is ok with you ? > if so , let me know what to do for settlement > during the period . > > second : > i got a list of work , i might be able to do for > dealbench team from ross and suresh . > i ' d like to know it is still a valid work list : > the list he sent is as following : > > > 1 . write a paper in layman ' s terms that answers > > questions like the following : > > benefits of auctioning online for both buyers and > > sellers , particularly in reverse auctions > > explanation how multi - variable auctions are not > > as efficient as price - only auctions ( is this true ? ) > > how many participants are recommended for a > > successful live auction > > what types of goods and services are best suited > > for live auctions versus sealed bid quotes > > opinions on lotting strategies > > trends in online private auctions > > > 2 . identify appropriate recent auction research ( 3 > > or 4 papers out of the 90 + you provided ) and obtain approvals from the > > authors to post on our site > > > 3 . create a list / bibiliography of relevant auction > > literature ( with hyperlinks ? ) > > > 4 . would you be willing to offer auction consulting > > services to our customers ( if they are interested ) > > third : > there is an e - procurement forum at haas school of business , > in may 22 . the chair of the forum is my advisor prof . arie segev . > a person from wells fargo bank will talk about wells fargo ' s role > in e - marketplace payment initiative , > where enron broadband services is also one of key players > along with citibank . > he asked me whether you can contact a person at > enron broadband services , who ' s related to the initiative . > he wants to know whether we will have a speaker from enron > to see enron ' s perspective , in the forum . > > here is a link to news related to the initiative , > > http : / / www . internetweek . com / story / inw 20000808 so 001 > > fourth : > my advisor wants to know whether > there could be any opportunity to do a case study , > regarding enron ' s business . > he is interested in e - procurement and e - marketplaces . > business model and system architecture . . . > > thanks for reading this long email . > i ' ll look forward to your answer . . > i am sorry for giving you so much burden > to answer those questions possibly not easy to answer . > > warm regards , > jinbaek > > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > jinbaek kim > ph . d candidate > dept . of industrial engineering and operations research > u . c . berkeley > http : / / www . ieor . berkeley . edu / ~ jinbaek > > go bears ! > > : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . > : a a : _ _ . . . . . _ > : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . > : . ' : ` . : ` , ` . > ` . : ' - - ' - - ' : . ' ; ; > : ` . _ ` - ' _ . ' ; . ' > ` . ' "" ' ; > ` . ' ; > ` . ` : ` ; > . ` . ; ; : ; > . ' ` - . ' ; : ; ` . > _ _ . ' . ' . ' : ; ` . > . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; > ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' > ` . . . . . . . - ' ` . . . . . . . . ' > > > on mon , 5 mar 2001 vince . j . kaminski @ enron . com wrote : > > > > > jinbaek , > > > > this is fine though you are welcome to spend more > > time with us this summer . > > > > vince > > > > > > > > > > > > jinbaek kim on 03 / 04 / 2001 03 : 45 : 40 pm > > > > to : vince . j . kaminski @ enron . com > > cc : > > subject : re : summer internship > > > > > > dr . kaminski , > > > > thanks for your answer . > > before i tell you the time frame , > > i ' ll need to talk with my advisor , first . > > because here is an on - going - project . > > i need to coordinate the schedule . > > > > i ' ll appreciate it if you understand my situation , > > and give me some time ( less than a week , of course ) . > > > > for your reference , > > probably > > the dates i ' d like to ask you will be > > from mid - may to mid - july ( 2 months ) > > > > warm regards , > > jinbaek > > > > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > > jinbaek kim > > ph . d candidate > > dept . of industrial engineering and operations research > > u . c . berkeley > > http : / / www . ieor . berkeley . edu / ~ jinbaek > > > > go bears ! > > > > : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . > > : a a : _ _ . . . . . _ > > : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . > > : . ' : ` . : ` , ` . > > ` . : ' - - ' - - ' : . ' ; ; > > : ` . _ ` - ' _ . ' ; . ' > > ` . ' "" ' ; > > ` . ' ; > > ` . ` : ` ; > > . ` . ; ; : ; > > . ' ` - . ' ; : ; ` . > > _ _ . ' . ' . ' : ; ` . > > . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; > > ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' > > ` . . . . . . . - ' ` . . . . . . . . ' > > > > > > on fri , 2 mar 2001 vince . j . kaminski @ enron . com wrote : > > > > > > > > jinbaek , > > > > > > you can coordinate the details with me . > > > let me know what the time frame is for you > > > and we shall send you an appropriate offer . > > > > > > vince > > > > > > > > > > > > > > > > > > jinbaek kim on 03 / 02 / 2001 04 : 43 : 06 pm > > > > > > to : vince . j . kaminski @ enron . com > > > cc : > > > subject : re : summer internship > > > > > > > > > dr . kaminski , > > > > > > thank you very much . > > > of course , i ' ll be happy to have an opportunity > > > to work at such a wonderful company . > > > i was contacting with surech raghavan at deal bench team , > > > and was going to express my appreciation to you again > > > after settling down process with them . > > > > > > for the period of working , > > > i still need to coordinate with my advisor and > > > may need to adjust according to that . > > > but anyway , i ' ll try to coordinate smoothly . > > > > > > please let me know whether i should keep contacting > > > with deal bench team , > > > for working period and > > > for misc . living support such as finding a place , rent a car , etc . > > > > > > i appreciate you so much again , > > > for arranging such meetings and giving me an opportunity . > > > all this opportunity will not be available to me , > > > without your kind help . > > > > > > warm regards , > > > jinbaek > > > > > > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > > > jinbaek kim > > > ph . d candidate > > > dept . of industrial engineering and operations research > > > u . c . berkeley > > > http : / / www . ieor . berkeley . edu / ~ jinbaek > > > > > > go bears ! > > > > > > : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . > > > : a a : _ _ . . . . . _ > > > : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . > > > : . ' : ` . : ` , ` . > > > ` . : ' - - ' - - ' : . ' ; ; > > > : ` . _ ` - ' _ . ' ; . ' > > > ` . ' "" ' ; > > > ` . ' ; > > > ` . ` : ` ; > > > . ` . ; ; : ; > > > . ' ` - . ' ; : ; ` . > > > _ _ . ' . ' . ' : ; ` . > > > . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; > > > ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' > > > ` . . . . . . . - ' ` . . . . . . . . ' > > > > > > > > > on fri , 2 mar 2001 vince . j . kaminski @ enron . com wrote : > > > > > > > hello , > > > > > > > > sorry for a delay in getting back to you . > > > > we would like very much to offer you a summer internship . > > > > > > > > please , let me know if you are interested . > > > > > > > > vince kaminski > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > >",0 +"Subject: re : ibuyit user set up diane : we have had quite a few problems with this ibuyit procedure . i have submitted several invoices for payment since may lst and have reveived none of them back for coding and approval . i am afraid the vendors are going to be coming after us ! we also have had approval problems . i submitted a hardware request and it went to every manager in our group . i think we have finally gotten that straightened out for the present . the requestors and coders would be : shirley crenshaw anita dupont kevin moore the only approved for our group is vince j . kaminski ( co 0413 - cc 107043 ) if you need anything else , please let me know . shirley - - - - - original message - - - - - from : fellers , diane r . sent : thursday , may 10 , 2001 4 : 56 pm to : kaminski , vince j . cc : crenshaw , shirley subject : fw : ibuyit user set up vince , per the request below , i need a list of people you would like to serve as approvers and requestors for the research group for the ibuyit program . of course , they want this as soon as possible . please let me know who you would like to include . thanks , diane x 5 - 7996 - - - - - original message - - - - - from : vandor , david sent : thursday , may 10 , 2001 4 : 18 pm to : fellers , diane r . ; guilliams , lisa ; heath , holly ; nguyen , vivian cc : leschber , edie subject : fw : ibuyit user set up could you please gather this info for all your support departments ? in case you don ' t know , ibuyit is the web site where employees can purchase , code , and approve invoices for items online . thanks , david - - - - - original message - - - - - from : day , misti sent : thursday , may 10 , 2001 3 : 43 pm to : becton , pam ; brown , sarah ; cameron , marlene ; carter , carol ; coffey jr . , jim ; davis , angelic ; dawson , brian ; east , laynie ; fredericks , kristi ; hanslip , david ; hardy , stacy ; hardy , trey ; harris , paula ; helton , susan ; killen , faith ; lamb , marnie ; leschber , edie ; long , lindsay ; mayeux , cassandra ; orsak , susie ; patterson , grant ; pierce , jody ; schwertner , brian ; vandor , david ; vargas , hope ; vu , nancy h . ; washington , deanna ; wolfe , stephen subject : ibuyit user set up the ibuyit team is trying to get a complete list of approvers and requestors for this program . for each of your teams , please send me the following : names of approvers ( team head , cc owner , etc . ) names of requestors ( admins , anyone who would be ordering ) cost center the ibuyit team wants to keep the number of requestors and approvers limited , but each team will need more than one approver . every requestor will have a pre - approved limit for each transaction . approvers will be required to go into the system and approve all transactions that exceed that limit in order for the transaction to be completed . unfortunately , we need this information as soon as possible ( monday afternoon at the latest ) ! please feel free to call me with any questions . thanks , misti x 39525",0 +"Subject: re : mec mark , steve ' s comment has many merits . i think stinson gibner and grant masson ( physics ph . d . ' s ) can help to identify academic and industry sources to validate some of the claims . on the other hand , even if our guests were wrong by a factor of 2 or 3 in their time estimates , the technology they develop will bring about a technological revolution with enormous potential payoffs . it make sense to stay close to them and to explore potential investment opportunities . vince steven j kean @ ees 07 / 26 / 2000 05 : 11 pm to : mark lay / hou / ect @ ect cc : rex shelby / enron communications @ enron communications @ ect , mike mcconnell @ ect , vince j kaminski / hou / ect @ ect , philippe a bibi / hou / ect @ ect , kenneth lay / corp / enron @ enron @ ect , fabricio soares / hou / ect @ ect subject : re : mec i think it would be useful to verify their view that they are really only 2 - 3 years from commercial production . ideally , we could get that confirmation from someone familiar with the technology but without any financial interest in its success . their technology pitch sounded good , but i don ' t know enough to recognize the potential shortcomings . i want to feel comfortable that you all feel this is real , then i would be happy to have me and my team spend some time with them . to : rex shelby / enron communications @ enron communications , steven j kean / hou / ees @ ees , mike mcconnell , vince j kaminski / hou / ect @ ect , philippe a bibi / hou / ect @ ect cc : kenneth lay / corp / enron @ enron , fabricio soares / hou / ect @ ect subject : mec thank you for participating in yesterday ' s meeting . we spoke with harvey and jim after the meeting and they took to speed to market comments to heart . there is an opportunity for enron to participate with mec in the early development of their company , but it seems the one thing they want is the one thing we also want , people . i would appreciate your thoughts and comments on the possiblity of creating a small team that could work directly with mec as part of a potential investment and strategic relationship . given our resource constraints , this would most likely be part of the organization that sees the greatest strategic impact from mec ' s development . mark x 37408",0 +"Subject: iv kirstee hewitt fifth floor se 5005 intervew schedule 17 . 30 - 18 . 00 vince kaminski & anjam ahmad 18 . 00 - 18 . 30 ben parsons 18 . 30 - 19 . 00 stephen leppard",0 +"Subject: fwd : latest roster - rice let ' s try this again ! - pam > date : wed , 07 mar 2001 16 : 13 : 42 - 0600 > to : vince . j . kaminski @ enron . com > from : pamela vande krol castro > subject : latest roster - rice > > here is your latest roster for mgmt 656 . let me know if you need the list > of e - mail addresses or if there are any discrepancies that i should > address . thanks for your help ! - pam ( 713 - 348 - 6223 ) - 656 . doc",0 +"Subject: re : picks and publishers sure . i ' d love to share my experiences . have him give me a call . by the way , the chapter you sent has been very helpful to me in coming to understand enron ' s early history . "" i ' m getting it "" even if slowly . john at 07 : 57 am 1 / 31 / 01 - 0600 , you wrote : > john . > > i want to ask you for a favor . can you help > this fellow ( who is negotiating a contract with john wiley > by giving him some advice ? > > vince > - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 31 / 2001 > 07 : 58 am - - - - - - - - - - - - - - - - - - - - - - - - - - - > > > steve bigalow @ enron > 01 / 31 / 2001 07 : 37 am > > to : vince j kaminski / hou / ect @ ect > cc : > subject : picks and publishers > > good morning , > > first , a reminder that you want to see follow through strength on the picks > before going into them secondly do you know anybody that has published a > book ? i need some help in how to negotiate points in the contract . > > thanks , steve > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: request submitted : access request for tony . harris @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000006452 approver : stinson . gibner @ enron . com request create date : 11 / 2 / 00 1 : 12 : 58 pm requested for : tony . harris @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: gas & power marketing & trading study vincent , i enjoyed meeting with you yesterday and discussing our gas & power marketing & trading study . we really hope that enron is able to participate this year and we will work with you to address your concerns . i believe that the problem last year was primarily due to concerns over releasing data in general and not our study in particular . i am attaching an electronic copy of the latest version of the input sheet for the study . it is far easier to read on a computer than in print . please remember that enron does not need to answer every question to participate and that all results are reported back in a blinded format . the only data points identified by company are the data points for the company values of the company receiving the report . if you have any further questions regarding the report , please do not hesitate to call john stephenson or myself at ( 713 ) 523 - 8001 . have a great weekend and thank you for your efforts to enable enron to participate in this year ' s study . sincerely , richard murphy rmurphy @ navigantconsulting . com ( 713 ) 523 - 8001 - 2000 input sheet . xls",0 +"Subject: re : martin lin norma , thanks for your message . approved . vince from : norma villarreal 08 / 30 / 2000 08 : 12 pm to : vince j kaminski / hou / ect @ ect cc : grant masson / hou / ect @ ect subject : martin lin per my voice mail to vince , martin lins offer letter will be provided to him on thursday , august 31 , 2000 . however , a concern was shared regarding the retention bonus we originally discussed . therefore , based on his phd and market information we are able to offer him a base salary of 98 - 100 k and no retention bonus . we can discuss retention bonus after he begins his manager role in your group . if you would like to discuss further please feel free to call me . otherwise , please approve salary structure of base 98 , 000 with no bonus . thank you . norma villarreal x 31545",0 +"Subject: re : fw : energy book promotion thanks . - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : julie cc : vince . j . kaminski @ enron . com sent : saturday , march 24 , 2001 1 : 18 am subject : re : fw : energy book promotion julie , i shall track down fiona . she may be on vacation . vince "" julie "" on 03 / 22 / 2001 03 : 28 : 34 pm please respond to "" julie "" to : ? ? "" vincejkaminski "" cc : subject : ? fw : energy book promotion hi vince , i sent the attached for enron ' s approval to fiona grant , but haven ' t heard back . in the contract that we signed it states that we need to seek approval from enron if we want to use the company name . is there someone else we should direct these requests ? hope you are well . julie - - - - - original message - - - - - from : julie to : fiona . grant @ enron . com sent : thursday , march 15 , 2001 5 : 20 pm subject : energy book promotion fiona , i ' ve attached a letter that is going to be sent out to some ? universities , promoting the energy derivative book . are we allowed to ? mention , "" . . . in association with enron corp . "" ? please see attached . should we check with you every time we would like to use "" enron corp . "" when advertising the book ? it will usually follow similar format . thanks , julie lacima group ( see attached file : covering letter for book brochures . doc )",0 +"Subject: re : forward oil prices john , i can extract the curves from the database . thanks . vince john l nowlan 10 / 30 / 2000 07 : 28 am to : vince j kaminski / hou / ect @ ect cc : subject : re : forward oil prices vince , i would have no problem in giving these numbers , do you have the numbers to forward or would someone in our group need to help him ? vince j kaminski 10 / 27 / 2000 04 : 24 pm to : john l nowlan / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , stefan - jorg gobel / fra / ect @ ect subject : forward oil prices john , i am forwarding to you the request by jens . we gave in the past our forward oil curves ( with approval of greg whalley ) to some academics . what is your position on this request ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 27 / 2000 04 : 29 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - jens gobel @ enron 10 / 26 / 2000 12 : 06 pm to : vince j kaminski / hou / ect @ ect cc : subject : forward oil prices vince , as discussed on the phone , i am sending you the request that i have received from prof . buehler . prof . buehler is the head of the faculty of finance at mannheim university in germany . currently , he is writing a study about the hedging strategy that led to the metallgesellschaft debacle . for this study he would like to get forward oil prices form us . the forward oil prices should be for wti with cushing as the delivery point for the time period july 1986 and december 1996 with remaining contract durations between one and ten years . it would be ideal to get this data on a daily basis . weekly or monthly data is helpful as well , of course . since mannheim university is among enron ' s tier one recruiting universities in germany , it would be great if we could help him with some data . thanks a lot for your help . jens o . korn @ uni - mannheim . de on 10 / 10 / 2000 11 : 44 : 57 am to : jens . gobel @ enron . com cc : subject : daten sehr geehrter herr goebel , bezugnehmend auf ihr heutiges telefongespraech mit herrn prof . buehler hat mich prof . buehler gebeten , ihnen genauer darzustellen , welche daten idealerweise fuer unsere studie benoetigt wuerden . zunaechst zum hintergrund . wir sind auf enron gestossen , weil eduardo schwartz in einer seiner arbeiten die folgende datenquelle angibt : "" in addition to the publicly available futures data described above , for the purpose of this study enron capital and trade resources made available some proprietary historical forward price curves from 1 / 15 / 93 to 5 / 16 / 96 . from these data ten forward prices were used in estimation , ranging in maturities from two months to nine years "" dies laesst uns annehmen , dass enron bestimmte daten verfuegbar hat . nun zum idealen datensatz : forwardoelpreise ( am besten wti mit lieferung in cushing ) fuer restlaufzeiten zwischen einem und zehn jahren fuer den zeitraum juli 1986 bis dezember 1996 . dabei waere eine hohe datenfrequenz ideal ( taeglich , ansonsten woechentlich oder monatlich ) . zusaetzlich waeren auch spotpreise fuer wti mit lieferung in cushing nuetzlich . diese idealen datenanforderungen werden sich vermutlich nicht erfuellen lassen . jedoch waere uns auch schon geholfen , wenn ein kuerzerer zeitraum oder eine niedrigere datenfrequenz vorlaege . wir waernen ihnen sehr dankbar , wenn sie in erfahrung bringen koennten , inwiefern solche daten von enron zu erhalten sind . herzlichen dank fuer ihre muehe und beste gruesse olaf korn p . s . bei rueckfragen stehe ich ihnen jederzeit gern zur verfuegung dr . olaf korn university of mannheim chair of finance d - 68131 mannheim germany tel . : + + 49 / 621 / 181 - 1487 fax . : + + 49 / 621 / 181 - 1519 e - mail : o . korn @ uni - mannheim . de",0 +"Subject: enron open positions hello mr . kaminski , can we meet for a quick lunch again at your convenience ? just to bring you up to date about my search for the right opportunity . also i noticed in the risk magazine that enron investment partners and aig have joined treasuryconnect as strategic partners to capitalize on internet - based transaction execution of financial derivatives . i would like to explore if i can be any help to hank finkenstaedt , the director of enron investment partners . please let me know what day and time might be convenient for you . thank you . sincerely , maruti more 832 - 251 - 7267 mmore @ houston . rr . com - - - - - original message - - - - - from : more to : vince j kaminski date : monday , july 10 , 2000 11 : 28 am subject : enron open positions dear mr . kaminski : i would like to explore the opportunity to join enron investment partners . i understand that enron has $ 20 million fund set up to finance start - ups , and gene humphreys and his assistant john godbold are trying to attract minority - owned start - up firms . i also learned that enron has plans to increase the size of this fund to $ 200 million . i can find these opportunities for enron around the globe . given my background as a chartered financial analyst , with hands - on experience in investment management covering financial derivatives , fixed income , and equity , i can be a valuable resource to do the due diligence , origination , valuation , and monitoring of these start - ups . would you please help me arrange a meeting with either gene humphreys , ted murphy , or may be ken lay ? i am pasting below the job opportunities open at enron . i am also interested in these positions and would like to meet with the hiring manager . i will give you a call to follow up . thank you . sincerely , maruti more 832 - 251 - 7267 job 0000104282 details manager / director essential functions : candidates will be responsible for helping facilitate the transaction approval process for domestic and international investments . these investments include , but are not limited to , private equity , project development , venture capital , and structured credits . candidates will work with business developers and underwriters in identifying , understanding , and documenting transaction risks . they will also assist in preparing transaction approval documentation . in addition , they will oversee the valuation , modeling , and simulation process for investments . the primary focus is to identify and measure key risk factors from both a quantitative and a qualitative perspective with an emphasis on fundamental analysis . the candidate must be able to assist in management and training of departmental staff and in formulation of investment valuation policies and procedures . essential requirements : ? strong interpersonal skills ? understanding of transaction structuring and credit risk issues ? understanding of finance and valuation methodologies . ? proficiency with excel cash flow models ? experience with financial statement analysis ? understanding of statistics and simulation techniques ( monte carlo ) . preferred skills : na . special characteristics : the ideal candidate will possess an undergraduate degree in finance , accounting , or economics , and an mba . relevant experience could include credit analysis or valuation / finance experience . manager / director in the risk assessment department of a $ 20 billion energy company . contact : please email resumes to corpjobsl @ enron . com , please refer to job no . 104282 when responding . job id 0000104282 department capital pricing / risk an company corporate staff risk assessment and control location houston , tx type posting date 05 - jun - 00 to submit your resume for this position : online enter your resume id : no resume id ? you can create a resume on - line , deposit it in our database , and receive a resume id using our resume builder . your resume id will allow you to submit your resume once , but route it to up to 20 open positions . enron does not process resumes that are not sent in response to specific positions . if you have an existing resume in electronic format , the resume builder allows you to cut and paste your whole resume . fax our fax number is 1 - 888 - 588 - 7152 . you must tell us which jobs you ' re interested in , or we will not be able to process your resume . write on your resume ( or on a separate page ) all of the jobs ids of the jobs you ' re interested in pursuing . an equal opportunity and affirmative action employer top of page copyright 1997 - 1999 enron corp . all rights reserved . contact us . job 0000104281 details staff / spec / sr spec essential functions : "" snapshot "" preparation - responsible for preparation of quarterly asset "" snapshots "" which provides enron ' s senior management with summarized operational and financial information on selected merchant portfolio investments . responsibilities associated with preparation of snapshots include : researching publicly traded companies , calculating key financial data , updating and analyzing graphical summaries of performance , reviewing press releases for recent events data , updating stock prices from bloomberg ? weekly underwriters report - full responsibility for updating and distributing weekly underwriters ' report . involves regular interaction with executive vice president , london office personnel , as well as several vice presidents within underwriting group within rac . ? various projects - will be utilized on special projects on an as needed basis essential requirements : accounting / finance / economics degree with 0 - 4 years business experience . excellent computer skills - excel , powerpoint , bloomberg , word research skills and the ability to interact with a variety of personnel and departments . excellent organization skills . self starter , quick learner . must be team player . good writing skills with the ability to concisely summarize operational and financial results . preferred skills : na . special characteristics : . entry level position with the opportunity to gain familiarity with all of enron ' s portfolio assets . future advancement in asset and portfolio management possible for candidate who exhibits competence and creativity . contact : please email resumes to enajobsl @ enron . com , please refer to job no . 104281 when responding . job id 0000104281 department due diligence / asset mgmt company corporate staff risk assessment and control location houston , tx type posting date 05 - jun - 00 job 0000102789 details sr specialist essential functions : in this position candidates will model , run monte - carlo simulations , evaluate capital investments . these investments will cover a wide range . candidates will be responsible for the validation of models as well as insuring the accuracy and integrity of the model and underlying assumptions . the primary focus will be to provide an objective valuation for an investment by identifying and measuring key risk factors from both a quantitative as well as qualitative perspective . ? understanding of valuation techniques applied to equity or structured financial products . ? understanding of cash flow models and option pricing models . ? proficiency in excel . ? understanding of project finance and risk mitigation techniques . ? experience with financial statement analysis and pro forma statements . ? understanding of statistics and application to financial analysis . essential requirements : na . preferred skills : ? understanding of simulation methodologies such as montecarlo . ? exposure to statistical analysis software such as crystal ball or @ risk . the ideal candidate will possess an undergraduate degree in finance , accounting , or economics and have 2 to 3 years of financial modeling experience and an mba / cpa . special characteristics : na . contact : please do not contact the hiring manager . please no faxes . send resumes via e - mail to corpjobsl @ enron . com or mail to enron , attn : tvasut - eb 3628 , 1400 smith st . , houston , tx 77002 . please refer to job # 102789 job id 0000102789 department capital pricing / risk an company corporate staff risk assessment and control location houston , tx type posting date 17 - mar - 00 - attl . htm",0 +"Subject: new documents vince , here ' s the latest set of interview notes as well as the latest "" version "" of the paper . i will be working more this afternoon ( if i can ) and send an updated version . talk to you later tomorrow or friday . john - enron transformation paperl 2 _ 17 _ 00 . doc - . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : action learning project and enron tour christie , let ' s meet to discuss this project . i need more information from you about it . by the way , i shall meet bob westbrook on wednesday to discuss unrelated issues . vince christie patrick 11 / 02 / 2000 12 : 33 am to : cmiller @ rice . edu , cindy derecskey / corp / enron @ enron , michael b rosen / hou / ect @ ect , steven j kean / na / enron @ enron , vince j kaminski / hou / ect @ ect , grwhit @ rice . edu , westbro @ rice . edu , mark palmer / corp / enron @ enron cc : subject : action learning project and enron tour hi carrie , it was great meeting with you and dean whitaker again last friday , as well as mr . westbrook . as we discussed , i have submitted the action learning program materials to vince kaminski , our managing director of risk analysis and corporate research . i ' ll be following up with him , and his recommendations for project proposals next week . also , i ' ve discussed with our university affairs team setting up the faculty tours - - we ' re ready when you are ! ! the sooner the better - - i ' d love to get these in pretty immediately , and in any event , before the reception at the end of the month . i "" ll have cindy derecskey in my group email you - - she is prepared to set these tours up . i look forward to continuing to develop the multiple potential dynamics of the enron - rice relationship ! thanks ! - - christie . ps : thanks so much for the crystal rice owl - - my participation as a judge in the rice invitational case competition was my pleasure indeed ! - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 11 / 02 / 2000 12 : 23 am - - - - - - - - - - - - - - - - - - - - - - - - - - - carrie miller on 11 / 01 / 2000 12 : 47 : 17 pm to : christie _ patrick @ enron . com cc : grwhit @ rice . edu , westbro @ rice . edu subject : action learning project and enron tour christie , i enjoyed visiting with you last week at the jones school . thanks for taking time to come see us . i wanted to follow up with you regarding the action learning project program and enron tour . we hope to have enron as part of the program in 2001 . please let me know how i can help make this happen . i look for the program to be full before the deadline of december lst . also , i am happy to help organize a group to tour enron . if you were to participate in the alp program , january / february might be a good time to put something together with key faculty and the alp team . let me know your thoughts . again , many thanks for your continued support of the jones school . i look forward to hearing from you soon . carrie = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = carrie chamberlin miller director of mba program jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 5260 fax : ( 713 ) 348 - 5251 e - mail : cmiller @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: files in houston hi , i am trying to retrieve some analysis that i did while i was in houston . it is very imporatant that i get these files asap as i need to continue the correlation analysis for the uk power / gas desk . i have put in a request to the resolution center in houston to try and get a back up but would like to know if anyone has any further suggestions ? i was not told that the files in this folder were periodically deleted . i think tanya should have a copy of these files but do not know where she is likely to store them . thanks in advance , kirstee",0 +"Subject: tiger evals - attachment tiger hosts : i understand that some hosts have had problems accessing the database to complete the tiger team evaluations . i apologize for the difficulties and have attached the form for your convenience . please feel free to return it electronically or by fax ( 215 - 573 - 5727 ) . thank you again for your time . donna piazze program director field application project the wharton school univ . of pennsylvania 215 . 573 . 8394 fax 215 . 573 . 5727 fap @ management . wharton . upenn . edu piazze @ wharton . upenn . edu > - tiger team host evaluation . doc",0 +"Subject: re : sddp vince , i ' ll send him one of the manuals , and perhaps a paper on sddp . tom vince j kaminski @ ect 07 / 28 / 2000 10 : 53 am to : tom halliburton / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : sddp tom , can you send the info regarding sddp to john ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 07 / 28 / 2000 10 : 52 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 07 / 19 / 2000 06 : 41 pm to : "" o ' brien john "" @ enron cc : vince j kaminski / hou / ect @ ect subject : re : sddp john , i shall e - mail the information about sddp from houston . vince "" o ' brien john "" on 07 / 18 / 2000 01 : 47 : 41 am to : vkamins @ enron . com cc : subject : sddp vincent , you kindly suggested that i email you with regard to some information you have on the sddp system ( i ' m not sure if i ' ve got the abbreviation correct , but it ' s something that is currently used in south america ) . your presentation was very interesting and informative . kind regards , john o ' brien manager , treasury & risk management snowy hydro trading pty ltd level 17 , bligh house 4 bligh street sydney nsw 2000",0 +"Subject: meeting for friday on storage hi mark , i have not met you yet but heard a lot of good things about you . i would like to discuss with you and possibly with john bloomer and richard reichardt about the ebs research ' s role in supporting the storage market development from the origination and trading perspective . there are several people in various groups that are talking about storage but here is what ' s my take on our involvement - - please correct me or suggest otherwise . shalesh ganjoo is our lead analyst on this effort . in addition to his effort with your group , he is presently supporting jean mrha with pricing and standardization for a traded storage maret - - stinson gibner is directly supervising him in this effort . shalesh came to us through referal from david cox - - david discovered him at one of his speaking engagements . shalesh had talked to david about traded storage market development some time last october and david refered shalesh to enron research group . we hired shalesh for general analyst position and now he is pulled into all aspect of this storage effort . currently , he is our point person ( with stinson or i supervising his effort ) who is supporting jean mrha and you on the subject . kara knop has aproached shalesh with request for some support and shalesh and she are sorting out each other  , s role in this regard . as per my discussion today with david , we need to coordinate this storage effort from the perspective of modeling market assessment etc . for this i suggest shalesh and his effort so that all parties involved can benefit from collective effort within one central source . based on david ' s and my assessment of shalesh ' s capabilities , i would like to suggest that the commercial heads use shalesh for his creative thinking , understanding of the market and analytical capabilities and not just for data gathering and simple research effort . we can add other staff as we see the need and as you request them . please respond this e - mail with your comments if this sounds like aplan , so that we can support this effort efficiently and in a scalable manner . kind regards , ravi . a bit about ebs research group john bloomer and richard reichardt have met me and are aware of my role and stinston gibner ' s role in ebs . i lead a team of quantitative professionals via a group we are calling ebs research . this group reports to stinson gibner ( vp ) and vince kaminski ( md and head of enron research ) . stinson and vince are the original founders of enron corp research that has been charged with model development efforts to support enron energy trading and other enron business . enron research is involved in all aspects of enron buinesses ( ees , international , corporate affairs such as fas 133 and other accounting and new product ( derivatives ) development , etc . ) . within ebs research , there serveral professionals supporting kevin howard ( cfo office ) , john griebling , tom gros and jean mrha , david cox ( via boris ) , and the war room . our main area of focus is with jean mrha ( trading ) and john griebling ( optical network design and optimization , etc . ) . we play a key role with john griebling ' s go forward network design and implementation through our responsiblity to provide traffic engineering analysis and modeling effort . - - - - - forwarded by ravi thuraisingham / enron communications on 03 / 08 / 00 09 : 31 am - - - - - shalesh ganjoo @ ect 03 / 07 / 00 08 : 01 pm to : mark s palmer / enron communications @ enron communications cc : ravi thuraisingham / enron communications @ enron communications @ enron subject : meeting for friday on storage dear mark , i am looking forward to presenting my competitive analysis on the storage market on friday to you and others . ravi thurasingham will be calling you to find out if we ( research group ) can assist your group in any other way . please let me know if you need any information before we meet . thank you . sincerely , shalesh ganjoo",0 +"Subject: happy thanksgiving ! hello , vince ! happy thanksgiving ! per our talk , here is a master list of total return swap deals . i am giving it a shot to compile everything in a spreadsheet ( "" trigger event "" ) , please be advised whether it is helpful . thanks ! li",0 +"Subject: re : allan roberts email jim , thanks . i shall drop him an e - mail . vince james . w . petrie . jr @ us . arthurandersen . com on 07 / 27 / 2000 05 : 51 : 31 pm to : vkamins @ enron . com cc : allan . roberts @ uk . arthurandersen . com subject : allan roberts email vince - it was a pleasure to meet you this afternoon . as promised , please find allan ' s email address above . we look forward to working with enron and mit on finding better ways to value companies . if you have any questions , please feel free to contact me . jim - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - james w . petrie , jr . knowledge sharing director energy industry knowledge services group arthur andersen llp - houston office voice = = > 713 . 237 . 2357 , fax = = > 713 . 237 . 5673 james . w . petrie . jr @ us . arthurandersen . com - - - - - - - - - - * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it .",0 +"Subject: re : eol guest account access i ' ve logged on . thanks for your help . - - - - - original message - - - - - from : danny . lee @ enron . com [ mailto : danny . lee @ enron . com ] sent : thursday , july 27 , 2000 5 : 07 pm to : ekrapels @ esaibos . com subject : eol guest account access attention : esai ed krapels thank you for your interest in enrononline . the following is a guest password that will allow you temporary view only access to enrononline . please note , the user id and password are case sensitive . guest user id : ena 61296 guest password : welcome ! in order to apply for transaction status with enrononline , your company needs to complete a password application and registration form for a master user account . each master user will be able to grant various levels of access for additional users . to obtain a password application and registration form , you can visit our website at www . enrononline . com and select the "" how to register "" link , or call our helpdesk at 713 / 853 - help ( 4357 ) . alternatively , you may click on the attached documents , complete the forms , and fax to 713 - 646 - 8511 . just a reminder , in order to access enrononline , shockwave needs to be installed . the shockwave installer can be found within "" about enrononline "" on the home page . after opening "" about enrononline "" , using right scroll bar , go to the bottom . click on "" download shockwave "" and follow the directions . after loading shockwave , shut down and reopen browser ( i . e . microsoft internet explorer / netscape ) . we hope you will find that enrononline provides an easy and more efficient way to do business with enron . we look forward to transacting with you online . sincerely , danny lee enrononline helpdesk 713 / 853 - help ( 4357 ) ( see attached file : na pa ver 2 web . doc ) ( see attached file : registration _ form . doc )",0 +"Subject: re : extreme value theory applied to weathet dear vince and grant , i am currently reviewing some of the more erecent references on evt and its application . i get back to you shortly with some points regarding the usefulness of evt and how traders ( electricity and weather ) can benefit from evt . cheers , christian to : christian werner / enron _ development @ enron _ development cc : subject : re : extreme value theory applied to weathet christian : to my knowledge , the research group is examining evt primarily in the context of value at risk calculations . we have not looked at evt for power , because , to date , we have been focussing on shorter term fundamental forecasting of price excursions : i . e . given tomorrow ' s load forecasts and expected plant dispatch , we attempt to predict which lines will become constrained and how the system will react to alleviate these constraints . i would be interested in your thoughts on how evt would benefit the traders however . as far as the weather goes , i would expect the weather desk to use evt at some level . clearly you should talk to joe hrgovcic , the researhc chap attached to the weather desk , for a more accurate assessment . cheers , grant .",0 +"Subject: re : fw : wharton resume submission - summer intern kristin , yes , we would like very much to have her as a summer intern . i can take her ino my group . vince enron north america corp . from : kristin gandy @ enron 01 / 26 / 2001 04 : 03 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : fw : wharton resume submission - summer intern vince , can you tell me if these candidates will be part of the program ? i will generate an offer letter as soon as i know this information . thank you , kristin vince j kaminski @ ect 01 / 23 / 2001 01 : 23 pm to : kristin gandy / na / enron @ enron cc : jeffrey a shankman / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : fw : wharton resume submission - summer intern kristin . kim is a member of the tiger team . she is interested in a summer internship with enron and i shall be glad to take her . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 23 / 2001 01 : 24 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" kim whitsel "" on 01 / 22 / 2001 12 : 07 : 35 am to : , cc : subject : fw : wharton resume submission - - - - - original message - - - - - from : kim whitsel [ mailto : kimberly . whitsel . wgo 2 @ wharton . upenn . edu ] sent : friday , december 22 , 2000 6 : 51 pm to : kristin . gandy @ enron . com subject : wharton resume submission summer position under wharton schedule # 1823 - kim whitsel - enron cover letter . doc - kim whitsel - wharton 2 resume . doc",0 +"Subject: re : kwi user group david , i regret to inform you i am unable to attend the conference due to previous commitments . would you consider a speakers form our london office ? vince david warwick on 04 / 24 / 2001 09 : 47 : 31 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : kwi user group vince any further thoughts on this ? david - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : 13 april 2001 21 : 44 to : djw @ kwi . com cc : vince . j . kaminski @ enron . com ; vkaminski @ aol . com subject : re : kwi user group david , thanks for the invitation . i shall check my schedule on monday and will get back to you regarding the conference . i hope you will a very happy easter . vince david warwick on 04 / 12 / 2001 04 : 04 : 32 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : kwi user group dear vince please may i reintroduce myself . we met last year at the sydney eprm conference which my company kwi sponsored . i chaired the session at which you spoke . as you may remember , my company , kwi are one of the world ' s leading provider of systems ( kw 3000 ) and consultancy for energy , trading and risk management . we have over 60 clients worldwide including many of the world ' s leading energy companies ( not enron unfortunately ) : north america - tva - ontario power - cinergy - bonneville power europe - enel - atel - electrabel - edf nordic - vattenfall - fortum - sydkraft - statkraft - birka energi - norsk hydro each year we stage a "" kwi users forum "" - a 2 - day event attended by leading trading and risk staff from our clients . last year there were about 100 delegates . the agenda primarily focusses on issues surrounding risk management for the energy sector . the agenda comprises keynote presentations on burning risk issues from industry leading energy speakers and practical workshops focussed around using our software . this years event is at a luxury hotel in the wonderful spanish city of barcelona and runs from the evening of sunday september 9 th to tuesday september 11 th . the main conference dinner is on the monday evening and is always a memorable event . this year it is in a leading barcelona restaurant preceded by a bus tour of the city with a stop for pre - dinner drinks . i would like to invite you to make the opening keynote address , the highlight of the conference . the subject could be : * a general energy risk related topic * a general insight into the secret of enron ' s continued success in the energy markets * your thoughts on the future development on energy markets ( and other commodity related - bandwidth etc . ) worldwide obviously , we would cover all your delagate costs including accomodation , food and drink . what ' s in it for you ? many of our users are some the energy sectors leading risk thinkers and i ' m sure you would enjoy meeting them and exchanging views . please let me know if you are able to accept the invitation . best regards david warwick - marketing dierctor and co - founder",0 +"Subject: enron interview of james valverde hi molly ! has this been scheduled yet ? the recruiter is asking for a copy of the itinerary for his client and directions to the enron bldg . i thought i would send both at the same time . let me know . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 01 / 30 / 2001 08 : 03 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 01 / 29 / 2001 10 : 26 am to : molly magee / hou / ect @ ect cc : subject : enron interview of james valverde molly : vince arranged the times for this interview with a recruiting firm - it will be thursday , february 1 from 1 : 00 pm - 5 : 00 pm . i am enclosing an interview request form for him and i have scheduled vince , krishna , and stinson . if these times need to be changed to accommodate the others , please let me know . his resume is also attached . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 01 / 29 / 2001 09 : 50 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 01 / 26 / 2001 05 : 09 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : fwd : re : enron - resume interview of james valverde shirley , we want to invite him for an interview , thu , 1 - 5 . interviews with kp , sg , vk , gk , br , molly , cs , dan rack . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 26 / 2001 05 : 10 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - johan dahl on 01 / 26 / 2001 05 : 04 : 50 pm to : vince . j . kaminski @ enron . com cc : subject : re : fwd : re : enron - resume interview of james valverde vince , james valverde is confirmed for a face - to - face interview with you on thursday february lst at 1 . 00 pm to 5 . 00 pm . ? when you have an interview itinerary , please share it with me so james know who he is interviewing with . ? please also tell me where you want him to show up , what floor , suite etc . ? i am assuming you are in the building on 1400 smith st . , right ? we have not discussed yet the details regarding what key skills and qualifications you are looking for in a candidate , other than that they are bright and talented . could you please share , via email or over the phone , what you are looking for in candidate for your organization . ? if you want me to put a search together , i can only do it by knowing what you want . ? thank you . if there is anything else i can do for you before the interview on thursday , please let me know . respectfully , johan at 04 : 39 pm 1 / 26 / 01 - 0600 , you wrote : johan , please , confirm the interview on thursday next week , 1 - 5 . vince johan dahl on 01 / 24 / 2001 12 : 04 : 42 pm to : ? ? vince . j . kaminski @ enron . com cc : subject : ? fwd : re : enron - resume interview of james valverde johan c . dahl director energy staffing group management recruiters of portland , inc . phone : 503 - 290 - 1153 phone : 800 - 979 - 8701 fax : 503 - 282 - 4380 e - mail : jdahl @ mrportland . com web : www . mrportland . com / html / energy . htm",0 +"Subject: mr . big shot ! vince - i couldn ' t have been more pleased than when i saw your name on the managing director promotion list last january - who says nice guys finish last ! i ' ve had the announcement in my "" to do "" folder all this time , waiting for me to catch up enough to send you this message , but i guess you ' re no stranger to that scenario . . . . nothing stochastic about it , you ' re simply the best ! betty : )",0 +"Subject: re : seminar series mug barbara , i think you make valid points in your e - mail . the latest design you sent me looks fine and meets with our approval . thanks . marge barbara ostdiek on 08 / 17 / 2000 04 : 10 : 44 pm to : "" marge nadasky "" cc : subject : re : seminar series mug at 03 : 58 pm 8 / 17 / 00 - 0500 , you wrote : > barbara , vince kaminski had forwarded me the artwork for the mug being > worked on > for the seminar series for review / comment . we in public relations were > wondering if you might be able to incorporate the enron logo in the design ? > could you please contact me and advise if this is possible ? we tried to use both the enron logo and the rice university seal . it just didn ' t work . there seemed to be a few problems . the first was color - as is , the mug will be black with metallic gold text ; introducing the other colors was distracting . our admissions department uses a black and gold mug that is quite stunning and , it seems to go with "" finance . "" that was my motivation . the second problem was that the logos themselves , even if it made sense to do them in gold , made the design too busy - a lot of the appeal in these "" word "" mugs is the clean , linear look . finally , i think lack of company and competing business school logos increases the chances that the academics who come to present their work at our workshop will display this mug on their desk or on their shelves . i think the mug will look quite stunning and i think the display of finance terms will make it an interesting conversion piece - i ' ve never seen anything like it in academics , let alone in finance . i think enron ' s sponsorship of the seminar series will get noticed when people follow their interest in the mugs to say "" what is this ? where ' d this come from ? "" i ' m hoping this version will be acceptable to you for our first shot at this . please advise . barbara ostdiek",0 +"Subject: re : vacation shirley , no problem . please , coordinate with kevin and anita . vince shirley crenshaw 09 / 06 / 2000 03 : 30 pm to : vince j kaminski / hou / ect @ ect cc : subject : vacation vince : i would like to take next wednesday , the 13 th as a vacation day , if it is alright . you will not be here . thanks ! shirley",0 +"Subject: hello all just wanted to share the list of "" one - page "" bios and summary statements that i have collected to this point . i have two more yet to come and will share them asap . have a great weekend and i look forward to seeing everyone in "" sunny / warm waco "" next week . by the way , bill petty has challenged everyone to a 40 minute jog along the river on friday morning at 6 : 45 a . m . so bring your jogging gear . i also have heard from very reliable sources that bennett stewart is the odds on favorite to "" win the race "" ( cynthia leaked the story that he ' s been in training now for several months ) . i ' ll also be sending you driving / parking , etc . instructions early next week . have a great weekend , john - bennett _ stewart . doc - david palumbo current bio . doc - g _ ferrell . doc - ivaysmanbiosketch . doc - jmartinbiosketch . doc - korpi _ bio _ plus _ views _ v 2 . doc - m _ froehls . doc - srivastava new econ . rtf john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : follow - up meeting on wharton hi christie : the telephone number in ebl 938 is : 713 / 853 - 3135 . have a safe trip . shirley christie patrick 12 / 12 / 2000 10 : 36 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : follow - up meeting on wharton shirley , unless my flights change , i can call in from my cell phone - - what number shall i dial ? thanks ! - - christie .",0 +"Subject: re : light switch for eb 1939 dolores : vince said to go ahead and do it . it is a health need . her eb # is 1939 and our co . # is 0011 and rc # 100038 . thanks for your prompt response ! have a great day ! shirley dolores sustaita 02 / 28 / 2000 09 : 06 am to : shirley crenshaw / hou / ect @ ect cc : subject : re : light switch for eb 1939 f . y . i . , please read below . dolores - - - - - - - - - - - - - - - - - - - - - - forwarded by dolores sustaita / epsc / hou / ect on 02 / 28 / 2000 09 : 05 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron property & services corp . from : charles upshaw 02 / 28 / 2000 08 : 32 am to : dolores sustaita / epsc / hou / ect @ ect cc : subject : re : light switch for eb 1939 approx . $ 500 . dolores sustaita 02 / 25 / 2000 02 : 31 pm to : shirley crenshaw / hou / ect @ ect , charles upshaw / epsc / hou / ect @ ect cc : subject : light switch for eb 1939 charles , can you help with cost estimate ? dolores - - - - - - - - - - - - - - - - - - - - - - forwarded by dolores sustaita / epsc / hou / ect on 02 / 25 / 2000 02 : 29 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 02 / 24 / 2000 08 : 56 am to : pat scarborough / epsc / hou / ect @ ect , dolores sustaita / epsc / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , kevin g moore / hou / ect @ ect , william smith / corp / enron @ enron subject : light switch for eb 1939 good morning all : maureen raymond castaneda is officed in ebl 939 . she has terrible migraine headaches which are made worse by light . we would like to get a price on having an on / off switch installed in her room . as of now , they have removed the light bulbs , but said that may not completely answer the problem as some one may see that they are out and request they be replaced . i think the answer ( if it is not too expensive ) would be to have a switch installed . please let me know . our co . # is 0011 and our rc # is 100038 . thanks ! shirley 3 - 5290",0 +"Subject: tiger team mr . bayne : attached is the updated document . if you need anything else , please let me know .",0 +"Subject: hi vince , as always , i enjoyed having dinner with you . its always interesting . per your recommendation from last night , you should have received a note i just sent to andy fastow . if you can fit it into you schedule , sheridan and i would appreciate having you attend the conference , the conference dinner and reception . also , if you would like to participate on saturday only , that is a possibility as well . whatever might work with you . regards , dave * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * prof . david ikenberry jones graduate school of management rice university 713 - 348 - 5385",0 +"Subject: resume for wichai narongwanich i was able to retrieve his resume . please print out a hard copy for your files .",0 +"Subject: christmas baskets the christmas baskets have been ordered . we have ordered several baskets . individual earth - sat freeze - notis smith barney group baskets rodney keys matt rodgers charlie notis jon davis move team phillip randle chris hyde harvey freese faclities iain russell darren prager telephone services mary martinez ( robert knights dept . ) trina williams daniel hornbuckle todd butler pamela ford ozarka - maryam golnaraghi special baskets greg whalley richard weeks any questions please contact kevin moore other request contact kevin moore price information contact kevin moore please also if you need any assistance with your christmas cards let me know . thanks kevin moore",0 +"Subject: re : looking for someone who has experience in finance , math , programming , and the energy industry ? ( that ' s right , all four . . . ) megan , thanks for your interest in the research group . please , call me next week ( tuesday and later ) and stop by . i would like to talk to you for a few minutes before we shall go ahead with a formal interview . vince megan cooper @ ees 12 / 04 / 2000 04 : 54 pm to : vince j kaminski / hou / ect @ ect cc : subject : looking for someone who has experience in finance , math , programming , and the energy industry ? ( that ' s right , all four . . . ) vince , following your espeak session , erin rice suggested i contact you about joining your group . i have been with ees for almost three years , and during that time i have worked on tasks that are similar to what your group does on a larger scale . specifically , i excel at analytical / quantitative problem solving and the development of models and user requirements for application development . my educational background is energy management , and i have recently become involved in the financial aspects of transactions . i have attached my resume for your review , and i hope you will call me so we can talk in person . thank you . megan cooper integrated water solutions group ees - na ( 713 ) 853 - 1461",0 +"Subject: new pc shirley , ok . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 07 / 2000 12 : 02 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - alex huang @ enron 01 / 07 / 2000 08 : 28 am to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect subject : new pc hi shirley , i would like to request for a new pc . my current pc is quite old with not enough memory . twice i ran out of memory and had to have it people coming to clean it for me . their suggestion is to either get a new hard drive or a new pc . given that dell has pentiumc iii processor at 800 mhz on market , i would like to request a pc with process at 500 mhz or higher level . thank you very much . best , alex",0 +"Subject: presentation to faculty and students at berkeley vince - - please feel free to also call jeff dasovich ( 415 - 782 - 7822 ) in our san fransisco office . he has been very involved in the california market discussions and presented before ferc during their field hearings . he knows the profs you are meeting with and has some great insights into our positions . jeff also attended berkeley as an undergrad and is now attending their b - school in the evenings . thanks . jim steffes - - - - - - - - - - - - - - - - - - - - - - forwarded by james d steffes / hou / ees on 09 / 20 / 2000 09 : 33 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : steven j kean @ enron on 09 / 20 / 2000 09 : 21 am sent by : steven j kean @ enron to : maureen mcvicker / na / enron @ enron , james d steffes / hou / ees @ ees , elizabeth linnell / na / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : presentation to faculty and students at berkeley maureen - - please send vince my california testimony and the talking point presentation for jeff skilling at the national press club . eliz - - keep vince on the distribution list for the documents we are generating now to repond to the california situation . - - - - - forwarded by steven j kean / na / enron on 09 / 20 / 2000 09 : 18 am - - - - - vince j kaminski @ ect 09 / 18 / 2000 01 : 26 pm to : steven j kean / na / enron @ enron cc : charlene jackson / corp / enron @ enron , celeste roberts / hou / ect @ ect , vince j kaminski / hou / ect @ ect , ashley baxter / corp / enron @ enron subject : presentation to faculty and students at berkeley steve , i am a lead recruiter at the university of california at berkeley for enron analyst / associate program . i contacted several friends who work at berkeley and received an invitation from one of them to make a presentation at the weekly faculty seminar of the dept . of industrial engineering and operations research . the students and faculty members from the business school will be also invited . berkeley in general , and department of industrial engineering and operations research in particular , are important centers of academic research on electricity markets ( s . oren works very closely with severin borenstein ) . my presentation will focus on the analyst / associate program . i shall also have an opportunity to discuss the power markets in california ( i expect many questions ) before many experts who are very important to shaping public opinion and regulatory agenda . please , let me know who in you group could help me in preparing this presentation and in presenting enron ' s point of view in a more effective way . vince fyi . the name of my friend who invited me : shmuel s . oren , professor dept . of industrial engineering and operations research 4117 etcheverry hall university of california berkeley , ca 94720 - 1777",0 +"Subject: re : power crisis in the west tim belden ' s office referred me to you . has grant masson been replaced ? - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , november 06 , 2000 11 : 00 am to : niam @ infocastinc . com subject : re : power crisis in the west nia , please , contact tim belden in our portland office . his phone number is : ( 503 ) 464 - 3820 vince nia mansell on 11 / 03 / 2000 12 : 46 : 52 pm to : vkamins @ enron . com cc : subject : power crisis in the west dear vince , i spoke with you briefly yesterday regarding grant masson . you informed me that he is no longer an enron employee . i have also been informed that grant has not yet been replaced . i am inquiring because infocast would like to have an enron representative speak at an upcoming conference entitled "" power crisis in the west : status it is certainly going to be an exciting conference due to all of the controversy surrounding the situation in san diego . kind regards , nia mansell infocast conference manager ( 818 ) 888 - 4445 ext . 45 ( 818 ) 888 - 4440 fax niam @ . com > ( see attached file : power crisis in the west invite . doc )",0 +"Subject: draft from the editor with questions . i ' ll call mark , this is the latest draft ( fri afternoon ) , of the paper by john martin from baylor . please , review the draft from the point of view of our pr policy . i shall read it as well . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 02 / 2001 02 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" john d . martin "" on 02 / 02 / 2001 10 : 59 : 11 am to : vkamins @ enron . com cc : subject : draft from the editor with questions . i ' ll call vince , attached is the editor ' s latest edits on my draft . there are a couple of things i ' d like to discuss with you and will call right after lunch . john - 134 martin 2 . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : conference : monetary policy in the new economy maureen , ok . vince maureen raymond 10 / 11 / 2000 05 : 39 pm to : vince j kaminski / hou / ect @ ect , gary hickerson / hou / ect @ ect cc : subject : conference : monetary policy in the new economy i would like to attend the following conference : "" monetary policy in the new economy "" on october 19 th in washington dc . this is the topic of an annual conference on monetary policy . fed chairman alan greenspan is the keynote speaker . also , former fed vice chairman manuel johnson and many prominent monetary economists will be attending and participating in the debate on u . s . monetary policy . the cost of the conference is $ 375 . while in washington , i could also arrange meetings with the iif economist on our largest investment exposures . in addition , i could interview mark giancola and possibly some other candidates from johns hopkins school of advanced international studies for our group . regards , maureen",0 +"Subject: re : nymex volumes for rebuttal vince - i need these numbers by tomorrow am as we are at crunch time . thanks - chris margaret carson 09 / 27 / 2000 08 : 44 am to : chris long / corp / enron @ enron cc : subject : nymex volumes for rebuttal chris i track physical volumes in markets not really financials . . . try vince kaminski vp in ena ' s research desk and his people will have this for you . . . . margaret",0 +"Subject: re : ca for henwood engagement badri , in the event dpc signs the contract , we would need to make it indian tax efficient . please suggest the structure / clauses / information required by which we need not pay withholding taxes . if you need more info on the scope of work contemplated you can talk to wade / neil / sandeep . regards mohan sandeep kohli 01 / 22 / 2001 07 : 11 am to : wade cline / enron _ development @ enron _ development , mohan gurunath cc : stinson gibner @ ect , vince j kaminski @ ect , bruce lundstrom / enron _ development @ enron _ development , bonnie nelson / enron _ development @ enron _ development , lauren haggety subject : re : ca for henwood engagement wade / mohan , please find below the last draft copy of the henwood consulting agreement . we need to sign this asap so as to not be in violation of ene policies . as you will see , the draft agreement is made out with enron in mind , even though we have left the company name blank in the agreement . mohan - last when we spoke ( friday ) , you were going to explore the tax aspects of having dpc be the signing company . please tell us if that works . separately , you and wade may need to consider how dpc lenders may look upon some of the information emerging from this study , and whether you want all of it in lender domain . based on the same you may want to decide whether this needs to be eipl , ene houston , or dpc . we could also have a version where ene houston is signing the contract on behalf of dpc . please let me know what you decide , and we will proceed accordingly . if you would like someone in eipl / dpc to be signing the contract , please let me know , who the signing authority is . i suspect , that even i could sign on behalf of dpc or ene ? ? if so , i will be in houston on wednesday , and sign at the time . if not , you can assign someone to sign . regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 01 / 22 / 2001 06 : 59 am - - - - - - - - - - - - - - - - - - - - - - - - - - - lauren hagerty 01 / 20 / 2001 01 : 01 am to : bonnie nelson / enron _ development @ enron _ development cc : bruce lundstrom / enron _ development @ enron _ development , sandeep kohli / enron _ development @ enron _ development , stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : ca for henwood engagement i suspect that enron india llc would be the entity to use . however , is anyone from tax involved in this ? if not , we need to get someone in the loop . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ lauren hagerty enron india / ebs asia three allen center , room 2119 houston , texas 77002 phone : 713 - 646 - 6529 fax : 713 - 646 - 7549 bonnie nelson 01 / 19 / 2001 11 : 54 am to : stinson gibner / hou / ect @ ect , bruce lundstrom / enron _ development @ enron _ development , lauren cc : vince j kaminski / hou / ect @ ect , sandeep subject : re : ca for henwood engagement stinson , please find attached a revised version of the draft consulting agreement with henwood . fyi , i am attaching both a clean version and one marked toshow changes from the last draft i sent you . please let me know if you have any questions or comments on the agreement or the most recent changes . what is the status of henwood ? do you still want to engage them and what is the timeframe for their work ( the dates in the draft may need to be corrected ) . bruce and lauren : please advise on which enron entity should be the party to this consulting agreement . thanks , bonnie",0 +"Subject: re : d - g energy please let me know when you send it to legal , so i can track the progress . thanks , - - stinson from : laine borgman @ enron on 11 / 20 / 2000 03 : 23 pm to : stinson gibner / hou / ect @ ect cc : subject : re : d - g energy stinson , attached is the final version of the sofware license agreement . prior to any signatures being placed on the document by enron , i need to send the document to our legal counsel for his sign - off by initialing . laine",0 +"Subject: ppi index short - term models - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 03 / 31 / 2000 01 : 43 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - anjam ahmad 03 / 21 / 2000 04 : 10 pm to : martina angelova / lon / ect @ ect , trena mcfarland / lon / ect @ ect cc : dale surbey / lon / ect @ ect , stinson gibner / hou / ect @ ect , zimin lu / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : ppi index short - term models hi martina i believe that the forecasts are accurately reflecting this . please see graphs below : both models really need our rpi curve to be linked ( at the moment i have just copied the 2 . 3 % number forward ) . because the auto - regressive error term is not very important , we can run the models forward with reasonable confidence . as i mentioned , i don ' t think we can really run this model more than 12 months , in fact , i think we should run for 9 - 12 months and blend the next 3 - 4 months out with the long - term model . hope i can fix the long - term ones now with some new insight ! regards , anjam x 35383 pllu : dzcv :",0 +"Subject: re : loan pc charlotte , i confirmed today with your colleague stuart at x 34073 and he arranged for the cpu to be removed . please call me if you have any questions . thanks ! martina x 34327 vince j kaminski 24 / 02 / 2000 15 : 28 to : charlotte baldock / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , anjam ahmad / lon / ect @ ect , martina angelova / lon / ect @ ect subject : re : loan pc charlotte , i am back in houston . please , contact anjam ahmad and / or martina angelova . they will be able to help you . vince kaminski charlotte baldock 02 / 24 / 2000 05 : 22 am to : vince j kaminski / hou / ect @ ect cc : subject : loan pc vince can you confirm that you will returning the loan pc to it support today please ? thanks charlotte",0 +"Subject: re : offer ken , either is really fine with me . i ' m glad to have you coming . i will be out of the office on nov . 21 and the 22 nd is likely to be a short day for most people , so starting on nov . 27 would probably work the best for us . - - stinson kenneth parkhill on 11 / 10 / 2000 03 : 59 : 42 pm to : "" stinson gibner ( e - mail ) "" cc : subject : offer stinson , i have talked with folks here at fn , and i am happy to say that may be able to start at enron as soon as monday november 20 , the week of thanksgiving . i am in the process of wrapping up my existing projects , but it appears that things are coming together well , and i may be able to leave a little earlier than i had thought . would you prefer that i start the week after thanksgiving ? ken kenneth l . parkhill , p . e . , ph . d . freese & nichols , inc . 4055 international plaza , suite 200 fort worth , texas 76109 - 4895 817 . 735 . 7391 817 . 735 . 7491 ( fax ) ",0 +"Subject: wharton business plan competition hi anne ! i ' ll be at wharton on tuesday the 20 th - - perhaps we can get together to discuss this sometime later in the afternoon . what does your schedule look like ? thanks ! - - christie . - - - - - forwarded by christie patrick / hou / ect on 02 / 16 / 2001 10 : 08 am - - - - - "" stamer , anne "" 01 / 26 / 2001 03 : 47 pm to : "" ' christie _ patrick @ enron . com ' "" cc : subject : wharton business plan competition dear christie : thank you for your voice mail . things are moving along nicely with the competition . phase ii deadline was today , so we hope to have some statistics in the next few weeks . i have attached the statistics from phase i , for your files . listed below are ways that enron could be involved , let me know in which ( or all ) of these enron would be interested in participating . * we want to start listing our sponsors , so it would be really good if we could get your logo . * also , does enron wish to be a judge in phase iii and the venture fair ( vf ) ? for phase iii , we would mail each judge about 3 full blown business plans to be ranked . we anticipate this taking no more than 1 afternoon * for the vf , we would need a judge to be present for the entire day . the vf is by invitation only and we anticipate about 350 students , venture capitalists , business entrepreneurs and faculty . the vf will be held in philadelphia on april 30 th . * at the vf we will provide an opportunity for our sponsors with a 6 foot table for exhibits or materials to hand out . we will need to know if you wish to use the exhibit space . * we plan on providing our 25 semi - finalist teams with one - on - one mentoring . if enron is interested , that would be about 1 / 2 or 1 day commitment . * there might be an opportunity for a workshop to the university community . would enron be interested in participating in something like this ? i look forward to working with you to make this year ' s bpc a success . thank you . sincerely , anne stamer > anne stamer wharton business plan competition wharton entrepreneurial programs the wharton school 419 vance hall , 3733 spruce street philadelphia , pa 19104 - 6374 215 - 746 - 6460 ( direct ) 215 - 898 - 4856 ( office ) 215 - 898 - 1299 ( fax ) stamer @ wharton . upenn . edu - phase ioverview . doc",0 +"Subject: pjm / ftrs ' meeting this thursday 6 / 8 ftr team , the pre - bid meeting arrangements are as follows : location : eb 3125 a date : 6 / 8 ( thursday ) time : 8 : 30 am to 2 : 00 pm cdt breakfast : provided lunch : sandwiches thanks .",0 +"Subject: visit by enron , 19 october 2000 a team of key executives from enron will be on campus on the 19 th of october for the purposes of meeting with key staff and faculty to learn more about the school and how the firm can gain a greater presence here . included in this group will be : vince kaminski , director of research christie patrick , vp , university relations mike rosen , director , university affairs group i have developed a proposed agenda for the visit . please review and confirm that you are available to meet with one or more of the enron team at the times specified . if so , please provide me a prefered meeting location . if not , please alternate times and locations . 8 : 00 - 9 : 00 breakfast with donna piazze and keith weigelt to discuss "" tiger team fap project "" the ivy grill , inn at penn 9 : 00 - 10 : 30 meeting with raffi amit , ian macmillan , emily cieri and anne stamer to discuss the sol c . snider entreprenuer center and its related programs , the business plan competition and webi . . . 4 th floor conference room , vance hall ? ? ? 10 : 30 - 12 : 00 christie and mike hold discussions with cara tyler , bob bonner and pat rose regarding recruiting processes and procedures . . . cms conference room 10 : 30 - ? ? ? broadband executive meets with gerry mccartney and other university officials to discuss campus needs , future usage projections , etc . 10 : 30 - 11 : 30 vince meets with sid winter reference jones center and related research 11 : 30 - 12 : 00 vince meets with howard kunruether to discuss risk management 12 : 00 - 1 : 15 pm group lunch with jerry wind at faculty club to discuss the e - fellows program 2 : 00 - 3 : 00 pm christie and mike meet with mike baltes to discuss co - branding issues with wharton and upenn 5 : 00 pm all will attend the et conference dinner event please confirm your willingness and availability to support this agenda . thanks for your help . tom",0 +"Subject: london , new york , houston , financial mathematics june / july 2001 hello speakers ! ? my name is joanna vidal and i am the coordinator for the financial mathematics training course being in held on the following dates : ? london on june 28 & 29 new york on july 9 & 10 houston on july 16 & 17 ? ? i am in the process of preparing the speaker packs which will include an updated contact information sheet with ? all your details . ? you will receive this pack shortly after you confirm your addresses . ? i will list them below and i ask that you please look it over and make any necessary corrections . ? ? ? my contact details , for your information are : ? joanna vidal events coordinator risk waters group t : ( 212 ) 925 1864 ext . 197 f : ( 212 ) 925 7585 jvidal @ riskwaters . com www . riskwaters . com ? thank you and i look forward to working with you . ? duane seppi carnegie mellon university graduate school of industrial administrations pittsburgh , pa 15213 - 3890 t : 001 412 - 268 - 2298 f : 001 412 - 269 - 8896 ? helyette geman universite de paris dauphine finance department au de ka grand ecole corgy pontois , paris france 95021 t : 00 33 60 - 807 - 4200 ? vincent kaminski enron credit 1400 smith street room ebl 962 houston , tx 77002 - 7361 t : 001 713 - 853 - 3848 f : 001 713 - 646 - 2503 ? peter nance teknecon , inc . 1515 s . capital of texas highway suite 101 austin , tx 78746 t : 001 512 - 732 - 7084 f : 001 512 - 732 - 7099 ? chris harris innogy holdings place windmill hill business park whitehill way swindon , wiltshire uk , 5 n 5 6 pb t : 44 793 387 - 7777 f : 44 793 389 - 7811 ? spyros maragos dynergy , inc . 1000 louisiana street suite 5800 houston , tx 77002 t : 011 713 - 507 - 6589 f : 001 713 - 767 - 5958 ? ehud ronn university of texas at austin department of finance mccombs school of business austin , tx 78712 - 1179 t : 001 512 - 471 - 5853 f : 001 512 - 471 - 5073 ? ? ?",0 +"Subject: 2 nd message - re : dec 2 super saturday interviewer confirmation please see the attached for interviewer information . shelly jones 11 / 28 / 2000 05 : 54 pm to : scott earnest / hou / ect @ ect , tim mckone / corp / enron @ enron , richard dimichele / enron communications @ enron communications , brandon neff / hou / ees @ ees , john j lavorato / corp / enron @ enron , guido caranti / enron _ development @ enron _ development , robert bailey / hou / ees @ ees , dixie yeck / enron communications @ enron communications , cheryl lipshutz / hou / ect @ ect , john godbold / hou / ect @ ect , chuck randall / hou / ees @ ees , michelle juden / hou / ees @ ees , mark reese / hou / ees @ ees , jim fallon / enron communications @ enron communications , sarah wesner / corp / enron @ enron , sylvia barnes / hou / ees @ ees , kirk neuner / enron communications @ enron communications , mari capestany / hou / ees @ ees , wayne perry / enron _ development @ enron _ development , john neslage / enron _ development @ enron _ development , fred lagrasta / hou / ect @ ect , bani arora / hou / ees @ ees , jonathan risch / hou / ees @ ees , heather kroll / hou / ect @ ect , brad romine / na / enron @ enron , julia kazibwe / hou / ees @ ees , thomas rich / fgt / enron @ enron , mark smith / corp / enron @ enron , vince j kaminski / hou / ect @ ect , kathy m lynn / corp / enron @ enron , stephen stenhouse / enron communications @ enron communications , jere c overdyke / hou / ect @ ect , jim meyn / na / enron @ enron , donald reid / enron @ gateway , ken gustafson / hou / ees @ ees , daniel reck / hou / ect @ ect cc : sue foust / hou / ect @ ect , rebecca serwin / corp / enron @ enron , crissy collett / enron communications @ enron communications , sonia guerra / enron _ development @ enron _ development , mary lou browder / enron _ development @ enron _ development , mary lou browder / enron _ development @ enron _ development , adriana cortes / hou / ect @ ect , leticia botello / hou / ees @ ees , paula pierre / enron communications @ enron communications , theresa davis / hou / ect @ ect , kelly lacalli / hou / ees @ ees , lily guerra / hou / ees @ ees , lucy marshall / enron communications @ enron communications , amy rios / hou / ect @ ect , karen street / hou / ees @ ees , cindy long / corp / enron @ enron , becky young / na / enron @ enron , marcia a linton / na / enron @ enron , claudette harvey / hou / ect @ ect , brenda flores - cuellar / na / enron @ enron , valerie villareal / hou / ees @ ees , becky young / na / enron @ enron , amy flores / corp / enron @ enron , sally slaughter / enron communications @ enron communications , donna baker / hou / ect @ ect , chaun roberts / na / enron @ enron , terri bachand / enron communications @ enron communications , angie collins / hou / ect @ ect subject : dec 2 super saturday interviewer confirmation please see the attached . this is a confirmation for saturday interviews only . if you volunteered for friday night dinner as well , notification will be sent via email by end of work day wednesday regarding your friday night dinner participation . please feel free to contact me with any questions . thank you shelly jones ext . 3 - 0943",0 +"Subject: re : re : workshop this is great news for me and even more so for icbi ( or the other way around . . ) . could you call me today before 11 . 30 p . m paris time or to - morrow between 3 and 5 . 30 p . m paris time ? i think i do not have the right numbers for you any more helyette",0 +"Subject: analysis of dabhol energy cost jeff , i am forwarding an analysis put together by sandeep kohli and reviewed by vince and me . the results in the attached word document show that dabhol energy costs are several cents below that of roughly 600 mw of distributed generation which has been identified in maharastra . this 600 mw does not include innumerable small generators which will have even worse energy costs . the excel spreadsheet contains the data and calculations . regards , stinson x 34748 - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 01 / 05 / 2001 03 : 04 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - sandeep kohli @ enron _ development 01 / 05 / 2001 02 : 28 am to : vince j kaminski @ ect , stinson gibner @ ect cc : subject : vince / stinson , please find the two attachments that give a more detailed calculation , as well as the revised statement that can be made to press . the numbers are not small , but really do not reflect the true magnitude of the genset issue . they do not take into account the capital costs of the gensets , and also do not focus on the many smaller units that are operating in homes , and commercial establishments . hope ths helps . regards , sandeep .",0 +"Subject: re : default rates mark , this is a good point . in moody ' s june 1999 study , debt recoveries for corporate bankruptcies , there is a graph of firm - level recovery rates by year of bankruptcy resolution ( as opposed to default year ) . reading from the graph finds : as the data above is based on resolution year , the same study finds the average length of time spent in bankruptcy is 1 . 30 years ( median 1 . 15 years and standard deviation of 1 . 20 years ) . the interesting point is the slide in recovery value 1996 to 1998 . one would wonder if the mix of high - yield issuance slanted towards the tech companies would yield lower recoveries ( quick technological obsolescence - - little tangible recovery value ) . interesting to note is the december 1999 to december 2000 change in spreads . the table below divides the december 2000 spreads by the december 1999 spreads . one would have expected a pronounced flight to safety over this time - frame , but the figures are more mixed : to : michael tribolet / corp / enron @ enron , william s bradford / hou / ect @ ect , david gorte / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : re : default rates per our discussion , see attached for impact of assumed recovery rates : michael tribolet @ enron 12 / 11 / 2000 08 : 09 am to : william s bradford / hou / ect @ ect , david gorte / hou / ect @ ect , vince j kaminski / hou / ect @ ect , mark ruane / hou / ect @ ect cc : subject : default rates please see below for my note to jeremy at the bottom and his reponse . i have placed mark ruane ' s yields against a mid november default frequency table . note there may be a slight shearing in dates , but the concept is more important : market implied cumulative default rates ( % ) : 1 year 5 year 10 year aaa 0 . 51 5 . 74 14 . 54 aa 0 . 67 6 . 39 16 . 61 a 0 . 98 8 . 98 21 . 03 bbb 1 . 17 9 . 88 22 . 39 bb 3 . 27 18 . 62 37 . 51 b 4 . 65 24 . 21 46 . 27 s & p historical default rates ( % ) : 1 year 5 year 10 year aaa 0 . 00 0 . 13 0 . 67 aa 0 . 01 0 . 33 0 . 90 a 0 . 04 0 . 47 1 . 48 bbb 0 . 21 1 . 81 3 . 63 bb 0 . 91 8 . 82 14 . 42 b 5 . 16 20 . 95 27 . 13 in looking at the one - year transition rates as a very rough proxy for how many more defaults occur in a recession ( 1991 ) versus average ( 1981 - 1999 ) historical default rates ( % ) : investment grade non - investment grade avg . 1981 - 99 0 . 07 4 . 21 1991 0 . 12 10 . 40 multiple 1 . 7 x 2 . 5 x looking at where the market implied default rates divided by the historicals default rates to obtain a "" multiple "" ( how much more severe than historical ) : 1 year 5 year 10 year aaa infinite 44 . 2 x 21 . 7 x aa 67 . 0 x 19 . 4 x 18 . 5 x a 24 . 5 x 19 . 1 x 14 . 2 x bbb 5 . 6 x 5 . 5 x 6 . 2 x bb 3 . 6 x 2 . 1 x 2 . 6 x b 1 . 1 x 1 . 2 x 1 . 7 x on the 10 year historical figures , we need to be careful as the s & p static pool figures show a definite seasoning ( lower defaults in late years probably due to prepayment ) versus our contracts . secondly , the s & p figures have withdrawn ratings , which usually mean they are stale , but loosing some information content . i will ask emy to set up a meeting to discuss further . - - - - - - - - - - - - - - - - - - - - - - forwarded by michael tribolet / corp / enron on 12 / 11 / 2000 07 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : jeremy blachman @ ees on 12 / 10 / 2000 07 : 21 am to : michael tribolet / corp / enron @ enron cc : subject : default rates thanks . i would strongly suggest an offsite sooner than later with a handful of the right people so that we can step back and design the right architecture for looking at credit in our deals . it is broken , not clear , killing our velocity and true capabilities . we also need to look at staffing , skills sets , the credit reserve model etc . perhaps you should take a crack at an agenda . - - - - - - - - - - - - - - - - - - - - - - forwarded by jeremy blachman / hou / ees on 12 / 10 / 2000 07 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - michael tribolet @ enron 12 / 09 / 2000 03 : 51 pm to : jeremy blachman / hou / ees @ ees cc : subject : default rates i visited with vince kaminski for about 20 minutes today regarding the market implied defaults rates and the disconnect in investment grade land . he is seeing the same anomaly and agreed that we as a company need to revisit the methodology employed in calculating the implied figures . i will follow through and report back .",0 +"Subject: thanks maureen - thanks for your outstanding presentation on friday . sorry again for the difficulties in scheduling . i can see some excellent collection opportunities for our group as a result of your presentation and look forward to discussing them with you on my return . we think we can get excellent info on production & exports in russia , as well as good insight into anti - dumping out of dc and the wto . labor unrest , environmental problems , civil unrest are other possibilities . fyi , the speeches from today ' s lme seminar will be posted on the lme website tomorrow . you may be particularly interested in the outlooks for aluminum , nickel , and copper . rj",0 +"Subject: managing enron ' s relationships with the universities jeff , i would like to get on your calendar ( together with jeff shankman ) for 15 - 30 minutes to discuss the results of my visit at the wharton school with tom piazze . a separate message about this visit will follow . i would like also to talk to you about the way we manage our relationships with different universities . historically , we were rather passive customers of the academic institutions , trying to hire the best students and limiting our presence on the campuses mostly to the recruiting trips and campus receptions . we should rethink the way we work with universities . the efforts to get the best students look more and more like a hand - to - hand combat and often we are not very successful . it is critical that we increase our presence on the campuses and this can be accomplished in a number of different ways : 1 . involvement in research projects . for example , we are currently underwriting two research projects at stanford university , involving ph . d . students of professor nicholas bambos ( a top expert on communications networks ) . we shall participate in formulation of the projects ' objectives and will be given access to the results . involvement in research projects allows us to obtain access to current scientific developments in the leading universities and also to lock - up some very promising students . most companies in the high tech industries have such programs . 2 . lectures and presentations by enron employees . practically every presentation i have made so far at different universities resulted in a number of resumes and hiring decisions . it is important that students get exposed to enron early in their academic program . in many cases , the best students have already made up their mind by the time we approach them during their senior years . 3 . visits by faculty members in enron . closer cooperation with the universities has many advantages in addition to getting the best students and obtaining access to current research . the universities are very important in shaping public opinion on the issues critical to enron ' s future ( especially in the area of deregulation and design of new markets ) . currently , the relationships with many leading academic centers depend on personal commitment of a number of overworked enron employees . in many cases , there is no continuity and focus . i want to recommend a creation of a special function ( vp or md level ) responsible for coordinating our relationships with the universities . this function would be separate from our analyst / associate program . i have many ideas how this function could be structured . vince",0 +"Subject: re : risk 2000 panel discussion , boston oliver , makes sense to me . vince "" oliver bennett "" on 04 / 03 / 2000 09 : 49 : 13 am please respond to "" oliver bennett "" to : , "" vince j kaminski "" , cc : subject : risk 2000 panel discussion , boston just a quick email to start some discussion about the panel session you are involved in during risk 2000 in boston on 13 similarly it is often interesting to hear the panel ' s comments on one individual ' s more specific area of knowledge . ? conseqently if you could return this email ( to all panel members ) with topics you feel should be covered , any particular areas you would personally like to focus on , any proposed changes to the actual panel structure , and possibly additonal panel members you think should be there , that would be a good start . i am still in the process of looking for a moderator and if anyone has any suggestions , please let me know . ? ( the talk title is effectively applying weather derivatives ) ? best regards , ? oliver ? ? ? direct : + 44 ( 0 ) 20 7484 9880 ? risk publications , 28 - 29 haymarket , london swly 4 rx fax : + 44 ( 0 ) 20 7484 9800 ? email : oliver @ risk . co . uk www . riskpublications . com",0 +"Subject: re : trading algorithms andy , sounds good . one comment : vasant is swamped with work coordinating several high profile projects . bob is very productive and thorough and will get a lot of support internally from other members of the group : this contribution may not be directly visible but it will be still very important . we appreciate your hands - on involvement . it ' s always the most important condition of a successful project to have direct and frequent interaction with the customer . look fwd to working on this project . vince from : andy zipper / enron @ enronxgate on 04 / 18 / 2001 01 : 57 pm to : jay webb / enron @ enronxgate , vince j kaminski / hou / ect @ ect cc : subject : trading algorithms guys , here is what i took away from our meeting : 1 ) . research will continue working on custom reporting off of enrononline data . 2 ) . research will continue working on market analysis off of enrononline data 3 ) . research will a contribute a resource to the trading algorithm effort , presumably one at this point in time . i would prefer it to be vasant but i am flexible . the trading algorithm group will be run by the enrononline team with its product reviewed by research . it is my belief that projects like this require a firm commercial hand in their infancy to make sure they stay on the right track . if this presents a problem for anyone please let me know so that we can discuss . thanks , andy",0 +"Subject: re : check vince , ? oh . ? i sent an invoice to habiba for aus 5 k a while back , and she informed me that she passed it along to the people who are handling the agreement now ( i take that as fiona grant in london ? ) . ? i will then send out another invoice of aus 5 k in the next week or so for the remaining balance . ? should i have sent the invoice to you ? ? thanks , julie - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : julie @ lacima . co . uk cc : vince . j . kaminski @ enron . com sent : monday , october 30 , 2000 9 : 12 pm subject : re : check julie , a clarification . we had an agreement with chris and les to contribute ? aus 10 , 000 as a part of the cost . vince "" julie "" on 10 / 30 / 2000 12 : 32 : 14 pm to : ? ? cc : subject : ? re : check vince , thank you for your email . we will send you a copy of the book as soon as it is available , which we are now estimating to be around 21 november ( no need to send us a cheque ; you deserve it ) . just let us know if we should use a different address than your office ? in houston . thanks again for all of your help . julie - - - - - original message - - - - - from : ? vince . j . kaminski @ enron . com to : julie @ lacima . co . uk cc : vince . j . kaminski @ enron . com sent : monday , october 30 , 2000 2 : 16 ? pm subject : check julie , this message was returned to me a few times when ? i sent it from my home address . vince - - - - - - - - - - - - - - - - - - - - - - ? forwarded by vince j kaminski / hou / ect on 10 / 30 / 2000 08 : 00 am ? - - - - - - - - - - - - - - - - - - - - - - - - - - - vkaminski @ aol . com on 10 / 28 / 2000 12 : 12 : 57 ? pm to : julie @ lacima . co . uk cc : vkaminski @ aol . com , vkamins @ enron . com subject : ? check julie , as the book is about to be released to the ? market , i would like to start the process to issue the check to lacima . ? who will be the payee ( lacima ) and what is the ? address ? vince",0 +"Subject: re : philippe jorion ' s pending visit to rice david , it ' s even better . dinner on the 18 th works best for me . i sent your outline to our cfo with my recommendation . i hope to hear shortly from him . vince david ikenberry on 02 / 05 / 2001 02 : 29 : 04 pm to : "" vkamins @ ennron . com "" cc : subject : philippe jorion ' s pending visit to rice hi vince , we have tentatively re - scheduled philippe jorion for monday , march 19 . he will likely come for dinner on sunday , march 18 and return to california on march 19 . would dinner on the 18 th and / or a seminar sometime on monday the 19 th work with your schedule ? thanks , dave * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * prof . david ikenberry jones graduate school of management rice university 713 - 348 - 5385",0 +"Subject: organizational announcement - introducing enron engineering and operational services in order to better align our engineering and operations capabilities with the commercial businesses they support , we are pleased to announce the following organizational change will be effective immediately . a new business unit , enron engineering and operational services ( eeos ) , is being formed which will include our existing operations in enron engineering and construction company ( ee & cc ) , operational energy corporation ( oec ) , and national energy production corporation ( nepco ) . brian stanley , as president and chief executive officer , and keith dodson , as chief operating officer will provide the leadership for this new organization , reporting to the office of the chairman of enron wholesale services . nepco will continue to operate as a stand - alone business under john gillis , president . with the majority of ee & cc and oec  , s activities focused on assets and projects which are in wholesale services , this will better align the efforts of eeos with the commercial businesses it supports . while eeos will be a stand - alone unit within enron wholesale services it will work very closely with and have direct accountability to the business units it supports . this realignment also centralizes our engineering and operations capabilities in a single business segment and should ensure that innovation and best practices are shared and implemented across our many operations and will also allow for better identification of priorities and more effective allocation of resources to these projects . consistent with this approach , development engineering will have dual reporting to both eeos and the business units which they support . with an extensive and varied portfolio of assets around the world and a wide variety of new development opportunities available to enron , it is critical that we continue to maintain the best in class capability to design , construct , commission , and effectively manage and operate enron  , s assets on a global basis . this new global business unit should insure that we will continue to enhance these demonstrated capabilities and provide us with a sustainable advantage as we advance our business strategy around the world . please join us in congratulating brian and keith on their new assignments . mark frevert & dave delainey",0 +"Subject: re : fw : citi , wells , enron , sl and i 2 form a b 2 b venture great . we will be around . let ' s get together . please , give me a call ( 650 - 570 - 6509 ) or / and let me know your phone number in palo alto . andrzej - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : tuesday , october 24 , 2000 12 : 58 pm to : lubowski , andrzej cc : vince . j . kaminski @ enron . com subject : re : fw : citi , wells , enron , sl and i 2 form a b 2 b venture andrzej , i shall be in the bay area again for thanksgiving . i came to sf for one day to do recruiting at berkeley . i hope you will feel better soon . vince "" lubowski , andrzej "" on 10 / 20 / 2000 12 : 45 : 25 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : fw : citi , wells , enron , sl and i 2 form a b 2 b venture wicku , i hoped to hear from you . please , let me know whether your plans have changed , and if so , when you are coming to palo alto . i spent theer weeks in europe in september ( had dinner with leszek and ewa ) , and went to sydney as a guest of nbc . upon return i caught a flu , and travelled heavily congested to new york , which led to some ear problems . consequently i intend to stay put for several weeks , and will have to reschedule my trip to houston for dec . or january . hope to see you here before then . best to all three of you . andrzej - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : friday , august 18 , 2000 6 : 23 am to : lubowski , andrzej cc : vince . j . kaminski @ enron . com subject : re : fw : citi , wells , enron , sl and i 2 form a b 2 b venture andrzej , thanks . please , send me the information about the dates when you plan to visit houston . also , the information about your position / title / responsibilities ( as well as the info about the other members of your team ) would be useful . i shall be in the bay area between the 10 th and the 20 th of october . hope to see your then . wicek",0 +"Subject: new recruit : matthew williams work and training plan attached . those in the us please feel free to resize the document to your printer ' s content . steve",0 +"Subject: re : fw : possible visit to enron by professor nalin kulatilaka of boston university thanks , i will followup with shirley and vasant asap . - - - - - original message - - - - - from : kaminski , vince sent : monday , april 02 , 2001 10 : 32 am to : mack , iris cc : kaminski , vince ; shanbhogue , vasant subject : re : fw : possible visit to enron by professor nalin kulatilaka of boston university iris , please , check with shirley . she keeps my calendar up to date . also , we got a 2 nd desk for you with the credit group on the 23 rd floor . you can divide your time bet the 19 th floor and the 23 rd floor to stay in touch with the business unit . please , check with vasant and he will introduce you to the credit team here in houston ( jeff kinneman , craig chaney ) . also , please plan for a trip to london in 3 - 4 weeks . vince vince from : iris mack / enron @ enronxgate on 04 / 02 / 2001 09 : 57 am to : vince j kaminski / hou / ect @ ect cc : stinson gibner / hou / ect @ ect subject : re : fw : possible visit to enron by professor nalin kulatilaka of boston university hi , thanks for your prompt response . nalin kulatilaka wants to visit when you are in town . what are good thursdays for you ? thanks , iris - - - - - original message - - - - - from : kaminski , vince sent : monday , april 02 , 2001 8 : 14 am to : mack , iris cc : gibner , stinson ; kaminski , vince subject : re : fw : possible visit to enron by professor nalin kulatilaka of boston university iris , i wrote an endorsement for his book on real options ( it was on the cover under jeff skilling ' s name ) . let ' s invite him to the thursday lunch . vince from : iris mack / enron @ enronxgate on 03 / 29 / 2001 05 : 52 pm to : stinson gibner / hou / ect @ ect , stinson gibner / enron communications cc : vince j kaminski / hou / ect @ ect subject : fw : possible visit to enron by professor nalin kulatilaka of boston university hi stinson , a colleague of mine - professor nalin kulatilaka of boston university - is interested in visiting enron to give a talk on work he is doing in the broadband area . please see the forwarded emails for further information and available dates . can you let me know if we can give him a forum at one of our thursday research lunches or a friday brown bag lunch ? thanks , iris - - - - - original message - - - - - from : nalin kulatilaka @ enron com ] sent : thursday , march 29 , 2001 5 : 40 pm to : mack , iris cc : lin , martin subject : re : possible visit to enron by professor nalin kulatilaka of boston university hi iris i have two different hats to wear in talking to enron . one is as a financial economist . the other as the director of the newly formed "" global mobility innovation initiative ( gmii ) - - this is the research project funded by lucent , involving bu , lbs , and insead , to study various aspects of the mobile internet ( read 3 g ) . on the former i am working with a couple of ph . d . students in understanding ( a ) details of how having physical supply ( inventory ) can be used by a market maker . this is a problem that has been studies in the context of specialists inventory in the stock market but i think really interesting in the way enron does it in some of the newer markets like bandwidth . i think this is a big issue in lighting up all the dark fiber that is in the ground . ( b ) how enron is disciplining the internal decision making process with market . this is in many ways the critical aspect of real options that most finance people miss - - having options is one thing but exercising them and realizing their value is another . all of the incomplete contracting , asymmetric information , and incentive issues are ignored in real options valuation models . but they are real in practice . my impression is enron ' s real success is in putting place an organization that is able to mitigate these problems by imposing a market disciplining . ( c ) how enron manages the various books that involve physicals , financials , credit etc . this is specially important when many of the real assets have options features and therefore , include non - linear risk profiles . the story of gas is pretty well understood but not many of the others markets enron has been moving into over the last few years . on the gmii front , i think that some interesting opportunities arise when you think of the spectrum in a way similar to that of dark fiber . i am working with several people at lucent on this issue . i think it would be wonderful to engage in a conversation with enron and lucent folks in the room . i can do a lunch time talk on any of these issues . perhaps we can discuss some of these over a conference call . clearly , having vince kaminski in the room would be very important to me . as for schedules , the first 3 weeks of april are horrible . april 26 / 27 , may 3 / 4 are good for me . regards nalin at 06 : 56 pm 03 / 22 / 2001 , mack , iris wrote : > hi , > > as we briefly discussed , i spoke with one of my colleagues ( dr . > martin lin ) about your visiting enron to give a talk and to spend some > time with us to discuss you work in telecommunications , real options , > etc . > > martin and i are working on various broadband related problems . > > we thought it might be helpful if you let us know a bit more about > the following : > * when you want to come ( the research group has weekly > catered lunch on thursday and brown bag lunches on every other friday ) . > > * a description of what you want to talk about with respect > to telecoms , broadband , etc . > * who you would like to meet with me - vince kaminski ( our > boss ) , any other of our colleagues in research , broadband , etc . > . . . . . . . . . . . . . . . . . etc . > > > > > look forward to hearing from you . > > regards , > iris",0 +"Subject: re : invoice for energy derivatives courses i already did - you signed it this morning . thanks ! vince j kaminski 03 / 29 / 2000 12 : 33 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : invoice for energy derivatives courses shirley , please , pay . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 29 / 2000 12 : 33 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - lacima @ compuserve . com > on 03 / 28 / 2000 02 : 49 : 43 pm to : shirley cc : vince subject : invoice for energy derivatives courses shirley , please find attached the invoice for the energy derivatives courses . if i should forward this to someone in accounts , please let me know who i should contact and i will take care of it . thanks , julie lacima consultants - enron 28 _ 03 _ 00 . doc",0 +"Subject: new research tool - too cool ! ! ! this tool is really a breakthrough . real - time off our new satellite controller , meteorological info from noaa ' s satellite ! ! ! simple and easy . just go to . . . further instruction ( there is only one instruction ) . . type in your station of interest , example : khou for houston , texas , lirf for rome , italy , eddh for hamburg , etc ( see attached city code list ) you will be constantly updated way before the competition ! enjoy . . .",0 +"Subject: re : real options vince , thanks again for coming to austin to speak with my class . i am sure that they appreciated hearing about the use of real options at enron , and i think it was a very fine way to finish the semester . along with my colleagues from finance , i appreciate the strong support that enron has provided to the college of business administration . we appreciate the relationship , and look forward to seeing you in austin again next year . jim",0 +"Subject: re : candidate evaluation , wendi germani pam , we don ' t think wendi has skills required for this job . vince from : pam wilson @ enron communications on 03 / 10 / 2000 12 : 27 pm to : vince j kaminski / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , jonathan davis / hou / ect @ ect cc : subject : candidate evaluation , wendi germani please complete the attached form and also let me know if you have an interest in proceeding with wendi . thanks ! pam",0 +"Subject: research and development charges to gpg dawn : here is the original notification . i will also send you the one where vera says it was never done . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 08 / 14 / 2000 07 : 46 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kimberly watson @ enron 06 / 15 / 2000 03 : 26 pm to : kent miller / et & s / enron @ enron , martha janousek / et & s / enron @ enron , elaine concklin / et & s / enron @ enron , vera apodaca / et & s / enron @ enron , rod hayslett / fgt / enron @ enron , vince j kaminski / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : research and development charges to gpg vince , krishna and i met to discuss the research and development cross charges to gpg for january through june . these charges are based upon a budgeted amount of allocating three resources to the gpg group ( two resources for revenue management and one resource for gpg marketing ) . we have utilized the r & d group some during the first half of the year , but not to the full extent of three resources . vince and krishna have agreed to reverse out some of the charges that were budgeted january through june . we will revisit this issue again toward the end of the year to determine if any adjustments are necessary for july through december . the budgeted amount january through june has been distributed between the nng and tw as follows : research and development budget ( $ 000 ) nng tw et & s january $ 46 . 7 $ 46 . 7 february $ 26 . 1 $ 20 . 4 $ 46 . 5 march $ 35 . 9 $ 10 . 2 $ 46 . 1 april $ 34 . 8 $ 10 . 2 $ 45 . 0 may $ 36 . 4 $ 8 . 8 $ 45 . 2 june $ 36 . 4 $ 8 . 8 $ 45 . 2 $ 274 . 7 out of the $ 274 . 7 budgeted for the first half of the year , $ 199 . 7 is to be reversed back to the research and development department . this reversal will occur in july . vince , vera apodaca ( ext . x 35980 ) will be our contact to help facilitate the reversal of these charges . elaine , the remaining $ 75 . 0 ( $ 274 . 7 - $ 199 . 7 ) is to be allocated with $ 50 . 0 going to the revenue management work order and $ 25 . 0 remaining in o & m . if anyone has any questions or needs additional information , please don ' t hesitate to call me ( x 33098 ) . thanks , kim .",0 +"Subject: manoj gupta - interview schedule attached you will find the interview packet for the above - referenced person . the interview will happen monday , april 16 , 2001 . please print all three documents for your hard copies . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . sasha divelbiss 58714",0 +"Subject: maureen ' s presentation here it is !",0 +"Subject: invitation to sunday dinner with vince @ 6 . 30 pm hi steve & ben , we are planning an early sunday dinner ( one of the few evening slots that are free in vince ' s schedule ) at : diverso restaurant 85 piccadilly london wlv 9 hd tel : 020 7491 2222 it ' s just a few yards to the left of park lane hotel on park lane , close to hyde park corner underground and we ' ve been there before . vince would like to discuss the latest developments and it seems like the best opportunity to do so . please let me know if you can make it and i can make sure the table is booked accordingly . regards , anjam x 35383 p . s . vince will be staying at the park lane hotel , telephone number 0171 499 6321",0 +"Subject: joint probabilities michael tables of joint probabilities for scenario 3 ( 8 % improvement rate during the regulatory cycle ) are attached . call if you have any questions . bob x 35163",0 +"Subject: re : aiesec polska - eurolds 2000 szanowny panie kaminski ! ! ! bardzo dziekuje za okazana pomoc ! mimo wielu bledow , ktore popelnilismy , a przede wszystkim to , ze zglosilismy sie do pana astramowicza zbyt pozno , bardzo nam pomogl . european leadership development seminar 2000 w polsce sie odbedzie , i postaramy sie , zeby bylo to wydarzenie na wysokim poziomie ! ! ! jeszcze raz bardzo dziekuje i postaram sie aby nastepne mozliwe informacje o naszych projektach szybciej docieraly do firmy takiej jak enron , a w szczegolnosci do takiej osoby jak pan i pan jarek astramowicz . bardzo dziekuje z powazaniem andrzej wodnicki - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : awodni @ sgh . waw . pl cc : vince . j . kaminski @ enron . com date : 23 lutego 2000 09 : 37 subject : re : aiesec polska - eurolds 2000 > > drogi panie andrzeju , > > prosze powolac sie na mnie . > > w . kaminski > > > > > andrzej wodnicki on 02 / 22 / 2000 04 : 02 : 42 pm > > to : vince . j . kaminski @ enron . com > cc : > subject : re : aiesec polska - eurolds 2000 > > > > drogi panie kaminski ! > > bardzo przepraszam za klopot . wiem , ze jest pan niezmiernie > zajetym czlowiekiem . jednak chcialem zapytac sie pana o jeszcze > jedna kluczowa dla nas sprawe , ze wzgledy na termin naszego > wydarzenia - 7 marzec 2000 . > > mianowicie , czy byloby mozliwe , aby w > rozmowie z panem astramowiczem powolac sie na pana . > wydaje mi sie , ze bardzo by nam pana nazwisko pomoglo . > bardzo liczymy na pana pomoc , > > > pozdrawiam > > andrzej wodnicki > > > > > >",0 +"Subject: norway visit : research agenda dear all , i would like to make myself available for some meetings at the oslo office during my visit on friday pm , monday and tuesday . i believe bjarne will be available on tuesday , if not monday , and so would like to arrange the trading and origination meetings for tuesday ( so that he can attend ) and maybe go through the energydesk issues on monday . i will also give a presentation , probably on monday . trading : options & volatility curves it would be useful to meet with the traders along with bjarne ' s team to help us improve our understanding of the valuation / hedging issues encountered in trading options ( both european and asian ) . i hope to discuss the vol curves and will bring the example of the recent work done for the uk electricity desk where a monthly volatility curve generator and initial half - hourly forward volatility curve have been developed . origination : any issues arising in complex deals ( e . g . dry reservoir , user - time contracts ) etc . perhaps with didrik . energydesk . com to support the on - going effort to ensure the accuracy of the energydesk . com systems , i hope to help james stephen nail - down the reasons for some of the discrepancies between the energydesk . com valuation and the oslo book ( for this i hope to meet with trond ) . exotic options : if everything runs smoothly , i plan to roll - out the new asian model which should also help us in improving our electricity volatility curve . i will be in the oslo office from friday afternoon , and available all day monday and tuesday . i will be staying at the grand hotel and probably contactable on my mobile : 07747 86813 . look forward to meeting you soon ! regards , anjam x 35383 p . s . i will be contactable on my mobile for any urgent queries from london customers : 07747 868131 , or reachable through catherine / maret ( x 2570 )",0 +"Subject: interview schedule for greg mikkelson attached please find the interview packet for the above - referenced person . the interview will happen tuesday , july 11 , 2000 . print all three documents for your hard copies . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . liz alvarado 58983",0 +"Subject: multi trigger vince , jere asked that i forward you a copy of the draft presentation on the multi trigger transactions . please call if you have any questions . 54426 joana",0 +"Subject: brad romine greg , as you may know , brad romine ' s dot . com venture fell apart . the offer from enron looks much better now . i have arranged for him a number of different interviews ( including one with you ) . i think we should not be too punitive and give him the 2 nd chance . i am also setting up for him interviews with rac and ebs and he should be able to negotiate a good first rotation . please , give me a call if you have any other question . vince kaminski",0 +"Subject: my new position i wanted to submit my notice of rotation to the "" fundamental analysis "" group and thank the fx and country risk group for giving me an opportunity to work in such exiting learning environment . i really enjoyed being part of the research group and hope to keep all of the relationships i have developed throughout my rotation . i am looking forward to my new position as an opportunity to learn more about the company and to try my abilities in a new environment . "" fundamental analysis "" group is a new and developing group , which will give me an opportunity to develop and grow as an employee . i understand that it is my responsibility to train the individual who will be taking my current position . in an effort to make a smooth transition to my new rotation i will train the new individual and starting december 18 th will devote my free time to pursue my new job responsibilities . in agreement with maureen official start date of new rotation is january 2 nd 2001 . sincerely , yana kristal",0 +"Subject: projected fund giving george - here is one statistical method ( linear regression ) , applied to hosanna ' s fund giving . the method is deterministic , where contributions each sunday are attempted to be explained by significant events on the church ' s and members ' calendars , and the method shoudl be considered in contrast to an anecdotal one , where each sunday ' s giving might be estimated to be the average giving of the same sunday ( e . g . , each 2 nd sunday in january ) in the past . the following effects are estimated independently by the computer ( they add and subtract with each other accordingly ; some sundays can have more than one effect "" in play "" ) : 1 ) most positive for giving : an additional + $ 8 , 802 for special pastoral appeals ( 3 of them in the past 3 years ) 2 ) positive for giving : an additional + $ 2 , 551 easter and nearest - christmas "" sunday , "" an additional + $ 59 thanksgiving sunday , and a tiny additional + $ 1 each week pure time trend . 3 ) negative for giving : - $ 304 for sundays of monday federal holiday weekends , and - $ 9 during the summer ( june 1 - aug 31 ) 4 ) "" wave "" : there is an $ 80 per week "" wave "" - giving $ 80 higher one week , $ 80 lower the next , etc . . . the computer can explain roughly 60 % of the absolute variation in giving the past 3 years using this approach . keep in mind , much of the information , statistically , is captured in the pastoral appeals , easter and christmas sundays , and holiday weekends . the rest of the variation cannot be explained by this simple model ( i . e . , it looks like "" noise "" ) . here are the predictions for fund giving for the upcoming year . you can cut - and - paste these numbers to any file or spreadsheet you like . they may seem "" boring "" to you ; please remember they are the deterministic components of a process that involves a lot of volatility , and your church ' s actual experience will predictably be volatile . these numbers are as - if the "" means "" of experiences dependent on the "" standard deviations . "" 01 / 02 / 00 4611 01 / 09 / 00 4699 01 / 16 / 00 4394 01 / 23 / 00 4705 01 / 30 / 00 4701 02 / 06 / 00 4702 02 / 13 / 00 4703 02 / 20 / 00 4400 02 / 27 / 00 4710 03 / 05 / 00 4706 03 / 12 / 00 4708 03 / 19 / 00 4709 03 / 26 / 00 4710 04 / 02 / 00 4711 04 / 09 / 00 4712 04 / 16 / 00 4713 04 / 23 / 00 7265 04 / 30 / 00 4672 05 / 07 / 00 4717 05 / 14 / 00 4718 05 / 21 / 00 4719 05 / 28 / 00 4416 06 / 04 / 00 4717 06 / 11 / 00 4713 06 / 18 / 00 4714 06 / 25 / 00 4715 07 / 02 / 00 4716 07 / 09 / 00 4718 07 / 16 / 00 4719 07 / 23 / 00 4720 07 / 30 / 00 4721 08 / 06 / 00 4722 08 / 13 / 00 4723 08 / 20 / 00 4724 08 / 27 / 00 4725 09 / 03 / 00 4432 09 / 10 / 00 4742 09 / 17 / 00 4738 09 / 24 / 00 4739 10 / 01 / 00 4740 10 / 08 / 00 4742 10 / 15 / 00 4743 10 / 22 / 00 4744 10 / 29 / 00 4745 11 / 05 / 00 4746 11 / 12 / 00 4747 11 / 19 / 00 4748 11 / 26 / 00 4808 12 / 03 / 00 4750 12 / 10 / 00 4752 12 / 17 / 00 4753 12 / 24 / 00 7305 12 / 31 / 00 4711 best wishes , clayton vernon manager , research",0 +"Subject: re : paper - request ( informs meeting in san antonio ) erik , i regret to inform you i had to cancel my presentation . i am working on another presentation on the same topic for a different audience , and i shall send you the slides . vince kaminski erik pruyt on 11 / 28 / 2000 08 : 39 : 11 am to : vince . j . kaminski @ enron . com cc : subject : paper - request ( informs meeting in san antonio ) brussels , 28 / 11 / 2000 ref : md 29 price volatility and probabilistic methods in the energy market : current challenges dear sir , unfortunately i could not attent the informs 2000 meeting in san antonio . since i am very interested in the topic you presented there , i would really like to read the paper you presented or have a look at the slides you showed . could you please be so kind as to send me a copy of the paper ? or could you tell me where i might find your paper ( already published ) ? thank you so much . yours sincerely , erik pruyt free university of brussels = = = = = erik pruyt erik . pruyt @ vub . ac . be or erikpruyt @ yahoo . com vrije universiteit brussel , faculteit esp , dienst stoo - csoo pleinlaan 2 , 1050 brussel , belgium , tel : + 32 / ( 0 ) 2 629 20 64 private address : stockemstraat 14 , b - 3040 huldenberg , belgium tel : ( + 32 ) 2 / 6875257 handy : ( + 32 ) 496185687 fax : ( + 32 ) 2 / 6883760 do you yahoo ! ? yahoo ! shopping - thousands of stores . millions of products . http : / / shopping . yahoo . com /",0 +"Subject: e & p company model mark , did you have a chance to review the e & p company model ( the old cash flow mode ) and determine if it can be used by fred lagrasta ' group . please , let me know . vince",0 +"Subject: re : european energy 2000 , april , amsterdam angela , no problem . i shall be glad to do it . happy holidays if i don ' t hear from you . vince "" angela adedeji "" on 12 / 14 / 99 12 : 00 : 40 pm please respond to "" angela adedeji "" to : vince j kaminski / hou / ect @ ect cc : subject : european energy 2000 , april , amsterdam hi vince re : european energy 2000 , 3 & 4 april , amsterdam i hope all is well . i wondered whether or not you would be interested in chairing the stream of your talk ? i look forward to hearing from you soon . kind regards angela - attl . htm",0 +"Subject: greg whalley ' s new office location greg whalley and i have moved to the 33 rd floor . greg ' s new office location is eb 3324 - steno # 549 i ' m located at eb 3322 - steno # 598 many thanks , liz taylor",0 +"Subject: london meeting dear vince could you let me know when you are able to meet riskcare ? i will try to reach you in houston , otherwise i will give anjam ' s office a call tomorrow . regards manuel manuel rensink riskcare - financial technology services piercy house 7 copthall avenue london http : / / www . riskcare . com tel : + 44 ( 0 ) 20 7562 3400 fax : + 44 ( 0 ) 20 7562 3401 about riskcare since riskcare ' s inception in 1994 , we have specialised in providing pre - eminent services and pioneering tools to the financial markets industry . riskcare offers : * a range of hands - on technology services for systems implementation and operation , including development , integration , support , technical skills and software selection * a range of financial engineering services , including model validation , risk advisory , analytics integration , development of pricing models for derivative instruments and front office analytics such as willow , a revolutionary tool for option pricing",0 +"Subject: it compliance after 23 years of service to enron , alberto gude retired on april 30 , 2000 . on behalf of the many personnel that knew and worked with alberto , i want to thank him for his dedication to enron and also for his friendship and mentoring that he provided to so many . we wish alberto , his wife maria , and their children steven and michelle all our very best . following alberto  , s retirement , the following organizational changes will take place immediately within the it compliance group . andrew parsons , senior director , will be responsible for all corp . it compliance activities . andrew will report directly to me . mark thibodeaux , director , will continue working primarily on information security evaluations and technical reviews . mark has 16 years of experience as an it security expert and ten years as a cpa . stephen simpson recently joined it compliance as a director . steve came to enron with 8 years of experience in arthur andersen  , s computer risk management practice . steve will focus on application risk management . the corp . it compliance group is responsible for enterprise wide information technology reviews and it risk management compliance activities . these activities include ensuring that our systems and related processes are secure , available , operating with integrity and are adhering to audit standards developed in conjunction with arthur andersen . please join me in congratulating andrew , mark and steve on their new responsibilities .",0 +"Subject: departure of grant masson the research group : it is with a deep sense of regret that i announce that grant masson will be leaving the research group and enron , effective today . grant has been a very important part of the research group ' s growth and stability within enron and he will be deeply missed . we wish him the very best in his new venture and want to send him off with all the "" good "" wishes and support that he deserves . however , since i will be out of town all next week , we will postone the "" good luck and best wishes "" party for grant until sometime within the next 3 weeks . an announcement will be forthcoming at a later date . please take a minute to wish grant the "" best "" . sincerely , vince",0 +"Subject: re : gwen koepke i will see you on friday at 3 . if you would like for me to come before then , just let me know . - - - - - original message - - - - - from : kaminski , vince sent : wednesday , may 02 , 2001 3 : 01 pm to : labbe , anne cc : kaminski , vince subject : re : gwen koepke anne , thanks for contacting me about this . as a matter of fact , i wanted to talk to you about it today as this matter was outstanding for a long time . i think we should go ahead and adjust gwen to manager , effective march 1 . the compensation would be her current base plus 10 k . this is what we typically do when we promote an associate to a manager . such promotions take place in march and i think gwen should not be penalized for the inefficiency of her management ( i . e . my and maureen ' s procrastination ) . on unrelated and more serious matter . gary hickerson is the primary client for maureen ' s services . he communicated to me a few weeks ago that he is unwilling to underwrite maureen ' s position ( he is in general unhappy with her contribution ) . this means that maureen will have to find another sponsor or leave enron . given her abrasive and aggressive personality finding another internal customer will be quite a challenge . gary volunteered to pay a very generous severance to maureen from his budget . i would like to talk to you about it when you have a few minutes . vince from : anne labbe / enron @ enronxgate on 05 / 02 / 2001 10 : 34 am to : vince j kaminski / hou / ect @ ect cc : subject : gwen koepke vince , just wanted to touch base with you . i have tried to contact maureen so that gwen ' s title and salary can be adjusted to manager just as you requested , but have not heard any response from her . would you like for me to wait until i hear from maureen or should i go ahead and proceed in changing her title ? i just want to make sure that gwen is in the right peer group during prc . also , i am going to try and set up a meeting with you next week through shirley to discuss any buring issues that you are experiencing , and your expectations during prc . thanks , anne",0 +"Subject: phone number in france : mes amis , in case of emergencies , you can reach me after july 3 at 011 33 4 50 02 22 12 . france is 7 hours later than houston , i . e . 11 : 00 am in houston is cocktail hour ( 6 : 00 pm ) in france . affecteusement , grant .",0 +"Subject: elena chilkina hi",0 +"Subject: clean fuels - gpg business segment dwight and i are working to develop an updated valuation for the mtbe and methanol business segments . we would appreciate assistance from your group in assessing the market over the next 3 - 4 years . with the octane shortage this summer , and the strong gas and oil price environment , mtbe prices are well above budgeted levels . how will political / environmental issues affect mtbe prices over the next few years . methanol prices are also now very favorable , but it would seem that north american methanol producers will be disadvantaged if gas prices in na remain higher than the rest of the world . your thoughts on these and any other factors affecting prices would be most helpful . both dwight and i are available to meet with you or a member of your group as soon as convenient . thanks , sorry we missed you today . jng",0 +"Subject: fwd : billing question return - path : received : from rly - yao 3 . mx . aol . com ( rly - yao 3 . mail . aol . com [ 172 . 18 . 144 . 195 ] ) by air - yao 5 . mail . aol . com ( v 67 . 7 ) with esmtp ; mon , 10 jan 2000 07 : 03 : 24 - 0500 received : from abbott . office . aol . com ( abbott . office . aol . com [ 10 . 2 . 96 . 24 ] ) by rly - yao 3 . mx . aol . com ( 8 . 8 . 8 / 8 . 8 . 5 / aol - 4 . 0 . 0 ) with esmtp id haal 1942 for ; mon , 10 jan 2000 07 : 03 : 24 - 0500 ( est ) received : from sunphol . ops . aol . com ( sunphol . office . aol . com [ 10 . 5 . 4 . 200 ] ) by abbott . office . aol . com with smtp ( 8 . 8 . 6 ( phne _ 14041 ) / 8 . 7 . 1 ) id haal 1465 for ; mon , 10 jan 2000 07 : 03 : 22 - 0500 ( est ) received : from 0 by sunphol . ops . aol . com ( smi - 8 . 6 / smi - svr 4 ) id haa 28403 ; mon , 10 jan 2000 07 : 03 : 21 - 0500 message - id : from : to : date : 01 / 10 / 2000 20 : 04 : 28 reply - to : subject : re : billing question dear valued member ; thank you for taking time to write us . i apologize for the frustration you are experiencing with america online . i appreciate your patience and understanding regarding this matter . upon reviewing your account record there was a failed transaction on your account which was the amount of your subcription to aol annual plan , this bill was just been "" resubmitted "" on your next month billing date . so that we can answer your questions and concerns in a timely manner it is requested that along with your response , please include your correct last four numbers of your current payment method . you may of course contact our billing department directly at 1 - 800 - 827 - 6364 or 1 - 888 - 265 - 8003 toll free number between 6 : 00 am to 2 : 00 am est . seven days a week and they will be happy to assist you . i do apologized for any inconvenienced this matter has may caused you . we hope we have provided you with useful information about your inquiry . if you have any further questions , please feel free to write us back . take care and wishing you all the best and happiness in life . we greatly appreciate your aol membership and customer service is important to us . we hope that you were satisfied with the service you have received . marvin l . customer care consultant billing department america online , inc . - - - - - - - - - - original message - - - - - - - - - - from : vkaminski @ aol . com to : billingl @ abbott . office . aol . com field 1 = wincenty kaminski field 2 = 10 snowbird field 4 = the woodlands field 5 = texas field 6 = 77381 field 7 = 0057 field 8 = other ( please give details below ) field 9 = i have just sent you another message . i have inspected the bill summary for the last and current months , and it seems that my payment plan has been changed by you without my authorization . last year i was on a flat annual payment plan ( about $ 220 per year ) , paid in one installment . i did not agree to switch to any other plan , unless you asked me a question regarding the billing in a vague or deceptive way . i hope that you will look into this matter promptly and refund any excessive charges . w . kaminski field 10 = texas field 11 = other - see comments x - rep : 822 x - mailid : 583192 x - queue : 4 x - mailer : swiftmail v 3 . 50",0 +"Subject: invites for australian energy risk 2000 july 17 - 18 dear lucie , when i agreed to speak at the above conference , it was agreed that enron could bring another staff member to attend gratis . however , i noticed that enron is actually providing two speakers - dr vince kamainski and myself . it would be appreciated if we could instead of sending two staff members to the same seminar that enron sends one staff member to the aust energy seminar and one staff member to the risk 2000 - sydney seminar in august 22 - 23 . the length & pricing are similar for both the seminars . upon your reply , i will supply the names of the staff members , there is strong internal competition to go . thank you , raymond 715 pm 4 july "" lucie deathridge "" on 05 / 25 / 2000 09 : 30 : 25 am please respond to "" lucie deathridge "" to : cc : subject : australian energy risk 2000 thank you for agreeing to speak at the australian energy risk 2000 conference in sydney in july . last week i sent a speaker pack to you . i would be grateful if you would confirm receipt of this by return of email . in the event that you have not received it please let me know immediately and send me your full contact details . i am the co - ordinator of this conference and please do not hesitate to contact me if you have any queries . regards lucie deathridge conference co - ordinator risk publications ? tel : ( + 44 ) ( 0207 ) 484 9867",0 +"Subject: re : alp presentation fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 30 / 2001 02 : 05 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" dennis w . loughridge "" on 04 / 30 / 2001 10 : 49 : 10 am please respond to to : cc : subject : re : alp presentation vince i will be attending the alp presentation on may 7 and would be pleased to join the team for dinner if it is not too late . thank you dennis loughridge dennis w . loughridge director of energy consortium rice university 713 - 348 - 2812 - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : tuesday , april 10 , 2001 8 : 16 am to : loughrid @ rice . edu cc : luigical @ rice . edu subject : alp presentation sorry , trying again . i probably got a wrong e - mail address and the original message was returned . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 10 / 2001 08 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 10 / 2001 08 : 13 am to : barrett @ rice . edu , uecker @ rice . edu , cmiller @ rice . edu , lounghrid @ rice . edu , luigical @ rice . edu cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , kenneth parkhill / na / enron @ enron subject : alp presentation on behalf of enron corp . i would like to invite you to an alp project presentation by a group of students of jesse h . jones graduate school of management , rice university . the students will present the results of a research project regarding electronic trading platforms in the energy industry . the presentation will be held on may 7 , at 4 : 00 p . m . at enron , 1400 smith . we would also like to invite you to dinner , following the presentation . vince kaminski vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 ( 713 ) 410 5396 ( cell ) fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: various market data charges to the research group for february 2001 clifford : in reviewing our february eis billing summary for co # 0413 , cc # 107043 , i have several questions . telerate : ( february charges : $ 3 , 032 , 35 ) i polled the group and only one person has asked for telerate and he is not shown being charged for it . that is jason sokolov . he would like to have access to telerate . if you could let me know how to get that for him . the largest percent of the telerate charges appear to be for maureen raymond , who says that she does not use telerate . could she be accessing some data that she does not know is telerate ? please let me know . if there are individual accounts for telerate the only one we need is for jason sokolov , unless maureen ' s charges are for something that she does not know is telerate . tanya tamarchenko does not need telerate and she has the second largest percentage of the charges . anyway , the only telerate subscription we need is for jason sokolov . reuters : ( february charges : $ 405 . 96 ) no one in research uses reuters . i believe most of the charges are for hector campos who used it when he was on the trading desk . when he rotated into the research group he did not need it any longer , but is still being billed for it . please remove from the research cost center . the following individuals are no longer with enron or no longer with research and their accounts should be removed from the research cost center . clayton vernon no longer with the research group remove his lim / lim / excel and lim core charges from the research cost center brad amoine no longer with enron remove his lim / lim / excel and lim core charges from the research cost center shalesh ganjoo no longer with the research group remove his lim and lim core charges from the research cost center i hope this is not too confusing ! please advise . thanks ! shirley crenshaw",0 +"Subject: linear programming software purchase vince , i ' d like to purchase some copies of the xpress lp solver for the gas storage optimization model . we have previously discussed the purchase of cplex , but after trialing both systems , have found some worthwhile advantages with xpress . if others find planner / cplex best suited to their application , i see no problem is their use of a different system - both have strengths , and it is likely that i would use planner / cplex myself on some future project if we were to have both systems available . xpress is particularly suited to my application because it handles special ordered sets . this is a very efficient way of representing the storage ratchets as the integer search process is able to use the extra information provided by the set , rather than just using binary integer variables to represent the ratchets . planner is a c + + interface for cplex . it has some significant limitations , and does not permit access to all cplex features . dash optimization have made the following offer : all software purchases made by enron this year will be at 30 % off the list price - we do not need to make a single purchase of any specific quantity of licenses to obtain this discount . 90 days of full maintenance services will be provided with the purchase . the emosl utility will be provided at no cost . the xbsl system will be provided at no cost when it is released in a few weeks time . for the gas storage optimization model , i would like to purchase : one development license , hyper version , with modeller , primal / dual simplex , mip search , dlls , emosl and xbsl when available . list price $ 10 , 000 discounted price $ 7 , 000 two run time licenses for above , list price total $ 8 , 000 discounted price $ 5 , 600 total cost $ 12 , 600 i ' ve used the usually security request system to set the purchase process going , should you agree to this . tom .",0 +"Subject: re : power play book vince , i ' m really feeling like a blind mouse about this because i haven ' t ( nor has christie , mike and mark ) read mr . mehta ' s comments . i believe that we would be better equipped to discuss the course of action that should be taken , if any , after we are well versed with mr . mehta and his perspectives . although , i do suggest that if we do decide to proceed , we should approach it by addressing the issues mr . mehta discussed under a different premise , i . e . sponsor a speaking engagement where one of the speakers ' topics would be related to mr . mehta ' s topic - allowing us to strategically tell our side of the story without it appearing that this is a planned rebuttal . we should specifically invite those who attended mr . mehta ' s engagement , but not limit it to this group . let ' s all discuss this once our group has read mr . mehta ' comments . regard , cindy vince j kaminski @ ect 10 / 12 / 2000 04 : 37 pm to : cindy derecskey / corp / enron @ enron cc : mark palmer / corp / enron @ enron , christie patrick / hou / ect @ ect , michael b rosen / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : power play book cindy , i had rather in mind targeting the same audiences to which mr . mehta spoke , not a general press release . i agree that a general message to the world would attract attention . vince from : cindy derecskey @ enron on 10 / 12 / 2000 03 : 55 pm to : vince j kaminski / hou / ect @ ect cc : christie patrick / hou / ect @ ect , michael b rosen / hou / ect @ ect , mark palmer / corp / enron @ enron subject : re : power play book vince , you are a saint for lending me a copy of your book . i agree with you that we don ' t want increase there revenues even by a $ 1 . 00 , although my recommendation ( and mark palmer ' s as well ) is that we should pursue a rebuttal for the following reasons : as i mentioned i scoured the internet ( britannica . com , amazon . com , yahoo . com and dow jones ) and could not find one mention of the book , therefore mr . mehta ' s distribution must not be wide at all . consequently , his comments may not have reached a large audience . issuing a rebuttal , may in fact , draw more attention to the comments and issues then they are currently receiving . i believe we should proceed with caution , and respond accordingly ( with counter comments ) only when comments are solicited from us . so far , we have not received any telephone inquiries from media in relation to mr . mehta ' s enron bashing . may be we should ' leave the stones unturned ' . let me know what you think . also , please contact me when it is convenient for me to borrow the book from you . regards , cindy vince j kaminski @ ect 10 / 12 / 2000 03 : 38 pm to : cindy derecskey / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : power play book cindy , i got a copy of the book and another one is on the way from our officer in india . i can lend you the book and you can makes copies of the most important chapters . i don ' t think we should be buying too many copies and increasing the sales of the book . in general , i think that we should counter the presentations made by mr . mehta . the person in charge of our dhabol operation is a stanford graduate and maybe he could obtain an invitation to speak at the same forum and present the facts as they are . he should be here for the management conference . vince from : cindy derecskey @ enron on 10 / 11 / 2000 01 : 30 pm to : vince j kaminski / hou / ect @ ect cc : christie patrick / hou / ect @ ect , michael b rosen / hou / ect @ ect subject : power play book good afternoon vince , christie patrick mentioned to me the conference that your wife recently attended at stanford . at this coference abahy mehta discussed his / her recently published book ' power play ' - that certainly does not flatter enron . i have conducted a search on amazon . com , britannica . com and dow jones and i am coming up empty handed . would you be kind enough to briefly trouble your wife to provide any other information she may remember , so i can narrow my search . i greatly appreciate it . regards , cindy",0 +"Subject: christmas baskets here is the final list for christmas baskets for this year with the exception of stinson gibner and vasant shanbhogue . any comments or questions please call x 34710 . thanks kevin moore we still have plenty of time . . . . . . deadline date : december 12 , 2000",0 +"Subject: i ' m in hospital ! ! ! i ' ve had a burst appendix and pneumonia . call debbie for details on 936 - 321 - 8836 ( home ) or 936 - 499 - 4996 ( cell ) or me directly on 713 - 598 - 0732 ( but i share a room with someone , so we may disturb them . . . . steve - - - - - - - - - - - - - - - - - tel : 713 - 345 - 8980 cell : 713 - 598 - 0732",0 +"Subject: wti maket maker simulation model john , we finished the version 2 of the simulation model which deals with the open - close trading versus the continuous trading in the previous version . i added the cummulative p / l as an output . there are a few apparent trading strategies from this model : 1 ) higher bid / offer spread , more profit 2 ) more daily # of trades , more profit 3 ) smaller net open positions allowed , more profit 1 ) and 2 ) are obvious , but 3 ) is more interesting . it means that we are better off if we do not allowed net open positions at end of the day . in a trending market , this makes an intuitive sense , for example , in the case of bull market we are short as a market maker and we can avoid the loss at the higher openning price by keeping zero or small net short positions . i have attached the model with this mail , and i ' ll be happy to discuss the model in more details with you . zimin",0 +"Subject: good meeting mark : i enjoyed our meeting last tuseday very much and i look forward to calling you again in a week or so . i think your idea of having me present to several senior enron executives including koenig and , perhaps , jeff skilling is very good . i discussed this a bit with vince kaminski on thursday as well and he expressed a strong interest in attending the meeting as well . regards ,",0 +"Subject: request for two powerpoint presentations from risk 2000 conferenc e - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 26 / 2000 10 : 55 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" bryson , allen "" on 06 / 26 / 2000 09 : 17 : 07 am to : "" ' vkamins @ enron . com ' "" cc : subject : request for two powerpoint presentations from risk 2000 conferenc e vince , i would like to receive copies of both your energy risk and weather presentations from the risk 2000 conference in boston . thanks , allen bryson conoco",0 +"Subject: re : houston trip i extended the rental on the apartment until the 20 th of november . shirley vince j kaminski 10 / 30 / 2000 01 : 31 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : houston trip shirley , i hope it ' s ok with the apartment company . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 30 / 2000 01 : 38 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . - europe from : sharad agnihotri 10 / 30 / 2000 11 : 40 am to : paulo issler / hou / ect @ ect , zimin lu / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : houston trip hi all , i am hoping to come to houston from the 5 th to the 17 th of november . sorry about the short notice . looking forward to seeing you . sharad agnihotri",0 +"Subject: re : charm jim , charm looks more like a prototype that requires a lot of work to make it more a production tool . we have developed a similar model ( without some nice functionalities charm has ) in about two weeks , at request of rick jones who joined ees from hsb . rick worked on a similar model at his old company and wanted to have a similar tool for his projects with enron . i can tell you more about it when we meet ( hopefully ) later this week . i would tell willis that the model requires more work before enron can consider it as commercial product . vince james l bouillion 04 / 11 / 2001 06 : 52 am to : vince j kaminski / hou / ect @ ect cc : jonathan davis / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect subject : re : charm vince , what feedback should i give willis on their charm product ? - - - - - - - - - - - - - - - - - - - - - - forwarded by james l bouillion / hou / ect on 04 / 11 / 2001 06 : 50 am - - - - - - - - - - - - - - - - - - - - - - - - - - - james l bouillion 04 / 11 / 2001 06 : 50 am to : "" bertil olsson "" @ enron cc : subject : re : charm no word yet . i will follow up with the attendees . thanks for taking thje time to make the presentation . "" bertil olsson "" on 04 / 10 / 2001 04 : 07 : 11 pm to : james . l . bouillion @ enron . com cc : subject : re : charm jim , any feed - back on our meeting ? we certainly appreciated the opportunity and the fact that the meeting was very interactive . regards , bertil the information in this email and in any attachments is confidential and may be privileged . if you are not the intended recipient , please destroy this message , delete any copies held on your systems and notify the sender immediately . you should not retain , copy or use this email for any purpose , nor disclose all or any part of its content to any other person .",0 +"Subject: the main list should be : michael farmer - ceo merchanting ( michael . farmer @ mgmcc . co . uk ) thomas boettcher ( thomas . boettcher @ mgmcc . co . uk ) michael hutchinson - chairman mg ltd ( michael . hutchinson @ mgltd . co . uk ) tim jones - md mg ltd - head of trading ( tim . jones @ mgltd . co . uk ) russell plackett - head of options trading ( russell . plackett @ mgltd . co . uk ) christian schirmeister - director of marketing ( christian . schirmeister @ mgltd . co . uk ) alex heath - it development ( alex . heath @ mgltd . co . uk ) phil bacon - head of concentrates trading ( philip . bacon @ mgusa . com ) jo robertson - senior executive ( joe . robertson @ mgusa . com ) tom mckeever - chairman mg plc ( tom . mckeever @ mgplc . co . uk ) regards vince j kaminski 07 / 07 / 2000 22 : 04 to : lloyd fleming / lon / ect @ ect cc : maureen raymond / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : lloyd , yes , this would be very useful . i was told that we should not do any official business with mg until july 15 . i don ' t want to violate those rules of engagement and go beyond casual contacts . after the 15 th all the stops are off . vince from : lloyd fleming 07 / 07 / 2000 01 : 51 am to : vince j kaminski / hou / ect @ ect cc : subject : re : no problem - i do think this could wait until mg are more closely integrated in any case . a useful first step might be an email to relevant trading staff at mg outlining briefly what maureen does and how she can provide a service to them . would you like me to send her a list of potential people to email ? regards lloyd vince j kaminski 06 / 07 / 2000 23 : 39 to : lloyd fleming / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , maureen raymond / hou / ect @ ect subject : re : lloyd , i think that we can arrange a few video conference meetings instead . i don ' t see a justification for extending the stay over the weekend if we have an alternative solution . vince enron capital & trade resources corp . - europe from : lloyd fleming 07 / 06 / 2000 12 : 37 pm to : vince j kaminski / hou / ect @ ect cc : maureen raymond / hou / ect @ ect subject : vince i met maureen yesterday and had a useful discussion on her role within enron . i think it would be very helpful to promote the research group function of the company , particularly given maureen ' s background , if she could be introduced to some of the main traders down at mg . unfortunately she won ' t have time to meet with mg unless we can schedule some meetings on monday . would you be happy for her to extend her stay here till monday to allow the meetings to take place ? regards",0 +"Subject: off work all i will be taking the following days off work : thursday 9 th march ( all day ) friday 10 th march ( all day ) monday 13 th march ( all day ) tuesday 14 th march ( all day ) wednesay 15 th march ( morning only ) steve",0 +"Subject: continue enjoying iijournals - - renew today ! dear vince kaminski , we hope you are enjoying the benefits of receiving market - leading , rigorous and current research from industry experts through your subscription to derivatives quarterly . unfortunately , your subscription is about to expire ! by renewing now , your access to the web site and to your print copies will be uninterrupted . you can continue to get the exclusive research and practical advice for financial practitioners - written by the best minds in your business ! click here to renew today thank you .",0 +"Subject: more jcc the historical context . . . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin kindall / corp / enron on 12 / 20 / 2000 05 : 43 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin kindall 11 / 28 / 2000 09 : 29 am to : russell dyk / corp / enron @ enron cc : subject : jcc writeup - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin kindall / corp / enron on 11 / 28 / 2000 09 : 32 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin kindall 09 / 28 / 2000 04 : 44 pm to : james pyke / ap / enron @ enron cc : subject : jcc writeup here are the results that i sent to marc de la rouche . the answers to both questions below is "" yes . "" as mentioned earlier , i ' ll send the complete analysis along with explanations tomorrow . incidentally , here is a list of contacts regarding lng and jcc . its a bit dated , but may prove useful . clay harris lng houston ( 713 ) 853 - 1631 brad hitch lng houston ( 713 ) 345 - 5140 marc de la roche global fuels houston ( 713 ) 853 - 3949 victor santos global fuels singapore ( 65 ) 838 - 9041 li yin lim global fuels singapore ( 65 ) 838 - 9029 vv rao lng singapore ( 65 ) 838 - 9043 - kevin kindall - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin kindall / corp / enron on 09 / 28 / 2000 04 : 37 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : marc de la roche @ ect 06 / 06 / 2000 02 : 50 pm to : kevin kindall / corp / enron @ enron cc : grant masson / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : jcc that this email constitutes your groups ( vince kaminski ' s ) sign - off on using this hedge ratio to hedge jcc and jcc - based products ? thanks in advance , marc de la roche kevin kindall @ enron 06 / 06 / 2000 02 : 18 pm to : marc de la roche / hou / ect @ ect cc : grant masson / hou / ect @ ect subject : re : jcc & brent good afternoon . i have performed a review of the jcc data that you sent some time ago . the study was done using several different excel workbooks , and are available upon request . relevant charts are embedded in the powerpoint attachment . questions / comments welcome . - kevin kindall",0 +"Subject: re : enron alp vince , many thanks for the invitation . ? i ' m leaving for a conference in new orleans today and won ' t be in town . ? however , i ' d love to join you if dinner should happen again in the future . thanks again for all your support and interest in the alp program . ? i feel confident that this will be a great project . carrie at 10 : 03 am 1 / 24 / 01 - 0600 , you wrote : carrie , we have invited the team to dinner thursday , 7 : 00 p . m . would you loike to join us ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 24 / 2001 10 : 04 am - - - - - - - - - - - - - - - - - - - - - - - - - - - pamela vande krol castro on 01 / 22 / 2001 06 : 18 : 16 pm to : ? ? kenneth . parkhill @ enron . com , vkamins @ enron . com cc : subject : ? enron alp dear alp company representatives : thank you again for your participation in the alp company day at rice university . we are pleased to inform you that your project proposal has been chosen for the 2001 alp program . the following students will be working on your project : ? ? calabrese , luigi ? ? ? ? ? ? ? luigical @ rice . edu ? ? ghose , ivy ? ? ? ? ? ? ? ? ? ? ? ? ? ghosei @ rice . edu ? ? ghosh , ronnie ? ? ghoshr @ rice . edu ? ? iqbal , syed ? ? ? ? ? ? ? ? ? ? ? ? iqbal @ rice . edu ? ? sud , pravas ? ? ? ? ? ? ? ? ? ? ? ? pravas @ rice . edu ? ? womack , charles cwomack @ rice . edu the faculty liaisons for your project are : ? ? barrett , deborah ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? barrett @ rice . edu ? ? uecker , will ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? uecker @ rice . edu ? ? loughridge , dennis ? ? ? ? ? loughrid @ rice . edu a representative from the student team will contact you soon to set up meeting time . if you need to contact your team , i have included the students ' email addresses . they check their email on a regular basis , so this is a good way to communicate with them . please let me know if you have any questions regarding this information . again , thank you for your interest in the jones school . best wishes for great project ! carrie chamberlin miller director of mba program rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 5260 fax : ( 713 ) 348 - 5251 e - mail : cmiller @ rice . edu http : / / www . ruf . rice . edu / ~ jgs / pamela castro mba program associate rice university phone : 713 - 348 - 6223 fax : 713 - 348 - 5251 e - mail : castro @ rice . edu = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = carrie chamberlin miller director of mba program jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ? ( 713 ) 348 - 5260 fax : ? ( 713 ) 348 - 5251 e - mail : ? cmiller @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: the garp 2001 convention : invitation to speak invitation to speak garp 2001 the 2 nd annual risk management convention 13 th & 14 th february , 2001  ) marriott world trade center , new york dear kaminski further to my telephone conversation today with your secretary , shirley crenshaw , and on behalf of the global association of risk professionals , i have great pleasure in inviting you to speak at our 2 nd annual risk management convention  ) garp 2001 . this event has rapidly establishing itself as the risk management industry  , s most important meeting point . garp 2000 reflected the key concerns of risk management experts world - wide , with over 400 attendees in its first year . three simultaneous streams address traditional pricing and risk management techniques , along with specialised streams addressing new sectors , such as the corporate world and the insurance industry . with a speaker panel of over 55 senior and executive financial professionals from investment banks , regulatory bodies , asset management firms , academics , insurers / re - insurers , corporate and system providers this is the financial risk management event of the year . key areas that this convention will consider include market risk ( stress testing , liquidity , jump diffusion , evt ) , credit risk ( regulation , modeling , stress testing , credit portfolio management , credit derivatives ) , operational risk , ( regulation , data , modeling , validation , evt ) advanced asset & liability management , corporate / energy risk management and the insurance & capital markets . from my research and discussions with experts in this arena your name was highly recommended as a speaker for this event . below is the stream on corporate / energy risk management and i had in mind one of the sessions below for you . also , the topic titles are provisional and i am open to suggested alterations . corporate / energy risk management modelling corporate risk  ) risk management from a shareholder value perspective measuring energy risk  ) tackling price volatility , adapting var , scenario modelling and regulatory requirements forward pricing  ) construction of the forward curve , correlations , transparency issues the volatility challenge  ) modelling price volatility and examining the new products designed to stabilise volatility energy credit risk management garp is a not - for - profit , independent organisation of risk management practitioners and researchers from leading financial institutions world - wide . garp  , s mission is to facilitate the exchange of information , developing educational programs and promoting standards in the area of financial risk management . for more information please refer to our web site : www . garp . com i sincerely hope you will be able to accept this invitation and i look forward to hearing from you in due course . should you have any questions please do not hesitate to contact me , otherwise i will call you again on to discuss this further . best regards andreas ps i have also attached a copy of garps 2000 program for your attention . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ andreas simou garp 2001 - conference producer tel ? + 44 ( 0 ) 20 7626 9301 fax + 44 ( 0 ) 20 7626 9900 - draft programme . doc - g 2000 b & wlowr . pdf",0 +"Subject: eol wti trading simulation - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 12 / 22 / 2000 01 : 28 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner 12 / 22 / 2000 01 : 24 pm to : ted murphy / hou / ect @ ect cc : subject : eol wti trading simulation ted , maximum daily loss was $ 12 . 2 mm on a daily move of $ 1 . 74 when we would have started the day already near the position limit of 5 mm bbl . - - stinson",0 +"Subject: power spread option - curve access request kevin , i am helping doug for building a model to price power spread options he saw in the market . this includes power capacity , transmission , heating rate options , etc . i do not have the access to the power curves in m : \ power 2 \ region as i used to . i need your permission to regain the read - only access to the curves . thanks in advance . zimin lu research x 36388",0 +"Subject: cera conference call : mexican energy in transition - - update - cera conference call cera conference call : sent tue , november 07 , 2000 title : cera conference call : mexican energy in transition - - update author : latin america energy team e - mail category : conference call product line : latin american energy , url : http : / / www . cera . com / cfm / track / eprofile . cfm ? u = 5166 & m = 1414 , alternative url : latin america energy conference call and web presentation a cambridge energy research associates conference call & web presentation topic mexican energy in transition - update * cera ' s view on the fox administration * cabinet announcements * mexico ' s energy sector dynamics format at the time listed below , our speakers will address this topic for approximately 30 minutes , with accompanying graphics presented on the internet , followed by an open question and answer period . speakers sondra scott , cera director , latin american energy time 11 : 00 a . m . eastern , thursday , november 16 , 2000 eligibility clients eligible to participate in this conference call are those who subscribe to the latin america energy retainer advisory service . to enroll to enroll , please contact ms . nelly rivera via fax at ( 617 ) 576 - 8763 , or enroll via e - mail at nrivera @ cera . com before 4 : 00 p . m . , wednesday , november 15 , 2000 . audio netscape navigator 3 . 02 or higher ; or sun hot java ( tm ) * close all desktop applications and disable your screen saver technical assistance u . s . callers : if you are experiencing difficulties during the call , you may signal for technical assistance by pressing * 0 ( star , zero ) on your telephone keypad after you have connected to the audio portion of the conference . international callers : please re - dial and ask the operator for assistance before giving the confirmation code . a recording of this call ( audio only ) will be available until december 16 , 2000 . to access this recording , please call 1 - 888 - 203 - 1112 ( within the u . s . ) or ( 719 ) 457 - 0820 ( outside the u . s . ) . please use confirmation number 403120 to access the call . for more information , please contact nelly rivera via e - mail at nrivera @ cera . com or via telephone at ( 617 ) 441 - 2642 . * * end * * follow url for html version of this message only . account changes to edit your personal account information , including your e - mail address , etc . go to : http : / / eprofile . cera . com / cfm / edit / account . cfm this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www . cera . com / tos . html questions / comments : webmaster @ cera . com copyright 2000 . cambridge energy research associates",0 +"Subject: re : lost cell telephone thanks ! chris samaniego on 12 / 18 / 2000 03 : 06 : 09 pm to : "" ' shirley . crenshaw @ enron . com ' "" , enron cc : subject : re : lost cell telephone request completed . chris samaniego account associate houston cellular corporate accounts petrochemical vertical ( 713 ) 562 - 2995 cellular ( 713 ) 345 - 7183 enron direct ( 713 ) 646 - 2415 fax enron @ houstoncellular . com e - mail samaniec @ houstoncellular . com e - mail samaniec @ bellsouthips . com interactive pager > - - - - - original message - - - - - > from : shirley . crenshaw @ enron . com [ smtp : shirley . crenshaw @ enron . com ] > sent : monday , december 18 , 2000 2 : 19 pm > to : enron > subject : lost cell telephone > > hello : > > vince kaminski left his cell phone on the bus last friday . he has > contacted > the bus line , but the person in charge of the lost and found is not in the > office today . > > if there any way that we can put a hold on this telephone until he can see > whether it has been turned in or not ? > > the cell # is : 713 / 410 - 5396 and the account # is : 88563580 . > > please let me know as soon as possible . > > thanks ! > > shirley crenshaw > 3 - 5290 > ebl 961 > shirley . crenshaw @ enron . com > >",0 +"Subject: re : fw : a request from uc hicago student laura , we shall have phone interviews with both candidates you brought up to our attention . vince from : laura howenstine / enron @ enronxgate on 02 / 28 / 2001 04 : 05 pm to : vince j kaminski / hou / ect @ ect , ravi thuraisingham / enron communications @ enron communications cc : subject : fw : a request from uc hicago student hi vince and ravi , here is another student from univ . of chicago ' s financial mathematics program who is interested in enron . his resume is attached at the bottom . thanks . regards , laura - - - - - original message - - - - - from : "" laura howenstine "" @ enron e + 40 enron @ enron . com ] sent : tuesday , february 27 , 2001 11 : 16 am to : howenstine , laura subject : fwd : a request from uc hicago student > from : "" ramaswamy garimella "" > to : lhowenstine @ hotmail . com > cc : ramaswamy _ garimella @ hotmail . com > subject : a request from uc hicago student > date : tue , 27 feb 2001 01 : 08 : 00 - 0600 > > hello ms . laura howenstine , > > my name is ramaswamy , and i am student of the ms financial > mathematics program at the university of chicago ( uc ) . i found your > address in the uc alumni gateway . > > i am interested in the associate position at enron , and would like > to request you for any information that you can share with me in > this respect . please find my resume attached to this message . > briefly , i have an mba - finance from smu - dallas , and have > extensive experience in it . currently , i am learning risk > management / derivative pricing in the ms financial mathematics > program at uc . > > you are the first alumni that i sought for informational help . so , > please excuse me for any mistakes in protocol . please reply me at > your convenient time . thank you very much . > > sincerely , > ramaswamy garimella . > > > get your free download of msn explorer at http : / / explorer . msn . com - resume . doc",0 +"Subject: ljm vince / stinson : the following is an update on ljm deal : 1 ) i participated on a conference call with aa ( jitendra and others ) and our accounting / credit group ( wes , bill bradford and others ) yesturday , in which we discussed the best approach for definining credit reserves at year - end for the puts we own . 2 ) a big chunck of the meeting was dedicated to explain aa the details of the deal . little progress was made on achieving the meeting ' s goal . 3 ) apparently , accounting did want to expose the calculation we made for puts value that considers credit risk - the two factor model we developed . that line of action was implied on a pre - meeting we had early that morning . from my understanding , accounting argues that we should not make any credit reserve because we could not liquidate our position by year - end . 4 ) at a certain point jintendra suggested me to use a two factor mc - simulation for calculating the position with credit risk . the approach is actually a more simplified version of the model we have . i and nobody mentioned the results we got from our 2 - factor model . 5 ) at that same afternoon i knew from accounting that we are in a process of unwinding our position . these are the main points . please let me know if need more details . paulo issler",0 +"Subject: re : stanford project nick , thanks for your message . my family is in houston for the christmas holidays and this means i am not coming any time soon to stanford . i shall probably visit the campus for the parents weekend . let ' s plan to meet for dinner then . i am very glad that you have recruited the 2 nd phd student for the research project . we are discussing internally what would be the best topic ( s ) for the project and we should be ready to talk to you in the nearest future about it . it makes a lot of sense for you to visit enron to finalize the selection of the research topics . we shall be glad to take both eric and giuseppe as summer interns . everybody was immensely impressed with giuseppe and we shall welcome him with open arms . i shall get in touch with you in the beginning of january to finalize the arrangements for your trip and our meeting at stanford . vince nick bambos on 12 / 20 / 2000 12 : 14 : 40 pm to : vince . j . kaminski @ enron . com cc : stinson . gibner @ enron . com subject : stanford project hello vince and stinson , first of all , best wishes for happy holidays ! ! ! ! if you are in the stanford area during the holidays , let ' s get together some time to have dinner . i have formally established the project - thanks again for funding it - and i have also recruited the second phd student . his name is eric cope , and he is a top - notch student , very mature , and entrepreneurial ! we have started working on some interesting problems in this area . i would hope that eric could spend the coming summer at enron to get immersed into the "" problem / opportunity generation environment . "" that really helps the student to develop a realistic vision about their research . perhaps , our whole team could visit enron again some time in the next quarter , say in march or so , to discuss the research issues we are pursuing . and of course you could visit us before that too . with my warmest wishes , nick",0 +"Subject: hrgovcic , hrvoje please incease the bonus for hrgovcic in vince kaminski ' s research group for a total of $ 75 , 000 . the difference of $ 47 , 500 should be charged to jeff shankmans cost center . this request was prompted by jeff shankman and vince kaminski . norma villarreal ews generalist x 31545",0 +"Subject: re : your presentation vince , i ' m very happy you found the presentation useful . i ' m working very closely with adam kulick who you probably know . please let me know if you have any questions or if you have any difficulty opening the file . best regards , alla - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : monday , june 19 , 2000 1 : 43 pm to : gil , alla cc : vince j kaminski subject : your presentation alla , i enjoyed your presentation at risk 2000 last week . i would appreciate an electronic copy of the documentation . vince kaminski vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com - riskcongress . ppt",0 +"Subject: enron wholesale services legal department as a follow - up to the recent enron corp . memorandum forming enron wholesale services ( ews ) , effective today , we have reorganized the wholesale services legal department . the goals in reorganizing the department are as follows : ( i ) align the legal department as closely as possible with the business units , ( ii ) speed the flow of legal technology across the business units , and ( iii ) achieve greater efficiency and consistency across the organization . to this end , a legal policy group will be formed for ews legal , which will include lance schuler , enron americas ; mark evans , enron europe ; mark taylor , enron net works ; alan aronowitz , enron global markets ; julia murray , enron industrial markets ; and bruce lundstrom , enron global assets . the organization chart for the ews legal department is attached . more comprehensive organization charts will follow for each group . mark frevert and mark haedicke",0 +"Subject: vmi agreements hi richard , here is a marked up version from our lawyer . please have your people look at it and if it seems fine make the changes and send a signed copy back to me . ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 17 / 00 06 : 21 pm - - - - - mark holsworth @ enron 02 / 17 / 00 04 : 10 pm to : ravi thuraisingham / enron communications @ enron communications , gene diers / corp / enron @ enron cc : subject : vmi agreements please find attached my redlining of the vmi agreelment . please review it and send it to the vendor for their review .",0 +"Subject: venue details for energy derivatives and weather derivatives course and workshops the venue details for the courses are the following : ? city : ? houston hotel : ? hyatt regency houston address : ? located in the center of downtown houston 1200 louisiana houston , tx ? 77002 usa ? telephone : ? + 1 713 654 1234 fax : ? + 1 713 951 0934 ? we have ? been offered a room rate of us $ 199 a night . ? your company may be able to obtain a better quote , by contacting them directly . ? ? however , at reservations , they may not have the course name and information logged into their system yet because this is being handled directly by their catering manager . ? if you would like us to make your hotel reservations , we would need your arrival date and departure date . ? ? the ? itinerary for each day of the course is as follows : ? 9 : 00 ? ? ? start 10 : 30 ? coffee break 12 : 30 ? lunch 15 : 30 ? coffee break 17 : 30 ? approximate finish ? course format will consist of segments of lecture followed by computer based workshops ( two a day ) . ? if you need anything further , please contact us . ? sincerely , julie ?",0 +"Subject: position report for dual trigger product vince , i have enclosed a summary of our proposed approach on calculation of notional and the greeks for dual trigger option portfolio . please let us know your thoughts / comments . amitava",0 +"Subject: telephone interview with the enron research group good morning richard : your resume was forwarded to vince kaminski and the research group and they would like to conduct a telephone interview with you at your convenience . please give me some dates and times that you would be available and i will coordinate the schedule . also , the telephone number you wish to be contacted at . the telephone interview will be last approximately an hour and the interviewers would be : vince kaminski managing director , research stinson gibner vice president , research vasant shanbhogue vice president , research thanks richard and we look forward to hearing from you . regards , shirley crenshaw administrative coordinator enron research group 713 - 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: wharton collaborative research here is a short note on potential research with wharton . please review and edit and then we can send some indication to the wharton guys . - - - - - - - - - - the objective would be to define the amount of risk an enterprise can take , and the difference between this and the actual amount of risk the enterprise chooses to take based on the capital structure and reporting structure . in particular , one can view enron as a hierarchy of companies , and assuming we can separately quantify the risks of each unit , what framework would one use to analyze risk at enron ? a related question is how one should represent risks in the different units ? risks may be of different types - - - short - term volatility risk , catastrophic risk , liquidity risk , etc - - - what should one focus on for a first cut ? another related question is to decide on the optimal amount of insurance both at the unit level and the enterprise level , and relate the decision to get insurance to the cost / benefit of insurance .",0 +"Subject: re : interview schedule for iris mack oops ! i guess you were supposed to know that she is coming this friday , the 8 th of december . sorry ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 12 / 05 / 2000 08 : 41 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 12 / 05 / 2000 08 : 41 am to : shirley crenshaw / hou / ect @ ect cc : subject : re : interview schedule for iris mack shirley , what day is she coming ? vince shirley crenshaw 12 / 04 / 2000 01 : 36 pm to : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect , zimin lu / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect cc : subject : interview schedule for iris mack below is the interview schedule for iris mack . i will give your her resume on thursday . 8 : 30 am vince kaminski 9 : 00 am stinson gibner 9 : 30 am tanya tamarchenko 10 : 00 am zimin lu 10 : 30 am vasant shanbhogue 11 : 00 am molly magee thanks ! shirley",0 +"Subject: tiger team hi vince ! attached is part 1 for the "" tiger team "" application . nb : can shirley please fill in your fax number ? thanks ! - - christie .",0 +"Subject: organizational announcement in case you have not already heard through the extensive grapevine , i am indeed leaving the company to take a challenging position in product development for panamsat , the satellite communications company . i would like to thank all of you - many friends that i ' m leaving behind at enron . please stop by and visit when you ' re in the northeast ( i ' ll be working in greenwich ct ) , and my permanent email address is dinos @ oskar . uchicago . edu all the best , dinos",0 +"Subject: re : uk : reconciling the spreadsheet and risktrac var numbers hi , tanya : the factor loading results for the eff _ dt = ' 12 - dec - 2000 ' are available on the rms _ stage database . the parameters being used : effective _ date = ' 12 - dec - 2000 ' start _ date = ' 12 - sep - 2000 ' end _ date = ' 12 - dec - 2000 ' please check the result in the database with : factor _ def _ id = 1510 basis _ map _ id = 1562 corr _ def _ id = 1280 notice : this is only a testing result ! jin tanya tamarchenko 12 / 15 / 2000 05 : 20 pm to : debbie r brackett / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , rabi de / na / enron @ enron , jin yu / hou / ect @ ect , wenyao jia / hou / ect @ ect , ganapathy ramesh / hou / ect @ ect subject : re : uk : reconciling the spreadsheet and risktrac var numbers debbie , we asked dba to refresh stage this monday . it was refreshed on thursday . jin is running vatrfacs today ( friday ) to create correlations and factors . then , according to our plan , we will ask ramesh to run var on these inputs . we will send the inputs to you to run var in the spreadsheet and reconcile the results for uk . tanya .",0 +"Subject: re : enron credit model docs for the comparative model study - to be sent to professor duffie @ stanford hi ben , i think i have read all the papers that are to be used in the comparative model study to be sent to professor duffie at stanford . these documents are all listed below . please let me know if i have omitted any ( however , don ' t get the impression that i am begging for more papers to read ) . now i will try to transform my notes into a draft for professor duffie . thanks , iris list of papers for comparative model study 1 . actively managing corporate credit risk : new methodologies and instruments for non - financial firms by r . buy , v . kaminski , k . pinnamaneni & v . shanbhogue chapter in a risk book entitled credit derivatives : application for risk management , investment and portfolio optimisation 2 . neural network placement model by george albanis , enroncredit ( 12 / 22 / 00 ) 3 . pricing parent companies and their subsidiaries : model description and data requirements by ben parsons and tomas valnek , research group 4 . a survey of contingent - claims approaches to risky debt valuation by j . bohn www . kmv . com / products / privatefirm . html 5 . the kmv edf credit measure and probabilities of default by m . sellers , o . vasicek & a . levinson www . kmv . com / products / privatefirm . html 6 . riskcalc for private companies : moody ' s default model moody ' s investor service : global credit research 7 . discussion document : asset swap model by ben parsons , research group ( 4 / 20 / 01 ) 8 . asset swap calculator : detailed functional implementation specification ( version 1 . 0 ) by ben parsons , research group 9 . discussion document : live libor bootstrapping model by ben parsons , research group ( 4 / 20 / 01 ) 10 . the modelling behind the fair market curves : including country and industry offsets by nigel m . price , enron credit trading group 11 . pricing portfolios of default swaps : synthetic cbos - moody ' s versus the full monte ( carlo ) by nigel m . price , enron credit trading group 12 . placement model vl . 0 : discussion document by ben parsons , research group , 2000 13 . credit pricing methodology - enroncredit . com by ben parsons , research group 14 . correlation : critical measure for calculating profit and loss on synthetic credit portfolios by katherine siig , enron credit group 15 . discussion document : var model for enron credit by ben parsons , research group , ( 1 / 3 / 01 ) 16 . methodology to implement approximate var model for the credit trading portfolio by kirstee hewitt , research group",0 +"Subject: fas 133 working group meeting - energy issues 9 / 20 dear working group participant we are stating up the garp fas 133 working group meetings again . the next meeting is on wednesday september 20 from 6 : 30 - 8 : 30 central time in houston . phone - in will be provided . greetings from garp ! we are having the next meeting september 20 th at enron , from 6 : 30 pm until 8 : 30 pm . due to security we need everyone to rsvp , including the names of any guest they may be bringing . please rsvp to rita . hennessy @ enron . com . the meeting will cover sfas 133 and related risk management issues . sajjad rizvi and phillip merrill ( garp chairman relating to sfas 133 ) will be presenting . attendence is anticipated to include risk control / accounting / and quantitative analyst . below is the following agenda : "" fasl 33 and beyond ; an update on sfas 138 and eitf 98 - 10 "" overview of ? 4 major amendments to sfas 133 , that were made in 138 , accounting for certain derivative instruments and certain hedging activities impact of the expanded definition of normal purchase normal sales on the commodity transactions . update on all the recently finalized implementation issues from dig since the last garp meeting in may / june 2000 . discussion on ? eitf 98 - 10 issues on energy related contracts . ? ? ? eitf 00 - t - capacity ? contract subject to ? lease accounting treatment under sfas 13 . ? ? ? eitf 96 - 17 - power contracts - long term ? ? ? eitf 91 - 6 - ? power contracts - long term outline garp ' s role and methodology in dealing with the fasb regarding energy related issues overview of fasb and dig rule making process and how garp can make impact discussion to find common ground on issues relating to this new accounting rule outstanding issues in the energy industry , including capacity sales transactions , book - outs etc . prioritizing issues explore various positions and how to take next steps the issues presented by sfas 133 are very dynamic and the presenters have requested that if you would like a particular issue raised at this meeting , please direct your interests and questions to sajjad rizvi at lima @ flash . net , or call sajjad at 281 - 579 - 3410 again , i would like to extend a thank you to our presenters and i look forward to your attendence . regards , frank hayden director - garp houston chapter",0 +"Subject: don ' t forget - coffee colloquium this morning ( 4 - 25 - 01 ) last one of this academic year students , faculty , and staff , don ' t forget to participate in the coffee colloquium this morning ( 4 - 25 - 01 ) from 9 : 45 to 10 : 45 held outside room 124 . this will be the last coffee colloquium of this academic year . hope to see you there . the coffee colloquium is an informal gathering which will allow faculty , administration , and students an opportunity to talk , exchange ideas and get to know each other better . the jones school coffee colloquium will be a regular gathering every wednesday ( same time , same place ) unless there is another scheduled event ( dean ' s lecture , exam day , holiday ) . we usually have coffee , tea , juice , soft drinks , and some light snacks available to all who participate . kathy kathy m . spradling mba program coordinator jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 3313 fax : ( 713 ) 348 - 5251 email : spradlin @ rice . edu http : / / www . rice . edu / jgs e - mail : spradlin @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: re : approval is overdue : access request for stewart . range @ enron . com i will ask him which specific directories he needs to access . - - stinson vince j kaminski 11 / 22 / 2000 08 : 08 am to : stinson gibner / hou / ect @ ect cc : subject : approval is overdue : access request for stewart . range @ enron . com stinson , should we do it ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 22 / 2000 08 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - arsystem @ mailman . enron . com on 11 / 21 / 2000 07 : 04 : 54 pm to : vince . j . kaminski @ enron . com cc : subject : approval is overdue : access request for stewart . range @ enron . com this request has been pending approval for 2 days and you are the alternate . please click approval to review and act upon this request . request id : 000000000007876 approver : stinson . gibner @ enron . com request create date : 11 / 20 / 00 2 : 36 : 29 pm requested for : stewart . range @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: real options conference programs ( ucla , july 11 - 14 ) please find attached the programs for the two back - two - back conferences on real options at ucla ( you may also download them from www . realoptions . org and www . rogroup . com ) . the two conferences are separate but complementary events . the first conference , co - sponsored with accenture and morgan stanley dean witter , on july 11 - 12 , is a professional conference on real options valuation in the connected economy : high tech , pharma , energy , corporate valuation & strategic / portfolio management . for information and online registration see www . rogroup . com . the second is the 5 th annual international conference on real options : theory meets practice ( the annual industry event where academics and practitioners get together to share the latest developments on theory and applications ) , co - organized with the anderson school at ucla on july 13 - 14 . for information and online registration see www . realoptions . org between the two complementary events , we are pleased to present an extensive array of practitioner and cutting - edge academic presentations , sharing of experiences by corporate executives , and panel discussions by experts from leading organizations and universities . our keynote speaker this year will be eduardo s . schwartz of ucla . interested participants must register for the conference online www . realoptions . org ) and indicate hotel preferences by may 31 or asap . we look forward to seeing you at this exciting event , and would appreciate if you share this with interested colleagues . lenos trigeorgis - 5 2001 . doc - 5 2001 . doc",0 +"Subject: re : get together this coming tuesday ? dale , i can reserve 2 to 2 : 30 time slot but there is really not much that i can tell you at this point . the commercial groups are still interested and are moving towards the test of the package . as soon as they will decide to move ahead , we ( research ) shall be involved , helping to evaluate the product . as i have said , we are not the decision makers in this case . i think that we should allow simply the process to run its course . vince "" dale m . nesbitt "" on 04 / 30 / 2001 05 : 59 : 30 pm please respond to to : cc : subject : re : get together this coming tuesday ? vince : i will call tomorrow in the morning . lunch or right after lunch would be great . how would 100 pm work for you ? dale - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , april 30 , 2001 3 : 07 pm to : dale . nesbitt @ marketpointinc . com cc : kimberly . watson @ enron . com ; vince . j . kaminski @ enron . com subject : re : get together this coming tuesday ? dale , please , call me on tuesday . my morning schedule is full but i am open in the afternoon . vince "" dale m . nesbitt "" on 04 / 30 / 2001 01 : 51 : 21 am please respond to to : "" vincent kaminski "" , "" kimberly s . watson "" cc : subject : get together this coming tuesday ? vince / kim : i am flying to houston tonight and wondered if it would fit one or both of your schedules to get together this coming tuesday sometime for 1 / 2 hour or so . i really want to reinitiate the conversations marketpoint was having with john goodpasture and you , and he said either or both of you were the right people to continue after his responsibility shift . john was quite positive about the idea of enron acquiring marketpoint narg through license , and he implied that one or both of you would be carrying the ball in that direction after he handed it to you . would this coming tuesday morning at 930 am be a good time for you guys ? if so , please give me an email shout at the above address or leave a message on my voicemail at ( 650 ) 218 - 3069 . i think you will be truly impressed with the scope and progress we have been able to make with both the short run narg and the long run narg in which you were interested ( not to mention our power model ) . the progress is noticeable since you saw it . both long and short term narg are having quite an impact on a number of gas decisions at the moment ranging from venezuelan lng , north american lng import terminals and term , gas basis calculations , trading support , power plant development , gas - to - power price spreads in key markets , veracity of heat rate trades , bank financings , storage field evaluation , and which new pipelines we can expect to see enter and which are dogs . i really hope we can fit it in and get our discussions moving in a mutually productive direction again . i think narg can help you become even more successful , and i look forward to working with you . we have a new office address and new phone number as well . ( we move in may 1 . ) altos management partners 95 main street , suite 10 los altos , ca 94022 ( 650 ) 948 - 8830 voice ( 650 ) 948 - 8850 fax ( 650 ) 218 - 3069 cellular give the phones a week or so to get "" debugged "" and then switch over . dale",0 +"Subject: re : book cover habiba , thanks for this , but i haven ' t heard a peep out of them yet , and i ' m concerned since the book and cover are going to print in about a week . ? is it possible for me to contact them ? ? thanks , julie - - - - - original message - - - - - from : habiba . bayi @ enron . com to : julie @ lacima . co . uk sent : wednesday , september 27 , 2000 2 : 46 pm subject : re : book cover julie , i have forwarded your e : mails and information to london . ? they now have responsibility for this project and they would be making the necessary decisions . ? i have given them your contact information so that they can coordinate efforts with you . thank you . habiba "" julie "" on 09 / 27 / 2000 08 : 21 : 54 am to : ? ? cc : subject : ? book cover habiba , could you please let us know if we can use the book cover on our web ? page ? we would like to put this on our web site next week . please let us know . thanks , julie",0 +"Subject: re : mathworks molly , i met lou in the building lobby last wednesday and he suggested that he ( or his representatives ) join the mathworks presentation to my group ) . it ' s a good software package for mathematical modeling , but there is a limit to the number of different installations any group can productively use . i shall take a look at some new features they offer and decide whether it ' s worth the effort . vince kaminski lou casari @ enron communications 09 / 20 / 2000 02 : 10 pm sent by : molly carnes @ enron communications to : vince j kaminski / hou / ect @ ect cc : subject : mathworks do you know this person or this company ? they are want to set an appointment with ebs and i believe , are wanting to meet with you , also . any feedback ? thanks . molly carnes for lou casari enron broadband services 713 - 853 - 1467 , room eb 4486 a molly _ carnes @ enron . net - - - - - forwarded by molly carnes / enron communications on 09 / 20 / 00 02 : 09 pm - - - - - scottw @ mathworks . com 09 / 20 / 00 08 : 46 am to : lou casari / enron communications @ enron communications cc : subject : we ' ll be in houston hello mr . casari : myself and our energy trading financial team will be visiting with the r & d group at enron the week of 10 / 16 / 00 . they have several applications can be dramatically improved with our tools . we are very interested to understand the bandwidth trading market , to see if any additional challanges can be overcome with our tools . i would like to understand your challanges of modeling , simulating and deploying applications to control risk . are you available to discuss these items prior to our visit ? i look forward to hearing from you . thanks scott wakefield",0 +"Subject: hello guys vince and stinson , just got a copy of the attached paper and thought it may have some interest for you guys . on another note , i am putting together a workshop in the spring on the new economy and business education and will be seeking out some enron network people to join in the discussion ( 2 - hours on friday march 2 nd ) . i ' ll let you know more as we work through the details . the idea is to "" brainstorm "" about the new world you guys work in every day and its implications for what we should be doing . hope this is interesting to you and that you ' ll want to spend the day with us . take care and enjoy the weekend . john - risk . pdf john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : houston trip dear vince / christie , thanks for coming to philadelphia to present an overview of the projects . we enjoyed meeting you and your colleagues and look forward to working with enron . i would also like to pass on my team ' s appreciation for the dinner as well . we wanted to give you an update on our project and get some feedback and additional information prior to our upcoming visit to houston on january 19 th . our project is going to be geared to the 3 rd option you mentioned . we plan on addressing some part of the retail energy services business . we are considering two options regarding this topic and would like to pursue either ( i ) how customers are acquired and recommending new processes and ways to serve retail customers , or ( ii ) studying the supply chain and coming up with recommendations for areas for further investments . however , we would like to get some more information on the retail energy services before truly scoping the project . we are also very open to suggestions , especially if you had a much broader or different scope in mind ; so please let us know . we have not yet reviewed the introductory information received last week , but here are the questions we have specific to the retail energy services unit : can we look at its overall business plan or a more detailed summary than is in the annual report ? what is the pricing philosophy / overall structure ? who are the customers and how are they acquired ? what would the customers be doing if they did not work with enron ? what are the international expansion plans and capabilities ? is there any important regulatory summary information we can have ? if this information is not already covered in the review material you sent , will you be able recommend other sources where we may find such information ? after we have reviewed the material sent to us recently , we may want to schedule a phone call with you and / or one of your colleagues directly involved in the retail energy services business . i would like to call you in the new year to discuss this further . in the meantime , please feel free to call me at ( 215 ) 546 - 9416 if you need any information . regards , retail energy services tiger team ram dennis jason omar steve clay",0 +"Subject: research prc please make sure that vince has the new location on his calendar - i think shirley is out of the office - - - - - - - - - - - - - - - - - - - - - - forwarded by norma villarreal / hou / ect on 12 / 07 / 2000 04 : 07 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - ramona perkins @ enron 12 / 06 / 2000 05 : 38 pm to : shirley crenshaw / hou / ect @ ect cc : norma villarreal / hou / ect @ ect , susan wimberley / hou / ect @ ect subject : research prc the prc meeting for research has been moved to eb 42 cl . please make the necessary changes to vince ' s calendar . thanks .",0 +"Subject: position shirley , i would like to invite him to an interview next week . we should use his home phone number and / or private e - mail address . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 18 / 2000 12 : 33 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" jaesoo lew "" on 10 / 17 / 2000 09 : 59 : 01 pm to : vkamins @ enron . com cc : subject : position dear dr . kaminski my name is jaesoo lew and i am referred by dr . wayne lee . currently i ' ve been working at aquila energy in kansas city as an pricing analyst since july 2000 . since then , i have developed a natural gas storage valuation model applying the swing options ( forest method ) pricing approach . the price processes would be considered critical for the storage valuation since a trinomial forest is required to value storage . also the c + + programming using excel dll has been developed , too . i attached my resume to this message for your consideration and am looking forward to talking about an opportunity at enron . my home phone number is 913 - 649 - 0578 , dr . kaminski , i will wait your call in this week as dr . lee informed me . if possible , please let me know your expected calling day through the mail . i appreciate your consideration . thank you very much . sincerely , jaesoo lew get your private , free e - mail from msn hotmail at http : / / www . hotmail . com . share information about yourself , create your own public profile at http : / / profiles . msn . com . - vitae 2 . doc",0 +"Subject: re : hello from vince kaminski at enron shmuel , thanks for the message . i am working with our recruiter , ashley baxter , to finalize the date of the trip . i shall shoot for october the 23 rd if this date works for the rest of our team . vince "" shmuel oren "" on 08 / 23 / 2000 11 : 46 : 19 am to : vince j kaminski / hou / ect @ ect cc : subject : re : hello from vince kaminski at enron dear vince . i sent you a reply earlier this month but i haven ' t heard from you about the date of your visit . our department has a seminar every monday . if you can schedule your visit on a monday i would like to invite you to give a seminar which will be attended by many of our graduate students and faculty and will give you an opportunity to tell them about your program . with sufficient lead - time i can advertise the seminar in the hass school to their financial engineering students . shmuel . shmuel s . oren , professor dept . of industrial engineering and operations research 4117 etcheverry hall university of california berkeley , ca 94720 - 1777 e - mail : oren @ ieor . berkeley . edu phone : ( 510 ) 642 - 1836 or 5484 fax : ( 510 ) 642 - 1403 - - - - - original message - - - - - from : to : ; ; sent : tuesday , august 08 , 2000 10 : 59 am subject : hello from vince kaminski at enron > shmuel , > > i hope you remember me . i visited you together with aram sogomonian , a > good friend of mine , a few years ago . i am currently responsible , among > other things , for recruiting graduates with finance and / or technical > backgrounds at the university of berkeley . i would be glad to give you a > call and talk more about the details of our program . my colleague , > ashleybaxter , from the analyst / associate program at enron would join me > as well . > > i am sending you a copy of the brochure about the analyst / associate > program . > > vince kaminski > > > vincent kaminski > managing director - research > enron corp . > 1400 smith street > room ebl 962 > houston , tx 77002 - 7361 > > phone : ( 713 ) 853 3848 > fax : ( 713 ) 646 2503 > e - mail : vkamins @ enron . com >",0 +"Subject: var methodology change gentlemen , below is a plan of action for moving along with the var methodology change related to forward - forward volatility : 1 . finalize the methodology proposed ( research / market risk ) - determine the time period used to calculated forward - forward vols vs . correlations ( 20 days vs . 60 days ) - stabilize the calculation for curves and time periods where the curve does not change based on historical prices , implying volatility of 0 % 2 . get approval for the methodology change from rick buy ( see draft of the memo attached ) - john lavorato and john sherriff 3 . develop and implement the new methodology in a stage environment ( research / it ) 4 . test the new methodology ( market risk , traders ) 5 . migrate into production ( research / it ) please let me know if this is reasonable and meets everyone ' s expectations . vlady .",0 +"Subject: re : edith terry vince : thank you very much . i hope i get a chance to meet you sometime , cheers , edith terry enron / dc vince j kaminski @ ect 04 / 14 / 2000 01 : 46 pm to : scott tholan / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect ( bcc : edith terry / enron _ development ) subject : edith terry scott , i spoke briefly with edith terry from our dc office . there is not a good fit for my group but she could be a great asset for you . i have her resume in case you are hiring and would like to take a look at her . vince",0 +"Subject: re : invitation to speak at infocast ' s managing summer price volat ilit y conference in houston thank you very much , mr . kaminsky ! britta bothe - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : tuesday , october 17 , 2000 1 : 58 pm to : brittab @ infocastinc . com cc : vince . j . kaminski @ enron . com subject : re : invitation to speak at infocast ' s managing summer price volatilit y conference in houston dear ms . bothe , i have forwarded my message to one of my associates who specializes in weather derivatives . vince kaminski britta bothe on 10 / 17 / 2000 12 : 38 : 33 pm to : vkamins @ enron . com cc : subject : invitation to speak at infocast ' s managing summer price volatilit y conference in houston dear ms . kaminsky : as i just mentioned on your voicemail , infocast is going to host a managing summer price volatility course , january 30 - february 1 , 2001 in houston . the course will focus on the various tools at hand to manage summer price and load volatility . our target audience for this event will primarily be risk managers and managers in bulk power sales & purchase ( our secondary target audience is energy traders ) . attached you will find a draft program agenda for your review . please let me know if you or someone else at enron is interested in presenting at this event . in particular , we are looking for someone to talk about weather derivatives . i appreciate you taking the time to review the conference schedule and i hope that i will have an opportunity to talk to you . unfortunately , i am running behind schedule in finalizing this program . i will call tomorrow to see what your feedback is . if you have any questions or suggestions , please do not hesitate to contact me at ( 818 ) 888 - 4445 ext . 30 . sincerely , britta bothe infocast conference manager ( 818 ) 888 - 4445 ext . 30 > ( see attached file : agenda 5 . doc )",0 +"Subject: re : agenda for houston visit mike , sounds good . christian mike a roberts @ ect 21 / 12 / 2000 09 : 26 am to : christian werner / enron _ development @ enron _ development cc : vince j kaminski / hou / ect @ ect , paul quilkey / enron _ development @ enron _ development , mark tawney / hou / ect @ ect subject : re : agenda for houston visit christian , just finished meeting with pual , vince & mark new plan : let ' s plan on your coming to houston march 12 th - april 2 nd ( after our summer / winters respectively but . . let ' s proceed with the project without pause : 1 . please send up the software that needs to be installed along with operating system requirements 2 . please copy me on forecasting provided to sydney office on a daily basis if we work on these two fronts , it will optimize your time here and permit transotion to cover your forecasting there thanks - - - mike",0 +"Subject: ppa auction the government of alberta power purchase arrangement auction of the regulated generation plants and units commenced wednesday , august 2 nd , and will continue through a number of rounds over a number of days and possibly weeks . enron canada power corp . ( ecpc ) , a wholly - owned subsidiary of enron canada corp . , is an invited bidder participating in the auction . for strategic corporate purposes and as a result of restrictions imposed under the auction participation agreement and the auction rules ( compliance with which is secured by a us $ 27 mm bid deposit ) , any information , details or speculation regarding ecpc ' s involvement in the auction , including whether ecpc is participating or continuing to participate in the auction or has withdrawn from the auction at any time , the plants or units ecpc is or is not bidding on , the amounts ecpc is bidding or is approved for bidding , and any other information whatsoever about the auction process is to be kept strictly confidential . in particular , the auction has been followed closely by the media and may be of interest to shareholders , investors and other constituents , and such communications are prohibited until after the auction has been completed and the winning bidders have been announced by the government of alberta . if you have any questions or concerns , please contact peter keohane , enron canada corp . , at 403 - 974 - 6923 or peter . keohane @ enron . com .",0 +"Subject: re : matthew williams let ' s agree the switch happens november lst and we will change sap to reflect specialist status and matthew will be send a letter . matt , can you just send me a note confirming you are ok with this and cc . karen tamlyn who will make the change . regards sk dale surbey 11 / 10 / 2000 18 : 21 to : steven leppard / lon / ect @ ect cc : melanie doyle / lon / ect @ ect , sophie kingsley / lon / ect @ ect , tani nath / lon / ect @ ect , matthew d williams / lon / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : matthew williams i agree - sounds like a good idea . - dale steven leppard 11 / 10 / 2000 18 : 05 to : melanie doyle / lon / ect @ ect , sophie kingsley / lon / ect @ ect cc : tani nath / lon / ect @ ect , dale surbey / lon / ect @ ect , matthew d williams / lon / ect @ ect , vince j kaminski / hou / ect @ ect subject : matthew williams all following discussions between matt , vince kaminski , and me , matt has decided he ' d like to make a longer - term commitment to research . with this in mind we ' d like to request that matt is switched from a & a to the specialist track . vince and i feel this is clearly in the best interests of enron given matt ' s proven strengths in quant analysis . how do we proceed ? all the best , steve",0 +"Subject: april futures contract vince and vasant : for the record , the april hh future closed last monday at $ 2 . 72 , and is now trading at $ 2 . 97 , a 9 % rise in less than one week . for the record , enron ' s technical "" experts "" strongly advised selling this contract last week , predicting a "" collapse . "" clayton",0 +"Subject: re : summer internship shirley , cantekin will be joining us again this summer as a summer intern . he will be starting around the end of may . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 17 / 2000 12 : 21 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" cantekin dincerler "" on 04 / 14 / 2000 03 : 52 : 04 pm please respond to to : "" ' stinson gibner ' "" cc : subject : re : summer internship stinson , i have received the offer , thank you . i am looking forward to being there again and getting involved in some interesting projects . i bet it will be fun . as to when i can start , i think i can start around the end of may . i can give you a more precise date after i figure out the schedule regarding my assistanship obligations . ps : could you give some idea about the kind of projects that we ' ll be working on ? i might do some advance reading if you could point out some references . best regards , cantekin > cantekin , > > you should be getting an offer of a summer internship within > the next few days . > if you don ' t , please let me know . > > i think you will be working with me on a combination of enron > broadband services > and enron north america projects and am looking forward to > having your help . > some of the projects should be a lot of fun . > > > when are available to start so i can plan ahead for you ? > > best regards , > > stinson > >",0 +"Subject: interview for japan office darren , tanya and i had a telephone interview for yumi . i do not know what kind of position you would offer her . if you intended to let her do the work on quantitative modeling , her knowledge in math seems very sallow . she is working on a math degree on stochastic process , but she can not explain what ito ' lemma is . we also asked questions about volatility of a basket , value at risk , etc . she did not have a clear answer . if you intended to let her to be a junior trader , she might be ok . it seems she has some experience of financial market , but i think you are much more qualified to probe her than i do in this aspect . keep in touch , best regards zimin from : darren delage @ enron on 01 / 12 / 2001 11 : 59 am ze 9 to : "" mm 21 yumi "" cc : zimin lu / hou / ect @ ect subject : re : next tuesday good afternoon imokawa - san , we would like to invite you to have a brief dialogue with some members of our research team . they would like to ask you to briefly expound on your mathematical studies . if you could please contact them next wednesday at 7 : 50 am ( it should be 4 : 50 pm houston time , tuesday ) . the conversation should take no more than 20 minutes of your time , and will enable us to get a more enhanced understanding of your quantitative abilities . zimin lu , director of research , can be reached at 713 - 853 - 6388 to dial from japan , 0061 - 1 - 713 - 853 - 6388 if you could please send zimin a copy of your resume before the interview , that would be much appreciated . you can call the above number to obtain the appropriate fax number . i will be in touch with you shortly thereafter . sincerely , darren "" mm 21 yumi "" 01 / 11 / 2001 08 : 35 pm to : cc : subject : thank you darren , thank you for cordinating everything . i understand it takes time , this is only the first week of the year in japan , and i do not like to push you much . normally , i have long meetings every thursday . for other dates , i make best effort to fit the schedule for your convenience , including early morning or late evening . i am looking forward to seeing you sometime soon . sincerely , yumi imokawa",0 +"Subject: eol stuff vince - i spoke with tom , and i completely agree and would like to hand all this eol stuff over to you . we need a sun server to take over the task . as it happens martin lin has one in his office he ' s not using and up to the task . his box could serve sas to enron , as well as handle listening in on the eol feedds and maintaining its database . martin ' s box technically belongs to ebs , but i think they are downsizing and wouldn ' t mind giving it up . in this way , you would have complete physical and administrative custody over the data and any work you do with it . i needn ' t be involved , and you can know your work is completely confidential . i ' ll make sas and the eol software available , as well as the necessary ram the server , at no charge . you just need to summon up some sysadmin resources to finish the job . there is a fine unix guy named ben thompson who will support you , i ' m sure . task : 1 ) upgrade ram on martin ' s server 2 ) install newest solaris os on server 3 ) install tibco and gnu software on server 4 ) install sas on server clayton",0 +"Subject: interview schedule for punit rawal hi molly : punit rawal is a carnegie mellon student that kevin kindall and bob lee interviewed back in december . we would like to bring him in for an interview . he is definately a "" trading support "" prospect . i forwarded his resume to john lavorato back in december and inquired as to whether he would be interested in interviewing him or not , but have had no response , except that he has not had a chance to look at his resume yet . vince originally said that either john or gary hickerson might be interested . i did not send his resume to gary , maybe you can check with him ? i am attaching the interview request form and his resume . thanks ! shirley - punit + rawal + newresume . doc",0 +"Subject: request submitted : access request for john . f . anderson @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000005409 approver : stinson . gibner @ enron . com request create date : 10 / 23 / 00 8 : 47 : 14 am requested for : john . f . anderson @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: the ferc staff report on western markets and the causes of the summer 2000 price abormalities , entit the ferc staff report on western markets and the causes of the summer 2000 price abormalities , entitled , part i of staff report on u . s . bulk power markets , is available at the following website : http : / / www . ferc . fed . us / electric / bulkpower . htm . if you have any questions or comments , please call jack cashin at 202 / 508 - 5499 .",0 +"Subject: enron credit modeling discussions hi , this email is in reference to our plan for detailed discussions about enron credit ' s modeling strategy . several meetings have already been scheduled . please refer to the attached excel spreadsheet for further details . also , if you like , we can have more informal discussions over lunch , dinner , drinks , etc . thanks in advance for your time . regards , iris",0 +"Subject: resending paper - - - - - - - - - - - - - - - - - - - - - - forwarded by jason sokolov / hou / ect on 04 / 30 / 2001 05 : 04 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" lynn nazareth "" on 04 / 27 / 2001 12 : 46 : 37 pm to : jason . sokolov @ enron . com cc : subject : resending paper jason : here is our team ' s assignment . please confirm receipt . i am also sending you the file via my outlook address in case this doesn ' t work . this is our team : helen demianenko javier lamas lynn nazareth shauywn smith carlos wheelock sarah wooddy thanks , jason ! see you at enron this fall ! lynn get your free download of msn explorer at http : / / explorer . msn . com - mg _ analysis _ final . doc",0 +"Subject: re : lawyer i will sign an agreement not to use the materials - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : thursday , march 08 , 2001 11 : 13 am to : macmilli @ wharton . upenn . edu cc : vince . j . kaminski @ enron . com subject : re : lawyer ian , sorry for a delay in getting back to you . i have one challenge i did not anticipate when i talked to you the first time about our real options internal seminar . the materials were prepared in collaboration with a professor from another school , and there is some sensitivity regarding the intellectual property rights and the ability to distribute the materials outside enron . please , give me some time to find out if i can work around this issue . vince "" macmillan , ian "" on 03 / 07 / 2001 06 : 46 : 28 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : lawyer i still have not heard from your lawyer . i would like to see whar materials you are using and assess how we could work on the topic of real options with enron",0 +"Subject: 4 : 00 pm budget meeting dave will continue to have the friday afternoon "" budget meetings "" with one change : effective april 21 , 2000 the time will change from 4 : 00 pm to 3 : 00 pm . date : fridays this friday , aril 14 , 2000 remains at 4 : 00 pm time : 3 : 00 pm - 4 : 00 pm location : 3321 topic : budget meeting if you have any questions / conflicts , please feel free to call me or bev ( 5 - 7857 ) . thanks , kay 3 - 0643",0 +"Subject: re : power play book vince , you are a saint for lending me a copy of your book . i agree with you that we don ' t want increase there revenues even by a $ 1 . 00 , although my recommendation ( and mark palmer ' s as well ) is that we should pursue a rebuttal for the following reasons : as i mentioned i scoured the internet ( britannica . com , amazon . com , yahoo . com and dow jones ) and could not find one mention of the book , therefore mr . mehta ' s distribution must not be wide at all . consequently , his comments may not have reached a large audience . issuing a rebuttal , may in fact , draw more attention to the comments and issues then they are currently receiving . i believe we should proceed with caution , and respond accordingly ( with counter comments ) only when comments are solicited from us . so far , we have not received any telephone inquiries from media in relation to mr . mehta ' s enron bashing . may be we should ' leave the stones unturned ' . let me know what you think . also , please contact me when it is convenient for me to borrow the book from you . regards , cindy vince j kaminski @ ect 10 / 12 / 2000 03 : 38 pm to : cindy derecskey / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : power play book cindy , i got a copy of the book and another one is on the way from our officer in india . i can lend you the book and you can makes copies of the most important chapters . i don ' t think we should be buying too many copies and increasing the sales of the book . in general , i think that we should counter the presentations made by mr . mehta . the person in charge of our dhabol operation is a stanford graduate and maybe he could obtain an invitation to speak at the same forum and present the facts as they are . he should be here for the management conference . vince from : cindy derecskey @ enron on 10 / 11 / 2000 01 : 30 pm to : vince j kaminski / hou / ect @ ect cc : christie patrick / hou / ect @ ect , michael b rosen / hou / ect @ ect subject : power play book good afternoon vince , christie patrick mentioned to me the conference that your wife recently attended at stanford . at this coference abahy mehta discussed his / her recently published book ' power play ' - that certainly does not flatter enron . i have conducted a search on amazon . com , britannica . com and dow jones and i am coming up empty handed . would you be kind enough to briefly trouble your wife to provide any other information she may remember , so i can narrow my search . i greatly appreciate it . regards , cindy",0 +"Subject: re : ( no subject ) jana , sounds perfect . look forward to meeting you on saturday . any suggestions regarding the movie ? vince jlpnymex @ aol . com on 04 / 07 / 2000 08 : 28 : 53 am to : vince . j . kaminski @ enron . com cc : subject : re : ( no subject ) vince you missed a really fun party last night . the turnout was even better than we had hoped - - about 250 people . how about saturday , april 15 for a 5 : 00 pm ( or so ) movie and then dinner ? have a good weekend , and i hope to see you tuesday evening at the hea / nymex crawfish boil ! jana",0 +"Subject: re : bei enron anjam , can you , please , invite gordian kemen to an interview in london ? stinson , zimin , vasant and krishna can interview him from houston ( video conference ) . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 04 / 2000 10 : 13 am - - - - - - - - - - - - - - - - - - - - - - - - - - - jens gobel @ enron 03 / 16 / 2000 05 : 36 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : bei enron gordian kemen on 03 / 15 / 2000 09 : 13 : 47 am to : jens . gobel @ enron . com cc : subject : career opportunities @ enron hi vince , following up to our chat on the phone . gordian kemen will be arriving in austin on the 16 th . he will be staying in austin for 2 weeks . he would very much appreciate to have the opportunity to have a talk with you to find out if there is a place for him at enron . you can reach him under ( 512 ) 301 - 9819 ( his parents in law ' s phone number ) . thanks a lot for you help and attention , jens - gordianresume . pdf",0 +"Subject: re : risk 2000 - boston oliver , i apologize for the delay . i was traveling over the last few weeks . please , feel free to edit my bullet points . i shall be back in the office on friday afternoon . in the meantime you can reach me on my cell phone : 713 410 5396 my name : vince kaminski ( not kaminsky ) managing director enron corp . the challenge of valuation of energy related derivatives - modeling the dynamics of energy prices - incomplete markets - complexity of the energy related contracts - embedded options - multiple layers if optionality vince kaminski "" oliver bennett "" on 01 / 24 / 2000 08 : 12 : 16 am please respond to "" oliver bennett "" to : vince j kaminski / hou / ect @ ect cc : subject : risk 2000 - boston dear vince , i apologise for sending another email . i was wondering if you could confirm your talk title ( plus some bullet points ) for your presentation at our annual us congress . i have attached a condensed programme for the event - you are speaking on stream three , part of the new research in derivatives modelling and analysis section . unfortunately we are printing the brochure at the end of the week and will need these details by thursday 27 january . best regards , oliver direct : + 44 171 484 9880 risk publications , 28 - 29 haymarket , london swly 4 rx fax : + 44 171 484 9800 email : conf - ny @ msn . com www . riskpublications . com - attl . htm - condensed . doc",0 +"Subject: organisational announcement we are pleased to announce that we have appointed michael brown as chief operating officer of enron europe . michael joined enron  , s london legal department in 1995 and has played a key role in the success of many of our large commercial ventures since then . in july 1999 , he was made enron europe  , s general counsel . replacing michael in the general counsel role will be mark evans who joined our legal department in 1995 . please join us in congratulating michael and mark in their new roles .",0 +"Subject: from the enron india newsdesk - april 23 rd newsclips vince , from the sound of the articles , it appears ene is ready to exit india , or alternately to get into an arbitration battle . i have scheduled some time with you at 10 . 30 to discuss . regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 04 / 23 / 2001 07 : 59 am - - - - - - - - - - - - - - - - - - - - - - - - - - - nikita varma 04 / 23 / 2001 07 : 20 am to : nikita varma / enron _ development @ enron _ development cc : ( bcc : sandeep kohli / enron _ development ) subject : from the enron india newsdesk - april 23 rd newsclips april 23 , 2001 , http : / / www . financialexpress . com / fe 20010423 / fed 3 . html godbole ' s report unearths absurd calculations , maharashtra could use this to wriggle out of the dabhol project sucheta dalal april 23 , 2001 , http : / / www . financialexpress . com / fe 20010423 / newsl . html dpc board set to authorise president , enron md to issue notice of termination , sanjay jog scrapping of power purchase agreement monday , april 23 , 2001 , http : / / www . business - standard . com / today / corp 8 . asp ? menu = 2 dpc seeks ok to exit power project , tamal bandyopadhyay & s ravindran april 23 , 2001 , http : / / www . cybernoon . com / index . html enron winding up operations in india ? state for consolidating all dpc arbitration notices , sanjay jog monday , april 23 , 2001 , http : / / www . financialexpress . com / fe 20010423 / news 3 . html monday , april 23 , 2001 , http : / / www . economictimes . com / today / 23 econo 4 . htm maharashtra to set up experts panel on enron the article also appeared in the following newspaper business standard april 23 , 2001 , http : / / www . business - standard . com / today / state 3 . asp ? menu = 32 maharashtra to set up expert panel on enron april 23 , 2001 , http : / / www . economictimes . com / today / 23 econo 7 . htm ' enron is a national problem ' april 23 , 2001 , http : / / www . cybernoon . com / index . html cm takes enron to delhi today monday , april 23 , 2001 , http : / / www . outlookindia . com / full . asp ? fname = enron + % 28 f % 29 & fodname = 20010430 & sid = 1 the real story of dabhol if a judicial probe , suggested by the committee , is ordered into the enron deal , it could embarrass three governments ranjit bhushan monday , april 23 , 2001 , http : / / www . business - standard . com / today / state 2 . asp ? menu = 32 mseb revenue collections up at rs 968 crore in march , renni abraham the financial express , april 23 , 2001 godbole ' s report unearths absurd calculations , maharashtra could use this to wriggle out of the dabhol project , sucheta dalal it is finally quit india time for enron . though the controversial multinational has denied plans to sell its stake in dabhol power company ( dpc ) , informed sources say that it has sent feelers to china light it deliberately uses expensive raw material ( ignoring world bank warnings ) , has worked on fanciful demand - supply estimates and several legal requirements and permissions . in fact , the committee has found that the mseb has been paying enron rs 930 crore more than it should every year . this comprises overcharging of rs 253 crore on account of the large regassification plant of which only 42 per cent of the capacity is used for dpc . there ' s also a rs 100 crore extra billing to the mseb for shipping and harbour charges although the cost of these facilities had been included in the capital recovery charge . by charging more than twice the operations & maintenance rate stipulated by the government of india , enron collects approximately rs 246 crore extra every year . it has also been collecting rs 332 crore every year through inflated fuel consumption claims . enron has been charging at 1878 kcal / kwh under the power purchase agreement ( ppa ) although the equipment manufacturer has guaranteed it a much lower consumption rate . this gives it a fat fuel arbitrage opportunity at the cost of the people of maharashtra . the committee has also pointed to the strange practice of using four different exchange rates for different aspects of the project negotiation : a rate of rs 32 per dollar was assumed for calculating debt service of rupee loans , rs 34 . 5 per dollar as reference rate for phase - i , rs 39 . 35 per dollar as reference rate for phase - ii and a curious rs 42 per dollar for calculating government of india tariff . forcing a reduction of these excessive charges has nothing to do with contract cancellation . all it needs is tough negotiation and public pressure on the political establishment . the godbole committee has established that dpc ' s tariffs can easily be halved if excess payments are eliminated and unfair conditions such as the dollarisation of payments , the take - or - pay clause and escrow facility ( which is in fact hampering mseb ' s reform particularly in power distribution ) are scrapped . the security of future payments to dpc under the restructured tariff would be based on increased cash flows from a reformed distribution system . the committee also gives enron a difficult escape route . it says that if the multinational finds the conditions for restructuring too onerous , it should free mseb from its contractual obligations and find buyers outside maharashtra . the committee has tried to establish another precedent on all projects negotiated by government : "" the public has a right to know what is being contracted on their behalf "" and has recommended that all documents , including contracts related to all independent power projects ( ipps ) , particularly dpc , should be published by the maharashtra government within two months . also , having established that demand - supply estimates by the state government were fanciful , the committee has asked mseb to defer all negotiations with power producers until demand levels in the state permit full absorption of power generation from such ipps . it recommends that such negotiations should be in accordance with the least - cost plan spelt out by the report . this should also end the hectic lobbying by reliance ( patalganga ) , mittals ( bhadravati ) , the bses ( saphale ) and others to set up ipps in maharashtra . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the financial express , april 23 , 2001 dpc board set to authorise president , enron md to issue notice of termination , sanjay jog scrapping of power purchase agreement the board of directors of dabhol power company ( dpc ) , which has already taken an aggressive posture , has proposed to authorise the enron india managing director k wade cline and dpc president and chief executive officer neil mcgregor to issue notices for the termination of power purchase agreement ( ppa ) and transfer of dabhol project in view of continuing default by the state and central governments and maharashtra state electricity board ( mseb ) . the board of directors , which would meet on april 25 in london , also plans to appoint mr cline as its "" true and lawful attorney - in - fact "" and authorise him to represent the company in the negotiation of all project contracts and financing agreements and their amendments and modifications . top sources told the financial express that dpc would authorise mr cline and / or mr mcgregor to serve the preliminary termination notices and transfer notices to the state and central governments and mseb under clause 17 and schedule 11 of the ppa . "" in response to the continuing default by the mseb of its payment obligations under the ppa , the failure of the government of maharashtra to honour obligations under its guarantee and state support agreement and failure of the government of india to honour obligations under its counter guarantee , the company has sought recourse to dispute resolution and has initiated conciliation and arbitration proceedings , "" the company resolution said . "" consistent with this recourse to contractual remedies , the company now seeks the authority to serve preliminary termination notices and transfer notices pursuant to clause 17 and schedule 11 of the ppa from time to time and at any time upon the occurrence of an event giving rise to its right to serve such notices as determined by the company , "" the resolution added . according to the resolution , the directors , the company secretary and officers of the company and each of them acting individually , are authorised and empowered to execute and deliver such documents and instruments and take such other actions as they deem fit to effect the purpose of the resolution , in the name and for and on behalf of the company . against this backdrop , the state government and mseb have been exploring the possibilities of issuing termination notice to the dpc for its failure to meet the contractual obligations under the ppa . the state government and mseb sources said that such a notice could be served by the mseb as dpc has not paid the rebate ( penalty ) of rs 409 crore for misdeclaration and default on the availability of power on january 28 and february 13 . the state government and mseb , which reviewed its position on saturday at a meeting convened by the chief minister vilasrao deshmukh , are of the view that they have a strong case and substantial grounds to slap the termination notice to the dpc . the dpc ' s move to appoint mr k wade cline as its "" true and lawful attorney - in - fact "" deserves importance especially when the state government proposes to set up a negotiating committee to cut the per unit cost and gauge the possibility of sale of dabhol power to the power deficit states . mr cline would also be authorised to dispose of equipment that is worn out or obsolete or other equipment or fuel no longer expected to be used in the ordinary course in amounts exceeding rs 64 crore or the equivalent in foreign currency in any financial year . furthermore , mr cline would be in a position to enter into contracts and take any other actions for purpose relating to the day - to - day operation of the company ' s business or exercise its rights and discharge its obligations under the project contracts and the financing agreements - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - business standard , monday , april 23 , 2001 dpc seeks ok to exit power project , tamal bandyopadhyay otherwise it cannot be a complete exercise , "" he added . deshmukh and the mseb team are scheduled to meet union finance minister yashwant sinha and power minister suresh prabhu on monday in new delhi to discuss the stalemate and find a acceptable solution for the same . "" i am meeting sinha and prabhu to request them to take an initiative and send representatives for the negotiations committee , "" he said . deshmukh ' s meeting with the centre comes at a crucial stage as dpc ' s lenders would be meeting in london , on the same day , to decide upon the future finances of the controversy marred 2 , 184 - mw project in dabhol . moreover , the dpc board is also scheduled to meet on april 25 in london to decide the fate of its $ 900 million project in dabhol , including winding up of its operations . the meeting would discuss the topmost item on the agenda , which was to empower dpc managing director neil mcgregor to wind up operations in the country . dpc has already slapped one conciliation notice on the centre and three arbitration notices on the state government over non - payment of dues amounting to rs 213 crore plus interest towards the bills due for the months of december 2000 and january 2001 . asked whether the centre had send any feel over a possible clubbing together of the arbitration and conciliation processes , deshmukh replied in the negative . deshmukh said mseb chairman vinay bansal along with two senior officials would attend dpc ' s board meeting in london . bansal had said on sunday that mseb would present its case concerning the rs 401 - crore penalty that the loss - making board slapped on dpc on february 28 , for not generating required power within the stipulated time as per the ppa . currently , enron india holds 65 per cent in the $ 900 - million dpc project , which includes mseb ' s 15 per cent , while general electric and bechtel hold 10 per cent each . ( pti ) - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the economic times , april 23 , 2001 ' enron is a national problem ' union power minister suresh prabhu on sunday said the centre would render all possible help to resolve the enron crisis faced by maharashtra which is "" haunting the entire country "" . prabhu said he would meet the state chief minister vilasrao deshmukh in new delhi tomorrow to discuss stalemate over the payments due to the us energy major - promoted dhabol power company by the maharashtra state electricity board . referring to godbole committee report ' s finding that dpc was keen on offering mseb ' s 15 per cent stake to the national thermal power corporation , prabhu said : "" the centre has not received any such proposal regarding participation of the central power utility . "" ( pti ) - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - afternoon , april 23 , 2001 cm takes enron to delhi today chief minister vilasrao deshmukh will discuss the enron imbroglio with union finance minister yashwant sinha and union power minister suresh prabhu in delhi today . he will request the centre to appoint a representative to the committee that the state government is setting up to carry on discussions and negotiations regarding the dabhol power project of the us - based enron power company . today , a special meeting of representatives of all those finanicial institutions which have extended loans to the dabhol power project is also being held in london . a meeting of its directors will be held on wednesday to discuss the fate of the $ 900 million project which has been under a cloud ever since its inception . yesterday , mr . prabhu declared at a ' janata darbar ' in thane that the centre would extend all help to solve the enron crisis . this is in the backdrop of pending bills to the tune of rs . 213 crore which the state fowarded to the centre against payments for the months of december 2000 and january 2001 . confirming that there was no proposal from the state government to handover the project to the centre , mr . prabhu said that the situation of the electricity boards in the country was precarious . the centre had decided to assist maharashtra upto rs . 250 crore every year to improve customer services . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - outlook , monday , april 23 , 2001 the real story of dabhol if a judicial probe , suggested by the committee , is ordered into the enron deal , it could embarrass three governments ranjit bhushan "" the committee has prima facie found infirmities in several decisions taken in respect of the enron project at different points of time by successive governments and agencies in the centre and state . "" - - energy review committee headed by former home secretary madhav godbole this could well be the real enron story a five - member high - powered committee headed by madhav godbole - and including former union economic affairs secretary e . a . s . sarma , hdfc chairman deepak parekh , teri chairman rajendrapachauri and maharashtra government official vinay mohan lal - has recommended a judicial probe into the entire enron power project deal saying it signified "" the utter failure of governance that seems to have characterised almost every step of the decision - making process relating to the dabhol project "" . the report , which was submitted to the maharashtra government last fortnight and has been acquired by outlook , is severely critical of former chief minister sharad pawar ( with the congress then ) , the 13 - day bjp - led union government which reworked the deal in 1996 , shiv sena supremo balasaheb thackeray and his government in maharashtra headed by manohar joshi "" the utter failure of governance seems to have characterised almost every step of decision - making relating to the dabhol project . "" madhav godbole committee report an investigation , if ordered , could embarrass at least these three governments the report clearly upholds the allegations of money being paid by enron to politicians and bureaucrats for clinching the deal . according to the committee , the deal reveals failure of governance , both at the centre and state , and across different agencies . "" it strains belief to accept that such widespread and consistent failure to execute responsibilities is purely coincidental , "" the report said , proposing a set of measures to be implemented if something of the project was to be retrieved . godbole and sarma also felt that the panel should categorically recommend the government of india to order a judicial inquiry . this was finally adopted by it . says a congress leader : "" enron could well become the biggest political issue in maharashtra and put to question liberalisation , particularly in the power sector . "" the proposal has already struck panic . says ncp ' s praful patel : "" if the enron decision has at all been detrimental , it is because of the haste with which phase 2 was cleared by the shiv sena - bjp government . now with the state having already entered into an agreement with enron , the important thing is to resolve it amicably . a judicial inquiry will be an eyewash because it ' s not an issue of corruption but that of perception . "" pro - market congressmen privately admit that it was their governments at the centre and the state which invited enron , even though the second phase was cleared by the bjp - shiv sena combine . says congress spokesperson jaipal reddy : "" right now we ' re too involved with the parliament deadlock over tehelka . "" pro - liberalisation congress mps also fear that such witch - hunting could send wrong signals to foreign investors . non - congress mps from maharashtra , meanwhile , claim that the godbole committee was instituted with the express purpose of politicising the enron issue . "" i think i know vilasrao deshmukh ' s gameplan , "" says an mp from the state . but some mps like congress ' prithviraj chavan question the cloak of secrecy that ' s surrounded the deal : "" i ' ve maintained for long that there should be a judicial committee to examine this "" . the committee report also says that had the enron project been subjected to a techno - economic appraisal , as envisaged under provisions of the electricity supply act of 1948 and related legislations , the infirmities could have been avoided . since this wasn ' t done , questions about a concerted effort towards exercising undue influence at every stage of the project are bound to arise , the exhaustive 93 - page report points out . "" i ' d highlight the speed with which the 13 - day vajpayee government cleared the project minutes before it quit , "" says congress mp prithviraj chavan . the enron project had been held out as an exemplar of the impending liberalisation in the early ' 90 s and , despite several controversies , is now an established power project at dabhol , 150 km south of mumbai . in july 1992 , enron signed an mou with the maharashtra state electricity board ( mseb ) to set up a 2 , 550 mw station as part of the government ' s ' fast track ' projects . subsequently , when the shiv - sena - bjp came to power in maharashtra it filed a writ against the project . this curiously led to renegotiations with enron . the committee has quoted a bombay high court order on the renegotiated deal . "" once it ( gom ) decided to revive the project , it acted in the very same manner its predecessors in office had done . it forgot all about competitive bidding and transparency . the speed with which the negotiating group studied the project and made its proposal for renegotiatons , which was accepted by dabhol , is unprecedented . "" says chavan : "" i would particularly like to highlight the speed with which the 13 - day vajpayee government at centre endorsed the renegotiated project minutes before it resigned . "" since the commissioning of the plant in may 1999 , the mseb has paid rs 1 , 607 crore for the power it has bought from dabhol . if the same watttage of power had been bought from indian - built power plants fired by indigenous coal , the payment would have been approximately rs 736 crore . in the first year - and - a - half of its operation itself , the dpc had drained the maharashtra exchequer of nearly rs 1 , 000 crore . the central electricity authority ( cea ) , in fact , pointed out that the dabhol plant was not the least costly option . the mseb had other inexpensive alternatives like the four units of kaparkheda , but they were in a preliminary stage . the report notes : "" . . . if the mseb had made efforts to seriously pursue these projects , they might not have remained in their preliminary stages "" . it adds that the members were of the opinion that "" the mseb and the maharashtra government erred seriously , based on information available at that time , in proceeding with the dpc as a base - load factor even when its capacity was reduced . "" the failure seems to have been compounded by the laxity of the union power ministry , finance ministry and the cea . it quotes the cea as saying that since the union finance ministry found the tariff reasonable , no further examination was required strangely , bal thackeray ' s shiv sena , when it came to power together with the bjp in maharashtra , filed a writ in the court and then renegotiated the deal . after the new shiv sena - bjp government took over , its cm , manohar joshi , appointed a renegotiating committee in 1996 which made the right noises , actually managing to reduce the tariff . but certain things remained inexplicable . no fresh clearances were required from the cea , which also said that "" since no cost increase was involved . . . fresh formal clearance wasn ' t necessary . "" says the committee : "" this only adds strength to the suspicion that the cea didn ' t consider the economic aspects of the project at all . indeed , given the non - availability of any official record of the meeting on june 24 , 1994 , with the committee and the nature of this letter dated december 23 , 1994 , the committee is doubtful whether the economic aspects of dpc were discussed at all . ' ' the credibility of the shiv sena - bjp government has been seriously questioned . "" the committee finds it unexplicable ( sic ) why there was no mention of any reduction in capital cost of the project from $ 2 , 828 million to $ 2 , 501 million as agreed by dpc in the summary report of the renegotiating committee , "" the panel observes . says lawyer prashant bhushan : "" it is strange that the shiv sena - bjp government first filed a writ in the court and then coolly renegotiated the deal . "" the committee further spells out the losses incurred through the deal . "" subsequent to the commissioning of the dpc , the financial deterioration of mseb has been rapid . while the mseb was in profit in 1998 - 99 , it plunged into huge losses of rs 1681 crore in 1999 - 2000 . "" significantly , the world bank in 1993 had predicted the system ' s inherent weaknesses . in a letter written to the then power secretary , r . vasudevan , a top bank official had said that "" after a detailed review of the analytical framework and costing assumptions , we reconfirm our earlier conclusion that the dabhol project , as presently formulated , is not economically justified "" and that in "" our assessment the project is too large to enter the mseb system in 1998 . the proposed base - load operation could result in uneconomic plant dispatch , as already existing lower variable cost coal power would be replaced by the higher cost lng power . "" enron ' s persistence and the ' gullibility ' of the indian side can be gauged from high - ranking enron official joe sutton ' s letter to a key indian official , ajit nimbalkar : "" i recently met with the world bank and have been following the articles in the india papers . i feel that the world bank opinion can be changed . we ' ll engage a pr firm and hopefully manage the media from here on . the project has solid support from all other agencies in washington . "" the key question in the enron deal is whether a developed state like maharashtra needs outside intervention in the power sector at all ? for the first time the godbole committee has raised objections about the viability of such a project . according to the report , the mseb has been one of the better performing boards in the country and has , despite a faulty transmission and distribution ( t and d ) system , managed to consistently earn net revenue surpluses on an accrual basis . maharashtra accounts for nearly one - fourth of the gross value of india ' s industrial sector . it ' s one of the few states to achieve 100 per cent electrification . since ' 95 , the mseb has been adding to its generation . "" this improvement , which has been largely due to renovation and modernisation undertaken by the mseb , exceeded its own expectations at a time when the dpc was being considered , "" the report points out . following a policy of cross - subsidy , roughly nine out of its ten users are subsidised . but the gap between the average cost of supply and average realisation hasn ' t been much . in fact , the subsidy claim decreased from rs 630 crore in 1995 - 96 to rs 355 crore in 1998 - 99 , until in 1999 - 2000 it increased nearly five - fold to rs 2 , 084 crore due to the sudden increase in the gap by 26 paise per unit - from 15 to 41 paise - an increase of 173 per cent . "" the increase in the subsidy claim by rs 1 , 729 crore is due to the increase in the gap principally because of the increase in power purchase costs , "" says the committee , adding : "" without the dpc and without problems of t and d loss , the mseb could be financially healthy . "" but can that happen now since enron is here to stay ? the committee has come up with some far - reaching recommendations : make public all dabhol - related documents and agreements , restructure the dabhol project itself to bring down the cost of power , restructure dpc financially , allow sale of dpc power outside maharashtra , re - examine ppas in accordance with least - cost plans , and thoroughly reform the mseb . the committee know this can become reality only with political consensus and through forming of public opinion . the question is , can that be achieved in an unstable political environment ? with priya sahgal making of a scam ? 1992 : centre invites enron to set up ' fast track ' power project ? dec 1993 : first ppa signed with mseb ? 1994 : enron starts construction ? 1995 : sena - bjp govt scraps enron ? 1996 : state govt renegotiates project ? 1996 : 13 - day vajpayee govt approves counter - guarantee ? may 1996 : state cabinet clears ppa ? may 13 , 1999 : phase i commissioned ? jul 1999 : financial closure for phase ii ? oct 2000 : mseb defaults on payment , subsequently stops paying monthly bills ? feb 6 , 2001 : enron invokes central government ' s counter - guarantee - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - business standard , monday , april 23 , 2001 mseb revenue collections up at rs 968 crore in march , renni abraham the maharashtra state electricity board ' s ( mseb ) revenue collections in march 2001 stood at a record rs 968 crore . this was largely due to the disconnection drive on defaulter connections - - pegged at nearly 20 , 000 disconnections a month - - which resulted in compliance by consumers . with the dabhol power company ( dpc ) monthly financial burden issue now a topic of discussion among arbitrators on the negotiating table , the mseb has turned to putting its house in order . as if to ward of any criticism of its fiscal condition that could be termed as the facilitator to the entire dpc tariff crisis , the state electricity board has put matters relating to its performance on record . for instance , mseb has recorded the highest power generation in the year ended march 31 , 2001 , at 45930 units , compared with the previous year ' s 45582 units , making it the top seb of the country in this respect . similarly its power stations recorded the highest availability percentage at 86 . 1 up from 84 . 6 per cent last fiscal . plant load factor is up to 72 . 78 per cent , compared with 71 . 7 per cent in 2000 . the parli power station has recorded the highest ever generation in the ten years of its life time in 2000 at 4545 million units , which made it eligible for the meritorious productivity award under the eligibility guidelines issued by the government of india carrying a cash award of rs 12 . 5 lakh . all other power stations in the state , without exception , also fulfill the eligibility criteria for the cash award , a senior mseb official said . similarly , the chandrapur power station became the first power station of any state electricity board to get the iso 9002 certification . a senior mseb official said : "" earlier mseb was suffering from too much interference in its day to day functioning . the agriculturists were touted as the major reason for its deteriorating accruals , while theft of electricity during the transmission and distribution stage was conveniently camouflaged under this head . in the recent past , the government has authorised mseb to take steps to curb this misuse of power by its own officials , many of whom , including a chief engineer have suffered suspensions",0 +"Subject: phone interview per our conversation yesterday , i will have a job description for the comp finance students sometime today . i have also gone through the mba resume stack yet again . the person who requested the phone interview is troy mischke . he works for pratt & whitney in florida . cmu has a flexmode program , which is another phrase for distance learning . it turns out that there are a number of people that work for pratt & whitney in florida . my guess is that they all know each other , and decided to take the flexmode program together . here are the names tony garcia k . todd kuykendall timothy leonard troy mischke only troy requested the phone interview , although tony gacia did send a cover letter . what is the best path forward ? - kevin kindall",0 +"Subject: interview schedule for yingquan shen ( charles ) please be aware of the correction on candidate ' s name . thank you stephanie - - - - - - - - - - - - - - - - - - - - - - forwarded by stephanie summers / na / enron on 10 / 10 / 2000 04 : 00 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - stephanie summers 10 / 10 / 2000 03 : 41 pm to : vince j kaminski / hou / ect @ ect , zimin lu / hou / ect @ ect , alex huang / corp / enron @ enron , tanya tamarchenko / hou / ect @ ect , paulo issler / hou / ect @ ect cc : anita dupont / na / enron @ enron , shirley crenshaw / hou / ect @ ect , marlow anderson / corp / enron @ enron subject : interview schedule for yingquan shen ( charles ) please find the interview packet for the above - referenced person . the interview will occur on friday october 13 , 2000 . please print all three documents for your reference . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . stephanie 58701",0 +"Subject: re : ca for henwood engagement sandeep , it probably makes sense for you to directly coordinate the signing of the contract for henwood . attached is another copy of the earlier email containing a draft contract provided by bonnie nelson in legal . she would still like to change section 6 on exclusivity . her number in houston is 713 646 7712 . let me know whatever i can do to help . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 01 / 18 / 2001 08 : 43 am - - - - - - - - - - - - - - - - - - - - - - - - - - - bonnie nelson @ enron _ development 01 / 11 / 2001 12 : 51 pm to : stinson gibner / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , sandeep subject : re : ca for henwood engagement stinson , attached please find a draft consulting agreement for use with henwood . you will want to review it before you send it to henwood . please see section 6 in particular . also , i put in that arbitration will be in houston and texas law will apply . we could move that to new york , with new york law if that is better for henwood . if pressed , we could make it singapore or u . k . law , with arb in singapore . but any other law , including australian law , would mean we would need to get this contract reviewed by foreign counsel - - so i strongly urge you to argue for texas or ny law ( no other state , please ) . i tried to make this agreement reflect the terms in henwood ' s proposal , and believe i succeeded . our form has some additional terms not contained in their proposal , as well as fcpa boilerplate ( ie . , the "" business conduct "" and "" drug policy "" language ) . also , i just want to point out that this agreement allows them to subcontract the work - - but only with our written agreement . under their proposal , the subcontractor costs will be charged to us at cost plus 15 % - - so you might not want to do it . please let me know if you have any comments or questions . bonnie",0 +"Subject: re : book review great job vince . i know people will be knocking themselves over for the book . i know for a fact that the consultants can make a lot of money just ' reselling ' stuff that are in the book ! i know first hand since d & t did that with even the first version . i think the fas 133 article by some out - of - work nuclear engineer was the bomb ! ravi .",0 +"Subject: resume , cv . , etc . dear mr . kaminski : as explained over the phone , i have been doing political , economic , and strategic analysis for terry thorn , formerly head of government affairs for ei . most of my work has been focussed on asia , a region in which i have deep experience and speak major languages . wtih the restructuring of the asia - pacific group , terry is moving to a new function and i am seeking a new role . since i have been based in washington , dc , with more frequent trips to asia than to houston , i still feel as though i don ' t know my way around the company , a disadvantage in my current situation . several people have recommended that i talk to you about your shop , but more generally if you have any ideas about where i might fit in , i would appreciate them . i am attaching my resume , cv and a biographical sketch as you requested , edith terry enron / dc",0 +"Subject: alliance info alert : ferc report on western markets at its special meeting today , ferc released the results of its eagerly awaited probe into california ' s summer power crisis , concluding that under certain circumstances , california ratepayers were subjected to unjust and unreasonable power rates due to california ' s "" seriously flawed "" market structure and rules in conjunction with tight demand and supply conditions throughout the west . the ferc staff report on western markets and the causes of the summer 2000 price abormalities , entitled , part i of staff report on u . s . bulk power markets , is available at the following website : in response , ferc issued an order proposing a series of sweeping structural changes to the california iso and px to help remedy the pricing problems , and solicited public comment by november 22 . a technical conference has also been scheduled for november 9 , to discuss the proposed solutions and other remedies that might be suggested ( details tba ) . while all four commissioners supported the order , the order stretched the commission . chairman hoecker and comm . breathitt expressed strong endorsements , while comms . hebert and massey concurred , citing areas where they felt the commission had either "" over - reached "" or not gone far enough , as discussed below . a final order is expected to be issued by year ' s end . at the same time , the commission warned california consumers of their continued risk of paying higher prices unless policy makers there resolve state issues , such as : ( 1 ) immediately implementing the availability of day ahead markets for power purchases ; ( 2 ) development of demand responses ; ( 3 ) siting of generation and transmission ; and ( 4 ) assurance of sufficient reserve requirements . highlights of proposed california structural remedy in its order , ferc proposed a series of market overhauls , including : ( 1 ) eliminating the state ' s mandatory requirement that the state ' s investor - owned utilities buy and sell electricity through the px , and allowing these utilities to purchase electricity through forward contracts and other alternative mechanisms to manage supply risks . ( 2 ) requiring market participants to schedule 95 percent of their transactions in the day - ahead market and instituting a penalty charge for under - scheduling ( in excess of five percent of hourly load requirements ) , in order to discourage over - reliance on the real - time spot market . ( 3 ) establishing independent , non - stakeholder governing boards for the iso and px . ( 4 ) modifying the current single price auction system by ( a ) imposing a temporary $ 150 / mwh "" soft cap "" that prohibits supply bids in excess of $ 150 from setting the market - clearing price for all bidders ; ( b ) requiring sellers bidding above $ 150 / mwh to report their bids to ferc on a confidential , weekly basis and provide certain cost support ; and ( c ) requiring the iso and px to report monthly information on such bids . the commission ' s price mitigation measures would remain in effect through december 31 , 2002 . ( 5 ) declining to order retroactive refunds for the state ' s ratepayers and utilities , citing insufficient authority to do so , but subjecting sellers to potential refund liability for transactions from october 2 , 2000 until december 21 , 2002 , but no lower than their marginal or opportunity costs , if ferc finds non - competitive behavior . ( 6 ) encouraging accelerated state siting approval and introduction of demand response management programs . separately , the draft order rejected the iso ' s request for an extension of its current purchase price cap authority , and the px ' s request for price capping authority . commissioner responses comm . herbert reluctantly concurred , noting that his decision may change when a final order is considered based on comments filed or testimony offered at the november 9 meeting . he stressed that he would have preferred that the order address four areas : ( 1 ) eliminate all price controls in california markets ; ( 2 ) abolish the single price auction entirely ; ( 3 ) terminate the "" buy and sell "" mandate in the px ; and ( 4 ) direct the iso to address a long list of cited problems in its january 2001 rto filing , rather than having the commission prescribe specific remedies . hebert stated that while he was opposed in principle to the "" soft cap "" concept , if one had to be adopted , then the soft cap should increase incrementally increase over time at specific pre - announced dates . he believes that this would serve to both encourage greater investment in facilities and additional forward contracting as well as provide an incentive for california regulators to address market design and other flaws . also , he would not have disbanded the stakeholder governing boards at this time , but allow the iso and px to address this issue in their january 2001 rto filings . in addition , he would not dictate risk management methods , preferring instead that market participants determine appropriate actions on their own . finally , he advised californians not to be so environmentally focused that they do not realize their tremendous need for generation capacity . comm . breathitt stated her approval of the order while warning that ferc cannot allow the events of this past summer to reverse or slow the progress towards open and competitive markets . she noted that it was the commission ' s job to guide the market to self - correct and not to conduct "" command and control . "" she also commended the managers of the iso and px , saying that they have performed admirably . however , she noted she is awaiting comments on the single price auction remedy and its accompanying confidential reporting requirements . comm . massey concurred , but emphasized that he advocates a more aggressive approach . he feels that the congress has "" put its thumb on the scale "" in the federal power act to protect consumers . stating that prices will continue to be unreasonable in the future , he believes that this order moves in the right direction , by proposing solutions to identified problems such as an over reliance on the spot market , lack of demand response , the need to reconstitute governance of the iso and px and the elimination of the buy / sell mandate . comm . massey specifically called for comments regarding whether the $ 150 / mwh soft cap went far enough , whether ferc has the legal authority to issue refunds and to determine whether there should be a requirement for a certain percentage of forward contracting to hedge against the spot market price volatility . finally , chairman hoecker stated his strong support of the order , but noted that this is "" no time to pull punches . "" he emphasized that the commission needed frank comments from the industry . he echoed comm . breathitt ' s warning that competition is at risk and that they needed to get the markets back on track . noting that the commission lacked authority to order refunds , he stated that the responsibility rests with congress . addressing jurisdictional issues , he stated that siting problems encountered at the state level are slowing the "" meandering transition "" to competition . he feels that the state of california and ferc need to work together to resolve these problems and that ferc is not attempting to usurp power . rather , california is part of a broader interstate market and is dependent on the western region for reliable energy , thus placing the burden on federal action to make things work , hoecker maintained . the chairman also said that the commission will fully investigate and act upon complaints of market power abuse or further evidence provided by staff ' s ongoing investigation . if you have any questions or comments , please call jack cashin at 202 / 508 - 5499 .",0 +"Subject: revised : restricted list neither ena / rac / egf employees nor family members or others living in their household or financially dependent on the ena / rac / egf employee may purchase or sell securities of any entity ( or derivatives thereof ) listed on the restricted list for your or their personal or related accounts or recommend the purchase or sale of such securities to any person , except with the prior approval of the compliance department in consultation with the ena legal department . in addition to the trading restrictions above , should you at any time possess non - public material information about any public company , you , your family members and anybody that is financially dependent on you , are restricted from trading in that issue , and you may not disclose the non - public material information to anyone that does not have a business need to know . company name stock symbol adrian resources beau canada exploration ltd bau cn belco oil & gas corporation bog bonus resource services corp bou brigham exploration bexp canfibre group ltd . cfgl carrizo oil & gas inc . crzo costilla energy cose crown energy croe cynet , inc . cyne cypress energy cyz esenjay exploration esnj hanover compressor co . hc ice drilling enterprises inc . idf industrial holdings , inc . ihii inland resources , inc . inln kafus environmental industries , inc . ks nakornthai strip mill public co ltd nsm set paladin resources plc plr ld paradigm geophysical pgeof place resources , inc . plg cn quanta services inc . pwr queen sand resources , inc . qsri quicksilver resources inc . kwk rhythms netconnection inc . rthm saxon petroleum , inc . sxn cn startech seh cn syntroleum corp . synm tejon ranch corp . trc titan exploration texp transcoastal marine services , inc . tcms zargon oil & gas zar cn the restricted list is solely for the internal use of ena / rac / egf . no one may engage in discussions regarding whether a security is or is not on the restricted list with persons outside ena / rac / egf without specific clearance from the compliance department in consultation with the ena legal department . in addition to the above , you are reminded that pursuant to enron corp . ' s risk management policy ( "" policy "" ) , no ena / rac / egf employee may engage in the trading of any "" position "" ( "" position "" means any commodity , financial instrument , security , equity , financial asset or liability that are authorized for trading in the policy for the benefit of any party other than ena / rac / egf , whether for his / her own account or the account of any third party , where such position relates to ( i ) any commodity , financial instrument , security , equity , financial asset or liability which falls within such employee ' s responsibility at ena / rac / egf or ( ii ) any energy commodity . the prohibitions listed above do not replace or modify the policies set forth in ena ' s policies and procedures regarding confidential information and securities trading , enron corp . ' s risk management policy , or enron corp . ' s conduct of business affairs . should you have any questions regarding the above , please contact me at ext . 31939 .",0 +"Subject: seasonal factors and curve fitting i have written a c + + code to do the following : for a given curve , the code will filter out the seasonal factor . it then fits the deseasoned curve to a smooth function of the form f ( t ) = a + a / ( t + b ) c , with 00 , which is useful in calculating forward - forward ? vol . ? the outputs are season patterns ( 2 different patterns are allowed ) ? and the smoothed curve . one can then calculate forward - forward vol ? from the smoothed curve and superimpose the seasonal factors back ? onto the curve . ? ? this procedure is not useful for var calcuation . however , i believe it ? is useful for other situations which require the knowledge of seasonal ? forward - forward vols . for example , in power plant valuation and ? credit exposure simulations , it would reflect the reality more closely ? if we add seasonality to our forward - forward vol in simulating the forward ? prices . ? ? attached are the spreadsheet and xll file . i will forward the c code if ? any of you is interested . ? ? alex ? ?",0 +"Subject: doreen v - i spoke with doreen this morning re : our san francisco project . please forward info to her at doreen @ magdalinweiss . com are you up fro brunch at my house on sunday with bill and mary ? kathryn will be home on midterm break p -",0 +"Subject: re : ken lay ' s speech the $ 460 billion would be the cumulative tax cut over the first five years . the $ 1 . 3 trillion would be the cumulative tax cut over 10 years , so yes , the $ 460 billion is part of the $ 1 . 3 trillion . attached is the inforamtion that you requested on the ppi . regards , maureen",0 +"Subject: fea announces the release of @ energy 2 . 1 . 05 / 14 / 2001 enron north america corp . vince kaminski 1400 smith street 30 th floor , rm . 3036 b houston , tx 77251 - 1188 1 713 - 853 - 3848 dear vince kaminski , this is to inform you of the release of @ energy 2 . 1 . ftp download instructions are available immediately . the download instructions are included at the end of this email . please see below for more information regarding this new release . . fea is pleased to enclose your new version of @ energy / erglib . the accompanying documentation contains installation and other information . here is an overview of the new and changed features since version 2 . 0 . @ energy ( forward curve ) no change . @ energy ( basics ) a control variate methodology hull ( 1997 ) has been implemented for valuation of american options ( opt ) , black and mean - reverting models . it greatly improves accuracy at minimal cost in speed . all models now supports new scalar risk measures corresponding to parallel displacement delta , hedge , and gamma . average price / strike options now support an alternative way of computing theta . the definition of gamma curves has been modified for all models . @ energy ( advanced ) a faster and more accurate methodology is used to value spread options . models affected are spreadopt , stripspreadopt , optspreadopt , optstripspreadopt . the new methodology dramatically improves speed . all models now supports new scalar risk measures corresponding to parallel displacement delta , hedge , and gamma . average price / strike options now support an alternative way of computing theta . the definition of gamma curves has been modified for all models . @ energy ( swing ) the definition of gamma curves has been modified for all models . @ energy ( weather ) no change . see the file fea \ energy \ ergnote . txt in your distribution for a list of bug fixes . here is an overview of the new and changed features since version 1 . 6 . @ energy ( forward curve ) jump parameters are now calibrated for use in other @ energy functions . inputs and outputs to powercalib and comcalib have changed . see the corresponding function syntax in the user guide for additional information . 35 - 40 % speed improvement . the module is now out of beta . @ energy ( basics ) different interpolation schemes on forward prices are now supported . if you use indexswap , exoticswap , or optindexswap with floating price linked to a series of futures dates , such futures dates need not be close to dates specified in the forward curve input . a new utility function , pathutil , allows you to simulate and visualize price paths consistent with the models supported by @ energy . 25 - 30 % speed improvement . @ energy ( advanced ) different interpolation schemes on forward prices are now supported . if you use optdiffswap or diffswap with floating price linked to a series of futures dates , such futures dates need not be close to dates specified in the forward curve input . calspreadopt now allows for the specification of two different mean reversion rates . 30 - 35 % speed improvement . @ energy ( swing ) swingopt and stripswingopt now allow for valuation of swing straddle contracts with overall load constraints . 65 - 70 % speed improvement . the module is now out of beta . @ energy ( weather ) 30 - 35 % speed improvement . see the file fea \ energy \ ergnote . txt in your distribution for a list of bug fixes . if you are a user of the erglib library , please be aware of possible backward compatibility issues in calls to eapo , easo , espreadapo , espreadaso , and ecrackapo . see fea \ energy \ ergnote . txt for additional details . here is an overview of the new and changed features since version 1 . 5 . @ energy ( basics ) european options and strips of european options now support valuation via a jump diffusion model ( see opt and stripopt functions ) . average price options ( see the apo , spreadapo , crackapo functions ) , and average strike options ( see the aso , spreadaso functions ) now allow for a direct input of the fixing dates . @ energy ( advanced ) includes two new functions , optstripopt and optstripspreadopt for valuation of complex compound options . if you are a user of the erglib library , please be aware of backward compatibility issues in calls to eapo , easo , espreadapo , espreadaso , and ecrackapo . see fea \ energy \ ergnote . txt for additional details . here is an overview of the new and changed features since version 1 . 4 . @ energy ( forward curve ) @ energy ( forward curve ) is the new module which includes functions designed to generate forward curves , volatility curves and mean reversion rates used in many other @ energy functions . module in beta release . @ energy ( basics ) apo ' s and aso ' s : bug fixed when avg _ starts prompt . type "" quit "" . the file will be downloaded into the directory at which you entered the ftp site . double click on the exe and follow the instructions on the screen . there is also a readme file which contains installation instructions . you may wish to print this out for easy reference . n . b . : the password is only valid until the first friday of next month . if you have any questions please feel free to contact us . we appreciate this opportunity to be of continuing service to enron north america corp . . regards , erin hopkins administrative assistant financial engineering associtates , inc . tel : + 1 . 510 . 548 . 6200 mailto : info @ fea . com or mailto : support @ fea . com",0 +"Subject: re : garp 2001 convention andreas , am i entitled to bringing one delegate as a guest , free of charge ? some conferences offer such privileges . vince "" andreas simou "" on 12 / 04 / 2000 06 : 31 : 37 am to : cc : subject : garp 2001 convention dear garp 2001 speaker ? this is just a quick note to keep you up - to - date with developments at the garp 2001 convention , which will be held in new york between 12 th and 15 th february , 2001 . ? thus far , garp 2001 looks set to far exceed our expectations and garp 2000 . there has been a great deal of interest in the 2001 convention . delegate bookings have been much higher than this time last year . as a result , we are set to far exceed the number of delegates that attention earlier this year . the three workshops and the one - day asset management forum are also very well received and will probably reach full capacity . i will of course provide you with much fuller details closer to the time of the event . ? regarding the event itself , i would like a few outstanding issues : ? 1 . presentations : can you please e - mail your presentation to me by 15 th december , so that i have enough time to reproduce them and place them in a delegate pack for the convention . ( given the break of the christmas and new york period , and that the event is being held in new york , i am sure you can appreciate that there are certain logistical factors that need to be taken into account , hence the reason why the presentations are required as soon as possible ) . this is purely for reproduction , we also request you bring your presentation to the convention on the day in either a floppy disc or a laptop . ? 2 . audio - visual requirements : can you please inform me of what audio - visual requirements you may have ( 35 mm slides ; ohp ; lcd projection - notably powerpoint ) . ? 3 . check list : i have attached a check list for your information . if you have not returned this already , can you please read and fax it to my colleague , claire as soon as possible . ? if you have any questions or queries , please do not hesitate to contact me , otherwise i eagerly await your response in due course . ? i look forward to seeing you in new york in february . ? kind regards ? andreas _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ andreas simou garp 2001 - conference producer tel ? + 44 ( 0 ) 20 7626 9301 fax + 44 ( 0 ) 20 7626 9900 ? don ' t miss the garp 2001 convention , program details via our web site www . garp . com - speaker checklist . doc",0 +"Subject: logistics for the sycamore meeting in chelmsford next week hi barb , please add the following enron names to your list . i will call to confirm this later today ( 1 / 28 / 00 ) . krishna and samer , please go ahead and arrange the travel plans as per the following schedule and my e - mail before . kind regards , ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 01 / 28 / 00 11 : 10 am - - - - - barb . vanbeyrer @ sycamorenet . com 01 / 28 / 00 08 : 56 am to : phil markwart / enron communications @ enron communications cc : ravi thuraisingham / enron communications @ enron communications , erik simpson / enron communications @ enron communications , stinson gibner @ ect , john griebling / enron communications @ enron communications , allan grimm / enron communications @ enron communications , dorn hetzel / enron communications @ enron communications , michael baker / enron communications @ enron communications , nicole gilson / enron communications @ enron communications , hardeep luthra / contractor / enron communications @ enron communications , larry . sakauye @ sycamorenet . com , richard reichardt / enron communications @ enron communications , susan wadle / enron communications @ enron communications subject : logistics for the sycamore meeting in chelmsford next week hi phil , here are the logistical details for our meetings next week at sycamore in chelmsord ( 10 elizabeth drive ) . hotel : double tree in lowell . transportation : everyone should fly into boston monday afternoon / early evening . chelmsford is about 40 - 45 minutes from the airport , more in traffic . i can arrange for a car service from the airport to the restaurant monday night for everyone , and have the limo wait for you until we are through with dinner ( then everyone can leave there bags in the limo ) . if some or all want to use this car service , i ' ll need their flight information by friday afternoon so i can make arrangements . here is the agenda for next week : monday : dinner at 7 : 30 pm - agresti ' s restaurant , 175 littleton rd , westford , ma . directions will immediately follow this email . tuesday meetings at sycamore 8 : 30 am - 5 : 00 pm planning session : - enron ' s business drivers / vision - enron ' s optical networking architecture - dinner planned - - location tbd wednesday meetings at sycamore 8 : 30 am - 5 : 00 pm planning session : - detailed route design - deployment planning - dinner planned - - location tbd ( boston ? ) thursday meetings at sycamore 8 : 30 am - 4 : 00 pm - review detailed route designs - metro area services : access partners - depart for airport at 4 pm thursday , or friday morning depending on flight availability as of this morning , here is the list of enron attendees that we are expecting : john griebling dorn hetzel phil markwart ravi thuraisingham stinson gibner allan grimm erik simpson mike baker nicole gilson hardeep luthra richard reichardt valient employee ( i have no name as of today ) can you please let me know of any additions or changes to the attendee list ? and please send this email to anyone planning to attend that is not on the cc : ' d list . thanks . please call me today , or over the weekend if you have any questions . my cell phone number is listed below . look forward to seeing everyone next week ! barb barbara van beyrer national account manager sycamore networks office : 503 - 977 - 6354 mobile : 503 - 781 - 0693 fax : 503 - 977 - 6185 barb . vanbeyrer @ sycamorenet . com www . syacmorenet . com",0 +"Subject: energy & power risk management 2001 dear vince , i would like to confirm the invitation for you to participate at our annual congress in houston . following our conversation , i would be most interested in including a presentation on ' modeling price volatility in us power markets ' in the pricing , hedging & trading stream on the 14 th may , 2001 . i am keen to confirm each speaker and session by the end of next week , which will then allow time to work with each presenter on titles and points that will provide an accurate summary for the session . if you have any overall views or suggestions regarding the conference feel free to email me at pbristow @ riskwaters . com or call me on 212 925 6990 , extn . 225 . i look forward to confirming your participation at energy & power risk management 2001 . important : due to system problems i am using another system . please do not reply to this email . please reply to the address given above . yours sincerely , paul bristow manager of conferences , usa risk waters group - spktemp 2 . doc",0 +"Subject: introduction of the european gas advisory service and european po wer advisory service to : european gas and power clients from : peter hughes , cera senior director ; scott foster , cera director ; simon blakey , cera director ; mack brothers , cera director date : 14 march 2000 re : introduction of the european gas advisory service and european power advisory service for the past 15 years , cera ' s european gas and power retainer advisory service has been primarily a natural gas service , with a small component related to electric power issues . in recognition of the changing industry and regulatory environment for electric power , we have significantly added to our electric power capabilities in europe over the past three years , in terms of both staff and of the depth and breadth of our research . based on strong client demand for a dedicated team and service focused on the impending sea change for the power industry and our desire not to lessen the service we provide to the natural gas industry and market in europe , cera is pleased to announce the launch of the european power advisory service as of 1 april 2000 . this new service , in combination with our existing european gas advisory service , will maintain cera ' s thought leadership and provide clients with an "" early warning "" system in these fast changing and important markets . the two teams will continue to work closely together , which will allow them to identify and analyze the important aspects of "" convergence "" between the gas and electric power markets while highlighting and researching the independent issues in each market . european gas advisory service the european gas advisory service will continue to provide clients with independent analysis and insight on the changing dynamics of the european gas market . it offers decision makers clear and comprehensive analysis on the future energy landscape and the challenges posed by the emerging competitive environment in europe . the focus is on market fundamentals , the impact of european union and national policies , the changing industry structure , and strategic responses . the deliverables include : the semi - annual european gas watch european gas decision briefs european gas private reports european gas energy signposts interactive media conference calls dedicated european gas website - highlighting cera ' s current thinking and market fundamentals on the gas sector in europe on a country - by - country basis . attendance at european gas roundtables ( optional ) european power advisory service the european power advisory service will provide clients with independent analysis and insight on the changing dynamics of the european power market . the service will review the market fundamentals for the european electricity market and will provide clients with a framework for understanding and interpreting the major changes taking place in the market . european power advisory service will present cera ' s view of the dynamics and assessment of the opportunities being created in the market . the deliverables will include : a semi - annual european power watch european power decision briefs european power private reports european power energy signposts interactive media conference calls dedicated european power website - highlighting cera ' s current thinking and market fundamentals on the power sector in europe on a country - by - country basis . attendance at european power roundtable ( optional ) we are pleased at this opportunity to enhance cera ' s coverage of a rapidly changing market and look forward to providing you with deeper and broader perspectives on the future of european energy . if you have any questions regarding this exciting transition , please contact mack brothers * in our paris office at + 33 ( 0 ) 1 42 44 10 10 . also please note the upcoming european gas and european power roundtable sessions scheduled for monday 5 june 2000 in paris . these roundtables commence at 9 a . m . and include dinner that evening . * cera is pleased to announce that as of 1 april 2000 mack brothers will be moving from our cambridge office to our paris office to head the commercial team for european energy . * * end * * this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . - attl . htm",0 +"Subject: leadership committees we are launching a number of committees to perform key functions across enron . enron  , s breadth of activities and nonhierarchal organization make it increasingly necessary to broaden the participation of enron  , s next generation of leadership in the important decisions affecting the company . broadening participation will result in increased access to information as decisions are made and will allow committee members to extend their working relationships and influence throughout the company . the committee charters and memberships are set forth below . not everyone listed has been contacted in advance . we urge you to serve if at all possible , but , if you cannot , please contact the committee chair . vp prc the vp prc will continue to be responsible for evaluating the performance of enron  , s vice presidents , determining promotions to vice president , and recommending promotions to managing director . additionally , the vp prc will review and propose changes to the prc process , the performance evaluation criteria and the promotion criteria . the vp prc will be chaired by dave delainey and its membership is as follows : tim belden ben glisan danny mccarty michael brown joe gold jeff mcmahon rick buy mark haedicke rob milnthorp wes colwell jim hughes matthew scrimshaw david cox louise kitchen jeff shankman janet dietrich michael kopper richard shapiro dave duran john lavorato marty sunde jim fallon dan leff analyst / associate prc the analyst / associate prc will be divided into 3 groups . enron europe will have the same committee evaluate analysts and associates . this group will be chaired by john sherriff and its membership is as follows : pierre aury kevin heffron andreas radmacher rob bayley joe hirl stuart rexrode paul chivers chris mahoney marcello romano markus fiala christopher mckey bjarne schieldrop david gallagher roy poyntz ron slimp bruce garner paul quilkey rob stewart the associate prc for the americas will be chaired by stan horton and its membership is as follows : sally beck troy henry kevin presto jeremy blachman sean holmes brad richter don black sean long stewart seeligson dan castagnola rodney malcolm hunter shively joe deffner scott neal jim steffes kevin garland john nowlan andy zipper david gorte ozzie pagan the analyst prc for the americas will be chaired by steve kean and its membership is as follows : federico cerisoli mark jackson everett plante jennifer fraser ben jacoby paul racicot derrick davies steve jernigan angela schwarz scott gahn jay lewis ed smida rod hayslett cheryl lipshutz jon thomsen rogers herndon michael mann emilio vicens brenda herod ed mcmichael frank vickers kevin howard steve meyers analyst / associate program the most essential determinant of enron  , s continued growth is our ability to attract and develop new talent . the analyst / associate program has been the biggest contributor to our success in this area . charlene jackson , currently leading our analyst / associate program , has taken a commercial position in ees  , account management organization . we thank charlene for her hard work and many contributions to the program . going forward , this program will be administered by a committee chaired by john sherriff , ceo of enron europe . the members of this committee are listed below . billy lemmons , currently vice president of enron global markets , will lead the day - to - day operations of the program . billy joined enron in 1992 , and has served in a variety of commercial capacities across the company and has been an active participant in the associate / analyst program . please join us in congratulating billy on his new responsibilities . phillip allen andy fastow eric shaw robina barker - bennett kevin garland hunter shively rick causey ken rice stu staley joe deffner culture we are combining the vision and values , diversity and corporate responsibility committees into a single corporate culture committee chaired by ken lay . cindy olson , beth tilney and kelly kimberly will serve as executive directors of this committee . this committee will focus on leadership and work - life issues ( making it easier to attract and retain the best talent ) , in addition to continuing the work of the vision and values , diversity and corporate responsibility task forces . the members of this committee are as follows : greg adams louise kitchen mark palmer shelley corman michael kopper paula rieker janet dietrich richard lewis jeff shankman jeff donahue sean long mitch taylor gene humphrey dan mccarty mike terraso robert jones jean mrha the corporate policy committee will conduct the md prc and review the recommendations of the other committees , giving substantial deference to the decisions of those other committees . we will be forming other committees to deal with other significant functions , tasks and issues facing the company .",0 +"Subject: employees that are listed in the research time site that are not in the research group hello everyone : in doing the sap timesheets this time i have discovered there are several people listed in the 105896 cost center - org . unit # 1424 ( research ) that are no longer in the research group . shouldn ' t they be moved ? they are : alexios kollaros 502373 now with the new power co . farouk lalji 501609 analyst rotated out ainsley gaddis 400250 summer intern returned to school ( last day the 11 th ) mandeep chahal 502876 now with the new power co . james aimone 514849 summer intern returned to school ( last day the 11 th ) roman zadorozhny 501778 now with another co . in enron please let me know if i need to do anything . thanks ! shirley",0 +"Subject: re : vacation shirley , no problem . vince shirley crenshaw 01 / 09 / 2001 10 : 24 am to : vince j kaminski / hou / ect @ ect cc : subject : vacation vince : if it is allright , i would like to take the following days as vacation days : friday , january 12 friday , february 2 anita will be here . thanks ! shirley",0 +"Subject: spreadsheet for george posey vince and clayton : attached is the spread sheet i worked up for george posey . feel free to edit or let me know and i will . thanks !",0 +"Subject: meeting with vince kaminski hello mr . roberts : vince kaminski will be arriving in london on monday , the 18 th of september at 9 : 55 am . he would be available to meet with you in the afternoon on the 18 th . please let me know if this is acceptable and who the individuals are that will be attending the meeting . you also mentioned an agenda , which would be great . thanks ! shirley crenshaw administrative coordinator enron research group",0 +"Subject: flat screens hello , please call or contact regarding the other flat screens requested . trisha tlapek - eb 3132 b michael sergeev - eb 3132 a also the sun blocker that was taken away from eb 3131 a . trisha should two monitors also michael . thanks kevin moore",0 +"Subject: re : follow - up on siam workshop thanks for forwarding peter ' s resume . by copy of this memo i am forwarding peter ' s resume to danny mccarty and phil lowry . danny and phil : please follow - up with vince if you have an interest in meeting with peter . he seems to be a very qualified candidate . vince j kaminski @ ect 04 / 30 / 2001 02 : 28 pm to : stanley horton / corp / enron @ enron , danny mccarty / et & s / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : follow - up on siam workshop i am forwarding for your attention the resume of peter percell who has an extensive experience in modeling physical flows of natural gas in pipeline systems . peter is looking currently for a job . i met him last week at the meeting of the science and industry advance with mathematics society at the university of houston . the application of recent developments in optimization theory and numerical methods can help enron to improve further efficiency of our pipeline system and reduce the consumption of compressor fuel . please , let me know if you interested in introducing peter to executives in your organization . i shall be glad to make arrangements for an interview . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 30 / 2001 02 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - peter percell on 04 / 30 / 2001 11 : 16 : 58 am to : vincent kaminski cc : subject : follow - up on siam workshop i enjoyed your presentation , and meeting you briefly afterwards , at the siam workshop last friday . i have extensive experience as a technical leader in the design and development of modeling and simulation software products , mostly for the oil and gas pipeline industry . i am looking for a position that can utilize my software development and mathematical skills . getting out of the narrow confines of the pipeline simulation industry would be a plus . please consider whether i might fit in your group . your answer to a question indicated that i have several of the skills you look for . also , please let me know , by email , the names and contact information of other managers within enron who might benefit from having someone with my qualifications in their group . attached are my resume and an addendum covering academic & consulting experience . publications are available on request . i will call you in a couple of days to follow up on this email . thank you for your time . peter percell 10030 doliver drive percell @ swbell . net houston , tx 77042 - 2016 ( 713 ) 532 - 3836 voice & fax - percell , peter resume only . doc - percell , peter a & c exp . doc",0 +"Subject: hello hi vince , how are you . it was really a pleasure meeting you and talking to you at the toronto energy derivative conference . thank you for speaking with me about the possibility of visiting your research group . it will be great if i could have such opportunity whenever you see your schedule fits . i am very much open for the last week of july and early august . i ' m looking forward to hearing from you soon . best , shijie shi - jie deng assistant professor school of isye georgia institute of technology office phone : ( 404 ) 894 - 6519 e - mail : deng @ isye . gatech . edu home page : http : / / www . isye . gatech . edu / ~ deng",0 +"Subject: resume for bruce james dr . kaminski : please find attached my resume and cover letter . sincerely , bruce james - jameslett 60 . zip",0 +"Subject: ( no subject ) vince , here are the overview powerpoint slides for the investment and strategic relationship management firm , azure capital , i mentioned in my voice mail . the transactions they completed in their past lives at csfb and already in the new firm , as well as their advisory board are probably the strongest evidence of their capabilities . hope all is well . blake - azure slides . ppt",0 +"Subject: resume - rabi de vince , thanks for returning my call . here ' s rabi ' s resume for your review . as i mentioned , i worked with rabi for a little over a year at shell and was very impressed with both his abilities and work ethic . if you would like any further info from me , please do not hesitate to give me a call . thanks . bill ( for human resources ) - - - - - - - - - - - - - - - - - - - - - - forwarded by bill berkeland / corp / enron on 06 / 26 / 2000 11 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - rabi de on 06 / 25 / 2000 08 : 24 : 07 pm to : bill . berkeland @ enron . com cc : subject : resume dear bill : thank you very much for volunteering to circulate my resume within enron . as you know , i am interested in exploring career opportunities in financial engineering within enron . i am particularly interested in joining the research group headed by dr . vince kaminski . enron continues to innovate its way through the energy and telecom marketplace using its substantial intellectual capital . the enclosed resume details my experience , academic background , and contributions in the area of risk modeling and management . understanding risk is a core competency of enron and i am excited about the possibility of working , learning , and growing with the very best in the industry . please forward my resume within enron as you see fit . thank you in advance for any referrals or recommendations you may be able to provide . best regards , rabi s . de do you yahoo ! ? get yahoo ! mail - free email you can access from anywhere !",0 +"Subject: re : transition to research group - an update sounds great - - molly vince j kaminski 01 / 19 / 2001 06 : 21 pm to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : transition to research group - an update molly , thanks . let ' s wait for sandeep : he comes back wednesday . anshuman will work with him . vince enron north america corp . from : molly magee 01 / 19 / 2001 06 : 08 pm to : margaret daffin / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : transition to research group - an update once again , margaret , we are in your debt . vince , let ' s get together some time next week and see where you would like us to go with this . . . molly margaret daffin 01 / 19 / 2001 03 : 27 pm to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : transition to research group - an update molly : just to be sure that everyone understands , anshuman cannot work in the us on a bl visa - he can only come here for business meetings and training . we will have to get him the ll visa in order for him to work in the us . margaret enron north america corp . from : molly magee 01 / 19 / 2001 02 : 53 pm to : vince j kaminski / hou / ect @ ect cc : margaret daffin / hou / ect @ ect subject : re : transition to research group - an update thank you so much for the information , vince . i hope that you have a great weekend ! molly vince j kaminski 01 / 19 / 2001 02 : 39 pm to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : transition to research group - an update molly , i shall ask sandeep to do it when he comes back from india next week . i have just learned that anshuman has bl visa and he can start on a project as a person delegated by dhabol power company to houston . to be absolutely above the line , i would still arrange the ll visa . vince enron north america corp . from : molly magee 01 / 19 / 2001 10 : 44 am to : vince j kaminski / hou / ect @ ect cc : margaret daffin / hou / ect @ ect subject : re : transition to research group - an update i agree that it makes sense to put the ll in place . there are several things we will need from you in order to start the visa process . the first is a fairly detailed job description for anshuman . secondly , we also need to know whether or not he will be in a managerial position here and / or managing a project . if there is someone else in your group who can furnish this job description , just let me know and i will be happy to contact him / her . as for sandeep , i have been told that he is a u . s . resident so there should be no problems with him . margaret daffin will be contacting him to be absolutely sure . thanks , molly vince j kaminski 01 / 19 / 2001 10 : 21 am to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : transition to research group - an update molly , let ' s get ll for anshuman , just in case . i am sure he will stay here for a while once he comes . it is quite obvious jeff shankman will have to keep him longer , given the priority of the project . i assume there are no problems with sandeep . thanks . vince enron north america corp . from : molly magee 01 / 19 / 2001 09 : 54 am to : vince j kaminski / hou / ect @ ect cc : margaret daffin / hou / ect @ ect subject : re : transition to research group - an update thank you for the update , vince . i have been working with margaret daffin with regard to anshuman ' s visa status . we will have to get an ll visa in place before he can come to the united states , even in a temporary capacity . do you want to move forward with that effort at this time , or is the possibility of him coming to the u . s . so remote that it wouldn ' t be worth the time and money right now ? molly vince j kaminski 01 / 19 / 2001 09 : 42 am to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : transition to research group - an update molly , this is an update on anshuman . please , see below . it seems that his transfer is not an issue for the time being . we can put it on a back - burner till he gets here . vince p . s . the relevant section . i also spoke about anshuman , and there was resistance to his leaing for such a long time . however , i have agreement from folks here to send him to houston for a shorter stint on dpc budget . i will try to finalize that before i leave . i will call you in the evening to just chat . - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 19 / 2001 09 : 45 am - - - - - - - - - - - - - - - - - - - - - - - - - - - sandeep kohli @ enron _ development 01 / 19 / 2001 04 : 32 am to : vince j kaminski @ ect cc : subject : transition to research group - an update vince , just wanted to let you know that i had a meeting with wade cline ( coo , enron india ) , neil mcgregor ( president , dpc ) , and mohan gurunath ( cfo , dpc ) today . though i had already spoken to all of them earlier about my joining your group , today it became official , and all of them supported the move . i explained to them what we would be doing , and the results expected from the henwood study . dpc would like to pay the costs for the study , and that was mentioned . there maybe some tax issues etc . that need to be cleared , and other related issues that i would like to discuss with you , so i will leave them till i get to houston . i also spoke about anshuman , and there was resistance to his leaing for such a long time . however , i have agreement from folks here to send him to houston for a shorter stint on dpc budget . i will try to finalize that before i leave . i will call you in the evening to just chat . i am very thankful to you for giving the opportunity you have . things here have deteriorated dramatically over the last few weeks . morale is quite down due to many lay - offs . i am really looking forward to returning to houston , and the family ! ! regards , sandeep .",0 +"Subject: re : summer work . . jinbaek , thanks for your message . we have a number of additional fascinating projects that you can work on . as a matter of fact , it would be great to have you here earlier . vince "" jinbaek kim "" on 05 / 02 / 2001 05 : 18 : 32 am to : , "" raghavan , suresh "" , "" mesquita , ross "" cc : subject : summer work . . long time no see , how have you been . . . must be busy and living a challenging life ? i have been pretty busy too , to finish a project and write a paper , these days . everything looks going ok for my summer internship . i took necessary steps to work out of campus , and sent signed contract to molly a week ago . . here is what i am expecting to do in the summer . please let me know if you have any change in mind . actually , i wonder a little bit if dealbench changed its business model . . . and maybe you got priority in something different because it has been quite a while since we talked . i ' d like to what ' s going on in dealbench team . . . raghavan and ross , if we talk over phone it will be great ! dr . kaminski , if you think there is something else interesting to work with during the summer , to both you and i , please let me know . my interest is auction , market design , and simulation . i am taking a financial engineering class , ( mostly on option pricing ) and working on electricity generator valuation problem based on spark spread option . all of you , let ' s keep in touch until we meet in june ! ! best regards , jinbaek tentative work period : 6 / 4 - 8 / 4 1 . tasks : 1 ) survey on auctions : the state of art single - item auction , multi - unit auction , sequential auction , multi - attribute auction , combinatorial auction - theoretical - experimental - algorithmical 2 ) deal bench ' s auction model analysis 2 . deliverables : 1 ) 3 presentations : - lst presentation : around 6 / 30 : on different auction types and researches - 2 nd presentation : around 7 / 15 : the state of art in auction studies - 3 rd presentation : around 8 / 1 : deal bench ' s model analysis 2 ) report : summary of auction study in laymen ' s term deal bench ' s model analysis",0 +"Subject: contstraints on the shape of a smile stinson , vince , zimin , here ' s a brief document on constraints on the shape of a smile for a fixed expiry date . the constraints are neccessary and sufficient for no arbitrage in this case . i ' ve used a template created by dr . leppard which is why it looks so scary . if you need constraints in the time direction then i will have to think a little bit more about it . i think constraints in this direction are very model depenendent e . g . stochastic volatility and local volatility models will throw up different constraints . steve , i am not sure if our traders ( or quants for that matter ) are aware of these constraints and some desks are beginning to build smiles . . . regards sharad",0 +"Subject: re : invoices hi julie : the march invoice # 000166 was sent to our accounting department for payment on march 28 th . i have a call into them to see what happened to it . i will let you know . the aud 5000 invoice was sent to the accounting department but they sent it back saying they cannot pay invoices in foreign currency . so i then had to send it to the treasury dept . i will check on it today also . as far as the other invoice . it should be sent to our australia office to the attention of paul quilkey . we had agreed to split this with them . their address is : paul quilkey enron australia pty . ltd . level 21 9 castlereagh street sydney , nsw 200000 , australia if you need anything else , please let me know . shirley . "" julie "" on 12 / 12 / 2000 07 : 03 : 32 am please respond to "" julie "" to : cc : subject : invoices shirley , ? sorry to bother you again , but we still have two outstanding invoices from enron . ? they are : ? march ' 00 : ? ? ? ? ? enron ? inv . 000166 ? ? ? ? ? ? usd 4900 ? september ' 00 ? ? enron inv . 000202 ? ? ? ? ? ? ? aud 5000 i have another invoice to send out for the balance of ? the original aud 10 , 000 ( balance would be the remaining aud 5 , 000 ) , but ? i ' m ? unsure to whom i should direct it ? ? i sent ? an email to vince several weeks ago asking for this information , but haven ' t heard ( assume he ' s tremendously busy ) . ? let me know what you ? need from ? me . ? thanks , julie ? lacima group ? ? ? ? ? ? ? ? ? ? ? ? ? ? ?",0 +"Subject: re : mscf speaker series pierre - philippe , friday would be beter . vince pierre - philippe ste - marie on 10 / 09 / 2000 10 : 11 : 37 am to : vince . j . kaminski @ enron . com cc : subject : re : mscf speaker series dear mr . kaminski , it goes without saying that whoever come with you is invited for dinner . would you prefer to have dinner on thursday night or friday night . i think it would be better friday night as we could discuss the presentation . sincerely , pierre - philippe ste - marie",0 +"Subject: hi vince ! please let me know if university affairs cana ssist in setting up interviews to address the ees issues raised by maheshram . i ' m at beaver creek in colorado now , and will be in california making presentations of various cases for completeing my phd course work jan 3 - 4 . back in houston on the 5 th . if anything needs to get arranged on this before then , please feel free to call mike rosen at 3 - 9624 . he will be happy to help . thanks vince ! may your new year be filled with peace - of - mind , good health and many joys ! see you there ! best regards ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 12 / 29 / 2000 12 : 23 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" vittal , maheshram "" on 12 / 26 / 2000 10 : 59 : 38 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : "" ' christie . patrick @ enron . com ' "" subject : re : houston trip dear vince / christie , thanks for coming to philadelphia to present an overview of the projects . we enjoyed meeting you and your colleagues and look forward to working with enron . i would also like to pass on my team ' s appreciation for the dinner as well . we wanted to give you an update on our project and get some feedback and additional information prior to our upcoming visit to houston on january 19 th . our project is going to be geared to the 3 rd option you mentioned . we plan on addressing some part of the retail energy services business . we are considering two options regarding this topic and would like to pursue either ( i ) how customers are acquired and recommending new processes and ways to serve retail customers , or ( ii ) studying the supply chain and coming up with recommendations for areas for further investments . however , we would like to get some more information on the retail energy services before truly scoping the project . we are also very open to suggestions , especially if you had a much broader or different scope in mind ; so please let us know . we have not yet reviewed the introductory information received last week , but here are the questions we have specific to the retail energy services unit : can we look at its overall business plan or a more detailed summary than is in the annual report ? what is the pricing philosophy / overall structure ? who are the customers and how are they acquired ? what would the customers be doing if they did not work with enron ? what are the international expansion plans and capabilities ? is there any important regulatory summary information we can have ? if this information is not already covered in the review material you sent , will you be able recommend other sources where we may find such information ? after we have reviewed the material sent to us recently , we may want to schedule a phone call with you and / or one of your colleagues directly involved in the retail energy services business . i would like to call you in the new year to discuss this further . in the meantime , please feel free to call me at ( 215 ) 546 - 9416 if you need any information . regards , retail energy services tiger team ram dennis jason omar steve clay",0 +"Subject: the real options conference shirley , please , forward my bio to crystal . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 11 / 2000 08 : 34 am - - - - - - - - - - - - - - - - - - - - - - - - - - - crystal barry on 02 / 09 / 2000 05 : 05 : 17 am to : vince j kaminski / hou / ect @ ect cc : subject : the real options conference dear vince , as the above event is drawing closer , i thought i would write a quick email to finalise a few things with you . i understand that you would like a guest to attend , please can you let me know their name and job title . also , if you could send me your conference checklist i would appreciate it , so that i can finalise details with my audio visual company . in the meantime , if there is anything i can do for you , please do not hesitate to let me know on 0171 - 915 - 5116 . kind regards crystal",0 +"Subject: off - site : john griebling ' s organization and research group jeff , i would like to invite you to an off - site meeting of john griebling ' s organization and the research group . date : april 27 - april 29 location : breckenridge , colorado as you know , john griebling is managing the network design and construction project currently under way in ebs . the research group is actively involved in this effort which requires advanced quantitative skills in the area of stochastic optimization and stochastic processes ( for modeling and forecasting internet traffic flows ) . the objective of this meeting is to develop common language and accomplish transfer of skills between the two groups , to facilitate cooperation on this project in the future . we are also inviting to this off - site senior management of ebs and plan to have on the agenda several presentations about strategic directions of ebs . the effort of network design and construction currently under way is unprecedented in terms of its scope and complexity and it is important for technical people , who often have highly specialized technical skills , to understand the broad picture . i would appreciate if you could join us for friday afternoon ( april 28 ) and saturday ( april 29 ) . i understand that you have commitments on thursday and friday morning . we have reorganized the tentative agenda of the meeting to devote friday afternoon to more general topics . vince",0 +"Subject: data for moody ' s riskcalc craig and kim , as you know , i have obtained a 60 day trial subscription to moody ' s riskcalc . you wanted to know if it makes sense for enron to purchase riskcalc . well , after plowing through their 100 page manual and sitting through today ' s 2 - hour moody ' s presentation , it is necessary for us to have information about enron ' s counterparties to move to the next step with riskcalc . we have obtained some information on enron ' s european counterparties from our colleagues in the london office . we need for you and / or your colleagues in the houston office to supply us with a list of enron ' s north american counterparties . more specifically , to evaluate moody ' s riskcalc we will need the following financial inputs for enron ' s north american ( private firm ) counterparties : fiscal year the prior twelve months of financial data are represented . annual statements are usable as well as quarterly statements after summing the flow variables , such as cost of goods sold , net income , sales , and ebit . the value should be a four - digit integer year without mention of the day or month such as 1999 or 2000 . forecasts until the year 2009 can be made . a constant rate of inflation is applied to future years using last year ' s ( 1999 ) inflation level . in general this ' estimation error ' will not cause any great problems , as size affects default rates at very large scales ( e . g . , $ 10 , 000 , 000 vs . $ 1 , 000 , 000 makes a significant difference , $ 1 , 000 , 000 vs . $ 1 , 050 , 00 does not ) . cash & equivalents this measure of liquid assets includes cash and marketable securities . inventory inventories are taken directly from the balance sheet , in thousands dollars , without any alterations for accounting method ( e . g . , lifo , fifo , average cost ) . this item represents merchandise bought for resale and materials and supplies purchased for use in production of revenue . specifically this would include purchase cost , sales cost , sales taxes , transportation costs , insurance costs , and storage costs . current assets this item primarily represents cash , inventories , accounts receivables , marketable securities , and other current assets . total assets total assets and every other variable are entered in thousands of dollars . for example , $ 15 , 500 , 000 should be entered as 15500 . specifically , total assets are the sum of current assets plus net property , plant , and equipment plus other noncurrent assets ( including intangible assets , deferred items , and investments and advances ) . leave previous year ' s total assets blank for australian companies . current liabilities liabilities are positive values . included in current liabilities are short - term debt , accounts payable , and other current liabilities . total liabilities this balance sheet account , total liabilities , is a positive number representing the sum of current liabilities plus long - term debt plus other noncurrent liabilities ( including deferred taxes , investment tax credit , and minority interest ) . retained earnings retained earnings , a historical measure of performance , is the cumulative earnings of the company less total dividend distributions to shareholders . typically , it is the prior year ' s retained earnings plus net income less distributions . retained earnings are generally positive . some firms with low credit quality will have negative retained earnings . leave this field blank for australian companies . sales this item consists of the industry segment ' s gross sales ( the amount of actual billings to customers for regular sales completed during the period ) reduced by cash discounts , trade discounts , and returned sales and allowances for which credit is given to customers . cost of goods sold entered in thousands of dollars , this value is generally a positive number less than sales . it represents all costs directly allocated by the company to production , such as material , labor , and overhead . not fixed overhead or items that would be included in selling , general , and administrative expenses . leave this field blank for australian companies . ebit earning before interest expense is operating income after depreciation . it can be positive or negative but is usually greater then net income . interest expense this item represents the periodic expense to the company of securing short - and long - term debt . typically , we expect this charge to be approximately the prevailing interest rate times the total liabilities . one measure of computing this is : interest expense = 0 . 07 * total liabilities . net income this item represents the income ( or loss ) reported by a company after expenses and losses have been subtracted from all revenues and gains for the fiscal period including extraordinary items and discontinued operations . a loss is represented by a negative sign . for example , a $ 5 , 000 , 000 loss would be entered as - 5000 . leave previous year ' s net income blank for australian companies . extraordinary items positive or negative , this item represents unusual items that sometimes appear on the income statement . the items are designated by the company as extraordinary and presented after net income from continuing operations and discontinued operations . these items include extraordinary gains / losses , income ( loss ) from discontinued operations , and cumulative affect of accounting changes . expenses are entered as negative values , gains as positive values . leave previous year ' s extraordinary items blank for australian companies . country this model is calibrated for the united states , canada , and australia . we look forward to receiving this information for enron ' s private firm north american counterparties so that we can move on to the next step with the evaluation of riskcalc . thanks , iris",0 +"Subject: year end 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the year end 2000 performance management process by providing meaningful feedback on specific employee ( s ) . your feedback plays an important role in the process , and your participation is critical to the success of enron ' s performance management goals . to complete requests for feedback , access pep at http : / / pep . corp . enron . com and select perform review under performance review services . you may begin providing feedback immediately and are requested to have all feedback forms completed by friday , november 17 , 2000 . if you have any questions regarding pep or your responsibility in the process , please contact the pep help desk at : houston : 1 . 713 . 853 . 4777 , option 4 london : 44 . 207 . 783 . 4040 , option 4 email : perfmgmt @ enron . com thank you for your participation in this important process . the following is a cumulative list of employee feedback requests with a status of "" open . "" once you have submitted or declined an employee ' s request for feedback , their name will no longer appear on this list . review group : enron feedback due date : nov 17 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - crenshaw , shirley j wincenty j kaminski oct 26 , 2000 tamarchenko , tanya v vasant shanbhogue oct 26 , 2000 villarreal , norma e sheila h walton oct 26 , 2000 walton , sheila h david oxley oct 27 , 2000 yaman , sevil vasant shanbhogue oct 27 , 2000",0 +"Subject: color copier information kevin , please see the following websites for features and specifications of the color copiers currently available to enron and pricing is on an attacment @ the bottom of the mesage . let me know if you would like to meet with any of the reps or if vince / mike / shirley or yourself would want to take a trip to the vendor location for demonstrations on any of the equipment listed below . these color copiers are only supported by the vendor and the lease would be between your group and the relative vendor . response times have been specified as 4 hr from the time the call is placed to the vendor tech arriving during normal business hours . after hours service is available @ premium rates , yet to be quoted = let me know if you require this after hours service pricing . epsc key - op does not currently support color copier equipment and as such , someone in your group would receive the necessary training for low level maintenance { jams / toner / staples etc } . you would also need to store the necessary supplies for the selected color copier . lanier 5706 website : - - > http : / / www . lanier . com / ps / products / wkgrp / c 5706 . html canon clc 900 website : - - > http : / / www . usa . canon . com / corpoffice / copiers / clc 900 . html lanier 5710 website : - - > http : / / www . lanier . com / ps / products / hivol / c 5710 . html canon clcl 150 website : - - > http : / / www . usa . canon . com / corpoffice / copiers / clcl 150 . html { we have one of these installed @ 3 acl 612 } canon clc 2400 website : - - > http : / / www . usa . canon . com / corpoffice / copiers / clc 2400 . html canon clcl 000 website : - - > http : / / www . usa . canon . com / corpoffice / copiers / clcl 000 . html { we have some of these installed @ 3 acl 8 & 3 aco 9 } pricing please see attached winzip file : - - > thanks , iain russell @ 713 - 853 - 6861 contracts supervisor administration enron property & services corp .",0 +"Subject: uk swap rpi model - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 03 / 31 / 2000 01 : 44 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - martina angelova 03 / 22 / 2000 02 : 59 pm to : zimin lu / hou / ect @ ect cc : anjam ahmad / lon / ect @ ect , trena mcfarland / lon / ect @ ect subject : uk swap rpi model hi zimin ! please find attached the rpi model i developed by bootstrapping rpi swaps . the structure of this particular swap is : semi / semi act / 365 f > > yoyukrpi = ( ukrpi ( p - 2 ) / ukrpi ( p - 14 ) - 1 ) / 2 > p = payment month > the first payment is the latest known historical rpi , february 2000 . you will notice that i have assumed constant cashflows between the quoted years ( as opposed to interpolating swaps which distorts the curve a lot ) . please find below a graphic comparison between the rpi curve produced by swaps and the one produced by the gilt market . looking forward to your comments . best regards , martina x 34327",0 +"Subject: risk systems enhancements meeting 9 / 29 / 00 - 11 : 30 - 1 : 00 p . m . eb 2868 tanya : fyi . this is the meeting you will be attending for vince tomorrow . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 09 / 28 / 2000 10 : 09 am - - - - - - - - - - - - - - - - - - - - - - - - - - - dorothy youngblood 09 / 28 / 2000 09 : 11 am to : karen k heathman / hou / ect @ ect , jo corbitt / na / enron @ enron , rita hennessy / na / enron @ enron , cherylene r westbrook / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , peggy mccurley / hou / ect @ ect , patti thompson / hou / ect @ ect , giselle james / corp / enron @ enron cc : subject : risk systems enhancements meeting 9 / 29 / 00 - 11 : 30 - 1 : 00 p . m . eb 2868 ladies , good morning , just a reminder of the above referenced meeting will be held tomorrow 9 / 29 / 2000 @ 11 : 30 a . m . - 1 : 00 p . m . lunch will be served . attendees : rick buy sally beck philippe bibi ( or representative from his group ) bill bradford debbie brackett vince kaminski ( or representative from his group ) ted murphy beth perlman david port stephen stock thank you in advance . . dorothy 3 - 6114 - - - - - - - - - - - - - - - - - - - - - - forwarded by dorothy youngblood / hou / ect on 09 / 28 / 2000 08 : 37 am - - - - - - - - - - - - - - - - - - - - - - - - - - - dorothy youngblood 09 / 21 / 2000 11 : 41 am to : karen k heathman / hou / ect @ ect , jo corbitt / na / enron @ enron , rita hennessy / na / enron @ enron , cherylene r westbrook / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , peggy mccurley / hou / ect @ ect , patti thompson / hou / ect @ ect , giselle james / corp / enron @ enron cc : subject : risk systems enhancements meeting 9 / 22 / 00 - 11 : 30 - 1 : 00 p . m . eb 2868 ladies , just a quick reminder about the meeting tomorrow . lunch will be served - - so each of your bosses or their representatives will be served . so they do not have to worry about bringing their lunches . yeah ! ! ! ! ! attendees : rick buy sally beck philippe bibi ( or representative from his group ) bill bradford debbie brackett vince kaminski ( or representative from his group ) ted murphy beth perlman david port stephen stock please see below : menu blackened chicken fettuccine fresh seasonal vegetables ceasar salad w / assorted dressings fresh baked rolls w / butter bottled water assorted drinks cookies ( assorted ) thank you very much in advance . thanks . . dy - - - - - - - - - - - - - - - - - - - - - - forwarded by dorothy youngblood / hou / ect on 09 / 21 / 2000 10 : 59 am - - - - - - - - - - - - - - - - - - - - - - - - - - - dorothy youngblood 09 / 19 / 2000 12 : 52 pm to : karen k heathman / hou / ect @ ect , jo corbitt / na / enron @ enron , rita hennessy / na / enron @ enron , cherylene r westbrook / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , peggy mccurley / hou / ect @ ect , patti thompson / hou / ect @ ect , giselle james / corp / enron @ enron cc : subject : risk systems enhancements meeting ladies rick buy would like to have the above meeting on a weekly basis . debbie brackett asked that i send an email to invite your bosses . the meeting will be from 11 : 30 a . m . - 1 : 00 p . m . this meeting will be held each friday - room eb 2868 for the rest of the year . attendees : rick buy bill bradford debbie brackett philippe bibi ted murphy david port stephen stock vince kaminski beth perlman sally beck thank you dorothy 3 - 6114 - - - - - - - - - - - - - - - - - - - - - - forwarded by dorothy youngblood / hou / ect on 09 / 19 / 2000 12 : 29 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : debbie r brackett 09 / 11 / 2000 10 : 09 am to : dorothy youngblood / hou / ect @ ect cc : subject : rac it improvement projects - - - - - - - - - - - - - - - - - - - - - - forwarded by debbie r brackett / hou / ect on 09 / 11 / 2000 10 : 09 am - - - - - - - - - - - - - - - - - - - - - - - - - - - rick buy @ enron 09 / 07 / 2000 04 : 35 pm sent by : jo corbitt @ enron to : sally beck / hou / ect @ ect , philippe a bibi / hou / ect @ ect , debbie r brackett / hou / ect @ ect , william s bradford / hou / ect @ ect , mike jordan / lon / ect @ ect , vince j kaminski / hou / ect @ ect , ted murphy / hou / ect @ ect cc : john j lavorato / corp / enron @ enron , mike mcconnell / hou / ect @ ect , john sherriff / lon / ect @ ect subject : rac it improvement projects",0 +"Subject: california power 1 / 15 / 01 vince - kristin mentioned that you might be interested in receiving our daily updates on the california situation . hope that you are doing well and let us know if you require any additional information . rj - - - - - - - - - - - - - - - - - - - - - - forwarded by robert johnston / hou / ect on 01 / 16 / 2001 08 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - robert johnston 01 / 15 / 2001 09 : 10 pm to : michelle d cisneros / hou / ect @ ect cc : gary hickerson / hou / ect @ ect , james d steffes / na / enron @ enron , richard shapiro / na / enron @ enron , jaime gualy / na / enron @ enron , john greene / lon / ect @ ect , jeff kinneman / hou / ect @ ect , kristin walsh / hou / ect @ ect , scott tholan / corp / enron @ enron subject : california power 1 / 15 / 01 as talks continued toward the tuesday deadline markets have been focused on for the california electricity crisis , state officials around governor gray davis have toughened up their rhetoric on a couple of fronts even as they confirmed they would be in the market as early as tuesday taking bids for energy to be paid by the state of california . one problem on that front is still how much producers want to charge the state for electricity . as we reported last week , davis and his aides want to pay around $ 50 to $ 55 dollars per megawatt hour and suppliers want about $ 75 . treasury secretary summers has suggested an auction as the best way to determine the price , but california officials are taking a less free market approach and still hope to set the price through negotiation over long - term contracts . our sources in washington , sacramento , and california are increasingly of the view that governor davis is positioning his government to establish long - term power contracts with the generators that could be passed through to the utilities following a bankruptcy in the near term . this week ' s legislative activities in sacramento will create the vehicle to do so . state credit backing purchases of power would obviate the need for super - priority borrowing to finance power purchases after utility bankruptcy . 1 . audit - untangling utility relationships california officials have also toughened their rhetoric on the debt repayment front as they say results from a preliminary audit show that half of the $ 9 to $ 12 billion the utilities say they owe is actually owed to themselves for power they bought from their corporate relations this strange situation is due to the fact that one holding company owns both the power - generating and power - distributing companies under a holding company umbrella . of course , that means that some of the power pg & e and southern california edison bought at highly inflated prices was bought from themselves . but it was not all bad news in the tense negotiations . sources confirm that davis increasingly understood that the state finance role was a crucial part of any potential solution . he told our sources this afternoon that he is willing to use state credit to eliminate the "" risky debt "" premium that pg & e and sce are being charged by suppliers because of their shaky finances and that he is willing to extend the current 10 % rate increase utility customers are paying far beyond the initial 90 - day deadline . in return he is demanding that the companies prepare to "" share the burden of debt reduction in return for state help and credit extension . "" 2 . debt restructuring - guarantees , but no direct state money davis also told the videoconference that he believes the $ 12 billion in back debt owed by the utility companies can be cleared up during a 90 - day forbearance period ( whether that period has been agreed to by all creditors is not something we are clear about right now ) . davis ' idea , as he laid it out in the meeting , is to use the forbearance period to securitize the debts and sell them against the utilities ' forward rate base or by establishing a medium - term repayment plan backed by continued state guarantees . in both cases the restructured debt would be resolved over a decade without direct use of taxpayer money as the utilities use their positive margins to paydown their debt . one of the reasons davis wants to stay close to the $ 50 - $ 55 megawatt charge is that it maximizes the rate at which utilities can pay down this debt . there is a strong chance that davis will agree to use state guarantees to sweeten the pot at the end of these negotiations , but he remains opposed to using direct state money . this frustrates both clinton administration and utility creditors , but davis has not yet shown much flexibility . 3 . eminent domain / reregulation perhaps most frustrating to the washington dc free market crowd at treasury and the white house was the continued comfort davis and his group of political advisers have with "" non - market "" solutions to the energy crisis . although the governor ' s aides actually believe the weapon is more a "" way to force eventual agreement , than an actual solution , "" the talk returns frequently to these non - market mechanisms . "" we have the ultimate weapon to enforce compliance by the tuesday deadline . if we make no progress . if this thing looks like it will turn into a genuine crisis , then we will use our powers of condemnation and we will re - take the plants and equipment and run them ourselves , "" a close political aide to davis said . "" we will absorb the plants , the transmission lines and the reserved parking places of the executives . the legislature would agree in a second . """,0 +"Subject: energy book fiona , ? thanks for your message and the update . ? we haven ' t made any changes . ? i was referring to the enron changes , and the electronic brochure i sent to you yesterday . ? in total , we have the following pieces which list the enron name : ? - ? book cover - ? bios which are on the cover and in the "" preface "" section of the book - ? chapter 3 which was written by vince kaminski ' s group - ? electronic brochure ? the first 3 pieces are the most important since they have to do with the printing of the book . ? if you could ? get the modifications to us by thursday , that would be great . ? ? thanks , and look forward to hearing from you . ? julie ?",0 +"Subject: re : yes sir jeff , thanks . we shall try to arrange a video conference with houston when howard is back . vince "" $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ "" on 02 / 05 / 2001 07 : 29 : 12 pm please respond to "" $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ "" to : vince . j . kaminski @ enron . com cc : subject : yes sir ok , vince . i ' ll track him and find when he is back . i will inform alec and his manager what you want . i ' m on it . thank you . jeff jeff , we shall continue talking to howard when he comes back from nyc . i shall set up an interview with him . vince * get free , secure online email at http : / / www . ziplip . com / *",0 +"Subject: trash bash event on saturday , march 31 st thanks for the interest so many of you have shown in trash bash . several of you are of the mistaken idea that trash bash is tomorrow . it is not until saturday , march 31 , 2001 . registration will be in sam houston park and trash will be picked up along buffalo bayou from so . shephard to the wortham center . the work areas will be divided into 8 to 10 sections . when you check in , you will be assigned to a work section . if you are going to work at the registration desk , you need to be at sam houston park by 7 : 30 am . if you are going to pick - up trash , you need to be at sam houston park by 8 : 00 am . there will be a pre - registration desk set up in the lobby of the enron bldg . sometime during the week of march 26 th and i will let you know the exact dates when they are given to me . if you pre - register , you won ' t have to stand in the long lines at sam houston park . thanks again for your interest and help . anita",0 +"Subject: re : prospective 6 / 22 houston visit hi professor ronn : i have ordered a flip chart and markers and an overhead projector . there were 11 pages in your presentation and they look fine . we have already made the copies . i believe everything is set - if you think of anything else , please let me know . enjoy your dinner tonight and we will see you tomorrow . regards , shirley crenshaw "" ehud i . ronn "" on 06 / 21 / 2000 02 : 03 : 03 pm to : shirley . crenshaw @ enron . com cc : subject : re : prospective 6 / 22 houston visit shirley : > please let me know if you need > anything else . there is one additional item i would request : if the room does not contain a blackboard or whiteboard , i would appreciate a flip chart and markers . i am faxing you my presentation handout for tomorrow . i would be grateful if your produced copies in sufficient number for tomorrow ' s 11 : 30 a . m . meeting ; vince advises me the number of attendees will be in the 25 - 30 range . i will also bring along a "" master copy "" in case the trasmission unduly mangles the fax . thanks , ehud ehud i . ronn department of finance mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: re : visit to enron fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 05 / 19 / 2000 11 : 40 am - - - - - - - - - - - - - - - - - - - - - - - - - - - nick bambos on 05 / 19 / 2000 11 : 33 : 29 am to : stinson . gibner @ enron . com cc : subject : re : visit to enron stinson , > 1 . will you be able to arrive in houston by , say , 6 p . m . on thursday so > that we can schedule a dinner meeting that evening ? i ' m arriving at the george bush airport in houston next thursday at 5 : 15 pm . i could then take a taxi to the hotel or the restaurant . how long would it take me to get there ? is there a "" rush hour "" problem at that time ? > also , if you are > returning on friday , what time is your flight ? i don ' t want to book > meetings too late in the afternoon for you , if you will need to leave for > the airport . i ' m flying out of houston on friday at 6 : 45 pm . is there a rush hour problem on the freeways at that time ? what time should i leave from enron to be at the airport at 6 pm ? > 2 . would you be amenable to giving a 45 minute presentation on friday ? > this would be an effective way of introducing you to many more people in > ebs , including many of the traders . the topic could be of your choice and > could be related to networks or the future of the internet . i hope i ' ll have opportunities to give talks at enron in subsequent visits along the research path . in this first visit i was hoping to understand better the research goals of enron and brainstorm with people about what are the top challenges and opportunities for our research collaboration . identifying the best research problems in terms of 1 ) highest innovation potential and 2 ) highest projected impact would be at the top of my list . it might be unprofessional on my side to talk to an audience that i don ' t have any prior information about and is very diverse anyway ; it could actually be "" dangerous . "" i would feel much more comfortable to do that in my second visit , after i have understood the environment better and i have some results to talk about . i would like to be in a position to "" impress "" people when i give my first talk at enron . ( besides , i will have to prepare good slides for such a talk and i am totally swamped all next week . ) > 3 . do you have time to draft a short letter of understanding that vince > could use to document the support being given to you and the uses which > would be made of our contribution to your research effort ? i ' m swamped , but i ' ll try to put something together . i look forward to seeing you next week . nick",0 +"Subject: good morning vince , attached you will find a draft "" thought document "" based on our conversations yesterday . i think that it captures much of my recollections . please edit it to your liking and pass it back to me . in the next steps i have laid out a plan of action that should lead us to a successful conclusion and a draft by christmas . let me emphasize that this is a working document so feel free to modify it in whatever ways you think appropriate ( don ' t be bashful - - i want us to get this right ) . have a great day . your friend , john - enroninterview . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: vacation vince : i would like to take a day of vacation next friday , october 6 th if it ok . anita will be here . thanks ! shirley",0 +"Subject: ideas vince : i may have neglected to send you the attached last week . enron is one of a handful of institutions which could facilitate an entire transaction of the kind described here . this is simply your old production payment concept applied to corporate finance . best , - pressrelease . pdf - monetization . pdf",0 +"Subject: riskbrief - january issue riskbrief - http : / / www . financewise . com / risk dear risk brief subscriber , it  , s been a while since you last received your monthly ' risk brief ' update from financewise . but not without good reason - we ' ve changed a lot . we have launched an exciting online news product called ' risknews ' . this free website provides dedicated global coverage of all the top stories , informed analysis and best practice in the world of financial risk management , derivatives , technology and exchanges , people moves and key industry events . breaking news is added to the website throughout the day , every day . another key benefit of risknews is a free weekly e - mail update covering the need - to - know headlines and links back to the relevant news items . so , if you can ' t find the time to visit http : / / www . risknews . net regularly , don ' t worry , you can keep yourself informed with the weekly ' risknews update ' . so , what does this mean for you ? from now on , as well as receiving your monthly ' risk brief ' e - mail summarising risk management news a month after it happens , you can now receive the weekly ' risknews update ' . the e - mail update is sent every friday and the service is free . starting from friday 26 january you will receive your first ' risknews update ' with coverage from stories occurring just this week . and finally  ( to celebrate this important milestone in our internet services development , we would like to offer you a free copy of the february issue of ' operational risk ' , worth $ 70 . this special issue serves as a guide to the regulators  , proposals on operational risk capital charges as contained in the basle committee ' s second consultative paper released in january 2001 . coverage contains market reactions , impacts and implications , as well as : ? contributing articles from the regulators ? views and reactions from banking analysts ? views of the banking industry bodies ? implications for the risk technology sector with interviews order your free copy ( worth $ 70 ) now and check out http : / / www . risknews . net for the first time ! your comments please e - mail us on mailto : web @ riskwaters . com , best regards , the risknews team ( formerly risk brief ) if you think any of your business associates or colleagues would find risknews useful , please forward a copy of this e - mail to them for us . thanks ! all of risk waters group online services can be accessed through http : / / www . riskwaters . com risk waters group  ) providing products with accurate analysis and technical commentary on the latest developments in the world of finance , financial technology , credit , emerging markets , market data , bandwidth trading & telecoms , risk management and derivative products . to unsubscribe to this list , send a blank message to mailto : financewise - unsubscribe @ listbot . com or visit http : / / www . financewise . com / public / edit / riskm / briefix . htm and unsubscribe from there . to unsubscribe , write to financewise - unsubscribe @ listbot . com",0 +"Subject: re : green card for paulo stinson , yes , makes perfect sense . brad can start the process . vince stinson gibner 03 / 10 / 2000 02 : 15 pm to : vince j kaminski / hou / ect @ ect cc : subject : green card for paulo vince : now that paulo is a manager , i think we can start the process for trying to get him a permanent resident status . should i contact brad mcsherry about this ? - - stinson",0 +"Subject: re : march real options conference gary , peter , this is a copy of my london presentation . i expect to make some minor changes to this presentation for march 13 . vince vince kaminski "" jackson , gary l . "" on 02 / 27 / 2000 03 : 07 : 13 pm to : vince j kaminski / hou / ect @ ect , "" ' peter tufano ' "" cc : "" demars , suzanne "" subject : re : march real options conference > this is a draft of what i was thinking of presenting . i was not planning to go over any specific options or opas ( these are covered by confidentiality clauses and i have to be careful from a competitive standpoint ) but to give the audience a few of the "" real world "" applications and challenges . i welcome any thoughts or comments . gary > - - - - - - - - - - > from : peter tufano [ smtp : ptufano @ hbs . edu ] > sent : friday , february 18 , 2000 4 : 56 pm > to : vkamins @ ect . enron . com ; gljackson 2 @ tva . gov > subject : re : march real options conference > > dear vince and gary , > > we are all speaking at the march real options session in ny . my work in > real options in the energy field has come , to a large part , from my > casewriting in your two organizations , so i feel that we should probably > allocate more time toward your presentations and less to mine . while we > have a two hour block among the three of us , i think we can freely > re - arrange things to produce the best result . would you two like to > schedule a brief conference call to coordinate our talks ? i am free > virtually all of next wednesday 2 / 23 , perhaps we could talk at 10 am ( est ) > or 2 pm ( est ) ? i am happy to arrange the call , if you send me your phone > numbers . thanks . > > peter tufano > > > - - - - - - - - - - - - - - - - - - - - - - - - - - - > prof . peter tufano > harvard business school > morgan hall 377 > soldiers field > boston , massachusetts 02163 > phone : ( 617 ) 495 - 6855 > fax : ( 617 ) 496 - 6592 > email : ptufano @ hbs . edu > http : / / www . people . hbs . edu / ptufano > - real options valuation in the new economy . ppt",0 +"Subject: re : alp presentation christie , great ! ! you think big . it also puts a lot of pressure on the students . vince christie patrick 04 / 11 / 2001 10 : 57 am to : vince j kaminski / hou / ect @ ect , kenneth parkhill / na / enron @ enron , melinda mccarty / corp / enron @ enron , shirley crenshaw / hou / ect @ ect cc : subject : re : alp presentation vince and ken , please see note below . rice ' s president is planning to attend the presentation and dinner ! i ' ll let you know when i hear from gil ( dean whitaker ) . thanks ! also , please remember that i ' ve scheduled steve kean for lunch ( i ' ll have melinda have lunches brought to the conference room ) . please let me know the exact room number and the exact number of lunches needed from your end . thanks ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 04 / 11 / 2001 10 : 38 am - - - - - - - - - - - - - - - - - - - - - - - - - - - judith duvall on 04 / 11 / 2001 10 : 36 : 06 am to : christie . patrick @ enron . com cc : subject : re : alp presentation ms . patrick , dr . gillis will attend both events . judith at 06 : 01 pm 4 / 10 / 01 - 0500 , you wrote : > president gillis and dean whitaker , > > enron would be honored with your presense at the presentation set forth > below . > > under the guidance of vince kaminski and his team here at enron , we are > thoroughly enjoying working with this group of bright and enthusiastic rice > students . we hope you can join us for the culmination of their significant > efforts . > > please let me know - - thanks ! ! > > - - christie . > - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 04 / 10 / 2001 > 05 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - > > > vince j kaminski > 04 / 10 / 2001 08 : 13 am > > to : barrett @ rice . edu , uecker @ rice . edu , cmiller @ rice . edu , > lounghrid @ rice . edu , luigical @ rice . edu > cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect , shirley > crenshaw / hou / ect @ ect , kenneth parkhill / na / enron @ enron > > subject : alp presentation > > on behalf of enron corp . i would like to invite you to an alp project > presentation by a group of students > of jesse h . jones graduate school of management , rice university . > > the students will present the results of a research project regarding > electronic trading > platforms in the energy industry . > > the presentation will be held on may 7 , at 4 : 00 p . m . at enron , 1400 smith . > > we would also like to invite you to dinner , following the presentation . > > > vince kaminski > > vincent kaminski > managing director - research > enron corp . > 1400 smith street > room ebl 962 > houston , tx 77002 - 7361 > > phone : ( 713 ) 853 3848 > ( 713 ) 410 5396 ( cell ) > fax : ( 713 ) 646 2503 > e - mail : vkamins @ enron . com > > > > > > judith duvall secretary to the president rice university 6100 main street - - msl houston , tx 77005 713 / 348 - 4601 713 / 348 - 5271 ( fax )",0 +"Subject: spring 2001 course schedule spring 2001 faculty , the spring 2001 course schedule has been posted to embanet . to access the schedule please open the jgsm area icon on the embanet desktop . next please open the announcement jgsm icon . you will find the spring 2001 course schedule located under the subject column . please open the document . if you do not have access to embanet you will need to speak with david kilgore at kilgore @ rice . edu or by calling david at 713 - 348 - 5378 . thanks , kathy kathy m . spradling mba program coordinator jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 3313 fax : ( 713 ) 348 - 5251 email : spradlin @ rice . edu http : / / www . rice . edu / jgs e - mail : spradlin @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: re : houston visit soussan , thanks for your message . it would be great to meet you when you come to houston . i shall be in town on december 7 , flying back from philly in the morning . assuming that the flight is on schedule , i shall be available for dinner . please , let me know how i can contact you on thursday , december the 7 th , to confirm . look forward to meeting you . vince "" faiz , soussan "" on 11 / 26 / 2000 09 : 04 : 01 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : houston visit dear vince , greetings from ny and hope that all is well and you had a great thanksgiving . i ' ll be coming to houston for 12 / 6 - 12 / 7 and hope you are available either evening for dinner . would be great to see you again and catch up with the latest . . . i really enjoyed my visit last april , your insights , and the risk book you gave me . i do hope you ' re available to meet and pls let me know which evening suits you better . best , soussan faiz texaco inc . 914 253 4187",0 +"Subject: invitation - wharton et events mark , fyi . what about going to wharton in october to attend the e - commerce conference ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 18 / 2000 11 : 56 am - - - - - - - - - - - - - - - - - - - - - - - - - - - tomczyk @ wharton . upenn . edu ( michael tomczyk ) on 08 / 15 / 2000 01 : 37 : 34 pm to : vkamins @ enron . com cc : thomas . piazze @ wharton . upenn . edu subject : invitation - wharton et events vince hello , i just wanted to followup up on our meeting at wharton and let you know that there are two upcoming events that you may want to attend - or designate others from enron to attend . both of these events are good opportunities to "" test drive "" the emerging technologies program and see if there is an interest in joining our partner group . september 8 - what next on the internet ? our next insight - building event will be held at wharton on friday , september 8 and is entitled "" what next on the internet ? "" this is primarily a wharton faculty event and we will be exploring 3 areas : 1 ) the new economics on the web , 2 ) internet , anywhere , and 3 ) implications for ( academic ) research and education . speakers will include jay walker ( priceline . com ) , david farber ( chief technologist at the fcc ) and mohan sawhney ( kellog univ . , one of the nation ' s thought leaders on e - commerce ) , along with several senior wharton faculty members . there will be considerable discussion on how the next generation of the internet will evolve and the implications for management and management research . we are inviting our industry partners to join us at this event , and participate in the discussion , which should contain some valuable insights and also provides an opportunity to help set our research agenda . you are most welcome to participate , or designate a colleague , if you like . october 19 & 20 - winners & losers in the e - commerce shakeout this will be a major impact conference to explore the coming internet shakeout , and apply some of the traditional shakeout measures to e - commerce and try to determine what we can expect . it should be an intriguing day . if you plan to attend please rsvp early since we are sure to be "" overbooked "" for this event . this is probably the best showcase for our insight - building activities , if you would like to invite any colleagues help determine if it makes sense for enron to become a partner in the et program . if you ' d like to rsvp for you and any colleagues who would like to attend one or both of the events described above , send me an email reply and i ' ll send you a more detailed agenda and speaker description , etc . i ' ll be on vacation the rest of this week but if you have any questions or comments you can call or email me next week . best regards , michael michael s . tomczyk managing director emerging technologies management research program 1400 sh - dh / 6371 the wharton school philadelphia , pa 19104 - 6371 tel 215 - 573 - 7722 fax 215 - 573 - 2129",0 +"Subject: re : invitation to my house anthony , thanks for the invitation . what about april 22 ? i have committed to different speaking engagements , charities , off - sites etc . for all the saturdays prior to this date . vince from : anthony mends @ enron communications on 03 / 06 / 2000 02 : 18 pm to : vince j kaminski / hou / ect @ ect cc : subject : invitation to my house vince , i hope you are well . sorry i have not been in touch but i have been swamped trying to build my organization simultaneously as i endeavor to understand ebs and navigate its political terrain . quite interesting . i shall tell you more later . my wife , elisabeth and i would love to have you for dinner at our house any saturday at you convenience . would please let me know which saturday would be suitable ? we are both looking forward to it so please let me know . thanks , tony",0 +"Subject: re : lng may 19 decision john , this is the update on what i have done for the lng transactions . 1 . i was not involved in the lng ship project . i shall read the dash and give you my comments . without looking at the details , i think that the decision to charter a tanker removes one significant risk we have at the elba island project ( please , see point 2 ) . 2 . elba island . i am working with doug rotenberbg , brad hitch , scott earnest ( sally beck ' s organization ) and rac to set up the book for the elba island transaction . the next step will be to expand the book to capture all the enron ' s lng - related positions in one place and to look for natural risk offsets and possible hedges . a working group is meeting to close a few remaining gaps tomorrow ( tuesday ) at 8 : 30 . a few comments on the book design and my view of the project : a . the current thinking is that lng will be sourced for the elba island facility by buying marginal cargos on the fob basis . marginal cargos will represent supply from excess capacity that has not been committed under long - term contracts or became available due to some short - term frictions . the fob cargos are typically selling at a significant discount to the long - term contract prices . the economics of the deal , as represented by the book we are setting up , will reflect the assumption that not only we can locate marginal cargos but that we shall be able to do it on a regular basis , arranging shipping and coordinating the facility schedule and natural gas transactions in the us . in other words , we have a significant logistical and operational risk in this transaction . b . the transaction will cover the period of 17 years ( with an extension option of 5 years ) . even if we can lock - in the lng volumes over this time period , we have no ability to lock - in the other side of the spread ( us gas prices ) for such a long tenor . this is essentially a tolling transaction with exposure to the lng - nat gas spread and i would not recommend locking - in only one leg of the spread . one solution would be to cover , let ' s say , 50 % of he lng volumes for the first 5 years and lock - in the nat gas side on the us market side . c . the book we are setting up will be based on many managerial assumptions regarding sources of lng , shipping rates , schedules , etc . i would set up a big prudence reserve in case we mark it to market . d . my group will work on valuation of some options we have in the elba island deal ( that are good for enron ) and on the hedging strategy for the lng positions . long - term lng contracts are typically based on the japanese crude cocktail that correlates very well with brent . vince john sherriff 05 / 14 / 2000 01 : 40 am to : vince j kaminski / hou / ect @ ect cc : lauren urquhart / lon / ect @ ect subject : lng may 19 decision vince i haven ' t spoken to you for awhile but hope the world is treating you well . anyway with greg moving to his new role i have ( i hope only temporarily ) staff trading oversight for the eastern hemishere plus lng . i understand that your group is taking a first cut at developing curves for lng and lng ship values . i also understand that another lng ship decision is on the dockets for may 19 ( not very far away ) . anway i understand this is a big decision but i still have gotten very little info yet . can you please let me know where you stand now ? i will ask my assistant lauren to set up a time that i can speak with you in the next couple of days and if you have anything for me to review before then she can get it faxed to me as well . look forward to connecting with you vince . john",0 +"Subject: contact for sam audit vince & stinson , for your information , professor duffie assigned taiichi , his ph . d . student to work on the audit back in may . i will contact with him about the progress . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 08 / 02 / 2000 10 : 50 am - - - - - - - - - - - - - - - - - - - - - - - - - - - hoshino @ leland . stanford . edu on 05 / 25 / 2000 09 : 14 : 52 pm please respond to hoshino @ leland . stanford . edu to : zimin . lu @ enron . com cc : subject : it worked ! dear zimin , it was nice talking to you on the phone today and thank you for the tip . i manually created "" c : \ temp "" and that was it . the spreadsheet works now . with pentium 200 mhz and 80 m memory , it runs within 5 minutes . very best regards , / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ taiichi hoshino ph . d . candidate ees & or stanford university the shadows apt # 171 750 north shoreline blvd . mountain view ca 94043 home tel / fax ) 650 - 960 - 1993 / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~",0 +"Subject: benefits - personal days vince : is the following all right to send to the group ? * * * * * * * * good morning all : the question has arisen as to whether enron has "" personal days "" , that , you can take in case of repair problems at home ; car problems ; sick spouse , sick child , etc . i checked with hr and the policy manual and the answer is "" no "" , but they can be designated at the discretion of the supervisor . i talked this over with vince and he has decided that the research group will be allowed two ( 2 ) personal days per year to take care of personal business and not have to take a vacation day , discretionary day , or leave of absence . if you have advance notice ( such as an air conditioner repair scheduled ) , please let me know when you are going to take these days . if an emergency arises with no notice , please call in and let me know that you are taking a personal day . it will be coded on your time sheet . these two personal days will in no way cancel or take the place of , "" funeral leave "" , "" family leave "" , or "" civic duty leave "" . they are just a way of being able to take care of repair problems and other personal problems that arise . these should be very beneficial and i am sure very much appreciated by all of us . if you have any questions , please call me . shirley 3 - 5290",0 +"Subject: btrieve free ride ends network world fusion focus : dave kearns on novell netware today ' s focus : btrieve free ride ends 03 / 14 / 00 dear wincenty kaminski , today ' s focus : btrieve free ride ends by dave kearns netware has shipped with btrieve ( originally a flat - file database system , now grown into a full - fledged relational database system ) since the days of netware 2 some 12 years ago . many independent software vendors have relied on this and constructed their netware applications to use the built - in facilities btrieve afforded . originally licensed from its creator , softcraft , novell bought btrieve outright in the late  + 80 s , then sold it off 10 years later to some of the original developers , now incorporated as pervasive software . pervasive has , essentially , retired the btrieve name in favor of "" pervasive sql 2000 , "" a true relational database system which nevertheless still purports to support applications written to the btrieve 6 . x specification . a major change has been introduced in netware 5 . 1 , however . there is no longer an unlimited - use version of the database included . novell still uses btrieve technology for ( among other things ) its installed products database ( sys : system \ products . dat is the file ) , but netware 5 . 1 includes only a two - user license for sql 2000 enough for the administrator to add new products and services , but not enough for any btrieve - based applications the network might be running . there is an unlimited - use version of sql 2000 included , but it  , s an evaluation version only . it will time out after 90 days . full - use licenses may be purchased from pervasive software ( or your software vendors may provide them ) , but unsuspecting network administrators could be caught off - guard when applications stop working . for the adventurous , there is an unlimited - use version of btrieve 6 . 10 included with the netware 5 . 1 distribution . but novell admits it hasn ' t tested the software with netware 5 . 1 , it may not work , and the real killer most current applications ( such as computer associates arcserve ) require btrieve 6 . 15 . check the applications you ' re using before doing that upgrade to netware 5 . 1 , and calculate the additional costs of obtaining the requisite number of sql 2000 licenses . then , decide if that ' s what you want to do , or if switching to a different application is the better choice . to contact dave kearns : - - - - - - - - - - - - - - - - - - - - - - - dave kearns is the word wrangler for virtual quill , a writing agency serving the computer and networking industries . if your target customer doesn ' t know your product , doesn ' t know its uses and doesn ' t know he needs it , he ' s not going to buy it . from books to reviews , marketing to manuals , vq can help you and your business . virtual quill - "" words to sell by . . . "" find out more at : http : / / www . vquill . com / , or by e - mail at mailto : info @ vquill . com . for related links - - click here for network world ' s home page : http : / / www . nwfusion . com pervasive . sql  v 2000 product family sdk understanding pervasive . sql 2000 , a white paper ( pdf ) migration guide 6 to pervasive . sql . doc % 20 to % 20 pervasive . sql . pdf other netware - related articles from network world : active directory upgrade requires strong game plan , network world , 03 / 13 / 00 microsoft exec sketches future for win 2000 , network world , 03 / 13 / 00 subscription services to subscribe or unsubscribe to any network world e - mail newsletters , go to : to change your email address , go to : subscription questions ? contact customer service by replying to this message . other questions / comments have editorial comments ? write jeff caruso , newsletter editor , at : mailto : jcaruso @ nww . com for advertising information , write jamie kalbach , account executive , at : mailto : jkalbach @ nww . com network world fusion is part of idg . net , the idg online network . it all starts here : http : / / www . idg . com copyright network world , inc . , 2000",0 +"Subject: copier on 32 nd floor hello iain , well time is drawing near for another move for us . the problem is we do not have a heavy duty copier for the floor . we do need a copier . please inform me as how we can work through this , maybe we can split the cost with others on the floor . the move is schedule sometime at the end of the month . i will keep you informed . . . . . . . . thanks kevin moore",0 +"Subject: continental phone # 1 - 800 - 621 - 7467 or ? cust . serv . 1 - 800 - 932 - 2732",0 +"Subject: open enrollment 2001 open enrollment 2001 is going on now through october 22 nd , 5 pm cst for regular full - time and regular part - time employees . your 2000 elections will automatically rollover for 2001 , so if you don  , t want to make any changes , do absolutely nothing ! annual elections for all flexible spending accounts will rollover too ! yes , you heard right  ) all 2000 elections will automatically rollover for 2001 , including spending accounts ! to make it even more convenient , print your 2001 confirmation statement right from the web site and you  , re finished ! sound easy ? it is ! don  , t have your packet ? no problem ! you can access the enrollment 2001 web site and print your personal worksheet right from your desktop . call benefits at 1 - 800 - 332 - 7979 , option 1 , for additional information or assistance . confirmation statements will be mailed to your home at the end of october and final changes for 2001 can be made via the web or ivr from 11 / 8 - 11 / 15 . logon to www . enron . benefitsnow . com today ! quick facts ? 100 % default for all current elections and spending accounts  ) don  , t want to make a change ? then do absolutely nothing  ) your 2000 annual election will rollover for 2001 ! ? $ 250 medical deductible plan for employees residing outside of a network area ? hmo plans going away  ) coventry health care of iowa ( formerly known as principal health care ) presbyterian health plan healthnet of oregon ( formerly known as qual / med ) blue shield of california ? orthodontia treatment is not considered a pre - existing condition under the enron corp . dental plan . the plan will coordinate with other coverage based on coordination of benefit ( cob ) rules . ( contact metlife at 1 - 800 - 492 - 8588 for specific details and information ) ? new hires who make their 2000 elections by 10 / 16 will receive their 2001 packets the first week of november for enrollment during 11 / 8 - 11 / 15 ; elections not in by 10 / 16 will require a manual enrollment for 2000 and 2001 and must be made within 31 days of their hire date ? provider directories can be accessed directly from the enrollment 2001 web site or - 1 ) link directly to the providers through the hr / benefits intranet website or 2 ) go directly to the source by logging on through the web at : www . cigna . com www . vsp . com www . provider . uhc . com / enron www . merck - medco . com",0 +"Subject: thank - you . . . dear dr . kaminski : i enjoyed our discussion this morning . it sounds like there is a great deal of overlap between enron business units and my interests . i am very much looking forward to meeting you and your colleagues . thank - you for the invitation to interview with your group . sincerely , rodney greene work : 312 - 692 - 8129 rgreene @ heliosgroup . com home : 773 - 881 - 7142 rodneyg @ interaccess . com",0 +"Subject: re : status of enron project howard , sorry for the delay . i shall be able to get back to you next week . a very interesting new research idea came up and we have to close a few loops internally . vince "" kunreuther , howard "" on 04 / 05 / 2001 08 : 42 : 44 pm to : "" kaminski ( e - mail ) "" cc : "" kleindorfer , paul "" subject : status of enron project hi vince : just a short note to indicate that we have not heard received any information from your group since our discussion at wharton in february . we look forward to get some information on what issues you would like us to spend some time thinking about . hope all is well . regards , howard howard kunreuther cecilia yen koo professor of decisions sciences and public policy chairperson operations and information management department 1326 steinberg hall - dietrich hall wharton school university of pennsylvania philadelphia , pa 19104 - 6366 phone : 215 - 898 - 4589 fax : 215 - 573 - 2130 email : kunreuth @ wharton . upenn . edu",0 +"Subject: request submitted : access request for chris . clark @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000005413 approver : stinson . gibner @ enron . com request create date : 10 / 23 / 00 8 : 50 : 58 am requested for : chris . clark @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: enron / stanford program paul , thanks for putting in place the funding for our stanford relationship with nick bambos . below is a draft letter which should accompany the funds sent to stanford . by designating the funds as a gift to this specific research area , all the funds can be used to support bandwidth and networking research without any overhead charge from the university . if you need any clarification or assistance , please contact vince , me , or nick bambos directly . nick ' s email is bambos @ stanford . edu . - - stinson x 34748 draft of letter to be sent from enron to stanford . prof . nicholas bambos 420 terman engineering center management science & eng . dept . and electrical engineering department stanford university stanford , ca 94305 dear nick , we are happy to provide gift funds of $ 100 , 000 per year , over three years , to support a program in your research group , related to bandwidth markets / trading and networking technologies . enron would like to support research activities in the above mentioned area , including pd . d . student work , research seminars etc . there may also be opportunities to have the supported ph . d . students do summer internships at enron , related to their research interests . please find enclosed a check of $ 100 , 000 payable to stanford university for supporting this research effort in your group during the first year . best regards , name and title",0 +"Subject: energy derivatives book hi vince , it was good to speak to you and grant the other day . plese find attached a block of 3 chapters that are basically the middle of the book . this should give you an idea at the level it is pitched - although these are probably some of the the most technical of the chapters . julie who works for us will be getting in contact with you soon to chase you up on your chapter ! i ' ve asked julie to have a chat to you about a couple of other things at the same time . i hope this is ok with you . julie and i will be making a trip thru houston around the third week of february to try and visit some energy companies . it ' s mainly a fact finding trip to see what the energy companies are doing and how we might be able to make use of our skills in a commercial sense . would you recommend any people we should talk too ? also we will be running a course on energy derivatives in houston at the end of march following the success of the course in new york last year and want to advertise this . do you know of people who would be interested in such a course ? we are currently putting together promotional material for the book - can you please let julie know how you and grant would like to be advertised - your official positions , etc . best regards , and i look forward to reading your chapter soon . chris . - ed _ vince . zip",0 +"Subject: re : this summer ' s houston visits 2 anjam , it makes sense to come to houston for a longer time period . i think that you should spend here at least 3 weeks . vince anjam ahmad 04 / 28 / 2000 05 : 47 am to : vince j kaminski / hou / ect @ ect , dale surbey / lon / ect @ ect cc : subject : this summer ' s houston visits 2 hi vince , one of my only windows of opportunity right now is to schedule the houston visit for monday 10 th july for a single week only . regards , anjam - - - - - - - - - - - - - - - - - - - - - - forwarded by anjam ahmad / lon / ect on 28 / 04 / 2000 11 : 33 - - - - - - - - - - - - - - - - - - - - - - - - - - - steven leppard 28 / 04 / 2000 10 : 15 to : vince j kaminski / hou / ect @ ect , dale surbey / lon / ect @ ect cc : anjam ahmad / lon / ect @ ect , benjamin parsons / lon / ect @ ect , kirstee hewitt / lon / ect @ ect , matthew d williams / lon / ect @ ect , steven leppard / lon / ect @ ect subject : this summer ' s houston visits vince , dale here are our proposals for houston visits from our group : kirstee all of july , all of september . ( kirstee ' s personal commitments mean she needs to be in the uk for august . ) ben all of october . ( no crossover with kirstee , ensures var / credit cover in london office . ) steve 2 - 3 weeks in july , first 3 weeks of september . anjam to be arranged at anjam and houston ' s mutual convenience . matt not a permanent research group member . i ' m asking richard ' s group to pay for his visit , probably in august . steve",0 +"Subject: promotions our promotions are listed below . we will notify these in the next couple of days . call with questions . - - - - - - - - - - - - - - - - - - - - - - forwarded by steve w young / lon / ect on 11 / 01 / 2000 20 : 34 - - - - - - - - - - - - - - - - - - - - - - - - - - - amy fitzpatrick 11 / 01 / 2000 14 : 57 to : steve w young / lon / ect @ ect cc : subject : promotions below is a listing of all of your employees which have been approved for promotion . please be sure to communication with all those listed below by monday as there will be a company - wide announcement going out . claire viejou to senior professional ben parsons to junior professional steven leppard to manager if you have any questions , please let me know . thanks ! amy",0 +"Subject: videoconferences w / enron team and host : i have set up the following dates / times for videoconferences . unfortunately , 4 : 00 - 6 : 00 was not available , so i arranged for 4 : 30 - 6 : 30 pm on the following dates . i hope this does not cause anyone inconvenience , but i took time and space that was available . note : i did not schedule during interview week , finals week or spring break . 1 / 25 shdh 1203 2 / 1 shdh 1203 2 / 15 shdh 1203 3 / 1 shdh 215 3 / 22 shdh 215 3 / 29 shdh 215 any questions , please contact the fap office . donna piazze program director field application project the wharton school univ . of pennsylvania 215 . 573 . 8394 fax 215 . 573 . 5727 fap @ management . wharton . upenn . edu piazze @ wharton . upenn . edu",0 +"Subject: organisational announcement - introducing enron global markets as evidenced by an exceptionally strong performance in the second quarter , enron  , s wholesale energy businesses in north america and europe continue to experience tremendous growth . the opportunities to continue to grow our natural gas and power businesses have never been better and it is critical to enron  , s future success that we remain focused on expanding these businesses and maintaining the strong momentum we have in these markets . it is equally important that we continue to develop new businesses outside of gas and electricity , which can make significant contributions to our earnings growth . we have made significant progress in developing these businesses in north america , europe , and most recently in our new net works business unit . included in these global businesses are our efforts in crude and products , coal , emissions , insurance , currency , equity trading , interest rates , credit trading , paper and pulp , and metals . while significant progress has been made in these efforts we need to accelerate the growth of these new businesses while continuing to aggressively expand our core gas and electricity businesses in north america and europe . in order to accomplish these two objectives and to capitalize on the increasingly global opportunities in these new businesses we are today announcing the formation of a new business unit  ) enron global markets . this new business unit will focus on markets and commodities which are global in scope , but outside our traditional gas and power markets . this new core business unit will operate in parallel with and in close coordination with the north american and european businesses . enron global markets will be headed by mike mcconnell , president and chief executive officer , and jeff shankman , chief operating officer . they will report to mark frevert who will be chairman of enron global markets . mark , mike and jeff will comprise the office of the chairman for enron global markets . included in this new business unit and reporting to the office of the chairman will be the following businesses and their leaders : - global crude and products : john nowlan - coal : george mcclellan - currency , equities , interest rate and agricultural trading : gary hickerson - insurance and weather : jere overdyke enron  , s metals business and enron credit . com will remain the responsibility of enron europe . the paper and pulp business will continue to reside in north america . with the departure of mike mcconnell from enron net works , we are pleased to announce the following appointments in that business unit : - jeff mcmahon : president and chief operating officer - louise kitchen : chief commercial officer - philippe bibi : chief technology officer jeff , louise and philippe , along with greg whalley , will comprise the office of the chairman for enron net works . with jeff shankman  , s departure from enron north america  , s natural gas operation , all of jeff  , s direct reports will report to john lavorato . we are also pleased to announce the following changes to the enron north america office of the chairman . john lavorato will join the ena office of the chairman as chief operating officer . dave delainey will assume the role of president and chief executive officer . mark frevert will retain his role as chairman of enron north america in addition to his role as chairman of both enron global markets and enron europe . please join us in congratulating everyone in their new assignments and in supporting the new enron global markets organisation .",0 +"Subject: re : petronas benchmarking visit khairuddin , i am glad you received the fax . i shall send you the list of enron ' s participants at a later date . i have invited a numbers of enron employees representing our different business units , including lng and crude trading , risk controls group and research . vince kaminski khairuddinbmjaafar @ petronas . com . my on 01 / 17 / 2001 06 : 39 : 10 pm to : vince . j . kaminski @ enron . com cc : subject : re : petronas benchmarking visit vince , thank you for your prompt reply . we have received your fax earlier this morning . fyi , we shall be sending you the questionaires by next week as we are going through the final draft this week . could you please tell me who will be joining the discussion during our visit ? thanks . regards , khairuddin",0 +"Subject: re : schedule and more . . jinbaek , may 30 sounds good . i shall inform our hr department . i don ' t see any project i could get going with your advisor on such a short notice . when you come here you can determine in what area he could make the biggest contribution to enron . i shall call or e - mail him independently and talk to him . vince "" jinbaek kim "" on 05 / 07 / 2001 02 : 25 : 53 am to : cc : subject : schedule and more . . dr . kaminski , i think i ' ll be able to start work from the last week of may , but not from monday , probably , i ' ll be able to work from 5 / 30 ( wed ) . will it be good ? i know it is not that much earlier than i mentioned . . 6 / 4 i am sorry . and actually , there is an e - business conference at haas school of business , organized by my advisor could you distribute the link and the attached invitation letter to groups interested in e - business and especially procurement ? the link is as following . i am afraid you might forgot this i told you in the last email . . . my advisor ( arie segev at haas school of business ; segev @ haas . berkeley . edu ) wants me to ask whether you have any idea on joint research with him during the summer , while i am staying there . his interest is in e - business . . ( what else . . ? ) and has expertise in e - procurement system and marketplace . . . xml based standard such as obi , cxml , xcbl , rosettanet , biztalk . . system interoperability study , auction and negotiation , workflow system , e - catalog management , digital signature , edi , etc etc . . . many technical aspects of e - business . . . he wants to do some kind of technical case study that is beneficial for both enron and him . he may travel one or two times to houston to have a meeting during the summer . ( and to be frankly , this will be good for me too , because i can have a meeting for my dissertation while he is in houston . . ) could you think about the possibility of joint research , with him ? thank you . . sincerely , jinbaek - fcp - invite . pdf",0 +"Subject: invitation to speak at power 2000 hi vince it is my great pleasure to invite you to speak at power 2000 which will be in houston on 9 & 10 may 2000 . would you be interested in chairing one of the streams on day 2 of the conference ? or making a full presentation on one of the days ? please let me know which talks interest you . obviously , some of the talks are no longer available but i would like to give you a choice as much as possible . please could you get back to me asap on 212 925 1864 ext 151 or by return email . i very much hope you can make the dates as i ' m very keen to have you participate at power . not to flatter you unnecessarily , but i know that a lot of people come to our conferences to hear what you have to say . best regards emma - invite . doc",0 +"Subject: new book out : theory of financial risks dear colleague , you have recently downloaded a draft version of our book , we are pleased to announce that it is now available in print : * * * theory of financial risks * * * > from statistical physics to risk management by jean - philippe bouchaud ( commissariat a l ' energie atomique , saclay ) and marc potters ( science & finance ) cambridge university press ( 2000 ) isbn 0 521 78232 5 the book is available in bookstores in europe and should be available before october in the rest of the world . you can find out more about it , including links to order it on - line , on our web site : http : / / www . science - finance . fr / book . html we wish you a pleasant reading , sincerely , jean - philippe bouchaud and marc potters - - science & finance - - capital fund management 109 - 111 rue victor hugo | book @ science - finance . fr 92532 levallois | tel : + 33 . 1 . 41 . 27 . 91 . 11 france | fax : + 33 . 1 . 47 . 39 . 04 . 47",0 +"Subject: allocation schedule we spoke prior to the holiday and you were working on a list on support names and projects that research is working on for various bus . can you tell me how you are doing on that ? sarah brown , my manager , had a meeting with corp and they are disputing the billing we are proposing to bill to them ( $ 1 . 9 m ) . their argument is that they are going to bill ena back anyway ; therefore , they have agreed to take 40 % of the amount we intented to bill them in 2001 , which is approximately $ 760 k . if you have any questions , please call . thanx .",0 +"Subject: pjm files load reduction pilot program with ferc message sent from the pjm - customer - info mailing list at pjm - customer - info @ majordomo . pjm . com : the pjm interconnection , l . l . c . filed the pjm customer load reduction pilot program with the federal energy regulatory commission ( ferc ) on friday july 7 . this innovative program pays participants to reduce their own load or operate backup generation to produce a beneficial load reduction for the grid during pjm emergency events at times of peak demand . "" we are excited about this program that will provide an important resource during times of high electricity usage . the program will augment the region ' s well - established emergency procedures "" stated bruce balmat , vice president , system operations . the pilot program was developed in response to a may 17 , 2000 ferc notice and is in effect through september 30 , 2000 . a full description of the program and pjm ' s filing , including participation requirements and procedures , can be found on the pjm website ( www . pjm . com ) . those interested in participating in the program should complete a registration form indicating their load reduction plan . those who are not already pjm members , will become special non - voting members with membership fees waived . please do not reply to this message . if you have a question for pjm customer relations and training , please send an e - mail to custsvc @ pjm . com . to unsubscribe from this list , send an e - mail to majordomo @ majordomo . pjm . com containing only the following line in the body of the e - mail : unsubscribe pjm - customer - info",0 +"Subject: re : ca for henwood engagement stinson , attached please find a draft consulting agreement for use with henwood . you will want to review it before you send it to henwood . please see section 6 in particular . also , i put in that arbitration will be in houston and texas law will apply . we could move that to new york , with new york law if that is better for henwood . if pressed , we could make it singapore or u . k . law , with arb in singapore . but any other law , including australian law , would mean we would need to get this contract reviewed by foreign counsel - - so i strongly urge you to argue for texas or ny law ( no other state , please ) . i tried to make this agreement reflect the terms in henwood ' s proposal , and believe i succeeded . our form has some additional terms not contained in their proposal , as well as fcpa boilerplate ( ie . , the "" business conduct "" and "" drug policy "" language ) . also , i just want to point out that this agreement allows them to subcontract the work - - but only with our written agreement . under their proposal , the subcontractor costs will be charged to us at cost plus 15 % - - so you might not want to do it . please let me know if you have any comments or questions . bonnie",0 +"Subject: re : sevil yamen anne , thanks . vince from : anne labbe / enron @ enronxgate on 04 / 20 / 2001 01 : 31 pm to : vince j kaminski / hou / ect @ ect cc : subject : sevil yamen good news , i finally received the memo from legal that accompanies project bonuses . i have left sevil a voice mail to contact me at her earliest convenience . sevil should receive this payment on april 30 th .",0 +"Subject: pravas sud billy , i would like you to ask for a favor for one of the rice students , pravas sud . he is interested in a summer internship . his phone number is ( 713 ) 283 5825 , ( 832 ) 647 8738 ( c ) . vince p . s . a phone message explaining the special circumstances follows . it ' s very important for enron .",0 +"Subject: luigi zingales seminar on april 27 rice / enron finance seminar participants : luigi zingales will present a paper co - authored with raghuram g . rajan , entitled "" the great reversals : the politics of financial development in the 20 th century . "" the full text of the paper is available in pdf form on the seminar website : http : / / www . ruf . rice . edu / ~ jgsfss the baton for organizing the seminar series has been passed from barbara ostdiek to myself . if you have questions regarding the series , please contact me ( wangfa @ rice . edu or 713 - 348 - 5404 ) . as we have done in the past , we will post the abstract and a downloadable version of the paper ( if available ) to the website a week or two before the seminar . the website will also provide a link to the speaker ' s homepage so you can access his or her biographical information . if the paper is not available at the website , i will send a hardcopy to interested jones school faculty , to felecia jones ( economics ) , sorin sorescu ( university of houston ) , and vince kaminski ( enron ) . i will e - mail an announcement before each seminar , reminding you of the seminar date , time , and location . the distribution list will include everyone that receives this e - mail . please let me know if you would like to be deleted from the mailing list or if you know of someone who should be added . albert fu - kuo albert wang assistant professor jones graduate school of management - - ms 531 rice university 6100 main street houston , tx 77005 phone : 713 - 348 - 5404 fax : 713 - 348 - 5251 email : wangfa @ rice . eduhttp : / / www . ruf . rice . edu / ~ wangfa /",0 +"Subject: re : research sign off steve , sign - off from the research group is something that requires defining formal rules going forward . my concern over the last few years was that we were asked on many occasions to sign - off on partial results of valuation , without the benefits of a full picture . sometimes , we were asked to sign - off on trade ideas , over which we have no control long - term . i shall talk to rick buy and david port about setting up more formal rules for the research sign - off . vince steven leppard 01 / 24 / 2001 03 : 42 am to : sharad agnihotri / lon / ect @ ect cc : tani nath / lon / ect @ ect , ted murphy / lon / ect @ ect , james new / lon / ect @ ect , vince j kaminski / hou / ect @ ect subject : research sign off hi sharad i note from our discussion earlier this morning that you ' ve been asked to sign off a calculation from another group , which is something we ' re asked to do from time to time . i take the view that we in research can assess a computation in terms of what it achieves with respect to its requirements , what its shortfalls are , and therefore what the risks associated with using this method are . we cannot provide an opinion on whether these risks are acceptable to enron , which i feel falls firmly within rac territory . this then raises the question of can research sign off anything for other groups after all ? to "" sign off "" means to accept something , which our opinion in itself cannot do . it is most appropriate for us to provide a technical note outlining the methodology , risks and shortcomings of a method , leaving the formal "" sign off "" to those best placed to assess these risks for our company . the alternative is for multiple groups each to have their own view on what is acceptable risk for the company . steve",0 +"Subject: ameriflash newsletter business highlights coal trading the liquidity in trading of the standard european coal agreement has increased significantly over the last 6 weeks . many counterparties that previously opted to stay on the sidelines finally chose to join the game . since the contract ' s inception at the beginning of the year , enron has traded a total of 5 . 3 million tons against the seca contract , of which 3 . 8 million tons has been traded via enrononline since july 2000 . we are 5 . 3 million tons of a total traded market of 5 . 8 million tons . principal investments tridium inc . , the leading provider of internet - based automation infrastructure solutions , announced the close of a $ 20 million round of capital funding . the funds will be used to increase tridium  , s sales and technical support offices in north america , expand its operations into europe and asia , and enhance its technology and products . kroad ventures , l . p . and enron north america each contributed $ 10 million in venture capital . corporate development allegheny energy supply company , llc , a wholly owned subsidiary of allegheny energy , inc . , announced the signing of a definitive agreement under which allegheny energy supply will purchase three enron natural gas - fired merchant generating facilities . the acquisition is expected to close in the 2 nd quarter of 2001 . performance review the deadline to provide feedback is friday , november 17 . if you have been selected to provide feedback on one of your fellow employees , please take the time to fill out an evaluation online at www . pep . enron . com . in the news "" enron corp . , already north america ' s biggest , buyer and seller of natural gas and electric power is dead serious about its efforts to capture a big slice of the $ 400 billion global trade in pulp , paper and lumber . "" - reuters news service 2000 chairman  , s award nominees please join us in congratulating the ena / eim / egm / employees who have been recognized as chairman  , s award nominees . congratulations to : irma alvarez alan aronowitz rick bergseiker carol coats joya davis rufino durante sue foust julie gomez barbara gray jackie griffith john harrison gerri irvine kathy benedict michael kelley mike mcconnell dave nommensen ina norman juan padron veronica parra michael roberts rhonda robinson kevin sweeney helen taylor stacey white extra kudos to barbara gray , who is a finalist for the 2000 chairman  , s award . barbara and ten other individuals are flying to san antonio from around the world to be honored at enron  , s annual management conference . one of these finalists will be recognized as the 2000 chairman  , s award winner . welcome new hires ena / eim / egm ena  ) anil chandy , alejandra chavez egm  ) marty cates , joanne underwood , brad miller transfers to ena / eim / egm ena  ) mark wadlington , jennifer blay - smith , georgian landau , kathryn bussell , john coleman , steven gillespie , clarissa garcia , ina rangel , farouk lalji , eva rainer , chuchu wang , smith day egm  ) gloria solis , carmella jones , nancy haralson legal stuff the information contained in this newsletter is confidential and proprietary to enron corp . and its subsidiaries . it is intended for internal use only and should not be disclosed outside of enron .",0 +"Subject: asset swaps vs cds ' s - - - - - - - - - - - - - - - - - - - - - - forwarded by bryan seyfried / lon / ect on 30 / 03 / 2001 17 : 12 - - - - - - - - - - - - - - - - - - - - - - - - - - - martin mcdermott 23 / 03 / 2001 18 : 47 to : john sherriff / lon / ect @ ect , bryan seyfried / lon / ect @ ect cc : subject : asset swaps vs cds ' s john , i haven ' t had much time to put something together on this issue . fundamentally both instruments represent the same credit risk , i . e . same credit events and contingent payments , both represent senior unsecured credit risk . the differences in pricing therefore arise purely from supply and demand . one would expect generally that the asset swap would be lower than the cds because of liquidity : there are only so many bonds out there , and so demand for asset swaps is limited . i am attaching a one page note by jp morgan where they claim that one of the principal reasons for the cds to be more expensive is people hedging convertible bonds by combining ( 1 ) a call option on the equity and ( 2 ) a cds . if the call is cheap they will be willing to pay more for the cds , driving the price up . i ' ll try to synthesize something more complete next week . cheers martin",0 +"Subject: agenda for houston visit dear vince and mike , to maximize my time in houston an agenda needs to be agreed upon as well as milestones . here is a summary of what i have in mind : * mesoscale weather analysis and forecasting * computer models vs . human forecasters , performance issues * nwp modeling - types of numerical weather predictio models ( nwp models ) - objective analysis and initialization - data iisues and feeds - ( physical ) processes that determine the quality of a forecast * predictibility and verification * visualisation of weather and climate forecasts * installation of - short - to - medium term forecast system - seasonal forecast system - system testing and verification * issues - data feeds - platform considerations - realtime performance what we need to agree on is a firm agenda , milestones , resources , etc . . . . and a time table . . . . my contact details are : office : + 61 2 9229 2319 ( direct ) cell : + 61 417 695 212 home : + 61 2 9871 7369 regards , christian",0 +"Subject: fyi - a new esai report forecasting power prices in eastern markets attached is a new report forecasting jan - feb - mar power prices based on weather services international weather forecasts and esai energy analytics . feel free to comment . a version using national weather service information will also be available . ed edward n . krapels , phd managing director esai power and gas services tel 781 245 2036 cell 617 899 4948 ekrapels @ esaibos . com www . esai . com - esai energycast power dec 00 . pdf",0 +"Subject: re : shane , thanks for your message . as a matter of fact , i expected your resume in time for our summer internship program . we shall be glad to invite you for an interview . how long "" sabbatical "" do you envisage ? vince p . s . shirley , please , call shane to arrange an interview with hr . "" shane green "" on 06 / 19 / 2000 02 : 14 : 00 pm to : cc : subject : dr . kaminski : ? you probably won ' t remember my name , but i am the ph . d . student that took you back to the airport after your visit to louisiana state university during the previous academic year . ? i received my m . s . in finance in may of last year , and chose to ? remain at lsu to work on my ph . d . at that time , i intended to pursue a career in ? teaching and research at a four year college or university . ? in part ? because of your visit , ? and my ? primary interest in normative research , my ? plans have changed . ? while i ? still want to earn my ph . d . , ? i plan to pursue a career in research in the private sector . ? as you know , ph . d . programs in financial economics are designed to train future academics . ? not surprisingly , they emphasize methods to approach the types of questions that are of interest to finance academics . ? what did surprise me , however , was that these areas of interest often had little to do with what i imagined to be the concerns of practitioners in the real world . ? as you mentioned in your discussion , academic researchers know little about what their counterparts in the private sector ? in light of my objective , i feel i would get the most out of the remainder of my doctoral studies if i took some time off to work in the private sector to see first hand the ? types of challenges i can expect to face as a researcher in corporate america . ? as my primary interests revolve around the use of derivatives and financial engineering in corporate risk management , enron , as the leading innovator in these areas , would be an ideal place to learn . ? i was wondering if you were aware of any openings at the company that might provide me with the exposure i am looking for . ? if there are no such positions or opportunities , any advice or suggestions you could give me , ? such as whether or not you think such a "" sabbatical "" ( for lack of a better term ) would be helpful , or information on private sector careers for ph . d . ' s would be greatly appreciated . ? ? i am sending a current copy of my vita as an attachment . ? if you have any questions my e - mail address is sgreen @ finance . lsu . edu . ? thanks for your help and advice . ? ? cordially , ? ? ? ? shane green ? ? ? ? ? ? ? - vita . doc",0 +"Subject: re : new color printer sorry , don ' t we need to know the cost , as well . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 12 / 14 / 99 08 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 12 / 14 / 99 08 : 09 am to : shirley crenshaw / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : subject : re : new color printer this information was also sent to it purchasing . i need to know what options we have and how soon it can be delivered . don ' t we need to know as well ? before purchase . i also need a central location for this printer . thanks kevin moore sam mentioned hp 4500 , i will check into it . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 12 / 14 / 99 08 : 05 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 12 / 14 / 99 07 : 55 am to : kevin g moore / hou / ect @ ect cc : subject : re : new color printer kevin : what kind of information do you need ? i thought you were going to look at some colored printer literature . sam seemed to be aware of a colored printer that might work for us . ask him . i don ' t think we need anything as big as "" sapphire "" . it will be located in your area on the 19 th floor . thanks ! kevin g moore 12 / 14 / 99 06 : 27 am to : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : subject : new color printer we are in need of a new color printer . we are also in the process of moving to the 19 th floor . we need the color printer a . s . a . p . if you would please , i need information concerning this matter whereby , we can get the printer ordered and delivered to our new location . thanks kevin moore",0 +"Subject: re : managing energy price risk let me think about a similar publication . zimin , any ideas ? vince gopalakrishnan subramaniam @ enron _ development 03 / 06 / 2000 04 : 34 am sent by : subramaniam gopalakrishnan @ enron _ development to : vince j kaminski @ ect cc : subject : managing energy price risk thanx a million . the book is just superb . would there be any similar literature on the interest rate front ? ? regards g . subbu",0 +"Subject: re : prospective 6 / 22 houston visit ehud , we can meet for dinner on the 21 st . then you can visit with us on the 22 nd in the morning and have individual meetings . at 11 : 30 you can meet the entire research group at our weekly lunch meeting . we can continue individual meetings in the afternoon . please , make a reservation at hyatt regency downtown or double tree downtown ( there are several hotels with the same names ) . vince "" ehud i . ronn "" on 06 / 09 / 2000 02 : 01 : 09 pm to : vince . j . kaminski @ enron . com cc : subject : re : prospective 6 / 22 houston visit vince , > june 22 works for me . do you want to firm it up ? if it ' s not too late , i do . i believe the "" game plan "" was for me to come in the previous evening . if you confirm the date , please advise at your convenience how you see the 6 / 21 - 6 / 22 schedule . best , ehud ehud i . ronn department of finance mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: re : uk rab multiples vince , we have used the updated rab with initial rab around 80 % in the simulation . zimin vince j kaminski 08 / 24 / 2000 08 : 47 am to : zimin lu / hou / ect @ ect , robert e lee / hou / ect @ ect , stinson gibner / hou / ect @ ect , steven leppard / lon / ect @ ect cc : subject : uk rab multiples fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 24 / 2000 08 : 51 am - - - - - - - - - - - - - - - - - - - - - - - - - - - michael anderson @ azurix 08 / 23 / 2000 07 : 48 pm to : vince j kaminski / hou / ect @ ect cc : keith . harris @ wessexwater . com subject : uk rab multiples i talked with keith harris , our cfo at wessex , about the rab multiple graph i gave you . he expressed that the wessex people had originated the data and that the graph was correct , to the best of their knowledge . the only ( but very important correction ) is that they started the graph at an index of 100 % , which does not imply a 100 % of rab multiple . rather , the initial rab multiple was around 80 % , implying that the entire line should be taken down by 20 percentile points . thus the all time hime in late 98 should be closer to the 1 . 3 x rab that i had targeted during our discussion . please call keith if he has not yet contact you .",0 +"Subject: congratulations vince congrats on the promotion to md . well deserved and a sign of many years of real service to the company . not a bit of controvery in the election process . well done ! john",0 +"Subject: new value lab fyi . . . . . ajo - - - - - - - - - - - - - - - - - - - - - - forwarded by amy oberg / hou / ees on 08 / 16 / 2000 02 : 22 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - richard causey @ enron 08 / 16 / 2000 01 : 42 pm to : amy oberg / hou / ees @ ees cc : subject : re : update i have a conference call scheduled with them on friday . thanks to : richard causey / corp / enron @ enron cc : subject : update rick : we ' re trying to reschedule the new value lab meeting . what ' s the status of your conversation w / your collegues at aa ? thanks . amy",0 +"Subject: enron in india hi vince , i was not aware of the "" power play "" book tour . i ' ll check it out . as to the article with the baylor professor , i think it ' s a great idea . i ' d like the university affairs team to get involved . if a visit is required , interviews , etc . , they should coordinate . that way , i think we ' ll have the greatest opportunity to leverage the relationship . mark - - - - - forwarded by mark palmer / corp / enron on 10 / 10 / 2000 02 : 23 pm - - - - - vince j kaminski @ ect 10 / 09 / 2000 09 : 08 am to : mark palmer / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : enron in india mark , two points . 1 . you probably know about it already . abhay mehta , the author of "" power play "" , is on a tour of the united states . please , take a look at the information about a meeting last sunday at stanford university . the web site address is given below . my wife went to the presentation and told me it was quite critical about enron . about 40 people attended . 2 . i was approached by john martin , a professor of finance at baylor , to write jointly an academic paper on enron for a financial journal . he wanted to work on an article on ebs . i have suggested a different topic : enron - case study of a company reinventing itself . i made a few points to john : a . enron ' s evolution did not just happen by accident . it was a result of implementation of a far - reaching strategy developed by the management . b . in the process of its evolution enron changed its environment . i came up with a term "" proactive evolution "" , as opposed to "" reactive evolution . "" c . the strategy included many elements , including emphasis on the quality of human resources , changing corporate attitudes to risk taking and employee empowerment . d . there are very few companies that match enron ' s experience and accomplishemnts . the paper could become a standard reading at the mba courses on corporate strategy and would help greatly our recruiting efforts . writing the paper would require interviews with ken , jeff and a few other key players . let me know what you thing about it . john is really excited about this paper . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 09 / 2000 08 : 07 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vkaminski @ aol . com on 10 / 07 / 2000 05 : 29 : 41 pm to : vkamins @ enron . com cc : subject : enron http : / / www . stanford . edu / group / sia / stanford india association",0 +"Subject: united healthcare contracting update to : houston area employees participating in domestic medical plan benefits from : enron human resources we are pleased to pass along to you the fact that united healthcare ( uhc ) and memorial herman health systems ( mhhs ) reached agreement on a long - term contract . there will be no disruption in terms of accessing network services from the hospital system or those providers who were scheduled to be terminated . employees currently electing uhc will receive a confirming letter shortly from uhc . as mentioned in our earlier memo , it is our understanding that cigna has also been contacted by mhhs and are now in contract negotiations . open enrollment packages are in the mail and you should consider the above facts when making your decision on your medical election .",0 +"Subject: cplex stinson , enclosed are the details of the cplex purchase . if everyone agrees , i will assume that ebs is responsible for 1 / 3 of the cost ( with taxes etc . must be close to $ 15 , 000 ) . krishna and grant , what do you think ? - samer "" kim turley "" on 05 / 25 / 2000 02 : 22 : 30 pm please respond to to : cc : subject : revised ilog quote 5 - 25 - 00 hi chonawee , you are right , i did make a mistake on the calculation , though it isn ' t exactly 2 / 3 of the previous 3 pak quote . sorry about that and so glad you caught it . i multiplied by 1 . 5 and i meant to use 1 . 3 . we have discounted deployment paks which we discount by quantity . our chart starts with a 3 pak so i took that number from our price list and multiplied by 1 . 3 to get 14 , 560 . 00 . for 2 deployments , i take $ 4 , 500 for one , plus 10 % off for the second license 4 , 050 , then times 1 . 3 = 11 , 115 . 00 . here is the revised quote . i checked the other numbers again and they are correct . again , i am sorry for the mistake . regards , * * * * * * * * * * * * * * * * * * * * * * * * * * * * may 25 , 2000 enron corporation a single user cplex v 6 . 6 development license with callable library and mixed integer , 2 cplex floating deployment licenses with mixed integer and 2 opl studios , all with first year ' s maintenance and on win nt on an intel pc . once you have a cplex development license with maintenance and update services , then you can purchase deployment licenses ( run time / license derivative works ) item 1 description fee - - - - - - - - - - - - - - - - - - - - - - - - - - - - - 1 1 cplex floating development license , callable library , mixed integer $ 15 , 300 . 00 2 maintenance on item 1 2 , 295 . 00 3 2 opl studio 10 , 000 . 00 4 maintenance on item 3 3 , 000 . 00 5 2 cplex floating deployment / mixed integer 11 , 115 . 00 6 maintenance on item 5 1 , 667 . 25 - - - - - - - - - - - - total $ 43 , 377 . 25 the cost of ( optional ) annual maintenance and update services is 15 % of the license fees . the customer is responsible for and must add any applicable sales tax , value - added ( ad valorem ) tax , duty or other transaction tax associated with the sale . this quotation is firm for 30 days and subject to the terms of the ilog license agreement and the ilog maintenance agreement . order information fax a purchase order ( with clear shipping and billing address ) to match the above items , attention kim turley . as soon as we receive your purchase order , we will ship the software and simultaneously send you an invoice by separate mail for payment . payment terms are net 30 . regards , kim turley ilog direct sales ilog inc . , lake tahoe office 889 alder avenue , suite 200 incline village , nv 89451 , usa phone : ( 775 ) 832 - 1960 , ext . 130 fax : ( 775 ) 831 - 7755 email : kturley @ ilog . com have you downloaded your free copy of opl studio ? if not , please visit : http : / / www . ilog . com / products / oplstudio / ilog : powering your software http : / / www . ilog . com http : / / www . cplex . com ask me about our - ampl training june 15 - 16 - next opl studio training , june 2000 p . s . from now until june 30 , 2000 , any ilog cplex licensee may acquire ilog opl studio for just $ 5 , 000 ( 50 % discount ) . ask me about the details !",0 +"Subject: fw : mark boland - deal examples and accomplishments here ' s the list of deals and accomplishments for mark . . . molly - - - - - original message - - - - - from : vasut , tony sent : tuesday , march 13 , 2001 9 : 59 am to : magee , molly subject : fw : mark boland - deal examples and accomplishments - - - - - original message - - - - - from : port , david sent : monday , march 12 , 2001 10 : 47 am to : vasut , tony subject : fw : mark boland - deal examples and accomplishments - - - - - original message - - - - - from : mark . boland @ seb . se @ enron sent : monday , march 12 , 2001 8 : 05 am to : port , david subject : fw : mark boland - deal examples and accomplishments > - - - - - original message - - - - - > from : boland , mark > sent : tuesday , january 23 , 2001 15 : 26 > to : ' david . port @ enron . com ' > subject : mark boland > > david , > > i ' ll attach below a short outline which i have recently put together to > summarize what i ' ve been up to . > also , i ' ve attached a couple of termsheets ( we had very few in english ) to > give you a sample of my > production . more is available if need be . i ' ve put together around 200 > various deals in the last 3 years . > i believe you already have my resume from mark , but i ' ll be glad to send > another copy . > > i ' ll be tracking you down on the phone in the near future . > regards , > mark > > > > > > > outline : > 1 ) structuring > a ) provided coordination of all parts and entities in closing > structured bond deals . i . e . : coordination of > swap . option , bond issuer , back offices , documentation , middle > office , sales , traders ( swap desk and > multiple counterparties ) , research , credit limits , legal , etc . > b ) did all of the above in a ) in a profitable and successful manner , > while evolving the product > and processes at seb . this was accomplished both individually and as > part of a team . > 2 ) idea generation > a ) constantly provided group with new ideas to consider , every week . > provided written > and / or verbal explanation and additional information and coaching > b ) have brought forth new ideas which we have used and made profits > from > 3 ) option trading > a ) represent my department and seb to world ' s leading investment > banks and derivatives > traders on some of the most complex financial transactions carried > out in today ' s market > b ) successfully trade the product while maintaining huge profits , > and not making errors > which cost the bank money > c ) providing clients with a superior investment product > d ) creating enormous profits from arbitrage trading on my own > abilities , > 4 ) systems > a ) constructed valuation model for use by back , middle office , and > risk control , and ultimately > clients receive the results of this , received positive feedback from > users > b ) part of team to negotiate and choose new equity derivatives > systems > 5 ) training other members of the structured department > a ) product knowledge > b ) market knowledge > c ) system use > d ) all aspects of structuring to stockholm and international sales > team > e ) have successfully played role of "" information booth "" and "" course > instructor "" for > members of the department and bank wide > > > > mark m . boland > seb merchant banking > 10640 stockholm , sweden > > telephone + 46 8 5062 3224 > cell + 46 70 772 3224 > > this e - mail is from seb , skandinaviska enskilda banken . it may contain > privileged and confidential information and is intended for the named > recipient ( s ) only . if you are not an intended recipient , please notify us > immediately by reply e - mail , delete this e - mail from your system and > destroy any copy hereof . > - broschyr 204 engelska ny . pdf - broschyr p + engelska . doc",0 +"Subject: re : spring workshop folks : it is my pleasure to announce the visit of professor rene carmona from princeton on february 13 , 2001 . ( this web site may provide a little information on professor carmona : http : / / www . princeton . edu / ~ rcarmona / ) professor carmona is going to talk to us about his research endeavors in weather and financial engineering . similarly , we will make a short presentation of our activities and research interests . the aim of the meeting is to explore areas of common interest and investigate the possibility of collaborating in certain research areas . the time is 2 : 00 - 3 : 30 pm . room eb 30 cl is reserved for 2 : 00 - 4 : 30 pm . please plan on attending . also , do let me know , if you would like to include someone else to this distribution list . yannis tzamouranis",0 +"Subject: energy conference vince , greetings , happy new year , and thanks for your end - of - 2000 e - mail . > one suggestion i want to make is rick causey . i talked to him and he is > willing to > be a speaker . he is a very senior and important executive of enron and a ut > grad . i have asked sheridan to raise the keynote - speaker issue with you during your discussions tomorrow . best , ehud ehud i . ronn jack s . josey professor in energy studies department of finance mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: charm see below for more information on the willis analytic product . i will provide the brochure when it arrives and we can discuss scheduling the proposed meeting . - - - - - - - - - - - - - - - - - - - - - - forwarded by james l bouillion / hou / ect on 01 / 18 / 2001 04 : 14 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" bertil olsson "" on 01 / 18 / 2001 04 : 03 : 18 pm to : jbouill @ ect . enron . com cc : "" david scott "" , "" carl groth "" subject : charm jim , 1 . i can confirm that charm does express traditional exposures in a var format . one of the beauties of charm is that it expresses any quantifiable exposure in a var format , i . e . financial , insurance , weather risks . in addition , it has the capability of incorporating correlations between risks - to the extent that they can be quantified . 2 . to get the ball rolling , i will send you a broschure of charm this week . i also suggest a conference call with carl groth of our ny office . carl knows charm well and my thought is that we can give you some more ideas of this product in order for you to decide whether or not you would like to pursue a presentation . a presentation can be arranged at the location of your choice . let me know if the above fits your purpose or if you would prefer to move in another direction . regards , bertil the information in this email and in any attachments is confidential and may be privileged . if you are not the intended recipient , please destroy this message , delete any copies held on your systems and notify the sender immediately . you should not retain , copy or use this email for any purpose , nor disclose all or any part of its content to any other person .",0 +"Subject: re : background information tom , electronic version is ok . vince "" piazze , thomas "" on 11 / 07 / 2000 10 : 25 : 45 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : background information vince : i will be happy to do so . do you wish to have it in hard copy or electronically ? if in hard copy , how many copies ? tom - - - - - original message - - - - - from : vince . j . kaminski @ enron . com sent : monday , november 06 , 2000 6 : 00 pm to : piazzet @ wharton . upenn . edu cc : vince . j . kaminski @ enron . com subject : background information tom , can you send me additional copies of the information about the webi program ? i want to distribute it internally . vince",0 +"Subject: re : genetic programming todd , we have several members of the group who can help you . one of them is steve leppard located in london . vince to : vince j kaminski / hou / ect @ ect cc : subject : genetic programming vince - i am with the ebs venture capital group . we are looking at evaluating an investment in a company called widevine out of seattle . part of their value proposition involves certain patents on genetic programming . are you familiar with that ? if so , can i set a meeting with you and a few other members of my group to discuss on tuesday or wednesday ? todd van roten enron broadband ventures office : ( 713 ) 853 - 3850 fax : ( 713 ) 646 - 8010 cell : ( 713 ) 305 - 0110",0 +"Subject: re : curves for south america remi , no problem . my assistant shirley crenshaw will call you friday to set up a meeting . vince remi collonges @ enron _ development 02 / 24 / 2000 09 : 10 am to : vince j kaminski @ ect , grant masson @ ect cc : subject : curves for south america vince and grant , i have been made responsible for all gas and power curves in south america ( plus books development , reporting , . . . . . . . ) . i have somewhat started but , since i am new on the job , i ' d love to receive advice , guidance ( and at some stage help ) from you . would you be available for a meeting next week , preferably thursday or friday ? i ' m planning to be in houston these days . remi collonges ( 55 ) 11 5503 1200",0 +"Subject: your trip hi vince , the following has been organised for you : sunday 6 . 45 pm dinner at diverso restaurant 85 piccadilly 0207 491 2222 with ben , steve , anjam monday clear until noon 12 pm lunch with dale surbey at olivetto or olivo 2 . 30 pm interviews start 6 . 30 pm or 7 pm approximate time for end of interviews tuesday clear until 10 am 10 am to 12 pm energydesk . com meeting with mikael nordstrum afternoon clear wednesday 9 am to 10 . 30 am riskcare meeting in nel 002 with michael curran , anjam and dale 11 . 30 am to 12 pm meeting with john sherriff regards , anjam x 35383",0 +"Subject: re : action learning project information kathy , enron will be represented by myself ( vince kaminski ) and kenneth parkhill . vince kathy spradling on 01 / 05 / 2001 05 : 04 : 21 pm to : ( recipient list suppressed ) cc : chamberl @ rice . edu , castro @ rice . edu , spradlin @ rice . edu subject : action learning project information dear company representative , we are pleased to announce that your company  , s proposal has been selected as a potential project in the jones graduate school of management ' s action learning project ( alp ) program . as indicated in the alp brochure , company representatives are invited to attend the alp program introduction and student networking session on wednesday , january 10 . please rsvp to kathy spradling , mba program coordinator , at 713 - 348 - 3313 or e - mail her at spradlin @ rice . edu by monday , january 8 to let her know if you plan to attend the session . please provide your company name and the names of representatives attending the session so nametags can be prepared . dress is business casual . below is the schedule of events : 8 : 30 9 : 00 a . m . ? continental breakfast and setup of your company table ? farnsworth pavilion ( located in rice student center ) 9 : 00 9 : 45 a . m . ? introduction and program overview with company representatives , alp administration and faculty liaisons ? farnsworth pavilion ( located in rice student center ) 10 : 00 12 : 00 p . m . ? student networking session with company representatives and first - year students ? grand hall ( located in rice student center ) the alp program introduction and student networking session will be held in the rice student center ( numbers 10 and 11 on the campus map sent with your acceptance letter ) . please contact kathy spradling if you need an additional map faxed to you . there is a large amount of construction taking place on campus . once the visitor  , s lot near the rice memorial center is full , we recommend you park in the stadium lot in the designated visitor area and take the shuttle bus to the rice memorial center . make sure to let the bus driver know your destination . the mba program office has reserved the grand hall for the student networking session . each company represented will have a table set up with signage for your company . you may bring additional materials you feel might be of interest to students such as company brochures , articles and packets . due to the limited space , we are discouraging the use of display boards in the networking session . unfortunately , no internet connections will be available for use during the session . again , thank you for your interest in rice . we look forward to working with you , and hope to see you on wednesday , january 10 . carrie miller pam castro kathy spradling kathy m . spradling mba program coordinator jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 3313 fax : ( 713 ) 348 - 5251 email : spradlin @ rice . edu http : / / www . rice . edu / jgs e - mail : spradlin @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: re : it was nice meeting you at the informs meeting . i enjoyed talking to you in the slc conference . thank you for the reference to your recent publication . let me find out about rice seminars and any interest within our group and get back to you . regards , krishna . uryasev @ aol . com on 06 / 18 / 2000 05 : 58 : 38 am to : cc : subject : it was nice meeting you at the informs meeting . dear dr . krishnarao , it was nice meeting you at the informs meeting . if it is of interest , you can download my recent papers and reports in the area of risk management and financial engineering from further , i give the list of recent downloadable publications related to the risk management and financial engineering . 1 . uryasev , s . conditional value - at - risk : optimization algorithms and applications . financial engineering news , no . 14 , february , 2000 . 2 . uryasev , s . introduction to the theory of probabilistic functions and percentiles ( value - at - risk ) . research report 2000 - 7 . ise dept . , university of florida , may 2000 . 3 . chekhlov , a . , uryasev , s . , and m . zabarankin . portfolio optimization with drawdown constraints . research report 2000 - 5 . ise dept . , university of florida , april 2000 . 4 . palmquist , j . , uryasev , s . , and p . krokhmal . portfolio optimization with conditional value - at - risk objective and constraints . research report 99 - 14 . ise dept . , university of florida , november 1999 . 5 . andersson , f . and s . uryasev . credit risk optimization with conditional value - at - risk criterion . research report 99 - 9 . ise dept . , university of florida , august 1999 . 6 . uryasev , s . and r . t . rockafellar . optimization of conditional value - at - risk . research report 99 - 4 . ise dept . , university of florida , june 1999 . i am e - mailing to you from japan . i am for three month at the center for research in advanced financial technology , tokyo institute of technology . here in japan , i am collaborating with my colleges on new classification techniques . suppose you have some data set ( e . g . , a data set of financial records of companies ) and you want to rate the companies based on this ( or some other information ) . linear programming and semi - definite programming methods are used for this purpose . with these techniques we are able to calculate credit rating of investment companies ( aaa , bbb ,  ( ) . similar techniques can be used for scoring of credit card applications and other classification problems . i am interested in applied projects in energy , risk management , and financial engineering area . i will be happy to collaborate with you on this subject . i am looking for financial support for phd students who may work on your applications . also , i will be interested in to give a presentation at your company or at the rice university , as we discussed . best regards , stan uryasev prof . stanislav uryasev university of florida , ise po box 116595 303 weil hall gainesville , fl 32611 - 6595 e - mail : uryasev @ ise . ufl . edu url : www . ise . ufl . edu / uryasev",0 +"Subject: interview schedule for wichai narongwanich attached please find the interview packet for the above - referenced person . the interview will happen friday july 14 , 2000 . please print both documents for your hard copies . hardcopies of the resume will be delivered via runner . if you have any questions , or conflicts of schedule , please do not hesitate to contact me .",0 +"Subject: reimbursement of individually billed items the memo distributed on june 27 on reimbursement of individually billed items requires clarification . the intent of the memo was to give employees an alternate method of paying for pagers , cell phones , etc . employees can continue to submit these invoices to accounts payable for processing or pay these items with their corporate american express card and request reimbursement through an expense report . either way is an acceptable way to process these small dollar high volume invoices .",0 +"Subject: re : test avi , these are my coordinates vince vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com on 06 / 20 / 2000 01 : 34 : 49 pm to : "" vince j kaminski "" cc : subject : re : test vince : got the message ! kind regards avi - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - avi i . hauser phd mba cds director 100 international drive mt olive nj 07828 - 1383 + 1 973 691 3664 ( office ) + 1 973 347 8189 ( fax ) + 1 973 727 3622 ( car + slow paging ) hauser @ cdsusa . com",0 +"Subject: re : your mail zhendong , dr . kaminski called me back telling me that he would like to have you as an intern student in his research department during the summer . please write him an email as soon as possible to introduce yourself and letting him know of your expected starting date and ending date . dr . kaminski ' s email address is vince . j . kaminski @ enron . com shi - jie deng assistant professor school of isye georgia institute of technology office phone : ( 404 ) 894 - 6519 e - mail : deng @ isye . gatech . edu home page : http : / / www . isye . gatech . edu / ~ deng",0 +"Subject: aiesec polska - eurolds 2000 jarek , czy enron moze pomoc w organizacji tej imprezy ? bylaby to dobra okazja nawiazania wielu pozytecznych kontaktow . wicek - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 17 / 2000 08 : 51 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" andrzej wodnicki "" on 02 / 16 / 2000 02 : 50 : 05 am to : vince j kaminski / hou / ect @ ect cc : subject : aiesec polska - eurolds 2000 szanowny panie kaminski ! nazywam sie andrzej wodnicki i jestem czlonkiem stowarzysznia studentow aiesec przy szkole glownej handlowej ( dawnej sgpis ) . prosze o poswiecenie paru chwil na przeczytanie tego maila . ( kontakt do pana otrzymalem od kolegi , ktory organizowal prezentacje firmy enron na sgh , a posrednio od pana jarka astramowicza , przedstawiciela enron na polske . ) w imieniu aiesec polska chcialbym zwrocic sie do pana z wielka prosba pomocy przy wydarzeniu , ktore w tym roku organizujemy . aiesec polska , a w szczegolnosci aiesec przy szkole glownej handlowej ma zaszczyt organizowac w tym roku european leadership development seminar . jest to seminarium na temat przywodztwa skierowne do obecnych i przyszlych czlonkow rad wykonawczych komitetow lokalnych aiesec w calej europie . po raz pierwszy aiesec polska ma mozliwosc organizacji takiego wydarzenia i stanowi ono dla nas olbrzymie wyzwanie . przygotowywalismy sie do niego od kilku lat i obecnie jestesmy juz w koncowej fazie organizacji eurolds 2000 . projekt rozpoczyna sie 7 marca 2000 roku oficjalnym otwarciem przez pana prezydenta aleksandra kwasniewskiego w sali kongresowej . pozniej odbeda sie dyskusje panelowe ( udzial wielu znakomitych gosci - m . in jan krzysztof bielecki , jacek saryusz wolski , andrzej olechowski ) oraz wyklady i prezentacje regionow polski w auli spadochronowej szkoly glownej handlowej , a nastepnie delegaci udadza sie do hotelu mrongovia na szkolenia , casy i wyklady na temat przywodztwa . ( szczegolowy program eurolds 2000 przesylam w zalaczniku . ) jak do tej pory staralismy sie mozliwie najwiecej dokonac wlasnymi silami , jednak obecnie na 3 tygodnie przed tym wydarzeniem stoimy przed pewnym problemem i stad tez pojawil sie pomysl skontaktowania pana , jako osoby , ktora moglaby nam wydatnie pomoc . chcielibysmy poprosic pana o wsparcie finansowe . wspolpracujemy juz z wieloma firmami i instytucjami ( m . in . deloitte & touche , arthur andersen , fundusz phare , fundacja konrada adenauera oraz wieloma innymi ) , jednak na obecnym etapie organizacji projektu wciaz brakuje nam 12000 $ . poczatkowo chcielismy nawiazac kontakt z pania eileen price z londynu , jednak wydaje nam sie , ze pan jako zalozyciel aiesec w polsce powienien po pierwsze o takim wydarzeniu wiedziec , a po drugie mamy nadzieje , ze moze nam pan pomoc . bardzo prosze o odpowiedz , z powazaniem andrzej wodnicki prezydent eurolds 2000 aiesec szkola glowna handlowa - attl . htm - eurolds _ prezentacja . ppt",0 +"Subject: factor loadings fyi . . jeff - - - - - - - - - - - - - - - - - - - - - - forwarded by jeffrey a shankman / hou / ect on 06 / 22 / 2000 07 : 47 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : ted murphy 06 / 21 / 2000 05 : 43 pm to : rick buy , john j lavorato / corp / enron @ enron , jeffrey a shankman / hou / ect @ ect , mark frevert / na / enron @ enron cc : subject : factor loadings i hope that the following clears up some of the confusion regarding the above - captioned process . factor loadings are an input to value - at - risk ( var ) . generally , you can consider them the determinants of relationships between curves , and points on curves based on trader inputs . these pertain to all curves not just north american natural gas . there is a specific program which calculates these relationships which requires a considerable amount of processing time ( 3 hours per run ) as well as another few man - days to evaluate the results . there is no "" ideal "" or recommended period in which these must be updated . more frequent is "" better "" . given the amount of time it takes to refresh , it was "" agreed "" a long time ago amongst rac , research , it and operations that it would be done every 2 weeks . no commercial input was received . the roles were to be simple as they are with most roles in and around var and other risk management controls : research specifies the math it codes the program operations runs the program rac evaluates the results the process has been run every two weeks on the second thursday of every month since february ( as it had been prior ) and rac has rejected the results because the results did not reflect the underlying math because of the complexity of the math and the continuing addition of new products and curves . this created the need to recode the application from scratch . rac continued to agitate to get this done , particularly knowing that the pressure on the efficacy of var would be questioned as we went into the volatile period of 2000 ( e - mails from rudi zipter available upon request ) . the new code was implemented last thursday and the results were accepted resulting in an approximate 10 % difference in var . rac had requested that the code be re - written on 6 / 10 / 99 @ 7 : 44 am with a target completion date of 8 / 2 / 99 . this was discussed and accepted by phillipe bibi on 6 / 17 / 99 in a meeting in his conference room with rick buy , dan bruce , jonathon le , ted murphy , bill bradford , debbie brackett and rudi zipter along with the rest of our task list . we have resolved that the process will continue as stated and will communicate to you the results . there are dozens of other processes that are important to the calculation and interpretation of var that need to be implemented , enhanced , improved or rewritten altogether . for example , the jump - diffusion factors for north american power have not been refreshed in 2000 . the prioirty is dependent on the level of precision required . i will provide a comprehensive list of those processes in due course . ted",0 +"Subject: a few comments john , happy new year . i hope the first few weeks of this year will see the completed paper . i am sending you the last version of the paper i have received with a few comments ( in red ) . i think it makes sense to discuss the paper over the phone . i have a number of more detailed comments . vince - enron transformation paperl 2 _ 17 _ 00 _ vk . doc",0 +"Subject: mba career opportunity dear ? vincent kaminski : ? i got your contact details from the web site for power marketers . i have a strong interest in pursuing a career in the energy industry ? with a top energy company like ? enron , where my abilities and qualifications can be fully applied for our mutual benefit . i am graduating in may with an mba ? degree with concentrations in finance and information systems . this summer i worked ? as an intern with structuring and analytics group of ameren energy . ? this internship ? has been especially challenging and has enhanced my professional competencies . while there , i was afforded the opportunity to ? develop a forward view model ? for ? off - peak ? electricity price forecasting and analyze the data sets of a fundamental ? model to create forward price curves . both projects added value to the company and provided me with first - hand experience in the area of energy trading and marketing as well as modeling techniques . in addition , i have an undergraduate degree in mechanical engineering and two years ' experience in power generating . with my work experience in energy finance and exceptional academic and professional achievements , along with my exemplary leadership and management potential and outstanding analytical , business communication , problem - solving and computer skills , i ' m convinced that i will be able to make immediate contributions to your company . i am attaching my resume for your review . should you have any questions or need clarification , please feel free to contact me at ( 504 ) 861 - 9110 or qchenl @ tulane . edu . as i have some offers with deadlines approaching , i would appreciate it if you could give me a quick response . i also expect ? a base compensation above $ 75 k . i look forward to ? hearing from you soon . ? best regards , qing ( christine ) chen mba 2001 a . b . freeman school of business tulane university tel : ( 504 ) 861 - 9110 - resumeus . doc - resumeus txt . txt",0 +"Subject: the installation of the equipment you ordered is completed - - - automatic notification system ( request # : ecth - 4 rstt 6 ) requested for : vince j kaminski requested by : shirley crenshaw the installation of the equipment ( see below ) has been completed . en 6600 128 mb installed in desktop en 6600 desktop p 3 - 600 10 gb 64 mb 32 x nt 4 . 0 en 6600 128 mb installed in desktop",0 +"Subject: risk and purchasing meeting - eb 4438 this is scheduled to be a short ( 1 hour ) meeting to discuss risk and purchasing",0 +"Subject: re : holiday greeting from jerry wind - holiday , revisionl . doc",0 +"Subject: re : next visit to houston ed , wednesday , july 12 , 2 : 300 will work for me . i shall be glad to review your website - - www . weathereffects . com . i shall invite some people who work on electricity in my group to join me . vince "" edward krapels "" on 06 / 29 / 2000 03 : 53 : 40 pm please respond to to : "" ' vince j kaminski ' "" cc : "" jeffrey shorter \ ( e - mail \ ) "" subject : re : next visit to houston vince , good to hear from you and i ' m glad you ' re available . how is wednesday at 2 : 30 ? i did look at eol and am not surprised to see its quality . i was unable to say much about it in my risk electricity hedging and trading report because of deadline pressures . how is the site doing ? i am intrigued by the competition for trading platforms and was astonished to hear that goldman , morgan , bp and shell were going to launch a site to compete with yours . talk about a shotgun marriage ! if we have time next week , i could step you through our website - - www . weathereffects . com . i ' m very proud of what we ' ve done . i can ' t give out a password yet but would be happy to walk through the site with you over the phone using my password . it ' s a very ambitious site - - with state - of - the - art wsi weather ( seasonal , 6 - 10 , and day to day ) driving a good load model for pjm and nepool . esai contributes oil and gas input price forecasts , capacity judgments , and "" herding "" ideas to develop power price forecasts for same time periods . after one month ' s full - bore effort , i ' m pleased with the results ( e . g . , we forecast nepool onpeak to be $ 43 and it turned out $ 46 ) . have a great weekend . ed - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , june 28 , 2000 5 : 29 pm to : ekrapels @ esaibos . com cc : vince j kaminski ; shirley crenshaw subject : re : next visit to houston ed , i shall be available on both days . what about wednesday , july 12 , between 1 : 30 and 4 : 00 . please , let me know what time would work for you . it will be nice to see you again . vince p . s . by the way , did you have a chance to take a look at the eol ? "" edward krapels "" on 06 / 28 / 2000 02 : 49 : 41 pm please respond to ekrapels @ esaibos . com to : vince j kaminski / hou / ect @ ect cc : subject : next visit to houston dear vince , i will be returning to houston during the week of july 10 . esai and weather services international have launched - - after more than 18 months of r & d - - our service , called energycast power trader and energycast gas trader , for power traders in nepool and pjm . i would be happy to review the service with you as well as take you on a tour of our web site . are you available on july 12 - 13 ? sincerely , ed krapels",0 +"Subject: re : re [ 10 ] : greetings from london ( to enron ) teresa , i would like to invite iris for an interview in houston . she works currently in london can you call her and ask when she is planning to visit the states . we could pay the airfare from a location in the states . i would hate to pay the lst class ticket from london to houston , though i would go for it , if necessary ( i don ' t want a candidate to think that we are that cheap ) . business class is a standard for business related , cross - atlantic flights . i would be more comfortable if you could negotiate this issue . thanks vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 16 / 2000 10 : 13 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 06 / 12 / 2000 03 : 51 pm to : iris . mack @ bnpparibas . com @ enron cc : vince j kaminski / hou / ect @ ect subject : re : re [ 10 ] : greetings from london ( to enron ) iris , at this point it ' s my group : research , i . e . quantitative modeling . please , let me know what your interests are and i shall try to line up other groups for the interview . vince iris . mack @ bnpparibas . com on 06 / 09 / 2000 02 : 33 : 50 am to : vince . j . kaminski @ enron . com cc : subject : re [ 10 ] : greetings from london ( to enron ) hi , i will be out of the country until wednesday afternoon - london time . maybe we can chat then . also , could you please tell me about the group ( s ) that are interested in speaking with me . thanks , iris internet from : vince . j . kaminski @ enron . com on 06 / 06 / 2000 20 : 31 gmt to : iris mack cc : vince . j . kaminski bcc : subject : re : re [ 8 ] : greetings from london ( to enron ) iris , leaving for ca in a few minutes . i shall get back to you monday . vince iris . mack @ bnpparibas . com on 06 / 06 / 2000 10 : 36 : 46 am to : vince . j . kaminski @ enron . com cc : subject : re [ 8 ] : greetings from london ( to enron ) hi , thanks for your email . begining of july - what about july 4 th week ? could you give me a bit more info regarding the best days for you and your colleagues . thanks , iris internet from : vince . j . kaminski @ enron . com on 06 / 06 / 2000 14 : 29 gmt to : iris mack cc : vince . j . kaminski bcc : subject : re : re [ 6 ] : greetings from london ( to enron ) iris , the beginning of july would be better for us . please , let me know what is your availability . vince iris . mack @ bnpparibas . com on 06 / 06 / 2000 02 : 30 : 49 am to : vince . j . kaminski @ enron . com cc : subject : re [ 6 ] : greetings from london ( to enron ) hi , thank you for your email . how many days do we need ? i have checked my calendar . and think that i should be able to come on monday june 19 th ( tuesday june 20 th - if you need more than one day ) . . i can fly from london to houston during the following weekend to arrive in time for monday morning . let me know if these days are good for you and your colleagues . regards , iris internet from : vince . j . kaminski @ enron . com on 25 / 05 / 2000 18 : 33 gmt to : iris mack cc : vince . j . kaminski bcc : subject : re : re [ 4 ] : greetings from london ( to enron ) iris , we can invite you for an interview to houston . what would be a the time for you ? vince iris . mack @ bnpparibas . com on 05 / 25 / 2000 11 : 32 : 04 am to : vince . j . kaminski @ enron . com cc : subject : re [ 4 ] : greetings from london ( to enron ) hi , thank you for your prompt response . i am interested in any contacts you may have in your rolodex . also , i would be opened to talk to enron as well . please let me know more details . kind regards , iris internet from : vince . j . kaminski @ enron . com on 25 / 05 / 2000 16 : 19 gmt to : iris mack cc : vince . j . kaminski , stinson . gibner , grant . masson , pinnamaneni . krishnarao , vasant . shanbhogue bcc : subject : re : re [ 2 ] : greetings from london ( to enron ) iris , i shall go through my rolodex and try to find some good leads for you . i left investment banking 8 years ago and this field changes very fast . alternatively , would you be interested in a company like enron or another energy company in houston ? please , let me know . vince iris . mack @ bnpparibas . com on 05 / 25 / 2000 09 : 20 : 01 am to : vince . j . kaminski @ enron . com cc : subject : re [ 2 ] : greetings from london ( to enron ) hi , how are you ? thank you kindly for your email . sorry i have not responded sooner . currently i am working in derivatives structured products and risk management at bnp paribas in london . although i currently enjoy living and working in london , i may need to return to the states - because of my mother ' s failing health . do you know of any good contacts at investment banks that i may forward my details to ? for your information , i have attached my cv . ( please see attached file : iris marie mack . doc ) . thank you in advance for your time and consideration . kind regards , iris mack 44 ( 0 ) 20 7595 8665 ( work ) 44 ( 0 ) 20 7229 9986 ( home ) ( see attached file : iris marie mack . doc ) internet from : vince . j . kaminski @ enron . com on 04 / 04 / 2000 15 : 03 gmt to : iris mack cc : vince . j . kaminski bcc : subject : re : greetings from london ( to enron ) iris , please , feel free to give me a call when you have a few minutes . i shall be glad to chat with you . vince iris . mack @ paribas . com on 03 / 30 / 2000 02 : 24 : 27 am to : vkamins @ enron . com cc : denis . autier @ paribas . com subject : greetings from london ( to enron ) dear dr . kaminski , how are you ? it was nice to meet you at the real options conference in nyc . i was intrigued by some of the comments in your conference talk . in particular , by your use of real options to hedge financial options . this is something i am interested in as well . when you have some time , could we chat about this topic in a bit more detail ? thanks for your time and consideration . hope to hear from you soon . regards , iris mack - - - - - - - - - - - - - - - - this message is confidential ; its contents do not constitute a commitment by bnp paribas group * except where provided for in a written agreement between you and bnp paribas group * . any unauthorised disclosure , use or dissemination , either whole or partial , is prohibited . if you are not the intended recipient of the message , please notify the sender immediately . * bnp paribas group is a trading name of bnp sa and paribas sa ce message est confidentiel ; son contenu ne represente en aucun cas un engagement de la part du groupe bnp paribas * sous reserve de tout accord conclu par ecrit entre vous et le groupe bnp paribas * . toute publication , utilisation ou diffusion , meme partielle , doit etre autorisee prealablement . si vous n ' etes pas destinataire de ce message , merci d ' en avertir immediatement l ' expediteur . * le groupe bnp paribas est le nom commercial utilise par bnp sa et paribas sa ( see attached file : iris marie mack . doc ) ( see attached file : iris marie mack . doc ) ( see attached file : iris marie mack . doc ) ( see attached file : iris marie mack . doc ) - iris marie mack . doc",0 +"Subject: rab graph i believe this will be helpful in your analysis . - - - - - - - - - - - - - - - - - - - - - - forwarded by michael anderson / hou / azurix on 08 / 22 / 2000 08 : 35 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : keith harris / wsx / azurix @ exchange on 08 / 03 / 2000 01 : 40 pm gdt to : michael anderson / hou / azurix @ azurix cc : colin skellett / wsx / azurix @ exchange subject : fw : amended index graph michael i have got csfb working on the amendment you asked for . in the meantime we have produced a graph which shows , as indices , market values of the water companies and the rab of the industry since privatisation . the following points come out 1 market values overtime have been 1 . 1 x rab 2 the result is significantly skewed by the period between mid 1997 and end 1998 when the ratio was cl . 5 x . 3 the premium to rab is only found at a time when political uncertainty has been removed the companies are able to outperform the regulatory deal significantly . those days are gone - a fact witnessed by the decline in share prices in the last year just to note that the graph we have produced here is a weighted average of water companies - whereas the figures we did yesterday on the rab market value ratio is a straight average . obviously that influences the numbers a little . on customerco . csfb have contacted around 7 energy companies . the result has been positive and they are prepared to enter our journal exercise . i await a revised fee proposal but csfb have been advised that it should be more modest than the last one ! keith - - - - - original message - - - - - from : david kitchener sent : 03 august 2000 13 : 27 to : keith harris subject : amended index graph",0 +"Subject: re : summer internship shirley , fyi . it looks like cantekin will be starting on may 22 ( summer intern ) . can we find him space on 19 ? - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 20 / 2000 02 : 41 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" cantekin dincerler "" on 04 / 20 / 2000 11 : 21 : 11 am please respond to to : "" ' stinson gibner ' "" cc : subject : re : summer internship stinson , i just received a word from associate & analyst program that the official starting dates are may 22 , and june 2 . they seem to be strict about this . hopefully i ' ll make it to may 22 . regards , - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - cantekin dincerler doctoral candidate the university of texas at austin graduate school of business department of finance office : ( 512 ) 471 - 1676 fax : ( 512 ) 471 - 5073 home : ( 512 ) 472 - 5356 http : / / uts . cc . utexas . edu / ~ cantekin - - - - - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - > - - - - - original message - - - - - > from : stinson gibner [ mailto : stinson . gibner @ enron . com ] > sent : thursday , april 13 , 2000 5 : 13 pm > to : cantekin @ mail . utexas . edu > subject : summer internship > > > > > cantekin , > > you should be getting an offer of a summer internship within > the next few days . > if you don ' t , please let me know . > > i think you will be working with me on a combination of enron > broadband services > and enron north america projects and am looking forward to > having your help . > some of the projects should be a lot of fun . > > > when are available to start so i can plan ahead for you ? > > best regards , > > stinson > >",0 +"Subject: re : uk portfolios and books setup in risktrac tanya , we have checked the risktrac system and ( 1 ) the spreadoption , and other , mappings in risktrac are correct . ie , els 1 b has both power ( ppp ) and gas ( nbp ) and the deltas / gammas tie out . the lolp and smp mappings all tie out . ( 2 ) however , the uk power in risktrac has 25 twh more of power . this has something to do with the enpower - risktrac communication . ( 3 ) uk - gas positions tie out in aggregate ( off by a single bcf ) for var discrepancies , other than positions , the following will contrbute ( 1 ) in risktrac power is mapped to r 4 ( cinergy ) while in the spreadsheet it is us - ng . ( 2 ) gas - power and efa - efa correlations are different . matthew is coordinating with oliver and london it to resolve the position issues . naveen tanya tamarchenko @ ect 01 / 03 / 2001 02 : 09 pm to : naveen andrews / corp / enron @ enron , matthew adams / corp / enron @ enron cc : rabi de / na / enron @ enron , jaesoo lew / na / enron @ enron , vince j kaminski / hou / ect @ ect subject : re : uk portfolios and books setup in risktrac naveen and matthew , i started looking systematically through uk positions and corresponding var numbers in the risckrac . i found a few inconsistencies so far . 1 . the portfolio elsb 1 - nbp has a book elsb 1 under it . the sum of delta positions for this book is 239 , 021 , 655 , the sum of gamma positions is - 211 , 031 , 450 . var for the portfolio elsb 1 - nbp is zero . the same refers to a few other portfolios , for example elsb 2 - nbp , elsb 3 - nbp , e 2 xxl - nbp . 2 . the portfolio elsbp 1 - ppp also has the book elsb 1 under it . this book contains the positions on pppwdl through pppwd 6 and pppwel through pppwe 4 . the same refers to the other books , for example elsb 2 . this looks messy . can someone in rac go over all the portfolios , all the corresponding books and curves in risktrac and make sure they are set up properly ? thank you , tanya .",0 +"Subject: re : ( no subject ) jana , sorry , i shall be in florida this thursday . i am speaking at a conference in key biscayne . talk to you soon . vince jlpnymex @ aol . com on 03 / 28 / 2000 09 : 32 : 16 am to : doris . a . abernathy @ ucm . com , nalexander @ texasmonthly . emmis . com , blackj @ wellsfargo . com , ckcrews @ swbell . net , rclark @ nymex . com , kcdunnagan @ aol . com , rdyerlaw @ houston . rr . com , ggulen @ uh . edu , lesley . guthrie @ cpa . state . tx . us , elizabethherring @ pzlqs . com , eric . hoffman @ esso . com , khcnb @ arkansas . net , michael . jacobs @ hq . doe . gov , vkamins @ enron . com , info @ . com , kimmorrell @ excite . com , adrian . a . nunez @ usa . conoco . com , elizabeth _ oldroyd @ americancentury . com , woodybc @ bp . com cc : subject : ( no subject ) dear friends : it is time for rockin ' at rockefellers which benefits the houston symphony ! this is your chance to dance , your date to associate , and your option to auction ! join us thursday , april 6 , from 7 - 10 p . m . at the legendary rockefeller hallon historic washington avenue at heights blvd . dance the night away to the sounds of sammy relford and friends and enjoy an open bar and light hors d ' oeuvres , and a silent auction full of unique , celebrity items . tickets are $ 20 in advance , and $ 25 at the door . invite your friends , and join us there ! jana phillips",0 +"Subject: help on dpc lng options jeff , i fully support sandeep ' s request to move anshuman srivastav to houston . i anticipate that we shall be working on dhabol related issues for the next two years until all the business problems are successfully resolved . anshuman is a very capable employee , with the right combination of skills to attack the dhabol modeling challenge . he understands the indian markets as well as international fuel markets . he has also a very good grasp of power industry fundamentals and of the technology used at the dhabol power plant . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 12 / 2001 04 : 54 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - sandeep kohli @ enron _ development 03 / 12 / 2001 12 : 40 pm to : vince j kaminski @ ect cc : subject : help on dpc lng options vince , this is a follow - up of our meeting with jeff shankman on friday , as well as our discussions with the global assets group on dpc issues . as you see , there is a need for developing a comprehensive fuel strategy for dpc that encompasses both the lng phase , and the naphtha side . furthermore , any fuel strategy we develop will have to be in consonance with the power side of the business . there is a lot of analytical work that will be required in this context over the next several months , and we will need a person who understands both the power and the fuel side of the business at dpc . i believe anshuman is just such a person . he has worked closely with me over the last 2 yrs . , and has been trained in the derivatives side of the business ( he has attended all three levels of derivatives classes offered at enron ) . over the last month , his presence in houston has greatly helped me in melding the henwood study with the picture on the lng / fuel side . i believe his presence in houston will be critical to us developing a comprehensive fuel / lng strategy for dabhol , together with the global markets and asset groups . i am therefore requesting you to explore the possibility of anshuman being moved on a more permanent basis to houston . as you are aware , anshuman himself would welcome such an arrangement . regards , sandeep .",0 +"Subject: tage vince , i have the information you requested concerning spyros maragos . please call me at your convenience . paul johnson ( 281 ) 497 - 8595",0 +"Subject: 20 th annual ceraweek - "" shooting the rapids : strategies and risks for the energy future "" mr . vincent j . kaminski managing director enron capital & trade resources corp . dear mr . kaminski : i am pleased to invite you to join my cera colleagues and me at our 20 th annual executive conference , "" shooting the rapids : strategies and risks for the energy future "" to be held february 12 - 16 , 2001 in houston , texas . ? this is the premier international gathering offering senior executives new ideas , insights and strategic thinking on the issues facing the global energy industry . i believe you will find the conference and related social events timely and of considerable value . ? our focus will be on the critical implications of the current market turmoil for energy strategies , investment , regulatory backlash , competitive dynamics , and industry structure . ? presentations cover all key regions and energy sectors - - oil , natural gas and power - - and their interconnections . ? the conference is the centerpiece of ceraweek , a full week of senior level meetings designed to foster exchange and learning , as well as informal interaction and networking . ? last year ' s participants included some 1600 executives from over 57 countries . complete details on ceraweek 2001 can be found at ? http : / / www . cera . com / cfm / track / mc . cfm ? p = 670 & c = 2804 ? . to register , please go directly to http : / / www . cera . com / cfm / track / mc . cfm ? p = 781 email register @ cera . com ; or call us at 1 ( 800 ) 879 - 2372 ext . 800 ( outside the u . s . ( 617 ) 497 - 6446 ext . 800 ) . ? i hope you will join us ! sincerely , daniel yergin chairman , cambridge energy research associates should you experience problems reaching the web site using the links above , please go to http : / / www . cera . com / ceraweek / our relationship with you is very important to us . ? if you wish not to receive future e - mail notifications , please send a reply to this message with "" donotemail "" as the subject of your message . ( mailto : info @ cera . com ? subject = donotemail ) ? please indicate whether you wish to be removed from the conference list or alternatively from the list for any future cera notifications . ",0 +"Subject: re : fw : parent - subsidary model hi again , thanks for the financial data on enron ' s european counterparties . it is my understanding that you started out with a list of 500 such counterparties . however , your spreadsheet only contains information for 72 of these european counterparties . will you please tell me the logic behind the elimination of the 400 + other counterparties ? thanks so much , iris - - - - - original message - - - - - from : parsons , ben sent : tuesday , april 17 , 2001 2 : 56 am to : mack , iris cc : valnek , tomas ; dhar , amitava ; mumford , mike subject : re : fw : parent - subsidary model hi iris the inputs and outputs generated by riskcalc can be seen in the attached file : > we only looked at the 5 - yr pd . inputs are in columns a - u . these are the inputs generated by amadeus . you can run these inputs through the riskcalc model over the web ( http : / / www . moodysqra . com / privfirm ) using the login : dupred , password : detective . this is our trial licence which lasts for about 2 more weeks ( mike mumford will have more details about the current licence ) tomas valnek was getting the data from the amadeus database , so i ' ll leave it to him to determine if houston access is possible . in the meantime you can use the dataset attached for testing purposes . ben from : iris mack / enron @ enronxgate on 12 / 04 / 2001 17 : 58 cdt to : ben parsons / lon / ect @ ect cc : amitava dhar / corp / enron @ enron subject : fw : parent - subsidary model hi ben , how are you ? today we had a meeting with craig chaney and jeff kinneman to discuss the private firm model . they requested that i spend some time carefully analyzing the moody ' s riskcalc model . i noticed that you also have been looking at riskcalc - as indicated in your paper entitled "" pricing parent companies and their subsidiaries : model description and data requirements "" other than the example discussed in your paper , did generate any other test statistics , scores , etc . also , you stated that you used amadeus database . we are in the process of trying to obtain data from various data vendors - but that may take a while . in the mean time , may we have access to the amadeus database or some sample dataset ? thanks so much , iris - - - - - original message - - - - - from : valnek , tomas sent : tuesday , april 10 , 2001 9 : 10 am to : fiala , markus ; seyfried , bryan ; salmon , scott ; kirkpatrick , eric ; mumford , mike ; fontaine , jean - sebastien ; brooks , simon ; price , nigel ; diprose , robert ; rezaeian , reza ; gordon , mike ; lee , derek ; hershkovitz , ilan ; golden , sally ; stephan , nicholas ; albanis , george ; shanbhogue , vasant ; mack , iris cc : parsons , ben subject : parent - subsidary model attached is a description of the parent - subsidiary model that ben and i have been working on over the last few weeks . comments welcome ! tv >",0 +"Subject: interview with the research group good morning toni : the research group would like to bring in jerzy jarosz for an exploratory interview at his convenience . . the interviewers from the research group would be : vince kaminski p . v . krishnarao zimin lu paulo issler tanya tamarchenko stinson gibner grant masson ( if the interview is after the 18 th of july ) vasant shanbhogue ( if the interview is after the 21 st of july ) from other departments : ted murphy bill bradford gary hickerson his resume is attached . if you need any other information , please let me know . thanks !",0 +"Subject: a few loose ends norma , thanks for your mesage . 1 . i shall ask krishna to reduce his rollover to 40 hrs . 2 . any resolution on bonus for lance ( october 2 nd start ) ? anita dupont is in the same situation . 3 . can you send me a copy of exit interview for grant masson ? there is a special reason i need and i shall explain it to you in person . 4 . what time next week would be good for lunch ? i would be glad to invite you molly and ramona . what about friday the 22 nd ? vince",0 +"Subject: a friend of mine shirley , please , arrange a phone interview with richard . stinson , myself , vasant . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 02 / 2001 08 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : kristin gandy / enron @ enronxgate on 05 / 01 / 2001 05 : 14 pm to : vince j kaminski / hou / ect @ ect cc : subject : a friend of mine vince , last week i was contacted by one of my friends who is very interested in becoming an enron employee . he has a phd and several years research and lab experience . richard is afraid that being a phd is a dying breed and may need to go back to school to obtain an mba . i was wondering if you would mind looking at the attached resume to assess if you have any interest in richard , or if you feel i should encourage him to go back to school . i am unclear as to the qualifications for your group so i apologize if this request is way off base . thank you for your help , kristin gandy associate recruiter enron corporation 1400 smith street eb 1163 houston , texas 77002 713 - 345 - 3214 kristin . gandy @ enron . com",0 +"Subject: re : enterprise risk management jim , yes , i would be very interested . vince james l bouillion 01 / 17 / 2001 03 : 02 pm to : kevin kindall / corp / enron @ enron cc : jere c overdyke / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : enterprise risk management i had a meeting with willis ( insurance broker ) today and they advised that they have a computer analytics tool that can evaluate traditional exposures and express the risk as var . would you be interested in seeing the tool ?",0 +"Subject: fwd : re : optical network engineering & enron research offsite meeti ng fyi . - - - - - forwarded by ravi thuraisingham / enron communications on 03 / 17 / 00 09 : 10 am - - - - - john _ griebling @ palm . net 03 / 17 / 00 06 : 29 am please respond to john _ griebling to : scott yeager / enron communications @ enron communications , dorn @ palm . net , diane _ hetzel @ palm . net cc : ( bcc : ravi thuraisingham / enron communications ) subject : fwd : re : optical network engineering & enron research offsite meeti ng scott , we are definitely going to do the network engineering / research off - site in breckenridge the weekend of april 21 - 22 - 23 ( fri , sat , sun ) . there will be 25 - 30 people . we will plan on meeting and lodging facilities in town . let us know if you want to arrange a social event or activity at your place for the group . my assistant , sheryl lara , will be coordinating with you . she will also be publishing agenda and attendee invites as soon as we finalize these next week . - - forwarded message - - hi vince , here is the official ' go ' signal from john griebling . sheryl and shirely please plan the space etc . together . please plan on about 25 to 30 people . regards , ravi . p . s . vince , john and stinson , i will send another e - mail with the proposed ag",0 +"Subject: re : mscf speaker series kristin gandy is following up on this . she ' s the new carneige mellon recruiter . sorry about the delay . alison vince j kaminski 08 / 11 / 2000 03 : 59 pm to : mary alison bailey / hou / ect @ ect cc : subject : re : mscf speaker series fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 11 / 2000 04 : 04 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" pierre - philippe ste - marie "" on 08 / 11 / 2000 03 : 39 : 39 pm to : cc : subject : re : mscf speaker series thx , we are very anxious to hear her answer pierre - philippe ste - marie - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - pstemarie . homestead . com - - - - - original message - - - - - from : to : cc : ; sent : friday , august 11 , 2000 10 : 55 am subject : re : mscf speaker series > > pierre - philippe , > > i have contacted allison bailey to ask her to move her visit > to the campus to coincide with my presentation . > i hope to hear from her soon . > > vince kaminski > > p . s . nice web site > > > > > > > > "" pierre - philippe ste - marie "" on 08 / 10 / 2000 05 : 13 : 53 pm > > to : > cc : > subject : mscf speaker series > > > > dear mr . kaminsky , > > just checking if there was any progress . . . or anything i could do to help > you . > > sincerely , > > pierre - philippe ste - marie > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > pstemarie . homestead . com > > > > >",0 +"Subject: day off tuesday stinson , i would like to take a day off tomorrow ( tuesday , april 10 ) . i need to register my son to elementary school and send my cars to service . my cell number is 713 - 858 - 2577 in case you need to reach me . zimin",0 +"Subject: re : f / u to dr . kaminski @ enron from iris mack hi again , i am visiting several family members and friends over the next few days . therefore it will be hard to contact me . however , next week i will be easier to reach . my contact details in nyc are as follows . i will be staying at the following hotels : washington square hotel from november 28 th for 3 nights ( tue , wed and thur ) 212 . 777 . 9515 marriott nyc financial december lst for 1 night ( fri ) 212 . 385 . 4900 at any rate , i will still try to reach you on tomorrow morning . if all fails , we will try to reach each other next week . happy thanksgiving , iris > from : "" iris mack "" > to : vince . j . kaminski @ enron . com > subject : re : f / u to dr . kaminski @ enron from iris mack > date : tue , 21 nov 2000 22 : 07 : 09 > > hi , > > how are you ? seems like we have had a bit of difficulty contacting each > other . sorry i missed your call . i am now in nyc - until december 2 nd . > > i will try to call you on tomorrow morning about 8 am houston time . > > take care , > iris > > > > > > from : vince . j . kaminski @ enron . com > > to : irismmack @ hotmail . com > > cc : vince . j . kaminski @ enron . com > > subject : hello > > date : tue , 21 nov 2000 15 : 14 : 31 - 0600 > > > > iris , > > > > we are trying to reach you but we are getting error messages . > > please , call me 713 853 3848 . > > > > vince > > > > > _ _ _ _ _ _ _ get more from the web . free msn explorer download : http : / / explorer . msn . com",0 +"Subject: telephone interview with the research group good morning mr . catanese : your resume was forwarded to the research group and they would like to conduct a telephone interview with you at your convenience . we would prefer the week of july 5 - 7 ( monday and tuesday , the 3 rd and 4 th are holidays ) , if at all possible . please let me know your availability and where you may be reached by phone and i will coordinate the calendars . the interviewers would be : vince kaminski managing director stinson gibner vice president p . v . krishnarao director osman sezgen manager i look forward to hearing from you . sincerely , shirley crenshaw administrative coordinate enron corp . research group 713 / 853 - 5290",0 +"Subject: re : fw : fw : get together this coming tuesday ? kim , i talked to dale early this morning and suggested that we meet during his next trip to houston when we decide on timing of our project . vince from : kimberly watson / enron @ enronxgate on 05 / 01 / 2001 08 : 41 am to : vince j kaminski / hou / ect @ ect , eric gadd / et & s / enron @ enron cc : subject : fw : fw : get together this coming tuesday ? vince , if dale comes in to see you , it looks like eric might be available to meet with you as well . it would be a good opportunity for eric to meet dale and get a little more information on his model . eric ' s phone number is x 54713 . thanks , kim . - - - - - original message - - - - - from : gadd , eric sent : monday , april 30 , 2001 8 : 12 pm to : watson , kimberly subject : re : fw : get together this coming tuesday ? works for me . give me a call at 9 : 30 . from : kimberly watson / enron @ enronxgate on 04 / 30 / 2001 05 : 09 pm to : eric gadd / et kaminski , vince subject : re : get together this coming tuesday ? dale , please , call me on tuesday . my morning schedule is full but i am open in the afternoon . vince "" dale m . nesbitt "" on 04 / 30 / 2001 01 : 51 : 21 am please respond to to : "" vincent kaminski "" , "" kimberly s . watson "" cc : subject : get together this coming tuesday ? vince / kim : i am flying to houston tonight and wondered if it would fit one or both of your schedules to get together this coming tuesday sometime for 1 / 2 hour or so . i really want to reinitiate the conversations marketpoint was having with john goodpasture and you , and he said either or both of you were the right people to continue after his responsibility shift . john was quite positive about the idea of enron acquiring marketpoint narg through license , and he implied that one or both of you would be carrying the ball in that direction after he handed it to you . would this coming tuesday morning at 930 am be a good time for you guys ? if so , please give me an email shout at the above address or leave a message on my voicemail at ( 650 ) 218 - 3069 . i think you will be truly impressed with the scope and progress we have been able to make with both the short run narg and the long run narg in which you were interested ( not to mention our power model ) . the progress is noticeable since you saw it . both long and short term narg are having quite an impact on a number of gas decisions at the moment ranging from venezuelan lng , north american lng import terminals and term , gas basis calculations , trading support , power plant development , gas - to - power price spreads in key markets , veracity of heat rate trades , bank financings , storage field evaluation , and which new pipelines we can expect to see enter and which are dogs . i really hope we can fit it in and get our discussions moving in a mutually productive direction again . i think narg can help you become even more successful , and i look forward to working with you . we have a new office address and new phone number as well . ( we move in may 1 . ) altos management partners 95 main street , suite 10 los altos , ca 94022 ( 650 ) 948 - 8830 voice ( 650 ) 948 - 8850 fax ( 650 ) 218 - 3069 cellular give the phones a week or so to get "" debugged "" and then switch over . dale ",0 +"Subject: times 2 filing units pat : recently , i talked with you about ordering another filing unit . it turns out that we need 2 more filing units . please order them the same size as the floor to ceiling cabinet we have . have the inside of the cabinets configured as follows : 1 cabinet should have 5 shelves 1 cabinet should have 6 shelves when interstore was here today reconfiguing 2 of our existing cabinets , they removed 8 shelves that they are going to use on these new units . please price these 2 new units and charge them to co . # 0413 , rc # 107043 . please let me the prices and approximate delivery date . also , let me know if you need anything else . thanks . anita",0 +"Subject: carnegie mellon shirley , i just spoke with vince and asked him if he would be available to interview one last candidate on monday . he said no problem that both he and stinson would be available for interviews . could you please put on vince ' s schedule one interview at 8 : 45 am - 9 : 15 am . stinson ' s interview will be from 9 : 30 am - 10 : 00 am . i will just bring the candidate to their offices so they do not have to show up early . if you have any questions please feel free to contact me at extension 53214 . thank you very much , kristin gandy",0 +"Subject: model development vince , here is our final draft for the model development report . i believe that we have incorporated all your comments from the last meeting . if you have any questions or would like to sit down and go over the report please feel free to call myself or patty . if the report is ok or if there are some additional comments , i would appreciate if you would respond by wednesday january 12 . thanks andy",0 +"Subject: re : request for two powerpoint presentations from risk 2000 confe renc e i was wandering whether the document was resent . i still have not seen anything at either email address . thanks , allen bryson > - - - - - original message - - - - - > from : vince . j . kaminski @ enron . com [ smtp : vince . j . kaminski @ enron . com ] > sent : tuesday , june 27 , 2000 7 : 56 am > to : r - allen . bryson @ usa . conoco . com > cc : vince . j . kaminski @ enron . com > subject : re : request for two powerpoint presentations from risk 2000 > conferenc e > > > allen , > > i responded to your message from home . > > please , let me know if you did not receive the attachments . > aol malfunctions sometimes . > > vince > > > > > > "" bryson , allen "" on 06 / 26 / 2000 09 : 17 : 07 am > > to : "" ' vkamins @ enron . com ' "" > cc : > subject : request for two powerpoint presentations from risk 2000 > conferenc > e > > > vince , > > i would like to receive copies of both your energy risk and weather > presentations from the risk 2000 conference in boston . > > thanks , > > allen bryson > conoco > > > >",0 +"Subject: re : argentina modelling michael , what about 1 : 00 p . m . thursday ? vince michael guerriero @ enron _ development 01 / 05 / 2000 05 : 47 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : argentina modelling could we meet tomorrow afternoon ? mfg vince j kaminski @ ect 12 / 30 / 99 06 : 41 pm to : michael guerriero / enron _ development @ enron _ development cc : vince j kaminski / hou / ect @ ect subject : re : argentina modelling michael , sorry , i was out around the holidays . i shall be glad to meet with you in the lst week of january . please call me ( 3 - 3848 ) or my assistant , shirley crenshaw , 3 - 5290 . vince michael guerriero @ enron _ development 12 / 20 / 99 02 : 31 pm to : vince j kaminski @ ect cc : subject : argentina modelling i am responsible for our argentina operation and would like to discuss some modelling issues with you . could you be available wednesday for a meeting . thanks mfg",0 +"Subject: visit in november shirley , please , schedule a meeting , 30 minutes with him . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 17 / 2000 05 : 56 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - carlos ordonez on 10 / 17 / 2000 02 : 56 : 07 pm to : stinson . gibner @ enron . com cc : vkamins @ enron . com subject : visit in november dear stinson , november is fast approaching and my schedule , and i am sure yours and vincents ' , is filling up . i would love to visit with you guys again to discuss possibilites of collaborations . right now , i am busy nov : 3 in the afternoon , 6 , 10 in the morning , 15 , and any tuesday or thursday . please let me know date and time for my visit as early as you can . best , carlos",0 +"Subject: working paper list & etc ? ? ? dear vince : ? ? ? ? i have put together a list of finance working papers ( some of which i brought to the interview last wednesday ) which i have written since 1995 mostly in support of my work but also ( at least initially ) as a learning tool . several of them , however , ? do contain innovations . ? ? ? ? ? ? i have asked ms . de claris to forward a copy to you . ? ? ? ? as i expressed to you earlier i am particularly interested in enron credit swaps trading platform and the business opportunities that it will spawn . ? ? ? ? i also think that there are tremendous opportunities to be explored in the secondary mortgage maket in the us . i do not know if enron has considered or is active in this market . this would be an area that i am also very interested and in which i think much better can be done than most of the players in the street . ? ? ? ? the question in my mind ( hopefully not prematurely ) ? is : if there is interest here would enron consider letting me put together this business ? ? ? ? ? i look forward to hearing from you soon . ? ? ? ? best regards ? ? ? ? joao ? ? ? ?",0 +"Subject: iv rene ledis fifth floor se 5018 interview schedule 17 . 00 - 17 . 30 vince kaminski & anjam ahmad 17 . 30 - 18 . 00 ben parsons 18 . 00 - 18 . 30 stephen leppard",0 +"Subject: confirmation of your order this is an automatic confirmation of the request you have placed using it central . request number : ecth - 4 ujn 5 l order for : mitra mujica 1 x ( option : 128 mb upgrade for deskpro en 6600 $ 63 ) 1 x ( standard desktop $ 905 ) enron it purchasing * please send all status inquiries regarding this request to : mailto : receiving & hardware @ enron . com",0 +"Subject: re : dolores please , register me for a session on 9 / 29 / 2000 at 12 : 45 . vince kaminski celeste roberts 08 / 29 / 2000 06 : 21 pm to : celeste roberts / hou / ect @ ect cc : ( bcc : vince j kaminski / hou / ect ) subject : urgent the associate and analyst recruiting department will be conducting a number of two hour workshops to review our recruiting and interview process for the fall on - campus recruiting effort . critical information regarding our on - campus interview process , revised evaluation forms and program structure will be reviewed during these two hours sessions . it is mandatory that all team members attend these workshops . all team members must attend in order to articulate and demonstrate the enron recruiting process . knowing how busy schedules are , we have made arrangements to present these workshops in two hours sessions for a total of 40 workshops that will run during the last week of august , through the month of september and end at mid october . listed below are the dates , location and times for each session . please select a date and time and e - mail this information to my assistant , dolores muzzy . we can accommodate 25 participants at a time . dolores will take dates and times on a first come , first serve basis . we have scheduled enough sessions to accommodate every member of both the associate and analyst recruiting teams . in order to participate in the recruiting process , you must attend one of these sessions . we will be tracking participation . cpe credits will also be given for attending this workshop .",0 +"Subject: eol trade size discrepancies vince - i have discovered the two sources of discrepancy in the "" transaction dollars "" on eol , between my numbers and those of eol . first , eol records all index trades with the henry hub price ( since the index price isn ' t , inadvertently , recorded with the trade , as i told you ) , whereas i went back and appended the contemporaneous index price to the trades . second , eol ignores all basis trades in reporting transaction dollars , whereas i append a rough size to them of the "" price "" as the basis , times the quantity . i ' m sorry i wasn ' t ready in time with my numbers ; i took the task of accuracy very seriously . clayton",0 +"Subject: recent projects hi vince , i have been working on and / or planning to work on the following projects : 1 . finished a gas daily swing option model for commodity structuring group ( sanjeev khanna ) . the model uses american monte carlo simulation and dynamic programming techniques . 2 . continue working on psim model . this includes reading power generation and operation books as well as thinking about ways to model power plant and its operation . the standard approach ( i . e . turn the plant on if power price > total generation cost , else turn the plant off ) is not particularly good if the regional demand is very high and the plant still has some un - utilized generation capacity . that is , the generation criteria is quite different depending on we model power plant from regional point view or from plant point of view . plan to have meetings with tom and lance . 3 . started working on stochastic process parameter estimation . i will concentrate on four processes : gbm , mean reverting , jump diffusion , and jump diffusion with mean reverting . i have looked at tanya ' s earlier work and decided to discretize the processes slightly differently . it is hoped that this will give a more stable estimation . best , alex",0 +"Subject: re : yaron ' s resume kevin , i would greatly appreciate if you could help me in this case . yaron ' s father helped me a lot to open many doors at berkeley . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 25 / 2000 05 : 39 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - charlene jackson @ enron 10 / 24 / 2000 05 : 15 pm to : vince j kaminski / hou / ect @ ect cc : kevin hannon / enron communications @ enron communications , kristin gandy / na / enron @ enron , shelly jones / hou / ect @ ect subject : re : yaron ' s resume vince , kevin hannon is the executive lead for cornell and he needs to approve . i am not sure if they have already interviewed on campus . he should go through the on - campus screening process before attending a super saturday . we are reserving the super saturday weekend for individuals that are highly likely to receive an offer . i will forward this to kevin and kristin gandy . although they are responsible for graduate recruiting at cornell , perhaps it is possible for him to interview when they go on campus . charlene kevin and kristin , please see vince ' s message below . would it be possible for an undergraduate to interview while you are at cornell ? please let me know . thanks vince j kaminski @ ect 10 / 24 / 2000 04 : 37 pm to : charlene jackson / corp / enron @ enron cc : mary alison bailey / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : yaron ' s resume charlene , please , help . this is a son of a professor at berkeley who helps me a lot in the recruiting process . his son goes to cornell . can we invite him ( the son , not the professor ) to a super saturday ? i really want to repay the debt to his father who is very instrumental in my recruiting efforts . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 24 / 2000 04 : 40 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" shmuel oren "" on 10 / 23 / 2000 04 : 37 : 25 pm to : cc : subject : yaron ' s resume ? - yaron - resume 3 . doc",0 +"Subject: re : houston research opportunity : anjam vince : here is an explanation of what a 12 month package for anjam actually entails . it seems to me that anjam ' s interest in getting an expat package is mostly about money . based on the uk hr ' s read of anjam , they think he will jump . i have a telephone conference with anjam at 11 : 00 . my stance will be 110 is firm . we will help with the transition via a one time settlement : flat rental issues , 500 lbs of air shipping for moving furniture , maybe one trip back to uk a year , but no more . re : his concerns of having a place in london should he want to return , i will say that vince would be far better at finding a good spot for you than any hr type , so that part of the "" package "" promise is not particularly important . any guidelines for me to follow , coach ? regards , grant . - - - - - - - - - - - - - - - - - - - - - - forwarded by grant masson / hou / ect on 08 / 11 / 2000 08 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - tara rozen 08 / 11 / 2000 05 : 44 am to : grant masson / hou / ect @ ect cc : melanie doyle / lon / ect @ ect , jane allen / hou / ect @ ect subject : re : houston research opportunity grant not sure if i told you that i work mon , wed , friday hence the delay in responding . sorry if i forgot to tell you ! another contact name in my absence who will be able to assist is jane allen in houston ( cc ' ed above ) . three main reasons we try to stay away from assignments to the us for this type / level of transfer are : 1 ) cost 2 ) equitability among other peers 3 ) difficulty in transferring employee to local package from assignment package . however , if this is truly a 12 month assignment with no intention of extension , we would normally do the following : 12 month assignment london base , car allowance , and benefits and national insurance contribution costs ( currently 12 . 2 % of all comp compared with 1 . 45 % of all comp plus 6 . 2 % up to max of $ 76 k of employers us contribution ) housing costs in houston paid if maintaining housing in the uk ( usually up to $ 1800 per month for single ) utility costs if maintaining a house in the uk - up to $ 100 per month home leave - two economy trips per year is standard transportation to / from assignment - economy class transportation in houston - we normally give this - up to $ 40 per day for rental car in addition to the person ' s car allowance as they normally do not require a car in the uk and take the car allowance as a cash benefit whereas they will require a car in houston . shipment of goods - 500 lbs air tax assistance disturbance allowance - normally pay approx $ 1000 so , in terms of costs if you just compare a local us salary of manager on $ 100 k to a local uk manager on o 68 k the us total cost is approx $ 120 k . the uk cost is approx $ 230 k . then if you add the above costs to the assignment , you will see an even greater increase in cost compared with the local peers , ie approx $ 280 k compared with $ 120 k . we do have the ability to change the above in any way as there is no set policy ; however , anjam has already brought up other people ' s assignments and i have a feeling he will do his best to find out what everyone else is receiving . if we make clear , though , that we are keeping on uk payroll but not providing any assignment type allowances just in order for him to maintain his pension contributions for the year and at which point a decision will need to be made ( returns or moves to local us ) , then we may be able keep more consistency with your group while maintaining more reasonable costs . not sure how you want to play this , though . even if he does go on assignment rather than transfer locally , there is still the issue of whether or not a suitable job will be here at the end of the 12 months . we will always do our best to find suitable postions but we cannot guarantee it . if he transfers to a local us contract , enron europe ' s responsibility of finding suitable employment is pretty much nil . i hope this has made things clearer rather than more complicated . i honestly feel that ajnam will absolutely not take this position if it is not on an assignment basis . he made it pretty clear that unless he could stay on uk payroll for 12 months , he would not transfer . call me if you would like to discuss . tara - x 36763 enron capital & trade resources corp . from : grant masson 09 / 08 / 2000 20 : 48 to : tara rozen / lon / ect @ ect cc : subject : re : houston research opportunity tara : thanks for the update . it seems anjam is playing hard ball a little . my initial reaction is to be inflexible because it is a good offer , but on second thoughts , could you please give me an idea of what is meant by a 12 - month assignment when you have a moment ? compensation , benefits , responsibilities , career path implications , etc . many thanks ! regards , grant .",0 +"Subject: registration for "" north american gas storage conference "" - june 22 , 2001 please register wincenty j . ( vince ) kaminski , managing director , research enron wholesale services , to the subject conference to be held in houston on june 22 , 2001 . if you need more information , please contact me at : shirley crenshaw administrative coordinator enron research group 713 - 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: visiting enron may 4 th christie , fyi . a message i received from stanford . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 09 / 2001 11 : 20 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" susan c . hansen "" on 04 / 06 / 2001 06 : 14 : 10 pm to : vince . j . kaminski @ enron . com cc : clovell @ stanford . edu , donna lawrence , hillh @ stanford . edu , bambos @ stanford . edu subject : visiting enron may 4 th dear vince , this is great news ! donna and i are delighted that you have time to see us on may 4 th . i ' ll be out of the office next week . by copy of this email to my assistant , carol lovell , i will ask her to get in touch with shirley for scheduling as well as directions on where to meet you . we ' ll be glad to meet with christie patrick as well . looking forward to meeting you , susan at 05 : 36 pm 4 / 6 / 01 - 0500 , you wrote : > susan , > > thank you for your message . i shall be glad to meet with you on may the > 4 th . > i shall ask my assistant , shirley crenshaw ( 713 ) 853 5290 , to call you to > set up the meeting . > > also , for your information , we have recently set up a special unit to > coordinate enron ' s > relationships with the universities . the person running this unit is > christie patrick . > please , feel free to contact her and give my name as a reference . i shall > coordinate the meeting > on may the 4 th with her . > > vince > > > additional information re christie : > > phone : ( 713 ) 853 - 6117 > > email : christie _ patrick @ enron . com > > > > > > "" susan c . hansen "" on 04 / 03 / 2001 04 : 33 : 54 pm > > to : vkamins @ enron . com > cc : > subject : visit from stanford ? > > > dear dr . kaminski , > > let me briefly introduce myself , i am the director of corporate relations > for the school of engineering at stanford university . in this role , i am > always on the watch for ways to bring our faculty together with companies > that have an appetite for engagement with top tier research institutions . > > i believe you know hill huntington , who is a senior researcher with > stanford ' s energy modeling forum . he suggested i get in touch with you for > some ideas about contacts at enron . i ' m in the process of planning a trip > to texas in early may along with my colleague donna lawrence , the > university ' s director of corporate relations . we were hoping to be able to > include a stop at enron on our itinerary . right now it appears that friday , > may 4 th would work best for us but we ' re at the very beginning of our trip > planning . > > the purpose of our visit would be to review the current relationship > between enron and stanford , to give you an overview of current priorities > in the school of engineering , and ask for your help in identifying the best > points of contact . > > i look forward to hearing from you about your availability , > > sincerely , > susan hansen > > > > > susan c . hansen > director , corporate relations > school of engineering > stanford university > stanford , ca 94305 - 4027 > ( 650 ) 725 - 4219 susan c . hansen director , corporate relations school of engineering stanford university stanford , ca 94305 - 4027 ( 650 ) 725 - 4219",0 +"Subject: re : compound model for reedy creek stinson , i think the gamma will flow into v @ r . vince stinson gibner 11 / 30 / 2000 06 : 14 pm to : alex huang / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect subject : compound model for reedy creek alex , paulo and i have continued to look at the model and have come up with a couple of additional changes . 1 . the cash flow calculations need to include the overlying option strike payment . also , paulo is trying to clarify if the cashflows should be discounted to the valuation date or reported as notional future values . 2 . i would suggest trying changing the option valuation from a binomial tree approach to a one - dimensional integration , perhaps using a quadrature method . this may allow us to minimize the size of the delta discontinuities . 3 . edith is supposed to check and see if the theoretical gamma is used for anything . if it is , we will probably need to revisit the gamma calculation since we are not currently including any cross terms for gamma . thanks , stinson",0 +"Subject: the expertfinder is here ! ! introducing expertfinder . the expertfinder enables you to identify critical skills and mobilize enron ' s intellectual capital . by utilizing this powerful intranet search engine , you can locate people within the enron community by organization structure , skills , reporting relationships , languages , school attended , and prior work experience . to access expertfinder go to https : / expertfinder . enron . com on the enron intranet . expertfinder is only as good as the data stored in it . does your data or the data for your business unit need updating ? go to ehronline . enron . com or home . enron . co . uk / home . asp ( london only ) to update your data today . view changes in expertfinder tomorrow ! due to the sensitivity of this data , we are initially previewing this tool to only managing directors & above , as well as key people in the hr community . we want your feedback on how expertfinder can be further enhanced . try it out and give us your thoughts by sending an email to expertfinder @ enron . com ! finally , you will have the opportunity to work with your hr leaders to review and expand the template that is used to store the types of skills that are relevant for your business . if you want to be able to search on certain criteria , let us know and the template will be updated immediately . got information ? we provide the tool , expertfinder . enron . com , you provide the data , ehronline . enron . com . theexpertfinderand ehronline - helping to empower you !",0 +"Subject: change of payroll status for elena chilkina teresa : please change elena chilkina ' s payroll record to reflect non - exempt instead of exempt in order for her to be paid overtime . vince kaminski has approved this action . her time site is : 0428 if you need anything else , please let me know . thanks ! shirley 3 - 5290",0 +"Subject: test project proposal vince : i did get the proposal out today , but after close of business your time . sorry for the brief delay . you will find two attachments . the first is our time and materials contract , which will need to be executed if you want to do the test project . the second is an addendum to that time and materials contract under section h , which allows for specific work statements to amend and supersede the general consulting agreement . the general consulting agreement ( termsandconditions . doc ) contains all the confidentiality , billing rate , and other provisions that your contract people will probably want and provides a general framework for doing business . the work statement ( testproject . doc ) contains the specific provisions for our standard weeklong onsite test project . i hope we get the opportunity to serve you and ultimately to make marketpoint available to you . in light of the contiguity to the holidays , i dont think it would be realistic to try to schedule this test project before then , probably from your perpsective as well as ours . let ' s think about doing it the first opportunity in january if you decide to go forward if that is ok with you . all the best . dale - testproject . doc - termsandconditions . doc",0 +"Subject: re : frank , yes . vince from : frank hayden / enron @ enronxgate on 05 / 01 / 2001 07 : 51 am to : vince j kaminski / hou / ect @ ect cc : subject : vince , are you going to be able to make the power var meeting on thursday ? frank",0 +"Subject: re : weather and energy price data mulong , we shall send you natural gas henry hub prices right away . please look at the last winter and the winter of 95 / 96 . we shall prepare for you the electricity price information ( cinergy , cobb and palo verde ) but you have to approach ft ( the publishers of megawatts daily , a newsletter that produces the price index we recommend using ) and request the permision to use the data . we are not allowed to distribute this information . please , explain that this is for academic research and that we can produce the time series for you , conditional on the permission from the publishers of megawatts daily . vince kaminski mulong wang on 04 / 15 / 2001 03 : 43 : 26 am to : vkamins @ ect . enron . com cc : richard macminn subject : weather and energy price data dear dr . kaminski : i am a phd candidate under the supervision of drs . richard macminn and patrick brockett . i am now working on my dissertation which is focused on the weather derivatives and credit derivatives . could you kindly please offer me some real weather data information about the price peak or plummet because of the weather conditions ? the past winter of 2000 was very cold nationwide , and there may be a significant price jump for natural gas or electricity . could you please offer me some energy price data during that time period ? your kind assistance will be highly appreciated and have a great day ! mulong",0 +"Subject: address allan , i am sending you my coordinates . i expect to be in london around september the 20 th . vince kaminski vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: carnegie mellon recruiting i received the following email this afternoon . - kevin k . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin kindall / corp / enron on 11 / 16 / 2000 05 : 22 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - sallygould on 11 / 16 / 2000 03 : 38 : 44 pm to : kevin . kindall @ enron . com cc : subject : carnegie mellon recruiting kevin , jean eisel asked that i connect with you about recruiting comp . finance students . please contact me with questions you might have about the recruiting process or if you have some dates in mind for coming to campus . i look forward to hearing from you . regards , sally gould recruiting coordinator gsia - carnegie mellon university 412 - 268 - 1311 412 - 268 - 4146 ( fx )",0 +"Subject: re : stanford or - summer interns ravi , i shall leave the decision to stinson and you . vince ravi thuraisingham @ enron communications on 02 / 23 / 2000 11 : 39 : 01 am to : stinson gibner / hou / ect @ ect , vince kaminski cc : subject : stanford or - summer interns hi this is one of the junior phd students that we ' ve visited in stanford . are we interested in bringing him to enron research and or ebs research . i ' ll have to think about his role in ebs . ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 23 / 00 11 : 32 am - - - - - shikhar @ stanford . edu 02 / 20 / 00 07 : 24 pm to : ravi . thuraisingham . enron _ communications @ enron . com cc : ravi . thuraisingham @ enron . com , ( bcc : ravi thuraisingham / enron communications ) subject : stanford or - summer interns hi ravi : please find attached my resume for the summer internship program . i apologize for the delay . we actually lost your contact info . please let me know if you will need any additional information and / or a cover letter besides the resume and i can send it right away . thanks regards , shikhar - - - - - - - - - - - - - - - - - - - - - - - - shikhar ranjan phd student management science & engineering stanford university ca ( 650 ) 497 5762 - resumeo 0 - ene . doc",0 +"Subject: re : houston visit great ! i look forward to our dinner on thurs . 12 / 7 evening . hopefully your flight will be on time . . . although having watched 60 minutes last night and suffered from a # of delays lately , let ' s hope that the "" weather blame "" doesn ' t get in the way . it ' s best to leave me a message @ my usual work # on thurs . , 914 253 4187 , . . . i can easily check it in houston . i ' ll be staying @ the westin oaks in the galleria . . . any preferred place that i can book ( & for what time ) ? ? coming over to down town won ' t be a problem for me either . will be great to see you again . soussan 914 253 4187 - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , november 27 , 2000 12 : 10 pm to : faizs @ texaco . com cc : vince . j . kaminski @ enron . com subject : re : houston visit soussan , thanks for your message . it would be great to meet you when you come to houston . i shall be in town on december 7 , flying back from philly in the morning . assuming that the flight is on schedule , i shall be available for dinner . please , let me know how i can contact you on thursday , december the 7 th , to confirm . look forward to meeting you . vince "" faiz , soussan "" on 11 / 26 / 2000 09 : 04 : 01 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : houston visit dear vince , greetings from ny and hope that all is well and you had a great thanksgiving . i ' ll be coming to houston for 12 / 6 - 12 / 7 and hope you are available either evening for dinner . would be great to see you again and catch up with the latest . . . i really enjoyed my visit last april , your insights , and the risk book you gave me . i do hope you ' re available to meet and pls let me know which evening suits you better . best , soussan faiz texaco inc . 914 253 4187",0 +"Subject: re : summer opportunity kim , yes , the offer is coming . it may take a few days to process it , but you can count on it . vince "" whitsel , kimberly "" on 03 / 05 / 2001 08 : 36 : 47 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : summer opportunity vince : i did get your phone message about the summer , but i still haven ' t heard from enron about an offer for summer employment . i do have other offers with other energy companies that i must respond to this week . could you let me know as soon as possible if an offer will be made to me . sincerely , kimberly whitsel wharton mba candidate 2002",0 +"Subject: ll visa - anshuman shrivastava anshuman : please go ahead and complete the visa questionnaire and send the required documents so that i can proceed with your working visa for the us . regardless of the length of time you will be in the us , you will still need the ll visa in order to work here . many thanks margaret - - - - - - - - - - - - - - - - - - - - - - forwarded by margaret daffin / hou / ect on 01 / 24 / 2001 11 : 24 am - - - - - - - - - - - - - - - - - - - - - - - - - - - margaret daffin 01 / 23 / 2001 11 : 01 am to : anshuman . srivastav @ enron . com cc : molly magee / hou / ect @ ect , vince j kaminski / hou / ect @ ect , jane allen / hou / ect @ ect , timothy callahan / na / enron @ enron , ranendra sengupta / enron _ development @ enron _ development , wade cline / enron _ development @ enron _ development , neil mcgregor / enron _ development @ enron _ development @ ect , harsimran subject : ll visa - anshuman shrivastava anshuman : i have been asked to contact you regarding your possible move to houston , texas . in order that i may begin the process of getting you an ll immigration visa , i will need you to complete the attached visa questionnaire and return it to me with copies of the following documents : a copy of all pages of your passport , even if blank copies of all previous us visas issued an updated resume , showing months and years copies of all diplomas and transcripts received if you have dependent family members coming to the states with you , copies of their passports please send to my attention , via fedex to : enron corp . 3 allen center , 3 ac 2026 a 333 clay street houston , tx 77002 please call me with any questions you may have at 713 - 345 - 5083 .",0 +"Subject: re : srf for sandeep kohli : eva : remedy 364463 shirley , it ' s an it request for sandeep . please , help . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 08 / 2001 03 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - sap security @ enron 03 / 08 / 2001 02 : 20 pm sent by : eva tow @ enron to : sandeep kohli / enron _ development @ enron _ development cc : vince j kaminski / hou / ect @ ect subject : re : srf for sandeep kohli : eva : remedy 364463 sandeep , your request does not look to be sap security related . please use the erequest to obtain access to the network at itcentral . enron . com . you may call 713 - 853 - 1411 if you need additional assistance . thank you , sap security ( eva ) kohli @ mailman . enron . com on 03 / 07 / 2001 02 : 34 : 11 pm ; sandeep on 03 / 07 / 2001 02 : 34 : 11 pm to : website : sap security request cc : subject : sap security request form the following request information was recently submitted . . . requestor information : business unit : ena cost center : 107043 company code : 0413 business unit for roles : ena sap id : po 0504918 general information : supervisor : vince kaminski supervisor telephone number : 713 - 853 - 3848 employee name ( last , first , m ) : kohli , sandeep employee location : eb 1958 employee telephone number : 713 - 853 - 5188 employee email address : sandeep . kohli @ enron . com job title : vice president sap user type : enron employee business reason : i need access to the o : drive , research subdirectory . this subdirectory has information to be shared between different members of the research group . i need to access this for projects we do as a team . viewer roles : no roles in this area were selected . financial accounting roles : no roles in this area were selected . project system roles : no roles in this area were selected . joint venture roles : no roles in this area were selected . materials management / purchasing roles : no roles in this area were selected . centralized roles ( limited to specific personnel ) : no roles in this area were selected . human resources ( hr personnel only ) : no roles in this area were selected . human resources - timekeepers : no roles in this area were selected . human resources - benefits ( benefits personnel only ) : no roles in this area were selected . human resources - payroll ( payroll personnel only ) : no roles in this area were selected .",0 +"Subject: from robert schenck , henwood sandeep , i don ' t know if robert sent you this directly , so am forwarding a copy . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 01 / 03 / 2001 08 : 42 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" robert schenck "" on 01 / 02 / 2001 11 : 13 : 23 pm to : cc : subject : re : india model stinson , i have attached a marked up copy of the authorisation we need from you can we please change our phone contact to friday your time , ( saturday mine ) as i have a previous engagement which i cannot cancel regards robert - authorisation . doc",0 +"Subject: tentative schedule of the talks at siam . doc tentative schedule of the talks at siam ? ? april 27 , 2001 ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? april 28 , 2001 ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? 8 : 45  ) 9 : 00 ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? 9 : 00  ) 12 : 15 welcoming remarks ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? imaging & inverse problems in ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? geophysics 9 : 00  ) 10 : 30 arthur vailas  ) environmental modeling ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? kurt marfurt ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? jason ching ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? william symes ? richard kendall ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? 10 : 30  ) 10 : 45 ? coffee break ? 10 : 30  ) 10 : 45 ? coffee break ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? arthur weglein ? 10 : 45  ) 12 : 15 ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? jacques tabanou reservoir simulation ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? lunch 12 : 15 stephen lyons ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? 1 : 30  ) 3 : 00 ? ? amr el bakry ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? information technology ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? lunch 12 : 00 noon ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? david archer ? 1 : 30  ) 3 : 00 ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? t . lasseter modeling energy markets ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? 3 : 00  ) 3 : 15 ? coffee break pablo padilla ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? 3 : 15  ) 5 : 00 vince kaminski ? ? ? ? ? ? ? ? ? ? ? workshop on industrial mathematics programs ? 3 : 00  ) 3 : 15 ? coffee break ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? samuel rankin ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? 3 : 45  ) 4 : 00 ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? panel p . percell ? 4 : 00  ) 5 : 30 session on industrial intern programs ? fadil santosa ? panel",0 +"Subject: re : time david : i have you scheduled for 2 : 00 pm , monday , august 7 th . in vince ' s office . regards , shirley david p dupre 08 / 01 / 2000 08 : 46 am to : shirley crenshaw / hou / ect @ ect cc : subject : re : time 2 pm is good for monday the 7 th . thanks david shirley crenshaw 08 / 01 / 2000 08 : 44 am to : david p dupre / hou / ect @ ect cc : subject : re : time david : vince would like to talk with you alone for now . monday , the 7 th is a pretty good day . let me know what times you might be available . thanks ! shirley david p dupre 07 / 31 / 2000 05 : 26 pm to : shirley crenshaw / hou / ect @ ect cc : subject : time hi , i wanted to inquire as to which day ( s ) might be convenient to meet with vince and his colleagues . many thanks david",0 +"Subject: enron mid - year 2000 performance management process enron ' s mid - year 2000 performance management process has begun . during this process , you will be required to select suggested reviewers who can provide performance related feedback on you and you may also be requested to provide feedback on fellow employees . you will need to do this by accessing the performance management system ( pep ) at http : / / pep . enron . com . any questions should be directed to the pep help desk at the following numbers : in the u . s . : 1 - 713 - 853 - 4777 , option 4 in europe : 44 - 207 - 783 - 4040 , option 4 in canada : 1 - 403 - 974 - 6724 ( canada employees only ) or e - mail your questions to : perfmgmt @ enron . com to log on to pep , enter your user id and password provided below . once you have logged on , you will be immediately prompted to change to a secure password . your user id & password are : user id : wkamins 2910 password : welcome",0 +"Subject: re : a request duane , i shall be traveling for the rest of the week but my colleague dr . zimin lu will call you to talk about different structures . vince ds 64 @ cyrus . andrew . cmu . edu on 03 / 13 / 2001 09 : 54 : 24 am to : "" vince j kaminski "" cc : subject : re : a request vince , sorry that i missed your call yesterday . i have a meeting from 2 - 3 today ( tuesday ) , but otherwise any time in the afternoon works for me . let me know what is convenient for you . thanks for your help . duane * * * * * * * * duane seppi graduate school of industrial administration carnegie mellon university pittsburgh pa 15213 - 3890 tel . ( 412 ) 268 - 2298 fax ( 412 ) 268 - 8896 email ds 64 + @ andrew . cmu . edu",0 +"Subject: hea sporting clays tournament - august 15 , 2000 hea ' s annual sporting clays tournament is just around the corner , august 15 , 2000 at the american shooting centers . watch your fax for all the details , but prepare for the same format as last year with registration starting at 1 : 30 p . m . ( late registration after 2 : 45 earns 2 shot penalty ! ) and the action beginning at 3 : 30 p . m . warm up with the two - man flush at 1 : 30 . reservation and pre - payment required by august 9 th ! a "" private drawing "" for a new shotgun will be held for reservations / payments received by august 1 , 2000 - so make your plans now to participate . after the competition , dinner will be again in the air conditioned pavilion with thousands of dollars in door prizes ! non shooters pay $ 40 per person for dinner , drinks and door prizes . luck of the draw ( randomly selected teams ) pay $ 80 per person - 50 targets , dinner , drinks & door prizes . blast masters ( make your own 4 shooter team ) pay $ 115 per person - 100 targets , dinner , drinks & door prizes . contributions , corporate sponsors and volunteers are needed . if interested , please contact one of our three tournament chairs - jim cody ( 713 / 230 - 3550 ) , jeff eatherton ( 713 / 230 - 7286 ) or kemp jones ( 713 / 207 - 5189 ) . thanks again to our sponsors from last year . details will be faxed out and available on our website friday ( june 16 ) . or call eva pollard at the hea office ( 713 / 651 - 0551 ) or jim cody for more information . this message was sent by : teresa knight , executive director houston energy association ( hea ) phone : ( 713 ) 651 - 0551 fax : ( 713 ) 659 - 6424 tknight @ houstonenergy . org if you would like to have your email address removed from our mailing list , please click the link below to the hea home page , where you will find a mini - form to remove your name automatically . http : / / www . houstonenergy . org /",0 +"Subject: re : prosym license hi karolina , the last word i got was that grant masson was still coordinating the contract and would be the person to talk to about getting a copy of the license . i checked to see if i had an electronic copy somewhere , but couldn ' t find anything . i suspect my copy was paper , and it would have been returned to grant when i went back to portland general electric . probably didn ' t speak to the situation in london , anyway , because the real interest in london didn ' t arise until after i would have gotten my copy . grant is transitioning to his new job with el paso in london , so if you have difficulty reaching him , check with vince kaminski , or if vince is unavailable , shriley crenshaw . shirley may know the person in enron legal or contracts admin . who worked with grant on the henwood license . of course , eric t . would have a copy . if you run into problems with houston , have eric send you a fax . ( the license is relatively short as contracts go . ) hope this helps , michael > > > karolina potter / lon / ect @ enron 10 / 18 / 00 07 : 44 am > > > michael two weeks ago i attended hesi client symposium followed by advanced prosym course in sacramento . during that time i had an opportunity to get to know several people from both henwood energy services support and development groups . one of them was eric toolson - head of client support in hesi , with whom i discussed some issues in regards to our liaison with london based support team . i agreed to meet up with simon crisp back in london to agree on a form of our working relationship . before i go to the meeting i would like to find out the following : the text of enron ' s prosym license what service we are entitled to based on the license i am not sure if you are the person to ask about the above but if you could help me by either providing the license or directing to the appropriate person within enron it would be much appreciated . many thanks karolina",0 +"Subject: re : chapter 3 revisions grant , sorry for the silence . it ' s definately not a commentary on your work - i ' ve been travelling back and forward between sydney and london like a yo - yo and trying to tidy up things on our end . i ' ve been working on incoporating your material and will spend all of tomorrow on this ( hopefully ! ) so that i can ask for the last few amendments before the w / end . many thanks and best regards . chris . - - - - - original message - - - - - from : grant masson to : chris strickland sent : tuesday , june 27 , 2000 8 : 54 am subject : re : chapter 3 revisions > > > > chris : > > i can ' t decide if i should take your silence over the past several weeks to mean > that you are getting stuck into finishing up the book or you are just so > thoroughly disgusted with our work that you would like to wash your hands of us . > > i ' ve been stuck on trying to get the last figure mentioned in the chapter into a > format that i like . the problem is the volatility found in the regressions is > on the order of several hundred percent , and so when i plot the historical data > next to a simulated curve over the course of the year , the simulated curve tends > to drift up or down stupidly both in the jump diffusion and garch + jump diffusion > model . any suggestions would be accepted with pleasure . i wonder if i should > skip the figure . it seems a pity to do so however , because otherwise the last > section comes off as a bit of an afterthought , and i would like to present a > practical example . again any guidance would be appreciated . > > anyway , i am sending you a somewhat improved draft now ( minus only the last > figure ) , rather than sit on the whole thing while i stew on this bit , i hope > this will be useful to you . because i am leaving for holidays at the end of the > week , i can guarantee you that you will have a final draft before then . > > regards , > grant . > ( see attached file : cs 260600 . doc ) >",0 +"Subject: re : agenda for ny mg metals visit lloyd , no problem . i wanted to make sure that everybody realizes how detailed - oriented our tasks are and that we have to be in direct communication with our counterparties . vince enron capital & trade resources corp . - europe from : lloyd fleming 07 / 14 / 2000 10 : 40 am to : vince j kaminski / hou / ect @ ect cc : richard sage / lon / ect @ ect , vince j kaminski / hou / ect @ ect , anjam ahmad / lon / ect @ ect , bjorn hagelmann / hou / ect @ ect , ted murphy / hou / ect @ ect , dale surbey / lon / ect @ ect , stinson gibner / hou / ect @ ect subject : re : agenda for ny mg metals visit vince , i certainly think anjam & tanya should visit ny , but i simply had a concern that some of the questions being asked had already been covered by anjam / myself and andreas but had somehow not been communicated . my message was not intended to convey any another impression . i ' ve also now spoken with anjam 2 . information on exotic options structures ( existing 3 . the data flow ( are we going to get data from london or ny ) . 4 a . storage of positions information at mg . how to extract the positions info from mg database into spreadsheets . 4 b . existing positions structure for each metal . 5 . introduction to concentrates trading business , key personnel . best regards , tanya & anjam 713 853 3997",0 +"Subject: re : telephone interview with the enron corp . research group dear mr . kaminski , mr . krishnarao and mr . sezgen , i was very pleased to have an wonderful telephone interview with you . it ' s exciting and challenging . i like it . i talked to my financial engineering program classmate , bob lee who was just hired by enron recently . he told me he is very impressed by your company and very excited to work there . i believe i ' m a strong candidate for this position . i ' d like to share more my background and experience with you . i look forward to meeting you . thank you . p . s . thank shirley for her coordinate work . when i come to houston , i may need her help again . sincerely , jeff he",0 +"Subject: research tip hello vince : my name is fati liamidi . i work as an associate in the urm group in ees . i have come up with an value proposition which i think could make sense for my group and wanted to run it by one of your colleagues to see if they could help me out in terms of pricing . would you mind directing me toward somebody in your group who would be willing to talk to me ? the idea involves options . thanks you very much in advance . fati liamidi 3 - 4563",0 +"Subject: hello all : please send an email to : ibuyit @ enron . com stating that you are approver of invoices as requested in the email below . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 17 / 2001 07 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : ibuyit / enron @ enronxgate on 04 / 16 / 2001 05 : 20 pm to : dl - ibuyit payables - all @ / o = enron / ou = na / cn = recipients / cn = dl - ibuyitpayables - all @ ex @ enronxgate cc : john gill / eu / enron @ enron , erin abdelnour / enron @ enronxgate , shelley robbins / enron @ enronxgate , sally mcadams / enron @ enronxgate , joe cuccia / enron @ enronxgate , judy knepshield / enron _ development @ enron _ development subject : thank you for identifying yourself as a future ibuyit payables user ! the ibuyit project team wants to make sure that your receive the information , tools , and support that you need to successfully transition to the new system on may lst . ibuyit payables training for houston - based coders overview sessions will be held this week , monday through thursday , at the doubletree hotel , nautile room , at 9 : 00 am and 2 : 00 pm . these one - hour sessions will provide you with a demonstration of the system and an opportunity to ask questions about the new system . no registration is necessary . hands - on classroom training will begin next week . these sessions will provide you with the opportunity to complete real - life exercises in the system . please contact the isc registrar to register . ibuyit payables training for field - based coders don ' t worry ! we have not forgotten about you ! on - line materials will be available beginning next week via the integrated solution center document library at . materials will include an overview of the system and step - by - step instructions . you will receive an e - mail with links to these materials next week . ibuyit payables approvers we need your help to identify future ibuyit approvers . please encourage the people that approve your invoices to identify themselves as future ibuyit users by sending an email with their name , e - mail address , and whether they code or approve invoices to > . on - line materials for approvers will be available beginning next week via the integrated solution center document library at . materials will include an overview of the system and step - by - step instructions . identified approvers will receive an e - mail with links to these materials next week . questions ? send an e - mail to > ",0 +"Subject: re : weatherwise thanks , brian . do contact him , please . his number in houston should be ( 713 ) 853 - 3400 , or 6 - 853 - 3400 on the direct line . michael ronnie : brian ' s number is 503 - 464 - 8516 > > > brian soth 09 / 07 / 00 12 : 06 pm > > > michael - we have a contract with weatherwise to launch the weatherproof bill here in our service territory . the wpb is a hedge for customers and , to some extent , a weather hedge for us . we are not buying a typical enron - like hedge from them , however . if you want me to talk to ronnie i ' d be glad to . > > > michael schilmoeller 09 / 05 / 00 10 : 25 am > > > an associate of mine from research , ronnie chahal , is working for the enron subsidiary newpower and was wondering if pge uses weatherwise , a derivatives provider for weather hedges among other things . ronnie is trying to get some background on them . if any of you know whether pge uses this service , please contact ronnie or me and let me know to whom ronnie could speak about pge ' s experiences with weatherwise . thanks , michael - text . htm",0 +"Subject: summer at enron hi vince : if you or your human resources department tries to reach me , please call me at new home phone ( 713 ) 647 - 7161 , or email me at ekao @ uh . edu , or eckao @ aol . com monday , 5 / 15 will be my moving day . otherwise i can be reached at my home phone . regards , ed",0 +"Subject: this is the daily total load and weather information we discussed at monday ' s meeting . electric generation load has been removed from these sendout numbers . > > john p . wirick , jr . ext . 4910 the information transmitted is intended only for the person or entity to which it is addressed and may contain confidential and / or privileged material . any review , retransmission , dissemination or other use of , or taking of any action in reliance upon , this information by persons or entities other than the intended recipient is prohibited . if you received this in error , please contact the sender and delete the material from any computer . - nsdata 2000 to enron . xls - pgdata 2000 to enron . xls",0 +"Subject: alp presentation vince and ken , dean gil whittaker of the rice business school has also confirmed ! ! pass the word on to the students ( no pressure ! ! ha ! ! ) - i think i ' ll go ahead and put the word out to some of the active rice alums here at enron - - it ' ll be a great event ! thanks ! - - christie . - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 04 / 11 / 2001 03 : 20 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" gilbert r . whitaker , jr . "" on 04 / 11 / 2001 03 : 15 : 28 pm to : christie . patrick @ enron . com cc : subject : re : alp presentation christie - i have rearranged my schedule and will be very pleased to attend the alp presentation and dinner at enron . thanks . gil at 06 : 01 pm 4 / 10 / 01 - 0500 , you wrote : > president gillis and dean whitaker , > > enron would be honored with your presense at the presentation set forth > below . > > under the guidance of vince kaminski and his team here at enron , we are > thoroughly enjoying working with this group of bright and enthusiastic rice > students . we hope you can join us for the culmination of their significant > efforts . > > please let me know - - thanks ! ! > > - - christie . > - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 04 / 10 / 2001 > 05 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - > > > vince j kaminski > 04 / 10 / 2001 08 : 13 am > > to : barrett @ rice . edu , uecker @ rice . edu , cmiller @ rice . edu , > lounghrid @ rice . edu , luigical @ rice . edu > cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect , shirley > crenshaw / hou / ect @ ect , kenneth parkhill / na / enron @ enron > > subject : alp presentation > > on behalf of enron corp . i would like to invite you to an alp project > presentation by a group of students > of jesse h . jones graduate school of management , rice university . > > the students will present the results of a research project regarding > electronic trading > platforms in the energy industry . > > the presentation will be held on may 7 , at 4 : 00 p . m . at enron , 1400 smith . > > we would also like to invite you to dinner , following the presentation . > > > vince kaminski > > vincent kaminski > managing director - research > enron corp . > 1400 smith street > room ebl 962 > houston , tx 77002 - 7361 > > phone : ( 713 ) 853 3848 > ( 713 ) 410 5396 ( cell ) > fax : ( 713 ) 646 2503 > e - mail : vkamins @ enron . com",0 +"Subject: re : qian ( frank ) feng interview with the research group hi molly : i guess it is time to try and schedule frank ' s interview . we would like to bring him in sometime around the first of february ( when krishna returns ) . please contact him and see what a good time for him would be . attached is his resume and interview request form . - enron _ resume . doc - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 01 / 16 / 2001 09 : 42 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : molly magee 12 / 20 / 2000 05 : 35 pm to : shirley crenshaw / hou / ect @ ect cc : subject : re : qian ( frank ) feng interview with the research group you , too , shirley . we ' ll be back in touch . molly shirley crenshaw 12 / 20 / 2000 02 : 07 pm to : cheryl arguijo / enron _ development @ enron _ development , molly magee / hou / ect @ ect cc : subject : qian ( frank ) feng interview with the research group hello molly and cheryl : attached is frank ' s resume . we still have quite a bit of time as we want to schedule this for after krishna returns on the 25 th of january . this position would be for the research group directly , and would include all of vince ' s direct reports . thanks and merry christmas and happy new year ! !",0 +"Subject: enron university affairs enron public affairs has launched a new initiative : enron university affairs . the overall mission of enron university affairs is to broaden the depth and scope of our relationships with targeted universities through building enron brand recognition on campuses , leveraging research exchanges between enron and the academic community , and identifying commercial opportunities for enron . this initiative should also further enron  , s efforts to hire and retain the world  , s most innovative employees . leading this initiative are christie patrick , vice president , mike rosen , director and cindy derecskey , in conjunction with her position as public affairs coordinator will also work with the university affairs team . please join me in congratulating christie , mike and cindy on their new responsibilities .",0 +"Subject: re : grades pam , the students resent the documents . the group members : rakhi israni felix feng lu winny so orlandotaylor sanjay wankhade ning zhang grade : a separately , i think i have sent you already : jeffrey planck grade : a please , confirm this message . vince kaminski",0 +"Subject: re : friday brown bag lunch on option pricing vince , thanks for your support . we will continue the friday lunch series , which i think is very useful for us to keep up with the lastest development in various areas . zimin vince j kaminski 01 / 03 / 2001 08 : 29 am to : zimin lu / hou / ect @ ect cc : alex huang / corp / enron @ enron , stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : friday brown bag lunch on option pricing zimin , i have talked to alex about it . i don ' t think that the additional seminars will crowd out the brown bag lunches . the seminars are really targeted to people who recently joined the group and have very limited , or zero , exposure to energy markets . for most members of the group it should be the piece of cake . brown bag lunches are not that time intensive , except for the speaker . plus , we ran out of days available for lunch meetings . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 03 / 2001 08 : 27 am - - - - - - - - - - - - - - - - - - - - - - - - - - - alex huang @ enron 01 / 02 / 2001 12 : 15 pm to : vince j kaminski / hou / ect @ ect cc : stinson gibner / hou / ect @ ect subject : friday brown bag lunch on option pricing vince , this is a brief summary of last year ' s friday brown bag lunch option pricing series . we had about 15 lectures , given by the following people : grant , stinston , vasant , krishna , zimin , maureen , clayton , paulo , chonawee , myself , and some outside speakers . we were able to attract some outside audience as well . overall the response is quite encouraging and we have planned to continue it . in light of the presently scheduled seminars on "" energy derivatives "" , it seems our friday schedule will be too crowded if we have seminars on "" energy derivatives "" on two fridays and fbblop on other fridays . what ' s your suggestion ? should we discontinue the fbblop ? we also have scheduled january 19 for tom halliburton ' s visitor leon lasdon from ut austin to talk on non - linear programming . should we cancel it ? best , zimin & alex",0 +"Subject: dear vince : are you available to attend our next advisory meeting on june 14 , 2001 ? here is the draft agenda : > please let me know . kate fang 215 - 898 - 1212 wharton risk management and decision processes center - agenda - draft . doc",0 +"Subject: re : contact information eric , thank you for your message . the only other message in my mailbox from you is dated 6 / 11 / 2000 and contains a reference to a resume i cannot locate . i checked the log of all the messages and could not find any other communication from you . please , send a message with a resume again and we shall go from there . vince kaminski eric hilton on 06 / 21 / 2000 08 : 37 : 58 pm to : vince . j . kaminski @ enron . com cc : subject : contact information dear mr . kaminski , i sent my resume to your well respected company a few weeks ago in regards to establishing a long - lasting career with them . i never received a response and was wondering if you knew who was in charge of the electric power disbatching / scheduling department or know of who i may contact to inquire this information ? i know you are a very busy professional and i apologize for the inconvenience . thank you for your valuable time . warmest regards , eric hilton",0 +"Subject: re : enron / stanford program stinson , how about monday , august 21 st or monday , aug . 28 ? mondays are especially effective , because i would like to come on saturday and work over the weekend together with giuseppe before the meetings on monday . stinson gibner wrote : > > nick , > > vince asked me to coordinate the planning for you august visit to enron . vince > and i are free almost any date except august 14 and 15 th , but we would like to > try and schedule your visit at a time when you could meet with other key ebs > executives such as kevin hannon and perhaps ken rice and john echols . if you > could send me a few of your preferred choices of dates , i will try to optimize > getting you on the calendars of these individuals . > > by the way , giuseppe is doing a great job and has already made a very good > impression on everyone he has worked with . it ' s been a real pleasure having him > here for the summer . i ' m very happy to hear that . he is also very excited to be there working with your team ! thanks , nick",0 +"Subject: re : conference call on friday , march 17 th shirley , 11 : 00 am ca - time is fine ( 1 : 00 pm tx - time ) . i ' ll be at 650 725 - 5525 . my cell phone number is 650 796 - 8163 . please call me there if plans change . thanks , nick shirley . crenshaw @ enron . com wrote : > > hello nick : > > i agree e - mail is much easier . > > there is a two - hour time difference between calif and texas , i . e . , 1 : 00 pm > texas time - 11 : 00 am calif time . > > would tomorrow at 11 : 00 am calif time be ok with you ( 1 : 00 pm texas ) ? > this time is fine for vince , tom gros and stinson gibner . > > can they call you and if so , what number ? > > please let me know . > > thanks ! > > shirley > 713 - 853 - 5290 > > nick bambos on 03 / 16 / 2000 12 : 28 : 58 pm > > to : shirley . crenshaw @ enron . com > cc : bambos @ stanford . stanford . edu > subject : re : visit to enron > > shirley , > > it ' s easier to communcate by e - mail , since i am moving from > meeting to meeting ( but i have the laptop always with me ) . > > please give me a phone number that i could call tomorrow . > what is the time difference between california and your > location ? i think it ' s 2 hours ( ca - > tx ) - is that right ? > > i can do the conference call any time from 9 - 11 ca time . > would that be ok on your side ? > > thanks , > > nick > > vince . j . kaminski @ enron . com wrote : > > > > nick , > > > > we can close the loop on our commitment to support the research projects > > before your visit to enron . > > > > my assistant , shirley crenshaw , will call you to set up a conference > call > > with me , stinson gibner , > > and tom gros from enron broadband services to discuss all the isssues . > > friday this week would work for > > both tom and me . i think we need about 15 minutes . > > > > vince > > > > p . s . shirley , nick ' s phone number is 650 796 8163 ( cell ) , 650 - 725 - 5525 > > ( office ) . > > > > nick bambos on 03 / 12 / 2000 05 : 32 : 35 pm > > > > to : vince . j . kaminski @ enron . com , bambos @ stanford . stanford . edu > > cc : > > subject : visit to enron > > > > hello vince , > > > > it was nice seeing you at stanford and many thanks for the lunch > > we had together . i really enjoyed our discussions , both at the > > technical level and otherwise . > > > > i promised to send you an e - mail regarding possible dates for > > a visit to enron . i delayed it for a week till my schedule was > > clearer . let ' s see if we can get a match with your schedule - > > mine is rather terrible : > > > > friday , 21 st of april looks good . but april 23 rd is easter > > sunday , so that may make it difficult for some people at enron > > to be around . let me know if that is the case . i am willing to > > visit then , because the week after that i am scheduled to be in > > japan and in the previous weeks i am all committed on fridays . > > > > friday , 19 th of may is the next possibility , but this probably > > is too far out . the main problem is that i am operating within > > a window of opportunity for attracting top students for this > > research . this window closes by the end of april , and it would be > > important for the student support funds to be in place then , so > > that i can make hard commitments to students and attract top > > talent . i am already reviewing files of students who have > > approached me for phd advising , and i am in a mode of doing "" soft > > commitments to star - level students "" to get this research and its > > potential on their radar screen . top students are highly sought > > after by advisors and i want to be an early player in this > > competition . > > > > does my visit to enron have to happen before we can set up the > > project and student support at stanford ? if so , doing it before the > > end of april is important for getting top people . if the visit can > > happen after we get the ball rolling , then we can schedule it in may . > > i assume there will be multiple visits both ways when the project gets > > going . please let me know what you think . > > > > best regards , > > > > nick",0 +"Subject: re : hyundai merchant marine lng draft dash jeff , i don ' t think this transaction makes sense . we should not keep increasing our exposure in one area , given that we can deploy our capital in a more efficient way elsewhere , without taking illiquid , long - term positions . vince from : jeffrey a shankman 08 / 29 / 2000 10 : 30 am to : eric gonzales / lon / ect @ ect , joe gold / lon / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : hyundai merchant marine lng draft dash has any of you seen this ? ideas , comments , feedback ? thanks for the timely response . jeff - - - - - - - - - - - - - - - - - - - - - - forwarded by jeffrey a shankman / hou / ect on 08 / 29 / 2000 10 : 21 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : rick buy 08 / 29 / 2000 08 : 37 am to : jeffrey a shankman / hou / ect @ ect cc : subject : hyundai merchant marine lng draft dash this is a draft of the dash we are putting together . michael tribolet works in my group and feel free to contact him if you have specific questions . i also spoke with frevert re lng and he informed me that if project summer happpens , lng goes with summer , if not , it is transferred to you . what happens in the mean time is anyone ' s guess . lets discuss . rick - - - - - - - - - - - - - - - - - - - - - - forwarded by rick buy / hou / ect on 08 / 29 / 2000 08 : 32 am - - - - - - - - - - - - - - - - - - - - - - - - - - - michael tribolet @ enron 08 / 28 / 2000 08 : 15 pm to : rick buy / hou / ect @ ect cc : subject : hyundai merchant marine lng draft dash here is the draft of the dash . while having a positive npv , many of the trials run are negative due to defaults .",0 +"Subject: asking for advice regarding summer associate position at enron gentlemen , here is a guy who is looking for a summer associate position . i looked at his resume and think that he may be worth talking to . pavel - - - - - - - - - - - - - - - - - - - - - - forwarded by pavel zadorozhny / hou / ect on 01 / 12 / 2001 01 : 37 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - dmitri villevald on 01 / 03 / 2001 06 : 56 : 54 pm to : "" pavel zadorozhny ( e - mail ) "" cc : subject : asking for advice regarding summer associate position at enron dear mr . zadorozhny : maxim philippov suggested that i write you . being a first - year mba student at owen graduate school of management ( vanderbilt university ) with a finance concentration , i am looking for a summer associate position at enron . the area of my particular interest is enron ' s risk management products ( commodity derivatives research and trading ) . graduating from novosibirsk state university with major in physics , i am eager to apply my experience with the use of theoretical and statistical physics techniques to the managing of modeling processes and creating complex financial and trading models . i strongly believe that my graduate education coupled with undergraduate background in physics , solid work experience in finance and proven entrepreneurial spirit will allow me to contribute to enron as a summer associate . i would really appreciate your advice regarding employment opportunities at enron and would like to find out more about enron capital & trade resources corp . i will call you within this week to follow up on my request . thank you very much for your time . sincerely , dmitri villevald enclosure : resume > p . s . looking through an example of margin risk hedging at enron ' s web site , i think i found a small mistake there . url of this page is ( producer application ) the second sentence of the paragraph beginning with "" paradigm and enron exchange . . . "" states the following . for example , if the actual margin is $ 1 . 25 / mmbtu for a given month , then paradigm will pay enron $ 0 . 13 / mmbtu . alternatively , if the actual margin is $ 2 . 00 / mmbtu , then enron will pay paradigm $ 0 . 62 / mmbtu . i believe , if i am reading it correctly , the money should flow in the opposite direction , namely : for example , if the actual margin is $ 1 . 25 / mmbtu for a given month , then enron will pay paradigm $ 0 . 13 / mmbtu . alternatively , if the actual margin is $ 2 . 00 / mmbtu , then paradigm will pay enron $ 0 . 62 / mmbtu . am i right ? again , thank you very much for your time . - resume . doc",0 +"Subject: re : kenneth parkhill stinson : norma has checked the internal equity in the group , and kenneth is fine in a senior specialist spot at that salary . i will be happy to extend an offer to him . did you discuss anything concerning the relocation package with kenneth ? molly x 34804 stinson gibner 11 / 01 / 2000 06 : 18 pm to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : kenneth parkhill molly , we would like to go ahead with an offer to kenneth . after talking to him again , i think he will accept . we would like to offer him the equivalent package to an incoming associate , which i understand would be $ 76 k base and a signing bonus of $ 20 k . he position would be a specialist or senior specialist ( whichever fits the salary ) reporting to me . thanks for your help , stinson x 34748",0 +"Subject: congratulations dear vince - i am soooo gland to see you get the promotion you so deserve . i have always thought you should have received such honors many years ago . i ' m glad to see enron finally did you right . good luck and congratulations , julie : - )",0 +"Subject: ppi index short - term models hi martina i believe that the forecasts are accurately reflecting this . please see graphs below : both models really need our rpi curve to be linked ( at the moment i have just copied the 2 . 3 % number forward ) . because the auto - regressive error term is not very important , we can run the models forward with reasonable confidence . as i mentioned , i don ' t think we can really run this model more than 12 months , in fact , i think we should run for 9 - 12 months and blend the next 3 - 4 months out with the long - term model . hope i can fix the long - term ones now with some new insight ! regards , anjam x 35383 pllu : dzcv :",0 +"Subject: ena fileplan vince : fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 08 / 01 / 2000 08 : 09 am - - - - - - - - - - - - - - - - - - - - - - - - - - - sarah bolken @ enron 08 / 01 / 2000 08 : 08 am sent by : sara bolken @ enron to : shirley crenshaw / hou / ect @ ect cc : subject : ena fileplan we are records and information management consultants from millican & associates , who have been hired by carolyn gilley , ena ' s records manager , to formulate a fileplan for all of ena ' s business records . the approach we ' ve taken to develop this fileplan is to perform a generic inventory of each ena department ' s records . now , we generally meet with an executive ( usually a vice president or director ) within each group to first explain this project and seek permission to perform the inventory , and then to ask that executive to designate someone within his / her area to serve as our working contact . the contact is usually someone who is very familiar with their department ' s record , and can be a manager or support staff . there are a number of reasons we are working on this ena fileplan project . enron , as i am sure you know , creates volumes of paper and electronic records - - much of it has never been captured . many departments are keeping records well beyond their legal retention requirements , taking up valuable and expensive office space . the fileplan , once completed , will document what is being created , who has responsibility for it , and how long it must be maintained . during our inventory we will attempt to capture both paper and electronic records . we ' ll also try to identify any computer systems your area ( s ) use . the inventory itself is non - invasive , in that we do not open or look into file cabinets or desk drawers . it ' s simply an interview process where the contact answers a few easy , simple questions . please feel free to contact me if you have any questions . thank you . sara bolken x 35150",0 +"Subject: re : resume , thanks for the heads up , vince . i ' ll coordinate with shirley . molly vince j kaminski 10 / 30 / 2000 09 : 52 am to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : resume , molly , i would like to invite this student for an interview , sometimes in late december when things slow down . interviews with all my direct reports and george hopley . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 30 / 2000 09 : 58 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 10 / 24 / 2000 04 : 32 pm to : jinbaek kim @ enron cc : vince j kaminski / hou / ect @ ect subject : re : resume , jinbaek , we shall invite you to an interview in houston . vince jinbaek kim on 10 / 23 / 2000 07 : 25 : 36 pm to : vkamins @ enron . com cc : subject : resume , dear mr . kaminski , hi , i am a ph . d student at ieor department at u . c . berkeley . thanks for your presentation today . it gave me knowledge and interest in electricity markets , and your company . as you mentioned in the presentation , i send a resume to give me opportunity to learn more about your company . i hope i can join the super saturday event . jinbaek - resume . doc",0 +"Subject: re : parking pass for van ngo done . shirley crenshaw @ ect 01 / 19 / 2000 07 : 33 am to : louis allen @ enron cc : vince j kaminski / hou / ect @ ect , kevin g moore / hou / ect @ ect , william smith / corp / enron @ enron subject : parking pass for van ngo good morning louis : please cancel the "" secom "" parking badge that was issued to van ngo for parking in the 777 clay garage while she was working part time with the research group during the holidays . the number on the card is 4280 . i will return the badge to you this morning . the co . # is 0011 and the rc # is 100038 . thanks louis and have a great day ! shirley 3 - 5290",0 +"Subject: re : houston visit soussan , let ' s meet at westin oaks next to the reception around 6 : 30 p . m . thursday . there are several nice restaurants within a walking distance to the galleria . i shall make a reservation ( is italian or a steakhouse ok ? ) . you can reach me on thursday at my cell phone 713 410 5396 . look forward to meeting you . vince "" faiz , soussan "" on 11 / 27 / 2000 04 : 37 : 30 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : houston visit great ! i look forward to our dinner on thurs . 12 / 7 evening . hopefully your flight will be on time . . . although having watched 60 minutes last night and suffered from a # of delays lately , let ' s hope that the "" weather blame "" doesn ' t get in the way . it ' s best to leave me a message @ my usual work # on thurs . , 914 253 4187 , . . . i can easily check it in houston . i ' ll be staying @ the westin oaks in the galleria . . . any preferred place that i can book ( & for what time ) ? ? coming over to down town won ' t be a problem for me either . will be great to see you again . soussan 914 253 4187 - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , november 27 , 2000 12 : 10 pm to : faizs @ texaco . com cc : vince . j . kaminski @ enron . com subject : re : houston visit soussan , thanks for your message . it would be great to meet you when you come to houston . i shall be in town on december 7 , flying back from philly in the morning . assuming that the flight is on schedule , i shall be available for dinner . please , let me know how i can contact you on thursday , december the 7 th , to confirm . look forward to meeting you . vince "" faiz , soussan "" on 11 / 26 / 2000 09 : 04 : 01 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : houston visit dear vince , greetings from ny and hope that all is well and you had a great thanksgiving . i ' ll be coming to houston for 12 / 6 - 12 / 7 and hope you are available either evening for dinner . would be great to see you again and catch up with the latest . . . i really enjoyed my visit last april , your insights , and the risk book you gave me . i do hope you ' re available to meet and pls let me know which evening suits you better . best , soussan faiz texaco inc . 914 253 4187",0 +"Subject: re : telephone interview with the enron corp . research group marshall : thanks for responding so quickly . i have scheduled the following interview : wednesday , december 6 - 1 : 00 pm houston time . it will last approximately 1 hour . we will call you at ( 605 ) 497 - 4045 unless otherwise instructed . if you have any questions , please feel free to contact me at 713 / 853 - 5290 . best regards , shirley crenshaw "" jingming ' marshall ' yan "" on 11 / 28 / 2000 12 : 59 : 55 pm to : shirley . crenshaw @ enron . com cc : vince . j . kaminski @ enron . com subject : re : telephone interview with the enron corp . research group ms . crenshaw , thank you very much for the message . i am very interested in the opportunity to talk to personnel from the research group at enron . between the two days you suggest , i prefer wednesday 12 / 6 . considering the two - hour time difference between california and texas , 11 : 00 am pacific time ( 1 : 00 pm your time ) seems to be a good slot . however , i am open most of the day on 12 / 6 so if some other time slot is prefered on your end , please let me know . thanks again . i look forward to talking to you and your colleagues . jingming on tue , 28 nov 2000 shirley . crenshaw @ enron . com wrote : > good afternoon jingming : > > professor wolak forwarded your resume to the research group , and > they would like to conduct a telephone interview with you , sometime next > week , at your convenience . the best days would be tuesday , 12 / 5 or > wednesday , 12 / 6 . > > please let me know which day and what time would be best for you and > they will call you . let me know the telephone number that you wish to be > contacted at . > > the interviewers would be : > > vince kaminski managing director and head of research > vasant shanbhogue vice president , research > lance cunningham manager , research > alex huang manager , research > > look forward to hearing from you . > > best regards , > > shirley crenshaw > administrative coordinator > enron research group . > 713 - 853 - 5290 > > > jingming "" marshall "" yan jmyan @ leland . stanford . edu department of economics ( 650 ) 497 - 4045 ( h ) stanford university ( 650 ) 725 - 8914 ( o ) stanford , ca 94305 358 c , economics bldg if one seeks to act virtuously and attain it , then what is there to repine about ? - - confucius _ ? oo ? ? ooo ? ? t  xo - ? ? - -  ? ?",0 +"Subject: mike ' s laptop vince , check it out ! thanks for your advice on strategic problem - solving thanks again - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 05 / 24 / 2000 07 : 56 am - - - - - - - - - - - - - - - - - - - - - - - - - - - henry moreno 05 / 23 / 2000 06 : 00 pm to : mike a roberts / hou / ect @ ect cc : grace e warren / hou / ect @ ect , kevin g moore / hou / ect @ ect , david wile / hou / ect @ ect , chris bowling / hou / ect @ ect , john p tollefsen / hou / ect @ ect , bob hillier / na / enron @ enron , roberto deleon / corp / enron @ enron , mark hall / hou / ect @ ect subject : re : request for help mr . roberts , i am glad we were able to reach a practical solution for you without going too much against the grain of enron corp . ' s it policy and standards . thanks to david wile and mark hall in formulating a solution that addresses everyone ' s needs . in summary , your contingency and recovery machine ( laptop ) will be imaged for win 2000 applications will be evaluated for compatibility this will allow you to use the machine as a back - up to gather weather data off the internet ( via independent dial - out line ) in case the normal enron network architecture is unavailable . i will follow - up to make sure we capture the one exception to the policy and standard that surfaced ( local admin rights on the laptop for development activity ) . irm / roberto deleon will facilitate with a risk acceptance request form . thanks again , henry moreno information risk management ( irm ) from : mike a roberts 05 / 23 / 2000 10 : 29 am to : henry moreno / hou / ect @ ect cc : grace e warren / hou / ect @ ect , kevin g moore / hou / ect @ ect subject : request for help what i have : a . i have an ibm thinkpad and a cd for windows 98 b . i got the ibm from richard weeks . i bought the windows 98 . c . i have a valid business need to get windows 98 on the ibm a . my job requires a totally independent backup to access data off the internet and process same for trader ' s report b . this must be done 7 days per week in the early am . c . i have new equipment that doesn ' t run on nt i . audio file generator ( nomad ) ii . video file generator ( intel ) d . i will also be loading office 2000 ( which i have ) the problem : a . when i travel , terminal server doesn ' t work ( last time i spent several $ hundred trying ) b . on the weekends , terminal server unacceptably slow ( requiring someone to come in sat & sun ) c . when we move internally , things go wrong ( this monday we got switched from 100 megabytes to 10 mega bytes ) - trader ' s report not ready on time d . i currently have no stand - alone backup for contingency purposes what i need : i need help putting windows 98 put on my thinkpad ( when i reformatted and loaded , it did not recognize the modem ) there should be no security risk because this system will be totally independent of enorn system ( just usinf the phone ) can you approve someone to help me load it up ? ? ? thank you . mike roberts vice president , research x 3 - 5701",0 +"Subject: t . v . please what ' s the ststus ? - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 08 / 21 / 2000 11 : 27 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 08 / 08 / 2000 11 : 08 am to : darren p adamik / hou / ect @ ect , mike a roberts / hou / ect @ ect , william smith / corp / enron @ enron , vince j kaminski / hou / ect @ ect cc : subject : t . v . we are in need of a 9 inch t . v . set . the set will be located betweeneb 3240 e and eb 3240 f . r . c . # 100038 co . # 0011 please if any more information is needed please call me x 34710 . also please provide e . t . a . thanks kevin moore",0 +"Subject: renshi zhang ' s resume shirley and molly , vince is interested to set up an interview for renshi zhang . any day except thursday next week is good . interviewers : vince , stinson , vasant , tanya , alex , bob , krishna and myself . contact number for mr . zhang is 713 - 544 - 5989 . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 04 / 19 / 2001 03 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 04 / 05 / 2001 09 : 49 am - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 04 / 05 / 2001 09 : 46 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 03 / 14 / 2001 10 : 06 am to : zimin lu / hou / ect @ ect cc : subject : resume - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 14 / 2001 10 : 07 am - - - - - - - - - - - - - - - - - - - - - - - - - - - marshall brown on 03 / 09 / 2001 07 : 46 : 22 am to : vince kaminski cc : subject : resume vince , how are you . this candidate would be interested in any positions in your group . regards , marshall brown vice president robert walters associates tel : ( 212 ) 704 - 0596 fax : ( 212 ) 704 - 4312 mailto : marshall . brown @ robertwalters . com http : / / www . robertwalters . com > caution : electronic mail sent through the internet is not secure and could be intercepted by a third party . this email and any files transmitted with it are confidential and intended solely for the use of the individual or entity to whom they are addressed . if you have received this email in error please notify the system manager . this footnote also confirms that this email message has been swept by mimesweeper for the presence of computer viruses . - zhan _ ren . doc",0 +"Subject: resume and available dates for amy ward fyi vince p . s . charlene , i am in london till wednesday . if you have any questions you can contact stinson gibner x 3 - 4748 . - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 21 / 2000 09 : 49 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner 02 / 18 / 2000 01 : 58 pm to : vince j kaminski / hou / ect @ ect cc : ravi thuraisingham / enron communications @ enron communications subject : resume and available dates for amy ward vince : here is an electronic version of amy ward ' s resume . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 02 / 18 / 2000 01 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - amy ruth ward on 02 / 18 / 2000 12 : 02 : 22 pm to : stinson gibner cc : subject : re : thanks for coming to houston stinson , i am pleased to hear your hr department is putting together an offer for summer employment . i enjoyed everyone i interviewed with while in houston and appreciated you taking the time to put together this day . as requested , i am attaching an electronic version of my resume . ( note it is a slightly more updated one then the one i gave you earlier . ) it is in microsoft word format . my dates of availability are wed . , july 5 through fri . , september 15 ( 10 1 / 2 weeks ) . sincerely , amy ward - resume . doc",0 +"Subject: forecasting project per our monday meeting , the time line for completion of the "" phase i "" forecasting project ( hourly system load & next day load ) is as follows : aug . 15 - sept . 15 ( data collection ) sept . 15 - oct . 15 ( modeling ) oct . 15 - nov . 15 ( system development and testing ) if any questions arise between now and the end of august , contact barbara dillard , but as of sept . 1 , i will be the chicago lead for this and other forecasting projects and will be available to handle any questions or issues . best regards , mark mixon",0 +"Subject: re : congratulations thanks . vince j kaminski @ ect 01 / 11 / 2000 08 : 01 am to : richard shapiro / hou / ees @ ees cc : subject : congratulations rick , i have just looked at the memo regarding promotions . congratulations - well deserved . vince",0 +"Subject: color copier thanks for your immediate response . the problem seems to be the cost . iain , i have the smallest group but we are willing to pay what it takes for the copier . on the other hand there may be other groups that are larger and may not need the copier as much and are not willing to pay the cost . seems to me , the copier is a necessity for the floor , it would save not only time , but money also in the long haul . we have updated every possibility on the 32 nd floor and this copier is needed for quick presentations , meetings , etc . and allows everyone not to depend on color printers as much ! ( gives us choices ) please after today , once we get together regarding this matter , i will let ina continue with the process , whereby , i can continue focusing on what is best for my group as well as the floor . thanks kevin moore",0 +"Subject: re : internship shane : sorry , i have been on vacation . i just returned today . could you please send me a copy of your resume by email ? i have tentatively scheduled the following interviews : 8 : 30 am vince kaminski 9 : 00 am p . v . krishnarao 9 : 30 am stinson gibner 10 : 00 am tanya tamarchenko 10 : 30 am paulo issler 11 : 00 am zimin lu 11 : 30 am human resources you should be free to return to baton rouge by 1 : 00 pm . if this schedule is not ok , please let me know . thanks ! regards , shirley crenshaw adminitrative coordinator enron corp . research 713 / 853 - 5290 email : shirley . crenshaw @ enron . com "" shane green "" on 07 / 06 / 2000 10 : 05 : 13 am to : cc : subject : internship ms . crenshaw , ? i just wanted to touch base and see if you had any information concerning my visit to enron on monday . ? i will be in my office at lsu for the rest of ? the day with a couple exceptions . ? i teach corporate finance from 2 : 30 - 3 : 30 , ? and will ? go to lunch at around 1 . ? you can contact me here at ( 225 ) 388 - 6335 . ? if this is not convenient , you can send me an e - mail , or leave a message on my home phone at ( 225 ) 744 - 3201 , and i can get in ? touch with you tomorrow . ? thanks , shane green",0 +"Subject: invoice for ordered papers shirley , the invoice for papers i have ordered on - line . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 11 / 2000 01 : 22 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - nber working paper catalog on 04 / 11 / 2000 10 : 09 : 59 am to : vkamins @ enron . com cc : subject : invoice for ordered papers you have ordered the following papers : - wp w 7613 foundations of technical analysis : computational algorithms , statistical inference , and empirical implementation - wp w 6250 pricing and hedging derivative securities in incomplete markets : an e - aritrage model the total cost ( excluding shipping ) is : $ us 10 shipping address : if you ordered papers for electronic delivery and experienced problems downloading them , browse the following url ( s ) to download your paper orders . the url ( s ) are valid for 7 days . if you receive duplicate bills , please send a note to .",0 +"Subject: electricity summit at u . c . berkeley vince , i just received this message . what do you think ? should i register to attend it ? sevil , - - - - - - - - - - - - - - - - - - - - - - forwarded by sevil yaman / corp / enron on 10 / 24 / 2000 02 : 20 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - pwpens on 10 / 24 / 2000 12 : 16 : 14 pm to : ( recipient list suppressed ) cc : subject : electricity summit at u . c . berkeley register now to attend the electricity summit at u . c . berkeley , november 13 , 2000 u . c . berkeley ' s goldman school of public policy , with additional support from the u . c . berkeley ' s competition policy center and the u . c . energy institute , will host a meeting of industry representatives , policy makers , consumers representatives , legislators and researchers to discuss the electricity restructuring experience and potential solutions to the difficulties that california and other governments have encountered . the summit will run from 12 : 30 - 6 pm with two roundtable discussions that will include a wide variety of viewpoints . for registration information and further details , go to ",0 +"Subject: telephone interview with enron corp . research good morning amyn : the enron corp . research group would like to conduct a telephone interview with you at your convenience . this will be as a "" summer intern "" with the research group . please let me know your availability on monday , may lst or thursday ; may 4 th . the persons who will be interviewing you are : vince kaminski managing director stinson gibner vice president krishna krishnarao director osman sezgen manager i look forward to hearing from you . thank you and have a great day shirley crenshaw administrative coordinator 713 - 852 - 5290",0 +"Subject: installation of new programs phillip , how can i install new programs on my laptop , without the administrator ' s privileges ? one example : when i travel i use aol to get access to my mail and to communicate with the office . windows 2000 does not allow me to install it . also , i have my private statistical software i often use when i work at night during business trips . i would like to load it as well . vince",0 +"Subject: your confirmation is needed please reply to this email message to confirm your subscription to enl - dailyupdate - txt . your email address has been entered for a subscription to the enl - dailyupdate - txt mailing list . however , your new subscription requires a confirmation that you received this email message and want to join this mailing list . if you do not want to join , do nothing . you will be automatically removed . to confirm that you do want to join , simply reply to this message . make sure that your message is addressed to to unsubscribe immediately , you send an email message to ",0 +"Subject: cera conference call - tuesday , january 25 , 2000 kari : please enroll vince kaminski , enron corp . for the conference call to be held on tuesday , january 25 at 4 : 00 pm eastern time . information requested : name : vince kaminski company : enron corp . telephone # : 713 - 853 - 3848 he will call in 10 - 15 minutes prior to the conference call . please confirm his registration . thanks and have a great day ! shirley crenshaw 713 - 853 - 5290",0 +"Subject: bob lee ' s bio vince , here ' s bob ' s bio . it ' s pretty short , but i expanded his picture a bit to compensate . i also had to convert it from third person to first , so it ' s a little "" i "" heavy . sam - - - - - - - - - - - - - - - - - - - - i joined the pricing and evaluation technology group in june , 2000 . i  , m currently working on pricing models for commodity options and time series analysis to relate commodity and equity prices . i have completed an m . s . in financial engineering at the university of michigan in april , 2000 and have also been an independent organization development consultant for 15 years with extensive work in electric and gas utilities . prior to that , i managed a methods development group for a nuclear reactor manufacturer for 16 years . from a few years back , i  , ve earned a bs ( aero . eng . ) from rensselaer polytechnic institute , an ms ( nuclear science ) from vanderbilt university and a ph . d . ( nuclear engineering ) from rensselaer . when away from enron , my outside interests include yoga and grandchildren . _ _ _ _ _ _ _ _ _ _ _",0 +"Subject: re : london contact number hi anita , how are you ? i arrived yesterday late morning from the london gatwick airport . due to rush hour traffic , etc . it took a while to get into the city to the hotel . also , due to may day ( may lst ) protests / riots , etc . , the hotel management strongly recommended that we remain in the hotel . however , i am in the office today . i can be reached via email or via telephone at 44 ( 0 ) 207 783 5647 . take care , iris - - - - - original message - - - - - from : dupont , anita sent : tuesday , may 01 , 2001 5 : 23 pm to : mmumford @ enron . com cc : mack , iris ; crenshaw , shirley subject : i . m . mack 30 apr - 15 may * * plse review for accuracy * * agent ce / ce booking ref x 7 w 882 mack / iris eb 1972 enron corp importance : high see iris ' s itinerary below . i thought her initial plan was to land this morning and come in to enron house in early afternoon . see itinerary for phone number of hotel . let me know if i can help in any other way . thanks . anita service date from to depart arrive continental airlines 30 apr houston tx london gatwick 350 p 655 a co 34 j mon g . bush iah gatwick 01 may terminal dom terminal s dinner / snack non stop reservation confirmed 9 : 05 duration vegetarian meal , non - dairy confirmed aircraft : boeing 777 - 200 / 300 hotel 30 apr athenaeum hotel and apartments 11 may 116 piccadilly london england , wlv obj united kingdom telephone : 44 - ( 0 ) - 207 - 499 - 3464 fax : 44 - ( 0 ) - 207 - 493 - 1860 confirmation : claire 25 apr rate : rac gbp 270 . 00 per night guarantee given prereg actual arr lmay 655 am apartment to avoid billing cancel by 6 pm 24 hrs prior continental airlines 11 may london gatwick houston tx 1200 n 415 p co 5 j fri gatwick g . bush iah terminal s terminal dom lunch / snack non stop reservation confirmed 10 : 15 duration vegetarian meal , non - dairy confirmed aircraft : boeing 777 - 200 / 300",0 +"Subject: re : the garp 2001 convention andreas , i shall be glad to serve as the chairman . i am currently located in enron n . a . it stands for enron north america . in enron the orgchart changes every 3 months . vince "" andreas simou "" on 09 / 20 / 2000 06 : 38 : 09 am to : cc : subject : the garp 2001 convention dear vince ? i would like to invite you to chair the stream on energy and corporate risk management at the garp convention . is this something that would be of interest to you ? ? also , can i please confirm , because i am having a few it problems at present , that the following title is correct for you : vince kaminski , managing director , research , enron corp . i look forward to your response in due course . ? kind regards ? andreas _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ andreas simou garp 2001 - conference producer tel ? + 44 ( 0 ) 20 7626 9301 fax + 44 ( 0 ) 20 7626 9900",0 +"Subject: re : test thanks , vince . we have received both her application and her signed offer letter , so we are moving in the right direction . molly - - - - - original message - - - - - from : kaminski , vince sent : thursday , april 19 , 2001 10 : 44 am to : magee , molly cc : crenshaw , shirley subject : re : test molly fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 19 / 2001 10 : 43 am - - - - - - - - - - - - - - - - - - - - - - - - - - - edward kao on 04 / 18 / 2001 08 : 30 : 49 pm to : vkamins @ ect . enron . com cc : subject : re : test vince : candice ' s contact information at mount holyoke is as follows : phone : ( 413 ) 493 - 5092 email : cgkao @ mtholyoke . edu address : 1453 blanchard campus center mount holyoke college south hadley , ma 01075 - 6002 ed ps : i hope ron singer has given you the needed info . please feel free to contact me if i can be of any help with regard to your colleague ' s inquiry about pursuing doctoral study at uh .",0 +"Subject: re : visit to enron thanks . i will be flying back from tokyo on that day , so unfortunately i ' ll miss bambos . if my schedule changes , i ' ll let you know . all the best , tom vince j kaminski @ ect 05 / 01 / 00 09 : 05 am to : thomas d gros / hou / ect @ ect , stinson gibner / hou / ect @ ect , ravi thuraisingham / enron communications @ enron communications cc : vince j kaminski / hou / ect @ ect subject : re : visit to enron fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 01 / 2000 09 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - nick bambos on 05 / 01 / 2000 04 : 26 : 30 am to : vince . j . kaminski @ enron . com cc : subject : re : visit to enron vince , how are you ? hope all is well . is there any chance we can schedule my visit to enron on friday , may 19 , or friday , may 26 ? by the end of april i was able to attract a top new student to work on the project . the other one for the coming year will be giuseppe . by spending the summer at enron , he will be in a position to bring the new one up to speed and create an intellectual team here at stanford to look at these problems . i must move ahead soon to put the project in place and get the work going . talk to you soon , nick vince . j . kaminski @ enron . com wrote : > > nick , > > we can close the loop on our commitment to support the research projects > before your visit to enron . > > my assistant , shirley crenshaw , will call you to set up a conference call > with me , stinson gibner , > and tom gros from enron broadband services to discuss all the isssues . > friday this week would work for > both tom and me . i think we need about 15 minutes . > > vince > > p . s . shirley , nick ' s phone number is 650 796 8163 ( cell ) , 650 - 725 - 5525 > ( office ) . > > nick bambos on 03 / 12 / 2000 05 : 32 : 35 pm > > to : vince . j . kaminski @ enron . com , bambos @ stanford . stanford . edu > cc : > subject : visit to enron > > hello vince , > > it was nice seeing you at stanford and many thanks for the lunch > we had together . i really enjoyed our discussions , both at the > technical level and otherwise . > > i promised to send you an e - mail regarding possible dates for > a visit to enron . i delayed it for a week till my schedule was > clearer . let ' s see if we can get a match with your schedule - > mine is rather terrible : > > friday , 21 st of april looks good . but april 23 rd is easter > sunday , so that may make it difficult for some people at enron > to be around . let me know if that is the case . i am willing to > visit then , because the week after that i am scheduled to be in > japan and in the previous weeks i am all committed on fridays . > > friday , 19 th of may is the next possibility , but this probably > is too far out . the main problem is that i am operating within > a window of opportunity for attracting top students for this > research . this window closes by the end of april , and it would be > important for the student support funds to be in place then , so > that i can make hard commitments to students and attract top > talent . i am already reviewing files of students who have > approached me for phd advising , and i am in a mode of doing "" soft > commitments to star - level students "" to get this research and its > potential on their radar screen . top students are highly sought > after by advisors and i want to be an early player in this > competition . > > does my visit to enron have to happen before we can set up the > project and student support at stanford ? if so , doing it before the > end of april is important for getting top people . if the visit can > happen after we get the ball rolling , then we can schedule it in may . > i assume there will be multiple visits both ways when the project gets > going . please let me know what you think . > > best regards , > > nick",0 +"Subject: re : presentation thanks ! you are probably familar with the format . . . 15 - 20 minutes for the presentation followed by 20 - 30 minutes for q & a . see you at 7 : 30 am thursday in the lobby of the sonesta for breakfast ! ghw "" vince j kaminski "" on 03 / 31 / 2000 12 : 48 : 58 pm to : george wayne @ fpl cc : "" vince j kaminski "" , vkaminski @ aol . com subject : presentation george , this is the presentation i promised . vince ( see attached file : fplo 400 . ppt ) - fplo 400 . ppt",0 +"Subject: from the enron india newsdesk - may 5 - 7 newsclips stinson / vince , some news articles . do read the first one , and the second last one . regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 05 / 07 / 2001 09 : 10 am - - - - - - - - - - - - - - - - - - - - - - - - - - - nikita varma 05 / 07 / 2001 07 : 42 am to : nikita varma / enron _ development @ enron _ development cc : ( bcc : sandeep kohli / enron _ development ) subject : from the enron india newsdesk - may 5 - 7 newsclips the economic times , may 7 , 2001 enron ceo casts vote to save dpc , tina edwin & soma banerjee - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the economic times , may 7 , 2001 maha sore over delay in naming godbole nominee - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the times of india , 7 may , 2001 maharashtra ' unhappy ' with delay in naming godbole nominee - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - business standard , monday , 7 may 2001 reliance allowed to hawk power from patalganga to third parties arijit de , s ravindran & renni abraham in mumbai - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the economic times , may 7 , 2001 no need of patalganga , bhadravati power : mseb also appeared in the following newspaper : the times of india , may 7 , 2001 ' no need of patalganga , bhadravati power ' - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - business standard , may 7 , 2001 global bankers ask govt to honour dpc obligations - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - business standard saturday , 5 may , 2001 , ge may pull out as dpc supplier , s ravindran in mumbai - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - hindu businessline , may 5 , 2001 agenda for fresh talks with enron chalked out - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the economic times , may 6 , 2001 http : / / 216 . 34 . 146 . 167 : 8000 / servlet / form godbole panel meets sans dabhol representation - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the economic times , may 5 , 2001 http : / / 216 . 34 . 146 . 167 : 8000 / servlet / form ntpc not to buy power from enron : govt - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the times of india , may 7 , 2001 mseb recovers rs 3 . 06 cr arrears in one day - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the economic times , may 7 , 2001 enron ceo casts vote to save dpc , tina edwin & soma banerjee amul ' s creative directors may have gone back to ad - libbing ' enron or enr - off ' , but for the big kahuna at the american utility , dabhol is still a worthwhile project . while the entire enron board had almost decided to call it quits and proceed with the termination of the $ 2 . 9 - billion power project at dabhol , the veto exercised by the company chairman kenneth lay has saved the project  * - at least for the timebeing . sources said the meeting held on tuesday at the energy major ' s headquarters in houston could have sounded the death knell for the only big foreign investment in the indian power sector . although the future of the project is still pretty uncertain with the lenders unwilling to continue disbursements unless payment obligations are not honoured and contractual obligations left unfulfilled , the veto exercised at this juncture by the chairman of the parent company has come as a big boost to the indian venture . company sources said : "" we do not know what went on there but it is true that as of now we are not pulling out . "" with the engineering procurement and construction contractors ge and equipment suppliers bechtel too in a cautious mode mode , dpc was finding it even more difficult to continue the construction of the project as per the schedules . sources said the stand taken by the rest of the directors on the board would be in view of the backlash that the company would have to face from its shareholders if the project actually flopped . enron had similar bitter experiences in pakistan and it was difficult for the parent company to then justify such investments to the shareholders . enron , which had planned a major investments in india ' s infrastructure sectors such as oil and gas , lng , gas transportation , telecom and broadband network , has already pulled out most of their personnel from some of these operations . the company ' s mous with various other majors like indian oil corporation , too , is in a limbo and the us major ' s stake in the oil and gas venture is up for grabs . however , even though lay is still hoping to find a solution to the controversy back home , both dpc and mseb are still to get down to negotiations . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the economic times , may 7 , 2001 maha sore over delay in naming godbole nominee the maharashtra government has expressed ' unhappiness ' over the centre ' s delay in appointing its nominee on the nine - member godbole committee to renegotiate the power purchase agreement signed between enron - promoted dabhol power company and state electricity board . "" the committee , which is to hold discussions with enron officials from houston on may 11 , has only a month ' s time for renegotiations and with dpc ' s termination notice threat hanging on our head , time is actually running out . yet there is no official to represent the union government , "" said a senior state government official . "" there are media reports that the solicitor - general harish salve would be appointed , but we are yet to hear anything from their side , "" he said . the official said the state expected centre to announce its representative before may 11 , as it would appreciate his crucial presence in the first session of discussions with enron officials , lenders and gas suppliers . sources in the mantralaya added the government had also been unhappy over the centre ' s "" rigid stand "" on not allowing state - owned national thermal power corporation to buy the excess capacity of dpc ' s total 2 , 184 - mw project . "" let ntpc and power trading corporation of india come together and sell dpc ' s surlpus power . we have already mooted this suggestion , but a favourable reply is yet to come from the union power ministry , "" the official said . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the times of india , 7 may , 2001 maharashtra ' unhappy ' with delay in naming godbole nominee the maharashtra government has expressed ' unhappiness ' over the centre ' s delay in appointing its nominee on the nine - member godbole committee to renegotiate the power purchase agreement ( ppa ) signed between enron promoted dabhol power company ( dpc ) and the maharashtra state electricity board ( mseb ) . "" the committee , which is to hold discussions with enron officials from houston on may 11 , has only a month ' s time for renegotiations and with dpc ' s termination notice threat hanging on our head , time is actually running out . yet there is no official to represent the union government , "" a senior state government official said here on sunday . "" there are media reports that solicitor general harish salve would be appointed , but we are yet to hear anything from their side , "" he said . the official said that the state expected the centre to announce their representative before may 11 , as it would appreciate his crucial presence in the first session of discussions with enron officials , lenders and gas suppliers . sources in the mantralaya added that the government had also been unhappy over the centre ' s rigid stand on not allowing state - owned national thermal power corporation ( ntpc ) to buy the excess capacity of dpc ' s total 2 , 184 mw project . "" let ntpc and power trading corporation of india ( ptc ) come together and sell dpc ' s surlpus power . we have already mooted this suggestion , but a favourable reply is yet to come from the union power ministry , "" the official said . the official said that the centre , which was also responsible for dpc project as it has provided counter guarantee to enron india , should form a special purpose vehicle for sale of the excess power to other states . the state government ' s reaction comes in wake of union power minister suresh prabhu ' s discussion with chief minister vilasrao deshmukh in delhi few days ago . it was learnt that prabhu told deshmukh "" there is no question of ntpc buying power from the project since long term ppas have been signed by ntpc with the buying states "" . deshmukh had suggested that the central power utility should sell excess power over and above the 300 - 400 mw needed for the state from the dpc ' s 740 mw phase - i and soon to be commissioned phase - ii of 1 , 444 mw , to other needy states . considering the high cost of power generated from dpc , which during the recent months has hovered around rs 7 per unit as against an average cost of rs 2 . 30 - 2 . 80 a unit from central and state utilities , there would be few takers for the power from dabhol , the power minister reportedly said . "" deficit states will buy dpc power only when the cost of power is brought down , "" he said , adding power ministry would facilitate wheelng of this power to the buyers . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - business standard , monday , 7 may 2001 reliance allowed to hawk power from patalganga to third parties arijit de , s ravindran & renni abraham in mumbai in an unusual departure from normal practice , the maharashtra government has allowed the reliance group to sell power generated by its 447 - mw patalganga power project directly to third parties if the maharashtra state electricity board ( mseb ) does not lift power . the project  , s power purchase agreement ( ppa ) has a clause to this effect . the state government  , s permission to reliance to hawk power to third parties has to be seen in the context of its dithering on forwarding to the centre the dabhol power company  , s bid for mega power status so that it could sell power to third parties . dpc sources told business standard several weeks ago that the company  , s application had been pending with the chief minister  , s office for months . only now has the state government authorised the godbole committee to negotiate with dpc on third party sales outside the state . the dpc project is facing the threat of closure following mseb  , s inability to buy power from it , thanks to the board  , s weak financial position . not only can the reliance group sell power to third parties within maharashtra , but it can sell power to utilities outside the state . the ppa does not expressly bar it from doing so . nor does it specify the category of customers to whom power can be sold . so , in effect , this suggests that the group could sell power to industrial and commercial customers in maharashtra and emerge as a rival to the mseb . the state electricity board derives over 80 per cent of its revenue from such consumers . apart from captive power plants , independent power producers in india are allowed to sell power only to state electricity boards . they can sell power outside the state only if they qualify for mega power project status . with its 447 - mw capacity , the patalganga project is not eligible for such status because mega power rojects are supposed to have a minimum capacity of 1 , 000 mw . speaking on the sidelines of a press conference last week , reliance industries managing director anil ambani told business standard : a provision in third parties . ambani was answering a question on whether the mseb  , s weak financials and inability to offer escrow cover to the project as emphasised in the godbole committee report set up to defuse the dabhol crisis would derail the patalganga project . the ppa does not have any express restriction as to third party sale outside the state , a reliance spokesperson confirmed on friday in a faxed response to questions . a senior mseb official explained that the state government cleared private power projects some years ago on the basis of the unrealistically high demand projections contained in a report by a former mseb official . subsequently , it was realised that the state would be stuck with excess power . so the reliance group was permitted to sell power to third parties , he said . the patalganga project along with the ispat group  , s 1 , 082 mw bhadravati project has been put on hold till the godbole committee submits its second report . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the economic times , may 7 , 2001 no need of patalganga , bhadravati power : mseb the axe seems to have finally fallen on the much - delayed reliance industries - promoted patalganga and ispat industries ' bhadravati power projects in maharashtra as the state electricity board has firmly told the government that "" there is no need of these projects nor their power "" . the loss - making board has communicated to the government that mseb had "" no interest "" in patalganga and bhadravati , as it did not have escrow - able capacity and also that industrial demand for power had slowed down tremendously in maharashtra , state government sources said here on sunday . "" in last november itself , mseb had sent an official intimation to the state government informing its decision in favour of cancellation of the two projects on several grounds - - including they being unviable and unaffordable , "" sources said . "" reliance ' s project is no different from that of dpc ' s . patalganga is also naphtha - based and its ppa is on similar lines . . . after the enron experience , mseb cannot even dream of another gas - based power plant in the state , "" a senior mseb official said . he said mseb has already asked the state government not to provide escrow to both the 447 - mw patalganga and the 1 , 084 - mw coal - based bhadravati , "" as the us energy major has almost squeezed us of all over finances "" . when contacted , mseb chairman vinay bansal said : "" reliance and ispat projects have been put on hold as per the godbole committee ' s recommendations "" , but expressed inability to give further details . currently , bhadravati and patalganga projects have been put on hold as per godbole committee report , which was set up to review the dpc - mseb ppa and energy scenario in maharashtra . "" can you go ahead with the project without an escrow cover ? "" the committee was believed to have asked ispat and reliance representatives , to which the reply had been negative , sources added . sources said , as of now , both the projects have not been able to achieve financial closure as leading financial institutions were not willing to fund the projects which do not have a "" guaranteed payment "" mechanism from mseb , which , incidentally it has promised to dpc . "" all the three were cleared as ' fast - track ' projects , but other than enron , reliance and ispat have been caught in a quagmire , especially bhadravati , which has been hanging afire since last nine years , "" they added . moreover , the mseb official opined that given the current situation , if dpc calls it quits from india , bhadravati was a safer bet than reliance ' s patalganga . patalganga ' s power would be mere 50 paise less than that of dpc ' s that ranges anywhere around approximately rs 4 . 50 per unit to as high as rs 7 , while bhadravati ' s cost could be around rs 3 . 80 to rs 4 per unit , he informed . mseb ' s installed capacity ended on march 31 , 2001 , wasl 4 , 000 mw and it has generated 45 , 000 million units with transmission and distribution losses as high as 39 per cent . ( pti ) - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - business standard , may 7 , 2001 global bankers ask govt to honour dpc obligations tamal bandyopadhyay , surajeet dasgupta & santosh tiwary in mumbai / newdelhi global arrangers for the dabhol power company have mounted fresh pressure on the finance ministry to honour the union government  , s counter - guarantee and have also set strict conditions for reconsidering the termination of the power purchase agreement ( ppa ) between the dpc and the maharashtra state electricity board ( mseb ) . in a related development , the dpc has sent a note to all lenders saying they would have to bear the consequences of the turn of events as they have prevented the dpc from serving the ppa termination notice last month . the lenders . in their turn , sent a statement - - prepared by the new york - based legal firm white & case - - defending their stance saying they are working in the best interest of the project . the lenders are expected to meet in london over the next fortnight to take stock of the situation . the deadline for resolving the issues are drawing to a close as 10 days of the three - week reprieve have passed . at the dpc board meeting in london on may 25 , the lenders had managed to stall the issuance of the termination notice and got three weeks  , time for themselves to convince the centre as well as the maharashtra government to resolve the impasse on the controversial project . in a letter to finance secretary ajit kumar dated april 30 , the global arrangers said the government must own up its responsibility and meet its obligations without further delay . among the stiff conditions , set by the arrangers , are the demand that the central government ensure payment of all the pending bills of mseb for december 2000 , january 2001 , february 2001 and march 2001 which remain unpaid without any protest or reservation by may 7 ( monday ) . any payment previously made under  & protest  8 should be made free and clear of such protest or any other reservation , and the center should ensure timely payment of future bills by mseb , they said . meanwhile , sources said that the finance secretary was expected to meet the international lenders to the dabhol projects in london stand on the issue . the lenders  , list of demands also include asking mseb to take steps required under the existing contracts to activate the escrow arrangements put in place at the time of financial close of phase ii of the project by may 7 . they have demanded that the union government and the maharashtra government should take all required actions to ensure that no government agency will take any step to impede the operation of phase i or the construction and operation of phase ii without due cause . the lenders have also asked them to ensure that the relevant customs authorities permit import of all goods and equipment required for the project by may 21 . csfb , anz export finance , citi , bank of america and abn amro are the global arrangers for both phase i as well as phase ii of the project . the state bank of india , which is also a global arranger for phase ii , did not sign the letter . "" ten days have passed since the lenders bought three weeks time from the company delaying its declaration of the termination of the ppa . since then , nothing has moved at the material level barring mseb ' s payment of the january bill to the tune of rs 134 crore under protest , "" said a source among the global arrangers . come forward to meet its obligations the lenders are planning to meet around mid - may in london and this time they will be left with no choice but to give the go - ahead to the company to terminate the ppa unless the finance ministry comes forward to settle the issue , the source added . the lenders are , however , not ready to take the blame for any delay in the termination of ppa as implied by the company . the white & case statement said the lenders are concerned about the fate of the project and they are exploring all intermediate steps before choosing the last option - - termination of ppa . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - business standard , saturday , 5 may , 2001 ge may pull out as dpc supplier , s ravindran in mumbai after us - based bechtel , it is now the turn of general electric to review its participation as equipment supplier to the controversial 2 , 184 - mw power project in maharashtra , being set up by the dabhol power company . bechtel is the epc contractor to the project while ge has supplied the equipment , primarily turbines . general electric , like bechtel , also holds 10 per cent in dabhol power company ( dpc ) . and both bechtel and general electric are worried about future payments from dpc . sources familiar with the project said that so far dpc has not defaulted in its payments to general electric . what is worrying general electric is the possible scenario after june 7 , when about 700 mw power will be commissioned after the second phase trial runs . dpc and the maharashtra state electricity board ( mseb ) have been locked in a payments dispute for months . if mseb continues with its stance , dpc in turn may not be able to pay general electric . in such a situation , ge may walk out of the project . a final decision will be taken only in june , said sources . general electric did not respond to a faxed questionnaire sent by business standard . senior executives at its public relations agency burson marsteller roger pereira said that only dpc executives were authorised to speak on the issue . the dpc spokesman declined to comment on the issue . the first phase of the 740 mw has already been commissioned . after the second phase of 1 , 444 mwis commissioned by december , 2001 , mseb will have to pay dpc a minimum of rs 500 crore per month . the escrow account for this was to have been made operational by april 7 , 2001 . mseb has refused to do this . earlier , dpc had invoked the political force majeure clause in its contract with the board . mseb is now arguing that the invocation of this clause has absolved dpc of all its liabilities . consequently , it will not operationalise the escrow account . this casts a further shadow over dpc  , s ability to pay general electric and bechtel . this is worrying the lenders to the project as well . the situation has taken a turn for the worse with dpc practically refusing to re - negotiate the contract for the second phase with the godbole panel constituted by the maharashtra government . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - hindu businessline , may 5 , 2001 agenda for fresh talks with enron chalked out officials of the state government , maharashtra state electricity board ( mseb ) and members of the madhav godbole committee , which recently submitted its review on the dabhol power project , met here on saturday . the meeting was to ` ` chart the agenda for renegotiation with enron officials , ' ' a senior mseb official said . enron officials were scheduled to attend this meeting but backed out on may 3 . enron had informed the state government that it would not accept the recommendations of the godbole committee . ` it is understandable that the company does not find the recommendations acceptable . but the report is not bound to personal opinions , ' ' the official said . the next meeting to decide the direction of renegotiation process with enron is scheduled on may 11 . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the economic times , may 6 , 2001 godbole panel meets sans dabhol representation the godbole committee , set up for renegotiating the estranged power purchase agreement between us energy major enron - promoted dabhol power company and the state electricity board on saturday held its first internal meeting sans representatives of the multinational . "" it was an internal meeting to take stock of the current situation and decide on matter pertaining to the may 11 meet with officials of enron , ge , bechtel and dpc ' s foreign lenders , "" said state government sources . the meeting , which lasted for almost four hours , discussed a strategy to present the committee ' s recommendations made public last month , they said . of the nine members of the committee , saturday ' s meeting was attended by five members - - including godbole , mseb chairman vinay bansal , state energy secretary v m lal , state finance secretary sudhir shrivastava and kirit parekh of indira gandhi institute of developmental research . those absent were hdfc chairman deepak parekh , teri director r k pachauri , former union energy secretary eas sarma and yet - to - be - appointed representatives of the centre and central electricity authority . the negotiating committee would suggest solutions to bring down the exorbitant power tariff , separating of the liquefied natural gas facility , restructuring of dpc and allowing sale of excess power through central utilities mainly the national thermal power corporation , said sources . ( pti - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the economic times , may 5 , 2001 ntpc not to buy power from enron : govt the centre has ruled out the possibility of national thermal power corporation buying power generated by us energy giant enron - promoted dabhol power company . union power minister suresh prabhu is learnt to have stated this during the meeting with maharashtra chief minister vilasrao deshmukh last month , convened by the finance minister yashwant sinha to discuss the enron crisis , said government sources on friday . prabhu had pointed out that "" there is no question of ntpc buying power from the project since long - term power purchase agreements have been signed by ntpc with the buying states "" . maharashtra chief minister vilasrao deshmukh during the meeting suggested that the central power utility sell the excess power over and above the 300 - 400 mw needed for the state from the 740 mw phase - i and soon - to - be - commissioned phase - ii of 1 , 444 - mw , to other needy states . when contacted , prabhu said the entire controversy over payment default by maharashtra state electricity board owing to high cost of power generated by dpc had to be resolved between the state government , and dpc and centre had very limited role to play . dpc has already slapped one conciliation notice on the centre and three arbitration notices on the state government over non - payment of dues amounting to rs 213 - crore - plus interest rate towards bills due for the months of december 2000 and january 2001 . ( pti ) - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - the times of india , may 7 , 2001 mseb recovers rs 3 . 06 cr arrears in one day in a special day - long drive , nagpur rural zone of maharashtra state electricity board ( mseb ) has recovered rs 3 . 06 crore as arrears from the defaulters who had to pay a handsome dividend , and disconnectedl 5 , 000 connections of erring customers last week . according to mseb sources , under the drive , initiated by chief engineer manohar bapat , with the assistance of about 5 , 000 employees including engineers , accounts staff and linesmen , a door - to - door campaign was launched to meet 25 , 000 customers , leading to the recovery of the dues . power supply to 15 , 000 customers were disconnected on the spot due to non - payment of arrears in chandrapur , gadchiroli , wardha , bhandara , gondia and nagpur districts , it said in a release . the drive met with stiff resistence from public and the police were called in at many places to assist the powermen , it added .",0 +"Subject: japan candidate vince , i spoke with whalley at the sa offsite and he mentioned that had ( or knew of ) a person that could bring some talent to the evaluation of an enron merchant business in japan . i am in sydney today , but will be in tokyo next week . i would like to speak more about this . what time might you be available ? my japan mobile number is 81 90 4073 6761 . regards , joe",0 +"Subject: re : course instructor clare , i regret to inform you that i have to decline your invitation due to prior commitments on the same days . vince kaminski - - - - - original message - - - - - from : clare fitzgerald [ mailto : claref @ marcusevansch . com ] sent : monday , may 07 , 2001 8 : 48 pm to : ' vkamins @ enron . com ' subject : course instructor vince , i am writing in regards to an energy derivatives training course i am developing . i would like to invite you to be an instructor for the course . a preliminary agenda is attached . brett humphreys from risk capital management is teaching on day one , and i was wondering if you would be interested in covering all or part of day two . the topics outlined here can be modified based on your feedback . our training courses are structured for an interactive , classroom - type setting . we limit the audience to 25 people and bring in 2 - 3 instructors to cover the material over the course of two days . i will follow up but please let me know what you think . > thank you , clare fitzgerald director , training courses marcus evans 312 - 540 - 3000 x 6785 - agenda . doc >",0 +"Subject: bearish pressure on prices to resume , with an end to cold weather in sigh here is esai ' s latest natural gas fundwatch . edna o ' connell office manager esai 301 edgewater place , suite 108 wakefield , ma 01880 ( 781 ) 245 - 2036 ( 781 ) 245 - 8706 ednao @ esaibos . com - ngol 1900 . pdf",0 +"Subject: s . tamarchenko teresa , it ' s ok to hire s . tamarchenko as a summer temporary employee . we need all the help we can get this summer . i assume it will be 40 hrs a week , as long as ut conforms with all the external and internal regulations . vince",0 +"Subject: cusip david , the cusip of the bond i have is 694308 efo pgc 8 . 375 % 5 / 1 / 25 lst & ref mortgage bond , ser 92 b . vince",0 +"Subject: wti trading simulation presentation - combinded john , just finished the continous trading case . please see the two attached files . let me know if you want to add more scenarios . happy holidays ! zimin - - - - - - - - - - - - - - - - attachment - - - - - - - - - - - - - - - - - - open - close trading : close - close trading :",0 +"Subject: this hurricane elana ",0 +"Subject: reviewer approval please note that your employees have suggested the following people to complete a feedback form on their behalf . you will need to access the performance management system ( pep ) to either approve or decline these suggested reviewers . once you have approved the suggested reviewers they will be notified and can begin completing the feedback form . your list of employees that have suggested reviewers are listed below : date suggested : may 19 , 2000 feedback due date : jun 16 , 2000 employee name : kollaros , alexios date suggested : may 22 , 2000 feedback due date : jun 16 , 2000 employee name : krishnarao , pinnamaneni v",0 +"Subject: fwd : billing question return - path : received : from rly - yao 2 . mx . aol . com ( rly - yao 2 . mail . aol . com [ 172 . 18 . 144 . 194 ] ) by air - yao 2 . mail . aol . com ( v 67 . 7 ) with esmtp ; mon , 10 jan 2000 06 : 39 : 16 - 0500 received : from abbott . office . aol . com ( abbott . office . aol . com [ 10 . 2 . 96 . 24 ] ) by rly - yao 2 . mx . aol . com ( 8 . 8 . 8 / 8 . 8 . 5 / aol - 4 . 0 . 0 ) with esmtp id gaa 26342 for ; mon , 10 jan 2000 06 : 39 : 16 - 0500 ( est ) received : from sunphol . ops . aol . com ( sunphol . office . aol . com [ 10 . 5 . 4 . 200 ] ) by abbott . office . aol . com with smtp ( 8 . 8 . 6 ( phne _ 14041 ) / 8 . 7 . 1 ) id gaao 8342 for ; mon , 10 jan 2000 06 : 39 : 01 - 0500 ( est ) received : from 0 by sunphol . ops . aol . com ( smi - 8 . 6 / smi - svr 4 ) id gaa 27342 ; mon , 10 jan 2000 06 : 39 : 00 - 0500 message - id : from : to : date : 01 / 10 / 2000 19 : 40 : 07 reply - to : subject : re : billing question dear wincently , we at america online would like to thank you for spending the time to write us . my name is ellen and i appreciate the opportunity to assist you regarding your recent e - mail . after reviewing your account , it shows that the annual prepaid fee was not successfully collected . i suggest that you contact your bank regarding this matter . you may also want to contact our billing department at 1 - 888 - 265 - 8003 or at 1 - 800 - 827 - 6364 toll free should you want to resubmit the bill . if there has been a problem billing your account , america online may send a billing popup screen that states you need to update your billing information at keyword : billing . america online does not request this information be placed anywhere other than at keyword : billing . ( if you ' re unfamiliar with keywords you can start using them by typing ctrl - k . when the keyword "" box "" appears , type the keyword in the space provided and click the go button ) . it is possible that you will receive the popup more than once in a 24 hour period , as we update our database every 24 hours . the message that america online sends states : an important message from aol member services our records indicate that the credit card information on file for your aol account may not be up - to - date . outdated information on your aol account may cause bill processing problems with in some cases could lead to service interruptions ! please take a minute now to update your aol account information . just click on the update billing information button below . this update will only take a few moments and the information you provide will be kept completely confidential . note : if you have recently updated your billing information , please ignore this additional reminder while we process your changes . if you have questions concerning this message , please call member services at 1 - 888 / 265 - 8003 between the hours or 6 : 00 am - 2 : 00 am est seven days a week . update billing information ( text on button appears in white on the actual popup ) we greatly appreciate your america online membership . if you have any further questions , please do not hesitate to contact us again . thank you for using america online . have a wonderful day . : - ) ellen l . customer care consultant the billing department america online , inc . - - - - - - - - - - original message - - - - - - - - - - from : vkaminski @ aol . com to : billingl @ abbott . office . aol . com field 1 = wincenty kaminski field 2 = 10 snowbird field 4 = the woodlands field 5 = texas field 6 = 77381 field 7 = 0057 field 8 = other ( please give details below ) field 9 = on signing on to aol i received the information that billing information may be outdated . i don ' t see why . my annual fee has just been paid , the credit card is in good standing , i did not move . please , let me know what is the problem field 10 = texas field 11 = other - see comments x - rep : 743 x - mailid : 583092 x - queue : 4 x - mailer : swiftmail v 3 . 50",0 +"Subject: my resume hi vince , i spoke with ray again , and he seems to have the background necessary to work with the insurance group here . he is not an actuary , but he can work with data . would you mind calling him on the phone sometime next week ? please let me know what time you would call him , so i can let him know . once you speak with him , then maybe we can bring him down for interviews , if you think it appropriate . his business phone number is 816 889 4417 thanks , vasant - - - - - - - - - - - - - - - - - - - - - - forwarded by vasant shanbhogue / hou / ect on 01 / 07 / 2000 11 : 01 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" spudeck , ray e . ms - res "" on 12 / 29 / 99 02 : 24 : 09 pm to : vasant shanbhogue / hou / ect @ ect cc : subject : my resume vasant , i enjoyed our telephone conversation this morning . from our conversation , it sounds like enron is moving out on the cutting edge of risk transfer and insurance finance . in my mind , there seem to be a myriad number of interesting opportunities moving forward . as well , i see a number of issues that would need to be resolved . frankly , i find that quite exciting . i left academics largely because i wanted to move into a more "" front line "" career . while i ' ve enjoyed my work here at the naic , it is still not where i ultimately see myself . i gathered from your comments some concern about my being too senior in the organization . if i am interpreting you correctly , you are concerned about hands on technical work . i enjoy that immensely and some of the strengths i bring to the table are the ability to think creatively about solving financial problems and the the ability to make data tell the underlying story . i look forward to talking to you next week . i just found out that our office building will be closed monday , so i will not be in until tuesday a . m . ray spudeck sr . research associate ( 816 ) 889 - 4417 rspudeck @ naic . org > - resumeres . doc",0 +"Subject: re : greetings hi , mr . kaminski : how are you ? i am back to school for the new semester now . i am in contact with molly magee for my travlling schedule to enron . i got from garp that you chaired a seeesion on energy risk at the new york conference last week . if it is not too much trouble , could you please send a copy of your presentation to me ? i appreciate it . see you soon ! frank",0 +"Subject: fw : eprm article any feedback on the latest article from chris for eprm ? ? please let me know when i can expect some feedback so i can get back to eprm , since they are going to press in a week . ? thanks , julie ? ? - - - - - original message - - - - - from : robin lancaster to : julie sent : wednesday , october 11 , 2000 10 : 52 am subject : eprm article julie i know that chris is away and so siad to contact you with any problems . just want to know the status of the article for this month ? the last e - mail from chris said it was getting a final look over from vince kaminski and i should expect it a few days and that was last thursday . any news , as we ' re due to go to press in a week and a day . robin",0 +"Subject: research and development charges to gpg janice : here is the memo i spoke to you about concerning the charges that need to be reversed . if you have any questions , please call me . shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 08 / 16 / 2000 09 : 54 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kimberly watson @ enron 06 / 15 / 2000 03 : 26 pm to : kent miller / et & s / enron @ enron , martha janousek / et & s / enron @ enron , elaine concklin / et & s / enron @ enron , vera apodaca / et & s / enron @ enron , rod hayslett / fgt / enron @ enron , vince j kaminski / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : research and development charges to gpg vince , krishna and i met to discuss the research and development cross charges to gpg for january through june . these charges are based upon a budgeted amount of allocating three resources to the gpg group ( two resources for revenue management and one resource for gpg marketing ) . we have utilized the r & d group some during the first half of the year , but not to the full extent of three resources . vince and krishna have agreed to reverse out some of the charges that were budgeted january through june . we will revisit this issue again toward the end of the year to determine if any adjustments are necessary for july through december . the budgeted amount january through june has been distributed between the nng and tw as follows : research and development budget ( $ 000 ) nng tw et & s january $ 46 . 7 $ 46 . 7 february $ 26 . 1 $ 20 . 4 $ 46 . 5 march $ 35 . 9 $ 10 . 2 $ 46 . 1 april $ 34 . 8 $ 10 . 2 $ 45 . 0 may $ 36 . 4 $ 8 . 8 $ 45 . 2 june $ 36 . 4 $ 8 . 8 $ 45 . 2 $ 274 . 7 out of the $ 274 . 7 budgeted for the first half of the year , $ 199 . 7 is to be reversed back to the research and development department . this reversal will occur in july . vince , vera apodaca ( ext . x 35980 ) will be our contact to help facilitate the reversal of these charges . elaine , the remaining $ 75 . 0 ( $ 274 . 7 - $ 199 . 7 ) is to be allocated with $ 50 . 0 going to the revenue management work order and $ 25 . 0 remaining in o & m . if anyone has any questions or needs additional information , please don ' t hesitate to call me ( x 33098 ) . thanks , kim .",0 +"Subject: new commodity marketplace opportunity mark lay : i shared confidentially with vince kaminski my developing concept of a highly inefficient not - for - profit enterprise with dramatically increasing costs . i believe that a for - profit economic model is possible that should reverse these skyrocketing costs and ultimately lower the commodity thereby having a national , if not , global impact of health care costs . vince seems to also believe in the concepts potential . the ceo of one of the biggest u . s . blood banks has already asked to become involved . i would like involve more people with vision , means and desire to help make this a reality . i would look forward to meeting with you to talk further . al arfsten 713 965 2158",0 +"Subject: re : subscription renewal stephanie , thanks for remembering about me . yes , i want to renew . vince from : stephanie e taylor on 11 / 29 / 2000 01 : 18 pm to : vince j kaminski / hou / ect @ ect cc : subject : subscription renewal dear vince , this is to inform you that your subscription to risk is up for renewal . the regular subscription cost through december , 2001 , is $ 599 . 00 . the cost after the corporate discount is $ 509 . 15 . please let me know if you would like to renew this publication . we will be happy to take care of this for you . if you have any questions , please do not hesitate to call me . sincerely , stephanie e . taylor",0 +"Subject: risk 2000 panel discussion good morning gentlemen : i will go ahead and schedule the conference call for wednesday , may 31 st at 11 : 00 am est ( 10 : 00 cst ) . please let me know the telephone numbers you may be reached at and vince will call you . if you find you cannot do this , please let me know . thanks and have a wonderful weekend . shirley crenshaw - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 05 / 26 / 2000 08 : 11 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 05 / 25 / 2000 03 : 54 pm to : oliver @ risk . co . uk , jefferid @ kochind . com , sbramlet @ utilicorp . com cc : subject : risk 2000 panel discussion hello everyone : vince kaminski would be available for a conference call on wednesday , may 31 at 10 : 00 or 11 : 00 am est . the rest of the day is rather full . please let me know if either time is convenient for you . if not , maybe we could do it on june 1 - he is free most of the day with the exception of 12 : 30 - 2 : 00 est . look forward to hearing from you . thanks ! shirley crenshaw administrative coordinator enron corp . research 713 - 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: fwd curves margaret , the forward power and gas price curves , unlike nymex futures prices , are not publicly available and are a closely guarded secret of the trading desks . we have no authority to release them without getting the head of the trading desk involved . vince",0 +"Subject: research dept . move hello everyone : attached is the churn relocation request for some office exchanges within the research group on the 19 th floor . i have grouped them in sets of two which are the exchanges . this is a very rush order . we would appreciate your getting to this as soon as possible - the 15 th of august would be great , if possible . let me know if there is something that you do not understand . thanks ! shirley",0 +"Subject: interim report to gary hickerson for ag trading vince , please find attached the interim report on agricultural commodity trading for gary hickerson . your comments are welcome as we would like to send this to gary as soon as possible . regards , kate ext 3 - 9401",0 +"Subject: re : generation earnings model michelle , i agree with you that we need to run at least 500 iterations . but i did not realize that it took 16 hours to run 100 iterations . helen and i talked earlier about using parallel computing technique to split the algorithm into smaller parts and run the parts separately on different processors , then aggregate the results . this procedure makes better use of computer power and saves time . looks like we have to do it this way now . buying a more powerful computer helps but does not solve the problem . in addition , we might want to re - consider if writing the code in vb is optimal . i was assured at the very beginning that vb runs as fast ( if not faster ) as c , but some re - assurance from it group on this issue is helpful . best , alex from : michelle d cisneros @ ect 04 / 09 / 2001 02 : 52 pm to : alex huang / corp / enron @ enron cc : gary hickerson , danielle romain subject : generation earnings model hi alex - danielle and i were talking to david m . today regarding running the model for purposes of back testing the results . last week we ran calpine using 46 days of historical forward price data at 10 and 100 iterations . the 100 iteration run took 16 hours to run . to run all 20 companies with the 46 days worth of data and at 100 iterations is estimated to take about 28 days . we are concerned that 100 iterations will not be sufficient and will need to be increased to at least 500 iterations . we are thinking that we need to use a server or something much more powerful than the test computer we have been using . do you have any suggestions as to how we can improve the process ? thanks , michelle x 35435 hi alex - danielle and i were talking to david m . today regarding running the model for purposes of back testing the results . last week we ran calpine using 46 days of historical forward price data at 10 and 100 iterations . the 100 iteration run took 16 hours to run . to run all 20 companies with the 46 days worth of data and at 100 iterations is estimated to take about 28 days . we are concerned that 100 iterations will not be sufficient and will need to be increased to at least 500 iterations . we are thinking that we need to use a server or something much more powerful than the test computer we have been using . do you have any suggestions as to how we can improve the process ? thanks , michelle x 35435",0 +"Subject: united way executive solicitation as you know , enron  , s united way executive solicitation is well under way . august 9 th is the target date to achieve 100 % participation and finalize the commitment from our executives and is also the date for the kickoff of the company wide drive . we have a way to go to meet this objective . as of august 3 rd less than 25 % of our executives have turned in their pledge . enron  , s united way goal for the year is $ 2 . 3 million ( before the corporate match ) . ena  , s share of this goal is $ 346 , 500 . while these are aggressive goals , they are very doable , and if everyone contributes their fair share , we can easily surpass these goals . along with focusing on meeting our financial goals , i  , d like to have 100 % participation throughout the organization . this is especially important among our executives . we define "" participation "" as an employee who has completed their pledge on - line and made a contribution , no matter what the level . i am a proud member of the alexis de tocqueville society , which is a contributor of $ 10 , 000 or more and have pledged significantly more this year than last year . enron has 39 members of this society , only 5 of which are from ena . i would like to see this number increase significantly and if you are able , i would like you to consider stepping up to this level . given the fact that enron executives are highly compensated with generous options and bonus program , i encourage each of you to at least become a member of the "" make a difference "" club , which is a contribution of 1 . 2 % of your annual salary . i would also challenge each of you to increase your pledge this year , regardless of your level of giving last year . with the campaign going on - line with electronic pledging , i  , ll need the support of you and your campaigners to increase participation levels across the ena organization and reach our financial goals . whatever your decision regarding the level of your pledge , we need 100 % participation from our executives in order to set a good example for the rest of ena . your contribution to the united way will continue to make a difference in our community . when you give , you change a life right here in our community . please join me in setting the standard for ena by giving generously and getting your pledges in by august 9 th . log - in to system on netscape or explorer - - unitedway . enron . com",0 +"Subject: eol presentation thank you for meeting with the students from rice university ' s jesse h . jones graduate school of management in april . the students greatly appreciated the opportunity to talk with you . your perspective and insights into eol and its competitors helped the students gain much more useful information in their interviews with enymex , houstonstreet . com , ice , dynegydirect , and other energy e - commerce platforms . the students will present the results of their research next monday ( may 7 ) at 4 : 00 p . m . in room 49 cl . we would be delighted if you can attend their presentation . if you cannot attend but would like a copy of their final report , please feel free to let me know and i will make sure you get it . thanks again for your help .",0 +"Subject: collaborative effort vince : i am very enthusiastic about your interest and possible contributions towards a 22 nd century human blood system . i have attached a letter that discusses the endeavor . please note that it has a built - in automatic release in the event you need to terminate . it has a confidentiality statement as well . if it is acceptable , please sign it and fax it back to me at 713 965 2114 at your earliest convenience . al arfsten - kaminski acceptance 011601 . doc",0 +"Subject: nymex chris , here is the analysis you requested . let me know if i can be of any further assistance . charlie weldon",0 +"Subject: good morning vince , attached is a note written by a former phd student of mine . he comments on the calif power problem and i thought you and others at enron might enjoy his insights . john - california is worth 50 basis points . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: it was great talking with you . dave - brochure . doc * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * prof . david ikenberry jones graduate school of management rice university 713 - 348 - 5385",0 +"Subject: happy holidays ! i wish you wonderful holidays and a happy happy new year with many blessings ! shirley",0 +"Subject: fw : fyi - more on truck s / d vince : i ' d like to send you some articles on the fleet card business . if you have some time , i ' d like to discuss the meeting that we had with comdata ( which has a 60 % market share of the fleet card business ) . they have some live data that potentially could be very interesting ; however , i ' d like to discuss it with you . shawn what a mess ! ( statistical data included ) john d . schulz 03 / 26 / 2001 traffic world page 25 copyright 2001 gale group inc . all rights reserved . copyright 2001 journal of commerce , inc . truckers still waiting for signs of pent - up freight demand ; earnings shortfalls , layoffs loom if you are waiting for trucking to kick - start the nation ' s economic recovery , pull up a chair and wait awhile . trucking ceos say they haven ' t seen this slow a first quarter in a decade . "" perhaps the weakest first quarter for freight demand since swift became a public company in 1990 , "" phoenix - based swift transportation chairman and ceo jerry moyes said . the first - quarter trucking mantra historically has been this : everybody loses money in january , hopes for a break - even february and earns whatever profit there is in the quarter in march . that formula may not hold this year . gregory l . quesnel , president and ceo of con - way transportation services and emery worldwide parent cnf inc . , said the current slowdown was first detected late in the third quarter last year and has become "" more pronounced in each successive quarter . "" march , he said , has been "" as disappointing as the first two months this year . "" layoffs already are occurring at the major ltl carriers . yellow freight system has idled as many as 1 , 000 teamsters and hundreds of white - collar back - office workers . most large carriers are warning of profit shortfalls that will cause them to miss analysts ' first - quarter estimates . but there are deeper fears , too . marginal players may be forced into bankruptcy . small , family - owned carriers may be unable to exit the industry on their own terms because of the shocking decline in the value of used trucks that is causing some companies to be valued at less than half their worth of just two years ago . swift ' s volume drop - off began with shipments originating on the west coast in january and february and it is continuing in march , moyes said . coupled with reduced demand from the southwest , moyes said swift will not meet analysts ' first - quarter earnings expectations . swift is not alone . "" we hauled less freight in february than february a year ago , "" said bob hammel , executive vice president of pittsburgh - based pitt ohio express , a leading privately held eastern regional ltl carrier . "" the slowdown in manufacturing began in the middle of last year and it was precipitous . nobody anticipated the speed in which manufacturing demand fell off . "" even con - way , the most profitable ltl operation in the past five years , said it would have a decline in first - quarter operating income compared with the year - ago period . con - way ' s tonnage declines were estimated in the "" mid - single - digit "" percentage range . roadway express estimated that its current tonnage levels are running 10 to 11 percent below those a year ago , which will result in an approximately one - half of 1 percent ( 0 . 5 percent ) decline in its operating ratio . ( see sidebar ) pat hanley , overnite transportation ' s senior vice president and chief financial officer , said freight figures were flat in february year over year but rose slightly in march . overnite is the exception to the ltl industry with as many as 24 new terminals scheduled to be opened this year . "" january was pretty good to us , but february was flat . it ' s coming back in march . we ' re probably up in low single digits , 3 to 4 percent . we ' re picking back up . the economy has hurt us . if you had asked us at the start of the year , we ' d have said we ' d be up double - digits , "" hanley said . the national economic picture is "" a big concern , "" hanley said . "" we ' re not seeing pressure on prices , at least not so far . we ' re seeing customers ship 10 pallets a day instead of 20 . the shipment size is coming down . certainly we ' re concerned . we ' ll do o . k . , but not as great as we ' d like . "" forget consumer confidence surveys or the producer pricing index or whatever stars align in federal reserve board chairman alan greenspan ' s world . the genuine leading indicator of any national economic trend is trucking , which is always a first - in , first - out industry in any economic slowdown . to hear trucking industry leaders tell it , get comfortable with beans and franks for dinner . it ' s going to be awhile before it ' s filet mignon time again . shippers see what ' s happening as well but say it ' s still too early in the year for carriers to start cutting rates to fill empty trucks . "" all the carriers we talk with report flat or slightly declining business levels - - definitely slower than early last year , "" said bill huie , assistant vice president of corporate transportation for nch corp . , irving , texas . "" with a couple of exceptions , carriers we talk with have no plans for expansion in the next few months . we are getting feelers about some possible lane adjustments to boost revenue . but generally it appears a little early in the economic downturn for much price movement . "" the national ltl carriers are seeing the same things . "" our business is down pretty substantially for the first quarter , "" said roger dick , spokesman for yellow corp . , parent of yellow freight system and two large regional ltl carriers , jevic transportation , delanco , n . j . , and saia motor freight , duluth , ga . usfreightways corp . , citing what it called the nation ' s "" serious economic slowdown , "" said it expects first - quarter earnings to fall "" very substantially below "" current wall street consensus . extreme weather conditions also contributed to the already weakened operating environment , usf chairman , president and ceo samuel k . skinner added . "" traditionally , the first quarter builds momentum slowly , with march being the strongest month of the period , "" skinner said in a statement . "" this year , the economic slowdown of the fourth quarter of 2000 accelerated in january and february , softening even the normal modest expectations for those two months . "" it ' s not just the ltl industry that ' s hurting . the morgan stanley dean witter truckload freight index continues to show the worst demand - supply relationship since analyst james j . valentine began tracking the data in april 1994 . two events can cause weakness in the index , according to valentine . they are either an abundance of excess trucks on the road or weak freight demand . "" so far in 2001 , we have seen the confluence of both factors , but the fall - off in demand has far outpaced the increase in supply , "" valentine wrote in his most recent "" trucking snapshot "" for early march . year - to - date measurement for truckload demand is down 25 percent year over year , according to valentine ' s index , while supply is up only 7 percent . that would indicate the over capacity was a significant issue last year but was "" masked by the strong economy , "" valentine says . in a more ominous note , valentine believes overcapacity will continue to plague the truckload industry for the next one to two years . only a reaccelerating national economy can bring the demand - supply back in balance for the truckload sector in the near term , valentine predicts . the overproduction of new class 8 trucks from early 1998 through early last year has put too many trucks on the roads and caused supply to back up at manufacturers , wholesalers and other retailers . used trucks have lost on average more than 30 percent of their value over the past 18 months . anecdotally , one used truck dealer , music city truck & equipment , in lavergne , tenn . , is holding a "" two - for - one "" sale on three - to five - year - old class 8 freightliners . you can buy two for around $ 30 , 000 , less than a brand new chevy suburban suv . what that means is a trucker who bought a 1998 class 8 truck for $ 70 , 000 and depreciated half the value over three years has a piece of equipment on the books this year at $ 35 , 000 . but assuming it has lost 30 percent of that value , it may only be worth $ 24 , 500 in actuality . for a carrier with a 100 - truck fleet , that equates to a loss of more than $ 1 million on assets . the glut may last for a while , according to valentine ' s analysis . assuming a three - year trade - in cycle , most of the class 8 tractors in the truckload sector are just now rolling over to the used - truck market . that means that overcapacity will plague the truckload industry for at least the next year . that will result in some of the marginal carriers exiting the business , as did nearly 1 , 900 carriers last year that either closed or declared bankruptcy . "" we can see from indexes , surveys and other information available to us that it is unlikely there will be any significant improvement in march and freight demands will continue to be soft throughout the month . based on all of these factors , we expect usfreightways ' profits for the first quarter to be very substantially less than published analysts ' forecasts , "" skinner said . in addition , severe weather conditions including an earthquake in seattle , rainstorms in california and blizzards in the northeast have added cost and decreased efficiencies , skinner added . expectations at each of usf ' s operating companies have been affected , some more than others . the ltl , logistics , reverse logistics and freight - forwarding units are all showing decreased revenue and volume over a similar period last year , skinner said . further job cuts at usf worldwide , its freight forwarder , would be in the offing as cost controls at the unit would be "" accelerated "" in the wake of the softening economy , skinner said . late last year , skinner said the rebuilding process at usf worldwide would be a two - year process . but the worsening economy has made that rebuilding job harder , he said . "" we are seeing evidence that the slowing economy is , in fact , further impeding progress in this area , "" skinner said . "" during the fourth quarter of 2000 and continuing into the first quarter of 2001 , the company has taken steps to increase cost efficiencies . among these actions are a substantial cutback in capital spending and significant reductions in the labor force . these cost - control efforts will be accelerated to partially counterbalance the damaging impact of the current economic and weather conditions . "" in the 2000 first quarter , usf posted $ 22 . 3 million net income , a 27 percent rise from the $ 17 . 5 million earnings in the 1999 first quarter . at the time , that was usf ' s 15 th straight quarter - over - quarter earnings increase . it came on $ 608 . 2 million revenue , an 18 . 5 percent rise in from the $ 513 . 2 million revenue in the 1999 first quarter . analysts had been estimating usf to earn about $ 3 . 50 a share earnings for 2001 , compared with actual $ 3 . 61 earnings per share for all of last year . in the fourth quarter last year , usf earned $ 23 . 7 million , or 91 cents a share . trucking in a snapshot market what ' s going on msdw [ * ] truckload remains in record - low territory , indicating freight index the worst demand - supply relationship since msdw began tracking the date in april 1994 . diesel prices diesel prices in the first quarter of 2001 have come down 6 % sequentially from 4 qo 0 . however , the average price for the quarter remains 6 % above that of lqo 0 . wti oil opec recently agreed to reduce supply by 5 % and has stated a price objective of $ 25 per barrel . capacity retail sales of class 8 tractors ( new trucks entering the market ) came down in january , but inventory ( trucks that will enter the market at some point ) to sales ratio hit a new high of 3 . 4 months gdp 4 qo 0 gdp increased 1 . 1 % and economists see u . s . recession in 2001 with + 0 . 5 % and - 1 . 4 % gdp forecast for lqol and 2 qol , respectively . retail sales retail sales rose 0 . 7 % in january . while this was better than forecast , the upside was likely the result of excessive clearance sales after a disappointing holiday season . consumer the conference board ' s measure of consumer confidence confidence fell again ( nine points ) in february after registering the largest one - month decline in 10 years in january ( 14 points ) . napm the february napm rose slightly to 41 . 9 . however , it still indicates a contracting manufacturing sector . leading the index of leading economic indicators economic rose 0 . 8 % in january , while indicator msdw had forecast a 0 . 6 % increase . this represents the first rise in four months . stock after a recent pullback , trucking stocks remain perfonnance up year - to - date with tl stocks up 5 % , regional ltl stocks up 9 % and national ltl stocks up 13 % . investor for the week ended february 28 , mutual fund outflows totaled $ 309 million , compared with inflows of $ 2 billion in the prior week . market implications msdw [ * ] truckload negative for all tl carriers . freight index diesel prices the downward trend is positive for all carriers , especially tl carriers , which have greater exposure to fuel than ltl carriers . wti oil negative for all carriers , as $ 25 per barrel is still 25 % higher than the $ 20 per barrel average since 1990 . capacity negative for tl carriers , not a major concern for ltl carriers , which measure capacity by the number of terminals . gdp negative for all carriers . retail sales negative for both ti and ltl carriers . consumer negative for all carriers confidence napm negative for all carriers . leading positive for all carriers . economic indicator stock positive , however , stocks could pull perfonnance back further in the short term as fundamentals catch up . investor negative . source : morgan stanley dean witter research",0 +"Subject: mit team meeting greetings , mit recruiting team ! each of you has been chosen to represent enron for our fall 2000 recruiting efforts at mit university . as part of the team , you will be challenged with choosing the best candidates from sloan ' s graduate school to join our associate program . our first campus event will be on september 21 and interviews will be held on campus november 7 and 8 . i hope you are all able to participate in the exciting process of recruiting young talent . we will be more formally organising ourselves in the next couple of weeks . currently , we are planning to have a brief team meeting in order to make introductions , inform you about the associate program , and discuss the fall recruiting calendar . to that end , please contact me with any questions or comments you may have . the team meeting date is set for september lst at 10 am in room 11 c 2 . please rsvp to me as soon as possible . i look forward to meeting you all soon . sincerely , kristin gandy associate recruiter x 53214",0 +"Subject: mscf speaker series mscf speaker series dear mr . kaminsky , i have included the web page of the list of confirmed speakers , most of them are people i worked with as a fixed income bond options trader . ? having you as a speaker would ? give a chance to the mscf students to gain insight in an area ( commodities ) and in a field ( research ) ? in which many are ? interested . official invitation ? ? ? the first event is next friday ! ? first event : august 11 , 2000 10 : 30 to 12 : 30 a . m . fast lab david hartney & jerry hanweck vice president , futures and option sales ? j . p . morgan n . b . there will be free caps and a copy of the treasury bond basis . priority will be given to mscf students . ? ? ? price and hedging volatility contracts september 1 , 2000 dmitry pugachevsky deutsche bank dmitry pugachesky is a director with otc derivatives research of deutsche bank , where his research is primarily focussed on credit derivatives . prior to joining deutsche bank , dmitry worked for six years with global analytics group of bankers trust . there he developed models for emerging markets , interest rates , and equity derivatives and also participated in actual trading and structuring of interest rate options . he received his phd in applied mathematics from carnegie mellon university specializing in control theory for stochastic processes . he has published several papers on modelling in emerging markets and on valuation for passport options . a measurement framework for bank liquidity risk september 15 , 2000 raymond cote vice president , finrad inc . nbc raymond cote is vice president , financial engineering at finrad inc . , a montreal - based consulting firm offering financial management solutions that combine advisory and systems development services to & corporations and financial institutions . abstract : liquidity risk , as opposed to credit and market risks , has received little attention in professional or academic journals . we argue that analyzing bank liquidity risk can be viewed as a variation of credit risk analysis . after introducing some concepts and definitions , the presentation defines a framework allowing to measure a bank ' s structural liquidity risk . it then shows that combining the framework with modern credit risk measurement tools leads to a liquidity risk var measure . the presentation then offers concluding comments on the integration of the liquidity risk measurement framework within enterprise - wide risk management . swaps , spreads and bonds september 29 , 2000 chris leonard senior trader fixed income arbitrage ? october 27 , 2000 chuck mchugh vice president , nbc - new york fund management and market efficiency november 10 , 2000 andrea lee portfolio manager , freiss associates pierre - philippe ste - marie - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - http : / / pstemarie . homestead . com",0 +"Subject: re : our workshop helyette , sorry for not getting back to you earlier . my schedule was quite crazy over the last few days . i shall be in london on sunday meeting my group for dinner at 7 : 30 . can i call you around 6 : 00 - 6 : 30 ? vince p . s . you can send a reply to my aol address . vince gemanix @ aol . com on 09 / 29 / 2000 11 : 27 : 51 am to : vince . j . kaminski @ enron . com cc : subject : our workshop dear vince , our workshop has already 20 registered delegates , which is very good given the french power situation . moreover , french people tend to be fairly educated and we should coordinate a little bit . i am leaving in 30 minutes for 2 days . can we talk on sunday at 7 or 8 p . m my time ? my 2 numbers will be 33 1 46040110 or 33 6 08074200 alex would agree to speak for a while as we did in francfort . karla sent me a proposal for the escrow problem . i had a further question in your direction regarding "" system support "" . karla , as you know , would kindly like to wrap up the contract before moving to a new department and i will do my very best to satisfy her wish and your feasible requests . kind regards helyette",0 +"Subject: vince and vasant : here is a brief summary of my meeting with chris germany , capacity trader at the east desk , related to gas transmission : typically , pipelines lease capacity billed on a monthly basis . an example might be the pipeline between south texas and brooklyn , where you might pay $ 12 . 00 per month per 10 , 000 decatherms of capacity ( $ 0 . 40 per day ) , a fixed payment . variable charges are 6 % for fuel costs ( "" shrinkage "" ) and 6 . 5 % for overhead expenses . a gas trader might call south texas and be quoted a delivery price tomorrow of nymex - $ 0 . 10 ( "" basis "" ) , and might call brooklyn and be quoted a delivered price of nymex + $ 0 . 25 . the trader ' s spread is $ 0 . 35 , and variable costs of transmission are $ 0 . 125 , so the trader would offer the leaseholder of capacity up to $ 0 . 225 for firm capacity tomorrow . as for the distinction betweem firm and interruptible , the leaseholders have an excellent knowledge of the firm - equivalent of interruptible capacity . also , many pipelines don ' t discount firm capacity from the tariff maximum ( "" it ' s not worth their time to haggle "" ) ( there is a further issue of "" secondary markets "" not important to the model yet ) . for south texas and brooklyn , there are several different routes the gas can physically take ( pipelines of enron , texas eastern , etc ) . and , once the trade is in the system traders can cover the ( enron ) positions on each end of the pipeline , in so doing freeing up the capacity for other contracts . clayton",0 +"Subject: re : ena analysts and associates i shall be attending the bi - monthly meetings . we always have a significant number of associates rotating through my group and supporting different units of enron . vince kaminski enron north america corp . from : david w delainey 07 / 26 / 2000 10 : 17 am sent by : kay chapman to : sally beck / hou / ect @ ect , tim belden / hou / ect @ ect , raymond bowen / hou / ect @ ect , christopher f calger / pdx / ect @ ect , wes colwell / hou / ect @ ect , janet r dietrich / hou / ect @ ect , jeff donahue / hou / ect @ ect , w david duran / hou / ect @ ect , mark e haedicke / hou / ect @ ect , gary hickerson / hou / ect @ ect , mike jakubik / hou / ect @ ect , scott josey / corp / enron @ enron , john j lavorato / corp / enron @ enron , rodney malcolm / hou / ect @ ect , george mcclellan / hou / ect @ ect , rob milnthorp / cal / ect @ ect , julia murray / hou / ect @ ect , jere c overdyke / hou / ect @ ect , david oxley / hou / ect @ ect , kevin m presto / hou / ect @ ect , brian redmond / hou / ect @ ect , jeffrey a shankman / hou / ect @ ect , c john thompson / corp / enron @ enron , max yzaguirre / na / enron @ enron , james a ajello / hou / ect @ ect , edward ondarza / hou / ect @ ect , vince j kaminski / hou / ect @ ect , beth perlman / hou / ect @ ect , mark frevert / na / enron @ enron , jean mrha / na / enron @ enron , julie a gomez / hou / ect @ ect cc : patti thompson / hou / ect @ ect , catherine dumont / pdx / ect @ ect , marsha schiller / hou / ect @ ect , mollie gustafson / pdx / ect @ ect , shirley tijerina / corp / enron @ enron , christy chapman / hou / ect @ ect , tina rode / hou / ect @ ect , janette elbertson / hou / ect @ ect , stella l ely / hou / ect @ ect , nicole mayer / hou / ect @ ect , tonai lehr / corp / enron @ enron , kimberly hillis / hou / ect @ ect , ana alcantara / hou / ect @ ect , yolanda ford / hou / ect @ ect , carolyn george / corp / enron @ enron , donna baker / hou / ect @ ect , rhonna palmer / hou / ect @ ect , felicia doan / hou / ect @ ect , barbara lewis / hou / ect @ ect , pilar cerezo / na / enron @ enron , terrellyn parker / hou / ect @ ect , dusty warren paez / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , nicki daw / na / enron @ enron , cherylene r westbrook / hou / ect @ ect , kay chapman / hou / ect @ ect , lillian carroll / hou / ect @ ect , venita coleman / corp / enron @ enron , melissa jones / na / enron @ enron ( bcc : ted c bland / hou / ect ) subject : ena analysts and associates i have just received word from ted bland that no one has responded to this memo . please re - read the following memo and respond to ted by july 31 , 2000 . thanks in advance for your prompt attention to this matter . as you know the ena otc is actively working with the analyst and associate program to develop greater talent flow into ena . we are presently working on a number of initiatives to improve how this is working and significantly improve communication flow and responsiveness . however in this regard we also need you to help make sure we have clear lines of communication within ena regarding a & a resource levels , performance , rotations and retention efforts . in this regard we would like for each of you to take the lead for your groups needs and ensure that any requests , questions or concerns about a & a ' s in your area are passed through you to either ted bland ( ena recuitment team lead - x 35275 ) or jana giovannani ( ena liaison from the aa program - x 39233 ) or myself . it is important that we are discerning about what we do with our a & a resources and plan carefully and accurately for our future needs , in this regard we need for you personally ( or a senior member of your team who you may optionally delegate this task to ) will take the time to review any a & a resource requests from your team before passing them onto us . in addition , given the importance of these resources , we will be inviting you to a regular bi - monthly meeting to discuss ena a & a matters . we will confirm the first date in due course . in the meantime if you would like to volunteer another senior member of your team to assume this reponsibility please supply their name as soon as possible . please call with any questions .",0 +"Subject: super saturday - dinner participation not needed please see the attached memo . we will not be needing you to participate in the dinner friday , december 8 th . thanks so much for volunteering ! ! !",0 +"Subject: preface for book vince , ? hope you are well . ? we spoke a while ago about who should write the preface for the book , and you kindly offered that you would provide this . ? is this still possible ? ? we realise that you are extremely busy , so chris and les went ahead and wrote something , which is below , and if you want to review , change or re - write ? the preface , that would be very appreciated . ? let me know what your thoughts are . ? thanks , julie ( we ' re getting close ) ? ? preface ? ? ? one of our main objectives in writing energy derivatives : pricing and risk management has been to bring together as many of the various approaches for the pricing and risk management energy derivatives as possible , to discuss in - depth the models , and to show how they relate to each other . ? in this way we hope to help the reader to analyse the different models , price a wide range of energy derivatives , or to build a risk management system which uses a consistent modelling framework . ? we believe that for practitioners this last point is very important and we continue to stress in our articles and presentations the dangers of having flawed risk management and giving arbitrage opportunities to your competitors by using ad - hoc and inconsistent models for different instruments and markets ( see also others who propose consistent models ? ) . ? however , it is not our wish to concentrate on one particular model or models , at the exclusion of the others because we believe that the choice should rest with the user ( although it will probably be clear from our discussions the model ( s ) we prefer ) . ? we therefore try and give as clear account as possible of the advantage and disadvantages of all the models so that the reader can make an informed choice as to the models which best suit their needs . ? in order to meet our objectives the book is divided into 11 chapters . ? in chapter 1 we give an overview of the fundamental principals needed to model and price energy derivatives which will underpin the remainder of the book . ? in addition to introducing the techniques that underlie the black - scholes modelling framework we outline the numerical techniques of trinomial trees and monte carlo simulation for derivative pricing , which are used throughout the book . ? in chapter 2 we discuss the analysis of spot energy prices . ? as well as analysing empirical price movements we propose a number of processes that can be used to model the prices . ? we look at the well - know process of geometric brownian motion as well as mean reversion , stochastic volatility and jump processes , discussing each and showing how they can be simulated and their parameters estimated . ? chapter 3 , written by vince kaminski , grant masson and ronnie chahal of enron corp . , discusses volatility estimation in energy commodity markets . ? this chapter builds on the previous one . ? it examines in detail the methods , merits and pitfalls of the volatility estimation process assuming different pricing models introduced in chapter 2 . ? examples from crude , gas , and electricity markets are used to illustrate the technical and interpretative aspects of calculating volatility . ? chapter 4 examines forward curves in the energy markets . ? although such curves are well understood and straight - forward in the most financial markets , the difficulty of storage in many energy markets leads to less well defined curves . ? in this chapter we describe forward price bounds for energy prices and the building of forward curves from market instruments . ? we outline the three main approaches which have been applied to building forward curves in energy markets ; the arbitrage approach , the econometric approach , and deriving analytical values by modelling underlying stochastic factors . ? chapter 5 presents an overview of structures found in the energy derivative markets and discusses their uses . ? examples of products analysed in this chapter include a variety of swaps , caps , floors and collars , as well as energy swaptions , compound options , asian options , barrier options , lookback options , and ladder options . ? chapter 6 investigates single and multi - factor models of the energy spot price and the pricing of some standard energy derivatives . ? closed form solutions for forward prices , forward volatilities , and european option prices both on the spot and forwards are derived and presented for all the models in this chapter including a three factor , stochastic convenience yield and interest rate model . ? chapter 7 shows how the prices of path dependent and american style options can be evaluated for the models in chapter 6 . ? simulation schemes are developed for the evaluation of european style options and applied to a variety of path dependent options . ? in order to price options which incorporate early exercise opportunities , a trinomial tree scheme is developed . ? this tree is built to be consistent with the observed forward curve and can be used to price exotic as well as standard european and american style options . ? chapter 8 describes a methodology for valuing energy options based on modelling the whole of the market observed forward curve . ? the approach results in a multi - factor model that is able to realistically capture the evolution of a wide range of energy forward curves . ? the user defined volatility structures can be of an extremely general form . ? closed - form solutions are developed for pricing standard european options , and efficient monte carlo schemes are presented for pricing exotic options . ? the chapter closes with a discussion of the valuation of american style options . ? chapter 9 focuses on the risk management of energy derivative positions . ? in this chapter we discuss the management of price risk for institutions that trade options or other derivatives and who are then faced with the problem of managing the risk through time . ? we begin with delta hedging a portfolio containing derivatives and look at extensions to gamma hedging  ) illustrating the techniques using both spot and forward curve models . ? the general model presented in chapter 8 is ideally suited to multi - factor hedging of a portfolio of energy derivatives and this is also discussed . ? chapter 10 examines the key risk management concept of value at risk ( var ) applied to portfolios containing energy derivative products . ? after discussing the concept of the measure , we look at how the key inputs ( volatilities , covariances , correlations , etc ) can be estimated . ? we then compare the fours major methodologies for computing var ; delta , delta - gamma , historical simulation and monte - carlo simulation , applying each to the same portfolio of energy options . ? in this chapter we also look at testing the var estimates for various underlying energy market variables . ? finally , in chapter 11 we review modelling approaches to credit risk . ? we look in detail at two quite different approaches , creditmetrics ( j . p . morgan ( 1997 ) ) and creditrisk + ( credit suisse financial products ( 1997 ) ) for which detailed information is publicly available . ? together these provide an extensive set of tools with which to measure credit risk . ? we present numerical examples of applying these techniques to energy derivatives . ? before we begin we stress that the models and methods we present in this book are tools which should be used with the benefit of an understanding of how both the  + tool  , and the market works . ? the techniques we describe are certainly not  & magic wands  8 which can be waved at data and risk management problems to provide instant and perfect solutions . ? to quote from the riskmetrics technical document  &  ( no amount of sophisticated analytics will replace experience and professional judgement in managing risk .  8 . ? however , the right tools , correctly used make the job a lot easier !",0 +"Subject: re : sevil yamen anne , thanks . vince from : anne labbe / enron @ enronxgate on 04 / 20 / 2001 01 : 31 pm to : vince j kaminski / hou / ect @ ect cc : subject : sevil yamen good news , i finally received the memo from legal that accompanies project bonuses . i have left sevil a voice mail to contact me at her earliest convenience . sevil should receive this payment on april 30 th .",0 +"Subject: packet analysis software hi stinson , as per our discussion , here is the e - mail from jim on the subject . i convinced jim that this type of modeling effort is our gig and he completely agrees . as per jim ' s suggestion , he and i will talk more on the product while we are in denver . i suspect that we will arrange for the vendor to come to houston and do a presentation on the product and install the product on our machines . as for additional development we should get john bloomer and jim together in a meeting and hash out the requirements from john bloomer ' s perspective . using vince ' s analogy , this tool allows us to deternime the size of the cargo space needed for fedex - like delivery ( our streaming media products ) . whereas , the optical light path switching ( ds - 3 , oc - 3 , oc - 12 and oc - 48 ) based trading will reserve the underlying airline routes , etc . so the packet based stuff is looking at the required capacity from ip layer ( network and transport : level 3 and 4 ) requirements . the optical light path is level 1 & 2 based requirements . that is this tool will allow john bloomer to size ( actually we will do the analysis for him ) the capacity requirement that he would need for the products that he is developing . that is my take on the difference , we ' ll find out otherwise . once i finish off this discussion with jim in denver , i suggest putting martin lin on the job to find out more about the product and do the leg work to arrange for vendor demo and software installation . martin will keep samer and chonawee updated on the information that he gathers . martin please start checking on the web about this company and other similiar produts . i will get you contact number for ebs and the vendor as soon as jim provides them to me . avici uses this product . avici is a next generation router vendor that is selling terabit routers . ebs is an investor in that company . ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 03 / 08 / 00 03 : 47 pm - - - - - jim irvine 03 / 08 / 00 12 : 33 pm to : ravi thuraisingham / enron communications @ enron communications cc : subject : ravi attached is an overview of what opnet technologies itdg and modeler ( v ) 7 . 0 offers out of the box . as previously mentioned , we have purchased this s / w and are discussing potential co - development of module ( s ) currently not supported . my belief is we can spin up a couple of your studs and develop our own stuff faster @ a fraction of the cost . avici , used opnet to develop a circuit emulation model for their tsr and cisco used opnet for mpls and dpt modeling . these guys are willing brides at this point . we just need to clearly identify their role in the network performance management and modeling space . we will have to talk more in denver . my flight arrives @ 10 : 00 ish and i am told that rental cars are scarce . jim - - - - - forwarded by jim irvine / enron communications on 03 / 08 / 00 10 : 18 am - - - - - mvaghedi @ mil 3 . com 01 / 12 / 00 02 : 10 pm to : jim irvine / enron communications @ enron communications cc : subject : - version 7 . 0 capability list - final - vl . 3 . 00 . doc mani vaghedi mil 3 , inc . itdg sales engineer tel . ( 408 ) 562 - 5757 ext . 3200 fax : ( 408 ) 562 - 5758 mvaghedi @ mil 3 . com http : / / www . mil 3 . com * * * * * * * * * * * * * * * * * * * * * * please attend the industry ' s most informative decision support seminar register today for free seminar at www . mil 3 . com / seminars . html * * * * * * * * * * * * * * * * * * * * * * - att 2 . htm",0 +"Subject: pserc denver meeting vince , the pserc meeting lance and i went to was both interesting and boring . pserc has 11 school members and 30 industry members . its research program consists of three stems : markets , transmission and distribution , and systems . ( enron ' s interests probably lie mainly in the first stem . ) in morning of the first day , researchers from universities presented their project proposals . i found some of them quite interesting . for example , shmuel oren , fernando alvarado , tim mount ( of cornell ) propose to study "" market redesign : incorporating the lessons learned from actual experiences for enhancing market design , "" shijie deng , s . oren et al propose to study "" power asset valuation model in a market - based and reliability - constrained electric power system . "" the first got funded but the second did not . in the same afternoon industry and academic separated to have their own discussion . i went to the academic discussion and lance the industry one . i hope my presence there did not make things worse , for the discussion revealed a lot of organizational chaos and confusion . the proposal screen process got a lot of heat from participants . the proposal process goes as follows : researchers first write a short proposal to appropriate stem committee ( no industry participantion , it seems to me ) , each committee then ranks the proposal and selects the top 3 or 4 . the selected proposals are then expanded to be present to the industry . industry then gets to vote which proposals get funded . however , some researchers were very unhappy about the initial ranking and selection process . there were accusation of self - ranking , communication between stem committee and member schools breaking down , and so on . some were even asking for some sort of assurance that the project will be funded even before wrting it ( the arguement was "" then it was a waste of our time to write proposals "" , which i found quite amusing ) . all in all , i found the process was not taken seriously enough by university researchers . pserc has been established for 5 years now and it still does not have a proper proposal screen process , which is hard to believe . also , the communication among university researchers , between stem committee and member schools , and most importantly , between researchers and industry , are not smooth as all . since the proposals are voted by 30 or so industry members , the "" right "" projects may not get funded . too many participants also make the decision process very indecisive and quite painful to watch ( lance can comment on this better ) . they also wanted to spread the fund among all schools which made the voting a less authoritive . i believe enron will not get much returns from join pserc ( price tag is $ 40 , 000 per company per year ) . if we find some projects interesting , we can sponsor the schools in the form of summer interns , the schools claim that most of the fund goes to support students anyway . alex",0 +"Subject: great divide lodge vince and shirley : i have spoken with steve collins the national sales manager at great divide lodge . he has agreed to honor our $ 6000 . 00 credit as long as we fulfill the following two requirements : confirm reservations prior to july 31 hold event prior to thanksgiving the appropriate contact number is 970 . 453 . 3152 steven collins thanks for working with us on that . paula",0 +"Subject: re : interview with research dept . candidate rabi s . de , friday , august 11 , 2000 i apologize for not putting the date of this interview . for everyone but tanya and paulo , the interview time is already entered on your calendars for august 11 , 2000 . again , sorry for the oversite . - - - - - - - - - - - - - - - - - - - - - - forwarded by anita dupont / na / enron on 08 / 01 / 2000 09 : 16 am - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner @ ect 08 / 01 / 2000 09 : 12 am to : anita dupont / na / enron @ enron cc : subject : re : interview with research dept . candidate rabi s . de on which day are the interviews ? anita dupont @ enron 07 / 31 / 2000 03 : 49 pm to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , grant masson / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , zimin lu / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , paulo issler / hou / ect @ ect cc : subject : interview with research dept . candidate rabi s . de the following interview schedule has been set up for rabi s . de by sean grady , hr staffing : 9 : 00 - 9 : 30 am vince kaminiski 9 : 30 - 10 : 00 am stinson gibner 10 : 00 - 10 : 30 am grant masson 10 : 30 - 11 : 00 am krishna krishnarao 11 : 00 - 11 : 30 am tanya tamarchenko 11 : 30 - 1 : 00 pm lunch with tanya tamarchenko and zimin lu 1 : 00 - 1 : 30 pm zimin lu 1 : 30 - 2 : 00 pm vasant shanbhogue 2 : 00 - 2 : 30 pm paulo issler please call me if you have any questions or if a conflict develops and you need to change your interview time . thanks . anita",0 +"Subject: charles shen vince : update on charles shen : he called me this morning to verify that we had received his faxed paystub . i told him that we had , and that i had relayed the information to you , but hadn ' t heard back from you yet . he is definitely interested in working for enron , and ended up saying that he didn ' t mean to be demanding and really only wanted a package a little better than the one he has at williams . i told him that i would follow up with you to see where you wanted to go from here , and that i would get back to him as soon as i received some instructions from you . please let me know if you would like me to do anything else or find out any more information from him . molly",0 +"Subject: siam conference dear mr . kaminski , i was one of the participants of the siam conference which was held last week - end , and i have very much enjoyed your presentation . at the end of the session , i was hoping to talk to you , but unfortunately you were already gone . you said that if we were interested , you could e - mail a copy of your talk . i would appreciate if you could send a copy to this e - mail address . i am a mathematics ph . d . student at texas a & m university and i will be graduating this august . i am very much interested in working in the modeling of energy markets . can you please tell me whom i should send my resume , and who i should contact in your company about a possible position in your research group . thank you for your time . sincerely g . aysu bilgin texas a & m university department of mathematics get your free download of msn explorer at http : / / explorer . msn . com",0 +"Subject: re : meeting on feb 8 , 2001 fyi . this is the list of the petronas executives visiting enron on feb 8 . i have invited them to lunch . would you like to join me for lunch . i would like to propose a short courtesy meeting at 10 with jeff / john ( 5 - 10 minutes ) , followed by rac / research presentation till 11 : 30 . vince p . s . i shall reserve a conference room for this meeting - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 08 / 2001 10 : 02 am - - - - - - - - - - - - - - - - - - - - - - - - - - - azminab @ petronas . com . my on 01 / 07 / 2001 06 : 37 : 33 pm to : vince . j . kaminski @ enron . com , shirley . crenshaw @ enron . com , khairuddinbmjaafar @ petronas . com . my cc : subject : re : meeting on feb 8 , 2001 dear kaminski 4 members from corporate risk management unit 1 . iqbal abdullah - general manager 2 . nur azmin abu bakar - head , risk assessment & controls 3 . zulkifli a rahim - head , risk measurement & systems 4 . adnan adams - head , special projects regards vince . j . kaminski @ enron . com on 03 / 01 / 2001 09 : 45 : 02 pm to : azminab @ petronas . com . my cc : vince . j . kaminski @ enron . com , shirley . crenshaw @ enron . com subject : re : meeting on feb 8 , 2001 dear mr . nur azmin abu bakar , thanks for your prompt reply . please , let us know how many members of your team will visit enron . i look forward to our meeting on february 8 . vince kaminski azminab @ petronas . com . my on 01 / 02 / 2001 06 : 38 : 33 pm to : vince . j . kaminski @ enron . com , khairuddinbmjaafar @ petronas . com . my , shirley . crenshaw @ enron . com cc : subject : re : meeting on feb 8 , 2001 dear kaminski , happy new year and thank you for the reply . we are honored to have lunch with you and your team however we have another appointment at 2 . 30 p . m . regards vince . j . kaminski @ enron . com on 03 / 01 / 2001 07 : 38 : 19 am to : azminab @ petronas . com . my cc : vince . j . kaminski @ enron . com , shirley . crenshaw @ enron . com subject : meeting on feb 8 , 2001 dear sir , i would like to apologize for the delay in responding to your fax . i was on vacation for the last few days . i shall be honored to meet your delegation on thursday , february 8 at 10 : 00 a . m . please , let me know if you will be free for lunch after the meeting . vince kaminski",0 +"Subject: re : vince / stinson , the note below gives us the authorization to proceed . i have received no comments from wade on my signing , but i have his approval for the study , so i will proceed on that basis . since we do not have any format of confidentiality agreement from jim , let us use the one signed by the legal team for the japan study by henwood . in this reference , could you ( stinson ) get this from either heather mitchell , or john viverito ( who is the lawyer involved with japan , reporting to alan aronowitz ) . we could use that as template and proceed before friday on that basis . regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 01 / 03 / 2001 10 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - james a hughes 01 / 03 / 2001 11 : 08 pm to : sandeep kohli / enron _ development @ enron _ development cc : wade cline / enron _ development @ enron _ development subject : re : i have already given authorization to proceed . however , i did not know we were providing the data . that is the thing i am looking for most - the raw information on what the grid and stack looks like . we need this asap . how do we get this done quickly ? jim sandeep kohli 01 / 02 / 2001 10 : 55 pm to : wade cline / enron _ development @ enron _ development , james a cc : subject : wade / jim , my apologies for missing the conference calls yesterday and today . i was not able to download my messages in time for the calls , but i will be on going forward . while i am still on vacation , i have been in conversation with vince and the research group following up on the henwood study we had spoken about . we have received a formal proposal from henwood , and they are wanting authorization to go forward . the study will get us the despatch forecasts for the next 8 - 10 years , and will deliver the results by january end , per henwood . vince and i have reviewed the proposal , and feel that we should proceed . we will be fine tuning the assignment as we go forward . the big issue there is the data for the model / s , and at this point henwood is relying more on us to provide the data . we spoke to henwood yesterday , and i will be on another call with them on friday . i need your confirmation on the following : that i have your approval to proceed ahead with the study that the study shall be paid for by dpc , and if so , is it ok for me to sign the authorization being sent by henwood we will need a formal confidentiality agreement to be in place by tomorrow ( jim - if you have a particular format , please let me know ) i am leaving the issue of hourly rates and cost to the research group since they have more experience in dealing with groups like henwood . they feel the costs are reasonable , and i will leave it at that . we will need to collect data from the different sources we have in india , and i have proposed that there be a formal session in india between henwood and the ene team in india in the week between 10 th and 15 th . this is important to insure that there are no disconnects , and that there are no illusions on the quality of the data that will be available . it will also help us formalize the scope and better define the issues . in order to meet the deadlines , the data will have to be in place by january 15 th . i will call jim later today ( i had called but you were on a call ) . i am here till the weekend when i leave for india . please let me know if this arrangement is ok . regards , sandeep .",0 +"Subject: rtp project thanks vince . i think the right person is anoush farhangi . jh john henderson - - - - - forwarded by john henderson / hou / newpower on 03 / 19 / 2001 10 : 32 am - - - - - vince j kaminski @ ect 03 / 19 / 2001 08 : 12 am to : john henderson / hou / ees @ ees , pinnamaneni krishnarao / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : rtp project john and krishna , i am sending you an outline of a conference at stanford on topics related to demand - side pricing and management in the power markets . please , let me know if you are personally interested and who else in your respective organizations would like to attend . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 19 / 2001 08 : 10 am - - - - - - - - - - - - - - - - - - - - - - - - - - - hill huntington on 03 / 15 / 2001 05 : 26 : 55 pm to : vkamins @ enron . com cc : subject : rtp project vince , targetted conference date is th - f june 21 - 22 at stanford . enclosed in the recent revision to what i sent before . great to meet you , hill - retail notes . rtf hillard g . huntington emf - an international forum on energy and environmental markets voice : ( 650 ) 723 - 1050 408 terman center fax : ( 650 ) 725 - 5362 stanford university email : hillh @ stanford . edu stanford , ca 94305 - 4026 emf website : http : / / www . stanford . edu / group / emf /",0 +"Subject: re : a very good candidate ok , will get that started . we ' ll let you know when rodney can be available for a trip to houston and will follow up with you to obtain the complete interviewer list . - elizabeth vince j kaminski 03 / 01 / 2000 09 : 31 am to : elizabeth grant / hou / ect @ ect cc : stinson gibner / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : a very good candidate elizabeth , we got a very good candidate we would like to bring over for an interview . he came through an agency on london ( the address is on the resumes ) . the contact at the agency is anthony regamey . please , contact them to arrange an interview in houston . please , include me , stinson gibner , vasant shanbhogue , tom gros ( ebs ) , jean mrha , brad blesie . we shall think about some other names later . vince",0 +"Subject: houston trip hi jaideep ! my first suggestion is that you come to houston as scheduled ( and arranged with wharton nearly 3 weeks ago ) . alternatively , rely on your tiger teammates to gather information necessary to respond to the project . should circumstances lead you to decide not to come for this trip , please return the ticket issued to you . should it make sense for you to visit enron some time in the future , we can discuss arrangements at that time . hope to see you soon ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 01 / 18 / 2001 01 : 22 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" jaideep singh "" on 01 / 17 / 2001 08 : 58 : 51 pm to : cc : subject : houston trip hello christie , thank you for organizing the wharton trip to enron . unfortunately , the flight setup for tomorrow is way too early for me as i ' ll have to miss over 4 hours of classes , which i cannot afford to do . i tried changing the time with continental and there latest flight leaves at 6 pm - which does not work for me ( smack in the middle of my 3 hour class ) thus the dilemma that i find myself in is the following : a . try a different flight as i can make any flight after 7 : 30 pm ( however , i have no control over reservations / budget etc ) b . as it is possible to delay travel upto 1 year , use this ticket to come some other time sorry for this but i just saw the bookings today . any suggestions ? thanks , jaideep",0 +"Subject: marketpoint license agreement john / vince : i really enjoyed the meeting the other day with you and a broad cross section of your people . thank you very much for setting it up , and thank you for giving me the opportunity to speak with your people . as i mentioned to john , i am sending you the license paperwork for marketpoint . i have attached our standard license agreement for your consideration . as i mentioned , the license agreement covers the entire bundled product , which includes ? north american gas , short and long term ? north american electricity , short and long term ? world gas ? western european gas ? world oil we are just finishing porting the world oil , world gas , and western european gas models over from our old ( now obsolete ) software system into marketpoint , so they will not be fully tested and complete for a couple of months . however , the gas and electricity models for north america are presently complete and tested . that should allow us to give you an attractive price before the full worldwide toolkit is available throughout your worldwide business . as i understood it , you will want the gas modeling capability first and will want to defer decisions on electric or other capability . as i mentioned at the meeting , we are prepared to offer that for approximately the fully bundled price . as you read the license agreement , you will see that the software licenses for $ 100 , 000 annually , the gas data for $ 5 , 000 , and the electric data for $ 10 , 000 . marketpoint will agree to license you the gas model plus the data for the software license plus the data license for a total of $ 55 , 000 annually . this is just under the fully bundled price . i think that is consistent with the discussions at our meeting , and from marketpoint  , s perspective would provide a great basis to move forward together with enron . if or when enron ever desires to  & scale up  8 to another model or model ( s ) from the marketpoint portfolio , we will simply scale you up to the entire license agreement . this will allow you to decouple the gas decision from any other decisions you might make . ( i will be glad to put this additional pricing provision into the agreement if you decide to move forward . ) i felt i was able to communicate the philosophy , scope , and operation of our approach during the meeting and to deliver you much of the information you might need to evaluate whether marketpoint meets your needs . i thought you were able to see the depth and sophistication of the product yet at the same time its simplicity and effectiveness . i thought you were able to see the benefits of the marketpoint dimension of economic equilibrium as a complement and supplement to other approaches you will assuredly use . i would be interested in your impressions and those of your colleagues . i look forward to your response and to moving ahead together . we view you as a very important prospective customer and client and will work with you to earn and secure your business . if you decide to license marketpoint , we can arrange to transfer and mount marketpoint and the short term narg model ( which is the model we suggest you begin with ) and travel to houston to deliver our 1 day training seminar . our clients are usually very fluent after that 1 day training seminar . thereafter , we would want you to work with the short term narg model for a few weeks while you get up to speed , very fluent , and very comfortable before you take delivery of the longer term version of narg several weeks later . thanks again , and all the best . if there is some item from the meeting that i might have forgotten to send , please remind me . my notes don ' t show anything , but i was speaking a lot rather than writing notes during the meeting and might have overlooked something someone wanted . dale nesbitt president marketpoint inc . 27121 adonna ct . los altos hills , ca 94022 ( 650 ) 218 - 3069 dale . nesbitt @ marketpointinc . com - license . doc",0 +"Subject: mgmt 656 here is your latest roster . we are up - to - date on all changes but , of course , the students may still drop / add up to the second week of module 5 . when the time comes , please check your roster carefully and make sure that the people on the list really are attending your course . mistakes happen so i just would like to make sure we have a correct record . as always , let me know if you would like the excel folder with e - mail addresses . i don ' t send them at the same time to avoid overwhelming our e - mail system . thanks for your help ! - pam ( 713 - 348 - 6223 ) - 656 . doc",0 +"Subject: mit financial engineering pro - seminar vince , i have received a call from mit asking if enron would be interested in sponsoring a financial engineering pro - seminar . this means that enron would propose a problem that would have its solution developed by students in the financial engineering track . these students would present the findings in the end . i think that enron has already sponsored a financial engineering pro - seminar . i remember something about real options at the time i was at school . please , let me know if enron has the interest , specifically the research . talking here at the weather desk , mark tawney expressed interest . if you agree , we ( the weather desk ) could co - sponsor this pro - seminar with the research . the idea , then , would be to propose a problem connected to weather trading . please , give me your thoughts about this issue . thanks , claudio",0 +"Subject: co - integration zimin , andrea reed asked for our help in looking for end - users of steel which might be used to take a commodity hedge position . she will work on identifying potential equities or indices which might be used , and then we will analyze them for correlation or co - integration with steel prices . andrea should be contacting you next week regarding the project . hector has done co - integration analysis in the past and has the tools to do this project . thanks , stinson anrdrea : we will also need you to identify which steel prices / indices should be used in this analysis .",0 +"Subject: gas transportation meeting - 8 / 16 / 00 hello everyone : a meeting has been scheduled between the addressees for wednesday , august 16 th at 4 : 00 pm in ebl 938 . if you have any questions , please let me know . regards , shirley",0 +"Subject: presentation at ut vince , i appreciate your response to my request for you to speak to my class on real options . i thought you might enjoy the following exchange of emails that occurred yesterday . perhaps some of these issues could be addressed in your talk . jim - - - - - original message - - - - - from : sheridan titman sent : friday , march 31 , 2000 9 : 11 am to : jim dyer subject : re : real options course feedback jim : your student has raised some difficult questions . i would recommend ehud , but i thought that the finance people have the answers in cases with complete markets and that we rely on the decision science people for cases with incomplete markets . if it would help , i can come in at 6 pm after my class in a couple of weeks . sheridan sheridan titman department of finance college of business administration university of texas austin , texas 78712 - 1179 512 - 232 - 2787 ( phone ) 512 - 471 - 5073 ( fax ) titman @ mail . utexas . edu - - - - - original message - - - - - from : jim dyer sent : thursday , march 30 , 2000 4 : 37 pm to : sheridan titman subject : re : real options course feedback sheridan , which of your classes do you want to miss ? just kidding . actually you probably told me that before . can you suggest someone else who would be a good choice to discuss the use of option theory in the context of incomplete markets , and to address some of the types of questions raised in the note from the student ? jim - - - - - original message - - - - - from : sheridan titman sent : thursday , march 30 , 2000 5 : 58 pm to : jim dyer subject : re : real options course feedback jim : i teach at the same time as you do . sheridan sheridan titman department of finance college of business administration university of texas austin , texas 78712 - 1179 512 - 232 - 2787 ( phone ) 512 - 471 - 5073 ( fax ) titman @ mail . utexas . edu - - - - - original message - - - - - from : jim dyer sent : thursday , march 30 , 2000 11 : 32 am to : sheridan titman subject : fw : real options course feedback sheridan , see the comments below . i don ' t mean to put you on the spot , and have not announced anything in class , but i am hoping that you could visit my class for about an hour one thursday afternoon to discuss your views regarding applications of option pricing concepts to "" real options "" . as a reminder , i ' ve attached a course outline . chris kenyon from schlumberger is speaking on april 13 , and vince kaminski has tentatively agreed to speak on april 20 . i am going to be out of town on april 27 , so that leaves either next thursday ( april 6 ) or may 4 . would either of those times work for you ? i ' m not thinking of any preparation , but more of an informal discussion of the "" philosophical issues "" related to real options work . jim - - - - - original message - - - - - from : jim dyer sent : thursday , march 30 , 2000 1 : 24 pm to : ' jclevenger @ optionii . bus . utexas . edu ' subject : re : real options course feedback josh , some very thoughtful observations . as you know , i had invited one finance professor to our class on arundel , but he was out of town . i do plan to invite sheridan titman to discuss the issue of using the option models in situations where there is no underlying security that is traded . i do think it is important to face that issue , which is actually covered at a theoretical level in our last couple of readings . the issue of volatility is also an excellent issue for further discussion , as you suggest . so far , we ' ve been looking at cases where volatility is "" given "" . the problem of finding an "" objective "" measure of volatility for a project reminds me of the problem of finding the correct risk adjusted discount rate , which is not surprising since the concepts are almost two sides of the same plate . one approach , of course , is to do some modeling using traditional decision analysis tools , including subjective probabilities , but the finance people who write options articles don ' t like to think about such ideas . i ' ll try to address these issues in more detail as the semester continues . i think it was important to surface some of these points early , and to come back to them after we have seen how to apply the methods in a naive sort of way . thanks for the feedback and comments . jim - - - - - original message - - - - - from : jclevenger @ optionii . bus . utexas . edu sent : thursday , march 30 , 2000 8 : 42 am to : jim . dyer @ bus . utexas . edu cc : josh - clevenger @ reliantenergy . com subject : real options course feedback after overcoming the initial ( i hope ) overload of materials and tools presented thus far in the semester , it appears to me that you are achieving the objective of making us comfortable with optionality valuation as applied to a variety of problems which are outside the borders defined by a liquid market of traded financial elements . as a constructive feedback , you have been forthright with us in marking off areas of this subject which are still controversial . i also realize that rightly so , real - world application of this type of analysis without a robust understanding of finance may degenerate into a succession of assumptions that result in a "" house of cards "" effect . my opinion at this point is that two issues are of potentially "" make - or - brake "" importance if i am to persuade my superiors to accept these methods for valuations outside the realm of projects whose value is primarily driven by the value of commodities backed by financial instruments . these issues are easy to guess : 1 ) discounting and risk free rates : i do not sense that anyone in the class has put forth convincing arguments as to the proper application of time value questions in the absence of liquidity . is there someone within the finance department that can present a firmer position on this question ? 2 ) volatility : i found winston ' s examples on this metric succinct . i would recommend that in future years you dedicate some hours of class time to this subject . my criticism again relates to messy problems . i anticipate arguments against real option applications based on the dispute of volatility measures . if i were a conservative financial manager , i would argue that : * * * two - a : implied volatility derived from an industry specific slice of equity options is a shotgun approach - - the projects being valued are of a tranche which may in fact have a significantly different outcome variance than the weighted average measured by the equities utilized . oil , gas and electricty are good examples the major players are competing on many different levels of the value chain . smaller companies do exist which are dedicated to one strata , but what about projects that want to exploit opportunies across strata in a vertically integrated company ? * * * two - b : based on the following skepticism - if a real option value is being proposed for a new business venture ( some new unexploited opportunity , ) there is some paradox embedded in the increased value based on high volatility in new ventures and the high risk of failure . this skepticism is likely to be less acute in high - tech sectors where the huge upside of new ventures is paraded before us daily by nasdq touts . it is a much harder sell to "" mature "" industries . of particular interest in the power industry are investments centered around opportunities arising from restructuring of electricity and natural gas sectors as regulation is removed . a large proportion of the risk is embedded in ongoing changes of public policy on an international basis . as an intentionally screwed - up example , can anyone other than a financial genius correctly asses volatility for u . s . companies investing in seed projects in mexico based on speculation of the inevitable dismantling of the national utility ( cfe ) and pemex ? james s . dyer fondren centennial chair in business department of management science and information systems cba 5 . 202 the university of texas at austin austin , texas 78712 - 1175 email : j . dyer @ bus . utexas . edu telephone : 512 - 471 - 5278 fax : 512 - 471 - 0587",0 +"Subject: re : sfa individual registrations hi julie , it is so nice to hear from you . i have had several conversations with the houston compliance people regarding how to keep my sfa licenses current . as per your request , i will respond to your questions in your email : - - - - - original message - - - - - from : russell , julie sent : friday , april 06 , 2001 10 : 19 am to : mack , iris subject : sfa individual registrations iris your mails regarding sfa registration finally made their way to me , as i look after all enron ' s individual registrations with the sfa . at present , we are able to register overseas based individuals , although this may change towards the end of the year when the fsa takes over from the sfa as lead regulator in the uk . i am sort of overseas . however i will be spending some time in the london office ( which is another reason why i don ' t want to lose my sfa designations ) . as a matter of fact , i will be coming to london office in a week or two - and staying there for a while . there is still a lot of uncertainty surrounding how the fsa will implement individual registrations , but it has stated that anyone registered with the sfa at the point at which the fsa takes over , will be automatically ' grandfathered ' across to the new regulator . time will tell , what will happen thereafter . what we need to do as far as your registration is concerned , is to submit a transfer form to the sfa to move your registration to enron . i shall put a form in the mail to you ( please let me know where to send it ) for signature and update of personal details . my enron office address in houston is as follows : iris mack research department 1400 smith street , 1972 d houston , texas 77002 usa as we have to submit the form to the sfa with original signatures , please return it to me at enron house and i can get it authorised by our sfa compliance officer , jonathan marsh . i will then inform you when i receive confirmation of your acc could you respond to the following by return e - mail ; name of the sfa regulated firm where you were last registered ; banque nationale de paris paribas at 10 harewood avenue in london date ( approximation ) when you left the above ; august 2000 type of registration you held - please note we can only register you in the following registers ; general representative , futures and options representative , securities representative or corporate finance representative i passed three exams : derivatives , securities and regulations the final question is whether you are going to be based in houston permanently or whether you know at this stage if / when you will be returning to the uk . right now i will be spending time in both houston and london . see above explanation . hopefully i have answered all your questions . please let me know if you require additional information . kind regards , iris look forward to hearing from you best regards julie julie russell compliance and regulatory",0 +"Subject: var for metals it is my preference to have an aggregated var methodology for the metals business as soon as possible ( version la ) . i do not want to poison progress with my opiniion , but i think that the critical first step is to find a way to aggregate positions in coarse buckets , perhaps sacrificing precision for speed , based on "" rules "" that oerations can deliver , research can stand behind and commercial will accept . , and using an equally coarse var calculation ( the equivalent of ad - hoc var ? ) that can be delivered to the "" official books and records "" on a daily basis . this i believe would be acceptable for a 2 - 3 month time frame ( at which time we get versionlb ) as opposed to waiting 2 - 3 months to implement a better process and have nothing in the interim . ultimately , i would look for version 2 a to be delivered and very defendable by 1 / 1 / 01 . this will require indulgence and compromise on all fronts but i cannot conceive of a better way . please let me know if this is consistent with your understanding . a critical point from my perspective is that the mg commercial team and metal operations staff understand their role in making this happen and willingness to accept the consequences . i look for you to take the lead as leader of the integration to do so . if you need any input from the rest of us to underscore the importance please let us know . as i alluded to on the phone , the people in houston that have been involved in the var process have been through an extraordinary period of detailed scrutiny of var by commercial and have been hindered by the lack of basic understanding by all parties as their responsibilities . given the distance and the newness of the metals personell , i fear that this could set us all up for some surprises and some very uncomfortable communication , much of which is not entirely necessary . thanks ted eric gadd 07 / 21 / 2000 11 : 46 am to : ted murphy / hou / ect @ ect , bjorn hagelmann / hou / ect @ ect cc : richard sage / lon / ect @ ect subject : attached fax ted and bjorn - we plan to release draft recommendations on metal position limits by close of business on 24 july and have asked vince to prepare a v @ r computational methodology prior to the 7 / 8 aug bod meeting .",0 +"Subject: re : question will do . john at 11 : 15 am 2 / 15 / 01 - 0600 , you wrote : > > john , > > i think it ' s a good idea . please , go ahead and call > him directly . > > vince > > > > > "" john d . martin "" on 02 / 13 / 2001 06 : 12 : 48 pm > > to : vkamins @ enron . com > cc : > subject : question > > > vince , > > what do you think about asking andy fastow to come to the texas finance > festival this april as our luncheon speaker ? if you agree i ' ll go ahead > and call him . if you have an opportunity to speak with him about the > conference that would be great . the date is april 21 st ( that ' s a > saturday ) . > > hope you are enjoying ny . shirley tells me that you ' re running up your > frequent flyer miles again . > > your friend , > > john > > > date : tue , 13 feb 2001 17 : 29 : 42 - 0600 > > from : sheridan titman > > subject : re : oops > > x - sender : titman @ mail . utexas . edu > > to : "" john d . martin "" > > x - mailer : windows eudora light version 3 . 0 . 1 ( 32 ) > > > > john : > > > > i like your enron article . i will assign it to my students . do you think > > we can get the cfo for the tff ? i saw that he is making a presentation to > > a conference of cfos in dallas about capital structure . > > > > sheridan > > > > at 09 : 15 am 2 / 7 / 01 - 0600 , you wrote : > > > > > > > > > > > > john d . martin > > > carr p . collins chair in finance > > > finance department > > > baylor university > > > po box 98004 > > > waco , tx 76798 > > > 254 - 710 - 4473 ( office ) > > > 254 - 710 - 1092 ( fax ) > > > j _ martin @ baylor . edu > > > web : http : / / hsb . baylor . edu / html / martinj / home . html > > sheridan titman > > department of finance > > college of business administration > > university of texas > > austin , texas 78712 - 1179 > > > > 512 - 232 - 2787 ( phone ) > > 512 - 471 - 5073 ( fax ) > > > > titman @ mail . utexas . edu > > > john d . martin > carr p . collins chair in finance > finance department > baylor university > po box 98004 > waco , tx 76798 > 254 - 710 - 4473 ( office ) > 254 - 710 - 1092 ( fax ) > j _ martin @ baylor . edu > web : http : / / hsb . baylor . edu / html / martinj / home . html > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: non - firm power curve building hi vince , amitava and i have received a request to build a non - firm power curve for each region from david hoog ' s double trigger folks . the objective , as they explain it , is to allow the desk to buy non - firm from the market , buy david ' s outage product , and sell firm to the market . accountants would like a curve to mark the non - firm position . my initial thought is that the desk should provide this non - firm curve , but it seems that this market is very illiquid and they are reluctant so they have put the ball in david hoog ' s court to build the curve if david wants to sell his product internally to the desk . assuming we build the curve , the next issue is how to define "" non - firm "" ? the only way i can think of is to tie the non - firmness to a specific generation unit or group of units . this will allow the purchase of david ' s outage product to cover the non - firmness risk . tying the definition of non - firmness to a whole region seems implausible - - - what does it mean to give a marketer the option to not deliver power if there is any problem anywhere in the region ? consequently , the non - firm curve takes on a unit - level interpretation , and not a region - level interpretation . consequently , i do not see how we can talk about the "" non - firm curve for the region "" ? we will need to build a non - firm curve for each generation unit or group of units . maybe i could get your thoughts later today . thanks , vasant",0 +"Subject: dot . odpowiedzi na list mam nadzieje , ze moja odowiedz na list sz . pana z dn . 19 . 01 . 01 doszla do pana . byl on wysylany z niepewnego komputera . jezeli nie doszedl , to prosze dac znac ( elektronicznie oczywiscie ) . serdecznie pozdrawiam grazyna piesniewska",0 +"Subject: credit model status update bill , i am forwarding a memo from vincent tang about the new credit model . english may be imperfect but the message is clear . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 10 / 2000 02 : 31 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vincent tang 02 / 08 / 2000 02 : 43 pm to : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect cc : subject : credit model status update",0 +"Subject: high frequency market data analysis stinson , we are going to update you and vince the progress of the eol george project . friday , 9 : 30 am - 10 : 00 am in eb 1938 . bob , we may get some other ideas from the following book , take a look to see if it is worth to buy one . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - risk executive reports ? ? ? high - frequency financial market data sources , applications and market microstructure by dr owain ap gwilym and professor charles sutcliffe , school of management , university of southampton , uk a high - quality , non - technical resource on an increasingly invaluable topic for all users of high - frequency data . 10 sections cover the many aspects of high - frequency data by covering a broad set of information ranging from data suppliers to detailed research angles topics covered include : managing hfd ; arbitrage opportunities ; intra - day seasonalities ; regulation ; market efficiency and market making . format price report ol 75 / us $ 280 a 4 , 162 pp published : august 1999 review | table of contents | order now in o | order now in $ for other titles of interest please click here : risk executive reports send this page to a colleague high - frequency financial market data contents 1 . introduction and overview overview and background the motivation and demand for high - frequency data the uses of high - frequency data structure of this report 2 . sources and types of high - frequency data types of data data supplied by exchanges panel 2 . 1 ( by paul macgregor , liffe ) - the sourcing and preparation of liffe tick data specialist data providers real - time data providers summary 3 . managing and exploiting high - frequency data panel 3 . 1 - illustrative high - frequency data data storage , filtering and cleaning the treatment of time panel 3 . 2 - olsen filtering system constructing continuous series key considerations in manipulating high - frequency data modelling issues summary of chapter 4 . arbitrage opportunities in equity markets what is arbitrage ? empirical studies of arbitrage opportunities arbitrage in equity markets individual arbitrage trades 5 . intra - day seasonalities intra - day patterns in returns intra - day patterns in volume intra - day patterns in volatility intra - day patterns in the bid - ask spread intra - day patterns in the autocorrelation of returns intra - day patterns in hedge ratios other intra - day patterns effects of news announcements on intra - day patterns the turn - of - the - year effect and high - frequency data conclusions 6 . links between markets leads and lags in prices between different types of market based on the same asset the 1987 stock market crash leads and lags in price volatility links between geographically separated markets rival markets 7 . destabilisation of markets relative volatility programme trading and volatility price movements at expiration conclusions 8 . regulations governing the markets regulation of dual capacity circuit breakers restrictions on short selling taxes on transactions tick size and price clustering delayed publication of trades conclusions 9 . market efficiency weak - form efficiency semi - strong - form efficiency conclusions 10 . market makingrevision of prices other aspects of financial markets determinants of the bid - ask spread block trades conclusions 11 . conclusion and future developments references ? ? ?",0 +"Subject: contact info i will be out next week . if there are any problems with or questions concerning the grains report , please let me know . i can be reached on my cell phone at 713 - 303 - 5973 and will periodically check voice mail . have a good holiday ! nelson",0 +"Subject: hello vince vince , two things . do you have any comments on the interview document ? second , i want to submit a proposal to the european financial management association meetings for next may based on our paper . the meeting is in may and is held in paris . hope you can come ( assuming the program committee likes our proposal - - i won the best paper award at last year ' s meeting so maybe we can do it again ) . looking forward to hearing form you so i can get bob ' s response to the questions . john john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: sabbatical dr . kaminski : ? i had intended to contact you regarding a position at enron this summer , but the department really needed me to teach a section of undergraduate corporate finance this summer . ? if all goes well , and ? there is a place for me at enron , i would be able to start after the summer session ends in late ? july . ? ? i ? discussed the possibility of a sabbatical at enron with drs . tom arnold and alex butler , both of whom send their regards , and they both felt the experience would be invaluable given my research and career objectives . ? dr . arnold and i agreed that a sabbatical of 1 - 2 years would be optimal . ? i feel that it would be difficult to get a good idea of where the company is headed , and to show how i can be a valuable team member in helping it get there ? in much less than a year . ? he was afraid that the university would begin to grumble if i was gone for much more than 2 years . ? any suggestions ? ? thank you again for your help , and i look forward to hearing from you . ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? cordially , ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? shane green",0 +"Subject: re : li sun jeff , i met with li sun last night and i shall take her for the first rotation . she comes across as a very smart and highly motivated person . i am planning to go with mark palmer to wharton in october to finalize the deal . vince from : jeffrey a shankman 08 / 23 / 2000 06 : 31 am to : jana giovannini / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : li sun i ' ve asked vince to get involved with you about getting li into vince ' s group . this issue needs to be resolved by week ' s end - - we look like we don ' t have our act together , and that bothers me . especially since we are about to make a significant monetary investment at wharton , and we could have a new wharton recruit disgruntled . vince , can you set up a meeting with you , me and mark palmer to follow up with our meeting with skilling ? thanks very much . . . jeff",0 +"Subject: univ of texas julia , the lawyers at ut at austin have some questions regarding your corrections to the non - disclosure agreement . specifically , they want to discus the arbitration provision . the name of the lawyer at ut is gene bartley , 512 471 2995 . vince",0 +"Subject: enron : wefa luncheon may 1 would you like to attend the presentation and join me for lunch with wefa . any other suggestions re attendance . please , let shirley know . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 11 / 2001 12 : 36 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" peter mcnabb "" on 04 / 11 / 2001 11 : 52 : 47 am to : cc : "" kemm farney "" subject : enron : wefa luncheon may 1 dear vince thanks for your voicemail and delighted to have you confirm lunch on may 1 . kemm farney the head of wefa ' s electric power services will be travelling with me this time . i expect there may be other enron colleagues that may care to join us for lunch so don ' t hesitate to invite as you see fit . for reservations purposes , perhaps you arrange to let me know numbers . kemm would also be prepared to informally present our current power outlook to a larger group at 11 : 00 , if this would be of interest . as you know , these types of presentations are part of all your wefa energy retainer package . i will also plan to update you with respect to our current multi client study schedule for the remainder of the year . regards , peter peter a . mcnabb vice president energy , north america wefa inc . 2 bloor st . w . toronto , canada m 4 w 3 rl 416 - 513 - 0061 ex 227 - 2001 energy brochure . doc - wefaenergy _ factsheet for energy scenarios 2001 . doc",0 +"Subject: continue enjoying iijournals - - renew today ! dear vince kaminski , we hope you are enjoying the benefits of receiving market - leading , rigorous and current research from industry experts through your subscription to derivatives quarterly . unfortunately , your subscription is about to expire ! by renewing now , your access to the web site and to your print copies will be uninterrupted . you can continue to get the exclusive research and practical advice for financial practitioners  ) written by the best minds in your business ! click here to renew today thank you .",0 +"Subject: eol dan , i am forwarding you the summary of the information for eol that we can provide . i shall talk to risk magazine to settle the copyright issues . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 25 / 2000 05 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : mike a roberts 05 / 25 / 2000 02 : 56 pm to : vince j kaminski / hou / ect @ ect cc : subject : eol vince - as a follow - up to this afternoon ' s telephone conversation , the following four categories of information were discussed with dan diamond for inclusion in the research group ' s contribution to eol content : 1 . published articles authored by research group members a . mostly risk magazine stuff b . copyright issues 2 . research intelligence articles a . backlog of around 50 articles b . needs screening prior to release c . review system in place for future articles d . weekly 3 . technical analysis a . cross commodity analyses b . intranet material ready for internet c . generic informative content available 4 . streaming video of weather a . daily 2 - 3 minutes capsule b . toned - down verson of whats given to traders c . energy - focused - - mike",0 +"Subject: follow - up meeting on wharton it seems like several of you will be on vacation next week , so lets see if we can do it this week . vince is available on thursday from 2 : 00 - 3 : 00 pm or friday , from 1 : 30 - 2 : 30 pm . do either one of these two times work ? let me know . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 12 / 12 / 2000 10 : 56 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 12 / 12 / 2000 09 : 20 am to : christie patrick / hou / ect @ ect , james l bouillion / hou / ect @ ect , george carrick / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : follow - up meeting on wharton good morning everyone : vince would like to schedule a follow - up meeting on wharton as soon as we can agree on a time . how does monday the 18 th look for you ? vince is free from 9 : 30 am - 11 : 30 am and from 1 : 00 pm - 4 : 00 pm . please let me know if you are available during any of these times . thanks ! shirley crenshaw 3 - 5290",0 +"Subject: re : improving option valuation precision in erms stinson , zhiyong wei ' s group will need to make this change . please follow up with zhiyong and jeremy wong . - - allan . stinson gibner 08 / 23 / 2000 09 : 54 am to : allan severude / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , paulo issler / hou / ect @ ect , eric moon / hou / ect @ ect , ed mcmichael / hou / ect @ ect , zimin lu / hou / ect @ ect subject : improving option valuation precision in erms allan , paulo issler in our group , working with eric moon in structuring , recently tracked down the reason for a slight mis - match in option pricing in erms vs . the structuring spreadsheets . it is due to the fact that the option valuation functions in erms use a slightly less accurate approximation for the cumulative normal distribution . we would be happy to work with the right person to update the erms code in order to close this discrepancy . please let me know how you would like to proceed . if you are not the correct person to address the mainenance of erms , please let me know who to contact . thank you , stinson gibner x 34748",0 +"Subject: re : li xiao thanks so much , vince . molly vince j kaminski 06 / 29 / 2000 11 : 06 am to : molly magee / hou / ect @ ect cc : subject : re : li xiao molly , my recommendation letter . vince enron north america corp . from : molly magee 06 / 22 / 2000 10 : 39 am to : vince j kaminski / hou / ect @ ect cc : subject : li xiao vince : li has selected you as a reference on her application for a graduate school tuition loan . thanks for taking the time to participate in this process . molly",0 +"Subject: reminder hello everyone : vince has asked me to send the following as a reminder : * * * * * * * * * * * * * * * * this is another reminder about the responsibility we have as a group for cleaning the conference rooms after meetings . for many visitors to enron a conference room maybe the first and the last exposure to the company . last thursday , some members of the group left , leaving behind their lunch boxes on the table . please , don ' t embarrass me by having to point out to you that your mothers don ' t work here . vince",0 +"Subject: re : argentina power & gas market modelling okay julian poole 03 / 17 / 2000 10 : 35 am to : michael guerriero / enron _ development @ enron _ development cc : vince j kaminski @ ect , grant masson @ ect , jeff kabel / enron _ development @ enron _ development , rodolfo freyre / enron _ development @ enron _ development , diego hollweck / enron _ development @ enron _ development , bernardo andrews / enron _ development @ enron _ development , mario aguilar benitez / enron _ development @ enron _ development , santiago subject : re : argentina power & gas market modelling all , let ' s arrange a conference call next week to discuss the process . how does tuesday afternoon fit everyone ' s schedule ? julian enron international from : michael guerriero 03 / 17 / 2000 03 : 49 pm to : vince j kaminski @ ect , grant masson @ ect , jeff kabel / enron _ development @ enron _ development , julian poole / enron _ development @ enron _ development , rodolfo freyre / enron _ development @ enron _ development , diego hollweck / enron _ development @ enron _ development , bernardo andrews / enron _ development @ enron _ development , mario aguilar benitez / enron _ development @ enron _ development , santiago cc : subject : argentina power & gas market modelling i would like to initiate a team to address the continued improvement of the argentine power & gas market models . i spoke with vince this morning and we reviewed that history of work to date and what we will need to do from here . a summary is as follows : team : ba members : julian poole lead mario benitez associate ba associates : diego hollweck associate bernardo andrews associate santiago porta associate houston members : to be named . time schedule : as soon as possible . completed before june 1 , 2000 winter in argentina . scope of work : power model : advance the current model from basic load forecasting to incorporate weather , hydrology , improved short term and long term forecasting . natural gas model : build a supply and demand load forecasting model incorporating weather , thermal demand , pipeline flow rates , well head supply , improved short term and long term forecasting . phase i - data request power historic weather : temperature - daily , hourly , min , max , average humidity precipitation cloud cover regionally forward weather : temperature - daily , hourly , min , max , average humidity precipitation cloud cover regionally historic hydrology : reservoir levels reservoir capacity current hydrology : reservoir levels remote monitoring : aireal , pressure device , laser snow pack : density volume and mass power supply : current and future capacity transmission capacity : current and future capacity natural gas data list to be developed phase ii - power model development phase iii - natural gas model development we will take advantage of the fact that the associates are in houston for the next two weeks . vince is out next week but we can start with a process discussion with grant masson next week . julian please get a meeting scheduled as soon as possible . we should immediately start collecting data . thanks mfg",0 +"Subject: re : enron / stanford program stinson , great ! i ' m looking forward to a very productive collaboration . i ' ll immediately start doing giuseppe ' s papers , for him to work on the enron / stanford program . many thanks to you and vince , and i hope to see you soon at stanford or enron . if i remember correctly , vince is visiting stanford in october . best regards , nick stinson . gibner @ enron . com wrote : > > nick , > > i spoke with paul racicot , head of trading for ebs , north america this > morning . he said that he is happy to send the $ 100 , 000 for your program > from his budget . i have forwarded to him the draft letter to accompany > the funds and will try to follow up to make sure that the money is sent > promptly . > > - - stinson",0 +"Subject: approval for reviewer roberts jr , michael a has suggested reviewers and submitted them for your approval . you may review / modify this list of reviewers by logging on to pep at http : / / pep . corp . enron . com and going to supervisor services . please remember , no feedback can be completed on roberts jr , michael a until you have approved the list .",0 +"Subject: re : bollerslev seminar excellent . thank you . bbo at 03 : 19 pm 10 / 10 / 00 - 0500 , you wrote : > barbara , > > noon will be fine . we shall just use the lunch hour . > > vince > > > > > > > barbara ostdiek on 10 / 10 / 2000 12 : 53 : 34 pm > > to : vince . j . kaminski @ enron . com ( vince kaminski ) > cc : > subject : bollerslev seminar > > > vince : > > i don ' t know if you noticed that we have tim bollerslev on the seminar > schedule for december 8 . in order for tim to get back to north carolina on > friday , we need to move the seminar time . i thought that the enron folks > might be interested in his talk so i wanted to get you input on a new > time . i know that 3 : 30 is best but would over the noon hour be second best > or would 2 : 00 be better ? > > thanks . > > bbo > > > >",0 +"Subject: reactions november is now live on - line reactions the latest edition of the financial magazine for the global insurance market is now live at http : / / www . reactionsnet . com ? ? you can contact us for help at mailto : web - help @ euromoneyplc . com or + 44 ( 0 ) 20 7779 8006 . ? the november issue of the world ' s leading insurance and reinsurance magazine is packed full of news , views and figures ; simply hit the links at the bottom of each item to see the full article . the november features race - based underwriting : haunted by a racist past the discovery of continued race - based underwriting in the us will cost life insurers involved millions of dollars and do untold damage to their reputations - as well as severely embarrassing state regulators integrated risk management : we can work it out the new actuaries reckon they can measure abstruse business risks - and then integrate them with known risks . ? but is there madness in their method ? mga business : the need for continuity capital adequacy : that capital question a . m . best ' s top 100 buyers and sellers in the us : a time of change buyers - the 20 biggest risers and fallers ? sellers - the 20 biggest risers and fallers the fall of reliance : errant insurer ' s battle for survival in the spotlight : harry rhulen for more information about the sponsors of www . reactionsnet . com , please visit their official websites at : renaissance re holdings ltd - http : / / www . renre . com / ipc re ltd - http : / / www . ipcre . bm / gerling global financial products - http : / / www . ggfp . com / e - insuring your business the park lane hotel , london january 26 , 2001 a one - day management symposium discussing insurance , the internet and your business . join mis training and reactions for a day of discussions , insight and knowledge transfer e - insurance and why you need it to protect your business the legal realities and responsibilities you need to know about managing the risks and devising successful risk policies live demonstration for further information please contact daniel carney or alex johnson at mis training on 020 7779 7217 / 8097 . * plus ! * ? industry publications - read the executive summaries and order online ! rbi & reactions insurance management reports : diversification of european insurance and financial services trends in global commercial insurance - the impact of art risk management - new challenges and new solutions opportunities in latin american insurance the outlook for european teleinsurance outlook for insurance in germany uk einvestments reinsurance 4 th edition - industry - standard textbook @ risk - internet and e - commerce insurance and reinsurance legal issues e - nsurance - insurance and the internet revolution http : / / www . reactionsnet . com to advertise or link your company website to this industry circular please contact nick lipinski tel : + 44 ( 0 ) 20 7779 8199 or e - mail mailto : nlipinski @ euromoneyplc . com if you have any problems logging onto or using ? www . reactionsnet . com please call our dedicated help desk + 44 ( 0 ) 20 7779 8006 or email mailto : web - help @ euromoneyplc . com",0 +"Subject: re : mit financial engineering pro - seminar claudio , i have done it twice in the past . i shall be glad to help again . vince from : claudio ribeiro @ enron 11 / 21 / 2000 08 : 32 am to : vince j kaminski / hou / ect @ ect cc : subject : re : mit financial engineering pro - seminar vince : it was stewart myers , head of the financial engineering track . he did not contact me directly , he contacted josef ( an mit student that spent the summer with enron and received an offer to come to work with us ) . josef wanted to know who could make the commitment of sponsoring ( sending the problem ) . claudio vince j kaminski @ ect 11 / 21 / 2000 08 : 16 am to : claudio ribeiro / corp / enron @ enron cc : subject : re : mit financial engineering pro - seminar claudio . who was the professor who came up with the request ? vince from : claudio ribeiro @ enron 11 / 20 / 2000 05 : 04 pm to : vince j kaminski / hou / ect @ ect cc : joseph hrgovcic / hou / ect @ ect subject : mit financial engineering pro - seminar vince , i have received a call from mit asking if enron would be interested in sponsoring a financial engineering pro - seminar . this means that enron would propose a problem that would have its solution developed by students in the financial engineering track . these students would present the findings in the end . i think that enron has already sponsored a financial engineering pro - seminar . i remember something about real options at the time i was at school . please , let me know if enron has the interest , specifically the research . talking here at the weather desk , mark tawney expressed interest . if you agree , we ( the weather desk ) could co - sponsor this pro - seminar with the research . the idea , then , would be to propose a problem connected to weather trading . please , give me your thoughts about this issue . thanks , claudio",0 +"Subject: re : flight molly , it ' s ok ( even if the answer is ex post ) . vince enron north america corp . from : molly magee 10 / 19 / 2000 08 : 45 am to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : flight vince : would this be okay with you ? molly - - - - - - - - - - - - - - - - - - - - - - forwarded by molly magee / hou / ect on 10 / 19 / 2000 08 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . from : jlew @ kent . edu > 10 / 18 / 2000 07 : 30 pm to : molly . magee @ enron . com cc : jlew @ kent . edu subject : flight dear molly , i asked about change of the departure city . they said i should send my ticket back to get a new ticket . since aquila provides the ticket , it ' s hard for me to change the departing place . if possible , can i ask you to arrange the one way flight from houston to seattle on the evening of 25 th ? i ' m sorry for this . thank you very much . sincerely , jaesoo lew",0 +"Subject: some municipal bonds for you to look at . . . . . i called out muni desk to have them take a look at the current munis avaiable that looked best at this time to invest $ 50 , 000 going out to 30 years for you . the following is what they came up with . . . . pecos co tx cert of obl w / a coupon 5 . 5 % matures in 02 / 01 / 11 callable at par on 02 / 01 / 07 offered at $ 101 . 964 - aaa rated brownsville util rev w / a coupon of 5 . 25 % maturing in 09 / 01 / 15 callable at par on 09 / 01 / 05 offered at $ 97 . 425 - aaa rated alvin tx isd psf w / a coupon of 5 . 75 % maturing in 08 / 15 / 22 callable at par on 08 / 15 / 10 offered at par - aaa rated houston tx air revs w / a coupon of 5 . 00 % maturing in 07 / 01 / 28 callable at par on 07 / 01 / 08 offered at 86 . 479 - aaa rated remember , these are subject to change , but if these interest you and they are not still available , i will see if there is something comparable . talk to you soon . please call me with any questions . thanks , julie",0 +"Subject: working at home this afternoon i will be working from my home this afternoon after 1 : 30 pm . my extension will be forwarded to my home . if i happen to be away from the phone taking care of my mother , leave a message and i will return your call immediately . there is a generic message on my home phone , "" please leave message after tone "" , so don ' t worry that you have the wrong number . you may reach me by email at adupont @ pdq . net . in the next several days , i will be set up to dial in and you will be able to use my regualr enron email address . i will be at my desk most days , but until we have mother settled in the rehab facility there may be some days or afternoons that i will be working at home . please do not hesitate to contact me if you need meetings set up or any other thing that you would normally request of me . thanks . anita",0 +"Subject: joe mccauley ' s papers vince , as promised , these are a couple of references that i have for joe mccauley ' s papers . whether the specific papers are of interest to what exactly we ' re doing or not , i cannot say . on the other hand , given uh ' s drive to create an "" econophysics "" specialization within the physics department , i thought we could both help them * and * drive it towards a direction that it could be of use to us . i think that they would very much like to hear what the industry would like to see from such a specialization . some of the things that have been discussed as course offerings would be : basic physics courses ( mechanics , nonlinear dynamics , stat . physics , math methods ) various finance courses like options , banking , etc . statistics , math methods , and statistical physics ( that could teach topics like brownian motion , lognormal distributions , fractals , levy flights , and statistics of ' large deviations ' , which are of interest comp science ( java , c + + , data structures , algorithms ) monte carlo simulations etc setting up some sort of exchange , where at minimum we could get summer interns from this program , would also be beneficial to both sides . even better , a wider collaboration between enron and the physics department could be set up . after this message , i will inform joe mccauley and larry pinsky ( departmental chair person ) of your suggestions on how to proceed . i will send shirley their contact information to arrange for a visit at the beginning of june . thanks , yannis",0 +"Subject: bill koures vince , alex and i did a phone interview with bill koures . he works for williams and had a wall street background . he is very qualified for the work we are doing here ( stochastic modeling , curve building , option valuation , etc . ) he programs in c and matlab . in terms of quantitative skills , bill is better than ren zhang ( koch ) i talked yesterday . the only down side alex and i can think of about mr . koures is that we may not get him due to a higher price tag . zimin",0 +"Subject: re : operational risk michael , the science of measuring operational risk is in its early stages of development . there are really no cook - book solutions . one has to use creativity and a lot of common sense . vince to : vince j kaminski / hou / ect @ ect cc : subject : operational risk mr . kaminsky , recently , i read articles published by garp and monographs in a book published by garp . although they are excellent sources of introduction to operational risk , none of them have any details on the "" how to . "" if you know of a good book or book ( s ) could you recommend one ? thank you . michael kim",0 +"Subject: re : p + spread options jeff , a short follow up on the p + options . attached is a chart showing historical correlations for calendar spreads between futures contracts . it shows correlation over four different time horizons up to the roll of the nearest contract in each pair . as you can see the level is usually higher than 0 . 98 and often near 0 . 99 . if our current book of "" index p + "" options were re - marked at a 98 % correlation , it would result in a reduction in m - t - m value of about $ 78 million according to my estimate .",0 +"Subject: re : resume , molly , i would like to invite this student for an interview , sometimes in late december when things slow down . interviews with all my direct reports and george hopley . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 30 / 2000 09 : 58 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 10 / 24 / 2000 04 : 32 pm to : jinbaek kim @ enron cc : vince j kaminski / hou / ect @ ect subject : re : resume , jinbaek , we shall invite you to an interview in houston . vince jinbaek kim on 10 / 23 / 2000 07 : 25 : 36 pm to : vkamins @ enron . com cc : subject : resume , dear mr . kaminski , hi , i am a ph . d student at ieor department at u . c . berkeley . thanks for your presentation today . it gave me knowledge and interest in electricity markets , and your company . as you mentioned in the presentation , i send a resume to give me opportunity to learn more about your company . i hope i can join the super saturday event . jinbaek - resume . doc",0 +"Subject: re : confidential sophie , i think it ' s a fair deal . vince sophie kingsley 08 / 30 / 2000 11 : 49 am to : dale surbey / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , michele small / lon / ect @ ect subject : re : confidential both , thanks for your comments and comparisons , it is good to get context . based on your comments here would be my proposal o 63 , 500 basic salary - ol 5 k kickers for each of the 2 years - these are paid as a lump sum on each anniversary guaranteed . therefore guaranteed salary is effectively o 78 , 500 - this is completely separate and in addition to any performance bonus increase the value of options to o 60 k to vest 1 / 3 as before - which leaves a 1 / 3 ( $ 20 , 000 ) hanging out there at the end of the contract . just fyi - anjam is currently on o 68 , 000 but does not have an agreement , so this would effectively put a 10 . 5 k gap between the two . let me know your thoughts . dale surbey 30 / 08 / 2000 16 : 09 to : sophie kingsley / lon / ect @ ect cc : subject : re : confidential sophie , here ' s vince ' s comments on your proposal for steve . also , what ' s a 2 - yr exec ? how do the kickers work - are they basically a guaranteed minimum bonus or incremental bonus ? - dale - - - - - - - - - - - - - - - - - - - - - - forwarded by dale surbey / lon / ect on 30 / 08 / 2000 16 : 10 - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 30 / 08 / 2000 14 : 21 to : dale surbey / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : confidential dale , thanks for your message . i don ' t know the labor market in london that well but here the market for quants is very hot . steve is in my view an exceptionally talented person and i would go an extra mile to retain him long - term for the company . i would adjust the base salary or the kicker upward a bit . o 62 , 000 basic is what anjam is receiving currently ( if i remember correctly ) . steve has a much higher value to enron than anjam . vince dale surbey 08 / 30 / 2000 07 : 49 am to : vince j kaminski / hou / ect @ ect cc : subject : confidential vince , this is the package hr is proposing for steven . what do you think ? - dale - - - - - - - - - - - - - - - - - - - - - - forwarded by dale surbey / lon / ect on 30 / 08 / 2000 13 : 50 - - - - - - - - - - - - - - - - - - - - - - - - - - - sophie kingsley 29 / 08 / 2000 20 : 32 to : dale surbey / lon / ect @ ect cc : subject : confidential sorry dale , long day , here are the proposed numbers 2 year exec o 62 , 000 basic ( currently o 55 k ) ol 0 k each year kickers $ 50 , 000 worth of options to vest 1 / 3 1 / 3 1 / 3 let me know what you think . regards sophie",0 +"Subject: re : change - video to teleconferences - enron christie , meeting at 5 : 30 is fine with me . the presentation is at 6 : 30 . i sent you a message regarding a dinner on tuesday . can you join me and ken parkhill ? vince from : christie patrick on 02 / 16 / 2001 10 : 19 am to : vince j kaminski / hou / ect @ ect cc : subject : change - video to teleconferences - enron hi vince ! thanks for the information below ! i spoke with tom piazze today . i ' ll be meeting with him at 3 : 30 on the 20 th to discuss the webi contract . i ' ll also be meeting with wharton ' s broadband ( technical people ) before our meeting with the students . further , i hope to meet with the people in charge of the business plan competition . tom suggested you might want to call howard kurnreuther ( sp ? ) and possibly stop in to see him while we are at wharton . i ' ll be getting to wharton sometime tuesday ; i ' ll try to get a reservation at the inn at penn . i ' ll then be leaving early wednesday morning by train to new york . shall we meet in tha lobby at the inn at penn before going to meet the students ( i think the meeting with the students is at 6 pm - ish ) - - say , 5 : 30 ? please let me know ! also , we still need to give wharton an answer as to whether we ' re interested in another $ 50 , 000 investment in efellows . thanks vince ! have a great wekend ! - - christie . - - - - - forwarded by christie patrick / hou / ect on 02 / 16 / 2001 10 : 13 am - - - - - vince j kaminski 02 / 16 / 2001 10 : 06 am to : christie patrick / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , kenneth parkhill / na / enron @ enron subject : change - video to teleconferences - enron fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 16 / 2001 10 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - fap on 02 / 16 / 2001 08 : 35 : 22 am to : clay degiacinto , deepa mallik , dennis feerick , heather thorne , jack rejtman , jason cummins , kim whitsel , nicholas levitt , omar bassel , ram vittal , steve lessar , thomas , tulika bhalla , vincent chen cc : fap , "" ' vkamins @ enron . com ' "" , "" ' patterm @ wharton . upenn . edu ' "" subject : change - video to teleconferences - enron 3 / 1 shdh 215 3 / 22 shdh 215 3 / 29 shdh 215 please note that the remaining videoconferences scheduled with enron have been changed to teleconferences due to the difficulties we have experienced . the host has agreed and we will , therefore , continue with teleconferences in the same locations / dates as noted above . any questions , please contact the fap office . thanks , donna",0 +"Subject: re : evaluations - enron - reminder > please pass this along to others who may have worked with the students . > > to : tiger hosts > > from : field application project office > the wharton school > university of pennsylvania > > re : tiger team evaluations > > thank you for hosting the tiger team project , field application project > 2001 . this opportunity provided the student team a worthwhile experience > to apply newly acquired skills to a real world issue facing your company . > your dedication and support of the project contributed greatly to its > success . > > hopefully , by now you have had the opportunity to review the final > reports . please take a moment to complete the host evaluation form > available at : ( use internet > explorer ) > > username : tiger > password : fap 2001 ( no space between ) > ( note : case sensitive , please use lower case ) > deadline for acceptance : wednesday , april 25 , 2001 > > your feedback is important to us . it is taken into consideration when > calculating student grades and when implementing changes that will impact > and enhance the program in the future . also , in an effort to insure the > return of meaningful and contributing host companies , we ask that you > indicate your interest in returning as a host next year and the fap office > will contact you in september 2001 . > > thank you again for your support of the wharton school and participation > in the field application project this year . we look forward to working > with you in the future . > > if you have any questions , please contact the fap office at ( 215 ) 573 - 8394 > or email : fap @ management . wharton . upenn . edu > > > sincerely , > donna piazze > program director > field application project",0 +"Subject: from the enron india newsdesk - april 27 th newsclips fyi news articles from indian press . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 04 / 27 / 2001 08 : 24 am - - - - - - - - - - - - - - - - - - - - - - - - - - - nikita varma 04 / 27 / 2001 07 : 51 am to : nikita varma / enron _ development @ enron _ development cc : ( bcc : sandeep kohli / enron _ development ) subject : from the enron india newsdesk - april 27 th newsclips friday apr 27 2001 , http : / / www . economictimes . com / today / cmo 3 . htm dpc board empowers md to cancel mseb contract friday apr 27 2001 , http : / / www . economictimes . com / today / 27 compl 1 . htm mseb pays rs 134 cr under ' protest ' to dpc friday , april 27 , 001 , http : / / www . businessstandard . com / today / economy 4 . asp ? menu = 3 enron india md authorised to terminate ppa friday , april 27 , 2001 , http : / / www . financialexpress . com / fe 20010427 / topl . html foreign lenders slam brakes on disbursements to dpc , sanjay jog & raghu mohan global banks comfortable with enron pull - out friday , april 27 , 2001 , http : / / www . indian - express . com / ie 20010427 / nat 23 . html enron : dabhol chief gets powers to end deal with the mseb friday , april 27 , 2001 , http : / / www . the - hindu . com / stories / 0227000 d . htm offer of renegotiation ' too late ' : enron , by mahesh vijapurkar friday , 27 april 2001 , http : / / www . timesofindia . com / today / 27 home 2 . htm enron ready to pull out , but lenders say wait friday , april 27 , 2001 , http : / / www . hindubusinessline . com / stories / 142756 dh . htm dpc board authorises md to issue ppa termination notice friday , april 27 , 2001 , http : / / www . dailypioneer . com / secon 2 . asp ? cat = story 7 & d = front _ page enron testing maharashtra ' s nerves , t n raghunatha friday , april 27 , 2001 , http : / / www . telegraphindia . com / enron signal to switch off dabhol power friday , april 27 , 2001 , http : / / www . thestatesman . org / page . news . php 3 ? id = 13026 & type = pageone & theme = a enron threatens to pull out friday , april 27 , 2001 , http : / / www . chalomumbai . com / asp / article . asp ? cat _ id = 29 & art _ id = 10006 & cat _ code = 2 f 574841545 f 535 f 4 f 4 e 5 f 4 d 554 d 4241492 f 5441415 a 415 f 4 b 4841424152 ' dpc may not wind up ' friday , april 27 , 2001 , http : / / www . chalomumbai . com / asp / article . asp ? cat _ id = 29 & cat _ code = 2 f 574841545 f 535 f 4 f 4 e 5 f 4 d 554 d 4241492 f 5441415 a 415 f 4 b 4841424152 & art _ id = 9953 enron offers ' no comment ' on renegotiation , h s rao http : / / www . afternoondc . com / ' enron ' s on ! ' state govt . to renegotiate dabhol power project , by hubert vaz the economic times , friday apr 27 2001 dpc board empowers md to cancel mseb contract the enron power project crisis on thursday deepened with the board of dabhol power company authorising the management to issue a termination notice to the maharashtra state electricity board even while international lenders to the project asked enron to renegotiate power purchase agreement signed with the mseb . the decision to authorise managing director neil mcgregor to issue "" notice of termination on the contract to sell 740 mw of power "" was taken after the board prevented mseb from voting on the ground that it was an interested party . the decision was taken with six votes in favour and the single opposition vote was cast by idbi , sources said . according to reports , financial institutions such as anz investment bank , credit suisse first boston , citibank , abn - amro and the state bank of india have on wednesday advised enron against terminating its ppa with mseb . mseb chairman vinay bansal , who with two other directors attended the meeting on wednesday representing maharashtra ' s 15 per cent stake in the near $ 3 - billion project , said : "" the indian side told them that it would be unfortunate if enron broke the contract . "" while bansal declined comment on the board decision , the sources said the indian side had expressed its interest to holds talks on the issue rather than terminating the project and there were possibilities of a fresh power purchase agreement between the company and the state . ( pti ) the economic times , friday apr 27 2001 mseb pays rs 134 cr under ' protest ' to dpc despite the threat of a possible termination notice hanging on its head , maharashtra state electricity board on thursday made a "" protest payment "" of rs 134 crore disputed amount , towards march bill of rs 146 . 64 crore to dabhol . "" we were ready with the payment on wednesday itself , but dpc officials could not collect the cheque due to the statewide bandh "" , a senior mseb official said . "" we have disputed payment of rs 12 . 64 crore and it would be now taken up at the disputes resolution forum , of which enron india managing director k wade cline and krishna rao are members "" , mseb sources said . last week , dpc had dashed off a communication to the government and mseb that it would not accept "" protest payments "" anymore . cline had said the energy major shall treat such payments as an election to pay the sums , which mseb in fact owed dpc in full and that the company would also not recognise the "" purported protest or reservation "" . mseb had paid a rs 113 . 5 crore february bill in protest last month . on april 23 last , both domestic and international lenders of dpc had met in london and held exhaustive discussions the multinational ' s move to issue a termination notice to mseb and state government . ( pti ) business standard , friday , april 27 , 001 enron india md authorised to terminate ppa the board of the enron - promoted dabhol power company ( dpc ) , at its meeting in london on wednesday , authorised the managing director of enron india to issue a notice for terminating the power purchase agreement to the maharashtra state electricity board and the state government . "" the board has authorised wade cline to serve the termination notice . however , this does not mean that the termination notice will be served immediately . it is only an enabling provision and will be used only if the situation arises , "" a state government source told business standard from london . he said dpc was under pressure from its lenders . the dpc spokesperson here refused to comment on the issue . the hardening of the board ' s stand is in sharp contrast to the advice of dpc ' s lenders , who had warned enron not to precipitate matters by issuing a termination notice . the lenders had arrived at a consensus that the termination notice need not be served at this stage . serving of the notice requires a nod from the lenders , who have an exposure of about $ 2 billion in the project . sources said given the lenders ' strong opposition to termination of the contract , the enron board ' s "" enabling resolution "" did not have much significance beyond conveying a hardening of its stand with regard to the current imbroglio . the maharashtra chief minister had warned enron not to scuttle the process of crisis resolution by issuing a termination notice . the state government is to nominate an expert group to renegotiate the terms of the dabhol contract . enron holds 65 per cent in dpc , while us - based ge and bechtel hold 10 per cent each . the balance 15 per cent is held by mseb through a special purpose vehicle , maharashtra power development corporation . the mseb representatives were not allowed to vote at the meeting since they were an interested party . the idbi representative protested against the board ' s decision . the meeting was attended by state energy secretary vm lal . the meeting was held against the backdrop of a dispute between mseb and dpc over payment of bills . after mseb failed to pay rs 102 crore towards the december 2000 bill , dpc invoked the state government ' s guarantee and then the union government ' s counter guarantee . when payment of the rs 127 - crore january bill became overdue , dpc again invoked the state government ' s guarantee . mseb retaliated on january 28 , 2001 by slapping a rs 401 - crore penalty for non - supply of electricity at adequate levels . it demanded that dpc adjust the bills against this penalty . "" this stand of mseb was explained to dpc at the board meeting "" , a state government official said . the centre also supported mseb ' s stand and refused to honour the counter guarantee . the power company then invoked the political force majeure clause . a process of conciliation and arbitration between the centre and dpc is currently on . the financial express , friday , april 27 , 2001 foreign lenders slam brakes on disbursements to dpc , sanjay jog & raghu mohan global banks comfortable with enron pull - out lenders to the dabhol power company ( dpc ) are a sharply divided lot . international lenders , in direct contrast to the stand taken by local ones led by the the industrial develoment bank of india ( idbi ) , are categorical that additional assistance to dpc ' s phase - ii will be held in abeyance despite the completion of 92 per cent of the project work . the stage is also set for a preliminary termination notice to be served by dpc to the maharashtra state electricity board ( mseb ) within the next four weeks . this follows the authorisation given to enron india ' s managing director k wade cline and dpc president & ceo neil mcgregor to serve the termination notice , and transfer notices to mseb , following wednesday ' s dpc board meeting in london . the essence of the message from the international lenders following the london meeting with dpc board is : emotions do not work . contractual obligations and payments have to be met . we are convinced that the mseb has failed to meet its obligations . there is no point in enron continuing with the project and the company should get out of it . the structuring of dpc ' s debt has created two classes of lenders . in phase - i , international lenders are covered by a sovereign guarantee while in phase - ii , no lender is . however , all lenders have a parri passu charge , making attachment of assets a messy affair . sources in international banks were quick to point out that local lenders to phase - ii of the project are worried that an awry dpc project will affect their interests more given that they have no security - other than assets - like a sovereign cover . "" it was this desperation that made local lenders like idbi slash the interest rates a few months back to 16 . 5 per cent from 21 . 5 per cent , "" a leading foreign banker pointed out . three points that were made clear and stressed in no uncertain terms by international lenders were : a ) there are contractual obligations b ) mseb was not punctual in its payments to dpc and c ) mseb adopted a confrontational position by slapping a rs 401 crore rebate charge on dpc for misdeclaration and default on the availability of power . while local lenders led by idbi - with mseb parroting the same - were of the view that the current situation is a temporary one , international lenders were steadfast that pulling out of the project is the only way out . this is despite the stance taken by idbi and mseb that authorisation for termination given to mr cline and mr mcgregor was not called for . international bankers pointed out that they will now have to look at the issue of charges and protection for their loans in the event of the power project being scrapped in its present form . the points of contention are : a ) that phase - i of dpc is backed by a sovereign guarantee b ) phase - ii is not and c ) to the extent that phase - ii is covered by assets , cancellation of phase - ii may see all assets - even those under phase - i - getting attached . therefore , an examination on the segregation of assets under phase - i and phase - ii is now warranted . pti adds : in a significant move , dpc board has empowered its management to sever power supply agreement with mseb , a move that could inflict a financial liability of about rs 2840 crore on the centre . a decision to authorise dpc president neil mcgregor to issue a termination notice to mseb for sale of power was taken by the board at its meeting on wednesday . the indian express , friday , april 27 , 2001 enron : dabhol chief gets powers to end deal with the mseb the board of dabhol power company , a subsidiary of houston - based enron corp , has decided to warn the maharashtra state electricity board ( mseb ) that it intends to pull the plug on its guhagar - based project . in a board meeting held in london on wednesday , the board decided to authorise dpc president and ceo neil mcgregor and enron india ' s managing director k wade cline to serve a ' ' preliminary ' ' termination notice for sale of power to the mseb within the next four weeks . the dabhol project has been mired in disputes since mseb began missing payments last year . mseb owes dabhol power $ 48 million for power delivered in december and january . the payment ran into a dispute after mseb slapped penalty notices of rs 401 crore on dpc for its failure to supply power within three hours of the demand being placed . but mseb has paid $ 24 million for february . and a payment of $ 31 million was made for march on thursday . the $ 3 billion dabhol project is the largest foreign investment made in india to date . issuing the preliminary termination notice could enable dabhol to suspend deliveries as it negotiates payment disputes . while a preliminary termination notice is the first of three steps that could potentially lead to the abandonment of the project by enron , analysts have described the decision as a ' ' procedural ' ' move consistent with dpc ' s negotiating strategy to recover overdue payments from the mseb . after the company issues the preliminary termination notice , step two would be an official termination notice , and step three would be a notice that the company is surrendering control of the project . if the project is terminated , the government of india will have to take a hit of $ 300 million besides paying bills of rs 1 , 500 crore for the next one year to enron as penalty . ' ' our ( centre ' s ) liability , if dabhol power project is terminated , would be one year ' s electricity bill and a termination fee of $ 300 million , ' ' power secretary a k basu said . ' ' contractually , the centre will have to pay one year ' s electricity bill , totalling at present prices about rs 1 , 400 - 1 , 500 crore , and take over dpc ' s debt , which stands at around $ 300 million , if the project was terminated , ' ' basu said in delhi . dabhol power is in the process of completing the second phase of the 2 , 184 - megawatt power - plant project , which is 95 per cent through . while the international lenders to the project are pressurising the company to get out of the project , indian lenders , led by idbi , are asking the company to reconsider its decision on its termination notice . during the meeting in london , mseb which holds a 15 per cent stake in the project , had strongly opposed dpc ' s move to authorise cline and mcgregor to issue notices for termination . mseb chairman vinay bansal and technical director prem paunikar - both directors on the dpc board - and the state principal secretary ( energy ) vm lal , an invitee to the board , raised the issue at the board meeting in london . mseb claimed that dpc was needlessly ' ' threatening ' ' to issue various arbitration notices and thereby interpreting the clauses of ppa in isolation . in recent weeks , dabhol has raised the stakes in its spat with the mseb , delivering a notice of political force majeure to maharashtra - a step typically invoked to dissolve a contract in case of an emergency like a war , coup , or a similar radical political event . in this case , dpc ' s move was viewed as a threat to stop providing electricity . dpc has come under fire because of the relatively high cost of its power . critics object to the company charging rs 7 . 1 a kilowatt - hour for its power , compared with around rs 1 . 5 a kilowatt - hour charged by other suppliers . the hindu , friday , april 27 , 2001 offer of renegotiation ' too late ' : enron , by mahesh vijapurkar mumbai , april 26 . the enron - sponsored dabhol power company , which last night authorised its local management to issue a notice of termination of its power purchase agreement ( ppa ) with the maharashtra state electricity board , has decided to keep a stiff upper lip . this , in turn , has stoked speculation that the switching off of power from its phase i plant was imminent , while in reality , a lengthy procedure has to be followed as prescribed within the ppa . as one source familiar with the ppa told the hindu , ` ` it is not sudden death of the project ' ' and in all probability , the dpc , vexed with the developments , including sharp and pointed observations by the godbole committee , has chosen to only arm itself with a serious option . ` ` this would only eventually come into effect . it is not an overnight operation and a lot of legal work is involved ' ' . apparently , the dpc intends to do some arm - twisting . at the board of directors meeting in london , which maharashtra was initially disinclined to attend but later used the forum to put across its contentions on the project , the dpc squarely told the mseb nominees on the board that the offer of renegotiation had come rather ` ` too late ' ' . it also said it did not see any room for optimism about the outcome . it did not , however , rule out the option of talks , thus underscoring the possibility that the decision to authorise termination was a new weapon . the maharashtra chief minister , mr . vilasrao deshmukh , had hoped that dpc would not take any ` ` harsh step ' ' which would cause lot of damage to the interests of both the independent power producer and the government and today he expressed his dismay . in fact , the mandate of the team that went , on the strength of its stake in the dpc , was to put across the idea that negotiation was the requirement and not confrontation . echo in ls the enron issue also echoed in the lok sabha today where the power minister , mr . suresh prabhu , said that scrapping of the agreement would cost the centre rs . 2 , 840 crores , whose liability in the project agreement was limited . the centre ' s liability in case of termination is one year ' s electricity bill and a termination fee of $ 300 million . blow to fis the termination could prove to be a serious blow to the indian financial institutions ( fis ) which , under the leadership of the idbi , were trying to convince the other lenders of the project against the notice . the exposure of indian fis in the project is understood to be not covered by any guarantee either of the centre or the state . the times of india , friday , 27 april 2001 enron ready to pull out , but lenders say wait the dabhol power company board , which met on wednesday in london , authorised the company management to issue a termination notice to the maharashtra state electricity board . the company , however , may not pull out of the project yet , considering its lenders , who met on monday , opposed such a move and favoured renegotiations . sources present during both the meetings said that though foreign lenders supported enron on the termination issue , domestic financial institutions , led by the industrial development bank of india , prevailed over the deliberations to oppose any such drastic move . enron needs the lenders ' consent to file a pre - termination notice for pulling out from the project . the decision to empower dpc chief wade cline to issue a termination notice was taken with six votes in favour against a single idbi vote against such a move . another significant development during the entire proceedings was that the financial institutions made it clear that further funding of phase ii of the project will depend on the government of india assuring payment mechanisms . institutions are yet to disburse about 30 per cent of the sanctioned package , which is crucial for completing the phase ii expansion project . ` ` the board has given powers to wade cline to issue a pre - termination notice . but the meeting quite unanimously felt the need of the hour is not to terminate the project but to initiate serious re - negotiation proceedings , ' ' said mseb chairman vinay bansal , who attended the board meeting . ` ` mseb presented their views to the board members and it was understood by enron which also included the rs 401 crore penalty issue which is heading for arbitration proceedings . ` ` we have also made it clear that the tariff structure of enron is quite high and a downward revision of tariffs is unavoidable , "" bansal added . ` ` they cannot issue a termination notice without our consent since our exposure in the project is quite large and the lenders should approve any plans in that direction , ' ' said a top banker who was present during the lenders ' meet . ` ` there is a general consensus that the project must be completed and the proposal to terminate the ppa should be kept in abeyance , ' ' he added . the global arrangers for the dpc include anz investment bank , credit suisse first boston , abn - amro , citibank and the state bank of india , where all these parties conducted separate meetings with the company officials . however , some bankers said the company can file a termination notice even if one lender with a minimum 5 per cent exposure on the project favours such proceedings . meanwhile , in a clear reversal of roles , maharashtra chief minister vilasrao deshmukh said that the state government was not keen on terminating the ppa . ` ` we will ask them to refrain from taking any such harsh steps since that would be bad news for all of us , including dpc , ' ' deshmukh said . deshmukh was echoing union power minister suresh prabhu ' s sentiments , who said that the government wanted an amicable settlement of the payment row . he , however , added that termination of the project would not hurt foreign investments , and dismissed warnings by analysts that winding up the $ 2 . 9 billion project would be a blow to india ' s efforts to woo foreign investors . the dpc has already slapped one conciliation notice on the centre and three arbitration notices on the state government over non - payment of dues amounting to rs 213 crore and interest towards the bills due for december 2000 and january 2001 . meanwhile , mseb officials said in mumbai that the march bills amounting to rs 134 crore was paid on thursday as protest payment , despite the dispute over the amount . when asked on the future course of action , bansal said it was up to the dpc . the hindu businessline , friday , april 27 , 2001 dpc board authorises md to issue ppa termination notice the board of directors of dabhol power company ( dpc ) has authorised the managing director , mr neil mcgregor , to issue the notice of intent to terminate its power purchase agreement ( ppa ) with the maharashtra state electricity board ( mseb ) ` ` at an appropriate time ' ' . the decision was taken at a board meeting held in london yesterday . ` ` while mseb , which is an ` interested party ' , was not allowed to vote , it made a presentation clarifying its stand on the matter , ' ' a senior state government official said . the resolution to authorise the management to issue the termination notice was carried by six votes to one . idbi voted against the decision , the official said . the serving of the preliminary termination notice will lead to a six - month ` ` suspension period ' ' . according to clause 17 . 8 of the termination procedure , of the ppa : ` ` following the giving of a preliminary termination notice , the parties shall consult for a period of six months ( or such longer period as they may agree ) as to what step shall be taken with a view to mitigating the consequences of the relevant event having regard to all the circumstances . . . ' ' idbi and state bank of india , the principal indian lenders , had earlier persuaded the overseas lenders to hold their consent to the termination notice for some more time . at least one lender has to consent for the company to serve termination notice . it is understood that overseas lenders are in favour of termination of the project and are prepared to consent . however , domestic lenders are worried about the security of their advances if the ppa is abandoned mid - way . according to institutional sources , indian lenders are trying to get all the parties concerned to thrash out outstanding issues . the maharashtra and central governments too are in favour of a conciliation . mr vilasrao deshmukh , chief minister of maharashtra , yesterday went on record that the state did not want the project terminated . mr yashwant sinha , union finance minister , is also understood to be of the same opinion . ` ` the dpc will now have to decide what is the ` appropriate time ' to serve the notice , ' ' the official said . mseb pays rs 134 crore : meanwhile , mseb has paid dpc rs 134 crore towards its march 2001 bill . mseb officials confirmed that the bill was paid ` in protest ' ' today morning . ` ` they ( dpc ) had billed us for an amount of rs 146 crore . we do not agree with some of the items included , ' ' a senior mseb official said . the pioneer , friday , april 27 , 2001 enron testing maharashtra ' s nerves , t n raghunatha dabhol power company ( dpc ) has begun to put fresh pressure on the maharashtra state electricity board ( mseb ) , the maharashtra state government and the centre for an early resolution to the prolonged dispute between them , if the dpc board of directors ' decision to authorise its managing director to serve a contract termination notice to the mseb is any indication . the dpc board , in its meeting in london on wednesday , empowered the company management to sever its power supply agreement with mseb , a move that could inflict a financial liability of rs 2 , 840 crore on the centre . the decision to authorise the dpc management to issue a termination notice to mseb was taken by a vote of six to one after the maharasthra government representatives were prevented from voting on the ground of "" interested party "" . when contacted , the company ' s mumbai - based spokesperson , mr jimmy mogal , declined to comment on the reports about the decision taken by the dpc board . "" we have nothing to say on the reports emanating from london . we will express our views after a few days , "" he said . however , maharashtra chief minister vilasrao deshmukh on thursday termed the dpc board ' s decision as "" unfortunate "" . "" we have already requested the company not to take any harsh decision "" , mr deshmukh said in mumbai . official sources in the state energy ministry interpreted the dpc board ' s decision as a pressure tactic employed by the enron subsidiary to force the mseb to clear the pending power bills without any further delay . through its tough posture , the dpc wants to make its position stronger before it can formally agree for re - negotiations with the mseb , the centre and the state government for cutting the price of power supplied by it to the state electricity board . the sources said that the dpc ' s reported decision to authorise its managing director to stop electricity supply to the mseb did not mean that the enron subsidiary would actually go ahead with the scrapping of the power contract with the mseb . "" if anything , the dpc ' s reported decision is to mount additional pressure on the mseb for clearance of pending power bills and put itself in a stronger position in settling its dispute with the mseb . as part of its plan to arm itself with powers to break a contract in case situation goes beyond its control , the dpc had recently served a political force majeure to the mseb , the centre and the state government , "" the sources said . not surprisingly , the dpc ' s london decision comes on the heels of the maharashtra government ' s decision to set up a high - level committee , comprising representatives of the mseb , the centre and the state government to re - negotiate with the enron ' s subsidiary company for reducing the cost of power supplied to the state electricity board . meanwhile , amidst the threat of a possible termination notice hanging on its head , the mseb on thursday made a "" protest payment "" of the rs 134 crore disputed amount towards march bill of rs 146 . 64 crore to dpc . riday , april 27 the telegraph , friday , april 27 , 2001 enron signal to switch off dabhol power enron today took the first decisive step out of the controversy - ridden dabhol power company when it won an authorisation from the company ' s board to stop sale of power to maharashtra state electricity board ( mseb ) . the meeting of the company , of which the houston - based energy giant holds 65 per cent and the mseb 15 per cent , was attended by state energy secretary v m lal and mseb technical director p paunikar and it came days after its lenders discussed payment problems and a possible termination . the centre ' s liability , if enron decides to snap the agreement , will be a year ' s power bill and a termination fee of $ 300 million . however , the company will have to wait for six months from the day it serves the notice before it pulls the plug . the centre shrugged off the move , saying there would not be any adverse effect on foreign investment in power if enron walks out . "" we do not see fdi inflows into the power sector being hit , "" power minister suresh prabhu said . mseb officials said the ball is now in the court of dpc , which said its corporate policy did not allow it to comment on proceedings at board meetings . the decision coincided with a rs 134 - crore ' protest payment ' by the cash - strapped power board as part of the march bill worth rs 146 . 64 crore . there was speculation that mseb coughed up the amount to cool frayed tempers at enron ' s hub in houston , and because it was rattled by the sudden turn of events in the past few days during which the dispute had come to a head . mseb officials brushed away the allusions , saying the cheque was ready on wednesday but could not be handed over to dpc because of the state - wide bandh . "" we have a disputed payment of rs 12 . 64 crore , which will be taken up at the dispute - resolution forum , "" a board official said . last week , dpc told the state government and mseb it would no longer accept protest payments in a move to fortify its legal position . mseb officials say bechtel and general electric , the other partners who hold around 20 per cent in dpc , are willing to go along with enron corp in terminating the deal but financial institutions such as idbi are not game because it puts their loans at risk . investments made by indian institutions are not covered under the centre ' s and state ' s counter - guarantees , unlike those made by international lenders . maharashtra chief minister vilasrao deshmukh called enron ' s decision unfortunate . "" we had told state government officials attending the enron board meeting to stop the company from winding up its operations in the state as it will harm both parties . "" the statesman , friday , april 27 , 2001 enron threatens to pull out the enron crisis deepened with the board of directors of the dabhol power company deciding to authorise the managing director , mr k wade cline , to serve a notice of termination on the contract for the first phase of the $ 2 . 9 billion power project . the decision , which could lead to the cessation of dabhol ' s power supply to the state , was taken at the meeting held yesterday in london according to reports quoting the chairman of the maharashtra state electricity board , mr vinay bansal . while dpc officials refuse to comment on anything , it is learnt that mseb was itself prepared to serve a legal notice of termination just two days before the meeting . mseb was said to have been dissuaded by the nationalist congress party president , mr sharad pawar , and union power minister mr suresh prabhu , who had talks in new delhi with the maharashtra chief minister , mr vilasrao deshmukh , and an mseb delegation last monday . the state government has been served two arbitration notices while the centre is ready to go for conciliation with the dpc for failing to honour its counter - guarantee . further , the dpc has already slapped a notice of political force majeure which protects itself against undeserved claims in the event of exigencies that force it to take an extreme step . the union power minister , mr suresh prabhu , contended in delhi that since dpc contributed only 0 . 7 per cent of the total energy output of the country , its termination would not have such a phenomenal impact on the power situation . however , if terminations proceedings go through , enron corp , a 65 per cent share - holder in the dabhol power company , would stand to net a hefty amount in damages . the union power secretary has been quoted as saying that termination of the dpc would cost the centre rs 1 , 800 crore , which is the total of one years ' electricity bill and a termination fee of $ 300 million . according to an energy analyst , mr pradyumna kaul , the total liability would not cross rs 350 crore . however mr prabhu said in the lok sabha today that the that scrapping of the agreement would cost the centre rs 2 , 840 crore . it is learnt that on 20 april , mr deshmukh had given the go - ahead to the mseb to prepare a legal notice to be issued to enron during the meeting of the dpc ' s board of directors on wednesday . at the meeting , the energy minister , padamsinh patil , energy secretary , mr vinay mohan lal and mseb chairman mr vinay bansal , were also present . the notice was prepared over the past weekend and taken by the delegation when they called on mr prabhu on 24 april . however , the politicians convinced them that enron would not get tough , given its huge stake in the project , and that such a notice would not be necessary . the meeting thus ended with the decision to renegotiate the power tariff , with enron ' s consent . among those present at the london meeting were mr lal , mr bansal and mseb technical director , mr p paunikar , in their capacity as directors . however , they abstained from voting since they were deemed an interested party . the only vote to go against the decision was that of the idbi which is also represented on the board , it is learnt . the chief minister , mr vilasrao deshmukh , said the state was not in favour of terminating the project . this could mean that the latest manoeuvre to arm - twist the indian authorities could achieve its immediate target of getting the arrears accumulated over the past three months cleared . the mseb owes enron rs 146 . 64 crore for march 2001 and rs 229 crore for december 2000 and january 2001 . the centre today put up a brave face on enron ' s decision saying there would not be any adverse effect on foreign investment in power sector in the country , pti reported from new delhi . "" there will be no adverse impact as a result of any action by any domestic or foreign company . as far as we are concerned there will be no adverse impact on fdi in power sector , "" power minister suresh prabhu told reporters when asked about dpc ' s decision to authorise management to issue a termination notice to mseb . emphasising that there would be no fallout of such decision , prabhu said after the meeting of the cabinet committee on economic affairs "" we are expecting cooperation from many scandinavian countries as well as european nations in the power sector . "" in fact not only the power minister but also the prime minister of norway was here to inaugurate a seminar on power and he promised lot of cooperation in the sector . "" mid day ' dpc may not wind up ' maharashtra chief secretary v ranganathan has said that though neil mcgregor , managing director of the dabhol power corporation ( dpc ) , has been given complete powers with regard to dpc ' s operations in the state , including the authority to wind up operations , it does not necessarily mean that mcgregor will issue such a termination notice . mcgregor was given the powers at a meeting of the dpc board in london on wednesday . ranganathan said that state officials , including maharashtra state electricity board ( mseb ) chairman vinay bansal and power secretary v m lal , have reported back to him about the meeting in london . with regard to the state ' s failure to pay enron , ranganathan said , "" bills are prepared as per the power purchase agreement ( ppa ) and dpc owes some money to us . our people informed enron officials about this . . in fact , there was no reason to give powers to the md to slap a termination notice . "" in the london meeting , mseb and industrial development bank of india ( idbi ) representatives insisted that the dpc must pay rs 411 crore since it could not supply power whenever needed . chief minister vilasrao deshmukh has already termed as unfortunate the decision of the board of the enron - promoted dpc to give mcgregor powers to wind up operations . deshmukh added , "" we have already requested enron not to take any harsh decision . "" deshmukh had earlier said , "" we have directed state government officials attending the dpc board meeting to desist the energy company from winding up operations in the state , as it would be harmful to both of us . "" enron officials are keeping mum on the issue . mcgregor said , "" i am not going to give any comment . "" mid day , april 27 , 2001 enron offers ' no comment ' on renegotiation , h s rao a crucial meeting of the board of directors of the dabhol power company ( dpc ) , promoted by the us energy major enron , was held here yesterday apparently to discuss fate of its $ 900 - million power project in maharashtra , but there was no official word on the indian and state governments ' decision to renegotiate the contract . an enron spokesman declined to divulge what transpired at the meeting , saying the issues discussed at the meeting were ' confidential ' . "" we have not received any direct communication . unless we get it and evaluate the details , we have no comments to make , "" the spokesman said when asked about the proposed decision on re - negotiation of the project in which the maharashtra state electricity board ( mseb ) has 15 per cent stake . asked whether the board had taken a decision on empowering dpc managing director neil mcgregor to wind up its operations in india , the spokesman said he had nothing to say on them . enron has reportedly authorised mcgregor to look at various options including selling the company ' s stake in dpc . maharashtra chief minister vilasrao deshmukh said in mumbai that the state government would pay up the undisputed dues to the company . he said the maharashtra government "" is not in favour of terminating the 2184 - mw project , but wanted an amicable solution to the imbroglio . "" mid day , friday , april 27 , 2001 , committee to renegotiate enron deal a committee to renegotiate the power purchase agreement with the dabhol power company will be appointed by this evening , chief minister vilasrao deshmukh said today . addressing media persons after his meeting with the noted social reformer anna hazare at his official residence varsha , deshmukh said the committee would be formed by this evening or by tomorrow , at the most . he termed as unfortunate the enron board decision empowering dpc chief neil mcgregor to serve a preliminary termination notice on the maharashtra state electricity board and said the state was willing to negotiate the issue with power company . "" renegotiations will be held as per the suggestions made by the godbole committee and the center will also depute its representative on the renegotiating committee . we don ' t want to take any hasty decision , "" deshmukh saidhe pointed that the only bone of contention with the dpc had been its expensive tariff and hoped that the issue would be resolved amicably . when pointed that the enron board had taken a decision to serve the notice despite state  s willingness to appoint a renegotiating committee , chief minister said it was unfortunate . earlier , in his meeting with hazare , deshmukh promised to make necessary amendments to the right to information law recently passed by the state so that the information was easily accessed by the common people . he also gave a patient hearing to hazare on his complaints of corruption in various state departments and promised action against guilty after a thorough inquiry within three months . afternoon , april 27 , 2001 ' enron ' s on ! ' state govt . to renegotiate dabhol power project , by hubert vaz the us power giant , enron power corporation ' s willingness to wrap up the dabhol power project and leave the shores may not actually materialise , though the dabhol power company chief , mr . wade cline , has been authorised to do so , since the lenders for the project would have a decisive say in the matter . disclosing this , chief minister vilasrao deshmukh confirmed this morning that the state government would churn out a compromise formula by which the power project at dabhol could be continued , and at the same time enron did not feel slighted . "" enron has not yet conveyed to us about this decision . we are waiting for their letter , "" he said . when asked what sort of compromise the state government plans to forge , mr . deshmukh said , "" let our officers come back . after that we will decide a future course of action . but we are definitely going in for renegotiation of the project . it is very difficult to predict the outcome of enron ' s decision but as of now the project is still on . "" when asked whether the project could be moved to another state , if wound up from maharashtra , mr . deshmukh said , that was not possible as per the terms of the agreement between the us company and the state government . however , it was difficult for the project to move out of the state itself , he indicated . he also confirmed that both parties would face considerable losses if the project was terminated . the board of directors of the dabhol power company , which met in london on wednesday , decided to put an end to all controversies surrounding the project once and for all by empowering the dpc chief to terminate the project , if he deemed it fit . however , this decision , as of now , does not necessarily indicate the death knell for the project . the enron project , which had been riddled with controversies right from its inception , had been a pretext for the political parties in the state to drag each other on the mat from time to time . the previous sena - bjp government , which had been out to terminate the project , however , chose to continue with it following renegotiations with enron ' s top visiting officials like ms . rebecca mark . and , the democratic front government inherited the controversial project when the governments changed hands a year and a half ago . meanwhile , state energy minister dr . padamsinh patil , when contacted at the osmanabad circuit house , said the state government and the central government have decided to appoint a joint committee to renegotiate the project with enron . "" it is not easy for them to walk out of the project just like that . they will have to go in for litigation and this would prove costly for both sides , "" he said . in case the project is terminated , the government can still manage the power needs of the state , though it would be a bit tough job , he added .",0 +"Subject: re : pending approval for ibuyit request for wincenty ( vince ) kaminski : eva : remedy 412144 vince , welcome to ibuyit , enron ' s integrated procurement through payment solution . your ibuyit security form has been processed . here is your ibuyit eprocurement logon information : user id : po 0503778 password : your date of birth ( format : yyyymmdd - - 19670120 for january 20 , 1967 ) important : when you first log on to ibuyit eprocurement , you will be prompted to change your password . you may use the same password you enter when logging on to other sap - related applications , e . g . , ehronline . should you select a new password , your password in other sap - related applications will automatically reset . you only need one password for your sap user id ( pid ) . ready to launch ibuyit eprocurement ? access it from the ibuyit portal : for step - by - step documentation on ibuyit eprocurement , click here : for help , call the isc call center at 713 - 345 - 4727 . if you have any question regarding this request , please contact sap security . thanks ! from : raul davila / enron @ enronxgate on 04 / 19 / 2001 06 : 02 pm to : sap security @ enron cc : subject : re : pending approval for ibuyit request for wincenty ( vince ) kaminski : eva : remedy 412144 approved - - - - - original message - - - - - from : tow , eva on behalf of sap security sent : thursday , april 19 , 2001 5 : 39 pm to : davila , raul cc : vkamins @ enron . com ; crenshaw , shirley subject : re : pending approval for ibuyit request for wincenty ( vince ) kaminski : eva : remedy 412144 raul , raul , vince kaminiski is requesting acces to the technical view for catalog along with the ibuyit approval role . this is pending your approval . please send your response to sap security . thanks ! shirley crenshaw @ ect 04 / 19 / 2001 03 : 01 pm to : sapsecurity @ enron . com cc : vince j kaminski / hou / ect @ ect subject : ibuyit form attached please find the completed form for vince kaminski , managing director , research group . he will be approving all purchases for cost center 107043 . > - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 19 / 2001 02 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : debbie skinner / enron @ enronxgate on 04 / 19 / 2001 02 : 52 pm to : shirley crenshaw / houston / eott @ eott , shirley crenshaw / hou / ect @ ect cc : subject : ibuyit form hi shirley there were two shirleys , so sending to both > isc help desk",0 +"Subject: re : brazil fyi . this is a deal i ' ve been helping them value correctly . here remi is , ostensibly the head of trading in brazil , and he doesn ' t even know what a digital option is . scary ! grant . - - - - - - - - - - - - - - - - - - - - - - forwarded by grant masson / hou / ect on 03 / 30 / 2000 10 : 23 am - - - - - - - - - - - - - - - - - - - - - - - - - - - remi collonges @ enron _ development 03 / 29 / 2000 07 : 53 am to : grant masson / hou / ect @ ect cc : subject : re : odebrecht / ita deal thanks for taking the time to look at this transaction . i ' m currently trying to understand what a digital option is , but besides this i can say you ' ve got it right . remi",0 +"Subject: re : tiger team - wharton participants i lied a little - 2 people from the bottom of the list did submit resumes - i got discouraged and didn ' t check everyone . michele nezi marvin manager enron broadband services ( 713 ) 853 - 6848 michele nezi marvin 01 / 10 / 01 06 : 18 pm to : kristin gandy / na / enron @ enron cc : jeffrey a shankman / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : tiger team - wharton participants are these students first or second years ? if they are first years , we did not have a single one submit a resume for the summer associate position . michele nezi marvin manager enron broadband services ( 713 ) 853 - 6848 kristin gandy @ enron 01 / 03 / 01 10 : 17 am to : jeffrey a shankman / hou / ect @ ect , william keeney / hou / ect @ ect , catherine clark / hou / ect @ ect , rajesh chettiar / enron _ development @ enron _ development , tom dutta / hou / ect @ ect , jayshree desai / hou / ect @ ect , colin jackson / enron communications @ enron communications , laura howenstine / enron communications @ enron communications , michele nezi marvin / enron communications @ enron communications , jennifer fraser / hou / ect @ ect , natalie halich / enron communications @ enron communications , ranabir dutt / corp / enron @ enron , teresa dyar / na / enron @ enron , jeff golden / hou / ees @ ees , charles ward / corp / enron @ enron , sarah wesner / corp / enron @ enron , li sun / na / enron @ enron , gillian johnson / na / enron @ enron , lisa connolly / na / enron @ enron , michael j popkin / na / enron @ enron , kevin mcgowan / corp / enron @ enron , evan betzer / enron communications @ enron communications , jebong lee / enron communications @ enron communications , chu chu wang / corp / enron @ enron , brad hitch / eu / enron @ enron , betsy bassis / enron communications @ enron communications , matthew goering / hou / ect @ ect , claude tellis / enron @ enronxgate cc : subject : tiger team - wharton participants attached below is a list of individuals that will be participating in the tiger team event at enron in houston on the 18 th of january . keep these people in mind when it comes time to pick candidates to interview for the spring . call if you have any questions and i am still looking for wharton alum who would like to attend the dinner at churrasco ' s that same evening . thank you , kristin - - - - - - - - - - - - - - - - - - - - - - forwarded by kristin gandy / na / enron on 01 / 03 / 2001 10 : 14 am - - - - - - - - - - - - - - - - - - - - - - - - - - - melinda mccarty 01 / 03 / 2001 09 : 43 am to : kristin gandy / na / enron @ enron cc : subject : tiger team - wharton participants vincent chen nicholas levitt deepa mallik jack rejtman heather thorne donna piazze kim whitsel tulika bhalla jaideep singh edson otani joshua leventhal pat henahan gustavo palazzi clay degiacinto steve lessar ram vittal omar bassel jason cummins dennis feerick",0 +"Subject: miscellaneous items vince : here are several items that you need to know about . 1 . paul johnson said that monday night would be fine for the dinner with spyros . 2 . lucy deathridge from risk called and needed your presentation for the boston conference by this evening in order to have copies made . i told her you were in meetings and had been very busy , i did not know whether your presentation was ready or not . we can have 500 copies made from the copy center and overnight them to her next week , but you won ' t be here on the 9 th to do this . do you have any suggestions ? 3 . i have been trying to schedule a meeting that mike roberts called about regarding e - online . he said to schedule it for friday at 11 : 30 am . i called mark palmer and he knew nothing about the meeting , but said he would be here at 11 : 30 am . however , i have been unable to reach dan diamond . mike said that you might have his cell phone ? thanks ! shirley",0 +"Subject: risk desk , issue # 1 hello - - listen , wanted to make sure you received a copy of our newest publication last week , the risk desk . because of the size of the files we sent out , quite a few bounced back because some corp firewalls halt emails over a certain size . anyhow , if you didn ' t receive the issue , hit the reply button and type "" resend risk desk . "" responce so far has been great for those of you that received the free copy - - we think you ' ll agree that it ' s soon to become the leading "" must read "" publication on market , credit , price and operational risk management in the energy space . also , just a reminder , the charter price for a one year subscription ( $ 199 ) ends soon . let us know . john sodergreen editor - in - chief scudder publishing group , llc ph : 410 / 923 - 0688 fax : 410 / 923 - 0667 johns @ scudderpublishing . com the desk , the risk desk , power executive the bandwidth desk , energy ebusiness",0 +"Subject: re : 1997 risk paper on pricing of electricity derivatives bernard , yes , i can read a dvi file . you can also cc my home address : vkaminski @ aol . com . i shall try to send you an answer to your question on weekend . vince "" murphy , bernard "" on 03 / 01 / 2001 09 : 18 : 58 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : 1997 risk paper on pricing of electricity derivatives vince , i can send you a scientific word dvi file ( at the weekend ) if you can read scientific word files ? the dissertation hasn ' t been reviewed by les or the external yet - although its been at forc for 2 months . i think that the empirical chapter is probably the one which would be of most relevance to both our company ' s businesses - although i ultimately didn ' t have the time to ' explicitly ' price the jump risk - premium which i conjectured is possibly implicit in the prices of exchange - traded electricity futures - options - rather i developed an implicit estimation procedure which will enable a rough assessment ( with a little bit of further work , but not too much ) be made of the price of jump risk in wholesale power markets . in other words , i assumed spot jump - risk to be undiversifiable , and essentially devoted 2 theoretical chapters to : 1 ) proving that a jump - diffusion trading model is "" incomplete "" ( synthesising the securities markets framework with martingale representation theory ) - note that i did not assume that markets could be dynamically completed with ' term structure ' securities as in the hjm w / jumps papers of shirakawa and das and ; 2 ) deriving an explicit risk - adjustment process for ' implementing ' the price of jump - risk using a jump - diffusion marginal indirect utility of wealth process ( ie . a jump - augmented production economy approach in the spirit of cir , bates , ahn whereas in the latter the driftless forward supposition means that i have to capture mean - reversion via the futures volatility function , and jumps are less easy to calibrate . any suggestions ? regards bernard - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : 01 march 2001 14 : 54 to : murphy , bernard cc : shirley . crenshaw @ enron . com ; vince . j . kaminski @ enron . com subject : re : 1997 risk paper on pricing of electricity derivatives bernard , i am forwarding your message to my assistant and she will mail you a reprint . i would be glad to take a look at your dissertation . is it available as a publication , working paper ? vince "" murphy , bernard "" on 03 / 01 / 2001 02 : 17 : 39 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : 1997 risk paper on pricing of electricity derivatives hello vince , my name is bernard murphy - i received your e - mail address from les clewlow , who was my phd supervisor at the financia options research centre at warwick business school . i ' ve just finished my phd on electricity price jump diffusions : a theoretical and empirical study in incomplete markets - hence my interest in electricity price modelling and derivative pricing . i was looking to get hold of a copy of your 1997 paper , which has recently come to my attention : "" the challenge of pricing & risk - managing electricity derivatives "" , the us power market , risk publications , pp . 149 - 171 . and les suggested that i contact you directly ( les is travelling at present and doesn ' t have an electronic copy available ) to request an e - copy . incidentally , i am lecturer in finance / financial mathematics at university of limerick ( ireland ) and have taken a year out to work for caminus uk , where i am working on introducing and developing a markets - based approach ( spark - spread ) to real asset valuations in the uk power industry . thanks in advancve bernard murphy",0 +"Subject: enron ' s new weather system , courtesy the research dept . v last night , i tested our new system for real - time surveillance and messaging of the weather , and it delivers the data to desktops throughout the building more than 6 1 / 2 minutes before the national weather service updates their webpages . our current technology was web - scraping these pages via ftp , then parsing into a database . the impact of these 6 1 / 2 minutes for the hourly power traders is enormous - the weather stations upload their data around 53 minutes after the hour , and we can now receive them within 2 minutes later . we can now re - estimate our nonlinear stack model before the top of the hour , when hourly power trading begins . otherwise , we would not have model results until around 15 minutes after the hour . notably , hourly power trading is , for all intents and purposes , concluded by then ( they trade for 10 - 15 minutes and manage the scheduling for the next 30 or so miutes ) . so , effectively , we may now be one * hour * ahead of where we were just a few days ago , in terms of information . people are very excited up here , from the cto on down - thanks for letting it happen . c",0 +"Subject: research group accountant hi dawn : the research group has moved around so much that we do not know who to contact for accounting issues . we need to reverse some money back to one of the groups we are supporting , but do not know who to contact . do you have a clue ? we are also still using an sap corp . co # and rc # because we do not know where to go to get the new ena # ' s . if you could help in this we would really appreciate it . thanks ! shirley crenshaw",0 +"Subject: var for cob lst aug 2000 hi , i have run the var for cob lst aug 2000 . a summary of the results is as follows : i have also attached the model . again the prices for cocoa beans and gold have not been updated since the 26 th july . the gamma positions for the metals have been added to check the effect on the var . the change was small : delta var - $ 4 , 899 , 196 delta / gamma var - $ 4 , 780 , 797 this is not a live daily feed as andreas mannually created the file for me today so that we could do this check . regards kirstee",0 +"Subject: understanding risk and return of an insurance portfolio hi vince , i am enclosing a report on my thoughts about risk and return behaviour of an insurance portfolio . your input on this will be very helpful . i have given vasant a copy of this report and am working with him towards improving this . in the mean time , i happened to mention this idea in a meeting with david porter , per sekse , brad blesie and david hoog and there seems to be some interest in understanding how this works . in fact , david hoog subsequently reviewed this with me and suggested some changes . those changes have been included in this report . the idea here is simple and just a starting point . while it provides a broad picture on how risk and return will behave at portfolio level , i am hoping to be able to relax some of the assumptions to get more realistic picture in near future . looking forward to your input , sincerely , amitava",0 +"Subject: aga for 6 / 16 / 00 is predicted at 82 i will keep runing my aga model ( the molecule model ) for awhile . for the last two weeks the numbers that came out from the model are in the lucky side . see the following table . the following figures shows the overall fit . zimin",0 +"Subject: confirmation of meeting vince : thanks for introducing me as a speaker at the power 2000 conference . as per our conversation , please find enclosed my resume . i will come to your office at 1 : 30 pm , friday , may 12 , 2000 . please let me know if the dress code is casual or formal . thanks again for taking the time to talk to me regarding opportunities at enron . > sanjeev k khanna , m . sc . , p . eng . director , quantitative risk management pg & e energy trading 1100 louisina street , # 1000 houston , tx 77094 email : sanjeev . khanna @ et . pge . com tel : ( 713 ) 371 6647 , pager 800 - 526 - 4095 , cell ( 281 ) 302 - 8468 pg & e energy trading and any other company referenced herein which uses the pg & e name or logo are not the same company as pacific gas and electric company , the california utility . these companies are not regulated by the california public utilities commission , and customers do not have to buy products from these companies in order to continue to receive quality regulated services from the utility . - . doc",0 +"Subject: re krishnarao , pinnamaneni v review i made a mistake and put comments for another person into krishnar ' s prc . please make sure that you ignore it if i can ' t get it fixed . below is what i intended to put in . my apologies . i will get my assistant to get it deleted and put this information in on monday . it won ' t let me do it now . i guess it does not pay to leave 30 or 40 reviews to the last day . paula : please fix this for me and let vince know either that it is fixed or cannot be fixed . innovation / entrapraneurship no basis communicating goal setting no basis team work / communication excellent . very easy to work with and get along with . business instincts excellent . krishnar is consistent in asking to help out and asking what more he could do to help us out . analystical technical excellent . krishnar has a very strong grasp of what we are doing and how it should be done . overall excellent . my interactions with krishnar have been limited but positive . krishnar is always positive with a positive attitude to get the job done . strengths : very strong analytical skills with a desire to add value . areas for improvements i don ' t understand krisnar ' s role ( is leading all research people on our floor or just some ) well and have had limited interaction with him . { all has been positive when it has ocurred } this suggests that krishnar might spend more time define what his people are doing and getting feedback about their performance , and developing the project scope better .",0 +"Subject: re : the research lunch i would be very willing to make a presentation to you . this coming thursday unfortunately , i have a sick day scheduled ( babies will do this kind of thing to you ) and will not come into the office . would it be more practical to make the presentation to a select group of a few ( possibly ) interested individuals ? this might give us more shceduling flexibility and would also seem more appropriate , knowing that what i have is a set of suggestions for development and no earth - shuttering , live product . please let me know if this accomodates your needs , yannis joseph hrgovcic 03 / 29 / 2000 09 : 35 am to : yannis tzamouranis / hou / ect @ ect cc : subject : re : the research lunch yannis , shirley will know the room in which the lunch is scheduled . let her know what audio - visual materials you ' ll need . keep in mind that the research group is now about 40 people , some of whom will be watching the presentation on video from portland and from london . the best platform would be to get a pc - video or pc - screen link - up , so that everyone , including people watching remotely , can see your computer ' s monitor on a big screen . the itinerary for the lunch is that we meet at 11 : 30 and eat lunch and trade news for the first 30 - 45 minutes , and then at 12 : 00 or 12 : 30 at the latest , we have a presentation . we try to wrap up by 1 : 00 , so that what we discussed yesterday should make for a very good presentation in pretty much every way . from my experience , the audio - visual people need at least an hour advance warning to get the screens linked up . let me know if you need any help in getting you and jenny the things you need . joe - - - - - - - - - - - - - - - - - - - - - - forwarded by joseph hrgovcic / hou / ect on 03 / 29 / 2000 09 : 26 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 03 / 29 / 2000 09 : 31 am to : yannis tzamouranis / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , joseph hrgovcic / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : is this data of interest to any of you ? yannis , it makes a lot of sense to get this info . also , you are welcome to make a presentation to the group this thursday at lunch . please , call shirley crenshaw ( x 3 - 5290 ) to coordinate and order sandwich you would like to have . vince joe , can you , please , babysit this presentation ( make sure we have all the audiovisual equipment we need , etc . ) . vince yannis tzamouranis 03 / 28 / 2000 02 : 50 pm to : yannis tzamouranis / hou / ect @ ect cc : ( bcc : vince j kaminski / hou / ect ) subject : is this data of interest to any of you ? fyi : the following file describes the contents of the monthly energy review ( application , current , and historical ) . the data is available through a doe site and we can get it for free and incorporate it in the lim database , if there is interest . review the attached file ( look for keywords of interest ) and let us know whether need dictates loading these datasets . for the market analysis and infomration management group , yannis c . tzamouranis enron it",0 +"Subject: re : eprm course chris , thanks for the invitation . yes , i am interested in the training course . i shall call paul bristow today . please , give me some indication regarding the dates . vince vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 ( 713 ) 410 5396 ( cell ) fax : ( 713 ) 646 2503 "" chris strickland "" on 02 / 06 / 2001 02 : 20 : 52 am please respond to "" chris strickland "" to : "" vincejkaminski "" cc : "" vince \ ( home \ ) "" subject : eprm course hi vince , ? hope you are fine . i hope that grant ' s leaving ? hasn ' t affected your group too much ? ? eprm ' s paul bristow has been in touch about a var training course involving les , yourself and i . are you interested ? we would be ? extremely happy to work with you . he was talking about london and houston which i don ' t know if it fits with your travel schedule . maybe we can sort something out . ? i hope to have the next article with you by early next week . ? best regards as always , and many thanks for your book promotional efforts ! ? chris . ? ? ?",0 +"Subject: re : information vince , after checking into this issue i have found that the type of information requested is proprietary and not available for release . i will try to contact them and see if there is something else we can help them with but as far as the data is concerned i don ' t believe we can help them with that request . i am sorry i couldn ' t be of more help . thank you . shalesh ganjoo vince j kaminski 11 / 21 / 2000 09 : 15 am to : shalesh ganjoo / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : information shalesh , please , look into it . can we give them this information ? i see a remote possibility of a gain for enron : it ' s in our interest to support the growth of this market and part of the process is development of the infrastructure for this market and maintaining public interest . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 21 / 2000 09 : 18 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" yann d ' halluin "" on 11 / 16 / 2000 01 : 18 : 39 pm to : vince . j . kaminski @ enron . com cc : subject : information dear sir : the scientific computation group at the university of waterloo , ontario , canada , has recently started to be very interested in the recent developments of the bandwidth market . we find that the specifics of the bandwidth market offer challenges from the modelling point of view . however , we have encountered difficulties when looking for data , and we were wondering if you could help us . specifically we would like to know for a given city pair for the different existing type of lines ( e . g . oc 3 , ocl 2 , oc 48 . . . . ) 1 . what has been the spot lease prices ( e . g . $ / line - type / mile ) for the past 12 months ? 2 . what is the price of the dark fiber for a given type of line ? 3 . what is the maintenance cost $ / month ? ( for the same lines , e . g . oc 3 , ocl 2 , oc 48 , . . . ) 4 . what is the upgrading cost for the different lines ? ( e . g . how much does it cost to upgrade ) oc 3 - - > ocl 2 oc 3 - - > oc 48 ocl 2 - - > oc 48 5 . how long does it take to upgrade a line from a certain capacity to another ( e . g . 1 month , 2 month , . . . ) ? we realize that some of these questions may ask for confidential data , in that case we would really appreciate if an order of magnitude was provided . i look forward to hearing from you . sincerely , yann d ' halluin p . s : here is a link to our web page : http : / / www . scicom . uwaterloo . ca - - this email and any files transmitted with it are confidential and intended solely for the use of the individual or entity to whom they are addressed . any unauthorized review , use , disclosure or distribution is prohibited . if you are not the intended recipient , please contact the sender by reply e - mail and destroy all copies of the original message . ",0 +"Subject: re : fwd : summer internship - - ph . d . in chicago stinson , can you ask alex and tanya to interview this guy ? i wan to make a recommendation to celeste based on an this interview . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 19 / 2001 05 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - celeste roberts 01 / 18 / 2001 04 : 33 pm to : vince j kaminski / hou / ect @ ect cc : paul lebeau / na / enron @ enron subject : re : fwd : summer internship - - ph . d . in chicago vince : have you had a chance to interview ? if not , we can make arrangements to have candidate interviewed when we go to chicago for summer associate interviews . let me know and i will get the chicago recruiter to add to schedule . vince j kaminski 01 / 17 / 2001 03 : 51 pm to : celeste roberts / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : fwd : summer internship - - ph . d . in chicago celeste , i am a very good customer of your group . this is another student ( this time from chicago ) i would be glad to take into the group as an intern . the resume is attached at the bottom of this message . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 17 / 2001 03 : 51 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - li xiao on 01 / 13 / 2001 01 : 41 : 29 pm to : vkamins @ ect . enron . com cc : subject : fwd : summer internship - - ph . d . in chicago hi , vince , this is li , writing from u . of chicago . i am in the second quarter here . the study and social life is extremely busy at the school . but i enjoy connecting the knowledge i learn everyday here with the experience i had with enron . a schoolmate of mine , a chicago ph . d . candidate in finance , is looking for an internship for the coming summer . i recommend him to write to you to see if you are interested in or if there is a need . if so , you can contact with him directly . he is a really bright guy . if not , hope you don ' t mind that i sell enron at school so hard . again , thanks for all the help you gave me . have a good new year . li p . s . : cover letter below and resume attached . li xiao university of chicago graduate school of business , class of 2002 ( 773 ) 955 - 0710 dear dr . vince kaminski , i am a ph . d . student in finance at the university of chicago gsb who = hopes to find a summer internship at enron of 2001 ( between june and = september ) . i heard your group from my friend li , who worked at enron = for 3 year . she spoke highly of you . if it ' s okay , i am primarily = interested in risk management . at the university of chicago , i will have completed all the ph . d . = courses in the area of finance by the end of the first year . as normally = it takes two years to finish the required finance courses , i decided to = take all the finance courses in the first year . in the fall quarter , i = already took empirical asset pricing and theoretical asset pricing and = did very well . in the winter quarter , i will be taking corporate = finance , continuous time finance and behavioral finance . i am exposed to = all fields of finance . prior to coming to chicago , i received a master ' s = degree in economics at washington university in saint louis where i = acquired skills in economic analysis . i also have a strong background in = statistics and mathematics . this makes me believe that i have acquired = the ability to do financial research . prior to coming to the united state , i was an outstanding graduate from = beijing university , china . i was the founder and president of beijng = univeristy society of oceanology . i also organized a research jouney in = the round - the - bo - sea economic region . these experience helped to hone my = communication and interpersonal skills . as illustrated above , my skills and expertise are ideally suited for = financial research . my resume is enclosed . in the event that you think = an interview is in need , my time is very flexible . your assistance is = appreciated . sincerely yours , jason chen ( huafeng ) 6022 s . drexel ave , apt 612 chicago , il 60637 ( 773 ) 955 - 0348 - resume . doc",0 +"Subject: dr . michelle foss - energy institute michelle , fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 25 / 2001 09 : 50 am - - - - - - - - - - - - - - - - - - - - - - - - - - - christie patrick 04 / 25 / 2001 07 : 43 am to : vince j kaminski / hou / ect @ ect cc : subject : dr . michelle foss - energy institute hi vince - - i ' ll take care of it ! thanks ! christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 04 / 25 / 2001 07 : 43 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 24 / 2001 05 : 15 pm to : christie patrick / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : dr . michelle foss - energy institute christie , i am forwarding you a message i have received from the university of houston . can you help them ? we have a very good relationship with the uoh . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 24 / 2001 05 : 14 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - aisha jamal on 04 / 23 / 2001 03 : 15 : 29 pm please respond to aisha @ uh . edu to : vkamins @ ect . enron . com cc : mmfoss @ uh . edu subject : dr . michelle foss - energy institute dear mr . kaminski , i am writing to ask a favor for dr . michelle foss . as you know we will be running our "" new era "" program from may 14 - may 25 th . dr . foss was wondering if on may 22 nd ( between 1 : 30 pm and 4 : 00 pm ) , we would be able to bring our participants for a tour of your trading floor . at this time we will have 30 - 40 people , and since only 10 people maximum should really be on a trading floor we need to have 4 companies among which to divide our participants . at this time , we have a floor from coral energy , and are working with duke , and i will be contacting mr . paul roberts to arrange for the reliant energy trading floor . i was hoping very much that you would be able to direct me to the right person to contact to arrange this tour . will this be a possiblity ? i really appreciate your help very much . thank you ! best regards , aisha jamal energy institute 713 - 743 - 4634",0 +"Subject: re : rice students ken a tour would be great ( after 10 : 30 , if they can make it ) . please , let shirley know about the meeting . vince kenneth parkhill @ enron 01 / 29 / 2001 10 : 17 am to : vince j kaminski / hou / ect @ ect cc : subject : rice students vince , 19 c is available and reserved for 9 am to 10 : 30 , wednesday . would you like me to try and arrange a tour for the students or should we wait until we know more about their interests ? are their some other enron folks you would like to invite for wednesday ? ken",0 +"Subject: re : clustering for power tanya , as we discussed in the last meeting , to simulate secondary power curve we need correlated jump sizes . this is totally different from the current secondary price curve simulation which assume the perfect correlation and also totally different from the secondary gas basis curve simulation which is based on the hedging ratio . there are two more issues on my side i need to resolve : 1 . i want resolve the power basis curve issue . currently all power position on these basis curve are actually price positions . we are hard coding this : if power basis we add basis to corresponding region curve . i am trying to remove this hard coding by asking loading the price curve for all these basis locations . 2 . same is true for all those power f curves . these curves looks similar to those basis curves . currently we just directly map these f curves to the corresponding region curves . i would also prefer to load the price curves instead of the price differences . from research , i need those jump size correlations . clearly , all these involve many new development , unless we want to use simpler way to simulate secondary power curves . regards , winston - - - - - original message - - - - - from : tamarchenko , tanya sent : monday , april 16 , 2001 9 : 17 am to : lew , jaesoo cc : gorny , vladimir ; jia , winston ; kaminski , vince subject : re : clustering for power jaesoo , as we discussed last week on wednesday meeting can you , please , implement clustering for power curves by geographical region . this involves the following : 1 . deciding together with risk control how many geographical regions we want to use and which enron ' s curves belong to each region . 2 . deciding together with risk control how to choose core curves for each region . this decision can be maid based on the a ) position size ; b ) statistical analysis . there might be other considerations . 3 . doing regression analysis for each curve versus the corresponding core curve . winston , can is it possible to run var for the clustering results obtained by jaesoo with clustering done by sas ? should we wait for the stage re - fresh and what is the status on this ? tanya .",0 +"Subject: fwd : our conversation today return - path : from : awenda 2000 @ cs . com full - name : awenda 2000 message - id : date : mon , 4 dec 2000 12 : 47 : 07 est subject : our conversation today to : wkamins @ enron . com mime - version : 1 . 0 content - type : multipart / mixed ; boundary = "" part 2 _ 3 b . d 386 bc 9 . 275 d 329 b _ boundary "" x - mailer : unknown sub 111 hi wincenty , it was a pleasure talking to you today . i am enclosing my resume and look forward to talking to you again . best regards bibianna - bibianna res . # 2 . doc",0 +"Subject: re : tasha , yes , i think li xiao deserves the bonus . vince kaminski tasha lair @ enron 03 / 21 / 2000 02 : 24 pm to : vince j kaminski / hou / ect @ ect cc : subject : vince , linda vargo asked me because i am the administrator of employee referral program to contact you on whether or not li xiao is eligible for a bonus on his referral of alex huang . i have informed linda that the decision up to you . if you feel that alex huang was hired as a result of li bringing him to the attention of enron then the bonus is due . linda and yourself have communicated via e - mail on this issue in early february and it appears from that correspondence that li did encourage alex to e - mail his resume to you . please advise as to whether or not you want to award the bonus . thank you",0 +"Subject: re : lunch fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 09 / 28 / 2000 10 : 26 am - - - - - - - - - - - - - - - - - - - - - - - - - - - allan . roberts @ uk . arthurandersen . com on 09 / 26 / 2000 09 : 41 : 47 am to : shirley . crenshaw @ enron . com cc : subject : re : lunch shirley , thank you for your e - mail , i hope all has turned out well with vince and his family . this is my first day back in the office , so the reason for contacting you is to acknowledge receipt of your note and to inquire as to when vince will next be in the uk . please contact me at you convenience , allan to : allan roberts cc : date : 18 / 09 / 2000 16 : 18 from : shirley . crenshaw @ enron . com subject : re : lunch allen : i apologize ! i tried to call on the numbers below , but they would not go through . i sent you an email explaining why vince was not there , unfortunately it did not get to you in time ! vince ' s wife and son were driving to california for his junior year at stanford . they stopped in phoenix and his wife got sick . vince is afraid he will have to fly out there and drive them on to calif . please accept our deepest apologies and we will reschedule for october , if it is ok . regards , shirley crenshaw allan . roberts @ uk . arthurandersen . com on 09 / 18 / 2000 09 : 08 : 15 am to : shirley . crenshaw @ enron . com cc : chris . j . osborne @ uk . arthurandersen . com , richard . p . emerton @ uk . arthurandersen . com , mike . pilgrem @ uk . arthurandersen . com , angela . mindley @ uk . arthurandersen . com subject : lunch dear shirley , my colleagues and i were expecting to lunch with vince today . unfortunately , vince did not show . the reason for contacting you is to inform you of the situation and to enquire as to whether everything is ok . his plane arrived on time , but we have not heard from him today . if you need to contact me urgently , please call me on + 44 370 584 695 , or my ea angela on + 44 7304 8102 . regards , allan * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it . * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it .",0 +"Subject: complexity science and the energy industry brown bag > please join nesa / hea at the "" complexity science and the energy industry brown bag "" ~ april 18 th , 2001 if you have any questions , please call lana moore at ( 713 ) 856 - 6525 . thanks and have a great day ! ! - e - business . doc",0 +"Subject: request for natural gas technical analysis - - - - - - - - - - - - - - - - - - - - - - forwarded by patricia tlapek / hou / ect on 09 / 03 / 2000 10 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - tim mckone @ enron 08 / 30 / 2000 10 : 21 am to : mike a roberts / hou / ect @ ect cc : patricia tlapek / hou / ect @ ect , anna santucci / na / enron @ enron subject : request for natural gas technical analysis hello mike , i work in rodney malcolm ' s commercial transaction group , focusing on developing energy management relationships with large volume industrial energy consumers . due to the volatility and high price levels of the natural gas contract , these consumers of natural gas are extremely concerned about this exposure , and they are asking for our assistance in helping them manage this exposure . one of the tools that these customers are requesting is technical analysis of the natural gas contract so as to determine entry points for their hedges . to the extent you could assist us with this analysis , we can proactively meet these customer requests and increase our deal flow . please advise as to the availability of your assistance . thank you , tim",0 +"Subject: raptor position reports for 1 / 29 / 01 vince , these spreadsheets have the most up to date numbers for the raptor structures . the summary sheet summarizes the assets and liabilities in all four . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 02 / 02 / 2001 04 : 10 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - rakesh bharati @ enron 02 / 02 / 2001 10 : 27 am to : stinson gibner / hou / ect @ ect cc : subject : raptor position reports for 1 / 29 / 01 - - - - - - - - - - - - - - - - - - - - - - forwarded by rakesh bharati / na / enron on 02 / 02 / 2001 10 : 30 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : gordon mckillop on 01 / 31 / 2001 09 : 36 am to : rakesh bharati / na / enron @ enron cc : subject : raptor position reports for 1 / 29 / 01 - - - - - forwarded by gordon mckillop / na / enron on 01 / 31 / 2001 09 : 35 am - - - - - gordon mckillop 01 / 30 / 2001 03 : 58 pm to : ben f glisan / hou / ect @ ect , andrew s fastow / hou / ect @ ect , richard causey / corp / enron @ enron , rick buy / hou / ect @ ect , greg whalley / hou / ect @ ect cc : barry schnapper / corp / enron @ enron , andrea v reed / hou / ect @ ect , ryan siurek / corp / enron @ enron , kevin d jordan / corp / enron @ enron , michael kopper / hou / ect @ ect , chris loehr / hou / ect @ ect , anne yaeger / hou / ect @ ect , rodney faldyn / corp / enron @ enron , ron baker / corp / enron @ enron , amy . flores @ ljminvestments . com , l ' sheryl hudson / hou / ect @ ect , wes colwell / hou / ect @ ect , kevin howard / enron communications @ enron communications , david port / market risk / corp / enron @ enron , jordan mintz / hou / ect @ ect , maria lebeau / hou / ect @ ect , david maxwell / hou / ect @ ect , susie ayala / hou / ect @ ect , hope vargas / hou / ect @ ect , bob butts / gpgfin / enron @ enron , marnie lamb / na / enron @ enron subject : raptor position reports for 1 / 29 / 01 the raptor i credit capacity is $ ( 110 . 8 ) million as a result of the merlin credit derivative ( $ 63 ) and heartland steel ( $ 38 ) being reflected in the mpr for 1 / 29 . raptor iv has a notional capacity of $ 522 million available .",0 +"Subject: re : fw : fw : visit to enron by professor nalin kulatilaka of boston university hi nalin , martin lin asked if you have a paper "" or something "" related to the lecture you will be giving to us on may 17 th . ciao , iris - - - - - original message - - - - - from : lin , martin sent : monday , april 30 , 2001 8 : 52 am to : mack , iris subject : re : fw : fw : visit to enron by professor nalin kulatilaka of boston university is there a paper or something related to this topic that we can look over beforehand ? thanks , martin iris mack / enron @ enronxgate 04 / 27 / 01 05 : 42 pm to : chonawee supatgiat / corp / enron @ enron , shalesh ganjoo / enron communications @ enron communications , martin lin / hou / ect @ ect , martin lin / contractor / enron communications @ enron communications cc : subject : fw : fw : visit to enron by professor nalin kulatilaka of boston university fyi - - - - - original message - - - - - from : mack , iris sent : monday , april 23 , 2001 2 : 45 pm to : crenshaw , shirley ; crenshaw , shirley ; dupont , anita cc : kaminski , vince ; ' nalink @ bu . edu ' subject : fw : fw : visit to enron by professor nalin kulatilaka of boston university hi , here is the title and abstract for professor kulatilaka ' s talk on may 17 th at our 11 : 30 am research group luncheon / seminar . iris title : "" using the mobile internet to make new markets "" abstract : professor kulatilaka will talk about some new ideas that he is working on which involve using the micro billing / payments capability of a packet - switched wireless network to create new markets . the potential markets range from spot markets for local spectrum to congestion - based pricing for highways .",0 +"Subject: pro opticus shirley , please , send this memo to the entire group and ask if this demo was given to anybody in our group . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 06 / 2000 05 : 10 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin sweeney 10 / 23 / 2000 06 : 53 am to : vince j kaminski / hou / ect @ ect cc : kara maloney / na / enron @ enron , mario de la ossa / na / enron @ enron , matt a brown / hou / ect @ ect subject : pro opticus vince , i understand that you or someone in your group had a demo from the above group last friday . i was wondering if this was part of a push to bring more options ' analytics to the traders ' desks , and if so , if you could explain what that effort looks like ? one of the global markets traders , mario de la ossa also had a look at the software as he has used it in the past . thanks , kevin",0 +"Subject: re : a personal favor anurag , i shall talk about vikas to our it people . can you send me his resume ? vince "" saksena , anurag "" on 05 / 07 / 2001 10 : 06 : 54 am to : "" ' vkamins @ ect . enron . com ' "" cc : subject : a personal favor vince , ? i have left a voice mail to you and will wait to talk to you personally . my brother vikas , who is now in london , is trying to make a switch from consulting world to working for a specific firm . over last few months , i have heard of great deal about the success of enron on line business which fits well in the area of his expertise . i am wondering if you know of some one in london who he can speak to regarding career opportunities . ? since i spoke to you last , a number of things have changed . recently , my manadate was broaden to include leading a charge for developing a risk management function for both the domestic and international businesses for gmac . needless to say , this is exciting albeit making the life a little more hectic than usual . ? talk to you later . ? anurag ? 952 - 857 - 6133",0 +"Subject: risk and purchasing meeting due to time constraints on mr . kaminski ' s schedule during the time that you all are in town from portland , the meeting being held on august 9 , 2000 in eb - 45 cl must be held to one hour ( 2 : 00 - 3 : 00 pm ) please have your questions , comments , and / or materials ready in advance and expect this to be a fast paced meeting . kristin j . harrelson enron broadband services , inc . procurement , logistics , and contracts 1400 smith , suite eb - 4573 a houston , tx 77002 phone : 713 . 853 . 6814 fax : 713 . 646 . 8582 cell : 713 . 594 . 1385 ",0 +"Subject: old email address > hello vince , > nie bardzo wiem czy pisac po polsku czy po angielsku : ) > co u ciebie slychac ? > u mnie troche zmian jak ze juz nie pracuje w scem , a przenioslem sie > do mieco ( a small marubeni backed energy - america trading company ) . > bardzo rozne od scem . najbardzij przypomina mi scem na poczatku z joe , jak > bylo 20 - 30 osob . sa i minusy i plusy . troche structure i research ale > przede wszystkim weather . trrovhe latam miedzy east i west bo sa officy > w obydwu miejscach . california jest ok w zimie : ) . > na bardziej personalnym froncie ; pamietasz dinner na ktory poszlismy > kiedys na conferencji w ny z catherine ( she used to work for williams - > works for morgan stanley now ) , we are dating ( for a while ) . it is a > good story how we met . so we owe you dinner : ) > jak bylem w atlancie to pracowala dla mnie christa grey . bedzie teraz > konczyla grad school in international relations ( with eastern european > slant ) , i zastanawia sie czy sa jakies mozliwosci polaczenia tego co > robila ze "" wschodem "" . co robila to bylo przede wszystkim vb > implementations modeli , ( roznego rodzaju ) , web based data collections , > basic research , teraz jest w gas structuring etc . she speaks russian > and was in ukraine / poland few times on peace corp assingments . she is very > bright and dedicated . myslalem zeby ja zwabic do californii ale ten > eastern european pociag jest u niej silniejszy niz u mnie : ) . i have here > resume , wiec jak bys myslal ze jest jakis fit i will foreward it to you . > troche tak mieszanka pisze , przepraszam > bede chyba w houston w pazdzierniku to moze bysmy sie mogli spotkac . > latwiej pewnie by bylo w ny ( mieszkam po nj stronie ( rent jest inny niz > w atlancie : ) ( 201 ) 222 - 0435 ) , wiec daj mi znac jakbys mial czas i ochote . > thanks > roman >",0 +"Subject: your lap top vince : the it migration team called and said that they need an email from you stating that you do not want your lap top "" ghost upped "" ? ( not sure if this is the correct term ) . they said they were supposed to do this to all computers during the migration process , but since you requested that they not do this , then they need an email from you with this request . you need to send the email to : kacee downey / enron @ enronxgate thanks ! shirley",0 +"Subject: cera conference call and web presentationthe final wave of rto filings : the ball is in ferc ' s court - cera conference call title : cera conference call and web presentation  * the final wave of rto filings : the ball is in ferc ' s court url : http : / / www 20 . cera . com / eprofile ? u = 35 & m = 2243 electric transmission and north american electric power conference call and web presentation a cambridge energy research associates conference call & web presentation topic the final wave of rto filings - - the ball is in ferc ' s court * some surprises from the independent system operators * will the deadline be met ? the countdown to december 15 , 2001 * the ferc : a soft stance on rto filings ? format at the time listed below , our speakers will address this topic for approximately 30 minutes , with accompanying graphics presented on the internet , followed by an open question and answer period . speakers david clement , cera associate director , electric transmission hope robertson , cera senior associate , north american electric power larry makovich , cera senior director , north american electric power time 1 : 00 p . m . eastern , thursday , february 22 , 2001 eligibility clients eligible to participate in this conference call are those who subscribe to the electric transmission advisory service or the north american electric power advisory service . to enroll to enroll , please return this form via fax to kari paakaula at ( 617 ) 497 - 0423 , or enroll via e - mail at kpaakaula @ cera . com before 4 : 00 p . m . , wednesday , february 21 , 2001 . for the audio portion of the call , please call in on one of the following numbers approximately 10 - 15 minutes before the call : audio netscape navigator 3 . 02 or higher ; or sun hot java ( tm ) * close all desktop applications and disable your screen saver technical assistance : u . s . callers : if you are experiencing difficulties during the call , you may signal for technical assistance by pressing * 0 ( star , zero ) on your telephone keypad after you have connected to the audio portion of the conference . international callers : please re - dial and ask the operator for assistance before giving the confirmation code . for more information , please contact kari paakaula via e - mail at kpaakaula @ cera . com or via telephone at ( 617 ) 441 - 1362 . a recording of this call ( audio only ) will be available until march 22 , 2001 . to access this recording , please call 1 - 888 - 203 - 1112 ( within the u . s . ) or ( 719 ) 457 - 0820 ( outside the u . s . ) . please use confirmation number 507712 to access the call . * * end * * follow above url for full report . come shoot the rapids with us at ceraweek 2001 , "" shooting the rapids : strategies and risks for the energy future "" in houston , february 12 - 16 , 2001 ! for more information and to register , please visit http : / / www 20 . cera . com / ceraweek / e - mail category : conference call cera knowledge area ( s ) : north american power , to make changes to your cera . com account go to : forgot your username and password ? go to : http : / / www 20 . cera . com / client / forgot this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www 20 . cera . com / tos questions / comments : webmaster @ cera . com copyright 2001 . cambridge energy research associates",0 +"Subject: re : durasoft - - java class what do you think about option 2 ? - - sg - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 01 / 30 / 2001 12 : 54 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" siva thiagarajan "" on 01 / 30 / 2001 08 : 55 : 55 am to : cc : subject : re : durasoft - - java class stinson , ? here are some options considering what you have said : ? 1 ) ? we can do a full week of class from may 7 to 11 . ? 2 ) ? the second option is to split the course over two weeks . if you cannot possibly accomodate a full week of training then we can try this . ? we have done this before and it has worked fairly well . ? it would be like : ? week 1 ( 20 hours ) : ? feb 20 - 23 , tue - fri , 12 : 00 to 5 : 00 week 2 ( 20 hours ) : ? april 9 - 12 , mon - thu , 12 : 00 to 5 : 00 ? these are the only two weeks that are available for venkat to teach before may 7 th date . ? ? please let me know if these would work . ? i look forward to hearing from you . ? ? regards , ? - siva - - - - - original message - - - - - from : stinson . gibner @ enron . com to : siva @ durasoftcorp . com cc : vince . j . kaminski @ enron . com ; clayton . vernon @ enron . com date : monday , january 29 , 2001 4 : 01 pm subject : re : durasoft - - java class siva , ? ? ? ? i will have to check and see if we can accomodate a 5 day 8 to class . ? ? ? also , president ' s day is a holiday for us , so we may have to look at a later date . - - stinson "" siva thiagarajan "" on 01 / 29 / 2001 08 : 51 : 02 am to : ? ? cc : subject : ? re : durasoft - - java class stinson , i have attached a file along with this email that lists the software needed for our java class . we would like to do the class from monday thru friday , 8 am to 5 pm . ? that way we can complete the class within a ? week . ? we are unable to offer classes in the evenings or for few hours a week . we usually teach week long courses for our other clients and because of that ? we won ' t be available . currently , we can do the class from feb . 19 th through feb . 23 ( that is if you are working on feb 19 th , president ' s day ) . i will call ? you sometime this afternoon to talk further . ? please feel free to reach me if you have any further questions in the mean time . regards , - siva - - - - - original message - - - - - from : stinson . gibner @ enron . com to : siva @ durasoftcorp . com date : friday , january 26 , 2001 5 : 52 pm subject : re : durasoft - - java class > > siva , > > a few additional questions . ? ? can you tell me what software would be > required for the students ? ? ? also , ? when would venkat be available to start > the class and what type of schedule would you recommend ? ? ? would having two > hour classes twice a week from , say , 4 - 6 pm work ? ? we have a high level of > interest and just need to iron out the details . ? ? feel free to call me > ( late afternoon on monday might be best ) at 713 853 4748 or email . > > - - stinson > > > ( see attached file : javasoftwareneeds . htm )",0 +"Subject: re : risk model thanks vince . i made some real progress on the paper today . i ' ll try to ship you a revision sometime later this week . take care friend , john at 01 : 14 pm 1 / 17 / 01 - 0600 , you wrote : > > hi john , > > you have a very attractive family . you must be a very proud father and > husband . > > vince > > > > > "" john d . martin "" on 01 / 17 / 2001 11 : 09 : 29 am > > to : vince . j . kaminski @ enron . com > cc : > subject : re : risk model > > > got it and i understand . thanks > > john > > p . s . have a great day ! by the way , how ' d you like the martin clan picture ? > > > at 11 : 06 am 1 / 17 / 01 - 0600 , you wrote : > > john , > > > > i am sending you an old write - up on the risk management system . > > this is for "" your eyes only "" , though this info is out already . some people > > left > > the company and also the consultants who audited the model use these > ideas . > > > > > > vince > > ( see attached file : overo 907 . doc ) ( see attached file : prico 912 . doc ) > > attachment converted : "" c : \ windows \ desktop \ overo 907 . doc "" > > > > attachment converted : "" c : \ windows \ desktop \ prico 912 . doc "" > > > john d . martin > carr p . collins chair in finance > finance department > baylor university > po box 98004 > waco , tx 76798 > 254 - 710 - 4473 ( office ) > 254 - 710 - 1092 ( fax ) > j _ martin @ baylor . edu > web : http : / / hsb . baylor . edu / html / martinj / home . html > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: encounter article - shalesh ganjoo we have conducted an interview and written the attached article for the upcoming edition of the encounter , the associate & analyst programs ' newsletter . the interview was conducted with shalesh ganjoo in regards to his participation with the implementation of storage capacity as a commodity . to ensure our publication is printing the most accurate information , i have attached the article for your review . please confirm that the information provided from shalesh ganjoo is accurate . thank you in advance for your assistance , tracy arthur communication specialist associate & analyst department 713 - 345 - 7853",0 +"Subject: re : agenda for next week ben , i spoke with anjam and gave him the information about my trip . here is the short summary : 1 . if you are free for dinner on sunday , i would be glad to meet with you ( as well as anjam and steve ) . i would like to review what ' s going on in houston and london . 2 . we can arrange the interviews for all the candidates you lined up monday afternoon ( tuesday and wednesday mornings are the alternative dates ) . we treat the interviews as internal to the research group and we shall arrange full interview schedules at a later day for those candidates who pass our internal test . 3 . please , feel free to put on my agenda other meetings you think might be useful . please , coordinate the meetings with anjam and steve . i am busy on tuesday afternoon ( i a speak at a conference ) . vince benjamin parsons 02 / 14 / 2000 08 : 18 am to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : agenda for next week vince , could you give me an idea of your agenda for next week ' s london visit - in particular which day ( s ) would be best to bring some candidates in for interviews for my old role . thanks ben",0 +"Subject: rabi de toni : we talked to rabi . he ' s sitting on the fence for some good reasons , and he has to weigh what is fairly comfy job situation for one that starts out at a lower level but has more potential . wrt the green , vince verbally offered salary of $ 105 k plus a guarantee that his bonus at year end would be a minimum of $ 15 k cash . that ' s in addition to the $ 15 k sign on bonus . vince said that we would not bother working up a revised offer letter unless and until rabi came back with a verbal ok . he will ponder the offer ; probably for a few more days and get back with us . he may well call you to discuss the exact details of the benefits . esop , 401 ( k ) contributions , etc . regards , grant .",0 +"Subject: wharton trip jim , no changes in the schedule . the meeting will take place , as scheduled , on the 6 th of december at 9 : 00 a . m . we may have to cancel lunch with the professors as they have other commitments . the meeting will last about 2 hours . vince",0 +"Subject: option p & l gentleman : the erms system , as you know , has an excellent capability for decomposing option p & l into the following components : new deals curve shift gamma vega theta rho drift 2 nd order adjustments what i dont understand is the gamma component which is reported in dollars . the unit of measure suggests that incremental changes in a contract position is being associated with specific prices . these prices are the effective buy or sell prices associated with the dynamic delta position . stated differently , the standard taylor expansion has incorporated a price variable in such a way as to convert the unit of measure from gamma ' s standard contract count to total gamma dolalrs . this is something i dont understand . to date , inquiries to the risk management accounting group has further revealed that the gamma component of p & l is not well understood . this is what concerns me : bridgeline has 2 books with option exposures ( nymex and gas daily ) . both books dynamically hedged its positions during yesterdays large price move and , through anticipitory hedging in advance or during the large price move , secured sufficient coverage to neutralize expected changes in delta . however , our p & l from our underlying position did not offset our gamma p & l . consequently , i have to ask why ? im hoping that a brief look at the why gamma dollars are calculated may reveal something which will better guide our hedging decisions . any help is appreciated",0 +"Subject: re : enron tiger dinner donna , thanks for the restaurant recommendation . i would appreciate if you could coordinate the dinner with the students and the faculty . you can expect 4 persons from enron but the restaurant should allow for some flexibility , just in case . if the restaurant needs a credit card number or a security deposit , you can refer them to my assistant , shirley crenshaw at 713 853 5290 . vince piazze on 11 / 29 / 2000 12 : 34 : 33 pm to : "" ' vkamins @ enron . com ' "" cc : "" ' piazze @ wharton . upenn . edu ' "" subject : enron tiger dinner vince : i look forward to seeing you and jeff shankman next week in regard to the enron tiger kick - off meeting scheduled for wednesday , dec 6 in vance hall 210 from 3 : 00 - 5 : 00 pm . you mentioned possibly wanting to take the group to dinner after the presentation . i would like to recommend the palladium restaurnat , which is on locust walk here on campus . you may want to view their website at www . . com i think they have a nice menu and can accomodate large groups . there are several menus from which to choose , as well . please let me know if you would like for me to set this up for you and i will notify the students and faculty . please let me know if i can assist with your visit in any way . regards , donna piazze",0 +"Subject: calling @ 2 pm me . . . 4 pm you hi vince , thank you for allowing me the call to speak candidly with you tomarrow ( 1 / 9 / 2001 ) @ 2 pm pst ( 4 psm central ) about my students / candidates asking about enron . i am looking forward to the conversation . best wishes , jeff wesley ps - pls review the attachments below on your coffee break . thanks . pss - ask me about the controversial attachment i wanted to send you - but , didn ' t . always held in strict confidence . 949 813 2241 hotline 347 487 8957 voice / fax us ( 011 ) + 44 ( 845 ) 3341644 uk - - - - - begin pgp public key block - - - - - version : pgpfreeware 6 . 5 . 3 for non - commercial use 2 w 4 duudd 3 yisxx 8 wy 2 o 9 vpji 8 bd 8 kvbgi 2 oulwmufo 4 ozt 9 fbdxq 6 mdggzemyestsr / pogxkuayeyl 8 6 vq rpmynofdopnqnyej 2 + m 9 zwwyw 3 gbij 4 vktfyngoqevl 3 l 9 hg 2 l 7 lsls + 8 ywlvcqb llmkul 3 lxa 9 idp 6 bzu 9 drwdfrba 5 rdvbfylolythsp 0 zg 4 lolurfgyy + iakwe / 5 n 78 fc 32 lczbj 8 rvsvh + qljiyisjdvambww 4 hjlzc 9 tipdtggz 6 g 5 lgg 8 dfw 74 ezsx lzsy + zzncacst / dveok / + y 4 nrumqor + qggo 9 l 9 gwpqu 5 blxenpedteczmwome 48 z glkh + bz 39 qcfvc + hxgi 7 ogcon / rseitrweao / sy = = 2 nkw - - - - - end pgp public key block - - - - - * get free , secure online email at http : / / www . ziplip . com / * - private 9498132241 . pdf - worththemoney 9498132241 . pdf",0 +"Subject: re : hello hello vince , how are you this week ? my week is pretty relaxing - i am taking the training for the very last product of my company , called voicenet , and i will achieve the highest state of initiation with destia ( viatel ) products , ha . . . unfortunatelly i have not been promoted for business vip representative ( the position associated with t - 1 ) as i do not have any experience with it . i am blaming myself because i cannot discipline myself to study consequently every day for gmat . all the best to you and see you on saturday . patrycja - - - - - original message - - - - - from : vkaminski @ aol . com [ mailto : vkaminski @ aol . com ] sent : tuesday , march 14 , 2000 5 : 26 pm to : patrycja . dalecka @ destia . com subject : re : hello hello , still in new york . leaving tomorrow night for houston . see you on saturday . i shall send you more detailed directions on friday . take care . vince",0 +"Subject: mg metals - london research responsibility dear all , please ensure that all requests for metals research support in london are directed / forwarded to me in the first instance ( e . g . option pricing , var ) . this is to ensure speediest response time and to avoid duplication of effort as well as confusion on the part of our mg counterparts due to multiple ( duplicated ) requests for information . tanya and i are currently developing version la of the var models for mg metals . vince , ted and mg metals are looking to tanya and i to provide leadership in this area for the integration effort and after production of var v . 1 a , i will look to pass on responsibility for mg metals var systems integration to kirstee hewitt for the london side . regards , anjam ahmad research x 35383",0 +"Subject: re : response from lenos steve , i shall e - mail you my standard real option spin presentation + plus a presentation on enron ( for analysts ) . you can use a few slides to introduce the company . i would prefer not to disseminate the information about the use of amc . the industry does not know about it yet and i consider it a very powerful tool ( given its flexibility ) . i have the files on my laptop . i shall bring it to work to morrow and send it to you . please , remind me about it on thursday ( old age and the hectic pace here start showing up ) . vince steven leppard 04 / 26 / 2000 05 : 09 am to : vince j kaminski / hou / ect @ ect cc : subject : response from lenos vince lenos got back to me , and said he ' d prefer a high - level overview of real options in enron , perhaps using my notation to express the ideas . he wants me to keep away from the technicalities of my work . would you send me your ( usual ) powerpoint presentation on real options , and i ' ll look at manipulating it to include my diagrams . my own efforts to date have been on fairly limited power plant modelling / asset development , and i obviously don ' t have the high - level view you have . this will ensure i get the full range of real option type deals in my presentation . if required i could present the real option problems i have analysed , namely : 1 . maintenance scheduling in power plant operation ; 2 . gas storage ; 3 . power plant asset development , which would include ( 1 ) as a sub - tree . i will also need your advice on whether i can talk about the fact that we prefer american monte carlo to build our trees . i haven ' t used amc myself up till now , i ' ve been carrying out static optimizations , with different price curve scenarios being run through . i ' m still working on selling the full stochastic dynamic programming approach - people are just getting to the stage of accepting my deterministic dp , and they ' re still being supplied with useful products , as per my "" real options strategy "" document . cheers , steve",0 +"Subject: professor bitran ' s visit colleagues , professor gabriel bitran of mit will be visiting enron on wednesday 9 august . he will be here all morning . he would like to meet and discuss with us some of the issues and problems that are of interest to ebs . the goal is to suggest a research subject for one of his students that is of interest to ebs and its business . please let me know if you are interested in meeting him . i suggest having one open meeting ( perhaps one hour ) in which all of us can sit down and discuss the issues with him . - samer",0 +"Subject: re : steve leppard vince , i agree - i ' ll talk with sherriff when he gets back to london next week . - dale vince j kaminski 11 / 07 / 2000 20 : 49 to : dale surbey / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : steve leppard dale , my recommendation is to make steve the head of the research unit in london . we were talking originally about september but i think we should accelerate this process . of course , anjam will be very unhappy about it , but we cannot manage around him any longer . i think that the promotion should be combined with a salary increase . i would like to offer him a significant increase that goes with expanded responsibilities and much higher visibility . a salary increase will also bring him closer to the market . we see the market for technical people going through the roof in practically every location where we operate . a contract is not a good solution in my view . it creates a sense of false security for both an employee and the company . i shall send a message to john sherriff with my recommendation . i shall cc you . i would appreciate if you could bring it up with john as well . vince dale surbey 07 / 11 / 2000 10 : 23 am to : vince j kaminski / hou / ect @ ect cc : subject : steve leppard hi vince , hr is working on a mid - year salary review for london people that have a noticeable gap between their compensation at enron and what we would have to pay in the market for a replacement . they highlighted steve as someone with a potential gap - particularly in light of what we ' re seeing in our quant recruiting effort for credit trading and research . i ' d like your opinion on the best way to make sure we keep steve happy and keep him at enron . there are several things i see we can do : 1 ) give him a mid - year pay increase to move him closer to market . i ' m not sure this is the best way to go , especially if we only offer him a token salary increase . 2 ) offer him more responsibility : what are your thoughts on timing for making steve the official head of the london research team ? with my move to ebs , should we accelerate this ? i think this is good way to keep him happy and motivated , and then follow up with a more meaningful salary review at year - end ( as part of the regular process ) that takes into account his greater responsibility . 3 ) we have some people that we ' re trying to get under long - term ( 3 - yr ) contract with a 12 - month notice clause . obviously anyone signing one of these will want significant up - front compensation for being handcuffed . we ' ve not had a lot of success with these here in london , and i would prefer to keep steve happy so he wants to stay with enron rather than contractually binding him to the job . i ' d value your thoughts on this . thanks , dale",0 +"Subject: receipts from visit dear vince , thanks again for taking the time to visit . ? both faculty and students got a lot out of your presentations . i have a favor to ask concerning the expense reimbursement process . ? can you mail all travel and lodging receipts to my secretary joan payne at the following address : joan payne department of finance 2163 ceba louisiana state university baton rouge , la ? 70803 thanks , jim garven james r . garven william h . wright , jr . endowed chair for financial services department of finance 2158 ceba e . j . ourso college of business administration louisiana state university baton rouge , la ? 70803 - 6308 voice ( 225 ) 388 - 0477 ? | ? fax : ( 800 ) 859 - 6361 e - mail : ? jgarven @ lsu . edu home page : http : / / garven . lsu . edu vita : http : / / garven . lsu . edu / dossier . html research paper archive : http : / / garven . lsu . edu / research . html ",0 +"Subject: the garp 2001 convention dear mr kaminski thank you very much for your prompt reply and for the information you sent me . i have incorporated this information in the program and am sending you it again for one last confirmation . ( in particular , i hope that i have your job title and organization name correct ? ) . measuring energy risk  ) tackling price volatility , adapting var , scenario modelling and regulatory requirements the challenge of modeling price dynamics in the energy markets . - seasonality - fat tails - jumps - mean ( or floor ) reversion price volatility in the energy markets : definition and estimation adapting value - at - risk for the energy markets : - combination of physical and financial contracts - correct representation of price dynamics and inter - market price relationships - capturing complexity of energy contracts historical vs . monte carlo simulation vs . scenario analysis . pros and cons of different approaches regulatory uncertainty and value - at - risk vince kaminski , managing director , research , enron corp . if there are no alterations required i will assume that everything is fine as it is and will proceed to the printers in due course . i also look forward to receiving a short biography of about fifty words in due course . ? if you have any queries please do not hesitate to contact me , otherwise i look forward to seeing you in new york in february . ? kind regards ? andreas _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ andreas simou garp 2001 - conference producer tel ? + 44 ( 0 ) 20 7626 9301 fax + 44 ( 0 ) 20 7626 9900",0 +"Subject: re : eol pricing algorithm hi bob , some comments : 1 . you request enron position after successful market order , but not after limit order - - you may want it after limit order as well to be consistent . i am not clear on how you would use enron position . it is possible that the trading desk will have a target position in mind and they will set bids and offers in such a way as to try to achieve that target position , but this target position probably changes continuously and is not stored anywhere , and without this target position there is nothing to compare actual enron position to . of course , enron position may still provide some insights . 2 . you request bid - mid - ask prices for each trade - - - given that a successful trade may execute later than time of order ( especially for limit orders ) , would you need the evolution or range of bid - mid - ask over this time interval ( time of order to time of execution ) ? also , for failed trades , you may need the evolution or range of bid - mid - ask over the time interval from time of order to time of rejection . this again mainly applies to limit orders , as the time intervals may not be significant for market orders given the speed of execution ( something to check ) . - - - - - original message - - - - - from : lee , bob sent : monday , april 23 , 2001 8 : 33 am to : kaminski , vince ; shanbhogue , vasant ; barkley , tom cc : lu , zimin ; huang , alex ; gibner , stinson subject : eol pricing algorithm a draft data request for eol data we would use to study p & l patterns for the "" george "" pricing algorithm is attached for your review . i would like to send this to andy zipper and jay webb this afternoon . bob >",0 +"Subject: contact info i will be in one of these two places - - my home : 011 91 80 3312635 my in - laws ' home : 011 91 80 5262719 you can also contact me by email at vshanbh @ yahoo . com , but it is better to call since i do not have easy access to a computer , and there may be a delay with reading email . vasant",0 +"Subject: wharton event - junel 0 - insead vince , bryan has been unable to find anyone suitable to attend this symposium on saturday , so has suggested i attend , which i am happy to do . my only reservation is that my knowledge of this area is very limited , so it is likely i would just be an observer , rather than a participant . anyway just so that i am adequately prepared could you briefly describe our current relationship with this project , and also suggest any reading , like a magazine or paper , that would quickly aid my understanding of the topics to be discussed . many thanks , ben - - - - - - - - - - - - - - - - - - - - - - forwarded by benjamin parsons / lon / ect on 08 / 06 / 2000 08 : 36 - - - - - - - - - - - - - - - - - - - - - - - - - - - bryan seyfried 06 / 06 / 2000 16 : 46 to : benjamin parsons / lon / ect @ ect cc : subject : wharton event - junel 0 - insead - - - - - - - - - - - - - - - - - - - - - - forwarded by bryan seyfried / lon / ect on 06 / 06 / 2000 16 : 48 - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 05 / 06 / 2000 15 : 13 to : bryan seyfried / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : wharton event - junel 0 - insead bryan , i shall call you later today when i have a chance to read the message from ben . i wanted to ask you for a favor ( on a very short notice ) . we are talking to the wharton school about setting up a relationship with them and getting involved in one or more research projects with them . one of the potential topics is emerging technologies . the wharton offers a symposium in paris on june 10 on high tech acquisitions and it would make a lot of sense if you ( or somebody from london you could identify ) could attend and help us to evaluate the usefulness of this project . i am enclosing the message from the person in wharton running this program . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 05 / 2000 09 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - tomczyk @ wharton . upenn . edu ( michael tomczyk ) on 05 / 18 / 2000 10 : 56 : 08 am to : vkamins @ enron . com cc : thomas . piazze @ wharton . upenn . edu subject : wharton event - junel 0 - insead vincent , it was truly a pleasure getting to know you in our meeting yesterday , and i look forward to the prospect of exchanging views in the future on a variety of topics pertaining to emerging technologies . per our discussion , i ' ve enclosed three files that include an invitation , agenda and rsvp form for the june 10 symposium on high tech acquisitions at insead . if you or the individual ( s ) who will be attending have any questions , please email : phanish puranam at : phanis 20 @ wharton . upenn . edu or you can call him at 215 - 898 - 1231 . this initiative will be expanded during the coming year and i believe that enron ' s involvement will give the company access to some of the early research in progress as it unfolds , and of course , if you become involved as a partner in the emerging technologies program you would have opportunities to help guide the direction of the research which is one of the partnership "" benefits . "" our next upcoming events are scheduled for : friday , september 8 "" what next on the internet ? "" this is a faculty update day with industry partners also invited . we will co - sponsor this with wharton ' s major e - business initiative . major issues addresses include "" new economics of the web "" and "" internet , anywhere . "" friday , october 20 "" first mover advantage , shakeouts & survival strategies "" designed by the et core group and presented in collaboration with the e - commerce forum . as i indicated during our discussion , participation in the emerging technologies management research program is by invitation and on behalf of our core faculty , i am pleased to extend an invitation for enron to join the program . to assist in your decision , we recommend having a representative attend the symposium in paris on june 10 to "" test drive "" the program . i ' ll send you a formal invitation which you are free to accept at your convenience , should you agree that enron ' s participation in the et program would be of value . please call or email if you have any comments or questions . best regards , michael - insead workshop invitation lett - insead workshop agendal . doc - rsvp form . doc michael s . tomczyk managing director emerging technologies management research program 1400 sh - dh / 6371 the wharton school philadelphia , pa 19104 - 6371 tel 215 - 573 - 7722 fax 215 - 573 - 2129",0 +"Subject: re : mutually agreed upon changes okay larry , i had a brief discussion with our lawyers . they are strongly advising us to keep the changes we earlier incorporated , but to which you have not assented . as this is a matter of company policy , unfortunately we do not have much room to maneuver . if it would help you to have a direct conversation with the lawyers to appreciate our company ' s perspective , i can arrange for a phone call . please advise . thanks . rakesh lawrencelrtnmt @ aol . com on 05 / 01 / 2001 08 : 06 : 47 am to : rakesh . bharati @ enron . com cc : subject : mutually agreed upon changes okay hi rakesh , thanks for your work on the non - disclosure agreement . your integration of our mutually agreed upon modifications looks good , rakesh . thanks ! i ' ll await your next version . larry",0 +"Subject: re : mscf speaker series pierre - philippe , i have contacted allison bailey to ask her to move her visit to the campus to coincide with my presentation . i hope to hear from her soon . vince kaminski p . s . nice web site "" pierre - philippe ste - marie "" on 08 / 10 / 2000 05 : 13 : 53 pm to : cc : subject : mscf speaker series dear mr . kaminsky , ? just checking if there was any progress . . . or anything i could do to help you . ? sincerely , ? pierre - philippe ste - marie - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - pstemarie . homestead . com",0 +"Subject: eol stuff vince - i spoke with tom , and i completely agree and would like to hand all this eol stuff over to you . we need a sun server to take over the task . as it happens martin lin has one in his office he ' s not using and up to the task . his box could serve sas to enron , as well as handle listening in on the eol feedds and maintaining its database . martin ' s box technically belongs to ebs , but i think they are downsizing and wouldn ' t mind giving it up . in this way , you would have complete physical and administrative custody over the data and any work you do with it . i needn ' t be involved , and you can know your work is completely confidential . i ' ll make sas and the eol software available , as well as the necessary ram the server , at no charge . you just need to summon up some sysadmin resources to finish the job . there is a fine unix guy named ben thompson who will support you , i ' m sure . task : 1 ) upgrade ram on martin ' s server 2 ) install newest solaris os on server 3 ) install tibco and gnu software on server 4 ) install sas on server clayton",0 +"Subject: raptor vince how do we cope with the ethical issues this presents ? rgds dp",0 +"Subject: re : visiting enron may 4 th susan , thanks . it makes sense to call christie and explain the objectives of your visit in may . vince "" susan c . hansen "" on 04 / 06 / 2001 06 : 14 : 10 pm to : vince . j . kaminski @ enron . com cc : clovell @ stanford . edu , donna lawrence , hillh @ stanford . edu , bambos @ stanford . edu subject : visiting enron may 4 th dear vince , this is great news ! donna and i are delighted that you have time to see us on may 4 th . i ' ll be out of the office next week . by copy of this email to my assistant , carol lovell , i will ask her to get in touch with shirley for scheduling as well as directions on where to meet you . we ' ll be glad to meet with christie patrick as well . looking forward to meeting you , susan at 05 : 36 pm 4 / 6 / 01 - 0500 , you wrote : > susan , > > thank you for your message . i shall be glad to meet with you on may the > 4 th . > i shall ask my assistant , shirley crenshaw ( 713 ) 853 5290 , to call you to > set up the meeting . > > also , for your information , we have recently set up a special unit to > coordinate enron ' s > relationships with the universities . the person running this unit is > christie patrick . > please , feel free to contact her and give my name as a reference . i shall > coordinate the meeting > on may the 4 th with her . > > vince > > > additional information re christie : > > phone : ( 713 ) 853 - 6117 > > email : christie _ patrick @ enron . com > > > > > > "" susan c . hansen "" on 04 / 03 / 2001 04 : 33 : 54 pm > > to : vkamins @ enron . com > cc : > subject : visit from stanford ? > > > dear dr . kaminski , > > let me briefly introduce myself , i am the director of corporate relations > for the school of engineering at stanford university . in this role , i am > always on the watch for ways to bring our faculty together with companies > that have an appetite for engagement with top tier research institutions . > > i believe you know hill huntington , who is a senior researcher with > stanford ' s energy modeling forum . he suggested i get in touch with you for > some ideas about contacts at enron . i ' m in the process of planning a trip > to texas in early may along with my colleague donna lawrence , the > university ' s director of corporate relations . we were hoping to be able to > include a stop at enron on our itinerary . right now it appears that friday , > may 4 th would work best for us but we ' re at the very beginning of our trip > planning . > > the purpose of our visit would be to review the current relationship > between enron and stanford , to give you an overview of current priorities > in the school of engineering , and ask for your help in identifying the best > points of contact . > > i look forward to hearing from you about your availability , > > sincerely , > susan hansen > > > > > susan c . hansen > director , corporate relations > school of engineering > stanford university > stanford , ca 94305 - 4027 > ( 650 ) 725 - 4219 susan c . hansen director , corporate relations school of engineering stanford university stanford , ca 94305 - 4027 ( 650 ) 725 - 4219",0 +"Subject: your visit to sydney in july vince i support raymond ' s email and would welcome the opportunity to have you give a presentation ( formal or informal ) to the trading group on latest research initiatives in houston . please let us know your schedule so that we do not overly burden you during your visit . look forward to seeing you and catching up over a beer . thnx paul - - - - - - - - - - - - - - - - - - - - - - forwarded by paul quilkey / enron _ development on 07 / 05 / 2000 08 : 23 am - - - - - - - - - - - - - - - - - - - - - - - - - - - raymond yeow 07 / 04 / 2000 08 : 21 pm to : vince j kaminski @ ect cc : paul quilkey / enron _ development , kirsty hogarth / enron _ development , elliott katz / enron _ development , david gray / enron _ development subject : your visit to sydney in july dear vince , hi ! , it ' s only two weeks until the aust energy risk ( 17 - 19 july ) seminar in sydney . is risk organising your hotel ? otherwise , kirsty can organise for you , eg harbour view at the regent or convenience to the seminar location at the sheraton ? we would like to make sure that you have all the necessary "" comforts "" of home when you are with us , elliott & david can set up a desk for you in the office / trading room with phone etc so you can use one of our pc to access email or plug in your laptop . please let elliott or david kmow your requirements . how long will you be with us ? is this your first trip to sydney ? there are several of us in the office who would like to take you for a meal ( s ) / show you the sights etc and discuss the latest research findings with you whilst you are in sydney eg var . hear from you soon . raymond 725 pm 4 july",0 +"Subject: fw : citi , wells , enron , sl and i 2 form a b 2 b venture fyi only ! > - - - - - original message - - - - - > from : lubowski , andrzej > sent : tuesday , august 08 , 2000 12 : 42 pm > to : allen , paul ; dahir , victor ; gustafson , pete ; isaacson , bond ; mcewen , > tony ; onoda , john ; pascarella , carl ; saeger , rebecca ; thompson , > scott ( visausa ) ; vessey , paul > subject : citi , wells , enron , sl and i 2 form a b 2 b venture > > yesterday , citigroup , wells , enron , i 2 and sl corp . formed a new firm > . com inc . to streamline buying , selling and > facilitating payments in business - to - business e - commerce . > the announcement says that "" the new company will connect buyers and > sellers in e - marketplaces with payment processing , credit and other > services through multiple participating banks and financial services > companies . "" > while i don ' t fully understand yet what this new venture will do and how , > and most importantly , what implications , if any , it may have on visa , i > have a feeling that this announcement is different than the mass of > publicity seeking b 2 b plays that we have seen in the last year . > > enron will provide its broadband network , which allows scalability , and > bypasses the congestion of the public internet . enron is highly praised > for its demonstrated ability to radically reorganize existing industries > ( energy , commodities , risk management , etc . ) . > sl builds customizable internet financial services platforms and have > heavyweight partners ( ibm , andersen ) , and invested clients ( citi , royal > bank of canada , andersen , allianz , fleetboston , jp morgan , state farm and > zurich financial ) . > its chairman and ceo , commenting on the venture said : "" so far , various > companies have separately offered individual financial services such as > sourcing credit , escrow and payments authentication and processing , but no > one has offered them all together in a multi - bank model . the lack of a > complete financial services solution for e - marketplaces has been a major > inefficiency for b 2 b e - commerce and a bottleneck for these e - marketplaces , > restricting their transaction volume . . com will > offer a full package of financial services in an open system that can be > seamlessly integrated into any e - marketplace . "" > > my group , working with others , will try to get a better sense of the > nature of this new beast . on the surface , however , it looks like an > attempt to create a payment pipeline .",0 +"Subject: check julie , this message was returned to me a few times when i sent it from my home address . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 30 / 2000 08 : 00 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vkaminski @ aol . com on 10 / 28 / 2000 12 : 12 : 57 pm to : julie @ lacima . co . uk cc : vkaminski @ aol . com , vkamins @ enron . com subject : check julie , as the book is about to be released to the market , i would like to start the process to issue the check to lacima . who will be the payee ( lacima ) and what is the address ? vince",0 +"Subject: stinson gibner & hector campos ken lay gave a high profile presentation on the current natural gas supply and price situation at a recent conference held by the interstate oil and gas compact commission , and some of the best graphs came from work that stinson and hector did ( see the attached , slides # 11 , # 12 , # 14 , & # 15 ) . i really appreciate their research and hope to be able to use their talents again for presentations for the office of the chairman . . - rob robert l . bradley jr . director , public policy analysis enron corp . p . o box 1188 , room 4724 a [ 1400 smith street 77002 ] houston , texas 77251 - 1188 ( p ) 713 - 853 - 3062 ( f ) 713 - 646 - 4702 assistant : joan stransky 713 - 853 - 4702 jstrans @ enron . com",0 +"Subject: confirmation of your order this is an automatic confirmation of the order you have placed using it central . request number : ecth - 4 n 2 qjb order for : amitava dhar we need to order the latest version of the "" sas "" manuel . enron it purchasing",0 +"Subject: request from our mexico city office vince do you or someone else down on the trading floor have a copy of this book ricardo can borrow ? ? ? if not any other ideas where i can get it > thx margaret - - - - - - - - - - - - - - - - - - - - - - forwarded by margaret carson / corp / enron on 04 / 18 / 2000 04 : 13 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - ricardo charvel 04 / 18 / 2000 04 : 02 pm to : margaret carson / corp / enron @ enron cc : subject : request margaret , first of all i apologize for not sending you the information to complete the chart that you gave me . i have been travelling because of work and then vacation , maybe i spent 3 or 4 full working days in the office in the last 4 weeks . now that i am going through my to do list i cannot find that page that you gave me . could you please send it to me again ? on the other hand i was wondering if maybe within enron possibly at info central or with one of your friends at the trading desk you could get me a copy of a book titled : chicago board of trade commodity trading manual isbn : 1579580025 publisher : fitzroy dearborn publishers , incorporated pub . date : december 1997 it si not in stock at the dot com libraries and it will take them a long time to deliver . i need this bbok in order to produce a document that steve kean requested from me a couple of weeks ago . thank you very much for your help . best , ricardo",0 +"Subject: meeting with vince kaminski and stinson gibner - november good morning professor ordonez : vince and stinson are both free at the present , on wednesday , november 8 th from 9 : 00 - 11 : 30 am . please let me know if any time during this period would work for you . regards , shirley crenshaw",0 +"Subject: re : informal exploratory interview with enron research group valeria : thank you for your prompt response . i have arranged the following schedule for your interviews . please let me know if any of the times are inconvenient . wednesday , september 13 th : 3 : 30 pm vince kaminski , managing director 4 : 00 pm grant masson , vice president 4 : 30 pm tanya tamarchenko , director 5 : 00 pm kevin kindall , manager when you enter the lobby of the enron bldg . , go to the security area and they will call me on the telephone to let us know you are here and will give you a visitor ' s security pass . your interviews will be held in ebl 938 . have a great weekend and we will see you on the 13 th of september . best regards , shirley crenshaw valeria . i . stone @ exxon . sprint . com on 09 / 01 / 2000 08 : 43 : 27 am to : shirley . crenshaw @ enron . com cc : subject : re : informal exploratory interview with enron research group date : september 1 , 2000 from : stone , v . i . ( valeria ) vistone - americas to : ext - shirley . crenshaw ( a ) enron . co shirlecl - fpexmail subject : re : informal exploratory interview with enron research group i want to thank you for giving me this excellent opportunity to meet with enron research group . i would be my pleasure to visit with you any time after 3 pm september 12 - 15 th . if this time frame is not suitable for you , please let me know . also , it would be preferable for me to schedule the interview as late as you can in the afternoon or as early in the morning as possible . as i has already mentioned above , i am very honored by the interest displayed by enron research group in interviewing me . i believe your company displays an excellent example of the well respected leader of the energy industry . enron ' s overall orientation of staying on the cutting edge of technology ( with such breathtaking projects as e - commerce development ) will make the employment with enron very interesting , pleasant , and rewarding experience . furthermore , it will provide me with an excellent opportunity to make the contribution to your company ' s continuing growth and profit . - - - - - original message - - - - - from : fpexmail ( shirlecl ) sent : thursday , august 31 , 2000 5 : 29 pm to : stone , v . i . ( valeria ) subject : informal exploratory interview with enron research group ms . stone : your resume was forwarded to the enron research group and they would like to conduct an informal interview with you at your convenience . please let me know your availability the week of september 11 th . the individuals that would like to interview you are : vince kaminski grant masson kevin kindall tanya tamarchenko they will need approximately 30 minutes each ( 2 - 2 1 / 2 hours ) you may reach me at 713 / 853 - 5290 or by email : shirley . crenshaw @ enron . com i look forward to hearing from you . sincerely , shirley crenshaw administrative coordinator enron research group",0 +"Subject: re : project brainstorming for paulo april , i ' ll be in colorado until march 10 . we can schedule next week or you can talk to him directly . currently , ebs research is helping kevin howard and scott yeager ( indirectly via kevin ) in their effort to assess the value of an eyeball . paulo ' s research will complement this effort . the research that paulo will perform for you will be part of a bigger picture work that kevin howard has aked stinson and i to support . you can call me on my cell 713 - 516 - 5440 while i am in co . regards , ravi . april hodgson 03 / 02 / 00 07 : 13 pm to : stinson gibner / hou / ect @ ect @ enron cc : ravi thuraisingham / enron communications @ enron communications , vince j kaminski / hou / ect @ ect @ enron subject : re : project brainstorming for paulo i will be in my office friday and next tuesday . other than that i will be traveling so please call me on one of those days and we can discuss this further . i was in houston this week and will be back in houston 3 / 14 - 3 / 16 . let me know what works for you . regards stinson gibner @ ect 03 / 02 / 00 10 : 03 am to : april hodgson / enron communications @ enron communications cc : ravi thuraisingham / enron communications @ enron communications , vince j kaminski / hou / ect @ ect subject : project brainstorming for paulo april : paulo is the mit ph . d . student who talked with you by phone a couple of weeks ago . he is interested in trying to better define what type of project he might do over the summer with ebs . recall that he is interested in the psychological / customer behavior issues related to web commerce as compared to traditional commerce . perhaps the easiest way to proceed would be for you , me , ravi , and vince to get together to discuss possibilities . we could then include paulo by phone to get his initial reactions / suggestions . after an initial assessment , we could then plan on another visit for paulo . please let me know what your schedule would allow . thanks , - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 03 / 02 / 2000 08 : 55 am - - - - - - - - - - - - - - - - - - - - - - - - - - - paulo rocha e oliveira on 02 / 28 / 2000 12 : 19 : 18 pm to : cc : subject : re : next meeting stinson - thanks for your reply . i just got a call from someone at enron today about summer employment , so i think a meeting with april and your group would be very appropriate at this time . i am available to meet with april any day this coming month , except march 9 , march 10 , and march 17 - 30 . please let me know what works for you . thanks again , paulo",0 +"Subject: mg metals var preliminary modella - subject to minor updating / correcting dear all , i am leaving the office now , and sending you the preliminary model la for mg metals var that tanya , cantekin , kirstee have put together . we are now in a position to look at the var by metal for positions as of 19 th july 2000 , subject to some data that needs updating / correcting ; we still need to update some information / data flow processes as follows : - i ) factor loadings for silver , gold , cocoa beans and tc ( treatment charge for copper concentrate ) ii ) check correlations between nickel and alu and nickel and copper ( i got different answers to houston ) iii ) ensure latest forward price curves are included ( perhaps through live link to telerate / reuters ) iiia ) price for silver is wrong ( units should be $ per troy ounce ) , and similarly for gold ( price should be $ per troy ounce ) , also we need cocoa bean forward curve iv ) find a better way to extract positional information from mg metals / link to the spreadsheet in an automated fashion v ) add "" minor "" metals like cobalt , palladium , platinum , cadmium etc . ( n . b . we have 1 , 093 troy ounces of palladium short posn and 3 , 472 troy ounces platinum long as of 19 th july ) please feel free to add to this list if i have missed anything ; i believe that we have most of the bases covered in respect of issues to resolve ahead of the deadline of 7 th august and fully expect that we will deliver . regards , anjam ahmad x 35383 spreadsheet : p . s . the dll the spreadsheet requires is in o : \ research \ common \ from _ vsh \ value @ risk \ ccode \ debug \ varcsnl . dll - > most of you have access to this .",0 +"Subject: new site ' s url thank you all in advance for contributing to enron research site ! here is the new site ' s url : http : / / enaresearch . dev . corp . enron . com when system requests login and password , please use the login and the password that you use to login into the enron network . please send me your comments and suggestion , so that they will be incorporated into the site . sincerely , elena elena chilkina 713 - 853 - 4503",0 +"Subject: employment authorization hi vince , last evening i received the employment authorization card from ins , valid for one year . it seems milenia soto has submitted all the applications but for some reason she did not receive the receipts . i really appreciate your help and support . with regards , amitava",0 +"Subject: fw : my london "" wish list "" oops , i sent the previous email to another kaminski . - - - - - original message - - - - - from : mack , iris sent : thursday , april 26 , 2001 10 : 42 am to : salmon , scott cc : chaney , craig ; kaminski , jim ; dhar , amitava ; shanbhogue , vasant subject : my london "" wish list "" hi scott , as we discussed , i will be flying to london on monday to spend some time in enron ' s london office . i am really looking forward to meeting you and the others i have corresponded with via email , phone , vc , etc . on yesterday vince , vasant , amitava and i discussed my stay and london and the desire to make this trip a productive one . hence we came up with the following "" wish list "" of things i wish to accomplish while i am over there . if you think of any other important items to add to this list , please let me know . after that , we can forward the list to the parties involved to find out if they will be available to meet with me during my stay in london . thanks , iris iris ' london "" wish list "" scott schematic diagram of how the various models are tied together for the overall objective of coming up with final cds and dbs pricing product descriptions - more details ben * spss * answertree ( card book ) george * nnpm mike * need to create internal database to store d & b data . * how will d & b data be stored ? need flexibility for data manipulation & model development . bryan & markus * feasiblity model : what calculations do they already have ? * breakeven spread * moral hazards issues * legal contract issues to resolve moral hazard issues . * a company can ' t buy bankruptcy on itself ? * need to have "" accurate "" information for correlation between reference & counterparty",0 +"Subject: risk 2000 , 12 - 15 june , boston - speaker confirmation thank you for agreeing to speak at risk magazine ' s annual us congress , risk 2000 , taking place in boston between 12 - 15 june 2000 . ? could you please return this email with your full postal address and contact details so we can send you hard copies of the brochure , inform you of congress and hotel locations and let you know when we will need a copy of your presentation . if you are part of a panel discussion , myself or the panel moderator will contact you shortly . ? in the meantime the full brochure can be viewed and / or downloaded from the following web address - ? www . riskpublications . com / risk 2000 us ? if you have any further questions , please don ' t hesitate to contact me . ? best regards , ? oliver bennett senior conference producer ? ? direct : + 44 ( 0 ) 20 7484 9880 ? risk publications , 28 - 29 haymarket , london swly 4 rx fax : + 44 ( 0 ) 20 7484 9800 ? email : oliver @ risk . co . uk www . riskpublications . com",0 +"Subject: reminder - enronanywhere portal project meeting you are scheduled to attend the enronanywhere portal project meeting . when : wednesday , april 18 , 2001 where : eb 50 m dining room time : 12 : 00 - 4 : 00 lunch will be served . thank you in advance for helping us to create one enron . your attendance and participation is certain to make this project a huge success . call me if you have any questions . thanks , marie hejka enronanywhere 3 9698 p . s . note , we decided not to send a pre - workshop assignment . see you there .",0 +"Subject: re : lsu seminar visit dear vince , would you mind emailing to me a short biography / vita sometime when you get a chance ? also , if you have a paper to circulate or any powerpoint slides that you ' ll want to use either in your presentations to my students thursday afternoon , 2 / 3 , or to the faculty seminar on friday morning , 2 / 4 , please email these to me . this would be greatly appreciated . my colleagues and i are looking forward to your visit on feb . 3 - 4 to lsu . sincerely , jim garven james r . garven william h . wright , jr . endowed chair for financial services department of finance 2158 ceba e . j . ourso college of business administration louisiana state university baton rouge , la 70803 - 6308 voice ( 225 ) 388 - 0477 | fax : ( 800 ) 859 - 6361 e - mail : jgarven @ lsu . edu home page : http : / / garven . lsu . edu vita : http : / / garven . lsu . edu / dossier . html research paper archive : http : / / garven . lsu . edu / research . html - attl . htm",0 +"Subject: modeling in real options vince , my name is jeanne anne klein and i am a financial modeler working with mingcheng lian on a high profile pipeline project in china . zimin lu referred us to you regarding questions we have on the real option valuation approach . we are very enthusiastic about what we have read and heard about this valuation method . we have been doing some preliminary research on the real option valuation approach and believe that integrating this approach into our financial model would bring a significant increase to the value to the project . we have identified some deal aspects we believe would be ideal to valuate as real options . our goal is to work with the development team to structure the deal to incorporate the real option valuation approach into the model enabling us to arrange the contracts within the deal to optimize the project ' s value . we would like to arrange a meeting with you at your ealiest convenience to brainstorm on additional deal aspects that can be valued using the real option approach as well as on ways to quantify these aspects using the real option valuation method . please advise if you will be able to meet with us within the next week or two . thank you for your kind attention , jeanne anne x 6 - 6547",0 +"Subject: re : lawyer what do i need to do to move this thing forward ? i suspect that the problem is basically with the lawyers . they only know how to stop things , but in a way they play a role in global society . if it were not for the handicaps they lay on us the rest of the world would never have a chance . - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : macmilli @ wharton . upenn . edu cc : vince . j . kaminski @ enron . com sent : 3 / 8 / 01 12 : 12 pm subject : re : lawyer ian , sorry for a delay in getting back to you . i have one challenge i did not anticipate when i talked to you the first time about our real options internal seminar . the materials were prepared in collaboration with a professor from another school , and there is some sensitivity regarding the intellectual property rights and the ability to distribute the materials outside enron . please , give me some time to find out if i can work around this issue . vince "" macmillan , ian "" on 03 / 07 / 2001 06 : 46 : 28 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : lawyer i still have not heard from your lawyer . i would like to see whar materials you are using and assess how we could work on the topic of real options with enron",0 +"Subject: ny march real options conference please find attached the final program for an exciting conference on "" real options valuation in the new economy : internet / e - commerce , r & d / pharmaceuticals , energy . "" the conference , organised in new york city march 13 - 15 by the real options group and co - sponsored by ernst & young llp , is addressed to a corporate audience . the chairman of the conference is prof . michael j . brennan of ucla who will deliver the opening address , and the keynote speaker is prof . stewart c . myers of mit . many of the world / s thought leaders in real options analysis , along with prominent experts from many leading corporations will also share their ideas and experiences . please note that the deadline for hotel registration is february 21 ( see the attached brochure for hotel details ) and conference fees increase by 20 % for those registering after march 1 . the ( full ) conference brochure and on - line conference registration are available at our website www . rogroup . com we hope that you will be able to participate and would appreciate it if you could also communicate this announcement among other interested colleagues . in fact , it would be most helpful to us and would be greatly appreciated , if you could send me ( also cc . to amicaliz @ sda . uni - bocconi . it ) a list of 5 - 10 colleagues to whom we can send the electronic version of the brochure . best wishes , lenos trigeorgis president , real options group - rognyconference . pdf lenos trigeorgis professor of finance university of cyprus dept of business 75 kallipoleos , po box 20537 cy 1678 nicosia cyprus tel : + 357 2 892261 fax : 339063",0 +"Subject: re : meeting on feb 8 , 2001 dear mr . nur azmin abu bakar , thanks for your prompt reply . please , let us know how many members of your team will visit enron . i look forward to our meeting on february 8 . vince kaminski azminab @ petronas . com . my on 01 / 02 / 2001 06 : 38 : 33 pm to : vince . j . kaminski @ enron . com , khairuddinbmjaafar @ petronas . com . my , shirley . crenshaw @ enron . com cc : subject : re : meeting on feb 8 , 2001 dear kaminski , happy new year and thank you for the reply . we are honored to have lunch with you and your team however we have another appointment at 2 . 30 p . m . regards vince . j . kaminski @ enron . com on 03 / 01 / 2001 07 : 38 : 19 am to : azminab @ petronas . com . my cc : vince . j . kaminski @ enron . com , shirley . crenshaw @ enron . com subject : meeting on feb 8 , 2001 dear sir , i would like to apologize for the delay in responding to your fax . i was on vacation for the last few days . i shall be honored to meet your delegation on thursday , february 8 at 10 : 00 a . m . please , let me know if you will be free for lunch after the meeting . vince kaminski",0 +"Subject: ebs stinson , the spreadsheet below shows the allocations i made for ebs . the numbers in magenta show percentage allocations , of course , samir and samer are gone , ad so is roman . the problem is that once i give the percentages to accounting they become fixed for one year .",0 +"Subject: white marker board wall for eb 19 c 2 good morning all : i don ' t know where this request should go , would you please direct me in the right direction ? conference room eb 19 cl has one whole wall that is a white marker board . we would like to see about having a wall like this installed in 19 c 2 . please let me know the costs and time involved . vince kaminski has approved . thanks and have a great day ! shirley 3 - 5290",0 +"Subject: re : wednesday meeting eric , i think we can skip the meeting and discuss any issues between us . the meeting was convened at the request of doug arnell , but jeff shankman thinks that there is no need for formal meetings : we can ask them for the information directly on as needed basis . vince enron north america corp . from : eric groves 09 / 05 / 2000 11 : 01 am to : vince j kaminski / hou / ect @ ect cc : subject : wednesday meeting are we still having the meeting tomorrow ? at what time ? thanks , eric",0 +"Subject: new expense account forms hello all : along with the inception of the new sap time keeping , we also have new expense account forms . they will no longer use your social security number as the id on your expense accounts , they want you to use your new employee # that was sent to you by email to access hronline . in order for anita and myself to continue to do your expense reports , we will need your new employee # . please send this number to me as soon as possible . thanks ! shirley",0 +"Subject: cv - keith baggerly i have attached a copy of my cv as a postscript file . if you need further info , or a different format , please let me know . enjoy ! keith baggerly asst professor , statistics rice university ( 713 ) 348 - 5282 kabagg @ stat . rice . edu - 00 apr . ps",0 +"Subject: re : enroll in intro to java at productivity point , feb 12 - 16 marty : how many do we need to enroll in order to bring the class to enron ? thanks ! shirley marty chrisman @ enron 01 / 25 / 2001 04 : 58 pm to : shirley crenshaw / hou / ect @ ect cc : subject : re : enroll in intro to java at productivity point , feb 12 - 16 ok . the discounted rate applies regardless of numbers enrolled per class . marty shirley crenshaw @ ect 01 / 25 / 2001 02 : 45 pm to : marty chrisman / corp / enron @ enron cc : subject : re : enroll in intro to java at productivity point , feb 12 - 16 marty : vince wants to wait and see how many actually need this training before we enroll anymore from his group . right now tanya and rabi are all that have approval . i will let you know if we decide to do more . thanks for all of your assistance . shirley marty chrisman @ enron 01 / 25 / 2001 11 : 46 am to : twolfe @ propoint . com cc : ahmad farooqi / enron @ enronxgate , jared lane / na / enron @ enron , tanya tamarchenko / hou / ect @ ect , rabi de / na / enron @ enron , shirley crenshaw / hou / ect @ ect subject : enroll in intro to java at productivity point , feb 12 - 16 please enroll the following in the java class in houston , feb 12 - 16 ahmad farooqi , jared lane tanya tamachenko rabi de ahmad & jared are application developers . tanya & rabi are in the research group . i may have one or more names to submit and will send those to you as soon as i get them thank you , marty chrisman 713 - 853 - 4567",0 +"Subject: re : good morning / afternoon thanks vince . i ' ll get right on it . john at 08 : 10 am 4 / 2 / 01 - 0500 , you wrote : > > john , > > the phone number for ken lay is ( 713 ) 853 - 6773 . > my recommendation is to call mark palmer first and discuss the book > with him . his recommendation will open the door . i shall mention this to > him > as well . mark ' s phone number is ( 713 ) 853 - 4738 . > > vince > > > > > > > "" john d . martin "" on 03 / 30 / 2001 12 : 12 : 50 pm > > to : vkamins @ enron . com > cc : > subject : good morning / afternoon > > > vince , > > one of my colleagues here at baylor is writing a book about "" the business > of heaven "" in which he interviews prominent business leaders . bob darden > is his name and he ' s a former journalist and nice guy . he would like to > contact ken lay about being one of his interviews . do you think this is > possible ? if so , could you give me an address / phone numbers that bob might > use to contact ken ' s secretary about setting up an interview ? > > if this is in any way "" not ok "" please just say so . > > see ya , > > john > > > date : fri , 30 mar 2001 11 : 35 : 03 - 0600 > > from : robert darden > > subject : yo ! > > x - sender : "" robert darden "" ( unverified ) > > to : j _ martin @ baylor . edu > > organization : the door > > x - mailer : mozilla 4 . 04 [ en ] c - flashnet ( win 95 ; i ) > > > > hi john - - i enjoyed our meeting yesterday . this looks very promising . > > meanwhile , as i mentioned at the table , i ' m getting a little nervous > > about the book that is due june 1 . > > one of the names on our "" wish "" list of interviewees for "" the business of > > heaven "" is ken lay at enron . > > would it be possible for you to give me a good address and phone number > > for mr . lay ' s office ? > > and may i mention your name in the cover letter ? > > i would be forever indebted . i might even buy the next lunch . > > bob > > p . s . thanks for sharing your concerns about church yesterday , too . i ' m > > genuinely sorry things didn ' t work out better and feel more than a > > little embarrassed that i didn ' t work harder to make you guys feel more > > welcome and connected . on the other hand , please know that mary and i > > will always love you and consider you both friends . i know you ' ll be > > happy at lake shore - - even as we miss you at 7 th ! > > > john d . martin > carr p . collins chair in finance > finance department > baylor university > po box 98004 > waco , tx 76798 > 254 - 710 - 4473 ( office ) > 254 - 710 - 1092 ( fax ) > j _ martin @ baylor . edu > web : http : / / hsb . baylor . edu / html / martinj / home . html > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : anshuman thanks for the clarification vince i appreciate it . we have a significant resource problem here in india , given we have a renegotiation about fall in our laps . anshuman is one of our key analysts and we are very proud of his abilities and future potential for enron . once we have dabhol off the "" life support system "" we could look at a longer assignment . as far as the present one month assignment is concerned , i would rather go for an early start say 5 th feb till 5 th march . is this convenient to you and jeff . neil vince j kaminski @ ect 01 / 24 / 2001 10 : 41 pm to : neil mcgregor / sin / ect @ ect cc : molly magee / hou / ect @ ect , vince j kaminski / hou / ect @ ect , sandeep kohli @ enron subject : anshuman neil , i would like to apologize for the confusion regarding anshuman . we have floated a number of possible scenarios regarding his trip to houston and there was a lot of confusion regarding the terms ( given that i was talking to sandeep every few days ) . currently , we expect anshuman to come to houston for one month to work on the dpc project ( at jeff shankman ' s request ) . the lawyers advised me that we need an ll visa for him , irrespective of the duration of his stay . sorry for the confusion . vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: final project deadline is april 30 dear energy derivatives students , the deadline for the final project has been set for april 30 , 2001 . all grades will be submitted to rice administration by may 4 th ( university requirement ) . please mark your calendars ! ! ! if you have questions , please contact vince or me . good luck ! jason sokolov",0 +"Subject: re : hello from vince kaminski at enron vince , thank you for forwarding the following messages . i am sorry that i am just now getting back to you , my lotus notes was down all afternoon yesterday . we currently have the cal berkeley general presentation set for wednesday , october 18 th at 7 : 00 p . m . which works out well because it is just prior to the time deadline for students to submit their resumes . the general presentation is a general overview of enron , the program , the interview process , as well as a chance for students to meet and chat with enron reps . since this is the first year that we are recruiting from cal berkeley , i think that it is important that i attend this event on campus so that i can answer any interview process questions . i will check the schedule and see if it is possible to move the presentation to the 23 rd . the only negative is that i will not be able to attend because i will be conducting interviews at rice that day . also , it is very difficult to find a location to hold the presentation , and i need to check on location availability on the 23 rd . however , i do think that we should take advantage of the seminar on campus . this may mean that they are two seperate trips to campus . perhaps , we can also set up some other presentations for the 23 rd or even the monday prior . although i would like to be able to attend the class / seminar presentations , i don ' t think that it is as vital as the general presentation . what are your thoughts ? thanks , ashley vince j kaminski @ ect 08 / 24 / 2000 08 : 58 am to : "" shmuel oren "" cc : vince j kaminski / hou / ect @ ect , ashley baxter / corp / enron @ enron subject : re : hello from vince kaminski at enron shmuel , thanks for the message . i am working with our recruiter , ashley baxter , to finalize the date of the trip . i shall shoot for october the 23 rd if this date works for the rest of our team . vince "" shmuel oren "" on 08 / 23 / 2000 11 : 46 : 19 am to : vince j kaminski / hou / ect @ ect cc : subject : re : hello from vince kaminski at enron dear vince . i sent you a reply earlier this month but i haven ' t heard from you about the date of your visit . our department has a seminar every monday . if you can schedule your visit on a monday i would like to invite you to give a seminar which will be attended by many of our graduate students and faculty and will give you an opportunity to tell them about your program . with sufficient lead - time i can advertise the seminar in the hass school to their financial engineering students . shmuel . shmuel s . oren , professor dept . of industrial engineering and operations research 4117 etcheverry hall university of california berkeley , ca 94720 - 1777 e - mail : oren @ ieor . berkeley . edu phone : ( 510 ) 642 - 1836 or 5484 fax : ( 510 ) 642 - 1403 - - - - - original message - - - - - from : to : ; ; sent : tuesday , august 08 , 2000 10 : 59 am subject : hello from vince kaminski at enron > shmuel , > > i hope you remember me . i visited you together with aram sogomonian , a > good friend of mine , a few years ago . i am currently responsible , among > other things , for recruiting graduates with finance and / or technical > backgrounds at the university of berkeley . i would be glad to give you a > call and talk more about the details of our program . my colleague , > ashleybaxter , from the analyst / associate program at enron would join me > as well . > > i am sending you a copy of the brochure about the analyst / associate > program . > > vince kaminski > > > vincent kaminski > managing director - research > enron corp . > 1400 smith street > room ebl 962 > houston , tx 77002 - 7361 > > phone : ( 713 ) 853 3848 > fax : ( 713 ) 646 2503 > e - mail : vkamins @ enron . com >",0 +"Subject: re : follow on conversation w / aa amy - - steve kean and i finally got to discuss this the other day and we decided that this effort would likely be too time consuming and costly , particularly for certain key employees , to justify doing it . it obviously is an interesting topic but one that would require alot of attention ( and possibly money ) to participate in fully . thanks for your attention to this . to : richard causey / corp / enron @ enron cc : subject : follow on conversation w / aa rick - resending previous inquiry . waiting reply . thanks . amy - - - - - - - - - - - - - - - - - - - - - - forwarded by amy oberg / hou / ees on 08 / 23 / 2000 08 : 14 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron energy services from : amy oberg 08 / 21 / 2000 08 : 37 am phone no : 713 - 345 - 7381 to : richard causey / corp / enron @ enron cc : subject : follow on conversation w / aa rick : i ' m assuming you had conference call w / aa on friday re : the new value research lab effort - is that correct ? we are ready to regroup this week and hear the results of your conversation . pls advise as to your feedback and availability . thanks . amy",0 +"Subject: re : planning for your energy finance class presentation wed . , 10 / 11 ehud , i am flying back in the evening and dinner would be difficult . i shall be glad to join you for lunch , shirley , as i understand gave you my requirements for the av . my flight arrives at 8 : 30 a . m . i can meet you at your office in the morning and we can talk about the conference and other issues . vince "" ehud i . ronn "" on 10 / 09 / 2000 09 : 23 : 55 am to : vkamins @ enron . com cc : subject : planning for your energy finance class presentation wed . , 10 / 11 vince , good morning . further to your forthcoming visit this wed . , i write to clarify last - minute details : 1 . your eta / etd . will you be available to join us for lunch and / or dinner ? 2 . your av requirements , if any . should you need either , we have an overhead projector as well as laptop capability ( either your laptop , or we can with advance notice reserve a laptop if you bring floppies ) . btw , any developments re jeff skilling ' s 2 / 22 conference keynote ? best , ehud ehud i . ronn jack s . josey professor in energy studies department of finance mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: information shalesh , please , look into it . can we give them this information ? i see a remote possibility of a gain for enron : it ' s in our interest to support the growth of this market and part of the process is development of the infrastructure for this market and maintaining public interest . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 21 / 2000 09 : 18 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" yann d ' halluin "" on 11 / 16 / 2000 01 : 18 : 39 pm to : vince . j . kaminski @ enron . com cc : subject : information dear sir : the scientific computation group at the university of waterloo , ontario , canada , has recently started to be very interested in the recent developments of the bandwidth market . we find that the specifics of the bandwidth market offer challenges from the modelling point of view . however , we have encountered difficulties when looking for data , and we were wondering if you could help us . specifically we would like to know for a given city pair for the different existing type of lines ( e . g . oc 3 , ocl 2 , oc 48 . . . . ) 1 . what has been the spot lease prices ( e . g . $ / line - type / mile ) for the past 12 months ? 2 . what is the price of the dark fiber for a given type of line ? 3 . what is the maintenance cost $ / month ? ( for the same lines , e . g . oc 3 , ocl 2 , oc 48 , . . . ) 4 . what is the upgrading cost for the different lines ? ( e . g . how much does it cost to upgrade ) oc 3 - - > ocl 2 oc 3 - - > oc 48 ocl 2 - - > oc 48 5 . how long does it take to upgrade a line from a certain capacity to another ( e . g . 1 month , 2 month , . . . ) ? we realize that some of these questions may ask for confidential data , in that case we would really appreciate if an order of magnitude was provided . i look forward to hearing from you . sincerely , yann d ' halluin p . s : here is a link to our web page : http : / / www . scicom . uwaterloo . ca - - this email and any files transmitted with it are confidential and intended solely for the use of the individual or entity to whom they are addressed . any unauthorized review , use , disclosure or distribution is prohibited . if you are not the intended recipient , please contact the sender by reply e - mail and destroy all copies of the original message . ",0 +"Subject: re : vmi agreements hi vince , mark holsworth reviewed our contract on such a short notice . i thank mark for responding to our short - notice request . it turns out that we need to get this database to move forward on a number of things and have legal save some time for us is an excellent help . as mentioned below , it appears that pennwell ' s folks want to chat some more about this . mark , can you schedule a conference call with these people to finalise this contract . i will be out of town all week next week on a lock - down deal meeting . vince may be able to get on the conference call . i would greatly appreciate it if you could help us close this one ! regards , ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 20 / 00 12 : 38 am - - - - - russell @ pennwell . com 02 / 18 / 00 06 : 16 pm to : ravi thuraisingham / enron communications @ enron communications cc : toni . turnerbudd @ sbtglaw . com subject : re : vmi agreements ravi - i would like to schedule a conference call between you , me , pennwell ' s counsel ( toni turner budd ) , and enron ' s counsel to discuss your changes and finalize the kmi end - user license agreement . i propose that we have the conference call at 2 : 00 pm cst this monday , february 21 . please let me know if you are available at this time and , if not , propose an alternative time for the call . in addition , please provide me with a telephone number where i can reach you for the conference call . pennwell is looking forward to finalizing the license agreement and delivering the kmi data to enron . yours truly , russell iorio manager of business development pennwell corporation 1421 south sheridan road tulsa , ok 74112 russell @ pennwell . com ( 918 ) 831 - 9122 direct ( 918 ) 831 - 9476 fax - - - - - original message - - - - - from : ravi _ thuraisingham @ enron . net [ mailto : ravi _ thuraisingham @ enron . net ] sent : thursday , february 17 , 2000 6 : 30 pm to : rmack @ kmicorp . com ; mpass @ kmicorp . com ; russell @ pennwell . com cc : kristina _ lund @ enron . net ; stinson _ gibner @ ect . enron . net ; vince _ kaminski @ enron . net ; earl _ harvey @ enron . net ; tracy _ williams @ enron . net subject : vmi agreements > hi richard , here is a marked up version from our lawyer . please have your people look at it and if it seems fine make the changes and send a signed copy back to me . ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 17 / 00 06 : 21 pm - - - - - | - - - - - - - - + - - - - - - - - - - - - - - - - - - - - - - - > | | mark | | | holsworth @ enr | | | on | | | | | | 02 / 17 / 00 | | | 04 : 10 pm | | | | | - - - - - - - - + - - - - - - - - - - - - - - - - - - - - - - - > - | | | | to : ravi thuraisingham / enron communications @ enron communications , | | gene diers / corp / enron @ enron | | cc : | | subject : vmi agreements | - | please find attached my redlining of the vmi agreelment . please review it and send it to the vendor for their review . ( see attached file : 2 - 14 - 2000 eula . doc )",0 +"Subject: re : options training classes for those of you who did not see the memos from jeff that went out on february 17 th . & february 22 nd . regarding the upcoming options training classed , i have attached both memos below : i have the books at my desk for those of you that have not received your copy . there will be a third memo in the next couple of days with regards to the location of the classes . if you have any other questions , please feel free to contact me . - brenda x 31914",0 +"Subject: charles chen interview vince / tanya : i interviewed charles today 10 : 30 am . here are my impressions : 1 ) excellent professional and managerial experience . 2 ) very good technical background . deal valuation and model implementation 3 ) promisses to fit very well into the group ' s culture . the only issues i see is that he would have to leave a high level position at his current employee . paulo issler",0 +"Subject: re : meeting andrew , i shall be glad to meet and discuss the project . it sounds intriguing . vince andrew miles @ enron 09 / 22 / 2000 01 : 34 pm to : vince j kaminski / hou / ect @ ect cc : subject : meeting hi vince ! maybe you remember me , my name is andrew miles and we worked together on a speech for jeff skilling this past july . i am hoping that i can get on your calendar for 30 minutes next week . i have been working with 3 other enron employees for the past 6 months , developing a comprehensive innovation acceleration process for use by potentially all enron employees - and we would really appreciate your input . we have presented the idea to quite a few people in the company , and some outside of the company ( strategos institute ) , all of which have really liked the idea and provided key input . many people have suggested that we run the idea by you . if you have some time next week , would you mind allowing me to explain our ideas to you ? i will follow up with a telephone call . all the best , andrew",0 +"Subject: technical corner paper vince , as you suggested , i splited the paper into two parts , the first one devotes to the fx market and second one to gas market . attached is the first part . let me know if there is any mistakes in there , thanks . sam , vince wants to publish this article in the next monday edition of the research intelligence . thanks . zimin",0 +"Subject: transportation for m . gillis and g . whitaker for post presentation celebration at enron box at enron field hi judith ! i have a special parking ticket for malcolm and gil to use in dr . gillis ' s car . then , i ' ll have a car pick up gil when he ' s ready to leave the game - - we ' ll take care of everything ( thanks for offering ) - - we ' re really looking forward to the event ! best regards for a great weekend ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 05 / 04 / 2001 04 : 10 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - judith duvall on 05 / 04 / 2001 02 : 09 : 26 pm to : christie . patrick @ enron . com cc : subject : re : rice alp final presentation and post presentation celebration at enron box at enron field christie : could you please fill me in on the logistics ? dr . gillis and gil whitaker will be at the apl project presentation at enron at 4 p . m . . further , they both plan to attend the dinner at enron field . however , dr . gillis must skip the game due to an early morning breakfast the next day . will you provide special parking at the dinner / game ? i think dr . g and gil will go together , then i will have dr . gillis picked up by limo , at approximately 8 : 00 p . m . does this sound feasible ? judith duvall at 10 : 00 am 5 / 4 / 01 - 0500 , you wrote : > hi friends ! > > the big rice - alp final presentation day is almost here : monday , may 7 th , > 4 pm , at enron , 1400 smith . please come to the enron lobby and ask for > me or my assistant , melinda mccarty . > > after the presentation , you are cordially invited to dinner and an astro ' s > game ( vs phillies ) at the enron box at enron field . as participation in > the enron box at enron field is limited to this special invitation list > only , please confirm your attendance via return email , or via voice mail to > me at 713 - 853 - 6117 asap . > > we ' re very excited about the work the rice alp team has done and we ' re all > greatly looking forward to the presentation . > > hope to see everyone monday ! ! > > best regards ! > > - - christie . > > > judith duvall secretary to the president rice university 6100 main street - - msl houston , tx 77005 713 / 348 - 4601 713 / 348 - 5271 ( fax )",0 +"Subject: re : petrochem desk yes , i will have kate get involved and talk to christian to get details . vasant - - - - - original message - - - - - from : kaminski , vince sent : monday , april 23 , 2001 9 : 29 am to : shanbhogue , vasant cc : kaminski , vince subject : petrochem desk vasant , it seems we have to help them . can kate help on this project ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 23 / 2001 09 : 28 am - - - - - - - - - - - - - - - - - - - - - - - - - - - nelson neale @ enron 04 / 20 / 2001 10 : 29 am to : vince j kaminski / hou / ect @ ect , vasant shanbhogue / enron @ enronxgate cc : subject : petrochem desk i had a chance to speak with christian lebroc this morning with regard to curve building for petrochemicals . as it turns out , christian left rac in april and joined the petrochem desk as a trader . previous efforts at construction of a forward curve by the group have focused on intuition or swags . unfortunately , the group had a rough p & l year with at least some of the blame directed toward the forward curve or lack thereof . when asked about the fundamentals group , christian indicated that they ' d only been around about 3 - 4 months and are not yet well - suited to curve building . john nowlan is indeed the head of the group . from a timing perspective , i told christian that it would probably take at least 6 - 8 weeks to develop a curve , especially considering the need to understand the key market drivers / fundamentals . as was suggested yesterday during our meeting , a strong relationship between petrochemicals and a nymex component ( e . g . , crude oil ) would provide a great beginning point - - we could then potentially strengthen / augment this relationship with other key factors ( e . g . , supply and demand terms ) borne out of our market research . nelson",0 +"Subject: re : enron project keith , it was a great pleasure to work you with on this project . the entire enron team was impressed by the quality of the students and commitment of the school to exploring new and creative ways of exposing students to business problems . vince weigelt on 04 / 10 / 2001 12 : 05 : 25 pm to : "" ' vkamins @ enron . com ' "" cc : subject : enron project vince ; i just wanted to tell you how much i enjoyed working with enron on the tiger project . i found the interaction with you and your colleagues very stimulating . the ideas we covered ( like whether there are network externalities in these markets ) was more like a workshop than a project . i wish all businessmen had your interests and capabilities . thanks keith",0 +"Subject: wharton risk center advisory committee meeting - june 14 , 2001 to : advisory committee members from : paul r . kleindorfer howard kunreuther date : march 12 , 2001 subject : our next advisory committee meeting just to let you know that our next advisory committee meeting will be on thursday , june 14 , 2001 . we will be sending the agenda and more details in late march or early april . the principal theme of this meeting of the advisory committee will be "" markets and regulation for efficient risk management "" . we would appreciate your letting theresa convery know your attendance by returning a completed response form ( copy attached ) via fax or email as soon as possible . fax : ( 215 ) 573 - 2130 phone : ( 215 ) 898 - 5688 email : tconvery @ wharton . upenn . edu > ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ theresa convery administrative assistant risk and decision processes center the wharton school of the university of pennsylvania ( 215 ) 898 - 5688 / fax : ( 215 ) 573 - 2130 tconvery @ wharton . upenn . edu - response form . doc",0 +"Subject: rice / eron finance seminar series fyi ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 12 / 04 / 2000 07 : 59 am - - - - - - - - - - - - - - - - - - - - - - - - - - - barbara ostdiek on 12 / 01 / 2000 05 : 38 : 08 pm to : ostdiek @ rice . edu cc : subject : rice / eron finance seminar series enron seminar series in finance jones graduate school of management , rice university tim bollerslev duke university will give a seminar at the jones school on friday , december 8 , ?  & measuring , modeling , and forecasting realized volatility .  8 the seminar will begin at 10 : 30 in room 113 . please note the different time and different room for this seminar . a pdf of the paper is available through the seminar website http : / / www . ruf . rice . edu / ~ jgsfss / . ?",0 +"Subject: aga forecast for 7 / 21 is 42 vince & stinson , the number comes out from the time series model is 42 , compared with mike ' s 61 . last year ' s number ( true ) was 41 ( 7 / 23 / 99 ) , and 26 ( 7 / 30 / 99 ) . therefore the curve is down - sloping dramatically . let us see what happen tomorrow . zimin",0 +"Subject: re : country risk jr . economist hiring vince , thanks . - - gwyn vince j kaminski @ ect 05 / 02 / 2001 03 : 20 pm to : gwyn koepke / na / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : country risk jr . economist hiring gwyn , try to reduce the number of potential candidates to 3 , before i shall get involved . also , i contacted hr regarding your promotion . the process has started . vince gwyn koepke @ enron 05 / 02 / 2001 03 : 09 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : country risk jr . economist hiring thanks vince . i have the resume book from sais . i ' d like to start contacting them individually telephonically prior to meeting with maureen . i will begin to contact them and do some initial screening . would you like to participate in the initial screening ? thanks , - - gwyn vince j kaminski @ ect 05 / 02 / 2001 03 : 06 pm to : gwyn koepke / na / enron @ enron cc : subject : re : country risk jr . economist hiring gwyn , yes , please go ahead and get a resume book from sais . vince gwyn koepke @ enron 05 / 02 / 2001 11 : 40 am to : vince j kaminski / hou / ect @ ect cc : subject : country risk jr . economist hiring vince , maureen had mentioned to me a while back that our group had approval to hire an junior / full economist . she then asked me to contact johns hopkins sais to get resumes of possible candidates . i have completed all this . but , before i begin contacting these potential candidates , i wanted to confirm with you that we have the approval to hire another person at the either junior or associate economist level . thank you . gwyn koepke",0 +"Subject: correlation matrix reduction zhiyang , got your message . as we discussed , the best way to breakdown the big correlation matrix between different location indices is through "" cluster analysis "" . the idea is to select major hubs and the "" satellite "" markets . by establish the correlation between the hubs and correlation between the satellites and the hubs , the big matrix can be significantly reduced . then the traders only need to input the correlations between the hubs . this technique has been applied in our value at risk system . you may talk to tanya to find out the details . zimin ps : the wsprd code you requested .",0 +"Subject: re : uk power / gas vince , just fyi : oliver ( risk control in london ) was asking if it is appropriate to use a set of factors corresponding to some commodity for another commodity . this "" mapping "" we do quite frequently in our var system when forward prices for a commodity are not correlated ( because of poor price history ) . i think using this kind of mappings is ok because we can not trust these correlations based on illiquid price information . if we believed the matrix with low correlations represents what goes on in the market and we simply can not reconstruct it with our 7 factors - then we might use more factors then 7 or the matrix itself . tanya tanya tamarchenko 12 / 15 / 2000 02 : 36 pm to : oliver gaylard / lon / ect @ ect cc : david port / market risk / corp / enron @ enron , rudi zipter / hou / ect @ ect , wenyao jia / hou / ect @ ect , kirstee hewitt / lon / ect @ ect , debbie r brackett / hou / ect @ ect , naveen andrews / corp / enron @ enron subject : re : uk power / gas oliver , i completely agree with you : validating var inputs like positions , prices and volatilities which are used by risktrac is the first thing to do . you also rise a valid question : if the factor loadings for some commodity do not make sense should we use the factor loadings for another commodity ? the factor loadings "" do not make sense "" when the correlations across the term structure are not high . so if we believe that the forward prices for this commodity are market prices and statistical analysis on these prices produces the correlations which we trust , then it would be proper to use this correlation matrix in var engine , not the factors . using factors is simply the way to speed up calculations for highly correlated prices without sacrificing the accuracy . tanya . oliver gaylard 12 / 15 / 2000 07 : 11 am to : naveen andrews / corp / enron @ enron cc : david port / market risk / corp / enron @ enron , rudi zipter / hou / ect @ ect , wenyao jia / hou / ect @ ect , kirstee hewitt / lon / ect @ ect , tanya tamarchenko / hou / ect @ ect , ganapathy ramesh / hou / ect @ ect , debbie r brackett / hou / ect @ ect subject : re : uk power / gas naveen regarding the calculation of uk vars in risk trac i agree that we should be using this calculation engine for all commodity vars . however we should not focus solely on the uk but ensure that we use risk trac for continental power and gas , uk power and gas , nordic power . to use risk trac i think the following need to be resolved first , to implement it "" right the first time "" , as i think it is incorrect to consider the risk trac numbers "" as the most accurate "" since it depends on the validity of these items : positions ( delta and gamma ) and curve mapping - these need to include all positions including those outside the main risk systems positions , curves and mapping should now be no problem given the feeds , apart from continental power , have been uat ' d and we have the spreadsheet feeds up and running . price and vol curves - as used by the risk systems as above inter commodity correlation - prompt month correlation should be easy to calculate given an accurate and complete data set ( however the incomplete historic data for europe in risk trac , prior to the formation of the task force , would mean a full data set needs to be obtained and used ) . term structure of correlation would be good but i understand this is difficult to use in the calculation . factor loadings i think factor loadings should be calculated , on the same data sets used for inter commodity correlation , for all commodities . if this analysis does not appear to work i am not sure that using factor loadings for other markets is adequate . do we need to consider an alternative approach to calculating var for these markets ? to ensure this moves forward i think a list of the mile stones , responsibilities and time lines needs to be drawn up otherwise i fear the process of moving across to risk trac from the spreadsheet var will experience some slippage . i will call today to start the process off . rgds oliver naveen andrews @ enron 06 / 12 / 2000 21 : 50 to : oliver gaylard / lon / ect @ ect cc : david port / market risk / corp / enron @ enron , rudi zipter / hou / ect @ ect , wenyao jia / hou / ect @ ect , kirstee hewitt / lon / ect @ ect , tanya tamarchenko / hou / ect @ ect , ganapathy ramesh / hou / ect @ ect , debbie r brackett / hou / ect @ ect subject : uk power / gas oliver , i had a couple of issues pertaining to uk power / uk gas . first , just a few notes as it pertains to risk trac uk - implementation : ( 1 ) in risktrac , currently all the gas curves are mapped to nbp . ( 2 ) all the power curves are mapped to r 4 ( cinergy ) . factor loading analysis lends itself only to nbp and the norewgian curves ( for reasons of liquidity , etc ) . we have decided that nbp and cinergy are the best curves available at this time . the spreadsheet which is utilized in the uk also has curves mapped to a 2 - 3 - year old set of factors derived from us nat gas , which is clearly not optimal . hence ( 1 ) we should be using risktrac numbers for var , as it is the "" most accurate "" , both in terms of ene - wide model usage and in terms of the most recent updated data . ever since uk power came on board in risktrac 3 weeks ago , the uk power number has been consistently 7 - 8 mm above the numbers in your spreadsheet . this difference is to be ecpected , given the different inputs . ( 2 ) the consistent numbers do not point to a data error in any obvious way , however , if you believe that positions are not captured correctly , please let our it staff know that . ( 3 ) checks which ramesh has done indicate that positions are tying in . however , as you know , there could be disconnects with enpower , etc . in any event , it would be ideal and optimal to have all the simulations run out of risktrac for reasons of aggregation and analysis . your help is appreciated . regards naveen",0 +"Subject: fwd : abstract return - path : from : vkaminski @ aol . com full - name : vkaminski message - id : date : sun , 1 oct 2000 07 : 40 : 46 edt subject : abstract to : deng @ isye . gatech . edu mime - version : 1 . 0 content - type : multipart / mixed ; boundary = "" part 2 _ 15 . 9 e 45 a 9 f . 27087 cbe _ boundary "" x - mailer : aol 3 . 0 16 - bit for windows sub 86 shijie , i am sending you the abstract for my informs presentation . vince * * * * * the last three years were characterized by exceptionally high volatility of the power prices in the us markets . the market developments have created a number of unique challenges for energy industry economists . one immediate question we have to answer is how to measure volatility of energy prices . although we can all agree that the prices in the power markets are characterized by high variability , the traditional measures used in financial economics ( annualized standard deviation of log price returns ) may not fit well electricity prices . the second challenge is to explain the sources of high price volatility and to answer the question to what extent it can be attributed to problems that can be addressed in the long run . such problems include flaws in market design that allow some market participants to abuse market power , limited availability and / or unequal access to transmission , temporary shortages of generation capacity . some factors underlying high volatility of electricity prices may be of permanent nature and may be a necessary price to pay for increased market efficiency and expanded customer choice . - informs . doc",0 +"Subject: monday ' s newsletter hello vince ! i ' m working with michael sergeev to produce this next issue of the newsletter . do you have a suggestion for the kaminski column on page one ? if so , please tell me what you ' d like to use and i ' ll get it ready either today or monday morning . at some point , when you have a couple of minutes , we should sit down and talk about your philosophy regarding the newsletter and what you would like to see in the future . i ' d like to get a little creative with it once i know your thoughts on this . best regards , sam p . s . - note that i am "" william smith "" in the lotus notes system . there is also a "" will smith "" that works in it . we forward each other ' s mail all the time ! : - ) ss",0 +"Subject: stewart seeligson joins ebs hi stinson & vince this is the person that kevin howard told me about - - kevin did the finacing portion of the deals mentioned blow and stewart was the commercial counterpart . he will be heading up hamachi towards its closure this week . ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 03 / 13 / 00 02 : 20 pm - - - - - ebs office of the chairman sent by : dolph selten 03 / 13 / 00 01 : 47 pm to : ec employees - - all @ enron communications cc : subject : stewart seeligson joins ebs we are pleased to announce that stewart seeligson has joined ebs relocating after more than 4 years from enron europe in london . stewart started with enron nearly six years ago as an associate in ect in houston . in europe , stewart was successful in playing a key role in sutton bridge , originating a number of highly structured transactions including the eastern deals and more recently co - led enron ' s commercial activities in spain especially the development of a 1200 mw ccgt which is expected to begin construction later this year . stewart will assist in developing , managing and leading several of our more complicated mission critical commercial transactions . in particular , stewart will focus on those transactions which require multiple functions across ebs , a role stewart excelled in at enron europe . stewart will report directly to ken rice as a vice president , but will work directly with each of the commercial business unit leaders on a project specific basis . please welcome stewart to the ebs team .",0 +"Subject: re : trading algorithms andy , sounds good . one comment : vasant is swamped with work coordinating several high profile projects . bob is very productive and thorough and will get a lot of support internally from other members of the group : this contribution may not be directly visible but it will be still very important . we appreciate your hands - on involvement . it ' s always the most important condition of a successful project to have direct and frequent interaction with the customer . look fwd to working on this project . vince from : andy zipper / enron @ enronxgate on 04 / 18 / 2001 01 : 57 pm to : jay webb / enron @ enronxgate , vince j kaminski / hou / ect @ ect cc : subject : trading algorithms guys , here is what i took away from our meeting : 1 ) . research will continue working on custom reporting off of enrononline data . 2 ) . research will continue working on market analysis off of enrononline data 3 ) . research will a contribute a resource to the trading algorithm effort , presumably one at this point in time . i would prefer it to be vasant but i am flexible . the trading algorithm group will be run by the enrononline team with its product reviewed by research . it is my belief that projects like this require a firm commercial hand in their infancy to make sure they stay on the right track . if this presents a problem for anyone please let me know so that we can discuss . thanks , andy",0 +"Subject: hello vince , nie bardzo wiem czy pisac po polsku czy po angielsku : ) co u ciebie slychac ? u mnie troche zmian jak ze juz nie pracuje w scem , a przenioslem sie do mieco ( a small marubeni backed energy - america trading company ) . bardzo rozne od scem . najbardzij przypomina mi scem na poczatku z joe , jak bylo 20 - 30 osob . sa i minusy i plusy . troche structure i research ale przede wszystkim weather . trrovhe latam miedzy east i west bo sa officy w obydwu miejscach . california jest ok w zimie : ) . na bardziej personalnym froncie ; pamietasz dinner na ktory poszlismy kiedys na conferencji w ny z catherine ( she used to work for williams - works for morgan stanley now ) , we are dating ( for a while ) . it is a good story how we met . so we owe you dinner : ) jak bylem w atlancie to pracowala dla mnie christa grey . bedzie teraz konczyla grad school in international relations ( with eastern european slant ) , i zastanawia sie czy sa jakies mozliwosci polaczenia tego co robila ze "" wschodem "" . co robila to bylo przede wszystkim vb implementations modeli , ( roznego rodzaju ) , web based data collections , basic research , teraz jest w gas structuring etc . she speaks russian and was in ukraine / poland few times on peace corp assingments . she is very bright and dedicated . myslalem zeby ja zwabic do californii ale ten eastern european pociag jest u niej silniejszy niz u mnie : ) . i have here resume , wiec jak bys myslal ze jest jakis fit i will foreward it to you . troche tak mieszanka pisze , przepraszam bede chyba w houston w pazdzierniku to moze bysmy sie mogli spotkac . latwiej pewnie by bylo w ny ( mieszkam po nj stronie ( rent jest inny niz w atlancie : ) ( 201 ) 222 - 0435 ) , wiec daj mi znac jakbys mial czas i ochote . thanks roman",0 +"Subject: re : aiesec biliana , i have prior commitments on saturday , february the 5 th . please , send me more information about the following saturday . there is a remote possibility i shall have to go to london that weekend . otherwise , i shall be glad to join you . vince biliana pehlivanova on 01 / 28 / 2000 11 : 54 : 58 am to : vince j kaminski / hou / ect @ ect cc : subject : aiesec dear mr . kaminski , the following are the personal and work e - mail addresses of the polish trainees in college station . sylwester rutkowski sylwesterr @ usa . net , sylwester . rutkowski @ destia . com patricia dalecka pdalecka @ hotmail . com , patrycia . dalecka @ destia . com danusia mas danusia . mas @ destia . com lidia olczyk lolczyk @ usa . net , lidia . olczyk @ destia . com robert lyczak rlyczak @ yahoo . com , robert . lyczak @ destia . com i would like to invite you to join us for a paintball game next saturday , feb 5 th . the purpose of this event is to develop team building among our student members , board of advisors , and corporate clients . in addition , i would like to invite you to participate in our mock sales day on saturday , feb . 12 th . during this day , the new members will first receive training on aiesec sales / knowledge and then role play with our board of advisors and alumni acting as company representatives . sharing your aiesec and work experience would be a valuable contribution to our training program . i will get in touch with you regarding these events in the beginning of next week , as soon as i have the time and place finalized . i appreciate your interest in working with us . best regards , biliana pehlivanova vice president of incoming exchange aiesec houston",0 +"Subject: corp and muni bonds here ' s what i found . pls let me know if i can help you with anything . i checked on the bonds that we spoke with you about earlier . the call date was in august so i just passed on it . these look pretty good . thanks , julie - kaminsky 2 . doc",0 +"Subject: re : ff vols from historical fwd price curves winston , i am sending you ffd vol curves which are calculated based on 1 month ( 18 log - returns ) of data with 0 . 97 decay factor . these vols give $ 3 . 14 m in var for storage - prc ( versus 3 . 37 in production for 5 / 30 / 00 ) . tell me what i need to change in the format so that it is convenient for you . tanya",0 +"Subject: re : your mail zhendong , dr . kaminski called me back telling me that he would like to have you as an intern student in his research department during the summer . please write him an email as soon as possible to introduce yourself and letting him know of your expected starting date and ending date . dr . kaminski ' s email address is vince . j . kaminski @ enron . com shi - jie deng assistant professor school of isye georgia institute of technology office phone : ( 404 ) 894 - 6519 e - mail : deng @ isye . gatech . edu home page : http : / / www . isye . gatech . edu / ~ deng",0 +"Subject: request submitted : access request for brian . mihura @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000005412 approver : stinson . gibner @ enron . com request create date : 10 / 23 / 00 8 : 49 : 45 am requested for : brian . mihura @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: enroncredit . com report for 12 . 10 fyi ` - - - - - - - - - - - - - - - - - - - - - - forwarded by benjamin parsons / lon / ect on 13 / 10 / 2000 09 : 16 - - - - - - - - - - - - - - - - - - - - - - - - - - - katja schilling 13 / 10 / 2000 08 : 40 to : john sherriff / lon / ect @ ect , deborah edwards / lon / ect @ ect , edmund cooper / lon / ect @ ect , ted murphy / hou / ect @ ect , william s bradford / hou / ect @ ect , eva hoeffelman / lon / ect @ ect , jackie gentle / lon / ect @ ect , steve w young / lon / ect @ ect , tim davies / lon / ect @ ect , mark pickering / lon / ect @ ect , denis o ' connell / lon / ect @ ect , david a wall / risk mgmt / lon / ect @ ect , rod nelson / lon / ect @ ect , jeff kinneman / hou / ect @ ect , joanne wadey / lon / ect @ ect , enroncredit . com london , enroncredit . com houston , michael r brown / lon / ect @ ect , philippe a bibi / hou / ect @ ect , louise kitchen / hou / ect @ ect , drew c lynch / lon / ect @ ect cc : subject : enroncredit . com report for 12 . 10 1 . credit quality 2 . website",0 +"Subject: lacima energy and weather derivatives courses by clewlow and strickland please find attached information ? for our next two courses and workshops : ? energy derivatives : ? pricing and risk management and weather derivatives , which will be conducted in houston and in london in feb / march 2001 . ? instructors will be dr les clewlow and dr chris strickland . ? because the course requires intense interaction , the courses will be ? limited to a maximum of 15 people , so early registration is encouraged . ? if you require further information , or would like to register for either or both ? courses , please contact me via this email or our web site , ? www . lacimagroup . com - energy . pdf - weather . pdf",0 +"Subject: mec advisory board meeting we are still in discussions with mec about a transaction , but it seems to be moving in the right direction . they have asked to set up an advisory meeting in december to meet the senior team members . mr . plotnick indicated that he expects to have his cto in place by then . i am trying to arrange our first meeting the week of december 5 or december 12 . please send me a short list of times you have available for a two hour meeting . once again , i would like to thank each of you for your help with this project . regards , mark mark lay enron investment partners 333 clay st . , suite 3800 houston , tx 77002 p 713 - 853 - 7408 f 713 - 345 - 7670",0 +"Subject: re : resume how did it go with renshi zhang and bill koures ? renshi has two offers already . if you want to persue him , i would recommend moving quickly . regards , marshall brown vice president robert walters associates tel : ( 212 ) 704 - 0596 fax : ( 212 ) 704 - 4312 mailto : marshall . brown @ robertwalters . com http : / / www . robertwalters . com > - - - - - original message - - - - - > from : vince . j . kaminski @ enron . com [ smtp : vince . j . kaminski @ enron . com ] > sent : monday , march 12 , 2001 6 : 36 pm > to : marshall . brown @ robertwalters . com > cc : vince . j . kaminski @ enron . com > subject : re : resume > > > marshall , > > i am catching up with my mail . we would like to talk to this candidate as > well > ( phone interview ) . > > vince > > > > > > marshall brown on 02 / 21 / 2001 12 : 36 : 39 > pm > > to : vince kaminski > cc : > subject : resume > > > vince , > this candidate would be interested in speaking with you . > regards , > > marshall brown > vice president > robert walters associates > tel : ( 212 ) 704 - 0596 > fax : ( 212 ) 704 - 4312 > mailto : marshall . brown @ robertwalters . com > http : / / www . robertwalters . com > > > > > > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > caution : electronic mail sent through the internet is not secure and could > be intercepted by a third party . > > this email and any files transmitted with it are confidential and > intended solely for the use of the individual or entity to whom they > are addressed . if you have received this email in error please notify > the system manager . > > this footnote also confirms that this email message has been swept by > mimesweeper for the presence of computer viruses . > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > > ( see attached file : kour _ vas . doc ) > > >",0 +"Subject: anjam and kirstee , as i have suspected the position as of 6 / 30 vs 7 / 19 makes the difference . the first table first column is my var number with 6 / 30 position and gold & silver prices , the second column is your var with 7 / 19 position and dummy gold & silver prices . the second table first column is my var with 7 / 19 position and 6 / 30 gold & silver prices , the second column is as before . i would ask you to plug the gold and silver prices and see what kind of numbers you get in order to verify we are on the same page . please refer to modelvar 2000 . xls that i have sent you for gold & silver prices and volatilities . thank you , cantekin table 1 table 2",0 +"Subject: vince , i hope you are well . until today , i did not know there was another kaminski at enron . perhaps you know him already but i found him in the enron address book his first name is jim . i am enrolled in the above mandatory program and i have nominated you in the peer / colleague category , to provide feedback on me . i do not know the nature of the questions you would be required to respond to but sometime soon you would receive an e - mail asking you for your input . i know your plate is full and life is already hectic but i thought i could nominate you for your input . i should be grateful if you would take some time off your very hectic schedule and provide the feedback on me . very many thanks , tony enron broadband services 713 - 853 - 3939",0 +"Subject: re : the consultant ' s model for gary hickerson ' s group the model is supposed to be a real option model to capture the value of power plants of gencos . it is to give trader a better insight as to whether the market is overvaluing / undervaluing certain genco stocks , and trader can act accordingly . i ' m still trying to find out how trader is supposed to use it . modeling details : the model takes in all gencos ' locational power forward prices and fuel forward prices , and uses garch model to simulate one year daily prices , and then uses a hourly profile to convert them into hourly prices . garch model parameters are estimated by the consultant using and separate model and are updated twice a year , and it does not matter whether the simulation starts in january or september . using these prices , it will determine whether a unit at a particular location will be dispatched or not depending on a ) spread of power and fuel prices , and b ) whether the start - up cost can be recovered during 8 operation hours . the unit can be dispatched at minimum and peak levels . fixed o & m , sox and nox ( i don ' t know what the last two stand for ) are taken into consideration . with the simulated dispatch schedule , the model calculates the value that can be generated by this unit , then sums it up across all units . the final value is the average of 100 simulations . and it takes about 16 hours to run for about 200 units . after our conversation , the consultant promised to look into a ) how to make the model more flexible , say , to allow a different time horizon , b ) reduce spreadsheet overhead by doing calculation one unit a time and not saving all the intermediate information ( as of now it saves everything on the spreadsheet ) . assuming the garch process is modelled correctly , i believe the methodology is ok , though it does not capture most of the optionality . my concerns are : whether the price processes are modelled correctly . i have to get more details before making any conclusion . 100 simulations are way too few . unless we convert the algorithm to c , i don ' t see how spreadsheet can handle more simulations . i guess that ' s why they contact us . but again , if enron ' s buying the model from the consulting company , why should enron do their job for them ? how trader ' s going to use the model output . for this i phoned jeff ( the associate who initiated all these ) and am still waiting for his returning call . a related questions why the model horizon is one year . we can either oversee the conversation , but not doing actual coding for them . or redo the model for them . ( the problem still remains that how trader ' s going to use the output ) . but in view of the great wall of china separating the business units , should we do it ? as of now i have a simulation model taking start - up cost , fixed o & m , rump - up delay into consideration . it simulates monthly prices ( using gbm ) and takes 2 minutes 40 seconds to run 10 , 000 simulations for one unit for ten years ( 120 time steps ) . it can use forward - forward vol and incorporate seasonality into it ( i understand this is debatable ) . ( one interesting observation is that when using forward - forward vol simulation , the standard deviation is about 0 . 5 % , while standard deviation using forward vol is about 2 % . also , incorporating seasonality increases the value by about 1 . 6 % ) . since most of the time - cost occurs in price simulation , and we are to simulate about 20 price processes , i hope the full model ( if we build it ) will take a couple of hours to run for 200 units . the main task will be interfacing , i . e . , getting data from data base , and outputting the results . this is where i need most help if i am to do it . please advice the course of action . i am supposed to talk to michelle cisneros today . p . s . i never promised to oversee a programmer in our group ( see the message below ) . best , alex - - - - - - - - - - - - - - - - - - - - - - forwarded by alex huang / corp / enron on 01 / 05 / 2001 08 : 58 am - - - - - - - - - - - - - - - - - - - - - - - - - - - jeff m gray 01 / 04 / 2001 to : gary . hickerson @ enron . com , michael . w . bradley @ enron . com , michelle . d . cisneros @ enron . com , jaime . gualy @ enron . com cc : alex . huang @ enron . com , kskinner @ ftenergy . com , cseiple @ ftenergy . com subject : fw : project timeline ken and i worked up the following timeline and refined the trading methodology a bit this morning . we also met with alex huang from vince ' s group , and explained the model and coding tasks . ken and alex have arranged to speak by phone on monday , and meanwhile alex is coordinating within the research group . alex will oversee a programmer within his group , while interfacing regularly with us . 1 / 4 kickoff 1 / 11 complete spreadsheet , table , and database structures ( rdi ) . 1 / 17 complete software coding for the pricemaker component of the model ( rdi and enron research ) , and begin testing ( enron research ) . 1 / 22 complete software coding for the dispatch portion of the model ( rdi and enron research ) , and begin testing ( enron research ) . 1 / 22 complete financial trader "" user "" interface , within the access environment ( rdi ) . 1 / 22 complete collection and delivery of unverified generating - unit data from rdi databases ( rdi ) . begin verification process ( rdi ) . 1 / 29 complete all charts and reports accessible from the user interface ( rdi ) . 1 / 29 complete compilation of consensus ebitda forecasts for all operations other than merchant generation ( enron financial trading ) . 2 / 9 complete code testing ( enron research ) . 2 / 9 deliver verified and quality - checked generating - unit data ( rdi ) . 2 / 9 complete the model , begin testing the trading methodology , and train users . 2 / 16 finish training , testing , and final qc . jeff",0 +"Subject: mit research on bandwidth pricing gentlemen : amit is a former mit sloan student whose research was sponsored by a program set up by tom gros to learn more about bandwidth pricing and market effects . we worked with him quite a bit for a while , as did vince kaminski and stinson gibner , on this project . well , he has finally graduated and is in the process of having his thesis published . he has offered to come down to present his findings to anyone interested , so i am inquiring as to your level of interest in order to schedule a meeting , if appropriate . below is a short description of his work . please let me know your thoughts and if you have any questions . thanks , jay . - - james f . hawthorn enron broadband services global bandwidth risk management + 1 713 853 7606 telephone + 1 713 646 8795 facsimile - - - - - forwarded by jay hawthorn / enron communications on 03 / 29 / 01 09 : 15 am - - - - - adhadwal @ mit . edu 03 / 20 / 01 03 : 50 pm to : jay hawthorn / enron communications @ enron communications , adhadwal @ mit . edu cc : subject : hi jay , as per our discussion this morning , will be terrific to come on down to talk about the results of my thesis related to pricing & risk management of forward contracts on bandwidths . thanks to the support from enron for this work ! here ' s a brief description . we addressed the problem of pricing and risk managment of forward contracts on bandwidth under uncertain future available supply . this exposes the seller to both the risk of perishability as well as the risk of overcommitments . we consider a variety of selling strategies to map commitment risk , and show how forward pricing varies over time under these strategies . the managerial insights into dynamic forward pricing are neat ! have several graphs from simulations , and several math proofs . there are two technical pricing papers from this thesis , now submitted for publication . it will be great to share this knowledge with enron , thanks to your support for the work , and also discuss how the results may be mapped with real - life , possible modifications , and finally how they may be programmed and used . let me know your thoughts and interest level - maybe someone from vince ' s group as well ? i can make the talk as technical as you want , depending on the audience . at its core , it is math - heavy , but the insights can easily be translated to a high - managerial level view , a more detailed trader - level view , or a super - detailed research level view . cheers , - amit",0 +"Subject: sddp model john , attached is a copy of the sddp methodology manual , written by the developers . the model was developed by mario pereira , who is the proprietor of psri ( power systems research inc ) in rio de janeiro . their web site is : www . psr - inc . com where you can find more information about the company and contact details . mario and most of the staff speak english , so phone calls are possible . development of sddp was originally done on a world bank contract to compare the benefits of new generation and transmission system interconnections in central america . it has since found much wider application . the code runs on a pc , and is licensed to a number of consultants , power companies , etc . while i was with ecnz in wellington , new zealand , we purchased a copy around 1994 . the model works with weekly or monthly time steps , with a time horizon of from 1 to 10 years , for mid to long range planning of hydro thermal power systems . it represents loads in each period as from one to five load blocks , so it is not a chronological model . this type of model can not handle thermal plant ramp rates and similar chronological system constraints . i ' m not sure how important that would be to you . the optimization phase of the model takes into account hydrological uncertainty using a form of stochastic dynamic programming with sampling . this phase sets up a function for water value in each large reservoir in the system . the simulation phase uses a number of hydrological outcomes to collect statistics on how the system would operate . the water values can be used with the short term optimization mode of sddp or in some other more detailed short term optimization model . most constraints found in hydro systems can be modelled . many transmission constraints can be modelled . a dc load flow option can be used to determine bus nodal prices . a visual basic user interface is provided which reads and writes text files . if you ' d like to know more about sddp , you could call me here in houston . ( tel 001 713 345 8539 ) yours tom halliburton",0 +"Subject: follow up / cultivation for mit mit / sloan team : i am pleased to announce that the two candidates below were extended offers for enron ' s summer associate program : hakeem sanusi 617 - 576 - 7570 hsanusi @ mit . edu offer pending jozef lieskovsky 617 - 905 - 5633 jlieskov @ mit . edu offer pending as we discussed , there were a number of excellent candidates that we met while interviewing for summer associates . in an effort to strengthen our name on campus and to cultivate relationships with these individuals , we want to make a concerted effort to keep up with them for our fall recruiting effort . i have attached a template for us to use and refer to for both the offers and the cultivations . this serves as a two - fold communication tool : a tool for the team members to use in contacting the candidates and a tool for me to use when tracking any issues or concerns the candidates may have . please feel free to add to it and e - mail it back to me or give me a call ( ext . 37632 ) and i will update it . i will also be using this to report back to a & a management . below are the names of the candidates that made it to the second round . we want to call on all of them . blaise nietcho 617 - 225 - 2598 blaise @ mit . edu rocco paduano 617 - 742 - 2085 rpaduano @ mit . edu samuel vainstein 617 - 266 - 7257 samuva @ mit . edu diego silva robert 617 - 441 - 6999 dsilva @ mit . edu should you have any questions , please feel free to give me a call . thanks , karen marshall recruiting manager",0 +"Subject: re : thank you sevil . we are looking forward to having you here . if you want , you can stop by one day and i shall introduce you to grant masson with whom you will be working this summer . vince sevil yaman on 02 / 23 / 2000 10 : 09 : 30 am to : vkamins @ enron . com cc : subject : thank you hi dr . kaminski , yesterday , i learned from shannon rogers at the associate - analyst program that i was offered a summer associate / internship position in your group . i am already very excited about this position and look forward to working in your group . many thanks for your consideration . sevil yaman department of economics university of houston houston , tx 77204 - 5882 ( 713 ) 743 - 3814 / 3817",0 +"Subject: california on the brink - - cera alert cera alert : december 13 , 2000 title : california on the brink cera knowledge areas : western energy , n . american power , n . american gas california on the brink the california stalemate california moved closer to the brink of an outage today as concerns over credit - worthiness of buyers brought the possibility that generators would avoid selling to the california market . while numerous factors have contributed to the high cost of power incurred by california ' s utilities , the root cause of the current crisis is a lack of new generation . the current credit crisis and its threat to supplies could spark state action to address the situation . the collective efforts of all market participants should be focused on increasing generation capacity as quickly as possible . western power prices have skyrocketed well beyond the record levels set this summer . perhaps because frozen rates insulate the majority of california consumers and companies from tangible effects of the market crisis , regulators have been able to postpone meaningful market reforms and significant rate increases . the california public utilities commission denied the requests of pacific gas & electric and southern california edison to end their rate freezes , forcing these utilities at least temporarily to finance the costs of higher wholesale energy . this has created an unsustainable accumulation of costs and a loss of faith in the california market . the current credit crisis and the potential for blackouts may become the galvanizing events that provide state regulators with a public mandate to address the underlying structural problems in the industry . however , there is no guarantee that these regulatory actions will expedite an effective solution for customers and the industry as a whole . wholesale and retail markets that emerge from regulatory intervention are likely to remain muddled . in the necessarily political process that will follow , it is possible that - as has largely been the case so far - the steps taken will fail to move the california power market toward a more enduring solution and will instead continue to mask the underlying structural flaws . in the six months since california ' s supply shortfall began plaguing western markets , regulators have done little to address the underlying problem . rather than addressing the cause of the supply shortage - establishing a market environment that encourages timely additions of new generating capacity and demand side responses - efforts are instead directed at trying to lay blame for the crisis and lessen the immediate financial impact on customers . indeed , several actions taken thus far have served more to compound the problem by discouraging new power plant additions . these include price caps , repeated changes to market rules , attempts to seize generator profits , and a challenging siting and permitting process . medicine worse than the illness several years of electricity demand growth and low prices in california were accompanied by very few additions to the supply base . regulators did not pay adequate attention to the looming supply shortfall . the void of consensus over the cause of the current crisis has instead been replaced by a series of bandaid remedies that address the symptoms , but not the cause , of california ' s electric market woes . * * challenging siting and permitting . despite state action to better coordinate the siting and permitting process for new power plants , power plant developers still face high hurdles . local community opposition alone has struck down some key proposed facilities . * price caps discourage investment . state and federal proposals to cap prices limit the attractiveness of the california wholesale power market , especially for developers who have the option of channeling scarce capital and equipment to more stable or more attractive markets outside the state . * repeated rule changes . frequent rule changes in the iso markets ( including the price caps ) confound attempts by developers to estimate profits from new plant development . * calls for refunds . despite reports by the power exchange , the iso , and the ferc that no pattern of abuse could be found from their examination of the california markets , state officials continue to accuse power providers of gaming the market . calls by state officials for refunds of generator profits are a threat to new plant development . * facility inspections . recent inspections of power plants by state officials to verify that operators are honestly reporting the operational status of their generating units accentuates the atmosphere of mistrust . cera ' s recent analysis suggests that merchant plant developers in the west are not guaranteed ? to make a profit . prospects of new plant profitability are affected by the timing and quantity of new plants , decommissioning of older units , demand growth , and numerous other difficult - to - forecast factors . california ' s regulatory actions only further cloud the assessment of financial viability and degrade the political environment for developers considering entering the state . despite efforts by the california iso to stimulate new capacity additions in the state with a special , limited - term capacity payment , cera estimates that demand growth will continue to outstrip supply additions in the west in 2001 . in addition , the existing siting and permitting process will prevent a sufficient quantity of capacity from entering the market until 2003 at the earliest . therefore , three years remain before a sufficient quantity of capacity enters service to significantly dampen prices and decrease the risk of an outage . the road to recovery there are a number of actions that can be taken to help relieve the capacity shortfall : * encourage new build . supply must be part of the answer . this requires a series of steps that can help facilitate new supply build . while in principal some have been taken , such as new fast track approval , the success of these actions can only be measured by the build itself . for now , there is still not enough new supply coming on until 2003 to relieve supply tightness . ? * stabilize investment climate . utilities must have assurance that they will ultimately be allowed to recover market costs for power . this provides the credit worthiness needed by sellers to produce energy and to stimulate new build . * move toward more balanced utility supply portfolios . one of the reasons the pressure on customers has been so intense in california has been the absence ( and even discouragement ) of diverse supply portfolios among the utilities in the state - particularly for residential and small commercial customers . with the market at a peak , however , now is in one sense a sub - optimal time to move toward term contracting . yet these contracts provide the foundation for a series of actions - including new supply build and demand side investments . if they end up above market , they will at least have achieved the desired effect of knocking down prices , a fact which by itself should provide sufficient justification for recovering the cost of these commitments . * encourage market mechanisms that elicit a demand response . although originally a feature of california ' s market design , most consumers are insulated from price spikes through capped or frozen retail rates . exposing customers to at least some of the market price signals would encourage a demand response . * encourage market mechanisms that dampen the "" boom bust "" characteristic of the market . whether in the form of a capacity payment , a reserve requirement , or a minimum term portfolio requirement , the california power market needs to move to a structure that encourages investment in new capacity when the market is in balance rather than waiting for a shortage and price shock to elicit new investment . such a structure can help dampen ( but not eliminate ) future price volatility . * avoid continuously tinkering with the market . while the market does need to be restructured as described above , it also needs to be stable and reliable to encourage the development of new supply as well as a robust long - term contractual market for power in california . continually tinkering with the market structure - such as the three times the price cap has been shifted since july - only serves to undermine confidence in the market . california needs to do its best to develop a long - term solution and then let the market run its course . * allow for greater environmental flexibility . the state should explore a more balanced solution to emissions restrictions in the face of a supply shortfall that has been exacerbated by generators that cannot operate due to emissions restrictions . * free purpa power plants to generate . relief should be granted to purpa power plants that are operational , but are restricted by contract from operating to generate only power . * * end * * this cera alert will be available in pdf format within 24 hours . this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www . cera . com / tos . html questions / comments : webmaster @ cera . com copyright 2000 . cambridge energy research associates",0 +"Subject: your riskmetrics site password dear kaminski , thank you for registering . your requested username is polonia and your password is riskdata . you may use this login to : - access picture of risk at http : / / www . riskmetrics . com / por / index . cgi - use the longrun forecast engine at - use the data directory at http : / / www . riskmetrics . com / data / view / index . cgi - access the creditmetrics datasets at - access the riskmetrics datasets at - read our technical documents at - read our monitors at http : / / www . riskmetrics . com / research / monitors / index . cgi - read the corporatemetrics publications at - read risk management : a practical guide at please let us know if you have any questions or concerns , rmg web services web @ riskmetrics . com",0 +"Subject: re : new risk management book vince , thanks so much , pedro fernando vince j kaminski @ ect 11 / 21 / 2000 01 : 17 pm to : shirley crenshaw / hou / ect @ ect cc : pedro fernando manrique / enron _ development @ enron _ development , vince j kaminski / hou / ect @ ect subject : re : new risk management book shirley , please , send a copy of the book to pedro fernando . vince pedro fernando manrique @ enron _ development 11 / 15 / 2000 02 : 04 pm to : vince j kaminski @ ect cc : subject : new risk management book vince , in colombia we are setting up a trading operation and would be nice to have a copy of the new book for our reference . please let us know how we can get access to a copy . many thanks , pedro fernando",0 +"Subject: dinner speaker - may 23 vince : michael crew would like you to be a speaker on wednesday , may 23 rd instead of the 24 th at the rutgers conference . is this ok ? he is preparing the agenda and needs to know as soon as possible . shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 03 / 21 / 2001 02 : 31 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" michael a . crew "" on 03 / 21 / 2001 10 : 07 : 52 am to : shirley . crenshaw @ enron . com cc : vkamins @ enron . com , crri @ andromeda . rutgers . edu , kleindorfer @ wharton . upenn . edu subject : dinner speaker - may 23 shirley , this is to follow up today ' s conversation with anita . as mentioned paul kleindorfer invited vince to be our dinner speaker on thursday , may 24 . on reflection given the strong line up for wednesday - fred kahn et al - we would very much like vince to be the speaker on wednesday . this will conclude the day very well giving participants a strong incentive to be there for the wednesday . i gather that this change should be acceptable to vince . we will show vince ' s name as follows : wincety j . kaminski managing director - research enron jeremy will be em ailing you the program with this information immediately . we would like to go to press today . failing that we can go to press tomorrow . we would very much appreciate your confirming this and making any corrections or changes . if you would respond to all of us it would be appreciated . michael michael a . crew professor ii director - center for research in regulated industries editor - journal of regulatory economics rutgers university , graduate school of management 180 university avenue newark , n . j . 07102 - 1897 phone : 973 353 5049 fax : 973 353 1348 http : / / www - rci . rutgers . edu / ~ crri",0 +"Subject: re : grading graders usually follow the following guidelines : - half of the class gets a - and above ; - the other half of the class gets b + and below - instructors seldom ever give grades below b - , but it happens in rare cases - the highest grade possible is a + jason",0 +"Subject: oleg bodnar shirley , please , put oleg bodnar on jeff shankman ' s and john arnold ' s schedules for an interview . he should be already on john lavorato ' s schedule . vince",0 +"Subject: super saturday changes the recruiting season has officially begun . the first super saturday weekend is the weekend of october 27 th and 28 th . we have undergone a rigorous interview process on campus , which will allow us to focus on  however , we are still in need of interviewers for each of the super saturdays . please respond with your willingness to interview at : http : / / axis . enron . com / notice / ssinvite . asp ( when selecting dates please avoid selecting to interview candidates who attend the schools for which you are a team member ) . we thank you in advance for your participation and support of the program .",0 +"Subject: enron credit modeling when we laast spoke , we agreed that you would look to support some of our development efforts from houston . if possible , i would like to have a quick conference call this week to figure out where we are and move forward . thanks",0 +"Subject: reactions september is now live on - line > reactions > the latest edition of the financial magazine for the global insurance > market is now live at http : / / www . reactionsnet . com > > the world ' s leading insurance and reinsurance magazine . simply hit > the links at the bottom of each item to see the full article . you can > call or email us for help at any time on mailto : web - help @ euromoneyplc . com > or + 44 ( 0 ) 20 7779 8006 . the september issue of reactions is packed full > of news , views and figures : > > * cover report : the future for reinsurance : ignoring uncertainty and > danger > http : / / www . reactionsnet . com / viewstory . asp ? id = 799 > * cover report : are ratings agencies responsible for excess capital ? > http : / / www . reactionsnet . com / viewstory . asp ? id = 800 > * cover report : why not give the capital back ? > http : / / www . reactionsnet . com / viewstory . asp ? id = 801 > * cover report : m & a shakeout likely > http : / / www . reactionsnet . com / viewstory . asp ? id = 802 > * cover report : what the future industry will look like - the new > face of risk transfer > http : / / www . reactionsnet . com / viewstory . asp ? id = 803 > > > les rendez - vous de septembre ~ monte carlo 2000 > the 44 th international meeting of insurers , reinsurers , brokers and > reinsurance consultants starts on september 3 rd , and you will be able to > keep right up to date with all the news by logging - on to the official > monte carlo website : http : / / www . rvs - monte - carlo . com . > > in association with guy carpenter [ http : / / www . guycarp . com ] , > reactions will publish the rendez - vous reporter daily . it will be > available to read on - line should you not be able to attend in person - > simply go to the section headed "" newsletter "" to access these daily > updates . you can also read last year ' s archived reporters here . > > look out for our daily email news alerts , sent directly from monte > carlo next week ! > > > other stories > > * profile : munich re - giant steps forward > munich re has kept as silent as a statue for many > years - even when confronted with the most innocent enquiries about its > strategy . but now the statue has come to life and is willing to talk about > how it maintains its position as the world ' s most powerful reinsurer . > simon challis went to munich to hear about it . > http : / / www . reactionsnet . com / viewstory . asp ? id = 804 > > * financial risks : the path to new risks > insurance companies and banks were once two separate and > distinct marketplaces . but now the dividing lines between the two are more > blurred than ever . this is creating new opportunities for both , but also a > fresh set of problems and challenges to be overcome . > http : / / www . reactionsnet . com / viewstory . asp ? id = 805 > * tax havens : financial paradise under threat > offshore domiciles and tax havens have created important > niches within insurance and finance and have become centres of excellence > for many industries . but the sun may soon disappear for these > jurisdictions as they come under pressure to change . > http : / / www . reactionsnet . com / viewstory . asp ? id = 806 > for a free trial to the leading authority on international > fund management , global investor magazine , please go to > http : / / www . . com / admin / registernow . asp , to see the > home page go to http : / / www . . com . > > * e - commerce : electronic re hits the screens > in a rapidly changing world , one thing at least has become > abundantly clear . insurers and reinsurers who fail to rise to the > challenges of internet technology will fall by the wayside . > http : / / www . reactionsnet . com / viewstory . asp ? id = 809 > for specialist information on the internet economy visit our > sister publication evantage at http : / / www . evantagenow . com . > > * european insurance : all change in a unified market > the eu ' s non - life insurance markets are undergoing rapid > transformation , driven by the deregulation of the markets and advances in > information technology . http : / / www . reactionsnet . com / viewstory . asp ? id = 812 > > > plus > * latin american insurance by susan drury > this brand new report analyses the growth and opportunities > for companies , products and alliances in the market . susan drury > forecasts the shape and direction of the latin american industry over the > next ten years . > https : / / ecommerce . waterside . net / reactions / la _ insurance . asp > > * @ risk : internet and ecommerce insurance and reinsurance legal issues > this guide is a vital point of reference for anyone involved > in the covering of internet related liabilities . for a reduced price of > 150 pounds you can ensure that you have the best information on risk > associated e - commerce insurance at your disposal . > https : / / ecommerce . waterside . net / reactions / risk . asp > > * ensurance > without a clear e - commerce strategy you are seriously > jeopardising the future competitiveness of your company . reactions > publishing group has produced the report to answer all your questions on > this new and expanding market . > https : / / ecommerce . waterside . net / reactions / ensurance . asp > > * reinsurance fourth edition by professor rl carter > the fully updated edition of the best selling guide to the > reinsurance market . a must read book for every executive and consultant > involved in the rapidly evolving reinsurance industry . > https : / / ecommerce . waterside . net / reactions / reins _ fourth . asp > > * euromoney plc provides a uniquely focussed on - line book and > information service for all financial markets professionals . to find the > best , most up - to - date selection of books and journals specifically for > your sector please go to http : / / www . euromoneyplc . com ( registration is > free ) or call us on + 44 ( 0 ) 20 7779 8673 . > > > http : / / www . reactionsnet . com > > > to advertise or link your company website to this industry > circular please contact andreas silberman > tel : + 44 ( 0 ) 20 7779 8186 or e - mail > mailto : asilberman @ euromoneyplc . com > > if you have any problems logging onto or using > www . reactionsnet . com please call our dedicated help desk > + 44 ( 0 ) 20 7779 8006 or email > mailto : web - help @ euromoneyplc . com",0 +"Subject: fw : resume for vince kaminski vince : i have received this resume ( unsolicited ) from an outside recruiting agency . if you are interested in meeting with johnathan , i would be more than happy to set it up for you . molly - - - - - original message - - - - - from : graham , toni sent : thursday , march 08 , 2001 2 : 07 pm to : magee , molly subject : fw : resume for vince kaminski - - - - - original message - - - - - from : "" m eastman "" @ enron @ enron . com ] sent : thursday , march 08 , 2001 1 : 53 pm to : graham , toni subject : resume for vince kaminski johnathan is at 142 , 000 base + 10 - 15 % bonus . he is a phd . , certified in financial risk management , awaiting charter as cfa , and the list goes on . at kpmg his clients are financial institutions , e - commerce , internet , and high tech . he has real options valuation and various other financial and overall corporate risk valuation and analysis skills that may be of interest to vince and his group . mike eastman , cpc - president qualitec professional services , lp accounting - financial - energy risk - tax search consultants 281 - 647 - 9300 ext . 314 fax 281 - 647 - 9300 email meastman @ qualitec . com website www . qualitec . com - johnathan mun . doc",0 +"Subject: the inn at penn danielle fyi . this is the information regarding the best hotel for the meeting on december the 6 th , 9 : 00 - 12 : 00 . vince http : / / www . innatpenn . com / contact . html the inn at penn sansom common , 3600 sansom street philadelphia , pa . 19104 phone : 1 - 800 - 809 - 7001 fax : 215 - 222 - 4600 please , mention that the stay is related to the university business when making the reservation . tom piazze at wharton can confirm it . tom piazze phone : ( 215 ) 898 1615 piazzet @ wharton . upenn . edu",0 +"Subject: iafe membership dear colleague : we are pleased to report that we had a very exciting and productive year with dozens of activities around the world . as we enter our 10 th year of operations , the iafe has additional membership options available to you . please take a moment to look at the attached membership form with the 2001 rate schedule . based on member requests , a premium membership is now being offered that includes the annual conference at a 30 % discount , the financial engineer of the year dinner , plus a subscription to the journal of derivatives ( jod ) . the full membership remains as in previous years . the new regular membership includes all membership benefits except jod . membership is based on the calendar year january 1 - december 31 , 2001 . membership is also available on our secured membership registration form at our website http : / / www . iafe . org / about / join . ihtml . while on our website , please take a moment to visit our calendar listing upcoming events for the new year . if you have any questions please don ' t hesitate to contact me at main @ iafe . org . regards , donna jacobus iafe office manager - 2001 membership application . pdf",0 +"Subject: associate & analyst super saturday friday night dinner participation thank you for volunteering your time for this weekend ' s super saturday . we appreciate your commitment to enron ' s recruiting success . at this time we do have an adequate number of friday night dinner participants and will not need you to sacrifice your friday evening . if you haven ' t already , we encourage you to volunteer for one of our other future super saturdays . thank you again for your support and your participation . shelly jones recruiting manager associate & analyst programs",0 +"Subject: congratulations vince : congratulations on your promotion to md . you certainly are well deserving this long overdue promotion . cheers , ding yuan",0 +"Subject: re : december 6 th meeting theresa , thanks . i appreciate it . happy thanksgiving and please give my regards and best wishes to howard . vince "" convery , theresa "" on 11 / 22 / 2000 09 : 39 : 53 am to : "" vince kaminski ( e - mail ) "" cc : "" kunreuther , howard "" subject : december 6 th meeting dear mr . kaminski : this is to confirm the december 6 th meeting here at our center . the location for the meeting is room # 3212 steinberg hall - dietrich hall and the time will run from 9 : 00 am - 11 : 00 am . please let us know if you need anything further . we look forward to seeing you then . regards , theresa convery ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ theresa convery administrative assistant risk and decision processes center the wharton school of the university of pennsylvania ( 215 ) 898 - 5688 / fax : ( 215 ) 573 - 2130 tconvery @ wharton . upenn . edu",0 +"Subject: mr . sud rebecca , i share some of your concerns regarding mr . sud . he is retired and he chose to contact us rather indirectly ( or on the spur of the moment ) . i understand that things are done differently in different cultures but i did not meet him and could not form my judgment based on personal observations . however , the information he gave us seems to be too important not to convey to you and not to act upon . vince kaminski",0 +"Subject: cera conference call playback now available - cera conference call playback title : regulatory scorecard for power : who ' s on first ? what ' s on second ? url ( s ) : in a may 17 , 2001 , cera conference call and web presentation , amy biehl , sharon reishus , and dan mahoney discussed : regulatory scorecard for power : who ' s on first ? what ' s on second ? * has the dust finally settled from the backlash of the california power crisis on other states ' efforts to restructure the electric industry ? * where do congress and the bush administration stand on electric industry reform ? * status of retail competition for electric power and natural gas please follow above url to view and listen to a replay of this cera multimedia conference call . when the premiere conferencing placeware window opens , simply enter your name and click the "" view "" button . a "" recording key code "" is not required . hosted by premiere conferencing . * * end * * e - mail category : conference call playback cera knowledge area ( s ) : north american power , retail energy cera ' s spring 2001 roundtable event dates and agendas are now available at http : / / www 20 . cera . com / event to make changes to your cera . com profile go to : forgot your username and password ? go to : http : / / www 20 . cera . com / client / forgot this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www 20 . cera . com / tos questions / comments : webmaster @ cera . com copyright 2001 . cambridge energy research associates",0 +"Subject: re : enron / stanford program nick , i spoke with paul racicot , head of trading for ebs , north america this morning . he said that he is happy to send the $ 100 , 000 for your program from his budget . i have forwarded to him the draft letter to accompany the funds and will try to follow up to make sure that the money is sent promptly . - - stinson",0 +"Subject: re : reprint available "" alliance gas pipeline : john , my mailing address is : vince kaminski enron corp . 1400 smith room eb 1962 houston , tx 77002 thanks for remembering about me . vince "" john h herbert "" on 12 / 04 / 2000 07 : 09 : 55 am to : "" vince j kaminski "" cc : subject : reprint available "" alliance gas pipeline : early , late , or just in time ? a story of big gambles , big assumptions , and spark spreads turned upside down "" by john h . herbert , published in the november 15 , 2000 issue of public utilities fortnightly ( puf ) . this article which contains five figures and is on the long side for puf also covers market issues that go beyond alliance . if you like to receive a reprint please send me your address . best regards , jhherbert 703 - 532 - 4544 ( phone ) 603 - 719 - 6675 2929 rosemary lane falls church , virginia 22042",0 +"Subject: re : speakers for a ceo meeting with nebraska governor johanns margaret , i have an economist in my group and asked her if she feels qualified to make a presentation on this topic . i shall keep you posted . i think it would help enron to oblige . vince margaret carson @ enron 02 / 16 / 2000 02 : 24 pm to : vince j kaminski / hou / ect @ ect cc : subject : speakers for a ceo meeting with nebraska governor johanns vince , i could work up a talk on everything they are looking for except the area of energy impacts on agri - customers . . . does ena have some specialist that look at this slice of the energy marke that could help me respondt ? thanks margaret - - - - - - - - - - - - - - - - - - - - - - forwarded by margaret carson / corp / enron on 02 / 16 / 2000 02 : 21 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - beth jensen 02 / 16 / 2000 01 : 19 pm to : margaret carson / corp / enron @ enron cc : rob wilson / et & s / enron @ enron , larry deroin / npng / enron @ enron , bill cordes / et & s / enron @ enron , mike mcgowan / et & s / enron @ enron , beth jensen / npng / enron @ enron subject : speakers for a ceo meeting with governor johanns hello margaret . we are looking for a speaker for a meeting that is being arranged with nebraska governor johanns during the first week in april . the potential topic is a national perspective on pricing pressures / trends on natural gas , electricity and oil and their impact on agricultural production costs , as well as types of risk managment tools that are being used to offset the price fluctuations . do you know of anyone , either within the corporation or outside , who would be available to travel to omaha to make this presentation ? i would appreciate any assistance that you could provide , margaret . thanks , beth jensen",0 +"Subject: re : summer associate position at enron hi dmitri : thank you for responding so quickly . i have scheduled the telephone interview for wednesday , january 31 st at 3 : 30 pm ( houston time ) . you may be ahead one hour ? the interview will be for approximately 1 hour . the research group that will be interviewing you will be : vince kaminski managing director stinson gibner vice president zimin lu director we will call you at 615 - 496 - 1132 . if anything changes , please let me know . thanks dmitri . sincerely , shirley crenshaw dmitri villevald on 01 / 16 / 2001 11 : 42 : 05 pm to : "" ' shirley . crenshaw @ enron . com ' "" cc : subject : re : summer associate position at enron dear ms . crenshaw : thank you for choosing me for the telephone interview . it is a great honor for me to be interviewed by enron research group professionals . i will be available for the interview on january 25 th - 26 th , january 29 th - 31 st anytime from 3 : 00 pm to 6 : 00 pm . please let me know which time is the most convenient for you . you can reach me by telephone ( home : 615 - 292 - 7122 ) . also , i am always available at my cell phone ( 615 - 496 - 1132 ) . to make sure that i will do my best during the interview , i will greatly appreciate if you provide me with some details on the interview structure and the type of questions i could expect . again , thank you very much for the great opportunity to demonstrate and prove my credentials , interest and desire to work for enron during this summer . i am excited about the prospect of applying my skills at enron research group as a summer associate . if i can provide more information or answer additional questions , please , contact me either by telephone ( 615 - 496 - 1132 ) or via e - mail ( dmitri . villevald @ owen 2002 . vanderbilt . edu ) . sincerely , dmitri villevald - - - - - original message - - - - - from : shirley . crenshaw @ enron . com [ mailto : shirley . crenshaw @ enron . com ] sent : tuesday , january 16 , 2001 9 : 40 am to : dmitri villevald subject : summer associate position at enron good morning dmitri : your resume was forwarded to the research group with enron by pavel zadorozhny . they would like to conduct a telephone interview with you at your convenience sometime within the next two weeks . it will be a conference call and will include several of the research group . this will determine where you might fit for the summer program . please let me know some times that would be convenient for you and the telephone number that you can be reached at . sincerely , shirley crenshaw adminsitrative coordinator enron research group 713 / 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: re : message from ken rice vince : thanks for returning this call . i guess it helps if i provide the contact information ! tom limperis 517 - 423 - 5617 thanks ! dorothy dalton office of the chairman enron broadband services 1400 smith street , eb 4505 houston , tx 77002 713 - 853 - 6724 - direct 713 - 853 - 9469 - fax vince j kaminski @ ect 05 / 02 / 01 09 : 42 am to : dorothy dalton / enron communications @ enron communications @ enron cc : vince j kaminski / hou / ect @ ect , vasant shanbhogue / enron @ enronxgate subject : re : message from ken rice dorothy , no problem . please , cc - mail me tom ' s number . one of the members of the group has a phd in computer science and he will join me for the call . vince from : dorothy dalton @ enron communications on 05 / 01 / 2001 08 : 53 am to : vince j kaminski / hou / ect @ ect cc : subject : message from ken rice vince : ken rice received a call through a friend ' s referral from dr . tom limperis ( a professor at the university of michigan ) . dr . limperis has developed a statistical database management system he would like to show enron . ken would like you to return this call on his behalf . he feels that you are probably the only person who will understand and be able to determine if enron should have an interest . do you mind returning this call ? please let me know . thanks ! dorothy dalton office of the chairman enron broadband services 1400 smith street , eb 4505 houston , tx 77002 713 - 853 - 6724 - direct 713 - 853 - 9469 - fax ",0 +"Subject: updating your profile information in the gis system as the global vp / md mid - year prc draws closer , i want to take the opportunity to stress to you the importance of updating your profile information in the gis system . details on your current responsibilities , employment history , skills and education should have been updated by 7 july 2000 . for those of you that have not opened your profile in gis , i urge you to do so as soon as possible to ensure that your profiles are current and complete . gis is accessible via the hrweb home page on the intranet . you may go to hrweb . enron . com and look for the gis link , or just type eglobal . enron . com on the command line of the browser . your timely response to this request is greatly appreciated . thank you ,",0 +"Subject: california update - urgent please read 5 / 7 / 01 sources report that the bond authorization will be put to a vote today the bridge loan financing bill will put to a vote today in the california assembly . the republicans are currently in caucus until 3 : 30 pst and then will go to the floor for a vote . the current situation is very fluid , but sources now indicate that the bill would pass with a simple majority vote , lacking the two - thirds needed for an immediate bond issuance . if this is the case , the bill would not take effect for 90 days and the state would be forced to abandon its proposed bridge loan plans . absent of last minute financial rescues by davis or a new longer bridge loan package ( unlikely ) socal could seek voluntary bankruptcy . the main problem would then be the waiting period for financial relief from the state through the transmission line purchase or other assistance . there is an outside chance that republican defectors could precipitate from the current caucus . there is extreme pressure on the republicans from davis and angelides . if the bill failed due to lack of republican support , it would provide davis the opportunity to blame republicans for on - going expenditures of $ 70 m / day ( power purchases ) , and a possible bankruptcy by socal . the last republican who gave support to a democratic bill ( ab lx ) , representative bill campbell , lost his job . sources also confirm that democrats have not met with republicans on the bond issuance since last week .",0 +"Subject: your advice is appreciated vince , in the morning we were talking about the el paso candidate who thinks he is above something and is not willing to take certain project or responsibility . in real life , we also occasionally have similar stiuation . ( an example is attached ) . i would like to have your guidance when such a situation occurs . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 05 / 02 / 2001 02 : 07 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 05 / 02 / 2001 01 : 41 pm to : paulo issler / hou / ect @ ect cc : subject : re : asian option for pavel our convention is whoever finalizes the model should write the documentation . it does not make sense to write one when changes are anticipated . you have been working on this almost a year , it never strikes you that we need a documentation ? i created exotica . xll , does that also give you an excuse not working on exotica documentation ? zimin paulo issler 05 / 02 / 2001 11 : 52 am to : zimin lu / hou / ect @ ect cc : tai woo / enron @ enronxgate @ enron , pavel zadorozhny / enron @ enronxgate subject : re : asian option for pavel i am surprised that we do not have the documentation ready . i can make that for you . it is not there because you did not put that together by the time it was created and all the changes i have made did not required changes on the functionality . paulo issler zimin lu 05 / 02 / 2001 11 : 29 am to : tai woo / enron @ enronxgate @ enron , paulo issler / hou / ect @ ect cc : pavel zadorozhny / enron @ enronxgate subject : re : asian option for pavel tai woo , here are the c - codes for the crudeapo . ' sig ' is the spot volatility meaning the price volatility within the delivery period . you should consult with pavel for the definition of this "" extra "" parameters . we would like to see the position monitor once you get it running . we might have some additional suggestions . paulo , why don ' t we have a documentation on crudeapo you worked on ? i can not find it in exotica help file . please supply that to tai , thanks . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - from : tai woo / enron @ enronxgate on 05 / 02 / 2001 09 : 55 am to : paulo issler / hou / ect @ ect cc : kara maloney / enron @ enronxgate , zimin lu / hou / ect @ ect subject : asian option for pavel this morning , zimin told me that pavel is using a special model in evaluating his asian option portfolio . he asked me to talk to you in order to access to the code so that i can see the difference made to the model . as i cannot find the doc . describing this model , please tell me what that new input parameter ' sig ' is . thanks ,",0 +"Subject: the national forum on corporate finance andy , i am sending you a draft oof a proposal regarding national forum for top finance practitioners and academics . the idea came from a professor at rice university who has already received a commitment from a number of most distinguished cfos . please , read the outline and see if you would be interested in joining this forum . i shall be glad to help to arrange a meeting with prof . ikenberry . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 05 / 2001 10 : 22 am - - - - - - - - - - - - - - - - - - - - - - - - - - - david ikenberry on 02 / 02 / 2001 06 : 10 : 02 pm to : "" vkamins @ ennron . com "" cc : subject : it was great talking with you . dave - brochure . doc * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * prof . david ikenberry jones graduate school of management rice university 713 - 348 - 5385",0 +"Subject: software erequests for credit modeling hi lola , as per our recent conversation , today we had a conference call with the enron research and credit groups in the us and the uk . it was decided that we would require the folowing software to assist us in developing the private firm models : 1 . eviews statistical package 2 . spss statistical package ( the uk office already has an spss site license . ) 3 . tops software 4 . neural net software package ( george in the uk developed this package ) . please discuss submit these requests to craig chaney for his approval . thanks , iris",0 +"Subject: energy futures contracts project hi vince and jason : please find attached a copy of our project . thank you for an enjoyable and informative class . sincerely , rishad patel neeraj hingorani duane maue eric van stone john ganguzza grant johnson paulo yoshiura - . doc",0 +"Subject: re : li sun : important notice : year - end prc preparation stinson , i think it should be kevin kindall . vince stinson gibner 09 / 18 / 2000 08 : 08 am to : vince j kaminski / hou / ect @ ect cc : subject : li sun : important notice : year - end prc preparation vince , should i be responsible for li sun ( for prc ) or do you want grant since she is primarily working for kevin kindall ? - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 09 / 18 / 2000 08 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" the associate and analyst programs "" @ enron . com > on 09 / 15 / 2000 06 : 13 : 49 pm to : "" sgibner @ enron . com "" cc : subject : important notice : year - end prc preparation good afternoon supervisors of associates and analysts : as you may be aware , the year - end prc for 2000 is quickly approaching and your assistance is needed in ensuring a smooth process . it is imperative that the performance management team obtains the correct reviewing supervisor for the associates and analysts in order to facilitate the prc process . the reviewing supervisor is the person that will provide the associate / analyst their year - end individual performance feedback . you will be considered the reviewing supervisor if you employ the individuals listed below as of october 1 , 2000 . a comprehensive list of the associates and / or analysts currently in our database indicates that you are the supervisor of the individuals listed below . please examine the list and reply with "" no changes "" if the data is correct . if analyst in your response . if you will not be the reviewing supervisor as of october lst , please let us know so that we may follow up with the associates and analysts . in order to meet the performance management team ' s deadline , your reply is needed by friday , september 22 , 2000 . we appreciate your assistance in this matter . our records show the following associates and analysts under your prc review . shalesh ganjoo , analyst li sun , associate martin lin , associate thanks in advance for your cooperation . please feel free to call shelly butler @ 713 - 853 - 4584 or jana giovannini @ 713 - 853 - 9233 with any questions you might have .",0 +"Subject: this summer ' s houston visits 2 hi vince , one of my only windows of opportunity right now is to schedule the houston visit for monday 10 th july for a single week only . regards , anjam - - - - - - - - - - - - - - - - - - - - - - forwarded by anjam ahmad / lon / ect on 28 / 04 / 2000 11 : 33 - - - - - - - - - - - - - - - - - - - - - - - - - - - steven leppard 28 / 04 / 2000 10 : 15 to : vince j kaminski / hou / ect @ ect , dale surbey / lon / ect @ ect cc : anjam ahmad / lon / ect @ ect , benjamin parsons / lon / ect @ ect , kirstee hewitt / lon / ect @ ect , matthew d williams / lon / ect @ ect , steven leppard / lon / ect @ ect subject : this summer ' s houston visits vince , dale here are our proposals for houston visits from our group : kirstee all of july , all of september . ( kirstee ' s personal commitments mean she needs to be in the uk for august . ) ben all of october . ( no crossover with kirstee , ensures var / credit cover in london office . ) steve 2 - 3 weeks in july , first 3 weeks of september . anjam to be arranged at anjam and houston ' s mutual convenience . matt not a permanent research group member . i ' m asking richard ' s group to pay for his visit , probably in august . steve",0 +"Subject: fyi - lacima run a 2 day course - uts on weather derivatives - first w / e sept - - - - - - - - - - - - - - - - - - - - - - forwarded by raymond yeow / enron _ development on 07 / 14 / 2000 08 : 23 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" chris strickland "" on 07 / 14 / 2000 05 : 01 : 12 am please respond to "" chris strickland "" to : "" shane dallmann "" cc : "" julie "" , "" les "" , "" raymond yeow "" , "" paul quilkey "" subject : run a 2 day course - uts on weather derivatives - first w / e sept hi shane , thanks for your e - mail . we actually sent the 9 of the 11 chapters off to the typesetter today and i will forward you our word documents in the morning . i ' ve been travelling a lot to the uk at the moment and so haven ' t spent much time with the student myself . are you going to te energy confernece next week , perhaps we can meet up there ? good to hear about the weather . we are actually going to run a two day course thru uts on weather derivatives the first weekend of september . feel free to tell your potential clients about it if you think it will bring up the industry knowledge . maybe we can associate your name with the course somehow which might help both of us ? c . - - - - - original message - - - - - from : shane dallmann to : cc : paul quilkey ; raymond yeow sent : thursday , july 13 , 2000 1 : 56 pm > > > > chris , > > how are things going ? i see that you are presenting at australian energy risk > 2000 along with vince kaminski who will be out from the us > > i was wondering how the book is going and whether we ' re likely to get a copy > ( just notes would do ) any time soon . or are you still waiting on those slack > enron people to finish it ? ( maybe you can corner him while he ' s here ) . if i > remember correctly from when you were here , you were going to give us a copy of > the notes and then we were going to sit down and decide what exactly we wanted > you to cover in an in - house course . > > paul also told me about a student of yours that was going to get in touch with > me but i have not heard anything yet . > > enron australia is also going to launch weather in the next couple of weeks and > would like to invite you and les along , so can you send me an address we can > send invitations to if you ' re interested . > > regards , > > shane > >",0 +"Subject: replacement of stolen chairs hi reggie , we spoke regarding the chairs on monday . please , we need these chairs as soon as possible , without being charged . we paid for all new chairs each time we moved and it ' s not fair we pay again . thanks kevin moore p . s . these chairs were taken . . . . . . . . . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 04 / 18 / 2000 10 : 46 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : william smith @ enron 04 / 18 / 2000 10 : 00 am to : reggie wilson / epsc / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect , kevin g moore / hou / ect @ ect subject : replacement of stolen chairs reggie , there may already be a request floating around for a standard black office chair for ebl 972 d . it was stolen over a weekend several weeks ago . in addition to that one , my own chair at eb 3132 a was stolen this past weekend . could you come up with a couple of decent ones for us ? if you need to charge them to us , our numbers are 0011 and 100038 . as always , call me if you need to at x 58322 . thanks ! sam smith",0 +"Subject: re : resume sorry , i did not know about the jv . marshall brown vice president robert walters associates tel : ( 212 ) 704 - 0596 fax : ( 212 ) 704 - 4312 mailto : marshall . brown @ robertwalters . com http : / / www . robertwalters . com > - - - - - original message - - - - - > from : vince . j . kaminski @ enron . com [ smtp : vince . j . kaminski @ enron . com ] > sent : friday , january 26 , 2001 3 : 53 pm > to : marshall . brown @ robertwalters . com > cc : vince . j . kaminski @ enron . com ; stinson . gibner @ enron . com > subject : re : resume > > > marshall , > > thanks for the resume . we have a jv with peoples , so poaching is out of > the > question . > > vince > > > > > > marshall brown on 01 / 25 / 2001 09 : 04 : 23 > am > > to : vince kaminski > cc : > subject : resume > > > vince , > this candidate would be interested in speaking with you . let me know > your thoughts . > regards , > > marshall brown > vice president > robert walters associates > tel : ( 212 ) 704 - 0596 > fax : ( 212 ) 704 - 4312 > mailto : marshall . brown @ robertwalters . com > http : / / www . robertwalters . com > > > > > > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > caution : electronic mail sent through the internet is not secure and could > be intercepted by a third party . > > this email and any files transmitted with it are confidential and > intended solely for the use of the individual or entity to whom they > are addressed . if you have received this email in error please notify > the system manager . > > this footnote also confirms that this email message has been swept by > mimesweeper for the presence of computer viruses . > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > > ( see attached file : laps _ rob . doc ) > > >",0 +"Subject: headcount verification - deadline noon wednesday , oct 25 , 2000 becky : attached is the october "" revised "" research group headcount : - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 10 / 24 / 2000 01 : 13 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - becky pham 10 / 24 / 2000 11 : 57 am to : shirley crenshaw / hou / ect @ ect cc : subject : headcount verification - deadline noon wednesday , oct 25 , 2000 please verify the attached file for accuracy , complete the blank columns and add any new employees . if you have any questions , call me . thanx .",0 +"Subject: re : support on statistical modeling randall , the person supporting ebs in the research group is martin lin . i shall ask him to give you a call and will be glad to join you at the meeting with martin . vince from : randall hicks @ enron communications on 04 / 04 / 2001 10 : 42 am to : vince j kaminski / hou / ect @ ect cc : bradford brooks / enron communications @ enron communications , shirley crenshaw / hou / ect @ ect , daryl flaming / enron communications @ enron communications , martin sacchi / enron communications @ enron communications subject : support on statistical modeling dear vince : i was referred by rita hartfield of ebs . i am the director of marketing for the digital content services team ( david cox , frank bay , et . al . ) . we are identifying and evaluating features and functions that will be a part of the next generation entertainment on demand ( eod ) product . the e - mail i ' ve excerpted below contains two links to a company that offers a "" preferencing "" service that we know is quite popular and important to entertainment consumers . i have some questions abouts the statistics , sampling methodology , explained variance etc . of the model that the stylelogic group employs . do you have a member of your team that could assist on this project ? thanks for your help , randall hicks director - marketing enron broadband services 1400 smith street - eb 4589 a houston , tx 77002 work - 713 . 853 . 9970 randall _ hicks @ enron . net - brad , i would appreciate a chance to talk with you regarding enron ' s vod plans . we have developed movie selection and recommendation / prediction functionality that we can manage for ebs . if you would like to read about what we have to offer , you may go to : http : / / www . stylelogic . com / predict i also invite you to see our functionality at : http : / / www . reviewmovies . com / i look forward to a chance to speak with you at your earliest convenience . brent rosenkranz president stylelogic - internet strategies and solutions 101 n . acacia avenue solana beach , ca 92075 phone - 858 - 350 - 3939 toll free - 888 - 750 - 4678 fax - 858 - 350 - 3930 www . stylelogic . com brent @ stylelogic . com",0 +"Subject: request submitted : access request for rakesh . bharati @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000013287 approver : stinson . gibner @ enron . com request create date : 1 / 10 / 01 5 : 57 : 18 pm requested for : rakesh . bharati @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: enron tiger team dear jeff , our tiger team very much enjoyed your presentation about enron global markets on friday . given that we have latitude in our project scope , our team would like to assist enron in evaluating a new market opportunity . you mentioned several markets that enron is considering in 2001 , including transportation , cement , coffee , cocoa , sugar , etc . we believe that a project of this sort will give us the opportunity to really learn how enron creates value , what its business model and core competencies are , and how they can be translated to a new market . furthermore , we can get an in - depth understanding of an industry . we believe our project will complement any analysis that your business group is currently undertaking . please propose the top three new markets that you would like us to evaluate for enron . upon receipt of your proposal , perhaps we could set up a conference call to discuss your thoughts and to make a final selection . your expeditious response is appreciated . regards , josh leventhal 215 - 546 - 2103",0 +"Subject: re : a friend of mine vince , thank you very much for the follow up report . i am sure richard will be very enthusiastic about the opportunity to speak with you and your team . i appreciate your help , and please feel free to contact me if you or shirley need assistance with logistics . again , thank you and i look forward to working with you again this recruiting season . regards , kristin - - - - - original message - - - - - from : kaminski , vince sent : wednesday , may 02 , 2001 8 : 27 am to : gandy , kristin subject : re : a friend of mine kristin , thanks a lot for the resume . we shall arrange a phone interview with richard . this is out standard procedure . a phone interview is followed by the on - site interview , after we determine what is the best team to interview the candidate . vince from : kristin gandy / enron @ enronxgate on 05 / 01 / 2001 05 : 14 pm to : vince j kaminski / hou / ect @ ect cc : subject : a friend of mine vince , last week i was contacted by one of my friends who is very interested in becoming an enron employee . he has a phd and several years research and lab experience . richard is afraid that being a phd is a dying breed and may need to go back to school to obtain an mba . i was wondering if you would mind looking at the attached resume to assess if you have any interest in richard , or if you feel i should encourage him to go back to school . i am unclear as to the qualifications for your group so i apologize if this request is way off base . thank you for your help , kristin gandy associate recruiter enron corporation 1400 smith street eb 1163 houston , texas 77002 713 - 345 - 3214 kristin . gandy @ enron . com >",0 +"Subject: re : thank you ! frank , thanks a lot . look forward to meeting you again on campus . vince "" frank qian "" on 11 / 05 / 2000 05 : 10 : 06 pm to : cc : subject : thank you ! dear mr . kaminski : it ' s a great pleasure to have you visiting us and a great honor to have dinner with you . i ' d like to thank you for your wonderful presentation . it ' s the most interesting topic we had so far . this is not just my personal opinion , all my classmates i talked to agree with me . i like enron ' s style and culture and i think it played a big role in enron ' s success . i look forward to discuss career opportunities at enron during your on - campus interview session . regards , frank qian fqian @ andrew . cmu . edu",0 +"Subject: confirmation of your online order wincenty j kaminski ( vkamins @ enron . com ) this email is to confirm your online order which was received on 24 - aug - 2000 . please note that this does not constitute a receipt . if you have any queries or problems please e - mail directcustserve @ cup . cam . ac . uk ( customer services ) quoting order reference number web 5908 / ds 51002180 . totals : 1 lines , 1 items , weight 0 . 630 kg , value gbp 30 . 00 delivery charge , air : gbp 5 . 00 total cost : gbp 35 . 00 shopping basket theory of financial risks , from statistical physics to risk management , jean - philippe bouchaud ( hardback ) , isbn 0521782325 quantity : 1 reference : kaminski cost : gbp 30 . 00 in stock",0 +"Subject: new update on ppi model for inflation book - final version dear all , attached is anjam ' s reasoning and final version of the uk ppi pllu model . the uk inflation book ' s main exposure is to two ppi indexes - the pllu and the dzcv through year 2010 . both are ppi output indexes with very comparable baskets . the only significant difference between the two is the presence of energy in the pllu ( 7 . 6 % ) . the model in use escalates the two indexes by the same factors . however , with the energy price fluctuations in recent years different models for the two indexes would reflect better the nature of their drivers . anjam concentrated on the pllu index first and he will shortly construct one for the dzcv based on the same methodology , but without the brent crude curve . the new model achieves the two main objectives of the ppi curve : it is significantly more robust and stable than the existing one , and it is considerably less sensitive to the input coefficients . this will result in us having more confidence in our monthly p & l as well as less fluctuations . best regards , martina x 34327 anjam ahmad 10 / 03 / 2000 11 : 59 to : martina angelova / lon / ect @ ect cc : subject : new update on ppi model for inflation book dear all , i followed up on the suggestions of happening babe at the conference call as follows : - 1 ) use less data unfortunately , kicking out only 1990 makes the overall equation a lot less robust , in fact dramatically so , and so eliminates the possibility of using less data . the model tested was the rpi ( month + 15 ) ppi pre - empts the moves in rpi by about 8 months . the magnitude of the oscillations is also reduced . this shows that if we had more detail in our rpi forward curve , then the ppi model would reflect those peaks and humps adequately . conclusion i therefore propose that we use the model that incorporates rpi , rpi [ t + 15 ] and deviations of brent crude from long - term average . the new model is plotted below in burgundy and can be compared to the old ppi which is depicted in blue . please note that all this analysis only applies to pllu , and that a separate study will be needed for the dzcv ppi index . regards , anjam x 35383 - - - - - - - - - - - - - - - - - - - - - - forwarded by anjam ahmad / lon / ect on 09 / 03 / 2000 16 : 52 - - - - - - - - - - - - - - - - - - - - - - - - - - - anjam ahmad 08 / 03 / 2000 14 : 03 to : martina angelova / lon / ect @ ect , harry arora / hou / ect @ ect , maureen raymond / hou / ect @ ect , zimin lu / hou / ect @ ect , farouk lalji / hou / ect @ ect cc : trena mcfarland / lon / ect @ ect , dale surbey / lon / ect @ ect , stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect , leandro ibasco / corp / enron @ enron subject : update on ppi model for inflation book dear all , we thought it might be useful to incorporate brent crude as an explanatory variable for ppi ; it was found that deviations of dated brent crude from the long - term average of $ 18 . 80 was the best form of the variable to use ( for predictions the brent forward curve produced by the global products group is used ) . the three new equations developed were : - pllu ( t ) = a . rpi ( t ) + b . rpi ( t + n ) + c . ( datedbrentcrude - 18 . 8 ) + constant , where n is 14 , 15 or 16 [ reddish curves ] r - squared approx 0 . 49 f - stat approx 32 the chart below shows what our projected pllu curve would be given this equation , and also the three best relations from before which were based upon current and future rpi : pllu ( t ) = a . rpi ( t ) + b . rpi ( t + n ) + constant , where n is 14 , 15 or 16 [ greenish curves ] r - squared approx 0 . 47 f - stat approx 45 comparison of models as you can see , the two equations differ in the very short - term and very long - term ; the inclusion of deviations of brent crude leads to short - term predictions of 3 . 0 % to 3 . 2 % over the next six months . the greenish curves predict pllu in the range of 2 . 5 % to 2 . 8 % over the next six months . the curves are then very similar until 2009 , when the models including crude break - away to the upside , relative to the falling rpi curve . the model based purely on rpi hugs the rpi curve much more closely in the longer term . this is only important to the extent that we have large positions beyond 2009 ( which we don ' t ) . suggestion what could be useful now is a differently - specified model designed to forecast only the next 3 months , using auto - regressive or auto - regressive error terms . this model would be far more accurate in the near - term , and we could include this information onto the front of this long - term model . this may be useful , despite the fact that most of our exposure is in future time buckets . back - testing all the models give similar visual and statistical performance over the data sample used ( based mainly on 1990 s "" new paradigm "" economy ) . hopefully we can discuss these and other points later in the tele - conference ; your ideas on this would be appreciated . regards , anjam x 35383",0 +"Subject: lets meet and greet ! hello everyone : since we have so many new employees , vince thought it would be a good idea for the research group to have an offsite social so that we might get to know each other better and to celebrate a great first half ! when : tuesday , july 11 th where : ninfa ' s across the street . time : 5 : 30 pm - 7 : 30 pm what : snacks , drinks and fellowship more to follow - mark your calendars ! shirley",0 +"Subject: invitation for you from rice university : the national forum on corporate finance mark , i left you a message regarding the national forum on corporate finance at rice . they would be delighted if you could serve as a panel member at this conference . here are the coordinates of the professor at rice who is in charge . i would appreciate if you could call him and let him know if you can attend . thanks . vince prof . david ikenberry jones graduate school of management rice university 713 - 348 - 5385",0 +"Subject: thomas knudsen all i ' ve been informed by thomas knudsen that he no longer wishes to pursue his application to join our research group . steve",0 +"Subject: re : asian option for pavel stinson , let ' s talk about it . it seems like an open personality clash developing for the first time in the history of the group . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 02 / 2001 03 : 12 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 05 / 02 / 2001 01 : 41 pm to : paulo issler / hou / ect @ ect cc : ( bcc : vince j kaminski / hou / ect ) subject : re : asian option for pavel our convention is whoever finalizes the model should write the documentation . it does not make sense to write one when changes are anticipated . you have been working on this almost a year , it never strikes you that we need a documentation ? i created exotica . xll , does that also give you an excuse not working on exotica documentation ? zimin paulo issler 05 / 02 / 2001 11 : 52 am to : zimin lu / hou / ect @ ect cc : tai woo / enron @ enronxgate @ enron , pavel zadorozhny / enron @ enronxgate subject : re : asian option for pavel i am surprised that we do not have the documentation ready . i can make that for you . it is not there because you did not put that together by the time it was created and all the changes i have made did not required changes on the functionality . paulo issler zimin lu 05 / 02 / 2001 11 : 29 am to : tai woo / enron @ enronxgate @ enron , paulo issler / hou / ect @ ect cc : pavel zadorozhny / enron @ enronxgate subject : re : asian option for pavel tai woo , here are the c - codes for the crudeapo . ' sig ' is the spot volatility meaning the price volatility within the delivery period . you should consult with pavel for the definition of this "" extra "" parameters . we would like to see the position monitor once you get it running . we might have some additional suggestions . paulo , why don ' t we have a documentation on crudeapo you worked on ? i can not find it in exotica help file . please supply that to tai , thanks . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - from : tai woo / enron @ enronxgate on 05 / 02 / 2001 09 : 55 am to : paulo issler / hou / ect @ ect cc : kara maloney / enron @ enronxgate , zimin lu / hou / ect @ ect subject : asian option for pavel this morning , zimin told me that pavel is using a special model in evaluating his asian option portfolio . he asked me to talk to you in order to access to the code so that i can see the difference made to the model . as i cannot find the doc . describing this model , please tell me what that new input parameter ' sig ' is . thanks ,",0 +"Subject: joe carson greg , two things i did not manage to mention to you at the meeting on monday . 1 . joe carson . i was very positively impressed by joe carson . enron badly needs a senior economist of his stature and experience . he has many contacts in the industry and can represent enron well . he is very pragmatic and , also , i expect a cool head on old shoulders . one negative is that he wants to work out of new york . the tradeoff is between maintaining his contacts and working closer with the desks . 2 . tony mends . i think you , or louise , should explore the possibility of using the skills of tony mends . tony and i are good friends so i may be biased . i think that he is a very smart and efficient person and can contribute a lot to the organization that relies on processing huge volumes of information . vince",0 +"Subject: re : willow and pathstar evaluations mike , we are short manpower in london . we shall try to evaluate the software in houston . vince "" mike curran "" on 04 / 24 / 2001 10 : 03 : 24 am please respond to "" mike curran "" to : cc : subject : willow and pathstar evaluations hi vince - hope all is well with you . sharad hasn ' t had time to evaluate our willow tree or monte carlo software since the middle of last year . is there somebody else that could do it ? please let me know who i should send the evaluation to . best regards , michael curran ceo quantin ' leap limited piercy house 7 copthall avenue london ec 2 r 7 nj tel : + 44 ( 0 ) 20 7562 3450 fax : + 44 ( 0 ) 20 7562 3411 mailto : mcurran @ quantinleap . com http : / / www . quantinleap . com",0 +"Subject: time sensitive : executive impact & influence program survey * * * reminder * * * we have not yet received your feedback . your input is very valuable and to be included in the participant ' s summary report , it must be received no later than close of business on friday , february 9 . without your feedback , the participant may not receive a summary report or be eligible to attend the program . * immediate action required - do not delete * executive impact & influence program dear vince kaminski , as part of the executive impact and influence program , each participant is asked to gather input on the participant ' s own management styles and practices as experienced by their immediate manager , each direct report , and up to eight colleagues / peers . you have been requested to provide feedback for a participant attending the next program . your input ( i . e . , a self assessment , if you are a participant in this program , manager assessment , direct report assessment , or colleague / peer assessment ) will be combined with the input of others and used by the program participant to develop an action plan to improve his / her management styles and practices . if you are providing feedback as a manager of the participant , please note that your feedback will be identified in the summary report . it is important that you complete this assessment no later than close of business on friday , february 9 . to begin the online administration process , you will need the following internet address and password ( s ) . note : if you are providing feedback for more than one person , each password and participant name is individually listed below . open your internet browser e . g . , internet explorer or netscape navigator , and please type or copy the url address below into your internet browser ( please do not go through lotus notes ) : www . fsddatasvc . com / enron h 73 m 9 a ( anthony mends ) if you experience technical problems , please call dennis ward at fsd data services , 713 - 942 - 8436 . if you have any questions about this process , you may contact debbie nowak at enron , 713 - 853 - 3304 , or christi smith at leadership research institute / keilty , goldsmith & company , 619 - 216 - 0404 . thank you for your participation .",0 +"Subject: request submitted : access request for anita . dupont @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000012736 approver : stinson . gibner @ enron . com request create date : 1 / 8 / 01 4 : 28 : 42 pm requested for : anita . dupont @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: re : jeff skilling does msl 50 vince , thank you so much for your generous pledge . please make your check payable to "" national ms society , "" and send it to me at eb 5008 a at your convenience . thanks again , srs vince j kaminski @ ect 03 / 30 / 2000 09 : 02 am to : sherri sera / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : jeff skilling does msl 50 sherri , i can pledge $ 2 per mile . vince enron north america corp . from : sherri sera @ enron 03 / 29 / 2000 11 : 13 am to : j mark metts / na / enron @ enron , dolores fisher / na / enron @ enron , jeffrey sherrick / corp / enron @ enron , christina grow / corp / enron @ enron , kenneth lay / corp / enron @ enron , jeff skilling / corp / enron @ enron , joseph w sutton / enron _ development @ enron _ development , james m bannantine / enron _ development @ enron _ development , cliff baxter / hou / ect @ ect , sanjay bhatnagar / enron _ development @ enron _ development , rick buy / hou / ect @ ect , richard causey / corp / enron @ enron , diomedes christodoulou / enron _ development @ enron _ development , james derrick / corp / enron @ enron , andrew s fastow / hou / ect @ ect , peggy fowler / enron @ gateway , mark frevert / lon / ect @ ect , kevin hannon / enron communications @ enron communications , ken harrison / enron @ gateway , david haug / enron _ development @ enron _ development , joe hirko / enron communications @ enron communications , stanley horton / corp / enron @ enron , kurt s huneke / enron _ development @ enron _ development , larry l izzo / enron _ development @ enron _ development , steven j kean / hou / ees @ ees , mark koenig / corp / enron @ enron , rebecca p mark / hou / azurix @ azurix , mike mcconnell / hou / ect @ ect , rebecca mcdonald / enron _ development @ enron _ development , jeffrey mcmahon / hou / ect @ ect , lou l pai / hou / ees @ ees , ken rice / enron communications @ enron communications , john sherriff / lon / ect @ ect , greg whalley / hou / ect @ ect , thomas e white / hou / ees @ ees , brenda garza - castillo / enron _ development @ enron _ development , marcia manarin / enron _ development @ enron _ development , susan skarness / hou / ect @ ect , stacy guidroz / enron _ development @ enron _ development , beena pradhan / enron _ development @ enron _ development , karen k heathman / hou / ect @ ect , sharron westbrook / corp / enron @ enron , molly bobrow / enron _ development @ enron _ development , rosane fabozzi / enron _ development @ enron _ development , stephanie harris / corp / enron @ enron , bridget maronge / hou / ect @ ect , mary trosper / enron @ gateway , nicki daw / lon / ect @ ect , carol ann brown / enron communications @ enron communications , dolly henrici / enron @ gateway , ann joyner / corp / enron @ enron , elaine rodriguez / enron _ development @ enron _ development , nancy young / enron communications @ enron communications , cindy stark / corp / enron @ enron , sherryl stone / enron _ development @ enron _ development , mary e garza / enron _ development @ enron _ development , maureen mcvicker / hou / ees @ ees , joannie williamson / corp / enron @ enron , rosalee fleming / corp / enron @ enron , marsha lindsey / hou / azurix @ azurix , cathy phillips / hou / ect @ ect , loretta brelsford / enron _ development @ enron _ development , sue ford / hou / ect @ ect , karen owens / hou / ees @ ees , dorothy dalton / enron communications @ enron communications , lauren urquhart / lon / ect @ ect , pam benson / enron _ development @ enron _ development , liz m taylor / hou / ect @ ect , judy g smith @ ees , katherine brown / corp / enron @ enron , vanessa groscrand / corp / enron @ enron , cindy olson / corp / enron @ enron , bobbie power / corp / enron @ enron cc : danny mccarty / lon / ect @ ect , philippe a bibi / hou / ect @ ect , david w delainey / hou / ect @ ect , mark e haedicke / hou / ect @ ect , michael kopper / hou / ect @ ect , john j lavorato / cal / ect @ ect , jere c overdyke / hou / ect @ ect , greg piper / corp / enron @ enron , jeffrey a shankman / hou / ect @ ect , richard dimichele / enron communications @ enron communications , jay fitzgerald / corp / enron @ enron , jim fallon / hou / ect @ ect , rebecca carter / corp / enron @ enron , david cox / enron communications @ enron communications , tom gros / enron communications @ enron communications , marty sunde / hou / ees @ ees , dan leff / hou / ees @ ees , jim crowder / enron communications @ enron communications , mary ann long / enron communications @ enron communications , charlene jackson / corp / enron @ enron , jeremy blachman / hou / ees @ ees , mark s muller / hou / ees @ ees , michael burke / houston / eott @ eott , john b echols / hou / ees @ ees , gene humphrey / hou / ect @ ect , drew c lynch / hou / ect @ ect , amanda k martin / hou / azurix @ azurix , ted murphy / hou / ect @ ect , mark palmer / corp / enron @ enron , paula rieker / corp / enron @ enron , rob walls / enron _ development @ enron _ development , david berberian / enron communications @ enron communications , scott yeager / enron communications @ enron communications , stephen barth / enron communications @ enron communications , john bloomer / enron communications @ enron communications , kenny burroughs / enron communications @ enron communications , kevin garland / enron communications @ enron communications , john griebling / enron communications @ enron communications , kevin howard / enron communications @ enron communications , kristina mordaunt / enron communications @ enron communications , everett plante / enron communications @ enron communications , david reece / enron communications @ enron communications , james reece / enron communications @ enron communications , rex shelby / enron communications @ enron communications , claudia johnson / enron communications @ enron communications , kevin kohnstamm / enron communications @ enron communications , steve luginbill / enron communications @ enron communications , jean mrha / enron communications @ enron communications , brad nebergall / enron communications @ enron communications , raymond bowen / hou / ect @ ect , janet r dietrich / hou / ect @ ect , jeff donahue / hou / ect @ ect , gary hickerson / hou / ect @ ect , vince j kaminski / hou / ect @ ect , george mcclellan / hou / ect @ ect , julia murray / hou / ect @ ect , brian redmond / hou / ect @ ect , colleen sullivan / hou / ect @ ect subject : jeff skilling does msl 50 well , the bike is inspected , a few training rides have been made , and the camping gear is being dusted off ( yes , he is actually camping at the fairgrounds in lagrange ! ) . now all our fearless leader ( and incidentally , the national multiple sclerosis society ' s 2000 man of the year ) , jeff skilling , needs is your help in raising money for ms . enron ' s msl 50 dream team is bigger than some townships in these parts - over 350 enron employees , led by jeff , will ride from houston to austin under the enron flag april 15 - 16 , and the team ' s goal is to raise $ 350 , 000 . i am challenging ( is begging a better word ? ) each of you to pledge a certain amount per mile - i . e . , $ 1 , $ 2 , $ 5 , it ' s your call . i ' ll even give you a break on the calculation and use 150 miles , even though jeff swears it ' s closer to 170 miles ( you know how he is with numbers ) . of course , a flat pledge is also appreciated . and don ' t forget , enron will match your pledge to this very worthy cause 1 - 1 . i hope you will join the team and help enron maintain its status as the top money raiser of all msl 50 rides in the nation ! thank you for your consideration . if you have any questions , please don ' t hesitate to call me . sherri x 3 - 5984",0 +"Subject: christmas vacation shirley , i plan to take off the 3 days after christmas for vacation , december 27 , 28 , and 29 th . please mark on your calendar . since vasant is out , i checked with vince and he gave the ok as long as we have coverage . thanks , lance",0 +"Subject: re : charles shen molly , it would be tanya . vince enron north america corp . from : molly magee 11 / 09 / 2000 04 : 40 pm to : vince j kaminski / hou / ect @ ect cc : subject : charles shen vince : we need some information to set up this position , and i don ' t think we ever discussed to whom he would be reporting . is it you ? molly",0 +"Subject: confirmation of your order this is an automatic confirmation of the order you have placed using it central . request number : ecth - 4 s 5 sy 2 order for : amitava dhar 1 x ( compaq armada m 700 $ 3297 ) 1 x ( option : m 300 / m 700 convenience base $ 293 ) 1 x ( option : carry case for m 700 $ 72 ) 1 x ( option : m 300 / m 700 universal ac adapter with power cord $ 59 ) 1 x ( option : m 300 / m 700 universal battery charger $ 124 ) 1 x ( option : m 700 8 cell li - ion battery $ 149 ) enron it purchasing",0 +"Subject: here ' s a list of materials vince , here is my list of collected materials . i would like to get copies of your papers on risk management as well ( can you send me cites ? ) look forward to talking with you next week . your friend , john - enron corporation paper . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: united way executive breakfasts please join us for one of the executive breakfasts at depelchin children  , s center , our adopted agency for this year and one of the more than 80 community organizations supported by the united way of the texas gulf coast . the executive breakfasts will focus on our 2000 campaign . to reach our goal of $ 2 , 310 , 000 , it will take the active leadership and support of each of you . we look forward to seeing all of you at one of the breakfasts . event : executive breakfast date : thursday , august 3 , 2000 ( hosted by joe sutton ) or friday , august 4 , 2000 ( hosted by jeff skilling ) time : 7 : 45 - 9 : 00 a . m . location : depelchin children  , s center 100 sandman ( close to memorial and shepherd intersection ) transportation : bus will depart from the enron building ( andrews street side ) promptly at 7 : 30 a . m . note : bus transportation is encouraged , due to limited onsite parking . however , if you should need to drive , a map will be provided . please r . s . v . p . no later than wednesday , july 26 to confirm your attendance and bus transportation to jessica nunez at 853 - 1918 .",0 +"Subject: eprm 2001 houston please respond to dear speaker , i would like to remind you that the room block at the houstonian hotel where the above mentioned event is being held is about to expire . after friday 20 th april you will not be able to take advantage of the discounted rooms that are being held there . please book your accommodation asap to take advantage of this offer . contact the hotel directly and say that you are part of the risk conference on 14 & 15 may 2001 . 001 713 680 2626 . risk waters group do not book accommodation for speakers , you have to contact them yourself , directly . if you have not already sent me a short biography and your speaker checklist , please do so at your earliest convenience . kind regards layla o ' leary event co - ordinator risk waters group haymarket house 28 - 29 haymarket london swly 4 rx tel : + 44 ( 0 ) 20 7484 9871 fax : + 44 ( 0 ) 20 7484 9800",0 +"Subject: re : various market data charges to the research group for february 2001 julie : i talked to both maureen and tanya and neither one want this service and have not been using it . maureen told me that she told you a year ago that she did not want telerate ( when she was supporting gary hickerson ' s group on 30 ) . if that is the case , we probably need a refund . let me know if there is anything that can be done about this . the only person in our group that wants telerate is jason sokolov and i put in a request for that yesterday . please cancel everything else . thanks ! shirley from : julie pechersky / enron @ enronxgate on 04 / 09 / 2001 12 : 33 pm to : shirley crenshaw / hou / ect @ ect cc : subject : re : various market data charges to the research group for february 2001 hi shirley , regarding telerate : i can cancel the service for both maurenn and tanya , but another name commonly used for the telerate application is bridge or bridgestation so you may want to just ask the two of them once more to be sure that they do not use it . just let me know and i will cancel billing jason can get access to it by submitting an e - request for him for telerate . when you go into e - request and it is prompting you for what application to choose , type in the words market data and hit search . telerate will pop up as an option and within that choose the role basic energy . we will take care of it from there . i will also remove hector campos from reuters . was there anyone else being charged for reuters services that are not needed ? i will also remove clayton vernon . i do not see anything under the name brad amoine , is this the correct spelling of his name ? i will also find out where shalesh ' s charges should be moved to . thanks for updating us and let me know if there is anything else . julie - - - - - original message - - - - - from : jackson , clifford sent : wednesday , april 04 , 2001 1 : 44 pm to : crenshaw , shirley cc : pechersky , julie subject : re : various market data charges to the research group for february 2001 hi shirley . i ' ve copied this to julie pechersky , who maintains the market data database , and will be able to make the user changes you request . she ' ll also be able to tell you how / when telerate can be enabled for mr . sokolov . we get the billing data from her , so once it is correct there , it will be billed correctly . cliff jackson - - - - - original message - - - - - from : crenshaw , shirley sent : wednesday , april 04 , 2001 1 : 31 pm to : jackson , clifford cc : kaminski , vince subject : various market data charges to the research group for february 2001 clifford : in reviewing our february eis billing summary for co # 0413 , cc # 107043 , i have several questions . telerate : ( february charges : $ 3 , 032 , 35 ) i polled the group and only one person has asked for telerate and he is not shown being charged for it . that is jason sokolov . he would like to have access to telerate . if you could let me know how to get that for him . the largest percent of the telerate charges appear to be for maureen raymond , who says that she does not use telerate . could she be accessing some data that she does not know is telerate ? please let me know . if there are individual accounts for telerate the only one we need is for jason sokolov , unless maureen ' s charges are for something that she does not know is telerate . tanya tamarchenko does not need telerate and she has the second largest percentage of the charges . anyway , the only telerate subscription we need is for jason sokolov . reuters : ( february charges : $ 405 . 96 ) no one in research uses reuters . i believe most of the charges are for hector campos who used it when he was on the trading desk . when he rotated into the research group he did not need it any longer , but is still being billed for it . please remove from the research cost center . the following individuals are no longer with enron or no longer with research and their accounts should be removed from the research cost center . clayton vernon no longer with the research group remove his lim / lim / excel and lim core charges from the research cost center brad amoine no longer with enron remove his lim / lim / excel and lim core charges from the research cost center shalesh ganjoo no longer with the research group remove his lim and lim core charges from the research cost center i hope this is not too confusing ! please advise . thanks ! shirley crenshaw",0 +"Subject: meeting with mr . sud rebecca , as we had spoken on the phone , i met with mr . kk sud , a retired secretary in the govt . of india yesterday . this meeting was arranged at vince ' s request , since vince had been approached by mr . sud ' s son who is a student at rice ( where vince teaches a course ) . the younger mr . sud had wanted someone at enron to meet with his father who was visiting houston , and is currently an advisor ( post retirement from the government ) to the prime minister ' s office . this was my first meeting , and i have no background check on the person . however , the meeting was interesting , and mr . sud conveyed to me in confidence that the indian govt . is very interested in solving the dabhol issue . he also conveyed that a decision is being made in the direction of ntpc buying all the power from dabhol , but that this was still under wraps . i have no way of judging the genuineness of this person , but he claimed to have been secretary in the ministry of defence for some 16 years , which is a very important post in india . the information he was conveying seemed so important that vince and i decided to update you on the same by phone this morning . mr . sud is leaving houston on monday so , as discussed , i will see if he can meet with you on saturday morning . regards , sandeep .",0 +"Subject: re : resco database and customer capture steve : osman has been working on setting up this meeting and its agenda . i already informed john henderson about this as he is the main person from resco . both osman and i will be involved from the research modeling angle . osman will contact you today regarding this . thanks , krishna . vince j kaminski 04 / 11 / 2000 05 : 27 pm to : steven r meyers / hou / ees @ ees cc : vince j kaminski / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect subject : re : resco database and customer capture steve , krishna from my group . krishna can also advise you on resco participation . vince steven r meyers @ ees 04 / 11 / 2000 04 : 51 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : resco database and customer capture vince , i was not going to be involved directly in the meeting . who from either your group or from resco marketing should participate ? thanks , steve vince j kaminski @ ect 04 / 11 / 2000 08 : 27 am to : steven r meyers / hou / ees @ ees cc : pinnamaneni krishnarao / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : resco database and customer capture steve , it makes sense to meet with abacus . retail marketing is very data intensive . if you set up a meeting with them , please , let me know . vince steven r meyers @ ees 04 / 11 / 2000 08 : 17 am to : timothy edward vail / hou / ees @ ees cc : vince j kaminski / hou / ect @ ect subject : resco database and customer capture tim , i hope things are going well in resco . i think somebody from resco ( or research ) may be interested in the email i received below from brad davids . brad is now working at abacus who works with residential customer patterns as well as predictive modelling . he ' s going to be here the 25 and 26 of this month . i ' m not sure who is responsible for resco marketing , but i think they would find this interesting . who should i send this to ? please let me know if anybody in resco may have any interest . thanks , steve ps : vince , simply an fyi since they do focus on modelling and research . - - - - - - - - - - - - - - - - - - - - - - forwarded by steven r meyers / hou / ees on 04 / 11 / 2000 08 : 14 am - - - - - - - - - - - - - - - - - - - - - - - - - - - bradley davids on 04 / 10 / 2000 08 : 35 : 32 pm to : "" ' steven . r . meyers @ enron . com ' "" cc : subject : re : possible meeting ? steve : i ' ll see if i can get in on the 25 th . . . will let you know , but i think it ' ll work . just to give you a very brief overview so you can think about who might be interested , abacus has the largest transactional database of consumer buying behavior in the world ( 89 million us households , 3 billion + purchases ) , along with sophisticated modeling capabilities to help predict customer response to various offers at the household level . given the critical need to reduce customer acquisition costs in retail energy markets , we believe that our data and modeling can help energy retailers target their direct marketing efforts toward the residential customers most likely to respond to whatever the offer is - - improving the efficiency of mailings and other promotional campaigns ( so there is an efficiency angle , see ! ) because our data allow the modeling of future buying behavior based on actual purchases , our results tend to be significantly more predictive than demographic - based models . so far , the the response from utilities and "" new entrants "" i ' ve been talking to so far has been quite positive , and we have some tests of our data underway , but we ' re interested in talking to as many players in the market as possible as we develop specific products to meet utility needs . i can provide more background if desired to whoever might be interested , but i guess the key immediate question is whether it might be worthwhile to arrange a short meeting sometime on the 25 th of april with whoever at enron might have interest in hearing what we ' re up to , and ( most importantly ) listening to what your data needs might be as you enter new markets . thanks very much for any help . . . i look forward to catching up and hearing how things are going for you . regards , brad davids 303 - 410 - 5531 - - - - - original message - - - - - from : steven . r . meyers @ enron . com [ mailto : steven . r . meyers @ enron . com ] sent : monday , april 10 , 2000 12 : 13 pm to : brad . davids @ abacus - direct . com subject : re : possible meeting ? it ' d be great to meet on the 25 th in the afternoon . i have a flight in the evening . i ' m interested in hearing about life at abacus . i too have heard that enron is getting back into the residential market . what type of database do you have ? i might be able to find somebody for you to talk with here . - steve bradley davids on 04 / 10 / 2000 12 : 04 : 00 pm to : "" steve meyers ( e - mail ) "" cc : subject : possible meeting ? steve : sorry we ' ve been unable to hook up . . . i can probably get down there on the 25 th , if you ' re going to be in town that afternoon ? would love to catch up - - both on how things are going with ees and tell you about my new life . also , i ' m hearing rumors that enron is about to get back into the residential market in a big way - - you know anything about that ? anybody i should talk to there about my huge database of consumer buying behavior ? thanks - - looking forward to connecting . . . i ' ll be travelling most of this week , but you can leave a vm and let me know when i can call you , or try me on the cell at 303 - 886 - 3458 . best , brad davids bradley j . davids associate vice president , utilities abacus direct , a division of doubleclick , inc . 11101 west 120 th avenue broomfield , co 80021 usa e - mail brad . davids @ abacus - direct . com tel 303 . 410 . 5531 fax 303 . 410 . 5300 www . doubleclick . net www . abacus - direct . com ( see attached file : c . dtf )",0 +"Subject: off duty days good morning all : most of you do this , but just in case , please advise me of any off duty days , i . e . vacation , sick , personal , jury duty , etc . as soon as possible , either before or as soon as you take them . also , i am making new wallet info cards and if you have not sent me your home telephone number , or if you have a new one , please let me know as soon as possible . thanks and have a great day ! shirley",0 +"Subject: inflation model review - final version this morning a draft of rac ' s inflation model review was discussed with anjam . all points as presented in the draft were agreed upon . also , four new points were amended as suggested by anjam : the rpi short - term model could be improved by a combination of the information available from the gilts and rpi swaps market . add : "" this is an issue across all enron ' s econometric models . "" to section pllu and dzcv short - term , first point . to implement some of the suggestions requires additional statistical and programming resources . additionnal human resources with advanced econometric modelling skills are required given the current workload of the european research team . please find the final version attached . please note that the short term solution has been to freeze the curve . the medium to long term solution involves futher research towards a sounder and more efficient model . given the current workload of the european research group , it is necessary to hire a new member of staff with strong economics and econometrics background to address this issue properly . rac will communicate to the financial trading group and risk management the actions to take as the curve will be frozen . thanks , rodrigo",0 +"Subject: re : enron case study - - - - - original message - - - - - from : cindy . derecskey @ enron . com [ mailto : cindy . derecskey @ enron . com ] sent : wednesday , october 25 , 2000 11 : 23 am to : j _ martin @ baylor . edu cc : christie . patrick @ enron . com ; vince . j . kaminski @ enron . com subject : enron case study importance : high good morning mr . martin , i would like to introduce myself . i currently work with christie patrick and michael b rosen in the enron university affairs department . in recent discussions with christie , she has suggested that i liaise with you and our management in preparation for your and vince kaminski ' s case study . christie has forwarded recent emails sent by you suggesting a few convenient times that work with your schedule . i will work with our management and do my best to schedule one hour time slots for interviews that fit with your outline . initially , i will schedule interviews with : ken lay - chairman and ceo , jeff skilling - president and coo , and andy fastow - cfo . if you feel that you may need to speak with additional management , we will definitely try to work something out the same day , so you don ' t have to travel back here . i will forward your project outline to the aforementioned participants once the interviews are scheduled . do you anticipate drafting specific questions ? if so , i would greatly appreciate a copy when convenient . i greatly look forward to working with you and i hope that we can touch base very soon . regards , cindy derecskey enron university affairs ( 713 ) 853 - 5670",0 +"Subject: change - video to teleconferences - enron fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 16 / 2001 10 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - fap on 02 / 16 / 2001 08 : 35 : 22 am to : clay degiacinto , deepa mallik , dennis feerick , heather thorne , jack rejtman , jason cummins , kim whitsel , nicholas levitt , omar bassel , ram vittal , steve lessar , thomas , tulika bhalla , vincent chen cc : fap , "" ' vkamins @ enron . com ' "" , "" ' patterm @ wharton . upenn . edu ' "" subject : change - video to teleconferences - enron 3 / 1 shdh 215 3 / 22 shdh 215 3 / 29 shdh 215 please note that the remaining videoconferences scheduled with enron have been changed to teleconferences due to the difficulties we have experienced . the host has agreed and we will , therefore , continue with teleconferences in the same locations / dates as noted above . any questions , please contact the fap office . thanks , donna",0 +"Subject: christmas - near good morning all . we apologize that we are not going to be able to have our holiday party before the first of the year . we wanted to use the scout house in west university like we did last year and it was not available . vince suggested that with the move and a lot of people taking vacation that we wait until after the first of the year . this way you can take advantage of "" after christmas sales "" for your gift ! just remember whose name you have and we will schedule an "" offsite "" after the first of the year . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 12 / 13 / 99 09 : 23 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 12 / 13 / 99 08 : 58 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , grant masson / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , maureen raymond / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , zimin lu / hou / ect @ ect , mike a roberts / hou / ect @ ect , samer takriti / hou / azurix @ azurix , amitava dhar / corp / enron @ enron , joseph hrgovcic / hou / ect @ ect , alex huang / corp / enron @ enron , kevin kindall / corp / enron @ enron , osman sezgen / hou / ees @ ees , tanya tamarchenko / hou / ect @ ect , vincent tang / hou / ect @ ect , ravi thuraisingham / hou / ect @ ect , paulo issler / hou / ect @ ect , martin lin / hou / ect @ ect , ross prevatt / hou / ect @ ect , michael sergeev / hou / ect @ ect , patricia tlapek / hou / ect @ ect , roman zadorozhny / hou / ect @ ect , martina angelova / hou / ect @ ect , jason sokolov / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : christmas - near hello everyone , the pulling of names are completed . shirley will inform you as to when we will make exchanges . thanks kevin moore - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 12 / 13 / 99 08 : 50 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 12 / 10 / 99 08 : 28 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , grant masson / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , maureen raymond / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , zimin lu / hou / ect @ ect , mike a roberts / hou / ect @ ect , samer takriti / hou / azurix @ azurix , amitava dhar / corp / enron @ enron , joseph hrgovcic / hou / ect @ ect , alex huang / corp / enron @ enron , kevin kindall / corp / enron @ enron , osman sezgen / hou / ees @ ees , tanya tamarchenko / hou / ect @ ect , vincent tang / hou / ect @ ect , ravi thuraisingham / hou / ect @ ect , paulo issler / hou / ect @ ect , martin lin / hou / ect @ ect , ross prevatt / hou / ect @ ect , michael sergeev / hou / ect @ ect , patricia tlapek / hou / ect @ ect , roman zadorozhny / hou / ect @ ect , martina angelova / hou / ect @ ect , jason sokolov / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : christmas - near goodmorning , things went well on yesterday with names being pulled . here is a list of people who have to pull a name . stinson gibner samer takriti ravi thuraisingham martin lin alexios kollaros shirley crenshaw let ' s celebrate at work with each other making the last christmas in 1999 - great ! reminder : if you feel you will be unable to attend the exchanging of the gifts , please do not let that stop you from participating . each persons name has been entered ; can you guess who has your name ? we have a gift for you . so if you can not attend for any reason please know that you are included and your gift will be here when you return . wishing all a merry christmas , and a good kick - off to happy holidays . thanks kevin moore - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 12 / 10 / 99 06 : 40 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 12 / 08 / 99 07 : 47 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , grant masson / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , maureen raymond / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , zimin lu / hou / ect @ ect , mike a roberts / hou / ect @ ect , samer takriti / hou / azurix @ azurix , amitava dhar / corp / enron @ enron , joseph hrgovcic / hou / ect @ ect , alex huang / corp / enron @ enron , kevin kindall / corp / enron @ enron , osman sezgen / hou / ees @ ees , tanya tamarchenko / hou / ect @ ect , vincent tang / hou / ect @ ect , ravi thuraisingham / hou / ect @ ect , paulo issler / hou / ect @ ect , martin lin / hou / ect @ ect , ross prevatt / hou / ect @ ect , michael sergeev / hou / ect @ ect , patricia tlapek / hou / ect @ ect , roman zadorozhny / hou / ect @ ect , martina angelova / hou / ect @ ect , jason sokolov / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : christmas drawing - near ho ! ho ! ho ! merry christmas , on thursday we will pull names . once again , this is so we may share in the christmas spirit and show our appreciation for one another . we will then join and exchange gifts on a later date . . . . . stay tuned . . . . . . . . . . . . . . . . . . if for some chance you will not be present on thursday , feel free to stop by my desk and pull your name today . eb 3130 a x 34710 join in the fun and remember , keep it simple thanks kevin moore - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 12 / 08 / 99 06 : 55 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 12 / 07 / 99 09 : 40 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , grant masson / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , maureen raymond / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , zimin lu / hou / ect @ ect , mike a roberts / hou / ect @ ect , samer takriti / hou / azurix @ azurix , amitava dhar / corp / enron @ enron , joseph hrgovcic / hou / ect @ ect , alex huang / corp / enron @ enron , kevin kindall / corp / enron @ enron , osman sezgen / hou / ees @ ees , tanya tamarchenko / hou / ect @ ect , vincent tang / hou / ect @ ect , ravi thuraisingham / hou / ect @ ect , paulo issler / hou / ect @ ect , martin lin / hou / ect @ ect , ross prevatt / hou / ect @ ect , michael sergeev / hou / ect @ ect , patricia tlapek / hou / ect @ ect , roman zadorozhny / hou / ect @ ect , martina angelova / hou / ect @ ect , jason sokolov / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : christmas drawing - near hello everyone , we would like for christmas this year that the research group pull names , as a way of sharing in the spirit of christmas , and as appreciation for one another . we want to keep it simple so the gift should be less than twenty - dollars . please everyone participate , your name is already entered . i will return with more info . later . . . . . . . . . . . thanks kevin moore let ' s have a wonderful christmas at work .",0 +"Subject: my departure from enron dear all , i have decided to attend carnegie mellon ' s computational finance program for the 2001 - 2002 academic year . the program starts on may 14 th . unfortunately due to the quick arrival of the starting date , my last day at enron will have to be friday , april 13 th 2001 . i have really enjoyed my last 10 months here at enron which i ' ve spent with the research group . thank you . - hector",0 +"Subject: your approval is requested thank you",0 +"Subject: a basic idea of price - offer matching clauses vince - here is the basic idea i was alluding to : suppose a car dealer promised to "" match any advertised price . "" then his competitor would feel the need to respond in kind . and so on , until all dealers advertised they would "" match any advertised price . "" now , consider one of these dealer ' s decision to perhaps lower his prices . if he does so , everyone will immediately match his price , so his market share will remain unchanged , at whatever it was before , but his revenues ( and all other dealers as well ) would be lowered by the amount of his price reduction . so , the dealer rationally decides not to lower his prices to try to sell more cars . now , suppose a limited partnership , where the partners contract to "" control "" who they are in business with , by putting a "" right of first refusal "" clause into the partnership ' s papers , whereby any partner wishing to sell his interests must offer the remaining partners the right to match any offer the partner received from outside for his shares . now , suppose you are an outsider , considering doing your due diligence in the thought you might want to buy into the partnership . you know if your offer is a "" good "" one from your perspective , offering you the prospects of a fair rate of return , the existing partners will match it , and you will get nothing in the deal but you will have paid , from your own pocket , for your due diligence . conversely , if you offer too much for the shares , then the other partners will not match your offer and you will then realize you overpaid . in neither case can you credibly assume you know more about the business than do the current partners . so , you ( basically ) don ' t make an offer . so , a partner ' s shares are seriously devalued by his partners having the right to match any offers he receives for them . the "" right of first refusal "" clause precludes economically efficient rebalancing of portfolios by rendering the shares ( essentially ) illiquid . clayton",0 +"Subject: re : march real options conference > this is a draft of what i was thinking of presenting . i was not planning to go over any specific options or opas ( these are covered by confidentiality clauses and i have to be careful from a competitive standpoint ) but to give the audience a few of the "" real world "" applications and challenges . i welcome any thoughts or comments . gary > - - - - - - - - - - > from : peter tufano [ smtp : ptufano @ hbs . edu ] > sent : friday , february 18 , 2000 4 : 56 pm > to : vkamins @ ect . enron . com ; gljackson 2 @ tva . gov > subject : re : march real options conference > > dear vince and gary , > > we are all speaking at the march real options session in ny . my work in > real options in the energy field has come , to a large part , from my > casewriting in your two organizations , so i feel that we should probably > allocate more time toward your presentations and less to mine . while we > have a two hour block among the three of us , i think we can freely > re - arrange things to produce the best result . would you two like to > schedule a brief conference call to coordinate our talks ? i am free > virtually all of next wednesday 2 / 23 , perhaps we could talk at 10 am ( est ) > or 2 pm ( est ) ? i am happy to arrange the call , if you send me your phone > numbers . thanks . > > peter tufano > > > - - - - - - - - - - - - - - - - - - - - - - - - - - - > prof . peter tufano > harvard business school > morgan hall 377 > soldiers field > boston , massachusetts 02163 > phone : ( 617 ) 495 - 6855 > fax : ( 617 ) 496 - 6592 > email : ptufano @ hbs . edu > http : / / www . people . hbs . edu / ptufano > - real options valuation in the new economy . ppt",0 +"Subject: re : full version i ' ll have a look ! i haven ' t much time , but can certainly get you a quick reaction , at least ! best , darrell > x - lotus - fromdomain : ect > from : "" vince j kaminski "" > to : duffie @ stanford . edu > date : thu , 10 aug 2000 14 : 04 : 47 - 0500 > subject : full version > mime - version : 1 . 0 > content - disposition : inline > x - uidl : 9 fef 7462 afa 5 d 4 ee 6 co 4 c 9 co 2 df 71 b 25 > x - keywords : > > > > darrell , > > grant just alerted me that i sent you only part of the text . > > here is the full chapter with an aged version of gran ' t part . > what i sent you represents an update of his contribution . > > sorry for that . > > vince > > ( see attached file : volo 720 . doc ) darrell duffie mail gsb stanford ca 94305 - 5015 usa phone 650 723 1976 fax 650 725 7979 email duffie @ stanford . edu web http : / / www . stanford . edu / ~ duffie / ",0 +"Subject: pro opticus good morning all : below is an email from kevin sweeney inquiring about a software demo that he thought might have been in our group . if anyone had this demo , please let vince know . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 06 / 2000 05 : 10 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin sweeney 10 / 23 / 2000 06 : 53 am to : vince j kaminski / hou / ect @ ect cc : kara maloney / na / enron @ enron , mario de la ossa / na / enron @ enron , matt a brown / hou / ect @ ect subject : pro opticus vince , i understand that you or someone in your group had a demo from the above group last friday . i was wondering if this was part of a push to bring more options ' analytics to the traders ' desks , and if so , if you could explain what that effort looks like ? one of the global markets traders , mario de la ossa also had a look at the software as he has used it in the past . thanks , kevin",0 +"Subject: spring 2001 energy finance conference participation louise , would you consider being a keynote speaker at this conference ( feb 22 evening ) ? the conference will be held in austin . we have a very good relationship with ut and we are helping them to organize this conference . i shall be glad to provide you more information about the event . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 02 / 2000 02 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" ehud i . ronn "" on 11 / 02 / 2000 10 : 57 : 00 am to : vince . j . kaminski @ enron . com cc : subject : spring 2001 energy finance conference participation vince , as promised , enclosed please find a brief description of the proposed feb . 22 - 23 energy finance conference , suitable for dissemination to your colleagues : "" as director of the center for energy finance education and research ( cefer ) , my colleagues and i are planning a practitioner - industry conference in spring 2001 , feb . 22 - 23 , to discuss four topics : risk management , deregulation , real options , and international / globalization . other than the univ . of texas participants and selected academics from other institutions , we expect most participants at the conference to be energy practitioners from houston . the conference will begin with a dinner and address thur . evening , then continue all day fri . "" given the energy - finance focus of the conference , do you believe the networks topics is sufficiently energy - related ? best , ehud ehud i . ronn jack s . josey professor in energy studies department of finance mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: re : confirmation of your order yes , i am the one that placed it . gwyn told me she would be starting on march 19 th ? did you not know about it ? vince j kaminski 03 / 05 / 2001 11 : 35 am to : shirley crenshaw / hou / ect @ ect cc : subject : confirmation of your order shirley , do you know about it ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 05 / 2001 11 : 35 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron it purchasing 03 / 05 / 2001 11 : 09 am please respond to enron it purchasing sent by : ecthou - domwebl to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : confirmation of your order this is an automatic confirmation of the request you have placed using it central . request number : ecth - 4 ujn 5 l order for : mitra mujica 1 x ( option : 128 mb upgrade for deskpro en 6600 $ 63 ) 1 x ( standard desktop $ 905 ) enron it purchasing * please send all status inquiries regarding this request to : mailto : receiving & hardware @ enron . com",0 +"Subject: re : risk book translation dear professor kaminski , thanks for spending your very valuable time to take trouble to arrange our contact with the risk staffs . i will appreciate very much . masayuki fujita",0 +"Subject: fw : research allocations to egm vince : can you tell me where to get this info ? - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 25 / 2001 03 : 53 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : becky pham / enron @ enronxgate on 04 / 25 / 2001 10 : 58 am to : shirley crenshaw / hou / ect @ ect cc : diane fellers / enron @ enronxgate subject : fw : research allocations to egm back in november of last year , you have indicated that 40 % of the 17 . 5 % ( 40 % of 17 . 5 is 7 % ) that we are allocating to egm should be billed to gary hickson ' s group . gary is asking for further broken down of this 40 % to his world . can you check with vince to see what portion of the 7 % should be charged to equity trading , rate & currency trading , agricultural trading & origination and convertible trading ? and can i get this information back by the end of this week because we are going to start closing on friday . if you have any questions , call me . thanx . - - - - - original message - - - - - from : khoja , sayed sent : wednesday , april 25 , 2001 10 : 17 am to : pham , becky subject : research allocations to egm becky , i have attached your original emails below . can you provide further break out of the 40 % allocation to gary hickerson . gary is responsible for financial trading which includes : ? equity trading ? rate & currency trading ? agricultural trading & origination ? convertible trading thanks for your help . sayed to : sayed khoja / na / enron @ enron cc : subject : re : research allocation - - - - - - - - - - - - - - - - - - - - - - forwarded by becky pham / hou / ect on 11 / 02 / 2000 03 : 00 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - to : becky pham / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : research allocation becky , i gave the % % for egm to shirley . i assume she communicated this info to you already . i assume egm includes f / x - i / r ( gary hickerson ) , weather , insurance ( jere overdyke ) , oil trading and coal . for calme i don ' t have any info . let ' s split the cost evenly . vince to : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : research allocation shirley , grm is now with egm group . egm wants to verify that the 17 . 5 % we are going to allocate to grm is for the insurance , jere overdyke group . egm seems to think that their weather , mark tawney group , is receiving support from research . also , can we break out the support for calme ? calme is going to split into 3 bus and i am trying to determine who i need to bill for research supports . if you have any questions , call me . thanx . to : sayed khoja / na / enron @ enron cc : subject : re : research allocation - - - - - - - - - - - - - - - - - - - - - - forwarded by becky pham / hou / ect on 11 / 02 / 2000 02 : 47 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - to : becky pham / hou / ect @ ect cc : subject : re : research allocation becky : vince said to allocate it as follows : gary hickerson 40 % jeff shankman weather 20 % insurance 30 % oil 5 % coal 5 % hope this helps ! shirley to : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : research allocation shirley , grm is now with egm group . egm wants to verify that the 17 . 5 % we are going to allocate to grm is for the insurance , jere overdyke group . egm seems to think that their weather , mark tawney group , is receiving support from research . also , can we break out the support for calme ? calme is going to split into 3 bus and i am trying to determine who i need to bill for research supports . if you have any questions , call me . thanx .",0 +"Subject: next eprm article hi vince the next article is due by the end of the week - apologies for the lateness . could you have a look at the attached draft and let us have your comments in the next couple of days . thanks les . - eprm _ 08 _ analytical _ pricing . zip",0 +"Subject: re : a resume for john lavorato thanks , vince . i will get moving on it right away . molly vince j kaminski 02 / 21 / 2001 05 : 55 pm to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : a resume for john lavorato molly , please , make arrangements for the interview with this candidate for a trading position . interviews with john lavorato , jeff shankman , gary hickerson , stinson gibner . i talked to him in new york and he is considering other opportunities , so we have to act fast . i think john will like him more than punit . thanks",0 +"Subject: karthik rajan i spoke with karthik this morning about our offer , and answered some additional questions that he had . he has accepted our offer , but with one additional request . he would now like for us to ship his car . i asked him why he couldn ' t drive it down here , and he said that it was too old . i am going to check with relocation for an approximate cost and will get back to you . . . . thanks , molly x 34804",0 +"Subject: re : fas 133 offsite zimin lu will also be attending from research . he will be responsible for a lot of the options modeling that may be required as part of the fas 133 process . vasant from : paige b grumulaitis 02 / 08 / 2000 10 : 17 am to : vasant shanbhogue / hou / ect @ ect cc : subject : fas 133 offsite this is the offsite i was referring to . this is for enron contracts that apply not customer ' s issues or product design . please let me know who we can get to help us along the way . - - - - - - - - - - - - - - - - - - - - - - forwarded by paige b grumulaitis / hou / ect on 02 / 08 / 2000 10 : 14 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : donna jones 02 / 07 / 2000 05 : 58 pm to : paige b grumulaitis / hou / ect @ ect , ron baker / corp / enron @ enron , li n chan / hou / ect @ ect , georgeanne hodges / hou / ect @ ect , mary lynne ruffer / hou / ect @ ect , jeff nogid / hou / ect @ ect , roger g leworthy / enron _ development @ enron _ development , james j brown / aa / corp / enron @ enron , kimberly scardino / aa / corp / enron @ enron , patty grutzmacher / aa / corp / enron @ enron , donald . l . avant @ us . arthur . andersen . com , nina nguyen / hou / ees @ ees , sally beck / hou / ect @ ect cc : dawn rodriguez / aa / corp / enron @ enron , shirley tijerina / corp / enron @ enron , renee ingram / hou / ect @ ect , tracey bouillion / aa / corp / enron @ enron , patti thompson / hou / ect @ ect subject : fas 133 offsite enron implementation offsite doubletree hotel - tba wednesday , february 16 , 2000 8 : 30 am - 5 : 00 pm you are invited to an enron implementation offsite to discuss fas 133 . the session will focus on the development and enhancement of the post - implementation fas 133 functional processes . we will then further develop the implementation plan for the detailed development of these processes and systems requirements . your participation in this stage is vital , as the final process will impact all of us . questions regarding content can be directed to paige grumulaitis at x 36271 or ron baker at x 35562 . please rsvp to donna jones at x 33175 by friday , february 11 th so she may have an accurate count for seating and refreshments . we look forward to working with you at the offsite . ron baker & paige grumulaitis",0 +"Subject: re : london visit fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 09 / 28 / 2000 10 : 27 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 09 / 18 / 2000 04 : 38 pm to : paul . e . day @ uk . arthurandersen . com @ enron cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : london visit paul , i shall be in london in the beginning of october . i shall notify you about the timing of my trip later this week . vince paul . e . day @ uk . arthurandersen . com on 09 / 18 / 2000 03 : 29 : 50 pm to : vince . j . kaminski @ enron . com cc : subject : re : london visit i understand this has been cancelled - no problem - life is kind of hectic here anyway ! ! why don ' t we try to rearrange next time you ' re over ? kind regards paul day to : paul e . day cc : vince . j . kaminski @ enron . com , shirley . crenshaw @ enron . com date : 25 / 08 / 2000 19 : 10 from : vince . j . kaminski @ enron . com subject : re : london visit paul , thanks for your message . i am in process of finalizing my plans for the trip to london in the end of september . i delayed responding to you message till i had more specific information . unless there a major change in my schedule , i shall arrive in london on monday morning ( september 18 ) and leave on thursday in the evening . please , let me know what would be convenient time to meet . you can send me an e - mail message and my secretary will contact to confirm the date and place of the meeting . my assistant ' s name is shirley crenshaw and her phone number is 713 853 5290 . i look forward to meeting you , tom and julian . vince kaminski paul . e . day @ uk . arthurandersen . com on 08 / 25 / 2000 11 : 53 : 02 am to : vince j kaminski / hou / ect @ ect cc : tom . o . lewthwaite @ uk . arthurandersen . com , julian . leake @ uk . arthurandersen . com subject : london visit i understand that you will be in london around 20 september . tom lewthwaite has asked me to arrange a meeting between you , tom and julian leake . i understand that you have met tom and julian before . i would also like to attend - i am a manager in our uk financial services practice with responsibilty for enron from a uk financial services perspective . we would like to discuss any risk management concerns that you may have and any internal initiatives with which we could assist . if you are happy to meet on this basis , i would be grateful if you could let me know how you to proceed ( whether i should arrange timings with you , your secretary , someone in london etc ) . you can contact me on + 44 20 7783 7446 ( at enron ' s london offices ) or on this e - mail address . kind regards paul day * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it . * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it .",0 +"Subject: time sheets ! ! ! hello everyone ! not very many of you have filled out your timesheet in the excel spreadsheet if you cannot access the "" o "" drive . you will need to fill out one by hand until you can get access . whichever way - i need them today ! ! thanks ! shirley",0 +"Subject: re : congratulations vince , thanks for your note . and congratulations backatcha ! i was thrilled to see your name on the list as well . kristina",0 +"Subject: boss ' s day hey everyone , i know you may not be aware that boss ' s day oct . 16 , 2000 we will celebrate as a group in the staff meeting on oct . 19 th , with the big boss vince kaminski and all the others , however , if you would like to do something special for our boss , please inform me whereby i can make arrangements . thanks kevin moore",0 +"Subject: paper hey vince , i understand that alex butler has sent you a copy of the schwartz paper . i have a copy of my paper attached to this e - mail . it was good to see you again and i hope you enjoyed your visit to lsu . sincerely , tom arnold - gopop . pdf",0 +"Subject: interview on friday , may 5 th good morning norberto : enron corp . research would like you to come in for an informal interview friday , may 5 , beginning at 1 : 30 pm . following is a tentative schedule : vasant shanbhogue 1 : 30 pm vince kaminski 1 : 45 pm clayton vernon 2 : 00 pm stinson gibner 2 : 15 pm tanya tamarchenko 2 : 30 pm grant masson 2 : 45 pm please let me know if these times work for you . thank you ! shirley crenshaw 713 - 853 - 5290",0 +"Subject: dhabol jeff , we shall forward to you shortly a copy of the message from sandeep with the numbers you have requested . what follows below are the extracts from two recent articles on the power situation in india published by the financial times . the first article describes recent power outage in northern india affecting millions of people . one possible line of defense is pointing out to the value of output lost due to power shortages . it is obvious that the value of lost production exceeds the cost of power produced by the dhabol plant ( expensive as it may be ) . the power cut affected 230 million people . the second article is enron specific . vince asia - pacific : power failure hits north india financial times ; jan 3 , 2001 by angus donald tens of millions of people were left without electricity in northern india yesterday after a power grid breakdown . electricity was gradually switched on in some areas and most parts of the capital new delhi , with 60 to 70 per cent of supply expected to be restored by the end of the day , according to power grid officials . the associated chambers of commerce and industry ( assocham ) , a leading business organisation , expressed "" deep concern "" and called for a mechanism to prevent future disruption that could "" cripple the economy "" . the power failure across eight indian states , including new delhi , disrupted train services , water supplies and the telephone network and forced hospitals to switch to emergency generators . the fault occurred on the northern grid , which provides electricity for 226 m people , and affected the states of delhi , haryana , punjab , uttar pradesh , himachal pradesh , madhya pradesh , rajasthan and jammu and kashmir . a breakdown at a sub - station in kanpur in uttar pradesh , india ' s most populous state , caused an overload of power on other lines , which then failed as well . trains stopped running for most of the day and signals systems were damaged . new delhi international airport was also slightly affected before its own power supply could be engaged . "" we will probe into the reasons for the failure . it is most likely to be a technical failure , but we will investigate why it happened , "" suresh prabhu , the power minister , was quoted as saying by press trust of india . india suffers regularly from power problems because of lack of funding to upgrade infrastructure . theft of supplies is also a big problem . thirty per cent of the country ' s electricity is stolen , according to analysts . in new delhi as much as 50 per cent is stolen . two years ago , a power failure blacked out uttar pradesh and delhi for hours . assocham issued a statement , saying that increasing industrial demand would exacerbate the problems already faced by india ' s inefficient power sector . "" the slow progress , particularly in strengthening the transmission and distribution system , and ever increasing theft will contribute to worsening the power supply situation further . "" copyright : the financial times limited , copyright the financial times limited 2000 . "" ft "" and "" financial times "" are trademarks of the financial times . privacy policy | terms jan 3 , 2001 by khozem merchant enron , the us energy producer and a constant target of criticism in india , is hitting back with a campaign to reverse its image as a profiteering multinational . its "" myth and reality "" offensive in local newspapers follows the west indian state of maharashtra ' s decision to review the tariff it pays the texas - based company , whose dollars 2 . 2 bn electricity generating plant at dabhol is india ' s biggest single foreign investment . maharashtra ' s tariff has more than doubled since 1993 and is three times greater than that charged by other independent power producers ( ipps ) . the tariff has risen because of the depreciation of the rupee against the dollar and the high but now falling price of naphtha fuel . the state also pays a fixed capacity charge of rs 970 m ( dollars 21 m ) a month , reflecting the huge project cost and , controversially , irrespective of consumption . a showdown looks inevitable , reminiscent of a clash six years ago that damaged india ' s appeal to foreign investors . a former official of the world bank , which has criticised the deal , says enron is emerging "" as the east india company of the 21 st century "" - a reference to the british trader that colonised key areas of the indian economy in the 19 th century . the stand - off is the latest blot on india ' s power sector . the uk ' s powergen and cogentrix of the us have quit india recently , frustrated by long approval procedures , inadequate payments mechanisms or because of higher returns elsewhere . "" india has lost time and opportunity and has driven returns down by six percentage points , "" says gerry grove - white , former india general manager of powergen , which has sold its 655 mw plant in gujarat to china light & power of hong kong . india ' s national plan for the five years to 2002 says generating capacity must rise by 40 , 000 mw to about 120 , 000 mw . but since 1992 , ipps have added only 3 , 000 mw and 2 , 500 mw remains under construction . this is insufficient to support official projections of 6 to 8 per cent economic growth . enron was a bellwether of india ' s liberalisation , winning fast - track project approval in the early 1990 s . phase 1 , a 740 mw plant fuelled by expensive naphtha came on stream in may 1999 , and phase 2 , a dollars 1 . 87 bn plant of 1 , 624 mw capacity that will run on cheaper liquefied natural gas ( lng ) , will be completed this year . only two of seven other fast - track proposals have achieved financial closure . from the outset enron encountered attacks , culminating in maharashtra ' s then nationalist government cancelling the project before renegotiating terms no less onerous . vilasrao deshmukh , chief minister of the successor government , says the power purchase agreement is unaffordable . enron , whose attackers also include cultural chauvinists , wants to maintain good political relations in a hostile but lucrative environment . enron views india as a testing ground for its evolution from a traditional manager of power plants to a broad - based trader of commodities , such as energy , gas and bandwidth . to support these ambitions enron hopes to trade energy between power surplus and deficit states , once legislation is passed this year . it is building an lng terminal and pipelines to trade imported natural gas . and it is laying a 15 , 000 km fibre - optic network to trade bandwidth space in a country desperately short of this new economy commodity . in any event , enron believes it has a watertight contract . it is supported by many that believe any subversion of the contract would confirm investor perception of maharashtra , india ' s financial and industrial hub , as an unreliable destination for investment . mr deshmukh - who has avoided the language of his predecessor , which threatened to "" dump dabhol into the arabian sea "" - is under pressure from radical members of his wobbly coalition . but his options are limited . scrapping the project would be ruinous for an economically troubled state that would have to compensate shareholders . maharashtra state electricity board , the local utility and enron ' s main client , is obliged to dispatch or "" off - take "" 90 per cent of dabhol ' s output . yet mseb has never honoured these guarantees . its off - take has averaged 60 per cent since the plant opened and , in effect , mseb has been paying a lot more while consuming a lot less power . one reason off - take is low is because the state ' s tough new regulator has told mseb to buy from cheaper sources . enron says the tariff would be rs 4 . 02 / kwh if mseb ' s off - take averaged 90 per cent . but with off - take a third lower , the average tariff is rs 4 . 94 per unit , and often higher . in october , the tariff was rs 6 . 91 per unit , when off - take was about 49 per cent . enron says tariffs should come down when phase 2 , run on cheaper lng , starts . these cost pressures have forced mseb to take up only half of a 30 per cent equity option in phase 2 . enron has acquired the balance and mandated bankers to find a buyer . enron ' s difficulties have undermined the appeal of ipps , which have failed to deliver the flood of investments . potential ipps feared they would never be paid by state generating boards that have become a byword for corrupt management of power . reform of state electricity boards , whose uneconomic pricing means industrial users subsidise poor farmers , as well as transmission and distribution ( t & d ) services to check huge theft and technical losses , is overdue . "" given the limited resources , money would be better spent on t & d rather than on new plant , "" says oliver blackaby , managing director of n m rothschild in india , which is advising karnataka on the privatisation of its distribution network . for the moment , attention is fixed on enron ' s ability to satisfy the competing interests of investors and clients . as sanjay bhatnagar , chief executive officer of enron india , said in a recent trade magazine , one of the key lessons learned from phase 2 is "" having flexibility to deal with externalities "" . copyright : the financial times limited , copyright the financial times limited 2000 . "" ft "" and "" financial times "" are trademarks of the financial times . privacy policy | terms & conditions .",0 +"Subject: rodeo vince , it was a pleasure to meet you last week at our rodeo night . i am glad you could join us . i am going to fax you the invitation to the houston symphony partners party that we discussed . i hope you can attend . keep in touch and let ' s get together for lunch and / or seeing "" american beauty . "" jana phillips 713 - 658 - 9296",0 +"Subject: congratulations ! you did again ! i just read about your most recent accomplishment . congratulations on your promotion ! go vince . . . . go vince . . . go vince . . ! sending warmest regards , trang",0 +"Subject: re : asian option for pavel our convention is whoever finalizes the model should write the documentation . it does not make sense to write one when changes are anticipated . you have been working on this almost a year , it never strikes you that we need a documentation ? i created exotica . xll , does that also give you an excuse not working on exotica documentation ? zimin paulo issler 05 / 02 / 2001 11 : 52 am to : zimin lu / hou / ect @ ect cc : tai woo / enron @ enronxgate @ enron , pavel zadorozhny / enron @ enronxgate subject : re : asian option for pavel i am surprised that we do not have the documentation ready . i can make that for you . it is not there because you did not put that together by the time it was created and all the changes i have made did not required changes on the functionality . paulo issler zimin lu 05 / 02 / 2001 11 : 29 am to : tai woo / enron @ enronxgate @ enron , paulo issler / hou / ect @ ect cc : pavel zadorozhny / enron @ enronxgate subject : re : asian option for pavel tai woo , here are the c - codes for the crudeapo . ' sig ' is the spot volatility meaning the price volatility within the delivery period . you should consult with pavel for the definition of this "" extra "" parameters . we would like to see the position monitor once you get it running . we might have some additional suggestions . paulo , why don ' t we have a documentation on crudeapo you worked on ? i can not find it in exotica help file . please supply that to tai , thanks . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - from : tai woo / enron @ enronxgate on 05 / 02 / 2001 09 : 55 am to : paulo issler / hou / ect @ ect cc : kara maloney / enron @ enronxgate , zimin lu / hou / ect @ ect subject : asian option for pavel this morning , zimin told me that pavel is using a special model in evaluating his asian option portfolio . he asked me to talk to you in order to access to the code so that i can see the difference made to the model . as i cannot find the doc . describing this model , please tell me what that new input parameter ' sig ' is . thanks , ",0 +"Subject: naphtha hedge for 2001 folks , i am forwarding this in order for the team to focus on the naphtha issue . please note that : as phase ii comes on line , blocks b and c will first have to run on naphtha for a period of 3 - 6 months this will hit us some time in 2001 , hence is a more urgent issue than lng , which is still a year away if there are delays in the commissioning of the regas terminal , the period on naphtha could further prolong the naphtha market is more volatile than the crude market , and is not as deep , hence we need to take small positions early on to test the market dpc board has already approved a risk management policy that allows for hedging . we may need to look into options that are costless ( selling put and buying call ) to begin with , and test while only block a is in place . close coordination will be required on this with the global markets group , and i propose someone like anshuman should actually be seconded onto the group a whole plan on tools to manage the fuel risk need to be worked in close coordination with the team on the ground these are just some of my thoughts . with 50 % of the tariff being fuel price dependent , this is an area that requires close attention . regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 01 / 03 / 2001 10 : 29 am - - - - - - - - - - - - - - - - - - - - - - - - - - - tushar dhruv @ enron 01 / 02 / 2001 09 : 25 pm to : neil mcgregor / sin / ect @ ect , sandeep kohli / enron _ development @ enron _ development , mukesh tyagi / enron _ development @ enron _ development , pavan . dave @ enron . com , anshuman cc : marc de la roche / hou / ect @ ect , doug leach / hou / ect @ ect subject : naphtha hedge for 2001 current level of naphtha prices and the crude futures curve being backwardated provide an opportune time for dpc to enter into a hedge for all or a portion of its naphtha requirements for the year 2001 . we ( efi ) would like to explore this possibility before this situation passes . please advise . best regards , - - tushar",0 +"Subject: re : hello molly , kim watson would like us to bring jacob for another interview . we can do it later this week . vince vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 01 / 2001 02 : 22 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : kimberly watson / enron @ enronxgate on 05 / 01 / 2001 09 : 17 am to : vince j kaminski / hou / ect @ ect cc : subject : re : hello hi vince , if you are still interested in bringing back this gentleman back for another interview , i would very much like to meet with him . sean talked with him when you brought him in a few weeks ago and he thought it would be a good idea for me to meet with him so we can compare thoughts . thanks , kim . - - - - - original message - - - - - from : kaminski , vince sent : monday , april 16 , 2001 1 : 21 pm to : watson , kimberly cc : krishnarao , pinnamaneni ; kaminski , vince subject : re : hello kim , this is a letter from one of the job applicants who works for pros . it seems that the system they develop for williams is more a scheduling system . would you like to ask him to come back for another interview , to get more information out of him ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 16 / 2001 01 : 18 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" jacob y . kang "" on 04 / 11 / 2001 11 : 18 : 44 pm to : vince . j . kaminski @ enron . com cc : subject : re : hello dear vince : it was so nice meeting and talking with you too . i did not take any pen back , i lost my pen too somewhere in enron . as i mentioned to you , after i got my ph . d in 1999 , i have been working two years as lead scientist and science manager in energy division at pros revenue management inc . in houston . i developed and implemented the mathematical models for trading optimization system and firm transportation optimization system . the trading optimization system becomes the most popular product in the industry this year . duke energy just signed the contract to buy this product yesterday . conoco and williams also signed the contracts for it . according to pros sales department , the potential marketer to buy this product exceeds 15 companies in one or two years . enron is the ideal place for me to continue my research and system developing efforts to combine revenue management with risk management . i am confident that i can make significant contributions to enron in this area . i would like to thank you again for giving me this opportunity to come to enron for this interview . i am looking forward to having the opportunity to work in enron . sincerely yours jacob - - - vince . j . kaminski @ enron . com wrote : > jacob , > > it was nice meeting you . did take by any chance > my pen ? if not , i apologize . > > vince > do you yahoo ! ? get email at your own domain with yahoo ! mail . http : / / personal . mail . yahoo . com / ",0 +"Subject: real option conference vince , i was brought to my attention that an interesting real option conference is taking place in march 27 - 28 . i would like to attend this conference if possible . thanks . alex",0 +"Subject: re : eol phase 2 deal all , i have written the option pricing formula for european ( euro ) , american ( amer ) and asian ( agc ) options . i have also cited the references for each option . the function names in ( ) are the option models in the enron exotica options library . you do not have to have outside programmer to duplicate our work , since we have constructed and tested these models . if you have any questions , please let me know . zimin vince j kaminski 06 / 30 / 2000 02 : 31 pm to : michael danielson / hou / ect @ ect cc : stinson gibner / hou / ect @ ect , zimin lu / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : eol phase 2 michael , please , contact zimin lu . vince kaminski michael danielson 06 / 30 / 2000 01 : 10 pm to : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : angela connelly / lon / ect @ ect , savita puthigai / na / enron @ enron subject : eol phase 2 thanks for your help on content for eol phase 2 . an additional piece of content that we are trying to include in our scope is an options calculator . this would be an interactive tool to teach less sophisticated counterparties about options . we would like to collaborate with someone in research to refine our approach ( and make sure we ' re using the right formulas ) . who should we contact in research for this ? attached is a mock - up of what we have in mind . . . - calculator prototype . ppt",0 +"Subject: check out here is the rfc that was written in 1994 about the internet of 2020 i mentioned . i hope you find it as enlightening as i did , and enjoy it as well . click here : http : / / info . internet . isi . edu / in - notes / rfc / files / rfcl 607 . txt mak",0 +"Subject: re : amitava is diverted where does this stand ? we really need amitavas full time focus . benjamin parsons 27 / 10 / 2000 07 : 50 to : mike mumford / lon / ect @ ect cc : steven leppard / lon / ect @ ect , bryan seyfried / lon / ect @ ect , nigel price / lon / ect @ ect subject : re : amitava is diverted presumably if the eastern credit reserve issues take lots of his time away from enroncredit , we could extend his stay for another week ? especially as it ' s unlikely we could get vasant over in the foreseeable future . ben mike mumford 26 / 10 / 2000 18 : 20 to : bryan seyfried / lon / ect @ ect cc : qlist subject : amitava is diverted bryan , just fyi - amitava will be diverted for an unspecified portion of his stay here next week . the did the initial coding for software / pricing systems used to value the eastern deal . there are over - riding concerns there i or steve l . can fill you in on if you like . problem could be monday morning or all week . we could press for vasant to re - prioritize his time . any thoughts ? i haven ' t checked with ben about impacts yet . . . ben ? mike",0 +"Subject: re : congratulations thanks vince i was in midland yesterday so i just saw the announcement . congrats yourself ! ! vince j kaminski 01 / 11 / 2000 10 : 02 am to : bradford larson / hou / ect @ ect cc : subject : congratulations brad , congratulations . well deserved . vince",0 +"Subject: organizational changes as enron ' s broadband services business grows , we will continue to position the company to take advantage of the significant opportunities in this market and meet the needs of our global customers . with that in mind , we ' ve made a number of changes within the office of the chairman of enron broadband services aimed at providing a better focus on the key objectives of the organization . joe hirko and ken rice , previously co - ceos of enron broadband services , will continue to jointly manage the strategic direction of the company . joe will continue as ceo and will be responsible for the primary executive management of ebs as well as network build - out , bos development , cross - market capabilities and staff functions . ken will assume the role of chief commercial officer and will be responsible for developing the commercial functions of the organization . in addition , kevin hannon has been named chief operating officer and will be responsible for the day - to - day operations of ebs . kevin was most recently ceo of global risk management and , prior to that position , he was president and coo of enron north america , where he has been instrumental in developing enron ' s trading and risk management business in gas , electricity and other emerging markets . greg whalley , president and coo of ena , will again assume his responsibilities for global risk management . please join us in congratulating joe , ken , kevin and greg in their new roles .",0 +"Subject: re : releasing different versions of vatrfacs code winston and jin , for last half year the following developments were implemented by jin for vatrfacs code ( the calibration code for var ) : 1 . weighting the log - returns with exponential decay factor while calculating correlations ; 2 . calculating factors and correlations for uk curves ; 3 . joint estimation of factor loading for selected groups of commodities ; 4 . alternative method for collecting historical data for correlations calculation ( based on fixed contract instead of collecting prompt , prompt + 1 , etc . prices ) in order to release these developments research has to have each version under clearcase . then we will : 1 . run vatrfacs code in stage environment ( stage has been refreshed recently ) . 2 . run var code in stage and validate the results . it is time to start releasing these 4 versions . projects 3 and 4 require some experimental runs in stage . a few traders ( in gas , power and liquids markets ) are expecting the results . meanwhile the following developments have been suggested by reseach , approved by risk control , submitted to it as spreadsheet prototypes and waiting in line : 1 . volatility blending for intramonth power positions ; 2 . forward volatility smoothing and extracting forward forward volatilities ; hope we can follow our procedures to make all these developments go smoothly and efficiently . tanya .",0 +"Subject: re : caida ' metrics ' wg meeting , 2 mar 00 ( fwd ) hi amy , jim irvine ( ebs head of network planning ) and i ( team lead , ebs research ) will attend the meeting . we will have our assistances ( christine blair & kristy carnes , respectively ) arrange the trip . we will plan to come in the night before and return on march 2 , 00 . also , either vince kaminski ( md and head of enron research ) or stinson gibner ( vp , enron research ) may also attend . they will let me know shortly if they plan to attend . regards , ravi . p . s . our company name has been changed to enron broadband services kristy , christine please make the appropriate travel arrangements . the place , time , etc . are listed . amy @ sdsc . edu 02 / 24 / 00 07 : 07 pm to : ravi thuraisingham / enron communications @ enron communications cc : subject : caida ' metrics ' wg meeting , 2 mar 00 ( fwd ) hi ravi , i wanted to follow up directly with you and see if you or anyone at enron had any interest in participating in the proposed caida "" metrics "" working group meeting ? please let me know . amy e . blanchard caida % % % % % % % % % % % % % e - mail : amy @ caida . org phone : ( 858 ) 534 - 8338 fax : ( 858 ) 534 - 5117 b . wg charters , meeting on 2 mar 00 i believe that we should instead run a single caida working group on ' network metrics , ' rather than the two proposed earlier . my draft of its charter is appended below . it focuses on producing educational material about network measurement , and on developing new metrics - these were the two areas of greatest interest amongst the caida members . the wg co - chairs are sue moon ( sprintlabs ) and brett watson ( mfn / abovenet ) you are invited to attend the first wg meeting . the agenda is as follows . . agenda for caida wg meeting on : thursday 2 mar 00 - - - - - - - - - - - - - - - - - 10 am - 4 pm , abovenet , downtown sjc ( see below for details ) - - - - - - - - - - - - - - - - - - - - - - - - 1 . review wg charter - is it reasonable as set out in the draft ? - what should be removed or added ? 2 . work through revised charter in detail - identify the work required for each part - determine who ' s willing to work on it - attempt to determine delivery times 3 . discussion of new metrics - first attempt at making a list of metrics to be considered 4 . anything else ? location : abovenet is located in the knight - ridder building , attached to the fairmont hotel complex . the address is 50 w . san fernando st . san jose , ca 95113 rsvp : to help us with organising the meeting , please send email to nevil @ caida . org telling us how many will attend from your organisation . cheers , nevil nevil brownlee visiting researcher phone : ( 619 ) 822 0893 caida , san diego caida network metrics working group : draft charter , tue 23 feb 00 goals : 1 education + faq on what does ' measuring the internet actually mean ? ' - why measure anyway ? - what can be measured ? how ? where ? by whom ? - active vs passive , end - to - end vs provider network only , application vs transport layer - rating schemes : provider ' net performance ' pages , internet ' weather map ' s , keynote , etc . publish as caida web pages , or maybe as an info rfc + survey paper on metrics and internet measurement - current measurement efforts ( surveyor , ripe test traffic , amp , iperf , at & t , keynote , skitter , . . . ) - current tools publish as caida web pages 2 service metrics + define new metrics - taxonomy of current metrics ( ippm , rtfm , itu , . . ) - summary of metrics used for current services - gather information / ideas about new / emerging services , especially diffserv - based ones - make list of new metrics , either to improve measurement of existing services or to support new ones [ list of ' metrics ' questions ( appendix a ) goes here ] + organise experimental implementation / testing of tools for new metrics + make recommendations on implementation - define core set of ' really useful ' metrics - recommend that caida implement these as a ' service measurement toolkit ' + publish new metric definitions through ippm or rtfm + produce document "" measurement requirements for hardware / software vendors . "" publish on caida web pages appendix a : questions from the earlier draft caida wg charters a . what types of network - and transport - layer metrics are being used by isps in engineering and operating their networks ? by customers for verifying service guarantees ? b . what new services are being ( or are likely to be ) offered , e . g . diffserv ? is there a need for higher - layer metrics to better monitor and manage these services ? c . will these new differentiated transport - and application - layer services need new metrics ? d . how can the service metrics be measured in a multi - isp environment ? e . how can customers verify these measurements ? f . what requirements would service measurement introduce for equipment vendors ? g . how relevant are specific techniques ( e . g . which flow ) and points of measurement to specific users ( isp , customer , etc . ) requirements ? h . how do these metrics relate to network behavior as perceived by users ? how do they correlate with performance ? appendix b : background on the ietf working groups * rtfm wg : realtime traffic flow measurement rtfm is concerned with passive measurements of two - way traffic flows , specified in terms of their end - point attributes . its primary goal was to produce an improved traffic flow measurement model considering at least the following needs : a . wider range of measurable quantities , e . g . those relating to ipv 6 , and to class of service b . simpler ways to specify flows of interest c . better ways to control access to measured flow data d . strong focus on data reduction capabilities e . efficient hardware implementation * ippm wg : ip performance measurement the ippm wg charter is to develop a set of standard metrics that can be applied to the quality , performance , and reliability of internet data delivery services . these metrics will be designed such that they can be performed by network operators , end users , or independent testing groups . it is important that the metrics not represent a value judgement ( i . e . define "" good "" and "" bad "" ) , but rather provide unbiased quantitative measures of performance . rfcs framework for ip performance metrics ( rfc 2330 ) metrics : connectivity ( rfc 2678 ) , one - way delay ( rfc 2679 ) , one - way packet loss ( rfc 2680 ) round - trip delay ( rfc 2681 ) i - ds bulk transfer capacity ( 2 x ) instantaneous packet delay variation one - way loss patterns * other wgs the rmonmib wg is thinking about ' application performance measurement . ' this is clearly a hard problem ( e . g . does this just mean response - time measurement , can it be done by passive means , how should the measurements be presented , etc . ) . in short - rtfm provides a good distributed measuring system for traffic volumes - ippm has concentrated on transport - layer behaviour of the current , best - effort internet . - rmonmib is beginning to consider application - layer measurement ",0 +"Subject: re : my resume we ' ll get this offer out today , vince . molly - - - - - original message - - - - - from : kaminski , vince sent : friday , april 13 , 2001 10 : 03 am to : molly magee / hou / ect @ enron cc : kaminski , vince ; crenshaw , shirley ; huang , alex subject : my resume molly , we would like to bring this student as a summer intern ( the last one , we are running out of space ) . i shall send you another message regarding his proposed dates . thanks . i hope you have a very happy easter . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 13 / 2001 10 : 03 am - - - - - - - - - - - - - - - - - - - - - - - - - - - zhendong xia on 04 / 12 / 2001 03 : 58 : 25 pm to : vince . j . kaminski @ enron . com cc : subject : my resume hi , dr . kaminski : glad to get your reply . here is my resueme . if you wanna know more about me , please feel free to contact me . thanks . zhendong xia georgia institute of technology school of industrial and systems engineering email : dengie @ isye . gatech . edu dengie @ sina . com tel : ( h ) 404 - 8975103 ( o ) 404 - 8944318 - cv . doc >",0 +"Subject: program attached ; march ny ro conference / participation confirmation the current version of the conference program is attached please confirm your participation as speaker ( and confirm your presentation title as listed on the attached conference program ) by next tuesday . the program is about to be sent to the printers next week please cc your reply also to gordon . sick @ rogroup . com lenos - nymarch 2000 conferencetimes . doc lenos trigeorgis professor of finance university of cyprus dept of business 75 kallipoleos , po box 20537 cy 1678 nicosia cyprus tel : + 357 2 892261 fax : 339063",0 +"Subject: re : ming sit dennis : i talked to ming for only short time and am concerned about the cons scott mentioned . i would like to know what your assessment is like . also , i would like vince , ronnie & myself to talk to ming over the phone . can we call him directly and talk to him ? please let me know how strongly you feel about having him as a support person . thanks , krishna . x 35485 to : pinnamaneni krishnarao / hou / ect @ ect cc : subject : re : ming sit krisna : are you still interested in hiring ming sit , through the research group . if so , please proceed and assign him to support ees . please let me know if i need to provide any information . thanks dennis - - - - - - - - - - - - - - - - - - - - - - forwarded by dennis benevides / hou / ees on 05 / 22 / 2000 09 : 43 am - - - - - - - - - - - - - - - - - - - - - - - - - - - james w lewis 05 / 21 / 2000 11 : 44 am to : dennis benevides / hou / ees @ ees cc : scott stoness / hou / ees @ ees subject : re : ming sit i like db ' s suggestion . let ' s do it . enron energy services from : dennis benevides 05 / 19 / 2000 03 : 31 pm phone no : 713 853 - 9609 to : scott stoness / hou / ees @ ees cc : james w lewis / hou / ees @ ees subject : re : ming sit got a little scared at your first sentence i read "" he is no replacement for jay but he could be for dennis b . . "" ? ? . anyway : i think he would be a good fit withing the group . krisna has offered to hire him in the research group , he has good programing background and is excited about working for enron instead of a utility such as pacificcorp . he expressed interest in applying his skill to make $ $ $ $ . i suggest bringing him in in research as a first alternative . i see three potential applications where we can use his skills to evaluate best longer term fit : continuing ronnie ' s model building role , but with a focus within neil ' s group to tie rm systems together bridge the lack of phd econometrics expertise we have as are result of the departure of anoush . risk management systems infrastructure development . scott stoness 05 / 19 / 2000 02 : 02 pm to : james w lewis / hou / ees @ ees cc : dennis benevides / hou / ees @ ees subject : ming sit he is no replacement for jay but he could be a dennis b employee . pros : engineer so would be good at math his boss hired him a 2 nd time ( 1 at txu and again at pacificor again ) so he must be reliable phd in economics and engineering ( good ) from stanford ( ugh : ) : ) : ) ) cons : does not understand tariffs . i asked him and he said he is not experienced . i probed too and he does not understand regulatory that well . does not understand ancillary services ( which is surprising to me since he started out as an plant operation side of hk power ) has limited people management skills ( he described 1 analyst he works with that is not capable that he has to jump into the excel spreadsheet and fix it for him and he cannot give him feedback because it is a utility mentality ) he is not a good communicator ( i asked him to describe what he did in hk power and it took him forever to explain because he expected me to know that plant operations meant planning the start up of oil plants ) . overall : i suspect that he is a very solid guy when it comes to analysis but not particularly creative or good at communication and leadership . he would be a great support person . i would hire for analysis but not as a potential leader . go",0 +"Subject: e - commerce & continental europe hi sven , thanks a lot for your note - i think it would be great to see what we can do to help you & joe ' s business units . plenty of our knowledge is no longer proprietary in that quite a lot of this information is now in the public domain - we can sit down and discuss this on thursday afternoon if that works for you . regards , anjam x 35383 sven becker 14 / 06 / 2000 19 : 10 to : anjam ahmad / lon / ect @ ect cc : clemens mueller / lon / ect @ ect subject : re : research group intranet site anjam , congratulations on your initiative . i appreciate that you share this information throughout enron . as you may know , my group is working with joe ' s business units to create so - called market hubs . i see great potential in sharing some of the information that you have acucmulated and that is not proprietary to enron . i would appreciate if we could sit down tomorrow and talk about the possibility to leverage on the existing know - how . regards sven please respond to anjam ahmad / lon / ect to : ect europe cc : subject : research group intranet site research group intranet site following the recent lunch presentations , there has been considerable interest from enron europe staff in improving their quantitative skills , helping to maintain our competitive advantage over competitors . we have recently created the research group ' s intranet site which you can find on the enron europe home page under london research group . the site contains an introduction to the group and also information on : derivatives pricing risk management weather derivatives extensive links weather derivatives credit risk extensive links database if you have any questions or issues on quantitative analysis ( including hedging and risk management of derivatives ) please don ' t hesitate to get in touch . regards , anjam ahmad research group first floor enron house x 35383",0 +"Subject: maths course dear vince , ? further to our telephone conversation , that you very much for agreeing to participate in the financial mathematics training course . as discussed i would be delighted if you could present the following sessions : ? practical techniques to price exotic energy options ? evaluating methodologies for pricing exotics ? ? ? assessing the pros and cons of a partial differential equation ? ? ? applying multi - factor models to price exotic energy derivatives ? ? ? building trees for pricing and hedging exotics pricing ? ? ? asian options ? ? ? bermudan and american style options ? ? ? spread and spark spread options ? ? ? multi - commodity options practical example : ? ? ? pricing swing options ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? using monte carlo techniques to value swing options practical example : ? ? ? pricing a multi - commodity option ? analysing approaches to weather derivatives valuation ? understanding the mechanics of weather derivatives ? ? ? heating and cooling degree day swaps ? ? ? precipitation contracts applying probablistic approaches to pricing weather derivatives ? ? ? stochastics ? ? ? monte carlo techniques using historical methodologies and black - scholes for pricing weather derivatives valusing long term transactions practical example ? please could you let me know by the close of business on thursday if you would like to make any changes to the bullet points . i have printed out your biography below and please could you also let me know if you would like to make any changes to it . ? vince kaminski , enron capital & trade resources vince kaminski is vice president and head of research at enron risk management and trading , a unit of enron capital & trade resources . mr kaminksi joined enron in 1992 . previously he was vice president in the research department at salomon brothers . ? thanks again vince and i ? look forward to speaking to you on friday . ? best regards , ? vicky",0 +"Subject: latest draft - - comments ? vince , this is my latest effort and i would appreciate your thoughts . i know that we haven ' t written together before so let me assure me that you will not hurt my feelings by "" slashing away "" with a red pen . i think that i have put all the clay on the table for this piece of sculpture but it is still pretty crude . help me "" refine "" the work to create something we can both be very proud of . by the way , i know you are extremely busy right now so don ' t feel pressured to spend lots of time here . any guidance you can offer will be appreciated . i don ' t know what the editor ' s time schedule is but he asked me to send him a draft on monday . you and i will still be able to edit the manuscript but he will begin reading and editing it too . i ' ll let you know as soon as i have a final deadline . your friend , john p . s . hope life is a bit calmer for you . by the way , i ' m reading an interesting book entitled "" the four agreements "" by miguel ruiz that documents the toltec philosophy of life in the context of the dreams of reality that we all create . you might enjoy it . - enron _ paper _ 1 _ 16 _ 01 . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: entouch newsletter business highlights enron freight markets enron freight markets ( efm ) launched its over - the - road trucking business this week . in addition , efm completed 199 intermodal transactions in the first week of april . ena west power ena west power recently closed the sale of two power projects . the 750 mw pastoria energy facility in kern county , california was sold to calpine and the 240 mw fountain valley power project in colorado was sold to black hills energy capital . given the power shortage in the west , ena is developing additional power generation in nevada , california and washington . enron industrial markets the newsprint group of eim is working to revolutionize the newsprint market and bring financial rigor and market efficiencies to a business that has remained relatively unchanged for more than a century . the global newsprint market is a 23 billion dollar a year business with the north american market comprising one third . the group ' s originators , mid - marketers , and financial and physical traders offer our customers numerous financial and physical products not previously available in the market . eim has made a substantial commitment to this business with the purchase of garden state paper company last year and the recent purchase of daishowa paper in quebec city . the number of transactions has grown exponentially with the physical trading alone reaching a nominal trading volume of more than $ 10 , 000 , 000 per month in little more than four months since opening . in addition to physical spot transactions , the desk offers our counterparties log - term fixed priced transactions , indexed based pricing , forward contracts , swaps , and derivative products . forest products forestweb inc . , an internet - based generator , aggregator and integrator of knowledge and information for the forest products industry , announced a new window to industry financial and risk management tools available from clickpaper . com . clickpaper allows the industry direct access to transactable prices for both physical and financial products , in an electronic format . paperloop . com , one of the leading online resources for the forest products industry , announced the addition of clickpaper . com in their emarketplace , which showcases various e - commerce companies and highlights their services . paperloop provides clickpaper . com exposure to its 250 , 000 + monthly users in the pulp , paper and converting industries . in the news ken lay was the cover story for the april 2001 issue of continental magazine . he had positive things to say about his employees .  & sitting in his 50 th floor mahogany - paneled office overlooking his much - beloved downtown houston , lay , with a self - conscious smile , bows his head slightly as he  , s described as an innovative market maker .  + i really can  , t take any credit , he says . my employees are responsible for what enron does .  , what he does best , the missouri - born corporate icon says , is  + to create an atmosphere of empowerment and creativity and hire bright , innovative people who aren  , t afraid to take risks and try new things .  8 welcome new hires eim - craig rickard , lisa mcclendon ena - ben brasseaux , stephen swisher , tamera joyner , vanessa griffin , kathleen ashton weekly enrononline statistics below are the latest figures for enrononline as of april 6 , 2001 . * total life to date transactions > 845 , 000 * life to date notional value of transactions > $ 500 billion nuggets & notes mark your lunch calendars now ! the next ews brown bag is thursday , april 19 at 11 : 30 am . tim battaglia vp / eim will be discussing steel origination . congratulations to peter del vecchio , eim senior counsel , and his wife , nair . they are the proud parents of dante valentin del vecchio , born april 3 , weighing 4 pounds , 8 ounces . news from the global flash enron poland obtains gas trading license on 22 nd march 2001 enron poland received a 10 - year gas trading license , valid for both domestic gas trading within poland as well as for gas exports . the license is a key component to our entering the gas trading market in poland and , coupled with the power trading license we obtained in 1999 , will give enron poland a strong position in the developing wholesale energy market . in the next two to three weeks , we expect to receive a cross - border trading license covering gas imports that are further regulated under the polish energy law ordinance on gas import diversification . enron wind announces first uk off - shore wind farm on 5 th april 2001 , enron wind announced that it had been granted the right to initiate the planning process for its first uk offshore wind farm , located at gunfleet sands , 7 km from clacton - upon - sea in essex . construction is expected to start towards the end of 2002 , with the wind farm of 30 turbines being operational by q 4 2003 . enron wind is also actively involved in a number of on - shore projects in the uk , including the development of wind farms in wales and northern ireland . legal stuff the information contained in this newsletter is confidential and proprietary to enron corp . and its subsidiaries . it is intended for internal use only and should not be disclosed .",0 +"Subject: apr 20 - wharton - final agenda michael , vince and i appreciate your keeping us involved with this event . good luck and we hope to see you soon ! - best ! christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 04 / 18 / 2001 04 : 16 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - michael tomczyk on 04 / 18 / 2001 02 : 54 : 00 pm to : vkamins @ enron . com , christie _ patrick @ enron . com cc : subject : apr 20 - wharton - final agenda vince and christie , i know you are unable to attend this week ' s event at wharton but i thought you would like to see the final agenda , and i also wanted to remind you that about a week or so after the event we will post a summary of presentations and discussion insights on our website : ? http : / / emertech . wharton . upenn . edu . in addition to senior wharton faculty and colleagues , senior managers from the following companies will be attending : ? charles schwab , cybersource , ellacoya networks , glaxosmithkline , gmac , healthnetworks . com , hewlett - packard , infosys , ibm , nsa , omnichoice , philadelphia newspapers , and usinternetworking . best regards , michael managing strategic partnerships & acquisitions ? friday april 20 , 2001 - - 8 : 30 am to 400 pm location - room 1206 steinberg - dietrich hall - wharton school - philadelphia final agenda ? managing strategic partnerships an insight - building conference including new wharton research on best practices and successful strategies for achieving corporate growth through alliances , mergers and acquisitions . friday , april 20 , 2001 - 8 : 00 to 4 : 00 1206 steinberg - dietrich hall , wharton school presented for our industry partners and guests by the emerging technologies management research program , mack center on managing technological innovation agenda & conference topics 8 : 00 - 8 : 30 ? - ? continental breakfast and informal networking 8 : 30 - 8 : 45 introduction : strategic partnering for growth and innovation harbir singh , wharton 8 : 45 - 9 : 30 ? - networking , partnerships & strategy lori rosenkopf , wharton 9 : 30 - 11 : 00 ? - success and failure factors in strategic partnering todd horst , usinternetworking tim george , pfizer dave daetz , cybersource 11 : 00 - 11 : 15 ? - break 11 : 15 - 11 : 40 ? - building partnering skills and capabilities prashant kale , university of michigan 11 : 40 - 12 : 00 ? - successes & failures in strategic outsourcing : some initial findings howard perlmutter , wharton 12 : 00 - 1 : 30 ? working lunch - strategic partnering as a core competency paul j . h . schoemaker and roch parayre , wharton 1 : 30 - 1 : 45 ? - mapping social networks : applications to strategic partnering ruhul quddus , wharton 1 : 45 - 2 : 30 ? - small group reports paul j . h . schoemaker & roch parayre , wharton 2 : 30 - 2 : 45 ? - break 2 : 45 - 3 : 45 ? - managing high technology acquisitions phanish puranam , wharton walt vester & harry hirschman , wharton kerri ford , wharton 3 : 45 - 4 : 00 ? - summary of key insights and future research goals harbir singh , wharton 4 : 00 - adjourn - - michael s . tomczyk managing director emerging technologies management research program 1400 sh - dh / 6371 the wharton school philadelphia , pa 19104 - 6371 tel 215 - 573 - 7722 fax 215 - 573 - 2129 website : ? http : / / emertech . wharton . upenn . edu",0 +"Subject: confirmation of your order this is an automatic confirmation of the order you have placed using it central . request number : ecth - 4 pcl 4 f order for : maureen raymond 1 x ( option : 128 mb upgrade for deskpro en 6600 $ 144 ) enron it purchasing",0 +"Subject: prob of default for e rating 7 as of 2 / 3 / 00 vincent , i got the e - rating and default probabilities for promigas from the credit group . could you plug in these numbers to the loan guarantee model ? promigas is rated as bb . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 02 / 04 / 2000 08 : 41 am - - - - - - - - - - - - - - - - - - - - - - - - - - - tanya rohauer 02 / 04 / 2000 07 : 27 am to : zimin lu / hou / ect @ ect cc : subject : prob of default for e rating 7 as of 2 / 3 / 00",0 +"Subject: fw : resume for vince kaminski we just received this resume from an agency . i had just heard this morning that an economist was coming into your group , so i don ' t know if you are interested or not . let me know if i can be of any help . molly - - - - - original message - - - - - from : graham , toni sent : thursday , march 08 , 2001 2 : 07 pm to : magee , molly subject : fw : resume for vince kaminski - - - - - original message - - - - - from : "" m eastman "" @ enron @ enron . com ] sent : thursday , march 08 , 2001 1 : 53 pm to : graham , toni subject : resume for vince kaminski johnathan is at 142 , 000 base + 10 - 15 % bonus . he is a phd . , certified in financial risk management , awaiting charter as cfa , and the list goes on . at kpmg his clients are financial institutions , e - commerce , internet , and high tech . he has real options valuation and various other financial and overall corporate risk valuation and analysis skills that may be of interest to vince and his group . mike eastman , cpc - president qualitec professional services , lp accounting - financial - energy risk - tax search consultants 281 - 647 - 9300 ext . 314 fax 281 - 647 - 9300 email meastman @ qualitec . com website www . qualitec . com - johnathan mun . doc",0 +"Subject: fyi : forward hi vince , the following is what i wrote to molly as she prepares the contract for me to work with enron . i thank you for allowing me to work with enron and will do all that i can to make you happy with my candiates and performance . thank you for you support vince . will check in soon , jeff sorry about the mix - up on the email molly . i hope you get this one . as most good corporations like enron have predefined contractual arrangements to do executive search business i will be happy to abide by your terms and rules . and to be quite honest - enron is about the "" best it gets "" so , i prefer to not draft a contract this time or for this relationship - i will wait for yours to be signed by me . the only stipulation i request of you is that upon contractual performance , enron accounts payable please wire my funds to my account as i have a multi - currency account denominated in usd / canadian or british pounds ( which ever fits you as i may need to pay my counterparts in the uk ) . . . other than that i have no perplexities . i will send you my wire instructions later , either my bank in california or in bermuda . as i live in california and do contingency search , i must go off of my client ' s "" good word "" on occasion and luckily haven ' t had any problems so far . . . i always honor california verbal contract law - if i do not draft . i think you fee payment of 20 % is generous and the industry standard of 30 day guarantee on replacement is fair . obviously there is no deposit on any contingency and if there is a definite urgent need for a position to be filled only then will i ask your help for a minor deposit to aid in my overhead to shift all my resources to search on behalf on enron . as enron has the in - house power to probably not need this service then obviously a deposit will not be required . if you wish me to send my standard agreement then i will , but you have made yourself perfectly clear by phone what you are willing to do . i therefore will be happy to receive you contract and follow your instructions . i thank you and vince for allowing me to work with enron and pledge to you my best work and candidates utilizing my network of contacts . i am very excited about our new relationship and hope to give you my very best service . thank you very much for this opportunity molly , please send my your contract so , that i may sign it and send it right back to you immediately . i am looking forward to working with vince and you . thank you again , jeff wesley ps - i can utilize to resources of management recruiters international usa and robert walters of the uk to aid in my service to you . best regards , jeff wesley * get free , secure online email at http : / / www . ziplip . com / * - private 9498132241 original . doc - statement 9498132241 origina . doc",0 +"Subject: enron contact info dear vince , christie and vasant : thank you for the presentation to the enron tiger team . it was most informative and well received by the students . this is an exciting project and the students are enthusuastic and anxious to begin . many thanks , also , for hosting the dinner at the palladium . it was a wonderful opportunity to get to know more about the project , as well the enron representatives and the students . listed below is the contact information with team contacts identified . i will send you the teams project preferences as soon as i recieve them from all the students . it may be a good idea to contact the students before they leave for vacation ( 15 - 22 dec ) to see who is interested in a trip to houston in january for planning purposes . they will return to campus jan . 16 . please let me know if there is anything i can do to assist from this end . again , thank you for your support of the wharton school and of the tiger team project 2001 . sincerely , donna piazze program director field application project the wharton school univ . of pennsylvania ( 215 ) 573 - 8394 ( 215 ) 573 - 5727 fax fap @ management . wharton . upenn . edu piazze @ wharton . upenn . edu enron 1 vincent chen vincent . chen . wgo 2 @ wharton . upenn . edu enron 1 nick levitt nicholas . levitt . wgo 2 @ wharton . upenn . edu enron 1 deepa mallik mallikd @ wharton . upenn . edu enron 1 jack rejtman jack . rejtman . wgo 2 @ wharton . upenn . edu enron 1 kim whitsel whitselk @ wharton . upenn . edu * * * team contact enron 1 tulika bhalla bhallat @ wharton . upenn . edu enron 2 jaideep singh singhjai @ wharton . upenn . edu enron 2 edson otani edsono @ wharton . upenn . edu enron 2 joshua leventhal levent 86 @ wharton . upenn . edu * * * team contact enron 2 pat henahan mhenahan @ wharton . upenn . edu enron 2 murat camoglu camoglum @ wharton . upenn . edu enron 2 gustavo palazzi gustavop @ wharton . upenn . edu enron 3 clay degiacinto enron 3 steve lessar stephen . lessar . wgo 2 @ wharton . upenn . edu enron 3 ram vittal mvittal @ wharton . upenn . edu * * * team contact enron 3 jason cummins marc . cummins . wgo 2 @ wharton . upenn . edu enron 3 omar bassel bassalo @ wharton . upenn . edu enron 3 dennis feerick dennis . feerick . wgo 2 @ wharton . upenn . edu professors : louis thomas thomas @ wharton . upenn . edu keith weigelt weigelt @ wharton . upenn . edu ta : heather thorne hethorne @ wharton . upenn . edu fap : donna piazze piazze @ wharton . upenn . edu host contacts : vince kaminski vkamins @ enron . com christie patick christie . patrick @ enron . com",0 +"Subject: course invoice vince , ? hi , hope you are well . ? i ' m just dropping a note regarding invoice 215 which was for 5 people attending the energy and weather course . ? our records show that it hasn ' t been paid , which is good . ? we will re - do the invoice and charge you only for alex and tom ' s attendance since paulo didn ' t show . ? is this ok with you ? ? by the way , we only charged $ 250 a person for the weather course since it was suppose to be an exchange of information session , and enron weather paid for the venue . ? nice to have finally met you in houston ! ? julie ?",0 +"Subject: term papers team , can you resend your text document to vince asap . we could open your spreadsheet ok , but not the document . vince ' s contact information is on the attached email below . thanks jason - - - - - - - - - - - - - - - - - - - - - - forwarded by jason sokolov / hou / ect on 05 / 04 / 2001 05 : 32 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 05 / 04 / 2001 05 : 29 pm to : monfan @ rice . edu cc : vkaminski @ aol . com , jason sokolov / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : term papers felix , please , resend me the term papers of your group , each as a separate file . please send it to my aol address as well as work address . my aol address is vkaminski @ aol . com my home phone number is 281 367 5377 . vince",0 +"Subject: re : option pricing challenge zimin , to generalize your initial comment , for any process ds = mu ( s , t ) * s * dt + sigma ( s , t ) * s * dz , the delta - hedging argument leads to the black - scholes pde . this is true for any arbitrary functions mu and sigma , and so includes gbm , mean reversion , and others . there is no problem with this , because in the risk - neutral world , which is what you enter if you can hedge , the drift of the "" actual "" process is irrelevant . i believe your concern is that you would like to see a different option price for mean reversion process . this can only happen if the asset is not hedgeable , and so the actual dynamics then need to be factored into the option pricing . if you assume that the underlying is a non - traded factor , then the pde will have to reflect the market price of risk , and the drift of the actual process is then reflected in the pde . vasant zimin lu 10 / 17 / 2000 05 : 20 pm to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , alex huang / corp / enron @ enron , kevin kindall / corp / enron @ enron , tanya tamarchenko / hou / ect @ ect cc : subject : option pricing challenge dear all , i have a fundamental question back in my mind since 95 . hope you can give me a convincing answer . zimin - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - in deriving bs differential equation , we assume the underlying follows gbm ds = mu * s * dt + sigma * s * dz where mu is the drift , sigma is the volatility , both can be a function of s . then we use delta hedging argument , we obtain the bs differential equation for the option price , regardless of mu . with the bs pde and boundary condition , we can derive bs formula . fine . no problem . question comes here . suppose the underlying is traded security and follows , say , mean - reverting process ds = beta ( alpha - s ) dt + sigma * s * dz apparantly , this sde leads to a different probability distribution . however , using the delta hedging argument , we still get the same bs differential equation , with the same boumdary condition , we get the same bs formula . not fair ! from another angle , i can derive the distribution from the bs pde for the underlying , which is the lognormal distribution . my thinking is : can i drive the distribution for any sde from the option pde ? the answer should be yes , but got to be from a different pde rather than bs pde . then what we do about the delta - hedging argument ? thanks .",0 +"Subject: as promised molly sorry about the mix - up on the email molly . i hope you get this one . as most good corporations like enron have predefined contractual arrangements to do executive search business i will be happy to abide by your terms and rules . and to be quite honest - enron is about the "" best it gets "" so , i prefer to not draft a contract this time or for this relationship - i will wait for yours to be signed by me . the only stipulation i request of you is that upon contractual performance , enron accounts payable please wire my funds to my account as i have a multi - currency account denominated in usd / canadian or british pounds ( which ever fits you as i may need to pay my counterparts in the uk ) . . . other than that i have no perplexities . i will send you my wire instructions later , either my bank in california or in bermuda . as i live in california and do contingency search , i must go off of my client ' s "" good word "" on occasion and luckily haven ' t had any problems so far . . . i always honor california verbal contract law - if i do not draft . i think you fee payment of 20 % is generous and the industry standard of 30 day guarantee on replacement is fair . obviously there is no deposit on any contingency and if there is a definite urgent need for a position to be filled only then will i ask your help for a minor deposit to aid in my overhead to shift all my resources to search on behalf on enron . as enron has the in - house power to probably not need this service then obviously a deposit will not be required . if you wish me to send my standard agreement then i will , but you have made yourself perfectly clear by phone what you are willing to do . i therefore will be happy to receive you contract and follow your instructions . i thank you and vince for allowing me to work with enron and pledge to you my best work and candidates utilizing my network of contacts . i am very excited about our new relationship and hope to give you my very best service . thank you very much for this opportunity molly , please send my your contract so , that i may sign it and send it right back to you immediately . i am looking forward to working with vince and you . thank you again , jeff wesley ps - i can utilize to resources of management recruiters international usa and robert walters of the uk to aid in my service to you . best regards , jeff wesley always held in strict confidence . 949 813 2241 hotline 347 487 8957 voice / fax us ( 011 ) + 44 ( 845 ) 3341644 uk - - - - - begin pgp public key block - - - - - version : pgpfreeware 6 . 5 . 3 for non - commercial use 2 w 4 duudd 3 yisxx 8 wy 2 o 9 vpji 8 bd 8 kvbgi 2 oulwmufo 4 ozt 9 fbdxq 6 mdggzemyestsr / pogxkuayeyl 8 6 vq rpmynofdopnqnyej 2 + m 9 zwwyw 3 gbij 4 vktfyngoqevl 3 l 9 hg 2 l 7 lsls + 8 ywlvcqb llmkul 3 lxa 9 idp 6 bzu 9 drwdfrba 5 rdvbfylolythsp 0 zg 4 lolurfgyy + iakwe / 5 n 78 fc 32 lczbj 8 rvsvh + qljiyisjdvambww 4 hjlzc 9 tipdtggz 6 g 5 lgg 8 dfw 74 ezsx lzsy + zzncacst / dveok / + y 4 nrumqor + qggo 9 l 9 gwpqu 5 blxenpedteczmwome 48 z glkh + bz 39 qcfvc + hxgi 7 ogcon / rseitrweao / sy = = 2 nkw - - - - - end pgp public key block - - - - - * get free , secure online email at http : / / www . ziplip . com / * - private 9498132241 original . doc - private 9498132241 original . doc - statement 9498132241 . pdf - statement 9498132241 origina . doc",0 +"Subject: reminder for dinner on saturday dec 2 nd this is to remind all of you of the dinner plan ( with family ) at my house on saturday dec 2 nd . we will expect you at about 6 : 00 pm . address : 3410 s . briarpark ln , sugar land directions ( from downtown ) : take 59 south all the way past sam houston beltway 8 , and past highway 6 . take the next exit - - - first colony blvd / sweetwater blvd . take a left at the traffic light onto sweetwater blvd ( over the highway ) . go straight on sweetwater blvd past a few traffic lights and a few stop signs . after passing a golf course on the right , you will get a subdivision "" crescents on the green "" on the right , and a subdivision "" briarwood "" on the left . take a left into the briarwood subdivision and an immediate right onto s . briarpark ln . ( there is only one street in the subdivision ) . our house ( 3410 ) is right there - - - 3 rd house from cul - de - sec . phone : 281 265 8959 cell : 713 569 2438 vasant do you yahoo ! ? yahoo ! shopping - thousands of stores . millions of products . http : / / shopping . yahoo . com /",0 +"Subject: recommendation for john gordon dear vince , i am writing to bring to your attention a gsia student , john gordon , who is currently being considered for enron ' s associates program . my understanding is that mark courtney and andrew miles at enron are championing john as a late addition to the program . while i know enron doesn ' t routinely recruit at gsia , john would be an ideal candidate if you are willing to make an exception . he is a terrific finance student with a strong transcript ; including an a + in my options class . since john has an engineering / energy background , he asked early on for additional background reading about finance and energy . john is personable and outgoing . normally the job market for someone of john ' s caliber would have already cleared , but i have been told that there are dual career issues at play here . i would be very appreciative if you would take a look at john . a copy of his resume is attached to this email . best regards , duane * * * * * * * * duane seppi graduate school of industrial administration carnegie mellon university pittsburgh pa 15213 - 3890 tel . ( 412 ) 268 - 2298 fax ( 412 ) 268 - 8896 email ds 64 @ andrew . cmu . edu - john gordon ' s resume",0 +"Subject: enron research and ebs engineering and operations group technical forum kevin , i would like to invite you to an off - site meeting of john griebling ' s organization and the research group . date : april 27 - april 29 location : breckenridge , colorado as you know , john griebling is managing the network design and construction project currently under way in ebs . the research group is actively involved in this effort which requires advanced quantitative skills in the area of stochastic optimization and stochastic processes ( for modeling and forecasting internet traffic flows ) . the objective of this meeting is to develop common language and accomplish transfer of skills between the two groups , to facilitate cooperation on this project in the future . we are inviting ken rice and joe hirko to this meeting . we would appreciate if you could speak , together with joe and ken , on strategic directions of ebs . it is important for a group of technical people , with relatively specialized technical skills , to understand the big picture . i am attaching the preliminary agenda for this meeting . vince",0 +"Subject: interview follow up from susan v . gonzalez nov . 2 , 2000 ? michael roberts , vice president , reseach stinson gibner , vice president , reseach vincent kaminsik , managing director , research enron corp . ? gentlemen , thank you for the opportunity to learn about a new communication position within your group . ? ? based on our discussions , here are some initial thoughts / observations on the job and the task . ? * daily email newsletter for primarily two audiences : ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? 1 . ? internal for employees available via the enron intranet ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? 2 . ? external for clients , industry at large ? * also suggest the newsletter be sent to a targeted group of trade press . ? as this information tool builds momentum and credibility , it will support the leadership positioning of ? enron ' s trading group . ? ? plus , it could become a driver for media inquiries and ? requests for further information or interviews with enron ? trading experts . ? * i heard you wanting internal and external versions for both morning and afternoon distribution . ? ? that is an aggressive set of daily mailings . i would want to review the scope of the content and look at the frequency . ? just like print publications , ? email newsletters are ? now the rage and too many are ? landing in the email inboxes . ? ? my counsel would be to start with a manageable number and do it well . ? you can always increase frequency . ? difficult to cut back on frequency without it appearing as a take away or lack of commitment to the product . staffing ? ? ? * invite outside industry analysts or clients to provide commentary . ? * consider developing an "" editorial advisory board "" to govern the content . ? ? traders , ? legal department , communications dept . a multidisciplinary group that ? can add value to the publication . ? * suggest finding an ims or it resource from within enron to be assigned to this communications effort . ? ? database set up for the email addresses , technical issues arise ? for ? creating the links etc . ? managing an e - newsletter in my current position , i can ? tell you that a writer / editor has enough to do to compile content . ? ? you want mailings to go off without any glitches . ? or if there are glitches , he or she can ? solve quickly . ? what are the implications of these mailings on the company ' s computer systems ? ? ? * budget . ? although not a typical print publication , this effort should have a budget . ? graphics , freelance or contract writing , photography ? any special software or hardware needs associated with this effort ? ? ? * review process . ? what is the review process for ? this publication . ? legal guidelines ? ? corporate guidelines with regards to style , graphics etc . ? ? technical review of the material for accuracy ? ? a clear policy should be established ? up front for the review process so everyone involved knows and understands their role and responsibilities ? towards this communication effort . ? * have you surveyed what is out in the marketplace ? ? ? gather samples of ? newsletters that you like or don ' t like for discussion purposes . ? * measurement / evaluation of the newsletter . ? ? how ? will the effectiveness of the newsletter be measured ? ? hits on the website . ? inquiries from clients ? ? don ' t have a quick answer but ? some goals should be set to measure against . ? * maintenace of the mailing lists should reside with the individual groups participating in the newsletter . ? ? maintenance of the newsletter databases should not be the responsibility of the communications representative . ? ? ? ? this sent to you in the spirit of exploring the position further . ? look forward to your feedback . ? ? thank you for your consideration . ? ? sincerely , susan v . gonzalez 11822 poplar creek houston , tx ? 77077 ( 281 ) 497 - 7185 home ( 281 ) 877 - 5853 work",0 +"Subject: re : marketpoint gas model john : thanks for the information . chaim and i were aware that you might be changing roles at enron . i am delighted kim is slated to take over the reins working with vince . kim has put in a good bit of time in the past few years reviewing our stuff and setting up contacts for us in your company . we will give kim a call early next week after easter . we have made a lot of progress on marketpoint , which i think will be of keen interest to your team . the introductory activity as well as the ongoing , inhouse architecture are both improved relative to what you and your people were able to review , and i anticipate you will be pleased and impressed . john , it isnt that easy for you to get away from us ! remember the story of the tar baby . ( just kidding . ) all the best , and i hope we get the chance to serve you and make your organization even better . dale > - - - - - original message - - - - - > from : goodpasture , john [ mailto : john . goodpasture @ enron . com ] > sent : thursday , april 12 , 2001 9 : 03 am > to : chaim . braun @ altosmgmt . com > cc : dale m . nesbitt ; kaminski , vince ; watson , kimberly > subject : marketpoint gas model > > dear mr . braun : > > as i mentioned , i have recently been reassigned here at enron . although i > am still in the enron transportation services group , i am no longer the > most appropriate contact for consideration of the altos gas model . i > would suggest you contact kim watson at 713 - 853 - 3098 or of course , vince > kaminski , who will remain very much a part of the decision process . > > regards , > > john goodpasture > > > > > > > > > > > - winmail . dat",0 +"Subject: the business of power june 23 , 2000 international electric industry conference for the past five years , the association of power exchanges ( apex ) has held its business meetings in different locations around the world . for the first time , an industry conference is being held to compliment these meetings , providing a means to connect industrial electricity exchanges , isos and pools with senior leaders in the worldwide electric industry . for more information we have attached an adobe acrobat pdf file . the document requires adobe acrobat reader 2 . 1 or higher . the latest version is available to download from http : / / www . adobe . com . or view our website : http : / / www . apex 2000 conf . com . # 12 - apex 2000 . pdf",0 +"Subject: good looking guy hi vince . look at this guy ( picture included ) . he is "" lawrence "" , the guy i spoke to you about last week that you said you wanted to see . he asked me if he can do a phone interview . . . i think williams , ford and sdcera are soliciting him . if i told him you and enron are interested - he would drop the others off the map for a chance to interview with you . i like him too as he follows my instructions as is pleasant to work with ( most are not ) . do you want to chat with him ? on your command , jeff wesley always held in strict confidence . jeff wesley 949 813 2241 hotline 347 487 8957 voice / fax us + 44 ( 845 ) 3341644 uk * get free , secure online email at http : / / www . ziplip . com / * - imageo 02 . jpg - lawrenceagent 9498132241 new . doc",0 +"Subject: thursday instead friday john sherriff ' s asst has moved the meeting . i hope this is still possible for you . steve - - - - - - - - - - - - - - - - - - - - - - forwarded by steven leppard / lon / ect on 09 / 11 / 2000 08 : 05 - - - - - - - - - - - - - - - - - - - - - - - - - - - lauren urquhart 07 / 11 / 2000 09 : 16 to : steven leppard / lon / ect @ ect cc : subject : thursday instead friday hi steve steve , the research meeting has been moved to thursday at 3 . 00 pm . can you please let vince know . thanks . lauren",0 +"Subject: hello vince vince , can i call you tuesday morning about our writing project ? i have to be in austin for a dental appointment on monday at noon and that will probably wipe out the day . give me a time and number where i can reach you . john john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: wharton event - junel 0 - insead bryan , i shall call you later today when i have a chance to read the message from ben . i wanted to ask you for a favor ( on a very short notice ) . we are talking to the wharton school about setting up a relationship with them and getting involved in one or more research projects with them . one of the potential topics is emerging technologies . the wharton offers a symposium in paris on june 10 on high tech acquisitions and it would make a lot of sense if you ( or somebody from london you could identify ) could attend and help us to evaluate the usefulness of this project . i am enclosing the message from the person in wharton running this program . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 05 / 2000 09 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - tomczyk @ wharton . upenn . edu ( michael tomczyk ) on 05 / 18 / 2000 10 : 56 : 08 am to : vkamins @ enron . com cc : thomas . piazze @ wharton . upenn . edu subject : wharton event - junel 0 - insead vincent , it was truly a pleasure getting to know you in our meeting yesterday , and i look forward to the prospect of exchanging views in the future on a variety of topics pertaining to emerging technologies . per our discussion , i ' ve enclosed three files that include an invitation , agenda and rsvp form for the june 10 symposium on high tech acquisitions at insead . if you or the individual ( s ) who will be attending have any questions , please email : phanish puranam at : phanis 20 @ wharton . upenn . edu or you can call him at 215 - 898 - 1231 . this initiative will be expanded during the coming year and i believe that enron ' s involvement will give the company access to some of the early research in progress as it unfolds , and of course , if you become involved as a partner in the emerging technologies program you would have opportunities to help guide the direction of the research which is one of the partnership "" benefits . "" our next upcoming events are scheduled for : friday , september 8 "" what next on the internet ? "" this is a faculty update day with industry partners also invited . we will co - sponsor this with wharton ' s major e - business initiative . major issues addresses include "" new economics of the web "" and "" internet , anywhere . "" friday , october 20 "" first mover advantage , shakeouts & survival strategies "" designed by the et core group and presented in collaboration with the e - commerce forum . as i indicated during our discussion , participation in the emerging technologies management research program is by invitation and on behalf of our core faculty , i am pleased to extend an invitation for enron to join the program . to assist in your decision , we recommend having a representative attend the symposium in paris on june 10 to "" test drive "" the program . i ' ll send you a formal invitation which you are free to accept at your convenience , should you agree that enron ' s participation in the et program would be of value . please call or email if you have any comments or questions . best regards , michael - insead workshop invitation lett - insead workshop agendal . doc - rsvp form . doc michael s . tomczyk managing director emerging technologies management research program 1400 sh - dh / 6371 the wharton school philadelphia , pa 19104 - 6371 tel 215 - 573 - 7722 fax 215 - 573 - 2129",0 +"Subject: re : hib visa application - sevil yaman margaret , thanks for reminding me this issue . i think i ' ll be fine until i start full time here in the research group . as you know right now i am using curricular practical training as work permission . and until i graduate i am allowed do as many as part time cpt i want to do . because of tax purposes i think i ' ll use this right given to me . in this case , what i need to do is that after i and vince make sure about my full time start date ( this may happen in the beginning of 2002 ) , i ' ll let you know and send you the necessary document you require to initiate my hlb visa application process . thanks again . sevil , margaret daffin @ ect 25 - 04 - 2001 12 : 04 to : sevil yaman / corp / enron @ enron cc : norma villarreal / enron @ enronxgate , vince j kaminski / hou / ect @ ect , ramona perkins / enron @ enronxgate subject : hib visa application - sevil yaman sevil : please let me know when you will be sending me the information for your hib visa ? thanks margaret - - - - - - - - - - - - - - - - - - - - - - forwarded by margaret daffin / hou / ect on 04 / 25 / 2001 12 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - margaret daffin 04 / 10 / 2001 04 : 04 pm to : sevil yaman / corp / enron @ enron cc : norma villarreal / enron @ enronxgate , vince j kaminski / hou / ect @ ect , ramona perkins / enron @ enronxgate subject : hib visa application - sevil yaman sevil : in order that we may proceed with your request for permanent residency , our immigration attorneys have advised us that we need to process the hib visa , prior to the permanent residency application . therefore , i am attaching an hib visa questionnaire that i would like you to complete and return to me , together with copies of all of the documents listed at the bottom of the form . please bring these to me in 3 ac 2026 a . please let me know if you have any questions at x 55083 . thank you margaret",0 +"Subject: interview schedules for tony hamilton and damian likely please find the interview packets for the above - referenced candidates . the interviews will occur on friday january 26 , 2001 . please print all documents for your reference . hardcopies of their resumes will be delivered via runner . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . shawn grady 58701",0 +"Subject: energydesk . com 2000 : meeting to review the new initiative with a demonstration of the latest implementation , with a view to identify the value we can add from the research group [ exact time tbc ] exact time and location tbc for a mutually convenient time",0 +"Subject: re : term papers please respond to here is the excel file ( zipped ) . you have to unzip to read it . felix * * * * * * * * * * * * * * * * * * * * felix feng lu mba candidate , class 2001 jesse h . jones graduate school of management rice university phone - 713 . 942 . 8472 / fax - 714 . 908 . 7914 monfan @ rice . edu * * * * * * * * * * * * * * * * * * * * - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : friday , may 04 , 2001 5 : 30 pm to : monfan @ rice . edu cc : vkaminski @ aol . com ; jason . sokolov @ enron . com ; vince . j . kaminski @ enron . com subject : term papers felix , please , resend me the term papers of your group , each as a separate file . please send it to my aol address as well as work address . my aol address is vkaminski @ aol . com my home phone number is 281 367 5377 . vince - feng lu . vcf - modelingproject . zip",0 +"Subject: re : actions on anjam ' s resignation i will sit anjam down before he leaves and explain the confidentiality provisions in his contract and that we will pursue them vigorously . melanie - can you give me a copy , steve , let me know when he is leaving - i ' ll do it closer to the time . richard steven leppard 26 / 10 / 2000 10 : 13 to : dale surbey / lon / ect @ ect , vince j kaminski / hou / ect @ ect , melanie doyle / lon / ect @ ect cc : richard lewis / lon / ect @ ect , simon hastings / lon / ect @ ect subject : actions on anjam ' s resignation all my preferred approach to dealing with anjam ' s departure is given below . these recommendations are informed by the fact that i don ' t feel anjam has much to offer his next employer , except what code and data he can remove from enron : hr - type stuff : 1 . get anjam off the trading floor as soon as possible . there is no need for him to remain on the floor . 2 . determine where anjam is heading . we need to know who is going to know our positions and curves next . it - type stuff : 1 . ask him to catalogue the contents of his h : drive , since the rest of the group will need to support his work in the future . this should take no more than a day or two . 2 . get it to obtain their backups of anjam ' s h : drive for weekly intervals over the last two months . this will allow us to determine what he has deleted . 3 . get it to provide a snapshot of anjam ' s notes folders , and provide records of mail sent out to the internet over the last couple of months . i ' m worried about code / data he may have zipped up and mailed out . 4 . ask it to use a utility program to determine what has been deleted from anjam ' s c : drives . there may be useful info here too . steve",0 +"Subject: india database jim / wade , as you are aware , i have been working with vince ' s group on the henwood model data . the target was to have data on all india plants collected by jan . 15 th . we all know that getting power out o maharashtra holds the key to being able to solve the dabhol challenge . with all of your help , this model can become the tool that tells us exactly how that can be done , and at what prices . we are a substantial part of the way there on data collection , and have got data of some 1500 plants across the country . the spreadsheet for the same is attached . this will help you answer any questions that come up in calls about the various plants . please note that we are located in the western region , or wr in the spreadsheet . we will be further scrubbing the data and getting more recent and accurate information , especially on maharashtra over the next 2 - 3 days . the henwood team will be in india on sunday , and will compare notes with the team here . i am arranging for a presentation on the model and what it will do . wade - it would be good if a broad section of the team attend , including neil , yourself and mohan . i will talk to you about a convenient time for you in this regard . neil & mohan - over the next week ( monday and tuesday ) i will need some time from vivek , anshuman , ravi , and a few others , to interact with the henwood team . i will be abliged if you can make that possible . the first phase of model runs ( which will be done by jan . end ) will just give us some more basic information , but i will need all of your inputs in order to ask the right questions . the idea is that as we go along , this model will be used to answer all types of management questions concerning dabhol , and power evacuation out of maharashtra . this will be critical for the team going forward . regards , sandeep .",0 +"Subject: re : invitation - wharton et events i agree . if you are going to send an rsvp , i suggest it be you , me , and christie patrick . if any of us drop out , we ' ll be able to fill the space . mark",0 +"Subject: moze cie to zainteresuje vince , dawno ze soba nie rozmawialismy . mam nadzieje ze u ciebie wszystko o . k . nie wiem czy znana jest ci postac prof . aleksandra werona - zajmuje sie on zastosowaniem metod matematycznych w inzynierii finansowej . ostatnio natomiast skupil sie na rynku energii . wraz z synem rafalem wydal ksiazke "" gielda energii - strategie zarzadzania ryzykiem "" . zawarte sa w niej podstawy zarzadzania ryzykiem . na jego stronie internetowej http : / / www . im . pwr . wroc . pl / ~ hugo / fe . html mozesz znalezc cos wiecej na temat tego czym sie zajmuje . to co moze cie zainteresowac to moze byc strona http : / / www . im . pwr . wroc . pl / ~ hugo / rockets . html . ciekaw jestem co o tym sadzisz . spotkalem sie z weronem kilkakrotnie na roznych seminariach . zorganizowalem mu tez zobaczenie naszego trading floor podczas jednej z jego wizyt w londynie . pozdowienia jarek",0 +"Subject: removal of caps on resale of transmission on march 16 , martin lin will be participating in a panel discussion with dick o ' neill of ferc , a rep . of morgan stanley , and ed cazalet of apx on "" market turmoil , trading and risk management "" ( harvard electricity group ) . at the present time , except in several limited regions , marketers do not have the ability to hedge transmission risk by reselling it above cost . last year , we approached dick o ' neill ' s staff about the possibility of lifting the cap on resales of transmission , but they were not inclined to proceed absent the use of certain restrictions . there have been several recent developments in power and gas , as discussed in the attached memo . it would be helpful for martin to discuss these recent orders as necessary in order to attempt to gain support from dick o ' neill for the idea of lifting the cap for power . after martin ' s discussion , we should consider reapproaching ferc to seek approval .",0 +"Subject: sokolov eis expenses hi kevin : i was out of the office on thursday and friday . i have discussed this with vince kaminski and he says the charges are correct . jason sokolov reports to tanya tamarchenko in the research group and all of their costs are charged to rac . if you need further verification , please contact vince kaminski at 3 - 3848 . thanks ! shirley crenshaw administrative coordinator enron research group 3 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 03 / 19 / 2001 07 : 45 am - - - - - - - - - - - - - - - - - - - - - - - - - - - anita dupont @ enron 03 / 15 / 2001 05 : 20 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect subject : sokolov eis expenses - - - - - - - - - - - - - - - - - - - - - - forwarded by anita dupont / na / enron on 03 / 15 / 2001 05 : 14 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : kevin jolly / enron @ enronxgate on 03 / 14 / 2001 01 : 38 pm to : anita dupont / na / enron @ enron cc : subject : sokolov eis expenses anita , the other day i called you to get jason sokolov ' s cost center . some of his eis expenses ( market data , long distance ) for jan and feb 2001 were charged to the enron corp . rac cost center . in order for our accountants to reclass the expenses , we need your approval that the expenses can be moved . if this is okay , just reply back and let me know . see the attached files for the detail of the expenses to be moved for jan and feb . thanks for your help , kevin",0 +"Subject: re : internship dr . kaminski : sounds good . you all have a nice weekend and 4 th . - - shane - - - - - original message - - - - - from : to : cc : ; sent : friday , june 30 , 2000 2 : 33 pm subject : re : internship > > shane , > > monday would work for us . > > my assistant will contact you wednesday to arrange the interviews . > > vince > > > > > > > "" shane green "" on 06 / 30 / 2000 11 : 33 : 53 am > > to : > cc : > subject : internship > > > > dr . kaminski : > > i just wanted to touch base and see if i needed to snail mail a copy of my > resume or get in touch with anyone else over at enron . > > the finance department at lsu will be sending out financial award letters > to new ph . d . students before long , and my interning at enron would free up > some additional departmental funds . in addition , if i will be here in > baton rouge during the fall , i will need to pay my tuition next month . i > am able to pursue an internship in large part because of the department ' s > cooperation and assurance that when i return i will still have a research > and or teaching assistantship to help fund the completion of ph . d . i have > been told that such cooperation and assurances are rare at lsu , so i am > trying to rock the boat as little as possible . > > i realize until i receive an offer from enron my internship ( i say > internship rather than sabbatical because lsu will not continue to pay me > my stipend while i am away ) is not assured until an offer has been > extended by enron . i understand that there are procedures and protocols > that must be followed before this occurs , and i would be willing to do > whatever is necessary to move to the next step in that process . > > i will be in houston on july 8 & 9 for my wife ' s grandmother ' s 80 th > birthday . if it would be convenient , i could be in town on the preceding > friday , or following monday for a visit and / or interview . if not , given > the relatively close proximity between baton rouge and houston , i would be > happy to come at another time . > > thanks again , > shane green > > > > > >",0 +"Subject: re : powerisk 2001 - your invitation angelika . yes . vince angelika staude on 04 / 12 / 2001 03 : 01 : 25 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : powerisk 2001 - your invitation vince , brilliant , thanks . same sub points , same bio ? best regards , angelika staude director gas & powerisk 2001 tel : 0044 207 915 5675 fax : 0044 207 915 5101 www . icbi - uk . com / powerisk - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , april 11 , 2001 6 : 59 pm to : astaude @ iirltd . co . uk cc : vince . j . kaminski @ enron . com subject : re : powerisk 2001 - your invitation angelika , thanks for the invitation . yes , i shall be glad to attend and repeat the same presentation . vince angelika staude on 04 / 09 / 2001 04 : 19 : 08 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : powerisk 2001 - your invitation powerisk 2001 the global premier forumforenergy trading & risk management 6 th - 9 th november 2001 , paris dear mr kaminski , i am responsible for the programme of this year ' s powerisk conference in paris . helyette geman has informed me that she has contacted you concerning the workshop and that you are happy to do it with her again this year - brilliant ! i would like to know if you are also interested in delivering a paper again . the audience in previous years greatly appreciated your contribution , and i would me more than happy if you could join us again . to give you an idea of the programme so far , these are the ( "" technical "" ) topics that are already covered : chris strickland : forward curve models with jumps for the pricing of exotic energy contracts multi - factor forward curve models for the valuation of energy contracts adding jumps applying the models to exotic energy options extensions to multiple energy contracts les clewlow : valuation and risk management of virtual power stations and gas supply agreements structures of gas supply agreements ( gsa ) relationships between physical and virtual power stations ( pps / vps ) valuation methods for gsa ' s and vps ' s risk analysis of gsa ' s and vps ' s derek bunn , professor of decision sciences , london business school : analysing the impact of neta on market efficiency & volatility in the uk energy market chris harris , director of market development . operations and engineering , innogy : applying cutting - edge portfolio management theory in order to optimise your risk exposure establishing and valuing the key factors using a bottom up approach looking at the interconnection between key factors the treatment of the risk of infrequent but high impact events peter nance , principal , teknecon : combining power systems and monte carlo simulations for effective pricing dan mansfeld , head of risk control , vattenfall : assessing the benefits and risks of using derivatives as part of your risk management strategy spyros maragos : analysing new approaches to building forward curves from available market data tamara weinert , credit and contracts manager , mirant energy : successfully measuring limit setting ; risk reducing structures importance of credit in the organizational structure : reporting ; dependence ; structure of credit department brett humphreys : examining cutting - edge credit exposure mitigation tools : combining counterparty and portfolio credit var techniques helyette geman : pricing of exotic energy derivatives and structured contracts please let me know if you are interested in joining the powerisk 2001 speaker panel , and which topic you would like to cover . i think that something along the lines of last year ' s talk ( state - of - the - art volatility and correlation estimation techniques for multiple energy portfolios ) would be brilliant again , but please feel free to chose something else that has not been covered yet . i look forward to hearing from you , kind regards , angelika staude director powerisk 2001 tel : 0044 207 915 5675 fax : 0044 207 915 5101 ps : for your information , please find enclosed a list of confirmed speakers for powerisk 2001 . ( see attached file : confirmed speakers . doc )",0 +"Subject: re : hello vince thank you for the update . i will be back in the office january 8 . have a great new year gerry - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : thursday , december 21 , 2000 5 : 35 pm to : gsheble @ iastate . edu cc : vince . j . kaminski @ enron . com subject : re : hello gerry , let me review my calendar in the beginning of the next year and i shall e - mail you with a suggested date . my assistant will update my schedule for 2001 in the first week of january and i shall be able to select a date for ypur presentaton . vince kaminski "" sheble , g . b . "" on 12 / 21 / 2000 10 : 43 : 50 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : hello dear mr . kaminski please excuse the cancellation due to illness . the students do not care who they infect near the end of the semester , they just want to get done ! here is my available schedule for next year . i am now overloaded next week with tasks to complete the semester . i do hope that we can reschedule during the first quarter next year . i would note that my schedule is most free for thursday or friday . i could fly out late wednesday night . cordially , gerry teaching schedule m 11 - 12 t and r 10 - 12 and 2 - 4 t 12 - 2 ep & es seminar m 6 - 8 t 6 - 8 w 6 - 8 ( r = thursday ) workshops : jan 12 - 13 des moines jan 26 - 27 des moines feb 9 - 10 des moines ieee wpm conference feb 28 - 31 columbus , ohio",0 +"Subject: meetings next week hi guys , vince talked with christie and they both are available next tuesday ( game day ) at 9 am . can you meet then to start preparing an outline ? also would you be up for a presentation at the research group ' s lunch meeting next thursday ? vince will be out , but you ' ll undoubtably get some interesting questions from others at the meeting , if your up for it . let me know soon , and we can schedule you for next thursday . talk to you later ken",0 +"Subject: congratulations ! congratulations on your promotion to managing director ! it ' s great that your hard work and dedication to enron have been recognized . sherry",0 +"Subject: re : meeting re : wharton strategy jennifer , i am available for 30 minutes on fri , oct 30 . . a meeting at 8 : 30 would work better for me . vince jennifer burns 10 / 24 / 2000 04 : 14 pm to : michele nezi marvin / enron communications @ enron communications , mark palmer / corp / enron @ enron , cindy derecskey / corp / enron @ enron , vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , beth miertschin / hou / ect @ ect , christie patrick / hou / ect @ ect , kristin gandy / na / enron @ enron cc : subject : meeting re : wharton strategy lets try for friday , october 27 @ 9 : 00 am , please let me know if you are available . thanks ! - - - - - - - - - - - - - - - - - - - - - - forwarded by jennifer burns / hou / ect on 10 / 24 / 2000 04 : 07 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - jennifer burns 10 / 23 / 2000 11 : 08 am to : michele nezi marvin / enron communications @ enron communications , sarah mulholland / hou / ect @ ect , mark palmer / corp / enron @ enron , kristin gandy / na / enron @ enron , beth miertschin / hou / ect @ ect , christie patrick / hou / ect @ ect , jeffrey a shankman / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : meeting re : wharton strategy jeff shankman would like to have a meeting re : wharton strategy . please let me know if you would be available thursday , october 26 @ 3 : 00 . i will get back with everyone to confirm a location . thanks ! jennifer",0 +"Subject: fw : chapter 3 revisions hi grant , ? chris is travelling at the moment , so i ' m contacting you on his behalf with regards to the status of ? the completion of the chapter . ? we are dependent on receiving this as soon as possible , since all the chapters have been typeset and are now in the final stages of the edit process . ? ? please let us know when you can send this over . ? ? also , let us know if we can do anything . ? sincerely , julie brennan ? lacima group ? - - - - - original message - - - - - from : chris strickland to : grant masson cc : julie sent : friday , august 11 , 2000 8 : 49 am subject : re : chapter 3 revisions hi grant , thanks for that . sorry for he delay but i ' ve been away for a few days . timely executon would be good - we have just got the proofs back for all the other chapters from the typesetters . best regards . chris . - - - - - original message - - - - - from : grant masson to : chris strickland sent : wednesday , august 09 , 2000 9 : 14 am subject : re : chapter 3 revisions > > > chris : > > my and ronnie ' s revisions are complete . ? vince is having a statistics guru > colleague review the material for glaring errors . ? he should be sending you the > completed chapter within a day or so . > > regards , > grant . > > >",0 +"Subject: re : 2001 headcount information dawn : i am resending this - i forgot the staffing summary by location . sorry ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 07 / 07 / 2000 03 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - dawn derr @ enron 07 / 07 / 2000 10 : 45 am to : shirley crenshaw / hou / ect @ ect cc : subject : re : 2001 headcount information shirley , get it to me as soon as you can . thanks . dawn shirley crenshaw @ ect 07 / 07 / 2000 09 : 11 am to : dawn derr / corp / enron @ enron cc : subject : re : 2001 headcount information dawn : i apologize , i have not been able to pin vince down . however , he did take it with him this morning ( he will be in prc meetings all day . ) and i told him \ you needed it yesterday . i hope it is not too late . let me know . thanks shirley dawn derr @ enron 07 / 05 / 2000 04 : 09 pm to : shirley crenshaw / hou / ect @ ect cc : subject : 2001 headcount information shirley , i need the headcount information for vince ' s group no later than thursday , july 6 . let me know if this is a problem . dawn",0 +"Subject: fw : wharton resume submission - - - - - original message - - - - - from : kim whitsel [ mailto : kimberly . whitsel . wgo 2 @ wharton . upenn . edu ] sent : friday , december 22 , 2000 6 : 51 pm to : kristin . gandy @ enron . com subject : wharton resume submission summer position under wharton schedule # 1823 - kim whitsel - enron cover letter . doc - kim whitsel - wharton 2 resume . doc",0 +"Subject: introduction - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 28 / 2000 07 : 55 am - - - - - - - - - - - - - - - - - - - - - - - - - - - on 06 / 20 / 2000 03 : 12 : 53 pm to : "" vince j kaminski "" cc : richard . larsen @ effem . com subject : introduction vince : as way of introduction , i wanted to write a bit about mars inc . and then about cds , the unit i head . mars is a private company , considered to be the largest privately owned manufacturing company in the world . mars is not in the habit of disclosing its finances , so the best i could do is refer to forbes ' estimate of $ 15 billion annual revenue and to the profit margins of similar companies between 5 - 12 % . mars is in the business of manufacturing confectionery ( m & m , dove bar , skittles , twix , - all ( r ) ) food ( uncle ben rice ( r ) ) pet food ( pedigree , whiskas waltham ( r ) ) and other products . mars has prospered during the years because of a unique philosophy that emphasizes the long term goals of the company . part of the philosophy is to look for win - win solutions with its suppliers , customers and partners . as can be understood from the nature of the company , a large chunk of its expenses goes towards purchasing commodity like products , and hence the history of researching those commodities and the weather that influences their supply and the demand ( people eat less ice cream in the winter and less chocolate in the summer ) . cds has a history of few decades in forecasting weather and has been very successful , with an envious track record , in helping mars get a competitive advantage in these arenas . cds is a global group ( in 4 countries across two continents ) which supports the purchasing function and the corporate at large in these and other arenas . it is a multidiscipline and multinational team with a lot to offer . not having a ready access to the energy markets , and with a risk profile based on manufacturing expertise , mars has decided to look for potential partners in this area . enron presence in the market place certainly makes it an interesting party to talk to . in talking to enron , we are careful to suggest that mars is not committing to anything at this point , and all we are after is to find out if there is an interest to pursue the opportunity we discussed in the future . i am looking forward to our video conference call . kind regards , avi - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - avi i . hauser phd mba cds director 100 international drive mt olive nj 07828 - 1383 + 1 973 691 3664 ( office ) + 1 973 347 8189 ( fax ) + 1 973 727 3622 ( car + slow paging ) hauser @ cdsusa . com",0 +"Subject: model for insurance against cruel oil down side risk fred , i have finished a model we talked about a few days ago . the option we try to price is a digital on on an asian strip . if the average price of the prompt month crude oil in a specified time window falls below the strike price , the option pays a lump sum of money secified by the "" digital payout "" in the model . as a comparison , i also included european option on the asian strip . let me know if you have any questions . zimin x 36388",0 +"Subject: re : agenda for ny mg metals visit i agree with vince . ideally , this visit would supplement rather than duplicate effort . however , on the front end , i would prefer a little overkill to underkill - especially with respect to the var process . i would defer to anjam / tanya ' s opinion as to what is necessary to get an initial comfort level . remember that this is the first cut , but it will need to be refined over time to the point where it is credible enough to force someone to take a position down based on the calculatiion . if this causes some heartburn please refer those people to me . ted vince j kaminski 07 / 14 / 2000 09 : 04 am to : lloyd fleming / lon / ect @ ect cc : richard sage / lon / ect @ ect , vince j kaminski / hou / ect @ ect , anjam ahmad / lon / ect @ ect , bjorn hagelmann / hou / ect @ ect , ted murphy / hou / ect @ ect , dale surbey / lon / ect @ ect , stinson gibner / hou / ect @ ect subject : re : agenda for ny mg metals visit lloyd , speaking from experience , i think that it ' s critical for tanya and anjam to visit mg in new york and establish direct relationship with technical people . merging two risk management systems requires handling many very technical issues and face to face discussions between it and quants will be very helpful . vince from : lloyd fleming 07 / 14 / 2000 03 : 42 am to : tanya tamarchenko / hou / ect @ ect cc : andreas . barschkis @ mgusa . com @ enron , richard sage / lon / ect @ ect , vince j kaminski / hou / ect @ ect , anjam ahmad / lon / ect @ ect , bjorn hagelmann / hou / ect @ ect , ted murphy / hou / ect @ ect , dale surbey / lon / ect @ ect , stinson gibner / hou / ect @ ect subject : re : agenda for ny mg metals visit tanya , i think most of your queries can be dealt with on the phone - i ' ll be at mg with andreas today and we ' ll call you . most of these points have already been covered with anjam in any case . i ' m also attaching a file downloaded from mercur ( mg ' s risk aggregation system ) showing monthly total positions for each metal in each entity . you can fairly easily create tables and graph what you want to see . we can talk today about getting a full deal download . regards tanya tamarchenko 13 / 07 / 2000 22 : 45 to : andreas . barschkis @ mgusa . com @ enron cc : dale surbey / lon / ect @ ect , lloyd fleming / lon / ect @ ect , richard sage / lon / ect @ ect , vince j kaminski / hou / ect @ ect , anjam ahmad / lon / ect @ ect , stinson gibner / hou / ect @ ect , bjorn hagelmann / hou / ect @ ect , ted murphy / hou / ect @ ect subject : agenda for ny mg metals visit hi andreas , here are the issues we would like to discuss on our thursday meeting in ny : 1 . inputs for options valuation , in particular the origins of volatility curves ; 2 . information on exotic options structures ( existing 3 . the data flow ( are we going to get data from london or ny ) . 4 a . storage of positions information at mg . how to extract the positions info from mg database into spreadsheets . 4 b . existing positions structure for each metal . 5 . introduction to concentrates trading business , key personnel . best regards , tanya & anjam 713 853 3997",0 +"Subject: howard confirmation hi vince , i ' m on vacation from friday ( today ) until tuesday . rachel / london sent me this confirmation last night and think it illicts your attention - did they get it right to meet you satisfaction ? i hope your interview goes well with howard too . it ' s all set . any feedback on the guys from ford credit and citigroup / oxford university ? i own them outright - no other firms involved ! fyi : my fees are always much less on these candidates ( exclusive ownership by myself ) as there are no middlemen involved from these "" other firms "" . i luckily have been attracting very talented candidates with just doing business "" as myself "" rather than mri . i am very encouraged . please check them out , vince . . . as you know - i always send you them first then on to my other clients - if you reject them . bye vince , thank you for the business ! jeff ps - use my cellphone if you want me ( the next 4 days ) for anything ; i ' m here for you - 949 813 2241 candidate ' s name : howard haughton date of interview : tuesday 20 february 2001 time of interview : 2 . 00 pm interviewers : david weekes enron credit sales & marketing mark leahy enron credit sales & marketing bryan seyfried enron credit executive markus fiala enron credit trading robina barker - bennett enron credit syndication ted murphy executive rac each interview will be approximately 45 minutes . address : 40 grosvenor place london swlx 7 en switchboard : 020 7783 - 0000 closest tube / train station : victoria to ask for : david weekes at main reception location map attached ( see attached file : location map . pdf ) i will take this as confirmed unless i hear otherwise from you . if you would like to discuss this please contact me on 020 7783 5677 . regards rachel quirke human resources * get free , secure online email at http : / / www . ziplip . com / *",0 +"Subject: meeting with vince set for 1 pm monday , april 17 maureen , thank you very much for taking time away from your project to talk with me this morning . since the management decision to close info central , i have been doing small projects that , while necessary , do not require my education , knowledge or research capabilities . i appreciate your suggestion that i speak to vince since i am anxious to return to contributing at a higher level . i am attaching my resume in the hope that it will trigger ideas for possible ways that i can use my abilities in the research department . i have worked as an information specialist for 14 years , doing research for people at all levels in both the pharmaceutical and energy industries . i have focused most heavily on business research , but learn quickly and can branch out in whatever direction necessary for a project . i ' m looking forward to meeting with vince on monday afternoon . thanks again for your help .",0 +"Subject: re : 1 . 00 pm tomorrow ? lauren , 1 : 00 p . m . is fine . 713 853 3848 vince lauren urquhart 05 / 15 / 2000 12 : 08 pm to : vince j kaminski / hou / ect @ ect cc : subject : 1 . 00 pm tomorrow ? hi vince i have just spoken to john . he ' s requested we move your phone call to 1 . 00 pm houston time - 7 . 00 pm uk time . does this suit you ? lauren",0 +"Subject: re : visiting enron may 4 th susan , thanks . it makes sense to call christie and explain the objectives of your visit in may . vince "" susan c . hansen "" on 04 / 06 / 2001 06 : 14 : 10 pm to : vince . j . kaminski @ enron . com cc : clovell @ stanford . edu , donna lawrence , hillh @ stanford . edu , bambos @ stanford . edu subject : visiting enron may 4 th dear vince , this is great news ! donna and i are delighted that you have time to see us on may 4 th . i ' ll be out of the office next week . by copy of this email to my assistant , carol lovell , i will ask her to get in touch with shirley for scheduling as well as directions on where to meet you . we ' ll be glad to meet with christie patrick as well . looking forward to meeting you , susan at 05 : 36 pm 4 / 6 / 01 - 0500 , you wrote : > susan , > > thank you for your message . i shall be glad to meet with you on may the > 4 th . > i shall ask my assistant , shirley crenshaw ( 713 ) 853 5290 , to call you to > set up the meeting . > > also , for your information , we have recently set up a special unit to > coordinate enron ' s > relationships with the universities . the person running this unit is > christie patrick . > please , feel free to contact her and give my name as a reference . i shall > coordinate the meeting > on may the 4 th with her . > > vince > > > additional information re christie : > > phone : ( 713 ) 853 - 6117 > > email : christie _ patrick @ enron . com > > > > > > "" susan c . hansen "" on 04 / 03 / 2001 04 : 33 : 54 pm > > to : vkamins @ enron . com > cc : > subject : visit from stanford ? > > > dear dr . kaminski , > > let me briefly introduce myself , i am the director of corporate relations > for the school of engineering at stanford university . in this role , i am > always on the watch for ways to bring our faculty together with companies > that have an appetite for engagement with top tier research institutions . > > i believe you know hill huntington , who is a senior researcher with > stanford ' s energy modeling forum . he suggested i get in touch with you for > some ideas about contacts at enron . i ' m in the process of planning a trip > to texas in early may along with my colleague donna lawrence , the > university ' s director of corporate relations . we were hoping to be able to > include a stop at enron on our itinerary . right now it appears that friday , > may 4 th would work best for us but we ' re at the very beginning of our trip > planning . > > the purpose of our visit would be to review the current relationship > between enron and stanford , to give you an overview of current priorities > in the school of engineering , and ask for your help in identifying the best > points of contact . > > i look forward to hearing from you about your availability , > > sincerely , > susan hansen > > > > > susan c . hansen > director , corporate relations > school of engineering > stanford university > stanford , ca 94305 - 4027 > ( 650 ) 725 - 4219 susan c . hansen director , corporate relations school of engineering stanford university stanford , ca 94305 - 4027 ( 650 ) 725 - 4219",0 +"Subject: parameter estimation vince , i have put together a parameter estimation model , which is continuation of tanya ' s model . the estimation process is more consistent now . attached are the model and a brief write - up of the methods . if you see any problem / ways to improve it , please let me know . best , alex",0 +"Subject: darden case study on "" the transformation of enron "" sherri : vince kaminski is available from 2 : 00 pm - 5 : 00 pm on tuesday , april 18 . sherri : as a side note , professor bodily was visiting with vince yesterday and was impressed with the pictures that are in each of the elevators - showing enron ' s "" vision and values "" . he asked me if i could possibly find out how he could get copies of the prints . are they available anywhere , and to anyone ? did our graphics dept . do them ? if you have any information , please let me know . thanks ! shirley 3 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 03 / 30 / 2000 02 : 36 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 03 / 30 / 2000 02 : 33 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : darden case study on "" the transformation of enron "" shirley , please , provide this info . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 30 / 2000 02 : 33 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : sherri sera @ enron 03 / 30 / 2000 12 : 47 pm to : lou l pai / hou / ees @ ees , gene humphrey / hou / ect @ ect , ken rice / enron communications @ enron communications , andrew s fastow / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : karen owens / hou / ees @ ees , bert frazier / hou / ect @ ect , mercedes estrada / enron communications @ enron communications , bridget maronge / hou / ect @ ect , mark palmer / corp / enron @ enron , katherine brown / corp / enron @ enron , fabricio soares / hou / ect @ ect subject : darden case study on "" the transformation of enron "" gentlemen , jeff has asked that each of you make time to meet with professors bruner and bodily regardig the above referenced case ( i have attached a project overview for your review ) . they are scheduled to be in houston on tuesday , april 18 , to begin conducting interviews ( some of which may be videotaped ) . please let me know your availablility on that date . thanks for your help , and please don ' t hesitate to call me ( x 3 - 5984 ) should you need additional information . srs",0 +"Subject: access on the block : international transmission auctions - cera a lert - december 20 , 2000 title : access on the block : international transmission auctions are opening european power markets e - mail category : cera insight cera knowledge area : european power despite an apparent impasse in negotiations among european transmission system operators , regulators , and the european commission in florence , auctions of international transmission capacity ( itc ) in france , the united kingdom , denmark , belgium , italy , austria , switzerland , slovenia , and the netherlands are opening access between countries and paving the way for the single european marketplace . however , the patchwork auctioning of access to itc leaves important issues unresolved . the most significant of these include the potential for gaming , third - party transit , and the allocation of auction proceeds . as they stand , these issues , cera believes , are likely to lead to action at the european level and the eventual imposition of a more integrated scheme . nevertheless , current plans to open most of europe ' s itc represent a watershed of activity that will hasten transparency in the market and determine trade flows and signal transmission investment in 2001 . international auctions are opening markets a major portion of international transmission capacity on the continent will be allocated by auction in 2001 ( see table 1 ) . in cera ' s view auctions for itc are likely to have the greatest impact during 2001 in the following areas : * increasing market transparency . the posting of available transmission capacity on yearly , monthly , and daily bases will facilitate the market ' s efficient usage of scarce interconnector capacity . for the first time , signals for new transmission investment , power flows , and transmission asset valuation will come from the market . * increasing cross - border trade . although auctions may not reduce uncertainty in the marketplace initially , the effect of heightened transparency in access rules and prices will soon work to increase trade . secondary markets for interconnector capacity will add to the number of actively traded power products and work to increase the overall level of trade . ? * increasing price correlation . auctions will replace nonmarket - based allocation methods such as long - term capacity reservation . the dynamic character of shorter - term auctions , combined with an expected secondary market for capacity , should bring access to international capacity in line with the needs of the market . in this way the market will be able to adjust more rapidly to changes in local conditions and thereby work to correlate pricing points . * increasing competition . once players have secured access to itc at a given price , they will be looking to sign supply contracts or integrate the capacity into structured deals . the result could be more aggressive maneuvering on the part of incumbents and new entrants alike , resulting in greater competition at the national level . * reducing the competitiveness of imports . the results of international transmission capacity auctions will determine the competitiveness of imported power into domestic markets . final prices offered for itc will reflect the relative cost of power between markets and work to make cheaper power more expensive to import . * spurring investment in transmission . the money raised through auction could provide transmission companies with the financial capability to invest in upgrading international transmission links . access to international transmission capacity between the netherlands , germany , and belgium in 2001 was auctioned for 63 million euros ( see http : / / www . tso - auction . org for details ) . ? auctions for access into spain , france , and italy are expected to realize a premium for access to highly coveted markets . connecting rather than integrating markets auctions between national grids , or more accurately commercial grids , are a pragmatic approach to the problem of granting access to scarce international transmission capacity on an open and transparent basis . the auctions will open access to interconnectors and at the same time reward transmission system operators . even so , the proposed approaches are not likely to satisfy market players or the stated objectives of european policymakers . in cera ' s view the following issues may eventually bring down the hammer on itc auctions : * third - party transit . the bilateral nature of itc auctions perpetrates the problem of tariff pancaking and discriminates against trade involving transit through a third grid . this is ultimately inconsistent with the european commission ' s objective of a single european power market . the fact that physical power flows do not follow contractual flows and almost always transit third - party grids further weakens the legitimacy of the approach . * transaction - based scheme . although still transactional in nature ( tied to a specific deal ) , auctions fall within the european commission ' s stated preference for market - based mechanisms for allocating international transmission capacity . it remains to be seen how successful this approach is in achieving integration of national markets . action at the european level could move allocation of itc in the direction of nontransactional mechanisms such as market splitting , counter trading , or redispatching . * gaming of auctions . auctions will in theory allocate access to transmission on a nondiscriminatory market basis to those that value it most . in practice it remains to be seen if gaming can be avoided . even though most of the auctions have placed limits on ownership of transmission capacity , tactical maneuvers could bid up transmission prices as players act to raise the price of imported power . * allocating auction proceeds . one likely outcome of auctions will be the transfer of profits between players as transmission owners recoup some of the rents currently reaped by other players . this will works to raise the value of transmission assets relative to generation , suppliers , or traders . it remains to be seen how funds from auctions will be allocated among transmission companies and the grid , as transmission is still currently subject to monopoly regulation . * * end * * come shoot the rapids with us at ceraweek 2001 , "" shooting the rapids : strategies and risks for the energy future "" in houston , february 12 - 16 , 2001 ! ? for more information and to register , please visit http : / / www 20 . cera . com / ceraweek / to make changes to your cera . com account go to : forgot your username and password ? go to : http : / / www 20 . cera . com / client / forgot this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www 20 . cera . com / tos questions / comments : webmaster @ cera . com copyright 2000 . cambridge energy research associates",0 +"Subject: msl 50 confirmation thank you for your involvement with the 2000 isuzu msl 50 bike tour , a texas cycling tradition . check the bottom of this email for a custom donation letter that you can use for on - line donations in your name . here is a copy of the information you submitted : isuzu msl 50 contribution confirmation contribution on behalf of : john norden / jnorden @ enron . com description : donations amount : $ 25 . 00 order _ id : 9910 name : wincenty j . kaminski company : enron addressl : 1400 smith address 2 : ebl 962 city : houston state : tx zip : 77002 country : united states of america phone : 281 367 5377 e - mail : vkamins @ enron . com account name : wincenty j . kaminski card type : visa total : $ 25 . 00",0 +"Subject: re : insurance derivs steve , i have a book edited by helyette regarding insurance derivatives . i shall make a few copies of the most important articles for you . vince steven leppard 11 / 06 / 2000 05 : 39 am to : vince j kaminski / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect cc : gillian lockwood / lon / ect @ ect subject : insurance derivs vince , vasant i ' ve just been speaking to gillian lockwood from our tax group , who is interested in your work on ins . derivs . have you any general articles on the principles of pricing these instruments ? many thanks , steve",0 +"Subject: cera monthly summary - - july 2000 - cera monthly summary cera monthly summary : sent wed , august 02 , 2000 title : cera monthly summary - - july 2000 author : cera e - mail category : monthly summary product line : monthly summary , url : http : / / www . cera . com / cfm / track / eprofile . cfm ? u = 5166 & m = 1298 , table of contents asia pacific energy after the panic : east asia three years later url : http : / / www . cera . com / client / ap / pr / 070700 _ 10 / ap _ pr _ 070700 _ 10 _ ab . html state government finances in india : a looming crisis or a driver for accelerated energy sector reform ? url : http : / / www . cera . com / client / ap / db / 070700 _ 15 / ap _ db _ 070700 _ 15 _ ab . html cera insight  * china ' s power sector : uneven recovery , uneven reform url : http : / / www . cera . com / client / ap / alt / 070700 _ 13 / ap _ alt _ 070700 _ 13 _ ab . html cera insight : the second phase of deregulation in japan ' s power industry . . . url : http : / / www . cera . com / client / ap / db / 072500 _ 16 / ap _ db _ 072500 _ 16 _ ab . htm climate change and environment cera watch : moving toward more diversified strategies url : http : / / www . cera . com / client / cce / wch / 072500 _ 18 / cce _ wch _ 072500 _ 18 _ ab . html energy & e - business retail energy : pioneering a nonenergy brand in europe url : http : / / www . cera . com / client / e 2 / alt / 071300 _ 15 / e 2 _ alt _ 071300 _ 15 _ ab . html disruptive technology , industry structure , and competitive advantage url : http : / / www . cera . com / client / e 2 / pr / 072000 _ 10 / e 2 _ pr _ 072000 _ 10 _ ab . html energy and e - business : reflections on the cera summit url : http : / / www . cera . com / client / e 2 / db / 072800 _ 15 / e 2 _ db _ 072800 _ 15 _ ab . html eurasia energy russia ' s governors could make or break energy industry reform url : http : / / www . cera . com / client / fsu / db / 071000 _ 15 / fsu _ db _ 071000 _ 15 _ ab . html turkish ipps near approval url : http : / / www . cera . com / client / fsu / alt / 072100 _ 16 / fsu _ alt _ 072100 _ 16 _ ab . html european gas running fast to stay still : gas prices in central europe url : http : / / www . cera . com / client / eg / alt / 070300 _ 15 / eg _ alt _ 070300 _ 15 _ ab . html signposts to a high demand path for natural gas : . . . url : http : / / www . cera . com / client / eg / alt / 070700 _ 11 / eg _ alt _ 070700 _ 11 _ ab . html retail energy : pioneering a nonenergy brand in europe url : european gas clients : european power first cracks in "" fortress france "" : how long before the french market opens ? url : http : / / www . cera . com / client / ep / db / 071100 _ 10 / ep _ db _ 071100 _ 10 _ ab . html retail energy : pioneering a nonenergy brand in europe url : http : / / www . cera . com / client / ep / alt / 071300 _ 15 / ep _ alt _ 071300 _ 15 _ ab . html turkish ipps near approval url : http : / / www . cera . com / client / ep / alt / 072100 _ 16 / ep _ alt _ 072100 _ 16 _ ab . html forum for it strategy white paper : url : http : / / www . cera . com / client / fits / pr / 073100 _ 12 / fits _ pr _ 073100 _ 12 _ ab . html summary of discussions : url : http : / / www . cera . com / client / fits / pr / 072800 _ 15 / fits _ pr _ 072800 _ 15 _ ab . html global energy middle east peacemaking : what comes next ? url : http : / / www . cera . com / client / ge / alt / 072600 _ 18 / ge _ alt _ 072600 _ 18 _ ab . html latin america energy mexico elections : the pan triumvirate url : http : / / www . cera . com / client / la / alt / 070300 _ 16 / la _ alt _ 070300 _ 16 _ ab . html brazil downstream oil logistics : opportunities with open access ? url : http : / / www . cera . com / client / la / db / 072500 _ 19 / la _ db _ 072500 _ 19 _ ab . html argentine power markets : june prices rise with increased demand . . . url : http : / / www . cera . com / client / la / alt / 072700 _ 12 / la _ alt _ 072700 _ 12 _ ab . html coal bed methane in western canada - - a sleeping giant ? url : http : / / www . cera . com / client / nag / db / 070600 _ 12 / nag _ db _ 070600 _ 12 _ ab . html north american gas monthly briefing : the pressure remains url : http : / / www . cera . com / client / nag / alt / 071400 _ 15 / nag _ alt _ 071400 _ 15 _ ab . html a quiet energy crisis ( this op - ed article ran in the washington post on july 21 , 2000 ) url : http : / / www . cera . com / client / nag / alt / 072600 _ 16 / nag _ alt _ 072600 _ 16 _ ab . html north american electric power a quiet energy crisis ( this op - ed article ran in the washington post on july 21 , 2000 ) url : http : / / www . cera . com / client / nap / alt / 072600 _ 16 / nap _ alt _ 072600 _ 16 _ ab . html refined products monthly briefing : refined products line  * north american markets url : http : / / www . cera . com / client / rp / alt / 071400 _ 18 / rp _ alt _ 071400 _ 18 _ ab . html refined products line  * european markets url : http : / / www . cera . com / client / rp / alt / 072000 _ 14 / rp _ alt _ 072000 _ 14 _ ab . html market update url : http : / / www . cera . com / client / rp / alt / 072700 _ 17 / rp _ alt _ 072700 _ 17 _ ab . html retail energy forum cera insight : the second phase of deregulation in japan ' s power industry . . . url : http : / / www . cera . com / client / ref / db / 072500 _ 16 / ref _ db _ 072500 _ 16 _ ab . html weathering the summer price volatility and highs - - how will retail marketers fare ? url : http : / / www . cera . com / client / ref / alt / 072700 _ 16 / ref _ alt _ 072700 _ 16 _ ab . html western energy power market caps : lower prices at higher risk ? url : http : / / www . cera . com / client / ce / alt / 070700 _ 16 / ce _ alt _ 070700 _ 16 _ ab . html the west : keeping its fingers crossed url : http : / / www . cera . com / client / ce / alt / 072600 _ 16 / ce _ alt _ 072600 _ 16 _ ab . html world oil oil market politics : the saudi dilemma url : http : / / www . cera . com / client / wo / alt / 070600 _ 18 / wo _ alt _ 070600 _ 18 _ ab . html after the panic : east asia three years later url : http : / / www . cera . com / client / wo / pr / 070700 _ 10 / wo _ pr _ 070700 _ 10 _ ab . html opec : arguing over output url : http : / / www . cera . com / client / wo / alt / 071800 _ 18 / wo _ alt _ 071800 _ 18 _ ab . html * * end * * please follow url at top of page for a listing of the above reports with associated summaries and links to full reports . note : should the above url not work , please use the following url : account changes to edit your personal account information , including your e - mail address , etc . go to : http : / / eprofile . cera . com / cfm / edit / account . cfm this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www . cera . com / tos . html questions / comments : webmaster @ cera . com copyright 2000 . cambridge energy research associates",0 +"Subject: from vicky windsor dear vince , how are you ? well i hope . i hope you don  , t mind me writing to you . you may remember that 5 months ago i left risk publications and moved to a charity . having been here for only a few months , i have decided that this job is not for me ( i miss the buzz of a corporate office ) and i have decided to move back into the corporate sector . because of my previous experience and knowledge of the energy sector , i am very interested in moving into this area . i have always thought that it would be great to work for enron because it is such a dynamic company and i am planning to approach the london office to discuss any opportunities , which might be available . i am particularly interested in product marketing and research , although i am very open - minded at the moment . i wondered whether you could recommend the right person to speak to in london . i know that you are incredibly busy , but any help you can give me would be fantastic vince . thanks and best regards , vicky windsor get your private , free e - mail from msn hotmail at http : / / www . hotmail . com . share information about yourself , create your own public profile at http : / / profiles . msn . com .",0 +"Subject: offsite meeting - - great divide lodge - - invited guest list gentlemen : attached please find the "" proposed "" final invitees list for the technical , research , and operations offsite meeting to be held april 27 - 29 , 2000 at the great divide lodge in breckenridge , colorado . i am working with shirley crenshaw to secure cost - efficient travel and meeting arrangements for the entire group . in order to secure a group rate , we must make sure we have a "" final headcount "" in place . please let me know by tuesday , march 28 th at 12 : 00 noon if you have any additions or corrections to the attached list . many thanks in advance for your prompt attention !",0 +"Subject: re : infocast ' s valuing electric power assets and companies : a real options perspective britta , thanks for your message . i have several commitments at the time of the conference and have to decline with regret . vince "" britta bothe "" on 04 / 12 / 2000 03 : 52 : 46 pm please respond to to : cc : subject : infocast ' s valuing electric power assets and companies : a real options perspective dear mr . kaminsky , as i mentioned on your voice mail , infocast is going to host an  & valuing electric power assets and companies : a real options perspective  8 conference to be held on july 31 - august 2 , 2000 , in chicago , il - i would like to explore your or your organization ' s possible participation at this event with you . this conference has been designed to bring together industry professionals , like you , to provide the latest details on a "" real options "" approach to electric power asset valuation . i have attached a draft program outline for your review . if you or someone else at your company is interested in presenting on one of the topics please let me know . i truly appreciate your taking the time to review the conference schedule and hope that you will consider participating . i am running behind schedule in finalizing this program . i will call you on tomorrow to follow up with you on this invitation . in the meantime , if you have any questions or suggestions , please do not hesitate to contact me at ( 818 ) 888 - 4445 , ext . 30 . i hope you can join us for this event . sincerely , britta bothe infocast conference manager - ea & cv , program outline , scenario 1 . doc",0 +"Subject: interview with hao peng hello kathy : the research group would like to bring hao peng in for an interview . his resume is attached . the following would be included in the interview schedule . since all of them are in the research group ( with the exception of hr ) we can have the interviews in ebl 938 . vince kaminski stinson gibner zimin lu paulo issler grant masson krishna krishnarao vasant shanbhogue hr ? mr . peng ' s availability is flexible with the exception of may 2 and may 4 ( he has finals ) . if you need anything else , please let me know . thanks ! shirley - cover - enron . doc - resume - gsia . doc",0 +"Subject: wharton trip january 18 , 2001 jeff and vince . . . "" fyi ' ' . . . christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 12 / 19 / 2000 09 : 23 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - melinda mccarty @ enron 12 / 19 / 2000 03 : 05 pm to : christie _ patrick @ enron . com cc : subject : wharton trip january 18 , 2001 cp - fyi - attached is the memo that i faxed to the parkplace warwick . i copied donna piazze at wharton also . maria",0 +"Subject: p . v . krishnarao ' s expenses good afternoon sandeep : i sent krishna ' s expenses for his recent trip to our accounting dept . this morning and expensed them to the research group ' s co and rc # . however , we need to be reimbursed for these expenses and i would like to know the best way to do this . our accounting dept . thought we should just send an invoice with the back up material to dabhol power co . asking them to cut a check made payable to enron corp . and then it would be credited to our co # and rc # . please let me know if this is acceptable , and if so , who the invoice should be made out to and where i should send it . i appreciate your assistance in this matter . have a great day ! shirley crenshaw 713 - 853 - 5290",0 +"Subject: siam conference dear mr . kaminski , ? i was one of the participants of the siam conference which was held last week - end , and i have very much enjoyed your presentation . at the end of the session , i was hoping to talk to you , but unfortunately you were already gone . you said that if we were interested , you could e - mail a copy of your talk . i would appreciate if you could send a copy to this e - mail address . ? i am a mathematics ph . d . student at texas a & m university and i will be graduating this august . i am very much interested in working in the modeling of energy markets . can you please tell me whom i should send my resume , and who i should contact in your company about a possible position in your research group . ? thank you for your time . ? sincerely ? g . aysu bilgin texas a & m university department of mathematics ? get your free download of msn explorer at http : / / explorer . msn . com",0 +"Subject: request submitted : access request for amitava . dhar @ enron . com you have received this email because the requester specified you as their manager . please click approval to review and act upon this request . request id : 000000000011185 request create date : 12 / 21 / 00 4 : 20 : 10 pm requested for : amitava . dhar @ enron . com resource name : vpn resource type : applications",0 +"Subject: re : fw : chapter 3 revisions - - - - - - - - - - - - - - - - - - - - - - forwarded by grant masson / hou / ect on 08 / 16 / 2000 03 : 56 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : grant masson 08 / 16 / 2000 03 : 57 pm to : "" julie "" @ enron cc : subject : re : fw : chapter 3 revisions julie : unfortunately , our reviewer has not come back to us with comments , so i am sending you the final version without the benefit of review . the attached zipped file contains the second half of the chapter for which i was responsible . vince will send you his half separately . putting them together should be a simple matter of cut and paste , assuming that vince has not changed his equation , figure , or table numbering . i presume chris will be reading through the chapter once again for editorial reasons . there is one place where i would ask him for specific redaction : table 3 . 6 "" model specifications "" on page 14 / 15 has a column labeled "" equation reference "" . some cells are blank because the equations specified have not been referenced previously in the parts i have written . nevertheless , the concepts are surely introduced elsewhere in the book , and it may be helpful for chris to insert the appropriate reference in this table . alternatively , one could simply delete the column . if i can help in any way , please do not hesitate to contact me . w ) 713 853 4768 h ) 713 664 7260 work email : grant . masson @ enron . com personal email : gmasson @ email . com regards , grant .",0 +"Subject: it resources guys , in response to the offsite , beth perleman is now a dedicated ena resource on the it side of the business . she will be joining the ena management team of which you are all a part . she will participate in the friday management meeting to address it issues and opportunities . on friday may 18 th , beth will go over her management team and her available resources . at every friday meeting , she will present the current project queue ( with associated cost / capital budget and sponser ) and the management team will set priorities and necessary incremental resources . regards delainey",0 +"Subject: wti model stinson , this is the latest wti model for open - close trading . zimin",0 +"Subject: re : cairn gas purchase bid doug , i shall be glad to meet you and help you with the project . my assistant will call you to set up a meeting latter this week . vince douglas s parsons @ enron _ development 08 / 15 / 2000 08 : 05 am to : vince j kaminski @ ect cc : subject : re : cairn gas purchase bid vince , i ' m following up on our conversation late last week and i ' m interested to see what your group can advise , per doug leach ' s recommendation . as you can see he is raising a major red flag in regards to our non - binding offer to cairn . since , it was late the other night i didn ' t touch base with sandeep kohli , but bobby and i are probably the most knowledgeable in regards to the indian gas market . please let me know what information you may need from us to provide some guidance . regards , doug - - - - - - - - - - - - - - - - - - - - - - forwarded by douglas s parsons / enron _ development on 08 / 15 / 2000 07 : 51 am - - - - - - - - - - - - - - - - - - - - - - - - - - - bobby farris 08 / 14 / 2000 10 : 19 pm to : douglas s parsons / enron _ development @ enron _ development cc : subject : re : cairn gas purchase bid there is no harm in seeing what kaminski ' s group will advise . do you have any problem in contacting them ? bobby doug leach @ ect 08 / 14 / 2000 07 : 45 am to : douglas s parsons / enron _ development @ enron _ development cc : marc de la roche / hou / ect @ ect , bobby subject : re : cairn gas purchase bid i strongly disagree with the pricing and structure of your non - binding offer to cairn . this reminds me of the debacle in brazil . you should have contacted vince kaminski ' s research group as we talked about before an offer was made . this is a bad deal . douglas s parsons @ enron _ development 08 / 12 / 2000 01 : 51 am to : doug leach @ ect , marc de la roche @ ect cc : subject : cairn gas purchase bid doug & marc , fyi , please let me know if you think we ' re totally off base . i appreciate your help . regards , doug - - - - - - - - - - - - - - - - - - - - - - forwarded by douglas s parsons / enron _ development on 08 / 12 / 2000 01 : 48 am - - - - - - - - - - - - - - - - - - - - - - - - - - - douglas s parsons 08 / 11 / 2000 06 : 24 am to : bobby farris / enron _ development @ enron _ development cc : f b virani / enron _ development @ enron _ development , ujjwal dey / enron _ development @ enron _ development , nilesh subject : cairn gas purchase bid bobby , after meeting with cairn today in delhi , my perception is that our offer was received well . they were more open and relaxed then they were on wed . morning and made several encouraging comments about our price range , ( once we talked through the price movements ) , and the seriousness of our gas related activities on the west coast of india , in light of the ioc agreement . i think the overall package is attractive to them and no serious objections were raised . we did talk to some extent about the guarantees , but we didn ' t get too far and they ' re willing to accept at this point that what ' s acceptable to the lng suppliers , should be suitable for their needs . however , they would like to understand the corporate structure and assets of enron energy marketing a little better and i told them i would get back to them on that point . david and ajay were up in hazira yesterday looking at some property for their gas treatment facility , which apparently is across the road from pipeline access . while there they went and looked at shell ' s proposed lng site after walking the last 1 km , inaccessible to their 4 wd vehicle and not surprisingly found a beach . in summary , here is what we offered on a non - binding basis : six year production plateau 85 % top $ 3 . 67 / mmbtu net , at a base of $ 18 / bbl brent , with point of sale at the tail - end of the gas processing plant floor & cap of $ 15 . 50 - $ 27 . 00 / bbl price movement : + / - $ 1 . 00 / bbl from the $ 18 / bbl base price ( on a 3 mo . rolling average ) equals + / - $ 0 . 145 / mmbtu fixed on a quarterly basis guarantees : same protection we ' re providing the lng suppliers under the trust retention account i appreciate everyone ' s help in submitting this offer . thanks , doug",0 +"Subject: invoice for ordered papers you have ordered the following papers : - wp w 7613 foundations of technical analysis : computational algorithms , statistical inference , and empirical implementation - wp w 6250 pricing and hedging derivative securities in incomplete markets : an e - aritrage model the total cost ( excluding shipping ) is : $ us 10 shipping address : if you ordered papers for electronic delivery and experienced problems downloading them , browse the following url ( s ) to download your paper orders . the url ( s ) are valid for 7 days . if you receive duplicate bills , please send a note to .",0 +"Subject: energy book vl . 0 vince : i have rewritten the paragragh for chapter 3 . please read and return your comments . thanks , grant . - - - - - - - - - - - - - - - - - - - - - - forwarded by grant masson / hou / ect on 02 / 16 / 2000 02 : 48 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - chris strickland on 02 / 15 / 2000 05 : 28 : 42 am to : grant masson @ ect , vkamins @ ect cc : subject : energy book hi grant , hope all is well with you . i trust you got my message via the voicemail that ileft with vince late friday afternoon about my inability to travel - i ' m trying to rearrange my trip for a couple of week ' s time when my ear has cleared up , and i look forward to meeting with you one day . i wrote to vince last week asking for a favour , but i ' m not sure ifhe is there in houston . i know that you guys are probably very busy but i was wondering if you can write a few sentences for me . i ' m sending out some sample chapters to the people who responded positively ( all of them ! ) to my request for some feedback on the book . chapter 1 has an ' overview ' of the book with just a couple of sentences on each chapter . could you please write a sentence or two for your chapter ? i ' m including what i have already written ( although i think it has changed slightly from this version ) so that you can see the style . many thanks and best regards . chris . 2 overview of this book this book aims to provide an in - depth understanding of the pricing and risk management of energy derivatives . in the remainder of this chapter we give an overview of the fundamental principals needed to model and price energy assets , and which underlie the rest of the book . as well as introducing the techniques that underlie the black - scholes modelling framework we discuss the numerical techniques of trinomial trees and monte carlo simulation for derivative pricing which are used extensively later in the book . in chapter 2 we analyse spot energy prices . apart from describing empirical prices we propose a number of processes that can be used to model the prices . we look at the well - know process of gbm as well as mean reversion , stochastic volatility and jump processes , discussing each , and showing how they can be simulated and their parameters estimated . chapter 3 , written by vince kaminski , grant masson and ronnie chahal of enron corporation , discusses volatility estimation in energy commodity markets . this chapter builds on the previous one . it examines in detail the methods , merits and pitfalls of the volatility estimation process assuming different pricing models introduced in chapter 2 . examples from crude , gas , and electricity markets are used to illustrate the technical and interpretative aspects of calculating volatility . chapter 4 examines forward curves in the energy markets . although such curves are well understood and straight forward in the world debt markets the difficulty of storage in many energy markets leads to less well defined curves . what we do in this chapter chapter 5 presents an overview of the common and not - so - common derivative structures in the energy markets and discusses their uses . examples of products analysed in this chapter include a variety of swaps , caps , floors and collars , as well as energy swaptions , compound options , asian ( or average rate ) options , barriers , lookbacks , and ladder options . chapter 6 investigates single and multi - factor models of the energy spot price and the pricing of some standard energy derivatives . closed form solutions for forward prices , forward volatilities , and european option prices are derived and presented for all the models in this chapter including a three factor stochastic convenience yield and interest rate model with jumps . chapter 7 shows how the prices of path dependent and american style options can be evaluated for the models in chapter 6 . simulation schemes are developed for the evaluation of european style options and applied to a variety of path dependent options . in order to price options which incorporate early exercise opportunities , a trinomial tree scheme is developed . this tree is built to be consistent with the observed forward curve and can be used to price exotic as well as standard american style options . chapter 8 develops a new methodology for valuing energy options based on modelling the market observed forward curve . the approach results in a multi - factor model that is able to capture realistically the evolution of a wide range of energy forward curves and where the user defined volatility structures can be of an extremely general form . closed - form solutions are developed for pricing standard european options and efficient monte carlo schemes for exotic options . the chapter finishes with a discussion of the valuation of american style options . chapter 9 focuses on the risk management of energy derivative positions . in this chapter we discuss the management of price risk for institutions that sell options or other derivatives to a client and who is then faced with the problem of managing the risk through time . we begin with delta hedging a portfolio containing derivatives and look at extensions to gamma hedging - using the models from chapters 5 and 7 . the general model of chapter 7 ideally suited to multi - factor hedging and this is also discussed . chapter 10 looks at the key risk - management concept of value at risk applied to portfolios containing energy derivative portfolios . after discussing the concept of the measure , we look at how the key inputs ( volatilities , covariances , correlations , etc ) can be estimated . we then compare the fours major methodologies for computing var ; delta , delta - gamma , historical simulation and monte - carlo simulation . finally , we look at testing the var estimates for various underlying energy market variables .",0 +"Subject: sharad ' s houston visit sharad as expected we didn ' t get time to discuss in detail what to do in houston . we have discussed the subject informally , but i ' m laying it out here for clarity , and for vince / stinson ' s information . here are my thoughts : 1 . exotica . this is the top priority , as you ' d rightly identified yourself . a . learn how to build xlls . b . catalogue functions in houston exotica not yet available in london . c . catalogue differences between inputs to london and houston exotica functions . d . produce london xll that allows current function calls to be used where possible , and incorporates new functions . e . update documentation as appropriate . if you do nothing else in your two weeks , i ' ll be very happy with this . main contacts are paulo and zimin . 2 . understand american monte carlo ( amc ) . the aim is to get a feel for amc ' s characteristics . before we embark on the use of amc for real option valuation , i ' d like to understand how it behaves for financial options . i suggest something like the following : a . produce amc code for single gbm for american option . compare greeks against those from appropriate tree methods . b . two gbm spread option model , to compare against 1 - d numerical integration method . although the "" american "" bit of amc isn ' t going to be used here , it will be interesting to think about the bucketing issue in price / payoff space and , again , the greeks . c . some form of mean reverting model , preferably two factor . d . hjm for pure financial option valuation . if you get somewhere on a - d , and amc behaves sensibly on pure financial models , then i ' ll be very keen to roll it out for real option valuations . vince / stinson - since i ' m expecting the worst from it i . t . o . email support , would you be good enough to print this email out and hand it to sharad ? many thanks , steve",0 +"Subject: a applicable model kim , after yestersday ' s meeting , i ' ve come up with an idea which is applicable to the zone ef and seems also to be applicable to the broader area . the model assumes that if there are positive spreads of energy products between pairs of locations , we can always find the possibilities of swaptions . this assumption , as discussed with jim and sean , is a reasonable approximation . i suggest that the prototype be built up at this model if you think that it is rational . if you interested in the model , i will explain it to all of you . best regards , youyi",0 +"Subject: gone tuesday vince , a reminder that i ' m gone on tuesday to spearman . status of projects : 1 . compound option for power structuring ( bernie , edith cross , nick ? ) alex has finished the model . paulo has done some validation so we can probably release it . this is will be used for an exotic book , so we may have to help with var interface , etc . 2 . followed up with laine borgman on dg contract . we still need legal ' s sign off . 3 . left a message and email about tom barkley with molly magee and told tom that an offer would be coming by next week .",0 +"Subject: re : mid - year 2000 performance evaluation due - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 11 / 2000 07 : 55 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 08 / 11 / 2000 07 : 49 am to : "" perfmgmt @ enron . com "" @ enron cc : subject : re : mid - year 2000 performance evaluation due i haven ' t received yet the final performance evaluation results . the usual practice is to defer the reviews till the final summary rankings are available . please , let me know when i can expect it form the hr . thanks . vince kaminski "" perfmgmt @ enron . com "" < perfmgmt on 08 / 10 / 2000 05 : 16 : 14 pm to : vkamins @ enron . com cc : subject : mid - year 2000 performance evaluation due sep 01 , 2000 the above date is when the mid - year 2000 performance evaluation forms for directors and below are due in human resources . if you have not already done so , supervisors should begin the process of giving feedback to their employees . the evaluation forms used to provide feedback to the employee can be obtained via the performance management system ( pep ) . to download the evaluation forms from pep , please follow the steps below : 1 . log into pep at http : / / pep . enron . com . 2 . under supervisor services , click supervisor evaluation forms . 3 . right - click on each employee and choose ' save target as . . . ' or ' save link as . . . ' 4 . select your own personal directory , choose a file name to save to and click ' save ' . 5 . repeat for each employee . 6 . now you can complete your evaluation forms from your personal directory and will not have to access pep to finalize the form . upon completion , please forward the signed evaluation forms to your hr representative no later than friday , september lst 2000 . if you have any questions , please contact the pep help desk at the following numbers : in the u . s . : 1 - 713 - 853 - 4777 , option 4 in europe : 44 - 207 - 783 - 4040 , option 4 in canada : 1 - 403 - 974 - 6724 ( canada employees only ) or e - mail your questions to : perfmgmt @ enron . com your employees that should receive mid - year evaluations are listed below : crenshaw , shirley j ganjoo , shalesh gibner , peyton s kollaros , alexios krishnarao , pinnamaneni v masson , grant s raymond , maureen j roberts , michael a sergeev , mikhail shanbhogue , vasant vernon , clayton j",0 +"Subject: a computer and internet connection for you and your family as you know , technology is critical to enron ; it drives our success and will continue to do so in the future . technology has helped enron create new businesses like enron broadband services and enron net works , and it is responsible for applications such as enrononline and enroncredit . com . you  , ve seen what technology can do at work . now we want you and your family to realize its benefits at home . with that in mind , we are excited to let you know that we are introducing the clickathome program , which will give each employee a computer for use at home . where technology permits , we will also subsidize an internet connection . with the click of a mouse , a home computer plus internet access will put a world of internet knowledge at your family  , s fingertips . we have just signed an agreement with dell computer corporation to provide the computer hardware . we wanted to let you know about the program now in case you and your family were considering the purchase or upgrade of a home computer or internet connection in the next few months . the scope of clickathome includes the following : ? basic package : dell desktop computer with a high - speed processor , floppy disk drive , mouse , speakers , monitor , modem , cd - rom drive and windows 2000 software . employees will have the option to receive a subsidized internet connection , including broadband , where commercially available . ? participation : this program will be available to active regular full - time and regular part - time employees of enron and its wholly owned subsidiaries ; however , employees of some enron companies ( portland general electric , eott , enron facility services ) may not be able to participate due to legal , accounting , tax , labor or business reasons . eligibility includes being employed at the time of implementation . ? timing : u . s . employee sign - up will begin in early 2001 , with delivery of the equipment and internet connection to follow shortly thereafter . delivery of equipment to participating non - u . s . employees is targeted for late 2001 . details about this program are still being finalized . to address some of your initial questions , we  , ve posted a question - and - answer document on http : / / clickathome . enron . com . we will schedule an espeak session in the near future where you will have an opportunity to ask questions . or , you can submit your questions and comments to clickathome @ enron . com . we are excited to extend our investment in technology to you and your family . we believe this program takes communication at enron to a new level by creating endless possibilities for you to experience and participate in the broadband internet revolution . it is just another reason why we believe enron is a great place to work .",0 +"Subject: entouch newsletter business highlights us natural gas teams the us natural gas marketing originations teams have had a successful lq 2001 . in addition to mid market activity led by fred lagrasta , new origination desk heads and marketing teams have been set up across the us and are led by the following : west gas origination - barry tycholiz , central gas origination - laura luce , east gas origination - frank vickers . these teams have made significant inroads in 2001 , focusing on customer coverage , new accounts , transportation syndication , risk management products and market intelligence . all of these individuals are open to any questions regarding the new businesses . siebel summary eim ' s ability to rapidly transform its designated forest products and steel markets is dependent upon its ability to effectively manage the market participants and accelerate their adoption of eim ' s business strategy . to achieve this objective , eim will implement siebel sales enterprise , a customer - focused centralized database that effectively leverages all information learned about our customers and enables sharing of this information throughout the front , mid and back offices . siebel is designed to help in - house and mobile sales professionals in large organizations manage accounts , contacts , activities and opportunities associated with the sales cycle . eim fundamentals is leading the siebel implementation effort . in the news enron is hosting the new york energy risk management seminar at the st . regis hotel in new york city on april 5 , 2001 . topics include : power outlook , natural gas outlook , and weather risk management . to rsvp , contact laura pena at x 3 - 5376 . welcome new hires egm - sherman franzen , fariba karimi , ryan krogmeier , lawrence marcus eim - ronald barnes , paul hanks , chad ihrig , stella pedroza , linda silva ena - hagar kedem , steven merriss , courdney williams , diane fellers transfers ena  ) tammie schoppe , lynna kacal , johnna kokenge , karen jones , stuart zisman , anne labbe egm  ) justin cornett , george thomas , richard yeboah , phi khanh wolfe , alan harvey , philip berry , ethan schultz , sanjeev khanna , mingcheng lian nuggets & notes "" we have to move paper , make money and move the industry . "" - - rodney malcolm , vice president / forest products eim congratulations to angela and chris connelly , manager in coal trading . they are the proud parents of nicholas connelly , born on march 17 and weighed 7 lbs . 11 oz . ( rumor has it that at 48 hours of age , he had more hair than his father ! ) congratulations to carmen and glenn wright , director in steel origination who welcomed little lauren nicole born march 12 . she weighed in at 7 lbs . 13 oz . and debuted with a full head of hair and "" making lots of noise . "" legal stuff the information contained in this newsletter is confidential and proprietary to enron corp . and its subsidiaries . it is intended for internal use only and should not be disclosed .",0 +"Subject: the spreadsheet for talon deal vince , here is the spreadsheet for your review . thanks . rakesh",0 +"Subject: re : storage meeting dear rex , i believe there might be a few additions to this core group . i have spoken with sherron watkins and she is handling the storage side of the deal from product development perspective ( john bloomer ' s team ) and so she would need to be a part of this core group . i am trying to determine who else is involved with storage within ebs so that we don ' t replicate our efforts . i am hoping that after tomorrow ' s meeting we will have a better picture of how to go forward on this project . please let me know if you need any further information regarding this project . thank you very much for your interest and i look forward to meeting you in the near future . sincerely , shalesh ganjoo rex _ shelby @ enron . net on 03 / 09 / 2000 01 : 52 : 25 pm to : shalesh . ganjoo @ enron . com , mark _ s _ palmer @ enron . net cc : jim _ crowder @ enron . net subject : re : storage meeting shalesh , mark - - thanks for pulling this together . is the core team mark , mary , kara , mike , virawan , and shalesh ? i know that there is a lot of interest in this topic , but you folks will need to carefully control the noise level from all the input . let me know how i can help . best regards . - - rex shalesh . ganjoo @ enron . com on 03 / 09 / 2000 01 : 05 : 56 pm to : mark s palmer / enron communications @ enron communications , jim crowder / enron communications @ enron communications , jean mrha / enron communications @ enron communications , kara knop / enron communications @ enron communications , stinson _ gibner @ enron . com , vince _ j _ kaminski @ enron . com , david cox / enron communications @ enron communications , shalesh . ganjoo @ enron . com , john bloomer / enron communications @ enron communications , john griebling / enron communications @ enron communications , richard reichardt / enron communications @ enron communications , scott yeager / enron communications @ enron communications , david berberian / enron communications @ enron communications , rex shelby / enron communications @ enron communications , mike haney / enron communications @ enron communications , ravi thuraisingham / enron communications @ enron communications cc : subject : re : storage meeting ladies and gentlemen , stinson just pointed out that i forgot to mention that the meeting is scheduled for tomorrow ( 10 th of march 2000 ) between 2 : 30 pm and 4 : 30 pm . it may seem like a very short notice ; however , we ( mark , mary , kara , mike , virawan and myself ) had initially set this time and date last week . in the future i will make sure that everyone is notified early . sorry for any inconvenience this may have caused . thank you . shalesh ganjoo",0 +"Subject: re : approval is overdue : access request for paul . d . thomas @ enron . com the system will not allow me to view this request , saying that it has been assigned to you . i have left a message with the admin who originated these requests . if i don ' t hear back from her today , i think we should just deny all of them . i earlier sent emails to the individuals named asking what data they needed to access and none of them responded . - - stinson vince j kaminski 01 / 31 / 2001 07 : 45 am to : stinson gibner / hou / ect @ ect cc : subject : approval is overdue : access request for paul . d . thomas @ enron . com stinson , any resolution on this one ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 31 / 2001 07 : 48 am - - - - - - - - - - - - - - - - - - - - - - - - - - - arsystem on 01 / 30 / 2001 07 : 17 : 35 pm to : "" vince . j . kaminski @ enron . com "" cc : subject : approval is overdue : access request for paul . d . thomas @ enron . com this request has been pending approval for 2 days and you are the alternate . please click approval to review and act upon this request . request id : 000000000015793 approver : stinson . gibner @ enron . com request create date : 1 / 29 / 01 9 : 48 : 41 am requested for : paul . d . thomas @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read ] resource type : directory",0 +"Subject: re : our discussion mike , there might be a place for steve in our unit supporting ees . i shall forward the resume to my associates supporting the facility management effort . thanks for thinking about us . vince p . s . krishna , osman , can you take a look at the attached resume ? steve has no finance background but his engineering background is very strong . vince michael l miller @ enron _ development 02 / 17 / 2000 07 : 52 am sent by : michael linn miller @ enron _ development to : vince j kaminski @ ect , stinson gibner @ ect cc : aspijk @ texas . net subject : our discussion vince & stinson , i was given your names by lynn dunphy in recruiting and am taking the liberty of forwarding you the attached cv . steve roeder is a former collegiate swimmer and currently coach of the master ' s swimming program in the woodlands ( my wife is president of the program ) . he is also currently employed at air liquide usa ( or one of its subsidiaries ) over in the galleria area . as a consequence of air liquide ' s pending merger with boc , steve believes that there will be significant personnel reductions sometime during 2000 and is taking action now to try to locate his next professional challenge . lynn suggested there might be a fit with your group and i would be grateful if you could have a look and let me know whether you might be interested . alternatively , if you don ' t see a fit ( or are adequately staffed at the moment ) , i would be grateful for any suggestions you might have as to whom i might contact internally on steve ' s behalf . many thanks in advance . m . l . miller vice president - mergers & acquisitions calme region ( 713 ) 345 5272 - - - - - - - - - - - - - - - - - - - - - - forwarded by michael linn miller / enron _ development on 02 / 17 / 2000 07 : 49 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" roeder , steve "" on 02 / 10 / 2000 03 : 14 : 18 pm to : "" ' michael . l . miller @ enron . com ' "" cc : subject : our discussion mike - thanks for taking the time to talk last evening . ? i really appreciated it . ? ( by the way , how is life in the white house now that you are living with a president ? ? is air force one all that it is cracked up to be ? ) please see the attached document . ? by reading between the lines , hopefully one can see that , whereas my training has been highly technical , my desire to transform my career into the business side of a high - technology application is set in this good foundation ( rather than limited by it ) . thanks again for your support . > steve roeder technology manager air liquide america 713 624 8777 713 624 8350 fax steve . roeder @ airliquide . com - steve . doc",0 +"Subject: re : programming for rdi model michelle , helen , cecil , david ( just joined the effort ) and i had a meeting this morning . a lot of things regarding the coding has been discussed . we all felt good about the progress that has been made and have clear idea of how to proceed . the project is speeding up nicely . best , alex",0 +"Subject: visit to wharton , december 6 i would like to invite you to join mewhen i visit to the wharton risk management and decision processes center on december 6 . the meeting will take place in the morning , 9 : 00 - 12 : 00 , followed by lunch . the description of the center is at the bottom of the message . the web site address is the objective of the trip is to discuss joint research projects in the area of risk management and alternative risk transfer . please , feel free to contact me with recommendations regarding discussion and potential research topics . the best hotel to stay in is the inn at penn . http : / / www . innatpenn . com / contact . html the inn at penn sansom common , 3600 sansom street philadelphia , pa . 19104 phone : 1 - 800 - 809 - 7001 fax : 215 - 222 - 4600 vince kaminski the mission of the wharton risk management and decision processes center is to carry out a program of basic and applied research to promote effective policies and programs for low - probability events with potentially catastrophic consequences . the center is especially concerned with natural and technological hazards and with the integration of industrial risk management policies with insurance . the center is also concerned with promoting a dialogue among industry , government , interest groups and academics through its research and policy publications and through sponsored workshops , roundtables and forums .",0 +"Subject: contract update sheila , some minor differences between the draft and the final executed version . i have forgotten to bring the draft today , i shall send a copy to you tomorrow . there were some hand - written changes made by greg ijn the draft that were not transferred to the final version . vince",0 +"Subject: adres marysi robertlu @ friko 6 . onet . pl",0 +"Subject: re : primary curves missing from factor loading tanya , we are very close to generating factors for all primary curves . jin almost get it done . but we are still waiting on the expiration dates for those london curves . if anyone can help , please help . also , we have some curves that don ' t have futures . how to decide these curves ' s expiration dates ? matthew adams helped us deciding many curves expiration rules . but there are still many primary curves that don ' t have expiration dates . if no expiration dates , then there will be no factor loadings . whoever wants to generate factor loadings then give us the expiration dates first ! : ) winston tanya tamarchenko 09 / 21 / 2000 09 : 00 am to : bjorn hagelmann / hou / ect @ ect , wenyao jia / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , kirstee hewitt / lon / ect @ ect , rodrigo lamas / lon / ect @ ect , xochitl figueroa / na / enron @ enron , manfred roenz / corp / enron @ enron , christian lebroc / corp / enron @ enron , bjorn hagelmann / hou / ect @ ect , homan amiry / lon / ect @ ect , naveen andrews / corp / enron @ enron subject : re : primary curves missing from factor loading bjorn , you are absolutely right that we should run the factors for every primary curve . it has been working for a while on this . the problem is data , as always ( missing price curves , zero prices , not changing prices , etc . ) most of these problems come from london curves , so winston and jin yu are debugging the code , fixing the problems for every curve . winston , do you think we are ready to calculate factors for us curves ? ( while continue working on the rest ) . tanya from : bjorn hagelmann 09 / 20 / 2000 10 : 06 pm to : tanya tamarchenko / hou / ect @ ect , naveen andrews / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , kirstee hewitt / lon / ect @ ect , rodrigo lamas / lon / ect @ ect , xochitl figueroa / na / enron , manfred roenz / corp / enron , christian lebroc / corp / enron , bjorn hagelmann / hou / ect @ ect , homan amiry / lon / ect @ ect subject : re : primary curves missing from factor loading tanya , naveen : i am confused , i thought that when we identified primary curves they would then have factors run against them . does this not distort what we are trying to do with the primary and var ? regards bjorn h . - - - - - - - - - - - - - - - - - - - - - - forwarded by bjorn hagelmann / hou / ect on 20 / 09 / 2000 21 : 57 - - - - - - - - - - - - - - - - - - - - - - - - - - - xochitl figueroa @ enron 20 / 09 / 2000 18 : 16 to : manfred roenz / corp / enron @ enron , christian lebroc / corp / enron @ enron , homan amiry / lon / ect @ ect cc : bjorn hagelmann / hou / ect @ ect subject : re : primary curves missing from factor loading i am in the same situation as manfred . i have one primary curve for southern cone gas and one for southern cone power and i am not getting factors for either . for my power curves i am getting wti factors and for gas i am getting ng factors . but i do agree with you manfred , i think all the primary curves should have their own factor loadings . xochitl manfred roenz 09 / 20 / 2000 05 : 33 pm to : christian lebroc / corp / enron @ enron , xochitl figueroa / na / enron @ enron , homan amiry / lon / ect @ ect cc : bjorn hagelmann / hou / ect @ ect subject : re : primary curves missing from factor loading christian , at least you have 2 curves that you get factors for . i get none . i have four primary curves for coal but factors from nbsk are used . in emissions i have one primary curve but wti factors are used . i think all the primary curves should have their own factor loadings . xochitl , what factors are used for your primary curves ? manfred from : christian lebroc 09 / 20 / 2000 11 : 28 am to : homan amiry / lon / ect @ ect , manfred roenz / corp / enron @ enron , xochitl figueroa / na / enron @ enron cc : bjorn hagelmann / hou / ect @ ect subject : primary curves missing from factor loading i was in the process of setting up sunil ' s template for calculating co - variance on all liquids primary curves using the "" factor loading "" data . unfortunately , i did not get very far , because i noticed that the factor loading table contains only 2 ( wti & hu ) out of 13 liquids primary curves . i am concern that liquids var could conceivably be over or understated due to the absence of 11 other curves which are listed below . please verify your perspective commodity desk on this issue . 61 ny brent c 2 gc c 3 gc c 5 xt condensate dubaicrude ic 4 mtbe nc 4 nxho christian",0 +"Subject: reply requested : do you code or approve invoices ? do you code or approve invoices for goods and services that are processed by the houston - based accounts payable center ? if yes , please read and respond to this e - mail . on may lst , ibuyit payables will be activated for all organizations supported by the houston - based accounts payable processing center ( for example , invoices submitted via ap drop box to 600 jefferson , houston ) . if you code or approve these invoices , the ibuyit payables project team has important information to share with you about the ibuyit payables system , training , and the may lst transition to the new system . to identify yourself as a future ibuyit payables coder or approver , please respond to this e - mail upon receipt with the following information : * full name ( first , middle , last ) * e - mail address * business unit ( for example , corporate , ets , ews , ees , or ebs ) * do you code invoices ? ( yes / no ) * do you approve invoices ? ( yes / no ) * are you a remote user ? for example , do you dialup to access the enron network ? ( yes / no ) this will ensure that you receive important ibuyit payables information . thank you for your response ! attached is important ibuyit payables training information : ",0 +"Subject: re : smoothing methodology for extracting forward forward volatilities tanya , the exponentials we tried earlier ( a + bexp ( - cx ) , etc , fit well but gave negative numbers in the bootstrapping . i tried a + b ( t + c ) ( - 1 ) , a standard power law , and as the ? accompanying graph shows ( for the 12 months ) , the fits are quite good . ? in this case , the ffvols do not become negative ( i believe this ? corresponds to your 0 beta ) . ? i would have preferred exp ( - t ) and variants ( can explain owing to ? mean - reverting vols ) , but the power law might be a practical alternative ? ( from an implementation standpoint ) . ? naveen ? ? ? ? ? ? ? ? tanya tamarchenko @ ect ? 11 / 17 / 2000 02 : 59 pm ? to : naveen andrews / corp / enron @ enron , alex huang / corp / enron @ enron ? cc : vince j kaminski / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , vladimir ? gorny / hou / ect @ ect ? ? subject : re : smoothing methodology for extracting forward forward ? volatilities ? ? following up on our discussions i implemented one method for creating forward ? forward curve ? from implied vol curve . ? i sorted out 12 forward curves from an original forward vol curve , each of 12 ? curves corresponding ? to certain month . then i fitted each of 12 curves with a function : ? ? y = a + a / power ( x + b , beta ) ? ? i figured out that when beta is from ( 0 , . 5 ) the above function is suitable ? for performing our bootstrapping ? routine of deriving ff vols from implied , because : ? ? y ( x + t ) * y ( x + t ) * ( x + t ) - y ( x ) * y ( x ) * tx > 0 for all x , t . ? ? ( i have to double check on this again . also when beta > 0 . 5 there are some ? combinations of parameters a , a , b , beta ? for which above equality holds ) . even with restriction on beta this class of ? functions represents quite a variety of shapes . ? ? below you see the example of fitting as well as the example of ff vol curve ? constructed from implied vol curve for ng . ? ? i ' ll try this for power as well . ? ? any comments ? ? ? ? ? ? ? ? ? ? ? ?",0 +"Subject: progress fyi 1 - 2 days is optimistic , but we have core value of optimism ! - - - mike - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 10 / 09 / 2000 02 : 26 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - chonawee supatgiat @ enron 10 / 09 / 2000 12 : 16 pm to : mike a roberts / hou / ect @ ect cc : subject : progress mike , doug , an it guy , asked around and he could not find any software that can do the job . i am still working on the code . the program should be ready in 1 - 2 days . - chonawee",0 +"Subject: re : ken lay ' s speech so is it bigger than his tax cut on an annual average basis ?",0 +"Subject: re : follow - up meeting on wharton christie , this is regarding the risk management project . i shall set up a separate meeting with jeff regarding wharton tiger team . i would appreciate if you could call in as well . vince christie patrick 12 / 12 / 2000 10 : 14 am to : shirley crenshaw / hou / ect @ ect cc : james l bouillion / hou / ect @ ect , george carrick / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : follow - up meeting on wharton hi shirley ! i ' ll be on vacation , but will be happy to call in at that time , or any other time that is convenient for vince . should we also include jeff shankman ? please let me know the time and telephone number to call , and i ' ll be there ! thanks ! - - christie .",0 +"Subject: re : referral can you advise as to whether or not li xiao referred alex to you last summer . i need to know this in order to process an employee referral ( under old plan ) for her . - - - - - - - - - - - - - - - - - - - - - - forwarded by linda vargo / hou / ect on 02 / 14 / 2000 02 : 39 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - li xiao @ enron 02 / 14 / 2000 11 : 19 am to : linda vargo / hou / ect @ ect cc : subject : re : referral hi , linda , i wonder if you heard from vince kaminski regarding my referral for alex huang . thanks , li x 39635 - - - - - - - - - - - - - - - - - - - - - - forwarded by li xiao / corp / enron on 02 / 14 / 2000 11 : 12 am - - - - - - - - - - - - - - - - - - - - - - - - - - - linda vargo @ ect 01 / 17 / 2000 04 : 29 pm to : li xiao / enron _ development @ enron _ development cc : subject : re : referral i am waiting for feedback from vince kaminsky . as soon as i know something , i will advise .",0 +"Subject: spvs hi , vince , merry christmas and happy new year ! please see attached brief descriptions of spvs , to my knowledge , there are a couple more and i will keep you posted . best regards , li",0 +"Subject: jacob kang vince , jacob has good background in or and can start working on pipeline problems right away , if we need someone . maybe it is from his consulting background , i found that at times he exaggerates a bit about his roles in model building . he would start saying he did everything , and later water it down quite a bit . ( what he actually did is not an easy accomplishment though . ) he also stressed that he wants to move away from pipeline projects . i did not got a chance to ask him any questions about derivatives and finance . best , alex",0 +"Subject: re : no problem vince , the thur mtg was cancelled . steve vince j kaminski 10 / 11 / 2000 14 : 48 to : steven leppard / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , tani nath / lon / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : steve , i assume it ' s 9 : 00 a . m . my time , monday . it works for me . i haven ' t responded in time to the your message re thursday . i had a few back to back meetings in the morning and i read your message quite late into the day . vince steven leppard 11 / 10 / 2000 04 : 25 am to : vince j kaminski / hou / ect @ ect , tani nath / lon / ect @ ect cc : subject : vince , tani fyi . steve - - - - - - - - - - - - - - - - - - - - - - forwarded by steven leppard / lon / ect on 10 / 11 / 2000 10 : 27 - - - - - - - - - - - - - - - - - - - - - - - - - - - calendar entry research meeting w / - michael , john , tani , richard , joe , steve & vince kaminski brief description : date : time : 13 / 11 / 2000 15 : 00 - 15 : 45 detailed description : invitations phone / ext include chairperson : john sherriff / lon / ect 37359 yes organised by : lauren urquhart / lon / ect no invitations sent to : tracie mccormack kirsten nelz steven leppard this meeting repeats starting on ( if the date occurs on a weekend the meeting ) .",0 +"Subject: reactions website http : / / www . reactionsnet . com thank you for registering for a free trial to the reactions magazine website . your user name and password are listed below - please keep this email or a printout of these details as you will need them to access the site . if you have any problems logging on or using this site please feel free to contact our help desk on + 44 ( 0 ) 20 7779 8006 or mailto : web - help @ euromoneyplc . com your trial user name is : kaminski and your password is : 105006 reactions is also available in hard copy format . if you wish to receive a complimentary copy , please email us your full mailing address . for further informationon all sbscriptions , please call our hotline on + 44 ( 0 ) 20 7779 8999 ( uk ) or 1 - 800 437 9997 ( usa ) or mailto : hotline @ euromoneyplc . com .",0 +"Subject: re : fw : parent - subsidary model hi again , thanks for the financial data on enron ' s european counterparties . it is my understanding that you started out with a list of 500 such counterparties . however , your spreadsheet only contains information for 72 of these european counterparties . will you please tell me the logic behind the elimination of the 400 + other counterparties ? thanks so much , iris - - - - - original message - - - - - from : parsons , ben sent : tuesday , april 17 , 2001 2 : 56 am to : mack , iris cc : valnek , tomas ; dhar , amitava ; mumford , mike subject : re : fw : parent - subsidary model hi iris the inputs and outputs generated by riskcalc can be seen in the attached file : > we only looked at the 5 - yr pd . inputs are in columns a - u . these are the inputs generated by amadeus . you can run these inputs through the riskcalc model over the web ( http : / / www . moodysqra . com / privfirm ) using the login : dupred , password : detective . this is our trial licence which lasts for about 2 more weeks ( mike mumford will have more details about the current licence ) tomas valnek was getting the data from the amadeus database , so i ' ll leave it to him to determine if houston access is possible . in the meantime you can use the dataset attached for testing purposes . ben from : iris mack / enron @ enronxgate on 12 / 04 / 2001 17 : 58 cdt to : ben parsons / lon / ect @ ect cc : amitava dhar / corp / enron @ enron subject : fw : parent - subsidary model hi ben , how are you ? today we had a meeting with craig chaney and jeff kinneman to discuss the private firm model . they requested that i spend some time carefully analyzing the moody ' s riskcalc model . i noticed that you also have been looking at riskcalc - as indicated in your paper entitled "" pricing parent companies and their subsidiaries : model description and data requirements "" other than the example discussed in your paper , did generate any other test statistics , scores , etc . also , you stated that you used amadeus database . we are in the process of trying to obtain data from various data vendors - but that may take a while . in the mean time , may we have access to the amadeus database or some sample dataset ? thanks so much , iris - - - - - original message - - - - - from : valnek , tomas sent : tuesday , april 10 , 2001 9 : 10 am to : fiala , markus ; seyfried , bryan ; salmon , scott ; kirkpatrick , eric ; mumford , mike ; fontaine , jean - sebastien ; brooks , simon ; price , nigel ; diprose , robert ; rezaeian , reza ; gordon , mike ; lee , derek ; hershkovitz , ilan ; golden , sally ; stephan , nicholas ; albanis , george ; shanbhogue , vasant ; mack , iris cc : parsons , ben subject : parent - subsidary model attached is a description of the parent - subsidiary model that ben and i have been working on over the last few weeks . comments welcome ! tv >",0 +"Subject: re : i am zhendong zhendong , thanks . please , send me your updated resume as well . vince zhendong xia on 04 / 11 / 2001 09 : 14 : 01 pm to : vince . j . kaminski @ enron . com cc : subject : i am zhendong hi , dr . kaminski : i am zhendong , the student of dr . deng . i think dr . deng has sent my resume to you . i am very happy to have an opportunity to work with you this summer . i am a student in both ms qcf and ph . d eda programs in georgia tech now . i plan to find a job in industry instead of academic after my graduation . so i intend to do internship during the process of prusuing my degree to acquire some experience for my future career . i hope to start on 5 / 14 / 2001 and end on 8 / 17 / 2001 . thanks a lot . zhendong xia georgia institute of technology school of industrial and systems engineering email : dengie @ isye . gatech . edu dengie @ sina . com tel : ( h ) 404 - 8975103 ( o ) 404 - 8944318",0 +"Subject: energy futures contracts project please respond to hi vince and jason : please find attached a copy of our project . thank you for an enjoyable and informative class . sincerely , rishad patel neeraj hingorani duane maue eric van stone john ganguzza grant johnson paulo yoshiura - . doc",0 +"Subject: sevil yaman hi norma , sevil ' s primary project has been the generation bidding analysis for the east power desk . she worked closely with the power fundamentals group and the it group in collecting and organizing the data , and then developing the analysis . sha has focused on the pjm area and plans to expand the analysis to other regions in the east . sevil has also investigated the issue of risk premia in power prices compared to marginal cost . vasant",0 +"Subject: re : cv of rodney greene re quantitative positions . vince - would you have any interest in this candidate ? kind regards - amy - - - - - - - - - - - - - - - - - - - - - - forwarded by amy fitzpatrick / lon / ect on 21 / 02 / 2000 09 : 34 - - - - - - - - - - - - - - - - - - - - - - - - - - - bryan seyfried 18 / 02 / 2000 19 : 50 to : amy fitzpatrick / lon / ect @ ect cc : subject : re : cv of rodney greene re quantitative positions . probably a bit to techy for me but maybe a good fit for vince kaminski in houston research . bs amy fitzpatrick 17 / 02 / 2000 12 : 52 to : david port / corp / enron @ enron , david weekes / lon / ect @ ect , steve w young / lon / ect @ ect , bryan seyfried / lon / ect @ ect cc : subject : cv of rodney greene re quantitative positions . any thoughts on this candidate ? kind regards - amy - - - - - - - - - - - - - - - - - - - - - - forwarded by amy fitzpatrick / lon / ect on 17 / 02 / 2000 12 : 52 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . from : simon bragg 17 / 02 / 2000 12 : 36 to : "" ' amy . fitzpatrick @ enron . com ' "" cc : subject : cv of rodney greene re quantitative positions . hi amy a colleague of mine interviewed someone last week who is a phd whose background is as a developer within catastrophe risk management . he is looking to move into more of a quantitative role which will utilise his developing skills and also his statistical and theoretical knowledge as well . the issue is that he is based in chicago and i wondered if there would be any interest from your headquarters there . please find attached his details . speak to you soon . regards simon - do 075530 . doc",0 +"Subject: re : introduction thanks , subroto original message - - - - - from : ? vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : ? ? monday , march 12 , 2001 7 : 39 pm to : ? ? ? ? subroto . roy @ riskmetrics . com subject : ? ? ? ? ? ? ? re : introduction dear subroto , thanks for your message . here is my information : vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ? ? ? ( 713 ) 853 3848 ? ? ? ? ( 713 ) 410 5396 ( cell ) fax ? : ? ( 713 ) 646 2503 e - mail : vkamins @ enron . com vince subroto roy on 03 / 12 / 2001 11 : 28 : 52 am to : ? ? "" ' vkamins @ enron . com ' "" cc : subject : ? introduction dear vince : it was a pleasure talking with you today , especially about risk management and data opportunities . we appreciate your openness with respect to sharing information about your business activity . riskmetrics has grown rapidly in the last one year . we now have 370 institutional clients worldwide for our risk management software and data products . we encourage you to visit our web site and our ' risk grades ' site for risk measurements for retail clients . we look forward to meet with you and your colleagues at enron . sincerely , subroto roy riskmetrics inc . 44 wall street new york , ny 10005 t 212 - 981 - 7435 , f 212 - 981 - 7401 http : / / www . riskmetrics . com / * * * * * * * * * * * * * * * * * * * * * check the risk of your personal investments at http : / / www . riskgrades . com /",0 +"Subject: re : houston visit soussan , it seems we have planned for all contingencies . look forward to meeting you next week . vince "" faiz , soussan "" on 11 / 28 / 2000 06 : 51 : 51 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : houston visit vince , your suggested arrangement is perfect with me and i love both italian or steak . . . the choice is yours . i really look forward to our meeting vkaminski @ aol . com subject : re : houston visit soussan , let ' s meet at westin oaks next to the reception around 6 : 30 p . m . thursday . there are several nice restaurants within a walking distance to the galleria . i shall make a reservation ( is italian or a steakhouse ok ? ) . you can reach me on thursday at my cell phone 713 410 5396 . look forward to meeting you . vince "" faiz , soussan "" on 11 / 27 / 2000 04 : 37 : 30 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : houston visit great ! i look forward to our dinner on thurs . 12 / 7 evening . hopefully your flight will be on time . . . although having watched 60 minutes last night and suffered from a # of delays lately , let ' s hope that the "" weather blame "" doesn ' t get in the way . it ' s best to leave me a message @ my usual work # on thurs . , 914 253 4187 , . . . i can easily check it in houston . i ' ll be staying @ the westin oaks in the galleria . . . any preferred place that i can book ( & for what time ) ? ? coming over to down town won ' t be a problem for me either . will be great to see you again . soussan 914 253 4187 - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , november 27 , 2000 12 : 10 pm to : faizs @ texaco . com cc : vince . j . kaminski @ enron . com subject : re : houston visit soussan , thanks for your message . it would be great to meet you when you come to houston . i shall be in town on december 7 , flying back from philly in the morning . assuming that the flight is on schedule , i shall be available for dinner . please , let me know how i can contact you on thursday , december the 7 th , to confirm . look forward to meeting you . vince "" faiz , soussan "" on 11 / 26 / 2000 09 : 04 : 01 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : houston visit dear vince , greetings from ny and hope that all is well and you had a great thanksgiving . i ' ll be coming to houston for 12 / 6 - 12 / 7 and hope you are available either evening for dinner . would be great to see you again and catch up with the latest . . . i really enjoyed my visit last april , your insights , and the risk book you gave me . i do hope you ' re available to meet and pls let me know which evening suits you better . best , soussan faiz texaco inc . 914 253 4187",0 +"Subject: executive program on credit risk modeling subject : announcement : executive program on credit risk modeling credit risk modeling for financial institutions october 15 - 20 , 2000 at stanford university business school risk management specialists , stanford business school professors of finance darrell duffie and kenneth singleton will be repeating their successful executive program on credit risk pricing and risk management for financial institutions . the course is created for risk managers , research staff , and traders with responsibility for credit risk or credit - related products , including bond and loan portfolios , otc derivative portfolios , and credit derivatives . this program includes : * valuation models for defaultable bonds , otc derivatives , and credit derivatives , with empirical applications to corporate and sovereign markets * empirical and theoretical assessments of models for measuring credit risk , with correlation , for portfolios * the strengths and limitations of current practice in credit risk measurement * practical issues in implementing credit modeling and risk systems * estimation of default and transition probabilities , and the correlations among the default risks of publicly traded companies , from historical data application form : credit risk modeling for financial institutions stanford , october 15 - 20 , 2000 this form may be completed and returned by email , or may be printed and sent by fax to : stanford gsb executive education programs fax number : 650 723 3950 you may also apply and see more detailed information by visiting our web site at : www . gsb . stanford . edu / exed / crm applications will be acknowledged upon receipt . if you have not received an acknowledgement within two weeks , please contact us . please complete all sections . all information is kept strictly confidential . name : put an x beside one , please : male : female : citizenship : job title : company : your company ' s main activity : business mailing address : business phone ( all codes please ) : business fax : email address : home address : home phone : nickname for identification badge : emergency contact name : emergency contact phone : title of person to whom you report : your job responsibilities and experience related to this course : ( please provide a brief job summary here , or attach and send a biographical summary containing information relevant to your purpose and qualifications for the course . ) college or university education : please list , by degree : college or university dates degree granted _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ please note : all classes and discussions are conducted in english . in order to reserve a place in the course , the program fee of us $ 7 , 500 is due upon notification of acceptance . this fee covers the tuition , single room , meals , and all course materials ( including a proprietary manuscript on credit risk pricing and measurement ) . our refund policy is available upon request . please state the source from which you heard about this course : name and date : if you would like a hard copy brochure and application form , please contact : ( make sure to include your mailing address ) shelby m . kashiwamura program manager executive education stanford graduate school of business ( 650 ) 723 - 9356 phone ( 650 ) 723 - 3950 fax kashiwamura _ shelby @ gsb . stanford . edu",0 +"Subject: grades pam , another term paper : john ganguzza neeraj hingorani grant johnson duane maue rishad patel eric van stone palo yoshiuro grade : a please , confirm . vince",0 +"Subject: jcc forward curve the following spreadsheet contains a simple way to build a jcc forward curve . it is based upon the spread between jcc and brent lagged one month . i ' m out until the 2 nd . - kevin k .",0 +"Subject: thank you graham pl . # 207 austin , tx 78705 ( 512 ) 4746683 november 30 , 2000 dear mr . kaminski : thank you for the opportunity to interview today for a position with enron company . i enjoyed meeting you and learning more about your company and the interesting work done by enron . the interview strengthened my interest in working for enron company . my education and experience fit nicely with the job requirements , and i am confident i can make a positive contribution to the company . i want to reiterate my strong interest in enron company and in working with you and your staff . after further investigating your well - established company , i am eager to reaffirm my interest in the position . please feel free to contact me at ( 512 ) 4746683 or at knirel @ mail . utexas . edu if i can provide you with any additional information . again , thank you for your consideration . i hope to hear from you soon regarding your decision . sincerely , nina knirel do you yahoo ! ? yahoo ! shopping - thousands of stores . millions of products . http : / / shopping . yahoo . com /",0 +"Subject: reply from charles shen shirley : thank you very much for the e - mail . attached please find the copy of my resume , please treat it with high confidentiality . i would love to fly to houston this friday to talk to vince and other people in enron , and i will fly from tulsa , oklahoma to houston . when you make the flight reservation , please make sure to use my legal name "" yingquan shen "" . if you have any questions , please feel free to let me know . sincerely , charles - - - shirley . crenshaw @ enron . com wrote : > mr . shen : > > vince kaminski and the research group would like to > bring you in for an > interview this friday , if possible . please forward > me a copy of your > resume , as soon as possible , and i will have our hr > dept . contact you . > > thank you . > > shirley crenshaw > administrative coordinator > enron research dept . > 713 / 853 - 5290 > > > > > do you yahoo ! ? get yahoo ! mail - free email you can access from anywhere ! http : / / mail . yahoo . com / - charles _ shen . doc",0 +"Subject: re : willow and pathstar evaluations i will check with michael and see if it ' s feasible to do a quick evaluation of his software here in houston . - - stinson vince j kaminski 04 / 24 / 2001 05 : 22 pm to : stinson gibner / hou / ect @ ect cc : subject : willow and pathstar evaluations stinson , he keeps bugging us about it . any thoughts what we should do ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 24 / 2001 05 : 22 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" mike curran "" on 04 / 24 / 2001 10 : 03 : 24 am please respond to "" mike curran "" to : cc : subject : willow and pathstar evaluations hi vince - hope all is well with you . sharad hasn ' t had time to evaluate our willow tree or monte carlo software since the middle of last year . is there somebody else that could do it ? please let me know who i should send the evaluation to . best regards , michael curran ceo quantin ' leap limited piercy house 7 copthall avenue london ec 2 r 7 nj tel : + 44 ( 0 ) 20 7562 3450 fax : + 44 ( 0 ) 20 7562 3411 mailto : mcurran @ quantinleap . com http : / / www . quantinleap . com",0 +"Subject: re : asian option for pavel our convention is whoever finalizes the model should write the documentation . it does not make sense to write one when changes are anticipated . you have been working on this almost a year , it never strikes you that we need a documentation ? i created exotica . xll , does that also give you an excuse not working on exotica documentation ? zimin paulo issler 05 / 02 / 2001 11 : 52 am to : zimin lu / hou / ect @ ect cc : tai woo / enron @ enronxgate @ enron , pavel zadorozhny / enron @ enronxgate subject : re : asian option for pavel i am surprised that we do not have the documentation ready . i can make that for you . it is not there because you did not put that together by the time it was created and all the changes i have made did not required changes on the functionality . paulo issler zimin lu 05 / 02 / 2001 11 : 29 am to : tai woo / enron @ enronxgate @ enron , paulo issler / hou / ect @ ect cc : pavel zadorozhny / enron @ enronxgate subject : re : asian option for pavel tai woo , here are the c - codes for the crudeapo . ' sig ' is the spot volatility meaning the price volatility within the delivery period . you should consult with pavel for the definition of this "" extra "" parameters . we would like to see the position monitor once you get it running . we might have some additional suggestions . paulo , why don ' t we have a documentation on crudeapo you worked on ? i can not find it in exotica help file . please supply that to tai , thanks . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - from : tai woo / enron @ enronxgate on 05 / 02 / 2001 09 : 55 am to : paulo issler / hou / ect @ ect cc : kara maloney / enron @ enronxgate , zimin lu / hou / ect @ ect subject : asian option for pavel this morning , zimin told me that pavel is using a special model in evaluating his asian option portfolio . he asked me to talk to you in order to access to the code so that i can see the difference made to the model . as i cannot find the doc . describing this model , please tell me what that new input parameter ' sig ' is . thanks ,",0 +"Subject: re : mr . sud vince , it never hurts ( or rarely , anyway ) to follow up on things . i met with him on saturday . it will be interesting to see what he does . i didn ' t empower him to do anything on our behalf and basically just stated what i wouldn ' t mind him repeating . thanks , rebecca - - - - - original message - - - - - from : kaminski , vince sent : friday , march 09 , 2001 9 : 03 am to : rebecca mcdonald / enron _ development @ enron cc : kaminski , vince subject : mr . sud importance : high sensitivity : confidential rebecca , i share some of your concerns regarding mr . sud . he is retired and he chose to contact us rather indirectly ( or on the spur of the moment ) . i understand that things are done differently in different cultures but i did not meet him and could not form my judgment based on personal observations . however , the information he gave us seems to be too important not to convey to you and not to act upon . vince kaminski",0 +"Subject: re : telephone interview with the enron corp . research group ms . crenshaw , thank you very much for the message . i am very interested in the opportunity to talk to personnel from the research group at enron . between the two days you suggest , i prefer wednesday 12 / 6 . considering the two - hour time difference between california and texas , 11 : 00 am pacific time ( 1 : 00 pm your time ) seems to be a good slot . however , i am open most of the day on 12 / 6 so if some other time slot is prefered on your end , please let me know . thanks again . i look forward to talking to you and your colleagues . jingming on tue , 28 nov 2000 shirley . crenshaw @ enron . com wrote : > good afternoon jingming : > > professor wolak forwarded your resume to the research group , and > they would like to conduct a telephone interview with you , sometime next > week , at your convenience . the best days would be tuesday , 12 / 5 or > wednesday , 12 / 6 . > > please let me know which day and what time would be best for you and > they will call you . let me know the telephone number that you wish to be > contacted at . > > the interviewers would be : > > vince kaminski managing director and head of research > vasant shanbhogue vice president , research > lance cunningham manager , research > alex huang manager , research > > look forward to hearing from you . > > best regards , > > shirley crenshaw > administrative coordinator > enron research group . > 713 - 853 - 5290 > > > jingming "" marshall "" yan jmyan @ leland . stanford . edu department of economics ( 650 ) 497 - 4045 ( h ) stanford university ( 650 ) 725 - 8914 ( o ) stanford , ca 94305 358 c , economics bldg if one seeks to act virtuously and attain it , then what is there to repine about ? - - confucius _ ? oo ? ? ooo ? ? t  xo - ? ? - -  ? ?",0 +"Subject: re : book notes vince : look forward to meeting you . . . amy vince j kaminski @ ect 07 / 24 / 2000 08 : 33 am to : amy oberg / hou / ees @ ees cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : book notes amy , i received your voice - mail message . i was traveling last week and unable to answer it directly . i shall be glad to join you on thursday for the presentation ( 3 p . m . on my calendar ) . vince",0 +"Subject: re : weather and energy price data dear dr . kaminski : thank you very much for the natural gas information . the electricity price is also definitely of great help if it can be available . could you kindly please let me know the contact information for ft or megawatt daily ? i will contact them asap to get their permission for the access of the price data . thank you very much and have a great day ! mulong on mon , 16 apr 2001 vince . j . kaminski @ enron . com wrote : > > mulong , > > we shall send you natural gas henry hub prices right away . > please look at the last winter and the winter of > 95 / 96 . > > we shall prepare for you the electricity price > information ( cinergy , cobb and palo verde ) but > you have to approach ft ( the publishers of > megawatts daily , a newsletter that produces the price > index we recommend using ) and request the permision > to use the data . we are not allowed to distribute > this information . > > please , explain that this is for academic research and that > we can produce the time series for you , > conditional on the permission from the publishers > of megawatts daily . > > vince kaminski > > > > > mulong wang on 04 / 15 / 2001 03 : 43 : 26 am > > to : vkamins @ ect . enron . com > cc : richard macminn > subject : weather and energy price data > > > dear dr . kaminski : > > i am a phd candidate under the supervision of drs . richard macminn and > patrick brockett . i am now working on my dissertation which is focused on > the weather derivatives and credit derivatives . > > could you kindly please offer me some real weather data information about > the price peak or plummet because of the weather conditions ? > > the past winter of 2000 was very cold nationwide , and there may be a > significant price jump for natural gas or electricity . could you > please offer me some energy price data during that time period ? > > your kind assistance will be highly appreciated and have a great day ! > > mulong > > > > > > > > > >",0 +"Subject: meeting on the 20 th of march robert , this is to confirm the meeting on march the 20 th at 9 : 00 a . m . enron will be represented by bill bradford , bryan seyfried , , vasant shanbhogue and myself . could you , please , advise me what is the best hotel where we could stay overnight , close to your location ? vince kaminski enron corp . 1400 smith street , room 1962 houston , tx 77251 - 1188 phone : ( 713 ) 853 3848 fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: re : transport model ken and greg , the gamma and cross gamma from our spread option appear to be correct . one anomaly i found is the price change as function of maturity , see attached figure . it is odd , isn ' t it ? and the seeming gamma anomaly is largely because of this . zimin enron north america corp . from : kenneth shulklapper 08 / 07 / 2000 11 : 40 am to : zimin lu / hou / ect @ ect cc : subject : transport model zimin , i have been looking at the new transport model and there are some returns in the greek calculations that i am not comfortable with . i have looked through the formulas and do not see inconsistencies , but we are getting significantly higher gamma values in ' out years ' than in the ' near months / years ' . rho also seems to be very high throughout the curve . we are prepared to release this model to be used on the floor , but would like you to sign off on the calculations . i know that you have a meeting on this on wednesday , and wanted to get you the model to review early . a good example that i am talking about is on the tab "" longterm 9 "" . this is the kingsgate to malin deal that we worked on previously . please give me ( or greg couch ) a call with any questions . thanks . ken 3 - 7009 - - - - - - - - - - - - - - - - - - - - - - forwarded by kenneth shulklapper / hou / ect on 08 / 07 / 2000 10 : 58 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : victor guggenheim 08 / 07 / 2000 10 : 54 am to : kenneth shulklapper / hou / ect @ ect cc : subject : transport model",0 +"Subject: wharton interviews - - - - - - - - - - - - - - - - - - - - - - forwarded by kristin gandy / na / enron on 01 / 30 / 2001 03 : 19 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : kristin gandy 01 / 29 / 2001 05 : 32 pm to : jeremy blachman / hou / ees @ ees cc : bryan kite / enron communications @ enron communications , michele nezi marvin / enron communications @ enron communications subject : wharton interviews this is a request for your interview participation . the associate program will be on the wharton , mba campus interviewing summer associate interns next week . due to business reasons , previously scheduled interviewers from the wharton team have had to cancel their participation . currently , i need two interviewers for monday , february 5 th and two interviewers for tuesday , february 6 th . please let me know of your availability . campus interviews are scheduled as follows : place : rittenhouse hotel 210 west rittenhouse square philadelphia , pa 19103 date : monday , february 5 th tuesday , february 6 th day one interviews day two interviews time : 8 : 30 a . m . to 5 : 00 p . m . 8 : 30 a . m . to 4 : 00 p . m . interviewers : bryan kite - confirmed michele nezi marvin - confirmed in the event that you have scheduling conflicts and cannot participate , any referrals at the director or vp level would be greatly appreciated . as always , thank you for your time and please contact me @ ext . 5 - 3214 if you have any questions . kristin gandy associate recruiting",0 +"Subject: re : storage book . . . hi stinson , shales ' initial in road to ebs was through david cox ( after vince ' s suggest to talk to david , i think ) . what shalesh did at the time was to put a four page concept on trading storage as a commodity in the new networked world . he has keen interest in such an idea and has done some work . he will be a good fit unless that person has to be in ebs under jean etc . . . . if so , we are not ready to let shalesh go ! he can support that effort , but i need him to get the supply & demand work in real - time user friendly form for jean ' s traders before shalesh ventures onto something else . i did promising that i will get him involved in some juicy stuff like new product / deals etc . . . . this may be his non - it stuff that he can do . . . . . what do you think ? ravi . stinson gibner @ ect 02 / 18 / 00 10 : 10 am to : ravi thuraisingham / enron communications @ enron communications cc : vince j kaminski / hou / ect @ ect subject : storage book . . . ravi : samer and i met this morning with sara ledbetter . she is starting the groundwork for setting up a storage book and a streaming book for tracking the e - powered products positions . they are having a meeting on next tuesday to discuss this . samer will attend . this is a good opportunity to start compiling the data that we will need for some of john grieblings questions . - - stinson p . s . sara also asked if we knew anyone who would be interested in managing the storage book . any suggestions ?",0 +"Subject: re : dabhol report narottam , i have in fact not received a copy of the report . was this something you sent by e - mail ? if so , please resend it to me so that i could make the appropriate comments . please do this asap , since i have been waiting for this report to give my comments for some time now . regards , sandeep . "" narottam aul "" on 05 / 06 / 2001 08 : 25 : 53 pm please respond to to : cc : subject : dabhol report sandeep trust you have had the opportunity to review the draft of the dabhol report that was sent on 24 april 2001 . i assume that the circulation of the report to the relevant people within dabhol and enron has been done at your end . it will be helpful if all comments are collated and send through you . the report can then be amended to incorporate your comments and a final version sent for your records . we would very much to close the assignment with the completion of the report . please do let me know , if we can do any further analysis and sensitivities to assist enron and dabhol in the existing phase of discussions with mseb and the state government . best regards narottam narottam aul henwood energy services inc . 26 greenhill road wayville sa 5034 australia tel : + 61 8 8179 2006 fax : + 61 8 8179 2099 mobile : 0421 061 016",0 +"Subject: re : part - time work vince , zimin and i talked briefly about the part - time work this morning . to recap ; i am willing to work 20 hours a week , however , i expressed my concern about commuting every week . i asked if commuting once every two weeks ( and work out of austin every other week ) would be acceptable . as to the term of the work , i suggested a 3 - mo period ( i have yet not talked to international office which arranges work authorization using curricular practical training of which i have used up 9 months already ) , i might run into problems if i ask for more . i also mentioned that i would do my best to accomodate your preferences . we did not discuss any other details . i shall be awaiting for your response on this matter . best , - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - cantekin dincerler doctoral candidate the university of texas at austin graduate school of business department of finance office : ( 512 ) 471 - 1676 fax : ( 512 ) 471 - 5073 home : ( 512 ) 472 - 5356 cell : ( 512 ) 680 - 5355 http : / / uts . cc . utexas . edu / ~ cantekin - - - - - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - > - - - - - original message - - - - - > from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] > sent : monday , september 18 , 2000 5 : 50 pm > to : cantekin @ mail . utexas . edu > cc : vince . j . kaminski @ enron . com > subject : re : part - time work > > > > cantekin , > > i shall call you tomorrow to discuss the details . > > vince > > > > > > "" cantekin dincerler "" on 09 / 18 / 2000 > 02 : 59 : 41 pm > > please respond to > > to : > cc : > subject : part - time work > > > hi vince , > > i promised to get back to you on the part - time work issue . > sorry for the > delay , i got back to austin only last week . i talked to ehud > about this and > he is ok with it . just wanted to let you know . > > best , > > - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - > cantekin dincerler > > doctoral candidate > the university of texas at austin > graduate school of business > department of finance > office : ( 512 ) 471 - 1676 > fax : ( 512 ) 471 - 5073 > home : ( 512 ) 472 - 5356 > cell : ( 512 ) 680 - 5355 > http : / / uts . cc . utexas . edu / ~ cantekin > - - - - - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - > > > > > > >",0 +"Subject: re : congratulations vince , congratulations to you too ! in my mind you ' ve always been an md , they ' re just officializing it now . thank you very for all your help and support . - - anthony vince j kaminski 01 / 11 / 2000 10 : 05 am to : anthony dayao / hou / ect @ ect cc : subject : congratulations anthony , congratulations . well deserved . i am very happy for you . better late than never . vince",0 +"Subject: re : risk ' s advanced stress testing course dear all , i have been asked to give a talk on the use of copulas in stress testing at a risk conference . as i don ' t really work directly on those sorts of things anymore i would need some help putting anything together - i am happy with the theory , i would just need to present some results . it is a risk conference in london / new york in february . if i can ' t accept it soonish i ' ll have to turn it down . the organiser has another person in mind and i don ' t want to give a rubbish talk . regards , sharad agnihotri please respond to "" jean - pierre doggett "" to : cc : subject : risk ' s advanced stress testing course dear sharad , i attach a copy of the draft programme - please feel free to suggest any amendments . to give you some context , we ' re pitching the course at more senior risk managers who are familiar with standard stress testing techniques so the content must be a significant step further e . g . alternative approaches , incorporating credit risk etc . my number is at the bottom of this message . thanks for your help , j - p jean - pierre doggett risk conference producer risk waters group phone : + 44 ( 0 ) 20 7484 9813 fax + 44 ( 0 ) 20 7484 9800 e - mail : jpdoggett @ riskwaters . com www . riskwaters . com - stress testing draft . doc",0 +"Subject: re : enron / stanford program vince , i have managed to change my ticket and we can meet for dinner on sunday 10 / 15 / 00 . shall we say at 7 pm ? > > > > giuseppe : can you please join us for dinner on sunday 10 / 15 . we ' d like to briefly discuss the project too . could i please ask you to make reservations for 3 at il fornaio or some other nice place in palo alto ? preferably a quiet place where we can talk . > nick , > > dinner on sunday would work for me . i shall stay > in the bay area till monday morning . > > vince > > nick bambos on 09 / 28 / 2000 08 : 33 : 38 pm > > to : vince . j . kaminski @ enron . com > cc : > subject : re : enron / stanford program > > hi vince , > > i am on the technical program committee of the infocom 2001 conference , > and we are meeting in new york city on saturday , october 14 th , to select > papers for the conference program . i ' m leaving stanford on friday and > getting back on sunday . > > it might be a possibility to have dinner together on sunday , if that would > work for you . in that case i would have to reschedule my flight to land > in sfo earlier than i ' m currently scheduled to land . > > would dinner on sunday work for you ? any chance we can meet monday for > lunch ? > > i look forward to seeing you . > > best regards , > > nick > > vince . j . kaminski @ enron . com wrote : > > > > nick , > > > > i shall be in stanford oct 14 - 15 , visiting my family . > > i would be glad to meet you ( and possibly giuseppe - your call ) for > lunch . > > please , let mer know if you are free on one of these days . saturday would > > work better for me . > > > > vince > > > > nick bambos on 09 / 21 / 2000 02 : 09 : 46 pm > > > > to : stinson . gibner @ enron . com > > cc : vince . j . kaminski @ enron . com > > subject : re : enron / stanford program > > > > stinson , > > > > great ! i ' m looking forward to a very productive collaboration . > > i ' ll immediately start doing giuseppe ' s papers , for him to work > > on the enron / stanford program . > > > > many thanks to you and vince , and i hope to see you soon at stanford > > or enron . if i remember correctly , vince is visiting stanford in > > october . > > > > best regards , > > > > nick > > > > stinson . gibner @ enron . com wrote : > > > > > > nick , > > > > > > i spoke with paul racicot , head of trading for ebs , north america this > > > morning . he said that he is happy to send the $ 100 , 000 for your > program > > > from his budget . i have forwarded to him the draft letter to > accompany > > > the funds and will try to follow up to make sure that the money is sent > > > promptly . > > > > > > - - stinson",0 +"Subject: breckenridge offsite hello all : fyi . the breckenridge offsite has officially been cancelled . sheryl lara and i are notifying everyone today . thanks . shirley",0 +"Subject: colored printer taj mahal hello everyone . this memo only applies to the research group on the 19 th floor that use the colored printer "" taj mahal "" . vince has requested that i ask each of you to only use the colored printer "" taj mahal "" for presentations , newsletters , etc . that require at least 90 % of color . these cartridges are very expensive and several times we have picked up a copy of something that only had color on the first page and it would be maybe 15 - 20 pages long . this is not cost effective . if you have something that has color on the first page , but not on the rest of the presentation , then please just print the first page on the color printer and the rest on "" bandit "" or "" wagon "" . your help will be greatly appreciated ! thanks ! shirley",0 +"Subject: re : joint probabilities bob - i ' ve edited our numbers a bit on the azurix analysis and would like you to re - run the joint probabilities tables . please note that i ' ve got 2 cases in the model now - an optimistic case and a pessimistic case . i hope you can run both cases . ( you will need to toggle for case 1 or 2 - real complicated stuff ! ! ) please keep everything else the same ( ie , the currency probabilities , rab probabilities , etc . ) thanks for your help . michael anderson 646 - 9666",0 +"Subject: re : eprm 2001 houston layla , my associate ' s name is tanya tamarchenko . the e - mail address is : tanya . tamarchenko @ enron . com . location is the same as mine , enron , 1400 smith , houston . thanks vince p . s . shirley , please send my bio to layla "" layla o ' leary "" on 05 / 02 / 2001 10 : 33 : 00 am please respond to to : cc : subject : re : eprm 2001 houston yes , that ' s fine . if you can please give me her full contact details including e - mail and address i will have her registered as a co - speaker . if you would like to bring your own copies to the event i would ask you to send 200 copies directly to the venue . although if you can get it to me on friday i can still insert it ! could i please trouble you for a short biography ? kind regards layla - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : 02 may 2001 15 : 38 to : loleary @ riskwaters . com cc : vince . j . kaminski @ enron . com subject : re : eprm 2001 houston layla , a few points . i shall be glad to attend the reception . i am falling behind in getting my presentation ready . sorry for the delay . i can commit to delivering the required number of copies on the day of my presentation ( or a day before ) . i have done it on two occasions before ( power 2000 and power 1999 ) : the copies were produced by our company copy center at no cost to you . my associate , tanya tamarchenko , is helping me with one aspect of the presentation and i would like her to deliver part of my speach . it ' s only fair to give her the credit when the credit is due . is it ok to include her as an additional speaker ? vince "" layla o ' leary "" on 04 / 30 / 2001 09 : 04 : 52 am please respond to to : cc : subject : eprm 2001 houston dear speaker , pre - congress cocktail reception - sunday 13 th may @ 5 : 30 pm in the juniper room we would be delighted to have you attend our pre - congress cocktail reception . we will be extending this invitation to all our sponsors , exhibitors and eprm / risk waters group staff . we hope this will provide a perfect opportunity for you to meet all our staff and clients before the formal opening of eprm 2001 usa + rsvp i would also like to remind you that i need any missing presentations by thursday 3 rd may . it is essential that i get these in as the delegates rely on these to make notes and get very upset if they are not included in the packs . if you still haven ' t informed me of your av requirements , please do so as quickly as possible . i also require a short biography . i would like to point out that i will not be taking any presentations on disk to the event . if you are using a laptop , your presentation should be loaded onto the laptop that you bring with you . you must bring your own laptop and disc , with connecting cables . any questions , please do not hesitate to contact me . kind regards layla o ' leary event co - ordinator risk waters group haymarket house 28 - 29 haymarket london swly 4 rx tel : + 44 ( 0 ) 20 7484 9871 fax : + 44 ( 0 ) 20 7484 9800",0 +"Subject: resending paper - - - - - - - - - - - - - - - - - - - - - - forwarded by jason sokolov / hou / ect on 04 / 30 / 2001 05 : 04 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" lynn nazareth "" on 04 / 27 / 2001 12 : 46 : 37 pm to : jason . sokolov @ enron . com cc : subject : resending paper jason : here is our team ' s assignment . please confirm receipt . i am also sending you the file via my outlook address in case this doesn ' t work . this is our team : helen demianenko javier lamas lynn nazareth shauywn smith carlos wheelock sarah wooddy thanks , jason ! see you at enron this fall ! lynn get your free download of msn explorer at http : / / explorer . msn . com - mg _ analysis _ final . doc",0 +"Subject: last day notification shelia walton , hr , told me that my last day with my department will be june 30 . meanwhile i talked last week to ebs , enrononline , and ees . i was most interested in the ees talk with harold buchanan who needs to know that he has the most complete list of potential customers and then information about those customers . any happenings from your talks ?",0 +"Subject: new mexico energy graphic presentations - cera report title : new mexico energy graphic presentations e - mail category : report cera knowledge area ( s ) : mexico energy - http : / / www 20 . cera . com / eprofile ? u = 35 & m = 2396 cera is pleased to announce some new enhancements to the mexico energy advisory service website . in addition to recent research and upcoming events , the mexico service is incorporating new features including rich media presentations . areas of focus for these presentations include : * the energy dialogue : players and issues , * mexico energy reform progress update : electric power , and * mexico energy reform progress update : natural gas to view these presentations , you must have the flash player software installed on your computer . the free macromedia flash player can be downloaded at : pl _ prod _ version = shockwaveflash we encourage you to visit the mexico energy website today to obtain cera ' s independent perspective on mexican energy market issue via a new medium ! these graphics presentations are presented under the market outlook area of the mexican energy website at : cera ' s spring 2001 roundtable event dates and agendas are now available at http : / / www 20 . cera . com / event to make changes to your cera . com profile go to : forgot your username and password ? go to : http : / / www 20 . cera . com / client / forgot this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www 20 . cera . com / tos questions / comments : webmaster @ cera . com copyright 2001 . cambridge energy research associates",0 +"Subject: re : maureen raymond - castaneda extension maureen , i apologize that your phone was disconnected in error . at this time your phone is working and your voice mail box needs to be set up . i would like to add however , i do not appreciate your disrespect and unreasonable demands placed on my employees . they were not the cause of this problem and can only relay your information to the appropriate group . enron has values of respect , integrity , communication and excellence . i would appreciate you taking the time to review them . robert knight director voice communications stella l ely 03 / 08 / 2000 11 : 08 am to : move - team / epsc / hou / ect @ ect , telephone mods / corp / enron @ enron , dolores sustaita / epsc / hou / ect @ ect , robert knight / hou / ect @ ect cc : subject : maureen raymond - castaneda extension please reinstate maureen ' s extension immediately , if possible . it was disconnected this past weekend when we had it taken off of the phone at eb 3073 f . her extension was on two phones at two different locations and should not have been disconnected at eb 1939 . her extension no . is 30396 . sorry for the confusion . please let me know timing asap . thank you . stella ely",0 +"Subject: finance club : e - trading and fixed income markets workshop as faculty advisor to the finance club , prof . barb ostdeik is encouraging all members to take advantage of a great opportunity to learn more about trading operations from two very respected individuals in the industry . keith anderson of blackrock , inc ( jgsm 1983 ) and dexter senft of lehman brothers & tradeweb llc ( rice 1974 ) have visited the jones school to give this lecture and students have raved about them . albert wang ' s fixed income and advanced investments classes are required to attend , and james weston recommends for his applied finance students and any first years taking investments next year to be there . when : 9 : 45 a . m . d 11 : 15 a . m . wednesday april 18 where : room 117 herring hall presentation / discussion topics : trading tactics d phone trades vs . electronic trading evolution of e - trading in fixed income markets the future of the trading desk buy - side vs . sell - side issues speaker profiles : keith anderson , managing director and chief investment officer , fixed income of blackrock , inc . , is co - head of the fixed income operating committee , chairman of the investment strategy group and a member of blackrock  , s management committee . mr . anderson is responsible for global fixed income strategy , asset allocation and the overall management of client portfolios . he coordinates a team of thirty - two portfolio managers and more than twenty - five credit and quantitative analysts . mr . anderson is a member of the treasury borrowing advisory committee , which meets quarterly in washington , d . c . with the secretary and staff of the u . s . treasury to advise them on the financing and management of the federal debt . prior to founding blackrock in 1988 , mr . anderson was a vice president in fixed income research at the first boston corporation , working in mortgage securities and derivative products strategies . mr . anderson with criterion investment management company where he had primary responsibility for a $ 2 . 8 billion fixed income portfolio . mr . anderson has authored numerous articles on fixed income strategies , including two articles in the handbook of fixed income options : "" scenario analysis and the use of options in total return portfolio management "" and "" measuring , interpreting , and applying volatility within the fixed income market "" . dexter senft is a managing director with global responsibility for fixed income electronic commerce for lehman brothers . during his eight years at the firm , he has also managed or co - managed lehman  , s fixed income research , quantitative research , counterparty credit and global economics departments . mr . senft is the former chairman of tradeweb llc , a consortium - owned electronic bond trading system whose volume currently averages over $ 10 billion per day , and of which lehman brothers is a founding shareholder . he remains on tradeweb  , s board , and chairs tradeweb  , s trading protocol committee , which oversees the rules that govern the electronic flow of information within the system . mr . senft also serves on the bond market association  , s committee for alternative trading systems , as well as its online bond steering committee and he chairs the subcommittee on e - commerce protocols and standards . prior to ejv , mr . senft spent 17 years at the first boston corporation ( now part of cs first boston ) , where he was a managing director and head of fixed income research and product development . he is a widely published author of articles on mortgage securities , fixed income derivatives , and quantitative portfolio management , and his work continues to be among the readings for cfa applicants . in 1983 , mr . senft led the product team that created the first cmo for freddie mac . this is regarding the e - trading / bond market session arranged for april 18 . as part of the lst year finance elective , you may have already been informed by james weston ( were you ? ) but i need to get the info out to more 2 nd years as well . do you usually send out your speaker announcements to all faculty , students , and staff ? albert wang ' s fixed income and advanced investments classes are required to come and james weston will be encouraging lst years that took the finance elective to come . these guys are pretty good - they came a few years back . thanks . bbo",0 +"Subject: colleagues , i will be leaving enron next week . friday , september 8 , will be my last day . i enjoyed knowing and working with you . for the time being , i can be reached at takriti @ att . net . - samer",0 +"Subject: re : research allocation becky , i gave the % % for egm to shirley . i assume she communicated this info to you already . i assume egm includes f / x - i / r ( gary hickerson ) , weather , insurance ( jere overdyke ) , oil trading and coal . for calme i don ' t have any info . let ' s split the cost evenly . vince becky pham 11 / 02 / 2000 02 : 11 pm to : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : research allocation shirley , grm is now with egm group . egm wants to verify that the 17 . 5 % we are going to allocate to grm is for the insurance , jere overdyke group . egm seems to think that their weather , mark tawney group , is receiving support from research . also , can we break out the support for calme ? calme is going to split into 3 bus and i am trying to determine who i need to bill for research supports . if you have any questions , call me . thanx .",0 +"Subject: d - g energy systems vince , i just wanted to keep you informed - i have not received a contract from d - g energy systems yet . they had said they would send it last weekend but it never came . i sent helyette geman an e - mail yesterday asking the status but she has not responded yet . karla",0 +"Subject: london update vince , more fuel for our discussion with john sheriff today , mike - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 04 / 25 / 2001 05 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : stephen bennett @ enron 04 / 25 / 2001 04 : 05 am to : jose marquez / corp / enron @ enron , mike a roberts / hou / ect cc : tony hamilton / eu / enron @ enron subject : softs ( ag ) support hi guys , i thought i would quickly update you on a few meetings we ' ve had with the ag folks here over the past 2 days . they are extremely interested in weather support and appear to be our most enthusiastic customer group to date . a summary : 1 ) they are interested in cocoa , coffee and sugar . specifically : brazil : londrina , bauru , lavras ( all wmos available in accuweather ) vietnam : kentum , dalat ( no data immediately evident ) ivory coast : man , gagnoa ( wmos in accuwx ) indonesia : sumatra - kotubumi , sulawesi - dolo ( no data immediately evident ) 2 ) they are specifically interested in event spikes - extreme temperature , precipitation or wind . they are also interested in any trend information we can devise . links between enso or other large scale oscillations that could have long range effects . tony has already given their group a 101 course on enso and its impacts on these areas . 3 ) they would eventually like daily am briefings - along with a daily product related to their market ( ie precip / temp graphs etc ) 4 ) they do not begin actually trading for another 6 to 8 weeks - so we have some time to experiment with the type of support that fits them best . tony and i agree that we would like to brainstorm this a bit with you guys to see what exactly can be produced daily - as efficiently as possible . we should be able to add any lat / long points we want to the list of international cities streaming through from the mrf / avn / ecmwf from earthsat . the problems here would be the models ' problems handling tropical weather along with specific local effects - especially in indonesia . let ' s talk about this at some point and get our thoughts together . steve",0 +"Subject: re : enron offsite - the great divide - april 27 , 28 , 29 and 30 th hello all : fyi ! how is the headcount coming ? - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 03 / 23 / 2000 09 : 40 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" steve collins "" on 03 / 23 / 2000 09 : 41 : 19 am to : shirley crenshaw / hou / ect @ ect cc : subject : re : enron offsite - the great divide - april 27 , 28 , 29 and 30 th hello ! the 29 th will be fine - - if we can definitely get everything in by then . i just worry a little when we start getting less than a month out . we need to make sure that our conference services office has enough time to detail all of your functions properly so that everything flows smoothly . also please know that the availability of those $ 274 airfares is also not guaranteed until booked ( you know how those airlines are about changing fares around ) . we need to be able to book a specific class of service to get that fare , so once those are gone the fare cannot be guaranteed . do you want me to get started with the air contract ? please keep me posted ! thanks ! steve steve collins national sales manager the village at breckenridge / great divide lodge ( 800 ) 332 - 0424 or ( 970 ) 453 - 3156 direct scollins @ vailresorts . com > > > "" shirley crenshaw "" 03 / 23 / 00 08 : 12 am > > > good morning steve : i received your voice mail and the flight information sounds great ! i need to update you as to the status of everything at present . the contract is fine , however , i am not authorized to sign it , so if it is allright , we are putting "" john griebling ' s "" name in my place . he will sign the contract and we will put the charges on his credit card . however , john is out of town and will not be back in until tomorrow . this may cut it a little close as to getting everything back to you by monday , the 27 th . is there a possibility of getting this deadline pushed back a couple of days ? we are also having a problem getting a commitment from the top management people - they are all out of town at present . this does not involve very many - only 3 or 4 people , but we need to get a definate count so that we won ' t be short on rooms . if everyone can come , it looks like we might need at least 39 rooms . we should be able to have everthything to you by the 29 th - is this a problem ? please let me know as soon as possible . thanks and have a great day ! shirley crenshaw telephone : 713 - 853 - 5290 fax : 713 - 646 - 2503 e - mail : shirley . crenshaw @ enron . com",0 +"Subject: update on energy book vince , ? just to let you know , the books will be shipped to both you and rice university tomorrow by express mail , which means the books should arrive within 5 days ( depending on customs ) . ? rice has purchased 25 books , and i informed them that if they don ' t sell them all , we will ? credit their account ? with the amount of unsold copies . ? i ' ve asked them to ? give you ? any extra copies instead of returning them . ? please find attached the invoice for the 50 books . ? thanks again , and if you need anything further , please let me know . ? julie - enron 224 _ 10 _ 01 _ 01 . doc",0 +"Subject: re : clustering for power jaesoo , as we discussed last week on wednesday meeting can you , please , implement clustering for power curves by geographical region . this involves the following : 1 . deciding together with risk control how many geographical regions we want to use and which enron ' s curves belong to each region . 2 . deciding together with risk control how to choose core curves for each region . this decision can be maid based on the a ) position size ; b ) statistical analysis . there might be other considerations . 3 . doing regression analysis for each curve versus the corresponding core curve . winston , can is it possible to run var for the clustering results obtained by jaesoo with clustering done by sas ? should we wait for the stage re - fresh and what is the status on this ? tanya .",0 +"Subject: re : move research employee from one location to another on the 19 th floor shirley , your request has been scheduled for march 23 rd . erica : ) shirley crenshaw 03 / 17 / 2000 12 : 16 pm to : move - team / epsc / hou / ect @ ect cc : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect , william smith / corp / enron @ enron , kevin g moore / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , clayton vernon / corp / enron @ enron subject : move research employee from one location to another on the 19 th floor hello all : attached is a churn request to move clayton vernon from ebl 943 to ebl 952 . he will need 3 boxes and labels delivered to his ebl 943 location , a few days before you schedule his move . if you need any other information , please let me know . thanks and have a great weekend !",0 +"Subject: re : recent hardware repair joe , we are extremely pleased with the support we receive from your team . the problem was fixed very quickly . vince from : joe langston / enron @ enronxgate on 04 / 27 / 2001 11 : 31 am to : vince j kaminski / hou / ect @ ect cc : subject : recent hardware repair vince , recently the hardware services team performed work on a piece of equipment for you . the technician that performed the work was jd marter , and this is just a follow up to insure that your problem was resolved . it is our goal to provide you with the best service possible , so please feel free to respond to this email if you have any comments that may help us provide you better service in the future . attached you will find a work log detailing what was done to resolve your issue . if you have any questions , or if the problem is not completely resolved please feel free to contact me . thank you , joe langston team lead hardware services office : 713 - 345 - 8883 cell : 713 - 545 - 5912 pager : 877 - 239 - 2794",0 +"Subject: re : white wall board anita , no problem . vince anita dupont @ enron 08 / 18 / 2000 10 : 27 am to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : white wall board shirely : amitava wants one of those wall size white marker boards for his office . how do i go about ordering one of those ? anita",0 +"Subject: re : craig - thanks for the feedback . i ' ve received similar reports from other research customers on various non - recurring and on - going projects elena has been able to help out on . the most recent member of a long line of rice mba candidates who have "" made a difference "" in our research efforts , elena will be staying with us throughout this next ( her final ) year . she ' ll be working the morning shift . please let us know if she , or any other member of our group can assist you in any way . - mike",0 +"Subject: interview - credit derivatives dear vince : thank you for the invitation yesterday . it was a pleasure to meet you all and learn more about the group , it ' s structure and to some extent what you are involved in . please extend my thanks to all of them . i am particularly interested in the credit swap trading platform that enron has recently started . such a platform will provide unique visibility into the credit markets . as you suggested i tried to learn more about this from tanya . i would like to learn more and if possible meet other people more directly linked to the effort . just simple instruments like credit swaps will require serious modelling capability for the pricing and the hedging of these apparently simple intruments . the market visibility i mention above can be explored through credit derivatives trading successfully if enron possesses superior ( vis a vis morgan stanley , salomon smith barney , chase manhatan , etc . ) modelling technology in credit derivatives . i can and would like to consider the possibility of doing this for enron . i would like to help develop and participate in putting together that business . as i mentioned to you i have done some work in credit derivatives and am deeply familiar with virtually all the work of the principal academics in credit derivatives namely : duffie , lando , tuffano , duffee , das , lelland , etc . i have read carefully most of their work ( published as well as working papers ) on the subject to date . i look forward to hearing from you . best regards joao",0 +"Subject: feedback forms vince , here are the feedback forms for the following : vp and md manager and professional administrative support let me know if you have any other questions . norma x 31545",0 +"Subject: boss ' s day vince , happy boss day ! you have been a wonderful boss , thank you . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 10 / 16 / 2000 08 : 49 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 10 / 16 / 2000 05 : 58 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , mike a roberts / hou / ect @ ect , joseph hrgovcic / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , zimin lu / hou / ect @ ect , martin lin / hou / ect @ ect , maureen raymond / hou / ect @ ect , osman sezgen / hou / ees @ ees , paulo issler / hou / ect @ ect , amitava dhar / corp / enron @ enron , alex huang / corp / enron @ enron , kevin kindall / corp / enron @ enron , kevin g moore / hou / ect @ ect , clayton vernon / corp / enron @ enron , william smith / corp / enron @ enron , jose marquez / corp / enron @ enron , chonawee supatgiat / corp / enron @ enron , shalesh ganjoo / hou / ect @ ect , tom halliburton / corp / enron @ enron , elena chilkina / corp / enron @ enron , sevil yaman / corp / enron @ enron , sofya tamarchenko / na / enron @ enron , bob lee / na / enron @ enron , gwyn koepke / na / enron @ enron , hector campos / hou / ect @ ect , anita dupont / na / enron @ enron , youyi feng / na / enron @ enron , v charles weldon / hou / ect @ ect , shane green / hou / ees @ ees , yana kristal / corp / enron @ enron , praveen mellacheruvu / hou / ees @ ees , li sun / na / enron @ enron , stephen bennett / na / enron @ enron , roman zadorozhny / hou / ees @ ees , lance cunningham / na / enron @ enron , shirley crenshaw / hou / ect @ ect , david ryan / corp / enron @ enron , todd decook / corp / enron @ enron cc : subject : boss ' s day reminder - let your boss know that you care ! tell him or her happy boss ' s day ! happy boss ' s day , vince , mike , vasant and stinson and also to you shirley , i hope you all have a wonderful day . also remember the weather team will be over at ninfa ' s for 3 : 30 p . m . for happy hour . today you are welcome to join us . . . . . . . . . . . .",0 +"Subject: @ ect . enron . com email notification ! we are one @ enron . com ! please be aware of the following senders were automatically notified to ( a ) . stop sending internet mail to your @ ect . enron . com address and to ( b ) . send future internet communications to vince . j . kaminski @ enron . com : j _ martin @ baylor . edu , cantekin @ mail . utexas . edu reminder : your @ ect . enron . com address should not be used any longer and will be deactivated soon . so please make sure these contacts switch to your new @ enron . com address . if you have subscribed to mailing lists , please make sure to update your addresses there as well . and your shortname @ enron . com address ( i . e . jsmith @ enron . com ) will continue to work , even though your formal address is longname @ enron . com ( i . e . john . smith @ enron . com ) please do not reply to this message as it was automatically generated .",0 +"Subject: * * get together * * dear friends : fall happy hour friday , september 15 , 2000 after work : 5 : 30 pm - - 8 : 00 pm ragin cajun - - on the patio ( the new location ) westheimer at gessner ( the randalls shopping center on the corner ) 832 - 251 - 7171 feel free to bring friends ! hope to see you there ! ! jana",0 +"Subject: congratulations vince : congratulations on your promotion . i know it is well deserved ! i have not seen you in a while since i am not riding the woodlands bus much these days . i am expecting a baby for the end of february 2000 and it is much easier to drive than to ride the bus ! take care and congratulations again , darlene norris",0 +"Subject: yesterday i enjoyed meeting you both yesterday to discuss my sincere interest in the research group . since many of the rotations for analysts are pre - determined , i think it is best for me to wait until my candidacy for the analyst program is finalized . thank you for your interest in my skill - set . i am enrolled in the cfa program , have completed numerous futures / options courses in undergraduate school , and am confident that my profile will be well - received after completing your in - house project which will be utilized to test certain skills . i ' ll talk to you soon after my discussions with the analyst program . regards , david",0 +"Subject: re : argentina power & gas market modelling team , for me it  % s ok . let us know the confimed date early , so we can arrange our classes . thanks diego julian poole 03 / 17 / 2000 10 : 35 am to : michael guerriero / enron _ development @ enron _ development cc : vince j kaminski @ ect , grant masson @ ect , jeff kabel / enron _ development @ enron _ development , rodolfo freyre / enron _ development @ enron _ development , diego hollweck / enron _ development @ enron _ development , bernardo andrews / enron _ development @ enron _ development , mario aguilar benitez / enron _ development @ enron _ development , santiago subject : re : argentina power & gas market modelling all , let ' s arrange a conference call next week to discuss the process . how does tuesday afternoon fit everyone ' s schedule ? julian enron international from : michael guerriero 03 / 17 / 2000 03 : 49 pm to : vince j kaminski @ ect , grant masson @ ect , jeff kabel / enron _ development @ enron _ development , julian poole / enron _ development @ enron _ development , rodolfo freyre / enron _ development @ enron _ development , diego hollweck / enron _ development @ enron _ development , bernardo andrews / enron _ development @ enron _ development , mario aguilar benitez / enron _ development @ enron _ development , santiago cc : subject : argentina power & gas market modelling i would like to initiate a team to address the continued improvement of the argentine power & gas market models . i spoke with vince this morning and we reviewed that history of work to date and what we will need to do from here . a summary is as follows : team : ba members : julian poole lead mario benitez associate ba associates : diego hollweck associate bernardo andrews associate santiago porta associate houston members : to be named . time schedule : as soon as possible . completed before june 1 , 2000 winter in argentina . scope of work : power model : advance the current model from basic load forecasting to incorporate weather , hydrology , improved short term and long term forecasting . natural gas model : build a supply and demand load forecasting model incorporating weather , thermal demand , pipeline flow rates , well head supply , improved short term and long term forecasting . phase i - data request power historic weather : temperature - daily , hourly , min , max , average humidity precipitation cloud cover regionally forward weather : temperature - daily , hourly , min , max , average humidity precipitation cloud cover regionally historic hydrology : reservoir levels reservoir capacity current hydrology : reservoir levels remote monitoring : aireal , pressure device , laser snow pack : density volume and mass power supply : current and future capacity transmission capacity : current and future capacity natural gas data list to be developed phase ii - power model development phase iii - natural gas model development we will take advantage of the fact that the associates are in houston for the next two weeks . vince is out next week but we can start with a process discussion with grant masson next week . julian please get a meeting scheduled as soon as possible . we should immediately start collecting data . thanks mfg",0 +"Subject: re : get together this coming tuesday ? dale , please , call me on tuesday . my morning schedule is full but i am open in the afternoon . vince "" dale m . nesbitt "" on 04 / 30 / 2001 01 : 51 : 21 am please respond to to : "" vincent kaminski "" , "" kimberly s . watson "" cc : subject : get together this coming tuesday ? vince / kim : i am flying to houston tonight and wondered if it would fit one or both of your schedules to get together this coming tuesday sometime for 1 / 2 hour or so . i really want to reinitiate the conversations marketpoint was having with john goodpasture and you , and he said either or both of you were the right people to continue after his responsibility shift . john was quite positive about the idea of enron acquiring marketpoint narg through license , and he implied that one or both of you would be carrying the ball in that direction after he handed it to you . would this coming tuesday morning at 930 am be a good time for you guys ? if so , please give me an email shout at the above address or leave a message on my voicemail at ( 650 ) 218 - 3069 . i think you will be truly impressed with the scope and progress we have been able to make with both the short run narg and the long run narg in which you were interested ( not to mention our power model ) . the progress is noticeable since you saw it . both long and short term narg are having quite an impact on a number of gas decisions at the moment ranging from venezuelan lng , north american lng import terminals and term , gas basis calculations , trading support , power plant development , gas - to - power price spreads in key markets , veracity of heat rate trades , bank financings , storage field evaluation , and which new pipelines we can expect to see enter and which are dogs . i really hope we can fit it in and get our discussions moving in a mutually productive direction again . i think narg can help you become even more successful , and i look forward to working with you . we have a new office address and new phone number as well . ( we move in may 1 . ) altos management partners 95 main street , suite 10 los altos , ca 94022 ( 650 ) 948 - 8830 voice ( 650 ) 948 - 8850 fax ( 650 ) 218 - 3069 cellular give the phones a week or so to get "" debugged "" and then switch over . dale",0 +"Subject: new basis report bhavna : the basis report has been updated to cover 2000 prices . it is called basisnw 7 . xls and is in the erg database . it looks to be working correctly , but of course without data it is a little hard to confirm . as always , it is ultimately your job to verify that the numbers reported are correct . lemme know if there are problems . it is easy to change the spreadsheet to start a new year . you should keep this mail message as a reference . 1 ) add 12 to the expression in "" printmacro "" ! b 35 i . e . change copy ( offset ( henrycash , 12 * againstyear + 63 , i , 12 , 1 ) ) to 2 ) define a new cell reference on the basis page for the first date to be printed out on the report page . for example , last year , the basis report went from jan 93 to dec 1999 . in basisnw 6 . xls there is a name "" jan 93 "" defined as "" basis "" ! a 64 ( i . e . refers to the row where the jan 1993 basis numbers are recorded ) . this year , in basisnw 7 . xls , i defined "" jan 94 "" to refer to "" basis "" ! a 76 . that ' s because the basis report will now run from jan 1994 to dec 2000 . 3 ) change the expression in "" printmacro "" ! b 45 to use this new cell reference i . e . change copy ( offset ( jan 93 , 12 * indexyear , report , 12 , 1 ) ) to 4 ) having executed steps 1 ) - 3 ) the spreadsheet will now print numbers shifted up by one year . all that remains to do is to change the dates on the "" printformat "" page to be one year more . by that i mean change 1998 to 1999 , 1999 to 2000 , change 98 / 99 to 99 / 00 , etc . don ' t move any numbers or formulas ! that ' s it . as we discussed bhavna , while i am happy to do this for you , it is not in your or my best interest for this to continue . please do work to find some one in your shop to maintain this spreadsheet . regards , and happy new year ! grant .",0 +"Subject: re : ruewan ' s resume no interest for global risk markets . his background does not address the needs . vasant",0 +"Subject: re : fw : pserc nuggets related to market stem hi vince and happy new year good to hear from you and i can understand being busy . i am myself trying to balance my commitments here . like any research consortium pserc is trying to provide value to its members while walking the fine line between cooperation and competition . we are definitely not in the business of providing proprietary research to the members but rather working on more generic areas that later individual members could see way to convert to proprietary tools . the work that shijie deng and rajnish kamat have been doing with me are good examples . as to my trip , thanks for the invitation but i already committed myself to get back friday night so i will save my visit for another time . i will tell my son about the spring interviews at cornell . hopefully this time he will not miss it . regards , shmuel - - - - - original message - - - - - from : to : cc : sent : monday , january 08 , 2001 1 : 40 pm subject : re : fw : pserc nuggets related to market stem > > hello shmuel , > > thanks for your message . the end of 2000 and the beginning of 2001 were > extremely busy > and i could not focus on pserc issues . i shall consult a few people in > enron on this subject and get in > touch with you . our concern right now is that the results of research are > widely shared with > our competition . > > i am out on the 19 th , but the 20 th would work for me . i would be glad to > cover the cost of your austin > to houston trip . > > regarding your son . the analyst / associate program will interview again on > the campus > in the spring and they will be more than happy to interview him . > > > > > > "" shmuel oren "" on 12 / 19 / 2000 01 : 40 : 02 pm > > to : > cc : "" dennis ray "" , , > > subject : fw : pserc nuggets related to market stem > > > hello vince > happy holidays . > i wanted to connect with you regarding the possibility of enron joining > pserc . as you might have heard from lance and alex we are going through a > transition period having doubled the number of universities and industry > members within the last year . consequently , our business processes are not > well developed . one of the problems we are facing is the balance between > the > electrical engineering folks and industry members that are more interested > in market related research . i hope to recruit more of the later so tat we > have more of a constituency in the advisory board that sees the value of > market related research . i already have a verbal commitment from people at > electrabell that expressed interest in joining pserc . with members like > electrabell and enron we will be able to support more market stem projects > such as the one that shijie deng proposed ( not funded in this round ) . > please > let me know if i can do anything to facilitate the decision at enron . i am > going to be in austin on january 19 to participate at a puct hearing and > could come through huston for a visit . attached are some items that i > shared > with our pserc members and thought that you might be interested in them as > well . > regards , shmuel . > > - - - - - original message - - - - - > from : "" shmuel oren "" > to : "" power systems engineering research center "" > sent : tuesday , december 19 , 2000 9 : 47 am > subject : re : pserc nuggets related to market stem > > > > the following are 3 items that demonstrate the impact of pserc research > in > > the market stem area . > > > > 1 . on december 12 , i ( shmuel oren ) testified at a hearing in san > francisco > > before the blue ribbon panel ( chaired by alfred kahn ) for the that is > > investigating the implications of uniform price vs . pay as bid auctions > in > > the california px . as part of my testimony i presented a movie produced > by > > tim mount and bob thomas that show results of an experimental economic > study > > showing how bidders respond by raising their bids in a pay as bid > auction . > > following is an acknowledgement i received . > > > > dear shmuel : > > > > > > thank you for attending the blue ribbon panel this past tuesday in san > > francisco . your presentation was very informative and valuable to all > the > > panel members and other participants . the panel greatly appreciates your > > involvement in this important project . > > > > > > thanks again , > > natalie efland > > > > > > 2 . a recent e - mail from the texas puc > > > > professor oren , i hope you and your family are doing well . we are > seriously > > considering your help and advice to facilitate the commission ' s final > > decision regarding retail competition in ercot . > > > > i wanted to let you know that ercot stakeholders filled an application > for > > approval of the ercot protocols in november . we received comments > including > > list of issues on november 22 and reply comments on december 1 . staff > will > > draft and submit a preliminary order to the commissioners for their > > discussion on december 13 . there will be a pre - hearing on december 15 > when > > parties will be asked to brief the commission on list of issues by the > end > > of first week in january . there will be a hearing on january 16 followed > > with another hearing if needed . parties have asked the commission to > > finalize its decision by mid march . > > > > to give you some more background , i have to mention that almost most of > your > > suggestions were accepted and will be reflected in the final protocols , > > except for problems with intra - zonal gaming regarding congestion > management > > and pay - as - bid compensation for selected ancillary services . a few > > additional concerns are raised regarding ancillary services and > congestion > > management . stakeholders are still working toward more load > participation > > in ercot market . however , the main problem is the fact that market > ( pilot > > that covers 100 % of wholesale , but only 5 % of retail load ) will be open > on > > june 1 , 2001 based on a version of the protocols locked on august 1 , > 2000 . > > ( that was the deadline for ercot to give a final design to anderson > > consulting . ) that version does not include some of your recommendations > to > > address market design flaws . the full version is highly possible to be > > implemented by january 1 , 2002 when market for 100 % retail competition is > > scheduled to open . given this gap , some parties have recommended not to > > implement incomplete protocols and wait for full implementation by > january > > 2002 . in other words , they say let ' s go ahead with 5 % pilot retail load , > > but wait for full design implementation before allowing 100 % wholesale > load > > ( and retail load ) be subject to the rules of the game described in the > final > > protocols . > > > > thanks . > > > > parviz adib , ph . d . > > director of market oversight division > > public utility commission of texas > > 1701 n . congress avenue > > p . o . box 13326 > > austin , texas 78711 - 3326 > > ph . no . : 512 - 936 - 7365 > > > > 3 . the following is a segment from a published summary of the dec 13 puct > > hearing . this segment describes the commision ' s deliberation on an agenda > > item addressing the possibility of instituting price caps as part of the > > ercot protocols . ( see reference to my involvement in the next to last > > paragraph ) > > > > docket no . 23220 - petition of the electric reliability council of > texas > > for approval of the ercot protocols . ( discussion and possible action ) > > parviz adib , jess totten , keith rogas , and tammy cooper > > chairman wood turned to page 2 item number 3 of the draft order > identifying > > issues , recommending that the word "" including "" be changed to "" other than "" > in > > the parentheses . he thinks they know the ups and downs of the two > > mechanisms , which are bid caps and price caps , but would not mind having > > parties focus on what other protections might be used . commissioner > walsh > > would say "" including , but not limited to "" because she does not think it > is > a > > bad idea for ercot to at least consider in their protocols a fail - safe > > mechanism . it ' s kind of like the stock market suspending trading when > > something crazy happens . they could consider a maximum scenario , such as > > "" we don ' t think this will ever happen but if it does we need to muffle > it "" , > > whether it is $ 1 , 000 or $ 99 or whatever it is . they could consider > whether > > to put into the protocols a self - enacting price cap . while not expecting > it > > to happen , if it did , you don ' t have to declare it an emergency and have > the > > commission have to act . chairman wood asked if they could leave the > > question without the parenthetical at all and just say "" what protections > > should be added to avoid extreme price spikes . "" commissioner walsh > > reiterated that she wants ercot to think about the unlikely possibility > of > > unacceptable price spikes . she would like for them to have their own > > fail - safe mechanism that is self - initiating as opposed to leaving that to > > having someone have to come in and act . commissioner perlman stated that > he > > thinks the california - type price caps is what the concern is about . he > > thinks everyone in this state is opposed to those , but he thinks the > point > > commissioner walsh is making is an interesting one . he had not thought > > about the circuit breaker idea , and it might have some merit . he agreed > > that it was worth considering something like that . then the question > > becomes what the level is . chairman wood suggested the wording "" what > > self - implementing protections should be added to avoid the price spikes . > > commissioner perlman said he did not think anyone is talking about $ 250 > > price caps . commissioner walsh agreed , but noted that if the unexpected > > happens we should be prepared . commissioner perlman indicated that if > > someone is making $ 10 , 000 in one particular hour that it probably does > not > b > > enefit the market and is probably a windfall to them . it is not > something > > they would normally put in their business plan for determining whether > they > > are going to build a plant in texas . chairman wood stated that they want > to > > lean toward the market as heavily as they can on these issues . > > > > chairman wood noted that some of these issues date back to when dr . oren > was > > assisting the commission , and asked if he could be brought back again . > > staffer dr . parviz adib said that staff had already talked to dr . oren > and > > that he is available to assist the commission further . chairman wood > noted > > that dr . oren had helped people think outside the box without just > focusing > > on california . > > > > the final wording was clarified to state "" self - implementing mechanisms "" > and > > to delete the parenthetical part of the sentence in question . the order > was > > approved as amended . > > > > > > > > > > > > > > > > > > > > > > > > > > > >",0 +"Subject: re : mec steve , i spoke with david ealier today . he is planning a meeting with jim tour to due diligence the technology . i would like to put together a team to drive mec ' s strategy , including a consolidation in houston . we would trade this commitment for warrants in the company and a right to participate in future fundings . effectively , our team could help drive the strategy for the company and due diligence a possible investment at the same time . thanks , mark steven j kean @ ees 07 / 26 / 2000 05 : 11 pm to : mark lay / hou / ect @ ect cc : rex shelby / enron communications @ enron communications @ ect , mike mcconnell @ ect , vince j kaminski / hou / ect @ ect , philippe a bibi / hou / ect @ ect , kenneth lay / corp / enron @ enron @ ect , fabricio soares / hou / ect @ ect subject : re : mec i think it would be useful to verify their view that they are really only 2 - 3 years from commercial production . ideally , we could get that confirmation from someone familiar with the technology but without any financial interest in its success . their technology pitch sounded good , but i don ' t know enough to recognize the potential shortcomings . i want to feel comfortable that you all feel this is real , then i would be happy to have me and my team spend some time with them . to : rex shelby / enron communications @ enron communications , steven j kean / hou / ees @ ees , mike mcconnell , vince j kaminski / hou / ect @ ect , philippe a bibi / hou / ect @ ect cc : kenneth lay / corp / enron @ enron , fabricio soares / hou / ect @ ect subject : mec thank you for participating in yesterday ' s meeting . we spoke with harvey and jim after the meeting and they took to speed to market comments to heart . there is an opportunity for enron to participate with mec in the early development of their company , but it seems the one thing they want is the one thing we also want , people . i would appreciate your thoughts and comments on the possiblity of creating a small team that could work directly with mec as part of a potential investment and strategic relationship . given our resource constraints , this would most likely be part of the organization that sees the greatest strategic impact from mec ' s development . mark x 37408",0 +"Subject: re : spring 2001 conference participation by jeffrey k . skilling ehud , i shall send a message to jeff ' s secretary today . vince "" ehud i . ronn "" on 09 / 20 / 2000 11 : 12 : 46 am to : rcausey @ enron . com , vkamins @ enron . com cc : subject : spring 2001 conference participation by jeffrey k . skilling rick / vince , good morning . in my 9 / 14 e - mail , i advised you of the practitioner - industry cefer ( center for energy finance education and research ) conference we are planning for spring 2001 . as you know , we would like to invite jeff skilling to be the keynote speaker at the thur . evening dinner . the following day ' s four topics consist of risk management , deregulation , real options , and international / globalization . the majority of invitees would be ( predominantly u . s . - based ) energy - industry practitioners , as well as several academics . given lead time issues in these matters , we have reserved hotel rooms in austin for feb . 22 , 2001 . could i ask you to ascertain jeff skilling ' s availability for that evening ? thanks , ehud ronn ehud i . ronn professor of finance and jack s . josey professor in energy studies director , center for energy finance education and research mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: re : greetings from garp frank , looks good . vince enron north america corp . from : frank hayden @ enron 12 / 12 / 2000 11 : 31 am to : vince j kaminski / hou / ect @ ect cc : subject : greetings from garp vince , this is the announcement i ' m thinking about sending out . is there anything else you would like to add ? frank greetings from garp ! we are having the next meeting january 30 th at enron . time 6 : 30 pm until 8 : 30 pm vince kaminski will lead a discussion regarding volatility in the energy markets . please rsvp to rita hennessy . her email address is rita . hennessy @ enron . com",0 +"Subject: re : benchmarking study sally , thanks . the name of the person is at the bottom of this sequence of messages . vince enron north america corp . from : sally beck 01 / 05 / 2001 09 : 27 am to : vince j kaminski / hou / ect @ ect cc : subject : re : benchmarking study i passed this information along to some of my direct reports for their thoughts , and truthfully didn ' t hear back from anyone and didn ' t follow up . two years ago , we agreed to be part of a benchmarking study that was done by aa ' s houston office ( interestingly enough , wes colwell was the aa partner who led this effort ) and we had mixed results . the study was designed to cover gas and power . despite our involvement in the steering committee , the study itself was very , very detailed , such that it was troublesome to complete . jim fallon at the time refused to submit information on the majority of the questions surrounding power , so our survey data for power was not very useful . i would agree that at this time we will pass on this request . thanks for passing it along , however . i would be happy to convey this directly to the person that has contacted you . just let me know his / her name and number and i will follow through on that if you would like . hope that your holidays was enjoyable and that the new year will be a good one for you . - - sally vince j kaminski 01 / 03 / 2001 03 : 29 pm to : sally beck / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : benchmarking study sally , i gave you some time ago a brochure on this benchmarking study request . they renewed their request for enron ' s participation . what is your view on this ? do you think the benefits of knowing what ' s going on offset the loss due information released and time spent on the project . my recommendation is to forget it . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 03 / 2001 03 : 28 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" theresa sanders "" on 12 / 27 / 2000 01 : 32 : 18 pm to : cc : subject : benchmarking study dear vince , peter nance and i wanted to follow - up our discussion of enron ' s participation in our benchmarking study . have you discussed enron ' s participation in the project with your colleagues ? here is a small sample set of metrics that were taken from a comprehensive list of over 700 metrics . the study group will decide which metrics to use . with eei ' s credibility and teknecon ' s technical expertise , we intend to become the industry standard in benchmarking . we would very much like to have enron participate in the study . i would be happy to set up another meeting with you and your colleagues with peter nance if you think that would be helpful . best regards , theresa sanders director of business development alliance of energy suppliers edison electric institute tel : 202 - 508 - 5183 - eei metrics - short list . xls - ebrochure . doc - riskbenc . ppt",0 +"Subject: re : research allocation thank you",0 +"Subject: re : tff 2001 meeting date question vince , i certainly understand . however , we are going to try to move the date up a week or two to make sure there are no conflicts for anyone . we ' ve had some trouble getting our hotel date even this far in advance . i ' ll be back in touch when we get it ironed out . john at 05 : 42 pm 8 / 23 / 00 - 0500 , you wrote : > > john , > > easter may not work for me because i shall most likely > be visiting my son who goes to school in california ( we were spending > easter together for the last three years ) . > > vince > > > > > > > "" john d . martin "" on 08 / 21 / 2000 01 : 42 : 14 pm > > to : aagrawal @ cba . ua . edu , andres almazan , > bethel @ babson . edu , murat binay , > abutler @ finance . bus . lsu . edu , tyrone . callahan @ bus . utexas . edu , murray > carlson , chapman @ eco . utexas . edu , kent > daniel , fdiebold @ stern . nyu . edu , > lederington @ ou . edu , harperl @ u . washington . edu , sgillan @ tiaa - cref . org , > stuart gillan , denis gromb , > grullon @ rice . edu , jarradh @ oregon . uoregon . edu , jhartzel @ stern . nyu . edu , > jhund @ mail . utexas . edu , daveike @ rice . edu , jegadees @ uiuc . edu , > cindy . justice @ enron . com , matthias kahl > , vince . j . kaminski @ enron . com , > zkhokher @ mail . utexas . edu , alynch @ debit . stern . nyu . edu , andras marosi > , "" john d . martin "" > , maxwell @ ba . ttu . edu , beth miertschin > , metrick @ wharton . upenn . edu , "" thomas h . > noe "" , parrino @ mail . utexas . edu , bill > petty , manju puri , > ramnath @ rice . edu , rampini @ nwu . edu , steve _ rich @ baylor . edu , > eronn @ mail . utexas . edu ( ehud i . ronn ) , kemal saatcioglu > , akin sayrak , > sirri @ babson . edu , laura starks , > suarez @ cemfi . es , "" a . subrahmanyam "" , > stice @ mailhost . tcs . tulane . edu , titman @ mail . utexas . edu , > stathis . tompaidis @ bus . utexas . edu , wangfa @ rice . edu , > hong . yan @ bus . utexas . edu , beth miertschin , > gwillard @ mit . edu > cc : > subject : tff 2001 meeting date question > > > hello from texas , > > we are trying to set up our meeting date for the 2001 conference and have > run into a snag . we cannot get our san antonio hotel on the first weekend > in april ( as last year ) . however , we can get the hotel and make all our > "" fun "" arrangements for the second weekend in april . however , this is > easter weekend . the good news is that the room rates are substantially > lower because it ' s a holiday . however , we are concerned that holding the > meeting on this particular friday - saturday will interfere with family plans > such that some or many of you may not be able to attend . > > my related question to you is this : > > does holding the meeting on the second weekend in april ( easter weekend ) > pose a problem for you ? please give us your thoughts asap even if you > think you may not be able to attend this year ' s conference . we need your > opinion to guide our decision . > > thanks and i hope to see you all again next april ( sometime ) ! > > john > > p . s . we are very fortunate to have enron return as our corporate sponsor > again this year . > john d . martin > carr p . collins chair in finance > finance department > baylor university > po box 98004 > waco , tx 76798 > 254 - 710 - 4473 ( office ) > 254 - 710 - 1092 ( fax ) > j _ martin @ baylor . edu > web : http : / / hsb . baylor . edu / html / martinj / home . html > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: spread option code change zhiyang and zhiyun , vince told me that london has some trouble to calculate spread option for correl = 1 , voll = vol 2 . in such a case , the effective volatility becomes zero , and the option has zero time value . i have modified the unitcorrpremium ( ) routine to force the code to treat this situation as a special case . ( it returns the discounted intrinsic value ) . please incorporate this chang to your code so that it will no longer cause any problems that should not happen in the first place . if you have any questions , please let me know . zimin - - - - - - - - - - - - - - - - - - - - - - - double unitcorrpremium ( double sl , double s 2 , double strike , double r , double ql , double q 2 , double voll , double vol 2 , double correl , double tmat , int opttype ) { double retval ; if ( tmat < = 0 . 0 ) return intrinsic ( sl , s 2 , strike , opttype ) ; / / look right here for the change , only two lines . if ( ( 1 . 0 - correl ) < tiny & setup ( sl , s 2 , strike , r , ql , q 2 , voll , vol 2 , correl , tmat ) ; if ( opttype ) retval = s . disc * gauherint ( ffuncoc ) / sqrtpi ; else retval = s . disc * gauherint ( ffuncop ) / sqrtpi ; return retval ; }",0 +"Subject: re : infocast ' s valuing electric power assets and companies : a real options perspective good morning , i am sorry , to hear that you will not be able to join us - would know of anybody else at enron who would possibly be interested in presenting at our conference ? thank you for your assistance in this matter - - - - - britta - - - - - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : thursday , april 13 , 2000 6 : 08 am to : brittab @ . com cc : vince j kaminski subject : re : infocast ' s valuing electric power assets and companies : a real options perspective britta , thanks for your message . i have several commitments at the time of the conference and have to decline with regret . vince "" britta bothe "" on 04 / 12 / 2000 03 : 52 : 46 pm please respond to to : cc : subject : infocast ' s valuing electric power assets and companies : a real options perspective dear mr . kaminsky , as i mentioned on your voice mail , infocast is going to host an ? valuing electric power assets and companies : a real options perspective ? conference to be held on july 31 - august 2 , 2000 , in chicago , il - i would like to explore your or your organization ' s possible participation at this event with you . this conference has been designed to bring together industry professionals , like you , to provide the latest details on a "" real options "" approach to electric power asset valuation . i have attached a draft program outline for your review . if you or someone else at your company is interested in presenting on one of the topics please let me know . i truly appreciate your taking the time to review the conference schedule and hope that you will consider participating . i am running behind schedule in finalizing this program . i will call you on tomorrow to follow up with you on this invitation . in the meantime , if you have any questions or suggestions , please do not hesitate to contact me at ( 818 ) 888 - 4445 , ext . 30 . i hope you can join us for this event . sincerely , britta bothe infocast conference manager ( see attached file : ea & cv , program outline , scenario 1 . doc )",0 +"Subject: ravi thuraisingham ' s skytel two way pager number here is the pager number that has been setup via jim irvine . email : 8776804806 @ skytel . com direct dial : 800 dial : 1 - 800 - 759 - 8352 box # 877 - 680 - 4806 i can be reached at this pager if you need to get me asap . ravi .",0 +"Subject: energycast please could you sort out an guest id for one month . - - - - - - - - - - - - - - - - - - - - - - forwarded by louise kitchen / hou / ect on 27 / 07 / 2000 13 : 59 - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 26 / 07 / 2000 09 : 05 to : louise kitchen / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : energycast louise , can we grant him guest access to eol again ? he is he same person who requested it a few weeks ago . evidently he was busy working on another project . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 07 / 26 / 2000 09 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" edward krapels "" on 07 / 25 / 2000 11 : 09 : 47 am please respond to ekrapels @ esaibos . com to : vince j kaminski / hou / ect @ ect cc : subject : energycast dear vince , i hope your trip to australia was successful . it ' s one of my favorite places to go . i ' ve copied you on the email to mike initiating enron ' s trial service to energycast . thanks for helping to set this up . would you ask the authorities in enron to refresh my access to enrononline ? my guest user id as ena 61296 and my guest password was tr 84 byl 3 . they no longer work , probably because i haven ' t visited the site in months as we were in full development mode on energycast . vince , you will note in our website references to forward prices of power in nepool , nypp , and pjm . we use reuters as a reference - - not satisfactory . if your traders like energycast and enron became a client , would enron consider linking its prices to our site ? we have to improve over the reuters quotes and regard enrononline or bloomberg as the best candidates . over time , as our service spreads i believe this could help generate deal flow for your traders . let me know what you think . ed",0 +"Subject: enterprise risk paul bristow gave me a call a few minutes ago , and is sending over some info . i also received an email yesterday relating to operational risk . evidently cibc has purchased some software to help quantify there exposure . - kevin - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin kindall / corp / enron on 08 / 08 / 2000 10 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" tao , xin "" on 08 / 07 / 2000 12 : 26 : 00 pm to : undisclosed - recipients : ; cc : subject : press release - netrisk announces sale of riskopstm software to c anadian imperial bank of commerce and erste bank > please find attached an update on our most recent riskops sales . in > addition , we are currently implementing riskops at a continental european > financial insitution and a tokyo based japanese financial institution , > neither of whom are more members . we hope to issue a press release on > these clients in the near future . > > kind regards , > > lara swann > > > > > > > netrisk announces sale of riskopstm software > to canadian imperial bank of commerce and erste bank > > > greenwich , ct . july 11 , 2000 - netrisk , inc . , the risk management software > and advisory firm , today announced that both canadian imperial bank of > commerce ( cibc ) and erste bank have purchased licenses to its riskops ( tm ) > software product for measuring and managing enterprise - wide operational > risk . operational risk includes the risk of direct and indirect loss from > causes as diverse as rogue trading to technology failures to improper > sales practices . > > erste bank , the second largest austrian bank , and canadian imperial bank > of commerce , the second largest canadian bank , plan to use riskops ( tm ) on > a continuing basis to help evaluate and quantify their firm - wide > operational risk capital . the results will be integrated into their > risk - adjusted return on capital ( raroc ) and consolidated enterprise > ( market , credit and operational ) risk measures . these measures will help > both banks to better allocate resources , evaluate individual business > units on a risk - adjusted basis and improve strategic decision - making . > > "" we are delighted to continue our working relationships with cibc and > erste bank by offering the riskops ( tm ) solution to complete their > operational risk measurement and management processes , "" says dan mudge , a > founding partner of netrisk . "" operational risk has been at the forefront > of the regulators ' minds and both cibc and erste bank are taking leading > positions in the industry by quantifying capital at risk by business > line . "" > > "" riskops ( tm ) has enabled us to comprehensively measure and manage > operational risk for each of our businesses , "" says tony peccia , head of > operational risk management at cibc . "" riskops ( tm ) gives us the tools we > need not only for capital allocation purposes but also for strategic > decision making . "" > > "" the formal inclusion of operational risk into our overall risk management > framework has required a significant commitment of erste bank . > riskops ( tm ) will be used to estimate capital at risk for each business , > thereby creating an incentive for stronger risk management within the > bank , "" says franz reif head of risk management of erste bank . "" in > addition , we plan to work with swiss re new markets to evaluate our risk > financing alternatives to ensure our capital is being used most > efficiently . "" > > "" netrisk is pleased to continue its leadership role in helping the > financial services industry develop methods and tools to quantify and > manage operational risk , "" said rob ceske , head of netrisk ' s operational > risk management division . "" as another example , the data standards we are > developing in conjunction with multinational operational risk exchange ( tm ) > ( more ( tm ) ) , which includes cibc , will significantly benefit the industry ' s > ability to exchange loss and risk data . "" > > riskops ( tm ) incorporates a database of published operational risk losses > from the financial services industry , combined with web - based software to > allow users to understand operational risk , analyze loss probabilities , > scale these losses to their firm and determine operational risk profiles , > including operational capital - at - risk . the product displays graphical > analyses of the causes , effects , probabilities and severities of > operational risk , specific descriptions of events and measures to help > senior management and risk managers understand and quantify the sources of > operational risk . riskops ( tm ) is available via the internet , by means of > any standard browser . > > about netrisk > netrisk ' s mission is to bring cost - effective , practical , leading edge risk > solutions to its clients . to do so it is creating on - line communities and > risk analytic software delivered via the internet . products and services > offered by netrisk include : riskops - internet - based operational risk > management solution ; crystal box - interactive performance and risk > reporting for the investment professional ; and risk advisory - enterprise > risk management consulting , advice and solutions to the financial services > industry . gene shanks , the former president of bankers trust , founded > netrisk , inc . in 1997 . netrisk has offices in greenwich , ct ; new york > city ; and london . additional information on netrisk is available at > http : / / www . netrisk . com / and on more at morexchange . org . > > about canadian imperial bank of commerce > canadian imperial bank of canada is canada ' s number two bank . its 1350 > branches a range of banking services , including checking and savings > accounts , investment products , mortgages and other loans , and credit cards > to consumers and small to mid - sized businesses . in addition , the bank > underwrites and sells life , credit , personal property / casualty , and > non - medical health insurance . cibc world markets provides investment > banking and other financial services in north america , europe and latin > america . > about erste bank > erste bank is austria ' s oldest and second - largest commercial bank . the > bank is doing business in six core segments : retail banking , corporate > banking , treasury , trading and sales , and real estate financing and asset > management . it has approximately 300 branches with international offices > in new york , hong kong , and london . as austrian banks consolidate , erste > bank is increasing its presence in eastern europe . it has subsidiaries in > croatia and hungary and acquired 52 % of the shares in ceska sporitelna , > the second largest bank in the czech republic from the czech government . > one of erste bank ' s largest shareholders is savings foundation > anteilsverwaltung sparkasse . > > > > >",0 +"Subject: re : ( no subject ) candice , maureen was sick for the last few days . when she comes back , i shall ask her to start the process regarding a formal offer for you . vince cedkao @ aol . com on 01 / 24 / 2001 11 : 00 : 52 am to : vkamins @ enron . com cc : shirley . crenshaw @ enron . com , cedkao @ aol . com subject : ( no subject ) dear dr . kaminski , i would like to thank you and your colleagues , dr . gibner and ms . raymond - castaneda , for taking the time to talk with me . i enjoyed the visit very much and will be looking forward to the opportunity of working as a summer intern at enron . you mentioned that you will call me this week . in the event i ' m not at home , please leave a message at my home phone number ( 713 ) 647 - 7161 or email me at my houston email address cedkao @ aol . com . sincerely , candice kao",0 +"Subject: a resume for your consideration vince , stinson : i gave a talk to a bunch of uh mba students taking a course on options . one of the more interesting of the inevitable stream of resumes is the enclosed . perhaps an ebs hire ? grant - - - - - - - - - - - - - - - - - - - - - - forwarded by grant masson / hou / ect on 04 / 24 / 2000 08 : 18 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" matthew crouse "" on 04 / 21 / 2000 05 : 06 : 08 pm to : grant . masson @ enron . com cc : subject : uh lecture and potential career opportunity dr . masson , i attended your lecture at uh and enjoyed it tremendously . if possible , i would like to investigate a career opportunity with your group in particular or enron in general . would you please review my resume and / or forward to potentially interested parties ? in tandem will all of enron ' s other propaganda efforts , your top - notch lecture at uh spurred me to do some soul searching . i currently work at duke energy trading and marketing , but have been extremely impressed with enron ' s cutting - edge research and market - leading position . i have a ph . d in electrical engineering from rice ( statistical signal processing ) with two years of experience at duke relating to the valuation , risk management , and risk measurement of financial derivatives and physical assets . i seek a similar position that would allow me to leverage my quantitative skills and grow within in the corporation . i believe i would be a great fit with enron and hope you would consider me for a potential position . best regards , matt crouse get your private , free e - mail from msn hotmail at http : / / www . hotmail . com - matt crouse cv . doc",0 +"Subject: re : fw : opportunities gerry , i may have unexpected meeting ( s ) in the morning . please , keep trying and i shall try to call you as well . vince "" sheble , g . b . "" on 10 / 27 / 2000 09 : 09 : 16 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : fw : opportunities vince since we were not able to connect this morning , would you identify any other time as convenient for you ? should i try monday morning ? thank you gerry = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = gerald b . shebl , professor , electrical and computer engineering director of complex adaptive systems program 1115 coover hall ames , iowa 50011 voice : 515 . 294 . 3046 fax : 515 . 294 . 4263 email : gsheble @ iastate . edu web : http : / / www . ee . iastate . edu / ~ sheble / = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = =",0 +"Subject: re : contract update got the copies and i have the corrected copies for you . will have them hand delivered to you this afternoon . sheila - - - - - original message - - - - - from : kaminski , vince sent : wednesday , march 07 , 2001 8 : 37 am to : walton , sheila cc : kaminski , vince subject : re : contract update sheila , there were some handwritten changes made by greg whalley on the draft . . i am sending you a copy in a few minutes . vince from : sheila walton / enron @ enronxgate on 03 / 06 / 2001 06 : 05 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : contract update vince , if there are some differences that we need to correct , you and i can meet tomorrow when you bring the contract in . i am available anytime after lunch . please call me at x 30649 . sheila - - - - - original message - - - - - from : kaminski , vince sent : tuesday , march 06 , 2001 3 : 10 pm to : sheila walton / hou / ect @ enron cc : kaminski , vince subject : contract update sheila , some minor differences between the draft and the final executed version . i have forgotten to bring the draft today , i shall send a copy to you tomorrow . there were some hand - written changes made by greg ijn the draft that were not transferred to the final version . vince",0 +"Subject: new resume dear vince , i am so grateful for your efforts . i really appreciate you taking time from your busy schedule . if you have not contacted michael maddox , it ' s even better . i have updated and re - worded my resume to better reflect my accomplishments . would you please contact michael maddox of cera and forward my resume to him ? his contact information is ( 617 ) 497 6446 or email : mmaddox @ cera . com have you had a chance to talk to david port ? maybe there are other options . i am flexible and willing to do whatever it takes . sincerely , bessik matchavariani manager enron broadband services tel : 713 . 345 . 7230 fax : 713 . 646 . 8861 bessik _ matchavariani @ enron . net",0 +"Subject: re : status vince - understood . i am going to request two days of vacation , for monday and tuesday . clayton",0 +"Subject: request for update vince , hopefully you have had a chance to look at mr . valverde ' s resume . please let me know if you have an interest in talking with him or not . thank you . johan johan c . dahl director energy staffing group management recruiters of portland , inc . phone : 503 - 290 - 1153 fax : 503 - 282 - 4380 e - mail : jdahl @ mrportland . com web : http : / / www . mrportland . com",0 +"Subject: comments hi sheridan , how are you ? i hope that you had a good vacation . vasant and i looked at your memo and found it to be interesting . i shall first briefly summarize our understanding of the methodology you propose . the comments follow . finally , i shall sketch a simple gas field project you can use as a test case in further refining the model . it appears that you are proposing a state - space approach where probabilities of different states at various future dates are specified . the next step is to assume a discount rate and to compute the present value by following the branches from the origin to one of the terminal points . traversing through the tree in this manner over many iterations will permit us to compute the average present value of the project . also , you are using the simulation to assign a value of the project to each node . thus each node will have a cash flow associated with it which will occur if the node is reached and a value which is an expectation of the value to be realized going forward . if some of these values turn out to be negative , zero - coupon , risk - free bonds are purchased to neutralize the negative realization . next , we find a comparable and apply the expected rate of return back to our project ( based on the variance of the returns ) . we iterate until convergence . finally , we subtract the initial investment and the computed risk capital from the pv of the gross cash flows ( including debt ) to determine if the project merits further consideration . comments / clarifications 1 . the money is being set aside to avoid negative values . it is not clear if you mean the values of the cash flow or the pv at the node . anyhow , we shall be setting aside money not just for that specific node but all nodes at that cross - section of time as the risk - free asset pays in all states of nature . this will have to be done every time there is a negative realization . thus , for the typical project we have , the value of risk capital may be extremely high , as we are not following a tail - based norm anymore . 2 . your memo appears to suggest that debt capacity is contingent on all values being positive . if so , we are only issuing risk - free debt . also , a project with a single negative value at each cross - section of time will not have a positive debt capacity . 3 . it seems that our optimization argument is the discount rate , which is obtained in each step from the comparison investment ( by equating the variances ) . it is not clear if changing the discount rate will have such an effect on the project variance so as to lead to a global convergence . also , our project has a finite life and the market - based assets will have infinite lives . in the light of this fact , how will we define the relevant variance ? is it the spot variance of the returns of the comparison investment ? 4 . finally , our criterion is to subtract from the average pv the investment and also the risk capital . setting risk capital to zero , this model closely resembles the intuitive present value criterion and endogenously determines the discount rate . gas field case to facilitate your thinking , we are providing a gas field example below . we invest x million dollars to buy and develop a gas field . a profile of expected production and variance of the production per year is available from the engineers at the beginning . production will be autocorrelated , as the profile will shift up or down based on the actual gas reserves being more or less than the estimated reserves . we assume the life of the field to be 10 years with no salvage value . there are fixed and variable operating costs . it might be useful for you to think about applying the framework to this problem . do let me know if you have further questions . rakesh",0 +"Subject: re : vince , sorry for getting back a little late . i have been in touch with kirstee to figure out how to treat positions data which is the primary cause for fluctuations . apparently , as of 7 / 19 , mg still has july position . this may be spot or balance of the month , or some settlement issue . this indeed is what we are trying to find out / verify ( it may be an error too ) . kirstee is going to get back to me on this . if it is not an error , then anjam ' s latest results ( $ 5 . 5 million total var ) are reasonable given all the assumptions and the missing pieces . i will keep you posted . cantekin vince j kaminski 07 / 26 / 2000 10 : 12 am to : cantekin dincerler / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , ted murphy / hou / ect @ ect subject : re : cantekin , can you figure out the reason for cocoa beans var fluctuations ? the same is true of aluminum . i assume this is the position change . vince cantekin dincerler 07 / 26 / 2000 09 : 28 am to : anjam ahmad / lon / ect @ ect , kirstee hewitt / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : anjam and kirstee , as i have suspected the position as of 6 / 30 vs 7 / 19 makes the difference . the first table first column is my var number with 6 / 30 position and gold & silver prices , the second column is your var with 7 / 19 position and dummy gold & silver prices . the second table first column is my var with 7 / 19 position and 6 / 30 gold & silver prices , the second column is as before . i would ask you to plug the gold and silver prices and see what kind of numbers you get in order to verify we are on the same page . please refer to modelvar 2000 . xls that i have sent you for gold & silver prices and volatilities . thank you , cantekin table 1 table 2",0 +"Subject: faculty contact and schedule persentation please respond to dear mr . kaminski , the following are the faculty details : ms . deborah j . barrett instructor & dir . , mba communications phone 713 - 348 - 5394 barrett @ rice . edu mr . wil uecker associate dean for executive education phone 713 - 348 - 5869 uecker @ rice . edu mr . dennis wayne loughridge adjunct professor - management phone 713 - 348 - 4869 lounghrid @ rice . edu i will also speak with the faculty and inform them about the details concerning the presentation on may 7 at enron office ( time to be determine ) and the dinner following it . sincerely , luigi calabrese rice mba candidate class of 2002",0 +"Subject: re : jaesoo lew vince , we should start working on the offer for jaesoo , should we ? tanya . jlew @ kent . edu > on 11 / 01 / 2000 09 : 59 : 25 am to : tanya . tamarchenko @ enron . com cc : jlew @ kent . edu subject : thanks dear tanya , thank you very much for the offer . basically , i can start at anytime if the condition is acceptable . currently i ' m in the middle of a decision that i can extend my internship or accept a job offer at here . but i think that decision should be done soon since my original internship expires this week . so the exact time to start work at enron depends on how quickly i can get your official offer including employment condition . i hope this will help to your question . if you have any question on me , please feel free to contact me . again , i appreciate your decision . sincerely , jaesoo lew",0 +"Subject: organizational announcement enron is off to a fantastic start this year as we continue strong growth in our wholesale energy businesses and begin rapidly developing a global market for premium broadband services . to help accomplish our goals in these businesses , the following management appointments are effective immediately : kevin p . hannon has been appointed chairman and ceo of enron global risk management . in his new role , kevin will devote the vast majority of his time and efforts to building a successful bandwidth intermediation business for enron , in addition to providing global risk management oversight . kevin will report to enron  , s office of the chairman and will serve on the executive committee . because of his efforts to build bandwidth intermediation capabilities , he also will report to the office of the chairman of enron broadband services . greg whalley has been named president and coo of enron north america , where he will fully dedicate his efforts to ena  , s continued growth and success . greg will retain responsibility for ena  , s risk management functions but will transition his global responsibilities to kevin . please join us in congratulating greg and kevin in their new positions .",0 +"Subject: moody ' s upgrade to the great and powerful research group : as you may know , moody ' s has recently upgraded enron from baa 2 to baal . we had been on watch for an upgrade for a while and after their intitial credit meeting , they still had questions primarily related to our control of market and credit risk . to that end , jeff mcmahon and tim despain had rick buy , bill bradford and i meet with eight members of the moody ' s team . the questions centered around policy and procedure in the wholesale businesses . we discussed var , stress testing and potential credit exposure . to make a long story short , subsequent to that meeting , they reconvened their committee and announced the upgrade . i want you to know how critical your contribution was to the discussion and will continue to be as the bar gets raised . i am sure that next year they will continue to be concerned with our risk management capabilities as well as extensions of our current platform - tail risk , intra day risk , operational risk , and enterprise wide risk . thank you for your efforts in supporting rac - it has tangible benefits . ted p . s . - there is still lots of interesting opportunities to extend the paradigm",0 +"Subject: research mike , vince and i are eager to see if our group can play a role in helping you in your development work using some combination of the or experts in our group and the resources to which we have access at stanford . can we get together for a short planning session when you are next in houston ? please let me know your schedule , or have your assistant coordinate a time with vince ' s assistant , shirley crenshaw ( x 35290 ) . thanks , stinson",0 +"Subject: warning system greg , as a follow up . we are talking to jay webb today about the data we can get from the enron online system to develop an early warning system for automated crude trading . by the way , it was a good catch . you left us red faced . vince",0 +"Subject: year end 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the year end 2000 performance management process by providing meaningful feedback on specific employee ( s ) . your feedback plays an important role in the process , and your participation is critical to the success of enron ' s performance management goals . to complete requests for feedback , access pep at http : / / pep . corp . enron . com and select perform review under performance review services . you may begin providing feedback immediately and are requested to have all feedback forms completed by friday , november 17 , 2000 . if you have any questions regarding pep or your responsibility in the process , please contact the pep help desk at : houston : 1 . 713 . 853 . 4777 , option 4 london : 44 . 207 . 783 . 4040 , option 4 email : perfmgmt @ enron . com thank you for your participation in this important process . the following is a cumulative list of employee feedback requests with a status of "" open . "" once you have submitted or declined an employee ' s request for feedback , their name will no longer appear on this list . review group : enron feedback due date : nov 17 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - andrews , naveen c rudi c zipter oct 31 , 2000 crenshaw , shirley j wincenty j kaminski oct 26 , 2000 kindall , kevin vasant shanbhogue oct 30 , 2000 lamas vieira pinto , rodrigo david port oct 31 , 2000 supatgiat , chonawee peyton s gibner oct 27 , 2000 tamarchenko , tanya v vasant shanbhogue oct 26 , 2000 villarreal , norma e sheila h walton oct 26 , 2000 walton , sheila h david oxley oct 27 , 2000 yaman , sevil vasant shanbhogue oct 27 , 2000 yuan , ding richard l carson oct 31 , 2000",0 +"Subject: re : recruiting at carnegie - mellon john , i haven ' t received the invitation yet to the sep 13 th meeting . i shall contact you thursday regarding the cmu presentation . vince john b gordon @ enron 08 / 23 / 2000 05 : 01 pm to : vince j kaminski / hou / ect @ ect cc : subject : recruiting at carnegie - mellon vince : i understand that you are the lead recruiter for cmu . as you know , i am the only alum from that school in enron ' s associate program . i assume i will be joining you for our corporate presentation on 9 / 13 at 7 : 30 am . please let me know what i can do to help prepare for this event . enron and gsia are a great fit , so i want this recruiting effort to go well . are you also giving a talk / lecture to the computational finance students ? if so , what time ? maybe we can schedule a lunch with duane seppi . i look forward to hearing from you . john gordon",0 +"Subject: thank you for the opportunity hello vince , i have heard you were sick . hope it is over . thank you for the opportunity to visit enron , again , and to speak to the guys . you have a good team . i wonder if you have come up with a decision regarding my employment ? look forward to hearing from you . regards , martin",0 +"Subject: holiday gift basket thank you , so very much for the gift basket , it is beautiful , i will share with the group . happy , happy , holiday ' s ! dolores sustaita & move - team",0 +"Subject: re : carl tricoli i think i will coordinate with zimin , and have guadalupe do some research on equities linked to corn price . initially , there will be some scenario analysis done , and we can explore the possible use of options theory . vasant vince j kaminski 04 / 05 / 2000 02 : 41 pm to : carl tricoli / corp / enron @ enron cc : zimin lu / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : carl tricoli carl , depends if it is more like financial or insurance type hedging . i shall leave it to vasant to decide . vince carl tricoli @ enron 04 / 05 / 2000 11 : 19 am to : vince j kaminski / hou / ect @ ect cc : zimin lu / hou / ect @ ect , vince j kaminski / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , christopher a helfrich / hou / ect @ ect subject : re : carl tricoli vince , thank you for the response . in the interim , we met with vasant shanbhogue yesterday and explained the deal and what we needed . should vasant continue to work on it , or would you still like us to loop in zimin lu ? vince j kaminski @ ect 04 / 05 / 2000 10 : 11 am to : zimin lu / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , carl tricoli / corp / enron @ enron subject : carl tricoli zimin , carl tricoli ( 5 - 8958 ) will call you regarding help on ethanol ( hedging ) . vince",0 +"Subject: re : recruiting for weather risk management group hello vince , thank you very much for forwarding the message . i hope all is well with you ! regards , heather on fri , 27 apr 2001 vince . j . kaminski @ enron . com wrote : > > heather , > > i am forwarding this message to 2 groups in enron that may be interested . > > vince > > > > > > "" heather thorne "" on 04 / 26 / 2001 08 : 55 : 56 pm > > to : "" christie patrick "" , "" vince kaminsky "" > > cc : "" greg hunt home "" > subject : recruiting for weather risk management group > > > > > dear vince and christie , > > > > i hope that you are both well , and are ready for the onset of summer in > houston ! ? i was disappointed that i was not able to see you at the final > tiger team presentations last month due to a family emergency . ? i hope that > the teams ' analyses will be helpful to your work , and echo their > appreciation of your involvement and support . > > > > i am writing with a question regarding recruiting for enron ' s weather risk > management group . ? my boyfriend , greg hunt , is currently seeking > opportunities to combine his background in meteorology ( ms and 2 years of > research at lawrence livermore nat ' l lab ) and an mba in finance and > information technology . ? i began thinking about enron ' s work in weather > derivatives , and realized that there could possibly be a great fit there . > > > > i have copied greg on this message , and would appreciate any suggestions > you can offer regarding opportunities in this group . ? thank you very much ! > > > > best regards , > > > > heather > > > > > > > > > > heather n . thorne > > mba candidate , 2001 > > the wharton school at university of pennsylvania > > 2516 pine street > > philadelphia , pa 19103 > > ( 215 ) 545 - 3022 > > > > > >",0 +"Subject: risk management it offsite meeting notes fyi . - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 08 / 24 / 2000 10 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : maureen craig @ ees 08 / 23 / 2000 06 : 19 pm to : dennis benevides / hou / ees @ ees , scott yeargain / hou / ees @ ees , ress young / hou / ees @ ees , timothy j hamilton / hou / ees @ ees , barend vanderhorst / hou / ees @ ees , ford cooper / hou / ees @ ees , megan corley / hou / ees @ ees , steven r meyers / hou / ees @ ees , burt bailey / hou / ees @ ees , dave roberts / hou / ees @ ees , james w lewis / hou / ees @ ees , mallik avs / hou / ees @ ees , travis julian / efs / ees @ ees , ryan tull / hou / ees @ ees , glenn dickson / hou / ees @ ees , scott stoness / hou / ees @ ees , neil hong / hou / ees @ ees , sanjay agarwal / hou / ees @ ees , david draper / hou / ees @ ees , monica hwang / hou / ees @ ees , cathy pittenger / hou / ees @ ees , kenneth lee / hou / ees @ ees , pinnamaneni krishnarao / hou / ect @ ect , osman sezgen / hou / ees @ ees , tony spruiell / hou / ees @ ees , sean a holmes / hou / ees @ ees , wanda curry / hou / ect @ ect , meredith m eggleston / hou / ees @ ees , chuck hahn / sfo / ees @ ees cc : marty sunde / hou / ees @ ees , mike harris / hou / ees @ ees , mohsin manzoor / hou / ees @ ees , stephen douglass / hou / ees @ ees , john krakoski / hou / ees @ ees , brian haskett / hou / ees @ ees , kelly cunningham / hou / ees @ ees , bernard felefli / hou / ees @ ees , rudy tobias / hou / ees @ ees , michael clark / hou / ees @ ees , terry caudill / hou / ees @ ees , wpicker @ us . ibm . com , james welsh / hou / ees @ ees , james johnson / hou / ees @ ees , ben castro / hou / ees @ ees , carol moffett / hou / ees @ ees subject : risk management it offsite meeting notes the ees / ibm it team would again like to thank all of you for your vigorous participation in last weeks it needs analysis workshop . in particular , we would like to extend appreciation to jay , dave roberts , and dennis for their business presentations . thanks , as well , to meghan corley , barry vanderhorst , burt bailey , and glenn dickson for presenting their individual area needs , to meredith for overall assistance in creating and delivering the agenda , and to marty for his sponsorship and support . the team is currently assimilating the results and formulating an action plan to address priority 1 , 2 , and 3 needs . actions to address many priority 1 items are underway . we will be reporting on this in marty ' s weekly staff meeting . attached below are the results from the meeting , as well as copies of all materials that were presented . any additional feedback is welcome and encouraged . apologies to any participants that do not appear on this distribution . one thing we failed to do was to take an attendees list . please forward to your team mates , accordingly . thank you , maureen craig and john krakoski",0 +"Subject: re : global risk management operations rick , i read your memo regarding global risk management initiative . i am sending you the information regarding a related initiative on which i have been working last year and which is moving now into the implementation stage . it ' s enterprise - wide risk management and it ' s really an effort to measure business risks consistently across the company . i hope my group can be helpful in designing the general approach to this problem . please , let me know what your thoughts are . vince enron north america corp . from : rick causey @ enron 01 / 17 / 2000 06 : 04 pm sent by : enron announcements @ enron to : all enron worldwide cc : subject : global risk management operations recognizing enron  , s increasing worldwide presence in the wholesale energy business and the need to insure outstanding internal controls for all of our risk management activities , regardless of location , a global risk management operations function has been created under the direction of sally w . beck , vice president . in this role , sally will report to rick causey , executive vice president and chief accounting officer . sally  , s responsibilities with regard to global risk management operations will mirror those of other recently created enron global functions . in this role , sally will work closely with all enron geographic regions and wholesale companies to insure that each entity receives individualized regional support while also focusing on the following global responsibilities : 1 . enhance communication among risk management operations professionals . 2 . assure the proliferation of best operational practices around the globe . 3 . facilitate the allocation of human resources . 4 . provide training for risk management operations personnel . 5 . coordinate user requirements for shared operational systems . 6 . oversee the creation of a global internal control audit plan for risk management activities . 7 . establish procedures for opening new risk management operations offices and create key benchmarks for measuring on - going risk controls . each regional operations team will continue its direct reporting relationship within its business unit , and will collaborate with sally in the delivery of these critical items . the houston - based risk management operations team under sue frusco  , s leadership , which currently supports risk management activities for south america and australia , will also report directly to sally . sally retains her role as vice president of energy operations for enron north america , reporting to the ena office of the chairman . she has been in her current role over energy operations since 1997 , where she manages risk consolidation and reporting , risk management administration , physical product delivery , confirmations and cash management for ena  , s physical commodity trading , energy derivatives trading and financial products trading . sally has been with enron since 1992 , when she joined the company as a manager in global credit . prior to joining enron , sally had four years experience as a commercial banker and spent seven years as a registered securities principal with a regional investment banking firm . she also owned and managed a retail business for several years . please join me in supporting sally in this additional coordination role for global risk management operations .",0 +"Subject: re : new business h ? lyette , i am working systematically through un - answered messages . yes , i shall be delighted to meet your friend . vince helyette geman on 04 / 05 / 2001 04 : 58 : 47 am to : vkamins @ enron . com cc : vkaminski @ aol . com subject : new business dear vince , a friend of mine , head of research and new projects in a major bank , wanted to get in touch with the energy industry to possibly develop working relationships . i said that enron was the right place to start and "" you "" the right person to meet . in this order , he would come to the power 2001 and i would introduce him to you . is this o . k with you ? best regards helyette h ? lyette geman professor of finance university paris ix dauphine and essec",0 +"Subject: re : lng may 19 decision vince - thanks for the update . what i am not sure of is what if any decision has to be made on may 19 . it seems to me that the mystic lady and elba island deals have already been approved and executed - but it is quite likely i am missing a detail or two . john vince j kaminski 15 / 05 / 2000 17 : 14 to : john sherriff / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , david gorte / hou / ect @ ect , rick buy / hou / ect @ ect , ted murphy / hou / ect @ ect subject : re : lng may 19 decision john , this is the update on what i have done for the lng transactions . 1 . i was not involved in the lng ship project . i shall read the dash and give you my comments . without looking at the details , i think that the decision to charter a tanker removes one significant risk we have at the elba island project ( please , see point 2 ) . 2 . elba island . i am working with doug rotenberbg , brad hitch , scott earnest ( sally beck ' s organization ) and rac to set up the book for the elba island transaction . the next step will be to expand the book to capture all the enron ' s lng - related positions in one place and to look for natural risk offsets and possible hedges . a working group is meeting to close a few remaining gaps tomorrow ( tuesday ) at 8 : 30 . a few comments on the book design and my view of the project : a . the current thinking is that lng will be sourced for the elba island facility by buying marginal cargos on the fob basis . marginal cargos will represent supply from excess capacity that has not been committed under long - term contracts or became available due to some short - term frictions . the fob cargos are typically selling at a significant discount to the long - term contract prices . the economics of the deal , as represented by the book we are setting up , will reflect the assumption that not only we can locate marginal cargos but that we shall be able to do it on a regular basis , arranging shipping and coordinating the facility schedule and natural gas transactions in the us . in other words , we have a significant logistical and operational risk in this transaction . b . the transaction will cover the period of 17 years ( with an extension option of 5 years ) . even if we can lock - in the lng volumes over this time period , we have no ability to lock - in the other side of the spread ( us gas prices ) for such a long tenor . this is essentially a tolling transaction with exposure to the lng - nat gas spread and i would not recommend locking - in only one leg of the spread . one solution would be to cover , let ' s say , 50 % of he lng volumes for the first 5 years and lock - in the nat gas side on the us market side . c . the book we are setting up will be based on many managerial assumptions regarding sources of lng , shipping rates , schedules , etc . i would set up a big prudence reserve in case we mark it to market . d . my group will work on valuation of some options we have in the elba island deal ( that are good for enron ) and on the hedging strategy for the lng positions . long - term lng contracts are typically based on the japanese crude cocktail that correlates very well with brent . vince john sherriff 05 / 14 / 2000 01 : 40 am to : vince j kaminski / hou / ect @ ect cc : lauren urquhart / lon / ect @ ect subject : lng may 19 decision vince i haven ' t spoken to you for awhile but hope the world is treating you well . anyway with greg moving to his new role i have ( i hope only temporarily ) staff trading oversight for the eastern hemishere plus lng . i understand that your group is taking a first cut at developing curves for lng and lng ship values . i also understand that another lng ship decision is on the dockets for may 19 ( not very far away ) . anway i understand this is a big decision but i still have gotten very little info yet . can you please let me know where you stand now ? i will ask my assistant lauren to set up a time that i can speak with you in the next couple of days and if you have anything for me to review before then she can get it faxed to me as well . look forward to connecting with you vince . john",0 +"Subject: re : message from ken rice dorothy , no problem . please , cc - mail me tom ' s number . one of the members of the group has a phd in computer science and he will join me for the call . vince from : dorothy dalton @ enron communications on 05 / 01 / 2001 08 : 53 am to : vince j kaminski / hou / ect @ ect cc : subject : message from ken rice vince : ken rice received a call through a friend ' s referral from dr . tom limperis ( a professor at the university of michigan ) . dr . limperis has developed a statistical database management system he would like to show enron . ken would like you to return this call on his behalf . he feels that you are probably the only person who will understand and be able to determine if enron should have an interest . do you mind returning this call ? please let me know . thanks ! dorothy dalton office of the chairman enron broadband services 1400 smith street , eb 4505 houston , tx 77002 713 - 853 - 6724 - direct 713 - 853 - 9469 - fax",0 +"Subject: financial mathematics course - urgent hi vince , in order to provide the marketing department with sufficient lead time for our financial mathematics course , the brochure will need to be printed by the end of next week . i would like to confirm the bullets for your two sessions at the 2001 series of courses . if you feel that there is little need to update the points i ' ll include the previous outlines . the one addition i would like to make is on the ' practical example ' point at the end of each session . if we could provide a line outlining what the example would be , this would add some important information to this event . i will be in the office until wedesday afternoon and would very much like to talk with you about your views on this years ' event . i will be out of the office on thursday and friday and will need to confirm my changes at the start of next week . i look forward to speaking with you soon . best wishes , paul bristow",0 +"Subject: re : wednesday meeting eric , we are looking at the model . i shall get back to you next week . vince enron north america corp . from : eric groves 09 / 06 / 2000 08 : 55 am to : vince j kaminski / hou / ect @ ect cc : subject : re : wednesday meeting vince , i was wondering if you or someone in your group has had a chance to overview the lng shipping model that i sent you . merritt thomas is sending me more data to add the to model on all of the other ports and nautical miles . i would like to to have your input on the functionality of this file before we go farther . please call with any questions or comments . thanks , eric vince j kaminski 09 / 06 / 2000 08 : 26 am to : eric groves / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , scott earnest / hou / ect @ ect subject : re : wednesday meeting eric , i think we can skip the meeting and discuss any issues between us . the meeting was convened at the request of doug arnell , but jeff shankman thinks that there is no need for formal meetings : we can ask them for the information directly on as needed basis . vince enron north america corp . from : eric groves 09 / 05 / 2000 11 : 01 am to : vince j kaminski / hou / ect @ ect cc : subject : wednesday meeting are we still having the meeting tomorrow ? at what time ? thanks , eric",0 +"Subject: december 6 th meeting dear mr . kaminski : this is to confirm the december 6 th meeting here at our center . the location for the meeting is room # 3212 steinberg hall - dietrich hall and the time will run from 9 : 00 am - 11 : 00 am . please let us know if you need anything further . we look forward to seeing you then . regards , theresa convery ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ theresa convery administrative assistant risk and decision processes center the wharton school of the university of pennsylvania ( 215 ) 898 - 5688 / fax : ( 215 ) 573 - 2130 tconvery @ wharton . upenn . edu",0 +"Subject: today ' s gathering hello , vince ! i was planning to stop by damian ' s this evening , but i think i ' ll go home instead . i ' ve contracted a sneezy cold , and i don ' t want to spread it around anymore than i already have . thank you for putting this together . i ' ll have to make the one in january for sure ! sam",0 +"Subject: welcome to - energy news live dear vincent kaminski , welcome to energy news live - http : / / www . energynewslive . com ! you are receiving this email as a result of your recent registration . free energy news live membership we ' re glad you ' ve joined us ; we think you ' ll find enl an amazing business tool , with live , up - to the - minute news every hour on the hour of every business day . insight from actual traders . exotic and proprietary weather modeling . a new cross - commodity index . we ' ll break every energy headline around the world , and bring them right to your desktop . so sign on , leave it on , stay on top . and enjoy your membership to energynewslive . com , the first real - time energy network . also , thank you for your request to receive more information from energynewslive . com . keep checking your email for updates and special offers . if you did not request to receive special offers from enl please click here to de - activate : you have also indicated that you would like to receive a daily video wrap - up from energynewslive . com . if you did not request to receive a daily video wrap - up from enl please click here to de - activate : sincerely , the energy news live team",0 +"Subject: re : simon , i shall bring a floppy to paris . vince "" simon turner "" on 09 / 29 / 2000 10 : 13 : 47 am please respond to "" simon turner "" to : cc : subject : re : vince this works . are you attaching your presentation for next week ? ? thanks simon - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : simon @ localbloke . freeserve . co . uk cc : vince . j . kaminski @ enron . com date : wed 27 september 2000 5 : 04 : pm > test > > vince kaminski > >",0 +"Subject: czesc ludmilo , wicku i wicusiu co slychac . w polsce zimno , ponuro , w gdansku aktualnie odwilz , co sprzyja grypie . uciekamy przed grypa na tydzien do bialki tatrzanskiej pod zakopanem . bylismy tam w zeszlym roku przez 4 dni w zimie i bardzo nam sie podobalo . gory w zimie sa naprawde piekne . bylismy pierwszy raz w zimie w gorach od 25 lat . bardzo bedziemy chcieli wpasc jutro do pabianic ( albo w drodze powrotnej do gdanska ) . nie wiem , czy to sie uda , bo wieczor zapada bardzo wczesnie , a ja nie moge jezdzic w nocy . latwo sie mecze i szybki zasypiam . bylem u twoich dziewczyn we wrzesniu , przypominalem sobie stare czasy jak nocowalismy u was z rodzicami , ojciec siedzial na lezaku pod jablonia . ech . bylo , minelo . slyszalem , ze wicusiowi idzie nadzwyczajnie . pamietam , jakim ty byles ulubienicem taty ( peptydy w juracie , pamietasz ) . michal ze swoja narzeczona wybiera sie w lecie do ameryki . chcialby podszkolic sie w angielskim i przy okazji troche popracowac . oboje studiuja medycyne na trzecim roku . jak myslisz , mogliby znalezc prace w houston ? czy moglbys im w tym pomoc ? oni chcieliby tylko znalezc prace , nie chca was w niczym absorbowac . co o tym myslisz ? jak bedziesz znowu w polsce , daj znac . musze z przyjemnoscia powiedziec , ze poglady polityczne eli , jadzi i nasze sa identyczne . nawet nie mamy sie o co poklocic . generalnie sie zgadzam z balcerowiczem , ale uwazam , ze reforma zdrowia jest do d . doznajemy tego na wlasnej skorze . trzymajcie sie cieplo i do uslyszenia . pa , pa adam t . chemat @ softel . gda . pl",0 +"Subject: important information about united healthcare - please read ! to : houston area employees participating in the domestic medical plan benefits you may have recently received communication from united healthcare ( uhc ) concerning memorial hermann health systems ' ( mhhs ) decision to terminate their contract with uhc in the houston / beaumont area . this communication also included the names of physicians who will be dropped from the network due to this action . it is our intent to help you understand the situation . it is our understanding that memorial herman health systems asked for a 40 % increase in fees - a substantial increase that would have been passed on to you and enron ! when united healthcare attempted to negotiate with a counter proposal , memorial hermann cancelled their contract . while this contractual arrangement was between the hospital system and uhc , enron continues to support uhc in their ongoing contract negotiation efforts . at this time , it is only uhc which has been affected , however , it is our understanding that cigna has also been contacted by the hospital group and may be in contract negotiations at this time as well . many doctors have obtained admission privileges to other area hospitals within the uhc network or have contracted directly with uhc including those with admission privileges to the woodlands , sugarland and clear lake hospitals , to name a few . in a further effort to limit disruption to our affected employees and families who are enrolled in the uhc network or epo options , enron has authorized uhc to process claims incurred between september 28 and december 31 , 2000 as if the termination of the memorial hermann health systems from the network had not occurred and in - network benefits applied . office visits will have a $ 10 copayment and all other charges will be covered at 90 % . hospital admissions will still need to be pre - certified with uhc . these steps have decreased the number of participants ' affected by primary care physician disruption from 1 , 050 to 127 . if you need medical attention : you or your doctor / hospital must call uhc ' s customer service number so proper benefits can be verified . in some cases the hospital or doctor may request payment at the time service is performed . if this should happen , please obtain an itemized statement and submit it to uhc with a claim form for prompt reimbursement . claim forms can be obtained by calling 1 - 800 - 332 - 7979 or in houston at 713 - 853 - 7979 ( press 1 ) . open enrollment materials will be coming soon . take this opportunity to consider your elections for 2001 . united healthcare and enron hr are committed to assisting enron employees through this transition . we will communicate any further developments that may impact you or your family .",0 +"Subject: sample day - ahead lmp postings message sent from the pjm - customer - info mailing list at pjm - customer - info @ majordomo . pjm . com : from 04 / 10 / 00 through 05 / 12 / 00 , pjm will be posting sample day - ahead prices produced using the two - settlement software and generation bids and ties schedules as bid into the pjm real time market . perturbations may be applied to the demand bids in order to illustrate the impact of total demand mws bid on day - ahead lmps ( such perturbations will be discussed in the day - ahead case description file ) . sample prices will be posted for weekdays only . these prices are for illustration purposes only . they will not be used in any pjm settlements . sample lmps will be posted in a csv file using the following name convention yyyymmdd - da . csv . the names of files initially posted for 4 / 10 / 00 and 4 / 11 / 00 have been changed to this name convention . questions may be directed to pjm customer service at ( 610 ) 666 - 8980 . to unsubscribe from this list , send an e - mail to majordomo @ majordomo . pjm . com containing only the following line in the body of the e - mail : unsubscribe pjm - customer - info",0 +"Subject: california update 3 / 06 / 01 executive summary ? if no comprehensive deal is reached by april 9 th , chances of bankruptcy increase due to a one day "" opt - out "" clause in all long - term power contracts . ? pg & e and state locked in tough negotiations , several issues on the table : puc - imposed requirement forcing pg state - 2 . 3 times book value vs . pg & e - 4 times book value ? pg & e will not use any of the $ 1 b secured last week to help their ailing utility . ? davis ' s announcement of long term power contract didn ' t include some details : of the 8 , 800 megawatts secured this far , only 6 , 000 are available this summer some of the "" long term contracts "" are really only for three months none of the contracts prevent california from buying peak demand on the spot market ? one the same day davis announced long term contracts , davis also quietly announce a 10 % rate hike . ? ferc may be the wild card in approving this deal . pg & e transmissions deal one thing that is still uncertain is pg & e . bankruptcy may still be a likely alternative if current negotiations to buy pg & e ' s share of the electric transmission grid fail to produce a deal by april 9 ( when all long - term power contracts being negotiated have a one - day "" opt - out "" clause they can exercise unilaterally if a "" comprehensive solution "" has not been reached by the state and its major utilities ) . according to sources close to senior pg & e officials , pg & e made it clear that any hope for a politically acceptable deal on the transmission lines depends on the california government ' s willingness to make a major financial commitment it has been completely unwilling to make until now . pg & e will not make a final deal to sell its grid unless davis agrees to relieve it of the puc - imposed requirement to be the "" electricity buyer of last resort . "" current state regulations make the utility companies ultimately responsible for generating or purchasing enough electricity at all times to supply california ' s energy needs . as long as the state steps in and makes those purchases , as it has for the past three months , the utilities are shielded from absorbing the losses generated by paying premiums for spot market power and selling to consumers who are shielded by low rate ceilings . but , pg & e officials are worried 1 ) this summer ' s supply and 2 ) davis ' s concern over how fast he is draining the state ' s budget surplus . if things get into a crunch this summer and davis makes a new decision that the state will pay only for the electricity it buys through long - term contracts , then pg & e will be left holding the bag . thus , as part of the negotiations over buying the electricity grid , pg & e is demanding a "" comprehensive solution "" that includes not being liable for cost differentials between the spot market purchase and what consumers are allowed to pay . state officials are in no mood to grant that kind of "" get out of jail free "" card , so the two sides remain locked in extremely tough negotiations that are complicated by three other factors : ( 1 ) pg ( 2 ) state legislative demands that the price davis negotiate for pg and ( 3 ) the ferc must "" positively approve "" any grid purchase by the state of california . the principal concern on the price front is that pg & e wants to sell the electricity grid for nearly four times the estimated book value of their transmission , while consumer groups insist that two times book value is the politically acceptable limit . "" we see 2 . 3 times book value as an absolute upper bound . there is no way pg & e will get more than that , whatever they think , "" according to the leader of one main consumer groups . "" we are going to try to force any deals down to about 2 . 0 in any case . "" negotiators for davis are also trying to ' proposition - proof ' any transmission deal to protect against a later ballot proposal . they think there are ways to do that , but not if the price of pg & e ' s part of the grid triggers a ballot initiative . remember , if davis ' s eventual solution triggers a ballot initiative , he will be running for re - election on the same ballot as a public initiative designed to overturn his solution . on the sacramento front - no one understands pg & e ' s motives the one question no one in sacramento can figure out is what kind of game pg & e is playing . in a three day period pg & e made a series of announcements that left everyone scratching their heads . ? late thursday , pg & e officials leaked information to california papers that they had agreed in principle to sell their part of the electricity transmission grid to the state , which seemed like obvious good news , but then made it clear in discussions that the price they were asking was at least 30 % above what the state was currently offering . while a deal can still be done , anything like the $ 10 billion pg & e wants would be very hard to get through the california legislature which needs to approve any purchase . ? late friday , pg & e officials announced that they had secured a $ 1 billion loan for the parent company ( not the electricity utility ) and would use the money to pay off bondholders , other creditors and to return $ 161 million to shareholders in a new dividend payout . not a cent of that money was earmarked to help the struggling electricity orphan of pg & e and that left at least one rating agency convinced that the company was more ready to send the utility into bankruptcy than had been previously understood . ? over the weekend , pg & e leaked a story claiming that it was willing to pay off its energy suppliers ' debt for 15 cents on the dollar right now . for generators who are having to make decisions each morning about whether to start legal actions that protect their rights in any eventual bankruptcy action or hold off on the assumption that the politics of this process will "" make them whole "" in a couple of months , that kind of trial balloon is extremely unnerving . thus , in a very short time period , pg & e ' s corporate owners showed they could access public credit markets with relative ease and then showed that they were unwilling to use these funds to smooth the way toward a solution to the energy crisis . davis has demanded that all of the major utilities absorb at least a part of the $ 13 billion debt they have accumulated since last summer and pg & e ' s fund - raising will harden and deepen those demands . as one senior political official told our source "" just when you think the corporate leadership of that company has insulted us as completely as possible , they come up with something even more outrageous . "" pg and some of these "" long - term contracts "" are actually only good for three months . none of these contracts , however , keep california from having to buy the most expensive peak demand electricity on the spot market . davis agrees on new consumer electricity rate hikes for next year while the media was concern with davis ' s announcement of long term contracts for california , of less concern to the media was davis ' s quietly announced a decision to let rates rise again for electricity consumers . the state will accept the 10 % emergency surcharge levied on consumers in january as a permanent increase as well as an additional 10 % increase for consumers that will take effect early 2002 when the old 1996 rate cut legislation expires . that would bring the average charge to about 8 cents a kilowatt hour . ferc the other major danger to the transmission line deal is that the federal energy regulatory commission can block the deal simply by failing to approve it in a positive vote . senior california officials and legislators doubt that ferc has jurisdiction , and believe that ferc would not dare stop a deal . but they may be wrong . "" the deal can only go through if ferc specifically signs off on the deal . its power over transmission deal is absolute , no matter what anyone says , "" according to source close to the president . there are three possibilities : 1 ) ferc could "" pocket veto "" it by not even putting it on agenda for discussion ; 2 ) the deal is put on the agenda but it gets voted down . the democrat on the commission , william massey , has already said he is opposed to it ; or 3 ) the commission could approve it but with condition that davis has to agree to bring the lines into a regional grid system . one complicating factor in the ferc decision , however , is that its chairman curt hebert , who is adamantly opposed to the transmission line sale , may not be around long enough to have his say . "" hebert is definitely not a shoo in for the ferc chairman position , "" says one washington official . two other appointments to the commission will soon be named , this official notes , and one of them "" could easily become chairman . """,0 +"Subject: wharton business plan competition hi anne ! thank you for your reply . enron is delighted to be a part of the wharton business plan competition ! first , our assistant in the university affairs group , melinda mccarty , will provide you with our logo . enron would definitely like to be judge in phase iii and participate in the venture fair , including the display table . as to the mentoring and university community program , let ; s discuss that further so i can better judge our way forward . after i ' ve had the chance to discuss all of this with our entire university affairs and wharton team here at enron , you and i can get together to plan a more difinitive participatory strategy for enron . i will call you next week . again , we at enron are very enthusiastic about participation with wharton in this mutually interesting endeavor . ! best regards ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 01 / 26 / 2001 06 : 33 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" stamer , anne "" on 01 / 26 / 2001 03 : 47 : 39 pm to : "" ' christie _ patrick @ enron . com ' "" cc : subject : wharton business plan competition dear christie : thank you for your voice mail . things are moving along nicely with the competition . phase ii deadline was today , so we hope to have some statistics in the next few weeks . i have attached the statistics from phase i , for your files . listed below are ways that enron could be involved , let me know in which ( or all ) of these enron would be interested in participating . * we want to start listing our sponsors , so it would be really good if we could get your logo . * also , does enron wish to be a judge in phase iii and the venture fair ( vf ) ? for phase iii , we would mail each judge about 3 full blown business plans to be ranked . we anticipate this taking no more than 1 afternoon * for the vf , we would need a judge to be present for the entire day . the vf is by invitation only and we anticipate about 350 students , venture capitalists , business entrepreneurs and faculty . the vf will be held in philadelphia on april 30 th . * at the vf we will provide an opportunity for our sponsors with a 6 foot table for exhibits or materials to hand out . we will need to know if you wish to use the exhibit space . * we plan on providing our 25 semi - finalist teams with one - on - one mentoring . if enron is interested , that would be about 1 / 2 or 1 day commitment . * there might be an opportunity for a workshop to the university community . would enron be interested in participating in something like this ? i look forward to working with you to make this year ' s bpc a success . thank you . sincerely , anne stamer > anne stamer wharton business plan competition wharton entrepreneurial programs the wharton school 419 vance hall , 3733 spruce street philadelphia , pa 19104 - 6374 215 - 746 - 6460 ( direct ) 215 - 898 - 4856 ( office ) 215 - 898 - 1299 ( fax ) stamer @ wharton . upenn . edu - phase ioverview . doc",0 +"Subject: another addition from enron tiger member vince : please add deepa mallik to the list , as well , as she is interested in a summer internship with enron . she said she forwarded her resume to you last week . will gladly resend , if necessary . thanks , donna > - - - - - original message - - - - - > from : fap > sent : friday , february 02 , 2001 2 : 04 pm > to : ' vkamins @ enron . com ' > cc : ' clayton . degiacinto . wgo 2 @ wharton . upenn . edu ' ; > ' hethorne @ wharton . upenn . edu ' ; thomas ; weigelt ; fap > subject : addition from enron tiger member > importance : high > > vince : > > please add clayton degiancinto as an applicant to a summer internship at > enron . he told me that he sent christie patrick his resume two weeks ago . > let me know if you need to have it resent . > > thanks , > donna",0 +"Subject: re : enron default swaps no hurry about those documents , i have so much to do already ! thanks and warm regards , darrell on mon , 2 apr 2001 vince . j . kaminski @ enron . com wrote : > > darrell , > > thanks . i am beating up on my group to accelerate preparation of > documentation for > the audit . > > vince > > > > > > j d duffie on 04 / 02 / 2001 03 : 35 : 31 pm > > to : > cc : > subject : re : enron default swaps > > > > hi vince ! > > i got those notes . they should indeed > be useful . the one from deutsche bank > is especially helpful ! > > i am suppose to know this stuff , as i teach it ! > > sorry about the delayed billing . > i have had trouble getting a bill > from my excellent asistant , taichi hoshino , > who has returned to goldman tokyo , > and has not been able to get anything else > done lately . i will try to get something out soon ! > > we had several energy people , > from several companies , at our credit risk > exec ed course last month . seems that > credit risk and power risk go > together these days ! > > warm regards , darrell > > > > > on fri , 30 mar 2001 vince . j . kaminski @ enron . com wrote : > > > > > darrell , > > > > i am sending you 2 technical notes on enron default swaps : i hope that > they > > will > > be useful . i shall read the articles on weekend . i am curious if you > > find these explanations satisfactory . > > > > we are very slow in preparing a number of technical documents > > for you for model reviews . we still hope you will be able > > to find some time to review our credit models ( for our london > > credit trading ) and var and option pricing related models . > > > > also , please check your invoices . i still think we owe you money . > > > > > > vince > > ( see attached file : cds vs as . pdf ) ( see attached file : cdsstrat . pdf ) > > > > > > > > > > darrell duffie on 03 / 28 / 2001 08 : 07 : 38 am > > > > to : vince j kaminski > > cc : > > subject : re : enron default swaps > > > > > > > > > > vince : according to a bank of america > > publication , your ( enron ) default swap spreads > > are consistently trading about 80 > > basis points wider than your asset swaps . > > any idea of what is going on here ? > > > > thanks for any guidance , darrell > > > > > > _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ > > darrell duffie > > mail gsb stanford ca 94305 - 5015 usa > > phone 650 723 1976 > > fax 650 725 7979 > > email duffie @ stanford . edu > > web http : / / www . stanford . edu / ~ duffie / > > _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ > > > > > > > > > > _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ > darrell duffie > mail gsb stanford ca 94305 - 5015 usa > phone 650 723 1976 > fax 650 725 7979 > email duffie @ stanford . edu > web http : / / www . stanford . edu / ~ duffie / > _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ > > > > > > darrell duffie mail gsb stanford ca 94305 - 5015 usa phone 650 723 1976 fax 650 725 7979 email duffie @ stanford . edu web http : / / www . stanford . edu / ~ duffie / ",0 +"Subject: december 11 prc meeting please mark your calendars for the december 11 , 2000 prc meeting to prereview vice presidents in the following organizations : enron north america enron industrial markets enron global markets enron networks enron south america apachi calme the meeting will be held at the st . regis hotel , 1919 briar oaks lane , houston in the plaza room . the meeting is scheduled from 8 : 00 am to 5 : 00 pm . for those of you who are part of the enron wholesale services group , please plan to be there at 8 : 00 am , as the first part of the meeting will be devoted to discussing prc results of groups below vice president , and manager to director / sr . director promotion nominations . the vice president rating is scheduled to begin at approximately 9 : 45 am . the telephone number of the hotel is 713 - 840 - 7600 . a complete agenda and details will be forthcoming later this week . for those of you in the organization units listed above , please be prepared to present and discuss your vice presidents . please feel free to contact me at x 36628 in houston , should you have any questions . sheila knudsen",0 +"Subject: re : weather course julie , i forwarded your message to the weather desk . i think you can cancel hyatt and save some money . vince "" julie "" on 02 / 19 / 2001 03 : 19 : 45 pm please respond to "" julie "" to : "" vincejkaminski "" cc : subject : re : weather course vince , enron is fine ( although i think we have to pay for the hyatt anyway ) . ? good discount ( i have a feeling that my idea of a good discount and the weather desk ' s idea is probably different ? ) : ? for the one day , $ 1100 per person . ? if you think that there will be ? around 10 people or more , then we can offer a day rate , regardless of the number of people . ? ? thanks vince ? julie ? ps - of course when i announced that we were cancelling , people started responding that they wished to attend . ? ugh ! ? - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : julie cc : vince . j . kaminski @ enron . com sent : friday , february 16 , 2001 4 : 05 pm subject : re : weather course julie , enron location makes more sense . no reason to pay for the hotel . also , i think that one day makes more sense . i contacted the weather desk about including other people at the training course . i think that they would be interested if they got a good discount . vince "" julie "" on 02 / 16 / 2001 09 : 39 : 37 am please respond to "" julie "" to : ? ? cc : subject : ? re : weather course vince , great . just to let you know , we decided not to wait on the indecisive ones , and postponed the open course . it ' s yours , whatever you want : ? 1 day ( specific to what you feel will be of the most benefit ) , 2 days , hyatt or ? enron , or not at all . i hope this doesn ' t cause problems for you . special deal , for sure . i owe my godfather . julie - - - - - original message - - - - - from : ? vince . j . kaminski @ enron . com to : julie cc : joseph . hrgovcic @ enron . com sent : thursday , february 15 , 2001 3 : 16 ? pm subject : re : weather course julie , that ' s definitely an option . we can ? provide the room . maybe we can cut with you a special deal for enron and ? increase the # of people attending . i am forwarding your message to our ? weather desk . vince joe , what do you think about ? it ? vince "" julie "" on ? 02 / 15 / 2001 08 : 20 : 24 am please respond to "" julie "" to : ? "" vincejkaminski "" cc : subject : ? weather course vince , we just wanted to let you know ? that we only have 3 people signed up for the weather derivatives course ? ( all from enron ) so far . we have a couple more that have expressed strong ? interest , but we are awaiting their final decision . if no one else signs ? up , chris and les thought that you guys could probably get through the ? first day pretty easily , and thus thought it may be an option to teach just ? the 2 nd day material ( pricing ) only at enron ( doing it at the hyatt is an ? option as well but the room might be on the large side ) ? we would ? obviously reimburse you for the day not taught . we can teach both days as ? well , but thought you may want to save some time . i just wanted to give ? you some time to think about it . we will know where we stand on final ? numbers by next ? wednesday . julie",0 +"Subject: re : fw : mtg . scheduled frank , regarding simulating power prices in var we might discuss the following items and show some results : 1 . clustering for power : - clustering based on historical prices and correlations from them ; - geographical clustering ; - flexibility in choosing "" core curves "" ( based on position size ) ; 2 . jump - diffusion process for intramonth and prompt month : - parameter estimation from historical data ( do we want to use it ? ) - working out parameters ( jumps frequency , jump size ) as stress scenarios ; 3 . correlations within a cluster and across clusters . 4 . changing correlations estimations ( using fixed contact ' time series ) . 5 . joint estimation of factors for selected regions . let me know what you think should be in the agenda for this meeting . regards , tanya from : frank hayden / enron @ enronxgate on 04 / 18 / 2001 03 : 43 pm to : tanya tamarchenko / hou / ect @ ect cc : subject : fw : mtg . scheduled if you want , i welcome your help in putting together an agenda . frank - - - - - original message - - - - - from : black , tamara jae sent : wednesday , april 18 , 2001 3 : 32 pm to : presto , kevin ; davis , mark dana ; sturm , fletcher ; herndon , rogers ; gilbert - smith , doug ; white , stacey ; kaminski , vince ; andrews , naveen ; belden , tim ; gorny , vladimir ; davenport , lacrecia cc : hayden , frank subject : mtg . scheduled please mark your calendar for a meeting with : frank hayden reg . value @ risk april 26 th 3 - 4 pm rm 3125 b thanks tjae black x 35800",0 +"Subject: re : credit risk technical article ben , let me review it one more time from this angle . if you don ' t hear from me by wednesday , it ' s ok to post it . vince benjamin parsons 01 / 04 / 2000 04 : 31 am to : vince j kaminski / hou / ect @ ect cc : ross prevatt / hou / ect @ ect , bijoya banerjea / lon / ect @ ect subject : credit risk technical article vince , bijoya is currently working on the development of the website for the new credit trading initiative , and we thought it would be a good idea to put my recent technical article "" measuring credit risk "" on it . are you okay with this release , or does it contain any proprietary information we should edit out ? ben",0 +"Subject: re : christmas list will do , vince thanks vince j kaminski 11 / 08 / 2000 10 : 42 am to : kevin g moore / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : re : christmas list kevin , the donuts are a great idea . i think we should add jeff and john as well ( baskets ) . vince kevin g moore 11 / 07 / 2000 11 : 14 am to : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : subject : re : christmas list while the thought is still on my mind , so you want think i ' m being selfish . what i am thinking we could do is send the move team , help desk and facilities complimentary donuts from the research group during the holiday season . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 11 / 07 / 2000 12 : 07 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 11 / 07 / 2000 11 : 02 am to : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ e cc : subject : re : christmas list i sent the last e - mail before asking this question . vince , what about dave delainey , john lavorato and jeff shankman . please inform . . . . . . . . . . . . . . . . kevin g moore 11 / 07 / 2000 10 : 57 am to : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : subject : christmas list hello vince and mike i want to keep you informed . this year all baskets will be done in a timely manner . on last year we were going through a major move therefore many people played key roles in keeping us together . this year however , is a little different , as it is always nice to give unfortunately we can not give to everyone . i am sending a lists of who we have so far . there are a few names on the list that i feel we should do something else for this year . under shirley ' s list of names . ( not so expensive ) they are : move team who ? mail room who ? facilities help desk who ? there are other tokens of appreciation that we can get for them . please note that you two are the only ones that have seen this e - mail so far i will need your approval for all baskets , however your input on the matter will be greatly appreciated . the list is not completed i am still waiting for additions . thanks kevin moore",0 +"Subject: re : enron open positions vince , just fine . i will be there at 11 : 30 am on friday , september 8 , 2000 . see you at the enron building . thank you . maruti - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : mmore @ houston . rr . com cc : vince . j . kaminski @ enron . com date : monday , august 28 , 2000 2 : 14 pm subject : re : enron open positions maruti , does 11 : 30 enron building work for you ? vince "" more "" on 08 / 28 / 2000 01 : 25 : 54 pm to : "" vince j kaminski "" cc : subject : re : enron open positions hello vince , thank you very much for getting back to me . friday , september 8 is fine with me . please let me know what time would be convenient for you and where we can meet . i can come any time anywhere . sincerely , maruti 832 - 251 - 7267 - - - - - original message - - - - - from : vince j kaminski to : more cc : vince j kaminski date : monday , august 28 , 2000 12 : 12 pm subject : re : enron open positions maruti , what about september 8 , friday ? vince "" more "" on 08 / 25 / 2000 03 : 27 : 26 pm to : vince j kaminski / hou / ect @ ect cc : subject : enron open positions",0 +"Subject: re : comments hi vince , sorry to have missed you in paris . many thanks for your comments - they ' ve now been incorporated and sent to eprm . things are crazy at the moment , but hopefully will calm down in a couple of weeks and we ' ll have time to catch up better . best regards . chris . - - - - - original message - - - - - from : to : cc : ; ; sent : sunday , october 15 , 2000 11 : 06 am subject : comments > julie , > > sorry for the delay . here are he comments . > > vince > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > > sorry for long delay in responding . i have a few comments . most are focused > on the third article as here is till time to make modifications . > > 1 . in the second article , i would mention that the formulation of the mean > reversion process represents one of several possible equations that capture > the same type of market evolution of prices over time . > 2 . one comment that applies to both articles . the problem is how one defines > the time series of energy prices . the numbers used for australian nsw pool > prices seem to correspond to chronological prices . one alternative approach > is to build different time series for the corresponding time intervals for > each day . this would result in different price behavior and estimates of > jump . the choice is one of convenience and depends on actual problem under > investigation . one could argue that volumes of electricity traded during > different time slots represent different economic commodities . > figure 3 a ( jump frequency ) has units on the vertical axis that require > explanation . are we talking about an expected number of jumps in the total > number of half hourly periods in a year ? the same goes for f in table 2 > ( article number 3 ) . > >",0 +"Subject: hello from enron dear dr . mcmullen , a few weeks ago i received a call from your university regarding employment opportunities at enron . i called back and summarized the needs of my group ( an ideal profile of a candidate ) : 1 . mathematical finance 2 . computer programming ( c , c + + ) 3 . understanding of the energy markets i shall appreciate any information about potential candidates . i have also given some other suggestions regarding potential opportunities for graduates with different profiles . please , feel free to call me . my number is 713 853 3848 . vince kaminski",0 +"Subject: it support for research weather group mark , first let me say thank you for your assistance in making it possible for meteorologists tony hamilton and stephen bennett to hit the groung running this week when they came over to london from houston . when we came into our offices in houston monday morning , tony and steve had already gathered and analyzed their data , prepared reports and were ready for the avistar briefings ! the cross - atlantic communication and data - sharing and manipulation went seamlessly ! we have great expectations for continued synergy with this new set - up . the research weather group is excited about our expanded responsibilities in london . we are committed to maximizing the value added we can provide to the weather derivatives , crude & products , uk trading , continental power , and analytics efforts . we are , however , also extremely dependent on computers and communication , associated software and peripherals . plus the datastreams we access and the reports we generate are very time - critical in their value to traders . we need a very stable environment , with reliable back - up and 24 - hour support to fulfill our commitments to providing the trading operation with timely , never - fail research and information flows . so , thanks again , and please do whatever you can to continue this high level of support by passing this letter of praise and thanks to your team , and show them our appreciation for your efforts . mike roberts",0 +"Subject: re : energy derivatives hi vince , thanks for your call today - i look forward t speaking to you tomorrow . i ' ll be working at home in the mornng ( my time ) - trying to finish up my chapters ! - my number is 61 2 9460 3079 . best regards . chris .",0 +"Subject: re : ed krapels louise , thanks . his e - mail address is ekrapels @ esaibos . com . the company coordinates are as follows : esai 301 edgewater place , suite 108 wakefield , ma 01880 ( 781 ) 245 - 2036 ( 781 ) 245 - 8706 vince louise kitchen 02 / 11 / 2000 05 : 13 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : ed krapels absolutely - i can ' t find the previous email but it may have been lost during the few days they moved my email box from london to houston - i know i had a lot of lost emails - do you have his phone number and email and we can sort out a password for a few days for him too . louise vince j kaminski 10 / 02 / 2000 22 : 15 to : louise kitchen / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : ed krapels louise , some time ago i sent you a message regarding ed krapels . he is writing a book on energy commodity markets and would like to learn more about eol . can you give him a call and chat with him for 10 minutes . he is a good friend of enron and it would be free ad for us . vince",0 +"Subject: re : cplex floating license chonawee and i just had a phone conversation with cplex . there are other alternatives ( products ) that may help in saving time and cost . chonawee and i feel that one floating develoment license , and one or two opl ( a package on sale that provides modeling and optimization features ) licenses will do . in addition , we need floating deployment licenses . for the development licenses , the charges should be split "" equally "" between the different groups that may ask for optimization help ( although it is hard to predict who may ask for future help ) . we are suggesting equally since these licenses are used to develop the needed solution but are not ( in general ) used to run the software . the deployment licenses can be charged on per - use basis for different groups . cplex is going to send us a new quote . we ' ll make the decision soon after that . - samer",0 +"Subject: re : alp presentation for your information , the alp project presenation that vince kaminski invited you to will be held in the enron bldg . in conference room eb 49 cl . if you need any other information , please let me know . regards , shirley crenshaw administrative coordinator enron research group 713 - 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: john martin , energy finance article vince , f . y . i . i have not talked to john martin about it yet . i don ' t know if you have any interest . stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 07 / 24 / 2000 10 : 03 am - - - - - - - - - - - - - - - - - - - - - - - - - - - john martin on 07 / 21 / 2000 07 : 36 : 31 pm to : stinson gibner cc : subject : re : your call my number is 254 - 710 - 4473 ( office ) and 254 - 757 - 0852 ( home ) . the editor of the journal of applied corporate finance is doing a special issue on energy finance for the fall and i want to see if you and vince would like to put something together describing enron ' s basic business model . i would love to join you if you would like and i can actually draft the paper with your help . i ' ll get in touch with you on monday . have a great weekend . john p . s . mitch taylor was in class today and did his usual great job . i sure enjoy using enron as my "" premier company example "" . at 04 : 48 pm 7 / 20 / 00 - 0500 , you wrote : > > > john , > > i misplaced your phone number . please let me have it , and i promise to give > you a call . i ' d love to hear what you have in mind . > > > best regards , > > stinson >",0 +"Subject: re : seminar series mug marge , the person at rice to work with is barbara ostdiek . her e - mail address is below ( on one of the messages appended at the bottom ) . vince marge nadasky 08 / 17 / 2000 10 : 13 am to : vince j kaminski / hou / ect @ ect cc : subject : seminar series mug vince , would it be possible for me to work with whomever is designing this mug to see if we could incorporate the enron logo into the design ? i agree with mark that it would be preferable to have the logo somewhere on this . please let me know . marge , ext . 36631 - - - - - - - - - - - - - - - - - - - - - - forwarded by marge nadasky / hou / ect on 08 / 17 / 2000 10 : 10 am - - - - - - - - - - - - - - - - - - - - - - - - - - - mark palmer @ enron 08 / 17 / 2000 09 : 40 am to : marge nadasky / hou / ect @ ect cc : subject : seminar series mug looks a little off - brand to me . do you think we need an enron logo ? can you help vince ? anything from the catalog they could personalize ? mark - - - - - - - - - - - - - - - - - - - - - - forwarded by mark palmer / corp / enron on 08 / 17 / 2000 09 : 37 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 08 / 16 / 2000 05 : 14 pm to : mark palmer / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : seminar series mug mark , rice univ . wants to produce a coffee mug for the participants of the workshop enron sponsors . please , take a look at the proposed design . do we need any formal approval ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 16 / 2000 05 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - barbara ostdiek on 08 / 15 / 2000 10 : 26 : 12 pm to : vince . j . kaminski @ enron . com ( vince kaminski ) cc : subject : seminar series mug vince : i have attached the general design we are proposing for the enron seminar series mug . we have a little refinement to do - spacing here and there a couple type - o ' s but this is the idea . if you like it , we will put an order in . i ' ll put out an announcement on the seminar schedule shortly . so far the fall line up includes will goetzman - yale , lenard mirman - virgina , jeff pontiff - u . of washington , george allyannis - darden , and charles lee - cornell . thank you . bbo - mugl 1 . pdf",0 +"Subject: organizational announcement to help accomplish our business goals , the following management appointments are effective immediately : tod lindholm , previously managing director - chief accounting officer for ebs , will move to corporate as managing director and assume responsibility for business risk management , it compliance as well as working on a number of special assignments for rick causey , executive vice president - chief accounting officer for enron corp . john echols , currently managing director - risk systems development for ebs will assume responsibility for accounting and administration for ebs as well as his current responsibilities and will report to the office of the chairman for ebs . everett plante , currently vice president - chief information officer for ebs will now report directly to the office of the chairman for ebs .",0 +"Subject: re : charm jim , i shall be glad to talk to them . vince james l bouillion 04 / 24 / 2001 01 : 43 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : charm vince , would you be agreeable to such a phone call , or would you prefer to designate someone in your group ? - - - - - - - - - - - - - - - - - - - - - - forwarded by james l bouillion / hou / ect on 04 / 24 / 2001 01 : 41 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" bertil olsson "" on 04 / 24 / 2001 01 : 40 : 06 pm to : james . l . bouillion @ enron . com cc : "" carl groth "" , "" kenneth risko "" subject : re : charm jim , thanks for the feed - back . to assist in the further development of the product , are there any specific areas your group would like to see improved ? based on comments made during our meeting , it sounded like your main concern was whether or not charm would have the capacity to cover the very different and complex risk areas that your company is involved in . would you mind if someone from our charm group called you or mr . kaminski for some specific comments ? regards , bertil james . l . bouillion @ enron . com on 04 / 24 / 2001 01 : 35 : 09 pm to : bertil olsson / hou / us / wcg @ wcg cc : bcc : subject : re : charm bertil , i again wish to thank you for the presentation on the charm product . the response from the group is that the model requires more work before enron could consider it as a commercial product . please keep me advised as i assume that you will continue to develop the model . james l bouillion 04 / 11 / 2001 06 : 50 am to : "" bertil olsson "" @ enron cc : subject : re : charm ( document link : james l bouillion ) no word yet . i will follow up with the attendees . thanks for taking thje time to make the presentation . "" bertil olsson "" on 04 / 10 / 2001 04 : 07 : 11 pm to : james . l . bouillion @ enron . com cc : subject : re : charm jim , any feed - back on our meeting ? we certainly appreciated the opportunity and the fact that the meeting was very interactive . regards , bertil the information in this email and in any attachments is confidential and may be privileged . if you are not the intended recipient , please destroy this message , delete any copies held on your systems and notify the sender immediately . you should not retain , copy or use this email for any purpose , nor disclose all or any part of its content to any other person . the information in this email and in any attachments is confidential and may be privileged . if you are not the intended recipient , please destroy this message , delete any copies held on your systems and notify the sender immediately . you should not retain , copy or use this email for any purpose , nor disclose all or any part of its content to any other person .",0 +"Subject: re : wharton finance conference sponsorship information i ' d be interested to see who else is sponsoring the conference and who the other panelists would be . since it is a first year conference , the success of it is highly dependent on the people who are pulling it together . since the deadline on the sponsorship form is sept . 8 , they should be able to give us an indication of other participants . do you want me to call suresh to find out - he ' s been emailing me every other day about how interested he is in working for ebs anyway . the timing of it is good - the week after everyone comes for super saturday . i ' d also be interested in what tom says . i ' d only do a gold sponsorship - i don ' t think we need or want to be on more than 1 panel - either the corporate finance or sales and trading . michele nezi marvin manager enron broadband services ( 713 ) 853 - 6848 jeffrey a shankman @ ect 10 / 05 / 00 10 : 55 am to : kristin gandy / na / enron @ enron cc : michele nezi marvin / enron communications @ enron communications , vince j kaminski / hou / ect @ ect , mark palmer / corp / enron @ enron subject : re : wharton finance conference sponsorship information it ' s not necessarily an either / or decision . michelle , do you think this is a good program ? kristin , can you call tom piazze at wharton , and ask him what he thinks about the importance of our participation in this ? jeff kristin gandy @ enron 10 / 05 / 2000 08 : 56 am to : jeffrey a shankman / hou / ect @ ect cc : subject : wharton finance conference sponsorship information here is another conference we can participate in . would you rather do this conference or the entrepreneurship conference ? kristin - - - - - - - - - - - - - - - - - - - - - - forwarded by kristin gandy / na / enron on 10 / 04 / 2000 08 : 55 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" suresh balasubramanian "" on 10 / 04 / 2000 02 : 09 : 56 pm please respond to to : cc : subject : wharton finance conference sponsorship information hi kristin i am following up on our conversation earlier with respect to enron participating in the whartons finance conference and the evening reception known as bullish on finance . i think this forum will be a great opprotunity for enron to reach the students interested in finance and it also provides a great platform to talk about enrons unique position in the global financial community . please do consider the option of sponsoring a panel at the gold level . it provides a great value and essentially a full panel "" ownership "" to talk about enrons acitivities . i would like to touch base with you early next week to hear you thoughts and feedback on these proposals . looking forward to a great conference participation . kind regards suresh suresh balasubramanian mba class of 2001 the wharton business school ph # : 215 - 893 - 9491 - financel . con . enron . doc",0 +"Subject: market maker simulation v . 2 stinson and vince , i finished the second version of the model which deals with open to close trading . the major difference is that there is an additional mark to market at open price which will affect the p / l . i also added the output features that john wants to see . the cumulative p / l is path dependent , the net open allowed seemingly has a strong influence on the cumulative p / l trajectory . ( the anomaly i discussed with vince is due to the trajectory shape change which needs further examination ) . could you review what i have done before we talk to john again ? zimin",0 +"Subject: swaps monitor research . elena , please , review the energy related info in this database ( if any ) and talk to me about it . i would like to do some research in this area and ask you to write a summary report . nothing urgent . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 12 / 2000 03 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - andrei osonenko on 10 / 11 / 2000 04 : 26 : 38 pm to : ( recipient list suppressed ) cc : subject : swaps monitor research . we have today published information about the otc derivative activities of the largest dutch dealers . this research is contained in the attached pdf file . through our web site , swapsmonitor . com , you can obtain additional information about otc derivatives dealers , including rankings and a database of outstandings going back to 1994 . as an e - mail subscriber to our research , you will automatically receive all free research at the same time it is placed on our web site . if you wish to remove your name from the e - mailing list , please use the reply feature of your e - mail application and type the word "" remove "" in the subject line . regards , - dutch _ dealers . pdf andrei osonenko research department",0 +"Subject: wti - new eol product please provide comments on the summary below . after i have collected them , we can decide to distribute to greg , john , jeff and anyone else involved . the following is my summary of our collective thoughts regarding the proposed 24 x 7 trading of prompt wti : 1 ) appears advisable to have on - site human monitoring for the following reasons : a ) public relations b ) in case there are operational bugs c ) unforeseen market events , particulary during off exchange hours , long weekends , etc 2 ) we advocate some live trading simulation with incentives to "" bust "" the system prior to launch to work our operational glitches , and because the historical simulations used daily , not intra - day prices . 3 ) consider a daily position limit ( a sub - limit of the overall global products limit ) whereby each day , at least once a day , the open position will be reduced under the limit ( or to close to flat ? ) 4 ) consider a "" trigger "" whereby the fixed spread widens if a certain number of consecutive trades occurs on the same side of the market 5 ) consider the purchase of deep out - of - the - money puts and calls to protect against extreme events . ted",0 +"Subject: re : summer visits steve , i can pick up the cost of your trip from the research group budget . the more i think about it , the more i am convinced it would be difficult to justify 2 trips per person . i think that we should go for one contiguous stay per person and make a good effort to make these trips productive . vince steven leppard 05 / 11 / 2000 03 : 41 am to : vince j kaminski / hou / ect @ ect cc : dale surbey / lon / ect @ ect subject : summer visits vince thanks for offering to look my presentation over . the deadline for submission has been extended until tomorrow ( friday ) , so there ' s less of a hurry . as regard our summer visits , we ' ll need to speak to dale over the budget . personal commitments mean it ' s difficult for me to take two whole months to visit , so if the cost is prohibitive i may need to make just one shorter visit . i ' d obviously like to spend longer , and two visits seems to be the only way i can do it . i believe the situation is similar for kirstee . i ' ve persuaded richard to pay for matt ' s visit in its entirety , and i ' ve no doubt that rac / credit trading will pick up the bills for ben and kirstee . it ' s difficult to think who ' d be the natural group to pay for me . i honestly think i ' ll have difficulty persuading , e . g . richard , that it ' s worth his while to pay for my visit . i get the impression he thinks i ' m doing ok without the need to go to houston for further training . i ' m interviewing a candidate for bjorn ' s model review role during today ' s videoconference , so we ' ll need to speak beforehand or perhaps friday . all the best , steve vince j kaminski 05 / 10 / 2000 01 : 54 pm to : steven leppard / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , grant masson / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect subject : conference steve , i am tied up at the power 2000 conference . i shall get back to you with my comments on thursday morning . i also want to talk to you tomorrow about finalizing the dates of the summer rotations . we are talking to hr here about apartments , car rentals , and other arrangements for the london team for the summer . i promised to give them the names and dates by the end of the week . sorry for the delay in sending you my comments . vince",0 +"Subject: re : hi : zeigham , mike roberts from my group will help you . vince on 09 / 22 / 2000 07 : 14 : 37 pm to : cc : subject : hi : hi vince : this zeigham khokher at the university of texas at austin , finance department . ? i need some publicly available data that unfortunately is not available here . ? it is basically the historical prices for price of oil , gas and gold futures contracts and options . ? again the data is strictly public info and not proprietary at all . ? let me know if there is a central data person at enron who would be able to help . ? all help will be of course gratefully acknowledged . ? hope all is well , i hear you will be giving a talk at ut this fall ? and look forward to seeing you then . ? regards zeigham ? ?",0 +"Subject: development of a program in "" econo - physics "" good afternoon professors : i am the administrative coordinator for the enron corp . research group . yannis tzamouranis spoke with vince kaminski about meeting with you to discuss the development of a program for the u of h . i understand from your email that you will be available wednesday , may 24 th . if this is correct , and if professors mccauley and reiter will also be available that date , we would like to schedule a meeting at 4 : 00 pm on the 24 th of may at vince kaminski ' s enron office . if this is not acceptable , please let me know . sincerely , shirley crenshaw administrative coordinator enron corp . research group 713 / 853 - 5290 email : shirley . crenshaw @ enron . comi",0 +"Subject: stentofon goodmorning liz , we are in need of another stentofon for trisha tlapek . she works very closely with the traders and it is important for quick communication . thanks kevin moore",0 +"Subject: credit exposure model alex , i have set up a meeting with bill bradford on monday , nov . 6 , at 10 : 00 am in his office ( eb 2861 ) to discuss the credit exposure model specifications . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 11 / 01 / 2000 09 : 19 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : william s bradford on 10 / 31 / 2000 06 : 50 pm to : zimin lu / hou / ect @ ect cc : stinson gibner / hou / ect @ ect , alex huang / corp / enron @ enron , dorothy youngblood / hou / ect @ ect subject : re : credit exposure model i am out of the office this week but will be back in the office all next week . please coordinate a time with my assistant dorothy youngblood . zimin lu 10 / 31 / 2000 02 : 44 pm to : william s bradford / hou / ect @ ect cc : stinson gibner / hou / ect @ ect , alex huang / corp / enron @ enron subject : credit exposure model bill , alex and i are working on the credit exposure model . we finished the initial design issues regarding input and output . we would like to have a meeting with you to seek feedback . we also preceeded to write the underlying model . so feedback at early stage can be important for the later development . paulo issler is working on the short term enhancement to the credit loss model : adding asian option to the model built by vasant and amitava . let me know when is a good time for us to meet . zimin",0 +"Subject: re : new pc with two 128 mb of ram vince : i was confused also - but i think this is the computer we ordered for the new employee that is coming next week ( rakesh bharati ) . phillip our it floor tech said that the computer in the back room at ebl 972 g was very old and did not have much memory so i ordered a new one with an upgrade to bring it up to 196 m ( this is what phillip said we need ) . also there is another computer back there that does not have much memory and we ordered an upgrade for it ( jason ' s ) . i went ahead an did it so that they would be ready when the new employees come in . maureen already has her upgrade . shirley vince j kaminski 12 / 18 / 2000 03 : 58 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : new pc with two 128 mb of ram shirley , is this an upgrade for maureen ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 12 / 18 / 2000 03 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : felix buitron jr . / enron @ enronxgate on 12 / 18 / 2000 02 : 27 pm to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : new pc with two 128 mb of ram vince , i have your new pc . i will get with you when i ' m done to schedule a delivery time . i will need your network and notes password to test your apps . thanks , felix",0 +"Subject: the equipment you ordered is in stock . - - - automatic notification system ( request # : ecth - 4 r 5 mlm , po # : 20110550 ) requested for : vince j kaminski requested by : shirley crenshaw your equipment ( see below ) has arrived . please allow 3 to 5 days for configuration . you will be notified when a technician has been assigned . en 6600 desktop p 3 - 600 10 gb 64 mb 32 x nt 4 . 0 en 6600 128 mb installed in desktop 21 "" vl 100 monitor",0 +"Subject: update hello all , the program for the 2000 texas finance festival has been formalized and can be found on our web site at i do need to remind you of a few things before we converge on san antonio . first , be sure to contact the convention hotel and make your reservations . at last count there were only 6 rooms left . second , i need a completed application form from everyone so that we can get an accurate meal count . i am attaching the program announcement so you can fill out the appropriate boxes for meals and numbers of guests in the event you have not sent in a form . remember that we are starting the conference off with a luncheon on friday so plan on arriving early friday or coming in on thursday evening if you can . our hotel is right on the river and there are lots of restaurants and interesting things to visit in the immediate area ( the alamo is across the plaza from the hotel ) . we are making plans for spouses and children to attend both the dinner on friday and saturday evenings . the friday evening dinner begins at 6 p . m . so that we can be done in plenty of time for our private guided tour of the alamo at 8 : 00 p . m . for saturday we are still working out plans for the evening so stay tuned . there will be more information later as the conference nears . looking forward to seeing you all and in beautiful , sunny san antonio . john - announcerev . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: storage modeling john , i want to thank you for your compliment to the work that we have done for the liberty county storage facility valuation . you and your talented associate ms . tian gave me a lot of valuable insights to understand all the aspects of the deal , so it was also a great learning experience for me . if you think the research can help you in any way to your deals , storage , transport , mtbe , real options , or whatever , just let me know , we will get the job done . zimin",0 +"Subject: cuiaba models hey ding . if you recall , we looked at southern cone during july , as this was the feedback that we got from our presentation in late may . the cuiaba gas and power volumes may be found in several different places since there is more than one model . the models do not necessarily agree with each other . i have attached a few models that should contain the necessary info . i also have a summary sheet template that was to be attached in maps . enjoy . - kevin k .",0 +"Subject: reference on bruce kimich mike , below are some references on bruce . sorry for the delay . we needed to get the contact info from him . call me if you have questions . mcm : i was able to verify dates and position as well as a positive reference to his ability to work on a team , complete projects timely . and stated that he was a "" great guy "" . dr . carl palash : was a co - manager at mcm . confirmed all that bruce listed on his resume as what they had worked on and stated that bruce is considerate and that he would work with bruce or hire him if he had the opportunity in the future . david krell : helped co - coordinate graduate level classes re : technical analysis at rutgers . bruce is now the lead teacher and the course is highly regarded , gets positive reviews and has a full enrollment each time it is offered . sheila walton",0 +"Subject: interviews scheduled for monday , november 6 th ( gary hickerson ' s position ) good morning all : below are two more candidates for gary hickerson ' s tech position . they will be here monday , november 6 th for interviews . cynthia shanley vince kaminski 8 : 30 am ebl 938 mike roberts 9 : 00 am ebl 938 christopher burford vince kaminski 9 : 00 am ebl 9 c 2 mike roberts 9 : 30 am ebl 9 c 2 please mark your calendars . thanks ! shirley molly : do you have copies of the resumes for these two and the others that are being interviewed today and tomorrow ? thanks !",0 +"Subject: contract agreement for energy derivatives i work with john ambler in apachi pr , and have been assisting vince with efforts on the energy derivatives book , which lacima consultants is publishing and to which vince is contributing a chapter . attached is the draft contract agreement , which requires your legal review and approval . could you kindly look it over and let me know your comments . when we have your approval , we will send lacima a copy for their signature , after which vince will sign the document . we will ensure that your office has a copy for your records . if you wish to speak to me , please do not hesitate to call me at ext . 66503 . thank you for your kind assistance . habiba",0 +"Subject: re : vacation shirley , no problem . vince shirley crenshaw 03 / 07 / 2001 03 : 14 pm to : vince j kaminski / hou / ect @ ect cc : anita dupont / na / enron @ enron , kevin g moore / hou / ect @ ect subject : vacation vince : if it is allright , i would like to take vacation , thursday and friday , march 15 th and 16 th ( next week ) . thanks ! shirley",0 +"Subject: australian energy 2000 dear vince , dzien dobry . many thanks for agreeing to take the remainder of the var seminar - it is a great help . i asked raymond yeow of enron australia if he would chair day one but he said that you would be a bigger draw and perhaps better placed . to this end , i am hoping that you would consider chairing day one ' s plenary session and trading stream . you can blame raymond for recommending you ! i appreciate that this is asking even more of you than you originally signed up for but you seem to be famous in this small market and it would be great if you could do it . i apologise for imposing once again but look forward to hearing back from you when you get a chance . as ever , let me know if you have any questions . best regards , joel",0 +"Subject: enron , case study at nordic business schools good morning vince , could you please provide with some guidance in relation to mark ' s comments directly below . i don ' t have any recollection of recent case studies that we could send oddbjorn tysnes - do you know of any ? i will send him a number of reprints of articles . please let me know if you have anything at your fingertips . . . . regards , cindy - - - - - forwarded by cindy derecskey / corp / enron on 10 / 30 / 2000 10 : 21 am - - - - - mark palmer 10 / 30 / 2000 08 : 48 am to : christie patrick / hou / ect @ ect , michael b rosen / hou / ect @ ect , cindy derecskey / corp / enron @ enron cc : subject : enron , case study at nordic business schools i don ' t want to spend a lot of time right now , from this office , pursuing these opportunities . but , if we have some case studies "" on the shelf "" we could send something to oddbjorn . thanks , mark - - - - - forwarded by mark palmer / corp / enron on 10 / 30 / 2000 08 : 45 am - - - - - oddbj > rn tysnes 10 / 29 / 2000 01 : 36 pm to : "" ' mark . palmer @ enron . com ' "" cc : "" thor lien ( e - post ) "" , "" julie green ( e - post ) "" , j > rn bremtun subject : enron , case study at nordic business schools dear mark , i want to thank you for two very interesting days and a very pleasant evening in london at the european pr conference . as you may remember from the session "" ideas forum "" , i presented an idea of introducing enron ' s transformation from an "" old "" industry / energy company to an innovative player in the "" new "" economy as a case study at the leading nordic business schools . i have later discussed the idea with enron ' s head of the nordic region , thor lien . he agrees that this could be a good way of raising the awareness of enron in the nordic business community . one reason for this is that several professors of the nordic business schools are frequent speakers at business conferences , they are very often sought by business reporters to give comments etc . if enron becomes a "" top of mind "" innovative company with these professors , it will help relation - building and pr work towards the business community . i understood from you that some us business schools have developed similar ( ? ) case studies on enron . do you or someone else in enron have access to such case studies ? if so , would it be possible for you to send us copies ? it would be a great help for us . best regards , oddbjorn tysnes",0 +"Subject: power plant model ken of rdi and i have gone through his model together and i have a clear idea of how it ' s going step by step . i believe we can almost start recoding now . i need a c programmer who ' s familiar with access data base . i . e . , he ( or she ) knows how to extract data from an access data table ( of certain format ) and output the results into an access data table of certain format . once the programmer is assigned , i will go through the model with him and incorporate his ideas and ken ' s , then we can start coding . alex",0 +"Subject: re : harvard business school case studies vince - the only one i can find is the dhabol one . do you still want that one alone ? i ' m sorry we don ' t have the others . beth vince j kaminski 07 / 31 / 2000 04 : 17 pm to : beth miertschin / hou / ect @ ect cc : subject : re : harvard business school case studies beth , thanks . dhabol is one . there should be 2 more case studies we used . one about old egs , the 2 nd about tva options . 2 - 3 copies will be sufficient . vince from : beth miertschin 07 / 31 / 2000 03 : 44 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : harvard business school case studies try this . . . - - - - - - - - - - - - - - - - - - - - - - forwarded by beth miertschin / hou / ect on 07 / 31 / 2000 03 : 43 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : beth miertschin 07 / 31 / 2000 03 : 14 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : harvard business school case studies vince - i just found some copies ! how many do you need and i will have them delivered to you . they are the case about the dabhol project in india . is that the one you were thinking of ? beth vince j kaminski 07 / 31 / 2000 03 : 10 pm to : beth miertschin / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : harvard business school case studies beth , i have a favor to ask . do we have copies of harvard business school case studies about enron ? we use these case studies during super saturdays . i need a few copies . this is for prof . john martin . vince",0 +"Subject: re : thomas knudsen steve , yes , please arrange the interview . the resume is very interesting . i shall be on vacation all of next week ; you can make arrangements for the following week , monday through thursday . please , include stinson , grant and vasant . vince steven leppard 03 / 17 / 2000 03 : 36 am to : vince j kaminski / hou / ect @ ect cc : subject : thomas knudsen hi vince i met with thomas this morning ( i gave you his cv before , though i don ' t know if you had time to read it ) . he ' s extremely interested in moving to enron , and accepts that our work is far less academic than his postdoc research , although far broader than his investment banking quant experience . he remains interested , and emphasised he wants to stay close to the traders , but wants to look at new markets and products . i think we should seriously consider hiring him . he is ( understandably ) reluctant to move to houston , but there ' s no doubt that there is plenty of ( unnmet ) demand for derivatives pricing ( and thinking ) here in london . would you be interested in my setting up a videoconference in the next couple of weeks so you have a chance to chat with him ? i ' m meeting with him again on tuesday at an academic quant finance seminar organised by lane at king ' s college . i ' ve attached his cv for your reference . all the best , steve",0 +"Subject: grades pam , the last group . please , let me know if any name is missing . grade : a thanks a lot . it was a pleasure working with you . vince kaminski",0 +"Subject: re : contact jana , a correction . i am going to spend one week in australia and i have just realized that i have to leave on friday , july the 14 th , at night , to arrive in sydney on sunday morning . maybe we can meet on friday the 7 th ( we would like to invite you to dinner and then we can have a glass of wine outside , the weather and mosquitoes permitting ) . alternatively , we can meet during the weekend of july the 29 th . vince jlpnymex @ aol . com on 06 / 26 / 2000 01 : 27 : 41 pm to : vince . j . kaminski @ enron . com cc : subject : re : contact vince , the weekend of july 15 , 2000 is fine for us . which day is better for you - - friday or saturday ? do you want to go to the woodlands for a show , or just visit ? also , let me know if i can bring something . thanks and we look forward to meeting your family . jana",0 +"Subject: re : grades pam , the students resent the documents . the group members : rakhi israni felix feng lu winny so orlandotaylor sanjay wankhade ning zhang grade : a separately , i think i have sent you already : jeffrey planck grade : a please , confirm this message . vince kaminski",0 +"Subject: deadline information : ehronline is now available today is a big day for enron ! this morning , we are rolling out the next step toward empowering our most valuable resource - - you . as of this morning , most of you have access to the new ehronline intranet site . the new ehronline functionality ( a feature of the sap implementation ) is very easy to use and is accessible through the enron intranet ( at http : / / ehronline . enron . com ) . using ehronline , not only can you enter your own time , but also maintain your profile , and update personal data , including home address , phone numbers , w - 4 changes and emergency contact information . additionally , you will be able to view your individual pay advice and benefit elections . remember the deadline for time entry is 3 : 00 pm cst , on june 30 th - - all time must be submitted and ready for payroll processing . because this is the first period using sap to record time , please work closely with your timekeeper to ensure the deadline is met . by now , you should have received a note from your timekeeper . however , if you have not and are unsure who your timekeeper is , please call the site manager for your business unit . their names and numbers are listed below . because of the size of this rollout , we have to expect a few "" bumps in the road . "" so , we  , re asking you to be patient and work with us over the next few weeks . if you have questions , are experiencing problems , or would like more information , please contact the center of expertise ( coe ) . center of expertise ( coe ) the center of expertise can help answer many of your questions and provide you with assistance if you are experiencing problems . the coe is available 24 hours a day from monday at 7 : 00 am cst through friday at 7 : 00 pm cst . you can contact the coe : via phone at ( 713 ) 345 - 4 sap ( 4727 ) coe website : sap . enron . com ( contains job aids , instructional materials , forms and policies ) via lotus notes at sap coe / corp / enron via internet email at sap . coe @ enron . com bu site managers enron north america cindy morrow , ( 713 ) 853 - 5128 yvonne laing , ( 713 ) 853 - 9326 global products shelly stubbs , ( 713 ) 853 - 5081 yvonne laing , ( 713 ) 853 - 9326 global finance jill erwin , ( 713 ) 853 - 7099 yvonne laing , ( 713 ) 853 - 9326 gas pipeline group michael sullivan , ( 713 ) 853 - 3531 greg lewis , ( 713 ) 853 - 5967 diane eckels , ( 713 ) 853 - 7568 global e & p diane eckels , ( 713 ) 853 - 7568 enron energy services bobby mahendra , ( 713 ) 345 - 8467 daler wade , ( 713 ) 853 - 5585 corporate todd peikert , ( 713 ) 853 - 5243 enron renewable energy corp joe franz , ( 713 ) 345 - 5936 daler wade , ( 713 ) 853 - 5585 enron investment partners yvonne laing , ( 713 ) 853 - 9326 job aids and reference guides finally , the apollo & beyond training team has developed several useful reference guides that you can access via the sap website at sap . enron . com also , a brochure will be delivered to your mailstop today . this brochure provides step by step instructions on how you can use ehronline to view and update your personal information .",0 +"Subject: re : telephone interview with the enron research group i have had to reschedule the interview with nina knirel for tomorrow . the following is the new schedule . zimin lu and tanya tamarchenko 3 : 30 - 4 : 00 pm vince kaminski and stinson gibner 4 : 00 - 4 : 30 pm her flight does not arrive until noon . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 11 / 29 / 2000 04 : 01 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 11 / 29 / 2000 09 : 59 am to : nina knirel @ enron cc : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect , zimin lu / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect subject : re : telephone interview with the enron research group hi nina : we would be glad to see you tomorrow . since this is a preliminary interview to see if there is a fit and an interest , we will schedule an hour and probably the interviewers will double up their time . i have scheduled the following , if the times do not work for you , please let me know . 9 : 00 am vince kaminski and stinson gibner 9 : 30 am tanya tamarchenko and zimin lu when you come into the enron bldg , go to the security desk and ask for me , they will call me and i will meet you in the lobby of the 19 th floor . thanks and have a safe trip . regards , shirley crenshaw nina knirel on 11 / 29 / 2000 09 : 52 : 02 am to : shirley . crenshaw @ enron . com cc : subject : re : telephone interview with the enron research group dear shirley crenshaw , thank you very much for your interest . i will be in houston tomorrow morning and i thought that it could be more convenient if we can meet in person . if you prefer the phone interview , let me know what number i should call and we can have it tomorrow . thanks again , nina knirel - - - shirley . crenshaw @ enron . com wrote : > good morning ms . knirel : > > vince kaminski and several members of the research > group would like > to conduct a telephone interview with you sometime > this week at your > convenience . please let me know the times that you > are available and > they will contact you . > > the telephone interviews usually last approximately > 1 hour and will be > conducted via a speaker phone . > > the interviewers will be : > > vince kaminski managing director and head of > research > stinson gibner vice president , research > tanya tamarchenko director , research > zimin lu director , research > > look forward to hearing from you . > > best regards , > > > shirley crenshaw > administrative coordinator > enron research group > do you yahoo ! ? yahoo ! shopping - thousands of stores . millions of products . http : / / shopping . yahoo . com /",0 +"Subject: re : meeting requested kevin , let ' s meet for lunch next week ( monday of friday would be best ) . we can talk about the project and decide who has the right skills to help you . the person who supports ebs is stinson gibner and his lead person is martin lin . my secretary ' s number is 3 - 5290 ( shirley crenshaw ) . vince to : vince j kaminski / hou / ect @ ect cc : rebekah rushing / enron communications @ enron communications subject : meeting requested vince , i would like to meet with you or someone in your group to discuss some of the investment ideas and structures we are exploring . how is your group structured these days ? who would be best for me to meet ? might you be available for lunch next week ? i will have my assistant contact you . thank , kevin garland",0 +"Subject: work at enron hi , vince i just wanted to thank you for the opportunity to interview for a position with your group . i find the work described very interesting and the work environment very appealing . i think the retail area would be a good match with my skills and interests , and i could make a contribution very quickly . i believe that the power and options valuation areas would make a good fit as well , if that matches your needs . thanks again , bob lee",0 +"Subject: please note that my email address has been changed to : jhanley @ riskwaters . com please update your address books . thanks . joel . direct : + 44 ( 0 ) 20 7484 9885 www . riskwaters . com - attl . htm",0 +"Subject: re : price processes for ng grant & vince , i am sending you the results of fitting different price process models into ng prompt month prices . the fit is quite good for some models . we might think of using these mean - reverting jump - diffusion models in our credit model . i should examine other contracts behavior ( beyond prompt month ) as well . tanya .",0 +"Subject: re : enron finance conference sponsorship this is great . . . . i ' ll get it on the calendar . . . . thanks . from : michele nezi marvin @ enron communications on 10 / 25 / 2000 02 : 13 pm to : kristin gandy , jeffrey a shankman / hou / ect @ ect cc : subject : re : enron finance conference sponsorship this is exciting news . suresh must really want a job with us ! ! jeff - are you in to be the speaker on the panel ? it is friday , december 8 . michele nezi marvin manager enron broadband services ( 713 ) 853 - 6848 - - - - - forwarded by michele nezi marvin / enron communications on 10 / 25 / 00 02 : 11 pm - - - - - sureshb @ wharton . upenn . edu 10 / 25 / 00 02 : 05 pm please respond to sureshb to : michele nezi marvin / enron communications @ enron communications cc : subject : re : enron finance conference sponsorship hi michele i am writing to confirm that enron will be participating in the sales / trading panel . i have some great news . we have decided to give enron the sponsorship spot for the sales and trading panel . key benifits of being a panel sponsor - a big enron banner can be displayed indicating that you are the official sponsor of the entire sales / trading panel - mention in the program guide and all other conference material - in addition to the panelist spot on the sales / trading panel , enron gets to open the panel session with a 15 - 20 min presentation on general trends in the sales and trading industry , an excellent opportunity for a senior person from enron to address the audience . also for folks from enron coming to the conference we have hotel rooms blocked at a discount price at the park hyatt . i will be getting you a lot of the details with regards to logistics for the panel and enrons participation in the conference in the coming weeks . . once again , i would like to thank you for the sponsorship and presence at the finance conference . looking forward to it . . regards suresh balasubramanian 215 - 893 - 9491 > - - - - - original message - - - - - > from : michele _ nezi _ marvin @ enron . net > [ mailto : michele _ nezi _ marvin @ enron . net ] > sent : friday , october 20 , 2000 5 : 31 am > to : sureshb @ wharton . upenn . edu > cc : kristin _ gandy @ enron . net ; jeffrey _ a _ shankman @ ect . enron . net > subject : enron finance conference sponsorship > > > > > please see attached for our sponsorship form . can you let me > know asap which > panel we are on - i think we would be a great contributer to > either the sales > and trading or corporate finance panels . looking forward to a > great conference . > > ( see attached file : finance conference form . doc ) > > michele nezi marvin > manager > enron broadband services > ( 713 ) 853 - 6848 >",0 +"Subject: re : summer internship vince , i appreciate your inquiry regarding an extra spot in the summer associate pool . i am looking forward to hearing from you soon . best regards , - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - cantekin dincerler doctoral candidate the university of texas at austin graduate school of business department of finance office : ( 512 ) 471 - 1676 fax : ( 512 ) 471 - 5073 home : ( 512 ) 472 - 5356 http : / / uts . cc . utexas . edu / ~ cantekin - - - - - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - > - - - - - original message - - - - - > from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] > sent : wednesday , march 29 , 2000 8 : 34 am > to : cantekin @ mail . utexas . edu > cc : vince j kaminski ; vasant shanbhogue > subject : re : summer internship > > > > > cantekin , > > the summer associate program has closed but i shall check to see > if i can get one extra place . > > vince > > > > > > > "" cantekin dincerler "" on 03 / 28 / 2000 > 11 : 48 : 53 am > > please respond to cantekin @ mail . utexas . edu > > to : vkamins @ ect . enron . com > cc : ( bcc : vince j kaminski / hou / ect ) > subject : summer internship > > > > hi vince , > > i am writing you at this time to inquire as to the potential > of renewing my > internship at enron for the summer of 2000 . > > while the date of my request is later than i would have > wished , the reason > is that i had originally planned to go back to turkey this > summer and get > my mandatory military duty done . however , i now realize i can > put it off to > a further date . that left me wondering if you believe there > is a project > that i can get involved in this summer and be useful . if that were the > case , i would be more than happy to postpone my military duty > and spend the > summer with the research group . i discussed this with dr . > ronn , and he is > very supportive of this idea . > > i apologize again for bringing up this issue late , and look forward to > hearing from you . > > best regards , > > - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - > cantekin dincerler > > doctoral candidate > the university of texas at austin > graduate school of business > department of finance > office : ( 512 ) 471 - 1676 > fax : ( 512 ) 471 - 5073 > home : ( 512 ) 472 - 5356 > http : / / uts . cc . utexas . edu / ~ cantekin > - - - - - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - > > > > > > >",0 +"Subject: lsu visit ( resume ) mr . kaminski , it was a pleasure and honor to have lunch with you . i also enjoyed your presentation in our graduate class . i hope you enjoyed your visit to baton rouge . come back to visit us sometime ! ! attached is my resume as you suggested . thank you for your interest in lsu and me . sincerely , datren l . williams - resume . doc",0 +"Subject: if you arrange administrative or clerical temporary employees , this e - mail contains important information for you . as you probably know by now , enron recently entered into a new relationship with corestaff ' s managed services group to manage and administer its temporary staffing program . this new arrangement is designed to improve service and quality as well as increase efficiency in meeting enron ' s temporary employment needs . there are many benefits , including a web - based application which will provide enron ' s temporary staffing users with online ordering , approval and reporting . more details on this system will be coming soon . in order to help the managed services group serve you better in the days ahead , please take a moment now to fill out the profile questions below and forward your reply to joseph marsh at joseph marsh / na / enron . this information will not be used for solicitation , but rather to facilitate a more efficient ordering process . name : business unit : department : phone / e - mail : cost center : number of temporaries currently in use : average / peak number of temporaries used per week : skill sets / positions required : phase i of the program , which starts january 2 , 2001 , encompasses all administrative / clerical temporary employees in the houston area . please note that we anticipate no changes for temporary employees currently on assignment at enron as we make this transition . again , more details on the managed services program and processes will be distributed in the coming weeks . as of january 2 , the managed services account team will be on - site to answer any questions and handle your temporary employee needs . they will be available via e - mail or by calling 713 - 345 - 6899 . please note that the current process for requesting temporary employees will remain in effect through the end of the year . thank you , the enron corp implementation team",0 +"Subject: rice math course : hector vince , in case i forget by monday : hector campos asked if he can take a course in pde ' s at rice this fall . it would meet tues and thurs . mornings and would cost about $ 3000 . i ' ll try to catch you on monday to see what you think . stinson",0 +"Subject: ( no subject ) greg , blake johnson sent me this proposal ( i think some of his friends are the founders of this group ) . it looks like a good project for brad romine to evaluate it . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 09 / 2000 01 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - blake johnson on 07 / 20 / 2000 01 : 02 : 59 pm please respond to blakej @ stanford . edu to : vkamins @ enron . com cc : subject : ( no subject ) vince , here are the overview powerpoint slides for the investment and strategic relationship management firm , azure capital , i mentioned in my voice mail . the transactions they completed in their past lives at csfb and already in the new firm , as well as their advisory board are probably the strongest evidence of their capabilities . hope all is well . blake - azure slides . ppt",0 +"Subject: re : interview with the enron research group - reply - reply mark : good to hear from you ! i think it is a good idea for you to talk to maureen raymond - castaneda , enron ' s chief economist or dr . vince kaminski , managing director and head of research . unfortunately both are out of the office at present . maureen will return on monday , the 23 rd and vince will return on wednesday , the 25 th . if you will be available for a telephone call on wednesday , the 25 th , please let me know when and the telephone number and i will arrange the telephone interview . regards , shirley crenshaw 713 - 853 - 5290 mark . giancola @ do . treas . gov on 10 / 20 / 2000 01 : 57 : 40 pm to : mark . giancola @ do . treas . gov , shirley . crenshaw @ enron . com cc : subject : re : interview with the enron research group - reply - reply date : 10 / 20 / 2000 02 : 54 pm ( friday ) from : mark giancola to : ex . mail ( "" shirley . crenshaw @ enron . com "" , "" mark . giancola "" ) subject : re : interview with the enron research group - reply - reply shriley : i ' m terribly sorry it ' s taking me so long to get back to you . because i am moving to a new office after my trip next week it is difficult to make definite plans . looking at my schedule now i would suggest tentatively that i could come on friday november 3 . again , i would like to reconfirm with you after i return from montreal a week from now . i would also be interested in having a phone conversation with someone who can tell me in a bit more detail about enron ' s research group and this particular position . that would be very helpful in preparing to come to houston . please let me know if this is feasible . thanks for your patience . mark giancola > > > ex . mail . "" shirley . crenshaw @ enron . com "" 10 / 13 / 00 10 : 09 am > > > mark : while we are anxious to fill this position , we certainly understand scheduling conflicts ! please let us know as soon as you have a definate time . dr . kaminski will be out of the office the next two weeks also . maybe the week of the 30 th or the 6 th of november ? look forward to hearing from you . sincerely , shirley crenshaw mark . giancola @ do . treas . gov on 10 / 13 / 2000 08 : 47 : 57 am to : shirley . crenshaw @ enron . com cc : subject : interview with the enron research group - reply date : 10 / 13 / 2000 09 : 42 am ( friday ) from : mark giancola to : ex . mail ( "" shirley . crenshaw @ enron . com "" ) subject : interview with the enron research group - reply thanks for your message . our e - mail system was down all day yesterday so i was not able to respond until today . i am very interested in coming in for an interview . unfortunately , my schedule will make traveling on a weekday difficult for at least the next two weeks . i am travelling as part of the us delegation to the g - 20 on the 24 th and 25 th and will be busy until then in preparation . immediately following that trip i will be moving to a new office here in treasury and am not sure about my schedule . i would like to wait until next week when i have a better idea of my schedule to propose times to come to houston . please let me know if there are time constraints on your side . thanks , mark giancola > > > ex . mail . "" shirley . crenshaw @ enron . com "" 10 / 12 / 00 09 : 06 am > > > good morning mr . giancola : your resume was forwarded to vince kaminski , managing director and head of research with enron . we would like to bring you in for an informal interview at your convenience . this would be for a position of "" economist "" or "" associate economist "" , reporting to maureen raymond castaneda . please give me some dates and times that would be convenient with you and i will have our hr rep contact you to schedule your coming to houston . i look forward to hearing from you . sincerely , shirley crenshaw administrative coordinator enron research group 713 - 853 - 5290",0 +"Subject: re : dinner this fri . in london ? ehud , i had to cancel my trip to london . steve leppard will take care of my presentations . vince "" ehud i . ronn "" on 09 / 18 / 2000 09 : 12 : 47 am to : lane hughston , vkamins @ enron . com , pnance @ teknecon . com , ds 64 @ cyrus . andrew . cmu . edu , steven . leppard @ enron . com , geman @ edu . essec . fr , chris . harris @ natpower . com cc : subject : dinner this fri . in london ? colleagues , greetings . i ' d like to plan a dinner subsequent to the adjournment of this week ' s eprm conference in london fri . 9 / 22 . whereas some of you have already notified me of your availability or travel plans , please advise whether you are available for dinner on fri . 9 / 22 or sat . 9 / 23 . ehud ehud i . ronn jack s . josey professor in energy studies department of finance mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: risk boston please read the attached important information . ? thank you ? regards catriona clowes conference co - ordinator tel + 44 ( 0 ) 20 7484 9864 - chase . doc",0 +"Subject: rabi de phone interview shirley , let ' s act on it . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 07 / 07 / 2000 05 : 07 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 07 / 07 / 2000 01 : 51 pm to : vince j kaminski / hou / ect @ ect cc : subject : rabi de phone interview vince , we had phone interview with rabi de . my impression is good . we should invite him for a formal interview . he is a hands on person with wide range of experience ( energy financing , derivatives trading , hedging , etc ) . he communicates very well and expressed interest in financial engineering & modeling . zimin",0 +"Subject: re : exotic options presentation vince the presentation is riddled with errors , which were pointed out at the conference . they ' re only there because i was working on the presentation at midnight ! i ' ll send a new version as soon as it ' s ready . steve vince j kaminski 09 / 28 / 2000 04 : 35 pm to : steven leppard / lon / ect @ ect cc : subject : re : exotic options presentation steve , thanks a lot . vince",0 +"Subject: time sensitive : executive impact & influence program survey * * * reminder * * * we have not yet received your feedback . your input is very valuable and to be included in the participant ' s summary report , it must be received no later than close of business on wednesday , october 25 . without your feedback , the participant may not receive a summary report or be eligible to attend the program . * immediate action required - do not delete * executive impact & influence program dear vince kaminski , as part of the executive impact and influence program , each participant is asked to gather input on the participant ' s own management styles and practices as experienced by their immediate manager , each direct report , and up to eight colleagues / peers . you have been requested to provide feedback for a participant attending the next program . your input ( i . e . , a self assessment , if you are a participant in this program , manager assessment , direct report assessment , or colleague / peer assessment ) will be combined with the input of others and used by the program participant to develop an action plan to improve his / her management styles and practices . if you are providing feedback as a manager of the participant , please note that your feedback will be identified in the summary report . it is important that you complete this assessment no later than close of business on wednesday , october 25 . to begin the online administration process , you will need the following internet address and password ( s ) . note : if you are providing feedback for more than one person , each password and participant name is individually listed below . open your internet browser e . g . , internet explorer or netscape navigator , and please type or copy the url address below into your internet browser ( please do not go through lotus notes ) : www . fsddatasvc . com / enron ph 9 jbm ( mike roberts ) if you experience technical problems , please call dennis ward at fsd data services , 713 - 942 - 8436 . if you have any questions about this process , you may contact debbie nowak at enron , 713 - 853 - 3304 , or christi smith at keilty , goldsmith & company , 858 - 450 - 2554 . thank you for your participation .",0 +"Subject: super saturday changes - update i am sure that all of you have seen the notice sent this morning from charlene jackson , managing director of the associate and analyst program . i wanted to follow up with a note to all campus team mds and it team members to clarify any confusion surrounding super saturdays and technologist recruiting for the global technology track . although the global technology track is part of the analyst and associate program - we will not be participating in the super saturday events listed below . technologist candidates will be brought into the office for a friday office visit . super saturdays were first initiated for commercial analyst and associate recruiting because many enron representatives were not able to leave their desks while the market was open during the workday . bringing candidates in during the weekend works well in this situation because enron representatives can fully participate in the office visit and candidates can still see the office . however , many technology vps have suggested that seeing enron "" alive and in action "" during the week would be a high selling point for technologist candidates . therefore , we have opted to have technology office visits on fridays . the first three office visits are listed below : november 10 th december lst january 19 th we will be sending out more detailed information on how you can become more involved with technology office visits . i apologize for any confusion . please feel free to contact me with any questions or comments . 3 - 3589 . thanks , ashley - - - - - - - - - - - - - - - - - - - - - - forwarded by ashley baxter / corp / enron on 10 / 25 / 2000 08 : 56 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : charlene jackson 10 / 24 / 2000 09 : 20 pm sent by : enron announcements to : all enron employees north america cc : subject : super saturday changes the recruiting season has officially begun . the first super saturday weekend is the weekend of october 27 th and 28 th . we have undergone a rigorous interview process on campus , which will allow us to focus on  however , we are still in need of interviewers for each of the super saturdays . please respond with your willingness to interview at : http : / / axis . enron . com / notice / ssinvite . asp ( when selecting dates please avoid selecting to interview candidates who attend the schools for which you are a team member ) . we thank you in advance for your participation and support of the program .",0 +"Subject: re : power flow software question thanks . i ' ll let walter know if he calls . i just wanted to make sure things were done correctly . martin vince j kaminski @ ect 10 / 10 / 00 03 : 25 pm to : martin lin / contractor / enron communications @ enron communications @ enron cc : vince j kaminski / hou / ect @ ect , walter coffer / hou / ect @ ect subject : re : power flow software question martin , it ' s ok for walter to use remaining hours . no real cost to enron , just the benefits . vince from : martin lin @ enron communications on 10 / 09 / 2000 03 : 06 pm to : vince j kaminski / hou / ect @ ect cc : subject : power flow software question walter coffer contacted me regarding whether we still have power flow software available . we do have almost all of a 200 execution - hour license for pss / e , which was purchased for the transmission congestion project last summer . this was purchased by east power trading . should walter want to use the remaining hours , who has authority to grant this ? thanks , martin",0 +"Subject: california update 1 / 31 / 01 please do not hesitate to contact robert johnston ( x 39934 ) or kristin walsh ( x 39510 ) with additional questions . executive summary an announcement could be made as early as today regarding the first wave of long - term contracts ( price and term ) . the threat of bankruptcy is significantly diminishing as davis hatches a plan to 1 ) pass on "" court ordered rate increases "" and 2 ) issue revenue bonds . audit results are in and questions loom about the amount of funds transferred to parent companies . davis is expected to use the threat of "" endless appeals "" in courts and a possible ballot initiative in november to keep the pressure on the parent companies to pay a share of the utility debt , as well as to limit the scope of the rate hikes . davis hopes that a court ruling in favor of the utilities would provide him with the political cover he needs to pass on rate hikes to california consumers and avoid utility bankruptcy . davis walking a fine line with consumer advocacy groups . if there is a ballot initiative in november to challenge the expected court - ordered rate hikes , it could be disastrous for investor confidence in the state . legislation and bail out bill ablx was heard for several hours in the senate appropriations yesterday . issues still remain regarding the tiered rate structure , specifically for communities that have harsh climates . however , the bill has received support from almost everyone including consumer groups . the bill is expected to pass sometime today . tim gage , ca director of finance said davis supports all the provisions in ablx and expected to sign . bill abl 8 x was not heard in the assembly yesterday but is expected to be hear today . in committee hearings monday , the dwr testified it is spent all of the $ 400 m and were spending $ 45 m / day in the spot market to buy power . according to sources with direct access to governor davis , the on - going court battle , as discussed below , is viewed as an excellent opportunity for a settlement . davis recognizes that 1 ) the expected court ruling in the cpuc case will likely authorize the utilities to increase rates charged to california rate payers ; 2 ) despite that ruling , the state government has the ability to delay the eventual reward of that order long enough to cripple the two utilities unless they come to terms . thus , davis believes that california consumers cannot avoid getting hit with higher electricity charges , but he plans to use the threat of an appeal ( and a possible ballot initiative ) to limit the amount of the rate hikes . a plan to exempt the lowest income , smallest consumers from any rate increase and to concentrate rate increases among consumers using 130 % of a baseline usage rate was gaining serious momentum last night in sacramento . that would still hit about one half of all consumers ( since the "" baseline "" is set at 60 % of average consumption ) , but it is "" progressive "" in a politically important sense . making this work would require solving a minor crisis that erupted last night when pg & e admitted they had stopped reading electricity meters for many customers and were estimating their bills based on previous usage rates . the company ' s defense ( they had laid off meter readers to conserve cash ) was met with widespread derision as consumer advocates pointed out the estimation policy conveniently allowed the company to charge more despite serious efforts by californians to use less electricity . "" every time you think there ' s a moment when these utilities will not embarrass themselves , something like this happens , "" one legislator moaned . long - term contracts a second key to keeping the eventual rate increases down lies in the negotiations now almost complete for the first wave of long - term power buying contracts davis initiated earlier this month . the first wave of those contracts will be announced perhaps as early as today and they will be surprisingly positive , according to officials in the talks . "" we got a series of good offers in those initial proposals . and some not so good ones , "" one official told our source . "" the idea is to announce the results of the first contract talks with the good guys and then go back to the others and say , ' you want in on this with these terms ? ' we think we ' ll eventually shake loose a lot of supply with this strategy . "" bankruptcy because of these new dynamics , there is improved market confidence that california will emerge from the current energy crisis without bankruptcy for socal edison and pg & e , even as they are set to miss another round of payments to creditors and suppliers today ( remember , there is a standstill agreement among creditors not to ask for accelerated payment until feb . 13 ) . we believe that sense of optimism will be given an even more credible boost by the court case in front of us district judge ronald s . w . lew in los angeles , which is likely to mushroom into the kind of political cover for elected officials that make a settlement possible by the end of next week , at the latest . in fact , without that political cover it would be impossible to square all the various circles of this crisis . audit results and ballot initiatives markets , bush administration officials , and perhaps utility companies themselves are underweighting the possibility that citizens groups will launch a successful ballot initiative in the fall of 200 l to bring all electricity generation back under state control . the threat of a proposition initiative mounted as the two audits of the utility companies ordered by the california public utilities commission released in the last 48 hours confirmed two seriously damaging points we have been warning about since mid - january . first , the audit of socal edison confirmed that $ 2 billion of the debt the utility claims it owes to energy suppliers is actually owed to itself through its corporate holding structure that generates and sells power . second , it confirmed that edison electric paid nearly $ 5 billion in profits to the holding company which then used that money to buy back its stock and increase dividends in an effort to keep its stock price up even while it was going on a debt - issuing binge . the audit of pg & e released late last night was even more damaging : pg & e management was sharply criticized for poor decisions in failing to react to "" clear warning signs of an approaching energy crisis "" by not making deep spending cuts , "" including scaling back management salaries . "" the auditors also questioned the utility ' s decision to funnel some $ 4 . 7 billion of its profits since deregulation into the coffers of its parent holding company , which then used the cash mostly to pay dividends and buy back stocks . "" basically , they took the money and ran , "" as state senate speaker burton put it yesterday . what appears to be governor gray davis ' grudging acceptance of reality is actually a highly evolved effort to produce a solution that provides enough rate hikes / taxpayer subsidy to help solve the current crisis without triggering a new - - and far more damaging - - burst of populist outrage among a voter base that still thinks the utility companies are basically making this all up . there is no doubt that this use of money by socal edison and the debts it owes to itself are perfectly legal and in keeping with the spirit of the 1996 deregulation law , but that is irrelevant in popular political terms . were it not for the political cover potentially afforded by the court case discussed below , these audits would make settlement extremely difficult . keeping that anger from exploding into a ballot initiative this fall is key to understanding the very complex game that davis , his advisers and senior legislators are now playing . a ballot initiative would be a potential disaster since it would almost certainly be aimed at re - establishing full public control over the electric utilities . even if the state and utilities successfully challenged such an initiative in court it would be years before that victory was clear and it would freeze all new private investment during that prolonged period . that ' s something california cannot afford as businesses would be moving out and new ones failing to relocate . court battle thus , legislators are listening in horror as they hear the ugly details of the court case in los angeles that socal edison and pg & e are likely to win in mid - february . the court will most likely grant the two utilities $ 12 . 7 billion in relief and that the cost would fall immediately on the shoulders of consumers who would see bills rise by at least 30 % , california politicians could see the emergence of the one thing everyone has needed since the start of this extended drama : political cover . davis will then have to rely on his political and negotiating skills to pressure the parent companies of the utilities to pass on something less than the full $ 12 . 7 billion debt . pg & e and socal edison have already won round one of a legal battle designed to let them raise electricity rates enough to recover all of the debt they have accumulated since august last year when the puc refused to let them raise prices even as electricity prices soared . the court said the 1996 deregulation law was crystal clear - - when the two utilities had repaid so - called "" stranded costs , "" they were free to begin charging whatever they needed to charge consumers to cover their cost of acquiring power . although the utilities won this case , the judge stayed his order until february 14 th at the state government ' s request . as that deadline approaches , an intense new negotiating round is under way . on the one hand , political officials know they have the ultimate political cover for higher electric prices ( "" the courts made me do it "" ) , but on the other hand , they also know that immediate and full compliance with that court order would force electricity rates up by about 40 % on top of natural gas bills that have soared by about 300 % since last year . utility companies are playing this card aggressively in negotiations about the scope and shape of the final bailout . "" we ' ll just wait until the court puts the order into effect in mid - february then even if we are in bankruptcy we will emerge quickly and easily . "" one tactic the state political officials are using , in order to force a settlement , is the threat of keeping the law suit tied up in court for the next couple of years . one political official pointed out that they could keep the utilities from receiving their money this year , next year or perhaps even the year after . "" sure , we tell them , they will probably win in court and get that money . eventually . we are making them well aware that unless we have a settlement we will appeal that court ruling all the way to the supreme court and keep them tied up for the next two years at least . we don ' t think the creditors will be quite that patient . """,0 +"Subject: it support for research weather group mark , first let me say thank you for your assistance in making it possible for meteorologists tony hamilton and stephen bennett to hit the groung running this week when they came over to london from houston . when we came into our offices in houston monday morning , tony and steve had already gathered and analyzed their data , prepared reports and were ready for the avistar briefings ! the cross - atlantic communication and data - sharing and manipulation went seamlessly ! we have great expectations for continued synergy with this new set - up . the research weather group is excited about our expanded responsibilities in london . we are committed to maximizing the value added we can provide to the weather derivatives , crude & products , uk trading , continental power , and analytics efforts . we are , however , also extremely dependent on computers and communication , associated software and peripherals . plus the datastreams we access and the reports we generate are very time - critical in their value to traders . we need a very stable environment , with reliable back - up and 24 - hour support to fulfill our commitments to providing the trading operation with timely , never - fail research and information flows . so , thanks again , and please do whatever you can to continue this high level of support by passing this letter of praise and thanks to your team , and show them our appreciation for your efforts . mike roberts",0 +"Subject: re : convergence of the research model i was curious about the accuracy of our credit reserve model as a function of the number of simulations we use . this question , i think , is not so important when we calculate credit reserve , because the assumptions underlying our model are pretty rough anyway ( here i mean the assumptions regarding price processes , correlations , etc . ) this question becomes more essential when we talk about calculating sensitivities of the credit reserve to various factors . when the magnitude of the sensitivity is comparable to the accuracy of calculation of the credit reserve , what is the accuracy of such sensitivity ? i performed a numerical experiment where i calculated the expected loss for a simple portfolio with one counterparty ( sithe ind power ) for different number of simulations ( 10 , 100 , 1000 , 10000 , 100000 ) using old research credit model . you can see how the result converges and the relative error ( compared to the result for 100000 simulations which is assumed to be the most accurate ) in the attached file . tanya .",0 +"Subject: monday 4 th september 2000 > monday 4 th september 2000 > > the monte carlo rendez - vous reporter from reactions , in association with > guy carpenter [ http : / / www . guycarp . com ] . simply click on the link next to > each headline to read the full story . > > top stories of the day : > > haag ' s rendez - vous curtain call > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 666 > > how lothar and martin changed the european landscape > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 669 > > also : > holocaust haunts munich re > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 668 > movie financing - mind the gap > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 670 > uk insurers commit legal suicide > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 672 > monaco claim victory > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 674 > swiss re enjoys life in the us > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 667 > yasuda and dai - ichi consider merger > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 671 > reliance go it alone in india > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 673 > > > please visit http : / / www . reactionsnet . com for all the latest news from the > world ' s largest insurance and reinsurance conference . > > alternatively , you can read these stories on the official rendez - vous > website at http : / / www . rvs - monte - carlo . com > > > book of the industry : > > reinsurance > fourth edition of professor robert l carter ' s industry - standard textbook . > https : / / ecommerce . waterside . net / reactions / reins _ fourth . asp >",0 +"Subject: re : interview schedule change for bruce james sean , i think we should invite bruce for additional interviews . i think that he does not have the skills required in my unit , but he could contribute in other areas . here is the list of potential interviewees : john echols ted murphy mark ruane vince sean grady @ enron 07 / 26 / 2000 02 : 17 pm to : grant masson / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , william s bradford / hou / ect @ ect , vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , zimin lu / hou / ect @ ect , bjorn hagelmann / hou / ect @ ect , david port / market risk / corp / enron @ enron cc : toni graham / corp / enron @ enron , shirley crenshaw / hou / ect @ ect , rita hennessy / na / enron @ enron , dorothy youngblood / hou / ect @ ect subject : interview schedule change for bruce james attached please find the interview packet for the above - referenced person . the interview will happen thursday july 27 , 2000 . please print all three documents for your hard copies . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . sean grady 58701",0 +"Subject: london visit hi maureen how many days are you coming over for ? in addition to the couple of days you ' ll be spending at brook hunt , i can see one further day with our metals people , and one extra day with rodrigo ( from rac ) looking at our inflation model . do you have 4 + days ? all the best steve",0 +"Subject: re : 2001 fma european conference that ' s fine . i didn ' t want to change anything until i heard from you guys . see ya ! john at 11 : 06 am 11 / 28 / 00 - 0600 , you wrote : > > john , > > thanks . stinson will be able to join us for dinner . he is opting out of > the paper due to his big workload but we can get his perspective on > the last 8 years he spent at enron . > > vince > > > > > > "" john d . martin "" on 11 / 28 / 2000 09 : 44 : 17 am > > to : vkamins @ enron . com > cc : > subject : 2001 fma european conference > > > here ' s the info on the european conference . just for your files . > > john > > > date : tue , 28 nov 2000 08 : 40 : 39 - 0500 > > from : karen wright > > subject : 2001 fma european conference > > to : kwright @ fma . org > > x - mailer : mozilla 4 . 5 [ en ] ( win 98 ; i ) > > x - accept - language : en , pdf > > > > 2001 fma european conference > > > > the fifth annual european meeting of the financial management > > association international ( fma ) will be held may 31 and june 1 , 2001 at > > the hotel sofitel ( rive gauche ) in paris , france . fma ' s european > > meeting brings together academicians and practitioners with interests in > > financial decision - making . the meeting provides a forum for presenting > > new research and discussing current issues in financial management , > > investments , financial markets and institutions , and related topics . > > keynote addresses and other special presentations will be held in > > addition to research paper presentations . > > > > paper submissions > > research papers . the program includes traditional research paper > > presentations . criteria used to determine the suitability of these > > papers for the program include the nature of the research problem , > > implications of the proposed research , the quality of the research > > design , and the expected contribution of the research to the > > literature . please note that the purpose of these sessions is to > > present new and unpublished research . > > > > submission fee . there is no submission fee for the fma european > > conference . > > > > submissions . please follow these steps : > > complete the presentation form that can be downloaded at > > www . fma . org / paris . htm . carefully select the subject code on the > > presentation form that most closely describes your research . the code > > number you select will be used to select reviewers for your proposal . > > > > send six ( 6 ) copies of your completed paper , along with the completed > > presentation form , to the fma office ( financial management association , > > university of south florida , college of business administration , tampa > > fl 33620 - 5500 , usa ) . > > please note that only completed papers will be accepted for the fma > > european conference review process . > > > > the paper submission deadline is friday , december 1 , 2000 . > > > > you will receive an electronic confirmation of your submission within > > six weeks of its receipt by the fma office , and you will be notified of > > the results of the reviewing process by the middle of february , 2001 . > > > > competitive paper awards > > the financial management association international is pleased to > > announce that four ( 4 ) $ 1 , 500 awards will be presented in conjunction > > with the 2001 fma european conference . the "" young scholars "" award will > > be presented to the best paper authored by a ph . d . student ( or > > equivalent ) or recent ph . d . ( or equivalent ) graduate . three additional > > $ 1 , 500 awards will be presented to the papers deemed "" best of the best "" > > by the members of the 2001 fma european conference competitive paper > > awards committee . please note that these awards will be made only if , in > > the opinion of the fma awards committee , a paper warrants such a > > decision . the decisions of the fma awards committee are final . > > > > accepted papers . if your proposal is accepted , the version of the paper > > you submit will be sent to its discussant as soon as he / she is > > identified . you are obligated to send the final version of your paper to > > the discussant and session chair by april 27 , 2001 . you also are > > obligated to present your paper in a professional manner at the assigned > > fma program session . > > > > the collegiality of the meeting provides a very special opportunity for > > participants to share their work and to hear about the work others are > > doing . thus , individuals whose papers are accepted for presentation at > > the 2001 fma european conference will be expected to either chair a > > session or discuss a paper . > > > > program co - chairs > > > > francois degeorge > > hec paris > > 1 rue de la lib , ration > > 78351 jouy en josas cedex > > france > > 33 - 1 - 39 - 67 - 72 - 34 ( ph ) > > 33 - 1 - 39 - 67 - 94 - 34 ( fax ) > > degeorge @ hec . fr > > > > kent womack > > dartmouth college > > amos tuck school > > hanover , nh 03755 > > 1 603 646 2806 ( ph ) > > 1 603 646 1308 ( fax ) > > kent . womack @ dartmouth . edu > > > > additional opportunities for participation > > > > session chairperson or discussant . if you wish to serve as the > > chairperson of a session or paper discussant , but are not submitting a > > paper , please complete the participation form which can be downloaded > > from www . fma . org / paris . htm . submit the completed form to the fma office > > by december 1 , 2000 . session organization will take place in march , > > 2001 . > > > > deadline summary > > > > completed papers : december 1 , 2000 > > chairperson / discussant requests : december 1 , 2000 > > > > > > > john d . martin > carr p . collins chair in finance > finance department > baylor university > po box 98004 > waco , tx 76798 > 254 - 710 - 4473 ( office ) > 254 - 710 - 1092 ( fax ) > j _ martin @ baylor . edu > web : http : / / hsb . baylor . edu / html / martinj / home . html > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: ( no subject ) stinson , henwood can help us with the project in our time frame ( end of january ) . the henwood person who will coordinate the project is david branchcomb , located in london . he will have to involve the henwood ? manager for asia , who works out of australia . i told him that you would call him wednesday morning on his cell phone to set up a conference call later the same day with the guy in australia . given time difference it may happen late afternoon . they expect that we shall give them the specs of the project . it makes sense to involve sandeep at the conference call : he will be very specific about our needs . i sent you his coordinates in an earlier message . sandeep may have to come to the office : i don ' t know if anita knows how to set up a conference call . david ' s phone numbers : 44 207 242 8950 44 787 942 5375 ( cell ) . i may be at the office in the morning for an hour or two . vince",0 +"Subject: tiger evals - attachment tiger hosts : i understand that some hosts have had problems accessing the database to complete the tiger team evaluations . i apologize for the difficulties and have attached the form for your convenience . please feel free to return it electronically or by fax ( 215 - 573 - 5727 ) . thank you again for your time . donna piazze program director field application project the wharton school univ . of pennsylvania 215 . 573 . 8394 fax 215 . 573 . 5727 fap @ management . wharton . upenn . edu piazze @ wharton . upenn . edu > - tiger team host evaluation . doc",0 +"Subject: re : ken lay ' s speech the $ 1 . 3 trillion tax cut which is frequently quoted by the press is over 10 years , the $ 460 tax cut below is over five years . maureen raymond 01 / 02 / 2001 12 : 44 pm to : alhamd alkhayat / na / enron @ enron , steven j kean / na / enron @ enron , margaret carson / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : ken lay ' s speech i looked into the proposed tax cut by george w . bush . on his website he proposes a $ 460 billion tax cut over five years . the $ 213 billion "" energy tax "" imposed from 1999 to 2001 by higher energy prices , is roughly half of bush ' s proposed tax cut . maureen",0 +"Subject: your approval is overdue : access request for tom . halliburton @ enron . com this request has been pending your approval for 9 days . please click approval to review and act upon this request . request id : 000000000003619 request create date : 9 / 27 / 00 9 : 18 : 21 am requested for : tom . halliburton @ enron . com resource name : unlisted application / software resource type : applications",0 +"Subject: vince , here is why analytical var does not work for non - normal variables . rakesh reviewed this argument as well . tanya",0 +"Subject: kin tso - ut candidate for direct hire vince , just wanted to follow up on our conversation yesterday regarding kin tso . charlene actually called kin yesterday to let him know that your group was interested in him as a direct hire and would be contacting him this week . as we discussed , kin was told that his quantitative skills were a much better fit for your group instead of our rotating associate program . we let him know that the associate program would not be making him an offer but he is being considered for a direct hire . kin was receptive and is looking forward to hearing from you . we will consider this issue closed from the associate and analyst program . we hope that you might find a direct hire fit for him in your area . if you have any additional questions , please let me know . thanks so much .",0 +"Subject: bachelier finance society congress , crete 2002 dear dr kaminsky , on behalf of the scientific committee of the 2 nd world congress of the bachelier finance society , it is my pleasure to invite you to give one of the plenary lectures . the bachelier finance society came into being in 1996 by the initiative of mathematical finance researchers who found the need to create an organization where academia and practitioners would meet and exchange ideas spanning on the crossroads between finance , economics , econometrics , insurance and mathematics . the conference is the society ' s second biannual meeting and it will take place in the island of crete , from june 12 to june 15 , 2002 . the other members of the scientific committee are g . constantinides , m . davis , f . delbaen , d . duffie , h . foellmer , m . jeanblanc and e . platen . either myself or any other member of the committee would be happy to discuss with you about the conference and the society . crete is one of the most beautiful greek islands . the conference will take place in a resort in xersonissos , a picturesque site close to irakleion and knossos . the airfare ( economy class ) and all local expenses ( lodging , meals and local transportation ) will be covered . we will all be honored by your presence . sincerely , thaleia zariphopoulou chair of the scientific committee v . n . neuhaus professor dpts of mathematics and msis the university of texas at austin ",0 +"Subject: london research group john , i am writing to you regarding the management of the london research group . as you know , dale surbey , who was managing the london unit of the research group , is moving to ebs . dale did a terrific job helping me to develop the pool of talent we have currently in london . given that dale is likely to be transfered to houston , it ' s time to nominate one member of the research group for a management position . my recommendation is steve leppard . steve emerged not only as the most technically qualified member of the group but also as a natural leader , highly respected by his peers and internal customers . steve has a very high energy level and is very efficient as a manager and as coach of new talent . his promotion is likely to cause anjam ' s departure form enron . i value technical skills of anjam , but in spite of my loyalty to him , don ' t think he is the same caliber as steve . however , i would not like to lose him and think about moving him to houston for 2 years . i think that the opportunity to work in houston , would be a sufficient incentive to keep him in enron . by the way , his performance feedback has greatly improved . please , let me know what you think . vince",0 +"Subject: re : baylor professors lunch beth , i would appreciate it . see you at 11 : 45 tomorrow . vince from : beth miertschin 07 / 11 / 2000 03 : 05 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : baylor professors lunch yes vince , i will drive and you are welcome to ride with me if you would like . i can meet you in the lobby about 11 : 45 tomorrow . beth vince j kaminski 07 / 11 / 2000 02 : 51 pm to : beth miertschin / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : baylor professors lunch beth , thanks . you can always track me down on my cell phone 713 410 5396 in case i am mia . also , will you drive ? please , let me know . vince from : beth miertschin 07 / 11 / 2000 02 : 26 pm to : vince j kaminski / hou / ect @ ect cc : subject : baylor professors lunch try this vince and i ' m sorry ! beth - - - - - - - - - - - - - - - - - - - - - - forwarded by beth miertschin / hou / ect on 07 / 11 / 2000 02 : 26 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : beth miertschin 07 / 11 / 2000 09 : 40 am to : mitchell taylor / corp / enron @ enron , bill w brown / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : shelly jones / hou / ect @ ect , geynille dillingham / hou / ect @ ect , sheila pardo / hou / ect @ ect subject : baylor professors lunch the lunch with the baylor professors will be tomorrow , july 12 th , at damian ' s . the reservation is for 12 : 00 pm and you are welcome to meet us in the lobby around 11 : 45 or meet us at the restaurant . please let me know where we should look for you so we don ' t inadvertently leave you . i look forward to seeing you all then and thanks for your support and participation . beth miertschin - - - - - - - - - - - - - - - - - - - - - - forwarded by beth miertschin / hou / ect on 07 / 11 / 2000 09 : 27 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : beth miertschin 07 / 07 / 2000 05 : 01 pm to : mitchell taylor / corp / enron @ enron , bill w brown / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : shelly jones / hou / ect @ ect , geynille dillingham / hou / ect @ ect subject : baylor professors lunch on wednesday , july 12 dr . john martin , chair of finance department , and dr . bill petty , chair of entrepreneurship department , of baylor university will be at the enron building to discuss future sponsorship of the texas finance festival and to talk about recruiting . they have asked me to invite all of you to lunch with us on that day so that they might have a chance to visit with you all as well . please let me know if you are available for lunch on july 12 at noon .",0 +"Subject: customer profiling meeting bob shults is scheduled to be in atlanta , ga on the 17 th of march and would like to reschedule the "" customer profiling meeting "" , to tuesday , march 21 st at t 1 : 30 p . m . , location to be announced . if you are unable to attend please let me know . lydia 3 - 9975",0 +"Subject: meeting confirmed : mit / aa new value research lab this will confirm the meeting requested below . please note , all invitees are not available , but the confirmed meeting time is the best time for most of the invitees . date : thursday - august 10 time : 11 : 00 a to noon place : conference room 4741 confirmed attendees : rick causey marie hejka steve kean amy oberg mark palmer mark ruane thanks for your help , everyone . - - - - - - - - - - - - - - - - - - - - - - forwarded by carol moffett / hou / ees on 08 / 03 / 2000 04 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron energy services from : carol moffett 08 / 02 / 2000 03 : 44 pm phone no : 713 - 853 - 6658 phone 888 - 782 - 3518 pager eb 613 b to : ginger dernehl / hou / ees @ ees , shirley crenshaw / hou / ect @ ect , karen k heathman / hou / ect @ ect , sharron westbrook / corp / enron @ enron , laura gutierrez / hou / ect @ ect , laura valencia / corp / enron @ enron , patty pennington / enron communications @ enron communications cc : steven j kean / hou / ees @ ees , vince j kaminski / hou / ect @ ect , rick buy / hou / ect @ ect , richard causey / corp / enron @ enron , mark ruane / hou / ect @ ect , mark koenig / corp / enron @ enron , mark palmer / corp / enron @ enron , amy oberg / hou / ees @ ees , marie hejka / corp / enron @ enron subject : meeting request : mit / aa new value research lab good afternoon . i am assisting amy oberg with setting up a meeting among the individuals listed below . would you be so kind as to review their calendars and let me know if they are available during any of the suggested meeting times . meeting topic : mit / aa new value research lab meeting purpose : follow up to discussion from 8 / 1 / 00 ; rick causey to brief group on conversations w / aa regarding "" where they intend to go with this effort "" . attendees : steve kean vince kaminski rick buy rick causey mark ruane mark koenig mark palmer amy oberg marie hejka suggested meeting dates and times : thursday - august 10 anytime between 8 : 00 a and 10 : 00 a thursday - august 10 11 : 00 to noon friday - august 11 anytime between 8 : 00 a and 9 : 30 a friday - august 11 1 : 00 p to 2 : 00 p thank you .",0 +"Subject: prc meeting hello everyone : it looks like friday , december 8 th is the day that you will have the prc meeting listed below . mark your calendars - details later . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 10 / 30 / 2000 01 : 23 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - norma villarreal 10 / 28 / 2000 10 : 47 am to : shirley crenshaw / hou / ect @ ect , stinson gibner / hou / ect @ ect , mike a roberts / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , maureen raymond / hou / ect @ ect , zimin lu / hou / ect @ ect , osman sezgen / hou / ees @ ees cc : vince j kaminski / hou / ect @ ect , ramona perkins / corp / enron @ enron subject : performance the research group will be conducting a performance review committee ( prc ) meeting in early december . all vice presidents , sr . directors and directors should attend . shirley crenshaw will be contacting you to schedule the prc meeting date and time . these are the current available dates : december 4 , 8 . in preparation for the meeting please submit recommended rankings and promotions to me based on employee feedback by november 29 , 2000 . please included analyst / associates , if you have any questions please feel free to call me or ramona perkins at x 58165 . here is some helpful information for you as we proceed throughout he performance evaluation process october 25 , 2000 - november 17 , 2000 ( 3 1 / 2 weeks ) : employees will provide a list of accomplishments occurring after june 1 , 2000 to their supervisors employees will receive an email advising of access and passwords to pep system ( 10 / 25 ) employees identify selected reviewers on line and will submit to supervisor supervisor will add and / or delete reviewers in order to capture a full 360 degree feedback supervisor will submit and reviewers will receive an e : mail advising them of their reviewer role reviewers can decline or complete the review once system closes on november 17 , 2000 , prepare for research prc meeting ( print consolidate review , pre rank employees , identify candidates for promotion and submit to hr ) important dates ( i will notify you of any changes ) : september 30 , 2000 only employees before 10 / 1 / 00 will be included for pep and bonuses october 15 , 2000 whomever is the supervisor for employees on 10 / 15 / 00 will be responsible for their reviews october 25 , 2000 pep system opens ( http : / pep . corp . enron . com ) october 30 - 31 , 2000 pep overview session at doubletree november 17 , 2000 pep system closes for feedback november 23 - 24 thanksgiving holiday november 29 , 2000 provide hr with pre - rankings and promotions december tbd , 2000 research prc january 31 , 2001 all reviews must be complete , signed and submitted to hr norma sr . hr representative x 31545",0 +"Subject: customer profiling meeting - amendment bob shults is scheduled to be in atlanta , ga on the 17 th of march and would like to reschedule the "" customer profiling meeting "" , to tuesday , march 24 st at t 1 : 30 p . m . , location to be announced . if you are unable to attend please let me know . lydia 3 - 9975",0 +"Subject: re : evaluation for barbara pierce patricia , barbara pierce did not show up on my list of people asking for a review . maybe a glitch in the system . vince patricia payton @ enron 11 / 22 / 2000 08 : 56 am to : vince . kaminski @ enron . com cc : subject : evaluation for barbara pierce thank you for agreeing to interview barbara pierce . unfortunately we are unable to proceed because we have not received all of her evaluations . can you please fax the evaluation to me at your earliest convenience at ( 713 ) 646 - 3441 and send the original via interoffice mail to ebl 171 . thanks again , patricia ext . 54903",0 +"Subject: * special notification * aurora version 5 . 5 release , what ' s new ? iv friends : i spoken with most of you over the last few weeks regarding the new version of aurora due to be released tomorrow . we ' ve broken a lot of new ground with this version , and this version will serve as our official launch into the eastern u . s . we ' ve worked closely with our eastern customers , and responded to the needs of the market . some of the enhancements : aurora software modeling enhancements : * energy storage - resources ( pumped hydro ) * market areas : no limit on number of areas * transmission : congestion pricing . * price caps * risk analysis * modeling enhancements via vb scripting : "" update data "" capability general capabilities * aurora ' s run time speed improved again . * file transfers to epis * interface enhancements reporting enhancements * marginal resource reporting * resource operations reporting * resource stacks detail consolidated aurora databases * east - central aurora database - - 25 market areas modeled with 11 market areas in new york iso . * wscc aurora database - - updated ipp resources * ercot aurora database - updated resources * all databases updated to use the new modeling capabilities as aurora continues to grow , and we meet the needs of the market , we have made several procedural changes . we continue to offer free 7 - day demos to those companies that want to take a look at the model , and get a brief idea of how it thinks and feels . after that 7 - day demo period we now offer either a discount for moving into a full license , or we offer a 60 - day trial for $ 10 , 000 . 00 - - we also now offer more options for the licensing of the model . annual licenses are priced as follows : single user ( 1 user / 1 pc ) $ 33 , 000 . 00 limited - use ( 1 user / multiple pcs or multiple users / 1 pc ) $ 45 , 000 . 00 two - user ( 2 users / 2 pcs ) $ 55 , 000 . 00 site license ( unlimited users / pcs excluding affiliates ) $ 79 , 000 . 00 affiliate - site ( unlimited users / pcs including affiliates ) $ 99 , 000 . 00 for additional information , please contact me , and i ' ll speak with you about how aurora can help you in your specific operations and projects . v . todd wheeler sales manager epis , inc . ( 503 ) 722 - 2023 tel . x 210 ( 503 ) 722 - 7130 fax www . epis . com todd @ epis . com > - what ' s new - version 5 . 5 information . doc",0 +"Subject: akamai kevin , i have followed up on your request to identify a potential hire from akamai ( a person familiar with their technology ) . we can start discussions with the targets in a few days . please , let me know which unit in ebs is a potential hiring agent . if it ' s research , who inside ebs can sponsor this position ? we have to discuss the responsibilities and job description . vince",0 +"Subject: re : houston visit hi vince , sorry that we couldn ' t meet in houston . hope your philadelphia trip was fruitful and you didn ' t suffer from weather related flight delays on your way back to houston . your phone message stated that you may be coming to ny in jan . 2001 . that ' s great vkaminski @ aol . com subject : re : houston visit soussan , it seems we have planned for all contingencies . look forward to meeting you next week . vince "" faiz , soussan "" on 11 / 28 / 2000 06 : 51 : 51 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : houston visit vince , your suggested arrangement is perfect with me and i love both italian or steak . . . the choice is yours . i really look forward to our meeting vkaminski @ aol . com subject : re : houston visit soussan , let ' s meet at westin oaks next to the reception around 6 : 30 p . m . thursday . there are several nice restaurants within a walking distance to the galleria . i shall make a reservation ( is italian or a steakhouse ok ? ) . you can reach me on thursday at my cell phone 713 410 5396 . look forward to meeting you . vince "" faiz , soussan "" on 11 / 27 / 2000 04 : 37 : 30 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : houston visit great ! i look forward to our dinner on thurs . 12 / 7 evening . hopefully your flight will be on time . . . although having watched 60 minutes last night and suffered from a # of delays lately , let ' s hope that the "" weather blame "" doesn ' t get in the way . it ' s best to leave me a message @ my usual work # on thurs . , 914 253 4187 , . . . i can easily check it in houston . i ' ll be staying @ the westin oaks in the galleria . . . any preferred place that i can book ( & for what time ) ? ? coming over to down town won ' t be a problem for me either . will be great to see you again . soussan 914 253 4187 - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , november 27 , 2000 12 : 10 pm to : faizs @ texaco . com cc : vince . j . kaminski @ enron . com subject : re : houston visit soussan , thanks for your message . it would be great to meet you when you come to houston . i shall be in town on december 7 , flying back from philly in the morning . assuming that the flight is on schedule , i shall be available for dinner . please , let me know how i can contact you on thursday , december the 7 th , to confirm . look forward to meeting you . vince "" faiz , soussan "" on 11 / 26 / 2000 09 : 04 : 01 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : houston visit dear vince , greetings from ny and hope that all is well and you had a great thanksgiving . i ' ll be coming to houston for 12 / 6 - 12 / 7 and hope you are available either evening for dinner . would be great to see you again and catch up with the latest . . . i really enjoyed my visit last april , your insights , and the risk book you gave me . i do hope you ' re available to meet and pls let me know which evening suits you better . best , soussan faiz texaco inc . 914 253 4187",0 +"Subject: re : country risk jr . economist hiring vince , thanks . - - gwyn vince j kaminski @ ect 05 / 02 / 2001 03 : 20 pm to : gwyn koepke / na / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : country risk jr . economist hiring gwyn , try to reduce the number of potential candidates to 3 , before i shall get involved . also , i contacted hr regarding your promotion . the process has started . vince gwyn koepke @ enron 05 / 02 / 2001 03 : 09 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : country risk jr . economist hiring thanks vince . i have the resume book from sais . i ' d like to start contacting them individually telephonically prior to meeting with maureen . i will begin to contact them and do some initial screening . would you like to participate in the initial screening ? thanks , - - gwyn vince j kaminski @ ect 05 / 02 / 2001 03 : 06 pm to : gwyn koepke / na / enron @ enron cc : subject : re : country risk jr . economist hiring gwyn , yes , please go ahead and get a resume book from sais . vince gwyn koepke @ enron 05 / 02 / 2001 11 : 40 am to : vince j kaminski / hou / ect @ ect cc : subject : country risk jr . economist hiring vince , maureen had mentioned to me a while back that our group had approval to hire an junior / full economist . she then asked me to contact johns hopkins sais to get resumes of possible candidates . i have completed all this . but , before i begin contacting these potential candidates , i wanted to confirm with you that we have the approval to hire another person at the either junior or associate economist level . thank you . gwyn koepke ",0 +"Subject: request submitted : access request for tony . harris @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000006452 approver : stinson . gibner @ enron . com request create date : 11 / 2 / 00 1 : 12 : 58 pm requested for : tony . harris @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read ] resource type : directory",0 +"Subject: re : hello from vince kaminski at enron great you are on for the 23 shmuel s . oren , professor dept . of industrial engineering and operations research 4117 etcheverry hall university of california berkeley , ca 94720 - 1777 e - mail : oren @ ieor . berkeley . edu phone : ( 510 ) 642 - 1836 or 5484 fax : ( 510 ) 642 - 1403 - - - - - original message - - - - - from : to : cc : sent : friday , september 15 , 2000 6 : 04 pm subject : re : hello from vince kaminski at enron > > shmuel , > > sorry for not getting back to you earlier . > if the 23 rd of october is still open , i can make the presentation on this > day . > > vince > > > > > > > "" shmuel oren "" on 08 / 30 / 2000 08 : 18 : 15 am > > to : > cc : > subject : re : hello from vince kaminski at enron > > > originally you mentioned october 23 so i reserved that week which is still > open . > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > shmuel s . oren , professor > dept . of industrial engineering > and operations research > 4117 etcheverry hall > university of california > berkeley , ca 94720 - 1777 > e - mail : oren @ ieor . berkeley . edu > phone : ( 510 ) 642 - 1836 or 5484 > fax : ( 510 ) 642 - 1403 > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > - - - - - original message - - - - - > from : > to : > cc : ; ; > > sent : wednesday , august 30 , 2000 9 : 03 am > subject : re : hello from vince kaminski at enron > > > > > > shmuel , > > > > let ' s see if we can either rearrange the seminar speakers > > or change the date of our visit to the campus . ashley baxter , our > > coordinator is very efficient and > > got a faculty room for a presentation on monday morning on the 16 th . > > > > vince > > > > > > > > > > > > > > "" shmuel oren "" on 08 / 29 / 2000 05 : 37 : 33 pm > > > > to : > > cc : > > subject : re : hello from vince kaminski at enron > > > > > > dear vince . i spoke too soon . apparently the seminar slot on the 16 was > > already filled . i will see if i can switch the speaker for that week to > the > > following week . in any case we are on for dinner on the 16 . > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > shmuel s . oren , professor > > dept . of industrial engineering > > and operations research > > 4117 etcheverry hall > > university of california > > berkeley , ca 94720 - 1777 > > e - mail : oren @ ieor . berkeley . edu > > phone : ( 510 ) 642 - 1836 or 5484 > > fax : ( 510 ) 642 - 1403 > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > - - - - - original message - - - - - > > from : > > to : > > cc : ; > > sent : tuesday , august 29 , 2000 5 : 01 pm > > subject : re : hello from vince kaminski at enron > > > > > > > > > > shmuel , > > > > > > the date of our trip to berkeley has been set . it will be october 16 th > > and > > > 17 th > > > ( monday and tuesday ) . > > > > > > i shall be glad to make a presentation on energy derivatives markets > > > ( development of the markets in the us and europe , valuation > difficulties , > > > enron ' s role > > > in developing the forward markets for natural gas and electricity ) . > > > > > > please , let me know if this topic would be of interest to you . if this > is > > > the > > > case , i shall follow with a title and an abstract . > > > > > > by the way , are you free for dinner on monday ? > > > > > > vince > > > > > > > > > > > > > > > > > > > > > "" shmuel oren "" on 08 / 24 / 2000 08 : 59 : 38 am > > > > > > to : "" vince j kaminski "" > > > cc : > > > subject : re : hello from vince kaminski at enron > > > > > > > > > great . our seminars are 3 : 30 to 5 pm . if it works for you please send me > a > > > title and abstract . > > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > shmuel s . oren , professor > > > dept . of industrial engineering > > > and operations research > > > 4117 etcheverry hall > > > university of california > > > berkeley , ca 94720 - 1777 > > > e - mail : oren @ ieor . berkeley . edu > > > phone : ( 510 ) 642 - 1836 or 5484 > > > fax : ( 510 ) 642 - 1403 > > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > > > - - - - - original message - - - - - > > > from : "" vince j kaminski "" > > > to : "" shmuel oren "" > > > cc : "" vince j kaminski "" ; "" ashley baxter "" > > > > > > sent : thursday , august 24 , 2000 9 : 58 am > > > subject : re : hello from vince kaminski at enron > > > > > > > > > > > > > > > > > > shmuel , > > > > > > > > thanks for the message . i am working with our recruiter , ashley > baxter , > > > > to finalize the date of the trip . i shall shoot for october the 23 rd > > > > if this date works for the rest of our team . > > > > > > > > vince > > > > > > > > > > > > > > > > > > > > > > > > > > > > "" shmuel oren "" on 08 / 23 / 2000 11 : 46 : 19 am > > > > > > > > to : vince j kaminski / hou / ect @ ect > > > > cc : > > > > subject : re : hello from vince kaminski at enron > > > > > > > > > > > > > > > > dear vince . > > > > i sent you a reply earlier this month but i haven ' t heard from you > > about > > > the > > > > date of your visit . our department has a seminar every monday . if you > > can > > > > schedule your visit on a monday i would like to invite you to give a > > > seminar > > > > which will be attended by many of our graduate students and faculty > and > > > will > > > > give you an opportunity to tell them about your program . with > > sufficient > > > > lead - time i can advertise the seminar in the hass school to their > > > financial > > > > engineering students . > > > > shmuel . > > > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > shmuel s . oren , professor > > > > dept . of industrial engineering > > > > and operations research > > > > 4117 etcheverry hall > > > > university of california > > > > berkeley , ca 94720 - 1777 > > > > e - mail : oren @ ieor . berkeley . edu > > > > phone : ( 510 ) 642 - 1836 or 5484 > > > > fax : ( 510 ) 642 - 1403 > > > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > > > > > - - - - - original message - - - - - > > > > from : > > > > to : ; ; > > > > > > > > sent : tuesday , august 08 , 2000 10 : 59 am > > > > subject : hello from vince kaminski at enron > > > > > > > > > > > > > shmuel , > > > > > > > > > > i hope you remember me . i visited you together with aram > sogomonian , > > a > > > > > good friend of mine , a few years ago . i am currently responsible , > > among > > > > > other things , for recruiting graduates with finance and / or > technical > > > > > backgrounds at the university of berkeley . i would be glad to give > > you > > > a > > > > > call and talk more about the details of our program . my colleague , > > > > > ashleybaxter , from the analyst / associate program at enron would > join > > me > > > > > as well . > > > > > > > > > > i am sending you a copy of the brochure about the analyst / > associate > > > > > program . > > > > > > > > > > vince kaminski > > > > > > > > > > > > > > > vincent kaminski > > > > > managing director - research > > > > > enron corp . > > > > > 1400 smith street > > > > > room ebl 962 > > > > > houston , tx 77002 - 7361 > > > > > > > > > > phone : ( 713 ) 853 3848 > > > > > fax : ( 713 ) 646 2503 > > > > > e - mail : vkamins @ enron . com > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > >",0 +"Subject: re : visit to houston and vince kaminski ' s research group shijie , we would like you to meet tomorrow morning , starting at 9 : 00 , with a few members of the group . around 11 : 15 we shall go to lunch ( myself , stinson gibner and zimin lu ) . at 1 : 00 we would like you to make a presentation to the research group on the topic of your choice . after 2 : 30 we shall continue with individual meetings . we shall give you an agenda with the names and times when you arrive . you can come to the lobby of the enron building ( 1400 smith ) between 8 : 30 and 9 : 00 and call me ( 3 - 3848 ) or my assistant , shirley crenshaw ( 3 - 5290 ) , to be admitted to the building . we are on the 19 th floor . look forward to meeting you . vince kaminski shijie deng on 07 / 27 / 2000 10 : 10 : 03 am to : shirley . crenshaw @ enron . com cc : vince kaminski subject : re : visit to houston and vince kaminski ' s research group hi shirley , an overhead would be good . thanks . btw , is there happen to be an agenda for my visit ? thank you . shijie shi - jie deng assistant professor school of isye georgia institute of technology office phone : ( 404 ) 894 - 6519 e - mail : deng @ isye . gatech . edu home page : http : / / www . isye . gatech . edu / ~ deng on fri , 7 jul 2000 shirley . crenshaw @ enron . com wrote : > > shijie : > > thanks for the information . > > please let me know if you need av equipment , i . e . , lcd projector , overhead > projector , etc . > > thanks ! > > shirley > > > > > > > > > > shijie deng on 07 / 03 / 2000 11 : 40 : 05 am > > to : shirley . crenshaw @ enron . com > cc : vince kaminski > subject : re : visit to houston and vince kaminski ' s research group > > > > shirley , > > i just booked my flights and the hotel . i ' ll be arriving houston on > the evening of 7 / 27 and leaving on 7 / 29 . i ' ll stay at the doubletree > houston allen center for two nights . looking forward to meeting you at > enron . > > regards , > > shijie > > shi - jie deng > assistant professor > school of isye > georgia institute of technology > > office phone : ( 404 ) 894 - 6519 > e - mail : deng @ isye . gatech . edu > home page : http : / / www . isye . gatech . edu / ~ deng > > > > > > >",0 +"Subject: risk contact steve , i talked to sh ? n about your paper . please , feel free to contact her directly and discuss the publication options . vince sh ? n millie risk books 28 - 29 haymarket london swly 4 rx phone : 44 ( 0 ) 171 484 9740 fax : 44 ( 0 ) 171 484 9758 e - mail : shan @ risk . co . uk www . riskpublications . com",0 +"Subject: re : fed ex from iris sounds good to me , vince . thanks , molly vince j kaminski 01 / 17 / 2001 09 : 52 am to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : fed ex from iris molly , yes , march 1 would work . vince enron north america corp . from : molly magee 01 / 16 / 2001 03 : 36 pm to : vince j kaminski / hou / ect @ ect cc : subject : fed ex from iris just checking to be sure you ' re okay with a march 1 start date for iris ? molly - - - - - - - - - - - - - - - - - - - - - - forwarded by molly magee / hou / ect on 01 / 16 / 2001 03 : 35 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . from : "" iris mack "" 01 / 16 / 2001 03 : 13 pm to : molly . magee @ enron . com , vince . j . kaminski @ enron . com cc : subject : fed ex from iris hi , thanks for the fed ex with the offer letter , and other pertinent information about enron . i have signed the letter and returned it to you , along with a couple of other forms . you should receive these documents via fed ex on tomorrow morning . because i have to tie up a few loose ends here in california , i won ' t be able to start until march lst . i hope that is okay . thanks so much . regards , iris get your free download of msn explorer at http : / / explorer . msn . com",0 +"Subject: re : offsite meeting - - great divide lodge - - invited guest list hi sheryl , please add david cox ' s name in the list . additionally , please include chonawee supatgiat for research . once john approves the current list and we get some feed back by talking to people ' s admin to book attendees time . ravi . here is the latest version of the agenda . sheryl lara 03 / 27 / 00 04 : 59 pm to : vince j kaminski / hou / ect @ ect , stinson gibner / enron communications , john griebling / enron communications @ enron communications , ravi thuraisingham / enron communications @ enron communications cc : shirley crenshaw / hou / ect @ ect subject : offsite meeting - - great divide lodge - - invited guest list gentlemen : attached please find the "" proposed "" final invitees list for the technical , research , and operations offsite meeting to be held april 27 - 29 , 2000 at the great divide lodge in breckenridge , colorado . i am working with shirley crenshaw to secure cost - efficient travel and meeting arrangements for the entire group . in order to secure a group rate , we must make sure we have a "" final headcount "" in place . please let me know by tuesday , march 28 th at 12 : 00 noon if you have any additions or corrections to the attached list . many thanks in advance for your prompt attention !",0 +"Subject: briefing robert johnston on metals vince , sorry , i was not able to take your call this morning , to avoid distractions i was editing a technical coner article on ppp out of my office . last friday , i called robert johnston immediately after you told me to contact him to brief him on nonferrous metals . i let him know that i was scheduled to speak about metals in our research meeting on october 12 th . i also talked with him a few weeks ago that i would like to meet with him and scott tholan to brief them on metals . robert did not arrange the meeting . i arranged a meeting for 10 : 30 tomorrow to take them both through the metals fundametals speech . the london metals confererence sounds great , since i have five years experience in metals fundamental analysis and pricing , i would also like to attend . many of my new research group customers are asking for my expertise in this new business for enron . i could certainly help our customers better by getting the latest information on metals . please let me know if this is ok with you . regards , maureen",0 +"Subject: re : uk portfolios and books setup in risktrac naveen and matthew , i started looking systematically through uk positions and corresponding var numbers in the risckrac . i found a few inconsistencies so far . 1 . the portfolio elsb 1 - nbp has a book elsb 1 under it . the sum of delta positions for this book is 239 , 021 , 655 , the sum of gamma positions is - 211 , 031 , 450 . var for the portfolio elsb 1 - nbp is zero . the same refers to a few other portfolios , for example elsb 2 - nbp , elsb 3 - nbp , e 2 xxl - nbp . 2 . the portfolio elsbp 1 - ppp also has the book elsb 1 under it . this book contains the positions on pppwdl through pppwd 6 and pppwel through pppwe 4 . the same refers to the other books , for example elsb 2 . this looks messy . can someone in rac go over all the portfolios , all the corresponding books and curves in risktrac and make sure they are set up properly ? thank you , tanya .",0 +"Subject: re : update john , i shall be traveling thu and fri this week and mon and tue next week . please , give me a call tuesday morning and i shall carve out an hour from my schedule to discuss the paper . stinson will be gone for three weeks so we have to do the work without him . alternatively , we can delay the conversation till next week . vince "" john d . martin "" on 09 / 12 / 2000 04 : 23 : 34 pm to : vkamins @ enron . com cc : subject : update vince , sorry i haven ' t been pressing you on the paper but there ' s always more to do than we have time for . however , i had a phone call from the editor encouraging me to get the paper to him by christmas so it could serve as the centerpiece of his energy issue . his comment to me was "" everyone wants to know what enron ' s doing "" . so , with that said i ' ll try to put together a list of materials that i have collected and maybe we can have a phone conversation to get your ideas on a plan to put the paper together . the harvard cases do a nice job of laying out institutional and historical details but we will need a "" tack "" or theme to begin the writing process . by the way , we have managed to delay the spring texas finance festival one week so that it will not coincide with easter ( hope you can now attend ) . we didn ' t have too many problems with the easter weekend but there were some and we would prefer not to use that weekend either . hope all is going well for you guys . tell stinson hello for me . your friend , john john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : further actions on anjam ' s departure anjam has told me he is not going to an energy competitor ( he mentioned weather derivatives as a the only overlap . i therefore see this as low risk from a security point of view , so let ' s make sure handover is thorough . you might focus our security efforts on his access to weather - related info . richard steven leppard 26 / 10 / 2000 17 : 06 to : melanie doyle / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , dale surbey / lon / ect @ ect , richard lewis / lon / ect @ ect subject : further actions on anjam ' s departure hi mel further to our earlier discussions here ' s the full list of actions we ' d like to put into place regarding anjam ' s departure : hr - type stuff : 1 . get anjam off the trading floor as soon as possible . there is no need for him to remain on the floor . this will need to be delayed until it number 1 is completed ( cataloguing his work ) . 2 . determine where anjam is heading . we need to know who is going to know our positions and curves next . 3 . remove his security pass , and insist that he is always accompanied when in the building . sharad is to sit with him while he catalogues his work . it - type stuff : 1 . ask him to catalogue the contents of his h : drive , since the rest of the group will need to support his work in the future . this should take no more than a day or two . 2 . get it to obtain their backups of anjam ' s h : drive for weekly intervals over the last two months . this will allow us to determine what he has deleted . 3 . get it to provide a snapshot of anjam ' s notes folders , and provide records of mail sent out to the internet over the last couple of months . i ' m worried about code / data he may have zipped up and mailed out . 4 . ask it to use a utility program to determine what has been deleted from anjam ' s c : drives . there may be useful info here too . 5 . revoke all internet access , whether via explorer or notes mail . 6 . get a record of all files he has printed over the last couple of months . vince has ok ' d this lot , so let ' s do it asap . many thanks , steve",0 +"Subject: new procedures for enron it purchasing attention ! starting 06 / 22 / 00 , enron it purchasing will no longer be able to receive orders for it equipment . to place an order , please proceed to the following website : http : / / itcentral . enron . com any orders sent to enron it purchasing before this date will be processed - - you do not need to enter another request . enron it purchasing will still be open to status requests , approval notifications and pricing inquiries . thank you very much for your patience and cooperation ! it sourcing and procurement .",0 +"Subject: enron europe research group intranet site announced to enron europe with very positive response . hope to catch up with you soon ( probably july ) , anjam x 35383 - - - - - - - - - - - - - - - - - - - - - - forwarded by anjam ahmad / lon / ect on 15 / 06 / 2000 09 : 20 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron europe from : enron europe general announcement 14 / 06 / 2000 18 : 53 please respond to anjam ahmad / lon / ect to : ect europe cc : subject : research group intranet site research group intranet site following the recent lunch presentations , there has been considerable interest from enron europe staff in improving their quantitative skills , helping to maintain our competitive advantage over competitors . we have recently created the research group ' s intranet site which you can find on the enron europe home page under london research group . the site contains an introduction to the group and also information on : derivatives pricing risk management weather derivatives credit risk extensive links database if you have any questions or issues on quantitative analysis ( including hedging and risk management of derivatives ) please don ' t hesitate to get in touch . regards , anjam ahmad research group first floor enron house x 35383",0 +"Subject: java class starting feb 20 th . some notes on the upcoming java class . we have an extremely high interest in the class , which is good , but since we are limited to 15 students , not everyone who expressed an interest could be accomodated . those registered are : 1 martin lin 2 . chonawee 3 . tom barkley 4 . lance cunningham 5 . seksan kiatsupaibul 6 . wichai narongwanich 7 . praveen mellacheruvu 8 . sevil yaman 9 . stephen bennett 10 . sam smith 11 . jason sokolov 12 . jaesoo lew 13 . amitava dhar 14 . george hopley ' s group 15 . george hopley ' s group each person taking the class will need to find a laptop computer ( shirley may be able to help ) and be sure that the proper software is installed before the course . chonawee will try to install the s / w on his laptop as a test case . the class is divided into two weeks . each week consisting of 4 days , noon to 5 p . m . the first four days are feb 20 - 23 , so mark your calendars . the classes in feb . will be in 30 cl ( tuesday ) and 30 c 2 ( remainder of the week ) . if you can not attend please let me know , so that others who want to take the class can take your place . - - stinson",0 +"Subject: info about enron ' s bandwidth market dear dr . kaminski , i enjoyed your talk this afternoon at ieor very much . i wonder if you could point me to some information resource on enron ' s bandwidth market . i am a ph . d student at ieor . i work with professor oren and professor varaiya from eecs department on the topic of pricing the internet . in particular , i am designing pricing mechanism in the framework of the diffserv architecture which is the latest proposal made by ietf to provide scalable service differentiation . i would very much like to get in touch with people in enron working on the similar topics . thank you very much . jun shu http : / / www . ieor . berkeley . edu / ~ jshu",0 +"Subject: interview with norberto valdes hello all : norberto telephoned me this morning and will not be able to come on friday , may 5 th . we have rescheduled the interview for monday , may 1 . the times are as follows : vasant shanbhogue 1 : 00 pm vince kaminski 1 : 15 pm clayton vernon 1 : 30 pm stinson gibner 1 : 45 pm tanya tamarchenko 2 : 00 pm grant masson 2 : 15 pm they will be conducted in ebl 938 thanks ! shirley",0 +"Subject: re : ut short course travel arrangements martin , i can join the car pool . vince from : martin lin on 04 / 25 / 2001 10 : 59 am to : vince j kaminski / hou / ect @ ect , vasant shanbhogue / enron @ enronxgate , sandeep kohli / enron _ development @ enron _ development , lance cunningham / na / enron @ enron , sevil yaman / corp / enron @ enron cc : subject : ut short course travel arrangements if the schedule works , perhaps a carpool is best for attending the course , given the number of us going . vasant has offered to drive . dependiing on driving speed and traffic , leaving houston by 9 : 30 am should give sufficient time to make the lpm class , including some time for lunch . please let me know if you are interested in the carpool or have alternate plans or suggestions . thanks , martin",0 +"Subject: my gratitude dear : i would like to express my gratitude to you for giving me an opportunity to have an interview with enron . i have to accept that enron provides an excellent working environment . i am looking forward to hearing good news from the research group . if there is anything else that i can do to accelerate the process , don ' t hesitate to e - mail me . best regards , seksan .",0 +"Subject: re : charm jim , charm looks more like a prototype that requires a lot of work to make it more a production tool . we have developed a similar model ( without some nice functionalities charm has ) in about two weeks , at request of rick jones who joined ees from hsb . rick worked on a similar model at his old company and wanted to have a similar tool for his projects with enron . i can tell you more about it when we meet ( hopefully ) later this week . i would tell willis that the model requires more work before enron can consider it as commercial product . vince james l bouillion 04 / 11 / 2001 06 : 52 am to : vince j kaminski / hou / ect @ ect cc : jonathan davis / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect subject : re : charm vince , what feedback should i give willis on their charm product ? - - - - - - - - - - - - - - - - - - - - - - forwarded by james l bouillion / hou / ect on 04 / 11 / 2001 06 : 50 am - - - - - - - - - - - - - - - - - - - - - - - - - - - james l bouillion 04 / 11 / 2001 06 : 50 am to : "" bertil olsson "" @ enron cc : subject : re : charm no word yet . i will follow up with the attendees . thanks for taking thje time to make the presentation . "" bertil olsson "" on 04 / 10 / 2001 04 : 07 : 11 pm to : james . l . bouillion @ enron . com cc : subject : re : charm jim , any feed - back on our meeting ? we certainly appreciated the opportunity and the fact that the meeting was very interactive . regards , bertil the information in this email and in any attachments is confidential and may be privileged . if you are not the intended recipient , please destroy this message , delete any copies held on your systems and notify the sender immediately . you should not retain , copy or use this email for any purpose , nor disclose all or any part of its content to any other person . ",0 +"Subject: change of role just a quick note to say that i have now left the eprm / risk conference division after two and a half very happy years . i am however still at risk waters group , where i am now working as a journalist on eprm magazine . future conference enquiries should go to paul bristow ( us - 212 925 6990 ) or frances tully ( europe - + 44 ( 0 ) 20 7484 9731 ) . many thanks for your work my events and i hope we can work together again in the future . if you have any ideas on the writing side then i would always appreciate a call or email - my contact details all remain the same . best regards , joel . joel hanley eprm magazine direct : + 44 ( 0 ) 20 7484 9885 www . riskwaters . com",0 +"Subject: uk gas data hi vince , i only just got forwarded this request - i can deal with the uk gas data requirments . regards , anjam x 35383 - - - - - - - - - - - - - - - - - - - - - - forwarded by kyran hanks / lon / ect on 01 / 08 / 2000 09 : 21 - - - - - - - - - - - - - - - - - - - - - - - - - - - margaret carson @ enron 31 / 07 / 2000 22 : 12 to : vince j kaminski / hou / ect @ ect cc : kyran hanks / lon / ect @ ect subject : vince does your group have a monthly or a quarterly price history in nominal terms for a us onshore louisiana natural gas price ( or a texas wellhead price ) and a uk landed beach price for the past 15 years ? i am gathering historical data for jim o hara for our colombia pipeline in south america and these are among the series of data they are seeking . they would like the data from a published source in an electronic file if possible . . their timetable is by cob weds this week . thank you for your help . margaret",0 +"Subject: class speaker vince , as a reminder , i am hoping that you can identify a speaker for my class at ut on real options ( perhaps you ! ) . i look forward to hearing from you . jim james s . dyer fondren centennial chair in business department of management science and information systems cba 5 . 202 the university of texas at austin austin , texas 78712 - 1175 email : j . dyer @ bus . utexas . edu telephone : 512 - 471 - 5278 fax : 512 - 471 - 0587",0 +"Subject: mgmt 656 enclosed please find the final grade rosters for mgmt 656 . grades are due into our office no later than friday , may 4 . remember that this is the university deadline for graduating students . thank you for your help ! - pam ( 713 - 348 - 6223 ) - 656 . doc",0 +"Subject: re : informs abstract ( fwd ) - - - - - - - - - - forwarded message - - - - - - - - - - date : sun , 1 oct 2000 14 : 29 : 20 - 0400 ( edt ) from : shijie deng to : vkaminski @ aol . com cc : shijie deng subject : re : informs abstract vince , thanks for the abstract ! for the purpose of the conference program listing , the conference organizers need a title and an abstract which is longer than 50 words . based on the abstract that you sent me , i took the liberty to make up a title and the 50 - word abstract ( attached below ) . please make changes as you feel necessary and send them back to me . i ' ll send them out to the organizers once i get your confirmation on this . best , shijie title : current challenges in modeling power price volatility author : dr . vince kaminski , head of quantitative research , enron capital & trade resources abstract : the power market developments in the us have created several unique challenges for energy industry economists . we discuss the major factors underlying the exceptionally high volatility of electricity prices . we feel that some of them may be a necessary price to pay for increased market efficiency and expanded customer choice . shi - jie deng assistant professor school of isye georgia institute of technology office phone : ( 404 ) 894 - 6519 e - mail : deng @ isye . gatech . edu home page : http : / / www . isye . gatech . edu / ~ deng on sun , 1 oct 2000 vkaminski @ aol . com wrote : > shijie , > > i am sending you the abstract for my informs presentation . > > vince > > > * * * * * > > > the last three years were characterized by exceptionally high volatility of > the power prices in the us markets . the market developments have created a > number of unique challenges for energy industry economists . one immediate > question we have to answer is how to measure volatility of energy prices . > although we can all agree that the prices in the power markets are > characterized by high variability , the traditional measures used in financial > economics ( annualized standard deviation of log price returns ) may not fit > well electricity prices . the second challenge is to explain the sources of > high price volatility and to answer the question to what extent it can be > attributed to problems that can be addressed in the long run . such problems > include flaws in market design that allow some market participants to abuse > market power , limited availability and / or unequal access to transmission , > temporary shortages of generation capacity . some factors underlying high > volatility of electricity prices may be of permanent nature and may be a > necessary price to pay for increased market efficiency and expanded customer > choice . >",0 +"Subject: re : good morning / afternoon john , the phone number for ken lay is ( 713 ) 853 - 6773 . my recommendation is to call mark palmer first and discuss the book with him . his recommendation will open the door . i shall mention this to him as well . mark ' s phone number is ( 713 ) 853 - 4738 . vince "" john d . martin "" on 03 / 30 / 2001 12 : 12 : 50 pm to : vkamins @ enron . com cc : subject : good morning / afternoon vince , one of my colleagues here at baylor is writing a book about "" the business of heaven "" in which he interviews prominent business leaders . bob darden is his name and he ' s a former journalist and nice guy . he would like to contact ken lay about being one of his interviews . do you think this is possible ? if so , could you give me an address / phone numbers that bob might use to contact ken ' s secretary about setting up an interview ? if this is in any way "" not ok "" please just say so . see ya , john > date : fri , 30 mar 2001 11 : 35 : 03 - 0600 > from : robert darden > subject : yo ! > x - sender : "" robert darden "" ( unverified ) > to : j _ martin @ baylor . edu > organization : the door > x - mailer : mozilla 4 . 04 [ en ] c - flashnet ( win 95 ; i ) > > hi john - - i enjoyed our meeting yesterday . this looks very promising . > meanwhile , as i mentioned at the table , i ' m getting a little nervous > about the book that is due june 1 . > one of the names on our "" wish "" list of interviewees for "" the business of > heaven "" is ken lay at enron . > would it be possible for you to give me a good address and phone number > for mr . lay ' s office ? > and may i mention your name in the cover letter ? > i would be forever indebted . i might even buy the next lunch . > bob > p . s . thanks for sharing your concerns about church yesterday , too . i ' m > genuinely sorry things didn ' t work out better and feel more than a > little embarrassed that i didn ' t work harder to make you guys feel more > welcome and connected . on the other hand , please know that mary and i > will always love you and consider you both friends . i know you ' ll be > happy at lake shore - - even as we miss you at 7 th ! > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : reminder thanks , so much for your support !",0 +"Subject: fw : modified version lance , any comment ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 05 / 2001 08 : 37 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : beth perlman / enron @ enronxgate on 04 / 04 / 2001 04 : 50 pm to : louise kitchen / hou / ect @ ect , tim belden / hou / ect @ ect , kevin m presto / hou / ect @ ect , hunter s shively / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : fw : modified version this may be of interest to you . i was contacted by steve lake from argonne national laboratory who is interested in selling us some of their models and mapping software . let me know if there is any interest . thanks , beth - - - - - original message - - - - - from : "" lake , stephan "" @ enron nron . com ] sent : wednesday , april 04 , 2001 3 : 52 pm to : perlman , beth cc : conzelmann , guenter subject : fw : modified version beth , i enjoyed talking with you this afternoon regarding possible enron / argonne national laboratory collaboration . as i mentioned , one of our divisions , decision information sciences has built state of the art tools for modeling and simulating energy use . they have trained many country energy ministries on the use of their tools as well as solved complex energy technology issues . i ' ve attached a presentation which describes some of their capabilities in this area . decision information sciences also has done much work in studying critical infrastructure issues in both gas and electric systems which also may be of interest . finally , they have been pioneers in the development of agent based complex adaptive systems for modeling very complex systems that are impossible to view with over approaches . i will also include a copy of my correspondences with one of your e - business groups under separate transmission . regards , stephan lake manager , business development and marketing argonne national laboratory 630 - 252 - 5685 telephone 630 - 252 - 5230 fax - - - - - original message - - - - - from : conzelmann , guenter sent : monday , april 02 , 2001 4 : 50 pm to : lake , stephan subject : modified version guenter conzelmann manager , national and international studies section energy and environmental systems analysis group argonne national laboratory 9700 south cass avenue building 900 argonne , il 60439 - 4832 telephone : + + 1 - 630 - 252 - 7173 fax : + + 1 - 630 - 252 - 6073 email : guenter @ anl . gov web : http : / / enpep . dis . anl . gov / enpep / fedex / dhl address : 1200 international parkway woodridge , il 60517 - enpep overview industrial partnership 02 lake . ppt",0 +"Subject: re : saturday lunch nick , thanks for your message . saturday , 11 : 45 at the terman is fine with me . see you there . vince nick bambos on 03 / 01 / 2000 12 : 32 : 24 pm to : vince . j . kaminski @ enron . com cc : vkaminski @ aol . com , lorriep @ stanford . edu subject : saturday lunch vince , unfortunately , the faculty club is closed on saturday . > > > lorrie , could you please make reservations for 2 at , say , spieto ' s . < < < < i am looking forward to seeing you on saturday . shall we meet at the terman ground floor lobby at 11 : 45 ? i think the packard building is locked on saturday . thanks , nick",0 +"Subject: weather deriv . presentation vince , here is the info we discussed . if you need anything else , let me know joe x 33914 our london group ' s web page : http : / / www . weather - risk . com / ( especially check out the press presentations section ; it has a lot of good general info ) pdo ' s http : / / www . srh . noaa . gov / bro / pdo . htm more general info : ( has a bit more on precip derivatives than usual , given the audience ) finally , according to our traders , cme trading activity is down to a couple of deals a month . i ' ll try to dig up some specific articles , but i suspect most of them are in one way or another cme press releases so that they will gloss over the low liquidity .",0 +"Subject: ipps in ercot jim , can we meet on friday to discuss this topic . the person who supports power , grant masson , will be out for the next two days . vince",0 +"Subject: re : fw : eprm article chris , i have read the paper . it reads very well . two comments . 1 . it probably makes sense to include a note on the standard gbm simulation equation and the way it ' s typically discretized . 2 . it will help the reader who did not read the earlier articles to explain what ct is ( perhaps a footnote ) . i am also including a message i sent to julie today . * * * * * * * * * * * * * * * 1 . i would like to register 2 members of my group for both courses ( in houston ) : a . paulo issler b . alex huang i shall attend the course on weather only . 2 . i have started the process to issue a check for 5 , 000 aud for lacima . shirley sent you an update on this . the 2 nd installment comes from the budget of our office in australia . i shall talk to paul quilkey today about it . please , let me know if there is any delay . 3 . the book will be used as textbook for the class i shall be teaching at rice . rice univ bookshop is placing an order . 4 . i would like to order 50 copies for my group . what is the best way to place the order ? can we pay in us dollars ? * * * * * * * * * * * * * * * best regards . vince "" chris strickland "" on 12 / 12 / 2000 05 : 21 : 22 pm please respond to "" chris strickland "" to : cc : "" julie "" subject : fw : eprm article hi vince , i ' m wondering if you got this last week ? if you could have a quick look and get back to me with any comments that would be great - robin is chasing me on this one ! best regards . chris . - - - - - original message - - - - - from : chris strickland to : sent : wednesday , december 06 , 2000 4 : 16 am subject : eprm article > hi vince , > > hope things are fine with you . i ' m sorry that i only ever write to you when > i ' m after something , but could you look at this simulation article - the > next installment in the eprm articles . > > many thanks and best regards . > > chris . > > > > - - - - - original message - - - - - > from : > to : ; ; ; > > sent : friday , september 08 , 2000 4 : 23 am > subject : re : var article > > > > les , > > > > the revised version of the var article looks fine . > > > > vince > > > - eprm _ 04 _ sim _ mr . zip",0 +"Subject: vince and stinson , i got this resume from my friend ming sit who has a ph . d . from stanford . please take a look at his resume to see if we can use him . i classify him as a structurer , but things may change after all these years . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 05 / 17 / 2000 04 : 08 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" sit , ming "" on 05 / 17 / 2000 02 : 41 : 50 pm to : "" zimin lu ( e - mail ) "" cc : subject : - resume . doc",0 +"Subject: re : request for suggestions : vince ' s visit to sydney in july raymond , i shall call you on sunday after my arrival in sydney . look forward to meeting you again . i shall be ready to speak on all the topics you mentioned . vince raymond yeow @ enron _ development 07 / 09 / 2000 09 : 07 pm to : vince j kaminski @ ect cc : paul quilkey / enron _ development @ enron _ development , shirley crenshaw @ ect subject : re : request for suggestions : vince ' s visit to sydney in july dear vince , after getting our heads together here , we would much apprecaite if you could share the research group ' s latest on - - - - var ie "" . . . repeat my workshop presentation on value - at - risk . . . "" as well as cover additional topics viz . - discuss , with application , enrons internal v @ r model , and how this is used internally . - discuss volatility modelling , and whether it is possible to maintain and trade a term structure of volatility in electricity - modelling forward curves with reference to associated markets ( eg oil ) . can we gain some insights through spreads to related market curves ( spark ) . i assume your hotel is booked already . catching the taxi is the best way to get to your hotel . since you are arriving on the weekend , if you need to contact me - my mobile is 0417 - 692295 , home tel / fax is 9232 - 8892 rgds raymond - - - - - - - - - - - - - - - - - - - - - - forwarded by raymond yeow / enron _ development on 07 / 07 / 2000 04 : 45 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 07 / 06 / 2000 09 : 20 am to : paul quilkey / enron _ development @ enron _ development cc : raymond yeow / enron _ development @ enron _ development , vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : your visit to sydney in july paul , raymond , thanks for your message . sorry i did not get in touch with you earlier . the last few weeks were very hectic . i am starting right now my preparations for the presentation i am going to give at the conference . here are the details of my itinerary ( i shall send you a copy tomorrow ) . i arrive sunday morning and leave saturday morning . the conference takes place on monday and tuesday . on wednesday , i am making a presentation at the workshop on value - at - risk . i would like to stay at the conference for the duration : it ' s a great learning opportunity for me . on thursday and friday , as well as in the evenings ( except for the evening of july 18 ) , i am at you disposal . i would like to take advantage of this trip and learn as much as i can about the australian markets and discuss with you the research agenda . i shall be glad to make several presentation . i can repeat my workshop presentation on value - at - risk as well as cover additional topics . vince paul quilkey @ enron _ development 07 / 04 / 2000 05 : 23 am to : vince j kaminski @ ect cc : subject : your visit to sydney in july vince i support raymond ' s email and would welcome the opportunity to have you give a presentation ( formal or informal ) to the trading group on latest research initiatives in houston . please let us know your schedule so that we do not overly burden you during your visit . look forward to seeing you and catching up over a beer . thnx paul - - - - - - - - - - - - - - - - - - - - - - forwarded by paul quilkey / enron _ development on 07 / 05 / 2000 08 : 23 am - - - - - - - - - - - - - - - - - - - - - - - - - - - raymond yeow 07 / 04 / 2000 08 : 21 pm to : vince j kaminski @ ect cc : paul quilkey / enron _ development , kirsty hogarth / enron _ development , elliott katz / enron _ development , david gray / enron _ development subject : your visit to sydney in july dear vince , hi ! , it ' s only two weeks until the aust energy risk ( 17 - 19 july ) seminar in sydney . is risk organising your hotel ? otherwise , kirsty can organise for you , eg harbour view at the regent or convenience to the seminar location at the sheraton ? we would like to make sure that you have all the necessary "" comforts "" of home when you are with us , elliott & david can set up a desk for you in the office / trading room with phone etc so you can use one of our pc to access email or plug in your laptop . please let elliott or david kmow your requirements . how long will you be with us ? is this your first trip to sydney ? there are several of us in the office who would like to take you for a meal ( s ) / show you the sights etc and discuss the latest research findings with you whilst you are in sydney eg var . hear from you soon . raymond 725 pm 4 july",0 +"Subject: a request vince , i am writing to ask for your help with some research i am doing with john lehoczky and a phd student . we trying to apply recent advances in monte carlo for american options to value swing and other options with multiple early exercise decisions that are important in energy markets . i know in general that early exercise shows up in a wide range of energy contracts , both real as welll as financial . would it be possible for you , either via email or on the phone , to give us some examples of typical terms for such instruments ? we would like our examples to look realistic . we also want to make sure we are focusing on the right sorts of optionality . thanks in advance , duane * * * * * * * * duane seppi graduate school of industrial administration carnegie mellon university pittsburgh pa 15213 - 3890 tel . ( 412 ) 268 - 2298 fax ( 412 ) 268 - 8896 email ds 64 + @ andrew . cmu . edu",0 +"Subject: renshi zhang ' s resume fyi . please cancel the interview schedule for renshi zhang . hr just notified me that he has accepted another position . it was scheduled for tomorrow . i have removed it from the calendars that i have access to . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 23 / 2001 10 : 19 am - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 04 / 19 / 2001 04 : 08 pm to : shirley crenshaw / hou / ect @ ect , molly magee / enron @ enronxgate cc : vince j kaminski / hou / ect @ ect subject : renshi zhang ' s resume shirley and molly , vince is interested to set up an interview for renshi zhang . any day except thursday next week is good . interviewers : vince , stinson , vasant , tanya , alex , bob , krishna and myself . contact number for mr . zhang is 713 - 544 - 5989 . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 04 / 19 / 2001 03 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 04 / 05 / 2001 09 : 49 am - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 04 / 05 / 2001 09 : 46 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 03 / 14 / 2001 10 : 06 am to : zimin lu / hou / ect @ ect cc : subject : resume - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 14 / 2001 10 : 07 am - - - - - - - - - - - - - - - - - - - - - - - - - - - marshall brown on 03 / 09 / 2001 07 : 46 : 22 am to : vince kaminski cc : subject : resume vince , how are you . this candidate would be interested in any positions in your group . regards , marshall brown vice president robert walters associates tel : ( 212 ) 704 - 0596 fax : ( 212 ) 704 - 4312 mailto : marshall . brown @ robertwalters . com http : / / www . robertwalters . com > caution : electronic mail sent through the internet is not secure and could be intercepted by a third party . this email and any files transmitted with it are confidential and intended solely for the use of the individual or entity to whom they are addressed . if you have received this email in error please notify the system manager . this footnote also confirms that this email message has been swept by mimesweeper for the presence of computer viruses . - zhan _ ren . doc",0 +"Subject: confidential : valuation of collateralized mortgages dear vince , we have just received the signed confidentiality agreement . according to the terms in the agreement , i am sending you an attachment with the pdf file of the paper discussing the valuation of collateralized debt . we would be glad to discuss further about a possible collaboration at your convenience . please let me know if you have any trouble deciphering the attachment . with best regards , stathis stathis tompaidis assistant professor msis department , cba 5 . 202 mccombs school of business university of texas at austin austin , tx 78752 - 1175 tel . 512 - 4715252 fax . 512 - 4710587 stathis . tompaidis @ bus . utexas . edu - paper . pdf",0 +"Subject: fw : aram g . sogomonian per my voice mail , attached is the resume for aram sogomonian . please schedule a telephone interview with john lavorato and aram sogomonian . if you have any questions please let me know . norma villarreal sr . human resource represenative x 31545 - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 12 / 2000 11 : 02 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" sogomonian , aram "" on 10 / 11 / 2000 12 : 03 : 16 pm to : "" ' vkamins @ enron . com ' "" cc : subject : fw : aram g . sogomonian - aram g 2 . doc",0 +"Subject: approval for reviewer raymond , maureen j has suggested reviewers and submitted them for your approval . you may review / modify this list of reviewers by logging on to pep at http : / / pep . corp . enron . com and going to supervisor services . please remember , no feedback can be completed on raymond , maureen j until you have approved the list .",0 +"Subject: my new info please respond to dear friends and colleagues , i have switched again my employment status between self - employment and employment by joining the txu energy trading on the capacity of their managing director of risk management operations . will commute home on weekends , but otherwise , will be stationed in dallas . the new email address is mjermakl @ txu . edu , and the phone number is ( 214 ) 875 - 9603 . regards , martin jermakyan www . txu . com - winmail . dat",0 +"Subject: anthony dayao happy hour - - - - - - - - - - - - - - - - - - - - - - forwarded by anthony dayao / hou / ect on 07 / 10 / 2000 10 : 00 am - - - - - - - - - - - - - - - - - - - - - - - - - - - cherylene r westbrook 07 / 06 / 2000 04 : 47 pm to : cindy cicchetti / hou / ect @ ect , giselle james / corp / enron @ enron , terry furches / corp / enron @ enron , xochil moreno / hou / ect @ ect , linda shoup / hou / ect @ ect , kim ladish / corp / enron @ enron , cheryl oliver / corp / enron @ enron , angelina v lorio / hou / ect @ ect , diana ovalle / corp / enron @ enron , peggy mccurley / hou / ect @ ect cc : anthony dayao / hou / ect @ ect , beth perlman / hou / ect @ ect subject : anthony dayao happy hour assistants : please forward to your groups asap . thanks , cheri x 3 - 6477",0 +"Subject: fwd : mgmt 656 - - - "" jack blanton , jr . "" wrote : > date : wed , 28 feb 2001 13 : 09 : 16 - 0800 ( pst ) > from : "" jack blanton , jr . "" > subject : mgmt 656 > to : vince . j . kaminski @ enron . com > > dear proffesor kaminski > i wish to audit the energy derivatives class > which > you are teaching on thursday nights . i am currently > a > second year student in the emba program and am > chairman of nicklos drilling company . nicklos > drilling currently operates three land rigs along > the > texas gulf coast and is constucting a fourth . i > have > received permision from the emba program to audit > the > class and the only conditions would be your > permission > and space avalability . > thank you for your consideration , > jack s . blanton , jr . > jblantonjr @ yahoo . com > 713 - 222 - 0191 > > _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ > do you yahoo ! ? > get email at your own domain with yahoo ! mail . > http : / / personal . mail . yahoo . com / > do you yahoo ! ? get email at your own domain with yahoo ! mail . http : / / personal . mail . yahoo . com /",0 +"Subject: re : revision of lst request i approve of the attached request . - - stinson gibner x 34748 from : information risk management 12 / 30 / 99 12 : 02 pm to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : subject : revision of lst request sorry don ' t know if you can see the request below . but , william smith is request access to the o : research drive . need your approval or rejection . thanks information risk management for your approval . tori - - - - - - - - - - - - - - - - - - - - - - forwarded by information risk management / hou / ect on 12 / 30 / 99 12 : 00 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - security resource request system directory line item pending access processing directory name : o : \ research \ ( all folders ) service type : grant expiration date : comments : i need to be able to save / modify files in these folders . to make it easier on you , you can just copy whatever rights kevin moore ( kmoore 2 ) has . those will be all that i will need . security processing processing status : e - mail to requestor : comments / justification : general information request : wsmh - 4 esnva requested by : william smith / corp / enron phone : 713 - 345 - 8322 requested for : william smith / corp / enron employee type : company : 0011 rc # : 100038 priority : normal comments / justification : editing history ( only the last five ( 5 ) are shown ) edit # past authors edit dates 1 information risk management 12 / 22 / 99 12 : 35 : 11 pm",0 +"Subject: re : documents from iris mack iris , i have received your e - mail and phone message . i shall distribute your papers to the other interviewers . also , i shall contact you by thursday regarding a job offer . vince "" iris mack "" on 12 / 11 / 2000 08 : 09 : 10 pm to : irismmack @ hotmail . com , zlu @ enron . com , vshanbh @ enron . com cc : vince . j . kaminski @ enron . com subject : re : documents from iris mack hi again , i don ' t recall if i mentioned that my harvard doctoral dissertation involved another energy problem - the transient stability of electrical power systems . much of the data , model and analysis was done with lots of collaborative efforts with my advisors at harvard and mit and with the electrical power research institute ( epri ) in palo alto . kind regards , iris mack > from : "" iris mack "" > to : zlu @ enron . com , vshanbh @ enron . com > cc : vince . j . kaminski @ enron . com > subject : documents from iris mack > date : sun , 10 dec 2000 16 : 57 : 21 > _ _ _ _ _ _ _ get more from the web . free msn explorer download : http : / / explorer . msn . com received : from 64 . 20 . 165 . 171 by lwl 1 fd . lawl 1 . hotmail . msn . com with http ; sun , 10 dec 2000 16 : 57 : 21 gmt x - originating - ip : [ 64 . 20 . 165 . 171 ] from : "" iris mack "" to : zlu @ enron . com , vshanbh @ enron . com cc : vince . j . kaminski @ enron . com subject : documents from iris mack date : sun , 10 dec 2000 16 : 57 : 21 mime - version : 1 . 0 content - type : text / html x - stn - info : dear zimin and vasant , ? ? ? ? ? how are you ? ? thank you for taking time out of your busy schedules to tell me about the work you are doing at enron . ? ? ? ? ? this email is in reference to your requests for two documents i forwarded to dr . kaminski : ? ? ? ? ? ? ? ? ? 1 . ? my london business school executive mba thesis on weather derivatives ? ? ? ? ? ? ? ? ? 2 . ? a document describing some work i did on real options applied to the commodities industry . ? ? ? ? ? you should be able to get a copy of these documents from dr . kaminski . ? if not , please let me know . ? kind regards , iris mack",0 +"Subject: resume from ningxiong xu vince : this is a candidate from stanford i mentioned to you about last friday . he is a student of my thesis advisor there . he seems to have solid math and statistics background ( including stochastic calculus ) and his thesis is on supply - chains . you mentioned about two possible positions : one in net works and another in freight trading . thanks , krishna . - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 04 / 09 / 2001 09 : 55 am - - - - - - - - - - - - - - - - - - - - - - - - - - - ningxiong xu on 04 / 09 / 2001 03 : 18 : 33 am to : cc : arthur veinott subject : resume from ningxiong xu 41 b . escondido village stanford , ca 94305 april 9 , 2001 dr . pinnamaneni v . krishnarao vice president , enron corporation dear dr . krishnarao , professor veinott told me a little about the research going on at enron from his conversation with you late last week . the work sounded very interesting to me . professor veinott also told me that the research group at enron may have some positions for which i might be qualified . i am writing to let you know that i would have great interest in exploring this potential opportunity with you . to that end i attach my resume together with an abstract of my ph . d . thesis under professor veinott as a word document . i might also add that i expect to finish my ph . d . in management science and engineering here by july 1 , 2001 . incidentally , my work has led me to study your own thesis in some detail and i have been very impressed with it . it may be of some interest to you that our work is related and seems to require a different generalization of karush ' s additivity - preservation theorem than the lovely ones you develop . i look forward to hearing from you . sincerely , ningxiong xu - 10408 resume 3 . doc",0 +"Subject: new computer hello again , lyn i will like to add to the previous request another computer and flat screen . the location for the equipment will be eb 3130 c . the r . c . and company is below . any additional please call x 34710 . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 02 / 03 / 2000 06 : 54 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 02 / 01 / 2000 11 : 47 am to : lyn malina / hou / ect @ ect cc : subject : new computer hello lyn i am in need of another computer . i will also need a flat screen monitor . ( large ) the location is eb 3130 a . the co . # is 0011 . the r . c . # is 100038 . the computer is needed a . s . a . p . lyn , please give me a estimated time of arrival . thank you kevin moore x 34710",0 +"Subject: re : prospective 6 / 22 houston visit professor ronn : thank you for your email and i wish to respond as follows : i have left a message with our travel agency asking if they can get you a hotel reservation closer into town . i will let you know . i have ordered an overhead projector and the room already has a screen installed . however , there is really not room for a lectern . the overhead will sit on the end of the large conference table and most have room to use part of the table for their presentation copies . i will be glad to make copies for you , however , it would be a big help if you could email me a copy of your presentation on wednesday . thursday mornings around here get pretty hectic sometimes and we may not have time to make the copies . i hope this meets with your approval . please let me know if you need anything else . we look forward to your visit . regards , shirley crenshaw 713 / 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: request for payroll reclassification the following payroll reclassification request has been submitted for your approval . click on this link to view document - - >",0 +"Subject: re : accounting adjustment vince , many thanks ! i will let our accounting department know . kim .",0 +"Subject: re : real options conference in cambridge steve thanks for agreeing to talk . i attach the program to see the other speakers and style ( it is addressed to a professional autience ) please give me a suitable title for the talk ( replacing kaminski  % s slot on july 6 / energy session ) and the details of your position thanks lenos at 05 : 01 _ _ 04 / 20 / 00 + 0100 , steven leppard wrote : > > > dear prof trigeorgis > > vince kaminski has suggested that i would be a suitable speaker at your july > conference in cambridge , and i ' d be happy to come along if required . please > could you send me appropriate details , and the audience type expected . > > many thanks . > > yours sincerely , > steve leppard > > > > - 4 thconfsessions . doc lenos trigeorgis professor of finance university of cyprus dept of business 75 kallipoleos , po box 20537 cy 1678 nicosia cyprus tel : + 357 2 892261 fax : 339063",0 +"Subject: fyi : howard haughton thanks vince . my guys in london are working on howard right now . keep you informed and updated . thank you , jeff 949 813 2241 hi jeff , re . howard haughton further to your recent communications with vince kaminski with regards to the above candidate we would like to see him for an interview at our london offices . could you please advise me of a convenient time for howard or details on how to contact him to arrange this . he will be seeing four people for approximately 45 minutes each . we would like to do this preferably on wednesday or thursday of this week as some of vince ' s team will be in london on those days . please contact me if you have any queries on 0044 20 7783 5677 or via e - mail . look forward to hearing from you with regards rachel quirke human resources * get free , secure online email at http : / / www . ziplip . com / *",0 +"Subject: re : power conference sevil , no problem . vince sevil yaman @ enron 10 / 18 / 2000 10 : 42 am to : vince j kaminski / hou / ect @ ect cc : subject : power conference vince , please check the university of california energy institute web site ( http : / / www . ucei . berkeley . edu / ucei / ) . you may already be aware of it but if you are not , there are lots of paper that i am using as a reference and that you might be interested in reading them . also , every year they are holding a one day power conference in uc berkeley . i ' d like to attend the one in march of 2001 . is that fine ? sevil ,",0 +"Subject: enron metals hi tanya thanks for your time last week - i ' ve been travelling a bit but i ' m now back in london at mg to commence obtaining information for you . i ' m not really sure where to start on this , so initially i propose to get : a complete data set ( i . e . all live trades from all entities ) which includes prices and volatilities a separate file of options any written valuation methodologies used by the core systems there is a project to obtain a data feed from an mg system called mercur . this is their risk management system but we are proposing to use it along the lines of a data warehouse , not a risk system . i ' d be happy to talk you through any other current issues . let me know if there ' s anything else you need at present . regards",0 +"Subject: re : daily lunches kevin , please , talk to jeff shankman ' s secretary about including all the research group members on the 31 st floor in the company provided lunches ( when they are available ) . if an additional lunch is needed from time to time , it ' s fine , but it should be seen as a something done under exceptional circumstances . vince kevin g moore 12 / 20 / 99 12 : 10 pm to : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : daily lunches hi vince , it has been brought to my attention that several members of the weather team may require a lunch from time to time . the person right now is trisha tlapek she has to be at her desk . please , could i provide daily lunches for her . thanks kevin moore",0 +"Subject: everybody , as vince suggested , i made a topical allocation of our new website for quality control . can you please check out in detail , and put through the paces , the following list ? weather mike links maureen technical analysis steve bigalow options library zimin ( this is a big one ! ! ) european weather jose agricaltural weather jose ( be sure and run spell check ! ! ! ) weather derivatives stephen presentations tanya nuclear outage updates sam fx and sovergn risk maureen industry analysis vasant publications osman research intelligence stinson hot button # 8 vince thanks , just email me with any problems or ideas for adds / changes - - - mike",0 +"Subject: re : dram trading authority vince thanks - i think this one is fairly hot at the moment - so as soon as you can get comfortable would be good ! it might be worth spending some time together on it - let me know what you would prefer rgds dp vince j kaminski @ ect 11 / 08 / 2000 05 : 08 pm to : david port / market risk / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : dram trading authority david , when do you need my signature . i missed the presentation last tuesday ( i was sick ) and would like a day or two to review the product . vince from : david port @ enron 11 / 08 / 2000 02 : 43 pm to : vince j kaminski / hou / ect @ ect , robbi rossi / enron communications @ enron communications , tanya rohauer / hou / ect @ ect , james ginty / enron communications @ enron communications , kristin albrecht / enron communications @ enron communications cc : ted murphy / hou / ect @ ect , barry pearce / enron communications @ enron communications , michael moulton / enron communications @ enron communications subject : dram trading authority here is the latest trading request : specifically it requires the following to get it over the line : vince , your concurrence with a simplistic var calculation the start - up period everybody else , your signatures , or agreement to sign via email in addition , here is the commercial presentation which wil be attached to the request on its way to eb 5007 many thanks dp",0 +"Subject: re : fmrc mark , thanks for the info . i shall check it out . vince mark courtney 05 / 17 / 2000 03 : 48 pm to : vince j kaminski / hou / ect @ ect cc : joe gordon / corp / enron @ enron subject : fmrc vince , i ran across this during my recruiting at vanderbilt . it is headed by hans stoll , one of the leading derivative academicians in the country . i looked at their website briefly and thought you might be interested . i have also forwarded some email correspondence between dr . stoll and joe gordon , one of our associates and a former student of his at owen school . we have been very successful lately in recruiting at vanderbilt , both at the undergrad and mba levels , and have gotten some high quality people . please let me know if you have any interest in this and i would be glad to follow up with dr . stoll or help out in any way i can . thank you , mark courtney - - - - - - - - - - - - - - - - - - - - - - forwarded by mark courtney / hou / ect on 05 / 17 / 2000 03 : 42 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : joe gordon @ enron 05 / 11 / 2000 11 : 33 am to : mark courtney / hou / ect @ ect cc : subject : re : fmrc mark - - i dropped the ball as far as getting someone to the april meeting , but i would to try to get this going . thanks , joe - - - - - - - - - - - - - - - - - - - - - - forwarded by joe gordon / corp / enron on 05 / 11 / 2000 08 : 42 am - - - - - - - - - - - - - - - - - - - - - - - - - - - hans stoll on 03 / 20 / 2000 12 : 22 : 36 pm to : "" ' joe . gordon @ enron . com ' "" cc : subject : re : fmrc joe , thanks for your note . the purpose of the fmrc is to stimulate research on financial markets and to provide a link between academic research , real world issues and regulation . members of the center sit on the advisory board and help direct the research of the center . they send an unlimited number of participants to center conferences . our center is unique in its mix of academics , practitioners and regulators . for members , such as enron , it provides a window on the academic world , and would give enron an opportunity to stimulate research in the use of markets in heretofore unusual commodities . more information on the center can be found at http : / / mba . vanderbilt . edu / fmrc / center members include , nyse , nasdaq , cme , some high tech trading firms , merrill lynch . . . . joining the center usually requires a top management decision , but i would approach it through the research and the trading areas . one way to start is to see if anyone in a position to recommend joining the center would like to attend this year ' s conference on april 13 - 14 . the program is on the web site . ( membership is $ 10 , 000 per year ) appreciate your interest and help . let me know if we should provide more detail to someone . regards , hans - - - - - original message - - - - - from : joe . gordon @ enron . com [ mailto : joe . gordon @ enron . com ] sent : monday , march 20 , 2000 10 : 45 am to : hans . stoll @ owen . vanderbilt . edu subject : fmrc dr . stoll : sorry for the delay , but we haven ' t forgotten about your interest in having enron participate in the fmrc . our holdup is determining who is the appropriate contact person at enron ( that , and neglect ) . we ' re not sure if we should approach someone from trading , research , senior management , etc . also , any additional information on the role the participating firms play would be helpful . thanks , joe gordon",0 +"Subject: wti trading simulation presentation john , i prepared the presentation in the way we discussed on wednesday . in summary i have included the following scenarios : tenor : 1 , 3 , 5 years back from nov , 2000 1 , 3 , 5 years back from nov , 1998 1 , 3 , 5 years back from nov . 1995 number of trade per day : 200 , 600 , 1000 bid - offer spread : $ 0 . 04 and $ 0 . 06 net open position allowed : 1 , 000 , 000 and 5 , 000 , 000 volume per trade is fixed at 1 , 000 bbl . all together , there are 9 * 12 = 108 scenarios included in the presentation . i will be on vocation starting next week . but i will check my e - mail and phone messages to make modifications you need . happy holidays , zimin",0 +"Subject: approval is overdue : access request for peter . makkai @ enron . com this request has been pending approval for 5 days and you are the alternate . please click approval to review and act upon this request . request id : 000000000003997 approver : stinson . gibner @ enron . com request create date : 10 / 3 / 00 1 : 14 : 27 pm requested for : peter . makkai @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read ] resource type : directory",0 +"Subject: re : "" analytical "" var implementation in risktrac debbie , i am forwarding to you a 2 page document describing implementation of "" analytical "" var in risktrac . here is why this effort is very important : 1 . we need to calculate var for other percentile but 5 ( 1 % or even 0 . 2 % as mentioned by rick buy ) and our simulation model can not handle required number of simulations ; 2 . we need to present additional risk measures ( such as mean tail loss ) to the board . the analytical approach is implemented in a spreadsheet and fully tested already so there will be no problems with the algorithm itself . we need to get together and discuss it implementation . what do you think ? tanya",0 +"Subject: presentation on metals - - - - - - - - - - - - - - - - - - - - - - forwarded by leann walton / na / enron on 10 / 26 / 2000 10 : 52 am - - - - - - - - - - - - - - - - - - - - - - - - - - - alison sealy on 10 / 09 / 2000 10 : 37 : 40 am to : mraymon @ enron . com cc : subject : presentation on metals hi maureen , it was good to meet you last week and hear your presentation on the metals - full of advice on what to think about and all the various things that affect the market place . i am only sorry i had to dash off to the airport - good job i left when i did though as check - in took ages ! anyway , please could you send me through a copy of that presentation either on email or if it is located on the network somewhere then i could access it over the intranet ? i will be joining the lme conference tomorrow so am currently trying to do a bit of reading in preparation . thanks very much in advance & look forward to seeing the presentation over here in london . kind regards alison",0 +"Subject: re : here ' s a 4 th try ! ! ! rick , i shall ask my assistant to schedule a meeting early next week . vince richard b jones @ ees 02 / 01 / 2001 10 : 23 am to : vince j kaminski / hou / ect @ ect cc : subject : here ' s a 4 th try ! ! ! - - - - - - - - - - - - - - - - - - - - - - forwarded by richard b jones / hou / ees on 02 / 01 / 2001 10 : 22 am - - - - - - - - - - - - - - - - - - - - - - - - - - - richard b jones 01 / 31 / 2001 04 : 39 pm to : vince j kaminski / hou / ect @ ect cc : subject : here ' s a third try ! ! ! vince , while i was at hsb , i designed an insurance or reinsurance financial model that hsb uses for new product development , pricing different reinsurance strategies , computing stochastic earnings forecast , and estimating probabilistic maintenance & repair costs . the code , written in visual basic & ms access belongs to hsb , and i want to replicate it here for our use at enron . i would like to arrange a time to specifically talk to you and perhaps vasant who was briefed on the model , about how we can use your group for the analytical and programming support to get this model re - constructed . i have screen outputs from the code and vasant thought the re - design and construction here at enron is a problem that your group can do . could you let me know when we can setup an hour to discuss ? thanks , rick jones",0 +"Subject: re : rice / enron speakers for fall 2001 and spring 2002 david kendrick from the university of texas may be good . martin vince j kaminski 04 / 24 / 2001 05 : 11 pm to : stinson gibner / hou / ect @ ect , vasant shanbhogue / enron @ enronxgate , rakesh bharati / na / enron @ enron , pinnamaneni krishnarao / hou / ect @ ect , zimin lu / hou / ect @ ect , iris mack / enron @ enronxgate , martin lin / hou / ect @ ect , lance cunningham / na / enron @ enron , vince j kaminski / hou / ect @ ect cc : wangfa @ rice . edu subject : rice / enron speakers for fall 2001 and spring 2002 any recommendations . please , let me know asap . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 24 / 2001 05 : 09 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - albert wang on 04 / 23 / 2001 12 : 37 : 55 pm to : vince . j . kaminski @ enron . com cc : subject : rice / enron speakers for fall 2001 and spring 2002 hi , vince : we are considering a preliminary list of speakers for rice / enron seminar series in finance for fall 2001 and spring 2002 . ? do you have any persons in mind that you and your group want to include in the list ? ? finance faculty will meet to finalize the list later . thanks , albert p . s . : is ronnie chahal still around ? ? she is currently in my enron distribution list with email address : rchahal @ ess . enron . com . ? i have received an error message indicating a failure of delivering email to her address . fu - kuo albert wang assistant professor jones graduate school of management - - ms 531 ? rice university ? 6100 main street ? houston , tx 77005 ? phone : 713 - 348 - 5404 ? fax : ? ? ? ? 713 - 348 - 5251 email : wangfa @ rice . edu http : / / www . ruf . rice . edu / ~ wangfa /",0 +"Subject: access to o ; . . . vince , this e - mail is to request access to the o : / research / power meteorlogy / weather temps / txtemps . xls file . . . i was told by tech - support to e - mail you with this request and everything would get squared away . daniel , could you please advise on what to do next . thank you . . . juan - - - - - - - - - - - - - - - - - - - - - - forwarded by juan padron / na / enron on 09 / 19 / 2000 02 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - daniel muschar 09 / 19 / 2000 09 : 14 am to : juan padron / na / enron @ enron cc : subject : access to o ; . . . i called security again and here is what is happening : this request is waiting on the approver . stinson gibner : here is the info on the user we are waiting on . stinson ? ? gibner contact info company info phone : ( 713 ) 853 - 4748 employee type : enron employee email : sgibner @ enron . com job title : vp research location : eb 1963 supervisor : kaminski , wincenty j fax : ( 713 ) 646 - 2503 contract company : ect resources corp cellular : company number : 0413 pager : cost center : 0000107043 click here for others in cost center cost center name : na - research group ena city : houston bner or vince kaminski are the approvers for this directory",0 +"Subject: b 2 b at enron tom , i am sending you the information about our new b 2 b unit . i have talked yesterday with greg whalley who is heading the new unit about the e - commerce project at wharton and recommended that enron join this program . i have sent him this morning a copy of the materials you gave me . the meeting with jeff skilling has been pushed till the 2 nd half of july . i talked to him briefly twice that jeff shankman and i want to discuss with him building a relationship with wharton . jeff shankman is , by the way , a great friend of your institution . vince * * * * * * * * * * * * * * * * * * * * * * * companies & finance : the americas : enron sees bricks and bytes mix reshaping energy market : purchase of mg only a start in building b 2 b platforms , writes hillary durgin : companies financial times ; 16 - jun - 2000 12 : 00 : 00 am ; 604 words by hillary durgin if jeffrey skilling is right , enron ' s acquisition of mg is only the tip of the iceberg . enron ' s president and chief operating officer is engineering a fundamental strategy shift at the houston energy company , aimed at making it a dominant "" new economy "" player across various industrial markets . the dollars 446 m acquisition last month of mg , the uk - based metals trader , is only the first of more than dollars lbn in estimated new investments the company is targeting . it is seeking vehicles on which to build business - to - business ( b 2 b ) platforms in sectors such as logistics , chemicals , agricultural products and pulp & paper . mr skilling wants to take the business model the company developed in natural gas and power and apply it to other wholesale commodity markets . he argues the electronic platforms it creates will not only become the principal b 2 b sites for those sectors , but reshape those industries . as an example , he points to enron ' s new e - commerce platform , enrononline , which has changed the way the company does business with its customers while significantly increasing sales . the company - the largest wholesale merchant of natural gas and power - saw wholesale , physical deliveries of natural gas surge 53 per cent in the first quarter . critics argue that enron ' s move away from its familiar energy business into new industries , where the learning curve is steep and the competition entrenched , is risky . yet a number of industry analysts point out enron has proved it understands markets and how to manage risks while becoming the largest importer of coal in the uk , the largest trader of gas and power in the us and grabbing an advantage in bandwidth . "" it ' s a prudent strategy , but it ' s got to be done in an orderly way , "" says ronald barone , analyst with paine - webber in new york . "" what they ' re doing here is what they ' ve been incredibly successful at doing , "" he adds , noting that enron posted dollars 1 . 3 bn in earnings before interest and taxes ( ebit ) from its wholesale energy and services business in 1999 , up 34 per cent from the previous year . earnings from that division accounted for two - thirds of the company ' s overall income before interest and taxes last year , and mr barone sees the unit ' s ebit increasing 15 - 30 per cent annually over several years . as with gas and power and now broadband , where enron is standardising contracts and creating a market in bandwidth , it wants to create markets by entering as a physical player and providing merchant , risk management and financial services over the internet . "" we will provide electronic commerce , but we will provide liquidity and we will provide settlement , or fulfilment of that contract , "" mr skilling says . "" that is an extremely powerful model . if you look at other b 2 b sites , they don ' t do that . "" mr skilling argues enron ' s e - commerce platform will triumph over the other , bulletin board - type exchanges , where striking a deal depends on two parties hooking up and working through uncertainties over timing , price , credit and fulfilment . not everyone shares that view . some energy companies , for example , would rather not do business with a competitor . bp amoco recently purchased a 3 per cent stake in altra energy technologies , a houston - based , neutral wholesale energy exchange . with koch industries and american electric power , it also committed to carry out a fixed volume of transactions on the site to lend it liquidity . just as in gas and power and now broadband and metals , enron believes it needs networks of strategic physical assets . in acquiring mg , enron got a stable of warehouses , lending it a strong physical position . "" it should provide ( mg ) with a more vibrant , more active physical spot market in more markets in the world , "" says greg whalley , chief executive officer of enron net works , the new division enron is launching to identify and enter commodity markets . he argues that in metals and other markets , enron will deliver better pricing , price risk management services , cross - commodity transactions and flexible transactions for a wider range of customers . mr skilling says there are significant rewards for restructuring an industry . "" if you can take that platform , and you use the capabilities the bricks bring to the table , e - commerce the industry and change the structure , you ' re selling for more than a 50 multiple . "" copyright , the financial times limited",0 +"Subject: re : mba career opportunity vince , thanks for your consideration . please let me know details for the phone interview at your earliest convenience . happy thanksgiving . qing - - - - - original message - - - - - from : to : sent : tuesday , november 21 , 2000 8 : 45 am subject : re : mba career opportunity > > christine , > > we shall arrange a phone interview with you . > > vince > > >",0 +"Subject: re : seneca lake storage deirdre , i run two senarios using two different curves . i got $ 1 . 39 / mmbtu per year for if - cng / north , and $ 1 . 41 / mmbtu per year for if - cng / n _ cityga . therefore if we look at 20 years time horizon , the storage can generate $ 1 . 40 * 1 . 4 * 20 = 39 . 2 mm dollars . let us discuss if you have any questions . zimin enron north america corp . from : deirdre mccaffrey 06 / 12 / 2000 10 : 45 am to : zimin lu / hou / ect @ ect cc : subject : seneca lake storage zimin - the gas assets group is looking at investing in a storage facility in western ny . here are the specs : total capacity : 1 , 400 , 000 mmbtus mdqw : 140 , 000 mmbtus mdiq : 70 , 000 mmbtus injection fuel : 1 . 5 % injection fee : $ . 003 w / d fuel : 0 % w / d fee : $ . 003 injection curve : cng north city gate w / d curve : cng north pool point please call with any questions - x 39685 . thanks - deirdre",0 +"Subject: re : get together this coming tuesday ? dale , please , call me on tuesday . my morning schedule is full but i am open in the afternoon . vince "" dale m . nesbitt "" on 04 / 30 / 2001 01 : 51 : 21 am please respond to to : "" vincent kaminski "" , "" kimberly s . watson "" cc : subject : get together this coming tuesday ? vince / kim : i am flying to houston tonight and wondered if it would fit one or both of your schedules to get together this coming tuesday sometime for 1 / 2 hour or so . i really want to reinitiate the conversations marketpoint was having with john goodpasture and you , and he said either or both of you were the right people to continue after his responsibility shift . john was quite positive about the idea of enron acquiring marketpoint narg through license , and he implied that one or both of you would be carrying the ball in that direction after he handed it to you . would this coming tuesday morning at 930 am be a good time for you guys ? if so , please give me an email shout at the above address or leave a message on my voicemail at ( 650 ) 218 - 3069 . i think you will be truly impressed with the scope and progress we have been able to make with both the short run narg and the long run narg in which you were interested ( not to mention our power model ) . the progress is noticeable since you saw it . both long and short term narg are having quite an impact on a number of gas decisions at the moment ranging from venezuelan lng , north american lng import terminals and term , gas basis calculations , trading support , power plant development , gas - to - power price spreads in key markets , veracity of heat rate trades , bank financings , storage field evaluation , and which new pipelines we can expect to see enter and which are dogs . i really hope we can fit it in and get our discussions moving in a mutually productive direction again . i think narg can help you become even more successful , and i look forward to working with you . we have a new office address and new phone number as well . ( we move in may 1 . ) altos management partners 95 main street , suite 10 los altos , ca 94022 ( 650 ) 948 - 8830 voice ( 650 ) 948 - 8850 fax ( 650 ) 218 - 3069 cellular give the phones a week or so to get "" debugged "" and then switch over . dale",0 +"Subject: @ jones : news and information from the jones school @ jones : news and information from the jones school february 15 , 2001 forbes magazine survey request financial times rankings : jones school is in top ten in four categories ; 35 th of 51 u . s . schools and 54 th of world ' s best 100 mba programs . digital technology panel : february 20 2001 alumni weekend : march 2 - 3 lecture - - gordon bethune , ceo , continental airlines : march 5 lecture - - bruce dunlevie , founder , benchmark capital : march 12 neuhaus lecture - - c . k . prahalad , professor , university of michigan : march 19 dean ' s lecture - - rodney eads , executive vice president , el paso corp . : april 11 black leadership conference : april 27 rice alliance continues expansion of network , enhances services seven rules for success in the new economy tips on financial risk management by marc shapiro , vice chairman , j . p . morgan employed at three months ; finance ; entrepreneurship . overall , the jones was ranked 35 th of 51 u . s . schools and 54 th among the world ' s best 100 graduate business schools . the yale club of houston and the jones school hosts a panel discussion on digital technology at 6 p . m . on tuesday , february 20 at 124 herring hall . rsvp by february 16 . cost is $ 20 for jones school alumni and $ 25 for non - members / guests . the 2001 alumni weekend reunion will be held march 2 - 3 , 2001 . register by feb . 16 . http : / / jonesgsm . rice . edu / alumni / alumni _ weekend 2001 . html . gordon bethune , ceo of continental airlines , will speak at the jones school at 9 : 45 a . m . on monday , march 5 at 124 herring hall . alumni and students are invited to attend the lecture . bruce dunlevie , founder and general partner of benchmark capital , will speak at noon on monday , march 12 at the farnsworth pavilion , rmc / ley student center . jones school students and alumni are invited to attend . c . k . prahalad , harvey c . fruehauf professor of business administration at the university of michigan business school in ann arbor , will deliver the 2001 w . oscar neuhaus lecture at 9 : 45 a . m . on monday , march 19 , 124 herring hall . rodney w . eads , group executive vice president of merchant energy and production for el paso corp . , will speak at the dean ' s lecture series scheduled for 9 : 45 a . m . on wednesday , april 4 at 124 herring hall . this year ' s black leadership conference , scheduled for april 27 , brings together mbas , lawyers , accountants , engineers , healthcare professionals , educators , and entrepreneurs from houston to discuss key issues facing black professionals . last year ' s keynote speakers include ambassador cynthia shepherd perry , honorary consul general to senegal and ambassador berhane g . christos , ambassador of ethiopia . the rice alliance for technology and entrepreneurship enters its second year determined to enhance services that have promoted the entrepreneurial spirit in the rice community and in houston . the alliance brings together students , faculty , alumni and other rice - associated parties as collaborators , mentors and investors in engineering , science , software , or e - commerce innovations . murray weidenbaum , founder and chairman of the murray weidenbaum center on the economy , government , and public policy , joins the jones school as the ken lay , vinson & elkins visiting scholar through may 31 . a noted expert on american and global economics and top adviser on economic issues during the nixon and reagan administrations , weidenbaum is working on a study of u . s . and international trade policy , developing a high middle ground in a controversial area . marc j . shapiro , vice chairman , j . p . morgan & chase , talked about six tenets of success in financial risk management at the jan . 22 dean ' s lecture . a distinguished panel of e - commerce and energy industry leaders addressed current trends and the future of e - commerce at the jan . 10 forum "" 2001 : an internet odyssey "" jointly hosted by the rice alliance for technology and entrepreneurship , the jones school , rice university executive education , and texasecomm . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - online : - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - visit the construction web cam url for up - to - the - minute live feeds of the new jones school building construction . learn about new and upcoming initiatives and programs at the school , and view artist renderings of the new $ 60 million building , currently under construction . http : / / jonesgsm . rice . edu / campaign / campaign . html @ jones : news and information from the jones school , the jones school e - newsletter , is published monthly by the public relations department of the jesse h . jones graduate school of management . the jones school website http : / / jonesgsm . rice . edu is updated frequently and we encourage you to visit the site regularly to get the latest news and information about new initiatives and programs at the jones school . to submit items to be posted on the jones school website , please e - mail jgsmnews @ rice . edu .",0 +"Subject: visit to carnegie mellon dear dr . kaminski : pierre ste - marie tells me he has invited you to visit carnegie mellon . i would just like to emphasize how much we hope you can arrange a visit . we have had the good fortune of attracting outstanding students into our master ' s program in computational finance , and i think you will enjoy meeting them . last year alexander eydeland visited , and at the conclusion of the year hired one of the students . i look forward to meeting you . sincerely yours , steve shreve steven e . shreve department of mathematical sciences carnegie mellon university pittsburgh , pa 15213 - 3890 e - mail : shreve @ cmu . edu direct telephone : 412 - 268 - 8484 department telephone : 412 - 268 - 2545 fax : 412 - 268 - 6380",0 +"Subject: re : i have you scheduled . dolores vince j kaminski 08 / 30 / 2000 08 : 13 am to : dolores muzzy / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : dolores please , register me for a session on 9 / 29 / 2000 at 12 : 45 . vince kaminski celeste roberts 08 / 29 / 2000 06 : 21 pm to : celeste roberts / hou / ect @ ect cc : ( bcc : vince j kaminski / hou / ect ) subject : urgent the associate and analyst recruiting department will be conducting a number of two hour workshops to review our recruiting and interview process for the fall on - campus recruiting effort . critical information regarding our on - campus interview process , revised evaluation forms and program structure will be reviewed during these two hours sessions . it is mandatory that all team members attend these workshops . all team members must attend in order to articulate and demonstrate the enron recruiting process . knowing how busy schedules are , we have made arrangements to present these workshops in two hours sessions for a total of 40 workshops that will run during the last week of august , through the month of september and end at mid october . listed below are the dates , location and times for each session . please select a date and time and e - mail this information to my assistant , dolores muzzy . we can accommodate 25 participants at a time . dolores will take dates and times on a first come , first serve basis . we have scheduled enough sessions to accommodate every member of both the associate and analyst recruiting teams . in order to participate in the recruiting process , you must attend one of these sessions . we will be tracking participation . cpe credits will also be given for attending this workshop .",0 +"Subject: thanks again vince : i ' m looking forward to getting your outline on the economic paradigm . i hope that , among all the paper i ' ve bombarded you with over the last few weeks , i have included a reprint of a fall 1998 jacf article entitled "" how to use eva in the oil and gas industry . "" if this is not among the things i have left you with , i ' d be happy to send you a copy . the discussion of hydrocarbon reserve values is very much along the lines we have been discussing . best regards ,",0 +"Subject: vol skew no - arbitrage constraints the attached note lists conditions that can be used to verify that a given vol skew curve does not generate arbitrage opportunities in a strip of option prices . if you have questions or want to discuss implementation , please give me a call . bob lee x 35163",0 +"Subject: harvard business school - - enron case study - - ' final ' draft friends , attached is the "" final "" draft of the harvard business school case study prepared by harvard professor chris bartlett and his research assistant meg wozny . [ please scroll down to the end of the next message for the attachment ] . the content was developed from interviews with most of you . please review the case and let me know of any desired edits / corrections / comments as soon as possible . [ one obvious correction is the spelling of cindy olson ' s last name ] . we ' d like to "" sign off "" on this within the next 2 or 3 days . harvard professors are excited about teaching this case this coming semester . in fact , professor don sull will be focusing largely on this enron case this semester , culminating in "" enron day "" at harvard business school april 26 th , featuring jeff skilling . also , chris and meg will be in houston this thursday , jan . 11 th , ' capping off ' their work with video interviews with ken , jeff and louise , which will help "" bring the case to life "" for the students studying it . please forward any edits / corrections / comments to me via e - mail or via hard copy ( please deliver to eb 4710 , or call me [ 3 - 6117 ] and we ' ll have it picked up ) . thanks to everyone for all your contributions to this exciting work ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 01 / 08 / 2001 09 : 57 am - - - - - - - - - - - - - - - - - - - - - - - - - - - meg wozny on 01 / 08 / 2001 09 : 31 : 00 am to : christie . patrick @ enron . com cc : subject : re : enron case study christie : congratulations ! i don ' t know how you manage to work full - time at enron and study for a phd at the same time . sounds superhuman to me ! the fedex was marked for saturday delivery , but in case you haven ' t received it yet , i ' m enclosing the draft as an attachment . it would be great if we could get enron ' s approval during our visit . ( i know professors at hbs are interested in teaching that case as soon as it ' s available . ) thanks for all your help , and let me know if you have any questions , comments , etc . best , meg at 09 : 12 am 1 / 8 / 01 - 0600 , you wrote : > meg . . . just got back in the office - - - anxiously looking for the package ! ! > > i finished my phd ( psychology @ usc ) class work last week - - i made my last case presentations this past friday ! ! now i only have my dissertation to go ! . . . hooray ! > looking forward to seeing you and chris thursday ! > > - - christie . - latest draftl . doc * * * * * * * * * * * * * * meg wozny research associate harvard business school gallatin lounge c soldiers field boston , ma 02163 voicemail : ( 617 ) 496 - 0802 facsimile : ( 617 ) 496 - 6943 email : mwozny @ hbs . edu",0 +"Subject: research get - together at sandeep kohli ' s new home hello everyone : here is your invitation and a map to sandeep ' s home . see you saturday !",0 +"Subject: action learning project congratulations ! your company project was selected by the students for the 2001 action learning project program at rice university . the company day was a huge success last week , and we appreciate all your time and effort . on monday , january 22 , we will send you a list of your team members via email with a hard copy to follow . student team members will be in touch soon so that you can plan your first meeting . thanks for your continued support and interest in the jones school . = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = carrie chamberlin miller director of mba program jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 5260 fax : ( 713 ) 348 - 5251 e - mail : cmiller @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: message from john martin - - - - - forwarded by cindy derecskey / corp / enron on 10 / 26 / 2000 06 : 32 am - - - - - "" john martin "" 10 / 25 / 2000 06 : 58 pm to : cc : subject : re : enron case study cindy , great to hear from you and i look forward to getting our interviews done . i am answering this from a hotel in seattle so i don ' t have questions for you at this time but can get them together for you . i will contact vince next week and get a set of questions together for each of the three individuals you mentioned . i will have to talk to vince about others who would be of interest to interview . i really appreciate your help in getting this together and i ' ll work hard to get everything together for you next week . i don ' t have vince ' s e - mail address with me here so i would appreciate your forwarding this message on to him for me . thanks again , john - - - - - original message - - - - - from : cindy . derecskey @ enron . com [ mailto : cindy . derecskey @ enron . com ] sent : wednesday , october 25 , 2000 11 : 23 am to : j _ martin @ baylor . edu cc : christie . patrick @ enron . com ; vince . j . kaminski @ enron . com subject : enron case study importance : high good morning mr . martin , i would like to introduce myself . i currently work with christie patrick and michael b rosen in the enron university affairs department . in recent discussions with christie , she has suggested that i liaise with you and our management in preparation for your and vince kaminski ' s case study . christie has forwarded recent emails sent by you suggesting a few convenient times that work with your schedule . i will work with our management and do my best to schedule one hour time slots for interviews that fit with your outline . initially , i will schedule interviews with : ken lay - chairman and ceo , jeff skilling - president and coo , and andy fastow - cfo . if you feel that you may need to speak with additional management , we will definitely try to work something out the same day , so you don ' t have to travel back here . i will forward your project outline to the aforementioned participants once the interviews are scheduled . do you anticipate drafting specific questions ? if so , i would greatly appreciate a copy when convenient . i greatly look forward to working with you and i hope that we can touch base very soon . regards , cindy derecskey enron university affairs ( 713 ) 853 - 5670",0 +"Subject: summary of dabhol lenders ' presentation vince / stinson , please find below a summary of the presenation given to lenders at the april 23 rd meeting in london . the key points that emerge are : phase ii will require commitments of about $ 700 mm to complete ( phase i + ii total $ 3 . 2 billion ) several commercial issues are getting severe in the current environment in india , could result in cost escalations makes the case that mseb does not have the financial strength to absorb phase ii power management to seek authority to serve preliminary termination notice ( ptn ) , triggering a 6 month cure period a copy of the full presenation is available . regards , sandeep .",0 +"Subject: re : presentation will do - - thank you very much . dawn from : dawn scovill , event coordinator designs event consulting dawn @ perfectmeeting . com - - - - - original message - - - - - from : vince j kaminski to : cc : ; vince j kaminski ; sent : friday , march 17 , 2000 5 : 38 pm subject : re : presentation > > > david , > > i am leaving for vacation this weekend and i haven ' t received the copy of your > presentation yet . > the window during which i could make changes to my presentation is closing very > fast . let ' s > do the following : i shall keep my presentation as is ( this means that i shall > use the copy of my > presentation i sent to dawn scovill and you this week ) . if there is an overlap > between our presentations , so be it . > > dawn , please use the copy of my presentation i sent you earlier this week . > > vince > > > - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 17 / 2000 04 : 33 > pm - - - - - - - - - - - - - - - - - - - - - - - - - - - > > > vince j kaminski > 03 / 16 / 2000 08 : 02 am > > to : "" dawn scovill "" @ enron > cc : sobotkad @ kochind . com , vince j kaminski / hou / ect @ ect > subject : re : presentation ( document link : vince j kaminski ) > > dawn , > > i met david sobotka from koch this morning and we talked about coordinating our > presentations . > this means there will be changes intended to avoid overlaps . sorry for that . the > portions of my presentation > will survive ( those about valuation paradigms ) and i shall add a few more pages > on accounting treatment of weather derivatives > plus more specific examples . david will cover primarily market evolution + plus > examples of some > standard structures , and we shall both give more interesting examples of > specific deals executed by our companies . > > i shall send you an updated version of my part next week . let me know what the > deadline is . > > vince > > > > "" dawn scovill "" on 03 / 14 / 2000 07 : 53 : 47 am > > to : "" vince j kaminski "" > cc : > subject : re : presentation > > > thanks - - would you like me to include these in the conference book ? or do > you anticipate changes ? > > dawn > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > from : dawn scovill , conference coordinator > "" powerful new ideas 2000 "" > dawn @ perfectmeeting . com > > > - - - - - original message - - - - - > from : vince j kaminski > to : > cc : shirley crenshaw ; vince j kaminski > ; vince j kaminski > sent : monday , march 13 , 2000 1 : 56 pm > subject : presentation > > > > > > > > dawn , > > > > i am sending you an electronic version of my presentation . > > > > vince kaminski > > > > ( see attached file : fplo 400 . ppt ) > > > > > > > > > >",0 +"Subject: vince , i ' ll see you around 8 : 45 in the morning . meanwhile , the attached file contains the latest draft of our questions . please run us a copy . thanks , john - enroninterview . doc",0 +"Subject: letter for lloyd shirley , please , add the date at the right place . vince",0 +"Subject: re : i am zhendong zhendong , thanks . please , send me your updated resume as well . vince zhendong xia on 04 / 11 / 2001 09 : 14 : 01 pm to : vince . j . kaminski @ enron . com cc : subject : i am zhendong hi , dr . kaminski : i am zhendong , the student of dr . deng . i think dr . deng has sent my resume to you . i am very happy to have an opportunity to work with you this summer . i am a student in both ms qcf and ph . d eda programs in georgia tech now . i plan to find a job in industry instead of academic after my graduation . so i intend to do internship during the process of prusuing my degree to acquire some experience for my future career . i hope to start on 5 / 14 / 2001 and end on 8 / 17 / 2001 . thanks a lot . zhendong xia georgia institute of technology school of industrial and systems engineering email : dengie @ isye . gatech . edu dengie @ sina . com tel : ( h ) 404 - 8975103 ( o ) 404 - 8944318",0 +"Subject: hello from enron dear dr . mcmullen , a few weeks ago i received a call from your university regarding employment opportunities at enron . i called back and summarized the needs of my group ( an ideal profile of a candidate ) : 1 . mathematical finance 2 . computer programming ( c , c + + ) 3 . understanding of the energy markets i shall appreciate any information about potential candidates . i have also given some other suggestions regarding potential opportunities for graduates with different profiles . please , feel free to call me . my number is 713 853 3848 . vince kaminski",0 +"Subject: re : hello from vince kaminski at enron dear vince . i sent you a reply earlier this month but i haven ' t heard from you about the date of your visit . our department has a seminar every monday . if you can schedule your visit on a monday i would like to invite you to give a seminar which will be attended by many of our graduate students and faculty and will give you an opportunity to tell them about your program . with sufficient lead - time i can advertise the seminar in the hass school to their financial engineering students . shmuel . shmuel s . oren , professor dept . of industrial engineering and operations research 4117 etcheverry hall university of california berkeley , ca 94720 - 1777 e - mail : oren @ ieor . berkeley . edu phone : ( 510 ) 642 - 1836 or 5484 fax : ( 510 ) 642 - 1403 - - - - - original message - - - - - from : to : ; ; sent : tuesday , august 08 , 2000 10 : 59 am subject : hello from vince kaminski at enron > shmuel , > > i hope you remember me . i visited you together with aram sogomonian , a > good friend of mine , a few years ago . i am currently responsible , among > other things , for recruiting graduates with finance and / or technical > backgrounds at the university of berkeley . i would be glad to give you a > call and talk more about the details of our program . my colleague , > ashleybaxter , from the analyst / associate program at enron would join me > as well . > > i am sending you a copy of the brochure about the analyst / associate > program . > > vince kaminski > > > vincent kaminski > managing director - research > enron corp . > 1400 smith street > room ebl 962 > houston , tx 77002 - 7361 > > phone : ( 713 ) 853 3848 > fax : ( 713 ) 646 2503 > e - mail : vkamins @ enron . com >",0 +"Subject: calendars and reviews could all of you please give access to your calendars ( lotus organizer ) to anita dupont , and also make sure that if you step away from your desk that your calendar indicates where you will be ? it has happened a few times recently that people have come for appointments and the person has been away from his / her desk and anita could not get hold of the person . this does not portray a good image of the group . also , if you have cell phones , please make sure anita has the number . also , please make sure to complete your self - assessment performance review , and either indicate list of projects worked on since june in there or at least separately e - mail me a list . thanks , vasant",0 +"Subject: enron on line and tracking this meeting has been rescheduled for : friday , january 7 th 2 : 15 - 3 : 15 pm eb 3084 if you have questions please call george smith @ 36993 or alex @ 57389 . i will keep you informed of any changes . thanks alex - - - - - - - - - - - - - - - - - - - - - - forwarded by alex saldana / hou / ect on 01 / 05 / 2000 12 : 10 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - alex saldana 01 / 05 / 2000 11 : 30 am to : george smith / hou / ect @ ect , edward terry / hou / ect @ ect , katherine l kelly / hou / ect @ ect , robert superty / hou / ect @ ect , randall l gay / hou / ect @ ect , hunter s shively / hou / ect @ ect , scott neal / hou / ect @ ect , robert shring / hou / ect @ ect cc : heather choate / hou / ect @ ect , kimberly brown / hou / ect @ ect , airam arteaga / hou / ect @ ect , brenda flores - cuellar / hou / ect @ ect , elizabeth rivera / corp / enron @ enron subject : enron on line and tracking please plan to attend the above mentioned meeting : thursday , january 6 th 3 : 30 - 4 : 30 pm eb 3013 if you have any questions please call george smith @ 36993 , for any scheduling conflicts call me at @ 57389 . thanks alex",0 +"Subject: ebs goes live ! . . . 15 , 000 will be impacted on 7 / 1 / 00 enron broadband services is the latest addition to the enron sap rollout . the apollo and beyond project team and enron ' s business units are currently preparing for the project ' s final implementation . apollo and beyond is an enron initiative tasked with laying a common financial , human resources , project management , and procurement foundation throughout the majority of enron ' s businesses . ebs "" go - live "" on april lst , enron broadband services supplemented their current sap functionality with hr online and sap hr , including payroll and organizational structure management . hr online enables the ebs population to enter their own time , view and update their personal information , and view their vacation time and individual payroll information via enron ' s intranet . additionally , this implementation enhanced the sap financial , project and procurement processes that ebs has had in operation since april 1 , 1999 . these enhancements included an ebs pilot of b 2 b , a web - based requisitioning tool . among the benefits of these enhancements will be improved information flow across business units currently on sap . july 1 "" go - live "" this final apollo and beyond implementation will directly impact more than 15 , 000 enron employees and contractors - - odds are that you are one of them ! people impacted on july lst include : all enron employees paid out of corporate payroll in houston , excluding azurix employees the financial communities of enron energy services , enron investment partners , enron north america , enron renewable energy corporation , gas pipeline group , global finance , and global products . the project management communities of enron north america , gas pipeline group , global asset operations , global finance , and global products . the human resources communities of corporate , global e & p , enron energy services , enron engineering and construction company , enron investment partners , enron north america , enron renewable energy corporation ( houston only ) , the international regions , gas pipeline group , global finance , and global products . general sap training will be available in late april via the enron intranet . additional , specific , sap classes and workshops are scheduled to begin in may and continue through august . information on the project can be obtained through the enron intranet at http : / / sap . enron . com and by contacting business unit representatives currently working with the project . a list of business unit representatives is located on the intranet site . additional information related to the july lst implementation will be communicated to you over the next few months . thank you . melissa becker project leader , apollo and beyond",0 +"Subject: power 2000 power 2000 - may 8 - 11 ? please note to hand in the following by no later than april 24 : ? presentation ( s ) ( if you are not giving one , please advise ) biography speaker checklist ? as some portions of materials have already been handed over , please only turn in what you haven ' t already submitted . please also note that if emailing a powerpoint presentation , please email it in a 97 version or lower . ? ? ? ? ? ? ? ? it is urgent that all your materials be sent by this monday , as the conference is rapidly approaching . if you have any questions , please contact me to further discuss . i will be out of the office this thursday and friday but will be returning on monday . ? ? ? regards , amy lamonsoff conference coordinator t ( 212 ) 925 - 1864 xl 48 f ( 212 ) 925 - 7585 alamonsoff @ watersinfo . com ? ? ? ? ? ? ? ? ? ?",0 +"Subject: mike roberts john , i have received your message regarding mike roberts . i could not agree more . mike deserves to be compensated for his exceptional contribution . additional recommendation . i think that all weather forecasting support should be consolidated under mike ( including the weather guys supporting power trading ) . in my view , it was a mistake to remove mike from power support . it would also mean a lot to him personally . vince",0 +"Subject: vince , this morning i got a call from richard bryant , director of computational finance program at carnegie mellon university ( the program kevin and i went through ) . he ' s interested in getting enron involved with their program designing and ( more critically i guess ) campus recruiting effort . i gave him your phone number and email . you can expect to hear something from him soon . best , alex",0 +"Subject: christmas baskets kevin : i do not know who half of these people are ! my list would be : move team susan kennedy and judy schlesinger ( order all of our subscriptions ) demonica lipscomb ( video scheduling - should include stuart ) dave delainey mail room help desk ( our tech is : doug doring ) facilities help desk ( don ' t know who ) marriott ( trina - she takes care of all the lunches we order ) i don ' t think we need to give the ozarka guy one , we have several who deliver down here , it is not always the same one . vince probably has more , i will let you know . thanks ! shirley kevin g moore 11 / 03 / 2000 12 : 00 pm to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , mike a roberts / hou / ect @ ect , stinson gibner / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect cc : subject : new listing goodmorning everyone , last year we did quite a bit of christmas baskets , during the time we were in the process of another major move . we are currently settled on all floors now , therefore our christmas basket list will be cut more than half . here are a list of the names that received baskets last year . matt rodgers chris hyde darren prager charlie notis harvey freese jon davis maryam golnarghi delores sustaita rodney keys iain russell trina williams todd butler pamela ford facilities robert knight phillip randle mary martinez daniel hornbuckle ( ozarka ) guy move - team greg whalley richard weeks mary sue rose there are several names boldly printed that probably will not receive the baskets this year . the christmas season is approaching therefore we must start preparing . please note that i will be out on vacation dec 13 th - 18 th , if possible i would like your list of names before my vacation begins whereby all baskets can arrive at their destinations on time . thanks kevin moore please any comments , question , answers - feel free to call x 34710",0 +"Subject: help on cluster analysis just wanted to pass a quick note to say thanks for all of your help that the three of you each gave me concerning cluster analysis . your help was invaluable . as you may have been aware , we were performing the cluster analysis to define the commercial zones in ercot . i only had a few days in which to learn the fastclus procedure in sas and prepare graphical views of the results . your assistance ensured that enron was seen as one of three market leaders who had the capability to perform the analysis and cross check other market participants analysis . we were the only participant who had the ability to graphically display the results . i was able to take the lead in a commercial meeting because of the data and results . i just wanted you guys to know that i really appreciated your help . i have attached a couple of files that show some of the results . the presentation has the best overview . best regards , lance",0 +"Subject: re : real options hi navroz having presented my real options work at a recent conference , i think i can see my way clear to producing a much reduced version ( 3 or 4 pages ) of my "" diagrammatic real options "" paper . would risk still be interested in such a shortened article ? cheers , steve enron capital & trade resources corp . from : "" navroz patel "" 05 / 23 / 2000 11 : 37 am please respond to "" navroz patel "" to : cc : subject : real options steven , after further consultation with the technical editor , we feel that your work would find a more suitable environment for exposure in the journal of risk . ? if you email a copy of your work ( to the editor - in - chief , philippe jorion ) and outline what has happened to : ? ? pjorion @ uci . edu ? then i am sure that they will be keen to give due consideration . ? thank you for your interest and sorry for the delay in coming to this decision . ? best wishes , ? navroz patel , technical assistant , risk magazine . ?",0 +"Subject: good morning / afternoon vince , one of my colleagues here at baylor is writing a book about "" the business of heaven "" in which he interviews prominent business leaders . bob darden is his name and he ' s a former journalist and nice guy . he would like to contact ken lay about being one of his interviews . do you think this is possible ? if so , could you give me an address / phone numbers that bob might use to contact ken ' s secretary about setting up an interview ? if this is in any way "" not ok "" please just say so . see ya , john > date : fri , 30 mar 2001 11 : 35 : 03 - 0600 > from : robert darden > subject : yo ! > x - sender : "" robert darden "" ( unverified ) > to : j _ martin @ baylor . edu > organization : the door > x - mailer : mozilla 4 . 04 [ en ] c - flashnet ( win 95 ; i ) > > hi john - - i enjoyed our meeting yesterday . this looks very promising . > meanwhile , as i mentioned at the table , i ' m getting a little nervous > about the book that is due june 1 . > one of the names on our "" wish "" list of interviewees for "" the business of > heaven "" is ken lay at enron . > would it be possible for you to give me a good address and phone number > for mr . lay ' s office ? > and may i mention your name in the cover letter ? > i would be forever indebted . i might even buy the next lunch . > bob > p . s . thanks for sharing your concerns about church yesterday , too . i ' m > genuinely sorry things didn ' t work out better and feel more than a > little embarrassed that i didn ' t work harder to make you guys feel more > welcome and connected . on the other hand , please know that mary and i > will always love you and consider you both friends . i know you ' ll be > happy at lake shore - - even as we miss you at 7 th ! > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : lawyer ian , sorry for a delay in getting back to you . i have one challenge i did not anticipate when i talked to you the first time about our real options internal seminar . the materials were prepared in collaboration with a professor from another school , and there is some sensitivity regarding the intellectual property rights and the ability to distribute the materials outside enron . please , give me some time to find out if i can work around this issue . vince "" macmillan , ian "" on 03 / 07 / 2001 06 : 46 : 28 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : lawyer i still have not heard from your lawyer . i would like to see whar materials you are using and assess how we could work on the topic of real options with enron",0 +"Subject: cera conference call - - scheduled for wednesday , march 8 , 2000 - cera conference call cera conference call : wed , march 01 , 2000 title : cera conference call - - scheduled for wednesday , march 8 , 2000 author : cera e - mail category : conference call product line : north american gas , north american power , refined products , url : http : / / www . cera . com / cfm / track / eprofile . cfm ? u = 5166 & m = 1109 , http : / / www . cera . com / cfm / track / eprofile . cfm ? u = 5166 & m = 1110 , http : / / www . cera . com / cfm / track / eprofile . cfm ? u = 5166 & m = 1111 , conference call and web presentation scheduled for wednesday , march 8 , 2000 topic northeast us energy markets : implications of the winter price spikes cera is pleased to invite you to participate in a conference call and web presentation with our experts on global energy . we will be discussing : * understanding the winter price spikes in electric power , natural gas , and oil products markets in the northeast us netscape navigator 3 . 02 or higher ; or sun hot java ( tm ) * close all desktop applications and disable your screen saver technical assistance if you are calling from the united states and are experiencing difficulties during the call , you may signal for technical assistance by pressing * 0 ( star , zero ) on your telephone keypad after you have connected to the audio portion of the conference . international callers please re - dial into the call , asking the operator for assistance before giving the confirmation code . for more information for more information , please contact kari paakaula via e - mail at kpaakaula @ cera . com or via telephone at ( 617 ) 441 - 1362 . a recording of this call will be available until april 8 , 2000 . to access this recording , please call 1 - 888 - 203 - 1112 ( within the us ) or ( 719 ) 457 - 0820 ( outside the us ) . please use confirmation number 915415 to access the call . * * end * * follow url for html version of this message only . note : should the above url not work , please use the following : http : / / www . cera . com / client / nap / cc / 022900 _ 16 / nap _ cc _ 022900 _ 16 _ ab . html [ for north american electric power clients ] http : / / www . cera . com / client / nag / cc / 022900 _ 16 / nag _ cc _ 022900 _ 16 _ ab . html [ for north american natural gas clients ] http : / / www . cera . com / client / rp / cc / 022900 _ 16 / rp _ cc _ 022900 _ 16 _ ab . html [ for refined products clients ] this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www . cera . com / tos . html questions / comments : webmaster @ cera . com copyright 2000 . cambridge energy research associates",0 +"Subject: joao neves dear vince : ? i am in a somewhat delicate position . one of the people in the group here has asked me to introduce him to you . ? as an el paso vice president , i should not have agreed to do this , and frankly , the guy should not have asked . ? but he is clearly very unhappy at el paso , so , as a human being , i felt it was appropriate . also , because this guy would have contacted you anyway , with or without my introduction , as a professional courtesy , i would like you to benefit from my experience with this fellow . ? the guy ' s name is joao neves ( portugese ) . ? i think he is reasonably bright and seems to have a quite deep understanding of general finance and financial mathematics . he is a manager and feels very frustrated because he had hoped to be promoted to a position of authority . instead the group ' s m . d . brought in two price - waterhouse - coopers consultants as v . p ' s to run the structuring and quant sides of the group . in this respect , i can understand his unhappiness . unfortunately for him , however , i also think it is in his nature to whine . ? i have observed him to bad mouth lots of people starting with the it guys ( ok , that ' s perhaps not much an indictment ! ) all the way to dismissing broadie & glasserman ' s or eduardo schwartz ' works as shoddy or shallow . ? he does not seem to suffer well people he considers fools . ? caveat emptor , therefore ! having said all this , i do want to emphasize that he is a bright guy , is very pleasant with me , and , perhaps given the appropriate environment and supervision , might be quite productive . ? but don ' t take my word for it . talk to him , and see what you think . ? obviously , i would ask that you keep these comments in confidence . i have given you an honest assessment - - brutally so . ? ' nuff said ! i have fulfilled my moral obligations both to joao and to you . ? best regards , grant .",0 +"Subject: welcome to pjm - customer - info - - welcome to the pjm - customer - info mailing list ! please save this message for future reference . thank you . if you ever want to remove yourself from this mailing list , you can send mail to with the following command in the body of your email message : unsubscribe pjm - customer - info or from another account , besides vince . j . kaminski @ enron . com . : unsubscribe pjm - customer - info vince . j . kaminski @ enron . com . if you ever need to get in contact with the owner of the list , ( if you have trouble unsubscribing , or have questions about the list itself ) send email to . this is the general rule for most mailing lists when you need to contact a human . here ' s the general information for the list you ' ve subscribed to , in case you don ' t already have it : this mailing list is maintained by the pjm interconnection l . l . c . to communicate information about pjm and pjm ' s upcoming events .",0 +"Subject: re : cover design / copy for energy derivatives publication fiona , to answer your questions : 1 . we approved chapter 3 for publication . 2 . my current affiliation is enron n . a . grant left the company but my advice it to leave his bio as is ( it reflects his employment status when he was working on the chapter ) . i don ' t think we should update the bio and advertise his new employer . 3 . ad material is fine . vinnce",0 +"Subject: visit with vince kaminski on may 4 th carol : for your information and susan ' s , christie patrick will not be available on the 4 th of may . she will be out of the city . maybe susan can contact her directly at another time . i still have 1 : 30 as the time for vince and susan to meet . thanks ! shirley crenshaw - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 09 / 2001 03 : 30 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 04 / 09 / 2001 11 : 14 am to : susan . hansen @ stanford . edu cc : subject : visit with vince kaminski on may 4 th good morning susan : vince forwarded the below message to me and after looking over his calendar , he appears to be free most of the afternoon on the 4 th of may . please let me know what would be a good time for you and i will block it out before someone else gets it . thanks ! shirley crenshaw administrative coordinator enron research group 713 - 853 - 5290 email : shirley . crenshaw @ enron . com - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 09 / 2001 11 : 05 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 06 / 2001 05 : 36 pm to : "" susan c . hansen "" @ enron cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : visit from stanford ? susan , thank you for your message . i shall be glad to meet with you on may the 4 th . i shall ask my assistant , shirley crenshaw ( 713 ) 853 5290 , to call you to set up the meeting . also , for your information , we have recently set up a special unit to coordinate enron ' s relationships with the universities . the person running this unit is christie patrick . please , feel free to contact her and give my name as a reference . i shall coordinate the meeting on may the 4 th with her . vince additional information re christie : phone : ( 713 ) 853 - 6117 email : christie _ patrick @ enron . com "" susan c . hansen "" on 04 / 03 / 2001 04 : 33 : 54 pm to : vkamins @ enron . com cc : subject : visit from stanford ? dear dr . kaminski , let me briefly introduce myself , i am the director of corporate relations for the school of engineering at stanford university . in this role , i am always on the watch for ways to bring our faculty together with companies that have an appetite for engagement with top tier research institutions . i believe you know hill huntington , who is a senior researcher with stanford ' s energy modeling forum . he suggested i get in touch with you for some ideas about contacts at enron . i ' m in the process of planning a trip to texas in early may along with my colleague donna lawrence , the university ' s director of corporate relations . we were hoping to be able to include a stop at enron on our itinerary . right now it appears that friday , may 4 th would work best for us but we ' re at the very beginning of our trip planning . the purpose of our visit would be to review the current relationship between enron and stanford , to give you an overview of current priorities in the school of engineering , and ask for your help in identifying the best points of contact . i look forward to hearing from you about your availability , sincerely , susan hansen susan c . hansen director , corporate relations school of engineering stanford university stanford , ca 94305 - 4027 ( 650 ) 725 - 4219 ",0 +"Subject: re : job application thank you . nurit nurit krausz , ph . d . http : / / www . ma . utexas . edu / users / nurit / dept . of mathematics phone : ( 512 ) 471 - 7170 university of texas at austin office : rlm 11 . 170 hours : mwf 8 : 30 - 10 on thu , 2 mar 2000 , vince j kaminski wrote : > > > nurit , > > we shall schedule a phone interview for you sometimes next week . > my assistant , shirley crenshaw ( 713 853 5290 ) , will call you to discuss the > timing . > > vince kaminski > > > > > > > nurit krausz on 03 / 01 / 2000 10 : 44 : 00 am > > to : vince j kaminski / hou / ect @ ect > cc : nurit krausz > subject : job application > > > > > dear dr . kaminski , > > i currently hold a post - doctorate position in the mathematics > department at the university of texas at austin ( with a ph . d . > in theoretical physics ) . although my position here is renewable > until summer 2001 , i would like to move on to a more dynamic field > where i can still use my analytical skills and mathematical knowledge . > since attending a series of lectures on mathematical finance given > by dr . marc potters last summer i started studying the subject on my > own and found it intriguing and challenging . > > i am interested in a position in your group ( rac ) at enron . > last fall in a career seminar at ut you mentioned that people who are > interested can send you their resume . if this is still relevant , please > find below my resume ( in word 97 and text formats ) . > thank you for your time . > > yours , > nurit krausz > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > nurit krausz , ph . d . http : / / www . ma . utexas . edu / users / nurit / > dept . of mathematics phone : ( 512 ) 471 - 7170 > university of texas at austin office : rlm 11 . 170 hours : mwf 8 : 30 - 10 > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > > resume > > nurit krausz > university of texas > department of mathematics > austin , tx 78712 > phone : ( 512 ) 471 - 7170 > e - mail : nurit @ math . utexas . edu > http : / / rene . ma . utexas . edu / users / nurit / > > objective > > a position in the field of mathematical finance utilizing broad > mathematical knowledge , innovative thinking and creativity . > > summary of qualifications > > with extensive academic background and research experience , > combined with experience as an engineer in the israeli air force , > i possess the following : > * deep mathematical and scientific knowledge . > * strong analytical and problem - solving skills . > * proven ability to quickly become an expert in new subjects . > * ability to present clearly and effectively complicated subjects . > * ability to work productively both independently and in teams . > > academic positions > > 1998 - present : post - doctorate position at the university of texas > at austin , department of mathematics . > > education > > 1994 - 1998 : d . sc . in physics at the technion - israel inst . of tech . > research thesis : quantum dynamics on non - compact group manifolds . > supervisor : prof . m . marinov . > > 1992 - 1994 : m . sc . in physics at the technion - israel inst . of tech . > research thesis : a study of scintillation in doped silica glass > for detection of neutrino oscillation . > supervisor : prof . j . goldberg . > the experiments were performed at cern during the summer of 1993 . > * performed the design , testing , and installation of the experimental > setup from remote - controlled mechanical equipment to sophisticated > electronics . > * performed statistical data analysis and critical interpretation of > results using software developed at cern ( paw ) . > * solved a complicated problem of track reconstruction through an > unusually shaped magnet for the chorus collaboration at cern , and > delivered a computer code ready for implementation , still in use > today . > > 1985 - 1989 : b . sc . in aeronautical engineering cum laude at the > technion - israel institute of technology . > > military service > > 1989 - 1992 : aeronautic design engineer in the israeli air force . > rank : first lieutenant . > * designed and supervised numerous prototype installations of > electronic equipment and changes in combat planes . > * wrote procedures for harsh environmental durability tests for cockpit > and avionics bay - mounted equipment . > * negotiated and supervised manufacturing of parts with contractors . > * attended project management , engineering and product reliability > and maintenance courses . > * programmed simulations of ammunition trajectories from moving > aircrafts . > > teaching experience : > > 1998 - present : lecturer at the university of texas > undergraduate courses : precalculus , calculus , linear algebra > graduate course : theory of lie groups > > 1992 - 1997 physics department , technion , teaching assistant > undergraduate course : elementary lab in mechanics > graduate courses : group theory for physics , > introduction to particle physics , relativistic quantum mechanics . > > computer knowledge : > > unix and windows os , most common word processors , excel , > maple , mathematica , fortran , html , latex . > > publications : > > 1 . j . goldberg and n . krausz , response of cerium - doped silica glass > in a beam at cern , proceedings of the scifi conference , notre dame > university , notre dame , indiana ( 1993 ) . > 2 . n . krausz and m . s . marinov , quantal dynamics on non - compact > groups , proceedings of the 5 th international wigner symposium , > world scientific ( 1998 ) , 398 . > 3 . n . krausz and m . s . marinov , exact evolution operator on > non - compact group manifolds , quant - ph / 9709050 , > submitted to j . of math . phys . > 4 . n . krausz , spherical averages in minkowski space , in preparation . > 5 . n . krausz , quantum field theory in minkowski space , in preparation . > > >",0 +"Subject: re : long term demand forecast - looking for more information hi slava i ' m not sure who ' s looking after power - related stuff in houston at present . best to let vince redirect your query . steve viacheslav danilov 11 / 10 / 2000 15 : 51 to : steven leppard / lon / ect @ ect cc : graham mullin / lon / ect @ ect subject : long term demand forecast - looking for more information hi steve , i plan to spend next week building relatively simple long term ( 1 - 2 years ) demand forecast - it will be a starting point and will allow our guys to work . for more detailed analysis i will need more information , particularly on recent changes in demand in the sates ( california ) . i tried to contact vince , but probably he is very busy right now . please , could you help me to find somebody in the houston who may provide any help . many thanks , slava",0 +"Subject: re : maureen raymond - castaneda extension norma fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 22 / 2000 09 : 57 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : robert knight on 03 / 08 / 2000 04 : 09 pm to : maureen raymond / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : maureen raymond - castaneda extension maureen , i apologize that your phone was disconnected in error . at this time your phone is working and your voice mail box needs to be set up . i would like to add however , i do not appreciate your disrespect and unreasonable demands placed on my employees . they were not the cause of this problem and can only relay your information to the appropriate group . enron has values of respect , integrity , communication and excellence . i would appreciate you taking the time to review them . robert knight director voice communications stella l ely 03 / 08 / 2000 11 : 08 am to : move - team / epsc / hou / ect @ ect , telephone mods / corp / enron @ enron , dolores sustaita / epsc / hou / ect @ ect , robert knight / hou / ect @ ect cc : subject : maureen raymond - castaneda extension please reinstate maureen ' s extension immediately , if possible . it was disconnected this past weekend when we had it taken off of the phone at eb 3073 f . her extension was on two phones at two different locations and should not have been disconnected at eb 1939 . her extension no . is 30396 . sorry for the confusion . please let me know timing asap . thank you . stella ely",0 +"Subject: henwood ' s 2001 ercot symposium : january 23 , 2001 shirley , please , register me , lance and alex for this event . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 12 / 22 / 2000 04 : 42 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" chris farrell "" on 12 / 22 / 2000 06 : 13 : 50 am to : cc : subject : henwood ' s 2001 ercot symposium : january 23 , 2001 mark your calendar - tuesday january 23 , 2001 downtown houston hyatt hotel henwood will be hosting a comprehensive ercot symposium on tuesday , january 23 , 2001 . a team of henwood regional power market specialists will be presenting the latest analysis and information to assist you in preparing for the new ercot restructured power market , in addition to an anlysis of the issues now playing out in the wscc markets . coffee and registration will begin at 9 : 30 am and the program will run until 3 : 00 pm . lunch and snacks will be provided . agenda topics include : * what will be the critica - success factors for qualified scheduling entities operating in ercot ' s new wholesale & retail markets ? * how will market restructuring impact mid to long - term wholesale prices ? * what is the outlook for new generation ? * what are the impacts of upcoming emission regulations on ercot ' s generation resources ? * what are the new analytical tools available to capture market uncertainty impacts to your supply contracts and generation assets ? * what are the restructuring lessons learned from the california experience and the implications to ercot ? in conjunction with this program , henwood will have a demonstration room available to present its latest software applications and e - business solutions . a nominal $ 75 registration fee is required to reserve a space in the workshop . for more information or to reserve your spot , please contact chris farrell at henwood : cfarrell @ hesinet . com or 916 / 569 - 0985 . about henwood : henwood offers integrated business solutions , strategic consulting , and innovative e - business applications to meet the challenges of the restructured energy markets throughout north america , australia , and europe , serving clients that include eight of the ten top utilities in north america , in addition to energy services providers and power marketers . if you want to be removed from our email list please reply to the sender and put "" remove "" in the subject box .",0 +"Subject: biliana ' s resume mr . kaminski , thank you for referring me to your recruitment representative . attached is my resume . i would appreciate you letting me know the name of the hr person whom i can folow up with . best regards , biliana = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = biliana pehlivanova vice president of incoming exchange aiesec houston 713 743 - 4927 = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = do you yahoo ! ? yahoo ! photos - 35 mm quality prints , now get 15 free ! http : / / photos . yahoo . com / - biliana ' s resume . doc",0 +"Subject: jacob feedback vince , chonawee and tom halliburton had feedback about jacob to me . tom ' s feedback is what he does for pros is actually too simple . their so - called trading system is actually a scheduling system . my impression is that jacob is good at selling himself , his knowledge of finance and derivatives is very limited . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 04 / 11 / 2001 03 : 31 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - chonawee supatgiat @ enron 03 / 21 / 2001 07 : 28 pm to : zimin lu / hou / ect @ ect cc : tom halliburton / corp / enron @ enron subject : jacob feedback i asked jacob two questions to check his basic knowledge . he answered correctly in the optimization question so i believe that he has a good foundation on his optimization skill . i have a doubt about his stochastic skill because he took only one course in stochastic processes and his previous models are simple deterministic models . if we had more interview time i would be able to check his stochastic and modeling skills . he completely failed to answer the second question , which is to check his basic risk management skill . it is clear to me that he has a very weak background in finance and risk management . he does not understand the relationship between a discount rate and risk . he showed some weakness in annuity calculation . in conclusion , i feel that he has good basic in optimization but a very weak background in finance . based on his experiences , i have a doubt on his advance optimization skills , such as his stochastic skill and his ability to attack a complex optimization problem . i would recommend a second - round interview if he will be solving a complex - optimization problem . - chonawee",0 +"Subject: job spec for junior quant hi dale , please see the job spec that i plan to get posted on the enron europe internet site - please could you review before i hand over to hr ? thanks , anjam",0 +"Subject: re : info help . hi niclas , i am in the middle of preparing some presentations right now , so it might be more productive to speak by phone ( 503 - 464 - 8430 ) . please leave your number , if you get my voicemail . to get you started , you might see if you can get access to the ferc gads database of plant forced and planned availability . it seems others in research have asked about this , so you may already have this at your disposal . the eia has a good electronic database of plant for and por available for free ( http : / / www . nerc . com / ~ esd / ) . i know alexios in re / ees has this . if you wanted to do it the hard way , you can also ask jaison to access the epa ' s cems data he has summarized on a machine there in research . it contains hourly plant operation for every unit over about 50 mw , which you could aggregate up . the wscc 10 - year forecast of new plant construction and loads is a good place to start for plant construction information , but suffers from some notorious "" self - reporting "" error . it is available in pdf form from the web site http : / / www . wscc . com / . other sources that should be more near - term , but more accurate are the cec inventory of plants ( http : / / www . energy . ca . gov / ) and the bpa whitebook ( http : / / www . transmission . bpa . gov ) . as far as basic economic data is concerned , you can either rely on the reported utility forecasts for loads , or you can go to fundamental data . the ultimate source of the census data collected by the us dept of commerce , which you can buy on cdrom for cheap . it would have this kind of information by sic code , by zip code . you may also have access to one of the economic forecasting businesses ( wharton ' s wefa , dri , etc . ) they have this in highly digested and complete form . btw , tim heizenrader , who runs fundamental analysis and research on the west desk , is a sharp cookie and should have all this under control . is your client aware of this resource ? give me a buzz and we can talk more , michael > > > niclas egmar / hou / ees @ enron 08 / 14 / 00 12 : 49 pm > > > michael , i ' m an analyst in the research group . i would like your help with finding some information specific for the west coast . a new analyst on the west power desk needs information on planned outages and planned new generation . he is studying the long - term fundamentals of electricity volatility on the west coastso so he also needs info on housing starts , computer sales or industrial production figures for computer manufacturing , growth of start - up companies , and population stats . any help in finding the needed info would be greatly appreciated . contact me or daniel kang ( new analyst ) . niclas - text . htm",0 +"Subject: schedule to chelmsford hi all , here is what i have so far on the agenda front ! shirley , we need travel arrangement to attend the meeting mentioned below . here are our prelimnary schedule . please try to check us all in at the double tree in chelmsford , ma where the meeting will be . vince cannot attend . there will be four people from our group attending including myself , stinson , krishna and samer . only stinson and i will attend the dinner on monday night . here is the suggest times by names : ravi & stinson : leave houston around 12 : 00 pm on monday ( jan 31 , 2000 ) to be there for the dinner . try to get us in chelmsford , ma in time so that we can attend the dinner . leave chelmsford , ma around 2 : 00 pm thursday . one full size rental car for all four of us . you can put this in either mine or stinson ' s name . krishna & samer : leave houston around 5 : 00 pm to get in time to get a good night sleep to attend the meeting tue ( feb 1 ) : leave chelmsford , ma either wed 6 : 00 pm or thurs afternoon depending on individual schedule . krishna and samer , please let shirely know when you want to get back . as long as you are there for tue and wed full day , you should get enough out of the meeting . shireley , please call me for more details . regards , ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 01 / 27 / 00 04 : 45 pm - - - - - phil markwart 01 / 26 / 00 08 : 00 pm to : barb . vanbeyrer @ sycamorenet . com cc : ravi thuraisingham / enron communications @ enron communications , erik simpson / enron communications @ enron communications , stinson gibner / hou / ect @ ect subject : schedule please copy the persons in the cc line with the schedule of 31 jan as soon as you get it . at this point , you have told me : 31 jan travel to chelmsford and dinner around 7 pm ? 1 feb overall optical design considerations 2 feb specific route designs 3 feb more route design",0 +"Subject: eprm vince , ? could you please provide me with an indication on whether you will be able to review the latest eprm article in the next day or so ? ? ? look forward to hearing from you shortly . ? julie",0 +"Subject: software license ms . geman , i am just following up to see if you had received my previous message forwarded below and whether you have a response so that we can move forward with this contract ? thank you , karla feldman - - - - - forwarded by karla feldman / hou / ect on 08 / 08 / 2000 09 : 23 am - - - - - karla feldman 07 / 28 / 2000 01 : 41 pm to : geman @ dauphine . fr cc : subject : software license dear ms . geman , i met with vince kaminski yesterday regarding picking back up with the license agreement we were working on back in march . he relayed some additional requirements which need to be added to the agreement , which include the following : 1 . the price agreed upon is $ 90 , 000 . 2 . d - g will provide system support . 3 . no later than 12 months of execution of the agreement , d - g will provide the source code to enron . in the meantime , the source code is to be in escrow . additionally , the source code would be released sooner than the 12 months if any of the following conditions occur : ( i ) d - g goes out of business ; ( ii ) d - g is unable to provide effective technical support ; or ( iii ) if d - g agrees to release it sooner . before i have our attorney add these things to the agreement , we need to discuss the escrow situation . vince mentioned that you had suggested that your attorney keep the software in escrow . is your attorney a u . s . attorney ? it seems like i may have recalled that way back in march you might have said you had a friend or relative that was an attorney . is that the same person ? does this attorney work for a large firm , small firm , or solo practitioner ? basically , if you could just provides some additional information about your attorney , i would appreciate it . we normally would use an escrow company to put the software in escrow . we have dealt with a company here in the u . s . called dsi technology . i will check into that pending your answer regarding your attorney . once we decide what we want to do regarding placing the software in escrow , we will red - line the agreement to reflect such changes and e - mail it back to you for your review . i look forward to hearing from you . karla feldman enron corp . contract administration ( 713 ) 646 - 7554",0 +"Subject: potential new analyst hi guys a number of us interviewed a guy named matthew williams last week for an analyst position . he has a phd in particle physics and experience with monte carlo simulation ( albeit in fortran 77 ) from his academic work . he ' s also a good communicator , having completed a postgrad course in acting , and has been active in the theatre as performer and director . if he accepts our job offer then ( after discussion with dale and bryan ) we ' ve decided to give him his first rotation in research here in london . i hope he accepts . i ' ll keep you posted . steve",0 +"Subject: re : ut short course travel arrangements martin , i can join the car pool . vince from : martin lin on 04 / 25 / 2001 10 : 59 am to : vince j kaminski / hou / ect @ ect , vasant shanbhogue / enron @ enronxgate , sandeep kohli / enron _ development @ enron _ development , lance cunningham / na / enron @ enron , sevil yaman / corp / enron @ enron cc : subject : ut short course travel arrangements if the schedule works , perhaps a carpool is best for attending the course , given the number of us going . vasant has offered to drive . dependiing on driving speed and traffic , leaving houston by 9 : 30 am should give sufficient time to make the lpm class , including some time for lunch . please let me know if you are interested in the carpool or have alternate plans or suggestions . thanks , martin",0 +"Subject: re : extreme value theory applied to weathet vince , thanks for responding to christian . i had replied earlier and said that evt is based on iid events , and is therefore not useful in weather , where there is so much correlation going on . jitendra from aa raised the same issue yesterday . joe vince j kaminski 08 / 22 / 2000 04 : 49 pm to : christian werner / enron _ development @ enron _ development cc : joseph hrgovcic / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : extreme value theory applied to weathet christian , about two years ago i asked joe hrgovcic to look tinto evt applications . as far as i know he is the only person in the group , in addition to me , looking at evt . vince christian werner @ enron _ development on 08 / 18 / 2000 07 : 00 : 42 pm to : vince j kaminski @ ect cc : subject : extreme value theory applied to weathet - - - - - - - - - - - - - - - - - - - - - - forwarded by christian werner / enron _ development on 19 / 08 / 2000 10 : 06 - - - - - - - - - - - - - - - - - - - - - - - - - - - christian werner on 19 / 08 / 2000 02 : 08 : 56 to : vince . kaminski @ enron . com cc : subject : extreme value theory applied to weather - - - - - - - - - - - - - - - - - - - - - - forwarded by christian werner / enron _ development on 19 / 08 / 2000 01 : 15 - - - - - - - - - - - - - - - - - - - - - - - - - - - christian werner on 19 / 08 / 2000 01 : 55 : 56 to : vkamins @ enron . com cc : subject : extreme value theory applied to weather dear vince , back in july , when you visited our sydney office you mentioned extreme value theory . i am wondering whether research is looking into the application of extreme value theory to power and esp . to weather . in a recent news article it was highlighted that a trend in the industry towards t _ max , t _ min , etc . i am in particular referring to the news article below : in the past we have observed a similar trend where customers are asking for t _ max , t _ min , or below or above precipitation structures . the choice in the past has been the burn analysis on historical data . however , we are in particular interested in the extreme events , and the application of evt could provide a meaningful tool for the analysis . has the research group looked into the application of evt to weather ? evt has a long history of application in hydrology ( which would cover parts of the precipitation structures . . . ) . also , research ( esp . at eth in zuerich ) is indicating the application of evt to v @ r . . . . thank you ! regards , christian",0 +"Subject: california update 4 / 27 / 01 the following report contains confidential and sensitive information . please treat with discretion . executive summary : ? ferc price cap decision reflects bush political and economic objectives . politically , bush is determined to let the crisis blame fall on davis ; from an economic perspective , he is unwilling to create disincentives for new power generation ? davis finds four major flaws with ferc plan , most notably its exclusion of out - of - state generators ? june lst "" kill clause "" for ferc order could coincide with new bush regional plan ? california facing growing fiscal risk following bond downgrade , expected $ 20 billion power bill this summer - - economic crisis would force deeper administration involvement ? qf bid for advance payments from pg & e likely to fail in bankruptcy court ? new generation delays probable because of state / qf squabbling ? consumer groups are preparing a constitutional challenge to socal bailout deal 1 . ferc fallout the ferc decision is a holding move by the bush administration that looks like action , but is not . rather , it allows the situation in california to continue to develop virtually unabated . the political strategy appears to allow the situation to deteriorate to the point where davis cannot escape shouldering the blame . once they are politically inoculated , the administration can begin to look at regional solutions . moreover , the administration has already made explicit ( and will certainly restate in the forthcoming cheney commission report ) its opposition to stronger price caps on the grounds that they are unwilling to create disincentives to the construction of new generation . it is interesting and ironic to note that electricity generators were generally happy with the ferc order and that the only ferc commissioner who favors price caps actually voted against this plan . 2 . something less than effective price caps from davis ' s point of view , the ferc plan has four major flaws : ? the order applies only to california , not to the rest of the west . non - california generators are not required to sell at capped rates to california . ? as the order is written , it is more of a price floor for emergency power than a ceiling . ? state officials also believe that energy suppliers will continue to game the system , because the price mitigation scheme only kicks in after a stage 2 emergency and does not require any collusion . ? even when the price caps kick in , they are based on the cost - plus for the highest cost producer supplying power to california and do not require wholesalers to abide by the cap . the generators can also charge above the cap , provided they can subsequently justify the excess charge to ferc . 3 . proposal "" kill clause "" adds to the political dilemma for davis the ferc proposal includes a "" kill clause "" that says the caps will be withdrawn unless california ' s iso agrees by june lst to become part of the regional grid now under ferc control . if davis doesn ' t sign on to the regional grid by june lst , then he will have to live with june 2 nd headlines blaming him for letting the "" bush price caps plan "" collapse . 4 . growing fiscal risk in california sources speculate that california could therefore pay as much as $ 20 billion on power this summer - this is more than the combined enterprise value of pg & e and sce . these sources believe that , because of the severity of the situation , the ferc and / or the federal government will be forced to take further action to control prices for power . the consensus is that the state of california will run out of money in about 90 days . one of the first projects to be cancelled will be state plans to finance new power plant construction in exchange for long - term power deals . the bleak fiscal picture is also causing bank creditors to revisit the bridge loans they are providing to california . the bush administration and the fed are only now waking up to the seriousness of the fiscal picture . the country ' s largest and most prosperous state will have gone from large surpluses to serious debt downgrades and devastating deficits in a matter of months . 5 . qfs to seek advance payment from pg & e meanwhile , on the bankruptcy front , the qfs reportedly will ask the bankruptcy judge today to give them advance payment from pge ' s accounts , since their natural gas vendors have likewise demanded advance payment for gas . it appears very unlikely that the qfs ' request will be granted . if the qfs do not receive advance payment , it is likely that most of the 4 , 000 mw of gas - fired qf capacity will remain offline . 6 delays likely in new qf generation the qf deals made with the state for long - term contracts are being continually renegotiated , which is likely to mean that the new plants those contracts are supposed to finance will not be online as early as anticipated . 7 . consumer groups ready to challenge constitutionality of sce bailout plan harvey rosenfield and his colleagues reportedly have been reviewing an analysis of the mou for the sce bailout plan . the analysis was done by a utilities analyst , rather than a lawyer , though it appears to raise a number of good legal points . for example , one of the elements of the mou is a "" non - bypassable "" charge on ratepayers that would require them to pay even if they disconnect from the grid . this is effectively a tax , since there is no exchange of value for money , which under the ca constitution cannot be used to directly benefit a private entity . this makes the bonds that would be issued are general obligation bonds , rather than revenue bonds . according to the constitution , the state cannot be put into debt to benefit a private company . for this and other reasons , even if the republicans would vote for the sce bailout , which remains unlikely , the bailout probably would not stand a likely constitutional challenge . 8 . governor hurt by continued failure to disclose long - term power contracts the issue of the governor ' s failure to disclose the details of the long - term power contracts continues to distress the other players in the crisis . even if he were to disclose everything he and his staff have been negotiating , it is likely that their actions and negotiations will challenged , creating an even further delay .",0 +"Subject: phone time dear dr . kaminski thanks for your arrangement . i have received email from shirley . either wednesday or thursday will be fine to me . i am looking forward to talking to you at that time . it is always my pleasure to work with you . best wishes quentin kerr - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - quentin kerr , email : qkerr @ maths . uq . edu . au room : 67 - 625 tel : ( 07 ) 33461428 department of mathematics , the university of queensland",0 +"Subject: re : stinson gibner richard we actually need to duplicate his ena workstation as he will be reporting at both locations p",0 +"Subject: confirming your attendance - oct . 19 / 20 - wharton vince , we are delighted that you , christie ( and possibly mark palmer ) will be attending our upcoming wharton impact conference on october 19 - 20 . the final agenda is enclosed ( below ) - please note - unless we hear otherwise from you , we will assume that you will be attending both the dinner on oct . 19 and the conference on oct . 20 . this very timely event has generated enormous interest . we look forward to your participation , and hope you will find this to be a valuable insight - building experience . please call or e - mail if you have any questions about any aspect of the conference . also - i ' ll look forward to hearing some stories of your exploits during your recent trip to poland . must have been extremely interesting ! best regards , michael tomczyk _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ winners and losers in the e - commerce shakeout thurs . oct . 19 ( dinner ) and fri . oct . 20 ( conference ) agenda winners and losers in the e - commerce shakeout thursday , october 19 , 2000 ( dinner ) friday , october 20 ( conference ) the wharton school - philadelphia , pa jointly sponsored by the william and phyllis mack center on managing technological innovation , wharton school marketing science institute wharton e - business initiative ( webi ) conference themes & objectives e - commerce is heading inextricably and rapidly toward an inevitable shakeout and consolidation that tends to characterize every major new industry . this impact conference bringstogether a distinguished group of industry and academic leaders to discuss what is required to survive the e - commerce shakeout , and what it takes to be a "" winner "" when the shakeout hits , full - force . shakeouts are spawned in the boom - and - bust environment of hot emerging markets . an unsustainable glut of competitors is attacted by the contagious enthusiasm for the emerging technology . as competition intensifies and falling prices put pressure on margins there is a wave of ailures and mergers that removes the weaker players . few ecommerce markets - - whether e - tailing online exchanges or others - - - will be exempted from the forces that cause shakeouts . this conference will combine lessons from markets that have experienced shakeouts , with the latest thinking about the unique features of e - commerce , to identify successful strategies for surviving a shakeout . questions to be addressed include : - are the patterns seen in previous shakeouts of high technology markets applicable to ecommerce ? what are the early warning signs of an impending shakeout ? - which ecommerce markets are most susceptible to a shakeout ? will there be single or multiple winners ? - which companies are likely to survive ? what strategies will the winners use ? there is controversy and uncertainty about which factors will most contribute to prospects for survival . how important are first mover advantages and building brand equity ? what do incumbents have to do to prevail ? which business models are most robust ? how important is the ability to manage strategic partnerships ? these issues will be addressed with a program that encourages active dialogue and interaction and includes speakers from industry , academia and wall street . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ agenda * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * dinner co - author of the best - selling books net gain and net worth ) * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * conference - riday , october 20 8 : 00 - 8 : 30 a continental breakfast and david reibstein , woodside prof . of marketing , wharton school and director , marketing science institute ) 11 : 30 - 12 : 15 p technology investing , 15 things that should be true ( stephen j . andriole , senior vice president and chief technology officer , safeguard scientifics ) 12 : 15 - 1 : 30 working lunch participants will work in small groups . half the group will be asked to select an ecommerce firm with a strong likelihood of winning and identify the most important reasons for success ; the other half will be asked to do the same for a firm that is likely to fail . 1 : 30 - 2 : 15 small group reports 2 : 15 - 3 : 00 finding a winning strategy ( norman drapeau , chief executive officer of mro . com ) 3 : 00 - 3 : 15 break 3 : 15 - 4 : 00 living through a consolidation ( harry smilow , previously chief executive officer of telebank which is now part of e * trade ) 4 : 00 - 4 : 45 a view from wall street ( henry blodget , first vice president and senior internet / e - commerce analyst , merrill lynch ) 4 : 45 - 5 : 00 sum up - what have we learned ? what do we need to learn ? 5 : 00 adjourn _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ directions to the event & accommodations : the dinner will be held at the inn at penn which is located at 3600 sansom street . there is also an entrance on walnut street between 36 h and 37 th . the conference will be held in steinberg - dietrich hall which is located on locust walk on the wharton campus in philadelphia . from the airport or train station take a taxi to the intersection of 37 th street and walnut , walk left onto the campus ( there is a broad paved walkway leading into the campus from that intersection ) . at the first intersection you will see a life sized bronze status of ben franklin sitting on a park bench reading a newspaper . turn left at this intersection and steinberg - dietrich hall is the first building on the right . there is a broad entrance with several doors . also , any student can direct you to this building . go inside and take the staircase down to the right - - room 350 is on the lower ( basement ) level . accommodations overnight accommodations are available at the inn at penn which is across the street from the campus ( tel 215 - 222 - 0200 - mention you are here for the emerging tech conference on e - commerce shakeouts , to receive the $ 164 / night wharton room rate ) . please make your reservations early because the inn is often fully booked . we have reserved a set of rooms for this event . if you stay at another hotel in center city , most hotels ( rittenhouse , latham , ritz carlton ) are approximately 15 minutes by taxi from the campus . there is also a sheraton approximately 3 blocks from the campus , on chestnut st . michael s . tomczyk managing director emerging technologies management research program 1400 sh - dh / 6371 the wharton school philadelphia , pa 19104 - 6371 tel 215 - 573 - 7722 fax 215 - 573 - 2129 website : http : / / emertech . wharton . upenn . edu",0 +"Subject: re : estimating tail of distribution and additional risk measures naveen , the "" analytical var "" approach is working for equity portfolio . it gives us the tool to examine the tails ' behavior for this portfolio and calculate "" expected tail loss "" . the same should be done for commodities portfolio as well . meanwhile , as we discussed , we can give some rough estimates of the losses corresponding to percentiles other than 5 th . look at the figure below . you can see var numbers for 5 % , 1 % , 0 . 5 % and 0 . 1 % calculated with 1 ) simulations ( 100 thousand simulations ) ; 2 ) analytical var ( gamma - delta positions representation ) 1 ) and 2 ) are very close because there are not many options in equity portfolio . 3 ) simulations ( 1000 simulations ) to calculate 5 % var . then in order to approximately estimate var for 1 % , 0 . 5 % and 0 . 1 % i scaled 5 % var with factors corresponding to normal distribution ( for example : norminv ( 0 . 001 , 0 , 1 ) / norminv ( 0 . 05 , 0 , 1 ) for 0 . 1 % ) . the result of such extrapolation in this case is quite good ( just 5 % different from the correct number ) . we probably can use such rough estimates of tail for commodities portfolio until we have proper methods implemented . tanya tamarchenko 02 / 28 / 2001 01 : 17 pm to : wenyao jia / hou / ect , debbie r brackett / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : "" analytical "" var implementation in risktrac debbie , i am forwarding to you a 2 page document describing implementation of "" analytical "" var in risktrac . here is why this effort is very important : 1 . we need to calculate var for other percentile but 5 ( 1 % or even 0 . 2 % as mentioned by rick buy ) and our simulation model can not handle required number of simulations ; 2 . we need to present additional risk measures ( such as mean tail loss ) to the board . the analytical approach is implemented in a spreadsheet and fully tested already so there will be no problems with the algorithm itself . we need to get together and discuss it implementation . what do you think ? tanya",0 +"Subject: re : meeting requested i will ask rebekah to try to set it up for monday . kg vince j kaminski @ ect 01 / 05 / 01 01 : 48 pm to : kevin garland / enron communications @ enron communications @ enron cc : rebekah rushing / enron communications @ enron communications , vince j kaminski / hou / ect @ ect subject : re : meeting requested kevin , let ' s meet for lunch next week ( monday of friday would be best ) . we can talk about the project and decide who has the right skills to help you . the person who supports ebs is stinson gibner and his lead person is martin lin . my secretary ' s number is 3 - 5290 ( shirley crenshaw ) . vince to : vince j kaminski / hou / ect @ ect cc : rebekah rushing / enron communications @ enron communications subject : meeting requested vince , i would like to meet with you or someone in your group to discuss some of the investment ideas and structures we are exploring . how is your group structured these days ? who would be best for me to meet ? might you be available for lunch next week ? i will have my assistant contact you . thank , kevin garland",0 +"Subject: welcome to the new cera . com ! dear cera . com client : we are pleased to welcome you to the new cera . com ! we hope you will agree that this new site represents another positive step in the evolution of cera ' s internet services . to access the new site , please visit : http : / / www 20 . cera . com if you have forgotten your username and password , please use our new username and password reminder located at : http : / / www 20 . cera . com / client / forgot / please note : bookmarks you have for specific cera reports will no longer be valid . shortcuts to specific client knowledge areas will still work . for example , the link to cera ' s world oil service home page ( http : / / www . cera . com / client / wo / ) will remain the same ( note this link only active for members of the world oil service ) . please take time to surf the new cera . com to see what ' s new ! sincerely , cera . com development team",0 +"Subject: reliant tigers interested in enron vince : below , please find 2 names of wharton students who are interested in internships this summer . thanks , donna - - - - - original message - - - - - from : chen , vincent [ mailto : chenvinc @ wharton . upenn . edu ] sent : sunday , february 04 , 2001 11 : 24 pm to : ' fap ' subject : re : call from enron donna , i had also passed along the resumes of two reliant energy tiger team members , david gershenson and james iker , who were both interested in working for enron this summer . i had spoken to vince about these candidates when we were in houston , and he said he would arrange internships for them as well . he should already have copies of their resumes and cover letters . please let me know if you have any questions or need clarification . thanks ! ! vincent - - - - - - - - end of unsent message",0 +"Subject: eol wti maket maker simulation model john , here is the spreadsheet zimin built for estimaing p / l from trading wti forwards . let zimin , vince , or i know if you have questions or comments . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 11 / 20 / 2000 11 : 14 am - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 11 / 17 / 2000 04 : 37 pm to : stinson gibner / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : eol wti maket maker simulation model stinson , i add the total p / l due to contract rollover . when the number of trades is large and the spread is not too small , the model prints a lot of money , dominated by those trade earning the half of bo spread . i also wrote an explaination about the model on the front page . i think we are ready to deliever the model v . 1 . zimin",0 +"Subject: 4 - urgent - owa please print this now . current notes user : reasons for using outlook web access ( owa ) 1 . once your mailbox has been migrated from notes to outlook , the outlook client will be configured on your computer . after migration of your mailbox , you will not be able to send or recieve mail via notes , and you will not be able to start using outlook until it is configured by the outlook migration team the morning after your mailbox is migrated . during this period , you can use outlook web access ( owa ) via your web browser ( internet explorer 5 . 0 ) to read and send mail . please note : your calendar entries , personal address book , journals , and to - do entries imported from notes will not be available until the outlook client is configured on your desktop . 2 . remote access to your mailbox . after your outlook client is configured , you can use outlook web access ( owa ) for remote access to your mailbox . please note : at this time , the owa client is only accessible while connecting to the enron network ( lan ) . there are future plans to make owa available from your home or when traveling abroad . how to access outlook web access ( owa ) launch internet explorer 5 . 0 , and in the address window type : http : / / nahou - msowaolp / exchange / john . doe substitute "" john . doe "" with your first and last name , then click enter . you will be prompted with a sign in box as shown below . type in "" corp / your user id "" for the user name and your nt password to logon to owa and click ok . you will now be able to view your mailbox . please note : there are some subtle differences in the functionality between the outlook and owa clients . you will not be able to do many of the things in owa that you can do in outlook . below is a brief list of * some * of the functions not available via owa : features not available using owa : - tasks - journal - spell checker - offline use - printing templates - reminders - timed delivery - expiration - outlook rules - voting , message flags and message recall - sharing contacts with others - task delegation - direct resource booking - personal distribution lists questions or concerns ? if you have questions or concerns using the owa client , please contact the outlook 2000 question and answer mailbox at : outlook . 2000 @ enron . com otherwise , you may contact the resolution center at : 713 - 853 - 1411 thank you , outlook 2000 migration team",0 +"Subject: conference call on friday , march 17 th hello nick : i agree e - mail is much easier . there is a two - hour time difference between calif and texas , i . e . , 1 : 00 pm texas time - 11 : 00 am calif time . would tomorrow at 11 : 00 am calif time be ok with you ( 1 : 00 pm texas ) ? this time is fine for vince , tom gros and stinson gibner . can they call you and if so , what number ? please let me know . thanks ! shirley 713 - 853 - 5290 nick bambos on 03 / 16 / 2000 12 : 28 : 58 pm to : shirley . crenshaw @ enron . com cc : bambos @ stanford . stanford . edu subject : re : visit to enron shirley , it ' s easier to communcate by e - mail , since i am moving from meeting to meeting ( but i have the laptop always with me ) . please give me a phone number that i could call tomorrow . what is the time difference between california and your location ? i think it ' s 2 hours ( ca - > tx ) - is that right ? i can do the conference call any time from 9 - 11 ca time . would that be ok on your side ? thanks , nick vince . j . kaminski @ enron . com wrote : > > nick , > > we can close the loop on our commitment to support the research projects > before your visit to enron . > > my assistant , shirley crenshaw , will call you to set up a conference call > with me , stinson gibner , > and tom gros from enron broadband services to discuss all the isssues . > friday this week would work for > both tom and me . i think we need about 15 minutes . > > vince > > p . s . shirley , nick ' s phone number is 650 796 8163 ( cell ) , 650 - 725 - 5525 > ( office ) . > > nick bambos on 03 / 12 / 2000 05 : 32 : 35 pm > > to : vince . j . kaminski @ enron . com , bambos @ stanford . stanford . edu > cc : > subject : visit to enron > > hello vince , > > it was nice seeing you at stanford and many thanks for the lunch > we had together . i really enjoyed our discussions , both at the > technical level and otherwise . > > i promised to send you an e - mail regarding possible dates for > a visit to enron . i delayed it for a week till my schedule was > clearer . let ' s see if we can get a match with your schedule - > mine is rather terrible : > > friday , 21 st of april looks good . but april 23 rd is easter > sunday , so that may make it difficult for some people at enron > to be around . let me know if that is the case . i am willing to > visit then , because the week after that i am scheduled to be in > japan and in the previous weeks i am all committed on fridays . > > friday , 19 th of may is the next possibility , but this probably > is too far out . the main problem is that i am operating within > a window of opportunity for attracting top students for this > research . this window closes by the end of april , and it would be > important for the student support funds to be in place then , so > that i can make hard commitments to students and attract top > talent . i am already reviewing files of students who have > approached me for phd advising , and i am in a mode of doing "" soft > commitments to star - level students "" to get this research and its > potential on their radar screen . top students are highly sought > after by advisors and i want to be an early player in this > competition . > > does my visit to enron have to happen before we can set up the > project and student support at stanford ? if so , doing it before the > end of april is important for getting top people . if the visit can > happen after we get the ball rolling , then we can schedule it in may . > i assume there will be multiple visits both ways when the project gets > going . please let me know what you think . > > best regards , > > nick",0 +"Subject: fw : research allocations to egm vince : can you tell me where to get this info ? - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 25 / 2001 03 : 53 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : becky pham / enron @ enronxgate on 04 / 25 / 2001 10 : 58 am to : shirley crenshaw / hou / ect @ ect cc : diane fellers / enron @ enronxgate subject : fw : research allocations to egm back in november of last year , you have indicated that 40 % of the 17 . 5 % ( 40 % of 17 . 5 is 7 % ) that we are allocating to egm should be billed to gary hickson ' s group . gary is asking for further broken down of this 40 % to his world . can you check with vince to see what portion of the 7 % should be charged to equity trading , rate & currency trading , agricultural trading & origination and convertible trading ? and can i get this information back by the end of this week because we are going to start closing on friday . if you have any questions , call me . thanx . - - - - - original message - - - - - from : khoja , sayed sent : wednesday , april 25 , 2001 10 : 17 am to : pham , becky subject : research allocations to egm becky , i have attached your original emails below . can you provide further break out of the 40 % allocation to gary hickerson . gary is responsible for financial trading which includes : ? equity trading ? rate & currency trading ? agricultural trading & origination ? convertible trading thanks for your help . sayed to : sayed khoja / na / enron @ enron cc : subject : re : research allocation - - - - - - - - - - - - - - - - - - - - - - forwarded by becky pham / hou / ect on 11 / 02 / 2000 03 : 00 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - to : becky pham / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : research allocation becky , i gave the % % for egm to shirley . i assume she communicated this info to you already . i assume egm includes f / x - i / r ( gary hickerson ) , weather , insurance ( jere overdyke ) , oil trading and coal . for calme i don ' t have any info . let ' s split the cost evenly . vince to : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : research allocation shirley , grm is now with egm group . egm wants to verify that the 17 . 5 % we are going to allocate to grm is for the insurance , jere overdyke group . egm seems to think that their weather , mark tawney group , is receiving support from research . also , can we break out the support for calme ? calme is going to split into 3 bus and i am trying to determine who i need to bill for research supports . if you have any questions , call me . thanx . to : sayed khoja / na / enron @ enron cc : subject : re : research allocation - - - - - - - - - - - - - - - - - - - - - - forwarded by becky pham / hou / ect on 11 / 02 / 2000 02 : 47 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - to : becky pham / hou / ect @ ect cc : subject : re : research allocation becky : vince said to allocate it as follows : gary hickerson 40 % jeff shankman weather 20 % insurance 30 % oil 5 % coal 5 % hope this helps ! shirley to : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : research allocation shirley , grm is now with egm group . egm wants to verify that the 17 . 5 % we are going to allocate to grm is for the insurance , jere overdyke group . egm seems to think that their weather , mark tawney group , is receiving support from research . also , can we break out the support for calme ? calme is going to split into 3 bus and i am trying to determine who i need to bill for research supports . if you have any questions , call me . thanx .",0 +"Subject: vince , i ' ve been out of the office the last few days . as we discussed friday , veronica and i hope you can join us , the stocks and the chaneys ( craig chaney is with enroncredit . com ) for dinner at 7 : 00 friday , april 27 th . directions from research and gosling : go west on research forest turn left the 2 nd time you cross alden bridge ( stop sign after kuykendall , shopping center on right with albertson ' s , exxon ) . go approximately 1 . 4 miles . will pass park and elementary school on left . take next left - noble bend . turn right on the 2 nd street - freestone place . we are # 30 freestone place - the next - to - last home on the right . phone # 281 - 362 - 7267 mike x 39990",0 +"Subject: eol project vince , just to update you on how things are going with regard to eol - i had a meeting with john arnold yesterday to show him what had been accomplished to date , and i think that he was fairly impressed by the information available . i asked him for his input , and he expressed his interest in having a couple of reports made up that couldn ' t be created from the format the data was in . i spoke to clayton about this , and he has already made changes that will reflect a number of the modifications john requested . i am also continuing to research the issue of an automated trading platform for eol . i have some information about how the nasdaq operates , and i have looked at some websites for ecns , such as archipelago , island and instinet . i have also had a look at the international securities exchange ( ise ) web - site , but they do not seem to explain much about their system . any further suggestions would be appreciated . i want to find out more about where eol is currently and what modifications may be necessary in the existing system , finish reading the material at the websites i have investigated , and then i will try to put together a presentation for you and / or greg whalley . tom",0 +"Subject: re : from george huan , ut austin mba thanks a lot ! george huan - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : xiaojun huan cc : vince . j . kaminski @ enron . com sent : 5 / 22 / 00 1 : 18 pm subject : re : from george huan , ut austin mba george , i have resent your resume to the risk management group . please , give them a few more days . vince xiaojun huan on 05 / 22 / 2000 01 : 08 : 07 pm to : "" ' vkamins @ enron . com ' "" cc : subject : from george huan , ut austin mba dear mr . kaminski : how are you doing ? i called you on may 11 th about my first rotational assignment . you recommended risk management and asked me to email you my resume . it seems like risk management group are not very interested in me , because i haven ' t received any feedback from them yet . do you think i should wait for a few days or call them ? i do appreciate your help , which will make a difference on my career path . sincerely xiaojun george huan mba 2000 , ut austin tel : ( 512 ) 477 - 8690 > ( see attached file : resume - george huan . doc ) >",0 +"Subject: re : confidential sophie , thanks . i shall discuss this with steve as soon as we have the nomination form signed . i can do it while he is stioll here at houston . vince sophie kingsley 09 / 05 / 2000 10 : 37 am to : dale surbey / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , michele small / lon / ect @ ect subject : re : confidential we need to get a nomination form signed by you & vince . once we have this you guys can discuss the figures with steve and once everything is agreed we will get the nomination form signed by sherriff and the agreement drawn up . i will get one up to you today / tomorrow . dale surbey 05 / 09 / 2000 15 : 33 to : vince j kaminski / hou / ect @ ect cc : sophie kingsley / lon / ect @ ect , michele small / lon / ect @ ect subject : re : confidential sophie - what do we need to do to implement this ? vince - do you want to go through this with steve while he ' s in houston ? - dale vince j kaminski 30 / 08 / 2000 23 : 43 to : sophie kingsley / lon / ect @ ect cc : dale surbey / lon / ect @ ect , vince j kaminski / hou / ect @ ect , michele small / lon / ect @ ect subject : re : confidential sophie , i think it ' s a fair deal . vince sophie kingsley 08 / 30 / 2000 11 : 49 am to : dale surbey / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , michele small / lon / ect @ ect subject : re : confidential both , thanks for your comments and comparisons , it is good to get context . based on your comments here would be my proposal o 63 , 500 basic salary - ol 5 k kickers for each of the 2 years - these are paid as a lump sum on each anniversary guaranteed . therefore guaranteed salary is effectively o 78 , 500 - this is completely separate and in addition to any performance bonus increase the value of options to o 60 k to vest 1 / 3 as before - which leaves a 1 / 3 ( $ 20 , 000 ) hanging out there at the end of the contract . just fyi - anjam is currently on o 68 , 000 but does not have an agreement , so this would effectively put a 10 . 5 k gap between the two . let me know your thoughts . dale surbey 30 / 08 / 2000 16 : 09 to : sophie kingsley / lon / ect @ ect cc : subject : re : confidential sophie , here ' s vince ' s comments on your proposal for steve . also , what ' s a 2 - yr exec ? how do the kickers work - are they basically a guaranteed minimum bonus or incremental bonus ? - dale - - - - - - - - - - - - - - - - - - - - - - forwarded by dale surbey / lon / ect on 30 / 08 / 2000 16 : 10 - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 30 / 08 / 2000 14 : 21 to : dale surbey / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : confidential dale , thanks for your message . i don ' t know the labor market in london that well but here the market for quants is very hot . steve is in my view an exceptionally talented person and i would go an extra mile to retain him long - term for the company . i would adjust the base salary or the kicker upward a bit . o 62 , 000 basic is what anjam is receiving currently ( if i remember correctly ) . steve has a much higher value to enron than anjam . vince dale surbey 08 / 30 / 2000 07 : 49 am to : vince j kaminski / hou / ect @ ect cc : subject : confidential vince , this is the package hr is proposing for steven . what do you think ? - dale - - - - - - - - - - - - - - - - - - - - - - forwarded by dale surbey / lon / ect on 30 / 08 / 2000 13 : 50 - - - - - - - - - - - - - - - - - - - - - - - - - - - sophie kingsley 29 / 08 / 2000 20 : 32 to : dale surbey / lon / ect @ ect cc : subject : confidential sorry dale , long day , here are the proposed numbers 2 year exec o 62 , 000 basic ( currently o 55 k ) ol 0 k each year kickers $ 50 , 000 worth of options to vest 1 / 3 1 / 3 1 / 3 let me know what you think . regards sophie",0 +"Subject: re : new web address shannon , thanks for the message . see you soon in houston . your message serves as a useful reminder . i have to start work on my presentation . vince "" shannon burchett "" on 04 / 11 / 2000 02 : 35 : 29 pm please respond to "" shannon burchett "" to : vince j kaminski / hou / ect @ ect cc : subject : new web address email background - primary templete dfw addressgood morning vince , hope all is going great with you there . today we launched a new version of our web site . the permanent url is . . . www . risklimited . com my email address remains the same , sburchett @ risklimited . com hope to see you at one of the upcoming houston conferences . cheers , shannon risk limited corporation box 612666 dallas , texas 75261 usa tel : 972 . 245 . 8300 fax : 972 . 245 . 8318 www . risklimited . com - attl . htm",0 +"Subject: job posting i am teaching a class at rice and one of my very bright students sent her resume in response to this posting . do you know who posted this job ? vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 24 / 2001 05 : 27 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" helen demianenko "" on 04 / 24 / 2001 02 : 11 : 05 pm please respond to to : cc : subject : job posting dear vince , thanks for talking to me this morning about the sr . risk analyst position . here is where you can find the job description for that position : also , i have cut and pasted it down below , just in case . i appreciate your assistance in this matter and will start working on my cover letter right away . i would also like to talk to somebody to get a better feel for the position ( is this really an mba level position and how much of the in - depth learning opportunities for the derivatives market does it entail ? ) sincerely , helen demianenko p . s . i have attached my resume ( one more time ) . sr risk analyst essential functions : primary accountability for managing the ets risk book structure and processes from a pipeline ( front office ) perspective . work within current nng and tw marketing organizations to effectively integrate risk books into daily marketing and structured product activities . provide feedback to management regarding overall and specific risk positions . provide support for consistent and accurate deals entry / reporting for stand alone risk management system . create ad - hoc reports to assist management in risk analysis . responsible for managing and providing enhancements to the capacity books : ? maintain functionality and provide leadership for new functionality from a users perspective . provide support and direction for integration of capacity books and revenue management project . support revenue management team essential requirements : ba / bs in finance or accounting ( mba preferred ) . minimum of two years financial instruments experience . excellent quantitative / analytic and systems skills . knowledge of commodity risk book concepts . understanding of physical natural gas market , interstate transportation and financial derivatives . ability to interface with structuring / marketing groups in order to define business requirements . ability to provide leadership for business and system processes . excellent communication skills with an ability to communicate across organization with varied skill sets and ideas . must be self - motivated with a high level of energy preferred skills : na . special characteristics : this job functions in a team - oriented , fast - paced environment with multiple concurrent assignments and constantly changing priorities . contact : responses will be accepted through may 3 , 2001 . respond to enron corp . , human resources 235 , p o box 3330 , omaha , ne 68103 - 0330 or e - mail : dea . crum @ enron . com as a . doc or . txt attachment . please include this requisition number . job id 0000108729 department risk management & reporti company enron transportation services enron transportation services location houston , tx type posting date 19 - apr - 01 - helen _ d _ resume . doc",0 +"Subject: enron storage analysis model audit professor darrel duffie 450 miramonte avenue palo alto , ca 94306 may 8 , 2000 dear professor duffie , i enclosed with this e - mail enron storage analysis model ( sam ) for your review . the attached files include : 1 ) a brief documentation of the model ( sam . doc ) , 2 ) c - code of the main routines , 3 ) excel spreadsheet interface , 4 ) sam _ audit . dll . dr . vince kaminski , dr . stinson gibner and myself have spent about one year in developing this model . with traders  , feedback incorporated , the model results are close to reality . although there are features to be included , we believe the model is ready for your review . we look forward to your comments and suggestions . please feel free to contact me should you need additional detail . sincerely , zimin lu director , enron research zlu @ enron . com 713 - 853 - 6388 enclosures",0 +"Subject: revised speaker contact details for power 2000 ? attached is the revised speaker contact details for the power 2000 conference in houston this upcoming may . please contact me with any questions you may have . ? ? regards , amy lamonsoff ? conference coordinator ? power 2000 ? ? - power 2000 speaker contact details . doc",0 +"Subject: invitees for grant ' s party vince : when do you want to try and have grant ' s party ? below is a list of people that he would like to invite . shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 10 / 09 / 2000 10 : 07 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" grant masson "" on 10 / 09 / 2000 10 : 09 : 46 am to : shirley . crenshaw @ enron . com cc : vince . kaminski @ enron . com subject : invitees for grant ' s party shirley : vince suggested i send you a list of non - research folks whom i would like to invite to the going away party . ted murphy george hopley bernie aucoin edith cross vlady gorny naveen andrews debbie brackett . the above are the essentials . i also like to invite the following , but i recognize that vince may want to control costs , so i will leave it up to you and him to invite or not . bill bradford jim simpson ( structuring , works for bernie ) rudi zipter greg woulfe ( ebs trader , not a portland marketer ! ) scott tholan kevin golden rebecca ? ? ? ( works with vlady ) . i will also try to invite terry lohrenz unless instructed not to . give me a call at home if you have questions . regards , grant . get your private , free e - mail from msn hotmail at http : / / www . hotmail . com . share information about yourself , create your own public profile at http : / / profiles . msn . com .",0 +"Subject: term project : this is the list of projects for the members of the "" quant "" team . if you are working on different project , please , ignore this message . please , develop in a spreadsheet solutions / examples for the following : 1 . black - scholes formula 2 . black ' s formula 3 . develop a spreadsheet to simulate price trajectory using : a . gbm b . gbm + jump ( formula 2 . 16 in the book , figure 2 . 7 ) c . mean reversion + jump ( formula 2 . 17 , figure 2 . 8 ) 4 . schwartz single factor model ( formula 6 . 12 ) 5 . develop models corresponding to the figures 7 . 1 , 7 . 3 , 7 . 5 , 7 . 6 , 7 . 8 vince",0 +"Subject: p . c . what do i need to do in order to get this p . c . early a . m . please let me know . thanks kevin moore very important - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 12 / 22 / 99 06 : 30 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 12 / 20 / 99 11 : 28 am to : lyn malina / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : subject : p . c . we spoke about the p . c . for trisha tlapek . location eb 3132 b . co . # 0011 r . c . 100038 thanks kevin moore x 34710",0 +"Subject: contacting iris mack vince , iris mack finally returned my call . her message said she had been in california on a job interview and it looks like she may take the position . i will contact her to get the details and confirm if she is off the market . toni graham staffing consultant - - - - - - - - - - - - - - - - - - - - - - forwarded by toni graham / corp / enron on 07 / 06 / 2000 09 : 28 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : teresa bien 06 / 22 / 2000 01 : 51 pm to : toni graham / corp / enron @ enron cc : subject : re : re [ 10 ] : greetings from london ( to enron ) fyi . can you look in to this for him ? - - - - - - - - - - - - - - - - - - - - - - forwarded by teresa bien / corp / enron on 06 / 22 / 2000 01 : 49 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 06 / 16 / 2000 10 : 14 am to : teresa bien / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : re [ 10 ] : greetings from london ( to enron ) teresa , i would like to invite iris for an interview in houston . she works currently in london can you call her and ask when she is planning to visit the states . we could pay the airfare from a location in the states . i would hate to pay the lst class ticket from london to houston , though i would go for it , if necessary ( i don ' t want a candidate to think that we are that cheap ) . business class is a standard for business related , cross - atlantic flights . i would be more comfortable if you could negotiate this issue . thanks vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 16 / 2000 10 : 13 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 06 / 12 / 2000 03 : 51 pm to : iris . mack @ bnpparibas . com @ enron cc : vince j kaminski / hou / ect @ ect subject : re : re [ 10 ] : greetings from london ( to enron ) iris , at this point it ' s my group : research , i . e . quantitative modeling . please , let me know what your interests are and i shall try to line up other groups for the interview . vince iris . mack @ bnpparibas . com on 06 / 09 / 2000 02 : 33 : 50 am to : vince . j . kaminski @ enron . com cc : subject : re [ 10 ] : greetings from london ( to enron ) hi , i will be out of the country until wednesday afternoon - london time . maybe we can chat then . also , could you please tell me about the group ( s ) that are interested in speaking with me . thanks , iris internet from : vince . j . kaminski @ enron . com on 06 / 06 / 2000 20 : 31 gmt to : iris mack cc : vince . j . kaminski bcc : subject : re : re [ 8 ] : greetings from london ( to enron ) iris , leaving for ca in a few minutes . i shall get back to you monday . vince iris . mack @ bnpparibas . com on 06 / 06 / 2000 10 : 36 : 46 am to : vince . j . kaminski @ enron . com cc : subject : re [ 8 ] : greetings from london ( to enron ) hi , thanks for your email . begining of july - what about july 4 th week ? could you give me a bit more info regarding the best days for you and your colleagues . thanks , iris internet from : vince . j . kaminski @ enron . com on 06 / 06 / 2000 14 : 29 gmt to : iris mack cc : vince . j . kaminski bcc : subject : re : re [ 6 ] : greetings from london ( to enron ) iris , the beginning of july would be better for us . please , let me know what is your availability . vince iris . mack @ bnpparibas . com on 06 / 06 / 2000 02 : 30 : 49 am to : vince . j . kaminski @ enron . com cc : subject : re [ 6 ] : greetings from london ( to enron ) hi , thank you for your email . how many days do we need ? i have checked my calendar . and think that i should be able to come on monday june 19 th ( tuesday june 20 th - if you need more than one day ) . . i can fly from london to houston during the following weekend to arrive in time for monday morning . let me know if these days are good for you and your colleagues . regards , iris internet from : vince . j . kaminski @ enron . com on 25 / 05 / 2000 18 : 33 gmt to : iris mack cc : vince . j . kaminski bcc : subject : re : re [ 4 ] : greetings from london ( to enron ) iris , we can invite you for an interview to houston . what would be a the time for you ? vince iris . mack @ bnpparibas . com on 05 / 25 / 2000 11 : 32 : 04 am to : vince . j . kaminski @ enron . com cc : subject : re [ 4 ] : greetings from london ( to enron ) hi , thank you for your prompt response . i am interested in any contacts you may have in your rolodex . also , i would be opened to talk to enron as well . please let me know more details . kind regards , iris internet from : vince . j . kaminski @ enron . com on 25 / 05 / 2000 16 : 19 gmt to : iris mack cc : vince . j . kaminski , stinson . gibner , grant . masson , pinnamaneni . krishnarao , vasant . shanbhogue bcc : subject : re : re [ 2 ] : greetings from london ( to enron ) iris , i shall go through my rolodex and try to find some good leads for you . i left investment banking 8 years ago and this field changes very fast . alternatively , would you be interested in a company like enron or another energy company in houston ? please , let me know . vince iris . mack @ bnpparibas . com on 05 / 25 / 2000 09 : 20 : 01 am to : vince . j . kaminski @ enron . com cc : subject : re [ 2 ] : greetings from london ( to enron ) hi , how are you ? thank you kindly for your email . sorry i have not responded sooner . currently i am working in derivatives structured products and risk management at bnp paribas in london . although i currently enjoy living and working in london , i may need to return to the states - because of my mother ' s failing health . do you know of any good contacts at investment banks that i may forward my details to ? for your information , i have attached my cv . ( please see attached file : iris marie mack . doc ) . thank you in advance for your time and consideration . kind regards , iris mack 44 ( 0 ) 20 7595 8665 ( work ) 44 ( 0 ) 20 7229 9986 ( home ) ( see attached file : iris marie mack . doc ) internet from : vince . j . kaminski @ enron . com on 04 / 04 / 2000 15 : 03 gmt to : iris mack cc : vince . j . kaminski bcc : subject : re : greetings from london ( to enron ) iris , please , feel free to give me a call when you have a few minutes . i shall be glad to chat with you . vince iris . mack @ paribas . com on 03 / 30 / 2000 02 : 24 : 27 am to : vkamins @ enron . com cc : denis . autier @ paribas . com subject : greetings from london ( to enron ) dear dr . kaminski , how are you ? it was nice to meet you at the real options conference in nyc . i was intrigued by some of the comments in your conference talk . in particular , by your use of real options to hedge financial options . this is something i am interested in as well . when you have some time , could we chat about this topic in a bit more detail ? thanks for your time and consideration . hope to hear from you soon . regards , iris mack - - - - - - - - - - - - - - - - this message is confidential ; its contents do not constitute a commitment by bnp paribas group * except where provided for in a written agreement between you and bnp paribas group * . any unauthorised disclosure , use or dissemination , either whole or partial , is prohibited . if you are not the intended recipient of the message , please notify the sender immediately . * bnp paribas group is a trading name of bnp sa and paribas sa ce message est confidentiel ; son contenu ne represente en aucun cas un engagement de la part du groupe bnp paribas * sous reserve de tout accord conclu par ecrit entre vous et le groupe bnp paribas * . toute publication , utilisation ou diffusion , meme partielle , doit etre autorisee prealablement . si vous n ' etes pas destinataire de ce message , merci d ' en avertir immediatement l ' expediteur . * le groupe bnp paribas est le nom commercial utilise par bnp sa et paribas sa ( see attached file : iris marie mack . doc ) ( see attached file : iris marie mack . doc ) ( see attached file : iris marie mack . doc ) ( see attached file : iris marie mack . doc ) - iris marie mack . doc",0 +"Subject: re : avistar training i will keep you informed ! - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 11 / 06 / 2000 02 : 45 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : paige cox @ enron on 11 / 06 / 2000 01 : 21 pm to : kevin g moore / hou / ect @ ect , ian richardson / corp / enron @ enron cc : phillip daigle / corp / enron @ enron , cedric belt / corp / enron @ enron , bwood @ avistar . com subject : re : avistar training hi kevin , brian wood with avistar is going to be here next tuesday ( 11 / 14 ) . i have asked him to schedule some time to meet with you and vince , and whomever else needs to be trained . i was not aware that you would be using the media server , so i didn ' t arrange to have him spend any time with you when he was here alst . i ' ll let you kow what time ( s ) he ' ll be available next tuesday . sorry for the delay ian - - please ensure that vince kaminski is set up to use the media server thanks ! paige kevin g moore @ ect 11 / 06 / 2000 12 : 43 pm to : ian richardson / corp / enron @ enron , cedric belt / corp / enron @ enron cc : paige cox / corp / enron @ enron subject : avistar training we are still waiting on avistar training / set up . please inform me on the situation . thanks kevin moore",0 +"Subject: re : confirm participation at real options conference at cambridge u . - urgent steve , are you interested in speaking at this conference ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 20 / 2000 08 : 10 am - - - - - - - - - - - - - - - - - - - - - - - - - - - lenos trigeorgis on 04 / 19 / 2000 05 : 32 : 27 pm to : "" vince j kaminski "" cc : subject : re : confirm participation at real options conference at cambridge u . - urgent vince can you please check with steve leppard and ask him to confirm , and send to me his position and title of his talk ( if different from yours ) ? thanks very much again lenos at 05 : 14 _ _ 04 / 19 / 00 - 0500 , you wrote : > > > lenos , > > my busy schedule does not allow me to attend . > > i would like , however , to recommend my colleague who works > in london , steve leppard . > he can make a very interesting and original presentation on real options . > please , let me know what you think . > > vince > > > > > > > lenos trigeorgis on 04 / 18 / 2000 09 : 29 : 18 pm > > to : lenos . trigeorgis @ rogroup . com > cc : ( bcc : vince j kaminski / hou / ect ) > subject : confirm participation at real options conference at cambridge > u . - urgent > > > > the attached file contains the tentative program for two back - to - back real > options conferences ( a professional one for july 5 - 6 , and the standard > annual academic one for july 7 - 8 ) at cambridge u . > > your name has been provisionally included on the program . please check all > the information relating to you and confirm your participation as listed > ( or advice us of desired changes immediately ) . > > thank you . > > lenos > > > > attachment converted : "" c : \ drive _ e \ eudora \ attach \ 4 thconfsessionsl 2 . doc "" > > > lenos trigeorgis > professor of finance > university of cyprus > dept of business > 75 kallipoleos , po box 20537 > cy 1678 nicosia cyprus > > tel : + 357 2 892261 > fax : 339063 > > > lenos trigeorgis professor of finance university of cyprus dept of business 75 kallipoleos , po box 20537 cy 1678 nicosia cyprus tel : + 357 2 892261 fax : 339063",0 +"Subject: garp presentation vince , would i be able to get a copy of your presentation last night at garp ? i have a coworker who was unable to attend . thanks , allen bryson conoco inc",0 +"Subject: iraq and crude output an interesting piece of information from the oil markets . iraq is trying to extract concessions from the us and threatens to shut down production as of oct 1 ( just in time for the us elections ) . the source of this info is phil verlaeger ( an oil analyst ) . he is very good but excessively concerned with iraqi machinations . he is the source of news ( reported by friedman of the new york times in his op - ed columns ) about massive iraqi trading in the oil futures markets . i personally discount this info : the volume and transparency of the oil markets would not support this type of huge scale operations by saddam ' s government . there may be some trading by iraqi officials on the side . vince",0 +"Subject: re : risk 2000 , 12 - 15 june , boston - speaker confirmation oliver , thanks a lot for your message . here is the information you requested : vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com vince "" oliver bennett "" on 03 / 21 / 2000 11 : 00 : 16 am please respond to "" oliver bennett "" to : "" zou , zhou "" , "" young , derek "" , "" walter gontarek "" , "" vince j kaminski "" , "" steven e shreve "" , "" stephen ross "" , "" staley , mark "" , "" selvaggio , robert "" , "" ross mayfield "" , "" ritchken , peter "" , "" prasad nanisetty "" , "" philipp schoenbucher "" , "" pesco , anthony "" , "" merrell hora "" , "" mark d ames "" , "" lirtzman , harris "" , "" leslie rahl "" , "" john mcevoy "" , "" john hull "" , "" joe pimbley "" , "" jeremy berkowitz "" , "" javaid , masood ( mlmam ) "" , "" ethan berman "" , "" browne , sid "" , "" bob maynard "" , "" amarger , regis "" , "" derman , emanuel "" , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , cc : subject : risk 2000 , 12 - 15 june , boston - speaker confirmation thank you for agreeing to speak at risk magazine ' s annual us congress , risk 2000 , taking place in boston between 12 - 15 june 2000 . ? could you please return this email with your full postal address and contact details so we can send you hard copies of the brochure , inform you of congress and hotel locations and let you know when we will need a copy of your presentation . if you are part of a panel discussion , myself or the panel moderator will contact you shortly . ? in the meantime the full brochure can be viewed and / or downloaded from the following web address - ? www . riskpublications . com / risk 2000 us ? if you have any further questions , please don ' t hesitate to contact me . ? best regards , ? oliver bennett senior conference producer ? ? direct : + 44 ( 0 ) 20 7484 9880 ? risk publications , 28 - 29 haymarket , london swly 4 rx fax : + 44 ( 0 ) 20 7484 9800 ? email : oliver @ risk . co . uk www . riskpublications . com",0 +"Subject: re : videoconferences w / enron melinda , thanks . vince melinda mccarty @ enron 01 / 24 / 2001 10 : 02 am to : vince j kaminski / hou / ect @ ect , christie patrick cc : shirley crenshaw / hou / ect @ ect subject : re : videoconferences w / enron i have reserved 32 c 2 video conference room - 3 : 30 - 5 : 30 for tomorrow ( thursday , january 25 ) let me know if you need anything else melinda x 31641 vince j kaminski @ ect 01 / 24 / 2001 09 : 37 am to : melinda mccarty / corp / enron @ enron cc : subject : videoconferences w / enron fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 24 / 2001 09 : 38 am - - - - - - - - - - - - - - - - - - - - - - - - - - - fap on 01 / 23 / 2001 11 : 21 : 10 am to : clay degiacinto , deepa mallik , dennis feerick , edson otani , gustavo palazzi , "" heather n . thorne ( e - mail ) "" , jack rejtman , jaideep singh , jason cummins , joshua leventhal , kim whitsel , "" louis a thomas ( e - mail ) "" , murat camoglu , nick levitt , omar bassel , pat henahan , ram vittal , steve lessar , tulika bhalla , vincent chen cc : "" ' vkamins @ enron . com ' "" , "" ' christie . patrick @ enron . com ' "" , fap subject : videoconferences w / enron team and host : i have set up the following dates / times for videoconferences . unfortunately , 4 : 00 - 6 : 00 was not available , so i arranged for 4 : 30 - 6 : 30 pm on the following dates . i hope this does not cause anyone inconvenience , but i took time and space that was available . note : i did not schedule during interview week , finals week or spring break . 1 / 25 shdh 1203 2 / 1 shdh 1203 2 / 15 shdh 1203 3 / 1 shdh 215 3 / 22 shdh 215 3 / 29 shdh 215 any questions , please contact the fap office . donna piazze program director field application project the wharton school univ . of pennsylvania 215 . 573 . 8394 fax 215 . 573 . 5727 fap @ management . wharton . upenn . edu piazze @ wharton . upenn . edu",0 +"Subject: fwd : invitation to the 20 th annual rutgers conference paul , thank you for the invitation to speak at the eastern conferences on regulation and competition on may the 25 th . i shall be glad to attend and make an after dinner presentation . i hope to be able to attend the entire conference . sorry for a delay in responding to your message . i have been traveling extensively in the last few weeks . vince return - path : from : vkaminski @ aol . com full - name : vkaminski message - id : date : thu , 15 mar 2001 17 : 04 : 02 est subject : fwd : invitation to the 20 th annual rutgers conference to : vkaminski @ aol . com mime - version : 1 . 0 content - type : multipart / mixed ; boundary = "" part 2 _ 70 . 8 aeecl 9 . 27 e 29652 _ boundary "" x - mailer : aol 6 . 0 for windows us sub 10501 return - path : received : from rly - yho 3 . mx . aol . com ( rly - yho 3 . mail . aol . com [ 172 . 18 . 147 . 35 ] ) by air - yho 3 . mail . aol . com ( v 77 _ rl . 21 ) with esmtp ; fri , 09 mar 2001 18 : 01 : 27 - 0500 received : from postmaster . enron . com ( outbound 5 . enron . com [ 192 . 152 . 140 . 9 ] ) by rly - yho 3 . mx . aol . com ( v 77 _ rl . 21 ) with esmtp ; fri , 09 mar 2001 18 : 01 : 01 - 0500 received : from mailman . enron . com ( mailman . enron . com [ 192 . 168 . 189 . 66 ] ) by postmaster . enron . com ( 8 . 8 . 8 / 8 . 8 . 8 / postmaster - 1 . 00 ) with esmtp id xaao 2258 for ; fri , 9 mar 2001 23 : 00 : 59 gmt from : vince . j . kaminski @ enron . com received : from nahou - msmswo 3 px . corp . enron . com ( [ 172 . 28 . 10 . 39 ] ) by mailman . enron . com ( 8 . 10 . 1 / 8 . 10 . 1 / corp - 1 . 05 ) with esmtp id f 29 noxp 22494 for ; fri , 9 mar 2001 17 : 00 : 59 - 0600 ( cst ) received : from ene - mtaol . enron . com ( unverified ) by nahou - msmswo 3 px . corp . enron . com ( content technologies smtprs 4 . 1 . 5 ) with esmtp id for ; fri , 9 mar 2001 17 : 01 : 07 - 0600 subject : invitation to the 20 th annual rutgers conference to : vkaminski @ aol . com date : fri , 9 mar 2001 17 : 00 : 58 - 0600 message - id : x - mimetrack : serialize by router on ene - mtaol / enron ( release 5 . 0 . 6 | december 14 , 2000 ) at 03 / 09 / 2001 04 : 58 : 03 pm mime - version : 1 . 0 content - type : text / plain ; charset = us - ascii x - mailer : unknown ( no version ) - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 09 / 2001 05 : 01 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" kleindorfer , paul "" on 03 / 08 / 2001 03 : 41 : 21 pm to : "" ' vkamins @ enron . com ' "" cc : "" ' mcrew @ andromeda . rutgers . edu ' "" subject : invitation to the 20 th annual rutgers conference vince : for two decades now , i have been a member of the faculty helping to organize the eastern conferences on regulation and competition that michael crew of rutgers has chaired . this year will be , in fact , the 20 th anniversary conference and a number of notable personages will be joining us to celebrate what we have learned and what we haven ' t about the economics of network industries . fred kahn , al philipps , bill hogan and a number of other distinguished academics will be reviewing our progress and the prospects for the future . the conference will take place at a beautiful site in the poconos , about 90 minutes north of philadelphia , from wednesday afternoon may 24 th to friday afternoon may 26 th . you can check for yourself the nature of the program and the conference site / hotel at the following website url : http : / / www . rci . rutgers . edu / ~ crri / ws . htm michael crew and i would both be delighted if you would be willing to be an after dinner speaker on thursday evening ( may 25 th ) , just before the key research reviews of friday morning take place on the electricity , telephone and gas industries , and following a day of special topics on emerging power markets and other developments in network industries . naturally we would be pleased if you would be able to stay for the entire conference , but knowing your schedule , you may only have time for a part of it . that would not be a problem . the usual after - dinner address is for 30 minutes , followed by a short q & a period . your presentation would help to underline the tremendous importance of enron in driving the development of new risk instruments to assist in price discovery and efficient risk management for market participants , in energy markets and more generally . both michael and i feel that your perspectives on the "" new science of risk management "" and what can be expected from it could be a very important addition to this special anniversay event . please let me know ( and please do copy michael on your response ) whether your schedule will allow your participation in this very special event . michael and i would , of course , be very happy to follow up with you in discussing the nature of the presentation , participants and so forth , if this is a go . i look forward to hearing from you . regards , paul paul kleindorfer 215 898 - 5830",0 +"Subject: message 1 dear dr . kaminski this is quentin kerr from australia , i just came back from the sydney ' s conference . glen dixon has told me that you are interested in my work . it is always my honor to work with you . i am currently a phd student at the mathsmatics department of the university of queensland ( aiming to finish my thesis at the end of this year ) . my research interest is financial mathematics , in particular , energy market modeling and derivatives pricing . now i send you copies of my first paper ( submitted to the applied mathematical finance ) and my talk ( the full version of the academic paper will be available in 2 weeks ) . any comment will be appreciated . ps : attached with the talk at the conference . best regard quentin - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - quentin kerr , email : qkerr @ maths . uq . edu . au room : 67 - 622 tel : ( 07 ) 33461428 department of mathematics , the university of queensland - conl . ppt",0 +"Subject: re : d dhar , amitava cc : chaney , craig ; mumford , mike ; kirkpatrick , eric ; brent , richard ; parsons , ben ; albanis , george subject : re : d & b contact names iris / amitava , i may have already said this , but we ' ve had so many e - mails and telephone calls flying back and forth that i wanted to make sure i at least got this much out to you . clearly , i would like you to set up the meeting with the riskcalc gurus to dig deeper into their methodology ( as much as they ' ll tell ) and the impact of missing variables and any other idiosyncracies the model may have . also try to get a better feel for how well they think the model extends to other countries . i know from a previous conversation with lea carty and reading about the model that it was calibrated off north american names but they suspect it might extend to other countries . conversely , i know they are working efforts within moody ' s risk management services to develop private ( and probably public ) firm models specific to regions . one they mentioned was australia and also within western europe . data , as always , was the issue . see if the quants have any perspective on their success / plan in that area . lastly , we truly appreciate the aggressive efforts you both have made toward pushing off this private model initiative and i ' m very confident we ' ll be able to nail a firm plan down upon receipt of either d & b and / or experian data . cheers , scott - - - - - - - - - - - - - - - - - - - - - - forwarded by scott salmon / eu / enron on 19 / 04 / 2001 20 : 51 - - - - - - - - - - - - - - - - - - - - - - - - - - - mike mumford @ ect 19 / 04 / 2001 17 : 55 to : scott salmon / eu / enron @ enron cc : subject : re : d & b contact names - - - - - - - - - - - - - - - - - - - - - - forwarded by mike mumford / lon / ect on 19 / 04 / 2001 17 : 59 - - - - - - - - - - - - - - - - - - - - - - - - - - - from : iris mack / enron @ enronxgate on 19 / 04 / 2001 09 : 23 cdt to : mike mumford / lon / ect @ ect cc : amitava dhar / corp / enron @ enron subject : re : d & b contact names hi , two riskcalc sales people made a presentation this week about their product . they stated that they could set up a meeting with their quants and our people to discuss the model input and what happens if we have less than 17 inputs . regards , iris - - - - - original message - - - - - from : mumford , mike sent : thursday , april 19 , 2001 1 : 37 am to : mack , iris subject : re : d & b contact names ooops . . . part ii . i just threw out 12 as a number for something we might develop . . . it ' s really not based on anything . we know 17 will work for pre - packaged programs . we also know there will be a great number of names with less than the full 17 . . . i assume we would pursue another model ( internal or external ) to provide probably less accurate numbers but at least available for names with fewer inputs . mike from : iris mack / enron @ enronxgate on 18 / 04 / 2001 15 : 02 cdt to : mike mumford / lon / ect @ ect cc : amitava dhar / corp / enron @ enron , scott salmon / eu / enron @ enron , eric kirkpatrick / eu / enron @ enron subject : re : d salmon , scott ; kirkpatrick , eric subject : re : d & b contact names iris , thanks . after our meeting we stuck around to discuss things a little further . specifically with respect to global counterparty names . . . we have duns cross - references on about 70 of active names ( 13 k out of 18 . 5 k ) . we could greatly accellerate purchase of some useful data by buying blind all major data associated with these specific duns numbers . pro - data gets in on names we know we want to review asap , but without resolution on which specific fields are most useful . we also get to test for completeness of data ( how many have all 17 fields . . . how many have only 12 of which fields , etc . ) . con - costs could be significantly higher . . . buying info we don ' t know we need ( converse of buying only the 17 fields doesn ' t seem best answer ) . we would end up buying additional info later . . . overhead costs and piecemeal buying will increase costs . it development time would be greatly increased . . . multiple file formats . . . developing to unknown maximum size , etc . . . . redoing when more data is purchased . any thoughts . mike",0 +"Subject: re : dr . bernard loyd at mckinsey ( agriculture ) hi , thanks for the document on your practice . i forwarded it to the relevant parties . they will take a look at it and get back to me when they wish to take the next steps with you and your colleagues at mckinsey . regards , iris - - - - - original message - - - - - from : @ enron sent : wednesday , march 07 , 2001 11 : 28 am to : mack , iris subject : re : dr . bernard loyd at mckinsey ( agriculture ) below is some material on the practice . b to : bernard _ loyd @ mckinsey . com 03 / 07 / 2001 cc : 10 : 21 am subject : re : dr . bernard loyd at mckinsey ( agriculture ) hi , thanks for your prompt response . my colleagues would indeed like to chat with you about the agriculture industry some time in the future . can we touch bases in a few weeks . in the mean time , do you have any materials you can forward to us about mckinsey ' s agriculture group ? thanks , iris - - - - - original message - - - - - from : @ enron sent : wednesday , march 07 , 2001 2 : 17 am to : mack , iris subject : re : iris mack at enron hey iris , great to hear from you and welcome back stateside ! i would be delighted to meet with you and your colleagues . bernard margot tyler 03 / 06 / 2001 to : bernard 02 : 41 pm loyd / chi / northamerica / mckinsey cc : subject : re : iris mack at enron - - - - - forwarded by margot tyler / chi / northamerica / mckinsey on 03 / 06 / 2001 02 : 41 pm - - - - - to : margot _ tyler @ mckinsey . com 03 / 06 / 2001 cc : 02 : 27 pm subject : re : message for bernard hi again , i had lunch today with some of the guys in my group who work on agriculture - related deals and on weather derivatives . i mentioned to them about bernard ' s working at mckinsey and specializing in the agriculture area . we thought it might be worthwhile if we all had a chat and / or met to discuss possible collaborative efforts . will you please forward this email on to bernard to see if this might be of interest to him ? thanks , iris | this message may contain confidential and / or privileged | | information . if you are not the addressee or authorized to | | receive this for the addressee , you must not use , copy , | | disclose or take any action based on this message or any | | information herein . if you have received this message in | | error , please advise the sender immediately by reply e - mail | | and delete this message . thank you for your cooperation . | | this message may contain confidential and / or privileged | | information . if you are not the addressee or authorized to | | receive this for the addressee , you must not use , copy , | | disclose or take any action based on this message or any | | information herein . if you have received this message in | | error , please advise the sender immediately by reply e - mail | | and delete this message . thank you for your cooperation . | - afc qual pack . zip >",0 +"Subject: re : gwen koepke anne , thanks for contacting me about this . as a matter of fact , i wanted to talk to you about it today as this matter was outstanding for a long time . i think we should go ahead and adjust gwen to manager , effective march 1 . the compensation would be her current base plus 10 k . this is what we typically do when we promote an associate to a manager . such promotions take place in march and i think gwen should not be penalized for the inefficiency of her management ( i . e . my and maureen ' s procrastination ) . on unrelated and more serious matter . gary hickerson is the primary client for maureen ' s services . he communicated to me a few weeks ago that he is unwilling to underwrite maureen ' s position ( he is in general unhappy with her contribution ) . this means that maureen will have to find another sponsor or leave enron . given her abrasive and aggressive personality finding another internal customer will be quite a challenge . gary volunteered to pay a very generous severance to maureen from his budget . i would like to talk to you about it when you have a few minutes . vince from : anne labbe / enron @ enronxgate on 05 / 02 / 2001 10 : 34 am to : vince j kaminski / hou / ect @ ect cc : subject : gwen koepke vince , just wanted to touch base with you . i have tried to contact maureen so that gwen ' s title and salary can be adjusted to manager just as you requested , but have not heard any response from her . would you like for me to wait until i hear from maureen or should i go ahead and proceed in changing her title ? i just want to make sure that gwen is in the right peer group during prc . also , i am going to try and set up a meeting with you next week through shirley to discuss any buring issues that you are experiencing , and your expectations during prc . thanks , anne",0 +"Subject: grep for windows . folks , those of you who have used unix are probably familiar with the grep command . it ' s used to extract lines from a set of files that contain a given input string , and is very useful . ( if you have any questions on how to invoke it , ask me . ) the grep command is now available in a pc version - - see below . joe - - - - - - - - - - - - - - - - - - - - - - forwarded by joseph hrgovcic / hou / ect on 12 / 01 / 2000 10 : 50 am - - - - - - - - - - - - - - - - - - - - - - - - - - - carlos uribe @ enron 12 / 01 / 2000 11 : 23 am to : todd kimberlain / na / enron , joseph hrgovcic / hou / ect cc : malcolm wells / na / enron , michael barber / hou / ect subject : grep for windows . todd and joseph , as discussed earlier , i did recall reading somewhere that grep had been ported to windows . i did some research and was able to find the windows ported version of grep . attached you will find a compressed file that contains the grep binary and source . please let me know if i can be of any further assistance . thanks . - carlos",0 +"Subject: re : approval is overdue : access request for paul . d . thomas @ enron . com agree , especially if the guy doesn ' t even want it anymore ! for background , this directory id one i set up for dave ryan and todd decook to deposit there forecast data and exchange with mine - - - mike",0 +"Subject: resume of mark giancola richard : i am vince kaminski ' s assistant , and vince received an email from you yesterday concerning employment for mark giancola . he forwarded the email to maureen raymond , sr . economist with the research group . she is currently looking for an associate economist and would very much like to interview mark . can you let us know the best way to approach this ? can you contact him or should i send him an email asking him to give us some dates he might be available for an interview . your quick response will be appreciated . thanks richard ! shirley crenshaw 3 - 5290",0 +"Subject: the neural network site www . pfr . com / ptonline ? and username : june ? with password : ? ? trend : change",0 +"Subject: summer intern : paulo oliveira vince : here is the information that i have on paulo . he would be slated to work for the summer with april hodgeson and matt harris on how streaming media products may add value to advertising or some related area . actually , he would also be a good fit for helping to think ways to analyze our enron on - line data . i have asked if he can send a resume . in the mean time , most of his relevant information is attached below . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 02 / 17 / 2000 11 : 14 am - - - - - - - - - - - - - - - - - - - - - - - - - - - paulo rocha e oliveira on 02 / 10 / 2000 12 : 04 : 56 pm to : "" stinson gibner "" cc : subject : re : trip to houston stinson , thank you for your e - mail . my phone number is ( 617 ) 492 - 9551 . i graduated from princeton university in 1996 ( mathematics ) , and came straight to mit for a ph . d . in operations management at the sloan schoolof management . in my first three years i took all the required coursework in mathematics , optimization , stochastic processes , etc . , as well as a number of courses in psychology ( at mit and harvard ) . i am working with prof . gabriel bitran , and i am interested in the mathematical modeling of service operations . in particular , i am interested in the interaction between customers and companies ( hence the interest in psychology ) . the ( tentative ) title of my phd thesis is "" pricing substitute products on the internet "" , and i am sending you the summary which i sent to tom gros a few weeks ago that will give you an idea of what this research is about . thanks again , and i ' m looking forward to meeting you and your research group next week . paulo pricing substitute products on the internet objective : to develop new tools to decide pricing policies for goods and services sold on the internet . motivation : this research is motivated by the fact that traditional choice and optimization models are not appropriate for internet - related businesses . the technological innovations associated with the internet brought about an overload of information which inevitably affects the ways in which consumers make choices . furthermore , companies have a great deal of influence on how much information consumers can have access to . the problem of pricing substitute products is an important strategic issue faced by internet companies . consumers usually search for generic products ( e . g . vcrs or computers ) without knowing exactly what they will buy . companies can show different products and different prices to each consumer . this type of flexibility was not available until the internet came about . the problem of pricing substitute products is not unique to the internet . the methodology developed by this research should be transferable to a number of other settings , such as pricing services . services are unique , and there are many cases where customers will only buy one of many services offered by a given company . our model will help companies decide which services to offer to which customers and how much to charge for these services . research strategy : our research strategy is to divide the pricing problem into two components which can be combined to generate optimal pricing strategies . these components are choice models and optimization models . choice models : choice models describe how customers make choices . the management literature draws on two main sources for these models : psychology and economics . the common approach in psychology models is to use what are called heuristic elimination methods . these methods consist of the elimination of options based on the sequential elimination of features until only one choice remains . these methods tend to be very context - specific and do not lend themselves very easily to mathematical analysis . economists focus on utility - maximing models that are significantly more mathematically tractable than psychological models . the most common economic model of choice is the logit model . the problem with these types of models is that they are not very accurate reflections of how consumer make choices on the internet . the first step in our research will be to develop choice models that capture the interactions going on between customers and companies on the internet . optimization : traditionally , the optimization problem consists of maximizing revenue over a certain planning horizon . on the internet , the problem of maximizing revenue still exists , but there is also a need to learn about customers . short term profit is based on sales , but long term profit is based on how well you know your customers and are able to retain them . the optimization problem must therefore include a short term component ( sales ) and a long term component ( learning ) .",0 +"Subject: re : book for lacima course attendees julie , thanks . also , as a follow up : did you receive the check from paul quilkey ? vince "" julie "" on 01 / 14 / 2001 02 : 15 : 57 pm please respond to "" julie "" to : cc : subject : book for lacima course attendees just wanted to let you know that the energy derivatives : ? pricing and risk management book , by clewlow and strickland and sponsored by enron corp . , ? is completed . ? we will begin shipping 15 january , which will include distributing ? your complimentary copy . ? thank you for your patience and support . ? sincerely , julie ? lacima group ? ?",0 +"Subject: 1 - urgent - outlook email notification ( new ) outlook email notification your date of migration is : may 7 th you will be unable to send e - mail unless you take the following action : please go through your notes email and clean out as many old / un - needed email items as possible before your date of migration . after you are migrated to outlook you will only be allocated 100 mb of total mailbox space . if more than this amount of data is migrated to outlook you will not be able to send e - mail until it is below the 100 mb limit . cleaning up your notes email now will prevent this from happening to you . enron ' s messaging platform is migrating from lotus notes to microsoft outlook 2000 worldwide . you will be accessing outlook for all of your email functions . why is enron migrating to outlook 2000 ? many factors contributed to the decision to migrate from lotus notes to microsoft exchange / outlook . the most prominent factors were : ? significant advantages to moving to a product that is more integrated with current enron apps ( windows 2000 , office and internet explorer ) ? more efficient shared pc and roaming user features ? improved support and integration for palm / ce devices ? instant messaging capabilities what is being migrated to outlook 2000 ? ? email messages . from the date of your scheduled migration , the last ( 30 ) thirty days of your email will be converted for use in outlook . ? all your folders in notes you use to store email messages in . ? to do items ? journal items ? calendar entries dating from ( 1 ) one year in the past to ( 10 ) ten years in the future will be converted . ? address books , but not your distribution lists that you created . you will need to re - create these in outlook . thank you , outlook 2000 migration team",0 +"Subject: re : clayton vernon thanks for the e - mail . please let me know if clayton does not honor his commitment to complete his current project . i am giving clayton an opportunity ( next 6 months ) to prove he can add value to our operation creating state of the art decision support tools . if he fails , i will take the necessary steps . thank you .",0 +"Subject: my new info dear friends and colleagues , i have switched again my employment status between self - employment and employment by joining the txu energy trading on the capacity of their managing director of risk management operations . will commute home on weekends , but otherwise , will be stationed in dallas . the new email address is mjermakl @ txu . edu , and the phone number is ( 214 ) 875 - 9603 . regards , martin jermakyan www . txu . com - winmail . dat",0 +"Subject: re : test shirley , please , remind me about making arrangements for this trip later this week . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 11 / 2000 09 : 40 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" piazze , thomas "" on 04 / 05 / 2000 02 : 47 : 10 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : test vince : my schedule indicates that should be a good day to be on campus , so let ' s plan for it . please forward to me those brief topic write - ups you promised so that i can schedule appropriate faculty to meet with you . thanks . tom > - - - - - original message - - - - - > from : vince . j . kaminski @ enron . com [ smtp : vince . j . kaminski @ enron . com ] > sent : wednesday , april 05 , 2000 11 : 08 am > to : piazzet @ wharton . upenn . edu > cc : vince . j . kaminski @ enron . com ; shirley . crenshaw @ enron . com > subject : re : test > > > tom , > > the conference in new york is held on may 18 and may 19 . i can visit > wharton > the day before . > > vince kaminski > > > > > "" piazze , thomas "" on 04 / 05 / 2000 08 : 40 : 55 am > > to : "" ' vince j kaminski ' "" > cc : > subject : re : test > > > vince : i enjoyed talking with you yesterday and look forward to receiving > information relative to your visit to campus . > > tom piazze > > > - - - - - original message - - - - - > > from : vince j kaminski [ smtp : vince . j . kaminski @ enron . com ] > > sent : tuesday , april 04 , 2000 4 : 52 pm > > to : piazzet @ wharton . upenn . edu > > subject : test > > > > > > > > test > > > > >",0 +"Subject: energy operations promotions i am pleased to announce the following promotions effective february 1 within ena energy operations . these individuals have been promoted in recognition of their outstanding performance and their contributions to the continuing success of enron north america . please join me in congratulating these employees on their promotions . promotions to senior director kristin albrecht serves as business controller for ena  , s power business . along with leslie reeves , kristin ensures that power transactions are handled accurately and smoothly from beginning to end . kristin  , s primary focus is on risk controls and daily reporting of positions and p & l for east power trading , west power trading and genco operations . brenda herod serves as business controller for ena  , s assets business , working with the gas assets group and the texas trading desk . her responsibilities include global contracts and facilities , risk management , confirmations , gas scheduling , volume management , settlements and regulatory compliance for houston pipeline , lrc and enron midstream services . leslie reeves is a business controller for ena  , s power business , working closely with kristin albrecht in managing mid and back office support for the east , west and genco power trading groups . her primary responsibilities are documentation and settlements , with a focus on contract administration , cash forecasting and cash management . mary solmonson leads ena  , s global database management group , collecting and validating information on our customers , contracts , pipelines and facilities , as well as published prices . these activities support overall energy operations responsibilities from risk to logistics to settlement . in addition , mary has been instrumental in the promotion and implementation of the global systems across enron to provide control , consistency , and common data throughout the organization . promotions to director scott pleus serves as business controller for enron  , s emerging products . these businesses include bandwidth , pulp and paper , and weather . his primary responsibilities include day - to - day functions of risk management , confirmations , pulp and paper scheduling , and settlements as well as long term system development . sheri thomas led ena  , s natural gas off - system settlements function throughout 1999 . her responsibilities included cash forecasting , collections , and accountability for receivables and payables for ena  , s gas business in the east , west and central regions of the us . sheri accepted a new assignment in january 2000 and is now managing the enron online operations . promotions to manager bennett kaufman manages the risk management administration function for the equity trading and debt trading groups . he has also had experience in supporting the options book for natural gas derivatives trading . prior to joining enron in early 1998 , bennett worked in trading operations for investment banking firms in new york . richard mckeel is the systems integration analyst within global database management , overseeing the change management process and new software development needed to interface the global applications with strategic systems  ) sitara , unify , enpower , solarc , sap , and enrononline . other promotions specialist to senior specialist : analyst to specialist : sylvia campos  ) deal compliance contract records tara eslick  ) financial trading risk management kam keiser  ) gas risk management - central desk victoria versen  ) gas logistics - east desk phillip love  ) risk controls operational analysis jeff coats  ) gas risk management - central desk monica lande  ) west power risk management ( portland ) senior clerk to staff : trang le  ) strategic operations  ) project unify john postlewaite  ) east power risk management anthony campos  ) deal compliance contract records diane seib  ) documentation ( calgary ) kori loibl  ) gas risk management - financial books donnie vinson  ) west power risk management ( portland ) imelda frayre  ) strategic operations - project sitara clerk to senior clerk : staff to specialist : leslie smith  ) information & records management amy degeyter  ) power documentation melinda whalen  ) documentation ( calgary ) michael nguyen  ) emerging products risk management sherlyn schumack  ) logistics volume management karie hastings  ) strategic operations - project sitara in addition , peggy hedstrom and brent price were promoted to vice president , as announced in the memo issued by enron corp . office of the chairman . peggy leads energy operations for enron canada , with responsibility for risk management , documentation and gas logistics . peggy also serves as a key interface with canadian pipelines as a member of several industry committees . brent is the senior business controller for gas trading operations in the u . s . his responsibilities include risk management , confirmations , volume management and settlements for the east , west and central regions . he also provides operational expertise in the due diligence phase of the evaluations of joint ventures and acquisitions .",0 +"Subject: list of teams and projects vince , here is the list of teams and projects . there are still a couple of people who have not found their teams yet . i will try to put them in one of the existing teams . jason teaml : project metalgesselschaft ( mg ) lynn nazareth javier lamas shauywn smith carlos wheelock team 2 : energy related futures contracts john ganguzza neeraj hingorani grant johnson duane maue rishad patel eric van stone paulo yoshiura team 3 : standard option contracts yue guo fang li nan li tracy pan wei wu jeff planck team 4 : standard options contract felix feng lu ning zhang rakhi israni sanjay wankhade winni so orlando taylor team 5 : power pool analysis elena chilkina rob gaudette joe helms ken jett todd litton marc westmoreland",0 +"Subject: summer internship hello charlene , i am forwarding you a resume of a student from berkeley . we would like very much to have him as a summer intern with my group . please , let me know if your program can accommodate him . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 15 / 2000 07 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - ezequiel luis on 11 / 13 / 2000 04 : 23 : 23 pm to : vkamins @ enron . com cc : subject : summer internship dear mr . kaminski i am currently pursuing the m . s . in ieor at uc berkeley . i attended the speech you gave some weeks ago . i am interested in summer internship positions available in enron . you will find enclosed my resume . sincerely , ezequiel luis este mensaje fue enviado desde http : / / commcenter . infosel . com internet gratis http : / / www . terra . com . mx / terralibre - resume elm . doc",0 +"Subject: congestion pricing & forecasting program i would like to go to this conference / tutorial on congestion modeling and management . is that ok , or would you prefer somebody else to go ? thanks , vasant - - - - - - - - - - - - - - - - - - - - - - forwarded by vasant shanbhogue / hou / ect on 01 / 19 / 2001 05 : 38 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - infocast on 01 / 19 / 2001 03 : 58 : 13 pm to : vasant . shanbhogue @ enron . com cc : subject : congestion pricing & forecasting program as an infocast preferred customer , we would like to invite you to attend our highly acclaimed program , congestion pricing & forecasting , scheduled for february 21 - 23 , 2001 in washington dc at a very special discount ! attend this program for only $ 895 . 00 and the pre - conference workshop , congestion pricing tutorial : from lmp to flow - based for only $ 520 . 00 . this is a 25 % savings off the standard tuition ! however , this special offer is only good through friday , january 26 , 2001 and seats are rapidly filling ! attached you will find a copy of this timely and informative infocast program , or you can visit our website at www . infocastinc . com . congestion pricing & forecasting has been designed to provide you with a clear understanding of how to predict the impacts of congestion and what mechanisms can be used to control these impacts . experts will discuss : ? the most advanced techniques for forecasting transmission congestion , locational prices and ftr prices ? the latest approaches to the "" seams "" issues ? the pros and cons of implementing a flow - based congestion management system don ' t miss this excellent opportunity . but remember , this offer is only good until january 26 , 2001 so please phone me at ( 818 ) 888 - 4444 ext . 20 or email me at mail @ infocastinc . com and mention this letter to be registered at this exceptional price . you can also fax or mail me your completed registration form along with this letter . best regards , hiedy vitug preferred customer representative infocast ( 818 ) 888 - 4444 ext . 20 fax ( 818 ) 888 - 4440 email : mail @ infocastinc . com enclosure if you do not wish to receive e - mail notification of infocast conferences , click on the text below and send mailto : mail @ . com ? subject = delete from mailing list - congest . pdf",0 +"Subject: approval for restricted websit : web _ research _ pub per kevin moore , please approve elena chilkina ' s access for the following restricted website : web _ research _ pub . thank you , information risk management ( et ) - - - - - - - - - - - - - - - - - - - - - - forwarded by information risk management / hou / ect on 05 / 02 / 2000 09 : 05 am - - - - - - - - - - - - - - - - - - - - - - - - - - - security resource request system directory line item pending access processing directory name : website : web _ research _ pub service type : grant expiration date : comments : will send to vince kaminski for approval . security processing processing status : e - mail message : comments / justification : general information request : kgme - 4 jtf 4 c requested by : kevin g moore / hou / ect phone : 713 / 853 - 4710 requested for : elena chilkina / hou / ect employee type : company : 100038 rc # : 0011 priority : high comments / justification : she will need the same as michael sergeev . a few has been listed there may be some others that are not listed . please apply . editing history ( only the last five ( 5 ) are shown ) edit # past authors edit dates 1 information risk management 05 / 02 / 2000 09 : 03 : 15 am",0 +"Subject: draft agenda for meeting between icf consulting and enron corp - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 01 / 27 / 2000 12 : 56 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" gabriel , steven vaol "" on 01 / 10 / 2000 02 : 25 : 00 pm to : pinnamaneni krishnarao / hou / ect @ ect , "" vikas , shree vaol "" , "" balakrishnan , s . tx 99 "" cc : subject : draft agenda for meeting between icf consulting and enron corp > krishna : i ' ve attached a draft agenda for the meeting we ' ve been discussing ( tentatively for february ) . we ' ll try to contact you thursday of this week to get your comments . thanks . - steve gabriel & shree vikas = = = = = = = = = = = = = = = = = = = = = = = = = = = steven a . gabriel , ph . d . industrial address project manager icf consulting 9300 lee highway fairfax , va 22031 - 1207 tel . ( 703 ) 218 - 2624 fax ( 703 ) 934 - 3968 sgabriel @ icfconsulting . com www . icfconsulting . com academic address professorial lecturer dept . of engineering management & systems engineering the george washington university washington , dc 20052 sgabriel @ seas . gwu . edu - enron . doc",0 +"Subject: re : fw : fw : get together this coming tuesday ? thanks for the update . kim . - - - - - original message - - - - - from : kaminski , vince sent : tuesday , may 01 , 2001 2 : 08 pm to : watson , kimberly cc : gadd , eric ; kaminski , vince subject : re : fw : fw : get together this coming tuesday ? kim , i talked to dale early this morning and suggested that we meet during his next trip to houston when we decide on timing of our project . vince from : kimberly watson / enron @ enronxgate on 05 / 01 / 2001 08 : 41 am to : vince j kaminski / hou / ect @ ect , eric gadd / et & s / enron @ enron cc : subject : fw : fw : get together this coming tuesday ? vince , if dale comes in to see you , it looks like eric might be available to meet with you as well . it would be a good opportunity for eric to meet dale and get a little more information on his model . eric ' s phone number is x 54713 . thanks , kim . - - - - - original message - - - - - from : gadd , eric sent : monday , april 30 , 2001 8 : 12 pm to : watson , kimberly subject : re : fw : get together this coming tuesday ? works for me . give me a call at 9 : 30 . from : kimberly watson / enron @ enronxgate on 04 / 30 / 2001 05 : 09 pm to : eric gadd / et kaminski , vince subject : re : get together this coming tuesday ? dale , please , call me on tuesday . my morning schedule is full but i am open in the afternoon . vince > "" dale m . nesbitt "" on 04 / 30 / 2001 01 : 51 : 21 am please respond to to : "" vincent kaminski "" , "" kimberly s . watson "" cc : subject : get together this coming tuesday ? vince / kim : i am flying to houston tonight and wondered if it would fit one or both of your schedules to get together this coming tuesday sometime for 1 / 2 hour or so . i really want to reinitiate the conversations marketpoint was having with john goodpasture and you , and he said either or both of you were the right people to continue after his responsibility shift . john was quite positive about the idea of enron acquiring marketpoint narg through license , and he implied that one or both of you would be carrying the ball in that direction after he handed it to you . would this coming tuesday morning at 930 am be a good time for you guys ? if so , please give me an email shout at the above address or leave a message on my voicemail at ( 650 ) 218 - 3069 . i think you will be truly impressed with the scope and progress we have been able to make with both the short run narg and the long run narg in which you were interested ( not to mention our power model ) . the progress is noticeable since you saw it . both long and short term narg are having quite an impact on a number of gas decisions at the moment ranging from venezuelan lng , north american lng import terminals and term , gas basis calculations , trading support , power plant development , gas - to - power price spreads in key markets , veracity of heat rate trades , bank financings , storage field evaluation , and which new pipelines we can expect to see enter and which are dogs . i really hope we can fit it in and get our discussions moving in a mutually productive direction again . i think narg can help you become even more successful , and i look forward to working with you . we have a new office address and new phone number as well . ( we move in may 1 . ) altos management partners 95 main street , suite 10 los altos , ca 94022 ( 650 ) 948 - 8830 voice ( 650 ) 948 - 8850 fax ( 650 ) 218 - 3069 cellular give the phones a week or so to get "" debugged "" and then switch over . dale",0 +"Subject: telephone interview with enron corp . research group good morning todd : david hunker has suggested that you might be a good fit with the research group of enron corp . with this in mind , we would like to conduct and informal telephone interview with you at your convenience . if you could give me some times and dates during the week of may 22 nd , i will coordinate the interview . please let me know the telephone number that you may be reached at , also . the interviewers would be : vince kaminski managing director and head of research stinson gibner vice president , research zimin lu director , research thanks . shirley crenshaw adminstrative coordinator research group 713 / 853 - 5290",0 +"Subject: i believe all of you received a request from jeremy blachman to hold the afternoon of january 10 th open for an off - site to discuss the manner in which rac and research assess / test the credit quality of ees transactions . i realize that rac and ees have had many discussions as to the methodology , but it might be helpful for all of us to understand the actual derivation of some of analysis . please call me with any questions or comments at ext # 30349 . the agenda will be as follows : 12 : 00 - 1 : 00 lunch 1 : 00 - 3 : 30 presentations 3 : 30 - to close discussion rac / research presentations the following topics would be of interest to ees : 1 - the derivation of default probabilities including ( research ) - - a discussion of the actual mathematical process , - - the analytics behind why these computations are deemed the best for enron , - - a comparison to historic default rates and why they differ ( in respect to actual default rates , shape of the cumulative default curves etc . 2 - the volatilities which are used to determine possible loss scenarios for the commodity portion of ees deals including ( research ) - - the selection of curves - - the application of those curves to the actual credit reserve model and - - why these particular tests are applicable to our products . 3 - the recovery rates used in the credit reserve model . how are these figures derived ? ( rac ) 4 - how rac and research have adjusted the credit reserve model to accommodate unusual aspects of the deal including ( rac ) - - promotion payments , - - accounts receivable - - committed capital - - and other factors ees also understands that some of you may be familiar with our processes , however , there are perhaps areas that you would like to understand more fully . please tell us what you would like to hear from us . also , rac has sent us the credit reserve model and i have seen completed models . perhaps prior to our meeting on wednesday , someone from rac and / or research could sit with me and someone from phil layton ' s group and go through the process of how the various pieces are put together .",0 +"Subject: re : grades thank you mr . kaminsky ! i received your first group of grades and will keep track as you work your way through the class to make sure that we don ' t miss anyone . - pam at 04 : 55 pm 5 / 1 / 01 - 0500 , you wrote : > pam , > > the term papers arrived at my internet mailbox . > i shall be sending you the information as i make progress reading the > papers . > > first group of students : > > helen demianenko > javier lamas > lynn nazareth > shauywn smith > carlos wheelock > sarah woody > > grade : a > > > please , confirm receipt of this message and please double check > that all registered students have been graded ( to make sure no student > falls through > the cracks ) . > > > vince",0 +"Subject: re : power point slides about enron vince - please ask your associate to contact laura valencia in my group - she can give you the recent lq anaylst slides and the enron . com year end presentation on the web ( these two should give you enough for a "" basic "" ene pitch . mark vince j kaminski @ ect 04 / 14 / 2000 08 : 54 am to : mark koenig / corp / enron @ enron , m rajgopal / corp / enron @ enron cc : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : power point slides about enron mark , i want to ask you for a favor . one of my associates , stinson gibner , is making a presentation to the mba students at texas a & m university next week . do you have a power point general presentation about enron , emphasizing our growth , creativity and employment opportunities ? we could use it for presentations we make on campuses to business and science students . there are many presentations available on our intranet site , but the are outdated . it was nice meeting you in san antonio . vince",0 +"Subject: re : amit ' s visit sounds great . there is another mit student , juan - carlos , who i would like to have accompany amit on the 16 th . i ' ll speak to him to clear the date . all the best . stinson gibner @ ect 01 / 17 / 00 09 : 57 am to : thomas d gros / hou / ect @ ect cc : jean mrha / enron communications @ enron communications , ravi thuraisingham / hou / ect @ ect , samer takriti / hou / azurix @ azurix , vince j kaminski / hou / ect @ ect , melissa jones / enron communications @ enron communications subject : amit ' s visit amit planning to spend the day of february 16 th at enron in order to give an update on his bandwidth pricing research . we will also try to spend some time in more of a round - table discussion designed pick his brain on any other related issues on which he may be able to help us . i am corresponding with amit to set up a more detailed agenda . please let me know if there are conflicts which should lead us to choose a different date . regards , - - stinson",0 +"Subject: class speaker vincent , we met last year when you were visiting the university , and talking primarily with our finance faculty . as you may have heard , i tried to call to talk with you about the possiblity of a guest speaker in my class on real options from your group at enron . naturally , i would be delighted if you could speak , but i could also appreciate the possibility that someone else might also be a good choice . i have attached a copy of the course syllabus for your information . this is the first time this course has been offered at ut , and i was motivated to do so because of the "" buzz "" regarding the topic in industry . i have about 30 mba students in the class , many of whom were in the energy finance classes offered by sheridan titman and ehud ronn ( both of whom have been very supportive of the development of this class ) . my own background is decision analysis rather than finance , so i tend to approach the topic with that perspective . as you can see , i have covered both traditional decison analysis topics and a review of the options literature . at the present time , i don ' t think there is a really complete textbook that fits the course at the mba level , so i ' ve tried to focus on how to do things in practice , and have provided software ( dpl , spreadsheets , @ risk , etc ) as tools for the students to use . the course is scheduled on thursday afternoons from 3 : 30 to 6 : 30 , which is a time that i chose to make possible the participation of some executive mba students from houston ( 3 are participating ) . i look forward to hearing from you about the possiblity of a speaker , or any other suggestions that you might have . james s . dyer fondren centennial chair in business department of management science and information systems cba 5 . 202 the university of texas at austin austin , texas 78712 - 1175 email : j . dyer @ bus . utexas . edu telephone : 512 - 471 - 5278 fax : 512 - 471 - 0587",0 +"Subject: re : prc dave , no problem . i shall do it this weekend . also , i left you a message regarding grant masson ( a vp in my group who left and went to work for el paso 2 months ago ) . i made a bet that he would be knocking on our door in a year . i lost . he wants to come back after 2 months . my recommendation is to take him back . he left on good terms and is quite competent . i would also like to send a message to the group that the grass on the other side of the fence may look greener , but in reality it may be painted hay . "" the return of grant masson "" would demonstrate that enron offers best long - term growth opportunities ( and that i am good manager ) . grant would come back to his original vp position . can we short - circuit the hiring procedures for a vp . grant ' s body is still warm and we can just re - instate him in the original position instead of going through all the loops required to hire a vp . vince david w delainey 12 / 14 / 2000 10 : 29 am to : vince j kaminski / hou / ect @ ect cc : subject : prc vince , can you provide for me a detailed list of 2000 accomplishments , strengths / weaknesses and feedback against the criteria for the 2000 prc . i need that in the next week or so . thanks delainey",0 +"Subject: constellation delta positions jim , i can provide some explaination about the spread option function in the exotica library . my phone number is 713 - 853 - 6388 . let us set up a time . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 03 / 06 / 2001 10 : 22 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 03 / 06 / 2001 09 : 56 am to : zimin lu / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : constellation delta positions zimin , stinson i think i forwarded the message to you . did we act on it ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 06 / 2001 09 : 55 am - - - - - - - - - - - - - - - - - - - - - - - - - - - jim meyn @ enron 02 / 27 / 2001 03 : 53 pm to : vince j kaminski / hou / ect @ ect cc : robert stalford / na / enron @ enron , mason hamlin / hou / ect @ ect subject : constellation delta positions vince , rob and i would like to coordinate a meeting with one of your research people to review the spread option calculation from the exotica options library . we ' re pricing a spread option deal in nyc and have some questions related to the formula , greeks , etc . please let me know who might be available to sit with us for about 1 / 2 hour . thanks - jim - - - - - - - - - - - - - - - - - - - - - - forwarded by jim meyn / na / enron on 02 / 27 / 2001 03 : 49 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : mason hamlin @ ect 02 / 27 / 2001 01 : 48 pm to : tom may / corp / enron @ enron , robert stalford / na / enron @ enron cc : jim meyn / na / enron @ enron , gautam gupta / hou / ect @ ect subject : constellation delta positions attached are the delta positions for the nyc constellation deal . if you have any questions or would like to review the model , please call me . thanks , mason",0 +"Subject: re : term project : please respond to dear vince , i was wondering if you were able to open the attachment with my resume this time . rumor has it that you are currently hiring people for your group . is this true ? sincerely , helen - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , april 11 , 2001 3 : 22 pm to : isranir @ rice . edu ; demianen @ rice . edu ; tbal 93 @ yahoo . com ; maue @ rice . edu ; loughrid @ rice . edu ; jblantonjr @ yahoo . com ; gjohnson @ rice . edu ; emchombo @ rice . edu ; nazareth @ rice . edu ; vanstone @ rice . edu ; ganguzza @ rice . edu ; nelsonb @ rice . edu ; sssmith @ rice . edu ; wheelock @ rice . edu ; westmore @ rice . edu ; gaudette @ rice . edu ; otaylor @ rice . edu ; dikeman @ rice . edu ; jettke @ rice . edu ; litton @ rice . edu ; chilkina @ rice . edu ; helms @ rice . edu ; wankhade @ rice . edu ; monfan @ rice . edu ; kostya @ rice . edu ; pcp @ rice . edu ; yueguo @ rice . edu ; nlwbio @ rice . edu ; zhangn @ rice . edu ; rishad @ rice . edu ; yoshiura @ rice . edu ; howard @ rice . edu ; dayangd @ rice . edu ; wuwei @ rice . edu ; so @ rice . edu ; wooddy @ rice . edu ; lamas @ rice . edu ; tbalestrery @ houston . rr . com ; hingoran @ rice . edu ; planck @ rice . edu cc : vkaminski @ aol . com ; vince . j . kaminski @ enron . com ; jason . sokolov @ enron . com subject : term project : this is the list of projects for the members of the "" quant "" team . if you are working on different project , please , ignore this message . please , develop in a spreadsheet solutions / examples for the following : 1 . black - scholes formula 2 . black ' s formula 3 . develop a spreadsheet to simulate price trajectory using : a . gbm b . gbm + jump ( formula 2 . 16 in the book , figure 2 . 7 ) c . mean reversion + jump ( formula 2 . 17 , figure 2 . 8 ) 4 . schwartz single factor model ( formula 6 . 12 ) 5 . develop models corresponding to the figures 7 . 1 , 7 . 3 , 7 . 5 , 7 . 6 , 7 . 8 vince",0 +"Subject: re : improve communication zimin , i will make sure that you have the opportunity to present your contributions . it makes also sense to ask paulo every time to say a few words . vince zimin lu 06 / 22 / 2000 10 : 06 am to : vince j kaminski / hou / ect @ ect cc : stinson gibner / hou / ect @ ect subject : re : improve communication vince , thanks for your reply . that is what i feel too : vince knows what we are doing , so he does not have to ask us again . in another dimension , i want to make sure that people like paulo get enough incentive to perform . the group meeting , i think , will provide a sense of accomplishment when other members in the group know what we have been through . thanks again for your understanding . zimin vince j kaminski 06 / 21 / 2000 06 : 30 pm to : zimin lu / hou / ect @ ect cc : stinson gibner / hou / ect @ ect subject : re : improve communication zimin , sorry if you get this impression . the real reason is that i treat the lunch meetings as an opportunity to get updates on things that are going on at more remote locations . i interact with each of the members of your group daily and i know what ' s going on . i agree with you , however , that the lunch meetings are not exclusively for my benefit , but also for the benefit of the other members of the group . i shall make sure that you have the opportunity to communicate your contribution to the company . vince zimin lu 06 / 20 / 2000 02 : 47 pm to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : subject : improve communication vince and stinson , the valuation group has accomplished a lot during last six months . the number of projects we are working on is keeping increasing . however , when comes to the staff meeting ( thursday lunch meeting ) , we are often left out for updating our projects . this makes me feel that what we are doing is no longer interesting or worth mentioning . i am hoping that we can get more exposure , despite we are still in the old economy . zimin",0 +"Subject: re : texas finance festival fyi : below is some information on the 2 nd annual texas finance festival . - - - - - - - - - - - - - - - - - - - - - - forwarded by cindy justice / hou / ect on 03 / 13 / 2000 09 : 52 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" john d . martin "" on 03 / 13 / 2000 09 : 43 : 51 am to : cindy justice cc : bill petty subject : re : texas finance festival cindy , yes , it ' s just around the corner and we have our very best program ever . our web site is up at check it out . actually , i was waiting for the final version of the program from sheridan to post it before getting in touch with you this week . we are planning on a room capacity group of 45 - 50 folks and are finalizing the plans for entertainment for friday and saturday night on the riverwalk . bill is handling the arrangements this year and i ' ll pass this message on to him as well . do you think we could get an enron speaker for saturday ' s luncheon ? last year was fabulous and would be hard to top but we ' d like to try . san antonio should be a bit easier on the speaker too . let me know what your thoughts are on everything including the speaker . bill and i are leaving town wed afternoon to go to a harvard conference so maybe we could talk before then . we ' re getting excited and want to get you guys involved for it is your personal ( and financial ) support that makes the conference really work . john at 01 : 09 pm 3 / 10 / 00 - 0600 , you wrote : > > > john - > > i haven ' t heard from you in a while and realized that the texas finance festival > is around the corner on april 7 & 8 . how are things going ? > > cindy justice > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : enron visit - - thanks larry , i was thinking about the potential applications over the weekend and i think i shall have a proposal for you in a few days . vince p . s . i want to remind you about the favor i asked you about . we would like to talk ( no commitments ) to the prediction company . can you refer me to your friend . vince lawrencelrtnmt @ aol . com on 05 / 06 / 2001 12 : 07 : 18 am to : vkamins @ enron . com cc : subject : enron visit - - thanks dear vince , i just wanted to thank you for inviting me to visit enron last friday and for the generous amount of time you spent with me personally while i was there . i found our discussions both informative and stimulating . vince , i was genuinely impressed by the caliber of the group you have assembled at enron . their individual and collective expertise is obvious ; and they were most generous in exchanging ideas and sharing opinions with me . if you or any of your people have , over the weekend , developed further questions or thought of additional information that might be helpful , i ' m standing by . i ' m eager to continue our dialogue . sincerely , larry thorne",0 +"Subject: f / up - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 12 / 22 / 2000 04 : 34 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - clayton vernon @ enron 12 / 21 / 2000 03 : 51 pm to : vince j kaminski / hou / ect @ ect cc : subject : f / up vince - i got your message ( i was up on the roof of the building helping to fix the weather satellite dish - what a gorgeous view of houston ! ) . i appreciate your words . everything remains fine , vince . you are my "" father "" here at enron , and i admire and respect you greatly . i think i know the kind of person you are , in terms of your integrity , and i admire the high standards you set for all of us in your extended "" group . "" i want to let you know i am not the only one in the group who doesn ' t appreciate the way maureen disrespects you . you remain the key external factor in their success - it is not simply their own abilities that matter to their futures but your own - vince ' s - success with upper management that matters . we respect you , and we don ' t like it when you are disrespected . maureen didn ' t disrespect me today , vince , she disrespected you . it ' s time i told you something . last april , maureen , highly intoxicated following a work - related function at ninfa ' s , made an unsolicited predatory sexual advance on me at my desk on the 19 th floor . i was shocked and disgusted , but i didn ' t say one word about this , vince , because i played it out and didn ' t want to put you into the position of having a raving maureen in your midst as you perhaps had to fire her and then endure a litany of gender - bias crap lawsuits . i "" took one for the team , "" vince . i can ' rt say i would do it again - maureen is brazen to berate me after what she did , in public no less . i appreciate your bringing me into enron . i ' ve found a respectful and , indeed , a loving work environment . i remain willing to do whatever i can to help the group . clayton",0 +"Subject: giuseppe ' s bio vince , i will take care of the few typos , capitalizations , etc . , but i wanted to get this to you asap . he has a fine sense of humor ! sam - - - - - - - - - - - - - - - - - - - - - - forwarded by william smith / corp / enron on 08 / 28 / 2000 12 : 12 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : giuseppe paleologo @ enron communications on 08 / 28 / 2000 12 : 11 pm to : william smith / corp / enron @ enron cc : subject : re : hello ! i landed in the research group as a summer associate at the end of june , straight from sunny palo alto , where i am pursuing a phd in management science and engineering . since my area of research is the performance evaluation and economic analysis of communication networks , enron is "" the "" place to be : enron broadband services has the first mover ' s advantage in this field , and nearly every decision requires an understanding of both data networks and financial mathematics . enron has most of the needed skills to succeed , and the right attitude . after two months here , i am more convinced than ever that the best is still to come . i am from rome , italy , where i have spent most of my life ( my pre - columbian period , properly speaking ) . italy is the nation known among americans for having invented the pasta alfredo and for having elected a porn star as a member of parliament . the former allegation is indeed false : pasta alfredo is quintessential american . about the latter , one of my dubious achievement is to have interviewed the aforementioned member of parliament about her political agenda , receiving predictably fuzzy answers . as many members of the research groups , my background is in physics . i fell in love with operation research and management science while working for a large it consulting firm in italy , and wanted to learn more . i have been a student at stanford university since then . studying there has been a very enjoyable experience , and i am sorry i will have to leave it sometime soon . management science is not the only hobby in my life . i am an avid motorcyclist , and am a lifelong student of argentine tango . i also like reading ( a skill i learned in lst grade and has never failed me ) , in particular 20 th century english , italian and french poetry . william smith @ enron 08 / 11 / 00 02 : 10 pm to : giuseppe paleologo / enron communications @ enron communications cc : subject : hello ! giuseppe , i ' m sam smith and among other things i ' m the department newsletter editor . are you going to be leaving after today or will you be around next week ? if you ' ll be around , i ' d love for you to write a short bio piece for the newsletter . have a look at some recent issues for examples . if you ' ll be here monday morning , i can get a quick photo . if not , then i ' m sorry i missed you ! sam",0 +"Subject: re : your mail dear vince , the following message is from co - pi , prof . baichun xiao in long island university . in this message , he told me how enron would be registered . to my best knowledge , ibm , lucent and other big companies have registered in nsf for long . your kindly understanding is acknowledged very much . good weekend , youyi - - - - - - - - - - - - - - - - - - - - - - forwarded by youyi feng / na / enron on 09 / 08 / 2000 03 : 08 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - baichun xiao on 09 / 07 / 2000 09 : 39 : 38 am to : youyi . feng @ enron . com cc : subject : re : your mail dear youyi : the person in charge of external grants in your company needs to contact nsf by calling the following numbers for institution registration . fastlane user support : 1 - 800 - 673 - 6188 . fastlane availability ( recording ) : 1 - 800 - 437 - 7408 . after enron is registered ( i think it ' s a free registration ) , you provide the following information to the enron official so he / she will send it to nsf . nsf will assign you a password for future access to electronic submission ( called fastlane ) . since all proposals have to be submitted through fastlane after oct . 1 , 2000 , this is the must . name highest degree year conferred present institution department street address city state zip code social security number ( ssn ) email address business phone number business fax number for more information , you may go to www . fastlane . nsf . gov / fastlane . htm baichun at 05 : 14 pm 9 / 6 / 00 - 0500 , you wrote : > > dear baichun , > > i am having no idea about contacting nsf while the > managing director of this research group has kindly agreed > on doing anything he can to help us pursue fund rising . > please let me know how enron can put my profile into nsf ' s > database officially . > > the first four pages of the project application have been revised by > me . i do not > really know if you like the revision . appended is the primary > and description of the project document files . > > best regards , > > > youyi > > ( see attached file : project summary . doc ) ( see attached file : project > description . doc ) > attachment converted : "" c : \ bcx \ res \ eudora \ attach \ project summary . doc "" > > attachment converted : "" c : \ bcx \ res \ eudora \ attach \ project description . doc "" >",0 +"Subject: re : fw : invitation to 2001 energy finance conference - the university of texas at austin joe , i shall probably ask tanya to attend . it coincides with parents ' weekend at stanford . please , send me the slides anyway . i shall help tanya to prepare her presentation . vince from : joseph hrgovcic / enron @ enronxgate on 02 / 12 / 2001 09 : 47 am to : vince j kaminski / hou / ect @ ect cc : subject : fw : invitation to 2001 energy finance conference - the university of texas at austin vince , i understand you ' ll be speaking at the cefer conference . gary taylor , the head of marketing in the weather deriv . group , would like to know if you plan on mentioning weather derivatives at all and that if you do , he has numerous existing slides and presentations that might be useful to you . joe - - - - - original message - - - - - from : angela dorsey [ mailto : angela . dorsey @ bus . utexas . edu ] sent : wednesday , january 10 , 2001 9 : 06 pm to : angela dorsey cc : ehud ronn ; sheridan titman ( e - mail ) subject : invitation to 2001 energy finance conference - the university of texas at austin colleagues and friends of the center for energy finance education and research ( cefer ) : happy new year ! hope you all had a wonderful holiday season . on behalf of the university of texas finance department and cefer , we would like to cordially invite you to attend our : 2001 energy finance conference austin , texas february 22 - 23 , 2001 hosted by the university of texas finance department center for energy finance education and research dr . ehud i . ronn and dr . sheridan titman are currently in the process of finalizing the details of the conference agenda . we have listed the agenda outline below to assist you in your travel planning . each conference session will be composed of a panel discussion between 3 - 4 guest speakers on the designated topic . as supporters of the center for energy finance education and research , representatives of our trustee corporations ( enron , el paso , reliant , conoco , and southern ) will have the $ 500 conference fee waived . the conference package includes thursday evening ' s cocktails & dinner and hotel / ut shuttle service , as well as friday ' s conference meals , session materials and shuttle service . travel to austin and hotel reservations are each participant ' s responsibility . a limited number of hotel rooms are being tentatively held at the radisson hotel on town lake under the group name "" university of texas finance department "" for the nights of thursday , 2 / 22 / 01 and friday , 2 / 23 / 01 ( the latter evening for those who choose to stay in austin after the conference ' s conclusion ) . to guarantee room reservations , you will need to contact the radisson hotel at ( 512 ) 478 - 9611 no later than monday , january 22 nd , and make your reservations with a credit card . please let me know when you have made those arrangements so that i can make sure the radisson gives you the special room rate of $ 129 / night . please rsvp your interest in attending this conference no later than january 22 nd to angela . dorsey @ bus . utexas . edu , or ( 512 ) 232 - 7386 , as seating availability is limited . please feel free to extend this invitation to your colleagues who might be interested in attending this conference . center for energy finance education and research program of the 2001 energy finance conference february 22 - 23 , 2001 thursday , feb 22 : 3 : 00 p . m . reserved rooms at the radisson hotel available for check - in 5 : 30 p . m . bus will pick up guests at the radisson for transport to ut club * 6 : 00 p . m . cocktails , ut club 9 th floor 7 : 00 p . m . dinner , ut club 8 : 00 p . m . keynote speaker 9 : 00 p . m . bus will transport guests back to hotel friday , feb 23 : 7 : 45 a . m . bus will pick up at the radisson for transport to ut 8 : 30 a . m . session 1 - real options panelists : jim dyer , ut ( chair ) sheridan titman , ut john mccormack , stern stewart & co . 10 : 00 a . m . coffee break 10 : 15 a . m . session 2 - deregulation panelists : david eaton , ut ( chair ) david spence , ut jeff sandefer , sandefer capital partners / ut peter nance , teknecon energy risk advisors 11 : 45 a . m . catered lunch & keynote speaker 1 : 30 p . m . guest tour - eds financial trading & technology center 2 : 00 p . m . session 3 - risk management panelists : keith brown , ut ( chair ) vince kaminski , enron alexander eydeland , southern co . ehud i . ronn , ut 3 : 30 p . m . snack break 3 : 45 p . m . session 4 - globalization of the energy business panelists : laura starks , ut ( chair ) bob goldman , conoco ray hill , southern co . 5 : 15 p . m . wrap - up 5 : 30 p . m . bus picks up for transport to airport / dinner 6 : 30 p . m . working dinner for senior officers of energy finance center trustees * we have made arrangements to provide shuttle service between the radisson hotel and ut during the conference . however , if you choose to stay at an alternative hotel , then transportation to conference events will become your responsibility . * * * * * * * * * * * * * * angela dorsey assistant director center for energy finance education & research the university of texas at austin department of finance , cba 6 . 222 austin , tx 78712 angela . dorsey @ bus . utexas . edu * * * * * * * * * * * * * *",0 +"Subject: phone interview shirley , please , arrange a phone interview next week . tt , sg , zl , vk . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 21 / 2000 08 : 46 am - - - - - - - - - - - - - - - - - - - - - - - - - - - nina knirel on 11 / 20 / 2000 05 : 13 : 47 pm to : vince . j . kaminski @ enron . com cc : subject : 708 graham place # 207 austin , tx 78705 november 20 , 2000 dear mr . kaminski : i read with interest your company  , s description on the web page . i was highly impressed by the work that enron corporation does and would like to inquire about employment opportunities with your company . enclosed is a copy of my resume that details my academic qualifications and practical experience . i am excited about stepping into a position , which will utilize my technical , analytical , and interpersonal skills in a fast paced environment , and look forward to expanding my horizons with new challenges and opportunities that enron corporation will offer . i know from customer and supervisor feedback that i have the interpersonal skills imperative to building a successful career at the enron corporation and am motivated to do so . your firm has an excellent reputation and i genuinely look forward to becoming a part of the enron corporation community . i know you must be busy during this time of the year , but i would sincerely appreciate a few minutes of your time . i plan to call you within the next seven days to discuss how my education , practical skills , and background would qualify me as a member of your company . in the meantime , if you need to contact me , my daytime and nighttime number is ( 512 ) 474 - 6683 and my e - mail address is knirel @ mail . utexas . edu . thank you very much for your time and consideration . i look forward to talking to you . sincerely , nina knirel do you yahoo ! ? yahoo ! calendar - get organized for the holidays ! http : / / calendar . yahoo . com / - knirel resume final [ 1 ] . doc",0 +"Subject: risk 2000 panel discussion draft agenda attached . please mark up at will . > - boston risk conference agenda . doc",0 +"Subject: interview schedule for rabi s . de attached please find the interview packet for the above - referenced person . the interview will happen friday august 11 , 2000 . please print all three documents for your hard copies . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . sean grady 58701",0 +"Subject: re : invitation to present at risk ' s advanced stress testing course jean - pierre , sorry . i have previous commitments on these days . vince "" jean - pierre doggett "" on 11 / 07 / 2000 10 : 14 : 05 am please respond to "" jean - pierre doggett "" to : "" risk conferences "" cc : subject : invitation to present at risk ' s advanced stress testing course i would like to invite you to present a section on risk ' s course entitled , "" practical application of advanced stress testing "" which will be held in london ( 5 & 6 february 2001 ) and new york ( 12 & 13 february 2001 ) . ? you have been recommended to me in the course of my research as an authority in this field so i would be delighted for you to present any of the sections that are still available on the attached programme : for london : sections 1 , 2 . 1 , 2 . 2 , 3 , 4 and for new york : sections 1 , 2 . 1 , 2 . 2 , 4 and 8 my market research indicates that advanced stress testing is a highly interesting theme for a wide range of senior quantitative analysts and risk managers . i anticipate the course to be technical and practical in nature and assume a high level of knowledge from the delegates . it aims to extend the scope of accepted practices into the new areas of liquidity and credit risk stress testing and complement var methods by introducing new risk measurement techniques that can be applied in an integrated context . ? please contact me as soon as possible with an indication of which section is most suitable for your current interests . if you feel that you will not be able to participate on this occasion , i would welcome any speaker suggestions you may have . please call me if you have any questions . ? many thanks , ? jean - pierre doggett risk conference producer risk waters group phone : + 44 ( 0 ) 20 7484 9813 fax + 44 ( 0 ) 20 7484 9800 e - mail : jpdoggett @ riskwaters . com www . riskwaters . com - stress testing draft . doc - stress testing draft . txt",0 +"Subject: enron announcement car rental options for enron travelers rental car contracts for 2001 have been awarded to : national car rental ( primary ) and alamo rent - a - car ( secondary ) . the intent of these agreements is to consolidate and leverage enron ' s total car rental spend to achieve the most favorable rates and non - pricing provisions ( i . e . insurance ) . national car rental , due to its service levels , availability and total value proposition , has been awarded primary status and is recommended as the first choice for enron travelers ' needs . alamo rent - a - car , a sister company to national , has been awarded a contract reflecting a secondary status , due to its service levels , availability and low cost solutions . alamo is recommended as an alternative to national , where available . when you rent a vehicle in the united states , ( including puerto rico ) or canada , the following insurance provisions are included , regardless of rate selected : 1 . l / dw ( loss / damage waiver ) - this is what is called comprehensive or collision on your personal auto . it covers the rental vehicle and pays for any damage to it . 2 . liability - this covers people and property outside the rental vehicle . for both national and alamo , the coverage is $ 100 , 000 per person , $ 300 , 000 per occurrence and $ 50 , 000 for property damage . * * important * * * these coverages apply regardless of rate selected , as long as the following contract id is communicated at the time of reservation and rental is recorded on the transaction rental agreement . ( national - 5000838 alamo - # 143974 ) to enjoy the highest levels of service while renting a vehicle from enron ' s preferred suppliers , it is recommended that each traveler enroll in national ' s and alamo ' s preferred traveler programs . national ' s emerald club membership and alamo ' s quicksilver program are designed to speed the transaction time by providing services such as counter bypass and rapid return . the enrollment fees for these programs have been waived for enron travelers . enrollment packets will be mailed to the addresses of enron american express t & e cardholders . you may also find an enrollment form on the enron travel program intranet @ gss . enron . com . if you have any questions or comments , please contact jeff leath at 713 - 646 - 6165 .",0 +"Subject: itinerary phelim , fyi vince",0 +"Subject: aiesec vince , my name is shelly jones , i am the analyst recruiting manager for the associate / analyst program . christy young passed on information from the university of houston aiesec program . due to the restructuring of the associate / analyst program and the new policies regarding the interview process , compensation , offers , etc . , we will not be participating in the aiesec program this year . due to your past interest in the program , i have forwarded the literature on to you , via inter - office mail , for your consideration . please contact me if you have any questions . thank you for your time . shelly jones",0 +"Subject: re : power 2000 zimin , you are the lst . feel free to register as my guest . vince zimin lu 02 / 14 / 2000 02 : 59 pm to : vince j kaminski / hou / ect @ ect cc : subject : power 2000 vince , could you take me as your guest for the power 2000 conference if no one has asked already ? there are a few interesting topics i would like to hear . zimin",0 +"Subject: hib visa application - sevil yaman sevil , please , make sure you provide this information asap . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 25 / 2001 12 : 35 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - margaret daffin 04 / 25 / 2001 12 : 04 pm to : sevil yaman / corp / enron @ enron cc : norma villarreal / enron @ enronxgate , vince j kaminski / hou / ect @ ect , ramona perkins / enron @ enronxgate subject : hib visa application - sevil yaman sevil : please let me know when you will be sending me the information for your hib visa ? thanks margaret - - - - - - - - - - - - - - - - - - - - - - forwarded by margaret daffin / hou / ect on 04 / 25 / 2001 12 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - margaret daffin 04 / 10 / 2001 04 : 04 pm to : sevil yaman / corp / enron @ enron cc : norma villarreal / enron @ enronxgate , vince j kaminski / hou / ect @ ect , ramona perkins / enron @ enronxgate subject : hib visa application - sevil yaman sevil : in order that we may proceed with your request for permanent residency , our immigration attorneys have advised us that we need to process the hib visa , prior to the permanent residency application . therefore , i am attaching an hib visa questionnaire that i would like you to complete and return to me , together with copies of all of the documents listed at the bottom of the form . please bring these to me in 3 ac 2026 a . please let me know if you have any questions at x 55083 . thank you margaret",0 +"Subject: year end 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the year end 2000 performance management process by providing meaningful feedback on specific employee ( s ) . your feedback plays an important role in the process , and your participation is critical to the success of enron ' s performance management goals . to complete requests for feedback , access pep at http : / / pep . corp . enron . com and select perform review under performance review services . you may begin providing feedback immediately and are requested to have all feedback forms completed by friday , november 17 , 2000 . if you have any questions regarding pep or your responsibility in the process , please contact the pep help desk at : houston : 1 . 713 . 853 . 4777 , option 4 london : 44 . 207 . 783 . 4040 , option 4 email : perfmgmt @ enron . com thank you for your participation in this important process . the following is a cumulative list of employee feedback requests with a status of "" open . "" once you have submitted or declined an employee ' s request for feedback , their name will no longer appear on this list . review group : enron feedback due date : nov 17 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - andrews , naveen c rudi c zipter oct 31 , 2000 baxter , ashley david davies nov 02 , 2000 campos , hector o peyton s gibner nov 06 , 2000 carson , richard l richard b buy oct 30 , 2000 crenshaw , shirley j wincenty j kaminski oct 26 , 2000 gandy , kristin h celeste c roberts nov 01 , 2000 gorny , vladimir theodore r murphy ii nov 02 , 2000 hewitt , kirstee l steven leppard nov 06 , 2000 kindall , kevin vasant shanbhogue oct 30 , 2000 lamas vieira pinto , rodrigo david port oct 31 , 2000 pham , bich anh t sarah brown nov 06 , 2000 raymond , maureen j wincenty j kaminski nov 02 , 2000 rosen , michael b christie a patrick nov 06 , 2000 sun , li kevin kindall nov 09 , 2000 supatgiat , chonawee peyton s gibner oct 27 , 2000 tamarchenko , tanya v vasant shanbhogue oct 26 , 2000 tawney , mark r jeffrey a shankman oct 26 , 2000 williams , matthew steven leppard nov 08 , 2000 yaman , sevil vasant shanbhogue oct 27 , 2000 yuan , ding richard l carson oct 31 , 2000",0 +"Subject: a visit joe , this is a message from the japanese guy interested in energy risk management . please , let me know if you want somebody from your organization at the meeting . he will be here next monday at 3 : 00 p . m . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 12 / 2000 06 : 11 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - masayuki fujita on 03 / 31 / 2000 08 : 36 : 00 am to : vkamins @ enron . com cc : eugenio perez subject : a visit professor vincent kaminski vice president of research enron corp . dear professor kaminski i , masayuki fujita was the only japanese attendee of the energy derivatives seminar in houston last december and a member of japanese consultation firm : mitsubishi research institute , inc . i would be very honored if you can meet with me 17 or 18 april after attending energy trading summit in 12 th - 14 th . as you know , japanese electricity trading is on the way of deregulation beneficial to the consumers from a long stage of the nine major companies ' regional monopoly . we are giving a hand to help the ministry and industry to find the right course of them . i and my colleague yamada , who will attend risk publications monte calro seminar in four seasons hotel , would like to visit you and your company for studying the sophisticated risk management at enron . in return , we may give you the information about recent institutional progress and major electricity companies response in japan . we are now personally translating your book "" managing energy price risk "" second edition and wondering if you have not given the right to publish in japanese and nay give us the chance to help you introduce modern technology to manage energy risk in the japanese energy industry . i do not hope japanese english power prevent me to pass my sincerity to you and i can visit you soon . best regards , masayuki fujita principal financial engineer financial technologies section mitsubishi research institute , inc . 3 - 6 otemachi 2 - chome , chiyoda - ku tokyo 100 - 8141 japan tel + 81 - 3 - 3277 - 0582 fax + 81 - 3 - 3277 - 0521",0 +"Subject: confirmation : arthur andersen 21 st annual energy symposium thank you for your event rsvp . we hope that the process was quick and simple . for any further questions , please contact the event coordinator . your confirmation number is : 49297 you are registered for : arthur andersen 21 st annual energy symposium event date : tuesday , november 28 , 2000 7 : 00 : 00 am westin galleria hotel 5060 west alabama houston , texas 77056 fee information if you register on or before october 31 , the registration fee is $ 950 . 00 . after that date , the registration fee is $ 1 , 200 . 00 . , $ 950 . 00 total amount : $ 950 . 00",0 +"Subject: making room for "" summer interns "" hello all : i have some "" good "" news and i have some "" bad "" news . the "" good "" news is that we are growing ! the "" bad "" news is that we are running out of space . therefore , just for the summer we need to use jose ' s and joe ' s offices on the 19 th floor for "" summer "" interns . i will have to remove the extensions from those offices so they won ' t be ringing all the time . however , we can put them back after the summer is over . i hope this is not too inconvenient for you , but with roman and jason needing spaces on the 19 th floor , and another new hire coming on board , we are left without any extra spaces . thanks ! shirley",0 +"Subject: big rumor vince - i know you ' re very busy , so you might not have heard this . . . apparently , the board will meet this week to approve the sale of * all * of enron international ' s assets to a member of hte saudi royal family , the same prince who once invested heavily in citicorp to bail it out . the source of this is someone i trust . clayton",0 +"Subject: el paso statement on california situation in case you haven ' t already seen this : el paso addresses the california energy situation ( february 26 , 2001 ) houston , feb . 26 / prnewswire / - - el paso corporation ( nyse : epg ) reaffirmed today its continuing commitment to work with all parties involved to help improve california ' s energy situation . "" we are surprised to see continuing misinformation in the media concerning el paso ' s involvement in california , "" said norma dunn , senior vice president of corporate communications and external affairs at el paso corporation . "" we would like to take this opportunity to clarify the record . "" the significant increase in electricity demand at a time when available power supplies are short has caused a sharp climb in the price of power , which has in turn increased the price of natural gas used to generate electricity . high natural gas prices are , therefore , an effect rather than a cause of the power shortage . allegations that natural gas prices were deliberately manipulated by withholding capacity on the el paso natural gas pipeline overlook critical facts and are demonstrably untrue . it is not possible for any holder of capacity on the el paso natural gas pipeline to cause a significant increase in california gas prices by refusing to use that capacity . the el paso natural gas pipeline is required by law to post the availability of any unused capacity on its public bulletin board and is obligated to sell that capacity for no more than the published tariff rate found to be just and reasonable by the federal energy regulatory commission . all capacity held by el paso merchant energy on the el paso natural gas pipeline has been used or made available for use by others to serve california and other western markets . allegations that there was a "" conspiracy "" in 1996 to limit new interstate pipeline capacity into california are absolutely refuted by facts that no one can challenge . the facts show that all new pipelines considered during the 1990 s were either built or were not viable projects because they lacked sufficient customer support to justify their construction . for example , despite years of marketing efforts by tenneco , not a single potential customer could be induced to make the sort of binding commitment required for the proposed altamont project to proceed . for that reason alone , it was ultimately dropped . in 1996 , according to estimates , there were between one and two billion cubic feet per day ( bcf / d ) of excess natural gas transportation capacity on existing interstate pipelines serving california . indeed , it was misplaced reliance on the continuing availability of such excess capacity that prompted the california public utilities commission to encourage pg & e , socal edison , and socal gas , beginning in 1996 and continuing into 1998 , to relinquish over 1 . 5 bcf / d of firm transportation capacity on the el paso natural gas pipeline . processes are now under way to assess present demand and support for new interstate pipeline capacity into california , and el paso intends to do its part to help satisfy whatever needs may be established today . as recently as last year , there were periods when significant quantities of unused capacity were available on the el paso natural gas pipeline that were not necessary to meet demands at that time . notwithstanding its availability , this capacity was not used by shippers to california to fill in - state natural gas storage facilities for future use . if california had taken advantage of the opportunity in 2000 to store the same volumes of natural gas that had been stored in 1999 , reliance on the spot market would have been reduced and the steep rise in prices at the california border could have been substantially mitigated or avoided . it is now widely recognized that the california "" energy crisis "" was caused by the inability of the supply of power available in california to keep pace with the state ' s economy and increased demand . a combination of factors caused a sharp increase in power prices . first , the construction of new power plants in california is a slow , difficult , and heavily regulated process . as a result , the growing demand has far outstripped in - state generating capabilities . second , unfavorable precipitation and increased out - of - state demand caused some of the hydroelectric power normally relied on by california to become unavailable . third , increased demand for power in the western united states drove up prices that california had to pay to out - of - state generators . fourth , state policies deregulated wholesale power prices but capped the rates paid by consumers , leaving demand unrestrained and preventing utilities from recovering their costs . fifth , because rate caps prevented utilities from passing increased costs to consumers , the utilities ' creditworthiness was impaired , causing supplemental power needed during peak periods to become more difficult and expensive to purchase . sixth , the early and greater - than - normal use of peaking units - plants that are designed to only operate under peak demand conditions - necessitated unscheduled maintenance , rendering them unavailable at critical times . seventh , during the final months of 2000 , some power plants were forced to shut down because increased usage exhausted their air emissions credits . eighth , a warm summer followed by an early onset of cold weather further drove up demand for power . finally , the increased power costs in california could have been substantially mitigated through long - term power contracts and less reliance on the volatile short - term power market . "" california is currently in a difficult position , but now has the opportunity to refine its regulatory model and craft a long - term energy policy , "" said dunn . "" el paso has been one of the largest suppliers of energy to california for more than 50 years , and we are actively participating with all parties in california to be a part of a long - term , stable solution to california ' s energy needs . "" el paso corporation , the largest and most broadly based natural gas company in the world , spans the energy value chain from wellhead to electron . with an enterprise value in excess of $ 50 billion , el paso is a leader in every phase of the natural gas industry . the company owns and operates a significant portion of the north american natural gas delivery grid , operates the fastest growing , most sophisticated energy merchant group , and is the nation ' s third largest natural gas producer . el paso , a leader in risk management techniques , is focused on maximizing shareholder value , transforming existing markets , and speeding the development of new markets . visit el paso at www . epenergy . com . cautionary statement regarding forward - looking statements this release includes forward - looking statements and projections , made in reliance on the safe harbor provisions of the private securities litigation reform act of 1995 . the company has made every reasonable effort to ensure that the information and assumptions on which these statements and projections are based are current , reasonable , and complete . however , a variety of factors could cause actual results to differ materially from the projections , anticipated results or other expectations expressed in this release . while the company makes these statements and projections in good faith , neither the company nor its management can guarantee that the anticipated future results will be achieved . reference should be made to the company ' s ( and its affiliates ' ) securities and exchange commission filings for additional important factors that may affect actual results . bob brooks gpcm natural gas market forecasting system http : / / gpcm . rbac . com",0 +"Subject: fw : usaee conference dear mr . kaminski , attached please find our vip speaker letter , two program announcements , registration form and hotel information . please complete the registration form and fax to 216 - 464 - 2768 . if you have questions or need additional information please contact us . we look forward to seeing you later this month . kind regards . dave williams and mary novak - vip speaker letter . doc - final sec prog for pdf . pdf - usaee - iaee 2000 conference program 0728 . pdf - regform . doc - hotel & conference info . doc",0 +"Subject: re : tiger team event michele , i have defined the project for the students . it ' s one project that is divided into three sections . feel free to stop by to talk about it . vince from : michele nezi marvin @ enron communications on 01 / 03 / 2001 05 : 33 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : tiger team event i understand that you have been involved with the wharton tiger teams . i am the commerical team lead for wharton recruiting . do you know the 3 projects that the students are working on and who within enron is working with them on the projects ? thanks for helping to facilitate this opportunity for wharton students . michele nezi marvin manager enron broadband services ( 713 ) 853 - 6848 - - - - - forwarded by michele nezi marvin / enron communications on 01 / 03 / 01 05 : 34 pm - - - - - kristin gandy @ enron 01 / 02 / 01 11 : 30 am to : michele nezi marvin / enron communications @ enron communications cc : subject : re : tiger team event i will try to get that information from christie . from : michele nezi marvin @ enron communications on 01 / 01 / 2001 06 : 38 pm to : kristin gandy / na / enron @ enron cc : subject : re : tiger team event i can attend . do you know any of the details of the tiger team project and who they are working with ? also , names of the students would be helpful . so we can see if any are applying for summer positions . michele nezi marvin manager enron broadband services ( 713 ) 853 - 6848 kristin gandy @ enron 12 / 28 / 00 10 : 28 am to : jeffrey a shankman / hou / ect @ ect , william keeney / hou / ect @ ect , catherine clark / hou / ect @ ect , rajesh chettiar / enron _ development @ enron _ development , tom dutta / hou / ect @ ect , jayshree desai / hou / ect @ ect , colin jackson / enron communications @ enron communications , laura howenstine / enron communications @ enron communications , michele nezi marvin / enron communications @ enron communications , jennifer fraser / hou / ect @ ect , natalie halich / enron communications @ enron communications , ranabir dutt / corp / enron @ enron , teresa dyar / na / enron @ enron , jeff golden / hou / ees @ ees , charles ward / corp / enron @ enron , sarah wesner / corp / enron @ enron , li sun / na / enron @ enron , gillian johnson / na / enron @ enron , lisa connolly / na / enron @ enron , michael j popkin / na / enron @ enron , kevin mcgowan / corp / enron @ enron , evan betzer / enron communications @ enron communications , jebong lee / enron communications @ enron communications , chu chu wang / corp / enron @ enron , brad hitch / eu / enron @ enron , betsy bassis / enron communications @ enron communications , matthew goering / hou / ect @ ect , claude tellis / enron @ enronxgate cc : christie patrick / hou / ect @ ect subject : tiger team event hello team , i hope that everyone had a wonderful and restful holiday season . down to business : the university affairs group is putting together a tiger team of students to do a project for enron . those students will be in town on january 18 th and will be having dinner at churrasco ' s that night . i think it would be a great opportunity for some of the wharton alum to come out and meet the participants , talk about enron and eat some good food . : - ) if you are interested in participating please rsvp to me via email or at extension 53214 no later than 1 / 5 / 01 . thank you and hope to see you soon , kristin gandy",0 +"Subject: confirmation of your order this is an automatic confirmation of the order you have placed using it central . request number : ecth - 4 pks 7 y order for : maureen raymond 1 x ( standard desktop $ 1319 ) enron it purchasing",0 +"Subject: intelligence : el paso capacity - - someone has upped the ante but match still possible fyi . kim . - - - - - - - - - - - - - - - - - - - - - - forwarded by kimberly watson / et & s / enron on 12 / 16 / 99 04 : 51 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - lorna brennan 12 / 16 / 99 09 : 59 am to : rockey storie / et & s / enron @ enron , stephanie miller / et & s / enron @ enron , kent miller / et & s / enron @ enron , john dushinske / et & s / enron @ enron , dave neubauer / et & s / enron @ enron , michael bodnar / et & s / enron @ enron , joni bollinger / et & s / enron @ enron , david badura / et & s / enron @ enron , janet bowers / et & s / enron @ enron , craig buehler / et & s / enron @ enron , bob burleson / et & s / enron @ enron , allen cohrs / et & s / enron @ enron , john fiscus / et & s / enron @ enron , bret fritch / et & s / enron @ enron , steve gilbert / et & s / enron @ enron , morgan gottsponer / et & s / enron @ enron , brenda harris / et & s / enron @ enron , james harvey / et & s / enron @ enron , stephen herber / et & s / enron @ enron , dana jones / et & s / enron @ enron , jane joyce / et & s / enron @ enron , stephanie korbelik / et & s / enron @ enron , therese lohman / et & s / enron @ enron , bill mangels / et & s / enron @ enron , penny mccarran / et & s / enron @ enron , vernon mercaldo / et & s / enron @ enron , larry pavlou / et & s / enron @ enron , eileen peebles / et & s / enron @ enron , maria perales / et & s / enron @ enron , tony perry / et & s / enron @ enron , loren penkava / et & s / enron @ enron , ken powers / et & s / enron @ enron , joan schwieger / et & s / enron @ enron , chris sebesta / et & s / enron @ enron , frank semin / et & s / enron @ enron , neal shaw / et & s / enron @ enron , larry swett / et & s / enron @ enron , kay threet / et & s / enron @ enron , mike ullom / et & s / enron @ enron , lisa valley / et & s / enron @ enron , chuck wilkinson / et & s / enron @ enron , jim wiltfong / et & s / enron @ enron , jo williams / et & s / enron @ enron , karen lagerstrom / et & s / enron @ enron , ray stelly / et & s / enron @ enron , bob stevens / et & s / enron @ enron , sue m neville / et & s / enron @ enron , mike barry / et & s / enron @ enron , miriam martinez / et & s / enron @ enron , martha janousek / et & s / enron @ enron , kimberly watson / et & s / enron @ enron , don powell / et & s / enron @ enron , melinda tosoni / et & s / enron @ enron , steve weller / et & s / enron @ enron , michael g stage / et & s / enron @ enron , tim johanson / et & s / enron @ enron , mike mcgowan / et & s / enron @ enron , lynn blair / et & s / enron @ enron , rick dietz / et & s / enron @ enron , steven january / et & s / enron @ enron , sheila nacey / et & s / enron @ enron , steven harris / et & s / enron @ enron , lindy donoho / et & s / enron @ enron , jeffery fawcett / et & s / enron @ enron , lorraine lindberg / et & s / enron @ enron , kevin hyatt / et & s / enron @ enron , christine stokes / et & s / enron @ enron , julia white / et & s / enron @ enron cc : subject : intelligence : el paso capacity - - someone has upped the ante but match still possible negotiated el paso deal topped el paso confirmed that someone had upped the ante on the negotiated deal for slightly more than 1 . 2 bcf / d in firm capacity to the california border that was announced friday ( see daily gpi , dec . 13 ) . a higher bid was submitted prior to wednesday ' s 1 p . m . mst deadline in a four - day open season , a pipeline spokesman said . however , the original negotiating party has until this afternoon to match the new price and retain the capacity . the new bid was for $ 38 million over one year starting jan . 1 , about $ 8 million more than the amount in friday ' s announcement ( $ 30 million ) . one source called it "" ridiculous "" that someone was willing to pay so much for the space , given that on a mark - to - market basis the capacity is worth only about $ 20 - 25 million . late last week some sources speculated that duke energy was the recipient of next year ' s package given its large power generation holdings in california . a marketer yesterday said he believed dynegy upped the ante . "" rather than go through all the hassles they [ dynegy ] had at ferc with the 1998 - 99 package , they let someone else do all the work this time and then came in late with a higher bid . that way no one can complain that the procedure was tainted . after all , dynegy has quite a few power plants in california to keep fueled , and all of their current ft on el paso expires at the end of this year . of course , they still could be thwarted if the original negotiated customer matches their bid . it may all sound kind of machiavellian but sort of makes sense . "" other sources heavily discounted the chances of dynegy being the new high bidder , pointing out that the company made significantly less than expected this year because san juan / border basis differentials narrowed significantly . a dynegy source indicated that the company was involved in the bidding and lost to duke in the first round . regardless of what happens next year , a marketer noted that the southern california border / san juan basis spread continues to compress as socal gas withdraws from storage and east - of - california utilities exercise their peaking contracts because of cold weather in the rockies and elsewhere in the west . from a december index spread of 29 cents , the border / basin gap was down to about 18 cents wednesday , she said .",0 +"Subject: re : sorry . chonawee , this was perfectly all right . as a matter of fact i expect and encourage the members of the group to disagree with me ( or anybody else ) on any subject . i am never offended by it and take it as a manifestation of ability to think independently and having the courage of one ' s convictions . nobody has the monopoly on truth and nobody knows everything . the only way we can learn and avoid costly errors ( to ourselves and the company ) is by having open communication . in enron , facts are friendly . by the way , it was an excellent presentation . vince chonawee supatgiat @ enron 01 / 04 / 2001 03 : 10 pm to : vince j kaminski / hou / ect @ ect cc : subject : sorry . hi vince , i am sorry for correcting on the revenue of the different auctions . vickrey 1961 showed that all 4 kinds of auctions would yield the same expected revenue to the auctioneer . ( dutch , english , first price - sealed bid , and second - price sealed bid . ) in fact , the selling price is equal to the valuation of the second highest bidder . for example , in vickrey auction , everyone bids at his own valuation . hence , the winner pays the valuation of the second highest bidder . in english auction , the second highest valuation bidder will stop competing if the price is above his valuation . hence , the winner also gets the item at the price of the second highest valuation bidder . thank you for attending the meeting and giving many helpful contributions . - chonawee",0 +"Subject: livelink access sorry for the miscommunication but your password is blank . after you log in . please change your password by going to the go to menu and change your password . - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 03 / 06 / 2001 08 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner 03 / 05 / 2001 03 : 37 pm to : kenneth parkhill / na / enron @ enron , jaesoo lew / na / enron @ enron , tom halliburton / corp / enron @ enron , kevin kindall / corp / enron @ enron , bob lee / na / enron @ enron , alex huang / corp / enron @ enron , tanya tamarchenko / hou / ect @ ect , joseph hrgovcic / enron @ enronxgate , gwyn koepke / na / enron @ enron , rakesh bharati / na / enron @ enron , martin lin / hou / ect @ ect , rabi de / na / enron @ enron , chonawee supatgiat / corp / enron @ enron , seksan kiatsupaibul / hou / ees @ ees , wichai narongwanich / hou / ees @ ees , sevil yaman / corp / enron @ enron , tom barkley / na / enron @ enron , pinnamaneni krishnarao / hou / ect @ ect , osman sezgen / hou / ees @ ees , praveen mellacheruvu / hou / ees @ ees , sandeep kohli @ enron , vince j kaminski / hou / ect @ ect cc : subject : livelink access you have been added to the livelink test instance for research . see below for the link . - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 03 / 05 / 2001 03 : 32 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron technology from : moyez lallani @ enron 01 / 16 / 2001 10 : 46 am to : stinson gibner / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect cc : subject : livelink access gentlemen , i have created a folder called research projects folder in the livelink test instance . the url to the test instance is to log in , use your nt login id as your userid and password ( all lowercase ) . you will find the folder on the enterprise workspace . please call me should you require further assistance . moyez lallani x 5 - 3683",0 +"Subject: re : opportunities at enron vince kaminski , i am one of the stanford students that you interviewed last october . i really apologize for contacting you that late , but for some reason when i wrote the email that i transcribe below i did not send it , and just realized about that until now . also , i want to thank you again for opening the possibility of a summer internship at enron . regards , jorge picazo > vince kaminski , > > i am one of the students that you interviewed at stanford university > last october . > > during our meeting i asked for the possibility of an internship position > at enron during this summer , and you asked me to send you an email > by february . > > however and after a long talk with my advisor , i have decided to focus > on my academic research during the summer , and i am writing to let you > know about my decision . > > in any case , i really want to thank you for opening the possibility of a > summer internship at enron . if my academic duties had not keep me at > stanford , i am sure that it would have been a great experience . > > thanks anyway , > > jorge picazo > > > > > > hello , > > > > my name is vince kaminski and i am in charge of quantitative research at enron > > corp . i shall visit the stanford campus on october 21 and 22 ( thursday and > > friday ) > > and hope to talk to a number of faculty members about recruiting stanford > > graduates for enron . > > > > i shall be accompanied by two other enron employees : greg whalley , a stanford > > graduate , head of risk management at enron and my boss , and celeste roberts , > > head of our associate / analyst program . > > > > if you are interested in meeting with me and two other members of the enron > > team to talk about opportunities at enron , send me a message to two e - mail > > addresses : vkaminski @ aol . com ( home ) and vkamins @ enron . com ( office ) . i shall > > send you in the beginning of the next week information about the time and > > place of the meeting . > > > > you can also reach me at ( 713 ) 853 3848 . > > > > vince kaminski > > = jorge a . picazo hidalgo ph . d . candidate adress : 1600 villa st apt 391 department of statistics 94041 , mountain view ca stanford university sequoia hall rm 237 phone : ( 650 ) 965 - 4119 m . s . email : jpicazo @ leland . stanford . edu department of engineering - economic jpicazo @ stat . stanford . edu systems and operations research stanford university =",0 +"Subject: ola oladeji we are in the process of placing our remaining new associates as they are here for orientation and will be available for work august 28 . ola has yet to be placed and i am inquiring if there is any interest in him joining one of your groups . i know some of you expressed interest upon interviewing him . if so , please advise as soon as possible . if you have any questions , please contact me at 3 - 4584 . thanks so much for your participation in the associate program ! !",0 +"Subject: re : real options conference in cambridge steve , risk will give you more exposure in the peer group faster . shan left ( i think they are firing people at risk - a normal development for a successful company that got ahead of itself ) . if risk does not work , i shall talk to phelim about speeding the publication . vince steven leppard 04 / 25 / 2000 08 : 06 am to : vince j kaminski / hou / ect @ ect cc : subject : re : real options conference in cambridge hi vince the person i was dealing with ( shan millie ) passed on my paper to her successor , and i ' ve heard nothing since . the plan was to try and publish the article in risk ' s "" game choices "" real options book , which is being published in june , along with a summary version for the magazine . i ' m supposed to be waiting for them to get back to me , and it ' s not been at the front of my mind until now . i think i ' ll chase them up . interestingly at a recent risk course phelim boyle expressed an interest in my work to appear in one the the journals he edits , i think it ' s decision science or something like that . do you think this would be a more appropriate home for the work ? one more thing that may be of interest to you is that i ' ve now worked forward recursive dp into my notation too . it ' s simply a matter of putting the decision nodes on the left hand side of the value symbols ! should i chase risk , or pursue the peer reviewed phelim boyle option ? steve vince j kaminski 04 / 25 / 2000 02 : 00 pm to : steven leppard / lon / ect @ ect cc : subject : re : real options conference in cambridge steve , how are the discussions with risk about an article progressing ? vince steven leppard 04 / 25 / 2000 05 : 07 am to : lenos trigeorgis @ enron cc : vince j kaminski / hou / ect @ ect subject : re : real options conference in cambridge lenos i ' d like to give a talk entitled "" diagrammatic representation of real options in enron "" , in which i will give a brief run - down of a diagrammatic technique i have developed for representing real option deals . my notation allows originators , managers and quants to communicate unambiguously , while still appreciating the complexity and subtlety of real optionality . i have defined a "" diagrammatic grammar "" which guarantees that the pricing of the deal follows immediately and automatically from the diagram . i propose to introduce the symbols and grammar , then go on to present some suitable examples of diagrams . if appropriate i ' ll talk about the links with dynamic programming . ( i will need some guidance as to how much technical detail i can go into based on the audience . ) all the best , steve enron capital & trade resources corp . from : lenos trigeorgis 04 / 20 / 2000 08 : 45 pm to : "" steven leppard "" cc : "" vince j kaminski "" subject : re : real options conference in cambridge steve thanks for agreeing to talk . i attach the program to see the other speakers and style ( it is addressed to a professional autience ) please give me a suitable title for the talk ( replacing kaminski  % s slot on july 6 / energy session ) and the details of your position thanks lenos at 05 : 01 _ _ 04 / 20 / 00 + 0100 , steven leppard wrote : > > > dear prof trigeorgis > > vince kaminski has suggested that i would be a suitable speaker at your july > conference in cambridge , and i ' d be happy to come along if required . please > could you send me appropriate details , and the audience type expected . > > many thanks . > > yours sincerely , > steve leppard > > > > - 4 thconfsessions . doc lenos trigeorgis professor of finance university of cyprus dept of business 75 kallipoleos , po box 20537 cy 1678 nicosia cyprus tel : + 357 2 892261 fax : 339063",0 +"Subject: projects update vince , a quick project update . 1 . sandeep and i spoke with robert schenck in adelaide . he will email a henwood proposal to us . they already figured that we must be interested in modelling dabhol . 2 . the wti eol trading simulation had an error . we were counting a mid - offer spread profit on each trade , but we actually would make the spread on each round - trip transaction ( one trade to open , one trade to close ) . i modified the calculation and sent the new numbers to greg whalley ( he is the one who caught the mistake , so there goes my bonus for the year . ) and john lavorato . i should probably re - run the earning volatility numbers , and update ted murphy as well . - - stinson",0 +"Subject: re : enron / stanford program nick , vince asked me to coordinate the planning for you august visit to enron . vince and i are free almost any date except august 14 and 15 th , but we would like to try and schedule your visit at a time when you could meet with other key ebs executives such as kevin hannon and perhaps ken rice and john echols . if you could send me a few of your preferred choices of dates , i will try to optimize getting you on the calendars of these individuals . by the way , giuseppe is doing a great job and has already made a very good impression on everyone he has worked with . it ' s been a real pleasure having him here for the summer . regards , stinson",0 +"Subject: resume : dipak agarwallah ph . d . econ . here is a resume forwarded to our group . dipak has some industry experience , but does not seem to have programming skills . any interest ? - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 11 / 09 / 2000 10 : 01 am - - - - - - - - - - - - - - - - - - - - - - - - - - - paulo issler 11 / 07 / 2000 02 : 56 pm to : stinson gibner / hou / ect @ ect cc : subject : resume and cover letter stinson : per our conversation i am forwarding you dipak ' s resume . - - - - - - - - - - - - - - - - - - - - - - forwarded by paulo issler / hou / ect on 11 / 07 / 2000 02 : 48 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - guido caranti @ enron _ development 11 / 02 / 2000 01 : 44 pm to : paulo issler @ ect cc : subject : resume and cover letter poulo , this is the info of the guy i talked to you about . please let me know what you think . thanks a lot guido - - - - - - - - - - - - - - - - - - - - - - forwarded by guido caranti / enron _ development on 11 / 02 / 2000 01 : 47 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" dipak agarwalla "" on 10 / 13 / 2000 11 : 36 : 22 am to : guido . caranti @ enron . com cc : a _ dipak @ hotmail . com subject : resume and cover letter hi mr . caranti , please find the attached cover letter and resume . please let me know if you need any further information and i look forward to talking to you on saturday at 8 : 30 pm . thank you very much dipak get your private , free e - mail from msn hotmail at http : / / www . hotmail . com . share information about yourself , create your own public profile at http : / / profiles . msn . com . - resume - dipak agarwalla . doc - cover letter - dipak agarwalla . doc",0 +"Subject: year end 2000 feedback deadline prc meetings begin on monday , november 20 th . if you have not already done so , please go in to pep at http : / / pep . corp . enron . com and complete the requests for feedback on the employees listed below . if you have any questions , please call the pep help desk at : houston : 1 - 713 - 853 - 4777 , option 4 london : 44 - 207 - 783 - 4040 , option 4 e - mail : perfmgmt @ enron . com thank you for your participation . andrews , naveen c baxter , ashley campos , hector o carson , richard l crenshaw , shirley j gandy , kristin h gorny , vladimir hewitt , kirstee l hickerson , gary j kaminski , wincenty j kindall , kevin leppard , steven patrick , christie a pham , bich anh t raymond , maureen j rosen , michael b sun , li supatgiat , chonawee tamarchenko , tanya v tawney , mark r thuraisingham , ravi williams , matthew yaman , sevil yuan , ding",0 +"Subject: re : weather course julie , enron location makes more sense . no reason to pay for the hotel . also , i think that one day makes more sense . i contacted the weather desk about including other people at the training course . i think that they would be interested if they got a good discount . vince "" julie "" on 02 / 16 / 2001 09 : 39 : 37 am please respond to "" julie "" to : cc : subject : re : weather course vince , ? great . ? just to let you know , we decided not to wait on the indecisive ones , and postponed the open course . ? it ' s yours , whatever you want : ? 1 day ( specific to what you feel will be of the most benefit ) , 2 days , hyatt or enron , or not at all . ? i hope this doesn ' t cause problems for you . ? special deal , for sure . ? i owe my godfather . ? julie ? ? - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : julie cc : joseph . hrgovcic @ enron . com sent : thursday , february 15 , 2001 3 : 16 pm subject : re : weather course julie , that ' s definitely an option . we can provide the room . maybe we can cut with you a special deal for enron and increase the # of people attending . i am forwarding your message to our weather desk . vince joe , what do you think about it ? vince "" julie "" on 02 / 15 / 2001 08 : 20 : 24 am please respond to "" julie "" to : ? ? "" vincejkaminski "" cc : subject : ? weather course vince , we just wanted to let you know that we only have 3 people signed up for the weather derivatives course ( all from enron ) so far . we have a couple more that have expressed strong interest , but we are awaiting their final decision . if no one else signs up , chris and les thought that you guys could probably get through the first day pretty easily , and thus thought it may be an option to teach just the 2 nd day material ( pricing ) only at enron ( doing it at the hyatt is an option as well but the room might be on the large ? side ) ? we would obviously reimburse you for the day not taught . we can teach both days as well , but thought you may want to save some time . i just wanted to give you some time to think about it . we will know ? where we stand on final numbers by next wednesday . julie",0 +"Subject: re : joint probabilities michael the updated probabilities are attached . the probability of reaching any fx times rab multiple are the same as the original analysis . the probabilities of reaching a given stock price are lower than the original analysis in both the optimistic and pessimistic cases because the debt levels are higher , and hence the stock value is lower for any fx - rab value . bob lee x 35163",0 +"Subject: re : green card vince , thanks for initiating this information flow . i think the confusion is coming from the question of if an fl can apply for green card or not . to my knowledge and to the knowledge of international student services in my university , yes i can apply . anyway , thanks again and i am sure we ' ll find a good answer for this question since here is enron . sevil , - - - - - - - - - - - - - - - - - - - - - - forwarded by sevil yaman / corp / enron on 03 / 09 / 2001 10 : 37 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : norma villarreal / enron @ enronxgate on 03 / 08 / 2001 06 : 31 pm to : sevil yaman / corp / enron @ enron , margaret daffin / hou / ect @ ect cc : norma villarreal / hou / ect @ enron , vince j kaminski / hou / ect @ ect subject : re : green card sevil , i believe you and margret daffin have spoken about the next steps for your green card . you will need to start working on you hib at the begining of october 2001 . if there is any confusion on my part please let me know . norma villarreal x 31545 below is dicussion between margret daffin and sevil in an e : mail january 26 , 2001 : "" sevil : first of all we have to get you an hib visa before we can work on getting you the green card . after you get your opt , contact me sometime in the summer and i will start working on your hib visa which we will obtain in approx . october , 2001 . we cannot start the green card process when you are still on an fl visa - you have to be on an hib visa . there is no rush - you will have six years on the hib visa - plenty of time in which to get the green card . "" this was in reference to her note to me , as follows : "" i think i ' ll have time approximately until the end of 2002 by using cpt and opt . this makes almost two years . if we can start green card process now , do you think that i would get it before i need hl . in every case , can ' t we start green card before i get hl ? because i don ' t want to waste these two years given the fact that green card process is a long process . "" - - - - - original message - - - - - from : yaman , sevil sent : thursday , march 08 , 2001 3 : 59 pm to : daffin , margaret cc : norma villarreal / hou / ect @ enron subject : green card i haven ' t heard back from any of you regarding my immigration status . could you please get back to me with the information about the initialization of my green card process ? thank you . sevil yaman eb 1943 x 58083",0 +"Subject: associate and analyst program contacts associate and analyst programs ( the  & programs  8 ) are administered globally . listed below is the contact information for the offices that utilize the programs . please do not hesitate to contact the individuals identified with any questions , placement needs or hiring needs . houston / portland / australia celeste roberts , program director . manages the daily operations . her assistant is dolores muzzy and can be reached at ext . 3 - 6245 . ginger gamble . overall responsibility for associate recruiting . candidates interested in the associate program can forward their inquiries and resumes to ginger at ebl 191 . ginger can also be reached at ext . 3 - 7583 or by e - mail at ginger . b . gamble @ enron . com . shelly jones . overall responsibility for analyst recruiting . candidates interested in the analyst program can forward their inquiries and resumes to shelly at ebl 175 . shelly can also be reached at ext . 3 - 0943 or by e - mail at shelly . jones @ enron . com . jana giovannini . responsible for operations and expenses . jana can be reached at ext . 3 - 9233 or by e - mail at jana . giovannini @ enron . com . jana is located at ebl 187 . shannon rodgers . responsible for associate rotations . associates and hiring managers who need information on rotations and associate availability should contact shannon at extension 3 - 3853 or by e - mail at shannon . rodgers @ enron . com . shannon is located at ebl 186 a . elizabeth boudreaux . responsible for analyst rotations . analysts and hiring managers who need information on rotations and analyst availability should contact elizabeth at ext . 3 - 6176 or by e - mail at elizabeth . boudreaux @ enron . com . elizabeth is located at ebl 186 b . argentina / bolivia / brazil miguel padron . responsible for associate and analyst rotations , operations and expenses . his assistant is rosely nassar and can be reached at 5503 - 1243 . disneau santiago . responsible for associate and analyst recruitment . disneau  , s assistant is marlene muniz and can be reached at 5503 - 1244 . calgary dawn doucet . responsible for associate and analyst recruiting and rotations . candidates interested in either the associate or analyst programs can forward their inquiries and resumes to dawn in the calgary office . dawn can be reached at ( 403 ) 974 - 6724 , the fax number is ( 403 ) 974 - 6985 or by e - mail at dawn . doucet @ enron . com . london elizabeth barrett , director of european program . she can be reached at + 44 20 7783 7701 . sophie kingsley . responsible for day to day management of the european program , both pre / post hire , including associate and analyst rotations and international transfers . sophie can be reached at + 44 20 7783 7975 or by e - mail at skingsley @ enron . com . india ranen sengupta and dick liebert . responsible for associate and analyst recruiting and rotations . candidates interested in either the associate or analyst programs can forward their inquiries and resumes to ranen sengupta or dick liebert . ranen can be reached at ext . 6 - 7967 and his e - mail is ranen . sengupta @ enron . com . dick leibert  , s extension is 6 - 7145 and his e - mail is dick . liebert @ enron . com .",0 +"Subject: re : meeting ( fwd ) - - bradley romine ees / or stanford university bradley @ leland . stanford . edu - - - - - - - - - - forwarded message - - - - - - - - - - date : thu , 20 jan 2000 12 : 09 : 05 - 0800 ( pst ) from : bradley romine to : nick bambos subject : re : meeting professor bambos , 3 pm on wed . is fine with them . so i ' ll see you then in your office in terman . brad on thu , 20 jan 2000 , nick bambos wrote : > brad , > > yes , i would be happy to meet with them . > how about 3 pm on wed . > > thanks , > > nick > > bradley romine wrote : > > > > hello professor bambos , > > i was talking to some friends i have at enron about pricing > > options for bandwidth trading and other optimization algorithms for > > broadband networks . anyway they are interested in talking to you about > > your research . they will be in town next week tuesday and wednesday and > > would appreciate getting a chance to talk to you . are you available ? > > > > thanks , > > brad > > > > - - > > bradley romine > > ees / or stanford university > > bradley @ leland . stanford . edu > - - bradley romine ees / or stanford university bradley @ leland . stanford . edu",0 +"Subject: re : vlady gorny perfect . thanks , vince . in all likelihood , it would be just fine , it is just not customary for job talks to include others . again , since you are a member of the risk management chair search committee ( you may not know of this official capacity , but i believe it is the case ) , we by all means hope that you will be able to attend the seminar as well as dinner . i will get details on the schedules to you early next week . bbo at 03 : 38 pm 3 / 2 / 01 - 0600 , you wrote : > barbara , > > i called vlady gorny and explained that the presentation by jorion is not > offered > under the umbrella of the seminar sponsored by enron and that it is a > closed meeting for the school faculty . > > i don ' t think that enron would open its job interviews to rice observers > who expressed interest and i made this comment to vlady . he is ok with > this . > > you can let his program director know that i have explained to vlady > that it is a meeting for limited audience and that he does not expect to be > invited . > > > please , let me know the details of the dinners . > > vince",0 +"Subject: recommendations vince and joe , this is just a short reminder about the four letters of recommendation . i have attached an envelope with each recommendation . once you seal each envelope , please don ' t forget to sign it ( over the adhesive seal ) and to label the front , e . g . "" columbia - joseph hrgvocic "" . also , i will be mailing everything in one package to each university , so please don ' t mail them out . that is all . as always , i really do appreciate the time you ' re taking to do this . thank you , hector",0 +"Subject: alp presentation christie , shirley reserved room 49 cl for monday 4 : 00 p . m . presentation . can you issue the formal invitation to our guests with the game / dinner details ? i don ' t have all the details regarding the enron field box and time . i am out most of the day on wednesday but we can discuss the details on thursday . hope to see you on saturday at the concert . vince",0 +"Subject: re : forecast rates ! vince , we responded to kellie and osman on march 21 . don reid decided that he did not need a curve for turkey at this time . regards , maureen vince j kaminski 03 / 27 / 2000 06 : 14 pm to : kellie fleeks / enron _ development @ enron _ development cc : vince j kaminski / hou / ect @ ect , maureen raymond / hou / ect @ ect , farouk lalji / hou / ect @ ect subject : re : forecast rates ! kellie , i was on vacation last week . sorry for the delay in getting back to you . i am forwarding this request to maureen raymond who is handling such requests . vince kaminski to : vince j kaminski @ ect cc : subject : forecast rates ! vince , your name was given as a contact to get information on some exchange rates . don reid is needing some information on forecast rates and inflation rates for turkish ponds for the years 2000 - 2006 . if you can help me we really would appreciate it , we need it as soon as possible . thank you in advance for your help . kellie 5 . 5205",0 +"Subject: marking chairs hello all : unfortunately , in the last two weeks we have had two of our research "" chairs "" disappear from their location . we have reported this to security , but in all likelihood they will be almost impossible to locate . facilities has told us that they are not responsible for missing chairs and we will have to order new ones . since they are very expensive , we have decided to "" mark "" our chairs underneath the seat with a location or name . sam is going to order some "" silver or white "" markers and we will begin marking each chair . it is a shame we have to do this , but know of no other alternative . we will let you know when this will take place . thanks ! shirley",0 +"Subject: term paper dr . kaminski , attached please find a copy of our term paper . advise if you experience problems opening the attachment . best regards , ken jett - combo 2 [ 1 ] . v 2 . doc",0 +"Subject: martin lin norma , thanks for your excellent suggestion of using a retention bonus for martin lin in order to address both the issues of compensation and retention for him . as i mentioned during our meeting , just my small team within research has lost 3 people over about the last 2 years , and we have had a hard time recruiting good candidates . last year we made an offer to a person graduating from ut ( ms in computational finance ) of 75 k plus 25 k signing bonus . he replied that he would like to work at enron but was already in the position of turning down an offer with a base salary above $ 100 k . martin is a very skilled individual with a ph . d . in electrical engineering and almost two years experience at enron . he would be very difficult ( and expensive ) to replace . for this reason i feel it necessary to be proactive in finding ways of retaining him as an employee . please let me know if we have a green light to go forward with a 1 - year retention bonus of 10 k and a raise to 87 k base salary for mr . lin . i would plan to then give martin an additional raise at his next review period . regards , stinson x 34748",0 +"Subject: li sun vince , thanks for your response . apparently , we were under the incorrect impression that your group would be taking li ( based on jeff ' s note below ) . we apologize for not contacting you last friday to confirm prior to "" placing "" li in your group . i have faxed li ' s resume to you and hope that you will have time to review it today . please call me back as soon as you can to discuss li ' s opportunities in your group . if vince is not interested in li for his group , we will consider li placed in ena - gas trading ( original placement ) in john lavorato ' s organization . once i hear from vince one way or the other , the program will consider li ' s placement final in either research or ena - gas trading . hopefully this will be resolved by tuesday morning so that we may communicate to li her rotation information . if you have any questions , please let me know . thank you ! vince j kaminski 08 / 21 / 2000 01 : 03 pm to : jana giovannini / hou / ect @ ect cc : subject : re : vikas dwivedi fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 21 / 2000 01 : 08 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 08 / 21 / 2000 12 : 58 pm to : shelly butler / hou / ect @ ect cc : john j lavorato / corp / enron @ enron , jeffrey a shankman / hou / ect @ ect , hunter s shively / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : vikas dwivedi shelly , i shall not accept anybody for a rotation without a prior interview . li was scheduled to meet with me last thursday but she never showed up . she did not call to cancel or to apologize for not showing up . i have not seen her resume . please , assume she is not rotating into my group till further notice . vince from : shelly butler 08 / 18 / 2000 03 : 37 pm to : jeffrey a shankman / hou / ect @ ect cc : hunter s shively / hou / ect @ ect , john j lavorato / corp / enron @ enron , vince j kaminski / hou / ect @ ect , craig breslau / hou / ect @ ect , ina rangel / hou / ect @ ect subject : vikas dwivedi jeff , just wanted to confirm that li will be placed in vince kaminski ' s group . vikas has been placed in ena middle market reporting to craig breslau . please contact me at 3 - 4584 if you have any questions . thanks for your help ! ! shelly from : jeffrey a shankman 08 / 18 / 2000 03 : 18 pm to : shelly butler / hou / ect @ ect cc : hunter s shively / hou / ect @ ect , john j lavorato / corp / enron @ enron subject : shelly , hunter spoke with li today and agrees that her first rotation should be in vince ' s group doing modelling , etc . this will give her the broadest experience for a first rotation . i ' m sure the other person in question , vikas , will do very well in hunter ' s group . thanks for your help . jeff",0 +"Subject: visiting enron dr . kaminski , i would like to thank you very much for taking care of amy and me during our trip to houston . what i saw at enron communication was nothing short of revolutionary . more than that , i was impressed with the drive of the people , their kindness , and their proficiency . i look forward to meeting you again in stanford during the last weekend of february . i will send you an email next week , so that we can arrange a meeting between you and prof . bambos . all the best wishes , giuseppe - - : : giuseppe a paleologo : : http : / / www . stanford . edu / ~ gappy "" what a waste it is to lose one ' s mind . or not to have a mind is being very wasteful . how true that is . "" - vice president dan quayle winning friends while speaking to the united negro college fund , 5 / 9 / 89 -",0 +"Subject: credit exposure model bill , alex and i are working on the credit exposure model . we finished the initial design issues regarding input and output . we would like to have a meeting with you to seek feedback . we also preceeded to write the underlying model . so feedback at early stage can be important for the later development . paulo issler is working on the short term enhancement to the credit loss model : adding asian option to the model built by vasant and amitava . let me know when is a good time for us to meet . zimin",0 +"Subject: please read mike : enron is one of only a handful of institutions that could facilitate the following ( see attached ) . call to discuss if you ' re interested . best regards , - pressrelease . pdf - monetization . pdf",0 +"Subject: a "" bit "" of history on the fourth of july hello everyone : vince asked me to send this to you . it definately is eye opening and heart wrenching . we sometimes forget the price that was paid for our wonderful country . have a wonderful 4 th of july ! shirley",0 +"Subject: london fyi research weather link vince - fyi research ' s customer base growing by the hour ! - mike - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 04 / 10 / 2001 10 : 03 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : stephen bennett @ enron 04 / 10 / 2001 09 : 02 am to : annette harris / lon / ect @ ect cc : tony hamilton / eu / enron @ enron , mike a roberts / hou / ect @ ect , jose marquez / corp / enron @ enron subject : research weather link http : / / enaresearch . corp . enron . com / from here - there is a drop down menu at the top left . the "" weather "" tab - "" main weather page "" is the full support site for the houston gas traders . look under the "" european weather "" tab "" main europe weather "" page for what we ' ve started doing here . let us know how we can build this to better meet your needs . . . steve stephen bennett senior meteorologist enron research london through april 27 : ext - 34761",0 +"Subject: allocation schedule shirley , will you check with vince on the support schedule for me ? i need to get the support to the bus in order to get them to agree on the 2001 billing . if you have any questions , call me . thanx . - - - - - - - - - - - - - - - - - - - - - - forwarded by becky pham / hou / ect on 01 / 16 / 2001 01 : 49 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - becky pham 01 / 02 / 2001 11 : 12 am to : vince j kaminski / hou / ect @ ect cc : subject : allocation schedule we spoke prior to the holiday and you were working on a list on support names and projects that research is working on for various bus . can you tell me how you are doing on that ? sarah brown , my manager , had a meeting with corp and they are disputing the billing we are proposing to bill to them ( $ 1 . 9 m ) . their argument is that they are going to bill ena back anyway ; therefore , they have agreed to take 40 % of the amount we intented to bill them in 2001 , which is approximately $ 760 k . if you have any questions , please call . thanx .",0 +"Subject: charlie weldon charlene , thank you for accomodating our request to start charlie weldon in his rotation in the research group earlier than the incoming associate official start date of august 7 th . as we discussed , the business purpose for this request is related to the project we have earmarked for him , which is linked to the hurricane season , which starts in june . and you have my e - handshake that we will release him to participate in the regularly organized orientation activities scheduled for august . we expect he will report on wednesday , june 21 st . thanks again , - - mike roberts",0 +"Subject: re : status clayton , we can discuss your request when i come back to the office on monday . regarding the trip to portland . such a trip requires an explicit prior permission from your boss , myself in his absence , or stinson in my and vasant ' s absence . in case you did not ask for such a permission before , the request is denied . vince clayton vernon @ enron 07 / 20 / 2000 03 : 12 pm to : vasant shanbhogue / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : status vasant - i hope you had a wonderful vacation back home , and are rested and recovered from the long flight back . i wanted to give you an update of the eol project , the gas model , and of my intentions here at enron . software ( in compiled c on the unix platform ) has been developed and debugged to listen to the eol trades , process them , book them , and file them away . in addition , software has been developed and debugged to mark these to market on a continual basis , and to store the entirety of open positions on eol in a dynamic matrix facilitating analysis . it has yet to get back with me on how the software can be informed of those trades ultimately rejected for credit purposes . these data files are stored in a format for reading by excel or by sas , for which i have written the data step program and basic tabulation routines elucidating the structure of the data . i am in the process of documenting all of this for you . with regards the gas model and its slow performance on the compaq , dell has agreed to loan me one of their competing machines to the compaq , to see if the performance issue of the lp is related to the compaq . i have been researching this issue with it here and with compaq and dell . the new machine will be here any day now ( no financial obligation to anyone ) , and i will be able to immediately ascertain whether the problem the model is having is compaq - specific . i am also in the process of documenting the gas model for you . i ' ve tried to do my best for you , vasant , but i have been frustrated by not only the death of my mother but some internal systems in it here . just the other day , sas could not open a full query of the eol database because there wasn ' t enough free space on the server ' s hard drive for the workfiles . in discussing some of these issues with some good friends of mine in power trading , people whom i have known for over 10 years , they indicated they were ubiquitous here . the power traders have similar pc ' s to my new one , and they have complained from day 1 that theirs are slower than their old ones . also , there remains a large frustration with the development of data warehouses ; during my brief tenure here it has gone through two differing proposals as to how to address this . when i have been told of tools available for real - time data harvesting , my requests for such have typically been met with "" well , we have it , but we haven ' t really tested it yet . "" an example is the weather : we still do not record to disk the hourly nws observations from the goes satellite . my interests here are to help enron to do well , because i will do well only if enron does well . these aren ' t empty words - my ira is 100 % invested in the enron stock fund . i believe my best contributions to enron will be in the areas of systems as well as modeling , and the difficulty working in the research group , in terms of systems development , is that , frankly , few people at enron seem to care what a researcher thinks about our systems . we aren ' t directly generating revenues for enron , and we aren ' t really their customers , except in our relatively small deparrtmental infrastructure expenses . as it happens , power trading posted an opening for a modeling and forecasting person , and i spoke with them and they asked me to take the job , reporting to george hopley . it is a wonderful opportunity for me , vasant , as they are interested in large system modelng of power grids as well as improving their traders ' access to real - time fundamentals data . i was completely candid with kevin presto regarding my shortcomings here in research - i told him you were disgusted with me because i repeatedly failed to meet time deadlines . they also understand i have yet to be at enron for 1 year , and thus may only bid on a job with your permission . we agree the move is good for enron ; we all work for enron , and your acquiescence to the move does not endorse it but merely permit it . they are comfortable with me - they have known me for years as a hard worker , honest and unpretensive . they have already ordered a state - of - the - art unix workstation and server for me , and they have told me they will commit whatever resources are necessary for me to be successful , including hiring an analyst to work for me . and , i have already been able to teach their analysts improved techniques for data harvesting and analysis i have learned here . so , i am requesting your permission to bid for this job opening . it would be a lateral move in position and salary , and i would commit to you to help you in any way possible in the future with regards the gas model or the eol database . i will continue to work on their improvement , and complete their documentation . as it happens , i am away on enron business in portland monday and tuesday , and will be back wednesday . i had wanted to talk face - to - face instead of by email , but enron business supercedes - i am on a team designing the data warehouse for floor trader support . clayton .",0 +"Subject: california power update 1 / 17 / 01 pt . iii 1 . california ag exploring investigation of power profits sources report that the california attorney general ' s office , in a meeting yesterday , ordered a review of the federal profiteering statute . in keeping with the recent rhetoric by gov . davis , this action is almost certainly directed toward investigations of profits made by generators and marketers . 2 . more detail on bankruptcy - creditors concerned about lengthy "" cure period "" the generators want to limit their exposure as general creditors in a chapter 11 proceeding . their ability to their exposure depends on the "" cure period "" for making good on a defaulted payment , which would be dictated by the specific contract terms . if the "" cure period "" - that is , the time the utilities have available to make up for missed payments before the generators or the power exchange can take them to court - is a short period of time , for the sake of argument 30 days , then the utilities ' creditors have to swallow another 30 days of accumulated ( impaired ) receivables before they can move to the more desirable position of postpetition suppliers ( in which bills do get paid , as would be directed by the bankruptcy court judge ) . if , however , the utilities have a longer "" cure period "" , for the sake of argument 60 days , then their creditors will effectively have to swallow 60 days of accumulated impaired receivables on which they will ultimately have to take a substantial haircut .",0 +"Subject: weather derivatives : under cover - - - - - - - - - - - - - - - - - - - - - - forwarded by joseph hrgovcic / hou / ect on 06 / 01 / 2000 12 : 53 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : lucy ortiz 06 / 01 / 2000 08 : 58 am to : mark tawney / hou / ect @ ect , steven vu / hou / ect @ ect , brando hayden / hou / ect @ ect , david kistler / hou / ect @ ect , gary taylor / hou / ect @ ect , paul r henry / hou / ect @ ect , joseph hrgovcic / hou / ect @ ect , rajib saha / hou / ect @ ect , michael nguyen / hou / ect @ ect , tony harris / hou / ect @ ect , seth hurwitz / corp / enron @ enron , timothy m norton / hou / ect @ ect , nick mooney , ingrid wees , catherine woolgar / lon / ect @ ect , victoria bedingfield , raymond yeow / enron _ development @ enron _ development , christian cc : subject : weather derivatives : under cover - - - - - - - - - - - - - - - - - - - - - - forwarded by lucy ortiz / hou / ect on 06 / 01 / 2000 08 : 56 am - - - - - - - - - - - - - - - - - - - - - - - - - - - djcustomclips @ djinteractive . com on 06 / 01 / 2000 09 : 21 : 18 am please respond to nobody @ maill . djnr . com to : 126812 @ mailman . enron . com cc : subject : weather derivatives : under cover business under cover martin waller 05 / 31 / 2000 the times of london 2 w 31 ( copyright times newspapers ltd , 2000 ) corney & barrow , the mainly city wine bar chain , is going into the derivatives market . the chain is thought to be the first in the hospitality industry to take a position against our atrocious weather . sarah heward , the managing director , got the idea after meeting a bunch of customers who had just left garban to set up their own business , speedwell weather derivatives . about half her wine bars have outside terraces which have understandably not proven too popular of late . "" they set me up with a hedge - my counterparty is enron us , "" says heward . this safeguards a modest pounds 15 , 000 of turnover . folder name : weather derivatives relevance score on scale of 100 : 94 to review or revise your folder , visit http : / / www . djinteractive . com or contact dow jones customer service by e - mail at custom . news @ bis . dowjones . com or by phone at 800 - 369 - 7466 . ( outside the u . s . and canada , call 609 - 452 - 1511 or contact your local sales representative . ) copyright ( c ) 2000 dow jones & company , inc . all rights reserved",0 +"Subject: interview schedule for stephen bennett attached please find the interview packet for the above - referenced person . the interview will happen friday august 4 , 2000 . please print all three documents for your hard copies . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . sean grady 58701",0 +"Subject: news article on enron india : enron aftermath business line - 02 / 21 / 2000 abhay mehta copyright ( c ) 2000 kasturi source : world reporter ( tm ) - asia intelligence wire power play a study of the enron project * publishers : orient longman , new delhi * price : rs . 195 the enron power project at dabhol in ratnagiri district of maharashtra has been mired in nationwide controversy ever since the inception of the project proposal in 1992 ; and the sordid tale ends only in 1997 , with the supreme court of india refusing to even admit an appeal against the bombay high court decision , of december 1996 , which while commenting that "" this case has highlighted to the people as to how even after 50 years of independence , political considerations outweigh the public interest and the interest of the state and to what extent the government can go to justify its actions not only before the public but even before the courts of law "" - yet dismissed a public interest petition against the project on the ( purely technical ) ground of res judicata , even though new facts , new arguments , new evidence of the violation of the laws of the land had been advanced by the petitioners . the fact that the fresh violations of the law were not even considered and recorded , despite the petitioners adducing the required evidence , can only be termed as strange , perhaps bizarre . abhay mehta ' s simple , factual documentation - in fact a chronological narration - of all events , including the process of bending all rules , of subverting the law for promoting a project involving unparalleled future liabilities for maharashtra , indeed for the whole of india - is not only masterly , it is devastating . it is a short , pithy book which deserves to be read from cover to cover by all thinking citizens of this country . barring the concluding chapter , the epilogue , there are no personal comments , only facts , disseminated from the original papers , mostly ' secret ' documents . all documentation has been carefully , faithfully recorded , including extracts from supposedly ' top secret ' minutes of cabinet committee meetings ; and the specific violations of the law ( which were opposed by a few public spirited civil servants , much to their disadvantage ) have been pointed up . apart from an introductory ' primer on electricity ' - introduced for the benefit of the layman , explaining some technical issues relating to electricity generation , transmission and distribution - and the background of the events of 1991 , the foreign exchange crisis , and the aftermath of the crisis , the other fifteen chapters , three appendices and fourteen annexes of the small book ( of 226 pages ) packs in an enormous volume of factual information . the strange saga of the enron project , and the sheer magnitude of the future problems this one single project poses for the country , need to be briefly recounted here , for essentially , it is the coming generation which would have to face the problem . the mseb has contracted to buy - and if not used , to pay for - 2000 mw of electricity ( for a period of 20 years ) from the dabhol power company ( the legal entity set up by enron , as an unlimited liability company registered in india , through a maze of intricate crossholdings of equity by half a dozen or more ' front ' companies registered in various tax - free havens . abhay mehta has indicated the total payments to enron over 20 years amount to $ 35 billion ( at 1998 exchange rates , around rs . 1 , 25 , 000 crores ) over the life of the project . one must record that : ( a ) crude oil / oil product prices have as of writing , more than doubled since the above calculations were made . a per the ' doctored ' figures presented by the company ( and its advocate ) , the charge per unit of electricity supplied , at the 1998 level of prices , was to 4 . 39 cent ( per unit ) as ' capacity charge ' and 3 . 43 cents ( per unit ) for ' energy costs ' . the former is indexed to the us inflation rate , and the latter to international fuel prices . the former may be assumed to have gone up only marginally ( rounded to 4 . 4 cents per unit ) ; we know that fuel prices have more than doubled internationally over 1999 . assuming the ' fuel costs ' to have increased less than 100 per cent - even though international prices have more than doubled - we may assume ( for 1999 ) energy costs of 6 . 85 cents per units , making for a total payment of 11 . 25 us cents per unit of electricity supplied by the dabhol power company ( dpc ) to mseb in late 1999 , in phase i of the project . within another two years , at 2000 mw , the annual offtake ( for 365 days x 24 hours / day ) would be 17 . 52 billion kwh ; and at 11 . 25 cents per unit , the total payment amounts to $ 1 . 97 billion annually ; for 20 years , this workout to $ 39 . 4 billion . this is not counting any further inflation in either energy costs or capacity charge . at today ' s exchange rate - about rs . 43 . 5 per us dollar - in rupee terms this works out to wore than rs . 175 , 000 crores ( as compared to rs . 125 , 000 crores indicated by abhay mehta ) . this is the cost to mseb in rupee ; and to the country in foreign exchange as payment to just one project authority , for supply of part of the power required in maharashtra . the really significant point to note in this connection is that this payment - and considerably more , depending on ( a ) future increase in ' capacity charges ' depending on us inflation rate , and international prices of lngaphtha ( for ' fuel costs ' ) , and ( b ) depreciation of the exchange rate of the rupee vis - a - vis the us dollar - is obligatory ; the assets of the mseb , the maharashtra government indeed , all assets of the government of india ( present and future ) are mortgaged to enron , by way of sovereign guarantees extended by both governments . the other significant point in this connection is that - as predicted by all independent indian experts as well as the world bank - the enron project he forced the mseb to cut its offtake of tata electric company ' s and its own much cheaper thermal power already ; in a postscript dated august 1999 , abhay mehta has indicated that already , the mseb had stopped buying between 200 and 250 mw of power from tata electric ( available at rs . 1 . 80 per unit ) and has had to backdown its own chandrapur thermal power station ( cost of this power being rs . 1 . 20 per unit ) , while forced to buy more expensive enron power at rs . 5 per unit . the loss to mseb on this count alone comes to rs . 460 crore per year . this had in fact , been predicted earlier even by the world bank . it is pointless here to go into the details of how precisely all this was contrived , by a deliberate campaign of ' disinformation ' , of blatant lies , of sidelining of expert opinion , not only of independent experts but also the goi ' s own official advisers in this matter , namely , the central electricity authority as well as that of the world bank , which was resolutely opposed to this project . the detailed facts , the letters exchanged in the above context , the pressure tactics adopted , the flouting of all procedures norms , even statutory provisions of the electricity ( supply ) act , are all carefully documented by abhay mehta . mehta correctly concludes : "" we frequently blame external agencies - like the world bank - for all our problems , when , as a matter of fact , we ourselves are our own worst enemies . in the instant case , the world bank not only advised the government of india against the project , it stood resolutely firm in its assessment of the total inadvisability of this project . in fact , one must note here that in 1996 , neighbouring pakistan , which had entered into a somewhat similar mou with enron , cancelled the project ( and the power purchase agreement with enron ) , for a $ 670 million , 782 mw residual oil - fuelled power plant , even though that agreement had stipulated enron power supply at a fixed rate of 6 . 4 us cents per kwh over a 30 year period . ( note the estimated rate of 11 . 25 cents per kwh for dabhol power for the mseb in december 1999 , which works out to around rs . 5 per unit ) . one could go on ; but one must leave the reader to go through abhay mehta ' s crisp , factual , matter of fact narration of the enron saga , and switch over to the point made by him in the epilogue to the story , about ' the next round of scams ' . for quite some time , the ruling elite in india has been intent on ' privatising ' all public enterprises ; and even ' utilities ' are no exception . the ' unbundling ' of infrastructure with a view to privatisation of all the ' profitable ' segments . all this - as per the current ' disinformation campaign ' - is supposedly in the interest of rationalisation and greater efficiency of poorer supply . the author has referred in this context to the acquisition from the government - by the torrent group - of the ahmedabad and surat electricity companies at less than one - tenth of the market value of the assets of thee facilities . again , much like the enron saga , all objections by the finance department of the gujarat government were overruled . and , abhay mehta has predicated that this onslaught - the break - up of power utilities into three segments , generation , transmission and distribution , - with a view to their privatisation is likely to be the new thrust by the ruling elite , for reasons that do not require to be spelt out . though mehta had the examples of the torrent group takeover of ahmedabad and surat electricity companies , and of the break up of the orissa state electricity board before him , yet his statement can be stated today to be prophetic ; the upseb is now on the firing line . the recent strike by the workers and engineers of the upseb in protest of the announced up government decision to trifurcate the upseb ; and the union minister of power , mr . rangarajan kumaramangalam ' s statement that the upseb is a loss making , inefficient unit and that privatisation of the facilities after the trifurcation - need to be noted . that 40 per cent of the dues of the upseb are from the up government ; that tariffs for up electricity supply are fixed by the up government and not by the upseb ; that the upseb does not have the cash even for routine maintenance as a result of the above - these are facts that nobody is prepared even to consider . that the remedy for upseb lies in a different kind of reform and restructuring , is not even to be debated . the whole idea is to privatise the profitable segments , and to leave the public sector entity with all the problem areas , including rural energy supply . it is against this background that abhay mehta ' s book needs to be widely disseminated , read , and its implications understood . what is at stake is not a ' utility ' here or a psu there . what is at stake is the future of some 80 per cent of the have - nots in this country . what is at stake is the ' pillory ' of the assets of the nation for private aggrandisement . arun ghosh",0 +"Subject: re : your visit to enron frank , great idea . i think it will be an opportunity to brainstorm about the problem . vince "" francis x . diebold "" on 11 / 06 / 2000 04 : 08 : 26 pm to : vince . j . kaminski @ enron . com cc : subject : re : your visit to enron vince , now that ' s an interesting idea - - the problem is that i don ' t really have any work yet , as i am just now beginning ! but yes , why don ' t i put a talk together as to what i ' m thinking about , why it ' s important , why existing methods may be inadequate , and how i think econometricians can contribute . does that sound ok ? f . vince . j . kaminski @ enron . com wrote : > frank , > > thanks a lot . are you planning to make a general presentation on your work > in the weather area ? if this is the case , i would > invite to our lunch meeting the traders from the weather derivatives > desk . > > vince > > "" francis x . diebold "" on 11 / 04 / 2000 08 : 47 : 41 am > > to : shirley . crenshaw @ enron . com > cc : vince kaminski > subject : re : your visit to enron > > shirley , > > the 21 st is perfect . i will go ahead and purchase my plane tickets . would > you > please make me a hotel reservation for the night of the 21 st ? > > many thanks , > > frank diebold > > shirley . crenshaw @ enron . com wrote : > > > good morning professor diebold : > > > > i am vince kaminski ' s assistant and he has forwarded your emails to me > > for scheduling purpose . unfortunately , we have a conflict on december > > 14 th . can you possibly come on the 21 st ? > > > > i hope you have not already made your reservations . if i can do anything > > to assist you , please let me know . > > > > best regards , > > > > shirley crenshaw > > administrative coordinator > > enron research group > > 713 - 853 - 5290 > > > > - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on > 11 / 03 / 2000 > > 09 : 29 am - - - - - - - - - - - - - - - - - - - - - - - - - - - > > > > vince j kaminski > > 11 / 02 / 2000 04 : 30 pm > > > > to : "" francis x . diebold "" @ enron > > cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect > > subject : re : visit ? ( document link : shirley crenshaw ) > > > > frank , > > > > dec 14 would be better for us . we have already scheduled > > an internal presentation on december 7 . please , go ahead and make a > > reservation . > > the best place to stay is hyatt regency downtown or doubletree downtown > > ( within a walking distance to enron ) . it is important to specify the > > downtown > > location for both hotels . > > > > vince > > > > "" francis x . diebold "" on 11 / 02 / 2000 03 : 00 : 49 pm > > > > to : vince . j . kaminski @ enron . com > > cc : > > subject : re : visit ? > > > > sounds good , vince . how about dec 7 ? the roundtrip coach fare , > regardless > > of > > airline , is about $ 1900 . i hope that won ' t break the bank . once i have > > your > > approval , i ' ll go ahead and book it . best , frank > > > > vince . j . kaminski @ enron . com wrote : > > > > > frank , > > > > > > yes , i would be very interested in meeting with you in houston in > > december . > > > the best day for visit would be thursday when my group has a lunch > > meeting > > > and you could meet the rest of the research unit . > > > > > > please , let me know what day would work for you . we shall be very glad > to > > > cover the cost of your trip . > > > > > > vince > > > > > > i > > > > > > "" francis x . diebold "" on 10 / 31 / 2000 01 : 01 : 11 pm > > > > > > to : vince kaminski > > > cc : > > > subject : visit ? > > > > > > hi vince , > > > are you still interested in my visiting for a day , perhaps in dec or > > > jan ? i have begun a project on unobserved - components modeling of > > > weather patterns , so it would be productive and fun to compare notes . > > > best , > > > frank > > > > > > - - > > > francis x . diebold > > > wp carey professor > > > > > > department of economics > > > university of pennsylvania > > > 3718 locust walk > > > philadelphia , pa 19104 - 6297 > > > > > > fdiebold @ sas . upenn . edu > > > http : / / www . ssc . upenn . edu / ~ diebold > > > > > > ( 215 ) 898 - 1507 telephone > > > ( 215 ) 573 - 4217 fax > > > > - - > > francis x . diebold > > wp carey professor > > > > department of economics > > university of pennsylvania > > 3718 locust walk > > philadelphia , pa 19104 - 6297 > > > > fdiebold @ sas . upenn . edu > > http : / / www . ssc . upenn . edu / ~ diebold > > > > ( 215 ) 898 - 1507 telephone > > ( 215 ) 573 - 4217 fax > > - - > francis x . diebold > wp carey professor > > department of economics > university of pennsylvania > 3718 locust walk > philadelphia , pa 19104 - 6297 > > fdiebold @ sas . upenn . edu > http : / / www . ssc . upenn . edu / ~ diebold > > ( 215 ) 898 - 1507 telephone > ( 215 ) 573 - 4217 fax - - francis x . diebold wp carey professor department of economics university of pennsylvania 3718 locust walk philadelphia , pa 19104 - 6297 fdiebold @ sas . upenn . edu http : / / www . ssc . upenn . edu / ~ diebold ( 215 ) 898 - 1507 telephone ( 215 ) 573 - 4217 fax",0 +"Subject: re : invitation to 2001 energy finance conference - the university of texas at austin steve , no problem . it was a very short meeting ( most people were out ) . yes , i will be in houston during the week of the conference . see you in austin and in houston . vince steven leppard 01 / 19 / 2001 06 : 03 am to : vince j kaminski / hou / ect @ ect cc : subject : re : invitation to 2001 energy finance conference - the university of texas at austin hi vince i see you ' re speaking at the austin conference . will you be in the houston office during the earlier part of the week ? if so , i may look into arranging a trip out to meet you guys , and take in the conference too . sorry i didn ' t dial in to the updat emeeting on tuesday - i was delivering prc feedback to my team . steve - - - - - - - - - - - - - - - - - - - - - - forwarded by steven leppard / lon / ect on 19 / 01 / 2001 12 : 04 - - - - - - - - - - - - - - - - - - - - - - - - - - - "" angela dorsey "" on 10 / 01 / 2001 21 : 06 : 18 to : "" angela dorsey "" cc : "" ehud ronn "" , "" sheridan titman ( e - mail ) "" subject : invitation to 2001 energy finance conference - the university of texas at austin colleagues and friends of the center for energy finance education and research ( cefer ) : happy new year ! hope you all had a wonderful holiday season . on behalf of the university of texas finance department and cefer , we would like to cordially invite you to attend our : 2001 energy finance conference austin , texas february 22 - 23 , 2001 hosted by the university of texas finance department center for energy finance education and research dr . ehud i . ronn and dr . sheridan titman are currently in the process of finalizing the details of the conference agenda . we have listed the agenda outline below to assist you in your travel planning . each conference session will be composed of a panel discussion between 3 - 4 guest speakers on the designated topic . as supporters of the center for energy finance education and research , representatives of our trustee corporations ( enron , el paso , reliant , conoco , and southern ) will have the $ 500 conference fee waived . the conference package includes thursday evening ' s cocktails & dinner and hotel / ut shuttle service , as well as friday ' s conference meals , session materials and shuttle service . travel to austin and hotel reservations are each participant ' s responsibility . a limited number of hotel rooms are being tentatively held at the radisson hotel on town lake under the group name "" university of texas finance department "" for the nights of thursday , 2 / 22 / 01 and friday , 2 / 23 / 01 ( the latter evening for those who choose to stay in austin after the conference ' s conclusion ) . to guarantee room reservations , you will need to contact the radisson hotel at ( 512 ) 478 - 9611 no later than monday , january 22 nd , and make your reservations with a credit card . please let me know when you have made those arrangements so that i can make sure the radisson gives you the special room rate of $ 129 / night . please rsvp your interest in attending this conference no later than january 22 nd to angela . dorsey @ bus . utexas . edu , or ( 512 ) 232 - 7386 , as seating availability is limited . please feel free to extend this invitation to your colleagues who might be interested in attending this conference . center for energy finance education and research program of the 2001 energy finance conference february 22 - 23 , 2001 thursday , feb 22 : 3 : 00 p . m . reserved rooms at the radisson hotel available for check - in 5 : 30 p . m . bus will pick up guests at the radisson for transport to ut club * 6 : 00 p . m . cocktails , ut club 9 th floor 7 : 00 p . m . dinner , ut club 8 : 00 p . m . keynote speaker 9 : 00 p . m . bus will transport guests back to hotel friday , feb 23 : 7 : 45 a . m . bus will pick up at the radisson for transport to ut 8 : 30 a . m . session 1 - real options panelists : jim dyer , ut ( chair ) sheridan titman , ut john mccormack , stern stewart & co . 10 : 00 a . m . coffee break 10 : 15 a . m . session 2 - deregulation panelists : david eaton , ut ( chair ) david spence , ut jeff sandefer , sandefer capital partners / ut peter nance , teknecon energy risk advisors 11 : 45 a . m . catered lunch & keynote speaker 1 : 30 p . m . guest tour - eds financial trading & technology center 2 : 00 p . m . session 3 - risk management panelists : keith brown , ut ( chair ) vince kaminski , enron alexander eydeland , southern co . ehud i . ronn , ut 3 : 30 p . m . snack break 3 : 45 p . m . session 4 - globalization of the energy business panelists : laura starks , ut ( chair ) bob goldman , conoco ray hill , southern co . 5 : 15 p . m . wrap - up 5 : 30 p . m . bus picks up for transport to airport / dinner 6 : 30 p . m . working dinner for senior officers of energy finance center trustees * we have made arrangements to provide shuttle service between the radisson hotel and ut during the conference . however , if you choose to stay at an alternative hotel , then transportation to conference events will become your responsibility . * * * * * * * * * * * * * * angela dorsey assistant director center for energy finance education & research the university of texas at austin department of finance , cba 6 . 222 austin , tx 78712 angela . dorsey @ bus . utexas . edu * * * * * * * * * * * * * *",0 +"Subject: wharton risk center advisory committee meeting june 14 , 2001 dear vince , attached please find a prelimary agenda for the wharton risk management and decision process center advisory committee meeting taking place june 14 , 2001 . howard kunreuther and paul kleindorfer co - directors for the center would like to extend to you the opportunity to serve as an advisory committee member . if you could kindly let me know your attendance status and if you are interested in serving as soon as possible i would be very grateful . we are presently working on the spring edition of the center ' s newsletter which always prints a list of members . we would like to add your name , title and company . thank you , theresa > ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ theresa convery administrative assistant risk and decision processes center the wharton school of the university of pennsylvania ( 215 ) 898 - 5688 / fax : ( 215 ) 573 - 2130 tconvery @ wharton . upenn . edu - agenda - draft . doc",0 +"Subject: meeting with petronas rick , i was contacted by petronas who requested a meeting with enron on risk management . i have met with them a few years ago and they want to discuss with us their progress implementing risk management practices . can we arrange for them a standard presentation , like the one we have for banks ( you or david port , bill bradford , research ) ? unfortunately , they gave us no choice as far as the timing is concerned ( given a very tight schedule ) . they want to visit on thursday , feb . 8 , at 10 a . m . i shall take them out to lunch after the meeting . i shall also contact jeff shankman and john nowlan to arrange a short courtesy meeting with them . vince",0 +"Subject: re : referral vince : according to alex , li xiao gave your email address to alex . did li xiao talk to you first about alex ? i don ' t know for certain . alex contacted you in march , interviewed once , but nothing came of it . after gary left , li xiao suggested to alex that he try again , and the rest is history . grant . vince j kaminski 02 / 15 / 2000 08 : 58 am to : grant masson / hou / ect @ ect cc : subject : re : referral grant , did li xiao refer alex to us ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 15 / 2000 08 : 57 am - - - - - - - - - - - - - - - - - - - - - - - - - - - linda vargo 02 / 14 / 2000 02 : 39 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : referral can you advise as to whether or not li xiao referred alex to you last summer . i need to know this in order to process an employee referral ( under old plan ) for her . - - - - - - - - - - - - - - - - - - - - - - forwarded by linda vargo / hou / ect on 02 / 14 / 2000 02 : 39 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - li xiao @ enron 02 / 14 / 2000 11 : 19 am to : linda vargo / hou / ect @ ect cc : subject : re : referral hi , linda , i wonder if you heard from vince kaminski regarding my referral for alex huang . thanks , li x 39635 - - - - - - - - - - - - - - - - - - - - - - forwarded by li xiao / corp / enron on 02 / 14 / 2000 11 : 12 am - - - - - - - - - - - - - - - - - - - - - - - - - - - linda vargo @ ect 01 / 17 / 2000 04 : 29 pm to : li xiao / enron _ development @ enron _ development cc : subject : re : referral i am waiting for feedback from vince kaminsky . as soon as i know something , i will advise .",0 +"Subject: re : mec mark , one option is to talk to a number of physicists in my group who might be interested . vince enron investment partners from : mark lay 07 / 26 / 2000 07 : 57 am to : rex shelby / enron communications @ enron communications , steven j kean / hou / ees @ ees , mike mcconnell , vince j kaminski / hou / ect @ ect , philippe a bibi / hou / ect @ ect cc : kenneth lay / corp / enron @ enron , fabricio soares / hou / ect @ ect subject : mec thank you for participating in yesterday ' s meeting . we spoke with harvey and jim after the meeting and they took to speed to market comments to heart . there is an opportunity for enron to participate with mec in the early development of their company , but it seems the one thing they want is the one thing we also want , people . i would appreciate your thoughts and comments on the possiblity of creating a small team that could work directly with mec as part of a potential investment and strategic relationship . given our resource constraints , this would most likely be part of the organization that sees the greatest strategic impact from mec ' s development . mark x 37408",0 +"Subject: karolyi dinner tonight i ' m writing to confirm our dinner plans with andrew karolyi for this evening . we have reservations for 7 pm at damian ' s , 3011 smith st . , 713 . 522 . 0439 dave * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * prof . david ikenberry jones graduate school of management rice university 713 - 348 - 5385",0 +"Subject: your approval is overdue : access request for tom . halliburton @ enron . com this request has been pending your approval for 2 days . please click approval to review and act upon this request . request id : 000000000003619 request create date : 9 / 27 / 00 9 : 18 : 21 am requested for : tom . halliburton @ enron . com resource name : unlisted application / software resource type : applications",0 +"Subject: fw : eprm article hi vince , i ' m wondering if you got this last week ? if you could have a quick look and get back to me with any comments that would be great - robin is chasing me on this one ! best regards . chris . - - - - - original message - - - - - from : chris strickland to : sent : wednesday , december 06 , 2000 4 : 16 am subject : eprm article > hi vince , > > hope things are fine with you . i ' m sorry that i only ever write to you when > i ' m after something , but could you look at this simulation article - the > next installment in the eprm articles . > > many thanks and best regards . > > chris . > > > > - - - - - original message - - - - - > from : > to : ; ; ; > > sent : friday , september 08 , 2000 4 : 23 am > subject : re : var article > > > > les , > > > > the revised version of the var article looks fine . > > > > vince > > > - eprm _ 04 _ sim _ mr . zip",0 +"Subject: uk gas desk hi vince & stinson , for your information , jonathan whitehead is moving to the japan opportunity - tomorrow is his last day as head of uk gas trading . the new head of uk gas is moving over from continental trading team , and his name is david gallagher . regards , anjam x 35383",0 +"Subject: re : approval for restricted websit : web _ research _ pub approved . vince kaminski information risk management 05 / 02 / 2000 09 : 04 am to : vince j kaminski / hou / ect @ ect cc : subject : approval for restricted websit : web _ research _ pub per kevin moore , please approve elena chilkina ' s access for the following restricted website : web _ research _ pub . thank you , information risk management ( et ) - - - - - - - - - - - - - - - - - - - - - - forwarded by information risk management / hou / ect on 05 / 02 / 2000 09 : 05 am - - - - - - - - - - - - - - - - - - - - - - - - - - - security resource request system directory line item pending access processing directory name : website : web _ research _ pub service type : grant expiration date : comments : will send to vince kaminski for approval . security processing processing status : e - mail message : comments / justification : general information request : kgme - 4 jtf 4 c requested by : kevin g moore / hou / ect phone : 713 / 853 - 4710 requested for : elena chilkina / hou / ect employee type : company : 100038 rc # : 0011 priority : high comments / justification : she will need the same as michael sergeev . a few has been listed there may be some others that are not listed . please apply . editing history ( only the last five ( 5 ) are shown ) edit # past authors edit dates 1 information risk management 05 / 02 / 2000 09 : 03 : 15 am",0 +"Subject: contact info . during my vacation cell : 011 - 91 - 984 - 9022360 ( try this first ) hyderabad : 011 - 91 - 40 - 7114833 vijayawada : 011 - 91 - 866 - 430928 ( dec 28 - jan 8 ) bombay office : 011 - 91 - 982 - 1038711 also , i will be checking my email regularly ( as long as i can get the connected ) . have a great christmas and holidays . i will see you all in the new year ! best wishes krishna .",0 +"Subject: re : high - end desktop computing ? shirley , yes , it will be a swap of one machine for another . vince shirley crenshaw 03 / 17 / 2000 12 : 17 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : high - end desktop computing ? vince : is this ok to order ? - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 03 / 17 / 2000 12 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - clayton vernon @ enron 03 / 17 / 2000 09 : 34 am to : mark davidson / corp / enron @ enron , shirley crenshaw / hou / ect @ ect cc : subject : re : high - end desktop computing ? mark - shirley will order an 800 mhz machine with 512 mb of ram , and a large ( 17 "" + ) flat - screen monitor for me . clayton mark davidson 03 / 17 / 2000 08 : 52 am to : clayton vernon / corp / enron @ enron cc : shirley crenshaw / hou / ect @ ect subject : re : high - end desktop computing ? clayton - sorry it took so long to get back to you . there are a couple of things to keep in mind : - enron it supports enron equipment . - all equipment must be purchased through "" enron it purchasing "" our current high end desktop is a 800 mhz pentium iii machine with 128 m of ram . you can bump up the ram to whatever you feel is appropriate . when the lghz processors come out ( in the very near future ) that will become our standard . what we want to avoid is getting equipment that we do not have a image for . the "" image "" is the complete package of software that we put on a machine when it is deployed . if you go out and buy a machine that we do not have a image for , we can ' t support it for a multitude of reasons . hopefully this answered your questions / concerns . if not , please call me so that we can discuss this further . thanks mark davidson x 39038 clayton vernon 03 / 14 / 2000 03 : 39 pm to : mark davidson / corp / enron @ enron cc : subject : high - end desktop computing ? mark - i have developed a model for enron that requires ultra - high - end pc performance ( it does many calculations in excel ) , and my boss has authorized me to buy whatever pc i need . i ' m looking at the compaq 850 , but richard ( our floor rep ) says no pc ' s over the 600 series will be supported by it . i need to resolve this issue ; we are sophisticated buyers , we know the type of machine we want , and we have the money to pay for it . sincerely , clayton vernon manager , research",0 +"Subject: ieor monday seminar - october 23 , 2000 ? ? industrial engineering and operations research monday seminar ieor 298 - 1 - fall 2000 monday , october 23 , 2000 - - - - - - - - - - - - - - - - - - - - - - - - - - - - "" volatility of electricity prices - measurement and analysis of underlying causes "" dr . vincent kaminski managing director and head of research for enron corp . ? abstract : the last three years were characterized by exceptionally high volatility of the power prices in the us markets . the market developments have created a number of unique challenges for energy industry economists . one immediate question we have to answer is how to measure volatility of energy prices . although we can all agree that the prices in the power markets are characterized by high variability , the traditional measures used in financial economics ( annualized standard deviation of log price returns ) may not fit well electricity prices . the second challenge is to explain the sources of high price volatility and to answer the question to what extent it can be attributed to problems that can be addressed in the long run . such problems include flaws in market design that allow some market participants to abuse market power , limited availability and / or unequal access to transmission , temporary shortages of generation capacity . some factors underlying high volatility of electricity prices may be of permanent nature and may be a necessary price to pay for increased market efficiency and expanded customer choice . time and location : 3 : 30 - 5 : 00 p . m . - 3108 etcheverry refreshments : 3 : 00 p . m . - 4 th floor hallway",0 +"Subject: dr . rafael campo good morning , ? i have attached a press release that may be of interest to you . ? if you have any questions regarding it , or if we can be of assistance in any other way , please call me directly at 972 - 245 - 8300 . ? thanks and best regards , katheryn stalker ? risk limited corporation box 612666 ? ? dallas , texas 75261 ? ? usa ? ? ? tel : 972 . 245 . 8300 ? ? fax : 972 . 245 . 8318 ? ? ? www . risklimited . com - press release dr . rafael campo 5 - 2 - 01 . doc",0 +"Subject: re : visit to enron fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 01 / 2000 09 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - nick bambos on 05 / 01 / 2000 04 : 26 : 30 am to : vince . j . kaminski @ enron . com cc : subject : re : visit to enron vince , how are you ? hope all is well . is there any chance we can schedule my visit to enron on friday , may 19 , or friday , may 26 ? by the end of april i was able to attract a top new student to work on the project . the other one for the coming year will be giuseppe . by spending the summer at enron , he will be in a position to bring the new one up to speed and create an intellectual team here at stanford to look at these problems . i must move ahead soon to put the project in place and get the work going . talk to you soon , nick vince . j . kaminski @ enron . com wrote : > > nick , > > we can close the loop on our commitment to support the research projects > before your visit to enron . > > my assistant , shirley crenshaw , will call you to set up a conference call > with me , stinson gibner , > and tom gros from enron broadband services to discuss all the isssues . > friday this week would work for > both tom and me . i think we need about 15 minutes . > > vince > > p . s . shirley , nick ' s phone number is 650 796 8163 ( cell ) , 650 - 725 - 5525 > ( office ) . > > nick bambos on 03 / 12 / 2000 05 : 32 : 35 pm > > to : vince . j . kaminski @ enron . com , bambos @ stanford . stanford . edu > cc : > subject : visit to enron > > hello vince , > > it was nice seeing you at stanford and many thanks for the lunch > we had together . i really enjoyed our discussions , both at the > technical level and otherwise . > > i promised to send you an e - mail regarding possible dates for > a visit to enron . i delayed it for a week till my schedule was > clearer . let ' s see if we can get a match with your schedule - > mine is rather terrible : > > friday , 21 st of april looks good . but april 23 rd is easter > sunday , so that may make it difficult for some people at enron > to be around . let me know if that is the case . i am willing to > visit then , because the week after that i am scheduled to be in > japan and in the previous weeks i am all committed on fridays . > > friday , 19 th of may is the next possibility , but this probably > is too far out . the main problem is that i am operating within > a window of opportunity for attracting top students for this > research . this window closes by the end of april , and it would be > important for the student support funds to be in place then , so > that i can make hard commitments to students and attract top > talent . i am already reviewing files of students who have > approached me for phd advising , and i am in a mode of doing "" soft > commitments to star - level students "" to get this research and its > potential on their radar screen . top students are highly sought > after by advisors and i want to be an early player in this > competition . > > does my visit to enron have to happen before we can set up the > project and student support at stanford ? if so , doing it before the > end of april is important for getting top people . if the visit can > happen after we get the ball rolling , then we can schedule it in may . > i assume there will be multiple visits both ways when the project gets > going . please let me know what you think . > > best regards , > > nick",0 +"Subject: re : alp presentation christie , what about the invitation to dinner for gillis and whitaker ? vince christie patrick 04 / 10 / 2001 06 : 01 pm to : mgillis @ rice . edu , grwhit @ rice . edu cc : vince j kaminski / hou / ect @ ect , steven j kean / na / enron @ enron subject : alp presentation president gillis and dean whitaker , enron would be honored with your presense at the presentation set forth below . under the guidance of vince kaminski and his team here at enron , we are thoroughly enjoying working with this group of bright and enthusiastic rice students . we hope you can join us for the culmination of their significant efforts . please let me know - - thanks ! ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 04 / 10 / 2001 05 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 10 / 2001 08 : 13 am to : barrett @ rice . edu , uecker @ rice . edu , cmiller @ rice . edu , lounghrid @ rice . edu , luigical @ rice . edu cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , kenneth parkhill / na / enron @ enron subject : alp presentation on behalf of enron corp . i would like to invite you to an alp project presentation by a group of students of jesse h . jones graduate school of management , rice university . the students will present the results of a research project regarding electronic trading platforms in the energy industry . the presentation will be held on may 7 , at 4 : 00 p . m . at enron , 1400 smith . we would also like to invite you to dinner , following the presentation . vince kaminski vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 ( 713 ) 410 5396 ( cell ) fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: re : summary spreadsheet for data vendor research and model development hi , fyi here is an updated spreadsheet summarizing the data vendor research and model development . please let me know if any thing is missing , wrong , should be deleted , etc . thanks , iris - - - - - original message - - - - - from : salmon , scott sent : monday , april 09 , 2001 2 : 15 pm to : dhar , amitava cc : mumford , mike ; kirkpatrick , eric ; mack , iris subject : re : data for private firm model great work iris ! this gets us heading down the right direction and we ' ll have some project scope documentation asap . cheers , scott amitava dhar 09 / 04 / 2001 19 : 25 to : scott salmon / eu / enron @ enron , mike mumford / lon / ect @ ect , eric kirkpatrick / eu / enron @ enron cc : iris mack / enron @ enronxgate subject : data for private firm model the enclosed spreadsheet contains a summary of preliminary data search plan prepared by iris . we will talk about further progress during our conf . call on wednesday . > ",0 +"Subject: recruiting at cmu computational finance program vince , thanks for the prompt reply . i ' ll plan to call early next week . rick - - - - - original message - - - - - from : "" vince j kaminski "" to : "" rick bryant "" cc : "" vince j kaminski "" ; "" kevin kindall "" sent : friday , july 28 , 2000 9 : 05 am subject : re : recruiting at cmu computational finance program > > > rick , > > thanks for your message . i am familiar with the computational finance program > and value its high quality . > > please , call me next week . the best time is between 7 : 00 and 8 : 30 a . m . > cst . > > vince > > > > > > > > "" rick bryant "" on 07 / 26 / 2000 01 : 27 : 23 pm > > to : vince j kaminski / hou / ect @ ect > cc : "" kevin kindall "" , "" ken keeley "" , > "" sanjay srivastava "" > subject : recruiting at cmu computational finance program > > > > vince , > > greetings ! i am the director of the ms in computational finance program at > carnegie mellon . i am following up on a conversation i had with kevin > kindall , a graduate of our program , who gave me your e - mail address and > suggested i contact you as the individual making the recruiting decisions > for the research group at enron . > > in speaking with the director of the career opportunity center at the > business school , i am told that although an alison bailey from enron > ( mary . alison . bailey @ enron . com ) has arranged for a sizable block of rooms in > which to conduct interviews on campus on december 11 th , there is as yet no > indication of whether the comp finance students will have opportunity to > compete for these spaces . > > we are regarded by many in the industry as the top quantitative finance > program in the country . focused on derivative pricing , econometrics , var > and portfolio management , our graduates should be an excellent fit for your > business . i would be happy to talk with you further about our > rogram ( http : / / student . gsia . cmu . edu / mscf / ) as well as our students ' interest > in enron ( the name comes up a lot ! ) . also , if you are interested , we run a > "" speaker series "" on most friday ' s during the fall and spring that would > give you ( or another in your group ) the opportunity to address our students > in an area of interest . such a meeting would , i think , help you better > understand the careers our students are preparing to pursue as well as give > our students first hand knowledge of enron and its future . > > when might be a good time to contact you by telephone ? > > thank you for your time . > > rick > > richard l . bryant > director , computational finance program > carnegie mellon university > graduate school of industrial administration > pittsburgh , pa 15213 > phone / fax ( 412 ) 268 - 4592 / ( 412 ) 268 - 6837 > http : / / fastweb . gsia . cmu . edu / mscf > > > > > > > > > >",0 +"Subject: interview - credit derivatives ? ? ? ? ? ? ? ? ? ? ? ? ? ? dear vince : ? ? ? ? ? ? ? thank you for the invitation yesterday . it was a pleasure to meet you all and learn more about the group , it ' s structure and to some extent what you are involved in . please extend my thanks to all of them . ? ? ? ? ? ? ? i am particularly interested in the credit swap trading platform that enron has recently started . such a platform will provide unique visibility into the credit markets . as you suggested i tried to learn more about this from tanya . ? i would like to learn more and if possible meet other people more directly linked to the effort . ? ? ? ? ? ? ? just simple instruments like credit swaps will require serious modelling capability for the pricing and the hedging of these apparently simple intruments . the market visibility i mention above can be explored through credit derivatives trading successfully if enron possesses superior ( vis a vis morgan stanley , salomon smith barney , chase manhatan , etc . ) ? modelling technology in credit derivatives . i can and would like to ? consider the possibility of doing this for enron . i would like to help develop and participate in putting together that business . ? ? ? ? ? ? ? as i mentioned to you i have done some work in credit derivatives and am deeply familiar with virtually all the work of the principal academics in credit derivatives namely : duffie , lando , tuffano , duffee , das , lelland , etc . i have read carefully most of their work ( published as well as working papers ) on the subject to date . ? ? ? ? ? ? ? i look forward to hearing from you . ? ? ? ? ? ? ? best regards ? ? ? ? ? ? ? joao",0 +"Subject: enron opportunities dr . kaminski : ? here is my resume and cover letter . ? thanks , ? richard iles - enron cover and resume . doc",0 +"Subject: re : training courses shirley , no problem . vince shirley crenshaw 03 / 13 / 2000 12 : 08 pm to : vince j kaminski / hou / ect @ ect cc : subject : training courses vince : kevin moore and jose marquez would like to take a course entitled "" wellhead to burnertip "" which is scheduled monthly . the first course available would be may 18 th and the cost would be $ 600 . 00 each . is this ok ? thanks !",0 +"Subject: re : storage model : simple issues brad , here are my thoughts on your concerns . * you needs curve inputs . this is an it job . i can help you for the curves before the system is properly set up . * intrinsic value vs time value : the intrinsic value depends on how you allocate the volumes . if you have a rough idea about the allocation as you did in the spreadsheet , we can calucate the intrinsic value within the model . the difference between the total and the intrinsic will be the ( option ) time value . however , by pre - allocating volumes , you killed some options . in the storage model , volumes are allocated dynamically , therefore it is hard to distinguish the intrinsic vs . time value . * factor of loading : factor of loadings are used to give historical correlation matrix . the three factors correspond to paralle shift , slopping and curveture . the covariance matrix in the model is expressed in the form covar = row ( vol _ { i } ) * ( correl ( i , j ) ) * colum ( vol _ { j } ) where vols are the implied volatilities from the vol curve . ( correl ( i , j ) ) = l * l ' + residue ( small ) where l is the factor of loading matrix . so in a simple words , the factor of loadings ( say , 60 x 3 ) are a simplier way for us to remember the historical correlation matrix ( say , 60 x 60 ) . let me know if i can offer further help . zimin brad horn 02 / 15 / 2000 07 : 15 am to : zimin lu / hou / ect @ ect cc : sandra henderson / hou / ect @ ect subject : storage model : simple issues zimin : thanks for your time with the revised storage valuation . your right to point out the similarity to market bids . here are some basic questions tied to implementation and calibration : model infrastructure / it support : i obviously need to re - build my link to the forward curves as the model is not working in my new location . short - term ( aprox 1 month ) , i ' d like to establish a link to the ena database egsprod 32 in order to fetch the long - dated price and volatility curves . my link to ena forward curves would then be quickly severed in favor of the curves generated by the new bridgeline entity ( database name and data structure yet to be defined ) . however , its not clear to me what is required in this two stage process to support your model . any definition of model input or minimum support requirements you provide is appreciated . i ' ll then work with sandra henderson , an enron employee providing our it support , to ensure the model continues to work regardless any downstream system changes that may take place as we build and establish our separate trading systems or databases . meanwhile , is there anything you think you can do to ensure im up and running quickly ? sandra : linking excel spreadsheets to bridgeline forward curves will be key to all our pricing projects , not just the storage model supplied by research . intrinsic vs extrinsic value : it would be helpful to decompose the model ' s calculated storage price and to distinguish intrinsic vs extrinsic ( time or option ) value . i could easily link a new spreadsheet tab to your model inputs and to calculate the intrinsic value , and then through a simple difference i could determine the extrinsic value . ive included a simple spreadsheet calculation for the intrinsic value for review . i wanted to share this with you to ask the following : does the nature of the model define intrinsic and extrinsic value differently than the simple difference proposed ? do you think it would make sense to do the simple value decomposition in the backcode c - code via . dll in order to ensure run - time is faster ? my goal here is straightforward : a ) to better understand the model and its sensitivities . ; and b ) to determine if and when the option approach is associating significant value above and beyond the simple present value of the time spreads . factor loadings : what are some of the thoughts or insights you can offer with regards to factor loadings and how i should interpret the graph of the 3 factors calculated ? factor loadings have always been a mystery to me . for example , what problems should i be looking for as a warning against mispricing ? what , if anything , is implied about 1 day price change or expected curve re - shapings ( after all , curve - reshapings are key to storage valuation ! ! ! ) ? calibration : we are preparing a simple summary of descriptive statistics which should allow me to refine some of the model inputs . i ' ll share the data when we are and model results once im up and running .",0 +"Subject: credit support value for mg and paperco find below a spreadsheet with my very rough calculation of the value of credit support for mg and paperco . my approach is as follows : 1 . assume all contracts can be modelled as financial swaps . 2 . spread the notional trading volumes over the estimated swap tenors . 3 . calculate the value of defaulting at each period of the swap ( the default option ) using black ' s formula . 4 . treat the value of the default options as risky cash flows . that is treat this value just like you would an annuity stream . by discounting back this stream of cash flows at the original risky rate and at the risk - reduced rate , i find the value of credit enhancement as the difference in the two npv ' s . please give your comments , especially if this makes no sense to you . stinson",0 +"Subject: energy finance critiques david , here are the reviews of the ut energy finance program that you requested : from jennifer martinez ( mba class of 1999 , energy finance taken fall of 1998 ) : the energy finance program 2 years ago was very good , especially considering it was the first year of the program . there were a lot of guest speakers from various energy companies who gave us a lot of practical knowledge about the energy industry through case studies , lectures , etc . basically , we learned all the same finance concepts and tools as in the regular finance classes , but all the cases and examples were energy - related . the professors were good for the most part but didn ' t have a great deal of practical industry experience . if i had to guess the reason for decreased participation in the program , i would probably say it is the professors . ronn and titman are great but known as being very technical and quantitative . some students prefer less technical professors and classes that aren ' t limiting to the energy industry . also , the fact that the class meets for 3 hours twice a week may not be so appealing . other than those things , i can ' t imagine why there has been such a drop in enrollment . i especially don ' t understand why every single person didn ' t drop for enron . i wonder if it has something to do with international status . ? ? ? from john massey ( mba class of 1999 , energy finance taken fall of 1998 ) : bottom line - ut business schools is great - investment fund - best activity available to students energy finance program - fairly weak - it was a watered down version of the futures options class crossed with a weak finance appendage - the finance teacher was pathetic - both a poor teacher , ignorant about industry specific analysis , devoid of industry experience , rude to outside lectures ( from industry ) keith brown was the only educator that was any good and he only had a small portion of the class time - way to make better : get teachers with practical industry experience - make it a seminar class - focus on case studies , lectures - given by people from industry - promote the class within the business school - i felt like ut did a poor job of internally ( to students ) promoting the class - - - - - - - - - - - - from ross mesquita ( mba class of 1999 , energy finance taken fall of 1998 ) : to be honest , a great majority of the coursework was not energy specific . when energy applications were presented , it seemed more like general finance questions were reworded to include energy lingo . we had some very good speakers , but for the most part , i did not feel like the 6 hours of class had enough energy focus . i assumed that this would get better as the program progressed . one reason that may account for the decline in enrollment is that energy finance is a very specific focus . i would have probably not enrolled in the energy finance program had it been available in my first year . i did not know enough about energy at that time and i had returned to b - school to consider several career options - - i . e . , investment banking , corporate finance , entrepreneurship , marketing , etc . as a new mba student , i would not want to narrow my window of opportunities to only energy companies . here is my perspective and probably something that is true of many mbas - - my interest in enron brought me to the energy industry and not vice versa . - - - - - - - - - - from billy braddock ( mba class of 1999 , energy finance taken fall of 1998 ) : i was a participant in the inaugural energy finance program in the fall of 1998 . the primary positives to the class revolved around outside panels / instruction . for example , enron sent representatives on 2 separate occasions to discuss particular topics ( vince kaminski and gary hickerson ) . other notable speakers were jeff sandefer ( independent business consultant and e & p professional ) , the beacon group , and encap investments . another good speaker was a professor from ut ' s school of engineering . he brought a good perspective as to the "" basics "" of the energy business . the class was structured via a team - based instruction approach , with 3 professors team - teaching a 6 - hour credit course . none of the 3 professors had any product knowledge of the energy business . of the 3 professors , 2 were research focussed / tenured with little credibility in "" teaching . "" one of the professors primary focus of research was fixed income , while the other 2 were investments and corporate finance , respectively . as is the case for ut ' s finance program in general , and energy finance in particular , ut is in dire need of teaching professors ( as opposed to research professors ) that have the ability to convey finance with practical examples and at a level that can be more easily be understood by students without a finance background . particular to the energy program , ut needs to have more instruction from energy professionals ( such as the instructors used for enron ' s internal learning programs ( ie . derivatives classes , etc . ) . - - - - - - - - - - - - - - - - - - - - - - - from bryan williams ( mba class of 1999 , energy finance taken fall of 1998 ) : i participated in the first energy finance class offered in fall of 1998 , at the university of texas . the curriculum was understandably  & rough around the edges  8 as 1998 was the first year the energy finance course was offered . however , the instruction also suffered as none of the instructors had any energy background to speak of ( the 6 - credit hour class was team taught by three tenured professors ) . two of the three professors have co - authored textbooks , and the third professor  , s claim to fame is fixed income . as a group , the three professors are research - heavy ( as opposed to industry focused ) , and the team - teaching format did not incent any one of the profs to be personably accountable for the success of the class . that said , the instructors did a good job attracting some top notch outside speakers . among them : vince kaminski & gary hickerson , both of enron . they also dedicated one class period to a video conference call with the beacon group , an energy consulting group that i believe was recently acquired by goldman . jeff sandefer , an independent businessman , an entreprenuership instructor , and one of the foremost experts in the e - there are some experienced , brand - name professors ( e . g . sheridan titman ) teaching in the program ; cons : - the program should give the students more exposures to energy companies such as enron . specifically , it might need to help students link to the interview oppurtunites from these energy companies such as enron ; from george huan ( mba class of 2000 , energy finance taken fall of 1999 ) : companies expect mba students to have both general management ( new ideas ) and analytic ( quantative ) skills . energy industry is no exception . energy finance program offers financial strategy and risk managements courses which fit in the insudtry need . however , these two courses are far from enough to help students understand the dynemic of industrial transformation and excitements and opportunities in this industry . other management and quantitive courses are needed to complete this program . my suggestions : 1 ) seminars or lectures about energy industry and energy companies . before students make their decisions , let them know : what ' s happening and what ' s going to happen in this industry ; what the companies are doing now ; who they are looking for . 2 ) management and / or analytical courses should be included . such as : strategy , financial enginering and real option . 3 ) more industry connections . presentations and discussions . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - from charlie weldon ( mba class of 2000 , energy finance taken in fall of 1999 ) my experience in the energy finance program overall was a positive experience . the most rewarding part of the class was the guest speakers brought in during dr . titman ' s portion of the class . this part of the course is taught in the second half of the semester and consisted of ~ 10 case classes all focusing on the energy industry . two of the cases were based on enron , and overall the case selection in my opinion was very appropriate and well thought out . value added by the professor was less than from the speakers and cases . the first eight weeks of the course covered futures and options . nearly all of the examples and problems discussed pertained directly to the energy industry and special emphasis was placed on increasing the student ' s understanding of the supply and demand dynamics in the power market . the use of options and futures for speculating and / or hedging was stressed on numerous occasions and a decent attempt at explaining how to value a power plant project . i believe that the university energy finance faculty are trying to continuously make improvements to the program . however , i do not believe that they are moving fast enough or necessarily down the right path to improvement . there is a strong need for more practical based training on energy derivatives similar to the course taught by paradigm here at enron . the focus of the university teachers is quite theoretical , due in large part to their background . while the theoretical basis is crucial to understanding the basics , the real value of such a program in my opinion is the effective bridging of the theoretical with the practical all in one course . until measures are taken to inject practicality from someone with extensive industry experience , i believe the energy finance program will continue to underdeliver on its objectives . additionally , i believe that the course structure should be changed to eliminate the need of having 3 consecutive hours of classroom instruction .",0 +"Subject: technical analysis more fallout - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 05 / 04 / 2001 03 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : lee ferrell / enron @ enronxgate on 05 / 04 / 2001 02 : 26 pm to : mike a roberts / hou / ect @ ect cc : subject : technical analysis mike , our department has been using your technical analysis to support commercial decisions . you stated that these services would be discontinued . we opted to use your technical analysis in lieu of outside services . please continue to provide technical analysis data with regard to natural gas ( candlestick and elliot wave ) . lee ferrell director , risk management and reporting ets",0 +"Subject: approval for reviewer krishnarao , pinnamaneni v has suggested reviewers and submitted them for your approval . your may review / modify this list of reviewers by logging on to pep at http : / / pep . corp . enron . com and going to supervisor services . please remember , no feedback can be completed on krishnarao , pinnamaneni v until you have approved the list .",0 +"Subject: re : mg integration support - daily update # 6 hi richard , lloyd fleming introduced me to the key personnel on the trading and risk side at mg today ; i spent most of today discussing forward curves and option volatilities with tim jones , russell plackett and jon barrett . i hope to be able to get historical data from david thompson to facilitate forward curve analysis for our var models . also discussed valuation issues ( e . g . option on calendar spread that they need a model for ) . also was able to get a good understanding of trading strategies and nuances of aluminum , copper and nickel markets . regards , anjam x 35383 richard sage 04 / 07 / 2000 02 : 37 to : stop : mike jordan / lon / ect @ ect , andrew cornfield / lon / ect @ ect , naomi connell / lon / ect @ ect , stephen wood / lon / ect @ ect , tim poullain - patterson / lon / ect @ ect , andrea m kerch / lon / ect @ ect , janine juggins / lon / ect @ ect , lloyd fleming / lon / ect @ ect , tim davies / lon / ect @ ect , david hardy / lon / ect @ ect , barry sangster / lon / ect @ ect , robert campbell / lon / ect @ ect , alex holland / lon / ect @ ect , michael heap / lon / ect @ ect , phil redman / lon / ect @ ect , fiona grant / lon / ect @ ect , toby knight / lon / ect @ ect , melissa laing / lon / ect @ ect , jeanie slone / lon / ect @ ect , beth apollo / lon / ect @ ect , mark pickering / lon / ect @ ect , suzanne lane / lon / ect @ ect , stephen evans / lon / ect @ ect , niamh o ' regan / lon / ect @ ect , anjam ahmad / lon / ect @ ect , fernley dyson / lon / ect @ ect , eric gadd / lon / ect @ ect cc : subject : re : mg integration support - daily update # 6 deal entry the need for 3 data - entry clerks becomes clearer when we understand that between 200 and 2000 manual deal tickets are written each day which then have to be keyed in . romulus the trading assets of rudolf wolff in london and new york were bought after close of play on friday . included with the metals trading is a proprietary fx desk , and a softs desk , trading coffee , cocoa , and sugar . the softs people are expected to arrive in enron house at the end of july . eol two metals trades have been executed on eol .",0 +"Subject: re : for your approval erica , yes , no problem . vince information risk management 12 / 01 / 2000 09 : 50 am to : gary taylor / hou / ect @ ect , vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : subject : for your approval please let me know if he is approved . thanks , erica garcia - - - - - - - - - - - - - - - - - - - - - - forwarded by information risk management / hou / ect on 12 / 01 / 2000 09 : 39 am - - - - - - - - - - - - - - - - - - - - - - - - - - - security resource request system directory line item pending access processing directory name : o : \ weather derivatives \ , o : \ research \ common service type : grant expiration date : comments : security processing processing status : e - mail message : comments / justification : general information request : jhrc - 4 rkjjz requested by : joseph hrgovcic / hou / ect phone : 33914 requested for : joseph hrgovcic / hou / ect employee type : company : 0011 rc # : 100038 priority : high comments / justification : i have a test windows 2000 machine running ( with userid t _ weatherol , for which i need access to o : \ research \ common and o : \ weather derivatives \ editing history ( only the last five ( 5 ) are shown ) edit # past authors edit dates 1 information risk management 11 / 30 / 2000 12 : 30 : 19 pm",0 +"Subject: latest draft don , attached is my latest effort . it entailed fairly drastic "" restructuring and reorganization "" of the earlier draft . my revision effort has been directed at improving the focus of the paper . the new story is the following : 1 . enron was formed as a regulated gas pipeline company in the mid - eighties . 2 . economic and competitive conditions conspired to force a dramatic reorganization of the company almost immediately . the result was the creation of a new , unregulated energy trading operation . the strategy of the new unit was to capitalize on business opportunities in the deregulation of markets that was occuring at the time ( mid - eighties until now ) . 3 . the business model adopted for the new unregulated business was that of a "" gas bank "" . the analogy to a commercial bank posed a very difficult problem to enron ' s management in that there was no source of liquidity to the market from a central bank authority . as a consequence enron had to develop its own very elaborate risk management procedures . 4 . another consequence of the new business model was that it required a different set of employee skills and talents . specifically , it required were bright , energetic and innovative individuals capable of identifying entrepreneurial opportunities and starting new businesses . furthermore , a new , flatter organizational structure entailing decentralized decision making was required to facilitate quick response to changing market conditions . to monitor and manage this new "" empowered "" labor force required that the firm develop new personnel policies and procedures . 5 . three primary tools of personnel management were adopted : ( i ) measure performance semi - annually , ( ii ) tie compensation closely to performance , and ( iii ) allow personnel free movement within enron to seek out the best opportunities . 6 . other attributes of the enron model include consideration for asset optionality , recognition of the value of networks in adding value to trading platforms , and the use of mark - to - market accounting for business transactions as a means of ensuring transparency and promoting prompt actions . if my "" story line "" sounds better than the draft i have attached its because its the last thing i ' ve written . at any rate i look forward to hearing your comments and to getting this wrapped up . thanks and i look forward to seeing you in february . john - enron _ paper _ 1 _ 26 _ 01 . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : hello sounds great - - i ' ll coordinate with shirley . jacob was very excited about his prior meeting with you and the group . molly - - - - - original message - - - - - from : kaminski , vince sent : tuesday , may 01 , 2001 4 : 42 pm to : magee , molly cc : kaminski , vince ; krishnarao , pinnamaneni ; watson , kimberly subject : re : hello molly , kim watson would like us to bring jacob for another interview . we can do it later this week . vince vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 01 / 2001 02 : 22 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : kimberly watson / enron @ enronxgate on 05 / 01 / 2001 09 : 17 am to : vince j kaminski / hou / ect @ ect cc : subject : re : hello hi vince , if you are still interested in bringing back this gentleman back for another interview , i would very much like to meet with him . sean talked with him when you brought him in a few weeks ago and he thought it would be a good idea for me to meet with him so we can compare thoughts . thanks , kim . - - - - - original message - - - - - from : kaminski , vince sent : monday , april 16 , 2001 1 : 21 pm to : watson , kimberly cc : krishnarao , pinnamaneni ; kaminski , vince subject : re : hello kim , this is a letter from one of the job applicants who works for pros . it seems that the system they develop for williams is more a scheduling system . would you like to ask him to come back for another interview , to get more information out of him ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 16 / 2001 01 : 18 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - > "" jacob y . kang "" on 04 / 11 / 2001 11 : 18 : 44 pm to : vince . j . kaminski @ enron . com cc : subject : re : hello dear vince : it was so nice meeting and talking with you too . i did not take any pen back , i lost my pen too somewhere in enron . as i mentioned to you , after i got my ph . d in 1999 , i have been working two years as lead scientist and science manager in energy division at pros revenue management inc . in houston . i developed and implemented the mathematical models for trading optimization system and firm transportation optimization system . the trading optimization system becomes the most popular product in the industry this year . duke energy just signed the contract to buy this product yesterday . conoco and williams also signed the contracts for it . according to pros sales department , the potential marketer to buy this product exceeds 15 companies in one or two years . enron is the ideal place for me to continue my research and system developing efforts to combine revenue management with risk management . i am confident that i can make significant contributions to enron in this area . i would like to thank you again for giving me this opportunity to come to enron for this interview . i am looking forward to having the opportunity to work in enron . sincerely yours jacob - - - vince . j . kaminski @ enron . com wrote : > jacob , > > it was nice meeting you . did take by any chance > my pen ? if not , i apologize . > > vince > do you yahoo ! ? get email at your own domain with yahoo ! mail . http : / / personal . mail . yahoo . com /",0 +"Subject: faculty contact and schedule persentation dear mr . kaminski , the following are the faculty details : ms . deborah j . barrett instructor & dir . , mba communications phone 713 - 348 - 5394 barrett @ rice . edu mr . wil uecker associate dean for executive education phone 713 - 348 - 5869 uecker @ rice . edu mr . dennis wayne loughridge adjunct professor - management phone 713 - 348 - 4869 lounghrid @ rice . edu i will also speak with the faculty and inform them about the details concerning the presentation on may 7 at enron office ( time to be determine ) and the dinner following it . sincerely , luigi calabrese rice mba candidate class of 2002",0 +"Subject: your riskmetrics site password dear , thank you for registering . your requested username is vincek and your password is longrun . you may use this login to : - use the data directory at http : / / www . riskmetrics . com / products / data / index . cgi - access the creditmetrics datasets at . html - access the riskmetrics datasets at tml - read our technical documents at - read our monitors at http : / / www . riskmetrics . com / research / journals / index . cgi - read risk management : a practical guide at please let us know if you have any questions or concerns , rmg web services web @ riskmetrics . com",0 +"Subject: complexity science seminar confirmation confirmation date : april 18 th , 2001 time : 11 : 30 am - 1 : 30 pm location : koch industries 20 e . greenway plaza conference room 1 dress is business casual . parking is free . there is parking available in the koch building or across the street in a lot . lunch will be provided and is scheduled to start at 11 : 15 am . please feel free to pass along the word to anyone you think might like to join us . information can be found on our website at http : / / www . nesanet . org / or the can contact me at ( 713 ) 856 - 6525 with any questions . thanks , lana moore",0 +"Subject: re : cplex floating license samer ' s suggestion makes a lot of sense . we can start with something like one floating dev . license + 2 opl licenses and buy more later based on actual usage . on the pricing agreement , it probably makes sense to get a guarantee on the discounts for additional licenses for one year ( or till dec . ) . i am definitely interested and can provide the share of funding necessary from my clients . thanks , krishna . from : samer takriti @ enron communications on 05 / 19 / 2000 11 : 14 am to : ravi thuraisingham / enron communications @ enron communications cc : chonawee supatgiat / corp / enron @ enron , pinnamaneni krishnarao / hou / ect @ ect @ enron , samer _ takriti @ enron . net , stinson gibner / hou / ect @ ect @ enron , tom halliburton / corp / enron @ enron , vince j kaminski / hou / ect @ ect subject : re : cplex floating license chonawee and i just had a phone conversation with cplex . there are other alternatives ( products ) that may help in saving time and cost . chonawee and i feel that one floating develoment license , and one or two opl ( a package on sale that provides modeling and optimization features ) licenses will do . in addition , we need floating deployment licenses . for the development licenses , the charges should be split "" equally "" between the different groups that may ask for optimization help ( although it is hard to predict who may ask for future help ) . we are suggesting equally since these licenses are used to develop the needed solution but are not ( in general ) used to run the software . the deployment licenses can be charged on per - use basis for different groups . cplex is going to send us a new quote . we ' ll make the decision soon after that . - samer",0 +"Subject: re : information dear mr kaminski : thank you very much for your help . sincerely , yann - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : tuesday , november 21 , 2000 10 : 05 am to : ydhallui @ elora . math . uwaterloo . ca cc : vince . j . kaminski @ enron . com subject : re : information yann , i have forwarded this request to a member of my group who supports enron broadband services . he will check into availability of data and confidentiality issues . vince",0 +"Subject: re : telephone interview with the enron corp . research group hello yong cho : sorry it has taken me so long to get back with you . thursday , may 4 is a good time for the telephone interview . would 3 : 30 pm ( houston time - 1 : 30 pm california time ) be ok with you ? please let me know . they will call you at 408 - 541 - 3502 . the position title is : sr . specialist . thanks and have a great day ! shirley crenshaw 713 - 853 - 5290 yongcho 70 @ aol . com on 04 / 27 / 2000 02 : 59 : 19 pm to : shirley . crenshaw @ enron . com cc : subject : re : telephone interview with the enron corp . research group dear shirley crenshaw , hi . this is yong cho . i ' m very excited to have the interview offer from enron . either 5 / 1 or 5 / 4 will do . if i should choose one , i prefer 5 / 4 . i ' m in my office from 10 am - 6 pm ( pt ) . you can set a time at your convenience and just let me know . my number here is 408 - 541 - 3502 . i would like to know how long it will take , and also exact job title i ' m interviewing for . thank you very much for your help . sincerely , yong",0 +"Subject: re : copy room kevin , you have full charge . thanks for volunteering . liz kevin g moore 04 / 06 / 2000 07 : 50 am to : barbara lewis / hou / ect @ ect , mike a roberts / hou / ect @ ect , frances ortiz / hou / ect @ ect , liz m taylor / hou / ect @ ect , vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : copy room to whom it may concern : i would like to know who will be responsible for keeping up with the copy room near my area . eb 32 copy rooml i am aware that this is something that must be decided by whoever is in charge however , i would like to participate in keeping this room operational . please note that i use this room more often than anyone else and i pay more attention to what is needed there on a daily basis . i am not asking for full charge over the room but i would like to assist whereby , it will always be operational . thanks kevin moore",0 +"Subject: re : i would like to help , but i am in kansas hunting pheasant during the last week in december . vince j kaminski 18 / 12 / 2000 15 : 46 to : debbie r brackett / hou / ect @ ect , william s bradford / hou / ect @ ect , ted murphy / hou / ect @ ect , bjorn hagelmann / hou / ect @ ect , david port / market risk / corp / enron @ enron , mark tawney / hou / ect @ ect , joseph hrgovcic / hou / ect @ ect , greg whalley / hou / ect @ ect , louise kitchen / hou / ect @ ect cc : molly magee / hou / ect @ ect subject : i am asking molly magee , our hr rep , to set up an interview for iris mack with , depending on your availability between christmas and new year . iris was interviewed by a number of my associates for a position with the research group and my objective is to introduce her to a number of enron units that she may eventually support . i shall appreciate your comments . vince kaminski",0 +"Subject: organizational announcement - introducing enron industrial markets we are pleased to announce the creation of a new business unit  ) enron industrial markets  ) within our wholesale energy business . enron industrial markets will be responsible for leading all worldwide business activities in the paper , pulp , lumber , and steel markets , including trading , origination and energy outsourcing activities . enron industrial markets is being created to accelerate the growth of enron north america  , s existing paper , pulp , & lumber business and to establish and grow a new business in the steel market . the formation of enron industrial markets will allow the enron north america and enron europe management to continue to focus its efforts on the aggressive expansion of our core gas and electricity business . as a standalone business unit , enron industrial markets can accelerate the growth of the paper , pulp & lumber and steel businesses into major contributor  , s to enron  , s overall growth and , working closely with enron networks , position enron as the leader in the transformation of these industries into new economy markets . enron industrial markets will be headed by jeff mcmahon , president and chief executive officer , and ray bowen , chief operating officer . they will report to mark frevert who will be chairman of enron industrial markets . mark , jeff , and ray will comprise the office of the chairman for enron industrial markets . included in this new business unit and reporting to the office of the chairman will be the following individuals and their respective groups : pulp , paper , & lumber origination bryan burnett pulp , paper & lumber trading bob crane steel trading greg hermans transaction development rodney malcolm enron industrial markets has established an operating group to manage the operations of physical assets . this unit will temporarily report to the enron industrial markets office of the chairman . coincident with the establishment of enron industrial markets , all energy outsourcing activities associated with industries other than paper , pulp , lumber and steel will be the responsibility of enron energy services . with jeff mcmahon  , s departure from enron networks , louise kitchen will assume the role of president and chief operating officer . please join us in congratulating these individuals for their new roles .",0 +"Subject: p + option valuation model mark , after recently reviewing the booking of the p + options , it is my understanding that these options are being valued using a standard spread option model where the price evolution of the two legs of the spread are assumed to be correlated geometric brownian motion processes ( i . e . the price process assumptions are consistent with standard black - 76 model assumptions extended to two commodities ) . the payoff for a call option is : payoff = max ( 0 , a  ) b  ) k ) . where : a = nxwti ( delivery price for nymex ) b = posting price = ( wti swap )  ) ( posting basis ) k = posting bonus ( fixed ) . the only complication of this option as compared to most other spread options is that leg "" b "" of the spread is a combination of three prices , the two futures prices which make up the wti swap for the given month , and the average posting basis during the delivery month . combination of these prices is easily addressed by simply setting the volatility of leg "" b "" and the correlation to correctly account for the volatility of this basket of prices and its correlation with the nxwti price . i believe that this approach is more straightforward than the alternative , which would be to use a three or four - commodity model with its associated volatility and correlation matrices . in summary , i believe that this is an appropriate model for valuation of these types of options , assuming that the inputs are set correctly . regards , stinson gibner v . p . research",0 +"Subject: re : willow and pathstar evaluations i will check with michael and see if it ' s feasible to do a quick evaluation of his software here in houston . - - stinson vince j kaminski 04 / 24 / 2001 05 : 22 pm to : stinson gibner / hou / ect @ ect cc : subject : willow and pathstar evaluations stinson , he keeps bugging us about it . any thoughts what we should do ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 24 / 2001 05 : 22 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" mike curran "" on 04 / 24 / 2001 10 : 03 : 24 am please respond to "" mike curran "" to : cc : subject : willow and pathstar evaluations hi vince - hope all is well with you . sharad hasn ' t had time to evaluate our willow tree or monte carlo software since the middle of last year . is there somebody else that could do it ? please let me know who i should send the evaluation to . best regards , michael curran ceo quantin ' leap limited piercy house 7 copthall avenue london ec 2 r 7 nj tel : + 44 ( 0 ) 20 7562 3450 fax : + 44 ( 0 ) 20 7562 3411 mailto : mcurran @ quantinleap . com http : / / www . quantinleap . com",0 +"Subject: vince , the book "" power economics "" can be downloaded from http : / / www . stoft . com / best , alex",0 +"Subject: updated electricity homepage ( great links - university of queensl and - australia ) hi vince , have a look at my homepage which i have been updating ( see energy markets ) : regards glen dixon part - time phd student - department of mathematics ( university of queensland ) p . s i am hopefully attending the australian risk conference where you are a speaker in july 2000 ( sydney ) . hope to hear you speak . glen w . dixon project officer - procurement profiling queensland purchasing department of public works "" important this electronic message and any attachments are supplied in good faith and are believed to be free of year 2000 or other date related problems ( i . e . year 2000 compliance ) . the department of public works forwards this message and attachments to you on the basis that you use them at your own risk . the department accepts no responsibility for damage or loss ( arising from negligence or otherwise ) which may occur through the use or transmission of this message and attachments and recommends that you conduct your own independent tests to determine year 2000 compliance before use . the contents of this electronic message and any attachments are intended only for the addressee and may contain privileged or confidential information . they may only be used for the purposes for which they were supplied . if you are not the addressee , you are notified that any transmission , distribution , downloading , printing or photocopying of the contents of this message or attachments is strictly prohibited . the privilege or confidentiality attached to this message and attachments is not waived , lost or destroyed by reason of a mistaken delivery to you . if you receive this message in error please notify the sender by return e - mail or telephone . thank you . """,0 +"Subject: re : visit to houston and vince kaminski ' s research group shirley , i just booked my flights and the hotel . i ' ll be arriving houston on the evening of 7 / 27 and leaving on 7 / 29 . i ' ll stay at the doubletree houston allen center for two nights . looking forward to meeting you at enron . regards , shijie shi - jie deng assistant professor school of isye georgia institute of technology office phone : ( 404 ) 894 - 6519 e - mail : deng @ isye . gatech . edu home page : http : / / www . isye . gatech . edu / ~ deng",0 +"Subject: reschedule - meeting with riskcare to discuss joint ventures ( michael curran , manuel rensink & richard haddow ) vince j kaminski / hou / ect wants to reschedule a meeting . on 02 / 23 / 2000 03 : 00 : 00 am cst for 2 hours with : anjam ahmad / lon / ect ( chairperson ) vince j kaminski / hou / ect ( invited ) shirley crenshaw / hou / ect ( invited ) dale surbey / lon / ect ( invited ) stinson gibner / hou / ect ( invited ) meeting with riskcare to discuss joint ventures ( michael curran , manuel rensink & richard haddow )",0 +"Subject: re : steve leppard dale , my recommendation is to make steve the head of the research unit in london . we were talking originally about september but i think we should accelerate this process . of course , anjam will be very unhappy about it , but we cannot manage around him any longer . i think that the promotion should be combined with a salary increase . i would like to offer him a significant increase that goes with expanded responsibilities and much higher visibility . a salary increase will also bring him closer to the market . we see the market for technical people going through the roof in practically every location where we operate . a contract is not a good solution in my view . it creates a sense of false security for both an employee and the company . i shall send a message to john sherriff with my recommendation . i shall cc you . i would appreciate if you could bring it up with john as well . vince dale surbey 07 / 11 / 2000 10 : 23 am to : vince j kaminski / hou / ect @ ect cc : subject : steve leppard hi vince , hr is working on a mid - year salary review for london people that have a noticeable gap between their compensation at enron and what we would have to pay in the market for a replacement . they highlighted steve as someone with a potential gap - particularly in light of what we ' re seeing in our quant recruiting effort for credit trading and research . i ' d like your opinion on the best way to make sure we keep steve happy and keep him at enron . there are several things i see we can do : 1 ) give him a mid - year pay increase to move him closer to market . i ' m not sure this is the best way to go , especially if we only offer him a token salary increase . 2 ) offer him more responsibility : what are your thoughts on timing for making steve the official head of the london research team ? with my move to ebs , should we accelerate this ? i think this is good way to keep him happy and motivated , and then follow up with a more meaningful salary review at year - end ( as part of the regular process ) that takes into account his greater responsibility . 3 ) we have some people that we ' re trying to get under long - term ( 3 - yr ) contract with a 12 - month notice clause . obviously anyone signing one of these will want significant up - front compensation for being handcuffed . we ' ve not had a lot of success with these here in london , and i would prefer to keep steve happy so he wants to stay with enron rather than contractually binding him to the job . i ' d value your thoughts on this . thanks , dale",0 +"Subject: re : bryan seyfried visiting houston i have scheduled the meeting for friday , february 11 at 9 : 00 am . have a great day ! shirley vince j kaminski 01 / 31 / 2000 08 : 52 am to : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect , danya moody / lon / ect @ ect cc : subject : bryan seyfried visiting houston shirley , can you please set up the meeting . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 31 / 2000 08 : 51 am - - - - - - - - - - - - - - - - - - - - - - - - - - - danya moody 01 / 31 / 2000 08 : 32 am to : vince j kaminski / hou / ect @ ect cc : subject : bryan seyfried visiting houston hi vince bryan seyfried will be in houston on the 9 , 10 & 11 th february and was hoping to arrange an hour with you on one of these days . he is available any time except the morning of 10 th february . could you please let me know if this is possible and if so what time suits you . thanks danya",0 +"Subject: re : potential prospect hey vince , i e - mailed george to send you a resume . tom professor tom arnold e . j . ourso college of business administration department of finance 2155 ceba louisiana state university baton rouge , la 70803 o : 225 - 388 - 6369 f : 225 - 388 - 6366",0 +"Subject: enron global messaging announcement over the last few months , we have been discussing our standard e - mail platform with you , our customer . your feedback from the various demonstrations , surveys and technology showcases validated that e - mail is a vital part of your ability to communicate effectively . however , your feedback also indicated that you need your e - mail client to have additional functionality and increased integration with other applications you use . therefore , to meet the demands of our fast - paced business , enron net works is standardizing our e - mail platform by deploying microsoft outlook 2000 to all the business units we currently support for messaging . ( project plans for ebs , ees and azurix are still being finalized and will be communicated separately . ) this conversion from lotus notes to outlook 2000 will improve your ability to communicate and provide a more consistent look and feel across the standard office applications you use on a daily basis . we are excited about this opportunity to provide a more robust , full function solution for your messaging needs . to provide you with additional details about the conversion from lotus notes to outlook 2000 , we are including a list of frequently asked questions about this project . how does this project affect me ? your current lotus notes e - mail system will be converted to microsoft outlook 2000 . what is microsoft outlook 2000 ? outlook 2000 is the messaging client you will use to read your e - mail , update your calendar and personal address book , record to do lists , etc . why are we switching to outlook 2000 ? outlook 2000 integrates more effectively with our new operating system , windows 2000 , and the microsoft products that enron currently uses . with outlook 2000 , we can provide you with a more robust mail platform including the following new features : instant messaging  ) ability to send person - to - person , immediate , pop - up messages . improved palm / ce synchronization  ) allows for simpler and quicker updates of your hand held device from multiple places . conferencing server  ) ability to conduct video conferences from your desktop . web access  ) ability to retrieve your enron e - mail via a browser . fax integration  ) ability to send / receive faxes from your e - mail inbox . voice mail integration  ) ability to have your voice mail delivered to your e - mail inbox for retrieval . when will the outlook 2000 rollout start and when will i get it ? the pilot will begin in late october with the production rollout beginning in late november . we are finalizing our business unit rollout schedule . additional information will be provided to all business units as it becomes available . project updates will be posted on the project section of the it central web site at http : / / itcentral . enron . com . additionally , you may send questions to outlook . 2000 @ enron . com , and a member of the project team will be happy to address these individually .",0 +"Subject: year end 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the year end 2000 performance management process by providing meaningful feedback on specific employee ( s ) . your feedback plays an important role in the process , and your participation is critical to the success of enron ' s performance management goals . to complete requests for feedback , access pep at http : / / pep . corp . enron . com and select perform review under performance review services . you may begin providing feedback immediately and are requested to have all feedback forms completed by friday , november 17 , 2000 . if you have any questions regarding pep or your responsibility in the process , please contact the pep help desk at : houston : 1 . 713 . 853 . 4777 , option 4 london : 44 . 207 . 783 . 4040 , option 4 email : perfmgmt @ enron . com thank you for your participation in this important process . the following is a cumulative list of employee feedback requests with a status of "" open . "" once you have submitted or declined an employee ' s request for feedback , their name will no longer appear on this list . review group : enron feedback due date : nov 17 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - andrews , naveen c rudi c zipter oct 31 , 2000 baxter , ashley david davies nov 02 , 2000 campos , hector o peyton s gibner nov 06 , 2000 carson , richard l richard b buy oct 30 , 2000 crenshaw , shirley j wincenty j kaminski oct 26 , 2000 gandy , kristin h celeste c roberts nov 01 , 2000 gorny , vladimir theodore r murphy ii nov 02 , 2000 hewitt , kirstee l steven leppard nov 06 , 2000 hickerson , gary j jeffrey a shankman nov 15 , 2000 kindall , kevin vasant shanbhogue oct 30 , 2000 leppard , steven dale surbey nov 06 , 2000 patrick , christie a mark a palmer nov 09 , 2000 pham , bich anh t sarah brown nov 06 , 2000 raymond , maureen j wincenty j kaminski nov 02 , 2000 rosen , michael b christie a patrick nov 06 , 2000 sun , li kevin kindall nov 09 , 2000 supatgiat , chonawee peyton s gibner oct 27 , 2000 tamarchenko , tanya v vasant shanbhogue oct 26 , 2000 tawney , mark r jeffrey a shankman oct 26 , 2000 thuraisingham , ravi paul h racicot jr nov 12 , 2000 williams , matthew steven leppard nov 08 , 2000 yaman , sevil vasant shanbhogue oct 27 , 2000 yuan , ding richard l carson oct 31 , 2000",0 +"Subject: re : maths course vicky , my affiliation is enron corp . my assistant , shirley crenshaw , will send you an updated version of my bio . here are the bullet points : practical techniques to price exotic energy options definition of an exotic option - pay - off profile - price process assumptions - different sources of risk different types of exotic options used in the energy industry - asian options - spread options - basket options - swing options evaluating methodologies for pricing exotics ? ? ? - assessing the pros and cons of different techniques - approximations of closed - form formulas - monte carlo techniques - trees - numerical solutions of pdes ? ? ? - applying multi - factor models to price exotic energy derivatives ? ? ? - building trees for pricing and hedging exotics practical examples ? analysing approaches to weather derivatives valuation ? definition of a weather derivative why does energy industry need weather derivatives ? - hedging volume / price risk as opposed to hedging exclusively price risk - the energy industry ' s exposure to weather : numerical estimates different types of weather derivatives used in the energy industry ? ? ? - heating and cooling degree day swaps and options ? ? ? - precipitation contracts - hurricane contracts - financial options contingent on weather - digital options valuation controversy : actuarial valuation vs . valuation based on the black - scholes paradigm use of monte carlo techniques in valuation of weather derivatives valuing long term transactions practical example please , feel free to edit my bullet points to improve my english . it was a pleasure working with you and i hope our roads will cross at some point . the best of luck to you . vince "" vicky windsor "" on 04 / 13 / 2000 01 : 00 : 18 pm please respond to "" vicky windsor "" to : cc : subject : maths course dear vince , ? i just wondered whether you have had chance to look at your bullet points and bio for the maths course . if so please could could email them to me as soon as possible . could you also let me know whether your company affiliation should now be enron north america . ? thanks vince and best regards , ? vicky",0 +"Subject: telerate service hello everyone : please let me know if you have a subscription to "" telerate "" ? we are being billed for this service and i do not know who is using it . thanks ! shirley",0 +"Subject: re : simulated trading jana , i shall be glad to join you . vince jlpnymex @ aol . com on 09 / 12 / 2000 01 : 51 : 06 pm to : rsbaker @ duke - energy . com , blackj @ wellsfargo . com , martha @ plunkettresearch . com , dgriffin 240 @ earthlink . net , genieand @ hotmail . com , robyn _ howard @ aimfunds . com , agerhardt @ pkftexas . com , colgin @ campbellriggs . com , crowsley @ flash . net , carol _ fitzpatrick @ agc . com , gburrows @ capstonefinancial . com , jhall @ harvardreit . com , jlpnymex @ aol . com , cefi @ dynegy . com , clairta @ yahoo . com , mara _ smith @ aimfunds . com , ddenbina @ mpr . com , rdyerlaw @ houston . rr . com , edwards @ nwol . net , sgoldfield @ tmh . tmc . edu , theath @ coral - energy . com , vkamins @ enron . com , tknight @ houstonenergy . org , monica _ kolb @ aimfunds . com , lanejb @ wellsfargo . com , info @ . com , elizabethmorrell @ excite . com , kimmorrell @ excite . com , adrian . a . nunez @ usa . conoco . com , jack _ plunkett @ plunkettresearch . com , daricha @ ppco . com , mroberts @ coral - energy . com , jstanton @ calpine . com , jstephenson @ navigantconsulting . com , dstowers @ watersinfo . com , chtremel @ epri . com , reneeb @ swiftenergy . com , njfitzgerald @ coral - energy . com , cthomso @ ppco . com , mwolper @ alum . mit . edu , carol _ mccutcheon @ oxy . com , leesa . foster @ ipaper . com , woodybc @ bp . com , dzerba @ teldatasolutions . com cc : subject : simulated trading dear friends and colleagues : nymex is hosting a cocktail reception and a simulated open outcry trading "" class "" : thursday , sept . 28 , 2000 5 : 00 - 7 : 00 pm houston center club ( downtown - across from the 4 seasons ) this is being held in conjuction with the crude oil association . they charge $ 25 at the door . however , as a host i can have as many of my colleagues there for free ! but , i must know if you are coming by september 24 , 2000 c . o . b . , to give a count to the houston center club . i hope you can all attend . please feel free to invite someone to come with you . the simulated trading will be held three times during the evening , and is very interesting . i look forward to hearing from you , and seeing you on 9 / 28 ! jana ps - call me if you have any questions",0 +"Subject: your king ' s college london conference hi lane i * will * be free to speak at your conference on 12 th july , so put my name down . i will give a talk on my "" diagrammatic approach to real options "" . will you have a laptop projector available ? do you require any advance submission of material ? cheers , steve",0 +"Subject: dg energy software vince , here is my edited version of the software license agreement . can you read it once before i forward it for internal approval ? i specified that the $ 100 , 000 covers a single user perpetural license , access to source after one year , and covers maintenance and support for one year . any suggestions ? - - stinson",0 +"Subject: summer internship hi , i ' d like to thank you for the opportunity of letting me work here this summer . i ' ve learned a lot in the past three months and hopefully have been of some help around here . i was very impressed with this department , and enron itself , and i really appreciate the chance for me to have worked in such an environment . so anyway , thank you and i wish you and the department well , brad",0 +"Subject: fea announces the release of @ energy 2 . 0 zimin , please , take a look at it . i think we should download the update . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 31 / 2001 11 : 21 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" michelle mendoza "" on 01 / 26 / 2001 02 : 33 : 14 pm to : cc : subject : fea announces the release of @ energy 2 . 0 january 26 , 2001 vince kaminski enron north america corp . 1400 smith street 30 th floor , rm . 3036 b houston , tx 77251 - 1188 1 713 - 853 - 3848 dear vince kaminski , this is to inform you of the release of @ energy 2 . 0 . ftp download instructions are available immediately . the download instructions are included at the end of this email . your cd ' s and manuals will be shipped to you within 2 weeks . please see below for more information regarding this new release . please confirm that you are the correct recipient for this shipment and your address above is correct by clicking reply and send . if any changes need to be made , please make the changes above and reply . * * warning : please note that if you did not received a license key for @ energy after june 2000 , you will need to contact support @ fea . com or call 510 . 548 . 6200 to obtain a new license key to enable the new version . * * * * swing users : @ energy / swing now replaces the "" swing "" product . see the @ energy user manual for a discussion of the changes . contact fea for the necessary license keys . you will be able to run both the new and old swing simultaneously . heres an overview of the new and changed features since version 1 . 6 : @ energy ( forward curve ) jump parameters are now calibrated for use in other @ energy functions . inputs and outputs to powercalib and comcalib have changed . see the corresponding function syntax in the user guide for additional information . 35 - 40 % speed improvement . the module is now out of beta . @ energy ( basics ) different interpolation schemes on forward prices are now supported . if you use indexswap , exoticswap , or optindexswap with floating price linked to a series of futures dates , such futures dates need not be close to dates specified in the forward curve input . a new utility function , pathutil , allows you to simulate and visualize price paths consistent with the models supported by @ energy . 25 - 30 % speed improvement . @ energy ( advanced ) different interpolation schemes on forward prices are now supported . if you use optdiffswap or diffswap with floating price linked to a series of futures dates , such futures dates need not be close to dates specified in the forward curve input . calspreadopt now allows for the specification of two different mean reversion rates . 30 - 35 % speed improvement . @ energy ( swing ) swingopt and stripswingopt now allow for valuation of swing straddle contracts with overall load constraints . 65 - 70 % speed improvement . the module is now out of beta . @ energy ( weather ) 30 - 35 % speed improvement . if you have any questions please feel free to contact us . we appreciate this opportunity to be of continuing service to enron north america corp . . regards , michelle mendoza support @ fea . com + 1 - 510 - 548 - 6200 financial engineering associates , inc . ( fea ) * * * * * * * * * * * * * * * * * * * * * * * * * * * * * to download @ energy 2 . 0 via ftp , follow the following instructions : note : using explorer leads to unpredictable results , so we suggest using netscape or a dos shell . using netscape : in the location box type : ftp : / / energy @ ftp . fea . com password : 2 rbzxgv 5 energy - 2 . 0 - win 32 . exe is for windows 95 / 98 / 2000 / nt . download and run on a local drive . using a dos shell : at a dos prompt type : ftp ftp . fea . com user : energy password : 2 rbzxgv 5 type "" binary "" and hit ' return ' . type "" ls "" for a list of available files . type "" get "" energy - 2 . 0 - win 32 . exe and and wait for the ftp > prompt . type "" quit "" . the file will be downloaded into the directory at which you entered the ftp site . double click on the exe and follow the instructions on the screen .",0 +"Subject: sap expense report form with the implementation of sap , the employee expense report form has been modified to reflect the new coding system . the procedures for its use are unchanged , but there are some cosmetic differences . one item to note : the form no longer requires entry of your social security number ; instead use your new personnel number assigned through human resources ( see http : / / hrweb . enron . com ) . for electronically submitted expense reports , enter the same number on the receipt envelope . the form is now available at the sap website . to access the form : from the enron home page , go to the sap intranet site http : / / sap . enron . com choose one of the following paths : click on quick reference tools on the left menu click drop - down arrow for accounts payable forms click sap expense report form click on forms and procedures library on the left menu click drop - down arrow for accounts payable forms click sap expense report form wait for it to load click enable macros ( or yes , allow macros ) after you enter the data , save as excel workbook ( . xls file extension ) with a new filename . do not save as excel template ( . xlt extension ) . you may print the spreadsheet for submission to accounts payable , or attach it to notes for electronic submission . instructions are available at the website , on the same drop down box as the form . if you have any questions , contact the center of expertise ( coe ) at 713 345 - 7427 .",0 +"Subject: re : conference may 31 on energy derivatives in toronto phelim , i shall be glad to join you for dinner on sunday . i shall be also available for the panel discussion . i would like to thank you one more time for the invitation to speak at the conference . vince phelim boyle on 05 / 12 / 2000 03 : 47 : 59 pm to : vince . j . kaminski @ enron . com , amy aldous , pconcessi @ deloitte . com , ross raymond - cmmrcl ops cc : subject : conference may 31 on energy derivatives in toronto vince thanks again for agreeing to speak at our conference . it is attracting considerable interest . . is it possible for you to send us copies of your slides by may 18 to meet our deadline for preparing the material . ? if you have ? a related paper available that covers some of the same material that would do instead but naturally we would prefer the slides . i would like to mention again the ? ? the pre - conference dinner at 7 pm on sunday may 30 for the speakers we hope very much you can be present i was also hoping you would be available for the last ? session of the day to be panel member the provisional title ? is managing risk in illiquid markets the chair is pat concessi of deloitte and touche the panel last from 3 . 30 until 4 . 30 and we would like panel members should speaker for a few minutes and take questions from the floor . in the meantime if you have any questions please let amy or myself know sincerely phelim p boyle ? - - phelim p boyle director centre for advanced studies in finance , university of waterloo , waterloo , ontario canada n 2 l 3 gl tel ? 519 885 1211 ( 6513 ) fax 519 888 7562 ?",0 +"Subject: esource presents esearch esource launches esearch site bringing research to your desktop esource , enron ' s premier research group , launched their new product , esearch , on december 8 , 2000 . esource ' s team of specialized researchers have created a web site to bring information and research to every employee ' s desktop . the esearch web site offers many links to information resources , access to research databases , specialized searches , sites to purchase books , articles , and reports , and training . employees can use the web site to conduct their own research or as a vehicle to submit research requests . esource ' s researchers and industry specialists are available to all enron business units to provide timely and cost efficient research , to work with individuals or groups to fulfill one time research requests , or to design ongoing , customized monitoring projects or news updates . the preferred browser is internet explorer join us for a demonstration and training session on friday , december 15 th at 1 : 00 - 1 : 30 and 2 : 00 - 2 : 30 in room eb 5 c 2 . http : / / esource . enron . com discover a wealth of information at your desktop",0 +"Subject: summer internship position celeste , i would like to ask you for a favor . we would like to have sevil as an intern in our group this summer . she prepares a ph . d . dissertation on transmission : a critical issue to the power markets everywhere . i have also a few other students i would like to take in as summer interns . i shall send you the resumes in separate messages . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 11 / 2000 12 : 51 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - sevil yaman on 02 / 10 / 2000 10 : 22 : 28 pm to : vkamins @ enron . com cc : subject : summer internship position hi dr . kaminski , as i told you last monday in dr . kao ' s class i am looking for a summer internship position in your group in which i can use my economics background together with my quantitative skills and knowledge in electricity markets . currently , i am a third year ph . d . student at the economics department of the university of houston . at the end of this semester i ' ll be completing my coursework and starting to write my dissertation which analyzes the access pricing issue in network industries , especially in electricity transmission . i would like to give you a few examples from my coursework . in addition to basic statistics i - ii and econometrics i - ii , i have taken "" macroeconomic modeling and forecasting "" ( time series ) class in which i learned rats . in "" applied econometrics "" class , it was given a great deal of attention to the case method learning approach that involved extensive computer analysis . we were taught sas . as a term paper i worked on electricity demand forecasting . this semester i am taking "" special topics in applied econometrics "" course in which i am being taught qualitative dependent models , mle , panel data techniques , and so on , and as software stata . moreover , this semester i am also taking "" options theory and its applications "" class and auditing dr . kao ' s class . i definitely agree with you in what you mentioned in your lecture last monday about the understanding of the options theory as a necessity in the energy sector . besides , i spent my last summer in the oil and gas unit of the world bank as a research assistant . this work experience in which i had great exposure to the energy market issues and my own research area , which is regulation of transmission pricing ( congestion pricing ) , made me believe that the ongoing restructuring of the electricity sector , especially the transmission network issue , could be well understood by working in the industry . dr . kaminski , attached you can find my resume . i would be glad if you could find a chance to review it and get back to me soon . many thanks , = = = = = sevil yaman department of economics university of houston houston , tx 77204 - 5882 ( 713 ) 743 - 3814 / 3817 do you yahoo ! ? talk to your friends online with yahoo ! messenger . http : / / im . yahoo . com - resume - sevil . doc",0 +"Subject: ken , attached is a correction to pages 10 , 11 , and 12 that were presented by the iso staff at a recent qse training session . i have attached pages 10 , 11 , and 12 for ease of reference . this is the example that i told you about at out at the last csc meeting . best regards , lance - enron correction for congestion management example . pdf - pagel 2 . pdf - pagel 1 . pdf - pagel 0 . pdf",0 +"Subject: alp presentation on behalf of enron corp . i would like to invite you to an alp project presentation by a group of students of jesse h . jones graduate school of management , rice university . the students will present the results of a research project regarding electronic trading platforms in the energy industry . the presentation will be held on may 7 , at 4 : 00 p . m . at enron , 1400 smith . we would also like to invite you to dinner , following the presentation . vince kaminski vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 ( 713 ) 410 5396 ( cell ) fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: re : ebs var transaction policy that would be great . b . vince j kaminski @ ect 06 / 29 / 00 10 : 27 am to : barry pearce / enron communications @ enron communications cc : stinson gibner / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , grant masson / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : ebs var transaction policy barry , stinson forwarded your message to me . i am meeting ted murphy today and i shall bring it up with him . we have unit at research ( tanya tamarchenko , reporting to grant mason ) who is responsible for v @ r support . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 29 / 2000 10 : 28 am - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner 06 / 29 / 2000 09 : 55 am to : vince j kaminski / hou / ect @ ect cc : subject : ebs var transaction policy fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 06 / 29 / 2000 09 : 54 am - - - - - - - - - - - - - - - - - - - - - - - - - - - barry pearce @ enron communications 06 / 29 / 2000 09 : 09 am to : stinson gibner / hou / ect @ ect , dale surbey / lon / ect @ ect , ted murphy / hou / ect @ ect cc : lou casari / enron communications @ enron communications , john echols / enron communications @ enron communications , jim fallon / enron communications @ enron communications subject : ebs var transaction policy hey you guys , we are trying to implement a ' var transaction ' policy - and would like your opinion . this is going to be tough - because i ' m not sure we have implemented a similiar policy across any of our other ' books ' - that is - we looking to bring in all the accrual / operational assets as well as the mtm stuff ( lambdas ) . to have a real - live ' configuration ' of the system . if assets / routes / servers etc . . . are added - what is the impact on the ' value ' of the system and what it ' s worth . john has attached a draft below - for your review and thoughts . i can see how this works in a trading environment - when you actually know the var of your whole trading portfolio . however - i ' ve not seen this done with a mixture of mtm & accrual assets . add the spice of a ' operational system ' valuation - and this will be tough to quantify and model . step 1 - configure system and value it step 2 - calculate a var on this . we will need to do some work here ! step 3 - calculate the incremental var of new deals / amendements / reconfigs etc - tough . . . . see what you think ? b . john echols 06 / 28 / 00 05 : 41 pm to : jim fallon / enron communications @ enron communications , barry pearce / enron communications @ enron communications , lou casari / enron communications @ enron communications cc : subject : policies here is a first rough draft of a "" value @ risk "" transaction policy . i would like you to start looking at where we are going on the policy and get some early thinking going on limits for the v @ r . for example , should we effectively shut down all server relocations without approval , or allow some level of mb of storage to be moved around or reconfigured ? i need some commercial and industry realism for this . we may need rick paiste or your industry helpers ( marquardt , etc . to help us ) . barry , lou , i need your input .",0 +"Subject: re : charles shen thanks so much , vince - - i couldn ' t agree with you more . molly vince j kaminski 11 / 27 / 2000 02 : 40 pm to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : charles shen molly , i think you called his bluff . if he does not fax a copy of his paycheck stub , we should not talk to him . he never talked to me about it . if he made a true statement about his compensation , he should have no reservations about sending us the confirmation . vince enron north america corp . from : molly magee 11 / 27 / 2000 01 : 58 pm to : vince j kaminski / hou / ect @ ect cc : subject : charles shen vince : i left you a voicemail about charles shen a week or so ago , but wanted to follow up with you . when i called him to extend our offer to him , he expressed surprise at the base salary offer of $ 110 , 000 , and told me that he was currently earning base pay in the amount of $ 120 , 000 . i told him that the salary figure he had written himself on the application was $ 102 , 000 , but he insisted that he had made an error and that it should have been $ 120 , 000 . i asked him what base salary he was looking for , and he said he would expect at least a 10 % increase in his base . i then told him that i was not authorized to make an offer above our initial one , and would contact you and get back to him . i called him later that afternoon and asked him to fax me a copy of his last paycheck stub so that we could minimize the confusion about his base pay . he said that he would be happy to do so , but i never received the fax . he left me a voicemail message during the evening that said he was on vacation and didn ' t have access to the pay stubs , but would send me a copy when he returned . i have not heard from him since , and wondered if he had contacted you . if not , would you want to get together to discuss our next step ? i ' ll wait to hear from you , molly x 34804",0 +"Subject: research prc next steps the pep system is no longer available to accept feedback from reviewers . if necessary , you can still call the employee ' s reviewers who have not submitted feedback via the pep system . verbal feedback can be included as part of the consolidated review . the following is a list of action items for next steps for supervisors : action item deadline print consolidated feedback wednesday , nov 22 thanksgiving holidays thursday - friday november 23 - 24 review / approve employees peer group and supervisor ( hr will provide report by 11 / 21 ) tuesday , november 28 pre - rank employees based on consolidated feedback tuesday , november 28 send pre - rankings to norma via encrypted e : mail wednesday , november 29 vince will review pre - rankings monday , december 4 , 2000 ena research prc meeting friday , december 8 written / verbal review provided to employee december 20 - january 20 signed review form due to hr january 27 , 2000 forward to appropriate parties , with sensitivity of the confidentiality of this information . if you have questions regarding the prc process please feel free to call me . norma villarreal x 31545",0 +"Subject: var david , during today ' s var coordination meeting we had a discussion of issues related to mapping of the forward price curves into core locations . mapping is a necessity dictated by the limitations of the computer system : we have to reduce the dimensionality of the problem to stay within the bounds of available cpu memory . also , in some cases the quality of price discovery is poor and it ' s difficult to model the price curves independently : we solve the problem by mapping them into more liquid and better behaved core locations curves . we have agreed on the following : 1 . winston will investigate the it side and determine to what extent we can increase the number of forward price curves that are simulated as basic ( core ) curves . he will investigate the impact of a larger number of the core curves on the time required to complete the var run . 2 . the curves associated with the biggest 10 - 20 positions in each commodity should be modeled as core curves ( i . e . no mapping into other locations ) . it makes sense to monitor the biggest risks separately and avoid aggregating them into less transparent aggregates . 3 . the results of an automated clustering ( mapping ) procedures should be systematically monitored by a human and corrected if they misrepresent the risks of the trading positions . this responsibility should be vested with one person ( right now the responsibility is dispersed through the organization and this means in practice that nobody is responsible ) . research can allocate one person to this task ; cooperation of trading and rac will be critical . vince",0 +"Subject: zingales seminar fyi ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 23 / 2001 03 : 44 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - albert wang on 04 / 23 / 2001 11 : 23 : 22 am to : ( recipient list suppressed ) cc : subject : zingales seminar enron seminar series in finance jones graduate school of management , rice university luigi zingales university of chicago will give a seminar at the jones school on friday , april 27 , ? "" the great reversals : the politics of financial development in the 20 th century . "" the seminar will begin at 3 : 30 in room 105 . a pdf of the paper is available through the seminar website : http : / / www . ruf . rice . edu / ~ jgsfss / . fu - kuo albert wang assistant professor jones graduate school of management - - ms 531 ? rice university ? 6100 main street ? houston , tx 77005 ? phone : 713 - 348 - 5404 ? fax : ? ? ? ? 713 - 348 - 5251 email : wangfa @ rice . edu http : / / www . ruf . rice . edu / ~ wangfa /",0 +"Subject: credit applicatiions in grms this note is from ted murphy ( not bjorn hagelman ) my understanding is that yet another meeting has been scheduled with the intent of diverting resources from the grms project to some other project . while i am not privy to the urgency of this other project , i do know that we have a very large , multi - phase project going in grms . grms stands for the global risk monitoring system . it is not intended to be a commercial trading product not is its primary purpose for commercial decision - making . conceptually , it is a risk warehouse for the primary purpose of rac due to the deficiency of current front office trading systems and their inability to provide timely , aggregated information useful to rac . rac has spent over a year developing a business plan scope and detailed task list to accomplish its objectives . as a firm we are woefully behind our press clippings in our ability to aggregate and understand our risk profile . my most recent sojorn in europe is a classic example of the current systems inabilty to aggregate and meet the needs of rac having abetted poor decision making and causing cash losses in well in excess of the grms budget or that of the market risk group in rac . the grms project is a requirement that bill bradford and i have in order to do our jobs . we have delegated authority to debbie brackett and rudi zipter to make decisions regarding priorities and as such meet regularly with jonathon and his team as well as rick buy to provide updates . while progress is never as fast as we would like it , in every instance in which we have only to rely on rac , jonathon ' s team and research to make a deadline it haas been hit . the primary reason for any delays whatsoever has been the diversion of resources off the project or the reliance for cooperation from some other source - most recently the it staff in london was a tremendous impediment to deadlines . please excuse the frustration that is apparently coming through in this note , but i feel like the boy with his finger in the dyke and no one is listening . also , i have had several employees come to resignation over their frustration on the lack of management support for this project , usually manifesting itself in the lack of resources or the diversion of resources devoted to it . i think we have proven collectively that we can organize a modular multiphase project and provide tangible deliverables when not distracted . please let us do our jobs . i do not denigrate the efforts of others , but i believe that they must either submit their detailed requirements to us for our consideration of their worthiness to put in our que or develop their own project with their own resources . thank you for your consideration of this opinion . as it relates to things that will effect the ability of market risk to do its job , please consult me as i would you . ted",0 +"Subject: congratulations congrats on your promotion to md . i appreciate the work you group is doing for et & s , and i know the promotion is well deserved . bill cordes",0 +"Subject: departure the research group is a unique and extraordinarily valuable organization for enron . the success of the group has led to widespread recognition of enron ' s leadership in quantitative finance as it relates to the energy markets . therefore , it is with great mixed emotions that i announce my resignation as i move on to the next phase of my career . i have enjoyed getting to work with each of you and wish you continued success for the future . highest regards , kevin kindall ps : comments , question , and anecdotes will be addressed in thursday ' s meeting . shirley will have my contact info .",0 +"Subject: trisha lunch - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 01 / 10 / 2000 11 : 12 am - - - - - - - - - - - - - - - - - - - - - - - - - - - frances ortiz 01 / 07 / 2000 02 : 54 pm to : ina rangel / hou / ect @ ect , kevin g moore / hou / ect @ ect cc : subject : trisha lunch jeff has approved for her to be added for lunch everyday and bodweek thanks fso",0 +"Subject: updated org chart vince , i updated my part of the org chart with the following changes . 1 . corrected samer ' s title to director ( he was hired by azurix as a director and has retained that title ) 2 . corrected spelling of samar khleif ' s name . 3 . added vacant analyst under zimin stinson",0 +"Subject: re : vacation vincent : congratulations ! please take whatever time is necessary . i hope the complications are only with the in - laws and not the police / u . s . immigration , etc . let me know if there is anything we can do for you . regards , grant . vincent tang on 04 / 17 / 2000 12 : 40 : 26 pm to : grant . masson @ enron . com cc : subject : ? hi , grant , how are you ? hope everything is going well . my wedding ceremony was very good but the whole process is more complex than i expected . it might take several more days . so i am wondering , if it is not too much a trouble for you , i would like to extend my vacation several more days . please let me know . best regards , vincent do you yahoo ! ? send online invitations with yahoo ! invites . http : / / invites . yahoo . com",0 +"Subject: re : stinson vacation plans stinson , no problem . vince stinson gibner 03 / 31 / 2000 05 : 28 pm to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : stinson vacation plans vince , i would like to plan on taking 6 days of vacation on june 2 through june 9 th . thanks , - - stinson",0 +"Subject: rosters ( rice university ) i have enclosed your latest rosters for mgmt 656 : energy derivatives . the word document is your official rosters . the excel document is a list of names with e - mail addresses . i ' ll keep you updated as students add / drop . as always , let me know if you have any questions . pamela castro mba program associate rice university 713 - 348 - 6223 - 656 . xls - 656 . doc",0 +"Subject: 3 - urgent - to prevent loss of information critical migration information : 1 . your scheduled outlook migration date is the evening of : may 7 th 2 . you need to press the "" save my data "" button ( only once ) to send us your pre - migration information . 3 . you must be connected to the network before you press the button . 4 . if a pop - up box appears , prompting you to "" abort , cancel or trust signer "" please select trust signer . 5 . any information you add to your personal address book , journal or calendar after you click on the button will need to be manually re - added into outlook after you have been migrated . 6 . clicking this button does not complete your migration to outlook . your migration will be completed the evening of your migration date . failure to click on the button means you will not get your calendar , contacts , journal and todo information imported into outlook the day of your migration and could result in up to a 2 week delay to restore this information . if you encounter any errors please contact the resolution center @ 713 - 853 - 1411",0 +"Subject: re : off - site : john griebling ' s organization and research group vince , jeff does plan to attend the off - site in breckenridge . i ' m not sure exactly what time he ' ll arrive on friday , 4 / 28 , but will send those details when available . thanks , srs vince j kaminski @ ect 03 / 27 / 2000 04 : 43 pm to : jeff skilling / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , ravi thuraisingham / enron communications @ enron communications , sherri sera / corp / enron @ enron , katherine brown / corp / enron @ enron , ken rice / enron communications @ enron communications , kevin hannon / enron communications @ enron communications , joe hirko / enron communications @ enron communications , john griebling / enron communications @ enron communications subject : off - site : john griebling ' s organization and research group jeff , i would like to invite you to an off - site meeting of john griebling ' s organization and the research group . date : april 27 - april 29 location : breckenridge , colorado as you know , john griebling is managing the network design and construction project currently under way in ebs . the research group is actively involved in this effort which requires advanced quantitative skills in the area of stochastic optimization and stochastic processes ( for modeling and forecasting internet traffic flows ) . the objective of this meeting is to develop common language and accomplish transfer of skills between the two groups , to facilitate cooperation on this project in the future . we are also inviting to this off - site senior management of ebs and plan to have on the agenda several presentations about strategic directions of ebs . the effort of network design and construction currently under way is unprecedented in terms of its scope and complexity and it is important for technical people , who often have highly specialized technical skills , to understand the broad picture . i would appreciate if you could join us for friday afternoon ( april 28 ) and saturday ( april 29 ) . i understand that you have commitments on thursday and friday morning . we have reorganized the tentative agenda of the meeting to devote friday afternoon to more general topics . vince",0 +"Subject: mid - year 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the mid - year 2000 performance management process by providing meaningful feedback on specific employee ( s ) that have been identified for you . your feedback plays an important role in the performance management process , and your participation is very critical to the success of enron ' s performance management goals . please provide feedback on the employee ( s ) listed below by accessing the performance management system ( pep ) and completing an online feedback form as described in the "" performance management quick reference guide "" . you may begin your feedback input immediately . please have all feedback forms completed by the date noted below . if you have any questions regarding pep or your responsibility in the process , please call the pep help desk at the following numbers : in the u . s . : 1 - 713 - 853 - 4777 , option 4 in europe : 44 - 207 - 783 - 4040 , option 4 in canada : 1 - 403 - 974 - 6724 ( canada employees only ) or e - mail your questions to : perfmgmt @ enron . com thank you for your participation in this important process . the following list of employees is a cumulative list of all feedback requests , by operating company , that have an "" open "" feedback status . an employee ' s name will no longer appear once you have completed the feedback form and select the "" submit "" button in pep . review group : enron feedback due date : jun 16 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - ahmad , anjam dale surbey may 22 , 2000 carson , margaret m james d steffes may 26 , 2000 carson , richard l richard b buy may 22 , 2000 crenshaw , shirley j wincenty j . kaminski may 24 , 2000 ghosh , soma timothy davies may 31 , 2000 kaminski , wincenty j . david w delainey jun 05 , 2000 peyton , john a randal t maffett jun 05 , 2000 thuraisingham , ravi vasant shanbhogue may 30 , 2000 vernon , clayton j vasant shanbhogue may 26 , 2000 yuan , ding richard l carson jun 02 , 2000 zipter , rudi c theodore r murphy may 25 , 2000",0 +"Subject: re : is this data of interest to any of you ? yannis , it makes a lot of sense to get this info . also , you are welcome to make a presentation to the group this thursday at lunch . please , call shirley crenshaw ( x 3 - 5290 ) to coordinate and order sandwich you would like to have . vince joe , can you , please , babysit this presentation ( make sure we have all the audiovisual equipment we need , etc . ) . vince yannis tzamouranis 03 / 28 / 2000 02 : 50 pm to : yannis tzamouranis / hou / ect @ ect cc : ( bcc : vince j kaminski / hou / ect ) subject : is this data of interest to any of you ? fyi : the following file describes the contents of the monthly energy review ( application , current , and historical ) . the data is available through a doe site and we can get it for free and incorporate it in the lim database , if there is interest . review the attached file ( look for keywords of interest ) and let us know whether need dictates loading these datasets . for the market analysis and infomration management group , yannis c . tzamouranis enron it",0 +"Subject: research group hello norma : in answer to your phone message i am sending you the following information . there is one thing you probably need to be aware of . on the research list , elena chilkina is shown as an analyst p / t , however , in the records she is shown as an "" adm coord "" . this was done so that she could be considered non - exempt and receive overtime . however , her actual job is an analyst . also , roman zadarozhny is an analyst that rotated out of our group 6 months ago , but was never moved to the new group . he is now up for rotation again and vince said that we will just keep him until he finds a new rotation . if you have any questions , please call me .",0 +"Subject: zingales seminar enron seminar series in financejones graduate school of management , rice universityluigi zingalesuniversity of chicagowill give a seminar at the jones school on friday , april 27 , ? "" the great reversals : the politics of financial development in the 20 th century . "" the seminar will begin at 3 : 30 in room 105 . a pdf of the paper is available through the seminar website : http : / / www . ruf . rice . edu / ~ jgsfss / . fu - kuo albert wangassistant professorjones graduate school of management - - ms 531 ? rice university ? 6100 main street ? houston , tx 77005 ? phone : 713 - 348 - 5404 ? fax : ? ? ? ? 713 - 348 - 5251 email : wangfa @ rice . eduhttp : / / www . ruf . rice . edu / ~ wangfa /",0 +"Subject: re : the garp 2001 convention : invitation to speak andreas , this looks ok . i look forward to receiving a formal confirmation from you . vince "" andreas simou "" on 08 / 17 / 2000 11 : 49 : 29 am to : cc : subject : re : the garp 2001 convention : invitation to speak dear mr kaminski thank you very much for agreeing to speak at the garp 2001 convention . i will be sending you a formal letter of confirmation in the next few days , in the meantime i have selected the session below for you and included some preliminary details ; are these correct ? i apologize if your details are not correct but this is the information that was available to me . is the title of the session to you liking , or would you like to ' spice it up ' a little ? measuring energy risk - tackling price volatility , adapting var , scenario modelling and regulatory requirements vince kaminski , head of quantitative research , enron energy once again , thank you for agreeing to participate and i look forward to working with you on this event . kind regards andreas - - - - - original message - - - - - from : to : cc : sent : thursday , august 17 , 2000 5 : 22 pm subject : re : the garp 2001 convention : invitation to speak andreas , i shall be glad to speak . i can address topic 2 or 4 ( energy risk or volatility ) . vince kaminski "" andreas simou "" on 08 / 15 / 2000 09 : 58 : 26 am to : cc : subject : the garp 2001 convention : invitation to speak invitation to speak garp 2001 the 2 nd annual risk management convention 13 ( superscript : th ) & 14 ( superscript : th ) february , 2001 ? marriott world trade center , new york dear kaminski further to my telephone conversation today with your secretary , shirley crenshaw , and on behalf of the global association of risk professionals , i have great pleasure in inviting you to speak at our 2 ( superscript : nd ) annual risk management convention ? garp 2001 . this event has rapidly establishing itself as the risk management industry ' s most important meeting point . garp 2000 reflected the key concerns of risk management experts world - wide , with over 400 attendees in its first year . three simultaneous streams address traditional pricing and risk management techniques , along with specialised streams addressing new sectors , such as the corporate world and the insurance industry . with a speaker panel of over 55 senior and executive financial professionals from investment banks , regulatory bodies , asset management firms , academics , insurers / re - insurers , corporate and system providers this is the financial risk management event of the year . key areas that this convention will consider include market risk ( stress testing , liquidity , jump diffusion , evt ) , credit risk ( regulation , modeling , stress testing , credit portfolio management , credit derivatives ) , operational risk , ( regulation , data , modeling , validation , evt ) advanced asset & liability management , corporate / energy risk management and the insurance & capital markets . from my research and discussions with experts in this arena your name was highly recommended as a speaker for this event . below is the stream on corporate / energy risk management and i had in mind one of the sessions below for you . also , the topic titles are provisional and i am open to suggested alterations . corporate / energy risk management modelling corporate risk ? risk management from a shareholder value perspective measuring energy risk ? tackling price volatility , adapting var , scenario modelling and regulatory requirements forward pricing ? construction of the forward curve , correlations , transparency issues the volatility challenge ? modelling price volatility and examining the new products designed to stabilise volatility energy credit risk management garp is a not - for - profit , independent organisation of risk management practitioners and researchers from leading financial institutions world - wide . garp ' s mission is to facilitate the exchange of information , developing educational programs and promoting standards in the area of financial risk management . for more information please refer to our web site : www . garp . com i sincerely hope you will be able to accept this invitation and i look forward to hearing from you in due course . should you have any questions please do not hesitate to contact me , otherwise i will call you again on to discuss this further . best regards andreas ps i have also attached a copy of garps 2000 program for your attention . _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ andreas simou garp 2001 - conference producer tel + 44 ( 0 ) 20 7626 9301 fax + 44 ( 0 ) 20 7626 9900 ( see attached file : draft programme . doc ) ( see attached file : g 2000 b & wlowr . pdf )",0 +"Subject: re : from a previous summer intern dear giuseppe : unfortunately , i am no longer with the associate and analyst recruiting department and will be unable to assist you directly . please contact tracy warner , who is now responsible for recruiting . she will be able to assist you directly . tracy can be contacted at tracy . warner @ enron . com . i would also recommend having vince kaminski contact her as well to ensure that all communications are in order . best regards , celeste roberts giuseppe andrea paleologo @ stanford . edu on 04 / 20 / 2001 01 : 53 : 39 pm please respond to gappy @ stanford . edu sent by : gappy @ stanford . edu to : celeste roberts cc : subject : from a previous summer intern celeste , my name is giuseppe a . paleologo and you amy remember me : i was a summer intern last summer in the research group , and attended the hiring event this year at stanford . in that occasion i had an informal offer from vince kaminski , and the assurance that i would receive a written one in the following two weeks , but since then i have not received any letter from enron . i would like to know if the offer is still valid , and if it has been sent . i am asking because i am in the process of evaluating my offers , and would like to wait for enron before i make my final decision . thanks in advance , giuseppe paleologo - - giuseppe a . paleologo email : gappy @ stanford . edu office phone : ( 650 ) 725 - 0541",0 +"Subject: a chapter to be published in a book by clewlow / strickland darrell , grant masson , ronnie chahal and myself made a contribution to the book on energy derivatives to be published soon in australia ( a book by clewlow and strickland ) . given our growing workload and responsibilities , the quality of the paper is less than satisfactory . i would like to make sure that there are no obvious and embarrassing errors in what we submit . i would appreciate if you could take a quick look at the chapter and give us the feedback ( under the same arrangement as in the previous cases ) . thanks for looking at our storage model . i shall give you a call within the next few days to update you on our work and developments at enron . vince will start his senior year in 6 weeks . he wants to graduate and look for work : he thinks getting an advanced degree in his field makes no economic sense . he spent the summer building his own computer ( 1000 mhz clock speed ) . i was the unskilled immigrant worker toiling under his management . i hope everything is well at home and that your wife ' s company is doing great . regards . vince",0 +"Subject: re : alp presentation dennis , thanks for you message . i shall send you more information regarding the dinner later this week . christie patrick , who is in charge of our university liaison unit , is making arrangements for the evening at the enron field . hopefully , we shall be able to combine dinner with a game . vince "" dennis w . loughridge "" on 04 / 30 / 2001 10 : 49 : 10 am please respond to to : cc : subject : re : alp presentation vince i will be attending the alp presentation on may 7 and would be pleased to join the team for dinner if it is not too late . thank you dennis loughridge dennis w . loughridge director of energy consortium rice university 713 - 348 - 2812 - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : tuesday , april 10 , 2001 8 : 16 am to : loughrid @ rice . edu cc : luigical @ rice . edu subject : alp presentation sorry , trying again . i probably got a wrong e - mail address and the original message was returned . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 10 / 2001 08 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 10 / 2001 08 : 13 am to : barrett @ rice . edu , uecker @ rice . edu , cmiller @ rice . edu , lounghrid @ rice . edu , luigical @ rice . edu cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , kenneth parkhill / na / enron @ enron subject : alp presentation on behalf of enron corp . i would like to invite you to an alp project presentation by a group of students of jesse h . jones graduate school of management , rice university . the students will present the results of a research project regarding electronic trading platforms in the energy industry . the presentation will be held on may 7 , at 4 : 00 p . m . at enron , 1400 smith . we would also like to invite you to dinner , following the presentation . vince kaminski vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 ( 713 ) 410 5396 ( cell ) fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: re : ebs research telecom rercruiting effot hi kristy , please track down electronic form of the four students that we interviewed ( 2 stanford , 2 mit ) . if you need help , feel free to talk to vince to find out which one he has etc . . . . vince , there will be salal from mit coming in march 5 th ( i think , kristy please confirm ) . he is very qualified and most like a good fit . so , please let hr know that we may add a couple , etc . ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 20 / 00 12 : 46 am - - - - - vince j kaminski @ ect 02 / 18 / 00 08 : 24 am to : ravi thuraisingham / enron communications @ enron communications @ enron cc : stinson gibner / hou / ect @ ect subject : re : ebs research telecom rercruiting effot ravi , our compensation for summer interns is very generous . it ' s more than what an engineering student expects . vince p . s . any progress on the resumes in electronic form ? i want to send a package to charlene today . vince ravi thuraisingham @ enron communications on 02 / 17 / 2000 02 : 34 : 01 pm to : vince kaminski , stinson gibner / hou / ect @ ect cc : subject : ebs research telecom rercruiting effot hi , vince please put your best effort in making sure that we differentiate summer interns and associates that ebs research will be hiring . i am talking about compensation here . ken rice mentioned that ebs is in the process of developing a technical equivalent of our aa pool . ebs research people can potentially rotate through this pool in the future . i just don ' t want to risk losing people like giuseppe ( & get the word out that we are low - ballers ) because we have to fit them into certain set of categories that was designed for the energy business . i realize that you have estabilished such differentiation for research as a whole , but i think that would have to be moved up a notch in the case of ebs . ravi .",0 +"Subject: re : worldpower mark , i agree with you . they do not seem to have the market penetration we need . the benefits don ' t justify the expense . i shall notify them . vince mark palmer @ enron 01 / 21 / 2000 08 : 22 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : worldpower i think we should decline . mark",0 +"Subject: dram trading authority here is the latest trading request : specifically it requires the following to get it over the line : vince , your concurrence with a simplistic var calculation the start - up period everybody else , your signatures , or agreement to sign via email in addition , here is the commercial presentation which wil be attached to the request on its way to eb 5007 many thanks dp",0 +"Subject: re : visit to houston - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 03 / 02 / 2001 01 : 22 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - nick bambos on 03 / 02 / 2001 11 : 33 : 11 am to : stinson . gibner @ enron . com cc : gappy @ stanford . edu , cope @ csli . stanford . edu , bambos @ stanford . edu subject : re : visit to houston hi stinson , giuseppe , eric and i , arrive on thusday night at 10 pm . we ' ll try to reserve rooms at the doubletree hotel next to the enron building . does enron get special deals with this hotel ? > > > giuseppe , can you please make the reservations ? > > giuseppe , can you please call stinson and see how we can optimize the agenda and maximize the value of the visit . i am swamped today . . . nick , > > i hope everything is ok in palo alto . are you able to come to houston on > the 9 th of march ? please let me know of your plans so we will know what > times to set up discussions . i will try calling you tomorrow to check on > your plans , or feel free to call me . > > regards , > > stinson > 713 853 4748",0 +"Subject: financial mathematics - houston , august 31 and september 1 ? - speaker chase - vince kaminski . doc",0 +"Subject: lance cunningham vince : i have left a message with teresa and have sent the following terse note to lance to let him know that we are moving . as we discussed , i asked teresa to offer 90 k + 10 k signing bonus . regards , grant - - - - - - - - - - - - - - - - - - - - - - forwarded by grant masson / hou / ect on 06 / 30 / 2000 11 : 21 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : grant masson 06 / 30 / 2000 11 : 21 am to : lbcunningham @ mail . utexas . edu cc : subject : enron lance : i am going on vacation tomorrow , but i wanted to get in touch with you before i left . i have asked hr to extend an offer to you . teresa bien should be sending you an offer letter via fedex . of course , with the july 4 th weekend , i ' m not sure when you will get it . if you have questions , i suggest that you call vince kaminski at 713 853 3848 . regards , grant masson .",0 +"Subject: re : tani , yes , i am aware of it . thanks for letting me know who is the hr rep in london . vince tani nath 05 / 02 / 2001 09 : 01 am to : vince j kaminski / hou / ect @ ect cc : tara rozen / lon / ect @ ect subject : vince , i don ' t know if you are already aware of this , but maureen raymond has been taken ill and i understand has received medical advice that she should not travel before the end of next week at the earliest . tara is the appropriate hr representative in london ; i will ask her to keep both you and houston hr informed of the situation . many thanks , tani",0 +"Subject: re : informs abstract ( fwd ) shijie , additional changes . abstract : the power market developments in the us have created several unique challenges for energy industry economists . we discuss the major factors underlying the exceptionally high volatility of electricity prices . we feel that some of them may reflect the flaws in power pools design and incomplete transition to fully deregulated markets in generation and transmission . the title is fine . vince shijie deng on 10 / 01 / 2000 07 : 47 : 53 pm to : vkamins @ enron . com cc : subject : re : informs abstract ( fwd ) - - - - - - - - - - forwarded message - - - - - - - - - - date : sun , 1 oct 2000 14 : 29 : 20 - 0400 ( edt ) from : shijie deng to : vkaminski @ aol . com cc : shijie deng subject : re : informs abstract vince , thanks for the abstract ! for the purpose of the conference program listing , the conference organizers need a title and an abstract which is longer than 50 words . based on the abstract that you sent me , i took the liberty to make up a title and the 50 - word abstract ( attached below ) . please make changes as you feel necessary and send them back to me . i ' ll send them out to the organizers once i get your confirmation on this . best , shijie title : current challenges in modeling power price volatility author : dr . vince kaminski , head of quantitative research , enron capital & trade resources abstract : the power market developments in the us have created several unique challenges for energy industry economists . we discuss the major factors underlying the exceptionally high volatility of electricity prices . we feel that some of them may be a necessary price to pay for increased market efficiency and expanded customer choice . shi - jie deng assistant professor school of isye georgia institute of technology office phone : ( 404 ) 894 - 6519 e - mail : deng @ isye . gatech . edu home page : http : / / www . isye . gatech . edu / ~ deng on sun , 1 oct 2000 vkaminski @ aol . com wrote : > shijie , > > i am sending you the abstract for my informs presentation . > > vince > > > * * * * * > > > the last three years were characterized by exceptionally high volatility of > the power prices in the us markets . the market developments have created a > number of unique challenges for energy industry economists . one immediate > question we have to answer is how to measure volatility of energy prices . > although we can all agree that the prices in the power markets are > characterized by high variability , the traditional measures used in financial > economics ( annualized standard deviation of log price returns ) may not fit > well electricity prices . the second challenge is to explain the sources of > high price volatility and to answer the question to what extent it can be > attributed to problems that can be addressed in the long run . such problems > include flaws in market design that allow some market participants to abuse > market power , limited availability and / or unequal access to transmission , > temporary shortages of generation capacity . some factors underlying high > volatility of electricity prices may be of permanent nature and may be a > necessary price to pay for increased market efficiency and expanded customer > choice . >",0 +"Subject: re : fwd : australian energy 2000 dear vince , i am truly grateful . that would be excellent . many thanks , joel - - - - - original message - - - - - from : vince j kaminski to : eprmconf @ asiarisk . com . hk cc : vince j kaminski ; vkaminski @ aol . com date : 02 march 2000 14 : 56 subject : re : fwd : australian energy 2000 > > > joel , > > i shall be glad to take all the remaining sections . > > i have spoken on this subject several times so it will > relatively easy to prepare it . > > vince > > > > > > vkaminski @ aol . com on 02 / 29 / 2000 09 : 27 : 19 pm > > to : vkamins @ enron . com > cc : > subject : fwd : australian energy 2000 > > > > > return - path : > received : from rly - ydol . mx . aol . com ( rly - ydol . mail . aol . com [ 172 . 18 . 150 . 1 ] ) by > air - ydo 3 . mail . aol . com ( v 69 . 17 ) with esmtp ; tue , 29 feb 2000 : 30 : 22 - 0500 > received : from srol . imsbiz . com ( srol . imsbiz . com [ 206 . 161 . 62 . 5 ] ) by > rly - ydol . mx . aol . com ( v 69 . 17 ) with esmtp ; tue , 29 feb 2000 9 : 51 - 0500 > received : from joel ( [ 210 . 176 . 232 . 92 ] ) by srol . imsbiz . com ( 8 . 8 . 8 / 8 . 8 . 8 ) with > smtp id kaao 0361 for ; wed , 1 mar 2000 10 : 29 : 44 + 0800 > message - id : > x - sender : eprmconf @ pop . asiarisk . com . hk > x - mailer : qualcomm windows eudora light version 3 . 0 . 5 ( 32 ) > date : wed , 01 mar 2000 10 : 32 : 41 + 0800 > to : vkaminski @ aol . com > from : joel hanley > subject : re : australian energy 2000 > in - reply - to : > mime - version : 1 . 0 > content - type : multipart / mixed ; > > dear vince , > i am delighted to be working with you at last . i can confirm the lessons > learned session , and i shall leave it up to you to consider the content . > the session will last one hour , including q the second topic > will > > be "" value - at - risk "" ( please , feel free to make this title more specific ) . > > > > i look forward to meeting you in australia in july . > > > > vince > > > > > > > > > ps . as of friday 3 rd march , i shall be back in my london office where my > email address is hanley @ risk . co . uk and my number is + 44 207 484 9885 . > > ( see attached file : varseml . doc ) > > >",0 +"Subject: re : zakup ksiazki "" inzynieria finansowa "" w wnt pani grazyno , dziekuje bardzo za wiadomosc . autor ksiazki przeslal mi egzemplarz . na pewno skorzystam z okazji , by kupic inne ksiazki pani wydawnictwa . any web - site i can access ? w . kaminski "" wydawnictwa naukowo - techniczne "" on 03 / 01 / 2001 09 : 57 : 19 am to : cc : subject : zakup ksiazki "" inzynieria finansowa "" w wnt uprzejmie informuje , ze do dnia dzisiejszego nie wplynely pieniadze na zamowiona ksiazke , wobec czego uwazam to za rezygnacje z zakupu . serdecznie pozdrawiam . grazyna piesniewska",0 +"Subject: re : mgmt 656 ( rice university ) pam , thanks . the list of e - mail addresses would be useful as well . vince pamela vande krol castro on 01 / 17 / 2001 03 : 05 : 01 pm to : vince . j . kaminski @ enron . com cc : subject : mgmt 656 ( rice university ) here are your rosters for mgmt 656 . let me know if you need a list of e - mail addresses as well . i will update you as student schedules change . - pam ( 713 - 348 - 6223 ) - 656 . doc",0 +"Subject: giuseppe paleologo molly , giuseppe is finishing his ph . d . at stanford and worked for us last summer . we would like to make him an offer to bring him as a manager . vince would like to offer $ 110 k base plus a $ 20 k signing bonus and whatever would be the appropriate relocation package ( he is single . ) . he is leaving on monday for europe , so it would be preferable if we can get an offer letter in his hands by friday or saturday . i have verbally given him this offer already , but told him that you would be the expert regarding what is covered in the relocation part . he should be sending me his current address by email which i will forward to you a . s . a . p . thanks , stinson x 34748 p . s . regarding jinbaek . we would be happy to pay his air ticket . - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 25 / 2001 03 : 26 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - giuseppe andrea paleologo @ stanford . edu on 04 / 23 / 2001 07 : 33 : 29 pm please respond to gappy @ stanford . edu sent by : gappy @ stanford . edu to : stinson . gibner @ enron . com cc : subject : re : from stinson stinso , nice to hear from you . things are going well here . the only annoyance comes from the ins . i applied for curricular practical training , and it will take about three months to have the work permit . receiving an h - 1 takes understably much longer . other than this , i would like to know how are things in the research group and ebs . i will leave for italy next monday and will stay there two weeks . i hope to hear from you before my departure . giuseppe stinson . gibner @ enron . com wrote : > > giuseppe , > > how are you ? is your thesis still on schedule ? i hope things are going > well . i will try and give you a call in the next day or two to see how > things are going and to bring you up to date on what ' s going on here at > enron . look forward to talking with you . > > - - stinson - - giuseppe a . paleologo email : gappy @ stanford . edu office phone : ( 650 ) 725 - 0541",0 +"Subject: re : preface for book julie , the introduction looks fine . i have made some cosmetic changes ( typos and split infinitives that slipped by ) . you can safely ignore most of them . english is not even my second language . the corrections are in pink . vince "" julie "" on 08 / 01 / 2000 07 : 43 : 10 am to : "" vincejkaminski "" cc : subject : preface for book vince , ? hope you are well . ? we spoke a while ago about who should write the preface for the book , and you kindly offered that you would provide this . ? is this still possible ? ? we realise that you are extremely busy , so chris and les went ahead and wrote something , which is below , and if you want to review , change or re - write ? the preface , that would be very appreciated . ? let me know what your thoughts are . ? thanks , julie ( we ' re getting close ) ? ? preface ? ? ? one of our main objectives in writing energy derivatives : pricing and risk management has been to bring together as many of the various approaches for the pricing and risk management energy derivatives as possible , to discuss in - depth the models , and to show how they relate to each other . ? in this way we hope to help the reader to analyse the different models , price a wide range of energy derivatives , or to build a risk management system which uses a consistent modelling framework . ? we believe that for practitioners this last point is very important and we continue to stress in our articles and presentations the dangers of having flawed risk management and giving arbitrage opportunities to your competitors by using ad - hoc and inconsistent models for different instruments and markets ( see also others who propose consistent models ? ) . ? however , it is not our wish to concentrate on one particular model or models , at the exclusion of the others because we believe that the choice should rest with the user ( although it will probably be clear from our discussions the model ( s ) we prefer ) . ? we therefore try and give as clear account as possible of the advantage and disadvantages of all the models so that the reader can make an informed choice as to the models which best suit their needs . ? in order to meet our objectives the book is divided into 11 chapters . ? in chapter 1 we give an overview of the fundamental principals needed to model and price energy derivatives which will underpin the remainder of the book . ? in addition to introducing the techniques that underlie the black - scholes modelling framework we outline the numerical techniques of trinomial trees and monte carlo simulation for derivative pricing , which are used throughout the book . ? in chapter 2 we discuss the analysis of spot energy prices . ? as well as analysing empirical price movements we propose a number of processes that can be used to model the prices . ? we look at the well - know process of geometric brownian motion as well as mean reversion , stochastic volatility and jump processes , discussing each and showing how they can be simulated and their parameters estimated . ? chapter 3 , written by vince kaminski , grant masson and ronnie chahal of enron corp . , discusses volatility estimation in energy commodity markets . ? this chapter builds on the previous one . ? it examines in detail the methods , merits and pitfalls of the volatility estimation process assuming different pricing models introduced in chapter 2 . ? examples from crude , gas , and electricity markets are used to illustrate the technical and interpretative aspects of calculating volatility . ? chapter 4 examines forward curves in the energy markets . ? although such curves are well understood and straight - forward in the most financial markets , the difficulty of storage in many energy markets leads to less well defined curves . ? in this chapter we describe forward price bounds for energy prices and the building of forward curves from market instruments . ? we outline the three main approaches which have been applied to building forward curves in energy markets ; the arbitrage approach , the econometric approach , and deriving analytical values by modelling underlying stochastic factors . ? chapter 5 presents an overview of structures found in the energy derivative markets and discusses their uses . ? examples of products analysed in this chapter include a variety of swaps , caps , floors and collars , as well as energy swaptions , compound options , asian options , barrier options , lookback options , and ladder options . ? chapter 6 investigates single and multi - factor models of the energy spot price and the pricing of some standard energy derivatives . ? closed form solutions for forward prices , forward volatilities , and european option prices both on the spot and forwards are derived and presented for all the models in this chapter including a three factor , stochastic convenience yield and interest rate model . ? chapter 7 shows how the prices of path dependent and american style options can be evaluated for the models in chapter 6 . ? simulation schemes are developed for the evaluation of european style options and applied to a variety of path dependent options . ? in order to price options which incorporate early exercise opportunities , a trinomial tree scheme is developed . ? this tree is built to be consistent with the observed forward curve and can be used to price exotic as well as standard european and american style options . ? chapter 8 describes a methodology for valuing energy options based on modelling the whole of the market observed forward curve . ? the approach results in a multi - factor model that is able to realistically capture the evolution of a wide range of energy forward curves . ? the user defined volatility structures can be of an extremely general form . ? closed - form solutions are developed for pricing standard european options , and efficient monte carlo schemes are presented for pricing exotic options . ? the chapter closes with a discussion of the valuation of american style options . ? chapter 9 focuses on the risk management of energy derivative positions . ? in this chapter we discuss the management of price risk for institutions that trade options or other derivatives and who are then faced with the problem of managing the risk through time . ? we begin with delta hedging a portfolio containing derivatives and look at extensions to gamma hedging  ) illustrating the techniques using both spot and forward curve models . ? the general model presented in chapter 8 is ideally suited to multi - factor hedging of a portfolio of energy derivatives and this is also discussed . ? chapter 10 examines the key risk management concept of value at risk ( var ) applied to portfolios containing energy derivative products . ? after discussing the concept of the measure , we look at how the key inputs ( volatilities , covariances , correlations , etc ) can be estimated . ? we then compare the fours major methodologies for computing var ; delta , delta - gamma , historical simulation and monte - carlo simulation , applying each to the same portfolio of energy options . ? in this chapter we also look at testing the var estimates for various underlying energy market variables . ? finally , in chapter 11 we review modelling approaches to credit risk . ? we look in detail at two quite different approaches , creditmetrics ( j . p . morgan ( 1997 ) ) and creditrisk + ( credit suisse financial products ( 1997 ) ) for which detailed information is publicly available . ? together these provide an extensive set of tools with which to measure credit risk . ? we present numerical examples of applying these techniques to energy derivatives . ? before we begin we stress that the models and methods we present in this book are tools which should be used with the benefit of an understanding of how both the  + tool  , and the market works . ? the techniques we describe are certainly not  & magic wands  8 which can be waved at data and risk management problems to provide instant and perfect solutions . ? to quote from the riskmetrics technical document  &  ( no amount of sophisticated analytics will replace experience and professional judgement in managing risk .  8 . ? however , the right tools , correctly used make the job a lot easier !",0 +"Subject: livelink access - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 11 / 2001 01 : 13 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron technology from : moyez lallani @ enron 01 / 16 / 2001 10 : 46 am to : stinson gibner / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect cc : subject : livelink access gentlemen , i have created a folder called research projects folder in the livelink test instance . the url to the test instance is to log in , use your nt login id as your userid and password ( all lowercase ) . you will find the folder on the enterprise workspace . please call me should you require further assistance . moyez lallani x 5 - 3683",0 +"Subject: re : london , new york , houston , financial mathematics june / july 2001 vince : are you just speaking at the one in houston ? vince j kaminski 05 / 01 / 2001 04 : 45 pm to : shirley crenshaw / hou / ect @ ect cc : subject : london , new york , houston , financial mathematics june / july 2001 fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 01 / 2001 04 : 45 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" joanna vidal "" on 05 / 01 / 2001 03 : 43 : 11 pm to : , "" geman helyette "" , , , , , , cc : subject : london , new york , houston , financial mathematics june / july 2001 hello speakers ! my name is joanna vidal and i am the coordinator for the financial mathematics training course being in held on the following dates : london on june 28 & 29 new york on july 9 & 10 houston on july 16 & 17 i am in the process of preparing the speaker packs which will include an updated contact information sheet with all your details . you will receive this pack shortly after you confirm your addresses . i will list them below and i ask that you please look it over and make any necessary corrections . my contact details , for your information are : joanna vidal events coordinator risk waters group t : ( 212 ) 925 1864 ext . 197 f : ( 212 ) 925 7585 jvidal @ riskwaters . com www . riskwaters . com thank you and i look forward to working with you . duane seppi carnegie mellon university graduate school of industrial administrations pittsburgh , pa 15213 - 3890 t : 001 412 - 268 - 2298 f : 001 412 - 269 - 8896 helyette geman universite de paris dauphine finance department au de ka grand ecole corgy pontois , paris france 95021 t : 00 33 60 - 807 - 4200 vincent kaminski enron credit 1400 smith street room ebl 962 houston , tx 77002 - 7361 t : 001 713 - 853 - 3848 f : 001 713 - 646 - 2503 peter nance teknecon , inc . 1515 s . capital of texas highway suite 101 austin , tx 78746 t : 001 512 - 732 - 7084 f : 001 512 - 732 - 7099 chris harris innogy holdings place windmill hill business park whitehill way swindon , wiltshire uk , 5 n 5 6 pb t : 44 793 387 - 7777 f : 44 793 389 - 7811 spyros maragos dynergy , inc . 1000 louisiana street suite 5800 houston , tx 77002 t : 011 713 - 507 - 6589 f : 001 713 - 767 - 5958 ehud ronn university of texas at austin department of finance mccombs school of business austin , tx 78712 - 1179 t : 001 512 - 471 - 5853 f : 001 512 - 471 - 5073",0 +"Subject: uk ppi curve generator with smoothing - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 03 / 31 / 2000 01 : 43 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - anjam ahmad 03 / 28 / 2000 02 : 08 pm to : martina angelova / lon / ect @ ect , trena mcfarland / lon / ect @ ect cc : dale surbey / lon / ect @ ect , mary thambiah / lon / ect @ ect , zimin lu / hou / ect @ ect , stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : uk ppi curve generator with smoothing hi martina & trena , i think this is a reasonable smoothing method between the short and long - term models - let me know if you need me to explain it . i also included the short - term models so this is now a self - standing spreadsheet , but probably still needs cleaning up a bit . zimin & stinson : we agreed on short - term and long - term models for dzcv and pllu ppi indices in a meeting with dale and trena and a simple smoothing is employed to give the results as follows . blue and red curves are the proposed dzcv and pllu ppi index forward curves whilst rpi is the market - derived black curve . regards , anjam x 35383",0 +"Subject: re : mg metals : additional areas to look at dear richard , thanks for your message - i just met lloyd fleming who is setting up meetings for me and getting me some of the information requested . houston research has started on this process , but i believe that i will take over from here - i am in houston in 10 days time and will also discuss initial findings with them . regards , anjam hmad london research x 35383 richard sage 30 / 06 / 2000 09 : 50 to : anjam ahmad / lon / ect @ ect cc : subject : mg metals : additional areas to look at phil redman will come to see you to capture appropriate tasks on the overall project plan and identify dependencies . i hope lloyd has kept you up to date so far . i have added you to the address list for daily updates affecting the support functions . - - - - - - - - - - - - - - - - - - - - - - forwarded by richard sage / lon / ect on 30 / 06 / 2000 09 : 50 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron europe from : anjam ahmad 30 / 06 / 2000 09 : 46 to : lloyd fleming / lon / ect @ ect , richard sage / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , bjorn hagelmann / hou / ect @ ect , dale surbey / lon / ect @ ect , tanya tamarchenko / hou / ect @ ect subject : mg metals : additional areas to look at dear lloyd & richard , i have been discussing with eric gadd about two particular areas of concern that will affect the london research group . i believe there are a number of issues to address to ensure that the integration goes smoothly from a risk management and quantitative analysis perspective , and i have put together a ( by no means exhaustive ) list : - i ) seamless transfer of front and middle office systems from an exotic options linking perspective ( e . g . their spreadsheets link to different option pricing add - ins ) ii ) development of volatility curves and factor analysis to ensure that we can capture metals risk in our var system ( we will require historical data for this ) . i am sure bjorn will be looking to the research group to assist in this matter . iii ) ensure that mg staff on quant and risk side become familiar with our methods and systems and vice versa these tasks will involve a significant degree of cross - communication with relevant contacts within mg metals , and so i look forward to starting on the process as soon as possible - i hope to play a full part from a quantitative research and risk management perspective to ensure that everything goes smoothly in this exciting new development , so please do not hesitate to involve me . best regards , anjam ahmad research x 35383",0 +"Subject: re : follow - up thanks , vince , that is great information . eric vince j kaminski @ ect 08 / 25 / 2000 02 : 51 pm to : eric thode / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : follow - up eric , mandeep chahal , ainsley gaddis , sofya tamarchenko , elena chilkina , james aimone should not count . m . chahal was transferred to the new company , the rest are summer interns ( gone back to school ) , or part - time high school or college kids . i shall walk around and remind the rest of the crowd about the deadline . vince eric thode @ enron 08 / 25 / 2000 02 : 31 pm to : vince j kaminski / hou / ect @ ect cc : subject : follow - up vince - - we have been working the last few days to get ena ' s united way participation rate up as high as possible . i called earlier about your cost center because the following 16 employees were listed in power trading , but i believe are part of the research organization . if you have a chance , could you encourage them to log onto http : / / unitedway . enron . com on the intranet and make a contribution to the united way . the deadline is today . thanks . eric employees in your cost center : ainsley gaddis elena chilkina james aimone jose marquez kevin moore mandeep chahal maureen raymond osman sezgen paulo issler peyton gibner pinnamaneni krishnarao samer takriti sofya tamarchenko thomas halliburton william smith yana kristal",0 +"Subject: call option - promigas zimin , thanks for the meeting yesterday , your help is going to be very valuable for the analysis of our deal . below you will find the names of the comparable companies you can use for the study of the volatility : cablevision comcast cox communications mediaone group rogers communications time warner morgan stanley dean witter published a memorandum on january 5 / 00 "" us investment research : cable television "" where you can get detailed information on the performance of these companies we will be working on the histogram during the weekend and we will be sending the results to you as soon as possible . regarding the quotes for the loan guarantee we will be getting them on monday . please let me know if you will need any additional information for the volatility study thanks and regards , maria elena",0 +"Subject: friday brown bag for options pricing hello , researchers : this friday we have paulo issler speaking on "" implied trees and edgworth binomial trees "" . time : 12 noon , may 26 ; place : 19 c 2 . the brown bag series has been a success thanks to your participation . hope to see you again this friday . zimin , alex .",0 +"Subject: california 1 / 17 / 01 summary : late night efforts by the california assembly to craft a legislative solution are falling short of market and creditor expectations . bankruptcy appears increasingly likely , but the dynamics of a ch . 11 proceeding remain unclear . socal edison is likely to be the first in ch . 11 following its suspended payments to creditors yesterday and is now in a 30 day cure period . attempts to bring in the assets of the parent companies are unlikely to succeed . bankruptcy would provide davis with some political cover to implement the tough decisions that he has so far avoided on the questions of rate hikes and other costs to taxpayers connected to the proposed operations of the california power authority . 1 . legislation passes assembly , but generators and consumers remain unhappy the first legislation ( ab lx ) passed the california general assembly last night , but both generators and consumers are unhappy with the terms . generators object to the 5 . 5 cent per kw / h price in the proposed long - term contract , while consumer groups such as the foundation for taxpayer and consumer rights object to the state acting as a purchaser of power . the legislation is expected to pass the senate today and to be signed by governor davis as early as tonight . press and source reporting this morning confirms that the principal financial creditors and utility analysts are also unimpressed with the bill , which is viewed as insubstantial and falling short of creating a solution to the financial pressures on the utilities . 2 . financial institutions exposure to california utilities bank of america : $ 215 million j . p . morgan : $ 202 million there is a total of $ 12 billion in outstanding loans , but much of this ( arranged by societe general ) is to the parents national energy group and edison international . the $ 417 million mentioned above is the most immediate concern . the southern california edison loans are subject to immediate repayment in the aftermath of yesterday ' s rating downgrade to junk status . the fed will not be involved , except in a routine way as a bank regulator making sure that the appropriate risk reserves are made against the utilities ' loans and securities . there is no moral hazard here , because the fed is not going to guarantee any of the utilities ' credits , which , by the way , they do not have the authority to do . 3 . pg & e / national energy group - shielding assets despite considerable anger at pg & e for reorganizing to shield its profitable assets from its debt - plagued utility business , it would seem that davis has little authority to intervene . the question of "" fraudulent conveyance "" , which is a term in bankruptcy law for transferring assets to favored parties not long before a filing ( which transfer can then be reversed by the court ) would not seem to apply here , since pg dynegy has threaten to take take edison into bankruptcy court if they default pg & e current available : $ 500 m in cash and reserves due feb : lst - $ 580 m to iso 15 th - $ 431 m to california power exchange contrary to press reports and leaks from the governor ' s office yesterday about political brinksmanship , edison is clearly not playing negotiating games and is really short of cash . in this situation , it is unlikely that its executives will be making fraudulent statements . the bonds on which they failed to pay would have a 30 - day cure period . after that the trustees will move on edison , if edison has not already filed . they have three ways of financing power purchases going forward : 1 ) the state continues to buy power and sell edison ( and pg or 2 ) pending the passage of today ' s legislation , the state legislature authorizes the purchase of power through long - term contracts under the proposed borrowing authority ; or 3 ) edison files for reorganization under chapter 11 and obtains almost immediately superpriority post - petition lines of credit secured against its unmortgaged assets , which it uses to pay for power until the puc and the rest of the state government recognize that rates have to increase . 6 . new hampshire experience a guide for davis ? following the bankruptcy of the public service company of new hampshire , the bankruptcy judge was authorized by a higher court to mandate rate hikes . the prospect of imposed rate hikes from the bankruptcy court caused the state government to subsequently determine that rate hikes to consumers were unavoidable , passing a seven year rate hike of 7 . 5 percent . for davis , a similar scenario would provide him with some political cover , if he were forced by the bankruptcy court to pass through rate hikes as part of a settlement .",0 +"Subject: re : d - g energy karla , the wording you have below sounds reasonable as we would only use the code for internal valuation purposes . i also checked with vince regarding the issues we discussed by phone yesterday . he would like to specify a 2 day response time for the software support . also , he would like to specify that the payment schedule be : 50 % at time of initial contract and 50 % at the time when the software is released . this would give them an incentive to release the software before the full year is over if they want to accelerate the payment . thanks again for all the help , stinson from : karla feldman on 09 / 06 / 2000 10 : 30 am to : stinson gibner / hou / ect @ ect cc : subject : d - g energy stinson , while trying to put together the agreements for d - g energy , i have an additional question : i need to know exactly what yall plan to do with the source code once you have it after the initial one year period is up ? there are still limitations as to what you can do with it , so i will need to know so we can try to revise the contract so that you will be legal . for example , in the language regarding release of the source code from escrow , it states that once you have the source code , you just have the "" right to use , copy and modify the source code , solely for our internal purposes in connection with support , maintenance and operation of the software "" . do yall plan to reverse engineer , decompile , etc ? do you plan on using any of their code to create our own product ? if so - i think these are going to be a problem . the latter would be an infringement issue , unless we were to contract to do so . please let me know more details of your plan so i can see how we need to proceed in this area . thanks , karla x 67554",0 +"Subject: re : enron , india database sandeep , ? we ' ve ? completed a review ? this morning to try to fill in missing pieces ? of information on hourly load shapes , hydro dispatch history , and transactions for india and have not come up with anything yet . would you know of any of the above information which would ? assist us in our efforts ? ? thanks , ? david yomogida ? - - - - - original message - - - - - from : david to : sandeep kohli cc : robert schenck - australia ; vince j kaminski ; stinson gibner sent : wednesday , january 10 , 2001 6 : 20 pm subject : enron , india database sandeep , ? below , i have summarized henwood ' s work on the india database to date . ? the "" inter _ regional links . ppt "" file shows the topology and links between bubbles in the our model and "" expand _ india _ data _ 011000 . xls "" details the existing station information that we have compiled to date . ? total resources closely match reported resources as shown in "" l & r _ 0110 . xls "" . reported india total in 1997 is 86 , 000 mw and that in the henwood database is 84 , 000 mw through 1997 . ? region emss database reported [ 1 ] difference india total 84 , 103 86 , 120 2 , 017 ? ? we are currently working on the development of hourly load shaping , seasonal hydro energy allocation , and the gathering of transaction information . sandeep , we will try to contact you tomorrow ( thursday - - australia ? or wednesday - - united states ) to answer any questions that you may have on this information . ? sincerely , ? david yomogida ? ?",0 +"Subject: part - time work vince : i enjoyed the lunch and part of your presentation last week ( i had an other engagement to attend to , and hence could not make it to the rest of the presentation and reception following it ) . i appreciate the part - time offer , however , i must admit that i did not find the terms very favorable . unlike a person who is permamently located in houston , i would have the inconvenience and cost of commuting between austin and houston , and of accomodation both in austin and houston . i really would love to work in the research group and am sincere about this . i would just hope that you would consider compensating me at manager level so that i can cover transportation , accomodation expenses and more importantly , justify the decision to devote at least half of my time to enron away from my thesis . i will be looking forward to hearing from you soon . best , cantekin dincerler doctoral candidate the university of texas at austin graduate school of business department of finance office : ( 512 ) 471 - 1676 fax : ( 512 ) 471 - 5073 home : ( 512 ) 472 - 5356 cell : ( 512 ) 680 - 5355 http : / / uts . cc . utexas . edu / ~ cantekin",0 +"Subject: texas finance festival registration the attached is the registration form and information for the texas finance festival which will be held on april 7 - 8 , 2000 in san antonio . cindy - - - - - - - - - - - - - - - - - - - - - - forwarded by cindy justice / hou / ect on 01 / 06 / 2000 08 : 35 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" john d . martin "" on 01 / 03 / 2000 10 : 23 : 21 am to : cindy justice / hou / ect @ ect cc : subject : good morning ! cindy , i tried to send this out earlier and it bounced back . hope it makes it this time . john - announcerev . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: review of paper by titman , et al resending . . . vasant - - - - - - - - - - - - - - - - - - - - - - forwarded by vasant shanbhogue / hou / ect on 10 / 10 / 2000 11 : 58 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vasant shanbhogue 10 / 02 / 2000 02 : 04 pm to : vince j kaminski / hou / ect @ ect cc : subject : review of paper by titman , et al",0 +"Subject: re : options calculator hi , michael , i will take a look . zimin michael danielson 10 / 06 / 2000 09 : 26 am to : zimin lu / hou / ect @ ect cc : subject : options calculator here ' s the link to the options calculator : ",0 +"Subject: telephone interview with the enron corp . research group good afternoon mr . xu your resume has been forwarded to the research group with enron corp . they would like to conduct a telephone interview with you at your convenience . please let me know your available dates and times along with the telephone number you may be reached at and they will call you . the interviewers would be : vince kaminski managing director stinson gibner vice president zimin lu director look forward to hearing from you . regards , shirley crenshaw administrative coordinator enron corp . research 713 / 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: treasury memo kevin , the memo looks good . one suggestion i have is to emphasize what we can deliver by end of january since that was the initial deadline . although the memo indicates that a lot of work has been done , the reader might want to know what he can get in his hand in terms of models or quantitative results . you will of course describe everything in your presentation , but given that setting up presentations may take time , you should think about creating some template / model and send it with brief explanations . for example , a template for trs as it stands , and a template listing trigger events and how the results will be displayed . you can then expand on this in your presentations . vasant",0 +"Subject: tony hamilton / joe carson questions vince , i just wanted to follow - up with you regarding the action items that were taken away from yesterday ' s meeting with you , mike roberts , norma , and myself . 1 ) tony hamilton as you know tony ' s official start date was march 12 , 2001 , and he has yet to receive a paycheck . london ' s pay cycles are different than ours however , and they only get paid on the 20 th of each month . tony did not receive a paycheck on march 20 th because all of his new hire information has to be put into sap ( the payroll system ) by the first of the month for the employee to receive a check on the 20 th . consequently , tony will not receive his first paycheck until april 20 th . if you would like for me to try and work with the london office however and try to get him a paycheck quicker than that , please let me know . 2 ) joe carson from what i am able to gather , gary hickerson did make joe carson an offer that consisted of a one - year contract . however , gary is out of town until monday , and no one is sure of the specifics of the deal . would you like me to contace joe to find out the specifics , or would it be more acceptable for me to wait until gary returns so that i can get all of the facts . i look forward to working with you . thanks , anne labbe '",0 +"Subject: re : equity investment fair value in turkey john , it seems to me that using a risk - free rate is not appropriate . i shall elaborate on my position and send you a longer message this afternoon ( my time ) . vince enron capital & trade resources corp . - europe from : john bottomley 06 / 19 / 2000 05 : 55 am to : vince j kaminski / hou / ect @ ect cc : john sherriff / lon / ect @ ect , dale surbey / lon / ect @ ect subject : equity investment fair value in turkey vince , john sherriff recommended that i contact you regarding an interesting ( and potentially contentious ) option valuation issue we are currently dealing with in london . we hold longish term options in a private company in turkey which is currently seeking to ipo . the issue we are discussing with rac is which discount rate ( i . e . , risk - free ? and if so turkish or us ? ) should we use to value these options first , some additional information . option characteristics : - - 116 , 000 options ( representing 9 % of the company ) - - term : minimum of 3 years but possibly longer - - still being renegotiated - - strike price : 20 % below the upcoming ipo price ( either priced in us $ or turkish lire ) we currently hold the above number of options with a fixed price of $ 118 . 75 per option but 34 , 800 expire on july 15 , 2000 with the remainder expiring on december 15 , 2000 . the company ' s investment bankers ( abn / amro rothchilds ) are concerned regarding the strike price because it values the company at $ 118 million and they believe the company is worth approx $ 300 million . due to such a large "" valuation gap "" , they originally encouraged us to exercise all of the options by the end of june ( ipo target date in late sept / early oct ) . our counter - proposal is to "" swap "" instrinsic value for time value by repricing the options strike higher while extending their term . we are currently negotiating with rac the most appropriate discount rate to use to value the options . we are arguing that the us risk free is the most appropriate discount rate and their current position is that the company ' s historical senior debt cost ( 18 % ) is the more appropriate number to use ( although admit that this is not justifiable - - only a proxy ) a few key points : - - rac is valuing the options via crystal ball simulations such that this "" to be negotiated "" discount rate is used to calculate the pv of the future options intrinsic value in 3 years ( i . e . , for black - scholes , a higher discount rate yields a higher value but the opposite is true using crystal ball simulation ) - - the model simulates both an ipo / no ipo case and in the case of no ipo we have put options for our equity priced at a fixed 17 % return - - the model assigns a 30 % illiquidity discount - - in the simulated cases where the options are out - of - the - money , we obviously do not exercise . we understand that for black - scholes option valuation , one needs to be able to construct a comparable portfolio of cash flows using equity futures and the risk free in order for the valuation to hold . and here is where we reach our difficulty : since the company doesn ' t currently trade on a public market and since equity futures do not exist for turkish equities , rac is arguing that a us risk free is not appropriate to use . our argument is that the non - ipo scenario , a 30 % illiquidity discount and a us $ based option volatility are already in the factored into the simulation . as such , we feel rac ' s approach is double counting . if you managed to get through the above , your a patient man ! i ' ll give you a call today or tomorrow after you ' ve had a chance to digest the information . regards , john bottomley",0 +"Subject: california update 5 / 4 / 01 if you have any questions , please contact kristin walsh at ( 713 ) 853 - 9510 . bridge loan financing bills may not meet their may 8 th deadline due to lack of support sources report there will not be a vote regarding the authorization for the bond issuance / bridge loan by the may 8 th deadline . any possibility for a deal has reportedly fallen apart . according to sources , both the republicans and democratic caucuses are turning against davis . the democratic caucus is reportedly "" unwilling to fight "" for davis . many legislative republicans and democrats reportedly do not trust davis and express concern that , once the bonds are issued to replenish the general fund , davis would "" double dip "" into the fund . clearly there is a lack of good faith between the legislature and the governor . however , it is believed once davis discloses the details of the power contracts negotiated , a bond issuance will take place . additionally , some generator sources have reported that some of the long - term power contracts ( as opposed to those still in development ) require that the bond issuance happen by july 1 , 2001 . if not , the state may be in breach of contract . sources state that if the legislature does not pass the bridge loan legislation by may 8 th , having a bond issuance by july lst will be very difficult . the republicans were planning to offer an alternative plan whereby the state would "" eat "" the $ 5 billion cost of power spent to date out of the general fund , thereby decreasing the amount of the bond issuance to approximately $ 8 billion . however , the reportedly now are not going to offer even this concession . sources report that the republicans intend to hold out for full disclosure of the governor ' s plan for handling the crisis , including the details and terms of all long - term contracts he has negotiated , before they will support the bond issuance to go forward . currently there are two bills dealing with the bridge loan ; ab 8 x and ab 31 x . ab 8 x authorizes the dwr to sell up to $ 10 billion in bonds . this bill passed the senate in march , but has stalled in the assembly due to a lack of republican support . ab 31 x deals with energy conservation programs for community college districts . however , sources report this bill may be amended to include language relevant to the bond sale by senator bowen , currently in ab 8 x . senator bowen ' s language states that the state should get paid before the utilities from rate payments ( which , if passed , would be likely to cause a socal bankruptcy ) . according to sources close to the republicans in the legislature , republicans do not believe there should be a bridge loan due to money available in the general fund . for instance , tony strickland has stated that only 1 / 2 of the bonds ( or approximately $ 5 billion ) should be issued . other republicans reportedly do not support issuing any bonds . the republicans intend to bring this up in debate on monday . additionally , lehman brothers reportedly also feels that a bridge loan is unnecessary and there are some indications that lehman may back out of the bridge loan . key points of the bridge financing initial loan amount : $ 4 . 125 b lenders : jp morgan $ 2 . 5 b lehman brothers $ 1 . 0 b bear stearns $ 625 m tax exempt portion : of the $ 4 . 125 b ; $ 1 . 6 b is expected to be tax - exempt projected interest rate : taxable rate 5 . 77 % tax - exempt rate 4 . 77 % current projected blended ir : 5 . 38 % maturity date : august 29 , 2001 for more details please contact me at ( 713 ) 853 - 9510 bill sb 6 x passed the senate yesterday , but little can be done at this time the senate passed sb 6 x yesterday , which authorizes $ 5 billion to create the california consumer power and conservation authority . the $ 5 billion authorized under sb 6 x is not the same as the $ 5 billion that must be authorized by the legislature to pay for power already purchased , or the additional amount of bonds that must be authorized to pay for purchasing power going forward . again , the republicans are not in support of these authorizations . without the details of the long - term power contracts the governor has negotiated , the republicans do not know what the final bond amount is that must be issued and that taxpayers will have to pay to support . no further action can be taken regarding the implementation of sb 6 x until it is clarified how and when the state and the utilities get paid for purchasing power . also , there is no staff , defined purpose , etc . for the california public power and conservation authority . however , this can be considered a victory for consumer advocates , who began promoting this idea earlier in the crisis . socal edison and bankruptcy at this point , two events would be likely to trigger a socal bankruptcy . the first would be a legislative rejection of the mou between socal and the governor . the specified deadline for legislative approval of the mou is august 15 th , however , some decision will likely be made earlier . according to sources , the state has yet to sign the mou with socal , though socal has signed it . the republicans are against the mou in its current form and davis and the senate lack the votes needed to pass . if the legislature indicates that it will not pas the mou , socal would likely file for voluntary bankruptcy ( or its creditor - involuntary ) due to the lack operating cash . the second likely triggering event , which is linked directly to the bond issuance , would be an effort by senator bowen to amend sb 31 x ( bridge loan ) stating that the dwr would received 100 % of its payments from ratepayers , then the utilities would receive the residual amount . in other words , the state will get paid before the utilities . if this language is included and passed by the legislature , it appears likely that socal will likely file for bankruptcy . socal is urging the legislature to pay both the utilities and the dwr proportionately from rate payments .",0 +"Subject: re : meeting nov 8 th vince , i look forward to seeing you tomorrow around 3 : 30 / 3 : 45 . ? christie , many thanks for helping get this organized . ? i am working on the tour list also . thanks , carrie at 12 : 48 pm 11 / 7 / 00 - 0600 , you wrote : hi vince and carrie ! per my voice mails to each of you , here are your respective phone numbers : vince kaminski : 713 - 853 - 3848 carrie miller : 713 - 348 - 5260 . i hope your respective schedules allow for a meeting at rice tomorrow to discuss rice ' s action learning program . please leave me a voice mail if there is anything else i can do regarding this effort . ? ( 713 ) - 853 - 6117 . thanks ! - - christie . = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = carrie chamberlin miller director of mba program jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ? ( 713 ) 348 - 5260 fax : ? ( 713 ) 348 - 5251 e - mail : ? cmiller @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: an interview shirley , please schedule an interview with konstantin on may 8 . stinson , zimin , alex , tanya , krishna , myself . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 02 / 2001 03 : 07 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" konstantin n . kudin "" on 05 / 02 / 2001 01 : 39 : 15 pm to : cc : subject : an interview dear dr . kaminski we have talked earlier during your energy class at rice about career opportunities in risk management at enron . if it is possible , i would like to meet with you and people from your group next week , preferably tuesday ( may 8 ) . my time is flexible , i could come any time . other days are also fine . thank you very much in advance . sincerely , konstantin kudin",0 +"Subject: fwd : hea renewals & crawfish boil teaser shirley , please , enroll me in this organization . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 04 / 2000 10 : 11 am - - - - - - - - - - - - - - - - - - - - - - - - - - - jlpnymex @ aol . com on 03 / 22 / 2000 04 : 24 : 33 pm to : nalexander @ texasmonthly . emmis . com , blackj @ wellsfargo . com , rdyerlaw @ houston . rr . com , sgoldfield @ tmh . tmc . edu , ggulen @ uh . edu , lesley . guthrie @ cpa . state . tx . us , elizabethherring @ pzlqs . com , robyn _ howard @ aimfunds . com , vkamins @ enron . com , mmfoss @ uh . edu , adrian . a . nunez @ usa . conoco . com , jack _ plunkett @ plunkettresearch . com , james . stanton @ et . pge . com , dstowers @ watersinfo . com , woodybc @ bp . com cc : subject : fwd : hea renewals tue , 21 mar 2000 17 : 20 : 25 - 0500 received : from cobaltl . crescentcon . com ( cobaltl . crescentcon . com [ 208 . 244 . 126 . 12 ] ) by rly - ydol . mx . aol . com ( v 70 . 21 ) with esmtp ; tue , 21 mar 2000 17 : 20 : 07 - 0500 received : ( from httpd @ localhost ) by cobaltl . crescentcon . com ( 8 . 9 . 3 / 8 . 9 . 3 ) id qaao 2187 ; tue , 21 mar 2000 16 : 20 : 06 - 0600 date : tue , 21 mar 2000 16 : 20 : 06 - 0600 message - id : to : jlpnymex @ aol . com from : houston energy association subject : hea renewals & crawfish boil teaser dear hea member : this week is the absolute last week you can renew and be included in the annual directory . just call the office ( 713 / 651 - 0551 ) and if you have no changes , you can renew with your credit card over the phone . also , our next event is april 11 th at woodrow ' s on chimney rock . hea is proud to announce that the new york mercantile exchange ( nymex ) is our corporate sponsor of the 8 th annual crawfish boil . nymex is celebrating their 10 th anniversary of natural gas futures trading , and will be awarding several door prizes that evening . this will be the last event at which to purchase one of the remaining raffle tickets for the harley davidson sportster which will be awarded to some lucky winner at energy extravaganza on may 6 , 2000 . so renew your dues , and watch your fax and email for more details about april 11 th ! this message was sent by : teresa knight , executive director houston energy association ( hea ) phone : ( 713 ) 651 - 0551 fax : ( 713 ) 659 - 6424 tknight @ houstonenergy . org if you would like to have your email address removed from our mailing list , please click the link below to the hea home page , where you will find a mini - form to remove your name automatically . http : / / www . houstonenergy . org /",0 +"Subject: holiday gift thank you so much for your thoughtfulness . . . . this basket is absolutely beautiful . . . . . thanks again for your thoughtfulness and for thinking of me . . . . . . you have a wonderful holiday . . . . . . kay",0 +"Subject: re : 1 . your thur . / fri . austin trip ; 2 . presentation of my risk - management optimization model ; 3 . enron on - line ehud , sorry i shall miss you on thursday . i shall definitely attend you presentation at power 2000 . i shall ask about a guest accounton eol . typically , such an account allows an outside user to take a look at the system , but i don ' t think the traders will allow systematic access to the price data over a long period of time by a third party . vince "" ehud i . ronn "" on 05 / 01 / 2000 05 : 54 : 50 pm to : vince . j . kaminski @ enron . com cc : subject : 1 . your thur . / fri . austin trip ; 2 . presentation of my risk - management optimization model ; 3 . enron on - line vince , greetings . i am following up at this time with respect to the above issues we discussed in san antonio . 1 . i am leaving thur . morn for philadelphia , and shall not be back until late fri . ( my etd is 9 : 40 a . m . , which i understand is less than an hour before your arrival . . . ) thus i shall regrettably miss your current ut visit , which we had hoped to also use as an opportunity to present / discuss my enterprise - wide risk management model . 2 . that said , i shall be presenting an abridged version of this model at power 2000 ' s first day , 5 / 9 4 : 15 - 4 : 55 p . m . while i realize you ' ll be very busy over power 2000 ' s two days , should your schedule permit , i should most welcome the opportunity for you to see the model . 3 . per your suggestion in san antonio , i would like to take this opportunity to inquire whether i might obtain an enron on - line account to obtain electricity prices quoted by enron . i look forward to seeing you at power 2000 . best regards , ehud ehud i . ronn department of finance college and graduate school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: re : eprm 2001 houston layla , a few points . i shall be glad to attend the reception . i am falling behind in getting my presentation ready . sorry for the delay . i can commit to delivering the required number of copies on the day of my presentation ( or a day before ) . i have done it on two occasions before ( power 2000 and power 1999 ) : the copies were produced by our company copy center at no cost to you . my associate , tanya tamarchenko , is helping me with one aspect of the presentation and i would like her to deliver part of my speach . it ' s only fair to give her the credit when the credit is due . is it ok to include her as an additional speaker ? vince "" layla o ' leary "" on 04 / 30 / 2001 09 : 04 : 52 am please respond to to : cc : subject : eprm 2001 houston dear speaker , pre - congress cocktail reception - sunday 13 th may @ 5 : 30 pm in the juniper room we would be delighted to have you attend our pre - congress cocktail reception . we will be extending this invitation to all our sponsors , exhibitors and eprm / risk waters group staff . we hope this will provide a perfect opportunity for you to meet all our staff and clients before the formal opening of eprm 2001 usa + rsvp i would also like to remind you that i need any missing presentations by thursday 3 rd may . it is essential that i get these in as the delegates rely on these to make notes and get very upset if they are not included in the packs . if you still haven ' t informed me of your av requirements , please do so as quickly as possible . i also require a short biography . i would like to point out that i will not be taking any presentations on disk to the event . if you are using a laptop , your presentation should be loaded onto the laptop that you bring with you . you must bring your own laptop and disc , with connecting cables . any questions , please do not hesitate to contact me . kind regards layla o ' leary event co - ordinator risk waters group haymarket house 28 - 29 haymarket london swly 4 rx tel : + 44 ( 0 ) 20 7484 9871 fax : + 44 ( 0 ) 20 7484 9800",0 +"Subject: weather and energy price data elena , please , prepare for mulong ng and power price series . we can use henry hub for ng , cinergy , cobb and pv for electricity . we can send him ng price right away . electricity prices are different : he has to obtain permission from ft ( megawatts daily ) . i shall cc you on my msg to him . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 16 / 2001 02 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - mulong wang on 04 / 15 / 2001 03 : 43 : 26 am to : vkamins @ ect . enron . com cc : richard macminn subject : weather and energy price data dear dr . kaminski : i am a phd candidate under the supervision of drs . richard macminn and patrick brockett . i am now working on my dissertation which is focused on the weather derivatives and credit derivatives . could you kindly please offer me some real weather data information about the price peak or plummet because of the weather conditions ? the past winter of 2000 was very cold nationwide , and there may be a significant price jump for natural gas or electricity . could you please offer me some energy price data during that time period ? your kind assistance will be highly appreciated and have a great day ! mulong",0 +"Subject: re : dave , both days . vince david ikenberry on 02 / 06 / 2001 01 : 39 : 58 pm to : vince . j . kaminski @ enron . com cc : ostdiek @ rice . edu subject : hi vince , i just now heard back from andrew karolyi . he will be here on monday march 12 . would you be available for dinner either on sunday march 11 or monday march 12 ? thanks , dave * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * prof . david ikenberry jones graduate school of management rice university 713 - 348 - 5385",0 +"Subject: conference steve , the slides are ok . how are the negotiations with risk proceeding ? they had recently many changes ( firing people ) . vince",0 +"Subject: re : biliana ' s resume biliana , i am glad i could help . look forward to working with you . vince biliana pehlivanova on 12 / 31 / 2000 08 : 19 : 52 am to : vince . j . kaminski @ enron . com cc : subject : re : biliana ' s resume mr . kaminski , i would like to thank you for forwarding my resume . i have resently accepted enron ' s offer for a position with the analyst program and will be joining the company in february . hope you had a merry christmas and wish you a happy new year ' s ! regards , biliana - - - vince . j . kaminski @ enron . com wrote : > > biliana , > > i forwarded your resume to the hr person > responsible for recruiting at your university > with my recommendation . > > vince > > > > > > biliana pehlivanova > on 09 / 28 / 2000 06 : 02 : 20 > pm > > to : vkamins @ enron . com > cc : > subject : biliana ' s resume > > > mr . kaminski , > > > thank you for referring me to your recruitment > representative . > > attached is my resume . i would appreciate you > letting > me know the name of the hr person whom i can folow > up > with . > > best regards , > biliana > > > = = = = = > = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = > biliana pehlivanova > vice president of incoming exchange > aiesec houston > 713 743 - 4927 > = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = > > _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ > do you yahoo ! ? > yahoo ! photos - 35 mm quality prints , now get 15 > free ! > http : / / photos . yahoo . com / > ( see attached file : biliana ' s resume . doc ) > > > > attachment part 2 application / octet - stream name = biliana ' s resume . doc = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = biliana pehlivanova vice president of incoming exchange aiesec houston 713 743 - 4927 = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = do you yahoo ! ? yahoo ! photos - share your holiday photos online ! http : / / photos . yahoo . com /",0 +"Subject: re : tony hamilton tony hamilton reports to mike roberts in the houston office . vince kaminski will answer these questions for you at any given time . tony ' s start date in london will be april 9 th thanks kevin moore desleigh langfield 04 / 04 / 2001 08 : 29 am to : kevin g moore / hou / ect @ ect cc : subject : tony hamilton kevin tani nath who heads up the structuring and research teams rang this morning to get more information on tony . can you tell me who he reports to in houston and whether that person will continue to manage him remotely ? what cost centre he should be charged to ? whose headcount he appears on , and for what group he will be providing services for , tani was unsure on all of the above and wants clarification . also can you confirm his start date in london thanks desleigh - - - - - - - - - - - - - - - - - - - - - - forwarded by desleigh langfield / lon / ect on 04 / 04 / 2001 14 : 27 - - - - - - - - - - - - - - - - - - - - - - - - - - - desleigh langfield 06 / 03 / 2001 13 : 40 to : steven leppard / lon / ect @ ect cc : subject : tony hamilton steve all sorted and we will check later in the week with it that all is okay . can you please tell your assistant to organise a desk for tony , no rush obviously thanks desleigh - - - - - - - - - - - - - - - - - - - - - - forwarded by desleigh langfield / lon / ect on 06 / 03 / 2001 13 : 38 - - - - - - - - - - - - - - - - - - - - - - - - - - - desleigh langfield 06 / 03 / 2001 13 : 38 to : european resolution center / lon / ect @ ect cc : kevin g moore / hou / ect @ ect , steven leppard / lon / ect @ ect , anna seymour / lon / ect @ ect subject : tony hamilton hi tony is a uk employee who starts next monday 12 th march 2001 , we have done a quick start in nest today for him . tony will be working his first month in the houston office , however we still need to set up a log on and notes account here . can you please send the log on and password for both accounts to kevin as he will be meeting with tony on monday morning in the houston office . tony will not have a desk arranged for him until he comes back in approximately a month so no actual pc is necessary until then . one question - with a uk log on and notes account , will tony be able to access these from houston ? if it ' s complicated can you please let kevin know how to do this . any problems let me know thanks desleigh",0 +"Subject: london research intranet felipe following our discussion please close down all intranet access to the london research group site . inaccuracies have been found in the content which may have implications for our trading operations . closing the site will force traders to contact our group direct , ensuring only correct information is passed . the site will be completely overhauled over the coming months , so i see little benefit in reinstating access to the site in the near future . many thanks , steve",0 +"Subject: harvard - - nyu itinerary hi ! attached please find the itinerary for the harvard - - - nyu trip ; please disregard any parts of the trip that don ' t apply to you . if i have not already done so , i ' ll try this morning to get you a copy of the enron online case being taught at harvard tomorrow ( thursday ) . otherwise , i ' ll give it to you on the plane - - it ' s fewer than 15 pages , so it ' s a quick read . please call me if you have any questions ( 3 - 6117 ) . otherwise , i ' ll see you at the corporate hangar at 6 pm . ( for anyone unfamiliar with the location of the corporate hangar , i believe you can get a map / address / directions from the enron aviation department . ) thanks ! - - christie .",0 +"Subject: job description for sr . adm . asst - research group posting norma : here is the "" job description "" that vince asked me to provide . let me know if you need anything else . shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 08 / 07 / 2000 01 : 24 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 08 / 07 / 2000 08 : 29 am to : sheila walton / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , norma villarreal / hou / ect @ ect subject : re : anita dupont resume sheila , no , we have to go through the posting phase first . i shall ask shirley to provide the job description . vince from : sheila walton 08 / 04 / 2000 02 : 44 pm to : vince j kaminski / hou / ect @ ect cc : norma villarreal / hou / ect @ ect subject : re : anita dupont resume vince , alice has strong qualities for a sr admin asst . vince , have we posted this position on the job posting board ? if so , great . if not , we need to post this opening to prove that we have given an opportunity to all existing enron employees before we go outside to external candidates . otherwise , existing employees have a valid complaint that we are limiting their advancement within enron but hiring externally . if we have not posted this , i will have the recruiter contact shirley so shirley can give us a job description . then we can post and interview anita simultaneously . please let me know asap if this has been posted . thanks . sheila walton vince j kaminski 08 / 02 / 2000 08 : 48 am to : sheila walton / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : anita dupont resume sheila , i would like to hire anita dupont as a senior admin assistant , reporting to shirley . please , call me about it after you review the resume . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 02 / 2000 08 : 52 am - - - - - - - - - - - - - - - - - - - - - - - - - - - anita dupont @ enron 08 / 02 / 2000 08 : 17 am to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : anita dupont resume vince : here is the resume you requested . thanks . anita",0 +"Subject: assume i will not be chairing . . . dear joel , as i have not received any reply yet re email below , i have arranged other appts for myself on monday and will not be chairing any seesions . rgds raymond 345 pm ; 14 july - - - - - - - - - - - - - - - - - - - - - - forwarded by raymond yeow / enron _ development on 07 / 14 / 2000 03 : 40 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - raymond yeow 07 / 12 / 2000 07 : 39 pm to : "" joel hanley "" cc : subject : re : is there any chance you could chair a session at the conference ? dear joel , will be glad to help out but had a look at the stream 2 on monday and it is 1120 am - 520 pm covering three sessions ! ! ! could i suggest that i take the 1120 am - lunch session and you can find another speaker ( s ) from day 2 to chair the afternoon session ( s ) . i am flexible if you need me to take a different time on the monday . rgds raymond "" joel hanley "" on 07 / 12 / 2000 03 : 37 : 39 am please respond to "" joel hanley "" to : cc : subject : is there any chance you could chair a session at the conference ? raymond , by the way , is there any chance you could chair a session at the conference ? glenn labhart from the us has unfortunately dropped out so i am hoping you could chair stream two on day one ( monday 17 th ) . please let me know asap . it would be a great help is you ' re available . best wishes , joel . direct : + 44 ( 0 ) 20 7484 9885 ? www . riskpublications . com",0 +"Subject: meeting to discuss presentation materials hello vince and kenneth , my teammates and i would like to schedule a time with you to discuss our presentation materials . we would prefer to meet with you sometime on thursday so that we can have the weekend to include any changes that you may suggest , but we will accommodate your schedules . thank you for all of your help , = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = charles womack jr . mba candidate 2002 rice university jesse h . jones graduate school of management cwomack @ rice . edu cell : 281 - 413 - 8147",0 +"Subject: request vince , would you mind making a few luncheon comments to the texas finance festival group at our sat luncheon ? i struck out with andy and sheridan thought that you could relate very well to the group . how about it ? john john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: enron net works it is becoming increasingly clear that the development of ecommerce will have a significant and continuing impact on the conduct of business in a broad array of industries . through enrononline , enron has quickly become a major catalyst for the transition to the web in the gas and electric industries . enrononline has been an enormous success since its launch . since launch , we have completed 67 , 043 transactions on line , with a total dollar value of over $ 25 billion . enrononline is now the largest ecommerce site in the world . we believe that the competitive success of enrononline is due to one very specific reason . in addition to providing a web - based platform for transactions , enron acts as principal to provide direct liquidity to the site . we stand ready at all times , in any market conditions , to buy and sell at the posted price . this converts a  & bulletin board  8 ( the more typical ecommerce concept ) into a true market . there are very few , if any , competitors that can provide this capability . we are increasingly convinced that this competitive advantage can be dramatically expanded to other products and other geographies . if we are correct , this could provide an enormous new opportunity for growth for enron . accordingly , we are initiating a major new effort to capture this opportunity . effective today we are creating a new business , enron net works , to pursue new market development opportunities in ecommerce across a broad range of industries . it is likely that this business will ultimately be our fifth business segment , joining transmission mike mcconnell , chief operating officer ; and jeff mcmahon , chief commercial officer . these individuals will comprise the office of the chairman for enron net works and remain on the executive committee of enron corp . replacing greg whalley as president and chief operating officer of enron north america is dave delainey , who will also join enron  , s executive committee . global technology will remain intact but will now be a part of enron net works . it will maintain all of the same businesses and services as it did as an enron global function . philippe bibi will remain the chief technology officer for all of enron corp . and continues to be responsible for the development of worldwide technology standards and platforms . enrononline , headed by louise kitchen , will also remain intact and will now be a part of enron net works . the success of enrononline enables us to utilize this site as a model as we explore other markets . in addition , the following individuals are included in enron net works along with their current ecommerce initiatives : harry arora , public financial securities ; jay fitzgerald , new markets identification ; bruce garner , metals ; and greg piper , pulp and paper . over the next several weeks we will complete staffing and organizational design and will provide full details on this exciting new business opportunity .",0 +"Subject: re : ( no subject ) great , please , let me know . there are several good films playing currently . vince jlpnymex @ aol . com on 04 / 04 / 2000 10 : 09 : 28 am to : vince . j . kaminski @ enron . com cc : subject : re : ( no subject ) vince , i will check with david and get back with you . i still want to hear about your california trip . jana",0 +"Subject: re : recommendation of an outstanding baylor mba student for summer internship jim , i shall contact althea and make sure rusty meets with the research group members . vince jim garven on 03 / 28 / 2001 01 : 01 : 42 pm to : stinson _ gibner @ enron . com cc : vince _ j _ kaminski @ enron . com subject : recommendation of an outstanding baylor mba student for summer internship dear stinson , i would like to call your attention to rusty parks , who is an mba student here and has been serving as my research assistant since last fall . ? rusty is a very outstanding individual with a very impressive work ethic and interest in topics such as financial engineering and technology , particularly as these issues pertain to the energy industry . ? ? in fact , you met rusty during your recent visit to baylor ( specifically , last month over dinner at the gamma iota sigma chartering ceremony ) . i happen to know that rusty is already scheduled to visit enron for an interview for a summer internship on april 19 . ? he has been invited by althea gordon . ? if there is any possibility that you could meet with him during his visit , i am sure that he would be most grateful . ? rusty is one of the very best research assistants i have ever had , and i am sure that enron would benefit from having him aboard during the coming summer . sincerely , jim garven p . s . : please find rusty ' s resume attached to this email . james r . garven , ph . d . professor of finance & insurance department of finance , insurance and real estate hankamer school of business hsb 336 baylor university box 98004 waco , tx ? 76798 voice : ( 254 ) 710 - 6207 fax : ( 603 ) 994 - 6680 e - mail : james _ garven @ baylor . edu home page : http : / / garven . baylor . edu vita : http : / / garven . baylor . edu / dossier . html research paper archive : http : / / garven . baylor . edu / research . html - rusty parks resume . doc",0 +"Subject: re : eastern unless we can model the protection in some form we will not know what our true exposure is . so i need our team reassessing how we can model the benefit of the credit proctection . please keep working on this . john soma ghosh 07 / 03 / 2000 17 : 57 to : john sherriff / lon / ect @ ect cc : william s bradford / hou / ect @ ect , tanya rohauer / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , bryan seyfried / lon / ect @ ect subject : re : eastern john , we are currently not modelling the effect of insurance on eastern on an individual risk basis . i have spoken at length with houston research & credit risk management on this given that the portfolio of risk is dynamic , specific allocation of protection is not appropriate . as i mentioned in my earlier message there is $ 135 mm cap on any one loss , assuming no losses have occured prior to that . i am happy to discuss this further with you if required . bill , i ' d appreciate any comments you may have re . the above . regards , soma john sherriff 06 / 03 / 2000 15 : 06 to : soma ghosh / lon / ect @ ect , bryan seyfried / lon / ect @ ect , mariano gentilini / lon / ect @ ect cc : subject : re : eastern soma how are we modeling the affect of the insurance packages on the eastern deal ? john soma ghosh 06 / 03 / 2000 11 : 53 to : john sherriff / lon / ect @ ect cc : subject : re : eastern the protection is not a fixed allocation of protection to individual counterparties but covers the global portfolio of risk . enron has in place 3 tranches of credit insurance covering up to $ 135 mm per event . whilst the insurance is not counterparty specific , it would be available for credit loss on eastern provided that losses had not been incurred prior to an eastern loss . i have already discussed with houston credit risk management at this point in time there has been no resolution in finding an appropriate way to allocate protection by name . summary of insurance : enron absorbs the first $ 10 mm of losses in any one year capped at the aggregate of $ 30 mm over a ten year period . aegis absorbs the next $ 35 mm of losses for the same ten year period . chubb will pick up the next $ 50 mm losses for any single event and $ 100 mm in losses in the aggregate for 5 years rsa takes the next $ 50 mm for losses in excess of $ 95 mm over a five year period & covers the top 9 counterparties by exposure regards , soma john sherriff 03 / 03 / 2000 18 : 16 to : soma ghosh / lon / ect @ ect cc : subject : re : eastern soma how does the company ' s credit insurance ( done by houston last year ) affect this exposure ? john soma ghosh 03 / 03 / 2000 16 : 24 to : john sherriff / lon / ect @ ect cc : david weekes / lon / ect @ ect , steve w young / lon / ect @ ect , barry pearce / lon / ect @ ect , fernley dyson / lon / ect @ ect , william s bradford / hou / ect @ ect , rick buy / hou / ect @ ect , oliver gaylard / lon / ect @ ect subject : re : eastern please note that total exposure $ number is $ 979 . 8 mm not $ 783 . 2 mm . apologies , soma - - - - - - - - - - - - - - - - - - - - - - forwarded by soma ghosh / lon / ect on 03 / 03 / 2000 16 : 22 - - - - - - - - - - - - - - - - - - - - - - - - - - - soma ghosh 03 / 03 / 2000 16 : 17 to : john sherriff / lon / ect @ ect cc : david weekes / lon / ect @ ect , steve w young / lon / ect @ ect , barry pearce / lon / ect @ ect , fernley dyson / lon / ect @ ect , william s bradford / hou / ect @ ect , rick buy / hou / ect @ ect , oliver gaylard / lon / ect @ ect subject : re : eastern john , as requested : total exposure as at 29 feb 2000 : o 620 . 9 mm ( $ 783 . 2 mm ) eurocash i monetezation : - ol 24 . 7 mm ( - $ 196 . 1 mm ) less credit derivatives : o 40 . 0 mm ( $ 63 . 1 mm ) total net exposure as at 29 feb 2000 : o 456 . 2 mm ( $ 713 . 9 mm ) net month on month increase : ol 25 . 4 mm ( $ 197 . 9 mm ) total value of eastern group guarantee : o 520 mm ( $ 820 . 6 mm ) amount backed by txu : zero as well as the increase in overall exposure , please note the change in shape of the exposure month on month most notably credit exposure now peaking at the front end of the transaction ( ex credit derivs . the max exposure is at day 1 ) , compare to max . exp . at feb 2005 for month end jan . . shape of profile & increase in mtm primarily due to : - power curve downward shift at front end yrs 0 - 11 - power curve upward shift at back end yrs 12 - 18 - gas curve upward shift yrs 1 - 5 .",0 +"Subject: petition for summer internship celeste , i am recommending jason sokolov for summer internship with enron . jason is currently working part - time for mike roberts and makes very valuable contribution to a number on - going projects . we are very happy with his performance and see him as a valuable future enron employee . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 05 / 2000 07 : 30 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : jason sokolov 01 / 04 / 2000 01 : 32 pm to : vince j kaminski / hou / ect @ ect cc : subject : petition for summer internship vince : as we discussed earlier , i attached the copy of the petition for my summer internship with enron analyst and associate group . i also have the hard copy of the letter , which i will deliver to you presonally . i am looking forward to , finally , become an official enron employee . thank you very much for your valuable contributions to my experience with the company . jason sokolov",0 +"Subject: re : p + spread options fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 01 / 29 / 2001 12 : 48 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : jeffrey a shankman on 01 / 29 / 2001 12 : 38 pm to : stinson gibner / hou / ect @ ect cc : john l nowlan / hou / ect @ ect , don schroeder / hou / ect @ ect subject : re : p + spread options let ' s get together on this in the next couple of days . thanks . jeff stinson gibner 01 / 29 / 2001 12 : 10 pm to : jeffrey a shankman / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : p + spread options jeff , we are reviewing the p + spread option book . one item of note is that the correlations used to book the spread options have dropped significantly from what was being used a year ago ( see charts below ) . i also remember that john mee was using even higher correlations when he ran this book . in fact he wanted to book options with a correlation of 1 . 0 , but our model would not allow it , so he was using 0 . 999 . we are currently calculating historical correlations for you as well . if you want , vince and i can review this with you at the end of the day . just let me know what time would be convenient . - - stinson x 34748",0 +"Subject: rice seminar hello all : fyi : jones graduate school research seminar series in finance sponsored by enron corp . alon brav fuqua school of business duke university will give a seminar at the jones school on friday , march 31 , "" competing theories of financial anomalies "" * the seminar will begin at 3 : 15 pm in room 115 . * note the slightly early start time to accommodate an early flight . a pdf of the paper is available through the seminar website ",0 +"Subject: re : yvan ' s application thanks for your help , vince . molly vince j kaminski 05 / 11 / 2000 08 : 29 am to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : yvan ' s application molly , i am enclosing my recommendation letter for yvan chaxel . vince",0 +"Subject: congratulations your majesty , congratulations on your well deserved promotion to managing director . i am very happy for you and a little sad as well because this was so long overdue . the list every year was not complete without your name on it . we shall need to celebrate this sometime . all the best , tony .",0 +"Subject: risk 2000 boston - speaker reception 12 june 2000 there will be a drinks reception taking place on monday 12 june 2000 between 6 . 00 - 7 . 00 pm in the lower level of the congress center - for speakers , sponsors and exhibitors of risk 2000 , boston ? please let me know if you would like to attend so we can guage numbers . ? best regards , oliver ? ? ? direct : + 44 ( 0 ) 20 7484 9880 ? risk publications , 28 - 29 haymarket , london swly 4 rx fax : + 44 ( 0 ) 20 7484 9800 ? email : oliver @ risk . co . uk www . riskpublications . com",0 +"Subject: re : university of texas conference on energy finance , february 2001 vince , greetings . i write at this time to follow up on your kind intercession on our behalf with jeff skilling ' s office regarding his participation in our spring conference . we have secured hotel rooms at the radisson hotel , will shortly have to provide a guarantee on those rooms , and would therefore like to ascertain his participation as keynote speaker the evening of thur . 2 / 22 . hope all is well . see you oct . 11 th , if not sooner . best , ehud ehud i . ronn jack s . josey professor in energy studies department of finance mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: natural gas production vince - i spoke with roy kass of the energy information agency this morning . apart from clarifying the timeliness , or lack thereof , of the published state - specific wellhead production estimates , he indicates their scientists find severe weather in the fields ( freezes , hurricanes ) to be a far more significant issue in production , and in wellhead prices , than is severe weather in the northeast , for instance . also , he agrees with you as to there being strictly increasing marginal costs in production , there being a rich texture of wells in terms of their efficiency , technologies , maintenance and investment issues . clayton",0 +"Subject: re : john martin - baylor cindy , i am in wharton on december 6 . other days prior to dec 6 are ok . vince from : mark palmer @ enron on 10 / 25 / 2000 10 : 33 am sent by : cindy derecskey @ enron to : vince j kaminski / hou / ect @ ect cc : christie patrick / hou / ect @ ect subject : john martin - baylor good morning vince , christie has suggested that i be the liaison for john martin and your research project ' enron - case study of a company reinventing itself ' . in john ' s lastest email , he suggested that the first week of december works with his schedule - up to december 6 th - or the following couple of weeks after dec . 8 th . do these dates work for you as well ? if so , i will proceed in booking one hour sessions with the following enron management : ken lay jeff skilling andy fastow if these dates do not work for you let me know when you are available and i will try to coordinate with john , jeff , ken and andy . also , i will send an introductory email to john . i ' m looking forward to hearing from you , cindy derecskey 3 - 5670",0 +"Subject: re : mgmt 656 jack , this is up to the mba program . i have no problem if they agreed to it . the only constraint is the space and we shall have to address the issue on thursday during the first class . vince "" jack blanton , jr . "" on 02 / 28 / 2001 03 : 09 : 16 pm to : vince . j . kaminski @ enron . com cc : subject : mgmt 656 dear proffesor kaminski i wish to audit the energy derivatives class which you are teaching on thursday nights . i am currently a second year student in the emba program and am chairman of nicklos drilling company . nicklos drilling currently operates three land rigs along the texas gulf coast and is constucting a fourth . i have received permision from the emba program to audit the class and the only conditions would be your permission and space avalability . thank you for your consideration , jack s . blanton , jr . jblantonjr @ yahoo . com 713 - 222 - 0191 do you yahoo ! ? get email at your own domain with yahoo ! mail . http : / / personal . mail . yahoo . com /",0 +"Subject: re : followup vince , i have left a message w / bruce requesting the password for the neural network site , and am waiting for his reply . trish vince j kaminski 06 / 16 / 2000 10 : 16 am to : patricia tlapek / hou / ect @ ect cc : subject : re : followup trish , i could not access his neural network site . it requires access password . vince from : patricia tlapek 06 / 12 / 2000 03 : 57 pm to : vince j kaminski / hou / ect @ ect cc : subject : followup - - - - - - - - - - - - - - - - - - - - - - forwarded by patricia tlapek / hou / ect on 06 / 12 / 2000 03 : 57 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - barcharts @ aol . com on 06 / 09 / 2000 10 : 01 : 59 am to : patricia . tlapek @ enron . com , mike . roberts @ enron . com cc : subject : followup good morning , i enjoyed visiting you yesterday afternoon to discuss the opportunity at enron . sounds exciting , challenging and a good use of a lot of my skills and experience . i look forward to further talks , hopefully this coming week . i mentioned a couple web sites and don ' t know if they came through clearly on the phone with my sore throat . the neural network approach to timing can be found at http : / / www . pfr . com / ptonline / the introductory piece on technical analysis i wrote for forbes . com and the glossary can be found at htttp : / / www . forbes . com / tool / html / 00 / jun / 0603 / feat . htm i am also working with long time friend and neighbor steve nison with his site and you can see the first on line lesson for free at http : / / www . candlecharts . com / have a nice weekend . hope to hear from you next week . bruce m . kamich , cmt barcharts @ aol . com 732 - 463 - 8438",0 +"Subject: re : fw : parent - subsidary model hi iris we started off with about 105 companies , which were enron europe ' s uk power and gas desk counterparties . i ' m not sure where you got the figure of 500 from - maybe this is the entire enron europe counterparty list , which constitutes the next major effort for end - july . from this list of 104 , only the 72 in the spreadsheet had information in amadeus . the other firms had no information available , most likely because they were too new . ben from : iris mack / enron @ enronxgate on 17 / 04 / 2001 19 : 37 cdt to : ben parsons / lon / ect @ ect cc : tomas valnek / lon / ect @ ect , amitava dhar / corp / enron @ enron , mike mumford / lon / ect @ ect , vasant shanbhogue / enron @ enronxgate , vince j kaminski / hou / ect @ ect subject : re : fw : parent - subsidary model hi again , thanks for the financial data on enron ' s european counterparties . it is my understanding that you started out with a list of 500 such counterparties . however , your spreadsheet only contains information for 72 of these european counterparties . will you please tell me the logic behind the elimination of the 400 + other counterparties ? thanks so much , iris - - - - - original message - - - - - from : parsons , ben sent : tuesday , april 17 , 2001 2 : 56 am to : mack , iris cc : valnek , tomas ; dhar , amitava ; mumford , mike subject : re : fw : parent - subsidary model hi iris the inputs and outputs generated by riskcalc can be seen in the attached file : > we only looked at the 5 - yr pd . inputs are in columns a - u . these are the inputs generated by amadeus . you can run these inputs through the riskcalc model over the web ( http : / / www . moodysqra . com / privfirm ) using the login : dupred , password : detective . this is our trial licence which lasts for about 2 more weeks ( mike mumford will have more details about the current licence ) tomas valnek was getting the data from the amadeus database , so i ' ll leave it to him to determine if houston access is possible . in the meantime you can use the dataset attached for testing purposes . ben from : iris mack / enron @ enronxgate on 12 / 04 / 2001 17 : 58 cdt to : ben parsons / lon / ect @ ect cc : amitava dhar / corp / enron @ enron subject : fw : parent - subsidary model hi ben , how are you ? today we had a meeting with craig chaney and jeff kinneman to discuss the private firm model . they requested that i spend some time carefully analyzing the moody ' s riskcalc model . i noticed that you also have been looking at riskcalc - as indicated in your paper entitled "" pricing parent companies and their subsidiaries : model description and data requirements "" other than the example discussed in your paper , did generate any other test statistics , scores , etc . also , you stated that you used amadeus database . we are in the process of trying to obtain data from various data vendors - but that may take a while . in the mean time , may we have access to the amadeus database or some sample dataset ? thanks so much , iris - - - - - original message - - - - - from : valnek , tomas sent : tuesday , april 10 , 2001 9 : 10 am to : fiala , markus ; seyfried , bryan ; salmon , scott ; kirkpatrick , eric ; mumford , mike ; fontaine , jean - sebastien ; brooks , simon ; price , nigel ; diprose , robert ; rezaeian , reza ; gordon , mike ; lee , derek ; hershkovitz , ilan ; golden , sally ; stephan , nicholas ; albanis , george ; shanbhogue , vasant ; mack , iris cc : parsons , ben subject : parent - subsidary model attached is a description of the parent - subsidiary model that ben and i have been working on over the last few weeks . comments welcome ! tv >",0 +"Subject: risk 2000 - boston dear vince , i apologise for sending another email . i was wondering if you could confirm your talk title ( plus some bullet points ) for your presentation at our annual us congress . i have attached a condensed programme for the event - you are speaking on stream three , part of the new research in derivatives modelling and analysis section . unfortunately we are printing the brochure at the end of the week and will need these details by thursday 27 january . best regards , oliver direct : + 44 171 484 9880 risk publications , 28 - 29 haymarket , london swly 4 rx fax : + 44 171 484 9800 email : conf - ny @ msn . com www . riskpublications . com - attl . htm - condensed . doc",0 +"Subject: friday brown bag on derivative pricing hello all : if you think any of your people would be interested in the following - please pass the messages on . thanks ! * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * message one dear everyone , we understand the as members of enron research group , all of us are working on very interesting projects , some of which are ground - breaking , and we all keep a very keen mind on any development of new technology . we also find out , through our own experience , that at this age of information explosion , it becomes more and more difficult to have enough time and energy to keep abreast with most of the exciting stuff taking place in this department , let alone in the industry . it is also our personal experience that many a project we are working on has partially been attempted by other members of this group . as a remedy , we propose that the research group start an informal brown bag lunch group meeting , once every two weeks on friday , for about 50 minutes . it is hoped that it will provide a forum for us to facilitate with new technology and development , as well as with each other  , s work , so that we do not have to reinvent the wheels . we envision the following : in this meeting ( or seminar ) , each one of us will take turns to make presentations to the group . the topics could range from theoretical consideration to practical implementation , be it option pricing , process modelling , insurance issue , or monte carlo simulation , or anything one finds fascinating . the presentation material could be papers you have been reading recently , projects you are working on , some problem that bothers you , or an idea that is fascinating . you choose your own presentation style . it could be everything - you - always - wanted - to - know - but - were - afraid - to - ask , hand waving style , or it can involve nitty - gritty , detailed derivations , anyway a style that suits you and the topic . or it can simply be a dry - run for your presentation at the next risk conference . zimin and alex will take upon the responsibility of organizing the seminar . we hope the seminar will be up and running in two - three weeks . for that purpose your support will be greatly appreciated . please let either zimin or alex know if you are interested in giving a presentation to the group and provide a tentative schedule . surely the rest of the group will be happy to hear your presentation . we encourage everyone to participate this brown bag meeting , either to give a talk or just sit in . zimin lu alex huang message two dear everyone , it looks like the proposed bblop has great support and is to have a great start . vince , grant , , amitava , kevin , clayton and chonawee have promised to give presentations to us . vince will kindly deliver the inaugural presentation next friday ( march 31 ) on new methodology for option pricing ( precise title tba ) . bblop will start at 12 noon and last about 45 to 50 minutes . let ' s make this a new enron tradition ! best regards . zimin , alex",0 +"Subject: re : seminar series mug barabara , it looks great . it ' s a very nice design . vince barbara ostdiek on 08 / 15 / 2000 10 : 26 : 12 pm to : vince . j . kaminski @ enron . com ( vince kaminski ) cc : subject : seminar series mug vince : i have attached the general design we are proposing for the enron seminar series mug . we have a little refinement to do - spacing here and there a couple type - o ' s but this is the idea . if you like it , we will put an order in . i ' ll put out an announcement on the seminar schedule shortly . so far the fall line up includes will goetzman - yale , lenard mirman - virgina , jeff pontiff - u . of washington , george allyannis - darden , and charles lee - cornell . thank you . bbo - mugl 1 . pdf",0 +"Subject: seating on the 32 nd floor mike roberts eb 3240 a jose marquez eb 3240 b kevin moore eb 3240 c vince kaminski eb 3240 d patricia tlapek eb 3240 e william smith eb 3240 f elena chilkina eb 3240 g open eb 3239 f charlie weldon eb 3239 e open eb 3274 a open eb 3273 a these are the only seats we have on the 32 nd floor . the two open spaces are being used by another group temporally . if you need additional information please feel free to call x 34710 . thanks kevin moore",0 +"Subject: dr . kaminski , thank you for giving me an opportunity to talk with you and zimin . it ' s my great pleasure to meet with you and your group members . i met zimin last week . we had a wonderful talk . after our meeting , i handed in him my current resume . he may already forwarded my resume to you . if not , i will be very happy to send you a copy . by talking with you , zimin and by attending your presentation yesterday at uh , i find i am really interesting the fields that you are working on . i am deeply impressed by the research works your team have done and i am looking forward i am able to become one of your members . i am also looking forward to be able to do researches under your guidance . i strongly feel that your research department provides the kind of jobs and environments that i have been looking for a long time . my career objective matches your research fields and directions . i believe my training in mathematics and computer science will provide me some necessary backgrounds in energy risk management . i am also sure that by working with you , i can greatly expand my it skills and experiences . i also can learn tremendously from you and your research teams . currently after finishing my programing work as an it spcialist , i am reading john hull ' s book and try to catch up necessary background in finance and related fields . i am also readingyour "" managing energy price risk "" book . thank you for giving me a copy of this book . again , thank you for giving me this opportunity and i am looking forward to working in your team . john hou 713 - 853 - 1600",0 +"Subject: energy book hi grant , hope all is well with you . i trust you got my message via the voicemail that ileft with vince late friday afternoon about my inability to travel - i ' m trying to rearrange my trip for a couple of week ' s time when my ear has cleared up , and i look forward to meeting with you one day . i wrote to vince last week asking for a favour , but i ' m not sure ifhe is there in houston . i know that you guys are probably very busy but i was wondering if you can write a few sentences for me . i ' m sending out some sample chapters to the people who responded positively ( all of them ! ) to my request for some feedback on the book . chapter 1 has an ' overview ' of the book with just a couple of sentences on each chapter . could you please write a sentence or two for your chapter ? i ' m including what i have already written ( although i think it has changed slightly from this version ) so that you can see the style . many thanks and best regards . chris . 2 overview of this book this book aims to provide an in - depth understanding of the pricing and risk management of energy derivatives . in the remainder of this chapter we give an overview of the fundamental principals needed to model and price energy assets , and which underlie the rest of the book . as well as introducing the techniques that underlie the black - scholes modelling framework we discuss the numerical techniques of trinomial trees and monte carlo simulation for derivative pricing which are used extensively later in the book . in chapter 2 we analyse spot energy prices . apart from describing empirical prices we propose a number of processes that can be used to model the prices . we look at the well - know process of gbm as well as mean reversion , stochastic volatility and jump processes , discussing each , and showing how they can be simulated and their parameters estimated . chapter 3 , written by vince kaminski and grant masson of enron capital and trade . chapter 4 examines forward curves in the energy markets . although such curves are well understood and straight forward in the world debt markets the difficulty of storage in many energy markets leads to less well defined curves . what we do in this chapter chapter 5 presents an overview of the common and not - so - common derivative structures in the energy markets and discusses their uses . examples of products analysed in this chapter include a variety of swaps , caps , floors and collars , as well as energy swaptions , compound options , asian ( or average rate ) options , barriers , lookbacks , and ladder options . chapter 6 investigates single and multi - factor models of the energy spot price and the pricing of some standard energy derivatives . closed form solutions for forward prices , forward volatilities , and european option prices are derived and presented for all the models in this chapter including a three factor stochastic convenience yield and interest rate model with jumps . chapter 7 shows how the prices of path dependent and american style options can be evaluated for the models in chapter 6 . simulation schemes are developed for the evaluation of european style options and applied to a variety of path dependent options . in order to price options which incorporate early exercise opportunities , a trinomial tree scheme is developed . this tree is built to be consistent with the observed forward curve and can be used to price exotic as well as standard american style options . chapter 8 develops a new methodology for valuing energy options based on modelling the market observed forward curve . the approach results in a multi - factor model that is able to capture realistically the evolution of a wide range of energy forward curves and where the user defined volatility structures can be of an extremely general form . closed - form solutions are developed for pricing standard european options and efficient monte carlo schemes for exotic options . the chapter finishes with a discussion of the valuation of american style options . chapter 9 focuses on the risk management of energy derivative positions . in this chapter we discuss the management of price risk for institutions that sell options or other derivatives to a client and who is then faced with the problem of managing the risk through time . we begin with delta hedging a portfolio containing derivatives and look at extensions to gamma hedging - using the models from chapters 5 and 7 . the general model of chapter 7 ideally suited to multi - factor hedging and this is also discussed . chapter 10 looks at the key risk - management concept of value at risk applied to portfolios containing energy derivative portfolios . after discussing the concept of the measure , we look at how the key inputs ( volatilities , covariances , correlations , etc ) can be estimated . we then compare the fours major methodologies for computing var ; delta , delta - gamma , historical simulation and monte - carlo simulation . finally , we look at testing the var estimates for various underlying energy market variables .",0 +"Subject: storage meeting ladies and gentlemen , due to unavailability of conference rooms on the 44 th floor i have reserved a conference room on the 19 th floor from 2 : 30 pm to 4 : 30 pm . the room number is 19 c 2 . i realize some people might not be able to attend , so please let me know and i will e - mail you a summary of the discussions after the meeting . i would also like to suggest that we make this a regularly scheduled meeting and have it bi - weekly or monthly . this will allow everyone to share their opinions and knowledge to direct or redirect our efforts based on the market situation . please let me know if you have any comments or suggestions . thank you . shalesh ganjoo",0 +"Subject: re : my son vince , i left a message with one of yaron ' s roommates on thursday afternoon for him to call asap for an interview on sunday . i guess he took the wrong number down but i do not understand this because the roommate read the number back to me and it was correct . when i did not hear from yaron i called on friday and left a voice mail with my cell and office numbers . i still did not hear from him and called again yesterday morning . i finally received a call at 4 pm yesterday but by that time my team and myself were half way back to houston . sorry it did not work out . i have a call into charlene jackson as to how she wants me to proceed and i will get back with you . kristin vince j kaminski @ ect 11 / 01 / 2000 08 : 40 am to : john goodpasture / ots / enron @ enron , kristin gandy / na / enron @ enron cc : subject : my son fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 01 / 2000 08 : 47 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" shmuel oren "" on 10 / 31 / 2000 02 : 27 : 18 pm to : cc : subject : my son vince apparently the recruiter spoke to one of my son ' s roommates and left a phone number ( 713 ) 343 - 3214 which he tried several times and got busy signals . today she called just before you called me and left her cellphone number but he was in classes all morning and got the message in the afternoon . i really appreciate your going out of your ? way to help . perhaps there will be another opportunity . ? shmuel ?",0 +"Subject: talon vince : here is the document sent by ryan today . i did not have the chance to look at it yet . paulo issler - - - - - - - - - - - - - - - - - - - - - - forwarded by paulo issler / hou / ect on 04 / 12 / 2000 04 : 19 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - ryan siurek @ enron 04 / 12 / 2000 10 : 05 am to : paulo issler / hou / ect @ ect cc : subject : re : draft analysis fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by ryan siurek / corp / enron on 04 / 12 / 2000 10 : 05 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital management from : trushar patel 04 / 11 / 2000 09 : 49 am to : ryan siurek / corp / enron @ enron cc : subject : re : draft analysis - - - - - - - - - - - - - - - - - - - - - - forwarded by trushar patel / corp / enron on 04 / 11 / 2000 09 : 49 am - - - - - - - - - - - - - - - - - - - - - - - - - - - ian . c . dsouza @ us . pwcglobal . com on 04 / 04 / 2000 01 : 42 : 34 pm to : trushar . patel @ enron . com cc : steven . j . stampf @ us . pwcglobal . com , timothy . luehrman @ us . pwcglobal . com subject : re : draft analysis hi trushar please find attached our draft analysis . it is still very preliminary as we have not been provided the latest version of legal documents and so the analysis reflects our understanding of the economics of the transaction as outlined to us based on discussions with enron and available prior draft documentation . . the analysis uses the enron share price as of march 28 , 2000 ( $ 72 . 81 ) and assumes the ljm 2 distribution is based on $ 30 m or 25 % irr . we anticipated that this might reach 30 % irr based on enron discussions with ljm 2 . please call steve stampf ' s phone number for tomorrow ' s conference call at 9 . 30 am our time on 212 597 3162 . regards ( see attached file : raptor v 5 . ppt ) the information transmitted is intended only for the person or entity to which it is addressed and may contain confidential and / or privileged material . any review , retransmission , dissemination or other use of , or taking of any action in reliance upon , this information by persons or entities other than the intended recipient is prohibited . if you received this in error , please contact the sender and delete the material from any computer . - raptor v 5 . ppt",0 +"Subject: enron team 3 question hi melinda ! we need to get this to john henderson , but he did not come up on my email . otherwise , likely any manager level at new power would know . any help in forwarding would be great ! thanks ! - - christie , - - - - - forwarded by christie patrick / hou / ect on 03 / 27 / 01 07 : 47 pm - - - - - "" degiacinto , clayton "" 03 / 27 / 01 02 : 51 pm to : "" ' christie . patrick @ enron . com ' "" cc : vince . j . kaminski @ enron . com subject : enron team 3 question hi christie and vince , we really look forward to seeing you all next week . we ' ve learned a lot working on this project , and think we will provide some useful information for you . if possible , we need to know what states newpower is operating in . specifically , what states there is a current marketing campaign ? should i ask melinda mccarty for this information ? thanks again for your help . regards , tiger team 3",0 +"Subject: erac koch p + spread options - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 01 / 29 / 2001 10 : 42 am - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner 01 / 29 / 2001 09 : 47 am to : bob lee / na / enron @ enron , paulo issler / hou / ect @ ect , zimin lu / hou / ect @ ect cc : subject : erac koch p + spread options booking spreadsheet in in o : \ research \ common \ projects \ exotic 2001 _ 0125 . xls sheet where options are booked is called "" index deals "" . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 01 / 29 / 2001 09 : 43 am - - - - - - - - - - - - - - - - - - - - - - - - - - - mark fondren 01 / 26 / 2001 10 : 53 am to : stinson gibner / hou / ect @ ect cc : subject : erac koch p + spread options - - - - - - - - - - - - - - - - - - - - - - forwarded by mark fondren / hou / ect on 01 / 26 / 2001 10 : 53 am - - - - - - - - - - - - - - - - - - - - - - - - - - - mark fondren 01 / 25 / 2001 12 : 07 pm to : john l nowlan / hou / ect @ ect cc : spencer vosko / hou / ect @ ect subject : erac koch p + spread options price 1 = wti cushing physical cash price ( wti nymex contract ) for example , the april 2001 wti cushing price equals the aprol wti nymex contract . price 2 = koch oil posting for west texas / new mexico intermediate . koch p + = price 1 - price 2 price 2 is calculated by subtracting 3 spreads from price 1 1 . koch posting / wti nymex basis spread 2 . 66 . 6 % ( aprilol / mayol wti nymex spread ) 3 . 33 . 3 % ( aprilol / junol wti nymex spread ) example using 1 / 24 / 2001 wti settles aprol 28 . 31 mayol 27 . 72 junol 27 . 19 april 2001 koch posting = april 2001 wti nymex settlement - koch / nymex basis spread - . 666 ( apr / may ) - . 333 ( apr / jun ) = 28 . 31 - 2 . 75 - . 666 ( . 59 ) - . 333 ( 1 . 12 ) = 28 . 31 - 2 . 75 - . 3929 - . 37296 = 24 . 794 koch p + = 28 . 31 - 24 . 794 = 3 . 516 please call with any questions mark f ext 853 - 1982",0 +"Subject: "" enron day "" to be declared in spearman , texas vince , f . y . i - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 09 / 20 / 2000 02 : 28 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner 09 / 20 / 2000 02 : 28 pm to : cindy olson / corp / enron @ enron cc : subject : "" enron day "" to be declared in spearman , texas cindy , you may or may not remember that i sent a short note to you last may outlining a fundraising effort for the hansford county library in spearman , texas . the community was challenged to raise $ 20 , 000 which i offered to match 2 to 1 . with enron foundations employee match , this grows to a total mathching ratio of $ 4 for every $ 1 raised by the community . ( of course , because of the $ 15 , 000 / year limit , i have to spread my gifts over several years in order to get the total amount matched by enron . ) sherry benton , the librarian in spearman just called and gave me the great news that the $ 20 , 000 in community donations has been achieved . in fact , i expect that the total community number will come to almost $ 25 , 000 once all of the donations are received . in order to recognize our part in all this , the mayor of the town is planning to declare october 17 th as "" stinson gibner and enron day "" in spearman , and they would like to have some public ceremony to bestow this recognition . there will be coverage by the local radio station and newspaper and , possibly , by the amarillo newspaper as well . they are asking if a representative from enron ( other than myself ) would be interested in coming to spearman for this event . please let me know if you or anyone else would be interested in doing this . spearman is about a 90 minute drive north from the airport in amarillo , and it is possible to get there and back to houston on the same day . thanks , stinson gibner x 34748 p . s . is there any possibility of getting a one time raise on the $ 15 , 000 / year matching cap so that i can have $ 40 , 000 matched in just two years instead of three ? - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 09 / 20 / 2000 02 : 01 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner 05 / 05 / 2000 11 : 47 am to : cindy olson / corp / enron @ enron cc : subject : thanks cindy , i just received notification of enron ' s match of my $ 8000 donation to the hansford county library in spearman , texas . ( all old pipeline hands know spearman because both northern natural and transwestern pipelines run near by the city . ) you may be interested to know what i am trying to accomplish there . the library is one of the few independent public libraries in the state of texas as it is owned neither by the county nor city . it ' s budget is met through a combination of city , county , and private contributions . a big part of their income comes from the "" thrift shop , "" spearman ' s version of the blue bird circle . in order to help the library continue to provide quality services to the community ( our library in spearman , population 3000 , is by all accounts much better than the one in nearby perryton , population 15000 ) , i am trying to help the library establish an endowment fund . we have set a goal of raising $ 100 , 000 over the next 3 years . with enron ' s matching , i am planning to provide about $ 80 , 000 of that amount with the other $ 20 , 000 coming from contributions from others in the local community . i am also investigating if the library can get any type of matching grant from other foundations , but it looks like most prefer to fund specific projects rather than put funds towards endowments . let me know if you have any suggestions for us . thanks , stinson x 34748",0 +"Subject: re : visit to enron vince , dec . 29 at 9 : 00 will be fine . i have talked to shirley and have directions . thanks , bob vince j kaminski wrote : > bob , > > can you come to our office on dec 29 at 9 : 00 a . m . ? > > please , call shirley crenshaw ( 3 - 5290 ) or stinson gibner ( 3 - 4748 ) > from the reception to be admitted to the building . > > vince kaminski",0 +"Subject: re : enron case study update good afternoon john , i just want to drop you a line to update you re : andy fastow . i have confirmed a one hour interview slot with mr . fastow in monday , december 4 th from 11 : 00 a . m . - noon . this is in addition to your schedule interviews with mr . lay and mr . skilling - outline below . if you have any questions , please do not hesitate to contact me at 713 - 853 - 5670 . regards , cindy - - - - - forwarded by cindy derecskey / corp / enron on 11 / 06 / 2000 04 : 49 pm - - - - - cindy derecskey 10 / 31 / 2000 01 : 44 pm to : "" john martin "" cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect subject : re : enron case study good afternoon john , i hope things are well with you . i am writing to update you on the status of your meetings with andy fastow , ken lay and jeff skilling . i have arranged the following meeting dates and times with ken lay and jeff skilling , ( i am still trying to work with andy fastow ' s schedule ) : jeff skilling december 4 th 2 : 00 - 3 : 00 p . m . ken lay december 4 th 3 : 30 - 4 : 30 p . m . also , i will attempt to schedule the meeting with andy fastow for december 4 th for convenience - this will also allow us to possibly schedule additional meetings for the 5 th ( as needed ) . i will let you know as soon as i ' m successful . regards , cindy derecskey university affairs enron corp .",0 +"Subject: sandeep kohli dave , i would like to recommend to you sandeep kohli who is likely to approach you regarding a position in your area . i have been working with sandeep for a number of years and i was always impressed with his skills , intelligence and mature , thoughtful approach to solving business problems . he is currently located in india ( our dpc unit ) and is looking for a permanent position with enron in houston for family reasons ( his wife is from houston and has a family here ) . of course , there are some other obvious factors affecting his decision . vince",0 +"Subject: moddeling support for dpc related issues a quick update on the status of sandeep kohli . he is working currently in my group . he is available on a very short notice to help you with any quantitative modeling that can be required in making decisions regarding our dpc strategy . in case you need his help , he can also rely on the support of other members of my group with skills in different areas . vince kaminski",0 +"Subject: alp presentation on behalf of enron corp . i would like to invite you to an alp project presentation by a group of students of jesse h . jones graduate school of management , rice university . the students will present the results of a research project regarding electronic trading platforms in the energy industry . the presentation will be held on may 7 , at 4 : 00 p . m . at enron , 1400 smith . we would also like to invite you to dinner , following the presentation . vince kaminski vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 ( 713 ) 410 5396 ( cell ) fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: re : real options jim , i am scheduled to arrive in austin on may 4 at 10 : 32 a . m . i shall be glad to join you and a group of your colleagues for lunch . i am flying back to houston friday morning and we can meet for dinner after the class . i shall have a power point presentation on my pc . i can also prepare a set of transparencies if this is more convenient for you . vince jim dyer on 04 / 27 / 2000 05 : 44 : 51 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : sheridan titman subject : real options vince , i am traveling at this time , attending a nsf meeting in washington . however , i wanted to touch base regarding plans for your presentation in my class on real options next thursday ( may 4 ) . as you recall , the class is from 3 : 30 to 6 : 30 , and you could plan to take a significant part of that time for your presentation . sheridan titman has agreed to join us after his class at about 6 : 00 for a 30 minute "" panel discussion "" with the students on issues related to real options in practice . l i am not sure about your travel plans , but we would be happy to plan lunch on thursday with several of my colleagues . i would also be delighted to be your host for dinner on thursday night if that is convenient for you . i ' ll be back in my office on monday , and will look forward to hearing from you . jim james s . dyer fondren centennial chair in business department of management science and information systems cba 5 . 202 the university of texas at austin austin , texas 78712 - 1175 email : j . dyer @ bus . utexas . edu telephone : 512 - 471 - 5278 fax : 512 - 471 - 0587",0 +"Subject: request submitted : access request for iris . mack @ enron . com you have received this email because the requester specified you as their manager . please click approval to review and act upon this request . request id : 000000000024099 request create date : 3 / 16 / 01 5 : 39 : 34 pm requested for : iris . mack @ enron . com resource name : visual studio enterprise resource type : applications",0 +"Subject: telephone interview with the enron research group good morning richard : your resume was forwarded to vince kaminski and the research group and they would like to conduct a telephone interview with you at your convenience . please give me some dates and times that you would be available and i will coordinate the schedule . also , the telephone number you wish to be contacted at . the telephone interview will be last approximately an hour and the interviewers would be : vince kaminski managing director , research stinson gibner vice president , research vasant shanbhogue vice president , research thanks richard and we look forward to hearing from you . regards , shirley crenshaw administrative coordinator enron research group 713 - 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: li sun vince , i am so glad that your meeting went well with li yesterday . this is a confirmation email to let everyone know that li sun will begin in vince ' s organization on monday , august 28 th . if you have any questions , please let me know . thanks . - - - - - - - - - - - - - - - - - - - - - - forwarded by jana giovannini / hou / ect on 08 / 23 / 2000 10 : 00 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : jana giovannini 08 / 21 / 2000 01 : 25 pm to : vince j kaminski / hou / ect @ ect cc : john j lavorato / corp / enron @ enron , jeffrey a shankman / hou / ect @ ect , hunter s shively / hou / ect @ ect , shelly butler / hou / ect @ ect , ina rangel / hou / ect @ ect subject : li sun vince , thanks for your response . apparently , we were under the incorrect impression that your group would be taking li ( based on jeff ' s note below ) . we apologize for not contacting you last friday to confirm prior to "" placing "" li in your group . i have faxed li ' s resume to you and hope that you will have time to review it today . please call me back as soon as you can to discuss li ' s opportunities in your group . if vince is not interested in li for his group , we will consider li placed in ena - gas trading ( original placement ) in john lavorato ' s organization . once i hear from vince one way or the other , the program will consider li ' s placement final in either research or ena - gas trading . hopefully this will be resolved by tuesday morning so that we may communicate to li her rotation information . if you have any questions , please let me know . thank you ! vince j kaminski 08 / 21 / 2000 01 : 03 pm to : jana giovannini / hou / ect @ ect cc : subject : re : vikas dwivedi fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 21 / 2000 01 : 08 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 08 / 21 / 2000 12 : 58 pm to : shelly butler / hou / ect @ ect cc : john j lavorato / corp / enron @ enron , jeffrey a shankman / hou / ect @ ect , hunter s shively / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : vikas dwivedi shelly , i shall not accept anybody for a rotation without a prior interview . li was scheduled to meet with me last thursday but she never showed up . she did not call to cancel or to apologize for not showing up . i have not seen her resume . please , assume she is not rotating into my group till further notice . vince from : shelly butler 08 / 18 / 2000 03 : 37 pm to : jeffrey a shankman / hou / ect @ ect cc : hunter s shively / hou / ect @ ect , john j lavorato / corp / enron @ enron , vince j kaminski / hou / ect @ ect , craig breslau / hou / ect @ ect , ina rangel / hou / ect @ ect subject : vikas dwivedi jeff , just wanted to confirm that li will be placed in vince kaminski ' s group . vikas has been placed in ena middle market reporting to craig breslau . please contact me at 3 - 4584 if you have any questions . thanks for your help ! ! shelly from : jeffrey a shankman 08 / 18 / 2000 03 : 18 pm to : shelly butler / hou / ect @ ect cc : hunter s shively / hou / ect @ ect , john j lavorato / corp / enron @ enron subject : shelly , hunter spoke with li today and agrees that her first rotation should be in vince ' s group doing modelling , etc . this will give her the broadest experience for a first rotation . i ' m sure the other person in question , vikas , will do very well in hunter ' s group . thanks for your help . jeff",0 +"Subject: non - disclosure agreement and intellectual property rights hi kay , i was referred to you by julia for assistance . here in research , we are in the process of retaining prof . sheridan titman of university of texas at austin to perform some consulting work . in anticipation , we would like to have a non - disclosure agreement to protect the confidentiality of any information we might provide him . also , we would like have an agreement on how the intellctual property rights of any outcome of this effort will be shared . please let me know what information i can provide from this end to help you draft these documents . my extension is 30936 . thanks . rakesh",0 +"Subject: re : telephone interview with the enron corp . research group dear kevin : dr . kaminski , stinson gibner and zimin lu will interview you at the same time in a group interview , which will last approximately 1 hour . if it meets with your approval , i have scheduled the telephone interview for this friday , august 4 at 1 : 00 pm . they will call you at 713 - 630 - 0768 . fyi . the research group is responsible for option modeling , building systems for risk quantification and management , development of optimization systems , assisting with statistical analysis and anything that requires advanced math , for all of enron . if you have any other questions , please let me know . regards , shirley crenshaw administrative assistant enron corp . research 713 - 853 - 5290 email : shirley . crenshaw @ enron . com ningbo xu on 08 / 01 / 2000 11 : 30 : 44 am to : "" ' shirley crenshaw ' "" cc : "" ' kevinxu 98 @ yahoo . com ' "" subject : re : telephone interview with the enron corp . research group dear shirley , sorry for getting back with you until today . i have been out of town since last friday and didn ' t have access to emails . i appreciate the opportunities to talk with mr . kaminski , mr . gibner , and mr . lu and look forward to their phone calls . as to the date and time , i will be available all day this friday and any day next week . please let me know when they will be available so that i can arrange schedule to accommodate . i can be reached at 713 - 630 - 0768 . also , i have a couple of questions that i hope to get your help : 1 . will the interview be a group interview or each of them will talk with me individually ? 2 . what ' s the role of the research group at enron ? thank you very much and look forward to hearing from you . kevin xu - - - - - original message - - - - - from : shirley crenshaw to : xuni @ olin . wustl . edu sent : 7 / 28 / 00 11 : 45 am subject : telephone interview with the enron corp . research group good afternoon mr . xu your resume has been forwarded to the research group with enron corp . they would like to conduct a telephone interview with you at your convenience . please let me know your available dates and times along with the telephone number you may be reached at and they will call you . the interviewers would be : vince kaminski managing director stinson gibner vice president zimin lu director look forward to hearing from you . regards , shirley crenshaw administrative coordinator enron corp . research 713 / 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: weather person for london egm folks : we interviewed three candidates . one of the three ( tony hamilton ) seems to be a very good fit within the enron culture and values . recommended next steps vince , mike and jeff interview tony via video conference or avistar tony hamilton key strengths quick thinker good teams skills driven - will be able to get the project off the ground quickly has a commercial attitude sees "" the big picture "" tony hamilton is available for follow up interviews the first week of january . thanks jen",0 +"Subject: re : hello from london zimin , i have a copy of the article . i agree with you . the model is essentially the same ( in intentions ) . i shall distributed the copy of the paper to the trades here . it explains well the logic behind the model and it ' s an independent source . vince zimin lu 05 / 30 / 2000 10 : 44 am to : vince j kaminski / hou / ect @ ect cc : stinson gibner / hou / ect @ ect subject : re : hello from london vince , i got the article . i can make a copy for you when i get back . the article is pretty much for marketing purpose . my reading from that paper is as follows : 1 . solve optimal exercise bounday using stocastic dp ; 2 . runing price trajectory to tracking storage level to give average storage cycling ; our model addresses the same issues , althrough maybe the implementation is not quite the same . i will fax to you if i can find the article here . regards , zimin vince j kaminski 05 / 30 / 2000 09 : 56 am to : zimin lu / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : hello from london zimin , there was an interesting article on gas storage modeling by people from camminus in the march issue of energy and power risk management . please , see if you can get this article . vince zimin lu 05 / 30 / 2000 04 : 59 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : anjam ahmad / lon / ect @ ect subject : hello from london vince and stinson , i am in the london office this week . things are quite nice here . my host anjam arranged a full itinerary for me . tuesday is reserved for anjam to talk about various subjects including inflation modeling , power vol curve , mean reverting price & vol model , and i will talk about the spot and multi - factor models , xll . wednesday , i will concentrate on the gas storage model with natasha danilochkina . thursday and friday i will talk to haakan olafsson , mark jones , anjam , and natasha about uk gas forward curve simulation , gas swing model , and implementation issues of uk virtural storage model . i will give you a full report when i get back . it is cold and rainy here in london . it makes me feel sunny and hot houston actually is not that bad . zimin",0 +"Subject: re : clustering for power jaesoo , as we discussed last week on wednesday meeting can you , please , implement clustering for power curves by geographical region . this involves the following : 1 . deciding together with risk control how many geographical regions we want to use and which enron ' s curves belong to each region . 2 . deciding together with risk control how to choose core curves for each region . this decision can be maid based on the a ) position size ; b ) statistical analysis . there might be other considerations . 3 . doing regression analysis for each curve versus the corresponding core curve . winston , can is it possible to run var for the clustering results obtained by jaesoo with clustering done by sas ? should we wait for the stage re - fresh and what is the status on this ? tanya .",0 +"Subject: re : exotica ( second request ) thanks anjam . that ' s looks great . sorry about the second request . i didn ' t realise you were in a meeting . thanks , sharad",0 +"Subject: mba career opportunity shirley , please , arrange a phone interview . tt , vk , sg , zl . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 21 / 2000 09 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" qing chen "" on 11 / 17 / 2000 06 : 01 : 28 pm to : cc : subject : mba career opportunity dear ? vincent kaminski : ? i got your contact details from the web site for power marketers . i have a strong interest in pursuing a career in the energy industry ? with a top energy company like ? enron , where my abilities and qualifications can be fully applied for our mutual benefit . i am graduating in may with an mba ? degree with concentrations in finance and information systems . this summer i worked ? as an intern with structuring and analytics group of ameren energy . ? this internship ? has been especially challenging and has enhanced my professional competencies . while there , i was afforded the opportunity to ? develop a forward view model ? for ? off - peak ? electricity price forecasting and analyze the data sets of a fundamental ? model to create forward price curves . both projects added value to the company and provided me with first - hand experience in the area of energy trading and marketing as well as modeling techniques . in addition , i have an undergraduate degree in mechanical engineering and two years ' experience in power generating . with my work experience in energy finance and exceptional academic and professional achievements , along with my exemplary leadership and management potential and outstanding analytical , business communication , problem - solving and computer skills , i ' m convinced that i will be able to make immediate contributions to your company . i am attaching my resume for your review . should you have any questions or need clarification , please feel free to contact me at ( 504 ) 861 - 9110 or qchenl @ tulane . edu . as i have some offers with deadlines approaching , i would appreciate it if you could give me a quick response . i also expect ? a base compensation above $ 75 k . i look forward to ? hearing from you soon . ? best regards , qing ( christine ) chen mba 2001 a . b . freeman school of business tulane university tel : ( 504 ) 861 - 9110 - resumeus . doc - resumeus txt . txt",0 +"Subject: resid fx option - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 08 / 17 / 2000 09 : 57 am - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 08 / 17 / 2000 09 : 59 am to : stinson gibner / hou / ect @ ect , paulo issler / hou / ect @ ect cc : subject : resid fx option i have created a directory residfx in where i put my monte - carlo model ( c project ) and calling spreadsheet for the valuation . zimin",0 +"Subject: re : spreadsheet for george posey vince - here is an analysis of the fund giving at the church . first off , it appears from the data that a special "" appeal "" for fund giving was made ( from the pulpit ? ) on april 19 , 1998 and april 25 , 1999 , ( perhaps tied rhetorically into income taxes ? ) . then , by going back and incorporating obvious dates from the calendars for 1997 - 1999 , the following regression analysis is made , where each effect is added independently : giving this sunday = $ 4403 + a minor $ 3 weekly time trend ( i . e . , multiply by the number of weeks since jan . 5 , 1997 ) + no pure effect from last week ' s contributions ( i . e . , denies first - order autoregressive effects ) + $ 2426 if easter sunday or the sunday nearest christmas + $ 9695 if ( pastoral appeal ) april 19 , 1998 or april 25 , 1999 - $ 340 if the sunday falls on the weekend of a monday federal holiday - $ 50 if the sunday following thanksgiving - $ 73 if a summer weekend ( june 1 thru august 31 ) the pure time trend is very small , so an annual projection based on all 3 years data would be for giving to increase only a minor amount ( $ 150 ) for 2000 assuming a similar appeal for giving is made this april . clayton",0 +"Subject: friday brown bag on derivative pricing dear everyone , we understand the as members of enron research group , all of us are working on very interesting projects , some of which are ground - breaking , and we all keep a very keen mind on any development of new technology . we also find out , through our own experience , that at this age of information explosion , it becomes more and more difficult to have enough time and energy to keep abreast with most of the exciting stuff taking place in this department , let alone in the industry . it is also our personal experience that many a project we are working on has partially been attempted by other members of this group . as a remedy , we propose that the research group start an informal brown bag lunch group meeting , once every two weeks on friday , for about 50 minutes . it is hoped that it will provide a forum for us to facilitate with new technology and development , as well as with each other  , s work , so that we do not have to reinvent the wheels . we envision the following : in this meeting ( or seminar ) , each one of us will take turns to make presentations to the group . the topics could range from theoretical consideration to practical implementation , be it option pricing , process modelling , insurance issue , or monte carlo simulation , or anything one finds fascinating . the presentation material could be papers you have been reading recently , projects you are working on , some problem that bothers you , or an idea that is fascinating . you choose your own presentation style . it could be everything - you - always - wanted - to - know - but - were - afraid - to - ask , hand waving style , or it can involve nitty - gritty , detailed derivations , anyway a style that suits you and the topic . or it can simply be a dry - run for your presentation at the next risk conference . zimin and alex will take upon the responsibility of organizing the seminar . we hope the seminar will be up and running in two - three weeks . for that purpose your support will be greatly appreciated . please let either zimin or alex know if you are interested in giving a presentation to the group and provide a tentative schedule . surely the rest of the group will be happy to hear your presentation . we encourage everyone to participate this brown bag meeting , either to give a talk or just sit in . zimin lu alex huang",0 +"Subject: year end 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the year end 2000 performance management process by providing meaningful feedback on specific employee ( s ) . your feedback plays an important role in the process , and your participation is critical to the success of enron ' s performance management goals . to complete requests for feedback , access pep at http : / / pep . corp . enron . com and select perform review under performance review services . you may begin providing feedback immediately and are requested to have all feedback forms completed by friday , november 17 , 2000 . if you have any questions regarding pep or your responsibility in the process , please contact the pep help desk at : houston : 1 . 713 . 853 . 4777 , option 4 london : 44 . 207 . 783 . 4040 , option 4 email : perfmgmt @ enron . com thank you for your participation in this important process . the following is a cumulative list of employee feedback requests with a status of "" open . "" once you have submitted or declined an employee ? s request for feedback , their name will no longer appear on this list . review group : enron feedback due date : nov 17 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - tamarchenko , tanya v vasant shanbhogue oct 26 , 2000 walton , sheila h david oxley oct 27 , 2000 yaman , sevil vasant shanbhogue oct 27 , 2000",0 +"Subject: another bet vince i here you are running abook on how quickly we can implement convolution var for power and since i am up against a summer deadline for this i felt i should take the other side . so how about i buy you dinner if i get it done ? rgds dp",0 +"Subject: re : a personal favor thanks very much . i am attaching his resume for your review . - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , may 07 , 2001 12 : 08 pm to : anurag . saksena @ gmacrfc . com cc : vince . j . kaminski @ enron . com subject : re : a personal favor anurag , i shall talk about vikas to our it people . can you send me his resume ? vince "" saksena , anurag "" on 05 / 07 / 2001 10 : 06 : 54 am to : ? ? "" ' vkamins @ ect . enron . com ' "" cc : subject : ? a personal favor vince , i have ? left a voice mail to you and will wait to talk to you personally . my brother ? vikas , who is now in london , is trying to make a switch from consulting world to ? working for a specific firm . over last few months , i have heard of great deal ? about the success of enron on line business which fits well in the area of his ? expertise . i am wondering if you know of some one in london who he can speak to ? regarding career opportunities . since ? i spoke to you last , a number of things have changed . recently , my manadate was ? broaden to include leading a charge for developing a risk management function ? for both the domestic and international businesses for gmac . needless to say , ? this is exciting albeit making the life a little more hectic than ? usual . talk ? to you later . anurag 952 - ? 857 - 6133 ? - resl . doc",0 +"Subject: d - g energy software procurement laine , enclosed is a revised copy of the software licence agreement with d - g energy . the earlier version had prices and conditions of use which differed from what had been discussed over the telephone . this version brings into line the terms with what has been agreed upon , and has been given tentative approval by the president of d - g , who i met with last week . i have highlighed the sections which have changed from the version that you sent out for signature last november . i assume that the revised document will have to be reviewed by legal again . let me know if i can be of any assistance in this process . regards , stinson gibner",0 +"Subject: re : statistician from rice osman , this guy is too much . i would tell him that we understand that he has to make the best choice for himself and can change his mind but at this point we treat his decision as final but we still appreciate the interest he showed in enron . we never had any luck hiring a statistician . maybe we shall get one some day . vince osman sezgen @ ees 04 / 20 / 2001 11 : 54 am to : vince j kaminski / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect cc : subject : statistician from rice i had a message on my phone this morning from william indicating that he had changed his mind and will be taking another job . he also mentions that the other organization will give him time to publish his thesis and he assumes enron would not do that . i am inclined to give up on him but wanted to get your input before doing so . osman",0 +"Subject: business trip to houston dear all , i will be in the houston office from monday 10 th july through wednesday 19 th july and stopping in ny on the return leg to meet staff at mg metals ny on thursday 20 th july at the suggestion of lloyd fleming who is co - ordinationg the rac activities for the integration of mg metals . i will probably take a day of leave on friday 21 st which would mean that i will be back in the london office on monday 24 th july . regards , anjam p . s . as usual i will be contactable on my cellular : ( 07747 ) 868131 or through lotus notes .",0 +"Subject: re : moving roy ibasco hi vanessa : you will need to fill out a "" churn request "" and forward it to the "" move team "" they will take care of everything that you put on the form . i am attaching a copy of the form for your information . the receiving department is responsible for doing this . he will need boxes to pack his belongings ( ask him how many he needs - he will have to do the packing ) . the only item that moves other than his personal items , is his telephone . the computer , chair , etc . belongs to the research group . if you have any questions , or need help , please let me know . thanks ! vanessa carranza @ enron 06 / 08 / 2000 04 : 47 pm to : shirley crenshaw / hou / ect @ ect cc : subject : moving roy ibasco shirley - i need to have roy ibasco ' s things moved to eb 2930 c from ebl 948 and have it charged to co / rc 413 - 1708 . please give me a call if you have any questions ! thanks - vanessa c 3 - 5030",0 +"Subject: re : agenda for vc craig , thanks for your email regarding tomorrow ' s houston / london videoconference . attached is an updated spreadsheet which elaborates upon the issues amitava and i will discuss tomorrow . regards , iris - - - - - original message - - - - - from : chaney , craig sent : thursday , april 19 , 2001 2 : 34 pm to : kirkpatrick , eric ; salmon , scott ; cruver , brian ; dhar , amitava ; mack , iris ; mumford , mike ; detiveaux , kim subject : agenda for vc folks , here were some of the things i thought would be useful we could discuss : status and schedule on data aquistion : iris and mike riskcalc testing : methodology , criteria , and schedule : iris and amitava model development : which model are going be developed and when : iris and amitava feel free to add to the agenda . craig",0 +"Subject: mgmt 656 enclosed please find the final grade rosters for mgmt 656 . ? grades are due into our office no later than friday , may 4 . remember that this is the university deadline for graduating students . thank you for your help ! - pam ( 713 - 348 - 6223 ) - 656 . doc",0 +"Subject: re : outage tracker option and background karl , thanks a lot . i have passed this information to grant masson who worked here on a related problem . he will get in touch with you regarding this technology . vince karl tomlinson @ enron _ development 07 / 24 / 2000 06 : 00 pm to : vince j kaminski @ ect cc : subject : outage tracker option and background vince , to follow up on the idea of a means for effectively tracking instantanious plant faliure utilising either system frequency or connection point voltage . the system frequency phase shift across a network will probably be the best option as this would allow alll significant deviations to be tracked along with relative network performance from a few points . i am currently chasing nemmco ( au system operator ) to get hold of a few weeks of 4 second metering data for the whole system to see if there is enough measurement consistency to prove one of the ideas . the idea follows along the lines ( literally ! ) that when a unit fails it will introduce a shock into the system and reduce system frequency , which is then reacted to by frequency control services offered in by generators . the drop in frequency is noticable across the whole network and as one option may change the phase shift across the whole grid . the phase shift across the network is constantly changing due to loads and power factor correctrion devices switching on and off , however a unit failure may be distinct . the second option relates to how a unit fails , whereby if a circuit breaker is involved as in the case of uncontrolled shutdowns , then the outage will cause an rf pulse that should propogate across some of the network . transformers will attenuate the pulse , however it should be detectable many miles away from the fault location . measure the arrival time at several point on the network , work out the shift and backtrack on the network . part of the solution is already proven in lightning trackers . the solution may be made more simple by detecting the exact point on the sinewave that the unit failed ( i . e . measuring the three phases at lmhz and then sending the data through a dsp ) . this solution is more complex , however this should allow unit failure to be pinpointed to a station . the timing base for each of the nodes may be sourced from gps timing , self locating at the same time ! will send you some links and documents for potentail hardware and setups . karl .",0 +"Subject: cal berkeley recruiting congratulations ! ! ! you have been nominated to join the cal berkeley campus team . beginning this fall , enron will head to the university of california at berkeley for the first time ! in addition to traditional analyst recruiting focusing on finance , economics , and business majors , the analyst program will add a new addition to it ' s rotational program - the global technology track . the global technology track will provide a pipeline for mis , computer science and engineering majors to join enron and rotate within enron net works and ebs technology functions . therefore , we would like to create a recruiting team that represents all aspects of enron including both it and business "" swat teams "" to help attack campus during career fairs , presentations , dinners , and other events searching for the ideal candidate . in the next week you will receive an invitation to the cal berkeley planning session and kickoff . at that time we will review strategies , profiles , and events to ensure that enron is able to attract the top candidates ! please make every effort to attend . if you have any questions , please do not hesitate to contact me at 3 - 3589 . thanks , ashley baxter global technology track recruiter",0 +"Subject: re : gwen koepke i will see you on friday at 3 . if you would like for me to come before then , just let me know . - - - - - original message - - - - - from : kaminski , vince sent : wednesday , may 02 , 2001 3 : 01 pm to : labbe , anne cc : kaminski , vince subject : re : gwen koepke anne , thanks for contacting me about this . as a matter of fact , i wanted to talk to you about it today as this matter was outstanding for a long time . i think we should go ahead and adjust gwen to manager , effective march 1 . the compensation would be her current base plus 10 k . this is what we typically do when we promote an associate to a manager . such promotions take place in march and i think gwen should not be penalized for the inefficiency of her management ( i . e . my and maureen ' s procrastination ) . on unrelated and more serious matter . gary hickerson is the primary client for maureen ' s services . he communicated to me a few weeks ago that he is unwilling to underwrite maureen ' s position ( he is in general unhappy with her contribution ) . this means that maureen will have to find another sponsor or leave enron . given her abrasive and aggressive personality finding another internal customer will be quite a challenge . gary volunteered to pay a very generous severance to maureen from his budget . i would like to talk to you about it when you have a few minutes . vince from : anne labbe / enron @ enronxgate on 05 / 02 / 2001 10 : 34 am to : vince j kaminski / hou / ect @ ect cc : subject : gwen koepke vince , just wanted to touch base with you . i have tried to contact maureen so that gwen ' s title and salary can be adjusted to manager just as you requested , but have not heard any response from her . would you like for me to wait until i hear from maureen or should i go ahead and proceed in changing her title ? i just want to make sure that gwen is in the right peer group during prc . also , i am going to try and set up a meeting with you next week through shirley to discuss any buring issues that you are experiencing , and your expectations during prc . thanks , anne",0 +"Subject: re : next visit to houston yes and so would the northeast trader john suarez vince j kaminski 06 / 29 / 2000 04 : 07 pm to : george hopley / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : next visit to houston george , would you like to take a like at the service ( see below ) . the meeting is on july 12 at 2 : 30 ( 19 th floor ) . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 29 / 2000 04 : 08 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" edward krapels "" on 06 / 29 / 2000 03 : 53 : 40 pm please respond to to : "" ' vince j kaminski ' "" cc : "" jeffrey shorter \ ( e - mail \ ) "" subject : re : next visit to houston vince , good to hear from you and i ' m glad you ' re available . how is wednesday at 2 : 30 ? i did look at eol and am not surprised to see its quality . i was unable to say much about it in my risk electricity hedging and trading report because of deadline pressures . how is the site doing ? i am intrigued by the competition for trading platforms and was astonished to hear that goldman , morgan , bp and shell were going to launch a site to compete with yours . talk about a shotgun marriage ! if we have time next week , i could step you through our website - - www . weathereffects . com . i ' m very proud of what we ' ve done . i can ' t give out a password yet but would be happy to walk through the site with you over the phone using my password . it ' s a very ambitious site - - with state - of - the - art wsi weather ( seasonal , 6 - 10 , and day to day ) driving a good load model for pjm and nepool . esai contributes oil and gas input price forecasts , capacity judgments , and "" herding "" ideas to develop power price forecasts for same time periods . after one month ' s full - bore effort , i ' m pleased with the results ( e . g . , we forecast nepool onpeak to be $ 43 and it turned out $ 46 ) . have a great weekend . ed - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , june 28 , 2000 5 : 29 pm to : ekrapels @ esaibos . com cc : vince j kaminski ; shirley crenshaw subject : re : next visit to houston ed , i shall be available on both days . what about wednesday , july 12 , between 1 : 30 and 4 : 00 . please , let me know what time would work for you . it will be nice to see you again . vince p . s . by the way , did you have a chance to take a look at the eol ? "" edward krapels "" on 06 / 28 / 2000 02 : 49 : 41 pm please respond to ekrapels @ esaibos . com to : vince j kaminski / hou / ect @ ect cc : subject : next visit to houston dear vince , i will be returning to houston during the week of july 10 . esai and weather services international have launched - - after more than 18 months of r & d - - our service , called energycast power trader and energycast gas trader , for power traders in nepool and pjm . i would be happy to review the service with you as well as take you on a tour of our web site . are you available on july 12 - 13 ? sincerely , ed krapels",0 +"Subject: year end 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the year end 2000 performance management process by providing meaningful feedback on specific employee ( s ) . your feedback plays an important role in the process , and your participation is critical to the success of enron ' s performance management goals . to complete requests for feedback , access pep at http : / / pep . corp . enron . com and select perform review under performance review services . you may begin providing feedback immediately and are requested to have all feedback forms completed by friday , november 17 , 2000 . if you have any questions regarding pep or your responsibility in the process , please contact the pep help desk at : houston : 1 . 713 . 853 . 4777 , option 4 london : 44 . 207 . 783 . 4040 , option 4 email : perfmgmt @ enron . com thank you for your participation in this important process . the following is a cumulative list of employee feedback requests with a status of "" open . "" once you have submitted or declined an employee ' s request for feedback , their name will no longer appear on this list . review group : enron feedback due date : nov 17 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - andrews , naveen c rudi c zipter oct 31 , 2000 baxter , ashley david davies nov 02 , 2000 campos , hector o peyton s gibner nov 06 , 2000 carson , richard l richard b buy oct 30 , 2000 crenshaw , shirley j wincenty j kaminski oct 26 , 2000 gandy , kristin h celeste c roberts nov 01 , 2000 gorny , vladimir theodore r murphy ii nov 02 , 2000 hewitt , kirstee l steven leppard nov 06 , 2000 kindall , kevin vasant shanbhogue oct 30 , 2000 lamas vieira pinto , rodrigo david port oct 31 , 2000 raymond , maureen j wincenty j kaminski nov 02 , 2000 rosen , michael b christie a patrick nov 06 , 2000 sun , li kevin kindall nov 09 , 2000 supatgiat , chonawee peyton s gibner oct 27 , 2000 tamarchenko , tanya v vasant shanbhogue oct 26 , 2000 villarreal , norma e sheila h walton oct 26 , 2000 walton , sheila h david oxley oct 27 , 2000 williams , matthew steven leppard nov 08 , 2000 yaman , sevil vasant shanbhogue oct 27 , 2000 yuan , ding richard l carson oct 31 , 2000",0 +"Subject: update - meteorologist search we have identified two good candatites who would be available for a london interview the week of the 18 th : 1 . kerryn hawke 2 . stephen cusack also strong but not available for that week is 3 . piero chessa ( working for ecmwf in italy ) we have a couple others here in the states if the london interviews don ' t work out . i am forwarding under separate cover kerryn and stephen ' s cv ' s with telephone numbers to jen - - - mike",0 +"Subject: vince , i ' ll have him e - mail you a cv . i ' d be happy to speak at the power risk conference . frank professor frank a . wolak email : wolak @ zia . stanford . edu department of economics phone : 650 - 723 - 3944 ( office ) stanford university fax : 650 - 725 - 5702 stanford , ca 94305 - 6072 phone : 650 - 856 - 0109 ( home ) world - wide web page : http : / / www . stanford . edu / ~ wolak cell phone : 650 - 814 - 0107",0 +"Subject: your advice is appreciated vince , in the morning we were talking about the el paso candidate who thinks he is above something and is not willing to take certain project or responsibility . in real life , we also occasionally have similar stiuation . ( an example is attached ) . i would like to have your guidance when such a situation occurs . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 05 / 02 / 2001 02 : 07 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 05 / 02 / 2001 01 : 41 pm to : paulo issler / hou / ect @ ect cc : subject : re : asian option for pavel our convention is whoever finalizes the model should write the documentation . it does not make sense to write one when changes are anticipated . you have been working on this almost a year , it never strikes you that we need a documentation ? i created exotica . xll , does that also give you an excuse not working on exotica documentation ? zimin paulo issler 05 / 02 / 2001 11 : 52 am to : zimin lu / hou / ect @ ect cc : tai woo / enron @ enronxgate @ enron , pavel zadorozhny / enron @ enronxgate subject : re : asian option for pavel i am surprised that we do not have the documentation ready . i can make that for you . it is not there because you did not put that together by the time it was created and all the changes i have made did not required changes on the functionality . paulo issler zimin lu 05 / 02 / 2001 11 : 29 am to : tai woo / enron @ enronxgate @ enron , paulo issler / hou / ect @ ect cc : pavel zadorozhny / enron @ enronxgate subject : re : asian option for pavel tai woo , here are the c - codes for the crudeapo . ' sig ' is the spot volatility meaning the price volatility within the delivery period . you should consult with pavel for the definition of this "" extra "" parameters . we would like to see the position monitor once you get it running . we might have some additional suggestions . paulo , why don ' t we have a documentation on crudeapo you worked on ? i can not find it in exotica help file . please supply that to tai , thanks . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - from : tai woo / enron @ enronxgate on 05 / 02 / 2001 09 : 55 am to : paulo issler / hou / ect @ ect cc : kara maloney / enron @ enronxgate , zimin lu / hou / ect @ ect subject : asian option for pavel this morning , zimin told me that pavel is using a special model in evaluating his asian option portfolio . he asked me to talk to you in order to access to the code so that i can see the difference made to the model . as i cannot find the doc . describing this model , please tell me what that new input parameter ' sig ' is . thanks , ",0 +"Subject: re : dabhol power jim , can you meet with us tomorrow ? one of my associates worked on a few projects with dpc and will visit them in january . his name is krishnarao pinnnamaneni and he will be gone for 3 weeks , starting wednesday please , let shirley crenshaw , my assistant ( 3 - 5290 ) , know what time would work for you tuesday . vince james a hughes @ enron _ development 12 / 18 / 2000 01 : 07 pm to : vince j kaminski @ ect cc : subject : dabhol power vince : as i am sure you are aware , we are facing significant challenges with the dabhol project . as i have delved into the project and our problems , i have been disturbed by our lack of information / data relative to our position in the grid and the overall fundamentals for the region . i would like to meet with you and get your assistance in identifying some resources to try and help the india team develop a better understanding of their market and how to identify / develop / use the fundamentals . thanks . jim",0 +"Subject: password for pjm 101 : the basics dear pjm attendees : for pjm 101 : the basics - febuary 27 , 2001 @ 9 : 00 am et your username and password will both be pjm + the first 3 letters of your last name . for instance my username and password would be pjmcur . feel free to go to our web site and change this at any time . http : / / www . virtual - workshops . com if you have any questions regarding this , give me a call .",0 +"Subject: re : flat screens f . y . i . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 01 / 07 / 2000 06 : 03 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 01 / 07 / 2000 06 : 03 am to : tommy garza / hou / ect @ ect cc : subject : re : flat screens thanks tommy , the locations are correct . eb 3131 b and eb 3132 b . the persons at the locations are trisha tlapek and michael sergeev . thanks also we need a computer for roman zadorozhny location ebl 972 b . please inform me on this . . . . . . . . . kevin moore",0 +"Subject: giuseppe paleologo molly , giuseppe is finishing his ph . d . at stanford and worked for us last summer . we would like to make him an offer to bring him as a manager . vince would like to offer $ 110 k base plus a $ 20 k signing bonus and whatever would be the appropriate relocation package ( he is single . ) . he is leaving on monday for europe , so it would be preferable if we can get an offer letter in his hands by friday or saturday . i have verbally given him this offer already , but told him that you would be the expert regarding what is covered in the relocation part . he should be sending me his current address by email which i will forward to you a . s . a . p . thanks , stinson x 34748 p . s . regarding jinbaek . we would be happy to pay his air ticket . - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 25 / 2001 03 : 26 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - giuseppe andrea paleologo @ stanford . edu on 04 / 23 / 2001 07 : 33 : 29 pm please respond to gappy @ stanford . edu sent by : gappy @ stanford . edu to : stinson . gibner @ enron . com cc : subject : re : from stinson stinso , nice to hear from you . things are going well here . the only annoyance comes from the ins . i applied for curricular practical training , and it will take about three months to have the work permit . receiving an h - 1 takes understably much longer . other than this , i would like to know how are things in the research group and ebs . i will leave for italy next monday and will stay there two weeks . i hope to hear from you before my departure . giuseppe stinson . gibner @ enron . com wrote : > > giuseppe , > > how are you ? is your thesis still on schedule ? i hope things are going > well . i will try and give you a call in the next day or two to see how > things are going and to bring you up to date on what ' s going on here at > enron . look forward to talking with you . > > - - stinson - - giuseppe a . paleologo email : gappy @ stanford . edu office phone : ( 650 ) 725 - 0541",0 +"Subject: ca for henwood engagement bonnie , thanks for getting back to me on friday . enron will be contracting with henwood for henwood to provide an analysis of the indian power system . however , enron will be providing a significant part of the input data used for the study including our views on the indian market in the future and also very detailed information about our dabhol plant . we want to be sure that the information provided by us to henwood remains confidential . we also want to be sure that henwood considers as confidential the results of this study provided by henwood to enron . the enron and related entities providing information are likely to include dabhol power corp . enron india also possibly enron north america the primary henwood contact for the project is robert schenck in australia at henwood energy services , inc . 26 greenhill road wayville , sa 5034 australia the henwood corporate office is in sacramento : 2710 gateway oaks drive suite 300 north sacramento , ca 95833 let me know if you need any additional information . - - stinson x 34748",0 +"Subject: global risk management initiative rick , i read your memo regarding global risk management initiative . i am sending you the information regarding a related initiative on which i have been working last year and which is moving now into the implementation stage . it ' s enterprise - wide risk management and it ' s really an effort to measure business risks consistently across the company . i hope my group can be helpful in designing the general approach to this problem . please , let me know what your thoughts are . vince",0 +"Subject: re : credit reserve update we have not done any recent analysis since the end of january or maybe even the end of december . i will have rod nelson and tanya rohauer relook at the impact of the changing yield curve on credit reserve . we have a lot of improvements we need to make on our current methodology when we have the time and resources to dedicate to it . bill vince j kaminski 02 / 17 / 2000 10 : 14 am to : william s bradford / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : credit reserve update bill , most recent vincent ' s update on what ' s going on with the credit model . another issue . i am increasingly concerned with our general approach to the generation of probabilities of default . recent developments in the credit markets are likely to change completely the dynamics and levels of interest rate spreads . i am curious if you looked at the credit reserve based on the current yield curves ( as of the last few days ) . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 17 / 2000 09 : 05 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vincent tang 02 / 15 / 2000 05 : 12 pm to : vince j kaminski / hou / ect @ ect cc : grant masson / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect subject : credit reserve update",0 +"Subject: re : 2 - survey / information email 5 - 7 - 01 outlook migration team @ enron 05 / 04 / 2001 03 : 26 pm to : alex huang / corp / enron @ enron , amitava dhar / corp / enron @ enron , anita dupont / na / enron @ enron , bob lee / na / enron @ enron , chonawee supatgiat / corp / enron @ enron , elena chilkina / corp / enron @ enron , gwyn koepke / na / enron @ enron , jaesoo lew / na / enron @ enron , jason sokolov / hou / ect @ ect , jose marquez / corp / enron @ enron , kate lucas / hou / ect @ ect , kenneth parkhill / na / enron @ enron , kevin g moore / hou / ect @ ect , lance cunningham / na / enron @ enron , leann walton / na / enron @ enron , martin lin / hou / ect @ ect , maureen raymond / lon / ect @ ect , mike a roberts / hou / ect @ ect , nelson neale / na / enron @ enron , paulo issler / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , rabi de / na / enron @ enron , rakesh bharati / na / enron @ enron , sandeep kohli / enron _ development @ enron _ development , sevil yaman / corp / enron @ enron , shirley crenshaw / hou / ect @ ect , sofya tamarchenko / na / enron @ enron , stinson gibner / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , tom barkley / na / enron @ enron , tom halliburton / corp / enron @ enron , vince j kaminski / hou / ect @ ect , william smith / corp / enron @ enron , youyi feng / na / enron @ enron , zimin lu / hou / ect @ ect , alan muntz / npng / enron @ enron , anita swanson / npng / enron @ enron , bambi heckerman / npng / enron @ enron , christopher burns / npng / enron @ enron , darla steffes / npng / enron @ enron , geneva patterson / npng / enron @ enron , jerry boston / npng / enron @ enron , jody warner / npng / enron @ enron , john freeman / npng / enron @ enron , judith weakly / npng / enron @ enron , laurie willemyns / npng / enron @ enron , leon schneider / npng / enron @ enron , loren charbonneau / npng / enron @ enron , ray neppl / npng / enron @ enron , scott coburn / npng / enron @ enron , alliece morris / ots / enron @ enron , etsweb @ enron , joe zhou / fgt / enron @ enron , ladonna dervin / ots / enron @ enron , larry hill / fgt / enron @ enron , max brown / ots / enron @ enron , patty hermanek / fgt / enron @ enron , peter lu / et & s / enron @ enron , randy cantrell / gco / enron @ enron , richard abramowicz / et & s / enron @ enron , rick craig / ots / enron @ enron , robert fugel / et & s / enron @ enron , tina dunnaway / fgt / enron @ enron , wendy koh / et & s / enron @ enron , anne bike / corp / enron @ enron , barry tycholiz / na / enron @ enron , carli smith / na / enron @ enron , doug fletcher / enron _ development @ enron _ development , jacquelyn matthews / na / enron @ enron , janelle russell / enron _ development @ enron _ development , joanne smith / corp / enron @ enron , kayla bruzzese / na / enron @ enron , michael j beyer / hou / ect @ ect , michael j miller / enron communications @ enron communications , michelle lincoln / enron _ development @ enron _ development , shelly jones / hou / ect @ ect , susan huston / hr / corp / enron @ enron , zachary sampson / na / enron @ enron , alison smith / nyc / mgusa @ mgusa , bernie penner / nyc / mgusa @ mgusa , janet vala - terry / nyc / mgusa @ mgusa , lilia penagos / nyc / mgusa @ mgusa , patricia benington / nyc / mgusa @ mgusa , jack netek / enron communications @ enron communications cc : subject : 2 - survey / information email 5 - 7 - 01 current notes user : to ensure that you experience a successful migration from notes to outlook , it is necessary to gather individual user information prior to your date of migration . please take a few minutes to completely fill out the following survey . when you finish , simply click on the ' reply ' button then hit ' send ' your survey will automatically be sent to the outlook 2000 migration mailbox . thank you . outlook 2000 migration team full name : vince j kaminski login id : vkamins extension : 3 - 3848 office location : ebl 962 what type of computer do you have ? ( desktop , laptop , both ) desktop , laptop do you have a pda ? if yes , what type do you have : ( none , ipaq , palm pilot , jornada ) palm pilot do you have permission to access anyone ' s email / calendar ? no if yes , who ? does anyone have permission to access your email / calendar ? shirley crenshaw , anita dupont if yes , who ? are you responsible for updating anyone else ' s address book ? no if yes , who ? is anyone else responsible for updating your address book ? no if yes , who ? do you have access to a shared calendar ? no if yes , which shared calendar ? do you have any distribution groups that messaging maintains for you ( for mass mailings ) ? no if yes , please list here : please list all notes databases applications that you currently use : in our efforts to plan the exact date / time of your migration , we also will need to know : what are your normal work hours ? from : 7 : 30 to : 6 : 30 will you be out of the office in the near future for vacation , leave , etc ? no if so , when ? from ( mm / dd / yy ) : to ( mm / dd / yy ) :",0 +"Subject: option hedging for ees eugene , bob and i had a discussion about your question you raised yesterday . for an option writer , he has the obligation to deliver , so he hedges it with the underlying by adjesting delta positions . the hedging cost , theoretically , should be equal to the fair value of the option premium . on the other hand , for the option holder , he has no obligation , by delta heging , he would pay double for the option , with no upside . so he should not hedge it at all . if the option holder wants to protect the time value of the option , he should sell the option to the market or some equivalent options to create a theta - neutral portfolio . this may require trading in both the orginal and the equivalent option underlyings . our question to you , if the call options you mentioned are embedded in the ees contracts , say fixed price sale contracts , what makes it possible to just separate those options and sell them to the market to retain the full values of the options ? we conjecture that these options are meant to hedge the original contract . by selling those options you eliminate the upside of the original contract . give one of us a call if you want to discuss this further . zimin",0 +"Subject: interview schedule for seksan kiatsupaibul attached please find the interview packet for the above - referenced person . the interview will happen friday , july 7 , 2000 . print all three documents for your hard copies . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . shawn grady 59385",0 +"Subject: re : anita dupont resume sheila walton is out of the office this week . i will be the hr representative handling this group in her absence . please send the job description to me , norma villarreal , so that i can begin the process . please call me if you have any questions on this or any other hr related issue . thank you norma villarreal x 31545 vince j kaminski 08 / 07 / 2000 08 : 29 am to : sheila walton / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , norma villarreal / hou / ect @ ect subject : re : anita dupont resume sheila , no , we have to go through the posting phase first . i shall ask shirley to provide the job description . vince from : sheila walton 08 / 04 / 2000 02 : 44 pm to : vince j kaminski / hou / ect @ ect cc : norma villarreal / hou / ect @ ect subject : re : anita dupont resume vince , alice has strong qualities for a sr admin asst . vince , have we posted this position on the job posting board ? if so , great . if not , we need to post this opening to prove that we have given an opportunity to all existing enron employees before we go outside to external candidates . otherwise , existing employees have a valid complaint that we are limiting their advancement within enron but hiring externally . if we have not posted this , i will have the recruiter contact shirley so shirley can give us a job description . then we can post and interview anita simultaneously . please let me know asap if this has been posted . thanks . sheila walton vince j kaminski 08 / 02 / 2000 08 : 48 am to : sheila walton / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : anita dupont resume sheila , i would like to hire anita dupont as a senior admin assistant , reporting to shirley . please , call me about it after you review the resume . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 02 / 2000 08 : 52 am - - - - - - - - - - - - - - - - - - - - - - - - - - - anita dupont @ enron 08 / 02 / 2000 08 : 17 am to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : anita dupont resume vince : here is the resume you requested . thanks . anita",0 +"Subject: re : a resume - canadian trader john , he is currently a student at carnegie mellon , one - year computational finance program . i got his resume recruiting in the campus . i would recommend him as a potential hire ( my group or trading ) . vince john j lavorato @ enron 12 / 10 / 2000 11 : 40 am to : vince j kaminski / hou / ect @ ect cc : subject : re : a resume - canadian trader vince where did this resume come from and is he still employed by the national bank in monteal .",0 +"Subject: enterprise risk management conference it appears that things are filling up fast . among the open topics listed , "" techniques for the clarification and quantification of operational risk within the energy industry "" and "" var , stress testing , and extreme value theory within an enterprise risk management framework "" seem to be the best . we have liberty to suggest our own topic , maybe along the lines of asset / liability management . do you have a preference ? - kevin k . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin kindall / corp / enron on 08 / 08 / 2000 04 : 20 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" paul bristow "" on 08 / 08 / 2000 10 : 28 : 37 am please respond to "" paul bristow "" to : cc : subject : enterprise risk management conference dear kevin , ? following our telephone conversation , please find attached a summary of topics proposed for inclusion in the forthcoming enterprise risk management conference . last year the event attracted over eighty delegates and more are expected this year . the conference will be held in houston on thursday 16 th and friday 17 th november , with a pre - conference seminar on the 15 th . as we discussed , i would be delighted to invite enron to lead a session . i would be happy to consider any of the available sessions or if you have a session that you feel is currently missing from the programme , do not hesitate to make a suggestion . ? i have attached a file that gives an indication of the topics that have been identified so far . although i have bullet points for the sessions i would first like to identify interested parties and then work with them to develop a session that reflects their particular expertise and experience . i also think that by continuously developing the points we can make greater allowances for continuity between each participant . ? i look forward to speaking with you soon . ? yours sincerely , ? paul bristow , senior course and conference producer , eprm + 44 ( 0 ) 20 7484 9883 - maildoc . doc",0 +"Subject: fw : luncheon meeting : asap dear mr . kaminski : just to bring you up to date . i am no longer with american general . i shall , therefore , appreciate an opportunity to meet with you for lunch at the earliest possible time . i can be reached at 713 - 722 - 7199 . thank you . maruti more 713 - 722 - 7199 - - - - - original message - - - - - from : more to : vince j kaminski date : friday , december 17 , 1999 8 : 55 pm subject : re : luncheon meeting thank you for your response . i was very happy to hear from you . i am also taking next week off and will be back to work on december 27 th . please do call me when you get back . would very much appreciate the opportunity to have a quick lunch with you , if possible . hope everything is going well . have wonderful christmas holidays . regards maruti more 713 - 831 - 6209 ( o ) - - - - - original message - - - - - from : vince j kaminski to : more cc : vince j kaminski date : friday , december 17 , 1999 3 : 35 pm subject : re : luncheon meeting hello , i shall be taking a few days off around xmas . i shall call you at the end of december when i get back to the office . with best holiday wishes , vince "" more "" on 12 / 01 / 99 09 : 28 : 09 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : luncheon meeting dear mr . kaminski : how are you doing ? i want to find out if we can meet again for a quick lunch . you might know that in maharashtra , india there is now a new chief minister ( ceo of the state government ) . i am proud to say that he and i are from the same town , latur . i would really enjoy talking with you again , at your convenience . i will call you tomorrow to follow up . thank you . sincerely , maruti more - - - - - original message - - - - - from : vince j kaminski to : more cc : vince j kaminski ; vkaminski @ aol . com date : thursday , july 01 , 1999 6 : 16 am subject : re : luncheon meeting dear mr . more , let ' s meet at 11 : 45 in the lobby of the enron building . we can walk to one of the restaurants in the downtown area . vince kaminski ( embedded enron capital & trade resources corp . image moved to file : from : "" more "" picl 7002 . pcx ) 06 / 30 / 99 10 : 38 pm to : vince j kaminski / hou / ect cc : subject : luncheon meeting dear mr . kaminski : i am looking forward to our luncheon meeting on this friday , july 2 , 1999 at 11 : 30 am . please let me know where we should meet . thank you for taking time out from your busy schedule . sincerely , maruti more tel . : 713 - 831 - 6209 - attl . htm",0 +"Subject: amr research preview information vince , feel free to use this username and password to surf around the amrresearch site ken - - - - - - - - - - - - - - - - - - - - - - forwarded by kenneth parkhill / na / enron on 04 / 12 / 2001 01 : 23 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - webmaster @ www . amrresearch . com ( craig mackay ) on 04 / 11 / 2001 05 : 34 : 08 pm to : kenneth parkhill cc : subject : amr research preview information the following is your user name and password for an amr research preview account . username : parkhilll 51647 password : remain the preview section will give you access to the executive summaries section and the presentation library . if you have any questions about amr research , please email info @ amrresearch . com or call ( 617 ) 542 - 6600 . to access the preview section , please go to the following url . http : / / www . amrresearch . com / members",0 +"Subject: vol skew no - arbitrage constraints the attached note lists conditions that can be used to verify that a given vol skew curve does not generate arbitrage opportunities in a strip of option prices . if you have questions or want to discuss implementation , please give me a call . bob lee x 35163",0 +"Subject: re : research resumes molly , below are the resumes sent to us by focus . vince suggested that we interview one person plus sriram , who already lives in houston . karim looks like the most qualified , but my fear is that we may not be able to afford him . i am assuming that vince will want to hire at most at the manager level . can you first check and see if karim would consider coming at a manager level salary before we spend time talking with him . if he is too senior , then we should talk to samir , who looks like a more junior level person . thanks , stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 05 / 2001 02 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner 04 / 05 / 2001 08 : 42 am to : vince j kaminski / hou / ect @ ect cc : subject : re : resumes vince , see below for my picks based on the resumes . the others marked as "" no "" might be ok as well , but did not seem to have as much slant towards finance . - - stinson vince j kaminski 04 / 04 / 2001 03 : 45 pm to : stinson gibner / hou / ect @ ect cc : subject : resumes - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 04 / 2001 03 : 45 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - to : cc : subject : resumes here are some people you might want to speak with . ? siriam lives in houston . ? please see the attached resumes of the following : ? karim ashktorab yes ( might be expensive ? ) stephen liu no farshad ravanshad no matthew rusk no samir ranjan yes cedric chow no sriram vasudevan maybe ( already in houston ) ? regards , ? scott gerson focus capital markets 71 vanderbilt avenue suite 200 new york , ny 10017 ( 212 ) 986 - 3344 tele ( 212 ) 986 - 3370 fax - focus sriram vasudevan . doc - focus cedric chow . doc - focus samir ranjan . doc - focus matthew rusk . doc - focus farshad ravanshad . doc - focus stephen liu . doc - focus karim ashktorab . doc",0 +"Subject: mid - year 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the mid - year 2000 performance management process by providing meaningful feedback on specific employee ( s ) that have been identified for you . your feedback plays an important role in the performance management process , and your participation is very critical to the success of enron ' s performance management goals . please provide feedback on the employee ( s ) listed below by accessing the performance management system ( pep ) and completing an online feedback form as described in the "" performance management quick reference guide "" . you may begin your feedback input immediately . please have all feedback forms completed by the date noted below . if you have any questions regarding pep or your responsibility in the process , please call the pep help desk at the following numbers : in the u . s . : 1 - 713 - 853 - 4777 , option 4 in europe : 44 - 207 - 783 - 4040 , option 4 in canada : 1 - 403 - 974 - 6724 ( canada employees only ) or e - mail your questions to : perfmgmt @ enron . com thank you for your participation in this important process . the following list of employees is a cumulative list of all feedback requests , by operating company , that have an "" open "" feedback status . an employee ' s name will no longer appear once you have completed the feedback form and select the "" submit "" button in pep . review group : enron feedback due date : jun 16 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - ahmad , anjam dale surbey may 22 , 2000 carson , margaret m james d steffes may 26 , 2000 carson , richard l richard b buy may 22 , 2000 crenshaw , shirley j wincenty j . kaminski may 24 , 2000 ganjoo , shalesh peyton s gibner jun 15 , 2000 ghosh , soma timothy davies may 31 , 2000 kaminski , wincenty j . david w delainey jun 05 , 2000 overdyke , jere c . david w delainey jun 12 , 2000 peyton , john a randal t maffett jun 05 , 2000 rotenberg , douglas m . david l . haug jun 15 , 2000",0 +"Subject: please approve : application request ( wsmh - 4 esnva ) security resource request wsmh - 4 esnva has been submitted for your approval . to view the request , double click your left mouse button on the notes document link below . quick steps to approve or reject request form : 1 . click the button to view details of the requests . 2 . click the button to approve or reject the requests . 3 . to edit the request form , double - click anywhere on the form . see the online help for instructions or call ect security .",0 +"Subject: raptor position reports for 12 / 28 / 00 attached are the latest available daily position report files for the 4 raptor vehicles which include spreadsheets detailing what is hedged within each vehicle . one thing that i forgot to mention in our meeting yesterday is that there is considerable indecision as to whether or not raptor 4 will be included in the cross - guarantees , so we will need to have a value with or without raptor 4 . i will send a follow - up e - mail with the latest drafts available for the cross guarantees . let me know as questions arise . thanks again . ron - - - - - forwarded by ron baker / corp / enron on 01 / 03 / 2001 09 : 25 am - - - - - gordon mckillop 12 / 29 / 2000 12 : 26 pm to : ben f glisan / hou / ect @ ect , andrew s fastow / hou / ect @ ect , richard causey / corp / enron @ enron , rick buy / hou / ect @ ect , greg whalley / hou / ect @ ect cc : barry schnapper / corp / enron @ enron , andrea v reed / hou / ect @ ect , ryan siurek / corp / enron @ enron , kevin d jordan / corp / enron @ enron , michael kopper / hou / ect @ ect , chris loehr / hou / ect @ ect , anne yaeger / hou / ect @ ect , rodney faldyn / corp / enron @ enron , ron baker / corp / enron @ enron , amy . flores @ ljminvestments . com , l ' sheryl hudson / hou / ect @ ect , wes colwell / hou / ect @ ect , kevin howard / enron communications @ enron communications , david port / market risk / corp / enron @ enron , jordan mintz / hou / ect @ ect , maria lebeau / hou / ect @ ect , michael s galvan / hou / ect @ ect , david maxwell / hou / ect @ ect , susie ayala / hou / ect @ ect , hope vargas / hou / ect @ ect , bob butts / gpgfin / enron @ enron subject : raptor position reports for 12 / 28 / 00",0 +"Subject: request submitted : access request for pinnamaneni . krishnarao @ enron . com you have received this email because the requester specified you as their vp . please click approval to review and act upon this request . request id : 000000000010552 request create date : 12 / 18 / 00 8 : 53 : 23 am requested for : pinnamaneni . krishnarao @ enron . com resource name : vpn resource type : applications",0 +"Subject: re : petrochemical forward curves vince , you will find the most recent email exchanges below . per our discussion , i did sit down with christian last week to talk about a fundamental / econometric approach to forward curve construction as was done for the agricultural efforts . let me know how you , vasant , and stinson would like to proceed on this matter . nelson - - - - - - - - - - - - - - - - - - - - - - forwarded by nelson neale / na / enron on 04 / 18 / 2001 08 : 55 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : christian lebroc / enron @ enronxgate on 04 / 17 / 2001 04 : 41 pm to : nelson neale / na / enron @ enron cc : subject : re : petrochemical forward curves please review the "" curve model 2 k "" file which was built by research a few years back for plastics trading group . i would like to work with you or someone in research as far as building the same model for all petrochemical products . the "" benz _ curve "" file is what i have done so far but it is very primitive compare to the other model . let me know what i need to do going forward . christian - - - - - original message - - - - - from : neale , nelson sent : friday , april 13 , 2001 11 : 28 am to : lebroc , christian subject : re : petrochemical forward curves what kind of crude price volatility are you proposing to use ( nymex ) ? as i recall , we did find some relationship between the time series price variable and one of the s & d terms that you had placed in the excel worksheet . there was no relationship with lagged price either ? if you don ' t mind , please forward the data to me so that i can take a quick look at it . nelson from : christian lebroc / enron @ enronxgate on 04 / 12 / 2001 05 : 44 pm to : nelson neale / na / enron @ enron cc : subject : re : petrochemical forward curves for gbm , i was thinking about using crude volatility . unfortunately , supply and demand is not a good indicator of predicting prices because of the economic complexity of processing aromatics . statistically , there is no relationship between utilization , supply , demand and price . inserting time lag does not make the number any better either . christian - - - - - original message - - - - - from : neale , nelson sent : thursday , april 12 , 2001 5 : 23 pm to : lebroc , christian subject : re : petrochemical forward curves hi christian , both mean reversion and gbm models assume that all information related to a future price may be found in the historical price . the approach employed in the ag curves suggests that there may be some fundamental information related to supply and demand that impacts also drives future price . a portion of the mean reversion process is actually captured with inclusion of lagged prices ( autoregressive component ) . a gbm process requires some information on price volatility . since there is presumably no forward / future curve for the commodity of interest , it is difficult to come up with historical volatility values . hope it helps . nelson from : christian lebroc / enron @ enronxgate on 04 / 12 / 2001 11 : 46 am to : nelson neale / na / enron @ enron cc : subject : petrochemical forward curves neslon , i would like to insert "" mean reversion "" and "" geometric brownian motion "" in the linear forward curve equation you put together for me earlier this week . please inform me on how to assemble the above request . thanks christian - - - - - original message - - - - - from : lebroc , christian sent : tuesday , april 10 , 2001 2 : 29 pm to : neale , nelson subject : petchem data > >",0 +"Subject: ed krapels louise , some time ago i sent you a message regarding ed krapels . he is writing a book on energy commodity markets and would like to learn more about eol . can you give him a call and chat with him for 10 minutes . he is a good friend of enron and it would be free ad for us . vince",0 +"Subject: carnegie mellon candidates kristin : we are sending the interview request form information to molly magee to bring the following two candidates in for interviews : frank ( feng ) qian punit rawal we have no further interest in the following two candidates . do you handle contacting them ? heap - ho tan kyubaek heo thanks ! shirley",0 +"Subject: summer internship at enron jana : vince kaminski is interested in taking kyriakos frantzeskakis into his group as a summer associate . once you have finalized your staffing , please confirm with vince kaminski the placement status . thanks , celeste - - - - - - - - - - - - - - - - - - - - - - forwarded by celeste roberts / hou / ect on 03 / 12 / 2001 11 : 14 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 03 / 12 / 2001 11 : 08 am to : celeste roberts / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , kevin kindall / corp / enron @ enron , shirley crenshaw / hou / ect @ ect , kristin gandy / na / enron @ enron subject : summer internship at enron celeste , we shall be happy to take him as an intern ( summer asociate ) . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 12 / 2001 11 : 07 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin kindall @ enron 03 / 12 / 2001 09 : 27 am to : vince j kaminski / hou / ect @ ect cc : vasant shanbhogue / hou / ect @ ect subject : summer internship at enron - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin kindall / corp / enron on 03 / 12 / 2001 09 : 26 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kf 2 @ andrew . cmu . edu on 03 / 12 / 2001 09 : 15 : 09 am please respond to to : cc : subject : summer internship at enron dear kevin , following my interviews at gsia on february 15 / 16 , i will join enron as a summer associate this may . i would be very excited to join the research team , if possible . thank you in advance , kyriakos frantzeskakis",0 +"Subject: interview dear mr . kaminski : i am very sorry to tell you that i have to cancel my interview with you scheduled on feb 9 th . i had a job offer from citadel investment at chicago with a deadline on feb 5 th . i have been trying to get an extension for the past week and unfortunately it failed today . with this very short time frame , it is impossible for me and enron ' s interviewing process to meet the feb 5 th deadline . how unwillingly , i would not be able to visit enron for after taking citadel ' s offer . i hope you will find another candidate from our class . there are some people still available . i will be happy to help you get in touch with those interested . please keep in touch and i wish you well in your business ! frank qian fqian @ andrew . cmu . edu",0 +"Subject: ees implementation message sent from the pjm - customer - info mailing list at pjm - customer - info @ majordomo . pjm . com : valued customer : ees production cut - over the production ees application will be made available to the registered users on monday april 17 , 2000 for day - ahead scheduling . the production system will be preloaded with all schedules submitted through the current scheduling process to that point ( pjm identifiers for these pre - loaded schedules will be provided through the usual scheduling practices ) . hourly schedules may be entered beginning april 18 , 2000 . the sandbox will be made unavailable at the time of production implementation . prior to april 17 , the https : / / eestest . pjm . com url will be reserved for the sandbox . beginning april 17 , the https : / / ees . pjm . com url will point to the production ees application . registration users with accounts on the sandbox will automatically have accounts on the production system . if you have not registered , please complete the authorization and registration forms located at http : / / www . pjm . com / ees / ees _ index . html . the contact designated on the ees authorization form will be faxed a list of user id ' s and passwords upon completion of the registration process . ees support pjm is enthusiastic about providing the responsive support you and your technical staff require . please contact our customer hotlines with your functional and technical inquiries . * functional support : ( 610 ) 666 - 8980 * technical support : ( 610 ) 666 - 8886 * email : eeshelp @ pjm . com questions may be directed to pjm customer service at ( 610 ) 666 - 8980 . to unsubscribe from this list , send an e - mail to majordomo @ majordomo . pjm . com containing only the following line in the body of the e - mail : unsubscribe pjm - customer - info",0 +"Subject: re : confirmation of meeting i would very much like to meet vince , unfortunately i am in back to back meetings all day today . maybe we could rearrange next time vince is in london or i am in houston . regards paul to : paul e . day cc : date : 29 / 09 / 2000 17 : 52 from : shirley . crenshaw @ enron . com subject : re : confirmation of meeting paul : fyi . regards , shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 09 / 29 / 2000 11 : 49 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 09 / 29 / 2000 11 : 51 am to : wendy . dunford @ arthurandersen . com @ enron cc : subject : re : confirmation of meeting ( document link : shirley crenshaw ) wendy : i am so sorry for the late notice , but vince will be in london for 1 day only , monday , october 2 nd . he has had some time freed up and if paul and julian could meet with him , they can call him at the grosvenor house , 870 - 400 - 8500 . his morning is already full , but lunch , dinner or afternoon would work . regards , shirley wendy . dunford @ arthurandersen . com on 09 / 18 / 2000 10 : 14 : 51 am to : shirley . crenshaw @ enron . com cc : subject : re : confirmation of meeting hi shirley thanks for getting back to me . regards wendy * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it . * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it .",0 +"Subject: re : rtp conference hill , yes , i think it can be done . i am in london right now and i shall come back next week thursday . please , give me call about it . vince vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 ( 713 ) 410 5396 ( cell ) fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com hill huntington on 03 / 22 / 2001 04 : 47 : 33 pm to : vince kaminsky cc : subject : rtp conference vince , sounds like there are several enron people very interested in our seminar . many thanks for passing the idea around . do you think that these groups might provide some sponsorship ? i didn ' t know whether you have already asked them and they are thinking about it or whether i need to approach them directly . i would appreciate any suggestions you have . regards , hill hillard g . huntington emf - an international forum on energy and environmental markets voice : ( 650 ) 723 - 1050 408 terman center fax : ( 650 ) 725 - 5362 stanford university email : hillh @ stanford . edu stanford , ca 94305 - 4026 emf website : http : / / www . stanford . edu / group / emf /",0 +"Subject: re : cairn gas purchase bid fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by doug leach / hou / ect on 08 / 17 / 2000 09 : 59 am - - - - - - - - - - - - - - - - - - - - - - - - - - - douglas s parsons @ enron _ development 08 / 15 / 2000 09 : 30 am to : doug leach / hou / ect @ ect cc : marc de la roche / hou / ect @ ect subject : re : cairn gas purchase bid i can appreciate and share your objective . earlier today i sent a separate note to vince forwarding your concerns and asking again for his assistance . i ' ll start there and if needed i ' ll contact michael popkin ' s structuring group . however , before getting too many people involved i want to see what feedback we get from cairn after they ' ve discussed the offers internally this week . doug leach @ ect 08 / 15 / 2000 08 : 37 am to : douglas s parsons / enron _ development @ enron _ development cc : marc de la roche / hou / ect @ ect subject : re : cairn gas purchase bid i gave you several clear alternatives such as contacting vince ' s structuring group , michael popkin ' s southern cone structuring group and a long discussion regarding the pricing and suggested "" collar . "" i also asked if you had spoken to your customer about what they were willing to pay , but that was a non starter . trust me , i have seen almost every bad deal enron has entered into or attempted to enter into and i am trying to get metgas to objectively relook at their offer to cairn become it becomes another bad deal . douglas s parsons @ enron _ development 08 / 15 / 2000 08 : 31 am to : doug leach / hou / ect @ ect cc : subject : re : cairn gas purchase bid that ' s fine , but don ' t you think i would also prefer not receiving criticism that assumes i didn ' t do something and provides no clear alternative . doug leach @ ect 08 / 15 / 2000 07 : 52 am to : douglas s parsons / enron _ development @ enron _ development cc : marc de la roche / hou / ect @ ect , bobby subject : re : cairn gas purchase bid you spoke to me once and i gave you my opinions which were contrary to your resultant offer to cairn . currently , i have better things to do with my time . douglas s parsons @ enron _ development 08 / 15 / 2000 12 : 10 am to : doug leach / hou / ect @ ect cc : marc de la roche / hou / ect @ ect , bobby subject : re : cairn gas purchase bid i talked to vince after we hung up and his only suggestion was to call sandeep kohli . i spoke with marc and yourself four times on this matter over a 3 day period and given the timing , i put forth a non - binding offer , after discussing it further with bobby , based on the information i had that appears to position us close to our competitors offers . we haven ' t committed ourselves and should we be selected for negotiations there are numerous variables to affect the outcome . if you ' ve got any suggestions for a better deal , please advise . doug leach @ ect 08 / 14 / 2000 07 : 45 am to : douglas s parsons / enron _ development @ enron _ development cc : marc de la roche / hou / ect @ ect , bobby subject : re : cairn gas purchase bid i strongly disagree with the pricing and structure of your non - binding offer to cairn . this reminds me of the debacle in brazil . you should have contacted vince kaminski ' s research group as we talked about before an offer was made . this is a bad deal . douglas s parsons @ enron _ development 08 / 12 / 2000 01 : 51 am to : doug leach @ ect , marc de la roche @ ect cc : subject : cairn gas purchase bid doug & marc , fyi , please let me know if you think we ' re totally off base . i appreciate your help . regards , doug - - - - - - - - - - - - - - - - - - - - - - forwarded by douglas s parsons / enron _ development on 08 / 12 / 2000 01 : 48 am - - - - - - - - - - - - - - - - - - - - - - - - - - - douglas s parsons 08 / 11 / 2000 06 : 24 am to : bobby farris / enron _ development @ enron _ development cc : f b virani / enron _ development @ enron _ development , ujjwal dey / enron _ development @ enron _ development , nilesh subject : cairn gas purchase bid bobby , after meeting with cairn today in delhi , my perception is that our offer was received well . they were more open and relaxed then they were on wed . morning and made several encouraging comments about our price range , ( once we talked through the price movements ) , and the seriousness of our gas related activities on the west coast of india , in light of the ioc agreement . i think the overall package is attractive to them and no serious objections were raised . we did talk to some extent about the guarantees , but we didn ' t get too far and they ' re willing to accept at this point that what ' s acceptable to the lng suppliers , should be suitable for their needs . however , they would like to understand the corporate structure and assets of enron energy marketing a little better and i told them i would get back to them on that point . david and ajay were up in hazira yesterday looking at some property for their gas treatment facility , which apparently is across the road from pipeline access . while there they went and looked at shell ' s proposed lng site after walking the last 1 km , inaccessible to their 4 wd vehicle and not surprisingly found a beach . in summary , here is what we offered on a non - binding basis : six year production plateau 85 % top $ 3 . 67 / mmbtu net , at a base of $ 18 / bbl brent , with point of sale at the tail - end of the gas processing plant floor & cap of $ 15 . 50 - $ 27 . 00 / bbl price movement : + / - $ 1 . 00 / bbl from the $ 18 / bbl base price ( on a 3 mo . rolling average ) equals + / - $ 0 . 145 / mmbtu fixed on a quarterly basis guarantees : same protection we ' re providing the lng suppliers under the trust retention account i appreciate everyone ' s help in submitting this offer . thanks , doug",0 +"Subject: re : monday presentation i have made one correction to guadalupe ' s degree - - - it is actually ma , law and diplomacy rather than ms , finance . here is the corrected version .",0 +"Subject: oracle nt client software upgrade - manual upgrade steps this weekend , the enron global information technologies department will be distributing a new version of the oracle 8 i client . due to the mobile environment of our user base , not all machines will receive the automatic update . if you are a user of an oracle based application and your machine is not available to the network this weekend , you can manually upgrade your machine via the following steps : 1 ) click on start - programs - utilities 2 ) then click on "" install oracle 8 i client "" . if you are a user of microsoft excel spreadsheets or microsoft access databases that retrieve information from our oracle databases , you can manually convert your oracle odbc connections to the proper drivers via the following steps : 1 ) click on start - programs - utilities 2 ) then click on "" update odbc data source names to oracle 8 i "" . if you do not see these icons , there is another icon under start - programs - utilities called "" update start menu "" that will re - populate your start menu . thank you for your co - operation - scott williamson director , database infrastructure enron global technology",0 +"Subject: re : updated message - preliminary rankings norma , i could not open the message . i get the message : encrypted , not intended for you . vince norma villarreal 11 / 29 / 2000 06 : 06 pm to : vince j kaminski / hou / ect @ ect cc : subject : updated message - preliminary rankings",0 +"Subject: re : sevil yaman great ! let me know how she performs . at 02 : 54 am 2 / 23 / 2000 - 0600 , you wrote : > > > hi michelle , > > thanks for your input . we are moving ahead to offer sevil a summer > internship with us . > > vince > > > > > michelle michot foss on 02 / 21 / 2000 05 : 29 : 36 pm > > to : vince j kaminski / hou / ect @ ect > cc : > subject : sevil yaman > > > > hi - - one of the ph . d . - econ students over here , sevil yaman , has been > talking with you . she ' s interested in a summer internship that will help > her "" ground "" her dissertation . with our help , sevil has become totally > corrupted ( ! ) . i have successfully impacted her view of the world re . > academic economics v . industry . she would like her diss to be as relevant > as possible , and with that in mind already moved from a pure electricity > transmission pricing topic to focusing more on congestion management and > trying to address practical market problems . she has in mind to work in > industry when her degree is finished . i recommend her to you highly . she > is extremely bright and competent , needs some guidance and input to get > going in the right direction to finish up . talk soon - - > > michelle > * * * * * * * * * * > "" this e - mail contains information which is privileged , confidential and > protected > from disclosure . please do not disclose the contents or take copies without > contacting us first . thank you . "" > > michelle michot foss , ph . d . > director , energy institute > college of business administration > university of houston > houston , tx 77204 - 6283 > tel : 713 - 743 - 4634 > fax : 713 - 743 - 4881 > please note our new email addresses ! > e - mail : mmfoss @ uh . edu > web : http : / / www . uh . edu / energyinstitute / > > > > > * * * * * * * * * * "" this e - mail contains information which is privileged , confidential and protected from disclosure . please do not disclose the contents or take copies without contacting us first . thank you . "" michelle michot foss , ph . d . director , energy institute college of business administration university of houston houston , tx 77204 - 6283 tel : 713 - 743 - 4634 fax : 713 - 743 - 4881 please note our new email addresses ! e - mail : mmfoss @ uh . edu web : http : / / www . uh . edu / energyinstitute /",0 +"Subject: information you requested from economic capital iconference thank you for requesting information about our products during the registration for the recent erisk iconference on economic capital . please click on the link below to read an overview of our offerings in the areas of analytics , consulting , and risk transfer : note : if you can ' t open this pdf , you need to upgrade to the new version of adobe acrobat reader at additional materials : read a case study about implementation of our erisk analytics at cobank : read a case study about implementation of p & c raroc at the st . paul companies : if you would like to speak directly with an erisk representative , please contact angela isaac at aisaac @ erisk . com regarding consulting and risk transfer projects and murray nash at mnash @ erisk . com to learn more about our erisk analytics product . regards , erisk client services this is a one - time mailing only . to subscribe to our regular email newsletter , please register at if you received this mailing in error , please email info @ erisk . com with "" unsubscribe "" in the subject line .",0 +"Subject: summer associate mentor the summer associate program is a critical component of our recruiting efforts . we appreciate you acting as a mentor for the following summer associate . vince , a reception to introduce you to the summer associates is scheduled for june 22 nd . the reception will be held from 6 : 00 pm until 7 : 30 pm at sierra ' s grill located at 4704 montrose ( 713 - 942 - 7757 ) . we have also provided the summer associate with your name and phone number ; however , we encourage you to contact guiseppe prior to the reception if possible . please rsvp your attendance to cheryl kuehl at x 39804 or by email . thank you charlene jackson",0 +"Subject: thank you , i am on board vince : i have just finished talking with rick . he will have the hr person to workout the details and get me on board this week . thank you so much for your help . i would like to let you know that your help meant a great deal for me , i am not taking it lightly . i will do my best to get the work down and live up to yours and rick ' s expectations . thank you again . ding . 6 - 7072",0 +"Subject: ees t & d interest rate hedge vince - osman asked me to forward a copy of the memo to you . we hope to speak to you tomorrow and bring you the original for your approval . regards , dave foti",0 +"Subject: f / up vince - i got your message ( i was up on the roof of the building helping to fix the weather satellite dish - what a gorgeous view of houston ! ) . i appreciate your words . everything remains fine , vince . you are my "" father "" here at enron , and i admire and respect you greatly . i think i know the kind of person you are , in terms of your integrity , and i admire the high standards you set for all of us in your extended "" group . "" i want to let you know i am not the only one in the group who doesn ' t appreciate the way maureen disrespects you . you remain the key external factor in their success - it is not simply their own abilities that matter to their futures but your own - vince ' s - success with upper management that matters . we respect you , and we don ' t like it when you are disrespected . maureen didn ' t disrespect me today , vince , she disrespected you . it ' s time i told you something . last april , maureen , highly intoxicated following a work - related function at ninfa ' s , made an unsolicited predatory sexual advance on me at my desk on the 19 th floor . i was shocked and disgusted , but i didn ' t say one word about this , vince , because i played it out and didn ' t want to put you into the position of having a raving maureen in your midst as you perhaps had to fire her and then endure a litany of gender - bias crap lawsuits . i "" took one for the team , "" vince . i can ' rt say i would do it again - maureen is brazen to berate me after what she did , in public no less . i appreciate your bringing me into enron . i ' ve found a respectful and , indeed , a loving work environment . i remain willing to do whatever i can to help the group . clayton",0 +"Subject: papers vince , did you receive this paper ? jason - - - - - - - - - - - - - - - - - - - - - - forwarded by jason sokolov / hou / ect on 05 / 01 / 2001 03 : 55 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" stuart russell hamel "" on 04 / 30 / 2001 04 : 52 : 12 pm please respond to to : cc : subject : dr . kaminski : please see our attached paper . thank you , jed howard , brian nelson , and stuart hamel ( 713 ) 218 - 8903 - winmail . dat",0 +"Subject: entouch newsletter business highlights weather group on wednesday , december 6 th , the weather channel aired an episode of their show "" atmospheres , "" which included a fifteen minute segment focusing on enron ' s weather risk management business . mark tawney , steven vu , gary taylor , and steve bennett were featured . the weather channel has aired the episode periodically since then . the parts that make it through the enron cutting room floor will be coming soon to an elevator near you ! if you would like to view a copy of the episode in its entirety , please contact yvette simpson at ext . 3 - 9595 . the weather risk management group completed the first ever power demand transaction this week . the transaction was a swap based on the pjm demand index . power demand contracts use average peak power demand as an index and allow power market participants ( generators , btu distributors , marketers , etc . . . ) to mitigate volumetric exposures . weekly swaps are available on enrononline and the desk has placed option contracts on this index in the broker market . inquiries regarding this product should be directed to claudio ribeiro , product manager ext . 3 - 7313 , gary taylor ext . 3 - 1511 , or valter stoiani ext . 3 - 6906 . west power trading it  , s been a wild and crazy holiday season in the west . electricity prices have remained extremely bullish throughout the entire wscc , due in large part to below - normal temperatures ,  & less than stellar  8 river flows in the northwest and northern california , tremendously volatile natural gas prices , and a number of generating plants down for both planned and unplanned maintenance . recently , the federal regulatory energy commission ( ferc ) has stepped in to implement several orders in an effort to try to correct this  some have the feeling that the best is yet to come . happy holidays seasons greetings from ena pr . the entouch newsletter will be on holiday break next week . if you have information for future issues of entouch , please send it to michelle vitrella . we hope you have a wonderful and safe holiday . see you next year ! welcome new hires ena / eim / egm ena  ) kimberly hardy , adam johnson , daniel lisk , william fleenor , stacey wales , jason fischer , aparna rajaram legal stuff the information contained in this newsletter is confidential and proprietary to enron corp . and its subsidiaries . it is intended for internal use only and should not be disclosed .",0 +"Subject: parking pass for van ngo good morning louis : please cancel the "" secom "" parking badge that was issued to van ngo for parking in the 777 clay garage while she was working part time with the research group during the holidays . the number on the card is 4280 . i will return the badge to you this morning . the co . # is 0011 and the rc # is 100038 . thanks louis and have a great day ! shirley 3 - 5290",0 +"Subject: greg , fyi - jeff asked me to forward this to you for your review . srs - - - - - - - - - - - - - - - - - - - - - - forwarded by sherri sera / corp / enron on 05 / 15 / 2000 04 : 25 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" joseph a . cherian "" on 05 / 09 / 2000 08 : 10 : 19 am to : "" jeffrey k . skilling "" cc : vince j kaminski , "" robert a . jarrow "" , "" robert c . merton "" subject : mr . jeffrey k . skilling president and c . o . o . , enron corp . dear jeff , this email is from robert jarrow ( cornell ) and myself ( joe cherian ) . i hope you recall meeting / lunching with bob jarrow & me when you keynoted at my 1999 math finance day conference here at boston university . i wanted to introduce you to skg inc . , a startup that is focused on providing an innovative service to the electronic trading community . messers kuppuswamy seshadhri , sriketan mahanti , and gaurav mallik are the principal founders of skg , inc . bob jarrow and i represent the company ' s scientific advisory board . nobel laureate robert merton , who also sat on our table during your keynote address , very kindly serves as an ad hoc senior advisor to skg and has been an invaluable resource to skg , including putting us in touch with jp morgan . coincidentally , the c . o . o . of jp morgan capital corp . ed colloton , in an april 7 meeting told us he would introduce us to the c . f . o . of enron online , whom he knows and at which he felt skg would have huge value - adding opportunities . however , given ed ' s busy travel schedule , i don ' t believe he has been able to do that yet . hence this joint decision by bob jarrow and myself to send you this email . skg ' s solution is to provide dynamic pricing and value maximization in electronic trading of securities / commodities on ecns and atss ( alternative trading systems ) . it achieves this through a process of "" strategic negotiation "" using automated agents ( intelligent software manifestations ) . our system should not be viewed as an ecn , but rather as an enhancement to any extant trading system , be it an ecn , ats , clob , nasdaq , etc . our initial system design has been conducted for financial instruments trading , e . g . bonds / equities , but our strategy is as much applicable to energy / power instruments trading , high speed communications bandwidth trading , and other web - based commodities trading , which we believe is of interest to enron online . skg is superior to existing solutions in the following way : 1 ) it considers multiple attributes , e . g . , price , time , volatility , bandwidth . ( in high speed communication bandwidth scenarios , for example , the dimensions could be price , bandwidth size , time for which bandwidth available , continguity of the allocation , and such . ) 2 ) it involves dynamic matching as opposed to "" static "" matching . 3 ) it is multi - lateral . 4 ) it adapts itself dynamically to changing market conditions . 5 ) it allows traders to make important trade - offs , as they do in traditional markets . currently , skg is involved in discussions with the heads of trading at fidelity , putnam investments , lehman bros . , kpmg , meridien research , salomon smith barney , jp morgan , state street , banc of america , mckinsey , citizens power , and a host of other folks . we think we have a value - adding service to provide to enron online or any other enron subsidiary that the skg offering matches and that you deem fit . skg ' s founders and i will be very happy to provide you or your representative ( s ) with more details , including a demo of the prototype , in a meeting . we are therefore hopeful that you will be able to arrange something appropriate . thanks very much , jeff ! we look forward to hearing from you . with warm regards , joseph cherian and robert jarrow cc : professor robert c . merton joseph a . cherian associate professor of finance boston university school of management 595 commonwealth avenue , room 522 h boston , ma 02215 tel : 617 - 353 - 2679 ( o ) 617 - 353 - 6667 ( fax )",0 +"Subject: lunch presentation london is very pleased with the speech . thanks it was a great idea to prepare the presentation . both mike hutchinson and mike farmer were very please . thanks , maureen - - - - - - - - - - - - - - - - - - - - - - forwarded by maureen raymond / hou / ect on 11 / 09 / 2000 06 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - maria abello 11 / 09 / 2000 03 : 20 am to : maureen raymond / hou / ect @ ect cc : kirsten ross / lon / ect @ ect subject : lunch presentation hi maureen , thanks very much for presenting yesterday . your presentation created much interest and as always we look forward to your return to london office for another talk . the viewing statistics on iptv were excellent and are as follows : current : 85 cumulative : 110 i have spoken to the audio visual team regarding the possibility of showing your presenting on iptv in houston . it will take a couple of days to encode the videotape , but as soon as this done , i will send a copy to you in houston . they are also looking send the file to the relevant person in houston so they can put in on iptv . if you have any questions at all , please do not hesitate to call me . kind regards and thanks again maria abello european training and development enron europe ltd email : maria . abello @ enron . com + 44 ( 0 ) 207 783 4787",0 +"Subject: full circle : asps the new big blue ? network world fusion focus : mike jude and nancy meachim on application service providers today ' s focus : full circle : asps the new big blue ? 03 / 15 / 00 dear wincenty kaminski , today ' s focus : full circle : asps the new big blue ? by mike jude and nancy meachim the terms  & asp  8 and  & ibm  8 may have more in common than being three - letter acronyms . remember big blue of the early  + 60 s ? the vision , then , was centralized computing . mainframe computers hosted complex , expensive applications that end users accessed via dumb terminals . it infrastructure , especially memory , was expensive and needed to be controlled . with computing resources centralized , ibm reasoned , they were easier to maintain . of course , ibm got it wrong , in that computers became a cheap commodity . and users weren  , t happy simply using dumb terminals . they wanted a bigger share in all that technology offered . so , as memory prices fell , so did the idea of central control . dumb terminals were transformed into intelligent desktop machines that could store applications and data . the glass house populated by white - smocked technicians went out of fashion . looking back on those times , many of us would shake our heads and wonder how ibm could have been so wrong . but maybe big blue wasn  , t so far off . thanks to the advent of application service providers , centralized computing is making a comeback . asps offer centralized application management . the market started as a way to offer the benefits of server advertisement protocol and other complex enterprise resource planning software to small companies or companies with less technical savvy . but asps now host all kinds of applications , including small , multilicensed programs whose images are downloaded to end users on demand . but , the principle remains the same : central control makes support much more efficient and usually cheaper . how about that , ibm ? to be fair , the dynamics of an asp are very different from old centralized mainframe operations . an asp doesn  , t just host and support an application for general distribution over an in - house proprietary network . unlike the ibm vision , an asp is very dependent on network service . it is also very sensitive to service levels . in the  + 60 s , if the mainframe let you down , you ended up twiddling your thumbs for an hour or so , and your only recourse was that white - smocked fellow . nowadays , users start to scream if service is interrupted for even a minute . and woe to the asp who brings down a customer operation . the world of the asp is much more complex than that of the old  + 60 s shop . however , if one could magically transport a computer user from the  + 60 s to the wonderful new 2000 s , would it seem all that different to him ? in an ideal asp world , a la scott mcnealy  , s vision , users would sit down at a semidumb terminal , download the application du jour , and start working . what did the  + 60 s user do ? kind of the same thing ! so you are probably wondering , what is the point ? just this : ibm  , s problem was leaving the customer out of the equation . and look what happened . customers rebelled . they didn  , t buy ibm  , s spiel . it became the  & in  8 thing to hate ibm . why ? because the guys in white smocks couldn  , t spell service and didn  , t care about customers . to be successful , asps need to learn from the past . they need to tattoo service on the forehead of each of their employees . there are too many choices , today , for customers to put up with inferior service . that  , s one big difference from the  + 60 s . customers now can literally choose any service provider in the world . just being big doesn  , t cut it these days . to contact mike jude and nancy meachim : - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - senior consultant michael jude and research director nancy meachim are with enterprise management associates in boulder , colo . , ( http : / / www . . com ) , a leading analyst and market research firm focusing exclusively on all aspects of enterprise management . jude has over 18 years of experience in the telecommunications industry , most recently with us west , where he was a manager of public policy . mike can be reached at mailto : jude @ . com . meachim focuses on e - business management . she is currently conducting a research study on asp management that is due to be released in april . nancy ' s email address is mailto : meachim @ . com . for related links - - click here for network world ' s home page : http : / / www . nwfusion . com buzz : application otsourcing , network world fusion , 09 / 27 / 99 asp research page , network world all about asps information center for application service providers , their customers and delivery partners . includes resources , events and news . the asp industry consortium . http : / / www . aspindustry . org / subscription services to subscribe or unsubscribe to any network world e - mail newsletters , go to : to change your email address , go to : subscription questions ? contact customer service by replying to this message . other questions / comments have editorial comments ? write jeff caruso , newsletter editor , at : mailto : jcaruso @ nww . com for advertising information , write jamie kalbach , account executive , at : mailto : jkalbach @ nww . com network world fusion is part of idg . net , the idg online network . it all starts here : http : / / www . idg . com copyright network world , inc . , 2000",0 +"Subject: approval for reviewer crenshaw , shirley j has suggested reviewers and submitted them for your approval . your may review / modify this list of reviewers by logging on to pep at http : / / pep . corp . enron . com and going to supervisor services . please remember , no feedback can be completed on crenshaw , shirley j until you have approved the list .",0 +"Subject: re : var article les , the revised version of the var article looks fine . vince",0 +"Subject: re : american gas association mike , please , draft a message to js , dd and jl outlining the aga benefits and costs . this will be their decision . vince from : mike a roberts 07 / 27 / 2000 09 : 10 am to : vince j kaminski / hou / ect @ ect cc : subject : re : american gas association vince - - - this project is getting lost in the cracks should we meet with dave delainy to get it off high center ? ? - - - mike - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 07 / 27 / 2000 09 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - elizabeth linnell @ ees 07 / 27 / 2000 08 : 41 am to : mike a roberts / hou / ect @ ect cc : richard shapiro / hou / ees @ ees subject : re : american gas association please see the string of messages below . - - - - - - - - - - - - - - - - - - - - - - forwarded by elizabeth linnell / hou / ees on 07 / 27 / 2000 08 : 36 am - - - - - - - - - - - - - - - - - - - - - - - - - - - carolyn cooney @ enron 07 / 27 / 2000 08 : 35 am to : elizabeth linnell / hou / ees @ ees cc : subject : re : american gas association - - - - - - - - - - - - - - - - - - - - - - forwarded by carolyn cooney / corp / enron on 07 / 27 / 2000 09 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : allison navin 07 / 26 / 2000 05 : 23 pm to : cynthia sandherr / corp / enron @ enron cc : carolyn cooney / corp / enron @ enron subject : re : american gas association i actually called stan horton ' s office yesterday to find out if they knew anything about the aga membership , and cindy stark who works with stan informed me that stan cancelled our associate membership with aga effective january , 2000 . i called jay copan with aga back and left him a voicemail with the information . i asked him to call me if he had any questions and i have not heard back from him . i ' ll considered it closed unless i hear back from him . from : cynthia sandherr 07 / 25 / 2000 08 : 08 pm to : carolyn cooney / corp / enron @ enron cc : allison navin / corp / enron @ enron subject : re : american gas association this is a joe hillings issue . carolyn cooney 07 / 25 / 2000 11 : 01 am to : allison navin / corp / enron @ enron cc : cynthia sandherr / corp / enron @ enron subject : re : american gas association i believe that stan horton ' s office handled the dues for aga . from : allison navin 07 / 25 / 2000 10 : 33 am to : cynthia sandherr / corp / enron @ enron cc : carolyn cooney / corp / enron @ enron subject : american gas association jay copan with american gas assn . called . julie caboose suggested that he talk with you about enron ' s aga dues . ( he spoke to rick shapiro who said that he has no knowledge of the dues situation ) . please call at 202 - 824 - 7020 .",0 +"Subject: re : file cabinet for mike roberts kevin g moore 11 / 20 / 2000 12 : 14 pm to : mike a roberts / hou / ect @ ect cc : subject : re : file cabinet for mike roberts this file cabinet will also be located on the 32 nd floor . what i will try and attempt is keeping all weather data nearby therefore , once we move into the new building the information will not be lost . thanks kevin moore shirley crenshaw 11 / 20 / 2000 11 : 24 am to : vince j kaminski / hou / ect @ ect cc : kevin g moore / hou / ect @ ect subject : file cabinet for mike roberts vince : since we have to clear kevin ' s office for the new employee jaesoo lew , can kevin order a tall file cabinet to put the material in ? thanks ! shirley vince j kaminski 11 / 20 / 2000 10 : 55 am to : shirley crenshaw / hou / ect @ ect cc : subject : re : "" skunkworks "" meeting with scott tholan shirley , no , that ' s it . vince shirley crenshaw 11 / 20 / 2000 10 : 06 am to : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : kevin g moore / hou / ect @ ect subject : "" skunkworks "" meeting with scott tholan the "" skunkworks "" meeting with scott tholan scheduled for this wednesday , the 22 nd has been cancelled , per scott tholan . mike / vince : is there anyone else , that needs to be notified ? thanks ! shirley",0 +"Subject: re : the transportion model worked great to hear that . you are right , we should include rho ( done ) and theta ( to do ) for the cost term . zimin enron north america corp . from : kenneth shulklapper 04 / 26 / 2000 12 : 07 pm to : zimin lu / hou / ect @ ect cc : subject : it worked zimin , the model worked well today . hopefully it will continue the same in the future . do we need to make a similar change in the model to "" drift "" to account for changes on the demand charges over time ? ken",0 +"Subject: re : cross - guarantees attached are the latest drafts of 3 of the cross - guarantee agreements . i have the other nine as well , in case you need them . the agreements are basically identical with one exception . the debt to enron in raptor 3 ( approx . $ 259 mm ) is excluded from the guarantees . you may also note that this debt is not represented on the dprs which i sent earlier . this is because the formation of raptor 3 was a failed fas 125 transaction , therefore we did not get sale treatment and can ' t recognize the debt in looking at credit capacity . let me know if you have questions or if you need the other nine guarantees . thanks , ron - - - - - forwarded by ron baker / corp / enron on 01 / 03 / 2001 09 : 40 am - - - - - "" kornreich , craig "" 12 / 18 / 2000 04 : 55 pm to : "" curry , alicia "" , "" mintz , jordan ( enron ) "" , "" ' joel . ephross @ enron . com ' "" cc : "" ' kevin . d . jordan @ enron . com ' "" , "" ' george . mckean @ enron . com ' "" , "" ' ryan . siurek @ enron . com ' "" , "" patel trushar ( enron ) "" , "" tiller , annmarie ( enron ) "" , "" ' brent . vasconcellos @ enron . com ' "" , "" ' ron . baker @ enron . com ' "" , "" ' clint . walden @ enron . com ' "" , "" ' alan . quaintance @ enron . com ' "" , "" spradling , mark "" , "" halbert , elaine "" subject : re : cross - guarantees attached please find drafts of the 3 remaining raptor guaranty agreements ( i . e . , those where pronghorn is the beneficiary ) . regards , craig s . kornreich vinson & elkins l . l . p . 2300 first city tower 1001 fannin street houston , tx 77002 ph ( 713 ) 758 - 4816 fax ( 713 ) 615 - 5862 e - mail : ckornreich @ velaw . com + + + + + + confidentiality notice + + + + + the information in this email may be confidential and / or privileged . this email is intended to be reviewed by only the individual or organization named above . if you are not the intended recipient or an authorized representative of the intended recipient , you are hereby notified that any review , dissemination or copying of this email and its attachments , if any , or the information contained herein is prohibited . if you have received this email in error , please immediately notify the sender by return email and delete this email from your system . thank you - talon ( i ) ifo pronghorn ( iii ) cross - guarantee . doc - timberwolf ( ii ) ifo pronghorn ( iii ) cross - guarantee ( v . 2 ) . doc - bobcat ( iv ) ifo pronghorn ( iii ) cross - guarantee . doc",0 +"Subject: candidate to bring in for interviews with the research group hello toni : the research group would like to bring bruce r . james in for an exploratory interview sometime next week ( june 26 - 30 ) . the individuals who would be interviewing him are : vince kaminski managing director stinson gibner vice president grant masson vice president vasant shanbhogue vice president p . v . krishnarao director zimin lu director tanya tamarchenko manager please ask bruce to give you several dates within next week that would accommodate him and we can coordinate his dates with vince ' s schedule and the schedules of the rest of the group . just call me when you have some dates and times . his resume is attached .",0 +"Subject: correction : risk and purchasing meeting - - august 8 th correction - - - this meeting is being held on august 8 th ( not aug . 9 th ) sorry for the mistake . kristin j . harrelson enron broadband services , inc . procurement , logistics , and contracts 1400 smith , suite eb - 4573 a houston , tx 77002 phone : 713 . 853 . 6814 fax : 713 . 646 . 8582 cell : 713 . 594 . 1385 kristin harrelson 07 / 28 / 00 12 : 54 pm to : denise bradley / enron communications , eric merten / enron communications , jim mandis / enron communications , michael moore / enron communications , paula corey / enron communications , richard weeks / enron communications , tobin carlson / enron communications cc : diane cutsforth / enron communications @ enron communications , shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : risk and purchasing meeting due to time constraints on mr . kaminski ' s schedule during the time that you all are in town from portland , the meeting being held on august 9 , 2000 in eb - 45 cl must be held to one hour ( 2 : 00 - 3 : 00 pm ) please have your questions , comments , and / or materials ready in advance and expect this to be a fast paced meeting . kristin j . harrelson enron broadband services , inc . procurement , logistics , and contracts 1400 smith , suite eb - 4573 a houston , tx 77002 phone : 713 . 853 . 6814 fax : 713 . 646 . 8582 cell : 713 . 594 . 1385 ",0 +"Subject: re : real options paul , krishna and i are thinking that you may be able to book this type of option as a call swaption on power . if you would like to discuss further , let ' s set up a time when we can call you . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 04 / 2001 04 : 27 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 02 / 2001 08 : 16 am to : paul smith / enron _ development @ enron _ development cc : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect , paul quilkey / enron _ development @ enron _ development , raymond yeow / enron _ development @ enron _ development subject : re : real options paul , we have done a lot of work in this area . i shall call you later today ( monday my time ) , tuesday morning your time with some recommendations . vince p . s . shirley , please send a real options binder to paul . vince from : paul smith @ enron _ development on 03 / 30 / 2001 08 : 42 am zel 0 to : vince j kaminski @ ect cc : paul quilkey / enron _ development @ enron _ development , raymond yeow / enron _ development @ enron _ development subject : real options vince , the sydney office is currently evaluating a proposal that involves an option to participate in building a wind farm . should this proceed , we would like to mark this option "" to market "" . have the research group completed any work on methods for booking and remarking real options ? alternatively , do you have any suggestions as to the best way to value , and book , real options fairly ? regards paul smith",0 +"Subject: re : visit to houston allan , i shall be glad to meet you . i am planning to attend the energy symposium and we can meet on the location . if business keeps me at the office , feel free to contact me at 713 853 3848 and we can schedule a meeting during the day or in the evening . vince allan . roberts @ uk . arthurandersen . com on 11 / 22 / 2000 06 : 45 : 42 am to : vince . j . kaminski @ enron . com cc : george . e . danner @ us . arthurandersen . com , david . b . duncan @ us . arthurandersen . com subject : visit to houston vince , i hope things are well with you and your family . the reason for contacting you today is to let you know i will be in houston next week between monday and wednesday inclusive . if there is an opportunity to meet up , probably informally , it would be useful to discuss our continuing activities in the areas of strategy , value and , increasingly , real options . if you are attending our energy symposium , or can meet up , please contact me at your convenience . if we do meet , i would also like to introduce you to one of our senior managers from houston : george e . danner . george is a member of our us national strategy team and part of our global network of specialists working on real option pricing . if i do not speak to you before tomorrow - happy thanksgiving . allan * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * the uk firm of arthur andersen is authorised by the institute of chartered accountants in england and wales to carry on investment business . a list of partners is available at 1 surrey street , london , wc 2 r 2 ps ( principal place of business ) . privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it .",0 +"Subject: re : got a hold of fiona grant i think it was the copying of your name on my latest email ; - ) ? thanks for your help - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : julie sent : wednesday , april 11 , 2001 6 : 37 pm subject : re : got a hold of fiona grant julie , you have more luck than myself . i called a few times and left messages on her voice mail . vince "" julie "" on 05 / 11 / 2001 07 : 04 : 40 am please respond to "" julie "" to : ? ? "" vincejkaminski "" cc : subject : ? got a hold of fiona grant vince , just to let you know , i finally got in touch with fiona grant . j",0 +"Subject: re : the national forum on corporate finance andy , thanks . i shall forward your message to prof . ikenberry . vince from : andrew s fastow / enron @ enronxgate on 02 / 22 / 2001 01 : 45 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : the national forum on corporate finance vince : i would be interested in participating . thanks . andy - - - - - original message - - - - - from : kaminski , vince sent : monday , february 05 , 2001 10 : 23 am to : andrew s fastow / hou / ect @ enron cc : kaminski , vince subject : the national forum on corporate finance andy , i am sending you a draft oof a proposal regarding national forum for top finance practitioners and academics . the idea came from a professor at rice university who has already received a commitment from a number of most distinguished cfos . please , read the outline and see if you would be interested in joining this forum . i shall be glad to help to arrange a meeting with prof . ikenberry . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 05 / 2001 10 : 22 am - - - - - - - - - - - - - - - - - - - - - - - - - - - david ikenberry on 02 / 02 / 2001 06 : 10 : 02 pm to : "" vkamins @ ennron . com "" cc : subject : it was great talking with you . dave - brochure . doc > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * prof . david ikenberry jones graduate school of management rice university 713 - 348 - 5385",0 +"Subject: accomplishments / self evaluation prc is just around the corner and dave has not been provided the accomplishment / self evaluation from some of you . this serves as a reminder to please provide dave with a list of accomplishments / self evaluation for the past six ( 6 ) months as soon as possible . thanks in advance for your prompt attention to this matter . if you have any questions , please feel free to call kay 3 - 0643 . thanks , kay",0 +"Subject: re : summer work . . jinbaek , this is a project related to automated trading platforms for commodities . vince jinbaek kim on 05 / 02 / 2001 05 : 21 : 40 pm to : vince . j . kaminski @ enron . com cc : subject : re : summer work . . dr . kaminski , thanks for your mail . i am sorry that i ' ll not be available earlier , i will talk with my advisor , but probably it will be pretty negative . however , i may be able to start it from junel , depending on what he tells . . we will meet tomorrow afternoon , so i ' ll be able to let you know whether we can start work earlier then . and could you tell me briefly what are those projects you have in mind ? thanks ! jinbaek kim ph . d candidate dept . of industrial engineering and operations research u . c . berkeley http : / / www . ieor . berkeley . edu / ~ jinbaek go bears ! : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . : a a : _ _ . . . . . _ : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . : . ' : ` . : ` , ` . ` . : ' - - ' - - ' : . ' ; ; : ` . _ ` - ' _ . ' ; . ' ` . ' "" ' ; ` . ' ; ` . ` : ` ; . ` . ; ; : ; . ' ` - . ' ; : ; ` . _ _ . ' . ' . ' : ; ` . . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' ` . . . . . . . - ' ` . . . . . . . . ' on wed , 2 may 2001 vince . j . kaminski @ enron . com wrote : > > jinbaek , > > thanks for your message . > > we have a number of additional fascinating projects that you can work > on . as a matter of fact , it would be great to have you here earlier . > > vince > > > > > > "" jinbaek kim "" on 05 / 02 / 2001 05 : 18 : 32 am > > to : , "" raghavan , suresh "" > , "" mesquita , ross "" > > cc : > subject : summer work . . > > > long time no see , > how have you been . . . must be busy and living a challenging life ? > i have been pretty busy too , > to finish a project and write a paper , these days . > > everything looks going ok for my summer internship . > i took necessary steps to work out of campus , and sent > signed contract to molly a week ago . . > > here is what i am expecting to do in the summer . > please let me know if you have any change in mind . > actually , i wonder a little bit if dealbench changed its business model . . . > and maybe you got priority in something different > because it has been quite a while since we talked . > i ' d like to what ' s going on in dealbench team . . . > raghavan and ross , > if we talk over phone it will be great ! > > dr . kaminski , > if you think there is something else interesting to work with during the > summer , > to both you and i , please let me know . > my interest is auction , market design , and simulation . > i am taking a financial engineering class , ( mostly on option pricing ) > and working on electricity generator valuation problem based on > spark spread option . > > all of you , > let ' s keep in touch until we meet in june ! ! > > best regards , > jinbaek > > > tentative work period : 6 / 4 - 8 / 4 > > 1 . tasks : > 1 ) survey on auctions : the state of art > single - item auction , multi - unit auction , sequential auction , > multi - attribute auction , combinatorial auction > > - theoretical > - experimental > - algorithmical > > 2 ) deal bench ' s auction model analysis > > 2 . deliverables : > 1 ) 3 presentations : > - lst presentation : around 6 / 30 : on different auction types and > researches > - 2 nd presentation : around 7 / 15 : the state of art in auction studies > - 3 rd presentation : around 8 / 1 : deal bench ' s model analysis > > 2 ) report : > summary of auction study in laymen ' s term > deal bench ' s model analysis > > > > > > >",0 +"Subject: lunch with it and credit tanya , can you coordinate , in my absence , the lunch with it and credit . we need the body count and reservation at the restaurant for the 14 th . vince",0 +"Subject: re : synfuel option valuation lenny , i believe that you must have done your home work on the the tax credit issue . however , it may make sense to create some kind of reserve in case the tax credit is removed in the future . i am glad that you like the way we treat the tax credit , which is built into the strike price for the digital option . with the tax credit , it is most likely the option will be exercised . paulo issler is the person who worked on this model initially . he will be back this wednesday . we can talk to him about the standard deviation he put into the model . zimin lenny hochschild @ enron 02 / 12 / 2001 08 : 15 am to : zimin lu / hou / ect @ ect cc : subject : re : synfuel option valuation zimin , thanks for your e - mail . sorry for the late reply , i was travelling last week . i ' m under the impression that the with the new administration , there is a greater chance that section 29 will be extended beyond 2007 than repealed . if this happens , we contractually have the right to extend this contract . we have not valued the chance of this happening , so i don ' t think we should value the chance of this not happening . anyways , let me speak to my supervisor on this and revert . in the meantime , i looked over the amendment you made with regard to adding the second strike of the tax credit and think this is now reflective of the deal and am happy with it . i still do not understand a few things re : where did the st . deviations come from . i believe you said that someone who works for you put this together but was away last week . please revert with his / her name so that i can get together and understand this . thanks . lenny zimin lu @ ect 02 / 06 / 2001 01 : 09 pm to : lenny hochschild / na / enron @ enron cc : eric groves / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : synfuel option valuation lenny , i think we had a good discussion about the deal valuation . one thing , i think you are prefectly aware of it , is that the economics of this deal is driven by the tax credit ( $ 25 . 03 ) . the risk on our side is that if the tax credit is removed , aig will not deliver the synfuel and pay $ 4 . 55 to us . vince mentioned that congress might act quickly enough to eliminate the tax benefit . i just want to remind you we should take this risk into consideration . zimin ps : i changed the results in sheetl slightly . the values in column a was shifted by 0 . 5 . use the attached model .",0 +"Subject: re : part - time work zimin , can you call cantekin to discuss the details ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 09 / 19 / 2000 08 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 09 / 18 / 2000 05 : 50 pm to : cc : vince j kaminski / hou / ect @ ect subject : re : part - time work cantekin , i shall call you tomorrow to discuss the details . vince "" cantekin dincerler "" on 09 / 18 / 2000 02 : 59 : 41 pm please respond to to : cc : subject : part - time work hi vince , i promised to get back to you on the part - time work issue . sorry for the delay , i got back to austin only last week . i talked to ehud about this and he is ok with it . just wanted to let you know . best , - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - cantekin dincerler doctoral candidate the university of texas at austin graduate school of business department of finance office : ( 512 ) 471 - 1676 fax : ( 512 ) 471 - 5073 home : ( 512 ) 472 - 5356 cell : ( 512 ) 680 - 5355 http : / / uts . cc . utexas . edu / ~ cantekin - - - - - - - - - - - - - oooo - - - - - oooo - - - - - - - - - -",0 +"Subject: re : d - g energy karla , we may use 1 workstation in london , 1 in houston . yes , please call ms . geman and ask for more detailed price information . vince from : karla feldman 03 / 20 / 2000 01 : 15 pm to : vince j kaminski / hou / ect @ ect cc : subject : d - g energy hello vince , i didn ' t know if that was your correct e - mail address listed below on receiving from outside the company , so i thought i would forward this with a couple of comments . she states below that she has enclosed a proposal , however , the only pricing i really see is in the software license agreement , article 2 , which states that the license fee is $ 100 , 000 and lists out when you must pay for it . it then states in article 3 that the fees are set forth in appendix 1 , but there are no prices in appendix 1 . i have reviewed the actual terms and conditions to the license and am going to prepare it as we usually do to send to mark holsworth for review . in the meantime , do you want me to go back to ms . geman and ask her for more detailed pricing information or do you have what you need ? also , in appendix 2 , you will need to list the number of sites and workstations you want to have . please let me know . thanks , karla - - - - - - - - - - - - - - - - - - - - - - forwarded by karla feldman / hou / ect on 03 / 20 / 2000 01 : 11 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - geman on 03 / 18 / 2000 04 : 39 : 43 am to : karla . feldman @ enron . com cc : vkamins @ enron . com subject : dear ms . feldman , please find enclosed a proposal for the d - g energy software license agreement in which enron may be interested . we deliberately left blank the appendix 2 related to the number of sites and workstations it would cover , in order to let dr . kaminski decide what is best for enron . sincerely - appendices . doc - contract . doc h , lyette geman professor of finance university paris ix dauphine and essec",0 +"Subject: grades pam , the term papers arrived at my internet mailbox . i shall be sending you the information as i make progress reading the papers . first group of students : helen demianenko javier lamas lynn nazareth shauywn smith carlos wheelock sarah woody grade : a please , confirm receipt of this message and please double check that all registered students have been graded ( to make sure no student falls through the cracks ) . vince",0 +"Subject: norberto elizabeth , i want to discuss the issue of the compensation of norberto with my boss . vince",0 +"Subject: the garp convention dear shirley ? further to our telephone conversation earlier today , i am writing concerning the garp 2001 convention , which will be held in new york between 13 th and 14 th february . ? i have set a new deadline for presentations to be sent to me , which is friday 5 th january . i am sure you can appreciate that collating , arranging , organising and printing over 80 presentations is a mammoth logistical task , hence why i require the presentations as soon as possible . ? can i please have an indication of when i am likely to receive vince ' s presentation ? below is the talk he has agreed to give ( he has also agreed to chair the stream on energy & corporate risk on tuesday 13 th february ) : ? measuring energy risk - tackling price volatility , adapting var , scenario modeling and regulatory requirements - mean ( or floor ) reversion [ image ] the challenge of modeling price dynamics in the energy markets - bullitl . jpg",0 +"Subject: re : approval is overdue : access request for stewart . range @ enron . com he told me that he has what he needs . - - stinson vince j kaminski 12 / 14 / 2000 09 : 53 am to : stinson gibner / hou / ect @ ect cc : subject : approval is overdue : access request for stewart . range @ enron . com stinson , did we resolve this case ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 12 / 14 / 2000 09 : 54 am - - - - - - - - - - - - - - - - - - - - - - - - - - - arsystem @ mailman . enron . com on 12 / 13 / 2000 07 : 00 : 54 pm to : vince . j . kaminski @ enron . com cc : subject : approval is overdue : access request for stewart . range @ enron . com this request has been pending approval for 18 days and you are the alternate . please click approval to review and act upon this request . request id : 000000000007876 approver : stinson . gibner @ enron . com request create date : 11 / 20 / 00 2 : 36 : 29 pm requested for : stewart . range @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: thanks for the interview dear vince , thanks for the interview with enron . i appreciated your time and the conversation that we had together . i really enjoyed my time at enron and believe that it is the type of company that i would like to work for . more specifically i enjoyed meeting the people in the research group and feel that i could make a contribution and fit in well . i look forward to hearing from you or an enron representative . sincerely , lance",0 +"Subject: energy in europe congress 2000 8 th floor , 29 bressenden place london swle 5 dr tel : + 44 171 915 5100 fax : + 44 171 915 5101 conference bookings : + 44 171 915 5103 date : may 15 , 2000 from : tanuja tulsiani phone : 44 171 915 5173 fax : 44 171 915 5101 re : energy in europe congress 2000 , berlin urgent - urgent - urgent - urgent - urgent - urgent - urgent message dear energy in europe speaker as the conference in berlin draw closer , i would like to remind you that we urgently need to receive a copy of your presentation materials by friday , 26 th may 2000 . if you could please send me a hard copy of your talk text or copies of any slides you plan to use , as soon as possible i would be most grateful . i am sure you are aware of the importance of documentation , even if you plan to speak off the cuff please try and supply at least an outline of your proposed speech . if this material doesn ' t reach me by 26 th may i am afraid they will not form part of the delegate packs . you can send a hard copy either by post or fax to the above address and details or you can e - mail it to me at the following address : ttulsi @ icbi . co . uk . if you have already sent copies of your presentation then please ignore this fax . should you have any queries , please do not hesitate to contact me , and i look forward to seeing you in berlin shortly . kind regards tanuja tulsiani tanuja tulsiani logistics manager ! ! ! !",0 +"Subject: reminder stinson ( and vince - - don ' t think your e - mail address is correct ) this is just a reminder about the "" care package "" of enron cases and materials that you guys were going to send to me . stinson , please convey this request on to vince because i think the e - mail address i have is an old one . thanks and have a great weekend . john john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: reprint of my article - the gas - fired future : boom or bust ? my article "" the gas - fired future : boom or bust ? last year brought prices not seen for decades . so consumers will buy less gas , just as before , and send forecasts out the window . "" was just published in april 1 , 2001 issue of public utilities fortnightly . if you would like to receive a reprint when i receive them send me your address . best regards , jhherbert",0 +"Subject: petition for summer internship vince : as we discussed earlier , i attached the copy of the petition for my summer internship with enron analyst and associate group . i also have the hard copy of the letter , which i will deliver to you presonally . i am looking forward to , finally , become an official enron employee . thank you very much for your valuable contributions to my experience with the company . jason sokolov",0 +"Subject: alliance info alert dear generation / power marketing executive : this alliance info alert includes three items of interest : 1 ) the weekly alliance express newsletter 2 ) listing of recent filings at ferc 3 ) timeline for ferc action on california markets ( attached ) alliance of energy suppliers express   december 19 , 2000 inside washington   federal affairs * * * ferc de - federalizes california markets , adopts other structural reforms * * * at a special meeting friday afternoon , ferc unanimously approved its eagerly awaited final order reforming the california wholesale markets , adopting the major outlines of its november 1 proposed order and sending back to california the responsibility for addressing state - related matters . at the same time , ferc deferred consideration of retroactive refund issues as well as the imposition of region - wide price caps . ferc reiterated their earlier conclusions that under certain circumstances , california ratepayers were subjected to unjust and unreasonable power rates due to california ' s "" seriously flawed "" market structure and rules in conjunction with tight demand and supply conditions throughout the west . ferc adopted the november proposal to eliminate , effective immediately , the state ' s mandatory requirement that the state ' s investor - owned utilities buy and sell electricity through the px , and allow these utilities to purchase electricity through forward contracts and other alternative mechanisms to manage supply risks . ferc terminated the px ' s rate schedules effective at the close of business on april 30 , 2001 . in effect , as chairman james hoecker stated , the order de - federalizes 60 percent of the california wholesale market established under the state ' s restructuring law , returning ratemaking authority over company - owned generation to the california public utilities commission ( cpuc ) . the agency also modified the effective period of the $ 150 / mwh "" soft cap "" proposal , limiting its application through april 2001 , whereupon a "" comprehensive and systematic monitoring and mitigation program which incorporates appropriate thresholds , screen and mitigation measures "" must be in place . in a related move , ferc ordered a technical conference early next year to develop such a program by march 1 , 2001 , so that these measures can be place by the may 1 , deadline . * * * energy secretary issues order to power generators and marketers to bolster california ' s supplies * * * energy secretary bill richardson has responded to the severely constrained power supply situation in california by issuing an order , pursuant to section 202 ( c ) of the federal power act , to require generators and marketers to make power available to meet the state ' s electricity needs . the emergency directive requires that , if the california independent system operator ( iso ) certifies that there is an inadequate supply of electricity , certain suppliers would be required to make power available to the iso if they have power available in excess of the amount needed to satisfy service to firm customers . those suppliers that have provided power to the california power exchange ( px ) and the iso over the last 30 days that have firm capacity available would be subject to the order . under the order , the iso is required to provide notice to each supplier subject to the order of the amount and type of service requested by 9 : 00 pm est on the day before the requested service . the iso must , to the extent feasible , allocate the requests in proportion to the amount of each supplier ' s available power . the price for the power provided pursuant to the order will be set by an agreement between the iso and the supplier . if no agreement is reached , ferc is to determine the just and reasonable rate at a later date . the order will remain in effect until 3 : 00 am est on december 21 , 2000 unless modified . * * * epa sets plans to regulate plants ' mercury emissions * * * epa administrator carol browner , in a long - awaited announcement , indicated last week that the administration will require reductions of mercury emissions from coal - and oil - fired power plants . the agency stated that it plans to propose new regulations in december 2003 , and hopes to finalize new rules by december 2004 . in the wake of the decision , eei called on epa to make certain that any program to control utilities ' mercury emissions be based on the best scientific information available in order to assure the protection of public health . "" eei urges epa to maintain its commitment to resolving the key scientific and technological issues , "" said paul bailey , eei vice president , environmental affairs . given these uncertainties , eei is disappointed that the regulatory determination includes statements regarding public health threats and hazards that are unsupported by current science , "" said mr . bailey . "" in the meantime , the electric power industry will continue to work with all stakeholders to determine the extent to which additional mercury reductions from power plants may be needed , and how those cuts should be achieved , "" mr . bailey concluded . mergers & acquisitions * * * calpine completes acquisition of emi power assets * * * calpine corporation has announced that it has completed the acquisition of power assets from energy management , inc . ( emi ) . in the deal , calpine acquired the remaining interest in three recently constructed , combined - cycle power generating facilities located in new england , as well as a joint marketing venture between calpine and emi . prior to the transaction , calpine held a 50 percent net interest in the projects . "" we are very pleased to have completed the acquisition of these new and highly efficient power plants . the dighton , tiverton , and rumford facilities were among the first merchant power plants to enter commercial operation in new england , "" said calpine senior vice president bob alff . "" combined with our other announced project in the northeast , we have created a coordinated system of low - cost assets , with excellent geographic diversity , to provide power to a very attractive new england market , "" added alff . * * * exelon completes acquisition of 49 . 9 percent of sithe * * * exelon corporation and sithe energies have announced the completion of exelon ' s acquisition of 49 . 9 percent of the stock of sithe . the completion of the acquisition finalizes an agreement in which peco energy company agreed to purchase 49 . 9 percent of sithe ' s assets in north america for $ 682 million . peco has since merged with unicom corporation to form exelon corporation . under the terms of the agreement , exelon has the option to purchase the remaining 50 . 1 percent of sithe within two to five years at a price based on prevailing market conditions when the purchase option is exercised . exelon and sithe will continue to operate independently , said the companies . energy data * * * weekly electric output ( week 50 ) * * * electric output reached 74 , 737 gwh for the week ending december 9 ( week 50 ) , with the highest increase over 1999 levels in the mid - atlantic region , which had a 15 . 8 percent increase over 1999 . looking at year - to - date information , the pacific southeast leads the nation in growth of output . for more information , email alliance @ eei . org . who ' s who * * * allegheny energy announces leadership change * * * allegheny energy , inc . this week announced the appointment of michael morrell , senior vice president and cfo , as president of its unregulated supply business , allegheny energy supply company , effective february 1 , 2001 . morrell will replace peter skrgic , current president , who will be retiring on that date after 37 years of service to the company . in his new position , mr . morrell will direct and continue the growth of allegheny ' s energy supply business , which operates and markets competitive retail and wholesale electric generation throughout the eastern us . additionally , morrell will identify new opportunities to expand the company ' s generation holdings , announced a press release . the alliance express is a free news service sponsored by the alliance of energy suppliers . this document can be redistributed . please send questions , comments , or requests to alliance @ eei . org , or telephone 202 / 508 - 5680 . * * * due to the holidays , the alliance express will not be published next tuesday , december 26 . = = recent ferc filings = = ( 1 ) rto developments * the following entities filed comments regarding the california wholesale electric market . elo 0 - 95 - 000 , et . al . filed december 13 , 2000 . - american public power assoc . : "" market power : will we know it when we see it ? the california experience "" - southern california edison co . : "" proof that soft price caps do not result in lawful rates "" and request for rehearing - southern california edison co . : request for immediate modification of the december 8 , 2000 order - san diego gas & electric : motion to clarify the record * the following entities filed motions for an immediate modification and to intervene regarding the commission ' s emergency order december 8 approving the ca iso ' s tariff amendments . erol - 607 - 000 , ero 0 - 95 - 000 et . al . filed december 13 , 2000 . - western power trading forum - reliant energy power generation - pacific gas and electric - ca iso - dynegy power marketing * southern energy companies filed a supplemental protest regarding pjm ' s order 2000 compliance filing . rtol - 2 - 000 . filed december 14 , 2000 . ( 2 ) oatt / transmission * ugi utilities filed an interconnection agreement with allegheny energy supply co . erol - 617 - 000 . comments due by december 28 , 2000 . * public service company of new mexico filed proposed revisions to its ferc electric tariff , a statement of policy and code of conduct governing the relationship between itself and wholesale power marketing affiliates and a notification of a change in status relating to its authorization to sell power at market - based rates . erol - 615 - 000 . comments due by december 28 , 2000 . * american electric power service corp . ( aep ) filed an executed interconnection agreement between indiana michigan power co . and duke energy berrien . the agreement is pursuant to aep companies ' oatt . erol - 626 - 000 . comments due by december 29 , 2000 . * commonwealth edison co . filed revisions to its oatt to reflect the creation of a new generation subsidiary of excelon corp . , comed ' s holding company . erol - 628 - 000 . comments due by december 29 , 2000 . * detroit edison company filed a service agreement for network integration transmission service under the joint oatt between itself and consumers energy . the service agreement is between itself and nordic marketing . erol - 622 - 000 . comments due by december 28 , 2000 . * detroit edison company filed service agreements for short - term firm and non - firm point - to - point transmission service under the joint oatt between itself and consumers energy . the service agreement is between itself and h . q . energy services . erol - 621 - 000 . comments due by december 28 , 2000 . * louisiana generating filed a motion to intervene and protest regarding southwestern electric power company ' s restated and amended electric system interconnection agreement between southwestern and louisiana generating . erol - 504 - 000 . filed december 13 , 2000 . * alliant energy corporate services filed a response to several protests regarding its proposed amended oatt . erol - 312 - 000 . filed december 14 , 2000 . * electricities of north carolina , piedmont municipal power agency and the cities of orangeburg and seneca , sc filed a motion to intervene and protest regarding duke energy , carolina power & light and south carolina electric & gas ' proposed accounting and rate treatment of start - up costs associated with establishing a new rto . elol - 13 - 000 . filed december 14 , 2000 . * southern company services filed a proposed amendment to its oatt in order to incorporate creditworthiness criteria , interconnection procedures and source and sink requirements . erol - 668 - 000 . filed december 14 , 2000 . * bonneville power administration filed a petition for declaratory order stating that its proposed oatt satisfies the commission ' s reciprocity compliance principles . njol - 1 - 000 . filed december 14 , 2000 . * american transmission co . filed proposed open access transmission rates and requested expedited consideration . erol - 677 - 000 . filed december 15 , 2000 . ( 3 ) market complaints * h . q . energy services filed for an order directing the ny iso to restore the original market clearing prices for energy on may 8 , 2000 . elol - 19 - 000 . comments due january 2 , 2001 . * new england power co . filed an answer to the rhode island attorney general ' s protest regarding the application of the joint owners of the undivided interest in the millstone 3 nuclear plant to transfer ownership to the dominion applicants . eco 0 - 137 - 000 and ero 0 - 3639 - 000 . filed december 13 , 2000 . ( 4 ) mergers / corporate restructuring ( 5 ) miscellaneous * ca iso filed an amendment to schedule 1 of the participating generator agreement between ca iso and sierra pacific industries . erol - 619 - 000 . comments due by december 28 , 2000 . * automated power exchange filed a new rate schedule under which it will provide its auction and scheduling service in its california market . erol - 658 - 000 . filed december 14 , 2000 . * automated power exchange filed a new rate schedule under which it will provide its auction and scheduling service in a new geographic market , known as the apx midwest market . erol - 659 - 000 . filed december 14 , 2000 . nancy tarr manager , business development ntarr @ eei . org 202 - 508 - 5680 - timeline . doc",0 +"Subject: draft from the editor with questions . i ' ll call vince , attached is the editor ' s latest edits on my draft . there are a couple of things i ' d like to discuss with you and will call right after lunch . john - 134 martin 2 . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: fwd fwd volatility for metals var hi tanya , i think using the 60 business day fwd fwd vols based on historical data is reasonable , to ensure consistency with the amount of data we use to estimate the eigenvalues . i am just finishing the correlations study . regards , anjam x 35383 zinc : lead : aluminum h : aluminum s : tin : copper : nickel :",0 +"Subject: load forecasting project schedule based on the discussions we had on monday , august 14 th , the preliminary project timeline shown below , and your request that some gas supply planning personnel be available to review and assist with the work : data collection : august 15 to september 14 model design and building : september 15 to october 14 interface design and building : october 15 to november 15 gas supply planning proposes the following schedule for visits to houston : ketra schmitt : september 18 , 19 , 20 ( model structure ) john wirick : october 23 , 24 , 25 ( model test and interface basics ) jake norment : november 6 , 7 , 8 ( interface refinement ) we understand that we should fly into houston international and stay at either the hyatt downtown or the doubletree to be near the enron office at 1400 smith street . looking forward to an interesting and successful project . john p . wirick , jr . ext . 4910 the information transmitted is intended only for the person or entity to which it is addressed and may contain confidential and / or privileged material . any review , retransmission , dissemination or other use of , or taking of any action in reliance upon , this information by persons or entities other than the intended recipient is prohibited . if you received this in error , please contact the sender and delete the material from any computer .",0 +"Subject: fyi : sycamore support on network planning fyi : note that the person mentioned in the text below ( ming lung lee ) is very experienced in traditional traffic engineering work . he comes from mci where he was responsible for modeling traffic etc . it appears that sycamore finally got him . one time they had lost him to corvis ( another optical equipment company ) , i guess sycamore went back to him with a better deal ! as soon as this guy is available , i ' ll set up an all day technical meeting to hash out what needs to be done as far as optimization algorithm development is concerned . i want to produce a technical requirement document to clearly outline what needs to be done to support dynamic , optical - switched - circuits based trading and streaming media applications , etc . having such an industry expert help us will help ' justify ' internally all the the effort on the traffic analysis side that john griebling has asked us to support . keep in mind that even though he is an expert in the field , the field that we need to play in has not develop yet . even the emerging data based traffic ( as opposed to voice where blocking of traffic is allowed ) analysis is an order of magnitude more difficult ( due to uncertain load ) , let alone trading such load ( which we are planning to do ! ) . ravi . . . . sycamore hired a guy per griebling ' s request , to work with you on the design / planning piece of the business . he will be contracted out to enron for a period of 6 months initially . he lives in sf but will be traveling to whereever you need him . jim , griebling wanted us to set up a meeting between you guys for wednesday morning , if you have time . his name is ming lung lee and he comes to us from mci . let me know what works . - - - - - forwarded by ravi thuraisingham / enron communications on 03 / 07 / 00 11 : 09 am - - - - - kristin . bethurem @ sycamorenet . com 03 / 07 / 00 09 : 44 am to : ravi thuraisingham / enron communications @ enron communications , kristin . bethurem @ sycamorenet . com cc : jim irvine / enron communications @ enron communications , barb . vanbeyerer @ sycamorenet . com , brett . leida @ sycamorenet . com subject : re : pooling point profiles hi ravi . fair enough , we will make sure we keep you guys in the loop . let barb / me know which items we can offload to you guys . first thing to be done is barb will schedule a call between us and you all to gain a better understanding of a number we are trying to back into with the metro solutions ( there are alot of options on our side and we need some guidelines ) . i already talked to john about this this morning so we need to make some headway on that number . also , we are scheduled for a conference call wednesday morning with griebling to discuss where we are at with initial solutions for metro . would you like to join us ? thursday night , we have a dinner tentatively planned ( talk with griebling about who , where , etc . ) . friday we will be meeting all day at the omni in interlocken . ravi and jim , per my conversations with john , he is going to run point on the metro solutions . dorn is swamped with other activities . as for the switching piece , we discussed our routing software on monday and i think that is all we are going to do until ahi is done then we will set up a meeting between our guys and the ahi folks . the expectation is that this meeting will occur in the next 30 days . also , sycamore hired a guy per griebling ' s request , to work with you on the design / planning piece of the business . he will be contracted out to enron for a period of 6 months initially . he lives in sf but will be traveling to whereever you need him . jim , griebling wanted us to set up a meeting between you guys for wednesday morning , if you have time . his name is ming lung lee and he comes to us from mci . let me know what works . the best ways to reach me are my cell phone or text pager . cell is 303 - 619 - 2485 and pager is 888 - 467 - 6167 - - you can send me a text message from either your pager ( if you have a 2 way ) or press 3 to get an operator . thanks , kristin - - - - - original message - - - - - from : ravi _ thuraisingham @ enron . net [ mailto : ravi _ thuraisingham @ enron . net ] sent : monday , march 06 , 2000 9 : 52 am to : kristin . bethurem @ sycamorenet . com cc : jim _ irvine @ enron . net ; barb . vanbeyerer @ sycamorenet . com ; brett . leida @ sycamorenet . com subject : re : pooling point profiles hi kristin , jim and i will be in broomfield , co from tueday late ~ 10 am until friday end of day . we would appriciate being in the loop of any discussion that you may have with john and dorn ( provided that they can be shared with us ) . both john and dorn are very busy and you can help alleviate some of the congestion by send information directly to jim barb . vanbeyerer @ sycamorenet . com subject : pooling point profiles kristin attached is the sanitized file promised . what is the status on next weeks meeting and more specifically , what is the location ? jim - - - - - forwarded by jim irvine / enron communications on 03 / 03 / 00 03 : 40 pm - - - - - | - - - - - - - - + - - - - - - - - - - - - - - - - - - - - - - - > | | andre bourque | | | | | | 03 / 03 / 00 | | | 01 : 27 pm | | | | | - - - - - - - - + - - - - - - - - - - - - - - - - - - - - - - - > | | | | to : jim irvine / enron communications @ enron communications | | cc : | | subject : pooling point profiles | | jim : as part of your vendor negotiation requirements . andre f . bourque enron broadband services - - - - - forwarded by andre bourque / enron communications on 03 / 03 / 00 01 : 28 pm - - - - - | - - - - - - - - + - - - - - - - - - - - - - - - - - - - - - - - > | | andre bourque | | | | | | 03 / 02 / 00 | | | 05 : 42 pm | | | | | - - - - - - - - + - - - - - - - - - - - - - - - - - - - - - - - > | | | | to : ravi thuraisingham / enron communications @ enron communications | | cc : rob kolosvary / enron communications @ enron communications , | | lisa rosenberg / enron communications @ enron communications , andre | | bourque / enron communications @ enron communications , john | | griebling / enron communications @ enron communications , laura | | beneville / enron communications @ enron communications | | subject : pooling point profiles | | ravi : as per your request , the attached profiles have been sanitized of their sources . regards , andre f . bourque enron broadband services ( see attached file : pooling point profiles . xls )",0 +"Subject: re : lunch john , thanks . see you on monday . vince enron north america corp . from : john goodpasture @ enron 03 / 31 / 2000 01 : 11 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : lunch we are confirmed for lunch this coming monday , april 3 . i ' ll meet you in the lobby at 11 : 15 and drive us to otto ' s barbecue on memorial . thanks , jng",0 +"Subject: power trading fyi . this could be quite important for us . through forming a tradinf co . we could be brokering deals on behalf of mseb , without letting them off the hook . in this manner we could be doing short term deals and increasing despatch from dabhol or other mseb marginal units . any money flowing from these sales should go into an escrow account that goes directly towards payment of dpc bills . in this manner we would be increasing the payment ability of mseb . regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 01 / 29 / 2001 08 : 45 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - k seethayya 01 / 29 / 2001 03 : 49 pm to : wade cline / enron _ development @ enron _ development , neil cc : jane wilson / enron _ development @ enron _ development , sandeep kohli / enron _ development @ enron _ development , mohan gurunath / enron _ development @ enron _ development , ashok subject : power trading wade : the group of ministers on foreign investment had decided to recommend foreign equity participation upto 100 % for trading in power sector , subject to prevailing laws . however , they left the final decision to the union cabinet . it is understood that a note supporting the recommendation of gom is being put up for consideration of union cabinet . since power minister is willing to support the proposal and industry minister is already ok with such proposals , i don ' t anticipate any problem at the cabinet level . let us wait and watch the developments . seethayya",0 +"Subject: interview with the research group hi kathy and elizabeth : vince kaminski would like to bring chris kenyon in for a formal interview with the research group . we would like to bring him in on monday , may 15 th , or monday , wednesday , thursday , and friday of the week of may 22 - 26 th . if these dates do not work for chris , please let me know . . the interview participants would be : vince kaminski stinson gibner zimin lu vasant shanbhogue grant masson paul issler krishna krishnarao if you need any other information , please let me know . thanks and have a great day ! shirley 3 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 05 / 08 / 2000 09 : 41 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 05 / 08 / 2000 09 : 25 am to : christopher m kenyon @ enron cc : stinson gibner / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : real options openings ? chris , we shall make arrangements to bring you over for an interview . our hr department will contact you later this week . vince christopher m kenyon on 05 / 05 / 2000 07 : 56 : 11 am to : vkamins @ enron . com cc : subject : real options openings ? dear vince kaminski , i was auditing prof dyer ' s real options class on thursday when you spoke on enron ' s activities in this area . i would be interested in exploring the possibility of joining the group that works on real options in response to and in anticipation of enron ' s business requirements . i ' m currently working in the development and application of real options methodology at schlumberger . in particular i ' ll be speaking at an industry real options valuation conference in london ( http : / / www . iqpc . co . uk / finance / rov / ) and i just had the paper accepted for publication in operations research . could you pass my resume on to the relevant people to have a look at ? thanks in advance , chris kenyon - cmkenyon _ cv _ mayo 0 . doc",0 +"Subject: accounting organizational changes in order to support enron  , s development of new business and desire to maximize its return on invested capital ; the following organizational changes are taking place . the current accounting groups supporting calme , apachi and south america activities will be consolidated into one accounting group at enron corp . this group will continue to provide accounting support to these international regions and related enron corp initiatives . jeff sommers , currently calme vice president and cao will head this accounting group . cassandra schultz , currently apachi vice president and cao will join rick buy  , s risk assessment and control organization as a vice president in market risk management . kent castleman , currently south america vice president and cao will become vice president and cao of enron industrial markets . please join us in congratulating everyone in their new assignments .",0 +"Subject: new website for an exciting conference applications of physics in financial analysis 2 liege , belgium 13 to 15 july 2000 the website for this conference is now available at www . eps . org / apfa for further details on all eps conferences contact : christine bastian , conferences , european physical society , 34 rue marc seguin , bp 2136 , f - 68060 mulhouse cedex , france tel + 33 389 32 94 42 fax + 33 389 32 94 49 email eps . conf @ univ - mulhouse . fr this conference is a europhysics conference . it is organised by the european physical society and its division of statistical and non - linear physics . - attl . htm",0 +"Subject: projects completed and work in progress dear vince , hi , i hope your having fun on you vacation ! i just want to drop you a line since we haven ' t talked in a while and give you a progress update . first , i feeling much better . eventhough i was out last week , i finished the following curves : canadian cpi phillippines fx and cpi mexican fx and cpi saudi arabian fx and cpi guatemalan fx we also helped london rac with finding information on the uk inflation model to backtest it . gwyn and yana kept me very busy last week . yana , who lives close by me was nice enough to drop off work at night . gywn and i worked on the curves over the phone . yesterday , i got a call from terry thorn , he needed economic information and a presentation to give to egm management . i gave him a copy of the conforming assets presentation , he was very pleased . this week , i ' m working on a urgent request from rac . the board has decided to resurrect dragon 2 , so we are preparing all the curves for the apachi region . i ' m also working on the metals presentation . see you thursday . regards , maureen",0 +"Subject: henwood & psim stinson / vince , the henwood runs for dabhol are , at least temporarily , over . however , the main modeller for henwood ( david yumigada ) works out of their california office . it maybe worth our while to have him come and demonstrate the runs , and explain the modelling algorithm to the larger group . in aparticular , now that i am going through some of the comments people have raised on the psim model , i think there is value in understanding the way henwood deals with hot and cold starts , ramp up costs , and with issues of cycling plants . i think understanding these will help in developing the next version of the psim , and will also give the group here ideas to build into existing models . this is a suggestion , and so please let me know if you see value in this . regards , sandeep .",0 +"Subject: re : summer van , thanks for your message . we are taking a number of interns this summer , but the a & a program has closed the books for this year . we were able to reopen the list to add one candidate a few weeks ago , but cannot do it again . we promised it would be the last addition . vince van ngo on 04 / 23 / 2000 11 : 42 : 54 am to : vince kaminski cc : subject : summer dear vince , i ' m writing to let you know that i have been in touch with christy young from the a & a program and will be finding out my assignment for this summer soon . ? i am very excited to be back at enron , and i hope to see the research team again . i ' d also like to inquire about summer positions within research . ? will the research group be taking on another intern this summer ? ? since i know there is no busier place at enron than the research group , if there is a position available for this summer that you are looking to fill or that may be open for consideration , i would love to connect you to another rice student . please let me know if the group is considering receiving a new intern this summer . ? if so , i would be thrilled to put you in touch with brad aimone , a senior chemical engineering student here at rice who will be graduating with both his b . s . and his masters in chemical engineering next may . ? brad has gained extensive laboratory research experience over the past two years . ? his academic focus gives him a strong mathematical , quantitative background and excellent computer skills . ? i believe his skills are transferable and relevant to the group , and he is a deeply dedicated individual . ? if the research group is looking for a summer intern , i hope it will continue enron ' s strong support and recruit of rice university students . please feel free to contact brad directly to pursue this discussion . ( as i realize the summer months are not far off , if it is easier , an arrangement through prostaff may be made similar to my work extension at the end of last summer ) . ? i have attached a copy of his resume for your review . ? brad will be in houston this summer . ? his contact information is given below . james bradley ( brad ) aimone 6320 main , houston , tx ? 77005 713 - 630 - 8035 imaknee @ rice . edu ? also , please feel free to contact me if you have any questions . ? i sincerely hope that you will have the opportunity to discover the contributions brad can make to the research group . ? i certainly know that he would gain tremendously from the experience as i did last summer . thank you very much for your consideration . sincerely , van ph : 713 - 630 - 8038 - brad _ resume . doc",0 +"Subject: dg energy software vince , here is my edited version of the software license agreement . can you read it once before i forward it for internal approval ? i specified that the $ 100 , 000 covers a single user perpetural license , access to source after one year , and covers maintenance and support for one year . any suggestions ? - - stinson",0 +"Subject: re : mathworks great , please keep us informed . louis casari vice president , mid office operations enron broadband services 713 - 853 - 4302 , room eb 4492 lou _ casari @ enron . net vince j kaminski @ ect 09 / 28 / 00 10 : 39 am to : lou casari / enron communications @ enron communications @ enron cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , lou casari / enron communications @ enron communications subject : re : mathworks molly , i met lou in the building lobby last wednesday and he suggested that he ( or his representatives ) join the mathworks presentation to my group ) . it ' s a good software package for mathematical modeling , but there is a limit to the number of different installations any group can productively use . i shall take a look at some new features they offer and decide whether it ' s worth the effort . vince kaminski lou casari @ enron communications 09 / 20 / 2000 02 : 10 pm sent by : molly carnes @ enron communications to : vince j kaminski / hou / ect @ ect cc : subject : mathworks do you know this person or this company ? they are want to set an appointment with ebs and i believe , are wanting to meet with you , also . any feedback ? thanks . molly carnes for lou casari enron broadband services 713 - 853 - 1467 , room eb 4486 a molly _ carnes @ enron . net - - - - - forwarded by molly carnes / enron communications on 09 / 20 / 00 02 : 09 pm - - - - - scottw @ mathworks . com 09 / 20 / 00 08 : 46 am to : lou casari / enron communications @ enron communications cc : subject : we ' ll be in houston hello mr . casari : myself and our energy trading financial team will be visiting with the r & d group at enron the week of 10 / 16 / 00 . they have several applications can be dramatically improved with our tools . we are very interested to understand the bandwidth trading market , to see if any additional challanges can be overcome with our tools . i would like to understand your challanges of modeling , simulating and deploying applications to control risk . are you available to discuss these items prior to our visit ? i look forward to hearing from you . thanks scott wakefield",0 +"Subject: re : tanya vacation vince , i just found out that none of my vacation days from the last year is in the computer system ( it says that i have 0 c / over days ) . it was november 3 , 1999 when i asked your approval to carry over 12 vacation days to the next year . i was thinking that if you ( or hr ) do not approve i could at least take these days in 1999 . i know that your tried to help me and sent to brad mcsherry the justification for me to carry over 10 days . i bothered you a few times in november and december 1999 and since your response was optimistic i did not take any of those 10 days in 1999 . but i never heard from hr . now i am not sure - may be these days are not in the system by mistake . i would like to take 5 of them in march ( from 3 / 13 / 00 to 3 / 17 / 00 ) . what is your advice ? should i contact brad mcsherry ? even negative response from hr in november or december last year would be better than loosing vacation days . i really appreciate your help , tanya . tanya tamarchenko 12 / 02 / 99 12 : 51 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : tanya vacation hi , vince , sorry to bother again with my question . i first e - mailed my question a month ago ( on nov . 3 ) . since we still have not heard from hr , is it fair to assume that i can carry over my 10 vacation days to the next year ? if not - i have to take 5 days before dec . 17 , because then i go on vacations anyhow . i would really prefer not to take off most of december , there are quite a lot of things going on . thank you for your help in resolving this question . tanya .",0 +"Subject: re : weather and energy price data mulong , we shall send you natural gas henry hub prices right away . please look at the last winter and the winter of 95 / 96 . we shall prepare for you the electricity price information ( cinergy , cobb and palo verde ) but you have to approach ft ( the publishers of megawatts daily , a newsletter that produces the price index we recommend using ) and request the permision to use the data . we are not allowed to distribute this information . please , explain that this is for academic research and that we can produce the time series for you , conditional on the permission from the publishers of megawatts daily . vince kaminski mulong wang on 04 / 15 / 2001 03 : 43 : 26 am to : vkamins @ ect . enron . com cc : richard macminn subject : weather and energy price data dear dr . kaminski : i am a phd candidate under the supervision of drs . richard macminn and patrick brockett . i am now working on my dissertation which is focused on the weather derivatives and credit derivatives . could you kindly please offer me some real weather data information about the price peak or plummet because of the weather conditions ? the past winter of 2000 was very cold nationwide , and there may be a significant price jump for natural gas or electricity . could you please offer me some energy price data during that time period ? your kind assistance will be highly appreciated and have a great day ! mulong",0 +"Subject: re : jinbaek kim molly , we can pay for the plane ticket . we have to make sure that we shall extend the same treatment to other summer interns to avoid bad feelings . vince from : molly magee / enron @ enronxgate on 04 / 25 / 2001 11 : 47 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : subject : jinbaek kim we received some correspondence this morning from jinbaek in which he says he plans to start on june 4 , 2001 . since we are trying to offer a package comparable to that of an associate in the program , i assume we will also pay for his plane ticket here ? ? ? just wanted to check before i contacted him . . . . , so i ' ll wait to hear from you . thanks , molly x 34804",0 +"Subject: karthik rajan i spoke with karthik this morning about our offer , and answered some additional questions that he had . he has accepted our offer , but with one additional request . he would now like for us to ship his car . i asked him why he couldn ' t drive it down here , and he said that it was too old . i am going to check with relocation for an approximate cost and will get back to you . . . . thanks , molly x 34804",0 +"Subject: interview schedule for jinbaek kim please find the interview packet for the above - referenced candidate . the interview will occur on friday january 19 , 2001 . please print all documents for your reference . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . shawn grady 58701",0 +"Subject: re : energy derivatives conference - may 29 , toronto amy : attached please find a short "" bio "" for dr . kaminski . please let me know if i can help further . amy aldous on 03 / 30 / 2000 11 : 24 : 13 am to : vince . j . @ uwaterloo . ca . kaminski @ enron . com cc : shirley . crenshaw @ enron . com subject : energy derivatives conference - may 29 , toronto dear mr . kaminski , i have just spoken with phelim boyle , who was very pleased to report that you will be speaking at our energy derivatives conference in toronto on may 29 . i understand that the title of your presentation is "" current challenges in pricing and risk management of energy derivatives . "" would you also be available and willing to join a panel discussion / question and answer period at the end of the day ? speakers , with tentative titles , to follow you are : corwin joy ( positron , houston ) "" modeling physical assets : real option theory applied to generation assets "" david emanuel ( williams , tulsa ) "" modeling issues in power markets "" shijie deng ( georgia institute of technology , atlanta ) "" research on pricing electricity derivatives and the basic models "" melanie cao ( queen ' s university , kingston ontario ) "" equilibrium pricing of weather derivatives "" panel discussion perhaps ms . crenshaw could send me your short biographical sketch , by email or fax ( 519 ) 888 - 7562 so that i can proceed with promoting this event as soon as possible . many thanks , amy * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * amy aldous , conference co - ordinator centre for advanced studies in finance university of waterloo waterloo , on n 2 l 3 gl tel : ( 519 ) 888 - 4567 ext . 5728 fax : ( 519 ) 888 - 7562 email : aaldous @ uwaterloo . ca * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * *",0 +"Subject: re : reminder - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 10 / 2001 05 : 21 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 01 / 08 / 2001 01 : 10 pm to : sandeep kohli / enron _ development @ enron _ development cc : vince j kaminski / hou / ect @ ect subject : re : reminder sandeep , i am meeting jeff on tuesday , 1 : 30 . the best number to reach me ( outside the office ) is my cell phone ( always on ) : 713 410 5396 . my home number is 281 367 5377 . vince sandeep kohli @ enron _ development 01 / 06 / 2001 08 : 30 pm to : vince j kaminski @ ect cc : subject : reminder vince , before leaving for india i just wanted to jot you this small reminder to talk to jeff shankman on monday . aside from myself , i wanted to remind you to talk about anshuman shrivastava , who is currently assistant manager in india , and has my recommendation for promotion to manager . he is our point person on many dpc matters , and is also the person i have used on most fuel related issues . he will be a real asset to jeff when located in houston . sinc he is single , and quite young , it will not be a problem to move him here at short notice . i will call you from india as soon as i get in . it will be monday evening in houston at that time , so could you please jot me a note telling me what would be a good number to call you on . i look forward to working with the team in research . thanks again , regards , sandeep .",0 +"Subject: re : reminder sandeep , i am meeting jeff on tuesday , 1 : 30 . the best number to reach me ( outside the office ) is my cell phone ( always on ) : 713 410 5396 . my home number is 281 367 5377 . vince sandeep kohli @ enron _ development 01 / 06 / 2001 08 : 30 pm to : vince j kaminski @ ect cc : subject : reminder vince , before leaving for india i just wanted to jot you this small reminder to talk to jeff shankman on monday . aside from myself , i wanted to remind you to talk about anshuman shrivastava , who is currently assistant manager in india , and has my recommendation for promotion to manager . he is our point person on many dpc matters , and is also the person i have used on most fuel related issues . he will be a real asset to jeff when located in houston . sinc he is single , and quite young , it will not be a problem to move him here at short notice . i will call you from india as soon as i get in . it will be monday evening in houston at that time , so could you please jot me a note telling me what would be a good number to call you on . i look forward to working with the team in research . thanks again , regards , sandeep .",0 +"Subject: re : 1 / 2 day seminar : the new texas electric market fyi ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 24 / 2001 10 : 19 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 04 / 24 / 2001 10 : 19 am to : ron mcnamara / na / enron @ enron , jean ryall / na / enron @ enron cc : subject : re : 1 / 2 day seminar : the new texas electric market hello ron and jean : please furnish me your co # and cc # so that i can make a group reservation to the "" new texas electric market "" seminar in austin on may 2 nd . i will charge the entire amount to vince kaminski ' s credit card , but we will need to cross charge the charges when we submit his expense report . thanks ! shirley crenshaw 3 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 24 / 2001 10 : 17 am - - - - - - - - - - - - - - - - - - - - - - - - - - - lance cunningham @ enron on 04 / 23 / 2001 11 : 10 : 33 am to : ron mcnamara / na / enron @ enron , jean ryall / na / enron @ enron cc : shirley crenshaw / hou / ect @ ect subject : re : 1 / 2 day seminar : the new texas electric market could i please get the following information from you , so that shirley can register us for the upcoming seminar . thanks , lance - - - - - - - - - - - - - - - - - - - - - - forwarded by lance cunningham / na / enron on 04 / 23 / 2001 11 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw @ ect 04 / 20 / 2001 01 : 34 pm to : lance cunningham / na / enron @ enron cc : subject : re : 1 / 2 day seminar : the new texas electric market do you have any information on them so i can make the reservations . name : ron mcnamara & jean ryall co . # cc # etc . lance cunningham @ enron on 04 / 20 / 2001 01 : 30 : 56 pm to : shirley crenshaw / hou / ect @ ect cc : subject : re : 1 / 2 day seminar : the new texas electric market shirley , i think that we will only have 1 or 2 people outside of research to attend . lance",0 +"Subject: re : garp frank , i have reviewed materials from garp but did not find any information about the speaker ' s perks ( like , for example , the right to invite another person , free of charge ) . i shall message garp with this question . please , give me a few more days to think about garp presentation . vince enron north america corp . from : frank hayden @ enron 11 / 27 / 2000 03 : 27 pm to : vince j kaminski / hou / ect @ ect cc : subject : garp vince , i just wanted to follow up and see if i can be your guest at the ny garp meeting . also , have you had any time to think of a topic for january . i would like to get an email out announcing the meeting . let me know your thoughts , thanks , frank",0 +"Subject: michael catanese vince , mr . catanese is not ready yet . his statistics is rusty , and he only finishes 11 chapters of john hull ( 18 chapters are minimal to be serious ) . zimin",0 +"Subject: fw : notes for var course > - - - - - original message - - - - - > from : mccarthy , jane j > sent : wednesday , 25 october 2000 16 : 55 > to : ' vkaminski @ aol . com ' > subject : notes for var course > > dr . kaminski , > > i attended your var course in sydney in july , but when i went back to look at the notes recently i found that i am missing some sections ( e . g . optimal techniques for measuring var , using monte carlo techniques to accurately calculate var , evaluating the impact of volatility and extreme values on var ) . would you be able to send me a copy of your notes , as i am about to embark on a var modelling exercise and i am sure they would be very useful . > > regards , > jane mccarthy > manager market risk > bhp co . pty ltd . > lvl . 45 , 600 bourke street > melbourne , vic 3000 > australia > > ph : 613 9 609 3860 > fax : 613 9 609 3861 > email : mccarthy . jane . j @ bhp . com . au > > > eom notice - this message contains information intended only for the use of the addressee named above . it may also be confidential and / or privileged . if you are not the intended recipient of this message you are hereby notified that you must not disseminate , copy or take any action in reliance on it . if you have received this message in error please notify postmaster @ bhp . com .",0 +"Subject: thank you ! fyi from valeria . - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 09 / 12 / 2000 10 : 03 am - - - - - - - - - - - - - - - - - - - - - - - - - - - valeria . i . stone @ exxon . sprint . com on 09 / 12 / 2000 09 : 59 : 37 am to : shirley . crenshaw @ enron . com cc : subject : thank you ! date : september 12 , 2000 from : stone , v . i . ( valeria ) vistone - americas to : ext - shirley . crenshaw ( a ) enron . co shirlecl - fpexmail subject : thank you ! dear shirley , can you please forward this thank you note to kevin kindall , grant masson , tanya tamarchenko and vince kaminski for me . dear kevin , grant , tanya , and vince : i just wanted to thank you for the time you shared with me on friday , september 8 th , regarding employment opportunities with enron . i enjoyed meeting with you and discussing your company ' s structure and mission as well as the objectives of the research group . i was impressed by the fast - paced environment and dedication that were displayed by your group . it is apparent to me that your group greatly contributes to the overall success of enron . i am looking forward to hearing from you soon . sincerely , valeria stone - - - - - original message - - - - - from : ext - shirley . crenshaw ( a ) enron . co sent : thursday , september 07 , 2000 10 : 27 am to : stone , v . i . ( valeria ) subject : re : informal exploratory interview with enron research group valeria : 3 : 30 pm tomorrow the 9 th will be fine . we will have to change the schedule a little bit , but i believe it will work . kevin kindall 3 : 30 pm grant masson 4 : 00 pm tanya tamarchenko 4 : 30 pm vince kaminski 5 : 00 pm same scenario - upon arrival in the lobby go to the security desk and ask for me . i will meet you in the lobby of the 19 th floor . thanks so much for your flexibility ! shirley crenshaw valeria . i . stone @ exxon . sprint . com on 09 / 07 / 2000 08 : 56 : 24 am to : shirley . crenshaw @ enron . com cc : subject : re : informal exploratory interview with enron research group date : september 7 , 2000 from : stone , v . i . ( valeria ) vistone - americas to : ext - shirley . crenshaw ( a ) enron . co shirlecl - fpexmail subject : re : informal exploratory interview with enron research group sure , tomorrow is fine with me . is it possible to schedule it at 3 : 30 pm ? and i am sure it is not an easy task to fit the schedule of several people to be available at the same time window . so please feel free to let me know if you will need to do another time adjustment . - - - - - original message - - - - - from : ext - shirley . crenshaw ( a ) enron . co sent : thursday , september 07 , 2000 9 : 47 am to : stone , v . i . ( valeria ) subject : re : informal exploratory interview with enron research group valeria : please do not think we are always this unorganized , but things just seem to be happening right now and it is disrupting everyone ' s schedule . would you possibly be able to come tomorrow the 8 th ? kevin kindall will not be here on the 15 th and he would definately like to interview you . then vince kaminski will be gone for two weeks after the 15 th . it seems like tomorrow might be the best time for everyone , if it is for you . we can begin the interviews at 3 : 00 pm and probably end them at 5 : 00 or 5 : 30 pm . please let me know . thanks so much for your understanding . [ stone , v . i . ( valeria ) ! : regards , shirley crenshaw valeria . i . stone @ exxon . sprint . com on 09 / 07 / 2000 07 : 46 : 13 am to : shirley . crenshaw @ enron . com cc : subject : re : informal exploratory interview with enron research group date : september 7 , 2000 from : stone , v . i . ( valeria ) vistone - americas to : ext - shirley . crenshaw ( a ) enron . co shirlecl - fpexmail subject : re : informal exploratory interview with enron research group [ stone , v . i . ( valeria ) ! 0 definitely - any of these days sound good to me . the only concern that i have , is that i have my graduate class on thursday night at 6 pm which is september the 14 th . so if you will schedule the interview on the 14 th of september , i would need to leave around 5 : 15 pm so i could attend my class . it actually might be more convenient for me to meet with the interviewers on the 15 th of september . if this day does not fit the schedule of any of the interested in interviewing individuals , i surely will be able to meet with them on the 14 th . i will be looking forward to your reply . sincerely , valeria stone - - - - - original message - - - - - from : ext - shirley . crenshaw ( a ) enron . co sent : wednesday , september 06 , 2000 4 : 32 pm to : stone , v . i . ( valeria ) subject : re : informal exploratory interview with enron research group valeria : would you be able to do the interview on the 14 th or 15 th instead of the 13 th ? vince kaminski , who would really like to interview you , has been called out of town on the 13 th . he will be back on the 14 th . also grant masson is conducting an options seminar on the 13 th and would not be able to interview you until after 5 : 00 pm . please let me know if we can just push the interview to the same time frame only on the 14 th or 15 th . thanks ! shirley crenshaw 713 - 853 - 5290",0 +"Subject: re : visit to enron by professor nalin kulatilaka of boston university hi iris : may 17 th is fine . he will probably need to come in the night before ( the 16 th ) and he can make a hotel reservation at the doubletree or the hyatt and tell them he is a guest of enron and he will get a corporate rate . we will reimburse him for room expense only . he will need to pick up any miscellaneous room charges . we will also reimburse him for his flight expense and cab fare . the doubletree telephone # is : 713 - 759 - 0202 and the hyatt telephone is : 713 - 654 - 1234 . he can either leave his receipts with me when he is here or mail them to me and i will have a check cut . i will need his ss # . if you have any more questions , please let me know . thanks ! shirley from : iris mack / enron @ enronxgate on 04 / 20 / 2001 04 : 32 pm to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , shirley crenshaw / houston / eott @ eott cc : nalink @ bu . edu @ smtp @ enronxgate subject : re : visit to enron by professor nalin kulatilaka of boston university hi shirley , vince has requested that we invite professor nalin kulatilaka of boston university to speak at one of our thursday group luncheons / seminars . nalin says he is available to speak on may 17 th . can you let me know if this is okay , and what the procedure is for invited speakers . thanks and have a good weekend , iris",0 +"Subject: re : recent hardware repair joe , we are extremely pleased with the support we receive from your team . the problem was fixed very quickly . vince from : joe langston / enron @ enronxgate on 04 / 27 / 2001 11 : 31 am to : vince j kaminski / hou / ect @ ect cc : subject : recent hardware repair vince , recently the hardware services team performed work on a piece of equipment for you . the technician that performed the work was jd marter , and this is just a follow up to insure that your problem was resolved . it is our goal to provide you with the best service possible , so please feel free to respond to this email if you have any comments that may help us provide you better service in the future . attached you will find a work log detailing what was done to resolve your issue . if you have any questions , or if the problem is not completely resolved please feel free to contact me . thank you , joe langston team lead hardware services office : 713 - 345 - 8883 cell : 713 - 545 - 5912 pager : 877 - 239 - 2794",0 +"Subject: re : suggestion : implementing var based on non - normal log - returns simulations everybody , we were talking for a while about using non - normal distributions in the monte - carlo simulations in our var model . i put together some suggestion regarding this . the text is under o : \ _ dropbox \ tanya \ non _ normal _ logs . doc look through this 3 page document , and let me know what you think , please . tanya",0 +"Subject: re : lng "" book "" meeting doug , we were trying to get everybody together for today but with no luck . wednesday next week is the first feasible date . sorry for that . vince doug arnell @ enron _ development 08 / 29 / 2000 01 : 59 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski @ ect subject : re : lng "" book "" meeting i ' m assuming that this meeting is tomorrow ( wednesday the 30 th ) not next wednesday . shirley crenshaw @ ect 08 / 29 / 2000 09 : 06 am to : sally beck / hou / ect @ ect , eric groves / hou / ect @ ect , doug . arnell @ enron . com , vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : subject : lng "" book "" meeting hello everyone : the next lng "" book "" meeting has been scheduled for wednesday , september 6 at 2 : 00 pm in ebl 9 c 2 . thanks ! shirley crenshaw 3 - 5290",0 +"Subject: transport model andy , the scale effect in the transport model can be explained . i use a european option to do the illustration . i raise the underlying and strike price by the same amount , use the fuel percentage to adjust the strike . the net result is the intrinsic value decreases as the level goes up . if the fuel percentage is not very high , the option premium actually increases with the level , although the intrinsic value decreases . if the fuel percentage is very high ( > 8 % ) , then we see a decreasing option price . in the transport deal , fuel change is often below 5 % , so you will not see a decreasing spread option price when nymex moves up . so i think the transport model still does what it should do . zimin in the following exmaple , i used r = 6 % , vol = 20 % , t = 100 days , see spreadsheet for details . - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 10 / 20 / 2000 01 : 24 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 10 / 20 / 2000 10 : 45 am to : andrew h lewis / hou / ect @ ect cc : colleen sullivan / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : level effect in transport andy , the following spread sheet domenstrates the leve effect in transport valuation . i add an "" nymex add - on "" to both delivery and receipt price curve before fuel adjustment , keep everything else the same . the transport value ( pv of the spread options ) increases when nymex add - on increases . i can visit you at your desk if you have further question . zimin",0 +"Subject: re : project tracking database access hi sandy : yes he does . actually in our group meeting today , vince kaminski said that he wants most of his group to have access . i believe stinson gibner is working on the list . is there a way we could submit a request to incorporate a list of people to give them access ? they would need writing access also . thanks ! shirley from : enron messaging security @ enron 11 / 30 / 2000 03 : 26 pm to : shirley crenshaw / hou / ect @ ect cc : subject : project tracking database access shirley , the default access is read only . does this person need more rights , i . e . editor ? thanks , sandy - - - - - - - - - - - - - - - - - - - - - - forwarded by enron messaging security / corp / enron on 11 / 30 / 2000 03 : 24 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - security resource request system application line item pending provider processing application name : unlisted lotus notes appliction how to process this request . . . for : kenneth parkhill / na / enron request type : grant comments : efc \ research \ projtrak . nsf - needs access to project tracking database click . if you wish to approve this request , select "" approve "" in the dialog box . otherwise , select "" reject "" . enter comments ( if any ) . provider approval section provider ( s ) : enron messaging security / corp / enron status : e - mail message : comments : sr general request : scrw - 4 rjl 94 requested by : shirley crenshaw / hou / ect phone : 3 - 5290 company : 0413 rc # : 107043 priority : normal application icons added : expiration date : unix db required : no network login id : kparkhil unix login id : required information : general comments kenneth parkhill is a new research employee that needs access to the project tracking database editing history ( only the last five ( 5 ) are shown ) edit # past authors edit dates 1 2 information risk management enron messaging security 11 / 29 / 2000 02 : 47 : 37 pm 11 / 30 / 2000 10 : 00 : 43 am",0 +"Subject: operational risk iconference "" the person who goes farthest is generally the one who is willing to do and dare . the sure - thing boat never gets far from shore . "" - - dale carnegie erisk is pleased to announce an iconference on practical methodologies for operational risk management keynote speaker : tony peccia , vice president of operational risk at cibc followed by a panel discussion , which will include the following distinguished panelists : marcelo cruz , director of operational risk at ubs ag tony peccia , vice president of operational risk at cibc karim rajwani , senior manager of operational risk at royal bank of canada when : thursday , december 14 at 12 noon est / 5 p . m . london time . topics to be covered : the battle between "" quantitative "" and "" qualitative "" approaches , measuring the success of operational risk management , applying large institution methodologies to smaller institutions , and much more . recommended background reading : the operational risk piece in our risk jigsaw you will need to log in to be able to click through to this tutorial , which features insights from "" expert witnesses "" ( including panelist marcelo cruz ) , the 12 steps of the operational risk management process , and links to additional resources . registration : this conference is totally free , and you can participate by using any computer with internet access and a telephone . you will need to register for this conference in advance by clicking here if you have any questions regarding our iconferences , please send email to iconferences @ erisk . com see you at the iconference ! your friends at erisk . com ( formerly erisks . com ) p . s . the archived slides , polling results , and real - time replays of our previous iconferences , including our last iconference on compensation for risk managers , can be accessed here free of charge . your email : [ vkamins @ enron . com ] is in our erisks . com mailing list . if you wish to unsubscribe from future mailings , please forward this message to : unsub _ opriskl @ email . erisks . com to subscribe , please forward this message to sub _ opriskl @ email . erisks . com [ image ]",0 +"Subject: address for recommendations vince , please forward the recommendations to the following address : 2569 windbreak dr . alexandria , va 22306 don ' t forget to label each envelope , e . g . "" columbia "" , etc . , and to sign each envelope over the adhesive seal . i must receive the package before the new year in order to meet the submission deadline . thank you for your time , and happy holidays . - hector",0 +"Subject: course outlines jeff , i am sending you a draft of the outline of the course on energy derivatives . i would appreciate your comments before i finalize it . by the way , did we agree on the time schedule for the class ? tuesday or thursday evening would work for me . vince",0 +"Subject: approval is overdue : access request for mark . breese @ enron . com this request has been pending approval for 2 days and you are the alternate . please click approval to review and act upon this request . request id : 000000000005820 approver : stinson . gibner @ enron . com request create date : 10 / 26 / 00 2 : 27 : 45 pm requested for : mark . breese @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: information you requested from economic capital iconference thank you for requesting information about our products during the registration for the recent erisk iconference on economic capital . please click on the link below to read an overview of our offerings in the areas of analytics , consulting , and risk transfer : note : if you can ' t open this pdf , you need to upgrade to the new version of adobe acrobat reader at additional materials : read a case study about implementation of our erisk analytics at cobank : read a case study about implementation of p & c raroc at the st . paul companies : if you would like to speak directly with an erisk representative , please contact angela isaac at aisaac @ erisk . com regarding consulting and risk transfer projects and murray nash at mnash @ erisk . com to learn more about our erisk analytics product . regards , erisk client services this is a one - time mailing only . to subscribe to our regular email newsletter , please register at if you received this mailing in error , please email info @ erisk . com with "" unsubscribe "" in the subject line .",0 +"Subject: re : jcc kevin , thanks for the heads - up . i ' m doing face - time with a customer on wednesday , but i ' m in all day tomorrow , thursday and friday ( i ' ve a got a deadline to meet this pm ) . when would it be convenient to meet , and could we do it early in the morning so as to be able to conference ansguman srivastav ( enron india ) into the meeting ? regards , marc kevin kindall @ enron 10 / 30 / 2000 10 : 55 am to : marc de la roche / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : jcc good morning . i apologize for the response delay . i ' ve gone back through the analysis that i did back in april , and have thrown around some ideas with vince and stinson . the issue may be summarized as follows . the hedge relationship was derived using jcc and prompt brent , and is valid for jcc and prompt brent . no problems here . however , it will not be valid for points far out on the forward curve . intuitively , this hedge relationship will approach one as we move far out on the curve , but since there is no data , i can not statistically determine this . one can imagine a term structure of heding ratios that start at 0 . 67 and move to 1 . 0 , so that the back end of the curves would move together , but how fast it converges to one is anyone ' s guess . if there is a way of determining the historical jcc forward curve , then the hedge relationships may be estimated . however , i have been unable to determine a rigorous approach to building the jcc curve . i can explain this far better in person , and would like to talk as soon as possible at your convenience . - kevin kindall",0 +"Subject: order confirmation thank you for your order . instructions regarding any electronic product purchases and a full order summary are listed below , beginning after the special announcement . special announcement introducing hbr onpoint , an indispensible new resource from "" harvard business review "" that makes it faster and easier to put important management thinking to work . hbr onpoint gives you : * a quick overview of critical management concepts * different experts ' views on a given topic * the context critical for sharing and applying the knowledge you ' ve acquired to learn more and pick up a free article overview , visit our web site : your order contains adobe acrobat files . you can download and print these files by using the temporary url listed below . the url will expire in 24 hours . feel free to use the url from your office or home computer . to go immediately to the temporary web page , click on the link below , or copy and paste the url in to your browser . below you will find your order information . if you have any questions concerning this order , please e - mail us at orderreceipt @ hbsp . harvard . edu ( or just reply to this message ) . for technical inquiries , email us at techhelp @ hbsp . harvard . edu your order reads as follows : - - - - - - - - - - - - - - - - - - - - - - - - - - - - customer ' s web id : 299070 sold - to no : a 49227 sold - to information : first name : wincenty last name : kaminski institution / company name : enron corp job title : managing director mail stop / dept . : ebl 962 address : 1400 smith address : city : houston state : tx zip / postal code : 77002 country : united states email address : vkamins @ enron . com phone number : 713 853 3848 fax number : 713 646 2503 attn : name of person who placed order : wincenty kaminski - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - bill - to information : first name : wincenty last name : kaminski institution / company name : enron corp job title : managing director mail stop / dept . : ebl 962 address : 1400 smith address : city : houston state : tx zip / postal code : 77002 country : united states email address : vkamins @ enron . com phone number : 713 853 3848 fax number : 713 646 2503 attn : - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - ship - to information : first name : wincenty last name : kaminski institution / company name : enron corp job title : managing director mail stop / dept . : ebl 962 address : 1400 smith address : city : houston state : tx zip / postal code : 77002 country : united states email address : vkamins @ enron . com phone number : 713 853 3848 fax number : 713 646 2503 attn : - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - order prod . # product title quantity price total 98506 strategy as a portfo . . . 1 $ 5 . 50 $ 5 . 50 97305 what ' s it worth ? : a . . . 1 $ 5 . 50 $ 5 . 50 97306 using apv : a better . . . 1 $ 5 . 50 $ 5 . 50 sub - total : $ 16 . 50 surcharge : $ 0 . 00 shipping and handling : $ 0 . 00 gst : $ 0 . 00 tax : $ 0 . 00 grand total : $ 16 . 50 - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - total due : $ 0 . 00 ( pre - paid by visa ) shipping method : non - shippable , pdfs * please note that there is applicable sales tax in ca , ct , il , ma , md , and tn for the products you have ordered . if you are ordering from one of these states , the amount shown on your invoice and / or credit card statement will be slightly higher than the total listed above , to reflect the applied sales tax . * listservs are a great way to keep up with what ' s going on at the harvard business publishing web site . right now , we offer 3 alerts : management alert , strategy alert , or hr / training alert . each of these e - mail combines a specially selected excerpt with announcements of new and bestselling products from ourextensive catalog . you can also find out what ' s coming up in both harvard business review and harvard managementupdate newsletter . to subscribe to one or more of these free services , follow the link below . and thank you for ordering from harvard business school publishing , the power of ideas at work . ",0 +"Subject: re : energy course julie , no objections . please , include our names . vince "" julie "" on 05 / 05 / 2000 04 : 22 : 29 am to : vince j kaminski / hou / ect @ ect cc : subject : energy course dear vince , thanks for attending the energy derivatives course , and i hope you found it valuable . there ' s been some interest from other course attendees to put together a contact list and distribute it to one another . i ' m contacting you to see if you or zimin lu have any objection to being included on the list . we will include only details that you approve , such as name , company name , address and email if you wish . we would like to send out the list early next week , so please let us know . thanks , julie ps - how ' s the chapter ? - attl . htm",0 +"Subject: rice course vince i am an adjunct professor at rice , working with wil uecker in executive education . with your concurence , i would like to sit in your energy derivatives course . i understand from wil that there are 38 students registered for the course . if you consent , would you let me know what material i need . thank you , dennis w . loughridge 713 - 348 - 2812",0 +"Subject: meeting at wharton i am out of the office next week . please send details on the meeting at wharton to my assistant , danielle dees . she will make my travel arrangements . i believe you were recommending a hotel as well .",0 +"Subject: luigi zingales seminar on april 27 rice / enron finance seminar participants : luigi zingales will present a paper co - authored with raghuram g . rajan , entitled "" the great reversals : the politics of financial development in the 20 th century . "" ? the full text of the paper is available in pdf form on the seminar website : http : / / www . ruf . rice . edu / ~ jgsfss the baton for organizing the seminar series has been passed from barbara ostdiek to myself . ? if you have questions regarding the series , please contact me ( wangfa @ rice . edu or 713 - 348 - 5404 ) . as we have done in the past , we will post the abstract and a downloadable version of the paper ( if available ) to the website a week or two before the seminar . ? the website will also provide a link to the speaker ' s homepage so you can access his or her biographical information . ? if the paper is not available at the website , i will send a hardcopy to interested jones school faculty , to felecia jones ( economics ) , sorin sorescu ( university of houston ) , and vince kaminski ( enron ) . i will e - mail an announcement before each seminar , reminding you of the seminar date , time , and location . ? the distribution list will include everyone that receives this e - mail . ? please let me know if you would like to be deleted from the mailing list or if you know of someone who should be added . albert fu - kuo albert wang assistant professor jones graduate school of management - - ms 531 ? rice university ? 6100 main street ? houston , tx 77005 ? phone : 713 - 348 - 5404 ? fax : ? ? ? ? 713 - 348 - 5251 email : wangfa @ rice . edu http : / / www . ruf . rice . edu / ~ wangfa /",0 +"Subject: last day , contact numbers , etc . hi guys ! as most of you know by now today is my last day at enron north america . it has been really great few months and maureen has most graciously put up with my school and exam schedule . as today is also my graduation from the university of houston , i don ' t have any formal reasons to remain in houston and will be heading to the misty albion to work for enron europe as soon as my work permit for the uk is ready . the latter is still a mystery but is anticipated some time in early february . right now i am planning to come back to houston middle of january to wait for the work permit and sell my car , some furniture , etc . ( stay tuned for great deals : - ) so , i will be back to see you guys . if you miss me too much try to find consolation in miss yana kristal , a u of h student of slavic origin , who will be taking over my responsibilities starting early january . i know i will miss you and am planning to sneak in the video conferencing room during the thursday meetings . i know it won ' t be the same , but it ' s better than nothing . or you can start planning that trip to london . . . below are the numbers where if you can ' t reach me there will be information where i might be . phone numbers : houston : 713 - 213 - 7733 - cell come back to houston january 15 ( depending on how the work permit is coming ) . have very , very happy holidays and a great millenium ! martina",0 +"Subject: interview with the enron research group hello mr . kudin : vince kaminski has asked me to schedule interviews for you with some of the research group . however , tuesday , the 8 th is not a good day for everyone as we will need approximately 3 hours . could you do it thursday afternoon may 10 th ? we could start at 1 : 00 pm and be through by 4 : 00 pm . the interviewers would be : vince kaminski managing director stinson gibner vice president krishna krishnarao vice president tanya tamarchenko director zimin lu director alex huang director please let me know if this will work for you . if so , i will need you to forward me a copy of your resume . regards , shirley crenshaw administrative coordinator enron research group 713 - 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: interesting article about enron in japan ' s electricity newspaper japan ' s electricity newspaper ( "" denki shimbun "" , the equivalent of megawatt daily ) has been running a series of articles about the new century . several of these have focused on the power industry in the u . s . a friend of mine ran across one on enron that was published on april 13 and sent it to me . i thought you would find it interesting . the article focuses on ees in particular and about how we try to succeed by being first to meet our clients ' changing needs . it also describes how we use derivatives and risk management to reduce costs and stay competitive . the article also briefly mentions the new office in japan . the most interesting thing about the article is how incredibly positive it is about enron . given what i have read and heard about how nervous the japanese are about deregulation of the industry , i really did not expect such praise . denki shimbun also has a web site at "" www . shimbun . denki . or . jp "" . they have small summaries of the important articles of the day ( the site , however , is completely in japanese ) . another interesting site is "" www . criepi . denken . or . jp "" , the english home site of japan ' s central research institute of electric power industry ( denryoku chuo kenkyuujou ) . the site has many links to other english - language sites related to the power industry in japan . regards , eugenio",0 +"Subject: job application dear dr . kaminski , i currently hold a post - doctorate position in the mathematics department at the university of texas at austin ( with a ph . d . in theoretical physics ) . although my position here is renewable until summer 2001 , i would like to move on to a more dynamic field where i can still use my analytical skills and mathematical knowledge . since attending a series of lectures on mathematical finance given by dr . marc potters last summer i started studying the subject on my own and found it intriguing and challenging . i am interested in a position in your group ( rac ) at enron . last fall in a career seminar at ut you mentioned that people who are interested can send you their resume . if this is still relevant , please find below my resume ( in word 97 and text formats ) . thank you for your time . yours , nurit krausz nurit krausz , ph . d . http : / / www . ma . utexas . edu / users / nurit / dept . of mathematics phone : ( 512 ) 471 - 7170 university of texas at austin office : rlm 11 . 170 hours : mwf 8 : 30 - 10 resume nurit krausz university of texas department of mathematics austin , tx 78712 phone : ( 512 ) 471 - 7170 e - mail : nurit @ math . utexas . edu http : / / rene . ma . utexas . edu / users / nurit / objective a position in the field of mathematical finance utilizing broad mathematical knowledge , innovative thinking and creativity . summary of qualifications with extensive academic background and research experience , combined with experience as an engineer in the israeli air force , i possess the following : * deep mathematical and scientific knowledge . * strong analytical and problem - solving skills . * proven ability to quickly become an expert in new subjects . * ability to present clearly and effectively complicated subjects . * ability to work productively both independently and in teams . academic positions 1998 - present : post - doctorate position at the university of texas at austin , department of mathematics . education 1994 - 1998 : d . sc . in physics at the technion - israel inst . of tech . research thesis : quantum dynamics on non - compact group manifolds . supervisor : prof . m . marinov . 1992 - 1994 : m . sc . in physics at the technion - israel inst . of tech . research thesis : a study of scintillation in doped silica glass for detection of neutrino oscillation . supervisor : prof . j . goldberg . the experiments were performed at cern during the summer of 1993 . * performed the design , testing , and installation of the experimental setup from remote - controlled mechanical equipment to sophisticated electronics . * performed statistical data analysis and critical interpretation of results using software developed at cern ( paw ) . * solved a complicated problem of track reconstruction through an unusually shaped magnet for the chorus collaboration at cern , and delivered a computer code ready for implementation , still in use today . 1985 - 1989 : b . sc . in aeronautical engineering cum laude at the technion - israel institute of technology . military service 1989 - 1992 : aeronautic design engineer in the israeli air force . rank : first lieutenant . * designed and supervised numerous prototype installations of electronic equipment and changes in combat planes . * wrote procedures for harsh environmental durability tests for cockpit and avionics bay - mounted equipment . * negotiated and supervised manufacturing of parts with contractors . * attended project management , engineering and product reliability and maintenance courses . * programmed simulations of ammunition trajectories from moving aircrafts . teaching experience : 1998 - present : lecturer at the university of texas undergraduate courses : precalculus , calculus , linear algebra graduate course : theory of lie groups 1992 - 1997 physics department , technion , teaching assistant undergraduate course : elementary lab in mechanics graduate courses : group theory for physics , introduction to particle physics , relativistic quantum mechanics . computer knowledge : unix and windows os , most common word processors , excel , maple , mathematica , fortran , html , latex . publications : 1 . j . goldberg and n . krausz , response of cerium - doped silica glass in a beam at cern , proceedings of the scifi conference , notre dame university , notre dame , indiana ( 1993 ) . 2 . n . krausz and m . s . marinov , quantal dynamics on non - compact groups , proceedings of the 5 th international wigner symposium , world scientific ( 1998 ) , 398 . 3 . n . krausz and m . s . marinov , exact evolution operator on non - compact group manifolds , quant - ph / 9709050 , submitted to j . of math . phys . 4 . n . krausz , spherical averages in minkowski space , in preparation . 5 . n . krausz , quantum field theory in minkowski space , in preparation . - resume . doc",0 +"Subject: slides for jeff ' s presentation all requested slides and updates , including raw data and calculations , are in the spreadsheet below volatility calculations are up to december 8 , 2000 . - hector",0 +"Subject: re : henwood contract vince / stinson , just fyi ! ! regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 03 / 08 / 2001 08 : 38 am - - - - - - - - - - - - - - - - - - - - - - - - - - - paul kraske 03 / 07 / 2001 11 : 03 pm to : sandeep kohli / enron _ development @ enron _ development cc : anshuman srivastav / enron _ development @ enron _ development subject : re : henwood contract sandeep , just to let you know , i was at a couple of meetings in london with rebecca macdonald . she pretty much raved about your presentation . sounds like you guys impresed her a fair amount and that you guys did a great job . regards to the family . paul",0 +"Subject: re : ll visa - anshuman shrivastava molly : for your information , i received this reply from anshuman today . as i mentioned in my voicemail to you today after seeing the note from neil mcgregor , there is no possible way that anshuman could be in the us to work on february 5 th . until i receive all of his documents , and the necessary information from you regarding his position in the us , i do not have the information to send to the attorneys for the visa application . once they receive the paperwork , they will need to prepare the documents in triplicate , and send to me . at this stage , i will send the documents to anshuman in india and he will need to make an appointment at the us consulate in order to have the ll visa stamped into his passport . he will not be able to come to the states to work without this visa in his passport ! all of this could take approx . 3 - 4 weeks to accomplish . i think march would be a more realistic timeframe ! please let me have your thoughts . thanks margaret - - - - - - - - - - - - - - - - - - - - - - forwarded by margaret daffin / hou / ect on 01 / 25 / 2001 09 : 45 am - - - - - - - - - - - - - - - - - - - - - - - - - - - anshuman srivastav @ enron _ development 01 / 25 / 2001 12 : 35 : 53 am to : margaret daffin / hou / ect @ ect cc : sandeep kohli / enron _ development @ enron _ development , harsimran subject : re : ll visa - anshuman shrivastava hi margaret , apologies for not getting in touch earlier . i am unfortunately out of mumbai and will be back only on sunday . will send you all the documents on monday morning . they will reach you by latest wednesday . appreciate the help ! ! thanks ! regards , anshuman margaret daffin @ ect 01 / 24 / 2001 10 : 57 pm to : anshuman . srivastav @ enron . com cc : molly magee / hou / ect @ ect , vince j kaminski / hou / ect @ ect , jane allen / hou / ect @ ect , timothy callahan / na / enron @ enron , ranendra sengupta / enron _ development @ enron _ development , wade cline / enron _ development @ enron _ development , neil mcgregor / enron _ development @ enron _ development @ ect , harsimran subject : ll visa - anshuman shrivastava anshuman : please go ahead and complete the visa questionnaire and send the required documents so that i can proceed with your working visa for the us . regardless of the length of time you will be in the us , you will still need the ll visa in order to work here . many thanks margaret - - - - - - - - - - - - - - - - - - - - - - forwarded by margaret daffin / hou / ect on 01 / 24 / 2001 11 : 24 am - - - - - - - - - - - - - - - - - - - - - - - - - - - margaret daffin 01 / 23 / 2001 11 : 01 am to : anshuman . srivastav @ enron . com cc : molly magee / hou / ect @ ect , vince j kaminski / hou / ect @ ect , jane allen / hou / ect @ ect , timothy callahan / na / enron @ enron , ranendra sengupta / enron _ development @ enron _ development , wade cline / enron _ development @ enron _ development , neil mcgregor / enron _ development @ enron _ development @ ect , harsimran subject : ll visa - anshuman shrivastava anshuman : i have been asked to contact you regarding your possible move to houston , texas . in order that i may begin the process of getting you an ll immigration visa , i will need you to complete the attached visa questionnaire and return it to me with copies of the following documents : a copy of all pages of your passport , even if blank copies of all previous us visas issued an updated resume , showing months and years copies of all diplomas and transcripts received if you have dependent family members coming to the states with you , copies of their passports please send to my attention , via fedex to : enron corp . 3 allen center , 3 ac 2026 a 333 clay street houston , tx 77002 please call me with any questions you may have at 713 - 345 - 5083 .",0 +"Subject: seasonal greetings seasonal greetings and best wishes for a happy and prosperous new year ! les . dr . les clewlow visiting research fellow , school of finance and economics , university of technology , sydney , australia . associate research fellow , financial options research centre , warwick business school , coventry , uk , cv 4 7 al . director , lacima group ltd . 55 skylines village , limeharbour , london , el 4 9 ts , uk . phn : + 44 ( 0 ) 171 531 9628 , fax : + 44 ( 0 ) 171 538 5781 www : http : / / www . lacimagroup . com",0 +"Subject: outage pricing model revision : allowing for power price vs . outage correlation i have included provision for providing rank correlation between "" jump occurrence in daily average power price "" and "" outage occurrence "" . the model will provide the same claim distribution as before when pricevsoutage correlation = 0 is used . claim goes up as the correlation is increased . i have performed some sensitivity analysis and the results seem to make sense . the new model workbook is "" 40901 . xls "" and corresponding dll is "" outagepricingo 40901 . dll "" , both located in o : \ grm \ research \ outagerisk \ subdirectory . the price vs . outage rank correlation input will need to be provided in "" main "" spreadsheet . please call me if you have any questions . - amitava",0 +"Subject: welcome network world fusion focus : jason meserve on security and bug patch alert today ' s focus : bug alert : welcome 03 / 06 / 00 dear wincenty kaminski , today ' s focus : bug alert : welcome by jason meserve welcome to the security and bug patch alert newsletter ! given the recent spate of high - profile denial - of - service and hack attacks and the large number of people who have signed up for this newsletter before this first edition has been even published , it is clear that security is a major concern in the it community as it should be . with technology now being looked upon as a profit rather than cost center , it departments face more pressure to keep critical systems up and running as well as secure . no chief information officer or network manager wants to have to tell the ceo that their e - commerce site has been broken into and customer credit card data copied . stories like that tend to stick in a potential customer  , s mind more than an expensive super bowl ad . it  , s hard enough to keep up with the latest new technologies , never mind latest security patch for your operating system or e - commerce application . but we  , re here to help . once a week we  , ll publish a list of patches and alerts from all the major vendors and security organizations with links to the source . we  , ll also provide other ( hopefully ) useful resources for the security - conscious it manager . comments and suggestions are always welcome ! send mail to jmeserve @ nww . com . now on with the latest patches and alerts : security glitch hits foundry switches from this week  , s network world : a security problem has cropped up in foundry networks  , serveriron switches that make the devices susceptible to denial - of - service attacks . read the story : download the patch : http : / / www . foundrynet . com / bugtraq . html * * * * * * * * new version of apache web server released the apache server project released version 1 . 3 . 12 of the popular apache web server this week . the new release fixes what apache calls a cross - site scripting problem that could allow malicious html tags to be inserted into client - side scripts . download the new version at : http : / / www . apache . org / dist / * * * * * * * * problem with linux htdig package both freebsd and debian are reporting a problem with the htdig package that runs on their respective platforms . the problem is with the htsearch and could allow a user to read any file on the local machine accessible to the user id that the script is running under ( which in most cases is  + nobody  , ) . for more information from debian : http : / / www . debian . org / security / to download a patch from freebsd : http : / / www . freebsd . org / ports / * * * * * * * * nmh linux package patched versions of nmh prior to 1 . 0 . 3 have a vulnerability that could allow malicious users to modify the mime headers in a mail message that may cause nmh  , s mshow command to execute arbitrary commands . a patch is available at : * * * * * * * * zombie zapper 1 . 1 available zombie zapper 1 . 1 helps shut down the troj _ trinoo denial - of - service client on windows nt and unix machines . more information at : * * * * * * * * problem with mysql password authentication according to the makers of freebsd , a vulnerability in the mysql database server ( prior to version 3 . 22 . 32 ) could allow anyone that can connect to the database to access it without a password . more information at : * * * * * * * * to contact jason meserve : - - - - - - - - - - - - - - - - - - - - - - - - - jason meserve is a staff writer with network world , covering search engines , portals , videoconferencing , ip multicast and document management . he also oversees the "" security alerts "" page on fusion ( http : / / www 2 . nwfusion . com / security / bulletins . html ) . jason can be reached at mailto : jmeserve @ nww . com . subscription services to subscribe or unsubscribe to any network world e - mail newsletters , go to : to change your email address , go to : subscription questions ? contact customer service by replying to this message . other questions / comments have editorial comments ? write jeff caruso , newsletter editor , at : mailto : jcaruso @ nww . com for advertising information , write jamie kalbach , account executive , at : mailto : jkalbach @ nww . com network world fusion is part of idg . net , the idg online network . it all starts here : http : / / www . idg . com copyright network world , inc . , 2000",0 +"Subject: houston visit dear research and related group team members , i will be visiting the houston office from monday 10 th july and hope to have another very useful information exchange , including updating you all on the activities in the london office by means of a presentation . for those of you who are unfamiliar with me , i have been looking after quantitative analysis for the european markets for the last 3 + years , in particular focusing on derivatives pricing and risk management techniques ( e . g . load forecasting , inflation curve building , financial options on real power stations etc . ) - look forward to meeting you all again soon . best regards , anjam ahmad research group enron europe cellular : ( 07747 ) 868131",0 +"Subject: re : agenda for ny mg metals visit hi ted and vince , thank you for conveying our thoughts exactly - tanya and i hope to close the circle with you at 4 pm , ted . regards , anjam and tanya from : ted murphy 14 / 07 / 2000 16 : 02 to : vince j kaminski / hou / ect @ ect cc : richard sage / lon / ect @ ect , vince j kaminski / hou / ect @ ect , anjam ahmad / lon / ect @ ect , bjorn hagelmann / hou / ect @ ect , ted murphy / hou / ect @ ect , dale surbey / lon / ect @ ect , stinson gibner / hou / ect @ ect , steve w young / lon / ect @ ect , eric gadd / lon / ect @ ect , david port / market risk / corp / enron @ enron subject : re : agenda for ny mg metals visit i agree with vince . ideally , this visit would supplement rather than duplicate effort . however , on the front end , i would prefer a little overkill to underkill - especially with respect to the var process . i would defer to anjam / tanya ' s opinion as to what is necessary to get an initial comfort level . remember that this is the first cut , but it will need to be refined over time to the point where it is credible enough to force someone to take a position down based on the calculatiion . if this causes some heartburn please refer those people to me . ted vince j kaminski 07 / 14 / 2000 09 : 04 am to : lloyd fleming / lon / ect @ ect cc : richard sage / lon / ect @ ect , vince j kaminski / hou / ect @ ect , anjam ahmad / lon / ect @ ect , bjorn hagelmann / hou / ect @ ect , ted murphy / hou / ect @ ect , dale surbey / lon / ect @ ect , stinson gibner / hou / ect @ ect subject : re : agenda for ny mg metals visit lloyd , speaking from experience , i think that it ' s critical for tanya and anjam to visit mg in new york and establish direct relationship with technical people . merging two risk management systems requires handling many very technical issues and face to face discussions between it and quants will be very helpful . vince from : lloyd fleming 07 / 14 / 2000 03 : 42 am to : tanya tamarchenko / hou / ect @ ect cc : andreas . barschkis @ mgusa . com @ enron , richard sage / lon / ect @ ect , vince j kaminski / hou / ect @ ect , anjam ahmad / lon / ect @ ect , bjorn hagelmann / hou / ect @ ect , ted murphy / hou / ect @ ect , dale surbey / lon / ect @ ect , stinson gibner / hou / ect @ ect subject : re : agenda for ny mg metals visit tanya , i think most of your queries can be dealt with on the phone - i ' ll be at mg with andreas today and we ' ll call you . most of these points have already been covered with anjam in any case . i ' m also attaching a file downloaded from mercur ( mg ' s risk aggregation system ) showing monthly total positions for each metal in each entity . you can fairly easily create tables and graph what you want to see . we can talk today about getting a full deal download . regards tanya tamarchenko 13 / 07 / 2000 22 : 45 to : andreas . barschkis @ mgusa . com @ enron cc : dale surbey / lon / ect @ ect , lloyd fleming / lon / ect @ ect , richard sage / lon / ect @ ect , vince j kaminski / hou / ect @ ect , anjam ahmad / lon / ect @ ect , stinson gibner / hou / ect @ ect , bjorn hagelmann / hou / ect @ ect , ted murphy / hou / ect @ ect subject : agenda for ny mg metals visit hi andreas , here are the issues we would like to discuss on our thursday meeting in ny : 1 . inputs for options valuation , in particular the origins of volatility curves ; 2 . information on exotic options structures ( existing 3 . the data flow ( are we going to get data from london or ny ) . 4 a . storage of positions information at mg . how to extract the positions info from mg database into spreadsheets . 4 b . existing positions structure for each metal . 5 . introduction to concentrates trading business , key personnel . best regards , tanya & anjam 713 853 3997",0 +"Subject: contact info fyi ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 03 / 21 / 2001 10 : 27 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin _ kindall @ fpl . com @ fpl . com on 03 / 21 / 2001 10 : 25 : 28 am to : shirley . crenshaw @ enron . com , anita . dupont @ enron . com cc : subject : contact info hi . i have email access ! ! my contact info . . . phone number : ( 561 ) 625 7525 fax : ( 561 ) 625 7519 feel free to forward this info to other members of the group . i ' m still in corporate housing , so no home address yet . the only loose end that i can think of pertains to an issue that came up in the exit interview . am i to be reimbursed for unused vacation ? norma villereal said something about this , but i ' m not certain about the details . stay in touch . kevin kindall",0 +"Subject: tiger team application forms vince : the application forms , as promised . good talking to you and christie this morning . the project sounds very exciting and we look forward to working with enron . let me know if there is further info we can provide . thanks , donna - 2001 field application form 1 . doc - 2001 field application form 2 . doc",0 +"Subject: department of energy is deploying a corporate portal at facilitie s across the country star information technology brings has the tools needed to help energy companies gain knowledge . if it ' s information from oasis to market prices . the events that change prices such as weather and more are always just one click away with star information technologys ' powerful portal tools . our portal products are the difference between seeing and doing . hosting dynamic applications such as on - line reports , calendars , e - mail , and commerce services create a one - stop shop for users to go about almost all of their daily tasks : analyzing customer trends , checking schedules , viewing revenue - or project - related performance metrics , and buying or selling products . combining all the information relevant to users ' work with the ability to act on that information enables organizations to get more done . five government agencies deploy plumtree corporate portal at hundreds of facilities - the naval air systems command ( navair ) , department of energy ( doe ) , department of defense , national institutes of health and army public affairs center are deploying a corporate portal at facilities across the country as part of ongoing governmental initiatives to maximize efficiency , develop more online content and provide private sector levels of customer service . the plumtree corporate portal integrates regulatory , enforcement and incident database reports , enterprise applications and internet services into the agencies ' portals as portal gadgets ( tm ) , plug - in modules that embed components of applications and interactive internet services in a personalized portal page . the portal growth in the public sector is driven by its success applying business technology to the specific challenges of government , empowering federal agencies to simplify access to their data , reduce paperwork , benefit from the resources on the internet and share information securely with their employees , contractors and constituencies . for more information on how star information technology can help your business turn knowledge into power contact us today at 508 - 359 - 6891 ext 115 . christopher k . heisler product manager 508 - 359 - 6892 ext 115 www . starit . com cheisler @ starit . com we make knowledge power",0 +"Subject: user id and password update dear subscriber , ? ? ? ? ? ? ? ? institutional investors newsletters is in the process of upgrading its web sites backend database . ? we have found that you have different user names and passwords for the following newsletters : derivatives week ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? http : / / www . derivativesweek . com power finance ( 212 ) 224 - 3491 fax nhumphrey @ iinews . com",0 +"Subject: re : energy book and articles vince , that ' s good news . anything you need from me please feel free to ask - if we can get the ball rolling soon we can time things well with the publication of the book ( my diary says that there are 2 weeks until the contract goes out on you and grant . . . ) . best regards . chris . - - - - - original message - - - - - from : vince j kaminski to : chris strickland cc : vince j kaminski ; sent : wednesday , may 17 , 2000 12 : 53 am subject : re : energy book and articles > > > chris , > > yes , i mentioned it to both the us - editor and robin . > they were very interested and i don ' t think there should be any problem > with this initiative . > > i shall follow up with another message to jane locke and robin lancaster . > > vince > > > > > "" chris strickland "" on 05 / 15 / 2000 06 : 00 : 00 pm > > please respond to "" chris strickland "" > > to : "" vince j kaminski "" > cc : > subject : re : energy book and articles > > > vince , > > thanks , i would be very interested to have a look . > > my question was a bit vague - i meant to ask if you had spoken to the editor > about the series of articles ? > > best regards . > > chris . > > > - - - - - original message - - - - - > from : vince j kaminski > to : chris strickland > cc : vince j kaminski > sent : tuesday , may 16 , 2000 8 : 15 am > subject : re : energy book and articles > > > > > > > > chris , > > > > yes , i was a keynote speaker . i shall send you my presentation . > > > > vince > > > > > > > > > > > > > > "" chris strickland "" on 05 / 15 / 2000 06 : 31 : 14 am > > > > please respond to "" chris strickland "" > > > > to : "" vincejkaminski "" > > cc : > > subject : energy book and articles > > > > > > > > dear vince > > > > thanks for your voice mail last week . did you get to talk to eprm in > houston > > last week ? > > > > best regards . > > > > chris . > > > > > > > > > > > > > > > > > > > > > > > >",0 +"Subject: re : resumes vince , see below for my picks based on the resumes . the others marked as "" no "" might be ok as well , but did not seem to have as much slant towards finance . - - stinson vince j kaminski 04 / 04 / 2001 03 : 45 pm to : stinson gibner / hou / ect @ ect cc : subject : resumes - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 04 / 2001 03 : 45 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - to : cc : subject : resumes here are some people you might want to speak with . ? siriam lives in houston . ? please see the attached resumes of the following : ? karim ashktorab yes ( might be expensive ? ) stephen liu no farshad ravanshad no matthew rusk no samir ranjan yes cedric chow no sriram vasudevan maybe ( already in houston ) ? regards , ? scott gerson focus capital markets 71 vanderbilt avenue suite 200 new york , ny 10017 ( 212 ) 986 - 3344 tele ( 212 ) 986 - 3370 fax - focus sriram vasudevan . doc - focus cedric chow . doc - focus samir ranjan . doc - focus matthew rusk . doc - focus farshad ravanshad . doc - focus stephen liu . doc - focus karim ashktorab . doc",0 +"Subject: re : confidential molly , we are in process of setting up an interview . vince enron north america corp . from : molly magee 10 / 18 / 2000 02 : 56 pm to : jlew @ kent . edu cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : confidential dr . lew : vince kaminski has asked me to contact you in connection with your interest in enron . he would like to schedule a mutually convenient time for you to visit houston and meet with his group . the dates that have been suggested are : wednesday , 10 / 25 / 2000 ; thursday , 10 / 26 / 2000 ; or friday , 10 / 27 / 2000 . i hope that one of these dates will be convenient for you to come in for interviews . you may either respond to me by email , or phone me at 713 853 - 4804 , whichever is easier for you . i am also leaving a voicemail message for you at your home phone number . we hope to hear from you soon . molly magee recruiting manager",0 +"Subject: re : garp credit derivatives discussion group vince first meeting will be dec 11 or 12 at west deutche landesbank , ny . look for phone - in details next week . - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : friday , december 01 , 2000 10 : 24 am to : garpnyl @ home . com cc : vince . j . kaminski @ enron . com subject : re : garp credit derivatives discussion group philip , thanks for keeping me in mind . yes , i would be interested . vince "" philip merrill "" on 11 / 30 / 2000 04 : 47 : 20 pm please respond to to : cc : subject : garp credit derivatives discussion group vince we are starting a credit derivatives discussion group in new york . is this something you would be interested in ? like fas 133 an 800 - call - in number will be provided for houston participants . our first meeting will be in a week or so . regards , philip merrill garp regional director , new york 973 - 258 - 1540",0 +"Subject: university of texas conference on energy finance , february 2001 jeff , our friends at the university of texas are planning a conference on energy economics and finance in february of next year . they would like very much to have you as a keynote speaker . given our good , long - term relationship with ut , i would recommend that you speak at this conference . i talked to prof . ehud ronn a few times about the program and i think that this will be an excellent forum to present enron ' s accomplishments and agenda for the future . i am sure that rick causey will join me in making the same recommendation . vince",0 +"Subject: public affairs organizational announcement i am pleased to announce the following changes in the government and regulatory affairs organization : rick shapiro  ) managing director of government affairs for the americas . rick is currently leading the government and regulatory affairs teams for the us and canada . he will now assume responsibility for north and south america . ricardo charvel ( senior director of government affairs for mexico ) , jose bestard ( vice president of government affairs for south america ) , and joe hillings ( vice president of federal government affairs ) will now report to rick . rick and his team will support enron  , s north american business units as well as the caribbean and southern cone regions . mark schroeder  ) vice president government affairs for europe , asia and africa . mark is currently leading the government and regulatory affairs teams for enron europe . he will now assume the additional responsibility of supporting the apachi and india organizations . jane wilson will now focus her attention on enron india and will report to mark as will our government and regulatory affairs teams serving the apachi region . mike terraso  ) vice president environment , health & safety and chief environmental officer . mike is currently serving as vice president of environment , health and safety for the gas pipeline group . mike has increasingly become involved in environmental issues facing enron  , s businesses around the world . mike will retain his current responsibilities and will assume leadership of the environmental affairs team . john hardy  ) vice president global project finance . john will report directly to me and will continue his current responsibilities representing enron before us and multilateral project finance agencies . please join in me in congratulating these individuals on their responsibilities . attached is a revised organization chart reflecting these changes . attachment :",0 +"Subject: re : march real options conference vince . thanks for getting back to me . i will have my secretary try to set up something among the three of us . gary , as vince cannot make a call on wednesday , i will have my assistant call you to try to find a suitable time . rachel , gary jackson ' s phone number is 423 751 2593 and vince kaminski ' s secretary ' s number is given below . at 03 : 34 pm 2 / 21 / 00 - 0600 , you wrote : > > > peter , > > i am in london till wednesday afternoon . i shall be back at the office on > thursday . > > please , feel free to call my secretary , shirley crenshaw 713 853 5290 , to > schedule > a conference call . i cannot access my calendar from london and don ' t know my > commitments for this day . > > vince > > > > > > peter tufano on 02 / 18 / 2000 03 : 56 : 33 pm > > to : vince j kaminski / hou / ect @ ect , gljackson 2 @ tva . gov > cc : > subject : re : march real options conference > > > > dear vince and gary , > > we are all speaking at the march real options session in ny . my work in > real options in the energy field has come , to a large part , from my > casewriting in your two organizations , so i feel that we should probably > allocate more time toward your presentations and less to mine . while we > have a two hour block among the three of us , i think we can freely > re - arrange things to produce the best result . would you two like to > schedule a brief conference call to coordinate our talks ? i am free > virtually all of next wednesday 2 / 23 , perhaps we could talk at 10 am ( est ) > or 2 pm ( est ) ? i am happy to arrange the call , if you send me your phone > numbers . thanks . > > peter tufano > > > - - - - - - - - - - - - - - - - - - - - - - - - - - - > prof . peter tufano > harvard business school > morgan hall 377 > soldiers field > boston , massachusetts 02163 > phone : ( 617 ) 495 - 6855 > fax : ( 617 ) 496 - 6592 > email : ptufano @ hbs . edu > http : / / www . people . hbs . edu / ptufano > professor peter tufano harvard business school morgan 377 soldiers field boston , ma 02163 phone ( 617 ) 495 - 6855 fax ( 617 ) 496 - 6592 email ptufano @ hbs . edu http : / / www . people . hbs . edu / ptufano",0 +"Subject: re : spreadsheet for george posey george , this is the first cut at the problem you gave us , done by my associate clayton vernon . please , feel free to call him with any question . your friend should check what were the sermons he gave on april 19 and april 25 , in 1998 and 1999 , respectively . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 20 / 2000 02 : 49 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - clayton vernon @ enron 01 / 20 / 2000 10 : 56 am to : vince j kaminski / hou / ect @ ect cc : subject : re : spreadsheet for george posey vince - here is an analysis of the fund giving at the church . first off , it appears from the data that a special "" appeal "" for fund giving was made ( from the pulpit ? ) on april 19 , 1998 and april 25 , 1999 , ( perhaps tied rhetorically into income taxes ? ) . then , by going back and incorporating obvious dates from the calendars for 1997 - 1999 , the following regression analysis is made , where each effect is added independently : giving this sunday = $ 4403 + a minor $ 3 weekly time trend ( i . e . , multiply by the number of weeks since jan . 5 , 1997 ) + no pure effect from last week ' s contributions ( i . e . , denies first - order autoregressive effects ) + $ 2426 if easter sunday or the sunday nearest christmas + $ 9695 if ( pastoral appeal ) april 19 , 1998 or april 25 , 1999 - $ 340 if the sunday falls on the weekend of a monday federal holiday - $ 50 if the sunday following thanksgiving - $ 73 if a summer weekend ( june 1 thru august 31 ) the pure time trend is very small , so an annual projection based on all 3 years data would be for giving to increase only a minor amount ( $ 150 ) for 2000 assuming a similar appeal for giving is made this april . clayton",0 +"Subject: candlestick charts fyi fallout - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 05 / 04 / 2001 02 : 05 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : sue neville / enron @ enronxgate on 05 / 04 / 2001 02 : 02 pm to : mike a roberts / hou / ect @ ect cc : lee ferrell / enron @ enronxgate , kent miller / et & s / enron @ enron subject : candlestick charts mike , i work for enron transportation and storage in their storage marketing group . my group has been using technical analysis from your website to help make daily storage trading revenue decisions . on your web site , you indicated you would be discontinueing some of the information we use . we had interviewed external technical service profiders , and chose not to buy their service because we had your information available to us to help us make financial decisions . specifically , we need the candlestick charts and analysis on natural gas , and we also need the elliot wave analysis on natural gas . can you please reconsider your decision to discontinue the technical analysis data aforementioned ? sue neville director , storage marketing ets",0 +"Subject: tiger team info vince , here is the info re : tiger team . i haven ' t opened it yet , but i will have my group work on any of the general enron information requested . thanks for your time and input this morning ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 10 / 10 / 2000 03 : 38 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - piazze on 10 / 10 / 2000 10 : 49 : 35 am to : "" ' christie . patrick @ enron . com ' "" cc : subject : tiger team info christie : nice talking with you and vince this morning . the project sounds very exciting and we look forward to working with enron . attached is info for your review . let me know if there is further info i can provide to you . sincerely , donna piazze program director field application project the wharton school univ . of pennsylvania ( 215 ) 573 - 8394 ( 215 ) 573 - 5727 fax fap @ management . wharton . upenn . edu piazze @ wharton . upenn . edu - tiger team brochure 2000 - 2001 . doc - tiger host responsibilities . doc - non - disclosure - redraft 1 _ . doc - 2001 field application form 1 . doc - 2001 field application form 2 . doc",0 +"Subject: re : invitation to speak at infocast ' s upcoming "" market price volatility "" program ron , i am sorry to inform you that due to a scheduling conflict i cannot speak at this conference . i want to thank you for considering me as a speaker . vince kaminski "" ron henderson "" on 12 / 30 / 99 06 : 57 : 05 pm please respond to ronh @ . com to : vince j kaminski / hou / ect @ ect cc : subject : invitation to speak at infocast ' s upcoming "" market price volatility "" program hi vince , i would like to invite you , or one of your staff , to be a speaker at infocast ' s upcoming conference "" market price volatility : how to model , assess , and manage price volatility in today ' s power markets , "" scheduled for may 10 - 12 , 2000 , in chicago . i am attaching a copy of the draft program agenda for your review . as you may note , we wish to take our recent houston meeting a step farther by making this next session a more technically - oriented meeting . there are two spots you may wish to consider : 1 . the session entitled "" case study in modeling volatility , "" scheduled for wednesday , may 10 th , from 3 : 30 to 5 : 00 pm . you will note below , what we had in mind for the case study . 2 . the talk "" a real options approach to asset valuation , "" scheduled for thursday , may 11 th , from 10 : 30 am to 12 : 00 pm . i am running behind schedule in finalizing this program , so i will give you a call shortly to follow up with you . if you wish , please feel free to call me at 818 - 888 - 4445 ext . 28 . i hope you can join us . ron henderson infocast 818 - 888 - 4445 ext . 28 ronh @ . com case study guidelines 1 . model should be for a particular market . examples : pjm , chicago , ecar , southern california . lb ( optional ) . model should be for a particular purpose . examples : valuing a new combustion turbine at the florida / georgia border , bidding on a portfolio of power plants up for sale in nepool , valuing a retail portfolio in pennsylvania . 2 . model should be estimated on a particular data set . examples : daily nymex close prices for palo verde , pjm hourly spot prices for 1998 - 1999 . 3 . case study should describe several candidate models , for volatility and / or market price , that were considered . case study should discuss why these models were considered . candidate models should be described mathematically and verbally . 4 . evaluation criteria for choosing among the models should be explicitly identified , and quantified to the extent possible . examples of evaluation criteria : residuals that are not autorcorrelated , stationarity , r - squared , akaike information criterion . 5 . parameter estimates for each candidate model should be displayed . the estimation procedure employed should be briefly described . 6 . some diagnostics of model fit ( vis - a - vis data set ) should be presented . 7 . if possible , predictive power of model should be assessed . generally , the case study should include all of the items above . the case study may include other things . - draft agenda v . 2 . doc",0 +"Subject: re : phone interview there will be a telephone interview with jerzy jarosz ( resume attached below ) on wednesday , july 5 at 4 : 30 pm houston time . he would like you to call him at his home - telephone # : 416 / 237 - 0977 i have reserved ebl 938 for this interview . if you have any questions , please call me . thanks ! shirley crenshaw vince j kaminski 06 / 27 / 2000 10 : 11 am to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : phone interview shirley , please , set up a phone interview with this person . stinson , krishna , zimin . vince",0 +"Subject: no job you have probably heard that our group is being broken up . some people were put in other groups but i was not fortunate enough to be one of those people . hr will try for the month of march to find a position for me within enron but that is not likely to happen . tomorrow is my last full day here - i will be in and out for the month of march . i am informing nice people that i like and you are one of those .",0 +"Subject: re : spring 2001 energy finance conference participation ehud , i want to invite louise kitchen to this conference . she is the president of enrononline . greg whalley will be in london this day . vince "" ehud i . ronn "" on 11 / 02 / 2000 05 : 03 : 22 pm to : vince . j . kaminski @ enron . com cc : subject : spring 2001 energy finance conference participation vince , > given the energy - finance focus of the conference , do you believe the networks topics is sufficiently energy - related ? per my above concern , i ' d like to discuss the matter with you further . thanks , ehud ehud i . ronn jack s . josey professor in energy studies department of finance mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: abstract shmuel , this is the abstract for my presentation on the 23 rd of october . i am in london and paris this week . i can be reached at my private e - mail address vkaminski @ aol . com . please , feel free to suggest modifications to the abstract . vince > the last three years were characterized by exceptionally high volatility of > the power prices in the us markets . the market developments have created a > number of unique challenges for energy industry economists . one immediate > question we have to answer is how to measure volatility of energy prices . > although we can all agree that the prices in the power markets are > characterized by high variability , the traditional measures used in financial > economics ( annualized standard deviation of log price returns ) may not fit > well electricity prices . the second challenge is to explain the sources of > high price volatility and to answer the question to what extent it can be > attributed to problems that can be addressed in the long run . such problems > include flaws in market design that allow some market participants to abuse > market power , limited availability and / or unequal access to transmission , > temporary shortages of generation capacity . some factors underlying high > volatility of electricity prices may be of permanent nature and may be a > necessary price to pay for increased market efficiency and expanded customer > choice .",0 +"Subject: re : enron - nevrl - aa meeting on july 27 professor kothari : thank you for the communique . your recollection regarding a "" next step "" for enron is correct - we are currently working to define enron ' s key issues and research questions . the group will reconvene this week . following that meeting , i will provide an update to you regarding our progress . with regards , amy oberg "" s . p . kothari "" on 08 / 07 / 2000 07 : 43 : 41 am to : aoberg @ enron . com cc : subject : enron - nevrl - aa meeting on july 27 dear amy : thank you and your colleagues for taking the time to video - conference with us at mit and aa professionals associated with nevrl . i enjoyed the exchange and was left impressed by the technical savvy and keen interest in research on part of enron . i look forward to hearing from you sometime soon . as i recall , we agreed that enron would forward a few issues / questions that nevrl could potentially address . once we have a meeting of minds on the set of issues , we can discuss further how best to collaborate and accomplish our goals . i believe both sides would benefit immensely . mit faculty can research questions relevant to industry and you might receive some answers you are looking for ! with best regards , s . p . - - - - - - - - - - - - - - professor s . p . kothari phone : ( 617 ) 253 - 0994 gordon y billard professor fax : ( 617 ) 253 - 0603 of accounting e - mail : kothari @ mit . edu sloan school of management , e 52 - 325 web : http : / / web . mit . edu / kothari / www / massachusetts institute of technology 50 memorial drive cambridge , ma 02142 - 1347 - - - - - - - - - - - - - - -",0 +"Subject: class request : xl 97 range - 567 excel 97 , range names and database features , william smith your approval is required for william smith to attend the following class . to grant approval , send a reply to "" lpharr @ enron . com "" ( notesmail : lerea pharr / hou / ect @ ect ) . be sure to include employee ' s name and class number in reply . excel 97 , range names and database features session dates & times : 4 / 11 / 2000 8 : 30 : 00 am - 11 : 30 : 00 am location : eb 572 no show / participant fee : $ 110 . 00 if you have any questions , please call the technology training coordinator at 713 - 853 - 1816 .",0 +"Subject: re : follow - up interview on 8 / 21 / 00 rabi , thanks for your message . everybody who interviewed you was greatly impressed with your technical skills and professional attitude . we shall extend an offer to you within a day or two . vince rabi de on 08 / 22 / 2000 02 : 57 : 37 pm to : vince kaminsky cc : subject : follow - up interview on 8 / 21 / 00 dear dr . kaminsky : thank you very much for arranging the follow - up interview with your internal clients . i visited mr . ted murphy and his staff at rac and mr . dennis benevides at ees yesterday . i was impressed with level of risk technology employed by enron to achieve its business objectives . i want to reiterate my strong interest in joining your group , which is held in very high esteem both inside and outside of enron . ? i look forward to hearing from you . sincerely , rabi s . de do you yahoo ! ? yahoo ! mail - free email you can access from anywhere !",0 +"Subject: re : bullet points hi vince , thanks for the bullets . regarding power 2001 , it certainly does promise to be a very interesting event . have a great week , paul - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , april 09 , 2001 9 : 11 am to : pbristow @ riskwaters . com cc : vince . j . kaminski @ enron . com ; vkaminski @ aol . com subject : bullet points paul , i am sending you modified bullet points . the modifications are in red . apologies for a delay in responding to your messages . by the way , power 2001 gets only more and more interesting every day . vince ( see attached file : financial maths draft . doc )",0 +"Subject: re : attend pserc seminar on 11 / 30 and 12 / 1 lance . perfect . vince lance cunningham @ enron on 11 / 13 / 2000 10 : 06 : 26 am to : vince j kaminski / hou / ect @ ect cc : subject : attend pserc seminar on 11 / 30 and 12 / 1 vince , i will be able to attend the pserc seminar on nov . 30 and dec . 1 . i also picked up some additional information from ut concerning pserc this past weekend while i was in austin .",0 +"Subject: re : e - strategy for metals trading - - - - - - - - - - - - - - - - - - - - - - forwarded by leann walton / na / enron on 10 / 26 / 2000 10 : 50 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : jeffrey a shankman @ ect on 10 / 25 / 2000 03 : 28 pm to : maureen raymond / hou / ect @ enron cc : subject : re : e - strategy for metals trading thanks fo rthe update . jeff maureen raymond @ enron 10 / 25 / 2000 02 : 58 pm sent by : gwyn koepke @ enron to : john sherriff / lon / ect @ ect , larry lawyer / enron communications @ enron communications , jeffrey a shankman / hou / ect @ ect , mike mccullough / et & s / enron @ enron cc : bob schorr / hou / ect @ ect subject : e - strategy for metals trading attached is an article from yesterday ' s ft regarding the efforts by a consortia of four major international metals and mining producers to develop an internet marketplace for producers and consumers . as we come across this type of information to keep you abreast of developments in the commodity markets , we will pass it along . maureen raymond - castaneda",0 +"Subject: re : brown bag tom : yes , we can arrange that . zimin tom halliburton @ enron 12 / 05 / 2000 01 : 52 pm to : alex huang / corp / enron @ enron , zimin lu / hou / ect @ ect cc : subject : brown bag alex , zimin , friday 19 th january i have asked leon lasdon from ut austin to talk on non - linear programming . let me know asap if you have something else planned . yo folks are co - ordinating these talks ? ? tom",0 +"Subject: termination payments - ees energy outsource agreements vince , attached is a very brief white paper on the issue of termination payments for facility closures and sales . i would like to discuss this concept with you and some of your people in the coming days to establish whether this has merit and how we might proceed . my assistant , cheryl brashier , will set up some time with you . thanks . richard",0 +"Subject: cinergy monthly prices 1998 to date margaret , please find attached file with cinergy prices ( last day of the month ) starting 1998 to date . i have also included daily price for the same period just in case you might need it . the source of the data is megawatt daily price survey . note that prices are given as common low and common high which means that data was gathered through representative sample survey . please let me know if you need any additional data . regards , elena vince j kaminski @ ect 02 / 27 / 2001 05 : 41 pm to : elena chilkina / corp / enron @ enron cc : kevin g moore / hou / ect @ ect , vince j kaminski / hou / ect @ ect , margaret carson / corp / enron @ enron subject : cinergy monthly prices 1998 to date elena , can you , please , help wiht this request ? kevin , please , call me if elena is not in the office on wednesday . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 27 / 2001 05 : 40 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - margaret carson @ enron 02 / 27 / 2001 09 : 15 am to : vince j kaminski / hou / ect @ ect cc : kathryn corbally / corp / enron @ enron subject : cinergy monthly prices 1998 to date from your historical databases can you kindly have someone send me and kathleen corbally the 12 month ( either last day of month or monthly average , whichever you have available ) cinergy prices for 1998 to date . . . for an investor relations slide we are working on ? ? thanks a lot . . . margaret",0 +"Subject: re : your visit to enron joe , fyi . please plan on attending . we should schedule a meeting with mark and the rest of the weather team . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 06 / 2000 10 : 54 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" francis x . diebold "" on 11 / 04 / 2000 08 : 47 : 41 am to : shirley . crenshaw @ enron . com cc : vince kaminski subject : re : your visit to enron shirley , the 21 st is perfect . i will go ahead and purchase my plane tickets . would you please make me a hotel reservation for the night of the 21 st ? many thanks , frank diebold shirley . crenshaw @ enron . com wrote : > good morning professor diebold : > > i am vince kaminski ' s assistant and he has forwarded your emails to me > for scheduling purpose . unfortunately , we have a conflict on december > 14 th . can you possibly come on the 21 st ? > > i hope you have not already made your reservations . if i can do anything > to assist you , please let me know . > > best regards , > > shirley crenshaw > administrative coordinator > enron research group > 713 - 853 - 5290 > > - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 11 / 03 / 2000 > 09 : 29 am - - - - - - - - - - - - - - - - - - - - - - - - - - - > > vince j kaminski > 11 / 02 / 2000 04 : 30 pm > > to : "" francis x . diebold "" @ enron > cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect > subject : re : visit ? ( document link : shirley crenshaw ) > > frank , > > dec 14 would be better for us . we have already scheduled > an internal presentation on december 7 . please , go ahead and make a > reservation . > the best place to stay is hyatt regency downtown or doubletree downtown > ( within a walking distance to enron ) . it is important to specify the > downtown > location for both hotels . > > vince > > "" francis x . diebold "" on 11 / 02 / 2000 03 : 00 : 49 pm > > to : vince . j . kaminski @ enron . com > cc : > subject : re : visit ? > > sounds good , vince . how about dec 7 ? the roundtrip coach fare , regardless > of > airline , is about $ 1900 . i hope that won ' t break the bank . once i have > your > approval , i ' ll go ahead and book it . best , frank > > vince . j . kaminski @ enron . com wrote : > > > frank , > > > > yes , i would be very interested in meeting with you in houston in > december . > > the best day for visit would be thursday when my group has a lunch > meeting > > and you could meet the rest of the research unit . > > > > please , let me know what day would work for you . we shall be very glad to > > cover the cost of your trip . > > > > vince > > > > i > > > > "" francis x . diebold "" on 10 / 31 / 2000 01 : 01 : 11 pm > > > > to : vince kaminski > > cc : > > subject : visit ? > > > > hi vince , > > are you still interested in my visiting for a day , perhaps in dec or > > jan ? i have begun a project on unobserved - components modeling of > > weather patterns , so it would be productive and fun to compare notes . > > best , > > frank > > > > - - > > francis x . diebold > > wp carey professor > > > > department of economics > > university of pennsylvania > > 3718 locust walk > > philadelphia , pa 19104 - 6297 > > > > fdiebold @ sas . upenn . edu > > http : / / www . ssc . upenn . edu / ~ diebold > > > > ( 215 ) 898 - 1507 telephone > > ( 215 ) 573 - 4217 fax > > - - > francis x . diebold > wp carey professor > > department of economics > university of pennsylvania > 3718 locust walk > philadelphia , pa 19104 - 6297 > > fdiebold @ sas . upenn . edu > http : / / www . ssc . upenn . edu / ~ diebold > > ( 215 ) 898 - 1507 telephone > ( 215 ) 573 - 4217 fax - - francis x . diebold wp carey professor department of economics university of pennsylvania 3718 locust walk philadelphia , pa 19104 - 6297 fdiebold @ sas . upenn . edu http : / / www . ssc . upenn . edu / ~ diebold ( 215 ) 898 - 1507 telephone ( 215 ) 573 - 4217 fax",0 +"Subject: re : grades got them - thank you ! - pvc at 05 : 21 pm 5 / 2 / 01 - 0500 , you wrote : > pam , > > another team : > > elena chilkina > robert j . guadette > joseph helms > kenneth jett > todd litton > mark westmoreland > > > grade : a - > > > vince kaminski",0 +"Subject: allocations it is now official ! ! ! effective august 1 , 2000 , research is part of ena . can you review the attached file and let me know if we need to update the allocation ? also , can you tell me which commercial teams in ena does research support ? if you have any questions , please call me at 5 - 7094 . thanx . - - - - - - - - - - - - - - - - - - - - - - forwarded by becky pham / hou / ect on 08 / 17 / 2000 03 : 18 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 26 / 2000 01 : 12 pm to : becky pham / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : allocations becky , please , take a look at the allocations sheet . vince",0 +"Subject: re : mgmt 656 pam thanks yes , please , send me the e - mail addresses . vince pamela vande krol castro on 01 / 26 / 2001 10 : 40 : 17 am to : vince . j . kaminski @ enron . com cc : subject : mgmt 656 here are your latest rosters . let me know if you would like the spreadsheet with their e - mail addresses as well ! - pam ( 6223 ) - 656 . doc",0 +"Subject: credit reserve model meeting vince , the number you will need to call - in for the credit reserve model meeting on tuesday , february 13 at 4 : 00 is 713 . 345 . 3324 . if you have any questions , please do not hestitate to call me at x 33565 . thank you . terri greenlee",0 +"Subject: schedule for aram sogomonian following is the schedule for aram sogomonian : friday , april 28 - eb 2935 8 : 30 - 9 : 30 . - vince kaminski 9 : 30 - 10 : 30 - andrea reed 10 : 30 - 11 : 30 - carl tricoli 11 : 30 - 12 : 30 - jesus ' melendrez",0 +"Subject: re : enron - resume interview of james valverde johan my apologies for getting back to you with a delay . we shall be interested in talking to james . please , let me know if : 1 . you have an umbrella agreement with enron 2 . can we contact james directly , or should we work through you . vince johan dahl on 01 / 09 / 2001 12 : 33 : 08 pm to : vkamins @ enron . com cc : subject : enron - resume interview of james valverde",0 +"Subject: re : summer associate mentor ginger however , we encourage you to contact guiseppe prior to the reception if possible . please rsvp your attendance to cheryl kuehl at x 39804 or by email . thank you charlene jackson",0 +"Subject: re : nj alliance michael lassle is in charge of our lighting best - practices . he is the person mr . eaton should contact . michael is in houston and his number is ( 713 ) 853 - 5023 . osman vince j kaminski @ ect 02 / 17 / 2000 07 : 55 am to : "" william eaton "" cc : osman sezgen / hou / ees @ ees subject : re : nj alliance bill , i forwarded your message to my associate , osman sezgen , who supports our energy services group . he will e - mail you the name of a contact at enron . vince kaminski "" william eaton "" on 02 / 16 / 2000 08 : 25 : 02 pm to : shelm @ globalcloud . net cc : steing @ conedsolutions . com , robert . blake @ conectiv . com , marianne . abdul @ conectiv . com , bekmank @ conedenergy . com , david l fairley / hou / ect @ ect , robinsonm @ conedenergy . com , nwilson @ delmarva . com , hudsonw @ detroitedison . com , cndavis @ duke - energy . com , hbburnham @ duke - energy . com , jhickman @ duke - energy . com , paul . skurdahl @ engageenergy . com , james mackey / hou / ect @ ect , vince j kaminski / hou / ect @ ect , mrollhei @ enron . com , hnmorris @ metromediaenergy . com , npalmer @ execpc . com , chibbard @ noresco . com , mhuang @ usgen . com , bshay @ powerdirect . com , cmidura @ pseg . com , ghallam @ energy . twc . com subject : nj alliance aesp members and utility affiliates , we are looking for a good fit with one of the utilities intent on doing business in the nj , ct , pa , ny territory . our qualifications and company profile may be previewed at our web site , www . lightsourceonline . com . email contact information in response to this message . thanks , bill eaton - attl . htm",0 +"Subject: contract summaries attached are the contract summaries for elba island term sheet , the heogh galleon and exmar charter parties and the option contract on the 3 rd and 4 th vessel . i hope to finish summaries on eco - electrica and jose soon .",0 +"Subject: re : working with enron on catastrophic risk howard , thanks for the message and the paper . we shall hold an internal follow - up meeting next monday to review potential projects on which we could cooperate in the future . vasant and i will contact you to discuss our recommendations regarding the future research agenda . vince "" kunreuther , howard "" on 12 / 14 / 2000 10 : 07 : 11 am to : "" bouillion ( e - mail ) "" , "" carrick ( e - mail ) "" , "" hoog ( e - mail ) "" , "" kaminski ( e - mail ) "" , "" vasant ( e - mail ) "" cc : "" doherty , neil a "" , "" kleindorfer , paul "" , "" thomas , louis a "" , "" weigelt , keith w "" subject : working with enron on catastrophic risk dear vince , jim , george , david and vasant : neil doherty , paul kleindorfer and i very much enjoyed our discussion last wednesday at wharton with you on future joint research with enron over the coming year . in particular , we see the whole area of capital management and catastrophic risk as a fruitful area for foint collaboration . i am sharing this message with louis thomas and keith weigelt who direct the fap mba program in the hopes that we can find a team to work with us on these issues next semester . attached is a revised version of our paper on "" evaluating risk bearing , mitigation and risk transfer using exceedance probability curves : project update "" . we would greatly appreciate you and your colleagues looking at the section on "" cat bonds covering multiple risks "" ( pp . 15 - 19 ) to see whether our example and conclusions make sense to you . we look forward to working with your team at enron regarding ways that we can build on these preliminary findings to make cat bonds for weather risks more attractive . best wishes for the holiday . regards , howard howard kunreuther cecilia yen koo professor of decisions sciences and public policy chairperson operations and information management department 1326 steinberg hall - dietrich hall wharton school university of pennsylvania philadelphia , pa 19104 - 6366 phone : 215 - 898 - 4589 fax : 215 - 573 - 2130 email : kunreuth @ wharton . upenn . edu - epcurvepaper - final - dl 0 . doc",0 +"Subject: re : desk move / computer stuff thanks karin . . . . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 04 / 20 / 2001 08 : 07 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources canada corp . from : karin ahamer @ enron 04 / 20 / 2001 06 : 57 am to : kevin g moore / hou / ect @ ect cc : subject : re : desk move / computer stuff kevin don ' t worry i haven ' t forgotten about stephen . he will be moved and sit next to tony . don ' t know what they are talking about loan computers but i am on the case . regards karin avistar has been all set up as far as i know but someone has to come in again on monday to re - install it on tonys new computer . kevin g moore @ ect 20 / 04 / 2001 12 : 27 to : karin ahamer / eu / enron @ enron , stephen bennett / na / enron @ enron , mike a roberts / hou / ect @ ect , tony hamilton / eu / enron @ enron cc : subject : re : desk move / computer stuff hello karin , i noticed that tony is taken care of , but what about stephen . tony and stephen are a team , they work very closely together . stephen also needs to be aware of what is taking place as well . if there is a problem with cost centers please contact me , but please try and have both guys set up for monday morning . thanks so much . kevin moore by the way have the avistar set - up been completed . . . . . . . please inform . . . enron capital & trade resources canada corp . from : karin ahamer @ enron 04 / 20 / 2001 03 : 00 am to : stephen bennett / na / enron @ enron , graham aley / lon / ect cc : tony hamilton / eu / enron @ enron , kevin g moore / hou / ect @ ect subject : re : desk move / computer stuff steve i have ordered a computer for tony which it should know about . i believe the contact person is steve deakin . i am in a course all day today but will look into it at lunchtime . regards karin enron capital & trade resources corp . from : stephen bennett 19 / 04 / 2001 16 : 53 to : karin ahamer / eu / enron @ enron cc : tony hamilton / eu / enron @ enron , kevin g moore / hou / ect @ ect subject : desk move / computer stuff hi karin , i just wanted to check the status of our change in equipment for start of business monday . i ' ve been told that tony and i will be using loaner pc ' s . the folks in it are asking me where that loaner pc is so they can install all of the software that i need . slava has told me that you are the point of contact . i just wanted to check with you to see if you need any additional information from me - or if i can be of help in any way . thanks ! ! steve stephen bennett senior meteorologist enron research london temp ext : 34761 houston : 001 713 345 3661",0 +"Subject: maureen raymoin ' ds review norma , maureen raymond refuses to sign her review . can you , please , join us tomorrow to discuss it . i have a time slot available at 2 : 00 but i can reorganize my schedule to accommodate you . vince",0 +"Subject: john sherriff ' s copper position ted , bjorn , any info about this position ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 07 / 26 / 2000 08 : 19 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . - europe from : anjam ahmad 07 / 26 / 2000 03 : 55 am to : esther gerratt / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , andreas . barschkis @ mgusa . com @ enron , tanya tamarchenko / hou / ect @ ect subject : john sherriff ' s copper position hi esther , i just talked to john sherriff about his "" enron "" copper position . i suspect that this is not currently being captured within the mg mercur position database - he would like to have that included in the var spreadsheet and shown as a separate line . do you have any information regarding this deal ( i . e . position sizes , qualities etc . ) or be able to direct me to someone who may be able to assist in getting this information ? thanks , anjam x 35383",0 +"Subject: is the supply rebound beginning ? an update on cera ' s outlook for us gas productive capacity - cera conference call notification title : is the supply rebound beginning ? an update on cera ' s outlook for us gas productive capacity url : http : / / www 20 . cera . com / eprofile ? u = 35 netscape navigator 3 . 02 or higher ; or sun hot java ( tm ) close all desktop applications and disable your screen saver . to ensure computer compatibility , complete the internet instructions before the day of the call . a message will appear telling you that your meeting is not ready to start . however , it also informs you about any action that you may need to take to prepare your computer to participate . technical assistance if you experience difficulties during the call , you may signal for technical assistance by pressing * 0 ( star , zero ) on your telephone keypad , once connected to the audio portion of the conference . for more information , please contact katya ashe via e - mail at kashe @ cera . com or via telephone at ( 617 ) 441 - 2659 . a recording of this call will be available until may 10 , 2001 . to access this recording , please call + 1 888 - 203 - 1112 ( within the united states ) or + 1 719 - 457 - 0820 ( outside the united states ) . please use confirmation number 574828 to access the call . * * end * * e - mail category : conference call notification cera knowledge area ( s ) : north american gas , cera ' s spring 2001 roundtable event dates and agendas are now available at http : / / www 20 . cera . com / event to make changes to your cera . com profile go to : forgot your username and password ? go to : http : / / www 20 . cera . com / client / forgot this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www 20 . cera . com / tos questions / comments : webmaster @ cera . com copyright 2001 . cambridge energy research associates",0 +"Subject: re : resco database and customer capture steve , it makes sense to meet with abacus . retail marketing is very data intensive . if you set up a meeting with them , please , let me know . vince steven r meyers @ ees 04 / 11 / 2000 08 : 17 am to : timothy edward vail / hou / ees @ ees cc : vince j kaminski / hou / ect @ ect subject : resco database and customer capture tim , i hope things are going well in resco . i think somebody from resco ( or research ) may be interested in the email i received below from brad davids . brad is now working at abacus who works with residential customer patterns as well as predictive modelling . he ' s going to be here the 25 and 26 of this month . i ' m not sure who is responsible for resco marketing , but i think they would find this interesting . who should i send this to ? please let me know if anybody in resco may have any interest . thanks , steve ps : vince , simply an fyi since they do focus on modelling and research . - - - - - - - - - - - - - - - - - - - - - - forwarded by steven r meyers / hou / ees on 04 / 11 / 2000 08 : 14 am - - - - - - - - - - - - - - - - - - - - - - - - - - - bradley davids on 04 / 10 / 2000 08 : 35 : 32 pm to : "" ' steven . r . meyers @ enron . com ' "" cc : subject : re : possible meeting ? steve : i ' ll see if i can get in on the 25 th . . . will let you know , but i think it ' ll work . just to give you a very brief overview so you can think about who might be interested , abacus has the largest transactional database of consumer buying behavior in the world ( 89 million us households , 3 billion + purchases ) , along with sophisticated modeling capabilities to help predict customer response to various offers at the household level . given the critical need to reduce customer acquisition costs in retail energy markets , we believe that our data and modeling can help energy retailers target their direct marketing efforts toward the residential customers most likely to respond to whatever the offer is - - improving the efficiency of mailings and other promotional campaigns ( so there is an efficiency angle , see ! ) because our data allow the modeling of future buying behavior based on actual purchases , our results tend to be significantly more predictive than demographic - based models . so far , the the response from utilities and "" new entrants "" i ' ve been talking to so far has been quite positive , and we have some tests of our data underway , but we ' re interested in talking to as many players in the market as possible as we develop specific products to meet utility needs . i can provide more background if desired to whoever might be interested , but i guess the key immediate question is whether it might be worthwhile to arrange a short meeting sometime on the 25 th of april with whoever at enron might have interest in hearing what we ' re up to , and ( most importantly ) listening to what your data needs might be as you enter new markets . thanks very much for any help . . . i look forward to catching up and hearing how things are going for you . regards , brad davids 303 - 410 - 5531 - - - - - original message - - - - - from : steven . r . meyers @ enron . com [ mailto : steven . r . meyers @ enron . com ] sent : monday , april 10 , 2000 12 : 13 pm to : brad . davids @ abacus - direct . com subject : re : possible meeting ? it ' d be great to meet on the 25 th in the afternoon . i have a flight in the evening . i ' m interested in hearing about life at abacus . i too have heard that enron is getting back into the residential market . what type of database do you have ? i might be able to find somebody for you to talk with here . - steve bradley davids on 04 / 10 / 2000 12 : 04 : 00 pm to : "" steve meyers ( e - mail ) "" cc : subject : possible meeting ? steve : sorry we ' ve been unable to hook up . . . i can probably get down there on the 25 th , if you ' re going to be in town that afternoon ? would love to catch up - - both on how things are going with ees and tell you about my new life . also , i ' m hearing rumors that enron is about to get back into the residential market in a big way - - you know anything about that ? anybody i should talk to there about my huge database of consumer buying behavior ? thanks - - looking forward to connecting . . . i ' ll be travelling most of this week , but you can leave a vm and let me know when i can call you , or try me on the cell at 303 - 886 - 3458 . best , brad davids bradley j . davids associate vice president , utilities abacus direct , a division of doubleclick , inc . 11101 west 120 th avenue broomfield , co 80021 usa e - mail brad . davids @ abacus - direct . com tel 303 . 410 . 5531 fax 303 . 410 . 5300 www . doubleclick . net www . abacus - direct . com ( see attached file : c . dtf )",0 +"Subject: team 3 ken , it seems that there may be an internet bias as well ( more affluent and educated households are on - line ) . one solution : develop a control group . arm - twist clerical employees of the school to fill out the questionnaire and also ask them to provide the questionnaire to their friends and families . vince",0 +"Subject: re : clustering for gas and power frank , following up on our discussions , can you please send us the list of enron ' s curves by geographical region separately for gas and power . appreciate it , tanya . tanya tamarchenko 04 / 16 / 2001 09 : 16 am to : jaesoo lew / na / enron @ enron cc : vladimir gorny / enron @ enronxgate , winston jia / enron @ enronxgate , vince j kaminski / hou / ect @ ect subject : re : clustering for power jaesoo , as we discussed last week on wednesday meeting can you , please , implement clustering for power curves by geographical region . this involves the following : 1 . deciding together with risk control how many geographical regions we want to use and which enron ' s curves belong to each region . 2 . deciding together with risk control how to choose core curves for each region . this decision can be maid based on the a ) position size ; b ) statistical analysis . there might be other considerations . 3 . doing regression analysis for each curve versus the corresponding core curve . winston , can is it possible to run var for the clustering results obtained by jaesoo with clustering done by sas ? should we wait for the stage re - fresh and what is the status on this ? tanya . ",0 +"Subject: apex conference 2000 update apex 2000 is an opportunity to join colleagues from around the globe for a conference on relevant , timely and strategic issues facing our industry . delegates and speakers from asia , australia , europe and north and south americas will be meeting in canada in october to discuss issues that will shape electrical deregulation in the foreseeable future . the conference is scheduled for october 25 and 26 , 2000 in kananaskis , near calgary , alberta . visit the apex 2000 conference web site at http : / / www . apex 2000 conf . com / update 4 . html for more details and an updated list of speakers and topics . registration space is limited ! don ' t miss out ! plan to be a part of this forum on significant issues and opportunities facing the electric industry as it moves through deregulation . any questions or inquiries should be forwarded to apex 2000 @ incentre . net or by phone at 1 - 403 - 244 - 4487 or by fax at 1 - 403 - 244 - 2340 .",0 +"Subject: interview thanks . . . vince and stinson , it seems we made a good impression to rodney . can we have him working for our sub - group ? zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 03 / 13 / 2000 08 : 35 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" rodney greene "" on 03 / 13 / 2000 12 : 05 : 57 am to : cc : subject : interview thanks . . . dear dr . lu : thank - you for meeting with me to discuss opportunities in your derivative pricing group . i very much enjoyed talking with you . the projects you are working on are quite interesting to me . it appears to me the resources and culture at enron are excellent for accomplishing quality value - adding work . i would very much like to be a part of your group . thank - you once again for meeting with me . and it goes without saying - lunch was great ! sincerely , rodney greene ?",0 +"Subject: confidential information and securities trading to : kaminski , wincenty email : vkamins @ enron . com - 7138533848 ? enron wholesale services - office of the chairman ? from : ? ? mark frevert , chairman & ceo ? ? ? ? ? ? greg whalley , president & coo ? ? ? ? ? ? mark haedicke , managing director & general counsel ? subject : ? ? confidential information and securities trading ? enron wholesale services ( ' ews ' ) maintains official policies and procedures regarding confidential information and securities trading ( ' policies and procedures ' ) , which have been revised as of november 15 , 2000 to reflect the new ews structure . these policies and procedures are intended to allow us simultaneously to pursue our diverse businesses and to protect confidential information , our reputation for integrity , and ews and its employees from legal liability . ? you are required to become familiar with , and to comply with , the policies and procedures . the newly revised policies and procedures are available for your review on legalonline , the new intranet website maintained by the enron wholesale services legal department . please click on the attached link to access legalonline : ? ? you must certify your compliance with the policies and procedures within two weeks of your receipt of this message . the legalonline site will allow you to quickly and conveniently certify your compliance on - line with your sap personal id number . if you have any questions concerning the policies or procedures , please call lance schuler at extension 3 - 5419 , mark haedicke at extension 3 - 6544 , alan aronowitz at extension 3 - 3214 , bob bruce at extension 5 - 7780 or donna lowry at extension 3 - 1939 .",0 +"Subject: internship opportunities dear mr . kaminski , i have found the enrononline project a very interesting one and have enjoyed working with everyone in the research department as well as those from other departments . i am keenly interested in this area and was wondering if there would be any summer internship opportunities . i have attached my resume to this mail for your review and look forward to hearing from you soon . thank you ivy ghose rice mba 2002 - resume . doc",0 +"Subject: color copier i ' m so sorry ! color printer . thanks - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 01 / 05 / 2000 01 : 27 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 01 / 05 / 2000 11 : 30 am to : lyn malina / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect , william smith / corp / enron @ enron cc : subject : color copier hello lyn , how are you ? certainly hope you enjoyed the holidays . i have not received the color printer as of yet . could you please provide me with information concerning this . thanks kevin moore",0 +"Subject: fw : vince and ravi , attached below is the resume of a student graduating from the university of chicago with an ms in mathematics . his specialty is financial mathematics and his coursework seems to have covered a lot of the sorts of things that i understand your group to do , vince . he is extremely interested in enron and contacted me because i am an alum of the college at the u of c . i gather he didn ' t go through enron ' s typical recruiting process for analysts or associates because his background is more technical , than commercial . he acknowledged that his business experience is limited and from his resume you can tell that he is young . he would therefore be willing to start as an analyst or whatever the equivalent would be for a non - rotating position , but his interest is in doing the kind of work that you do , vince , and ravi , i know you have a similar background . please let me know if this candidate would be of interest to either of you . if so , feel free to contact him directly . he would like to start work this summer after graduating in june . thanks for your time and i hope this is useful to you . regards , laura laura howenstine manager , origination enron net works 713 - 853 - 0308 ( office ) laura . howenstine @ enron . com - - - - - original message - - - - - from : "" kodjo adovor "" @ enron + 40 enron @ enron . com ] sent : monday , february 26 , 2001 4 : 48 pm to : howenstine , laura cc : lhowenstine @ hotmail . com subject : dear laura , thanks for taking the time to talk to me about the opportunities available in financial derivatives at enron . i appreciate your help . my resume is attached to this email as resume . doc . i look forward to talking to you soon . regards , n . kodjo adovor the university of chicago financial mathematics - resume . doc",0 +"Subject: lunch dzien dobry , mam nadzieje , ze nic sie nie zmienilo i jestesmy umowieni na dziesiejszy lunch . proponuje sie spotkac o godzinie 12 . 00 na parterze obok biurka "" security ladies "" ( bo wiem gdzie to jest ) . ubrany jestem w czarne spodnie , bezowe buty i szara bluze . nie jestem pewien czy bede mogl przeczytac potwierdzenie , bo od 10 do 11 . 45 przeprowadzam szkolenie . juliusz",0 +"Subject: harvard business school pub order confirmation order confirmation notification thank you for ordering hbs materials . your order has been received and entered with the confirmation number 01928923 . the purchase order or reference number you provided is [ c ] kaminski , w . our projected ship date is 11 / 13 / 00 , your order will be shipping via ups . per your request , your order will be shipped to the following address : wincenty kaminski enron corp managing director ebl 962 1400 smith houston tx 77002 we appreciate your interest in harvard business school publishing . if we can be of further assistance , please contact our customer service department at ( 800 ) 988 - 0886 or ( 617 ) 783 - 7500 , by fax at ( 617 ) 783 - 7555 , or via email at corpcustserv @ hbsp . harvard . edu .",0 +"Subject: thomas knudsen hi vince i met with thomas this morning ( i gave you his cv before , though i don ' t know if you had time to read it ) . he ' s extremely interested in moving to enron , and accepts that our work is far less academic than his postdoc research , although far broader than his investment banking quant experience . he remains interested , and emphasised he wants to stay close to the traders , but wants to look at new markets and products . i think we should seriously consider hiring him . he is ( understandably ) reluctant to move to houston , but there ' s no doubt that there is plenty of ( unnmet ) demand for derivatives pricing ( and thinking ) here in london . would you be interested in my setting up a videoconference in the next couple of weeks so you have a chance to chat with him ? i ' m meeting with him again on tuesday at an academic quant finance seminar organised by lane at king ' s college . i ' ve attached his cv for your reference . all the best , steve",0 +"Subject: fwd : eprm article return - path : from : vkaminski @ aol . com full - name : vkaminski message - id : date : fri , 8 dec 2000 00 : 19 : 50 est subject : fwd : eprm article to : vkamins @ enron . com cc : vkaminski @ aol . com mime - version : 1 . 0 content - type : multipart / mixed ; boundary = "" part 2 _ 1 e . e 608831 . 2761 c 976 _ boundary "" x - mailer : unknown sub 171 return - path : received : from rly - xao 5 . mx . aol . com ( rly - xao 5 . mail . aol . com [ 172 . 20 . 105 . 74 ] ) by air - xaol . mail . aol . com ( v 77 . 14 ) with esmtp ; tue , 05 dec 2000 12 : 47 : 35 - 0500 received : from mailolb . rapidsite . net ( mailolb . rapidsite . net [ 207 . 158 . 192 . 229 ] ) by rly - xao 5 . mx . aol . com ( v 76 _ rl . 19 ) with esmtp ; tue , 05 dec 2000 12 : 47 : 00 - 0500 received : from www . lacima . co . uk ( 209 . 41 . 1 . 121 ) by mailolb . rapidsite . net ( rs ver 1 . 0 . 58 s ) with smtp id 0923182 for ; tue , 5 dec 2000 12 : 46 : 46 - 0500 ( est ) message - id : reply - to : "" chris strickland "" from : "" chris strickland "" to : references : subject : eprm article date : wed , 6 dec 2000 04 : 16 : 05 + 1100 organization : lacima consultants mime - version : 1 . 0 content - type : multipart / mixed ; x - priority : 3 x - msmail - priority : normal x - mailer : microsoft outlook express 5 . 00 . 2615 . 200 x - mimeole : produced by microsoft mimeole v 5 . 00 . 2615 . 200 x - loop - detect : 1 hi vince , hope things are fine with you . i ' m sorry that i only ever write to you when i ' m after something , but could you look at this simulation article - the next installment in the eprm articles . many thanks and best regards . chris . - - - - - original message - - - - - from : to : ; ; ; sent : friday , september 08 , 2000 4 : 23 am subject : re : var article > les , > > the revised version of the var article looks fine . > > vince > - eprm _ 04 _ sim _ mr . zip",0 +"Subject: re : factors for us power curves tanya , i have checked the factors for us power and all except the following are acceptable : rl 1 , rlc , rlf , rlj , rlk , rll , rlm , rln , rlz , r 4 a , r 4 b . for global liquids , the requisite curves have been submitted to the liquids team . i will review their results and confirm . naveen tanya tamarchenko @ ect 01 / 25 / 2001 12 : 52 pm to : naveen andrews / corp / enron @ enron , rabi de / na / enron @ enron , jaesoo lew / na / enron @ enron cc : oliver gaylard / lon / ect @ ect subject : re : factors for us power curves naveen , attached spreadsheet contains the factors for us power curves calculated based on 9 / 28 / 00 - 11 / 28 / 00 data in stage with the latest version of vatrfacs . by specifying integer number from 1 to 32 in cell jl you can see the factors for different regions . i suggest to consider the following sets of factors as acceptable : rla , rle , r 2 , r 2 a , r 2 b , r 3 , r 3 a , r 3 b , r 4 , r 4 c , r 5 , r 5 a , r 6 , r 7 , r 7 a , r 8 , r 9 . please review and confirm . tanya .",0 +"Subject: re : astros season tickets cathy , thanks . in order of priority : fridays ( 20 , 27 ) , apr 25 , 24 , 23 . vince from : cathy phillips on 04 / 03 / 2001 04 : 54 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : astros season tickets how about two games ? just select a couple of dates and i will have the tickets delivered to you . the dates that are still available are as follows : friday , april 20 st . louis monday , april 23 atlanta tuesday , april 24 atlanta wednesday , april 25 atlanta friday , april 27 florida thanks . cathy phillips x - 36898 vince j kaminski 04 / 02 / 2001 05 : 43 pm to : cathy phillips / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : astros season tickets cathy , yes , i shall be glad to use a few tickets for my group as a token of appreciation . how many can you spare ? vince from : cathy phillips on 04 / 02 / 2001 01 : 06 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : astros season tickets all of the tickets in the initial time frame have been taken . the next set of tickets i have available are for the series of april 20 th - 25 th . please let me know if you are interested in any of the tickets in this series . thanks . cathy phillips x - 36898 vince j kaminski 03 / 30 / 2001 11 : 25 am to : cathy phillips / hou / ect @ ect cc : subject : re : astros season tickets cathy , i shall appreciate 4 tickets , any day . i shall use them internally as a token of appreciation for the members of my group . vince from : cathy phillips on 03 / 30 / 2001 08 : 45 am to : jeffrey a shankman / hou / ect @ ect , doug arnell / enron _ development @ enron _ development , alan aronowitz / hou / ect @ ect , pierre aury / lon / ect @ ect , sally beck / hou / ect @ ect , rick bergsieker / enron _ development @ enron _ development , stephen h douglas / hou / ect @ ect , jennifer fraser / hou / ect @ ect , shanna funkhouser / corp / enron @ enron , eric gonzales / lon / ect @ ect , gary hickerson / hou / ect @ ect , vince j kaminski / hou / ect @ ect , larry lawyer / na / enron @ enron , chris mahoney / lon / ect @ ect , george mcclellan / hou / ect @ ect , thomas myers / hou / ect @ ect , john l nowlan / hou / ect @ ect , beth perlman / hou / ect @ ect , brent a price / hou / ect @ ect , daniel reck / hou / ect @ ect , cindy skinner / hou / ect @ ect , stuart staley / lon / ect @ ect , mark tawney / hou / ect @ ect , scott tholan / corp / enron @ enron , lisa yoho / na / enron @ enron , neil davies / corp / enron @ enron , per sekse / ny / ect @ ect , stephen h douglas / hou / ect @ ect , scott vonderheide / corp / enron @ enron cc : cathy phillips / hou / ect @ ect , jennifer burns / hou / ect @ ect , angie collins / hou / ect @ ect , donna baker / hou / ect @ ect , helen marie taylor / hou / ect @ ect , chantelle villanueva / hou / ect @ ect , betty j coneway / hou / ect @ ect , patti thompson / hou / ect @ ect , cherylene r westbrook / hou / ect @ ect , candace parker / lon / ect @ ect , sharon purswell / hou / ect @ ect , gloria solis / hou / ect @ ect , brenda j johnston / enron _ development @ enron _ development , kim hickok / enron _ development @ enron _ development , susan mccarthy / lon / ect @ ect , paula forsyth / corp / enron @ enron , shirley crenshaw / hou / ect @ ect , jody underwood / na / enron @ enron , kathleen d hardeman / enron _ development @ enron _ development , judy zoch / na / enron @ enron , sunita katyal / enron _ development @ enron _ development , cherry mont / ny / ect @ ect , lydia reeves / hou / ect @ ect , kristy armstrong / enron @ enronxgate , nita garcia / na / enron @ enron , christina brandli / enron @ enronxgate subject : astros season tickets astros tickets available please note that the tickets for the astros games scheduled for saturday , march 31 st , through sunday , april 8 th , ( no game on monday , april 2 nd ) are still available . please let me know this morning if you are interested in any of the tickets . thank you . - - - - - - - - - - - - - - - - as mike mentioned at the staff meeting yesterday , enron global markets has season tickets for the houston astros for the 2001 season which begins this friday , march 30 th , with an exhibition game against boston . exhibition games are also scheduled for saturday , march 31 st , and sunday , april lst . the regular season opening game will be on tuesday , april 3 rd . we have four seats in section 116 , row 33 , seats 20 - 23 . the seats are located in the dugout section between home plate and the visitor ' s dugout . the tickets are available on a first come , first serve basis with preference given for customer entertainment if more than one request is received for the same game . please contact me at x - 36898 or via e - mail at cathy . phillips @ enron . com to request tickets . in addition , copies of the astros 2001 season schedule are available upon request . please let me know if you have any questions . thank you . cathy phillips x - 36898 eb 3327",0 +"Subject: request submitted : access request for mraymon @ enron . com you have received this email because the requester specified you as their manager . please click approval to review and act upon this request . request id : 000000000007494 request create date : 11 / 15 / 00 12 : 57 : 59 pm requested for : mraymon @ enron . com resource name : unlisted application / software resource type : applications",0 +"Subject: re : rabi de fyi , i do not send out a written offer package until the verbal offer issues are resolved and a final offer is made . so , i ' d like to put the details below in writing and send out to him for tuesday delivery . i ' m playing phone tag with him regarding the other details and will follow up with him again in the morning . thanks toni from : grant masson @ ect 09 / 15 / 2000 11 : 24 am to : toni graham / corp / enron @ enron cc : norma villarreal / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : rabi de toni : we talked to rabi . he ' s sitting on the fence for some good reasons , and he has to weigh what is fairly comfy job situation for one that starts out at a lower level but has more potential . wrt the green , vince verbally offered salary of $ 105 k plus a guarantee that his bonus at year end would be a minimum of $ 15 k cash . that ' s in addition to the $ 15 k sign on bonus . vince said that we would not bother working up a revised offer letter unless and until rabi came back with a verbal ok . he will ponder the offer ; probably for a few more days and get back with us . he may well call you to discuss the exact details of the benefits . esop , 401 ( k ) contributions , etc . regards , grant .",0 +"Subject: re : energy book chris , no problem . feel free to mention our names . vince chris strickland on 01 / 28 / 2000 03 : 54 : 17 am to : vince j kaminski / hou / ect @ ect , les , jules cc : subject : energy book hi vince , i have pulled a list of names together that i would like to send some samples of our chapters of the book too , in the next couple of days , in order to try and get one or two sentence "" reviews "" for the dust jacket of the book . i obviously won ' t say anything about enron ' s sponsorship until it is official sorted out , but is it ok if i indicate that yourself and grant are contributing material to the book ? i ' m proposing to send 5 or 6 chapters to the following - unless you have any objections or suggestions ? david shimko ehud ronn helyette geman mark garman dragana pilipovic corwin joy ilia bouchouev alexander edyleland steve thomas hope the writing is going ok , and regards to grant . best regards . chris",0 +"Subject: approval is overdue : access request for paul . d . thomas @ enron . com mike , following request has been made for a number of people . the access requested is : o : \ research \ power meteorology \ weather temperatures - read / write data approval grant this is what i wrote , denying the request : the reason for the rejection has been communicated several times . the person who requested the access does not want it any more . granting both read / write access could threaten the integrity of the data . any comments ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 29 / 2001 08 : 19 am - - - - - - - - - - - - - - - - - - - - - - - - - - - arsystem on 01 / 26 / 2001 07 : 16 : 10 pm to : "" vince . j . kaminski @ enron . com "" cc : subject : approval is overdue : access request for paul . d . thomas @ enron . com this request has been pending approval for 2 days and you are the alternate . please click approval to review and act upon this request . request id : 000000000015384 approver : stinson . gibner @ enron . com request create date : 1 / 25 / 01 7 : 59 : 02 am requested for : paul . d . thomas @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: long - term volatility curves grant , can research in houston put together a comparison of the long - term volatility curves for gas and power in north america and europe ? based on where europe is marked ( especially for the uk ) , i think we ' ll find a significant difference out beyond 10 years . fundamentally , it seems like the long - term vol should be similar for a given commodity regardless of geographic location . has research done any work on this in the past ? if not , we should study this since long - term vol feeds into the var - based position limits . give me a call so we can discuss . thanks dale",0 +"Subject: re : model effort in houston mike pls discuss with mark tawney . under the revised egm structure for weather we need to revisit theintended arrangement . thnx paul from : mike a roberts @ ect 10 / 04 / 2001 04 : 59 am to : christian werner / enron _ development @ enron _ development cc : vince j kaminski / hou / ect @ ect , paul quilkey / enron _ development @ enron _ development , mark tawney / enron @ enronxgate subject : model effort in houston christian , our spring / fall window of "" < nactivity "" is rapidly eluding us . . . we need to get our internal model operational without delay . along these lines , let ' s go ahead and plan your visit to houston as soon as possible , but by all means get you in at least 4 weeks before hurricane season . that would mean the month of may looks good . please inform me what duties you could not perform from here to support the sydney office , we ' ll figure out how to keep that office whole . ( it ' s working without a hitch to have steve bennett in london , but continuing his houston duties ) if the first week in may ( for the whole month ) will work , please respond asap and we ' ll get housing arrangements finalized . looking forward to your visit , - - - mike",0 +"Subject: re : fw : pserc nuggets related to market stem hello shmuel , thanks for your message . the end of 2000 and the beginning of 2001 were extremely busy and i could not focus on pserc issues . i shall consult a few people in enron on this subject and get in touch with you . our concern right now is that the results of research are widely shared with our competition . i am out on the 19 th , but the 20 th would work for me . i would be glad to cover the cost of your austin to houston trip . regarding your son . the analyst / associate program will interview again on the campus in the spring and they will be more than happy to interview him . "" shmuel oren "" on 12 / 19 / 2000 01 : 40 : 02 pm to : cc : "" dennis ray "" , , subject : fw : pserc nuggets related to market stem hello vince happy holidays . i wanted to connect with you regarding the possibility of enron joining pserc . as you might have heard from lance and alex we are going through a transition period having doubled the number of universities and industry members within the last year . consequently , our business processes are not well developed . one of the problems we are facing is the balance between the electrical engineering folks and industry members that are more interested in market related research . i hope to recruit more of the later so tat we have more of a constituency in the advisory board that sees the value of market related research . i already have a verbal commitment from people at electrabell that expressed interest in joining pserc . with members like electrabell and enron we will be able to support more market stem projects such as the one that shijie deng proposed ( not funded in this round ) . please let me know if i can do anything to facilitate the decision at enron . i am going to be in austin on january 19 to participate at a puct hearing and could come through huston for a visit . attached are some items that i shared with our pserc members and thought that you might be interested in them as well . regards , shmuel . - - - - - original message - - - - - from : "" shmuel oren "" to : "" power systems engineering research center "" sent : tuesday , december 19 , 2000 9 : 47 am subject : re : pserc nuggets related to market stem > the following are 3 items that demonstrate the impact of pserc research in > the market stem area . > > 1 . on december 12 , i ( shmuel oren ) testified at a hearing in san francisco > before the blue ribbon panel ( chaired by alfred kahn ) for the that is > investigating the implications of uniform price vs . pay as bid auctions in > the california px . as part of my testimony i presented a movie produced by > tim mount and bob thomas that show results of an experimental economic study > showing how bidders respond by raising their bids in a pay as bid auction . > following is an acknowledgement i received . > > dear shmuel : > > > thank you for attending the blue ribbon panel this past tuesday in san > francisco . your presentation was very informative and valuable to all the > panel members and other participants . the panel greatly appreciates your > involvement in this important project . > > > thanks again , > natalie efland > > > 2 . a recent e - mail from the texas puc > > professor oren , i hope you and your family are doing well . we are seriously > considering your help and advice to facilitate the commission ' s final > decision regarding retail competition in ercot . > > i wanted to let you know that ercot stakeholders filled an application for > approval of the ercot protocols in november . we received comments including > list of issues on november 22 and reply comments on december 1 . staff will > draft and submit a preliminary order to the commissioners for their > discussion on december 13 . there will be a pre - hearing on december 15 when > parties will be asked to brief the commission on list of issues by the end > of first week in january . there will be a hearing on january 16 followed > with another hearing if needed . parties have asked the commission to > finalize its decision by mid march . > > to give you some more background , i have to mention that almost most of your > suggestions were accepted and will be reflected in the final protocols , > except for problems with intra - zonal gaming regarding congestion management > and pay - as - bid compensation for selected ancillary services . a few > additional concerns are raised regarding ancillary services and congestion > management . stakeholders are still working toward more load participation > in ercot market . however , the main problem is the fact that market ( pilot > that covers 100 % of wholesale , but only 5 % of retail load ) will be open on > june 1 , 2001 based on a version of the protocols locked on august 1 , 2000 . > ( that was the deadline for ercot to give a final design to anderson > consulting . ) that version does not include some of your recommendations to > address market design flaws . the full version is highly possible to be > implemented by january 1 , 2002 when market for 100 % retail competition is > scheduled to open . given this gap , some parties have recommended not to > implement incomplete protocols and wait for full implementation by january > 2002 . in other words , they say let ' s go ahead with 5 % pilot retail load , > but wait for full design implementation before allowing 100 % wholesale load > ( and retail load ) be subject to the rules of the game described in the final > protocols . > > thanks . > > parviz adib , ph . d . > director of market oversight division > public utility commission of texas > 1701 n . congress avenue > p . o . box 13326 > austin , texas 78711 - 3326 > ph . no . : 512 - 936 - 7365 > > 3 . the following is a segment from a published summary of the dec 13 puct > hearing . this segment describes the commision ' s deliberation on an agenda > item addressing the possibility of instituting price caps as part of the > ercot protocols . ( see reference to my involvement in the next to last > paragraph ) > > docket no . 23220 - petition of the electric reliability council of texas > for approval of the ercot protocols . ( discussion and possible action ) > parviz adib , jess totten , keith rogas , and tammy cooper > chairman wood turned to page 2 item number 3 of the draft order identifying > issues , recommending that the word "" including "" be changed to "" other than "" in > the parentheses . he thinks they know the ups and downs of the two > mechanisms , which are bid caps and price caps , but would not mind having > parties focus on what other protections might be used . commissioner walsh > would say "" including , but not limited to "" because she does not think it is a > bad idea for ercot to at least consider in their protocols a fail - safe > mechanism . it ' s kind of like the stock market suspending trading when > something crazy happens . they could consider a maximum scenario , such as > "" we don ' t think this will ever happen but if it does we need to muffle it "" , > whether it is $ 1 , 000 or $ 99 or whatever it is . they could consider whether > to put into the protocols a self - enacting price cap . while not expecting it > to happen , if it did , you don ' t have to declare it an emergency and have the > commission have to act . chairman wood asked if they could leave the > question without the parenthetical at all and just say "" what protections > should be added to avoid extreme price spikes . "" commissioner walsh > reiterated that she wants ercot to think about the unlikely possibility of > unacceptable price spikes . she would like for them to have their own > fail - safe mechanism that is self - initiating as opposed to leaving that to > having someone have to come in and act . commissioner perlman stated that he > thinks the california - type price caps is what the concern is about . he > thinks everyone in this state is opposed to those , but he thinks the point > commissioner walsh is making is an interesting one . he had not thought > about the circuit breaker idea , and it might have some merit . he agreed > that it was worth considering something like that . then the question > becomes what the level is . chairman wood suggested the wording "" what > self - implementing protections should be added to avoid the price spikes . > commissioner perlman said he did not think anyone is talking about $ 250 > price caps . commissioner walsh agreed , but noted that if the unexpected > happens we should be prepared . commissioner perlman indicated that if > someone is making $ 10 , 000 in one particular hour that it probably does not b > enefit the market and is probably a windfall to them . it is not something > they would normally put in their business plan for determining whether they > are going to build a plant in texas . chairman wood stated that they want to > lean toward the market as heavily as they can on these issues . > > chairman wood noted that some of these issues date back to when dr . oren was > assisting the commission , and asked if he could be brought back again . > staffer dr . parviz adib said that staff had already talked to dr . oren and > that he is available to assist the commission further . chairman wood noted > that dr . oren had helped people think outside the box without just focusing > on california . > > the final wording was clarified to state "" self - implementing mechanisms "" and > to delete the parenthetical part of the sentence in question . the order was > approved as amended . > > > > > > > > > > >",0 +"Subject: magic 15 , 000 level on nikkei - - - - - - - - - - - - - - - - - - - - - - forwarded by leann walton / na / enron on 10 / 26 / 2000 10 : 47 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : darren delage @ enron on 10 / 16 / 2000 02 : 53 pm ze 9 to : maureen raymond / hou / ect @ ect cc : subject : magic 15 , 000 level on nikkei maureen , hope all is well . thank you for your coverage last week . i certainly appreciate the value - added that you provide in your research . i had a quick question for you regarding any anticipated japan central bank intervention at the 15 , 000 level in the nikkei . if i am understanding the mechanism correctly , bis reserve requirements fall below certain threshold and banks can no longer lend money and meet bis lending criteria due to improper reserve base . and this roughly happens at 15 , 000 level ? reason i ask is goldman sachs put out an article suggesting that break - evenpoint for bank holding of stocks is roughly 12 , 000 - 12 , 500 a different index level than the one you have mentioned . i can appreciate the difference between reserve liquidity and actual break - even on equity positions , but just wanted to clarify this point with you , as we are trying to gain a complete understanding of how a trigger would effect japanese capital markets . and so , as i currently understand it , there are ( 2 ) trigger levels to watch : 15 , 000 where banks fail bis criteria and hence cannot extend new loans with bis stamp of approval . clearly ctl bank would have incentive in restoring this or else financial system would be thrown into turmoil . 12500 where banks begin to take an actual loss on equity holdings is this right ? thanks maureen , take care , darren",0 +"Subject: re : cv of rodney greene re quantitative positions . amy , yes , i am interested . i am in london now , but i shall contact him on thuirsday . vince amy fitzpatrick 02 / 21 / 2000 03 : 34 am to : vince j kaminski / hou / ect @ ect cc : subject : re : cv of rodney greene re quantitative positions . vince - would you have any interest in this candidate ? kind regards - amy - - - - - - - - - - - - - - - - - - - - - - forwarded by amy fitzpatrick / lon / ect on 21 / 02 / 2000 09 : 34 - - - - - - - - - - - - - - - - - - - - - - - - - - - bryan seyfried 18 / 02 / 2000 19 : 50 to : amy fitzpatrick / lon / ect @ ect cc : subject : re : cv of rodney greene re quantitative positions . probably a bit to techy for me but maybe a good fit for vince kaminski in houston research . bs amy fitzpatrick 17 / 02 / 2000 12 : 52 to : david port / corp / enron @ enron , david weekes / lon / ect @ ect , steve w young / lon / ect @ ect , bryan seyfried / lon / ect @ ect cc : subject : cv of rodney greene re quantitative positions . any thoughts on this candidate ? kind regards - amy - - - - - - - - - - - - - - - - - - - - - - forwarded by amy fitzpatrick / lon / ect on 17 / 02 / 2000 12 : 52 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . from : simon bragg 17 / 02 / 2000 12 : 36 to : "" ' amy . fitzpatrick @ enron . com ' "" cc : subject : cv of rodney greene re quantitative positions . hi amy a colleague of mine interviewed someone last week who is a phd whose background is as a developer within catastrophe risk management . he is looking to move into more of a quantitative role which will utilise his developing skills and also his statistical and theoretical knowledge as well . the issue is that he is based in chicago and i wondered if there would be any interest from your headquarters there . please find attached his details . speak to you soon . regards simon - do 075530 . doc",0 +"Subject: re : o andrew , vince and grant from research would like to have risktrack on their pcs . can you install it for them ? appreciate it , tanya .",0 +"Subject: re : fw : mtg . scheduled frank , regarding simulating power prices in var we might discuss the following items and show some results : 1 . clustering for power : - clustering based on historical prices and correlations from them ; - geographical clustering ; - flexibility in choosing "" core curves "" ( based on position size ) ; 2 . jump - diffusion process for intramonth and prompt month : - parameter estimation from historical data ( do we want to use it ? ) - working out parameters ( jumps frequency , jump size ) as stress scenarios ; 3 . correlations within a cluster and across clusters . 4 . changing correlations estimations ( using fixed contact ' time series ) . 5 . joint estimation of factors for selected regions . let me know what you think should be in the agenda for this meeting . regards , tanya from : frank hayden / enron @ enronxgate on 04 / 18 / 2001 03 : 43 pm to : tanya tamarchenko / hou / ect @ ect cc : subject : fw : mtg . scheduled if you want , i welcome your help in putting together an agenda . frank - - - - - original message - - - - - from : black , tamara jae sent : wednesday , april 18 , 2001 3 : 32 pm to : presto , kevin ; davis , mark dana ; sturm , fletcher ; herndon , rogers ; gilbert - smith , doug ; white , stacey ; kaminski , vince ; andrews , naveen ; belden , tim ; gorny , vladimir ; davenport , lacrecia cc : hayden , frank subject : mtg . scheduled please mark your calendar for a meeting with : frank hayden reg . value @ risk april 26 th 3 - 4 pm rm 3125 b thanks tjae black x 35800",0 +"Subject: re : mutually agreed upon changes okay larry , i have your fax and the message . unfortunately the corporate policy is very clear and standard on these matters and we cannot make exceptions . it would appear impossible for us to proceed with the non - disclosure agreement if it is not consistent with the version suggested by our legal department . please let me know your thoughts . thanks . rakesh",0 +"Subject: brownsville peaker data hey guys , further to our meeting , here ( courtesy of john t ) are the addresses to view the peaker data for our upcoming testing : a . o : \ _ dropbox \ peakerdata \ peakersl 999 . htm b . o : \ _ dropbox \ peakerdata \ peakers 2000 . htm at the present time , these pages display on microsoft internet explorer only . type in the above urls in the address area of your ie . the pages refresh automatically once every minute . cheers , - - scott",0 +"Subject: fea announces the release of @ energy 2 . 0 january 26 , 2001 vince kaminski enron north america corp . 1400 smith street 30 th floor , rm . 3036 b houston , tx 77251 - 1188 1 713 - 853 - 3848 dear vince kaminski , this is to inform you of the release of @ energy 2 . 0 . ftp download instructions are available immediately . the download instructions are included at the end of this email . your cd ' s and manuals will be shipped to you within 2 weeks . please see below for more information regarding this new release . please confirm that you are the correct recipient for this shipment and your address above is correct by clicking reply and send . if any changes need to be made , please make the changes above and reply . * * warning : please note that if you did not received a license key for @ energy after june 2000 , you will need to contact support @ fea . com or call 510 . 548 . 6200 to obtain a new license key to enable the new version . * * * * swing users : @ energy / swing now replaces the "" swing "" product . see the @ energy user manual for a discussion of the changes . contact fea for the necessary license keys . you will be able to run both the new and old swing simultaneously . heres an overview of the new and changed features since version 1 . 6 : @ energy ( forward curve ) jump parameters are now calibrated for use in other @ energy functions . inputs and outputs to powercalib and comcalib have changed . see the corresponding function syntax in the user guide for additional information . 35 - 40 % speed improvement . the module is now out of beta . @ energy ( basics ) different interpolation schemes on forward prices are now supported . if you use indexswap , exoticswap , or optindexswap with floating price linked to a series of futures dates , such futures dates need not be close to dates specified in the forward curve input . a new utility function , pathutil , allows you to simulate and visualize price paths consistent with the models supported by @ energy . 25 - 30 % speed improvement . @ energy ( advanced ) different interpolation schemes on forward prices are now supported . if you use optdiffswap or diffswap with floating price linked to a series of futures dates , such futures dates need not be close to dates specified in the forward curve input . calspreadopt now allows for the specification of two different mean reversion rates . 30 - 35 % speed improvement . @ energy ( swing ) swingopt and stripswingopt now allow for valuation of swing straddle contracts with overall load constraints . 65 - 70 % speed improvement . the module is now out of beta . @ energy ( weather ) 30 - 35 % speed improvement . if you have any questions please feel free to contact us . we appreciate this opportunity to be of continuing service to enron north america corp . . regards , michelle mendoza support @ fea . com + 1 - 510 - 548 - 6200 financial engineering associates , inc . ( fea ) * * * * * * * * * * * * * * * * * * * * * * * * * * * * * to download @ energy 2 . 0 via ftp , follow the following instructions : note : using explorer leads to unpredictable results , so we suggest using netscape or a dos shell . using netscape : in the location box type : ftp : / / energy @ ftp . fea . com password : 2 rbzxgv 5 energy - 2 . 0 - win 32 . exe is for windows 95 / 98 / 2000 / nt . download and run on a local drive . using a dos shell : at a dos prompt type : ftp ftp . fea . com user : energy password : 2 rbzxgv 5 type "" binary "" and hit ' return ' . type "" ls "" for a list of available files . type "" get "" energy - 2 . 0 - win 32 . exe and and wait for the ftp > prompt . type "" quit "" . the file will be downloaded into the directory at which you entered the ftp site . double click on the exe and follow the instructions on the screen .",0 +"Subject: martin lin ' s rotation into jim ' s group hi paul and anad , please make the appropriate arrangements ( via enron corp . aa pool ) to "" rotate "" martin lin into my group . as you know , i am heading up the ebs research unit that is reporting to vince kaminski and stinson gibner ( md & vp of enron research group , respectively ) . martin will work for jim irvine and report to him on a day - to - day basis . martin will spend most of his time at jim ' s office location . this arrangement is very similar to samar khleif ' s role in portland with john mcclain ' s broadband delivery group . martin has already discussed his rotation with jim irvine and scheduled to start on march 1 , 00 . ebs research will be working very closely with jim irvine and john griebling in the area of network planning and model development ( traffic engineering in telecom - speak ) . martin has a ph . d . in electrical engineering and has been working within research supporting electricity transmission analysis and modeling . regards , ravi .",0 +"Subject: osman sezgen steve kromer is requesting that osman spend 1 day / week in san francisco . steve heads the risk analytics group for enery asset management under steve meyers . i will find from marty why they are setting up shop in sf . krishna . - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 08 / 04 / 2000 04 : 40 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - to : pinnamaneni krishnarao / hou / ect @ ect cc : dave roberts / hou / ees @ ees , osman sezgen / hou / ees @ ees subject : osman sezgen krishna , osman has informed me that he has been requested to provide research services to a larger number of clients in ees , leaving him less time to contribute to our work here at the eam desk . while i am happy for him and believe that the company will benefit from his services , i am concerned that he may not be available at a crucial time in the development of the eam option strategy . the eam desk is continuing to develop standard models for the bulk of our ecm projects . we have hired 4 people in the past month and all of them will be working by early september . osman provides an important link for our new staff to several core areas of our business . first , his experience with modeling and energy analysis are invaluable . second , as we move to treating our projects as options , and pricing them as such , osman will be needed to assist us in creating auditable methods to assess savings volatility . i am expecting two of the team members to start in san francisco in the near future . my request is for osman to be available to this team for one day a week for the next several months , preferably until christmas . thank you for your consideration of this matter . steve kromer",0 +"Subject: re : tanya ' s vacation shirley , i am going to take 5 vacation days in march , 3 / 13 / 00 - 3 / 17 / 00 . these are the days that i did not use in 1999 and vince approved that i take them this year . tanya .",0 +"Subject: congratulations on your promotion . lou ",0 +"Subject: re : f / u to dr . kaminski @ enron from iris mack hi , how are you ? seems like we have had a bit of difficulty contacting each other . sorry i missed your call . i am now in nyc - until december 2 nd . i will try to call you on tomorrow morning about 8 am houston time . take care , iris > from : vince . j . kaminski @ enron . com > to : irismmack @ hotmail . com > cc : vince . j . kaminski @ enron . com > subject : hello > date : tue , 21 nov 2000 15 : 14 : 31 - 0600 > > iris , > > we are trying to reach you but we are getting error messages . > please , call me 713 853 3848 . > > vince > > _ _ _ _ _ _ _ get more from the web . free msn explorer download : http : / / explorer . msn . com",0 +"Subject: technical writer position just a note to confirm that we will cease recruiting for the new technical writer position that was being considered . i will notify the candidates who have been interviewed , but please let me know if you would like us to do anything else . molly",0 +"Subject: re : fw : wharton resume submission - summer intern let ' s make sure she gets an offer . thanks . jeff vince j kaminski 01 / 23 / 2001 01 : 23 pm to : kristin gandy / na / enron @ enron cc : jeffrey a shankman / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : fw : wharton resume submission - summer intern kristin . kim is a member of the tiger team . she is interested in a summer internship with enron and i shall be glad to take her . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 23 / 2001 01 : 24 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" kim whitsel "" on 01 / 22 / 2001 12 : 07 : 35 am to : , cc : subject : fw : wharton resume submission - - - - - original message - - - - - from : kim whitsel [ mailto : kimberly . whitsel . wgo 2 @ wharton . upenn . edu ] sent : friday , december 22 , 2000 6 : 51 pm to : kristin . gandy @ enron . com subject : wharton resume submission summer position under wharton schedule # 1823 - kim whitsel - enron cover letter . doc - kim whitsel - wharton 2 resume . doc",0 +"Subject: reminder stinson , fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 05 / 2001 11 : 45 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" john d . martin "" on 02 / 02 / 2001 01 : 39 : 17 pm to : timopler @ yahoo . com , raj _ srivastava @ bus . emory . edu , vaysman @ mail . utexas . edu , vkamins @ enron . com , cpaoli @ sternstewart . com , bill _ petty @ baylor . edu , michael . froehls @ citicorp . com , corey . carbonara @ systems . tstc . edu , michael _ korpi @ baylor . edu , klifford _ kuehl @ baylor . edu , terry _ maness @ baylor . edu , dpalumbo @ sapient . com , dchew @ sternstewart . com , j _ martin @ baylor . edu cc : subject : reminder good afternoon , i just want to give you a reminder about the one - page questionnaire regarding arrival and departure times for the workshop . your responses will make planning a bit easier on this end . also , please get me your "" one - page "" background statement as soon as possible . i am attaching michael froehl ' s to give you some guidance ( thanks michael , i thought i was going to have to prepare mine first ) . let me also tell you that the television producer has requested 15 minutes of each of your time either the morning of the 23 rd before the luncheon or after the workshops to do individual interviews . they will then work these individual shots into the final edited program ( bring your best tv smiles ) . by the way , i have been assured by the producer that we have final say over whether particular comments are edited in or out of the final product so we can all relax , this is not live tv . i ' ll be out of town the end of next week but hope to have all my plans put together the following week so please respond to both the questionnaire and the request for a one - page background / positions / ideas write - up . thanks guys and i ' m looking forward to seeing you all very soon . john p . s . in case you ' ve misplaced it i have appended a copy of the questionnaire . - waco _ background _ mf . doc - questionnaire . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: final dates for houston visits dear all , shirley has kindly arranged the accommodation for these new dates - i ' d be grateful if we could stick to the dates that you confirmed to me below as it will be next to impossible to change these again . of course , it should be fine for you to arrive a day early to lose your jet lag and depart a day late so that you get a full week in the office . matthew williams mon 31 st july through friday 18 th august steve leppard mon 21 st aug through fri 15 th sep kirstee hewitt mon 18 th sep through friday 13 th oct ben parsons mon 16 th oct through friday 10 th nov let me know if you have any more logistical questions - i might even be able to suggest some nice restaurants ! for cars , i think that is best arranged from london when the flight is booked . by the way , you will all need a full uk drivers licence to hire the car and a passport with more than a six ( ? ) months to go before expiry . shirley - would it be best to use the usual 3 coupons on the guest car park ticket method for parking ? regards , anjam x 35383",0 +"Subject: cmu students i have given your email to richard bryant , who is the director of the comp . fin . program at cmu . no doubt he will be in touch . here ' s a link : i feel that i should mention something : from my experience at cmu , there are three types of students . those that work very very hard and are basically ethical ; those that cheat their way through school , and the sharks . it is very difficult to distinguish between the groups when interviewing . in my class of about 30 students , there were three sharks , about six or seven hard workers , and then there was everyone else . anyway , for what its worth ! - kevin k .",0 +"Subject: fw : mckinsey partner specializing in agriculture hi vasant , as per our lunch conversation on yesterday , i mentioned that a friend of mine is a partner at mckinsey and he specializes in agriculture . attached is an email from him regarding meeting you and others here at enron . how do you wish to proceed ? thanks , iris - - - - - original message - - - - - from : @ enron sent : wednesday , march 07 , 2001 2 : 17 am to : mack , iris subject : re : iris mack at enron hey iris , great to hear from you and welcome back stateside ! i would be delighted to meet with you and your colleagues . bernard margot tyler 03 / 06 / 2001 to : bernard 02 : 41 pm loyd / chi / northamerica / mckinsey cc : subject : re : iris mack at enron - - - - - forwarded by margot tyler / chi / northamerica / mckinsey on 03 / 06 / 2001 02 : 41 pm - - - - - to : margot _ tyler @ mckinsey . com 03 / 06 / 2001 cc : 02 : 27 pm subject : re : message for bernard hi again , i had lunch today with some of the guys in my group who work on agriculture - related deals and on weather derivatives . i mentioned to them about bernard ' s working at mckinsey and specializing in the agriculture area . we thought it might be worthwhile if we all had a chat and / or met to discuss possible collaborative efforts . will you please forward this email on to bernard to see if this might be of interest to him ? thanks , iris | this message may contain confidential and / or privileged | | information . if you are not the addressee or authorized to | | receive this for the addressee , you must not use , copy , | | disclose or take any action based on this message or any | | information herein . if you have received this message in | | error , please advise the sender immediately by reply e - mail | | and delete this message . thank you for your cooperation . | ",0 +"Subject: enside good morning ! here is the latest draft of your article for the enside newsletter . i have forwarded it to the design team and expect them to send me a layout copy sometime next week . we will be able to make any additional changes then . talk to you next week - have a great weekend ! best regards , kathie",0 +"Subject: projects list stinson , just want to give you a quick update about the current projects on my plate , so that you can update your blackbroad 1 ) wti trading simulation v . 2 , ready for you to review 2 ) storage valuation for paul bieinawski ( new ) 3 ) product production margin modeling for doug friedman ( new ) need to model explicitly the jump piece . some new ideas for discussion . 4 ) espeed warrant valuation for randy petersen ( new ) 5 ) correlation skew for larry may 6 ) credit exposure model , alex finished the coding , testing next have you had a chance to review brad ' s back testing results for the storage model ? zimin",0 +"Subject: charlie weldon - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 02 / 11 / 2000 03 : 29 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - charlene jackson @ enron 02 / 11 / 2000 03 : 13 pm to : celeste roberts / hou / ect @ ect , ginger b gamble / hou / ect @ ect , jana giovannini / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : subject : charlie weldon charlie weldon is a candidate who was a summer associate last year . i have made the one and only exception for him on the starting date . he works with mike roberts and they had prearranged for him to work on a special project during hurricane season . unfortunately , the project can ' t be delayed due to the timing of hurricane season . he will start in june to work on this project . it is not a project that a summer associate could work on so it is not taking a job from one of them . mike totally understands the rationale for the starting date , etc . and has promised in blood that charlie will start the orientation with his class and will not be pulled out to work on any projects during the 4 week orientation . he is also someone that they would take into their group after orientation . mike is drafting a letter that he will sign in blood indicating his promise re orientation . please keep an eye out for this individual when we send out the material regarding starting dates , etc . we need to also make sure charlie understands that he must attend the entire orientation . mike also promises to sing our praises about how great we are ( smile - this is my addition mike did not say that , but i am sure he will do it ) thanks",0 +"Subject: summer associate offers for full - time associate positions fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 09 / 21 / 2000 01 : 09 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - celeste roberts 09 / 20 / 2000 05 : 30 pm to : stephen r horn / hou / ect @ ect , tony mataya / hou / ees @ ees , kevin kuykendall / hou / ect @ ect , stan dowell / hou / ees @ ees , patrick hickey / enron communications @ enron communications , scott porter / hou / ees @ ees , stinson gibner / hou / ect @ ect , heather kroll / hou / ect @ ect , mark s palmer / enron communications @ enron communications , ermes melinchon / enron _ development @ enron _ development , rick sierra / enron _ development @ enron _ development , steve pearlman / enron communications @ enron communications , tammy l mulrooney / hou / ect @ ect , gustavo junqueira / hou / ect @ ect , catherine simoes / hou / ees @ ees , stephen thome / hou / ect @ ect , james w lewis / hou / ees @ ees , antonio jenkins lara / corp / enron @ enron , doug rotenberg / enron _ development @ enron _ development , samer takriti / enron communications @ enron communications , william keeney / hou / ect @ ect , david j botchlett / hou / ect @ ect , larry ciscon / enron communications @ enron communications , jeanette reese / hou / ees @ ees , lance mccarthy / epsc / hou / ect @ ect , rudi zipter / hou / ect @ ect , thomas suffield / na / enron @ enron , mark meier / corp / enron @ enron , bill w brown / hou / ect @ ect , stinson gibner / hou / ect @ ect , grant masson / hou / ect @ ect cc : subject : summer associate offers for full - time associate positions listed below are the summer associates who will receive offers to join us full - time . offers were made verbally on friday , september 15 and the offer letters were mailed out on tuesday , september 19 . the associate offers by school are as follows : rice andrew adams shruti gandhi - gupta kenneth jett jason sokolov darren sanders nyu lucia barrantes chicago terrell benke texas a & m mike seely ucla vladimir blinov * * irina liskovets - visa issues , working with london to resolve and see if placement there is possible michigan luis bravo sherman "" alex "" james ut cantekin dincerler steven luong vanderbilt charles donovan chung taek oh maxim phillippov georgetown andrea gonzalez cornell miriam kaggwa mit sloan josef lieskovsky yale braden mcelroy stanford guiseppe paleologo darden ning pan thunderbird steve west lsu datren williams houston sevil yaman",0 +"Subject: re : clustering for power tanya , as we discussed in the last meeting , to simulate secondary power curve we need correlated jump sizes . this is totally different from the current secondary price curve simulation which assume the perfect correlation and also totally different from the secondary gas basis curve simulation which is based on the hedging ratio . there are two more issues on my side i need to resolve : 1 . i want resolve the power basis curve issue . currently all power position on these basis curve are actually price positions . we are hard coding this : if power basis we add basis to corresponding region curve . i am trying to remove this hard coding by asking loading the price curve for all these basis locations . 2 . same is true for all those power f curves . these curves looks similar to those basis curves . currently we just directly map these f curves to the corresponding region curves . i would also prefer to load the price curves instead of the price differences . from research , i need those jump size correlations . clearly , all these involve many new development , unless we want to use simpler way to simulate secondary power curves . regards , winston - - - - - original message - - - - - from : tamarchenko , tanya sent : monday , april 16 , 2001 9 : 17 am to : lew , jaesoo cc : gorny , vladimir ; jia , winston ; kaminski , vince subject : re : clustering for power jaesoo , as we discussed last week on wednesday meeting can you , please , implement clustering for power curves by geographical region . this involves the following : 1 . deciding together with risk control how many geographical regions we want to use and which enron ' s curves belong to each region . 2 . deciding together with risk control how to choose core curves for each region . this decision can be maid based on the a ) position size ; b ) statistical analysis . there might be other considerations . 3 . doing regression analysis for each curve versus the corresponding core curve . winston , can is it possible to run var for the clustering results obtained by jaesoo with clustering done by sas ? should we wait for the stage re - fresh and what is the status on this ? tanya .",0 +"Subject: re : chapter dear vince , that ' s fine - i didn ' t know if yours had changed as grant ' s did - i have your earlier part and that has already been type set . best regards . chris . - - - - - original message - - - - - from : "" vince j kaminski "" to : "" chris strickland "" cc : "" vince j kaminski "" sent : tuesday , august 29 , 2000 5 : 18 am subject : re : chapter > > > chris , > > my part has not changed for some time ( since early july ) . > > i sent the last vintage of corrections to you when i was in sydney . > you can send the version you consider final to us just to double check . > > i took the liberty of sending our chapter to darrell duffie and he liked it . > what is more important he did not find any error . > > > i shell send you my comments on the article for robin in a day or so . > > vince > > > > > > > "" chris strickland "" on 08 / 28 / 2000 02 : 55 : 31 pm > > please respond to "" chris strickland "" > > to : , > cc : > subject : chapter > > > > hi vince , > > how are things with you ? well i hope . do you have the latest version of your > part of chapter 3 ? ( i think grant has sent thru a seperate , updated version to > you , which has been typeset ) . everything else has been tied up and we will go > with the version we have , unless we hear otherwise . > > many thanks and best regards . > > chris . > > > > > > > >",0 +"Subject: re : f / u to dr . kaminski @ enron from iris mack hi , hope you had a happy thanksgiving . so what do you think of the way we select our president ? regarding the passwords , they are as follows : password # 1 : roviris password # 2 : hannah i will try to call you shortly . kind regards , iris > from : vince . j . kaminski @ enron . com > to : irismmack @ hotmail . com > subject : re : f / u to dr . kaminski @ enron from iris mack > date : mon , 27 nov 2000 08 : 19 : 52 - 0600 > > > hi iris , > > thanks for your messages . please , call me on my cell phone ( 713 ) 410 5396 > or at my office ( 713 ) 853 3848 . > > by the way , the 2 nd file you sent is password protected . > > vince > > _ _ _ _ _ _ _ get more from the web . free msn explorer download : http : / / explorer . msn . com",0 +"Subject: re : fea announces the release of @ energy 2 . 0 vince and stinson , i have successfully downloaded the @ energy 2 . 0 . i am working with it to update the license before we can use the software . zimin vince j kaminski 01 / 31 / 2001 11 : 20 am to : zimin lu / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : fea announces the release of @ energy 2 . 0 zimin , please , take a look at it . i think we should download the update . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 31 / 2001 11 : 21 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" michelle mendoza "" on 01 / 26 / 2001 02 : 33 : 14 pm to : cc : subject : fea announces the release of @ energy 2 . 0 january 26 , 2001 vince kaminski enron north america corp . 1400 smith street 30 th floor , rm . 3036 b houston , tx 77251 - 1188 1 713 - 853 - 3848 dear vince kaminski , this is to inform you of the release of @ energy 2 . 0 . ftp download instructions are available immediately . the download instructions are included at the end of this email . your cd ' s and manuals will be shipped to you within 2 weeks . please see below for more information regarding this new release . please confirm that you are the correct recipient for this shipment and your address above is correct by clicking reply and send . if any changes need to be made , please make the changes above and reply . * * warning : please note that if you did not received a license key for @ energy after june 2000 , you will need to contact support @ fea . com or call 510 . 548 . 6200 to obtain a new license key to enable the new version . * * * * swing users : @ energy / swing now replaces the "" swing "" product . see the @ energy user manual for a discussion of the changes . contact fea for the necessary license keys . you will be able to run both the new and old swing simultaneously . heres an overview of the new and changed features since version 1 . 6 : @ energy ( forward curve ) jump parameters are now calibrated for use in other @ energy functions . inputs and outputs to powercalib and comcalib have changed . see the corresponding function syntax in the user guide for additional information . 35 - 40 % speed improvement . the module is now out of beta . @ energy ( basics ) different interpolation schemes on forward prices are now supported . if you use indexswap , exoticswap , or optindexswap with floating price linked to a series of futures dates , such futures dates need not be close to dates specified in the forward curve input . a new utility function , pathutil , allows you to simulate and visualize price paths consistent with the models supported by @ energy . 25 - 30 % speed improvement . @ energy ( advanced ) different interpolation schemes on forward prices are now supported . if you use optdiffswap or diffswap with floating price linked to a series of futures dates , such futures dates need not be close to dates specified in the forward curve input . calspreadopt now allows for the specification of two different mean reversion rates . 30 - 35 % speed improvement . @ energy ( swing ) swingopt and stripswingopt now allow for valuation of swing straddle contracts with overall load constraints . 65 - 70 % speed improvement . the module is now out of beta . @ energy ( weather ) 30 - 35 % speed improvement . if you have any questions please feel free to contact us . we appreciate this opportunity to be of continuing service to enron north america corp . . regards , michelle mendoza support @ fea . com + 1 - 510 - 548 - 6200 financial engineering associates , inc . ( fea ) * * * * * * * * * * * * * * * * * * * * * * * * * * * * * to download @ energy 2 . 0 via ftp , follow the following instructions : note : using explorer leads to unpredictable results , so we suggest using netscape or a dos shell . using netscape : in the location box type : ftp : / / energy @ ftp . fea . com password : 2 rbzxgv 5 energy - 2 . 0 - win 32 . exe is for windows 95 / 98 / 2000 / nt . download and run on a local drive . using a dos shell : at a dos prompt type : ftp ftp . fea . com user : energy password : 2 rbzxgv 5 type "" binary "" and hit ' return ' . type "" ls "" for a list of available files . type "" get "" energy - 2 . 0 - win 32 . exe and and wait for the ftp > prompt . type "" quit "" . the file will be downloaded into the directory at which you entered the ftp site . double click on the exe and follow the instructions on the screen .",0 +"Subject: re : lost cell telephone chris : vince found his cell phone - can we have it reinstated ? hope you had wonderful holidays ! thanks ! shirley crenshaw 3 - 5290 chris samaniego on 12 / 18 / 2000 03 : 06 : 09 pm to : "" ' shirley . crenshaw @ enron . com ' "" , enron cc : subject : re : lost cell telephone request completed . chris samaniego account associate houston cellular corporate accounts petrochemical vertical ( 713 ) 562 - 2995 cellular ( 713 ) 345 - 7183 enron direct ( 713 ) 646 - 2415 fax enron @ houstoncellular . com e - mail samaniec @ houstoncellular . com e - mail samaniec @ bellsouthips . com interactive pager > - - - - - original message - - - - - > from : shirley . crenshaw @ enron . com [ smtp : shirley . crenshaw @ enron . com ] > sent : monday , december 18 , 2000 2 : 19 pm > to : enron > subject : lost cell telephone > > hello : > > vince kaminski left his cell phone on the bus last friday . he has > contacted > the bus line , but the person in charge of the lost and found is not in the > office today . > > if there any way that we can put a hold on this telephone until he can see > whether it has been turned in or not ? > > the cell # is : 713 / 410 - 5396 and the account # is : 88563580 . > > please let me know as soon as possible . > > thanks ! > > shirley crenshaw > 3 - 5290 > ebl 961 > shirley . crenshaw @ enron . com > >",0 +"Subject: research get - together at sandeep kohli ' s new home hello everyone : here is your invitation and a map to sandeep ' s home . see you saturday !",0 +"Subject: approval is overdue : access request for grace . kim @ enron . com this request has been pending approval for 2 days and you are the alternate . please click approval to review and act upon this request . request id : 000000000006238 approver : stinson . gibner @ enron . com request create date : 10 / 31 / 00 5 : 03 : 29 pm requested for : grace . kim @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read ] resource type : directory",0 +"Subject: re : address confirmed - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : friday , june 02 , 2000 03 : 21 pm to : deangelo , david j . cc : vince . j . kaminski @ enron . com subject : address vincent kaminski managing director enron corp . 1400 smith street , room 1962 houston , tx 77251 - 1188 phone : ( 713 ) 853 3848 fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: new businesses in london : weather & insurance hi vince , talking to the staff in london , i heard that lynda clemmons and a few of the key weather desk members left to start their own business . i am hearing that london may gain more independence from houston and gain its own book and , interestingly , also having ideas about developing the insurance / insurance derivatives market . i therefore thought this might be a useful opportunity to formalise a gradual transfer of responsibility for weather deal pricing from joe to myself plus start talking to vasant about the new markets on the insurance side . i will call you later to discuss this with you . regards , anjam x 35383",0 +"Subject: re : london research prc dale , thanks for the update . i fully concur with all the rankings . it seems things are going well with the research group in london and this is , to a very large extent , your contribution . i think that anjam has improved a lot . i don ' t think , however , that he can run the group in the future . steve emerged as a natural leader and has overwhelming support in the organization . vince dale surbey 06 / 15 / 2000 02 : 28 am to : vince j kaminski / hou / ect @ ect cc : subject : london research prc vince , we had the prc preranking for rac and research in london yesterday . here ' s how everyone came out : steven - superior : no controversy here . steve received consistently strong feedback ( ranked as either superior or excellent in all categories ) . the only rough spot was teamwork , arising from the friction between anjam and himself . anjam - excellent : anjam received rankings of superiors or excellents in all categories . several reviewers commented that anjam ' s performance in the areas of producing results in a timely manner and communication have improved . i felt the overall ranking of excellent was justified based on this feedback , even though in terms of leadership i don ' t rate him high enough to run the group here . stinsen provided the most insightful comment on anjam ' s performance : "" technically superior but lets his quest for a leadership position detract from his overall performance "" . on a related topic , anjam has been taking random days off , typically on short notice , so i suspect he ' s interviewing for a new job . given his inability to work with steven ( especially in the future when stephen heads the group ) , this may be the best long - term solution . any thoughts ? ben - superior : another non - controversial ranking . ben received consistently high marks from all the groups he supports , especially in the area of non - technical skills . i nominated ben for promotion to senior specialist . even though he was promoted at year end , he ' s taken on a lot of responsibility training kirstee and helping manage the other quant resources in brian ' s group . also , since kirstee was hired in at the same level as ben , a mid - year promotion is appropriate since he ' s effectively her supervisor . kirstee - strong : only limited feedback in the 2 months she ' s been here . high marks for technical / quantitative , strong in the "" soft "" skills . i think the strong rating is the right message for early in the game - gives her a target for improvement for the rest of the year . - dale",0 +"Subject: re : prof . carmona vince , my apologies for the late response - and thank you for your input . yannis - - - - - original message - - - - - from : kaminski , vince sent : tuesday , march 06 , 2001 3 : 15 pm to : yannis tzamouranis / hou / ect @ enron cc : kaminski , vince ; mark tawney / hou / ect @ enron ; shanbhogue , vasant subject : prof . carmona yannis , i have looked at the outline of the proposed course and find that practically all the topics of the program are the staple of what we do every day . i don ' t think research should spend money for this class . if we want to establish a relationship , we can easily do it by asking him to work on a research project . vince",0 +"Subject: re : chicago partners david , i sent a message with information to several different units but no response so far . i think people need a specific need to focus and i shall keep the chicago partners in mind when a relevant project arrives . i shall resend the message with attachments on cp in a few weeks as a reminder . vince vince david _ barr @ enron . net on 03 / 01 / 2000 10 : 15 : 57 am to : vkamins @ enron . com cc : subject : chicago partners vince , hope this finds you well . i am sure you are more than busy but i wanted to see where we stand with feedback regarding me coordinating a potential presentation by chris culp at cp risk management . regards , david",0 +"Subject: exotica ( yet again ) hi guys i need some advice . sharad is in the process of finding differences between your and our versions of exotica . at some point we will need to migrate london office over to your more up - to - date version , and i ' m concerned that there may be rac - style implications . i ' m in favour of using the it testers to carry out formal regression testing , and they are apparently able to do this . do we need to get our heads together to "" form a view "" before we involve rac or the business groups ? anjam tells sharad that london exotica was built using excel 95 , and that neither he nor zimin knows how to build / compile the xla using later versions of excel . is this true ? if so , then we need to migrate to xlls sooner rather than later because of the maintenance implications . steve",0 +"Subject: re : willow and pathstar evaluations please respond to mike curran ok - thanks . - - - - - original message - - - - - from : to : "" mike curran "" cc : ; sent : monday , april 30 , 2001 11 : 34 pm subject : re : willow and pathstar evaluations > > mike , > > we are short manpower in london . we shall try to > evaluate the software in houston . > > vince > > > > > > "" mike curran "" on 04 / 24 / 2001 10 : 03 : 24 am > > please respond to "" mike curran "" > > to : > cc : > subject : willow and pathstar evaluations > > > > hi vince - > > hope all is well with you . > > sharad hasn ' t had time to evaluate our willow tree or monte carlo software > since the middle of last year . is there somebody else that could do it ? > > please let me know who i should send the evaluation to . > > best regards , > > michael curran > ceo > quantin ' leap limited > piercy house > 7 copthall avenue > london ec 2 r 7 nj > > tel : + 44 ( 0 ) 20 7562 3450 > fax : + 44 ( 0 ) 20 7562 3411 > > mailto : mcurran @ quantinleap . com > > http : / / www . quantinleap . com > > > > > > > > > > >",0 +"Subject: livelink access moyez , i could not access the system . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 06 / 2001 08 : 26 am - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner 03 / 05 / 2001 03 : 37 pm to : kenneth parkhill / na / enron @ enron , jaesoo lew / na / enron @ enron , tom halliburton / corp / enron @ enron , kevin kindall / corp / enron @ enron , bob lee / na / enron @ enron , alex huang / corp / enron @ enron , tanya tamarchenko / hou / ect @ ect , joseph hrgovcic / enron @ enronxgate , gwyn koepke / na / enron @ enron , rakesh bharati / na / enron @ enron , martin lin / hou / ect @ ect , rabi de / na / enron @ enron , chonawee supatgiat / corp / enron @ enron , seksan kiatsupaibul / hou / ees @ ees , wichai narongwanich / hou / ees @ ees , sevil yaman / corp / enron @ enron , tom barkley / na / enron @ enron , pinnamaneni krishnarao / hou / ect @ ect , osman sezgen / hou / ees @ ees , praveen mellacheruvu / hou / ees @ ees , sandeep kohli @ enron , vince j kaminski / hou / ect @ ect cc : subject : livelink access you have been added to the livelink test instance for research . see below for the link . - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 03 / 05 / 2001 03 : 32 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron technology from : moyez lallani @ enron 01 / 16 / 2001 10 : 46 am to : stinson gibner / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect cc : subject : livelink access gentlemen , i have created a folder called research projects folder in the livelink test instance . the url to the test instance is to log in , use your nt login id as your userid and password ( all lowercase ) . you will find the folder on the enterprise workspace . please call me should you require further assistance . moyez lallani x 5 - 3683",0 +"Subject: re : new color printer goodmorning lyn , please inform me on the status of the color printer for the 19 th floor . we need this printer a . s . a . p . this printer should be placed where the black and white printer is located on the same counter . co . 0011 r . c . 100038 let me know ! merry christmas kevin moore - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 12 / 22 / 99 06 : 23 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 12 / 14 / 99 09 : 21 am to : lyn malina / hou / ect @ ect cc : subject : re : new color printer - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 12 / 14 / 99 09 : 17 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 12 / 14 / 99 08 : 13 am to : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : subject : re : new color printer yes ! right away , please also let me know the e . t . a . thanks , lyn kevin moore",0 +"Subject: re : presentation to faculty and students at berkeley charlene , i coordinate my schedule with ashley baxter from your organization , who is responsible for recruiting at berkeley . i have talked to her about this presentation a few times . as you can see , she is on the distribution list . the presentation is scheduled for the 23 rd of october . we have tried to combine the presentation with another recruiting trip , but we have to many conflicting schedules . vince charlene jackson @ enron 09 / 18 / 2000 02 : 34 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : presentation to faculty and students at berkeley vince when is your presentation scheduled ? i can get someone from my group but since the recruiters are all on the road i would need a date so that they or i could coordinate with you . thanks vince j kaminski @ ect 09 / 18 / 2000 01 : 26 pm to : steven j kean / na / enron @ enron cc : charlene jackson / corp / enron @ enron , celeste roberts / hou / ect @ ect , vince j kaminski / hou / ect @ ect , ashley baxter / corp / enron @ enron subject : presentation to faculty and students at berkeley steve , i am a lead recruiter at the university of california at berkeley for enron analyst / associate program . i contacted several friends who work at berkeley and received an invitation from one of them to make a presentation at the weekly faculty seminar of the dept . of industrial engineering and operations research . the students and faculty members from the business school will be also invited . berkeley in general , and department of industrial engineering and operations research in particular , are important centers of academic research on electricity markets ( s . oren works very closely with severin borenstein ) . my presentation will focus on the analyst / associate program . i shall also have an opportunity to discuss the power markets in california ( i expect many questions ) before many experts who are very important to shaping public opinion and regulatory agenda . please , let me know who in you group could help me in preparing this presentation and in presenting enron ' s point of view in a more effective way . vince fyi . the name of my friend who invited me : shmuel s . oren , professor dept . of industrial engineering and operations research 4117 etcheverry hall university of california berkeley , ca 94720 - 1777",0 +"Subject: re : resume vasant , i agree . vince from : vasant shanbhogue / enron @ enronxgate on 05 / 01 / 2001 10 : 00 am to : vince j kaminski / hou / ect @ ect cc : subject : re : resume vince , he seems to have mostly equity and fixed income background ( and then some credit exposure calculation ) with not much credit data analysis experience . i do not think he would be appropriate for bryan ' s group - - he needs a person who tracks market developments and understands fundamental data , and although this guy may be good at modeling , we already have iris and amitava doing the modeling and looking at data . at this stage , i would prefer to hire somebody with direct experience in credit analysis ( banking , rating agency ) . i am worried that if we get another person without data analysis experience , then amitava will find himself with two people ( iris being the other one ) who are both inexperienced in this area , and he will find himself doing a lot of the work anyway . if you want to pursue him , we should probably do a phone interview first . vasant - - - - - original message - - - - - from : kaminski , vince sent : monday , april 30 , 2001 5 : 33 pm to : shanbhogue , vasant subject : re : resume vasant , what do you think ? he may be expensive . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 30 / 2001 05 : 31 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - marshall brown on 04 / 25 / 2001 01 : 13 : 44 pm to : vince . j . kaminski @ enron . com cc : subject : re : resume vince , i apologize , i sent you the wrong resume ! here is the correct one . > marshall brown vice president robert walters associates phone # : 212 - 704 - 0596 fax # : 212 - 704 - 4312 marshall . brown @ robertwalters . com www . robertwalters . com > - - - - - original message - - - - - > from : vince . j . kaminski @ enron . com [ smtp : vince . j . kaminski @ enron . com ] > sent : wednesday , april 25 , 2001 1 : 08 pm > to : marshall . brown @ robertwalters . com > subject : re : resume > > > marshall , > > he looks ok but below the level of quant skills i typically look for > > vince > > > > > > marshall brown on 04 / 23 / 2001 09 : 33 : 00 > am > > to : vince kaminski > cc : > subject : resume > > > vince , > i know this candidate is actively interviewing at el paso and i think > reliant . he has excellent quantitative background , but no real energy > experience . if you are interested in speaking with him let me know . > regards , > marshall brown > vice president > robert walters associates > phone # : 212 - 704 - 0596 > fax # : 212 - 704 - 4312 > marshall . brown @ robertwalters . com > www . robertwalters . com > > > > > > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > caution : electronic mail sent through the internet is not secure and could > be intercepted by a third party . > > this email and any files transmitted with it are confidential and > intended solely for the use of the individual or entity to whom they > are addressed . if you have received this email in error please notify > the system manager . > > this footnote also confirms that this email message has been swept by > mimesweeper for the presence of computer viruses . > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > > ( see attached file : litt _ har . doc ) > > > - litt _ tho . doc >",0 +"Subject: re : qian ( frank ) feng interview with the research group shirley : we ' ve also been in touch with frank . he wasn ' t going to receive his class schedule until yesterday , so we will follow up today and find a mutually convenient date . molly shirley crenshaw 01 / 16 / 2001 09 : 51 am to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , kevin kindall / corp / enron @ enron , bob lee / na / enron @ enron subject : re : qian ( frank ) feng interview with the research group hi molly : i guess it is time to try and schedule frank ' s interview . we would like to bring him in sometime around the first of february ( when krishna returns ) . please contact him and see what a good time for him would be . attached is his resume and interview request form . - enron _ resume . doc - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 01 / 16 / 2001 09 : 42 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : molly magee 12 / 20 / 2000 05 : 35 pm to : shirley crenshaw / hou / ect @ ect cc : subject : re : qian ( frank ) feng interview with the research group you , too , shirley . we ' ll be back in touch . molly shirley crenshaw 12 / 20 / 2000 02 : 07 pm to : cheryl arguijo / enron _ development @ enron _ development , molly magee / hou / ect @ ect cc : subject : qian ( frank ) feng interview with the research group hello molly and cheryl : attached is frank ' s resume . we still have quite a bit of time as we want to schedule this for after krishna returns on the 25 th of january . this position would be for the research group directly , and would include all of vince ' s direct reports . thanks and merry christmas and happy new year ! !",0 +"Subject: re : yana kristal ' s rotation hi vince , i already spoke with maureen and we discussed timing . yana will stay until a replacement is found and trained . as for the permanent transfer , that is not a problem . thanks for getting back with me . avr vince j kaminski 12 / 05 / 2000 03 : 26 pm to : andrea v reed / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : yana kristal ' s rotation andrea , it ' s fine with me . few points : 1 . as a courtesy to maureen raymond , please , discuss the timing with her . 2 . yana is not a member of the analyst / associate pool . this is not a rotation . she was hired directly and this means that we transfer her permanently to your unit . vince andrea v reed 12 / 05 / 2000 01 : 14 pm to : vince j kaminski / hou / ect @ ect , maureen raymond / hou / ect @ ect cc : yana kristal / corp / enron @ enron subject : yana kristal ' s rotation i spoke to yana today and understand that you are supportive of yana rotating through our group , eim fundamental analysis . we are very pleased that yana will be joining us . her skill set will be particularly helpful as we build the steel business . i was hoping that yana could begin working with us mid december . does a start date in eim of dec . 18 work for you ? please let me know . once again , thank you for your support . andrea",0 +"Subject: enrondirectfinance . com usernames and passwords the enrondirectfinance website was launched this morning . for access , please use the following : url = www . enrondirectfinance . com username = enroninternal password = astros real player v 7 . 0 and adobe acrobat v 4 . 0 are required to view deal information . free downloads these programs are available on the enrondirectfinace website . if you have any technical difficulties , please contact the enrondirectfinance technical help desk at 3 - 9438 . please direct comments regarding the website to any of the following individuals : harry arora 3 - 6750 jeff bartlett 3 - 5629 suresh raghavan 3 - 4217",0 +"Subject: prc review stinson , i am going to do the prc review for bob and paulo . if your time permits , please join me for these two meetings . bob : 9 : 00 am paulo : 10 : 00 am i attended the prc training , they suggested letting employees read their review before the meeting . so i did that . here are the two files attached . zimin",0 +"Subject: re : windows 2000 - alcar brenda , what test are we supposed to carry out ? is monday next week ok ? vince from : brenda cassel @ enron on 07 / 05 / 2000 10 : 28 am to : dan feather / sa / enron @ enron , vince j kaminski / hou / ect @ ect , hector campos / hou / ect @ ect cc : subject : windows 2000 - alcar hello , i am on the qa team for the win 2 k roll - out . we need your help in testing "" alcar "" in a windows 2000 environment . this testing is crucial to the success of converting all pc ' s from nt 4 to windows 2000 . we ask that you make an appointment to come to our offices ( eb 2224 b ) to preform the test . it should not take more than 15 minutes . please e - mail me as soon as possible . thanks , brenda cassel qa - w 2 k x 36226",0 +"Subject: fx curve for rupee harry : i am krishna , just visiting our bombay office . can you send the rupee / us $ forward curve ( upto atleast 2005 ) to this address asap ? we are working on a deal for which we need this urgently . i will be back in houston next week and can talk to you in more detail then . if you need to call here the # is 91 - 022 - 8239856 ( ask for rajesh sivaraman ) . thanks , krishna .",0 +"Subject: iif / oxan - info sources vince , we would like to continue to receive the iif service for a cost to the research group of $ 15 , 000 per annum . can i ask you to approve this charge ? please let me know if you ' d like to discuss . we decided to cancel the oxford analytica service ( daily country briefs and access to the website ) as we are getting consensus forecasts for fx and inflation from another source , so we will not be subject to the $ 10 , 000 fee referenced below . thanks , gwyn - - - - - - - - - - - - - - - - - - - - - - forwarded by gwyn koepke / na / enron on 02 / 13 / 2001 01 : 55 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - robert johnston @ ect 02 / 13 / 2001 09 : 46 am to : maureen raymond / hou / ect @ ect , gwyn koepke / na / enron @ enron cc : scott tholan / corp / enron @ enron subject : iif / oxan hi maureen and gwyn - on the oxford analytica front , i ' m glad you have found the service useful . our contract with them has expired and we are currently negotiating for more users to have access . our current contract is for $ 50 k or $ 10 k per user per year . we can charge $ 10 k back to you . on the iif front , the invoice for $ 47 k is due at the end of the month . here i would propose that we pay two thirds ( to cover our costs and the costs of our competitive analysis colleagues in london ) , leaving $ 15 k for you to cover . since we took on these services last year , we have expanded our range of sources and projects and are consequently trying to do more with less . thus i need to allocate some of our costs from oxan and iif to other projects . let me know what you think about this proposal . maureen , congratulations on your secondment to enron metals ( gwyn mentioned it to me ) . fyi , our colleague jim roth is providing competitive analysis support to joe gold and john sherriff on that project from london . rj",0 +"Subject: re : rafal , dziekuje za odpowiedz . bede bardzo wdzieczny za ksiazke : wincenty kaminski 10 snowbird the woodlands , tx 77381 phone : ( 281 ) 367 5377 cell : ( 713 ) 898 9960 wicek rafal weron c - 11 on 01 / 29 / 2001 08 : 11 : 48 am to : vkamins @ enron . com cc : aleksander weron c - 11 subject : dear vince , bardzo dziekuje za podeslana literature , szczegolnie drugie wydanie ksiazki . bylismy w londynie w czerwcu zeszlego roku , ale w ksiegarni znalezlismy tylko piersze wydanie . obaj z alkiem ( ojcem ) wspolpracujemy z energetyka ( glownie polska ) od kilku lat . w zeszlym roku wydalismy ksiazke "" gielda energii : strategie zarzadzania ryzykiem "" , a obecnie pracujemy nad jej angielskim wydaniem . na jaki adres ci ja przyslac ? serdeczne pozdrowienia , rafal",0 +"Subject: evaluation form mike , please , sign and return to me . vince",0 +"Subject: re : visit ? frank , we shall be glad to meet you in houston . i am sure that we can find many interesting topics to discuss we can pay for your trip to houston . i shall call you next week to discuss the details . vince "" francis x . diebold "" on 04 / 11 / 2000 04 : 15 : 40 pm to : vince kaminski cc : subject : visit ? dear vince , i very much enjoyed speaking with you at lunch , if only briefly , at the  see http : / / www . stern . nyu . edu / ~ fdiebold . the upshot : it seems to me that we would both benefit from a more extensive conversation . i would be happy to visit you in houston to learn more about your operations , and to tell you more about mine . please do let me know if you are interested . best regards , frank diebold - - francis x . diebold armellino professor of finance stern school of business new york university 44 west 4 th street , k - mec , suite 9 - 190 new york , ny 10012 - 1126 fdiebold @ stern . nyu . edu http : / / www . stern . nyu . edu / ~ fdiebold ( 212 ) 998 - 0799 office telephone ( 610 ) 585 - 4057 voicemail ( 212 ) 998 - 0351 fax",0 +"Subject: re : henwood query hi karolina , yes , it might be more productive to talk on the phone . given our time difference , why don ' t we plan on tomorrow ( friday ) 8 : 00 am pdt , 4 : 00 pm bdt ? my number in the states is 503 - 464 - 8430 . give me your number , too , so that i can call back if i get hung up in a meeting or something . the situation is complicated by the fact that the marginal cost is set by the capacity increment of a plant that is on the margin in a particular hour , but in constructing the stack , increments of a plant may be scattered throughout the stack , based on their respective incremental heat rates . ( this is why increment heat rates must be strictly increasing in this model . ) results for the capacity increments , however , are not available as output ; only each plant ' s aggregate values are reported . i had to construct the stack for a particular hour to answer question about a homer city , ny plant we were studying a few years ago . attached is the sql query you can import into ms access to do the same thing for you ( making appropriate modifications to the year , hour , etc . ) unfortunately , no henwood documentation on the output variables existed when i created this query , so i can not really tell you what they represent anymore . an acquaintance of mine at entergy and i were lobbying to get henwood to provide some documentation , so it may be available now . let ' s talk and maybe we can help you out , michael > > > karolina potter / lon / ect @ enron 08 / 24 / 00 07 : 08 am > > > michael , i am an analyst in paul mead ' s continental power trading group in london . i am currently working on the project , which requires the use of emss , and experience some difficulties interpreting the output results . steven leppard from our research group gave me your name as an expert in this system and consequently the person to contact in case of problems . i have been running simulations for the dutch market and was asked to provide the traders with some front - end screen graphs in order to interpret the numerical results . one of the graphs is to show an hourly generation stack and system ' s marginal cost , as we only run cost based scenarios . to sort each station ' s hourly generation i need its marginal cost . to my knowledge though , marginal cost is only generated for a systems marginal unit ( transarea marginal units query , marg _ cost unit ) . therefore i was sorting the stations according to the cost which i calculated based on the outputs from station detail by hour query . the calculation was as follows : for each hour , for each generating station : "" marginal cost "" [ o / mwh ] = ( generation _ cost [ oo 00 ] * 1000 ) / generation [ mwh ] - vom _ cost [ o / mwh ] this i thought would include fuel cost and start up costs . however , a marginal station which i get on the stack as a result of the above calculation is not a station given in marginal station field in transarea marginal units query . i have also looked into transarea _ data _ hr table and transarea _ data table but non of the costs there match my results . do you happen to know what formula is used to determine marg _ cost and which outputs i should be using to obtain the right results ? it might be easier if we could discuss this issue on the phone . in this case could you please send me your direct telephone number . i am struggling understanding what is going on and would appreciate your help very much . regards karolina",0 +"Subject: class request : xl 97 - 564 excel 97 , introduction , william smith your approval is required for william smith to attend the following class . to grant approval , send a reply to "" lpharr @ enron . com "" ( notesmail : lerea pharr / hou / ect @ ect ) . be sure to include employee ' s name and class number in reply . excel 97 , introduction session dates & times : 3 / 23 / 2000 8 : 30 : 00 am - 3 : 00 : 00 pm location : eb 568 no show / participant fee : $ 150 . 00 if you have any questions , please call the technology training coordinator at 713 - 853 - 1816 .",0 +"Subject: dispatch within maharashtra jim , please find attached some slides that show the results of the henwood run giving dispatch for the dabhol plant within maharashtra . i have also sent the presentation we made to you to wade . he is to get back on when would be an appropriate time for him to go over the presentation with me . vince , stinson and i have placed ourselves on rebecca ' s calender for friday , and we will make the complete pitch to her . it would be great if you too could be present at the meeting . if it is possible , please do let me know . on the attached slides , please note that : the slides all assume that there is a 1 part power tariff , mseb liability for the entire capacity payment is not considered . the henwood model was with no power flowing out of maharashtra when variable o & m costs , fixed o though in some months ( jan ) it goes as high as $ 69 mm . hence , overall , mseb can pay for the dispatches as shown in the henwood run provided , they are not paying for the capacity payment for the whole 2184 mw plant . in conclusion , therefore , mseb has the need for between 1200 to 410 mw on a seasonal basis . this means that the power remaining to be sold to other states is the difference between that and 2184 mw . however , since the demand within maharashtra varies seasonally , it may mean that we need to market seasonal products to other states , not long term blocks . these are our conclusions . we may continue to work some more on the fuel and hedging side . if you have any more questions for me , please let me know , else for now there will not be any new henwood runs . regards , sandeep .",0 +"Subject: missing prc information vince , the following information is missing from your employee profile which will be used at the md prc meeting on 8 / 15 / 00 : current responsibilities previous experience at enron please go into your gis file and update by end of business day monday , july 31 st . if you have any questions or problems getting into your file , please call kathy schultea at ext 33841 . thank you .",0 +"Subject: adaptive trade vince , zimin , i participated in a telephone conference on this company this morning . there was a possibility enron would invest in it . their product appears to be a gui interface over the top of ilog solver ( and possibly ilog cplex ) which allows problems to be expressed in high level terms . i do not see any immediate application at enron , but i am interested in the concepts used so expressed an interest in a demo . maybe it would be useful for general modelling projects here . they do not even have a user manual for their software , so it will be difficult to figure out what it does unless a demo is arranged . the possibility for growth in the company seems small as the ilog software is a modest size market and their product is aimed at only a small part of that market . i think the scheduling tools in sap , i 2 , etc are more likely to succeed than this one as they are already integrated into an information system . because of the small market for this software , the many competitors , the absence of any clear use for it at enron and the early stage of development , there is very little prospect of us funding this company . tom",0 +"Subject: re : java training stinson - looks like we ' re in , to split the costs of the class with you . george will contact you soon . clayton - - - - - - - - - - - - - - - - - - - - - - forwarded by clayton vernon / corp / enron on 01 / 29 / 2001 08 : 38 am - - - - - - - - - - - - - - - - - - - - - - - - - - - lloyd will @ ect 01 / 29 / 2001 08 : 38 am to : george hopley / hou / ect @ ect , clayton vernon / corp / enron @ enron cc : subject : re : java training sounds good . george please coordinate our attendance . thanks . george hopley 01 / 27 / 2001 01 : 29 pm to : lloyd will / hou / ect @ ect cc : subject : java training let ' s offer this to the analysts / specialists . george - - - - - - - - - - - - - - - - - - - - - - forwarded by george hopley / hou / ect on 01 / 27 / 2001 01 : 29 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - clayton vernon @ enron 01 / 27 / 2001 09 : 06 am to : george hopley / hou / ect @ ect cc : subject : java training george - here ' s the story . research forwarded to their personnel a solicitation they received for java training by an outside person , weeklong classes for true beginners and for those with decent programming experience in other languages ( esp c + + ) . vince had pre - agreed tlo pay for it for anyone who wanted it . but , the response they got was so "" overwhelming "" they reconsidered , for financial reasons , and decided it would be better to just hire a professor to teach a class for a week here . the costs would be around $ 15 , 000 , and there should be room for around 15 people in the class . they have 6 - 8 people , and wonder if we might have some people who would want to do it ( a no - brainer - java is a big - time resume pad these days ) and would be willing to share the costs with them . what is your opinion on this ? personally , i think it ' s a relatively inexpensive investment in our people , although , selfishly , it does increase their ' market value ' so to speak . ( of course , nothing keeps directors from going to the class as well : ) ) clayton",0 +"Subject: elements of power ( 4 ) dear colleagues : we are writing to remind you of an opportunity for in - depth education on electric power restructuring in texas through a training workshop offered by the university of houston . with the passage of senate bill 7 , texas is moving forward with electric power restructuring . what will the new marketplace look like ? how will it function ? how will existing business opportunities be affected , and what new ones are likely to emerge ? join us for a comprehensive two - day training workshop march 1 - 2 , 2000 that addresses these issues and accommodates both new and experienced professionals . hosted by the energy institute at the university of houston ' s college of business administration , the training workshop features an introductory day that will refresh participants on the basics of the electric power market and key aspects of the restructuring process in texas and the u . s . the second day targets advanced issues in the emerging marketplace and case studies for practicioners . the training workshop will be held at the center for executive development at the uh - cba . instructors are ms . dottie anderson and mr . jim stanton , each with extensive experience in the power industry and ercot implementation , and dr . michelle michot foss , director of the energy institute ( see biographies , following workshop details ) . to register , return the form below with your information . payment , or an indication of payment , must be received by monday , february 28 . for more information , contact energyinstitute @ uh . edu or telephone 713 - 743 - 4634 . this workshop is appropriate for new and / or advanced professionals in operations , trading , marketing , planning , public and regulatory affairs and in related fields such as law and accounting . new era in electric power value creation energy institute university of houston - - college of business administration center for executive development facilities melcher hall - - main campus registration ( return by february 28 , 2000 with payment or indication of payment ) workshop pricing : full course , march 1 and 2 - - $ 950 per person ( government agencies and nonprofits , $ 475 per person ) ; for groups of 3 or more from a single organization , $ 900 per person ( $ 425 for government agencies and nonprofits ) advanced audiences , march 2 only - - $ 700 ( government agencies and nonprofits , $ 350 ) ; for groups of 3 or more from a single organization , $ 650 per person ( $ 375 for government agencies and nonprofits ) fee includes all workshop materials , meals , refreshments and parking at uh - cba . sorry , we do not accept credit card payment . lodging for out - of - town participants is available at the university of houston hilton hotel at your own cost . you may contact the hilton at 713 - 741 - 2447 for reservation information . name ( s ) and title ( s ) : organization : address : telephone / fax / e - mail for contact : total payment and form of payment : ceu credit desired ( yes / no ) : training workshop details march 1 , 2000 - - principles 8 : 30 - 9 : 30 introduction and workshop overview 9 : 30 - 10 : 30 regulatory framework : national electricity reliability council ( nerc ) , federal energy regulatory commission ( ferc ) , and electric reliability council of texas ( ercot ) 10 : 30 - 10 : 45 break 10 : 45 - 12 : 00 operational , marketing and trading basics 12 : 00 - 1 : 00 lunch 1 : 00 - 1 : 30 texas senate bill 7 overview 1 : 30 - 2 : 00 public utility commission ( puc ) - texas basic rule making 2 : 00 - 3 : 00 ercot independent system operator ( iso ) functions and governance 3 : 00 - 3 : 15 break 3 : 15 - 5 : 00 ercot issues by committee * restructuring policy development * ancillary services * single control area * settlement / registration * congestion management * standard interconnection agreement 5 : 00 - 6 : 30 social march 2 - - advanced application 8 : 30 - 12 : 00 regional transmission organizations ( rtos ) and the ferc notice of proposed rulemaking ( nopr ) future of isos status of the nopr , public comments made isos under development : ercot , midwest , desert star 12 : 00 - 1 : 00 lunch 1 : 00 - case studies * changing electricity providers : town hall issues bringing together the elements of regulatory activity , market power and restructuring to the retail level , this exercise allows the participants to make active decisions as our experimental "" town "" weighs the option of separating from its traditional electricity provider and treading the waters of competition . our group will assume roles centered around "" regulators , "" "" power marketers , "" the present "" investor owned utility "" and the "" town "" itself . a town meeting will be convened in which each entity is allowed to present their issues in an effort to persuade municipal decision - makers that theirs is the best option . embedded in the exercise is the regulatory and operational framework that is built into the modules leading up to this participatory segment . frequent references to the basic materials provided to the workshop participants will be encouraged in the process of moderating discussions that the workshop facilitators will implement . * congestion management congestion management is one of the most critical components of ercot implementation . a number of approaches exist for pricing electricity during periods of high demand . each methodology bears important consequences for both providors and customers . workshop participants will participate in construction of a virtual transmission grid and experiment with different methods of managing congestion . 4 : 00 re - cap , q & a instructors ms . dottie anderson ms . anderson has over 19 years experience in the energy industry with extensive experience in federal and state regulatory policy analysis and advocacy on behalf of natural gas and electric companies . she is currently president and managing principal of consulting firm specializing in policy development and strategic analysis and planning for the electric and natural gas industries . ms . anderson served as member of steering committee responsible for coordinating the stakeholder process in the pjm restructuring meetings and also actively participated in developing the governance structure for pjm . she was a member of stakeholder group that designed wholesale market rules for texas in 1996 and currently serves as one of the power marketer segment representatives on the ercot technical advisory committee and chair of the congestion management working group developing a congestion management mechanism for use when texas begins its retail access pilot in june 2001 . she has participated in ercot technical advisory committees ad hoc committees on transmission adequacy and possible impacts of future electric market changes on the independent system operator and now involved in the broad - based stakeholder processes to restructure markets in texas in response to legislation passed in may 1999 . she also is chair of nerc market interface committee a standing committee addressing commercial business practices and standards in the electric industry and their interface with reliability . in collaboration with ercot iso staff , ms . anderson developed training seminar for conducting business in ercot under the puct ' s open access transmission rules and participated as a course instructor on the transition from nerc to naero . she also participated as a course instructor in the annual ercot iso operator training program . she participated as a member of government interface issues task force , a group participating in nerc restructuring process by addressing issues related to federal legislation and participation by canada in a north american self - regulation reliability organization . ms anderson is a certificated search conference manager by new mexico state university for completion of training in designing and managing search conferences and participative design workshops conducted by dr . merrelyn emery , australian national university . mr . jim stanton mr . stanton has 15 years in the electric power industry , divided between state agencies , investor owned utilities and power marketing . his background in generation , transmission and systems operations has proven valuable in the constantly changing world of power . combining a bs in management with a working knowledge of the commercial electric power business gives mr . stanton a unique view of the operational challenges of the industry , and most especially , the people who make it work on a daily basis . mr . stanton is a certified system operator in the southwest power pool and with the north american reliability council . he is currently involved with policy development in both ercot and the midwest independent system operator . dr . michelle michot foss dr . michot foss has been an analyst of u . s . and foreign energy and non - fuel resource development and environmental issues for nearly 21 years . she has a particular focus on policy and regulatory frameworks for energy commercialization and energy business enterprise strategy and firm / industry structure . dr . michot foss has been involved extensively in research and consulting on north american natural gas and electric power restructuring and convergence and development of continental cross - border trade and related issues . she is participating in ercot technical advisory committee workshops and committee processes for sb 7 implementation . dr . michot foss speaks and writes frequently on energy issues and energy sector restructuring in north and south america , western europe , japan and other world regions . about the energy institute the institute is engaged in business and public policy issues associated with commercial energy development worldwide . major portfolio areas for the institute are worldwide gas and power market development ( with emphasis on north america , the northern andes , western europe , the black sea / caucasus / caspian region and east asia ) , best practices in energy sector reform , special topics in energy technology and markets and energy commodity trading and marketing and the energy business enterprise of the future . in addition , the institute provides research and training initiatives in the u . s . , canada , mexico and latin america , china , the nis region , and other countries and is developing both a non - degree professional commercial practices program and an international training program on oil and gas sector reform and commercial development . faculty members are drawn from business administration , law , economics , geosciences and engineering . the institute is underwritten by leading oil , gas and electric power companies and consultancies . with the center for global studies at the houston advanced research center , the institute published the guide to electric power in texas as a public service for electric power restructuring . the guide is recognized as one of the most widely used resources by business and government participants . * * * * * * * * * * "" this e - mail contains information which is privileged , confidential and protected from disclosure . please do not disclose the contents or take copies without contacting us first . thank you . "" michelle michot foss , ph . d . director , energy institute college of business administration university of houston houston , tx 77204 - 6283 tel : 713 - 743 - 4634 fax : 713 - 743 - 4881 please note our new email addresses ! e - mail : mmfoss @ uh . edu web : http : / / www . uh . edu / energyinstitute / ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ ~ cba energy institute university of houston 4800 calhoun , mh 320 houston , tx 77204 - 6283 ( 713 ) 743 - 4634 fx : ( 713 ) 743 - 4881 email : energyinstitute @ uh . edu web : www . uh . edu / energyinstitute",0 +"Subject: north atlantic forecasts update for fyi also , highly recommend adding tony hamilton to the research group , cross - train him one month in houston , per our teleconference this am . - - - mike - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 01 / 26 / 2001 02 : 59 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : stephen bennett @ enron 01 / 26 / 2001 02 : 48 pm to : mike a roberts / hou / ect @ ect cc : subject : north atlantic forecasts mike . . . in response to phil clifford ' s request - i have constructed webpage that provides wind , wave , and storm information for the production and tranportation areas of the north atlantic . i ' ve linked the site from the research weather homepage to the european weather support page . here is the link : from here - follow the : "" north atlantic production / transport "" link . let ' s see what customer feedback we get - and i will continue to investigate further avenues of support . steve stephen bennett meteorologist - research enron americas ext . 5 - 3661",0 +"Subject: re : aiesec dear mr . kaminski , we will be glad to have you with us this saturday for the mock sales day . this event is part of our recruitment process . so far this semester the recruitment has been very successful - we have 16 new members , compared to 10 experienced ones . the next goal is to keep these people interested in what we do and build the aieseec spirit in them . i hope that this saturday will greatly contribute to that . here is the schedule so far : 9 : 00 - 10 : 00 breakfast 10 : 00 - 12 : 00 sales training session 12 : 00 - 1 : 00 lunch break ( board of advisors and alumni coming ) 1 : 00 - 3 : 30 practice sales calls some details : i don ' t have the training program finalized yet , but i ' m sure it will be good . i have a teacher from uh program for excellence in selling and the local committee president , tim , organizing it . it should be interactive and motivating : ) . if you are interested you are more than welcome to come in the morning and have fun with us . i ' m inviting the board of advisors members and some alumni to join us at noon . lunch will be provided . our members are cooking ! and it is a very international crowd ! so far we have german meatballs , some venesuelan soup ( don ' t remember the name , but it ' s supposed to be very good and a lot of it ) , spanish tortilla de patata and other international dishes . the part when you would help is the practise sales calls . this is a way to provide experience to our new members , we are inviting our board of advisors , alumni and everyone who is interested in aiesec to play as company representatives . i will give you case scenarios , everyone will have an office and the new members will have to "" sell "" aiesec to you . one of the goals of the organization is to create as many exchange opportunities as possible , so the new members will try to get you to sign a contract for taking an international intern into your imaginary company . i hope you find it interesting : ) . directions to uh , college of business : take i - 45 south , exit spur 5 , at the street light at the end of the freeway take a right , at calhoun street light take a right again , the college of business will be on your left hand side . park in the parking lot in front ( you don ' t need a permit on the weekends ) . please , let me know if you are coming and what time and i will make sure someone will meet you at the entrance of the building . thank you for your time , biliana at 04 : 01 pm 2 / 2 / 00 - 0600 , you wrote : > > > biliana , > > i have prior commitments on saturday , february the 5 th . please , send me more > information about the following saturday . there is a remote possibility i shall > have > to go to london that weekend . otherwise , i shall be glad to join you . > > vince > > > > > > > biliana pehlivanova on 01 / 28 / 2000 > 11 : 54 : 58 am > > to : vince j kaminski / hou / ect @ ect > cc : > subject : aiesec > > > > dear mr . kaminski , > > the following are the personal and work e - mail addresses of the polish > trainees in college station . > > sylwester rutkowski sylwesterr @ usa . net , sylwester . rutkowski @ destia . com > patricia dalecka pdalecka @ hotmail . com , patrycia . dalecka @ destia . com > danusia mas danusia . mas @ destia . com > lidia olczyk lolczyk @ usa . net , lidia . olczyk @ destia . com > robert lyczak rlyczak @ yahoo . com , robert . lyczak @ destia . com > > i would like to invite you to join us for a paintball game next saturday , > feb 5 th . the purpose of this event is to develop team building among our > student members , board of advisors , and corporate clients . > > in addition , i would like to invite you to participate in our mock > sales day on saturday , feb . 12 th . during this day , the new members will > first receive training on aiesec sales / knowledge and then role play with our > board of advisors and alumni acting as company > representatives . sharing your aiesec and work experience would be a > valuable contribution to our training program . > > i will get in touch with you regarding these events in the beginning of > next week , as soon as i have the time and place finalized . > > i appreciate your interest in working with us . > > best regards , > > biliana pehlivanova > vice president of incoming exchange > aiesec houston > > > > > > > >",0 +"Subject: re : charm conference call jim , i was on vacation last week . i shall be out tuesday and wednesday . what about a call next week ? vince james l bouillion 02 / 07 / 2001 09 : 32 am to : vince j kaminski / hou / ect @ ect , kevin kindall / corp / enron @ enron , jonathan davis / hou / ect @ ect , kate lucas / hou / ect @ ect cc : subject : charm conference call please let me know what works for you . i have a meeting monday from 10 : 00 a . m . through lunch . please advise . - - - - - - - - - - - - - - - - - - - - - - forwarded by james l bouillion / hou / ect on 02 / 07 / 2001 07 : 33 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" bertil olsson "" on 02 / 06 / 2001 10 : 37 : 21 am to : james . l . bouillion @ enron . com cc : subject : charm conference call carl and i are both available either monday 12 th or tuesday 13 th . we can do either am or pm but would prefer am if possible . please let me know your preference and i will set it up . regards , bertil the information in this email and in any attachments is confidential and may be privileged . if you are not the intended recipient , please destroy this message , delete any copies held on your systems and notify the sender immediately . you should not retain , copy or use this email for any purpose , nor disclose all or any part of its content to any other person .",0 +"Subject: in confidence : prc summary hi vince following our prc meeting yesterday , here are the high - level facts as i presented them : ben parsons , overall : satisfactory . good interpersonal skills , we have questions on his quant abilities . reluctant to discuss / share his modelling work , and that which i have seen has too many hand fixes to give me confidence in his rigour . other enroncredit . com feedback indicates that he is sometimes prepared to compromise quant analysis to keep the traders happy . matthew williams , overall : excellent . superior quant skills , excellent everywhere else . recommended for promotion to senior specialist . kirstee hewitt , overall : excellent . a solid all - round performance , and a huge workload . in recognition of the level of responsibility kirstee is bearing i ' m recommending her for promotion to senior specialist . sharad agnihotri , overall : excellent . superior quant skills , excellent everywhere else . very self - directed and commercial - minded . already operating at manager level in my opinion . flagged for promotion next mid - year if performance continues at this level . slava danilov , overall : excellent . superior quant skills , excellent everywhere else . as a non - commercial - type quant he is hard to fault , but will probably never work on a trading desk . already operating at manager level in terms of his depth and rigour of analysis , and the extent to which he is contributing to the team . flagged for promotion next mid - year if performance continues at this level . steve",0 +"Subject: exmar credit john , bill bradford is on vacation . i passed your question regarding exmar credit rating to debbie brackett . vince",0 +"Subject: martin jermakyan hi there , i am favourably impressed by martin . i think he ' s an intelligent person and understands the power industry . he has good ideas about modeling various of things ( even though he thinks that technical constraints are just technicalities and are easy to deal with ) . please take note that he admitted he does not like to write code ( he has / had someone else doing it for him ) .",0 +"Subject: tips fyi - us inflation - linked bond i can not replicate the nominal yield and inflation adjected cash flow calculation from bloomberg . so i called the bond analytics group . i got to the point that they admit that they have made mistakes in their calculation , and promised to fix it . once i got the issues settled , there will be a better us inflation model . zimin",0 +"Subject: re : program attached ; march ny ro conference / participation confirmation lenos , thank you again for the invitation . i shall be glad to attend and speak on the topic indicated in the program . one correction : i am a vp . thanks vince lenos trigeorgis on 01 / 01 / 2000 01 : 17 : 11 pm to : gordon . sick @ rogroup . com cc : gordon . sick @ rogroup . com ( bcc : vince j kaminski / hou / ect ) subject : program attached ; march ny ro conference / participation confirmation the current version of the conference program is attached please confirm your participation as speaker ( and confirm your presentation title as listed on the attached conference program ) by next tuesday . the program is about to be sent to the printers next week please cc your reply also to gordon . sick @ rogroup . com lenos - nymarch 2000 conferencetimes . doc lenos trigeorgis professor of finance university of cyprus dept of business 75 kallipoleos , po box 20537 cy 1678 nicosia cyprus tel : + 357 2 892261 fax : 339063",0 +"Subject: approval is overdue : access request for tony . hamilton @ enron . com this request has been pending approval for 3 days and you are the alternate . please click approval to review and act upon this request . request id : 000000000023619 approver : stinson . gibner @ enron . com request create date : 3 / 14 / 01 11 : 00 : 28 am requested for : tony . hamilton @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: dba administrator michelle , the name of the db administrator for enpower is charlene fricker , 5 - 3487 . alex will contact her regarding the access to the curve . i think it ' s a problem many layers below gary hickerson ' s level of responsibility and i hope we can handle it without using his valuable time . vince",0 +"Subject: re : enron opportunities thanks vince . we will follow up with this lsu graduate . hope you are doing well . regards , lynn dunphy vince j kaminski 02 / 15 / 2000 08 : 53 am to : lynn dunphy / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : enron opportunities lynn , i am forwarding you the resume of a very bright and motivated young man who attended a lecture i gave recently at lsu . i think we should consider him for an analyst position . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 15 / 2000 08 : 52 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" richard c . iles "" on 09 / 14 / 2000 11 : 14 : 56 am please respond to "" richard c . iles "" to : cc : subject : enron opportunities dr . kaminski : ? here is my resume and cover letter . ? thanks , ? richard iles - enron cover and resume . doc",0 +"Subject: confirm participation at real options conference at cambridge u . - urgent the attached file contains the tentative program for two back - to - back real options conferences ( a professional one for july 5 - 6 , and the standard annual academic one for july 7 - 8 ) at cambridge u . your name has been provisionally included on the program . please check all the information relating to you and confirm your participation as listed ( or advice us of desired changes immediately ) . thank you . lenos - 4 thconfsessions . doc lenos trigeorgis professor of finance university of cyprus dept of business 75 kallipoleos , po box 20537 cy 1678 nicosia cyprus tel : + 357 2 892261 fax : 339063",0 +"Subject: proposal christie , thanks for helping out . attached is a one page "" intro "" to the project that vince and i are undertaking . please let me know how you would like it "" transformed "" before passing it along to the leadership at enron . you have the basic story - - enron ' s leadership purposefully and very successfully transformed the company . we plan to document in broad strokes the "" plan "" as it was set out , and trace its evolution through the history of enron ' s history . the final result will be a 20 - 40 page paper written in the style of a harvard business review piece . please let me know what else you may need . i ' ll put it together for you . thanks again , john - enronproposal . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: request submitted : access request for tom . barkley @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000012677 approver : stinson . gibner @ enron . com request create date : 1 / 8 / 01 2 : 30 : 03 pm requested for : tom . barkley @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: agenda & pre - work for valuation visioning session attached is a copy of the agenda for thursday ' s meeting . in preparation for the meeting , please think about and be prepared to discuss what "" valuation "" means to you in the systems you support or the job you do . if you have any questions , feel free to contact me at 5 - 9353 . thanks . chris",0 +"Subject: re : summer internship vince , i just wanted to tell you that i am looking forward to being there again and thank you for giving me this opportunity to contribute and learn . official starting dates ( as i was told by a vasant shanbhogue > subject : re : summer internship > > > > > cantekin , > > the summer associate program has closed but i shall check to see > if i can get one extra place . > > vince > > > > > > > "" cantekin dincerler "" on 03 / 28 / 2000 > 11 : 48 : 53 am > > please respond to cantekin @ mail . utexas . edu > > to : vkamins @ ect . enron . com > cc : ( bcc : vince j kaminski / hou / ect ) > subject : summer internship > > > > hi vince , > > i am writing you at this time to inquire as to the potential > of renewing my > internship at enron for the summer of 2000 . > > while the date of my request is later than i would have > wished , the reason > is that i had originally planned to go back to turkey this > summer and get > my mandatory military duty done . however , i now realize i can > put it off to > a further date . that left me wondering if you believe there > is a project > that i can get involved in this summer and be useful . if that were the > case , i would be more than happy to postpone my military duty > and spend the > summer with the research group . i discussed this with dr . > ronn , and he is > very supportive of this idea . > > i apologize again for bringing up this issue late , and look forward to > hearing from you . > > best regards , > > - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - > cantekin dincerler > > doctoral candidate > the university of texas at austin > graduate school of business > department of finance > office : ( 512 ) 471 - 1676 > fax : ( 512 ) 471 - 5073 > home : ( 512 ) 472 - 5356 > http : / / uts . cc . utexas . edu / ~ cantekin > - - - - - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - > > > > > > >",0 +"Subject: model effort in houston christian , our spring / fall window of "" ? nactivity "" is rapidly eluding us . . . we need to get our internal model operational without delay . along these lines , let ' s go ahead and plan your visit to houston as soon as possible , but by all means get you in at least 4 weeks before hurricane season . that would mean the month of may looks good . please inform me what duties you could not perform from here to support the sydney office , we ' ll figure out how to keep that office whole . ( it ' s working without a hitch to have steve bennett in london , but continuing his houston duties ) if the first week in may ( for the whole month ) will work , please respond asap and we ' ll get housing arrangements finalized . looking forward to your visit , - - - mike",0 +"Subject: re : visit to houston and vince kaminski ' s research group vince - thanks for the note . i ' ll mention downtown for sure when making a reservation . shijie on fri , 30 jun 2000 , vince j kaminski wrote : > > > shijie , > > a note : in both cases makes a reservation explicitly at a downtown hotel . > there are hotels with the same names elsewhere in houston . > > vince > > > > - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 30 / 2000 02 : 44 > pm - - - - - - - - - - - - - - - - - - - - - - - - - - - > > > shirley crenshaw > 06 / 30 / 2000 02 : 25 pm > > to : shijie deng @ enron > cc : ( bcc : vince j kaminski / hou / ect ) > subject : re : visit to houston and vince kaminski ' s research group ( document > link : vince j kaminski ) > > shijie : > > i spoke with vince and he said friday the 28 th of july would be fine for > your visit to enron . > > please let me know your itinerary when you have it confirmed . there > are two hotels downtown houston , the doubletree and the hyatt regency > that are very close to the enron bldg . > > if you need help with anything , please let me know . > > look forward to having you at enron . > > regards , > > shirley crenshaw > > > > > > > > > shijie deng on 06 / 30 / 2000 10 : 15 : 43 am > > to : shirley crenshaw > cc : > subject : re : visit to houston and vince kaminski ' s research group > > > > shirley , > > thank you for your message . i ' m fine with 7 / 28 ( friday ) . i could fly in > to houston early evening on 7 / 27 . please let me know after you confirm > the date with vince . thanks ! > > shijie > > shi - jie deng > assistant professor > school of isye > georgia institute of technology > > office phone : ( 404 ) 894 - 6519 > e - mail : deng @ isye . gatech . edu > home page : http : / / www . isye . gatech . edu / ~ deng > > on fri , 30 jun 2000 , shirley crenshaw wrote : > > > > > > > good morning professor deng : > > > > i am vince kaminski ' s assistant and he has asked me to coordinate your > > visit to enron . the last week in july would be best for vince and his group . > > especially the 24 th , 26 th , 27 th , or 28 th . tuesday , the 25 th is already > filling > > up . please let me know which day would work for you . > > > > best regards , > > > > shirley crenshaw > > administrative coordinator > > enron corp . research group > > 713 / 853 - 5290 > > email : shirley . crenshaw . com > > > > > > > > > > > > > > > > > > > > > >",0 +"Subject: re : alex ' s article vince , did you make any more corrections after stinson ? he sent me the file , i removed the comments , and have put it on the page . sam vince j kaminski @ ect 06 / 26 / 2000 10 : 35 am to : william smith / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : alex ' s article sam , stinson ' s corrections are in red . mine are in magenta . remove all redundant comments . vince enron north america corp . from : william smith @ enron 06 / 26 / 2000 08 : 52 am to : vince j kaminski / hou / ect @ ect cc : subject : alex ' s article vince , was alex ' s article okay to include in the newsletter ? i ' d like to use it today unless you believe otherwise . sam",0 +"Subject: reactions log - in password http : / / www . reactionsnet . com dear reactions subscriber , you are entitled to free access to the reactions website . here is your username and password ( case sensitive ) to use this service . you can use them to access the latest issue of reactions on the web whenever you wish . you can also search the extensive archive of back issues and contact us via email . username = kaminski password = 105006 web address = http : / / www . reactionsnet . com please keep them in a safe place as you will need them every time you log on . if you have any problems in logging on or using this site please feel free to contact our dedicated help desk - telephone number + 44 ( 0 ) 20 7779 8006 or email web - help @ eurmoneyplc . com",0 +"Subject: cme and catex - - - - - - - - - - - - - - - - - - - - - - forwarded by joseph hrgovcic / hou / ect on 04 / 05 / 2000 04 : 06 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - lucy ortiz 04 / 05 / 2000 04 : 02 pm to : joseph hrgovcic / hou / ect @ ect cc : subject : cme and catex spotlight report exchange products seeing slow trading gavin souter 03 / 20 / 2000 business insurance page 3 copyright ( c ) 2000 crain communications , inc . all rights reserved . exchange - based insurance products developed in recent years have been somewhat slow to get off the ground . although several exchanges have offered derivative contracts since the mid - 1990 s to cover insurance risks , none so far has posted a significant volume of trades . few insurers , reinsurers or policyholders have been drawn away from the traditional insurance markets , where capacity remains abundant and relatively cheap . as long as those traditional markets manage to weather major natural catastrophes , the allure of the exchange - based products will remain limited , observers say . also stifling the growth of the exchange - based contracts is the limited number of contracts available , one expert noted . dealers , he said , are unable to secure a suitable hedge by laying off one contract against another . although the various exchanges have had a good opportunity to establish a widely used set of new risk financing products , that has not been achieved , said morton lane , senior managing director , capital markets division at gerling global financial products in new york . the main problem with the existing exchanges is that they do not offer a sufficiently diverse array of products , he said . the only way to control the risks in the catastrophe options is to have a diversified portfolio of other contracts , and none of the exchanges currently offers a sufficiently broad range of options to provide for that hedge , he said . florida windstorm options , for example , cannot be bought and then hedged in the same way that international business machines corp . stock options contracts can be hedged with ibm stock , mr . lane explained . the exchanges might be more attractive to investors if , in addition to natural catastrophe options , they included options on other risks , he said . those might include , for example , satellite , aviation and crop indexes , mr . lane said . "" for the insurance buyer , such exchange instruments would not represent the perfect risk transfer vehicle , but as long as they are quantifiable and indexable , they may represent a good surrogate , "" he said . the exchanges could also be used to create a derivatives market for over - the - counter securitized deals , if there are regular issuers of catastrophe bonds , mr . lane said . the soft insurance market has also hindered the growth of exchange - based insurance products , said sean f . mooney , senior vp and chief economist at guy carpenter & co . , the reinsurance brokerage unit of marsh inc . in new york . "" the traditional market has been so competitive that people are not looking for other ways of doing business , "" he said . at least in concept , the exchange - based deals are generally similar to the mortgage - backed securities that have been a huge success since they were introduced in the 1970 s . "" there is a belief that alternative means of transferring risks will grow , but it is difficult to predict when , "" mr . mooney said . currently , the trading that is taking place typically involves established insurers and reinsurers , so the exchanges have not brought substantial new capacity to the marketplace , he said . guy carpenter provided the index for the bermuda commodities exchange reinsurance products . the bce did not take off , however , and was suspended last year after two years of little activity . the oldest of the insurance - related , exchange - based derivative products are the catastrophe options traded on the chicago board of trade , which began trading the options in 1996 . initially , there was substantial interest in the options , but the soft traditional market has hampered use of the contracts to hedge catastrophe exposures , said carlton purty , an independent broker at the cbot who trades in options . no catastrophe option trades have been completed at the cbot so far this year , he said . last year , there was increased interest in the contracts because of hurricane floyd , but few contracts were traded , mr . purty said . "" i think a major , major catastrophe will have to happen before they really take off , "" he said . the contracts offer real protection , and options dealers are keen to trade in a new niche , but the conventional insurance and reinsurance markets are so soft that few companies are turning to alternative coverage options , mr . purty said . the catastrophe risk exchange , located in princeton , n . j . , has radically changed its structure since it was originally announced in mid - 1996 , and it is well positioned to expand , said frank sweeney , chief operating officer . catex initially planned to be a computer - based facility for reinsurers that would enable them to exchange catastrophe risks and to build balanced portfolios . but by the time the exchange was operational in november 1996 , it was clear that most reinsurers and insurers interested in catex wanted only to buy and sell conventional reinsurance , mr . sweeney said . although there was some interest in risk swapping , only a handful of risks were posted on the system , and none was traded , mr . sweeney said . consequently , catex has become chiefly a "" cash for cover "" exchange , he said , noting that the risks reinsured on the exchange include property catastrophe coverage , aviation and liability coverages . catex also trades industry loss warranties , where coverage is triggered by an actual loss combined with an industry loss over an agreed threshold . other adjustments to the exchange included making it accessible through the internet in november 1998 . and late last year , catex offered users the ability to set up smaller networks , allowing them form groups whose members do business only with one another . since its inception , catex has completed about 450 trades , totaling $ 400 million in premium and more than $ 3 billion in limits , he said . catex ' s roughly 160 subscribers include reinsurers , insurers and corporate entities that purchase coverage through their captives , mr . sweeney said . "" we obviously have a long way to go , but we are pretty satisfied with what we have achieved so far , "" mr . sweeney said . the exchange sees increased activity after major losses , as cedents seek to buy replacement coverage to offset depletions in their existing cover , he said . for example , mr . sweeney said , there was a flurry of activity after the european windstorms in december last year . last september , the chicago mercantile exchange entered the field of insurance - related derivatives when it began offering weather derivatives . thus far , 420 futures contracts have been traded , said larry grannan , senior director in product marketing at the cme . such contracts are designed to allow businesses to hedge against weather - related losses . for example , a utility may sell less power in a mild winter , and it would be able to use the futures to hedge a resultant fall in revenues . the exchange first offered heat - based indexes for atlanta , chicago , cincinnati and new york . in january , it added philadelphia , dallas , des moines , las vegas , tucson and portland , and it began offering contracts based on cold weather . currently , most of the trades are between securities dealers themselves , but , eventually , the contracts will likely be used more extensively by utilities and insurers , mr . grannan said . in addition , the futures contracts could be used as hedges for over - the - counter securitized deals , he said . copyright , 2000 dow jones & company , inc . all rights reserved .",0 +"Subject: re : cusip vince , i am waiting to hear back from our compliance department on this . i will get you the info as soon as i rec . it . i mailed the receipt for the deposit today . david c . walkup sr . financial consultant 713 - 658 - 1685 800 - 456 - 9712 > - - - - - - - - - - > from : vince . j . kaminski @ enron . com [ smtp : vince . j . kaminski @ enron . com ] > sent : tuesday , december 19 , 2000 11 : 09 am > to : david _ walkup @ ml . com > cc : vince . j . kaminski @ enron . com > subject : cusip > > david , > > the cusip of the bond i have is 694308 efo > pgc 8 . 375 % 5 / 1 / 25 lst & ref mortgage bond , ser 92 b . > > > vince > > caution : electronic mail sent through the internet is not secure and could be intercepted by a third party . for your protection , avoid sending identifying information , such as account , social security or card numbers to us or others . further , do not send time - sensitive , action - oriented messages , such as transaction orders , fund transfer instructions , or check stop payments , as it is our policy not to accept such items electronicall",0 +"Subject: re : hotel for the wharton trip i ' m not sure i ' m going to make it to phila because of prc . i will advise next week . also , can you tell me paula ' s last name that we rode with the other day when you all took me to the airport ? thanks . vince j kaminski 11 / 20 / 2000 04 : 34 pm to : jennifer burns / hou / ect @ ect cc : jeffrey a shankman / hou / ect @ ect , vince j kaminski / hou / ect @ ect , piazzet @ wharton . upenn . edu subject : hotel for the wharton trip jennifer , this is the address of the hotel within a walking distance to the wharton school . please , make the reservation for jeff shankman at this hotel for the december the 6 th meeting . vince kaminski http : / / www . innatpenn . com / contact . html the inn at penn sansom common , 3600 sansom street philadelphia , pa . 19104 phone : 1 - 800 - 809 - 7001 fax : 215 - 222 - 4600 please , mention that the stay is related to the university business when making the reservation . tom piazze at wharton can confirm it . tom piazze phone : ( 215 ) 898 1615 piazzet @ wharton . upenn . edu",0 +"Subject: confirmation of your order this is an automatic confirmation of the request you have placed using it central . request number : ecth - 4 usr 8 v order for : anita dupont 1 x ( standard desktop $ 905 ) enron it purchasing * please send all status inquiries regarding this request to : mailto : receiving & hardware @ enron . com",0 +"Subject: re : e - mail address chnage thanks for your message , your account has been updated . should you wish to make any changes to your personal account on www . cera . com , go to : http : / / www . cera . com / cfm / edit / account . cfm sincerely , cera webmaster - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : monday , march 27 , 2000 9 : 59 am to : webmaster @ cera . com cc : vince j kaminski subject : e - mail address chnage to all whom it may concern : please change my e - mail address from vkamins @ ect . enron . com to vkamins @ enron . com vincent kaminski",0 +"Subject: re : enron tiger kick off donna , jeff shankman will join me for the kickoff . we would like to invite the students and faculty members to dinner , following the presentation . any recommendations regarding the restaurant ? vince fap on 11 / 08 / 2000 12 : 15 : 10 pm to : cc : weigelt , "" ' kemallor @ wharton . upenn . edu ' "" , thomas , "" ' vkamins @ enron . com ' "" subject : enron tiger kick off tiger team hosts , faculty , students and teaching assistants : this is to confirm the date , time and location for the upcoming tiger team kick - off . the enron project date will be wed . , dec 6 at vh 210 from 3 : 00 - 5 : 00 pm . the purpose of the kick - off meeting is for the teams , faculty , ta ' s and hosts to meet , learn more about the hosting organization and to further discuss the project . for hosts who may need a campus map , please see http : / / www . upenn . edu / fm / map . html from the 30 th street train station , it is a quick taxi ride to spruce st and 37 th st . the inn at penn , a new hotel , is one block from campus , if lodging is necessary . the phone number there is 215 . 222 . 0200 . please mention you will be at penn for business . the address is : the inn at penn sansom common 3600 sansom street philadelphia , pa 19104 hosts , please let me know the names and titles of those representatives who will be attending the kick - off . also , let me know if you will need technology ( laptop for ppt or overhead for slides ) for presentation purposes . if you have any questions , please feel free to contact me . sincerely , donna piazze program director field application project the wharton school univ . of pennsylvania ( 215 ) 573 - 8394 ( 215 ) 573 - 5727 fax fap @ management . wharton . upenn . edu piazze @ wharton . upenn . edu",0 +"Subject: re : lance cunningham discussions with lance during his hire were intended to have lance start prior to bonus and merit eligibility . therefore , lance accepted the position under the impression he would be eligible for both bonus and merit . kari oquinn 01 / 25 / 2001 10 : 45 pm to : norma villarreal / hou / ect @ ect cc : subject : lance cunningham lance cunningham , mgr , hired 10 / 2 / 00 , rated "" satisfactory "" has a $ 5 k ( 5 . 55 % ) equity inc indicated in gcs . please give more detail . i realize he was rated ; however , he was hired after 10 / 1 and his rating is sat .",0 +"Subject: re : prc meeting date anne , thanks . shirley is checking my calendar and will call you about the schedule . the entire week of the 11 th does not look good for me . vince from : anne labbe / enron @ enronxgate on 04 / 30 / 2001 11 : 17 am to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / houston / eott @ eott subject : prc meeting date vince , just wanted to check with you to see if you have a preference as to when you would like to have your mid - year prc meeting . if you and your team are available , i would prefer to have it on either june 12 th , 13 th or 14 th . i am very flexible though , so please just let me know so that i can start making the necessary accommodations . thanks , anne",0 +"Subject: e - mail addresses of nevrl video conference participants following are email addresses of all who participated in the video conference july 27 th for future reference . enron corp . arthur andersen steve kean - skean @ enron . com victor . a . burk @ us . arthurandersen . com vince kaminski - vkamins @ enron . com angela . a . minas @ us . arthurandersen . com amy oberg - aoberg @ enron . com marie hejka - mhejka @ enron . com edward . j . giniat @ us . arthurandersen . com barry . d . libert @ us . arthurandersen . com james . w . petrie . jr @ us . arthurandersen . com george . e . kronman @ us . arthurandersen . com allan . roberts @ arthurandersen . com * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it .",0 +"Subject: re : recommendation for john gordon vince , thanks for your quick action on this . i try to be selective about sending out recommendations proactively , but in john ' s case i am very confident that he will add a lot of value to whoever hires him . on a different topic i was pleased to see that you will also be on the eprm program again in the fall . duane - - on monday , may 15 , 2000 , 9 : 28 am - 0500 "" vince j kaminski "" wrote : > > > celeste , > > i am forwarding you a letter from prof . duane seppi from carnegie mellon > university . > i have known duane for many years and i know that he does not make his > recommendations without very good reasons . > > i would recommend looking at john gordon as a very strong candidate : > i think he will make a terrific contribution to enron . > > > vince > > - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 15 / 2000 09 : 25 > am - - - - - - - - - - - - - - - - - - - - - - - - - - - > > > ds 64 @ maill . andrew . cmu . edu on 05 / 12 / 2000 01 : 30 : 14 pm > > to : vince j kaminski / hou / ect @ ect > cc : > subject : recommendation for john gordon > > > > dear vince , > > i am writing to bring to your attention a gsia student , john gordon , who is > currently being considered for enron ' s associates program . my understanding > is that mark courtney and andrew miles at enron are championing john as a > late addition to the program . > > while i know enron doesn ' t routinely recruit at gsia , john would be an ideal > candidate if you are willing to make an exception . he is a terrific finance > student with a strong transcript ; including an a + in my options class . since > john has an engineering / energy background , he asked early on for additional > background reading about finance and energy . john is personable and > outgoing . normally the job market for someone of john ' s caliber would have > already cleared , but i have been told that there are dual career issues at > play here . > > i would be very appreciative if you would take a look at john . a copy of > his resume is attached to this email . > > best regards , > duane > > * * * * * * * * > duane seppi > > graduate school of industrial administration > carnegie mellon university > pittsburgh pa 15213 - 3890 > > tel . ( 412 ) 268 - 2298 > fax ( 412 ) 268 - 8896 > > email ds 64 @ andrew . cmu . edu > * * * * * * * * duane seppi graduate school of industrial administration carnegie mellon university pittsburgh pa 15213 - 3890 tel . ( 412 ) 268 - 2298 fax ( 412 ) 268 - 8896 email ds 64 + @ andrew . cmu . edu",0 +"Subject: interview with enron corp . research group good afternoon mr . ball : the enron corp . research group would like to conduct an informal interview with you at your convenience . please give me some dates and times within the next 2 weeks that you might be available and i will arrange the schedule . the people that will be interviewing you are : vince kaminski managing director stinson gibner vice president grant masson vice president vasant shanbhogue vice president krishna krishnarao director zimin lu director tanya tamarchenko manager alex huang manager each individual interview will last approximately 15 - 20 minutes , so we probably should allow at least 3 hours . if you would prefer to call me with some dates and times - i can check the calendars while we are talking . look forward to hearing from you . thank you . shirley crenshaw administrative coordinator research group 713 / 853 - 5290",0 +"Subject: term papers team , can you resend your text document to vince asap . we could open your spreadsheet ok , but not the document . vince ' s contact information is on the attached email below . thanks jason - - - - - - - - - - - - - - - - - - - - - - forwarded by jason sokolov / hou / ect on 05 / 04 / 2001 05 : 32 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 05 / 04 / 2001 05 : 29 pm to : monfan @ rice . edu cc : vkaminski @ aol . com , jason sokolov / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : term papers felix , please , resend me the term papers of your group , each as a separate file . please send it to my aol address as well as work address . my aol address is vkaminski @ aol . com my home phone number is 281 367 5377 . vince",0 +"Subject: re : interview steve , i submitted my evaluation . general impression was rather negative : he seems to be a consultant type person who speaks about everything with confidence but is short on depth and technical details . he is personable , outspoken , organized - on the positive side . also , the red flag is that he jumps from job to job : typical after 18 - 24 months when any organization can ascertain his usefulness . vince from : stephen stock / enron @ enronxgate on 04 / 17 / 2001 01 : 03 pm to : vince j kaminski / hou / ect @ ect cc : subject : interview hi vince , what did you think of david hsu ? my thoughts . overall a good guy . personable . intelligent . he could communicate reasonably well , but seemed to be capable of losing objectivity in favour of technical advancement . he didn ' t seem comfortable with taking a man - management role ( at least he didn ' t want to be an ' administrator ' ) he appeared to know a lot about risk . ( in fact jay web called me to say he felt david was one of the better risk guys he had seen but also commented that he needed to be coupled with a project manager to be successfull ) . regards steve",0 +"Subject: re : thanks ! karin , i talked to mike roberts ( the head of the whole weather team ) , and he is saying that all expenses for tony should be charged to global products team . this is agreed between vince and jeff shankman . mike and vince are negotiating with john to put stephen ( or somebody who will replace him ) to some other cost centres ( via research ) . it looks like kevin moore is happy if stephen is charged to the same cost centre as tony . let us right now charge tony and stephen to the cost centre below . please , could we charge them separately - when john and vince make their decision , we should be able to re - charge . many thanks , slava enron capital & trade resources canada corp . from : karin ahamer @ enron 18 / 04 / 2001 15 : 06 to : tani nath / lon / ect @ ect , viacheslav danilov / lon / ect @ ect cc : subject : re : thanks ! tani / slava could you please let me know which costcentre i can bill for any charges relating to tony and stephen . thx karin - - - - - - - - - - - - - - - - - - - - - - forwarded by karin ahamer / eu / enron on 18 / 04 / 2001 15 : 04 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . from : stephen bennett 18 / 04 / 2001 12 : 14 to : karin ahamer / eu / enron @ enron cc : subject : re : thanks ! - - - - - - - - - - - - - - - - - - - - - - forwarded by stephen bennett / na / enron on 04 / 18 / 2001 06 : 11 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore @ ect 04 / 18 / 2001 06 : 11 am to : stephen bennett / na / enron @ enron cc : subject : re : thanks ! r . c . 107043 co . # 0413 stephen , all charges for soft ware that you use in london should be charged to the same cost center as tony hamilton , reason being , is that someone will replace you in that position . thanks kevin moore enron north america corp . from : stephen bennett @ enron 04 / 18 / 2001 05 : 08 am to : karin ahamer / eu / enron @ enron cc : kevin g moore / hou / ect @ ect subject : re : thanks ! you can cost it to my group in houston . kevin moore has the proper number enron capital & trade resources canada corp . from : karin ahamer 04 / 18 / 2001 05 : 06 am to : kevin g moore / hou / ect @ ect cc : tony hamilton / eu / enron @ enron , mike a roberts / hou / ect @ ect , stephen bennett / na / enron @ enron , tani nath / lon / ect @ ect subject : re : thanks ! kevin do you know whose costcentre the microsoft frontpage is supposed to go on ? thx karin enron capital & trade resources corp . from : stephen bennett 18 / 04 / 2001 10 : 10 to : karin ahamer / eu / enron @ enron cc : kevin g moore / hou / ect @ ect , tony hamilton / eu / enron @ enron , mike a roberts / hou / ect @ ect subject : thanks ! hi karin . . . i hope you had a splendid holiday ! i wanted to thank you for getting tony and i set up here last week . we seem to have established a steady daily routine and are supporting several different trading groups in london as well as continuing our daily support of traders in houston . we ' ve gotten far more requests for information than we expected , so as a result i will be remaining in london a little longer than originally expected . as of now - i ' m not sure exactly when i ' ll be going back to houston - but vince has let me know that i will remain here as long as necessary to ensure adequate daily weather support for the london traders . to that end - i think i will need one additional piece of software installed on the machine that i will be using on a regular basis . could i please get microsoft frontpage installed as soon as we can get it ? that leads to the second issue of desks . i know that space is a premium here - and i understand that i may need to move around some as a result . i certainly want keep things as simple as possible for everyone - but i also wanted to make sure that you know that there are certain applications that are essential for the daily trader support in london and houston . as such , if i move , we will need to make sure that these applications are available from the beginning of the day ( we start about 0600 ) . the applications are : 1 ) adobe acrobat - full version 2 ) accuweather for windows - ( this is something i will need to install ) 3 ) microsoft front page 4 ) terminal server 5 ) the full ms office software package one idea would be to have a pc move with me - that way we would not need to reinstall this software which could cause problems with the daily support routine . thanks again for all of your help . i will let you know - once i know - how long i will be here . i should hear something from vince over the next few days giving me an idea . cheers , steve stephen bennett senior meteorologist enron research temporarily in london : ext 3 - 4761 otherwise : ( 713 ) 345 - 3661",0 +"Subject: re : interview with the enron research group - reply mark : while we are anxious to fill this position , we certainly understand scheduling conflicts ! please let us know as soon as you have a definate time . dr . kaminski will be out of the office the next two weeks also . maybe the week of the 30 th or the 6 th of november ? look forward to hearing from you . sincerely , shirley crenshaw mark . giancola @ do . treas . gov on 10 / 13 / 2000 08 : 47 : 57 am to : shirley . crenshaw @ enron . com cc : subject : interview with the enron research group - reply date : 10 / 13 / 2000 09 : 42 am ( friday ) from : mark giancola to : ex . mail ( "" shirley . crenshaw @ enron . com "" ) subject : interview with the enron research group - reply thanks for your message . our e - mail system was down all day yesterday so i was not able to respond until today . i am very interested in coming in for an interview . unfortunately , my schedule will make traveling on a weekday difficult for at least the next two weeks . i am travelling as part of the us delegation to the g - 20 on the 24 th and 25 th and will be busy until then in preparation . immediately following that trip i will be moving to a new office here in treasury and am not sure about my schedule . i would like to wait until next week when i have a better idea of my schedule to propose times to come to houston . please let me know if there are time constraints on your side . thanks , mark giancola > > > ex . mail . "" shirley . crenshaw @ enron . com "" 10 / 12 / 00 09 : 06 am > > > good morning mr . giancola : your resume was forwarded to vince kaminski , managing director and head of research with enron . we would like to bring you in for an informal interview at your convenience . this would be for a position of "" economist "" or "" associate economist "" , reporting to maureen raymond castaneda . please give me some dates and times that would be convenient with you and i will have our hr rep contact you to schedule your coming to houston . i look forward to hearing from you . sincerely , shirley crenshaw administrative coordinator enron research group 713 - 853 - 5290",0 +"Subject: re : my son kristin , i think that we have done enough for this guy . all we can do is to give somebody a chance . the god helps those who help themselves . thanks for all your help and your efforts . vince kristin gandy @ enron 11 / 01 / 2000 03 : 19 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : my son vince , i left a message with one of yaron ' s roommates on thursday afternoon for him to call asap for an interview on sunday . i guess he took the wrong number down but i do not understand this because the roommate read the number back to me and it was correct . when i did not hear from yaron i called on friday and left a voice mail with my cell and office numbers . i still did not hear from him and called again yesterday morning . i finally received a call at 4 pm yesterday but by that time my team and myself were half way back to houston . sorry it did not work out . i have a call into charlene jackson as to how she wants me to proceed and i will get back with you . kristin vince j kaminski @ ect 11 / 01 / 2000 08 : 40 am to : john goodpasture / ots / enron @ enron , kristin gandy / na / enron @ enron cc : subject : my son fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 01 / 2000 08 : 47 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" shmuel oren "" on 10 / 31 / 2000 02 : 27 : 18 pm to : cc : subject : my son vince apparently the recruiter spoke to one of my son ' s roommates and left a phone number ( 713 ) 343 - 3214 which he tried several times and got busy signals . today she called just before you called me and left her cellphone number but he was in classes all morning and got the message in the afternoon . i really appreciate your going out of your ? way to help . perhaps there will be another opportunity . ? shmuel ?",0 +"Subject: "" help millions "" - pledge today ! thank you for attending one of the executive breakfasts held at depelchin children  , s center this week . seeing is believing . i hope you enjoyed seeing first hand how the dollars you give really do make a difference . as was mentioned in the breakfasts , it is very easy to make your contribution this year by simply clicking on the united way link , http : / / unitedway . enron . com or go directly to internet explorer or netscape and type in unitedway . enron . com in the address field . either option should take you directly to enron  , s united way 2000 campaign site . pledge cards will not be distributed this year , so please make your pledge electronically - it only takes minutes ! please call me at 713 / 853 - 3264 if you have questions or have any difficulties at all accessing the site . thanks again ! your participation is important to the success of the campaign .",0 +"Subject: message 4 dear dr . kaminski , this is a message of discussing the problem in lacima ' s paper . i think that glen dixon has told you there is a fault in the paper written by dr . clewlow and dr . strickland . it is understandable to have some errors in their work . people always make mistakes . actually , i found the problem in appendix a of their paper . they can ' t prove the eq . a 4 rigorously . there is something wrong in mathematical interpretation . if you like , i can give you a full analysis of this problem . ps : attached with their paper . best regard quentin - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - quentin kerr , email : qkerr @ maths . uq . edu . au room : 67 - 622 tel : ( 07 ) 33461428 department of mathematics , the university of queensland - energy _ single _ factor . zip",0 +"Subject: sevil yamin vince , do you want me to do this , or vasant ? - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 10 / 2001 02 : 57 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : anne labbe / enron @ enronxgate on 04 / 06 / 2001 09 : 57 am to : stinson gibner / hou / ect @ ect cc : subject : sevil yamin stinson , i am the new hr generalist for the research group because norma villarreal is moving to business analysis and reporting . earlier this week , norma and i met with vince , and he said that he was going to talk to you about writing up a list of sevil ' s projects / accomplishments for last year and this year , so that we can give her a project bonus since she did not receive a bonus during the normal prc time . at your earliest convenience , will you please email me this list so that i can get started putting together all of the paperwork so that she can receive a check on april 16 th . if you have any questions , please feel free to contact me at 5 - 7809 . i look forward to meeting you , and the rest of the group next week at vince ' s staff meeting . thanks , anne labbe '",0 +"Subject: vince kaminski good morning mr . bandini : i am dr . kaminski ' s assistant and he has asked me to forward a copy of his "" bio "" and the following information to you . dr . kaminski ' s email address : vkamins @ enron . com telephone number : 713 / 853 - 3848 thank you for your interest . sincerely , shirley crenshaw administrative coordinator enron corp . research 713 / 853 - 5290 email : scrensh @ enron . com",0 +"Subject: re : bullet points please respond to hi vince , thanks for the bullets . regarding power 2001 , it certainly does promise to be a very interesting event . have a great week , paul - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , april 09 , 2001 9 : 11 am to : pbristow @ riskwaters . com cc : vince . j . kaminski @ enron . com ; vkaminski @ aol . com subject : bullet points paul , i am sending you modified bullet points . the modifications are in red . apologies for a delay in responding to your messages . by the way , power 2001 gets only more and more interesting every day . vince ( see attached file : financial maths draft . doc )",0 +"Subject: technical corner for when you return . . . sam - - - - - - - - - - - - - - - - - - - - - - forwarded by william smith / corp / enron on 09 / 11 / 2000 07 : 11 am - - - - - - - - - - - - - - - - - - - - - - - - - - - giuseppe _ paleologo @ enron . net on 09 / 08 / 2000 05 : 00 : 17 pm to : william . smith @ enron . com cc : subject : technical corner hi will ( or sam ) ! i hope you had a good weekend ! the probability of the car being blue should be . . . . hemmm . . . . let ' s see . . . . 41 . 38 % ? ? ? by the way , do you know of any book on the collapse of ltcm ? ciao , giuseppe",0 +"Subject: new volatility curve generator for uk power we have established a set of power volatility curves down to the efa / monthly level of detail that can be marked to market up to 6 years out . beyond this , the volatility decays to what we understand to be the long - term level for power volatility , given our understanding of the behaviour of forward prices over large time - scales . the swaption traders can now fit the first 5 - 6 years of the volatility curve to the market - observed baseload swaption implied volatilities ( typically 3 to 12 months duration for the underlying swap ) and then be in a good position to price other swaptions ( including swaptions on individual efa slots ) consistent with the curve . there may also be an impact on the daily var calculation . an illustration of the current volatility curves is pasted below : - these curves will be reset as the market moves , and allow a mark - to - market approach to be followed for our volatility book . the spreadsheet model is saved in t : \ readwrte \ elec _ uk \ models \ . xls and also attached below for houston staff to review . [ stinson - i ' d be grateful if you could offer an opinion / audit to ensure that i haven ' t missed anything , thanks . ] regards , anjam x 35383",0 +"Subject: interview with enron corp . good morning mr . parsons : the enron corp . research dept . would like to conduct a telephone interview with you at your convenience . the interviewers would be : vince kaminski managing director p . v . krishnarao director osman sezgen manager please give me some dates and times either this week or july 5 , 6 & 7 of next week that you would be available and i will coordinate the calendars . look forward to hearing from you . regards , shirley crenshaw administrative coordinator enron corp . research 713 / 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: re : resume from a neural networks zealot celeste , we can use this guy as a help for enron broad band svc ' s . we are getting many projects in this area . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 24 / 2000 07 : 38 am - - - - - - - - - - - - - - - - - - - - - - - - - - - konstantin mardanov on 01 / 24 / 2000 12 : 06 : 42 am to : vince j kaminski / hou / ect @ ect cc : subject : re : resume from a neural networks zealot on wed , 20 oct 1999 , vince j kaminski wrote : > konstantin , > > i am sending your resume to the analyst / associate program > with the recommendation to accept you as an intern in my group . > > vince dear dr . kaminski , it has been a long time since i contacted you so i was wondering if my resume had been considered for an internship in your group . i will appreciate it very much if you let me know when i should expect to learn about a decision on the issue . thank you for you time . sincerely , konstantin . konstantin mardanov department of physics , | 5012 duval st , apt . 206 university of texas @ austin , | austin , tx 78751 , u . s . a . rlm 7 . 316 , austin , tx 78712 | u . s . a . | phone : 001 ( 512 ) 374 - 1097 e - mail : mardanov @ physics . utexas . edu url ( almost obsolete ) : http : / / www . niif . spb . su / ~ mardanov - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - -",0 +"Subject: cameron payne vince , congratulations on your promotion . hope the litigation lawyers are leaving you alone . i ' m attaching a resume of a friend of mine , cameron payne . i don ' t know if you are looking for anyone but cameron is pretty special , as you ' ll see from his resume . call him or me if you ' re interested in talking to him . i ' m forwarding his resume to fastow and whalley , too , in case they see a fit . take care . bob",0 +"Subject: re : summer internship cantekin , the summer associate program has closed but i shall check to see if i can get one extra place . vince "" cantekin dincerler "" on 03 / 28 / 2000 11 : 48 : 53 am please respond to cantekin @ mail . utexas . edu to : vkamins @ ect . enron . com cc : ( bcc : vince j kaminski / hou / ect ) subject : summer internship hi vince , i am writing you at this time to inquire as to the potential of renewing my internship at enron for the summer of 2000 . while the date of my request is later than i would have wished , the reason is that i had originally planned to go back to turkey this summer and get my mandatory military duty done . however , i now realize i can put it off to a further date . that left me wondering if you believe there is a project that i can get involved in this summer and be useful . if that were the case , i would be more than happy to postpone my military duty and spend the summer with the research group . i discussed this with dr . ronn , and he is very supportive of this idea . i apologize again for bringing up this issue late , and look forward to hearing from you . best regards , - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - cantekin dincerler doctoral candidate the university of texas at austin graduate school of business department of finance office : ( 512 ) 471 - 1676 fax : ( 512 ) 471 - 5073 home : ( 512 ) 472 - 5356 http : / / uts . cc . utexas . edu / ~ cantekin - - - - - - - - - - - - - oooo - - - - - oooo - - - - - - - - - -",0 +"Subject: candidate evaluation , wendi germani please complete the attached form and also let me know if you have an interest in proceeding with wendi . thanks ! pam",0 +"Subject: copiers on 19 hi iain : got a questions for you ? we have a small copier in our research area ( a minolta cspro ) that stays on the blink somewhere , quite a bit of the time . the temporary copier in 19 kl is a kodak image source 50 . what is the difference in price of these two copiers ? is there any way we could exchange the minolta for the image source when you bring our permanent copier to 19 kl ? please let me know . we would like to do that if we can and it is not too much more money . thanks and have a great day ! shirley 3 - 5290",0 +"Subject: summer internship hi vince , i am writing you at this time to inquire as to the potential of renewing my internship at enron for the summer of 2000 . while the date of my request is later than i would have wished , the reason is that i had originally planned to go back to turkey this summer and get my mandatory military duty done . however , i now realize i can put it off to a further date . that left me wondering if you believe there is a project that i can get involved in this summer and be useful . if that were the case , i would be more than happy to postpone my military duty and spend the summer with the research group . i discussed this with dr . ronn , and he is very supportive of this idea . i apologize again for bringing up this issue late , and look forward to hearing from you . best regards , - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - cantekin dincerler doctoral candidate the university of texas at austin graduate school of business department of finance office : ( 512 ) 471 - 1676 fax : ( 512 ) 471 - 5073 home : ( 512 ) 472 - 5356 http : / / uts . cc . utexas . edu / ~ cantekin - - - - - - - - - - - - - oooo - - - - - oooo - - - - - - - - - -",0 +"Subject: energy : oil drilling : survey finds producers plan to spend more than originally planned in . . . survey finds producers plan to spend more than originally planned in 2000 06 / 19 / 2000 petroleum finance week ( c ) 2000 phillips business information , inc . oil and gas producers plan to increase their worldwide exploration and production expenditures by more than they anticipated at the beginning of the year , lehman brothers inc . found in a mid - year update of its annual e & p survey . "" the 326 companies we surveyed are planning on an 18 . 2 percent increase , versus a 10 . 2 percent rise budgeted in december , "" said james d . crandell , who follows oil services and drilling for the new york investment banker . he emphasized that the gain by the 326 producers in lehman ' s survey reflects increases in budgets for 2000 and not underspending of budgets during 1999 . "" among the companies that were included in our december 1999 and may 2000 surveys , global spending actually came in slightly above what was estimated to have been spent during 1999 in december . it also indicates that nearly $ 6 billion has been added to 2000 worldwide exploration budgets since december , "" crandell said . the survey ' s respondents said that they planned to increase u . s . e & p expenditures by 17 . 6 percent , up from 15 . 9 percent earlier in the year . crandell said that the greater increase was driven almost entirely by independent producers . "" in our survey , 227 independents indicated e & p spending growth in 2000 of 26 . 1 percent versus a 22 . 9 percent increase budgeted for the year in december , "" he indicated . "" some 40 percent of the independents we surveyed have increased their u . s . e & p budgets , while about 23 percent plan on spending less than what they indicated last december . higher natural gas prices and increased cash flow are the main drivers behind this . "" crandell said that anadarko petroleum corp . ( nyse : apc ) , apache corp . ( nyse : apa ) , bhp petroleum , h . s . resources inc . ( nyse : hse ) , mcmoran exploration co . ( nyse : ran ) , mdu resources group inc . ( nyse : mdu ) , mitchell energy and development corp . ( nyse : mnd . a and mnd . b ) , santa fe snyder corp . ( nyse : sfs ) , stone energy corp . ( nyse : sgy ) and titan exploration inc . - now pure resources inc . ( nyse : prs ) - were among the larger independents to make the most significant upward revisions . the ones that significantly reduced planned u . s . e & p outlays for the year included barrett resources corp . ( nyse : brr ) , belco oil and gas corp . ( nyse : bog ) , burlington resources inc . ( nyse : br ) , coastal corp . ( nyse : cgp ) , forcenergy inc . ( nyse : fen ) , houston exploration co . ( nyse : hex ) , kerr - mcgee corp . ( nyse : kmg ) , mariner energy corp . and williams production co . the survey found that major oil companies plan about the same percentage gain in their 2000 u . s . e & p expenditures ( 8 . 8 percent ) at midyear as they did at the beginning of the year ( 8 . 4 percent ) . among the 14 companies in this category , 31 percent made meaningful increases in their 2000 e & p spending estimates during the first six months , including amerada hess corp . ( nyse : ahc ) , conoco inc . ( nyse : coc . a and coc . b ) , occidental petroleum corp . ( nyse : oxy ) and total fina elf s . a . ( nyse : tot ) . another 19 percent - including eni spa ( nyse : e ) , royal dutch / shell ( nyse : rdp and stt ) and texaco inc . ( nyse : tx ) - scaled back their domestic spending estimates , while the remaining 50 percent of the majors in the survey remained the same . ' the increase in canada . . . is nothing short of staggering . . . ' "" the increase in canada indicated by the 85 companies in our survey is nothing short of staggering , "" crandell continued . of the 85 companies that he contacted , 44 . 7 percent budgeted higher expenditures for 2000 than for 1999 . "" compared with december , 41 percent of them have increased their estimated spending in 2000 by more than 10 percent , while 20 percent have reduced it by more than 10 percent . the remaining 39 percent have kept it within 10 percent of what was originally estimated , "" crandell said . talisman energy inc . ( nyse : tlm ) led the group with a huge increase , followed by anderson exploration ltd . ( tse : axl ) , gulf canada resources ltd . ( nyse : gou ) , murphy oil corp . ( nyse : mur ) , pan canadian petroleum ltd . ( tse : pcp ) and shell canada ltd . ( tse : shc ) . like their u . s . counterparts , producers above the border raised their 2000 e & p budgets in response to higher gas prices and increased cash flow , according to the lehman analyst . he said that foreign upstream budgets were an area of surprise : "" the 14 . 9 percent gain indicated by the 99 oil and gas companies that have operations outside the united states and canada was well above the 5 . 7 percent increase for 2000 estimated last december . as in other geographies , there were more companies that increased budgets than decreased them . "" overall , crandell said that 33 percent of the surveyed companies raised their 2000 e & p budgets by more than 10 percent , 43 estimated expenditures in roughly the same range and 24 percent indicated that they would spend less than originally planned . he said that the larger increases were driven by some big companies which materially increased their budgets , including texaco , petroleos brasileiros s . a . , petroleos mexicanos s . a . and repsol ypf s . a . ( nyse : rep ) among the multinationals and amerada hess , apache , premier oil plc . and woodside energy among mid - sized companies . crandell noted that while respondents ' average price assumptions rose during 2000 ' s first six months ( to $ 22 . 04 from $ 19 . 25 per barrel of crude oil and to $ 2 . 58 from $ 2 . 38 per thousand cubic feet of natural gas ) , they still trail current prices and what lehman brothers estimates for the year ( $ 28 per barrel of crude and $ 3 . 30 per mcf of gas ) . "" this suggests a stronger second half than expected , should companies raise budgets further to reflect the higher prices , "" he said . - nick snow in washington - - - - - - - - - - - - - - - - - - - - - - forwarded by john peyton / hou / ect on 06 / 19 / 2000 07 : 36 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - djcustomclips @ djinteractive . com on 06 / 19 / 2000 08 : 27 : 26 pm please respond to nobody @ maill . djnr . com to : 1346 @ wctopics . djnr . com cc : subject : energy : oil drilling : survey finds producers plan to spend more than originally planned in . . . survey finds producers plan to spend more than originally planned in 2000 oil and gas producers plan to increase their worldwide exploration and production expenditures by more than they anticipated at the beginning of the year , lehman brothers inc . found in a mid - year update of its annual e & p survey . "" the 326 companies we . . . published by : petroleum finance week date : 06 / 19 / 2000 word count : 894 relevance score on scale of 100 : 80 folder name : energy : oil drilling full - text article available at c = ptry articles are included at no charge for flat - fee corporate customers . ( under standard pricing , charges apply . for details , click the $ icon on the dow jones interactive home page , located at http : / / www . djinteractive . com . ) to review or revise your folder , visit http : / / www . djinteractive . com or contact dow jones customer service by e - mail at custom . news @ bis . dowjones . com or by phone at 800 - 369 - 7466 . ( outside the u . s . and canada , call 609 - 452 - 1511 or contact your local sales representative . ) copyright ( c ) 2000 dow jones & company , inc . all rights reserved",0 +"Subject: re : "" expected tail loss "" for equity portfolio everybody , i attached here the equity portfolio var spreadsheet model ( version x ) . the improvement over the previous version ( 1 x ) is that it calculates an additional measure of risk - expected tail loss . expected tail loss is the expectation of the loss under the condition that losses exceed var . as you know equity var model allows you to calculate var for the percentile specified in the input sheet . now you have to click 2 more buttons on the "" varinput "" sheet : "" calculate gamma and delta "" and "" fast var "" . isaac , please run the model to make sure it works for you . regards , tanya",0 +"Subject: re : visual numerics cnl licensing issues rakesh , to confirm our conversation : please , go ahead and buy a copy . vince rakesh bharati @ enron 03 / 29 / 2001 02 : 06 pm to : vince j kaminski / hou / ect @ ect cc : tanya tamarchenko / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect subject : visual numerics cnl licensing issues vince , tanya and i feel that there is a need for a constrained optimization routine for our var related research . numerical recipes does not contain subroutines where equality and inequality contraints can be easily incorporated . also , the number of arguments that can be handled is also limited . imsl provides a comprehensive library of more than 300 c / c + + statistical and mathematical analysis functions . we think that it would be of great value to our efforts and to the efforts of our research group . presently the cost is aproximately around $ 1500 and mike bothwell ( visual numerics rep ) assures us as the version is not license protected , we all can use it as long as simultaneous usage is within the license . please let me know if you should need further information . thanks , rakesh - - - - - - - - - - - - - - - - - - - - - - forwarded by rakesh bharati / na / enron on 03 / 29 / 2001 01 : 44 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - mike bothwell on 03 / 29 / 2001 12 : 56 : 03 pm to : "" ' rakesh . bharati @ enron . com ' "" cc : subject : visual numerics cnl licensing issues rakesh , i ' m just following up to see how things looked on this . any change in status ? let me know i can furhter help you . best regards , mike bothwell account manager visual numerics inc . phone : 713 - 954 - 6423 fax : 713 - 781 - 9260 cell : 713 - 417 - 9069 mbothwell @ houston . vni . com visual numerics celebrates 30 years as an independent software vendor rakesh , as we discussed , the cnl 4 . 0 pc libraries are not license managed . version 5 will be . the pc version 4 . 0 can be installed on a network drive and called from networked pcs . as expected , we would ask that enron honor the license agreement by allowing only the number of simultaneous uses permitted by the license . version 5 . 0 will be license managed and can be licensed as node locked or floating . with regard to unix licensing , the current version of cnl for unix is license managed . it can be licensed as node locked or floating . if you install the libraries on a unix server as node locked , the number of simultaneous sessions on that server is not limited except by the capabilities of the machine . a floating unix license would be checked out by the individual user to be executed on a local machine . also as mentioned , your investment is protected by allowing you to upgrade in the future by paying only the price difference between your current and desired platforms . this upgrade option only applies to licenses covered under support . if you have any additional questions , please let me know . i look forward to providing you the best math and statistical libraries available today to help you solve your problems and understand your data . best regards , mike bothwell account manager visual numerics inc . phone : 713 - 954 - 6423 fax : 713 - 781 - 9260 cell : 713 - 417 - 9069 mbothwell @ houston . vni . com visual numerics celebrates 30 years as an independent software vendor",0 +"Subject: grant , would you take a look at the following correlation matrix ? does it make sense ? ps : this is an updated correlation matrix with gold and silver correlations . i used bloomberg ' s generic closest month gold and silver contract prices for the correlation analysis .",0 +"Subject: wti trading simulation model - presentation vince , since you are not here today , i just sent out the presentation of the model i prepared for john for his feedback . i would appreciate that you review it before we make the final version . obviously , this simulation model is going to make a big impact on our online trading . and i am happy that we have accomplished this task effciently and elegantly . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 12 / 06 / 2000 01 : 25 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 12 / 06 / 2000 01 : 21 pm to : john j lavorato / corp / enron @ enron cc : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : wti trading simulation model - presentation john , i put together a presentation of the simulation model for wti market maker for you . the p / l results are investigated by assuming different scenarios . the key variable is the number of trade per day , therefore is varied from 200 to 1000 trades . scenarios are generated by different spreads , net open position allowed , and time period . take a look what i have prepared , and let me know things you want to add or delete . if you have any questions , i will be happy to discuss with you . zimin ps : this presentation is only for the open - close trading . i will produce exact the same sequence for the continuous trading ( close - close ) once you approve the content .",0 +"Subject: renshi zhang ' s resume shirley and molly , vince is interested to set up an interview for renshi zhang . any day except thursday next week is good . interviewers : vince , stinson , vasant , tanya , alex , bob , krishna and myself . contact number for mr . zhang is 713 - 544 - 5989 . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 04 / 19 / 2001 03 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 04 / 05 / 2001 09 : 49 am - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 04 / 05 / 2001 09 : 46 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 03 / 14 / 2001 10 : 06 am to : zimin lu / hou / ect @ ect cc : subject : resume - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 14 / 2001 10 : 07 am - - - - - - - - - - - - - - - - - - - - - - - - - - - marshall brown on 03 / 09 / 2001 07 : 46 : 22 am to : vince kaminski cc : subject : resume vince , how are you . this candidate would be interested in any positions in your group . regards , marshall brown vice president robert walters associates tel : ( 212 ) 704 - 0596 fax : ( 212 ) 704 - 4312 mailto : marshall . brown @ robertwalters . com http : / / www . robertwalters . com > caution : electronic mail sent through the internet is not secure and could be intercepted by a third party . this email and any files transmitted with it are confidential and intended solely for the use of the individual or entity to whom they are addressed . if you have received this email in error please notify the system manager . this footnote also confirms that this email message has been swept by mimesweeper for the presence of computer viruses . - zhan _ ren . doc",0 +"Subject: re : meeting today and trip to houston omar , thanks for the presentation and the e - mail . as i tried to emphasize on the phone call , there will be short - term and long - term efforts to utilize opnet . often the short - term needs rules at ebs . we will sort out what they during our discussion in houston . i am confirming the meeting in houston 6 - 8 th . i shall ask shirely crenshaw to arrange for a conference room on the 19 th floor . the meeting will be held all day from april 6 th , 7 th and half day 8 th . the 8 th is a saturday and the meeting will be held to wrap things up if needed . ravi . background info . for enron research people . opnet is a simulation tool that many in the industry use to do capacity planning to ip based applications and services on a network . detail adenda will follow . i wanted to take the opportunity to thank you for the time we had this morning to discuss the performance engineering program at ebs . i think you ' ll find that the value to enron from the overall approach is quite high . i have a much better picture now of some of the short term drivers that need to be addressed as we move forward . as i work with you , i think we ' ll quickly emerge with a clear picture of what needs to be done and when . as soon as you confirm your schedule for april 6 - 8 , i ' ll book my travel to get to houston . i ' ve already put in a call to opnet technologies to have them get a resource out to houston on one of those days for a demonstration and q & a about the opnet toolset . i ' ll compose an agenda for us to use during that meeting in houston and get it out to you next week . if there are any questions , please email me at ozaidi @ lucent . com you can also call me at 503 778 0653 . i am also pageable at 1 800 467 1467 . have a great weekend and i look forward to hearing from you next week about the april 6 - 8 meeting . best wishes . . . .",0 +"Subject: latest revision vince , i have made bold face edits to the attached document . i still have two edits to make but am concerned that you were not reading the most recent version . sorry for any confusion but the editor doesn ' t use the edit function in word so i have ended up making edits on new versions of the paper . i still haven ' t made the change regarding the take - or - pay problem ( i left that paper at home in my briefcase and will make the change tomorrow morning ) . also , i haven ' t added anything regarding the conflict that arose over pay for new hires nor have i received the business week e - mail from you . however , if the paper looks ok to mark palmer we can make these minor edits on the galley pages of the article . thanks john p . s . i am very disappointed about the scheduling conflict you have on feb 23 rd . you will be greatly missed but i certainly understand . john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: enron year end 2000 performance management process enron ' s year - end 2000 performance management process opens on : wednesday , october 25 th . during this process , you will be able to suggest reviewers who can provide feedback on your performance . in addition , you may be requested to provide feedback on fellow employees . to participate in the feedback process , access the performance management system ( pep ) at http : / / pep . corp . enron . com . your userid and password are provided below . the system will be open for feedback from october 25 th - november 17 th , and help desk representatives will be available to answer questions throughout the process . you may contact the help desk at : houston : 1 - 713 - 853 - 4777 , option 4 london : 44 - 207 - 783 - 4040 , option 4 e - mail : perfmgmt @ enron . com during the year - end prc process , employee profiles will be made available at meetings . if you haven ' t already done so , we encourage you to update your personal information and current responsibilities before the meeting process begins on november 20 th . please access ehronline at http : / / ehronline . enron . com ( london users please go to http : / / home . enron . co . uk , click on quick links , and choose hr online ) . your user id & password are : user id : 90012910 password : welcome",0 +"Subject: coming back to london hi guys , it was nice to work with each of you for the last couple of weeks . it was great time and i enjoyed every single day here . i am very much impressed with research team in houston and looking forward to strengthen our co - operation even further . have all great time and not a very hot summer . hope to see all you soon . many thanks , slava",0 +"Subject: lng meeting bjorn : the lng meeting will be held tomorrow the 17 th of may at 11 : 00 pm houston time . the phone number for the conference room is : 713 / 853 - 3135 thanks ! shirley",0 +"Subject: re : lng may 19 decision john , yes . i have additional info about this transaction . vince john sherriff 05 / 16 / 2000 10 : 47 am to : vince j kaminski / hou / ect @ ect cc : subject : re : lng may 19 decision thanks vince - i understand we are on at lpm your time today to review this . john vince j kaminski 16 / 05 / 2000 14 : 48 to : john sherriff / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : lng may 19 decision john , sorry for the confusion . this is a second tanker on which very few details are available . the lng group is working as we speak to provide some information for joe sutton before his departure for paris this ( tuesday ) afternoon . there is no dash on this 2 nd tanker yet . i asked dave gorte on monday to send me one and was not told that he can provide me with the mystic lady dash as the closest substitute . vince john sherriff 05 / 16 / 2000 12 : 20 am to : vince j kaminski / hou / ect @ ect cc : subject : re : lng may 19 decision vince - thanks for the update . what i am not sure of is what if any decision has to be made on may 19 . it seems to me that the mystic lady and elba island deals have already been approved and executed - but it is quite likely i am missing a detail or two . john vince j kaminski 15 / 05 / 2000 17 : 14 to : john sherriff / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , david gorte / hou / ect @ ect , rick buy / hou / ect @ ect , ted murphy / hou / ect @ ect subject : re : lng may 19 decision john , this is the update on what i have done for the lng transactions . 1 . i was not involved in the lng ship project . i shall read the dash and give you my comments . without looking at the details , i think that the decision to charter a tanker removes one significant risk we have at the elba island project ( please , see point 2 ) . 2 . elba island . i am working with doug rotenberbg , brad hitch , scott earnest ( sally beck ' s organization ) and rac to set up the book for the elba island transaction . the next step will be to expand the book to capture all the enron ' s lng - related positions in one place and to look for natural risk offsets and possible hedges . a working group is meeting to close a few remaining gaps tomorrow ( tuesday ) at 8 : 30 . a few comments on the book design and my view of the project : a . the current thinking is that lng will be sourced for the elba island facility by buying marginal cargos on the fob basis . marginal cargos will represent supply from excess capacity that has not been committed under long - term contracts or became available due to some short - term frictions . the fob cargos are typically selling at a significant discount to the long - term contract prices . the economics of the deal , as represented by the book we are setting up , will reflect the assumption that not only we can locate marginal cargos but that we shall be able to do it on a regular basis , arranging shipping and coordinating the facility schedule and natural gas transactions in the us . in other words , we have a significant logistical and operational risk in this transaction . b . the transaction will cover the period of 17 years ( with an extension option of 5 years ) . even if we can lock - in the lng volumes over this time period , we have no ability to lock - in the other side of the spread ( us gas prices ) for such a long tenor . this is essentially a tolling transaction with exposure to the lng - nat gas spread and i would not recommend locking - in only one leg of the spread . one solution would be to cover , let ' s say , 50 % of he lng volumes for the first 5 years and lock - in the nat gas side on the us market side . c . the book we are setting up will be based on many managerial assumptions regarding sources of lng , shipping rates , schedules , etc . i would set up a big prudence reserve in case we mark it to market . d . my group will work on valuation of some options we have in the elba island deal ( that are good for enron ) and on the hedging strategy for the lng positions . long - term lng contracts are typically based on the japanese crude cocktail that correlates very well with brent . vince john sherriff 05 / 14 / 2000 01 : 40 am to : vince j kaminski / hou / ect @ ect cc : lauren urquhart / lon / ect @ ect subject : lng may 19 decision vince i haven ' t spoken to you for awhile but hope the world is treating you well . anyway with greg moving to his new role i have ( i hope only temporarily ) staff trading oversight for the eastern hemishere plus lng . i understand that your group is taking a first cut at developing curves for lng and lng ship values . i also understand that another lng ship decision is on the dockets for may 19 ( not very far away ) . anway i understand this is a big decision but i still have gotten very little info yet . can you please let me know where you stand now ? i will ask my assistant lauren to set up a time that i can speak with you in the next couple of days and if you have anything for me to review before then she can get it faxed to me as well . look forward to connecting with you vince . john",0 +"Subject: re : energy derivatives conference - may 29 , toronto hi amy : that is fine , vince was going to come on the 28 th anyway , but he will probably need to come earlier - please let me know what time you have scheduled the dinner so i can make his airline reservations . thanks ! shirley amy aldous on 04 / 06 / 2000 09 : 10 : 01 am to : "" shirley crenshaw "" cc : subject : re : energy derivatives conference - may 29 , toronto hi shirley , i just realized that i goofed on the dinner - it will be held on sunday , may 28 th instead of the 29 th . sorry about that ! i hope your day is going well so far . amy at 07 : 59 am 4 / 4 / 00 - 0500 , you wrote : > > > good morning amy : > > vince kaminski will need the following : > > an lcd projector to hook up to a lap tap for his presentation > he will have dinner with the conference organizers and speakers on the 29 th . > he will need 2 nights ( the 28 th and the 29 th ) hotel reservations . > > he will send you an abstract shortly . > > thanks and have a great day ! > > shirley crenshaw > 713 - 853 - 5290 > > > > > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * amy aldous , conference co - ordinator centre for advanced studies in finance university of waterloo waterloo , on n 2 l 3 gl tel : ( 519 ) 888 - 4567 ext . 5728 fax : ( 519 ) 888 - 7562 email : aaldous @ uwaterloo . ca * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * *",0 +"Subject: petrochem desk i had a chance to speak with christian lebroc this morning with regard to curve building for petrochemicals . as it turns out , christian left rac in april and joined the petrochem desk as a trader . previous efforts at construction of a forward curve by the group have focused on intuition or swags . unfortunately , the group had a rough p & l year with at least some of the blame directed toward the forward curve or lack thereof . when asked about the fundamentals group , christian indicated that they ' d only been around about 3 - 4 months and are not yet well - suited to curve building . john nowlan is indeed the head of the group . from a timing perspective , i told christian that it would probably take at least 6 - 8 weeks to develop a curve , especially considering the need to understand the key market drivers / fundamentals . as was suggested yesterday during our meeting , a strong relationship between petrochemicals and a nymex component ( e . g . , crude oil ) would provide a great beginning point - - we could then potentially strengthen / augment this relationship with other key factors ( e . g . , supply and demand terms ) borne out of our market research . nelson",0 +"Subject: re : arthur andersen model validation request yes , i sent a reply to gillian . - - stinson",0 +"Subject: thanks a lot . dr . kaminski , i appreciate you for giving me a good opportunity to have the interview . the visit to enron was very impressive . thanks for arranging interviews with people at research department and extra interview at the enron net work . it was good to have chance to meet such nice people , and have a talk with them . it was a good experience for me and i hope we have chance to see each other . jinbaek jinbaek kim ph . d candidate dept . of industrial engineering and operations research u . c . berkeley http : / / www . ieor . berkeley . edu / ~ jinbaek go bears ! : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . : a a : _ _ . . . . . _ : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . : . ' : ` . : ` , ` . ` . : ' - - ' - - ' : . ' ; ; : ` . _ ` - ' _ . ' ; . ' ` . ' "" ' ; ` . ' ; ` . ` : ` ; . ` . ; ; : ; . ' ` - . ' ; : ; ` . _ _ . ' . ' . ' : ; ` . . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' ` . . . . . . . - ' ` . . . . . . . . ' on tue , 24 oct 2000 vince . j . kaminski @ enron . com wrote : > > jinbaek , > > we shall invite you to an interview in houston . > > vince > > > > > > jinbaek kim on 10 / 23 / 2000 07 : 25 : 36 pm > > to : vkamins @ enron . com > cc : > subject : resume , > > > dear mr . kaminski , > > hi , > i am a ph . d student at ieor department at u . c . berkeley . > thanks for your presentation today . > it gave me knowledge and interest in electricity markets , > and your company . > as you mentioned in the presentation , > i send a resume to give me opportunity to learn more > about your company . > i hope i can join the super saturday event . > > jinbaek > > > ( see attached file : resume . doc ) > > >",0 +"Subject: optical network engineering & enron research offsite meeting ravi , the proposed dates work for me . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 09 / 2000 05 : 09 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner 03 / 09 / 2000 02 : 22 pm to : vince j kaminski / hou / ect @ ect cc : subject : optical network engineering & enron research offsite meeting vince , i will not be able to attend on this weekend ( april 15 ) , but i think the main point is for john ' s guys to meet the rest of our group . most of them know me already . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 03 / 09 / 2000 02 : 19 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - ravi thuraisingham @ enron communications on 03 / 06 / 2000 04 : 29 : 34 pm to : john _ griebling @ palm . net , dorn _ hetzel @ palm . net , vince kaminski cc : stinson gibner / hou / ect @ ect , kenny burroughs / enron communications @ enron communications , jim irvine / enron communications @ enron communications subject : optical network engineering & enron research offsite meeting hi john , as per our discussion and e - mails , i am suggesting the following dates for the subject offsite : april 14 & 15 th ( friday & sat ) . place and agenda to follow once this date is nailed up . the heads of each group will decide who will attend . we would also invite kevin hannon , scott yeager , tom gros , ted seitz and jean mrha once the dates and agenda are agreed upon by the technical folks . as before , the idea is to introduce the two of the most technical groups within enron and to exchange ideas and issues . the enron research team will provide trading and modeling presentations and the optical network engineering team will present networking and components related topics . take away from the two days will be to provide john griebling ' s group with better understanding about how the trading markets have developed in general and energy markets in particular via enron ( i . e . , how the sausage was made ! ) . likewise , john ' s group will provide us with better understanding of optical networking from a technical perspective . particularily , how ebs is planning to develop the puplic switched optical network ( pson ) that john has ' branded ' our pooling point based network ! please reply asap if these two days ( april 14 & 15 ) will work . additionally , john , is the original suggestion to hold it in scott yeager ' s cabin somewhere up in colorado mts . still holds ? if yes , i should probably let scott know ! if not , i ' ll try to find other places - - any suggestions , anyone ? regards , ravi .",0 +"Subject: fwd : credit applicatiions in grms return - path : received : from rly - yho 3 . mx . aol . com ( rly - yho 3 . mail . aol . com [ 172 . 18 . 147 . 35 ] ) by air - yho 3 . mail . aol . com ( v 67 _ bl . 21 ) with esmtp ; fri , 28 jan 2000 17 : 34 : 19 - 0500 received : from mailman . enron . com ( mailman . enron . com [ 192 . 152 . 140 . 66 ] ) by rly - yho 3 . mx . aol . com ( v 67 _ bl . 21 ) with esmtp ; fri , 28 jan 2000 17 : 34 : 06 - 0500 received : from dservl . ect . enron . com ( dservl . ect . enron . com [ 172 . 16 . 1 . 37 ] ) by mailman . enron . com ( 8 . 8 . 8 / 8 . 8 . 8 / corp - 1 . 03 ) with esmtp id waal 2938 for ; fri , 28 jan 2000 22 : 33 : 40 gmt received : from notes . ect . enron . com ( notes . ect . enron . com [ 172 . 16 . 4 . 33 ] ) by dservl . ect . enron . com ( 8 . 8 . 8 / 8 . 8 . 8 ) with smtp id qaa 21960 for ; fri , 28 jan 2000 16 : 34 : 05 - 0600 ( cst ) received : by notes . ect . enron . com ( lotus smtp mta v 4 . 6 . 5 ( 863 . 2 5 - 20 - 1999 ) ) id 86256874 . 007 bf 6 c 3 ; fri , 28 jan 2000 16 : 34 : 00 - 0600 x - lotus - fromdomain : ect from : "" vince j kaminski "" to : vkaminski @ aol . com message - id : date : fri , 28 jan 2000 16 : 33 : 56 - 0600 subject : credit applicatiions in grms mime - version : 1 . 0 content - type : text / plain ; charset = us - ascii content - disposition : inline content - transfer - encoding : 7 bit - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 28 / 2000 04 : 33 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - bjorn hagelmann 01 / 28 / 2000 09 : 25 am to : william s bradford / hou / ect @ ect , jonathan le / hou / ect @ ect , gary hickerson / hou / ect @ ect , philippe a bibi / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : rick buy / hou / ect @ ect , mike mcconnell / hou / ect @ ect subject : credit applicatiions in grms this note is from ted murphy ( not bjorn hagelman ) my understanding is that yet another meeting has been scheduled with the intent of diverting resources from the grms project to some other project . while i am not privy to the urgency of this other project , i do know that we have a very large , multi - phase project going in grms . grms stands for the global risk monitoring system . it is not intended to be a commercial trading product not is its primary purpose for commercial decision - making . conceptually , it is a risk warehouse for the primary purpose of rac due to the deficiency of current front office trading systems and their inability to provide timely , aggregated information useful to rac . rac has spent over a year developing a business plan scope and detailed task list to accomplish its objectives . as a firm we are woefully behind our press clippings in our ability to aggregate and understand our risk profile . my most recent sojorn in europe is a classic example of the current systems inabilty to aggregate and meet the needs of rac having abetted poor decision making and causing cash losses in well in excess of the grms budget or that of the market risk group in rac . the grms project is a requirement that bill bradford and i have in order to do our jobs . we have delegated authority to debbie brackett and rudi zipter to make decisions regarding priorities and as such meet regularly with jonathon and his team as well as rick buy to provide updates . while progress is never as fast as we would like it , in every instance in which we have only to rely on rac , jonathon ' s team and research to make a deadline it haas been hit . the primary reason for any delays whatsoever has been the diversion of resources off the project or the reliance for cooperation from some other source - most recently the it staff in london was a tremendous impediment to deadlines . please excuse the frustration that is apparently coming through in this note , but i feel like the boy with his finger in the dyke and no one is listening . also , i have had several employees come to resignation over their frustration on the lack of management support for this project , usually manifesting itself in the lack of resources or the diversion of resources devoted to it . i think we have proven collectively that we can organize a modular multiphase project and provide tangible deliverables when not distracted . please let us do our jobs . i do not denigrate the efforts of others , but i believe that they must either submit their detailed requirements to us for our consideration of their worthiness to put in our que or develop their own project with their own resources . thank you for your consideration of this opinion . as it relates to things that will effect the ability of market risk to do its job , please consult me as i would you . ted",0 +"Subject: re : iif / oxan vince , per the dialogue below , there seems to be some agreement between our two groups that a subscription to the "" institute for international finance "" is worth receiving , but to do so in one central subscription and split the cost . is a $ 16 k share ok for your group ? we ' ll do $ 32 k on our end , and then try and sell some of our share to my european counterpart once he gets better established with a bigger budget . - - scott - - - - - - - - - - - - - - - - - - - - - - forwarded by scott tholan / corp / enron on 02 / 26 / 2001 06 : 21 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - robert johnston @ ect 02 / 26 / 2001 07 : 51 am to : scott tholan / corp / enron @ enron cc : subject : re : iif / oxan scott - could you give vince a call or an email to recommend that he kick in 16 k for the institute for international finance ? we would pay 32 k ( maybe get jim roth to pick up some down the road ) . rj - - - - - - - - - - - - - - - - - - - - - - forwarded by robert johnston / hou / ect on 02 / 26 / 2001 07 : 50 am - - - - - - - - - - - - - - - - - - - - - - - - - - - gwyn koepke @ enron 02 / 23 / 2001 06 : 18 pm to : robert johnston / hou / ect @ ect cc : subject : re : iif / oxan i haven ' t heard back from vince yet on the price , but we definitely need to continue our access to iif . can you count us in for a slice of the cost and advise me how many others depts you can recruit to help pay the annual fees . once you have a final count , it may reduce our costs in research . thanks , gek robert johnston @ ect 02 / 16 / 2001 04 : 31 pm to : gwyn koepke / na / enron @ enron cc : maureen raymond / hou / ect @ ect subject : re : iif / oxan if you need access to consensus data occasionally let me know and i can pull it for you . let me know when you get an answer on iif . i will also be looking for others to buy in . rj gwyn koepke @ enron 02 / 13 / 2001 01 : 55 pm to : robert johnston / hou / ect @ ect cc : maureen raymond / hou / ect @ ect , scott tholan / corp / enron @ enron subject : re : iif / oxan robert , thanks for itemizing the costs . we have decided to cancel the oxford analytica , as we receive a consensus forecast for currency and inflation from another source . regarding iif , it is an important source for us . i will discuss the costs within the research group and advise you of how we will proceed . gwyn robert johnston @ ect 02 / 13 / 2001 09 : 46 am to : maureen raymond / hou / ect @ ect , gwyn koepke / na / enron @ enron cc : scott tholan / corp / enron @ enron subject : iif / oxan hi maureen and gwyn - on the oxford analytica front , i ' m glad you have found the service useful . our contract with them has expired and we are currently negotiating for more users to have access . our current contract is for $ 50 k or $ 10 k per user per year . we can charge $ 10 k back to you . on the iif front , the invoice for $ 47 k is due at the end of the month . here i would propose that we pay two thirds ( to cover our costs and the costs of our competitive analysis colleagues in london ) , leaving $ 15 k for you to cover . since we took on these services last year , we have expanded our range of sources and projects and are consequently trying to do more with less . thus i need to allocate some of our costs from oxan and iif to other projects . let me know what you think about this proposal . maureen , congratulations on your secondment to enron metals ( gwyn mentioned it to me ) . fyi , our colleague jim roth is providing competitive analysis support to joe gold and john sherriff on that project from london . rj",0 +"Subject: promotion vince : just a short note to congratulate you on your well - deserved promotion . jordan",0 +"Subject: re : f / u to dr . kaminski @ enron from iris mack hi again , thank you for your email . sorry for the phone tag and email tag . i will try to call you again next week . in the mean time , i thought i would send you a couple of documents to give you an idea of some of the work that i have done that may be of interest to enron . 1 . the first word document is my london busines school executive mba thesis relating to weather derivatives . 2 . the second word document describes a hybrid derivatives structure i i workded on at bnp paribas . it has applications to the enerygy industry . because these documents are very large i will forward them in two separate emails . your comments on them would be appreciated . happy thanksgiving , iris > from : vince . j . kaminski @ enron . com > to : irismmack @ hotmail . com > cc : vkaminski @ aol . com > subject : contact # > date : wed , 22 nov 2000 08 : 10 : 12 - 0600 > > iris , > > yu can reach me on my cell phone during the coming holidays . > 713 410 5396 > > vince > _ _ _ _ _ _ _ get more from the web . free msn explorer download : http : / / explorer . msn . com - lbs thesis - weather derivatives . doc",0 +"Subject: re : new copier information for 55 , 60 & 65 cpm digital machines iain : we went and looked at the toshiba copier on the 32 nd floor and while it does not appear to be extremely fast , i believe it will work for the 19 th floor . i spoke with vince kaminski and he agreed with our getting this copier . we noticed this copier has a button that says "" network connection "" and were wondering it this copier could be hooked up to the network and we could run copies from our computer ? please let us know . thanks for all your help and have a wonderful christmas and new year ! shirley co # 0011 rc # 100038 copier information including pictures & weblinks from : iain russell on 12 / 17 / 99 10 : 47 am to : shirley crenshaw / hou / ect @ ect cc : subject : new copier information for 55 , 60 & 65 cpm digital machines shirley , following up on the telephone conversation , please see the attached spreadsheet for pricing information plus important information about "" true world "" copy speeds . pricing was centered on the 42 . 315 k per month volume band so that you can get a good feel for copier expenditure based on average month volumes . i have left the spreadsheet "" unprotected "" so that you can play with the volume figures and see how this changes the price overall + how the "" cost per image "" is affected by volume changes . ? pricing spreadsheet : under "" notes "" towards under the pictures . the "" true world "" copy speed information has been supplied by buyers lab incorporated , which is an independent testing house that rates office equipment , including copiers and publishes their findings on a quarterly basis . unfortunately they have not released their findings on the canon ir 550 as testing is not yet complete . ? copier speeds : @ the end of the notes - mail { these include 1 - 1 , 1 - 2 and duplexing + detail on completion of "" sets "" } as you will see , duplexing speeds are widely different across the various manufacturers equipment & the "" true world "" copy speeds are a soft $ expense which impacts the true cost of running a copier . listed below are the url ' s for the different 55 , 60 & 65 cpm b / w copiers . a ) overview b ) specifications from lanier ricoh equipment 55 copies per minute a ) & b ) weblink for machine specifications - - > click here - - - > 65 copies per minute a ) & b ) weblink for machine specifications - - > click here - - - > from danka canon equipment { ir 550 } 55 copies per minute looks like : - - - > weblink for machine specifications - - > click below : a ) http : / / www . usa . canon . com / corpoffice / netofficesys / ir 550 / ir 550 fea . html b ) http : / / www . usa . canon . com / corpoffice / netofficesys / ir 550 / ir 550 spec . html canon equipment { ir 600 } > > currently on 45 day backorder weblink for machine specifications - - > click below : a ) http : / / www . usa . canon . com / corpoffice / netofficesys / ir 600 / ir 600 fea . html b ) http : / / www . usa . canon . com / corpoffice / netofficesys / ir 600 / ir 600 spec . html toshiba equipment 55 copies per minute weblink for machine specifications - - > click below : a ) http : / / www . toshiba . com / taiseid / copiers / 5570 / features . htm b ) http : / / www . toshiba . com / taiseid / copiers / 5570 / spec . htm 65 copies per minute weblink for machine specifications - - > click here - - > a ) http : / / www . toshiba . com / taiseid / copiers / 6570 / features . htm b ) http : / / www . toshiba . com / taiseid / copiers / 6570 / spec . htm notes here is the pricing spreadsheet for your records : - - > the highlighted rows on the spreadsheet reflect you current average monthly volume . fyi - - > target cpi or cost per image is in the region $ 0 . 017 up to and including $ 0 . 023 . copier model monthly volume capacities model manufacturer max rec / level realistic level { up to } toshiba 5570 340 k 115 k toshiba 6570 400 k 135 k lanier 5255 { per rep . } 200 k 100 k lanier 5265 { per rep . } 200 k 100 k canon ir 550 200 k 100 k canon ir 600 250 k 100 k fyi : we currently have a toshiba 6570 @ eb 32 kl that is averaging 69 , 332 images per month with the top month producing 86 , 673 images and a toshiba 5570 @ eb 3080 area that is averaging 39 , 309 per month . both of these machines are in the enron north america trading environment . the copiers quoted are all "" digital "" . digital : scan once print many = 99 copies of one sheet ? 1 scan ! analog : scan for every image made = 99 copies of 1 sheet ? 99 scans = possible noise issue . copier speeds = total print time this comparison gives the speed @ which the document set is printed { no staple , no 3 - hole punch } > > > > > 60 & 65 copy per minute machines > > > > 55 copy per minute machines < < < < < please call me with any questions . thanks , iain russell @ 713 - 853 - 6861 contracts supervisor administration enron property & services corp . privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message , and notify us immediately . if you or your employer does not consent to internet email messages of this kind , please advise us immediately . opinions , conclusions and other information expressed in this message are not given or endorsed by my department or employer unless otherwise indicated by an authorized representative independent of this message . ",0 +"Subject: management announcement we are pleased to announce that cliff baxter has been named vice chairman of enron corp . cliff joined enron in 1991 and has served in a variety of leadership positions in enron corp . as well as enron  , s wholesale business , including sr . vice president of corporate development for enron corp . , chairman and ceo of enron north america , and chief strategy officer for enron corp . in his new role , cliff will focus on the strategic repositioning of the company as we continue to increase our return on invested capital . initially , much of that activity will center on the disposition of certain assets . cliff  , s leadership and experience at both the corporate and operating company levels will enable him to lead the effort on this company - wide priority . please join us in congratulating and supporting cliff in his new role .",0 +"Subject: update on project x gentlemen , john norden will be in sydney on monday morning to evaluate the it process . he will coordinate with stinson . spoke to vince k today and asked if he would send stinson gibner to sidney to be available on monday to review the x system . paul , make sure our x friends are available and the confidentially agreement is signed . further , i spoke to phillip b . about a technical going too . g ' day mates , gary",0 +"Subject: a classic a classic i forgot to attach the resume ! ? ? pierre - philippe ste - marie http : / / pstemarie . homestead . com - ppl . doc",0 +"Subject: the national forum on corporate finance hello mr . fastow , sheridan titman from ut - austin and i are both delighted you will be able to participate in the conference we are organizing here at rice . attached is a revised overview of the organization - the second page contains an up - to - date list of the firms involved . also , i ' m attaching a draft of the actual program . after each presentation , i have a panel of three or four people who will can respond to some of the points or issues raised in each discussion . these remarks will be very informal and ad hoc and thus should require no preparation on your part . reaction to this format has been good and i think it will be a great way to stimulate discussion / debate . i have you penciled in to serve on one such panel on saturday morning , may 5 . the topic deals with handing the dilution arising from executive stock options and involves the top academic expert on executive stock options , david yermack from nyu . let me know if you have any concerns about this or if a conflict arises . also , i will be e - mailing some registration materials to you in the next week . i look forward to seeing you soon . dave ikenberry . at 11 : 20 am 2 / 26 / 2001 - 0600 , vince . j . kaminski @ enron . com wrote : > andy , > > thanks . i shall forward your message to > prof . ikenberry . > > vince > > > > > > from : andrew s fastow / enron @ enronxgate on 02 / 22 / 2001 01 : 45 pm > > to : vince j kaminski / hou / ect @ ect > cc : > subject : re : the national forum on corporate finance > > vince : > > i would be interested in participating . thanks . > > andy > > - - - - - original message - - - - - > from : kaminski , vince > sent : monday , february 05 , 2001 10 : 23 am > to : andrew s fastow / hou / ect @ enron > cc : kaminski , vince > subject : the national forum on corporate finance > > andy , > > i am sending you a draft oof a proposal regarding national forum for top > finance practitioners and > academics . the idea came from a professor at rice university who > has already received a commitment from a number > of most distinguished cfos . > > please , read the outline and see if you would be interested in joining > this forum . > i shall be glad to help to arrange a meeting with prof . ikenberry . > > vince > > > - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on > 02 / 05 / 2001 10 : 22 am - - - - - - - - - - - - - - - - - - - - - - - - - - - > > ( embedded image moved to file : pic 26299 . pcx ) > david ikenberry on 02 / 02 / 2001 06 : 10 : 02 pm > > to : "" vkamins @ ennron . com "" > cc : > subject : > > > it was great talking with you . > > dave > - brochure . doc > > > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > prof . david ikenberry > jones graduate school of management > rice university > 713 - 348 - 5385 > > > > > - brochure . doc - may 4 - 5 program _ nfcf . doc * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * prof . david ikenberry jones graduate school of management rice university 713 - 348 - 5385",0 +"Subject: resume greg mikkelson vince , i will contact you shortly to confirm that greg is able to make it in tomorrow . thanks . have a good day chris williams ena staffing x 39866 - - - - - - - - - - - - - - - - - - - - - - forwarded by chris williams / hou / ect on 07 / 10 / 2000 10 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : chris williams 07 / 10 / 2000 09 : 52 am to : kevin mcgowan / corp / enron @ enron cc : subject : resume greg mikkelson - - - - - - - - - - - - - - - - - - - - - - forwarded by chris williams / hou / ect on 07 / 10 / 2000 09 : 52 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : chris williams 06 / 26 / 2000 09 : 00 am to : kevin mcgowan / corp / enron @ enron cc : subject : resume greg mikkelson kevin , this is an internal referral from steve douglas . greg does have a good research background and a pretty impressive education , too . any interest in speaking with him regarding a research type position within your group ? chris x 39866 - - - - - - - - - - - - - - - - - - - - - - forwarded by chris williams / hou / ect on 06 / 26 / 2000 08 : 56 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : ted c bland 06 / 21 / 2000 06 : 51 am to : dave hill / corp / enron @ enron , chris williams / hou / ect @ ect , sheila walton / hou / ect @ ect , larry burton / hou / ees @ ees , daniel cc : subject : resume ( ms word ) please look over the attached resume . steve douglas referred mr . mikkelson to us . sheila , he may have a fit in kaminski ' s group . dave , ? . chris , maybe coal ' s emmissions group ? . dan , do you see a fit ? larry , an help ? thanks . ted - - - - - - - - - - - - - - - - - - - - - - forwarded by ted c bland / hou / ect on 06 / 21 / 2000 06 : 47 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : stephen h douglas 06 / 20 / 2000 05 : 39 pm to : ted c bland / hou / ect @ ect cc : subject : resume ( ms word ) as discussed . - - - - - - - - - - - - - - - - - - - - - - forwarded by stephen h douglas / hou / ect on 06 / 20 / 2000 06 : 37 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - gregory matthew mikkelson on 06 / 20 / 2000 12 : 35 : 40 pm to : sdougla @ enron . com cc : subject : resume ( ms word ) howdy steve . - r , sum ,",0 +"Subject: re : houston visit with vince kaminski good afternoon shirley , it is great that vince is available on 4 / 19 . w . r . t . the attached from vince , let ' s go for the afternoon slot on 4 / 19 . i look forward to seeing you both @ lpm on 4 / 19 . have a great w / e . many thanks , soussan ( 914 ) 253 4187 - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : friday , march 31 , 2000 12 : 53 pm to : faizs @ texaco . com cc : vince . j . kaminski @ enron . com ; shirley . crenshaw @ enron . com subject : re : houston visit soussan , my assistant , shirley crenshaw , will call you regarding the time of the meeting . right now the afternoon is open . i look forward to meeting you on the 19 th . vince - - - - - original message - - - - - from : shirley crenshaw [ mailto : shirley . crenshaw @ enron . com ] sent : friday , march 31 , 2000 1 : 00 pm to : faizs @ texaco . com subject : houston visit with vince kaminski good afternoon : vince kaminski is available on wednesday , april 19 th from 8 : 00 - 11 : 00 am and 1 : 00 - 4 : 00 pm . please let me know what time is more convenient for you . shirley crenshaw administrative coordinator 713 - 853 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 31 / 2000 11 : 50 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" faiz , soussan "" on 03 / 30 / 2000 02 : 31 : 18 pm to : "" ' vkamins @ enron . com ' "" cc : subject : houston visit dear vince , greetings from ny & hope all is well . as you may recall from the rog real options conference in ny , i ' d indicated the opportunity to visit with you next time i ' m in houston . i ' ll be there during 4 / 18 - 4 / 21 & wonder if we can pls meet on wed . 4 / 19 in your offices . would appreciate it if you can pls let me know whether you ' re available then ( i ' m flexible on the schedule particulars ) . if not , pls let me know whether 4 / 18 ( afternoon ) , 4 / 20 ( afternoon ) , or 4 / 21 ( morning ) will work for you . i really look forward to the opportunity & would appreciate to learn more about how you ' ve instigated the real options thinking in enron and especially its integration within the organizational & incentive matters . many thanks , soussan faiz mgr . of global valuation services texaco inc . ( 914 ) 253 - 4187",0 +"Subject: volatility curves - linked from reuters hi tanya , attached are the live reuters - linked volatility curves . please don ' t re - establish links , as i don ' t think that your telerate connection works in the same way as ours in london . i will get back to you on cleaning up the historical forward curve database as i complete each metal . we can talk at 5 pm as we agreed . regards , anjam p . s . i think the fast dial is : 830 5383 or 830 35383",0 +"Subject: request submitted : access request for anita . dupont @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000012738 approver : stinson . gibner @ enron . com request create date : 1 / 8 / 01 4 : 31 : 26 pm requested for : anita . dupont @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: re : li sun jeff , no problem . we shall invite her for an interview . a / a programs has real problems with logistics . vince from : jeffrey a shankman 08 / 22 / 2000 05 : 11 am to : vince j kaminski / hou / ect @ ect cc : subject : li sun hi vince , i ' m over in london so i ' m sorry for not calling this morning . i met li last year and at wharton . i ' m sorry the a / a program did not contact you earlier as they were supposed to . li is a great modeller and would love to work in your group . thanks for taking care of her . i ' ll be in touch later . jeff",0 +"Subject: presentation for cal berkeley hello vince and john , i wanted to forward to you both the current presentations for campus . we can tweak these however we feel appropriate to match cal berkeley on monday . i believe that we can probably expect about 30 - 50 students ( based on interest shown at the career fair ) . these tend to be fairly informal . i was thinking that we could present in this order : vince gives the enron overview presentation ( 30 minutes ) john gives the global technology specific presentation ( 20 minutes ) ashley goes over recruiting information at the end ( 10 minutes ) please take a look at each presentation and speaker notes to ensure that you feel comfortable with the layout and content . i am meeting with john today at 1 : 30 - vince if you would like to get together and discuss as well that would be great . if you have any questions , please don ' t hesitate to contact me . 3 - 3589 thanks , ashley vince , here is a copy of the current enron overview presentation . there are also speaker notes that go into great detail . john , here is a copy of the current technology presentation for carnegie mellon . the only changes will be to the recruiting dates at the end . there are also speaker notes that go into greater detail . - - - >",0 +"Subject: my resume vince : attached please find my resume . thanks , ding 6 - 7072",0 +"Subject: benchmarking questionnaires vince , attached are two sets of benchmarking questionnaires for your kind perusal . regards , khairuddin ( see attached file : q _ bench _ rms . doc ) ( see attached file : feb 5 - 17 , 2001 . doc ) disclaimer : this e - mail and any files transmitted with it ( "" message "" ) is intended only for the use of the recipient ( s ) named above and may contain confidential information . you are hereby notified that the taking of any action in reliance upon , or any review , retransmission , dissemination , distribution , printing or copying of this message or any part thereof by anyone other than the intended recipient ( s ) is strictly prohibited . if you have received this message in error , you should delete this message immediately and advise the sender by return e - mail . opinions , conclusions and other information in this message that do not relate to the official business of petronas or its group of companies shall be understood as neither given nor endorsed by petronas or any of the companies within the group . ( embedded image moved to file : pic 24962 . pcx ) - q _ bench _ rms . doc - feb 5 - 17 , 2001 . doc - pic 24962 . pcx",0 +"Subject: platts energy trader free trial please find today ' s complimentary issue of platts energy trader attached above . if you have any questions or would like to subscribe now , call 877 - 286 - 8897 or 212 - 904 - 2004 ; e - mail , info @ platts . com . meanwhile , we hope you enjoy today ' s issue of platts energy trader . if you need to download acrobat reader to read this file , go to www . adobe . com . to stop the free trial , hit reply and type "" stop trial . "" - eto 32301 . pdf",0 +"Subject: follow - up meeting on wharton good morning everyone : vince would like to schedule a follow - up meeting on wharton as soon as we can agree on a time . how does monday the 18 th look for you ? vince is free from 9 : 30 am - 11 : 30 am and from 1 : 00 pm - 4 : 00 pm . please let me know if you are available during any of these times . thanks ! shirley crenshaw 3 - 5290",0 +"Subject: trip to houston here is some information on one of the students invited to enron next week by tom gros . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 02 / 10 / 2000 05 : 24 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" juan - carlos o . ferrer "" on 02 / 10 / 2000 04 : 17 : 17 pm to : stinson . gibner @ enron . com cc : subject : trip to houston hi stinson , i am juan - carlos ferrer , also ph . d . student working with gabriel bitran and going to houston with amit and paulo on the 16 th . paulo told me that you are interested in some information of us before going to houston . well , i am form chile , married , and father of two girls ( 3 and 2 ) . i graduated from the engineering school at the catholic university of chile in 1995 having followed the track in computer science during the last 3 years of school . then , late in 1995 , i was hired by the industrial engineering department as a full - time assistant professor of management science , where i was teaching and doing research until june 1997 . in august 1997 i came to boston to join the operations management group in the sloan school of management here at mit . i already finished courses and qualifiers requirements of my program , so now i am trying to come up with an interesting research topic to develop my ph . d . thesis . i have been dealing with some interesting topics during the last months but since enron appears as an opportunity to find a more challenging and appealing problem to me i decided to explore it . my intention in going to visit enron is to have a better understanding of the bandwidth business in order to define a problem to work with . i would really like to do a thesis that involves internet issues and yield management models , in the line of amit ' s work . any other information or question you need , please feel free to contact me . looking forward to meeting you on the 16 th . juan carlos ferrer ? ? - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - ? ? ? ? ? ? ? ? ? juan - carlos o . ferrer ? ? ? ph . d . student , operations management ? ? ? ? sloan school of management - m . i . t . ? ? ? ? of : ( 617 ) 253 - 3597 fax : ( 617 ) 258 - 7579 ? ? ? ? ? ? http : / / web . mit . edu / jferrer / www / ? ? - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - -",0 +"Subject: this summer ' s houston visits richard has agreed to pay for matt ' s visit , so here ' s the schedule so far : kirstee all of july , all of september . ( kirstee ' s personal commitments mean she needs to be in the uk for august . ) ben all of october . ( no crossover with kirstee , ensures var / credit cover in london office . ) steve 2 - 3 weeks in july , first 3 weeks of september . ( no crossover with matt , ensures power cover in london office . ) matt a couple of weeks in august . ( preferably the hottest ones . ) anjam to be arranged at anjam and houston ' s mutual convenience . - - - - - - - - - - - - - - - - - - - - - - forwarded by steven leppard / lon / ect on 04 / 28 / 2000 04 : 19 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - steven leppard 04 / 28 / 2000 10 : 15 am to : vince j kaminski / hou / ect @ ect , dale surbey / lon / ect @ ect cc : anjam ahmad / lon / ect @ ect , benjamin parsons / lon / ect @ ect , kirstee hewitt / lon / ect @ ect , matthew d williams / lon / ect @ ect , steven leppard / lon / ect @ ect subject : this summer ' s houston visits vince , dale here are our proposals for houston visits from our group : kirstee all of july , all of september . ( kirstee ' s personal commitments mean she needs to be in the uk for august . ) ben all of october . ( no crossover with kirstee , ensures var / credit cover in london office . ) steve 2 - 3 weeks in july , first 3 weeks of september . anjam to be arranged at anjam and houston ' s mutual convenience . matt not a permanent research group member . i ' m asking richard ' s group to pay for his visit , probably in august . steve",0 +"Subject: re : wharton dinner 1 / 18 / 01 jennifer , thanks for your note ! as these trip details get more formalized , i ' ll keep yopu copied . for now , know that there are approximately 18 wharton students participating in 3 research projects - - enron proposed topics - - called the "" tiger program "" . they ' ll be visiting enron , arriving houston thursday the 18 th , dinner at churrasco ' s ( their choice ) on the 18 th , enron meetings on the 19 th . as the details unfold , i ' ll keep you and jeff copied . thanks ! - - christie .",0 +"Subject: re : action learning project information vince , thanks for the information . kathy at 01 : 03 pm 1 / 8 / 01 - 0600 , you wrote : > kathy , > > enron will be represented by myself ( vince kaminski ) and kenneth parkhill . > > vince > > > > > > kathy spradling on 01 / 05 / 2001 05 : 04 : 21 pm > > to : ( recipient list suppressed ) > cc : chamberl @ rice . edu , castro @ rice . edu , spradlin @ rice . edu > subject : action learning project information > > > dear company representative , > > we are pleased to announce that your company ' s proposal has been selected > as a potential project in the jones graduate school of management ' s action > learning project ( alp ) program . as indicated in the alp brochure , company > representatives are invited to attend the alp program introduction and > student networking session on wednesday , january 10 . please rsvp to kathy > spradling , mba program coordinator , at 713 - 348 - 3313 or e - mail her at > spradlin @ rice . edu by monday , january 8 to let her know if you plan to > attend the session . please provide your company name and the names of > representatives attending the session so nametags can be prepared . dress > is business casual . below is the schedule of events : > > 8 : 30 9 : 00 a . m . > ? continental breakfast and setup of your company table > ? farnsworth pavilion ( located in rice student center ) > > 9 : 00 9 : 45 a . m . > ? introduction and program overview with company representatives , alp > administration and faculty liaisons > ? farnsworth pavilion ( located in rice student center ) > > 10 : 00 12 : 00 p . m . > ? student networking session with company representatives and > first - year students > ? grand hall ( located in rice student center ) > > the alp program introduction and student networking session will be held in > the rice student center ( numbers 10 and 11 on the campus map sent with your > acceptance letter ) . please contact kathy spradling if you need an > additional map faxed to you . there is a large amount of construction taking > place on campus . once the visitor ' s lot near the rice memorial center is > full , we recommend you park in the stadium lot in the designated visitor > area and take the shuttle bus to the rice memorial center . make sure to > let the bus driver know your destination . > > > the mba program office has reserved the grand hall for the student > networking session . each company represented will have a table set up with > signage for your company . you may bring additional materials you feel > might be of interest to students such as company brochures , articles and > packets . due to the limited space , we are discouraging the use of display > boards in the networking session . unfortunately , no internet connections > will be available for use during the session . > > again , thank you for your interest in rice . we look forward to working > with you , and hope to see you on wednesday , january 10 . > > carrie miller > pam castro > kathy spradling > > > > kathy m . spradling > mba program coordinator > jesse h . jones graduate school of management > rice university > 6100 main street , ms 531 > houston , texas 77005 - 1892 > phone : ( 713 ) 348 - 3313 > fax : ( 713 ) 348 - 5251 > email : spradlin @ rice . edu > http : / / www . rice . edu / jgs > e - mail : spradlin @ rice . edu > http : / / www . ruf . rice . edu / ~ jgs / kathy m . spradling mba program coordinator jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 3313 fax : ( 713 ) 348 - 5251 email : spradlin @ rice . edu http : / / www . rice . edu / jgs e - mail : spradlin @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: re : ken lay ' s speech is there a difference though - - is the 460 part of the 1300 ? alhamd alkhayat enron corp . + 1 ( 713 ) 853 - 0315 this message ( including any attachments ) contains confidential information intended for a specific individual and purpose , and is protected by law . if you are not the intended recipient , you should delete this message and are hereby notified that any disclosure , copying , or distribution of this message , or the taking of any action based on it , is strictly prohibited . maureen raymond @ ect 01 / 02 / 2001 01 : 20 pm to : alhamd alkhayat / na / enron @ enron , steven j kean / na / enron @ enron , margaret carson / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : ken lay ' s speech the $ 1 . 3 trillion tax cut which is frequently quoted by the press is over 10 years , the $ 460 tax cut below is over five years . maureen raymond 01 / 02 / 2001 12 : 44 pm to : alhamd alkhayat / na / enron @ enron , steven j kean / na / enron @ enron , margaret carson / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : ken lay ' s speech i looked into the proposed tax cut by george w . bush . on his website he proposes a $ 460 billion tax cut over five years . the $ 213 billion "" energy tax "" imposed from 1999 to 2001 by higher energy prices , is roughly half of bush ' s proposed tax cut . maureen",0 +"Subject: re : vol rollup john , we can approach this problem this way . basically you are asking how the total variance ( 66 % ) 2 * 143 are distributed among 113 days and the last ? 30 days . assuming volatility for the first period is simgal and that in the ? last 30 ? days is sigma 2 , then ? ? ( 66 % ) 2 * 143 = sigmal 2 * 113 + sigma 22 * 30 futhermore , we can use nov - 00 implied volatility as a proxy to sigmal , then we can calculate sigma 2 which is the volatility for dec - 00 contract in the last 30 days . sigam 2 = sqrt ( ( 66 % ) 2 * 143 - sigmal 2 * 113 ) / 30 . make sense ? zimin john disturnal 07 / 09 / 2000 04 : 10 pm to : zimin lu / hou / ect @ ect cc : subject : vol rollup zimin , i am trying to understand what the near winter ng implied vols will look like as they approach expiration . for example , is it possible to infer what the implied volatility of the deco 0 ng contract will look like with 30 days to expiry given we know current vol ( 66 % ) and term to maturity ( 143 days ) ?",0 +"Subject: the solution presentation , text , & budget vincent : attached are the three documents i used in the presentation : the power point slides , the budget , and the written description . if you have any questions , you can e - mail me or call at 972 - 727 - 0999 , or my cell phone at 214 - 213 - 2205 . thanks for the support , and i look forward to working with you . mak - the text portion of the final solution presentation . zip",0 +"Subject: re : contact vince , david ' s parents are coming to visit the weekend of the 7 th . i will check with david , but i think the weekend of the 29 th is fine . i will get back to you as soon as i can . jana",0 +"Subject: candidate decisions vince : they are already asking for evaluations on the following individuals most of whom were just interviewed yesterday ! however , i do not know who bruce kamich is - i don ' t remember his interview at all . can you give me something to tell toni . thanks ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 07 / 28 / 2000 11 : 17 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : toni graham @ enron 07 / 28 / 2000 02 : 39 am to : shirley crenshaw / hou / ect @ ect cc : subject : candidate decisions shirley , could you please give me a yes , no , maybe decision on the following candidates interviewed : bruce kamich philip roan jerzy jarosz bruce james oleg bondar thanks toni",0 +"Subject: re : fw : possible visit to enron by professor nalin kulatilaka of boston university iris , please , check with shirley . she keeps my calendar up to date . also , we got a 2 nd desk for you with the credit group on the 23 rd floor . you can divide your time bet the 19 th floor and the 23 rd floor to stay in touch with the business unit . please , check with vasant and he will introduce you to the credit team here in houston ( jeff kinneman , craig chaney ) . also , please plan for a trip to london in 3 - 4 weeks . vince vince from : iris mack / enron @ enronxgate on 04 / 02 / 2001 09 : 57 am to : vince j kaminski / hou / ect @ ect cc : stinson gibner / hou / ect @ ect subject : re : fw : possible visit to enron by professor nalin kulatilaka of boston university hi , thanks for your prompt response . nalin kulatilaka wants to visit when you are in town . what are good thursdays for you ? thanks , iris - - - - - original message - - - - - from : kaminski , vince sent : monday , april 02 , 2001 8 : 14 am to : mack , iris cc : gibner , stinson ; kaminski , vince subject : re : fw : possible visit to enron by professor nalin kulatilaka of boston university iris , i wrote an endorsement for his book on real options ( it was on the cover under jeff skilling ' s name ) . let ' s invite him to the thursday lunch . vince from : iris mack / enron @ enronxgate on 03 / 29 / 2001 05 : 52 pm to : stinson gibner / hou / ect @ ect , stinson gibner / enron communications cc : vince j kaminski / hou / ect @ ect subject : fw : possible visit to enron by professor nalin kulatilaka of boston university hi stinson , a colleague of mine - professor nalin kulatilaka of boston university - is interested in visiting enron to give a talk on work he is doing in the broadband area . please see the forwarded emails for further information and available dates . can you let me know if we can give him a forum at one of our thursday research lunches or a friday brown bag lunch ? thanks , iris - - - - - original message - - - - - from : nalin kulatilaka @ enron com ] sent : thursday , march 29 , 2001 5 : 40 pm to : mack , iris cc : lin , martin subject : re : possible visit to enron by professor nalin kulatilaka of boston university hi iris i have two different hats to wear in talking to enron . one is as a financial economist . the other as the director of the newly formed "" global mobility innovation initiative ( gmii ) - - this is the research project funded by lucent , involving bu , lbs , and insead , to study various aspects of the mobile internet ( read 3 g ) . on the former i am working with a couple of ph . d . students in understanding ( a ) details of how having physical supply ( inventory ) can be used by a market maker . this is a problem that has been studies in the context of specialists inventory in the stock market but i think really interesting in the way enron does it in some of the newer markets like bandwidth . i think this is a big issue in lighting up all the dark fiber that is in the ground . ( b ) how enron is disciplining the internal decision making process with market . this is in many ways the critical aspect of real options that most finance people miss - - having options is one thing but exercising them and realizing their value is another . all of the incomplete contracting , asymmetric information , and incentive issues are ignored in real options valuation models . but they are real in practice . my impression is enron ' s real success is in putting place an organization that is able to mitigate these problems by imposing a market disciplining . ( c ) how enron manages the various books that involve physicals , financials , credit etc . this is specially important when many of the real assets have options features and therefore , include non - linear risk profiles . the story of gas is pretty well understood but not many of the others markets enron has been moving into over the last few years . on the gmii front , i think that some interesting opportunities arise when you think of the spectrum in a way similar to that of dark fiber . i am working with several people at lucent on this issue . i think it would be wonderful to engage in a conversation with enron and lucent folks in the room . i can do a lunch time talk on any of these issues . perhaps we can discuss some of these over a conference call . clearly , having vince kaminski in the room would be very important to me . as for schedules , the first 3 weeks of april are horrible . april 26 / 27 , may 3 / 4 are good for me . regards nalin at 06 : 56 pm 03 / 22 / 2001 , mack , iris wrote : > hi , > > as we briefly discussed , i spoke with one of my colleagues ( dr . > martin lin ) about your visiting enron to give a talk and to spend some > time with us to discuss you work in telecommunications , real options , > etc . > > martin and i are working on various broadband related problems . > > we thought it might be helpful if you let us know a bit more about > the following : > * when you want to come ( the research group has weekly > catered lunch on thursday and brown bag lunches on every other friday ) . > > * a description of what you want to talk about with respect > to telecoms , broadband , etc . > * who you would like to meet with me - vince kaminski ( our > boss ) , any other of our colleagues in research , broadband , etc . > . . . . . . . . . . . . . . . . . etc . > > > > > look forward to hearing from you . > > regards , > iris",0 +"Subject: jury duty shirley , i have been summoned for jury duty and plan to be out tomorrow , wednesday , may 2 . thanks , stinson",0 +"Subject: restricted list neither ena / rac / egf employees nor family members or others living in their household or financially dependent on the ena / rac / egf employee may purchase or sell securities of any entity ( or derivatives thereof ) listed on the restricted list for your or their personal or related accounts or recommend the purchase or sale of such securities to any person , except with the prior approval of the compliance department in consultation with the ena legal department . in addition to the trading restrictions above , should you at any time possess non - public material information about any public company , you , your family members and anybody that is financially dependent on you , are restricted from trading in that issue , and you may not disclose the non - public material information to anyone that does not have a business need to know . company name stock symbol 3 tec energy corp . tten adrian resources adrrf beau canada exploration ltd bau cn belco oil & gas corporation bog bonus resource services corp bou brigham exploration bexp canfibre group ltd . cfgl carrizo oil & gas inc . crzo costilla energy cose crown energy croe cynet , inc . cyne cypress energy cyz esenjay exploration esnj firstworld communications inc . fwis hanover compressor co . hc ice drilling enterprises inc . idf industrial holdings , inc . ihii inland resources , inc . inln kafus environmental industries , inc . ks nakornthai strip mill public co ltd nsm set paladin resources plc plr ld paradigm geophysical pgeof place resources , inc . plg cn quanta services inc . pwr queen sand resources , inc . qsri quicksilver resources inc . kwk saxon petroleum , inc . sxn cn startech seh cn syntroleum corp . synm tejon ranch corp . trc titan exploration texp transcoastal marine services , inc . tcms the restricted list is solely for the internal use of ena / rac / egf . no one may engage in discussions regarding whether a security is or is not on the restricted list with persons outside ena / rac / egf without specific clearance from the compliance department in consultation with the ena legal department . in addition to the above , you are reminded that pursuant to enron corp . ' s risk management policy ( "" policy "" ) , no ena / rac / egf employee may engage in the trading of any "" position "" ( "" position "" means any commodity , financial instrument , security , equity , financial asset or liability that are authorized for trading in the policy for the benefit of any party other than ena / rac / egf , whether for his / her own account or the account of any third party , where such position relates to ( i ) any commodity , financial instrument , security , equity , financial asset or liability which falls within such employee ' s responsibility at ena / rac / egf or ( ii ) any energy commodity . the prohibitions listed above do not replace or modify the policies set forth in ena ' s policies and procedures regarding confidential information and securities trading , enron corp . ' s risk management policy , or enron corp . ' s conduct of business affairs . should you have any questions regarding the above , please contact me at ext . 31939 .",0 +"Subject: re : dinner with your training colleague 11 / 15 ? ehud , november 15 is a bad day for me . i shall be in san antonio for our annual management conference . practically everybody who counts in enron will be there . still no response from louise . i shall catch her tomorrow in person . vince "" ehud i . ronn "" on 11 / 07 / 2000 09 : 04 : 36 am to : vince . j . kaminski @ enron . com cc : subject : dinner with your training colleague 11 / 15 ? vince , good morning . further to our conversation thereon during your austin visit 10 / 11 , i am writing at this time to inquire whether we might schedule a circa 7 p . m . dinner next wed . 11 / 15 , to include the participation of your enron training arm colleague . we could then discuss ut partcipation in enron training activities , as well as the forthcoming spring 2001 conference . best , ehud ehud i . ronn jack s . josey professor in energy studies department of finance mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: more details on karolyi visit vince : we will have cocktails with andrew at mi luna in the village ( on university , south side of the street between kirby and morningside ) at 5 : 30 monday evening . you can join in there or meet up with the dinner crew at the appointed place . we ' ll see you monday . bbo",0 +"Subject: re : telephone interview with the enron corp . research group dear : thank you for giving me an opportunity to have an interview with enron corp . i am looking forward to hearing the result from you . in case you are interested in reading some of my works , you can go to best regards , seksan . - - - - - original message - - - - - from : shirley . crenshaw @ enron . com [ mailto : shirley . crenshaw @ enron . com ] sent : tuesday , june 20 , 2000 4 : 45 pm to : centered @ engin . umich . edu cc : vince j kaminski ; pinnamaneni krishnarao ; osman sezgen subject : re : telephone interview with the enron corp . research group seksan : this friday , the 23 rd , at 2 : 30 pm eastern time ( 1 : 30 pm central ) would work fine . please let me have the telephone number you can be reached at . regards , shirley crenshaw seksan kiatsupaibul on 06 / 20 / 2000 03 : 19 : 37 pm to : shirley crenshaw cc : vince j kaminski , pinnamaneni krishnarao , osman sezgen subject : re : telephone interview with the enron corp . research group dear : thank you for giving an opportunity to have an interview with enron corp . this friday afternoon from lpm to 4 pm eastern time would be good for me . please let me know whether or not the time is also convenient for you . best regards , seksan . on tue , 20 jun 2000 , shirley crenshaw wrote : > > > good afternoon mr . kiatsupaibul : > > the enron corp . research group would like to conduct a telephone interview > with you at your convenience . > > please let me know your availability this friday , the 23 rd and during the week > of june 26 - 30 th and i will shedule the interview . > > the interviewers would be : > > vince kaminski managing director > p . v . krishnarao director > osman sezgen manager > > look forward to hearing from you . > > regards , > > shirley crenshaw > administrative coordinator > enron corp . research > 713 / 853 - 5290 > email : shirley . crenshaw @ enron . com > > > > > >",0 +"Subject: talk to us over the last several years , we ' ve received numerous questions and candid comments from many of you on a wide range of topics during our espeak sessions and through the office of the chairman online mailbox and voicemail . while espeak is an open , informal chat between employees and management , the office of the chairman online mailbox and voicemail box are designed as confidential upward feedback tools for employees who choose anonymity . we are pleased that many of you have openly expressed your thoughts and your identity , which made it possible for us to quickly respond to your questions and concerns . this is the kind of work environment we all must strive for at enron , and we encourage you to continue sending us comments about the things that are important to you . many times , however , we wanted to respond to those of you who contacted us anonymously with your good ideas , observations and questions . we now have a way to do this while maintaining your confidentiality . in the future , when we receive an anonymous question or comment from an employee , both the question and our response will be posted on emeet . this will allow us to answer all the questions that we receive , and it will give other employees an opportunity to provide their insight , if they choose to do so , since emeet is an open discussion board . remember : you can send your questions and comments to us in two ways : - email to office of the chairman , or - office of the chairman voicemail box at 713 - 853 - 7294 , which is a confidential call promoting open and honest communication is consistent with our vision and values and absolutely vital to our continued success as a company . so don ' t be hesitant or afraid to speak your mind . we want to hear from you .",0 +"Subject: bio ' s hi john ! so sorry for the delay in getting these to you this evening - - - "" connectivity "" issues . . . a few monks too few ! ! ( haha ) . here are the most current bio ' s for jeff and ken : . i thoroughly enjoyed our dinner this evening and look forward to seeing you tomorrow ! thanks ! - - christie .",0 +"Subject: re : fw : re : valuation . . . . see you there . . . steve - - - - - original message - - - - - from : kaminski , vince sent : tuesday , january 23 , 2001 5 : 28 pm to : stock , stephen subject : re : fw : re : valuation steve , around 6 : 00 p . m . vince from : stephen stock / enron @ enronxgate on 01 / 23 / 2001 05 : 26 pm to : vince j kaminski / hou / ect @ ect cc : subject : fw : re : valuation vince , i ' m in all this week . . . . . what time are you going for the bus tonight ? regards steve - - - - - original message - - - - - from : stevestock @ pagenetips . com @ enron sent : tuesday , january 23 , 2001 4 : 42 pm to : stock , stephen subject : fwd : re : valuation - - - - - - from : vince kaminski subject : re : valuation steve , please , let me know when you come back . i have detected a tendency to implement different approaches to valuation in the past . to some extent , it reflects the absence of formal rules for sign - off on the valuation techniques which , in turn , reflects , the turf wars and the desire by the originators to control the outcomes . vince stevestock @ pagenetips . com on 01 / 19 / 2001 06 : 53 : 14 pm to : vince . j . kaminski @ enron . com cc : subject : valuation vince , i ' d like an opportunity to talk to you about valuation . i ' m hearing confusing messages about the way that the uk it team and the uk traders get their valuation code aparently signed off by research , while here . . . you provide it for our guys to wrap up . we have now a situation where the uk team are using a home grown valuation piece called dove , where results differ from those of the equivalent usa portcalc . i need to break through the pride barriers and the "" not built here "" syndrome , and try to do the right thing , but i don ' t beleive i can do that without you guidance . i ' m scared that if we diverge too much we will never work globally on these systems . steve - - - - - - - - - - - - - - - - - - - - - - - - tel : 713 - 345 - 8980 cell : 281 - 541 - 1862 page : stevestock @ pagenetips . com steve - - - - - - - - - - - - - - - - - - - - - - - - tel : 713 - 345 - 8980 cell : 281 - 541 - 1862 page : stevestock @ pagenetips . com",0 +"Subject: re : australian energy risk 2000 lucie , yes , i have received the package . vince "" lucie deathridge "" on 05 / 24 / 2000 05 : 31 : 09 pm please respond to "" lucie deathridge "" to : cc : subject : australian energy risk 2000 thank you for agreeing to speak at the australian energy risk 2000 conference in sydney in july . last week i sent a speaker pack to you . i would be grateful if you would confirm receipt of this by return of email . in the event that you have not received it please let me know immediately and send me your full contact details . i am the co - ordinator of this conference and please do not hesitate to contact me if you have any queries . regards lucie deathridge conference co - ordinator risk publications ? tel : ( + 44 ) ( 0207 ) 484 9867",0 +"Subject: re : program attached ; march ny ro conference / participation confirmation vince . thanks very much at 07 : 24 d _ 01 / 04 / 00 - 0600 , you wrote : > > > lenos , > > thank you again for the invitation . i shall be glad > to attend and speak on the topic indicated in the program . > one correction : i am a vp . > > thanks > > vince > > > > > lenos trigeorgis on 01 / 01 / 2000 01 : 17 : 11 pm > > to : gordon . sick @ rogroup . com > cc : gordon . sick @ rogroup . com ( bcc : vince j kaminski / hou / ect ) > subject : program attached ; march ny ro conference / participation confirmation > > > > the current version of the conference program is attached > > please confirm your participation as speaker ( and confirm your presentation > title as listed on the attached conference program ) by next tuesday . the > program is about to be sent to the printers next week > > please cc your reply also to gordon . sick @ rogroup . com > > lenos > > > attachment converted : > > > > lenos trigeorgis > professor of finance > university of cyprus > dept of business > 75 kallipoleos , po box 20537 > cy 1678 nicosia cyprus > > tel : + 357 2 892261 > fax : 339063 > > > lenos trigeorgis professor of finance university of cyprus dept of business 75 kallipoleos , po box 20537 cy 1678 nicosia cyprus tel : + 357 2 892261 fax : 339063",0 +"Subject: issue 4 - http : / / www . financewise . com / risk riskbrief issue 4 from financewise : the only dedicated financial search engine 22 march 2000 dear riskbrief subscribers the fourth edition is here , and this month ' s theme is weather . weather derivatives is increasingly a hot topic on the web at the moment . four sites have been launched in the last three months , including tradeweather . com , weather - risk . com and . com . along with the weather trading site from liffe ( i - wex . com ) , launched in january , and the introduction last september of weather futures on the chicago mercantile exchange ( cme ) , there is something of a rush on . to provide you with an online resource to weather risk , we have an introductory guide , two site reviews , 22 articles and an exclusive book offer . http : / / www . tradeweather . com ( see site reviews ) http : / / www . weather - risk . com ( see site reviews ) http : / / www . . com http : / / www . i - wex . com http : / / www . cme . com / news / weather 921 . html how fast will the weather derivatives market grow ? will there be enough liquidity ? let us know what you think . in the meantime , please enjoy the rest of this month ' s issue , with 14 articles on currency trading , e - trading , and news of conferences , jobs and more . regards rob minto producer , financewise rminto @ risk . co . uk before you forget , why not forward this e - mail to a colleague / friend now , who might find our coverage of risk management on the web a useful resource ? contents : = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = > > weather risk guide > > site reviews > > articles and features : weather risk , e - trading , currency trading > > new # 1 site > > book special offer : insurance and weather risk > > conferences & training > > new jobs please view the newsletter online and get the full story : this month ' s sponsor : = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = credit : the new forum for international credit markets . with its mix of news , features , data and technical articles , credit magazine is a vital source of information for all investors , issuers and market professionals operating in the global credit markets . subscribe before april to claim a 40 % discount http : / / www . creditmag . com weather risk guides : = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = introduction to weather derivatives from the cme . a market history , plus a discussion of pricing and analyzing weather contracts . an overview article from james roemer of the weatherrisk institute . bob dischel ' s site on weather derivatives , with articles , links and seminar details . http : / / www . wxpx . com for further links to weather derivatives online see the html version : site reviews : = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = who is doing what on the web ? a double helping of site reviews this month : - new bond trading site from jp morgan bear stearns , chase manhattan and moneyline - weather derivatives trading & info : enron ' s weather - risk . com & tradeweather . com - foreign - exchange trading from financial market solutions - the french tr , sor site covering sovereign bond issues - algorithmic ' s risk management methodology - ' mark - to - future ' - rent applications and analytical tools from cygnifi , a new web offering from jp morgan , bridge & sybase - revamped inventure . com site - provider of data & analytics - keep up to date on new - issue markets with s & p ' s new site articles & features : = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = 14 new articles and features have been added to the financewise risk management special report . the new supplements are : - electronic trading - currency risk continuing our theme of weather , we also have two editions of weather risk . these 22 articles include glossaries and technical articles on data and forecasting , options pricing , emissions trading and weather - linked bonds . # 1 site = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = the new # 1 site on financewise is the picture of risk site from risk metrics , displacing finmath . com ( triple # 1 award winner ) as the most visited site in february . click below to view the latest rankings http : / / www . financewise . com / rankings book special offer : exclusive = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = and completing our weather coverage for this month , there is a 10 % discount available exclusive to riskbrief subscribers on : "" insurance and weather derivatives from exotic options to exotic underlyings "" for further details and information see : there are other special offers available on the risk books site : http : / / www . riskbooks . com conferences & training = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = full details are now online for risk 2000 . risk ' s 6 th annual us derivatives and risk management congress will be held in boston on june 13 & 14 . keynote speakers : myron scholes and jeffrey skilling . jobs = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = this month , the search term "" jobs "" has moved up to 5 th position in the financewise rankings . http : / / www . financewise . com / rankings if you were one of those searching for "" jobs "" , don ' t forget our own job search section . it currently holds 46 treasury and risk management , a record 29 additions since the last brief . visit the job search and select the job category "" finance : treasury and risk mgmt "" . http : / / www . financewise . com / jobs * * * also : = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = please e - mail us if there is anything you would like to see in this newsletter , or any questions that you would like addressed . riskbrief now reaches over 1200 subscribers worldwide . so if you have something interesting to say , or an opinion to share with all your fellow subscribers send your comments to : rminto @ risk . co . uk p . s . also suggest sites for us to review / index if this has been forwarded to you , please subscribe to receive your own copy at : are you registered with financewise ? if not , please click : http : / / www . financewise . com you will then have the full functionality of the site . if you have any problems with this newsletter , please contact me : rminto @ risk . co . uk to unsubscribe , write to financewise - unsubscribe @ listbot . com to unsubscribe , write to financewise - unsubscribe @ listbot . com",0 +"Subject: announcing the third annual texas finance festival hello friends , attached is the program announcement for the third edition of the texas finance festival to be held in san antonio ( once again ) . you will note that we have some new and fun entertainment lined up to accompany the superb program put together by sheridan titman ( and company ) . you can help us by registering early so we have put a discount into the registration fee if you get your registration form and check in by january 15 , 2001 . however , we would really appreciate hearing from you asap if you do plan to come via return e - mail . looking forward to seeing you all again in the spring . john - announcerev . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: tropical cyclones dear all , yesterday , i mentioned to vince the inhouse modelling capabilities and the impact weather and the weather forecast can have on some of enron ' s operations and risk management positions . for this reason i have attached three files , two of those show to tropical cyclones off the coasts of australia , i . e . rachel and drena . tropical cyclones pose a significant risk , and an early warning system can be part of a better risk strategy . please , note that the modelling system has been further improved since the simulation was done . also , we can focus on another large problem and associated risk . dust storms can pose a significant risk to a number of industries , and the prediction of such events has been very difficult , if not impossible . for this reason a gis database has been developed and coupled to the nwp model , which allows prediction of such events in realtime . for the depicted event an estimated 6 million tonnes of top soil was lost , and with it $ $ . maybe we can set up a conference call to discuss * the above mentioned points * further improvments in forecasting based on the high resolution forecasts * weather and climate on a global perspective for enron * how to further improve the forecast for enron regards , christian ps : i tried to sent of this e - mail last night , but their appears to be a limit of 10 mb , so i will send off the individual files . . . .",0 +"Subject: re : invitation to speak at power 2000 emma , mergers and acquisitions are not my cup of tea . chairing stream 1 on day 1 seems to be a better match . vince "" emma wolfin "" on 12 / 15 / 99 10 : 51 : 34 am to : vince j kaminski / hou / ect @ ect cc : subject : re : invitation to speak at power 2000 hi vince thanks for getting back to me quickly ! as it happens , all of the sessions you suggested are already taken ! so , would you be interested in chairing either stream 1 on day 1 of the conference - "" pricing and trading in the us power market "" or stream 3 on day 2 of the conference - "" latest developments in the us energy industry "" . for your information , the people presenting on day 1 in stream 1 include : - spyros maragos , dynegy on volatility - sanjeev khanna , pg & e on correlation - gary morsches , southern on optimising information to accurately price and trade electricity - blake johnson , stanford university on modelling power prices - craig pirrong , olin school of business , washington university on building the optimal forward curve on day 2 , stream 3 , there are only 3 talks in that stream , as after lunch we will be breaking for plenary sessions and the industry briefing sessions too . but the people who will be speaking in that stream are : - venu nagali , stanford university on real options - ram challa , sithe energies ( he was formerly at bankers trust ) on generation assets i have the slot on mergers and acquisitions in stream 3 on day 2 as still available but i ' m not sure if that session is your area of speciality ? let me know . thanks vince and very much looking forward to working with you again . emma - - - - - original message - - - - - from : vince j kaminski to : emma wolfin cc : vince j kaminski date : wednesday , december 15 , 1999 11 : 36 am subject : re : invitation to speak at power 2000 > > > emma , > > it ' s your choice . i can chair the session of day 2 or speak on one of these > topics . > please , let me know what works for you . > > possible presentations : > > evaluating the effectiveness of insurance as a risk management tool > > or > > applying real option theory to value power plants > > or > > overcoming the difficulties of accurately estimating volatility > > > vince > > > > > > "" emma wolfin "" on 12 / 14 / 99 04 : 08 : 03 pm > > to : vince j kaminski / hou / ect @ ect > cc : > subject : invitation to speak at power 2000 > > > > > hi vince > > it is my great pleasure to invite you to speak at power 2000 which will be > in houston on 9 & 10 may 2000 . > > would you be interested in chairing one of the streams on day 2 of the > conference ? or making a full presentation on one of the days ? please let me > know which talks interest you . obviously , some of the talks are no longer > available but i would like to give you a choice as much as possible . please > could you get back to me asap on 212 925 1864 ext 151 or by return email . > > i very much hope you can make the dates as i ' m very keen to have you > participate at power . not to flatter you unnecessarily , but i know that a > lot of people come to our conferences to hear what you have to say . > > best regards > > emma > > > > >",0 +"Subject: re : informs national conference at san antonio hi , details of our session info . at the informs conference can be found at the following link . it ' ll be in the afternoon of 11 / 6 ( monday ) . since we have 5 speakers , i expect each of us will have no more than 20 minutes to present . please keep that in mind and e - mail me if you have any questions . please also inform me if there will be any changes . look forward to seeing you all in san antonio . best regards , shijie shi - jie deng assistant professor school of isye georgia institute of technology office phone : ( 404 ) 894 - 6519 e - mail : deng @ isye . gatech . edu home page : http : / / www . isye . gatech . edu / ~ deng",0 +"Subject: marketpoint gas model dear mr . braun : as i mentioned , i have recently been reassigned here at enron . although i am still in the enron transportation services group , i am no longer the most appropriate contact for consideration of the altos gas model . i would suggest you contact kim watson at 713 - 853 - 3098 or of course , vince kaminski , who will remain very much a part of the decision process . regards , john goodpasture",0 +"Subject: candidate vince : here is the resume of samer ' s friend in azurix . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 01 / 25 / 2000 10 : 20 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : chonawee supatgiat @ azurix on 01 / 11 / 2000 03 : 47 pm to : stinson gibner @ ect cc : subject : candidate hi dr . gibner , i just called you but you were not there . as you might remember , i am working with samer and you was the one who interviewed me for this position . samer and i now keep our eyes open for the other job possibilities . i would like to know if there is a position available in enron research group that i might fit in ? my updated resume and transcript are attached in hector ' s e - mail . i am looking forward to hearing from you . - chonawee - - - - - - - - - - - - - - - - - - - - - - forwarded by chonawee supatgiat / hou / azurix on 01 / 11 / 2000 03 : 37 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - hector campos @ ect 01 / 11 / 2000 11 : 26 am to : stinson gibner / hou / ect @ ect cc : chonawee supatgiat / hou / azurix @ azurix , chonawee @ umich . edu subject : candidate stinson , here ' s my friend ' s information . he is looking for other opportunities within enron . i think he would be a good candidate for the research group . his extension at azurix is 6 - 9654 . - hector - - - - - - - - - - - - - - - - - - - - - - forwarded by hector campos / hou / ect on 01 / 11 / 2000 11 : 22 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" chonawee supatgiat "" on 01 / 10 / 2000 09 : 50 : 36 am to : hector campos / hou / ect @ ect cc : subject : here they are thank you , hector . attached are my resume and transcript . - chonawee - attl . htm - chonaweecv . doc - acadrep . txt",0 +"Subject: cell phone for the next two days , you can call me on the cell # 832 - 724 - 6346 . krishna .",0 +"Subject: moddeling support for dpc related issues a quick update on the status of sandeep kohli . he is working currently in my group . he is available on a very short notice to help you with any quantitative modeling that can be required in making decisions regarding our dpc strategy . in case you need his help , he can also rely on the support of other members of my group with skills in different areas . vince kaminski",0 +"Subject: names sheila , i am attaching the list of people who are top retention priority . the list is in the spreadsheet and the names are in the highlighted cell ( red background ) . i am also attaching the resume you asked for . vince",0 +"Subject: re : enron case study update fantastic . i look forward to receiving them . also , will you be keeping dec . 5 th open , in case there is a need for you to meet with additional executives ? regards , cindy "" john d . martin "" 11 / 06 / 2000 09 : 54 pm to : cindy . derecskey @ enron . com cc : vkamins @ enron . com subject : re : enron case study update wow ! all on the same day . that ' s super . thank you so very much . vince is coming up to baylor on monday of next week and we will hash out our question list then . thanks john at 04 : 54 pm 11 / 6 / 00 - 0600 , you wrote : > good afternoon john , > > i just want to drop you a line to update you re : andy fastow . i have > confirmed a one hour interview slot with mr . fastow in monday , december 4 th > from > 11 : 00 a . m . - noon . this is in addition to your schedule interviews with > mr . lay and mr . skilling - outline below . > > if you have any questions , please do not hesitate to contact me at > 713 - 853 - 5670 . > > regards , > > cindy > > > - - - - - forwarded by cindy derecskey / corp / enron on 11 / 06 / 2000 04 : 49 pm - - - - - > > cindy > derecskey to : "" john martin "" > cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect > 10 / 31 / 2000 subject : re : enron case study ( document link : cindy derecskey ) > 01 : 44 pm > > > > > > good afternoon john , > > i hope things are well with you . i am writing to update you on the status > of your meetings with andy fastow , ken lay and jeff skilling . i have > arranged the following meeting dates and times with ken lay and jeff > skilling , ( i am still trying to work with andy fastow ' s schedule ) : > > jeff skilling > december 4 th > 2 : 00 - 3 : 00 p . m . > > ken lay > december 4 th > 3 : 30 - 4 : 30 p . m . > > also , i will attempt to schedule the meeting with andy fastow for december > 4 th for convenience - this will also allow us to possibly schedule > additional meetings for the 5 th ( as needed ) . i will let you know as soon > as i ' m successful . > > regards , > > cindy derecskey > university affairs > enron corp . > > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: enron case study good morning mr . martin , i would like to introduce myself . i currently work with christie patrick and michael b rosen in the enron university affairs department . in recent discussions with christie , she has suggested that i liaise with you and our management in preparation for your and vince kaminski ' s case study . christie has forwarded recent emails sent by you suggesting a few convenient times that work with your schedule . i will work with our management and do my best to schedule one hour time slots for interviews that fit with your outline . initially , i will schedule interviews with : ken lay - chairman and ceo , jeff skilling - president and coo , and andy fastow - cfo . if you feel that you may need to speak with additional management , we will definitely try to work something out the same day , so you don ' t have to travel back here . i will forward your project outline to the aforementioned participants once the interviews are scheduled . do you anticipate drafting specific questions ? if so , i would greatly appreciate a copy when convenient . i greatly look forward to working with you and i hope that we can touch base very soon . regards , cindy derecskey enron university affairs ( 713 ) 853 - 5670",0 +"Subject: london , new york , houston , financial mathematics june / july 2001 hello speakers ! my name is joanna vidal and i am the coordinator for the financial mathematics training course being in held on the following dates : london on june 28 & 29 new york on july 9 & 10 houston on july 16 & 17 i am in the process of preparing the speaker packs which will include an updated contact information sheet with all your details . you will receive this pack shortly after you confirm your addresses . i will list them below and i ask that you please look it over and make any necessary corrections . my contact details , for your information are : joanna vidal events coordinator risk waters group t : ( 212 ) 925 1864 ext . 197 f : ( 212 ) 925 7585 jvidal @ riskwaters . com www . riskwaters . com thank you and i look forward to working with you . duane seppi carnegie mellon university graduate school of industrial administrations pittsburgh , pa 15213 - 3890 t : 001 412 - 268 - 2298 f : 001 412 - 269 - 8896 helyette geman universite de paris dauphine finance department au de ka grand ecole corgy pontois , paris france 95021 t : 00 33 60 - 807 - 4200 vincent kaminski enron credit 1400 smith street room ebl 962 houston , tx 77002 - 7361 t : 001 713 - 853 - 3848 f : 001 713 - 646 - 2503 peter nance teknecon , inc . 1515 s . capital of texas highway suite 101 austin , tx 78746 t : 001 512 - 732 - 7084 f : 001 512 - 732 - 7099 chris harris innogy holdings place windmill hill business park whitehill way swindon , wiltshire uk , 5 n 5 6 pb t : 44 793 387 - 7777 f : 44 793 389 - 7811 spyros maragos dynergy , inc . 1000 louisiana street suite 5800 houston , tx 77002 t : 011 713 - 507 - 6589 f : 001 713 - 767 - 5958 ehud ronn university of texas at austin department of finance mccombs school of business austin , tx 78712 - 1179 t : 001 512 - 471 - 5853 f : 001 512 - 471 - 5073",0 +"Subject: california update 1 / 22 / 01 executive summary discussions continue today over bill ablx , focus will be on price and term . new legislation introduced today whereby the state will try to save the utilities from bankruptcy by taking ownership of utilities ' hydro assets in exchange for rate increases . wednesday , state receives bids from auction , rate ranges are expected to be between 5 . 5 and 8 . 0 cents per kilowatt hour . mid week , audit findings will be released ; audit expected to show pg & e ' s utility subsidiary handed over $ 5 b to the holding company . the holding company used $ 4 . 4 b to pay shareholder dividends and buyback stock . state commissioned study to see who would benefit more in a possible bankruptcy scenario . bankruptcy still very possible for both companies . davis concerned about possible ballot issues and how those may effect futue solutions or "" bail out "" . legislation there will be continued discussion regarding bill ablx in the senate today . the discussion will focus on the rate cap of 5 . 5 cents per kilowatt hour as well as the term . assemblyman keeley , the author , indicated that he believed 5 . 5 cents was "" a fantasy "" and impossible to obtain . today , assembly speaker bob hertzberg , d - sherman oaks and assemblyman fred keeley , d - boulder creek will introduce legislation whereby the state would temporary or permanently take both pg & e and edision ' s hydroelectric facilities or transmission lines ( or both ) in exchange for keeping the utilities out of bankruptcy . the state would allow pg & e and edison to impose rate increases , however , the rates would not rise beyond the hikes approved earlier this month by the cpuc as an emergency surcharge . the money collected from consumers would go toward paying off their current debt and the state would then enter into long - term contracts with power generators . under the bill , the state of california would control 10 % of all california ' s electricity . as you can imagine , this legislation has not received unanimous praise . according to recent corporate filings , pg & e ' s hydroelectric plants alone would be valued between $ 3 and $ 5 billion . this amount just happens to be what davis estimates to be the final amount of money the state will have to guarantee once the audit of the utility companies is released and the political pressure is escalated on the parent companies to absorb some of the $ 12 billion in debt . davis is telling people that he thinks the audit will show the state should help with about $ 4 billion in debt , while the utilities , of course , say the full $ 12 billion should be covered . on wednesday , state officials will see the results of sealed bids from energy suppliers for long term contracts and see how close to reality their effort to keep utility rates unchanged for consumers will come . davis insists there are already several bids for his 5 . 5 cents per kilowatt hour ceiling , though few agree with his opinion . a handful of smaller , independent electricity providers with about a 30 % share of california power market , indicated sunday night they would come down to "" less than eight cents "" or less than half of what they currently charge , in return for the stability of long term contracts . because consumers pay about 6 . 5 cents per kilowatt hour for electricity under current puc rules , any hope california has to "" work off "" the back debts for these utilities lies in hitting something very close to davis ' price cap , without falling back on higher prices for consumers . the level of bids will be particularly important since bond rating agencies moved to put the state of california on a credit watch on friday , worried that there was no obvious long - term repayment plan for the billions of dollars they are on the hook for spending to keep the lights on in the state . utility ' s audit by the middle of this week , california auditors will release their findings about how much money pg & e and socal edison actually owe to institutions outside their own holding company structure . this will define the limits of what the state will guarantee , if they guarantee any of the debt . the truly explosive part of the audit may be its findings that the two companies used billions of dollars from consumers to buy back their own stock in recent years . a source with knowledge of the audits said the audit is expected to show that in the last three years , pg & e ' s utility subsidiary handed over about $ 5 billion to the holding company . of that total , the holding company used $ 4 . 4 billion to pay shareholder dividends and buyback shares of its stock . another finding from the audit shows that state helped caused the current power crisis when regulators , at the time of deregulation ( under the direction of former r - gov . pete wilson ) , forced the two utilities to sell at least half of their power - generating plants . auditors are expected to say that if the utilities still owned all these plants , electricity would cost only 7 cents a kilowatt hour , compared with over 30 cents an hour on average in december and january . bankruptcy the threat of bankruptcy is still very real for both utilities . senior advisors said that these utilities were on the path often followed by utility companies that ended in bankruptcy . as all the parties involved hunker down for another intensely political week , they all remain determined to avoid bankruptcy , but to push this as close to the brink as possible in the hopes of squeezing out an advantage . under such conditions , the risks of one or more of the players fumbling and triggering the great unknowable outcome of bankruptcy , is still quite high . california ' s political leaders order a series of independent analyses to determine who would suffer most in a case of bankruptcy , the state or the two utilities . the short answer was that no one has any idea . below are the findings of the report and some of the possible scenarios that would face a bankruptcy judge : 1 ) would the companies be eligible for chapter 11 style temporary bankruptcy ? some of the advisors thought that pg & e and edison ' s finances were so bad that chapter 11 style temporary bankruptcy may not even be an option . advisors said that a bankruptcy judge might take a good look at the corporate debt load and decide that reorganization would do no good and order the companies into full liquidation . this would most certainly be guaranteed chaos . 2 ) could the bankruptcy court actually force the puc to raise the price of electricity to consumers ? the legal basis for passing on rate increases to consumers is a lot less solid than originally thought , particularly if there is widespread public outrage directed at the electricity companies . and there is still the question of the unilateral power of a bankruptcy judge . 3 ) if the bankruptcy judge takes his job of protecting corporate assets seriously and finds that pg & e and edison cannot afford to buy electricity , he could order them to stop buying it and thus lead to massive power outages . 4 ) if the utilities go into bankruptcy , the first creditors in line would be the lenders and bondholders with collateral pledges . the state could become almost the last creditor in line as it is just another electricity supplier ( one of the reasons why suppliers won ' t sell electricity on credit to these companies now ) . 5 ) if the two companies went bankrupt , it would be the largest bankruptcies in history , straining just about everyone involved in the process . 6 ) the corporate approval allowing the parent company to segregate assets from the utility by the ferc for pg & e and already in place for edison may be far less effective than the utilities or the ratings agencies currently think . this is particularly true if this week ' s audit shows the two corporations transferring billions of dollars in the last few years into stock buybacks and shareholder dividend payments . davis opinion polls show that governor gray davis is getting high marks for his job , and the utilities are increasingly viewed as the culprits . one of davis concern ' s is , according to a senior official in the governor ' s office , that a deal is carved out that triggers a popular ballot initiative which is so anti - utility and anti - business that it cripples future growth in the state . according to a senior official , "" no one thought howard jarvis and his property tax initiative would succeed in destroying our education system , but he did , with one just ballot line and a lot of popular revulsion . the threat of direct , popular action is at least as large now as then . "" consumer advocate harvey rosenfield is already threatening to draw up a ballot initiative at the first sign that individual electricity consumers are being asked to help the utility companies repay their debt through higher rate - payer bills . this official goes on to say , "" the anger at utility companies is so high here , that almost anything rosenfield could think of would pass and we couldn ' t do anything about it . "" this threat has begun to complicate the one escape route on the debt front that had always appeared wide open to political leaders - - floating a bond issue or a guarantee for the money owed to institutions outside the corporate holding structure , and then letting the companies work that off with profits over the next several years .",0 +"Subject: fyi : energy operations promotions hi vince , scott pleus ( listed below in the director promotion section ) is bandwidth - trading backoffice person we  , ve been working with . i have known scott from ebs since he and i started around the same time . in fact , i was one of the first people to talk to sally beck about booking some of our network positions  * at which time i met scott . i know we have discussed this matter many times before , but this is a specific example of how people at all functional areas are benefiting from ebs ' rapid ' growth . ' scott has been at enron for about the same time i have been . he came from another energy company ' s backoffice before that . as for my specific situation , after our discussion yesterday , i understand clearly what happened . it appears bad luck had a lot to do with it ! ! ! thanks for looking into the promotion in the first place and i am certain that you ' ll push the promotion through at the earliest convenience of the hr folks ! kind regards , ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 08 / 00 09 : 22 am - - - - - sally beck @ enron sent by : enron announcements @ enron 02 / 07 / 00 07 : 01 am to : all ena domestic employees cc : subject : energy operations promotions ena energy operations sally beck vice president of energy operations i am pleased to announce the following promotions effective february 1 within ena energy operations . these individuals have been promoted in recognition of their outstanding performance and their contributions to the continuing success of enron north america . please join me in congratulating these employees on their promotions . promotions to senior director kristin albrecht serves as business controller for ena  , s power business . along with leslie reeves , kristin ensures that power transactions are handled accurately and smoothly from beginning to end . kristin  , s primary focus is on risk controls and daily reporting of positions and p & l for east power trading , west power trading and genco operations . brenda herod serves as business controller for ena  , s assets business , working with the gas assets group and the texas trading desk . her responsibilities include global contracts and facilities , risk management , confirmations , gas scheduling , volume management , settlements and regulatory compliance for houston pipeline , lrc and enron midstream services . leslie reeves is a business controller for ena  , s power business , working closely with kristin albrecht in managing mid and back office support for the east , west and genco power trading groups . her primary responsibilities are documentation and settlements , with a focus on contract administration , cash forecasting and cash management . mary solmonson leads ena  , s global database management group , collecting and validating information on our customers , contracts , pipelines and facilities , as well as published prices . these activities support overall energy operations responsibilities from risk to logistics to settlement . in addition , mary has been instrumental in the promotion and implementation of the global systems across enron to provide control , consistency , and common data throughout the organization . promotions to director scott pleus serves as business controller for enron  , s emerging products . these businesses include bandwidth , pulp and paper , and weather . his primary responsibilities include day - to - day functions of risk management , confirmations , pulp and paper scheduling , and settlements as well as long term system development . sheri thomas led ena  , s natural gas off - system settlements function throughout 1999 . her responsibilities included cash forecasting , collections , and accountability for receivables and payables for ena  , s gas business in the east , west and central regions of the us . sheri accepted a new assignment in january 2000 and is now managing the enron online operations . promotions to manager bennett kaufman manages the risk management administration function for the equity trading and debt trading groups . he has also had experience in supporting the options book for natural gas derivatives trading . prior to joining enron in early 1998 , bennett worked in trading operations for investment banking firms in new york . richard mckeel is the systems integration analyst within global database management , overseeing the change management process and new software development needed to interface the global applications with strategic systems  ) sitara , unify , enpower , solarc , sap , and enrononline . other promotions specialist to senior specialist : analyst to specialist : sylvia campos  ) deal compliance contract records tara eslick  ) financial trading risk management kam keiser  ) gas risk management - central desk victoria versen  ) gas logistics - east desk phillip love  ) risk controls operational analysis jeff coats  ) gas risk management - central desk monica lande  ) west power risk management ( portland ) senior clerk to staff : trang le  ) strategic operations  ) project unify john postlewaite  ) east power risk management anthony campos  ) deal compliance contract records diane seib  ) documentation ( calgary ) kori loibl  ) gas risk management - financial books donnie vinson  ) west power risk management ( portland ) imelda frayre  ) strategic operations - project sitara clerk to senior clerk : staff to specialist : leslie smith  ) information & records management amy degeyter  ) power documentation melinda whalen  ) documentation ( calgary ) michael nguyen  ) emerging products risk management sherlyn schumack  ) logistics volume management karie hastings  ) strategic operations - project sitara in addition , peggy hedstrom and brent price were promoted to vice president , as announced in the memo issued by enron corp . office of the chairman . peggy leads energy operations for enron canada , with responsibility for risk management , documentation and gas logistics . peggy also serves as a key interface with canadian pipelines as a member of several industry committees . brent is the senior business controller for gas trading operations in the u . s . his responsibilities include risk management , confirmations , volume management and settlements for the east , west and central regions . he also provides operational expertise in the due diligence phase of the evaluations of joint ventures and acquisitions .",0 +"Subject: re : letter to nesbitt vince , your note looks good to me , short and to the point . i assume this will prompt further detailed discussions with dale . i would want to clarify that we are primarily interested in the long term gas model and database for north america . unless a familiarity with the short term model is a prerequisite , i doubt that we would want to spend a lot of time on it . depending upon how long it would take to become familiar with the long term model , it might be helpful to have access in both omaha and houston ? we would eventually need specifications for the computer system we would need for testing the model . steve hotte , cio for ets , would co - ordinate the in - house installation for us . at some point , it will be helpful to get steve in contact with the appropriate marketpoint it rep . assuming that you get acceptable clarification of these issues , dale should probably send to us a modified licensing agreement for review . let me know what i should do next . jng",0 +"Subject: my resume molly , we would like to bring this student as a summer intern ( the last one , we are running out of space ) . i shall send you another message regarding his proposed dates . thanks . i hope you have a very happy easter . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 13 / 2001 10 : 03 am - - - - - - - - - - - - - - - - - - - - - - - - - - - zhendong xia on 04 / 12 / 2001 03 : 58 : 25 pm to : vince . j . kaminski @ enron . com cc : subject : my resume hi , dr . kaminski : glad to get your reply . here is my resueme . if you wanna know more about me , please feel free to contact me . thanks . zhendong xia georgia institute of technology school of industrial and systems engineering email : dengie @ isye . gatech . edu dengie @ sina . com tel : ( h ) 404 - 8975103 ( o ) 404 - 8944318 - cv . doc",0 +"Subject: powerisk 2000 - cocktail parties for your information thanks iona - - - - - - - - - - - - - - - - - - - - - - forwarded by iona maclean / lon / ect on 21 / 09 / 2000 15 : 00 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . from : tunuja tulsiani 21 / 09 / 2000 14 : 50 to : cc : rosemary fitzgerald , simon turner subject : powerisk 2000 - cocktail parties important announcement two key social functions at powerisk 2000 * your personal invitation powerisk 2000 has teamed up with three key industries partners to bring two important networking functions at this year ' s powerisk 2000 . a full invitation has been sent to you in the post but please print out and bring the two attached invitations with you in case your postal copy does not reach you for any reason . the first cocktail party will be held on tuesday 3 rd october between 6 pm and 9 pm and will be hosted by virtual credit services and true quote . com . this welcome cocktail party is open to all delegates and speakers whether or not you are attending the e - commerce day on the tuesday . running until 9 pm , it should allow you time to attend even if you have a late evening flight . the second cocktail party will be held on wednesday 4 th october at the palais brongniart , the home of parisbourse who will be hosting the function . transport to and from this event will be provided for all delegates . there is no need to reply * we look forward to seeing you at both events . regards rosemary fitzgerald powerisk 2000 director",0 +"Subject: summer rotation in rac vince , i had a lunch meeting with rudi and vladi from rac , and i also met with ted murphy . they are supposed to get back with me by friday to confirm the proposed summer rotation . so far i have a very positive impression of the group , and the projects that they are involved in . they also told me that rac and research people are often working on projects together , so i am sure that my ties with research are not going to go away with me rotating to rac . i will keep you posted on further developments . coordially , jason sokolov",0 +"Subject: re : congratulations thank you very much for the note . i am very happy that you have been promoted to managing director . it was long over due . sincerely , jean vince j kaminski @ ect 01 / 11 / 00 10 : 03 am to : jean mrha / enron communications @ enron communications cc : subject : congratulations jean , congratulations . well deserved . vince",0 +"Subject: thanks from charles dear vince : it was great talking to you on friday . thank you very much for the opportunity and your time . after having talked with you and other people in the group , i was very impressed by enron research group ' s deep insights , high professionalism , and the friendly attitude . i really wish that i could have the opportunity to join the group and contribute to the future success of the research group with my solid background in finance and econometrics . if you have any questions , please feel free to let me know . i look forward to hearing from you soon , thank you very much . sincerely , charles do you yahoo ! ? yahoo ! messenger - talk while you surf ! it ' s free . http : / / im . yahoo . com /",0 +"Subject: re : mscf speaker series pierre - philippe , the time of the presentation , 11 : 30 is fine with me . i shall arrive thu evening and i shall get to the hotel by cab . thanks for your kind offer to meet me at the airport but i shall be arriving at late hour and don ' t want to inconvenience you . kevin kindall from enron will come with me . i shall also need a projector for my m / s power point presentation on "" volatility in the us power markets "" . i shall be very glad to meet with duane . vince "" pierre - philippe ste - marie "" on 10 / 30 / 2000 08 : 47 : 17 pm to : cc : subject : re : mscf speaker series dear mr . kaminski , the presentation is scheduled on friday the 3 rd at 11 . 30 so that new york students can attend . would you like me to get you at the airport ? if you want i can also organize a short meeting with professor seppi which is very interested in energy derivatives . my goal is to make your trip to pittsburgh as pleasant as possible . therefore if there is anything i can do to help ( i am sounding a little repetitive . . . i know ) let me know . sincerely , pierre - philippe ste - marie http : / / pstemarie . homestead . com",0 +"Subject: wti simulation model 30 , 000 bbl / trade john , attached are updated results of zimin ' s model assuming each trade is on a total notional of 30 , 000 bbls . note that i have re - scaled the results to be in $ mm . - - stinson open - close prices continuous prices",0 +"Subject: re : hello from vince kaminski at enron shmuel , sorry for not getting back to you earlier . if the 23 rd of october is still open , i can make the presentation on this day . vince "" shmuel oren "" on 08 / 30 / 2000 08 : 18 : 15 am to : cc : subject : re : hello from vince kaminski at enron originally you mentioned october 23 so i reserved that week which is still open . shmuel s . oren , professor dept . of industrial engineering and operations research 4117 etcheverry hall university of california berkeley , ca 94720 - 1777 e - mail : oren @ ieor . berkeley . edu phone : ( 510 ) 642 - 1836 or 5484 fax : ( 510 ) 642 - 1403 - - - - - original message - - - - - from : to : cc : ; ; sent : wednesday , august 30 , 2000 9 : 03 am subject : re : hello from vince kaminski at enron > > shmuel , > > let ' s see if we can either rearrange the seminar speakers > or change the date of our visit to the campus . ashley baxter , our > coordinator is very efficient and > got a faculty room for a presentation on monday morning on the 16 th . > > vince > > > > > > > "" shmuel oren "" on 08 / 29 / 2000 05 : 37 : 33 pm > > to : > cc : > subject : re : hello from vince kaminski at enron > > > dear vince . i spoke too soon . apparently the seminar slot on the 16 was > already filled . i will see if i can switch the speaker for that week to the > following week . in any case we are on for dinner on the 16 . > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > shmuel s . oren , professor > dept . of industrial engineering > and operations research > 4117 etcheverry hall > university of california > berkeley , ca 94720 - 1777 > e - mail : oren @ ieor . berkeley . edu > phone : ( 510 ) 642 - 1836 or 5484 > fax : ( 510 ) 642 - 1403 > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > - - - - - original message - - - - - > from : > to : > cc : ; > sent : tuesday , august 29 , 2000 5 : 01 pm > subject : re : hello from vince kaminski at enron > > > > > > shmuel , > > > > the date of our trip to berkeley has been set . it will be october 16 th > and > > 17 th > > ( monday and tuesday ) . > > > > i shall be glad to make a presentation on energy derivatives markets > > ( development of the markets in the us and europe , valuation difficulties , > > enron ' s role > > in developing the forward markets for natural gas and electricity ) . > > > > please , let me know if this topic would be of interest to you . if this is > > the > > case , i shall follow with a title and an abstract . > > > > by the way , are you free for dinner on monday ? > > > > vince > > > > > > > > > > > > > > "" shmuel oren "" on 08 / 24 / 2000 08 : 59 : 38 am > > > > to : "" vince j kaminski "" > > cc : > > subject : re : hello from vince kaminski at enron > > > > > > great . our seminars are 3 : 30 to 5 pm . if it works for you please send me a > > title and abstract . > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > shmuel s . oren , professor > > dept . of industrial engineering > > and operations research > > 4117 etcheverry hall > > university of california > > berkeley , ca 94720 - 1777 > > e - mail : oren @ ieor . berkeley . edu > > phone : ( 510 ) 642 - 1836 or 5484 > > fax : ( 510 ) 642 - 1403 > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > - - - - - original message - - - - - > > from : "" vince j kaminski "" > > to : "" shmuel oren "" > > cc : "" vince j kaminski "" ; "" ashley baxter "" > > > > sent : thursday , august 24 , 2000 9 : 58 am > > subject : re : hello from vince kaminski at enron > > > > > > > > > > > > > shmuel , > > > > > > thanks for the message . i am working with our recruiter , ashley baxter , > > > to finalize the date of the trip . i shall shoot for october the 23 rd > > > if this date works for the rest of our team . > > > > > > vince > > > > > > > > > > > > > > > > > > > > > "" shmuel oren "" on 08 / 23 / 2000 11 : 46 : 19 am > > > > > > to : vince j kaminski / hou / ect @ ect > > > cc : > > > subject : re : hello from vince kaminski at enron > > > > > > > > > > > > dear vince . > > > i sent you a reply earlier this month but i haven ' t heard from you > about > > the > > > date of your visit . our department has a seminar every monday . if you > can > > > schedule your visit on a monday i would like to invite you to give a > > seminar > > > which will be attended by many of our graduate students and faculty and > > will > > > give you an opportunity to tell them about your program . with > sufficient > > > lead - time i can advertise the seminar in the hass school to their > > financial > > > engineering students . > > > shmuel . > > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > shmuel s . oren , professor > > > dept . of industrial engineering > > > and operations research > > > 4117 etcheverry hall > > > university of california > > > berkeley , ca 94720 - 1777 > > > e - mail : oren @ ieor . berkeley . edu > > > phone : ( 510 ) 642 - 1836 or 5484 > > > fax : ( 510 ) 642 - 1403 > > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > > > - - - - - original message - - - - - > > > from : > > > to : ; ; > > > > > > sent : tuesday , august 08 , 2000 10 : 59 am > > > subject : hello from vince kaminski at enron > > > > > > > > > > shmuel , > > > > > > > > i hope you remember me . i visited you together with aram sogomonian , > a > > > > good friend of mine , a few years ago . i am currently responsible , > among > > > > other things , for recruiting graduates with finance and / or technical > > > > backgrounds at the university of berkeley . i would be glad to give > you > > a > > > > call and talk more about the details of our program . my colleague , > > > > ashleybaxter , from the analyst / associate program at enron would join > me > > > > as well . > > > > > > > > i am sending you a copy of the brochure about the analyst / associate > > > > program . > > > > > > > > vince kaminski > > > > > > > > > > > > vincent kaminski > > > > managing director - research > > > > enron corp . > > > > 1400 smith street > > > > room ebl 962 > > > > houston , tx 77002 - 7361 > > > > > > > > phone : ( 713 ) 853 3848 > > > > fax : ( 713 ) 646 2503 > > > > e - mail : vkamins @ enron . com > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > >",0 +"Subject: re : datren williams acceptance you are right , vince . . . . celeste and i did discuss it , and she approved his feb . start date . datren does know about that , so it sounds like it is cleared up . thanks so much , and we are sorry for the confusion ! carol vince j kaminski 10 / 12 / 2000 03 : 58 pm to : stinson gibner / hou / ect @ ect cc : carol coats / hou / ect @ ect subject : re : datren williams acceptance stinson , i think it ' s a mistake . it should be february . vince stinson gibner 10 / 10 / 2000 08 : 11 pm to : vince j kaminski / hou / ect @ ect cc : subject : datren williams acceptance fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 10 / 10 / 2000 08 : 10 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - carol coats 09 / 29 / 2000 02 : 36 pm to : celeste roberts / hou / ect @ ect cc : stinson gibner / hou / ect @ ect subject : datren williams acceptance celeste , i just received datren williams ' acceptance with the following note attached : "" my graduation date ( ph . d . candidate from lsu ) is dec . 2000 . celeste roberts has informed me that i would have the option of starting work feb . 2001 . i am under the impression that i will start in feb . 2001 . my offer letter has a start date of aug . 2001 . if this is a problem , please give me a call . looking forward to working at enron . thanks a million , datren w . "" please let me know if he may in fact start in feb . 2001 , and if so , do you have a specific date for him , or may he choose ? thanks , celeste , carol",0 +"Subject: re : looking for "" fat tails "" in time - series for ngi - socal vince , i quite agree , we have to separate out price and position , and that is what we have done with the historical simulations / evt ideas . we have taken today ' s delta - gamma , hold that frozen , and gone back historically and looked at price changes and see what happens to portfolio changes . garman and company have looked at gross historical portfolio changes , which i agree is not the best approach , due to the artificiality imposed by largest net open positions ( nop ) , such as we have seen recently . regards naveen vince j kaminski @ ect 11 / 13 / 2000 10 : 31 am to : tanya tamarchenko / hou / ect @ ect cc : naveen andrews / corp / enron @ enron , vince j kaminski / hou / ect @ ect , vladimir gorny / hou / ect @ ect subject : re : looking for "" fat tails "" in time - series for ngi - socal tanya , naveen , just a thought . changes in the portfolio values may combine both the changes of prices and positions . this happens if one tracks changes in the value of our historical gas portfolio . a big jump in the volumetric position from day to day , combined with a moderate price movement may produce an observation that looks artificially big . if the volumetric position was frozen , it ' s just a scaling factor and there should be no discrepancy between your numbers . of course , the correct approach is to separate the price process from the position changes . vince tanya tamarchenko 11 / 13 / 2000 08 : 38 am to : naveen andrews / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , vladimir gorny / hou / ect @ ect subject : re : looking for "" fat tails "" in time - series for ngi - socal naveen , i am trying to answer the question : what is the appropriate stochastic process to model the behavior of commodities ' prices in our var model . so what i do care about is the behavior of log - returns . any help is appreciated . tanya . naveen andrews @ enron 11 / 10 / 2000 04 : 35 pm to : tanya tamarchenko / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , vladimir gorny / hou / ect @ ect subject : re : looking for "" fat tails "" in time - series for ngi - socal tanya , we care about portfolio value changes , not log - returns of a single contract , which has extremes in the behavior and can be fit to a fat - tailed distribution . a 1 . 20 basis move , with 500 bcf position , is an extreme event , anyway you slice it . in the literature , as elsewhere , i agree for a single contract log - returns , they don ' t divide by vols . regards naveen tanya tamarchenko @ ect 11 / 10 / 2000 04 : 17 pm to : naveen andrews / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , vladimir gorny / hou / ect @ ect subject : re : looking for "" fat tails "" in time - series for ngi - socal naveen , i got ngi - socal prices for prompt , prompt + 1 , . . . , prompt + 59 contracts . for each contract i calculated moving average based on 21 log - returns as well as moving volatility . then i calculated normalized log - returns : [ return ( t ) - ave ( t ) ] / vol ( t ) and compared the results to normal distribution . i could not find fat tails ! volatility changes a lot from day to day , so when people look at log - returns ( not normalized ) it seems that there fat tails ( big spikes , large returns more frequent than normal ) , which comes from the fact that volatility is not constant ( at all ) . see the spreadsheet is under o : \ _ dropbox \ tanya tanya",0 +"Subject: research meeting all john sherriff has suggested we all get together in the near future to discuss the demands being placed on the research group . i will be making a request for additional resources , and the aim of the meeting is to determine the most appropriate size for the team . assistants : can we aim for week commencing 6 th november ? vince : would you like to teleconference in ? many thanks steve",0 +"Subject: meeting with dale nesbitt - altos management partners the meeting with dale nesbitt has now been scheduled for 2 : 00 pm tuesday , november 7 , in eb 49 c 2 video conference room . your attendance is welcomed . jng",0 +"Subject: re : interviews vince , no problem , i know hr can slow the process down . marshall brown vice president robert walters associates phone # : 212 - 704 - 0596 fax # : 212 - 704 - 4312 marshall . brown @ robertwalters . com www . robertwalters . com > - - - - - original message - - - - - > from : vince . j . kaminski @ enron . com [ smtp : vince . j . kaminski @ enron . com ] > sent : friday , april 06 , 2001 5 : 50 pm > to : marshall . brown @ robertwalters . com > cc : vince . j . kaminski @ enron . com > subject : re : interviews > > > marshall , > > sorry for a delay in responding to you . > my hr people were asked to get in touch with you re > the candidates . > > vince > > > > > > marshall brown on 03 / 27 / 2001 02 : 36 : 12 > pm > > to : "" ' vince kaminski ' "" > cc : > subject : interviews > > > vince , > i had two candidates speak with zamin lu on 3 / 14 / 01 and 3 / 16 / 01 . > ( renshi zhang and bill koures respectively ) . i know you were in london > last > week . if you could please give me some feedback ( either positive or > negative ) as soon as possible , i would appreciate it . > regards , > > marshall brown > vice president > robert walters associates > phone : 212 - 704 - 0596 > fax : 212 - 704 - 4312 > marshall . brown @ robertwalters . com > > > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > caution : electronic mail sent through the internet is not secure and could > be intercepted by a third party . > > this email and any files transmitted with it are confidential and > intended solely for the use of the individual or entity to whom they > are addressed . if you have received this email in error please notify > the system manager . > > this footnote also confirms that this email message has been swept by > mimesweeper for the presence of computer viruses . > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > > >",0 +"Subject: eprm understanding and applying fin math - houston please register me as vince kaminski ' s free guest at the houston session of the above conference on 31 / 8 and 1 / 9 . many thanks , steve leppard enron europe research group",0 +"Subject: backwardation hedge strategy i have completed an evaluation of a "" backwardation "" hedge strategy requested by wendy king . the stratregy is intended to hedge oil inventories and is based of trading nymex futures and options . wendy has suggested she wants to review this with jeff shankman . i would like to review my conclusions with you before i send it to wendy and will ask shirley to set up a meeting . a writeup is attached . bob",0 +"Subject: re : interview request kevin , yes , i am available . please send a resume to shirley crenshaw . shirley will call you to set up the time . vince from : kevin mcgowan @ enron 07 / 10 / 2000 09 : 28 am to : vince j kaminski / hou / ect @ ect , george hopley / hou / ect @ ect cc : subject : interview request i am trying to schedule an interview with a gentleman who is currently a professor at rice . we are interested in possibly hiring him in a research capacity in the coal and emissions group . would you have time to interview him tom ' w ? let me know if you can . thank you kevin mcgowan x - 3 - 7499",0 +"Subject: just fyi vince , please see below some of the ideas being bounced , fyi . please keep this confidential . the unused capacity in maharashtra should be dispatched on a merchant basis , on behalf of mseb to any customers outside mseb ' s current purview . i would like us to look at the whole issue as one of mseb ' s poor credit , and hence ( as jeff pointed out on the call ) , one where we need to identify all deep pockets in and out of maharashtra . secondly , there is ( as shubh and i had pointed out ) the ability to evacuate about 700 - 1000 mw to customers other than mseb . the challege is - at what price , and in coordination with which agencies . as always , in india your greatest challenge will be in dealing with govt . agencies . another point to consider is that in - all we have about 5 - 7 customers identified . will all the customers we have earmarked bite ? ? ? this is the reason why systems need to be set up with a bulletin board on pricing 10 - 15 day power on the screens of the different sebs we can connect up with . this also substantially gets around the credit quality issue , as this would be an arrangement akin to cash - and - carry . i see a lot of hope for such a strategy . i do not see much hope for a strategy of selling blocks of power to either ntpc or ptc . i would agree however , that we not put all our eggs in one basket , and hence you could designate a team to look into the ntpc sale issue inparallel . in order to set up the trading sytems , however , we need to start by the end of ql 2001 , and just start doing small deals where we break even , simply to test the waters and introduce liquidity into the market . hand - in - hand with this we need a fuel risk management strategy , as i have been pushing for . for this to happen , we need to get the special import licence reinstated . if that is not possible , we need to lobby with the highest authorities within govt . and rbi to allow for hedging , irrespective of whether we have an sil . the discussions being held with ioc are therefore very important in this regard , and i am going to get anshuman and mukesh involved with the same . finally , i do not see much hope for your strategy of asking ene management for $ 75 million to build transmission lines in a country where the regulatory framework on transmission access is even less defined and understood than the generation side of the equation . i would refrain from stating this in any senior management forum until we are able to clearly demonstrate the cost - benefit of this . i have some ideas on that side which i need to develop further . regards , sandeep .",0 +"Subject: many dear vince , 1 . i apologize for not having got back to karla earlier but dauphine is not properly equipped yet . 2 . the conference with samuelson , merton , heath , ross , mckean etc was spectacular . 512 academics and practitioners came to college de france and were very grateful . 3 . i was so worn out afterwards that i did not make it to houston . i just went to visit alex after a week conference on quantitative risk management where i was speaking at carnegie mellon 4 . another former phd student of mine has been testing and improving the software . he is great and modest ; giving the papers i referee and the conferences i go to , i do believe that we are still ahead ( or way ahead ) today . we also beautifully simplified the valuation of the hourly swings . obviously , in case of a problem , my reputation and your esteem would be more valuable than 30 % of 90 , 000 usd ( to be shared . . . ) 5 . i declined risk in houston and newyork and am not sure i will have the pleasure to see you in london . in all cases , we should coordinate for paris soon helyette",0 +"Subject: re : analyst candidate mitra mujica thank you so much for reserving an analyst for our group . tomorrow is my last day in houston until i return from london in 2 months . i won ' t forget something for your baby . i ' ve asked gwyn koepke and vince kaminski to interview mitra mujica in my absence . vince likes to interview all candidates prior to being employed in the research department . i can interview over the telephone . could you please send us mitra ' s resume . regards , maureen enron north america corp . from : andrea richards @ enron 02 / 16 / 2001 04 : 42 pm to : maureen raymond / hou / ect @ ect , gwyn koepke / na / enron @ enron cc : jana giovannini / hou / ect @ ect , shelly butler / hou / ect @ ect , althea gordon / na / enron @ enron , teresa bosien / hr / corp / enron @ enron subject : analyst candidate mitra mujica maureen , mitra mujica , an analyst candidate from super thursday 2 / 15 , has been reserved for your group . please note that this placement is contingent upon the candidate accepting the analyst program ' s offer . mitra will have two weeks to respond and we will contact you once her response is received . please contact me if you have any questions . thank you , andrea richards career development associate & analyst program x 3 - 6499",0 +"Subject: it ' s time for prc it ' s time once again to administer the research group ' s prc ! ! attached you will find a list of your ee ' s . pls take a moment to pre - rank your employees using the consolidated feedback from their mid - year performance reviews . on the spreadsheet below , there is a category titled "" ranking "" , please place your recommended ranking in this column and e - mail it back to me by noon this friday . vince will be meeting with you all on friday to discuss these pre - rankings . on wednesday , 7 / 5 at 9 a , pls join vince and i in room ebl 938 to formalize your employee rankings . the ranking categories are as follows : superior excellent strong satisfactory needs improvement issues additionally , i know that there have been many changes in staff and reportships over the last 6 months . if you see that you are missing someone or someone is reporting to the wrong person , just let me know and i ' ll get it corrected asap . call me with any questions or concerns !",0 +"Subject: dinner with vince kaminski good morning mr . saksena : reservations have been made for 6 : 00 pm , the evening of thursday , march 9 at latour d ' argent restaurant . the restaurant is located at 2011 ella blvd at t . c . jester blvd . men are required to wear a coat . directions to restaurant : coming from downtown houston : take i - 45 north to 610 west . take 610 west to ella blvd exit . go south ( back under the freeway ) on ella blvd to 2011 ella at t . c . jester . vince will meet you at the restaurant . if you have any questions , please call me . thanks . shirley crenshaw 713 - 853 - 5290",0 +"Subject: re : tradespark vince , thanks for the tradespark article . i very much appreciate being able to participate in the applied learning projects . it has been very stimulating for me . i ' ve really enjoyed all the projects i ' ve worked on with the research group , and ever since my interview i have had plenty of second thoughts about going back to graduate school . i ' m sure mit will be a good and unique experience , but i wonder if it can help me find a job and a community i enjoy as much as i already have here . if possible , i would like to talk with you and / or stinson about the possibility of my staying on the research team , or coming back after the fall . thanks for your time . ken",0 +"Subject: book vince , ? i have made contact with fiona grant , director public relations and communications enron europe limited , and she mentioned that there are some changes to your bios , which are located both on the cover and in the preliminary section in "" about the authors "" . ? we would appreciate it if you could help in ? collecting or passing along these edits ? since these ? are ? the only items delaying the printing of the book . ? thanks vince . ? regards , julie ? ?",0 +"Subject: rice / enron seminar series fyi ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 09 / 15 / 2000 02 : 43 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - barbara ostdiek on 09 / 15 / 2000 02 : 39 : 53 pm to : ostdiek @ rice . edu cc : subject : rice / enron seminar series jones graduate school research seminar series in finance sponsored by enron corp . jeff pontiff university of washington will give a seminar at the jones school on friday , september 22 , ?  & market valuation of tax - timing options : evidence from capital gains distributions .  8 the seminar will begin at 3 : 30 in room 115 . a word file with the paper is available through the seminar website http : / / www . ruf . rice . edu / ~ jgsfss / . there have also been several updates to the schedule in the last week or ten days .",0 +"Subject: re : fw : enron credit model docs for the comparative model study - to be sent to professor duffie @ stanford iris , we can mention to ben that the papers will be edited and combined into a coherent review . vince from : iris mack / enron @ enronxgate on 04 / 23 / 2001 01 : 49 pm to : vasant shanbhogue / enron @ enronxgate , vince j kaminski / hou / ect @ ect , amitava dhar / corp / enron @ enron cc : subject : fw : enron credit model docs for the comparative model study - to be sent to professor duffie @ stanford hi , attached is a bit of feedback from ben regarding the papers listed below . can you help me out here ? thanks , iris - - - - - original message - - - - - from : parsons , ben sent : monday , april 23 , 2001 3 : 05 am to : mack , iris subject : re : enron credit model docs for the comparative model study - to be sent to professor duffie @ stanford hi iris i would not include paper 8 , as paper 7 supersedes it . also how much rewriting of these papers do you envisage ? some of them are not up - to - date , or were written poorly and under time - pressure , so what do you envisage eventually sending to duffie ? thanks ben from : iris mack / enron @ enronxgate on 21 / 04 / 2001 22 : 30 cdt to : ben parsons / lon / ect @ ect cc : vasant 6525 - 68 daao @ ex @ enronxgate , vince j kaminski / hou / ect @ ect , scott salmon / eu / enron @ enron , bryan seyfried / lon / ect @ ect , nigel price / lon / ect @ ect , tomas valnek / lon / ect @ ect , george albanis / lon / ect @ ect , markus fiala / lon / ect @ ect , craig chaney / enron @ enronxgate , kim detiveaux / enron @ enronxgate , amitava dhar / corp / enron @ enron , tanya tamarchenko / hou / ect @ ect , mike mumford / lon / ect @ ect subject : re : enron credit model docs for the comparative model study - to be sent to professor duffie @ stanford hi ben , i think i have read all the papers that are to be used in the comparative model study to be sent to professor duffie at stanford . these documents are all listed below . please let me know if i have omitted any ( however , don ' t get the impression that i am begging for more papers to read ) . now i will try to transform my notes into a draft for professor duffie . thanks , iris list of papers for comparative model study 1 . actively managing corporate credit risk : new methodologies and instruments for non - financial firms by r . buy , v . kaminski , k . pinnamaneni & v . shanbhogue chapter in a risk book entitled credit derivatives : application for risk management , investment and portfolio optimisation 2 . neural network placement model by george albanis , enroncredit ( 12 / 22 / 00 ) 3 . pricing parent companies and their subsidiaries : model description and data requirements by ben parsons and tomas valnek , research group 4 . a survey of contingent - claims approaches to risky debt valuation by j . bohn www . kmv . com / products / privatefirm . html 5 . the kmv edf credit measure and probabilities of default by m . sellers , o . vasicek & a . levinson www . kmv . com / products / privatefirm . html 6 . riskcalc for private companies : moody ' s default model moody ' s investor service : global credit research 7 . discussion document : asset swap model by ben parsons , research group ( 4 / 20 / 01 ) 8 . asset swap calculator : detailed functional implementation specification ( version 1 . 0 ) by ben parsons , research group 9 . discussion document : live libor bootstrapping model by ben parsons , research group ( 4 / 20 / 01 ) 10 . the modelling behind the fair market curves : including country and industry offsets by nigel m . price , enron credit trading group 11 . pricing portfolios of default swaps : synthetic cbos - moody ' s versus the full monte ( carlo ) by nigel m . price , enron credit trading group 12 . placement model vl . 0 : discussion document by ben parsons , research group , 2000 13 . credit pricing methodology - enroncredit . com by ben parsons , research group 14 . correlation : critical measure for calculating profit and loss on synthetic credit portfolios by katherine siig , enron credit group 15 . discussion document : var model for enron credit by ben parsons , research group , ( 1 / 3 / 01 ) 16 . methodology to implement approximate var model for the credit trading portfolio by kirstee hewitt , research group",0 +"Subject: re : weather and energy price data mulong wang on 04 / 24 / 2001 10 : 58 : 43 am to : cc : subject : re : weather and energy price data hello , elena : thank you very much for your data . i sent an email to ft but had no response so far . as soon as i got their permission i will let you know . have a great day ! mulong on thu , 19 apr 2001 elena . chilkina @ enron . com wrote : > > mulong , > > please find attached a file with henry hub natural gas prices . the data > starts from 1995 and given on the daily basis , please let us know when we > can proceed with electricity prices . > > sincerely , > elena chilkina > > ( see attached file : henryhub . xls ) > > > > > > > vince j kaminski @ ect > 04 / 16 / 2001 08 : 19 am > > to : mulong wang @ enron > cc : vince j kaminski / hou / ect @ ect , elena chilkina / corp / enron @ enron , > macminnr @ uts . cc . utexas . edu > > subject : re : weather and energy price data ( document link : elena > chilkina ) > > mulong , > > we shall send you natural gas henry hub prices right away . > please look at the last winter and the winter of > 95 / 96 . > > we shall prepare for you the electricity price > information ( cinergy , cobb and palo verde ) but > you have to approach ft ( the publishers of > megawatts daily , a newsletter that produces the price > index we recommend using ) and request the permision > to use the data . we are not allowed to distribute > this information . > > please , explain that this is for academic research and that > we can produce the time series for you , > conditional on the permission from the publishers > of megawatts daily . > > vince kaminski > > > > mulong wang on 04 / 15 / 2001 03 : 43 : 26 am > > to : vkamins @ ect . enron . com > cc : richard macminn > subject : weather and energy price data > > > dear dr . kaminski : > > i am a phd candidate under the supervision of drs . richard macminn and > patrick brockett . i am now working on my dissertation which is focused on > the weather derivatives and credit derivatives . > > could you kindly please offer me some real weather data information about > the price peak or plummet because of the weather conditions ? > > the past winter of 2000 was very cold nationwide , and there may be a > significant price jump for natural gas or electricity . could you > please offer me some energy price data during that time period ? > > your kind assistance will be highly appreciated and have a great day ! > > mulong > > > > > > > > > > >",0 +"Subject: option pricing discrepancy for j . c . penny transaction amitava and seksan have identified the source of the discrepancy between the option prices calculated by the credit - reserve model and the stand - alone spreadsheet model used in deal pricing . the discrepancy can be traced to differences in input variables of the two models and not to any algorithmic differences . the options being priced are a strip of options on monthly instruments . the credit reserve simulation program calculates the time to expiration by assuming that the option expires on first day of the contract month of the underlying contract , which is a very reasonable assumption . the stand - alone option pricing spreadsheet allows specification of the option expiration date independent of the contract month of the underlying . in the jc penney transaction , the monthly options were assumed to expire in the middle of the contract month , when in reality the underlying monthly contracts expire before the start of their respective contract months . the stand - alone spreadsheet model allows such specifications and it is up to the user to ascertain that the expiration dates entered are legal . at present , seksan is ascertaining that the option contracts involved are in deed monthly options and not a strip of daily options , in which case we would require estimates of intramonth volatilities for both the spreadsheet model and the credit reserve model . regards , rabi de",0 +"Subject: re : interview with rabi s . de on friday , august 11 , 2000 anita : i believe that zimin was the one that asked me to bring him in . maybe you can check with him as to whether there is anyone else he wants you to include . thanks ! anita dupont @ enron 07 / 31 / 2000 10 : 26 am to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : interview with rabi s . de on friday , august 11 , 2000 vince : shawn grady from hr staffing called me and asked me to schedule interviews with the people in research . he also mentioned that i should email you to find out if you want anyone from any other department to interview rabi . i am currently scheduling interviews with you , krishna , grant , stinson , zimin and vasant . is their anyone else in research that you want to interview him ? please get back to me and i will set up the appts . thanks . anita",0 +"Subject: re : b 2 b at enron tom , greg ' s phone number is 713 853 5220 . he is very difficult to reach ( frequent trips ) . you may find this information useful : greg is a west point graduate and spent a few years in the military , before obtaining an mba from stanford . he is a very dynamic person and a very pragmatic thinker . i hope you have a great holiday weekend . vince "" piazze , thomas "" on 06 / 29 / 2000 08 : 51 : 48 am to : "" ' vince j kaminski ' "" cc : "" gerrity , thomas "" , "" lohse , gerald lee "" , "" wind , yoram "" , "" harker , patrick "" , "" amit , raffi "" , "" ' shankman , jeff ' "" , "" macmillan , ian "" subject : re : b 2 b at enron vince : thanks for this message and update on your recent actions to establish a closer research relationship between enron and wharton . we are anxious to work with your firm on many fronts and appreciate all that you and jeff shankman are doing to facilitate closure on a number of initiatives . the below article is very interesting and reinforces the entrepreneurial culture of enron ; it also points out one more reason why our faculty is so interested in collaborating with you and other executives as the company moves into this new space . i would like to call greg whalley after the 4 th of july weekend to establish contact and begin a dialogue regarding his interest in joining our efforts as a corporate partner . will you please provide me contact information ? please let me know if there is any additional information or material you will need prior to your meeting with jeff skilling . we are anxious to learn how he responds to your suggestions . thanks again for all that you are doing . hope you have a great 4 th of july ! ! tom > - - - - - original message - - - - - > from : vince j kaminski [ smtp : vince . j . kaminski @ enron . com ] > sent : wednesday , june 28 , 2000 9 : 53 am > to : piazzet @ wharton . upenn . edu > cc : vince j kaminski > subject : b 2 b at enron > > > > tom , > > i am sending you the information about our new b 2 b unit . > i have talked yesterday with greg whalley who is heading the new > unit about the e - commerce project at wharton and recommended that enron > join > this program . > > i have sent him this morning a copy of the materials you gave me . > > the meeting with jeff skilling has been pushed till the 2 nd half of july . > i talked to him briefly twice that jeff shankman and i want to discuss > with > him building a relationship with wharton . jeff shankman is , by the way , a > great > friend of > your institution . > > > vince > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > * * * * * * * * * * * * * * * * * * * * * * * * * * * > > companies & finance : the americas : enron sees bricks and > bytes mix reshaping energy market : purchase of mg > only a > start in > building b 2 b platforms , writes hillary durgin : > > > > > companies financial times ; 16 - jun - 2000 12 : 00 : 00 am ; > 604 > words > by hillary durgin > > if jeffrey skilling is right , > > enron ' s acquisition of mg is only the tip of the > iceberg . > enron ' s president and > chief operating officer is engineering a fundamental > strategy shift at the > houston energy company , aimed at making it a dominant > "" new > economy "" > player across various industrial markets . > > the dollars 446 m acquisition last month of mg , the > uk - based > metals trader , > is only the first of more than dollars lbn in > estimated new > investments the > company is targeting . it is seeking vehicles on which > to > build > business - to - business ( b 2 b ) platforms in sectors such > as > logistics , chemicals , > agricultural products and pulp & paper . > > mr skilling wants to take the business model the > company > developed in > natural gas and power and apply it to other wholesale > commodity markets . he > argues the electronic platforms it creates will not > only > become the principal > b 2 b sites for those sectors , but reshape those > industries . > > as an example , he points to enron ' s new e - commerce > platform , > enrononline , > which has changed the way the company does business > with its > customers > while significantly increasing sales . > > the company - the largest wholesale merchant of > natural gas > and power - saw > wholesale , physical deliveries of natural gas surge 53 > per > cent in the first > quarter . > > critics argue that enron ' s move away from its familiar > energy business into > new industries , where the learning curve is steep and > the > competition > entrenched , is risky . yet a number of industry > analysts > point out enron has > proved it understands markets and how to manage risks > while > becoming the > largest importer of coal in the uk , the largest trader > of > gas and power in the > us and grabbing an advantage in bandwidth . > > "" it ' s a prudent strategy , but it ' s got to be done in > an > orderly way , "" says ronald > barone , analyst with paine - webber in new york . "" what > they ' re > doing here is > what they ' ve been incredibly successful at doing , "" he > adds , > noting that enron > posted dollars 1 . 3 bn in earnings before interest and > taxes > ( ebit ) from its > wholesale energy and services business in 1999 , up 34 > per > cent from the > previous year . > > earnings from that division accounted for two - thirds > of the > company ' s overall > income before interest and taxes last year , and mr > barone > sees the unit ' s ebit > increasing 15 - 30 per cent annually over several years . > > as with gas and power and now broadband , where enron > is > standardising > contracts and creating a market in bandwidth , it wants > to > create markets by > entering as a physical player and providing merchant , > risk > management and > financial services over the internet . > > "" we will provide electronic commerce , but we will > provide > liquidity and we will > provide settlement , or fulfilment of that contract , "" > mr > skilling says . "" that is an > extremely powerful model . if you look at other b 2 b > sites , > they don ' t do that . "" > > mr skilling argues enron ' s e - commerce platform will > triumph > over the other , > bulletin board - type exchanges , where striking a deal > depends > on two parties > hooking up and working through uncertainties over > timing , > price , credit and > fulfilment . > > not everyone shares that view . some energy companies , > for > example , would > rather not do business with a competitor . bp amoco > recently > purchased a 3 > per cent stake in altra energy technologies , a > houston - > based , neutral > wholesale energy exchange . with koch industries and > american > electric > power , it also committed to carry out a fixed volume > of > transactions on the > site to lend it liquidity . > > just as in gas and power and now broadband and metals , > enron > believes it > needs networks of strategic physical assets . in > acquiring > mg , enron got a > stable of warehouses , lending it a strong physical > position . > > > "" it should provide ( mg ) with a more vibrant , more > active > physical spot market > in more markets in the world , "" says greg whalley , > chief > executive officer of > enron net works , the new division enron is launching > to > identify and enter > commodity markets . he argues that in metals and other > markets , enron will > deliver better pricing , price risk management > services , > cross - commodity > transactions and flexible transactions for a wider > range of > customers . > > mr skilling says there are significant rewards for > restructuring an industry . > > "" if you can take that platform , and you use the > capabilities > the bricks bring to > the table , e - commerce the industry and change the > structure , > you ' re selling for > more than a 50 multiple . "" > > copyright , the financial times limited >",0 +"Subject: a & a math majors vince , thank you so much for meeting with me friday morning about the research group . after leaving your office , i remembered an issue i have had with the analyst & associate program that might be of interest to you . during a texas a & m recruiting meeting , i learned that we have expanded our list of majors to include computer science . i wondered why math majors were not mentioned , and was told that there was not a business need for math majors . like liberal arts majors , they said math majors were only considered on a person by person basis . in my opinion , math majors have many of the same skills as finance majors , and can easily adjust to accounting rotations as well ( i did last summer , and finance majors in the program are forced to every year . ) i think that enron is missing out on many qualified candidates by limiting their recruitment effort . at texas a & m the career center asks companies for a list of majors they are targeting , and only allows those majors to sign up for interviews through the career center . i sent my resume to enron and asked to be included in the interview process on campus . however , many other math majors had not heard of enron or the other companies , and assumed that there was no place for a math major at a company like enron . many math majors want to continue their education , become teachers , or work for an actuarial firm . however , many are undecided . we are constantly told of the many business possibilities available to math majors by our teachers and staff , but many undergraduates are still not sure exactly what math majors can contribute in a business environment . by not mentioning math majors to the career center ( a very simple and inexpensive step ) , enron is losing out on a very talented pool of people . while it would be nice to get the math majors that knew about enron already , had thoroughly researched all companies and determined that math majors would fit perfectly , and went the extra step to send enron their resume outside the career center system , there are many qualified students who do not do this , and opt for other companies who did mention math majors . i called a manager in the a & a program to suggest that we consider at least mentioning math majors to the career centers . i realize that it may cost more to actively pursue them , talk to teachers , and attend math society events . however , i told her that including them at the career center would be very inexpensive for enron . she reiterated that they saw no business need for math majors , and that if more upper level people began requesting them , it would be considered . i searched for "" mathematics "" on the enron job website , and had a surprising number of results . i know that your group could use math majors as well . however , this still may be too small a number to merit a focus from the a & a recruiting department . i just wanted to bring it to your attention in case it was something that you felt should be changed . thanks , heather johnson x 53240",0 +"Subject: re : nikkei and pko - - - - - - - - - - - - - - - - - - - - - - forwarded by leann walton / na / enron on 10 / 26 / 2000 10 : 48 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : darren delage @ enron on 10 / 24 / 2000 02 : 30 pm ze 9 to : maureen raymond / hou / ect @ ect cc : subject : re : nikkei and pko this information has been most useful ! thank you maureen and please keep me informed of any changes in pko policy , as we are right at levels were everyone is watching for intervention .",0 +"Subject: year end 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the year end 2000 performance management process by providing meaningful feedback on specific employee ( s ) . your feedback plays an important role in the process , and your participation is critical to the success of enron ' s performance management goals . to complete requests for feedback , access pep at http : / / pep . corp . enron . com and select perform review under performance review services . you may begin providing feedback immediately and are requested to have all feedback forms completed by friday , november 17 , 2000 . if you have any questions regarding pep or your responsibility in the process , please contact the pep help desk at : houston : 1 . 713 . 853 . 4777 , option 4 london : 44 . 207 . 783 . 4040 , option 4 email : perfmgmt @ enron . com thank you for your participation in this important process . the following is a cumulative list of employee feedback requests with a status of "" open . "" once you have submitted or declined an employee ' s request for feedback , their name will no longer appear on this list . review group : enron feedback due date : nov 17 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - andrews , naveen c rudi c zipter oct 31 , 2000 baxter , ashley david davies nov 02 , 2000 crenshaw , shirley j wincenty j kaminski oct 26 , 2000 kindall , kevin vasant shanbhogue oct 30 , 2000 lamas vieira pinto , rodrigo david port oct 31 , 2000 supatgiat , chonawee peyton s gibner oct 27 , 2000 tamarchenko , tanya v vasant shanbhogue oct 26 , 2000 villarreal , norma e sheila h walton oct 26 , 2000 walton , sheila h david oxley oct 27 , 2000 yaman , sevil vasant shanbhogue oct 27 , 2000 yuan , ding richard l carson oct 31 , 2000",0 +"Subject: weather and energy price data elena , please , prepare for mulong ng and power price series . we can use henry hub for ng , cinergy , cobb and pv for electricity . we can send him ng price right away . electricity prices are different : he has to obtain permission from ft ( megawatts daily ) . i shall cc you on my msg to him . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 16 / 2001 02 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - mulong wang on 04 / 15 / 2001 03 : 43 : 26 am to : vkamins @ ect . enron . com cc : richard macminn subject : weather and energy price data dear dr . kaminski : i am a phd candidate under the supervision of drs . richard macminn and patrick brockett . i am now working on my dissertation which is focused on the weather derivatives and credit derivatives . could you kindly please offer me some real weather data information about the price peak or plummet because of the weather conditions ? the past winter of 2000 was very cold nationwide , and there may be a significant price jump for natural gas or electricity . could you please offer me some energy price data during that time period ? your kind assistance will be highly appreciated and have a great day ! mulong",0 +"Subject: right of first refusal pricing lorrian and michel , the rofr option , which grants the shipper the right to lock in the transportation rate ( max rate ) for next a few years , is priced as a spread swaption . i priced two scenarios for you : the strip starts 1 ) nov . 1 - 00 and 2 ) nov . 1 - 01 . for the first one i assume that the shipper makes decision on oct . 31 , 00 ( 54 days to maturity ) and on oct . 31 , 01 ( 419 days to maturity ) for the second case . the second case has longer time to expiration , therefore larger option time value . see the attached spreadsheets for more detail . let me know if you have any questions . zimin",0 +"Subject: re : ebs var transaction policy i have two things biting me . first is time . i need to turn a draft for hannon and rice asap . so , the value of a deliberative approach to coming up with a v @ r policy will quickly evaporate if we take 2 weeks to study what the policy should say . second , i have a unique situation . our concept of v @ r is really unlike the rest of enron ' s today . what happens today is that network engineers unilaterally make decisions about deployment , configuration and other matters which effect the longs and shorts of our asset / contract portfolio that they view strictly from a network operating standpoint . a good example was a decision to move our primary terapop ( three large servers storing 165 gigabytes each ) from portland to la . the servers are already in place and purchased , so no capital was involved . but the decision has huge ramifications on the future la / new york and other bandwidth usage , and that cost money . now it could be that the la / new york cost is cheaper than the portland / new york cost , the whole point is no one knows . what our "" value - at - risk "" policy attempt to corral is these types of decisions and put them into the hands of the risk management group , where the decision will be made with at least some economic work behind it . i really see the ebs v @ r policy to be misnamed , since we don ' t really have the math done to calc v @ r . it really is a volumetric - based control policy that says you can ' t make network changes over xx amount of megabytes ( a storage measure ) or oc - 3 equivalents ( a bandwidth measure ) without risk management making or approving the decision . i do believe that with research ' s help , we can in time actually calculate the v @ r impact of such decisions . at that time , the policy should be modified to set metrics based on the v @ r calculations . so if you have an open enough mind to let us co - op your word for a minute , we need to start turning the minds of the network industry people into thinking about their decisions as having value effects . said directly , kevin hannon has given me authority to write a policy to move control over significant network changes from the field to the trading floor , and i am going to issue something now to effectuate that . . . . . . so . . . i really want your views on what we are doing , but thought you needed some flavor and an sense of the urgency . if you can weigh in , do so quickly . . . . . barry pearce 06 / 30 / 00 04 : 47 am to : john echols / enron communications @ enron communications , lou casari / enron communications @ enron communications cc : subject : re : ebs var transaction policy positive . . . . - - - - - forwarded by barry pearce / enron communications on 06 / 30 / 00 04 : 49 am - - - - - ted murphy @ ect 06 / 29 / 00 11 : 33 am to : barry pearce / enron communications @ enron communications @ enron cc : subject : re : ebs var transaction policy barry , conceptually , i see no reason that a process like this can not be implemented . in some way we have attempted to do so through the enron corp transaction approval process ( tap ) . i have forwarded to john a copy of this , along with the risk management policy . i ' ll let him share with you if ok ( i really don ' t want to act as the firm ' s in - house kinko ' s ! ! ) . we have taken the first step and done poorly on follow - up steps to create a very easy to follow process for anything other than direct funded capital . however , some process around a greater number of assets / deals is better than none . i agree that i have not seen a really good fully baked one implemented , but i think it is wrong not to try . the only concerns i have is that , given that we want to have "" standard "" metrics and approval processes around the firm , ebs creates a process / metric which is complementary to and integrates with processes / metrics that the other business units are subjected to . ted barry pearce @ enron communications 06 / 29 / 2000 09 : 09 am to : stinson gibner / hou / ect @ ect , dale surbey / lon / ect @ ect , ted murphy / hou / ect @ ect cc : lou casari / enron communications @ enron communications , john echols / enron communications @ enron communications , jim fallon / enron communications @ enron communications subject : ebs var transaction policy hey you guys , we are trying to implement a ' var transaction ' policy - and would like your opinion . this is going to be tough - because i ' m not sure we have implemented a similiar policy across any of our other ' books ' - that is - we looking to bring in all the accrual / operational assets as well as the mtm stuff ( lambdas ) . to have a real - live ' configuration ' of the system . if assets / routes / servers etc . . . are added - what is the impact on the ' value ' of the system and what it ' s worth . john has attached a draft below - for your review and thoughts . i can see how this works in a trading environment - when you actually know the var of your whole trading portfolio . however - i ' ve not seen this done with a mixture of mtm & accrual assets . add the spice of a ' operational system ' valuation - and this will be tough to quantify and model . step 1 - configure system and value it step 2 - calculate a var on this . we will need to do some work here ! step 3 - calculate the incremental var of new deals / amendements / reconfigs etc - tough . . . . see what you think ? b . john echols 06 / 28 / 00 05 : 41 pm to : jim fallon / enron communications @ enron communications , barry pearce / enron communications @ enron communications , lou casari / enron communications @ enron communications cc : subject : policies here is a first rough draft of a "" value @ risk "" transaction policy . i would like you to start looking at where we are going on the policy and get some early thinking going on limits for the v @ r . for example , should we effectively shut down all server relocations without approval , or allow some level of mb of storage to be moved around or reconfigured ? i need some commercial and industry realism for this . we may need rick paiste or your industry helpers ( marquardt , etc . to help us ) . barry , lou , i need your input .",0 +"Subject: research memo on mg var dear all : comments on this document should be directed to vince and / or me . regards , grant .",0 +"Subject: re : subscription renewal barbara , yes , i would like to renew the subscription . thanks for the reminder . vince barbara lee @ enron 08 / 04 / 2000 03 : 37 pm to : vince j kaminski / hou / ect @ ect cc : subject : subscription renewal esource august 4 , 2000 dear vince , this is to inform you that your subscription to operational risk is up for renewal . if you would like to renew please let me know and i will take care of it . the price for this publication . ? 1 year $ 795 . 00 ? 2 years ? 3 years if you should have any questions , please do not hesitate to call me at ext . 3 - 7928 . thank you for using esource . sincerely , barbara",0 +"Subject: confirmation of 3 / 20 9 a . m . meeting at kmv in san francisco dear mr . kaminski : thank you for your phone messages , confirming that you and mr . bill bradford will be meeting with mr . robert rudy ( managing director - head of client service ) this monday , march 20 th , from 9 a . m . - 12 p . m . we are looking forward to seeing you , and hopefully we ' ll even have some sunny weather for you . attached are the directions to our office . please be sure to note that our dress code is business casual , so please do not feel obligated to wear a suit and tie . > please let me know if you have any questions . sincerely , kristina j . wun marketing coordinator kmv llc 1620 montgomery street , suite 140 san francisco , california 94111 415 - 765 - 5988 ( direct line ) 415 - 296 - 9669 ( general line ) 415 - 296 - 9458 ( fax line ) wun @ kmv . com - directions to kmv . doc",0 +"Subject: re : wharton business plan competition christie , look fwd to the trip . shirley is sending you my itinerary . when are you flying back ? what about a dinner on tuesday ? vince from : christie patrick on 02 / 16 / 2001 10 : 10 am to : stamer @ wharton . upenn . edu , piazzet @ wharton . upenn . edu cc : vince j kaminski / hou / ect @ ect , jeffrey a shankman / hou / ect @ ect subject : wharton business plan competition hi anne ! i ' ll be at wharton on tuesday the 20 th - - perhaps we can get together to discuss this sometime later in the afternoon . what does your schedule look like ? thanks ! - - christie . - - - - - forwarded by christie patrick / hou / ect on 02 / 16 / 2001 10 : 08 am - - - - - "" stamer , anne "" 01 / 26 / 2001 03 : 47 pm to : "" ' christie _ patrick @ enron . com ' "" cc : subject : wharton business plan competition dear christie : thank you for your voice mail . things are moving along nicely with the competition . phase ii deadline was today , so we hope to have some statistics in the next few weeks . i have attached the statistics from phase i , for your files . listed below are ways that enron could be involved , let me know in which ( or all ) of these enron would be interested in participating . * we want to start listing our sponsors , so it would be really good if we could get your logo . * also , does enron wish to be a judge in phase iii and the venture fair ( vf ) ? for phase iii , we would mail each judge about 3 full blown business plans to be ranked . we anticipate this taking no more than 1 afternoon * for the vf , we would need a judge to be present for the entire day . the vf is by invitation only and we anticipate about 350 students , venture capitalists , business entrepreneurs and faculty . the vf will be held in philadelphia on april 30 th . * at the vf we will provide an opportunity for our sponsors with a 6 foot table for exhibits or materials to hand out . we will need to know if you wish to use the exhibit space . * we plan on providing our 25 semi - finalist teams with one - on - one mentoring . if enron is interested , that would be about 1 / 2 or 1 day commitment . * there might be an opportunity for a workshop to the university community . would enron be interested in participating in something like this ? i look forward to working with you to make this year ' s bpc a success . thank you . sincerely , anne stamer > anne stamer wharton business plan competition wharton entrepreneurial programs the wharton school 419 vance hall , 3733 spruce street philadelphia , pa 19104 - 6374 215 - 746 - 6460 ( direct ) 215 - 898 - 4856 ( office ) 215 - 898 - 1299 ( fax ) stamer @ wharton . upenn . edu - phase ioverview . doc",0 +"Subject: prc review : list of key projects hi dale & vince , for your benefit i have compiled a shortlist of the main projects worked on over the past five months : 1 ) inflation curve modelling ( february and march ) 2 ) uk power monthly vol curve generator 3 ) nordic power monthly vol curve generator 4 ) energydesk . com models & support 5 ) compound options for uk power desk ( options to build power stations ) 6 ) continental power non - generic options ( using arbitrary trader - specified distributions ) 7 ) global products : non - generic options modelling and new commodity forward curve construction ( benzene fwd curve from naphtha ) 8 ) exotic options library upgrade / model test / bug fixes ( e . g . testing new / old asian models ) 9 ) continental gas volatility curve construction the best summary for this is in the attached presentation that i gave to the london and oslo staff recently . regards , anjam x 35383 presentation attached :",0 +"Subject: re : henwood query good talking with you this morning . by all means , talk to grant masson about who else is using the henwood model within enron . attached are the workbooks i mentioned . the "" details of jan and july . xls "" workbook contains the resulting listing from the query i gave you yesterday and you can see how the supply curve was created from that . the supply curve becomes nonsense at points for reasons i believe are related to reliability commitment constrants , instead of pure economic dispatch , and to the aggregate reporting problem i described in my note yesterday . the workbook "" supply curve . xls "" has the simplistic , average supply curve i mentioned , constructed from fuel and vom costs . depending on the question you are trying to answer , it may be an approach to consider . the henwood contacts i had in mind are : tao guo , phd , senior "" algorithmist "" ( 916 - 569 - 0985 ) * the one i was thinking of wenxiong huang , phd senior project consultant ( 916 - 569 - 0985 ) ajit kulkarni , phd , software product manager ( 916 - 569 - 0985 ) * more a trainer , but sharp cosimo coscia , senior consultant ( south australia ) 618 - 8357 - 1244 * very resourceful wade schauer , staff consultant , ( 916 - 569 - 0985 ) * best for questions about emss per se all have emails , of course . template : tguo @ hesinet . com also , if you can not get satisfaction , contact eric toolson , vp ( 916 - 569 - 0985 ) . he has a laconic style , but is very focused on customer satisfaction and retention . and he has the pull to make things happen . regards , michael > > > karolina potter / lon / ect @ enron 08 / 24 / 00 07 : 08 am > > > michael , i am an analyst in paul mead ' s continental power trading group in london . i am currently working on the project , which requires the use of emss , and experience some difficulties interpreting the output results . steven leppard from our research group gave me your name as an expert in this system and consequently the person to contact in case of problems . i have been running simulations for the dutch market and was asked to provide the traders with some front - end screen graphs in order to interpret the numerical results . one of the graphs is to show an hourly generation stack and system ' s marginal cost , as we only run cost based scenarios . to sort each station ' s hourly generation i need its marginal cost . to my knowledge though , marginal cost is only generated for a systems marginal unit ( transarea marginal units query , marg _ cost unit ) . therefore i was sorting the stations according to the cost which i calculated based on the outputs from station detail by hour query . the calculation was as follows : for each hour , for each generating station : "" marginal cost "" [ o / mwh ] = ( generation _ cost [ oo 00 ] * 1000 ) / generation [ mwh ] - vom _ cost [ o / mwh ] this i thought would include fuel cost and start up costs . however , a marginal station which i get on the stack as a result of the above calculation is not a station given in marginal station field in transarea marginal units query . i have also looked into transarea _ data _ hr table and transarea _ data table but non of the costs there match my results . do you happen to know what formula is used to determine marg _ cost and which outputs i should be using to obtain the right results ? it might be easier if we could discuss this issue on the phone . in this case could you please send me your direct telephone number . i am struggling understanding what is going on and would appreciate your help very much . regards karolina",0 +"Subject: re : background information vince : i will send to you later today the information you requested in electronic form ; in the meantime , please discuss with jeff shankman . he just alerted me that he has procured the required funding and that jeff skilling has agreed to enron joining the webi at the corporate partner level . i am to call jeff shankman later today to discuss . this is great news for the school and enron ! ! would not have been possible without your persistance and assistance and i thank you for it . we will discuss more later . tom - - - - - original message - - - - - from : vince . j . kaminski @ enron . com sent : tuesday , november 07 , 2000 6 : 23 pm to : piazzet @ wharton . upenn . edu cc : vince . j . kaminski @ enron . com subject : re : background information tom , electronic version is ok . vince "" piazze , thomas "" on 11 / 07 / 2000 10 : 25 : 45 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : background information vince : i will be happy to do so . do you wish to have it in hard copy or electronically ? if in hard copy , how many copies ? tom - - - - - original message - - - - - from : vince . j . kaminski @ enron . com sent : monday , november 06 , 2000 6 : 00 pm to : piazzet @ wharton . upenn . edu cc : vince . j . kaminski @ enron . com subject : background information tom , can you send me additional copies of the information about the webi program ? i want to distribute it internally . vince",0 +"Subject: re : new computer jarod : can you help her with the sun equipment ? shirley : what type equipment are you requesting for the other users thanks lyn shirley crenshaw 01 / 17 / 2000 03 : 43 pm to : lyn malina / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , kevin g moore / hou / ect @ ect , william smith / corp / enron @ enron subject : new computer hi lyn : i have not received an answer for the below request for another sun computer . did you get it ? we also need to order another regular computer like the others that have been supplied to the research group . it will be for tanya tamarchenko and her location on the 19 th floor is eb 1940 . tanya has two offices and does not have a computer in her office on the 19 th floor . co # 0011 - rc # 100038 thanks ! shirley crenshaw - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 01 / 17 / 2000 03 : 39 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 01 / 12 / 2000 11 : 14 am to : lyn malina / hou / ect @ ect cc : subject : sun computer hi lyn ; the research group is in need of another sun computer to be located at ebl 951 . please let me know that eta . co . # 0011 - rc # 100038 thanks ! shirley 3 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 01 / 12 / 2000 11 : 10 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 01 / 07 / 2000 01 : 49 pm to : lyn malina / hou / ect @ ect cc : william smith / corp / enron @ enron , vince j kaminski / hou / ect @ ect , alex huang / corp / enron @ enron subject : new pc hi lyn : alex huang has requested a new pc and vince kaminski has ok ' d it . please order the computer as listed below in alex ' s request . thanks ! shirley 3 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 01 / 07 / 2000 01 : 48 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 01 / 07 / 2000 12 : 12 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect , alex huang / corp / enron @ enron subject : new pc shirley , ok . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 07 / 2000 12 : 02 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - alex huang @ enron 01 / 07 / 2000 08 : 28 am to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect subject : new pc hi shirley , i would like to request for a new pc . my current pc is quite old with not enough memory . twice i ran out of memory and had to have it people coming to clean it for me . their suggestion is to either get a new hard drive or a new pc . given that dell has pentiumc iii processor at 800 mhz on market , i would like to request a pc with process at 500 mhz or higher level . thank you very much . best , alex",0 +"Subject: reschedule - iv amit bartarya first floor sel 002 ( 21 feb 16 : 00 gmt ) interview schedule 16 . 00 - 16 . 30 vince kaminski & anjam ahmad 16 . 30 - 17 . 00 ben parsons 17 . 00 - 17 . 30 stephen leppard",0 +"Subject: hea sporting clays tourney - august 15 , 2000 this member favorite is just a few weeks away , and there ' s still time for you to register and be eligible for the private drawing for a remington 1187 ! just send in your form and payment by august 1 , and remember you must be present to win ! the sporting clays committee and hea want to thank this year ' s sponsors to date and encourage other companies to participate if possible . if you ' d like to join this elite list , contact jim cody ( 713 / 230 - 3550 ) , t . kemp jones ( 713 / 207 - 5189 ) or jeff eatherton ( 713 / 529 - 5247 ) . duke field services ; coral energy / tejas energy ; sanchez oil el paso field services ; reliant energy gas transmission ; reliant energy field services ; mitchell gas services ; coastal field services ; and reliant energy pipeline services . the continued success of this tournament through the enhanced quality of the prizes , dinner and services are made affordable only through your contributions and we appreciate your support ! other door prizes this year include a browning citori and several other guns ! all prizes will be awarded during dinner in the air conditioned pavilion . the two man flush will be shot from a newly covered deck , and other areas on the courses have been covered as well . so visit the website , www . houstonenergy . org , and fill out a registration form under "" next event "" . that ' s august 15 at the american shooting centers ( 16500 westheimer parkway ) , and choose between 50 and 100 targets . even non - shooters can come out , eat dinner , have some drinks and possibly win a door prize and have lots of fun . if you have other questions , contact eva pollard at 713 / 651 - 0551 . this message was sent by : teresa knight , executive director houston energy association ( hea ) phone : ( 713 ) 651 - 0551 fax : ( 713 ) 659 - 6424 tknight @ houstonenergy . org if you would like to have your email address removed from our mailing list , please click the link below to the hea home page , where you will find a mini - form to remove your name automatically . http : / / www . houstonenergy . org /",0 +"Subject: re : chase chris , we don ' t have yet any report on broadband that might help you , developed internally by my group . we are working on a tutorial and we shall send you a copy when it ' s ready . the person who can give you an introduction to this market is ravi thuraisingham . vince chris holmes @ ees 04 / 05 / 2000 09 : 55 pm sent by : chris holmes @ ees to : vince j kaminski / hou / ect @ ect cc : subject : chase vince : i am working now in ees as the chase national account manager and am developing new products to sell chase . one of the products i am working on integrates the provision of broad band with a package of computer hardware and software for a company ' s employees . i can explain more if you are interested . i understand you put together a report on broadband which has helped educate people as to the technology and economics . can i get a copy ? . also do you have any analyses on chase that might help me detect other opportunities ? is there anyone on your staff with whom i should talk ? thanks chris",0 +"Subject: re : interview schedule for punit rawal shirley : i have been in touch with punit over the past several week , and it appears that february 2 nd would suit his schedule best for the visit . how does that date look for vince and the others in the group who will be interviewing him ? stephanie cody , my new admin whom you met last week , will be contacting punit to make his travel arrangements . molly shirley crenshaw 01 / 16 / 2001 09 : 24 am to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , kevin kindall / corp / enron @ enron , bob lee / na / enron @ enron subject : interview schedule for punit rawal hi molly : punit rawal is a carnegie mellon student that kevin kindall and bob lee interviewed back in december . we would like to bring him in for an interview . he is definately a "" trading support "" prospect . i forwarded his resume to john lavorato back in december and inquired as to whether he would be interested in interviewing him or not , but have had no response , except that he has not had a chance to look at his resume yet . vince originally said that either john or gary hickerson might be interested . i did not send his resume to gary , maybe you can check with him ? i am attaching the interview request form and his resume . thanks ! shirley - punit + rawal + newresume . doc",0 +"Subject: anshuman neil , i would like to apologize for the confusion regarding anshuman . we have floated a number of possible scenarios regarding his trip to houston and there was a lot of confusion regarding the terms ( given that i was talking to sandeep every few days ) . currently , we expect anshuman to come to houston for one month to work on the dpc project ( at jeff shankman ' s request ) . the lawyers advised me that we need an ll visa for him , irrespective of the duration of his stay . sorry for the confusion . vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: followup - - - - - - - - - - - - - - - - - - - - - - forwarded by patricia tlapek / hou / ect on 06 / 12 / 2000 03 : 57 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - barcharts @ aol . com on 06 / 09 / 2000 10 : 01 : 59 am to : patricia . tlapek @ enron . com , mike . roberts @ enron . com cc : subject : followup good morning , i enjoyed visiting you yesterday afternoon to discuss the opportunity at enron . sounds exciting , challenging and a good use of a lot of my skills and experience . i look forward to further talks , hopefully this coming week . i mentioned a couple web sites and don ' t know if they came through clearly on the phone with my sore throat . the neural network approach to timing can be found at http : / / www . pfr . com / ptonline / the introductory piece on technical analysis i wrote for forbes . com and the glossary can be found at htttp : / / www . forbes . com / tool / html / 00 / jun / 0603 / feat . htm i am also working with long time friend and neighbor steve nison with his site and you can see the first on line lesson for free at http : / / www . candlecharts . com / have a nice weekend . hope to hear from you next week . bruce m . kamich , cmt barcharts @ aol . com 732 - 463 - 8438",0 +"Subject: hello shirley , can you , please , call him and ask what would be best timing . the last week of july would be best . i would like grant , alex , zimin , krishna and stinson to meet him . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 29 / 2000 08 : 13 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shijie deng on 06 / 29 / 2000 12 : 00 : 37 am to : vkamins @ enron . com cc : subject : hello hi vince , how are you . it was really a pleasure meeting you and talking to you at the toronto energy derivative conference . thank you for speaking with me about the possibility of visiting your research group . it will be great if i could have such opportunity whenever you see your schedule fits . i am very much open for the last week of july and early august . i ' m looking forward to hearing from you soon . best , shijie shi - jie deng assistant professor school of isye georgia institute of technology office phone : ( 404 ) 894 - 6519 e - mail : deng @ isye . gatech . edu home page : http : / / www . isye . gatech . edu / ~ deng",0 +"Subject: re : corporate allocation from enron research group i discussed the numbers with vince and we have the sign off from him . so , vera and shirley , you can go ahead to execute the adjustment . thanks , krishna . kimberly watson @ enron 12 / 06 / 2000 02 : 07 pm to : pinnamaneni krishnarao / hou / ect @ ect , vera apodaca / et & s / enron @ enron cc : subject : corporate allocation from enron research group krishna , attached is a spreadsheet with the figures we discussed earlier . for july - dec , ets will keep half of the amount allocated ( equivalent to 1 . 5 employees , $ 135 . 6 ) from the corporate allocations to ets . if this looks ok to you , i would like to have vera work with shirley to handle the accounting adjustment similar to mid year . many thanks , kim . vera , here is the year 2000 spreadsheet . as you will see , we will need to work with shirley crenshaw ( x 35290 ) with enron research group to coordinate a similar accounting adjustment to the one we made mid year . i will send the year 2001 budgeted spreadsheet to you in the next few days ( just in case it changes with the approval of the science workorder ) . please call me if you have any questions about this spreadsheet . thanks , kim .",0 +"Subject: west power model lance and i spoke with tim heizenrader regarding modeling work and needs for the west desk . the differences in the markets between east and west are , in tim ' s opinion , sufficient that he does not need an approach as sophisticated as the one we are pursuing for ercot . in particular , the termal limits for which load flows are so useful are not generally binding in the west . loop flows are also not considered a major issue at present . in summary , it seems that the west is an unlikely customer of any extension to an ercot / east transmission model for the time being . they have also done little in this area that would directly relate to our efforts here . martin",0 +"Subject: fw : memo : re : your work phone number hi , i am forwarding an email from a former bnp paribas colleague of mine who now works at hsbc . can you please advise ? thanks , iris - - - - - original message - - - - - from : antonella . saulle @ hsbcib . com @ enron [ mailto : imceanotes - antonella + 2 esaulle + 40 hsbcib + 2 ecom + 40 enron @ enron . com ] sent : tuesday , may 22 , 2001 1 : 30 am to : mack , iris subject : memo : re : your work phone number iris i would like you to put me in contact with s / one at enron here in london that deals with weather derivatives and would be in a position to sell us options on weather derivatives ( temperature , cat ) . let me know if you are able to do that or if i need to work internally here in order to find out whom we have contacts with at enron . if you want to call me my direct line is + 44 207 336 - 2836 . alternatively i could call you but do bear in mind that i leave the office around 6 : 30 - 7 pm london time . send me an email and let me know when is a good time to talk and i will call you back . thanks in advance . antonella this transmission has been issued by a member of the hsbc group ( "" hsbc "" ) for the information of the addressee only and should not be reproduced and / or distributed to any other person . each page attached hereto must be read in conjunction with any disclaimer which forms part of it . unless otherwise stated , this transmission is neither an offer nor the solicitation of an offer to sell or purchase any investment . its contents are based on information obtained from sources believed to be reliable but hsbc makes no representation and accepts no responsibility or liability as to its completeness or accuracy .",0 +"Subject: computer hello again , the computer i mentioned earlier will remain at the location eb 3239 d however , it belongs to us , i got with chris and it is not really in his way at this point . fyi - computer # 002813 monitor # 202803 kevin moore",0 +"Subject: re : dale nesbitt meeting tues margaret , i shall invite hunter shiveley . i think it will cover ena . vince margaret carson @ enron 11 / 02 / 2000 09 : 57 am to : vince j kaminski / hou / ect @ ect cc : james d steffes / na / enron @ enron subject : dale nesbitt meeting tues vince do you plan on inviting anyone from the power issues side - - perhaps ben jacoby , julie gomez , jean mrha , scott neal to this meeting ? thanks margaret - - - - - - - - - - - - - - - - - - - - - - forwarded by margaret carson / corp / enron on 11 / 02 / 2000 09 : 54 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : john goodpasture 11 / 01 / 2000 05 : 53 pm to : vince j kaminski / hou / ect @ ect , margaret carson / corp / enron @ enron , mike mcgowan / et & s / enron @ enron , dave neubauer / et & s / enron @ enron , robert hill / npng / enron @ enron , shelley corman / et & s / enron @ enron cc : danny mccarty / lon / ect @ ect , bill cordes / et & s / enron @ enron , michael moran / et & s / enron @ enron , rod hayslett / fgt / enron @ enron subject : dale nesbitt meeting margaret carson is going to join us in the meeting next week with nesbitt . vince will check with ena to see if they also want to attend . i would also like to determine if ets and / or nbp would want to send a representative ( s ) , although margaret said she would take copious notes for distribution to other key players as necessary . we should ask nesbitt how he would structure a deal for multiple clients ( eg . ets , nbp , ena , and maybe el paso ) . [ we need to remain aware of any "" affiliate "" issues that may result , and make certain that we are in complete compliance with the regs . ] i will wait until after our meeting with nesbitt before deciding if / how to approach el paso . presumably , if asked to particpate , they would share the cost and have independent access to any working model that is developed . jng - - - - - - - - - - - - - - - - - - - - - - forwarded by john goodpasture / ots / enron on 11 / 01 / 2000 04 : 51 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 10 / 30 / 2000 04 : 42 pm to : john goodpasture / ots / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : dale nesbitt john , i talked to dale nesbitt . he suggested that the best way to evaluate his model is to go through a one week intensive project with assistance of somebody from his company . our cost is a flat fee of $ 12 , 500 that would be deducted from the purchase price of $ 55 , 000 , in case we buy the software package . the price of 55 k is indicative and will be adjusted based on the required level of support . dale will be in houston next week . i have tentatively invited him to visit with us on tuesday , november 7 , at 3 : 00 p . m . he will adjust if you are busy at this time . please , let me know what you think . vince",0 +"Subject: re : test vince : candice ' s contact information at mount holyoke is as follows : phone : ( 413 ) 493 - 5092 email : cgkao @ mtholyoke . edu address : 1453 blanchard campus center mount holyoke college south hadley , ma 01075 - 6002 ed ps : i hope ron singer has given you the needed info . please feel free to contact me if i can be of any help with regard to your colleague ' s inquiry about pursuing doctoral study at uh .",0 +"Subject: year end 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the year end 2000 performance management process by providing meaningful feedback on specific employee ( s ) . your feedback plays an important role in the process , and your participation is critical to the success of enron ' s performance management goals . to complete requests for feedback , access pep at http : / / pep . corp . enron . com and select perform review under performance review services . you may begin providing feedback immediately and are requested to have all feedback forms completed by friday , november 17 , 2000 . if you have any questions regarding pep or your responsibility in the process , please contact the pep help desk at : houston : 1 . 713 . 853 . 4777 , option 4 london : 44 . 207 . 783 . 4040 , option 4 email : perfmgmt @ enron . com thank you for your participation in this important process . the following is a cumulative list of employee feedback requests with a status of "" open . "" once you have submitted or declined an employee ' s request for feedback , their name will no longer appear on this list . review group : enron feedback due date : nov 17 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - andrews , naveen c rudi c zipter oct 31 , 2000 baxter , ashley david davies nov 02 , 2000 campos , hector o peyton s gibner nov 06 , 2000 carson , richard l richard b buy oct 30 , 2000 crenshaw , shirley j wincenty j kaminski oct 26 , 2000 gandy , kristin h celeste c roberts nov 01 , 2000 gorny , vladimir theodore r murphy ii nov 02 , 2000 hewitt , kirstee l steven leppard nov 06 , 2000 kindall , kevin vasant shanbhogue oct 30 , 2000 leppard , steven dale surbey nov 06 , 2000 patrick , christie a steven j kean nov 09 , 2000 pham , bich anh t sarah brown nov 06 , 2000 raymond , maureen j wincenty j kaminski nov 02 , 2000 rosen , michael b christie a patrick nov 06 , 2000 sun , li kevin kindall nov 09 , 2000 supatgiat , chonawee peyton s gibner oct 27 , 2000 tamarchenko , tanya v vasant shanbhogue oct 26 , 2000 tawney , mark r jeffrey a shankman oct 26 , 2000 thuraisingham , ravi paul h racicot jr nov 12 , 2000 williams , matthew steven leppard nov 08 , 2000 yaman , sevil vasant shanbhogue oct 27 , 2000 yuan , ding richard l carson oct 31 , 2000",0 +"Subject: re : vacation shirley , no problem . vince shirley crenshaw 03 / 08 / 2000 03 : 56 pm to : vince j kaminski / hou / ect @ ect cc : kevin g moore / hou / ect @ ect , william smith / corp / enron @ enron subject : vacation vince : i would like to take the following days as vacation : wednesday , march 15 th friday , march 31 st . please let me know if this is ok with you . thanks ! shirley",0 +"Subject: vince kaminski vince : did you get the below email from jim garven ? would you be able to stay over and speak at the risk management fraternity and perhaps come in a day early and speak to his students ? shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 12 / 05 / 2000 02 : 08 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - jim garven on 12 / 05 / 2000 02 : 09 : 27 pm to : "" shirley crenshaw "" cc : subject : vince kaminski dear ms . crenshaw , on november 28 , i sent vince kaminski an email inviting him to visit baylor university ( where i now hold an appointment as professor of finance having resigned from lsu this pas spring ) . ? i have yet to receive a reply from him . ? can you bring this email ( copied below ) to his attention ? thanks , jim garven = = = = = = = = = = = = = = = = = = = = = = = = = = = dear vince , since we last corresponded , i have left lsu and am now professor of finance & insurance at baylor university in waco , tx . my colleague at baylor , john martin , mentioned that you will be coming to campus for a conference on friday , february 23 that he is organizing . i am curious whether your schedule might permit staying over that evening so that we can feature you as our dinner speaker for the chartering ceremony of gamma iota sigma , a national risk management fraternity . for that matter , would you also possibly be available to make any presentations to undergraduate and graduate students on the previous day ( thursday , february 22 ) ? what i have in mind is a presentation similar to the presentations you made last spring to my lsu classes . thank you for your consideration of this request . i am looking forward to seeing you once again . sincerely , jim garven james r . garven , ph . d . professor of finance & insurance department of finance , insurance and real estate hankamer school of business hsb 336 baylor university box 98004 waco , tx ? 76798 voice : ( 254 ) 710 - 6207 fax : ( 603 ) 994 - 6680 e - mail : ? james _ garven @ baylor . edu home page : http : / / garven . baylor . edu vita : http : / / garven . baylor . edu / dossier . html research paper archive : http : / / garven . baylor . edu / research . html ",0 +"Subject: re : corn subsidy govt program analysis vasant , thanks . let ' s contact wharton next week . vince from : vasant shanbhogue / enron @ enronxgate on 04 / 25 / 2001 10 : 15 am to : vince j kaminski / hou / ect @ ect cc : nelson neale / na / enron @ enron subject : corn subsidy govt program analysis hi vince , nelson and i had a meeting yesterday with the ag desk folks on how to go forward on the analysis and presentation for this program . the consensus from the ag side was that the choice of university will be highly politically driven , ie preferably the university should be from a state that has close ties to sympathetic senators or other political figures . also it is preferable if the university faculty have worked on ag issues before , lending more credibility in the ag community . the names that came up were mississippi state and texas a & m . nelson knows of a person at mississippi state who worked with the usda on risk management issues . the needed analysis itself is not necessarily very deep , and the focus is primarily to get a non - quantitative presentation out that outlines how enron can take on the downside risk of local crop prices ( enron probably needs to cover actual local prices and not simply an index because i do not think the govt will want to worry about basis risk ) . the pilot program itself will be very small , and lends itself to continuing down the path of short term trading rather than long term origination . another thought on hedging our potential short positon ( on the origination side ) is that the govt program can only provide a partial hedge to the extent of the premium received - - we still have unlimited downside from the short . vasant p . s . i am writing up jim bouillion ' s project suggestion as a potential project for wharton . of course , we may still ask wharton for their insights on the corn price protection approach .",0 +"Subject: re : introduction meeting : rac london quants and houston research hi vince , thanks for organizing the meetings , and a special thanks for organizing the reservations for the dinner . i am looking forward the visit to houston . rodrigo vince j kaminski 24 / 08 / 2000 20 : 25 to : rodrigo lamas / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : introduction meeting : rac london quants and houston research rodrigo , i think it is churrasco ' s , a south american restaurant . i shall make reservations for the 12 th . i shall also arrange the meetings on tuesday with different units of the research group . vince rodrigo lamas 08 / 24 / 2000 01 : 59 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : introduction meeting : rac london quants and houston research vince , thank you very much . i would rather talk to your group on sep the 12 th ( tuesday ) . i hope i will be entitled to disturb them again during the rest of the week as well . we can certainly go out for dinner . steven mentioned a brazilian restaurant he went to and i am looking forward going there . this in case you are not vegetarian . thanks again , rodrigo vince j kaminski 24 / 08 / 2000 19 : 54 to : rodrigo lamas / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : introduction meeting : rac london quants and houston research rodrigo , we shall be very glad to meet you . if you can dedicate one day to meeting the members of the research group i could arrange a series of meetings with different units . what about sep the 11 th or sep the 12 th ( monday or tuesday ) ? if you are free one evening we can have dinner together . vince rodrigo lamas 08 / 24 / 2000 11 : 01 am to : vince j kaminski / hou / ect @ ect cc : subject : introduction meeting : rac london quants and houston research vince , i work for the market risk rac london group . i review the quantitative issues arising from enron europe models . i am in this function given my background ( phd from imperial college - london ) and also due to my past experience as risk manager for a brazilian investment bank and louis dreyfus . my agenda includes the review of a number of deals ( wessex , tpl , eastern , . . . ) , as well as the review of the construction of european gas and power price curves and their respective volatility curves . currently i am devoting most of my time to the analysis of the uk gas market , its respective price curve and term structure of volatility . bjorn and david suggested it could be very productive if i had the chance to meet you and your team to discuss issues related to modelling prices and risk measurement tools . i will be in houston from the 10 th to 15 th september . i wonder if you could book some time for me in your agenda and also ask some members of your team to do the same . thanks , rodrigo",0 +"Subject: reviewer approval please note that your employees have suggested the following people to complete a feedback form on their behalf . you will need to access the performance management system ( pep ) to either approve or decline these suggested reviewers . once you have approved the suggested reviewers they will be notified and can begin completing the feedback form . your list of employees that have suggested reviewers are listed below : date suggested : may 19 , 2000 feedback due date : jun 16 , 2000 employee name : kollaros , alexios",0 +"Subject: to basak vince , please find attached a small note i had prepared at wade ' s request . the note is to be used for a private meeting of the ex - chairman of mseb with the governor of maharashtra . in the indian system , the governor represents the federal government in the state . hence any information he gathers is for the central govt . this informal note is to be passed to him . the focus as you will see is to see if we can engage the central govt . through this route . krishna is here and sends his regards . regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 01 / 16 / 2001 08 : 55 am - - - - - - - - - - - - - - - - - - - - - - - - - - - sandeep kohli 01 / 16 / 2001 08 : 51 am to : wade cline / enron _ development @ enron _ development cc : subject : to basak wade , please find the note attached for mr . basak . the tariff data is all from the information sheet put out by mohan , so you should have no conflicts . i have tried to give it the appropriate spin . let me know if there is something you would like to do differently on this . regards , sandeep .",0 +"Subject: ferc ' s soft price caps : what do they mean ? - cera conference call notification * * * please accept our apologies if you have received this message already * * * we have been experiencing some technical difficulties , and you may have already received this message last week . ? we apologize for any inconvenience this may have caused . - cera webmaster title : ferc ' s soft price caps : what do they mean ? url : 0 . html or 0 . html topic : ferc ' s price caps : what do they mean ? * objectives and methodology outlined by ferc in these orders * implications of this form of price cap on competitive power markets * ferc ' s application of other price cap methodologies in other regions format our speakers will address this topic for 30 minutes , with accompanying graphics presented on the internet , followed by an open question and answer period . speakers john athas , cera associate director , north american electric power mike zenker , cera director , western energy time 4 : 00 p . m . eastern , tuesday , april 10 , 2001 eligibility clients eligible to participate in this conference call are those who subscribe to the cera north american electric power retainer advisory service or the western energy retainer advisory service . to enroll to enroll , please send a fax to kari paakaula at ( 617 ) 497 - 0423 or send an e - mail to kpaakaula @ cera . com before 4 : 00 p . m . , monday , april 9 , 2001 . please include your name , company , and telephone number with your correspondence . to participate to participate in the audio portion of the call , please call in on one of the following numbers approximately 10 - 15 minutes before the call : within the united states : 1 - 800 - 946 - 0713 outside the united states : ( 719 ) 457 - 2642 confirmation code : 713248 title of the call : cera power call to participate in the internet portion of the call ( audio is by telephone ) , log on to the internet approximately 15 - 30 minutes before the presentation to ensure technological compatibility . 1 . point your browser to http : / / www . placeware . com / cc / visioncastconferencing 2 . enter the following information , then click "" attend "" : * your name * meeting id : w 713248 * meeting key : 713838 3 . access audio for the meeting using the audio information above . system requirements and suggestions * internet connection not reliant on the phone line you will use for the call . * a java - enabled browser , such as microsoft internet explorer 3 . 02 or higher ; netscape navigator 3 . 02 or higher ; or sun hot java ( tm ) * close all desktop applications and disable your screen saver to ensure computer compatibility , complete the internet instructions before the day of the call . a message will appear telling you that your meeting is not ready to start . however , it also informs you about any action that you may need to take to prepare your computer to participate . technical assistance if you experience difficulties during the call , you may signal for technical assistance by pressing * 0 ( star , zero ) on your telephone keypad , once connected to the audio portion of the conference . for more information , please contact kari paakaula via e - mail at kpaakaula @ cera . com or via telephone at ( 617 ) 441 - 1362 . a recording of this call will be available until may 10 , 2001 . to access this recording , please call 1 - 888 - 203 - 1112 ( within the united states ) or 719 ) 457 - 0820 ( outside the united states ) . please use confirmation number 713248 to access the call . * * end * * e - mail category : conference call notification ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? cera knowledge area ( s ) : north american power , western energy , cera ' s spring 2001 roundtable event dates and agendas are now available at http : / / www 20 . cera . com / event to make changes to your cera . com profile go to : forgot your username and password ? go to : http : / / www 20 . cera . com / client / forgot this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www 20 . cera . com / tos questions / comments : webmaster @ cera . com copyright 2001 . cambridge energy research associates",0 +"Subject: carnegie mellon speech following are the reservations for the speech on friday november 3 : hotel : westin william penn hotel ( 412 ) 281 - 7100 conf . : kristin - 401220 vince - 401221 any questions , call me . alyse",0 +"Subject: re : test tom , the conference in new york is held on may 18 and may 19 . i can visit wharton the day before . vince kaminski "" piazze , thomas "" on 04 / 05 / 2000 08 : 40 : 55 am to : "" ' vince j kaminski ' "" cc : subject : re : test vince : i enjoyed talking with you yesterday and look forward to receiving information relative to your visit to campus . tom piazze > - - - - - original message - - - - - > from : vince j kaminski [ smtp : vince . j . kaminski @ enron . com ] > sent : tuesday , april 04 , 2000 4 : 52 pm > to : piazzet @ wharton . upenn . edu > subject : test > > > > test >",0 +"Subject: 3 - urgent - to prevent loss of information critical migration information : 1 . your scheduled outlook migration date is the evening of : may 7 th 2 . you need to press the "" save my data "" button ( only once ) to send us your pre - migration information . 3 . you must be connected to the network before you press the button . 4 . if a pop - up box appears , prompting you to "" abort , cancel or trust signer "" please select trust signer . 5 . any information you add to your personal address book , journal or calendar after you click on the button will need to be manually re - added into outlook after you have been migrated . 6 . clicking this button does not complete your migration to outlook . your migration will be completed the evening of your migration date . failure to click on the button means you will not get your calendar , contacts , journal and todo information imported into outlook the day of your migration and could result in up to a 2 week delay to restore this information . if you encounter any errors please contact the resolution center @ 713 - 853 - 1411",0 +"Subject: re : spring 2001 schematic kathy , what is embanet ? do i have access from the outside ? vince kaminski kathy spradling on 01 / 11 / 2001 11 : 01 : 48 am to : ( recipient list suppressed ) cc : cmiller @ rice . edu , castro @ rice . edu , spradlin @ rice . edu subject : spring 2001 schematic spring 2001 faculty , the spring 2001 schematic has been posted to embanet . to access the schematic please open the jgsm area icon on the embanet desktop . next please open the announcement jgsm icon . you will find the spring 2001 schematic located under the subject column . please open the document . if you do not have access to embanet you will need to speak with david kilgore at kilgore @ rice . edu or by calling david at 713 - 348 - 5378 . thanks , kathy kathy m . spradling mba program coordinator jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 3313 fax : ( 713 ) 348 - 5251 email : spradlin @ rice . edu http : / / www . rice . edu / jgs e - mail : spradlin @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: re : pricing credit on thousands of names we can continue the discussion in tuesday ' s conference call , but i discussed with ben about the issues below , and here are some thoughts . this is not a complete approach , but only a starting point for discussion . the main task is to build a pricing system for many names . this has two components - - - 1 ) how to price a single name ? 1 . 1 ) how to price a liquid single name ? 1 . 2 ) how to price an illiquid single name ? 2 ) how to efficiently apply the methodology to multiple names ? the approach i would take for 1 . 1 is a ) define a small set of liquid names b ) apply each of the different models we have , say , the six models ben has mentioned below , to these names c ) include market prices , if any , for these names d ) sit with traders , get trader ' s intuition on where each liquid name should price and note this on the spectrum of prices obtained in ( b ) and ( c ) e ) try to determine attributes of the names that may explain the dispersion of the trader prices across the models f ) quantify these attributes , if possible g ) try a different set of liquid names and repeat the process , and see if the decisions in the last round still make sense the approach for 1 . 2 may be a ) define a small set of illiquid names b ) apply each of the different models we have to these names c ) sit with traders , get trader ' s intuition on where each illiquid name should price and note this on the spectrum of prices obtained in ( b ) d ) try to determine attributes of the names that may explain the dispersion of the trader prices across the models e ) check if these are similar to the attributes identified for liquid names f ) define a master set of liquid names g ) look for relationships ( by analyzing cross - section of data ) between attributes or prices of illiquid names to those of liquid names once a mapping has been defined for an illiquid name to a set of liquid names and their attributes , then this mapping can be entered into a table , and the pricing can be automated for all names ( in theory ) ! the success will depend on the success of the round - table sessions for the approaches for 1 . 1 and 1 . 2 . building a new fundamental model is always a worthwhile task , but we can get going with the above approaches immediately in parallel with developing any new models that we may build . new models can be added to the suite of existing models . i do not believe there will ever be a single model that will answer all questions for all names , but rather we can refine the mappings and relative choices among models over time , which would mean continuing round - table sessions with traders . limited data makes calibration very hard , so i would continually ask the question "" what do we calibrate ? "" throughout the discussions for 1 . 1 and 1 . 2 , and this may help guide us to new models . vasant benjamin parsons 06 / 19 / 2000 04 : 11 am to : ect london credit trading cc : vince j kaminski / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , amitava dhar / corp / enron @ enron , steven leppard / lon / ect @ ect , grant masson / hou / ect @ ect , dale surbey / lon / ect @ ect , david a wall / risk mgmt / lon / ect @ ect , jitendra j patel / lon / ect @ ect , oliver gaylard / lon / ect @ ect subject : pricing credit on thousands of names all - our challenge for the next few months is to build an automated system to provide differential pricing on thousands of credits [ 5 , 000 by year - end ] . most of these credits will be illiquid in terms of market price information , making the challenge harder , and the end result more important in terms of competitive pricing advantage . what we need is an overall strategy for how we plan to achieve this from the quantitative perspective . currently we have several models for credit pricing either in use or under development : fmc model ( default probability approach ) . using bloomberg ' s fair market ( par yield ) curves , probabilities are generated from the risky - libor , then default / bankruptcy swap prices computed using expectation methodology . fmc model ( credit spread approach ) . using the fmcs , then directly taking the libor credit spread at each tenor , adjusting for basis and compounding differences . bond model ( fmc approach ) . taking the fmcs as benchmark curves , the model regresses the input bonds ( specific to a name ) on the two best fitting benchmarks . the result is a zero yield curve with the same shape as the fmcs , but with the level tweaked for the specific issuer . prices are then generated using both spread and probability approaches . under testing . bond model ( spline approach ) . taking only the bonds specific to an issuer , the model fits an exponential cubic spline to the zero - coupon price curve , then builds a zero yield curve from this . under testing . market prices . for certain liquid names , or sectors / ratings , cds market prices are used , then recovery and event discount used to get bankruptcy swap prices . kmv . using expected default frequencies ( edfs ) from the kmv model and database , we will build a model to price default swaps , making appropriate risk adjustments . kmv is being installed now , so model will be worked on next . each of these models returns a price ( credit default and bankruptcy ) , and the accuracy of the price depends on many factors - liquidity and regulatory differences between bond and cds markets , recovery assumptions , risk premia , capital charges , etc . the aim will be to accurately price as many liquid names as possible , based upon these models , then use these prices , alongside other financial information , as the backbone to a full automated pricing system . our inputs to the proposed pricing system for a specific name are model and market prices for all issuers , alongside name - specific ' soft ' data from credit reports and financial statements . if the credit is liquid enough , a price will be generated from their own information only . otherwise , the credit will be mapped onto a subset of liquid credits , with financial information and historical price movements providing the mapping and weights . the model price will then be periodically adjusted to align itself with market ( or trader ) prices , and this adjustment will feed back into the weighting and mapping composition . in loose terms , we could think of the system price for an illiquid credit as being a weighted average of liquid market prices ( bonds , equities , default swaps ) , where the weightings are calibrated using credit analysis , financial ratios , etc . the key steps to implementing such a system will be : establishing what exactly we want to ' predict ' - is it a price , a rating , a probability , or a score ? we will need a clean market history to calibrate to , which we only really have for ratings . we will then need to develop a mapping from rating / score to price . getting and cleaning the historical financial and credit data required to calibrate the model . building the mechanics of the model , ie , the calibration methodology . neural nets / fuzzy logic seem the obvious candidates , but which exact methods and software packages to use ? determining an automated methodology for mapping names with limited information into the model . getting the "" true "" market price , in order to feed back an error . at present such a price exists for very few credits . allocating resources to the development . mckinsey claimed such a system would take 6 - 10 man - months to develop . further ideas or comments are requested , as we need to develop our strategy asap . the model description above is fairly vague , as we don ' t yet have the knowledge needed to fill in the specific details . further help will be especially required on this if we are to continue to move at ' internet speed ' . regards ben",0 +"Subject: re : summer internship ezequiel , i have forwarded your resume to our analyst / associate program with a request to accept you as summer intern . if the summer program is full , my group will hire you directly for the summer . vince ezequiel luis on 11 / 13 / 2000 04 : 23 : 23 pm to : vkamins @ enron . com cc : subject : summer internship dear mr . kaminski i am currently pursuing the m . s . in ieor at uc berkeley . i attended the speech you gave some weeks ago . i am interested in summer internship positions available in enron . you will find enclosed my resume . sincerely , ezequiel luis este mensaje fue enviado desde http : / / commcenter . infosel . com internet gratis http : / / www . terra . com . mx / terralibre - resume elm . doc",0 +"Subject: re : chase vince : thanks very much . i will call ravi chris vince j kaminski @ ect 04 / 12 / 2000 10 : 36 am to : chris holmes @ enron cc : subject : re : chase - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 12 / 2000 10 : 37 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 12 / 2000 10 : 11 am to : chris holmes / hou / ect @ ees cc : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : chase chris , we don ' t have yet any report on broadband that might help you , developed internally by my group . we are working on a tutorial and we shall send you a copy when it ' s ready . the person who can give you an introduction to this market is ravi thuraisingham . vince chris holmes @ ees 04 / 05 / 2000 09 : 55 pm sent by : chris holmes @ ees to : vince j kaminski / hou / ect @ ect cc : subject : chase vince : i am working now in ees as the chase national account manager and am developing new products to sell chase . one of the products i am working on integrates the provision of broad band with a package of computer hardware and software for a company ' s employees . i can explain more if you are interested . i understand you put together a report on broadband which has helped educate people as to the technology and economics . can i get a copy ? . also do you have any analyses on chase that might help me detect other opportunities ? is there anyone on your staff with whom i should talk ? thanks chris",0 +"Subject: rw : howard confirmation for vince hi vince - please examine . i think it ' s going to happen and you have confirmation below - need sleep it ' s 3 : 30 pst - i ' ll need 7 hours sleep and then i ' ll be up . . . add 2 more for time difference and i ' ll be available for you , at your service ( your time around ( 1 : 30 afternoon ) . i called rachel @ enron london - she said it is set up too . i am confident . thank you for the opportunity . jeff wesley 949 813 2241 hi howard , > please find following confirmation as promised . > > > date of interview : tuesday 30 january 2001 > > time of interview : 2 . 30 pm > > interviewers : 2 . 30 pm nigel price - credittrading > 3 . 00 pm ben parsons - research & trading > controls - senior specialist > 3 . 30 pm vasant shanbhogue research > group houston > > > address : 40 grosvenor place > london > swlx 7 en > > switchboard : 020 7783 - 0000 > > closest tube / train station : victoria > > > location map attached > ( see attached file : location map . pdf ) > > manager > robert walters > manager > risk & quantitative analysis * get free , secure online email at http : / / www . ziplip . com / *",0 +"Subject: java for managers ! ! ! vince , durasoft ( who just taught the java class for our group ) offers a 3 - day short course in java for managers . details are below , if you are interested . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 16 / 2001 12 : 16 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" siva thiagarajan "" on 04 / 16 / 2001 11 : 25 : 50 am please respond to "" siva thiagarajan "" to : cc : subject : java for managers ! ! ! hi stinson , ? thanks for meeting with us on thursday . ? we enjoyed talking with you . ? as per our discussion , i have attached the course outline of java for managers along with this email . after our conversation with you we think this course may be a little bit heavy for your group . ? but we can definetly take it down to concepts level and make it appropriate for our audience . ? please review and let me know , if this course would be of value to you . ? this is a 3 day course and costs $ 11 , 000 ( maximum of 15 students ) . ? regards , ? - siva - oojavaformanagers . doc",0 +"Subject: re : wednesday lunch - credit group hi , everybody , get ready for our lunch meeting : this wednesday , april 19 , the "" new credit model development and testing team "" is going to go to vincent ' s restaurant . the address is 2701 w . dallas , the reservation is made for 11 : 30 a . m . see you there , tanya .",0 +"Subject: update on spring conference hello everyone , i wanted to get a message out to each of you to update you on the february 23 conference plans . the conference promises to provide an exciting opportunity to share the ideas of a diverse group of academic and industry professionals on a topic that is dear to all our hearts , the future of business education in the new economy . i will be sharing updates and information with you over the weeks to come but thought it might be useful to start before the holidays . i am attaching the most recent "" description of the program of events "" which remains somewhat fluid as we develop it . however , there are some new developments that you will find interesting . first , i have arranged for "" filming "" of the event by our local public tv station and we will be working toward the development of the best product possible out of the sessions . second , david palumbo ( human code - - an internet content provider - http : / / www . humancode . com / index 2 . htm - now owned by sapient ) will join us . david is very knowledgable about both educational issues ( he served on the faculty of the university of houston for 10 years before joining human code ) . he has some very interesting insights to offer on the future of higher education having now worked from the industry side of the equation ) . finally , i am currently reading a couple of books that you may find interesting ( telecosm and the new barbarian manifesto ) . i ' m sure there are many more interesting sources of information that you are each aware of and it would be helpful if we all began sharing our notes . finally , let me suggest that each of you begin thinking about the issue ( s ) that you feel most comfortable commenting upon and phrasing "" lead in "" questions for me . i would like to build a list of such questions to circulate among all so that we begin to get a feel for the range of topics we will encounter in the discussion and begin to formulate our individual opinions . i hope that this note finds you all anticipating a wonderful holiday season and thank you for participating in this inaugural "" think tank "" conference on the future of business education . sincerely yours , john - revised workshop - planning . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: color copier hello lyn , how are you ? certainly hope you enjoyed the holidays . i have not received the color printer as of yet . could you please provide me with information concerning this . thanks kevin moore",0 +"Subject: alliance info alert dear generation / power marketing executive : the following is this week ' s alliance express newsletter , and a special announcement regarding a proposed action by the financial accounting standards board ( fasb ) . fasb 133 fasb is considering an exception to statement of financial accounting standards ( sfas ) no . 133 that will exempt energy companies from the requirement to account for capacity contracts as derivatives . a vote against the exception would result in a significant increase in earnings volatility , and raises other important concerns for energy suppliers . ( attached is a summary of this issue . ) the board is expected to vote on this issue during may 2001 . eei will be taking steps to appraise fasb of our concerns . if you , or company cfo would like more information about this effort , please contact richard mcmahon , executive director of the alliance of energy suppliers , at rmcmahon @ eei . org , or at 202 - 508 - 5571 . alliance of energy suppliers express   april 25 , 2001 inside washington federal affairs * * * bill repealing puhca is approved by senate committee * * * the senate banking committee today approved s 206 , a bill that repeals the public utility holding company act of 1935 . the bill would repeal puhca and transfer oversight of public utility holding companies from the securities and exchange commission to the federal energy regulatory commission and appropriate state agencies . s . 206 was approved with two amendments . offered by sen . mike enzi ( r - wy ) , the first amendment would establish the electric energy market competition task force to study competition in the wholesale and retail market for electric energy in the united states . the task force would be made up of representatives of ferc , the department of justice and the federal trade commission , as well as non - voting representatives from the department of agriculture and the securities and exchange commission . the amendment also contained a provision , co - sponsored by sen . paul sarbanes ( d - md ) , that would preserve ferc ' s authority to require that energy rates are reasonable and do not include the pass - through of holding company costs that are unrelated to energy . another amendment , offered by sen . jon corzine ( d - nj ) , initiated a study by the general accounting office of the success of federal and state governments in preventing anticompetitive practices by public utility holding companies and in promoting competition and efficient energy markets . * * * institute   s tax agreement with public power again introduced on hill * * * the tax agreement eei reached with the american public power association ( appa ) and the large public power council ( lppc ) again has been introduced in the house . the bill ( hr 1459 ) contains the same provisions as were in a measure ( hr 4971 ) , with technical corrections , introduced during the 106 th congress . hr 1459 was introduced by rep . j . d . hayworth ( r - az ) and nine original co - sponsors from the ways and means committee . hr 1459 contains four key provisions with tax code changes : 1 ) the tax - free sale or spin - off of transmission assets into an rto is allowed , 2 ) nuclear decommissioning laws are adapted to a competitive market by allowing deductions to a trust fund no longer subject to cost - of service ratemaking , 3 ) the contributions in aid of construction ( ciac ) tax on interconnections to transmission and distribution facilities is eliminated , and 4 ) private use tax rules are changed to permit open access to transmission and distribution facilities . the measure was referred to the house ways and means committee , and eei has urged congress to act without delay in moving it forward . enactment will help encourage a vigorous but fair competitive environment , the institute noted . the same legislation has been incorporated into s 389 , senate energy committee chairman frank murkowski ' s ( r - ak ) energy security bill , and stand - alone legislation could also be introduced . hearings are expected to be held in both the senate finance and house ways and means committees , probably after consideration of president bush ' s individual tax proposal . administration / ferc * * * white house seeks $ 2 trillion budget in fiscal year 2002 * * * president bush last week transmitted a $ 2 trillion fiscal year 2002 budget request to capitol hill . the administration noted that its proposal * moderates recent explosive growth in discretionary spending to four percent in 2002 , * an increase of $ 26 billion over the preceding fiscal year . the budget bid contains a $ 231 billion total surplus in 2002 , and projects a $ 5 . 6 trillion surplus over the next ten years . in the energy area , the administration noted the federal government   s * longstanding and evolving role * in the sector , pointing out that most federal energy programs and agencies have no state or private counterparts . it proposed about $ 2 . 8 billion in discretionary spending for energy programs , and about $ 2 . 1 billion in tax benefits , * mainly to encourage development of traditional and alternative energy sources . * doe   s budget request was $ 19 . 2 billion , including $ 2 . 3 billion for energy resources programs . this later figure represents a decrease of $ 196 million , or 7 . 9 percent , from fiscal year 2001 . in the environmental sector , the administration sought some $ 7 . 3 billion in discretionary funding for epa , including a $ 3 . 7 billion operating program focused on implementation of most federal pollution control laws . * * * success of restructuring tied to energy strategy , ferc   s massey asserts * * * electric restructuring may be in jeopardy , and its success * is in the hands of regulators and policymakers , * ferc commissioner william massey has asserted . speaking at a recent national governors association policy forum in philadelphia , commissioner massey urged officials to pay attention to the key elements of a national energy strategy . first , he specified , there is a need for an adequate supply of the energy commodity . turning to a second element , commissioner massey told forum attendees that * all the supply in the world won   t help unless it can be delivered over an adequate , efficient , non - discriminatory network . * commissioner massey identified market structure as the third essential element of a national energy strategy , while citing an inherent difficulty : that * good structure cannot be easily parsed between wholesale and retail jurisdictions . * accordingly , he said , ferc and the states must work together on market structure . the final element of a successful energy strategy , the commissioner specified , is the need for aggressive ferc intervention when markets fail to do their job . * if the states cannot depend on the wholesale market regulator to ensure reasonable prices for consumers , * he cautioned , they * will surely think twice before heading down the restructuring path . * new generation * * * dynegy to build second plant in kentucky * * * dynegy has announced plans to construct a new 330 megawatt plant adjacent to the riverside generating project in lawrence county , kentucky . dynegy will sell the power generated at the plant in the wholesale market . commercial operation is expected to begin first quarter of 2002 . * * * ppl to expand generation capacity * * * ppl corporation this week said it would build a 540 megawatt power plant near chicago and would increase the capacity of its susquehanna nuclear plant by 100 megawatts . ceo william hecht said the illinois plant is expected to be in service by the summer of 2002 . * * * constellation energy group announces eight new plants * * * constellation energy group this week announced that the company is scheduled to bring four peaking power plants on line this summer . additionally , four larger power plants are scheduled to enter service in the following two summers . the four peaking plants are located in illinois , pennsylvania , virginia and west virginia . the larger power plants are under construction in california , florida , illinois , and texas . * we   re building in these seven states because they serve regions where wholesale electricity is needed and where we can provide energy to support our national power marketing business , * said constellation energy group chairman and ceo christian poindexter . * * * california energy commission approves construction of otay mesa generating plant * * * pg & e corporation   s national energy group ( neg ) last week announced that the california energy commission ( cec ) has approved construction of the otay mesa generating plant in san diego county , which the neg has developed . the 500 megawatt project will produce enough electricity to power about 1 , 000 homes . after the development process is completed , calpine corporation will assume ownership of the project and will construct and operate the plant . neg will contract for up to half the plants output . energy data * * * weekly electric output ( week 15 ) * * * electric output reached 63 , 528 gwh for the week ending april 14 ( week 15 ) , with the highest increase over 2000 levels in the south central states , which both had a 12 . 6 percent increase over 2000 for week 15 . year - to - date , the rocky mountain region experienced the greatest increase in output ( 7 . 6 percent ) over 2000 . for more information , email alliance @ eei . org . the alliance express is a free news service sponsored by the alliance of energy suppliers . this document can be redistributed . please send questions , comments , or requests to alliance @ eei . org , or telephone 202 / 508 - 5680 . nancy tarr manager , business development eei alliance of energy suppliers 701 pennsylvania ave . , n . w . washington , d . c . 20004 telephone : 202 - 508 - 5680 fax : 202 - 508 - 5600 www . eei . org / alliance ntarr @ eei . org - text . htm - fasb - the impact on energy companies of treatment of capacity c",0 +"Subject: re : texas finance festival ( urgent request ) peggy , friday ( lunch , supper ) , sat ( breakfast , lunch ) . one person . vince kaminski peggy davies on 03 / 30 / 2000 04 : 21 : 36 pm please respond to peggy davies to : andres almazan , murray carlson , kent daniel , wayne ferson , denis gromb , john hund , narasimhan jegadeesh , cindy justice , matthias kahl , vince kaminski , anthony lynch , thomas noe , robert parrino , manju puri , ehud ronn , laura starks , andrew subra , steathis tompaidis cc : subject : texas finance festival ( urgent request ) texas finance festival attendee please respond to the below request asap in preparing for the texas finance festival , we are needing to finalize the meal counts . while we are excited about everyone coming , we do not want to pay for meals ( expensive ones by the way when on the riverwalk in san antonio ) if someone will not be in attendance . please indicate below the meals you will be inattendance . if you have family / significant others coming with you , please indicate the total number including yourself . thanks for your help . bill petty number to attend friday lunch friday supper saturday breakfast saturday lunch saturday supper rfc 822 header - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - return - path : received : from ccc _ petty ( ccc - petty . baylor . edu [ 129 . 62 . 162 . 79 ] ) by ccisol . baylor . edu ( 8 . 9 . 1 / 8 . 9 . 1 ) with smtp id oaa 21931 for ; thu , 30 mar 2000 14 : 35 : 32 - 0600 ( cst ) message - id : date : 30 mar 00 14 : 34 : 59 - 0600 from : bill petty subject : texas finacne festival ( urgent request ) to : peggy davies x - mailer : quickmail pro 1 . 5 . 4 ( windows 32 ) x - priority : 3 mime - version : 1 . 0 reply - to : bill petty content - type : text / plain ; charset = "" us - ascii "" content - transfer - encoding : 8 bit x - mime - autoconverted : from quoted - printable to 8 bit by ccisol . baylor . edu id oaa 21931 status : peggy davies administrative assistant department of finance , insurance , fax ( 254 ) 710 - 1092 peggy _ davies @ baylor . edu",0 +"Subject: fwd : our conversation today return - path : from : awenda 2000 @ cs . com full - name : awenda 2000 message - id : date : mon , 4 dec 2000 12 : 47 : 07 est subject : our conversation today to : wkamins @ enron . com mime - version : 1 . 0 content - type : multipart / mixed ; boundary = "" part 2 _ 12 . 59 ad 86 b . 275 d 329 b _ boundary "" x - mailer : unknown sub 111 hi wincenty , it was a pleasure talking to you today . i am enclosing my resume and look forward to talking to you again . best regards bibianna - bibianna res . # 2 . doc",0 +"Subject: steven roeder ( chemical engineer ) vince , i do not think that there is match with our group but i forwarded steve ' s resume to ford cooper and joe phalen of the water group . regards , osman",0 +"Subject: ljm pricing vince : here are the files for pricing the deal without and with credit risk : 1 ) without credit risk : 2 ) with credit risk : ( two factor model ) talk to you tomorrow 1 : 00 pm . thanks . paulo issler",0 +"Subject: organizational announcement fyi . - - - - - - - - - - - - - - - - - - - - - - forwarded by osman sezgen / hou / ees on 04 / 23 / 2001 02 : 29 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron energy services from : ees distribution 04 / 23 / 2001 01 : 29 pm sent by : kay chapman to : all ees cc : subject : organizational announcement consistent with the floor talks of a couple weeks ago , we are following up with an e - mail describing the latest changes in our risk and back - office functions that are now complete . ees  , s risk management and the vast majority of ees  , s risk controls and operations group will become a new group in enron wholesale services . this group  , s sole function will be to provide pricing , structuring , commodity risk management , logistics and back - office services for ees . both don black and wanda curry will report to the ews office of the chairman . this change was driven by the explosive growth of ees and the resulting need to tap the systems , resources and risk expertise of the wholesale groups in order to continue to grow and take advantage of current market opportunities . this change will allow us to more quickly capture the benefits of scale , process , and technology in risk , logistics and back - office functions from the larger enron capability . as discussed at the all employee meeting in march , these are important objectives , and this change allows us to reach those goals more quickly . specifically , the following groups within the former ees risk management group , will become a part of this new group reporting to don black : - the gas , power and tariff desks , - the options desk , - the site profiles and consumption desks , and - the matrix products / secondary products desks . the dsm group and iam , along with its execution capability , will remain in ees and report to the ees office of the chairman . we are pleased to announce that ozzie pagan has agreed to lead this function . ozzie is an established commercial dealmaker in ena . he has experience in power trading , origination and plant development . in addition , the services group , which will provide billing , information and other retail services , led by evan hughes , will remain in ees and report to the ees ooc . all support functions , within the former ees risk controls and operations group , that currently support the dsm and the services groups , will remain in ees . the remaining parts of the risk controls and operations group will become part of ews reporting to wanda curry . as part of this change , we are pleased to add evan hughes and ozzie pagan to the ees operating committee . in addition , the structuring group , led by sean holmes , will be re - named deal management . the vision for this group remains the same as that discussed at the all employee meeting ; however , it will also facilitate and ensure productive transaction interaction between ees and ews . we have asked , marty sunde , as part of his vice chairman role , to resource and lead a formal restructuring group to enhance or protect value in several key transactions in our portfolio primarily in california . the newly created it function , led by anthony dayao , will continue to report into the ees ooc but will support both ees and ews it requirements . other than these changes , the organizational structure , vision and objectives detailed out for ees at the all - employee meeting in march remain . we need to continue to understand and drive deeper into our markets , manage our client relationships , mine our portfolio , build new products and execute on our opportunities . thanks for all your hard work . with your help we will become the worlds leading energy retailer and enron  , s leading division . if you have any questions please do not hesitate to ask",0 +"Subject: enside draft good afternoon ! attached , please find the combined interview notes for the first draft of the article for the enside newsletter . read and review your sections - they are divided by color . vince , please check ' everything ' for content and accuracy . feel free to make corrections and delete anything as you see fit . please make changes and then send back to me . i need it by wednesday , april 4 , if possible . call me if you have any questions ! kathie grabstald ews public relations x 3 - 9610 p . s . i am looking forward to the photo shoot on friday , march 30 at 2 : 30 pm . i will meet you all in front of the building at the big e !",0 +"Subject: re : marketpoint license agreement dale , thanks for your message . in our phone conversation before the meeting you mentioned another contractual arrangement under which we could work with your company employees on a case - study . the cost of a weekly project would be $ 12 , 000 that would be applied to the purchase price should we go ahead and decide to acquire the software . this project would allow us to evaluate the model and come up with an estimate of the manpower necessary to support the model internally . please , let me know more about this option . we are primarily interested in a long - term natural gas model and the database for north america . unless a familiarity with the short term model is a prerequisite , we don ' t have resources to spend too much time on it . of course , a trading desk may be interested in the short term version of the model . i shall talk to them about it . vince "" dale m . nesbitt "" on 11 / 13 / 2000 06 : 00 : 05 pm to : , "" vince . j . kaminski "" cc : subject : marketpoint license agreement john / vince : i really enjoyed the meeting the other day with you and a broad cross section of your people . thank you very much for setting it up , and thank you for giving me the opportunity to speak with your people . as i mentioned to john , i am sending you the license paperwork for marketpoint . i have attached our standard license agreement for your consideration . as i mentioned , the license agreement covers the entire bundled product , which includes ? north american gas , short and long term ? north american electricity , short and long term ? world gas ? western european gas ? world oil we are just finishing porting the world oil , world gas , and western european gas models over from our old ( now obsolete ) software system into marketpoint , so they will not be fully tested and complete for a couple of months . however , the gas and electricity models for north america are presently complete and tested . that should allow us to give you an attractive price before the full worldwide toolkit is available throughout your worldwide business . as i understood it , you will want the gas modeling capability first and will want to defer decisions on electric or other capability . as i mentioned at the meeting , we are prepared to offer that for approximately the fully bundled price . as you read the license agreement , you will see that the software licenses for $ 100 , 000 annually , the gas data for $ 5 , 000 , and the electric data for $ 10 , 000 . marketpoint will agree to license you the gas model plus the data for the software license plus the data license for a total of $ 55 , 000 annually . this is just under the fully bundled price . i think that is consistent with the discussions at our meeting , and from marketpoint  , s perspective would provide a great basis to move forward together with enron . if or when enron ever desires to  & scale up  8 to another model or model ( s ) from the marketpoint portfolio , we will simply scale you up to the entire license agreement . this will allow you to decouple the gas decision from any other decisions you might make . ( i will be glad to put this additional pricing provision into the agreement if you decide to move forward . ) i felt i was able to communicate the philosophy , scope , and operation of our approach during the meeting and to deliver you much of the information you might need to evaluate whether marketpoint meets your needs . i thought you were able to see the depth and sophistication of the product yet at the same time its simplicity and effectiveness . i thought you were able to see the benefits of the marketpoint dimension of economic equilibrium as a complement and supplement to other approaches you will assuredly use . i would be interested in your impressions and those of your colleagues . i look forward to your response and to moving ahead together . we view you as a very important prospective customer and client and will work with you to earn and secure your business . if you decide to license marketpoint , we can arrange to transfer and mount marketpoint and the short term narg model ( which is the model we suggest you begin with ) and travel to houston to deliver our 1 day training seminar . our clients are usually very fluent after that 1 day training seminar . thereafter , we would want you to work with the short term narg model for a few weeks while you get up to speed , very fluent , and very comfortable before you take delivery of the longer term version of narg several weeks later . thanks again , and all the best . if there is some item from the meeting that i might have forgotten to send , please remind me . my notes don ' t show anything , but i was speaking a lot rather than writing notes during the meeting and might have overlooked something someone wanted . dale nesbitt president marketpoint inc . 27121 adonna ct . los altos hills , ca 94022 ( 650 ) 218 - 3069 dale . nesbitt @ marketpointinc . com - license . doc",0 +"Subject: re : gsia visit duane , sorry i will miss you . i have a meeting with chester already on my schedule . vince ds 64 @ cyrus . andrew . cmu . edu on 10 / 31 / 2000 03 : 40 : 40 pm to : "" vince j kaminski "" cc : "" chester s spatt "" , "" pierre - philippe ste - marie "" subject : gsia visit vince , this friday during your visit i will be in california for a cousin ' s wedding . i am having miserable luck connecting with you . however , while you are at gsia , chester spatt ( one of my co - authors ) would like to meet with you if your schedule permits . i am copying him on this email so you can contact him directly . please also let peirre ( who is also copied on this email ) know whatever you work out . see you next time i hope , duane * * * * * * * * duane seppi graduate school of industrial administration carnegie mellon university pittsburgh pa 15213 - 3890 tel . ( 412 ) 268 - 2298 fax ( 412 ) 268 - 8896 email ds 64 + @ andrew . cmu . edu",0 +"Subject: alliance info alert ferc acts to remove obstacles to address western energy crisis * * omnibus order mobilizes ferc ' s entire energy pricing and infrastructure authority * * to adopt financial incentives for capacity increases in transmission facilities * * streamlines regulation of wholesale market , energy facilities siting and licensing * * promotes conservation and wholesale side of demand - response bidding * * order doesn ' t address price caps * * meeting with western state regulators / officials set for april 6 , 2001 in boise , idaho ferc moves to bring more economic and reliable energy supplies to the stressed california and western energy markets . ferc proposes to increase bulk power supply in the west by removing barriers and providing incentives that are within its jurisdiction over facility certification , licensing , and the regulation of transmission and wholesale power sales in interstate commerce . ferc quickly wants to increase electric generation and transmission capacity , as well as to streamline the regulation of wholesale power transactions , as well as increase the capacity of the supporting infrastructure of natural gas and oil pipelines . the order , which sets new precedent in its broadness , also proposes actions to reduce electricity demand in the west as well as promoting the necessary wholesale - market portion of demand - response bidding where states wish to implement the retail side . ferc asks for comments on additional actions it may take in the future by march 30 , 2001 . effective immediately , ferc said in a statement , * the commission is streamlining regulatory procedures for wholesale electric power sales , expediting the certification of natural gas pipeline projects into california and the west , including the reallocation of staff resources to more quickly address pending pipeline applications , and urging all licensees to review their ferc - licensed hydroelectric projects in order to assess the potential for increased generating capacity . * among the actions ferc takes are to : 1 ) require the california iso and transmission owners within all 11 states of the western systems coordinating council ( wscc ) to prepare a list of grid enhancements that can be completed in the short term ; 2 ) waive prior notice requirements for any on - site or self - generators that sell at wholesale within the wscc area ; 3 ) grant blanket market - based rate authority for sales on the wholesale market of electric energy that becomes available as a result of demand - response reductions in retail and wholesale loads ; and 4 ) broadening and extending through december 31 , 2001 the temporary waivers of the operating and efficiency standards for qualifying facilities ( qfs ) to increase the availability of generating capacity . ferc seeks comments by march 30 on a series of economic incentives aimed at ensuring timely upgrades to the western transmission grid , including an increased rate of return on equity ( roe ) for projects that significantly increase transmission and can be in service by either june 1 , 2001 , or november 1 , 2001 . other areas that ferc requested comment on include the use of interconnection authority under the federal power act , and to raise the dollar limits on the issuance of blanket certificates authorizing gas pipeline construction . on hydro issues , ferc requested comment on ways to increase operating flexibility at ferc - licensed projects while protecting environmental resources . in its effort to encourage investment in transmission infrastructure , ferc asked for comments - again by march 30 - on a series of economic incentives aimed at ensuring upgrades to the western interconnection , including the increased roe for projects that significantly increase transmission on constrained paths and can be in service by the above dates in 2001 . increased roe , ferc said , will also be given to system upgrades over new transmission paths that can be in service by june 1 , 2002 , or november 1 , 2002 . ferc seeks comment on a proposed 10 - year depreciation period for projects that increase transmission capacity in the short - term and a 15 - year depreciation period for upgrades involving new rights - of - way that can be of service by november 1 , 2002 . in his dissent to the order , commissioner massey argued the order focuses on "" quick fixes , "" and that the measures will not close the gap between supply in demand in california . the order also "" fails to address price relief , "" noted massey . massey also called for a full federal power act ( fpa ) section 206 investigation of california issues , which would allow for the possibility of refunds . on transmission incentive provisions , massey lamented that the proposed roe increase to 14 percent appeared arbitrary and inconsistent with ferc policy under order no . 2000 . the financial provisions , he said , appeared to be "" just throwing money at the problem . "" while generally disappointed with the order , massey did express limited support for many parts of the order . many of the suggestions in the order are the "" same actions as authorized last may , "" said massey . "" they were good ideas then , and they are good ideas now , "" he concluded . for his part in comments at the open meeting when the order was adopted , chairman hebert said the order was designed to "" squeeze every additional mw of supply available "" and to encourage the conservation of mw , and stressed that ferc is "" doing all it can in its power to alleviate western problems . "" he said the order seeks to eradicate the projected supply shortfall in california , but noted that generation / transmission siting , and conservation are generally state issues . ferc ' s * removing obstacles * order is posted on its web site at : citation : ferc issued is order removing obstacles to increased electric generation and natural gas supply in the western united states and asking for comments was issued on march 14 , 2001 , docket no . elol - 47 - 000 . a detailed analysis and summary of the specific actions taken and proposals made follows : electric transmission infrastructure within 30 days , the california iso and transmission owners in wscc are to prepare and file for information purposes a list of grid enhancement projects that may be underway or may not require initial siting and acquisition of rights of way . ferc proposes a scaled transmission infrastructure incentive under which transmission owners of projects that increase transmission capacity at present constraints and can be in service by july 1 , 2001 would receive a cost - based rate reflecting a 300 basis point premium return on equity and a 10 - year depreciable life . projects in service by november 1 , 2001 , would get a 200 basis point premium and 10 - year depreciable life . ferc would use a uniform baseline return on equity for all jurisdictional transmission providers in wscc of 11 . 5 % , based on the roe ferc approved for southern california edison . system upgrades that involve new rights of way , add significant transfer capability and can be in service by november 1 , 2002 , would get a cost - based rate reflecting 12 . 5 % roe , or al 00 basis point premium , and 15 - year depreciable life . facilities needed to interconnect new supply to the grid , which go into service as required to accommodate the in - service date of the new plant would get a cost - based rate that reflected a 13 . 5 % roe , or a 200 basis point premium , if in service by november 1 , 2001 and 12 . 5 % roe if in service by november 1 , 2002 . for increases in transmission capacity on constrained interfaces that do not involve significant capital investments , for example , installing new technology , ferc proposes to allow transmission owners to increase the revenue requirement of their network service rates to ensure that each additional mw of capacity will generate revenues equal to their current firm point - to - point rate . ferc requests comment on whether to assign the cost of any interconnection or system upgrade to a particular load or supply , or alternatively , to roll these costs into the average system rate . extension of waivers for qfs ferc proposes to extend its temporary waivers of operating and efficiency standards for qfs - applicable throughout wscc - to allow increased generation through december 31 , 2001 . the waivers were to expire on april 30 , 2001 . the proposed waiver would allow qualifying cogenerators to sell their output above the level at which they have historically supplied this output to purchasing utility . the waiver for qualifying small power production facilities in wscc with respect to their fuel use requirements under ferc regulation section 292 . 204 ( b ) , would be extended to december 31 , 2001 . additional capacity from on - site generation ferc will adopt streamlined regulatory procedure to accommodate wholesale sales from such facilities that serve load within wscc . through december 31 , 2001 , owners of generating facilities located at business locations in wscc and used primarily for back - up or self - generation who would become subject to fpa by virtue of sales of such power will be permitted to sell power at wholesale without prior notice under fpa section 205 . ferc also authorizes such power to be sold at market - based rates . ferc waives its prior notice requirement for mutually agreed upon interconnection agreements for interconnections necessary to accomplish these sales . quarterly reporting is required . allows demand response bidding ferc will allow retail customers , as permitted by state law , and wholesale customers to reduce consumption for the purpose of reselling their load reduction at wholesale . ferc is granting blanket authorization , consistent with its prior discussion on sales from on - site generation and requires similar reporting . ferc ' s december 15 order on the california market directed , as a longer - term measure that the iso pursue establishing an integrated day - ahead market in which all demand and supply bids are addressed in one venue . ferc seeks comments on the desirability of accelerating action on this . ferc says it realizes that states play an important role in regulating retail electric service and that allowing retail load to reduce consumption for resale in wholesale markets raises legal , commercial , technical and regulatory issues . safeguards may be needed to protect and enhance retail demand - response bidding programs . intention is not to undermine state programs but to promote the necessary complementary wholesale programs . requests comments on how helpful this action is and how it can be accomplished consistent with state jurisdiction over retail sales . contract modifications for demand - response bidding there may be opportunities for public utilities to make other types of demand - response arrangements with their wholesale customers . as for mutually agreeable qf interconnections , ferc will waive prior notice requirement for any mutually agreeable demand - response related rate schedule amendments that may be required to effectuate these arrangements . clarifies that demand - response program costs should be treated consistently with all other types of incremental and out - of - pocket costs . interconnections fpa section 210 ( d ) allows ferc to issue an order requiring interconnection if it makes a finding that such an order : 1 ) is in the public interest ; 2 ) would encourage overall conservation of energy or capital , optimize the efficiency of use of facilities and resources , or improve the reliability of any electric utility system or federal power marketing agency to which the order applies ; and 3 ) meets the requirements of fpa section 212 . ferc requests comments on whether it can use this authority under fpa section 210 ( d ) to alleviate existing impediments to electricity reaching load . if the exercise of this authority may be warranted , ferc seeks comments on whether it could make some of the required findings generically for the wscc region in order to respond quickly should circumstances arise requiring immediate action . longer term regional solutions ferc believes an rto for the entire western region or the seamless integration of western rtos is the best vehicle for designing and implementing a long - term regional solution . natural gas pipeline capacity ferc has realigned its resources to respond to new applications for gas pipeline capacity and is soliciting comments on ways to expedite the approval of pipeline infrastructure needed to serve california and the west . requests comments on how it might further exercise its authority over new pipeline construction to alleviate the present crisis , including increasing the dollar limit thresholds for blanket certificates to $ 10 million , and for prior notice authorizations to $ 30 million in order to increase the facilities qualifying for automatic authorization ; offering blanket certificates for construction or acquisition of portable compressor stations to enhance pipeline capacity to california ; and offering rate incentives to expedite construction of projects that will make additional capacity available this summer on constrained pipeline systems . hydroelectric power ferc staff will hold a conference to discuss methods to address environmental protection at hydro projects while allowing increased generation . requests comments on ways to allow for greater operating flexibility at commission - licensed hydro projects while protecting environmental resources . comments should consider : 1 ) methods for agency involvement ; 2 ) ways to handle and expedite endangered species act consultations ; 3 ) criteria for modifying licenses ; and 4 ) identification of processes that could be implemented to provide efficiency upgrades . oil pipelines ferc will explore with oil pipelines innovative proposals that could lead to ensuring an adequate flow of petroleum product into the california market . conference with state commissioners ferc will hold a one - day conference with state commissioners and other state representatives from western states to discuss price volatility in the west as well as other ferc - related issues identified by the governors of western states . by notice issued march 16 , this meeting is scheduled for april 6 , 2001 in boise , idaho . [ source : ferc 03 / 14 / 01 order , docket elol - 47 - 000 , and news release . ] - text . htm",0 +"Subject: last minute things tff participants , we are looking forward to seeing everyone in san antonio this friday . attached is a welcome letter that indicates the meeting room and describes the two evenings ( friday dinner and tour of the alamo and saturday barbeque dinner at a ranch outside of san antonio ) . we have arranged for five horses for the brave at heart and a hayride for the interested so come with jeans and boots . see you friday john - welcomel . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : forward prices simulations in the credit reserve model bill and mark , the figure below shows you what happens when we simulate forward prices using current methodology of our credit reserve model . the time scale on this figure goes from 0 to 30 years . i started with $ 5 . 2 gas prices at time 0 and used the ng forward volatility curve which has 50 % volatilities in the front and 13 . 5 % vols for long - term contracts . you can see from the figure , that , for example , at 30 years horizon the price will be more than $ 13 . 4 with probability 5 % but less than $ 22 . 1 with probability 99 % . the corresponding lower bounds are $ 1 . 17 and $ 0 . 71 . tanya from : william s bradford / enron @ enronxgate on 03 / 26 / 2001 11 : 22 am to : mark ruane / enron @ enronxgate , naveen andrews / enron @ enronxgate , tanya rohauer / enron @ enronxgate , debbie r brackett / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , rabi de / na / enron @ enron , wenyao jia / enron @ enronxgate cc : subject : re : gbm vs reversion both seem to provide fairly unrealistic values . $ 50 gas over the term seems improbable , however , a $ 6 gas peak does not represent capture all potential price movement at 99 % confience interval . what were your assumptions on price curves , volatilty curves , and trend reversion ? bill - - - - - original message - - - - - from : ruane , mark sent : monday , march 26 , 2001 11 : 11 am to : bradford , william s . ; andrews , naveen ; rohauer , tanya ; brackett , debbie ; tamarchenko , tanya ; de , rabi ; jia , winston subject : gbm vs reversion a quick example of the impact of using gbm based simulation : based on a five year swap , the expected losses are 18 % higher as a result of gbm . attached chart shows the relative long - term gas prices under both processes . > mark",0 +"Subject: reply to your email / ignore my voicemail please respond to vince : thanks for that . i just wanted to get a sense from you who the right people are and how i can establish effective contact . when he went on to different responsibilities , john goodpasture suggested i get the dialog going with the right commercial people in enron . i will be in your neighborhood in the 200 pm time range and will give you a quick call . that will conserve your valuable time and hopefully get me in touch with the right people . i am reading this after your voicemail , so this supersedes that . dale - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : tuesday , may 01 , 2001 6 : 03 am to : dale . nesbitt @ marketpointinc . com cc : vince . j . kaminski @ enron . com subject : re : get together this coming tuesday ? dale , i can reserve 2 to 2 : 30 time slot but there is really not much that i can tell you at this point . the commercial groups are still interested and are moving towards the test of the package . as soon as they will decide to move ahead , we ( research ) shall be involved , helping to evaluate the product . as i have said , we are not the decision makers in this case . i think that we should allow simply the process to run its course . vince "" dale m . nesbitt "" on 04 / 30 / 2001 05 : 59 : 30 pm please respond to to : cc : subject : re : get together this coming tuesday ? vince : i will call tomorrow in the morning . lunch or right after lunch would be great . how would 100 pm work for you ? dale - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , april 30 , 2001 3 : 07 pm to : dale . nesbitt @ marketpointinc . com cc : kimberly . watson @ enron . com ; vince . j . kaminski @ enron . com subject : re : get together this coming tuesday ? dale , please , call me on tuesday . my morning schedule is full but i am open in the afternoon . vince "" dale m . nesbitt "" on 04 / 30 / 2001 01 : 51 : 21 am please respond to to : "" vincent kaminski "" , "" kimberly s . watson "" cc : subject : get together this coming tuesday ? vince / kim : i am flying to houston tonight and wondered if it would fit one or both of your schedules to get together this coming tuesday sometime for 1 / 2 hour or so . i really want to reinitiate the conversations marketpoint was having with john goodpasture and you , and he said either or both of you were the right people to continue after his responsibility shift . john was quite positive about the idea of enron acquiring marketpoint narg through license , and he implied that one or both of you would be carrying the ball in that direction after he handed it to you . would this coming tuesday morning at 930 am be a good time for you guys ? if so , please give me an email shout at the above address or leave a message on my voicemail at ( 650 ) 218 - 3069 . i think you will be truly impressed with the scope and progress we have been able to make with both the short run narg and the long run narg in which you were interested ( not to mention our power model ) . the progress is noticeable since you saw it . both long and short term narg are having quite an impact on a number of gas decisions at the moment ranging from venezuelan lng , north american lng import terminals and term , gas basis calculations , trading support , power plant development , gas - to - power price spreads in key markets , veracity of heat rate trades , bank financings , storage field evaluation , and which new pipelines we can expect to see enter and which are dogs . i really hope we can fit it in and get our discussions moving in a mutually productive direction again . i think narg can help you become even more successful , and i look forward to working with you . we have a new office address and new phone number as well . ( we move in may 1 . ) altos management partners 95 main street , suite 10 los altos , ca 94022 ( 650 ) 948 - 8830 voice ( 650 ) 948 - 8850 fax ( 650 ) 218 - 3069 cellular give the phones a week or so to get "" debugged "" and then switch over . dale",0 +"Subject: risk 2000 panel discussion hello everyone : vince kaminski would be available for a conference call on wednesday , may 31 at 10 : 00 or 11 : 00 am est . the rest of the day is rather full . please let me know if either time is convenient for you . if not , maybe we could do it on june 1 - he is free most of the day with the exception of 12 : 30 - 2 : 00 est . look forward to hearing from you . thanks ! shirley crenshaw administrative coordinator enron corp . research 713 - 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: re : eprm conferences hi paul , ? thanks for the e - mail . sorry i missed your calls this morning but i was at the dentist , where its difficult to speak at the best of times ! ? i ' m sorry but it doesn ' t look like we will be able to commit to ? the eprm var conference . we are still a small company and the trip would tie us up for over a week . i ' m sure you ' ll understand that internally we just can ' t justify ? the two senior members of the company ? to be away on eprm business and to have to pay money from our own pocket ? to run this course for you . it was a difficult decision originally to ? offer our services at expenses only with no fee , but we did so for the potential opportunity to work some more with vince . ? good luck in your search for alternative course leaders . ? best regards . ? chris . ? ? dr chris strickland ? director , lacima group ltd www . lacimagroup . com ? school of finance and economics , university of technology , sydney financial options research centre , university of warwick , uk ? ? ? - - - - - original message - - - - - from : paul bristow to : chris @ lacimagroup . com sent : thursday , february 22 , 2001 8 : 13 am subject : fw : eprm conferences hi chris , ? just an extra note regarding the course . if the reimbursements are suitable i would like to finalise the line - up asap ( vince and a european enron representative ) . if you were unable to participate i would need to offer alternative invitations by the end of this week . ? all the best , ? paul ? ? ? - - - - - original message - - - - - from : paul bristow [ mailto : pbristow @ riskwaters . com ] sent : wednesday , february 21 , 2001 9 : 13 am to : ' chris strickland ' subject : re : eprm conferences hi chris , ? i ' ve been looking at the forward plan and the total budget for speaker expenses is 5500 pounds ( us keyboard , no pound sign ) . at current exchange rates this comes to a little over 15 , 000 australian dollars . i would be happy to cover your expenses up to this figure . ? the course is scheduled to run in amsterdam ( not london as originally planned ) and houston . the dates are slightly flexible ? to ? work with your travel schedules . for instance , would you prefer to travel to sydney - houston - amsterdam - sydney , or in the opposite direction ? ? if you could contact me to ? let me know if this would ? enable you to commit to the course , i would be delighted to forward the notes from the research . i would plan to then work on the outline until march lst . i look forward to speaking with you soon . ? best wishes , ? paul bristow ? - - - - - original message - - - - - from : chris strickland [ mailto : chris @ lacimagroup . com ] sent : tuesday , february 06 , 2001 5 : 18 pm to : pbristow @ riskwaters . com subject : re : eprm conferences hi paul , ? bit of a busy morning here - i ' ll be out for about 1 . 5 hrs ( 9 . 15 sydney time ) . if we don ' t catch up today , i ' ll call tomorrow . ? chris . ? - - - - - original message - - - - - from : paul bristow to : ' chris strickland ' sent : tuesday , february 06 , 2001 1 : 33 am subject : re : eprm conferences hi chris , ? i would like to confirm the dates of some of the forthcoming eprm events : ? effective var and stress testing techniques for the us energy industry . this event will run on the 21 & 22 may in london and the 28 & 29 may in houston . michele du berry ( director of conferences ) and i are looking at how we have structured the training courses and are keen to present a different outline than on previous courses . i would like to run this event with 2 - 3 trainers per venue , rather than with 7 - 8 as we have done in the past . if you and les clewlow would be interested in leading this course ( possible with vince kaminski ) i would be delighted to discuss the event in greater detail . ? energy & power risk management , europe . our largest annual european event is scheduled to between september 19 - 21 . victoria kerridge will be producing this event from the london office and will be starting research in two weeks . i am going to be providing her with a brief and will ensure that she has your contact details . ? i have also been finalizing the details for the annual energy & power risk management event in houston . this will take place on may 14 th & 15 th and is close to completion . i would be happy to provide you with more details , without potentially running the risk of overloading your schedule with a number of events in a short space of time ( var and eprm , houston ) . my priority is to secure trainers for our var course . ? if you would be interested in any of the events listed , i would be happy to talk with you this week . my direct line is 212 925 6990 , extension 225 . ? best wishes , ? paul bristow ? ? - - - - - original message - - - - - from : chris strickland [ mailto : chris @ lacimagroup . com ] sent : sunday , january 28 , 2001 8 : 02 pm to : pbristow @ riskwaters . com subject : eprm conferences hi paul , ? just a note so that you have my address . do you have dates for the us and european conferences yet ? i ' m sure that we can arrange other work at the same time to offset the expenses of speaking at these events if you want us to participate . ? you also mentioned a training course on var and the energy area . we had an eprm article last year with vince on a comparison of the different techniques on a trial portfolio that might form the basis of something useful . anyway , let me know . ? best regards . ? chris . ? ? ? ?",0 +"Subject: re : i was very pleased to get your note and wish that i could be of help with respect to a phd program . unfortunately our only related program here is in statistics . i would suggest that you contact professor sheridan titman at the university of texas in austin . good luck , john at 05 : 31 pm 1 / 12 / 01 + 0600 , you wrote : > dear mr . martin , > having visited your web page http : / / hsb . baylor . edu / html / martinj / i have > found information about your research paper . i have a similar area of > interests and i am keen to pursue a degree in finance program . i am > especially interested in the following areas : > > 1 . valuation of the exotics style options > 2 . credit portfolio models - assessment of the value at risk of a > non - investment grade eurobonds portfolio and contributions of the > individual assets to portfolio risk > 3 . estimation of expected default frequency for individual default risk > > if you have any open ph . d . student positions for the fall 2001 , please do > not hesitate to get in touch with me . > > > i have the following background : > > i graduated ( m . s . ) from moscow institute of physics and technology in 1998 , > majoring in economics and applied mathematics , with a degree in applied > mathematics gpa 4 . 5 / ( 5 . 0 ) . diploma matter as "" mathematical methods in the > modern theory of oligopoly "" . i have three and a half years working > experience in bank and investment company in russia and kazakhstan . i had > been working on the following positions : > > 1 . trader - fixed income , equities , futures , forwards , swaps , options , money > market . > > 2 . analyst - estimation of the market value of illiquid equities , valuation > of principal protected notes and reverse convertible notes , valuation of > exotics options . > > 3 . risk manager - risk management in banking currency , margin and liquidity > risks . > > 4 . portfolio manager - management of the banking securities portfolio using > mathematical and statistical approach . > > articles : > > 1 . custodian ' s functions and its role in the management of securities > portfolios . "" securities market journal "" . june , 2000 > > 2 . options as an instrument for receiving guaranteed income . "" securities > market journal "" . december , 2000 > computer languages : visual basic , pascal , and fortran > > i have got the following scores : > > 1 . gre - 1810 ( v - 290 , q - 800 , a - 720 ) > > 2 . toefl 563 > > > > look forward to hearing from you . > > sincerely , > > yeremenko alexey > > e - mail : aeremenko @ turanalem . almaty . kz > > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: old and new extensions hello , may i please have several lines disconnected from my phone and several new lines added . you can delete 36336 and 33135 . you can delete 33376 and 39719 also 34768 . will you please add 36615 and 34305 will you add please jose marquez extension , a new hire . ( a new number ) also add 39737 and 36286 . r . c . 100038 co . # 0011 thanks kevin moore any questions please feel free to call . x 34710",0 +"Subject: re : rice / enron finance seminar series thank you , vince . we look forward to another successful seminar series . i will check into getting a mug design and get cost figures for you . we ' ll get something done this summer so that we are ready to go for the fall . bbo at 02 : 45 pm 5 / 25 / 00 - 0500 , you wrote : > barbara , > > we shall extend the funding for the seminar in the fall for the next > season . > > i shall be glad to cover the cost of a coffee mug with our logos . can you > identify a > producer who can come up with a design ? > i think that we may use the company that produces > rice memorabilia . > > i shall run the design through our pr department and then we can have it > produced . > > vince > > > > > > barbara ostdiek on 05 / 24 / 2000 01 : 15 : 12 pm > > to : vince . j . kaminski @ enron . com ( vince kaminski ) > cc : > subject : rice / enron finance seminar series > > > vince : > > i have checked with our accounting folks and it looks like the balance in > the seminar account is under $ 5000 . this will get us going in the fall so > we have some flexibility for the next enron funding - whatever works best > on your end . > > also , i am interested in pursuing the idea of designing some sort of a gift > - a coffee cup perhaps - to give to our seminar guests . i think we could > do something neat with the enron and rice / jgs logos that folks would be > happy to display on their shelf or desk top . what do you think ? > > as always , thank you so much for your support of our efforts over here . it > is truly appreciated . > > bbo > > > > barbara ostdiek 713 - 348 - 5384 ( voice ) > assistant professor of finance 713 - 348 - 5251 ( fax ) > jones graduate school of management ostdiek @ rice . edu > rice university www . ruf . rice . edu / ~ ostdiek / > 6100 main street - ms 531 > houston , tx 77005 - 1892 > > > > >",0 +"Subject: re : mscf speaker series / recruitment thanks for your message . a call sometimes between 7 : 00 and 8 : 00 is fine . i come to the office around 7 : 00 traffic permitting . vince pierre - philippe ste - marie on 08 / 02 / 2000 07 : 38 : 42 am to : vkamins @ enron . com cc : subject : mscf speaker series / recruitment dear mr . kaminsky , mr . bryant informed me of the possibility of having you as a guest speaker for our speaker series . it would be a great honor and a pleasure for me to help you organize a trip to pittsburgh . would it be possible to give you a call tomorrow ( thursday ) at 7 . 00 am central time ? sincerely , pierre - philippe ste - marie",0 +"Subject: super saturday participation and off - cycle interview request thank you for volunteering your time for this weekend ' s super saturday . we appreciate your commitment to enron ' s recruiting success . at this time we do have an adequate number of interviewers and will not need you to sacrifice your saturday . however , as last minute changes occur in the interview schedule we may have to contact you for back up . although we are in good shape so far for saturday , our off - cycle recruiting department is looking for interview volunteers for the following dates : thursday , november 9 th from 9 : 00 a . m - 12 : 00 p . m thursday , november 16 th from 9 : 00 a . m . - 12 : 00 p . m . thursday , december 7 th from 9 : 00 a . m . - 1 : 00 p . m . over 50 candidates will be interviewing over these 3 days . the candidates will be a combination of associates and analysts representing schools such as princeton , harvard , university of north carolina , notre dame , university of illinois , emory and many others . each candidate will have 4 interviews . pending the outcome of their interviews we will invite them to stay and attend super saturday that weekend . if for some reason we decide not to further pursue the candidate , we will fly them home that friday morning . we are asking enron employees manager level or higher to volunteer at least one hour to interview candidates ( you will see two candidates in that time ) . if you can volunteer for more than an hour or for more than just one of the stated dates , that would be great ! your help is needed ! please contact cathy lira , at cathy . lira @ enron . com or x 54049 as soon as possible , if you can volunteer any time for interviewing . thanks again for your participation in the associate & analyst programs .",0 +"Subject: re : thursday visit frank , we shall have about 30 people , highly technical ( ph . d . , m . s . level ) . a presentation of 45 minutes would be optimal , assuming you may arrive around 11 : 45 - 12 : 00 . we shall get the projector for you . please , keep all the receipts for refund . vince "" francis x . diebold "" on 12 / 18 / 2000 09 : 47 : 16 am to : vince . j . kaminski @ enron . com cc : shirley . crenshaw @ enron . com subject : re : thursday visit excellent , vince ! yes , i will be happy to make a presentation . do you have a projector to which i could simply hook up my laptop ? could we also have an overhead projector as a backup ? many thanks , frank p . s . how long is optimal ? how large an audience and what are the participants ' backgrounds ? vince . j . kaminski @ enron . com wrote : > frank , > > we are located at 1400 smith . any cab driver can identify the enron > building . when you arrive , > please , call me at 3 - 3848 from the reception to be admitted into the > building . > > alternative phone numbers : 3 - 5290 ( my assistant shirley crenshaw ) . you can > also try to call me on > my cell phone : 713 898 9960 . > > the research group meeting starts at 11 : 30 and lasts till 1 : 00 . can you > make a presentation > about your research projects ? what audio / video equipment do you need ? what > sandwich would > you like to have for lunch ? > > we shall make a hotel reservation for you thursday night . > > vince > > "" francis x . diebold "" on 12 / 18 / 2000 07 : 02 : 46 am > > to : vince kaminski > cc : bmierts @ enron . com > subject : thursday visit > > hi vince , looking forward to seeing you thursday . i arrive at houston - bush > on usair 1769 at 10 : 55 am . please let me know where to go . i also want to > verify that you have booked me a hotel for thurs night . many thanks , and > see you soon , frank > > - - > francis x . diebold > wp carey professor > > department of economics > university of pennsylvania > 3718 locust walk > philadelphia , pa 19104 - 6297 > > fdiebold @ sas . upenn . edu > http : / / www . ssc . upenn . edu / ~ diebold > > ( 215 ) 898 - 1507 telephone > ( 215 ) 573 - 4217 fax - - francis x . diebold wp carey professor department of economics university of pennsylvania 3718 locust walk philadelphia , pa 19104 - 6297 fdiebold @ sas . upenn . edu http : / / www . ssc . upenn . edu / ~ diebold ( 215 ) 898 - 1507 telephone ( 215 ) 573 - 4217 fax",0 +"Subject: re : test dear vince : the email address of candice is cgkao @ mtholyoke . edu i will email you her phone number at mount holyoke this evening . regards ed on wed , 18 apr 2001 vkamins @ ect . enron . com wrote : > test > > vince > >",0 +"Subject: re : powerisk 2001 - your invitation angelika , thanks for the invitation . yes , i shall be glad to attend and repeat the same presentation . vince angelika staude on 04 / 09 / 2001 04 : 19 : 08 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : powerisk 2001 - your invitation powerisk 2001 the global premier forumforenergy trading & risk management 6 th - 9 th november 2001 , paris dear mr kaminski , i am responsible for the programme of this year ' s powerisk conference in paris . helyette geman has informed me that she has contacted you concerning the workshop and that you are happy to do it with her again this year - brilliant ! i would like to know if you are also interested in delivering a paper again . the audience in previous years greatly appreciated your contribution , and i would me more than happy if you could join us again . to give you an idea of the programme so far , these are the ( "" technical "" ) topics that are already covered : chris strickland : forward curve models with jumps for the pricing of exotic energy contracts multi - factor forward curve models for the valuation of energy contracts adding jumps applying the models to exotic energy options extensions to multiple energy contracts les clewlow : valuation and risk management of virtual power stations and gas supply agreements structures of gas supply agreements ( gsa ) relationships between physical and virtual power stations ( pps / vps ) valuation methods for gsa ' s and vps ' s risk analysis of gsa ' s and vps ' s derek bunn , professor of decision sciences , london business school : analysing the impact of neta on market efficiency & volatility in the uk energy market chris harris , director of market development . operations and engineering , innogy : applying cutting - edge portfolio management theory in order to optimise your risk exposure establishing and valuing the key factors using a bottom up approach looking at the interconnection between key factors the treatment of the risk of infrequent but high impact events peter nance , principal , teknecon : combining power systems and monte carlo simulations for effective pricing dan mansfeld , head of risk control , vattenfall : assessing the benefits and risks of using derivatives as part of your risk management strategy spyros maragos : analysing new approaches to building forward curves from available market data tamara weinert , credit and contracts manager , mirant energy : successfully measuring limit setting ; risk reducing structures importance of credit in the organizational structure : reporting ; dependence ; structure of credit department brett humphreys : examining cutting - edge credit exposure mitigation tools : combining counterparty and portfolio credit var techniques helyette geman : pricing of exotic energy derivatives and structured contracts please let me know if you are interested in joining the powerisk 2001 speaker panel , and which topic you would like to cover . i think that something along the lines of last year ' s talk ( state - of - the - art volatility and correlation estimation techniques for multiple energy portfolios ) would be brilliant again , but please feel free to chose something else that has not been covered yet . i look forward to hearing from you , kind regards , angelika staude director powerisk 2001 tel : 0044 207 915 5675 fax : 0044 207 915 5101 ps : for your information , please find enclosed a list of confirmed speakers for powerisk 2001 . - confirmed speakers . doc",0 +"Subject: re : resume vince , could you give him ( bill ) a call at 1 or 2 on friday cst ? his cell phone is 918 - 625 - 6683 . marshall brown vice president robert walters associates tel : ( 212 ) 704 - 0596 fax : ( 212 ) 704 - 4312 mailto : marshall . brown @ robertwalters . com http : / / www . robertwalters . com > - - - - - original message - - - - - > from : vince . j . kaminski @ enron . com [ smtp : vince . j . kaminski @ enron . com ] > sent : monday , march 12 , 2001 6 : 36 pm > to : marshall . brown @ robertwalters . com > cc : vince . j . kaminski @ enron . com > subject : re : resume > > > marshall , > > i am catching up with my mail . we would like to talk to this candidate as > well > ( phone interview ) . > > vince > > > > > > marshall brown on 02 / 21 / 2001 12 : 36 : 39 > pm > > to : vince kaminski > cc : > subject : resume > > > vince , > this candidate would be interested in speaking with you . > regards , > > marshall brown > vice president > robert walters associates > tel : ( 212 ) 704 - 0596 > fax : ( 212 ) 704 - 4312 > mailto : marshall . brown @ robertwalters . com > http : / / www . robertwalters . com > > > > > > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > caution : electronic mail sent through the internet is not secure and could > be intercepted by a third party . > > this email and any files transmitted with it are confidential and > intended solely for the use of the individual or entity to whom they > are addressed . if you have received this email in error please notify > the system manager . > > this footnote also confirms that this email message has been swept by > mimesweeper for the presence of computer viruses . > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > > ( see attached file : kour _ vas . doc ) > > >",0 +"Subject: nymex chris , the first file might have gone to a wrong chris long . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 09 / 27 / 2000 05 : 33 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : v charles weldon 09 / 27 / 2000 12 : 22 pm to : christopher . long @ enron . com cc : mike a roberts / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : nymex chris , here is the analysis you requested . let me know if i can be of any further assistance . charlie weldon",0 +"Subject: revised 10 cpm color copier information kevin , i revised the cost on the 10 cpm tab under cpi : - - > thanks , iain . . . . . . . . . . . . . . . . . . . - - - - - - - - - - - - - - - - - - - - - - forwarded by iain russell / epsc / hou / ect on 02 / 01 / 2000 10 : 05 am - - - - - - - - - - - - - - - - - - - - - - - - - - - color copier information from : iain russell on 01 / 31 / 2000 11 : 45 pm to : kevin g moore / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , carole rogers / epsc / hou / ect @ ect subject : color copier information",0 +"Subject: thank you dear dr . kaminsky : i want to thank you for interviewing me last friday and inviting me back for a follow - up interview . it was a pleasure to meet you and other members of your staff . my interest in working for enron research was strengthened as a result of the interview . i was most impressed by the quality and diversity of talents within your group . my proficiency in probabilistic analysis and experience in engineering and financial risk management fit nicely with the activities of your group . i have a demonstrated ability to adapt my skills with changing business needs . as a member of shell research , i supported internal clients from different business units . i am confident that i could make a significant contribution to your organization over time . i want to reiterate my strong interest in working with you and your staff . you provide the kind of opportunity i seek . i look forward to seeing you again on my follow - up interview next week . again , thank you for the interview and your consideration . sincerely , rabi s . de ? do you yahoo ! ? yahoo ! mail - free email you can access from anywhere !",0 +"Subject: re : a friend of mine vince , thank you very much for the follow up report . i am sure richard will be very enthusiastic about the opportunity to speak with you and your team . i appreciate your help , and please feel free to contact me if you or shirley need assistance with logistics . again , thank you and i look forward to working with you again this recruiting season . regards , kristin - - - - - original message - - - - - from : kaminski , vince sent : wednesday , may 02 , 2001 8 : 27 am to : gandy , kristin subject : re : a friend of mine kristin , thanks a lot for the resume . we shall arrange a phone interview with richard . this is out standard procedure . a phone interview is followed by the on - site interview , after we determine what is the best team to interview the candidate . vince from : kristin gandy / enron @ enronxgate on 05 / 01 / 2001 05 : 14 pm to : vince j kaminski / hou / ect @ ect cc : subject : a friend of mine vince , last week i was contacted by one of my friends who is very interested in becoming an enron employee . he has a phd and several years research and lab experience . richard is afraid that being a phd is a dying breed and may need to go back to school to obtain an mba . i was wondering if you would mind looking at the attached resume to assess if you have any interest in richard , or if you feel i should encourage him to go back to school . i am unclear as to the qualifications for your group so i apologize if this request is way off base . thank you for your help , kristin gandy associate recruiter enron corporation 1400 smith street eb 1163 houston , texas 77002 713 - 345 - 3214 kristin . gandy @ enron . com >",0 +"Subject: re : aiesec polska - eurolds 2000 czesc wicek , dzieki za notke . spotkalem sie z ta osoba w ubieglym tygodniu - niestety ale wczesniej bylem na urlopie i nikt mi nie sygnalizowal nic na ten temat . a . wodnicki niestety pomieszal fakty i moj numer kontaktowy dostal od ciebie a nie twoj ode mnie - tak jak pisze w swojej notatce . biorac pod uwage , ze pozostalo niecale 7 dni od dnia mojego z nim spotkania do dnia rozpoczecia - nie bylo fizycznej mozliwosci wprowadzenia enron formalnie jako sponsora - zwlaszcza biorac pod uwage , ze caly pr dept . jest zaangazowany w otwarcie siedziby w londynie jutro i pojutrze a aiesec potrzebowal ode mnie decyzje i pieniadze w piatek czyli dwa dni temu . jedyne co moglem zrobic ( i zrobilem ) to wprowadzilem ich do kilku innych instytucji ( czytaj kolegow z hz ) ktorzy mogli podjac decyzje szybciej . pan andrzej wodnicki niestety przyznal sie do organizacyjnego balaganu w wyniku ktorego zagubiono moje namiary telefoniczne i faksowe , a nikt nie pomyslal o zajzeniu do ksiazki telefonicznej po numer naszego biura w warszawie . drugi problem to to ze zabral sie on za organizacje dodatkowych srodkow na dwa tygodnie przed rozpoczeciem imprezy . niestety nic wiecej instytucjonalnie nie moglem dla nich zrobic . zasugerowalem tez , ze gdyby nie dopieli calego finansowania to jeszcze moge sprobowac zebrac mala grupe ludzi , ktorzy mogliby ew . dofinansowac brakujaca kwote jako darowizne indywidualna - ale biorac pod uwage kto jest w komitecie honorowym i ze kwasniewski jest glownym sponsorem - taka forma moze byc politycznie niewlasciwa . mam od nich dostac jakas informacje w przyszlym tygodniu czy dzieki moim dzialaniom cos im sie uda czy tez beda nadal potrzebowac pomocy . pech - ale niestety zawiedli organizacyjnie . pozdrowienia - jarek",0 +"Subject: re : one more thing clayton , i agree . this would happen when there is an insufficient pipeline capacity to move gas . the market developments you describe happen quite often and this is one of the reasons we want to have the model you are working on . vince vince clayton vernon @ enron 01 / 17 / 2000 09 : 30 am to : vince j kaminski / hou / ect @ ect cc : subject : one more thing vince - i forgot to mention to you one other development i propose , a theory i call "" uncoupling "" of basis . as an example , severe cold weather specific to the midwest can result in an elevation of spot market prices at henry hub , where prices elsewhere in the northeast are such that the basis appears to be less than the commodity charge to ship gas from louisiana to the northeast . this can happen when gas is not being moved in the spot market from louisiana to the northeast at that time . the notion of "" equilibrium "" cannot , in my view , always assume "" spot "" gas is flowing along all nodes of the network . clayton",0 +"Subject: re : [ fwd : new commodity marketplace opportunity ] mark lay : again , thank you for listening to my concept . in my search for co - foounder / collaborators and angel investors , disclosing the concept ( for lack of a better title now , i call the system "" lifetrak "" ) and formulating a simple , clear picture is not easy . the attached schematic depicts an overview of the effort . part of the diagram hopes to separate the special interests as participants and member organizations so as to be helpful in the public sector with social issues . the groups fall into two natural sectors ; ( 1 ) supply generators ; and ( 2 ) user / service organizations . in the middle is the system and its management that interconnects those benefiting groups and the donor / recipient lifetrak cardholders . i can embellish more on these later . the diagram gives us a place to begin discuss and talking points in order to try to simplify how the concept could be developed and supported and where the revenue model which creates dramatic efficiencies generates management and license fee . i hope we can get together soon . although vince kaminski cannot directly contribute due to his other commitments , i have copied him to keep him advised ( hoping that he might be able to do more at a later date . ) . best regards , al arfsten mark . lay @ enron . com wrote : > i did understand that you were still at the concept stage . it is a very > interesting proposal and i would like to think about it . > > thanks , > mark > > - - - - - original message - - - - - > from : al arfsten @ enron > enron . com ] > > sent : thursday , january 25 , 2001 10 : 45 am > to : lay , mark > subject : [ fwd : new commodity marketplace opportunity ] > > mark : per our brief conversation this morning , the attached email was > sent to you yesterday . i hope that you might understand that i am > conceptually looking for "" founders "" and at the "" pre "" business plan > stage . there is an enormous problem existing with a very attractive > economic reward and willing participants needing this solution . i need > help . al arfsten 713 965 2158 > > content - transfer - encoding : 7 bit > x - mozilla - status 2 : 00000000 > message - id : > date : wed , 24 jan 2001 15 : 49 : 37 - 0600 > from : al arfsten > organization : bfl associates , ltd . > x - mailer : mozilla 4 . 7 [ en ] c - cck - mcd nscpcd 47 ( win 98 ; i ) > x - accept - language : en > mime - version : 1 . 0 > to : mark . lay @ enron . com > subject : new commodity marketplace opportunity > content - type : text / plain ; charset = us - ascii > > mark lay : i shared confidentially with vince kaminski my developing > concept of a highly inefficient not - for - profit enterprise with > dramatically increasing costs . i believe that a for - profit economic > model is possible that should reverse these skyrocketing costs and > ultimately lower the commodity thereby having a national , if not , global > impact of health care costs . vince seems to also believe in the > concepts potential . the ceo of one of the biggest u . s . blood banks has > already asked to become involved . i would like involve more people > with vision , means and desire to help make this a reality . i would look > forward to meeting with you to talk further . al arfsten 713 965 2158 - lifetrak vision chart 012601 . doc",0 +"Subject: aram rick , aram is coming to houston , in my view , to explore the possibility of coming back to enron ( given uncertain situation under the scottish rule at the old pacificorp ) . i shall suggest that he meet with you and / or ted murphy as well . i can wait for karen to come back . it ' s not urgent . we are still working on the volumetric risk module and the team is making a very good progress . they gave a presentation today to rick carson and me . we have to decide what comes next ( asset / liability model or operational risk model ) . vince",0 +"Subject: re : publishing my real options work steve , we can accelerate the process . we need some internal approvals . please , talk to richard lewis and let him know i think it ' s ok to publish it because it is a very high level theoretical paper . vince steven leppard 02 / 01 / 2000 09 : 56 am to : vince j kaminski / hou / ect @ ect cc : subject : publishing my real options work vince what are the chances of , say , risk publishing my work before the june conference ? do they have peer review etc . ? steve",0 +"Subject: re : b . brandfass barbara , my apologies . i was traveling and then we had the usual end of the quarter pandemonium . i am sending you my presentations and would like to get back to you with some questions regarding your products . vince "" barbara e . brandfass "" on 07 / 10 / 2000 04 : 15 : 33 pm to : cc : "" amir sadr "" subject : b . brandfass hello vince , ? sorry to be a bother but do you have those materials from your talk in may ? ? i look forward to hearing from you . ? thank you , ? barbara e . brandfass , chief of business development panalytix , inc . , www . panalytix . com 212 974 1022 , b @ panalytix . com",0 +"Subject: re : university of texas conference on energy finance , february 2001 sherri , thanks . yes , it ' s february the 22 nd . vince enron north america corp . from : jeff skilling @ enron 09 / 20 / 2000 12 : 49 pm sent by : sherri sera @ enron to : vince j kaminski / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , richard causey / corp / enron @ enron subject : re : university of texas conference on energy finance , february 2001 vince , i am checking the date on jeff ' s calendar ( i ' m assuming the date is february 22 ? ) . i am holding that date whole week for a trip abroad , but i think we have some flexibility on that and am checking it out . i ' ll be back in touch as soon as i ' ve resolved that . srs vince j kaminski @ ect 09 / 20 / 2000 11 : 41 am to : jeff skilling / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , richard causey / corp / enron @ enron subject : university of texas conference on energy finance , february 2001 jeff , our friends at the university of texas are planning a conference on energy economics and finance in february of next year . they would like very much to have you as a keynote speaker . given our good , long - term relationship with ut , i would recommend that you speak at this conference . i talked to prof . ehud ronn a few times about the program and i think that this will be an excellent forum to present enron ' s accomplishments and agenda for the future . i am sure that rick causey will join me in making the same recommendation . vince",0 +"Subject: london research the enron europe research group has experienced rapid growth over the last year as it has become clear that there are tremendous opportunities to utilize their unique quantitative skills in supporting both new and ongoing business efforts in the london offices . because of this , we are appointing a group leader with the view to leveraging the group better across the many business areas in enron europe which are benefiting from research support . effective immediately , steven leppard will take responsibility for spearheading research efforts in london and managing the london based research team . steve joined enron in early 1999 and has distinguished himself through his many contributions including analysis of the "" supergoal "" scheduling system and development of a diagrammatic approach for real options analysis . he holds a phd . in mathematical physics from kings college london and an honours degree in mathematics from imperial college . steve is also a black - belt level instructor in kungfu . please join us in congratulating steve on his new responsibilities .",0 +"Subject: re : enron broadband services dear stinson , i apologize for the delay in responding . i was away wed - sun and just returned . thank you very much for your email . i plan to make a firm decision on my future plans sometime in the later half of april , and would be extremely interested in getting an offer from enron . i think the opportunities at enron are very exciting and there is room for some real contribution to the group . best wishes , salal | > | > | > salal , | > | > hope everything is going well with your thesis . we enjoyed hearing about | > your research topics during your visit to houston and feel that you could ad * d | > many new ideas to the innovative environment that we are cultivating at ebs . | > i regret being a bit slow to get back to you after your visit . please let * me | > know if you are still available and interested in coming to ebs . if so , i | > will work on getting a formal offer out to you asap . if not , we would sti * ll | > be interested in staying in touch in case you would be interested in working | > with us at some point in the future . | > | > best regards , | > | > - - stinson | > | > salal humair massachvsetts institvte of technology operations research center rooms e 40 - 130 , 5 - 332 a x 3 - 3014 , x 5 - 9727 ",0 +"Subject: maths course dear vince , ? i just wondered whether you have had chance to look at your bullet points and bio for the maths course . if so please could could email them to me as soon as possible . could you also let me know whether your company affiliation should now be enron north america . ? thanks vince and best regards , ? vicky",0 +"Subject: energycast dear vince , i hope your trip to australia was successful . it ' s one of my favorite places to go . i ' ve copied you on the email to mike initiating enron ' s trial service to energycast . thanks for helping to set this up . would you ask the authorities in enron to refresh my access to enrononline ? my guest user id as ena 61296 and my guest password was tr 84 byl 3 . they no longer work , probably because i haven ' t visited the site in months as we were in full development mode on energycast . vince , you will note in our website references to forward prices of power in nepool , nypp , and pjm . we use reuters as a reference - - not satisfactory . if your traders like energycast and enron became a client , would enron consider linking its prices to our site ? we have to improve over the reuters quotes and regard enrononline or bloomberg as the best candidates . over time , as our service spreads i believe this could help generate deal flow for your traders . let me know what you think . ed",0 +"Subject: re : lawyer sorry to hear this - i have generally shared my materials with colleagues - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : thursday , march 22 , 2001 6 : 21 am to : macmilli @ wharton . upenn . edu cc : vince . j . kaminski @ enron . com subject : re : lawyer ian , sorry for a delay in responding to you . i am currently in london , flying back to houston tomorrow . the problem is not with the lawyers . we worked on our presentation materials together with a professor from another university and we agreed to use these materials only internally . we have to honor our commitment to him . i am sure that this is exactly what you would have expected from us if we had made a similar commitment to you . vince "" macmillan , ian "" on 03 / 21 / 2001 04 : 31 : 27 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : lawyer what do i need to do to move this thing forward ? i suspect that the problem is basically with the lawyers . they only know how to stop things , but in a way they play a role in global society . if it were not for the handicaps they lay on us the rest of the world would never have a chance . - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : macmilli @ wharton . upenn . edu cc : vince . j . kaminski @ enron . com sent : 3 / 8 / 01 12 : 12 pm subject : re : lawyer ian , sorry for a delay in getting back to you . i have one challenge i did not anticipate when i talked to you the first time about our real options internal seminar . the materials were prepared in collaboration with a professor from another school , and there is some sensitivity regarding the intellectual property rights and the ability to distribute the materials outside enron . please , give me some time to find out if i can work around this issue . vince "" macmillan , ian "" on 03 / 07 / 2001 06 : 46 : 28 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : lawyer i still have not heard from your lawyer . i would like to see whar materials you are using and assess how we could work on the topic of real options with enron",0 +"Subject: re : your visit to enron frank , thanks a lot . are you planning to make a general presentation on your work in the weather area ? if this is the case , i would invite to our lunch meeting the traders from the weather derivatives desk . vince "" francis x . diebold "" on 11 / 04 / 2000 08 : 47 : 41 am to : shirley . crenshaw @ enron . com cc : vince kaminski subject : re : your visit to enron shirley , the 21 st is perfect . i will go ahead and purchase my plane tickets . would you please make me a hotel reservation for the night of the 21 st ? many thanks , frank diebold shirley . crenshaw @ enron . com wrote : > good morning professor diebold : > > i am vince kaminski ' s assistant and he has forwarded your emails to me > for scheduling purpose . unfortunately , we have a conflict on december > 14 th . can you possibly come on the 21 st ? > > i hope you have not already made your reservations . if i can do anything > to assist you , please let me know . > > best regards , > > shirley crenshaw > administrative coordinator > enron research group > 713 - 853 - 5290 > > - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 11 / 03 / 2000 > 09 : 29 am - - - - - - - - - - - - - - - - - - - - - - - - - - - > > vince j kaminski > 11 / 02 / 2000 04 : 30 pm > > to : "" francis x . diebold "" @ enron > cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect > subject : re : visit ? ( document link : shirley crenshaw ) > > frank , > > dec 14 would be better for us . we have already scheduled > an internal presentation on december 7 . please , go ahead and make a > reservation . > the best place to stay is hyatt regency downtown or doubletree downtown > ( within a walking distance to enron ) . it is important to specify the > downtown > location for both hotels . > > vince > > "" francis x . diebold "" on 11 / 02 / 2000 03 : 00 : 49 pm > > to : vince . j . kaminski @ enron . com > cc : > subject : re : visit ? > > sounds good , vince . how about dec 7 ? the roundtrip coach fare , regardless > of > airline , is about $ 1900 . i hope that won ' t break the bank . once i have > your > approval , i ' ll go ahead and book it . best , frank > > vince . j . kaminski @ enron . com wrote : > > > frank , > > > > yes , i would be very interested in meeting with you in houston in > december . > > the best day for visit would be thursday when my group has a lunch > meeting > > and you could meet the rest of the research unit . > > > > please , let me know what day would work for you . we shall be very glad to > > cover the cost of your trip . > > > > vince > > > > i > > > > "" francis x . diebold "" on 10 / 31 / 2000 01 : 01 : 11 pm > > > > to : vince kaminski > > cc : > > subject : visit ? > > > > hi vince , > > are you still interested in my visiting for a day , perhaps in dec or > > jan ? i have begun a project on unobserved - components modeling of > > weather patterns , so it would be productive and fun to compare notes . > > best , > > frank > > > > - - > > francis x . diebold > > wp carey professor > > > > department of economics > > university of pennsylvania > > 3718 locust walk > > philadelphia , pa 19104 - 6297 > > > > fdiebold @ sas . upenn . edu > > http : / / www . ssc . upenn . edu / ~ diebold > > > > ( 215 ) 898 - 1507 telephone > > ( 215 ) 573 - 4217 fax > > - - > francis x . diebold > wp carey professor > > department of economics > university of pennsylvania > 3718 locust walk > philadelphia , pa 19104 - 6297 > > fdiebold @ sas . upenn . edu > http : / / www . ssc . upenn . edu / ~ diebold > > ( 215 ) 898 - 1507 telephone > ( 215 ) 573 - 4217 fax - - francis x . diebold wp carey professor department of economics university of pennsylvania 3718 locust walk philadelphia , pa 19104 - 6297 fdiebold @ sas . upenn . edu http : / / www . ssc . upenn . edu / ~ diebold ( 215 ) 898 - 1507 telephone ( 215 ) 573 - 4217 fax",0 +"Subject: re : risk 2000 panel discussion my phone 816 - 467 - 3569 - - - - - original message - - - - - from : shirley crenshaw [ mailto : shirley . crenshaw @ enron . com ] sent : friday , may 26 , 2000 9 : 17 am to : oliver @ risk . co . uk ; jefferid @ kochind . com ; sbramlet @ utilicorp . com cc : vince j kaminski subject : risk 2000 panel discussion good morning gentlemen : i will go ahead and schedule the conference call for wednesday , may 31 st at 11 : 00 am est ( 10 : 00 cst ) . please let me know the telephone numbers you may be reached at and vince will call you . if you find you cannot do this , please let me know . thanks and have a wonderful weekend . shirley crenshaw - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 05 / 26 / 2000 08 : 11 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 05 / 25 / 2000 03 : 54 pm to : oliver @ risk . co . uk , jefferid @ kochind . com , sbramlet @ utilicorp . com cc : subject : risk 2000 panel discussion hello everyone : vince kaminski would be available for a conference call on wednesday , may 31 at 10 : 00 or 11 : 00 am est . the rest of the day is rather full . please let me know if either time is convenient for you . if not , maybe we could do it on june 1 - he is free most of the day with the exception of 12 : 30 - 2 : 00 est . look forward to hearing from you . thanks ! shirley crenshaw administrative coordinator enron corp . research 713 - 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: enron in europe : emerging europe : enron plugs on in poland - - - power market ' s vast . . . vicek - sadzilem , ze moze bedziesz chcial to przeczytac . pozdrowienia - jarek - - - - - - - - - - - - - - - - - - - - - - forwarded by jarek astramowicz / war / ect on 2000 - 04 - 17 17 : 15 - - - - - - - - - - - - - - - - - - - - - - - - - - - iona maclean 2000 - 04 - 13 08 : 23 to : jackie gentle / lon / ect @ ect , eric shaw / lon / ect @ ect , jarek astramowicz / war / ect @ ect , brian stanley / eu / enron @ enron , philip davies / lon / ect @ ect , ed cattigan / eu / enron @ enron , nigel beresford / eu / enron @ enron , andrew morrison / lon / ect @ ect cc : subject : enron in europe : emerging europe : enron plugs on in poland - - - power market ' s vast . . . - - - - - - - - - - - - - - - - - - - - - - forwarded by iona maclean / lon / ect on 13 / 04 / 2000 07 : 23 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . from : djcustomclips @ djinteractive . com 13 / 04 / 2000 07 : 30 please respond to nobody @ maill . djnr . com to : 96939 @ mailman . enron . com cc : ( bcc : iona maclean / lon / ect ) subject : enron in europe : emerging europe : enron plugs on in poland - - - power market ' s vast . . . emerging europe : enron plugs on in poland - - - power market ' s vast potential holds allure , but an uncertain future - - - after six years , profit from company ' s power operations remains years away by elizabeth williamson 04 / 13 / 2000 the wall street journal europe 9 ( copyright ( c ) 2000 , dow jones & company , inc . ) nowa sarzyna , poland - - from a small power plant humming among the birches near the ukrainian border , enron corp . has staked its claim on the polish energy market . yet after six years , the company is still seeking a mother lode . the houston - based energy producer and trader entered poland in 1994 , nabbed one of the first power - trading licenses to go to a foreign company and began work on elektrocieplownie nowa sarzyna , poland ' s first new , foreign - operated heat - and - power plant . other companies followed , including electricite de france , rwe ag of germany , vattenfall ab of sweden and tractebel sa of belgium . the prize could be a rich one . all of these companies hope to profit as poland sells its state energy assets and frees prices before joining the european union . a wholesale power bourse is due to open in warsaw in july . and the country ' s transmission links to markets east and west could make poland the power - trading hub of central europe . but after six years in poland , enron has yet to earn a profit . net income from nowa sarzyna , which is to begin commercial production later this month , is at least five years away . power - trading operations might generate profits next year , if the new bourse gets moving . but that is "" one big question mark , "" says jarek astramowicz , enron poland ' s president . indeed , despite its promise , poland ' s energy sector remains a sizzling tangle of aging plants , archaic market agreements and complex , shifting regulations . enron , with $ 40 billion ( 41 . 69 billion euros ) in annual revenue , is an innovator and an investment bellwether for its peers . but in a power market as negatively charged as poland ' s , the company also is an example of how shaky market conditions can keep even the savviest competitors offline . "" these are very large operations and to some extent they can bear some risks , "" says pawel kaminski , energy - sector operations officer at the world bank in warsaw . "" but eventually they have to generate some return . "" enron pioneered wholesale gas and electricity trading in the u . s . it entered europe in 1989 , setting up in london as the u . k . ' s energy sector liberalized . it entered the nordic market in 1996 , and today is the nord pool ' s largest - volume trader . enron says it takes about two years to find a site and obtain permits for a power plant , and a further 29 months for construction . just four years after entering the u . k . , enron finished its 1 , 875 - megawatt teesside plant . teesside ' s capacity and cost , at gbp 795 million ( 1 . 32 billion euros ) , are many times larger than nowa sarzyna ' s . yet teesside was completed in only two - thirds the time . the company declines to compare development times in various countries . "" i wouldn ' t necessarily put poland into the same category as russia , "" says philip davies , regulatory and government - affairs manager at enron europe in london . "" but obviously , given poland ' s ( planned economy ) past , it probably takes a bit longer to work through the regulatory process and get to the starting point . "" at nowa sarzyna , it took enron nearly twice the usual time to reach the starting point , even though mr . astramowicz already knew the site , and the polish power industry ' s rules . the nowa sarzyna plant was mr . astramowicz ' s brainchild , and he burned out the engine in his first bmw as he traveled between warsaw and the town to craft the deal . a freelance energy - sector entrepreneur before joining enron , mr . astramowicz sold his interest in nowa sarzyna to enron in 1998 . enron has spent $ 132 million to build nowa sarzyna , a 116 - megawatt , gas - fired combined heat - and - power plant . quiet , clean and efficient , the plant stands in stark contrast to most of poland ' s belching , coal - fired behemoths . when it starts up this month , it will sell its electricity to the polish power grid , the country ' s high - voltage network , under a 20 - year power - purchase agreement , or ppa , that enron won in 1997 . steam output goes to organika , the chemical company next door , and helps heat the town of nowa sarzyna . the nowa sarzyna plant is more than 80 % financed by commercial - bank loans for which the only collateral is the plant ' s concluded contracts . "" they were betting on their good name , "" says michael davies , a partner with allen & overy , the warsaw law firm that advised enron poland ' s lenders . "" they are pushing envelopes all the time . "" that is especially true in a market with 30 % overcapacity , where an energy law didn ' t even exist until 1997 . says peter bisztyga , emerging europe utilities analyst at solomon smith barney in london : "" because enron signed a ppa , they are ok . . . ( but ) i ' m really not sure building nowa sarzyna was such a good idea . "" mr . bisztyga says enron could have generated a faster return by renovating an existing power plant . but , he acknowledges , nowa sarzyna "" allowed enron to get into the polish market early and stamp their name on it . "" in 1994 , polish power plants weren ' t for sale . energy asset privatization , discussed for years , began in earnest only this year . by 2002 , the polish government proposes to sell off stakes in dozens of power plants , 33 distribution companies and the polish power grid , a 12 , 000 - kilometer national transmission network of high - voltage lines . the assets have a total book value of 33 billion zlotys ( 8 . 4 billion euros ) , but murky regulations have driven prices down . "" the regulations don ' t promote competition and so you don ' t really know the price of electricity , "" says bengt wegemo , president of vattenfall poland . earlier this year , vattenfall paid $ 235 million for 55 % in warsaw - based elektrocieplownie warszawskie , promising $ 340 million in investment in the heat - and - power plant over the next 10 years . investors hope the new power market will bring clarity over pricing . ultimately , 170 licensed energy traders and 200 large power users will trade on the bourse , setting the wholesale price of electricity . the polish bourse will be modeled on its nordic counterpart . enron , the nord pool ' s largest trader , hopes to post polish trading profits by 2001 . but first , say market experts , poland ' s 1997 energy law must be amended to ease functioning of the bourse , and free up access to poland ' s distribution network . further , the government says it must solve the competition problem posed by the polish power grid ' s power - purchase agreements , which account for 70 % of energy sales in poland . some state - owned plants used the agreements as collateral to secure modernization financing . when prices are freed , these plants might go bankrupt if forced to compete with plants that didn ' t spend money to modernize . the government is contemplating a special fund to compensate the modernized plants for their extra costs . though nowa sarzyna is a private plant , the price enron must charge for its power is about twice what outmoded plants charge . "" we are hoping that continuous , efficient operation of the plant will generate us a ( bigger ) profit , "" mr . astramowicz says . another problem is cross - border power trading , where contradictory legislation essentially gives a monopoly to the polish power grid , also known as pse . enron and others protest that pse shouldn ' t compete with electricity - market participants who contract with it for transmission service . pse intends to stay in the trading business , says marek zerka , pse ' s vice president . in late march , pse and local company kulczyk holding signed an agreement with preussenelektra ag of germany to export electricity and coal to eu countries via germany . "" this is great news , "" mr . astramowicz says . "" if this joint venture gets access to pse ' s cross - border transmission capacity . . . i would expect pse to confirm open access to all market participants . "" enron and others are pushing hard for that access . "" as soon as the market becomes open , free and non - discriminatory , we will come out at a decent profit , "" mr . astramowicz says . folder name : enron in europe relevance score on scale of 100 : 78 to review or revise your folder , visit http : / / www . djinteractive . com or contact dow jones customer service by e - mail at custom . news @ bis . dowjones . com or by phone at 800 - 369 - 7466 . ( outside the u . s . and canada , call 609 - 452 - 1511 or contact your local sales representative . ) copyright ( c ) 2000 dow jones & company , inc . all rights reserved",0 +"Subject: re : stanford check paul , thanks a lot . vince from : paul racicot @ enron communications on 10 / 20 / 2000 06 : 03 am to : stinson gibner / enron communications cc : vince j kaminski / hou / ect @ ect subject : stanford check fyi - - - - - forwarded by paul racicot / enron communications on 10 / 20 / 00 06 : 06 am - - - - - steven batchelder 10 / 19 / 00 04 : 36 pm to : paul racicot / enron communications @ enron communications , sally slaughter / enron communications @ enron communications cc : subject : stanford check just wanted to let you know that the check went out fedex - priority overnight . they should have it tomorrow morning . the tracking number is 823038069157 and can be tracked at www . fedex . com sally ~ per our conversation i will interoffice you the airbill slip . if you need anything else , please let us know . thanks . steven batchelder accountant enron broadband services 713 - 345 - 9340 steven _ batchelder @ enron . net",0 +"Subject: off site with john griebling ' s optical network engineers hi shirley , please give me a few dates form end of march to first week in april to do an offsite for vince ' s direct reports ( including myself ) and selected ebs research people . this includes , vince direct report from our research group and the following people from ebs research : ravi , stinson , samer , chinowee . the agenda will include : research people giving several mini presentations on trading , market development ( history of nat gas , electricity , etc . ) , pricing , etc . . . john ' s people will do similar mini presentations on optical network engineering , optical components , provisioning , telecom markets , pricing , etc . . . . if scott yeager can make it , he will do his magic via quick motivational speech on the vision of ebs , etc . . it is will be strictly technical to technical professional meeting to get to know each others group . so , do not include others unles stinson or i look at the additions case - by - case . john suggested scott yeager ' s summar house in denver for this event . please follow this up with scott ' s assistant ( scott may not know about this if john has not told him so you should explain the intend , etc . ) to get in touch with scott . i ' ll cc this e - mail to give scott a heads up . we can do half day friday and all day saturday . or , we can do the whole weekend and people will have an option to bring family to nearby hotel ( family expense in not on ebs ) . we will have to sort all this out when we have a chance to talk to john & scott . i just wanted to get the ball rolling but getting dates and place first . thanks , ravi .",0 +"Subject: vince kaminski ' s itinerary - week of 9 / 30 - 10 / 7 / 00 professor martin : attached is vince ' s itinerary . let me know if you need anything else . - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 09 / 27 / 2000 11 : 24 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 09 / 27 / 2000 10 : 45 am to : "" john d . martin "" @ enron cc : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : hello vince john , i shall be in paris and london next week . we can schedule a call sometimes next week . i shall ask my assistant to send you my itinerary . a late call ( paris time ) would work for me . the time difference is 6 hours . this would mean a call sometimes around 3 - 4 p . m . our time . please , indicate which day works best for you . vince "" john d . martin "" on 09 / 27 / 2000 09 : 45 : 50 am to : vince . j . kaminski @ enron . com cc : subject : re : hello vince vince , good morning . unfortunately i ' ll be in milwaukee visiting harley - davidson about a book revision project both thursday and friday . how about early next week . i appreciate your patience with me . when you suggested a time last week i was "" unprepared "" and embarassed to call and expose my ignorance . since then i have re - read the enron gas services case and have a pretty good feel for how you guys have melded the physical and financial sides of the business . the other theme that i have heard many enron speakers use is the "" de - regulation "" of markets . this certainly played a factor in the power business and presumeably was behind the water business . if you ' ll let me know when it ' s convenient to call next week i ' ll have some notes put together . i ' m teaching a class for a colleague on monday so anytime after that is great . thanks and hope you had a pleasant trip . john p . s . i saw that the univ of new orleans has an energy finance endowed chair for a financial economist open . if you ever decide to move back to the life of poverty of an academic i would love to recommend you for such a post . at 08 : 26 am 9 / 27 / 00 - 0500 , you wrote : > > john , > > what about thursday , 10 : 30 a . m . ? i have just come back from europe > last night and i am trying to organize my schedule for the next few days . > > my phone number is 713 853 3848 . > > > vince > > > > > > > "" john d . martin "" on 09 / 22 / 2000 01 : 57 : 47 pm > > to : vkamins @ enron . com > cc : > subject : hello vince > > > vince , > > can i call you tuesday morning about our writing project ? i have to be in > austin for a dental appointment on monday at noon and that will probably > wipe out the day . give me a time and number where i can reach you . > > john > > > john d . martin > carr p . collins chair in finance > finance department > baylor university > po box 98004 > waco , tx 76798 > 254 - 710 - 4473 ( office ) > 254 - 710 - 1092 ( fax ) > j _ martin @ baylor . edu > web : http : / / hsb . baylor . edu / html / martinj / home . html > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : in confidence steve , rac will be a bit unhappy about it . i think that bjorn will object to it . let me talk to you tomorrow over the phone and discuss it . the question is how to present it to rac in a such a way that rodrigo will not be put in a bad light . vince steven leppard 11 / 06 / 2000 06 : 37 am to : vince j kaminski / hou / ect @ ect cc : subject : in confidence hi vince i ' ve had a chat with rodrigo lamas , who is a bit unhappy in his current role in rac ( he wants to be a bit more proactive , and finds the inertia frustrating ) . i would be very interested in bringing him into research with responsibility for var / risk mgt , which is where his professional experience lies . he also has a phd in optimization from imperial college london which i ' m sure we can make use of . there will obviously be some political issues involving such a move only 4 months into his career at enron , and if you ' re able then i ' m sure he ' d appreciate a chat with you . we ' re awaiting your response before rodrigo mentions this to anyone else . steve",0 +"Subject: carnegie mellon team meeting greetings , carnegie mellon recruiting team ! each of you has been chosen to represent enron for our fall 2000 recruiting efforts at carnegie mellon university . as part of the team , you will be challenged with choosing the best candidates from carnegie mellon ' s graduate school to join our associate program . our first campus event will be on september 15 and interviews will be held on campus december 11 and 12 . i hope you are all able to participate in the exciting process of recruiting young talent . we will be more formally organising ourselves in the next couple of weeks . currently , we are planning to have a brief team meeting in order to make introductions , inform you about the associate program , and discuss the fall recruiting calendar . to that end , please contact me with any questions or comments you may have . the team meeting date is set for august 31 st at 10 am in room 19 c 2 . please rsvp to me as soon as possible . i look forward to meeting you all soon . sincerely , kristin gandy associate recruiter x 53214",0 +"Subject: iris mack vince : i received a phone call yesterday afternoon from iris , with a special request of you . she says that she will have to break her lease when she comes to houston . she will have a three - month period during which she will have to pay rent ( march , april and may ) , at the monthly rate of $ 1 , 175 . she is asking if we would be willing to pay $ 3 , 525 to compensate her for this extra expense . i have a phone call in to the relocation department to find out how much cash iris will be receiving from us under the normal relocation benefits , and will let you know as soon as i hear from them . i would imagine that it is a fairly substantial amount , since she is moving from california and since our relocation benefit is very generous . molly",0 +"Subject: professor bambos ' visit shirley : professor bambos has the following appointments : jim fallon 9 : 00 am - 9 : 30 am per fallon ' s assistant lucy marshall - ext . 34525 john echols 2 : 00 pm - 2 : 30 pm per echols ' assistant jo olsovsky - ext . 58064 enron tour 2 : 30 pm - 3 : 30 pm per courtney votaw - ext . 39390 anita",0 +"Subject: re : introduction meeting : rac london quants and houston research rodrigo , i think it is churrasco ' s , a south american restaurant . i shall make reservations for the 12 th . i shall also arrange the meetings on tuesday with different units of the research group . vince rodrigo lamas 08 / 24 / 2000 01 : 59 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : introduction meeting : rac london quants and houston research vince , thank you very much . i would rather talk to your group on sep the 12 th ( tuesday ) . i hope i will be entitled to disturb them again during the rest of the week as well . we can certainly go out for dinner . steven mentioned a brazilian restaurant he went to and i am looking forward going there . this in case you are not vegetarian . thanks again , rodrigo vince j kaminski 24 / 08 / 2000 19 : 54 to : rodrigo lamas / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : introduction meeting : rac london quants and houston research rodrigo , we shall be very glad to meet you . if you can dedicate one day to meeting the members of the research group i could arrange a series of meetings with different units . what about sep the 11 th or sep the 12 th ( monday or tuesday ) ? if you are free one evening we can have dinner together . vince rodrigo lamas 08 / 24 / 2000 11 : 01 am to : vince j kaminski / hou / ect @ ect cc : subject : introduction meeting : rac london quants and houston research vince , i work for the market risk rac london group . i review the quantitative issues arising from enron europe models . i am in this function given my background ( phd from imperial college - london ) and also due to my past experience as risk manager for a brazilian investment bank and louis dreyfus . my agenda includes the review of a number of deals ( wessex , tpl , eastern , . . . ) , as well as the review of the construction of european gas and power price curves and their respective volatility curves . currently i am devoting most of my time to the analysis of the uk gas market , its respective price curve and term structure of volatility . bjorn and david suggested it could be very productive if i had the chance to meet you and your team to discuss issues related to modelling prices and risk measurement tools . i will be in houston from the 10 th to 15 th september . i wonder if you could book some time for me in your agenda and also ask some members of your team to do the same . thanks , rodrigo",0 +"Subject: 2000 expenses as you all know the deadline for 2000 invoices to ap was on friday , december 15 , 2000 . in order to get all 2000 expenses accounted for in 2000 , i need an e - mail from you with name of the vendor , amount , cost center to be billed to , contact person ( if any ) . some of the costs to consider : services provided to enron in 2000 but we have not receive the invoices , employee expense reports , and / or any purchases we made in 2000 , but have not submit the invoices to ap by the cutoff date . i need this information by noon friday , december 29 , 2000 . if you have any questions , call me at 5 - 7094 . thanx irma , kristi and ramona , will you make sure everyone in hr department know the deadline . thanx .",0 +"Subject: day rate hedge vince , included is the rest of the prices for 4 th and 5 th generation semi - submersibles in the gulf of mexico . the only additional data is from sept 99 through dec 99 . chris and i look forward to your analysis on tuesday .",0 +"Subject: re : greetings frank , thanks for your message . see you in houston and happy holidays . vince frank qian on 12 / 19 / 2000 11 : 56 : 14 pm to : vince . j . kaminski @ enron . com cc : subject : greetings dear mr . kaminski : i am very glad to be slected for the 2 nd round interview at enron . it will be at the end of january . i look forward to seeing you again and meeting other people of research group . have a happy holiday and new year ! frank",0 +"Subject: reviewer approval please note that your employees have suggested the following people to complete a feedback form on their behalf . you will need to access the performance management system ( pep ) to either approve or decline these suggested reviewers . once you have approved the suggested reviewers they will be notified and can begin completing the feedback form . your list of employees that have suggested reviewers are listed below : date suggested : jun 09 , 2000 feedback due date : jun 16 , 2000 employee name : roberts , michael a",0 +"Subject: fw : meeting follow - up dan sent this information as a follow up to our meeting this week . if there is any additional information you would like to see , please let me know . in the absense of any objections , i would like to begin having our analysts use the financial stress score to underwrite small exposures where financial statements are not received . in addtion to saving some expense , this will allow greater consistentency . and moving forward , i believe we can map expected defaults from fstress score ranges to those implied in credit spreads , and in doing so map to e - ratings for use in credit reserve analytics . i ' ve had prelimiary discussions with rabi and amititava regarding this . any additional insights would be helpful , and thanks for your help . - - - - - original message - - - - - from : "" barry , dan "" @ enron on . com ] sent : thursday , march 15 , 2001 10 : 26 am to : mark _ wilson @ enron . com cc : marcom , karen ; johnson , judy subject : meeting follow - up mark , attached are a presentation on the financial stress score and the countries that have risk scores available today . please let me know if you have any questions . in response vince ' s question regarding false positives from the model , that is a little difficult to answer . the model is predicting the likelihood of a company experiencing financial distress . we are not saying that all companies with a high risk score will experience financial distress . in other words , it is not really a yes or no proposition . it ' not like a drug test where the test either comes back positive or negative and ocassionally , you get a false positive test result . we are identifying companies that are at high risk for failure . some of those high risk companies will fail and some will not fail . how many in each classification that will ultimately fail is addressed in the performance charts attached below . please let me know if you have any other questions or need any additional information . dan barry dun & bradstreet analytical services barryd @ dnb . com phone ( 713 ) 953 - 5458 fax ( 713 ) 953 - 5454 > > > > - enron fss . ppt - globalfailure . ppt - fin stress understanding . doc - fss performance . doc",0 +"Subject: benefits - personal days good morning all : the question has arisen as to whether enron has "" personal days "" , that , you can take in case of repair problems at home ; car problems ; sick spouse , sick child , etc . i checked with hr and the policy manual and the answer is "" no "" , but they can be designated at the discretion of the supervisor . i talked this over with vince and he has decided that the research group will be allowed two ( 2 ) personal days per year to take care of personal business and not have to take a vacation day , discretionary day , or leave of absence . if you have advance notice ( such as an air conditioner repair scheduled ) , please let me know when you are going to take these days . if an emergency arises with no notice , please call in and let me know that you are taking a personal day . it will be coded on your time sheet . these two personal days will in no way cancel or take the place of , "" funeral leave "" , "" family leave "" , or "" civic duty leave "" . they are just a way of being able to take care of repair problems and other personal problems that arise . these should be very beneficial and i am sure very much appreciated by all of us . if you have any questions , please call me . shirley 3 - 5290",0 +"Subject: restructuring today - 6 / 23 mark , please , tale a look at the attached newsletter . an interesting story on gaming cal px . let me know if you have problems opening the document . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 23 / 2000 05 : 45 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - energy info source on 06 / 23 / 2000 07 : 24 : 22 am to : cc : subject : restructuring today - 6 / 23 energy info source - http : / / www . energyinfosource . com - is privileged to make available to you a free trial subscription to restructuring today until july 11 . restructuring today is the leading daily trade newsletter focused solely on the deregulation , restructuring and convergence of the electric , natural gas and telecommunications industries , with a special focus on emerging markets . you do not need to do anything to continue to receive this trial . however , if you do not want to receive any more trial issues , please reply to us and with the word "" cancel "" in the subject line . restructuring today has distinctive industry news and analysis which energy info source can ' t deliver from the wire services , and at only $ 487 ( regular price for an individual subscription ) for 250 issues each year , we consider it a bargain . as a special offer to energy info source users , restructuring today is offering $ 50 off the regular subscription price . act before july 14 to receive your $ 50 off ! check out the attached sample , and if you ' d like to order an annual subscription , choose your favorite way : - hit reply and fill out the subscriber information below . - for fastest service call 888 - 986 - 2250 today ! - there ' s a handy subscription coupon on the last page of each issue of restructuring today . for credit card orders , please use the subscription coupon in the back of the sample issue or call 888 - 986 - 2250 . for more information , feel free to email us at custsvc @ energyinfosource . com or call us at 888 - 986 - 2250 . requires acrobat reader 3 . 1 or higher . the latest version is available free at : - - - - - - - - - - - - - - - - - - - - - - please begin my subscription to restructuring today right away ! name : title : company : billing address : address cont . : city : st : zip : country : usa phone : fax : email address : [ ] bill me [ ] call me for my credit card information - rto 00623 - eis . pdf",0 +"Subject: enside draft here is the version with my modifications over mike ' s version . please feel free to make modifications / corrections . osman",0 +"Subject: default rates please see below for my note to jeremy at the bottom and his reponse . i have placed mark ruane ' s yields against a mid november default frequency table . note there may be a slight shearing in dates , but the concept is more important : market implied cumulative default rates ( % ) : 1 year 5 year 10 year aaa 0 . 51 5 . 74 14 . 54 aa 0 . 67 6 . 39 16 . 61 a 0 . 98 8 . 98 21 . 03 bbb 1 . 17 9 . 88 22 . 39 bb 3 . 27 18 . 62 37 . 51 b 4 . 65 24 . 21 46 . 27 s & p historical default rates ( % ) : 1 year 5 year 10 year aaa 0 . 00 0 . 13 0 . 67 aa 0 . 01 0 . 33 0 . 90 a 0 . 04 0 . 47 1 . 48 bbb 0 . 21 1 . 81 3 . 63 bb 0 . 91 8 . 82 14 . 42 b 5 . 16 20 . 95 27 . 13 in looking at the one - year transition rates as a very rough proxy for how many more defaults occur in a recession ( 1991 ) versus average ( 1981 - 1999 ) historical default rates ( % ) : investment grade non - investment grade avg . 1981 - 99 0 . 07 4 . 21 1991 0 . 12 10 . 40 multiple 1 . 7 x 2 . 5 x looking at where the market implied default rates divided by the historicals default rates to obtain a "" multiple "" ( how much more severe than historical ) : 1 year 5 year 10 year aaa infinite 44 . 2 x 21 . 7 x aa 67 . 0 x 19 . 4 x 18 . 5 x a 24 . 5 x 19 . 1 x 14 . 2 x bbb 5 . 6 x 5 . 5 x 6 . 2 x bb 3 . 6 x 2 . 1 x 2 . 6 x b 1 . 1 x 1 . 2 x 1 . 7 x on the 10 year historical figures , we need to be careful as the s & p static pool figures show a definite seasoning ( lower defaults in late years probably due to prepayment ) versus our contracts . secondly , the s & p figures have withdrawn ratings , which usually mean they are stale , but loosing some information content . i will ask emy to set up a meeting to discuss further . - - - - - - - - - - - - - - - - - - - - - - forwarded by michael tribolet / corp / enron on 12 / 11 / 2000 07 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : jeremy blachman @ ees on 12 / 10 / 2000 07 : 21 am to : michael tribolet / corp / enron @ enron cc : subject : default rates thanks . i would strongly suggest an offsite sooner than later with a handful of the right people so that we can step back and design the right architecture for looking at credit in our deals . it is broken , not clear , killing our velocity and true capabilities . we also need to look at staffing , skills sets , the credit reserve model etc . perhaps you should take a crack at an agenda . - - - - - - - - - - - - - - - - - - - - - - forwarded by jeremy blachman / hou / ees on 12 / 10 / 2000 07 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - michael tribolet @ enron 12 / 09 / 2000 03 : 51 pm to : jeremy blachman / hou / ees @ ees cc : subject : default rates i visited with vince kaminski for about 20 minutes today regarding the market implied defaults rates and the disconnect in investment grade land . he is seeing the same anomaly and agreed that we as a company need to revisit the methodology employed in calculating the implied figures . i will follow through and report back .",0 +"Subject: re : resume , thanks a lot , and just let me know the schedule afterwards . . . jinbaek jinbaek kim ph . d candidate dept . of industrial engineering and operations research u . c . berkeley http : / / www . ieor . berkeley . edu / ~ jinbaek go bears ! : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . : a a : _ _ . . . . . _ : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . : . ' : ` . : ` , ` . ` . : ' - - ' - - ' : . ' ; ; : ` . _ ` - ' _ . ' ; . ' ` . ' "" ' ; ` . ' ; ` . ` : ` ; . ` . ; ; : ; . ' ` - . ' ; : ; ` . _ _ . ' . ' . ' : ; ` . . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' ` . . . . . . . - ' ` . . . . . . . . ' on tue , 24 oct 2000 vince . j . kaminski @ enron . com wrote : > > jinbaek , > > we shall invite you to an interview in houston . > > vince > > > > > > jinbaek kim on 10 / 23 / 2000 07 : 25 : 36 pm > > to : vkamins @ enron . com > cc : > subject : resume , > > > dear mr . kaminski , > > hi , > i am a ph . d student at ieor department at u . c . berkeley . > thanks for your presentation today . > it gave me knowledge and interest in electricity markets , > and your company . > as you mentioned in the presentation , > i send a resume to give me opportunity to learn more > about your company . > i hope i can join the super saturday event . > > jinbaek > > > ( see attached file : resume . doc ) > > >",0 +"Subject: mid - year 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the mid - year 2000 performance management process by providing meaningful feedback on specific employee ( s ) that have been identified for you . your feedback plays an important role in the performance management process , and your participation is very critical to the success of enron ' s performance management goals . please provide feedback on the employee ( s ) listed below by accessing the performance management system ( pep ) and completing an online feedback form as described in the "" performance management quick reference guide "" . you may begin your feedback input immediately . please have all feedback forms completed by the date noted below . if you have any questions regarding pep or your responsibility in the process , please call the pep help desk at the following numbers : in the u . s . : 1 - 713 - 853 - 4777 , option 4 in europe : 44 - 207 - 783 - 4040 , option 4 in canada : 1 - 403 - 974 - 6724 ( canada employees only ) or e - mail your questions to : perfmgmt @ enron . com thank you for your participation in this important process . the following list of employees is a cumulative list of all feedback requests , by operating company , that have an "" open "" feedback status . an employee ' s name will no longer appear once you have completed the feedback form and select the "" submit "" button in pep . review group : enron feedback due date : jun 16 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - ahmad , anjam dale surbey may 22 , 2000 carson , margaret m james d steffes may 26 , 2000 crenshaw , shirley j wincenty j . kaminski may 24 , 2000 ghosh , soma timothy davies may 31 , 2000 vernon , clayton j vasant shanbhogue may 26 , 2000 yuan , ding richard l carson jun 02 , 2000 zipter , rudi c theodore r murphy may 25 , 2000",0 +"Subject: re : pre - submitted question on espeak erin , a book by martha amram and nalin kulatilaka is an excellent non - technical introduction to real options and it contains all the most important references to more advanced books and papers . the book has an endorsement by jeff skilling on the cover page . the research group offered several one - day seminars on real options and applications to the energy industry . we still have a few binders with the presentation materials available if you are interested . we plan to repeat the seminar sometimes in the fall . the first part of the seminar ( about 4 hours in the morning ) covers general concept of real options and their applicability to the energy business . the second , more technical afternoon session , covers stochastic processes used to model price uncertainty in the energy markets and specific case studies ( valuation of natural gas storage facilities and of peaking gas - fired power plants ) . the real options approach has been developed specifically to address the problem of making investment decisions under uncertainty . nobody in this field claims that this is a perfect tool , but it represents a significant progress compared to other techniques developed earlier . discounted cash flow analysis that tries to incorporate uncertainty through analysis of several , in most cases , arbitrary scenarios ( most likely , optimistic , pessimistic ) . these scenarios don ' t identify explicitly the risk drivers and don ' t specify the future proactive management decisions . the real , option approach is very powerful because it allows to ( 1 ) capture uncertainty in an explicit way and ( 2 ) to design investment projects that allow to exploit future positive developments and reduce future exposures to downside risk . this approach allows also create a link between investment decisions and future operational decisions . forward - looking investment decisions create options that are exercised in the future through active management of a project . the real options technology relies heavily on advanced statistical tools to come up with the representation of future possible states of the world . the real challenge is to use these tools in a sensible way . i have seen in my career ( almost 30 years of applying mathematical tools to business and economic problems ) many quants armed with powerful computers who reminded me of monkeys armed with hammers . the challenge is not to run mechanically thousands of simulations based on arbitrary assumptions but to translate in a creative way the insights of people who understand specific businesses into parsimonious quantitative models . it is especially critical to stress - test the assumptions of any model and to ask the question if the outcome of a model depends critically on any set of assumptions . if this is the case one should use common sense to examine the underlying assumptions . i remember that in the early eighties quite a few models simulated the dynamics of oil prices , but all the stochastic scenarios represented fluctuations around a very optimistic upward trend . one would have been better off stepping back and asking a simple question what economics 101 teaches about cartels and the dynamics of supply and demand . enron north america corp . from : erin rice @ enron 06 / 27 / 2000 03 : 52 pm to : vince j kaminski / hou / ect @ ect cc : subject : pre - submitted question on espeak good news ! there is already a question waiting for your july 12 espeak session . i have pasted it below , although you don ' t have to respond until the actual event . don ' t forget to send a bulleted list of discussion topics if you would still like us to advertise the event on the elevator screens . thanks . - er submitted by breineck i was doing some reading about the application of real options in the evaluation of non - financial assets . would you recommend any texts or articles for a more in - depth study of this area ? is quantification of risk or uncertainty the major challenge in using this concept ? can statistical tools be used with this to do a sort of sensitivity analysis ?",0 +"Subject: move on may 30 th please note : the weather team will move on may 30 th . we will return to our location near the kitchen eb 3240 however , each person in the group will have a desk in the area . we will know longer be in separate locations . mike roberts eb 3240 a jose marquez eb 3240 b kevin moore eb 3240 c vince kaminski eb 3240 d patricia tlapek eb 3240 e sam smith eb 3240 f elena chilkina eb 3240 g please pack your desk on tuesday for the churn tuesday night . if you did not sit in this area listed above before , space is limited . please label all boxes , telephones , computers , etc . thanks kevin moore any questions please call kevin moore x 34710",0 +"Subject: title dear mr . kaminski , ? i hope i got your title right . i looked everywhere for it and i could not find it . in one of the numerous discussions i had with professor shreve about you i remember having heard "" head of research "" . . . probably energy , but that i could not recall . is this ok ? also i would like to have the title of the conference , it is useful ! ? finnally , there is a request for your e - mail by a phd student , do you allow me to provide this info ? ? ? sincerely , ? pierre - philippe ste - marie - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - pstemarie . homestead . com",0 +"Subject: impending visit vince : i sent you an email a couple of days ago to inquire if we might get together at your offices on july 5 or july 7 in houston to follow up our earlier discussions . i notice i have two email addresses for you , so i am sending this to both . i am not sure the earlier transmission got to you . would you be available the afternoon of the 5 th or the morning of the 7 th to continue our earlier discussions ? give me an email or phone shout at 650 . 218 . 3069 . thanks dale nesbitt",0 +"Subject: larry thorpe hi vince , been meaning to ask for your input about larry thorpe ' s proprietary model for electricity returns . i have not been able to get much information about the parameters as larry says the nature is proprietary . it is hard to make a judgement about its usefulness without such information . larry ' s e - mails to me indicate that he is working on npl 5 real time prices and he promises to share the results with us . please advise on direction to take as i am not quite sure about the model without further information . separately , larry indicated that you had promised him some data and would like to know if you have forwarded it to him . i can convey your position to him . thanks .",0 +"Subject: financial maths course , part 2 vince , just in case , here is a draft copy of the event for you to refer to . paul - finmathmail . doc",0 +"Subject: re : uc - berkeley graduate student molly , i would like to invite this student for an interview , sometimes in late december when things slow down . interviews with all my direct reports and george hopley . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 30 / 2000 09 : 59 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 10 / 24 / 2000 04 : 07 pm to : rajnish kamat @ enron cc : vince j kaminski / hou / ect @ ect subject : re : uc - berkeley graduate student rajnish , we shall invite you for an interview in houston . vince rajnish kamat on 10 / 23 / 2000 07 : 55 : 31 pm to : vkamins @ enron . com cc : subject : uc - berkeley graduate student dr . vincent kaminski managing director and head of research enron corp . dear dr . kaminski , it was a pleasure talking with you and attending your talk today . i am a graduate student in industrial engg . and operations research working with prof . shmuel oren on topics in financial instrument pricing and design of contracts in deregulated electricity markets . i am also doing research in auction models and computable equilibrium models with applications in electricity market design . i am planning to graduate with a ph . d . in may 2001 and would appreciate hearing about any opportunities in your group at enron . i am attaching at copy of my resume ( file : cvrkamat . doc ) for your perusal . thanking you , sincerely , rajnish kamat graduate student ieor , uc - berkeley 4135 , etcheverry hall dept . of industrial engineering and operations research university of california at berkeley berkeley , ca , 94710 - cvrkamat . doc",0 +"Subject: re : monday aug . 7 stinson , no problem . vince stinson gibner 08 / 02 / 2000 12 : 51 pm to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : monday aug . 7 vince , may i take a vacation day next monday , aug . 7 th ? thanks , stinson",0 +"Subject: year end 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the year end 2000 performance management process by providing meaningful feedback on specific employee ( s ) . your feedback plays an important role in the process , and your participation is critical to the success of enron ' s performance management goals . to complete requests for feedback , access pep at http : / / pep . corp . enron . com and select perform review under performance review services . you may begin providing feedback immediately and are requested to have all feedback forms completed by friday , november 17 , 2000 . if you have any questions regarding pep or your responsibility in the process , please contact the pep help desk at : houston : 1 . 713 . 853 . 4777 , option 4 london : 44 . 207 . 783 . 4040 , option 4 email : perfmgmt @ enron . com thank you for your participation in this important process . the following is a cumulative list of employee feedback requests with a status of "" open . "" once you have submitted or declined an employee ' s request for feedback , their name will no longer appear on this list . review group : enron feedback due date : nov 17 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - andrews , naveen c rudi c zipter oct 31 , 2000 baxter , ashley david davies nov 02 , 2000 campos , hector o peyton s gibner nov 06 , 2000 carson , richard l richard b buy oct 30 , 2000 crenshaw , shirley j wincenty j kaminski oct 26 , 2000 kindall , kevin vasant shanbhogue oct 30 , 2000 lamas vieira pinto , rodrigo david port oct 31 , 2000 raymond , maureen j wincenty j kaminski nov 02 , 2000 supatgiat , chonawee peyton s gibner oct 27 , 2000 tamarchenko , tanya v vasant shanbhogue oct 26 , 2000 villarreal , norma e sheila h walton oct 26 , 2000 walton , sheila h david oxley oct 27 , 2000 yaman , sevil vasant shanbhogue oct 27 , 2000 yuan , ding richard l carson oct 31 , 2000",0 +"Subject: bollerslev seminar vince : i don ' t know if you noticed that we have tim bollerslev on the seminar schedule for december 8 . in order for tim to get back to north carolina on friday , we need to move the seminar time . i thought that the enron folks might be interested in his talk so i wanted to get you input on a new time . i know that 3 : 30 is best but would over the noon hour be second best or would 2 : 00 be better ? thanks . bbo",0 +"Subject: re : aiesec polska - eurolds 2000 drogi panie andrzeju , probuje skontaktowac sie z jarkiem astramowiczem , by znalezc sposob dofinansowania waszej imprezy . jedyna mozliwosc , by to zrobic jest poprzez enron poland . mnie byloby bardzo trudno usprawiedliwic to z mojego budzetu . w . kaminski "" andrzej wodnicki "" on 02 / 16 / 2000 02 : 50 : 05 am to : vince j kaminski / hou / ect @ ect cc : subject : aiesec polska - eurolds 2000 szanowny panie kaminski ! nazywam sie andrzej wodnicki i jestem czlonkiem stowarzysznia studentow aiesec przy szkole glownej handlowej ( dawnej sgpis ) . prosze o poswiecenie paru chwil na przeczytanie tego maila . ( kontakt do pana otrzymalem od kolegi , ktory organizowal prezentacje firmy enron na sgh , a posrednio od pana jarka astramowicza , przedstawiciela enron na polske . ) w imieniu aiesec polska chcialbym zwrocic sie do pana z wielka prosba pomocy przy wydarzeniu , ktore w tym roku organizujemy . aiesec polska , a w szczegolnosci aiesec przy szkole glownej handlowej ma zaszczyt organizowac w tym roku european leadership development seminar . jest to seminarium na temat przywodztwa skierowne do obecnych i przyszlych czlonkow rad wykonawczych komitetow lokalnych aiesec w calej europie . po raz pierwszy aiesec polska ma mozliwosc organizacji takiego wydarzenia i stanowi ono dla nas olbrzymie wyzwanie . przygotowywalismy sie do niego od kilku lat i obecnie jestesmy juz w koncowej fazie organizacji eurolds 2000 . projekt rozpoczyna sie 7 marca 2000 roku oficjalnym otwarciem przez pana prezydenta aleksandra kwasniewskiego w sali kongresowej . pozniej odbeda sie dyskusje panelowe ( udzial wielu znakomitych gosci - m . in jan krzysztof bielecki , jacek saryusz wolski , andrzej olechowski ) oraz wyklady i prezentacje regionow polski w auli spadochronowej szkoly glownej handlowej , a nastepnie delegaci udadza sie do hotelu mrongovia na szkolenia , casy i wyklady na temat przywodztwa . ( szczegolowy program eurolds 2000 przesylam w zalaczniku . ) jak do tej pory staralismy sie mozliwie najwiecej dokonac wlasnymi silami , jednak obecnie na 3 tygodnie przed tym wydarzeniem stoimy przed pewnym problemem i stad tez pojawil sie pomysl skontaktowania pana , jako osoby , ktora moglaby nam wydatnie pomoc . chcielibysmy poprosic pana o wsparcie finansowe . wspolpracujemy juz z wieloma firmami i instytucjami ( m . in . deloitte & touche , arthur andersen , fundusz phare , fundacja konrada adenauera oraz wieloma innymi ) , jednak na obecnym etapie organizacji projektu wciaz brakuje nam 12000 $ . poczatkowo chcielismy nawiazac kontakt z pania eileen price z londynu , jednak wydaje nam sie , ze pan jako zalozyciel aiesec w polsce powienien po pierwsze o takim wydarzeniu wiedziec , a po drugie mamy nadzieje , ze moze nam pan pomoc . bardzo prosze o odpowiedz , z powazaniem andrzej wodnicki prezydent eurolds 2000 aiesec szkola glowna handlowa - attl . htm - eurolds _ prezentacja . ppt",0 +"Subject: f / up sheila , i am forwarding you a message i received a few days ago . i want to ask you for advice how to handle this case . my first reaction was to ignore it . the longer i think about it , the more convinced i become that some action is required . let ' s try to reverse the situation and assume for the sake of argument that a female employee was harassed by a male colleague . an employee informs her boss a few months later about the alleged incident and the boss chooses to ignore it . in many similar cases , courts subsequently found against the companies that decided to turn a blind eye to such complaints . the fact that we are dealing with the case of reverse harassment is immaterial . if i ignore this complaint i may expose the company to charges of double standard in handling sexual harassment cases . my recommendation would be to ask maureen to attend sensitivity training and sexual harassment prevention class . please , let me know what you think . sorry to burden you with this case . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 12 / 29 / 2000 11 : 01 am - - - - - - - - - - - - - - - - - - - - - - - - - - - clayton vernon @ enron 12 / 21 / 2000 03 : 51 pm to : vince j kaminski / hou / ect @ ect cc : subject : f / up vince - i got your message ( i was up on the roof of the building helping to fix the weather satellite dish - what a gorgeous view of houston ! ) . i appreciate your words . everything remains fine , vince . you are my "" father "" here at enron , and i admire and respect you greatly . i think i know the kind of person you are , in terms of your integrity , and i admire the high standards you set for all of us in your extended "" group . "" i want to let you know i am not the only one in the group who doesn ' t appreciate the way maureen disrespects you . you remain the key external factor in their success - it is not simply their own abilities that matter to their futures but your own - vince ' s - success with upper management that matters . we respect you , and we don ' t like it when you are disrespected . maureen didn ' t disrespect me today , vince , she disrespected you . it ' s time i told you something . last april , maureen , highly intoxicated following a work - related function at ninfa ' s , made an unsolicited predatory sexual advance on me at my desk on the 19 th floor . i was shocked and disgusted , but i didn ' t say one word about this , vince , because i played it out and didn ' t want to put you into the position of having a raving maureen in your midst as you perhaps had to fire her and then endure a litany of gender - bias crap lawsuits . i "" took one for the team , "" vince . i can ' rt say i would do it again - maureen is brazen to berate me after what she did , in public no less . i appreciate your bringing me into enron . i ' ve found a respectful and , indeed , a loving work environment . i remain willing to do whatever i can to help the group . clayton",0 +"Subject: transportation for m . gillis and g . whitaker for post presentation celebration at enron box at enron field hi judith ! i have a special parking ticket for malcolm and gil to use in dr . gillis ' s car . then , i ' ll have a car pick up gil when he ' s ready to leave the game - - we ' ll take care of everything ( thanks for offering ) - - we ' re really looking forward to the event ! best regards for a great weekend ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 05 / 04 / 2001 04 : 10 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - judith duvall on 05 / 04 / 2001 02 : 09 : 26 pm to : christie . patrick @ enron . com cc : subject : re : rice alp final presentation and post presentation celebration at enron box at enron field christie : could you please fill me in on the logistics ? dr . gillis and gil whitaker will be at the apl project presentation at enron at 4 p . m . . further , they both plan to attend the dinner at enron field . however , dr . gillis must skip the game due to an early morning breakfast the next day . will you provide special parking at the dinner / game ? i think dr . g and gil will go together , then i will have dr . gillis picked up by limo , at approximately 8 : 00 p . m . does this sound feasible ? judith duvall at 10 : 00 am 5 / 4 / 01 - 0500 , you wrote : > hi friends ! > > the big rice - alp final presentation day is almost here : monday , may 7 th , > 4 pm , at enron , 1400 smith . please come to the enron lobby and ask for > me or my assistant , melinda mccarty . > > after the presentation , you are cordially invited to dinner and an astro ' s > game ( vs phillies ) at the enron box at enron field . as participation in > the enron box at enron field is limited to this special invitation list > only , please confirm your attendance via return email , or via voice mail to > me at 713 - 853 - 6117 asap . > > we ' re very excited about the work the rice alp team has done and we ' re all > greatly looking forward to the presentation . > > hope to see everyone monday ! ! > > best regards ! > > - - christie . > > > judith duvall secretary to the president rice university 6100 main street - - msl houston , tx 77005 713 / 348 - 4601 713 / 348 - 5271 ( fax )",0 +"Subject: re : liquids limits oct . 20 john : i will be here most of the week , and am looking forward to working with niamh c . i will also check the availability of people in vince k . group as well as naveen andrews in ours . regards bjorn h . john l nowlan 24 / 10 / 2000 10 : 32 to : bjorn hagelmann / hou / ect @ ect cc : ted murphy / hou / ect @ ect subject : re : liquids limits oct . 20 bjorn , niamh clarke is going to come to houston from mon afternoon to friday next week to work on nvar . she developed var models for mitsubishi and has lots of experience in this area . can you please provide her with the best people we can from research and rac so we can try and get a better understanding and more confidence in our model . i ' m sure you agree with me that if my group is going to make any progress we need to get this sorted . thanks in advance . - - - - - - - - - - - - - - - - - - - - - - forwarded by john l nowlan / hou / ect on 10 / 24 / 2000 09 : 51 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : bjorn hagelmann 10 / 24 / 2000 07 : 31 am to : john l nowlan / hou / ect @ ect cc : scott earnest / hou / ect @ ect subject : re : liquids limits oct . 20 i think we need to sit down and talk about developing reporting that will show the risk in the books . at this point and time it can be derived , but only if you know what to look for . i would appreciate if you had some time to do so . regards bjorn h john l nowlan 23 / 10 / 2000 13 : 10 to : christian lebroc / corp / enron @ enron , scott earnest / hou / ect @ ect , bjorn hagelmann / hou / ect @ ect cc : subject : re : liquids limits oct . 20 looking at these numbers i think the var model must be waaaaaaaaaay over calcing something , most likely the spreads . the net and outright product position are negligible . seems it would take one hell of a daily move to loose 12 . 7 on these positions .",0 +"Subject: re : rice course thank you , see you this evening . dennis loughridge > from : vince . j . kaminski @ enron . com > to : > subject : re : rice course > date : wed , 28 feb 2001 17 : 36 : 59 - 0600 > > > dennis , > > no problem . > > vince > > > > > > "" dennis w . loughridge "" on 02 / 28 / 2001 > 04 : 24 : 35 pm > > please respond to > > to : > cc : > subject : rice course > > > vince > i am an adjunct professor at rice , working with wil uecker in executive > education . with your concurence , i would like to sit in your energy > derivatives course . i understand from wil that there are 38 students > registered for the course . if you consent , would you let me know what > material i need . > thank you , > dennis w . loughridge > 713 - 348 - 2812 > > > > > > > > get your free download of msn explorer at http : / / explorer . msn . com",0 +"Subject: re : kwi user group vince sorry to hear you cannot make it . . . you would obviously have been the big catch ! ! in terms of a london based replacement , who did you have in mind and what sort of subject could they cover ? david - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : 24 april 2001 23 : 22 to : djw @ kwi . com cc : vince . j . kaminski @ enron . com ; shirley . crenshaw @ enron . com subject : re : kwi user group david , i regret to inform you i am unable to attend the conference due to previous commitments . would you consider a speakers form our london office ? vince david warwick on 04 / 24 / 2001 09 : 47 : 31 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : kwi user group vince any further thoughts on this ? david - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : 13 april 2001 21 : 44 to : djw @ kwi . com cc : vince . j . kaminski @ enron . com ; vkaminski @ aol . com subject : re : kwi user group david , thanks for the invitation . i shall check my schedule on monday and will get back to you regarding the conference . i hope you will a very happy easter . vince david warwick on 04 / 12 / 2001 04 : 04 : 32 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : kwi user group dear vince please may i reintroduce myself . we met last year at the sydney eprm conference which my company kwi sponsored . i chaired the session at which you spoke . as you may remember , my company , kwi are one of the world ' s leading provider of systems ( kw 3000 ) and consultancy for energy , trading and risk management . we have over 60 clients worldwide including many of the world ' s leading energy companies ( not enron unfortunately ) : north america - tva - ontario power - cinergy - bonneville power europe - enel - atel - electrabel - edf nordic - vattenfall - fortum - sydkraft - statkraft - birka energi - norsk hydro each year we stage a "" kwi users forum "" - a 2 - day event attended by leading trading and risk staff from our clients . last year there were about 100 delegates . the agenda primarily focusses on issues surrounding risk management for the energy sector . the agenda comprises keynote presentations on burning risk issues from industry leading energy speakers and practical workshops focussed around using our software . this years event is at a luxury hotel in the wonderful spanish city of barcelona and runs from the evening of sunday september 9 th to tuesday september 11 th . the main conference dinner is on the monday evening and is always a memorable event . this year it is in a leading barcelona restaurant preceded by a bus tour of the city with a stop for pre - dinner drinks . i would like to invite you to make the opening keynote address , the highlight of the conference . the subject could be : * a general energy risk related topic * a general insight into the secret of enron ' s continued success in the energy markets * your thoughts on the future development on energy markets ( and other commodity related - bandwidth etc . ) worldwide obviously , we would cover all your delagate costs including accomodation , food and drink . what ' s in it for you ? many of our users are some the energy sectors leading risk thinkers and i ' m sure you would enjoy meeting them and exchanging views . please let me know if you are able to accept the invitation . best regards david warwick - marketing dierctor and co - founder",0 +"Subject: feedback from your espeak vince : i had a phone call from joe phelan late yesterday . he was thrilled that you had answered his question so thoroughly . i ' ve talked to a few other people who really got a lot out of your session , including someone who wants to come work for you ! thanks , again , for giving us some of your time . - er",0 +"Subject: re : time keeping please arrange for time - keeping training for kevin moore . thanks , mike roberts",0 +"Subject: updated presentation i added guadalupe ' s experience .",0 +"Subject: good news on endorsements vince & vasant , jeff skilling has said that enron would not make any endorsements of third - party services , so please disregard my previous e - mail regarding aer press releases . joe",0 +"Subject: christmas list hello vince and mike i want to keep you informed . this year all baskets will be done in a timely manner . on last year we were going through a major move therefore many people played key roles in keeping us together . this year however , is a little different , as it is always nice to give unfortunately we can not give to everyone . i am sending a lists of who we have so far . there are a few names on the list that i feel we should do something else for this year . under shirley ' s list of names . ( not so expensive ) they are : move team who ? mail room who ? facilities help desk who ? there are other tokens of appreciation that we can get for them . please note that you two are the only ones that have seen this e - mail so far i will need your approval for all baskets , however your input on the matter will be greatly appreciated . the list is not completed i am still waiting for additions . thanks kevin moore",0 +"Subject: re : invitation to speak at infocast ' s upcoming "" market price volatility "" program ron , we are really swamped and i would like to keep our involvement in conferences to a reasonable minimum . i can promise that we shall help you with a future conference if it happens to be in houston . vince "" ron henderson "" on 01 / 11 / 2000 03 : 13 : 56 pm please respond to ronh @ . com to : vince j kaminski / hou / ect @ ect cc : subject : re : invitation to speak at infocast ' s upcoming "" market price volatility "" program vince , i am sorry you can ' t join us . is there someone on your staff who might be able to do the presentation "" a real options approach to asset valuation , "" scheduled for thursday , may 11 th , from 10 : 30 am to 12 : 00 pm . ? ron - - - - - original message - - - - - from : vince j kaminski [ mailto : vkamins @ ect . enron . com ] sent : monday , january 10 , 2000 10 : 53 am to : ronh @ . com cc : vince j kaminski ; shirley crenshaw subject : re : invitation to speak at infocast ' s upcoming "" market price volatility "" program > ron , i am sorry to inform you that due to a scheduling conflict i cannot speak at this conference . i want to thank you for considering me as a speaker . vince kaminski "" ron henderson "" on 12 / 30 / 99 06 : 57 : 05 pm please respond to ronh @ . com to : vince j kaminski / hou / ect @ ect cc : subject : invitation to speak at infocast ' s upcoming "" market price volatility "" program hi vince , i would like to invite you , or one of your staff , to be a speaker at infocast ' s upcoming conference "" market price volatility : how to model , assess , and manage price volatility in today ' s power markets , "" scheduled for may 10 - 12 , 2000 , in chicago . i am attaching a copy of the draft program agenda for your review . as you may note , we wish to take our recent houston meeting a step farther by making this next session a more technically - oriented meeting . there are two spots you may wish to consider : 1 . the session entitled "" case study in modeling volatility , "" scheduled for wednesday , may 10 th , from 3 : 30 to 5 : 00 pm . you will note below , what we had in mind for the case study . 2 . the talk "" a real options approach to asset valuation , "" scheduled for thursday , may 11 th , from 10 : 30 am to 12 : 00 pm . i am running behind schedule in finalizing this program , so i will give you a call shortly to follow up with you . if you wish , please feel free to call me at 818 - 888 - 4445 ext . 28 . i hope you can join us . ron henderson infocast 818 - 888 - 4445 ext . 28 ronh @ . com case study guidelines 1 . model should be for a particular market . examples : pjm , chicago , ecar , southern california . lb ( optional ) . model should be for a particular purpose . examples : valuing a new combustion turbine at the florida / georgia border , bidding on a portfolio of power plants up for sale in nepool , valuing a retail portfolio in pennsylvania . 2 . model should be estimated on a particular data set . examples : daily nymex close prices for palo verde , pjm hourly spot prices for 1998 - 1999 . 3 . case study should describe several candidate models , for volatility and / or market price , that were considered . case study should discuss why these models were considered . candidate models should be described mathematically and verbally . 4 . evaluation criteria for choosing among the models should be explicitly identified , and quantified to the extent possible . examples of evaluation criteria : residuals that are not autorcorrelated , stationarity , r - squared , akaike information criterion . 5 . parameter estimates for each candidate model should be displayed . the estimation procedure employed should be briefly described . 6 . some diagnostics of model fit ( vis - a - vis data set ) should be presented . 7 . if possible , predictive power of model should be assessed . generally , the case study should include all of the items above . the case study may include other things .",0 +"Subject: re : thanks , please tell me if you need anything from ees . vince j kaminski @ ect 01 / 09 / 2001 02 : 30 pm to : denise furey / hou / ees @ ees cc : vince j kaminski / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect subject : re : denise , no problem . we shall prepare a short presentation to address these issues . vince kaminski denise furey @ ees 01 / 09 / 2001 11 : 12 am to : vince j kaminski / hou / ect @ ect cc : subject : i hope you have seen the email below . do you have any problem with what jeremy has asked you or your group to address . is there anything that you want us to supply to you to assist you ? - - - - - - - - - - - - - - - - - - - - - - forwarded by denise furey / hou / ees on 01 / 09 / 2001 11 : 11 am - - - - - - - - - - - - - - - - - - - - - - - - - - - denise furey 01 / 08 / 2001 11 : 46 am to : gayle w muench / hou / ees @ ees , michael tribolet / corp / enron @ enron , william s bradford / hou / ect @ ect , vince j kaminski / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect cc : don black / hou / ees @ ees , tony spruiell / hou / ees @ ees subject : i believe all of you received a request from jeremy blachman to hold the afternoon of january 10 th open for an off - site to discuss the manner in which rac and research assess / test the credit quality of ees transactions . i realize that rac and ees have had many discussions as to the methodology , but it might be helpful for all of us to understand the actual derivation of some of analysis . please call me with any questions or comments at ext # 30349 . the agenda will be as follows : 12 : 00 - 1 : 00 lunch 1 : 00 - 3 : 30 presentations 3 : 30 - to close discussion rac / research presentations the following topics would be of interest to ees : 1 - the derivation of default probabilities including ( research ) - - a discussion of the actual mathematical process , - - the analytics behind why these computations are deemed the best for enron , - - a comparison to historic default rates and why they differ ( in respect to actual default rates , shape of the cumulative default curves etc . 2 - the volatilities which are used to determine possible loss scenarios for the commodity portion of ees deals including ( research ) - - the selection of curves - - the application of those curves to the actual credit reserve model and - - why these particular tests are applicable to our products . 3 - the recovery rates used in the credit reserve model . how are these figures derived ? ( rac ) 4 - how rac and research have adjusted the credit reserve model to accommodate unusual aspects of the deal including ( rac ) - - promotion payments , - - accounts receivable - - committed capital - - and other factors ees also understands that some of you may be familiar with our processes , however , there are perhaps areas that you would like to understand more fully . please tell us what you would like to hear from us . also , rac has sent us the credit reserve model and i have seen completed models . perhaps prior to our meeting on wednesday , someone from rac and / or research could sit with me and someone from phil layton ' s group and go through the process of how the various pieces are put together .",0 +"Subject: congratulations on your promotion congratulations on the much deserved recognition you have recently received from the enron executive committee . sue haynes enron staffing",0 +"Subject: re : greg spaniolo resume johnny , greg spaniolo seems to be better suited for work in liquid markets - - certainly not the situation with coal and emissions . brad romiane suggested that vince kaminski might be interested in this resume . as far as my search goes , keep an eye out for the bs and ms - level folks . thanks . jeff johnny palmer @ enron _ development 02 / 12 / 2001 10 : 15 am to : jeff andrews @ enron cc : subject : greg spaniolo resume jeff , please advise me of your interest in greg ' s experience . thanks , johnny - - - - - - - - - - - - - - - - - - - - - - forwarded by johnny palmer / enron _ development on 02 / 12 / 2001 10 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" gregory v . spaniolo "" on 02 / 12 / 2001 10 : 12 : 58 am to : johnny . palmer @ enron . com cc : subject : resume here is my resume . greg - resume . doc",0 +"Subject: initial collection of research material for your web sites dear sven the packets cover electricity and gas markets and modelling , deregulation & exchanges , weather derivatives and value - at - risk / risk management / case studies . this is by no means final , and i hope to supplement with some more ideas over the next few days . once you have considered the material , i can fine - tune the type of material that is relevant for you and then we can look at starting to put something together , after which we can pass on to mike roberts if you need some simple articles on pricing options or an explanation on how to calculate volatility , then i am sure we can put that together for you . regards , anjam x 35383",0 +"Subject: credit model vince and stinson , we met bill bradford yesterday , the credit model modification turns out to be three projects . 1 ) potential exposure calculator this requres forward curves simulation and revaluation of all deals over the tenor ( typically 20 years ) . it needs multi - factor hjm and gas - electricity joint factors of loading . output from this model is the maximal loss amount and its confidence interval . expected delivery time : 1 month 2 ) include asian option model into the current xll calculation engine . this is more concrete and simly to do . expected delivery time : 2 weeks . 3 ) incorporate krishna ' s "" eam "" option valuation into the credit model this one is not yet urgent . i may need more resources to accomplish these tasks . paulo has difficulty to commit himself to even to the second task , citing that he has other things to do . therefore i need your help in setting the prorities . thanks , zimin",0 +"Subject: re : alp presentation dennis , thanks for you message . i shall send you more information regarding the dinner later this week . christie patrick , who is in charge of our university liaison unit , is making arrangements for the evening at the enron field . hopefully , we shall be able to combine dinner with a game . vince "" dennis w . loughridge "" on 04 / 30 / 2001 10 : 49 : 10 am please respond to to : cc : subject : re : alp presentation vince i will be attending the alp presentation on may 7 and would be pleased to join the team for dinner if it is not too late . thank you dennis loughridge dennis w . loughridge director of energy consortium rice university 713 - 348 - 2812 - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : tuesday , april 10 , 2001 8 : 16 am to : loughrid @ rice . edu cc : luigical @ rice . edu subject : alp presentation sorry , trying again . i probably got a wrong e - mail address and the original message was returned . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 10 / 2001 08 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 10 / 2001 08 : 13 am to : barrett @ rice . edu , uecker @ rice . edu , cmiller @ rice . edu , lounghrid @ rice . edu , luigical @ rice . edu cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , kenneth parkhill / na / enron @ enron subject : alp presentation on behalf of enron corp . i would like to invite you to an alp project presentation by a group of students of jesse h . jones graduate school of management , rice university . the students will present the results of a research project regarding electronic trading platforms in the energy industry . the presentation will be held on may 7 , at 4 : 00 p . m . at enron , 1400 smith . we would also like to invite you to dinner , following the presentation . vince kaminski vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 ( 713 ) 410 5396 ( cell ) fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: visit may 4 th vince : per susan ' s email below , do you want to go to the luncheon for john hennessey ? she doesn ' t say where the lunch is going to be , did you get an invite ? the only thing you have that day is 9 : 00 am larry thorne and the energy derivatives class at 11 : 30 . let me know . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 17 / 2001 11 : 55 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" susan c . hansen "" on 04 / 17 / 2001 10 : 47 : 38 am to : shirley . crenshaw @ enron . com cc : clovell @ stanford . edu , donna lawrence subject : visit may 4 th hi shirley , thanks for corresponding with carol during my absence , and confirming our meeting with vince kaminski at 1 : 30 on may 4 th . i have a question about the logistics . i believe dr . kaminski has received an invitation to an event in houston : new stanford president john hennessy is visiting a number of cities on a "" welcome tour , "" and it just so happens he is hosting a luncheon in houston on may 4 th . if dr . kaminski wants to attend the hennessy welcome tour luncheon , donna lawrence and i could meet with him at 1 : 30 somewhere in the hotel . if he ' s not attending the presidential event , please let me know where you are located , and we ' ll plan travel time accordingly . regards , susan susan c . hansen director , corporate relations school of engineering stanford university stanford , ca 94305 - 4027 ( 650 ) 725 - 4219",0 +"Subject: 9 inch t . v . goodmorning , we need another 9 inch t . v . i am sorry to say but we need it as quickly as possible . the location for the set is eb 31301 c . delores , you may have to install cable , i am not sure , so would you please check for me . company # 0011 r . c . # 100038 thanks kevin moore",0 +"Subject: working at home this afternoon i will be working from my home this afternoon after 1 : 30 pm . my extension will be forwarded to my home . if i happen to be away from the phone taking care of my mother , leave a message and i will return your call immediately . there is a generic message on my home phone , "" please leave message after tone "" , so don ' t worry that you have the wrong number . you may reach me by email at adupont @ pdq . net . in the next several days , i will be set up to dial in and you will be able to use my regualr enron email address . i will be at my desk most days , but until we have mother settled in the rehab facility there may be some days or afternoons that i will be working at home . please do not hesitate to contact me if you need meetings set up or any other thing that you would normally request of me . thanks . anita",0 +"Subject: re : video conference for interview : stig faltinsen anjam , sorry , i am busy on thursday . i shall ask shirley to contact you . friday 9 : 30 to 10 : 30 my time would work . vince vince anjam ahmad 04 / 25 / 2000 09 : 51 am to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : video conference for interview : stig faltinsen hi vince , this candidate was forwarded from the norway office . he is finishing his phd in cambridge but is available soon . if you are free on thursday before the regular weekly meeting that would be good - would 3 pm or 4 pm work for you ( 9 am or 10 am your time ) to set up the video interview ? regards , anjam x 35383 cv attached :",0 +"Subject: re : support on statistical modeling thanks for the quick response . i look forward to meeting martin . regards , rh randall hicks director - marketing enron broadband services 1400 smith street houston , tx 77002 work - 713 . 853 . 9970 randall _ hicks @ enron . net",0 +"Subject: bonds hello , vince . we still have the 2 other bonds in our inventory . are you interested ? david c . walkup financial consultant 713 - 658 - 1685 800 - 456 - 9712 caution : electronic mail sent through the internet is not secure and could be intercepted by a third party . for your protection , avoid sending identifying information , such as account , social security or card numbers to us or others . further , do not send time - sensitive , action - oriented messages , such as transaction orders , fund transfer instructions , or check stop payments , as it is our policy not to accept such items electronicall",0 +"Subject: reply to your email / ignore my voicemail vince : thanks for that . i just wanted to get a sense from you who the right people are and how i can establish effective contact . when he went on to different responsibilities , john goodpasture suggested i get the dialog going with the right commercial people in enron . i will be in your neighborhood in the 200 pm time range and will give you a quick call . that will conserve your valuable time and hopefully get me in touch with the right people . i am reading this after your voicemail , so this supersedes that . dale - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : tuesday , may 01 , 2001 6 : 03 am to : dale . nesbitt @ marketpointinc . com cc : vince . j . kaminski @ enron . com subject : re : get together this coming tuesday ? dale , i can reserve 2 to 2 : 30 time slot but there is really not much that i can tell you at this point . the commercial groups are still interested and are moving towards the test of the package . as soon as they will decide to move ahead , we ( research ) shall be involved , helping to evaluate the product . as i have said , we are not the decision makers in this case . i think that we should allow simply the process to run its course . vince "" dale m . nesbitt "" on 04 / 30 / 2001 05 : 59 : 30 pm please respond to to : cc : subject : re : get together this coming tuesday ? vince : i will call tomorrow in the morning . lunch or right after lunch would be great . how would 100 pm work for you ? dale - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , april 30 , 2001 3 : 07 pm to : dale . nesbitt @ marketpointinc . com cc : kimberly . watson @ enron . com ; vince . j . kaminski @ enron . com subject : re : get together this coming tuesday ? dale , please , call me on tuesday . my morning schedule is full but i am open in the afternoon . vince "" dale m . nesbitt "" on 04 / 30 / 2001 01 : 51 : 21 am please respond to to : "" vincent kaminski "" , "" kimberly s . watson "" cc : subject : get together this coming tuesday ? vince / kim : i am flying to houston tonight and wondered if it would fit one or both of your schedules to get together this coming tuesday sometime for 1 / 2 hour or so . i really want to reinitiate the conversations marketpoint was having with john goodpasture and you , and he said either or both of you were the right people to continue after his responsibility shift . john was quite positive about the idea of enron acquiring marketpoint narg through license , and he implied that one or both of you would be carrying the ball in that direction after he handed it to you . would this coming tuesday morning at 930 am be a good time for you guys ? if so , please give me an email shout at the above address or leave a message on my voicemail at ( 650 ) 218 - 3069 . i think you will be truly impressed with the scope and progress we have been able to make with both the short run narg and the long run narg in which you were interested ( not to mention our power model ) . the progress is noticeable since you saw it . both long and short term narg are having quite an impact on a number of gas decisions at the moment ranging from venezuelan lng , north american lng import terminals and term , gas basis calculations , trading support , power plant development , gas - to - power price spreads in key markets , veracity of heat rate trades , bank financings , storage field evaluation , and which new pipelines we can expect to see enter and which are dogs . i really hope we can fit it in and get our discussions moving in a mutually productive direction again . i think narg can help you become even more successful , and i look forward to working with you . we have a new office address and new phone number as well . ( we move in may 1 . ) altos management partners 95 main street , suite 10 los altos , ca 94022 ( 650 ) 948 - 8830 voice ( 650 ) 948 - 8850 fax ( 650 ) 218 - 3069 cellular give the phones a week or so to get "" debugged "" and then switch over . dale",0 +"Subject: new computer hi lyn : i have not received an answer for the below request for another sun computer . did you get it ? we also need to order another regular computer like the others that have been supplied to the research group . it will be for tanya tamarchenko and her location on the 19 th floor is eb 1940 . tanya has two offices and does not have a computer in her office on the 19 th floor . co # 0011 - rc # 100038 thanks ! shirley crenshaw - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 01 / 17 / 2000 03 : 39 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 01 / 12 / 2000 11 : 14 am to : lyn malina / hou / ect @ ect cc : subject : sun computer hi lyn ; the research group is in need of another sun computer to be located at ebl 951 . please let me know that eta . co . # 0011 - rc # 100038 thanks ! shirley 3 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 01 / 12 / 2000 11 : 10 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 01 / 07 / 2000 01 : 49 pm to : lyn malina / hou / ect @ ect cc : william smith / corp / enron @ enron , vince j kaminski / hou / ect @ ect , alex huang / corp / enron @ enron subject : new pc hi lyn : alex huang has requested a new pc and vince kaminski has ok ' d it . please order the computer as listed below in alex ' s request . thanks ! shirley 3 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 01 / 07 / 2000 01 : 48 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 01 / 07 / 2000 12 : 12 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect , alex huang / corp / enron @ enron subject : new pc shirley , ok . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 07 / 2000 12 : 02 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - alex huang @ enron 01 / 07 / 2000 08 : 28 am to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect subject : new pc hi shirley , i would like to request for a new pc . my current pc is quite old with not enough memory . twice i ran out of memory and had to have it people coming to clean it for me . their suggestion is to either get a new hard drive or a new pc . given that dell has pentiumc iii processor at 800 mhz on market , i would like to request a pc with process at 500 mhz or higher level . thank you very much . best , alex",0 +"Subject: dpc memo vince , i am in houston ( rrived satruday ) , and will be in office on monday ( though officially , i am on vacation ) . would like to catch up with you if possible . it looks like your team will be getting involved in some form on the dpc side . i have already made a recommendation to wade . i am attaching a small memo that i have addressed to wade on the dpc position and possible workout . this is still a draft and will likely get shared later with others . i would love to get your comments on the same . at the same time , this also will give you some idea of the problem , in conjunction with the other plan presentation i had sent you . look forward to touching base with you . regards , sandeep .",0 +"Subject: transmission roundtable everyone , several of us have talked about starting an ongoing meeting that we can use as a platform to discuss various transmission issues . i invite everyone to our first meeting , i have received names from several different sources for the invitation list . if any of you feel that others should be present please let me know . vince has agreed that the research group will sponsor this activity and our first meeting is scheduled for friday , december 8 th . , from 11 : 30 - 1 : 00 . please rsvp to anita dupont whether or not you will be able to attend and your lunch preference for sandwiches or salads . anita ' s extension is 30329 and her e - mail is adupont @ enron . com . regards , lance",0 +"Subject: california update 4 / 27 / 01 the following report contains confidential and sensitive information . please treat with discretion . executive summary : ? ferc price cap decision reflects bush political and economic objectives . politically , bush is determined to let the crisis blame fall on davis ; from an economic perspective , he is unwilling to create disincentives for new power generation ? davis finds four major flaws with ferc plan , most notably its exclusion of out - of - state generators ? june lst "" kill clause "" for ferc order could coincide with new bush regional plan ? california facing growing fiscal risk following bond downgrade , expected $ 20 billion power bill this summer - - economic crisis would force deeper administration involvement ? qf bid for advance payments from pg & e likely to fail in bankruptcy court ? new generation delays probable because of state / qf squabbling ? consumer groups are preparing a constitutional challenge to socal bailout deal 1 . ferc fallout the ferc decision is a holding move by the bush administration that looks like action , but is not . rather , it allows the situation in california to continue to develop virtually unabated . the political strategy appears to allow the situation to deteriorate to the point where davis cannot escape shouldering the blame . once they are politically inoculated , the administration can begin to look at regional solutions . moreover , the administration has already made explicit ( and will certainly restate in the forthcoming cheney commission report ) its opposition to stronger price caps on the grounds that they are unwilling to create disincentives to the construction of new generation . it is interesting and ironic to note that electricity generators were generally happy with the ferc order and that the only ferc commissioner who favors price caps actually voted against this plan . 2 . something less than effective price caps from davis ' s point of view , the ferc plan has four major flaws : ? the order applies only to california , not to the rest of the west . non - california generators are not required to sell at capped rates to california . ? as the order is written , it is more of a price floor for emergency power than a ceiling . ? state officials also believe that energy suppliers will continue to game the system , because the price mitigation scheme only kicks in after a stage 2 emergency and does not require any collusion . ? even when the price caps kick in , they are based on the cost - plus for the highest cost producer supplying power to california and do not require wholesalers to abide by the cap . the generators can also charge above the cap , provided they can subsequently justify the excess charge to ferc . 3 . proposal "" kill clause "" adds to the political dilemma for davis the ferc proposal includes a "" kill clause "" that says the caps will be withdrawn unless california ' s iso agrees by june lst to become part of the regional grid now under ferc control . if davis doesn ' t sign on to the regional grid by june lst , then he will have to live with june 2 nd headlines blaming him for letting the "" bush price caps plan "" collapse . 4 . growing fiscal risk in california sources speculate that california could therefore pay as much as $ 20 billion on power this summer - this is more than the combined enterprise value of pg & e and sce . these sources believe that , because of the severity of the situation , the ferc and / or the federal government will be forced to take further action to control prices for power . the consensus is that the state of california will run out of money in about 90 days . one of the first projects to be cancelled will be state plans to finance new power plant construction in exchange for long - term power deals . the bleak fiscal picture is also causing bank creditors to revisit the bridge loans they are providing to california . the bush administration and the fed are only now waking up to the seriousness of the fiscal picture . the country ' s largest and most prosperous state will have gone from large surpluses to serious debt downgrades and devastating deficits in a matter of months . 5 . qfs to seek advance payment from pg & e meanwhile , on the bankruptcy front , the qfs reportedly will ask the bankruptcy judge today to give them advance payment from pge ' s accounts , since their natural gas vendors have likewise demanded advance payment for gas . it appears very unlikely that the qfs ' request will be granted . if the qfs do not receive advance payment , it is likely that most of the 4 , 000 mw of gas - fired qf capacity will remain offline . 6 delays likely in new qf generation the qf deals made with the state for long - term contracts are being continually renegotiated , which is likely to mean that the new plants those contracts are supposed to finance will not be online as early as anticipated . 7 . consumer groups ready to challenge constitutionality of sce bailout plan harvey rosenfield and his colleagues reportedly have been reviewing an analysis of the mou for the sce bailout plan . the analysis was done by a utilities analyst , rather than a lawyer , though it appears to raise a number of good legal points . for example , one of the elements of the mou is a "" non - bypassable "" charge on ratepayers that would require them to pay even if they disconnect from the grid . this is effectively a tax , since there is no exchange of value for money , which under the ca constitution cannot be used to directly benefit a private entity . this makes the bonds that would be issued are general obligation bonds , rather than revenue bonds . according to the constitution , the state cannot be put into debt to benefit a private company . for this and other reasons , even if the republicans would vote for the sce bailout , which remains unlikely , the bailout probably would not stand a likely constitutional challenge . 8 . governor hurt by continued failure to disclose long - term power contracts the issue of the governor ' s failure to disclose the details of the long - term power contracts continues to distress the other players in the crisis . even if he were to disclose everything he and his staff have been negotiating , it is likely that their actions and negotiations will challenged , creating an even further delay .",0 +"Subject: congrats ! vince , congrats on your promotion ! well - done ! rob",0 +"Subject: cera conference call and web presentation : winter weather scenarios . . . - cera conference call cera conference call : sent fri , november 10 , 2000 title : cera conference call and web presentation : winter weather scenarios . . . author : n . american gas team e - mail category : conference call product line : north american gas , url : http : / / www . cera . com / cfm / track / eprofile . cfm ? u = 5166 netscape navigator 3 . 02 or higher ; or sun hot java ( tm ) * close all desktop applications and disable your screen saver technical assistance u . s . callers : if you are experiencing difficulties during the call , you may signal for technical assistance by pressing * 0 ( star , zero ) on your telephone keypad after you have connected to the audio portion of the conference . international callers : please re - dial and ask the operator for assistance before giving the confirmation code . a recording of this call ( audio only ) will be available until december 17 , 2000 . to access this recording , please call 1 - 888 - 203 - 1112 ( within the u . s . ) or ( 719 ) 457 - 0820 ( outside the u . s . ) . please use confirmation number 432374 to access the call . if you have any questions , please contact mary rice via e - mail at mrice @ cera . com , or via telephone at ( 617 ) 498 - 9123 . * * end * * follow url for html version of this message only . account changes to edit your personal account information , including your e - mail address , etc . go to : http : / / eprofile . cera . com / cfm / edit / account . cfm this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www . cera . com / tos . html questions / comments : webmaster @ cera . com copyright 2000 . cambridge energy research associates",0 +"Subject: re : houston research opportunity : anjam ' s plight grant , i agree . we shall give him an offer of a job in houston ( on the terms we discussed with ) plus an option to stay in london , if he does not like houston . his choice . i think we extended a very generous offer to him and he may have an excessive perception of his contribution to enron . vince enron north america corp . from : grant masson 08 / 09 / 2000 02 : 41 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : houston research opportunity : anjam ' s plight vince : i got the following note from uk hr after had a call from them earlier today . i told them that the deal you and i communicated to anjam was firm and not negotiable ( with the exception of the issues regarding the flat rental ) . apparently , anjam is trying to play hard ball . what ' s your commitment to anjam ? should we explore a package deal ? my vote is no . grant . tara rozen 08 / 09 / 2000 12 : 17 pm to : grant masson / hou / ect @ ect cc : melanie doyle / lon / ect @ ect subject : houston research opportunity grant unfortunately , we were unsuccessful in our attempt to convince anjam that he should transfer on a local us package . the difficulty is not so much the compensation and benefits , it seems more to do with the actual job and long - term prospects . he will only , therefore , commit to 12 months and only on assignment terms . we explained to anjam the rationales for transferring locally , ie not just cost but equitability among his peers . he is convinced that his skills and enron knowledge are valueable enough to warrant an assignment rather than a local deal . also , he was apparently told by vince that it was impossible for you to find a local hire for this role as you were not paying the market rate . would you like to move further with this ? if so , we can put together costs for you for a 12 month assignment and see what you think . i am out tomorrow but back in on friday and could do it for you then . let us know ! regards tara - - - - - - - - - - - - - - - - - - - - - - forwarded by tara rozen / lon / ect on 09 / 08 / 2000 18 : 14 - - - - - - - - - - - - - - - - - - - - - - - - - - - melanie doyle 08 / 08 / 2000 13 : 07 to : tara rozen / lon / ect @ ect cc : madeline fox / lon / ect @ ect subject : houston research opportunity tara , can we discuss tomorrrow ? thanks mel - - - - - - - - - - - - - - - - - - - - - - forwarded by melanie doyle / lon / ect on 08 / 08 / 2000 13 : 04 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron europe from : anjam ahmad 08 / 08 / 2000 12 : 08 to : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect cc : melanie doyle / lon / ect @ ect subject : houston research opportunity dear vince i would like to make the suggestion that we make this opportunity a one - year assignment working with tanya , and then re - evaluate the situation at the end of the year in terms a new role for me in houston thereafter , subject to mutual agreement . the alternative situation of resigning from enron europe and re - joining enron corp is too dramatic and requires me to "" burn bridges "" and my return to enron europe would be difficult . also , i would lose the valuable support structures available to me in london . the amount of any fixed costs ( flights , modest cargo , a few months of mortgage carrying cost ) are entirely reasonable , not excessive given my single status and not so great that they justify making the contract a three year ( local ) one . i would expect that on the basis of almost 3 1 / 2 years solid experience & value - added at enron europe , the value of several million pounds i have identified & justified to external auditors for enron europe this year and an "" excellent "" rating ( my fourth making my 3 1 / 2 yr average rating also "" excellent "" ) , i could reasonably be expected to justify a fair deal ( i . e . my existing enron europe salary & benefits package plus a reasonable one - off allowance to cover unavoidable additional personal expenses ) . regards & thanks again for the opportunity , anjam x 35383",0 +"Subject: interview dear dr . kaminski i would like to thank for the interview opportunity at enron . it was very nice and pleasant to talk with very talented people . i wish this interview develop to the further stage of the opportunity . as matter of fact , i have started the current job at kansas city with an internship expiring november 3 rd . i got an permanent job offer from them and i think i should decide whether to accept the offer or not very soon . but after i visited enron , i feel that i want to pursue my career development at enron for many reasons . so if the decision process is made soon , i will appreciate it greatly . ( i apologize for the hurry . i already sent a message regarding my situation to molly a minute ago . ) thank you very much . sincerely , jaesoo",0 +"Subject: congratulations vince , congratulations ! i wish you the best of luck with your new responsibilities . shalesh ganjoo",0 +"Subject: re : move computer from the research group 19 th floor to the 44 th floor shirley - i spoke with janelle duree ( manager - move team ) , she is investigating the mystery of the missing phone and will call me back with status - if you can take care of the pc , i think we look good on the phone . i also spoke with paul racicot to make sure we are all of the same mind and he is set as well . p shirley crenshaw @ ect 06 / 15 / 00 02 : 06 pm to : emmanuel mangin / corp / enron @ enron cc : clayton vernon / corp / enron @ enron , paula corey / enron communications @ enron communications , vince j kaminski / hou / ect @ ect subject : move computer from the research group 19 th floor to the 44 th floor hi emmanuel : we need a computer installed on the 44 th floor tomorrow , if at all possible . we have a new summer intern coming on monday the 19 th and the computer and everything else has disappeared from his desk . the location is eb 4444 b . the computer we are moving is clayton vernon ' s old computer . he is finishing up moving his files to his new computer as i am writing this . please call me in the morning and we will talk further . thanks ! shirley crenshaw 3 - 5290",0 +"Subject: re : requests for help thanks vince .",0 +"Subject: re : eprm article chris , this is very well written and will serve the reader well . a few comments . 1 . when i think about the taxonomy of the var models , i typically use the classification based on 3 categories : a . variance / covariance method b . historical simulation c . monte carlo simulation . delta approach is the way of representing a position in a nonlinear instrument . 2 . i would define monte carlo as an approach based on statistical simulation of behavior of all the market prices / rates , etc . , and revaluation of the entire portfolio . the revaluation may be based on an approximation ( using taylor ' s expansion ) that may involve delta , delta / gamma , delta / gamma / omega or may be exact ( based on the same model that produces the mark - to - market portfolio valuations ) . the main benefit of using the mc simulation in the energy markets is the ability to capture the gapping behavior of the energy markets in a straightforward way . i would emphasize that there are attempts to incorporate jumps in the v / c model ( i shall send you the references from home ) . 3 . i would mention that historical simulation may break down in the markets that are evolving quickly ( new instruments for which we have no comparable prices , behavior of prices may change as markets mature or de - mature ) . 4 . for bigger portfolios , virtually all methods require some level of aggregation into atomic , elemental instruments to reduce the dimensionality of the problem . this process may be a source of a big error . 5 . the computational burden of mc can be reduced through clever preprocessing of a portfolio that introduces no error . many swaps with the same underlying can be aggregated into one positions ( they are portfolios of forwards and they are linear instruments ) . please , feel free to use any comment ( or none ) . vince "" chris strickland "" on 08 / 28 / 2000 02 : 58 : 56 pm please respond to "" chris strickland "" to : cc : subject : eprm article dear vince , ? d you think you might be able to look at this in the next day or so ? robin is after something by the end of this week . ? best regards . ? chris . ? - eprm _ 01 _ var . doc",0 +"Subject: energy book hi vince , i have pulled a list of names together that i would like to send some samples of our chapters of the book too , in the next couple of days , in order to try and get one or two sentence "" reviews "" for the dust jacket of the book . i obviously won ' t say anything about enron ' s sponsorship until it is official sorted out , but is it ok if i indicate that yourself and grant are contributing material to the book ? i ' m proposing to send 5 or 6 chapters to the following - unless you have any objections or suggestions ? david shimko ehud ronn helyette geman mark garman dragana pilipovic corwin joy ilia bouchouev alexander edyleland steve thomas hope the writing is going ok , and regards to grant . best regards . chris",0 +"Subject: masayuki fujita from the mitsubishi research institute i have been at enron for eight months and work under sally beck . in december i attended the exotic energy derivatives conference , where i met masayuki fujita from the mitsubishi research institute . he is doing research on the deregulation of the japanese power market . we had lunch together and chatted for some time about his work ( i worked in a japanese company for 8 1 / 2 years and speak fluent japanese , so we got along easily ) . he was in houston this week and came by to visit . on monday , we met with vince kaminski and grant masson and later had dinner with them . sally suggested that i introduce him to alan aronowitz and you . of course , you were out of town , but we did meet with alan who said you would probably want to meet him back in tokyo anyway . would you like for me to set something up ? regards , eugenio",0 +"Subject: re : forward oil prices jens , i think i have cc ' ed you on this . john nowlan approved and stinson gibner has the curves available for you . vince jens gobel @ enron 11 / 10 / 2000 04 : 44 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : forward oil prices hi vince , have you already heard back from john nowlan ? thanks a lot for your help again . have a great weekend . jens jens gobel 10 / 26 / 2000 12 : 06 pm to : vince j kaminski / hou / ect @ ect cc : subject : forward oil prices vince , as discussed on the phone , i am sending you the request that i have received from prof . buehler . prof . buehler is the head of the faculty of finance at mannheim university in germany . currently , he is writing a study about the hedging strategy that led to the metallgesellschaft debacle . for this study he would like to get forward oil prices form us . the forward oil prices should be for wti with cushing as the delivery point for the time period july 1986 and december 1996 with remaining contract durations between one and ten years . it would be ideal to get this data on a daily basis . weekly or monthly data is helpful as well , of course . since mannheim university is among enron ' s tier one recruiting universities in germany , it would be great if we could help him with some data . thanks a lot for your help . jens o . korn @ uni - mannheim . de on 10 / 10 / 2000 11 : 44 : 57 am to : jens . gobel @ enron . com cc : subject : daten sehr geehrter herr goebel , bezugnehmend auf ihr heutiges telefongespraech mit herrn prof . buehler hat mich prof . buehler gebeten , ihnen genauer darzustellen , welche daten idealerweise fuer unsere studie benoetigt wuerden . zunaechst zum hintergrund . wir sind auf enron gestossen , weil eduardo schwartz in einer seiner arbeiten die folgende datenquelle angibt : "" in addition to the publicly available futures data described above , for the purpose of this study enron capital and trade resources made available some proprietary historical forward price curves from 1 / 15 / 93 to 5 / 16 / 96 . from these data ten forward prices were used in estimation , ranging in maturities from two months to nine years "" dies laesst uns annehmen , dass enron bestimmte daten verfuegbar hat . nun zum idealen datensatz : forwardoelpreise ( am besten wti mit lieferung in cushing ) fuer restlaufzeiten zwischen einem und zehn jahren fuer den zeitraum juli 1986 bis dezember 1996 . dabei waere eine hohe datenfrequenz ideal ( taeglich , ansonsten woechentlich oder monatlich ) . zusaetzlich waeren auch spotpreise fuer wti mit lieferung in cushing nuetzlich . diese idealen datenanforderungen werden sich vermutlich nicht erfuellen lassen . jedoch waere uns auch schon geholfen , wenn ein kuerzerer zeitraum oder eine niedrigere datenfrequenz vorlaege . wir waernen ihnen sehr dankbar , wenn sie in erfahrung bringen koennten , inwiefern solche daten von enron zu erhalten sind . herzlichen dank fuer ihre muehe und beste gruesse olaf korn p . s . bei rueckfragen stehe ich ihnen jederzeit gern zur verfuegung dr . olaf korn university of mannheim chair of finance d - 68131 mannheim germany tel . : + + 49 / 621 / 181 - 1487 fax . : + + 49 / 621 / 181 - 1519 e - mail : o . korn @ uni - mannheim . de",0 +"Subject: re : forecasting project barbara , we are in touch with ketra and john and we shall work with them when they are here . vince barbara g dillard @ enron 08 / 29 / 2000 11 : 23 am to : mark mixon / hou / ees @ ees @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , laura luce / corp / enron @ enron , d . wear @ pecorp . com @ ees @ ect , k . schmitt @ pecorp . com @ ees @ ect , j . wirick @ pecorp . com @ ees @ ect subject : re : forecasting project mark : f . y . i . - i have been informed by ketra that she plans to be in the houston office on monday september 18 th through wednesday september 20 th to meet with vince and stinston . hopefully we will be ready to continue phase i of the forecasting project . can you make arrangements with vince and stinson ( hopefully they will be available to meet ! ) . thanks ! barbara ( 312 ) 541 - 1232",0 +"Subject: anjam vince , let me know when you ' ve talked to anjam about moving to houston . i need to do his performance review this week and it would be good to get this on the table with him before then . thanks - dale",0 +"Subject: global technology organization changes as the global technology group moves forward in accomplishing its goals of developing worldwide technology standards , ecommerce opportunities and global platforms , we continue to make changes in the organization to enhance communication and maximize our intellectual capital . with that in mind , we are pleased to announce the following organization changes within global technology : jay fitzgerald , md ecommerce , will be moving to enron north america and will have responsibility for all of ena  , s ecommerce initiatives . although this will be a big loss for global technology , jay will provide immediate benefits to the explosion of ebusiness opportunities that are developing in the ena lines of business . jay will report to greg whalley . steve horn , vp investments , will be moving into global technology to head the ecommerce ventures group responsible for ecommerce merchant investing . the scope of this new group will include investing in the following areas : strategic sourcing / procurement / demand aggregation / asset disposition businesses ecommerce enabling technologies global ecommerce opportunities outside of ebs / ena / ee . ebs , ee and ena will be evaluating and making equity investments within their specific business units . examining houston technology business opportunities not directly related to enron  , s business . steve will report directly to me in his new role . jenny rub has accepted the newly formed position of vp of infrastructure for enron corp . her responsibilities include managing all it infrastructure support activities . jenny will report to philippe bibi . jenny is currently vp and cio for the gas pipeline group and she will be transitioning out of that role as she completes several important initiatives . beth perlman has recently relocated to the united states as vp of ena  , s application development , rac and treasury applications . she was previously heading up application development for enron europe . she will report to philippe bibi . dan bruce , vp , is responsible for it support in the international regions , ee & cc and asset operations . he will report to philippe bibi . john pavetto , vp , will be responsible for all ecommerce initiatives outside of enrononline . john will report to philippe bibi . jay webb , sr . director , will continue to lead the enron online team reporting to philippe bibi . arshak sarkissian , sr . director , has accepted a position with ebs  , s strategic development group and will be transitioning his responsibilities over the course of the next few weeks . he will report to scott yeager . please join me in congratulating everyone on their new positions .",0 +"Subject: h - ib visa application chonawee : further to our telephone conversation this morning , i am attaching a visa questionnaire that i need you to complete and return to me immediately , together with the documents listed at the bottom of the form . as explained , i will send everything to our attorney ' s office in the hope that they can file for the h - ib prior to reaching the cap , but in the event this does not go through , your h - ib will not be available until october , 2000 . as your opt does not expire until november 1 , 2000 , we will still have the opportunity to get you an h - ib before your opt runs out . please bring these documents to me in eb 3694 . margaret daffin x 57843",0 +"Subject: christmas break fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 12 / 14 / 99 07 : 51 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" van t . ngo "" on 12 / 04 / 99 11 : 17 : 01 am to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : christmas break dear vince , as the holidays approach , i am excited by my coming break from classes but also about the opportunity to see everyone at enron again and to work with you and them soon . i am writing to let you know that i would be very happy to work at enron over my break and i would like to plan out a schedule . my semester officially ends dec . 20 th but i may be out of town the week before christmas . i will be available the following three weeks , from monday , dec . 27 to friday , jan . 14 . please let me know if during those three weeks , you would like me to work and for what dates you would need the most help so that we can arrange a schedule that would be most helpful to you and so that i can contact andrea at prostaff soon . please let me know if you have any concerns or questions about a possible work schedule for me . give my regards to everyone at the office and wishes for a very happy holiday season ! i look forward to seeing you soon . sincerely , van ngo ph : 713 - 630 - 8038 - attl . htm",0 +"Subject: vp & director count for the research group hello deborah : i would like to introduce myself and anita dupont to you as we will probably be working together quite a bit between now and our move . please feel free to contact either one of us regarding any questions or needs you may have . headcount the executive , vp and director headcount for the research group is : managing director 1 vice presidents 6 directors 5 also , anita and i would like to invite you to meet with us and go over our library space requirements . please let me know when you have some free time and we will be available . my number is : 3 - 5290 - ebl 961 anita ' s # is : 3 - 0329 - ebl 969 i look forward to meeting you , shirley crenshaw administrative coordinator enron research group 3 - 5290",0 +"Subject: metals cross correlations dear all , i have completed the cross - correlation study for the seven metals we have data for - will complete for gold , silver and cocoa . i have also attached the spreadsheet . correlations based on log - returns , 21 , 42 or 63 business days for either front month only or average of entire futures curve - please see data below or drill into spreadsheet . we can choose the most appropriate time - bucket and whether to use front month or "" average of curve "" data . regards , anjam x 35383 spreadsheet :",0 +"Subject: performance management process as our existing businesses grow and new businesses are created , ease of movement and development of our top talent becomes essential to our success . as you heard at the management conference all officers will be titled , reviewed , promoted , and compensated according to a more standard set of guidelines . the process recognizes the intrinsic value of each officer , rather than tying that individual to the value of their specific job or reporting relationship . officer titling has been standardized throughout enron . there are four levels of officers : members of the enron office of the chairman make up level 4 . level 3 includes all other members of the enron executive committee . level 2 is made up of managing directors , including company presidents and some senior vice presidents . level 1 are vice presidents and some senior vice presidents with grandfathered titles . this year a common evaluation process is being implemented for level 1 and level 2 officers . officers will be evaluated by a committee , through a process referred to as the performance review committee ( prc ) , utilizing a standard set of performance criteria and performance ratings . performance committee reviews will occur twice a year  ) in july for feedback purposes and at year - end for feedback as well as bonus and total compensation considerations . the executive committee will handle the prc for all level 2 officers . review of level 1 officers will occur at the business - unit level first with the results  & cross calibrated  8 by the executive committee and a group of approximately sixteen managing directors . the goals of the prc process is to insure a consistent standard for our overall pool of executive talent and to provide a tool to more effectively utilize talent throughout the organization . to further promote consistency the executive committee will consider all promotions in january of each year . exceptions , internally or externally , will be infrequent . the individual  , s performance evaluation will be the starting point for all compensation decisions . compensation includes base pay , bonus and long - term awards . a long - term program that replaces individual or business unit plans has been approved and will be communicated to individuals before bonus payments are made . in addition to the level 1 and level 2 reviews , business unit , global and corporate cross - functional prc reviews for directors , senior directors and general managers have started . this year - end process will be utilized as a benchmark to determine how we further refine the evaluation process at this level in the future . if you should have any questions about the process , please direct them to your human resources business unit leads per the following : mary ann long ( gpg ) x 36810 david oxley ( ena / eel / global trading ) x 33557 ray bennett ( ees ) x 37039 robert jones ( global technology / global finance / global gwen petteway ( corp ) x 37351 asset operations / global engineering & construction ) x 35810 janie bonnard ( caribbean / middle east / scott gilchrist ( asia pacific / africa / china ) x 67081 lng ) x 68202 gerry chatham ( egep ) x 35141 miguel padron ( esa ) x 66552 marla barnard ( eci ) x 58158 ranen sengupta ( india ) x 67967 cc : enron executive committee members 28599",0 +"Subject: reviewer approval please note that your employees have suggested the following people to complete a feedback form on their behalf . you will need to access the performance management system ( pep ) to either approve or decline these suggested reviewers . once you have approved the suggested reviewers they will be notified and can begin completing the feedback form . your list of employees that have suggested reviewers are listed below : date suggested : may 24 , 2000 feedback due date : jun 16 , 2000 employee name : crenshaw , shirley j date suggested : jun 01 , 2000 feedback due date : jun 16 , 2000 employee name : gibner , peyton s date suggested : may 19 , 2000 feedback due date : jun 16 , 2000 employee name : kollaros , alexios date suggested : may 22 , 2000 feedback due date : jun 16 , 2000 employee name : krishnarao , pinnamaneni v date suggested : may 22 , 2000 feedback due date : jun 16 , 2000 employee name : shanbhogue , vasant",0 +"Subject: ng prices margaret , please find attached texas and louisiana wellhead prices ( daily , monthly and quarterly ) . we had data available starting 1983 and the information source is natural gas intelligence . information on uk "" beach "" prices will be available for the following locations : teesside , bacton and st . fergus . would you like to have data on a specific one ? sincerely , elena elena chikina enron research group vince j kaminski @ ect 08 / 01 / 2000 07 : 52 am to : mike a roberts / hou / ect @ ect cc : elena chilkina / corp / enron @ enron , vince j kaminski / hou / ect @ ect subject : re : vince does your group have a monthly or a quarterly price history in nominal terms for a us onshore louisiana natural gas price ( or a texas wellhead price ) and a uk landed beach price for the past 15 years ? i am gathering historical data for jim o hara for our colombia pipeline in south america and these are among the series of data they are seeking . they would like the data from a published source in an electronic file if possible . . their timetable is by cob weds this week . thank you for your help . margaret mike do you agree with me ? please , ask elena to check what price info is available at xmim . vince margaret , the prices going back 15 years are not too informative ( for the first 5 years ) , as he industry was still regulated . we shall try to get you the us series as soon as possible . vince margaret carson @ enron 07 / 31 / 2000 04 : 12 pm to : vince j kaminski / hou / ect @ ect cc : kyran hanks / lon / ect @ ect subject : vince does your group have a monthly or a quarterly price history in nominal terms for a us onshore louisiana natural gas price ( or a texas wellhead price ) and a uk landed beach price for the past 15 years ? i am gathering historical data for jim o hara for our colombia pipeline in south america and these are among the series of data they are seeking . they would like the data from a published source in an electronic file if possible . . their timetable is by cob weds this week . thank you for your help . margaret",0 +"Subject: power plant model jeff , a few comments on the model : 1 . we have a few reservations about some features of the model but would like to discuss it internally and make the improvements without giving the benefit of our insights to the consultant . in general , the model is not unreasonable but the devil is always in the details and in the inputs and calibration . the same model may produce drastically different results depending on the quality of inputs . 2 . we don ' t have a separate pool of programmers in the research group . we were told that you would provide an it resource . alex would supervise this person . vince",0 +"Subject: 3 hours vacation vince : if it is all right i would like to take a couple hours vacation in the morning . my grandson starts "" middle school "" ( 6 th grade ) and he wants me to take him . i should be in by 10 : 00 am . thanks ! shirley",0 +"Subject: re : trading ag prods . vince , just wanted to let you know that i have done some preliminary , high level , research into this commodity and would be glad to share it . please let me know if you would be interested in it . thank you . shalesh ganjoo vince j kaminski @ ect 05 / 01 / 01 10 : 20 am to : shalesh ganjoo / enron communications @ enron communications @ enron cc : elsa piekielniak / corp / enron @ enron subject : re : trading ag prods . shalesh , a good idea . i shall forward it to the ag traders . vince from : shalesh ganjoo @ enron communications on 05 / 01 / 2001 10 : 12 am to : nelson neale / na / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : trading ag prods . nelson , i know you are focusing on agricultural products for trading , so i just wanted to know if we are looking at wool . i know that it ' s traded in australia and new zealand , so we might be able to look into it as well . please let me know . thank you . shalesh ganjoo",0 +"Subject: enron cover letter & resume for dave gershenson celeste , i am sending you the resume of david gershenson , an mba student from wharton . he is interested in a summer internship with enron and i shall be glad to take him . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 17 / 2001 01 : 34 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" chen , vincent "" on 01 / 17 / 2001 02 : 35 : 00 am to : vince . j . kaminski @ enron . com cc : "" gershenson , david "" subject : enron cover letter & resume for dave gershenson vince , i am passing along a cover letter and resume for my classmate and friend , dave gershenson , who is very interested in working for enron this summer . he is working on reliant energy ' s tiger team this quarter . please let us know if you have any questions . thanks much and see you friday ! vincent vincent y chen mba candidate , class of 2002 the wharton school university of pennsylvania chenvinc @ wharton . upenn . edu > - - - - - original message - - - - - > from : gershenson , david > sent : tuesday , january 16 , 2001 6 : 24 am > to : chen , vincent > subject : enron cover letter & resume > > vincent , > > please find attached a cover letter and resume for the enron summer finance internship . as we discussed , i would appreciate it if you could pass these along to your tiger team contact , mr . kaminski . > > thanks , > dave > > > > > > > - enron letter . doc - dave gershenson . doc",0 +"Subject: re : potential prospect tom , we are currently space constrained but we shall always take a qualified candidate . please , ask george to send me a resume and we shall get in touch with him to arrange a phone / on - location interview . vince tom arnold on 04 / 25 / 2001 09 : 15 : 09 am to : vince . j . kaminski @ enron . com cc : subject : potential prospect hey vince , given that the eastern finance conference is already taking place , i think it is safe to assume that they did not desire an energy derivative round table discussion . however , i appreciate you volunteering to potentially having been on such a round table discussion . i ' ve been teaching a "" real options "" course that has the students performing monte carlo analysis , black - scholes pricing , and binomial pricing along with a heavy dosage of understanding risk neutral pricing . a few of your new hires from the undergraduate program will be coming from this course . however , i have a student who will be finishing his mba next spring that is particularly good . he is genuinely interested and curious about option pricing , trading , and hedging with excel / vba skills . in fact , he usually figures out when i make even very small mistakes in my calculations . this is not to say that some of my other students aren ' t very talented themselves , but that this person really stands out . do you think you and / or enron would be interested in such a person ? if so , what do you recommend that he do to get his foot in the door ? his intention is to finish the mba , but i do not know if this would preclude you from hiring or at least taking a look at him now . his name is george moss and i ordinarily would not bother you directly about a potential employee . i am making an exception in this case because he is a particularly good talent without being the slightest bit arrogant . otherwise , i hope this e - mail finds you doing well and not travelling too much . tom professor tom arnold e . j . ourso college of business administration department of finance 2155 ceba louisiana state university baton rouge , la 70803 o : 225 - 388 - 6369 f : 225 - 388 - 6366",0 +"Subject: re : congratulations thanks . congratulations to you . ray vince j kaminski 01 / 11 / 2000 09 : 49 am to : raymond bowen / hou / ect @ ect cc : subject : congratulations ray , congratulations . well deserved . vince",0 +"Subject: re : credit trading brought to you by bryan seyfried ted , i ' m happy to sign off on the basis discussed with bryan at the end of last week and outlined in the attached memo . regards fernley from : ted murphy 08 / 02 / 2000 22 : 16 to : steve w young / lon / ect @ ect , fernley dyson / lon / ect @ ect , michael r brown / lon / ect @ ect , william s bradford / hou / ect @ ect , john sherriff / lon / ect @ ect , vince j kaminski / hou / ect @ ect cc : rick buy subject : credit trading brought to you by bryan seyfried my understanding is that bryan will be in houston to present his strategy regarding credit trading for approval under an interim trading policy - signed off by jeff and rick . before making any recommendation to jeff , rick wants to be sure that the people on the list above are comfortable with the activity and will be willing to signoff on the approval . given that bryan will be physically here , i am requesting that you e - mail your concurrence to me no later than tommorrow . otherwise rac will not present to jeff for approval . thank you for your help in puttting this together and making it a success ! ted",0 +"Subject: subscribe this message has been automatically generated in response to your mckinseyquarterly . com registration . you requested notification about new articles in the categories listed below . to confirm your enrollment , please reply to this message and remove any / all characters that may preceed the word subscribe . subscribe economic - performance subscribe retail subscribe environment subscribe countries subscribe strategy subscribe interviews subscribe financial - institutions subscribe energy subscribe telecommunications subscribe corporate - finance subscribe electronic - commerce",0 +"Subject: wti models stinson and vince , i finalized the presentation for john lavorato , he said he is ready to present it to greg . he is happy with the work we provided . i will be on vocation starting next week . i attached the simulation models here in case that you need them . the oc version deals with open - close trading and cc version deals with continuous trading . should you have any questions , or need to run different scenarios , please call me at home . otherwise , i will see you next year . merry chrismas and happy new year ! zimin",0 +"Subject: new pc with two 128 mb of ram shirley , is this an upgrade for maureen ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 12 / 18 / 2000 03 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : felix buitron jr . / enron @ enronxgate on 12 / 18 / 2000 02 : 27 pm to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : new pc with two 128 mb of ram vince , i have your new pc . i will get with you when i ' m done to schedule a delivery time . i will need your network and notes password to test your apps . thanks , felix",0 +"Subject: re : telephone interview with the enron research group mr . yaralov : i want to apologize to you , i have had the flu and have been out of the office . would you be able to receive the call in the morning ( thursday , september 28 th ) at 8 : 30 am california time ( 10 : 30 am houston time ) ? we will call you at your home , 213 / 250 - 5424 . please let me know as soon as possible and i will arrange the interview . sincerest apologies ! shirley crenshaw "" georgi yaralov "" on 09 / 25 / 2000 06 : 51 : 45 pm to : cc : subject : re : telephone interview with the enron research group dear shirley crenshaw . unfortunately i did not get any response on my previous e - mail . i would like to find out if you want me to set up new time frames for the interview . please let me know . sincerely , georgi yaralov - - - - - original message - - - - - from : to : sent : wednesday , september 20 , 2000 8 : 50 am subject : telephone interview with the enron research group > good morning mr . yaralov : > > your resume was forwarded to vince kaminski and the research group > with enron . they would like to schedule a telephone interview with you > at your convenience to see if there might be a fit somewhere within our > group . > > please let me know several time frames that might be acceptable to you > for this interview . > > the interviewers would be : > > stinson gibner ( before monday the 25 th ) vice president > grant masson ( after monday the 25 th ) vice president > zimin lu director > tanya tamarchenko director > vasant shanbhogue vice president > > > regards , > > shirley crenshaw > administrative coordinator > enron research group > 713 - 853 - 5290 > email : shirley . crenshaw @ enron . com > > >",0 +"Subject: re : letter larrissa , i spoke with joe pokalsky . he will be glad to help you . please , call him at the number 770 393 7411 . vince larrissa sharma 04 / 26 / 2000 08 : 20 am to : vince j kaminski / hou / ect @ ect cc : subject : re : letter vince , the letter was perfect . thanks for the trouble . my name however is spelt with a double "" r "" . = = > larrissa sharma . larrissa . vince j kaminski 04 / 25 / 2000 09 : 19 am to : larrissa sharma / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : letter larrissa , please , take a look at the letter . my assistant is on vacation , she will be back tomorrow . please , check the spelling of your first name . it was inconsistent in the original letter from the lawyer . vince",0 +"Subject: risk magazine - enron sponsored issue on energy derivatives i have recently come on board as treasurer , enron india . prior to joining , i was with reliance industries , a petrochemical conglomerate in india . the central banking authorities are now thinking of permitting corporates to hedge their oil and other related risks . i believe the literature published by risk in collaboration with enron has come to be considered as an industry standard . would it be possible to arrange for two copies to be sent across to us . thanx n regards g . subramaniam treasurer , enron india pvt . ltd . 36 , maker chambers vi , nariman point , mumbai 400 021",0 +"Subject: re : sorry see you at 11 : 30 in the hyatt lobby . vince j kaminski @ ect 04 / 05 / 2000 03 : 01 pm to : michael j popkin / enron _ development @ enron _ development cc : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : sorry monday 4 / 10 looks fine . vince michael j popkin @ enron _ development 04 / 05 / 2000 02 : 55 pm to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : re : sorry vince , i am not totally clear from your note on your availability . are you free next monday ( 4 / 10 ) ? michael vince j kaminski @ ect 04 / 05 / 2000 02 : 45 pm to : michael j popkin / enron _ development @ enron _ development cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : sorry michael , next week starting friday . outr on thu and fri . vince michael j popkin @ enron _ development 04 / 05 / 2000 12 : 54 pm to : vince j kaminski @ ect cc : subject : sorry vince , sorry about lunch yesterday . i hope you got the message in time that i was out sick . i ' d like to rescheduel . when are you free ? michael",0 +"Subject: re : enron contact info christie , thanks again for taking the time to visit wharton and share about enron and our upcoming project . i know each of us is excited about the opportunity to learn and contribute to enron . specifically , thank you for the awesome dinner at the palladium . it was a great way to get to know you , visant , and vince better . i look forward to visiting houston in january . please let me know if you need any additional information with regard to the trip . have a great holiday season , and i look forward to seeing each of you in january . sincerely , jason cummins - - - - - original message - - - - - from : christie . patrick @ enron . com to : fap @ management . wharton . upenn . edu cc : clayton . degiacinto . wgo 2 @ wharton . upenn . edu ; mallikd @ wharton . upenn . edu ; dennis . feerick . wgo 2 @ wharton . upenn . edu ; edsono @ wharton . upenn . edu ; gustavop @ wharton . upenn . edu ; hethorne @ wharton . upenn . edu ; jack . rejtman . wgo 2 @ wharton . upenn . edu ; singhjai @ wharton . upenn . edu ; marc . cummins . wgo 2 @ wharton . upenn . edu ; levent 86 @ wharton . upenn . edu ; whitselk @ wharton . upenn . edu ; thomas @ wharton . upenn . edu ; camoglum @ wharton . upenn . edu ; nicholas . levitt . wgo 2 @ wharton . upenn . edu ; bassalo @ wharton . upenn . edu ; mhenahan @ wharton . upenn . edu ; mvittal @ wharton . upenn . edu ; stephen . lessar . wgo 2 @ wharton . upenn . edu ; bhallat @ wharton . upenn . edu ; vincent . chen . wgo 2 @ wharton . upenn . edu ; weigelt @ wharton . upenn . edu ; fap @ management . wharton . upenn . edu ; christie . patrick @ enron . com ; vkamins @ enron . com ; jeffrey . a . shankman @ enron . com sent : 12 / 7 / 2000 7 : 33 pm subject : re : enron contact info hi evryone ! vince , vasant and i are very excited about the tiger project ! we all thoroughly enjoyed the opportunity to meet with such an incredibly interesting , enthusiastic and intelligent group . thank you for your time ! for those interested in the houston trip on january 18 - 19 th , please let me know by the 15 th of december so that i can get the best deal on air fare ( one - month in advance ) . also , i ' ll be forwarding the enron information packages to donna piazze for your receipt next week . i am including jeff shankman in this reply , as jeff is a wharton grad , leader of one of our enron business units , and one of the most enthusiastic enron / wharton cheerleaders . please feel free to individually contact me if there is anything i can do for any of you . thanks again for your enthusiastic interest in enron ! - - christie .",0 +"Subject: summary of dabhol lenders ' presentation vince / stinson , please find below a summary of the presenation given to lenders at the april 23 rd meeting in london . the key points that emerge are : phase ii will require commitments of about $ 700 mm to complete ( phase i + ii total $ 3 . 2 billion ) several commercial issues are getting severe in the current environment in india , could result in cost escalations makes the case that mseb does not have the financial strength to absorb phase ii power management to seek authority to serve preliminary termination notice ( ptn ) , triggering a 6 month cure period a copy of the full presenation is available . regards , sandeep .",0 +"Subject: james aimone james aimone is a canditate for a summer position supporting the ena option pricing and valuation team . he will be at enron , friday april 28 from 2 : 30 to 4 : 00 . schedule of interviews : stinson gibner 2 : 30 - 2 : 45 zimin lu 2 : 45 - 3 : 00 paulo issler 3 : 00 - 3 : 15 elizabeth grant 3 : 30 - 4 : 00 thanks , stinson",0 +"Subject: shalesh jim , clarification regarding shalesh ' transfer to ebs . the request to rotate shalesh out of research into ebs came from ravi thuraisingham . my understanding was that it was fully coordinated with you and i was more than happy to oblige . shalesh is concerned that his integrity is being questioned and i can assure you that he was not the instigator of the move . my impression is that shalesh is doing a very good job and ravi is very happy him . i shall be glad to keep him in the research group in his current role . have a good 4 th of july . vince",0 +"Subject: schedules , maps , etc . gentlemen : attached is a schedule of activities as well as maps and driving instructions for those who are driving to campus friday morning . the dress for friday is casual ( no ties , sport shirts and jackets if you wish ) . for those of you who have asked about thursday night ' s dinner please note that we have pushed it up to 6 - 8 pm at ninfa ' s mexican restaurant . at this point i plan to pick up bennett s . and don c . from the marriott before 6 and will do the same for anyone else ( let me know ) . the restaurant is in easy walking distance of the hilton and marriott . please note the times for your individual interviews / video taping on friday . some of you are leaving early so we are taping you from 11 - 12 friday morning while others are being taped after the program is over . i ' m sure i ' ve forgotten something so you ' ll probably get more e - mails . however , this should take care of the primary stuff . i ' m really looking forward to seeing all of you and to hearing your thoughts in the workshops . more later , john - schedule _ map . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : weekly report vasant , yes , it ' s perfect . please , indicate that the wording was unfortunate . vince vasant shanbhogue 03 / 08 / 2001 11 : 20 am to : vince j kaminski / hou / ect @ ect cc : subject : re : weekly report hi vince , regarding david port ' s response to kevin kindall ' s email , i feel that i should respond , at least to make our position clear . please indicate if the following response is appropriate - - - - - - - "" hi david , i understand that you were slightly upset over a comment kevin kindall made in one of his weekly reports . the intention was never to disparage anybody . it is just that since research gets data from a large number of sources , we feel obligated to the data donor to ask any requester for clarification of need . i completely understand that rac typically has access to much sensitive information and they have a right to know much information . we just want to make sure there is open flow of information ( it is in everybody ' s best interests and the company ' s best interests ) and that everybody is aware of how data is flowing . best wishes , vasant "" - - - - - - - - - - - - - - - - - - - - - - forwarded by vasant shanbhogue / hou / ect on 03 / 08 / 2001 11 : 11 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : david port / enron @ enronxgate on 03 / 08 / 2001 08 : 46 am to : kevin kindall / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , rudi zipter / enron @ enronxgate subject : re : weekly report kevin - thanks for the update . on the stock option plans , if your angle is what i suspect , i suggest you get with rudi zipter , who has done a great deal of work on this exposure , including characterising and actually booking the short option positions in enron ' s equity system . we are already working with ben glisan ' s team firming up a hedging program . we are well advanced in this effort so if you get with my people it could save you a great deal of time . secondly , i am afraid i do take some exception to your references to naveen ' s team in your last point . generally in rac i don ' t believe we are obliged to explain why we need information , except as a courtesy - otherwise that would compromise our role somewhat . specifically , i am aware of the sensitivity of raptor , just as i am of the sensitivity of all the information my group is privvy to on a daily basis . again , we have done a good deal of work on these structures too ( i see a position report daily ) . as i have discussed with vince , naveen ' s request would have been derived from a discussion we all had with rick , concerning "" meltdown "" scenarios and their effect on , amongst other things , funding vehicles . but i would rather have had a conversation about this than see slightly disparaging remarks about my people in email traffic . rgds dp - - - - - original message - - - - - from : kindall , kevin sent : monday , march 05 , 2001 8 : 19 am to : kaminski , vince ; shanbhogue , vasant cc : port , david subject : weekly report >",0 +"Subject: wharton entrepreneurship conference info . this looks like a great opportunity for us . jeff - - - - - - - - - - - - - - - - - - - - - - forwarded by jeffrey a shankman / hou / ect on 10 / 04 / 2000 05 : 54 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - kristin gandy @ enron 10 / 04 / 2000 02 : 14 pm to : jeffrey a shankman / hou / ect @ ect cc : subject : wharton entrepreneurship conference info . do you want to participate in this event ? kristin - - - - - - - - - - - - - - - - - - - - - - forwarded by kristin gandy / na / enron on 10 / 04 / 2000 02 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - cassandra santos on 09 / 29 / 2000 01 : 04 : 21 pm to : celeste . roberts @ enron . com cc : kristin . gandy @ enron . com subject : wharton entrepreneurship conference info . dear celeste and kristin : i am re - sending information regarding the wharton entrepreneurship conference and the opportunities to sponsor the conference as well as participate in the expo . we are expecting the conference to double in size with more than 1000 attendees . in addition , we would like to emphasize that the spirit of entrepreneurship is alive and well outside of the "" dot . com "" world including in large , innovative companies such as enron . we have already lined up some smash hit speakers including christy jones of trilogy and pcorder as well as anita roddick of the body shop . we would be very interested to have the participation of enron in the conferences as a sponsor or at the very least , a participant in our career expo . thank you very much for your time and consideration . sincerely , cassandra santos co - chair , wharton entrepreneurship conference 215 . 732 . 7940 h 215 . 498 . 3243 w - resend enron . doc - fundraising packet 2000 . doc",0 +"Subject: re : digitals many thanks . gillian .",0 +"Subject: re : power plant model hi vince : number one below is fine . . . the more accurate the ebitda model the better . your "" tweaking "" of the model at this point won ' t create any chinese wall problems . michelle and gary will talk about the programmer issue on monday , and get back to you . i apologize if there was any confusion . we ' re certainly grateful for alex ' s involvement . today is my last day of associate rotation within the financial trading group , and i start at ees on monday . i handed off the project as best i could , and of course will be available if you need me . my e - mail and phone number will be the same . have a nice weekend . jeff vince j kaminski @ ect 01 / 05 / 2001 03 : 26 pm to : jeff m gray / na / enron @ enron cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , alex huang / corp / enron @ enron , gary hickerson / hou / ect @ ect , michelle d cisneros / hou / ect @ ect subject : power plant model jeff , a few comments on the model : 1 . we have a few reservations about some features of the model but would like to discuss it internally and make the improvements without giving the benefit of our insights to the consultant . in general , the model is not unreasonable but the devil is always in the details and in the inputs and calibration . the same model may produce drastically different results depending on the quality of inputs . 2 . we don ' t have a separate pool of programmers in the research group . we were told that you would provide an it resource . alex would supervise this person . vince",0 +"Subject: re : congrats vince , thanks for the note - and congratulations on yours as well . i haven ' t had too much to do yet with the research guys here as they ' re pretty much self directed . once a week ( thursday am ) i ' ve started a joint project update meeting with structuring and research . i hope this way the structuring team can bounce quantitative issues off research and the research guys can stay closer to the commercial deals . - dale vince j kaminski 11 / 01 / 2000 16 : 08 to : dale surbey / lon / ect @ ect cc : subject : congrats dale , congratulations . well deserved . i am very happy your tremendous contribution to the company has been recognized . vince",0 +"Subject: 1997 risk paper on pricing of electricity derivatives hello vince , my name is bernard murphy - i received your e - mail address from les clewlow , who was my phd supervisor at the financia options research centre at warwick business school . i ' ve just finished my phd on electricity price jump diffusions : a theoretical and empirical study in incomplete markets - hence my interest in electricity price modelling and derivative pricing . i was looking to get hold of a copy of your 1997 paper , which has recently come to my attention : "" the challenge of pricing & risk - managing electricity derivatives "" , the us power market , risk publications , pp . 149 - 171 . and les suggested that i contact you directly ( les is travelling at present and doesn ' t have an electronic copy available ) to request an e - copy . incidentally , i am lecturer in finance / financial mathematics at university of limerick ( ireland ) and have taken a year out to work for caminus uk , where i am working on introducing and developing a markets - based approach ( spark - spread ) to real asset valuations in the uk power industry . thanks in advancve bernard murphy",0 +"Subject: news review update the news review site , http : / / www . news - review . co . uk home of weekend city press review , now offers registered users two new features : all registered users can now : - do a text search in addition to a company search on the full six - year archive - and set up favourite companies on their home page for easier and faster access to articles within the review and the archive which relate to those companies the best way to keep abreast of the weekend ' s financial news and views is to receive an email copy of weekend city press review , either via the full review , or the clippings relating to specific companies in which you are interested . registered users are invited to take up the free offer of a 4 week subscription to any of the services , including pdf delivery of the review , and the clippings service . to login please use this url : ype = login you can download this weekend ' s full review free of charge at http : / / www . news - review . co . uk / freepdf . pdf from 8 pm uk time this sunday your username for this service is vkaminski if you have forgotton your password you can retrieve it at to remove yourself from this service please login and use the ' my profile ' option . our ref wcprvl : vkaminski",0 +"Subject: year end 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the year end 2000 performance management process by providing meaningful feedback on specific employee ( s ) . your feedback plays an important role in the process , and your participation is critical to the success of enron ' s performance management goals . to complete requests for feedback , access pep at http : / / pep . corp . enron . com and select perform review under performance review services . you may begin providing feedback immediately and are requested to have all feedback forms completed by friday , november 17 , 2000 . if you have any questions regarding pep or your responsibility in the process , please contact the pep help desk at : houston : 1 . 713 . 853 . 4777 , option 4 london : 44 . 207 . 783 . 4040 , option 4 email : perfmgmt @ enron . com thank you for your participation in this important process . the following is a cumulative list of employee feedback requests with a status of "" open . "" once you have submitted or declined an employee ' s request for feedback , their name will no longer appear on this list . review group : enron feedback due date : nov 17 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - andrews , naveen c rudi c zipter oct 31 , 2000 baxter , ashley david davies nov 02 , 2000 carson , richard l richard b buy oct 30 , 2000 crenshaw , shirley j wincenty j kaminski oct 26 , 2000 kindall , kevin vasant shanbhogue oct 30 , 2000 lamas vieira pinto , rodrigo david port oct 31 , 2000 supatgiat , chonawee peyton s gibner oct 27 , 2000 tamarchenko , tanya v vasant shanbhogue oct 26 , 2000 villarreal , norma e sheila h walton oct 26 , 2000 walton , sheila h david oxley oct 27 , 2000 yaman , sevil vasant shanbhogue oct 27 , 2000 yuan , ding richard l carson oct 31 , 2000",0 +"Subject: summer internship dr . kaminski , sorry for the late response , it took me some time to coordinate things . finally , it ' s almost dont : - ) it turned out that from june to august will be best for me for work at enron ( say june . 4 to august . 4 ) but i still need to know several things from your side . could you answer following questions ? first : is my suggested working period is ok with you ? if so , let me know what to do for settlement during the period . second : i got a list of work , i might be able to do for dealbench team from ross and suresh . i ' d like to know it is still a valid work list : the list he sent is as following : > 1 . write a paper in layman ' s terms that answers > questions like the following : > benefits of auctioning online for both buyers and > sellers , particularly in reverse auctions > explanation how multi - variable auctions are not > as efficient as price - only auctions ( is this true ? ) > how many participants are recommended for a > successful live auction > what types of goods and services are best suited > for live auctions versus sealed bid quotes > opinions on lotting strategies > trends in online private auctions > 2 . identify appropriate recent auction research ( 3 > or 4 papers out of the 90 + you provided ) and obtain approvals from the > authors to post on our site > 3 . create a list / bibiliography of relevant auction > literature ( with hyperlinks ? ) > 4 . would you be willing to offer auction consulting > services to our customers ( if they are interested ) third : there is an e - procurement forum at haas school of business , in may 22 . the chair of the forum is my advisor prof . arie segev . a person from wells fargo bank will talk about wells fargo ' s role in e - marketplace payment initiative , where enron broadband services is also one of key players along with citibank . he asked me whether you can contact a person at enron broadband services , who ' s related to the initiative . he wants to know whether we will have a speaker from enron to see enron ' s perspective , in the forum . here is a link to news related to the initiative , fourth : my advisor wants to know whether there could be any opportunity to do a case study , regarding enron ' s business . he is interested in e - procurement and e - marketplaces . business model and system architecture . . . thanks for reading this long email . i ' ll look forward to your answer . . i am sorry for giving you so much burden to answer those questions possibly not easy to answer . warm regards , jinbaek jinbaek kim ph . d candidate dept . of industrial engineering and operations research u . c . berkeley http : / / www . ieor . berkeley . edu / ~ jinbaek go bears ! : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . : a a : _ _ . . . . . _ : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . : . ' : ` . : ` , ` . ` . : ' - - ' - - ' : . ' ; ; : ` . _ ` - ' _ . ' ; . ' ` . ' "" ' ; ` . ' ; ` . ` : ` ; . ` . ; ; : ; . ' ` - . ' ; : ; ` . _ _ . ' . ' . ' : ; ` . . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' ` . . . . . . . - ' ` . . . . . . . . ' on mon , 5 mar 2001 vince . j . kaminski @ enron . com wrote : > > jinbaek , > > this is fine though you are welcome to spend more > time with us this summer . > > vince > > > > > > jinbaek kim on 03 / 04 / 2001 03 : 45 : 40 pm > > to : vince . j . kaminski @ enron . com > cc : > subject : re : summer internship > > > dr . kaminski , > > thanks for your answer . > before i tell you the time frame , > i ' ll need to talk with my advisor , first . > because here is an on - going - project . > i need to coordinate the schedule . > > i ' ll appreciate it if you understand my situation , > and give me some time ( less than a week , of course ) . > > for your reference , > probably > the dates i ' d like to ask you will be > from mid - may to mid - july ( 2 months ) > > warm regards , > jinbaek > > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > jinbaek kim > ph . d candidate > dept . of industrial engineering and operations research > u . c . berkeley > http : / / www . ieor . berkeley . edu / ~ jinbaek > > go bears ! > > : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . > : a a : _ _ . . . . . _ > : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . > : . ' : ` . : ` , ` . > ` . : ' - - ' - - ' : . ' ; ; > : ` . _ ` - ' _ . ' ; . ' > ` . ' "" ' ; > ` . ' ; > ` . ` : ` ; > . ` . ; ; : ; > . ' ` - . ' ; : ; ` . > _ _ . ' . ' . ' : ; ` . > . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; > ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' > ` . . . . . . . - ' ` . . . . . . . . ' > > > on fri , 2 mar 2001 vince . j . kaminski @ enron . com wrote : > > > > > jinbaek , > > > > you can coordinate the details with me . > > let me know what the time frame is for you > > and we shall send you an appropriate offer . > > > > vince > > > > > > > > > > > > jinbaek kim on 03 / 02 / 2001 04 : 43 : 06 pm > > > > to : vince . j . kaminski @ enron . com > > cc : > > subject : re : summer internship > > > > > > dr . kaminski , > > > > thank you very much . > > of course , i ' ll be happy to have an opportunity > > to work at such a wonderful company . > > i was contacting with surech raghavan at deal bench team , > > and was going to express my appreciation to you again > > after settling down process with them . > > > > for the period of working , > > i still need to coordinate with my advisor and > > may need to adjust according to that . > > but anyway , i ' ll try to coordinate smoothly . > > > > please let me know whether i should keep contacting > > with deal bench team , > > for working period and > > for misc . living support such as finding a place , rent a car , etc . > > > > i appreciate you so much again , > > for arranging such meetings and giving me an opportunity . > > all this opportunity will not be available to me , > > without your kind help . > > > > warm regards , > > jinbaek > > > > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > > jinbaek kim > > ph . d candidate > > dept . of industrial engineering and operations research > > u . c . berkeley > > http : / / www . ieor . berkeley . edu / ~ jinbaek > > > > go bears ! > > > > : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . > > : a a : _ _ . . . . . _ > > : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . > > : . ' : ` . : ` , ` . > > ` . : ' - - ' - - ' : . ' ; ; > > : ` . _ ` - ' _ . ' ; . ' > > ` . ' "" ' ; > > ` . ' ; > > ` . ` : ` ; > > . ` . ; ; : ; > > . ' ` - . ' ; : ; ` . > > _ _ . ' . ' . ' : ; ` . > > . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; > > ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' > > ` . . . . . . . - ' ` . . . . . . . . ' > > > > > > on fri , 2 mar 2001 vince . j . kaminski @ enron . com wrote : > > > > > hello , > > > > > > sorry for a delay in getting back to you . > > > we would like very much to offer you a summer internship . > > > > > > please , let me know if you are interested . > > > > > > vince kaminski > > > > > > > > > > > > > > > > > > > > > > > >",0 +"Subject: re : enron case studies eric , i have a number of case studies on enron but not the one on sutton bridge . i know that peter tufano was working on it but when i checked the hbs site and tried to purchase it , i could not locate it . when i talked to peter a few months ago , he told me that the case study was ready and he was going through enron ' s internal approvals . i cc mark palmer on it . maybe he knows about this specific case study . i wander if it was completed , given sutton bridge developments . vince eric gadd 11 / 10 / 2000 05 : 49 am to : vince j kaminski / hou / ect @ ect cc : subject : enron case studies vince - where might i find copies of the case studies enron has published ? i ' m particularly interested in the sutton bridge publication for havard but would like to know if there is a library of case studies .",0 +"Subject: earthsat summer seminar fyi - - - mike - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 07 / 26 / 2000 05 : 49 am - - - - - - - - - - - - - - - - - - - - - - - - - - - todd decook 07 / 25 / 2000 01 : 07 pm to : mike a roberts / hou / ect @ ect , jose marquez / corp / enron @ enron cc : subject : earthsat summer seminar - - - - - - - - - - - - - - - the earthsat summer seminar can be downloaded from the following site . . . ? ? just click on the above link to download the file , or copy the link and paste it for the url address in the browser of your choice . ? if you have any questions or problems downloading this file , please contact me ( scott gay ) or dave birmingham at ( 301 ) 231 - 0664 . ? - scott - - - scott gay ( sgay @ earthsat . com ) staff meteorologist / computer support cropcast services earth satellite corporation phone : ( 301 ) 231 - 0664 fax : ? ? ? ? ( 301 ) 231 - 5246 ? ? - imageo 01 . gif",0 +"Subject: re : willow and pathstar evaluations mike , we are short manpower in london . we shall try to evaluate the software in houston . vince "" mike curran "" on 04 / 24 / 2001 10 : 03 : 24 am please respond to "" mike curran "" to : cc : subject : willow and pathstar evaluations hi vince - hope all is well with you . sharad hasn ' t had time to evaluate our willow tree or monte carlo software since the middle of last year . is there somebody else that could do it ? please let me know who i should send the evaluation to . best regards , michael curran ceo quantin ' leap limited piercy house 7 copthall avenue london ec 2 r 7 nj tel : + 44 ( 0 ) 20 7562 3450 fax : + 44 ( 0 ) 20 7562 3411 mailto : mcurran @ quantinleap . com http : / / www . quantinleap . com",0 +"Subject: re : get together for dinner vasant , thanks for the invitation . it works for me . vince vasant shanbhogue 10 / 27 / 2000 01 : 49 pm to : massong @ epenergy . com , vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect cc : subject : get together for dinner hi everyone , before grant leaves houston , i wanted to have a small get - together at my house for dinner . since everybody is very busy , i want to schedule a date well in advance , so i am suggesting saturday , dec 2 . this will be dinner with family . please let me know if this works for you . thanks , vasant",0 +"Subject: power 2001 paul , my apologies for a delay in getting back to you with my bullet points . the beginning of the year was quite hectic . i am working from home today , trying to catch up . the program for the 2001 conference looks great ; it ' s likely to be the most interesting and best attended eprm conference ( hopefully , some players will be still around ) . to answer some of your questions : 1 . i shall be glad to serve on the panel 2 . the title of the talk is fine ( american spelling of modelling is modeling ) 3 . bullet points will follow in the next message ( i shall send it in a few minutes ) 4 . vincent kaminski , managing director , enron corp . 5 . vincent kaminski ? ? ? enron corp . ? ? ? 1400 smith ? ? ? room ebl 962 ? ? ? houston , tx 77002 ? ? ? ? ? ? regards , vince",0 +"Subject: resume of mark giancola attached is the resume of mark giancola . mark is the husband of penny pan , a uva business school student for whom i was mentor last summer . penny has received a permanent offer and is inclined to accept if her husband can find suitable employment in houston . as you will see from his resume , mark has worked as an economist in the public and private sectors for the past 2 . 5 years . mark is interested in a role where he can use his abilities to analyze political , credit currency and related risks . please let me know if you have any interest . thanks , rich john : is there a place here in enroncredit . com ? _ _ _ _ _ _ _ _ _ penny mentioned that you might have some ideas about job opportunities in houston for someone with my background . as you know , penny was pleased to receive an offer from enron and i plan to earnestly look into the houston job market myself . the weeks leading up to the annual imf / world bank meetings are one of the busiest times of year for us , but now that they are over i have had a chance to update my resume ( attached ) . i would be grateful if you would take a look and pass it on to anyone you think might be interested . as you will see , most of my background is policy related , and most recently international economic policy . however the skills i have developed have applicability in the private sector as well . for example , a large part of my job at the treasury involves sovereign risk analysis . two possible avenues i see for building on this knowledge are : 1 ) applying my knowledge to decisions regarding allocation of global financial assets ; or 2 ) identifying risks facing a mutinational company and developing strategies to reduce that risk . i should mention that in addition to my economics training i do understand basic finance , and i am preparing to begin the cfa . i should also note that the work environment here at the treasury is quite fast paced , with constant deadlines and a great deal of pressure placed on economists . i tend to work 55 + hours per week so i do not expect i would need to adjust signifiantly if i were to move to the private sector . i greatly appreciate your taking the time to look at my resume and giving some thought to where i might look . i welcome any comments and ideas you might have . thanks , mark giancola p . s . the formatting on my resume seems to change whenever i e - mail it ; let me know if you prefer that i fax it to you . - resume 8 . doc",0 +"Subject: re : address i trust things are well in houston . the reason for contacting you is to inquire as to your schedule during the week commencing monday 18 th september . i and several of my colleagues would very much like to meet up with you , however , we are tied up at a large conference between tuesday through to friday of that week . is there any chance in meeting with you on monday 18 th ? if so , i will brief you more fully on our people and will contact you to discuss an agenda . regards , allan * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it .",0 +"Subject: re : pre - meeting weathereffects site cruise sold ! i ' ll initiate the call . - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : friday , june 30 , 2000 3 : 44 pm to : ekrapels @ esaibos . com cc : vince j kaminski subject : re : pre - meeting weathereffects site cruise ed , thursday works for me . what about 10 : 30 my time ? vince "" edward krapels "" on 06 / 30 / 2000 02 : 43 : 00 pm please respond to to : "" ' vince j kaminski ' "" cc : subject : re : pre - meeting weathereffects site cruise how about thursday , july 6 ? - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : friday , june 30 , 2000 3 : 29 pm to : ekrapels @ esaibos . com cc : vince j kaminski subject : re : pre - meeting weathereffects site cruise ed , a correction . i shall spend an entire day at prc ( performance review ) on friday , july 7 . can we do on another day vince "" edward krapels "" on 06 / 30 / 2000 12 : 40 : 59 pm please respond to to : "" ' vince j kaminski ' "" cc : subject : re : pre - meeting weathereffects site cruise i ' ll still be here in boston so we ' d do it over the phone . ok ? - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : friday , june 30 , 2000 12 : 11 pm to : ekrapels @ esaibos . com cc : vince j kaminski subject : re : pre - meeting weathereffects site cruise ed , will you be in houston on that day or we shall do it over the phone ? vince "" edward krapels "" on 06 / 30 / 2000 09 : 13 : 04 am please respond to to : "" ' vince j kaminski ' "" cc : "" jeffrey shorter \ ( e - mail \ ) "" subject : pre - meeting weathereffects site cruise vince , how about a pre - meeting web site cruise on friday , july 7 at 11 am edt ? ed - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : friday , june 30 , 2000 9 : 52 am to : ekrapels @ esaibos . com cc : vince j kaminski subject : re : next visit to houston ed , july 12 , 2 : 30 it is . i would like the pre - meeting site cruise . how can we arrange it ? vince "" edward krapels "" on 06 / 30 / 2000 04 : 00 : 53 am please respond to to : "" ' vince j kaminski ' "" cc : "" jeffrey shorter \ ( e - mail \ ) "" subject : re : next visit to houston vince , we ' re all set for 2 : 30 on july 12 . how about a pre - meeting web site cruise on friday , july 7 at 11 am edt ? ed - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : thursday , june 29 , 2000 5 : 04 pm to : ekrapels @ esaibos . com cc : vince j kaminski ; shirley crenshaw subject : re : next visit to houston ed , wednesday , july 12 , 2 : 300 will work for me . i shall be glad to review your website - - www . weathereffects . com . i shall invite some people who work on electricity in my group to join me . vince "" edward krapels "" on 06 / 29 / 2000 03 : 53 : 40 pm please respond to to : "" ' vince j kaminski ' "" cc : "" jeffrey shorter \ ( e - mail \ ) "" subject : re : next visit to houston vince , good to hear from you and i ' m glad you ' re available . how is wednesday at 2 : 30 ? i did look at eol and am not surprised to see its quality . i was unable to say much about it in my risk electricity hedging and trading report because of deadline pressures . how is the site doing ? i am intrigued by the competition for trading platforms and was astonished to hear that goldman , morgan , bp and shell were going to launch a site to compete with yours . talk about a shotgun marriage ! if we have time next week , i could step you through our website - - www . weathereffects . com . i ' m very proud of what we ' ve done . i can ' t give out a password yet but would be happy to walk through the site with you over the phone using my password . it ' s a very ambitious site - - with state - of - the - art wsi weather ( seasonal , 6 - 10 , and day to day ) driving a good load model for pjm and nepool . esai contributes oil and gas input price forecasts , capacity judgments , and "" herding "" ideas to develop power price forecasts for same time periods . after one month ' s full - bore effort , i ' m pleased with the results ( e . g . , we forecast nepool onpeak to be $ 43 and it turned out $ 46 ) . have a great weekend . ed - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , june 28 , 2000 5 : 29 pm to : ekrapels @ esaibos . com cc : vince j kaminski ; shirley crenshaw subject : re : next visit to houston ed , i shall be available on both days . what about wednesday , july 12 , between 1 : 30 and 4 : 00 . please , let me know what time would work for you . it will be nice to see you again . vince p . s . by the way , did you have a chance to take a look at the eol ? "" edward krapels "" on 06 / 28 / 2000 02 : 49 : 41 pm please respond to ekrapels @ esaibos . com to : vince j kaminski / hou / ect @ ect cc : subject : next visit to houston dear vince , i will be returning to houston during the week of july 10 . esai and weather services international have launched - - after more than 18 months of r & d - - our service , called energycast power trader and energycast gas trader , for power traders in nepool and pjm . i would be happy to review the service with you as well as take you on a tour of our web site . are you available on july 12 - 13 ? sincerely , ed krapels",0 +"Subject: saturday on saturday i came to work and did some things that i needed to do . also , there were some things left undone that i felt i should do . mainly the conference room - we will schedule all birthday ' s and meetings in the large conference room therefore , i made the room look more spacious . also on monday - we need to check with the painters too see if they are going to repair our walls . we also need to get the additional pictures from the cage and get them placed on the wall whereby the move can be completed . if either of you have any questions or know of more things to do please let ' s get together and discuss . thanks kevin moore",0 +"Subject: re : enron default swaps darrell , i am sending you 2 technical notes on enron default swaps : i hope that they will be useful . i shall read the articles on weekend . i am curious if you find these explanations satisfactory . we are very slow in preparing a number of technical documents for you for model reviews . we still hope you will be able to find some time to review our credit models ( for our london credit trading ) and var and option pricing related models . also , please check your invoices . i still think we owe you money . vince darrell duffie on 03 / 28 / 2001 08 : 07 : 38 am to : vince j kaminski cc : subject : re : enron default swaps vince : according to a bank of america publication , your ( enron ) default swap spreads are consistently trading about 80 basis points wider than your asset swaps . any idea of what is going on here ? thanks for any guidance , darrell darrell duffie mail gsb stanford ca 94305 - 5015 usa phone 650 723 1976 fax 650 725 7979 email duffie @ stanford . edu web http : / / www . stanford . edu / ~ duffie / ",0 +"Subject: re : cantekin , can you figure out the reason for cocoa beans var fluctuations ? the same is true of aluminum . i assume this is the position change . vince cantekin dincerler 07 / 26 / 2000 09 : 28 am to : anjam ahmad / lon / ect @ ect , kirstee hewitt / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : anjam and kirstee , as i have suspected the position as of 6 / 30 vs 7 / 19 makes the difference . the first table first column is my var number with 6 / 30 position and gold & silver prices , the second column is your var with 7 / 19 position and dummy gold & silver prices . the second table first column is my var with 7 / 19 position and 6 / 30 gold & silver prices , the second column is as before . i would ask you to plug the gold and silver prices and see what kind of numbers you get in order to verify we are on the same page . please refer to modelvar 2000 . xls that i have sent you for gold & silver prices and volatilities . thank you , cantekin table 1 table 2",0 +"Subject: re : research sign off i totally agree . what you list is all we are after . steven leppard 29 / 01 / 2001 15 : 45 to : james new / lon / ect @ ect cc : tani nath / lon / ect @ ect , ted murphy / lon / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : research sign off james i agree with what you say - my view is that research can : - assess a model ; - state what the model does ; - give a view of how closely the model achieves its objectives ; - assess what the risks of using the model are . it is for rac to determine whether enron is prepared to accept this risk . i discussed this issue with ted , and he seems to agree with this broad splitting of responsibilities . steve james new 29 / 01 / 2001 13 : 59 to : steven leppard / lon / ect @ ect cc : sharad agnihotri / lon / ect @ ect , tani nath / lon / ect @ ect , ted murphy / lon / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : research sign off steve , i understand your comments but the ' sign off ' is a cross functional thing and research are effectively only being asked to sign off their part which is broadly as you describe below . if you have doubts as to the interpretation of a research sign off then it should be qualified to state what you are prepared to sign off on . other functions should be asked to do like wise for their area which will mean that when all areas have signed off their part the picture is complete . somebody needs to coordinate this and usually in london it is the risk management guy . does this make sense ? steven leppard 24 / 01 / 2001 09 : 42 to : sharad agnihotri / lon / ect @ ect cc : tani nath / lon / ect @ ect , ted murphy / lon / ect @ ect , james new / lon / ect @ ect , vince j kaminski / hou / ect @ ect subject : research sign off hi sharad i note from our discussion earlier this morning that you ' ve been asked to sign off a calculation from another group , which is something we ' re asked to do from time to time . i take the view that we in research can assess a computation in terms of what it achieves with respect to its requirements , what its shortfalls are , and therefore what the risks associated with using this method are . we cannot provide an opinion on whether these risks are acceptable to enron , which i feel falls firmly within rac territory . this then raises the question of can research sign off anything for other groups after all ? to "" sign off "" means to accept something , which our opinion in itself cannot do . it is most appropriate for us to provide a technical note outlining the methodology , risks and shortcomings of a method , leaving the formal "" sign off "" to those best placed to assess these risks for our company . the alternative is for multiple groups each to have their own view on what is acceptable risk for the company . steve",0 +"Subject: re : real options presentation thanks for the comments grant . the presentation is for a couple of external conferences that vince volunteered me for - vince has ok ' d the content , and stinson raised exactly the same issues as you . unfortunately i just don ' t seem to be getting any response from risk whatsoever on the publication of my article , so these conferences will be the public debut for my real options notation . of course the discounting / risk neutrality thing is where the real judgement sits . when questions arise i ' ll take the line that while research formulates the models using appropriate derivatives / market based valuation methods , we work with our rac group which considers the discounting to be associated with various risks , and chooses these rates appropriately . the notation makes clear which uncertainties we are exposed to at different stages of the deals , which assists in choosing the rates . in practice i ' m not yet at the stage where originators are using my notation yet - another reason i can ' t say too much about its actual use at the conference . i ' m producing various tools for deterministic hydro optimization , gbm swing option valuation , and deterministic dp optimization for genset dispatch which people want right now - i ' m working in the background on the kind of modelling my notation demands . people are getting to know me as a guy who can solve their immediate problems , and they ' ll be more likely to listen when i start rolling out the "" proper "" options - based models . my notation is currently used only in the specs i ' m writing for the tools i ' m producing . i ' ll be turning dale ' s spreadsheet - based power plant spread model into an american monte carlo tool , which will then be available for inclusion in other models . i think by the end of the summer the real options theoretical work will start to bear fruit , one year after i initially proposed the notation . with the quant it group i ' m co - creating in place , i may yet see the automated diagramming / pricing tool made real . thanks also for the pointer to tom halliburton . the use of the lingo lp / integer package is something i ' ve been presented with for the teesside plant operation optimizer , rather than something i chose . the perm ( physical energy risk mgt ) group just got a couple of analysts to hack it together ( including natasha danilochkina ) , then asked me to tidy it up when it didn ' t work . they are going to use their existing faulty model for now ( to meet their project deadlines ) , and i ' m sketching out a proper mathematical spec for the problem . i ' ve persuaded ( ! ) them that this sort of business - critical system should be developed properly by research , and they now seem happy to fall into line . their wilton plant optimizer was developed by one peter morawitz , the guy i hoped to recruit into research , and they obviously didn ' t realise he was better than average at quantitative modelling . anyway they now accept that doing it properly will take months rather than weeks , and i ' ll have a freer hand in my choice of modelling tool - so a chat with tom would be extremely valuable . cheers , steve enron capital is this an internal enron or external presentation ? if external , i would say it is just at the limit before sliding into proprietary stuff . perhaps that ' s why you ' ve neatly almost entirely avoided questions about discounting and risk - neutrality or lack of it ? regards , grant .",0 +"Subject: re : backtesting naveen , most of these tests have been already coded . the code and the associated spreadsheets may have been lost inn the sands of time . please , check with vasant : it may save you some time . vince naveen andrews @ enron 08 / 23 / 2000 05 : 51 pm to : vince j kaminski / hou / ect @ ect cc : subject : backtesting vince , i am currently implementing the backtesting features into our risk management system . i distributed the following document at our research meeting today ; it outlines the conventional binomial test and some other tests , including the basle regulatory test . of course , no one test is powerful and the efficacy of these tests breakdown for low sample sizes , etc . if you can think of other tests to complement these , please let me know . regards naveen",0 +"Subject: invitation to sunday dinner with vince @ 6 . 45 pm dinner changed to 6 . 45 pm - 6 . 30 pm is too early for them . table for 4 booked under vince ' s name . regards , anjam x 35383 - - - - - - - - - - - - - - - - - - - - - - forwarded by anjam ahmad / lon / ect on 17 / 02 / 2000 17 : 55 - - - - - - - - - - - - - - - - - - - - - - - - - - - anjam ahmad 14 / 02 / 2000 15 : 48 to : steven leppard / lon / ect @ ect , benjamin parsons / lon / ect @ ect cc : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : invitation to sunday dinner with vince @ 6 . 30 pm hi steve & ben , we are planning an early sunday dinner ( one of the few evening slots that are free in vince ' s schedule ) at : diverso restaurant 85 piccadilly london wlv 9 hd tel : 020 7491 2222 it ' s just a few yards to the left of park lane hotel on park lane , close to hyde park corner underground and we ' ve been there before . vince would like to discuss the latest developments and it seems like the best opportunity to do so . please let me know if you can make it and i can make sure the table is booked accordingly . regards , anjam x 35383 p . s . vince will be staying at the park lane hotel , telephone number 0171 499 6321",0 +"Subject: re : presentation dawn , i met david sobotka from koch this morning and we talked about coordinating our presentations . this means there will be changes intended to avoid overlaps . sorry for that . the portions of my presentation will survive ( those about valuation paradigms ) and i shall add a few more pages on accounting treatment of weather derivatives plus more specific examples . david will cover primarily market evolution + plus examples of some standard structures , and we shall both give more interesting examples of specific deals executed by our companies . i shall send you an updated version of my part next week . let me know what the deadline is . vince "" dawn scovill "" on 03 / 14 / 2000 07 : 53 : 47 am to : "" vince j kaminski "" cc : subject : re : presentation thanks - - would you like me to include these in the conference book ? or do you anticipate changes ? dawn from : dawn scovill , conference coordinator "" powerful new ideas 2000 "" dawn @ perfectmeeting . com - - - - - original message - - - - - from : vince j kaminski to : cc : shirley crenshaw ; vince j kaminski ; vince j kaminski sent : monday , march 13 , 2000 1 : 56 pm subject : presentation > > > dawn , > > i am sending you an electronic version of my presentation . > > vince kaminski > > ( see attached file : fplo 400 . ppt ) >",0 +"Subject: mark keeter presentation - proposal - solution the july 6 th meeting from 2 : 30 till 4 : 30 is being held in eb 45 cl",0 +"Subject: re : agenda for houston visit christian , good news vince has approved getting a corporate apartment for your stay please forward your finalized arrival date and extent of stay and i will coordinate - - - mike",0 +"Subject: re : recruiting at cmu computational finance program rick , thanks for your message . i am familiar with the computational finance program and value its high quality . please , call me next week . the best time is between 7 : 00 and 8 : 30 a . m . cst . vince "" rick bryant "" on 07 / 26 / 2000 01 : 27 : 23 pm to : vince j kaminski / hou / ect @ ect cc : "" kevin kindall "" , "" ken keeley "" , "" sanjay srivastava "" subject : recruiting at cmu computational finance program vince , greetings ! i am the director of the ms in computational finance program at carnegie mellon . i am following up on a conversation i had with kevin kindall , a graduate of our program , who gave me your e - mail address and suggested i contact you as the individual making the recruiting decisions for the research group at enron . in speaking with the director of the career opportunity center at the business school , i am told that although an alison bailey from enron ( mary . alison . bailey @ enron . com ) has arranged for a sizable block of rooms in which to conduct interviews on campus on december 11 th , there is as yet no indication of whether the comp finance students will have opportunity to compete for these spaces . we are regarded by many in the industry as the top quantitative finance program in the country . focused on derivative pricing , econometrics , var and portfolio management , our graduates should be an excellent fit for your business . i would be happy to talk with you further about our rogram ( http : / / student . gsia . cmu . edu / mscf / ) as well as our students ' interest in enron ( the name comes up a lot ! ) . also , if you are interested , we run a "" speaker series "" on most friday ' s during the fall and spring that would give you ( or another in your group ) the opportunity to address our students in an area of interest . such a meeting would , i think , help you better understand the careers our students are preparing to pursue as well as give our students first hand knowledge of enron and its future . when might be a good time to contact you by telephone ? thank you for your time . rick richard l . bryant director , computational finance program carnegie mellon university graduate school of industrial administration pittsburgh , pa 15213 phone / fax ( 412 ) 268 - 4592 / ( 412 ) 268 - 6837 http : / / fastweb . gsia . cmu . edu / mscf",0 +"Subject: henwood ' s ercot symposium - registration confirmation dear vince , thank you for registering for henwood ' s ercot symposium on january 23 , 2001 . we are pleased to confirm your attendance . attached is a copy of the program agenda . as indicated , registration will begin at 9 : 30 am . the program begins at 10 : 00 am and runs until 3 : 00 pm . lunch along with refreshments will be provided . demonstrations of henwood ' s software applications and ebusiness solutions will be available following the workshop for interested parties . directions to the hyatt regency houston are attached for your convenience . please do not hesitate to contact me with any questions or concerns that you may have . we look forward to seeing you in houston ! heather mason marketing assistant henwood energy services , inc . 2710 gateway oaks dr . suite 300 n sacramento , ca 95833 phone : ( 916 ) 569 - 0985 fax : ( 916 ) 569 - 0999 - agenda version b . doc - hyatt directions . doc",0 +"Subject: update on mg var model hi vince , thanks for the e - mail . we have included live links to price curves through reuters quotes via telerate bridge but we still have static curves for gold and cocoa . kirstee is talking to andreas in ny to obtain position files on a daily basis , addressing point 2 ) in your e - mail , as well as looking into longer term integration issues . cantekin and i have agreed the correct correlations for the metals between us , but cantekin is currently checking the correlations for silver and gold . preliminary results based on positions as of 19 th july are as follows : we noticed that position mapping at the front months can change var significantly . as you stated , kirstee hewitt will now be assuming responsibility for further modifications to the model on the london side and to this end i have ensured that kirstee is put in touch with key personnel like andreas ( andreas will be in the london office next week ) and has access to all the information she needs . regards , anjam ahmad research x 35383 spreadsheet :",0 +"Subject: confirmation of your order this is an automatic confirmation of the order you have placed using it central . request number : ecth - 4 r 5 mlm order for : vince j kaminski 1 x ( standard desktop $ 1262 ) 1 x ( standard 21 "" monitor $ 739 ) enron it purchasing",0 +"Subject: re : visit to enron by professor nalin kulatilaka of boston university hi iris : may 17 th is fine . he will probably need to come in the night before ( the 16 th ) and he can make a hotel reservation at the doubletree or the hyatt and tell them he is a guest of enron and he will get a corporate rate . we will reimburse him for room expense only . he will need to pick up any miscellaneous room charges . we will also reimburse him for his flight expense and cab fare . the doubletree telephone # is : 713 - 759 - 0202 and the hyatt telephone is : 713 - 654 - 1234 . he can either leave his receipts with me when he is here or mail them to me and i will have a check cut . i will need his ss # . if you have any more questions , please let me know . thanks ! shirley from : iris mack / enron @ enronxgate on 04 / 20 / 2001 04 : 32 pm to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , shirley crenshaw / houston / eott @ eott cc : nalink @ bu . edu @ smtp @ enronxgate subject : re : visit to enron by professor nalin kulatilaka of boston university hi shirley , vince has requested that we invite professor nalin kulatilaka of boston university to speak at one of our thursday group luncheons / seminars . nalin says he is available to speak on may 17 th . can you let me know if this is okay , and what the procedure is for invited speakers . thanks and have a good weekend , iris",0 +"Subject: re : hib visa application - sevil yaman margaret , thanks for reminding me this issue . i think i ' ll be fine until i start full time here in the research group . as you know right now i am using curricular practical training as work permission . and until i graduate i am allowed do as many as part time cpt i want to do . because of tax purposes i think i ' ll use this right given to me . in this case , what i need to do is that after i and vince make sure about my full time start date ( this may happen in the beginning of 2002 ) , i ' ll let you know and send you the necessary document you require to initiate my hlb visa application process . thanks again . sevil , margaret daffin @ ect 25 - 04 - 2001 12 : 04 to : sevil yaman / corp / enron @ enron cc : norma villarreal / enron @ enronxgate , vince j kaminski / hou / ect @ ect , ramona perkins / enron @ enronxgate subject : hib visa application - sevil yaman sevil : please let me know when you will be sending me the information for your hib visa ? thanks margaret - - - - - - - - - - - - - - - - - - - - - - forwarded by margaret daffin / hou / ect on 04 / 25 / 2001 12 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - margaret daffin 04 / 10 / 2001 04 : 04 pm to : sevil yaman / corp / enron @ enron cc : norma villarreal / enron @ enronxgate , vince j kaminski / hou / ect @ ect , ramona perkins / enron @ enronxgate subject : hib visa application - sevil yaman sevil : in order that we may proceed with your request for permanent residency , our immigration attorneys have advised us that we need to process the hib visa , prior to the permanent residency application . therefore , i am attaching an hib visa questionnaire that i would like you to complete and return to me , together with copies of all of the documents listed at the bottom of the form . please bring these to me in 3 ac 2026 a . please let me know if you have any questions at x 55083 . thank you margaret",0 +"Subject: re : enron / stanford program nick , i shall be in stanford oct 14 - 15 , visiting my family . i would be glad to meet you ( and possibly giuseppe - your call ) for lunch . please , let mer know if you are free on one of these days . saturday would work better for me . vince nick bambos on 09 / 21 / 2000 02 : 09 : 46 pm to : stinson . gibner @ enron . com cc : vince . j . kaminski @ enron . com subject : re : enron / stanford program stinson , great ! i ' m looking forward to a very productive collaboration . i ' ll immediately start doing giuseppe ' s papers , for him to work on the enron / stanford program . many thanks to you and vince , and i hope to see you soon at stanford or enron . if i remember correctly , vince is visiting stanford in october . best regards , nick stinson . gibner @ enron . com wrote : > > nick , > > i spoke with paul racicot , head of trading for ebs , north america this > morning . he said that he is happy to send the $ 100 , 000 for your program > from his budget . i have forwarded to him the draft letter to accompany > the funds and will try to follow up to make sure that the money is sent > promptly . > > - - stinson",0 +"Subject: re : tony hamilton chris , e hired tony to support global markets but jeff shankman decided that , given highly specialized nature of his work it makes sense to put him in the research group , with a dotted line to mike roberts who is running our weather group . given that his work will directly and exclusively benefit gm , it makes sense for research to charge his expenses to global markets . we can adjust allocations to reflect his contributions to different sub - units of gm . tony spent the last few weeks in houston training for his position in london with mike roberts . we are very excited about the prospect of working with him . vince chris mahoney 04 / 05 / 2001 03 : 56 am to : tani nath / lon / ect @ ect , mark tawney / enron @ enronxgate , vince j kaminski / hou / ect @ ect cc : scott moncrieff / lon / ect @ ect , pierre aury / lon / ect @ ect , christie marshall / lon / ect @ ect , richard smith / lon / ect @ ect subject : re : tony hamilton tony was hired to work for global markets . think costs should be assigned to vince or mark but if you believe those costs should be for my group let me know . tani nath 05 / 04 / 2001 09 : 33 to : chris mahoney / lon / ect @ ect , scott moncrieff / lon / ect @ ect , pierre aury / lon / ect @ ect cc : christie marshall / lon / ect @ ect , richard smith / lon / ect @ ect subject : tony hamilton i now have tony on one of my rcs ( research ) . i understand he will be doing weather forecasts for some or all of you , and that he has a desk allocated in global . i need to recharge his costs - can someone please advise the right cost centre . many thanks , tani",0 +"Subject: timesheets hello all : i am afraid i did not allow enough time to do the time sheets by asking for them by the 15 th and 31 st . i really need these sheets by the 13 th and 28 th of each month as it takes a good half day to enter all the new times in the time sheets . i am resending this , because as of now i have received very few timesheets and i really need to start imputting the time . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 07 / 12 / 2000 11 : 25 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 07 / 11 / 2000 03 : 12 pm to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , mike a roberts / hou / ect @ ect , joseph hrgovcic / hou / ect @ ect , grant masson / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , zimin lu / hou / ect @ ect , alexios kollaros / hou / ees @ ees , martin lin / hou / ect @ ect , maureen raymond / hou / ect @ ect , osman sezgen / hou / ees @ ees , paulo issler / hou / ect @ ect , patricia tlapek / hou / ect @ ect , farouk lalji / hou / ect @ ect , amitava dhar / corp / enron @ enron , alex huang / corp / enron @ enron , kevin kindall / corp / enron @ enron , kevin g moore / hou / ect @ ect , clayton vernon / corp / enron @ enron , william smith / corp / enron @ enron , yanna crystal / corp / enron @ enron , jose marquez / corp / enron @ enron , samer takriti / corp / enron @ enron , chonawee supatgiat / corp / enron @ enron , shalesh ganjoo / hou / ect @ ect , tom halliburton / corp / enron @ enron , elena chilkina / corp / enron @ enron , cantekin dincerler / hou / ect @ ect , brad aimone / na / enron @ enron , datren williams / na / enron @ enron , sevil yaman / corp / enron @ enron , sofya tamarchenko / na / enron @ enron , bob lee / na / enron @ enron , ainsley gaddis / na / enron @ enron , gwyn koepke / na / enron @ enron , guiseppe paleologo / na / enron @ enron , hector campos / hou / ect @ ect , anita dupont / na / enron @ enron , youyi feng / na / enron @ enron , v charles weldon / hou / ect @ ect cc : subject : timesheets hello everyone : well it is almost that time again ! i am going to try something different . i am forwarding you the time sheet by email . save the document to whatever drive you want to and then fill out any off duty time or overtime that you had and return to me by email . i will need this by the 15 and 30 ( or 31 st ) of each month . this may work better than hand delivering . let me know what you think .",0 +"Subject: re : 1 / 2 day kevin , i ' m scheduled to attend the quarterly new - hire orientation all day on 16 march . i had planned to work the morning rush and then go over there . can we cover the noon and 2 : 00 p . m . tasks ? sam kevin g moore @ ect 03 / 10 / 2000 07 : 51 am to : shirley crenshaw / hou / ect @ ect , mike a roberts / hou / ect @ ect , vince j kaminski / hou / ect @ ect , william smith / corp / enron @ enron cc : subject : 1 / 2 day goodmorning shirley , reminder : i have a doctor ' s appointment on the 16 th of march . my appointment is for 11 : 30 am . i plan to leave around 11 : 00 a . m . thanks kevin moore",0 +"Subject: re : schedule for trip christie , john henderson committed in principle to speaking to the tigers . please , send him the location info and conform the time ( 2 : 00 p . m . ) . vince christie patrick @ ect 01 / 17 / 2001 07 : 46 am to : "" kim whitsel "" @ enron cc : @ enron , @ enron , "" chen , vincent "" @ enron , "" levitt , nicholas "" @ enron , "" bhalla , tulika "" @ enron , "" mallik , deepa "" @ enron , "" whitsel , kimberly "" @ enron , @ enron subject : re : schedule for trip hi kim , vince and i have received your questions , along with those of other tiger teams , and we are planning the agenda for the day accordingly . we look forward to seeing you tomorrow evening at churrasco ' s ! safe travel ! - - christie .",0 +"Subject: re : testing ir & fx var nick and winston , i understand that ir & fx var numbers are calculated every day in risktrac . this results are overwritten everyday in the database table by the official numbers calculated with the old version of the code . for the consistent testing we need historical results for each ir and fx sub - portfolio . can we store the numbers every day ? tanya",0 +"Subject: aga for 7 / 7 is forecasted at 68 the aga weekly change for the week ending on 7 / 7 is at 68 . the model predicted 66 for 6 / 30 , it came out at 69 . the following graph depicts the past performance . mike , where can i get the temperature data ? i believe the model can be further improved by incorporating some explanatory variables like temperature .",0 +"Subject: hotel for the wharton trip jennifer , this is the address of the hotel within a walking distance to the wharton school . please , make the reservation for jeff shankman at this hotel for the december the 6 th meeting . vince kaminski http : / / www . innatpenn . com / contact . html the inn at penn sansom common , 3600 sansom street philadelphia , pa . 19104 phone : 1 - 800 - 809 - 7001 fax : 215 - 222 - 4600 please , mention that the stay is related to the university business when making the reservation . tom piazze at wharton can confirm it . tom piazze phone : ( 215 ) 898 1615 piazzet @ wharton . upenn . edu",0 +"Subject: 2 - survey / information email 5 - 7 - 01 current notes user : to ensure that you experience a successful migration from notes to outlook , it is necessary to gather individual user information prior to your date of migration . please take a few minutes to completely fill out the following survey . when you finish , simply click on the ' reply ' button then hit ' send ' your survey will automatically be sent to the outlook 2000 migration mailbox . thank you . outlook 2000 migration team full name : login id : extension : office location : what type of computer do you have ? ( desktop , laptop , both ) do you have a pda ? if yes , what type do you have : ( none , ipaq , palm pilot , jornada ) do you have permission to access anyone ' s email / calendar ? if yes , who ? does anyone have permission to access your email / calendar ? if yes , who ? are you responsible for updating anyone else ' s address book ? if yes , who ? is anyone else responsible for updating your address book ? if yes , who ? do you have access to a shared calendar ? if yes , which shared calendar ? do you have any distribution groups that messaging maintains for you ( for mass mailings ) ? if yes , please list here : please list all notes databases applications that you currently use : in our efforts to plan the exact date / time of your migration , we also will need to know : what are your normal work hours ? from : to : will you be out of the office in the near future for vacation , leave , etc ? if so , when ? from ( mm / dd / yy ) : to ( mm / dd / yy ) :",0 +"Subject: your approval is requested please be informed that you have one or more srrs requests that are outstanding due to a pending action to approve or reject decision on your part . please go to the srrs ( lotus notes desktop icon ) and select the "" requests awaiting my approval "" option and complete the necessary action . more srrs request information can be seen within the request by clicking on "" resource display "" . your response will enable the srrs process to continue for eventual closure . thank you , information risk management",0 +"Subject: summer internship dear mr . kaminski i am currently pursuing the m . s . in ieor at uc berkeley . i attended the speech you gave some weeks ago . i am interested in summer internship positions available in enron . you will find enclosed my resume . sincerely , ezequiel luis este mensaje fue enviado desde http : / / commcenter . infosel . com internet gratis http : / / www . terra . com . mx / terralibre - resume elm . doc",0 +"Subject: met office presentation . . . vince - just fyi to keep you informed on our ews european effort . . . steve is doing a good job taking the bull by the horns , i asked him to rapidly build a client base and associated support system looking good ! - mike - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 04 / 10 / 2001 08 : 31 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : stephen bennett @ enron 04 / 10 / 2001 08 : 10 am to : annette harris / lon / ect @ ect cc : tony hamilton / eu / enron @ enron , mike a roberts / hou / ect @ ect , jose marquez / corp / enron @ enron subject : met office presentation . . . annette . . . we just wanted to drop you a quick line to thank you for the invitation to the uk met presentation today ! tony and i are currently trying to get a grasp of what the traders here require in the way of weather information and are building a support structure for them . as such - we will need to have close ties with the uk met office as well as other data providers . the information presented today was very helpful . we ' d like to take a little time to sit down with you - and / or some of the other participants whose markets are weather driven . we ' d like to get a feel for what data is already streaming in - and then get an idea as to how we can utilize and supplement that data for the europe markets . we have a model created in houston to start from - but we want to make sure to tailor to the needs of the traders here . would you like to take some time to sit down and chat ? perhaps tony and i can take you and some others out to lunch - or for an afternoon coffee ? thanks for your help . . . stephen bennett senior meteorologist enron research in london : april 7 - 27 : ext - 34761 tony hamilton meteorology manager enron research ext . 3 - 2523",0 +"Subject: re : var and credit meeting on wednesday , april 11 at 11 : 30 am everybody , this week our regular meeting will be devoted primarily to 2 subjects : 1 . simulating power prices in var ; 2 . capturing correlations across commodities as well as across term structure of forward prices . research will present some suggestions based on data analysis . detailed agenda is enclosed . please , let shirley crenshaw know if you are not planning to attend . tanya .",0 +"Subject: re : enron cover letter & resume for dave gershenson vincent , i have forwarded the resume to our analysts / associate pool with a recommendation to accept david as a summer intern . i expressed interest in taking him into my group . he may , of course , work for a different unit of enron . it ' s up to him and i shall not be offended if he would like to go into trading or deal origination . vince",0 +"Subject: pr department vince , i received this inquiry about you . i am forwarding it to you so you can respond to it or politely tell them your not interested . - - - - - - - - - - - - - - - - - - - - - - forwarded by cindy derecskey / corp / enron on 07 / 18 / 2000 12 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" alex . bandini "" on 07 / 18 / 2000 11 : 10 : 23 am please respond to to : cc : subject : dear sir / madam , i am writing on behalf of petroleum economics ltd , an energy consultancy firm based in london . we are currently updating our lists of contact addresses , and i would be most grateful if you could pass on contact details for mr vince kaminski , your head of quantitative research . yours faithfully alex bandini alex bandini petroleum economics limited tel : + 44 ( 0 ) 20 - 7553 - 2000 fax : + 44 ( 0 ) 20 - 7553 - 2001 e - mail : alex . bandini @ petroleum - economics . com http : / / www . petroleum - economics . com",0 +"Subject: hi hi shirley & vince : happy new year ! i am in our bombay offices for a couple of days , so am able to contact you . for some reason , the modem dialup from my computer hasn ' t been working . hope everything is going well in houston . anitha & i have good news . we are having our second baby . it was confirmed after we came to india . shirley , i have a favor to ask you on this matter . can you make an appointment for anitha with her doctor ? the details are as follows : dr . dolar patolia tel : 713 - 756 - 5500 name : anitha kakani dates : jan 29 th or 31 st . times : in order of preferance , after 3 pm , 12 - 3 pm , 10 am - 12 noon . reason : pregnant with due date of aug 8 th . needs a full checkup . anitha is having severe nausea , so she is taking rest most of the time . pallavi and i are enjoing our vacation thoroughly . thanks and best wishes , krishna . ph . 011 - 91 - 40 - 7114833 ps : please count jan 16 th & 17 th as working days for me .",0 +"Subject: re : f / u to dr . kaminski @ enron from iris mack molly , i would like to invite iris for an interview . you can contact her at the addresses she listed below or at her e - mail address . the following persons will participate at the interview : stinson gibner zimin lu tanya tamarchenko vasant shanbhogue myself stinson and i will take her out to lunch . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 27 / 2000 01 : 35 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" iris mack "" on 11 / 21 / 2000 04 : 12 : 43 pm to : irismmack @ hotmail . com , vince . j . kaminski @ enron . com cc : subject : re : f / u to dr . kaminski @ enron from iris mack hi again , i am visiting several family members and friends over the next few days . therefore it will be hard to contact me . however , next week i will be easier to reach . my contact details in nyc are as follows . i will be staying at the following hotels : washington square hotel from november 28 th for 3 nights ( tue , wed and thur ) 212 . 777 . 9515 marriott nyc financial december lst for 1 night ( fri ) 212 . 385 . 4900 at any rate , i will still try to reach you on tomorrow morning . if all fails , we will try to reach each other next week . happy thanksgiving , iris > from : "" iris mack "" > to : vince . j . kaminski @ enron . com > subject : re : f / u to dr . kaminski @ enron from iris mack > date : tue , 21 nov 2000 22 : 07 : 09 > > hi , > > how are you ? seems like we have had a bit of difficulty contacting each > other . sorry i missed your call . i am now in nyc - until december 2 nd . > > i will try to call you on tomorrow morning about 8 am houston time . > > take care , > iris > > > > > > from : vince . j . kaminski @ enron . com > > to : irismmack @ hotmail . com > > cc : vince . j . kaminski @ enron . com > > subject : hello > > date : tue , 21 nov 2000 15 : 14 : 31 - 0600 > > > > iris , > > > > we are trying to reach you but we are getting error messages . > > please , call me 713 853 3848 . > > > > vince > > > > > _ _ _ _ _ _ _ get more from the web . free msn explorer download : http : / / explorer . msn . com",0 +"Subject: request submitted : access request for leann . walton @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000005168 approver : stinson . gibner @ enron . com request create date : 10 / 18 / 00 2 : 06 : 37 pm requested for : leann . walton @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: re : another stanford acceptance thanks so much vince ! vince j kaminski @ ect 04 / 23 / 2001 11 : 09 am to : althea gordon / na / enron @ enron cc : greg . whalley @ enron . com , traci . warner @ enron . com , patricia . payton @ enron . com subject : re : another stanford acceptance althea great news . it ' s all your hard work . vince althea gordon @ enron 04 / 20 / 2001 01 : 43 pm to : vince . kaminski @ enron . com , brad . romine @ enron . com , brad . alford @ enron . com , martin . lin @ enron . com , stephen . swain @ enron . com , matt _ harris @ enron . net , elliot . mainzer @ enron . com , mauricio . mora @ enron . com , victor . browner @ enron . com cc : greg . whalley @ enron . com , traci . warner @ enron . com , patricia . payton @ enron . com subject : another stanford acceptance stanford team , we have received yet another acceptance - noah jacobs has accepted our offer as a summer associate . we are now 4 of 6 for our summer offers . i have sent paul kasper , our one full time offer a cultivation gift and will be checking in on him next week . also eric cope , a stanford student that vince kaminski ' s group had interviewed here in houston for a summer associate position has also accepted . all in all our stanford numbers are looking great ! many thanks to everyone and keep up the great work ! althea",0 +"Subject: sheila , gran ' t number : ( 281 ) 381 9987 . this is his cell phone number . vince",0 +"Subject: re : japanese crude cocktail & prompt brent vince marc and i spoke about the jcc brent relationship . i don ' t know enough about jcc to have a view if putting jcc on eol is a good idea . would be interested to know the realtionship to brent and learn more about it . also spoke to john chismar about jcc . it sounds pretty non - liquid acc . to john . let me know if there is something we can do . regards chris glaas enron capital & trade resources corp . from : marc de la roche 13 / 10 / 2000 13 : 18 to : chris glaas / lon / ect @ ect cc : doug leach / hou / ect @ ect , kevin kindall / corp / enron @ enron subject : re : japanese crude cocktail & prompt brent chris , thanks for the response . the comment about hedgeing jcc with brent is right on if the exercise is to hedge our own lng positions that we have tieds to jcc . note that the high jcc correlation to prompt brent is not something that is obvious to non - enron lng - tied - to - jcc buyers . if you are an lng - tied - to - jcc buyer , and you wish to hedge your purchases , wouldn ' t you want to be able to transact ona a jcc contract ? my objective is to have a jcc contract on eol , whereby we , enron , take the jcc / brent risk ( which is why we asked vince kaminski ' s group to study the relationship and give us a hedge ratio to use ) . i ' m attaching a model used to calculate jcc for dabhol power co . ' s adgas and oman lng contracts . basically what happens is that all the "" raw oil "" volumes imported into japan and added up and the total price is divide by the total volume , and there is a yen / us $ foreighn exchange component as well . that is jcc . it was designed by the japanese so that they could tie their lng imports to their average price of crude imports whereby the lng would be cheaper on an mmbtu basis . comments ? brgds , marc chris glaas 10 / 13 / 2000 03 : 11 am to : marc de la roche / hou / ect @ ect cc : subject : re : japanese crude cocktail & prompt brent marc regarding putting jcc on eol i get a negative respons from our sing office . it is not a very liquid market . everyone is going the same way . i understand there is good correlation between brent and jcc . i know little about jcc , but if there is good correlation u should be able to hedge yourself with brent . i need to know more about how jcc works in order to help u , if u require any help at all ? let me know chris glaas enron capital & trade resources corp . from : marc de la roche 10 / 11 / 2000 03 : 16 pm to : chris glaas / lon / ect @ ect cc : doug leach / hou / ect @ ect , larry gagliardi / corp / enron @ enron subject : japanese crude cocktail & prompt brent chris , some of egm ' s lng group ' s lng is priced using a jcc - based formula . there ' s also a lot of other lng contracts that use jcc as the pricing basis . in june we obtained sign - off from vince kaminski ' s group to hedge jcc using prompt brent ( see the messages with the relevant hedge ratio below ) . can we set up a contract on eol , using the prompt brent - jcc hedge ratio , to hedge jcc ? fyi , on a btu conversion basis : therefore , to hedge 1000 mt of lng , a customer would need to transact on a hedge for 9000 bbl of jcc . can we list a jcc swap in 9000 bbl / month increments ? thanks in advance , marc - - - - - - - - - - - - - - - - - - - - - - forwarded by marc de la roche / hou / ect on 10 / 11 / 2000 08 : 32 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin kindall @ enron 06 / 06 / 2000 03 : 47 pm to : marc de la roche / hou / ect @ ect cc : subject : re : jcc & brent yes on both counts . - kevin k . from : marc de la roche @ ect 06 / 06 / 2000 02 : 50 pm to : kevin kindall / corp / enron @ enron cc : grant masson / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : jcc that this email constitutes your groups ( vince kaminski ' s ) sign - off on using this hedge ratio to hedge jcc and jcc - based products ? thanks in advance , marc de la roche kevin kindall @ enron 06 / 06 / 2000 02 : 18 pm to : marc de la roche / hou / ect @ ect cc : grant masson / hou / ect @ ect subject : re : jcc & brent good afternoon . i have performed a review of the jcc data that you sent some time ago . the study was done using several different excel workbooks , and are available upon request . relevant charts are embedded in the powerpoint attachment . questions / comments welcome . - kevin kindall",0 +"Subject: global risk management operations recognizing enron  , s increasing worldwide presence in the wholesale energy business and the need to insure outstanding internal controls for all of our risk management activities , regardless of location , a global risk management operations function has been created under the direction of sally w . beck , vice president . in this role , sally will report to rick causey , executive vice president and chief accounting officer . sally  , s responsibilities with regard to global risk management operations will mirror those of other recently created enron global functions . in this role , sally will work closely with all enron geographic regions and wholesale companies to insure that each entity receives individualized regional support while also focusing on the following global responsibilities : 1 . enhance communication among risk management operations professionals . 2 . assure the proliferation of best operational practices around the globe . 3 . facilitate the allocation of human resources . 4 . provide training for risk management operations personnel . 5 . coordinate user requirements for shared operational systems . 6 . oversee the creation of a global internal control audit plan for risk management activities . 7 . establish procedures for opening new risk management operations offices and create key benchmarks for measuring on - going risk controls . each regional operations team will continue its direct reporting relationship within its business unit , and will collaborate with sally in the delivery of these critical items . the houston - based risk management operations team under sue frusco  , s leadership , which currently supports risk management activities for south america and australia , will also report directly to sally . sally retains her role as vice president of energy operations for enron north america , reporting to the ena office of the chairman . she has been in her current role over energy operations since 1997 , where she manages risk consolidation and reporting , risk management administration , physical product delivery , confirmations and cash management for ena  , s physical commodity trading , energy derivatives trading and financial products trading . sally has been with enron since 1992 , when she joined the company as a manager in global credit . prior to joining enron , sally had four years experience as a commercial banker and spent seven years as a registered securities principal with a regional investment banking firm . she also owned and managed a retail business for several years . please join me in supporting sally in this additional coordination role for global risk management operations .",0 +"Subject: additional e - mail addresses vince , three new students gave me their e - mails : wooddy @ rice . edu , lamas @ rice . edu , tbalestrery @ houston . rr . com jason",0 +"Subject: re : meet during cmu visit ? aziz , please , contact me before or after the presentation and we can find a time slot to chat later on friday . vince al 3 v on 10 / 31 / 2000 01 : 59 : 11 pm to : vince . j . kaminski @ enron . com cc : subject : meet during cmu visit ? dr . kaminski : i am a ph . d . student here at carnegie mellon who has a long - standing interest in the energy industry . i have recently developed the framework of a simple model for electricity prices that i would like your opinion on . could you please chalk out some time for me during your cmu visit this friday ? unlike traditional electricty pricing models , which assume that the log - price is a sum of a couple of stochastic factors , i assume that some fundamentals of the electricity market are driven by stochastic factors . next , given the current values of these factors , price is determined by economic forces of profit maximization by price setting electricity generators . unlike typical factor models , the factors in my model are potentially observable . thank you , aziz a . lookman graduate school of industrial administration 5000 forbes avenue carnegie mellon university pittsburgh , pa 15213 tel : 412 - 268 - 3681 fax : 412 - 268 - 6837 ( pls . mark the fax c / o jackie cavendish )",0 +"Subject: re : monday night rodeo suite - the judds vince , you are welcome to the twenty tickets if you like . please advise me asap . many thanks , liz taylor x 31935 vince j kaminski 02 / 15 / 2000 05 : 30 pm to : liz m taylor / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : monday night rodeo suite - the judds liz , i would be glad to use some tickets for the group members . vince liz m taylor 02 / 15 / 2000 05 : 18 pm to : jeffrey a shankman / hou / ect @ ect , james b fallon / hou / ect @ ect , jere c overdyke / hou / ect @ ect , vince j kaminski / hou / ect @ ect , george mcclellan / hou / ect @ ect , lynda clemmons / hou / ect @ ect , gary hickerson / hou / ect @ ect , louise kitchen / lon / ect @ ect cc : subject : monday night rodeo suite - the judds i have twenty suite tickets available for monday night , february 21 rodeo activities featuring "" the judds . "" please let me know if you would like to utilize any of these tickets for your group and / or customers . many thanks , liz taylor",0 +"Subject: dave d . presentation vince , here it is . i did not include a slide about london . let me know if you think it is needed . stinson",0 +"Subject: for vince j kaminski ' s approval below you will find a copy of a request that is awaiting your approval . please advise us as to your approval or rejection of this request by way of email , since your system does not allow you to open the icon that was submitted by way of a doc link . i thank you in advance for your cooperation in this matter . leola barnett information risk management - - - - - - - - - - - - - - - - - - - - - - forwarded by information risk management / hou / ect on 04 / 05 / 2000 03 : 50 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - security resource request system pending vp approval resource request how to find the status of this request . . . general information initials : requestor : jason sokolov / hou / ect phone : ( 713 ) 853 - 6286 requested for : jason sokolov / hou / ect request type : update access rc # : 100038 wo # : company # : 0011 priority : high manager : mike a roberts vp : vince j kaminski location : in the request processing section , see the status column for each requested resource . look at the overall status of the request in the title bar above . the status will display closed when your request is complete . click the "" status "" button below . comments : request # : jsov - 4 f 8 r 44 submitted : 01 / 04 / 2000 01 : 58 : 37 pm name cost status implementation comments application / database bloomberg $ 1 , 800 . 00 monthly not started request processing path processed by status when comments manager approved 01 / 20 12 : 57 pm vp security implementation editing history ( only the last five ( 5 ) are shown ) edit # past authors edit dates 2 3 4 5 6 jason sokolov jason sokolov jason sokolov jason sokolov mike a roberts 01 / 04 / 2000 01 : 56 : 27 pm 01 / 04 / 2000 01 : 57 : 47 pm 01 / 04 / 2000 01 : 58 : 30 pm 01 / 04 / 2000 01 : 58 : 37 pm 01 / 20 / 2000 12 : 57 : 16 pm",0 +"Subject: power crisis in the west dear vince , i spoke with you briefly yesterday regarding grant masson . you informed me that he is no longer an enron employee . i have also been informed that grant has not yet been replaced . i am inquiring because infocast would like to have an enron representative speak at an upcoming conference entitled "" power crisis in the west : status it is certainly going to be an exciting conference due to all of the controversy surrounding the situation in san diego . kind regards , nia mansell infocast conference manager ( 818 ) 888 - 4445 ext . 45 ( 818 ) 888 - 4440 fax niam @ . com > - power crisis in the west invite . doc",0 +"Subject: energy derivatives conference - toronto , may 29 details of the upcoming energy derivatives conference are now posted at i look forward to receiving your papers by may 5 . thank you , amy ( for p . p . boyle ) * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * amy aldous , conference co - ordinator centre for advanced studies in finance university of waterloo waterloo , on n 2 l 3 gl tel : ( 519 ) 888 - 4567 ext . 5728 fax : ( 519 ) 888 - 7562 email : aaldous @ uwaterloo . ca * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * *",0 +"Subject: re : visit to enron yes you did and my assistant felicia solis is working on the schedule . she will be contacting bob today to introduce herself and to let him know the arrangements she is making . - elizabeth vince j kaminski 01 / 17 / 2000 12 : 48 pm to : elizabeth grant / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : re : visit to enron elizabeth , we want to bring this guy for a formal interview on jan 24 . did i send you his resume ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 17 / 2000 12 : 47 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - robert lee on 01 / 17 / 2000 09 : 36 : 01 am to : vince j kaminski / hou / ect @ ect cc : subject : re : visit to enron hi , vince i haven ' t yet heard from hr . is there someone i should contact so i can finalize my travel arrangements ? i ' m looking forward to the visit . thanks , bob lee vince j kaminski wrote : > bob , > > human resources should contact you regarding this trip . > see you in 2 weeks . > > vince > > robert lee on 01 / 10 / 2000 07 : 13 : 08 am > > to : vince j kaminski / hou / ect @ ect > cc : > subject : re : visit to enron > > hi , vince > > this is to confirm my visit on jan . 24 . i am arriving in houston on > sunday , so i can be there at your convenience on monday . let me know > the desired time . > > thanks , bob lee",0 +"Subject: prof . at rice here is this prof ' s home page at rice . his name is richard baraniuk . http : / / www - dsp . rice . edu / ~ richb / - - stinson",0 +"Subject: wharton fap 2001 webcafe access about a month , ago you should have received an invitation to your fap 2001 webcafe room ( s ) that contained log on information to access the room . if you have not received the email or are having difficulty logging into the webcafe , please contact the wharton webcafe team be sending email to webcafe @ wharton . upenn . edu and we will be happy to assist you . best regards , michele krull wcit webcafe team webcafe @ wharton . upenn . edu 215 - 573 - 4262",0 +"Subject: re : recommendation letter vincent , sorry for a delay in responding to your message . i shall be very glad to write a letter of recommendation . please , send me the forms . i hope you are doing ok . vince vincent tang on 02 / 28 / 2001 01 : 10 : 33 pm to : vkamins @ enron . com cc : subject : recommendation letter dear vince , how are you ? i am just wondering whether you have received the email i sent to you a couple of weeks back . in that email , i asked whether you would have time to write me a recommendation letter to support my application for a master program ( mathematical finance ) in columbia university this coming fall . if you will be able to write the letter , would you please let me know ? thanks a lot . best regards , vincent tang do you yahoo ! ? get email at your own domain with yahoo ! mail . http : / / personal . mail . yahoo . com /",0 +"Subject: re : airfaire for tony kevin / karin : my understanding from vince is that london is reponsible for the expenses incurred while their people are here for training , as well as for any of our people that go to london at their request . it should be easy for them to expense this airfare for steve from their office and charge it to whatever cost center tony is going to be under in london . shirley kevin g moore 04 / 03 / 2001 06 : 24 am to : mike a roberts / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : airfaire for tony please take a look at this e - mail . . . . . . . i am also in need of instruction . . . . thanks kevin moore - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 04 / 03 / 2001 06 : 19 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources canada corp . from : karin ahamer @ enron 04 / 03 / 2001 05 : 15 am to : kevin g moore / hou / ect @ ect cc : tony hamilton / eu / enron @ enron , mike a roberts / hou / ect @ ect , tani nath / lon / ect @ ect , steve leppard / lon / ect @ ect subject : airfaire for tony kevin with regards to tony ' s airfare ticket , which has been put onto steve leppards credit card as tony hasn ' t got an amex yet , could you please let me know who is responsible for payment ? i guess it is your costcentre , if so please supply me with the number . thanks karin",0 +"Subject: retail markets conference i would like to invite you to participate in a conference on "" retail participation in competitive power markets "" to be held at stanford university on june 21 - 22 , 2001 . although california and other regional markets will likely be introducing some demand - response programs by june , there is a clear need for continual evaluation of these nascent efforts to transform the market . the conference provides an opportunity to learn from different experiences . this policy research meeting will focus on establishing a foundation for understanding the key concepts and methods for demand response programs and to provide an opportunity for participants to raise questions and recommend directions for additional research and analysis . participants will come from companies , government , and universities . you can obtain more information about the conference by checking under "" meetings "" on our emf website listed below . please let me know if you plan on attending . also , if you would like to make a brief 15 - minute presentation , please let me know your topic and describe it in a few sentences . i will try to choose speakers that will cover the full range of interests represented by this group . researchers should focus on the implications of their analysis for designing demand response programs rather than on the technical details of their methodology . i would also encourage practitioners to discuss their experience in implementing demand response programs or in raising selected issues . thank you , hill huntington hillard g . huntington emf - an international forum on energy and environmental markets voice : ( 650 ) 723 - 1050 408 terman center fax : ( 650 ) 725 - 5362 stanford university email : hillh @ stanford . edu stanford , ca 94305 - 4026 emf website : http : / / www . stanford . edu / group / emf /",0 +"Subject: special epri mtg on ancillary services dear dr . kaminski , thanks for your email address . would like to invite you or others from enron to our one - day planning meeting in houston , sept . 7 , to review state of the art assessment of ancillary services markets , hear preliminary research on related topics , and help define a course of research that epri could undertake . here is one of our announcements . pls feel free to call with any questions . - - jeremy platt > re . ancillary services markets and management - - > changing market structures , pricing , settlement , operational and > cost issues > > epri has organized a workshop on ancillary services markets and management > issues , to be held september 7 in houston . file attached . > > dr . rajat deb , pres . of lcg consulting , is our featured > speaker / investigator . additional experts contributing to this special > workshop are : > * andy van horn , van horn consulting > * phillip mcleod , mhb consultants > * jens kure - jensen , encotech , and > * carl pechman , power economics > > > > this workshop is part of a program of epri research on ancillary services > markets and management topics . * you or your colleagues are welcome to > attend and contribute to the discussions . the workshop is timely , offers > unique content , and will help shape future work of value . we encourage you > to register promptly . please call me if you have any questions . > > if you are unable to attend or feel someone else in the company may have a > more direct responsibilty , please forward this note . thanks , > > jeremy platt > manager , power and fuel markets > 650 / 855 - 2628 > > dale gray > manager , generation asset management > 704 - 547 - 6016 > > * background on epri research on ancillary services . epri , known formerly > as the electric power research institute , offers research on a wide range > of energy , technology , environmental and business / market topics . epri ' s > 2000 research on a / s is value package 64 . 3 , strategic value and > measurement of ancillary services . this value package is part of a larger > program of research ( a "" target "" ) , called understanding power and fuel > markets and generation response . other 2000 ancillary services projects > underway are : a report on markets and pricing ( now in preparation ) and a > demonstration this fall of measurement procedures at a generating site for > reactive supply and voltage control and for spinning and supplemental > reserves . > > > > - ancillary - wkshp . pdf",0 +"Subject: congratulations congratulations on your promotion to md ! alan",0 +"Subject: enron projects by team enron tiger team : thank you for your input on project requests . the breakout of projects is as follows : team 1 : wholesale trading team 2 : impact of e - commerce on energy markets team 3 : retail business applications any questions , please call the fap office . good luck with your finals . have a wonderful winter break . sincerely , donna piazze program director field application project the wharton school univ . of pennsylvania ( 215 ) 573 - 8394 ( 215 ) 573 - 5727 fax fap @ management . wharton . upenn . edu piazze @ wharton . upenn . edu",0 +"Subject: promotion for martin lin sheila , a reminder about promoting martin lin from associate to manager . do we have any leeway on his salary adjustment ? he is currently at 81 k , and i understand that his new salary can be made retroactive to aug . 1 , 2000 . thanks , stinson",0 +"Subject: re : fw : gmm - 30 mar 2001 jeff , the newsletter is addressed to a wide audience in enron , not exclusively one group . we are providing forward interest rate foreign exchange curves to multiple units of enron to revalue our assets . maureen and gwen spend of lot of time answering questions regarding countries like argentina , korea , brazil , etc . the newsletter can be used as a reference in answering many of those questions . vince from : jeffrey a shankman / enron @ enronxgate on 04 / 02 / 2001 01 : 52 pm to : vince j kaminski / hou / ect @ ect cc : subject : fw : gmm - 30 mar 2001 this report is not great . i only like the g - 7 bank info and the weekly economic table . any thoughts ? jeff - - - - - original message - - - - - from : koepke , gwyn on behalf of maureen raymond / lon / ect @ enron sent : monday , april 02 , 2001 11 : 05 am to : hickerson , gary ; shahi , pushkar ; stuart , william ; delage , darren ; su , ellen ; martina angelova / lon / ect @ ect ; mcfarland , trena ; hess , jurgen ; kaminski , vince ; fraser , jennifer ; mehrer , anna ; sgibner @ enron . com ; gmcclel @ enron . com ; staley , stuart ; harora @ enron . com ; boyt , eric ; dallmann , shane ; armstrong , aaron ; allario , john ; reed , andrea v . ; joverdy @ enron . com ; mead , paul ; sherriff , john ; harper , richard ; mcgowan , kevin ; reck , daniel ; beyer , michael ; ruffcorn , kevin ; hudler , cindy ; ruane , mark ; heu , mog ; mcleish , alex ; mahoney , chris ; whalley , greg ; alkhayat , alhamd ; haggerty , john ; beck , sally ; profir , diana ; kristal , yana ; clara carrington / hou / ect @ enron ; jshankm @ enron . com ; foti , david ; ferlic , suzanne ; mckeever , tom ; thorn , terence ; dupre , david ; boettcher , thomas ; farmer , michael ; hutchinson , michael ; gold , joe ; fraser , bridget ; dwivedi , vikas ; raghavan , suresh ; bhavna pandya / hou / ect @ enron ; hill , andrew ; lawyer , larry ; egmcontent ; ibarra , felipe ; nordstrom , mary subject : gmm - 30 mar 2001 please find attached this week ' s global markets monitor , dated march 30 . maureen raymond - castaneda and gwyn koepke",0 +"Subject: interview candidate allen humbolt dear elizabeth : we interviewed allen last week for my group . the consensus is that there is not a sufficiently good match between his skills and our requirements , so we will not extend an offer to him . i would appreciate if you can send him a thank you note conveying our decision . thanks , krishna",0 +"Subject: yesterday ' s power outage as you are painfully aware , we had a power outage wednesday morning in the enron building . this outage was caused by localized structural failure of the raised floor in our 34 th floor data center . this resulted in disruption to the power distribution system servicing the phone switch and a number of ena servers . as a cautionary move , enron online was interrupted while the extent of the failure was assessed , resulting in the system being unavailable from 11 : 23 to 11 : 39 . all enron building telephones and voicemail were unavailable for approximately one hour and 20 minutes and certain ena trading systems were unavailable for over two hours . during this time the power was stabilized and systems were restored . immediate steps are being taken to correct this problem . we apologize for this inconvenience . if you have any questions in regard to this outage , please call philippe bibi at x 37698 or bill donovan at x 35459",0 +"Subject: re : turkey the group to whom this message was sent is rac in london , related to london ' s focus on enron ' s equity interest in opet ( $ 18 million exposure ) . gwyn - - - - - - - - - - - - - - - - - - - - - - forwarded by gwyn koepke / na / enron on 04 / 19 / 2001 06 : 59 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - gwyn koepke 04 / 19 / 2001 06 : 58 pm to : suryan wirya simunovic / lon / ect @ ect cc : gkoepke @ enron . com @ ect , jolyon manning / eu / enron @ enron , padmesh thuraisingham / lon / ect @ ect , maureen raymond / lon / ect @ ect , mitra mujica / enron @ enronxgate subject : re : turkey suryan , please find attached a brief on turkey , per your request . as stated in the brief , this is a preliminary forecast and is subject to change upon further government announcements related to external financing and monetary / fx policies . gwyn koepke suryan wirya simunovic @ ect 04 / 19 / 2001 10 : 48 am to : gkoepke @ enron . com cc : jolyon manning / eu / enron @ enron , padmesh thuraisingham / lon / ect @ ect subject : turkey gwyn , paddy and i spoke to you earlier today regarding eel ' s turkish investment . you mentioned that you could send us a brief report on what has been going on in turkey in the last couple of weeks . as we are having a meeting tomorrow am could you still send us this report before business closing houston to myself , paddy and jolyon manning . thank you suryan wirya simunovic ",0 +"Subject: re : lacima energy and weather derivatives courses by clewlow and strickland sure : i think that would be a great opportunity to get more insights on modeling forward curves . i would like to participate on both courses if possible . many thanks for remembering my name . paulo issler . vince j kaminski 11 / 13 / 2000 08 : 15 am to : paulo issler / hou / ect @ ect , alex huang / corp / enron @ enron cc : subject : lacima energy and weather derivatives courses by clewlow and strickland paulo , alex , any interest ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 13 / 2000 08 : 22 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" julie "" on 11 / 12 / 2000 02 : 05 : 40 pm to : cc : subject : lacima energy and weather derivatives courses by clewlow and strickland please find attached information ? for our next two courses and workshops : ? energy derivatives : ? pricing and risk management and weather derivatives , which will be conducted in houston and in london in feb / march 2001 . ? instructors will be dr les clewlow and dr chris strickland . ? because the course requires intense interaction , the courses will be ? limited to a maximum of 15 people , so early registration is encouraged . ? if you require further information , or would like to register for either or both ? courses , please contact me via this email or our web site , ? www . lacimagroup . com - energy . pdf - weather . pdf",0 +"Subject: hurricane warning derivatives folks , this note is intended to update all who may be concerned on our progress toward developing a commercial hurricane warning derivative product or line of products . it is clear that numerous entities have underlying exposures to hurricane warning frequency and / or duration . it is our objective to develop derivative products that will enable these entities to effectively hedge this exposure . we have generated a partial brainstorm - style list of whom natural counterparties might be according to their underlying exposure : pro - hurricane anti - hurricane the weather channel resorts home depot cruise ships lowes riverboat casinos cnn chemical plants and refineries local tv stations u . s armed forces dry ice manufacturers athletic teams chainsaw manufacturers city governments insect repellant manufacturers state governments it is obvious that there are numerous naturally offsetting parties but it is important to note that the pro - hurricane entities are more macro in nature while the anti - hurricane entities are typically more regional . thus , we have documented the frequency and duration data by regional location with the thought that the anti - hurricane entities would be interested in regional products and the pro - hurricane entities would likely be more interested in bundled regional products depending on their exposure . thus far , we have collected and documented all u . s hurricane warning data from 1980 - 2000 in the form of an excel database . the data can be sorted by year , storm , or location on the u . s coastline . total hurricane warning duration as well as number of discrete hurricane warnings are the primary data sets of interest for any given location ( or year or storm ) . the u . s coast has been divided into 11 different geographic regions of roughly similar size . these regions are : new england , mid - atlantic , virginia , north carolina , georgia / south carolina , east florida , west florida , florida panhandle , orleans / miss / bama , lousiana , and texas . while this data set may not yet be sufficient for price modeling purposes , it has confirmed our expectation that hurricane warning frequency and duration is quite volatile and unpredictable . it is believed that this volaility , when graphically depicted and mathematically represented , could be used to effectively demonstrate to would - be customers the impact of hurricane warning frequency on their business financials . in many cases , businesses may be well aware of their exposure but may not have quantified it and certainly probably felt as if this was a risk they would have to wear themselves . as we move forward on the modeling front , the data will certainly need to be scrutinized to correct for any skewing factors such as political trends , satellite availability , population trends , etc . additionally , we need to go further back in time so long as the accuracy doesn ' t decline . on the marketing front , i am certainly open to ideas . it is believed the weather channel would be the most natural party for such a product . given our positive relationship that we currently have with them , they might be the easiest sell . any and all ideas are welcome with regard to how and when we should approach customers . please respond with any questions , comments or concerns on this project . thanks , charlie",0 +"Subject: swaps monitor research . we have today published information about the global exchange - traded options and futures volume . this research is contained in the attached pdf file . through our web site , swapsmonitor . com , you can obtain additional information about otc derivatives dealers , including rankings and a database of outstandings going back to 1994 . as an e - mail subscriber to our research , you will automatically receive all free research at the same time it is placed on our web site . if you wish to remove your name from the e - mailing list , please use the reply feature of your e - mail application and type the word "" remove "" in the subject line . regards , - total _ et . pdf andrei osonenko research department",0 +"Subject: re : interviewing candidates for research steve , i am speaking at a conference either on monday or tuesday . i shall let you know tomorrow the details of my schedule . we can always invite them to visit with enron in the evening . steven leppard 02 / 10 / 2000 11 : 27 am to : vince j kaminski / hou / ect @ ect cc : dale surbey / lon / ect @ ect , shirley crenshaw / hou / ect @ ect subject : interviewing candidates for research hi vince do you think you will be able to find the time to carry out some interviewing on monday 21 st february ? are there any times you ' d particularly like me to avoid ? the first people i ' m inclined to invite in are the candidates whose cvs i ' ve attached below . i ' d like to hear what you think before i invite them along . steve",0 +"Subject: re : summer internships at enron thanks , vince . - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : friday , march 02 , 2001 3 : 09 pm to : piazze @ wharton . upenn . edu subject : re : summer internships at enron donna , fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 02 / 2001 02 : 09 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - celeste roberts 03 / 02 / 2001 02 : 04 pm to : vince j kaminski / hou / ect @ ect cc : kristin gandy / na / enron @ enron , alyse herasimchuk / na / enron @ enron subject : re : summer internships at enron ( document link : vince j kaminski ) vince : thanks . yes it is unfortunate that we were not able to quickly identify who the interested tiger team students were . we will go ahead and process an offer letter for kim and get it to her immediately . also , thanks for agreeing to help out with stanford . hopefully we will get a few good ones ! regards , celeste vince j kaminski 03 / 01 / 2001 09 : 32 am to : celeste roberts / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : summer internships at enron celeste , i have just talked to kim . i told her she will receive one . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 01 / 2001 09 : 31 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 03 / 01 / 2001 09 : 25 am to : celeste roberts / hou / ect @ ect cc : kristin gandy / na / enron @ enron , christie patrick / hou / ect @ ect , vince j kaminski / hou / ect @ ect , piazze @ wharton . upenn . edu subject : summer internships at enron celeste , it seems that the process lasted too long for some students and only kim whitsel is interested in the internship at this point . her resume has been forwarded to you . i am enclosing it just in case . thanks for your help . vince ( see attached file : kim whitsel - wharton 2 resume . doc ) ( see attached file : kim whitsel - enron cover letter . doc ) - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 01 / 2001 09 : 20 am - - - - - - - - - - - - - - - - - - - - - - - - - - - fap on 02 / 23 / 2001 02 : 28 : 48 pm to : "" ' vkamins @ enron . com ' "" cc : "" ' piazze @ wharton . upenn . edu ' "" subject : summer internships at enron vince : thank you to you , ken and christie for coming to campus for the enron tiger team mid - project review . the students are working hard and appreciate your insight and suggestions to the project . thank you for your support of the wharton school . kim whitsel ( whitselk @ wharton . upenn . edu ) of tiger team 1 has informed me that she is very much interested in a summer internship at enron this year . i don ' t believe some of the students understood the process you had setup for them at enron as part of the tiger team . being concerned with having summer employment , they interviewed with other firms and ultimately accepted positions . the students asked that i express to you that this does not mean they are not interested in full time work at enron next year . i apologize and take responsibility for the lack of communication in this regard . i think it is a lesson learned and perhaps , in the future , we can make the agreement to students understood in advance of their "" dedicated interview week "" and eliminate their need to interview at all . this can also be an added advantage of applying to be a member of the tiger team . please let me know if you have any questions and exactly how kim whitsel should proceed . thank you , donna piazze program director field application project the wharton school univ . of pennsylvania 215 . 573 . 8394 fax 215 . 573 . 5727 fap @ management . wharton . upenn . edu piazze @ wharton . upenn . edu",0 +"Subject: re : shirley , i will take half day off tomorrow morning , on friday , in addition to today ' s afternoon . tanya",0 +"Subject: re : meetings with petronas on february 8 th eric : mr . nur azmin abu bakar of petronas , along with 4 of his corporate risk management team will visit enron on thursday , february 8 th . jeff shankman and vince kaminski would like to invite you to attend all or some of the presentations . a tentative agenda has the petronas team meeting with jeff and john nowlan at 10 : 00 am and then a presentation by david port and the rac group , followed by vince kaminski and the research group . vince will take the team to lunch and you are invited . please let me know if you plan to attend all or part of the presentations and if you would like to go to lunch . thanks eric . shirley crenshaw 3 - 5290",0 +"Subject: re : meeting re : wharton strategy i am sorry . . . . . . as per message below we are changing it to friday at 9 : 00 . vince j kaminski 10 / 24 / 2000 04 : 43 pm to : jennifer burns / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : meeting re : wharton strategy jennifer , i can rearrange some other meetings . thursday , oct 26 @ 3 : 00 works for me . vince jennifer burns 10 / 24 / 2000 04 : 14 pm to : michele nezi marvin / enron communications @ enron communications , mark palmer / corp / enron @ enron , cindy derecskey / corp / enron @ enron , vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , beth miertschin / hou / ect @ ect , christie patrick / hou / ect @ ect , kristin gandy / na / enron @ enron cc : subject : meeting re : wharton strategy lets try for friday , october 27 @ 9 : 00 am , please let me know if you are available . thanks ! - - - - - - - - - - - - - - - - - - - - - - forwarded by jennifer burns / hou / ect on 10 / 24 / 2000 04 : 07 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - jennifer burns 10 / 23 / 2000 11 : 08 am to : michele nezi marvin / enron communications @ enron communications , sarah mulholland / hou / ect @ ect , mark palmer / corp / enron @ enron , kristin gandy / na / enron @ enron , beth miertschin / hou / ect @ ect , christie patrick / hou / ect @ ect , jeffrey a shankman / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : meeting re : wharton strategy jeff shankman would like to have a meeting re : wharton strategy . please let me know if you would be available thursday , october 26 @ 3 : 00 . i will get back with everyone to confirm a location . thanks ! jennifer",0 +"Subject: henwood power market symposium - april 2001 * we apologize for the previous message , we experienced an error in our system henwood power market symposium , april 29 th - may lst we are excited to offer you an invitation to attend the henwood power market symposium . this annual three - day event will take place from april 29 to may 1 , 2001 in atlanta , ga at the evergreen mountain resort . the goal of the symposium is to provide our guests a forum to conduct business across all energy markets through the sharing of experiences and innovations , and through numerous networking opportunities . participants will also gain access to henwood ' s software products , consulting services and e - business products , as a means to develop competitive strategies and unequalled value in restructured markets . the focus of the symposium is to provide relevant discussion topics , technologies and competitive strategies . this year ' s featured speakers include senior representatives from enron , conoco , electric power research institute , ferc , new england iso , and more . please register early because space is limited ! if you register prior to april lst , the symposium cost is only $ 875 . after april lst , the registration fee will be increased to $ 975 . your registration is inclusive of the following : * complete hotel accommodations for sunday april 29 th and monday april 30 th , 2001 * all meals and refreshments for april 29 th through may lst . a welcome reception is planned for sunday , april 29 th . this reception is an excellent opportunity to network with market participants and decision - makers of the electric power industry . * a river boat dinner cruise scheduled for monday , april 30 th on board the henry w . grady paddlewheel riverboat . spouses are welcome to attend the evening reception and dinner cruise . a captain and crew golf tournament is also planned for sunday , april 29 th for an additional fee . we invite golfers of all levels to participate in this event . for more information contact heather mason ( e - mail : hmason @ hesinet . com ) at 916 569 - 0985 . you can also learn more about the symposium by visiting our web site at www . hesinet . com . * make sure to ask about our special 2001 henwood client discount .",0 +"Subject: energy derivative courses dear vince / grant , it was good to meet and talk with you both this morning - very interesting . here are the details of the course ( actually there are two seperate courses , one on var ) that i promised you . i hope to see you both again later in the month . best regards . chris . course 1 : energy derivatives : pricing and risk management - course leaders : dr les clewlow and dr chris strickland houston : 29 - 30 march 2000 london : 3 - 4 april 2000 fee : stg 1950 / usd 2950 this is an intermediate course aimed at the energy professional who is familiar with energy derivative products but who requires the mathematical foundations of derivative pricing and an understanding of the pricing and risk management of energy derivatives . this course assumes that participants are familiar with standard basic option pricing theory ( the black - scholes formula , monte carlo simulation , and the use of binomial trees for option pricing ) . the format for the course will follow our usual highly practical and successful style of alternate sessions of lectures and excel based computer workshops . to facilitate intensive interaction , the course will be limited to a maximum of 15 participants so early booking is advisable . the excel based computer workshops deal with oil and gas as well as electricity derivatives and contain detailed calculations for pricing and risk management . at the end of the 2 days , participants leave with a diskette containing answers to all the workshops as well as valuable code for pricing and simulation . registration fee includes : pre - course reading , course materials , copies of relevant research materials , diskette with fully worked solutions to computer workshops , lunch and refreshments . additionally , each attendee will receive a free copy of clewlow and strickland ' s forthcoming book "" energy derivatives : pricing and risk management "" which includes valuable contributions from enron ' s vince kaminski and grant masson . upon registration , participants will be sent a pack containing relevant pre - course reading . course outline day 1 , am : introduction to energy derivatives modelling energy derivatives - structures and applications fundamentals of modeling and pricing analysing energy data spot price behaviour building forward curves - assessing available models the relationship between the spot price and forward curve dynamics workshop : analysing the properties of energy data - mean reversion , volatility structures , jumps day 1 , pm : spot price models and pricing by simulation and trees review of spot price models the pros and cons of spot price models pricing standard options , swaptions , caps , floors , and collars simulation for spot price models pricing exotic options ( barriers , lookbacks , asians , etc . ) building and using trees for energy derivatives building trees consistent with the forward curve pricing options in trees workshop : using simulation and trinomial trees to price energy derivatives day 2 , am : forward curve based models forward curve dynamics and forward curve models the relationship to spot price dynamics multi - factor forward curve models volatility function interpretation and estimation pricing standard energy options pricing energy swaptions pricing energy exotics using simulation workshop : using simulation to implement multi - factor models and price energy options day 2 , pm : risk management of energy derivatives energy market risk and hedging computing hedge sensitivities determining the hedge instruments hedging a energy derivatives book value - at - risk in energy markets - the pros and cons of the approaches credit risk in energy markets - issues and models workshop : hedging an energy portfolio please feel free to e - mail us to register for this course and we will contact you regarding payment . course 2 : var for energy markets course leaders : dr les clewlow and dr chris strickland houston : 31 march 2000 london : 5 april 2000 fee : stg 950 / usd 1950 this is an intermediate course aimed at the energy professional who is familiar with energy derivative products but who requires an understanding of the theory and calculation of value at risk for energy derivative portfolios . the format for the course will follow our usual highly practical and successful style of alternate sessions of lectures and excel based computer workshops . to facilitate intensive interaction the course will be limited to a maximum of 15 participants so early booking is advisable . the excel based computer workshops deal with oil and gas as well as electricity derivatives . at the end of the course participants leave with a diskette containing answers to all the workshops as well as valuable code for pricing and var calculations . registration fee includes : pre - course reading , course materials , copies of relevant research materials , diskette with fully worked solutions to computer workshops , lunch and refreshments . additionally , each attendee will receive a free copy of clewlow and strickland ' s forthcoming book "" energy derivatives : pricing and risk management "" . upon registration , participants will be sent a pack containing relevant pre - course reading . course outline day 1 , am : understanding the var methodologies and issues what is var ? uses of var types of var methodologies implications of applying the riskmetrics assumptions in energy markets delta var , historical simulation linear and non linear instruments workshop : applying simple var methodologies in the energy market day 1 , pm : calculation of energy portfolio var using simulation modelling the energy forward curve - single and multi - factor modelling the joint behaviour of different energies simultaneously calculation of covariances and correlations incorporating jumps detailed example var calculation for an energy portfolio workshop : simulating energy forward curves and calculation of var for an energy portfolio . dr . les clewlow and dr chris strickland hold associate research positions at both the school of finance and economics , university of technology , sydney and the financial options research centre , university of warwick , uk . together they have over 20 years combined experience in the financial and energy derivative markets and have published many articles in academic and trade journals . they are the authors of the book "" implementing derivatives models "" ( wiley , 1998 ) and editors of "" exotic options : the state of the art "" ( itp , 1998 ) . their forthcoming book , "" energy derivatives : pricing and risk management , "" is due to be published during the second quarter 2000 . currently , their interests are concentrated in the energy derivatives area , where they have developed a wide range of pricing tools for electricity options and other energy derivatives .",0 +"Subject: entouch newsletter business highlights enron industrial markets enron industrial markets has recently completed the first transaction for a new 60 - day fixed price product for the lumber industry . available for delivery in houston and dallas , the product is offered by enron in the over - the - counter market and via clickpaper . com , enron  , s internet - based transaction system dedicated to the forest products industry . the first transaction was completed via clickpaper . com on march 14 with a major lumber buyer in the southern united states . this represents the first online fixed price transaction contract in the industry . with the growing volatility in the lumber industry , the availability of a long - term fixed price product provides companies with another opportunity to mitigate their exposure . additionally , this transaction represents the convergence of enron  , s increasing involvement in physical lumber transactions with our recognized expertise in financial risk management . in addition , eim has announced that it has completed its acquisition of the quebec city , canada newsprint mill and related assets from daishowa forest products ltd . in july 2000 , enron purchased garden state paper , a recycled newsprint mill located in garfield , nj . the acquisition of the daishowa mill now positions enron as the seventh largest producer of newsprint in north america . the daishowa mill in quebec city will now be called papiers stadacona . the new name has great historical significance to the local community in quebec city . when jacques cartier first explored the mouth of the st . charles river in 1535 , the aboriginal people living there referred to the village as stadacona . this is now the site of modern - day quebec city . enron freight markets in march , enron freight markets ( efm ) completed the acquisition of webmodal , inc to help launch the traditional intermediary transportation business . efm also started its spot trading business and completed 981 transactions in its first month . east power origination on tuesday , april 3 , the st . lucie county commission voted 3 - 2 to approve the midway energy center near fort pierce , florida , which is a 510 megawatt peaking power plant . next steps for this facility include receiving a water permit from the south florida water management district and an environmental resource permit ( erp ) from the florida department of environmental protection . enron canada ken lay addressed a breakfast meeting of the toronto board of trade on wednesday , april 4 , as part of the "" power breakfast series "" . his topic was "" moving forward with electricity deregulation . "" before his speech , the chairman of the board of trade commented that "" this was the best attendance ever "" at one of their breakfast meetings . after the meeting , mr . lay spoke with reporters from reuters , the globe and mail , the national post , and report on business tv emphasizing enron ' s commitment to deregulation of the ontario power market . in the news japan : enron presents power plant plan to japan government tokyo , u . s . - based enron corp on wednesday presented plans to build a liquefied natural gas ( lng ) fired power plant in northern japan , aiming to become the first foreign company to build such a plant in japan . the move brings enron one step closer to realizing its plan to build a power plant with an initial capacity of two million kilowatts in aomori prefecture . "" we submitted our basic plan to build the plant to the governor of aomori prefecture today in line with last november ' s announcement , "" tatsuro seguchi , president of enron corp ' s japanese affiliate encom corp , told a news conference . "" we are aiming to start construction of the plant in 2004 and start operations by 2007 since japan ' s power market is one of our highest priorities , "" he said . 03 / 28 / 2001 reuters english news service ( c ) reuters limited 2001 . welcome new hires egm - lyelle bellard , damian nelson , edward soo , jonathan whitehead eim - elsa aguilar , melia dickson , john hark , phaedra jones , maricar jose , ian mccrory , mirella bertrone , roland holub , arthur miller , miriam watson , richard albert , randy biagini , thomas duchnicki , diego tabbachino ena - mitra mujica , karen phillips , sarah domonoskie , kelly donlevy - lee transfers ( to or within ) ena - john moore , mitchell robinson , larry valderrama , holden salisbury , grace rodriguez , mary martinez , dominic carolan , kari oquinn , katherine kelly , david fuller , anguel grigorov , oren zimmerman , chuanli deng , glenn surowiec , tharsilla broussard , geynille dillingham , philip conn , lola weller , christina brandli , noemi camacho , randel young , ina rangel egm - shelia benke , homer lin , william mckone , william berkeland , valarie curry , tomas tellez eim - allen ueckert , john w . jennings , sarveen kohli nuggets & notes the next ews brown bag is scheduled for april 19 with tim battaglia discussing the steel industry . legal stuff the information contained in this newsletter is confidential and proprietary to enron corp . and its subsidiaries . it is intended for internal use only and should not be disclosed .",0 +"Subject: data for moody ' s riskcalc craig and kim , as you know , i have obtained a 60 day trial subscription to moody ' s riskcalc . you wanted to know if it makes sense for enron to purchase riskcalc . well , after plowing through their 100 page manual and sitting through today ' s 2 - hour moody ' s presentation , it is necessary for us to have information about enron ' s counterparties to move to the next step with riskcalc . we have obtained some information on enron ' s european counterparties from our colleagues in the london office . we need for you and / or your colleagues in the houston office to supply us with a list of enron ' s north american counterparties . more specifically , to evaluate moody ' s riskcalc we will need the following financial inputs for enron ' s north american ( private firm ) counterparties : fiscal year the prior twelve months of financial data are represented . annual statements are usable as well as quarterly statements after summing the flow variables , such as cost of goods sold , net income , sales , and ebit . the value should be a four - digit integer year without mention of the day or month such as 1999 or 2000 . forecasts until the year 2009 can be made . a constant rate of inflation is applied to future years using last year ' s ( 1999 ) inflation level . in general this ' estimation error ' will not cause any great problems , as size affects default rates at very large scales ( e . g . , $ 10 , 000 , 000 vs . $ 1 , 000 , 000 makes a significant difference , $ 1 , 000 , 000 vs . $ 1 , 050 , 00 does not ) . cash & equivalents this measure of liquid assets includes cash and marketable securities . inventory inventories are taken directly from the balance sheet , in thousands dollars , without any alterations for accounting method ( e . g . , lifo , fifo , average cost ) . this item represents merchandise bought for resale and materials and supplies purchased for use in production of revenue . specifically this would include purchase cost , sales cost , sales taxes , transportation costs , insurance costs , and storage costs . current assets this item primarily represents cash , inventories , accounts receivables , marketable securities , and other current assets . total assets total assets and every other variable are entered in thousands of dollars . for example , $ 15 , 500 , 000 should be entered as 15500 . specifically , total assets are the sum of current assets plus net property , plant , and equipment plus other noncurrent assets ( including intangible assets , deferred items , and investments and advances ) . leave previous year ' s total assets blank for australian companies . current liabilities liabilities are positive values . included in current liabilities are short - term debt , accounts payable , and other current liabilities . total liabilities this balance sheet account , total liabilities , is a positive number representing the sum of current liabilities plus long - term debt plus other noncurrent liabilities ( including deferred taxes , investment tax credit , and minority interest ) . retained earnings retained earnings , a historical measure of performance , is the cumulative earnings of the company less total dividend distributions to shareholders . typically , it is the prior year ' s retained earnings plus net income less distributions . retained earnings are generally positive . some firms with low credit quality will have negative retained earnings . leave this field blank for australian companies . sales this item consists of the industry segment ' s gross sales ( the amount of actual billings to customers for regular sales completed during the period ) reduced by cash discounts , trade discounts , and returned sales and allowances for which credit is given to customers . cost of goods sold entered in thousands of dollars , this value is generally a positive number less than sales . it represents all costs directly allocated by the company to production , such as material , labor , and overhead . not fixed overhead or items that would be included in selling , general , and administrative expenses . leave this field blank for australian companies . ebit earning before interest expense is operating income after depreciation . it can be positive or negative but is usually greater then net income . interest expense this item represents the periodic expense to the company of securing short - and long - term debt . typically , we expect this charge to be approximately the prevailing interest rate times the total liabilities . one measure of computing this is : interest expense = 0 . 07 * total liabilities . net income this item represents the income ( or loss ) reported by a company after expenses and losses have been subtracted from all revenues and gains for the fiscal period including extraordinary items and discontinued operations . a loss is represented by a negative sign . for example , a $ 5 , 000 , 000 loss would be entered as - 5000 . leave previous year ' s net income blank for australian companies . extraordinary items positive or negative , this item represents unusual items that sometimes appear on the income statement . the items are designated by the company as extraordinary and presented after net income from continuing operations and discontinued operations . these items include extraordinary gains / losses , income ( loss ) from discontinued operations , and cumulative affect of accounting changes . expenses are entered as negative values , gains as positive values . leave previous year ' s extraordinary items blank for australian companies . country this model is calibrated for the united states , canada , and australia . we look forward to receiving this information for enron ' s private firm north american counterparties so that we can move on to the next step with the evaluation of riskcalc . thanks , iris",0 +"Subject: re : mscf speaker series pierre , i am working with kristin gandy on my trip . hopefully , she will be able to confirm the november date in a day or two . kristin is taking care of all the arrangements . vince pierre - philippe ste - marie on 08 / 28 / 2000 09 : 34 : 47 am to : vince . j . kaminski @ enron . com cc : subject : mscf speaker series dear mr . kaminski , any news yet about your trip to pittsburgh ? i would sure appreciate a message saying that everything is ok for early november ! ! pierre",0 +"Subject: houston visit with vince kaminski good afternoon : vince kaminski is available on wednesday , april 19 th from 8 : 00 - 11 : 00 am and 1 : 00 - 4 : 00 pm . please let me know what time is more convenient for you . shirley crenshaw administrative coordinator 713 - 853 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 31 / 2000 11 : 50 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" faiz , soussan "" on 03 / 30 / 2000 02 : 31 : 18 pm to : "" ' vkamins @ enron . com ' "" cc : subject : houston visit dear vince , greetings from ny & hope all is well . as you may recall from the rog real options conference in ny , i ' d indicated the opportunity to visit with you next time i ' m in houston . i ' ll be there during 4 / 18 - 4 / 21 & wonder if we can pls meet on wed . 4 / 19 in your offices . would appreciate it if you can pls let me know whether you ' re available then ( i ' m flexible on the schedule particulars ) . if not , pls let me know whether 4 / 18 ( afternoon ) , 4 / 20 ( afternoon ) , or 4 / 21 ( morning ) will work for you . i really look forward to the opportunity & would appreciate to learn more about how you ' ve instigated the real options thinking in enron and especially its integration within the organizational & incentive matters . many thanks , soussan faiz mgr . of global valuation services texaco inc . ( 914 ) 253 - 4187",0 +"Subject: re : vacation shirley , no problem . vince shirley crenshaw 11 / 29 / 2000 03 : 34 pm to : vince j kaminski / hou / ect @ ect cc : anita dupont / na / enron @ enron subject : vacation vince : i have 4 days vacation left . i would like to take friday , the 8 th and the 27 th , 28 th and 29 th . please let me know if this is ok . anita will be here . thanks ! shirley",0 +"Subject: hc costless collar andrea , we finished the the costless collar valuation . see the spreadsheets for details . we checked the bloomberg for volatility assumption . the 100 days volatility is around 50 % . since the option is for 3 years , the volatility should be somewhat smaller . so we put an array of calculations , with the volatility ranges from 20 % to 60 % . if you have any questions , please call me or bob lee . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 01 / 09 / 2001 09 : 02 am - - - - - - - - - - - - - - - - - - - - - - - - - - - bob lee @ enron 01 / 09 / 2001 08 : 48 am to : zimin lu / hou / ect @ ect cc : subject : hc costless collar",0 +"Subject: re : ashley baxter - review neil , i shall do the review with pleasure . vince neil davies @ enron 11 / 07 / 2000 01 : 37 pm to : vince j kaminski / hou / ect @ ect cc : subject : ashley baxter - review vince sorry i missed you off the list neil - - - - - - - - - - - - - - - - - - - - - - forwarded by neil davies / corp / enron on 11 / 07 / 2000 01 : 36 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - neil davies 11 / 07 / 2000 01 : 36 pm to : lara marie berry / corp / enron @ enron , marty chrisman / corp / enron @ enron , shelly jones / hou / ect @ ect , simone lewis / na / enron @ enron , beth perlman / hou / ect @ ect cc : subject : ashley baxter - review you have all been selected from reviewers for ashley . our hr pre ranking will take place on 14 november therefore i ' d be grateful if you could complete her review by the close of business on 13 november thanks for your help with this . neil",0 +"Subject: baylor professors lunch i ' m sorry . . . try this . beth - - - - - - - - - - - - - - - - - - - - - - forwarded by beth miertschin / hou / ect on 07 / 07 / 2000 05 : 23 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : beth miertschin 07 / 07 / 2000 05 : 01 pm to : mitchell taylor / corp / enron @ enron , bill w brown / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : shelly jones / hou / ect @ ect , geynille dillingham / hou / ect @ ect subject : baylor professors lunch on wednesday , july 12 dr . john martin , chair of finance department , and dr . bill petty , chair of entrepreneurship department , of baylor university will be at the enron building to discuss future sponsorship of the texas finance festival and to talk about recruiting . they have asked me to invite all of you to lunch with us on that day so that they might have a chance to visit with you all as well . please let me know if you are available for lunch on july 12 at noon .",0 +"Subject: re : hello hi vince , thank you for your offer to bring jacob back for another interview . yes , if it is not too much trouble , i would like to talk with him . i was sorry i had to be out of town last week when he was in the office . thanks , just let me know when you would like me to be available . kim . - - - - - original message - - - - - from : kaminski , vince sent : monday , april 16 , 2001 1 : 21 pm to : watson , kimberly cc : krishnarao , pinnamaneni ; kaminski , vince subject : re : hello kim , this is a letter from one of the job applicants who works for pros . it seems that the system they develop for williams is more a scheduling system . would you like to ask him to come back for another interview , to get more information out of him ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 16 / 2001 01 : 18 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" jacob y . kang "" on 04 / 11 / 2001 11 : 18 : 44 pm to : vince . j . kaminski @ enron . com cc : subject : re : hello dear vince : it was so nice meeting and talking with you too . i did not take any pen back , i lost my pen too somewhere in enron . as i mentioned to you , after i got my ph . d in 1999 , i have been working two years as lead scientist and science manager in energy division at pros revenue management inc . in houston . i developed and implemented the mathematical models for trading optimization system and firm transportation optimization system . the trading optimization system becomes the most popular product in the industry this year . duke energy just signed the contract to buy this product yesterday . conoco and williams also signed the contracts for it . according to pros sales department , the potential marketer to buy this product exceeds 15 companies in one or two years . enron is the ideal place for me to continue my research and system developing efforts to combine revenue management with risk management . i am confident that i can make significant contributions to enron in this area . i would like to thank you again for giving me this opportunity to come to enron for this interview . i am looking forward to having the opportunity to work in enron . sincerely yours jacob - - - vince . j . kaminski @ enron . com wrote : > jacob , > > it was nice meeting you . did take by any chance > my pen ? if not , i apologize . > > vince > do you yahoo ! ? get email at your own domain with yahoo ! mail . http : / / personal . mail . yahoo . com / ",0 +"Subject: sat vince , i hope you are having a great trip . i look forward to hearing about it . let ' s aim for the 5 : 00 show , if that is ok with you . i always have so many errands to run , i don ' t want to run late for the movie . talk to you saturday a . m . - - 713 - 355 - 8311 jana",0 +"Subject: re : interview for the research group vince : i apologize - - i had emailed shirley to let her know that toni had forwarded your email to me and that i would be handling this for you , but i didn ' t copy you on the email . please call me with any questions , molly x 34804 vince j kaminski 10 / 18 / 2000 03 : 14 pm to : molly magee / hou / ect @ ect cc : subject : interview for the research group fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 18 / 2000 03 : 21 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 10 / 18 / 2000 12 : 58 pm to : toni graham / corp / enron @ enron , stephanie summers / na / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : interview for the research group hello everyone : vince would like to bring jaesoo lew in next week for an exploratory interview with the research group . the dates that would work best for us are : wednesday , the 25 th ( am ) , thursday , 26 th ( am ) and friday , 27 th ( am ) . please see if mr . lew is available for any of these times . thanks ! shirley 3 - 5290 - vitae 2 . doc - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 10 / 18 / 2000 12 : 51 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 10 / 18 / 2000 12 : 29 pm to : stinson gibner / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : position shirley , i would like to invite him to an interview next week . we should use his home phone number and / or private e - mail address . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 18 / 2000 12 : 33 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" jaesoo lew "" on 10 / 17 / 2000 09 : 59 : 01 pm to : vkamins @ enron . com cc : subject : position dear dr . kaminski my name is jaesoo lew and i am referred by dr . wayne lee . currently i ' ve been working at aquila energy in kansas city as an pricing analyst since july 2000 . since then , i have developed a natural gas storage valuation model applying the swing options ( forest method ) pricing approach . the price processes would be considered critical for the storage valuation since a trinomial forest is required to value storage . also the c + + programming using excel dll has been developed , too . i attached my resume to this message for your consideration and am looking forward to talking about an opportunity at enron . my home phone number is 913 - 649 - 0578 , dr . kaminski , i will wait your call in this week as dr . lee informed me . if possible , please let me know your expected calling day through the mail . i appreciate your consideration . thank you very much . sincerely , jaesoo lew get your private , free e - mail from msn hotmail at http : / / www . hotmail . com . share information about yourself , create your own public profile at http : / / profiles . msn . com . - vitae 2 . doc",0 +"Subject: re : asset auctions stinson : i don ' t think chonawee can do much in this time frame . it ' s your call if you want to go through the motions . grant . - - - - - - - - - - - - - - - - - - - - - - forwarded by grant masson / hou / ect on 07 / 26 / 2000 09 : 21 am - - - - - - - - - - - - - - - - - - - - - - - - - - - derek davies 07 / 25 / 2000 05 : 35 pm to : grant masson / hou / ect @ ect cc : subject : re : asset auctions ? grant , thanks for all your help . the auction is scheduled to commence a week wednesday ( aug 2 / 2000 ) . derek",0 +"Subject: re : urgent deadline : rsvp by jan 22 nd : invitation to 2001 energy finance conference feb . 22 - 23 , 2001 - the university of texas at austin thanks vince . if there are other members in your group that did not get this e - mail , please forward it to them . the school called yesterday and they said that no one from enron was taking advantage of the conference other than yourself . thanks again . karen",0 +"Subject: price caps - - - - - - - - - - - - - - - - - - - - - - forwarded by vladimir gorny / hou / ect on 11 / 01 / 2000 03 : 39 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : tim belden 10 / 27 / 2000 05 : 40 pm to : john j lavorato / corp / enron , dave delainey , mike swerzbin / hou / ect @ ect , robert badeer / hou / ect @ ect , sean crandall / pdx / ect @ ect , tim belden / hou / ect @ ect , jeff richter / hou / ect @ ect , diana scholtes / hou / ect @ ect , tom alonso / pdx / ect @ ect , mark fischer / pdx / ect @ ect , john m forney / hou / ect @ ect , paul choi / sf / ect @ ect , john malowney / hou / ect @ ect , holli krebs / hou / ect @ ect , greg wolfe / hou / ect @ ect , chris h foster / hou / ect @ ect , stewart rosman / hou / ect @ ect , kim ward / hou / ect @ ect , debra davidson / pdx / ect @ ect , tim belden / hou / ect @ ect , lester rawson / pdx / ect @ ect , john zufferli / cal / ect @ ect , james d steffes / na / enron @ enron , mary hain / hou / ect @ ect , christopher f calger / pdx / ect @ ect , dave parquet , phillip k allen / hou / ect @ ect , vladimir gorny / hou / ect @ ect , monica lande / pdx / ect @ ect , elliot mainzer / pdx / ect @ ect , tim heizenrader / pdx / ect @ ect , cooper richey , stephen swain / pdx / ect @ ect , susan j mara / sfo / ees @ ees , steven j kean / na / enron @ enron , mark palmer / corp / enron @ enron cc : debra davidson / pdx / ect @ ect subject : price caps the following summarizes recent price cap events in california . i think that i have most of it right . if there is anything wrong or missing please let me know . please don ' t share the attached spreadsheet with anyone outside of enron . regards , tim new cap specifics on 10 / 26 / 2000 the iso board passed a motion by a vote of 13 - 10 to implement a new price cap methodology . the new methodology will become effective 11 / 3 / 2000 or as soon thereafter as can be implemented . caiso staff has indicated that it will be difficult to achieve that start date . they have not yet indicated what an achievable date might be . the new price cap methodology will remain in place until : comprehensive market changes have been implemented and the market has proven to be workably competitive under a variety of load conditions . either ferc or the iso board orders its removal . cap prices will be based on the average nymex l 3 d settlement average and the following heat rate table : load level heat rate 4 . 00 gas example cap 40 gw $ 250 / mwh $ 250 / mwh caps will be rounded up to the nearest $ 5 / mwh increment . demand bids and demand responsiveness programs are exempt from these caps . the iso will post the price caps for each load level at least 48 hours prior to the beginning of each calendar month . based on the iso ' s two day - ahead system load forecast , the iso will post hourly caps at least 24 hours prior to the hour of delivery . ferc context ferc has delegated cap authority to the caiso until 11 / 15 / 2000 . the iso has asserted that they don ' t need ferc authority since it is a bid cap rather than a sales cap . ferc regulates sales , not purchases , of electricity and therefore can regulate sales prices but not purchase prices . the iso has filed with ferc for an extension of the price cap authority . ferc has to rule on the filing by 11 / 18 / 2000 . ( note that this is 3 days after their authority expires ) ferc will release its proposed order on 11 / 1 / 2000 based on the results of its 206 investigation of the california wholesale power markets . we don ' t know what they will find or what they will propose . the proposed order will have a 30 day comment period , after which ferc will likely issue a final order . ferc will be accepting oral comments on 11 / 9 / 2000 in washington . enron still has to determine who will provide oral comments . many companies have filed at ferc advocating or opposing a litany of price caps , cost based rates , and market redesign recommendations . it is likely that the price caps approved by the iso board will go into effect . how long they will remain in effect will depend on whether ferc extends the iso price cap authority and whether the final order stemming from the current 206 investigation stipulates a specific price cap policy . impact of price caps the attached spreadsheet contains a table of likely maximum monthly prices at different gas price levels . we think that this is the highest that markets would clear since it assumes that each hour clears at the cap . it is hard to say whether actual prices would clear significantly lower than the cap because we don ' t know whether sellers will offer below the cap or at the cap . the assumptions behind our analysis are detailed in the bullets below . take actual historical loads from 1999 and 2000 . calculate implied price cap for each hour using actual historical load , new price cap methodology , and a range of gas prices . divide historical hours into peak and off - peak buckets . calculate average price for each month for peak hours and off - peak hours . for example , we have two years worth of data for the months of january through september . each month has approximately 400 hours . for january through september , we took approximately 800 observations for each month ( 400 from each year ) and calculated a simple average of all of the individual observations . we created a peak table and an off - peak table . the table shows the calculated implied cap based off of the acutal loads at varying gas prices for each month . this value represents what the month would clear at if each hour cleared at the cap ( based on historic loads ) . while any given hour could be above this value , our calculation estimates the likely monthly average cap value ! the blue shading indicates what the caps would be given current ( 10 / 27 / 2000 nymex ) forward prices . the yellow shading indicates those forward power prices which are in excess of the proposed cap .",0 +"Subject: re : copper curve ted , i agree . curve review has always been rac responsibility . please , let me know if we can assist you in any way . vince from : ted murphy 10 / 29 / 2000 10 : 23 am to : vince j kaminski / hou / ect @ ect cc : subject : re : copper curve tani , please touch base with lloyd fleming as to whom from rac should review the methodology . i view that it is the commercial team ' s responsibility to post the curve , operations responsibility to gather objective information on the efficacy of the curve on a ( minimum ) monthly basis and report all highly sensitive curves , rac will not approve or disapprove a curve but question methodology / motivations and subsequent changes and do so in a senior management forum ( i . e . , we will tell on those who have suspect curves or curve movements ) . obviously , we are looking for the best estimate of the value of those products in those time buckets today , we also favor object , consistent application of methodoology intra and inter commodity . ted vince j kaminski 10 / 27 / 2000 04 : 18 pm to : tani nath / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , steven leppard / lon / ect @ ect , tim poullain - patterson / lon / ect @ ect , harry tefoglou / lon / ect @ ect , esther gerratt / lon / ect @ ect , maureen raymond / hou / ect @ ect , ted murphy / hou / ect @ ect subject : re : copper curve tani , no problem . we shall look at the curve on monday . i have organized a small team to examine the curve from different perspectives . curve validation is normally a rac prerogative and i shall get them involved on monday vince tani nath 10 / 27 / 2000 11 : 40 am to : maureen raymond / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , steven leppard / lon / ect @ ect , tim poullain - patterson , harry tefoglou / lon / ect @ ect , esther gerratt / lon / ect @ ect subject : copper curve following steve ' s note to you earlier today , i wanted to mention that we have a fairly urgent need for review of the copper curve in particular , as there is a deal due for final pricing in the next few days . i am not sure what data you have received from enron metals in london , so i am asking tim poullain - patterson to ensure that you have the curves and the economic justification proposed as soon as possible . please direct any questions to him or to harry tefoglou . i will be in the tokyo office next week , but available via e - mail . thanks in advance for your assistance , tani",0 +"Subject: re : summary spreadsheet for data vendor research and model development hi , fyi here is an updated spreadsheet summarizing the data vendor research and model development . please let me know if any thing is missing , wrong , should be deleted , etc . thanks , iris - - - - - original message - - - - - from : salmon , scott sent : monday , april 09 , 2001 2 : 15 pm to : dhar , amitava cc : mumford , mike ; kirkpatrick , eric ; mack , iris subject : re : data for private firm model great work iris ! this gets us heading down the right direction and we ' ll have some project scope documentation asap . cheers , scott amitava dhar 09 / 04 / 2001 19 : 25 to : scott salmon / eu / enron @ enron , mike mumford / lon / ect @ ect , eric kirkpatrick / eu / enron @ enron cc : iris mack / enron @ enronxgate subject : data for private firm model the enclosed spreadsheet contains a summary of preliminary data search plan prepared by iris . we will talk about further progress during our conf . call on wednesday . >",0 +"Subject: re : university of texas conference on energy finance , february 2001 vince , i am checking the date on jeff ' s calendar ( i ' m assuming the date is february 22 ? ) . i am holding that date whole week for a trip abroad , but i think we have some flexibility on that and am checking it out . i ' ll be back in touch as soon as i ' ve resolved that . srs vince j kaminski @ ect 09 / 20 / 2000 11 : 41 am to : jeff skilling / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , richard causey / corp / enron @ enron subject : university of texas conference on energy finance , february 2001 jeff , our friends at the university of texas are planning a conference on energy economics and finance in february of next year . they would like very much to have you as a keynote speaker . given our good , long - term relationship with ut , i would recommend that you speak at this conference . i talked to prof . ehud ronn a few times about the program and i think that this will be an excellent forum to present enron ' s accomplishments and agenda for the future . i am sure that rick causey will join me in making the same recommendation . vince",0 +"Subject: tage paul : just to let you know i have made reservations for thursday night , june 1 at latour d ' argent restaurant . it is located at 2011 ella blvd @ t . c . jester . please let mr . m aragos know that a coat is required for dinner . if you need directions , please let me know . thank you . regards , shirley crenshaw administrative coordinator research group enron corp . 713 / 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: re : d - g energy great . i still haven ' t heard back from them regarding our escrow agreement butn hope to soon . if not , i will call . laine",0 +"Subject: summer hire molly , we would like to hire mr bhalachandra mehendale for a summer position . he is currently working on his ms finance at u . of wisconsin and is scheduled to finish december 2001 . his resume is attached . he will be available from about may 28 until the end of august . please let me know what additional info you need research to provide . regards , stinson - bhala _ resume . doc",0 +"Subject: re : obrona - mba pani agato , dwa punkty : 1 . pytania 2 . dodatkowe komplikacje . i . pytania controlling wprzedsiebiorstwie 1 . prosze przedyskutowac podzial funkcji i rachunkowoscia . czym rozni sie controlling odwewnetrznego i zewnetrznego auditing . 2 . prosze omowic zalety ? oraz wady  & rachunku kosztow dzialan  8 ( abc ) . analiza wskaznikowa 1 . prosze przedyskutowac ograniczenia analizy wskaznikowej . 2 . prosze omowic istote analizy piramidalnej . jakie informacje o stanie finansowym przedsiebiorstwa mozna uzyskac stosujac te metode ? pezentacja instrumentow analizy finansowej 1 . prosze omowic metody przewidywania potencjalnego ? bankructwa firmy przy zastosowaniu analizy wskaznikiwej . 2 . prosze przedyskutowac klasyfikacje wskaznikow ekonomicznych wykorzystywanych do . ii . komplikacje . we wtorek , 3 kwietnia rano , wylatuje do filadelfii . powinienem dotrzec do hotelu okolo godziny 12 czasu lokalnego , czyli godziny 6 : 00 wieczorem czasu polskiego . roznica czasu w stosunku do houstonu jest 7 godzin , ? w stosunku do wybrzeza wschodniego jest 6 godzin . jutro przesle szczegolowy plan podrozy , ktory bedzie zawierac adres i numer hotelu . prosze przeslac mi numer , na ktory moge zadzwonic , by podac numer pokoju , lub zadzwonic z samolotu w przypadku opoznienia lotu . w . kaminski",0 +"Subject: concerning the move to the 32 nd floor goodmorning liz , hopefully your morning is going well . liz , we are currently moving up to the 32 nd floor as you are already aware of . i had been speaking with brenda concerning the move however , things has changed since then . liz , i need for you to understand the importance of me knowing exactly when and where we will move . first of all - the space , we have several machines that must move with us . secondly - we must make arrangements for our satellite , the cable may need adjusting . thirdly - i need to know where every copy machine is located on the floor and hopefully we are closest to the largest one . please liz , these are most important . we prepare for morning meetings daily and we are the first to get here to work , so if any problems occur we try and tackle them beforehand . please i know that you are very busy however , this will really be helpful in making our move a success . maybe we can meet and discuss ? thank you kevin moore",0 +"Subject: re : darrell , thanks a lot . a quick question : we haven ' t received your invoice for the last few model / paper reviews . please , make sure that we are billed . clewlow / strickland book is out . i shall send you a copy today . vince darrell duffie on 01 / 24 / 2001 03 : 17 : 01 pm please respond to darrell duffie to : vince . j . kaminski @ enron . com cc : hoshino @ stanford . edu subject : re : vince / taiichi in case you are interested , i attach this paper on gas storage value modeling . best , darrell darrell duffie mail gsb stanford ca 94305 - 5015 usa phone 650 723 1976 fax 650 725 7979 email duffie @ stanford . edu web http : / / www . stanford . edu / ~ duffie / - paper 4 . pdf",0 +"Subject: re : my involvement in leadership fort worth ken enron supports employees ' involvement in civic organization and i think you should continue tour involvement with lwf . it ' s important that we give something back to society . you don ' t have to take a day off to attend workshops . vince kenneth parkhill @ enron 12 / 04 / 2000 09 : 19 am to : vince . kaminski @ enron . com cc : subject : my involvement in leadership fort worth vince , i am currently a candidate member of leadership fort worth through august of 2001 . i don ' t know if you are familiar with leadership houston or any other leadership group , but it is basically a civic organization that provides a forum for leaders to learn more about their community and opportunities for civic leadership . for their first year , members are candidates and must attend about 1 full - day workshop a month in fw , normally on a thursday . after that , members can transfer to other leadership cities . i talked with stinson about the group and he thought i should talk with you about whether or not i should stay involved with lfw . the attached email describes the december meeting scheduled for 12 / 14 . thanks ken - - - - - - - - - - - - - - - - - - - - - - forwarded by kenneth parkhill / na / enron on 12 / 04 / 2000 09 : 07 am - - - - - - - - - - - - - - - - - - - - - - - - - - - ann @ abarr . net on 12 / 01 / 2000 11 : 35 : 42 am please respond to to : "" william jenkins , jr . "" , "" walter lincoln office "" , "" victor howell "" , "" vicki dickerson "" , "" vanessa boling "" , "" steve johnson "" , "" sandra short "" , "" rusty hodapp "" , "" ron stutes "" , "" rob sell "" , "" rita vinson "" , "" platt allen , iii "" , "" michelle peebles - trollope "" , "" melanie hoover "" , "" matt byars "" , "" mary jane ashmore "" , "" martha musgrove "" , "" marla sapp "" , "" lynn lester "" , "" lori smith "" , "" linda winkelman "" , "" liane janovsky "" , "" leslie pope "" , "" lauri newlin "" , "" kenneth parkhill "" , "" keith kline "" , "" julie johncox "" , "" john hallam "" , "" joe drago "" , "" jim rhodes "" , "" jeff conner "" , "" jeff cashman "" , "" janet pacatte "" , "" janet hahn "" , "" flavel chastain "" , "" duane paul "" , "" don allen "" , "" debbie liles "" , "" david wells "" , "" david duman "" , "" damon gaines "" , "" cynthia persons phillips "" , "" cynthia harnest "" , "" craig goldman "" , "" courtney jeans "" , "" cornell thomas "" , "" cathy coleman "" , "" cal martinez "" , "" bonita maurer "" , "" ardina washington "" cc : subject : economic and workforce development day attached is information about economic and workforce development day . ? this class day will be thursday , december 14 , 2000 - meme economic development day dec 2000 . doc - christmas invitation 2000 reata . doc",0 +"Subject: re : hi zeigham , we discussed two options ( not necessarily mutually exclusive ) : 1 . summer internship 2 . full employment . are you interested exclusively in full employment ? i need the answer asap , as we are going to discuss the additional summer intern positions this afternoon . vince zkhokher @ mail . utexas . edu on 04 / 11 / 2000 01 : 06 : 14 pm to : cc : subject : hi vince : it was very nice talking to you at the texas finance festival and i think the telecom market that enron is entering is very interesting and very lucrative . ? i would be very interested in working in that segment for enron . ? however , i talked to sheridan about this oppurtunity and he said that it is probably going to be another six months before i finish my dissertation . ? so while i am definitely interested , the start date will probably have to be around that time . ? ? at any rate , it was a pleasure meeting you again and hopefully once i have defended my dissertation ? we can discuss employment oppurtunities in greater detail . ? ? regards zeigham zkhokher @ mail . utexas . edu 512 - 471 - 1676",0 +"Subject: enron credit : more recent business plan - - - - - - - - - - - - - - - - - - - - - - forwarded by amitava dhar / corp / enron on 04 / 30 / 2001 11 : 52 am - - - - - - - - - - - - - - - - - - - - - - - - - - - scott salmon 04 / 27 / 2001 09 : 04 am to : iris mack / enron @ enronxgate , amitava dhar / corp / enron @ enron cc : subject : more recent business plan iris / amitava , here ' s something more recent to chew on . . . note : strictly confidential . cheers , scott",0 +"Subject: pserc iab meeting dear dennis , vince kaminski forwarded your invitation to attend the pserc iab meeting . i look forward to meeting you and attending the meeting . i am a manager in vince ' s research group and my background is in economics of power systems . sincerely , lance b . cunningham , p . e . manager enron north america",0 +"Subject: travel announcement enron global travel management ( a division of global strategic sourcing ) is pleased to announce that american express corporate cardholders can now view account details online . highlights of this service include : review previously billed , current , and unbilled charges review corporate direct payments and personal payments applied to your account dispute a charge online , if needed access customer service 24 hours a day , 7 days a week to log on to american express online services : gss has prepared a special registration / log on page for corporate cardmembers for your convenience . to access it , go to http : / / travel . enron . com and click on the corporate card button . cardmembers with cards issued within the last 45 days , need to call american express customer service to enroll . the number is 1 - 800 - 297 - 1234 . if you have already registered your personal american express card in the american express online services program : please click on the "" check your bill "" link and login using your existing user id and password . you will be able to add your american express corporate card to your existing registration by clicking on the "" update your online profile "" link which appears on the left hand menu bar once you are logged in . we hope you enjoy using american express online services . for questions or additional information , contact tracy ramsey ( director , global travel management ) at 713 / 853 - 6457 .",0 +"Subject: re : research group thanks vince , i will get on it right away ! / 28 / 2000 11 : 35 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 02 / 28 / 2000 11 : 05 am to : kevin g moore / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : research group kevin , i think it ' s very important . it is important that our work area looks neat . vince kevin g moore 02 / 28 / 2000 11 : 01 am to : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : subject : research group hello vince , vince , before i get with delores on the matter of the department i wanted to ask you how important it that we get the walls repaired ? is the research department satisfactory or is there anything else that i can do ? thanks kevin moore",0 +"Subject: re : network planning stinson , i had a discussion with jim and he said that the company ' s name is mill three . they provide modeling tools for tiered qos and the like for network planning . he said that the code is written in c and that we should be able to work with it . he will get us the contact name and we can get a presentation for us . jim said that he arranged for this before he met me and learned of our ( ebs research ) role in this matter . i made it clear to jim that john griebling had asked us to set up this group to do modeling and that we are in the process of arranging for 4 or modeling experts to reside in houston . from now on jim and i will work hand and hand on such issues along with you to make sure that we initiate development efforts as soon as possible to utilize krishna , samer and co . asap . . . i ' ll take care of arranging a meeting with these consultatants asap . my involvement in hamachi is through jim irvine . jim and i are working very well together due to our engineering background . jim has been a network ( communications ) engineer in the army for about 20 years . for hamachi , there were gap analysis that needed to be done w . r . t . network reach and when and where the network will be available ( ebs ' and hamachi ' s ) . additionally , we would look at when tom gros wanted pooling points up and running , we would then look at hamachi ' s pooling point sites and come up with requests to change dates or third party involvements . for the most part , our efforts has been to interview hamachi network developers about their plans and put the data together in a manner that we can summarize for john . additionally , we ' ve had two meetings with sycamore ( they have offices in denver ) on their products and brett gave a presentation on his effort to jim , etc . . . . more details later when we meet . ravi . stinson gibner @ ect 03 / 02 / 00 08 : 52 am to : ravi thuraisingham / enron communications @ enron communications @ enron cc : subject : network planning ravi : i was told by john bloomer that there is a group of consultants in the portland office from a company called ( i think ) m 3 i . they are doing network consumption and operations modelling . jim irvine or shawna meyer were given as enron contacts on this project . we need to find out what exactly this group is doing and see if we should get samer and either you or me to go , find out the details , and get a brain dump of what they have accomplished to see if it can be used in our modelling efforts . can you find out what jim knows about this project and get back to me ? thanks , - - stinson ps how is hamachi going , and what has been your role there ?",0 +"Subject: super saturday june 3 , 2000 gentlemen - thanks for your support of ena ' s super saturday next week . i have attached a preliminary schedule ( which will change i ' m surebut i will keep you updated ) for your review . thanks again . ted",0 +"Subject: re : thomas knudsen steve , i shall talk to anjam about it . our impression here in houston is that thomas is quite qualified and we are very interested in him . a few days will not make much difference in the hiring process . vince steven leppard 04 / 17 / 2000 03 : 50 am to : dale surbey / lon / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : thomas knudsen dale , vince as you all know i have attempted to get thomas knudsen interviewed as a result of prof lane hughston ' s recommendation ( lane is an acquaintance of vince and me , and is a very senior figure in the world of quant finance ) . anjam vetoed the idea of interviewing thomas since he was "" too old and too experienced "" . since i felt that thomas has some merit , i asked houston to have an informal chat with thomas . houston wish to pursue the interview process further , and anjam has set about setting up the interviews . i ' m somewhat concerned about the way in which anjam is going about this , since it seems he ' s trying to put up barriers to these interviews . i received a concerned email from thomas knudsen this morning in which he recounts some strange conversations with anjam . he says he received a call from anjam on thursday ( 13 th april ) evening ( outside office hours ) , asking how he got his cv into enron ( i ' d shown anjam the email and cv back in early february ) , and how anjam could contact him ( despite the fact he was contacting him at that moment ) . anjam then called thomas on his work number ( bad form ) on friday 14 th asking thomas to come in for interviews on monday ( one working day ' s notice ) . thomas told anjam he was going on holiday on wednesday of this week , and that he ' d have to see if he could make time given the need to tidy up some things at work . he said he ' d contact anjam on monday ( today ) to confirm his availability . today ( 17 th april ) thomas called anjam to say he couldn ' t make it , and that he wouldn ' t be able to make it for two weeks ( not so serious , he thought , given that we ' re losing time to easter anyway ) . anjam told thomas that the position might be filled in two weeks ' time . thomas is concerned about missing the boat , and i for one didn ' t even realise it was leaving so soon ! can anyone shed any light on this ? steve",0 +"Subject: re : anshuman srivastava thanks margaret . will keep you in the loop if things change . i am attaching a job description for anshuman , as we had discussed , foir your files . regards , sandeep . margaret daffin @ ect 02 / 16 / 2001 09 : 41 am to : sandeep kohli / enron _ development @ enron _ development cc : molly magee @ ect , vince j kaminski / hou / ect @ ect , jane allen / hou / ect @ ect subject : re : anshuman srivastava sandeep : further to my voice mail to you today , i will meet with anshuman at 10 : 30 am and will keep his documents in a file . however , without some type of job offer in the us , we cannot move forward with an ll visa for him and if you believe he will not be returning to the us to work , then we really do not need to get him the ll at this time . if the circumstances change , please let me know . margaret sandeep kohli @ enron _ development 02 / 15 / 2001 02 : 05 pm to : margaret daffin @ ect cc : molly magee @ ect , anshuman srivastav / enron _ development @ enron _ development subject : anshuman srivastava margaret , please find attached the resume of anshuman , as well as the form needed for l - 1 visa , duly filled in . copies of all required material for the visa , has already been put into inter - office mail . please do call me at 713 - 857 - 6826 . i want to reschedule today ' s meeting for another time , since we are working on a deadline here . regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 02 / 15 / 2001 01 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - sandeep kohli 02 / 15 / 2001 11 : 21 am to : anshuman srivastav / enron _ development @ enron _ development cc : subject :",0 +"Subject: internship opportunities please respond to dear mr . kaminski , i have found the enrononline project a very interesting one and have enjoyed working with everyone in the research department as well as those from other departments . i am keenly interested in this area and was wondering if there would be any summer internship opportunities . i have attached my resume to this mail for your review and look forward to hearing from you soon . thank you ivy ghose rice mba 2002 - resume . doc",0 +"Subject: rendez - vous reporter : tuesday 5 th september 2000 > tuesday 5 th september 2000 > > the monte carlo rendez - vous reporter from reactions , in association with > guy carpenter [ http : / / www . guycarp . com ] . simply click on the link next to > each headline to read the full story . > > top stories of the day : > > back to basics for employers re > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 675 > > deconstructing the nature of risk > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 680 > > also : > quackenbush report condemned > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 683 > fremont moves to stem loses > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 684 > independent toughs it out > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 677 > xl to grow reinsurance business > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 679 > taylor will stay in industry after leaving lloyd ' s > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 676 > st paul re restructures > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 678 > purkiss unveils alea > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 681 > wurtt uk goes digital > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 682 > unum boosts max re ' s premiums > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 685 > alexander forbes to acquire in uk > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 686 > > > > please visit http : / / www . reactionsnet . com for all the latest news from the > world ' s largest insurance and reinsurance conference . > > alternatively , you can read these stories on the official rendez - vous > website at http : / / www . rvs - monte - carlo . com > > > book of the industry : > > reinsurance > fourth edition of professor robert l carter ' s industry - standard textbook . > https : / / ecommerce . waterside . net / reactions / reins _ fourth . asp >",0 +"Subject: re : 1 . power 2000 ; 2 . my proposed 5 / 25 houston visit ehud , thanks fro your message . what about june 22 ? i have several trips in between may 25 and june 22 . vince "" ehud i . ronn "" on 05 / 16 / 2000 02 : 47 : 49 pm to : vince . j . kaminski @ enron . com cc : subject : 1 . power 2000 ; 2 . my proposed 5 / 25 houston visit vince , greetings . 1 . thanks again for hosting the dinner at power 2000 . congratulations also on a thoughtful keynote address , a copy of which i picked up on the way out of the conference . 2 . my family and i are leaving on a family trip 5 / 25 thru 6 / 4 . thus , i would like to reschedule my proposed houston visit , and presentation of the "" enterprise - wide risk management "" model to enron ' s research dept . , to the next mutually - convenient date . best , ehud ehud i . ronn department of finance college and graduate school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: re : many helyette , sorry for not getting back to you earlier . i took a few days off before my family goes back to california . i have arranged a replacement for you for the houston and new york risk courses . my colleagues , stinson gibner and steve leppard , gave two presentations . i shall be speaking in london on thursday only . steve leppard will make a presentation on friday in my place . i look forward to meeting you in london . i want to make sure that we can sit down for a few minutes and talk about the paris presentations . vince",0 +"Subject: re : backtesting for different percentiles vlady , i enclosed the file with 2 backtesting plots ( you saw them before ) . the following table shows what was the percentage of the days when pnl fell below var 95 , var 90 , var 85 . these results are based on the real ng forward prices from 1 / 1 / 99 to 6 / 7 / 00 for 2 different portfolios : - portfolio 1 contained the positions equal to ng - price - prc portfolio positions on 6 / 6 / 00 , - portfolio 2 consists of the positions equal to storage - prc positions on 5 / 25 / 00 . portfolio 1 var 95 var 90 var 85 implied vols 2 . 93 4 . 11 5 . 57 historical vols with decay = 1 7 . 62 12 . 02 15 . 54 historical vols withdecay = 0 . 97 6 . 75 12 . 02 15 . 54 historical vols withdecay = 0 . 94 6 . 45 12 . 02 15 . 54 portfolio 2 var 95 var 90 var 85 implied vols 4 . 1 6 . 74 9 . 97 historical vols with decay = 1 7 . 04 11 . 14 15 . 84 historical vols withdecay = 0 . 97 6 . 74 10 . 56 16 . 13 historical vols withdecay = 0 . 94 7 . 04 11 . 14 15 . 84 this shows that when we have more observations ( columns corresponding to var 90 and var 85 ) compared to the column corresponding to var 95 the frequency of curve shift being lower than var becomes closer to the theoretical value ( 5 % , 10 % and 15 % ) . the numbers in the column "" var 85 "" are very close to 15 % . this is the argument in favor of using historical vols . and also the results do not depend on the decay factor in this experiment . also notice : the numbers in column "" var 95 "" are higher than 5 % and this is an indication of fat tails . let me know if you have any questions . tanya .",0 +"Subject: ( no subject ) pierre - philippe , thanks for your message . i shall be glad to make a presentation in early november . i understand the presentation are on fridays and november the 3 rd would be the best date for me . if you prefer november the 10 th , we have to wait a few more days with the decision . we have a management conference every year in san antonio and it will be held either in the 2 nd or the 3 rd week of november . i shall know in a few days . the same goes for november 9 , assuming it was not a mistake ( it ' s thursday ) . i shall be free for dinner on the day of the conference . thanks for the invitation . vince",0 +"Subject: jaesoo lew vince : jaesoo lew has just returned my phone call . he is interested in meeting with you and your group , and would like to do so on wednesday , 10 / 25 / 2000 . he had already made travel arrangements to fly to a conference in seattle on 10 / 25 , but is willing to come here for the interviews first and then travel from houston to seattle for the seminar . he did ask if we would be willing to reimburse him for the additional cost of the ticket , and i told him i was sure that you would consider it . dr . lew asked that we schedule his flight into houston for some time after 6 : 00 pm on tuesday , 10 / 24 / 2000 . i will work on the travel arrangements tomorrow morning , and keep you advised . please call me with any questions , molly x 34804",0 +"Subject: re : research leads hello team 1 , i spoke with larry gagliardi on the crude / refinery products desk this morning and he agreed to talk with you after 12 : 30 today or after 2 : 30 any other weekday . he is very familiar with the other platforms and should be a great resource . larry suggested that you surf eol to find names of power and / or natural gas traders , and call them up . please let me know if you have difficulty finding / contacting folks this way and i will see if i can help . larry ' s office number is 713 - 853 - 0543 , and his email is larry . gagliardi @ enron . com . good luck ken",0 +"Subject: research support in london vince , steve leppard informed my today that he will be moving to enron metals . i think that leaves a leadership hole in research here . when that happens in a place like this , resources get diverted to the squeakiest wheel . do you have any advice ? i am concerned that london continues to lag behind in the implementation and analysis of var - most commodities are on spreadsheets and there is not a lot of attention on calibration , analyzing output , refining , improving etc . . pls advise ted",0 +"Subject: password login kkindal password marketcredit !",0 +"Subject: thank you for renewing your subscription to power finance & risk dear vince kaminski : thank you for renewing your subscription to power finance & risk - your exclusive source for power financing and trading news - http : / / www . iipower . com . remember , your subscription entitles you to breaking news emails , print issues and access to http : / / www . iipower . com . online , you can access breaking news and the current issue , as well as a searchable archive and special supplements . please continue to enjoy access to http : / / www . iipower . com , using the user id and password you provided : user id : vkaminski pass word : italia please note your account 00235424 - 0015 * please remember that your user name and password may be used only by you . violation of this rule will cause you to forfeit your complimentary access to the subscribers only area of the web site . why not bookmark http : / / www . iipower . com now , or make it your homepage for easy access in the future ? if you have any questions , please email us at mailto : customerservice @ iinews . com or call customer service at ( 212 ) 224 - 3800 between 8 a . m . and 6 p . m . eastern time . sincerely , nalini humphrey _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ nalini humphrey customer service ( 212 ) 224 - 3800 mailto : customerservice @ iinews . com",0 +"Subject: job well done / bob lee , kenneth parkhill - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 02 / 28 / 2001 03 : 27 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - mario de la ossa @ enron 02 / 28 / 2001 03 : 26 pm to : stinson gibner / hou / ect @ ect cc : subject : job well done / bob lee , kenneth parkhill just wanted to pass along my appreciation for the fine work these 2 gents are doing on the products model . their attention to detail and customer focus has greatly facilitated the performance of my job . thanks , mario .",0 +"Subject: executive solicitation - united way 2000  & who wants to help millions ?  8 is our theme for enron  , s 2000 houston united way campaign , which officially kicks off on august 9 , 2000 . last year , enron achieved a 17 percent increase overour 1998 campaign . this success would not have been possible without the support of all levels of management . enron  , s executive solicitation begins today , and we are counting on your leadership and strong support this year . your generous contribution will enable united way agencies in our community to continue providing quality programs and services . our goal this year is $ 2 , 310 , 000  ) a challenging goal , but we believe it is achievable with your help . including the dollar for dollar corporate match , enron  , s total pledge to united way in 2000 will be more than $ 4 . 5 million . to get there , we invite you to  & help millions  8 by making your pledge in one of the following way : ? alexis de tocqueville society ( gifts of $ 10 , 000 or more )  ) every member of enron  , s executive committee is a member of this elite group . last year , enron was houston  , s leader with 39 members and ranked in the top 25 nationally . members are recognized at a dinner hosted by the united way . ? chairman  , s club  ) the giving levels in this united way group are : ? diamond  ) $ 7 , 500 - $ 9 , 999 ? platinum  ) $ 5 , 000 - $ 7 , 499 ? gold  ) $ 2 , 500 - $ 4 , 999 ? silver  ) $ 1 , 500 - $ 2 , 499 ? bronze  ) $ 1 , 000 - $ 1 , 499 by pledging 1 . 2 percent or more of your annual base salary of $ 90 , 000 or more , you also will qualify as a member of enron  , s  & make a difference club .  8 an exciting edition to our campaign this year is that we have implemented an electronic pledging system . please click on the united way link , http : / / unitedway . enron . com to learn more about this year  , s campaign and make your contribution . you will find that it is a very easy process and only takes a few moments to complete . please make your electronic pledge no later than monday , august 7 . if you have any questions at all regarding the campaign or the new e - pledging , please contact kathy mayfield , campaign coordinator at 713 - 853 - 3264 . last year , enron  , s executive team pledged a total of $ 2 . 9 million , including the corporate match , which accounted for approximately 66 percent of the total enron dollars pledged . enron also ranked among the highest in per capita giving for large companies for the 10 th straight year . this is a tremendous achievement , and you played a significant role in making it a reality . let  , s continue the momentum in 2000 . together we will make a positive difference in the lives of many people in need in our community as we all join in  & who wants to help millions ?  8 .",0 +"Subject: contact information dear mr . kaminski , i sent my resume to your well respected company a few weeks ago in regards to establishing a long - lasting career with them . i never received a response and was wondering if you knew who was in charge of the electric power disbatching / scheduling department or know of who i may contact to inquire this information ? i know you are a very busy professional and i apologize for the inconvenience . thank you for your valuable time . warmest regards , eric hilton",0 +"Subject: re : india model vince , i forwarded this to sandeep so he could reply . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 12 / 28 / 2000 03 : 04 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" robert schenck "" on 12 / 27 / 2000 11 : 21 : 18 pm to : cc : subject : re : india model stinson , i am trying to contact our data base experts at the moment to clarify some issues with the region and may need another day to get something more concrete in front of you . what i would like to know is the extent of your company knowledge re the following generation units ' nameplate capacity , fuel type , efficiency , o vince . j . kaminski @ enron . com > subject : india model > > > robert , > > enron would like to do a study of power prices and dispatch for > india we > have spoken with david branchcomb to see if henwood can help with this > project in our time frame ( results needed by end of january ) , and he > suggested that we speak directly with you about the project . > > i will try and give you a call later today ( wednesday afternoon > in houston , > thurday morning , adelaide ) at around 9 : 00 a . m . your time to see we can > describe for you the project in more detail . > > regards , > > stinson gibner > enron research group > ( 713 ) 853 - 4748 >",0 +"Subject: brad romine celeste , i was under the impression i sent you a message regarding brad romine but i cannot find a copy in my msg folder . there might have been a glitch in the cc - mail and the message did not go through and wasn ' t stored . i wanted to make the following points : 1 . brad will not show up on march 15 . he is still working on his dot - com business and wants to pursue this opportunity . 2 . my recommendation is that we should draw a line in the sand . either brad or a stipend refund check should show up on march 15 . 3 . i told brad that a failure to show up on march 15 will not imperil his future employment opportunities with enron . we just need clarity and ability to plan our human resource needs . if he decides to re - apply at some point in the future , we shall not hold his decision to pursue him entrepreneurial plans against him . please , let me know what you think . vince",0 +"Subject: your confirmation is needed please respond to energy news live daily update confirmation from lyris listmanager please reply to this email message to confirm your subscription to enl - dailyupdate - txt . your email address has been entered for a subscription to the enl - dailyupdate - txt mailing list . however , your new subscription requires a confirmation that you received this email message and want to join this mailing list . if you do not want to join , do nothing . you will be automatically removed . to confirm that you do want to join , simply reply to this message . make sure that your message is addressed to to unsubscribe immediately , you send an email message to ",0 +"Subject: maureen raymond has completed derivatives i - applied energy derivatives thank you for supporting maureen raymond in attending derivatives i - applied energy derivatives on august 8 - 9 , 2000 . $ 800 has been charged to your company and rc . if you have any questions , please call the development center team at 713 - 853 - 0357 .",0 +"Subject: entouch newsletter business highlights enron freight markets enron freight markets ( efm ) launched its over - the - road trucking business this week . in addition , efm completed 199 intermodal transactions in the first week of april . ena west power ena west power recently closed the sale of two power projects . the 750 mw pastoria energy facility in kern county , california was sold to calpine and the 240 mw fountain valley power project in colorado was sold to black hills energy capital . given the power shortage in the west , ena is developing additional power generation in nevada , california and washington . enron industrial markets the newsprint group of eim is working to revolutionize the newsprint market and bring financial rigor and market efficiencies to a business that has remained relatively unchanged for more than a century . the global newsprint market is a 23 billion dollar a year business with the north american market comprising one third . the group ' s originators , mid - marketers , and financial and physical traders offer our customers numerous financial and physical products not previously available in the market . eim has made a substantial commitment to this business with the purchase of garden state paper company last year and the recent purchase of daishowa paper in quebec city . the number of transactions has grown exponentially with the physical trading alone reaching a nominal trading volume of more than $ 10 , 000 , 000 per month in little more than four months since opening . in addition to physical spot transactions , the desk offers our counterparties log - term fixed priced transactions , indexed based pricing , forward contracts , swaps , and derivative products . forest products forestweb inc . , an internet - based generator , aggregator and integrator of knowledge and information for the forest products industry , announced a new window to industry financial and risk management tools available from clickpaper . com . clickpaper allows the industry direct access to transactable prices for both physical and financial products , in an electronic format . paperloop . com , one of the leading online resources for the forest products industry , announced the addition of clickpaper . com in their emarketplace , which showcases various e - commerce companies and highlights their services . paperloop provides clickpaper . com exposure to its 250 , 000 + monthly users in the pulp , paper and converting industries . in the news ken lay was the cover story for the april 2001 issue of continental magazine . he had positive things to say about his employees . "" sitting in his 50 th floor mahogany - paneled office overlooking his much - beloved downtown houston , lay , with a self - conscious smile , bows his head slightly as he ' s described as an innovative market maker . ' i really can ' t take any credit , he says . my employees are responsible for what enron does . ' what he does best , the missouri - born corporate icon says , is ' to create an atmosphere of empowerment and creativity and hire bright , innovative people who aren ' t afraid to take risks and try new things . "" welcome new hires eim - craig rickard , lisa mcclendon ena - ben brasseaux , stephen swisher , tamera joyner , vanessa griffin , kathleen ashton weekly enrononline statistics below are the latest figures for enrononline as of april 6 , 2001 . * total life to date transactions > 845 , 000 * life to date notional value of transactions > $ 500 billion nuggets & notes mark your lunch calendars now ! the next ews brown bag is thursday , april 19 at 11 : 30 am . tim battaglia vp / eim will be discussing steel origination . congratulations to peter del vecchio , eim senior counsel , and his wife , nair . they are the proud parents of dante valentin del vecchio , born april 3 , weighing 4 pounds , 8 ounces . news from the global flash enron poland obtains gas trading license on 22 nd march 2001 enron poland received a 10 - year gas trading license , valid for both domestic gas trading within poland as well as for gas exports . the license is a key component to our entering the gas trading market in poland and , coupled with the power trading license we obtained in 1999 , will give enron poland a strong position in the developing wholesale energy market . in the next two to three weeks , we expect to receive a cross - border trading license covering gas imports that are further regulated under the polish energy law ordinance on gas import diversification . enron wind announces first uk off - shore wind farm on 5 th april 2001 , enron wind announced that it had been granted the right to initiate the planning process for its first uk offshore wind farm , located at gunfleet sands , 7 km from clacton - upon - sea in essex . construction is expected to start towards the end of 2002 , with the wind farm of 30 turbines being operational by q 4 2003 . enron wind is also actively involved in a number of on - shore projects in the uk , including the development of wind farms in wales and northern ireland . legal stuff the information contained in this newsletter is confidential and proprietary to enron corp . and its subsidiaries . it is intended for internal use only and should not be disclosed .",0 +"Subject: [ amy @ sdsc . edu : re : caida ' metrics ' wg meeting , 2 mar 00 ( fwd ) ] vince , stinson , looks like just me and jim irvine attending this one may suffice since this is a working group meeting . as the note describes below , there will be a separate trip for you guys and me to determine long - term involvement , etc . . . let me now when to schedule . vince and stinson may want to wait until kc claffy or i can visit portland , or have several enron reps visit san diego for demos and related discussions . ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 29 / 00 01 : 28 pm - - - - - tmonk @ caida . org 02 / 29 / 00 09 : 18 am to : ravi thuraisingham / enron communications @ enron communications cc : amy @ caida . org , tmonk @ caida . org subject : [ amy @ sdsc . edu : re : caida ' metrics ' wg meeting , 2 mar 00 ( fwd ) ] ravi , hi , amy forwarded me your note . since thursday is the kick off discussions for the new working group , it might not be the ideal venue for enron to get acquainted with caida . vince and stinson may want to wait until kc claffy or i can visit portland , or have several enron reps visit san diego for demos and related discussions . we have been talking to stan hanks for some time about enron ' s interests in passive measurement and are in the process of implementing some of the performance features in coralreef that he has described as relevant to enron . examples of existing coralreef analyses on oc 3 / 12 links can be found at : ( real - time ) https : / / anala . caida . org / aix / ( post - processed traces ) we are also working to better tune the skitter tool for reachability analysis and for use by providers , an example of some existing analyses can be found at for end - to - end measurements , including those relating to service level guarantees , we are working to make skping and sktrace more useful to providers and their noc personnel , see another tool of relevance to providers is our cflowd which analyzes flow export data from cisco routers , see http : / / www . caida . org / tools / cflowd / . we would appreciate the opportunity to talk with enron personnel about how to make these tools more relevant and useful to your needs , however , it is doubtful that we will have time to discuss specific tools on thursday . we look forward to meeting you soon ! take care , tracie monk director , caida 858 / 822 - 0943 - - - - - - - - - - forwarded message - - - - - - - - - - to : amy @ sdsc . edu cc : christine _ blair @ enron . net , kristy _ carnes @ enron . net date : thu , 24 feb 2000 19 : 52 : 00 - 0600 subject : re : caida ' metrics ' wg meeting , 2 mar 00 ( fwd ) hi amy , jim irvine ( ebs head of network planning ) and i ( team lead , ebs research ) will attend the meeting . we will have our assistances ( christine blair & kristy carnes , respectively ) arrange the trip . we will plan to come in the night before and return on march 2 , 00 . also , either vince kaminski ( md and head of enron research ) or stinson gibner ( vp , enron research ) may also attend . they will let me know shortly if they plan to attend . regards , ravi . p . s . our company name has been changed to enron broadband services kristy , christine please make the appropriate travel arrangements . the place , time , etc . are listed . | - - - - - - - - + - - - - - - - - - - - - - - - - - - - - - - - > | | amy @ sdsc . edu | | | | | | 02 / 24 / 00 | | | 07 : 07 pm | | | | | - - - - - - - - + - - - - - - - - - - - - - - - - - - - - - - - > | | | to : ravi thuraisingham / enron communications @ enron communications | | cc : | | subject : caida ' metrics ' wg meeting , 2 mar 00 ( fwd ) | hi ravi , i wanted to follow up directly with you and see if you or anyone at enron had any interest in participating in the proposed caida "" metrics "" working group meeting ? please let me know . amy e . blanchard caida % % % % % % % % % % % % % e - mail : amy @ caida . org phone : ( 858 ) 534 - 8338 fax : ( 858 ) 534 - 5117 b . wg charters , meeting on 2 mar 00 i believe that we should instead run a single caida working group on ' network metrics , ' rather than the two proposed earlier . my draft of its charter is appended below . it focuses on producing educational material about network measurement , and on developing new metrics - these were the two areas of greatest interest amongst the caida members . the wg co - chairs are sue moon ( sprintlabs ) and brett watson ( mfn / abovenet ) you are invited to attend the first wg meeting . the agenda is as follows . . agenda for caida wg meeting on : thursday 2 mar 00 - - - - - - - - - - - - - - - - - 10 am - 4 pm , abovenet , downtown sjc ( see below for details ) - - - - - - - - - - - - - - - - - - - - - - - - 1 . review wg charter - is it reasonable as set out in the draft ? - what should be removed or added ? 2 . work through revised charter in detail - identify the work required for each part - determine who ' s willing to work on it - attempt to determine delivery times 3 . discussion of new metrics - first attempt at making a list of metrics to be considered 4 . anything else ? location : abovenet is located in the knight - ridder building , attached to the fairmont hotel complex . the address is 50 w . san fernando st . san jose , ca 95113 rsvp : to help us with organising the meeting , please send email to nevil @ caida . org telling us how many will attend from your organisation . cheers , nevil nevil brownlee visiting researcher phone : ( 619 ) 822 0893 caida , san diego caida network metrics working group : draft charter , tue 23 feb 00 goals : 1 education + faq on what does ' measuring the internet actually mean ? ' - why measure anyway ? - what can be measured ? how ? where ? by whom ? - active vs passive , end - to - end vs provider network only , application vs transport layer - rating schemes : provider ' net performance ' pages , internet ' weather map ' s , keynote , etc . publish as caida web pages , or maybe as an info rfc + survey paper on metrics and internet measurement - current measurement efforts ( surveyor , ripe test traffic , amp , iperf , at & t , keynote , skitter , . . . ) - current tools publish as caida web pages 2 service metrics + define new metrics - taxonomy of current metrics ( ippm , rtfm , itu , . . ) - summary of metrics used for current services - gather information / ideas about new / emerging services , especially diffserv - based ones - make list of new metrics , either to improve measurement of existing services or to support new ones [ list of ' metrics ' questions ( appendix a ) goes here ] + organise experimental implementation / testing of tools for new metrics + make recommendations on implementation - define core set of ' really useful ' metrics - recommend that caida implement these as a ' service measurement toolkit ' + publish new metric definitions through ippm or rtfm + produce document "" measurement requirements for hardware / software vendors . "" publish on caida web pages appendix a : questions from the earlier draft caida wg charters a . what types of network - and transport - layer metrics are being used by isps in engineering and operating their networks ? by customers for verifying service guarantees ? b . what new services are being ( or are likely to be ) offered , e . g . diffserv ? is there a need for higher - layer metrics to better monitor and manage these services ? c . will these new differentiated transport - and application - layer services need new metrics ? d . how can the service metrics be measured in a multi - isp environment ? e . how can customers verify these measurements ? f . what requirements would service measurement introduce for equipment vendors ? g . how relevant are specific techniques ( e . g . which flow ) and points of measurement to specific users ( isp , customer , etc . ) requirements ? h . how do these metrics relate to network behavior as perceived by users ? how do they correlate with performance ? appendix b : background on the ietf working groups * rtfm wg : realtime traffic flow measurement rtfm is concerned with passive measurements of two - way traffic flows , specified in terms of their end - point attributes . its primary goal was to produce an improved traffic flow measurement model considering at least the following needs : a . wider range of measurable quantities , e . g . those relating to ipv 6 , and to class of service b . simpler ways to specify flows of interest c . better ways to control access to measured flow data d . strong focus on data reduction capabilities e . efficient hardware implementation * ippm wg : ip performance measurement the ippm wg charter is to develop a set of standard metrics that can be applied to the quality , performance , and reliability of internet data delivery services . these metrics will be designed such that they can be performed by network operators , end users , or independent testing groups . it is important that the metrics not represent a value judgement ( i . e . define "" good "" and "" bad "" ) , but rather provide unbiased quantitative measures of performance . rfcs framework for ip performance metrics ( rfc 2330 ) metrics : connectivity ( rfc 2678 ) , one - way delay ( rfc 2679 ) , one - way packet loss ( rfc 2680 ) round - trip delay ( rfc 2681 ) i - ds bulk transfer capacity ( 2 x ) instantaneous packet delay variation one - way loss patterns * other wgs the rmonmib wg is thinking about ' application performance measurement . ' this is clearly a hard problem ( e . g . does this just mean response - time measurement , can it be done by passive means , how should the measurements be presented , etc . ) . in short - rtfm provides a good distributed measuring system for traffic volumes - ippm has concentrated on transport - layer behaviour of the current , best - effort internet . - rmonmib is beginning to consider application - layer measurement - - - - - end of forwarded message - - - - -",0 +"Subject: re : 1 . your thur . / fri . austin trip ; 2 . presentation of my risk - management optimization model ; 3 . enron on - line vince , > i shall definitely attend you presentation at power 2000 . thanks , i appreciate it . > i shall ask about a guest accounton eol . typically , such an account allows > an outside user to take a look at the system , but i don ' t think the traders > will allow > systematic access to the price data over a long period of time by a third > party . i quite understand , and will appreciate the ability to use the system while the permission is applicable . > would you like to meet with me , alex , helyette for dinner tuesday ? i would be delighted to join you , alex and helyette for dinner tue . when that info is available , please advise when and where . look forward to seeing you tue . best , ehud ehud i . ronn department of finance college and graduate school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: do vidzenija ! vince , today is the last day of my internship here this summer . i have had a terrific summer . thank you so much for all of your support ! i have talked with my supervisor from this group and i am pleased that he feels strongly and positively about my performance . of course , my job decision is a very important one for me and as i consider job offers in the upcoming months , a variety of factors will be influencing my choice . certainly one of them will be the positive experiece i have had with enron . but regardless of my decision in future , i am so glad that i have had the opportunity to glimpse into enron ' s business and culture . i have met some amazing people here , and my experience with enron is something i will always take with me whereever i go . i hope to hear from you again . please feel free to contact me at any time . my email remains : vngo @ rice . edu and i will leave shirley my phone number as soon as i know it ! deepest regards , van",0 +"Subject: interview schedule for sanjeev khanna hello all : sanjeev khanna spoke with vince at the "" power 2000 "" conference and vince has invited him to come in for an informal interview . he will be in the office friday afternoon , may 12 th . with the exception of vince , each of you might spend at least 15 min with the individual . all interviews will be in ebl 938 the schedule is below and his resume is attached . vince 1 : 00 pm ( 5 min ) vasant 1 : 15 pm amitava 1 : 30 pm stinson 1 : 45 pm tanya 2 : 00 pm zimin 2 : 15 pm paulo 2 : 30 pm krishna 2 : 45 pm grant 3 : 00 pm pg & e energy trading and any other company referenced herein which uses the pg & e name or logo are not the same company as pacific gas and electric company , the california utility . these companies are not regulated by the california public utilities commission , and customers do not have to buy products from these companies in order to continue to receive quality regulated services from the utility . - . doc",0 +"Subject: re : martin lin support for jim hi stinson , i have sent an e - mail to martin to give him heads up on what to expect in terms of transition . i have talked to jim about this and we are in agreement on the following schedule for martin . first two week martin will just read up stuff and get up to speed . i have suggested some reading material . if you guys can do the same . i ' ll set up a meeting for all of us with jim . jim and i will draft a game plan document to outline major areas of work that we need to support from the traffic engineering perpective ( this will involve our or guys , stinson and i ) . martin will be on jim ' s team supporting general network planning ( through this work i am doing right now for project hamachi , i will support jim on other similar initiatives ) projects . martin will work with jim and me on this . stinson , i will e - mail a draft of our game plan once i have something on paper . after that we can distribute the document to tom gros / jean mrha ( trading ) and ted seitz for information . ravi . stinson gibner @ ect 02 / 29 / 00 01 : 57 pm to : ravi thuraisingham / enron communications @ enron communications @ enron cc : subject : martin lin support for jim ravi : since you are spending time with jim irvine , can you find out what martin lin needs to do to start coming up to speed in supporting jim ? martin is ready to transition , but needs to find out what he will be working on . will jim be in houston anytime soon or should martin go to portland to talk to him , etc . . . - - stinson",0 +"Subject: interview with ruewan jayasuriya good morning ruwan : the enron corp . research group would very much like to interview you on friday , april 28 . the following schedule has been set up . please let me know if it is not convenient for you . friday , april 28 th : 1 : 00 pm vasant shanbhogue 1 : 30 pm vince kaminski 2 : 00 pm stinson gibner 2 : 30 pm krishna krishnarao 3 : 00 pm zimin lu 3 : 30 pm tanya tamarchenko all interviews will be conducted in conference room eb 1938 . please come to the reception desk in the lobby of the enron bldg . and ask for me . they will call me and i will meet you in the 19 th floor elevator lobby . if you have any questions , please do not hesitate to call me . sincerely , shirley crenshaw administrative coordinator enron corp . research 713 / 853 - 5290 email : shirley . crenshaw @ enron . com - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 19 / 2000 09 : 03 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 19 / 2000 08 : 56 am to : shirley crenshaw / hou / ect @ ect cc : pushkar shahi / hou / ect @ ect , vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , zimin lu / hou / ect @ ect subject : ruewan ' s resume shirley , please set up an informal interview : vk vs sg kp zl tt vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 19 / 2000 08 : 57 am - - - - - - - - - - - - - - - - - - - - - - - - - - - pushkar shahi 04 / 18 / 2000 04 : 52 pm to : vince j kaminski / hou / ect @ ect cc : subject : ruewan ' s resume vince : as discussed , i am forwarding ruwan ' s resume to you . ruwan is very excited about meeting with you and elaborating on his qualifications . please let me know a convenient time for next friday ( 4 / 28 / 00 ) when he could visit with you ( or any other day next week at your convenience ) . i have briefly explained to him the nature of the job at enron research laying special stress on quantitative , programming and modelling experience . ruwans seems very interested in that kind of work . sincerely , pushkar shahi financial trading",0 +"Subject: british pound analysis vince , the attached report on the pound incorporates some minor edits from your version . we will be inserting graphics into the report tomorrow to show interest rate differentials , exchange rate movements , and growth rate differentials . maureen",0 +"Subject: pricing default and our may 22 conference call julia , i am sending you a copy of the nondisclosure agreement i received from a professor at ut austin . three ut academics developed a model that may be useful in our pricing applications . they envisage the possibility of either selling this model to enron or of joint research effort in this area . can you , please , take a look at the attached legal document . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 22 / 2000 08 : 52 am - - - - - - - - - - - - - - - - - - - - - - - - - - - sheridan titman on 05 / 17 / 2000 08 : 56 : 42 am to : sheridan titman , "" ' vince . j . kaminski @ enron . com ' "" cc : "" ' vkaminski @ aol . com ' "" , "" ' shirley crenshaw ' "" subject : pricing default and our may 22 conference call > dear vince : i spoke with ms crenshaw yesterday afternoon about a conference call about developing internet course material . if you have already discussed this with your colleagues , it might be helpful if you could very briefly outline the questions and issues they might raise in the conference call so that i can be a bit better prepared . ms crenshaw also mentioned that you never received my earlier email regarding the credit spread model i developed with stathis and sergey . my earlier email follows , and the nondisclosure agreement is attached . i look forward to talking with you next week . regards , sheridan sheridan titman department of finance college of business administration university of texas austin , texas 78712 - 1179 512 - 232 - 2787 ( phone ) 512 - 471 - 5073 ( fax ) titman @ mail . utexas . edu > - - - - - original message - - - - - > from : sheridan titman > sent : friday , may 05 , 2000 12 : 48 pm > to : ' vince . j . kaminski @ enron . com ' > cc : stathis tompaidis > subject : pricing default > > > dear vince : > > i really enjoyed meeting with you yesterday and learned a lot from our > discussions . > > the ut office of technology licensing and intellectual property has given > us the attached form which they would like you to sign before we send you > a copy of our paper on pricing default . please let me know if this is > agreeable to you . > > i hope we have the opportunity to work with you in the future , either on > the debt pricing models or on the other issues we discussed . > > i look forward to hearing from you . > > regards , > > sheridan > > > > sheridan titman > department of finance > college of business administration > university of texas > austin , texas 78712 - 1179 > > 512 - 232 - 2787 ( phone ) > 512 - 471 - 5073 ( fax ) > > titman @ mail . utexas . edu > - nondisclosure agreement . doc",0 +"Subject: request submitted : access request for praveen . mellacheruvu @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000012987 approver : stinson . gibner @ enron . com request create date : 1 / 9 / 01 3 : 03 : 48 pm requested for : praveen . mellacheruvu @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: re : insead high - tech acquisitions workshop ben thanks for attending . i was on "" vacation "" last week ( driving from ca to houston ) and could not answer your first message regardoing insead conference in time . the objective was to find out more about the he workshop on high - tech acquisitions and evaluate the usefulness of the program for enron . i shall be making a recommendation to jeff skilling that we should work with wharton as a partner in a number of different research projects . i shall try to catch you next week to find out what was said about valuation of small high - tech firms . vince benjamin parsons 06 / 12 / 2000 05 : 50 am to : vince j kaminski / hou / ect @ ect cc : bryan seyfried / lon / ect @ ect subject : insead high - tech acquisitions workshop vince i attended the workshop on high - tech acquisitions at insead on saturday alongside participants from cisco , eads , razorfish and cable + wireless , and academics from insead and wharton . the basic premise was to discuss and get feedback from practitioners about the research project , and a phd study which is currently underway at wharton . the discussions were very interesting - especially as this was my first exposure to this area . examples of the discussions raised include why firms acquire new businesses instead of developing them in - house what degree of post - acquisition integration was optimal difficulties of us firms acquiring euro / asian high - tech companies how to value small high - tech firms how to quantify the success / failure of an acquisition my feeling is that further work with them in this area would be beneficial to enron because it would help the development of the academic research and give us first - hand access to the results . plus it would enable us to learn from the mistakes of others , through meeting practitioners at such workshops and having greater access to the case studies . i guess it could also aid our realignment within the high - tech / communication industry to be seen in such studies . regards ben",0 +"Subject: re : grant / anjam per a converstion with vince kaminski , anjam provided his resignation this past wednesday . therefore , we are on longer requesting activity on anjam . thank you for your follow up and assistance with anjam . norma villarreal sr . hr represenative 713 / 853 - 1845 tara rozen 10 / 09 / 2000 11 : 42 am to : norma villarreal / hou / ect @ ect cc : melanie doyle / lon / ect @ ect subject : grant / anjam hi , norma what happened to grant ? did he leave enron for a competetor ? i assume vince is still interested in anjam even though anjam still hasn ' t agreed the offer . please confirm as i presume anjam is waiting until the last possible minute to accept . thanks tara",0 +"Subject: re : prc meeting date anne , thanks . shirley is checking my calendar and will call you about the schedule . the entire week of the 11 th does not look good for me . vince from : anne labbe / enron @ enronxgate on 04 / 30 / 2001 11 : 17 am to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / houston / eott @ eott subject : prc meeting date vince , just wanted to check with you to see if you have a preference as to when you would like to have your mid - year prc meeting . if you and your team are available , i would prefer to have it on either june 12 th , 13 th or 14 th . i am very flexible though , so please just let me know so that i can start making the necessary accommodations . thanks , anne",0 +"Subject: re : iris mack let me see what we can work out , vince , and we ' ll get back to you . molly vince j kaminski 12 / 18 / 2000 01 : 46 pm to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : iris mack molly , this is the list of people we can ask to interview iris . i would include one ( or possibly more ) people from each group below , depending on availability . 1 . debbie brackett or bill bradford 2 . ted murphy , bjorn hagelman or david port 3 . mark tawney or joe hrgovcic 4 . greg whalley or louise kitchen i shall send a message to them explaining that we try to identify the best fit for a good candidate . vince enron north america corp . from : molly magee 12 / 18 / 2000 11 : 57 am to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : iris mack iris would like to come on thursday , 12 / 28 / 2000 , to visit with you and your group . she will be in new orleans , and will just fly in for the day . molly",0 +"Subject: re : credit . com cv ' s my feedback : philip has an excellent cv and background - - - phd coursework at university of chicago , and work experience at long term capital ( hopefully he learned something ) . his views are somewhat idealistic - - - his aim is to make bid - offers in any product , and he could not really address how he would handle illiquidity . nevertheless , if bryan needs traders , he can fit the role . zak seemed somewhat unfocused . he has worked on a variety of projects , but does not have any specific view in mind as to what he would like to do . he seemed very academically oriented , and might be hard to communicate and work with . i do not see him working in the trenches , and i do not see him leading the group either . he would be a good person to brainstorm ideas with . vasant - - - - - - - - - - - - - - - - - - - - - - forwarded by vasant shanbhogue / hou / ect on 05 / 22 / 2000 08 : 22 am - - - - - - - - - - - - - - - - - - - - - - - - - - - bryan seyfried 05 / 20 / 2000 09 : 35 am to : vince j kaminski / hou / ect @ ect cc : vasant shanbhogue / hou / ect @ ect subject : re : credit . com cv ' s could we talk on monday pls . obtain the feedback of your team . thanks for the assistance vince j kaminski 08 / 05 / 2000 22 : 46 to : rosalinda resendez / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , bryan seyfried / lon / ect @ ect subject : re : credit . com cv ' s rosie , we are making arrangements to bring them to houston for an interview . vince rosalinda resendez 05 / 08 / 2000 11 : 10 am to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : credit . com cv ' s vince , i ' ve been asked to forward these resumes to you . rosie - - - - - - - - - - - - - - - - - - - - - - forwarded by rosalinda resendez / hou / ect on 05 / 08 / 2000 11 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - louise bratby 05 / 08 / 2000 10 : 11 am to : rosalinda resendez / hou / ect @ ect cc : subject : credit . com cv ' s rosalinda i work with melanie doyle in london hr . i have two candidates who i ' m trying to arrange ( for bryan seyfried ) to come in and see vince kaminski however i ' m finding it difficult to co - ordinate from this end . would it be possible for you to forward these cv ' s on to vince ' s assistant as i ' m not sure who the correct person is . thanks for your help and if you need more details my number is 44 20 7783 6945 . regards louise",0 +"Subject: 2001 research support for ebs barry , thanks for the timely email . i have your name on my list of people to contact this week as kevin hannon had mentioned to me just yesterday that our group might be able to help you in translating positions for the new risk system for ebs . you are right that i haven ' t been spending much time on 44 . martin lin has been taking the lead in day to day management of most of the current projects that we are supporting . we have been somewhat short handed since samer takriti left the group last fall and we were out - bid by mckinsey for cantekin dincerler who had helped us with ebs projects as an intern over the summer . however , we do have additional help coming . iris mack , a very bright new hire who comes with significant consulting and risk management experience , will be starting with the group next week . i am hoping that , together with martin , she will allow us to significantly increase the research group presence on 44 and address areas which are currently undersupported . can i get on your schedule some time next week in order to map out the areas where we could best contribute to the risk management projects and to introduce iris and martin to you ? almost any time would be fine , or you can have your assistant coordinate with shirley crenshaw x 35290 . regards , stinson x 34748",0 +"Subject: mit phone interview - zachary inman jim coffey , vince kaminski , mark palmer and james scribner , thank you all for taking time out of your busy schedules to conduct the following interviews . included is the itinerary for each of your phone interviews with zachary inman from mit . you may reach zach at 617 - 577 - 1565 . vince kaminski - please call zach at 7 : 30 am . this will be 8 : 30 am zach ' s time . mark palmer - please call zach at 10 : 30 am . this will be 11 : 30 am zach ' s time james scribner - please call zach at 11 : 30 am . this will be 12 : 30 pm zach ' s time . jim coffey - please call zach at 1 : 30 pm . this will be 2 : 30 pm zach ' s time . the four phone interviews will determine if we are going to invite zach to our december 8 th and 9 th analyst super saturday . i will send you a packet with all the pertinent details that you will need to conduct the 30 - minute phone interview . the packet will contain his resume and an evaluation form , which structures the format of your interview . if you have any questions please feel free to give me a call . please interoffice the evaluation form , once you have completed the interview , to ebl 167 . it is important that i receive this evaluation promptly . if there are any changes , due to the unforeseen , i will call you prior to the scheduled interviews . thanks so much for your help ! beth miertschin recruiter ext . 30322 shawna johnson recruiting coordinator ext . 58369",0 +"Subject: re : grades pam , another group : stuart hamel jed howard brian nelson b + vince pamela vande krol castro on 05 / 03 / 2001 08 : 58 : 24 am to : vince . j . kaminski @ enron . com cc : subject : re : grades got them - thank you ! - pvc at 05 : 21 pm 5 / 2 / 01 - 0500 , you wrote : > pam , > > another team : > > elena chilkina > robert j . guadette > joseph helms > kenneth jett > todd litton > mark westmoreland > > > grade : a - > > > vince kaminski",0 +"Subject: re : yaron ' s resume alison , thanks a lot . vince enron north america corp . from : mary alison bailey 10 / 25 / 2000 10 : 47 am to : vince j kaminski / hou / ect @ ect cc : subject : re : yaron ' s resume i promise we will do everything we can . right now kristin ' s assistant , alyse herasimchuk , has a call the cornell career office to put him on the schedule . if that doesn ' t work , kristin will ask for the interviewers to stay longer to interview him . will let you know as soon as we do . thanks for everything you do for us . alison vince j kaminski 10 / 25 / 2000 10 : 02 am to : mary alison bailey / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : yaron ' s resume alison , i appreciate it . i really need your help on this one . his father is very helpful in my recruiting efforts at berkeley . vince enron north america corp . from : mary alison bailey 10 / 25 / 2000 09 : 38 am to : vince j kaminski / hou / ect @ ect cc : subject : re : yaron ' s resume correction - i was going too fast last night ( you said cornell not carneige mellon ) . cornell interviews are monday , october 30 & tuesday , october 31 . we are faxing shmuel oren ' s resume to kristin and checking to see if there is any time on the closed schedule , or if the interviewers will stay longer to include him . i will let you know today if we can make it work . sorry my first e - mail was incorrect . vince j kaminski 10 / 24 / 2000 04 : 37 pm to : charlene jackson / corp / enron @ enron cc : mary alison bailey / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : yaron ' s resume charlene , please , help . this is a son of a professor at berkeley who helps me a lot in the recruiting process . his son goes to cornell . can we invite him ( the son , not the professor ) to a super saturday ? i really want to repay the debt to his father who is very instrumental in my recruiting efforts . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 24 / 2000 04 : 40 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" shmuel oren "" on 10 / 23 / 2000 04 : 37 : 25 pm to : cc : subject : yaron ' s resume ? - yaron - resume 3 . doc",0 +"Subject: re : message from bogdan thanks vince . we ' ll talk to him this week . - - dan vince j kaminski 02 / 02 / 2001 05 : 03 pm to : daniel reck / hou / ect @ ect cc : subject : message from bogdan dan , i am sending you a resume of one of my compatriots who lives in houston . i met him socially a few times . he graduated from the same university i did . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 02 / 2001 05 : 00 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - awenda 2000 @ cs . com on 02 / 01 / 2001 09 : 57 : 42 am to : vince . j . kaminski @ enron . com cc : subject : message from bogdan hi vince , i am enclosing my resume , as per our most recent conversation . best regards , bogdan m . szopa - bogdan res . . doc",0 +"Subject: iafe update dear iafe member : i would like to take this opportunity to wish you a happy new year . 2001 marks the 10 anniversary of the iafe and we will be celebrating with a winter gala at the yale club ballroom on february 8 th . the black tie event will begin with cocktails at 6 : 00 and a sit down dinner at 7 : 30 . there will be dancing and festivities including war stories by iafe senior fellows , a silent auction , and a financial engineering retrospective , to name a few . a special award will be presented to myron scholes for his work on the black - scholes model . for more information and to register for the event please go to . we are pleased to report that we had a very exciting and productive year with dozens of activities around the world . as we enter our 10 th year of operations , the iafe has additional membership options available to you . please take a moment to renew your membership , if you have not done so : . based on member requests , a premium membership is now being offered that includes the annual conference at a 30 % discount , the financial engineer of the year dinner , plus a subscription to the journal of derivatives ( jod ) . the full membership remains as in previous years . the new regular membership includes all full membership benefits except jod . membership is based on the calendar year january 1 - december 31 , 2001 . our website was recently updated , when you get a moment , please visit our web site . make sure to check the calendar for upcoming events regularly since we add to it frequently . > i hope to see you at an iafe event in 2001 . donna jacobus iafe office manager main @ iafe . org",0 +"Subject: gpcm summary 1999 this has been a great year for rbac and gpcm . during the year we have doubled to 10 the number of gpcm licensees . this means we ' ve also doubled the number of wonderful people we ' ve trained and are supporting . and , i sincerely mean it when i say it has been a real pleasure working with you all . one of the things we stress when we are selling gpcm is that it takes a strong commitment on the part of the licensee , a commitment to find skilled and dedicated people to make optimal use of this sophisticated tool . and , i ' m happy to report that we have that quality in the gpcm teams we work with . next year we have some big challenges . we will be converting the system from office 97 to office 2000 and will also need to make sure it will run in the windows 2000 environment . we will be adding new flexibility in defining our transportation zone price curves to enable users , especially pipeline users , to test variations of pricing strategies for their impacts on basis and utilization . we will be adding a capability for modeling future ft contracting . we will upgrade our existing database comparison program to allow you to select those items you want to have automatically updated in your own databases . we will continue to work with rdi to improve pipeline and storage infrastructure representations , to provide interfaces between gasdat and gpcm , and to give you regular optional updates for your own databases . we are beginning to plan out a new website dedicated to gpcm licensees ( and possibly prospects ) . we have acquired gpcm . rbac . com and gpcm . net for this purpose . in making these various changes , we look also to you , our existing licensees , for enhancement and improvement ideas . we are planning to conduct interviews of our licensees during the next 30 - 60 days to find out what you like , but also what you would like to see improved , as well as some new ideas for gpcm . i would like to thank the following people for their contributions to gpcm during 1999 . o liam leahy for his excellent marketing , sales , and planning support o charles carr for his quality work on our website and support with subtle visual basic programming issues o richard berman for thorough research on design tools and skilled windows programming o richard mcbride for continuing support and development of his emnet optimization program o aaron and james brooks for design and production of the powerpoint pipeline maps now available in gpcm o mike farina and rdi for their continuing improvement of the gpcm data and gasdat database o gpcm users who have found data bugs and reported them to use so that we could get them corrected o gpcm users who have suggested new features which would make gpcm a better product o gpcm users who have given us sales leads during the year o gpcm users who have used gpcm to help their companies make better plans and decisions , which is , after all , the purpose for which it was designed we hope all of you have a wonderful holiday season and look forward to an even better year 2000 . bob brooks",0 +"Subject: lng models can you guys please take a look , and eric , please show to farzad . . . . jeff - - - - - - - - - - - - - - - - - - - - - - forwarded by jeffrey a shankman / hou / ect on 07 / 07 / 2000 07 : 37 am - - - - - - - - - - - - - - - - - - - - - - - - - - - merritt thomas 07 / 06 / 2000 12 : 00 pm to : jeffrey a shankman / hou / ect @ ect cc : subject : lng models jeff , here are some models which i received from rotenberg ' s lng group when i was in houston last month . i haven ' t had the opportunity to really take a look at them , but you will probably want to pass them along to your lng people . thanks , merritt",0 +"Subject: re : prospective 6 / 22 houston visit ehud , june 22 works for me . do you want to firm it up ? vince "" ehud i . ronn "" on 05 / 25 / 2000 06 : 45 : 49 pm to : vince . j . kaminski @ enron . com cc : subject : prospective 6 / 22 houston visit vince , many thanks for your e - mail . > what about june 22 ? i have several trips in between may 25 and june 22 . i thank you for the invitation . may i at this time acquire an "" option "" to visit on that date , with the finalization of the visit ' s timing to be completed early next month ? thanks and best regards , ehud ehud i . ronn department of finance college and graduate school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: erisks event information thank you for registering for the erisks iconference "" quantifying mid - market default risk : estimation & validation of internal grades for basle & securitization "" featuring eric falkenstein , vice president of moody ' s risk management services the iconference is scheduled for wednesday , october 18 , 2000 at 12 : 00 noon edt , 5 : 00 p . m . london . following are the details you will need to access the event . you may wish to save or print this page for future reference . 1 . dial 1 - 800 - 275 - 3210 ( u . s . ) or 973 - 628 - 6885 ( international ) to listen to the audio for this program . audio is available by telephone only . 2 . wait for an operator and give the following code : "" erisks iconference . "" music will play until the webconference begins . 3 . join the web - based portion of the program to see slides , participate in polls and ask questions . - open netscape or internet explorer 3 . 0 or higher . - enter the following web address : http : / / www . communicast . com / login 4 . fill out the form on this page and enter the following confirmation number : 10006 . 5 . click the "" communicast now "" button . in a few moments you will be placed in the erisks conference . communicast system requirements : - communicast requires the ability to run java applets . - netscape or internet explorer browsers 3 . 0 or higher . if this is your first communicast event , you may wish to test your computer . visit http : / / www . communicast . com / login at any time and click the "" test "" button at the bottom of the page . for this conference , you may skip the last three tests relating to streaming audio . you will not need realplayer to participate in this conference . if you require further assistance , contact support @ communicast . com .",0 +"Subject: here ' s your chance what do we need to know to make ebs a successful business ? we need to identify 5 to 10 critical issues in order to help m . i . t . professor gabriel bitran get his students focused on areas of interest to ebs . your suggestions for interesting and useful research topics are due by next wednesday morning , may 31 . tom gros will then forward the topics to professor bitran . stinson p . s . i really need your help on this .",0 +"Subject: re : fw : opportunities vince i went through my secretary ' s things and found the following number : 713 . 853 . 3848 is this the number to use ? thanks gerry - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : thursday , october 26 , 2000 5 : 48 pm to : gsheble @ iastate . edu cc : vince . j . kaminski @ enron . com subject : re : fw : opportunities gerry , the best time is morning , 7 : 30 to 8 : 30 central . vince "" sheble , g . b . "" on 10 / 26 / 2000 05 : 43 : 28 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : fw : opportunities dear sir : i have attached my resume for your review . i have meetings from 8 - 9 , and 10 - 2 tomorrow . when would it be best for me to call you ? cordially , gerry - - - - - original message - - - - - from : lloyd . will @ enron . com [ mailto : lloyd . will @ enron . com ] sent : wednesday , october 25 , 2000 12 : 12 pm to : vince . j . kaminski @ enron . com cc : gsheble @ iastate . edu subject : re : opportunities thanks vince . i have contacted him and have given him your phone number . he will attempt to contact you thursady or friday . good luck . vince j kaminski 10 / 24 / 2000 03 : 59 pm to : lloyd will / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : opportunities ( document link : lloyd will ) lloyd , yes , i would be very interested . vince lloyd will 10 / 24 / 2000 02 : 45 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : opportunities vince would you be interested in this professional . i would be glad to facilitate a conference call . thanks . - - - - - - - - - - - - - - - - - - - - - - forwarded by lloyd will / hou / ect on 10 / 24 / 2000 02 : 43 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" sheble , g . b . "" on 10 / 17 / 2000 04 : 52 : 57 pm to : "" ' lloyd . will @ enron . com ' "" cc : subject : re : opportunities loyd i tried to call yesterday , but you were out of the office . my schedule follows , would you want to pick a time for me to call you or send me a list of times to pick ? gerry fall 2000 teaching schedule ee 553 mtwr 10 - 11 am curtis hall 308 engr 161 mw 2 - 4 howe hall 2228 other commitments m 11 - 12 ep & es m 1 - 2 office hours t 12 - 2 ep & es seminar t 2 - 3 office hours t 3 - 4 pserc t 5 - 6 epri - dod w 11 - 12 office hours w 4 - 9 dsm r 11 - 12 office hours f 11 - 12 p & t f 1 - 3 cas f 3 - 4 departmental meeting - - - - - original message - - - - - from : lloyd . will @ enron . com [ mailto : lloyd . will @ enron . com ] sent : monday , october 16 , 2000 8 : 00 am to : sheble , g . b . subject : re : opportunities give me a call any time to discuss things . 713 - 853 - 3383 . thanks . "" sheble , g . b . "" on 10 / 15 / 2000 02 : 17 : 02 pm to : lloyd will / hou / ect @ ect cc : subject : re : opportunities lloyd i am attaching another resume for your review , please pass it along if there is any interest . i would also like to discuss opportunities with you as i expect to graduate with my mba summer 2001 . cordially , gerry = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = gerald b . shebl , professor , electrical and computer engineering director of complex adaptive systems program 1115 coover hall ames , iowa 50011 voice : 515 . 294 . 3046 fax : 515 . 294 . 4263 email : gsheble @ iastate . edu web : http : / / www . ee . iastate . edu / ~ sheble / = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = ( see attached file : short _ resume . doc )",0 +"Subject: fw : having iris visit london anita , it seems that i am going to london next week . please see forwarded emails . can you please assist me with my travel arrangements . thanks , iris - - - - - original message - - - - - from : kaminski , vince sent : tuesday , april 24 , 2001 5 : 25 pm to : shanbhogue , vasant ; mack , iris ; dhar , amitava ; kaminski , vince subject : having iris visit london it ' s ok to delay the materials for duffie . he is very busy anyway and is not going to complain . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 24 / 2001 05 : 23 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - scott salmon @ enron 04 / 24 / 2001 01 : 23 pm to : amitava dhar / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , vasant shanbhogue / enron @ enronxgate , ben parsons / lon / ect @ ect , george albanis / lon / ect @ ect , tomas valnek / lon / ect @ ect , bryan seyfried / lon / ect @ ect subject : having iris visit london hi amitava , we ' ve been doing some thinking and discussing here regarding the information on our modelling process we ' ll provide to darryl duffie . we think it would be extremely valuable for iris to come out to london for a couple weeks to gain a better understanding of the how the models integrate and are truly employed . i think this would greatly enhance the "" product "" we ' ll send to duffie as well as giving iris a firm view of enron credit . in addition , she could also explore some of the data sources such as amadeus and others that might be helpful in private firm modelling . if we ' re extremely efficient / lucky in receiving data from d & b or experian , she might be able to begin analysis on that for the private model efforts . i would recommend she plan on coming out for 2 weeks starting the week of 30 apr perhaps . depending on the progress with the private firm data sources , it probably makes sense to send her back to houston to work on calibration sets with a likely return visit to london as required . please let me know your thoughts . cheers , scott",0 +"Subject: re : invitation to speak at infocast ' s upcoming "" market price volatility "" program vince , ok . i appreciate your keeping us in mind . thanks , ron - - - - - original message - - - - - from : vince j kaminski [ mailto : vkamins @ ect . enron . com ] sent : wednesday , january 12 , 2000 8 : 27 am to : ronh @ . com cc : vince j kaminski subject : re : invitation to speak at infocast ' s upcoming "" market price volatility "" program ron , we are really swamped and i would like to keep our involvement in conferences to a reasonable minimum . i can promise that we shall help you with a future conference if it happens to be in houston . vince "" ron henderson "" on 01 / 11 / 2000 03 : 13 : 56 pm please respond to ronh @ . com to : vince j kaminski / hou / ect @ ect cc : subject : re : invitation to speak at infocast ' s upcoming "" market price volatility "" program vince , i am sorry you can ' t join us . is there someone on your staff who might be able to do the presentation "" a real options approach to asset valuation , "" scheduled for thursday , may 11 th , from 10 : 30 am to 12 : 00 pm . ? ron - - - - - original message - - - - - from : vince j kaminski [ mailto : vkamins @ ect . enron . com ] sent : monday , january 10 , 2000 10 : 53 am to : ronh @ . com cc : vince j kaminski ; shirley crenshaw subject : re : invitation to speak at infocast ' s upcoming "" market price volatility "" program > ron , i am sorry to inform you that due to a scheduling conflict i cannot speak at this conference . i want to thank you for considering me as a speaker . vince kaminski "" ron henderson "" on 12 / 30 / 99 06 : 57 : 05 pm please respond to ronh @ . com to : vince j kaminski / hou / ect @ ect cc : subject : invitation to speak at infocast ' s upcoming "" market price volatility "" program hi vince , i would like to invite you , or one of your staff , to be a speaker at infocast ' s upcoming conference "" market price volatility : how to model , assess , and manage price volatility in today ' s power markets , "" scheduled for may 10 - 12 , 2000 , in chicago . i am attaching a copy of the draft program agenda for your review . as you may note , we wish to take our recent houston meeting a step farther by making this next session a more technically - oriented meeting . there are two spots you may wish to consider : 1 . the session entitled "" case study in modeling volatility , "" scheduled for wednesday , may 10 th , from 3 : 30 to 5 : 00 pm . you will note below , what we had in mind for the case study . 2 . the talk "" a real options approach to asset valuation , "" scheduled for thursday , may 11 th , from 10 : 30 am to 12 : 00 pm . i am running behind schedule in finalizing this program , so i will give you a call shortly to follow up with you . if you wish , please feel free to call me at 818 - 888 - 4445 ext . 28 . i hope you can join us . ron henderson infocast 818 - 888 - 4445 ext . 28 ronh @ . com case study guidelines 1 . model should be for a particular market . examples : pjm , chicago , ecar , southern california . lb ( optional ) . model should be for a particular purpose . examples : valuing a new combustion turbine at the florida / georgia border , bidding on a portfolio of power plants up for sale in nepool , valuing a retail portfolio in pennsylvania . 2 . model should be estimated on a particular data set . examples : daily nymex close prices for palo verde , pjm hourly spot prices for 1998 - 1999 . 3 . case study should describe several candidate models , for volatility and / or market price , that were considered . case study should discuss why these models were considered . candidate models should be described mathematically and verbally . 4 . evaluation criteria for choosing among the models should be explicitly identified , and quantified to the extent possible . examples of evaluation criteria : residuals that are not autorcorrelated , stationarity , r - squared , akaike information criterion . 5 . parameter estimates for each candidate model should be displayed . the estimation procedure employed should be briefly described . 6 . some diagnostics of model fit ( vis - a - vis data set ) should be presented . 7 . if possible , predictive power of model should be assessed . generally , the case study should include all of the items above . the case study may include other things .",0 +"Subject: ps on the new xmim tool for excel when you install this , you need to change the xmim server from "" xmimhost "" to "" limbo "" ( port is still 0 )",0 +"Subject: re : real world option pricing tom , thanks . i shall try to pick up the paper tonight . the e - mail caught me in a better place than an air conditioned place . i am in australia and it ' s winter here . vince tom arnold on 07 / 20 / 2000 11 : 44 : 43 am to : vince . j . kaminski @ enron . com cc : subject : re : real world option pricing hey vince , since i saw you last , the "" real world option princing "" paper has taken on some more interesting results . tim crack and i would certainly like your comments on the previous version and current version because we feel there are still more areas to explore , such as , value at risk . here is where you can download the paper : i hope this e - mail finds you in air conditioned room away from the heat . tom",0 +"Subject: vacation carry - over report the vacation carry - over report is due to payroll by the end of this week . below are the days that the system shows for your carry over . please let me know if this is correct as soon as possible . vince kaminski 40 . 00 hours stephen bennett 30 . 00 hours anita dupont 14 . 00 hours seksan kiatsupaibul 20 . 00 hours sandeep kohli 40 . 00 hours kate lucas 40 . 00 hours youyi feng 36 . 00 hours shane green 40 . 00 hours jose marquez 40 . 00 hours kevin moore 13 . 00 hours mike roberts 40 . 00 hours sam smith 10 . 50 hours hector campos 40 . 00 hours rabi de 10 . 00 hours shalesh ganjoo 40 . 00 hours paulo issler 40 . 00 hours martin lin 40 . 00 hours zimin lu 40 . 00 hours kenneth parkhill 10 . 00 hours roman zadorozhny 40 . 00 hours joe hrgovcic 40 . 00 hours nelson neale 10 . 00 hours vasant shanbhogue 28 . 00 hours lance cunningham - 4 . 00 hours tom halliburton 14 . 00 hours alex huang 40 . 00 hours praveen mellacheruvu 14 . 00 hours jason sokolov 8 . 32 hours tanya tamarchenko 40 . 00 hours sevil yaman 13 . 32 hours thanks ! shirley",0 +"Subject: re : meeting tuesday dale , your memory did not fail you . we would like , however , to move the meeting to 2 p . m . tuesday . i left you a voice message about it . please call me s soon as possible to confirm . vince "" dale m . nesbitt "" on 11 / 02 / 2000 07 : 41 : 40 pm please respond to to : "" vincent kaminski \ ( e - mail \ ) "" cc : subject : meeting tuesday vince : i was writing to confirm the meeting you wanted to set up with me , yourself , and mr . goodpasture for next tuesday . i believe it was set for 300 pm this coming tuesday at your offices . ( i seem to have misplaced where i wrote the specific time , so i wanted to be sure to reconfirm . ) please confirm if you get a second so that i can finalize my travel schedule . you can email or phone 650 . 218 . 3069 . thanks . i look forward to meeting with you again and with mr . goodpasture . dale nesbitt",0 +"Subject: re : internship shane , monday would work for us . my assistant will contact you wednesday to arrange the interviews . vince "" shane green "" on 06 / 30 / 2000 11 : 33 : 53 am to : cc : subject : internship dr . kaminski : ? i just wanted to touch base and see if i needed to snail mail a copy of my resume or get in touch with anyone else over at enron . ? ? the finance department at lsu will be sending out financial award letters to new ph . d . students before long , and my interning at enron would free up some additional departmental funds . ? in addition , if i will be here in baton rouge during the fall , i will need to pay my tuition next month . ? i am able to pursue an internship in large part because of the department ' s cooperation and assurance that when i return i will still have a research and or teaching assistantship to help fund the completion of ph . d . ? i have been told that such cooperation and assurances are rare at lsu , so i am trying to rock the boat as little as possible . ? i realize until i receive an offer from enron my internship ( i say internship rather than sabbatical because lsu will not continue to pay me my stipend while i am away ) is not assured until an offer has been extended by enron . ? i understand that there are procedures ? and protocols that must be followed before this occurs , and i would be willing to do whatever is necessary to move to the next step in that process . ? i will be in houston on july 8 & 9 for my wife ' s grandmother ' s 80 th birthday . ? if it would be convenient , i could be in town ? on the preceding friday , or following monday for a visit and / or interview . ? if not , given the relatively close proximity between baton rouge and houston , i would be happy to come at another time . ? thanks again , shane green ?",0 +"Subject: re : ( no subject ) jana , "" cotton mary "" sounds good . it ' s a film by ismail merchant who collaborated on "" a room with a view "" , "" howard ' s view "" , and other well known movies . it ' s a story about two anglo - indian sisters . vince jlpnymex @ aol . com on 04 / 11 / 2000 08 : 02 : 45 am to : vince . j . kaminski @ enron . com cc : subject : re : ( no subject ) vince , the angelika has several movies that would be good . i am familiar with all but one - - "" cotton mary . "" do you know anything about it ? if you still haven ' t seen "" american beauty "" , that is fine with us . just let me know what sounds good to you . we are flexible when it comes to movies . jana",0 +"Subject: ethylene margin collar simulation model i set up the simulation model . the margin follows a mean - reverting process . i seperarted the data into two category , margin > 0 . 04 and margin < 0 . 04 . then i estimate the mean reverting speed seperately for these two data sets . i got higher mean reverting speed than that i estimated using the whole data set . the high mr speed surpresses the probability at high payout side . since the mr speed is sensitive to where i divide the data , so bob will run a few senarios . i put the overal settlement cap and floor into the montly premium calculation , so the the result in el 8 on the summary page is the ultimate answer to the deal pricing . i also calculate the undiscounted payout distribution and overall collar worth . relax the overall cap and floor will have a direct comparison with the spread option approach that bob and lee set up . look like we got a reasonable model . stinson : i ' d like to have you check my set up for the simulation model . lee and douglas : you can play with the model , and let me know what do you think . bob : we need run different price curve senarios using the simulation model . plus different mr speed . zimin",0 +"Subject: mid - year 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the mid - year 2000 performance management process by providing meaningful feedback on specific employee ( s ) that have been identified for you . your feedback plays an important role in the performance management process , and your participation is very critical to the success of enron ' s performance management goals . please provide feedback on the employee ( s ) listed below by accessing the performance management system ( pep ) and completing an online feedback form as described in the "" performance management quick reference guide "" . you may begin your feedback input immediately . please have all feedback forms completed by the date noted below . if you have any questions regarding pep or your responsibility in the process , please call the pep help desk at the following numbers : in the u . s . : 1 - 713 - 853 - 4777 , option 4 in europe : 44 - 207 - 783 - 4040 , option 4 in canada : 1 - 403 - 974 - 6724 ( canada employees only ) or e - mail your questions to : perfmgmt @ enron . com thank you for your participation in this important process . the following list of employees is a cumulative list of all feedback requests , by operating company , that have an "" open "" feedback status . an employee ' s name will no longer appear once you have completed the feedback form and select the "" submit "" button in pep . review group : enron feedback due date : jun 16 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - ahmad , anjam dale surbey may 22 , 2000 carson , margaret m james d steffes may 26 , 2000 ghosh , soma timothy davies may 31 , 2000 vernon , clayton j vasant shanbhogue may 26 , 2000 zipter , rudi c theodore r murphy may 25 , 2000",0 +"Subject: request submitted : access request for anita . dupont @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000012735 approver : stinson . gibner @ enron . com request create date : 1 / 8 / 01 4 : 26 : 26 pm requested for : anita . dupont @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: message from anjam s ahmad dear all , on 25 th october i announced my resignation from enron europe to pursue other opportunities . i just wanted to say that the past 3 1 / 2 years has been a very interesting and positive experience for me , having been a key part of such a dynamic and fast - moving organisation . enron is by far the best organisation i have ever worked for , and i am proud to have had the opportunity to work here and become a shareholder . i have found it a real pleasure to have worked with such talented and interesting individuals as exist within enron europe and enron corp in houston & portland and i genuinely wish you the best of success going forward . i would also like to take this opportunity to thank vince kaminski , john sherriff and richard lewis for hiring me in april 97 and thereafter offering such interesting and challenging projects to work on . i have made some excellent friends at enron and hope to keep them - i have a base in london and will probably be visiting houston soon , so please feel free to stay in touch ! contact : e - mail : citywhizkid @ hotmail . com ( easy to remember ! ) mobile : 0961 111 192 home : 020 8877 9741 address : apt 213 , compass house , riverside west , smugglers way , wandsworth , london swl 8 i will be at the talbot pub tomorrow friday 27 th october from 6 pm where i hope to catch up with you as a final farewell ! best wishes for the future ! anjam x 35383",0 +"Subject: ena meeting and event expenditure approval process the approval process initiated in 1998 for all meeting and event expenditures in excess of $ 5 , 000 has enabled ena to better assess the business value of events , accurately track our activities and save money . these events include customer and employee meetings , and trade shows . ena has made some modifications to the process , which are described in this memo . the $ 5 , 000 threshold remains in effect for all customer events . however , the threshold for approval for employee meetings and events has been lowered to $ 2 , 000 , and some additional requirements must be met prior to approval . please be sure to follow the procedures described below for all meetings and events , so we can continue to successfully manage these events . 1 ) prior to making any commitments to customers or vendors , all customer events with anticipated costs in excess of $ 5 , 000 , and all employee events with anticipated costs in excess of $ 2 , 000 must be reviewed by the ena public relations ( pr ) department and approved by the ena office of the chairman 2 ) the pr department will handle the site search and hotel contract negotiations for all such events . once this is completed , the pr department will work with you to plan and produce your event in its entirety ; or they can provide as much or as little assistance as you require . the pr department will be responsible for helping you achieve the best value for your program and ena . 3 ) a completed expenditure request form ( see attached ) and supporting documentation is required for each event . employee meetings require a detailed agenda as part of the event documentation prior to approval . please submit the completed expenditure request form and documentation to the pr department at eb 3642 , or work with pr department employees to complete the form . 4 ) after pr review , the expenditure will be submitted to the ena office of the chairman for final approval . additionally , the pr department can assist in the procurement of tickets for various local sporting events and concerts . if you have any questions regarding this process , would like assistance planning an event , or need tickets for a houston event , please contact dorie hitchcock in the pr department at ( 713 ) 853 - 6978 . thank you for your cooperation .",0 +"Subject: re : possible rtp conference i look forward to seeing you at 10 am on thursday march 15 . my office is 408 terman center . you can find a searchable campus map under "" contact information "" on our homepage ( address below ) . at 05 : 24 pm 3 / 12 / 01 - 0600 , you wrote : > dear professor huntington , > > thursday 10 a . m . works for me . > please , let me know where i can meet you . > > i am attaching my itinerary , so that you can contact me > if necessary > . > my cell phone number is 713 410 5396 . > > vince kaminski > ( see attached file : vk - sf - stanford - 3 - 14 - 01 . doc ) hillard g . huntington emf - an international forum on energy and environmental markets voice : ( 650 ) 723 - 1050 408 terman center fax : ( 650 ) 725 - 5362 stanford university email : hillh @ stanford . edu stanford , ca 94305 - 4026 emf website : http : / / www . stanford . edu / group / emf /",0 +"Subject: re : mutually agreed upon changes okay larry , i had a brief discussion with our lawyers . they are strongly advising us to keep the changes we earlier incorporated , but to which you have not assented . as this is a matter of company policy , unfortunately we do not have much room to maneuver . if it would help you to have a direct conversation with the lawyers to appreciate our company ' s perspective , i can arrange for a phone call . please advise . thanks . rakesh lawrencelrtnmt @ aol . com on 05 / 01 / 2001 08 : 06 : 47 am to : rakesh . bharati @ enron . com cc : subject : mutually agreed upon changes okay hi rakesh , thanks for your work on the non - disclosure agreement . your integration of our mutually agreed upon modifications looks good , rakesh . thanks ! i ' ll await your next version . larry",0 +"Subject: powerisk 2000 - more cocktail info - - - - - - - - - - - - - - - - - - - - - - forwarded by iona maclean / lon / ect on 22 / 09 / 2000 12 : 24 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . from : simon turner 22 / 09 / 2000 11 : 29 to : keiron . ferguson @ accessenergy . nl , mcrosno @ altra . com , ed @ apx . com , alaw @ avistaenergy . com , markw @ citizenspower . com , chris _ strickland @ compuserve . com , hbrett @ cyberbuilding . com , geman @ dauphine . fr , charles . heard @ dc . com , chris . miller @ dc . com , gilbert . toppin @ dc . com , pat . breen @ dc . com , stuart . beeston @ dc . com , klaus . petzel @ dowjones . com , sama @ dynegy . com , jdaly @ enermetrix . com , iona . maclean @ enron . com , vkaminski @ enron . com , mwalsh @ envifi . com , mark @ fea . com , bachar . samawi @ gen . pge . com , garman @ haas . berkeley . edu , fgetman @ houstonstreet . com , dave . gardner @ innogy . com , stepheng @ ipe . uk . com , lecoq _ sophie @ jpmorgan . com , ruckt @ kochind . com , les @ lacima . co . uk , simon @ localbloke . freeserve . co . uk , carlhans . uhle @ lpx . de , e . westre @ mvv . de , pwold @ . com , david . whitley @ nordpool . com , lburke @ nymex . com , xavier . bruckert @ omgroup . com , aram . sogomonian @ pacificorp . com , peter . haigh @ pgen . com , sven . otten @ preussenelektra . de , detlef _ r _ hallermann @ reliantenergy . com , phil . saunders @ southernenergy - europe . nl , alexander . eydeland @ southernenergy . com , juerg _ trueb @ swissre . com , alang @ tfs - ln . co . uk , annunziata @ tradecapture . com , martin . stanley @ txu - europe . com , simon . harrington @ txu - europe . com , rob @ weatherderivs . com cc : subject : powerisk 2000 - important invitation * * high priority * * dear colleague please find attached two invitations to cocktail parties to be held at powerisk 2000 . you will receive a formal invitation by post . however , just in case this does not reach you by any chance , please print off the attached copies and bring these with you . the cocktails will provide the opportunity to meet all other speakers and delegates . we look forward to seeing you next week . regards rosemary fitzgerald powerisk 2000 - cocktail - invite . doc",0 +"Subject: re : carnegie mellon kristin , the presentation went quite well . kevin and i would like to brief you about cmu in general . let ' s go out to lunch when you come back . vince kristin gandy @ enron 11 / 03 / 2000 03 : 55 pm to : vince j kaminski / hou / ect @ ect cc : subject : carnegie mellon vince , i wanted to email you and let you know how sorry i am that i was not able to make your presentation at carnegie mellon . i really was looking forward to the trip and the presentation but unfortunately since i have been on the road a lot lately things started backing up in the office . after my meeting on thursday there was no way i would make the 6 pm flight and my original flight would have put me in pittsburgh to late for the presentation . anyway , i hope you understand and i am looking forward to working with you in december for the interviews on campus . maybe once you return you can give me a recap of the days events . in the meantime if you need any assistance please do not hesitate to call . thank you , kristin gandy 713 - 345 - 3214",0 +"Subject: jason sokolov ' s removal from ted murphy ' s cost center norma : ted murphy would like to have jason removed from his cost center effective december 16 th . vince said that it would be ok to have him added to our cost center , effective that date . he is not supposed to start with the research group until the 28 th , but needs a home from the 16 th to the 28 th , so we will pick him up . can you take care of this ? thanks ! shirley 3 - 5290",0 +"Subject: re : greetings dear professor boyle , i shall be glad to speak at the conference on energy derivatives in may in toronto . i shall call you thursday morning ( houston time ) to discuss the details . vince phelim boyle on 03 / 28 / 2000 06 : 23 : 07 pm to : vkamins @ enron . com cc : subject : greetings i am sorry i missed your call today . i will be in london tomorrow night by around 11 . 30 ( uk time ) i will be teaching on a risk course and staying at the grosvenor house hotel ; phone 44 ( 0 ) 20 7499 6363 fax 44 ( 0 ) 20 7499 3341 it would be great if you can come to our conference i will be happy to discuss it with you best wishes phelim p boyle - - phelim p boyle director centre for advanced studies in finance , university of waterloo , waterloo , ontario canada n 2 l 3 gl tel 519 885 1211 ( 6513 ) fax 519 888 7562",0 +"Subject: congrats congratulations on your promotion ! that is really good .",0 +"Subject: re : grades mr . kaminsky , i still need grades for : israni , rakhi lu , feng planck , jeffrey so , winny taylor , orlando wankhade , sanjay zhang , ning i will be available by e - mail this evening or by phone ( 5 : 30 or so ) at 713 - 668 - 1704 . i just called the registrar ' s office and if i bring in the grades by 8 : 30 tomorrow morning we will be fine . please advise . thanks for your help . - pam at 08 : 23 am 5 / 4 / 01 - 0500 , vince . j . kaminski @ enron . com wrote : pam , the last group . please , let me know if any name is missing . ( embedded image moved to file : pic 25177 . pcx ) grade : a thanks a lot . it was a pleasure working with you . vince kaminski",0 +"Subject: re : private firm schedule thanks for the schedule update - - - - - original message - - - - - from : kirkpatrick , eric sent : monday , april 23 , 2001 10 : 52 am to : mack , iris ; dhar , amitava ; brent , richard ; salmon , scott ; chaney , craig ; mumford , mike ; detiveaux , kim ; cruver , brian subject : private firm schedule all : this is the rough schedule we came up with at today ' s video conference : submit rfp to d & b , experian , and amadeus 2 days 25 apr mumford receive back rfps 1 . 5 weeks 4 may mumford complete evaluation , selection & authorization 1 week 11 may mumford / mack contract complete and signed 2 weeks 25 may mumford data to iris & amitava 3 weeks 15 june mumford model development complete 4 weeks 15 july mack * integration of model and data feeds into cts 6 weeks 30 august kirkpatrick prior to integration into cts any prices would have to be manually uploaded into cts via spreadsheet . the rfp will include a request for a smaller data calibration set that we may select to purchase immediately . we can revisit this schedule at our wednesday video conference . eric kirkpatrick",0 +"Subject: reminder : cera executive roundtables in houston dear cera members and friends : we wanted to make sure you had seen our announcement regarding a series of executive roundtables in houston next week - on april 17 and 18 , 2001 . these meetings will feature presentations and interactive discussions with cera experts . for complete details on the events , please visit http : / / www 20 . cera . com / event . the events will feature speakers from the following cera teams : * north american electric power - april 17 * north american natural gas - april 17 & 18 ( two events ) * western energy - april 17 * latin america energy - april 18 * asia pacific energy - april 18 location and accommodations : the four seasons hotel 1300 lamar street houston , tx 77010 - 3098 tel . : + 1 713 650 1300 fax : + 1 713 650 1203 * please contact the hotel directly for room reservations . to enroll , please complete the form found on our website at http : / / www 20 . cera . com / event and return it by fax to cera registration : cera 20 university road cambridge , ma 02138 usa fax : + 1 617 498 9176 tel . : + 1 617 497 6446 x 800 e - mail : register @ cera . com sincerely , cera event registration please note : dates and locations of events are subject to change . participation at a roundtable is a function of the terms of the cera / client contract . for more information about eligibility , please contact cera registration . our relationship with you is very important to us . ? if you do not wish to receive future e - mail notifications , please send a reply to this message with "" donotemail "" as the subject of your message . ( mailto : info @ cera . com ? subject = donotemail ) ",0 +"Subject: re : seismic data via satellite bob , i ' ve just now had time to add some comments to your summary . my comments are in the attachment which encorporates your work . greg bob lee @ enron 16 / 10 / 2000 14 . 47 to : gregory p smith / hou / ect @ ect , richard reichardt / enron communications @ enron communications , vince j kaminski / hou / ect @ ect cc : zimin lu / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : seismic data via satellite i have attached a background piece to brief oil traders on this subject prior to a possible meeting with them . please give me any comments on 1 ) accuracy 2 ) completeness and 3 ) coverage of the areas we want to explore . as a side note , i found some info on the web stating current proven oil reserves are 1 , 000 billion bbls . discovery of a 1 billion bbl field would add only 0 . 1 % . while we will pursue the trading advantage option , it is not looking promising that it has great short term value , given the long time frame and high cost of bringing deep water reserves to market . bob lee",0 +"Subject: re : rice / enron speakers for fall 2001 and spring 2002 david kendrick from the university of texas may be good . martin vince j kaminski 04 / 24 / 2001 05 : 11 pm to : stinson gibner / hou / ect @ ect , vasant shanbhogue / enron @ enronxgate , rakesh bharati / na / enron @ enron , pinnamaneni krishnarao / hou / ect @ ect , zimin lu / hou / ect @ ect , iris mack / enron @ enronxgate , martin lin / hou / ect @ ect , lance cunningham / na / enron @ enron , vince j kaminski / hou / ect @ ect cc : wangfa @ rice . edu subject : rice / enron speakers for fall 2001 and spring 2002 any recommendations . please , let me know asap . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 24 / 2001 05 : 09 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - albert wang on 04 / 23 / 2001 12 : 37 : 55 pm to : vince . j . kaminski @ enron . com cc : subject : rice / enron speakers for fall 2001 and spring 2002 hi , vince : we are considering a preliminary list of speakers for rice / enron seminar series in finance for fall 2001 and spring 2002 . do you have any persons in mind that you and your group want to include in the list ? finance faculty will meet to finalize the list later . thanks , albert p . s . : is ronnie chahal still around ? she is currently in my enron distribution list with email address : rchahal @ ess . enron . com . i have received an error message indicating a failure of delivering email to her address . fu - kuo albert wang assistant professor jones graduate school of management - - ms 531 rice university 6100 main street houston , tx 77005 phone : 713 - 348 - 5404 fax : 713 - 348 - 5251 email : wangfa @ rice . edu http : / / www . ruf . rice . edu / ~ wangfa /",0 +"Subject: avg . monthly electricity prices for the past 13 months margaret , please find attached file with average monthly prices for regions your requested . this file gives more information than the previous ( yesterday ) one . as the one before , source for this file is megawatt daily , it includes on - peak and off - peak prices and you can also see daily data that was converted to monthly average data . there are two types of averages prices : average and weighted average . weighted average takes into account number of transactions of certain price . for example : pjm had average price of $ 53 . 61 and weighted average price of $ 53 . 15 in august , it means that there were more transactions of lower price than higher . also , megawatt daily has its own methodology and i am attaching it with this message . if you have any questions regarding prices or methodology , please contact sevil yaman ( 5 - 8083 ) or me ( 3 - 4305 ) . sincerely , elena enron research group 3 - 4305",0 +"Subject: the 1999 form w - 2 and retiree tax form 1099 - r the 1999 form w - 2 and retiree tax form 1099 - r will be mailed to your address of record by january 31 , 2000 . if you have not received your form by february 16 th , you may request , in writing , for a duplicate copy to be sent to you . please note that a written request , including authorized signature is required . when requesting a duplicate form , please specify the year for which you need a copy , sign your request , and include the following information : name complete mailing address phone number social security number you may mail your request to : enron corp eb 1667 p o box 1188 houston tx 77002 or you may fax your request to 713 - 646 - 3755 . your request will be processed within one week of receipt . if you have a question regarding the information on your form w 2 , please contact ginger sinclair at 713 - 853 - 9567 . ginger will take a detailed message of your questions and someone from the payroll tax group will contact you as soon as possible . thank you",0 +"Subject: summer intern for the research group elizabeth , can you please direct me to someone to assist us in making an offer to a young lady we just interviewed ? we would like to bring her in as a summer intern the same way that we brought in james bradley aimone . she will be reporting to stinson gibner and i believe she is available right away . i am attaching her resume . thanks for your help .",0 +"Subject: vince , here is a rough schedule as we had discussed . we can work the details once i get there . thanks again for all your efforts . look forward to my stint in houston . regards , sandeep .",0 +"Subject: re : emission trading vince , i spoke with susan wood , who heads up our emissions marketing effort who says we don ' t really have any materials we send out . she did recommend the emissions trading handbook which can be purchased for $ 50 from in general , the site http : / / www . etei . org / is a great source of info , and the the parent site , http : / / www . emissions . org should be checked out as well . if you ' d like me to purchase the handbook ( it will take three weeks ) let me know . joe vince j kaminski 12 / 16 / 99 08 : 15 am to : joseph hrgovcic / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : emission trading joe , do we have any materials about it ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 12 / 16 / 99 08 : 14 am - - - - - - - - - - - - - - - - - - - - - - - - - - - adam brulinski 12 / 14 / 99 08 : 22 am to : vince j kaminski / hou / ect @ ect cc : subject : re : emission trading thank you in advance . let me just mention that the issue is quite urgent so i would appreciate if i could get sth asap . adam vince j kaminski 99 - 12 - 14 15 : 24 to : adam brulinski / war / ect @ ect cc : subject : re : emission trading adam , let me gather some information for you . vince adam brulinski 12 / 14 / 99 08 : 08 am to : vince j kaminski / hou / ect @ ect cc : subject : emission trading szanowny panie , chcielibysmy zaczac propagowac w polsce idee handlu prawami do emisji zanieczyszczen . dlatego tez prosilbym o przeslanie , najlepiej droga emailowa materialow dotyczacych tej koncepji - glownie chodzi mi o strone "" merytoryczna "" . z powazaniem , adam brulinski",0 +"Subject: short term private firm model : static historical snapshot + performance data for model development mike , scott , eric , after brainstorming and discussing further on data here , we think that our final specifications for modelling data requirement need to be as follows : we need bankrupt , default and nondefault ( which covers nonbankrupt ) accounts with 4 quarterly observation snapshots and 12 months performance following the latest snapshot . monthly performance indicator need to be available for the entire 12 months performance period . we will need all the bankrupt and default accounts and comparable sample of good accounts with weights . for the purpose of model validation , we will need data with above specs covering 16 months of performance . this means that we will need rolling ( 4 quarterly snapshots + 12 months performance ) data for 4 monthly shifts : input snapshots performance 1999 march end , 1999 june end , 1999 september end , 1999 december end 12 month end performance for jan 2000 through dec 2000 1999 feb end , 1999 may end , 1999 august end , 1999 november end 12 month end performance for dec 1999 through nov 2000 1999 jan end , 1999 apr end , 1999 july end , 1999 october end 12 month end performance for nov 1999 through oct 2000 1998 december end , 1999 mar end , 1999 june end , 1999 september end 12 month end performance for oct 1999 through sep 2000 we will need bankruptcy chapterwise indicator , if available during the performance period . our definition of default is either bankruptcy or 90 + days delinquency on any trade credit . we have also discussed the cost aspect and we think considering the big picture , it makes sense to spend the extra amount to get the right data for analysis . please let me know your thoughts . this will require d & b to give us a modified quote and we could possibly move forward quickly . regards , amitava",0 +"Subject: re : real options e & p course larry , i sent the information to mark ruane , 713 853 3569 . he is the best customer at enron for real options applications . vince larry chorn on 01 / 25 / 2000 12 : 30 : 17 pm to : vince j kaminski / hou / ect @ ect cc : subject : real options e & p course vince : as you requested , we mailed you a brochure about our upcoming course ( 2 / 22 - 4 / 4 ) in houston . we are now following up with that mailing to identify remaining attendees for the session . i wanted to make sure that we did not overlook anyone at enron , so i am dropping you this email to see if you have anyone there in mind as an attendee . best regards , larry chorn 972 . 814 . 5342 www . realoptions - software . com",0 +"Subject: re : approval for paulo issler anita , good decision . vince anita dupont @ enron 02 / 23 / 2001 12 : 13 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : approval for paulo issler fyi : carolyn needed approval today for charges relating to paulo ' s green card process . mike was the only vp here today so i asked him to approve them . hope that was alright . anita - - - - - - - - - - - - - - - - - - - - - - forwarded by anita dupont / na / enron on 02 / 23 / 2001 12 : 06 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - mike a roberts @ ect 02 / 23 / 2001 11 : 04 am to : carolyn wedel / enron @ enronxgate @ enron cc : anita dupont / na / enron @ enron subject : re : approval for paulo issler carolyn , approval to post the attached charges for paulo issler is granted . mike roberts v . p . research",0 +"Subject: request for training session folks , i am a vice president with enron , and have been with the company some 6 years now . i was hired through enron associate pool , and started off by marketing power on the east coast with jim fallon . currently i am working in the india region , looking into different ways to develop merchant type activities in india , anticipating the start of trading activities some time in the future . one of my challenges is to make the team in india aware of the type of sophisticated operations and processes that we have in place for trading activities , as well as the range of products we have to offer . i have been in conversation with mike mcconnell and jeff shankman on the global products side , and are planning a session to acquaint the team in india with activities in that group . similarly , on the power side , we have been interacting with john sherriff ' s team in london . i feel that it will be very beneficial for some of the team members to get acquainted with the processes on the power trading side in houston , and to get an idea of the rac process , the research side , the back - offices , as well as the trading operations here . similarly , the team there could present to you the state of the market in india , and give you an idea of the type of opportunities there . i am therefore eliciting your support to put together a session in houston where they can be acquainted with these functions , as well as the people responsible for them in the us . there are three people in the group who would benefit from this exposure . one of them is from the associate pool , while the other two are people hired locally in india . i have already spoken with our coo , wade cline in this regard , and seek your support in putting together an agenda for such a session . please let me know who i should contact within your groups to discuss this further . regards , sandeep .",0 +"Subject: re : eprm 2001 houston layla , my associate ' s name is tanya tamarchenko . the e - mail address is : tanya . tamarchenko @ enron . com . location is the same as mine , enron , 1400 smith , houston . thanks vince p . s . shirley , please send my bio to layla "" layla o ' leary "" on 05 / 02 / 2001 10 : 33 : 00 am please respond to to : cc : subject : re : eprm 2001 houston yes , that ' s fine . if you can please give me her full contact details including e - mail and address i will have her registered as a co - speaker . if you would like to bring your own copies to the event i would ask you to send 200 copies directly to the venue . although if you can get it to me on friday i can still insert it ! could i please trouble you for a short biography ? kind regards layla - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : 02 may 2001 15 : 38 to : loleary @ riskwaters . com cc : vince . j . kaminski @ enron . com subject : re : eprm 2001 houston layla , a few points . i shall be glad to attend the reception . i am falling behind in getting my presentation ready . sorry for the delay . i can commit to delivering the required number of copies on the day of my presentation ( or a day before ) . i have done it on two occasions before ( power 2000 and power 1999 ) : the copies were produced by our company copy center at no cost to you . my associate , tanya tamarchenko , is helping me with one aspect of the presentation and i would like her to deliver part of my speach . it ' s only fair to give her the credit when the credit is due . is it ok to include her as an additional speaker ? vince "" layla o ' leary "" on 04 / 30 / 2001 09 : 04 : 52 am please respond to to : cc : subject : eprm 2001 houston dear speaker , pre - congress cocktail reception - sunday 13 th may @ 5 : 30 pm in the juniper room we would be delighted to have you attend our pre - congress cocktail reception . we will be extending this invitation to all our sponsors , exhibitors and eprm / risk waters group staff . we hope this will provide a perfect opportunity for you to meet all our staff and clients before the formal opening of eprm 2001 usa + rsvp i would also like to remind you that i need any missing presentations by thursday 3 rd may . it is essential that i get these in as the delegates rely on these to make notes and get very upset if they are not included in the packs . if you still haven ' t informed me of your av requirements , please do so as quickly as possible . i also require a short biography . i would like to point out that i will not be taking any presentations on disk to the event . if you are using a laptop , your presentation should be loaded onto the laptop that you bring with you . you must bring your own laptop and disc , with connecting cables . any questions , please do not hesitate to contact me . kind regards layla o ' leary event co - ordinator risk waters group haymarket house 28 - 29 haymarket london swly 4 rx tel : + 44 ( 0 ) 20 7484 9871 fax : + 44 ( 0 ) 20 7484 9800",0 +"Subject: research group move to the 19 th floor hello all : in case any of you feel energetic , "" the boxes are here "" . they are located at 2963 b ( michael sergeev ' s old desk ) . feel free to take as many as you will need . be sure to label everything with your new office location . if your file cabinets lock , you can just label them and lock them . again , listed below is your new office location : stinson gibner eb 1936 joseph hrgovcic eb 1947 paulo issler eb 1935 vince kaminski eb 1933 krishna krishnarao eb 1938 martin lin eb 1930 e grant masson eb 1941 kevin moore eb 1944 maureen raymond eb 1928 mike roberts eb 1945 vasant shanbhogue eb 1949 vincent tang eb 1934 ravi thuraisingham eb 1932 zimin lu eb 1942 if you have any questions , or need any assistance , please contact me , kevin , or sam . thanks and have a great day ! shirley 3 - 5290",0 +"Subject: research ' s summer outlook the research weather group has posted the 2001 summer outlook on research intranet page , under the afternoon video report . the links are : cussioncontent . asp ? item = afternoon and http : / / enaresearch . corp . enron . com / research / framework / default . asp",0 +"Subject: howard london hi vince - i just got off the phone with rw and enron london . alec told me that howard is idle and waiting for your command and the coordination of the directors . melanie is working with vuthy rw directly on this for you and rachel quirk said she will contact you to set the time up . . . "" unofficially "" they were trying to do something with howard tomorrow as i was told - not sure . i have a couple other candidates i would like to send you after i collect some sleep ( 3 ; 30 am now ) - i ' ll send them to you after i wake . one guy from oxford , worked citibank fixed income risk the other over at ford motor company who is looking to move to london ( highly recommended by the professor ) . i ' ll send them later as to let you be the judge . talk soon - thanks for the business ! jeff always held in strict confidence . jeff wesley 949 813 2241 hotline 347 487 8957 voice / fax us + 44 ( 845 ) 3341644 uk * get free , secure online email at http : / / www . ziplip . com / *",0 +"Subject: vp & director count for the research group hello deborah : i would like to introduce myself and anita dupont to you as we will probably be working together quite a bit between now and our move . please feel free to contact either one of us regarding any questions or needs you may have . headcount the executive , vp and director headcount for the research group is : managing director 1 vice presidents 6 directors 5 also , anita and i would like to invite you to meet with us and go over our library space requirements . please let me know when you have some free time and we will be available . my number is : 3 - 5290 - ebl 961 anita ' s # is : 3 - 0329 - ebl 969 i look forward to meeting you , shirley crenshaw administrative coordinator enron research group 3 - 5290",0 +"Subject: cal berkeley presentation hello vince and shirley , thank you so much for your patience as i tried to shuffle dates and events around ! i have some great news . i was able to secure a room on campus at the faculty club for the presentation on monday october 16 th at 7 : 00 - 9 : 00 . that should work out perfectly as far as being about to present at the seminar from 3 : 30 - 5 : 00 . furthermore , i was able to adjust the resume drop dates so that we have through the week of the 16 th for students to submit their resumes . i will go into more detail about this tomorrow at the cal berkeley team meeting . i have put together some booklets to hand out to the team tomorrow . vince , i have put some time into the agenda for you to welcome the team and get everyone excited about cal recruiting this fall . thank you for all of your help ! please let me know if there is something that you would like me to add to the agenda for tomorrow . thanks ! ashley",0 +"Subject: miscellaneous items good morning tom : please furnish the following information to me for the research directory : name : tom halliburton title : location : ebl 957 phone # : 5 - 8539 home address : home telephone : wife ' s name : your birthday : also for your information , there will be a research group staff meeting every thursday from 11 : 30 am to 1 : 00 pm in eb 30 cl . lunch will be provided . please let me know what kind of sandwich or salad you would like and what you would like to drink . thanks ! shirley 3 - 5290",0 +"Subject: re : movie jana , we should have tomorrow the movie schedule for the weekend . saturday around 5 : 00 p . m . would work for me . vince jlpnymex @ aol . com on 04 / 13 / 2000 09 : 49 : 11 am to : vkamins @ enron . com cc : subject : movie vince let ' s talk tomorrow and see what time that movie starts and when we should meet , ok ? jana",0 +"Subject: re : rankings thank you .",0 +"Subject: request submitted : access request for anita . dupont @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000012741 approver : stinson . gibner @ enron . com request create date : 1 / 8 / 01 4 : 34 : 26 pm requested for : anita . dupont @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: 4 - urgent - owa please print this now . current notes user : reasons for using outlook web access ( owa ) 1 . once your mailbox has been migrated from notes to outlook , the outlook client will be configured on your computer . after migration of your mailbox , you will not be able to send or recieve mail via notes , and you will not be able to start using outlook until it is configured by the outlook migration team the morning after your mailbox is migrated . during this period , you can use outlook web access ( owa ) via your web browser ( internet explorer 5 . 0 ) to read and send mail . please note : your calendar entries , personal address book , journals , and to - do entries imported from notes will not be available until the outlook client is configured on your desktop . 2 . remote access to your mailbox . after your outlook client is configured , you can use outlook web access ( owa ) for remote access to your mailbox . please note : at this time , the owa client is only accessible while connecting to the enron network ( lan ) . there are future plans to make owa available from your home or when traveling abroad . how to access outlook web access ( owa ) launch internet explorer 5 . 0 , and in the address window type : http : / / nahou - msowaolp / exchange / john . doe substitute "" john . doe "" with your first and last name , then click enter . you will be prompted with a sign in box as shown below . type in "" corp / your user id "" for the user name and your nt password to logon to owa and click ok . you will now be able to view your mailbox . please note : there are some subtle differences in the functionality between the outlook and owa clients . you will not be able to do many of the things in owa that you can do in outlook . below is a brief list of * some * of the functions not available via owa : features not available using owa : - tasks - journal - spell checker - offline use - printing templates - reminders - timed delivery - expiration - outlook rules - voting , message flags and message recall - sharing contacts with others - task delegation - direct resource booking - personal distribution lists questions or concerns ? if you have questions or concerns using the owa client , please contact the outlook 2000 question and answer mailbox at : outlook . 2000 @ enron . com otherwise , you may contact the resolution center at : 713 - 853 - 1411 thank you , outlook 2000 migration team",0 +"Subject: request submitted : access request for amitava . dhar @ enron . com you have received this email because the requester specified you as their vp . please click approval to review and act upon this request . request id : 000000000011185 request create date : 12 / 21 / 00 4 : 20 : 10 pm requested for : amitava . dhar @ enron . com resource name : vpn resource type : applications",0 +"Subject: weijun decided not to interview i guess this means "" back to the drawing board "" . weijun has decided not to interview . lance - - - - - - - - - - - - - - - - - - - - - - forwarded by lance cunningham / na / enron on 04 / 18 / 2001 09 : 40 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" ji , weijun "" on 04 / 18 / 2001 08 : 06 : 44 am to : "" ' lance . cunningham @ enron . com ' "" cc : subject : please call me dear lance , thank you very much for all of your help through this process . at present , i am really tied up with mock market activities in austin energy . it would be inappropriate for me to leave at this time since the whole project will be jeopardized . therefore , i decided not coming to houston for an interview . i sincerely apologize for any inconvenience this may cause you . i do appreciate what you did and hope we can keep in touch in the future . thank you again for your help and wish you best . sincerely , weijun ji",0 +"Subject: re : happy new year ! shannon , thanks . the same to you . sorry to have missed your class . i had a very bad case of flu with some additional complications . i shall be glad to make a presentation on the same topic on another occasion . vince "" shannon burchett "" on 12 / 28 / 99 12 : 15 : 59 pm please respond to "" shannon burchett "" to : vince j kaminski / hou / ect @ ect cc : subject : happy new year ! vince , wishing you a very happy and prosperous new millennium ! happy new year , shannon risk limited corporation box 612666 dallas , texas 75261 usa tel : 972 . 245 . 8300 fax : 972 . 245 . 8318 www . risklimited . com - attl . htm",0 +"Subject: re : confirmation of meeting i ' ll probably be in houston sometime in the next couple of months , otherwise if you let me know when you ' ll be in london we ' ll rearrange for then . . . hope to meet up eventually ! paul to : paul e . day cc : date : 02 / 10 / 2000 11 : 28 from : vince . j . kaminski @ enron . com subject : re : confirmation of meeting paul , sorry for the late notice . please , let me know when you are coming to houston . i shall be again in london sometimes in november . vince paul . e . day @ uk . arthurandersen . com on 10 / 02 / 2000 02 : 29 : 57 am to : shirley . crenshaw @ enron . com cc : vince . j . kaminski @ enron . com , wendy . dunford @ uk . arthurandersen . com subject : re : confirmation of meeting i would very much like to meet vince , unfortunately i am in back to back meetings all day today . maybe we could rearrange next time vince is in london or i am in houston . regards paul to : paul e . day cc : date : 29 / 09 / 2000 17 : 52 from : shirley . crenshaw @ enron . com subject : re : confirmation of meeting paul : fyi . regards , shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 09 / 29 / 2000 11 : 49 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 09 / 29 / 2000 11 : 51 am to : wendy . dunford @ arthurandersen . com @ enron cc : subject : re : confirmation of meeting ( document link : shirley crenshaw ) wendy : i am so sorry for the late notice , but vince will be in london for 1 day only , monday , october 2 nd . he has had some time freed up and if paul and julian could meet with him , they can call him at the grosvenor house , 870 - 400 - 8500 . his morning is already full , but lunch , dinner or afternoon would work . regards , shirley wendy . dunford @ arthurandersen . com on 09 / 18 / 2000 10 : 14 : 51 am to : shirley . crenshaw @ enron . com cc : subject : re : confirmation of meeting hi shirley thanks for getting back to me . regards wendy * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it . * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it . * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it .",0 +"Subject: jcc good morning . i apologize for the response delay . i ' ve gone back through the analysis that i did back in april , and have thrown around some ideas with vince and stinson . the issue may be summarized as follows . the hedge relationship was derived using jcc and prompt brent , and is valid for jcc and prompt brent . no problems here . however , it will not be valid for points far out on the forward curve . intuitively , this hedge relationship will approach one as we move far out on the curve , but since there is no data , i can not statistically determine this . one can imagine a term structure of heding ratios that start at 0 . 67 and move to 1 . 0 , so that the back end of the curves would move together , but how fast it converges to one is anyone ' s guess . if there is a way of determining the historical jcc forward curve , then the hedge relationships may be estimated . however , i have been unable to determine a rigorous approach to building the jcc curve . i can explain this far better in person , and would like to talk as soon as possible at your convenience . - kevin kindall",0 +"Subject: usaee conference update from louise burke content - transfer - encoding : binary date : thu , 29 jun 2000 16 : 38 : 24 edt subject : u : \ wp 60 \ usaeekaminska . doc mime - version : 1 . 0 content - type : application / vms - rms ; vms - fdl = "" system ; source vax / vms ; ; file ; allocation 54 ; best _ try _ contiguous no ; bucket _ size 0 ; contiguous no ; deferred _ write no ; extension 0 ; global _ buffer _ count 0 ; mt _ block _ size 0 ; max _ record _ number 0 ; maximize _ version no ; organization sequential ; read _ check no ; supersede no ; write _ check no ; ; record ; block _ span yes ; carriage _ control carriage _ return ; control _ field _ size 0 ; format stream ; size 0 ; ; area 0 ; allocation 54 ; best _ try _ contiguous no ; bucket _ size 0 ; contiguous no ; exact _ positioning no ; extension 0 ; position none ; volume 0 ; "" ; mr - type = msword ; name = msword content - disposition : attachment ; filename = msword importance : normal al - format : msword al - type : document - msword",0 +"Subject: re : invitation - whartonetevent - apr 20 / plsrsvp vince and chistie , sorry you won ' t be attending our april 20 et event , but of course we realize that many of our partners can ' t attend every event . with this in mind , we put conference reports online in a "" quick read "" format for busy executives . our site is located at : http : / / emertech . wharton . upenn . edu - we ' ll be adding new reports in the coming 2 weeks . i would also ask , is there anyone else at enron involved in mergers and acquisitions who would benefit from the april 20 event ? this will be one of our most "" content - rich "" events - reporting on surveys on high tech acquisitions as well as best practices in successful mergers and partnerships . please feel free to pass on the invitation to colleagues at enron who you feel might find this worthwhile , or you can give me email addresses if you ' d like me to extend the invitation with the most recent agenda . we very much appreciate enron ' s support of the et program and look forward to your participation in the future . best regards , michael hi michael ! sorry i will be unable to attend ! i believe both vince and i are previously committed . thanks ! - - christie . - - michael s . tomczyk managing director emerging technologies management research program 1400 sh - dh / 6371 the wharton school philadelphia , pa 19104 - 6371 tel 215 - 573 - 7722 fax 215 - 573 - 2129 website : http : / / emertech . wharton . upenn . edu",0 +"Subject: re : abstract thanks vince . this is good but i also need a title . it would be good if you can as part of the talk present an example of a technical problem addressed by your group describing the problem and the general methodology employed or developed . you can also start with an introduction about your organization and the program . shmuel shmuel s . oren , professor dept . of industrial engineering and operations research 4117 etcheverry hall university of california berkeley , ca 94720 - 1777 e - mail : oren @ ieor . berkeley . edu phone : ( 510 ) 642 - 1836 or 5484 fax : ( 510 ) 642 - 1403 - - - - - original message - - - - - from : to : cc : ; sent : monday , october 02 , 2000 6 : 44 am subject : abstract > shmuel , > > this is the abstract for my presentation on the 23 rd of october . > i am in london and paris this week . i can be reached at my > private e - mail address vkaminski @ aol . com . > > please , feel free to suggest modifications to the abstract . > > > > vince > > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > > > the last three years were characterized by exceptionally high volatility > of > > the power prices in the us markets . the market developments have created > a > > number of unique challenges for energy industry economists . one immediate > > question we have to answer is how to measure volatility of energy prices . > > although we can all agree that the prices in the power markets are > > characterized by high variability , the traditional measures used in > financial > > economics ( annualized standard deviation of log price returns ) may not > fit > > well electricity prices . the second challenge is to explain the sources > of > > high price volatility and to answer the question to what extent it can be > > attributed to problems that can be addressed in the long run . such > problems > > include flaws in market design that allow some market participants to > abuse > > market power , limited availability and / or unequal access to transmission , > > temporary shortages of generation capacity . some factors underlying high > > volatility of electricity prices may be of permanent nature and may be a > > necessary price to pay for increased market efficiency and expanded > customer > > choice . > >",0 +"Subject: enron image 2000 video is here enron ' s image 2000 video is now available we think you will like enron ' s new corporate image video , which can be used for employees , customers , suppliers , government officials , and other audiences who want to know about enron . the video features ken lay , jeff skilling and joe sutton who discuss four key business initiatives : broadband ; wholesale energy ; energy outsourcing services and enrononline . the look and feel represents our people , culture and new branding . mooresource has a large supply of standard vhs ( also known as ntsc ) copies , which is the format used in the u . s . and some international locations , and copies in pal , which is the format used in the u . k . and in most european locations . there also are special pal formats ( pal - m and pal - n ) available for locations in south america . you may use the order form below or , for those of you who prefer to order electronically , you may do so from mooresource using the following item numbers . if you aren ' t familiar with mooresource , please go tohttp : / / home . enron . com : 84 / imgctr / and click on the mooresource button . instructions for ordering will be provided there . if you have questions about using mooresource , contact michael shea at 713 / 853 - 5418 . order a copy today . item # description price 43162 image video - vhs $ 4 . 25 43163 image video - pal $ 8 . 25 43164 image video - pal / m $ 15 . 00 43165 image video - pal / n $ 15 . 00",0 +"Subject: re : interview steve , i submitted my evaluation . general impression was rather negative : he seems to be a consultant type person who speaks about everything with confidence but is short on depth and technical details . he is personable , outspoken , organized - on the positive side . also , the red flag is that he jumps from job to job : typical after 18 - 24 months when any organization can ascertain his usefulness . vince from : stephen stock / enron @ enronxgate on 04 / 17 / 2001 01 : 03 pm to : vince j kaminski / hou / ect @ ect cc : subject : interview hi vince , what did you think of david hsu ? my thoughts . overall a good guy . personable . intelligent . he could communicate reasonably well , but seemed to be capable of losing objectivity in favour of technical advancement . he didn ' t seem comfortable with taking a man - management role ( at least he didn ' t want to be an ' administrator ' ) he appeared to know a lot about risk . ( in fact jay web called me to say he felt david was one of the better risk guys he had seen but also commented that he needed to be coupled with a project manager to be successfull ) . regards steve",0 +"Subject: you are now subscribed to the frbnyrmagl list mon , 18 sep 2000 18 : 42 : 47 your subscription to the frbnyrmagl list ( federal reserve bank of ny research publications ) has been accepted . please save this message for future reference , especially if this is the first time you are subscribing to an electronic mailing list . if you ever need to leave the list , you will find the necessary instructions below . perhaps more importantly , saving a copy of this message ( and of all future subscription notices from other mailing lists ) in a special mail folder will give you instant access to the list of mailing lists that you are subscribed to . this may prove very useful the next time you go on vacation and need to leave the lists temporarily so as not to fill up your mailbox while you are away ! you should also save the "" welcome messages "" from the list owners that you will occasionally receive after subscribing to a new list . to send a message to all the people currently subscribed to the list , just send mail to frbnyrmagl @ peach . ease . lsoft . com . this is called "" sending mail to the list , "" because you send mail to a single address and listserv makes copies for all the people who have subscribed . this address ( frbnyrmagl @ peach . ease . lsoft . com ) is also called the "" list address . "" you must never try to send any command to that address , as it would be distributed to all the people who have subscribed . all commands must be sent to the "" listserv address , "" listserv @ peach . ease . lsoft . com . it is very important to understand the difference between the two , but fortunately it is not complicated . the listserv address is like a fax number that connects you to a machine , whereas the list address is like a normal voice line connecting you to a person . if you make a mistake and dial the fax number when you wanted to talk to someone on the phone , you will quickly realize that you used the wrong number and call again . no harm will have been done . if on the other hand you accidentally make your fax call someone ' s voice line , the person receiving the call will be inconvenienced , especially if your fax then re - dials every 5 minutes . the fact that most people will eventually connect the fax machine to the voice line to allow the fax to go through and make the calls stop does not mean that you should continue to send faxes to the voice number . people would just get mad at you . it works pretty much the same way with mailing lists , with the difference that you are calling hundreds or thousands of people at the same time , and consequently you can expect a lot of people to get upset if you consistently send commands to the list address . you may leave the list at any time by sending a "" signoff frbnyrmagl "" command to listserv @ peach . ease . lsoft . com . you can also tell listserv how you want it to confirm the receipt of messages you send to the list . if you do not trust the system , send a "" set frbnyrmagl repro "" command and listserv will send you a copy of your own messages , so that you can see that the message was distributed and did not get damaged on the way . after a while you may find that this is getting annoying , especially if your mail program does not tell you that the message is from you when it informs you that new mail has arrived from frbnyrmagl . if you send a "" set frbnyrmagl ack norepro "" command , listserv will mail you a short acknowledgement instead , which will look different in your mailbox directory . with most mail programs you will know immediately that this is an acknowledgement you can read later . finally , you can turn off acknowledgements completely with "" set frbnyrmagl noack norepro "" . contributions sent to this list are automatically archived . you can get a list of the available archive files by sending an "" index frbnyrmagl "" command to listserv @ peach . ease . lsoft . com . you can then order these files with a "" get frbnyrmagl logxxxx "" command , or using listserv ' s database search facilities . send an "" info database "" command for more information on the latter . important : this list is confidential . you should not publicly mention its existence , or forward copies of information you have obtained from it to third parties . please note that the "" give "" command is automatically disabled for all archive files . more information on listserv commands can be found in the listserv reference card , which you can retrieve by sending an "" info refcard "" command to listserv @ peach . ease . lsoft . com .",0 +"Subject: look forward to hearning from you . vince , please let me know what day might be convenient for you this week for a quick lunch if possible . thank you . maruti - - - - - original message - - - - - from : more to : vince . j . kaminski @ enron . com date : monday , august 28 , 2000 2 : 31 pm subject : re : enron open positions > vince , > > just fine . i will be there at 11 : 30 am on friday , september 8 , 2000 . > > see you at the enron building . > > thank you . > > maruti > > - - - - - original message - - - - - > from : vince . j . kaminski @ enron . com > to : mmore @ houston . rr . com > cc : vince . j . kaminski @ enron . com > date : monday , august 28 , 2000 2 : 14 pm > subject : re : enron open positions > > > > maruti , > > does 11 : 30 enron building work for you ? > > vince > > > > > > "" more "" on 08 / 28 / 2000 01 : 25 : 54 pm > > to : "" vince j kaminski "" > cc : > subject : re : enron open positions > > > > hello vince , > > thank you very much for getting back to me . > > friday , september 8 is fine with me . please let me know what time would be > convenient for you and where we can meet . i can come any time anywhere . > > sincerely , > > maruti > 832 - 251 - 7267 > > > > > - - - - - original message - - - - - > from : vince j kaminski > to : more > cc : vince j kaminski > date : monday , august 28 , 2000 12 : 12 pm > subject : re : enron open positions > > > > maruti , > > what about september 8 , friday ? > > vince > > > > > > "" more "" on 08 / 25 / 2000 03 : 27 : 26 pm > > to : vince j kaminski / hou / ect @ ect > cc : > subject : enron open positions > > > > > > > >",0 +"Subject: re : job posting vince , thank you very much . i applied for the position yesterday ( via e - mail address ) and mentioned your name in the cover letter . i ' ll keep my fingers crossed . sincerely , helen - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , april 25 , 2001 9 : 42 am to : demianen @ ruf . rice . edu subject : re : job posting helen , fyi . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 25 / 2001 09 : 40 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : lee ferrell / enron @ enronxgate on 04 / 24 / 2001 06 : 20 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : job posting hi vince , this posting is for my group . thanks for the referral . - - - - - original message - - - - - from : kaminski , vince sent : tuesday , april 24 , 2001 5 : 31 pm to : goodpasture , john ; watson , kimberly ; ferrell , lee ; kaminski , vince cc : krishnarao , pinnamaneni subject : job posting i am teaching a class at rice and one of my very bright students sent her resume in response to this posting . do you know who posted this job ? vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 24 / 2001 05 : 27 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - ( embedded image moved to file : pico 5601 . pcx ) "" helen demianenko "" on 04 / 24 / 2001 02 : 11 : 05 pm please respond to to : cc : subject : job posting dear vince , thanks for talking to me this morning about the sr . risk analyst position . here is where you can find the job description for that position : also , i have cut and pasted it down below , just in case . i appreciate your assistance in this matter and will start working on my cover letter right away . i would also like to talk to somebody to get a better feel for the position ( is this really an mba level position and how much of the in - depth learning opportunities for the derivatives market does it entail ? ) sincerely , helen demianenko p . s . i have attached my resume ( one more time ) . sr risk analyst essential functions : primary accountability for managing the ets risk book structure and processes from a pipeline ( front office ) perspective . work within current nng and tw marketing organizations to effectively integrate risk books into daily marketing and structured product activities . provide feedback to management regarding overall and specific risk positions . provide support for consistent and accurate deals entry / reporting for stand alone risk management system . create ad - hoc reports to assist management in risk analysis . responsible for managing and providing enhancements to the capacity books : ? maintain functionality and provide leadership for new functionality from a users perspective . provide support and direction for integration of capacity books and revenue management project . support revenue management team essential requirements : ba / bs in finance or accounting ( mba preferred ) . minimum of two years financial instruments experience . excellent quantitative / analytic and systems skills . knowledge of commodity risk book concepts . understanding of physical natural gas market , interstate transportation and financial derivatives . ability to interface with structuring / marketing groups in order to define business requirements . ability to provide leadership for business and system processes . excellent communication skills with an ability to communicate across organization with varied skill sets and ideas . must be self - motivated with a high level of energy preferred skills : na . special characteristics : this job functions in a team - oriented , fast - paced environment with multiple concurrent assignments and constantly changing priorities . contact : responses will be accepted through may 3 , 2001 . respond to enron corp . , human resources 235 , p o box 3330 , omaha , ne 68103 - 0330 or e - mail : dea . crum @ enron . com as a . doc or . txt attachment . please include this requisition number . job id 0000108729 department risk management & reporti company enron transportation services enron transportation services location houston , tx type posting date 19 - apr - 01 - helen _ d _ resume . doc >",0 +"Subject: re : a request vince , i will supply a generic example . zimin vince j kaminski 03 / 06 / 2001 09 : 31 am to : zimin lu / hou / ect @ ect cc : subject : a request zimin , it seems that the academia is catching up . do you have a realistic case we can show them ? something generic . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 06 / 2001 09 : 31 am - - - - - - - - - - - - - - - - - - - - - - - - - - - ds 64 @ cyrus . andrew . cmu . edu on 03 / 02 / 2001 09 : 39 : 43 am to : "" vince j kaminski "" cc : subject : a request vince , i am writing to ask for your help with some research i am doing with john lehoczky and a phd student . we trying to apply recent advances in monte carlo for american options to value swing and other options with multiple early exercise decisions that are important in energy markets . i know in general that early exercise shows up in a wide range of energy contracts , both real as welll as financial . would it be possible for you , either via email or on the phone , to give us some examples of typical terms for such instruments ? we would like our examples to look realistic . we also want to make sure we are focusing on the right sorts of optionality . thanks in advance , duane * * * * * * * * duane seppi graduate school of industrial administration carnegie mellon university pittsburgh pa 15213 - 3890 tel . ( 412 ) 268 - 2298 fax ( 412 ) 268 - 8896 email ds 64 + @ andrew . cmu . edu",0 +"Subject: interview with enron dear mr . kaminski , ? even though i cannot pass "" official "" interviews , i would like to discuss with enron . i was really impressed by your presentation and i think i would be a good fit for your firm . ? i know that you ? will be soon recruiting on campus , maybe we could set up an "" informal meeting "" . either give me a call at home ( 412 - 802 - 6429 ) or send me an email at this address . i would appreciate though not to appear on interview lists . ? pierre - philippe ste - marie http : / / pstemarie . homestead . com",0 +"Subject: jcc study here is the information produced in the study for marc de la roche . - kevin k . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin kindall / corp / enron on 12 / 20 / 2000 05 : 42 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin kindall 11 / 28 / 2000 09 : 29 am to : russell dyk / corp / enron @ enron cc : subject : jcc study - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin kindall / corp / enron on 11 / 28 / 2000 09 : 32 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin kindall 09 / 29 / 2000 05 : 11 pm to : james pyke / ap / enron @ enron cc : subject : jcc study hello . please read the jcc note . feedback welcome . - kevin k .",0 +"Subject: [ no subject ] thanks vince - i didn ' t know - i was worried for a while ; thanks for reducing me stress ! i ' ll let alec and vuthy know @ this . thank you very much - we ' ll get him ( howard ) in ! jeff i live in dana point , ca . ( known for it ' s harbor ) here are a few pictures for you on your coffee break : http : / / www . danapointharbor . com / tour / ptwend . htm bye jeff , we have video facilities both in houston and london . we shall invite howard to visit our office in london again . vince * get free , secure online email at http : / / www . ziplip . com / *",0 +"Subject: re : message from ken rice dorothy , no problem . please , cc - mail me tom ' s number . one of the members of the group has a phd in computer science and he will join me for the call . vince from : dorothy dalton @ enron communications on 05 / 01 / 2001 08 : 53 am to : vince j kaminski / hou / ect @ ect cc : subject : message from ken rice vince : ken rice received a call through a friend ' s referral from dr . tom limperis ( a professor at the university of michigan ) . dr . limperis has developed a statistical database management system he would like to show enron . ken would like you to return this call on his behalf . he feels that you are probably the only person who will understand and be able to determine if enron should have an interest . do you mind returning this call ? please let me know . thanks ! dorothy dalton office of the chairman enron broadband services 1400 smith street , eb 4505 houston , tx 77002 713 - 853 - 6724 - direct 713 - 853 - 9469 - fax",0 +"Subject: resending paper - - - - - - - - - - - - - - - - - - - - - - forwarded by jason sokolov / hou / ect on 04 / 30 / 2001 08 : 18 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" lynn nazareth "" on 04 / 27 / 2001 12 : 46 : 37 pm to : jason . sokolov @ enron . com cc : subject : resending paper jason : here is our team ' s assignment . please confirm receipt . i am also sending you the file via my outlook address in case this doesn ' t work . this is our team : helen demianenko javier lamas lynn nazareth shauywn smith carlos wheelock sarah wooddy thanks , jason ! see you at enron this fall ! lynn get your free download of msn explorer at http : / / explorer . msn . com - mg _ analysis _ final . doc",0 +"Subject: allocations becky , please , take a look at the allocations sheet . vince",0 +"Subject: new jcc stuff vince , i ' m gone through wednesday of next week . i plan to work more on this over the holiday . contact information is in the . doc in other news , i didn ' t get the total return swaps finished . i have been unable to nail down certain details . concepts are quite clear . - kevin k .",0 +"Subject: re : london research group richard , please , let me know what the timetable is . i would like to talk to anjam a few days before to break the news to him . i hope i can save him for the company and offer him a position in houston . we desperately need skills he has . vince richard lewis 07 / 27 / 2000 02 : 20 am to : dale surbey / lon / ect @ ect cc : john sherriff / lon / ect @ ect , vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect , stinson gibner / hou / ect @ ect , joe gold / lon / ect @ ect subject : re : london research group i agree with dale - no point in delaying . dale surbey 27 / 07 / 2000 08 : 13 to : john sherriff / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , richard lewis / lon / ect @ ect , grant masson / hou / ect @ ect , stinson gibner / hou / ect @ ect , joe gold / lon / ect @ ect subject : re : london research group john , i propose accelerating steve ' s move to head the research group here . it makes sense to include this as part of the mid - year prc process by giving him a tangible reward along with his performance feedback . thoughts ? - dale john sherriff 27 / 07 / 2000 06 : 44 to : vince j kaminski / hou / ect @ ect cc : dale surbey / lon / ect @ ect , vince j kaminski / hou / ect @ ect , richard lewis / lon / ect @ ect , grant masson / hou / ect @ ect , stinson gibner / hou / ect @ ect , joe gold / lon / ect @ ect subject : re : london research group vince - i agree with your conclusion here . we are still trying to fill dale ' s structuring role as well so part of the question is how we announce steve ' s lead research role relative to when we know who will take dale ' s spot . perhaps we should just move forward with the steve announcement the day that dale moves full time to ebs . i will ask richard lewis to take the lead in working with you on finalizing the decision and communcicating the changes to the organization . but i do want to reinforce how pleased we are to have steve here . he is a wonderfull asset to our efforts . thanks ! john vince j kaminski 26 / 07 / 2000 22 : 18 to : john sherriff / lon / ect @ ect cc : dale surbey / lon / ect @ ect , vince j kaminski / hou / ect @ ect , richard lewis / lon / ect @ ect , grant masson / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : london research group john , i am writing to you regarding the management of the london research group . as you know , dale surbey , who was managing the london unit of the research group , is moving to ebs . dale did a terrific job helping me to develop the pool of talent we have currently in london . given that dale is likely to be transfered to houston , it ' s time to nominate one member of the research group for a management position . my recommendation is steve leppard . steve emerged not only as the most technically qualified member of the group but also as a natural leader , highly respected by his peers and internal customers . steve has a very high energy level and is very efficient as a manager and as coach of new talent . his promotion is likely to cause anjam ' s departure form enron . i value technical skills of anjam , but in spite of my loyalty to him , don ' t think he is the same caliber as steve . however , i would not like to lose him and think about moving him to houston for 2 years . i think that the opportunity to work in houston , would be a sufficient incentive to keep him in enron . by the way , his performance feedback has greatly improved . please , let me know what you think . vince",0 +"Subject: 2 missing from the mailing list hingoran @ rice . edu planck @ rice . edu",0 +"Subject: vacation carryover want to verify your vacation carryover ? beginning january 22 , 2001 , all eligible enron employees will be able to access the hours of vacation that were carried over from the previous year by going to the ehronline website . 1 . navigate to the ehronline website : http : / / ehronline . enron . com . 2 . read the disclaimer ; click accept . 3 . enter your user id and password ; click logon . 4 . select time management from the menu at the left . 5 . select vacation information from the drop - down menu . to see all types of vacation ( accrual , lump sum , vacation ) , click the radio button for "" all types . "" click display . to see specific types of vacation ( accrual , lump sum , vacation ) , click the radio button below "" all types "" and make your selection from the drop - down menu . click display . click exit to log off . the system will default to show all types of vacation , including ( if available ) vacation - ( accrual ) or vacation - ( lump sum ) or vacation . the carryover amount will be displayed next to the type : "" vacation "" under the "" entitlement "" column . enron policy states that employees are entitled to a maximum of 40 hours of vacation carryover without supervisor approval . hours in excess of 40 hours are subject to supervisor approval and will be updated once supervisor approval has been received if you have questions regarding your vacation , please call the payroll hotline at 713 . 345 . 5555 .",0 +"Subject: re : software hi helyette , congratulations on your papers . the purchase contract is in the last stage of approvals ( it ' s circulating through different parts of the company where it has to be signed ) . i think we should be able to execute the contract in the first few days of december . i shall let you know as soon as our internal process is completed . vince gemanix @ aol . com on 11 / 29 / 2000 02 : 26 : 12 pm to : vkaminski @ aol . com cc : vkamins @ enron . com subject : software dear vince , i guess time has been flying for you by since our brilliant show in paris . in my case , it is the same : i got 3 papers accepted in the 3 major journals in finance ( journal of business , journal of finance and journal of financial economics ) . we should write a piece ! our software seems to be quite satisfactory for the oil people . my lawyer had added a paragraph to karla ' s document : since she had mentioned the right for enron to check at any time the code source etc , he wanted to request enron to pay his fees in the case d - g disappeared . in any case , if you are still interested , we are ready to use your escrow account to make things simpler . moreover , i am striking an agreement with a software company , 13 years with people from polytechnique + finance , to be our hot line ( with us paying royalties , of course ) . this would complement my 2 associates . looking forward to hearing from you helyette",0 +"Subject: program posted hello all , the program for next week ' s conference is posted at the following address : we have lots of fun stuff planned to go with the serious so come prepared for a great weekend . john john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : your encouragement would be appreciated to all a - team members : check out the nice recognition note below i also receive numerous verbal high fives from the other desk heads as well we had a great year kudos to all members of the team - - - mike - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 12 / 21 / 2000 03 : 29 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 12 / 21 / 2000 03 : 00 pm to : jim schwieger / hou / ect @ ect cc : jeff skilling / corp / enron @ enron , greg whalley / hou / ect @ ect , david w delainey / hou / ect @ ect , john j lavorato / corp / enron @ enron ( bcc : mike a roberts / hou / ect ) subject : re : your encouragement would be appreciated jim , thanks a lot . it is difficult to find a better example example of commitment to enron and to professional excellence than our weather guys . vince jim schwieger 12 / 21 / 2000 10 : 32 am to : jeff skilling / corp / enron @ enron , greg whalley / hou / ect @ ect , david w delainey / hou / ect @ ect , john j lavorato / corp / enron @ enron cc : ( bcc : vince j kaminski / hou / ect ) subject : your encouragement would be appreciated the gas and power trading organizations have had a tremendous year . sometimes we as traders forget some of the crucial parts of the organization that significantly contributed to that success . i believe the weather group comprised of mike robert ' s , jose marquez , stephen bennett and dave ryan from power are one of those groups . these individuals have done a tremendous job of predicting summer weather along with the route hurricanes would take . the greatest achievement has been the november and december winter forecast . they held fast to their cold forecast even when outside services were moderating . on a score card with all other services they definitely deserve an "" a + "" . when you are down on the 32 nd floor it would be nice if you would stop and congratulate them on a tremendous job and their contribution to our success . thanks , jim schwieger",0 +"Subject: an interview shirley , please schedule an interview with konstantin on may 8 . stinson , zimin , alex , tanya , krishna , myself . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 02 / 2001 03 : 07 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" konstantin n . kudin "" on 05 / 02 / 2001 01 : 39 : 15 pm to : cc : subject : an interview dear dr . kaminski we have talked earlier during your energy class at rice about career opportunities in risk management at enron . if it is possible , i would like to meet with you and people from your group next week , preferably tuesday ( may 8 ) . my time is flexible , i could come any time . other days are also fine . thank you very much in advance . sincerely , konstantin kudin",0 +"Subject: ceo meeting with governor johanns to margaret and beth , in order to ensure a comprehensive speech to goveror johanns , i am in the process of compiling some preliminary research on the impacts of energy prices on agri - business in nebraska . before i can make a decision of whether i can accept this offer to speak , i would like to finish this preliminary study . i need to know the deadline of your request . can you give me a better understanding as to the duration of the speech and the type of forum in which i will be speaking ? should i expect a q & a after the speech ? who will be in the audience ? what companies and ceo ' s will be attending the meeting ? who will be speaking on energy derivatives ? please let me know when you need my decision . regards , maureen raymond - castaneda",0 +"Subject: churn list vince , here is your new location on the 32 nd floor . have a wonderful morning ! - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 04 / 28 / 2000 07 : 48 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 04 / 28 / 2000 07 : 49 am to : lisa b cousino / hou / ect @ ect , heather choate / hou / ect @ ect cc : subject : churn list goodmorning , today is the day for the great move . well i certainly hope this is not a bother . i have a few changes since a few members has left our group . new locations sam smith - eb 3274 a elena chilkina - eb 3274 b ( michael sergeev ) patricia tlapek - eb 3273 a vince kaminski - eb 3273 b eb 7273 c - vacant ( roman zadorozhny ) if you are not able to make changes on the churn list , please be aware that we are going to label all items to the locations listed , whereby these items will be at the locations listed above . please if you need more information feel free to call x 34710 . hope this day be a good one for you ! thanks kevin moore",0 +"Subject: material for thu 2 mar wg meeting fyi . - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 29 / 00 01 : 15 pm - - - - - nevil @ ipn . caida . org 02 / 28 / 00 10 : 35 pm to : metrics @ caida . org cc : ( bcc : ravi thuraisingham / enron communications ) subject : material for thu 2 mar wg meeting hello all : appended below you ' ll find a summary of ideas that people have contributed since we at caida began to get the metrics wg started . some of this material has already appeared on the metrics mailing list , the older material comes from personal emails . i ' m posting it again to give us all some more ideas to think about . for those who are able to attend the wg meeting in san jose this thursday ( 2 mar ) , i ' d like to spend time in the morning getting to know about attendees interests and experience in making internet measurements . i suggest that a good way to do this would be to have each group give a short ( 10 minutes , response times , and this gets even more interesting . . . you only need > to be able to see traffic in one direction ( from client to server ) to > get a fairly accurate round - trip time from the client to the server > ( irrespective of how far away the client is from your measurement > host ) , because of tcps three - way handshake for connection > establishment ; when you see the opening syn , you wait for the client > to ack the server ' s syn ack and you have the client - > server round - trip > time . i think you ' ve actually already done some of this ? we could > also potentially try to correlate dns queries and tcp connections , > perhaps determining some probabilities in a given environment of a > host initiating a tcp connection to a host for which it just received > an a record , and track various application - level response times ( i ' d > personally love to have a lot of data on the ratio of dns response > time to tcp transfer time for http connections ) . even if the > measurement makes no attempt to discern what constitutes a web > transaction to the user ( a full page , usually many tcp connections ) . > > anyway , i think there are some fairly interesting things we can > measure with simple techniques , these are just some simple ones . > there may be some interesting things we could do by digging into > payloads of a few of the other highly - utilized applications , but doing > it for tcp is a nightmare perfomance - wise . but we now have the basic > infrastructure to do things with dns over udp . we can probably cover > any open udp protocol without incurring performance penalties that > would make it completely unusable . snmp , for example . . . while its > application is limited , network service providers would find > round - trip time information for snmp packets from their network > management stations to agents very useful . i think there are some > rudimentary things we can do with tcp as well , and i also think some > sites would be interested in having some rudimentary information . for > example , a weighted ( by traffic ) round - trip time distribution for tcp > traffic to / from all networks with which you communicated ( say at / 24 > granularity ) . this gives sites a notion of how close they are to > those they talk to most frequently . with a little more work , we could > probably make reasonable bandwidth estimates for every end network for > which we see tcp data ( we could certainly get a reasonable number for > the maximum observed bandwidth ) . > > these methods also decouple the measurement from the traffic . while we > all know the value of that , i think it ' s significant in that active > probers can be run on the same host , decoupled from the actual > measurement , and with timestamps coming from kernel space ( bpf ) . i ' ve > been thinking about this for a long time , because eventually i ' d like > skitter ( and other tools ) to be able to do use tcp packets for probing , > with no need for things like ip firewall code ; if i can just properly > time non - blocking connects , and count on the passive tool to see the syn > and syn ack , i can use any tcp port for round - trip time measurements and > not trick my kernel by sending tcp packets on a raw socket . i need > feedback from the passive tool for tracing like skitter ( it needs to > know when a reply has been seen from a hop and when the destination has > been reached ) , but it ' s not difficult ( simple bytestream - oriented ipc is > sufficient ) . > > going further , i like the idea proposed by some others ( maybe funded at > this point , i ' m not tracking it ) of instrumenting the freenix tcp / ip > stacks . a lot of useful information could be pulled from the stack . > but eventually someone ' s going to have to come up with what pieces of > information are desirable enough for someone to want their stack > instrumented ( and it ' ll have to be somewhere between what ' s currently > > implemented and a full - blown metering system like rtfm ) . and i think in > the interim , there are a lot of things we could do using libpcap on our > local machines , non - promiscuous and in user space ( safe , easy to > implement and test ) . to me the benefits here are : > > - a user is likely to have a tangible , well - understood relationship > with their workstation ( understood by them ) . this is particularly > true for those of us with network expertise . so it ' s at least > plausible that we can find correlations of measurements with > user experience in a fairly short period of time , helping us hone in > on what ' s useful . even if we only find weak correlations ( for > whatever reason ) , once a correlation exists , more people will be > interested in helping with development because it ' ll be something > they ' ll use personally . > - we ' re essentially guaranteed to see traffic in both directions . > > i ' d personally be interested in trying to find some small sets of > information that correlate to user experiences , so that it doesn ' t > take a terabyte of disk and 64 processors to deal with data from say > 10 , 000 desktops . : - ) > > anyway , just some random thoughts . the hard part for me at the moment > is thinking about useful generalizations and infrastructure to support > them . . . cindy bickerstaff responded . . > we ' re just starting to capture the mss and window size negotiations between > timeit and servers to get an idea of what is typical or usual . wonder if > daniel ' s code could do that too from the various traffic monitoring points > caida has out there ? the data could be used to fill in some parameters for > trying to model some of the passive data collected . since a typical web page > has many elements between a single client and server the first or base page > gives you a starting idea of what to expect and the subsequent elements are > like repeat measurements of the same path over a very short time interval . > since there is a strong time of day / week effect ( volumes and perf ) , the > short duration of the data collection from a single web page ( incl . > elements ) might give some options for modeling ( and maybe getting a better > estimate of packet loss ) . i ' ve really enjoyed joining the e 2 e - interest group > for the ideas on factors and the references to past modeling attempts ( e . g . > mathis , et . al . paper . . . ack its bulk transfer focus ) . paul krumviede highlighted the difficulty of agreeing on details of how to measure common metrics like availability , reliability , throughput and latency . > an example was throughput . since it was proposed > that this be measured using a tcp file transfer of > random data , one concern was what does this do > to latency ? and where does this get measured ? as > many customers of this service would not be large > businesses , measuring this from the customer end > of a 56 - or 64 - kbps circuit was almost certain to > drive end - to - end latency measurements beyond > defined bounds . measuring it from within points in > the provider ' s network ( s ) might show figures that the > customers could never see themselves . > > the compromise was to define the throughput metric > as ocurring at access link loads of no more than 50 % > of the bit rate . but how does one measure that ? and > so on . . . > > given that this discussion was recognized as being the > prelude to the imposition of minimal slas , as part of the > "" certification "" process for service providers , this may be > an illustration of the perils of discussing slas and metrics > in some interchangable form . but they may not be easy > to separate in the minds of some . carter bullard said > i ' m specifically interested in bridging > rtfm and ippm work , particularly to describe how an > rtfm can be a generic connectivity monitor . ippm > describes type - p - unidirection and bidirectional > connectivity , and a single point rtfm can detect > these conditions , but standard descriptions for how > this can be done would be very useful . > > personally , one of the things that i ' m interested > in is tcp based streaming services performance , such > as that seen in internet radio distribution , and of > course ip telephony wireline performance metrics would > be very good to describe . nevil brownlee comments that he ' s also very interested in developing the rtfm meter as a platform for more general measurements . two areas seem interesting ( apart from getting more information from tcp streams ) : ~ + qos / difserv performance ( what metrics do we need to characterise this ? ) + ipsec ( what metrics will still be useful when we can ' t look at port numbers ? what kinds of traffic can still be identified ? ) curtis villamizar said > i ' m particularly interested in the work on dos at > http : / / www . cs . washington . edu / homes / savage / traceback . html and would > like to see that on the agenda . this would provide a general way of determining where packets came from , not just a tool for tracing dos attacks . ",0 +"Subject: credit business plan hi jeff , my research colleagues and i are working on a document to lay out our credit derivatives modeling strategy . for lack of a better term , we refer to this as our credit business plan . it is my understanding that various business plans have been previously written for the credit group - one by gillian johnson and another by john bottomley . it would be very helpful to our efforts in the research group , it you would allow us to see these plans . thanks , iris",0 +"Subject: re : for vince j kaminski ' s approval approved vince kaminski information risk management 04 / 05 / 2000 03 : 50 pm to : vince j kaminski / hou / ect @ ect cc : subject : for vince j kaminski ' s approval below you will find a copy of a request that is awaiting your approval . please advise us as to your approval or rejection of this request by way of email , since your system does not allow you to open the icon that was submitted by way of a doc link . i thank you in advance for your cooperation in this matter . leola barnett information risk management - - - - - - - - - - - - - - - - - - - - - - forwarded by information risk management / hou / ect on 04 / 05 / 2000 03 : 50 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - security resource request system pending vp approval resource request how to find the status of this request . . . general information initials : requestor : jason sokolov / hou / ect phone : ( 713 ) 853 - 6286 requested for : jason sokolov / hou / ect request type : update access rc # : 100038 wo # : company # : 0011 priority : high manager : mike a roberts vp : vince j kaminski location : in the request processing section , see the status column for each requested resource . look at the overall status of the request in the title bar above . the status will display closed when your request is complete . click the "" status "" button below . comments : request # : jsov - 4 f 8 r 44 submitted : 01 / 04 / 2000 01 : 58 : 37 pm name cost status implementation comments application / database bloomberg $ 1 , 800 . 00 monthly not started request processing path processed by status when comments manager approved 01 / 20 12 : 57 pm vp security implementation editing history ( only the last five ( 5 ) are shown ) edit # past authors edit dates 2 3 4 5 6 jason sokolov jason sokolov jason sokolov jason sokolov mike a roberts 01 / 04 / 2000 01 : 56 : 27 pm 01 / 04 / 2000 01 : 57 : 47 pm 01 / 04 / 2000 01 : 58 : 30 pm 01 / 04 / 2000 01 : 58 : 37 pm 01 / 20 / 2000 12 : 57 : 16 pm",0 +"Subject: bad supervisor : me ! norma , i have attached an updated org chart for my team . i think the following changes need to be made 1 . paulo issler is reporting to zimin lu 2 . shalesh ganjoo is reporting to me ( who does the system show as his supervisor , zimin ? ) also , i just found out that chonawee did not get his mid - year review . i didn ' t realize that samer takriti never gave him a review . i have found all of the mid - year feedback for chonawee , but i don ' t have an official "" form "" to fill out for him to sign . can you send one to me , or what should i do ? thanks , stinson x 34748 norma villarreal 10 / 26 / 2000 08 : 30 am to : stinson gibner / hou / ect @ ect cc : subject : re : peoplefinder feedback please confrim that you are the supervisor for shalesh ganjoo . also , please send an updated organizational chart of your group so that i can verify the correct information . thank you for your assistance in this matter . norma villarreal x 31545 - - - - - - - - - - - - - - - - - - - - - - forwarded by norma villarreal / hou / ect on 10 / 26 / 2000 08 : 28 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : shalesh ganjoo 10 / 25 / 2000 09 : 29 pm to : norma villarreal / hou / ect @ ect cc : subject : re : peoplefinder feedback fyi . . . - - - - - - - - - - - - - - - - - - - - - - forwarded by shalesh ganjoo / hou / ect on 10 / 25 / 2000 09 : 26 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - people . finder @ enron 10 / 23 / 2000 10 : 19 am sent by : curtis fincher @ enron to : shalesh . ganjoo @ enron . com cc : subject : re : peoplefinder feedback shalesh , sap is showing ms . norma villarreal as your hr rep . we don ' t have the authority to change supervisor names . please work with your hr rep to correct this information . regards , curtis fincher shalesh . ganjoo @ enron . com on 10 / 21 / 2000 03 : 25 : 29 pm to : people . finder @ enron . com cc : subject : peoplefinder feedback my chain of command is : stinson gibner vp ( supervisor ) vince kaminski md ( stinson ' s supervisor ) please correct this immediately . thank you .",0 +"Subject: re : henwood query hi karolina , yes , it might be more productive to talk on the phone . given our time difference , why don ' t we plan on tomorrow ( friday ) 8 : 00 am pdt , 4 : 00 pm bdt ? my number in the states is 503 - 464 - 8430 . give me your number , too , so that i can call back if i get hung up in a meeting or something . the situation is complicated by the fact that the marginal cost is set by the capacity increment of a plant that is on the margin in a particular hour , but in constructing the stack , increments of a plant may be scattered throughout the stack , based on their respective incremental heat rates . ( this is why increment heat rates must be strictly increasing in this model . ) results for the capacity increments , however , are not available as output ; only each plant ' s aggregate values are reported . i had to construct the stack for a particular hour to answer question about a homer city , ny plant we were studying a few years ago . attached is the sql query you can import into ms access to do the same thing for you ( making appropriate modifications to the year , hour , etc . ) unfortunately , no henwood documentation on the output variables existed when i created this query , so i can not really tell you what they represent anymore . an acquaintance of mine at entergy and i were lobbying to get henwood to provide some documentation , so it may be available now . let ' s talk and maybe we can help you out , michael > > > karolina potter / lon / ect @ enron 08 / 24 / 00 07 : 08 am > > > michael , i am an analyst in paul mead ' s continental power trading group in london . i am currently working on the project , which requires the use of emss , and experience some difficulties interpreting the output results . steven leppard from our research group gave me your name as an expert in this system and consequently the person to contact in case of problems . i have been running simulations for the dutch market and was asked to provide the traders with some front - end screen graphs in order to interpret the numerical results . one of the graphs is to show an hourly generation stack and system ' s marginal cost , as we only run cost based scenarios . to sort each station ' s hourly generation i need its marginal cost . to my knowledge though , marginal cost is only generated for a systems marginal unit ( transarea marginal units query , marg _ cost unit ) . therefore i was sorting the stations according to the cost which i calculated based on the outputs from station detail by hour query . the calculation was as follows : for each hour , for each generating station : "" marginal cost "" [ o / mwh ] = ( generation _ cost [ oo 00 ] * 1000 ) / generation [ mwh ] - vom _ cost [ o / mwh ] this i thought would include fuel cost and start up costs . however , a marginal station which i get on the stack as a result of the above calculation is not a station given in marginal station field in transarea marginal units query . i have also looked into transarea _ data _ hr table and transarea _ data table but non of the costs there match my results . do you happen to know what formula is used to determine marg _ cost and which outputs i should be using to obtain the right results ? it might be easier if we could discuss this issue on the phone . in this case could you please send me your direct telephone number . i am struggling understanding what is going on and would appreciate your help very much . regards karolina - text . htm - stack generator sql . txt",0 +"Subject: market opportunity from ut generators doug , fyi i ' m sure that baldick would just as soon sell us energy as ae . plus we have a better handle on market opportunites . see his e - mail below . lance - - - - - - - - - - - - - - - - - - - - - - forwarded by lance cunningham / na / enron on 04 / 16 / 2001 10 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" ross baldick "" on 04 / 15 / 2001 03 : 37 : 59 pm to : cc : subject : re : dissertation dear lance , the university is predicting a shortfall due to increased gas costs of between $ 30 and $ 40 million , over the next 1 to 2 years . for a long time , i have been wanting to explore opportunities for the campus to sell energy to austin energy when its load is below peak . this big shortfall provides an impetus for the university to want to maximize the value of its plant . ross",0 +"Subject: interview with the enron research group hello mr . kudin : vince kaminski has asked me to schedule interviews for you with some of the research group . however , tuesday , the 8 th is not a good day for everyone as we will need approximately 3 hours . could you do it thursday afternoon may 10 th ? we could start at 1 : 00 pm and be through by 4 : 00 pm . the interviewers would be : vince kaminski managing director stinson gibner vice president krishna krishnarao vice president tanya tamarchenko director zimin lu director alex huang director please let me know if this will work for you . if so , i will need you to forward me a copy of your resume . regards , shirley crenshaw administrative coordinator enron research group 713 - 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: re : returning you call celeste , we shall match the tuition cost . we are very anxious to have gappy here at enron supporting ebs . vince celeste roberts 03 / 08 / 2000 06 : 49 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : returning you call would you be willing to pay for this ? since he is a ph . d . and specifically for your group , this should be your call . let me know if your business unit agree to pick up this additional cost . celeste - - - - - - - - - - - - - - - - - - - - - - forwarded by celeste roberts / hou / ect on 03 / 08 / 2000 06 : 47 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - giuseppe andrea paleologo @ stanford . edu on 03 / 06 / 2000 03 : 23 : 24 pm please respond to gappy @ stanford . edu sent by : gappy @ stanford . edu to : celeste roberts cc : subject : re : returning you call ms . roberts , thanks for the quick reply ! i received the offer on thursday , and i am very excited about joining enron this summer . my research group is establishing a long term collaboration with dr . kaminski and dr . gibner , and i hope to help foster this relationship this summer . i would just like to discuss one issue that is very specific to my status of international student . as an international student , i am required to enroll part time at stanford university during the summer quarter in order to be considered eligible for a summer internship ( "" optional practical training "" ) . the cost of the part - time tuition will be approx . $ 2300 for this academic year . the past summer , my employer ( at it would be of course very much appreciated ( given the notoriously precarious financial condition of ph . d . students ) . yet , to make things clear , please rest assured that my acceptance of your offer is not conditioned on your reply regarding this issue , and that i intend to be at enron this summer . all the best , giuseppe - - : : giuseppe a paleologo : : http : / / www . stanford . edu / ~ gappy",0 +"Subject: institutional investor journals profile update confirmation thank you for updating your ii journals profile information . changes to your user id , password and e - mail address have been made . please allow 24 hours for any other changes you ' ve made to take effect in our system . here is the profile information we have for you : account number : 12973228 first name : vince last name : kaminski company name : enron corp position : managing director department : address 1 : 1400 smith st eb 1962 address 2 : city : houston state : tx zip code : 77002 - 7327 country : usa phone : ( 713 ) 853 - 3848 extension : fax : ( 713 ) 646 - 2503 foreign phone : foreign fax : email : vkamins @ enron . com user id : vkaminski password : italia",0 +"Subject: oral surgery vince , anita and kevin : i went to the dentist yesterday afternoon , and unfortunately , i am going to have to have some oral surgery . it is scheduled for 9 : 30 am on thursday the 21 st of september , so i will probably be out the rest of the day . hopefully , i will return on friday , the 22 nd if all goes well . just wanted to let you know . thanks ! shirley * * * * * * anita and kevin : i will also be on vacation next wednesday , the 13 th for one day . thanks ! shirley",0 +"Subject: re : shalesh jim , i agree with you . it just burns your time and mine . i shall take care of it when ravi comes back from vacation . vince from : jim fallon @ enron communications on 06 / 29 / 2000 06 : 38 pm to : vince j kaminski / hou / ect @ ect @ enron cc : subject : re : shalesh vince , ravi never said a word to me and should have closely coordinated with me - otherwise he should have used his own name . i have a problem with ravi acting in that manner . no one is questioning shalesh ' integrity but the associate analyst program called me and stated that shalesh told them that i had requested the move . if he did that he should not have used my name . i am very sensitive to analysts moving within a rotation . it has happened to me numerous times and i do not appreciate the disruption it can cause . if you need shalesh for any reason then he will not be moving . regards jim vince j kaminski @ ect 06 / 29 / 00 05 : 39 pm to : jim fallon / enron communications @ enron communications , celeste roberts / hou / ect @ ect , ravi thuraisingham / enron communications @ enron communications cc : vince j kaminski / hou / ect @ ect subject : shalesh jim , clarification regarding shalesh ' transfer to ebs . the request to rotate shalesh out of research into ebs came from ravi thuraisingham . my understanding was that it was fully coordinated with you and i was more than happy to oblige . shalesh is concerned that his integrity is being questioned and i can assure you that he was not the instigator of the move . my impression is that shalesh is doing a very good job and ravi is very happy him . i shall be glad to keep him in the research group in his current role . have a good 4 th of july . vince",0 +"Subject: new project vasant , vince and i spoke with gary hickerson and michelle cisneros about the consultant ' s power plant model this afternoon . we will take their model ' s interface and recode the calculation engine , incorporating useful insights from the consultant . it help will be available via gary ' s group . so i will spend the next 4 weeks working on this . alex",0 +"Subject: re : suggestion : implementing var based on non - normal log - returns simulations vince , sorry , the files from that directory get deleted periodically . i attached this file here . rabi did some analysis related to implementation of correlated non - normally ( rtdm - distributed ) variables . let ' s discuss later ? tanya . vince j kaminski 12 / 22 / 2000 05 : 58 pm to : tanya tamarchenko / hou / ect @ ect cc : subject : re : suggestion : implementing var based on non - normal log - returns simulations tanya , i could not locate the file . vince tanya tamarchenko 12 / 07 / 2000 01 : 17 pm to : vince j kaminski / hou / ect @ ect , rabi de / na / enron @ enron , jaesoo lew / na / enron @ enron cc : subject : re : suggestion : implementing var based on non - normal log - returns simulations everybody , we were talking for a while about using non - normal distributions in the monte - carlo simulations in our var model . i put together some suggestion regarding this . the text is under o : \ _ dropbox \ tanya \ non _ normal _ logs . doc look through this 3 page document , and let me know what you think , please . tanya",0 +"Subject: henwood stuff and thoughts about valuation did you guys get this ? i was too interested in the conversation to interrupt with comments about risk / return if the decision would be covered in rates , it is the customers ' curves or equivalently the puc ' s curve . i think if i were going to approach valuation in commodities where the assumptions of black / scholes do not apply , i would start with the capm for large industries in an area , use pro formas to translate this to utility curves for the input commodities , and add the utility curves . another issue : the factor that explains why enron is lowest bidder is its role in the market . in the 1930 s , keynes argued that if most market participants with long position were hedgers , futures prices would be higher than spot ; if they were speculators or traders , future prices would be lower than spot . traders must be compensated for holding the risk ; hedgers ( including utilities and consumers ) are willing to pay a premium for the certainty . consequently , enron traders have bigger bid / ask spreads and lower bid prices . just some random thoughts , michael - - - - - original message - - - - - date : 01 / 04 / 2001 10 : 41 am ( thursday ) from : "" heather mason "" to : hq 3 . em 5 ( michael schilmoeller ) mark your calendar - tuesday january 23 , 2001 downtown houston hyatt hotel henwood will be hosting a comprehensive ercot symposium on tuesday , january 23 , 2001 . a team of henwood regional power market specialists will be presenting the latest analysis and information to assist you in preparing for the new ercot restructured power market , in addition to an anlysis of the issues now playing out in the wscc markets . coffee and registration will begin at 9 : 30 am and the program will run until 3 : 00 pm . lunch and snacks will be provided . agenda topics include : * what will be the critical - success factors for qualified scheduling entities operating in ercot ' s new wholesale & retail markets ? * how will market restructuring impact mid to long - term wholesale prices ? * what is the outlook for new generation ? * what are the impacts of upcoming emission regulations on ercot ' s generation resources ? * what are the new analytical tools available to capture market uncertainty impacts to your supply contracts and generation assets ? * what are the restructuring lessons learned from the california experience and the implications to ercot ? in conjunction with this program , henwood will have a demonstration room available to present its latest software applications and e - business solutions . a nominal $ 75 registration fee is required to reserve a space in the workshop . for more information or to reserve your spot , please contact heather mason at henwood : hmason @ hesinet . com or 916 / 569 - 0985 . about henwood : henwood offers integrated business solutions , strategic consulting , and innovative e - business applications to meet the challenges of the restructured energy markets throughout north america , australia , and europe , serving clients that include eight of the ten top utilities in north america , in addition to energy services providers and power marketers .",0 +"Subject: re : energy derivatives conference - may 29 , toronto good morning amy : vince kaminski will need the following : an lcd projector to hook up to a lap tap for his presentation he will have dinner with the conference organizers and speakers on the 29 th . he will need 2 nights ( the 28 th and the 29 th ) hotel reservations . he will send you an abstract shortly . thanks and have a great day ! shirley crenshaw 713 - 853 - 5290 amy aldous on 03 / 31 / 2000 10 : 50 : 11 am to : shirley . crenshaw @ enron . com cc : subject : re : energy derivatives conference - may 29 , toronto ms . crenshaw , thank you for sending the bio so quickly . it ' s exactly what i was looking for . we are planning to compile the conference speakers ' papers for distribution to the participants . while i will not need dr . kaminski ' s contribution for several weeks , an abstract of his presentation as soon as possible would be very useful to the conference organizers . i will also need the following information : - dr . kaminski ' s audio / video equipment requirements for his presentation - will he be joining the conference organizers and speakers for dinner on may 29 ? - which nights will he be staying in toronto ? i will reserve a room at the conference hotel - any dietary restrictions or special requests your help is much appreciated . best wishes , amy at 11 : 50 am 3 / 30 / 00 - 0600 , you wrote : > > amy : > > attached please find a short "" bio "" for dr . kaminski . please let me know > if i can help further . > > > ( see attached file : vincent kaminski bio . doc ) * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * amy aldous , conference co - ordinator centre for advanced studies in finance university of waterloo waterloo , on n 2 l 3 gl tel : ( 519 ) 888 - 4567 ext . 5728 fax : ( 519 ) 888 - 7562 email : aaldous @ uwaterloo . ca * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * *",0 +"Subject: re : resume , jinbaek , we shall invite you to an interview in houston . vince jinbaek kim on 10 / 23 / 2000 07 : 25 : 36 pm to : vkamins @ enron . com cc : subject : resume , dear mr . kaminski , hi , i am a ph . d student at ieor department at u . c . berkeley . thanks for your presentation today . it gave me knowledge and interest in electricity markets , and your company . as you mentioned in the presentation , i send a resume to give me opportunity to learn more about your company . i hope i can join the super saturday event . jinbaek - resume . doc",0 +"Subject: reminder happy new year to all ! don ' t forget to get registered early for this year ' s conference . it promises to be the best yet . the fun stuff is already organized and the program looks to be the best that "" trail boss "" titman has yet produced . notice the "" friendly encouragement "" ( translation discount in the registration fee ) for early registration . the conference info and registration form can be found at happy new year and hope to see you in san antonio in april ! john john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : oracle tables which contain the position and curves information for enron ' s var system andreas , as we discussed today , i am sending you some information on how the positions and curves are stored in our database . in the enclosed file you ' ll find the list of columns for 4 tables and 2 quarries as an example . 3 of these tables contain the positions information , 1 table has the curves information . ramesh ( who supports our var model from it side ) will send you the description of these tables . regards , tanya .",0 +"Subject: revised budget allocations please disregard the previous allocations , because i forgot enroncredit . com ! here goes : rac 20 % uk power 15 % uk gas 5 % continental power 15 % continental gas 3 % global products 7 % ebs 10 % ees 10 % enroncredit . com 15 % that should do it . - - - - - - - - - - - - - - - - - - - - - - forwarded by steven leppard / lon / ect on 08 / 24 / 2000 10 : 51 am - - - - - - - - - - - - - - - - - - - - - - - - - - - steven leppard 08 / 24 / 2000 10 : 46 am to : dale surbey / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect , stinson gibner / hou / ect @ ect , steven leppard / lon / ect @ ect subject : budget hi dale following discussions with vince , grant and stinson , we ' ve drawn up the proposed budget . we ' re working on the basis that research group headcount will grow to 8 in the near future . business trips us : 8 business trips europe : 10 computer software and licences : gbp 10 , 000 office postage : gbp 350 employee recruitment fees : gbp 30 , 000 ( = 3 x 20 % x gbp 50 , 000 ) professional subscriptions and memberships and books : gbp 15 , 000 training courses : gbp 16 , 000 ( = 8 x gbp 2 , 000 ) conferences : gbp 8 , 000 ( = 4 x gbp 2 , 000 ) mobile phones : gbp 1 , 500 ( = 3 x gbp 500 = me + 2 floaters ) hardware : gbp 10 , 000 ( = laptops , workstations ) suggested allocation as follows . . . rac 20 % uk power 20 % uk gas 5 % continental power 20 % continental gas 5 % global products 10 % ebs 10 % ees 10 % . . . unless you ' ve got any other views on this one ( i ' m happy to take advice here ) . vince has said you can give him a call if you want to discuss any of these points further , but i ' m happy to field initial queries ( i ' ll have to get used to it ! ) . cheers , steve",0 +"Subject: re : projects i will be working on or assisting in stinson , shalesh & martin will be on loan / attached to my group for the next few months . this similar to the arrangement that i had originally at ebs . ravi .",0 +"Subject: rtp project mr huntington we at the new power company are very interested in participating in this conference . we are going through a major initiative to shed light on the benefits of real - time pricing and determining the price elasticity of various components of retail demand . kindly include us as participants in this conference . sincerely , anoush farhangi vice president , load research new power company 713 . 853 . 9273",0 +"Subject: re : energy conference - sydney chris , thanks for the invitation . i shall be glad to meet you and your family in sydney at your home . i am enclosing the draft of my part of the chapter . it ' s more than preliminary but i hope to improve it greatly over the weekend . i shall forward you a new version on sunday evening my time . grant is moving along on his part . i hope it reduces the penalty to broken knee - caps . i shall send you a longer message from home to give you an update on my conversations with eprm regarding the articles . vince "" chris strickland "" on 06 / 01 / 2000 07 : 45 : 53 am please respond to "" chris strickland "" to : "" vincejkaminski "" cc : "" julie "" subject : energy conference - sydney hi vince , ? just a friendly reminder that the hired guns are making their way up to houston to visit with you and grant . ? i was reading the promotional material for the eprm conference here in july . i wanted to invite you to dinner at my apartment on the evening between the main conference and the post - conference seminars ( 18 th july ) . we have a pretty spectacular view of the harbour here that you might enjoy . ? best regards . ? chris . ? dr chris strickland ? school of finance and economics , university of technology , sydney financial options research centre , university of warwick , uk ? director , lacima consultants ltd www . lacima . co . uk",0 +"Subject: re : loan documents thanks for the kind words , vince . what a lovely way to start my monday ! molly - - - - - original message - - - - - from : kaminski , vince sent : monday , april 02 , 2001 7 : 40 am to : magee , molly subject : re : loan documents molly , thanks . you are the most dependable person in enron . vince from : molly magee / enron @ enronxgate on 03 / 31 / 2001 04 : 27 pm to : vince j kaminski / hou / ect @ ect , kenneth parkhill / na / enron @ enron cc : subject : loan documents just wanted to reassure both of you that i had not forgotten to draft these documents . i hope to have them complete some time during this next week and will forward them for review . thanks , molly x 34804",0 +"Subject: fw : enron recruitment vince : i ' m sure that you are already aware of this , but i wanted to forward it to you since this didn ' t come up in our meeting the other morning . . . . molly - - - - - original message - - - - - from : koepke , gwyn sent : tuesday , april 10 , 2001 1 : 20 pm to : rtlambert @ mail . jhuwash . jhu . edu cc : molly magee / hou / ect @ enron subject : enron recruitment dear ron , my boss , enron ' s chief international economist , is interested in talking with sais grads who might want to come to houston and do economics work . same drill as last time , looking for someone whose done the quant track but with excellent writing skills . i think i sent you a job description a few months back . can you help identify some candidates , and send their resumes our way ? molly magee is our recruiting expert and she can help setup the interviews with maureen . maureen is still in london on secondment but is available to interview people of the phone . thanks for your help . gwyn",0 +"Subject: linux - - hit or miss ? network world fusion focus : phil hochmuth on linux today ' s focus : will linux be a hit or miss on the corporate desktop ? 03 / 15 / 00 dear wincenty kaminski , today ' s focus : will linux be a hit or miss on the corporate desktop ? by phil hochmuth so far this year , the buzz about linux in enterprise networks has focused on servers and embedded systems , with the growth of linux severs being most heralded . according to idc , a research firm based in framingham , mass . , linux was the fastest - growing server operating system last year , with a 93 % growth rate over the year before . linux was the second most - shipped operating system in 1999 after windows nt , capturing 24 % of new licenses shipped . as for the embedded market , linux has emerged as an ideal platform for network appliances , because the system can be modified to handle specialized , dedicated tasks very well . companies such as cobalt networks , picazo and progressive systems have announced linux - based appliances , ranging from web servers to pbxs to firewalls . but what of the open source hacker  , s dream of  & linux on every desktop ?  8 sure , linux on the desktop has become more accessible than ever , with colorful , shrink - wrapped boxes of caldera , red hat and corel linux now available at places like compusa . however , analysts have said that linux  , s growth in the enterprise will be limited to the macro and micro areas of network servers and embedded operating systems . according to idc , linux currently runs on only 4 % of u . s . desktops . the hold microsoft windows has on the desktop market will remain strong , analysts say , despite such factors as microsoft  , s antitrust problems and the surging popularity of linux . even some linux executives are skeptical of their product  , s desktop future . recently , suse ceo roland dyroff downplayed linux  , s future on desktops . dyroff said ,  & given the lack of applications available , we really can ' t claim it as being competitive on the desktop yet .  8 a recent survey by survey . com gives more hope for linux desktops . according to the survey of 1 , 640 enterprise network managers , open source operating systems are used on 10 % of desktops , with the number jumping to a surprising 23 % of enterprise desktops by 2002 . despite the mix of numbers being thrown around , two important factors that will determine the success of linux as an enterprise client desktop are : a standardized , easy - to - use graphical user interface ( gui ) and available applications . one company that is working to make linux more user friendly is palo alto - based eazel , which is designing a next - generation file management system and user interface to run on top of the linux kernel . according to eazel  , s web site , the company  , s goal is to bring linux to the masses and  & do it in a way that appeals to today ' s linux users and to mere mortals .  8 the company was founded by a group of former apple executives , and is allied with the gnome project , which has been doing extensive linux desktop environment development for several years . eazel is due to have a product out by the middle of this year . with an intuitive , icon - based file management environment , eazel is hoping its user interface will be an improvement over the two current linux guis , gnome and kde , and will help standardized the look and feel of linux for  & regular  8 users . for enterprise mangers who have already embraced linux on the server side , this development will be worth keeping an eye on . on the applications side , several office productivity suites have been available for some time , such as sun  , s staroffice suite and koffice for the kde desktop . corel has also ported its office products , such as wordperfect , over to linux to complement its own distribution of the operating system . while there have been recent rumors ( started by linux care vice president arthur tyde ) that microsoft is working on a port of ms office to linux , microsoft officials deny this . while linux may never supplant windows as the industry - standard desktop , there should be plenty of opportunity for linux pcs in enterprise nets in the future . to contact phil hochmuth : - - - - - - - - - - - - - - - - - - - - - - - - - phil hochmuth is a writer and researcher for network world , and a former systems integrator . you can reach him at mailto : phochmut @ nww . com . for related links - - click here for network world ' s home page : http : / / www . nwfusion . com staroffice software from sun http : / / www . sun . com / staroffice corel linux os http : / / www . corel . com / freedom / freedom . htm eazel http : / / www . eazel . com gnome - - the gnu network object model environment http : / / www . gnome . org koffice - - the integrated office suite for kde , the k desktop environment http : / / koffice . kde . org / cobalt networks , inc . http : / / www . cobaltnetworks . com progressive systems http : / / www . progressive - systems . com picazo http : / / www . picazo . com other linux - related articles from network world : active directory upgrade requires strong game plan , network world , 03 / 13 / 00 subscription services to subscribe or unsubscribe to any network world e - mail newsletters , go to : to change your email address , go to : subscription questions ? contact customer service by replying to this message . other questions / comments have editorial comments ? write jeff caruso , newsletter editor , at : mailto : jcaruso @ nww . com for advertising information , write jamie kalbach , account executive , at : mailto : jkalbach @ nww . com network world fusion is part of idg . net , the idg online network . it all starts here : http : / / www . idg . com copyright network world , inc . , 2000",0 +"Subject: security question dear guys having been out of the office for a couple of days , i ' ve found myself the victim of theft ( again ) . this time my desk drawer key has been stolen from its "" hiding place "" under my telephone . i * always * lock my drawers and keep the key in the same place , but on arriving in the office today i found the drawers unlocked , and the key missing . although there ' s nothing sensitive on or around my desk , i ' m concerned about the security implications of someone sniffing around the office in this manner . i also found the papers on my desk extensively reshuffled last week . last year , in our old office , i had my only two real options books stolen from among the many and varied books on my desk . that couldn ' t have been a random theft , and i fear this isn ' t either . i can ' t understand who ' d be so interested in a research guy ' s belongings ! can we ask security to check their surveillance footage for any suspicious activity around my desk ? cheers , steve",0 +"Subject: position dear dr . kaminski my name is jaesoo lew and i am referred by dr . wayne lee . currently i ' ve been working at aquila energy in kansas city as an pricing analyst since july 2000 . since then , i have developed a natural gas storage valuation model applying the swing options ( forest method ) pricing approach . the price processes would be considered critical for the storage valuation since a trinomial forest is required to value storage . also the c + + programming using excel dll has been developed , too . i attached my resume to this message for your consideration and am looking forward to talking about an opportunity at enron . my home phone number is 913 - 649 - 0578 , dr . kaminski , i will wait your call in this week as dr . lee informed me . if possible , please let me know your expected calling day through the mail . i appreciate your consideration . thank you very much . sincerely , jaesoo lew get your private , free e - mail from msn hotmail at http : / / www . hotmail . com . share information about yourself , create your own public profile at http : / / profiles . msn . com . - vitae 2 . doc",0 +"Subject: internal guest access to enrononline vince , following is an internal guest id and password which will allow you view only access to enrononline . please note , the user id and password are case sensitive . user id : eol 59545 password : welcome ! if you have any difficulties logging in , please contact the enrononline helpdesk at 713 - 853 - help ( 4357 ) with any questions .",0 +"Subject: re : hello from vince kaminski at enron shmuel , let ' s see if we can either rearrange the seminar speakers or change the date of our visit to the campus . ashley baxter , our coordinator is very efficient and got a faculty room for a presentation on monday morning on the 16 th . vince "" shmuel oren "" on 08 / 29 / 2000 05 : 37 : 33 pm to : cc : subject : re : hello from vince kaminski at enron dear vince . i spoke too soon . apparently the seminar slot on the 16 was already filled . i will see if i can switch the speaker for that week to the following week . in any case we are on for dinner on the 16 . shmuel s . oren , professor dept . of industrial engineering and operations research 4117 etcheverry hall university of california berkeley , ca 94720 - 1777 e - mail : oren @ ieor . berkeley . edu phone : ( 510 ) 642 - 1836 or 5484 fax : ( 510 ) 642 - 1403 - - - - - original message - - - - - from : to : cc : ; sent : tuesday , august 29 , 2000 5 : 01 pm subject : re : hello from vince kaminski at enron > > shmuel , > > the date of our trip to berkeley has been set . it will be october 16 th and > 17 th > ( monday and tuesday ) . > > i shall be glad to make a presentation on energy derivatives markets > ( development of the markets in the us and europe , valuation difficulties , > enron ' s role > in developing the forward markets for natural gas and electricity ) . > > please , let me know if this topic would be of interest to you . if this is > the > case , i shall follow with a title and an abstract . > > by the way , are you free for dinner on monday ? > > vince > > > > > > > "" shmuel oren "" on 08 / 24 / 2000 08 : 59 : 38 am > > to : "" vince j kaminski "" > cc : > subject : re : hello from vince kaminski at enron > > > great . our seminars are 3 : 30 to 5 pm . if it works for you please send me a > title and abstract . > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > shmuel s . oren , professor > dept . of industrial engineering > and operations research > 4117 etcheverry hall > university of california > berkeley , ca 94720 - 1777 > e - mail : oren @ ieor . berkeley . edu > phone : ( 510 ) 642 - 1836 or 5484 > fax : ( 510 ) 642 - 1403 > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > - - - - - original message - - - - - > from : "" vince j kaminski "" > to : "" shmuel oren "" > cc : "" vince j kaminski "" ; "" ashley baxter "" > > sent : thursday , august 24 , 2000 9 : 58 am > subject : re : hello from vince kaminski at enron > > > > > > > > shmuel , > > > > thanks for the message . i am working with our recruiter , ashley baxter , > > to finalize the date of the trip . i shall shoot for october the 23 rd > > if this date works for the rest of our team . > > > > vince > > > > > > > > > > > > > > "" shmuel oren "" on 08 / 23 / 2000 11 : 46 : 19 am > > > > to : vince j kaminski / hou / ect @ ect > > cc : > > subject : re : hello from vince kaminski at enron > > > > > > > > dear vince . > > i sent you a reply earlier this month but i haven ' t heard from you about > the > > date of your visit . our department has a seminar every monday . if you can > > schedule your visit on a monday i would like to invite you to give a > seminar > > which will be attended by many of our graduate students and faculty and > will > > give you an opportunity to tell them about your program . with sufficient > > lead - time i can advertise the seminar in the hass school to their > financial > > engineering students . > > shmuel . > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > shmuel s . oren , professor > > dept . of industrial engineering > > and operations research > > 4117 etcheverry hall > > university of california > > berkeley , ca 94720 - 1777 > > e - mail : oren @ ieor . berkeley . edu > > phone : ( 510 ) 642 - 1836 or 5484 > > fax : ( 510 ) 642 - 1403 > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > - - - - - original message - - - - - > > from : > > to : ; ; > > > > sent : tuesday , august 08 , 2000 10 : 59 am > > subject : hello from vince kaminski at enron > > > > > > > shmuel , > > > > > > i hope you remember me . i visited you together with aram sogomonian , a > > > good friend of mine , a few years ago . i am currently responsible , among > > > other things , for recruiting graduates with finance and / or technical > > > backgrounds at the university of berkeley . i would be glad to give you > a > > > call and talk more about the details of our program . my colleague , > > > ashleybaxter , from the analyst / associate program at enron would join me > > > as well . > > > > > > i am sending you a copy of the brochure about the analyst / associate > > > program . > > > > > > vince kaminski > > > > > > > > > vincent kaminski > > > managing director - research > > > enron corp . > > > 1400 smith street > > > room ebl 962 > > > houston , tx 77002 - 7361 > > > > > > phone : ( 713 ) 853 3848 > > > fax : ( 713 ) 646 2503 > > > e - mail : vkamins @ enron . com > > > > > > > > > > > > > > > > > > > > >",0 +"Subject: bogdan szopa - cv vince : can you give me some background on bogdan ? many thanks . shawn - - - - - - - - - - - - - - - - - - - - - - forwarded by shawn cumberland / enron _ development on 02 / 12 / 2001 08 : 12 am - - - - - - - - - - - - - - - - - - - - - - - - - - - awenda 2000 @ cs . com on 02 / 11 / 2001 11 : 26 : 12 pm to : shawn . cumberland @ enron . com cc : subject : bogdan szopa - cv dear shawn , it was a pleasure talking to you today . i will call you upon my return from europe . in the meantime we will stay in touch via e - mail . enclosed is my curriculum vitae . best regards , bogdan m . szopa - bogdan res . . doc",0 +"Subject: re : carl tricoli carl , depends if it is more like financial or insurance type hedging . i shall leave it to vasant to decide . vince carl tricoli @ enron 04 / 05 / 2000 11 : 19 am to : vince j kaminski / hou / ect @ ect cc : zimin lu / hou / ect @ ect , vince j kaminski / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , christopher a helfrich / hou / ect @ ect subject : re : carl tricoli vince , thank you for the response . in the interim , we met with vasant shanbhogue yesterday and explained the deal and what we needed . should vasant continue to work on it , or would you still like us to loop in zimin lu ? vince j kaminski @ ect 04 / 05 / 2000 10 : 11 am to : zimin lu / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , carl tricoli / corp / enron @ enron subject : carl tricoli zimin , carl tricoli ( 5 - 8958 ) will call you regarding help on ethanol ( hedging ) . vince",0 +"Subject: interview schedule good morning : i am attaching dr . valverde ' s interview schedule for thursday , february 1 . when he arrives at the enron bldg . ( 1400 smith street ) , go to the security desk and ask for me . they will call and i will meet dr . valverde at the elevator on our floor . we look forward to his visit on thursday . regards , shirley crenshaw administrative coordinator enron research group 713 - 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: re : super saturday , june 3 , 2000 dave , i will be glad to participate . vince enron north america corp . from : david w delainey 05 / 23 / 2000 02 : 11 pm sent by : kay chapman to : sally beck / hou / ect @ ect , raymond bowen / hou / ect @ ect , wes colwell / hou / ect @ ect , janet r dietrich / hou / ect @ ect , jeff donahue / hou / ect @ ect , w david duran / hou / ect @ ect , mark e haedicke / hou / ect @ ect , gary hickerson / hou / ect @ ect , mike jakubik / hou / ect @ ect , scott josey / corp / enron @ enron , john j lavorato / corp / enron @ enron , rodney malcolm / hou / ect @ ect , george mcclellan / hou / ect @ ect , julia murray / hou / ect @ ect , jere c overdyke / hou / ect @ ect , david oxley / hou / ect @ ect , kevin m presto / hou / ect @ ect , brian redmond / hou / ect @ ect , jeffrey a shankman / hou / ect @ ect , john thompson / lon / ect @ ect , james a ajello / hou / ect @ ect , edward ondarza / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : patti thompson / hou / ect @ ect , marsha schiller / hou / ect @ ect , shirley tijerina / corp / enron @ enron , christy chapman / hou / ect @ ect , tina rode / hou / ect @ ect , janette elbertson / hou / ect @ ect , stella l ely / hou / ect @ ect , nicole mayer / hou / ect @ ect , tonai lehr / corp / enron @ enron , kimberly hillis / hou / ect @ ect , ana alcantara / hou / ect @ ect , yolanda ford / hou / ect @ ect , carolyn george / corp / enron @ enron , donna baker / hou / ect @ ect , rhonna palmer / hou / ect @ ect , felicia doan / hou / ect @ ect , katherine benedict / hou / ect @ ect , barbara lewis / hou / ect @ ect , terrellyn parker / hou / ect @ ect , dusty warren paez / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , nicki daw / na / enron @ enron , kay chapman / hou / ect @ ect subject : super saturday , june 3 , 2000 during our off - site at columbia lakes recently , we identified areas in ena where significant gaps exist that need filling at the analyst and associate level . we have scheduled an off - cycle super saturday on june 3 , 2000 and i would like your participation as an interviewer . we will need approximately 25 - 30 interviewers to fill approximately 30 associate & analyst positions . i am counting on everyone making themselves available on the third to facilitate this priority action item . ted bland will be forwarding information concerning the event to each of you early next week . thank you for your participation . dave",0 +"Subject: alp presentation hi vince ! ! i ' ll take care of the invitations and i am planning to be at the concert on saturday ! thanks ! ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 05 / 01 / 2001 09 : 14 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 05 / 01 / 2001 04 : 55 pm to : christie patrick / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , kenneth parkhill / na / enron @ enron , shirley crenshaw / hou / ect @ ect , melinda mccarty / corp / enron @ enron subject : alp presentation christie , shirley reserved room 49 cl for monday 4 : 00 p . m . presentation . can you issue the formal invitation to our guests with the game / dinner details ? i don ' t have all the details regarding the enron field box and time . i am out most of the day on wednesday but we can discuss the details on thursday . hope to see you on saturday at the concert . vince",0 +"Subject: re : tanya ' s vacation everybody , fyi : i will be out tomorrow 3 / 10 / 00 and all next week ( 3 / 13 - 3 / 17 ) on vacation . grant and vincent can handle urgent matters while i am away . tanya .",0 +"Subject: interviews for gary hickerson - wednesday , november 1 , 2000 mike / vince : your schedule to interview nancy beaty for gary hickerson ' s position is below : wednesday , november 1 mike roberts 4 : 30 pm ebl 938 vince kaminski 5 : 00 pm ebl 938 shirley",0 +"Subject: initial meeting of the ena analyst and associate roundtable august 18 , 2000 just a reminder we will have the initial meeting of the ena / aa roundtable on friday at 9 : 00 am in room eb 30 cl . again , the agenda is as follows : discussion of prc immediate and future aa needs by business unit skill shortages campus and off - cycle recruitment mottom 10 % management projecting aa needs from core schools for summer 2001 intake existing talent in specialist roles who should be in aa program ideas / suggestions on how we improve the program / ena retention your groups need to be represented and if you can ' t attend please send someone to represent you . those of you out of town need to call me if you have any input . thanks again for all your support . ted",0 +"Subject: re : hello guys john , thanks . i have reserved march the 2 nd for the meeting . vince "" john d . martin "" on 08 / 18 / 2000 02 : 02 : 31 pm to : vkamins @ enron . com , sgibner @ ect . enron . com cc : subject : hello guys vince and stinson , just got a copy of the attached paper and thought it may have some interest for you guys . on another note , i am putting together a workshop in the spring on the new economy and business education and will be seeking out some enron network people to join in the discussion ( 2 - hours on friday march 2 nd ) . i ' ll let you know more as we work through the details . the idea is to "" brainstorm "" about the new world you guys work in every day and its implications for what we should be doing . hope this is interesting to you and that you ' ll want to spend the day with us . take care and enjoy the weekend . john - risk . pdf john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : volume ii of the technical corner collection sam , yes , let ' s omit the guys who left the company , but we can include the summer interns . vince enron north america corp . from : william smith @ enron 01 / 09 / 2001 01 : 56 pm to : vince j kaminski / hou / ect @ ect cc : mike a roberts / hou / ect @ ect subject : re : volume ii of the technical corner collection vince , sounds good ! it will take two or three days for me to strip out , reformat , and assemble the kaminski columns ( since we didn ' t do this last year , i ' m guessing you mean all columns since the beginning ) , so i envision us being ready with the completed set the first part of next week . i assume that you would like me to omit those people who have moved on ? also , on page three of the first volume , you had written an introduction . i have updated the content for volume two , but would you perhaps like to do a new one ? sam vince j kaminski @ ect 01 / 09 / 2001 01 : 43 pm to : william smith / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect subject : re : volume ii of the technical corner collection sam , this is a partial list of people to whom i would like to send the volumes : volume 1 & 2 winokur ( enron board member , shirley has his address ) jeff skilling ken lay mark frevert greg whalley rick buy jeff shankman john lavorato dave delainey i shall write the cover letter . also , we can add additional volume for kaminski ' s columns ( just 10 copies ) , including bios and my contributions . i would like to show the depth of talent we have in the group . vince enron north america corp . from : william smith @ enron 01 / 09 / 2001 01 : 07 pm to : vince j kaminski / hou / ect @ ect cc : subject : volume ii of the technical corner collection vince , i have successfully integrated martin ' s article into volume ii and am following mike ' s instructions for reproduction . i ' m also having some additional volume i ' s printed , too . would you mind disposing of the other set i gave you ? i wouldn ' t want things to get confused . also , i ' m doing 20 volume i ' s and 60 volume ii ' s . please let me know how many you personally need and i will deliver them to your office . thank you , sam",0 +"Subject: re : real options vince , if you take a cab , ask them to take you to the college of business building at the corner of 21 st and speedway . the main entrance to the business school is on speedway , across from the old gymnasium . come in the main entrance , which has a large , glass structure , and you will be on the second floor . go to your left and ride up the first set of escalators to the third floor . when you step off of the escalators , you ' ll be facing north and continue in that direction through two sets of glass doors into the northern side of the building . this is where most faculty offices are found . my office is 3 . 218 , which is in the northwest corner of the building . if you have any problems , you should be able to ask directions from most anyone in the halls . i will look for you around 11 : 00 on thursday , and will be happy to provide any other transportation that you need . please let me know if you have any other questions . jim - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : tuesday , may 02 , 2000 9 : 23 am to : jim . dyer @ bus . utexas . edu cc : vince . j . kaminski @ enron . com ; vkaminski @ aol . com ; shirley . crenshaw @ enron . com subject : re : real options jim , i can take a cab or get a rental car from the airport ( thanks for your kind offer ) . i shall appreciate , however , if you could drop me off at the hotel before dinner . the time allocation for my speech is about right . i think i shall need about 90 minutes . please let me know where we can meet on thursday . i shall be at an off - site on wednesday but you can reach me on my cell phone ( 713 410 5396 ) and by sending a cc message to my aol address : vkaminski @ aol . com . i look forward to meeting you . vince jim dyer on 05 / 01 / 2000 01 : 42 : 44 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : sheridan titman subject : re : real options vince , i could pick you up at the airport , or you could rent a car and come to campus . i have made tentative plans for us to go to lunch with some other faculty between 11 : 30 and 12 : 00 , and then you would have some time to visit with sheridan and perhaps with some other faculty members as well between lunch and my class . sheridan and a guest speaker from his class , suresh sundaresan from columbia , will be joining us for dinner . i could provide transportation to your hotel , and pick you up for dinner as well if you consider that to be the most convenient alternative . i will have a pc available in the classroom , with office 2000 and windows nt . you could use powerpoint with no difficulty from that machine , if that ' s most convenient . you could simply email the presentation , and i would have it for you if you prefer . how much time would you like ? i would like to reserve about 30 minutes at the end for a general discussion of issues related to real options , and about 30 minutes at the beginning of class for some remarks regarding the final assignment and a class evaluation by the students ( which is required for all classes ) . at some point , we should take a brief break , so that would leave approximately 1 . 5 to 2 hours for your presentation if you would like that flexibility . otherwise , i could take up the "" slack "" . i look forward to seeing you on thursday . jim - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : friday , april 28 , 2000 11 : 21 am to : jim . dyer @ bus . utexas . edu cc : vince . j . kaminski @ enron . com ; vkaminski @ aol . com subject : re : real options jim , i am scheduled to arrive in austin on may 4 at 10 : 32 a . m . i shall be glad to join you and a group of your colleagues for lunch . i am flying back to houston friday morning and we can meet for dinner after the class . i shall have a power point presentation on my pc . i can also prepare a set of transparencies if this is more convenient for you . vince jim dyer on 04 / 27 / 2000 05 : 44 : 51 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : sheridan titman subject : real options vince , i am traveling at this time , attending a nsf meeting in washington . however , i wanted to touch base regarding plans for your presentation in my class on real options next thursday ( may 4 ) . as you recall , the class is from 3 : 30 to 6 : 30 , and you could plan to take a significant part of that time for your presentation . sheridan titman has agreed to join us after his class at about 6 : 00 for a 30 minute "" panel discussion "" with the students on issues related to real options in practice . l i am not sure about your travel plans , but we would be happy to plan lunch on thursday with several of my colleagues . i would also be delighted to be your host for dinner on thursday night if that is convenient for you . i ' ll be back in my office on monday , and will look forward to hearing from you . jim james s . dyer fondren centennial chair in business department of management science and information systems cba 5 . 202 the university of texas at austin austin , texas 78712 - 1175 email : j . dyer @ bus . utexas . edu telephone : 512 - 471 - 5278 fax : 512 - 471 - 0587",0 +"Subject: re : efa meetings tom , thanks for your message . i shall be glad to attend the meeting ( of course a lot may happen between now and then and we may have many unexpected developments in a company as dynamic as enron ) . i want to get back to you at some point with comments on your paper . vince tom arnold on 07 / 03 / 2000 05 : 19 : 48 pm to : vkamins @ enron . com cc : subject : efa meetings hello vince , a colleague and i are hoping to have a panel discussion on energy securities for the coming eastern finance association meetings ( april 25 - 28 , 2001 in charleston , south carolina ) . i was wondering if you or someone you know at enron would be interested in participating in such a meeting . i realize that you may not be able to plan this far in advance and would certainly not be offended in the least if you cannot participate . we already appreciate you taking time out of your schedule this past semester to visit lsu . i hope all is going well and wish you continued success in your ventures , tom arnold",0 +"Subject: sfa licenses iris : i forwarded the information to donna lowry in our compliance dept . however , i am afraid she had bad news . enron would sponsor the renewals , but the us securities group does not recognize uk securities exams without further testing here in the us . she said she would get back with you and explain it in greater detail . but , from what i understand , you will need to take some exam here before renewing . when you hear from her let me know . shirley",0 +"Subject: year end 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the year end 2000 performance management process by providing meaningful feedback on specific employee ( s ) . your feedback plays an important role in the process , and your participation is critical to the success of enron ' s performance management goals . to complete requests for feedback , access pep at http : / / pep . corp . enron . com and select perform review under performance review services . you may begin providing feedback immediately and are requested to have all feedback forms completed by friday , november 17 , 2000 . if you have any questions regarding pep or your responsibility in the process , please contact the pep help desk at : houston : 1 . 713 . 853 . 4777 , option 4 london : 44 . 207 . 783 . 4040 , option 4 email : perfmgmt @ enron . com thank you for your participation in this important process . the following is a cumulative list of employee feedback requests with a status of "" open . "" once you have submitted or declined an employee ' s request for feedback , their name will no longer appear on this list . review group : enron feedback due date : nov 17 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - andrews , naveen c rudi c zipter oct 31 , 2000 baxter , ashley david davies nov 02 , 2000 campos , hector o peyton s gibner nov 06 , 2000 carson , richard l richard b buy oct 30 , 2000 crenshaw , shirley j wincenty j kaminski oct 26 , 2000 gorny , vladimir theodore r murphy ii nov 02 , 2000 kindall , kevin vasant shanbhogue oct 30 , 2000 lamas vieira pinto , rodrigo david port oct 31 , 2000 raymond , maureen j wincenty j kaminski nov 02 , 2000 supatgiat , chonawee peyton s gibner oct 27 , 2000 tamarchenko , tanya v vasant shanbhogue oct 26 , 2000 villarreal , norma e sheila h walton oct 26 , 2000 walton , sheila h david oxley oct 27 , 2000 yaman , sevil vasant shanbhogue oct 27 , 2000 yuan , ding richard l carson oct 31 , 2000",0 +"Subject: iv for rama gatiganti rm fifth floor se 5001 interview schedule 16 . 30 - 17 . 00 vince kaminski & anjam ahmad 17 . 00 - 17 . 30 ben parsons 17 . 30 - 18 . 00 stephen leppard",0 +"Subject: marketpoint business plan summary greg , e - commerce related proposal from dale nesbitt . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 16 / 2000 10 : 02 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" dale nesbitt "" on 04 / 06 / 2000 01 : 47 : 15 am to : cc : subject : marketpoint business plan summary vince : thanks very much for your interest in our marketpoint product , and thanks for the hour you gave me this morning . as promised , i am enclosing our executive summary and first chapter from our business plan for you to take forward to your management as a prospective enron - marketpoint investment collaboration . i want to reiterate that should enron elect to be the lead investor here , you will be exclusive in your industry if you want . if enron wants to be the lead and ensure the entire second round of resources we need , we would not offer and investment opportunity to other trading companies , pipelines , or electrics until the third or subsequent rounds and then only with your participation as a marketpoint board member . i am aware you have coinvested with sap in the past and that you might want to coinvest with them again . i presume you would not have a problem with non - competitors such as epri , our management consulting service provider partner , or our vc partner ( but i would want guidance from you in this arena ) . i think you would find our vc partner very suitable and very attractive . they have done several interesting energy and trading plays , and they would provide good management skills i believe . i hope we can move forward together . i am looking forward to a positive response . thanks again and best regards . dale nesbitt ps : you might hear from drew ries of your investments group . i spoke with him after speaking with you about many of the same issues . - longexecsum . doc",0 +"Subject: re : invitation - whartonetevent - apr 20 / plsrsvp hi michael ! sorry i will be unable to attend ! i believe both vince and i are previously committed . thanks ! - - christie .",0 +"Subject: re : f / u to dr . kaminski @ enron from iris mack hi again , here is the second document : 2 . the second word document describes a hybrid derivatives structure i i workded on at bnp paribas . it has applications to the energy industry . regards , iris _ _ _ _ _ _ _ get more from the web . free msn explorer download : http : / / explorer . msn . com - real options business specs , part i . doc",0 +"Subject: re : hi , jinbaek , great , i look forward to working with you . please , call me during the next few days ( 713 ) 853 3848 and we can chat about the projects . please , contact molly magee to talk about the first day orientation program . her e - mail address is molly . magee @ enron . com , and her phone number is ( 713 ) 853 - 4804 . vince - - - - - original message - - - - - from : jinbaek kim @ enron [ mailto : imceanotes - jinbaek + 20 kim + 20 + 3 cjinbaek + 40 ieor + 2 eberkeley + 2 eedu + 3 e + 40 enron @ enron . com ] sent : sunday , may 20 , 2001 8 : 07 pm to : kaminski , vince j subject : hi , dr . kaminski how are you ? the process for starting summer work is going well , and there will be no problem we start work on may 30 . i got a place to live , and reserved a flight . i ' m going to leave for houston on may 29 ( expected time to arrival is around noon ) i am very much excited to have opportunity to join the project making an exchange platform . i think it ' s time i ' d better remind you of scheduling a meeting with me , sometime on may 30 . i hope you let me know what to to after i arrive at houston . and please let me know if you have anything you think i prepare , to get better outcome from the summer work . if you give me a brief on the work , it would be a great help for me to decide which material i should carry from here to houston . i look forward to the date we meet , warm regards , jinbaek jinbaek kim ph . d candidate dept . of industrial engineering and operations research u . c . berkeley http : / / www . ieor . berkeley . edu / ~ jinbaek go bears ! : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . : a a : _ _ . . . . . _ : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . : . ' : ` . : ` , ` . ` . : ' - - ' - - ' : . ' ; ; : ` . _ ` - ' _ . ' ; . ' ` . ' "" ' ; ` . ' ; ` . ` : ` ; . ` . ; ; : ; . ' ` - . ' ; : ; ` . _ _ . ' . ' . ' : ; ` . . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' ` . . . . . . . - ' ` . . . . . . . . '",0 +"Subject: re : i am zhendong sure thing ! - - - - - original message - - - - - from : kaminski , vince sent : thursday , april 12 , 2001 3 : 21 pm to : molly magee / hou / ect @ enron cc : gibner , stinson ; crenshaw , shirley subject : i am zhendong molly , we would like to hire this person for the summer ( standard offer ) . thanks . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 12 / 2001 03 : 22 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zhendong xia on 04 / 11 / 2001 09 : 14 : 01 pm to : vince . j . kaminski @ enron . com cc : subject : i am zhendong hi , dr . kaminski : i am zhendong , the student of dr . deng . i think dr . deng has sent my resume to you . i am very happy to have an opportunity to work with you this summer . i am a student in both ms qcf and ph . d eda programs in georgia tech now . i plan to find a job in industry instead of academic after my graduation . so i intend to do internship during the process of prusuing my degree to acquire some experience for my future career . i hope to start on 5 / 14 / 2001 and end on 8 / 17 / 2001 . thanks a lot . zhendong xia georgia institute of technology school of industrial and systems engineering email : dengie @ isye . gatech . edu dengie @ sina . com tel : ( h ) 404 - 8975103 ( o ) 404 - 8944318",0 +"Subject: re : working gas price model vince - i have a simplified version of brad ' s model in mind . the "" no arbitrage "" condition equates trading margins across the country . costs of transmission rise with congestion on the network . wellhead supply is almost completely price - elastic , while burner - tip demand is almost completely price inelastic . storage is rationalized as a perpetual call option . the least time - variant parameters are the costs of injecting and withdrawing gas from storage to the pipeline , followed by the costs of delivering gas from the wellhead to the pipeline . the intermediate - variant parameters are the capacity - dependent costs paid to the pipeline ( above shrinkage ) for transmission . the most time - variant parameters are the trading margins and the valuations of the storage option . there are 8 parameters to be estimated at each major node of the betwork . they are identifiable in either of two straightforward ways : using a short time series of the last 3 days prices based on the assumed variability mentioned above , or point - estimates ( "" calibrations "" ) using only today ' s data based on a node - based model of competition between pipelines where pipes with the same region of origination , albeit markedly different terminus , price versus capacity similarly , "" competing "" for outflows . i will write this up for you in scientific word and present it to you at your earliest convenience . clayton",0 +"Subject: june 21 - 22 retail electricity conference dear workshop participant : i hope you will be able to join us for the conference on "" retail participation in competitive power markets "" to be held at the littlefield conference center , stanford university , on june 21 - 22 , 2001 . conference attire will be business casual . the meeting will begin on thursday morning , june 21 , at 9 : 00 a . m . and will conclude by 5 : 00 p . m . on friday , june 22 . a continental breakfast will be available in the meeting room each morning beginning at 8 : 30 a . m . please visit the "" june 21 - 22 "" meeting under for a description of the meeting and some information about hotels . please help us in our planning by using the form there to respond back to emf about your participation . we have listed potential participants and planned presentations based upon previous messages . please update me with any additional presentations or changes in existing presentations . i look forward to seeing you in june . in the interim , please do not hesitate to call me or email me if you have questions or suggestions regarding this workshop . hill huntington hillard g . huntington emf - an international forum on energy and environmental markets voice : ( 650 ) 723 - 1050 408 terman center fax : ( 650 ) 725 - 5362 stanford university email : hillh @ stanford . edu stanford , ca 94305 - 4026 emf website : http : / / www . stanford . edu / group / emf /",0 +"Subject: re : var meetings in houston shirley , do you think we can get another room with better speaker phone ? or , may be we can get better speaker phone ? tanya viacheslav danilov 04 / 19 / 2001 12 : 58 pm to : tanya tamarchenko / hou / ect @ ect cc : stig faltinsen / eu / enron @ enron , kirstee hewitt / lon / ect @ ect subject : var meetings in houston hi tanya , in my view it is very good if stig and kirstee are involved in your var meetings . therefore , i think it is very useful for them to call houston . could we get a little bit better equipment to allow them to hear everything well ? many thanks , slava - - - - - - - - - - - - - - - - - - - - - - forwarded by viacheslav danilov / lon / ect on 19 / 04 / 2001 12 : 55 - - - - - - - - - - - - - - - - - - - - - - - - - - - stig faltinsen @ enron 19 / 04 / 2001 16 : 23 to : viacheslav danilov / lon / ect @ ect cc : kirstee hewitt / lon / ect @ ect subject : var meetings in houston hi slava , kirstee and i find it useful to listen in on the var meetings in houston on wednesdays . however , it is very difficult to follow the discussion due to a practical problem : we hear little or nothing at times . a possible solution to this problem might be to ask whether one could install a "" spider phone "" in the var meeting room . what i mean is a phone similar to the one in the rac morning meetings which have several remote speakers going out from the main phone ( do you understand what i mean ? ) . if this is done , we would hear everyone around the table , not just those seated close to the phone . what is you opinion on a . us in london calling in to these meetings b . getting some better equipment which would make it easier to follow the conversation ( "" spider phone "" or bigger speaker . . ) please let me know what your thoughts are , best regards , stig ",0 +"Subject: re : enron case studies eric , i have one on egs , one on dhabol and a recent one on entrepreneurship in enron . you can buy the case studies from the hbs web - site . vince eric gadd 11 / 13 / 2000 05 : 36 am to : vince j kaminski / hou / ect @ ect cc : subject : re : enron case studies vince , what case studies do you have on enron ? vince j kaminski 10 / 11 / 2000 16 : 15 to : eric gadd / lon / ect @ ect cc : mark palmer / corp / enron @ enron , vince j kaminski / hou / ect @ ect subject : re : enron case studies eric , i have a number of case studies on enron but not the one on sutton bridge . i know that peter tufano was working on it but when i checked the hbs site and tried to purchase it , i could not locate it . when i talked to peter a few months ago , he told me that the case study was ready and he was going through enron ' s internal approvals . i cc mark palmer on it . maybe he knows about this specific case study . i wander if it was completed , given sutton bridge developments . vince eric gadd 11 / 10 / 2000 05 : 49 am to : vince j kaminski / hou / ect @ ect cc : subject : enron case studies vince - where might i find copies of the case studies enron has published ? i ' m particularly interested in the sutton bridge publication for havard but would like to know if there is a library of case studies .",0 +"Subject: meeting on feb 8 , 2001 dear sir , i would like to apologize for the delay in responding to your fax . i was on vacation for the last few days . i shall be honored to meet your delegation on thursday , february 8 at 10 : 00 a . m . please , let me know if you will be free for lunch after the meeting . vince kaminski",0 +"Subject: real options conference - speaker confirmation dear steven , further to our conversation i am delighted that you will be speaking at the forthcoming real options conference which will take place on monday 27 th & tuesday 28 th november in central london . i have attached the pdf of the conference vince spoke at in february and the draft programme of the november conference . as discussed could you please email me with a suggested talk title and between 5 and 8 bullet points to be included in the conference programme . it would be great if you could emphasise the practicality of your talk and that you will be using your own experience of working with real options at enron as part of the talk . if you do have the delegate list from the iqpc conference it would be useful to see who attended so that we can improve on our marketing for the conference in november . you can either email me or fax it to me on 020 7393 0313 . i look forward to receiving your talk in the next day or so . kind regards julia julia shaw senior conference producer tel : 020 7915 5650 fax : 020 7915 5001 email : jshaw @ iirltd . co . uk web address : www . iir - conferences . com - prog 3 . pdf - talktitles . rtf",0 +"Subject: re : d - g energy laine , i can initial it . please , contact beth perlman as an it officer . i shall explain the reason we are buying the software to her . i want the software to reside in our london office - the software is used primarily by european utilities and we shall use it as a pricing tool in negotiations with european clients . vince from : laine borgman @ enron on 11 / 29 / 2000 09 : 29 am to : vince j kaminski / hou / ect @ ect cc : subject : d - g energy vince , i am circulating the d - g energy software license agreement for signature . i need for you or your senior director to initial and i also need to know if you have identified an enron officer within it to execute on behalf of enron corp . please let me know . thanks , laine",0 +"Subject: re : weekly report vasant thanks for your clarification . i understand how this can happen and i feel better for having heard from you folks . rgds dp - - - - - original message - - - - - from : shanbhogue , vasant sent : thursday , march 08 , 2001 5 : 33 pm to : port , david cc : kaminski , vince ; kindall , kevin subject : weekly report hi david , i understand that you were slightly upset over a comment kevin kindall made in one of his weekly reports . the wording was unfortunate , but the intention was never to disparage anybody . it is just that since research gets data from a large number of sources , we feel obligated to the data donor to ask any requester for clarification of need . i completely understand that rac typically has access to much sensitive information and they have a right to know much information . we just want to make sure there is open flow of information ( it is in everybody ' s best interests and the company ' s best interests ) and that everybody is aware of how data is flowing . best wishes , vasant",0 +"Subject: ewrm update , july 7 th . rick attached please find the project update . thanks , ding .",0 +"Subject: resume forwarded at request of brian mihura vince - this is the resume i told you about p - - - - - forwarded by paula corey / enron communications on 01 / 29 / 01 03 : 37 pm - - - - - mateog @ gofree . indigo . ie 01 / 29 / 01 02 : 58 pm to : paula corey / enron communications @ enron communications cc : subject : resume forwarded at request of brian mihura dear paula : my name is matt gunning and i am a friend and former colleague of brian mihura . brian mentioned that you would be interested in seeing my resume , which i have attached . if you have questions or need more information , please contact me . thank you for your consideration . - attl . htm - resumel . wps",0 +"Subject: re : portcalc methodology keith , both power and emrs use a c library provided ( also implemented ) by research group . the methodology of greek calculations in power portcalc has not changed for more than 6 years since i joined enron 6 years ago . vince kaminski , stinson gibner or grant masson should be able to help you with both questions . zhiyong keith bowie 06 / 28 / 2000 04 : 22 am to : zhiyong wei / hou / ect @ ect cc : brian hudson / lon / ect @ ect subject : portcalc methodology zi i ' ve been asked by risk management : a ) who in research originally signed off the portcalc formulae b ) for a copy of the documentation of the methodology ( greek calculations , etc . ) hope you can help on both counts . thanks keith",0 +"Subject: re : reschedule clayton , no problem . i asked shirley to reschedule . vince clayton vernon @ enron 01 / 29 / 2001 12 : 38 am to : vince j kaminski / hou / ect @ ect cc : stinson gibner / hou / ect @ ect , tom barkley / na / enron @ enron subject : reschedule vince - i apologize , but something has come regarding this afternoon . my server ' s os is acting up , and is affecting all of my apps right now . can we think about later this week ? i promise it will be worth it to you . the eol stuff is nice . again , my apologies . clayton",0 +"Subject: thomas knudsen interview guys i ' m out of the office until wednesday next week . i ' ll chase you up for feedback on your video interview with thomas next week ( if i don ' t get any from grant before then ) . i thought i ' d better clear up the fact that you ' re the only research people ( except me ) to have spoken to thomas so far . although vince agrees that he ' s a strong candidate , anjam was strongly opposed to thomas ' s being brought in for interview . i thought last night ' s video interview was a reasonable way to get an objective view from other research guys . cheers , steve ( thomas ' s cv attached for dale ' s reference : )",0 +"Subject: new timesheet procedures hello everyone : just when you get used to something it changes ! as you may have heard , enron is implementing a new time entry system as part of the july 1 sap implementation . time entry for the june 16 th - 30 th period must be entered into sap by 3 : 00 pm cst on june 30 th . as your timekeeper , i will assist with this process and ensure that we meet this very important deadline . i will continue to do the time sheets for the 19 th floor and for osman and samer . sam smith and / or kevin moore will be responsible for the timesheets for the weather group on the 32 nd floor . time can be entered in sap in two ways : ? you can enter your time yourself using the new ehronline feature ; or , ? timekeepers can enter time on your behalf . if you are unsure as to which approach you should use , please call me . please remember that all time for this period must be submitted before 3 : 00 pm cst , on june 30 th . for those of you using ehronline : first of all , congratulations on taking this next step toward enron  , s vision of empowering the employee . by using the new ehronline feature , you are helping enron to realize the value in this sap implementation . hopefully , you too , will receive value from having instant access to your personal information . the new ehronline functionality is : ? easy to use ? accessible through the enron intranet at ehronline . enron . com using this feature , you can not only enter your own time , but also maintain : ? your profile information ( skills , education , and experience ) ? home address ? phone numbers ? w - 4 changes ? emergency contact information additionally , you will be able to view your individual pay advice and benefit elections . you will receive your personal id and password via e - mail from sap _ security by june 22 nd . because of the confidentiality of the information accessible using ehronline , it is important that you keep your id and password confidential . if you do not receive your information by the end of the day on june 22 nd , please call the coe at ( 713 ) 345 - 4 sap to obtain your id and password . the apollo & beyond team has teamed with ebs to deliver training on how to enter time using ehronline via ebs  , new product enroncast . this tool is available to you on your desktop . you can access enroncast at www . enroncast . com and follow the instructions . step by step guides - http : / / sap . enron . com / coe ? enter time via ehronline ( employee ) step by step procedure ? correct time via ehronline ( employee ) step by step procedure ? enter time via ehronline ( non - employee contractor ) step by step procedure ? correct time via ehronline ( non - employee contractor ) step by step procedure ] for those of you who need me to enter your time : attached is a manual time entry form that i must have completed and returned by june 28 th . please estimate the last two days of the period as accurately as possible . if necessary , i can make corrections on the next time entry period . if you do not want to use this form , i will have hard copies at my desk and will be glad to help you fill them out . i know this is creating more work for everyone , but what can i say ? where can you get help ? i am here to help you with the new coding necessary on your timesheet . also , if you do not know which absence or attendance type you should use , please come see me or give me a call . if you have other questions or are experiencing problems , you can also get help from any of the following places : center of expertise ( coe ) the center of expertise can help answer many of your questions and provide you with assistance if you are experiencing problems . the coe is available 24 hours a day from monday at 7 : 00 am cst through friday at 7 : 00 pm cst . you can contact the coe at ( 713 ) 345 - 4 sap . dedicated support personnel during the time period right after the initial  & go live  8 the project team has dedicated additional resources to help support you . these resources can be contacted at : marla hernandez at x 39763 for now and after 6 / 22 at x 31645 at workstation # eb 3661 b mark timmons at 57919 for now , pager number 888 - 620 - 3896 , at workstation # eb 3667 a regards , shirley 3 - 5290",0 +"Subject: edith terry scott , i spoke briefly with edith terry from our dc office . there is not a good fit for my group but she could be a great asset for you . i have her resume in case you are hiring and would like to take a look at her . vince",0 +"Subject: may 9 / 10 , 2000 seminar my name is guillermo c ? novas , and i am regulatory and government affairs director for enron am , rica del sur ( argentina ) . i understand you spoke in a seminar that took place on may 9 / 10 where it was discussed : 1 ) effective power price modelling ; 2 ) applying a real option approach for the valuation of power plants . one consultant and researcher , who shares enron ' s belief in open markets and competition ( and therefore is helping us to open argentine energy markets ) , asked me if we could send him a copy of the booklet or slides that you and other speakers presented during the seminar . if this is feasible , i would appreciate if you could send a copy of the material to me at enron am , rica del sur , located at : av . eduardo madero 900 - piso 17 ( 1106 ) - buenos aires - argentina please , do not hesitate to contact me should you have any questions or require further information . i can be reached at the following number : 5411 - 4891 - 3600 sincerely , guillermo .",0 +"Subject: risk desk , issue # 1 hello - - listen , wanted to make sure you received a copy of our newest publication last week , the risk desk . because of the size of the files we sent out , quite a few bounced back because some corp firewalls halt emails over a certain size . anyhow , if you didn ' t receive the issue , hit the reply button and type "" resend risk desk . "" responce so far has been great for those of you that received the free copy - - we think you ' ll agree that it ' s soon to become the leading "" must read "" publication on market , credit , price and operational risk management in the energy space . also , just a reminder , the charter price for a one year subscription ( $ 199 ) ends soon . let us know . john sodergreen editor - in - chief scudder publishing group , llc ph : 410 / 923 - 0688 fax : 410 / 923 - 0667 johns @ scudderpublishing . com the desk , the risk desk , power executive the bandwidth desk , energy ebusiness",0 +"Subject: today ' s idea dear mr . kaminski , attached , there are 2 new samples of our daily market research : today ' s issue of the morning faxes fixed income today and financial markets today . we also have intraday market coverage , on bloomberg : idea > go , reuters : idus , and bridge / telerate . if the info looks useful , we ' d like to arrange a free 30 - day trial for you and your colleagues . for your reference , please find our price list attached . i look forward to your reply . best regards , vadim pokhlebkin account manager vpokhlebkin @ ideaglobal . com tel . + 1 212 571 4332 fax + 1 212 571 4334 ideaglobal . com 140 broadway , 21 st floor new york , ny 10005 , usa any views expressed in this message are those of the individual sender , except where the sender specifically states them to be the views of ideaglobal . com . this email , its content and any files transmitted with it are intended solely for the addressee ( s ) and may be legally privileged and / or confidential . access by any other party is unauthorized without the express written permission of the sender . if you have received this email in error you may not copy or use the contents , attachments or information in any way . please destroy it and contact the sender via the ideaglobal . com switchboard in one of the following three offices : new york + 1 212 571 4332 ; london + 44 171 430 2888 ; singapore + 65 332 0700 - fito 317 a . pdf - fmto 317 n . pdf - onesheet . doc",0 +"Subject: re : credit reserve simulation for ees one the outputs would be expected loss for each of the trials ( flat file ) and a graph depicting the distribution ( example below from an early owens illinois model ) - - - - - original message - - - - - from : de , rabi sent : thursday , february 22 , 2001 3 : 20 pm to : o ' leary , martin ; tribolet , michael ; estrems , connie ; bradford , william cc : tamarchenko , tanya ; dhar , amitava ; kaminski , vince ; kiatsupaibul , seksan ; issler , paulo subject : credit reserve simulation for ees amitava and seksan have identified the source of the discrepancy between the option prices calculated by the credit - reserve model and the stand - alone spreadsheet model used in deal pricing . we expect to put a fix in place by tomorrow . in response to your desire to see more output from credit reserve simulation , i have identified a list of possible items that may be of interest to you for credit pricing . 1 . potential exposure across time 2 . for each simulated credit event , display : default time exposure - - is deal - by - deal breakdown of any interest ? commodity forward curves ( or spot price ? ) at default time i would appreciate it if you could let me know your wish list at your earliest . thanks , rabi de 5 - 4593",0 +"Subject: re : eol wti historical trade simulation stinson , thanks a lot for so much work you have done for the simulation model . it seems that our work will make an impact on eol trading , that is very exciting . could you e - mail me the spreadsheet model so that i can catch up with the changes you have made ? i read a few books during this vocation . especially a stochastic processes book , i finished the entire book . the queueing theory is very fascinating , and hopefully we can apply the theory to a real ebs project . i will take my family out to see the nature bridge caverns near san antonio tomorrow . see you on tuesday . happy new year ! zimin stinson gibner 12 / 27 / 2000 08 : 09 pm to : greg whalley / hou / ect @ ect , john j lavorato / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , zimin lu / hou / ect @ ect subject : eol wti historical trade simulation greg , here are results corrected for spread profit per round - trip transaction . prior results incorrectly counted a spread profit per trade . stinson",0 +"Subject: the latest ( last ? ) . . sorry . . . i found something else : p . 1 , footnote : the newspaper is the "" houston chronicle "" ( purchased the ' post ' several years ago ) . . : - ) - - - - - forwarded by christie patrick / hou / ect on 02 / 07 / 2001 05 : 34 pm - - - - - christie patrick 02 / 07 / 2001 05 : 27 pm to : mark palmer / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , j _ martin @ baylor . edu subject : the latest ( last ? ) . . as columbo would say . . "" . . just one more thing "" p . 20 last bullet : enron focusing on recruiting and retaining talent thanks again ! christie . - - - - - forwarded by christie patrick / hou / ect on 02 / 07 / 2001 05 : 24 pm - - - - - christie patrick 02 / 07 / 2001 05 : 23 pm to : mark palmer / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , j _ martin @ baylor . edu subject : the latest ( last ? ) mark ! please review the attached article and forward your comments / authorization for its use to john martin at baylor , copying me and vince . john and vince , i have a few simple comments : 1 . please use "" enron corp . "" [ rather than "" enron corporation "" ] 2 . page 3 : as of yesterday , fortune magazine named enron "" most innovative "" for the sixth year in a row 3 . page 5 : 2 nd paragraph : regarding the "" gas bank "" concept - - i believe when jeff first introduced it , it fell flat . i think john pick ' s that up ( and enron ' s subsequent recovery of a version of the concept on p . 6 ) , but it ' s probably accurate to mention that at first , it didn ' t go over . 4 . page 13 : re : cindy olson ' s comment on a possible 5 x difference between a "" satisfactory "" and "" superior "" vp - - the difference referred to is probably the "" bonus "" rather than "" compensation "" ( which , to me , is generally means base salary ) ; also , it varies for each review period , as comparative performance might vary ; further , we might want to run that quote by cindy just to make sure she ' s ok with it ' s publication ( she might have no problem with it whatsoever , but i know for other articles , she ' s been more reluctant to provide that kind of statistic ) . 5 . page 17 ( after annual report quote ) : i suggest changing "" enron ' s wholesale business . . . provides "" to "" . . . businesses . . provide "" ; also , rather than "" enron wholesale "" we might want to define this by the term enron uses : "" enron wholesale services "" 6 . page 18 : 2 nd paragraph : the tense switching from past to present is technically correct if read carefully , but seems awkward when reading it 7 . page 19 : effective february , jeff skilling is "" ceo "" . . . . that ' s my 2 - cents worth ! ! i think the article is great . . . even interesting ( ha ! ) . . . even to non - mba ' s like me ! ! thanks ! - - christie . - - - - - forwarded by christie patrick / hou / ect on 02 / 07 / 2001 04 : 41 pm - - - - - vince j kaminski 02 / 02 / 2001 08 : 45 am to : mark s palmer / na / enron @ enron cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect subject : the latest ( last ? ) mark , i am sending you the final ( ? ) draft of the paper by john martin on enron ' s transformation . john martin is a prof from baylor who visited us a few weeks ago . can you take a look at the paper and bless it . i haven ' t read this last version of the paper yet and i will go through it on weekend . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 02 / 2001 08 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" john d . martin "" on 02 / 01 / 2001 04 : 15 : 36 pm to : vkamins @ enron . com cc : subject : the latest ( last ? ) vince , attached is my latest attempt to wrap everything together . our timetable is very short as we need an "" approved by enron "" version of the paper to don by next wednesday . don has already made editorial changes for us and may make some additional "" writing style "" changes but he doesn ' t change the content . i ' ll give you a call later today to alert you to the e - mail . take care , john p . s . i had a nice conversation with steve . sounds like he ' s landed a pretty good contract with wiley . - enron _ paper _ 2 _ 1 _ 01 . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : telephone interview with the houston research group dear dr . kaminski i am sorry i missed your phone call today . i was waiting for your call until 7 : 50 am ( australia time ) this morning . my mother - in - law told me you ringed me at 8 : 05 . i guess we made a mistake at the time difference . i promise i won ' t leave home tomorrow until i receive your call . your faithfully quentin - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - quentin kerr , email : qkerr @ maths . uq . edu . au room : 67 - 625 tel : ( 07 ) 33461428 department of mathematics , the university of queensland - - - - - original message - - - - - from : to : cc : ; ; sent : tuesday , 15 august 2000 2 : 09 subject : re : telephone interview with the houston research group > > hi quentin : > > i have scheduled the interview for 7 : 00 am , thursday , august 17 ( your time > 5 : 00 pm wednesday , august 16 , our time ) . they will call you at your home , > 011 - 61 - 7 - 38798780 . > > regards , > > shirley crenshaw > > > >",0 +"Subject: re : from today ' s paper clayton , it translates into a credit risk for those on the other side of the hedge . many producers have a long history of poor timing of hedges . i could give you quite a long list . they definitely need a bright adviser who will tell them the price of gas two years from now . vince clayton vernon @ enron 06 / 29 / 2000 01 : 02 am to : vince j kaminski / hou / ect @ ect cc : subject : from today ' s paper vince : here ' s an amazing factoid in today ' s paper related to the issue of how much money you can "" make "" ( sic ) by hedging : . . . other companies analysts say are saddled with hedges include el paso energy corp . and coastal corp . , which are merging . a coastal official declined to comment on the company ' s forward positions . although el paso is known for its pipeline business , it produces gas as result of its $ 6 . 2 billion acquisition last year of sonat . "" more than 90 percent "" of that gas is hedged through the rest of the year , said bruce connery , vice president of investor relations . the forward contracts are for $ 2 . 40 , he said . hedging in the current market plays to the company ' s primary aim of meeting investors ' expectations , connery said . "" our first goal is to deliver the earnings goal that we set out , and that dictates that we hedge out commodity volatility , "" he said . . . . $ 2 . 40 ? ? ? are you kidding ? ? ? ? clayton",0 +"Subject: re : current var issues here are the current issues related to var and credit models : 1 . factor loadings ( fl ) for all "" primary "" commodities : - the code is tested ; - factors loadings have been calculated for every primary curve and examined closely by research ; - using different number of maturities for fl calculations ( it ) ; - selecting "" good "" curves , setting mappings for the others ( rac ) ; 2 . reviewing power var model : - implementing term structure of correlations ( preliminary research is in progress by research , to be implemented by it ) ; - implementing caps in var model ( it ) ; - jumps for intramonth prices ( re - examine prices behavior , research ) ; 3 . historical ff vols ( research , rac ) ; 4 . interest rate and fx : - preliminary research is completed ( research ) ; - implementation in risktrack ( it ) ; 5 . credit model : - resolving the problem of identical runs giving different results ( it with research ' s help ) ; 6 . mg metals var model : - merging with risktrack ( rac , it , research ) ; - refining the model ( research ) ; 7 . var calculations for uk curves : - merging with risktrack , elimination spreadsheets ( rac , it , research ) ; - looking closely at var calculations for each commodity ; 8 . merchant portfolio var : - unification with equity var model ; 9 . fat tails modeling ( research ) ; let me know what i missed . thank you , tanya .",0 +"Subject: presentation to dave delainey good morning : vince ' s direct reports will give a presentation to dave delainey , monday , april 24 th at 3 : 00 pm in conference room eb 3321 . this presentation will be an update of the one that was given to greg whalley . if you have any questions , please call me . thanks ! shirley 3 - 5290",0 +"Subject: a message from ken lay and jeff skilling with deep regret we announce that joe sutton , vice chairman of enron , has decided to leave the company . joe has indicated his desire to pursue other opportunities in the energy asset development and operations business . joe has been instrumental in making enron a global company . we will miss his energy and enthusiasm . we wish joe the very best as he pursues new endeavors . ken and jeff",0 +"Subject: order confirmation thank you for your order . instructions regarding any electronic product purchases and a full order summary are listed below , beginning after the special announcement . special announcement introducing hbr onpoint , an indispensible new resource from "" harvard business review "" that makes it faster and easier to put important management thinking to work . hbr onpoint gives you : * a quick overview of critical management concepts * different experts ' views on a given topic * the context critical for sharing and applying the knowledge you ' ve acquired to learn more and pick up a free article overview , visit our web site : below you will find your order information . if you have any questions concerning this order , please e - mail us at orderreceipt @ hbsp . harvard . edu ( or just reply to this message ) . for technical inquiries , email us at techhelp @ hbsp . harvard . edu your order reads as follows : - - - - - - - - - - - - - - - - - - - - - - - - - - - - customer ' s web id : 431620 sold - to no : 148820 sold to information : first name : wincenty last name : kaminski institution / company name : enron corp job title : managing director mail stop / dept . : ebl 962 address : 1400 smith address : city : houston state : tx zip / postal code : 77002 country : united states email address : vkamins @ enron . com phone number : 713 853 3848 fax number : 713 646 2503 attn : name of person who placed order : wincenty kaminski - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - billing information : first name : wincenty last name : kaminski institution / company name : enron corp job title : managing director mail stop / dept . : ebl 962 address : 1400 smith address : city : houston state : tx zip / postal code : 77002 country : united states email address : vkamins @ enron . com phone number : 713 853 3848 fax number : 713 646 2503 attn : - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - shipping information : first name : wincenty last name : kaminski institution / company name : enron corp job title : managing director mail stop / dept . : ebl 962 address : 1400 smith address : city : houston state : tx zip / postal code : 77002 country : united states email address : vkamins @ enron . com phone number : 713 853 3848 fax number : 713 646 2503 attn : - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - order prod . # product title quantity price total 297055 copper and zinc mark . . . 1 $ 6 . 50 $ 6 . 50 293053 sally jameson : valui . . . 1 $ 6 . 50 $ 6 . 50 sub - total : $ 13 . 00 surcharge : $ 0 . 00 shipping and handling : $ 4 . 00 gst : $ 0 . 00 tax : $ 0 . 00 grand total : $ 17 . 00 - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - total due : $ 0 . 00 ( pre - paid by visa ) shipping method : standard delivery u . s . , 48 states * please note that there is applicable sales tax in ca , ct , il , ma , md , and tn for the products you have ordered . if you are ordering from one of these states , the amount shown on your invoice and / or credit card statement will be slightly higher than the total listed above , to reflect the applied sales tax . * mailing lists are a great way to keep up with what ' s going on at the harvard business publishing web site . right now , we offer 3 alerts : management alert , strategy alert , or hr / training alert . each of these e - mail newsletters regularly combines a specially selected excerpt with announcements of new and bestselling products from our extensive catalog . you can also find out what ' s coming up in both harvard business review and harvard management update newsletter . to subscribe to one or more of these free services , follow the link below . and thank you for ordering from harvard business school publishing , the power of ideas at work . ",0 +"Subject: re : tage resume submittal vince , thanks for forwarding the resume . we have generally had great success with ex - koch people . he sounds might like he may be a good fit for michael l . miller in principal investments . at this point i have very recently inherited two other stron vps from ei and therefore will probably focus on a few manager and associates for the near term but i would like to keep james ' resume for further opportunities . he sounds like someone we should at least meet with and figure out a spot within wholesale services . what do you think ? regards , - larry -",0 +"Subject: re : visit vince , > please , give me a call when you land on my regular and cell phone . > i shall proceed to the restaurant ( about 10 minutes from the office ) . > please , keep the copies of all the receipts . 10 - 4 . see you approx . 7 p . m . this evening . ehud ehud i . ronn department of finance mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: re : energy derivatives hi vince , hope all is well with you . i ' m looking forward to seeing you again next week and meeting with grant . can you guys do me favour ? i ' m sending out some sample chapters to the people who responded positively ( all of them ! ) to my request for some feedback on the book . chapter 1 has an ' overview ' of the book with just a couple of sentences on each chapter . could you please write a sentence or two for your chapter ? i ' m including what i have already written so that you can see the style . many thanks and best regards . chris . 2 overview of this book this book aims to provide an in - depth understanding of the pricing and risk management of energy derivatives . in the remainder of this chapter we give an overview of the fundamental principals needed to model and price energy assets , and which underlie the rest of the book . as well as introducing the techniques that underlie the black - scholes modelling framework we discuss the numerical techniques of trinomial trees and monte carlo simulation for derivative pricing which are used extensively later in the book . in chapter 2 we analyse spot energy prices . apart from describing empirical prices we propose a number of processes that can be used to model the prices . we look at the well - know process of gbm as well as mean reversion , stochastic volatility and jump processes , discussing each , and showing how they can be simulated and their parameters estimated . chapter 3 , written by vince kaminski and grant masson of enron capital and trade . chapter 4 examines forward curves in the energy markets . although such curves are well understood and straight forward in the world debt markets the difficulty of storage in many energy markets leads to less well defined curves . what we do in this chapter chapter 5 presents an overview of the common and not - so - common derivative structures in the energy markets and discusses their uses . examples of products analysed in this chapter include a variety of swaps , caps , floors and collars , as well as energy swaptions , compound options , asian ( or average rate ) options , barriers , lookbacks , and ladder options . chapter 6 investigates single and multi - factor models of the energy spot price and the pricing of some standard energy derivatives . closed form solutions for forward prices , forward volatilities , and european option prices are derived and presented for all the models in this chapter including a three factor stochastic convenience yield and interest rate model with jumps . chapter 7 shows how the prices of path dependent and american style options can be evaluated for the models in chapter 6 . simulation schemes are developed for the evaluation of european style options and applied to a variety of path dependent options . in order to price options which incorporate early exercise opportunities , a trinomial tree scheme is developed . this tree is built to be consistent with the observed forward curve and can be used to price exotic as well as standard american style options . chapter 8 develops a new methodology for valuing energy options based on modelling the market observed forward curve . the approach results in a multi - factor model that is able to capture realistically the evolution of a wide range of energy forward curves and where the user defined volatility structures can be of an extremely general form . closed - form solutions are developed for pricing standard european options and efficient monte carlo schemes for exotic options . the chapter finishes with a discussion of the valuation of american style options . chapter 9 focuses on the risk management of energy derivative positions . in this chapter we discuss the management of price risk for institutions that sell options or other derivatives to a client and who is then faced with the problem of managing the risk through time . we begin with delta hedging a portfolio containing derivatives and look at extensions to gamma hedging - using the models from chapters 5 and 7 . the general model of chapter 7 ideally suited to multi - factor hedging and this is also discussed . chapter 10 looks at the key risk - management concept of value at risk applied to portfolios containing energy derivative portfolios . after discussing the concept of the measure , we look at how the key inputs ( volatilities , covariances , correlations , etc ) can be estimated . we then compare the fours major methodologies for computing var ; delta , delta - gamma , historical simulation and monte - carlo simulation . finally , we look at testing the var estimates for various underlying energy market variables . finally , we finish with credit risk in energy markets in chapter 11 .",0 +"Subject: interview - jaesoo lew 10 / 25 / 00 attached please find the resume , interview schedule , and evaluation form for jaesoo lew . jaesoo will be interviewing with vince kaminski ' s group on an exploratory basis on october 25 , 2000 . please contact me with any comments or concerns . thank you , cheryl arguijo ena recruiting 713 - 345 - 4016",0 +"Subject: re : re : conference volume hi vince , i am resending you this request by dr . jacque for a paper . they are expecting something by jan 22 . should we sit down and decide on what to put in a short paper ( i think their limit was 30 pages , but that is impossible - - i think a few pages should suffice ) . regards , and happy new year , vasant - - - - - - - - - - - - - - - - - - - - - - forwarded by vasant shanbhogue / hou / ect on 01 / 06 / 2000 08 : 31 am - - - - - - - - - - - - - - - - - - - - - - - - - - - laurent jacque on 12 / 13 / 99 03 : 29 : 26 pm please respond to ljacque @ infonet . tufts . edu to : vasant shanbhogue / hou / ect @ ect cc : subject : re : re : conference volume dear dr . shanboghe : i certainly understand that it would be difficult for you to contribute a chapter . i thought of an alternative : would dr . kaminski be willing to allow us to reprint his article ( in an abridged form ) on "" energy exotic options "" published in his excellent book "" managing energy price risk "" as i would really like to have a contribution from enron on energy derivatives . would you be willing to talk to dr . kaminski about my proposal ? in any event i appreciate your interest in the conference and i only regret that hurricane floyd prevented us from meeting in person . with very best wishes in the new year / millenium laurent jacque _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ laurent l . jacque professor international finance & banking director international business studies program the fletcher school of law and diplomacy tufts university medford , ma 02155 ( 617 ) 627 - 5982 tel ( 617 ) 627 - 3712 fax ljacque @ infonet . tufts . edu",0 +"Subject: interview with the enron research group good morning mr . giancola : your resume was forwarded to vince kaminski , managing director and head of research with enron . we would like to bring you in for an informal interview at your convenience . this would be for a position of "" economist "" or "" associate economist "" , reporting to maureen raymond castaneda . please give me some dates and times that would be convenient with you and i will have our hr rep contact you to schedule your coming to houston . i look forward to hearing from you . sincerely , shirley crenshaw administrative coordinator enron research group 713 - 853 - 5290",0 +"Subject: strategic management society conference our proposal was accepted . dust off your san francisco shoes . rita mcgrath - the designer of our particular panel - will forward details when they are sent to her by sms",0 +"Subject: e - commerce conference at berkeley , may 22 any interest in this conference ? vince",0 +"Subject: additional attachments vince : i forgot to attach the final slam report , the file of the white paper , the white paper calculations . the final slam report discusses the availability of service level agreement monitoring , and nms generally that meet ebs ' s needs . i am convinced that at a minimum ebs would gain the foundation of a great nms that will be critical to the success of ebs , and that ebs could actually gain the distributed machine tool that could be the foundation of the internet of the 21 st century . i hope we get the chance to prove this . let me know if i can be of further assistance . mak - final s l a m report september 1999 . zip",0 +"Subject: contract for henwood engagement sandeep , bonnie nelson , who has drafted the attached contract for the henwood engagement , feels that we should make every attempt to put a written agreement in place immediately . otherwise , we may be in violation of enron policy regarding contract work . can you review the document prior to coming back to houston , so that it can be sent to henwood ? - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 01 / 19 / 2001 04 : 10 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - bonnie nelson @ enron _ development 01 / 19 / 2001 11 : 54 am to : stinson gibner / hou / ect @ ect , bruce lundstrom / enron _ development @ enron _ development , lauren cc : vince j kaminski / hou / ect @ ect , sandeep subject : re : ca for henwood engagement stinson , please find attached a revised version of the draft consulting agreement with henwood . fyi , i am attaching both a clean version and one marked toshow changes from the last draft i sent you . please let me know if you have any questions or comments on the agreement or the most recent changes . what is the status of henwood ? do you still want to engage them and what is the timeframe for their work ( the dates in the draft may need to be corrected ) . bruce and lauren : please advise on which enron entity should be the party to this consulting agreement . thanks , bonnie",0 +"Subject: reviewer approval please note that your employees have suggested the following people to complete a feedback form on their behalf . you will need to access the performance management system ( pep ) to either approve or decline these suggested reviewers . once you have approved the suggested reviewers they will be notified and can begin completing the feedback form . your list of employees that have suggested reviewers are listed below : date suggested : may 19 , 2000 feedback due date : jun 16 , 2000 employee name : kollaros , alexios date suggested : may 22 , 2000 feedback due date : jun 16 , 2000 employee name : krishnarao , pinnamaneni v date suggested : may 22 , 2000 feedback due date : jun 16 , 2000 employee name : shanbhogue , vasant",0 +"Subject: rice cfos conference christie , this is one of the communications regarding rice cfos conference . andy requires some gentle persuasion . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 10 / 2001 08 : 20 am - - - - - - - - - - - - - - - - - - - - - - - - - - - david ikenberry on 04 / 09 / 2001 01 : 27 : 24 pm to : vince . j . kaminski @ enron . com cc : subject : hi vince , i may have missed something , however don ' t believe i have received any communication recently from andy festow about this upcoming may 4 - 5 corp . fin . conference . i hope he is still planning to come , yet i don ' t know as of now . i have andy penciled in as a participant on a "" panel "" that is discussing equity dilution from stock option compensation ( the role of panelist should require little , if any , preparation time ) . of course , i want andy to come , however he is concerned about his ability to attend , i probably should identify another person or two to serve on the panel . dave . * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * prof . david ikenberry jones graduate school of management rice university 713 - 348 - 5385",0 +"Subject: the garp 2001 convention dear garp 2001 speaker ? just a gentle reminder that the information i requested for your presentation at the garp 2001 convention , was due in today . can i please have this information by friday 8 th september so that i will have adequate time to include all the details in the brochure , which is due to go to press very shortly . the information that i require as soon as possible is as follows : 1 . confirmation of professional details ( including the speaker ' s name , job title , and organisation ) 2 . confirmation that the topic title is accurate and to your liking 3 . bullet points for your presentation ( up to 5 to 6 bullet points - please as technical and detailed as possible ) 4 . contact details ( including telephone numbers , fax no , colleague / pa , full address ) ? if you have any questions please do not hesitate to contact me , otherwise i look forward to receiving the above information by friday 8 th september . ? kind regards ? andreas _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ andreas simou garp 2001 - conference producer tel ? + 44 ( 0 ) 20 7626 9301 fax + 44 ( 0 ) 20 7626 9900",0 +"Subject: re : cairn gas purchase bid vince - - shades of cuiba - - - - - - - - - - - - - - - - - - - - - - forwarded by doug leach / hou / ect on 08 / 15 / 2000 07 : 53 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : doug leach on 08 / 15 / 2000 07 : 52 am to : douglas s parsons / enron _ development @ enron _ development cc : marc de la roche / hou / ect @ ect , bobby subject : re : cairn gas purchase bid you spoke to me once and i gave you my opinions which were contrary to your resultant offer to cairn . currently , i have better things to do with my time . douglas s parsons @ enron _ development 08 / 15 / 2000 12 : 10 am to : doug leach / hou / ect @ ect cc : marc de la roche / hou / ect @ ect , bobby subject : re : cairn gas purchase bid i talked to vince after we hung up and his only suggestion was to call sandeep kohli . i spoke with marc and yourself four times on this matter over a 3 day period and given the timing , i put forth a non - binding offer , after discussing it further with bobby , based on the information i had that appears to position us close to our competitors offers . we haven ' t committed ourselves and should we be selected for negotiations there are numerous variables to affect the outcome . if you ' ve got any suggestions for a better deal , please advise . doug leach @ ect 08 / 14 / 2000 07 : 45 am to : douglas s parsons / enron _ development @ enron _ development cc : marc de la roche / hou / ect @ ect , bobby subject : re : cairn gas purchase bid i strongly disagree with the pricing and structure of your non - binding offer to cairn . this reminds me of the debacle in brazil . you should have contacted vince kaminski ' s research group as we talked about before an offer was made . this is a bad deal . douglas s parsons @ enron _ development 08 / 12 / 2000 01 : 51 am to : doug leach @ ect , marc de la roche @ ect cc : subject : cairn gas purchase bid doug & marc , fyi , please let me know if you think we ' re totally off base . i appreciate your help . regards , doug - - - - - - - - - - - - - - - - - - - - - - forwarded by douglas s parsons / enron _ development on 08 / 12 / 2000 01 : 48 am - - - - - - - - - - - - - - - - - - - - - - - - - - - douglas s parsons 08 / 11 / 2000 06 : 24 am to : bobby farris / enron _ development @ enron _ development cc : f b virani / enron _ development @ enron _ development , ujjwal dey / enron _ development @ enron _ development , nilesh subject : cairn gas purchase bid bobby , after meeting with cairn today in delhi , my perception is that our offer was received well . they were more open and relaxed then they were on wed . morning and made several encouraging comments about our price range , ( once we talked through the price movements ) , and the seriousness of our gas related activities on the west coast of india , in light of the ioc agreement . i think the overall package is attractive to them and no serious objections were raised . we did talk to some extent about the guarantees , but we didn ' t get too far and they ' re willing to accept at this point that what ' s acceptable to the lng suppliers , should be suitable for their needs . however , they would like to understand the corporate structure and assets of enron energy marketing a little better and i told them i would get back to them on that point . david and ajay were up in hazira yesterday looking at some property for their gas treatment facility , which apparently is across the road from pipeline access . while there they went and looked at shell ' s proposed lng site after walking the last 1 km , inaccessible to their 4 wd vehicle and not surprisingly found a beach . in summary , here is what we offered on a non - binding basis : six year production plateau 85 % top $ 3 . 67 / mmbtu net , at a base of $ 18 / bbl brent , with point of sale at the tail - end of the gas processing plant floor & cap of $ 15 . 50 - $ 27 . 00 / bbl price movement : + / - $ 1 . 00 / bbl from the $ 18 / bbl base price ( on a 3 mo . rolling average ) equals + / - $ 0 . 145 / mmbtu fixed on a quarterly basis guarantees : same protection we ' re providing the lng suppliers under the trust retention account i appreciate everyone ' s help in submitting this offer . thanks , doug",0 +"Subject: re : job posting hi vince , this posting is for my group . thanks for the referral . - - - - - original message - - - - - from : kaminski , vince sent : tuesday , april 24 , 2001 5 : 31 pm to : goodpasture , john ; watson , kimberly ; ferrell , lee ; kaminski , vince cc : krishnarao , pinnamaneni subject : job posting i am teaching a class at rice and one of my very bright students sent her resume in response to this posting . do you know who posted this job ? vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 24 / 2001 05 : 27 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" helen demianenko "" on 04 / 24 / 2001 02 : 11 : 05 pm please respond to to : cc : subject : job posting dear vince , thanks for talking to me this morning about the sr . risk analyst position . here is where you can find the job description for that position : also , i have cut and pasted it down below , just in case . i appreciate your assistance in this matter and will start working on my cover letter right away . i would also like to talk to somebody to get a better feel for the position ( is this really an mba level position and how much of the in - depth learning opportunities for the derivatives market does it entail ? ) sincerely , helen demianenko p . s . i have attached my resume ( one more time ) . sr risk analyst essential functions : primary accountability for managing the ets risk book structure and processes from a pipeline ( front office ) perspective . work within current nng and tw marketing organizations to effectively integrate risk books into daily marketing and structured product activities . provide feedback to management regarding overall and specific risk positions . provide support for consistent and accurate deals entry / reporting for stand alone risk management system . create ad - hoc reports to assist management in risk analysis . responsible for managing and providing enhancements to the capacity books : ? maintain functionality and provide leadership for new functionality from a users perspective . provide support and direction for integration of capacity books and revenue management project . support revenue management team essential requirements : ba / bs in finance or accounting ( mba preferred ) . minimum of two years financial instruments experience . excellent quantitative / analytic and systems skills . knowledge of commodity risk book concepts . understanding of physical natural gas market , interstate transportation and financial derivatives . ability to interface with structuring / marketing groups in order to define business requirements . ability to provide leadership for business and system processes . excellent communication skills with an ability to communicate across organization with varied skill sets and ideas . must be self - motivated with a high level of energy preferred skills : na . special characteristics : this job functions in a team - oriented , fast - paced environment with multiple concurrent assignments and constantly changing priorities . contact : responses will be accepted through may 3 , 2001 . respond to enron corp . , human resources 235 , p o box 3330 , omaha , ne 68103 - 0330 or e - mail : dea . crum @ enron . com as a . doc or . txt attachment . please include this requisition number . job id 0000108729 department risk management & reporti company enron transportation services enron transportation services location houston , tx type posting date 19 - apr - 01 - helen _ d _ resume . doc > ",0 +"Subject: re : running credit model tanya , although i ' m quite comfortable with providing support for running the model , and assisting in providing the tools to enable easier analysis of the results , i ' m not entirely comfortable with supporting a java debug environment within your team ( including ad - hoc training ) , when we have facilities within the it development team to do it here . i ' d like to meet with you to discuss this , as this seems to be an ongoing issue , and would like to understand the ground rules by which your team operates in conjunction with it in general . regards steve tanya tamarchenko 23 / 06 / 2000 15 : 48 to : stephen stock / hou / ect @ ect cc : grant masson / hou / ect @ ect , vince j kaminski / hou / ect @ ect , debbie r brackett / hou / ect @ ect subject : re : running credit model steve , in order to be able to test the new credit model as well as to answer credit group ' s questions regarding the outputs from this model research needs to be able to do the following : 1 . run credit model independently of the other runs . it is quite ok for now to be able to run it just for small artificial portfolios . 2 . debug the code to see what actual values are used during the run time . please , let me know if your team can help us . tanya .",0 +"Subject: [ fwd : new commodity marketplace opportunity ] mark : per our brief conversation this morning , the attached email was sent to you yesterday . i hope that you might understand that i am conceptually looking for "" founders "" and at the "" pre "" business plan stage . there is an enormous problem existing with a very attractive economic reward and willing participants needing this solution . i need help . al arfsten 713 965 2158 content - transfer - encoding : 7 bit x - mozilla - status 2 : 00000000 message - id : date : wed , 24 jan 2001 15 : 49 : 37 - 0600 from : al arfsten organization : bfl associates , ltd . x - mailer : mozilla 4 . 7 [ en ] c - cck - mcd nscpcd 47 ( win 98 ; i ) x - accept - language : en mime - version : 1 . 0 to : mark . lay @ enron . com subject : new commodity marketplace opportunity content - type : text / plain ; charset = us - ascii mark lay : i shared confidentially with vince kaminski my developing concept of a highly inefficient not - for - profit enterprise with dramatically increasing costs . i believe that a for - profit economic model is possible that should reverse these skyrocketing costs and ultimately lower the commodity thereby having a national , if not , global impact of health care costs . vince seems to also believe in the concepts potential . the ceo of one of the biggest u . s . blood banks has already asked to become involved . i would like involve more people with vision , means and desire to help make this a reality . i would look forward to meeting with you to talk further . al arfsten 713 965 2158",0 +"Subject: fw : stanford or - summer intern stinson , should we get him as well ? it seems he has the right skills . we might have maxed out on the number of summer interns through the a / a program . we would have to hire him directly . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 29 / 2000 08 : 20 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" shikhar ranjan "" on 02 / 28 / 2000 02 : 31 : 39 pm to : ravi _ thuraisingham @ enron . net cc : vince j kaminski / hou / ect @ ect subject : fw : stanford or - summer intern hi ravi : i had sent an email about a week back with my resume for the summer internship . i think the address i sent it to was not correct , so i am resending it . i will also tell the others in the group to send there resumes to you . thanks . regards , shikhar - - - - - - - - - - - - - - - - - - - - - - - - shikhar ranjan phd student management science & engineering stanford university ca ( 650 ) 497 5762 - - - - - original message - - - - - from : shikhar ranjan to : cc : sent : sunday , february 20 , 2000 5 : 24 pm subject : stanford or - summer interns > hi ravi : > > please find attached my resume for the summer internship program . i > apologize for the delay . we actually lost your contact info . please let me > know if you will need any additional information and / or a cover letter > besides the resume and i can send it right away . > > thanks > > regards , > shikhar > - - - - - - - - - - - - - - - - - - - - - - - - > shikhar ranjan > phd student > management science & engineering > stanford university ca > ( 650 ) 497 5762 > - resumeo 0 - ene . doc",0 +"Subject: merry xmas and a happy new year ! hi all merry xmas and a happy new year ! les .",0 +"Subject: re : resume vasant , i agree . vince from : vasant shanbhogue / enron @ enronxgate on 05 / 01 / 2001 10 : 00 am to : vince j kaminski / hou / ect @ ect cc : subject : re : resume vince , he seems to have mostly equity and fixed income background ( and then some credit exposure calculation ) with not much credit data analysis experience . i do not think he would be appropriate for bryan ' s group - - he needs a person who tracks market developments and understands fundamental data , and although this guy may be good at modeling , we already have iris and amitava doing the modeling and looking at data . at this stage , i would prefer to hire somebody with direct experience in credit analysis ( banking , rating agency ) . i am worried that if we get another person without data analysis experience , then amitava will find himself with two people ( iris being the other one ) who are both inexperienced in this area , and he will find himself doing a lot of the work anyway . if you want to pursue him , we should probably do a phone interview first . vasant - - - - - original message - - - - - from : kaminski , vince sent : monday , april 30 , 2001 5 : 33 pm to : shanbhogue , vasant subject : re : resume vasant , what do you think ? he may be expensive . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 30 / 2001 05 : 31 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - marshall brown on 04 / 25 / 2001 01 : 13 : 44 pm to : vince . j . kaminski @ enron . com cc : subject : re : resume vince , i apologize , i sent you the wrong resume ! here is the correct one . > marshall brown vice president robert walters associates phone # : 212 - 704 - 0596 fax # : 212 - 704 - 4312 marshall . brown @ robertwalters . com www . robertwalters . com > - - - - - original message - - - - - > from : vince . j . kaminski @ enron . com [ smtp : vince . j . kaminski @ enron . com ] > sent : wednesday , april 25 , 2001 1 : 08 pm > to : marshall . brown @ robertwalters . com > subject : re : resume > > > marshall , > > he looks ok but below the level of quant skills i typically look for > > vince > > > > > > marshall brown on 04 / 23 / 2001 09 : 33 : 00 > am > > to : vince kaminski > cc : > subject : resume > > > vince , > i know this candidate is actively interviewing at el paso and i think > reliant . he has excellent quantitative background , but no real energy > experience . if you are interested in speaking with him let me know . > regards , > marshall brown > vice president > robert walters associates > phone # : 212 - 704 - 0596 > fax # : 212 - 704 - 4312 > marshall . brown @ robertwalters . com > www . robertwalters . com > > > > > > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > caution : electronic mail sent through the internet is not secure and could > be intercepted by a third party . > > this email and any files transmitted with it are confidential and > intended solely for the use of the individual or entity to whom they > are addressed . if you have received this email in error please notify > the system manager . > > this footnote also confirms that this email message has been swept by > mimesweeper for the presence of computer viruses . > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > > ( see attached file : litt _ har . doc ) > > > - litt _ tho . doc > ",0 +"Subject: re : vandy student kristin , the problem with this guy is that we maxed out on the number of interns we can gainfully employ and provide adequate supervision . so , we have to pass on him . vince enron north america corp . from : kristin gandy @ enron 02 / 16 / 2001 07 : 54 am to : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : vandy student i hear that you have been in contact with this student . do you have any interest in hiring him for a summer position ? if not please just let me know and i will call him to let him know . regards , kristin - - - - - - - - - - - - - - - - - - - - - - forwarded by kristin gandy / na / enron on 02 / 16 / 2001 07 : 49 am - - - - - - - - - - - - - - - - - - - - - - - - - - - dmitri villevald on 02 / 15 / 2001 04 : 00 : 51 pm to : "" ' kristin . gandy @ enron . com ' "" cc : subject : dear ms . gandy : thank you for taking time out of your busy schedule to visit the owen graduate school of management at vanderbilt on january 23 - 24 for on - campus interviews for the summer associate positions at enron . it was a pleasure talking with you , and i hope i conveyed to you how excited i am about the prospect of applying my skills at enron . i realize that enron offers a limited number of positions and greatly respect your choice of summer associates . i would like to ask you if there is any opportunity for me to work at enron during this summer for free . i am confident that my sincere interest in derivatives will allow me to greatly contribute to enron during this summer . i am particularly interested in enron research group . ( i had a phone interview with mr . gibner on january 31 st , and i sent him email yesterday asking for the opportunity to work for free during this summer ) . i am looking forward to hearing from you . if i can provide more information or answer additional questions , please feel free to contact me either by telephone ( 615 - 496 - 1132 ) or via e - mail ( dmitri . villevald @ owen 2002 . vanderbilt . edu ) . also , i am always ready to fly to houston for additional interviews . again , thank you for your time and consideration . sincerely , dmitri villevald owen mba 2002",0 +"Subject: re : options model jeff , i got 20 cents for the swith option per dth . my assumptions are as follows : price curve assumption : waha - - - if - waha la plata pool and tw ( ignacio ) - - if - epso / sj california border - - ngi - socal correlation assumption : waha - sj 95 % socal - sj 90 % see the attached spreadsheet for more info . call me for questions . zimin jeffery fawcett @ enron 10 / 11 / 2000 02 : 56 pm to : zimin lu / hou / ect @ ect cc : subject : options model zimin , we ' re trying to price out a "" live "" options deal . here are the parameters : volume : 32 , 000 dth / d term : jan . 1 , 2002 through oct . 31 , 2006 ( 58 mos . ) price : one part rate , $ 0 . 2175 / dth , plus applicable fuel primary receipt / delivery points : ( east - to - east transport ) receipt : la plata pool ( use san juan , blanco price equivalent ) delivery : waha area option : alternate delivery pnt . : california border ( east - to - west transport ) price : floor - $ 0 . 2175 / dth , plus 4 . 75 % pipeline fuel , plus 50 % of the difference between the california border index price and the san juan basin index price . specifically , we ' ll use : ( socalgas large pkgs . minus tw ( ignacio , pts . south ) ) an important things to consider : this option is only for alternate firm deliveries . alternate firm is really just a glorified version of interruptible . can you run the option model and tell me what is the dollar value of this rather "" unpure "" option ? i appreciate it . give me a call at 3 - 1521 if you have any questions . also , can you get us an answer by friday , 10 / 13 / 00 ? we ' re looking to get the proposal out to the customer by the end of the week if possible . thanks .",0 +"Subject: earth day - trash bash i hardly know what to say ! ! ! what a great turnout from the research department . we had 15 including spouses and children who worked check - in and picked up trash . thanks so much . everyone from community relations was blown away by the turnout we had from research . i heard very nice comments about our effort and about the fact that vince came out and worked . thanks again for all your support . i personally appreciated it and i know everyone else from enron that was involved in this event appreciated it because i got so many comments about our participation . i don ' t know what else to say but that you are a great group . anita",0 +"Subject: hr deadlines and action items please forward to all your direct reports - - - - - - - - - - - - - - - - - - - - - - forwarded by norma villarreal / hou / ect on 11 / 16 / 2000 11 : 23 am - - - - - - - - - - - - - - - - - - - - - - - - - - - norma villarreal 11 / 16 / 2000 11 : 23 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , mike a roberts / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , maureen raymond / hou / ect @ ect cc : sheila walton / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : hr deadlines and action items pep system for feedback action item employees need to provide feedback on requested employees supervisor ' s need to contact employee ' s requested reviewers ( via phone mail or email ) who have not submitted feedback . deadline for pep feedback : friday , november 17 , 2000 cst open enrollment for 20001 benefit election action item employees who want change their benefit election need to go to www . enron . benefitsnow . com or call 1 ( 800 ) 425 - 5864 . if you do not have your 2001 enrolment personal worksheet which contains your personal identification number please contact benefits at 1 ( 800 ) 3327373 option 1 . extended deadline : friday , november 17 , 2000 , 5 p . m . cst bonus defferal election action item employees wishing to receive stock options and phantom stock in lieu of all or a portion of the cash bonus received during 20001 can will need to access ehronline . enron . com . deadline : friday , december 8 , 2000 cst please let me know if you have any questions . norma villarreal hr generalist x 31545",0 +"Subject: spring 2001 conference participation by jeffrey k . skilling rick / vince , good morning . in my 9 / 14 e - mail , i advised you of the practitioner - industry cefer ( center for energy finance education and research ) conference we are planning for spring 2001 . as you know , we would like to invite jeff skilling to be the keynote speaker at the thur . evening dinner . the following day ' s four topics consist of risk management , deregulation , real options , and international / globalization . the majority of invitees would be ( predominantly u . s . - based ) energy - industry practitioners , as well as several academics . given lead time issues in these matters , we have reserved hotel rooms in austin for feb . 22 , 2001 . could i ask you to ascertain jeff skilling ' s availability for that evening ? thanks , ehud ronn ehud i . ronn professor of finance and jack s . josey professor in energy studies director , center for energy finance education and research mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: re : summer internship jinbaek , the answer to the lst question is yes . the project list is fine with me and is still valid . we are an organization driven by the needs of our internal customers . i shall froward your message to the person in ebs . hopefully , we shall get a positive response . vince jinbaek kim on 03 / 15 / 2001 01 : 12 : 32 am to : vince . j . kaminski @ enron . com cc : subject : summer internship dr . kaminski , sorry for the late response , it took me some time to coordinate things . finally , it ' s almost dont : - ) it turned out that from june to august will be best for me for work at enron ( say june . 4 to august . 4 ) but i still need to know several things from your side . could you answer following questions ? first : is my suggested working period is ok with you ? if so , let me know what to do for settlement during the period . second : i got a list of work , i might be able to do for dealbench team from ross and suresh . i ' d like to know it is still a valid work list : the list he sent is as following : > 1 . write a paper in layman ' s terms that answers > questions like the following : > benefits of auctioning online for both buyers and > sellers , particularly in reverse auctions > explanation how multi - variable auctions are not > as efficient as price - only auctions ( is this true ? ) > how many participants are recommended for a > successful live auction > what types of goods and services are best suited > for live auctions versus sealed bid quotes > opinions on lotting strategies > trends in online private auctions > 2 . identify appropriate recent auction research ( 3 > or 4 papers out of the 90 + you provided ) and obtain approvals from the > authors to post on our site > 3 . create a list / bibiliography of relevant auction > literature ( with hyperlinks ? ) > 4 . would you be willing to offer auction consulting > services to our customers ( if they are interested ) third : there is an e - procurement forum at haas school of business , in may 22 . the chair of the forum is my advisor prof . arie segev . a person from wells fargo bank will talk about wells fargo ' s role in e - marketplace payment initiative , where enron broadband services is also one of key players along with citibank . he asked me whether you can contact a person at enron broadband services , who ' s related to the initiative . he wants to know whether we will have a speaker from enron to see enron ' s perspective , in the forum . here is a link to news related to the initiative , fourth : my advisor wants to know whether there could be any opportunity to do a case study , regarding enron ' s business . he is interested in e - procurement and e - marketplaces . business model and system architecture . . . thanks for reading this long email . i ' ll look forward to your answer . . i am sorry for giving you so much burden to answer those questions possibly not easy to answer . warm regards , jinbaek jinbaek kim ph . d candidate dept . of industrial engineering and operations research u . c . berkeley http : / / www . ieor . berkeley . edu / ~ jinbaek go bears ! : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . : a a : _ _ . . . . . _ : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . : . ' : ` . : ` , ` . ` . : ' - - ' - - ' : . ' ; ; : ` . _ ` - ' _ . ' ; . ' ` . ' "" ' ; ` . ' ; ` . ` : ` ; . ` . ; ; : ; . ' ` - . ' ; : ; ` . _ _ . ' . ' . ' : ; ` . . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' ` . . . . . . . - ' ` . . . . . . . . ' on mon , 5 mar 2001 vince . j . kaminski @ enron . com wrote : > > jinbaek , > > this is fine though you are welcome to spend more > time with us this summer . > > vince > > > > > > jinbaek kim on 03 / 04 / 2001 03 : 45 : 40 pm > > to : vince . j . kaminski @ enron . com > cc : > subject : re : summer internship > > > dr . kaminski , > > thanks for your answer . > before i tell you the time frame , > i ' ll need to talk with my advisor , first . > because here is an on - going - project . > i need to coordinate the schedule . > > i ' ll appreciate it if you understand my situation , > and give me some time ( less than a week , of course ) . > > for your reference , > probably > the dates i ' d like to ask you will be > from mid - may to mid - july ( 2 months ) > > warm regards , > jinbaek > > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > jinbaek kim > ph . d candidate > dept . of industrial engineering and operations research > u . c . berkeley > http : / / www . ieor . berkeley . edu / ~ jinbaek > > go bears ! > > : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . > : a a : _ _ . . . . . _ > : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . > : . ' : ` . : ` , ` . > ` . : ' - - ' - - ' : . ' ; ; > : ` . _ ` - ' _ . ' ; . ' > ` . ' "" ' ; > ` . ' ; > ` . ` : ` ; > . ` . ; ; : ; > . ' ` - . ' ; : ; ` . > _ _ . ' . ' . ' : ; ` . > . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; > ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' > ` . . . . . . . - ' ` . . . . . . . . ' > > > on fri , 2 mar 2001 vince . j . kaminski @ enron . com wrote : > > > > > jinbaek , > > > > you can coordinate the details with me . > > let me know what the time frame is for you > > and we shall send you an appropriate offer . > > > > vince > > > > > > > > > > > > jinbaek kim on 03 / 02 / 2001 04 : 43 : 06 pm > > > > to : vince . j . kaminski @ enron . com > > cc : > > subject : re : summer internship > > > > > > dr . kaminski , > > > > thank you very much . > > of course , i ' ll be happy to have an opportunity > > to work at such a wonderful company . > > i was contacting with surech raghavan at deal bench team , > > and was going to express my appreciation to you again > > after settling down process with them . > > > > for the period of working , > > i still need to coordinate with my advisor and > > may need to adjust according to that . > > but anyway , i ' ll try to coordinate smoothly . > > > > please let me know whether i should keep contacting > > with deal bench team , > > for working period and > > for misc . living support such as finding a place , rent a car , etc . > > > > i appreciate you so much again , > > for arranging such meetings and giving me an opportunity . > > all this opportunity will not be available to me , > > without your kind help . > > > > warm regards , > > jinbaek > > > > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > > jinbaek kim > > ph . d candidate > > dept . of industrial engineering and operations research > > u . c . berkeley > > http : / / www . ieor . berkeley . edu / ~ jinbaek > > > > go bears ! > > > > : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . > > : a a : _ _ . . . . . _ > > : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . > > : . ' : ` . : ` , ` . > > ` . : ' - - ' - - ' : . ' ; ; > > : ` . _ ` - ' _ . ' ; . ' > > ` . ' "" ' ; > > ` . ' ; > > ` . ` : ` ; > > . ` . ; ; : ; > > . ' ` - . ' ; : ; ` . > > _ _ . ' . ' . ' : ; ` . > > . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; > > ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' > > ` . . . . . . . - ' ` . . . . . . . . ' > > > > > > on fri , 2 mar 2001 vince . j . kaminski @ enron . com wrote : > > > > > hello , > > > > > > sorry for a delay in getting back to you . > > > we would like very much to offer you a summer internship . > > > > > > please , let me know if you are interested . > > > > > > vince kaminski > > > > > > > > > > > > > > > > > > > > > > > >",0 +"Subject: congratulations ! ! ! vince : congratulations on your promotion ! ! barbara",0 +"Subject: jacob feedback vince , chonawee and tom halliburton had feedback about jacob to me . tom ' s feedback is what he does for pros is actually too simple . their so - called trading system is actually a scheduling system . my impression is that jacob is good at selling himself , his knowledge of finance and derivatives is very limited . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 04 / 11 / 2001 03 : 31 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - chonawee supatgiat @ enron 03 / 21 / 2001 07 : 28 pm to : zimin lu / hou / ect @ ect cc : tom halliburton / corp / enron @ enron subject : jacob feedback i asked jacob two questions to check his basic knowledge . he answered correctly in the optimization question so i believe that he has a good foundation on his optimization skill . i have a doubt about his stochastic skill because he took only one course in stochastic processes and his previous models are simple deterministic models . if we had more interview time i would be able to check his stochastic and modeling skills . he completely failed to answer the second question , which is to check his basic risk management skill . it is clear to me that he has a very weak background in finance and risk management . he does not understand the relationship between a discount rate and risk . he showed some weakness in annuity calculation . in conclusion , i feel that he has good basic in optimization but a very weak background in finance . based on his experiences , i have a doubt on his advance optimization skills , such as his stochastic skill and his ability to attack a complex optimization problem . i would recommend a second - round interview if he will be solving a complex - optimization problem . - chonawee",0 +"Subject: darden case study on "" the transformation of enron "" shirley , please , provide this info . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 30 / 2000 02 : 33 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : sherri sera @ enron 03 / 30 / 2000 12 : 47 pm to : lou l pai / hou / ees @ ees , gene humphrey / hou / ect @ ect , ken rice / enron communications @ enron communications , andrew s fastow / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : karen owens / hou / ees @ ees , bert frazier / hou / ect @ ect , mercedes estrada / enron communications @ enron communications , bridget maronge / hou / ect @ ect , mark palmer / corp / enron @ enron , katherine brown / corp / enron @ enron , fabricio soares / hou / ect @ ect subject : darden case study on "" the transformation of enron "" gentlemen , jeff has asked that each of you make time to meet with professors bruner and bodily regardig the above referenced case ( i have attached a project overview for your review ) . they are scheduled to be in houston on tuesday , april 18 , to begin conducting interviews ( some of which may be videotaped ) . please let me know your availablility on that date . thanks for your help , and please don ' t hesitate to call me ( x 3 - 5984 ) should you need additional information . srs",0 +"Subject: meeting tracy , confirming the meeting tomorrow , thursday , 1 : 30 p . m . vince kaminski",0 +"Subject: re : telephone interview with the enron research group hi ramaswamy : thank you for responding so promptly . i have scheduled the telephone interview for monday , march 19 th from 10 : 30 - 11 : 30 am ( central time ) . please let me know if this is not convenient . they will call you at ( 773 ) 324 - 5077 . sincerely , shirley crenshaw "" ramaswamy garimella "" on 03 / 05 / 2001 09 : 27 : 26 pm to : shirley . crenshaw @ enron . com cc : ramaswamy _ garimella @ hotmail . com subject : re : telephone interview with the enron research group hi shirley , thanks for providing me an opportunity to interview with enron research group . i have final exams in the next week till march 15 . so , any date from march 19 onwards will be convenient to me . my phone number is ( 773 ) 324 - 5077 . any time after 10 a . m will be fine with me . please let me know the date and time that will be convenient to vince kaminski ' s group . thank you very much . best regards , ramaswamy garimella . - - - - original message follows - - - - from : shirley . crenshaw @ enron . com to : ramaswamy _ garimella @ hotmail . com cc : vince . j . kaminski @ enron . com , stinson . gibner @ enron . com , vasant . shanbhogue @ enron . com , tanya . tamarchenko @ enron . com subject : telephone interview with the enron research group date : mon , 5 mar 2001 14 : 38 : 18 - 0600 mime - version : 1 . 0 received : from [ 192 . 152 . 140 . 9 ] by hotmail . com ( 3 . 2 ) with esmtp id mhotmailbc 6 d 45780030 d 82197 daco 988 co 99 a 960 ; mon mar 05 12 : 43 : 36 2001 received : from mailman . enron . com ( mailman . enron . com [ 192 . 168 . 189 . 66 ] ) by postmaster . enron . com ( 8 . 8 . 8 / 8 . 8 . 8 / postmaster - 1 . 00 ) with esmtp id uaal 0526 for ; mon , 5 mar 2001 20 : 43 : 35 gmt received : from nahou - msmswo 2 px . corp . enron . com ( [ 172 . 28 . 10 . 38 ] ) by mailman . enron . com ( 8 . 10 . 1 / 8 . 10 . 1 / corp - 1 . 05 ) with esmtp id f 25 khzal 4665 for ; mon , 5 mar 2001 14 : 43 : 35 - 0600 ( cst ) received : from ene - mtaol . enron . com ( unverified ) by nahou - msmswo 2 px . corp . enron . com ( content technologies smtprs 4 . 1 . 5 ) with esmtp id for ; mon , 5 mar 2001 14 : 43 : 41 - 0600",0 +"Subject: enron in india mark , two points . 1 . you probably know about it already . abhay mehta , the author of "" power play "" , is on a tour of the united states . please , take a look at the information about a meeting last sunday at stanford university . the web site address is given below . my wife went to the presentation and told me it was quite critical about enron . about 40 people attended . 2 . i was approached by john martin , a professor of finance at baylor , to write jointly an academic paper on enron for a financial journal . he wanted to work on an article on ebs . i have suggested a different topic : enron - case study of a company reinventing itself . i made a few points to john : a . enron ' s evolution did not just happen by accident . it was a result of implementation of a far - reaching strategy developed by the management . b . in the process of its evolution enron changed its environment . i came up with a term "" proactive evolution "" , as opposed to "" reactive evolution . "" c . the strategy included many elements , including emphasis on the quality of human resources , changing corporate attitudes to risk taking and employee empowerment . d . there are very few companies that match enron ' s experience and accomplishemnts . the paper could become a standard reading at the mba courses on corporate strategy and would help greatly our recruiting efforts . writing the paper would require interviews with ken , jeff and a few other key players . let me know what you thing about it . john is really excited about this paper . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 09 / 2000 08 : 07 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vkaminski @ aol . com on 10 / 07 / 2000 05 : 29 : 41 pm to : vkamins @ enron . com cc : subject : enron http : / / www . stanford . edu / group / sia / stanford india association",0 +"Subject: re : european energy 2000 vince , i ' ve been invited to speak at the conference below in amsterdam in april . this is along with the monte carlo conference a week later which stinson has forwarded my name for . both are by eprm , and shouldn ' t take too much time to prepare as will be on similar topics to the previous conference at which i spoke . should i go to both , or start prioritising these events ? ben - - - - - - - - - - - - - - - - - - - - - - forwarded by benjamin parsons / lon / ect on 20 / 12 / 99 17 : 03 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . from : "" angela adedeji "" 20 / 12 / 99 11 : 57 please respond to "" angela adedeji "" to : benjamin parsons / lon / ect @ ect cc : subject : european energy 2000 dear ben re : european energy 2000 , 3 & 4 april , amsterdam it is with great pleasure that i enclose details of eprm ' s 3 rd annual congress . i would like to invite you to become involved as a speaker on the programme and / or on either of the two seminars on modelling power prices and var . the following sessions are currently available on the main programme : - trouble shooting roundtables - var forward curve electricity derivatives heding - developing and implementing enterprise wide risk management - quantifying and minimising operational risk unfortunately this project needs to be signed off before christmas . i would therefore appreciate receiving a response from at your earliest convenience . i hope we can work together on this event and i look forward to hearing from you soon . kind regards angela adedeji senior producer , energy conferences & courses tel - 0171 484 9886 fax - 0171 484 9888 email - aadedeji @ risk . co . uk - attl . htm - fgrid . doc - seminar . doc - seminar 2 . doc",0 +"Subject: re : grades mr . kaminsky , i still need grades for : israni , rakhi lu , feng planck , jeffrey so , winny taylor , orlando wankhade , sanjay zhang , ning i will be available by e - mail this evening or by phone ( 5 : 30 or so ) at 713 - 668 - 1704 . ? i just called the registrar ' s office and if i bring in the grades by 8 : 30 tomorrow morning we will be fine . ? please advise . thanks for your help . - pam at 08 : 23 am 5 / 4 / 01 - 0500 , vince . j . kaminski @ enron . com wrote : pam , the last group . please , let me know if any name is missing . ( embedded image moved to file : pic 25177 . pcx ) grade : a thanks a lot . it was a pleasure working with you . vince kaminski",0 +"Subject: organization announcement given the growth in ees it has become apparent that it is time to consolidate the risk functions between ees and ews . this will provide ees with the systems , resources and risk expertise of the wholesale energy groups necessary for it to continue to grow and take advantage of current market opportunities . with this in mind and in agreement with the management of ees , two new risk groups inside enron americas will be formed to provide ees with pricing , structuring , retail and wholesale commodity risk management , logistics and back - office services . these groups main function is to provide these services to ees . we have asked rogers herndon , currently vice president - trading in the eastern power group to manage this function in the eastern interconnect ( this includes both gas and power ) . rogers will continue to report to kevin presto . we have asked don black , formerly vice president - ees risk management and sourcing , to manage this function in the western u . s . don will manage this group from houston and will report to tim belden . these groups will work very closely with ees to pursue shared goals while ensuring close coordination with the wholesale gas and power trading organizations . these changes are effective immediately . please congratulate rogers and don on their new roles . john lavorato & louise kitchen",0 +"Subject: alp presentation this will be in eb 49 cl - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 10 / 2001 08 : 22 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 10 / 2001 08 : 13 am to : barrett @ rice . edu , uecker @ rice . edu , cmiller @ rice . edu , lounghrid @ rice . edu , luigical @ rice . edu cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , kenneth parkhill / na / enron @ enron subject : alp presentation on behalf of enron corp . i would like to invite you to an alp project presentation by a group of students of jesse h . jones graduate school of management , rice university . the students will present the results of a research project regarding electronic trading platforms in the energy industry . the presentation will be held on may 7 , at 4 : 00 p . m . at enron , 1400 smith . we would also like to invite you to dinner , following the presentation . vince kaminski vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 ( 713 ) 410 5396 ( cell ) fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: re : invitation to speak at power 2000 hi vince that ' s great - delighted you ' ll be participating . i ' ve put you down as the chairman for stream 1 , day 1 on 9 may 2000 . by the way , is your job title still vp , head of research at enron north america ? i need to know for the brochure . if i don ' t speak to you before the new year , i wish you a very merry xmas and a happy new millennium ! emma - - - - - original message - - - - - from : vince j kaminski to : emma wolfin cc : vince j kaminski date : thursday , december 16 , 1999 9 : 02 am subject : re : invitation to speak at power 2000 > > > emma , > > mergers and acquisitions are not my cup of tea . > > chairing stream 1 on day 1 seems to be a better match . > > vince > > > > > > "" emma wolfin "" on 12 / 15 / 99 10 : 51 : 34 am > > to : vince j kaminski / hou / ect @ ect > cc : > subject : re : invitation to speak at power 2000 > > > > > hi vince > > thanks for getting back to me quickly ! as it happens , all of the sessions > you suggested are already taken ! > > so , would you be interested in chairing either stream 1 on day 1 of the > conference - "" pricing and trading in the us power market "" or stream 3 on > day 2 of the conference - "" latest developments in the us energy industry "" . > for your information , the people presenting on day 1 in stream 1 include : > > - spyros maragos , dynegy on volatility > - sanjeev khanna , pg & e on correlation > - gary morsches , southern on optimising information to accurately price and > trade electricity > - blake johnson , stanford university on modelling power prices > - craig pirrong , olin school of business , washington university on building > the optimal forward curve > > on day 2 , stream 3 , there are only 3 talks in that stream , as after lunch we > will be breaking for plenary sessions and the industry briefing sessions > too . but the people who will be speaking in that stream are : > > - venu nagali , stanford university on real options > - ram challa , sithe energies ( he was formerly at bankers trust ) on > generation assets > > i have the slot on mergers and acquisitions in stream 3 on day 2 as still > available but i ' m not sure if that session is your area of speciality ? let > me know . > > thanks vince and very much looking forward to working with you again . > > emma > > > - - - - - original message - - - - - > from : vince j kaminski > to : emma wolfin > cc : vince j kaminski > date : wednesday , december 15 , 1999 11 : 36 am > subject : re : invitation to speak at power 2000 > > > > > > > > emma , > > > > it ' s your choice . i can chair the session of day 2 or speak on one of these > > topics . > > please , let me know what works for you . > > > > possible presentations : > > > > evaluating the effectiveness of insurance as a risk management tool > > > > or > > > > applying real option theory to value power plants > > > > or > > > > overcoming the difficulties of accurately estimating volatility > > > > > > vince > > > > > > > > > > > > "" emma wolfin "" on 12 / 14 / 99 04 : 08 : 03 pm > > > > to : vince j kaminski / hou / ect @ ect > > cc : > > subject : invitation to speak at power 2000 > > > > > > > > > > hi vince > > > > it is my great pleasure to invite you to speak at power 2000 which will be > > in houston on 9 & 10 may 2000 . > > > > would you be interested in chairing one of the streams on day 2 of the > > conference ? or making a full presentation on one of the days ? please let me > > know which talks interest you . obviously , some of the talks are no longer > > available but i would like to give you a choice as much as possible . please > > could you get back to me asap on 212 925 1864 ext 151 or by return email . > > > > i very much hope you can make the dates as i ' m very keen to have you > > participate at power . not to flatter you unnecessarily , but i know that a > > lot of people come to our conferences to hear what you have to say . > > > > best regards > > > > emma > > > > > > > > > > > > > > > >",0 +"Subject: ben zhang : nuts ! i also heard from joe toussaint that ben ' s boss counter - offered with a bump in salary . - - - - - - - - - - - - - - - - - - - - - - forwarded by grant masson / hou / ect on 09 / 18 / 2000 09 : 24 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" zhang , ben "" on 09 / 18 / 2000 07 : 58 : 58 am to : grant . masson @ enron . com cc : subject : thanks dear mr . masson : thank you very much for offering me an opportunity to work in your group . however because of family reasons , i have to regrettably inform you that i will not be able to make the move at this time . it has been a great experience working with you on this process , and i greatly appreciate your help . i realized that this would have been a great opportunity for me , and i thank you very much for everything . i hope you will still consider me for a position in the future . sincerely , ben",0 +"Subject: biliana ' s resume geynille , i understand you are in charge of recruiting at the uofh . i am forwarding to you the resume of one of the students of the university of houston . she is involved with the international organization called aiesec and i was most impressed by her organizational skills and professional attitude . i used to work as a volunteer for this organization many years ago and i am still helping their local chapter . as far as i know , she signed up for an interview with enron . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 09 / 29 / 2000 02 : 13 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - biliana pehlivanova on 09 / 28 / 2000 06 : 02 : 20 pm to : vkamins @ enron . com cc : subject : biliana ' s resume mr . kaminski , thank you for referring me to your recruitment representative . attached is my resume . i would appreciate you letting me know the name of the hr person whom i can folow up with . best regards , biliana = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = biliana pehlivanova vice president of incoming exchange aiesec houston 713 743 - 4927 = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = do you yahoo ! ? yahoo ! photos - 35 mm quality prints , now get 15 free ! http : / / photos . yahoo . com / - biliana ' s resume . doc",0 +"Subject: lng meeting hello all : the lng meeting that was to be held this morning has been changed to tomorrow , wednesday , the 17 th at 11 : 00 am in ebl 938 . thanks ! shirley 3 - 5290",0 +"Subject: re : vacation in march , april stinson , no problem . vince stinson gibner 02 / 15 / 2001 06 : 41 pm to : vince j kaminski / hou / ect @ ect cc : subject : vacation in march , april vince , if possible i would like to take some vacation time in march and april . specifically the week of hisd spring break , which is march 12 - 16 . also , i would like to take march 21 - 30 . please let me know if this is ok . regards , stinson",0 +"Subject: resume of a former fx trader i am forwarding the resume of wendell licon who works for enron in the hr department ( executive compensation ) . he used to be an fx trader . i am thinking about moving him to research when his current boss is ready to release him . i think , however , that you should take a look at him as well and see if he fits your needs . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 07 / 11 / 2000 04 : 29 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - wendell licon @ enron 07 / 11 / 2000 04 : 04 pm to : vince j kaminski / hou / ect @ ect cc : subject : resume vince , per your request , i ' ve attached a copy of my resume . please let me know if you have any questions . regards , wendell",0 +"Subject: re : fyi : uk var issues vince , uk var breached the limit last week . uk traders asked us to review the correlations across uk gas and power as well as the correlations across efa slots . we did part of the work last week . now we ' ll update the correlations based on historical prices . tanya . richard lewis 10 / 08 / 2000 07 : 31 am to : tanya tamarchenko / hou / ect @ ect cc : oliver gaylard / lon / ect @ ect , james new / lon / ect @ ect , steven leppard / lon / ect @ ect , rudy dautel / hou / ect @ ect , kirstee hewitt / lon / ect @ ect , naveen andrews / corp / enron @ enron , david port / market risk / corp / enron @ enron , ted murphy / hou / ect @ ect , simon hastings / lon / ect @ ect , paul d ' arcy / lon / ect @ ect , amir ghodsian / lon / ect @ ect subject : re : var correlation scenarios thanks tanya , these are interesting results . i am on vacation next week , so here are my current thoughts . i am contactable on my mobile if necessary . gas to power correlations i see your point about gas to power correlation only affecting var for the combined gas and power portfolio , and this raises an interesting point : at a conservative 30 % long term correlation , combined var is olmm less than previously expected - so how does this affect the limit breach ? strictly speaking , we are still over our uk power limit , but the limit was set when we were assuming no gas power correlation and therefore a higher portfolio var . a suggested way forward given the importance of the spread options to the uk gas and power books - can we allocate to the gas and power books a share of the reduction in portfolio var - ie [ reduction = portfolio var - sum ( power var + gas var ) ] ? also , if i understand your mail correctly , matrix 1 implies 55 % gas power correlation is consistent with our correlation curves , and this reduces total var by ol . 8 mm . efa slot correlations the issue of whether our existing efa to efa correlation matrix is correct is a separate issue . i don ' t understand where the matrix 2 efa to efa correlations come from , but i am happy for you to run some historical correlations from the forward curves ( use the first 2 years , i would suggest ) . our original matrix was based on historicals , but the analysis is worth doing again . your matrix 2 results certainly indicate how important these correlations are . closing thoughts friday ' s trading left us longer so i would not expect a limit breach on monday . we are still reviewing the shape of the long term curve , and i ' d like to wait until both simon hastings and i are back in the office ( monday week ) before finalising this . regards richard tanya tamarchenko 06 / 10 / 2000 22 : 59 to : oliver gaylard / lon / ect @ ect , richard lewis / lon / ect @ ect , james new / lon / ect @ ect , steven leppard / lon / ect @ ect , rudy dautel / hou / ect @ ect , kirstee hewitt / lon / ect @ ect , naveen andrews / corp / enron @ enron , david port / market risk / corp / enron @ enron , ted murphy / hou / ect @ ect cc : subject : re : var correlation scenarios everybody , oliver sent us the var number for different correlations for uk - power portfolio separately from uk - gas portfolio . first , if var is calculated accurately the correlation between power and gas curves should not affect var number for power and var number for gas , only the aggregate number will be affected . the changes you see are due to the fact that we use monte - carlo simulation method , which accuracy depends on the number of simulations . even if we don ' t change the correlations but use different realizations of random numbers , we get slightly different result from the model . so : to see the effect of using different correlations between gas and power we should look at the aggregate number . i calculated weighted correlations based on 2 curves i got from paul . as the weights along the term structure i used the product of price , position and volatility for each time bucket for gas and each of efa slots . the results are shown below : inserting these numbers into the original correlation matrix produced negatively definite correlation matrix , which brakes var engine . correlation matrix for any set of random variables is non - negative by definition , and remains non - negatively definite if calculated properly based on any historical data . here , according to our phone discussion , we started experimenting with correlations , assuming the same correlation for each efa slot and et elec versus gas . i am sending you the spreadsheet which summaries the results . in addition to the aggregate var numbers for the runs oliver did , you can see the var numbers based on correlation matrix 1 and matrix 2 . in matrix 1 the correlations across efa slots are identical to these in original matrix . i obtained this matrix by trial and error . matrix 2 is produces by naveen using finger ' s algorithm , it differs from original matrix across efa slots as well as in power versus gas correlations and gives higher var than matrix 1 does . concluding : we will look at the historical forward prices and try to calculate historical correlations from them . tanya . oliver gaylard 10 / 06 / 2000 01 : 50 pm to : richard lewis / lon / ect @ ect , james new / lon / ect @ ect , steven leppard / lon / ect @ ect , rudy dautel / hou / ect @ ect , kirstee hewitt / lon / ect @ ect , naveen andrews / corp / enron @ enron , tanya tamarchenko / hou / ect @ ect , david port / market risk / corp / enron @ enron cc : subject : var correlation scenarios the results were as follows when changing the gas / power correlations : correlation var - uk power book var - uk gas book 0 . 0 ol 0 . 405 mm o 3 . 180 mm 0 . 1 ol 0 . 134 mm o 3 . 197 mm 0 . 2 ol 0 . 270 mm o 3 . 185 mm 0 . 3 ol 0 . 030 mm o 3 . 245 mm 0 . 4 cholesky decomposition failed ( not positive definite ) 0 . 5 cholesky decomposition failed ( not positive definite ) 0 . 6 cholesky decomposition failed ( not positive definite ) 0 . 7 cholesky decomposition failed ( not positive definite ) 0 . 8 cholesky decomposition failed ( not positive definite ) 0 . 9 cholesky decomposition failed ( not positive definite ) 1 . 0 cholesky decomposition failed ( not positive definite ) peaks and off peaks were treated the same to avoid violating the matrix ' s integrity . interesting to note that for a higher correlation of 0 . 2 the power var increases which is counter to intuition . this implies that we need to look into how the correlations are being applied within the model . once we can derive single correlations from the term structure , is the next action to understand how they are being applied and whether the model captures the p + l volatility in the spread option deals . from 0 . 4 onwards the var calculation failed . oliver",0 +"Subject: addition to enron - summer internships kristin another tiger . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 05 / 2001 09 : 47 am - - - - - - - - - - - - - - - - - - - - - - - - - - - fap on 02 / 05 / 2001 08 : 34 : 26 am to : "" ' vkamins @ enron . com ' "" cc : fap , "" ' mvittal @ wharton . upenn . edu ' "" subject : addition to enron - summer internships vince : please include ram vittal to the summer internship list , if you have not already done so . according to my count , that make a total of 8 students from the enron tiger team who have a desire to work with enron . thanks , donna - - - - - original message - - - - - from : vittal , maheshram [ mailto : mvittal @ wharton . upenn . edu ] sent : friday , february 02 , 2001 10 : 17 pm to : ' fap ' subject : re : call from enron donna : i had submitted my resume directly to their recruiting office and haven ' t heard from them . i would be very willing to reforward my resume , if required . thanks , ram",0 +"Subject: alp presentation hi vince ! ! i ' ll take care of the invitations and i am planning to be at the concert on saturday ! thanks ! ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 05 / 01 / 2001 09 : 14 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 05 / 01 / 2001 04 : 55 pm to : christie patrick / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , kenneth parkhill / na / enron @ enron , shirley crenshaw / hou / ect @ ect , melinda mccarty / corp / enron @ enron subject : alp presentation christie , shirley reserved room 49 cl for monday 4 : 00 p . m . presentation . can you issue the formal invitation to our guests with the game / dinner details ? i don ' t have all the details regarding the enron field box and time . i am out most of the day on wednesday but we can discuss the details on thursday . hope to see you on saturday at the concert . vince",0 +"Subject: marketing for your espeak session vince : thanks for your time earlier this week ; i ' m looking forward to your espeak event . sarah and i met with our etv contact yesterday , and we will be able to put a bulleted list on the elevator screens to advertise your espeak . please let me know what you would like us to post for you , and we will do the rest ! we also have plans to market specifically to the trader community here at enron , so you should get a high participation rate , especially from those groups . thanks , again . - er",0 +"Subject: lng hedging vince , fyi . this is something the team has been working on with krishna . regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 12 / 21 / 2000 04 : 03 am - - - - - - - - - - - - - - - - - - - - - - - - - - - sandeep kohli 12 / 21 / 2000 04 : 00 pm to : james a hughes / enron _ development @ enron _ development cc : subject : lng hedging jim , i am attaching below a small draft note prepared by anshuman on lng hedging . it talks of two products : ( 1 ) volumetric options ( where we buy a call on 100 % of the volumes and sell a put on 50 % of the volumes to finance the call ) , and ( 2 ) ratio derivative where we buy two calls at a higher price , and sell one at a lower price to finance it . this is not one that the traders agree to , since at the upper price , the calls bought are just at the money , while the sold call is in the money , and will cost the seller . hence , only option 1 is useful . it could provide risk mitigation in the high price scenario , while allowing some participation in low prices . to test it , we used march 2001 period . to have it cost neutral , we would buy a call at $ 26 , and sell the put at $ 25 . 15 . as we bounce these ideas , i think it is very important that we work closely with the global markets group . the team on the ground knows the contracts better , and maybe able to give you insights on what can be sold to mseb . would love to discuss the same with you . regards , sandeep .",0 +"Subject: cal berkeley general presentation confirmation - 10 / 16 / 00 we have been able to secure rooms at the claremont hotel in berkeley . please note the confirmation numbers listed below . thanks ! claremont resort and spa - berkeley 41 tunnel road berkeley , ca 94705 510 - 843 - 3000 from oakland airport : go straight out of the airport on airport blvd . turn right on hegenberger road . from hegenberger follow signs for 880 north . follow hwy 880 north and follow signs for hwy 24 to walnut creek . take the claremont avenue exit , turning left at the bottom of the exit onto claremont . turn right on ashby avenue ( 5 th stoplight ) and the hotel ' s entrance is two blocks ahead on the left . from san francisco airport : follow signs for hwy 101 north to san francisco , take hwy 80 east to the bay bridge to oakland . cross bay bridge on hwy 80 , follow to 580 east , and exit onto hwy 24 to berkeley / walnut creek . follow hwy 880 north and follow signs for hwy 24 to walnut creek . take the claremont avenue exit , turning left at the bottom of the exit onto claremont . turn right on ashby avenue ( 5 th stoplight ) and the hotel ' s entrance is two blocks ahead on the left . - - - - - - - - - - - - - - - - - - - - - - forwarded by ashley baxter / corp / enron on 10 / 12 / 2000 07 : 15 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - lara marie berry 10 / 10 / 2000 04 : 58 pm to : vince j kaminski / hou / ect @ ect , john pavetto / corp / enron @ enron , radu tutos / enron communications @ enron communications , denise rancour / corp / enron @ enron cc : ashley baxter / corp / enron @ enron , simone lewis / na / enron @ enron subject : cal berkeley general presentation confirmation - 10 / 16 / 00 cal berkeley general presentation monday , october 16 th this note is to confirm that you are scheduled to attend the cal berkeley general presentation on monday october 16 th . this e - mail should contain any information that you need to know pertaining to your trip . please print out a hard copy and bring with you in case of emergency . if you have any questions , there is a list of contacts listed below . once again , thank you for offering to help with technology recruiting at cal berkeley . see you on campus ! lara the general presentation will be held : monday , october 16 th the faculty club seaborg room - 2 nd floor 7 : 00 p . m . to 9 : 00 p . m . * * please plan on arriving at the general presentation by 6 : 00 p . m . the general presentation is designed to educate the students on enron and the global technology track . following the presentation we will invite the students to ask questions about enron and the global technology track . please plan to arrive at the general presentation by 6 : 00 p . m . it is business casual attire . flight arrangements : you are responsible for scheduling your own flight arrangements with your preferred airline provider . please schedule your flight to arrive to the san francisco airport on monday , october 16 th . please remember that there can be significant traffic over the bay bridge and to get into town at least an hour prior to the event . please make all flight arrangements through the travel agency in the park so that we are able to take advantage of discount fares . if you do not have a representative that you currently use at the travel agency in the park - feel free to contact liz mendiola at 713 - 860 - 1140 . rental car arrangements : once again , you are responsible for scheduling your own rental car arrangements with your preferred provider . your travel agency in the park representative should be able to assist you with rental car reservations . hotel arrangements : hotel reservations are currently being made by our representative at the travel agency in the park . as soon as we have confirmation numbers , i will let you know . san francisco airport to the faculty club take 101 northbound exit to san francisco / oakland bay bridge exit to 1 - 80 east exit on university ave . east on university avenue for 1 . 5 miles to oxford st . right on oxford st . , left on durant ave . , left on piedmont you will see parking on the right side once again , thank you so much for helping with the general presentation . below are some last minute tips to keep in mind : please remember to dress business casual . please remember to bring some business cards for students . i have attached a pdf version of the global technology track brochure . please forward all expense receipts to grace garcia . she will handle any expenses incurred for this recruiting trip including : flight costs , hotel , car , food , valet , etc . however , you must turn in some sort of receipt - so be sure and save them ! ashley baxter work : 713 - 853 - 3589 cell : 281 - 793 - 0567 lara berry work : 713 - 345 - 8320 cell : 713 - 857 - 1034 grace garcia work : 713 - 853 - 7252 simone lewis work : 713 - 853 - 1645",0 +"Subject: re : petronas benchmarking visit khairuddin , thanks for your message . the fax has been sent . vince khairuddinbmjaafar @ petronas . com . my on 01 / 17 / 2001 01 : 50 : 36 am please respond to khairuddin _ mjaafar @ petronas . com . my to : vkamins @ ect . enron . com cc : azminab @ petronas . com . my subject : petronas benchmarking visit dear mr . kaminski , pertaining to our visit to your kind company in february , we are required to obtain visas for the trip . to apply for the visas , the embassy requires a letter from the us company confirming our meeting or visit . we would really be grateful if you can fax us a confirmation letter so that we can proceed with our visa application . please fax the letter to : mr . nur azmin abu bakar head , risk assessment and control corporate risk management unit , corporate planning and development division level 71 , tower 1 , petronas twin towers , kuala lumpur city centre , 50088 kuala lumpur , malaysia fax : ( 603 ) 2051 - 3252 your speedy reply is greatly appreciated . thank you and regards , khairuddin . disclaimer : this e - mail and any files transmitted with it ( "" message "" ) is intended only for the use of the recipient ( s ) named above and may contain confidential information . you are hereby notified that the taking of any action in reliance upon , or any review , retransmission , dissemination , distribution , printing or copying of this message or any part thereof by anyone other than the intended recipient ( s ) is strictly prohibited . if you have received this message in error , you should delete this message immediately and advise the sender by return e - mail . opinions , conclusions and other information in this message that do not relate to the official business of petronas or its group of companies shall be understood as neither given nor endorsed by petronas or any of the companies within the group . ( embedded image moved to file : pico 5415 . pcx ) - pico 5415 . pcx",0 +"Subject: re : ( no subject ) thanks vince . vince j kaminski wrote : > blake , > > i forwarded the azure presentation to greg whalley recommending > that he takes a look at it . > > vince",0 +"Subject: jury duty shirley , i have been summoned for jury duty and plan to be out tomorrow , wednesday , may 2 . thanks , stinson",0 +"Subject: re : fw : fw : visit to enron by professor nalin kulatilaka of boston university hi nalin , martin lin asked if you have a paper "" or something "" related to the lecture you will be giving to us on may 17 th . ciao , iris - - - - - original message - - - - - from : lin , martin sent : monday , april 30 , 2001 8 : 52 am to : mack , iris subject : re : fw : fw : visit to enron by professor nalin kulatilaka of boston university is there a paper or something related to this topic that we can look over beforehand ? thanks , martin iris mack / enron @ enronxgate 04 / 27 / 01 05 : 42 pm to : chonawee supatgiat / corp / enron @ enron , shalesh ganjoo / enron communications @ enron communications , martin lin / hou / ect @ ect , martin lin / contractor / enron communications @ enron communications cc : subject : fw : fw : visit to enron by professor nalin kulatilaka of boston university fyi - - - - - original message - - - - - from : mack , iris sent : monday , april 23 , 2001 2 : 45 pm to : crenshaw , shirley ; crenshaw , shirley ; dupont , anita cc : kaminski , vince ; ' nalink @ bu . edu ' subject : fw : fw : visit to enron by professor nalin kulatilaka of boston university hi , here is the title and abstract for professor kulatilaka ' s talk on may 17 th at our 11 : 30 am research group luncheon / seminar . iris title : "" using the mobile internet to make new markets "" abstract : professor kulatilaka will talk about some new ideas that he is working on which involve using the micro billing / payments capability of a packet - switched wireless network to create new markets . the potential markets range from spot markets for local spectrum to congestion - based pricing for highways .",0 +"Subject: re : real time var tanya , thank you for the information . i agree that we need to talk about more what and how global valuation can facilitate a more competitive var engine . winston and nilay are going to give my group a presentation regarding the current var system next tuesday . i am sure the presentation will help my team better understand the requirements of var engine on global valuation . please join us if you have the time . i would also appreciate your insight on this matter . thanks zhiyong tanya tamarchenko 01 / 08 / 2001 11 : 09 am to : zhiyong wei / hou / ect @ ect , nilay basu / hou / ect @ ect , wenyao jia / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : real time var ziyong , we met with nilay and winston last week regarding real time var calculation possibility . winston has an overview of var system which consists of : - main curves simulation ; - curve server ; - book server ; - id server - clients as a first step i want to see where the time is spent when var runs , which percentages of time are spent by each part . nilay is going to get this information for a few portfolios ( agg - ect , agg - gas and ng - price - prc ) . preliminary information : currently var run takes about 1 hour , half of this time taken by "" book server "" ( we have about 4500 lower level portfolios in the portfolio hierarchy , about 5500 portfolios all together ) , most of the rest is taken by "" clients "" , "" main curves simulation "" does not take much time . i am looking also at using alternative methods of faster var calculation , but having so many portfolios in the hierarchy will slow down even analytical var . we also have to think more about what "" real time "" calculation means and what it should produce . tanya",0 +"Subject: ftr team , the copy of the auction results that you got at yesterday ' s meeting is incorrect . what happened was when i tried to sort the entire page , i only highlighted the related column and expected excel 98 would sort the whole page . ( as steve told me before , i should highlight the whole thing if i try to do sorting in excel ) . i appolized for the misleading and have redone the whole thing . thanks for the patience . wish you all have a great weekend .",0 +"Subject: re : your questions and requests to judy schlesinger thanks susan : however , vince has not received his financial times at all this week . i have called everyday and they tell me they will send a recovery copy , but so far we have not received one . is there anyway we could get a copy for him today ? your help will be greatly appreciated . thanks ! enron north america corp . from : susan l kennedy 06 / 21 / 2000 05 : 12 pm to : shirley crenshaw / hou / ect @ ect cc : subject : re : your questions and requests to judy schlesinger shirley , please find the below answers to the questions you had sent to judy . financial times - vince ' s subscription does not exprire until january 4 , 2001 vince ' s subscription to power finance & risk - what you recieved was not a renewal , it was for a free trial that began on june 5 th and ends on june 26 . please disregard it . his subscription that we recently renewed does not expire until march 26 , 2001 . i have sent in payment for vince ' s renewal for oxford energy forum . if there is anything else that i can help you with , please do not hesitate to call me . susan",0 +"Subject: re : access to o ; . . . please , grant access as requested . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 09 / 19 / 2000 03 : 41 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - daniel muschar @ enron 09 / 19 / 2000 03 : 27 pm to : juan padron / na / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : access to o ; . . . vince has this under control . he will forward it to the security group . daniel a . muschar juan padron 09 / 19 / 2000 02 : 22 pm to : vince j kaminski / hou / ect @ ect cc : daniel muschar / aa / corp / enron @ enron subject : access to o ; . . . vince , this e - mail is to request access to the o : / research / power meteorlogy / weather temps / txtemps . xls file . . . i was told by tech - support to e - mail you with this request and everything would get squared away . daniel , could you please advise on what to do next . thank you . . . juan - - - - - - - - - - - - - - - - - - - - - - forwarded by juan padron / na / enron on 09 / 19 / 2000 02 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - daniel muschar 09 / 19 / 2000 09 : 14 am to : juan padron / na / enron @ enron cc : subject : access to o ; . . . i called security again and here is what is happening : this request is waiting on the approver . stinson gibner : here is the info on the user we are waiting on . stinson ? ? gibner contact info company info phone : ( 713 ) 853 - 4748 employee type : enron employee email : sgibner @ enron . com job title : vp research location : eb 1963 supervisor : kaminski , wincenty j fax : ( 713 ) 646 - 2503 contract company : ect resources corp cellular : company number : 0413 pager : cost center : 0000107043 click here for others in cost center cost center name : na - research group ena city : houston bner or vince kaminski are the approvers for this directory",0 +"Subject: re : check and car hire - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 04 / 03 / 2001 06 : 24 am - - - - - - - - - - - - - - - - - - - - - - - - - - - tony hamilton @ enron 04 / 03 / 2001 05 : 16 am to : kevin g moore / hou / ect @ ect cc : subject : re : check and car hire kevin my wife checked with our bank - it will take up to 10 days for the $ 2000 check to clear . i checked with enterprise ( the car hire people ) last night and the total bill will be about $ 1251 - i don ' t have this much left on my credit card , help ! i am really sorry about the hassle this is causing you , but i need some way for enron to pay directly for the car , that way i won ' t need the $ 2000 check . many thanks for your help tony",0 +"Subject: re : confirmation of meeting fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 09 / 28 / 2000 10 : 26 am - - - - - - - - - - - - - - - - - - - - - - - - - - - wendy . dunford @ arthurandersen . com on 09 / 20 / 2000 10 : 11 : 43 am to : shirley . crenshaw @ enron . com cc : subject : re : confirmation of meeting vince sounds very busy ! just let me know when he is free and i will sort something out . thanks wendy * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it .",0 +"Subject: re : hi ! please delete this soon as per jeff ' s request . krishna . - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 04 / 05 / 2001 03 : 06 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" jeff fleming "" on 04 / 05 / 2001 01 : 46 : 26 pm please respond to to : cc : subject : re : hi ! good to hear from you . things are going pretty well hear , but busy with the end of the semester coming up . as for u of h , i guess there are several possibilities depending on what shane wants to do . the best researcher in their group by far , in my opinion , is bong - soo lee . but he does more general asset pricing stuff . minnesota econ phd , really smart . their main derivatives guy is rabon rabinovich . he ' s done some good work in the past but not very active in the last five or ten years . or , you could go with ron singer or art warga ( art ' s more respected and more active ) . these guys are more senior , more general , and do more research than ramon - - i would guess that they tend to be the workhorses in terms of advising phd students at u of h . in any case , please destroy this info as soon as you digest it . i would hate for my candidate assessments to ever get passed along to the good folks at u of h . jeff jeff fleming associate professor jones graduate school of management - - ms 531 rice university 6100 main street houston , tx 77005 713 / 348 - 4677 ( voice ) 713 / 348 - 5251 ( fax ) http : / / www . ruf . rice . edu / ~ jfleming",0 +"Subject: re : bfl - jim woods info al , thanks . confirmed for wednesday , next week , 7 : 00 a . m . vince al arfsten on 08 / 09 / 2000 01 : 41 : 59 pm please respond to arfsten @ bflassociates . com to : vince j kaminski cc : subject : re : bfl - jim woods info vince : jim is confirmed to meet you at 7 : 00 a . m . next wednesday . he will go to the hostess stand at the atrium restaurant and await you . he is about 5 ' 6 "" brownish hair , glasses , youthful appearance and will be in a sport jacket for casual attire . i look forward to tallking with you again soon . al arfsten vince j kaminski wrote : > al , > > wednesday next week is fine with me . i would prefer to meet earlier > rather than later . what about 6 : 45 or 7 : 00 ? > > vince > > al arfsten on 08 / 09 / 2000 11 : 38 : 46 am > > please respond to arfsten @ bflassociates . com > > to : vkamins @ enron . com > cc : > subject : bfl - jim woods info > > vince : pursuant to bjorn ' s suggestion and my voice mail message , > attached you will find the background information on jim woods . jim is > not a pure quant and enjoys much more the areas of strategic thinking > and related processes . from what i can tell , he enjoys the process of > creating an arguement for a client ' s position in some disputed matter . > he is looking forward to having an opportunity of meeting you . his > availability next week is only on wednesday . an early breakfast at the > hyatt would work great for him . please let me know if that might work . > if not , when ? al arfsten > > ( see attached file : wood jim . doc ) > > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > name : wood jim . doc > wood jim . doc type : winword file ( application / msword ) > encoding : base 64 > description : mac word 3 . 0",0 +"Subject: re : mgmt 656 let me know if you need anything else . - pam at 11 : 00 am 1 / 26 / 01 - 0600 , you wrote : > pam > > thanks > > yes , please , send me the e - mail addresses . > > vince > > > > > > pamela vande krol castro on 01 / 26 / 2001 10 : 40 : 17 am > > to : vince . j . kaminski @ enron . com > cc : > subject : mgmt 656 > > > here are your latest rosters . let me know if you would like the spreadsheet > with their e - mail addresses as well ! - pam ( 6223 ) > ( see attached file : 656 . doc ) > > - 656 . xls",0 +"Subject: message 3 ps : attached with the flyer of the conference . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - quentin kerr , email : qkerr @ maths . uq . edu . au room : 67 - 622 tel : ( 07 ) 33461428 department of mathematics , the university of queensland - engy . pdf",0 +"Subject: elena chilkha please fill - out the evaluation sheets on elena chilkina . thanks sorry i didn ' t includ the evalutation form .",0 +"Subject: prof . carmona yannis , i have looked at the outline of the proposed course and find that practically all the topics of the program are the staple of what we do every day . i don ' t think research should spend money for this class . if we want to establish a relationship , we can easily do it by asking him to work on a research project . vince",0 +"Subject: my new email address hello - please note that i have a new email address : alamonsoff @ riskwaters . com ? also , if you have not already submitted a copy of your presentation for the financial mathematics training course , please let me know the status asap and if you are planning either to bring copies with you to the course or if you will be submitting a copy to me . if you plan on bringing copies , please note to bring 40 copies . ? ? regards , amy lamonsoff training course coordinator",0 +"Subject: re : fed ex from iris molly , yes , march 1 would work . vince enron north america corp . from : molly magee 01 / 16 / 2001 03 : 36 pm to : vince j kaminski / hou / ect @ ect cc : subject : fed ex from iris just checking to be sure you ' re okay with a march 1 start date for iris ? molly - - - - - - - - - - - - - - - - - - - - - - forwarded by molly magee / hou / ect on 01 / 16 / 2001 03 : 35 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . from : "" iris mack "" 01 / 16 / 2001 03 : 13 pm to : molly . magee @ enron . com , vince . j . kaminski @ enron . com cc : subject : fed ex from iris hi , thanks for the fed ex with the offer letter , and other pertinent information about enron . i have signed the letter and returned it to you , along with a couple of other forms . you should receive these documents via fed ex on tomorrow morning . because i have to tie up a few loose ends here in california , i won ' t be able to start until march lst . i hope that is okay . thanks so much . regards , iris get your free download of msn explorer at http : / / explorer . msn . com",0 +"Subject: re : var model - some questions i know nothing about this . since neither research nor energydesk know about it , all we can do is collect their requirements and provide what they ' re looking for as a new project . this will require vince ' s input since we ' ll essentially be sending research models to the outside world . steve sharad agnihotri 27 / 02 / 2001 14 : 48 to : steven leppard / lon / ect @ ect cc : subject : var model - some questions steve , do you know anything about this ? sharad - - - - - - - - - - - - - - - - - - - - - - forwarded by sharad agnihotri / lon / ect on 27 / 02 / 2001 14 : 48 - - - - - - - - - - - - - - - - - - - - - - - - - - - andreas lorenz 27 / 02 / 2001 14 : 01 to : sharad agnihotri / lon / ect @ ect cc : subject : var model - some questions hi sharad , could you please have a look at below var model - the dll file should have been provided by research ( if some time back . . . ) can you provide any information re what and how it does it ? underlying assumptions ? shortfalls ? many thanks for your help ! cheers ,",0 +"Subject: ( no subject ) dear dr . kaminski : i am sending the attached letter and a copy of my resume for my application as a summer intern at enron at the suggestion of my father edward kao . if you need additional information , please feel free to contact me . sincerely , candice kao p . s . i am sending a hardcopy of my letter and resume to you today . thank you once again . - letter to kaminski . zip",0 +"Subject: meetings with petronas on february 8 th good morning all : the petronas meetings and presentations will be in eb 3321 on the 8 th . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 01 / 11 / 2001 09 : 11 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 01 / 08 / 2001 12 : 06 pm to : rick buy / hou / ect @ ect , david port / market risk / corp / enron @ enron , john l nowlan / hou / ect @ ect , jeffrey a shankman / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : meeting on feb 8 , 2001 fyi . this is the list of the petronas executives visiting enron on feb 8 . i have invited them to lunch . would you like to join me for lunch . i would like to propose a short courtesy meeting at 10 with jeff / john ( 5 - 10 minutes ) , followed by rac / research presentation till 11 : 30 . vince p . s . i shall reserve a conference room for this meeting - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 08 / 2001 10 : 02 am - - - - - - - - - - - - - - - - - - - - - - - - - - - azminab @ petronas . com . my on 01 / 07 / 2001 06 : 37 : 33 pm to : vince . j . kaminski @ enron . com , shirley . crenshaw @ enron . com , khairuddinbmjaafar @ petronas . com . my cc : subject : re : meeting on feb 8 , 2001 dear kaminski 4 members from corporate risk management unit 1 . iqbal abdullah - general manager 2 . nur azmin abu bakar - head , risk assessment & controls 3 . zulkifli a rahim - head , risk measurement & systems 4 . adnan adams - head , special projects regards vince . j . kaminski @ enron . com on 03 / 01 / 2001 09 : 45 : 02 pm to : azminab @ petronas . com . my cc : vince . j . kaminski @ enron . com , shirley . crenshaw @ enron . com subject : re : meeting on feb 8 , 2001 dear mr . nur azmin abu bakar , thanks for your prompt reply . please , let us know how many members of your team will visit enron . i look forward to our meeting on february 8 . vince kaminski azminab @ petronas . com . my on 01 / 02 / 2001 06 : 38 : 33 pm to : vince . j . kaminski @ enron . com , khairuddinbmjaafar @ petronas . com . my , shirley . crenshaw @ enron . com cc : subject : re : meeting on feb 8 , 2001 dear kaminski , happy new year and thank you for the reply . we are honored to have lunch with you and your team however we have another appointment at 2 . 30 p . m . regards vince . j . kaminski @ enron . com on 03 / 01 / 2001 07 : 38 : 19 am to : azminab @ petronas . com . my cc : vince . j . kaminski @ enron . com , shirley . crenshaw @ enron . com subject : meeting on feb 8 , 2001 dear sir , i would like to apologize for the delay in responding to your fax . i was on vacation for the last few days . i shall be honored to meet your delegation on thursday , february 8 at 10 : 00 a . m . please , let me know if you will be free for lunch after the meeting . vince kaminski",0 +"Subject: vlady gorny barbara , i called vlady gorny and explained that the presentation by jorion is not offered under the umbrella of the seminar sponsored by enron and that it is a closed meeting for the school faculty . i don ' t think that enron would open its job interviews to rice observers who expressed interest and i made this comment to vlady . he is ok with this . you can let his program director know that i have explained to vlady that it is a meeting for limited audience and that he does not expect to be invited . please , let me know the details of the dinners . vince",0 +"Subject: re : seminar on beyond ols clayton , we can offer the seminar / discussion session on monday , december 18 , at 3 : 30 . please , let me know if this would work . vince clayton vernon @ enron 12 / 07 / 2000 01 : 55 pm to : vince j kaminski / hou / ect @ ect cc : vasant shanbhogue / hou / ect @ ect subject : seminar on beyond ols vince - george is fully enthusiastic for a seminar by research on these ideas and resource tools . any afternoon is fine to him - we can probably push the time up to 3 : 00 or so so everyone who needs to cheat to get away from work early to go shopping can . clayton",0 +"Subject: re : financial engineering associates it is the special package for options with multiple assets and options on averages . - - stinson vince j kaminski 03 / 06 / 2000 03 : 31 pm to : stinson gibner / hou / ect @ ect cc : subject : financial engineering associates stinson , what is spav ? is it the basket option model ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 06 / 2000 03 : 30 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : karla feldman 03 / 06 / 2000 01 : 50 pm to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : subject : financial engineering associates vince and stinson , i checked the file and the maintenance that automatically renews on 4 / 1 / 2000 is for the following products : all 4 of your @ global licenses spav swing i will go ahead and contact fea and see about getting the renewal invoice for these . i ' ll send it to shirley for payment once i have it . the products : @ interest , seapc , and seapp have not been on maintenance for a while . fea told us a couple of years ago i believe that they do not have maintenance available for these products any longer . so , you don ' t need to worry about cancelling @ interest . also , just fyi - your @ energy . 1 and @ energy . 2 licenses have maintenance through 10 / 20 / 2000 . if you have any questions , please let me know . otherwise , i will proceed with contacting fea about you renewal of the @ global , spav , and swing licenses . thanks , karla",0 +"Subject: re : completion of ibuyit request for wincenty ( vince ) kaminski : eva : remedy 412144 vince , you have been approved for the technical view within ibuyit . changes will take effect on next login . thank you , sap security ( eva - from : raul davila / enron @ enronxgate on 04 / 19 / 2001 06 : 02 pm to : sap security @ enron cc : subject : re : pending approval for ibuyit request for wincenty ( vince ) kaminski : eva : remedy 412144 approved - - - - - original message - - - - - from : tow , eva on behalf of sap security sent : thursday , april 19 , 2001 5 : 39 pm to : davila , raul cc : vkamins @ enron . com ; crenshaw , shirley subject : re : pending approval for ibuyit request for wincenty ( vince ) kaminski : eva : remedy 412144 raul , raul , vince kaminiski is requesting acces to the technical view for catalog along with the ibuyit approval role . this is pending your approval . please send your response to sap security . thanks ! shirley crenshaw @ ect 04 / 19 / 2001 03 : 01 pm to : sapsecurity @ enron . com cc : vince j kaminski / hou / ect @ ect subject : ibuyit form attached please find the completed form for vince kaminski , managing director , research group . he will be approving all purchases for cost center 107043 . > - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 19 / 2001 02 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : debbie skinner / enron @ enronxgate on 04 / 19 / 2001 02 : 52 pm to : shirley crenshaw / houston / eott @ eott , shirley crenshaw / hou / ect @ ect cc : subject : ibuyit form hi shirley there were two shirleys , so sending to both > isc help desk ",0 +"Subject: re : contract update vince , if there are some differences that we need to correct , you and i can meet tomorrow when you bring the contract in . i am available anytime after lunch . please call me at x 30649 . sheila - - - - - original message - - - - - from : kaminski , vince sent : tuesday , march 06 , 2001 3 : 10 pm to : sheila walton / hou / ect @ enron cc : kaminski , vince subject : contract update sheila , some minor differences between the draft and the final executed version . i have forgotten to bring the draft today , i shall send a copy to you tomorrow . there were some hand - written changes made by greg ijn the draft that were not transferred to the final version . vince",0 +"Subject: sas to the group : if you wish to use sas , there are a few simple things you need to do : 1 ) you need to get a unix password if you don ' t already have one ( your user id will be the same as on the nt network , but a different password is issued ) 2 ) you need a program called "" exceed "" on your pc . request it from it ( you already have this if you are already a user of lim on the unix platform ) 3 ) you need an "" ftp "" program on your pc . you can go to www . download . com and download one ( i like wsftp ) 4 ) exceed is funny in the way it runs . when you invoke exceed ( or lim advanced user ( under infobases ) if you already have this ) it will install itself the first time , and will then "" disappear "" to the taskbar . you need to * right * click on the taskbar on exceed , and then choose "" tools "" and "" client startup "" and then "" new . "" you will enter a box which should already be set for rexec and an xwindow emulation . you need to specify the host type as sun , enter your user name and password , set the host name to : capers . ect . enron . com and then , on the command line , type the following ( carefully ) : / usr / openwin / bin / xterm - display @ d then , use the file menu to save this as capers . xs and then click on the run ! menu . within a second or two , a window will open up with you logged into the serve capers . you are now on a unix server , and the directory is your home directory . from here , if you simply type "" sas "" the 3 windows for an interactive session with sas should open on your desktop . you are in business . 5 ) you also need to install your ftp . follow the procedures with the software , and then create a new session called "" enron "" where you choose as the server simply "" earth "" ( do not add any further descriptors such as . enron . com ) . supply your user name and * unix * password , check the "" remember password "" box , and the default communication setups should be correct ( eg , host type as "" automatic detect "" ) . when you invoke ftp and connect to enron , it will put you in your home directory on the unix system , the same directory your xwindow comes up in under exceed . if you have any problems , i ' ll be happy to help clayton ps i have a complete set of new sas manuals i am happy to loan out if you ' ll just write your name down when you take them .",0 +"Subject: new resume dear vince , i am so grateful for your efforts . i really appreciate you taking time from your busy schedule . if you have not contacted michael maddox , it ' s even better . i have updated and re - worded my resume to better reflect my accomplishments . would you please contact michael maddox of cera and forward my resume to him ? his contact information is ( 617 ) 497 6446 or email : mmaddox @ cera . com have you had a chance to talk to david port ? maybe there are other options . i am flexible and willing to do whatever it takes . sincerely , bessik matchavariani manager enron broadband services tel : 713 . 345 . 7230 fax : 713 . 646 . 8861 bessik _ matchavariani @ enron . net",0 +"Subject: re : enron / stanford program vince , are we on for dinner on sunday at 7 pm ? best regards , nick nick bambos wrote : > > vince , > > i have managed to change my ticket and we can meet for dinner on sunday 10 / 15 / 00 . > shall we say at 7 pm ? > > > > > > giuseppe : can you please join us for dinner on sunday 10 / 15 . we ' d like to briefly > discuss the project too . could i please ask you to make reservations for 3 at > il fornaio or some other nice place in palo alto ? preferably a quiet place where > we can talk . > thanks , > > nick > > vince . j . kaminski @ enron . com wrote : > > > > nick , > > > > dinner on sunday would work for me . i shall stay > > in the bay area till monday morning . > > > > vince > > > > nick bambos on 09 / 28 / 2000 08 : 33 : 38 pm > > > > to : vince . j . kaminski @ enron . com > > cc : > > subject : re : enron / stanford program > > > > hi vince , > > > > i am on the technical program committee of the infocom 2001 conference , > > and we are meeting in new york city on saturday , october 14 th , to select > > papers for the conference program . i ' m leaving stanford on friday and > > getting back on sunday . > > > > it might be a possibility to have dinner together on sunday , if that would > > work for you . in that case i would have to reschedule my flight to land > > in sfo earlier than i ' m currently scheduled to land . > > > > would dinner on sunday work for you ? any chance we can meet monday for > > lunch ? > > > > i look forward to seeing you . > > > > best regards , > > > > nick > > > > vince . j . kaminski @ enron . com wrote : > > > > > > nick , > > > > > > i shall be in stanford oct 14 - 15 , visiting my family . > > > i would be glad to meet you ( and possibly giuseppe - your call ) for > > lunch . > > > please , let mer know if you are free on one of these days . saturday would > > > work better for me . > > > > > > vince > > > > > > nick bambos on 09 / 21 / 2000 02 : 09 : 46 pm > > > > > > to : stinson . gibner @ enron . com > > > cc : vince . j . kaminski @ enron . com > > > subject : re : enron / stanford program > > > > > > stinson , > > > > > > great ! i ' m looking forward to a very productive collaboration . > > > i ' ll immediately start doing giuseppe ' s papers , for him to work > > > on the enron / stanford program . > > > > > > many thanks to you and vince , and i hope to see you soon at stanford > > > or enron . if i remember correctly , vince is visiting stanford in > > > october . > > > > > > best regards , > > > > > > nick > > > > > > stinson . gibner @ enron . com wrote : > > > > > > > > nick , > > > > > > > > i spoke with paul racicot , head of trading for ebs , north america this > > > > morning . he said that he is happy to send the $ 100 , 000 for your > > program > > > > from his budget . i have forwarded to him the draft letter to > > accompany > > > > the funds and will try to follow up to make sure that the money is sent > > > > promptly . > > > > > > > > - - stinson",0 +"Subject: july conference on real options please find attached the programs for two back - two - back conferences on real options at cambridge university in uk . the two conferences are separate but complementary events . the first conference , co - sponsored with andersen consulting and morgan stanley dean witter , on july 5 - 6 , is a professional conference on real options valuation in the information economy : internet / high - tech / telecom , r & d / pharma , energy . for info . and online registration see www . rogroup . com . the second is the 4 th annual international conference on real options : theory meets practice ( the annual industry event where academics and practitioners get together to share the latest developments on theory and applications ) , co - organized with u . cambridge on july 7 - 8 . for info . and online registration see www . realoptions . org among the two events , we are pleased to present an extensive array of practitioner and academic presentations , sharing of experiences by corporate executives , and panel discussions by experts from leading organizations and universities . our keynote speaker this year will be myron s . scholes , co - developer of the black - scholes option valuation . interested participants must register for the conference ( preferably on line ) and indicate hotel preferences ( among 5 - 6 hotels ) by june 15 ( latest ) . we look forward to seeing you at this exciting event , and would appreciate if you share this with interested colleagues . - camjuly 2000 profconference . doc - conf 4 program . doc",0 +"Subject: capa 2000 conference vince and stinson , alex and i attended the international chinese petroleum and petrocehmical technology conference in houston . we presented two talks 1 ) risk management in petroleum industry and 2 ) real option valuation of oil field . the section chairman said our talks were the high moments in the business session . there were several interesting talks in the business section . i am going to get a copy of the presentation on internet opportunity in energy trading , where the author did a study about all energy trading sites including enrononline . a talk from a gentleman working for costal ( used to be pal of song yip ) on real assets management is also very informative . a talk about using real option theory for it managenet was also interesting . big players , exxonmobil , shell , taxco , and bp have strong presence in the conference . i made a copy for you of the keynote speech by bob gee , the assistant energy secretary under clinton administration about the energy outlook . zimin",0 +"Subject: proposal submission francois and kent , hope this proposal reaches you in time for consideration for the upcoming fma - european meeting . i normally don ' t like to commit myself to a proposal but in this case i ' m very comfortable doing so in light of the status of the project . as you will see this "" clinical "" paper is a study of strategy formulation in a very innovative company that uses financial derivatives in conjunction with real asset investments . the firm , enron , has been the most innovative company in america for more than five years now and has expanded its strategy abroad . we have the unique opportunity to document the firm ' s strategy from the inside with my co - authors being members of the corporate research staff that manage the pricing of the energy derivatives in which the firm makes a market , as well as provide the analysis upon which firm risk positions are managed . although , specific enron projects have been documented and published , noone has captured the story of the company visionaries that formulated and executed the firm ' s business strategy . of course , what makes the story of particular interest to finance scholars is the fact that the strategy hinges in very important ways on financial innovations . this is going to be a very informative and fun story to tell and i hope to bring along my colleagues from enron to paris for the meeting . thanks for asking me to join the program advisory board and i look forward to your comments on the attached proposal . sincerely yours , john - enron transformation paper . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : weatherdelta demonstration scheduling alex , i agree . let them make up the data . please , ask shirley to determine convenient date and time . vince alex huang @ enron 11 / 01 / 2000 03 : 59 pm to : vince j kaminski / hou / ect @ ect , joseph hrgovcic / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , lance cunningham / na / enron @ enron , sevil yaman / corp / enron @ enron , stinson gibner / hou / ect @ ect cc : subject : re : weatherdelta demonstration scheduling hi all , i got the following reply from mike denton . can you let me know what time is most convenient for you so i will arrange a time for the presentation ? i don ' t think we should provide them any data , unless you think otherwise . alex - - - - - - - - - - - - - - - - - - - - - - forwarded by alex huang / corp / enron on 11 / 01 / 2000 03 : 54 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - denton mike on 11 / 01 / 2000 03 : 05 : 48 pm to : alex . huang @ enron . com cc : subject : re : weatherdelta demonstration scheduling mr . huang , we would be happy to demonstrate the features and functionality of the weatherdelta tool set for your team at enron . early next week ( tuesday or wednesday ) are both possible , as well as early the following week . the demonstration can take 90 minutes or more , depending on the number of questions and the level of detail . ideally , you could provide us with some of your data and we could demonstrate how to value a full - requirements contract to service that particular load . to do this we will need one or more years of hourly consumption data , and the general location of the load . ideal data formats are csv files of either 365 rows x 25 columns ( date , hrl , hr 2 . . ) or 8760 rows x 3 columns ( date , hr , load ) . in lieu of using your data , we will provide sample load data . please feel free to call me and we can discuss schedules and the particulars of the product overview and demonstration . thank you for your interest , michael j . denton vp na strategic consulting caminus corporation 212 - 515 - 3667",0 +"Subject: re : time keeping what about me ! i may need this in the future . . . . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 03 / 21 / 2000 08 : 12 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 03 / 21 / 2000 07 : 27 am to : brad mcsherry / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , william smith / corp / enron @ enron , kevin g moore / hou / ect @ ect subject : re : time keeping hi brad : i am it for our group ! however , it might be a good idea to train sam smith also . please let us know . thanks ! shirley 3 - 5290 from : brad mcsherry on 03 / 20 / 2000 05 : 38 pm to : lydia cannon / hou / ect @ ect , rosalinda resendez / hou / ect @ ect , donna baker / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : time keeping lydia / rosie / donna / shirley , we are looking to implement sap hr by 7 / 1 / 00 . there is a time keeping module in the program . please send me a list of the time keepers for your groups . do not forget to send your own name if you keep time . time keepers will be contacted in the near future for training on the new system . thank you for your help , brad",0 +"Subject: re : hi ! - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 04 / 05 / 2001 03 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" jeff fleming "" on 04 / 05 / 2001 03 : 24 : 25 pm please respond to to : cc : subject : re : hi ! one other person that i forgot to mention - - praveen kumar . i don ' t know exactly what he does , mostly theory stuff i guess . any way , he is also really good and highly respected in the profession ; probably ranks right up there with ( but second to ) bong - soo . jeff jeff fleming associate professor jones graduate school of management - - ms 531 rice university 6100 main street houston , tx 77005 713 / 348 - 4677 ( voice ) 713 / 348 - 5251 ( fax ) http : / / www . ruf . rice . edu / ~ jfleming",0 +"Subject: restricted list neither ena / rac / egf employees nor family members or others living in their household or financially dependent on the ena / rac / egf employee may purchase or sell securities of any entity ( or derivatives thereof ) listed on the restricted list for your or their personal or related accounts or recommend the purchase or sale of such securities to any person , except with the prior approval of the compliance department in consultation with the ena legal department . in addition to the trading restrictions above , should you at any time possess non - public material information about any public company , you , your family members and anybody that is financially dependent on you , are restricted from trading in that issue , and you may not disclose the non - public material information to anyone that does not have a business need to know . company name stock symbol 3 tec energy corp . tten active power acpw adrian resources adrrf beau canada exploration ltd bau cn belco oil & gas corporation bog bonus resource services corp bou brigham exploration bexp canfibre group ltd . cfgl carrizo oil & gas inc . crzo costilla energy cose crown energy croe cynet , inc . cyne cypress energy cyz esenjay exploration esnj firstworld communications inc . fwis hanover compressor co . hc ice drilling enterprises inc . idf industrial holdings , inc . ihii inland resources , inc . inln kafus environmental industries , inc . ks nakornthai strip mill public co ltd nsm set paladin resources plc plr ld paradigm geophysical pgeof place resources , inc . plg cn quanta services inc . pwr queen sand resources , inc . qsri quicksilver resources inc . kwk saxon petroleum , inc . sxn cn southwest royalties swroy startech seh cn syntroleum corp . synm tejon ranch corp . trc tetonka drilling tdi transcoastal marine services , inc . tcms the restricted list is solely for the internal use of ena / rac / egf . no one may engage in discussions regarding whether a security is or is not on the restricted list with persons outside ena / rac / egf without specific clearance from the compliance department in consultation with the ena legal department . in addition to the above , you are reminded that pursuant to enron corp . ' s risk management policy ( "" policy "" ) , no ena / rac / egf employee may engage in the trading of any "" position "" ( "" position "" means any commodity , financial instrument , security , equity , financial asset or liability that are authorized for trading in the policy for the benefit of any party other than ena / rac / egf , whether for his / her own account or the account of any third party , where such position relates to ( i ) any commodity , financial instrument , security , equity , financial asset or liability which falls within such employee ' s responsibility at ena / rac / egf or ( ii ) any energy commodity . the prohibitions listed above do not replace or modify the policies set forth in ena ' s policies and procedures regarding confidential information and securities trading , enron corp . ' s risk management policy , or enron corp . ' s conduct of business affairs . should you have any questions regarding the above , please contact me at ext . 31939 .",0 +"Subject: re : lloyd , i think that we can arrange a few video conference meetings instead . i don ' t see a justification for extending the stay over the weekend if we have an alternative solution . vince enron capital & trade resources corp . - europe from : lloyd fleming 07 / 06 / 2000 12 : 37 pm to : vince j kaminski / hou / ect @ ect cc : maureen raymond / hou / ect @ ect subject : vince i met maureen yesterday and had a useful discussion on her role within enron . i think it would be very helpful to promote the research group function of the company , particularly given maureen ' s background , if she could be introduced to some of the main traders down at mg . unfortunately she won ' t have time to meet with mg unless we can schedule some meetings on monday . would you be happy for her to extend her stay here till monday to allow the meetings to take place ? regards",0 +"Subject: re : grant masson fyi . i shall not be surprised if grant knock on our door again in a few weeks . i told him he could not count on the same generous treatment he got the first time . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 08 / 2001 08 : 16 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" grant masson "" on 01 / 07 / 2001 06 : 43 : 08 pm to : cc : subject : re : grant masson dear vince : ? after a very great deal of thought , i have decided to stick it out with el paso . ? please be assured that this exercise was not a "" fishing expedition "" to extract concessions from el paso . ? rather , it is simply that , although i continue to harbor doubts about some of el paso ' s methods and about the people running the business , i have concluded that two months is not enough time to fully judge the company . ? i feel that i have not yet given el paso ( or myself for that matter ) a fair chance . ? after all , if i disagree with the way the business is run , i should regard that as an opportunity to effect changes and not an excuse to run away . ? please extend my sincerest thanks and apologies to all those who worked so hard over the holidays to produce the offer : david oxley , sheila walton , and especially norma villarreal . ? and thanks also to you vince for your patience , humor , and good advice . ? as i ' ve said before , i consider it an honor to be able to call you a colleague and friend . ? with best regards , grant .",0 +"Subject: california update 5 / 22 / 01 please treat as confidential a source had a meeting today with california state treasurer phil angelides . here are the main points from their conversation 1 . anglelides certain that socal will go bankrupt corroborating our line over the past four months , anglelides stated with confidence that socal would go bankrupt and that "" he was surprised they hadn ' t already . "" he noted that the only reason they haven ' t yet is that "" they were too stupid to ring - fence the parent "" and that "" their two biggest equity holders were screaming not to do it . "" he added that the davis / socal mou is dead and that all the "" plan b ' s "" are "" speculative "" at best . he also thought that socal was being "" naive if they thought they would get a better deal from the legislature than from the bankruptcy court . "" 2 . bond issuance - $ 12 b not enough angelides conceded that a $ 12 b bond issue would not be enough to buy power for the summer and that the true costs would probably be $ 18 - 24 b . the only reason they didn ' t issue more is that angelides felt that "" $ 12 b was all the market could handle . "" the current game plan for bonds assumes an average peak price for power of $ 400 / mwh , which angelides said explains the difference between his estimates and the higher estimates from state comptroller ' s kathleen connell ' s office . 3 . new generator construction anglelides was explicit that the california public power authority ( authorized by the legislature last week ) will "" build plants and not stop until we [ california ] has a 10 - 15 % capacity cushion above expected demand . angelides expects the state to be "" 5 - 10 % short on power all summer . """,0 +"Subject: re : sddp tom , can you send the info regarding sddp to john ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 07 / 28 / 2000 10 : 52 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 07 / 19 / 2000 06 : 41 pm to : "" o ' brien john "" @ enron cc : vince j kaminski / hou / ect @ ect subject : re : sddp john , i shall e - mail the information about sddp from houston . vince "" o ' brien john "" on 07 / 18 / 2000 01 : 47 : 41 am to : vkamins @ enron . com cc : subject : sddp vincent , you kindly suggested that i email you with regard to some information you have on the sddp system ( i ' m not sure if i ' ve got the abbreviation correct , but it ' s something that is currently used in south america ) . your presentation was very interesting and informative . kind regards , john o ' brien manager , treasury & risk management snowy hydro trading pty ltd level 17 , bligh house 4 bligh street sydney nsw 2000",0 +"Subject: re : comments fyi . - - - - - - - - - - - - - - - - - - - - - - forwarded by rakesh bharati / na / enron on 03 / 27 / 2001 07 : 43 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - sheridan titman on 03 / 27 / 2001 06 : 46 : 31 pm to : rakesh . bharati @ enron . com cc : subject : re : comments rakesh : thanks for your input . they are quite useful for helping me clarify my own thinking . the following are my responses to your comments and clarifications . the * * ed paragraphs are from me and the others are from you . 1 . the money is being set aside to avoid negative values . it is not clear if you mean the values of the cash flow or the pv at the node . anyhow , we shall be setting aside money not just for that specific node but all nodes at that cross - section of time as the risk - free asset pays in all states of nature . this will have to be done every time there is a negative realization . thus , for the typical project we have , the value of risk capital may be extremely high , as we are not following a tail - based norm anymore . * * i agree that this is confusing and needs further refinement . i do this because i have some concerns about discounting negative cash flows , ( this is discussed in my first memo ) . this clearly provides a conservative estimate of firm value , and a measure of risk capital that is too high . from the perspective of evaluating the appropriate level of risk capital , it is sufficient that enough capital be employed so that the pv at each node is positive . also , one might want to set the level so that the pv is positive in say 98 % of all nodes . 2 . your memo appears to suggest that debt capacity is contingent on all values being positive . if so , we are only issuing risk - free debt . also , a project with a single negative value at each cross - section of time will not have a positive debt capacity . * * again , this is a very conservative initial estimate . when the model is refined , you probably want to define debt capacity so that the project defaults a certain percent of the time . 3 . it seems that our optimization argument is the discount rate , which is obtained in each step from the comparison investment ( by equating the variances ) . it is not clear if changing the discount rate will have such an effect on the project variance so as to lead to a global convergence . * * i am not assuming that the change in the discount rate has a major effect on volatility . in fact , i think the process requires only one iteration when the volatility is independent of the discount rate . again , the idea is that we calculate the volatility of the project ' s value calculated with an initial discount rate . using the calculated volatility and the stock of a comparison firm , calculate a more appropriate discount rate . if the volatility of the project ' s value is not affected by the change in discount rates then we are done . if , however , the change in discount rates changes volatility , then we may have to iterate . let me know if this makes sense . * * also , our project has a finite life and the market - based assets will have infinite lives . in the light of this fact , how will we define the relevant variance ? is it the spot variance of the returns of the comparison investment ? * * this is a good point . i was thinking in terms of the average variance , but this may not be correct . actually , we know that this is just an approximation and we need to think about whether or not it is a good approximation . typically , firms tend to ignore issues relating to the duration of their project cash flows when they determine discount rate , which clearly does not make sense . this requires some additional thought . * * 4 . finally , our criterion is to subtract from the average pv the investment and also the risk capital . setting risk capital to zero , this model closely resembles the intuitive present value criterion and endogenously determines the discount rate . * * this is correct . my goal was to come up with something that was closely related to what you are already doing but which gives you some insight into how to define risk capital and the appropriate discount rate . there are a number of ways that we can refine and improve this procedure . what we need to first consider is whether or not the basic approach makes sense for the kind of projects that you are evaluating . * * gas field case to facilitate your thinking , we are providing a gas field example below . we invest x million dollars to buy and develop a gas field . a profile of expected production and variance of the production per year is available from the engineers at the beginning . production will be autocorrelated , as the profile will shift up or down based on the actual gas reserves being more or less than the estimated reserves . we assume the life of the field to be 10 years with no salvage value . there are fixed and variable operating costs . it might be useful for you to think about applying the framework to this problem . * * this problem is probably pretty straightforward because it is unlikely that the cash flows will be negative once the gas field is producing . hence , there is no need to be concerned about risk capital ( other than the x million dollars to buy and develop the property ) . to value the property assuming all - equity financing we calculate the value process of the developed project and compare its volatility to a comparison investment whose value process is observable ( e . g . , a traded mlp ) . the risk - adjusted return of the comparison investment would then be used to discount the cash flows of the gas field . please note that this procedure requires relatively strong assumptions and calculating the risk - adjusted return on the comparison investment is not necessarily straightforward . * * let me know when you would like to discuss this . * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * on another topic , is it possible for you to give me information about one case where enron bought or sold a base load power plant , where the purchaser financed the transaction with non - recourse debt . we would like the following information : 1 . the value of the power plant ( or purchase price ) 2 . the amount of debt financing and the terms of the debt contract . 3 . some information about the pricing of gas - power swaps and options . about a year ago i gave vince a paper which develops a pricing model for project debt . i don ' t think he thought that it could be implemented on the type of projects that enron finances . however , my coauthors would like to try applying the model for one case study . let me know when you want to discuss these issues . thanks , sheridan sheridan titman department of finance college of business administration university of texas austin , texas 78712 - 1179 512 - 232 - 2787 ( phone ) 512 - 471 - 5073 ( fax ) titman @ mail . utexas . edu",0 +"Subject: garp fas 133 training garp philip merrill 973 - 258 - 1540 garpnyl @ home . com may 19 , 2000 for immediate release garp announces fas 133 training series garp , the global association of risk professionals , today announces that they will present a series of training sessions to educate the public about fas 133 accounting for derivative and hedging instruments . the standard has been changed and amended significantly in the last two years . this program is being offered because garp recognizes the need to educate the public as to the implications of this complex and significant financial reporting requirement . the series will consist of basic training sessions and an advanced seminar . garp members philip merrill and benton brown will present the basic training sessions . fasb staff members , legal , tax and technology specialists will join mr . merrill and mr . brown at an advanced seminar scheduled for july . the basic training sessions will update participants as to the definition of a derivative , cash flow hedging , fair value hedging , foreign exchange hedging , and elements of implementation . this course will cover the prerequisites for successful participation in the advanced seminar . the basic will also help facilitate participation in the garp fas 133 sessions . the first basic training seminar will be held june 28 , 2000 at the new york society of security analysts headquarters in the world trade center . registration and other detailed information are available from philip merrill at garpnyl @ home . com , or on www . garp . com . the advanced seminar will cover more complex issues relating to fasb staff accounting interpretations , tax , legal and technology implications and advanced risk management tools and techniques . participants in the advanced seminar should have mastered the content of the basic training session . the following people should attend : risk managers , accountants , auditors , lawyers , tax specialists , credit , compliance , technology and other risk professionals .",0 +"Subject: mid - year 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the mid - year 2000 performance management process by providing meaningful feedback on specific employee ( s ) that have been identified for you . your feedback plays an important role in the performance management process , and your participation is very critical to the success of enron ' s performance management goals . please provide feedback on the employee ( s ) listed below by accessing the performance management system ( pep ) and completing an online feedback form as described in the "" performance management quick reference guide "" . you may begin your feedback input immediately . please have all feedback forms completed by the date noted below . if you have any questions regarding pep or your responsibility in the process , please call the pep help desk at the following numbers : in the u . s . : 1 - 713 - 853 - 4777 , option 4 in europe : 44 - 207 - 783 - 4040 , option 4 in canada : 1 - 403 - 974 - 6724 ( canada employees only ) or e - mail your questions to : perfmgmt @ enron . com thank you for your participation in this important process . the following list of employees is a cumulative list of all feedback requests , by operating company , that have an "" open "" feedback status . an employee ' s name will no longer appear once you have completed the feedback form and select the "" submit "" button in pep . review group : enron feedback due date : jun 16 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - ahmad , anjam dale surbey may 22 , 2000 vernon , clayton j vasant shanbhogue may 26 , 2000 zipter , rudi c theodore r murphy may 25 , 2000",0 +"Subject: re : new color printer this is the color printer that is being ordered . here is the info . that i needed . thanks kevin moore - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 12 / 14 / 99 08 : 19 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron technology from : lyn malina 12 / 14 / 99 08 : 09 am to : kevin g moore / hou / ect @ ect cc : subject : re : new color printer kevin : the color printer we currently order is the 4500 n for $ 2753 . 00 . please let me know if this is the one you would like to order . thanks lyn kevin g moore 12 / 14 / 99 06 : 29 am to : lyn malina / hou / ect @ ect cc : subject : new color printer - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 12 / 14 / 99 06 : 29 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 12 / 14 / 99 06 : 27 am to : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : subject : new color printer we are in need of a new color printer . we are also in the process of moving to the 19 th floor . we need the color printer a . s . a . p . if you would please , i need information concerning this matter whereby , we can get the printer ordered and delivered to our new location . thanks kevin moore",0 +"Subject: publishable research . . . . . . vince : the enclosed is from another of the people in the audience of my kao presentation . i talked to him , and he seemed slightly flaky . however , any research he does would be free . he ' s looking for direction . i doubt we would want to waste our time and effort on him , but i thought i should send this to you on the off chance that you might have a need for such a guy . ( maybe doing some research for trish ? ) grant . - - - - - - - - - - - - - - - - - - - - - - forwarded by grant masson / hou / ect on 04 / 25 / 2000 05 : 54 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - steve j on 04 / 22 / 2000 10 : 02 : 11 pm to : grant masson cc : subject : publishable research . . . . . . hi grant , thanks for writing . i have attached my resume and transcripts for your perusal . as you can see , my background is not finance . i became interested in finance via trading the markets . so my research interests initially revolved around the central concept of trading . . . . pricing , technical type thinking , insider transactions , volume , and such . but with exposure , my interests have grown and i have discovered that i really enjoy economics . also there are many issues in finance that sound interesting as i am exposed to them . the point is , i am too early in my career to set strict limits on my interests . my goals are to get introduced to research and to new ideas , to associate with good people , and to work on strengthening my weaknesses . i am interested in starting to build a network within the field of finance and especially quantitative finance . ultimately , i have to prepare myself for independent research in order to succeed in my field . this brings me to my final point . publications are important for me . thus i would want to work on topics that enron would be willing to publish . i would be willing to work on proprietary models , as long as there was a portion of the research that could be written up for publication without jeapordizing the proprietary aspects of the model . just to let you know . i was not in dr . kao ' s energy class . i took his stochastic processes class . dr . kao just mentioned your talk to me as he thought i might be interested in meeting you and learning more about what is being done at enron . thanks again . if you need any more info or want anything clarified , just write me . steve - - - grant masson wrote : > > > steve : > > send me your resume and research interests , and i will > circulate them . > > regards , > grant . > > > = = = = = i believe in a free internet ! ! ! more importantly , i believe in a safe , secure and private internet ! ! do you yahoo ! ? send online invitations with yahoo ! invites . http : / / invites . yahoo . com - r _ t 2 . 1 . doc",0 +"Subject: overview of hr associates / analyst project per david ' s request , attached is an overview of the hr associates / analysts project - creating a human resource value index . this document will provide a brief , top - line overview of the following : description of the challenges people involved positive outcomes high - level description of the process we suggest if you have any questions before our tuesday meeting please contact either myself or dan brown . thanks ! tana cashion david oxley @ ect 10 / 05 / 2000 10 : 20 am to : gerry gibson / corp / enron @ enron cc : andrea yowman / corp / enron @ enron , bob sparger / corp / enron @ enron , tim o ' rourke / corp / enron @ enron , ted c bland / hou / ect @ ect , daniel brown / na / enron @ enron , tana cashion / na / enron @ enron , rhonna palmer / hou / ect @ ect , cindy olson / corp / enron @ enron , vince j kaminski / hou / ect @ ect , kay chapman / hou / ect @ ect , sarah a davis / hou / ect @ ect , marla barnard / enron communications @ enron communications , pam butler / hr / corp / enron @ enron , michelle cash / hou / ect @ ect , brian schaffer / corp / enron @ enron , suzanne brown / hou / ect @ ect , robert jones / corp / enron @ enron , neil davies / corp / enron @ enron subject : re : mission impossible - hr associate groups recommendation and next steps i notice my calender doesn ' t yet seem to have this meeting scheduled . i will ask kay chapman ( since rhonna has now deserted me ! ) to help put a time together . drew / mary , fyi sorry i didn ' t get a chance to send you this before . let me know if you want to attend , happy to have you there . gerry , can you help me put an agenda together so that everyone knows what we are looking to achieve here . in broad terms i am looking to do the following : update all on project we set hr associate group and their recommendations discuss their recommendations and look at any refinements or ideas we think we should also incorporate ( see my thumb nail sketch notes inspired by associate group below ) . reaffirm commitment to take this project forward and agree : team for doing so resources and timimg methodology for agreeing final version . my ambition is that we ( but in particular andrea , bob , gerry , tim , tana , dan , neil , myself and possibly suzanne if she can given the work she had already done in this area ) all agree to contribute to this and get it done without the need for a formation of a new team or group . obviously everyone welcome to participate . tana / dan , can you cicruclate a summary of your teams proposals to this group so we they can review before meeting . could you also agree within your team who you would like to attend this meeting ( i would suggest 2 or 3 of you attend rather than all ) . thanks david david oxley 09 / 26 / 2000 11 : 38 am to : andrea yowman / corp / enron @ enron , bob sparger / corp / enron @ enron , gerry gibson / corp / enron @ enron , tim o ' rourke / corp / enron @ enron , ted c bland / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : daniel brown / na / enron @ enron , tana cashion / na / enron @ enron , rhonna palmer / hou / ect @ ect , cindy olson / corp / enron @ enron subject : mission impossible - hr associate groups recommendation and next steps rhonna , please arrange a meeting later this week for all of those addressed by this message ( vince , it would great if one of your team could attend since we will need some heavy statistical and analytical help to complete this project ) . the prupose of the meeting will be to discuss and delegate next steps required to implement the hr associate groups recommendations for the development of an hr "" value index "" at enron . i would anticipate we will need approx 45 minutes . david",0 +"Subject: review and starting on october 2 vince , you mentioned yesterday to send you an e - mail reminder to speak with norma . i appreciate your support . just as a reminder , i started on october 2 , which was a monday . october 1 was a sunday . thanks for your support on this issue vince . sincerely , lance",0 +"Subject: fw : having iris visit london anita , it seems that i am going to london next week . please see forwarded emails . can you please assist me with my travel arrangements . thanks , iris - - - - - original message - - - - - from : kaminski , vince sent : tuesday , april 24 , 2001 5 : 25 pm to : shanbhogue , vasant ; mack , iris ; dhar , amitava ; kaminski , vince subject : having iris visit london it ' s ok to delay the materials for duffie . he is very busy anyway and is not going to complain . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 24 / 2001 05 : 23 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - scott salmon @ enron 04 / 24 / 2001 01 : 23 pm to : amitava dhar / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , vasant shanbhogue / enron @ enronxgate , ben parsons / lon / ect @ ect , george albanis / lon / ect @ ect , tomas valnek / lon / ect @ ect , bryan seyfried / lon / ect @ ect subject : having iris visit london hi amitava , we ' ve been doing some thinking and discussing here regarding the information on our modelling process we ' ll provide to darryl duffie . we think it would be extremely valuable for iris to come out to london for a couple weeks to gain a better understanding of the how the models integrate and are truly employed . i think this would greatly enhance the "" product "" we ' ll send to duffie as well as giving iris a firm view of enron credit . in addition , she could also explore some of the data sources such as amadeus and others that might be helpful in private firm modelling . if we ' re extremely efficient / lucky in receiving data from d & b or experian , she might be able to begin analysis on that for the private model efforts . i would recommend she plan on coming out for 2 weeks starting the week of 30 apr perhaps . depending on the progress with the private firm data sources , it probably makes sense to send her back to houston to work on calibration sets with a likely return visit to london as required . please let me know your thoughts . cheers , scott ",0 +"Subject: re : real world option pricing hey vince , since i saw you last , the "" real world option princing "" paper has taken on some more interesting results . tim crack and i would certainly like your comments on the previous version and current version because we feel there are still more areas to explore , such as , value at risk . here is where you can download the paper : i hope this e - mail finds you in air conditioned room away from the heat . tom",0 +"Subject: correlation matrix reduction zhiyang , got your message . as we discussed , the best way to breakdown the big correlation matrix between different location indices is through "" cluster analysis "" . the idea is to select major hubs and the "" satellite "" markets . by establish the correlation between the hubs and correlation between the satellites and the hubs , the big matrix can be significantly reduced . then the traders only need to input the correlations between the hubs . this technique has been applied in our value at risk system . you may talk to tanya to find out the details . zimin ps : the wsprd code you requested .",0 +"Subject: pricing default and our may 22 conference call > dear vince : i spoke with ms crenshaw yesterday afternoon about a conference call about developing internet course material . if you have already discussed this with your colleagues , it might be helpful if you could very briefly outline the questions and issues they might raise in the conference call so that i can be a bit better prepared . ms crenshaw also mentioned that you never received my earlier email regarding the credit spread model i developed with stathis and sergey . my earlier email follows , and the nondisclosure agreement is attached . i look forward to talking with you next week . regards , sheridan sheridan titman department of finance college of business administration university of texas austin , texas 78712 - 1179 512 - 232 - 2787 ( phone ) 512 - 471 - 5073 ( fax ) titman @ mail . utexas . edu > - - - - - original message - - - - - > from : sheridan titman > sent : friday , may 05 , 2000 12 : 48 pm > to : ' vince . j . kaminski @ enron . com ' > cc : stathis tompaidis > subject : pricing default > > > dear vince : > > i really enjoyed meeting with you yesterday and learned a lot from our > discussions . > > the ut office of technology licensing and intellectual property has given > us the attached form which they would like you to sign before we send you > a copy of our paper on pricing default . please let me know if this is > agreeable to you . > > i hope we have the opportunity to work with you in the future , either on > the debt pricing models or on the other issues we discussed . > > i look forward to hearing from you . > > regards , > > sheridan > > > > sheridan titman > department of finance > college of business administration > university of texas > austin , texas 78712 - 1179 > > 512 - 232 - 2787 ( phone ) > 512 - 471 - 5073 ( fax ) > > titman @ mail . utexas . edu > - nondisclosure agreement . doc",0 +"Subject: re : support for exotica i briefed vince this morning that we have supplied a fully functional exotica options library to london office ( executable and source codes ) . if you have any questions , my team is ready to help . zimin steven leppard 10 / 13 / 2000 03 : 50 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , dale surbey / lon / ect @ ect , tani nath / lon / ect @ ect cc : paulo issler / hou / ect @ ect , sharad agnihotri / lon / ect @ ect , zimin lu / hou / ect @ ect subject : support for exotica all sharad ' s investigations of exotica ' s status in london have turned up a very confused state of affairs . this isn ' t being helped by the fact that : 1 . anjam is rarely at his desk , and can ' t be found anywhere in the building . 2 . when he is around he isn ' t willing or able to provide all the information sharad might need to support exotica . this is worrying since much of our business depends on the validity of exotica ' s valuations . sharad will now request information from anjam via email to leave a trail , and i want to alert you to the fact that sharad will be cc ' ing you in on these emails . if things don ' t improve soon , i may need to request some assistance in extracting this information from anjam . many thanks , steve",0 +"Subject: greg ball interview shirley : could you please organize interviews for mr . ball with the usual research suspects , including alex huang and tanya tamerchenko ? mr . ball ' s phone numbers are on his enclosed resume . thanks . grant . = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = vince : i talked to this guy briefly . i think he is desparate to get out of unocal before they downsize him out of a job . he has a decent resume and the attached comment from don winslow is interesting . grant . = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = grant - here ' s the resume of the guy that called . sorry for the delay . here are don winslow ' s comments : "" greg was my predecessor in the risk mgt dept at unocal . he reminds me somewhat of remi ' s cousin - mild mannered , physics phd . he is brilliant and expresses himself well . i think he might fit in vince ' s group better than in your group . he has not had much exposure to commercial transactions . he was in bill bradford ' s mba class . he graduated # 1 . """,0 +"Subject: re : energy and e - business : a brief history of the future james , i hall appreciate a copy of "" a brief history of the future . "" vince kaminski enron "" j . p . rosenfield "" on 04 / 24 / 2000 12 : 16 : 25 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : energy and e - business : a brief history of the future mr . vincent j . kaminski managing director enron capital dan yergin , joe stanislaw and julian west of cera ; andy lippman of mit ' s media lab ; susan desanti of the ftc ; and others . ? participation is limited . for more details or to enroll in the summit and / or the e - squared retainer service , please visit http : / / www . cera . com / offerings / ret / e 2 / . please feel free to contact me , or my colleague tim fitzgerald at 617 - 441 - 2679 ; email to tfitzgerald @ cera . com if you have any questions or further considerations sincerely , james rosenfield executive vice president our relationship with you is very important to us . ? if you wish not to receive future e - mail notifications , please send a reply to this message with "" donotemail "" as the subject of your message . ( mailto : info @ cera . com ? subject = donotemail ) ",0 +"Subject: anonymous reporting facilities this is to remind you that various anonymous reporting facilities are available for you to report violations of company policy and suspected criminal conduct by any officer , employee , or agent of the company relating to the performance of his or her duties . these reporting facilities are also available for your questions , messages , comments , and suggestions . any policy violation or criminal conduct may be reported by letter , e - mail , or voice mail , as set forth below , describing the suspected violation or criminal conduct with as much detail as possible to allow the company to conduct an investigation of the reported matter . 1 . letters should be sent to the confidential post office box : enron compliance officer confidential - conduct of business affairs p . o . box 1188 houston , texas 77251 - 1188 2 . e - mails should be sent to the office of the chairman  , s e - mail box : employees with enron e - mail can access this box by sending an e - mail to the office of the chairman . simply type  & office of the chairman  8 in the address box , type your message , and send . your message will be completely anonymous . if , however , you copy your message and e - mail it to someone else , the copy will not be anonymous . 3 . voice mail messages should be left with the office of the chairman phonemail box . you can access the office of the chairman phonemail box by calling ( 713 ) 853 - 7294 . if you call from your extension or an outside line , your message will be completely anonymous . if , however , you access the phonemail box while you are in the phonemail system , your message will not be anonymous . you may , but are not required to , identify yourself . if you would like to identify yourself , please submit your name and phone number with your letter or message . all anonymously reported matters will be investigated and acted upon in the same manner as those that contain signatures . the company takes great pride in ensuring that enron is a great place to work . we encourage each employee to continue to conduct the business affairs of the company in accordance with all applicable laws and in a moral and honest manner .",0 +"Subject: the installation of the equipment you ordered is completed - - - automatic notification system ( request # : ebut - 4 kpqew ) requested for : vince j kaminski requested by : kevin g . moore the installation of the equipment ( see below ) has been completed . 18 in tft 8020 flatpanel opal",0 +"Subject: rooming list for enron offsite candice : listed below are the individuals that will be attending the offsite , august 18 - 20 , 2000 . vince kaminski stinson gibner p . v . krishnarao grant masson zimin lu vasant shanbhogue mike roberts maureen raymond castaneda tanya tamarchenko osman sezgen samer takriti shirley crenshaw regards , shirley crenshaw",0 +"Subject: enron cost of capital vince - tim despain asked me to forward this information to you as part of the effort to establish enron ' s cost of capital . if you need any additional information or clarification , feel free to give me a call at x 57538 . cf",0 +"Subject: tw capacity options we ' re at the point in the project where we are soliciting comments on a draft ferc filing we ' d like to file at the end of the month . if you would , please review our filing , with particular emphasis on product definition , position management and how we described in footnote [ generally ] how the marketplace would evaluate the option fees . you help in this project is greatly appreciated . - - - - - - - - - - - - - - - - - - - - - - forwarded by jeffery fawcett / et & s / enron on 07 / 12 / 2000 03 : 23 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : susan scott 07 / 12 / 2000 03 : 19 pm to : steven harris / et & s / enron @ enron , jeffery fawcett / et & s / enron @ enron , kevin hyatt / et & s / enron @ enron , lorraine lindberg / et & s / enron @ enron , tk lohman / et & s / enron @ enron , michele lokay / et & s / enron @ enron , christine stokes / et & s / enron @ enron , bill cordes / et & s / enron @ enron , mary kay miller / et & s / enron @ enron , julia white / et & s / enron @ enron , shelley corman / et & s / enron @ enron , sstojic @ gbmdc . com , mary darveaux / et & s / enron @ enron , glen hass / et & s / enron @ enron , drew fossum @ enron , john buchanan / et & s / enron @ enron , ramona betancourt / et & s / enron @ enron cc : tony pryor / et & s / enron @ enron , brian hensley / et & s / enron @ enron subject : tw capacity options attached for your review is a draft of transport options filing that incorporates the comments and suggestions i ' ve received since last week . please provide any further suggestions / changes to me as soon as possible , but in no case later than close of business , friday , july 14 . the timeline i ' ve discussed with tw commercial for this project is as follows : final draft comments friday , july 14 circulate draft to customers , customer meetings , time for customers to respond , informal discussion with ferc mon . july 17 - wed . july 26 final internal review / edit of filing thursday , july 27 ferc filing monday , july 31 please let me know your comments on this proposed timeline as well . thank you .",0 +"Subject: risk assessment this is to confirm the meeting setup for november 22 nd at 9 : 00 am w / mechelle atwood and shawn kilchrist regarding risk assessment for 2001 . location is ebl 962 . if you have any questions , please call me at x 58174 . thanks",0 +"Subject: derivative classes i discovered that clewlow and strickland have at least two books , "" implementing derivative models , "" and "" exotic options . "" i gather that "" exotic options "" is the one you intend to use in your class , correct ? by the way , i queried participants in my class , and i heard that the case study approach we occaisionally used was appreciated by several . the var class i taught was from jorian ' s book , which has no exercises and which assumes a particular background in finance and statistics . i created a problem ( not exactly a case study ) that required participant to learn some statistics and try some different approaches . from this , participants got a better idea of why one bothers with certain issues . some liked the "" real world "" flavor of this kind of approach . ( without the case approach , you could provide good counterexampes as a partial remedy . ) best regards and season ' s greetings , michael",0 +"Subject: re : copper curve tani , please touch base with lloyd fleming as to whom from rac should review the methodology . i view that it is the commercial team ' s responsibility to post the curve , operations responsibility to gather objective information on the efficacy of the curve on a ( minimum ) monthly basis and report all highly sensitive curves , rac will not approve or disapprove a curve but question methodology / motivations and subsequent changes and do so in a senior management forum ( i . e . , we will tell on those who have suspect curves or curve movements ) . obviously , we are looking for the best estimate of the value of those products in those time buckets today , we also favor object , consistent application of methodoology intra and inter commodity . ted vince j kaminski 10 / 27 / 2000 04 : 18 pm to : tani nath / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , steven leppard / lon / ect @ ect , tim poullain - patterson / lon / ect @ ect , harry tefoglou / lon / ect @ ect , esther gerratt / lon / ect @ ect , maureen raymond / hou / ect @ ect , ted murphy / hou / ect @ ect subject : re : copper curve tani , no problem . we shall look at the curve on monday . i have organized a small team to examine the curve from different perspectives . curve validation is normally a rac prerogative and i shall get them involved on monday vince tani nath 10 / 27 / 2000 11 : 40 am to : maureen raymond / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , steven leppard / lon / ect @ ect , tim poullain - patterson , harry tefoglou / lon / ect @ ect , esther gerratt / lon / ect @ ect subject : copper curve following steve ' s note to you earlier today , i wanted to mention that we have a fairly urgent need for review of the copper curve in particular , as there is a deal due for final pricing in the next few days . i am not sure what data you have received from enron metals in london , so i am asking tim poullain - patterson to ensure that you have the curves and the economic justification proposed as soon as possible . please direct any questions to him or to harry tefoglou . i will be in the tokyo office next week , but available via e - mail . thanks in advance for your assistance , tani",0 +"Subject: risk management book order vince , fyi , i ordered the risk management book you requested . it will be published on june 2 nd , and we will receive it shortly thereafter . judy 3 - 9584",0 +"Subject: sevile vasant , i spoke with norma about getting a special reward for sevil , in lieu of bonus . please , send to norma the list of projects sevil worked on . vince",0 +"Subject: chairman ' s award - supervisor announcement hello to each of you . i would like to let you know that i will be facilitating the 2000 chairman ' s award program , a vision & values initiative designed to recognize those employees who daily embody enron ' s values of respect , integrity , communication and excellence . this is an annual , employee - driven award which encourages employees to nominate their everyday heroes . a critical component of the award process , and one in which ken lay has given his full support , is the employee selection committee . this year ' s selection committee is made up of a diverse representation from our workforce both in the us and around the world . these individuals were chosen as last year ' s chairman ' s roundtable and have been invited to be part of this year ' s employee selection committee . their infallible enthusiasm for enron ' s vision & values will support the seamless transition from recognized winners to award decision - makers which is necessary to sustain the spirit of the award . you are being notified because one of your employees is on this important committee . the time commitment will be primarily during the first two weeks of october when we will meet either in person or via video / phone conferencing to review the nominations and select the winners . i hope you will congratulate and support them as this is a special honor to be asked to serve on the employee selection committee . if you have any questions at any time , please feel free to contact me via email or phone . warm regards , charla reese 713 . 853 . 5202 members of the 2000 employee selection committee : billi aherns - omaha , ne bobbye brown - portland , or karen campos - houston , tx jaiprakash desai - mumbai , india gary douthwaite - teeside , england donna johnson - portland , or janis hansen - portland , or gene lauritsen - beatrice , ne doug mcneilly - houston , tx kevin moore - houston , tx mason morris - jenkintown , pa craig sutter - houston , tx sue tihista - mandan , nd",0 +"Subject: enronoptions - your stock option program it is amazing and yet not surprising how much enron has accomplished in the first six months of this year . you continue to make it happen . we recognize that you work hard every day to accomplish enron  , s business goals , and we are pleased that many of you have shared in the company  , s financial success through enron stock options . as you may know , the current employee stock option program ( also known as the all employee stock option program or aesop ) began in 1994 and provided value to participants through 2000 . employees who have participated in this program from its inception have realized a 1 , 119 % increase in the value of their stock options ( assuming a stock price of $ 70 ) over the life of the program . enron stock options are a valuable part of your total compensation package and a contributing factor to your performance and to enron  , s continued success . therefore , the enron executive committee and the compensation and management development committee of the enron board of directors have decided to continue to offer stock options as a part of your compensation package . on may 1 , 2000 , the committee approved an employee stock option program for calendar years 2001 - 2005 ( enronoptions  ) your stock option program ) . it is expected that enronoptions  ) your stock option program will be granted , effective on or about december 29 , 2000 , for those employees who are eligible on that date ( please see note below ) . the new program , which is subject to final approval by enron  , s board of directors , is as follows : ? enronoptions  ) your stock option program will give stock options to eligible full - time and part - time regular employees in domestic and international companies / locations . ? the grant of non - qualified stock options will equal 25 % of annual base salary ( 5 % of annual base salary for each year of a 5 - year period ) on december 29 , 2000 . ( salary calculation and value may vary in some international locations . ) ? the board will grant the stock options on december 29 , 2000 . ? eligible employees hired in subsequent years will receive a prorated grant of stock options . why commit your talent and energy to enron ? enronoptions  ) your stock option program , among other good reasons  ( that  , s why . in the coming weeks , you will be receiving more details about enronoptions  ) your stock option program . to provide information and answer your questions , we will introduce a special link on the human resources web - site , host several espeak sessions and continue to communicate with you on a regular basis . in the meantime , if you have immediate questions , please contact your human resources representative . note : in addition to final approval by enron  , s board of directors , granting of options will be subject to new york stock exchange and state and federal regulatory requirements . it is expected that enronoptions  ) your stock option program will be available to most enron employees ; however , some enron companies  , employees may not be eligible due to legal , accounting , tax , labor or business issues . as you know , enron changes to meet the needs of the marketplaces we serve . given that need to change , we will continue to refine the eligibility for enronoptions  ) your stock option program and will communicate more details throughout the year with final eligibility being determined on december 29 , 2000 .",0 +"Subject: re : jeff , the meeting is scheduled for wednesday afternoon . vince from : jeffrey a shankman 07 / 31 / 2000 12 : 56 pm to : vince j kaminski / hou / ect @ ect cc : barbara lewis / hou / ect @ ect subject : please make sure our meeting with skilling gets onto my calendar . thanks . jeff",0 +"Subject: re : video conference for interview : stig faltinsen hi shirley , i hope you had a pleasant easter break . . . . for the video interview for stig faltinsen , if we do friday 28 th april , the only slot available is from 5 pm onwards london time - can vince do from 5 pm to 5 . 30 pm ? regards , anjam x 35383 vince j kaminski 25 / 04 / 2000 16 : 25 to : anjam ahmad / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : video conference for interview : stig faltinsen anjam , sorry , i am busy on thursday . i shall ask shirley to contact you . friday 9 : 30 to 10 : 30 my time would work . vince vince anjam ahmad 04 / 25 / 2000 09 : 51 am to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : video conference for interview : stig faltinsen hi vince , this candidate was forwarded from the norway office . he is finishing his phd in cambridge but is available soon . if you are free on thursday before the regular weekly meeting that would be good - would 3 pm or 4 pm work for you ( 9 am or 10 am your time ) to set up the video interview ? regards , anjam x 35383 cv attached :",0 +"Subject: re : off site with john griebling ' s optical network engineers ravi , sounds good . vince ravi thuraisingham @ enron communications on 03 / 06 / 2000 12 : 44 : 08 pm to : shirley crenshaw / hou / ect @ ect , vince kaminski cc : subject : re : off site with john griebling ' s optical network engineers john can ' t do it till after april 10 th . so we will shoot for april 13 , etc . ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 03 / 06 / 00 12 : 32 pm - - - - - john _ griebling @ palm . net 03 / 02 / 00 09 : 58 am please respond to john _ griebling to : ravi thuraisingham / enron communications @ enron communications cc : subject : re : off site with john griebling ' s optical network engineers i won ' t be available until after april 10 th . ravi _ thuraisingham @ enron . net wrote on 3 / 1 / 00 12 : 29 : hi shirley , please give me a few dates form end of march to first week in april to do an offsite for vince ' s direct reports ( including myself ) and selected ebs research people . this includes , vince direct report from our research group and the following people fr",0 +"Subject: fwd : follow - up call return - path : received : from rly - yho 3 . mx . aol . com ( rly - yho 3 . mail . aol . com [ 172 . 18 . 147 . 35 ] ) by air - yho 2 . mail . aol . com ( v 77 _ rl . 36 ) with esmtp ; mon , 21 may 2001 17 : 26 : 01 - 0400 received : from nx . numerix . com ( [ 63 . 71 . 167 . 197 ] ) by rly - yho 3 . mx . aol . com ( v 77 _ rl . 36 ) with esmtp ; mon , 21 may 2001 17 : 25 : 21 - 0400 received : from nx . numerix . com ( localhost [ 127 . 0 . 0 . 1 ] ) by nx . numerix . com ( 8 . 9 . 3 / 8 . 9 . 3 ) with esmtp id raao 5633 for ; mon , 21 may 2001 17 : 24 : 32 - 0400 received : from dtallam ( hercules . numerix . com [ 63 . 71 . 167 . 196 ] ) by nx . numerix . com ( 8 . 9 . 3 / 8 . 9 . 3 ) with smtp id raao 5628 ; mon , 21 may 2001 17 : 24 : 32 - 0400 from : "" dean tallam "" to : cc : subject : follow - up call date : mon , 21 may 2001 17 : 18 : 41 - 0400 message - id : mime - version : 1 . 0 content - type : multipart / alternative ; boundary = "" - - - - = _ nextpart _ 000 _ 0054 _ 01 coe 21 a . 15 b 849 co "" x - priority : 3 ( normal ) x - msmail - priority : normal x - mailer : microsoft outlook cws , build 9 . 0 . 2416 ( 9 . 0 . 2911 . 0 ) x - mimeole : produced by microsoft mimeole v 5 . 50 . 4133 . 2400 importance : normal vince , i hope all is well with you . dimitri raevsky , formerly the head of quantitative analysis and risk for global credit derivatives at jp morgan chase , has joined numerix as the product manager for credit products . at jp morgan chase , one of the leading players within the credit derivatives market , dimitri played an active role in the structuring , valuing and marketing of credit derivative products . dimitri provides numerix with strong expertise in credit - related analytics / valuation methodologies as well as market practices . dimitri will be responsible for developing state - of - the - art credit software solutions for numerix . one of the first credit software products he will be developing is a toolkit for credit derivatives that will provide end - users with all the analytical tools and modules necessary for building credit derivatives solutions . we would be pleased to have dimitri speak with you and your colleagues at enron to review our plans for credit derivatives . we are available any time on friday may 25 th . please advise as to whether this date would be convenient . dean",0 +"Subject: re : grades thank you ! - pam at 08 : 15 am 5 / 4 / 01 - 0500 , you wrote : > pam , > > another term paper : > > > john ganguzza > neeraj hingorani > grant johnson > duane maue > rishad patel > eric van stone > palo yoshiuro > > > grade : a > > please , confirm . > > > vince",0 +"Subject: re : tani , yes , i am aware of it . thanks for letting me know who is the hr rep in london . vince tani nath 05 / 02 / 2001 09 : 01 am to : vince j kaminski / hou / ect @ ect cc : tara rozen / lon / ect @ ect subject : vince , i don ' t know if you are already aware of this , but maureen raymond has been taken ill and i understand has received medical advice that she should not travel before the end of next week at the earliest . tara is the appropriate hr representative in london ; i will ask her to keep both you and houston hr informed of the situation . many thanks , tani",0 +"Subject: storage model change : commodity delta dear all , i change the storage model output to its total value versus the unit value before . the total value refers to the total present value of the storage capacity at given status ( initial conditions ) . the way i calculate the unit value is ( total pv - s * capacity taken ) / total capacity which could suffer some negative numbers since s , the spot price could be very high . the correct way is to define the s as the average injection gas price , but this would be troublesome to compute . by switching to total pv , the delta can be interpreted as total commodity delta for the hedge . actually , duffie also suggested using the total pv as the output in his audit review . i have attached the xll model below . zimin",0 +"Subject: forward oil prices john , i am forwarding to you the request by jens . we gave in the past our forward oil curves ( with approval of greg whalley ) to some academics . what is your position on this request ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 27 / 2000 04 : 29 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - jens gobel @ enron 10 / 26 / 2000 12 : 06 pm to : vince j kaminski / hou / ect @ ect cc : subject : forward oil prices vince , as discussed on the phone , i am sending you the request that i have received from prof . buehler . prof . buehler is the head of the faculty of finance at mannheim university in germany . currently , he is writing a study about the hedging strategy that led to the metallgesellschaft debacle . for this study he would like to get forward oil prices form us . the forward oil prices should be for wti with cushing as the delivery point for the time period july 1986 and december 1996 with remaining contract durations between one and ten years . it would be ideal to get this data on a daily basis . weekly or monthly data is helpful as well , of course . since mannheim university is among enron ' s tier one recruiting universities in germany , it would be great if we could help him with some data . thanks a lot for your help . jens o . korn @ uni - mannheim . de on 10 / 10 / 2000 11 : 44 : 57 am to : jens . gobel @ enron . com cc : subject : daten sehr geehrter herr goebel , bezugnehmend auf ihr heutiges telefongespraech mit herrn prof . buehler hat mich prof . buehler gebeten , ihnen genauer darzustellen , welche daten idealerweise fuer unsere studie benoetigt wuerden . zunaechst zum hintergrund . wir sind auf enron gestossen , weil eduardo schwartz in einer seiner arbeiten die folgende datenquelle angibt : "" in addition to the publicly available futures data described above , for the purpose of this study enron capital and trade resources made available some proprietary historical forward price curves from 1 / 15 / 93 to 5 / 16 / 96 . from these data ten forward prices were used in estimation , ranging in maturities from two months to nine years "" dies laesst uns annehmen , dass enron bestimmte daten verfuegbar hat . nun zum idealen datensatz : forwardoelpreise ( am besten wti mit lieferung in cushing ) fuer restlaufzeiten zwischen einem und zehn jahren fuer den zeitraum juli 1986 bis dezember 1996 . dabei waere eine hohe datenfrequenz ideal ( taeglich , ansonsten woechentlich oder monatlich ) . zusaetzlich waeren auch spotpreise fuer wti mit lieferung in cushing nuetzlich . diese idealen datenanforderungen werden sich vermutlich nicht erfuellen lassen . jedoch waere uns auch schon geholfen , wenn ein kuerzerer zeitraum oder eine niedrigere datenfrequenz vorlaege . wir waernen ihnen sehr dankbar , wenn sie in erfahrung bringen koennten , inwiefern solche daten von enron zu erhalten sind . herzlichen dank fuer ihre muehe und beste gruesse olaf korn p . s . bei rueckfragen stehe ich ihnen jederzeit gern zur verfuegung dr . olaf korn university of mannheim chair of finance d - 68131 mannheim germany tel . : + + 49 / 621 / 181 - 1487 fax . : + + 49 / 621 / 181 - 1519 e - mail : o . korn @ uni - mannheim . de",0 +"Subject: institutional investor journals profile update confirmation thank you for updating your ii journals profile information . changes to your user id , password and e - mail address have been made . please allow 24 hours for any other changes you ' ve made to take effect in our system . here is the profile information we have for you : account number : 12973228 first name : vince last name : kaminski company name : enron corp position : managing director department : address 1 : 1400 smith st eb 1962 address 2 : city : houston state : tx zip code : 77002 - 7327 country : usa phone : ( 713 ) 853 - 3848 extension : fax : ( 713 ) 646 - 2503 foreign phone : foreign fax : email : vkamins @ enron . com user id : vkaminski password : italia",0 +"Subject: natural gas storage research i am working on a report aimed at energy marketers that will examine natural gas storage : effects on energy trading . i am looking for people who can talk about the importance of this subject to power marketers . please contact me if you can inform me on any of the following subjects . i am interested in exploring the following issues : 1 . storage process : transportation , injection , withdrawal 2 . are all storage facilities connected to pipelines ? 3 . description of types of storage facilities : salt caverns , above - ground tanks , inactive underground volcano , others 4 . problems that limit underground reservoir effectiveness 5 . historical storage data 6 . contributing factors to storage levels : weather , generation demand , reliability concerns 7 . national map of storage facilities and capacities 8 . terms definitions : base gas , working gas , underground storage , traditional storage , salt caverns , other relevant terms 9 . impact of storage fluctuations on prices and energy trading 10 . safety issues of natural gas storage 11 . seasonal storage trends 12 . total amount of national storage capacity 13 . future storage capacity needs 14 . lng as storage alternative 15 . technology improvements 16 . who regulated natural gas storage ? 17 . list of storage facility owners if you are involved with natural gas storage , or are an energy trader who is affected by natural gas storage , please contact me by november 13 th . thank you in advance for your help ! barbara drazga independent journalist denver , colo . tel : 303 - 369 - 3533 fax : 303 - 369 - 3510 energywriter @ aol . com",0 +"Subject: re : resume - norberto valdes elizabeth , yes , she referred norberto to us . we had an informal interview with him . we would like to invite him for a round of formal interviews later this week . please include me , tanya tamarchenko , ted murphy , krishnarao pinnamaneni , grant masson . i asked liza to talk to you to set up formal arrangements with enron hr ( a contract , fee schedule approval , etc . ) . i shall ask you for help next week when we have more information : several members of our group from london will rotate through our houston office this summer . we shall need help in making living arrangements , including apartments , car , etc . also , we have an employee from india rotating through our group this summer . please , let me know who is the best person in hr to ask for assistance . vince from : elizabeth grant 05 / 05 / 2000 08 : 10 am to : vince j kaminski / hou / ect @ ect cc : subject : resume - norberto valdes vince , lisa woods ford ( independent recruiter ) tells me that she has referred this resume to you . any interest in setting norberto up for interviews ? - elizabeth - - - - - - - - - - - - - - - - - - - - - - forwarded by elizabeth grant / hou / ect on 05 / 05 / 2000 08 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - nvaldes @ txuenergy . com on 05 / 03 / 2000 09 : 32 : 29 am to : elizabeth . grant @ enron . com cc : subject : norberto ' s resume dear elizabeth per our conversation here is norberto ' s resume . thanks . lisa ford ( see attached file : resumen 4 . doc ) - resumen 4 . doc",0 +"Subject: dinner speaker - may 23 shirley , this is to follow up today ' s conversation with anita . as mentioned paul kleindorfer invited vince to be our dinner speaker on thursday , may 24 . on reflection given the strong line up for wednesday - fred kahn et al - we would very much like vince to be the speaker on wednesday . this will conclude the day very well giving participants a strong incentive to be there for the wednesday . i gather that this change should be acceptable to vince . we will show vince ' s name as follows : wincety j . kaminski managing director - research enron jeremy will be em ailing you the program with this information immediately . we would like to go to press today . failing that we can go to press tomorrow . we would very much appreciate your confirming this and making any corrections or changes . if you would respond to all of us it would be appreciated . michael michael a . crew professor ii director - center for research in regulated industries editor - journal of regulatory economics rutgers university , graduate school of management 180 university avenue newark , n . j . 07102 - 1897 phone : 973 353 5049 fax : 973 353 1348 http : / / www - rci . rutgers . edu / ~ crri",0 +"Subject: re : thank you dear vince , it was our privilege to have you here . paul ' s wife had a baby yesterday , and paul will be back on thursday . so maybe item 3 can wait until paul ' s return . as for ( 2 ) , yes - i will need a ps reader : o ) again , let us check paul ' s diary on his return before fixing a time for quentin kerr 1 1 . the resume you sent to me and grant looks quite good . i think it makes sense to interview this person and we can help you with a phone interview . is this simon ? ? ? thanks raymond vince j kaminski @ ect 08 / 08 / 2000 06 : 30 am to : paul quilkey / enron _ development @ enron _ development , raymond yeow / enron _ development @ enron _ development cc : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect subject : thank you paul & raymond , it took more than a few days to catch up after i came back from australia . there are few things i would like to bring up to your attention . first of all , i would like to thank you for your hospitality . i learned a lot about the australian markets and was greatly impressed with the quality of the people at the sydney office . 1 . the resume you sent to me and grant looks quite good . i think it makes sense to interview this person and we can help you with a phone interview . 2 . i have received another resume that looks very promising . i am very interested in this guy and would be ready to bring him over to the states where we lack desperately technical talent . can you help us by interviewing him in sydney ? the main determination i need from you is whether he can function in a company like enron . as any good academic he sent his resume in a ps format and i shall fax you a copy in case you don ' t have a postscript reader on your system . 3 . christian werner does some really neat things on the weather front . i would like to determine if he can help us to upgrade our systems . can we bring him to houston for a week to discuss the weather forecasting technology with mike roberts and joe hrgovcic ? i think that he could learn a lot from mike and other weather guys here how we translate weather info into business - related information . i shall be glad to underwrite the cost of this trip . vince",0 +"Subject: lng by rail vince , i was thinking about the type of things you could be talking to jeff shankman about , in the dabhol lng context . it occurred to me that one way to collect on regas charges , and still find alternate cutomers for gas is through the railways . some time back , i had looked into the possiblility of transporting lng by train . apparently , technology exists wherein lng can be put into cryogenic containers that can be trucked as well as the same containers being loaded from trucks to train bogies . i believe this maybe a way to earn some monies with lng by developing just such a market in india for commercial customers . it is pertinent to note that the konkan rail line is just about 1 hr . 45 minutes from the dabhol plant . trucks from dabhol could carry lng to the rail line at guhagar from where it could travel up and down the west coast of india . if we target end - consumers directly , we could easily sell at retail type prices , and build in a large margin , even if the volumes disposed are relatively smaller . ( the alternative fuel for most of these establishments is diesel or naphtha which is highly priced , and mostly trucked along roads , increasing costs ) . the end aim is to keep income targets in india , so that the analysts do not have a field day with the stock . hence keeping activity up in india , and showing that solutions exist , will keep stock price buoyed . we could explore this idea if it appeals ! regards , sandeep .",0 +"Subject: spring 2001 module and calendar schedule attached spring 2001 faculty , attached is the spring 2001 module and calendar schedules for your review . please note the jones graduate school is not following the traditional university calendar for spring break this year . if you have any questions please contact me . kathy kathy m . spradling mba program coordinator jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 3313 fax : ( 713 ) 348 - 5251 email : spradlin @ rice . edu http : / / www . rice . edu / jgs e - mail : spradlin @ rice . edu http : / / www . ruf . rice . edu / ~ jgs / - spring module 2001 sch . doc - spring module 2001 cal . doc",0 +"Subject: mid - year 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the mid - year 2000 performance management process by providing meaningful feedback on specific employee ( s ) that have been identified for you . your feedback plays an important role in the performance management process , and your participation is very critical to the success of enron ' s performance management goals . please provide feedback on the employee ( s ) listed below by accessing the performance management system ( pep ) and completing an online feedback form as described in the "" performance management quick reference guide "" . you may begin your feedback input immediately . please have all feedback forms completed by the date noted below . if you have any questions regarding pep or your responsibility in the process , please call the pep help desk at the following numbers : in the u . s . : 1 - 713 - 853 - 4777 , option 4 in europe : 44 - 207 - 783 - 4040 , option 4 in canada : 1 - 403 - 974 - 6724 ( canada employees only ) or e - mail your questions to : perfmgmt @ enron . com thank you for your participation in this important process . the following list of employees is a cumulative list of all feedback requests , by operating company , that have an "" open "" feedback status . an employee ' s name will no longer appear once you have completed the feedback form and select the "" submit "" button in pep . review group : enron feedback due date : jun 16 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - ahmad , anjam dale surbey may 22 , 2000 carson , margaret m james d steffes may 26 , 2000 ghosh , soma timothy davies may 31 , 2000 vernon , clayton j vasant shanbhogue may 26 , 2000 yuan , ding richard l carson jun 02 , 2000 zipter , rudi c theodore r murphy may 25 , 2000",0 +"Subject: re : sharad agnihotri kate , has the paperwork been finalized yet ? let me know if we ' ve agreed a start date yet . thanks , dale kate bruges 18 / 07 / 2000 12 : 52 to : dale surbey / lon / ect @ ect , anjam ahmad / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : sharad agnihotri i have just spoken to alex blair from alexander mann who met with sharad this morning . sharad has verbally accepted our revised offer and is expected to return the paperwork tomorrow . i will let you know as soon as i get a start date from him . regards kate",0 +"Subject: hickerson / egm knowledge management following our meeting with gary today , scott and i prepared the following work plan . hopefully , this reflects the conversation and planning in today ' s meetings . please send comments and revisions . cordially , robert johnston manager , political & sovereign risk enron north america 713 - 853 - 9934",0 +"Subject: grms access grant & vince , i have approved your request for risktrac ( formerly grms ) access . in about a week , contact your it help desk representative to verify the deployment onto your desktop . thanks , rudi",0 +"Subject: petrochem desk i had a chance to speak with christian lebroc this morning with regard to curve building for petrochemicals . as it turns out , christian left rac in april and joined the petrochem desk as a trader . previous efforts at construction of a forward curve by the group have focused on intuition or swags . unfortunately , the group had a rough p & l year with at least some of the blame directed toward the forward curve or lack thereof . when asked about the fundamentals group , christian indicated that they ' d only been around about 3 - 4 months and are not yet well - suited to curve building . john nowlan is indeed the head of the group . from a timing perspective , i told christian that it would probably take at least 6 - 8 weeks to develop a curve , especially considering the need to understand the key market drivers / fundamentals . as was suggested yesterday during our meeting , a strong relationship between petrochemicals and a nymex component ( e . g . , crude oil ) would provide a great beginning point - - we could then potentially strengthen / augment this relationship with other key factors ( e . g . , supply and demand terms ) borne out of our market research . nelson",0 +"Subject: book order julie , we received the shipment of 50 books . thanks . the book was an instant hit . we need 50 more books . vince p . s . i understand paul sent you the check for the remaining 50 %",0 +"Subject: re : research and development charges to gpg vera , we shall talk to the accounting group about the correction . vince 08 / 09 / 2000 03 : 26 pm vera apodaca @ enron vera apodaca @ enron vera apodaca @ enron 08 / 09 / 2000 03 : 26 pm 08 / 09 / 2000 03 : 26 pm to : pinnamaneni krishnarao / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : research and development charges to gpg per mail dated june 15 from kim watson , there was supposed to have occurred a true - up of $ 274 . 7 in july for the fist six months of 2000 . reviewing july actuals , i was not able to locate this entry . would you pls let me know whether this entry was made , if not , when do you intend to process it . thanks .",0 +"Subject: re : tanya ' s vacation tanya , no problem . vince tanya tamarchenko 12 / 12 / 2000 01 : 28 pm to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : re : tanya ' s vacation vince , i was going to take afternoon off this thursday . is it ok ? tanya",0 +"Subject: re : lsu seminar visit dear vince , i just left voice mail for you . we are interested in obtaining copies of the papers you ' ll be using as the basis for your presentations on thursday and friday so that we can get these materials distributed . can you call me at 225 - 388 - 0447 so we can discuss this ? i would also like to be able to go over the schedule with you just to make sure that we are on the same page . thanks for taking the time to visit us . we are looking forward to your visit . sincerely , jim garven james r . garven william h . wright , jr . endowed chair for financial services department of finance 2158 ceba e . j . ourso college of business administration louisiana state university baton rouge , la 70803 - 6308 voice ( 225 ) 388 - 0477 | fax : ( 800 ) 859 - 6361 e - mail : jgarven @ lsu . edu home page : http : / / garven . lsu . edu vita : http : / / garven . lsu . edu / dossier . html research paper archive : http : / / garven . lsu . edu / research . html - attl . htm",0 +"Subject: energy extravaganza - 2 weeks away ! energy extravaganza is just two weeks away - saturday , may 6 , 2000 ! if you haven ' t bought your ticket or asked your company to sponsor a table , do so and let us know . there are still spots available for both , and you won ' t want to miss this exciting evening ! there will be magic , dinner , dancing and some wonderful silent auction items for the taking ! bid on condos in maui , lake tahoe and a log home in angelfire ! there will be golf and hunting packages , sports memorabilia , and pamper packages for your significant other ! there are still a limited number of raffle tickets left for a chance at that new 2000 harley davidson 1200 custom sportster , so call the hea office if you would like to buy one or to purchase your gala tickets . don ' t delay - we want to see you there ! this message was sent by : teresa knight , executive director houston energy association ( hea ) phone : ( 713 ) 651 - 0551 fax : ( 713 ) 659 - 6424 tknight @ houstonenergy . org if you would like to have your email address removed from our mailing list , please click the link below to the hea home page , where you will find a mini - form to remove your name automatically . http : / / www . houstonenergy . org /",0 +"Subject: fw : final revised document . thanks . - - - - - - - - - - - - - - - - - - - - - - forwarded by jeffrey a shankman / hou / ect on 08 / 04 / 2000 01 : 56 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" piazze , thomas "" on 08 / 04 / 2000 01 : 50 : 31 pm to : "" ' shankman , jeff ' "" cc : subject : fw : final revised document . thanks . jeff : good talking with you earlier this week and happy to hear that your conversation with jeff skilling was such a positive one . i am looking forward to working with you , vince and mark palmer in the near future to put in place a comprehensive plan to maximize the enron / wharton relationship in a number of different areas . i also know that a number of the faculty will be extremely pleased to learn of this news and will be quick to get the ball rolling . as promised , i am forwarding a document outlining all on campus sponsorship opportunities , minus the student business plan competition , for the upcoming school year . please review and pass it on the celeste roberts , for whom i do not have an accurate e - mail address . there are a number of student conferences that you may wish to consider participating in as a means for getting the enron name in front of them . please don ' t hesitate to contact me with any questions you may have or requests for additional information . i will also contact the career management office and ask that they call celeste to discuss career orientation panel sessions . i know that you must plan your schedule well in advance and will do my best to facilitate that process . thanks again for all you are doing to bring our two institutions together . it is important and makes a big difference . look forward to hearing from you soon . tom - - - - - original message - - - - - from : henley , nadina sent : friday , july 28 , 2000 9 : 54 am to : piazze , thomas subject : final revised document . thanks . > - opportunities . doc",0 +"Subject: re : i am zhendong sure thing ! - - - - - original message - - - - - from : kaminski , vince sent : thursday , april 12 , 2001 3 : 21 pm to : molly magee / hou / ect @ enron cc : gibner , stinson ; crenshaw , shirley subject : i am zhendong molly , we would like to hire this person for the summer ( standard offer ) . thanks . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 12 / 2001 03 : 22 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zhendong xia on 04 / 11 / 2001 09 : 14 : 01 pm to : vince . j . kaminski @ enron . com cc : subject : i am zhendong hi , dr . kaminski : i am zhendong , the student of dr . deng . i think dr . deng has sent my resume to you . i am very happy to have an opportunity to work with you this summer . i am a student in both ms qcf and ph . d eda programs in georgia tech now . i plan to find a job in industry instead of academic after my graduation . so i intend to do internship during the process of prusuing my degree to acquire some experience for my future career . i hope to start on 5 / 14 / 2001 and end on 8 / 17 / 2001 . thanks a lot . zhendong xia georgia institute of technology school of industrial and systems engineering email : dengie @ isye . gatech . edu dengie @ sina . com tel : ( h ) 404 - 8975103 ( o ) 404 - 8944318 ",0 +"Subject: subscription renewals vince : do you want to renew the below listed subscriptions ? please let me know . thanks shirley shirley , i hope you had a good weekend . the following subscriptions for vince are up for renewal . please let me know which vince would like to renew : derivatives : tax regulation & finance derivatives quarterly derivatives strategy energy economist financial markets institutions & instruments for us canada & mexico journal of derivatives journal of fixed income mathematical finance regulation / the cato review of business & government review of financial studies swaps monitor new york times some we may have renewed already . call me with any questions . thank you susan",0 +"Subject: message 2 i am sorry to send you the multi - email , because the mail server doesn ' t have enough memory . it always cause some troubles . ps : attached with my paper entitled "" multireset american - style put options valuation and optimal resetting "" . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - quentin kerr , email : qkerr @ maths . uq . edu . au room : 67 - 622 tel : ( 07 ) 33461428 department of mathematics , the university of queensland - multiresets . ps",0 +"Subject: re : information vince , i will look into this right away . i am sorry for the slow response . in the future please send me e - mails at shalesh _ ganjoo @ enron . net because i check that address more frequently than this one . thank you . shalesh ganjoo vince j kaminski 11 / 21 / 2000 09 : 15 am to : shalesh ganjoo / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : information shalesh , please , look into it . can we give them this information ? i see a remote possibility of a gain for enron : it ' s in our interest to support the growth of this market and part of the process is development of the infrastructure for this market and maintaining public interest . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 21 / 2000 09 : 18 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" yann d ' halluin "" on 11 / 16 / 2000 01 : 18 : 39 pm to : vince . j . kaminski @ enron . com cc : subject : information dear sir : the scientific computation group at the university of waterloo , ontario , canada , has recently started to be very interested in the recent developments of the bandwidth market . we find that the specifics of the bandwidth market offer challenges from the modelling point of view . however , we have encountered difficulties when looking for data , and we were wondering if you could help us . specifically we would like to know for a given city pair for the different existing type of lines ( e . g . oc 3 , ocl 2 , oc 48 . . . . ) 1 . what has been the spot lease prices ( e . g . $ / line - type / mile ) for the past 12 months ? 2 . what is the price of the dark fiber for a given type of line ? 3 . what is the maintenance cost $ / month ? ( for the same lines , e . g . oc 3 , ocl 2 , oc 48 , . . . ) 4 . what is the upgrading cost for the different lines ? ( e . g . how much does it cost to upgrade ) oc 3 - - > ocl 2 oc 3 - - > oc 48 ocl 2 - - > oc 48 5 . how long does it take to upgrade a line from a certain capacity to another ( e . g . 1 month , 2 month , . . . ) ? we realize that some of these questions may ask for confidential data , in that case we would really appreciate if an order of magnitude was provided . i look forward to hearing from you . sincerely , yann d ' halluin p . s : here is a link to our web page : http : / / www . scicom . uwaterloo . ca - - this email and any files transmitted with it are confidential and intended solely for the use of the individual or entity to whom they are addressed . any unauthorized review , use , disclosure or distribution is prohibited . if you are not the intended recipient , please contact the sender by reply e - mail and destroy all copies of the original message . ",0 +"Subject: computers from research group good morning all : this past weekend you moved two computers from ebl 972 b and 1972 g and were supposed to install them in ebl 941 and eb 1952 . what happened ? there is no computer in eb 1941 and only the monitor in eb 1952 . we need this equipment back . please install as soon as possible . thanks and have a great day ! shirley 3 - 5290",0 +"Subject: re : replied resume vince / sally it appears that the implied vol on this one is quite high . perhaps we can lower our var using historical vols . i would be happy to interview him . his resume does not appear to be research - worthy by any stretch so i guess rac or ops might be a fit should i forward his resume to tony vasut and bring him in to see a couple of racs and a couple of ops as sort of a first exploratory interview ? ? sally - pls advise your thoughts . vince - is this the price of being a risk management rock star ? ted vince j kaminski 06 / 23 / 2000 08 : 18 am to : sally beck / hou / ect @ ect , michael e moscoso / hou / ect @ ect , bob shults / hou / ect @ ect , ted murphy / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : replied resume i am forwarding a resume of one candidate who is very persistent and quite aggressive . please , take a look at him . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 23 / 2000 08 : 18 am - - - - - - - - - - - - - - - - - - - - - - - - - - - eric hilton on 06 / 22 / 2000 11 : 20 : 11 pm to : vince . j . kaminski @ enron . com cc : subject : replied resume mr . kaminski , ? ? ? ? ? ? ? i sent an actual resume via the postal service . i guess you never received it . thank you for your patience . a few features i possess that suggest that i may be a representative your well established company would value are : ? seven - plus years as a manager / junior executive of logistics in a fast - paced , demanding , and constantly evolving retail industry . experience in effectively developing and implementing policies and tasks under marketing , logistics , brand management , and best practices . ba degree in marketing with a 3 . 88 gpa from the university of san moritz , london england . extensive knowledge in management with the ability to effectively manage multiple tasks , as well as multiple associates , to achieve specific goals in research and brand management within the company ' s deadline . seven - plus years effectively implementing and teaching dynamic and successful customer service . with my current employer , i am in charge of logistics research and reports / data collection , as well as responsible for developing new and successful ideas and implementing them under constantly evolving brand management and best practices . traveling to london , england and extensively finishing my degree indicates that i am willing to go the  & extra mile  8 to achieve and obtain my goals . perhaps , mr . kaminiski , ? i am an associate you need at your well - respected company . i would be very happy to meet with you , at your convenience , to discuss the possibility of putting my education and experience to work for enron . thank you for your consideration . i look forward to hearing from you . i have attached my resume to this email formatted under microsoft word . warmest regards , eric hilton ? - my resume",0 +"Subject: mg memo i am sending you an updated version of the mg var memo , following the discussion grant and i had with bjorn thursday evening . please , let me know if you think more changes are required . vince",0 +"Subject: managing energy price risk - - second edition dear vince : i just wanted to thank you for supplying a copy of the book . the article on the natural gas market is just what i ' ve been looking for . the new addition , coupled with the first version ' s discussion of the volatility of the gas market in the mid 90 ' s should be very helpful in convincing these government watchdog types that basis adjustments in pricing formulas are not some sinister plot to deprive the feds of their royalties . or should if there is any rationality in government . thanks again for your help . best regards , steve williams eog resources",0 +"Subject: web based expense report implementation deadline xms communication the expense management system ( xms ) is a tool used to electronically submit your expense report for approval and payment through the enron intranet . it is user friendly , accurate and less labor intensive for you and our accounting staff . this product was initially made available october 15 , 2000 and approximately 50 % of the houston employees are currently using it to submit their expense reports . our goal is to have all enron employees using the xms system by april 15 ( income tax day  * easy to remember ) . there are some changes coming to the accounts payable ( ap ) department that are compelling us to fully utilize the xms system . in the near future paper and e - mail directed expense reports will not be accepted . if you are unsure of how to use the xms system there is training available through leap that will explain how to use the system . the following training information is from the december 14 th enron announcement about xms : training go to the it central web page . select services > training . click on "" schedules "" in the north america column , and go to the xms workshop schedule to choose your class . if no > classes are listed , call the training department and place your request at ( 713 ) 853 - 1816 . those in outlying locations and those who prefer on - line training can use leap by signing on to isc . enron . com and clicking on "" training and education , "" then leap ( shown as a link ) . use xms ( lower case ) as the user id and password . documentation step by step documentation is also available from it central web page . select services > training . click on "" documentation "" in the north america column and choose xms user ' s guide from the list . application support services call the isc help desk at ( 713 ) 345 - 4 sap ( 4727 ) . do not call accounts payable with questions about how to use the system or with issues regarding electronic pre - populated data .",0 +"Subject: re : visiting enron giuseppe , thanks a lot . i would appreciate if you could set up a meeting with prof . bambos . we talked to him during our last visit and we would like to follow up with some specific proposals regarding research projects enron could sponsor . vince giuseppe andrea paleologo on 02 / 14 / 2000 03 : 20 : 52 pm please respond to gappy @ stanford . edu to : vince j kaminski / hou / ect @ ect cc : subject : visiting enron dr . kaminski , i would like to thank you very much for taking care of amy and me during our trip to houston . what i saw at enron communication was nothing short of revolutionary . more than that , i was impressed with the drive of the people , their kindness , and their proficiency . i look forward to meeting you again in stanford during the last weekend of february . i will send you an email next week , so that we can arrange a meeting between you and prof . bambos . all the best wishes , giuseppe - - : : giuseppe a paleologo : : http : / / www . stanford . edu / ~ gappy "" what a waste it is to lose one ' s mind . or not to have a mind is being very wasteful . how true that is . "" - vice president dan quayle winning friends while speaking to the united negro college fund , 5 / 9 / 89 -",0 +"Subject: demand price elasticities here are excerpts from some work i recently did for epri . perhaps you will find it of some interest . i don ' t have the right to send you the whole article but i was allowed to send you some excerpts . naturally , this is intended for you alone . best regards , jhherbert - t 64 - 67 nletter 1 - 01 rev . doc",0 +"Subject: williams licenses prosrm capacity management system from pros revenue management since i left , i don ' t know where this project stands . however , thought you might want to see this . hope all is well . regards , stephanie - - - - - - - - - - - - - - - - - - - - - - forwarded by stephanie miller / corp / enron on 03 / 15 / 2000 10 : 54 am - - - - - - - - - - - - - - - - - - - - - - - - - - - trobison @ prosrm . com on 03 / 15 / 2000 10 : 38 : 31 am to : smiller @ enron . com cc : subject : williams licenses prosrm capacity management system from pros revenue management tina robison corporate communications pros revenue management 713 - 335 - 5397 - fax 713 - 335 - 5813 - phone trobison @ prosrm . com - williams . pros . pdf",0 +"Subject: re : next visit to houston ed , i shall be available on both days . what about wednesday , july 12 , between 1 : 30 and 4 : 00 . please , let me know what time would work for you . it will be nice to see you again . vince p . s . by the way , did you have a chance to take a look at the eol ? "" edward krapels "" on 06 / 28 / 2000 02 : 49 : 41 pm please respond to ekrapels @ esaibos . com to : vince j kaminski / hou / ect @ ect cc : subject : next visit to houston dear vince , i will be returning to houston during the week of july 10 . esai and weather services international have launched - - after more than 18 months of r & d - - our service , called energycast power trader and energycast gas trader , for power traders in nepool and pjm . i would be happy to review the service with you as well as take you on a tour of our web site . are you available on july 12 - 13 ? sincerely , ed krapels - 61900 _ wsiesai _ energycast . doc",0 +"Subject: re : rtp project please count the following 3 people from enron energy services to attend the conference : anoush farhangi osman sezgen p v krishnarao if there are additional people interested in attending the conference , i will let you know . best regards , krishna . - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 03 / 20 / 2001 03 : 12 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 03 / 19 / 2001 11 : 32 am to : pinnamaneni krishnarao / hou / ect @ ect cc : subject : re : rtp project krishna , please , confirm with hill huntington . vince pinnamaneni krishnarao 03 / 19 / 2001 09 : 28 am to : vince j kaminski / hou / ect @ ect cc : subject : re : rtp project yes , i would be definitely interested . count me and osman also to participate . i will forward your email to others in ees who might be interested also . krishna . vince j kaminski 03 / 19 / 2001 08 : 12 am to : john henderson / hou / ees @ ees , pinnamaneni krishnarao / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : rtp project john and krishna , i am sending you an outline of a conference at stanford on topics related to demand - side pricing and management in the power markets . please , let me know if you are personally interested and who else in your respective organizations would like to attend . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 19 / 2001 08 : 10 am - - - - - - - - - - - - - - - - - - - - - - - - - - - hill huntington on 03 / 15 / 2001 05 : 26 : 55 pm to : vkamins @ enron . com cc : subject : rtp project vince , targetted conference date is th - f june 21 - 22 at stanford . enclosed in the recent revision to what i sent before . great to meet you , hill - retail notes . rtf hillard g . huntington emf - an international forum on energy and environmental markets voice : ( 650 ) 723 - 1050 408 terman center fax : ( 650 ) 725 - 5362 stanford university email : hillh @ stanford . edu stanford , ca 94305 - 4026 emf website : http : / / www . stanford . edu / group / emf /",0 +"Subject: capital book to further the process of reaching the stated objectives of increasing enron america ' s velocity of capital and associated return on invested capital , we have decided to create a capital book . the capital book will have no profit target associated with it and will be managed by joe deffner . the purpose of creating this book is to ensure that all transactions within enron americas , with any form of capital requirement , are structured correctly and are allocated the appropriate cost of capital charge . the previous numbers used in the business plans at the beginning of this year will remain for all transactions in place and where we hold assets . therefore , on any assets currently held within each business area , the capital charge will remain at 15 % . internal ownership of these assets will be maintained by the originating business unit subject to the internal ownership policy outlined below . the cost of capital associated with all transactions in enron americas will be set by joe . this process is separate and apart from the current rac process for transactions which will continue unchanged . capital investments on balance sheet will continue to accrue a capital charge at the previously established rate of 15 % . transactions which are structured off credit will receive a pure market pass through of the actually incurred cost of capital as opposed to the previous 15 % across the board charge . transactions which are structured off balance sheet , but on credit will be priced based upon the financial impact on enron america ' s overall credit capacity . on transactions that deploy capital through the trading books , the capital book will take a finance reserve on each transaction , similar to the way the credit group takes a credit reserve . this finance reserve will be used specifically to fund the capital required for the transaction . as noted above , the capital book will have no budget and will essentially charge out to the origination and trading groups at actual cost . by sending market - based capital pricing signals internally , enron america ' s sources of capital and liquidity should be better optimized across the organization . questions regarding the capital book can be addressed to : joe deffner 853 - 7117 alan quaintance 345 - 7731",0 +"Subject: re : manabu matsumoto hi lucy / natalie given that manabu is perceived as the "" specialist "" type , and probably shouldn ' t go straight into the gas trading group , this may have implications for research headcount if he ' s considered a good non - a & a hire . i ' ll be spending the next couple of weeks canvassing opinions from various vps and mds over their preferred size , role and style of research group for europe . i think we should delay manabu ' s second round interviews for a while . cheers , steve lucy page 07 / 20 / 2000 07 : 38 pm to : steven leppard / lon / ect @ ect cc : natalie cilliers / lon / ect @ ect subject : manabu matsumoto steve , i am out of the office tomorrow and was just wondering if you ' d had a chance to think about the interview list for manabu ? if you get a list together , natalie will be able start working on it - alternatively i will catch up with you on monday . natalie - just so you know manabu will be coming in for second round but not for the a & a programme - probably a specialist in steve ' s group ( we ' ll pass it over to commercial support next week ) cheers lucy",0 +"Subject: thank you . i would like to take this brief opportunity to thank you all for inviting me to visit enron . ? the day was extremely interesting and educational for me and i was extremely impressed by the people and environment enron had to offer . i look forward to speaking with you about this opportunity in the near future . sincerely , michael gorman michael f . gorman , ph . d . ( w ) 817 352 - 2396 ( c ) 817 296 - 3273 ( f ) ? 817 352 - 6300",0 +"Subject: follow - up on siam workshop i am forwarding for your attention the resume of peter percell who has an extensive experience in modeling physical flows of natural gas in pipeline systems . peter is looking currently for a job . i met him last week at the meeting of the science and industry advance with mathematics society at the university of houston . the application of recent developments in optimization theory and numerical methods can help enron to improve further efficiency of our pipeline system and reduce the consumption of compressor fuel . please , let me know if you interested in introducing peter to executives in your organization . i shall be glad to make arrangements for an interview . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 30 / 2001 02 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - peter percell on 04 / 30 / 2001 11 : 16 : 58 am to : vincent kaminski cc : subject : follow - up on siam workshop i enjoyed your presentation , and meeting you briefly afterwards , at the siam workshop last friday . i have extensive experience as a technical leader in the design and development of modeling and simulation software products , mostly for the oil and gas pipeline industry . i am looking for a position that can utilize my software development and mathematical skills . getting out of the narrow confines of the pipeline simulation industry would be a plus . please consider whether i might fit in your group . your answer to a question indicated that i have several of the skills you look for . also , please let me know , by email , the names and contact information of other managers within enron who might benefit from having someone with my qualifications in their group . attached are my resume and an addendum covering academic & consulting experience . publications are available on request . i will call you in a couple of days to follow up on this email . thank you for your time . peter percell 10030 doliver drive percell @ swbell . net houston , tx 77042 - 2016 ( 713 ) 532 - 3836 voice & fax - percell , peter resume only . doc - percell , peter a & c exp . doc",0 +"Subject: forma platnosci z "" inzynierie finansowa "" uprzejmie informuje , ze przyjmujemy czeki , ale niechetnie . wysokie koszty przy realizacji czekow . gdyby rodziana sz . pana wplacila naleznosc w zlotowkach , to odpadna koszta bankowe - 5 $ . naleznosc w zl wynosi 81 zl lub 99 zl ( lot ) . w liscie pomylilam sie ? - zamiast 25 , 25 $ napisalam 15 , 25 $ . przepraszam . wplacenie pieniedzy w polsce znacznie przyspieszy wysylke . ewentualny czek prosze przyslac na sume 25 , 25 $ lub 29 , 75 $ pozdrawiam serdecznie grazyna piesniewska",0 +"Subject: evaluations - enron please pass this along to others who may have worked with the students . to : tiger hosts from : field application project office the wharton school university of pennsylvania re : tiger team evaluations thank you for hosting the tiger team project , field application project 2001 . this opportunity provided the student team a worthwhile experience to apply newly acquired skills to a real world issue facing your company . your dedication and support of the project contributed greatly to its success . hopefully , by now you have had the opportunity to review the final reports . please take a moment to complete the host evaluation form available at : ( use internet explorer ) username : tiger password : fap 2001 ( no space between ) ( note : case sensitive , please use lower case ) deadline for acceptance : wednesday , april 25 , 2001 your feedback is important to us . it is taken into consideration when calculating student grades and when implementing changes that will impact and enhance the program in the future . also , in an effort to insure the return of meaningful and contributing host companies , we ask that you indicate your interest in returning as a host next year and the fap office will contact you in september 2001 . thank you again for your support of the wharton school and participation in the field application project this year . we look forward to working with you in the future . if you have any questions , please contact the fap office at ( 215 ) 573 - 8394 or email : fap @ management . wharton . upenn . edu sincerely , donna piazze program director field application project",0 +"Subject: re : programming for rdi model michelle , i ' ve just met with cecil and christin . we have divided the code into 3 parts , and cecil ' s looking at the first part . cecil , helen and i will meet again tomorrow morning to go through the logic of the other two parts . since cecil is devoted completely to this project , once he starts coding , it should not take too long . best , alex",0 +"Subject: outsourcing communication access . benefits . 2001 benefits customer service and its administrative functions just got better ! starting 01 . 01 . 2001 , this service was outsourced to vendors offering the latest in technology and the best in customer service . keeping pace with your lifestyle , your benefits are now securely accessible on demand . check out our new web address http : / / benefits . enron . com to view or print your health & group elections , to request a pension estimate , or to view your savings plan elections . if you are not near your computer one number is all you need for benefit forms , questions and changes . 800 . 332 . 7979 . option 1 - enron group health plans option 2 - enron corp . cash balance plan option 3 - savings plan or esop check it out . it  , s easy ! enter your social security number and a 4 digit personal identification number ( pin ) . ? for health & group and pension , your initial pin is the last 4 digits of your ssn . ? your savings plan pin number does not change . no need for voice mail or e - mail addresses or long waits in the elevator banks to get to the 16 th floor in the enron building . for 2001 , if you need help , customer service reps are available to assist you m - f from 8 : 00 am cst - 5 : 00 pm cst . but wait , there  , s more . the hr info zone is located in the lobby of the enron building to help you navigate . and coming soon , when you are outside the houston area , the kiosk will be a phone call away 800 . 332 . 7979 , option 5 in addition , later this year , we will offer the ability to make family status changes online . note : your 2001 elections are no longer available through ehronline . make it a new year  , s resolution to get connected ! enron benefits  ( keeping pace with your lifestyle .",0 +"Subject: informal interview with the enron research group dr . neale : your resume was forwarded to vince kaminski and the research group with enron corp . they would like to conduct an informal interview with you at your convenience . on one of the following days : wednesday , sept 27 friday , sept 29 monday , oct 2 tuesday , oct 3 thursday , oct 12 friday , oct 13 please let me know what day and the time frame you are available . the interviewers would be : vince kaminski managing director and head of research stinson gibner vice president . research grant masson vice president , research vasant shanbhogue vice president , research zimin lu director , research paulo issler manager , research we look forward to hearing from you . sincerest regards , shirley crenshaw administrative coordinator enron research department",0 +"Subject: chapter hi vince , ? how are things with you ? well i hope . do you have the latest version of your part of chapter 3 ? ( i think grant has sent thru a seperate , updated version to you , which has been typeset ) . everything else has been tied up and we will go with the version we have , unless we hear otherwise . ? many thanks and best regards . ? chris . ?",0 +"Subject: vince kaminski ' s bio good morning jim : attached please find a short "" bio "" for vince kaminski . if you need anything else , please let me know . the presentations will be forthcoming . have a great day ! shirley 3 - 5290",0 +"Subject: re : cplex i agree . i ( or chonawee ) will go ahead and place the order for cplex . i think that this will provide us with a great set of tools . - samer pinnamaneni krishnarao @ ect 05 / 24 / 00 01 : 34 pm to : samer takriti / enron communications @ enron communications @ enron , tom halliburton / corp / enron @ enron cc : grant masson / hou / ect @ ect , stinson gibner / hou / ect @ ect , chonawee supatgiat / corp / enron @ enron , vince j kaminski / hou / ect @ ect subject : re : cplex i talked to vince about the optimization software issue . vince said that if there are technical reasons for having two different packages and the benefits outweigh the costs of maintaining two licenses , we can go ahead and buy both . in my view , it is a great advantage to have both , as each has its own strengths relative to the other . we have spent some time trying to come up with one package that solves all of our problmes without success . there is no point is wasting more time on this effort . let ' s go ahead and purchase both . krishna . from : samer takriti @ enron communications on 05 / 24 / 2000 10 : 22 am to : tom halliburton / corp / enron @ enron cc : grant masson / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , stinson gibner / hou / ect @ ect , chonawee supatgiat / corp / enron @ enron subject : re : cplex tom , vince prefers to have one software package ( if possible ) . it is my understanding that special ordered sets are recognized automatically ( internally ) by cplex . this seems to be the case for both cplex and osl according to ampl ' s web page and other references ( check lorderedsetsfeature ) . as a result , the cplex people feel that there is no need to provide the user with the tools to represent special - ordered sets in opl . as a matter of fact , the incapability of xpress to recognize them automatically concerns me . if you have special requirements , c code may be used to pass the information to the solver ( which is straight forward ; all of chonawee ' s testing was done this way ) . chonawee ' s benchmark shows a superior performance by cplex ( which you indicated yourself in an earlier message ) . if you feel that xpress is the only way to go , then feel free to purchase it ( the purchase order is on hold for the time being ) . however , we need to check with vince first . i strongly feel that we should have one solver in order to minimize cost and contractual headaches . let us try to get this issue resolved by this afternoon . thanks . - samer",0 +"Subject: super saturday iv interviews thank you for volunteering to participate in the interview process of the january 15 associate super saturday . our team is working on the weekend arrangements and will deliver your information packet to you thursday , january 15 . if you have any questions , please let elizabeth boudreaux know at x 3 - 6176 . thank you ! ginger gamble manager associate & analyst program",0 +"Subject: enterprise risk management dear vince , ? thanks for your call the other day regarding eprm ' s upcoming enterprise risk management conference . we seem to be making progress and are pulling together some interesting subjects for inclusion this year . i am currently at a stage where there are plenty of possible sessions and over the next week i will be able to decide of which will stay and which will go . ? i have attached a file that gives an indication of the topics that have been identified so far . although i have bullet points for the sessions i would first like to identify interested parties and then work with them to develop a session that reflects their particular expertise and experience . i also think that by continuously developing the points we can make greater allowances for continuity between each participant . ? based on our discussion i would be extremely interested in inviting you to lead a session on the main conference . you seemed to have an interesting view on operational risk and the particular challenges that are presented within the energy industry . this session will run on thursday , november 16 th . the title is reasonably broad at this stage and any suggestions are welcome . ? your overall views on the current conference content is also welcome and if you feel that another session is more suited to your work do not hesitate to contact me . i look forward to speaking with you soon . ? yours sincerely , ? paul bristow senior course and conference producer , energy & power risk management + 44 ( 0 ) 20 7484 9883 - maildoc . doc",0 +"Subject: re : default rates per our discussion , see attached for impact of assumed recovery rates : michael tribolet @ enron 12 / 11 / 2000 08 : 09 am to : william s bradford / hou / ect @ ect , david gorte / hou / ect @ ect , vince j kaminski / hou / ect @ ect , mark ruane / hou / ect @ ect cc : subject : default rates please see below for my note to jeremy at the bottom and his reponse . i have placed mark ruane ' s yields against a mid november default frequency table . note there may be a slight shearing in dates , but the concept is more important : market implied cumulative default rates ( % ) : 1 year 5 year 10 year aaa 0 . 51 5 . 74 14 . 54 aa 0 . 67 6 . 39 16 . 61 a 0 . 98 8 . 98 21 . 03 bbb 1 . 17 9 . 88 22 . 39 bb 3 . 27 18 . 62 37 . 51 b 4 . 65 24 . 21 46 . 27 s & p historical default rates ( % ) : 1 year 5 year 10 year aaa 0 . 00 0 . 13 0 . 67 aa 0 . 01 0 . 33 0 . 90 a 0 . 04 0 . 47 1 . 48 bbb 0 . 21 1 . 81 3 . 63 bb 0 . 91 8 . 82 14 . 42 b 5 . 16 20 . 95 27 . 13 in looking at the one - year transition rates as a very rough proxy for how many more defaults occur in a recession ( 1991 ) versus average ( 1981 - 1999 ) historical default rates ( % ) : investment grade non - investment grade avg . 1981 - 99 0 . 07 4 . 21 1991 0 . 12 10 . 40 multiple 1 . 7 x 2 . 5 x looking at where the market implied default rates divided by the historicals default rates to obtain a "" multiple "" ( how much more severe than historical ) : 1 year 5 year 10 year aaa infinite 44 . 2 x 21 . 7 x aa 67 . 0 x 19 . 4 x 18 . 5 x a 24 . 5 x 19 . 1 x 14 . 2 x bbb 5 . 6 x 5 . 5 x 6 . 2 x bb 3 . 6 x 2 . 1 x 2 . 6 x b 1 . 1 x 1 . 2 x 1 . 7 x on the 10 year historical figures , we need to be careful as the s & p static pool figures show a definite seasoning ( lower defaults in late years probably due to prepayment ) versus our contracts . secondly , the s & p figures have withdrawn ratings , which usually mean they are stale , but loosing some information content . i will ask emy to set up a meeting to discuss further . - - - - - - - - - - - - - - - - - - - - - - forwarded by michael tribolet / corp / enron on 12 / 11 / 2000 07 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : jeremy blachman @ ees on 12 / 10 / 2000 07 : 21 am to : michael tribolet / corp / enron @ enron cc : subject : default rates thanks . i would strongly suggest an offsite sooner than later with a handful of the right people so that we can step back and design the right architecture for looking at credit in our deals . it is broken , not clear , killing our velocity and true capabilities . we also need to look at staffing , skills sets , the credit reserve model etc . perhaps you should take a crack at an agenda . - - - - - - - - - - - - - - - - - - - - - - forwarded by jeremy blachman / hou / ees on 12 / 10 / 2000 07 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - michael tribolet @ enron 12 / 09 / 2000 03 : 51 pm to : jeremy blachman / hou / ees @ ees cc : subject : default rates i visited with vince kaminski for about 20 minutes today regarding the market implied defaults rates and the disconnect in investment grade land . he is seeing the same anomaly and agreed that we as a company need to revisit the methodology employed in calculating the implied figures . i will follow through and report back .",0 +"Subject: telephone interview with the research group tammy : please excuse the error on the email below . i misunderstood - the position will be a full - time position with the research group . look forward to hearing from you . thanks ! shirley crenshaw - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 27 / 2000 09 : 50 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 04 / 27 / 2000 09 : 41 am to : dasyuan @ yahoo . com cc : subject : telephone interview with the research group good morning tammy : the enron corp . research group would like to conduct a telephone interview with you at your convenience . this will be as a "" summer intern "" with the research group . please let me know your availability on monday , may lst or thursday ; may 4 th . the persons who will be interviewing you are : vince kaminski managing director stinson gibner vice president krishna krishnarao director osman sezgen manager i look forward to hearing from you . thank you and have a great day shirley crenshaw administrative coordinator 713 - 852 - 5290",0 +"Subject: re : spring 2001 conference participation by jeffrey k . skilling i think he can do it , vince , but ut has asked him to speak at a leadership conference also on 2 / 16 , which rick causey is encouraging him to do . he has all the information ( i just sent it home in his mail as he returned this afternoon from a week of travel ) , so will press him to make a decision tomorrow . he may decide to do both or one or the other . . . i ' ll let you know as soon as i do . srs vince j kaminski @ ect 10 / 12 / 2000 04 : 57 pm to : sherri sera / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , richard causey / corp / enron @ enron subject : re : spring 2001 conference participation by jeffrey k . skilling sherri , any resolution of the scheduling conflict jeff skilling had for february the 22 nd ? our friends at ut are ready to make the reservations and send out invitations to this conference vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 12 / 2000 05 : 00 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" ehud i . ronn "" on 10 / 12 / 2000 10 : 12 : 56 am to : richard . causey @ enron . com , vince . j . kaminski @ enron . com cc : subject : re : spring 2001 conference participation by jeffrey k . skilling rick / vince : good morning . further to my discussions with vince during his visit to the energy finance program yesterday , i write at this time to inquire whether mr . skilling ' s assistant has been able to confirm his participation as 2 / 22 / 2001 keynote speaker at our conference . with thanks for your intercession on our behalf , ehud ronn ehud i . ronn professor of finance and jack s . josey professor in energy studies director , center for energy finance education and research mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: resignation effective june 5 vince , i am planning to make my resignation from enron so that june 5 th would be my last day at work . i am interested in the trading opportunity this fall and will talk again with andy about it . it will still make sense for me to resign in the mean time in order that i may start burning my non - compete period to open up my other options . in addition , it will allow me to be rehired without the burden of the noncompete should i come back in the fall . regards , stinson",0 +"Subject: re : confidential sophie - what do we need to do to implement this ? vince - do you want to go through this with steve while he ' s in houston ? - dale vince j kaminski 30 / 08 / 2000 23 : 43 to : sophie kingsley / lon / ect @ ect cc : dale surbey / lon / ect @ ect , vince j kaminski / hou / ect @ ect , michele small / lon / ect @ ect subject : re : confidential sophie , i think it ' s a fair deal . vince sophie kingsley 08 / 30 / 2000 11 : 49 am to : dale surbey / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , michele small / lon / ect @ ect subject : re : confidential both , thanks for your comments and comparisons , it is good to get context . based on your comments here would be my proposal o 63 , 500 basic salary - ol 5 k kickers for each of the 2 years - these are paid as a lump sum on each anniversary guaranteed . therefore guaranteed salary is effectively o 78 , 500 - this is completely separate and in addition to any performance bonus increase the value of options to o 60 k to vest 1 / 3 as before - which leaves a 1 / 3 ( $ 20 , 000 ) hanging out there at the end of the contract . just fyi - anjam is currently on o 68 , 000 but does not have an agreement , so this would effectively put a 10 . 5 k gap between the two . let me know your thoughts . dale surbey 30 / 08 / 2000 16 : 09 to : sophie kingsley / lon / ect @ ect cc : subject : re : confidential sophie , here ' s vince ' s comments on your proposal for steve . also , what ' s a 2 - yr exec ? how do the kickers work - are they basically a guaranteed minimum bonus or incremental bonus ? - dale - - - - - - - - - - - - - - - - - - - - - - forwarded by dale surbey / lon / ect on 30 / 08 / 2000 16 : 10 - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 30 / 08 / 2000 14 : 21 to : dale surbey / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : confidential dale , thanks for your message . i don ' t know the labor market in london that well but here the market for quants is very hot . steve is in my view an exceptionally talented person and i would go an extra mile to retain him long - term for the company . i would adjust the base salary or the kicker upward a bit . o 62 , 000 basic is what anjam is receiving currently ( if i remember correctly ) . steve has a much higher value to enron than anjam . vince dale surbey 08 / 30 / 2000 07 : 49 am to : vince j kaminski / hou / ect @ ect cc : subject : confidential vince , this is the package hr is proposing for steven . what do you think ? - dale - - - - - - - - - - - - - - - - - - - - - - forwarded by dale surbey / lon / ect on 30 / 08 / 2000 13 : 50 - - - - - - - - - - - - - - - - - - - - - - - - - - - sophie kingsley 29 / 08 / 2000 20 : 32 to : dale surbey / lon / ect @ ect cc : subject : confidential sorry dale , long day , here are the proposed numbers 2 year exec o 62 , 000 basic ( currently o 55 k ) ol 0 k each year kickers $ 50 , 000 worth of options to vest 1 / 3 1 / 3 1 / 3 let me know what you think . regards sophie",0 +"Subject: re : invitation . . . welcome new analyst reception ashley , thnaks . i shall attend the reception . i shall ask shirley to set up a meeting with you to discuss spring events on campus . vince ashley baxter @ enron on 01 / 04 / 2001 04 : 01 : 01 pm to : vince j kaminski / hou / ect @ ect cc : subject : invitation . . . welcome new analyst reception hello vince i wanted to forward the following invitation to you . we are putting the technologists through an orientation which includes a few days with the analyst program - and the following is one of the events that they have scheduled on jan . 16 th . i wanted to forward to you as more of an fyi since we do not have any cal berkeley candidates starting on jan . 8 th . also - we are starting to set some of the events on campus for the spring - so we should probably get together soon . please let me know what works best for you ! thanks , ashley",0 +"Subject: revenue management meeting please plan to attend a revenue management science kick - off meeting on wednesday , august 23 , from 10 : 30 - 5 : 00 p . m . located in the enron building conference room 49 cl . the purpose of this meeting will be to identify and prioritize our forecasting and optimization efforts for revenue management . your attendance in houston for this meeting is critical . we will send out an agenda prior to the meeting . please call kim watson at 713 - 853 - 3098 , by friday , august 18 , if you are unable to attend . lunch will be provided . we look forward to seeing you there .",0 +"Subject: re : enron offsite hi steve : listed below is the information you will need . if i have left out anything , please let me know . * * * * * * * * * * friday , august 18 th 2 : 00 - 4 : 00 pm arrival in denver ( two separate flights ) can you arrange for shuttle to pick up ? 6 : 30 - 8 : 00 pm dinner at the lodge saturday , august 19 th we will need a conference room that will hold 12 - 15 people . from 8 : 00 am until 4 : 00 pm . 8 : 00 am breakfast buffet set up in meeting room 10 : 00 am break - bring in fresh coffee and water 11 : 30 - 1 : 00 pm lunch ( lunch buffet in meeting room ? ) 1 : 00 pm meeting resumes 2 : 30 pm break - bring in coffee , juice , cokes and water 4 : 00 pm meeting ends . we will need an overhead projector and an lcd projector . we will have dinner somewhere in the village on saturday night , any suggestions ? sunday , august 20 th 8 : 00 - 11 : 00 check out and return to denver for flight to houston can you arrange shuttle to denver ? * * * * * * * * * * * steve : some of the guys may bring their family ( will share the same room ) and stay a couple of days after the meeting ends . is there a problem with them staying on at the lodge ? if not , please let me know how soon you need to know how long they plan on staying . this is all i can think of right now . if anything else comes up i will let you know . thanks and have a great day ! shirley crenshaw 713 / 853 - 5290 email : shirley . crenshaw @ enron . com "" steve collins "" on 06 / 27 / 2000 02 : 58 : 37 pm to : cc : subject : re : enron offsite rates are a little higher in august than they are in april ( august is high season for summer ) , but i can do those rooms at $ 125 ( your april rate was $ 105 ) . what kind of meeting space will you need ? if you can get me a tentative agenda , i will get the contract drawn up right away . thanks again ! steve > > > 06 / 27 / 00 01 : 28 pm > > > let ' s do it ! august 18 - 20 is our first choice ! please send me all the information and then we will discuss the particulars . i will get vince to sign it immediately . thanks steve ! shirley "" steve collins "" on 06 / 27 / 2000 02 : 22 : 27 pm to : cc : subject : re : enron offsite hello again ! i promise i am not running ! the deal that we worked out with the general manager ( tom pratt ) is that enron has a $ 6000 credit with the great divide lodge that will expire on 8 / 1 / 00 . you can either use that credit for individual rooms prior to 8 / 1 / 00 , or we have agreed that we can apply that amount to a meeting prior to the thanksgiving holiday in 2000 if the contract is signed before 8 / 1 / 00 . at this point , august 18 - 20 is available , but the 25 - 28 is not . if we can get this signed prior to 7 / 31 / 00 , your $ 6000 credit would be able to be applied to this event . please let me know if this will work for you . thanks ! steve steve collins national sales manager the village at breckenridge / great divide lodge ( 800 ) 332 - 0424 or ( 970 ) 453 - 3156 direct scollins @ vailresorts . com > > > "" shirley crenshaw "" 06 / 27 / 00 01 : 06 pm > > > hello steve : please don ' t run ! i know after the last fiasco with an enron offsite you are probably running for the hills ! i do want to apologize to you and thank you for all of your assistance even though we were unable to make the trip . however , i understand there has been an arrangement made with enron , that if we book a time and come before thanksgiving we can recoup the money that we forfeited ? please let me know if i am understanding this correctly . if so , we have been told that our group can use this for an offsite . we are looking at the weekends of august 18 , 19 and 20 or august 25 , 26 and 27 th . there will be approximately 12 people . please let me know your understanding of the arrangement and the availability of the dates mentioned . look forward to hearing from you . regards , shirley crenshaw administrative coordinator enron corp . research telephone : 713 / 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: interview with the enron corp . research group several of the enron corp . research team would like for you to come in for an interview . they are : vince kaminski managing director stinson gibner vice president maureen raymond - castaneda director please give me some dates and times of your availability during the rest of january and i will try to coordinate them with our schedule . looking forward to hearing from you soon . regards , shirley crenshaw adminsitrative coordinator enron research group 713 / 852 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: message from bogdan hi vince , i am enclosing my resume , as per our most recent conversation . best regards , bogdan m . szopa - bogdan res . . doc",0 +"Subject: as promised . . . 2 guys , vince hi vince , here are two guys : the first asked for you ( the guy from oxford ) . the second has a "" high profile "" name - brand risk job . candidate 1 : done at oxford in sept . math finance . will move anywhere necessary . citibank / andersen consulting background . well known candidate in london . fixed income / structured contol of 450 mil . i have direct ownership and contact with . this guy is really impressive by phone ! highly recommended by dr . donnelly oxford candidate 2 : no real investment banking / energy risk experiences . . . but , asked me to get him out in london as he and his wife lived / worked there for ford credit europe . has operational risk skills and experience ! can probably steal him away from ford ( ford has no agreement with me ) . . . he is fair game . thanks for the consideration ! jeff always held in strict confidence . jeff wesley 949 813 2241 hotline 347 487 8957 voice / fax us + 44 ( 845 ) 3341644 uk * get free , secure online email at http : / / www . ziplip . com / * - oxfordagent 9498132241 . doc - fordmattagent 9498132241 . doc",0 +"Subject: wharton tiger team agenda friends , attached below are please find : 1 . wharton tiger team agenda , friday , 19 january 2001 , 7 : 30 am - 4 : 30 pm ; 2 . wharton tiger team brochure ( explaining the program ) . thank you in advance for your participation . meeting room 32 c 2 will be equipped for computer presentations . the format of your presentation is entirely up to you - - formal , conversational , computerized , hard copy - - however you feel most comfortable . we ' re currently expecting a total of 18 in the group . everyone is invited to come to churrasco ' s this evening . the wharton group will be picked up from the warwick at 6 : 30 , so should arrive at the restaurant at about 6 : 45 - 7 p . please come if you can ! thanks again ! this is an enthusiastic , talented group of prospective enron recruits - - and their research efforts might also well prove interesting to our businesses . regards - - christie .",0 +"Subject: re : fwd : invitation to the 20 th annual rutgers conference vince , i am delighted that you accept our invitation . we hope it works out that you can attend the whole conference as we are confident that you will find the program stimulating and will enjoy getting to know our participants . the pleasure will certainly be mutual . you will bring a new and different perspective from which we can all benefit . michael at 05 : 54 pm 3 / 15 / 01 est , vkaminski @ aol . com wrote : > > > > paul , thank you for the invitation to speak at the eastern conferences on regulation and competition on may the 25 th . i shall be glad to attend and make an after dinner presentation . i hope to be able to attend the entire conference . sorry for a delay in responding to your message . i have been traveling extensively in the last few weeks . vince return - path : from : vkaminski @ aol . com full - name : vkaminski message - id : date : thu , 15 mar 2001 17 : 04 : 02 est subject : fwd : invitation to the 20 th annual rutgers conference to : vkaminski @ aol . com mime - version : 1 . 0 content - type : multipart / mixed ; boundary = "" part 2 _ 70 . 8 aeecl 9 . 27 e 29652 _ boundary "" x - mailer : aol 6 . 0 for windows us sub 10501 return - path : received : from rly - yho 3 . mx . aol . com ( rly - yho 3 . mail . aol . com [ 172 . 18 . 147 . 35 ] ) by air - yho 3 . mail . aol . com ( v 77 _ rl . 21 ) with esmtp ; fri , 09 mar 2001 18 : 01 : 27 - 0500 received : from postmaster . enron . com ( outbound 5 . enron . com [ 192 . 152 . 140 . 9 ] ) by rly - yho 3 . mx . aol . com ( v 77 _ rl . 21 ) with esmtp ; fri , 09 mar 2001 18 : 01 : 01 - 0500 received : from mailman . enron . com ( mailman . enron . com [ 192 . 168 . 189 . 66 ] ) by postmaster . enron . com ( 8 . 8 . 8 / 8 . 8 . 8 / postmaster - 1 . 00 ) with esmtp id xaao 2258 for ; fri , 9 mar 2001 23 : 00 : 59 gmt from : vince . j . kaminski @ enron . com received : from nahou - msmswo 3 px . corp . enron . com ( [ 172 . 28 . 10 . 39 ] ) by mailman . enron . com ( 8 . 10 . 1 / 8 . 10 . 1 / corp - 1 . 05 ) with esmtp id f 29 noxp 22494 for ; fri , 9 mar 2001 17 : 00 : 59 - 0600 ( cst ) received : from ene - mtaol . enron . com ( unverified ) by nahou - msmswo 3 px . corp . enron . com ( content technologies smtprs 4 . 1 . 5 ) with esmtp id for ; fri , 9 mar 2001 17 : 01 : 07 - 0600 subject : invitation to the 20 th annual rutgers conference to : vkaminski @ aol . com date : fri , 9 mar 2001 17 : 00 : 58 - 0600 message - id : x - mimetrack : serialize by router on ene - mtaol / enron ( release 5 . 0 . 6 | december 14 , 2000 ) at 03 / 09 / 2001 04 : 58 : 03 pm mime - version : 1 . 0 content - type : text / plain ; charset = us - ascii x - mailer : unknown ( no version ) - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 09 / 2001 05 : 01 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" kleindorfer , paul "" on 03 / 08 / 2001 03 : 41 : 21 pm to : "" ' vkamins @ enron . com ' "" cc : "" ' mcrew @ andromeda . rutgers . edu ' "" subject : invitation to the 20 th annual rutgers conference vince : for two decades now , i have been a member of the faculty helping to organize the eastern conferences on regulation and competition that michael crew of rutgers has chaired . this year will be , in fact , the 20 th anniversary conference and a number of notable personages will be joining us to celebrate what we have learned and what we haven ' t about the economics of network industries . fred kahn , al philipps , bill hogan and a number of other distinguished academics will be reviewing our progress and the prospects for the future . the conference will take place at a beautiful site in the poconos , about 90 minutes north of philadelphia , from wednesday afternoon may 24 th to friday afternoon may 26 th . you can check for yourself the nature of the program and the conference site / hotel at the following website url : http : / / www . rci . rutgers . edu / ~ crri / ws . htm michael crew and i would both be delighted if you would be willing to be an after dinner speaker on thursday evening ( may 25 th ) , just before the key research reviews of friday morning take place on the electricity , telephone and gas industries , and following a day of special topics on emerging power markets and other developments in network industries . naturally we would be pleased if you would be able to stay for the entire conference , but knowing your schedule , you may only have time for a part of it . that would not be a problem . the usual after - dinner address is for 30 minutes , followed by a short q & a period . your presentation would help to underline the tremendous importance of enron in driving the development of new risk instruments to assist in price discovery and efficient risk management for market participants , in energy markets and more generally . both michael and i feel that your perspectives on the "" new science of risk management "" and what can be expected from it could be a very important addition to this special anniversay event . please let me know ( and please do copy michael on your response ) whether your schedule will allow your participation in this very special event . michael and i would , of course , be very happy to follow up with you in discussing the nature of the presentation , participants and so forth , if this is a go . i look forward to hearing from you . regards , paul paul kleindorfer 215 898 - 5830 michael a . crew professor ii director - center for research in regulated industries editor - journal of regulatory economics rutgers university , graduate school of management 180 university avenue newark , n . j . 07102 - 1897 phone : 973 353 5049 fax : 973 353 1348 http : / / www - rci . rutgers . edu / ~ crri",0 +"Subject: site license for power world gentlemen , i recommend that we purchase this package and split the cost 3 ways between 3 power trading desks . i think that we should go for option 3 ( ~ $ 15 , 000 ) . lance cunningham in my group looked at this software package and found it very useful for modeling transmission problems . please , feel free to ask him for technical details in support of this recommendation . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 10 / 2000 09 : 17 am - - - - - - - - - - - - - - - - - - - - - - - - - - - lance cunningham @ enron on 11 / 09 / 2000 06 : 15 : 14 pm to : vince j kaminski / hou / ect @ ect cc : vasant shanbhogue / hou / ect @ ect subject : site license for power world vince , we have three options to increase our availability across enron for the power world load flow software . option 1 , upgrade to a site license for the load flow software only . price $ 9 , 990 . 00 this would give all of enron the ability to perform load flows , but not determine marginal cost or available transfer capacity ( atc ) because only the optimal power flow ( opf ) version can perform that task . option 2 , site license for the load flow and purchase 1 opf package for walter coffer ' s group . price $ 11 , 240 . this would give all of enron the ability to perform load flows and one other group the ability to determine marginal cost and atc . option 3 , site license for load flows , opf and atc . price $ 14 , 990 . 00 this would give all of enron the ability to perform load flows , marginal cost , and atc . regards , lance",0 +"Subject: siam invitation dear dr . kaminski here is an email invitation for teh siam event . a hard copy will follow dr . v . kaminski enron p . o . box 1188 houston , texas 77251 - 1188 dear dr . kaminski march 12 , 2001 i am writing to formalize your invitation to attend , participate , and speak in the siam southwest regional mathematics in industry workshop . a time span of thirty minutes is being allotted to invited talks with an additional ten minutes or so for discussion . the workshop , funded under the auspices of a national science foundation grant to siam will not be a standard applied mathematics event with representatives from industry , academe , and governmental agencies presenting their latest research results . instead the meeting will emphasize the mathematics and technology currently applied to the projects of industry and governmental laboratories . additionally the event will focus upon the mechanisms facilitating interaction and collaboration between the academy , industry , and government laboratories . the workshop will be held at the university of houston hilton hotel , april 27 - 28 . funds will be available to support both travel expenses and the cost of food and lodging of invited speakers . we will be happy to make travel arrangements on this end if so desired . we hope that you can accept our invitation . if this is the case please furnish us with a title , a short abstract , and a list of the necessary equipment for your presentation . we look forward to seeing you at the university of houston . sincerely w . fitzgibbon",0 +"Subject: re : job posting please respond to vince , thank you very much . i applied for the position yesterday ( via e - mail address ) and mentioned your name in the cover letter . i ' ll keep my fingers crossed . sincerely , helen - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , april 25 , 2001 9 : 42 am to : demianen @ ruf . rice . edu subject : re : job posting helen , fyi . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 25 / 2001 09 : 40 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : lee ferrell / enron @ enronxgate on 04 / 24 / 2001 06 : 20 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : job posting hi vince , this posting is for my group . thanks for the referral . - - - - - original message - - - - - from : kaminski , vince sent : tuesday , april 24 , 2001 5 : 31 pm to : goodpasture , john ; watson , kimberly ; ferrell , lee ; kaminski , vince cc : krishnarao , pinnamaneni subject : job posting i am teaching a class at rice and one of my very bright students sent her resume in response to this posting . do you know who posted this job ? vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 24 / 2001 05 : 27 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - ( embedded image moved to file : pico 5601 . pcx ) "" helen demianenko "" on 04 / 24 / 2001 02 : 11 : 05 pm please respond to to : cc : subject : job posting dear vince , thanks for talking to me this morning about the sr . risk analyst position . here is where you can find the job description for that position : also , i have cut and pasted it down below , just in case . i appreciate your assistance in this matter and will start working on my cover letter right away . i would also like to talk to somebody to get a better feel for the position ( is this really an mba level position and how much of the in - depth learning opportunities for the derivatives market does it entail ? ) sincerely , helen demianenko p . s . i have attached my resume ( one more time ) . sr risk analyst essential functions : primary accountability for managing the ets risk book structure and processes from a pipeline ( front office ) perspective . work within current nng and tw marketing organizations to effectively integrate risk books into daily marketing and structured product activities . provide feedback to management regarding overall and specific risk positions . provide support for consistent and accurate deals entry / reporting for stand alone risk management system . create ad - hoc reports to assist management in risk analysis . responsible for managing and providing enhancements to the capacity books : ? maintain functionality and provide leadership for new functionality from a users perspective . provide support and direction for integration of capacity books and revenue management project . support revenue management team essential requirements : ba / bs in finance or accounting ( mba preferred ) . minimum of two years financial instruments experience . excellent quantitative / analytic and systems skills . knowledge of commodity risk book concepts . understanding of physical natural gas market , interstate transportation and financial derivatives . ability to interface with structuring / marketing groups in order to define business requirements . ability to provide leadership for business and system processes . excellent communication skills with an ability to communicate across organization with varied skill sets and ideas . must be self - motivated with a high level of energy preferred skills : na . special characteristics : this job functions in a team - oriented , fast - paced environment with multiple concurrent assignments and constantly changing priorities . contact : responses will be accepted through may 3 , 2001 . respond to enron corp . , human resources 235 , p o box 3330 , omaha , ne 68103 - 0330 or e - mail : dea . crum @ enron . com as a . doc or . txt attachment . please include this requisition number . job id 0000108729 department risk management & reporti company enron transportation services enron transportation services location houston , tx type posting date 19 - apr - 01 - helen _ d _ resume . doc >",0 +"Subject: re : running credit model steve , in order to be able to test the new credit model as well as to answer credit group ' s questions regarding the outputs from this model research needs to be able to do the following : 1 . run credit model independently of the other runs . it is quite ok for now to be able to run it just for small artificial portfolios . 2 . debug the code to see what actual values are used during the run time . please , let me know if your team can help us . tanya .",0 +"Subject: confirmation of your order this is an automatic confirmation of the order you have placed using it central . request number : ecth - 4 qhlkd order for : tom halliburton this computer is required to run a software licence manager only . it will be running continously , but will not be used by any individual . the smallest , cheapest machine suitable connecting to the enron network will be adequate . secondhand hardware will be suitable . enron it purchasing",0 +"Subject: re : hello hi vince , thank you for your offer to bring jacob back for another interview . yes , if it is not too much trouble , i would like to talk with him . i was sorry i had to be out of town last week when he was in the office . thanks , just let me know when you would like me to be available . kim . - - - - - original message - - - - - from : kaminski , vince sent : monday , april 16 , 2001 1 : 21 pm to : watson , kimberly cc : krishnarao , pinnamaneni ; kaminski , vince subject : re : hello kim , this is a letter from one of the job applicants who works for pros . it seems that the system they develop for williams is more a scheduling system . would you like to ask him to come back for another interview , to get more information out of him ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 16 / 2001 01 : 18 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" jacob y . kang "" on 04 / 11 / 2001 11 : 18 : 44 pm to : vince . j . kaminski @ enron . com cc : subject : re : hello dear vince : it was so nice meeting and talking with you too . i did not take any pen back , i lost my pen too somewhere in enron . as i mentioned to you , after i got my ph . d in 1999 , i have been working two years as lead scientist and science manager in energy division at pros revenue management inc . in houston . i developed and implemented the mathematical models for trading optimization system and firm transportation optimization system . the trading optimization system becomes the most popular product in the industry this year . duke energy just signed the contract to buy this product yesterday . conoco and williams also signed the contracts for it . according to pros sales department , the potential marketer to buy this product exceeds 15 companies in one or two years . enron is the ideal place for me to continue my research and system developing efforts to combine revenue management with risk management . i am confident that i can make significant contributions to enron in this area . i would like to thank you again for giving me this opportunity to come to enron for this interview . i am looking forward to having the opportunity to work in enron . sincerely yours jacob - - - vince . j . kaminski @ enron . com wrote : > jacob , > > it was nice meeting you . did take by any chance > my pen ? if not , i apologize . > > vince > do you yahoo ! ? get email at your own domain with yahoo ! mail . http : / / personal . mail . yahoo . com /",0 +"Subject: pr resume - - - - - - - - - - - - - - - - - - - - - - forwarded by bjorn hagelmann / hou / ect on 06 / 05 / 2000 06 : 33 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - proan @ mindspring . com on 06 / 02 / 2000 10 : 02 : 34 pm to : bjorn hagelmann / hou / ect @ ect cc : subject : pr resume bjorn , it was good to talk to you on yesterday . i was contacted by jason sokolov this morning and he advised me to forward my resume to you . the best day for me to interview would be friday , june 9 th . i hope to hear from you soon . phil roan ( 713 ) 759 - 1741 ( h ) ( 713 ) 544 - 7469 ( w ) proan @ mindspring . com roanp @ kochind . com - quant resume _ 4 . dot",0 +"Subject: status vasant - i hope you had a wonderful vacation back home , and are rested and recovered from the long flight back . i wanted to give you an update of the eol project , the gas model , and of my intentions here at enron . software ( in compiled c on the unix platform ) has been developed and debugged to listen to the eol trades , process them , book them , and file them away . in addition , software has been developed and debugged to mark these to market on a continual basis , and to store the entirety of open positions on eol in a dynamic matrix facilitating analysis . it has yet to get back with me on how the software can be informed of those trades ultimately rejected for credit purposes . these data files are stored in a format for reading by excel or by sas , for which i have written the data step program and basic tabulation routines elucidating the structure of the data . i am in the process of documenting all of this for you . with regards the gas model and its slow performance on the compaq , dell has agreed to loan me one of their competing machines to the compaq , to see if the performance issue of the lp is related to the compaq . i have been researching this issue with it here and with compaq and dell . the new machine will be here any day now ( no financial obligation to anyone ) , and i will be able to immediately ascertain whether the problem the model is having is compaq - specific . i am also in the process of documenting the gas model for you . i ' ve tried to do my best for you , vasant , but i have been frustrated by not only the death of my mother but some internal systems in it here . just the other day , sas could not open a full query of the eol database because there wasn ' t enough free space on the server ' s hard drive for the workfiles . in discussing some of these issues with some good friends of mine in power trading , people whom i have known for over 10 years , they indicated they were ubiquitous here . the power traders have similar pc ' s to my new one , and they have complained from day 1 that theirs are slower than their old ones . also , there remains a large frustration with the development of data warehouses ; during my brief tenure here it has gone through two differing proposals as to how to address this . when i have been told of tools available for real - time data harvesting , my requests for such have typically been met with "" well , we have it , but we haven ' t really tested it yet . "" an example is the weather : we still do not record to disk the hourly nws observations from the goes satellite . my interests here are to help enron to do well , because i will do well only if enron does well . these aren ' t empty words - my ira is 100 % invested in the enron stock fund . i believe my best contributions to enron will be in the areas of systems as well as modeling , and the difficulty working in the research group , in terms of systems development , is that , frankly , few people at enron seem to care what a researcher thinks about our systems . we aren ' t directly generating revenues for enron , and we aren ' t really their customers , except in our relatively small deparrtmental infrastructure expenses . as it happens , power trading posted an opening for a modeling and forecasting person , and i spoke with them and they asked me to take the job , reporting to george hopley . it is a wonderful opportunity for me , vasant , as they are interested in large system modelng of power grids as well as improving their traders ' access to real - time fundamentals data . i was completely candid with kevin presto regarding my shortcomings here in research - i told him you were disgusted with me because i repeatedly failed to meet time deadlines . they also understand i have yet to be at enron for 1 year , and thus may only bid on a job with your permission . we agree the move is good for enron ; we all work for enron , and your acquiescence to the move does not endorse it but merely permit it . they are comfortable with me - they have known me for years as a hard worker , honest and unpretensive . they have already ordered a state - of - the - art unix workstation and server for me , and they have told me they will commit whatever resources are necessary for me to be successful , including hiring an analyst to work for me . and , i have already been able to teach their analysts improved techniques for data harvesting and analysis i have learned here . so , i am requesting your permission to bid for this job opening . it would be a lateral move in position and salary , and i would commit to you to help you in any way possible in the future with regards the gas model or the eol database . i will continue to work on their improvement , and complete their documentation . as it happens , i am away on enron business in portland monday and tuesday , and will be back wednesday . i had wanted to talk face - to - face instead of by email , but enron business supercedes - i am on a team designing the data warehouse for floor trader support . clayton .",0 +"Subject: re : alberto jimenez ( analyst program ) alberto , we would definitely be interested in talking to you when you get to houston . i will have our assistant , shirley crenshaw , set up some time for you to meet with people in our group , which would include myself , zimin lu , and vince kaminski . best regards , - - stinson "" alberto jimenez crespo "" on 01 / 24 / 2000 11 : 43 : 53 am please respond to a _ jimenezcrespo @ mailcity . com to : stinson gibner / hou / ect @ ect cc : subject : alberto jimenez ( analyst program ) dear mr . gibner : it was very interesting talking to you during enron ' s recruiting weekend the first week of last december . i am starting as an analyst next february and i have alot of interest in real options . i have done much of my research in the application of real options in the valuation of oil and mining properties using black - scholes , merton , binomial lattices , etc . i have also done forecast of commodity prices such as copper and oil using both , a geometric brownian motion and a mean reverting process . i remember in our conversation you told me that your department is very involved with real options so i would like to know if there is an opportunity to talk either on the phone or once i am in houston the first week for the orientation . because i am very interested in working in your department . i won ' t be in houston until february 6 th , but you can reach me at 310 390 7817 or ajimenez @ mines . edu looking forward to hearing from you . sincerely , alberto jimenez lycoshop . thousands of products ! one location ! http : / / shop . lycos . com /",0 +"Subject: mentor / summer associate program as a reminder , the summer associate program is an integral and critical part of our recruiting efforts . you have been asked to act as mentors for summer associates who attend the schools for which you have recruiting responsibility . you were invited to meet the summer associates at a reception being held at the sierra grill , located at 4704 montrose , on thursday , june 22 nd from 6 : 00 p . m . to 7 : 30 p . m . to date several of you have not responded . please respond to cheryl kuehl ( ext . 3 - 9804 ) by tuesday , june 20 th . if you are unable to attend , please advise cheryl that you intend to make other arrangements to meet your summer associate so that she may advise the associate not to look for you at the reception . we thank you for your co - operation and your efforts to assist will not go unnoticed . jeff and joe",0 +"Subject: re : consulting arrangement thanks vince - - - i will be teaching this afternoon . if you can ' t reach me this morning , we can talk tomorrow . sheridan at 05 : 28 pm 1 / 24 / 01 - 0600 , you wrote : > > sheridan , > > i have just checked with rac ( david gorte ) and we have a green light > to go ahead with the project . i shall you tomorrow to discuss the details . > > vince > > > > > > sheridan titman on 01 / 24 / 2001 02 : 45 : 50 pm > > to : > cc : > subject : consulting arrangement > > > vince : > > i just wanted to check with you regarding the consulting arrangement we > discussed a couple of weeks ago . > > perhaps , we should start with just a 1 or 2 day contract where i give some > thoughts to the kind of issues that we discussed and come to houston to > present my preliminary thoughts and possible avenues for additional work . > > regards , > > sheridan > sheridan titman > department of finance > college of business administration > university of texas > austin , texas 78712 - 1179 > > 512 - 232 - 2787 ( phone ) > 512 - 471 - 5073 ( fax ) > > titman @ mail . utexas . edu > > > > > > sheridan titman department of finance college of business administration university of texas austin , texas 78712 - 1179 512 - 232 - 2787 ( phone ) 512 - 471 - 5073 ( fax ) titman @ mail . utexas . edu",0 +"Subject: stinson out on jan . 4 , 2000 shirley : i am planning to take a vacation day on jan . 4 . thanks , - - stinson",0 +"Subject: working paper list & etc dear vince : i have put together a list of finance working papers ( some of which i brought to the interview last wednesday ) which i have written since 1995 mostly in support of my work but also ( at least initially ) as a learning tool . several of them , however , do contain innovations . i have asked ms . de claris to forward a copy to you . as i expressed to you earlier i am particularly interested in enron credit swaps trading platform and the business opportunities that it will spawn . i also think that there are tremendous opportunities to be explored in the secondary mortgage maket in the us . i do not know if enron has considered or is active in this market . this would be an area that i am also very interested and in which i think much better can be done than most of the players in the street . the question in my mind ( hopefully not prematurely ) is : if there is interest here would enron consider letting me put together this business ? i look forward to hearing from you soon . best regards joao",0 +"Subject: california power 1 / 19 / 00 executive summary : sb - 7 x gives dept . of water and resources given legislative authority to undertake short - term power purchases with no price cap through feb . 2 nd new legislation ( ab - 1 x and sb - 6 x ) would seek ( 1 ) long - term contracts with 5 . 5 cent cap and ( 2 ) creation of california power and conservation financing authority the long - term contracts proposed in ab - 1 x are likely to be subject to significant amendment and renegotiation prior to the feb . 2 nd expiration of sb - 7 x . the authority proposed in sb - 6 x would have bond issuance powers to finance new generation capacity and conservation measures negotiations under way on using bond authority for a utility bailout - - utilities and state government split over debt obligations of utility parents state borrowing plans and power purchases create credit risks for state treasury ; socal edison misses more payments bush administration opposes price caps , but is supporting state efforts to split pg we believe he then could be willing to guarantee or issue bonds to deal with the rest . as one very senior california political leader explained , getting the utility holding companies to eat a substantial part of the debt they owe themselves is the key to solving the back debt problem without provoking widespread public outrage about a "" bailout "" of private price - gouging companies with taxpayer money . since 75 % of californians currently blame the utilities and the puc for this crisis ( and only 10 % blame davis ) , this is a crucial political stance for the governor . but , of course , absorbing anything like $ 6 billion in debt would be quite a shock to the seemingly healthy holding company and power - generating branches of the two utilities , and they began spreading the word that they were quite willing to accept bankruptcy . thus by mid - week , both sides had pushed themselves toward a resolution in federal bankruptcy court that would be a worst case solution for all sides : the country ' s economy would suffer from the resulting credit shock , the governor ' s political future would suffer from the electricity rate increases almost certain to be mandated by a bankruptcy judge , while most private sector legal authorities believe the utilities corporate holding structure would ultimately be breached during bankruptcy procedures and they would end up having to absorb some significant amount of the debt in the end . in addition , they would most likely face a state government determined to use state powers of condemnation to enter the power business in a major way . senator burton ' s sb 6 x legislation will strengthen those powers dramatically to make this point quite explicit . it would set up a "" california power and conservation financing authority , "" with the power to issue bonds and invoke eminent domain . it would finance new power plants , and "" consider the feasibility and public interest of the state acquiring , operating , and maintaining transmission facilities currently owned by investor - owned and municipal utilities . "" as we write this , all sides are trying to construct a path back down from the bankruptcy ledge to safe ground , and there is no question the tone has shifted in the last 24 hours from macho confrontation to "" maybe we ' ve run this thing out as far as we can . "" but as we have noted , the chance for miscalculation is still quite high . there is no solution agreed to at this time , the stand - off over how much debt the state government will absorb versus the utilities ' holding company is continuing , and the technical fact of default still makes it possible for some bank to trigger bankruptcy by demanding immediate accelerated payment . 5 . default update - thursday socal edison - $ 215 million default to california power exchange . after edison failed to make a $ 215 m electricity payment yesterday , the california power authority began seizing long - term contacts and reselling them to recoup some of the money owed to generators . pg & e said it expects its trading privileges at the cal . power authority to be suspended today , leaving them with only its generation from nuclear and hydroelectric sources . while the ongoing wave of defaults has severely restricted pg & e ' s and socal ' s ability to buy power , the department of water and resources will be able to pick up some of the slack , at least in the very short - term . the state itself may be getting into risky credit territory . the proposed california public power authority would borrow in the neighborhood of $ 1 . 3 billion from the state general fund in advance of this year ' s expected fiscal surplus , with the loan to be repaid by the authority from expected future revenues . with near - bankrupt utilities and a freeze on rate hikes , it is unclear where the revenues would come from . the amount borrowed and terms of repayment will be no doubt examined very carefully by the bond rating agencies . 5 . bush policies as we reported on wednesday , the bush administration continues to demonstrate little interest in getting involved in the california crisis . president - elect bush surprised state leaders yesterday with his comments , which essentially said that excessive environmental regulation was the root of the current supply shortage . bush and his top officials appear to be unanimously opposed to long - term price caps . however , there is one issue of considerable importance to the administration , according to a source close to a top bush economic advisor . there is significant concern that pg & e ' s credit problems could cause gas suppliers to stop shipments of gas through pg & e ' s pipeline . the risk would be that the pipeline could "" go dry "" , causing significant and possibly dangerous disruptions in california residences and businesses . to prevent this problem , bush is working with davis on a proposal to split pg & e into separate gas and electric companies . the gas company would be solvent , but the electric company would go immediately into ch . 11 following significant defaults .",0 +"Subject: vince ' s travel itinerary ludmilla : here is vince ' s travel itinerary for sunday to new york . date 06 septembero 0 booking ref ze 56 tx kaminski / wincenty soc 0011 rl 0 enron corp kaminski / wincenty eb 1962 e - tkt receipt * * review upgrade below * * service date from to depart arrive continental airlines 10 sep houston tx new york ny 539 p 1000 p co 1672 a sun g . bush interco la guardia terminal c terminal m dinner non stop reservation confirmed 3 : 21 duration aircraft : boeing 737 - 800 seat 01 f no smoking confirmed kaminski / wincen first class upgrade is confirmed hotel 10 sep hilton millenium 11 sep 55 church street new york , ny 10007 united states of america telephone : 212 - 693 - 2001 fax : 212 - 571 - 2316 telex : tlx none confirmation : 3110994415 single room queen size bed rate : ral usd 339 . 00 per night guarantee given nonsmoking king enron corp to avoid billing cancel 24 hours prior to arrival hotel time continental airlines 11 sep new york ny houston tx 745 p 1033 p co 1963 a mon la guardia g . bush interco terminal m terminal c snack non stop reservation confirmed 3 : 48 duration aircraft : boeing 737 - 300 seat 01 f no smoking confirmed kaminski / wincen first class upgrade is confirmed miscellaneous 10 nov houston tx fri * * thank you for using the tap * * kaminski / wincenty soc 0011 rl 000 co frequent flyer cowt 472179 shirley crenshaw : 853 - 5290 intl tvlrs : carry sos wallet card w / enronassistance info call sos : in u . s 800 523 - 6586 / intl 215 245 - 4707 ( collect ) this is the passenger receipt for your electronic ticket",0 +"Subject: interview schedule for alex tartakouski attached please find the interview packet for the above - referenced person . the interview will happen wednesday , november 29 , 2000 . please print all three documents for your hard copies . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . liz alvarado 58714",0 +"Subject: tiger team hi vince , re : my voice mail sent earlier today , i think this is the group requesting the telephone conference . they prefer a call tuesday , 16 jan , after 2 pm . let me know ! thanks ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 01 / 12 / 2001 09 : 26 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" vittal , maheshram "" on 12 / 26 / 2000 10 : 59 : 38 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : "" ' christie . patrick @ enron . com ' "" subject : re : houston trip dear vince / christie , thanks for coming to philadelphia to present an overview of the projects . we enjoyed meeting you and your colleagues and look forward to working with enron . i would also like to pass on my team ' s appreciation for the dinner as well . we wanted to give you an update on our project and get some feedback and additional information prior to our upcoming visit to houston on january 19 th . our project is going to be geared to the 3 rd option you mentioned . we plan on addressing some part of the retail energy services business . we are considering two options regarding this topic and would like to pursue either ( i ) how customers are acquired and recommending new processes and ways to serve retail customers , or ( ii ) studying the supply chain and coming up with recommendations for areas for further investments . however , we would like to get some more information on the retail energy services before truly scoping the project . we are also very open to suggestions , especially if you had a much broader or different scope in mind ; so please let us know . we have not yet reviewed the introductory information received last week , but here are the questions we have specific to the retail energy services unit : can we look at its overall business plan or a more detailed summary than is in the annual report ? what is the pricing philosophy / overall structure ? who are the customers and how are they acquired ? what would the customers be doing if they did not work with enron ? what are the international expansion plans and capabilities ? is there any important regulatory summary information we can have ? if this information is not already covered in the review material you sent , will you be able recommend other sources where we may find such information ? after we have reviewed the material sent to us recently , we may want to schedule a phone call with you and / or one of your colleagues directly involved in the retail energy services business . i would like to call you in the new year to discuss this further . in the meantime , please feel free to call me at ( 215 ) 546 - 9416 if you need any information . regards , retail energy services tiger team ram dennis jason omar steve clay",0 +"Subject: re : a quant i did . . . trying to get him in next week so that vasant can see him as well . thanks vince j kaminski 24 / 01 / 2001 22 : 24 to : bryan seyfried / lon / ect @ ect cc : subject : a quant bryan , did you have a chance to take a look at the resume i sent you ? he looked like a great guy for your group . vince",0 +"Subject: propane prices vince , please find attached file with propane price statistics . there are two kinds of data : ( 1 ) prompt month futures prices , no location specified , starting from 1987 ; ( 2 ) index prices for different locations ( north sea , venezuela and saudi arabia ) , starting 1988 . source of both is platts publications . please notice that price of futures in given in us cents / gallon , and index prices in usd / mt . sincerely , elena",0 +"Subject: please add our contact information to your database . what follows are a couple of active searches , should you become aware of interested individuals . chief executive officer location : san diego , ca company : * * rates . com compensation : targeted compensation in the > $ 200 k base range plus extensive stock ownership and bonus . description : the board of directors of * * rates . com is seeking a dynamic and experienced executive for the position of ceo of this pre - ipo internet company . the ceo would play a key role in the business strategy of a highly entrepreneurial and fast - growing company and answer directly to the board of directors . this individual must be smart , highly motivated team leader able to offer strong business strategies , especially involving the rapid growth of operations and resulting financial challenges . the ceo must be expansion - capable and have experience with business start ups , growing businesses and the ability to get the company to a public offering the chief executive officer for this 1 - year start - up , b 2 b e - commerce , single location company must be able to commercially launch the company in the energy industry , and ultimately expanding into other market niches while making this company a market leader in the internet rate comparison market . * * rates . com is a california c corporation company with an industry leading board of directors and advisory board . the company in the process of assembling a management team , finalizing the business plan and taking the rate comparison service to market . the initially targeted electric and natural gas industries have over $ 200 billion in annual revenues . currently , the three largest internet rate comparison companies have little or no market share in the energy industry . possible candidates can come from a variety of experiences , but experience in starting up an energy company or leading - edge technology company is critical . requirements : the candidate must have 8 - 15 years of executive management experience ( i . e . , ceo , president , sr . vice - president , partner level consultancy ) in the private sector either with a deregulated energy company , a large consulting or a services oriented firm . extensive background in either the energy field , high technology , including telecommunications , systems software , e - commerce development or e - commerce . must have a strong background in business development and building relationships with large companies . strong visionary with proven leadership qualities and capable of building a company . degree essential . computer literate in word processing / budget formats / and e - mail necessary group and people skills essential organizational and planning skills a must over all must be a self - starter and a communicator must be willing to travel in states as necessary . position title : director of acquisitions department : corporate development location : dc reports to : vice president , acquisitions position summary : the person holding this position serves as a transaction team leader for large acquisition projects within the energy group , performing all activities and managing all resources necessary to successfully acquire operating power plants , or gas assets . working largely through self - direction , he or she manages the project team for an assigned project and establishes and adheres to budgets and schedules . due to high deal flow , the energy group needs two directors of acquisitions , and has one open position . principal duties and responsibilities : 1 . manages the project team for an assigned project . successfully manages the project through signing of an asset purchase agreement . 2 . manages development of and inputs to , project / proposal economic projections . obtains sign - off on pro forma inputs from appropriate company officers . 3 . identifies problems and solicits input from appropriate team members and / or senior management on project issues . develops alternative solutions and assesses the alternatives in the context of project and corporate objectives . chooses and implements the best solutions . 4 . establishes project budgets and schedules and manages expenditures to budgeted levels . 5 . plans and organizes tasks and short - term goals for the project team members to ensure the project stays on schedule . coordinates activities of team members ( including third parties ) from different disciplines to ensure activities with overlapping disciplinary impacts are performed efficiently . 6 . represents the project and the company in discussions with interested parties , at lender meetings , etc . , and develops appropriate relationships with individuals involved . 7 . identifies key issues associated with an acquisition and its potential  & fatal flaws .  8 8 . assists in maintaining relations with investment banks and legal firms to assure that company receives all appropriate  advanced degree in business or related field preferred . 2 . strong analytical skills , experience in building and managing pro formas . 3 . substantial record of successfully managing and participating in the development or acquisition and financial closing of independent power projects or merchant plants . 4 . excellent oral and written communication skills . 5 . ability to function in a team environment with multiple and changing priorities , as either leader or team member . interview with : chief financial officer vice president , acquisitions managing director , development director , acquisitions asian sales manager position . selling turbomachinery controls throughout asia . the best location for this position is in singapore . all candidates for this position should have a proven track record selling controls in the region . the asian sales manager will be responsible for growing i & c systems product line ( direct sales ) throughout asia . this will include sales of control systems through engine and turbine packagers and rebuilders . company will also pursue sales directly to end - users with the best candidates being the oil & gas producers and power companies . the company will emphasize gas turbine applications including compressor and generator drives . the company is interested in developing alliances with large users such as ongc , petronos , and caltex , as well as pursuing the individual retrofits with energy companies . retrofit opportunities will not be limited to this company ' s machines . the company will retrofit any gas turbine . we will also retrofit gas or diesel engines . the company expects sales results and then growth plans for leveraging these early successes . as they grow , additional sales personnel may be added and they will report to the asian sales manager . company hot buttons : 1 . familiar with asian oil & gas and power generation markets . 2 . strong technical understanding of control systems and turbomachinery applications . 3 . well organized , self - managed individual . 4 . ability to manage and direct other sales people . 5 . ability to work with key customers , to understand their turbomachinery requirements and communicate i & c solutions . 6 . ability to achieve early sales results and to develop sustained sales growth . 7 . ability to develop long - term alliances with key customers , as well as , sales opportunities on individual control retrofit projects . 8 . strong understanding of sales & marketing principles with the ability to implement these principles . 9 . ability to work well with people of various cultural backgrounds . 10 . the asian sales manager will be based in singapore and report to the director of sales and marketing , located in houston , texas . an undergraduate degree in electrical or mechanical engineering is required . a graduate degree is business is also desirable . regards , dave weir , sr . managing partner ieg , inc . 215 - 957 - 9012 fax . 215 - 957 - 1753 or 215 - 957 - 6090 website : www . iegsearch . com email : dgweir @ iegsearch . com or dgweir @ aol . com dave weir , sr . managing partner ieg , inc . 215 - 957 - 9012 fax . 215 - 957 - 1753 or 215 - 957 - 6090 website : www . iegsearch . com email : dgweir @ iegsearch . com or dgweir @ aol . comdave weir , sr . managing partner ieg , inc . 215 - 957 - 9012 fax . 215 - 957 - 1753 or 215 - 957 - 6090 website : www . iegsearch . com email : dgweir @ iegsearch . com or dgweir @ aol . com",0 +"Subject: research intelligence stinson , please , take a look at this memo and forward with changes , if any , to ross prevat . enron corp . research group publishes weekly newsletter , "" research intelligence , "" available to the internal users on the intranet , at the following location : xxx . xxx . xxx . this site contains not only the new issues of the newsletter as they become available , but also the archived copies of the previous editions . each issue of "" research intelligence "" contains a regular feature called technical corner which is devoted to discussion of various quantitative techniques that can be applied across different business units of enron . i am sending you a binder with the archive copies of the technical corner articles . please , review these articles and let us know whether some of the techniques discussed in them could find application in your area . we shall be glad to use our technical expertise to support your business . binders would go to skilling , sutton , hannon , baxter , delainey , bowen , w . curry , buy , bowen , overdyke , whalley , shankman , pai , etc . this is a partial list . i think we should ask the head of each unit to make recommendations . thanks . vince",0 +"Subject: re : tom halliburton dear all : a few words about tom . he is a power engineer type who has previously worked at northwestern us and new zealand utilities on various projects including asset planning and hydro scheduling . he was hired by ei structuring to oversee modeling efforts using sddp , henwood , etc . because of the recent implosion at ei apache , tom ' s group has effectively evaporated , and thus he is looking for a new home . he has some finance background from having to do asset evaluation for utility rate filings . he has almost no options experience . he seems to have quite a bit of experience in some classes of or problems . clearly the most obvious fit is with my group , but the idea is for you all to see if tom has a tool set that may be of use to other research projects . and , as usual , the personality fit is the other aspect to examine . this is meant to be casual . if the consensus is positive , then i will explore the formalities of such a transfer . thanks , grant .",0 +"Subject: possible summer internship with enron good morning ainsley : a copy of your resume was forwarded to vince kaminski and the research group of enron corp . they are very interested in talking with you about the possibility of a summer internship with the research group . please let us know if you would be interested and we will arrange either a telephone interview or bring you into the office for an interview . you may contact me at : shirley crenshaw administrative coordinator enron corp . research telephone : 713 / 853 - 5290 email : shirley . crenshaw @ enron . com look forward to hearing from you ainsley . sincerely , shirley crenshaw",0 +"Subject: re : enron / stanford program vince , i will call paul racicot tomorrow . can you try and do the same ? thanks , stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 10 / 10 / 2000 07 : 59 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - nick bambos on 10 / 09 / 2000 12 : 04 : 19 am to : stinson . gibner @ enron . com cc : subject : re : enron / stanford program hi stinson , i am under pressure from the department to wrap up giuseppe ' s raship , and i am probing to see how things are going on this matter on your side . i ' m deep in the red in terms of the deadline - way beyond it ! would it be possible to wrap this up this week ? many thanks , nick stinson . gibner @ enron . com wrote : > > nick , > > i spoke with paul racicot , head of trading for ebs , north america this > morning . he said that he is happy to send the $ 100 , 000 for your program > from his budget . i have forwarded to him the draft letter to accompany > the funds and will try to follow up to make sure that the money is sent > promptly . > > - - stinson",0 +"Subject: re : tanya vacation brad , can we reverse this entry ? i shall call you later today regarding tanya . vine - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 17 / 2000 08 : 16 am - - - - - - - - - - - - - - - - - - - - - - - - - - - tanya tamarchenko 02 / 16 / 2000 10 : 13 am to : vince j kaminski / hou / ect @ ect cc : subject : re : tanya vacation vince , i just found out that none of my vacation days from the last year is in the computer system ( it says that i have 0 c / over days ) . it was november 3 , 1999 when i asked your approval to carry over 12 vacation days to the next year . i was thinking that if you ( or hr ) do not approve i could at least take these days in 1999 . i know that your tried to help me and sent to brad mcsherry the justification for me to carry over 10 days . i bothered you a few times in november and december 1999 and since your response was optimistic i did not take any of those 10 days in 1999 . but i never heard from hr . now i am not sure - may be these days are not in the system by mistake . i would like to take 5 of them in march ( from 3 / 13 / 00 to 3 / 17 / 00 ) . what is your advice ? should i contact brad mcsherry ? even negative response from hr in november or december last year would be better than loosing vacation days . i really appreciate your help , tanya . tanya tamarchenko 12 / 02 / 99 12 : 51 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : tanya vacation hi , vince , sorry to bother again with my question . i first e - mailed my question a month ago ( on nov . 3 ) . since we still have not heard from hr , is it fair to assume that i can carry over my 10 vacation days to the next year ? if not - i have to take 5 days before dec . 17 , because then i go on vacations anyhow . i would really prefer not to take off most of december , there are quite a lot of things going on . thank you for your help in resolving this question . tanya .",0 +"Subject: agenda christian - i was thinking that your expertise in grads and grib formats will help enron to obtain a competitive edge over our competitors . development of the grads visualization tool will allow our international offices to obtain the mrf ( medium range forecast model ) data first , without being dependant of internet sources . additionally , i think that we could obtain mrf ensemble data via the same sources as well . can we include in the agenda the development of these tools ? jose marquez",0 +"Subject: re : vacation shirley , no problem . vince shirley crenshaw 05 / 16 / 2000 09 : 14 am to : vince j kaminski / hou / ect @ ect cc : kevin g moore / hou / ect @ ect , william smith / corp / enron @ enron subject : vacation vince ; if it is allright , i would like to take a day of vacation , friday , may 19 th . thanks . shirley",0 +"Subject: re : contingencies steve , i shall call you tomorrow about it . my preference is to move anjam to houston for some time . anjam knows a lot about our business and specific positions and it ' s better to prevent a potential leak . i have discussed this issue with dale and richard and they concurred . i don ' t expect anjam to act irrationally but it ' s better to be safe than sorry . vince steven leppard 08 / 02 / 2000 03 : 08 pm to : vince j kaminski / hou / ect @ ect cc : subject : contingencies hi vince if you ' re currently engaged in drawing up contingency plans for the anjam situation , have you arranged for a "" snapshot "" of his computer directories to be taken ? we all tend to use our personal areas ( on our h : drives ) for development , and obviously there ' ll be a few years of work in anjam ' s directories . i wouldn ' t want him to wipe it all out in a fit of bad temper . although our it dept . obviously makes backups , i don ' t know how long they are kept for . cheers , steve",0 +"Subject: re : lost cell telephone chris , the phone has been found and has not been compromised in any way . can you , please , restore the service . thanks . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 12 / 29 / 2000 12 : 01 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 12 / 18 / 2000 03 : 13 pm to : chris samaniego @ enron cc : vince j kaminski / hou / ect @ ect subject : re : lost cell telephone thanks ! chris samaniego on 12 / 18 / 2000 03 : 06 : 09 pm to : "" ' shirley . crenshaw @ enron . com ' "" , enron cc : subject : re : lost cell telephone request completed . chris samaniego account associate houston cellular corporate accounts petrochemical vertical ( 713 ) 562 - 2995 cellular ( 713 ) 345 - 7183 enron direct ( 713 ) 646 - 2415 fax enron @ houstoncellular . com e - mail samaniec @ houstoncellular . com e - mail samaniec @ bellsouthips . com interactive pager > - - - - - original message - - - - - > from : shirley . crenshaw @ enron . com [ smtp : shirley . crenshaw @ enron . com ] > sent : monday , december 18 , 2000 2 : 19 pm > to : enron > subject : lost cell telephone > > hello : > > vince kaminski left his cell phone on the bus last friday . he has > contacted > the bus line , but the person in charge of the lost and found is not in the > office today . > > if there any way that we can put a hold on this telephone until he can see > whether it has been turned in or not ? > > the cell # is : 713 / 410 - 5396 and the account # is : 88563580 . > > please let me know as soon as possible . > > thanks ! > > shirley crenshaw > 3 - 5290 > ebl 961 > shirley . crenshaw @ enron . com > >",0 +"Subject: 21 st annual energy symposium - november 28 - 29 , 2000 , houston , texas dear vince , thank you for taking the time to dine with chris and me back on monday 2 october . further to our dinner , i would like to forward you information on three topics : the partners who lead arthur andersen ' s relationship with enron are david duncan , based in houston , and simon prew , based in london ; our country managing partner for russia and details of our 21 st energy symposium are attached below . if you are interested in registering for our symposium please contact david directly . should you require any further information on the topics we discussed over dinner ( strategy , value and risk ) please do not hesitate to contact us in houston or london . regards , allan ( embedded image moved to file : pic 20284 . pcx ) the energy symposium is one of the largest energy conferences in the world and we are successful in attracting senior energy executives as speakers to this 2 - day event . this year ' s event will be november 28 & 29 . the energy symposium is much more that just an "" accounting conference . "" industry leaders discuss a range of topics and share their perspectives on strategic , economic , political , financial and operating issues . participants find the networking aspect of the symposium to be especially valuable . there is ample time during the event for them to meet and talk with their counterparts and colleagues in the industry . and it is a premier marketing opportunity for arthur andersen , where more than 300 partners and managers get to spend two days with 700 executives from the energy and utilities industry in a forum . the symposium check - in begins monday , november 27 at 6 p . m . , with a cocktail reception in the galleria ballroom foyer . arthur andersen personnel are encouraged to attend for an opportunity to network with colleagues , clients and prospective clients in an informal setting . thank you in advance and i look forward to seeing you and your clients in houston . victor a . burk monday , november 27 , 2000 6 - 10 p . m . opening reception tuesday , november 28 , 2000 7 : 00 a . m . registration 8 : 15 a . m . symposium wide opening and welcome 8 : 30 a . m . opening plenary session global power companies : strategies for success 10 : 00 a . m . break 10 : 30 a . m . concurrent session i i - a the changing face of utilities : u . s . restructuring continues i - b bandwidth markets : opportunities & pitfalls noon lunch and keynote presentation 2 : 00 p . m . concurrent session ii ii - a retail energy services : the new game ii - b mergers & acquisitions : more to come ? ii - c new business models and technologies : changing the supply chain 3 : 30 p . m . break 4 : 00 p . m . concurrent session iii iii - a opportunities and risks in the emerging global emissions trading market iii - b oil field services : the new landscape iii - c accounting and reporting outlook 5 : 30 p . m . reception wednesday , november 29 , 2000 7 : 00 a . m . registration 8 : 00 a . m . breakfast roundtable discussions rt - 1 asia / pacific region rt - 2 caspian region rt - 3 bandwidth markets rt - 4 customer relationship management rt - 5 digital markets rt - 6 value creation in the e & p industry 9 : 45 a . m . break 10 : 15 a . m . concurrent session iv iv - a trading and marketing : new products and new players iv - b creating value in the e & p industry 11 : 45 a . m . lunch and keynote presentation 2 : 00 p . m . supply chain optimization workshop 4 : 00 p . m . symposium adjourns the printed program and registration materials will be mailed to more than 10 , 000 people on our us oil and gas and utility mailing lists on october 2 . a copy of the materials is attached below . in addition , you can always refer to our website , www . energysymposium . com , for any updates to the agenda . ( see attached file : es _ 2000 . pdf ) headquarters : octel & network : 713 - 237 - 5400 fax : 713 - 237 - 2214 lotus notes : energy symposium hq or energy . symposium @ arthurandersen . com symposium in - charge : melissa l . spradley octel & network : 713 - 237 - 2385 fax : 713 - 237 - 5673 symposium contact : mickey r . appel octel & network : 713 - 237 - 2472 fax : 713 - 237 - 5673 * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * the uk firm of arthur andersen is authorised by the institute of chartered accountants in england and wales to carry on investment business . a list of partners is available at 1 surrey street , london , wc 2 r 2 ps ( principal place of business ) . privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it . - pic 20284 . pcx - es _ 2000 . pdf",0 +"Subject: gpcm modeler news : august 31 , 2000 new gpcm pipeline schematics available on the web you can now view gpcm pipeline schematics on the web by going to the gpcm website , clicking "" gpcm pipelines "" and then clicking the code for the pipeline you want . you can also go to that pipeline ' s website by clicking it ' s url . finally , by "" right - clicking "" the code you can copy the pipeline schematic ( a powerpoint file ) down to your local computer and use it there . once you copy it down , if you put it into your gpcm 8 \ maps sub - folder , you can view it directly from your user interface in the data / pipelines form ( click the has map box on ) . if you are a gpcm licensee and would like a zip file of the current set of maps , you can pick it up from the customer support area of the gpcm website ( http : / / gpcm . rbac . com ) . from http : / / www . enerfax . com : natural gas markets in mexico natural gas demand in mexico in the coming years could grow by up to 8 % annually . such demand could lead to natural gas imports approaching 2 bcf per day , according to government forecasts . in response , pemex proposes two actions : the first consists of measures to increase cross - border pipeline infrastructure and capacity such as a new pipeline being built by coral energy into pemex ' s supply hub at reynosa . the possibility of a new pipeline to monterrey is still an option . a second measure is to implement a gas - centric exploration and production program focused on five areas , two of which are dry natural gas basins , burgos and macuspana . this second measure is intended to reduce projected imports by up to 80 % . at present , pemex ' s 10 - year strategic plan does not contemplate a role for private production companies in capacities other than that of technical assistance . storage report week prev ending prev prev year | region | 8 / 25 / 00 | week | diff | % full | year | % full | prod | 529 | 517 | 12 | 55 % | 749 | 78 % | east | 1254 | 1209 | 45 | 68 % | 1382 | 75 % | west | 361 | 366 | - 5 | 71 % | 390 | 77 % | | | | | | | | total | 2144 | 2092 | 52 | 65 % | 2521 | 76 %",0 +"Subject: re : enroncredit . com vasant , tanya any interest ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 14 / 2000 03 : 56 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - melanie doyle 03 / 10 / 2000 04 : 33 am to : vince j kaminski / hou / ect @ ect cc : brad mcsherry / hou / ect @ ect subject : re : enroncredit . com hi this guy has applied to credit . com in houston , i spoke to him yesterday and then passed my comments to bryan seyfried . bryan suggested he may be of interest to you . i let this this guy know that he would hear from us either way and if we want to pursue the application we would invite him for interviews in houston . please give me a call if you need more information . melanie 00 44 171 783 7740 . - - - - - - - - - - - - - - - - - - - - - - forwarded by melanie doyle / lon / ect on 10 / 03 / 2000 10 : 26 - - - - - - - - - - - - - - - - - - - - - - - - - - - bryan seyfried 08 / 03 / 2000 07 : 51 to : brad mcsherry / hou / ect @ ect cc : melanie doyle / lon / ect @ ect subject : re : enroncredit . com let ' s start getting these guys in to interview . melanie can do initial telephone interviews and then coordinate with brad to ensure we are seeing the best people . i would like to move as quickly as practical . bs from : brad mcsherry on 07 / 03 / 2000 13 : 17 cst to : bryan seyfried / lon / ect @ ect cc : subject : enroncredit . com - - - - - - - - - - - - - - - - - - - - - - forwarded by brad mcsherry / hou / ect on 03 / 07 / 2000 01 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - alexander . c . davidson @ us . arthurandersen . com on 03 / 03 / 2000 01 : 55 : 23 pm to : brad . mcsherry @ enron . com cc : subject : enroncredit . com dear mr . mcsherry : i am responding to your search for credit risk professionals on the enroncredit . com website . after working for seven years on credit risk management in a research and consulting capacity , i would like to transfer my experience in assessing credit risk modeling , information technology and methodology in complex top - tier institutions to an active credit trading managerial environment . i am excited about being involved in trading , origination , risk management and r & d of credit derivatives . i have seven years of experience in credit risk measurement and management . i have helped design , test and implement credit value - at - risk systems with kmv corp and with a major japanese bank . i was a major contributor at kmv in designing the expected default frequency model and i am thoroughly familiar with its assumptions , strengths , weaknesses and applications . i did the empirical research that lies behind the kmv default correlation model , the private firm edf model and i interfaced with j . p . morgan ( now r . m . g . ) personnel during the creation of the creditmetrics documentation . i have excellent analytical , quantitative , statistical and programming skills . i studied finance extensively when i was a graduate student and i studied credit risk theory while i worked with kmv and arthur andersen . i am eager to join the credit derivative team at enroncredit . com where i am certain that my combination of quantitative research skills , credit risk consulting experience and technology expertise make me uniquely qualified to support the credit derivatives trading and risk management function . i have included my resume with this e - mail . please e - mail me or call me at 201 - 420 - 0191 ( home ) and 212 - 708 - 4027 ( work ) so that we can discuss this opportunity further . ( see attached file : alex . doc ) * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it . - alex . doc",0 +"Subject: re : eott options tracy , attached is a spreadsheet model which contains both black - scholes and american option valuation models . these are the generally accepted methods for valuation of options on equity . the "" european "" option prices assume that the option holder can exercise his options only at maturity , while the "" american "" style options can be exercised at any time during their life . i have assumed in the examples that the underlying equity units have a market value of $ 13 . 00 and that the options are struck at this level . the volatility input is the other main assumption . eott has been trading recently with a volatility ranging between 30 % to 40 % although looking further back , the range is much wider . to run the model , you must be linked with the options library . i am not sure what lan you are connected with , but you can coordinate with zimin lu ( x 36388 ) for help with loading the option library add - in module . on the ena lan it is located under o : \ research \ exotica \ xll \ exotica . xll . this is loaded in excel using the tools / add - ins and browse to reach the add - in location . - - stinson x 34748 p . s . i will mail you a hard - copy of a plot showing recent eott volatility as well . if you would like us to help you in running specific examples , please let me , vince , or zimin know .",0 +"Subject: re : contract agreement habiba , looks good to me . pleasure to work with you . vince habiba bayi @ enron _ development 04 / 03 / 2000 06 : 23 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : contract agreement hi , attached is the draft copy of the agreement for your review . i will call lacima in london in the morning to fill in the gaps for the name of the book , the date they intend to publish it and the name of the person who will sign on their behalf . as soon as i get your comments back , i will send the copy to david , our attorney , and copy you as well . thank you . habiba",0 +"Subject: re : new invoice for energy and weather vince , thanks ! ? can you also let me know who my contact is for getting copy approved by enron so we can use it in our publications ? ? i will try fiona grant again , but i ' m not getting anywhere . ? thanks , julie - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : julie sent : tuesday , april 10 , 2001 9 : 16 pm subject : re : new invoice for energy and weather julie , i signed the request for a check today . vince "" julie "" on 05 / 09 / 2001 04 : 47 : 05 pm please respond to "" julie "" to : ? ? "" vincejkaminski "" cc : ? ? subject : ? new invoice for energy and weather vince , please find attached a replacement invoice for invoice number 215 . ? this invoice includes the correction in charges for the weather course , and for only one attendee for the energy derivatives course . if you should have any questions , please contact me . sincerely , julie ( see attached file : enron 283 _ 9 _ 04 _ 01 . doc )",0 +"Subject: petrochem desk vasant , it seems we have to help them . can kate help on this project ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 23 / 2001 09 : 28 am - - - - - - - - - - - - - - - - - - - - - - - - - - - nelson neale @ enron 04 / 20 / 2001 10 : 29 am to : vince j kaminski / hou / ect @ ect , vasant shanbhogue / enron @ enronxgate cc : subject : petrochem desk i had a chance to speak with christian lebroc this morning with regard to curve building for petrochemicals . as it turns out , christian left rac in april and joined the petrochem desk as a trader . previous efforts at construction of a forward curve by the group have focused on intuition or swags . unfortunately , the group had a rough p & l year with at least some of the blame directed toward the forward curve or lack thereof . when asked about the fundamentals group , christian indicated that they ' d only been around about 3 - 4 months and are not yet well - suited to curve building . john nowlan is indeed the head of the group . from a timing perspective , i told christian that it would probably take at least 6 - 8 weeks to develop a curve , especially considering the need to understand the key market drivers / fundamentals . as was suggested yesterday during our meeting , a strong relationship between petrochemicals and a nymex component ( e . g . , crude oil ) would provide a great beginning point - - we could then potentially strengthen / augment this relationship with other key factors ( e . g . , supply and demand terms ) borne out of our market research . nelson",0 +"Subject: re : enron credit model docs for the comparative model study - to be sent to professor duffie @ stanford hi ben , i think i have read all the papers that are to be used in the comparative model study to be sent to professor duffie at stanford . these documents are all listed below . please let me know if i have omitted any ( however , don ' t get the impression that i am begging for more papers to read ) . now i will try to transform my notes into a draft for professor duffie . thanks , iris list of papers for comparative model study 1 . actively managing corporate credit risk : new methodologies and instruments for non - financial firms by r . buy , v . kaminski , k . pinnamaneni & v . shanbhogue chapter in a risk book entitled credit derivatives : application for risk management , investment and portfolio optimisation 2 . neural network placement model by george albanis , enroncredit ( 12 / 22 / 00 ) 3 . pricing parent companies and their subsidiaries : model description and data requirements by ben parsons and tomas valnek , research group 4 . a survey of contingent - claims approaches to risky debt valuation by j . bohn www . kmv . com / products / privatefirm . html 5 . the kmv edf credit measure and probabilities of default by m . sellers , o . vasicek & a . levinson www . kmv . com / products / privatefirm . html 6 . riskcalc for private companies : moody ' s default model moody ' s investor service : global credit research 7 . discussion document : asset swap model by ben parsons , research group ( 4 / 20 / 01 ) 8 . asset swap calculator : detailed functional implementation specification ( version 1 . 0 ) by ben parsons , research group 9 . discussion document : live libor bootstrapping model by ben parsons , research group ( 4 / 20 / 01 ) 10 . the modelling behind the fair market curves : including country and industry offsets by nigel m . price , enron credit trading group 11 . pricing portfolios of default swaps : synthetic cbos - moody ' s versus the full monte ( carlo ) by nigel m . price , enron credit trading group 12 . placement model vl . 0 : discussion document by ben parsons , research group , 2000 13 . credit pricing methodology - enroncredit . com by ben parsons , research group 14 . correlation : critical measure for calculating profit and loss on synthetic credit portfolios by katherine siig , enron credit group 15 . discussion document : var model for enron credit by ben parsons , research group , ( 1 / 3 / 01 ) 16 . methodology to implement approximate var model for the credit trading portfolio by kirstee hewitt , research group",0 +"Subject: enron announcement car rental options for enron travelers rental car contracts for 2001 have been awarded to : national car rental ( primary ) and alamo rent - a - car ( secondary ) . the intent of these agreements is to consolidate and leverage enron ' s total car rental spend to achieve the most favorable rates and non - pricing provisions ( i . e . insurance ) . national car rental , due to its service levels , availability and total value proposition , has been awarded primary status and is recommended as the first choice for enron travelers ' needs . alamo rent - a - car , a sister company to national , has been awarded a contract reflecting a secondary status , due to its service levels , availability and low cost solutions . alamo is recommended as an alternative to national , where available . when you rent a vehicle in the united states , ( including puerto rico ) or canada , the following insurance provisions are included , regardless of rate selected : 1 . l / dw ( loss / damage waiver ) - this is what is called comprehensive or collision on your personal auto . it covers the rental vehicle and pays for any damage to it . 2 . liability - this covers people and property outside the rental vehicle . for both national and alamo , the coverage is $ 100 , 000 per person , $ 300 , 000 per occurrence and $ 50 , 000 for property damage . * * important * * * these coverages apply regardless of rate selected , as long as the following contract id is communicated at the time of reservation and rental is recorded on the transaction rental agreement . ( national - 5000838 alamo - # 143974 ) to enjoy the highest levels of service while renting a vehicle from enron ' s preferred suppliers , it is recommended that each traveler enroll in national ' s and alamo ' s preferred traveler programs . national ' s emerald club membership and alamo ' s quicksilver program are designed to speed the transaction time by providing services such as counter bypass and rapid return . the enrollment fees for these programs have been waived for enron travelers . enrollment packets will be mailed to the addresses of enron american express t & e cardholders . you may also find an enrollment form on the enron travel program intranet @ gss . enron . com . if you have any questions or comments , please contact jeff leath at 713 - 646 - 6165 .",0 +"Subject: spring 2001 schematic spring 2001 faculty , the spring 2001 schematic has been posted to embanet . to access the schematic please open the jgsm area icon on the embanet desktop . next please open the announcement jgsm icon . you will find the spring 2001 schematic located under the subject column . please open the document . if you do not have access to embanet you will need to speak with david kilgore at kilgore @ rice . edu or by calling david at 713 - 348 - 5378 . thanks , kathy kathy m . spradling mba program coordinator jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 3313 fax : ( 713 ) 348 - 5251 email : spradlin @ rice . edu http : / / www . rice . edu / jgs e - mail : spradlin @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: approval ( sent by nguyen griggs ) user requests acces to / research / erg / basis / basisnw . . . . . please indicate if you approve . thanks ngriggs irm o : / research / erg / basis / basisnw . . . . - - - - - - - - - - - - - - - - - - - - - - forwarded by information risk management / hou / ect on 05 / 02 / 2000 01 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - security resource request system pending security processing resource request how to process a request . . . general information initials : requestor : kimberly brown / hou / ect phone : 713 - 853 - 5193 requested for : kimberly brown / hou / ect request type : update access rc # : 0765 wo # : company # : 413 priority : high location : houston 1 . click to see what is being requested or see the resource request ( s ) section below . 2 . click to process the request . comments : this is urgent request # : kbrn - 4 jxkk 6 submitted : 05 / 02 / 2000 09 : 59 : 11 am name cost status implementation comments directory / resource / other o : / research / erg / basis / basisnw . . . . not started request processing path processed by status when comments security implementation other security information req ' s location : network login id : unix login id : editing history ( only the last five ( 5 ) are shown ) edit # past authors edit dates 1 2 kimberly brown kimberly brown 05 / 02 / 2000 09 : 59 : 08 am 05 / 02 / 2000 09 : 59 : 11 am",0 +"Subject: very rough draft of the "" enron strategic plan "" to be sent to professor duffie hi , as per your request , here is a very rough draft of the document you requested . it is far from being complete . hopefully while in london i will have time to work on it some more . your comments and feedback would be greatly appreciated . thanks , iris",0 +"Subject: re : pserc industrial advisory board meeting invitation vince , i agree with alex on this issue . as an alternative for sponsorship . the ut electrical engineering dept . is interested in sponsorship for research activities such as the one i just completed or as martin performed when he was at ut ( just thought that i would mention this as a possible alternative ) . would you be interested in a presentation or a "" brown bag lunch "" on this subject ? lance alex huang 04 / 02 / 2001 08 : 55 am to : vince j kaminski / hou / ect @ ect cc : lance cunningham / na / enron @ enron subject : re : pserc industrial advisory board meeting invitation vince , i think it is important to keep a good relationship with pserc , but as of now , it is not worth two days of your time to attend the board meeting . besides , since we are not a sponsor yet , we have virtually no voice in the meeting and our presence sometimes is awkward . again , even if we are one of the thirty or so sponsors , our voice is rather limited , for most of the other sponsors have different concerns from ours . one way to remedy this is to individually sponsor some research projects , via sumer intern or invited talks . alex",0 +"Subject: re : youyi vince , this will be perfect for us . we will work with shirley while keeping you and krishna informed of the timing and location of the move . i will also speak with youyi tomorrow about our plans . many thanks , kim . vince j kaminski @ ect 01 / 16 / 2001 01 : 39 pm to : kimberly watson / et & s / enron @ enron cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : youyi hi kim , i don ' t see any problem . for the time being , he can keep his desk on the 19 th floor as well ( and the same phone number ) . it will be helpful when he has to work closely with krishna under time constraint . at some point , as we hire more people and run out of space , we can move him completely to your floor . please , ask your assistant to call shirley and arrange the move . vince kimberly watson @ enron 01 / 12 / 2001 04 : 21 pm to : vince j kaminski / hou / ect @ ect cc : pinnamaneni krishnarao / hou / ect @ ect subject : youyi hi vince ! i hope you and a nice christmas and new year ! it ' s nice to be back and in the full swing of the new year . i have a question for you . i spoke with krishna prior to him leaving for india about the possibility of moving youyi up to our floor so that we can work closer with him . krishna thought that this would be a good idea . it would be great to have youyi with us soon so that he will be intimately involved with the whole approach of our prototype model . although krishna will be back at the end of the month , would you mind if i speak with youyi and begin the paperwork for moving him onto our floor ? i ' m not sure if krishna has mentioned this to youyi yet . i did not want to surprise anyone and wanted to run this by you or krishna for final approval . many thanks , kim .",0 +"Subject: re : fw : possible visit to enron by professor nalin kulatilaka of boston university iris , i wrote an endorsement for his book on real options ( it was on the cover under jeff skilling ' s name ) . let ' s invite him to the thursday lunch . vince from : iris mack / enron @ enronxgate on 03 / 29 / 2001 05 : 52 pm to : stinson gibner / hou / ect @ ect , stinson gibner / enron communications cc : vince j kaminski / hou / ect @ ect subject : fw : possible visit to enron by professor nalin kulatilaka of boston university hi stinson , a colleague of mine - professor nalin kulatilaka of boston university - is interested in visiting enron to give a talk on work he is doing in the broadband area . please see the forwarded emails for further information and available dates . can you let me know if we can give him a forum at one of our thursday research lunches or a friday brown bag lunch ? thanks , iris - - - - - original message - - - - - from : nalin kulatilaka @ enron com ] sent : thursday , march 29 , 2001 5 : 40 pm to : mack , iris cc : lin , martin subject : re : possible visit to enron by professor nalin kulatilaka of boston university hi iris i have two different hats to wear in talking to enron . one is as a financial economist . the other as the director of the newly formed "" global mobility innovation initiative ( gmii ) - - this is the research project funded by lucent , involving bu , lbs , and insead , to study various aspects of the mobile internet ( read 3 g ) . on the former i am working with a couple of ph . d . students in understanding ( a ) details of how having physical supply ( inventory ) can be used by a market maker . this is a problem that has been studies in the context of specialists inventory in the stock market but i think really interesting in the way enron does it in some of the newer markets like bandwidth . i think this is a big issue in lighting up all the dark fiber that is in the ground . ( b ) how enron is disciplining the internal decision making process with market . this is in many ways the critical aspect of real options that most finance people miss - - having options is one thing but exercising them and realizing their value is another . all of the incomplete contracting , asymmetric information , and incentive issues are ignored in real options valuation models . but they are real in practice . my impression is enron ' s real success is in putting place an organization that is able to mitigate these problems by imposing a market disciplining . ( c ) how enron manages the various books that involve physicals , financials , credit etc . this is specially important when many of the real assets have options features and therefore , include non - linear risk profiles . the story of gas is pretty well understood but not many of the others markets enron has been moving into over the last few years . on the gmii front , i think that some interesting opportunities arise when you think of the spectrum in a way similar to that of dark fiber . i am working with several people at lucent on this issue . i think it would be wonderful to engage in a conversation with enron and lucent folks in the room . i can do a lunch time talk on any of these issues . perhaps we can discuss some of these over a conference call . clearly , having vince kaminski in the room would be very important to me . as for schedules , the first 3 weeks of april are horrible . april 26 / 27 , may 3 / 4 are good for me . regards nalin at 06 : 56 pm 03 / 22 / 2001 , mack , iris wrote : > hi , > > as we briefly discussed , i spoke with one of my colleagues ( dr . > martin lin ) about your visiting enron to give a talk and to spend some > time with us to discuss you work in telecommunications , real options , > etc . > > martin and i are working on various broadband related problems . > > we thought it might be helpful if you let us know a bit more about > the following : > * when you want to come ( the research group has weekly > catered lunch on thursday and brown bag lunches on every other friday ) . > > * a description of what you want to talk about with respect > to telecoms , broadband , etc . > * who you would like to meet with me - vince kaminski ( our > boss ) , any other of our colleagues in research , broadband , etc . > . . . . . . . . . . . . . . . . . etc . > > > > > look forward to hearing from you . > > regards , > iris",0 +"Subject: re : full version darrell , thanks a lot . i really appreciate it . the text is below our usual standards but we are completely swamped with work here . vince darrell duffie on 08 / 15 / 2000 04 : 54 : 23 pm please respond to darrell duffie to : vince . j . kaminski @ enron . com cc : subject : re : full version i ' ll have a look ! i haven ' t much time , but can certainly get you a quick reaction , at least ! best , darrell > x - lotus - fromdomain : ect > from : "" vince j kaminski "" > to : duffie @ stanford . edu > date : thu , 10 aug 2000 14 : 04 : 47 - 0500 > subject : full version > mime - version : 1 . 0 > content - disposition : inline > x - uidl : 9 fef 7462 afa 5 d 4 ee 6 co 4 c 9 co 2 df 71 b 25 > x - keywords : > > > > darrell , > > grant just alerted me that i sent you only part of the text . > > here is the full chapter with an aged version of gran ' t part . > what i sent you represents an update of his contribution . > > sorry for that . > > vince > > ( see attached file : volo 720 . doc ) darrell duffie mail gsb stanford ca 94305 - 5015 usa phone 650 723 1976 fax 650 725 7979 email duffie @ stanford . edu web http : / / www . stanford . edu / ~ duffie / ",0 +"Subject: follow - up on siam workshop i am forwarding for your attention the resume of peter percell who has an extensive experience in modeling physical flows of natural gas in pipeline systems . peter is looking currently for a job . i met him last week at the meeting of the science and industry advance with mathematics society at the university of houston . the application of recent developments in optimization theory and numerical methods can help enron to improve further efficiency of our pipeline system and reduce the consumption of compressor fuel . please , let me know if you interested in introducing peter to executives in your organization . i shall be glad to make arrangements for an interview . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 30 / 2001 02 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - peter percell on 04 / 30 / 2001 11 : 16 : 58 am to : vincent kaminski cc : subject : follow - up on siam workshop i enjoyed your presentation , and meeting you briefly afterwards , at the siam workshop last friday . i have extensive experience as a technical leader in the design and development of modeling and simulation software products , mostly for the oil and gas pipeline industry . i am looking for a position that can utilize my software development and mathematical skills . getting out of the narrow confines of the pipeline simulation industry would be a plus . please consider whether i might fit in your group . your answer to a question indicated that i have several of the skills you look for . also , please let me know , by email , the names and contact information of other managers within enron who might benefit from having someone with my qualifications in their group . attached are my resume and an addendum covering academic & consulting experience . publications are available on request . i will call you in a couple of days to follow up on this email . thank you for your time . peter percell 10030 doliver drive percell @ swbell . net houston , tx 77042 - 2016 ( 713 ) 532 - 3836 voice & fax - percell , peter resume only . doc - percell , peter a & c exp . doc",0 +"Subject: hea ' s 34 th annual sports tournament vincent kaminski , you should have received a fax over the labor day weekend regarding our upcoming sports tournament . if you did not receive it , please visit our website at www . houstonenergy . org and go to the "" next scheduled event "" , or just go directly to http : / / www . houstonenergy . org / public / sportscover . doc . for all the information you need . hope to see you there and don ' t delay in sending in your registration ! this message was sent by : teresa knight , executive director houston energy association ( hea ) phone : ( 713 ) 651 - 0551 fax : ( 713 ) 659 - 6424 tknight @ houstoneneryg . org if you would like to have your email address removed from our mailing list , please click the link below to the hea home page , where you will find a mini - form to remove your name automatically . http : / / www . houstonenergy . org / if you did not receive the attached file or it was corrupted , you can find it at : http : / / www . houstonenergy . org / public /",0 +"Subject: re : datren williams acceptance what a kind and thoughtful man you always are , vince . . . . i have always appreciated that in you ! i just moved to another position this week - with sheila knudsen in ena compensation , but i will always remember how wonderful you are with the associates and analysts in the program , and will miss having the opportunity to touch base with you occasionally . thank you for being the special man you are ! carol p . s . i doubt that you know who i am , but i had worked with the program for two years , having been hired by mike smalling in october 1998 . when i first moved to houston ( from ohio ) and enron , i rode the # 35 bus for a short while . you helped me find enron the first day i rode it , but i didn ' t know who you were until i saw you at our super saturday activities . you will never know how much that assistance meant to me - a shy , street - dumb girl from toledo , ohio , in a city like houston , who didn ' t know how to ride a bus ! all of enron loves you , and i know why ! vince j kaminski 10 / 12 / 2000 04 : 32 pm to : carol coats / hou / ect @ ect cc : subject : re : datren williams acceptance carol , thanks . vince carol coats 10 / 12 / 2000 04 : 09 pm to : vince j kaminski / hou / ect @ ect cc : stinson gibner / hou / ect @ ect subject : re : datren williams acceptance you are right , vince . . . . celeste and i did discuss it , and she approved his feb . start date . datren does know about that , so it sounds like it is cleared up . thanks so much , and we are sorry for the confusion ! carol vince j kaminski 10 / 12 / 2000 03 : 58 pm to : stinson gibner / hou / ect @ ect cc : carol coats / hou / ect @ ect subject : re : datren williams acceptance stinson , i think it ' s a mistake . it should be february . vince stinson gibner 10 / 10 / 2000 08 : 11 pm to : vince j kaminski / hou / ect @ ect cc : subject : datren williams acceptance fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 10 / 10 / 2000 08 : 10 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - carol coats 09 / 29 / 2000 02 : 36 pm to : celeste roberts / hou / ect @ ect cc : stinson gibner / hou / ect @ ect subject : datren williams acceptance celeste , i just received datren williams ' acceptance with the following note attached : "" my graduation date ( ph . d . candidate from lsu ) is dec . 2000 . celeste roberts has informed me that i would have the option of starting work feb . 2001 . i am under the impression that i will start in feb . 2001 . my offer letter has a start date of aug . 2001 . if this is a problem , please give me a call . looking forward to working at enron . thanks a million , datren w . "" please let me know if he may in fact start in feb . 2001 , and if so , do you have a specific date for him , or may he choose ? thanks , celeste , carol",0 +"Subject: outage pricing model revision : allowing for power price vs . outage correlation i have included provision for providing rank correlation between "" jump occurrence in daily average power price "" and "" outage occurrence "" . the model will provide the same claim distribution as before when pricevsoutage correlation = 0 is used . claim goes up as the correlation is increased . i have performed some sensitivity analysis and the results seem to make sense . the new model workbook is "" 40901 . xls "" and corresponding dll is "" outagepricingo 40901 . dll "" , both located in o : \ grm \ research \ outagerisk \ subdirectory . the price vs . outage rank correlation input will need to be provided in "" main "" spreadsheet . please call me if you have any questions . - amitava",0 +"Subject: academic seeks job find below resume and email from someone who has built an electric generation commitment optimization model and is job - hunting . his skills look pretty good . should we bring him for an interview ? - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 10 / 2000 10 : 01 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : samer takriti @ enron communications on 04 / 07 / 2000 03 : 32 pm to : stinson gibner / hou / ect @ ect cc : subject : fw : resume another one . - samer - - - - - forwarded by samer takriti / enron communications on 04 / 07 / 00 03 : 34 pm - - - - - "" stephen schwartz "" 02 / 02 / 00 10 : 14 am to : "" samer takriti "" cc : subject : fw : resume - - - - - original message - - - - - from : jorge f valenzuela [ mailto : "" jorgev + "" @ pitt . edu ] sent : monday , january 31 , 2000 9 : 46 pm to : stakrit @ ei . enron . com ; stakrit @ ei . enron . com subject : resume dear dr . takriti , my name is jorge valenzuela . we met last year in the workshop , "" the new generation of unit commitment models "" . after your presentation , we had a brief conversation . i defended my ph . d . dissertation in industrial engineering at the university of pittsburgh last december . currently , i am teaching at the business school of the university of pittsburgh , but my interest is to work for an electric power company such as enron . during the last three years , my work has revolved around modeling of electric power systems . my ph . d . dissertation deals with the scheduling of generating units under the new operating environment . i have proposed a formulation that includes the option of trading at market - clearing prices with a power pool . i model the market - clearing price by a stochastic process based on the stochastic processes of the generating unit availabilities and the aggregate load . i use probabilistic dynamic programming to obtain the schedule that maximizes the expected profit . in my resume , herewith attached , i have listed some other work that i have done in modeling electric power systems . i would like to add that i am a very versatile person with strong background in operations research , statistics , and information technology . please call or e - mail me if you think that your company could make use of a person as me . thank you very much for your kind consideration . best regards , jorge valenzuela 215 sandy dr . glenshaw , pa 15116 telephone : ( 412 ) 492 - 9886 email : jorgev @ pitt . edu enclosure - resume . doc",0 +"Subject: resumes karen , i have forwarded all the resumes to charlene jackson about 10 days ago . i am resending 4 resumes ( in the case of paolo it ' s a copy of his e - mail message ) i have in electronic format . the resume for gappy will be faxed to you . thanks for your help . vince",0 +"Subject: sas online tutorial hi - we have access to the sas online tutorial for the next 30 days . point your browser to and use the username "" enron "" and password "" enron "" to enter . the way this product works is designed for a single user ( it sets a "" cookie "" allowing you to "" resume "" your place in the tutorial when you re - enter . ) since several of us may use it , we ' ll need to work around this , each of us remembering where we were before and recreating any sample data sets , etc necessary for the lesson in progress . clayton ps the module eis / olap will be a part of our installation next month , but is not currently available pps please remember to use your local browser to browse the sas online documentation . invoking a browser on the unix server is inefficient .",0 +"Subject: re : loan recommendation form li , i shall take care of it thursday . please , call me at the end of the day . vince li xiao @ enron 06 / 27 / 2000 11 : 31 am to : vince j kaminski / hou / ect @ ect cc : subject : loan recommendation form hi , vince , i was told by molly that she hasn ' t received the recommendation form from you yet . since i got admission late from the school , now i am short of time of getting i - 20 which needs loan approval , and getting visa status transferred ( from h - 1 to f - 1 ) which requires i - 20 and loan approval and normally takes around 45 days through ins ( immigration naturalization service ) . now , i am trying to push every step to speed up the process in order to catch up the school opening at beginning of sept . i know i just told you this late last week . nevertheless , i am writing to see if you can squeeze some time to finish the recommendation form anytime soon . it will be a big help . thank you very much , vince . have a good day . sincerely , li x 39635",0 +"Subject: daily rates - jackups john : claudio put together a spreadsheet for cheking the change on a composed jackup index against the change on individual categories of jackups and semis . he did not weighted the index because we think we will benefit from a simpler index price calculation by taking the straight average . the results show a good r - square between the general index and individual jackup categories - on the range of 0 . 7 - 0 . 8 . only one category displayed a poor r - square - about 0 . 3 . for semis of 4 tht and 5 th generation , however , we noticed a degradation on the hedge effectiveness - r - squares about 0 . 2 - 0 . 3 . you may verify each regression by changing the choice cell ( ax 2 on analysis ) . claudio is also starting to analyze how gas and crude past moving averages , 12 month swaps on gas / crude , and rigs utilization explains the daily rates . we will forward the results as soon as we finish . please call me or claudio if you have questions . paulo issler",0 +"Subject: thanks for your help ! ! vince , my apologies for writing to you after such a long gap . i wanted to thank you for the book you sent , as well as al the help that is been rendered by krishna towards our efforts here our efforts here are becoming more intense and i will continue to need your group help as we proceed along the way . separately i have not yet forgotten about the training we had spoken about . however , give the intensity of our current effort we may need to hold on to that for some months . in the meantime we will continue to work together . once again i would like to thank you and krishna for all your help and support . thanks and best regards sandeep",0 +"Subject: re : implementation of smothing algorithm for forward forward volatilities calculation winston , i am sending you the documentation on the new methodology for creating ffvols from implied vols . this methodology requires some minimization procedure to fit the given vol curve with a smoothing function . i am sending you the code i wrote that performs minimization with simulated annealing method from numerical recipes . we might need to discuss some details . please , let me know if you have questions . tanya .",0 +"Subject: real options conference programs ( ucla , july 11 - 14 ) please find attached the programs for the two back - two - back conferences on real options at ucla ( you may also download them from www . realoptions . org and www . rogroup . com ) . the two conferences are separate but complementary events . the first conference , co - sponsored with accenture and morgan stanley dean witter , on july 11 - 12 , is a professional conference on real options valuation in the connected economy : high tech , pharma , energy , corporate valuation & strategic / portfolio management . for information and online registration see www . rogroup . com . the second is the 5 th annual international conference on real options : theory meets practice ( the annual industry event where academics and practitioners get together to share the latest developments on theory and applications ) , co - organized with the anderson school at ucla on july 13 - 14 . for information and online registration see www . realoptions . org between the two complementary events , we are pleased to present an extensive array of practitioner and cutting - edge academic presentations , sharing of experiences by corporate executives , and panel discussions by experts from leading organizations and universities . our keynote speaker this year will be eduardo s . schwartz of ucla . interested participants must register for the conference online www . realoptions . org ) and indicate hotel preferences by may 31 or asap . we look forward to seeing you at this exciting event , and would appreciate if you share this with interested colleagues . lenos trigeorgis - 5 2001 . doc - 5 2001 . doc",0 +"Subject: baxter 16 oct . please review the following ticketed itinerary vince , attached is a copy of my agenda for today ' s trip to berkeley . also , my cell phone number is 281 - 793 - 0567 . thanks , ashley - - - - - - - - - - - - - - - - - - - - - - forwarded by ashley baxter / corp / enron on 10 / 16 / 2000 08 : 49 am - - - - - - - - - - - - - - - - - - - - - - - - - - - diane fitzgerald on 10 / 13 / 2000 05 : 36 : 50 pm to : "" ' ashley baxter @ 7136463011 ' "" cc : "" ' ashley . baxter @ enron . com ' "" subject : baxter 16 oct . please review the following ticketed itinerary baxter / ashley eb 3614 etkt receipt enron broadband services date : oct 13 2000 service date from to depart arrive continental airlines 16 oct houston tx san f ca 1155 a 158 p co 1511 y mon g . bush interco san francisco terminal c terminal s snack non stop reservation confirmed 4 : 03 duration aircraft : mcdonnell douglas all md - 80 series seat 09 d no smoking confirmed baxter / ashley ( i continental airlines 17 oct oakland ca houston tx 630 a 1229 p co 1720 y tue international g . bush interco terminal 1 terminal c snack non stop reservation confirmed 3 : 59 duration aircraft : boeing 737 - 500 seat 07 a no smoking confirmed baxter / ashley ( i aisle seat unavailable . req again at ck in . window confirmed your etkt confirmation number is : m x n c v t miscellaneous 16 dec houston tx sat * * thank you for using the tap * * reservation number ( s ) co / mxncvt baxter / ashley soc 083 erl 028 co frequent flyer cofcl 37772 ashley baxter 713 853 - 3589 intl tvlrs : carry sos wallet card w / enronassistance info call sos : in u . s 800 523 - 6586 / intl 215 245 - 4707 ( collect ) this is the passenger receipt for your electronic ticket . please check - in with photo identification and with either ( 1 ) this receipt or ( 2 ) your confirmation number . your etkt confirmation number is : m x n c v t regards , diana fitzgerald ( 713 ) 650 - 8080 ext . 1152 ( 713 ) 860 - 1152 - direct line the travel agency in the park",0 +"Subject: vacation time available here is a list of vacation time that i have at available for the ( research ) weather team . mike roberts - 240 hours jose marquez - 54 hours william smith - 117 hours elena chilkina - 0 hours kevin moore - 53 hours charlie weldon - 20 hours joe hrgovcic - 136 hours please if you feel you are due more hours of vacation time , please inform me whereby , i can get your hours corrected . thanks kevin moore",0 +"Subject: re : consulting arrangement sheridan , i have just checked with rac ( david gorte ) and we have a green light to go ahead with the project . i shall you tomorrow to discuss the details . vince sheridan titman on 01 / 24 / 2001 02 : 45 : 50 pm to : cc : subject : consulting arrangement vince : i just wanted to check with you regarding the consulting arrangement we discussed a couple of weeks ago . perhaps , we should start with just a 1 or 2 day contract where i give some thoughts to the kind of issues that we discussed and come to houston to present my preliminary thoughts and possible avenues for additional work . regards , sheridan sheridan titman department of finance college of business administration university of texas austin , texas 78712 - 1179 512 - 232 - 2787 ( phone ) 512 - 471 - 5073 ( fax ) titman @ mail . utexas . edu",0 +"Subject: re : vacation shrley , no problem . vince shirley crenshaw 03 / 23 / 2001 02 : 02 pm to : vince j kaminski / hou / ect @ ect cc : anita dupont / na / enron @ enron , kevin g moore / hou / ect @ ect subject : vacation vince : i have already requested friday , april 6 th as a vacation day , and if it is ok , i would also like to take friday the 30 th as a vacation day . thanks ! shirley",0 +"Subject: re : kellogg class information on real options jodi , chris can set up a conference call with myself , stinson gibner and zimin lu to discuss the real option applications . my assistant shirley crenshaw , 3 - 5290 , will be glad to help him . vince enron capital management from : jodi coulter 02 / 01 / 2000 11 : 36 am to : vince j kaminski / hou / ect @ ect cc : subject : kellogg class information on real options vince - per my voicemail , the following is the message i received from chris swenson about the kellogg class he is trying to form . please let me know if you would be able to help him . thanks . jodi x 56318 - - - - - - - - - - - - - - - - - - - - - - forwarded by jodi coulter / hou / ect on 02 / 01 / 2000 11 : 05 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" christopher p . swenson "" on 01 / 25 / 2000 06 : 42 : 58 pm to : jodi coulter / hou / ect @ ect cc : subject : hello hi jodi , i have been remiss in keeping up with you and letting you know what is going on in my little world here at kellogg . in other matters , life at kellogg has me very busy at the moment . i am taking a full load , including fin decisions and am helping prof . petersen write a new class called advanced valuation , which will be offered in the spring . a big part of the focus of this class is going to be on real options , which is cool stuff . and as poor as my timing is , i would like to ask you a question / favor . for purposes of this class , do you think it would be possible to obtain some of enron ' s thoughts on real options ? i was thinking , for example , that a fuel - switching analysis would be neat to included in the case packet . of course , none of the numbers or names need be real - - only the concepts . well , let me know what you think of that - - who knows , enron might actually like the free exposure . all the best , chris",0 +"Subject: re : ca for henwood engagement stinson , please find attached a revised version of the draft consulting agreement with henwood . fyi , i am attaching both a clean version and one marked toshow changes from the last draft i sent you . please let me know if you have any questions or comments on the agreement or the most recent changes . what is the status of henwood ? do you still want to engage them and what is the timeframe for their work ( the dates in the draft may need to be corrected ) . bruce and lauren : please advise on which enron entity should be the party to this consulting agreement . thanks , bonnie",0 +"Subject: re : enron site / mepr 2 sorry vince one must have got away ! will contact dan shortly . conrad at 08 : 04 am 6 / 5 / 00 - 0500 , you wrote : > > conrad , > > thanks for your message . > > there are 3 papers enron contributed to the last mepr . > > there is also another paper on electricity i contributed to the "" red book "" > on us > power markets , as well as a paper or credit risk management , and a paper > on weather derivatives . all these papers included in other risk books were > written by enron > employees . > > we would like them included as well , if technically possible . > > > i think that offering other energy related books through our site , in > addition to mepr 2 , > is fine , but i would leave the decision to dan diamond , who is responsible > for the project . > > > vince > > > > > > conrad gardner on 06 / 05 / 2000 07 : 08 : 36 am > > to : vince . j . kaminski @ enron . com > cc : > subject : enron site / mepr 2 > > > > date : mon , 05 jun 2000 13 : 02 : 02 > > to : vince kaminski > > from : conrad gardner > > > > dear vince > > > > thanks for the call and email on friday . i will contact masuyuki and > follow > it from there . > > > > regarding the enron site , i think it is absolutely fine to put up the two > enron chapters ( i ' ll provide pdfs ) , and prevent any customer leakages from > your site by the use of "" submit "" buttons . as mentioned , i ' ll offer a 20 % > discount on mepr 2 to customers but would you be interested in some of other > energy titles ? - please let me know . > > > > many thanks > > > > conrad gardner > > > head of book publishing > risk books > haymarket house > 28 - 29 haymarket > london > swly 4 rx > direct tel : + 44 ( 020 ) 7 484 9750 > main tel : + 44 ( 020 ) 7 484 9700 > fax : + 44 ( 020 ) 7 484 9758 > e - mail : conrad @ risk . co . uk > www . riskpublications . com > > > > > > > head of book publishing risk books haymarket house 28 - 29 haymarket london swly 4 rx direct tel : + 44 ( 020 ) 7 484 9750 main tel : + 44 ( 020 ) 7 484 9700 fax : + 44 ( 020 ) 7 484 9758 e - mail : conrad @ risk . co . uk www . riskpublications . com",0 +"Subject: fw : afternoon tea with fea vince : thanks for surfacing . happy new year ! linda december 2000 financial engineering associates , berkeley , ca gentlepeople , as the end of the year rapidly approaches , it seems timely to thank you for your business this year . thank you for helping to make this the best year ever for fea ! and , wed also like to wish you happy holidays and a healthy and prosperous new year . earlier this year , fea initiated  3 virtual coffee break  4 , an emailed newsletter for fea alliance partners . it has proven to be a popular and useful media to share information . this is our first effort at an emailed newsletter to fea clients ,  3 afternoon tea with tracie ) . we hope you will take a few minutes to skim it for pertinent information and then move it to your fea file folder for future reference . * * * announcing fea product updates ! * * * fea has been extraordinarily busy running extensive testing on new releases . the following should be available to all clients , who are current on maintenance , in just a couple weeks . we will send an email notification of the availability of the release , and cds will be shipped . if you prefer , email support @ fea . com to request download instructions . @ energy . 2 . 0 will feature the release of the forward curve builder and the swing ( take or pay ) options valuation module . the forward curve builder , as its name suggests , calibrated the forward price curve for power ( electricity ) and other commodity markets . some additional new features in the 2 . 0 release include a jump diffusion model for european - style options , an option on a strip of options and an option on a strip of spread options . varworks 4 . 0 includes sophisticated stress testing , support for individual equities , and new easier to use templates . eagerly awaited by fea clients , the addition of stress testing capabilities has been a top priority for fea ' s engineering team . fund managers will be happy to hear that individual ( sectorial ) equities are now supported in varworks . 4 . 0 . if you do not own a license for @ energy or varworks , and want to evaluate them , email sales @ fea . com and request a 30 day demo . product demos are free to existing fea clients . curious about a product , but dont have time to install a demo , read the instructions and experiment ? visit www . fea . com / demos . htm and select alternative one . we can now demo fea software on your computer screen , via the internet . * * * list of current versions of fea products now posted on - line ! you may refer to www . fea . com / support . htm for details of the most current fea product releases . * * * fea newswire : fea and its chief scientistmark garman have been awarded a 4 th us patent ! patent 6 , 122 , 623 recognizes the "" watershed method "" as fea ' s second us patent defining cutting - edge methodologies for var . the importance of the recent invention is that it will allow market risk to be more accurately allocated into accounting periods . mark ' sprior patent in the var arena pertained to the calculation of "" marginal var "" or "" component var , "" which allowed risk managers to "" slice and dice , "" or dissect enterprise - wide var into its constituent components . ( see the pressrelease at www . fea . com / pdf / watershed _ pr . pdf ) . * * * first beta site for varworks se * * * www . fea . com / press _ rm . htm look for a press release announcing the first beta site for feas varworks . se ( server edition ) . varworks ses dynamic risk analysis and reporting environment will enable the delivery of customized risk profiles to dozens of exchange participants . ( see the product description at http : / / www . fea . com / p _ varse . htm . ) * * * did you hear ? ? ? ? ? riskmetrics , as of 1 / 15 / 2001 , will be charging for their previously free data sets . only outdated data sets will be available at no charge . feas makevc product allows you to build your own customized data sets utilizing historical time series data that you may already have available to you . you may request a free 30 day demo of makevc from www . fea . com / demos . htm . product demos are free to existing fea clients . * * * plan ahead the next var seminar will be late spring 2001 . see www . fea . com / seminars . htm for information as it becomes available , or browse the october 2000 seminar brochure . you may also contact sales @ fea . com to reserve your space . * * * the fea frequent flyers * * * december / january , madrid , spain , carlos january 15 + calgary and toronto , canada , tracie february 13 - 14 , new york , garp 2001 , laurent and christine february 13 - 15 , germany , e * trade chris and ursula february 19 , london , tracie contact sales @ fea . com to arrange a meeting . the fine print : we are interested in your feedback , and ideas for future topics . please send an email if you do not want to receive future fea newsletters . mailto : elena @ fea . com",0 +"Subject: re : holidays and vacations tanya , no problem . vince tanya tamarchenko 11 / 20 / 2000 02 : 52 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : holidays and vacations shirley , i am planning to take the following days off in december : 12 / 21 , 12 / 22 , 12 / 27 , 12 / 28 . i ' d like to take 12 / 21 as discretionary day , and 3 other days as vacation days . tanya",0 +"Subject: re : a request dr . lu , i would be grateful if i could talk with you some time about the typical terms one sees in swing , take or pay , virtual storage , etc . options . this is related to some research some colleagues and i are doing applying recent innovations in monte carlo valuation of options with early exercise . we would like to illustrate our techniques on some examples which look realistic . when would be convenient for you ? i look forward to talking with you . duane seppi - - on wednesday , march 14 , 2001 , 8 : 44 am - 0600 vince . j . kaminski @ enron . com wrote : > > duane , > > i shall be traveling for the rest of the week but my colleague > dr . zimin lu will call you to talk about different > structures . > > vince > > > > > > ds 64 @ cyrus . andrew . cmu . edu on 03 / 13 / 2001 09 : 54 : 24 am > > to : "" vince j kaminski "" > cc : > subject : re : a request > > > vince , > > sorry that i missed your call yesterday . i have a meeting from 2 - 3 today > ( tuesday ) , but otherwise any time in the afternoon works for me . let me > know what is convenient for you . thanks for your help . > > duane > > * * * * * * * * > duane seppi > > graduate school of industrial administration > carnegie mellon university > pittsburgh pa 15213 - 3890 > > tel . ( 412 ) 268 - 2298 > fax ( 412 ) 268 - 8896 > > email ds 64 + @ andrew . cmu . edu > > > > > * * * * * * * * duane seppi graduate school of industrial administration carnegie mellon university pittsburgh pa 15213 - 3890 tel . ( 412 ) 268 - 2298 fax ( 412 ) 268 - 8896 email ds 64 + @ andrew . cmu . edu",0 +"Subject: organizational announcement : industrial origination , ctg , and ena treasury effective immediately , ray bowen will take over leadership of the industrial origination group responsible for enron north america  , s origination activities in the industrial market including pulp & paper , metals , refining , and petrochemicals . as part of the industrial origination group , jim ajello , will continue to lead the origination effort in the metals , refining , and petrochemical sector . edward ondarza maintains oversight of origination in the pulp and paper sectors . rodney malcolm retains primary responsibility for leading the execution of transactions and delivery of the outsource solutions to industrial customers . when the commercial transactions group was created approximately a year ago , the objective was to create an internal emphasis on the development of transaction execution skills that are necessary to execute complex , structured transactions and to foster better deal quality . we believe that the primary objectives of the ctg have been achieved , and in order to better position the organization for the remainder of 2000 and in response to ray bowen  , s new position , the following changes will be made in the commercial transactions group organization . transaction development : transaction development , which was created to provide focused deal execution capability to the origination groups , will be merged into each respective origination group and report solely to the group leaders . portfolio management : all activities surrounding portfolio investments will report to jeff donahue . jeff will be responsible for ena  , s  & capital book  8 and will have a high level of involvement in existing portfolio investments and will work closely with ena treasury and the various origination groups to assure that new transactions ( a ) incorporate appropriate risk / return characteristics , ( b ) are evaluated in the context of market based pricing signals , and ( c ) incorporate a specific investment plan which includes syndication of the investment , if applicable , and a specific exit strategy . portfolio management includes restructuring / special assets ( randy maffett / dick lydecker ) and capital structuring ( andrea reed ) . steve pruett ( energy capital resources ) , chuck ward ( generation investments ) , don miller ( merchant generation ) , and chris helfrich ( coal and industrial ) will continue to be responsible for day to day asset management for performing investments and will report to their respective origination units with a dual report to jeff . jeff will retain his corporate development and principal investments activities . commodity structuring : commodity structuring including berney aucoin ( power ) and ed mcmichael ( gas ) will report to janet dietrich . janet will retain responsibility for east midstream origination . commodity structuring will continue to work to facilitate and structure the highest priority and highest value transactions across the entire ena organization . technical / oec : the technical group ( wayne mays / bob virgo ) , which provides technical support to industrial and power generation asset development activities , and oec ( lead by mark dobler ) will report directly to the ena office of the chairman . in addition to these changes , joe deffner has been named ena  , s chief financial officer and will head ena treasury . in this role he will be responsible for managing ena  , s balance sheet and the sourcing of capital in the bank and capital markets . joe will report jointly to the ena office of the chairman and to enron corp . global finance .",0 +"Subject: org announcement - enron global markets after having conducted our first of several business reviews , enron global markets - office of the chairman would like to outline the following organizational changes effective immediately . the global risk markets group under jere overdyke illustrates enormous opportunities given the size of those businesses . to better focus on the different commercial functions and to capture market share and value , the group is being realigned . jere will continue to manage global risk markets and build on our insurance capabilities . mark tawney is responsible for our weather business and will now report to the egm office of the chairman . brent price will be joining enron global markets as vice president of operations and chief accounting officer . he will report to the egm office of the chairman , and to sally beck , vice president of global risk management operations . in his role as chief accounting officer , brent will also report to rick causey , executive vice president and chief accounting officer for enron corp . reporting to brent in his new position will be sheila glover , business controller for financial products ; todd hall , business controller for weather ; and scott earnest , business controller for global products and coal . in addition , tom myers will join brent ' s management team as director of accounting . brent and his team are responsible for all accounting , risk reporting and trading operations for all the businesses within egm . cindy skinner will join the enron global markets team with responsibility for human resources . she will also report to david oxley and the hr organization . please join us in congratulating everyone in their assignments .",0 +"Subject: erisk iconference 4 / 11 / 2001 please save this e - mail . it contains important information about your event . thank you for registering for practical considerations in measuring economic capital , scheduled for wednesday , april 11 th , 2001 at 12 noon eastern / 5 p . m . london time . click this link to visit the erisk . com homepage : http : / / www . erisk . com erisk iconference instructions : 1 . dial 1 - 877 - 864 - 3651 ( u . s . ) or + 1 - 973 - 341 - 3037 ( international ) to listen to the audio for this program . audio is available by telephone only . 2 . when prompted , enter the confirmation code 105764 , followed by the "" # "" key . music will play until the conference begins . 3 . join the web - based portion of the program to see slides , participate in polls and ask questions . - open netscape or internet explorer 3 . 0 or higher . - enter the following web address : http : / / www . communicast . com / login 4 . fill out the form on this page and enter the following confirmation number : 105764 . 5 . click the "" communicast now "" button . in a few moments you will be placed in the erisk iconference . communicast system requirements : - communicast requires the ability to run java applets . - netscape or internet explorer browsers 3 . 0 or higher . if this is your first communicast event , you may wish to test your computer . visit http : / / www . communicast . com / login at any time and click the "" test "" button at the bottom of the page . for this conference , you may skip the last three tests relating to streaming audio . you will not need realplayer to participate in this conference . if you require further assistance , contact support @ communicast . com .",0 +"Subject: re : congratulations . congrats to you too ! i ' ll see you in february unless you ' re in london sooner . can ' t wait to start up the dinner club again ! see you soon . beth vince j kaminski 11 / 01 / 2000 00 : 01 to : beth perlman / lon / ect @ ect cc : subject : congratulations . beth , congratulations . well deserved . vince",0 +"Subject: re : fw : luncheon meeting : asap hello mr . kaminski , i am available to meet with you for lunch this week on tuesday ( 2 / 1 ) , wednesday ( 2 / 2 ) . or friday ( 2 / 4 ) . which day would be more convenient for you ? please let me know . i am planning to meet with mr . chris holmes ( introduced by a mutual family friend ) of enron ' s energy services next week . mr . holmes also suggested that i meet with you . looking forward to the meeting . i will call you to follow up . for convenience i am attaching my latest resume . thank you . maruti more 713 - 722 - 7199 - - - - - original message - - - - - from : vince j kaminski to : more date : tuesday , january 25 , 2000 12 : 39 pm subject : re : fw : luncheon meeting : asap hello , i shall be traveling this week . i shall be glad to meet you for lunch next week . please give me a call monday at 713 853 3848 . vince "" more "" on 01 / 25 / 2000 10 : 27 : 09 am to : vince j kaminski / hou / ect @ ect cc : subject : fw : luncheon meeting : asap dear mr . kaminski : just to bring you up to date . i am no longer with american general . i shall , therefore , appreciate an opportunity to meet with you for lunch at the earliest possible time . i can be reached at 713 - 722 - 7199 . thank you . maruti more 713 - 722 - 7199 - - - - - original message - - - - - from : more to : vince j kaminski date : friday , december 17 , 1999 8 : 55 pm subject : re : luncheon meeting thank you for your response . i was very happy to hear from you . i am also taking next week off and will be back to work on december 27 th . please do call me when you get back . would very much appreciate the opportunity to have a quick lunch with you , if possible . hope everything is going well . have wonderful christmas holidays . regards maruti more 713 - 831 - 6209 ( o ) - - - - - original message - - - - - from : vince j kaminski to : more cc : vince j kaminski date : friday , december 17 , 1999 3 : 35 pm subject : re : luncheon meeting hello , i shall be taking a few days off around xmas . i shall call you at the end of december when i get back to the office . with best holiday wishes , vince "" more "" on 12 / 01 / 99 09 : 28 : 09 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : luncheon meeting dear mr . kaminski : how are you doing ? i want to find out if we can meet again for a quick lunch . you might know that in maharashtra , india there is now a new chief minister ( ceo of the state government ) . i am proud to say that he and i are from the same town , latur . i would really enjoy talking with you again , at your convenience . i will call you tomorrow to follow up . thank you . sincerely , maruti more - - - - - original message - - - - - from : vince j kaminski to : more cc : vince j kaminski ; vkaminski @ aol . com date : thursday , july 01 , 1999 6 : 16 am subject : re : luncheon meeting dear mr . more , let ' s meet at 11 : 45 in the lobby of the enron building . we can walk to one of the restaurants in the downtown area . vince kaminski ( embedded enron capital & trade resources corp . image moved to file : from : "" more "" picl 7002 . pcx ) 06 / 30 / 99 10 : 38 pm to : vince j kaminski / hou / ect cc : subject : luncheon meeting dear mr . kaminski : i am looking forward to our luncheon meeting on this friday , july 2 , 1999 at 11 : 30 am . please let me know where we should meet . thank you for taking time out from your busy schedule . sincerely , maruti more tel . : 713 - 831 - 6209 - attl . htm - more @ home . doc - bio @ homel . doc",0 +"Subject: california power rick & ted , one more thing to watch . california power prices next summer . we see the possibility of higher prices and of spikes ( bad hydro conditions in california , growing demand for power ) . vince",0 +"Subject: re : zakup ksiazki w wnt - "" inzynieria finanasowa "" dziekuje za szybka odpowiedz . czy mozliwa jest platnosc czekiem ? jako alternatywne rozwiazanie prosze podac mi cene w zlotych i moja rodzina w kraju dokona przelewu . prosze o kopie odpowiedzi na adres : vkaminski @ aol . com . dziekuje . w . kaminski "" wydawnictwa naukowo - techniczne "" on 01 / 19 / 2001 10 : 09 : 27 am to : cc : subject : zakup ksiazki w wnt - "" inzynieria finanasowa "" uprzejmie informuje , ze ksiazke wyslemy po wplynieciu na nasze konto odpowiedniej kwoty . kwota ta zawiera wartosc ksiazki ( 13 , 75 $ ) , koszty bankowe ( 5 $ ) oraz koszty pocztowe ( 6 , 5 $ lub 11 $ ) . - przy przesylce droga morska prosze wplacic 15 , 25 $ - przy przesylce lotniczej prosze wplacic 29 , 75 $ nietety , nie mamy mozliwosci technicznych pobrania oplaty karta kredytowa . fakture wysylam poczta . nasze konto : pbk s . a . iii o / warszawa ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? 11101024 - 401020003963 nazs adres : wydawnictwa naukowo - techniczne , mazowiecka 2 / 4 , 00 - 048 ? ? ? ? ? ? ? warszawa , polska serdecznie pozdrawiam grazyna piesniewska",0 +"Subject: here ' s a 4 th try ! ! ! - - - - - - - - - - - - - - - - - - - - - - forwarded by richard b jones / hou / ees on 02 / 01 / 2001 10 : 22 am - - - - - - - - - - - - - - - - - - - - - - - - - - - richard b jones 01 / 31 / 2001 04 : 39 pm to : vince j kaminski / hou / ect @ ect cc : subject : here ' s a third try ! ! ! vince , while i was at hsb , i designed an insurance or reinsurance financial model that hsb uses for new product development , pricing different reinsurance strategies , computing stochastic earnings forecast , and estimating probabilistic maintenance & repair costs . the code , written in visual basic & ms access belongs to hsb , and i want to replicate it here for our use at enron . i would like to arrange a time to specifically talk to you and perhaps vasant who was briefed on the model , about how we can use your group for the analytical and programming support to get this model re - constructed . i have screen outputs from the code and vasant thought the re - design and construction here at enron is a problem that your group can do . could you let me know when we can setup an hour to discuss ? thanks , rick jones",0 +"Subject: re : mathworks molly , we have a reasonably big room . 2 - 5 people is ok . it ' s ebl 938 . vince molly carnes @ enron communications 09 / 28 / 2000 03 : 10 pm to : vince j kaminski / hou / ect @ ect @ enron cc : subject : re : mathworks i ' ve got in on the calendar for the 18 th at 2 : 00 . what ' s the location ? how many can we bring ? 2 or 3 ? thanks . molly carnes for louis casari vice president , mid office operations enron broadband services 713 - 853 - 4302 , room eb 4492 lou _ casari @ enron . net vince j kaminski @ ect 09 / 28 / 00 10 : 39 am to : lou casari / enron communications @ enron communications @ enron cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , lou casari / enron communications @ enron communications subject : re : mathworks molly , i met lou in the building lobby last wednesday and he suggested that he ( or his representatives ) join the mathworks presentation to my group ) . it ' s a good software package for mathematical modeling , but there is a limit to the number of different installations any group can productively use . i shall take a look at some new features they offer and decide whether it ' s worth the effort . vince kaminski lou casari @ enron communications 09 / 20 / 2000 02 : 10 pm sent by : molly carnes @ enron communications to : vince j kaminski / hou / ect @ ect cc : subject : mathworks do you know this person or this company ? they are want to set an appointment with ebs and i believe , are wanting to meet with you , also . any feedback ? thanks . molly carnes for lou casari enron broadband services 713 - 853 - 1467 , room eb 4486 a molly _ carnes @ enron . net - - - - - forwarded by molly carnes / enron communications on 09 / 20 / 00 02 : 09 pm - - - - - scottw @ mathworks . com 09 / 20 / 00 08 : 46 am to : lou casari / enron communications @ enron communications cc : subject : we ' ll be in houston hello mr . casari : myself and our energy trading financial team will be visiting with the r & d group at enron the week of 10 / 16 / 00 . they have several applications can be dramatically improved with our tools . we are very interested to understand the bandwidth trading market , to see if any additional challanges can be overcome with our tools . i would like to understand your challanges of modeling , simulating and deploying applications to control risk . are you available to discuss these items prior to our visit ? i look forward to hearing from you . thanks scott wakefield",0 +"Subject: re : enron case study outstanding , cindy . thank you so much . i will get you some questions after i talk with vince . john at 01 : 44 pm 10 / 31 / 00 - 0600 , you wrote : > > good afternoon john , > > i hope things are well with you . i am writing to update you on the status > of your meetings with andy fastow , ken lay and jeff skilling . i have > arranged the following meeting dates and times with ken lay and jeff > skilling , ( i am still trying to work with andy fastow ' s schedule ) : > > jeff skilling > december 4 th > 2 : 00 - 3 : 00 p . m . > > ken lay > december 4 th > 3 : 30 - 4 : 30 p . m . > > also , i will attempt to schedule the meeting with andy fastow for december > 4 th for convenience - this will also allow us to possibly schedule > additional meetings for the 5 th ( as needed ) . i will let you know as soon > as i ' m successful . > > regards , > > cindy derecskey > university affairs > enron corp . > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: mark lay vince : mark had not received my email so simply assumed that i had a business plan and he would help if he could . i explained that i was at the "" pre "" business plan stage . further , that i had hoped to discuss my search for collaborators to become co - founders . people with vision that might help develop and refine the concept , identify model components , isolate modules for the initial effort and build a business plan suitable for angel investors not vcs . i might need your help in conveying this to him . i have struggled to put on paper a very rough draft of how it might be best describe as to the direction it might go and what might conceptually be possible . please look at this and tell me if i am going too far at this point . i do not want to implant insurmountable obstacle in anyone ' s mind . i hope to hear from you . al arfsten 713 965 2158 - lifetrak concept 012501 . doc",0 +"Subject: re : financial engineering associates karla , thanks . here are helyette ' s coordinates : helyette geman universite de paris - dauphine place du marechal de lattre - de - tassigny 75775 paris cedex 16 phone : 33 1 44 054 943 ( o ) 33 1 46 040 110 ( h ) ( f ) fax : 33 1 44 054 937 geman @ cidmail . services . dauphine . fr helyette . geman @ dauphine . fr vince from : karla feldman 03 / 06 / 2000 01 : 50 pm to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : subject : financial engineering associates vince and stinson , i checked the file and the maintenance that automatically renews on 4 / 1 / 2000 is for the following products : all 4 of your @ global licenses spav swing i will go ahead and contact fea and see about getting the renewal invoice for these . i ' ll send it to shirley for payment once i have it . the products : @ interest , seapc , and seapp have not been on maintenance for a while . fea told us a couple of years ago i believe that they do not have maintenance available for these products any longer . so , you don ' t need to worry about cancelling @ interest . also , just fyi - your @ energy . 1 and @ energy . 2 licenses have maintenance through 10 / 20 / 2000 . if you have any questions , please let me know . otherwise , i will proceed with contacting fea about you renewal of the @ global , spav , and swing licenses . thanks , karla",0 +"Subject: re : follow - up on siam workshop vince , thanks for your quick response . if you feel it is appropriate , i would like to know who you sent my resume to , so that i will know that they have already been "" covered "" . peter - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , april 30 , 2001 2 : 17 pm to : percell @ swbell . net subject : re : follow - up on siam workshop peter , i forwarded your resume with my recommendation to two senior executives in our transportation and storage group . vince",0 +"Subject: congratulations congratulations on your official designation as a poohbah ! just goes to show you , smart guys can finish first also . mark",0 +"Subject: re : prospective 6 / 22 houston visit ehud , we shall make reservations for dinner at vincent ' s on west dallas ( 2701 west dallas , 713 528 4313 ) . we shall make reservations fro 7 : 00 p . m . you can call me on my cell phone ( 713 410 5396 ) if there is a problem . we shall have about 25 - 30 people at the meeting on thu at 11 : 30 . see you tomorrow . vince "" ehud i . ronn "" on 06 / 19 / 2000 02 : 32 : 36 pm to : vince . j . kaminski @ enron . com cc : shirley . crenshaw @ enron . com subject : re : prospective 6 / 22 houston visit vince , greetings , and thanks for your 6 / 12 e - mail . > we can meet for dinner on the 21 st . then you can visit with us on the 22 nd > in the morning and have individual meetings . at 11 : 30 you can meet the > entire > research group at our weekly lunch meeting . we can continue > individual meetings in the afternoon . i thank you once again for your invitation and look forward to my visit this wed . my current schedule calls for a hobby arrival on wed . at 6 : 23 p . m . , in time for the dinner scheduled for that evening . ( i can take a cab directly to the restaurant if you ' re scheduling a circa 6 : 45 - 7 p . m . dinner . ) further , i have tentatively set up the thur . return flight to austin at 3 : 38 p . m . , and that can be modified as desired . > please , make a reservation at hyatt regency downtown or double tree > downtown ( there are several hotels with the same names ) . when i made the room reservation last mon . 6 / 12 , it turned out that these hotels showed no vacancy ( is there a conference in town ? ) , so the nearest i could obtain is the hilton houston plaza ( 6633 travis ) some 3 . 5 miles away from enron . ( if it is important that i stay at the closer hotels , shirley might ascertain whether enron ' s travel agent can obtain a room there . ) i take this opportunity to request of shirley that , subject to your approval , an overhead projector , screen and small lectern be made available for the room where the 11 : 30 luncheon meeting takes place . also , since i would like each participant to have his / her own copy , i would ask her to advise me as to the number of participants expected to attend , or alternatively , shirley could make copies of the presentation handout when i bring the "" master "" copy in thur . morn . i look forward to seeing you wed . and thur . best regards , ehud ehud i . ronn department of finance mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: re : sharad update hi kate , firstly it was very useful to hold the informal discussion with him . sharad seemed hesitant due to the offer not being what he expected . he asked me some questions about the "" bonus culture "" at enron and suggested that it was not as good as at investment banks that he is interviewing with . i sold him on the value he can extract from the excellence within the research group and the ability to join a growing organisation at a critical point in , but he still seemed reticent saying that he "" needs time "" which i understood to mean that he was looking for a better offer elsewhere . he is a great candidate and it would be a real shame to lose him , given the difficulty of getting good candidates . i discussed this with vince and given how much we need him in research in london and vince agreed to discuss the possibility of an element of guarantee or sign on to help him make the right decision . i think vince will call you or dale to discuss this . regards , anjam tel : 713 345 9991 [ p . s . vince , kate bruges is on extension 37354 , dale is on 36726 ] kate bruges 13 / 07 / 2000 11 : 02 to : anjam ahmad / lon / ect @ ect cc : subject : sharad hi anjam how did your conversation go yesterday ? regards kate",0 +"Subject: re : weather and energy price data mulong wang on 04 / 24 / 2001 10 : 58 : 43 am to : cc : subject : re : weather and energy price data hello , elena : thank you very much for your data . i sent an email to ft but had no response so far . as soon as i got their permission i will let you know . have a great day ! mulong on thu , 19 apr 2001 elena . chilkina @ enron . com wrote : > > mulong , > > please find attached a file with henry hub natural gas prices . the data > starts from 1995 and given on the daily basis , please let us know when we > can proceed with electricity prices . > > sincerely , > elena chilkina > > ( see attached file : henryhub . xls ) > > > > > > > vince j kaminski @ ect > 04 / 16 / 2001 08 : 19 am > > to : mulong wang @ enron > cc : vince j kaminski / hou / ect @ ect , elena chilkina / corp / enron @ enron , > macminnr @ uts . cc . utexas . edu > > subject : re : weather and energy price data ( document link : elena > chilkina ) > > mulong , > > we shall send you natural gas henry hub prices right away . > please look at the last winter and the winter of > 95 / 96 . > > we shall prepare for you the electricity price > information ( cinergy , cobb and palo verde ) but > you have to approach ft ( the publishers of > megawatts daily , a newsletter that produces the price > index we recommend using ) and request the permision > to use the data . we are not allowed to distribute > this information . > > please , explain that this is for academic research and that > we can produce the time series for you , > conditional on the permission from the publishers > of megawatts daily . > > vince kaminski > > > > mulong wang on 04 / 15 / 2001 03 : 43 : 26 am > > to : vkamins @ ect . enron . com > cc : richard macminn > subject : weather and energy price data > > > dear dr . kaminski : > > i am a phd candidate under the supervision of drs . richard macminn and > patrick brockett . i am now working on my dissertation which is focused on > the weather derivatives and credit derivatives . > > could you kindly please offer me some real weather data information about > the price peak or plummet because of the weather conditions ? > > the past winter of 2000 was very cold nationwide , and there may be a > significant price jump for natural gas or electricity . could you > please offer me some energy price data during that time period ? > > your kind assistance will be highly appreciated and have a great day ! > > mulong > > > > > > > > > > >",0 +"Subject: stephen bennett norma , i fully concur . what can we do about it ? can we change the job classification retroactively ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 12 / 12 / 2000 02 : 41 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : mike a roberts 12 / 09 / 2000 10 : 33 am to : vince j kaminski / hou / ect @ ect cc : subject : stephen bennett stephen bennett , professional meteorologist , was hired into the research group in september of this year as a specialist based on salary alignment criteria . in retrospect , and upon review , he should have been hired on as a senior specialist . after coming on board . it rapidly became apparent that stephen was clearly an "" under hire . "" he is well - deserving of an immediate promotion ( really more of a correction ) and pay raise , to be made retroactive at least to the lst of this month . this memo outlines the circumstances surrounding this hiring error and provides detailed justifications for this retroactive "" promotion . "" at the time of the interview process , there was no position in enron designated as "" professional meteorologist . "" in fact , the most recent similar hire prior to that date was jose marquez , also a professional meteorologist , who was hired in , based on salary alignment criteria , as a manager . while functionally , both these men are meteorologists , enron has no such job classification . compounded by the urgency in bringing on additional professional expertise in short time order , it was difficult to peg the proper enron classification appropriate for this new position . this original uncertainty and resulting misplacement of stephen into the specialist category , rather than the senior specialist category , needs to be corrected at this time . although a "" new - hire "" to enron , stephen bennett has extensive work experience . he has worked as a professional meteorologist at both the weather services corporation in boston and at the weather channel in atlanta . he came to enron well - referenced by both those organizations , needing no further training and only minimal supervision . once aboard here in houston , stephen immediately demonstrated the core enron values with our unique sense of urgency . after only a week , he assumed responsibilities normally reserved for someone actually at even a manager level - he was assigned and fully took over the critical afternoon weather briefings to the gas traders . this includes analysis and report preparation as well as presentation . also in the presentation arena , he now regularly briefs various desks in the morning and throughout the day . stephen is a master of communication and particularly adept at conveying what through other messengers might otherwise seem confusing or ambiguous . stephen has also demonstrated an unusually high level of self - initiative . he designed , implemented , and now maintains several sub - sites on the research web page which he tailored to various customers - in specific : the weather derivatives team , the agricultural team , and most recently , the crude and liquids team . i have recently assigned stephen to spearhead our conversion and major upgrade of this web page . these above described accomplishments are above and beyond stephen  , s regular duties which include starting work at 5 am daily , reliably and without fail , to assemble and prepare our trader  , s weather report . recently , with the advent of extended hours for both nymex and enrononline , stephen voluntarily on his own accord , assists in our new sunday weather support effort . as his supervisor , fully cognizant of his already standard 50 + hour work week , i do not solicit , but readily accept , this above and beyond expectations assistance . in review , the circumstance which resulted in this under hire condition was enron  , s immediate need for a non - standard , fairly unique professional - a meteorologist , coupled with stephen  , s desire to work for our company in spite of the absence of a hierarchy which included the exact entitled professional title reflecting his chosen career path . . once hired , stephen has clearly demonstrated through contribution and performance that he is well - deserving of this immediate and retroactive promotion .",0 +"Subject: fw : enron recruitment vince : i ' m sure that you are already aware of this , but i wanted to forward it to you since this didn ' t come up in our meeting the other morning . . . . molly - - - - - original message - - - - - from : koepke , gwyn sent : tuesday , april 10 , 2001 1 : 20 pm to : rtlambert @ mail . jhuwash . jhu . edu cc : molly magee / hou / ect @ enron subject : enron recruitment dear ron , my boss , enron ' s chief international economist , is interested in talking with sais grads who might want to come to houston and do economics work . same drill as last time , looking for someone whose done the quant track but with excellent writing skills . i think i sent you a job description a few months back . can you help identify some candidates , and send their resumes our way ? molly magee is our recruiting expert and she can help setup the interviews with maureen . maureen is still in london on secondment but is available to interview people of the phone . thanks for your help . gwyn",0 +"Subject: re : cairn gas purchase bid vince , i ' m following up on our conversation late last week and i ' m interested to see what your group can advise , per doug leach ' s recommendation . as you can see he is raising a major red flag in regards to our non - binding offer to cairn . since , it was late the other night i didn ' t touch base with sandeep kohli , but bobby and i are probably the most knowledgeable in regards to the indian gas market . please let me know what information you may need from us to provide some guidance . regards , doug - - - - - - - - - - - - - - - - - - - - - - forwarded by douglas s parsons / enron _ development on 08 / 15 / 2000 07 : 51 am - - - - - - - - - - - - - - - - - - - - - - - - - - - bobby farris 08 / 14 / 2000 10 : 19 pm to : douglas s parsons / enron _ development @ enron _ development cc : subject : re : cairn gas purchase bid there is no harm in seeing what kaminski ' s group will advise . do you have any problem in contacting them ? bobby doug leach @ ect 08 / 14 / 2000 07 : 45 am to : douglas s parsons / enron _ development @ enron _ development cc : marc de la roche / hou / ect @ ect , bobby subject : re : cairn gas purchase bid i strongly disagree with the pricing and structure of your non - binding offer to cairn . this reminds me of the debacle in brazil . you should have contacted vince kaminski ' s research group as we talked about before an offer was made . this is a bad deal . douglas s parsons @ enron _ development 08 / 12 / 2000 01 : 51 am to : doug leach @ ect , marc de la roche @ ect cc : subject : cairn gas purchase bid doug & marc , fyi , please let me know if you think we ' re totally off base . i appreciate your help . regards , doug - - - - - - - - - - - - - - - - - - - - - - forwarded by douglas s parsons / enron _ development on 08 / 12 / 2000 01 : 48 am - - - - - - - - - - - - - - - - - - - - - - - - - - - douglas s parsons 08 / 11 / 2000 06 : 24 am to : bobby farris / enron _ development @ enron _ development cc : f b virani / enron _ development @ enron _ development , ujjwal dey / enron _ development @ enron _ development , nilesh subject : cairn gas purchase bid bobby , after meeting with cairn today in delhi , my perception is that our offer was received well . they were more open and relaxed then they were on wed . morning and made several encouraging comments about our price range , ( once we talked through the price movements ) , and the seriousness of our gas related activities on the west coast of india , in light of the ioc agreement . i think the overall package is attractive to them and no serious objections were raised . we did talk to some extent about the guarantees , but we didn ' t get too far and they ' re willing to accept at this point that what ' s acceptable to the lng suppliers , should be suitable for their needs . however , they would like to understand the corporate structure and assets of enron energy marketing a little better and i told them i would get back to them on that point . david and ajay were up in hazira yesterday looking at some property for their gas treatment facility , which apparently is across the road from pipeline access . while there they went and looked at shell ' s proposed lng site after walking the last 1 km , inaccessible to their 4 wd vehicle and not surprisingly found a beach . in summary , here is what we offered on a non - binding basis : six year production plateau 85 % top $ 3 . 67 / mmbtu net , at a base of $ 18 / bbl brent , with point of sale at the tail - end of the gas processing plant floor & cap of $ 15 . 50 - $ 27 . 00 / bbl price movement : + / - $ 1 . 00 / bbl from the $ 18 / bbl base price ( on a 3 mo . rolling average ) equals + / - $ 0 . 145 / mmbtu fixed on a quarterly basis guarantees : same protection we ' re providing the lng suppliers under the trust retention account i appreciate everyone ' s help in submitting this offer . thanks , doug",0 +"Subject: offer to rakish ( sp ? ) vince , norma called and said that rakish had requested stock options instead of a signing bonus . she suggested giving $ 30 k worth of options which would vest over a 3 year period , and i told her that i am sure this would be fine with you . it should cost us less than the offered cash bonus of $ 20 k . - - stinson",0 +"Subject: re : saturday jana , saturday looks good . i shall be involved in job interviews at enron all saturday and should be done by 5 p . m . we can go the angelica movie center . i shall check the program tonight and call you tomorrow to review the options . vince jlpnymex @ aol . com on 06 / 01 / 2000 10 : 56 : 38 am to : vkamins @ enron . com cc : subject : saturday vince , how are you ? are we still on for saturday ? let me know what movie looks good . we saw "" mi 2 "" and really liked it . we also saw "" small time crooks "" and it was slow . jana",0 +"Subject: request submitted : access request for stewart . range @ enron . com stinson , he is looking for blanket approach to our disk , both read and write . is it legitimate ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 20 / 2000 03 : 35 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - arsystem @ mailman . enron . com on 11 / 20 / 2000 02 : 37 : 25 pm to : vince . j . kaminski @ enron . com cc : subject : request submitted : access request for stewart . range @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000007876 approver : stinson . gibner @ enron . com request create date : 11 / 20 / 00 2 : 36 : 29 pm requested for : stewart . range @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: more hedge effectiveness testing vince , have you seen the latest version of our article ? in a nutshell , it establishes both what ' s right and what ' s wrong with r - squared / regression . essentially , r - squared is fine provided that the amount of the derivative optimal , but otherwise it makes little sense . please let me know what you think about this . regards , andy andrew kalotay associates , inc . ( 212 ) 482 - 0900 andy @ kalotay . com visit our web - site http : / / www . kalotay . com - fasl 33 article . pdf",0 +"Subject: vacation day feb . 16 shirley , please put me down for a vacation day of feb . 16 . thanks , stinson",0 +"Subject: california power 1 / 19 / 00 1 . legislation passes - short - term measures , very long - term measures as we said yesterday , sb - 7 x passed the california state senate easily . the bill gives the state the immediate authority to purchase power via the department of water and resources until february 2 nd . the department will have $ 400 million available to finance power purchases , but there expectations that these costs could easily rise to $ 1 billion by next week . ab - 1 x has evolved into a longer - term solution and in its current form , would authorize the department of water and resources to enter into long - term contracts ( as opposed to the 15 day contracts in sb - 7 x ) to buy power at a price cap of 5 . 5 cents per kw / h . this legislation is not expected to pass today and will likely be changed considerably during the upcoming two week period covered by sb - 7 x , when negotiations between generators , the utilities , and the state are likely to resume . a second piece of legislation under - - sb 6 x - - has created uncertainty in the markets . this legislation will create a california public power authority with bond issuance authority . the uncertainty concerns whether the new authority will address the problem of the $ 12 billion in outstanding debt owed by the utilities . the current text of the legislation focuses only on longer term measures such as expanding generation capacity and improving efficiency . yet the legislation also says "" the authority may issue bonds , exercise power of eminent domain , and enter into joint power agreements and buy , own , and sell land and facilities necessary for the financing of a project . "" the general nature of this language leaves open the possibility of either issuing bonds to finance past debts , or using eminent domain or the bond authority to finance the utilities as they enter into a ch . 11 proceeding . 2 . default update 3 . bush as we reported on wednesday , the bush administration continues to demonstrate little interest in getting involved",0 +"Subject: re : joint probabilities bob - thanks for your help on this - it is exactly what we were looking for . i also wanted to let you know that i will be revising some of these numbers and asking you to rerun the probability table . i hope that this is not a problem . thanks again bob lee @ enron 08 / 31 / 00 11 : 00 am to : michael anderson / hou / azurix @ azurix cc : zimin lu / hou / ect @ ect , vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : re : joint probabilities the attached spreadsheet has been updated to include probabilities for exceeding stated stock prices in each year . these numbers represent the probability for all combinations of rab ratio and exchange rate . for example , 2003 shows a stock value of 7 . 38 for a rab = 1 . 1 and fx = 1 . 5 . we previously showed the prob of exceeding a stock price of 7 . 38 , and rab > 1 . 1 , fx > 1 . 5 as 14 % . the probability of exceeding 7 . 38 for all possible values of rab and fx is 35 % ( interpolating between 40 % and 27 % in the price table ) . bob",0 +"Subject: agenda for mission possible meeting our agenda for the october 16 meeting starting at 10 : 00 a . m . has been attached for your review along with david ' s draft . as you will see , there is a great deal to cover in a very limited amount of time . cheers , tana / daniel",0 +"Subject: followup patricia , i have forwarded your resume along with an introductory note to kerry cooper , don fraser , and malcom richards of the a & m finance department . please give them a phone call and tell them that i suggested you call . they are all very nice folks and would be happy to help you i am sure . good luck , john john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : tom costantino i ' ll set him up on an interview schedule . thanks . jeff vince j kaminski 01 / 29 / 2001 04 : 01 pm to : jeffrey a shankman / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : tom costantino jeff , it seems that nymex will not make a decision any time soon or they rejected tom . i think the latter is the case . tom is looking for a trading or origination job with enron . i think that we can use his expertise here . vince from : jeffrey a shankman on 01 / 29 / 2001 03 : 50 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : tom costantino i thought he was in the running for the president position , after pat died . he phoned me today - - did he indicate to you in what he is interested ? jeff vince j kaminski 01 / 29 / 2001 02 : 12 pm to : jeffrey a shankman / hou / ect @ ect , greg whalley / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , john j lavorato / corp / enron subject : tom costantino jeff , greg and john , our old friend tom costantino is interested in coming back to enron . it seems that his move to nymex either will not happen or will not happen for some time . you can contact him at home : phone : ( 713 ) 860 8687 ( h ) vince",0 +"Subject: re : interviews vince , no problem , i know hr can slow the process down . marshall brown vice president robert walters associates phone # : 212 - 704 - 0596 fax # : 212 - 704 - 4312 marshall . brown @ robertwalters . com www . robertwalters . com > - - - - - original message - - - - - > from : vince . j . kaminski @ enron . com [ smtp : vince . j . kaminski @ enron . com ] > sent : friday , april 06 , 2001 5 : 50 pm > to : marshall . brown @ robertwalters . com > cc : vince . j . kaminski @ enron . com > subject : re : interviews > > > marshall , > > sorry for a delay in responding to you . > my hr people were asked to get in touch with you re > the candidates . > > vince > > > > > > marshall brown on 03 / 27 / 2001 02 : 36 : 12 > pm > > to : "" ' vince kaminski ' "" > cc : > subject : interviews > > > vince , > i had two candidates speak with zamin lu on 3 / 14 / 01 and 3 / 16 / 01 . > ( renshi zhang and bill koures respectively ) . i know you were in london > last > week . if you could please give me some feedback ( either positive or > negative ) as soon as possible , i would appreciate it . > regards , > > marshall brown > vice president > robert walters associates > phone : 212 - 704 - 0596 > fax : 212 - 704 - 4312 > marshall . brown @ robertwalters . com > > > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > caution : electronic mail sent through the internet is not secure and could > be intercepted by a third party . > > this email and any files transmitted with it are confidential and > intended solely for the use of the individual or entity to whom they > are addressed . if you have received this email in error please notify > the system manager . > > this footnote also confirms that this email message has been swept by > mimesweeper for the presence of computer viruses . > > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > > >",0 +"Subject: real options 2000 ? please find enclosed the complete conference agenda for real options 2000 : capitializing on uncertainty and volatility in the new millennium , scheduled in chicago , il on september 25 - 26 , 2000 ( interactive workshops available the 24 th , 26 th ( evening ) & 27 th ) . please review this information and feel free to forward to any colleagues or associates that would have an interest in this topic with my contact information . if you have questions , or wish to register yourself or any colleagues , ( three or more receive a discount ) , do not hesitate to call me directly @ 212 . 885 . 2695 . otherwise , i will be in contact in a couple of days to follow - up . best regards , neda zoko - real options sept . pdf",0 +"Subject: one page background and position statement guys , attached are the "" one - page "" background / position statements that i have received to date ( with the exception of mike korpi ' s which i left at home ) . if you haven ' t provided me with this material please do so asap and if you did please give my any edits you might like to make to the attached pages . thanks john p . s . its rainey and 60 ' s this week but we ' ve put in an order for 70 ' s and sunshine for next week ' s conference . - bennett _ stewart . doc - david palumbo current bio . doc - g _ ferrell . doc - jmartinbiosketch . doc - m _ froehls . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: bonds the difference is $ 4 , 391 . you can send more if you would like to add to the tax - free money fund . thank you keith hazlewood edward jones p . o . box 9479 the woodlands , tx 77387",0 +"Subject: correction : interim report to gary hickerson for ag trading apologies . please note that i pasted the wrong graph in the previous version i sent . this is the correct version . thanks , kate - - - - - - - - - - - - - - - - - - - - - - forwarded by kate lucas / hou / ect on 12 / 22 / 2000 02 : 56 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - kate lucas 12 / 22 / 2000 02 : 27 pm to : vince j kaminski / hou / ect @ ect cc : vasant shanbhogue / hou / ect @ ect , nelson neale / na / enron @ enron , mauricio mora / na / enron @ enron subject : interim report to gary hickerson for ag trading vince , please find attached the interim report on agricultural commodity trading for gary hickerson . your comments are welcome as we would like to send this to gary as soon as possible . regards , kate ext 3 - 9401",0 +"Subject: re : the garp 2001 convention andreas : here it is : vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com vince "" andreas simou "" on 09 / 15 / 2000 09 : 11 : 00 am to : cc : subject : the garp 2001 convention dear garp speak ? i am writing to request some information regarding the garp 2001 convention . ? can you please furnish me with your full postal address so that i can send you a copy of the garp brochure in the near future . ? i look forward to your response in due course . ? kind regards ? andreas ? _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ andreas simou garp 2001 - conference producer tel ? + 44 ( 0 ) 20 7626 9301 fax + 44 ( 0 ) 20 7626 9900",0 +"Subject: re : address shirley , they are from the uk , arthur andersen . i could meet with them on monday . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 31 / 2000 02 : 51 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - allan . roberts @ uk . arthurandersen . com on 08 / 31 / 2000 12 : 08 : 25 pm to : vince . j . kaminski @ enron . com cc : subject : re : address i trust things are well in houston . the reason for contacting you is to inquire as to your schedule during the week commencing monday 18 th september . i and several of my colleagues would very much like to meet up with you , however , we are tied up at a large conference between tuesday through to friday of that week . is there any chance in meeting with you on monday 18 th ? if so , i will brief you more fully on our people and will contact you to discuss an agenda . regards , allan * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it .",0 +"Subject: gene humphrey / mark palmer vince : do you have email addresses for gene and mark palmer ? i look forward to seeing you next week . regards ,",0 +"Subject: re : your guest for financial mathematics amy , thanks . steve will contact you directly to give you all the details . vince "" amy lamonsoff "" on 06 / 22 / 2000 05 : 32 : 49 am to : cc : subject : your guest for financial mathematics hello - i hope you are well today . i understand that you would like to bring steve leppard as your guest for financial mathematics . could you please provide me with his complete contact details and which training course he will be attending . ? ? many thanks - amy ? ps - hope you enjoyed risk 2000 in boston and it was nice to see you again .",0 +"Subject: re : fw : fw : get together this coming tuesday ? kim , i talked to dale early this morning and suggested that we meet during his next trip to houston when we decide on timing of our project . vince from : kimberly watson / enron @ enronxgate on 05 / 01 / 2001 08 : 41 am to : vince j kaminski / hou / ect @ ect , eric gadd / et & s / enron @ enron cc : subject : fw : fw : get together this coming tuesday ? vince , if dale comes in to see you , it looks like eric might be available to meet with you as well . it would be a good opportunity for eric to meet dale and get a little more information on his model . eric ' s phone number is x 54713 . thanks , kim . - - - - - original message - - - - - from : gadd , eric sent : monday , april 30 , 2001 8 : 12 pm to : watson , kimberly subject : re : fw : get together this coming tuesday ? works for me . give me a call at 9 : 30 . from : kimberly watson / enron @ enronxgate on 04 / 30 / 2001 05 : 09 pm to : eric gadd / et kaminski , vince subject : re : get together this coming tuesday ? dale , please , call me on tuesday . my morning schedule is full but i am open in the afternoon . vince "" dale m . nesbitt "" on 04 / 30 / 2001 01 : 51 : 21 am please respond to to : "" vincent kaminski "" , "" kimberly s . watson "" cc : subject : get together this coming tuesday ? vince / kim : i am flying to houston tonight and wondered if it would fit one or both of your schedules to get together this coming tuesday sometime for 1 / 2 hour or so . i really want to reinitiate the conversations marketpoint was having with john goodpasture and you , and he said either or both of you were the right people to continue after his responsibility shift . john was quite positive about the idea of enron acquiring marketpoint narg through license , and he implied that one or both of you would be carrying the ball in that direction after he handed it to you . would this coming tuesday morning at 930 am be a good time for you guys ? if so , please give me an email shout at the above address or leave a message on my voicemail at ( 650 ) 218 - 3069 . i think you will be truly impressed with the scope and progress we have been able to make with both the short run narg and the long run narg in which you were interested ( not to mention our power model ) . the progress is noticeable since you saw it . both long and short term narg are having quite an impact on a number of gas decisions at the moment ranging from venezuelan lng , north american lng import terminals and term , gas basis calculations , trading support , power plant development , gas - to - power price spreads in key markets , veracity of heat rate trades , bank financings , storage field evaluation , and which new pipelines we can expect to see enter and which are dogs . i really hope we can fit it in and get our discussions moving in a mutually productive direction again . i think narg can help you become even more successful , and i look forward to working with you . we have a new office address and new phone number as well . ( we move in may 1 . ) altos management partners 95 main street , suite 10 los altos , ca 94022 ( 650 ) 948 - 8830 voice ( 650 ) 948 - 8850 fax ( 650 ) 218 - 3069 cellular give the phones a week or so to get "" debugged "" and then switch over . dale",0 +"Subject: enron recruiting / mscf speaker series vince , pierre has informed me that ( if you can so co - ordinate with alison bailey ) you would like to move the recruiting event on campus for comp finance to nov 3 in order to co - ordinate with pierre ' s invitation to speak in the mscf speaker series the same day . i contacted our recruiting center about availability on that date and have forwarded below his response . let me know how else i can help and , again , thanks for your kind words about the program and you obvious interest in meeting with us . rick richard l . bryant director , computational finance program carnegie mellon university graduate school of industrial administration pittsburgh , pa 15213 phone / fax ( 412 ) 268 - 4592 / ( 412 ) 268 - 6837 http : / / fastweb . gsia . cmu . edu / mscf - - - - - original message - - - - - from : "" ken keeley "" to : "" rick bryant "" cc : "" sally e gould "" sent : thursday , august 03 , 2000 1 : 32 pm subject : re : fw : mscf speaker series enron currently has 8 interview rooms scheduled on december 11 , 2000 . . . as we have 10 interview rooms available to us and as on 11 / 3 we currently have nine rooms booked , if enron wants to move all 8 schedules to 11 / 3 , we probably will not be able to host them on - campus unless [ the firm currently holding the rooms ] moves off ( and there is a possibility of that - this is like a game of dominos ) . however , enron could interview off campus , but that is not as convenient for the students and it increases the cost for the employer . if enron wants to move only one or two schedules to 11 / 3 for just comp finance , we would find a way to accomodate them . our recruiting coordinator , sally gould , will do everything she can to make this work for enron . please suggest that enron re - contact her as soon as they know what their preferences are . alison knows how to reach her . > ken keeley , ph . d . > director , career opportunities center > graduate school of industrial administration > carnegie mellon university > tel : 412 - 268 - 3092 > fax : 412 - 268 - 4146 >",0 +"Subject: re : livelink test for research moyez lallani has agreed to give a presentation on livelink , the application which will replace the research projects tracking database at next thursday ' s group meeting . let me know if there is any problem with this . thanks , stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 03 / 02 / 2001 07 : 45 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : moyez lallani / enron @ enronxgate on 03 / 02 / 2001 07 : 32 am to : stinson gibner / hou / ect @ ect cc : vasant shanbhogue / hou / ect @ ect subject : re : livelink test for research room 30 cl on thursday 3 / 8 / 2001 at 11 : 30 . i have it recorded in my calendar . i  , ll bring a laptop . please let me know if there is a change of plans . thanks . moyez lallani enron networks 713 - 345 - 3683 moyez . lallani @ enron . com - - - - - original message - - - - - from : gibner , stinson sent : friday , march 02 , 2001 7 : 07 am to : lallani , moyez cc : shanbhogue , vasant subject : re : livelink test for research moyez , thanks , i will try and collect the information today . vasant and i were thinking that it would make sense to let people try the application under the test environment for a few weeks . then we can incorporate any additional suggestions and move to production around the first week in april . our meeting room does have a screen and network connection , and we can profide an lcd projector as well . how about thursday of next week ? thanks , stinson from : moyez lallani / enron @ enronxgate on 03 / 01 / 2001 04 : 35 pm to : stinson gibner / hou / ect @ ect cc : subject : re : liveline test for research stinson , sorry to have to do this to you but i need some additional information in order to add these users to the research projects group . please use the attached template to capture the information needed and forward to me at your convenience . also , the group has only been set up in the test environment . do you want to add the users to the test environment or are you ready to migrate to production ? as far as the demo is concerned , i  , ll be happy to accommodate your group . how many people do you expect at the demo and does the room have a display screen and network connection ? let me know which thursday you would like me to conduct the demo and i  , ll be there . > moyez lallani enron networks 713 - 345 - 3683 moyez . lallani @ enron . com - - - - - original message - - - - - from : gibner , stinson sent : thursday , march 01 , 2001 4 : 24 pm to : lallani , moyez subject : liveline test for research moyez , can you add access to the following users for the livelink research projects database ? also , would you be available to give a short demonstration and tutorial on how to use livelink for our group ? we hold a lunch meeting each thursday from 11 : 30 - 1 : 00 in 30 cl at which there is usually a short presentation on a topic of interest . i think it would be very useful for the group to have an overview of how to use the tool before everyone jumps into it . the presentation can be quite informal . let me know if you would be available in the next couple of weeks . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 03 / 01 / 2001 04 : 12 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - s @ _ -  g _ , x ?  ~ o ? ' ] s ? _ _ _ _ s ?   _ ? * ? ? ? j ? ?  _ "" ? zn _ ? ? _ y _ 7 d ? [ t ? ? _ yn ? [ . _ _ _ "" ? * ? ? _ b ? ; _ _ _ y _ ?  _ , ? _ ?",0 +"Subject: re : workshop helyette , i shall be glad to join you . vince gemanix @ aol . com on 02 / 12 / 2000 11 : 27 : 56 am to : vkamins @ enron . com cc : subject : workshop dear vince , i would be delighted if you agreed to share with me a one - day workshop before a major icbi conference in berlin , on june 19 . the topics would be similar ; we may add real options . could you answer me before tuesday ? kind regards helyette",0 +"Subject: weather person for london egm we need to set a further round of inteviews for tony hamilton . can everyone let gloria solis know their availability over the next 2 weeks . below are the results from our initial interviews and the candidate ' s resume thanks jen - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 12 / 15 / 2000 10 : 16 am - - - - - - - - - - - - - - - - - - - - - - - - - - - tony hamilton on 12 / 15 / 2000 02 : 11 : 58 am please respond to tony hamilton to : mike . a . roberts @ enron . com cc : subject : meteorologist / forecaster dear mike i would like to apply for the above position as advertised in "" earthworks "" and enclose my full cv ( in word 97 / 00 format ) in support . i am currently a research fellow with ucl conducting research , and building forecasting models for the statistical prediction of north atlantic sea surface temperatures and other climatic parameters at long leads ( 1 - 12 months ahead of forecast period ) . i have recently applied this model to the north sea in order to aid long - lead forecasts of fish stocks ( see sap - symposium , 4 - 6 december , bergen , norway ) , and have recently been applying similar models to the north atlantic oscillation , an atmospheric phenomena which is strongly correlated with winter climate over uk / norway and nw europe , particularly temperatures , rainfall and windspeeds ( see enclosed poster which was presented recently at an international conference on the nao in vigo , spain ) as you will see from my cv , i have 2 + years experience consulting in several areas of geoscience to the oil , gas and minerals industries and have good programming skills , both on unix machines and on pcs . i am particularly keen to apply my skills in the commercial sector and initiate a permanent career path . i look forward to the opportunity of hopefully discussing my skills further with you in the near future . yours sincerely tony hamilton * dr . tony hamilton * * research fellow * * benfield greig hazard research centre * * department of space and climate physics * * university college london * * holmbury st mary * * dorking * * surrey rh 5 6 nt * * * * e - mail : th @ mssl . ucl . ac . uk * * telephone : + 44 ( 0 ) 1483 560107 * * fax : + 44 ( 0 ) 1483 278312 * * web - site : http : / / forecast . mssl . ucl . ac . uk / * - th _ cv . doc - nao _ posterv 2 . gif - - - - - - - - - - - - - - - - - - - - - - forwarded by jennifer fraser / hou / ect on 08 / 01 / 2001 13 : 11 - - - - - - - - - - - - - - - - - - - - - - - - - - - from : jennifer fraser 21 / 12 / 2000 07 : 32 to : jeffrey a shankman / hou / ect @ ect , chris mahoney / lon / ect @ ect , mike a roberts / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : stewart peter / lon / ect @ ect , niamh clarke / lon / ect @ ect subject : weather person for london egm folks : we interviewed three candidates . one of the three ( tony hamilton ) seems to be a very good fit within the enron culture and values . recommended next steps vince , mike and jeff interview tony via video conference or avistar tony hamilton key strengths quick thinker good teams skills driven - will be able to get the project off the ground quickly has a commercial attitude sees "" the big picture "" tony hamilton is available for follow up interviews the first week of january . thanks jen",0 +"Subject: wharton program for business journalists hi greg ! here is the information regarding the dec 13 th event at wharton . wharton is beside itself with excitement at your acceptance , and communicated that with jeff skilling at his visit there this past thursday . they ' re also very interested in discussing their webi program with you and would like to arrange to do that the day of your evening presentation , or perhaps the following day , whichever suits your schedule . this was also discussed with jeff skilling - - he is clearly interested in the program , but will be especially looking to your input , along with that of vince kaminski , jeff shankman and me , in determining enron ' s decision to participate . as i mentioned previously , vince , jeff and i think enron ' s involcvement with webi holds very positive potential . financially , it involves a contribution of $ 250 , 000 for 4 years . please see the request for your "" bio "" and desired inclusion of program materials , as well as the contact at wharton , toward the end of the message below . let me know by email or voice mail ( 3 - 6117 ) how university affairs can further these efforts . thanks ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 11 / 04 / 2000 10 : 20 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" baltes , michael "" on 11 / 02 / 2000 12 : 29 : 05 pm to : "" ' christie _ patrick @ enron . com ' "" cc : "" piazze , thomas "" , "" spigonardo , joanne "" subject : wharton program for business journalists christie , we are delighted that greg whalley , ceo of enron bandwidth business , has agreed to be our featured dinner speaker at the upcoming wharton seminars for business journalists on wednesday , december 13 , 2000 . per instructions from tom piazze , i ' ve attached some information regarding our seminars for business journalists , now in its 32 nd year http : / / www . wharton . upenn . edu / media / journalists / . as i ' d mentioned in our conversation a few weeks ago , we have a leader from business or government speak each year at our sponsor ' s dinner , which is attended by all of the business journalists ( about 50 ) and representatives from our corporate sponsors ( lists attached below ) . our last 3 speakers were mark walsh , chairman of vertical net ; jason olim , ceo of cdnow ; and tom siebel , ceo of siebel systems . about 80 - 90 people are expected to attend this year ' s event . cocktails , dinner and mr . whalley ' s presentation will be held on wednesday , dec . 13 , from 6 : 00 to 9 p . m . in wharton ' s steinberg conference center , 38 th & spruce streets , on the university of pennsylvania campus . as tom may have mentioned , this audience likes to hear about interesting industry trends , or something companies are doing that is leading edge , and hasn ' t really hit the mainstream . past experience has shown that "" canned "" corporate presentations do not go over so well with this group . however , you are certainly welcome to provide literature to the audience or other materials that may be appropriate . i would like to have a conversation with you about your thoughts on a specific topic as we get closer to the event . in the meantime , we would like to have mr . whalley ' s bio and any other information you ' d like us to include in the course materials for the journalists . please try to keep this to about 2 - 3 pages , given all of the other material they ' ll have in their binders . you may contact me or my colleague , joanne spigonardo , with any questions . joanne is handling the logistics for the event , so please direct those types of questions directly to her . she ' s at 215573 - 8599 . thanks again , and i hope you can join us on the 13 th . best regards , mike > > - pub & namelistbjs 200 . doc - final sponsor list . doc",0 +"Subject: re : current address for brad romine vince : i have left brad two messages at this cell phone # - he has not responded . any suggestions ? vince j kaminski 03 / 16 / 2000 08 : 58 am to : shirley crenshaw / hou / ect @ ect cc : subject : re : current address for brad romine shirley , i have his cell phone : 650 814 9966 . vince shirley crenshaw 03 / 13 / 2000 02 : 15 pm to : vince j kaminski / hou / ect @ ect cc : subject : current address for brad romine vince : do you have a current address for brad ? - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 03 / 13 / 2000 02 : 14 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - carol coats 03 / 13 / 2000 01 : 59 pm to : shirley crenshaw / hou / ect @ ect cc : subject : current address for brad romine shirley , is there any possibility that you might have an updated current address for brad ? if not , would vince know ? thanks much , carol",0 +"Subject: cost sharing of subscription to poten ' s fuel oil report all : ideally we will split this cost evenly among as many p & l ' s as need the report , minimizing everyone ' s cost by sharing a single subscription . please tell me whether you can justify sharing the cost and if so , the rc code & co # for me to allocate your cost share . please indicate your choice of the three cost choices . attached note below clarifies poten ' s proposal on the $ 10 , 000 / yr subscription . essentially we have three choices : 1 . for $ 2700 / yr , the standard edition ( 11 issues , excluding the monthly "" special feature "" article ) 2 . for $ 3800 / yr the premium edition , ( standard edition plus the monthly "" special feature "" article , as in three attached examples ) 3 . for $ 10 , 000 / yr the premium edition plus quarterly forward price view for 36 months . poten explains that 85 % of their subscribers take the premium service . no one has ever asked for the $ 10 , 000 / yr long - term price forecast . i have an interest in a longer term price forecast and hope that it may be useful to others in the corporation . the example copies attached include the following special feature articles : 99 feb - analysis of resid trades in the eastern mediterranean 99 sep - patterns of fuel oil trade in the western hemisphere 99 dec - analysis of the resid market in chile one either takes all or none of them for the incremental $ 1100 / yr . some may be useless , others perhaps quite valuable . your call . regards guy "" axelrod , larry "" on 02 / 03 / 2000 02 : 43 : 59 pm to : guy dayvault / corp / enron @ enron cc : fuel share group subject : enron / fuel oil service dear guy , it was a pleasure speaking to you today . as discussed , poten is pleased to offer enron the following two - part fuel - oil related service : ( 1 ) a one - year subscription to poten ' s fuel oil in world markets ( premium edition ) , and ( 2 ) a forecast of delivered crude prices and fuel oil prices in northwest europe ( brent and 1 % s fob fuel oil ) , the mediterranean ( bonny light and 1 % s fob fuel oil ) , and singapore ( dubai and hsfo - 380 cst ) . the forecasts would be provided four times a year and provide average quarterly price projections over the forward 36 - month period . the forecast prices would be accompanied by brief textual commentary . the forecasts would be issued over the course of the one - year fuel oil in world markets subscription period . the fee for the two - part service is us $ 10 , 000 , payable in two equal installments i look forward to hearing from you . best regards , larry l . axelrod phone 212 - 230 - 2038 fax 212 - 355 - 0295 doug leach @ ect 02 / 03 / 2000 01 : 52 pm to : guy dayvault / corp / enron @ enron cc : subject : re : poten ' s fuel oil report - - - - - - - - - - - - - - - - - - - - - - forwarded by doug leach / hou / ect on 02 / 03 / 2000 01 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - dale snyder 02 / 03 / 2000 01 : 44 pm to : doug leach / hou / ect @ ect cc : david j botchlett / hou / ect @ ect , ron irvine / lon / ect @ ect , niamh clarke / lon / ect @ ect subject : re : poten ' s fuel oil report we have an interest in sharing in the expenses of this information the only question being which information and at what cost . can see what the monthly newsletter describes which is relatively cheap but what considerable information does one get for the usd 10 k yr report ? how many ways will we split the costs ? psl advise and thx doug leach 02 / 03 / 2000 07 : 08 am to : dale snyder / hou / ect @ ect cc : subject : poten ' s fuel oil report i have no interest . do you ? - - - - - - - - - - - - - - - - - - - - - - forwarded by doug leach / hou / ect on 02 / 03 / 2000 07 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - guy dayvault @ enron 02 / 02 / 2000 03 : 35 pm to : niamh clarke / lon / ect @ ect , doug leach / hou / ect @ ect , margaret carson / corp / enron @ enron cc : subject : poten ' s fuel oil report niamh & doug & margaret : i want to chat about this and will call you , but the essence is : can you justify sharing the cost of subscribing to poten ' s monthly fuel oil report ? attached below are 3 example copies that include their standard 12 month price forecasts . the cost is $ 3800 / yr . as an added service for a total of $ 10 , 000 / yr , poten will include a quarterly update of their 36 month forward view on crude oil and fo prices with a brief justification for their view . this would include the standard monthly price forecast for the prompt 12 months and quarterly prices for the following 24 months for far east , med and nwe . ( i expect a more descriptive email from poten , but i think this is the essence of their "" custom "" offer . ) the example copies attached include the following special features : 99 feb - analysis of resid trades in the eastern mediterranean 99 sep - patterns of fuel oil trade in the western hemisphere 99 dec - analysis of the resid market in chile these type of features are produced monthly and run a spectrum of subjects related to fuel oil . i have a hard time justifying the cost of the newsletter and the price forecast without the considered recommendation of colleagues such as yourself regarding the utility of such a report . the best way to show your recommendation is with money . if it is not worth any money to anyone else in ene , then i have to question its validity and utility to me as well . doug , would this perhaps be useful to any other business units that have exposure to fo prices ? best regards guy - - - - - - - - - - - - - - - - - - - - - - forwarded by guy dayvault / corp / enron on 02 / 02 / 2000 03 : 05 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" axelrod , larry "" on 01 / 24 / 2000 03 : 38 : 53 pm to : guy dayvault / corp / enron @ enron cc : fuel share group subject : poten ' s fuel oil report guy , it was a pleasure speaking to you today . three samples of fuel oil in world markets are attached . let me know if you think the report could be useful to you . regards , larry phone 212 - 230 - 2038 > > > - 99 dec . doc - 99 sep . doc - 99 feb . doc",0 +"Subject: new information about transfers hi , vince , i had a chance to talk to my direct boss tom moore ( director ) about the possibility of transfers to research group . he had a positive reaction , he thinks me is a good fit for the research . hope this is useful information . regards ningya ( 3 - 5248 )",0 +"Subject: enside newsletter good afternoon , mr . kaminski ! thank you for agreeing to an interview for a business unit article for the next enside . molly magee spoke very enthusiastically about you and your group . i am on your calendar for thursday , march 1 at 10 am . i will bring a tape recorder and plan to finish in 30 - 45 minutes . attached , please find some possible questions / topics for us to discuss . please call me if you have any questions . thanks again . kathie grabstald ews public relations x 3 - 9610",0 +"Subject: reporting lines vince i ' ve just had a chat with richard , who feels strongly that the natural synergies between , and independence of , research and structuring will be best served if i report to tani . i expressed my concerns that i want to keep a strong link with : 1 . accountability to the trader sense of urgency , and 2 . traders ' willingness to spend money where necessary . richard suggested that we have a strong "" dotted line "" of reporting in to him , and that he will be available to support these areas . we ' ll meet regularly to keep richard in the loop . i filled richard in on the fact that i wish to change the nature , not just the size , of the research group , which will involve significant changes in headcount and investment in hardware / software . i ' ve no doubt that my main concerns of accountability and budget support will be met whether i report to richard formally or informally . tani has indicated that she ' d be prepared to have research report to her if required . all the best , steve",0 +"Subject: re : support for exotica steve , i am calling anjam to give him a deadline regarding move to houston . if he decides to stay in houston , you should meet with him to convey the concerns regarding his performance . vince steven leppard 10 / 13 / 2000 03 : 50 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , dale surbey / lon / ect @ ect , tani nath / lon / ect @ ect cc : paulo issler / hou / ect @ ect , sharad agnihotri / lon / ect @ ect , zimin lu / hou / ect @ ect subject : support for exotica all sharad ' s investigations of exotica ' s status in london have turned up a very confused state of affairs . this isn ' t being helped by the fact that : 1 . anjam is rarely at his desk , and can ' t be found anywhere in the building . 2 . when he is around he isn ' t willing or able to provide all the information sharad might need to support exotica . this is worrying since much of our business depends on the validity of exotica ' s valuations . sharad will now request information from anjam via email to leave a trail , and i want to alert you to the fact that sharad will be cc ' ing you in on these emails . if things don ' t improve soon , i may need to request some assistance in extracting this information from anjam . many thanks , steve",0 +"Subject: cal berkeley vince and john , i wanted to send you a quick note and once again say thank you for attending the cal berkeley presentation last week . i am sorry for the low attendance on campus , however i did want to send some refreshing news . i just received the resumes of students who would like to interview with enron . there were 43 resumes submitted for the technologist position and 46 resumes submitted for the analyst position . please let me know if you have any questions . thanks , ashley",0 +"Subject: credit reserve vince , i ' d like to get someone to sit with one of team for a couple of days . . . . to help with reviewing code . there seems to be two view of how this is currently working . your team seems to think winston group is not being co - operative enough . winston ' s team seems to think they are co - operating . . . i ' d like to resolve this . if my suggestion above doesn ' t work ( putting some in your team for a couple of days ) , i would like for us to sit down with winston , nilay and tanya and try to work out what ' s happening . regards steve - - - - - - - - - - - - - - - - - - - - - - - - tel : 713 - 345 - 8980 cell : 281 - 541 - 1862 page : stevestock @ pagenetips . com",0 +"Subject: pac reminder last month you received an email about enrolling in the enron pac . the response has been positive . thank you to those of you that have already enrolled or made a change to your current contribution ! if you have not had an opportunity to visit the enrollment site , please consider taking a moment to do so . the link to the website is at the end of this message . some of you may have experienced problems launching the site or enrolling . we apologize for any trouble that you may have had . the enrollment works best in either internet explorer or netscape . the most frequent problems were a result of the lotus notes web browser that many employees have installed as a default browser . if this is your case , please copy and paste the link at the end of this message into either internet explorer or netscape . as a reminder - following is the original message regarding the pac enrollment : last year the enron political action committee ( pac ) launched a campaign to become a "" million dollar pac "" . enron employees , who provide all of the funding for the pac , responded and the enron pac reached its objective , becoming one of the largest corporate pacs . this year we face a new challenge . with the sale of eog , the announced sale of pge and normal employee turnover , we have lost a significant number of consistent contributors . we are seeking your support . if you are not a member , please join . if you are a member , we hope you will consider increasing your contribution . the enron pac is an essential tool in our effort to promote sound public policy . our pac funds support local , state and federal candidates , of both parties , who support open markets , deregulation and customer choice . amounts contributed may be used to make political contributions in connection with federal and state elections and are subject to the limits of the federal election campaign act . while our pac has grown thanks to our employee contributions , it still generates just a fraction of the expenditures of those who oppose these ideals . this year , as always , we face challenges and opportunities for every one of our businesses , including such issues as taxation and regulation of e - commerce , electric industry restructuring , regulation of derivatives , international trade and investment legislation , pipeline safety , local and state decisions affecting the siting and interconnection of power plants and a variety of environmental and tax issues . enron has a long and successful track record of supporting and advancing good public policy . that track record depends on access to and regular communication with , decision makers . the pac provides that access - - it shows policy makers that real voters care about what they are doing . one of the best things about enron is that we don  , t just take things as they are . we challenge the status quo . we ask why . we change things . the pac helps us do that . we need you to help the pac . sign up today  ) and please consider the following contribution guidelines : manager $ 500 / year director $ 750 / year sr . director / general manager $ 1 , 000 / year vice president $ 2 , 500 / year sr . vp / managing director $ 3 , 500 / year executive committee $ 5 , 000 / year all contributions are voluntary and these guidelines are merely suggestions . you are free to contribute more or less than the guidelines suggested and enron will not favor or disadvantage anyone by reason of the amount of their contribution or their decision not to contribute . you may refuse to contribute without fear of reprisal . only u . s . citizens and resident - aliens living in the u . s . can contribute to the enron pac . amounts contributed may be used to make contributions in connection with federal and state elections and are subject to the limitations of the federal election campaign act . the maximum contribution is $ 5 , 000 per year per individual . an individual may not contribute more than $ 25 , 000 to all federal candidates and committees within a calendar year . the law requires that enron report name , address , employer and occupation for every person who contributes over $ 200 / year . no portion of any contribution is deductible as a charitable contribution for federal income tax purposes . thanks for your support ! sign up now , or revise your current contribution level by connecting with the pac intranet site : http : / / pacmembers . enron . com",0 +"Subject: re : telephone interview with enron corp . research dept . dear shirley : confirming that i will be waiting for the telephone interview at 1 pm tomorrow . ? i would like to give you my cell phone number , 713 / 907 - 6717 , as a back - up measure . ? please note that my first preference is to receive the call at my home number , 713 / 669 - 0923 . sincerely , rabi de ? ? shirley . crenshaw @ enron . com wrote : dear rabi : i have scheduled the telephone interview for 1 : 00 pm on friday , july 7 th . we will call you at 713 / 669 - 0923 . if there are any changes , please let me know . sincerely , shirley crenshaw 713 - 853 - 5290 rabi deon 06 / 26 / 2000 10 : 37 : 24 pm to : shirley crenshaw cc : subject : re : telephone interview with enron corp . research dept . dear ms . crenshaw : thanks for your prompt response . ? july 6 or 7 th will work best for me . . ? i would prefer to be called at my home number . ? please let me know the schedule and other details , if any . sincerely , rabi de ? shirley crenshawwrote : good afternoon mr . de : your resume has been forwarded to the enron corp . re ! search dept . and they would like to conduct a telephone interview with you at your convenience . the interviewers would be : vince kaminski managing director stinson gibner vice president grant masson vice president p . v . krishnarao director paulo issler manager please give me some dates and times this week or july 5 , 6 , and 7 th when you might be available and i will coordinate with the other calendars . i look forward to hearing from you . sincerely , shirley crenshaw administrative coordinator enron corp . research 713 / 853 - 5290 email : shirley . crenshaw @ enron . com do you yahoo ! ? get yahoo ! mail - free email you can access from anywhere ! do you yahoo ! ? send instant messages & get email alerts with yahoo ! messenger .",0 +"Subject: video conference with the mars corp . "" cds "" group - avi hauser good morning : there will be a video conference this friday , june 30 at 11 : 30 am with avi hauser of the cds group of mars corp . the subject will be : commodity development services opportunity in the emerging energy markets . the video conference will be in eb 2802 a thanks ! shirley crenshaw",0 +"Subject: re : follow - up eric , mandeep chahal , ainsley gaddis , sofya tamarchenko , elena chilkina , james aimone should not count . m . chahal was transferred to the new company , the rest are summer interns ( gone back to school ) , or part - time high school or college kids . i shall walk around and remind the rest of the crowd about the deadline . vince eric thode @ enron 08 / 25 / 2000 02 : 31 pm to : vince j kaminski / hou / ect @ ect cc : subject : follow - up vince - - we have been working the last few days to get ena ' s united way participation rate up as high as possible . i called earlier about your cost center because the following 16 employees were listed in power trading , but i believe are part of the research organization . if you have a chance , could you encourage them to log onto http : / / unitedway . enron . com on the intranet and make a contribution to the united way . the deadline is today . thanks . eric employees in your cost center : ainsley gaddis elena chilkina james aimone jose marquez kevin moore mandeep chahal maureen raymond osman sezgen paulo issler peyton gibner pinnamaneni krishnarao samer takriti sofya tamarchenko thomas halliburton william smith yana kristal",0 +"Subject: re : programming for rdi model michelle , the project is progressing . helen has done a great job , finding various flaws in the initial design ( ken ' s design ) of the access table , and has been going back and forth with ken to modify the table . since helen can ' t devote full time to this project , chris has hired a contractor , cecil stradford , to do the coding . i have spoken with cecil just now and he says no coding has been done yet . i am trying to arrange a meeting today with cecil , helen , christin ( the one who ' s overseeing coding process in cecil ' s company ) and myself . will report back to you on what is discussed in the meeting . best , alex",0 +"Subject: mid - year 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the mid - year 2000 performance management process by providing meaningful feedback on specific employee ( s ) that have been identified for you . your feedback plays an important role in the performance management process , and your participation is very critical to the success of enron ' s performance management goals . please provide feedback on the employee ( s ) listed below by accessing the performance management system ( pep ) and completing an online feedback form as described in the "" performance management quick reference guide "" . you may begin your feedback input immediately . please have all feedback forms completed by the date noted below . if you have any questions regarding pep or your responsibility in the process , please call the pep help desk at the following numbers : in the u . s . : 1 - 713 - 853 - 4777 , option 4 in europe : 44 - 207 - 783 - 4040 , option 4 in canada : 1 - 403 - 974 - 6724 ( canada employees only ) or e - mail your questions to : perfmgmt @ enron . com thank you for your participation in this important process . the following list of employees is a cumulative list of all feedback requests , by operating company , that have an "" open "" feedback status . an employee ' s name will no longer appear once you have completed the feedback form and select the "" submit "" button in pep . review group : enron feedback due date : jun 16 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - ahmad , anjam dale surbey may 22 , 2000",0 +"Subject: cal berkeley career fair recruiting season is quickly approaching and i wanted to go ahead and make everyone aware of the first event at cal berkely this fall . the cal berkeley career fair will take place on friday , september 8 th . we would like to take three representatives on campus to discuss the analyst program as well as the global technology track . travel arrangements would involve leaving on thursday evening , september 7 th , to recruit on campus all day friday . if you think that you may be available to help with this event , please click on the button below . we will discuss this and other events / dates on campus this fall during the team meeting on tuesday , august 29 th at 2 : 00 in 49 c 4 . at that time we will have sign - up sheets so that you can attend events that best fit in your schedule . i will also follow up with an e - mail similar to this so that everyone is able to express their date / event preferences . thanks so much for helping recruit at cal berkeley this fall . if you have any questions , please feel free to contact me at 3 - 3589 . ashley",0 +"Subject: pjm publishes list of 1000 contingencies message sent from the pjm - customer - info mailing list at pjm - customer - info @ majordomo . pjm . com : to meet customer requests , pjm has published the pjm contingency list on the web site at www . pjm . com . the file can be found under pjm markets , market and system data , under lmp model information . the list contains the approximately 1000 contingencies existing in the pjm energy management system . the contingencies are the possible occurrences against which pjm system operators must protect the transmission system . please do not reply to this message . if you have a question for pjm customer relations and training , please send an e - mail to custsvc @ pjm . com . to unsubscribe from this list , send an e - mail to majordomo @ majordomo . pjm . com containing only the following line in the body of the e - mail : unsubscribe pjm - customer - info",0 +"Subject: long sleeve denim shirts with the enron research logo hello everyone : i believe all of you are new employees since we last ordered the research shirts . they are a blue denim ( tencel ) , button down , long sleeve , shirt with a logo over the left pocket . several of you have been asking for them so i will place an order . please let me know the size shirt you would like . they come in ladies , or mens in small , medium , large , and extra - large . please circle the size you would like . name size tom barkley s m l exl stephen bennett s m l exl rakesh bharati s m l exl lance cunningham s m l exl rabi de s m l exl anita dupont s m l exl shane green s m l exl anguel grigorov s m l exl seksan kiatsupaibul s m l exl sandeep kohli s m l exl jaesoo lew s m l exl martin lin s m l exl kate lucas s m l exl iris mack s m l exl praveen mellacheruvu s m l exl mitra mujica s m l exl wichai narongwanich s m l exl nelson neale s m l exl kenneth parkhill s m l exl chris pernoud s m l exl leann walton s m l exl",0 +"Subject: meeting at 2 : 00 pm friday kevin , can you join us ? i may be 5 minutes late , coming from another meeting . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 12 / 15 / 2000 07 : 59 am - - - - - - - - - - - - - - - - - - - - - - - - - - - wenyao jia 12 / 14 / 2000 06 : 24 pm to : debbie r brackett / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : meeting at 2 : 00 pm friday we will meet at debbie ' s office at 2 : 00 pm tomorrow afternoon . we will talk about asset liability project from treasury dept . see you there . winston",0 +"Subject: year end 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the year end 2000 performance management process by providing meaningful feedback on specific employee ( s ) . your feedback plays an important role in the process , and your participation is critical to the success of enron ' s performance management goals . to complete requests for feedback , access pep at http : / / pep . corp . enron . com and select perform review under performance review services . you may begin providing feedback immediately and are requested to have all feedback forms completed by friday , november 17 , 2000 . if you have any questions regarding pep or your responsibility in the process , please contact the pep help desk at : houston : 1 . 713 . 853 . 4777 , option 4 london : 44 . 207 . 783 . 4040 , option 4 email : perfmgmt @ enron . com thank you for your participation in this important process . the following is a cumulative list of employee feedback requests with a status of "" open . "" once you have submitted or declined an employee ' s request for feedback , their name will no longer appear on this list . review group : enron feedback due date : nov 17 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - andrews , naveen c rudi c zipter oct 31 , 2000 baxter , ashley david davies nov 02 , 2000 campos , hector o peyton s gibner nov 06 , 2000 carson , richard l richard b buy oct 30 , 2000 crenshaw , shirley j wincenty j kaminski oct 26 , 2000 gandy , kristin h celeste c roberts nov 01 , 2000 gorny , vladimir theodore r murphy ii nov 02 , 2000 hewitt , kirstee l steven leppard nov 06 , 2000 kindall , kevin vasant shanbhogue oct 30 , 2000 lamas vieira pinto , rodrigo david port oct 31 , 2000 patrick , christie a steven j kean nov 09 , 2000 pham , bich anh t sarah brown nov 06 , 2000 raymond , maureen j wincenty j kaminski nov 02 , 2000 rosen , michael b christie a patrick nov 06 , 2000 sun , li kevin kindall nov 09 , 2000 supatgiat , chonawee peyton s gibner oct 27 , 2000 tamarchenko , tanya v vasant shanbhogue oct 26 , 2000 tawney , mark r jeffrey a shankman oct 26 , 2000 thuraisingham , ravi paul h racicot jr nov 12 , 2000 williams , matthew steven leppard nov 08 , 2000 yaman , sevil vasant shanbhogue oct 27 , 2000 yuan , ding richard l carson oct 31 , 2000",0 +"Subject: re : thank you for the e - mail . joe , he is a research assistant of prof . darrell duffie from stanford and i met him in this capacity . a very bright fellow . i could not assess his commercial skills but he has enough common sense to identify the winner ( as his interest in enron demonstrates ) . vince joseph p hirl @ enron _ development 12 / 17 / 99 08 : 05 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : thank you for the e - mail . vince , thanks for the note and the voice mail this morning . do you have any thoughts / comments on this person ' s abilities ? joe vince j kaminski @ ect 12 / 18 / 99 07 : 25 am to : joseph p hirl / enron _ development @ enron _ development cc : subject : re : thank you for the e - mail . joe , i am forwarding you the information about the student from stanford of japanese ancestry interested in enron . he lives currently in california . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 12 / 17 / 99 03 : 23 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 10 / 20 / 99 07 : 07 am to : hoshino @ leland . stanford . edu cc : celeste roberts / hou / ect @ ect , vince j kaminski / hou / ect @ ect , greg whalley / hou / ect @ ect subject : re : thank you for the e - mail . taiichi , thank you for your messsage . i shall forward to our analyst / associate program and a few other units of enron . vince kaminski hoshino @ leland . stanford . edu on 10 / 19 / 99 09 : 14 : 05 am please respond to hoshino @ leland . stanford . edu to : vince j kaminski / hou / ect @ ect , vkaminski @ aol . com cc : subject : thank you for the e - mail . dear vince kaminski thank you so much for the kind invitation for the meeting . i have been always inspired by and having respect for the recent revolutionary achievements of enron in the energy markets my former employer mckinsey tokyo in fact featured your company * s success in the last quarterly , and it clearly states ( in japanese though ) that the quantitative research capability at enron is now at the world * s top level , which has been always behind the scene . i am extremely honored to receive the email from you and in fact interested in knowing the opportunity of working in the energy field ; however , very unfortunately i will have to come back to japan , or at least to the east asian region , upon graduation due to an inevitable family reason . my wife * s father passed away recently and an old mother - in - law is now left alone without relatives . i understand that enron has not yet embarked on the next big project of freeing the outdated japanese energy market , ( which by the way i strongly hope ) so i may not have a very good chance of making contribution at your company right now . lastly , if you need a staff in tokyo in some future who understands both the risk management analytics at the f 622 level and the local language and business custome better than average , please contact me any time . i will be happy to assist as much as possible . yours sincerely , / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ taiichi hoshino ph . d . candidate engineering economic systems & operations research graduate school of engineering stanford university the shadows apt # 171 750 north shoreline blvd . mountain view ca 94043 tel / fax ) 650 - 960 - 1993 / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~ / ~",0 +"Subject: our meeting vince : i enjoyed meeting you last week to discuss my application to join your group . please keep my inquiry confidential for now . if selected , i think your group would greatly benefit from my diverse skill - set including modeling skills utilizing excel , access , and bloomberg as well as graphing , statistical , and other quantitative abilities , especially in the meteorology field . i am particularly interested in being able to discover vital information which may affect the markets ( e . g . pulp / paper , interest rates , weather ) as well as arriving at a new variable which captures all market variables into one which may be followed and forecasted for each of the groups . furthermore , i am truly committed to adding value to your group , including making significant contributions , and am sanguine about my ability to ensure that these achievements are well - received . i have met many people at enron thus far and am able to utilize these strategic alliances by knowing who may be able to assist your group in the quest for information on different projects . by accessing information quickly , both internal and external to the firm , the group would be able to extraordinarily benefit from this diligence in addition , by seeking greater efficiencies in my work , i have been able to be instrumental in accumulating additional responsibilities . most importantly , i have the mathematical acumen and insight to ensure the continued growth and prosperity of your group . as a research - oriented individual , i am clearly interested in pursuing a position in your group . if selected , i would be able to bring my diverse experience , including financial modeling and derivatives , from my tenure at enron and cibc world markets . i look forward to meeting with select members of your group . thanks , david 3 - 3528",0 +"Subject: energy finance conference presentations available fyi : you can now retrieve most all the speaker presentations of the 2001 energy finance conference ( feb 22 - 23 ) from our website at http : / / cefer . bus . utexas . edu , with the exception of presentations made by john mccormack , peter nance , sailesh ramamurtie , and ehud ronn / anoop kapoor , which i hope to still receive . sincerely , angela * * * * * * * * * * * * * * angela dorsey assistant director center for energy finance education & research the university of texas at austin department of finance , cba 6 . 222 austin , tx 78712 angela . dorsey @ bus . utexas . edu * * * * * * * * * * * * * *",0 +"Subject: re : thanks vince . dinner on sunday ok all round . do you want anjam along too ? i can ' t really ask him , given our current relationship . one other thing , have you had thoughts on reporting lines , who signs expenses , etc . etc . , or are these issues to be resolved when you come over ? cheers , steve vince j kaminski 09 / 20 / 2000 04 : 14 pm to : steven leppard / lon / ect @ ect cc : subject : steve , steve , this is the spreadsheet . also , please , let shirley know if the dinner on sun is ok . vince",0 +"Subject: wallet size telephone cards for the research group hi dee : per our conversation , i am attaching the listing of the research group . we would like 50 sets of the wallet size telephone cards made up . our co . # is 0011 and our rc # is 100038 . if you have any questions , please call me at 3 - 5290 . thanks and have a great day ! shirley",0 +"Subject: presentation to faculty and students at berkeley vince - attached are the documents that steve references below . we ' ll keep you on the distribution list for further documents as they ' re created . elizabeth - - - - - forwarded by elizabeth linnell / na / enron on 09 / 20 / 2000 09 : 40 am - - - - - steven j kean sent by : steven j kean 09 / 20 / 2000 09 : 21 am to : maureen mcvicker / na / enron @ enron , james d steffes / hou / ees @ ees , elizabeth linnell / na / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : presentation to faculty and students at berkeley maureen - - please send vince my california testimony and the talking point presentation for jeff skilling at the national press club . eliz - - keep vince on the distribution list for the documents we are generating now to repond to the california situation . - - - - - forwarded by steven j kean / na / enron on 09 / 20 / 2000 09 : 18 am - - - - - vince j kaminski @ ect 09 / 18 / 2000 01 : 26 pm to : steven j kean / na / enron @ enron cc : charlene jackson / corp / enron @ enron , celeste roberts / hou / ect @ ect , vince j kaminski / hou / ect @ ect , ashley baxter / corp / enron @ enron subject : presentation to faculty and students at berkeley steve , i am a lead recruiter at the university of california at berkeley for enron analyst / associate program . i contacted several friends who work at berkeley and received an invitation from one of them to make a presentation at the weekly faculty seminar of the dept . of industrial engineering and operations research . the students and faculty members from the business school will be also invited . berkeley in general , and department of industrial engineering and operations research in particular , are important centers of academic research on electricity markets ( s . oren works very closely with severin borenstein ) . my presentation will focus on the analyst / associate program . i shall also have an opportunity to discuss the power markets in california ( i expect many questions ) before many experts who are very important to shaping public opinion and regulatory agenda . please , let me know who in you group could help me in preparing this presentation and in presenting enron ' s point of view in a more effective way . vince fyi . the name of my friend who invited me : shmuel s . oren , professor dept . of industrial engineering and operations research 4117 etcheverry hall university of california berkeley , ca 94720 - 1777",0 +"Subject: re : check julie , a clarification . we had an agreement with chris and les to contribute aus 10 , 000 as a part of the cost . vince "" julie "" on 10 / 30 / 2000 12 : 32 : 14 pm to : cc : subject : re : check vince , ? thank you for your email . ? ? we will send you a copy of the book as soon as it is available , which we are now estimating to be around ? 21 november ( no need to send us a cheque ; you deserve it ) . ? just let us ? know if we should use a different address than your office in houston . ? thanks again for all of your help . ? julie ? - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : julie @ lacima . co . uk cc : vince . j . kaminski @ enron . com sent : monday , october 30 , 2000 2 : 16 pm subject : check julie , this message was returned to me a few times when i sent it from my home address . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 30 / 2000 08 : 00 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vkaminski @ aol . com on 10 / 28 / 2000 12 : 12 : 57 pm to : ? ? julie @ lacima . co . uk cc : ? ? vkaminski @ aol . com , vkamins @ enron . com subject : ? check julie , as the book is about to be released to the market , i would like to start the process to issue the check to lacima . who will be the payee ( lacima ) and what is the address ? vince",0 +"Subject: hello all , the program for the 2000 texas finance festival has been formalized and can be found on our web site at i do need to remind you of a few things before we converge on san antonio . first , be sure to contact the convention hotel and make your reservations . at last count there were only 6 rooms left . second , i need a completed application form from everyone so that we can get an accurate meal count . i am attaching the program announcement so you can fill out the appropriate boxes for meals and numbers of guests in the event you have not sent in a form . remember that we are starting the conference off with a luncheon on friday so plan on arriving early friday or coming in on thursday evening if you can . our hotel is right on the river and there are lots of restaurants and interesting things to visit in the immediate area ( the alamo is across the plaza from the hotel ) . we are making plans for spouses and children to attend both the dinner on friday and saturday evenings . the friday evening dinner begins at 6 p . m . so that we can be done in plenty of time for our private guided tour of the alamo at 8 : 00 p . m . for saturday we are still working out plans for the evening so stay tuned . there will be more information later as the conference nears . looking forward to seeing you all and in beautiful , sunny san antonio . john - announcerev . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : hello from vince kaminski at enron - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 08 / 2000 11 : 55 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" shmuel oren "" on 08 / 08 / 2000 08 : 14 : 59 am to : vince j kaminski / hou / ect @ ect cc : subject : re : hello from vince kaminski at enron dear vince i will be happy to meet with you . please let me know when you will be here . i will check among our students who may be interested . i have a ph . d . student that is very good but he is still in the pipeline . shmuel . shmuel s . oren , professor dept . of industrial engineering and operations research 4117 etcheverry hall university of california berkeley , ca 94720 - 1777 e - mail : oren @ ieor . berkeley . edu phone : ( 510 ) 642 - 1836 or 5484 fax : ( 510 ) 642 - 1403 - - - - - original message - - - - - from : to : ; ; sent : tuesday , august 08 , 2000 10 : 59 am subject : hello from vince kaminski at enron > shmuel , > > i hope you remember me . i visited you together with aram sogomonian , a > good friend of mine , a few years ago . i am currently responsible , among > other things , for recruiting graduates with finance and / or technical > backgrounds at the university of berkeley . i would be glad to give you a > call and talk more about the details of our program . my colleague , > ashleybaxter , from the analyst / associate program at enron would join me > as well . > > i am sending you a copy of the brochure about the analyst / associate > program . > > vince kaminski > > > vincent kaminski > managing director - research > enron corp . > 1400 smith street > room ebl 962 > houston , tx 77002 - 7361 > > phone : ( 713 ) 853 3848 > fax : ( 713 ) 646 2503 > e - mail : vkamins @ enron . com >",0 +"Subject: re : kmi end - user license agreement ( enron ' s agreement for project services hi gene , looks like you are dealing with the subject . thanks for moving this forward . kmi is dancing around relatively minor issues that i think we should be able to overcome . essentially , the issue is that we will not resell their database or misrepresent it . they want to put in all this restriction about not using it for trading , exchange , etc . stretches our possible usage of this database . it appears from your e - mail that the attament therein is our standard agreement that we get our vendors to sign . at this point , i am happy with whatever it takes to get those guys to close the deal . thank you very much for the prompt service , regards , ravi .",0 +"Subject: ms 150 dear friends and family , on april 15 and 16 i will be joining thousands of riders and volunteers on the ms 150 which is a two day bike tour from houston to austin covering 182 miles dedicated to end the devastating effects of multiple sclerosis . multiple sclerosis is a disease that is total unpredictable . symptoms may be mild such as numbness in the limbs , or severe paralysis or loss of vision . most people with ms are diagnosed between the ages of 20 and 40 but the unpredictable physical and emotional effects can be lifelong my wife , ilene was diagnosed with ms almost three years ago ; at first i was at a loss of how i could support her . that was until i heard of the ms 150 , which is one of the greatest challenges of my life . it is my choice to participate in the ms 150 , ilene does not have a choice , as she has to live with ms every day . this will be my third year riding in the ms 150 raising money for the national ms society to fight multiple sclerosis . in 1998 my goal was simple . it was to raise money and ride the 182 miles on my own . i succeeded in my endeavor by completing the ride on my own steam and raising $ 6 , 000 . in 1999 i raised my goal to $ 10 , 000 and finished the tour . not only did i meet my goal , but surpassed it by raising $ 15 , 000 to fight this devastating disease with the help of my friends and family . this year my goal is even greater ! my wife and i are once again asking for your help . this year on the 2000 ms 150 bike tour , my goal is to raise $ 20 , 000 . enron is a big supporter of the ms 150 . for the past two years we were the largest bike team and biggest fundraiser of any corporate team nationally . last year we raised $ 310 , 000 with 300 riders . enron will match dollar for dollar on all contributions donated in my name . using this secure , fast and easy web page you can make a tax - deductible donation ( if clicking on the link below does not work you can cut and paste the link to your browser ) . mail = jnorden % 40 enron % 2 ecom if you would prefer to send a check it should be made out to the national ms society and sent to the address below . i appreciate your continued support of the ms society and the isuzu ms 150 bike tour . the funds raised on the isuzu ms 150 bike tour provides equipment , financial assistance , self - help groups , counseling , information and resources , as well as education for people with ms and their families . your support truly makes a difference in the lives of people with multiple sclerosis . for additional information on ms http : / / www . nmss . org for additional information the ms 150 http : / / www . msl 50 . org thank you for your support , john norden john norden director technology enron 1400 smith st houston tx 77002 713 / 853 - 3240",0 +"Subject: request submitted : access request ( scrw - 4 n 9 s 2 f ) fyi ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 08 / 21 / 2000 01 : 07 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - information risk management 08 / 16 / 2000 03 : 34 pm sent by : shirley crenshaw to : shirley crenshaw / hou / ect @ ect cc : subject : request submitted : access request ( scrw - 4 n 9 s 2 f ) thank you for your request . you will be notified via email when your request has been processed . you can check the progress of your request by doing one of the following : in the srrs application , click on requests i have made . a listing of recent requests will be appear sorted by resource name . click on the request link below . this is a link to information regarding your request . below is a summary of your request . requested for : vince j kaminski / hou / ect request date : 8 / 16 / 2000 3 : 32 : 19 pm request type : update access request link : requested resources comet grms ( global risk management system ) unlisted application / software if you have any questions , please contact information risk management at 35536",0 +"Subject: address - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 23 / 2000 06 : 28 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - keith alan baggerly @ stat . rice . edu on 05 / 23 / 2000 09 : 46 : 41 am sent by : kabagg @ stat . rice . edu to : vince . j . kaminski @ enron . com cc : subject : address vince , thanks for chatting with me yesterday ! just a brief note about info we talked about that i would find useful : a ) your papers b ) the latest version of managing energy price risk c ) data thanks ! keith my address is : keith baggerly 4038 drummond houston , tx 77025",0 +"Subject: re : your visit to carnegie mellon kent , thanks a lot . look forward to meeting you on campus . vince "" kent garrett "" on 11 / 05 / 2000 01 : 06 : 21 pm to : cc : subject : your visit to carnegie mellon vince : i would like to personally thank you for spending the day with us at the mscf program at carnegie mellon . the time you spent talking to us about enron , and the energy industry in general , was very much appreciated . in fact , i believe some students who were not previously interested in energy are now interested because of the things about which you spoke . i have signed up for an interview for the associate program at enron , and i hope to speak to you again through involvement in the associate program . thanks again . sincerely , kent garrett kent garrett m . s . in computational finance carnegie mellon university ( 412 ) 362 - 7443",0 +"Subject: re : managing energy price risk - 2 nd edition janette , thanks . vince kaminski enron corp . 1400 smith street , room 1962 houston , tx 77251 - 1188 phone : ( 713 ) 853 3848 fax : ( 713 ) 646 2599 e - mail : vkamins @ enron . com vince "" janette jagernauth "" on 01 / 06 / 2000 05 : 49 : 27 am please respond to "" janette jagernauth "" to : vince j kaminski / hou / ect @ ect cc : subject : managing energy price risk - 2 nd edition dear mr kaminski , i do hope that you had a pleasant christmas and new year , like ourselves at risk . i am currently producing the author cards which you discussed with my manager , paula soutinho , and would like to know where you would like them delivered to . i have ordered a quantity of 200 which i hope is to your satisfaction . if you have any queries please do not hesitate in contacting either myself or paula , kind regards janette jagernauth marketing assistant - risk books - attl . htm",0 +"Subject: re : ll visa - anshuman shrivastava molly , thanks for the update . two points . please , let neil mcgregor know that many possible proposals were floated with regard to anshuman and there was some noise in the system . we need ll visa anyway and we decided to go ahead an arrange it . i shall also write to him and explain the confusion . also , if i have the choice between upsetting neil or jeffs ( shankman and skilling ) , i shall choose neil . vince enron north america corp . from : molly magee 01 / 24 / 2001 10 : 13 am to : vince j kaminski / hou / ect @ ect cc : subject : re : ll visa - anshuman shrivastava vince : apparently neil mcgregor became upset when he received margaret daffin ' s email . he is saying , however , that anshuman will only be in houston for one month , and you had mentioned six months when we spoke earlier . it really doesn ' t make any difference since he will need to get an ll visa under either circumstance , but i thought you might want to see his email . molly - - - - - - - - - - - - - - - - - - - - - - forwarded by molly magee / hou / ect on 01 / 24 / 2001 10 : 09 am - - - - - - - - - - - - - - - - - - - - - - - - - - - margaret daffin 01 / 24 / 2001 09 : 57 am to : molly magee / hou / ect @ ect cc : subject : re : ll visa - anshuman shrivastava molly : per our conversation today . please let me know the status so that i can proceed with the visa process . thanks margaret - - - - - - - - - - - - - - - - - - - - - - forwarded by margaret daffin / hou / ect on 01 / 24 / 2001 09 : 56 am - - - - - - - - - - - - - - - - - - - - - - - - - - - neil mcgregor @ enron _ development 01 / 24 / 2001 05 : 18 am to : margaret daffin / hou / ect @ ect cc : wade cline / enron _ development @ enron _ development subject : re : ll visa - anshuman shrivastava anshuman is not moving or immigrating to the us . we are allowing him to work for a lmonth assignment in the us with enron . please carry out the necessary approvals and visa ' s on this basis . neil mcgregor ceo dabhol power margaret daffin @ ect 01 / 23 / 2001 10 : 31 pm to : anshuman . srivastav @ enron . com cc : molly magee / hou / ect @ ect , vince j kaminski / hou / ect @ ect , jane allen / hou / ect @ ect , timothy callahan / na / enron @ enron , ranendra sengupta / enron _ development @ enron _ development , wade cline / enron _ development @ enron _ development , neil mcgregor / enron _ development @ enron _ development @ ect , harsimran subject : ll visa - anshuman shrivastava anshuman : i have been asked to contact you regarding your possible move to houston , texas . in order that i may begin the process of getting you an ll immigration visa , i will need you to complete the attached visa questionnaire and return it to me with copies of the following documents : a copy of all pages of your passport , even if blank copies of all previous us visas issued an updated resume , showing months and years copies of all diplomas and transcripts received if you have dependent family members coming to the states with you , copies of their passports please send to my attention , via fedex to : enron corp . 3 allen center , 3 ac 2026 a 333 clay street houston , tx 77002 please call me with any questions you may have at 713 - 345 - 5083 .",0 +"Subject: rick jones ' address 18 pale dawn pl 936 271 3283 look for capstone - off of research . there are other turns but that will get you in the ball park on the map . see you monday !",0 +"Subject: storage model audit vince , enclosed please find the storage model documentation , the c - code and front - end spread sheet . after your inputs and comments we can send it out . zimin",0 +"Subject: presentation on equilibrium modeling for gas market hi kim : you and your associates are invited to attend this meeting . if you have any questions , please call me . thanks ! shirley * * * * * * * * * * * * * the following presentation will be this friday , the 18 th of february from 1 : 00 pm to 3 : 00 pm in eb 19 c 2 ( our large conference room ) . please plan to attend this presentation by icf consulting . agenda for presentation by icf consulting 1 . qualifications for icf consulting ( 6 slides ) a . energy consulting background ( 2 slides ) b . experience with computational market equilibrium modeling methodolgies ( 2 slides ) c . experience of key icf individuals ( 2 slides ) 2 . description of enron  , s modeling interests ( to be discussed with enron ) 3 . icf  , s intertemporal , interregional equilibrium model of the north american natural gas analysis system ( nangas ) ( 14 slides ) a . overview of nangas ( 2 slides ) b . upstream components ( 3 slides ) c . downstream components ( 4 slides ) d . computation of market equilibrium prices , quantities , and flows ( 5 slides ) 4 . potential modeling consulting ( 9 slides ) a . assistance in developing market equilibrium models for the energy sector ( 1 slide ) b . investigate alternative market equilibrium models for energy applications i . models of imperfect competition ( e . g . , nash - cournot , etc . ) ( 3 slides ) ii . models of auctions in market forecasting ( 1 slide ) ii . models that incorporate stochastic inputs ( e . g . , stochastic programming ) to take into account risk ( 2 slides ) c . actions items ( to be completed in consultation with enron ) ( 2 slides )",0 +"Subject: updated message - preliminary rankings norma , i am sending you preliminary rankings for my entire group , based on the results of a meeting we held on tuesday . we have ranked shalesh ganjoo and clayton , in case it ' s still our responsibility . vince permanent goup members , manager and below : superior : 1 . martin lin 2 . joe hrgovcic 3 . tom haliburton 4 . jose marquez excellent 1 . paulo issler 2 . robert lee 3 . chonawee supatgiat 4 . amitava dhar 5 . alex huang 6 . kevin kindall 7 . praveen mellacheruvu 8 . shanhe green 9 . stephen bennett strong 1 . lance cunningham 2 . clayton vernon 3 . youyi feng 4 . yana kristal 5 . sevil yaman permanent goup members , directors : superior 1 . krishnarao pinnamaneni excellent 1 . osman sezgen 2 . tanya tamarchenko 3 . zimin lu satisfactory 1 . maureen raymond associates , analysts superior 1 . shalesh ganjoo 2 . gwyn koepke excellent 1 . hector campos 2 . kate lucas 3 . sun li 4 . roman zadorozhny 5 . charles weldon",0 +"Subject: re : credit article dear vince thank you very much for the information . i will get in touch with them today and will keep you informed as to the outcome . regards , katja vince j kaminski 06 / 01 / 2000 19 : 52 to : katja schilling / lon / ect @ ect , vasant shanbhogue / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : credit article katja , risk magazine has the copyright . you have to contact them to get the permission to use this for external users . you can contact : sh ? n millie risk books 28 - 29 haymarket london swly 4 rx pone : 44 ( 0 ) 171 484 9740 fax : 44 ( 0 ) 171 484 9758 e - mail : shan @ risk . co . uk www . riskpublications . com and discuss the legal aspects with her . vince vasant shanbhogue 01 / 06 / 2000 08 : 28 am to : katja schilling / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : credit article i do not think minor changes would allow you to just use the same file . you will have to check with risk . this is risk books , a specialist division of risk publications in london . address : haymarket house , 28 - 29 haymarket , london swly 4 rx . the publication was in a book , entitled "" credit derivatives : applications for risk management , investment and portfolio optimisation , "" publishd in 1998 . i am not sure if a lawyer was involved , maybe vince will know . vasant katja schilling 01 / 05 / 2000 05 : 47 am to : vasant shanbhogue / hou / ect @ ect cc : bijoya banerjea / lon / ect @ ect subject : credit article hello vasant ! bijoya has updated me on the discussion you have been having on the article from risk magazine about credit . we have found that the attachments you sent her are actually not word - for - word the same as the published version we have - the changes are only minor , wever , and have not altered the article in any way . my question now concerns the copyrights . since the version you sent is slightly different , do you think this gives us the freedom to publish it without the consent of risk ? and if not - can you tell me if it was published by risk uk or risk in the states ? and which issue was it ? i just want to have all of the details if i need to call someone at the magazine . . . also - was there a lawyer involved in the publication procedure , or was this handled by london / houston pr ? or by vince himself ? sorry about all of the questions . . . i just want to avoid problems well in advance . thank you ! regards , katja",0 +"Subject: re : panel session at 2001 pes summer meeting that should be fine , as long as you keep to a general overview and dissertation work . you can talk about different modeling approaches in the industry , and indicate , if asked , that enron looks at all approaches but not be specific about which particular one we believe in . can you give me more details on the meeting ? i may like to attend as well . thanks , vasant lance cunningham @ enron on 03 / 27 / 2001 10 : 37 : 02 am to : vkaminski @ aol . com , vasant shanbhogue / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : panel session at 2001 pes summer meeting vince and vasant , i was asked by one of my advisors to be on a panel for the summer power engineering society . i stated that i couldn ' t divulge any information on modeling efforts at enron but could give a general overview and cover my dissertation work . he stated that he understood and other companies had expressed similar concerns . i guess that i need your ok to attend this presentation and present . thanks , lance - - - - - - - - - - - - - - - - - - - - - - forwarded by lance cunningham / na / enron on 03 / 27 / 2001 10 : 24 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" martin l . baughman "" on 03 / 27 / 2001 08 : 59 : 35 am to : shams . siddiqi @ lcra . org , harry . singh @ neg . pge . com , lance . cunningham @ enron . com , rosenberg @ hotmail . com , "" camporeale , robert "" cc : baran @ eos . ncsu . edu , liu @ ee . washington . edu subject : panel session at 2001 pes summer meeting gentlemen : thank you for agreeing to participate on the panel . to comply with the quality control requirements of the society i must request from each of you the following : 1 . name , affiliation , and title of presentation as you want it listed in program . 2 . a 2 - 6 summary of the presentation . these summaries will appear in the proceedings . many speakers simply provide a few powerpoint slides that contain this information , or alternatively , a few paragraphs of text summarizing the points they intend to make in their presentations . please provide this information to me by april 2 . here is the status of the panel so far . title : power trading and asset management : tools of the trade requested day and time : wed july 18 morning session summary a number of sophisticated anlytical tools are used in support power trading and asset management activities . these include various time - series , stochastic , and physical models of quantities and prices , portfolio and risk analysis tools , and other risk management tools . in this panel , the analytical approaches are surveyed and discussed . panelists : lance cunningham / confirmed manager , research enron north america micahel rosenberg / confirmed txu shams siddiqi / confirmed lcra harry singh / confirmed director , market economics pg & e national energy group robert camporeale coned energy panel organizer and chair : martin l . baughman ece department the university of texas at austin remember , by april 2 . marty martin l . baughman ece dept . ens 348 the university of texas at austin austin , tx 78712 ph . ( 512 ) 471 - 5376 fax ( 512 ) 471 - 5532",0 +"Subject: network design optimization . fyi , attached document is a specification of the network design optimization program . just in case you want to see how it looks like . - chonawee - - - - - - - - - - - - - - - - - - - - - - forwarded by chonawee supatgiat / corp / enron on 06 / 19 / 2000 02 : 55 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - chonawee supatgiat 06 / 19 / 2000 02 : 34 pm to : phil markwart / enron communications @ enron communications cc : samer _ takriti @ enron . net subject : network design optimization . phil , the optimization engine is ready and the graphical user interface is almost done . attached please find the updated network design optimization specification . it contains some additions and modifications to the old specification i sent you a while ago . the major changes are : 1 . the program now also supports ring design . and it can solve to optimality 2 . the graphical user interface is handled by visual basic on a pc . ( not on the web browser as in the previous spec . ) . please take a look at the specification document and let me know if there is anything you want to add / change / remove . . . etc . moreover , please do not forget to send us a test example . we are buying cplex and will install it on our network . hopefully our it teams can configure your machine to run it in a few weeks . - chonawee",0 +"Subject: dinner for summer interns vince , thursday , july 27 , seems to work for everyone for our summer intern dinner . i have also told this date to datren ainsley cantekin brad giuseppe and seville and asked mike roberts to tell his two summer interns . please let me know if we are overlooking anyone . stinson",0 +"Subject: re : london research group i ' d do it as soon as possible . your call on exactly when . regards richard vince j kaminski 27 / 07 / 2000 17 : 11 to : richard lewis / lon / ect @ ect cc : john sherriff / lon / ect @ ect , vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect , stinson gibner / hou / ect @ ect , joe gold / lon / ect @ ect , dale surbey / lon / ect @ ect subject : re : london research group richard , please , let me know what the timetable is . i would like to talk to anjam a few days before to break the news to him . i hope i can save him for the company and offer him a position in houston . we desperately need skills he has . vince richard lewis 07 / 27 / 2000 02 : 20 am to : dale surbey / lon / ect @ ect cc : john sherriff / lon / ect @ ect , vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect , stinson gibner / hou / ect @ ect , joe gold / lon / ect @ ect subject : re : london research group i agree with dale - no point in delaying . dale surbey 27 / 07 / 2000 08 : 13 to : john sherriff / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , richard lewis / lon / ect @ ect , grant masson / hou / ect @ ect , stinson gibner / hou / ect @ ect , joe gold / lon / ect @ ect subject : re : london research group john , i propose accelerating steve ' s move to head the research group here . it makes sense to include this as part of the mid - year prc process by giving him a tangible reward along with his performance feedback . thoughts ? - dale john sherriff 27 / 07 / 2000 06 : 44 to : vince j kaminski / hou / ect @ ect cc : dale surbey / lon / ect @ ect , vince j kaminski / hou / ect @ ect , richard lewis / lon / ect @ ect , grant masson / hou / ect @ ect , stinson gibner / hou / ect @ ect , joe gold / lon / ect @ ect subject : re : london research group vince - i agree with your conclusion here . we are still trying to fill dale ' s structuring role as well so part of the question is how we announce steve ' s lead research role relative to when we know who will take dale ' s spot . perhaps we should just move forward with the steve announcement the day that dale moves full time to ebs . i will ask richard lewis to take the lead in working with you on finalizing the decision and communcicating the changes to the organization . but i do want to reinforce how pleased we are to have steve here . he is a wonderfull asset to our efforts . thanks ! john vince j kaminski 26 / 07 / 2000 22 : 18 to : john sherriff / lon / ect @ ect cc : dale surbey / lon / ect @ ect , vince j kaminski / hou / ect @ ect , richard lewis / lon / ect @ ect , grant masson / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : london research group john , i am writing to you regarding the management of the london research group . as you know , dale surbey , who was managing the london unit of the research group , is moving to ebs . dale did a terrific job helping me to develop the pool of talent we have currently in london . given that dale is likely to be transfered to houston , it ' s time to nominate one member of the research group for a management position . my recommendation is steve leppard . steve emerged not only as the most technically qualified member of the group but also as a natural leader , highly respected by his peers and internal customers . steve has a very high energy level and is very efficient as a manager and as coach of new talent . his promotion is likely to cause anjam ' s departure form enron . i value technical skills of anjam , but in spite of my loyalty to him , don ' t think he is the same caliber as steve . however , i would not like to lose him and think about moving him to houston for 2 years . i think that the opportunity to work in houston , would be a sufficient incentive to keep him in enron . by the way , his performance feedback has greatly improved . please , let me know what you think . vince",0 +"Subject: re : thank you ! ! ! vince j kaminski @ ect 08 / 08 / 2000 09 : 56 am to : ashley baxter / corp / enron @ enron cc : subject : ashley , the web site address of the prof at berkeley i contacted . http : / / www . ieor . berkeley . edu : 80 / ~ oren / vince",0 +"Subject: reminder : all - employee meeting this is a reminder to join ken lay , jeff skilling and joe sutton for an all - employee meeting hosted in the london office on monday , feb . 28 , 2000 . the meeting will begin at 4 p . m . london time ( 10 a . m . houston time ) . ken , jeff and joe will discuss enron ' s year - end financial and operating results and the company ' s outlook for 2000 and beyond . using enron broadband services ' video streaming capabilities , the meeting will be streamed live to the desktop for employees in houston , omaha , portland , calgary , new york , stockholm , amsterdam and frankfurt . to view the meeting , you must have ip - tv and a sound card installed on your computer . if you are not able to view the meeting live using ip - tv , a videotape will be available after the meeting . u . k . and european employees may contact mary gopalan for a copy of the video . u . s . and other international employees may contact mary clark by email to reserve a copy . if you plan to watch the meeting using ip - tv , you can test your ip - tv prior to the meeting using the instructions below . if you experience technical difficulties , please contact your pc help desk . following are instructions for launching ip - tv by company lan and / or location : ei employees in three allen center - start menu . . . . programs . . . general information . . . iptv icon ees and omaha employees - start menu . . . . programs . . . cisco iptv viewer . . . iptv icon ena houston , corp houston , new york , calgary and portland ( does not include ebs and pge in portland ) start menu . . . programs . . . . iptv viewer icon london - menu option : start . . . programs . . . utilities . . . iptv viewer / frankfurt / stockholm / amsterdam - start menu . . . programs . . . cisco iptv viewer . . . cisco iptv viewer for the first time , the question and answer session will be open to all employees worldwide using espeak . you can submit your questions in advance on the espeak web site at ethink . enron . com or during the meeting from 4 to 6 p . m . london time ( 10 a . m . to noon houston time ) . ken , jeff and joe will attempt to answer as many questions as possible in the time available . all espeak questions and those submitted by london employees during the meeting will be included in an espeak transcript following the meeting . mark your calendar for this global employee communications event . see you there .",0 +"Subject: my model for spikes dear dr . kaminski , i was recently allowed to release into the public domain on the limited basis the first of the preprints that i recently authored on my model for spikes in power prices and for the valuation of the contingent claims on power . in this regard , i have just given a talk on this model at the joint seminar of the center for energy finance education and research and the institute for computational finance at the ut austin . right now i am also in the process of forming a list of specialists both in the industry and academia who might be interested in receiving this preprint . please let me know if you might be interested in receiving this preprint . i look forward to hearing from you . sincerely yours , valery kholodnyi manager of quantitative analysis research and analytics group txu energy trading ps . here are the main preprints that i have recently authored on my model for spikes in power prices and valuation of contingent claims on power : 1 . valery a . kholodnyi , the stochastic process for power prices with spikes and valuation of european contingent claims on power , preprint , txu - rag - 01 / 00 , july 2000 . 2 . valery a . khlolodnyi , valuation of a swing option on power with spikes , preprint txu - rag - 05 / 00 , august , 2000 . 3 . valery a . kholodnyi , valuation of a spark spread option on power with spikes , preprint txu - rag - 21 / 00 , november 2000 . 4 . valery a . kholodnyi , valuation of european contingent claims on power at two distinct points on the grid with spikes in both power prices , preprint txu - rag - 24 / 00 , november 2000 . 5 . valery a . kholodnyi , valuation of a transmission option on power with spikes , preprint txu - rag - 25 / 00 , november 2000 . as i have indicated to you in my previous e - mail , contrary to the standard approaches , i model spikes directly , as self - reversing jumps on top of a stochastic process for the regular dynamics of power prices in the absence of spikes . in this way the dynamics of power prices is modeled as a non - markovian process , even if the process for the regular dynamics of power prices is markovian . among other things my model for spikes allows for the explicit valuation and hedging of contingent claims on power with spikes , provided that the corresponding contingent claims on power can be valued and hedged in the absence of spikes .",0 +"Subject: fw : more energy amends fiona , ? please find attached a brochure for the advertisement of the book . ? it ' s similar to the other material we sent , so i ' m assuming it will need the same modifications . ? please pass along all the modifications as soon as possible . ? receiving the changes from enron is the ? only thing holding up the printing of the book . ? please let us know if there is anything that you need from us . ? sincerely , ? julie ? lacima group - lres energ der a 4 flyer 2 . pdf",0 +"Subject: james valverde - interview schedule attached you will find the interview packet for the above - referenced person . the interview will happen thursday , february 1 , 2001 . please print all three documents for your hard copies . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . sasha divelbiss 58714",0 +"Subject: welcome to - energy news live dear vincent kaminski , welcome to energy news live - http : / / www . energynewslive . com ! you are receiving this email as a result of your recent registration . free energy news live membership we ' re glad you ' ve joined us ; we think you ' ll find enl an amazing business tool , with live , up - to the - minute news every hour on the hour of every business day . insight from actual traders . exotic and proprietary weather modeling . a new cross - commodity index . we ' ll break every energy headline around the world , and bring them right to your desktop . so sign on , leave it on , stay on top . and enjoy your membership to energynewslive . com , the first real - time energy network . also , thank you for your request to receive more information from energynewslive . com . keep checking your email for updates and special offers . if you did not request to receive special offers from enl please click here to de - activate : you have also indicated that you would like to receive a daily video wrap - up from energynewslive . com . if you did not request to receive a daily video wrap - up from enl please click here to de - activate : sincerely , the energy news live team",0 +"Subject: re : uc - berkeley graduate student thank you for your email . i look forward to hearing from you . sincerely , rajnish on tue , 24 oct 2000 vince . j . kaminski @ enron . com wrote : > > rajnish , > > we shall invite you for an interview in houston . > > vince > > > > > > > rajnish kamat on 10 / 23 / 2000 07 : 55 : 31 pm > > to : vkamins @ enron . com > cc : > subject : uc - berkeley graduate student > > > dr . vincent kaminski > managing director and head of research > enron corp . > > dear dr . kaminski , > it was a pleasure talking with you and attending your talk today . > i am a graduate student in industrial engg . and operations > research working with prof . shmuel oren > on topics in financial instrument pricing and design of > contracts in deregulated electricity markets . i am also > doing research in auction models and computable equilibrium > models with applications in electricity market design . > > i am planning to graduate with a ph . d . in may 2001 and would > appreciate hearing about any opportunities in your group at enron . > i am attaching at copy of my resume ( file : cvrkamat . doc ) for your perusal . > > thanking you , > sincerely , > > rajnish kamat > graduate student > ieor , uc - berkeley > > 4135 , etcheverry hall > dept . of industrial engineering and operations research > university of california at berkeley > berkeley , ca , 94710 > > ( see attached file : cvrkamat . doc ) > > >",0 +"Subject: interviewing for the associate and analyst programs the off - cycle department of the associate and analyst program is looking for volunteer interviewers for the following dates : thursday , november 9 th from 9 : 00 a . m - 12 : 00 p . m thursday , november 16 th from 9 : 00 a . m . - 12 : 00 p . m . thursday , december 7 th from 9 : 00 a . m . - 1 : 00 p . m . over 50 candidates will be interviewing over these 3 days . the candidates will be a combination of associates and analysts representing schools such as princeton , harvard , university of north carolina , notre dame , university of illinois , emory and many others . each candidate will have 4 interviews . pending the outcome of their interviews we will invite them to stay and attend super saturday that weekend . if for some reason we decide not to further pursue the candidate , we will fly them home that friday morning . also there will be continental breakfast at from 7 : 45 a . m . to 8 : 45 a . m . ( for all three dates ) and a luncheon from 12 : 30 p . m . - 2 : 00 p . m . ( on nov . 9 and nov . 16 th ) , the lunch will be at 1 : 30 for the dec . 7 th . interviewers are welcome to attend both the breakfast and the lunch on their interviewing date . the interviewing , breakfast and lunch will take place at the doubletree hotel downtown . we are asking enron employees associate ( associates who have been with the program for at least one year ) level or higher to volunteer at least one hour to interview candidates ( this will be 2 interviews ) . if you can volunteer for more than an hour or for more than just one of the stated dates , that would be great ! your help is needed ! please contact my assistant , cathy lira , at cathy . lira @ enron . com or x 54049 as soon as possible , if you can volunteer any time for interviewing . if you have any questions please do not hesitate to contact me . once again , thanks , althea althea p . gordon , jd recruiter associate & analyst programs",0 +"Subject: re : request for two powerpoint presentations from risk 2000 confe renc e i did not get the attachments . it may be better to send to my home email - - firewall issues . my home email is brysonpa @ hal - pc . org thanks allen > - - - - - original message - - - - - > from : vince . j . kaminski @ enron . com [ smtp : vince . j . kaminski @ enron . com ] > sent : tuesday , june 27 , 2000 7 : 56 am > to : r - allen . bryson @ usa . conoco . com > cc : vince . j . kaminski @ enron . com > subject : re : request for two powerpoint presentations from risk 2000 > conferenc e > > > allen , > > i responded to your message from home . > > please , let me know if you did not receive the attachments . > aol malfunctions sometimes . > > vince > > > > > > "" bryson , allen "" on 06 / 26 / 2000 09 : 17 : 07 am > > to : "" ' vkamins @ enron . com ' "" > cc : > subject : request for two powerpoint presentations from risk 2000 > conferenc > e > > > vince , > > i would like to receive copies of both your energy risk and weather > presentations from the risk 2000 conference in boston . > > thanks , > > allen bryson > conoco > > > >",0 +"Subject: re : enroncredit . com alex worked with jitendra on var review in the past . he did not strike me as a dynamic person . i cannot use him for my group , and i am lukewarm about getting him for research group . if bryan wants to hire him directly for his kmv experience , then we can work with him . vasant vince j kaminski 04 / 14 / 2000 03 : 55 pm to : vasant shanbhogue / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : enroncredit . com vasant , tanya any interest ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 14 / 2000 03 : 56 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - melanie doyle 03 / 10 / 2000 04 : 33 am to : vince j kaminski / hou / ect @ ect cc : brad mcsherry / hou / ect @ ect subject : re : enroncredit . com hi this guy has applied to credit . com in houston , i spoke to him yesterday and then passed my comments to bryan seyfried . bryan suggested he may be of interest to you . i let this this guy know that he would hear from us either way and if we want to pursue the application we would invite him for interviews in houston . please give me a call if you need more information . melanie 00 44 171 783 7740 . - - - - - - - - - - - - - - - - - - - - - - forwarded by melanie doyle / lon / ect on 10 / 03 / 2000 10 : 26 - - - - - - - - - - - - - - - - - - - - - - - - - - - bryan seyfried 08 / 03 / 2000 07 : 51 to : brad mcsherry / hou / ect @ ect cc : melanie doyle / lon / ect @ ect subject : re : enroncredit . com let ' s start getting these guys in to interview . melanie can do initial telephone interviews and then coordinate with brad to ensure we are seeing the best people . i would like to move as quickly as practical . bs from : brad mcsherry on 07 / 03 / 2000 13 : 17 cst to : bryan seyfried / lon / ect @ ect cc : subject : enroncredit . com - - - - - - - - - - - - - - - - - - - - - - forwarded by brad mcsherry / hou / ect on 03 / 07 / 2000 01 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - alexander . c . davidson @ us . arthurandersen . com on 03 / 03 / 2000 01 : 55 : 23 pm to : brad . mcsherry @ enron . com cc : subject : enroncredit . com dear mr . mcsherry : i am responding to your search for credit risk professionals on the enroncredit . com website . after working for seven years on credit risk management in a research and consulting capacity , i would like to transfer my experience in assessing credit risk modeling , information technology and methodology in complex top - tier institutions to an active credit trading managerial environment . i am excited about being involved in trading , origination , risk management and r & d of credit derivatives . i have seven years of experience in credit risk measurement and management . i have helped design , test and implement credit value - at - risk systems with kmv corp and with a major japanese bank . i was a major contributor at kmv in designing the expected default frequency model and i am thoroughly familiar with its assumptions , strengths , weaknesses and applications . i did the empirical research that lies behind the kmv default correlation model , the private firm edf model and i interfaced with j . p . morgan ( now r . m . g . ) personnel during the creation of the creditmetrics documentation . i have excellent analytical , quantitative , statistical and programming skills . i studied finance extensively when i was a graduate student and i studied credit risk theory while i worked with kmv and arthur andersen . i am eager to join the credit derivative team at enroncredit . com where i am certain that my combination of quantitative research skills , credit risk consulting experience and technology expertise make me uniquely qualified to support the credit derivatives trading and risk management function . i have included my resume with this e - mail . please e - mail me or call me at 201 - 420 - 0191 ( home ) and 212 - 708 - 4027 ( work ) so that we can discuss this opportunity further . ( see attached file : alex . doc ) * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it . - alex . doc",0 +"Subject: re : seeking opportunity in computational finance dear vince : thanks for your response . i am not a programmer , nor a "" quant "" . i am an expert in excel and otherwise have advanced skills in the remaining msoffice suite . beyond that i have extensive experience working with research and computer progamming personnel on projects from networks to databases , and in particular , automation . for instance , the first generation of the risk analytics system that i designed for quantlab was done in excel . in subsequent generations of the system , excel served only as the gui - given its extreme flexibility - and a sql database operated underneath ( compaq servers , raid array ) , integrating real - time operations for all components of the system . the research team at quantlab used many leading edge modelling methodologies , such as genetic algorithms , neural networks , principal component analysis , kernel density estimation , fast kernel regression , hidden markov modelling and many other pattern recognition , walk - forward back testing , and other simulation techniques . i was the sole individual on a team of 17 that had any practical trading experience , and therefore , felt that i played a critical role in the application and implementation of each of the system components from data mining to research to signal generation to execution . beyond that , i was uniquely qualified to articulate the project ' s mission to investors , and therefore , was highly successful in spearheading support - financial and otherwise - from our network . althought i did not ask specifically , i surmise from your question that you are leading a research effort . i believe that my skill set is best served as a liaison between research and trading , since i speak both languages . i believe that i possess great vision and enthusiasim that could be leveraged in a group , project or product management role to integrate and streamline diverse systems and processes ; a common scenario in most proprietary development settings today . in closing , i would like to learn more about enron and the financial technology effort therein through further discussion with you , or if that is not appropriate , someone to whom you would be comfortable referring me . i look forward to your thoughts . best regards , paul - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : tuesday , november 14 , 2000 4 : 30 pm to : epr @ pipeline . com subject : re : seeking opportunity in computational finance paul , can you give me more information about your computer skills ? my group is very hands - on oriented and computer programming is a critical skill . vince "" paul rowady "" on 11 / 14 / 2000 04 : 09 : 43 pm to : "" vince kaminski "" cc : subject : seeking opportunity in computational finance dear vince : in following up on my voicemail message today , i attach my resume below for your review and consideration . it ' s ironic that you called while i was putting the message together . i will keep it short and look forward to speaking to you at your convenience . best regards , paul e . paul rowady , jr . 2300 west alabama , suite 69 houston , texas 77098 713 - 807 - 8624 home / fax 713 - 539 - 4541 mobile epr @ pipeline . com ( see attached file : paul rowady 2 . doc )",0 +"Subject: re : interview with the enron research group you are quite welcome kin . we wish you the best in reaching your career goals and we look forward to hearing from you in the future . regards , shirley crenshaw administrative coordinator enron research group "" kin tso "" on 11 / 01 / 2000 12 : 52 : 02 pm to : cc : subject : re : interview with the enron research group dear shirley , thank you so much for your email . after carefully considering my career goals , i feel the associate program with a rotation in the enron research group is a better fit . i am really interested in enron and i would try to contact your colleagues in the associate program about this issue before i schedule an interview with the enron research group . i truly apologize for the inconvenience caused and i want to thank you again for your kind assistance . regards , kin tso 512 - 619 - 5323 - - - - - original message - - - - - from : shirley . crenshaw @ enron . com sent : tue 10 / 31 / 2000 12 : 16 pm to : kin tso cc : vince . j . kaminski @ enron . com ; stinson . gibner @ enron . com ; zimin . lu @ enron . com ; tanya . tamarchenko @ enron . com ; molly . magee @ enron . com subject : interview with the enron research group good morning kin : your resume was forwarded to the research group with enron north america and they would like you to come in for an informal interview sometime next week . the following dates and times are available within our group . please let us know if either of these two dates fit your schedule . monday , november 6 th : 8 : 00 am to 11 : 30 am friday , november 10 th : 8 : 00 am to 11 : 30 am since we prefer these interviews to begin at 8 : 00 am , it would probably be best if you came the night before , spent the night at a hotel downtown and then were able to be at the enron bldg by 8 : 00 am . please let me know if this is what you would like to do and we will make the hotel reservation . i look forward to hearing from you . best regards , shirley crenshaw administrative coordinator enron research group 713 - 853 - 5290 - winmail . dat",0 +"Subject: letter to academics vince , ? hi , sorry to bother you , but was wondering if you ' ve heard anything about seeking approval to use the text in the letter i sent last week ? ? we would like to send this out early next week so if you know of someone who i should contact within corporate communications , please let me know . ? thanks , and hope all is well . ? julie",0 +"Subject: re : update - meteorologist search great work mike ! i will arrange interviews with the london folks while i ' m there . jen from : mike a roberts 12 / 14 / 2000 09 : 54 am to : jennifer fraser / hou / ect @ ect , jeffrey a shankman / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , jose marquez / corp / enron @ enron , stephen w bennett / hou / ect @ ect subject : update - meteorologist search we have identified two good candatites who would be available for a london interview the week of the 18 th : 1 . kerryn hawke 2 . stephen cusack also strong but not available for that week is 3 . piero chessa ( working for ecmwf in italy ) we have a couple others here in the states if the london interviews don ' t work out . i am forwarding under separate cover kerryn and stephen ' s cv ' s with telephone numbers to jen - - - mike",0 +"Subject: re : introduction i would be very happy to participate . thank you for thinking of us .",0 +"Subject: re : grades thank you ! ? you have been wonderful to work with this semester . stay in touch and we ' ll see you next year . - pam ( 713 - 348 - 6223 ) at 10 : 33 pm 5 / 4 / 01 - 0400 , vkaminski @ aol . com wrote : pam , the students resent the documents . the group members : rakhi israni felix feng lu winny so orlandotaylor sanjay wankhade ning zhang grade : a separately , i think i have sent you already : jeffrey planck grade : a please , confirm this message . vince kaminski",0 +"Subject: re : request for payroll reclassification - approved joann , yes , sorry . 413 was the number on the form i received . vince enron property & services corp . from : joann holloway 01 / 11 / 2000 02 : 01 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : request for payroll reclassification - approved vince , on your reclass information , the company number indicated should be 0011 not 413 . jo ann holloway x 35957 vince j kaminski 01 / 11 / 2000 01 : 33 pm to : stella l ely / hou / ect @ ect cc : jeff kinneman / hou / ect @ ect , carmen chavira / hou / ect @ ect , michelle hargrave / hou / ect @ ect , stephen wolfe / hou / ect @ ect , michael s galvan / hou / ect @ ect , gary mccumber / hou / ect @ ect , billie akhave / epsc / hou / ect @ ect , joann holloway / epsc / hou / ect @ ect , louis allen / epsc / hou / ect @ ect , bradley stewart / hou / ect @ ect , carol coats / hou / ect @ ect subject : request for payroll reclassification - approved the following payroll reclassification request has been approved . click on this link to view document - - >",0 +"Subject: following our stanford relationship hi vince , i talked to tom gros today and metioned our desire to estabilish a strategic relationship with nick bambos and his research effort . tom is very excited about the idea and was willing to cut the check . i suggested that we have more of a strategic relationship in mine ( enron / stanford ) and he agreed to that as well . tom mentioned that greg whalley was interested in estabilishing such a relationship . vince , could you follow this up and ground this ? if you need any help in doing the leg work , i ' ll happy to do that . tom is excited about ebs research ' s role to support all of ebs including bandwidth trading . he seems very interested in being our sponsor on the ebs side . that would be very beneficial to us since he is involved in all senior management decision through kevin hannon . vince , i would suggest that you try to setup a meeting with kevin hannon and tom to discuss this further . tom is also very interested in the new product development effort that larry and i have been kicking around for some time . he wanted us to sit back and think of structured products with better margins that blend & extend that they are selling . he wanted to know now much more resource that we need in that front . for this , i would like to get someone like meera natarajan . she is an originator currently working in ees and have talked to zimin and stinson . she is sufficiently analytical with commercial mind set to help with new product ideas and to ground them . regards , ravi .",0 +"Subject: fyi due to the out of town deliveries , our cost for christmas baskets will be over somewhat from the total estimated . thanks kevin moore",0 +"Subject: enron / stanford program hello vince , stinson , thank you very much for hosting my visit at enron . i had a very pleasant time there , and i found the meetings very informative . as discussed during my visit at enron , i am sending you below a draft of the letter that would be needed to get the program in place and rolling , and start the students working on it . it took a while to find out what the appropriate process was and how the letter should be structured . sorry for the delay . if i may , i ' d like to visit enron again , sometime in august , to define the research agenda more precisely and prioritize the problems to look at . i ' m in frequent contact with giuseppe , who is impressed by the environment there . we are trying to formulate the research issues and problems to study , that would be of interest to enron . the plan is this : 1 ) by august , giuseppe will have been there for almost 2 months and will probably have a relatively good understanding of the enron problem space . 2 ) i will work together with giuseppe till august to formulate a set of good problems of : a ) high practical importance b ) high innovation potential c ) serious scope . 3 ) i could visit in august ( say mid - august or so ) to : a ) discuss these problems with you and get your feedback b ) prioritize the problems and evaluate their impact c ) make sure we ' re on the same page regarding research strategy and execution path . i hope we can fully set up the program at stanford before then , so that i can bring on board one more ph . d . student to start his doctoral work in this area . i ' m all excited about our collaboration . i am even thinking of starting a research seminar at stanford , specifically on these research issues ! talk to you soon . best regards , nick draft of letter to be sent from enron to stanford . prof . nicholas bambos 420 terman engineering center management science & eng . dept . and electrical engineering department stanford university stanford , ca 94305 dear nick , we are happy to provide gift funds of $ 100 , 000 per year , over three years , to support a program in your research group , related to bandwidth markets / trading and networking technologies . enron would like to support research activities in the above mentioned area , including pd . d . student work , research seminars etc . there may also be opportunities to have the supported ph . d . students do summer internships at enron , related to their research interests . please find enclosed a check of $ 100 , 000 payable to stanford university for supporting this research effort in your group during the first year . best regards , name and title",0 +"Subject: enron global finance org changes recently , jeff mcmahon , executive vice president and treasurer of enron corp . , accepted the position of chief commercial officer of enron net works . jeff ' s many accomplishments at enron global finance ( "" egf "" ) include over $ 30 billion of closed financings and an upgrade of enron ' s credit rating by moody ' s to baal . we wish jeff well in his new endeavor . ben glisan , vice president and head of egf ' s structured finance business , will assume jeff ' s responsibilities as vice president and treasurer of enron corp . ben joined enron in 1996 from arthur andersen where he was responsible for managing structured transactions with enron . prior to arthur andersen , ben worked at coopers & lybrand providing accounting and finance services principally to financial institutions . ben will be a member of the enron corp . executive committee . for additional details regarding egf ' s organizational changes , please see the attached memo .",0 +"Subject: re : ewrm outline vince thanks - based on a "" speed read "" it would appear that srm sits neatly in the volumetric part of your framework . regarding systems i am keen to preserve the work kevin has already done and i suspect we can eventually use the visualization tools in the risktrac front end to display the results should we require . to be honest , i feel a good deal more comfortable that there is already a framework and initiative in place - its very easy to feel like the "" angry lone voice "" in an effort like this - fortunately the practitioners of the art of risk management generally travel in a similar direction ! i shall make sure our efforts remain in congruence . rgds dp vince j kaminski @ ect 10 / 27 / 2000 04 : 21 pm to : david port / market risk / corp / enron @ enron cc : subject : ewrm outline david , this is the outline of the ewrm project . vince",0 +"Subject: enron research and ebs engineering and operations group technical forum joe , i would like to invite you to an off - site meeting of john griebling ' s organization and the research group . date : april 27 - april 29 location : breckenridge , colorado as you know , john griebling is managing the network design and construction project currently under way in ebs . the research group is actively involved in this effort which requires advanced quantitative skills in the area of stochastic optimization and stochastic processes ( for modeling and forecasting internet traffic flows ) . the objective of this meeting is to develop common language and accomplish transfer of skills between the two groups , to facilitate cooperation on this project in the future . we are inviting ken rice and kevin hannon to this meeting . we would appreciate if you could speak , together with kevin and ken , on strategic directions of ebs . it is important for a group of technical people , with relatively specialized technical skills , to understand the big picture . i am attaching the preliminary agenda for this meeting . vince kaminski",0 +"Subject: pac enrollment last year the enron political action committee ( pac ) launched a campaign to become a "" million dollar pac "" . enron employees , who provide all of the funding for the pac , responded and the enron pac reached its objective , becoming one of the largest corporate pacs . this year we face a new challenge . with the sale of eog , the announced sale of pge and normal employee turnover , we have lost a significant number of consistent contributors . we are seeking your support . if you are not a member , please join . if you are a member , we hope you will consider increasing your contribution . the enron pac is an essential tool in our effort to promote sound public policy . our pac funds support local , state and federal candidates , of both parties , who support open markets , deregulation and customer choice . amounts contributed may be used to make political contributions in connection with federal and state elections and are subject to the limits of the federal election campaign act . while our pac has grown thanks to our employee contributions , it still generates just a fraction of the expenditures of those who oppose these ideals . this year , as always , we face challenges and opportunities for every one of our businesses , including such issues as taxation and regulation of e - commerce , electric industry restructuring , regulation of derivatives , international trade and investment legislation , pipeline safety , local and state decisions affecting the siting and interconnection of power plants and a variety of environmental and tax issues . enron has a long and successful track record of supporting and advancing good public policy . that track record depends on access to and regular communication with , decision makers . the pac provides that access - - it shows policy makers that real voters care about what they are doing . one of the best things about enron is that we don  , t just take things as they are . we challenge the status quo . we ask why . we change things . the pac helps us do that . we need you to help the pac . sign up today - and please consider the following contribution guidelines : manager $ 500 / year director $ 750 / year sr . director / general manager $ 1 , 000 / year vice president $ 2 , 500 / year sr . vp / managing director $ 3 , 500 / year executive committee $ 5 , 000 / year all contributions are voluntary and these guidelines are merely suggestions . you are free to contribute more or less than the guidelines suggested and enron will not favor or disadvantage anyone by reason of the amount of their contribution or their decision not to contribute . you may refuse to contribute without fear of reprisal . only u . s . citizens and resident - aliens living in the u . s . can contribute to the enron pac . the maximum contribution is $ 5 , 000 per year per individual . an individual may not contribute more than $ 25 , 000 to all federal candidates and committees within a calendar year . the law requires that enron report name , address , employer and occupation for every person who contributes over $ 200 / year . no portion of any contribution is deductible as a charitable contribution for federal income tax purposes . thanks for your support ! sign up now , or revise your current contribution level by connecting with the pac intranet site : http : / / pacmembers . enron . com",0 +"Subject: precious metals var jason , after our brief discussion last night i think i should discuss a few of the issues i have with respect to calculating a var on the deal that you are proposing . the var model , as i illustrated , is set up to accept a term structure of delta positions , prices and vols and it may be difficult to translate the ' silver mine ' position into these inputs . i do not think that we can simply take the net silver content of the mine and then make some assumptions about vol and price . the var model also assumes a certain amount of liquidity in the market and a 1 day holding period . to do this properly i would need to understand fully how the deal is priced as these sensitivities are ultimately what will effect the change in mtm in the future and that is essentially what var is supposed to predict . if you need me to work on this then you need to contact steve who will help to prioritise my time . i will also need to consult with vince kaminski and tanya tamarachenko in houston for advice . rac will also assist in the process . please contact me if you have any further questions , kirstee x 34529",0 +"Subject: re : stanford mba - interview hi vince , unfortunately , i have not heard from him . he also forwarded his resume to mauricio mora , who asked if we could interview him . when i asked celeste about it back then she decided against it . if you need some help tracking him down , let me know . thanks , althea vince j kaminski @ ect 04 / 16 / 2001 01 : 53 pm to : althea gordon / na / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : stanford mba - interview althea , i was trying to get in touch with this guy . did he contact you by any chance ? he missed the interviews on the campus . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 16 / 2001 01 : 51 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" seade , juan j . "" on 03 / 19 / 2001 01 : 15 : 56 am to : "" ' vkamins @ enron . com ' "" cc : subject : stanford mba - interview dear vincent , as i told you on the phone on friday , i am very interested in a summer internship at enron . i would like to point out that i want to pursue a career in trading , and i am especially interested in derivatives . given that enron is a pioneer in the market making of energy , broadband and weather derivatives , i find it a company i would be most interested in working for . i believe that you will find my background of interest to your firm , and i hope to be interviewed by yourself and other colleagues of yours . i have final exams from march 19 - 22 , but would be most willing to travel to houston for interviews any time from friday march 23 rd onwards . i hope to hear from you soon . best regards , juan seade mba class of 2002 stanford business school 796 escondido road apt . 29 c stanford , ca 94305 tel : ( 650 ) 497 - 3705 email : jseade @ stanford . edu > - resume juan seade . doc",0 +"Subject: credit risk update vince , per bill ' s request , attached is the credit supplement from the board meeting . stephanie 3 - 9283",0 +"Subject: re : e - commerce & continental europe anjam , this would be a good opportunity to update the content on the intranet site and expand the coverage into new areas . can you arrange some it resources for us ? if everyone in research works on developing the content , we just need it to publish it out to the intranet . thoughts ? ? - dale enron europe from : anjam ahmad 15 / 06 / 2000 10 : 01 to : sven becker / fra / ect @ ect cc : dale surbey / lon / ect @ ect , vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , joe gold / lon / ect @ ect subject : e - commerce & continental europe hi sven , thanks a lot for your note - i think it would be great to see what we can do to help you & joe ' s business units . plenty of our knowledge is no longer proprietary in that quite a lot of this information is now in the public domain - we can sit down and discuss this on thursday afternoon if that works for you . regards , anjam x 35383 sven becker 14 / 06 / 2000 19 : 10 to : anjam ahmad / lon / ect @ ect cc : clemens mueller / lon / ect @ ect subject : re : research group intranet site anjam , congratulations on your initiative . i appreciate that you share this information throughout enron . as you may know , my group is working with joe ' s business units to create so - called market hubs . i see great potential in sharing some of the information that you have acucmulated and that is not proprietary to enron . i would appreciate if we could sit down tomorrow and talk about the possibility to leverage on the existing know - how . regards sven please respond to anjam ahmad / lon / ect to : ect europe cc : subject : research group intranet site research group intranet site following the recent lunch presentations , there has been considerable interest from enron europe staff in improving their quantitative skills , helping to maintain our competitive advantage over competitors . we have recently created the research group ' s intranet site which you can find on the enron europe home page under london research group . the site contains an introduction to the group and also information on : derivatives pricing risk management weather derivatives extensive links weather derivatives credit risk extensive links database if you have any questions or issues on quantitative analysis ( including hedging and risk management of derivatives ) please don ' t hesitate to get in touch . regards , anjam ahmad research group first floor enron house x 35383",0 +"Subject: march ny real options conference please find attached the final program for an exciting conference on "" real options valuation in the new economy : internet / e - commerce , r & d / pharmaceuticals , energy . "" the conference , organised in new york city march 13 - 15 by the real options group and co - sponsored by ernst & young llp , is addressed to a corporate audience . the chairman of the conference is prof . michael j . brennan of ucla who will deliver the opening address , and the keynote speaker is prof . stewart c . myers of mit . many of the world / s thought leaders in real options analysis , along with prominent experts from many leading corporations will also share their ideas and experiences . please note that the deadline for hotel registration is february 21 ( see the attached brochure for hotel details ) and conference fees increase by 20 % for those registering after march 1 . the ( full ) conference brochure and on - line conference registration are available at our website www . rogroup . com we hope that you will be able to participate and would appreciate it if you could also communicate this announcement among other interested colleagues . in fact , it would be most helpful to us and would be greatly appreciated , if you could send me ( also cc . to amicaliz @ sda . uni - bocconi . it ) a list of 5 - 10 colleagues to whom we can send the electronic version of the brochure . best wishes , lenos trigeorgis president , real options group - rognyconference . pdf lenos trigeorgis professor of finance university of cyprus dept of business 75 kallipoleos , po box 20537 cy 1678 nicosia cyprus tel : + 357 2 892261 fax : 339063",0 +"Subject: contacts at uh for "" econo - physics "" vince , these are the contacts from uh . i would recommend that for a first contact the following people be involved : larry pinsky ( physicschair ) joe mccauley ( professor ) george reiter ( professor ) their coordinates and some schedules are below . if larry is out of town , prof . gunaratne would be a good alternative . please let me know how i can help further . yannis - - - - - - - - - - - - - - - - - - - - - - forwarded by yannis tzamouranis / hou / ect on 05 / 08 / 2000 03 : 11 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" prof . lawrence pinsky "" on 05 / 08 / 2000 09 : 10 : 54 am to : yannis . tzamouranis @ enron . com cc : jenni @ mailman . enron . com , jmccauley @ uh . edu , greiter @ uh . edu , gemunu @ uh . edu subject : contacts at uh for "" econo - physics "" yannis : let me give you the names and contact information regarding the appropriate personnel here to include in an initial discussion regarding the prospects for developing a program here in ( we have to find a better name ) "" econo - physics . "" for an initial meeting it is reasonable to include professores mccauley and reiter as well as myself , if i am available . if i am not available you should consider including professor gemunu gunaratne , our current associate chair and a theoreticial with an interest in this area in his own right . professor joseph mccauley phone : 713 743 3528 fax : 713 743 5389 email : jmccauley @ uh . edu professor george reiter phone : 713 743 3527 fax : 713 743 3589 email : greiter @ uh . edu professor & chair lawrence pinsky phone : 713 743 3552 fax : 713 743 3589 email : pinsky @ uh . edu or an alternate for me : associate professor and associate chair gemunu gunaratne phone : 713 743 3534 fax : 713 743 3589 email : gemunu @ uh . edu also , fyi , one other new faculty member with a potential interest in this field is : assistant professor ( effective 6 / 1 / 2000 ) kevin bassler phone : 713 743 3568 fax : 713 743 3589 email : bassler @ uh . edu general administrative contact : ms . jennifer chin - davis , department business administrator phone : 713 743 3524 fax : 713 743 3589 email : jenni @ shasta . phys . uh . edu fyi , i will be in houston may 17 - 24 , june 9 , 19 - 23 . if the meeting is held on another date , please include prof . gunaratne in my place . . . larry",0 +"Subject: re : hari , i shall send you a reprint of the article . i had to cancel my presentation at san antonio . vince shirley , please , send a copy of the article to hari . hari natrajan on 02 / 28 / 2001 06 : 45 : 29 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : dear mr . kaminski , i am a doctoral student at the indian institute of management bangalore , india . my area of interest is the energy sector , especially electricity derivatives . i am interested in obtaining a copy of the following items : 1 ) your presentation "" current challenges in modeling power price volatility "" at the session on price volatility & probabilistic methods in the energy markets . ( http : / / www . informs . org / conf / sanantonio 2000 / / talks / md 29 . html ) 2 ) your chapter "" the challenge of pricing and risk managing electricity derivatives "" in the book ' the us power market ' , risk publications . i would appreciate it if you could send me a soft / hard copy of the same . thank you , yours sincerely , hari natarajan fellowship student indian institute of management bangalore bannerghatta road bangalore 560076 india tel : 91 - 80 - 6993056 fax : 91 - 80 - 6584050 e - mail : hnatraj @ iimb . ernet . in",0 +"Subject: fw : london work hi , how are you ? london seems to be the same as when i left in august - no sun , cold , serious looking people , expensive , etc . in addition , we have had may day riots , a post office bombing , train strike , etc . not to mention all the excitement in enron credit . it would be nice to know who i am supposed to be reporting to . i am getting loads of conflicting messages - as illustrated in the forwarded email from vasant . according to you and slava , the strategy paper / duffie report seems to be a higher priority . however , vasant seems to indicate ( in his forwarded email ) that this is not the priority at the moment . in addition , there seems to be lots of chaos in enron credit - not only in the houston office , but even more so in the london office . this brings to mind a russian proverb i learned from slava when he expressed his views on the current state of enron credit - "" a fish rots from the head . "" finally , i would like to know exactly what you want me to write in this duffie report : do you want to hear what enron credit would like to hear - that all they need is for us to develop a private firm model for their exisiting "" infrastructure "" ? or do you want to hear what i really see , hear , read , etc . ? if the latter is true , then i may need to write two reports , because what i am learning does not look too good and would probably not make the enron credit personnel too happy . well , i think i have said enough for now . look forward to your feedback . thanks , iris - - - - - original message - - - - - from : shanbhogue , vasant sent : friday , may 04 , 2001 3 : 39 pm to : mack , iris cc : dhar , amitava subject : london work hi iris , amitava must have told you that both he and i are getting swamped with work here . as a result , we expect you to take the lead in scoping the enron credit project and making sure the infrastructure is readied . you should also make sure to understand the econometric / data analysis software side of the project - - this is probably more important than preparing a document for duffie right now . you should definitely sit with ben / george and actually run the software with them to get a feel for how it is to be used . but we also need to be able to try out potential other ways of analyzing data . both amitava and i will help as best as we can , and answer any direct questions , but we will have limited time to review documents , etc . i expect amitava to get heavily involved once data starts coming , but we expect you to have already set up the infrastructure etc for the data . hope the trip is going well . would you be extending the trip for some more time ? vasant",0 +"Subject: re : energy conference mark , we are really swamped and i would like to keep our involvement in conferences to a reasonable minimum . i can promise that we shall help you with a future conference if it happens to be in houston . vince mark thabet on 01 / 10 / 2000 12 : 58 : 56 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : energy conference vince : i am sorry to hear about your scheduling conflict . your expertise would have been a great value to our conference . is there anyone else at your company whom you could recommend as a speaker ? thanks again for your time . mark thabet vp , energy shirley crenshaw subject : re : energy conference mark , i am sorry to inform you that due to a scheduling conflict i cannot speak at this conference . i want to thank you for considering me as a speaker . vince kaminski mark thabet on 01 / 06 / 2000 09 : 36 : 23 am to : vince j kaminski / hou / ect @ ect cc : subject : energy conference vince : i have attached a rough draft of the agenda with the topics being considered for the conference . it is being held in washington , dc on june 19 - 20 , 2000 . if your schedule allows , please join our speaking faculty . you will notice that the topic on "" forecasting and measuring your exposures to energy price risk "" is not currently on the agenda . we can add it once you have a chance to check your schedule . i also ask that you make recommendations of any colleagues or industry professionals who can add expertise to the conference as well . if you have any questions or concerns , please do not hesitate to contact me at 212 - 661 - 3500 x 3181 . i look forward to hearing from you . thank you once again for your time and assistance . > mark thabet vp , energy & utilities division institute for international research 708 third avenue , 4 th floor new york , ny 10017 t : 212 - 661 - 3500 x 3181 f : 212 - 599 - 2192 >",0 +"Subject: organization announcement enron purchases billions of dollars of products through its wholly owned subsidiaries and venture companies worldwide . historically , the company has conducted these purchases in a highly fragmented , decentralized manner allowing each of the operating units the discretion to source their requirements in a manner that optimizes unit performance . today , however , with the implementation of sap and the profound explosion in internet / intranet - based technologies , we believe the company should change its direction and focus on aggregating its demand for goods and strategically sourcing these requirements on a global basis . we believe that there are significant cash savings to be extracted by the company and also commercial potential for the formation of a highly profitable , business - to - business e - commerce venture . effective february 1 , 2000 , enron will form a new global strategic sourcing unit . this new unit will consolidate the current successful strategic sourcing initiatives underway in the gas pipeline group , global asset operations and enron corp . initially , global strategic sourcing will focus on aggregating enron  , s internal , joint venture and business partner demand for products and services with the objective of creating a future business - to - business e - commerce venture . it gives us great pleasure to announce that george wasaff , managing director , will lead this new global initiative . george will report directly to mike mcconnell , chief executive officer for global technology . george has been with enron for fourteen years and has held many senior executive positions , the most recent of which was managing director of enron south america ' s wholesale operations . george was also the interim chief executive officer of elektro from july 1998 through june 1999 and chief executive officer of transportadora de gas del sur s . a . ( "" tgs "" ) from june 1995 through february 1998 . george has also held numerous commercial positions including vice president and country manager , mexico for enron international and vice president of marketing for transwestern pipeline company . please join us in supporting this new global initiative and congratulating george in his new role with the company .",0 +"Subject: eol wti historical trade simulation - more profitable trading strategy please ignor my previous mail regarding the same issue , which contains some typos . greg and john , i found that by reducing the volume per trade and increasing daily number of trades ( keeping the total volume per day constant ) , we can be more profitable . this is partially because in a trending market we lose less money by following the market more closely . for example , suppose market move from $ 30 to $ 35 . if per trade volume is 10 , 000 bbl and the half bid - offer spread is $ 1 for simplicity , we take 5 trades of short positions , the total mtm for that day is ( - 5 - 4 - 3 - 2 - 1 ) * 10 , 000 = - $ 150 , 000 and total trading volume is 50 , 000 bbl short . if per trade volume is 50 , 000 bbl , we take one trade , the total mtm is - 5 * 50 , 000 = - $ 250 , 000 . thus the net difference between the two trading strategies is $ 10 , 000 for that particular day . therefore it seems that by reducing per trade volume and increasing the number of trades , we can be more profitable as a market maker . i rerun a scenario that stinson sent to you on dec . 27 where he used per trade volume of 30 , 000 bbl . i reduce the number of trade to 10 , 000 while increasing the number of trades by factor of 3 . almost in all cases , i saw increased profitability . see the colume marked "" change "" for dollar amount change in millions . please let stinson or me know your thoughts on this . regards , zimin lu x 36388 as compared to",0 +"Subject: an apology kevin - i need to apologize to you for speaking out - of - turn yesterday about work - in - progress . any model our group has of the natural gas system remains completely untested and unvalidated . i have not been asked by any one of my superiors , vasant or wince , to give advice to anyone at enron concerning natural gas ; i am not an expert in trading natural gas . my work exists within a large and professional group , and , to the point , vince alone will decide when , and if , any gas model is suitable for dissemination within enron . sincerely , clayton vernon manager , research",0 +"Subject: friday off - - - - - - - - - - - - - - - - - - - - - - forwarded by maureen raymond / hou / ect on 05 / 31 / 2000 02 : 57 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - leandro ibasco @ enron 05 / 31 / 2000 09 : 59 am to : shirley crenshaw / hou / ect @ ect , vanessa carranza / corp / enron @ enron cc : vasant shanbhogue / hou / ect @ ect , harry arora / hou / ect @ ect , suresh raghavan / corp / enron @ enron , jeff bartlett / hou / ect @ ect , maureen raymond / hou / ect @ ect subject : friday off hi , please note that i will be taking a vacation day on friday , june 2 to study for the cfa exams . regards , roy",0 +"Subject: lng "" book "" meeting hello bjorn : vince wanted me to include you in this meeting also . hope you can come . shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 08 / 30 / 2000 07 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 08 / 29 / 2000 09 : 06 am to : sally beck / hou / ect @ ect , eric groves / hou / ect @ ect , doug . arnell @ enron . com , vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : subject : lng "" book "" meeting hello everyone : the next lng "" book "" meeting has been scheduled for wednesday , september 6 at 2 : 00 pm in ebl 9 c 2 . thanks ! shirley crenshaw 3 - 5290",0 +"Subject: var david , during today ' s var coordination meeting we had a discussion of issues related to mapping of the forward price curves into core locations . mapping is a necessity dictated by the limitations of the computer system : we have to reduce the dimensionality of the problem to stay within the bounds of available cpu memory . also , in some cases the quality of price discovery is poor and it ' s difficult to model the price curves independently : we solve the problem by mapping them into more liquid and better behaved core locations curves . we have agreed on the following : 1 . winston will investigate the it side and determine to what extent we can increase the number of forward price curves that are simulated as basic ( core ) curves . he will investigate the impact of a larger number of the core curves on the time required to complete the var run . 2 . the curves associated with the biggest 10 - 20 positions in each commodity should be modeled as core curves ( i . e . no mapping into other locations ) . it makes sense to monitor the biggest risks separately and avoid aggregating them into less transparent aggregates . 3 . the results of an automated clustering ( mapping ) procedures should be systematically monitored by a human and corrected if they misrepresent the risks of the trading positions . this responsibility should be vested with one person ( right now the responsibility is dispersed through the organization and this means in practice that nobody is responsible ) . research can allocate one person to this task ; cooperation of trading and rac will be critical . vince",0 +"Subject: re : action learning project and enron tour hi vince ! i ' ll call you monday to further discuss this ! i ' ll be heading to atlanta for a forbes conference and meeting at emory , but will call you at my first opportunity ! thanks for the information about the meeting with bob ! thanks ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 11 / 04 / 2000 11 : 04 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 11 / 02 / 2000 01 : 55 pm to : christie patrick / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , vkaminski @ aol . com subject : re : action learning project and enron tour christie , let ' s meet to discuss this project . i need more information from you about it . by the way , i shall meet bob westbrook on wednesday to discuss unrelated issues . vince christie patrick 11 / 02 / 2000 12 : 33 am to : cmiller @ rice . edu , cindy derecskey / corp / enron @ enron , michael b rosen / hou / ect @ ect , steven j kean / na / enron @ enron , vince j kaminski / hou / ect @ ect , grwhit @ rice . edu , westbro @ rice . edu , mark palmer / corp / enron @ enron cc : subject : action learning project and enron tour hi carrie , it was great meeting with you and dean whitaker again last friday , as well as mr . westbrook . as we discussed , i have submitted the action learning program materials to vince kaminski , our managing director of risk analysis and corporate research . i ' ll be following up with him , and his recommendations for project proposals next week . also , i ' ve discussed with our university affairs team setting up the faculty tours - - we ' re ready when you are ! ! the sooner the better - - i ' d love to get these in pretty immediately , and in any event , before the reception at the end of the month . i "" ll have cindy derecskey in my group email you - - she is prepared to set these tours up . i look forward to continuing to develop the multiple potential dynamics of the enron - rice relationship ! thanks ! - - christie . ps : thanks so much for the crystal rice owl - - my participation as a judge in the rice invitational case competition was my pleasure indeed ! - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 11 / 02 / 2000 12 : 23 am - - - - - - - - - - - - - - - - - - - - - - - - - - - carrie miller on 11 / 01 / 2000 12 : 47 : 17 pm to : christie _ patrick @ enron . com cc : grwhit @ rice . edu , westbro @ rice . edu subject : action learning project and enron tour christie , i enjoyed visiting with you last week at the jones school . thanks for taking time to come see us . i wanted to follow up with you regarding the action learning project program and enron tour . we hope to have enron as part of the program in 2001 . please let me know how i can help make this happen . i look for the program to be full before the deadline of december lst . also , i am happy to help organize a group to tour enron . if you were to participate in the alp program , january / february might be a good time to put something together with key faculty and the alp team . let me know your thoughts . again , many thanks for your continued support of the jones school . i look forward to hearing from you soon . carrie = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = carrie chamberlin miller director of mba program jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 5260 fax : ( 713 ) 348 - 5251 e - mail : cmiller @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: re : corporate allocation from enron research group vera : vince wants to talk to becky pham before we do this - i have a call in to her for a short meeting . i will let you know as soon as possible . thanks ! shirley 12 / 07 / 2000 11 : 21 am vera apodaca @ enron vera apodaca @ enron vera apodaca @ enron 12 / 07 / 2000 11 : 21 am 12 / 07 / 2000 11 : 21 am to : shirley crenshaw / hou / ect @ ect cc : subject : corporate allocation from enron research group shirley , i just talked to you over the phone and here is the information : the adjustment total is $ 135 . 6 . nng receives a credit of $ 109 and tw $ ( 26 . 6 ) . pls make sure it gets into the december business . thanks . - - - - - - - - - - - - - - - - - - - - - - forwarded by vera apodaca / et & s / enron on 12 / 07 / 2000 11 : 18 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kimberly watson 12 / 06 / 2000 02 : 07 pm to : pinnamaneni krishnarao / hou / ect @ ect , vera apodaca / et & s / enron @ enron cc : subject : corporate allocation from enron research group krishna , attached is a spreadsheet with the figures we discussed earlier . for july - dec , ets will keep half of the amount allocated ( equivalent to 1 . 5 employees , $ 135 . 6 ) from the corporate allocations to ets . if this looks ok to you , i would like to have vera work with shirley to handle the accounting adjustment similar to mid year . many thanks , kim . vera , here is the year 2000 spreadsheet . as you will see , we will need to work with shirley crenshaw ( x 35290 ) with enron research group to coordinate a similar accounting adjustment to the one we made mid year . i will send the year 2001 budgeted spreadsheet to you in the next few days ( just in case it changes with the approval of the science workorder ) . please call me if you have any questions about this spreadsheet . thanks , kim .",0 +"Subject: times 2 filing units pat : recently , i talked with you about ordering another filing unit . it turns out that we need 2 more filing units . please order them the same size as the floor to ceiling cabinet we have . have the inside of the cabinets configured as follows : 1 cabinet should have 5 shelves 1 cabinet should have 6 shelves when interstore was here today reconfiguing 2 of our existing cabinets , they removed 8 shelves that they are going to use on these new units . please price these 2 new units and charge them to co . # 0413 , rc # 107043 . please let me the prices and approximate delivery date . also , let me know if you need anything else . thanks . anita",0 +"Subject: london exotica library migration fyi - exotic library : issue : the london version is different from the houston version . the problem is that some bugs in the london version were found . temporary solution : bugs were immediately fixed at a local level . permanent solution : the london exotic version will be replaced by the houston exotic version . the houston version is expected to be robust . sharad ( london research ) is spending this coming week in houston . when sharad is back to london , the houston version will replace the london version . approach : steven leppard is designing a regression testing procedure that will involve it to fully test the similarity of the two versions . the procedure is expected to take at least one month from commencement . hopefully , no discrepancies will be found . in the adverse case it happens , it will be necessary to conduct an analysis to decide what is wrong . if necessary further testing and development has to take place . rodrigo",0 +"Subject: java for managers ! ! ! vince , durasoft ( who just taught the java class for our group ) offers a 3 - day short course in java for managers . details are below , if you are interested . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 16 / 2001 12 : 16 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" siva thiagarajan "" on 04 / 16 / 2001 11 : 25 : 50 am please respond to "" siva thiagarajan "" to : cc : subject : java for managers ! ! ! hi stinson , thanks for meeting with us on thursday . we enjoyed talking with you . as per our discussion , i have attached the course outline of java for managers along with this email . after our conversation with you we think this course may be a little bit heavy for your group . but we can definetly take it down to concepts level and make it appropriate for our audience . please review and let me know , if this course would be of value to you . this is a 3 day course and costs $ 11 , 000 ( maximum of 15 students ) . regards , - siva - oojavaformanagers . doc",0 +"Subject: tuesday interview rachel , i would like very much to interview howard but i am in philadelphia on tuesday . vince",0 +"Subject: re : backwardation hedge strategy wendy , i did not . i shall send somebody to your location to pick it up . vince wendy king @ enron 08 / 03 / 2000 01 : 12 pm to : vince j kaminski / hou / ect @ ect cc : subject : backwardation hedge strategy hi vince , just curious if you had a chance to review the docs i sent yet ? thx wendy x 35814",0 +"Subject: kirstee ' s role in london vince : this is precisely the concern i have for kirstee . steve tells me that she is very imaginative and eager to try to add value , but she has no local supervisor to help push some of her ideas . i will give you an update of our discussion later and solicit your suggestions . grant . - - - - - - - - - - - - - - - - - - - - - - forwarded by grant masson / hou / ect on 07 / 25 / 2000 09 : 07 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kirstee hewitt 07 / 25 / 2000 08 : 48 am to : grant masson / hou / ect @ ect cc : subject : meeting today hi grant - as anjam has set up a meeting for 9 : 30 your time how about we try and talk afterwards . originally we said 10 : 00 your time but i guess that the mg meeting will take longer than half an hour . are you free around 10 : 30 your time ? i think some of the communication problems i originally had with anjam have been resolved ( although it was a difficult situation to interpret ) however , i would very much like to discuss the situation that i am in concerning my immediate management . i have felt that over the last month i have been floundering a little and have not really been able to turn to anyone in london for direction concerning var ( although as expected steve has been very helpful to give me an idea on how to proceed theoretically ) . i do have many of my own ideas although i think i need to obtain some kind of authority to start any substantial work . at the moment i feel like i am doing a lot of small things and am worried that at some stage someone is going to ask the question - what exactly does she do over there in research ? ? ? i have talked to rodrigo lamas ( rac model validation new hire ) and he has helped me to focus on some points i had already made . as a quick summary i have drawn up a memo which outlines some of the points i think need to be addressed as far as the var model is concerned ( i could do a similar memo for the credit reserve model but to start have focused my comments on market risk ) . it is a bit rough and ready ( pls excuse any appalling spelling mistakes ! ) but i think it will help you to see what i have been thinking about since i have been here . i do think that the most important issue is that concerning the origin of the vol / price curves and how they are constructed . cheers kirstee",0 +"Subject: free two week ft - online trial - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 04 / 12 / 2000 12 : 34 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - rita hartfield @ enron 04 / 12 / 2000 10 : 32 am to : mike a roberts / hou / ect @ ect , mary solmonson / hou / ect @ ect , amy oberg / hou / ees @ ees , john a cote / hou / ect @ ect , elizabeth linnell / hou / ees @ ees , lynnette barnes / hou / ees @ ees , bruce ferrell / hou / ect @ ect , amr ibrahim / enron _ development @ enron _ development , fiona grant / lon / ect @ ect , michael grimes / enron _ development @ enron _ development , kyran hanks / lon / ect @ ect , julia kazibwe / enron _ development @ enron _ development , patrick keene / hou / ees @ ees , harry kingerski / hou / ees @ ees , valeria lima / enron _ development @ enron _ development , robert neustaedter / enron _ development @ enron _ development , carol north / enron _ development @ enron _ development , mike g cc : subject : free two week ft - online trial enron has been given a two week free trail [ until 4 / 25 / 00 ] for ft online . the free trial has unlimited users so please feel free to pass this along to anyone who may be interested . various persons within enron currently purchase selected hard copies of ft ' s newsletters for 18 , 331 british pounds . it would be much more efficient and cheaper if all eleven newsletters [ 13 , 617 british pounds for 2 users plus incremental costs for each additional user ] were purchased on - line and the cost shared amoung the users . - - - - - - - - - - - - - - - - - - - - - - forwarded by rita hartfield / corp / enron on 04 / 12 / 2000 11 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vanessa . norton @ ft . com ( vanessa norton ) on 04 / 12 / 2000 03 : 54 : 04 am to : rhartfi @ enron . com cc : subject : dear rita following our conversation yesterday , i am pleased to offer you two weeks trial access to our 22 online energy newsletters . the prices for a years subscription to our online newsletters are as follows : product number of users price ( for all eleven newsletters together ) oil market report 2 o 9 , 530 . 00 aisa gas report 3 ol 1 , 120 . 00 uk gas report 4 ol 2 , 180 . 00 power in aisa 5 ol 3 , 240 . 00 ( o 900 . 00 per extra user ) international coal report 10 ol 7 , 740 . 00 ( o 734 . 00 per extra user ) power in latin america 25 o 28 , 750 . 00 ( o 544 . 00 per extra user ) middle east energy european energy report african energy global private power global water report the prices include a multiple product discount ( for example , 2 users for all eleven newsletters would normally be ol 3 , 617 . 00 ) and as you will see the price for extra users decreases by quantity of users to the publications . your trial will last until 25 / 4 / 00 . please find enclosed the access codes to ft energy online . go to www . online . ftenergy . com click on login and type in the following : iu enront password : enront the current functionality of the service includes a fully searchable archive that goes back to the first issue , an advanced full text search , acrobat pdf files of the printed newsletter that can be downloaded for personal use in its original printed version and the ability to download tables in csv format into excel files . please do not hesitate to contact me if you have any further questions about the service or wish to have prices for individual publications sent . i look forward to your comments . yours sincerely vanessa norton ( + 44 207 896 2282 ) ft energy online * please visit the web site of the financial times at : * * http : / / www . ft . com * * * * this e - mail is intended for the use of the addressee only and may * * contain confidential information . if you are not the intended * * recipient , you are hereby notified that any use or dissemination * * of this communication is strictly prohibited . * * if you receive this transmission in error , please notify us * * immediately then delete this e - mail . * * * * * postmaster @ ft . com * ",0 +"Subject: my accomplishment attached please find a brief description of my accomplishment during 7 / 1 / 00 to 11 / 14 / 00 , which might be useful for the pep system . - chonawee",0 +"Subject: re : enron / stanford program nick , sorry for the delay in my reply . august the 21 st will work the best , since jim fallon ( head trader for bandwidth ) will be out the following week . we will set up a meeting with him . kevin hannon is out , however , and there is no need for you to stay for dinner if you prefer to head back earlier in the afternoon . should you want help in making any travel arrangements , our assistant shirley crenshaw ( 713 853 5290 ) would be happy to help you . thanks and look forward to your visit , stinson",0 +"Subject: re : congratulations thanks vince . it was good to learn of your promotion as well . cheers .",0 +"Subject: re : aiesec polska - eurolds 2000 drogi panie andrzeju , prosze powolac sie na mnie . w . kaminski andrzej wodnicki on 02 / 22 / 2000 04 : 02 : 42 pm to : vince . j . kaminski @ enron . com cc : subject : re : aiesec polska - eurolds 2000 drogi panie kaminski ! bardzo przepraszam za klopot . wiem , ze jest pan niezmiernie zajetym czlowiekiem . jednak chcialem zapytac sie pana o jeszcze jedna kluczowa dla nas sprawe , ze wzgledy na termin naszego wydarzenia - 7 marzec 2000 . mianowicie , czy byloby mozliwe , aby w rozmowie z panem astramowiczem powolac sie na pana . wydaje mi sie , ze bardzo by nam pana nazwisko pomoglo . bardzo liczymy na pana pomoc , pozdrawiam andrzej wodnicki",0 +"Subject: re : chapter chris , my part has not changed for some time ( since early july ) . i sent the last vintage of corrections to you when i was in sydney . you can send the version you consider final to us just to double check . i took the liberty of sending our chapter to darrell duffie and he liked it . what is more important he did not find any error . i shell send you my comments on the article for robin in a day or so . vince "" chris strickland "" on 08 / 28 / 2000 02 : 55 : 31 pm please respond to "" chris strickland "" to : , cc : subject : chapter hi vince , ? how are things with you ? well i hope . do you have the latest version of your part of chapter 3 ? ( i think grant has sent thru a seperate , updated version to you , which has been typeset ) . everything else has been tied up and we will go with the version we have , unless we hear otherwise . ? many thanks and best regards . ? chris . ?",0 +"Subject: organizational changes to : enron north america corp . from : cliff baxter and kevin hannon in july , as part of the enron north america ( ena ) reorganization , the implementation of several objectives were highlighted as critical to the continued growth of ena including : 1 ) accelerate the development of our people , 2 ) significantly expand our customer network and associated markets , and 3 ) accelerate and enhance the information flow between groups , both within ena and across enron . consistent with these objectives and with the corporate goal of fostering  b ) the downstream coverage / origination groups which focus on delivering a broad range of products and services to the heavy industrial customers including pulp and paper , chemicals , plastics , refined products , metals and mining , heavy manufacturing , industrial gases , fertilizers , transportation , textiles and glass manufacturing the eastern and western u . s . midstream coverage / origination groups which focus on energy , finance and industries . downstream coverage / origination as energy deregulation continues in north america , it is becoming clear that the heavy industrial segment will be an important customer market for both ena and enron corp . further , it is clear that ena can significantly expand its industrial customer network and create more innovative industrial solutions by having a group that can deploy all the capabilities of enron corp . against this backdrop , the downstream coverage / origination function will expand its product offering to include not only ena  , s existing energy commodities , energy services , finance , assets and pulp and paper capabilities but also ees  , s energy outsourcing capability and global fuel  , s chemicals , plastics and refined products risk management capability . these additional capabilities will be offered in conjunction with ees and the global fuels groups . given the size and importance of this enron initiative , greg piper will be returning from portland to manage this business . under greg  , s leadership , the downstream origination effort will be segmented into three sub - groups given the nature of these industries and our product offering : a ) pulp and paper  ) edward ondarza will continue to manage the coverage activities in the pulp and paper business . this group will be responsible for the provision of innovative products and services in the pulp and paper industry including the provision of paper risk management products ; b ) chemicals , plastics and refined products  ) we have asked jim ajello to lead the coverage activities in this business . this group will be responsible for the provision of innovative products and services in the chemicals and refined products industries ; c ) non - integrated industrials  ) bruce garner , formerly leader of bankers trust  , s global metals and mining group in london , has joined ena to lead the coverage activities in this business . this group will be responsible for the provision of innovative products and services for the metals and mining , heavy manufacturing , industrial gases , fertilizers , transportation , textiles and glass manufacturing industries . midstream coverage / origination a ) eastern coverage / origination  ) this group  , activities will focus on energy , finance and power development solutions for electric and gas utilities , municipals , co - ops and energy service companies in the eastern interconnect . we have asked janet dietrich to assume the leadership of this group ; b ) western coverage / origination  ) this group  , s activities will focus on energy , finance and power development solutions for electric and gas utilities , municipals , co - ops and energy service companies in the wscc . they will also continue to manage all qualified facilities ( qf ) restructuring opportunities in the western u . s . we have asked chris calger to assume the leadership of this coverage group . chris will relocate to portland from calgary where he currently leads the canadian downstream origination efforts ; c ) ipp merchant coverage / origination  ) this group  , s activities will focus on the provision of structured energy , finance and asset solutions for the emerging merchant power generators who control large portfolio  , s of merchant power generation either through development or acquisition . we have asked mike miller to assume the leadership of this group . in addition , mike will continue to manage the power development activities in the eastern interconnect ; d ) eastern qf restructuring  ) this group will focus on the qf restructuring opportunities in the eastern interconnect including the existing restructuring and re - capitalization of the east coast power assets . we have asked dave duran to assume the leadership of this business . greg blair , formerly of enron asia  , s development group , doug clifford , formerly of citizens power , and dick lydecker , formerly of cogen technology , will join this newly formed business . 2 ) commercial transactions : the commercial transactions group ( ctg ) , co - headed by ray bowen and jeff donahue , was formed to provide a centralized resource for the execution of transactions within ena  ) and thereby , improve ena  , s efficiency in executing transactions and free - up the origination groups to increase their intensity of client coverage . ctg consists of six primary functions : transaction development , capital structuring and portfolio management , commodity structuring and transportation , transactional support / accounting , technical analysis and upstream asset management . the transaction development group will be responsible for deal leadership , execution and optimization of all aspects of a transaction in conjunction with the originator . the function will be divided into four teams , each of which will be dedicated to between two and four origination groups . this dedication to specific groups should provide a closer link , better service and greater accountability with the origination groups ; however , the ctg resources are designed to be a fungible and flexible resource allocated to the highest value transactions across the coverage functions : a ) midstream transaction development will be dedicated to the eastern and western coverage / origination groups . the senior members of this group include billy lemmons , george mccormick , erin norris and russ porter . billy lemmons joined enron in 1992 . most recently , he was the vice - president of capital structuring and risk management for ees . russ porter joins us today from dynegy where he was a manager with responsibilities for power origination . b ) downstream transaction development will be dedicated to ena  , s industrial origination efforts in pulp and paper , petrochemicals and refining , environmental energy , metals and mining and other industries as coverage is established . the senior members of this team include rodney malcolm , jay boudreaux , finley biggerstaff and chris helfrich . we anticipate announcing two to four more additions to this team within the next few weeks . c ) generation transaction development will be dedicated to the ipp merchant services and power plant development and qf restructuring groups . the senior members of this team include thomas suffield , andy kelemen , kelly mahmoud and john house . thomas suffield joined enron in 1996 . most recently , he was the vice - president of origination for the latin american group in azurix . we anticipate announcing two more additions to this team within the next few weeks . d ) upstream transaction development will be dedicated to the producer finance , coal and gas assets groups . the senior members of this team include brad dunn , john curtin and chris hilgert . we hope to announce the addition of at least one vp to this group prior to yearend . ray bowen will have primary oversight responsibilities for the upstream and downstream transaction development teams with jeff donahue having primary responsibilities for the midstream and generation teams . andrea reed will continue to head capital structuring and portfolio management : all junior commercial resources within the transaction development teams will have dual responsibilities to both their transaction development teams and to the capital structuring group . the remaining four groups within ctg will remain largely unchanged . in addition , the origination and the transaction development teams and their respective origination groups will be located together . we believe that these changes will significantly enhance our market coverage and industry knowledge in all ena  , s markets particularly in the industrial markets . it will also provide a closer partnership and accountability between the coverage / origination groups and the ctg groups . please help us in continuing to build on the success we have enjoyed in north america by working with us to implement these changes .",0 +"Subject: metals curves hi maureen i hope you ' re keeping well . london research has been asked to validate the long - term copper ( and other ) forward curves being used by mg . clearly this lies outside our domain of expertise ( being economics ) , so i ' ve referred tani to you . speak to you soon , steve",0 +"Subject: daily natural gas price outlook vince . . . can you believe it ? - - - mike - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 07 / 31 / 2000 10 : 13 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" edward krapels "" on 07 / 31 / 2000 08 : 57 : 56 am please respond to to : cc : subject : daily natural gas price outlook today  , s esai daily natural gas price outlook will be delayed due to unexpected illness of the weather forecaster . we will post our analysis as soon as we gather all the necessary information .",0 +"Subject: credit business plan hi jeff , my research colleagues and i are working on a document to lay out our credit derivatives modeling strategy . for lack of a better term , we refer to this as our credit business plan . it is my understanding that various business plans have been previously written for the credit group - one by gillian johnson and another by john bottomley . it would be very helpful to our efforts in the research group , it you would allow us to see these plans . thanks , iris",0 +"Subject: re : development of a program in "" econo - physics "" hello shirley , i ' d understood from yannis that he ' d proposed a brown bag lunch where i ' d give a talk and then the discussion about various possibilities would follow . i ' m here until about mid - may and then will go on leave in europe for a year . i could be available to make trips back and forth from time to time to get things started . best regards , joe mccauley",0 +"Subject: final details for energy course hi , just wanted to let you know some final details about the course : course titles : "" energy derivatives : pricing and risk management "" and / or "" var for energy markets "" venue details : dates : 29 - 31 march location : hyatt regency downtown houston , 1200 louisiana street , houston phone : 713 - 654 - 1234 schedule : continental breakfast : 8 . 30 am start : 9 am beverage break : 10 . 30 - 11 . 00 buffet lunch served in course room : 12 . 30 - 1 . 30 pm snack break : 3 . 30 - 4 . 00 pm end : approx . 5 . 30 pm course leaders : dr les clewlow and dr chris strickland , lacima consultants please let me know if you need anything further . thanks and enjoy the course ! sincerely , julie lacima consultants",0 +"Subject: re : stanford project - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 01 / 03 / 2001 08 : 54 am - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner 12 / 27 / 2000 05 : 04 pm to : nick bambos @ enron cc : subject : re : stanford project nick , hope you had a nice christmas . best wishes for the new year . it would certainly be great to see you and to meet eric some time in the next few months . everyone here was very impressed with giuseppe and we are eager to have another of your students come to enron . enron broadband is continuing to evolve and the current vision is to rely on enron ' s trading expertise while trying to minimize our role as an engineering company and innovator of technology . i spoke recently with jim fallon , the current head trader in ebs , and we put together a short list of topics of interest where you might be able to help educate us . i put these in the order of interest ( to mr . fallon ) . 1 . where will bandwidth prices go ? the direction of prices , obviously is the concern of any trader . we realize that technological innovation will continue to drive down prices , but are still interested in trying to quantify how fast prices will fall , if there are likely to be certain bottlenecks in the fiber network where you could see prices stable or rising for some length of time , if there are applications on the horizon which would use such prodigious amounts of bandwidth as to have some effect on pricing , and if there is a rational way of trying to quantify the timing and effect on prices of new technologies . the term "" bandwidth "" might primarily mean lit fiberoptic capacity , but could also incompass dark fiber , or ip transit and transport pricing . 2 . during the last year , enron purchased a company known as "" warpspeed "" in order to acquire their metarouter technology . to quote from the enron press release : "" metarouter sends signals throughout distributed networks to determine the optimal connectivity paths for any size bandwidth capacity from anywhere in the world . capable of processing thousands of connections per second , metarouter significantly enhances enron  , s ability to automate circuit provisioning . "" there may be two separate questions to ask here . first , in the context of the current market ( or the market which may develop in the next 1 - 2 years ) , will the metarouter be a commercially viable product ? that is , will it address an actual need in the market , or would it be more cost effective just to use technicians with jumper cables to provision circuits ? the second question ( our first real technical question ) : is the metarouter technology scalable ? before starting on this project , vince and i will need to make the proper introductions with the principles who are implementing this technology . 3 . aggregation of loads . a recurring question comes from a number of areas such as ip , network storage , and streaming media transport sales : what value can i get form aggregating customers , each of which has some type of stochastic load profile ? giuseppe touched on this problem as it relates to ip transport , but it may be interesting to try and look in more detail . the main stumbling block may be that we currently have basically no actual customer data . i am told that in a few months we will have some more useful history . my understanding is that what will be available will be 5 - minute averages of usage , so we still will not know on a short time scale what the distribution of load looks like . i hope that this gives you enough information to get some idea of what our concerns are at this point . please let me know your thoughts about these topics . i would expect , for instance that question number 1 may not be reasonable as a research project , but might be a question which you would feel comfortable in addressing by giving us your qualitative opinions , maybe in the form of a talk here at enron . again , let me know your thoughts , and i look forward to seeing you again soon . stinson nick bambos on 12 / 20 / 2000 12 : 14 : 40 pm to : vince . j . kaminski @ enron . com cc : stinson . gibner @ enron . com subject : stanford project hello vince and stinson , first of all , best wishes for happy holidays ! ! ! ! if you are in the stanford area during the holidays , let ' s get together some time to have dinner . i have formally established the project - thanks again for funding it - and i have also recruited the second phd student . his name is eric cope , and he is a top - notch student , very mature , and entrepreneurial ! we have started working on some interesting problems in this area . i would hope that eric could spend the coming summer at enron to get immersed into the "" problem / opportunity generation environment . "" that really helps the student to develop a realistic vision about their research . perhaps , our whole team could visit enron again some time in the next quarter , say in march or so , to discuss the research issues we are pursuing . and of course you could visit us before that too . with my warmest wishes , nick",0 +"Subject: update : ffvols ted , an update on the implementation for ffvols : ( 1 ) in comparing 6 days of historical var calculations ( with that of the implied ) for agg - gas , we have found that the historical var calculations are consistently lower over this period , by roughly 17 mm . the implied volatilities are much higher at this period , anticipating strong winter prices . ( 2 ) at this time , the consensus is not to relase the historical implementation into production , and the official line to traders will be that the method is still in testing . the historical var is 19 . 2 mm and the implied is 37 mm for effective date of 09 / 25 . ( 3 ) further testing is in progress on a hybrid methodology ( which i mentioned last week , whereby historical vols are scaled by the ratio of prompt to historical - prompt volatilities ) , to atleast capture some implied / forward effects . tanya ' s analysis on a fictitious portfolio indicates higher var numbers , but poorer backtesting in comparison to the historical approach . this approach serves as an intermediate , and seems appropriate in periods such as the current one , wherein the historical numbers might be considerably lower than those of the implied . ( 4 ) winston will start testing using these hybrid vols , and if the results are deemed satisfactory , that will be the production methodology . of course , we will obtain all var numbers concurrently to serve as different indicators and beacons of risk . the production number will hopefully be a sensible compromise of the different methods . regards naveen",0 +"Subject: re : stinson gibner paula : he should access eci on our equipment , and the work that he is doing for ena should be provided by them . lyn : can he bring his current pc with him , or can you provide him with another system ? thanks richard weeks enron communications inc . purchasing manager 713 - 853 - 6995 paula corey 01 / 10 / 00 08 : 44 am to : richard weeks / enron communications @ enron communications , culley harrelson / enron @ gateway cc : vince j kaminski / hou / ect @ ect , richard weeks / enron communications @ enron communications subject : stinson gibner gentlemen : stinson gibner will be joining us at desk location 4415 c . i have spoken with it re : a new laptop for him on the eci lan . he will also need access to his ect ( ena ) system . how should we proceed with duplicating his workstation from 19 ? thank you paula",0 +"Subject: fw : enron contact info vince and jeff . . . the following is "" fyi "" . . . my assistant is working on the flight arrangements . also , "" fyi "" , the doubletree and other downtown hotels were entirely , or mostly , sold out , but my assistant found a good rate at the warwick [ $ 115 ] by herman park , where everyone will be ' housed ' in the same location for one night - - i also think this location is a good ' houston - sell ' . dinner is scheduled for 7 thursday evening at churrasco ' s , and my group is arranging the "" tourenron "" - - breaking this group into 2 . [ fyi : the energy club from smu ( another skilling alma mater ) had long ago also schedule a tour that day , so we ' ll have 19 from smu and 18 from wharton on the same day . . . but so far , all seems manageable . ] as "" tour times "" are set , and business unit interview requests are received from the students , i ' ll keep you posted . thanks ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 12 / 19 / 2000 05 : 30 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - fap on 12 / 19 / 2000 01 : 49 : 52 pm to : "" ' christie . patrick @ enron . com ' "" , "" ' melinda . mccarthy @ enron . com ' "" cc : fap subject : fw : enron contact info christie ( melinda and / or marie ) all contact info is listed below by team and project , as well as faculty , ta and others . those with ( * ) will be traveling to houston . i have a total of 18 attending . according to my records , the following will stay beyond the friday departure ( at their own expense ) and leave houston on sunday , 21 jan : heather thorne , jack rejtman , deepa mallik , donna piazze . dennis feerick would like to depart on sat am , if possible . he sent a separate email addressing this . enron 1 * vincent chen vincent . chen . wgo 2 @ wharton . upenn . edu enron 1 * nick levitt nicholas . levitt . wgo 2 @ wharton . upenn . edu ( wholesale project ) enron 1 * deepa mallik mallikd @ wharton . upenn . edu enron 1 * jack rejtman jack . rejtman . wgo 2 @ wharton . upenn . edu enron 1 * kim whitsel whitselk @ wharton . upenn . edu * * * team contact enron 1 * tulika bhalla bhallat @ wharton . upenn . edu enron 2 * jaideep singh singhjai @ wharton . upenn . edu enron 2 * edson otani edsono @ wharton . upenn . edu enron 2 * joshua leventhal levent 86 @ wharton . upenn . edu * * * team contact enron 2 * pat henahan mhenahan @ wharton . upenn . edu ( future shape of energy markets project ) enron 2 murat camoglu camoglum @ wharton . upenn . edu enron 2 * gustavo palazzi gustavop @ wharton . upenn . edu enron 3 * clay degiacinto enron 3 * steve lessar stephen . lessar . wgo 2 @ wharton . upenn . edu enron 3 * ram vittal mvittal @ wharton . upenn . edu * * * team contact enron 3 jason cummins marc . cummins . wgo 2 @ wharton . upenn . edu ( retail project ) enron 3 * omar bassel bassalo @ wharton . upenn . edu enron 3 * dennis feerick dennis . feerick . wgo 2 @ wharton . upenn . edu professors : louis thomas thomas @ wharton . upenn . edu keith weigelt weigelt @ wharton . upenn . edu ta : heather thorne hethorne @ wharton . upenn . edu * fap : donna piazze piazze @ wharton . upenn . edu *",0 +"Subject: re : lloyd , yes , this would be very useful . i was told that we should not do any official business with mg until july 15 . i don ' t want to violate those rules of engagement and go beyond casual contacts . after the 15 th all the stops are off . vince from : lloyd fleming 07 / 07 / 2000 01 : 51 am to : vince j kaminski / hou / ect @ ect cc : subject : re : no problem - i do think this could wait until mg are more closely integrated in any case . a useful first step might be an email to relevant trading staff at mg outlining briefly what maureen does and how she can provide a service to them . would you like me to send her a list of potential people to email ? regards lloyd vince j kaminski 06 / 07 / 2000 23 : 39 to : lloyd fleming / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , maureen raymond / hou / ect @ ect subject : re : lloyd , i think that we can arrange a few video conference meetings instead . i don ' t see a justification for extending the stay over the weekend if we have an alternative solution . vince enron capital & trade resources corp . - europe from : lloyd fleming 07 / 06 / 2000 12 : 37 pm to : vince j kaminski / hou / ect @ ect cc : maureen raymond / hou / ect @ ect subject : vince i met maureen yesterday and had a useful discussion on her role within enron . i think it would be very helpful to promote the research group function of the company , particularly given maureen ' s background , if she could be introduced to some of the main traders down at mg . unfortunately she won ' t have time to meet with mg unless we can schedule some meetings on monday . would you be happy for her to extend her stay here till monday to allow the meetings to take place ? regards",0 +"Subject: mg var hi - i just wanted to thank cantekin for his help this week to get me up to speed with the project he has been extremely helpful and more importantly patient ! ! cheers kirstee",0 +"Subject: re : czesc wicku , oczywiscie , ze sie spotkam z radoscia i przyjemnoscia . sporo czasu minelo od czsu , gdy sie ostatni raz widzielismy . w gre wchodzi praktycznie czwartek wieczorem . w srode sie przeprowadzam , a w piatek lece do nj o 21 : 30 . moj telefon : 408 - 855 - 0263 . na razie , grzegorz - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , february 05 , 2001 10 : 29 am to : gnapi @ intertrust . com cc : vince . j . kaminski @ enron . com ; vkaminski @ aol . com subject : czesc grzegorz , ludmila doniosla mi , ze pracujesz w kalifornii . bede w berkeley w srode i w palo alto w czwartek i piatek . czy masz czas , by spotakc sie na obiad / lunch / kawe ? pozdrowienia wicek",0 +"Subject: high frequency market data analysis stinson , we are going to update you and vince the progress of the eol george project . friday , 9 : 30 am - 10 : 00 am in eb 1938 . bob , we may get some other ideas from the following book , take a look to see if it is worth to buy one . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - risk executive reports high - frequency financial market data sources , applications and market microstructure by dr owain ap gwilym and professor charles sutcliffe , school of management , university of southampton , uk a high - quality , non - technical resource on an increasingly invaluable topic for all users of high - frequency data . 10 sections cover the many aspects of high - frequency data by covering a broad set of information ranging from data suppliers to detailed research angles topics covered include : managing hfd ; arbitrage opportunities ; intra - day seasonalities ; regulation ; market efficiency and market making . format price report ? 175 / us $ 280 a 4 , 162 pp published : august 1999 review | table of contents | order now in ? | order now in $ for other titles of interest please click here : risk executive reports send this page to a colleaguehigh - frequency financial market datacontentsl . introduction and overview overview and background the motivation and demand for high - frequency data the uses of high - frequency data structure of this report 2 . sources and types of high - frequency data types of data data supplied by exchanges panel 2 . 1 ( by paul macgregor , liffe ) - the sourcing and preparation of liffe tick data specialist data providers real - time data providers summary 3 . managing and exploiting high - frequency data panel 3 . 1 - illustrative high - frequency data data storage , filtering and cleaning the treatment of time panel 3 . 2 - olsen filtering system constructing continuous series key considerations in manipulating high - frequency data modelling issues summary of chapter 4 . arbitrage opportunities in equity markets what is arbitrage ? empirical studies of arbitrage opportunities arbitrage in equity markets individual arbitrage trades 5 . intra - day seasonalities intra - day patterns in returns intra - day patterns in volume intra - day patterns in volatility intra - day patterns in the bid - ask spread intra - day patterns in the autocorrelation of returns intra - day patterns in hedge ratios other intra - day patterns effects of news announcements on intra - day patterns the turn - of - the - year effect and high - frequency data conclusions 6 . links between markets leads and lags in prices between different types of market based on the same asset the 1987 stock market crash leads and lags in price volatility links between geographically separated markets rival markets 7 . destabilisation of markets relative volatility programme trading and volatility price movements at expiration conclusions 8 . regulations governing the markets regulation of dual capacity circuit breakers restrictions on short selling taxes on transactions tick size and price clustering delayed publication of trades conclusions 9 . market efficiency weak - form efficiency semi - strong - form efficiency conclusionsl 0 . market makingrevision of prices other aspects of financial markets determinants of the bid - ask spread block trades conclusionsl 1 . conclusion and future developments references",0 +"Subject: merry christmas dear mr . kaminski , in the name of all the mscf students i would like to wish you and your family a merry christmas and a happy new year . thank you very much for taking the time to come here and talk with us . it was greatly appreciated . best regards , pierre",0 +"Subject: re : thursday visit frank , we are located at 1400 smith . any cab driver can identify the enron building . when you arrive , please , call me at 3 - 3848 from the reception to be admitted into the building . alternative phone numbers : 3 - 5290 ( my assistant shirley crenshaw ) . you can also try to call me on my cell phone : 713 898 9960 . the research group meeting starts at 11 : 30 and lasts till 1 : 00 . can you make a presentation about your research projects ? what audio / video equipment do you need ? what sandwich would you like to have for lunch ? we shall make a hotel reservation for you thursday night . vince "" francis x . diebold "" on 12 / 18 / 2000 07 : 02 : 46 am to : vince kaminski cc : bmierts @ enron . com subject : thursday visit hi vince , looking forward to seeing you thursday . ? i arrive at houston - bush on usair 1769 at 10 : 55 am . ? please let me know where to go . ? i also want to verify that you have booked me a hotel ? for thurs night . ? many thanks , and see you soon , frank - - francis x . diebold wp carey professor department of economics university of pennsylvania 3718 locust walk philadelphia , pa 19104 - 6297 fdiebold @ sas . upenn . edu http : / / www . ssc . upenn . edu / ~ diebold ( 215 ) 898 - 1507 ? telephone ( 215 ) 573 - 4217 ? fax ?",0 +"Subject: marketing ideas for power 2000 dear vince i am delighted that you have agreed to take part in the energy and power risk management 4 th annual congress ? power 2000 ? which will be taking place on 9 & 10 may 2000 in houston , tx at the houstonian . as you know energy and power risk management magazine has an excellent reputation in the energy community and we want to make this event as successful as possible . we are currently in the process of launching the event and researching the publications and associations mentioned during the research for the conference to make sure that we are getting the best coverage . before we complete the marketing plan for the conference we want to be sure that we are reaching all the people who may be interested . we constantly strive to improve the marketing of our events and therefore we ask our speakers for further ideas and contacts . therefore please could you let me know whether you could help with any of the following . are there any particular people that you need to send brochures to ? - we can carry out any mailing on your behalf if you supply us with contact names and addresses , alternatively i can send you a quantity of brochures do you have any in - house publications or a newsletter that we should insert the course brochure into - or a diary date page that we could be included on ? would you like to write to your clients to invite them to attend ? we can offer them a 10 % discount and can send them a letter or if you prefer to write on your own letterhead we will organise the copying and distribution for you . have you any delegate lists from events you have spoken at or attended with a similar target audience to whom we should be sending information about the course ? do you have an internet site on which the course could be mentioned ? do you have any other ideas ? any suggestions would be welcome . our marketing manager , caroline hyndman will contact you in the near future to discuss any ideas you may have . alternatively please give me a call on 212 925 1864 ext 151 . thanks very much for your help in this matter . best regards , emma",0 +"Subject: hi vince , after we hung up the phone yesterday , i sent you an email as we agreed . however today i looked in my "" outbox "" and see that nothing was sent to you . thus , i ' m trying again . if this is redundant , sorry . attached is a copy of the corporate finance forum i am trying to organize . any comments or suggestions you might have would be appreciated . i look forward to enron getting involved in this project if at all possible . secondly , i am confirming the dates for the two visitors for the risk management chair . philippe jorion , seminar on 2 / 15 and dinner on 2 / 14 andrew karolyi , seminar on 2 / 23 and dinner on 2 / 23 . lets try to go flying sometime soon thanks for your help and support , dave - nfcfproposal . doc * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * prof . david ikenberry jones graduate school of management rice university 713 - 348 - 5385",0 +"Subject: the delivery of the equipment you ordered is scheduled . - - - automatic notification system ( request # : ecth - 4 r 5 mlm ) requested for : vince j kaminski requested by : shirley crenshaw your order ( see below ) has been assigned to ron cooper . technician will contact you for information and delivery time . please contact the technician if you have any question . en 6600 desktop p 3 - 600 10 gb 64 mb 32 x nt 4 . 0 en 6600 128 mb installed in desktop 21 "" vl 100 monitor",0 +"Subject: entouch newsletter business highlights east power group enron power marketing , inc . ( epmi ) and enron wind corporation ( ewc ) have joined forces in a deal that combines the expertise of both enron subsidiaries . ewc is developing the indian mesa wind farm in pecos county , tx . epmi has agreed to purchase 135 mw of bundled capacity , energy and renewable energy credits (  firm dates will be announced soon . if you have customers in the area interested in attending , please contact lucy ortiz at 713 . 853 . 3238 . in the news what do enron , compaq , continental airlines and jpmorgan / chase bank know that the city of houston doesn ' t ? they know that in order to attract top talent , they must stay competitive and current in the employment market . domestic - partner benefits are a reality for those companies looking up toward the future and down at the bottom line . does anyone really think these companies would be offering these benefits if they weren ' t cost effective and in the companies ' best interests ? - - houston chronicle ( 02 / 11 / 2001 ) . welcome new hires egm - kyle berryman / weather trading , carla murphy / operational accounting eim - elizabeth hutchinson / fundamental analysis ena - bryant frihart / origination enovate , lea sooter / public relations enrononline statistics below are figures for enrononline as of february 9 , 2001 . * total life to date transactions > 670 , 000 * life to date notional value of transactions > $ 410 billion nuggets & notes  & who took the last twix out of the candy jar ?  8 - andrea reed , vice president / fundamental analysis - eim "" i ' m having an out of body experience . . . "" - scott josey , vice president & co - manager / energy capital resources - ea news from the global flash uk origination team closes first deal under neta congratulations to the uk origination team for closing their first transaction under neta and the first long - term customer contract to be signed under neta terms . on 7 th february , the team signed a 10 - year electricity supply contract with the manx electricity authority , making enron the sole supplier of the isle of man ' s ( iom ) electricity requirements over the next decade . in addition to providing power to the inhabitants of the iom , enron will contractually manage the iom interconnector and all generation to the iom . enron direct expanding customer service operations enron direct continues to go from strength to strength , and as a result of continued growth , is expanding its customer operations to teesside , creating 46 new jobs . enron direct will be setting up a new customer service center at the etol administration building on the wilton international site . the new center is scheduled to open in april and will support enron direct ' s existing call center and customer service operations in oxford . the 46 new employees will be recruited locally . enron credit enron credit announces the closure of its largest european digital bankruptcy swap ( dbs ) transaction to date with a new counterparty . in addition to detailed information on the dbs , registration on the web site ( https : / / www . enroncredit . com / members / join . asp ) provides access to weekly bankruptcy blasts covering current credit risk topics . register today on www . enroncredit . com and take a look at how some of your own counterparties may be performing ! legal stuff the information contained in this newsletter is confidential and proprietary to enron corp . and its subsidiaries . it is intended for internal use only and should not be disclosed .",0 +"Subject: fwd : mark - to - market return - path : received : from rly - ygol . mx . aol . com ( rly - ygol . mail . aol . com [ 172 . 18 . 147 . 1 ] ) by air - ygo 5 . mail . aol . com ( v 67 _ bl . 21 ) with esmtp ; fri , 28 jan 2000 18 : 00 : 52 - 0500 received : from mailman . enron . com ( mailman . enron . com [ 192 . 152 . 140 . 66 ] ) by rly - ygol . mx . aol . com ( v 67 _ bl . 21 ) with esmtp ; fri , 28 jan 2000 18 : 00 : 36 - 0500 received : from dservl . ect . enron . com ( dservl . ect . enron . com [ 172 . 16 . 1 . 37 ] ) by mailman . enron . com ( 8 . 8 . 8 / 8 . 8 . 8 / corp - 1 . 03 ) with esmtp id xaal 9726 for ; fri , 28 jan 2000 23 : 00 : 07 gmt received : from notes . ect . enron . com ( notes . ect . enron . com [ 172 . 16 . 4 . 33 ] ) by dservl . ect . enron . com ( 8 . 8 . 8 / 8 . 8 . 8 ) with smtp id raa 24406 for ; fri , 28 jan 2000 17 : 00 : 32 - 0600 ( cst ) received : by notes . ect . enron . com ( lotus smtp mta v 4 . 6 . 5 ( 863 . 2 5 - 20 - 1999 ) ) id 86256874 . 007 e 6242 ; fri , 28 jan 2000 17 : 00 : 26 - 0600 x - lotus - fromdomain : ect from : "" vince j kaminski "" to : vkaminski @ aol . com message - id : date : fri , 28 jan 2000 17 : 00 : 29 - 0600 subject : re : mark - to - market mime - version : 1 . 0 content - type : text / plain ; charset = us - ascii content - disposition : inline content - transfer - encoding : 7 bit - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 28 / 2000 05 : 00 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : wade cline @ enron _ development on 01 / 28 / 2000 07 : 17 am ze 5 b to : pinnamaneni krishnarao / hou / ect @ ect cc : sandeep kohli / enron _ development @ enron _ development , vince j kaminski / hou / ect @ ect subject : re : mark - to - market ( document link : vince j kaminski ) sandeep , can dpc sell to mseb and have eipl buy an equivalent amount of power from mseb at another spot on their grid , and then eipl sell to the 3 rd party state ? pinnamaneni krishnarao @ ect 01 / 27 / 2000 04 : 00 pm to : sandeep kohli / enron _ development @ enron _ development cc : vince j kaminski / hou / ect @ ect , wade subject : re : mark - to - market ( document link : wade cline ) sandeep : i met with bob today and discussed the deal structure we put together . on the mark - to - market issue , bob and his colleague wess told me that as long as payments are tied to one particular plant , we cannot m - t - m them . they had same problem with plants here in the us ( like the peaking plants ) and they had to separate the plant from power sales to be able to m - t - m the assocated cashflows . what they did is : they sold power from the plant to an outside party and bought it back from them at completely different ( multiple ) locations . the buyback is not tied to any specific plant and is marked to maket . even if enron can somehow mark - to - market a deal with dpc , it can do so for only 50 % of the cashflows because only 50 % of dpc is owned by outsiders . and a simple loan to an affiliate cannot also be marked to market . bob was suggesting that if eipl buys options from dpc and from some other plants and in turn sells power to ap or karnataka then we could have a case for m - t - m . politically dpc selling power to eipl may not be the best solution , to put it rather mildly ! our alternatives , as i see them , are 1 . do the deal as we structured it . the only difference is that enron doesn ' t mark it to market and income is earned only in 2002 - 03 . 2 . do the deal as we structured it . eipl / enron then sells the contract to another party at a profit . the problem , of course , is finding this party and forking part of the profit to them . 3 . same deal , except revenue securitization is done through an outside party in india ( not eipl ) . bob said he will think about the issues some more this week . let me know when you will be here next week so we can meet with bob together . i will be going to boston for tuesday and / or wednesday ( feb . 1 - 2 ) . i can book an appt . with bob for us . sandeep kohli @ enron _ development 01 / 23 / 2000 09 : 45 pm to : robert butts , pinnamaneni krishnarao @ ect cc : vince kaminski , wade cline / enron _ development @ enron _ development , ananda mukerji , jaiprakash desai / enron _ development @ enron _ development subject : mark - to - market bob , i wanted to continue the analysis on mark - to - market that i had spoken to you about on the phone . i thought that it was getting very difficult explaining the whole transaction by phone , so i am having krishnarao who is in vince ' s group explain the transaction to you . krishna has been helping us structure the deal here in india , and he has just returned to houston from india after working with the team here . he will seek an appointment with you to explain the transaction . i would like you to please spend some time with him , and then based on the discussion please send us a note detailing how sucha a transaction would be marked to market . please cosider the fact that currently there are no such transactions from the indian side . this is a very important transaction for us , and we may need to repeat this in coming months , hence setting up the system to account for these maybe well worth it . also , what i am concerned about is that there will be an enron india ( eipl ) account in india based on indian gaap , and upon consolidation there will be a us gaap accounting in the us . it is here that we would like to have mark - to - market accounting . eipl is structured through mauritius , and then caymen islands . another key question to consider is that when we m - t - m the transaction in the us there will be a tax accruing in the year of m - t - m ( say 2000 ) . however , in india , as a result of the accrual accounting , there will not be any income showing till the year 2002 or 2003 . we will need to know how that would get treated , and whether there is a way to get credit for the tax payable in the us . i am also confused about whether us tax would be levied , since none of the income is being brought back into the us ( remains overseas - subpart - f and other concerns ) . finally , we have been working hard in structuring a fixed price contract and getting a fixed for floating swap in the us ( this is still not allowed to indian corporates ) . i need you to think about this too , and see if some type of accounting will solve this issue . krishna knows what i am talking about , and will brief you on the same . krishna - please walk bob through the three structures we had worked here . look forward to your help and comments . this is going to be an exciting project for us all . regards , sandeep .",0 +"Subject: rabi de shirley , vince decided to have rabi de for a formal interview . could you co - ordinate with hr to arrange this ? thanks . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 07 / 26 / 2000 11 : 01 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 07 / 07 / 2000 05 : 03 pm to : shirley crenshaw / hou / ect @ ect cc : zimin lu / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : rabi de phone interview shirley , let ' s act on it . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 07 / 07 / 2000 05 : 07 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 07 / 07 / 2000 01 : 51 pm to : vince j kaminski / hou / ect @ ect cc : subject : rabi de phone interview vince , we had phone interview with rabi de . my impression is good . we should invite him for a formal interview . he is a hands on person with wide range of experience ( energy financing , derivatives trading , hedging , etc ) . he communicates very well and expressed interest in financial engineering & modeling . zimin",0 +"Subject: re : fw : energy book promotion julie , i shall track down fiona . she may be on vacation . vince "" julie "" on 03 / 22 / 2001 03 : 28 : 34 pm please respond to "" julie "" to : "" vincejkaminski "" cc : subject : fw : energy book promotion hi vince , ? i sent the attached for enron ' s approval to fiona grant , but haven ' t heard back . ? in the contract that we signed it states that we need to seek approval from enron if we want to use the company name . ? is there someone else we should direct these requests ? ? hope you are well . ? julie ? ? ? - - - - - original message - - - - - from : julie to : fiona . grant @ enron . com sent : thursday , march 15 , 2001 5 : 20 pm subject : energy book promotion fiona , ? i ' ve attached a letter that is going to be ? sent out to some universities , promoting the energy derivative book . ? are we allowed to mention , "" . . . in association with enron corp . "" ? ? please see attached . ? should we check with you every time we would like to use "" enron corp . "" when advertising the book ? ? it will usually follow similar format . ? thanks , julie ? lacima group - covering letter for book brochures . doc",0 +"Subject: re : vince ' s london visit hi wendy : we have finally made arrangements for vince ' s trip in september . he will be arriving in london monday the 18 th at 9 : 55 am . he would like to set up a meeting with paul and julian sometime on tuesday , the 19 th . just let me know when it is convenient . thanks ! shirley wendy . dunford @ arthurandersen . com on 08 / 29 / 2000 11 : 44 : 14 am to : shirley . crenshaw @ enron . com cc : subject : vince ' s london visit hi shirley i would be grateful if you could give me some dates and times when vince will be free to meet with paul day and julian leake , tom leuthwaite is not available to meet unfortunately during the week that vince is here . kind regards wendy * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it .",0 +"Subject: pjm customer load reduction pilot program approved message sent from the pjm - customer - info mailing list at pjm - customer - info @ majordomo . pjm . com : august 4 , 2000 norristown , pa : the members committee of pjm interconnection , llc approved a customer load reduction pilot program following approval last week by the federal energy regulatory commission ( ferc ) . the program targets existing on - site generation and load management programs at facilities such as hospitals , hotels , factories , and stores during emergency conditions . after september 30 th , the end of the trial period for the program , the program will be evaluated to determine its success . the evaluation will explore program improvements in order to enhance the program as a way to address potential capacity shortfalls next summer . related procedures for interconnecting generation under 10 mw will be discussed through pjm ' s committee process for additional advisory input and will be refiled for further consideration by the ferc after the stakeholder process . the pilot program was designed through a collaborative fast - track effort of the pjm distributed generation user group . currently , there are 35 participants registered for the program representing a total of 61 . 5 mw . the smallest of these generators represents 200 kw and the largest represents 15 mw . this user group ' s efforts are consistent with the federal energy regulatory commission ' s recent initiative to support interim procedures to assist with the on - going efforts to maintain a reliable electric power system during the summer months . distributed generation benefits the system by either reducing demand or providing additional generating resources . the pilot program is designed to provide additional flexibility during times of peak demand . it is not meant to replace pjm ' s successful generation interconnection process which deals with generation projects applying to become part of regional capacity or to interfere with the active load management ( "" alm "" ) programs that are in operation . please do not reply to this message . if you have a question for pjm customer relations and training , please send an e - mail to custsvc @ pjm . com . to unsubscribe from this list , send an e - mail to majordomo @ majordomo . pjm . com containing only the following line in the body of the e - mail : unsubscribe pjm - customer - info",0 +"Subject: 1 candidate and 2 interns bryan please , take a look at the resume of howard haughton . he looks like an answer to your prayers . it ' s the first attachment . vince p . s . jeff , the headhunter , can be reached at ( 949 ) 813 2241 . please , set up the interview , if interested , through him . - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 18 / 2001 01 : 57 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ "" on 01 / 12 / 2001 12 : 51 : 59 pm please respond to "" $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ "" to : vince . j . kaminski @ enron . com cc : molly . magee @ enron . com subject : 1 candidate and 2 interns hi vince and molly . here attached is one candidate who is particularly interested in having his profile sent to vince . . . he is going to be traveling to ny from the uk soon for 2 wks . he specifically asked my partner at robertwalters in the uk to investigate enron through my new relationship with you guys . he would be howard haughton , attached below ( cv ) . the other 2 resumes are my students at the university of michigan . howard lin received a 4 . 0 / 4 . 0 for his last term and will be willing to do whatever it takes to intern at enron for june - aug . i have his picture included as well . the second is sung , they are friends . howy will be done expected in may 2001 and sung in may 2002 . they are my favorite interns and i expect they can be cultivated to the enron culture with no real cost to you ( a "" test drive before committal . i have agreed to represent them and shall take ownership , as they become graduate candidates upon their degree completion . i hope these attachment can represent my value and commitment to quality of talent to enron . thank you for your acceptance . best wishes for the weekend . jeff * get free , secure online email at http : / / www . ziplip . com / * - 00343938 alec . doc - sungvince . doc - howardagent 9498132241 . doc - howardlin . gif",0 +"Subject: directions to the tamiment resort and conference center , location of the 20 th annual conference dear participants : here are the directions to the tamiment : from new york fax : 973 - 353 - 1348 http : / / www . rci . rutgers . edu / ~ crri crri @ andromeda . rutgers . edu center for research in regulated industries rutgers university - graduate school of management 180 university avenue , room 200 p newark , nj 07102 - 1897 phone : 973 - 353 - 5761 ; fax : 973 - 353 - 1348 http : / / www . rci . rutgers . edu / ~ crri crri @ andromeda . rutgers . edu ",0 +"Subject: presentation slides good morning vince : this is a reminder for you to send me the slides of yesterday ' s presentation at your earliest convenience . as far as lunch is concerned , right now i am totally free for next week . spyros",0 +"Subject: a colossal and dangerous failure - cera alert title : a colossal and dangerous failure url : http : / / www 20 . cera . com / eprofile ? u = 35 & m = 2185 overview : western energy  * california governor stays the course california governor gray davis provided his strongest public statements to date regarding the state  , s power crisis in his annual state of the state address on january 8 , 2001 . echoing many of his previous positions on what he perceives as a flawed and unfair california market structure , the governor labeled the state  , s electricity market system a colossal and dangerous failure . among other actions , he launched new initiatives valued at $ 1 billion to encourage conservation , provide financing and land to new generators , grant authority to utilities to engage in a portfolio of transactions to manage electricity costs , and increase regulatory scrutiny of existing market suppliers . the governor also called for a greater role for the state in overseeing and constructing new power plants . the governor acknowledged that the actions proposed are only some of the steps necessary to put california on the road to recovery . details regarding sources of funding for the initiative are still forthcoming . although he stated that california  , s investor - owned utilities must not be allowed to go bankrupt , no formal plan for ensuring their solvency was given . the financial community continues to lack the assurance it requires to continue to provide financial backing for pacific gas and electric and southern california edison . at this time the state legislature remains the body most likely to guarantee their solvency . the governor again criticized the federal energy regulatory commission for what he believes has been its failure to manage and restrain properly the wholesale market . merchant plant generators were accused of gouging the state , and it was suggested that these generators acted illegally in their operations , jeopardizing the reliability of the power grid . new , more severe sanctions were promised for those caught withholding power or extracting what investigators find as unreasonable profits . a los angeles times poll released the morning before the governor  , s address indicated that the majority of californians still do not believe there is an energy crisis . although the 33 percent growth in the state  , s economy over the past ten years has nearly outstripped the state  , s and surrounding region  , s supplies of power , the bulk of the governor  , s statements continue to focus on the culpability of power producers , rather than the serious supply shortfall . though the governor introduced steps to fund and facilitate the construction of new generating plants , increased regulatory scrutiny and the threat of sanctions will exacerbate the concern already expressed by plant developers and the financial community that the investment climate in california is excessively risky . * * end * * follow above url for complete report . come shoot the rapids with us at ceraweek 2001 , "" shooting the rapids : strategies and risks for the energy future "" in houston , february 12 - 16 , 2001 ! for more information and to register , please visit http : / / www 20 . cera . com / ceraweek / e - mail category : alert cera knowledge area ( s ) : western energy , to make changes to your cera . com account go to : forgot your username and password ? go to : http : / / www 20 . cera . com / client / forgot this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www 20 . cera . com / tos questions / comments : webmaster @ cera . com copyright 2000 . cambridge energy research associates",0 +"Subject: ( no subject ) dear professor shreve , thank you for your message . i shall be glad to make a presentation at carnegie mellon . i am discussing with pierre ste - marie possible dates and it seems at this point that november the 3 rd would be the most convenient day . november the 10 th is an alternative date , but i need a few more days to make a commitment . look forward to meeting you . vince kaminski",0 +"Subject: re : howard haughton : no can do for wed / thurs . jeff , my associates are leaving for london tonight ( monday ) . they can still interview howard on tuesday afternoon . vince "" $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ "" on 01 / 29 / 2001 02 : 23 : 12 pm please respond to "" $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ "" to : rachel . quirke @ enron . com , vince . j . kaminski @ enron . com cc : subject : howard haughton : no can do for wed / thurs . hi rachel . please read the following email from my collegue in the uk who spoke directly to howard a bit ago by tele about wed / thurs interview . can we do this alternative he suggested ? we will have to reschedule - maybe ny ? or after howards trip in houston ? thanks , jeff hi jeff , i ' ve bad news . howard is off to new york on wednesday for 10 days until the 10 th of feb . either enron could fly him to houston after his holiday or maybe vince ' s team could get out to new york . let me know . regards vuthy * get free , secure online email at http : / / www . ziplip . com / *",0 +"Subject: changes in option valuation in enpower - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 03 / 21 / 2001 08 : 33 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : harry arora / enron @ enronxgate on 03 / 21 / 2001 07 : 26 am to : sanjay gupta / enron @ enronxgate , steve nat / enron @ enronxgate cc : zimin lu / hou / ect @ ect subject : changes in option valuation in enpower sanjay wanted to confirm the changes to the option valuations in the enpower we discussed yesterday evening . 1 . currently the trader volatility inputs are the daily vol curve and the intra - monthly vol curve . the monthly options get marked directly to the monthly curve ( plus the smile ) and the monthlies get marked to a time blend of monthly and intra - month vol ( plus the skew ) . we want to change the valuation ( for the eastern books ) so that the dailies get marked to the intramonth curve ( which we want to call the daily curve ) and the monthly gets marked to the monthly curved . there will be not vol blending done by the enpower system for the daily and monthly option valuations . we want to make this change very soon ( by early next week ) 2 . currently there exists one smile for every region , which is specified in terms of volatility additive for specified dollar difference from the underlying . since different months in a region can trade in a large range ( $ 35 - $ 150 ) - this cannot result in accurate skew for all terms . what we need is a system which has skew per month . we suggest , for the short term , the skew should apply only to the summer daily expiration options . we need to make this change by early next week . however , we need to start modifing the system so that for every region we can enter a grid which has a percentage scale and specifies the skew differently for each month . research , has implemented this in our pricing model , and we would like this grid to be input into the valuation system . i am enclosing the pricing model ( which we both discussed yesterday ) for reference . this model is however , work under construction , so pls call alex huang for clarifications . 3 . the vol input system is complex and confusing . i would very much be interested in moving to a direct database interface , which accomodates the skew inputs per region as in . we should implement a ui which can input the dailies and monthlies at the moneys and the skew grid directly - so that we do not need to go through multiple iterations . i am very much interested in what we currently are releasing in delphi and would love an early implementation for options . on all these issues , i am speaking for the east desk . i am going to touch base with west guys and see if they are on board with these changes . thanks harry",0 +"Subject: re : storage book / luken ' s storage model just a reminder about the storage meeting today , april 27 . it is still scheduled for 3 : 00 pm in 30 cl . thank you . geraldine irvine 04 / 24 / 2000 11 : 44 am to : zimin lu / hou / ect @ ect , stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect , hunter s shively / hou / ect @ ect , colleen sullivan / hou / ect @ ect , scott neal / hou / ect @ ect , phillip k allen / hou / ect @ ect , thomas a martin / hou / ect @ ect , jim schwieger / hou / ect @ ect , chris gaskill / corp / enron @ enron , bhavna pandya / hou / ect @ ect , jeffrey a shankman / hou / ect @ ect , sean boyle / corp / enron @ enron , ed mcmichael / hou / ect @ ect cc : mark breese / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , airam arteaga / hou / ect @ ect , kimberly brown / hou / ect @ ect , laura harder / corp / enron @ enron , barbara lewis / hou / ect @ ect subject : storage book / luken ' s storage model please plan to attend a meeting on thursday , april 27 , from 3 : 00 - 5 : 00 p . m . to discuss luken ' s storage model and , more importantly , where we want to go with a storage book . this meeting will be in eb - 30 cl . any questions , contact mark breese ( ext . 3 - 6751 ) or gerri irvine ( ext . 3 - 6145 ) .",0 +"Subject: monte - carlo library stinson , i have created a directory ( o : \ research \ common \ projects \ options \ mclib ) to hold our monte - carlo models we developed in the past . i have the following mc models : 1 . asian option with two - point vol structure 2 . asian barrier option 3 . asian spread option 4 . time spread option 5 . asian digital option do we want to include models using american monte - carlo ? i have 1 . american spread option 2 . option on min or max of n assets with n as an input 3 . omicron option model with 3 price processes i suggest that all of us save a copy of monte - carlo models in this directory , from these , we can build a general monte - carlo library . we can also calculate the mc greeks more efficiently now . zimin",0 +"Subject: interview schedule - iris mack attached please find the interview schedule , resume , and evaluation form for iris mack . iris will be interviewing on december 28 , 2000 . please contact me with any comments or concerns . thank you , cheryl arguijo ews staffing 713 - 345 - 4016",0 +"Subject: re : dinner julie , thanks for the invitation . tuesday would work better for me . i came back from california this morning and i am quite exhausted . what is the number at which i can reach you ? vince "" julie "" on 02 / 26 / 2001 11 : 00 : 46 am please respond to "" julie "" to : "" vincejkaminski "" cc : subject : dinner would you like to get together for dinner with us tonight ( monday ) or tomorrow night ? ? julie",0 +"Subject: nytimes . com article : the real wolf this article from nytimes . com has been sent to you by vkaminski @ aol . com . / - - - - - - - - - - - - - - - - - - - - advertisement - - - - - - - - - - - - - - - - - - - - - - - \ looking for better it solutions ? toshiba is uniting digital , mobile and network innovations in a bold new vision of information technology for today and tomorrow . take a closer look at life in the new digital age . and imagine how good it can be . visit toshiba . com for more details . the real wolf reckonings by paul krugman ecently i received a letter from an economist i respect , chiding me for my "" naderite "" columns on the california energy crisis . he just didn ' t believe that market manipulation by power companies could possibly be an important issue ; it sounded too much to him like the sort of thing one hears from knee - jerk leftists , who blame greedy capitalists for every problem , be it third - world poverty or high apartment rents . the left has cried "" wolf ! "" so many times that sensible people have learned to discount such claims . but now a bona fide wolf has arrived , whose predatory behavior is doing terrible damage to our most populous state  * and nobody will believe it . true , california would be heading for a summer of power shortages even if it had never deregulated . and even if there was workable competition in the wholesale electricity market , prices in that market would spike during periods of peak demand , transferring billions of dollars from either taxpayers or consumers to the generators . but the evidence is now overwhelming that there isn ' t workable competition in california ' s power market , and that the actions of generators "" gaming the system "" have greatly magnified the crisis . the key fact is that california has somehow remained in a state of more or less continuous power shortage and very high wholesale prices regardless of the level of demand . a rash of outages has kept the electricity market conveniently  * and very profitably  * short of supply even during periods of low demand , when there ought to be lots of excess capacity . as frank wolak , the stanford economist who also advises the state ' s power grid , has pointed out , an outage at a power plant is a lot like an employee calling in sick . you can ' t tell directly whether he is really sick or has chosen to take the day off for other reasons , but you can look for circumstantial evidence . and such evidence has convinced mr . wolak that "" generators use forced outages strategically to withhold capacity from the market ""  * a view shared by a growing number of other researchers . which brings us to the latest move by the federal energy regulatory commission . on wednesday , the commission apparently decided to offer california some relief , and put new price caps in place on the california electricity market . i say "" apparently "" because the more you look at the plan the less likely it seems to be any help at all . indeed , the measure was passed on a 2 - to - 1 vote , with william massey  * the one commissioner who has been sympathetic to calls for price controls  * voting against it on the grounds that it would be ineffectual . what ' s wrong with ferc ' s plan ? first , it caps prices only in emergency conditions  * ignoring the fact that electricity prices have stayed at hard - to - explain levels even when there is no emergency . in effect , the plan is laid out as if the electricity market were really competitive , in spite of all the evidence that it is not . second , even those emergency price caps are full of loopholes , offering extensive opportunities for what mr . wolak calls "" megawatt laundering ""  * selling power to affiliated companies that for one reason or another are exempted from the price controls ( for example , the controls do not apply to "" imports "" from neighboring states ) , then selling it back into the california market . severin borenstein of the university of california energy institute adds that because the allowed price depends on the cost of generation at the least efficient plant , generators will have a clear incentive to produce inefficiently : "" i predict we will find some plants we never heard of before that are suddenly operating again , and they will be pretty inefficient . "" the general verdict seems to be that this is not a serious plan . there are serious proposals to mitigate the crisis out there  * indeed , last fall mr . wolak submitted a proposal that was well received by other experts  * but ferc has ignored all of them . the charitable interpretation is that ferc still doesn ' t get it , that it just can ' t bring itself to believe that this time the wolf is real . the uncharitable interpretation is that last week ' s action was meant to fail . the medley report , an online newsletter , calls the ferc plan "" a grand exercise in posturing without substance . . . a very clever temporary move by the bush administration to deflect any political fallout "" from the looming disaster . whatever the explanation , the plain fact is that ferc and the administration have yet to offer california any significant relief . 00 fo 04 b 3 blabf visit nytimes . com for complete access to the most authoritative news coverage on the web , updated throughout the day . become a member today ! it ' s free ! http : / / www . nytimes . com ? eta how to advertise - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - for information on advertising in e - mail newsletters or other creative advertising opportunities with the new york times on the web , please contact alyson racer at alyson @ nytimes . com or visit our online media kit at http : / / www . nytimes . com / adinfo for general information about nytimes . com , write to help @ nytimes . com . copyright 2001 the new york times company",0 +"Subject: thanks hi keith ! thanks so much for your additional thoughts , which i will definitely pass on to our business units . as for your nephew , please have him send his resume to me . i ' ll be happy to see what i can do . again , on behalf of enron and everyone involved in the project , especially vince and i and ken parkhill , we had a great and informative experience with the entire tiger project . best regards ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 04 / 09 / 2001 07 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - weigelt on 04 / 06 / 2001 04 : 40 : 10 pm to : "" ' christie . patrick @ enron . com ' "" cc : subject : thanks christie ; i wanted to send a short note to express my thanks to enron , and give some additional thoughts about the enron presentation . both students and staff enjoyed our interaction with enron . we hope enron got as much from the project as we did . i also had some additional thoughts about enrononline . - during the presentation , the students referred to a market ' s "" critical mass "" . however , we never defined what we meant by that . we had several discussions on this topic . i think the best way for enron to think about this is in terms of the psychology of traders . critical mass gives a market liquidity . traders seem to think about liquidity in terms of breadth ( how many products are being traded ) and depth ( the number of bids and offers ) . our thoughts were that when a trader pulls up a screen , he ( or she ) wants to see bids , offers , and trades occurring . so a simple ( and cheap ) metric that enron could use to determine whether rivals are approaching critical mass is simply to pull up screens and see if trades are occurring , and how quickly . traders will generally not use a trading platform that lacks "" action "" . - in terms of new power , i feel it is extremely important that your managers create an identity for the company . luckily no rival has done this ( though green energy is closer than most ) . the company that can communicate a simple and powerful message will create a competitive advantage for itself . i believe you can differentiate yourself in this market ( though you are selling a commodity ) . since you are essentially selling service , differentiation is always possible . on a final note , i wanted to ask a favor . my nephew recently graduate from michigan state university with a degree in business . i brought him to wharton to work on the tiger projects . this was because i knew he could add value , and because i thought he needed more experience in some strategy areas . he served as project coordinator and worked on several projects ( including enron ) . i was hoping i could get him an interview at enron since he expressed interest in your company . any help you could offer is appreciated . thanks again for making the experience memorable to the students . keith",0 +"Subject: re : var for metals ted , anjam ' s and myself ' s meeting at mg in ny office on 7 / 20 / 00 was productive . i am working on a summary of this discussions ( 1 a version layout ) and will send it to you after consulting with anjam . regards , tanya .",0 +"Subject: reuters : ecommerce mr kaminski , the 4 reports that you ordered : european gas market , european electricity market , uk gas market and uk electricity market has now been processed . you should get the 4 reports in the next week or so . also , just to let you know we have just produced 23 ecommerce reports covering all aspects of ecommerce . these reports are very extensive and have all the latest data on ecommerce which is available exclusively within these reports . i have also enclosed a brochure with the title of all the ecommerce reports . if you have any queries of if i can be of further assistance to you in the future , please do not hesitate to contact me directly . regards , miss . mychau phan energy account manager reuters business insight 85 fleet street london ec 4 p 4 al . tel : ( + 44 ) 20 675 7288 / 0990 fax : ( + 44 ) 20 7675 0991 mphan @ rbi - reports . com website : http : / / www . . com / energy - ecommerce cat . . pdf",0 +"Subject: re : costless collar for hanover bob , good job . zimin bob lee @ enron 01 / 11 / 2001 08 : 10 am to : zimin lu / hou / ect @ ect cc : subject : costless collar for hanover fyi - looks like we ' ve converged . bob - - - - - - - - - - - - - - - - - - - - - - forwarded by bob lee / na / enron on 01 / 11 / 2001 07 : 04 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : chris loehr @ ect on 01 / 10 / 2001 04 : 50 pm to : ron baker / corp / enron @ enron cc : anne yaeger / hou / ect @ ect , ryan siurek / corp / enron @ enron , wes colwell / hou / ect @ ect , bob lee / na / enron @ enron subject : costless collar for hanover ryan and i have looked at the research model and made some adjustments . the treasury rate at 12 / 28 / 00 was 5 . 127 % ( research uses 4 . 6 % which probably takes into account the recent fed 50 bp cut ) the maturity is 6 / 30 / 03 or 2 . 5 years ( research uses 3 years ) using these assumptions and a 47 . 2 % volatility in the bloomberg collar function results in a ceiling of 92 103 / 256 and a floor of 34 7 / 8 . after adjusting the research model for the changes above , ryan and i got a similar range from the research model so we are comfortable with these numbers . let me know if there are any questions . chris x 33092 ron baker @ enron 01 / 10 / 2001 10 : 52 am to : wes colwell / hou / ect @ ect , ryan siurek / corp / enron @ enron , chris loehr / hou / ect @ ect , anne yaeger / hou / ect @ ect cc : subject : costless collar attached is the updated valuation from bob lee in research using the actual 3 - year historical vol . of 47 . 2 which results in a call strike of 97 . 978 . also , he has confirmed that the presence of the swap has no impact on the value of the collar . let me know if you have questions . thanks , ron - - - - - forwarded by ron baker / corp / enron on 01 / 10 / 2001 10 : 28 am - - - - - bob lee 01 / 10 / 2001 08 : 44 am to : andrea v reed / hou / ect @ ect , ron baker / corp / enron @ enron cc : zimin lu / hou / ect @ ect subject : costless collar here ' s the calculation using the historical volatility . the strike drops slightly . the volatility in the calculation is the expected future vol ; atility - looking at traded options for hc and an expected fall off in vol for long dated options , one could justify a vol estimate in the range 40 - 50 % for the collar . the presence of the swap makes no difference on the collar valuation . bob",0 +"Subject: re : giuseppe cell phone stinson , no problem . vince stinson gibner 07 / 12 / 2000 11 : 26 am to : vince j kaminski / hou / ect @ ect cc : subject : giuseppe cell phone vince , can i loan to giuseppe my cell phone for the summer ? stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 07 / 12 / 2000 11 : 25 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : samer takriti @ enron communications on 06 / 28 / 2000 10 : 49 am to : stinson gibner / hou / ect @ ect @ enron cc : subject : re : bandwidth trading feature set i will be on the call . i may disconnect around 4 : 00 to attend the traders ' daily meeting . a couple of issues : 1 . would it be possible to get gappy a cell phone for the summer ? he does not have a phone at home . i think the reason for avoiding installing a phone in his apartment is the increasing cost of his houston stay . 2 . it is getting noisier here . gappy and i are wandering if we could get office space downstairs ( that we share ) . we will maintain presence on 44 , but we will be able to discuss when needed . - samer",0 +"Subject: re : var vince thanks for the update - especially your point 3 which echoes our own discussion yesterday : i want to clarify responsibilities for maintenance and administration of var . we need transparency around the process so that mapping decisions , for example , are easily made , supported and reviewed . it became clear after last friday ' s events , that we are in an awkward paradigm with respect to how we handle var here , particularly at "" pressure points "" . i am putting together the scope of a "" general overhaul "" of the var process , including method and administration , to which i hope we would all buy in , so be assured of our co - operation . dp - - - - - original message - - - - - from : kaminski , vince sent : wednesday , april 11 , 2001 2 : 49 pm to : port , david cc : lavorato , john ; kaminski , vince ; tamarchenko , tanya subject : var david , during today ' s var coordination meeting we had a discussion of issues related to mapping of the forward price curves into core locations . mapping is a necessity dictated by the limitations of the computer system : we have to reduce the dimensionality of the problem to stay within the bounds of available cpu memory . also , in some cases the quality of price discovery is poor and it ' s difficult to model the price curves independently : we solve the problem by mapping them into more liquid and better behaved core locations curves . we have agreed on the following : 1 . winston will investigate the it side and determine to what extent we can increase the number of forward price curves that are simulated as basic ( core ) curves . he will investigate the impact of a larger number of the core curves on the time required to complete the var run . 2 . the curves associated with the biggest 10 - 20 positions in each commodity should be modeled as core curves ( i . e . no mapping into other locations ) . it makes sense to monitor the biggest risks separately and avoid aggregating them into less transparent aggregates . 3 . the results of an automated clustering ( mapping ) procedures should be systematically monitored by a human and corrected if they misrepresent the risks of the trading positions . this responsibility should be vested with one person ( right now the responsibility is dispersed through the organization and this means in practice that nobody is responsible ) . research can allocate one person to this task ; cooperation of trading and rac will be critical . vince",0 +"Subject: re : video conference with ross mcintyre nick , we may have problems getting the vc location in houston on short notice . we are currently on stand - by . we shall default , if we have no other choice , to a phone interview . vince enron capital & trade resources corp . - europe from : nick mooney 04 / 18 / 2000 09 : 09 am to : vince j kaminski / hou / ect @ ect cc : mark tawney / hou / ect @ ect subject : video conference with ross mcintyre vince , you should have received an invitation through lotus notes which outlines the vc location for the conference call tomorrow . it is schedule for 4 : 30 pm uk time ( 10 : 30 am houston time ) ross ' s background is from investment banking ex dresner bank , he has a phd in mathematical and is currently with speedwell weather derivatives where he has been developing weather derivative pricing and portfolio optimisation tools which they have been marketing to end - users with weather risks . the attached word documents are articles that he has written for publication . regards nick mooney - mcs . doc - analytic . doc - par . doc",0 +"Subject: the national forum on corporate finance andrew fastow enron co . hi andy i don ' t recall sending the above attachment . if so , please pardon my redundancy . attached is some registration details for the upcoming corporate finance conference here at rice . when you get a moment , if you could have someone on your staff return it that would be great . each topic is followed by "" panel "" discussion . we have you slated to serve on the panel dealing with "" equity dilution from option compensation "" and will feature work by david yermack from nyu . stu gillan from tiaa / cref will be serving on the panel with you along with john blahnik from delphi automotive . please call me direct if i can be of any help or assistance . dave ikenberry - registation details regarding . doc * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * prof . david ikenberry jones graduate school of management rice university 713 - 348 - 5385",0 +"Subject: us gas storage growth huge growth in natural gas storage tracked as the natural gas market approaches 30 tcf per year , demand for natural gas storage capacity will rise exponentially . although the snowball has just started rolling , current plans by natural storage operators will boost working capacity by 430 bcf , or 10 % , and will raise peak - day deliverability 11 . 8 bcf per day , or 13 . 8 % , according to a new survey by intelligence press . intelligence press ' new multimedia research package provides a comprehensive look at all current activity on 458 storage fields with additional key information on 101 lng facilities . among them are 38 proposed natural gas storage fields and 15 storage expansion projects . depleted fields capture the largest share of the proposed fields with 24 , followed by aquifers with six , and salt domes and salt beds with four each . altogether the proposed new fields account for about 329 bcf in working capacity and 9 . 7 bcf per day in deliverability . proposed and potential expansions represent an increase of about 100 . 5 bcf of working capacity and 2 . 1 bcf per day in deliverability . but these projects are just the tip of the iceberg . regulatory changes , shifting natural gas flows and increases in demand due to growth in the economy and particularly in natural gas fired power generation are expected to cause significant additional storage growth in the next decade . for more information go to : www . intelligencepress . com rbac gpcm natural gas market forecasting system - - - - - original message - - - - - from : enerfax daily [ smtp : enerfax @ fastband . com ] sent : friday , march 31 , 2000 1 : 52 am to : * * aaaenerfax subject : enerfax daily ( http : / / www . enerfax . com / ) - atto 0002 . htm",0 +"Subject: re : clewlow and strickland book steve , i can order the books at 15 % discount . i am sending you 4 copies today and will be glad to order more on your behalf . vince steven leppard 01 / 23 / 2001 04 : 22 am to : vince j kaminski / hou / ect @ ect cc : sharad agnihotri / lon / ect @ ect subject : clewlow and strickland book hi vince is there any way we can lay our hands on clewlow and strickland ' s new book at a preferential price ? steve",0 +"Subject: re : my model for spikes valery , i am interested in receiving the preprint . on another note , i would be glad to meet you for lunch / dinner sometimes during the next few weeks . please , let me know what would be the best time to meet . vince vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com "" valery kholodnyi "" on 12 / 20 / 2000 03 : 13 : 09 pm to : vkamins @ enron . com cc : subject : my model for spikes dear dr . kaminski , i was recently allowed to release into the public domain on the limited basis the first of the preprints that i recently authored on my model for spikes in power prices and for the valuation of the contingent claims on power . in this regard , i have just given a talk on this model at the joint seminar of the center for energy finance education and research and the institute for computational finance at the ut austin . right now i am also in the process of forming a list of specialists both in the industry and academia who might be interested in receiving this preprint . please let me know if you might be interested in receiving this preprint . i look forward to hearing from you . sincerely yours , valery kholodnyi manager of quantitative analysis research and analytics group txu energy trading ps . here are the main preprints that i have recently authored on my model for spikes in power prices and valuation of contingent claims on power : 1 . valery a . kholodnyi , the stochastic process for power prices with spikes and valuation of european contingent claims on power , preprint , txu - rag - 01 / 00 , july 2000 . 2 . valery a . khlolodnyi , valuation of a swing option on power with spikes , preprint txu - rag - 05 / 00 , august , 2000 . 3 . valery a . kholodnyi , valuation of a spark spread option on power with spikes , preprint txu - rag - 21 / 00 , november 2000 . 4 . valery a . kholodnyi , valuation of european contingent claims on power at two distinct points on the grid with spikes in both power prices , preprint txu - rag - 24 / 00 , november 2000 . 5 . valery a . kholodnyi , valuation of a transmission option on power with spikes , preprint txu - rag - 25 / 00 , november 2000 . as i have indicated to you in my previous e - mail , contrary to the standard approaches , i model spikes directly , as self - reversing jumps on top of a stochastic process for the regular dynamics of power prices in the absence of spikes . in this way the dynamics of power prices is modeled as a non - markovian process , even if the process for the regular dynamics of power prices is markovian . among other things my model for spikes allows for the explicit valuation and hedging of contingent claims on power with spikes , provided that the corresponding contingent claims on power can be valued and hedged in the absence of spikes .",0 +"Subject: visit to enron tom , i am forwarding to you a copy of the message from nick bambos . i shall try to catch you for a few minutes today ( monday ) to close the loop on this effort . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 13 / 2000 11 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - nick bambos on 03 / 12 / 2000 05 : 32 : 35 pm to : vince . j . kaminski @ enron . com , bambos @ stanford . stanford . edu cc : subject : visit to enron hello vince , it was nice seeing you at stanford and many thanks for the lunch we had together . i really enjoyed our discussions , both at the technical level and otherwise . i promised to send you an e - mail regarding possible dates for a visit to enron . i delayed it for a week till my schedule was clearer . let ' s see if we can get a match with your schedule - mine is rather terrible : friday , 21 st of april looks good . but april 23 rd is easter sunday , so that may make it difficult for some people at enron to be around . let me know if that is the case . i am willing to visit then , because the week after that i am scheduled to be in japan and in the previous weeks i am all committed on fridays . friday , 19 th of may is the next possibility , but this probably is too far out . the main problem is that i am operating within a window of opportunity for attracting top students for this research . this window closes by the end of april , and it would be important for the student support funds to be in place then , so that i can make hard commitments to students and attract top talent . i am already reviewing files of students who have approached me for phd advising , and i am in a mode of doing "" soft commitments to star - level students "" to get this research and its potential on their radar screen . top students are highly sought after by advisors and i want to be an early player in this competition . does my visit to enron have to happen before we can set up the project and student support at stanford ? if so , doing it before the end of april is important for getting top people . if the visit can happen after we get the ball rolling , then we can schedule it in may . i assume there will be multiple visits both ways when the project gets going . please let me know what you think . best regards , nick",0 +"Subject: re : part - time work cantekin we shall get back to you when i return from europe in a week . vince "" cantekin dincerler "" on 09 / 25 / 2000 12 : 46 : 51 pm please respond to to : cc : subject : re : part - time work vince , i have received the full - time offer package from associate & analyst program last week . apparently they have pretty tight deadlines . because of a certain clause in the contract , i may have to give them an answer by october 16 th . since we discussed this before i left enron , i felt it would be a good idea to inform you of the recent developments . i am looking forward to hearing from you soon regarding both part - time and full - time employment opportunities with the research group . best , - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - cantekin dincerler doctoral candidate the university of texas at austin graduate school of business department of finance office : ( 512 ) 471 - 1676 fax : ( 512 ) 471 - 5073 home : ( 512 ) 472 - 5356 cell : ( 512 ) 680 - 5355 http : / / uts . cc . utexas . edu / ~ cantekin - - - - - - - - - - - - - oooo - - - - - oooo - - - - - - - - - -",0 +"Subject: re : dinner speaker - may 23 dear mr . kaminski , ? attached ? is the brochure of the eastern conference . ? i have listed you as the dinner speaker for the evening of wednesday , may 23 , 2001 . ? please ensure that your name and title is correct . ? if you have any questions or concerns please feel free to contact me . ? sincerely , ? jeremy t . guenter administrative assistant center for research in regulated industries rutgers university - graduate school of management 180 university avenue , room 200 p newark , nj 07102 - 1897 phone : 973 - 353 - 5761 ; fax : 973 - 353 - 1348 http : / / www . rci . rutgers . edu / ~ crri crri @ andromeda . rutgers . edu ? - - - - - original message - - - - - from : michael a . crew [ mailto : mcrew @ andromeda . rutgers . edu ] sent : wednesday , march 21 , 2001 11 : 08 am to : shirley . crenshaw @ enron . com cc : vkamins @ enron . com ; crri @ andromeda . rutgers . edu ; kleindorfer @ wharton . upenn . edu subject : dinner speaker - may 23 shirley , this is to follow up today ' s conversation with anita . as mentioned paul kleindorfer invited vince to be our dinner speaker on thursday , may 24 . on reflection given the strong line up for wednesday - fred kahn et al - we would very much like vince to be the speaker on wednesday . this will conclude the day very well giving participants a strong incentive to be there for the wednesday . i gather that this change should be acceptable to vince . we will show vince ' s name as follows : wincety j . kaminski managing director - research enron jeremy will be em ailing you the program with this information immediately . we would like to go to press today . failing that we can go to press tomorrow . we would very much appreciate your confirming this and making any corrections or changes . if you would respond to all of us it would be appreciated . michael michael a . crew professor ii director - center for research in regulated industries editor - journal of regulatory economics rutgers university , graduate school of management 180 university avenue newark , n . j . 07102 - 1897 phone : 973 353 5049 fax : 973 353 1348 http : / / www - rci . rutgers . edu / ~ crri - ecol . pdf",0 +"Subject: re : pre - meeting weathereffects site cruise vince , you ' re right . it is wednesday ! see you then . ed - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : thursday , july 06 , 2000 12 : 14 pm to : ekrapels @ esaibos . com cc : vince j kaminski ; mike a roberts subject : re : pre - meeting weathereffects site cruise ed , this is a terrific site . i look forward to another presentation . one question . you mentioned tuesday in our phone conversation . i have the presentation scheduled for wednesday next week . please , double check the time and date . vince "" edward krapels "" on 06 / 30 / 2000 03 : 15 : 43 pm please respond to to : "" ' vince j kaminski ' "" cc : "" jeffrey shorter \ ( e - mail \ ) "" subject : re : pre - meeting weathereffects site cruise sold ! i ' ll initiate the call . - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : friday , june 30 , 2000 3 : 44 pm to : ekrapels @ esaibos . com cc : vince j kaminski subject : re : pre - meeting weathereffects site cruise ed , thursday works for me . what about 10 : 30 my time ? vince "" edward krapels "" on 06 / 30 / 2000 02 : 43 : 00 pm please respond to to : "" ' vince j kaminski ' "" cc : subject : re : pre - meeting weathereffects site cruise how about thursday , july 6 ? - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : friday , june 30 , 2000 3 : 29 pm to : ekrapels @ esaibos . com cc : vince j kaminski subject : re : pre - meeting weathereffects site cruise ed , a correction . i shall spend an entire day at prc ( performance review ) on friday , july 7 . can we do on another day vince "" edward krapels "" on 06 / 30 / 2000 12 : 40 : 59 pm please respond to to : "" ' vince j kaminski ' "" cc : subject : re : pre - meeting weathereffects site cruise i ' ll still be here in boston so we ' d do it over the phone . ok ? - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : friday , june 30 , 2000 12 : 11 pm to : ekrapels @ esaibos . com cc : vince j kaminski subject : re : pre - meeting weathereffects site cruise ed , will you be in houston on that day or we shall do it over the phone ? vince "" edward krapels "" on 06 / 30 / 2000 09 : 13 : 04 am please respond to to : "" ' vince j kaminski ' "" cc : "" jeffrey shorter \ ( e - mail \ ) "" subject : pre - meeting weathereffects site cruise vince , how about a pre - meeting web site cruise on friday , july 7 at 11 am edt ? ed - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : friday , june 30 , 2000 9 : 52 am to : ekrapels @ esaibos . com cc : vince j kaminski subject : re : next visit to houston ed , july 12 , 2 : 30 it is . i would like the pre - meeting site cruise . how can we arrange it ? vince "" edward krapels "" on 06 / 30 / 2000 04 : 00 : 53 am please respond to to : "" ' vince j kaminski ' "" cc : "" jeffrey shorter \ ( e - mail \ ) "" subject : re : next visit to houston vince , we ' re all set for 2 : 30 on july 12 . how about a pre - meeting web site cruise on friday , july 7 at 11 am edt ? ed - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : thursday , june 29 , 2000 5 : 04 pm to : ekrapels @ esaibos . com cc : vince j kaminski ; shirley crenshaw subject : re : next visit to houston ed , wednesday , july 12 , 2 : 300 will work for me . i shall be glad to review your website - - www . weathereffects . com . i shall invite some people who work on electricity in my group to join me . vince "" edward krapels "" on 06 / 29 / 2000 03 : 53 : 40 pm please respond to to : "" ' vince j kaminski ' "" cc : "" jeffrey shorter \ ( e - mail \ ) "" subject : re : next visit to houston vince , good to hear from you and i ' m glad you ' re available . how is wednesday at 2 : 30 ? i did look at eol and am not surprised to see its quality . i was unable to say much about it in my risk electricity hedging and trading report because of deadline pressures . how is the site doing ? i am intrigued by the competition for trading platforms and was astonished to hear that goldman , morgan , bp and shell were going to launch a site to compete with yours . talk about a shotgun marriage ! if we have time next week , i could step you through our website - - www . weathereffects . com . i ' m very proud of what we ' ve done . i can ' t give out a password yet but would be happy to walk through the site with you over the phone using my password . it ' s a very ambitious site - - with state - of - the - art wsi weather ( seasonal , 6 - 10 , and day to day ) driving a good load model for pjm and nepool . esai contributes oil and gas input price forecasts , capacity judgments , and "" herding "" ideas to develop power price forecasts for same time periods . after one month ' s full - bore effort , i ' m pleased with the results ( e . g . , we forecast nepool onpeak to be $ 43 and it turned out $ 46 ) . have a great weekend . ed - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , june 28 , 2000 5 : 29 pm to : ekrapels @ esaibos . com cc : vince j kaminski ; shirley crenshaw subject : re : next visit to houston ed , i shall be available on both days . what about wednesday , july 12 , between 1 : 30 and 4 : 00 . please , let me know what time would work for you . it will be nice to see you again . vince p . s . by the way , did you have a chance to take a look at the eol ? "" edward krapels "" on 06 / 28 / 2000 02 : 49 : 41 pm please respond to ekrapels @ esaibos . com to : vince j kaminski / hou / ect @ ect cc : subject : next visit to houston dear vince , i will be returning to houston during the week of july 10 . esai and weather services international have launched - - after more than 18 months of r & d - - our service , called energycast power trader and energycast gas trader , for power traders in nepool and pjm . i would be happy to review the service with you as well as take you on a tour of our web site . are you available on july 12 - 13 ? sincerely , ed krapels",0 +"Subject: re : monday presentation corrected i made a few changes to make ebs projects slide more uniform and fixed spelling of one name for ena projects slide . - - stinson",0 +"Subject: re : henwood query good talking with you this morning . by all means , talk to grant masson about who else is using the henwood model within enron . attached are the workbooks i mentioned . the "" details of jan and july . xls "" workbook contains the resulting listing from the query i gave you yesterday and you can see how the supply curve was created from that . the supply curve becomes nonsense at points for reasons i believe are related to reliability commitment constrants , instead of pure economic dispatch , and to the aggregate reporting problem i described in my note yesterday . the workbook "" supply curve . xls "" has the simplistic , average supply curve i mentioned , constructed from fuel and vom costs . depending on the question you are trying to answer , it may be an approach to consider . the henwood contacts i had in mind are : tao guo , phd , senior "" algorithmist "" ( 916 - 569 - 0985 )   the one i was thinking of wenxiong huang , phd senior project consultant ( 916 - 569 - 0985 ) ajit kulkarni , phd , software product manager ( 916 - 569 - 0985 )   more a trainer , but sharp cosimo coscia , senior consultant ( south australia ) 618 - 8357 - 1244   very resourceful wade schauer , staff consultant , ( 916 - 569 - 0985 )   best for questions about emss per se all have emails , of course . template : tguo @ hesinet . com also , if you can not get satisfaction , contact eric toolson , vp ( 916 - 569 - 0985 ) . he has a laconic style , but is very focused on customer satisfaction and retention . and he has the pull to make things happen . regards , michael > > > karolina potter / lon / ect @ enron 08 / 24 / 00 07 : 08 am > > > michael , i am an analyst in paul mead ' s continental power trading group in london . i am currently working on the project , which requires the use of emss , and experience some difficulties interpreting the output results . steven leppard from our research group gave me your name as an expert in this system and consequently the person to contact in case of problems . i have been running simulations for the dutch market and was asked to provide the traders with some front - end screen graphs in order to interpret the numerical results . one of the graphs is to show an hourly generation stack and system ' s marginal cost , as we only run cost based scenarios . to sort each station ' s hourly generation i need its marginal cost . to my knowledge though , marginal cost is only generated for a systems marginal unit ( transarea marginal units query , marg _ cost unit ) . therefore i was sorting the stations according to the cost which i calculated based on the outputs from station detail by hour query . the calculation was as follows : for each hour , for each generating station : "" marginal cost "" [ o / mwh ] = ( generation _ cost [ oo 00 ] * 1000 ) / generation [ mwh ] - vom _ cost [ o / mwh ] this i thought would include fuel cost and start up costs . however , a marginal station which i get on the stack as a result of the above calculation is not a station given in marginal station field in transarea marginal units query . i have also looked into transarea _ data _ hr table and transarea _ data table but non of the costs there match my results . do you happen to know what formula is used to determine marg _ cost and which outputs i should be using to obtain the right results ? it might be easier if we could discuss this issue on the phone . in this case could you please send me your direct telephone number . i am struggling understanding what is going on and would appreciate your help very much . regards karolina - text . htm - details of jan and july . xls - supply curve . xls",0 +"Subject: re : fea announces the release of @ energy 2 . 0 thanks a lot , chris . yes , we only have one shared network license . zimin from : chris jeska / enron @ enronxgate on 02 / 15 / 2001 04 : 34 pm to : zimin lu / hou / ect @ ect cc : subject : re : fea announces the release of @ energy 2 . 0 zmin , i spoke with the provider of this software . am i to understand that there is only one concurrent user server licence for this software ? i am almost completed and would like to test this out . let me know , thanks . chris 57004 - - - - - original message - - - - - from : lu , zimin sent : tuesday , february 06 , 2001 10 : 27 am to : jeska , chris subject : fea announces the release of @ energy 2 . 0 here we go again . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 02 / 06 / 2001 10 : 25 am - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 02 / 06 / 2001 08 : 51 am to : chris jeska / na / enron cc : subject : fea announces the release of @ energy 2 . 0 - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 02 / 06 / 2001 08 : 49 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 01 / 31 / 2001 11 : 20 am to : zimin lu / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : fea announces the release of @ energy 2 . 0 zimin , please , take a look at it . i think we should download the update . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 31 / 2001 11 : 21 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" michelle mendoza "" on 01 / 26 / 2001 02 : 33 : 14 pm to : cc : subject : fea announces the release of @ energy 2 . 0 january 26 , 2001 vince kaminski enron north america corp . 1400 smith street 30 th floor , rm . 3036 b houston , tx 77251 - 1188 1 713 - 853 - 3848 dear vince kaminski , this is to inform you of the release of @ energy 2 . 0 . ftp download instructions are available immediately . the download instructions are included at the end of this email . your cd ' s and manuals will be shipped to you within 2 weeks . please see below for more information regarding this new release . please confirm that you are the correct recipient for this shipment and your address above is correct by clicking reply and send . if any changes need to be made , please make the changes above and reply . * * warning : please note that if you did not received a license key for @ energy after june 2000 , you will need to contact support @ fea . com or call 510 . 548 . 6200 to obtain a new license key to enable the new version . * * * * swing users : @ energy / swing now replaces the "" swing "" product . see the @ energy user manual for a discussion of the changes . contact fea for the necessary license keys . you will be able to run both the new and old swing simultaneously . heres an overview of the new and changed features since version 1 . 6 : @ energy ( forward curve ) jump parameters are now calibrated for use in other @ energy functions . inputs and outputs to powercalib and comcalib have changed . see the corresponding function syntax in the user guide for additional information . 35 - 40 % speed improvement . the module is now out of beta . @ energy ( basics ) different interpolation schemes on forward prices are now supported . if you use indexswap , exoticswap , or optindexswap with floating price linked to a series of futures dates , such futures dates need not be close to dates specified in the forward curve input . a new utility function , pathutil , allows you to simulate and visualize price paths consistent with the models supported by @ energy . 25 - 30 % speed improvement . @ energy ( advanced ) different interpolation schemes on forward prices are now supported . if you use optdiffswap or diffswap with floating price linked to a series of futures dates , such futures dates need not be close to dates specified in the forward curve input . calspreadopt now allows for the specification of two different mean reversion rates . 30 - 35 % speed improvement . @ energy ( swing ) swingopt and stripswingopt now allow for valuation of swing straddle contracts with overall load constraints . 65 - 70 % speed improvement . the module is now out of beta . @ energy ( weather ) 30 - 35 % speed improvement . if you have any questions please feel free to contact us . we appreciate this opportunity to be of continuing service to enron north america corp . . regards , michelle mendoza support @ fea . com + 1 - 510 - 548 - 6200 financial engineering associates , inc . ( fea ) * * * * * * * * * * * * * * * * * * * * * * * * * * * * * to download @ energy 2 . 0 via ftp , follow the following instructions : note : using explorer leads to unpredictable results , so we suggest using netscape or a dos shell . using netscape : in the location box type : ftp : / / energy @ ftp . fea . com password : 2 rbzxgv 5 energy - 2 . 0 - win 32 . exe is for windows 95 / 98 / 2000 / nt . download and run on a local drive . using a dos shell : at a dos prompt type : ftp ftp . fea . com user : energy password : 2 rbzxgv 5 type "" binary "" and hit ' return ' . type "" ls "" for a list of available files . type "" get "" energy - 2 . 0 - win 32 . exe and and wait for the ftp > prompt . type "" quit "" . the file will be downloaded into the directory at which you entered the ftp site . double click on the exe and follow the instructions on the screen .",0 +"Subject: re : check vince , ? please find attached an invoice that was sent to habiba back in september . ? thanks , julie - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : julie @ lacima . co . uk cc : vince . j . kaminski @ enron . com sent : wednesday , november 01 , 2000 2 : 43 pm subject : re : check julie , yes , ? this is how we split this expense internally . please , send it to me . vince "" julie "" on 10 / 31 / 2000 01 : 57 : 55 am to : ? ? cc : subject : ? re : check vince , oh . i sent an invoice to habiba for aus 5 k a while back , and she ? informed me that she passed it along to the people who are handling the ? agreement now ( i take that as fiona grant in london ? ) . i will then send ? out another invoice of aus 5 k in the next week or so for the remaining ? balance . should i have sent the invoice to you ? thanks , julie - - - - - original message - - - - - from : ? vince . j . kaminski @ enron . com to : julie @ lacima . co . uk cc : vince . j . kaminski @ enron . com sent : monday , october 30 , 2000 9 : 12 ? pm subject : re : check julie , a clarification . we had an agreement with ? chris and les to contribute aus 10 , 000 as a part of the ? cost . vince "" julie "" on 10 / 30 / 2000 ? 12 : 32 : 14 pm to : cc : subject : ? re : check vince , thank you for your email . we ? will send you a copy of the book as soon as it is available , which we are ? now estimating to be around 21 november ( no need to send us a cheque ; you ? deserve it ) . just let us know if we should use a different address than ? your office in houston . thanks again for all of your ? help . julie - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : ? julie @ lacima . co . uk cc : vince . j . kaminski @ enron . com sent : ? monday , october 30 , 2000 2 : 16 pm subject : ? check julie , this message was returned to me a few times ? when i sent it from my ? home address . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by ? vince j kaminski / hou / ect on 10 / 30 / 2000 08 : 00 am ? - - - - - - - - - - - - - - - - - - - - - - - - - - - vkaminski @ aol . com on 10 / 28 / 2000 ? 12 : 12 : 57 pm to : julie @ lacima . co . uk cc : vkaminski @ aol . com , vkamins @ enron . com subject : ? check julie , as the book is about to be released to ? the market , i would like to start the process to issue the check ? to lacima . who will be the payee ( lacima ) and what is the ? address ? vince - enron 202 _ 18 _ 09 _ 00 . doc",0 +"Subject: calculating bid - ask prices this is about enron movie trading business where we are a market maker for trading future of a movie ' s gross box office receipt . rich sent to many people a writing explaining his movie trading idea and asked us to provide some feedback . i think the idea ( see below ) might be applicable to other parts of enron . we can call it "" dynamic bid - ask price process "" . in fact , we can set that the bidding period is closed when no new bid is submitted to the system within a specified amount of time . the final ( clearing ) bid and ask prices are just the last "" tentative "" price shown to the public before the bidding period ends . ( so the customers can see the final price before the market close and can revise their bids if they wish . ) i think this method is suitable for illiquid products to be traded via enrononline . com . - chonawee - - - - - - - - - - - - - - - - - - - - - - forwarded by chonawee supatgiat / corp / enron on 04 / 24 / 2001 07 : 48 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - chonawee supatgiat 04 / 24 / 2001 07 : 40 pm to : richard dimichele / enron communications @ enron communications cc : chonawee supatgiat / corp / enron @ enron , cynthia harkness / enron communications @ enron communications , greg wolfe / hou / ect @ ect , james ginty / enron communications @ enron communications , jim fallon / enron communications @ enron communications , kelly kimberly / enron communications @ enron communications , kevin howard / enron communications @ enron communications , key kasravi / enron communications @ enron communications , kristin albrecht / enron communications @ enron communications , kristina mordaunt / enron communications @ enron communications , martin lin / contractor / enron communications @ enron communications , paul racicot / enron communications @ enron communications , zachary mccarroll / enron communications @ enron communications , martin lin / contractor / enron communications @ enron communications subject : calculating bid - ask prices i think we should let the price float with the market instead of trying to forecast it . otherwise , if our forecast is not consistence with the market , we may have an imbalance in the bid - ask orders and we may end up taking some positions . you know , as russ and martin pointed out , we cannot fight with the studio and exhibitors because they have inside information and can game the price easily . one way to ensure the balance of the bid - ask orders is to embed an exchange system inside our bid - ask prices front end . each week , we have a trading period . during the period , instead of posting bid - ask prices , we post "" tentative "" bid - ask prices , then we ask our customers to submit their acceptable buying or selling price . these "" tentative "" bid - ask prices get updated and are shown to the public . of course , customers can revise / withdraw their bids anytime during the trading period . at the end of the period , we calculate and post the final bid and ask prices . the seller who submits lower selling price than our final bid price gets paid at the bid price . the buyer who submits higher buying price than our final ask price pays at the ask price . next week , we repeat the same process . this way , we can manage our positions easily and we can also behave like a broker where we don ' t take any position at all . we make profit from those bid - ask spread . we don ' t have to worry about forecasting accuracy and insiders ' trading because we don ' t have to take any position . let the market be the one who decides the price . if we maintain our net position as zero , at the end , when all the actual gross box office numbers are reported in those publications , our customers with open long / short positions are perfectly matched . using the mark - to - market charge can reduce credit risk . thanks , - chonawee - - - - - - - - - - - - - - - - - - - - - - forwarded by chonawee supatgiat / corp / enron on 04 / 24 / 2001 07 : 24 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - chonawee supatgiat 04 / 20 / 2001 04 : 31 pm to : richard dimichele / enron communications @ enron communications , key kasravi / enron communications @ enron communications cc : martin lin / contractor / enron communications @ enron communications subject : some more input hi rich and key , again i think your idea is very good . i think that we , as a market maker , can reduce our credit risk ( risk of default ) if we do the "" mark - to - market "" charging . that is , each week when we release a new expected value of the gross box office receipt , we balance all the opening positions the same way as in a regular future market . this way , we can give margin calls to the couterparties who are expected to owe us a lots of money . in the last paragraph , i think the gross box office can also be determined from the market itself ( i . e . , if there are lots of buyers , our offer price should go up . ) we can offer other derivative products such as options as well . - chonawee",0 +"Subject: re : alpbacher finanzsymposium 2000 - invitation for a speech on "" weatherderivatives "" dear mr . enthofer , i regret to decline your kind invitation to speak at the alpbacher finanzsymposium . i have another engagement in the beginning of october in paris . vince kaminski finance trainer on 05 / 30 / 2000 08 : 02 : 42 am to : "" ' vkamins @ enron . com ' "" cc : subject : alpbacher finanzsymposium 2000 - invitation for a speech on "" weatherderivatives "" dear mr . kaminski ! we are the organizer of the alpbacher finanzsymposium which is a top event for austrian corporate and banking executives every year and takes place in the mountains of tirol from 4 th to 6 th of october 2000 . it hosts approximately 500 participants . this year ` s topic is "" balance sheet protection "" . we kindly ask you , if you are interested in presenting "" your latest research into the application of weather risk management techniques "" at the symposium . date and location : friday , october 6 th 2000 , 9 . 30 a . m . alpbach - tirol , congress centrum . we would highly appreciate to welcome you in alpbach in october - please give us notice as soon as possible . we will come back to you with organizational details . yours sincerely hannes enthofer hannes enthofer finance trainer international gmbh am hundsturm 11 a - 1050 wien tel : + 431 5455277 - 0 fax : + 431 5455277 - 20 e - mail : enthofer @ financetrainer . com web : www . financetrainer . com",0 +"Subject: visiting enron may 4 th vince ( and shirley and melinda ) , thanks so much for including me in this meeting with stanford engineering - - - unfortunately , i ' m committed to participate in the enron law conference in san antonio that entire day . thanks ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 04 / 09 / 2001 03 : 16 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 04 / 09 / 2001 01 : 21 pm to : christie patrick / hou / ect @ ect cc : melinda mccarty / corp / enron @ enron subject : visiting enron may 4 th christie / melinda : can christie meet with susan and vince on friday , may 4 th from 1 : 30 - 3 : 00 ? please let me know . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 09 / 2001 01 : 15 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 09 / 2001 01 : 18 pm to : shirley crenshaw / hou / ect @ ect cc : subject : visiting enron may 4 th shirley , fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 09 / 2001 01 : 19 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" susan c . hansen "" on 04 / 06 / 2001 06 : 14 : 10 pm to : vince . j . kaminski @ enron . com cc : clovell @ stanford . edu , donna lawrence , hillh @ stanford . edu , bambos @ stanford . edu subject : visiting enron may 4 th dear vince , this is great news ! donna and i are delighted that you have time to see us on may 4 th . i ' ll be out of the office next week . by copy of this email to my assistant , carol lovell , i will ask her to get in touch with shirley for scheduling as well as directions on where to meet you . we ' ll be glad to meet with christie patrick as well . looking forward to meeting you , susan at 05 : 36 pm 4 / 6 / 01 - 0500 , you wrote : > susan , > > thank you for your message . i shall be glad to meet with you on may the > 4 th . > i shall ask my assistant , shirley crenshaw ( 713 ) 853 5290 , to call you to > set up the meeting . > > also , for your information , we have recently set up a special unit to > coordinate enron ' s > relationships with the universities . the person running this unit is > christie patrick . > please , feel free to contact her and give my name as a reference . i shall > coordinate the meeting > on may the 4 th with her . > > vince > > > additional information re christie : > > phone : ( 713 ) 853 - 6117 > > email : christie _ patrick @ enron . com > > > > > > "" susan c . hansen "" on 04 / 03 / 2001 04 : 33 : 54 pm > > to : vkamins @ enron . com > cc : > subject : visit from stanford ? > > > dear dr . kaminski , > > let me briefly introduce myself , i am the director of corporate relations > for the school of engineering at stanford university . in this role , i am > always on the watch for ways to bring our faculty together with companies > that have an appetite for engagement with top tier research institutions . > > i believe you know hill huntington , who is a senior researcher with > stanford ' s energy modeling forum . he suggested i get in touch with you for > some ideas about contacts at enron . i ' m in the process of planning a trip > to texas in early may along with my colleague donna lawrence , the > university ' s director of corporate relations . we were hoping to be able to > include a stop at enron on our itinerary . right now it appears that friday , > may 4 th would work best for us but we ' re at the very beginning of our trip > planning . > > the purpose of our visit would be to review the current relationship > between enron and stanford , to give you an overview of current priorities > in the school of engineering , and ask for your help in identifying the best > points of contact . > > i look forward to hearing from you about your availability , > > sincerely , > susan hansen > > > > > susan c . hansen > director , corporate relations > school of engineering > stanford university > stanford , ca 94305 - 4027 > ( 650 ) 725 - 4219 susan c . hansen director , corporate relations school of engineering stanford university stanford , ca 94305 - 4027 ( 650 ) 725 - 4219",0 +"Subject: re : martin lin stinson , thank you for following up promptly with support on martin lin . i spoke with vince regarding a conversation i had with compenstation yesterday . compensation has recently comleted an analysis for vince ' s group and determined that the appropriate salary for managers in research should be 90 , 000 . the following will be his pay structure : effective august 1 , 2000 job title manager base salary $ 90 , 000 retention bonus $ 10 , 000 ( ending 8 / 1 / 2001 ) please provide a job title that you would feel appropriate for this positon . if you would like to discuss please let me know . norma x 31545 stinson gibner 08 / 23 / 2000 08 : 46 am to : norma villarreal / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : martin lin norma , thanks for your excellent suggestion of using a retention bonus for martin lin in order to address both the issues of compensation and retention for him . as i mentioned during our meeting , just my small team within research has lost 3 people over about the last 2 years , and we have had a hard time recruiting good candidates . last year we made an offer to a person graduating from ut ( ms in computational finance ) of 75 k plus 25 k signing bonus . he replied that he would like to work at enron but was already in the position of turning down an offer with a base salary above $ 100 k . martin is a very skilled individual with a ph . d . in electrical engineering and almost two years experience at enron . he would be very difficult ( and expensive ) to replace . for this reason i feel it necessary to be proactive in finding ways of retaining him as an employee . please let me know if we have a green light to go forward with a 1 - year retention bonus of 10 k and a raise to 87 k base salary for mr . lin . i would plan to then give martin an additional raise at his next review period . regards , stinson x 34748",0 +"Subject: rice / enron finance seminar series enron seminar series in finance jones graduate school of management , rice university paul schultz university of notre dame will give a seminar at the jones school on friday , march 30 , ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ?  & who makes markets  8 the seminar will begin at 3 : 30 in room 115 . the paper will be made available shortly .",0 +"Subject: tage resume submittal i have no need at this time for external people . thanks for thinking of berney and me . regards , ed - - - - - - - - - - - - - - - - - - - - - - forwarded by ed mcmichael / hou / ect on 11 / 25 / 2000 08 : 47 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : berney c aucoin 11 / 21 / 2000 01 : 15 pm to : ed mcmichael / hou / ect @ ect cc : subject : tage resume submittal let vince know if you ' re interested in this person . bern - - - - - - - - - - - - - - - - - - - - - - forwarded by berney c aucoin / hou / ect on 11 / 21 / 2000 01 : 13 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 11 / 21 / 2000 11 : 43 am to : berney c aucoin / hou / ect @ ect , wanda curry / hou / ees @ ees cc : subject : tage resume submittal please , take a look at the lst resume and let me know what you think ( shelly wood ) . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 21 / 2000 11 : 50 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" pj "" on 11 / 15 / 2000 01 : 58 : 46 pm to : "" vince j kaminski "" cc : subject : tage resume submittal vince , two candidates for your review . please call me . ? paul johnson , cpc president ( 281 ) 497 - 8595 ? please visit our website ? www . austingrp . com - wood , shelly . doc - jpbresume 2 . doc",0 +"Subject: computerworld article fyi : several errors like ' brokering ' in the report but given the fact that the guy had no clue what enron does or companies like it do , this came out okay . in all of the pr group ' s marketing effort , enron as a market - maker is the message . ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 05 / 01 10 : 54 am - - - - - shelly mansfield 02 / 05 / 01 10 : 49 am to : ravi thuraisingham / enron communications @ enron communications cc : subject : computerworld article shelly mansfield enron broadband services 713 - 853 - 4589 office 713 - 646 - 8887 fax 877 - 929 - 7889 pager 713 - 303 - 4720 cellular - - - - - forwarded by shelly mansfield / enron communications on 02 / 05 / 01 10 : 51 am - - - - - norman levine 02 / 05 / 01 10 : 08 am to : shelly mansfield / enron communications @ enron communications cc : subject : computerworld article following is the computerworld article : link : enron seeks to broker storage deals between users , ssps by lucas mearian while technology service providers have long been talking about data storage as a utility that should be sold in the open marketplace like electricity or natural gas , little has been done to pool market resources in order to hawk surplus disk - array capacity . but that ' s exactly what a subsidiary of houston - based energy and communications conglomerate enron corp . is doing by launching a business - to - business exchange that it said will seek to match spare capacity owned by storage service providers ( ssp ) with corporate users who want to be able to quickly scale up and down the amounts of storage they have available . enron broadband services this week announced that it has already signed a deal with waltham , mass . - based storagenetworks inc . and is negotiating similar agreements with at least six other ssps . if successful , analysts said , enron ' s business proposition could go far toward generating a set of operating standards for the emerging ssp business . "" it ' s a market with mix of small and large players and companies that define their roles differently , "" said ken weilerstein , an analyst at gartner group inc . in stamford , conn . enron ' s plan also could help enterprise - level users get additional benefits along with the storage capacity they ' re renting , such as security and disaster recovery support , he added . ravi thuraisingham , director of global bandwidth risk management at enron broadband services , said the new offering won ' t include additional security features . but enron does plan to standardize on a set of ssp services and bundle them with disaster recovery and communications bandwidth capabilities , he said . initially , enron - - which had total revenue of $ 101 billion last year - - expects to charge users monthly fees of $ 25 to $ 55 per gigabyte of managed storage , depending on market conditions and the length of time a company expects to need the capacity . "" we ' re there to try to discover a market clearing price , "" said thuraisingham , adding that the service is tentatively due to go online in the third quarter . enron said it has already signed best buy co . , one of the leading retailers of consumer electronics , computers and software in the u . s . , to buy the storage capacity it needs to support a customer relationship management application through storagenetworks . connecting users such as best buy to available storage could take anywhere from three days to three months , according to thuraisingham . under enron ' s plan , storage capacity owned by participating ssps will be connected to an existing network of switching hubs through which the company currently trades telecommunications bandwidth . enron said it has 18 switching centers , or "" pooling points , "" in the u . s . , and another seven overseas . at first , the company plans to focus its attention on ssps in boston and other metropitan areas where the necessary networking plumbing can be easily installed . but even there , thuraisingham said , enron is "" pretty much in the initial stages of getting ssps up to speed on what the market is about . "" enron has been managing online trades of telecommunications bandwidth since the spring of 1999 . later that year , it also launched a web site called enrononline that oversees the trading of natural gas , electricity and other commodities . that quickly became the world ' s largest e - commerce site and is now said to be processing more than $ 1 billion worth of transactions daily . norman levine enron broadband services 713 - 853 - 5010 norman _ levine @ enron . net",0 +"Subject: contact details dear mr . kaminski it was good talking to you and i would like to thank you for your interest in riskcare and willow . as discussed , i will contact you feb 1 to arrange a meeting . in the meantime please don ' t hesitate to contact me if you have any further questions . regards manuel manuel rensink riskcare limited piercy house 7 copthall avenue london ec 2 r 7 nj tel : + 44 ( 0 ) 207 562 3414 email : mrensink @ riskcare . com http : / / www . riskcare . com",0 +"Subject: @ ect . enron . com email notification ! we are one @ enron . com ! please be aware of the following senders were automatically notified to ( a ) . stop sending internet mail to your @ ect . enron . com address and to ( b ) . send future internet communications to vince . j . kaminski @ enron . com : jim . dyer @ bus . utexas . edu , john @ sava . com reminder : your @ ect . enron . com address should not be used any longer and will be deactivated soon . so please make sure these contacts switch to your new @ enron . com address . if you have subscribed to mailing lists , please make sure to update your addresses there as well . and your shortname @ enron . com address ( i . e . jsmith @ enron . com ) will continue to work , even though your formal address is longname @ enron . com ( i . e . john . smith @ enron . com ) please do not reply to this message as it was automatically generated .",0 +"Subject: new frbny research : 5 / 3 now available at the new york fed ' s research site : "" stocks in the household portfolio : a look back at the 1990 s , "" by tracy and schneider ( current issues 7 , no . 4 ) "" currency orders and exchange - rate dynamics : explaining the success of technical analysis , "" by osler ( staff report 125 ) "" recent changes in the u . s . business cycle , "" by chauvet and potter ( staff report 126 ) u . s . and global economies charts , updated every wednesday in addition , the foreign exchange committee ' s 2000 annual report is now available research home page http : / / www . newyorkfed . org / rmaghome feel free to forward these messages . to unsubscribe , contact listserv @ peach . ease . lsoft . com . in the e - mail , type : signoff frbnyrmagl . for more details : http : / / www . newyorkfed . org / rmaghome / subscribe / subscribe . html . ? this notification service is provided to you free of charge . by subscribing to the service and providing your e - mail address , you agree to waive any claim against the federal reserve bank of new york for any messages that you may receive by reason of your subscription to this service and / or any resultant harm to you and / or your computer from receipt of such messages . ? the federal reserve bank of new york assumes no responsibility for any inaccuracies in any messages you may receive as a result of your subscription to this service .",0 +"Subject: request submitted : access request for maureen . raymond @ enron . com vince : maureen needed this access for her new lap top so she can take it with her on vacation . there was no one here to approve it , so i approved it for you . hope that was ok . have a great time ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 11 / 15 / 2000 01 : 51 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - arsystem @ mailman . enron . com on 11 / 15 / 2000 01 : 18 : 27 pm to : shirley . crenshaw @ enron . com cc : subject : request submitted : access request for maureen . raymond @ enron . com you have received this email because the requester specified you as their vp . please click approval to review and act upon this request . request id : 000000000007498 request create date : 11 / 15 / 00 1 : 14 : 32 pm requested for : maureen . raymond @ enron . com resource name : vpn resource type : applications",0 +"Subject: ena analyst and associate "" brownbag "" presentations it is the intent of the office of the chairman to maintain a high quality flow of analysts and associates rotating through enron north america as well as provide them with up to date information on all the potential rotations in ena . additionally , we would like to provide the ena aa ' s a forum for your respective groups to promote your business unit as a viable alternative in the rotation process . i need your assistance for this endeavor and want your respective business unit to participate in the process by delivering an informal presentation to the aa group which should include the following : your business unit ' s current activities , purpose and interfaces with other departments recent successes and current projects ideas on the horizon opportunities in your business unit for aa ' s the benifits of rotation in your business unit an open q & a session these presentations should be informal and it is not necessary to have handouts . the goal is to provide an open forum for the aa ' s and to have them ask questions about each business unit . also , bringing one of your current aa ' s with you to provide their insight might help stimulate discussion . ted bland will be contacting you to schedule your business unit for a presentation . the first "" brownbag "" will take place september 8 between 12 : 00 pm and 1 : 00 pm in room 30 cl . dave",0 +"Subject: electricity prices vince , please find attached electricity prices file , let me know if you need any additional information . sincerely , elena",0 +"Subject: latest update on bp margin collar deal - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 11 / 10 / 2000 11 : 56 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : lee jackson 11 / 10 / 2000 10 : 40 am to : bob lee / na / enron @ enron , zimin lu / hou / ect @ ect cc : douglas s friedman / hou / ect @ ect subject : margin collar i wanted to give you the status on the bp margin collar deal . we submitted a bid to bp yesterday where bp would pay enron just under $ 5 mm to assume the contract . we have yet to have further discussions , so there ' s not much more to report than that . we greatly appreciate your help on this project . i feel like we put together a very good bid , and measured the risks appropriately with limited time . i will keep you informed of how the negotiations proceed . thanks again , lee jackson",0 +"Subject: update on ut - enron activities : my conversation with rick causey vince , good morning . as you may know , last thur . enron honored this year ' s recipients of the enron mba excellence fund scholars at a dinner in austin . in addition to the three recipients , business school dean may and several of my colleagues , enron attendees included sally beck , cindy justice , karen marshall ( newly - appointed coordinator of higher education initiatives for enron community relations dept . ) and rick causey . i write you at this time to advise you i had occasion to discuss two current enron / ut issues with rick : i . spring 2001 conference participation by jeffrey k . skilling ii . ut participation in enrontraining activities per my conversation with rick last thur . , i followed up on that discussion with an e - mail this morn that touched on those two topics . i . with respect to the first , i wrote rick this morning that : 1 . we at the ut center for energy finance education and research ( cefer ) are planning a practitioner - industry conference in spring 2001 ( late feb . or early march ) to discuss four topics : risk management , deregulation , real options , and international / globalization . 2 . the conference will kick off with a dinner / keynote address thur . evening , then continue all day fri . 3 . i have had several discussions with you regarding conference timing , structure , participation and content . 4 . further to rick ' s agreement to do so during our discussion last thur . , in today ' s e - mail i asked rick to extend an invitation to jeff skilling to be the keynote speaker at the thur . evening dinner . ii . with respect to the second topic , rick and i also discussed ut partcipation in enron corp . internal training for incoming enron corp . analysts and associates . consequently , i e - mailed rick this morning a specific set of issues - - "" valuation and risk management in energy markets "" - - which my ut colleagues and i have covered in public as well as customized exec ed settings , and which we would be pleased to customize for presentation at enron . fyi , i am enclosing a copy of said topics at the end of this e - mail . i look forward to seeing you again soon , and to your ut visit on 10 / 11 . best , ehud training program : "" valuation and risk management in energy markets "" target audience : associates , analysts , traders , marketing / sales , risk managers , financial analysts program objectives : 1 . understanding the physical and financial u . s . markets for electricity and natural gas 2 . understanding the structuring , reverse engineering and valuation of exchange - traded and otc energy derivatives , including "" exotic "" options , structured products , and spread and basis products 3 . promoting a common language between trading and marketing personnel regarding valuation and hedging of structured products 4 . risk - management program contents : i . "" electricity 101 "" - - problems in pricing - - spot markets - - forward markets - - trading : basis , fixed - price , volatility - - markets : characteristics and participants ii . valuation / structuring / hedging 1 . fundamentals of forwards and futures contracts : - - forward contracts : definition , payoff diagram , pricing by arbitrage - - futures vs . forwards - - commodity futures - - swaps - - constructing forward curves : contrast with price forecast ; using the spark spread ; incorporating regional bases 2 . introduction to option pricing : - - payoffs - - put - call parity - - binomial model - - black - scholes formula - - option "" sensitivities "" ( the "" greeks "" ) ; delta and gamma 3 . uniqueness of energy derivatives : - - "" term structure "" of volatility - - convenience yield / seasonality - - basis 4 . estimating volatility in energy markets : - - estimating volatility in financial markets - - hourly vs . daily vols - - historical or implied vols ? - - characterizing the volatility "" surface "" across time and strike 5 . design and valuation of structured products in commodity markets : - - valuation of european call options in energy markets - - average options on oil futures contracts - - spread and basis products - - "" swing "" options in power markets - - weather derivatives 6 . risk - management - - motivation for structured trades - - valuation of real options ( e . g . , valuation of power plant or gas field ) - - value - at - risk ( one - and multi - factor models ) - - repowering option 7 . advanced topics ( for qualified audiences ) - - relationship between forward prices and expected spot prices - - the importance of hedging volatility changes - - consistent method for estimating hourly , daily and monthly term structures of volatility - - practical alternatives to vega - hedging - - applying options theory to the valuation of power plants - - valuation of "" swing "" options under ruthless and non - ruthless exercise ehud i . ronn professor of finance and jack s . josey professor in energy studies director , center for energy finance education and research mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: re : trading ag prods . vince , just wanted to let you know that i have done some preliminary , high level , research into this commodity and would be glad to share it . please let me know if you would be interested in it . thank you . shalesh ganjoo vince j kaminski @ ect 05 / 01 / 01 10 : 20 am to : shalesh ganjoo / enron communications @ enron communications @ enron cc : elsa piekielniak / corp / enron @ enron subject : re : trading ag prods . shalesh , a good idea . i shall forward it to the ag traders . vince from : shalesh ganjoo @ enron communications on 05 / 01 / 2001 10 : 12 am to : nelson neale / na / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : trading ag prods . nelson , i know you are focusing on agricultural products for trading , so i just wanted to know if we are looking at wool . i know that it ' s traded in australia and new zealand , so we might be able to look into it as well . please let me know . thank you . shalesh ganjoo ",0 +"Subject: program donna , i am sending you , as promised , the outline of the project . in case you have a difficulty opening the attachment , i cc my assistant . she will be able to fax it to you on monday . vince - 2001 field application form 2 . doc",0 +"Subject: fw : fea announces the release of @ energy 2 . 1 . chris , fea just released a new version of @ energy 2 . 1 . could you update it with the new version ? hopefully it will not take you too much time . as always , i value your work and appreciate your help . zimin - - - - - original message - - - - - from : kaminski , vince j sent : tuesday , may 15 , 2001 8 : 37 am to : lu , zimin subject : fw : fea announces the release of @ energy 2 . 1 . - - - - - original message - - - - - from : "" erin hopkins "" @ enron [ mailto : imceanotes - + 22 erin + 20 hopkins + 22 + 20 + 3 cerin + 40 fea + 2 ecom + 3 e + 40 enron @ enron . com ] sent : monday , may 14 , 2001 5 : 47 pm to : kaminski , vince j subject : fea announces the release of @ energy 2 . 1 . 05 / 14 / 2001 enron north america corp . vince kaminski 1400 smith street 30 th floor , rm . 3036 b houston , tx 77251 - 1188 1 713 - 853 - 3848 dear vince kaminski , this is to inform you of the release of @ energy 2 . 1 . ftp download instructions are available immediately . the download instructions are included at the end of this email . please see below for more information regarding this new release . . fea is pleased to enclose your new version of @ energy / erglib . the accompanying documentation contains installation and other information . here is an overview of the new and changed features since version 2 . 0 . @ energy ( forward curve ) no change . @ energy ( basics ) a control variate methodology hull ( 1997 ) has been implemented for valuation of american options ( opt ) , black and mean - reverting models . it greatly improves accuracy at minimal cost in speed . all models now supports new scalar risk measures corresponding to parallel displacement delta , hedge , and gamma . average price / strike options now support an alternative way of computing theta . the definition of gamma curves has been modified for all models . @ energy ( advanced ) a faster and more accurate methodology is used to value spread options . models affected are spreadopt , stripspreadopt , optspreadopt , optstripspreadopt . the new methodology dramatically improves speed . all models now supports new scalar risk measures corresponding to parallel displacement delta , hedge , and gamma . average price / strike options now support an alternative way of computing theta . the definition of gamma curves has been modified for all models . @ energy ( swing ) the definition of gamma curves has been modified for all models . @ energy ( weather ) no change . see the file fea \ energy \ ergnote . txt in your distribution for a list of bug fixes . here is an overview of the new and changed features since version 1 . 6 . @ energy ( forward curve ) jump parameters are now calibrated for use in other @ energy functions . inputs and outputs to powercalib and comcalib have changed . see the corresponding function syntax in the user guide for additional information . 35 - 40 % speed improvement . the module is now out of beta . @ energy ( basics ) different interpolation schemes on forward prices are now supported . if you use indexswap , exoticswap , or optindexswap with floating price linked to a series of futures dates , such futures dates need not be close to dates specified in the forward curve input . a new utility function , pathutil , allows you to simulate and visualize price paths consistent with the models supported by @ energy . 25 - 30 % speed improvement . @ energy ( advanced ) different interpolation schemes on forward prices are now supported . if you use optdiffswap or diffswap with floating price linked to a series of futures dates , such futures dates need not be close to dates specified in the forward curve input . calspreadopt now allows for the specification of two different mean reversion rates . 30 - 35 % speed improvement . @ energy ( swing ) swingopt and stripswingopt now allow for valuation of swing straddle contracts with overall load constraints . 65 - 70 % speed improvement . the module is now out of beta . @ energy ( weather ) 30 - 35 % speed improvement . see the file fea \ energy \ ergnote . txt in your distribution for a list of bug fixes . if you are a user of the erglib library , please be aware of possible backward compatibility issues in calls to eapo , easo , espreadapo , espreadaso , and ecrackapo . see fea \ energy \ ergnote . txt for additional details . here is an overview of the new and changed features since version 1 . 5 . @ energy ( basics ) european options and strips of european options now support valuation via a jump diffusion model ( see opt and stripopt functions ) . average price options ( see the apo , spreadapo , crackapo functions ) , and average strike options ( see the aso , spreadaso functions ) now allow for a direct input of the fixing dates . @ energy ( advanced ) includes two new functions , optstripopt and optstripspreadopt for valuation of complex compound options . if you are a user of the erglib library , please be aware of backward compatibility issues in calls to eapo , easo , espreadapo , espreadaso , and ecrackapo . see fea \ energy \ ergnote . txt for additional details . here is an overview of the new and changed features since version 1 . 4 . @ energy ( forward curve ) @ energy ( forward curve ) is the new module which includes functions designed to generate forward curves , volatility curves and mean reversion rates used in many other @ energy functions . module in beta release . @ energy ( basics ) apo ' s and aso ' s : bug fixed when avg _ starts prompt . type "" quit "" . the file will be downloaded into the directory at which you entered the ftp site . double click on the exe and follow the instructions on the screen . there is also a readme file which contains installation instructions . you may wish to print this out for easy reference . n . b . : the password is only valid until the first friday of next month . if you have any questions please feel free to contact us . we appreciate this opportunity to be of continuing service to enron north america corp . . regards , erin hopkins administrative assistant financial engineering associtates , inc . tel : + 1 . 510 . 548 . 6200 mailto : info @ fea . com or mailto : support @ fea . com",0 +"Subject: re : resume i appreciate your recommendation of van for a summer internship with enron . i have communicated with van and let her know that she will have a place on our interview schedule at rice . i will keep you updated regarding the status of van ' s application . thank you , christy young recruiter enron vince j kaminski 01 / 17 / 2000 07 : 39 am to : christy young / hou / ect @ ect , beth miertschin / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect subject : resume christy and beth , van worked with us during the summer and over the winter break . she did an outstanding job . i would like to recommend her for another summer internship and also keep her in mind for the future employment . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 17 / 2000 07 : 38 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" van t . ngo "" on 01 / 16 / 2000 06 : 00 : 57 pm to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : resume dear vince , please find attached a copy of my resume . i have talked with christy young and beth miertschin , the college recruiters for the a of those , i would be most interested in one of the "" finance rotations . "" i would be happy to explore one of the number of groups within this area . ( please let me know if this is sufficient or if you will need me to give more specific indication of which department i would like to be considered for an internship . ) i greatly appreciate your consideration regarding my job opportunities with enron . please let me know if there is anything else i can do to facilitate this process . i look forward to our meeting again . sincerely , van ngo p . s . shirley , i have mailed to you my parking permit . please contact me if you had any problems with it . - myresume . doc",0 +"Subject: tage resume submittal vince , two candidates for your review . please call me . ? paul johnson , cpc president ( 281 ) 497 - 8595 ? please visit our website ? www . austingrp . com - wood , shelly . doc - jpbresume 2 . doc",0 +"Subject: re : real options conference in cambridge steve given the practitioner audience , i would prefer a less technical presentation . perhaps if you can talk about use of real options at enron in general , and then give some examples ( graphically - - no notation ) of diagrammatic representation might be good . remember there are many talks and the capacity of the audience to absorb notation , grammar , and technical detail is limited . how about a more generic title "" real options at enron ? "" please give me your title within enron please at 11 : 07 d _ 04 / 25 / 00 + 0100 , steven . leppard @ enron . com wrote : > > > lenos > > i ' d like to give a talk entitled "" diagrammatic representation of real > options in enron "" , in which i will give a brief run - down of a diagrammatic > technique i have developed for representing real option deals . my notation > allows originators , managers and quants to communicate unambiguously , while > still appreciating the complexity and subtlety of real optionality . i have > defined a "" diagrammatic grammar "" which guarantees that the pricing of the > deal follows immediately and automatically from the diagram . > > i propose to introduce the symbols and grammar , then go on to present some > suitable examples of diagrams . if appropriate i ' ll talk about the links > with dynamic programming . ( i will need some guidance as to how much > technical detail i can go into based on the audience . ) > > all the best , > steve > > > > > ( embedded enron capital & trade resources corp . > image moved > to file : from : lenos trigeorgis > pic 29415 . pcx ) > 04 / 20 / 2000 08 : 45 pm > > > > > > > to : "" steven leppard "" > cc : "" vince j kaminski "" > > subject : re : real options conference in cambridge > > > steve > > thanks for agreeing to talk . i attach the program to see the other speakers > and style ( it is addressed to a professional autience ) > > please give me a suitable title for the talk ( replacing kaminski  % s slot on > july 6 / energy session ) and the details of your position > > thanks > > lenos > > at 05 : 01 _ _ 04 / 20 / 00 + 0100 , steven leppard wrote : > > > > > > dear prof trigeorgis > > > > vince kaminski has suggested that i would be a suitable speaker at your > july > > conference in cambridge , and i ' d be happy to come along if required . > please > > could you send me appropriate details , and the audience type expected . > > > > many thanks . > > > > yours sincerely , > > steve leppard > > > > > > > > > ( see attached file : 4 thconfsessions . doc ) > > lenos trigeorgis > professor of finance > university of cyprus > dept of business > 75 kallipoleos , po box 20537 > cy 1678 nicosia cyprus > > tel : + 357 2 892261 > fax : 339063 > > > > attachment converted : "" c : \ drive _ e \ eudora \ attach \ pic 29415 . pcx "" > > attachment converted : "" c : \ drive _ e \ eudora \ attach \ 4 thconfsessionsl 7 . doc "" > lenos trigeorgis professor of finance university of cyprus dept of business 75 kallipoleos , po box 20537 cy 1678 nicosia cyprus tel : + 357 2 892261 fax : 339063",0 +"Subject: re : template for a proposal mark & todd vince and i have been working along those lines and have narrowed the search to ( 1 ) scripps institution of oceanography , ( 2 ) lamont - daugherty earth observatory , and ( 3 ) cola - center for ocean , land and atmosphere . we have contacted the principles at each of these institutions , made on - site visits to the facilities , and verbaly explored preliminary research program proposals . perhaps we could meet next week to coordinate this effort . - - - mike",0 +"Subject: rollover of my vacation days to 2001 vince & shirley : here are the details about my remaining 2000 vacation and their use : vacation currently available now : 136 next week 3 days ( dec 27 - 29 ) 24 - - - - - - - - - - - - - - - - - - - - - - - - - - - vacation remaining on 31 - dec : 112 officially rolled over to 2001 : 40 - - - - - - - - - - - - - - - - - - - - - - - - - - - unused 2000 vacation : 72 thanks , krishna . - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 12 / 18 / 2000 02 : 41 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - pinnamaneni krishnarao 12 / 11 / 2000 06 : 28 pm to : vince j kaminski / hou / ect @ ect cc : subject : rollover of my vacation days to 2001 vince : i would like to rollover my vacation days for 2000 remaining at the end of this year to 2001 . i could not use us all of my available vacation this year because of the following reasons : 1 . as you know , i have been supporting three business units ( ees , epg & enron india ) this year . all these units had difficult and relatively long projects that required experience in energy markets , derivatives pricing and business knowledge that i had gained over the last few years at enron . 2 . there has been a significant change in the team members reporting to me . i now have six people under me compared to only three at the begin of the year . of the current six members , five joined us only this year and most of them didn ' t have any prior work experience , thus requiring a lot of my time in recruiting , training and mentoring . 3 . given that i had to visit our bombay office in january , 2000 for a business trip ( 10 days ) and will need to go there again in january , 2001 , i could not take leave from my work for the other two units ( ees & epg ) for an extended period of time . so , in summary , this year has been a long and challenging one , and as a result , i could not take vacation for more than a few days . i request you to grant the rollover of my remaining vacation to next year . currently i have 136 hours of vacation available and , of these , i expect to have 112 hours unused at the end of this year . thank you , krishna .",0 +"Subject: finance club : e - trading and fixed income markets workshop as faculty advisor to the finance club , prof . barb ostdeik is encouraging all members to take advantage of a great opportunity to learn more about trading operations from two very respected individuals in the industry . keith anderson of blackrock , inc ( jgsm 1983 ) and dexter senft of lehman brothers & tradeweb llc ( rice 1974 ) have visited the jones school to give this lecture and students have raved about them . albert wang ' s fixed income and advanced investments classes are required to attend , and james weston recommends for his applied finance students and any first years taking investments next year to be there . when : 9 : 45 a . m . - 11 : 15 a . m . wednesday april 18 where : room 117 herring hall presentation / discussion topics : trading tactics - phone trades vs . electronic trading evolution of e - trading in fixed income markets the future of the trading desk buy - side vs . sell - side issues speaker profiles : keith anderson , managing director and chief investment officer , fixed income of blackrock , inc . , is co - head of the fixed income operating committee , chairman of the investment strategy group and a member of blackrock ' s management committee . mr . anderson is responsible for global fixed income strategy , asset allocation and the overall management of client portfolios . he coordinates a team of thirty - two portfolio managers and more than twenty - five credit and quantitative analysts . mr . anderson is a member of the treasury borrowing advisory committee , which meets quarterly in washington , d . c . with the secretary and staff of the u . s . treasury to advise them on the financing and management of the federal debt . prior to founding blackrock in 1988 , mr . anderson was a vice president in fixed income research at the first boston corporation , working in mortgage securities and derivative products strategies . mr . anderson with criterion investment management company where he had primary responsibility for a $ 2 . 8 billion fixed income portfolio . mr . anderson has authored numerous articles on fixed income strategies , including two articles in the handbook of fixed income options : "" scenario analysis and the use of options in total return portfolio management "" and "" measuring , interpreting , and applying volatility within the fixed income market "" . dexter senft is a managing director with global responsibility for fixed income electronic commerce for lehman brothers . during his eight years at the firm , he has also managed or co - managed lehman ' s fixed income research , quantitative research , counterparty credit and global economics departments . mr . senft is the former chairman of tradeweb llc , a consortium - owned electronic bond trading system whose volume currently averages over $ 10 billion per day , and of which lehman brothers is a founding shareholder . he remains on tradeweb ' s board , and chairs tradeweb ' s trading protocol committee , which oversees the rules that govern the electronic flow of information within the system . mr . senft also serves on the bond market association ' s committee for alternative trading systems , as well as its online bond steering committee and he chairs the subcommittee on e - commerce protocols and standards . prior to ejv , mr . senft spent 17 years at the first boston corporation ( now part of cs first boston ) , where he was a managing director and head of fixed income research and product development . he is a widely published author of articles on mortgage securities , fixed income derivatives , and quantitative portfolio management , and his work continues to be among the readings for cfa applicants . in 1983 , mr . senft led the product team that created the first cmo for freddie mac . this is regarding the e - trading / bond market session arranged for april 18 . as part of the lst year finance elective , you may have already been informed by james weston ( were you ? ) but i need to get the info out to more 2 nd years as well . do you usually send out your speaker announcements to all faculty , students , and staff ? albert wang ' s fixed income and advanced investments classes are required to come and james weston will be encouraging lst years that took the finance elective to come . these guys are pretty good - they came a few years back . thanks . bbo",0 +"Subject: good morning vince , two items . unless you have an objection , i plan to ship the paper on to don chew at the journal this morning . we can still work on the article but he needs something to begin the editing process . second , in the same issue as our paper will appear the transcript of a roundtable discussion involving sheridan titman , john mccormack ( stern stewart ) , ron erd ( southern energy ) , jeff sandifer ( president of sandifer capital - - $ 700 million undermanagement ) , and gene humphries . attached you will find a section that will not be in the final document , but that i thought you might like to read in light of our own discussions over the course of writing this paper . have a great day . john - interview _ outtakes . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: interview schedule for aram sogomonian please find the interview packet for the above - referenced person . the interview will occur on wednesday october 25 , 2000 . please print both documents for your reference . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . resume will be delivered via runner . stephanie 58701",0 +"Subject: the latest ( last ? ) . . as columbo would say . . "" . . just one more thing "" p . 20 last bullet : enron focusing on recruiting and retaining talent thanks again ! christie . - - - - - forwarded by christie patrick / hou / ect on 02 / 07 / 2001 05 : 24 pm - - - - - christie patrick 02 / 07 / 2001 05 : 23 pm to : mark palmer / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , j _ martin @ baylor . edu subject : the latest ( last ? ) mark ! please review the attached article and forward your comments / authorization for its use to john martin at baylor , copying me and vince . john and vince , i have a few simple comments : 1 . please use "" enron corp . "" [ rather than "" enron corporation "" ] 2 . page 3 : as of yesterday , fortune magazine named enron "" most innovative "" for the sixth year in a row 3 . page 5 : 2 nd paragraph : regarding the "" gas bank "" concept - - i believe when jeff first introduced it , it fell flat . i think john pick ' s that up ( and enron ' s subsequent recovery of a version of the concept on p . 6 ) , but it ' s probably accurate to mention that at first , it didn ' t go over . 4 . page 13 : re : cindy olson ' s comment on a possible 5 x difference between a "" satisfactory "" and "" superior "" vp - - the difference referred to is probably the "" bonus "" rather than "" compensation "" ( which , to me , is generally means base salary ) ; also , it varies for each review period , as comparative performance might vary ; further , we might want to run that quote by cindy just to make sure she ' s ok with it ' s publication ( she might have no problem with it whatsoever , but i know for other articles , she ' s been more reluctant to provide that kind of statistic ) . 5 . page 17 ( after annual report quote ) : i suggest changing "" enron ' s wholesale business . . . provides "" to "" . . . businesses . . provide "" ; also , rather than "" enron wholesale "" we might want to define this by the term enron uses : "" enron wholesale services "" 6 . page 18 : 2 nd paragraph : the tense switching from past to present is technically correct if read carefully , but seems awkward when reading it 7 . page 19 : effective february , jeff skilling is "" ceo "" . . . . that ' s my 2 - cents worth ! ! i think the article is great . . . even interesting ( ha ! ) . . . even to non - mba ' s like me ! ! thanks ! - - christie . - - - - - forwarded by christie patrick / hou / ect on 02 / 07 / 2001 04 : 41 pm - - - - - vince j kaminski 02 / 02 / 2001 08 : 45 am to : mark s palmer / na / enron @ enron cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect subject : the latest ( last ? ) mark , i am sending you the final ( ? ) draft of the paper by john martin on enron ' s transformation . john martin is a prof from baylor who visited us a few weeks ago . can you take a look at the paper and bless it . i haven ' t read this last version of the paper yet and i will go through it on weekend . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 02 / 2001 08 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" john d . martin "" on 02 / 01 / 2001 04 : 15 : 36 pm to : vkamins @ enron . com cc : subject : the latest ( last ? ) vince , attached is my latest attempt to wrap everything together . our timetable is very short as we need an "" approved by enron "" version of the paper to don by next wednesday . don has already made editorial changes for us and may make some additional "" writing style "" changes but he doesn ' t change the content . i ' ll give you a call later today to alert you to the e - mail . take care , john p . s . i had a nice conversation with steve . sounds like he ' s landed a pretty good contract with wiley . - enron _ paper _ 2 _ 1 _ 01 . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : enron offsite let ' s do it ! august 18 - 20 is our first choice ! please send me all the information and then we will discuss the particulars . i will get vince to sign it immediately . thanks steve ! shirley "" steve collins "" on 06 / 27 / 2000 02 : 22 : 27 pm to : cc : subject : re : enron offsite hello again ! i promise i am not running ! the deal that we worked out with the general manager ( tom pratt ) is that enron has a $ 6000 credit with the great divide lodge that will expire on 8 / 1 / 00 . you can either use that credit for individual rooms prior to 8 / 1 / 00 , or we have agreed that we can apply that amount to a meeting prior to the thanksgiving holiday in 2000 if the contract is signed before 8 / 1 / 00 . at this point , august 18 - 20 is available , but the 25 - 28 is not . if we can get this signed prior to 7 / 31 / 00 , your $ 6000 credit would be able to be applied to this event . please let me know if this will work for you . thanks ! steve steve collins national sales manager the village at breckenridge / great divide lodge ( 800 ) 332 - 0424 or ( 970 ) 453 - 3156 direct scollins @ vailresorts . com > > > "" shirley crenshaw "" 06 / 27 / 00 01 : 06 pm > > > hello steve : please don ' t run ! i know after the last fiasco with an enron offsite you are probably running for the hills ! i do want to apologize to you and thank you for all of your assistance even though we were unable to make the trip . however , i understand there has been an arrangement made with enron , that if we book a time and come before thanksgiving we can recoup the money that we forfeited ? please let me know if i am understanding this correctly . if so , we have been told that our group can use this for an offsite . we are looking at the weekends of august 18 , 19 and 20 or august 25 , 26 and 27 th . there will be approximately 12 people . please let me know your understanding of the arrangement and the availability of the dates mentioned . look forward to hearing from you . regards , shirley crenshaw administrative coordinator enron corp . research telephone : 713 / 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: enron credit modeling discussions hi , this email is in reference to our plan for detailed discussions about enron credit ' s modeling strategy . several meetings have already been scheduled . please refer to the attached excel spreadsheet for further details . also , if you like , we can have more informal discussions over lunch , dinner , drinks , etc . thanks in advance for your time . regards , iris",0 +"Subject: invitation - whartonetevent - apr 20 / plsrsvp vice and christie hello , this is a followup to our previous invitation to attend our next wharton / et event . ? you can rsvp by replying to this email - or - if you cannot attent , you ' re always welcome to designate someone else . ? there is no limit on the number of attendees from your company . _ _ _ yes i plan to attend _ _ _ no , i cannot attend _ _ _ someone else from our organization will attend ( name : _ _ _ _ ) best regards , michael tomczyk managing strategic partnerships ? friday april 20 , 2001 - - 8 : 30 am to 400 pm location - room 1206 steinberg - dietrich hall - wharton school - philadelphia we have designed this conference as an insight - building event , to present current industry experience from best practice firms , as well as our most recent research findings on best practices and strategies for developing and managing alliances , mergers and high tech acquisitions . ? we will include research in progress from our ongoing long term studies on alliances and acquisitions . this is part of our research activity and there is no conference fee . the emerging technologies management research program / mack center is working to identify and develop best practices , competitive strategies and management approaches for industry decision makers in industries that are being created or transformed by emerging technologies . our industry partners include : bank of montreal , charles schwab , dupont , enron , general motors , glaxosmithkline , hewlett - packard , ibm , independence / blue cross , mckinsey , nsa , procter & gamble , sprint , 3 m and xerox . the agenda is included below and more information can also be found on our website : ? http : / / emertech . wharton . upenn . edu . please call or email if you have any questions or comments about any aspect of this event ? - 215 - 573 - 7722 . agenda managing strategic partnerships an insight - building conference including new wharton research on best practices and successful strategies for achieving corporate growth through alliances , mergers and acquisitions . friday , april 20 , 2001 - 8 : 30 to 4 : 30 1206 steinberg - dietrich hall , wharton school presented for our industry partners and guests by the emerging technologies management research program , mack center on managing technological innovation faculty research presentations by : ? harbir singh , paul schoemaker , lori rosenkopf , phanish puranam and prashant kale industry best practice presentations by : sun microsystems , cybersource , broadview and pfizer . agenda & conference topics 8 : 00 - 8 : 30 ? - ? continental breakfast and informal networking 8 : 30 - 8 : 45 introduction : strategic partnering for growth and innovation 8 : 45 - 10 : 00 managing strategic networking 10 : 00 - 10 : 30 - break 10 : 30 - 11 : 30 building partnering skills and capabilities 11 : 30 - 12 : 00 success and failure factors in strategic partnering 12 : 00 - 1 : 30 working lunch - strategies 1 : 30 - 2 : 30 small group reports 2 : 30 - 2 : 45 - break 2 : 45 - 3 : 40 managing high technology acquisitions 3 : 40 - 4 : 00 summary of key insights and future research goals 4 : 00 - adjourn directions : ? take a taxi to the corner of 37 th and walnut . ? at that intersection , turn left and take the broad walkway onto campus . ? turn left at the first intersection ( you will see a lifesize statue of ben franklin sitting on a park bench ) . ? this is locust walk . ? the steinberg - dietrich hall is the large brick building immediately behind "" ben "" - if you turn left and proceed down the walk you will come to the large entrance with cantilevered steps on the right side of the walk . ? the room iw room 1206 and there is an information desk straight back from the entrance , to guide you to the room . if you are staying at the inn at penn , which is directly across the street from campus on walnut ( between 36 th and 37 th ) - take the walnut street exit from the hotel ( where the restaurant is ) , turn right from the entrance and walk to 37 th street , cross the street and continue onto campus following the directions ( above paragraph ) . wharton is 30 - 40 minutes from the airport , 10 - 15 minutes from the 30 th st . train station and about 15 - 20 minutes from most hotels in center city . - - michael s . tomczyk managing director emerging technologies management research program 1400 sh - dh / 6371 the wharton school philadelphia , pa 19104 - 6371 tel 215 - 573 - 7722 fax 215 - 573 - 2129 website : ? http : / / emertech . wharton . upenn . edu",0 +"Subject: a few times still available we still have a few time slots available for appointments with bob brooks while he is in houston next week . there are open slots on tuesday ( morning and afternoon ) and wednesday morning . please reply to this e - mail with preferred date and time or call bob at 323 - 663 - 4831 to schedule .",0 +"Subject: re : book order julie , there are many employees in london who would be interested . you can send an inquiry to steve leppard . i had a presentation last night to garp in houston and did a commercial for the book . you should put me on commission . vince "" julie "" on 01 / 31 / 2001 06 : 31 : 39 am please respond to "" julie "" to : cc : subject : re : book order vince , ? i wasn ' t sure if i responded to your email , so apologise either for my delayed response or repeating myself . ? thanks for the 2 nd order ! ? i believe they have already been dispatched . ? yes , i believe we received payment ; thank you very much for following up with paul . ? glad the book was a hit ! ? on another subject , are there any enron ? employees in europe who may be interested in attending either the energy or the weather course ? ? or , are the quants and risk management mostly handled out of houston ? ? thanks again , and i ' ll forward an invoice on to shirley . ? julie ? - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : julie @ lacima . co . uk cc : vince . j . kaminski @ enron . com sent : friday , january 26 , 2001 11 : 29 pm subject : book order julie , we received the shipment of 50 books . thanks . the book was an instant hit . we need 50 more books . vince p . s . i understand paul sent you the check for the remaining 50 %",0 +"Subject: research seminar vince has asked that i forward the following : we will begin a seminar devoted to the book on "" energy derivatives "" , written by clewlow and strickland , every first and third friday of each month , beginning january 19 th . stinson gibner has volunteered to act as the seminar coordinator . on january 19 th only , the seminar will be held in eb 30 cl . every session thereafter will be in eb 49 cl . the seminar will be conducted like a "" brown bag "" ( everyone bring their own lunch ) . the seminar is mandatory for every member of the group who started after january 1 , 2000 . however , all other members of the group are invited to participate . the books have been ordered and hopefully will arrive by the day of the first meeting . vince kaminski ",0 +"Subject: re : real options article steve , the journal of risk is a more technical and serious publication than risk magazine . if the article is published it will give you more exposure in the academic circles . i think it will be a significant accomplishment . on the downside , it does not receive the same wide circulation as risk among the practitioners . i can also see the reason behind the recommendation given by navroz : the article is fairly long for risk . steven leppard 05 / 23 / 2000 05 : 39 am to : vince j kaminski / hou / ect @ ect cc : subject : real options article vince any thoughts on this proposal ? steve - - - - - - - - - - - - - - - - - - - - - - forwarded by steven leppard / lon / ect on 05 / 23 / 2000 11 : 41 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . from : "" navroz patel "" 05 / 23 / 2000 11 : 37 am please respond to "" navroz patel "" to : cc : subject : real options steven , after further consultation with the technical editor , we feel that your work would find a more suitable environment for exposure in the journal of risk . ? if you email a copy of your work ( to the editor - in - chief , philippe jorion ) and outline what has happened to : ? ? pjorion @ uci . edu ? then i am sure that they will be keen to give due consideration . ? thank you for your interest and sorry for the delay in coming to this decision . ? best wishes , ? navroz patel , technical assistant , risk magazine . ?",0 +"Subject: re : conference room kevin yes , it ' s a good idea . vince kevin g moore 02 / 18 / 2000 06 : 56 am to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : subject : conference room goodmorning vince , we added a bookcase to the conference room on the 19 th floor however , due to the departments growth i think we could use another one . vince , in the long run it would save us some time . please let me know if this is okay ! thanks kevin moore",0 +"Subject: presentation - integrating market risk and credit risk all , i will be giving a 40 min presentation on the above topic at the eprm energy 2000 conference in april . the bulletpoints are : balancing market risk and credit risk to achieve a reliable estimation of total risk incorporating market risk into a credit risk model calculating probability of default using credit risk and market risk refining business practice to reflect credit risk and market risk evaluations my proposed approach is to quickly step through the practical process of modelling credit risk , resulting in measures for expected loss and credit - var ; then show how default probs can be calculated using bond and equity data . finally i ' ll describe how credit risk can be mitigated using credit derivatives - plugging enroncredit . com of course . any other ideas for broad topics and / or specific points to mention will be appreciated . the presentation has to be submitted next week . many thanks , ben",0 +"Subject: re : subscriptions stephanie , please , discontinue credit and renew the two other publications : energy & power risk management and the journal of computational finance . enron north america corp . from : stephanie e taylor 12 / 12 / 2000 01 : 43 pm to : vince j kaminski / hou / ect @ ect cc : subject : subscriptions dear vince , we will be happy to renew your subscription to risk . in addition , the following publications are up for renewal : reg . subscription cost with corp . discount credit $ 1145 . 00 $ 973 . 25 energy & power risk management $ 375 . 00 $ 318 . 75 the journal of computational finance $ 291 . 75 $ 247 . 99 if you wish to renew these , we will also take care of this for you . i would appreciate your responding by december 18 th . please include your company and cost center numbers with your renewal . thank you , stephanie e . taylor esource 713 - 345 - 7928",0 +"Subject: re : baylor - enron case study cindy , yes , i shall co - author this paper and i have planted the idea in john martin ' s head . vince from : cindy derecskey @ enron on 10 / 25 / 2000 11 : 38 am to : vince j kaminski / hou / ect @ ect cc : subject : baylor - enron case study vince , i forgot to inquire whether you would also like to be present during the interview process with john martin and ken , jeff and andy ? let me know . . . . thanks , cindy",0 +"Subject: 7 - 1 - 00 to 7 - 15 - 00 off duty and overtime report oops ! forgot to attach ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 07 / 14 / 2000 11 : 51 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 07 / 14 / 2000 11 : 53 am to : vasant shanbhogue / hou / ect @ ect , stinson gibner / hou / ect @ ect , grant masson / hou / ect @ ect , amitava dhar / corp / enron @ enron , maureen raymond / hou / ect @ ect , kevin kindall / corp / enron @ enron , kevin g moore / hou / ect @ ect , osman sezgen / hou / ees @ ees , elena chilkina / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : 7 - 1 - 00 to 7 - 15 - 00 off duty and overtime report attached is the off duty and overtime that was reported to me for the above pay period . you are the only ones in our group that had these reported . please review and if there is an error , please let me know by next monday the 17 th and i can correct it . otherwise , we cannot correct it until the next pay period . thanks ! shirley",0 +"Subject: operating & strategic plan 2001 - 2003 one more update . i think we finally have the file where we want it . please use the file attached . thanks again . dawn - - - - - - - - - - - - - - - - - - - - - - forwarded by dawn derr / corp / enron on 07 / 20 / 2000 11 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - dawn derr 07 / 17 / 2000 11 : 02 am to : rob walls / na / enron @ enron , monica reasoner / hou / ect @ ect , greek rice / corp / enron @ enron , larry dallman / gpgfin / enron @ enron , christine schlaudraff / corp / enron @ enron , rodney faldyn / corp / enron @ enron , sally beck / hou / ect @ ect , suzanne brown / hou / ect @ ect , mark koenig / corp / enron @ enron , elizabeth linnell / hou / ees @ ees , j mark metts / na / enron @ enron , charlene jackson / corp / enron @ enron , gary mccumber / hou / ect @ ect , robert johansen / corp / enron @ enron , paul clayton / hou / ect @ ect , vince j kaminski / hou / ect @ ect , billie akhave / epsc / hou / ect @ ect , cynthia barrow / hr / corp / enron @ enron , sharon aulds / hr / corp / enron @ enro cc : subject : operating & strategic plan 2001 - 2003 please use the budget format sheet attached below . there is an error in the executive summary sheet of the original file . hope this does not cause anyone undue problems . thanks . dawn - - - - - - - - - - - - - - - - - - - - - - forwarded by dawn derr / corp / enron on 07 / 17 / 2000 12 : 01 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - dawn derr 07 / 14 / 2000 03 : 17 pm to : rob walls / na / enron @ enron , monica reasoner / hou / ect @ ect , greek rice / corp / enron @ enron , larry dallman / gpgfin / enron @ enron , christine schlaudraff / corp / enron @ enron , rodney faldyn / corp / enron @ enron , sally beck / hou / ect @ ect , suzanne brown / hou / ect @ ect , mark koenig / corp / enron @ enron , elizabeth linnell / hou / ees @ ees , j mark metts / na / enron @ enron , charlene jackson / corp / enron @ enron , gary mccumber / hou / ect @ ect , robert johansen / corp / enron @ enron , paul clayton / hou / ect @ ect , vince j kaminski / hou / ect @ ect , billie akhave / epsc / hou / ect @ ect , cynthia barrow / hr / corp / enron @ enron , sharon aulds / hr / corp / enron @ enron cc : elaine schield / corp / enron @ enron , terry west / corp / enron @ enron subject : operating & strategic plan 2001 - 2003 attached are the guidelines and the budget template for the 2001 - 2003 operating & strategic plan . a budget template should be completed for each cost center in your area / group that will be utilized for 2001 . all budgets are due to corp . financial planning no later than close of business august 14 , 2000 . while corporate financial planning has attempted to make the process as easy as possible , we know questions will arise . please feel free to contact me at x 37775 with any questions or problems . thanks in advance . dawn",0 +"Subject: budget hi dale following discussions with vince , grant and stinson , we ' ve drawn up the proposed budget . we ' re working on the basis that research group headcount will grow to 8 in the near future . business trips us : 8 business trips europe : 10 computer software and licences : gbp 10 , 000 office postage : gbp 350 employee recruitment fees : gbp 30 , 000 ( = 3 x 20 % x gbp 50 , 000 ) professional subscriptions and memberships and books : gbp 15 , 000 training courses : gbp 16 , 000 ( = 8 x gbp 2 , 000 ) conferences : gbp 8 , 000 ( = 4 x gbp 2 , 000 ) mobile phones : gbp 1 , 500 ( = 3 x gbp 500 = me + 2 floaters ) hardware : gbp 10 , 000 ( = laptops , workstations ) suggested allocation as follows . . . rac 20 % uk power 20 % uk gas 5 % continental power 20 % continental gas 5 % global products 10 % ebs 10 % ees 10 % . . . unless you ' ve got any other views on this one ( i ' m happy to take advice here ) . vince has said you can give him a call if you want to discuss any of these points further , but i ' m happy to field initial queries ( i ' ll have to get used to it ! ) . cheers , steve",0 +"Subject: v @ r methodology for metal positions vince - it seems like we should be able use mg ' s v @ r methodology as version 1 . a if the credit component is eliminated and the hold period is conformed to our one day interval . could we do this and achieve an approximation of where you want to be with the completion of anjam and tamara ' s work ? when submitting a request for interim metals trading policy to rick buy and jeff skilling , i ' d very much like to represent that , while our methodology may be imperfect , we have ways + means of tracking v @ r right now that will be upgraded to enron standards in very short order . thoughts ?",0 +"Subject: re : mountaintop meetings next week ravi , it ' s fine with me . i think the expense is justified ( as it ' s equal to the cost of the alternative ) . vince ravi thuraisingham @ enron communications on 03 / 09 / 2000 12 : 44 : 01 pm to : stinson gibner / hou / ect @ ect , vince kaminski cc : subject : mountaintop meetings next week fyi , i may have to stay over weekend . vince , if that is the case , i may have to bring my wife or allow her to go to her sister for a week etc . i may ask john to cover some of that cost as ( i think ) he is done with other people . i ' ve seen other guys family members showup . this cost would equal what ebs would have spend to send me home and bring me back again , etc . ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 03 / 09 / 00 12 : 36 pm - - - - - jeanette busse 03 / 09 / 00 10 : 16 am to : dayne relihan / enron communications @ enron communications , dorn hetzel / enron communications @ enron communications , jeanette busse / enron communications @ enron communications , jim irvine / enron communications @ enron communications , john bloomer / enron communications @ enron communications , john griebling / enron communications @ enron communications , kelly williams / enron communications @ enron communications , kenny burroughs / enron communications @ enron communications , kevin kohnstamm / enron communications @ enron communications , laura beneville / enron communications @ enron communications , phil sisneros / enron communications @ enron communications , ravi thuraisingham / enron communications @ enron communications , rob kolosvary / enron communications @ enron communications , scott smith / enron communications @ enron communications , steve elliott / enron communications @ enron communications , steve mcnear / enron communications @ enron communications , tom huntington / enron communications @ enron communications , kenton erwin / enron communications @ enron communications , rebecca lynch / enron communications @ enron communications , stewart seeligson / enron communications @ enron communications cc : sheryl lara / enron communications @ enron communications , judy timson / enron communications @ enron communications , cheryl kondo / enron communications @ enron communications subject : mountaintop meetings next week team , all meetings with hamachi during march 14 - 17 are located at the hamachi campus . negotiations - - the negotiation meeting room is 21 - 10 . this is in building 2000 ( main building with circular drive ) , the conference room is on the ground floor , right hand side . - - all morning drinks , lunches and afternoon refreshments are scheduled ( 20 people ) - - the schedule is as follows : tue 3 / 14 1 : 00 pm - until both parties agree to end . wed 3 / 15 9 : 00 am - until both parties agree to end . thu 3 / 16 9 : 00 am - until both parties agree to end . fri 3 / 17 9 : 00 am - 3 : 00 pm the negotiation team includes : john griebling steve elliott stewart seeligson tom huntington kenton erwin breakout meetings the following rooms reserved for full days , tuesday through friday in building 3000 . 34 a - 302 34 a - 702 34 a - 703 34 a - 705 - - coffee , lunch and afternoon drinks for 25 people , starting tuesday @ lpm is also scheduled for delivery in 34 a - 302 as well . the breakout team participants include : laura beneville jeanette busse kenny burroughs jim irvine rebecca lynch dayne relihan scott smith ravi thuraisingham rob kolosvary kelly williams please let me know if you have any questions . jeanette",0 +"Subject: hedge effectiveness test for fair value hedges gentlemen : we have had favorable responses regarding the use of our volatility reduction method ( roger , i ' ve attached a copy of our article in case you hadn ' t seen it ) . however , there continued to be a quibble about how to create the set of data points that would be inputs into the testing process . last week the consulting arm of a "" big five "" accounting firm indicated that the following method proposed by us would be acceptable . we believe this method overcomes the statistical problems that arise from using interest rate differences from overlapping ( "" rolling "" ) quarters . method : 1 ) calculate daily yield curve changes expressed as ratios , using historical rates from the most recent , say , two years . ( note : no overlap ) . this results in a set of around 494 vectors of ratios ( approximately 247 trading days per year ) . example : if the first three yield curves in the historical set look like this : 19980801 6 . 5 6 . 6 6 . 7 . . . . . . . . . 7 . 2 19980802 6 . 3 6 . 3 6 . 6 . . . . . . . . . 6 . 9 19980803 6 . 6 6 . 8 6 . 9 . . . . . . . . . 7 . 1 then the change from 8 / 1 / 98 to 8 / 2 / 98 is : 6 . 3 / 6 . 5 6 . 3 / 6 . 6 6 . 6 / 6 . 7 . . . . . . . . . . 6 . 9 / 7 . 1 and the change from 8 / 2 / 98 to 8 / 3 / 98 is : 6 . 6 / 6 . 3 6 . 8 / 6 . 3 6 . 9 / 6 . 6 . . . . . . . . . 7 . 1 / 6 . 9 2 ) randomly select 62 of these "" ratio "" vectors ( approx . 62 trading days in a quarter ) . 3 ) multiply these ratio vectors together to get a single vector ( ie , the 62 6 mo ratios are multiplied together , the 62 lyr ratios are multiplied togeter , etc . ) . the result represents a single quarterly yield curve transformation . apply it to "" today ' s "" yield curve . the resulting yield curve represents one simulated quarterly change in interest rates 4 ) repeat steps 2 and 3 until an adequate number of yield curves are generated , say 100 . 5 ) proceed with testing process . i would be interested in your comments . leslie abreo andrew kalotay associates , inc . 61 broadway , ste 3025 new york ny 10006 phone : ( 212 ) 482 0900 fax : ( 212 ) 482 0529 email : leslie . abreo @ kalotay . com visit aka ' s website at http : / / www . kalotay . com - fasl 33 article . pdf",0 +"Subject: your job application to enron research group dear mr . palmer : thank you for your interest in the research group at enron . we recieved your resume and discussed your qualifications within the research group . unfortunately , there is not a good match between our job requirements and your skills . once again , thank you for your interest in our company and best wishes for your future . regards , p . v . krishnarao .",0 +"Subject: 1 / 2 day seminar : the new texas electric market fyi , i thought some of you might be interested in this half day seminar at ut . bill hogan , as well as speakers from the iso and puc are scheduled to speak . i plan to attend . if we have more than 3 , we can register as a group for $ 145 / person - if more than 10 attend , the price is $ 100 / person . ross baldick , one of martin lin ' s and my advisor is the moderator . it may prove both interesting and contentious will hogan being there . lance - - - - - - - - - - - - - - - - - - - - - - forwarded by lance cunningham / na / enron on 04 / 16 / 2001 09 : 51 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" lance b . cunningham "" on 04 / 15 / 2001 05 : 06 : 06 pm to : lance . cunningham @ enron . com cc : subject : fwd : the new texas electric market > delivered - to : lbcunningham @ mail . utexas . edu > date : tuesday , 10 apr 2001 23 : 30 : 14 cst > to : lbcunningham @ mail . utexas . edu > from : engineering foundation > subject : the new texas electric market > > dear mr . cunningham , > > > "" the new texas electric market and how it > compares to the california market "" > > may 2 , 2001 - 1 : 00 to 5 : 00 p . m . > > seminar presented by the college of engineering , > the university of texas at austin . > > electric reliability council of texas ( ercot ) > plans to open a pilot retail market in most areas > of the texas region on june 1 , 2001 . this > presentation will address aspects of the ercot > market and how texas will avoid experiencing the > same problems as california . ut austin ' s center > for lifelong engineering is introducing a 1 / 2 day > seminar to provide an overview of how this market > will be structured . > > presenters will include officials from harvard , > university of california energy institute , ercot , > and the public utility commission of texas . > > for more information or to register , please visit > our website at www . lifelong . engr . utexas . edu , or > contact sharon campos at 512 - 471 - 3506 , or > scampos @ mail . utexas . edu . > > ( this announcement was sent as a courtesy > from ut - austin college of engineering to > ut engineering alumni . it was e - mailed > from the college ' s general e - mail address , > which is flagged as ' engineering > foundation . ' if you wish to discontinue > further email messages from the college of > engineering , please reply to this message > with your full name , degree information > and "" unsubscribe . "" thank you ! )",0 +"Subject: transport fuel p / l - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 08 / 30 / 2000 11 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 08 / 30 / 2000 11 : 07 am to : colleen sullivan / hou / ect @ ect cc : andrew h lewis / hou / ect @ ect , greg couch / hou / ect @ ect subject : transport fuel p / l colleen , after looking into the transport deals for nbpl ( long term deal 1 , 2 , 25 , 26 ) , i think i figured it out why we see positive fuel p / l for deal 1 , 25 , and 26 and negative fuel p / l for deal 2 . the following plot shows nymex curve as of 8 / 23 / 00 : for short term , nymex moved up compared to that of 8 / 22 / 00 , while the long term nymex moved down . here are the tenor for each deal : deal 1 : start 01 - sep - 00 , end 22 - may - 09 , the above graph suggested a positve fuel p / l deal 2 : start 01 - sep - 00 , end 28 - feb - 02 , the above graph suggested a small negative p / l deal 25 : start 01 - may - 02 , end 28 - feb - 09 , the above graph suggested a positve fuel p / l deal 26 : start 01 - mar - 09 , end 31 - may - 09 , the above graph suggested a positve fuel p / l the transport book seems to be correct on these fuel p / ls . another point worth to mention is that the fuel cost is related to index price ( nymex + basis + index premium ) , to correctly interpret fuel p / l , we need to look at the index curve change . let me know your thoughts on this . zimin",0 +"Subject: options library links elena , the new research web page looks very nice . recently i have a few users who called me about the links to exotica options library . i checked , both links to exotica . doc and example spreadsheets do not work . i appreciate that if you could re - establish the links as soon as possible . thanks . zimin",0 +"Subject: worth a careful reading best regards , jhherbert - gdol 0314 abr . pdf",0 +"Subject: re : stinson vacation in feb . stinson , n o problem . vince stinson gibner 01 / 07 / 2000 10 : 51 am to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect , melissa jones / enron communications @ enron communications , zimin lu / hou / ect @ ect , jean mrha / enron communications @ enron communications subject : stinson vacation in feb . vince : i would like to take four days of vacation time in february , from feb . 22 through 25 th . thanks , - - stinson",0 +"Subject: re : corporate card yes tony , mike authorized you for a corp . card , however that ' s something your asst . can do in london for you . if you need further asst . please inform . . . . . . . kevin moore tony hamilton @ enron 04 / 30 / 2001 07 : 28 am to : mike . a . roberts @ enron . com , tani . nath @ enron . com , kevin . g . moore @ enron . com cc : subject : corporate card is it possible for me to get a corporate card , and if so , who do i need to contact regarding this ? thanks tony",0 +"Subject: dba administrator cecil , i ' ve spoken with charlene just now and she sounds very helpful . can you give her a call tomorrow morning to iron out exactly how you want to access the enpower data base ? i ' ve left your name with her so she ' s expecting your call . best , alex - - - - - - - - - - - - - - - - - - - - - - forwarded by alex huang / corp / enron on 05 / 01 / 2001 05 : 31 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 05 / 01 / 2001 05 : 13 pm to : michelle d cisneros / hou / ect @ ect cc : alex huang / corp / enron @ enron , vince j kaminski / hou / ect @ ect subject : dba administrator michelle , the name of the db administrator for enpower is charlene fricker , 5 - 3487 . alex will contact her regarding the access to the curve . i think it ' s a problem many layers below gary hickerson ' s level of responsibility and i hope we can handle it without using his valuable time . vince",0 +"Subject: energy & power risk management 2001 , houston dear vince , it is my great pleasure to confirm your participation at energy & power risk management 2001 on may 14 th . please take a moment to look at the current line - up on the attached draft program . i have held a position on the panel discussion if you wish to take part . the current talk titles are based upon our telephone conversations and i am happy to discuss any potential changes . i would like to confirm the following details by thursday , january 18 th : final talk title bullet points ( 5 - 6 ) full name , job title , company title postal address i am sure that you will agree that this year , energy & power risk management  , s annual event provides a wide range of highly topical sessions . i look forward to receiving your full presentation details and meeting you in may . yours sincerely , paul bristow conferences manager , us risk waters group 270 lafayette street suite 7 new york 10012 212 925 6990 ext 225 pbristow @ riskwaters . com - revspktemp 2 . doc",0 +"Subject: fwd : fw : will you be the difference ? fyi jana return - path : received : from rly - yhol . mx . aol . com ( rly - yhol . mail . aol . com [ 172 . 18 . 147 . 33 ] ) by air - yhol . mail . aol . com ( v 76 _ rl . 8 ) with esmtp ; wed , 18 oct 2000 18 : 57 : 48 - 0400 received : from texasmonthly . emmis . com ( texasmonthly . emmis . com [ 208 . 139 . 95 . 3 ] ) by rly - yhol . mx . aol . com ( v 76 _ rl . 19 ) with esmtp ; wed , 18 oct 2000 18 : 56 : 49 - 0400 subject : fw : will you be the difference ? to : alexana @ wellsfargo . com , jlpnymex @ aol . com , kingair 500 @ aol . com , mdesanto @ minddata . com , kwgre @ aol . com , pmarb @ yahoo . com x - mailer : lotus notes release 5 . 0 . 3 march 21 , 2000 message - id : from : nalexander @ texasmonthly . emmis . com date : wed , 18 oct 2000 18 : 15 : 34 - 0500 x - mimetrack : serialize by router on tmnto 2 / aus / txmo ( release 5 . 0 . 4 a | july 24 , 2000 ) at 10 / 18 / 2000 05 : 54 : 02 pm mime - version : 1 . 0 content - type : text / plain ; charset = us - ascii texas monthly : if you want to be big in texas . nancy alexander account executive 214 . 871 . 7704 - - - - - forwarded by nancy alexander / aus / txmo on 10 / 18 / 00 06 : 14 pm - - - - - karen burke to : sloansimmo @ yahoo . com , ccgarcia @ prodigy . net , cbsbcol @ aol . com , 10 / 18 / 00 sschrump @ ziplink . net , "" hosty , maria "" , 02 : 10 pm yvonne anguiano , tanya . davis @ us . pwcglobal . com , 2 onza @ pdq . net , "" lisa elledge "" , proyecto 4 @ yahoo . com , "" hughes , jennifer "" , anita zmolek / aus / txmo @ txmo , nancy alexander / aus / txmo @ txmo cc : subject : fw : will you be the difference ? texas monthly : if you want to be big in texas . karen burke 713 . 871 . 1643 phone 713 . 871 . 0335 fax - - - - - forwarded by karen burke / aus / txmo on 10 / 18 / 2000 02 : 08 pm - - - - - jacquelyne o ' keefe to : bassw @ swbell . net , karen burke / aus / txmo @ txmo , elizabeth wallace fulghum / aus / txmo @ txmo , lanette varnadoe / aus / txmo @ txmo , simmonds @ pdq . net 10 / 18 / 2000 cc : 11 : 15 am subject : fw : will you be the difference ? texas monthly : if you want to be big in texas . jackie o ' keefe wallace retail advertising director phone 713 . 871 . 1762 fax 713 . 871 . 0335 - - - - - forwarded by jacquelyne o ' keefe wallace / aus / txmo on 10 / 18 / 00 11 : 14 am - - - - - "" karen thompson "" to : "" tim marron "" , "" suzanne waller "" , "" shelley smelley marron "" , . net > "" pammy poindexter "" , "" molly vaughan "" , "" melissa garlington "" 10 / 17 / 00 , "" mary marron "" 09 : 07 pm , "" margie \ "" aunt boggie \ "" marron "" , "" liz rotan "" , "" julia "" , "" joanie seay "" , "" jenny clark brown "" , "" jackie wallace "" , "" gmommy clark "" , "" george kkempl 65 @ aol . com ; jflesher @ kprc . com ; akdwyer @ yahoo . com ; cara _ clement @ yahoo . com ; merrie @ mail . evl . net ; krichardson @ texasnf . org ; kprice @ texasnf . org ; ddeleon @ texasnf . org ; rfreeman @ texasnf . org ; dbadura @ texasnf . org ; karen thompson ; cmlucas @ swbell . net ; annie 319 @ aol . com ; bmratch @ yahoo . com ; sarah @ thedykes . com ; laura @ thebairds . com ; mtucker @ datamate . com ; colecaroline @ hotmail . com ; mark . m . meador @ us . arthurandersen . com ; robert muse ; dmoriniere @ swbank . tx . com ; joanna latham ; merritt pappas ; chip rives ; reagan rives ; angela hilary and corey pond ; jeffrey smith ; kent winfield date : tuesday , october 17 , 2000 3 : 37 pm subject : fw : will you be the difference ? > > > - - - - - original message - - - - - > from : jennifer . p . toomey @ us . arthurandersen . com > sent : tuesday , october 17 , 2000 3 : 53 pm > to : aford @ bpl . com ; birdsbecca @ aol . com ; bwilliamsl 236 @ austin . rr . com ; > ckmattingly @ hotmail . com ; cshirley @ ccj - law . com ; cwilliams @ texasnf . org ; > ewells @ nrsc . org ; jill . goldstein @ mbao 2 . bus . utexas . edu ; halejulie @ yahoo . com ; > hollyk 8 @ aol . com ; lsm 34 @ columbia . edu ; mtucker @ dpj . com ; sew 7 @ flash . net ; > elizabeth . reid @ turner . com ; rskappraiser @ email . msn . com ; tehunt @ aol . com ; > wdtiidd @ aol . com > subject : fw : will you be the difference ? > > > > > > - - - - - - - - - - - - - - - - - - - - - - forwarded by jennifer p . toomey on 10 / 17 / 2000 03 : 55 > pm > - - - - - - - - - - - - - - - - - - - - - - - - - - - > > > to : brian _ seiler @ aimfunds . com , fritz _ weiss @ aimfunds . com , > jean _ miller @ aimfunds . com , charles _ hebert @ aimfunds . com , > sue _ hendrickson @ aimfunds . com , ralph _ terry @ aimfunds . com , > gormanab @ mindspring . com , alysonfisher @ yahoo . com , amandam @ microsoft . com , > adjohnso @ students . uiuc . edu , knocks @ ecsis . net , cbidding @ post . cis . smu . edu , > mpblalock @ aol . com , gmbl @ compassbnk . com , bcahal @ acxiom . com , carle @ wt . net , > cmiller @ rice . edu , connelly . mcgreevy @ gs . com , gnconnelly @ aol . com , > dawn . beach @ bowne . com , aimeedodson @ aol . com , ddominic @ temmc . com , > heather . k . doyle @ ac . com , aeasterby @ lrmm . com , ferikson @ mdanderson . org , > rtfass @ fcflaw . com , fguinn @ flash . net , tina . hoffman @ petrocosm . com , > rhurt @ lctn . com , wingram @ ddsep . com , jrcoastal @ aol . com , jennyv @ dpwpr . com , > jbandctaylor @ mindspring . com , keasterby @ aglife . com , jkiani @ coair . com , > kianim @ epenergy . com , kristen . kors @ weil . com , brittonk @ perryhomes . net , > katek @ . com , clipscomb @ kma . com , > kaymassmanlobb @ yahoo . com , mm 52 @ lucent . com , cjmandola @ aol . com , > mikebid @ earthlink . net , nataliebiddinger @ yahoo . com , steven . w . murray @ ac . com , > jpecher @ ect . enron . com , receskim @ perryhomes . net , jennifer p . toomey , > cvanos @ texas . net , jennyv @ dpwpr . com , kwehner @ brobeck . com , > elizabeth @ keen . com , david . d . wolf @ chase . com > cc : > date : 10 / 16 / 2000 09 : 00 am > from : jackie _ mcgreevy @ aimfunds . com > subject : fw : will you be the difference ? > > > > > > > the year is 1960 . > > > > jfk wins the election because he receives > > > > 1 more vote per precinct in illinois ( 8 , 858 votes ) > > 3 more votes per precinct in missouri ( 9 , 880 votes ) > > 3 more votes per precinct in new jersey ( 22 , 091 votes ) > > > > without those 40 , 829 votes , the election goes to nixon . > > > > your vote does matter . > > > > experts say this will be the closest election since 1960 . > > we agree . > > > > what can you do about it ? join the bush e - train ! > > ( 1 ) forward this e - mail to your friends and colleagues > > ( 2 ) then click on the link below and enter your e - mail : > > http : / / www . georgewbush . com / bn . asp ? pagemode = frontpagesignup > > > > our goal : > > 2 , 000 , 000 e - mail addresses to spread the word > > and get out the vote . > > > > be a part of history , get on the bush e - train and join > > what will become one of the largest grassroots > > movements ever . > > > > make the difference ! and receive the e - mail on > > nov . 8 that says , "" president - elect george w . bush > > thanks you . "" > > > > > > _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ > > > > paid for by bush - cheney 2000 , inc . > > http : / / www . georgewbush . com > > > > > = > = = > > > > to unsubscribe , please go here : > > http : / / www . georgewbush . com / unsubscribe . asp ? email = yolaa @ earthlink . net > > > > to change your e - mail address or any other subscription information , > please go here : > > http : / / www . georgewbush . com / mygeorgew . asp > > > > > > > > > > > > > > > * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * > > privileged / confidential information may be contained in this message . if > you > are not the addressee indicated in this message ( or responsible for delivery > of > the message to such person ) , you may not copy or deliver this message to > anyone . > in such case , you should destroy this message and kindly notify the sender > by > reply email . please advise immediately if you or your employer do not > consent to > internet email for messages of this kind . opinions , conclusions and other > information in this message that do not relate to the official business of > my > firm shall be understood as neither given nor endorsed by it . > > >",0 +"Subject: re : jcc that this email constitutes your groups ( vince kaminski ' s ) sign - off on using this hedge ratio to hedge jcc and jcc - based products ? thanks in advance , marc de la roche kevin kindall @ enron 06 / 06 / 2000 02 : 18 pm to : marc de la roche / hou / ect @ ect cc : grant masson / hou / ect @ ect subject : re : jcc & brent good afternoon . i have performed a review of the jcc data that you sent some time ago . the study was done using several different excel workbooks , and are available upon request . relevant charts are embedded in the powerpoint attachment . questions / comments welcome . - kevin kindall",0 +"Subject: re : trip to houston another student invited by tom gros to come next wednesday . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 02 / 10 / 2000 05 : 25 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - paulo rocha e oliveira on 02 / 10 / 2000 12 : 04 : 56 pm to : "" stinson gibner "" cc : subject : re : trip to houston stinson , thank you for your e - mail . my phone number is ( 617 ) 492 - 9551 . i don ' t have a currect resume , but if i did it would say that i graduated from princeton university in 1996 ( mathematics ) , and came straight to mit for a phd in operations management at the sloan schoolof management . in my first three years i took all the required coursework in mathematics , optimization , stochastic processes , etc . , as well as a number of courses in psychology ( at mit and harvard ) . i am working with prof . gabriel bitran , and i am interested in the mathematical modeling of service operations . in particular , i am interested in the interaction between customers and companies ( hence the interest in psychology ) . the ( tentative ) title of my phd thesis is "" pricing substitute products on the internet "" , and i am sending you the summary which i sent to tom gros a few weeks ago that will give you an idea of what this research is about . thanks again , and i ' m looking forward to meeting you and your research group next week . paulo pricing substitute products on the internet objective : to develop new tools to decide pricing policies for goods and services sold on the internet . motivation : this reseach is motivated by the fact that traditional choice and optimization models are not appropriate for internet - related businesses . the technological innovations associated with the internet brought about an overload of information which inevitably affects the ways in which consumers make choices . furthermore , companies have a great deal of influence on how much information consumers can have access to . the problem of pricing substitute products is an important strategic issue faced by internet companies . consumers usually search for generic products ( e . g , vcrs or computers ) without knowing exactly what they will buy . companies can show different products and different prices to each consumer . this type of flexibility was not available until the internet came about . the problem of pricing substitute products is not unique to the internet . the methodology developed by this research should be transferrable to a number of other settings , such as pricing services . services are unique , and there are many cases where customers will only buy one of many services offered by a given company . our model will help companies decide which services to offer to which customers and how much to charge for these services . research strategy : our research strategy is to divide the pricing problem into two components which can be combined to generate optimal pricing strategies . these components are choice models and optimization models . choice models : choice models describe how customers make choices . the management literature draws on two main sources for these models : psychology and economics . the common approach in psychology models is to use what are called heuristic elimination methods . these methods consist of the elimination of options based on the sequential eliminations of features until only one choice remains . these methods tend to be very context - specific and do not lend themselves very easily to mathematical analysis . economists focus on utility - maximing models that are significantly more mathematically tractable than psychological models . the most common economic model of choice is the logit model . the problem with these types of models is that they are not very accurate reflections of how consumer make choices on the internet . the first step in our research will be to develop choice models that capture the interactions going on between customers and companies on the internet . optimization : traditionally , the optimization problem consists of maximizing revenue over a certain planning horizon . on the internet , the problem of maximizing revenue still exists , but there is also a need to learn about customers . short term profit is based on sales , but long term profit is based on how well you know your customers and are able to retain them . the optimization problem must therefore include a short term component ( sales ) and a long term component ( learning ) .",0 +"Subject: re : vince kaminski ' s oct . 11 presentation - - "" enron day at the energy finance program "" cindy , october 11 would work for me . this is the date of my visit to austin to make a presentation ehud ' s mba class . if you need me to go to austin an a different day , please , let me know . i shall be glad to help you , my schedule permitting . vince cindy justice 07 / 05 / 2000 03 : 51 pm to : vince j kaminski / hou / ect @ ect cc : subject : vince kaminski ' s oct . 11 presentation - - "" enron day at the energy finance program "" vince - christy young is the ut mba recruiter . she is taking a couple of weeks off to get married and will return on july 19 th as christy meador . in her absence , i wanted to make sure we coordianted our efforts with you . below are a few key ut recruiting dates . ideally , we would like for your presentation to occur a week or so before our interview list is due to the career services office . this will allow for additional candidates to submit their resumes for our review before we turn in the interview list . wed . , sept . 13 - corporate presentation & reception - alumni center fri . , sept . 22 - eye ' s of texas career fair - campus thurs . , sept . 28 - enron interview list due to career services office wed . , oct . 11 - pre - interview reception - selected candidates only thurs . , oct . 12 - first round interviews fri . , oct . 13 - second round interviews sat . , oct . 28 - super saturday for ut candidates please let me know what works best with your schedule . note that october 11 is the same date as our pre - interview reception . we look forward to working with you on this . thanks , cindy justice x 57339 - - - - - - - - - - - - - - - - - - - - - - forwarded by cindy justice / hou / ect on 07 / 05 / 2000 03 : 35 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - celeste roberts 07 / 05 / 2000 11 : 57 am to : cindy justice / hou / ect @ ect , shelly jones / hou / ect @ ect cc : subject : vince kaminski ' s oct . 11 presentation - - "" enron day at the energy finance program "" can you guys followup with him to coordinate an enron reception following a presentation that vince kaminiski will give during their annual ut foundations of energy finance class . we do want to do this , and of course need to coordinate with vince and your dates on campus to ensure that we have no conflicts . i am not sure if this falls into the associate or analyst camp . you can best determine who the appropriate contact should be . leave me an e - mail to confirm . celeste - - - - - - - - - - - - - - - - - - - - - - forwarded by celeste roberts / hou / ect on 07 / 05 / 2000 11 : 47 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" ehud i . ronn "" on 07 / 05 / 2000 10 : 35 : 57 am to : celeste roberts / hou / ect @ ect , celeste roberts / hou / ect @ ect cc : subject : vince kaminski ' s oct . 11 presentation - - "" enron day at the energy finance program "" celeste , greetings . as you may recall , i am the director of the univ . of texas center for energy finance ( cefer ) . i would like at this time to initiate planning for your colleague vince kaminski ' s annual presentation to the ut foundations of energy finance class which i will be presenting as usual the first half of the fall semester . thus , to begin , i wonder whether either the above is your current e - mail account , and , with the departure of meryl barnett ( with whom i believe we coordinated this in the past ) , whether this is an issue within your scope . with respect to this reception , i appreciate that there may be other enron receptions scheduled for this fall . however , if you so choose , i would like to afford you the opportunity of scheduling an enron reception following vince ' s presentation . if you would indeed like to do so , i suggest we coordinate with vince the date for the presentation / reception . sincerely , ehud ehud i . ronn professor of finance director , center for energy finance education and research mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: new computers hi lyn : hope things are going better for you ! the research group is getting one new employee beginning february 21 , 2000 , that needs a computer . we also have an employee that needs a new computer because the one she has does not have enough memory . we need at least 64 meg memory with a large screen ( 17 "" ) . names and locations : yana kristal ebl 947 ( replace computer she now has ) shalesh ganjoo ebl 951 ( new analyst rotating - 2 / 21 / 00 ) co . # : 0011 rc # : 100038 approver : vince kaminski , managing director , research if you need anything else , please let me know . thanks and have a great day ! shirley 3 - 5290",0 +"Subject: re : eprm article julie / vince ? i worked on both the last couple of nights and made quite a few small "" improvements "" . ? vince - if the 2 nd article ( eprm _ 02 _ mr . doc ) is ok with you then that is ready . ? the 3 rd article needs fig 1 updating still will hopefully do that this w / e . ? les . ? - eprm _ 02 _ 03 . zip",0 +"Subject: uk inflation and storage model hi zimin , inflation : i am also spending a lot of time looking at short - term auto - regressive models for ppi and long - term , more fundamentally - based models . this work is important because we have potentially a large positive p & l that may be unlocked by moving to our new indicative uk ppi curves . john sherriff and trena are keen that any models i produce are vetted / approved in houston , so i will forward to stinson or yourself initially for review once ready and documented . storage : thanks for the current storage model . due to the complexity of the modelling issues involved , i would strongly support a visit by you to help me meet the needs of the london customers in this matter , and am happy to act as the anchor for information flow in the mean time . regards , anjam x 35383 zimin lu 21 / 03 / 2000 19 : 31 to : anjam ahmad / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : us inflation and storage model anjam , thanks a lot . after getting that book i will redo the us inflation model . our exposure to cpi inflation risk is huge ( think about how many contracts signed by ees ) , so the us model is very important . the storage model is going through aduit by prof . d . duffie . we are adding features to it . i can send you the current version . maybe it is worthwhile for me to go to london to discuss with the users about the valuation . zimin anjam ahmad 03 / 21 / 2000 11 : 31 am to : zimin lu / hou / ect @ ect cc : subject : book hi zimin , you ' re book has arrived and i posted it today . also , wanted to ask what you could give me and natasha regarding the new storage model ? thanks , anjam x 35383",0 +"Subject: re : credit . com cv ' s could we talk on monday pls . obtain the feedback of your team . thanks for the assistance vince j kaminski 08 / 05 / 2000 22 : 46 to : rosalinda resendez / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , bryan seyfried / lon / ect @ ect subject : re : credit . com cv ' s rosie , we are making arrangements to bring them to houston for an interview . vince rosalinda resendez 05 / 08 / 2000 11 : 10 am to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : credit . com cv ' s vince , i ' ve been asked to forward these resumes to you . rosie - - - - - - - - - - - - - - - - - - - - - - forwarded by rosalinda resendez / hou / ect on 05 / 08 / 2000 11 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - louise bratby 05 / 08 / 2000 10 : 11 am to : rosalinda resendez / hou / ect @ ect cc : subject : credit . com cv ' s rosalinda i work with melanie doyle in london hr . i have two candidates who i ' m trying to arrange ( for bryan seyfried ) to come in and see vince kaminski however i ' m finding it difficult to co - ordinate from this end . would it be possible for you to forward these cv ' s on to vince ' s assistant as i ' m not sure who the correct person is . thanks for your help and if you need more details my number is 44 20 7783 6945 . regards louise",0 +"Subject: hiring at a vp level jeff , i want to bring aram sogomonian back to enron at a vp level . according to new human resources procedures this decision requires a support of three senior executives . i want to ask you to express your opinion on aram ( based on a phone interview or just on your past interactions with him ) . you can send a reply to norma villarreal at h / r . thanks . vince",0 +"Subject: re : recruiting vince , thank you so much for forwarding this information to me as well as making some initial contacts on campus ! i was wondering if you could provide a two hour time slot in the next two weeks for the cal berkeley planning session with the entire campus team here in the office ? i would like to get the entire team together prior to the career fair on the 8 th so that we can go over the strategy , dates on campus , and roles / responsibilities . also , i know that you mentioned that the first couple of weeks in october would be the best to target for the general information session . how does the week of october 9 th look for you ? is there a certain day that works the best ? i would like to work with your schedule to see if we can come up with a date in that timeframe . thanks again for your help ! ashley vince j kaminski @ ect 08 / 11 / 2000 01 : 42 pm to : ashley baxter / corp / enron @ enron cc : subject : recruiting ashley , another professor i contacted . his web page is http : / / are . berkeley . edu / ~ rausser / can we firm up the trip date ? i shall be able to line up some meetings vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 11 / 2000 01 : 46 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vkamins @ ect . enron . com on 08 / 11 / 2000 01 : 44 : 52 pm to : rausser @ are . berkeley . edu , vkamins @ enron . com cc : subject : recruiting gordon , this is the information about our recruiting program . vince - enronl . pdf",0 +"Subject: gaming of neta prices - constraints on the mccoy strategy fyi ( bm = balancing market in his email ) . i ' m still on eklavya ' s back to produce a white paper analysis of possible trading stretagies under neta and their likely implications for prices and volatilities . i ' ll forward it on as soon as ( if ever ) i receive it . steve - - - - - - - - - - - - - - - - - - - - - - forwarded by steven leppard / lon / ect on 02 / 09 / 2000 03 : 10 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - eklavya sareen 09 / 02 / 2000 14 : 43 to : ect london uk power trading , enron london power analytics , ect london uk gas and power origination , paul dawson / lon / ect @ ect cc : subject : gaming of neta prices - constraints on the mccoy strategy i believe most people are now familiar with the mccoy strategy for manipulating imbalance prices in a favourable direction : 1 ) take a massive long or short position in forward trading 2 ) choose physical production decisions to drive system i ) long if forward market postion is long ii ) short if forward market postion is short 3 ) if system is long it needs to accept bids , if system is short it needs to accept offers 4 ) if forward market postion is long submit very large postive bids to the bm to drive ssp high - ssp is price received for spilling power to the bm ( going into bm long ) 5 ) if forward market postion is short submit very small ( even negative ) offers to the bm to drive sbp low - sbp is price paid for purchasing power from bm ( going into bm short ) the neta programme intends to tag transmission cosntraint related trades in the bm . according to disg 24 "" tagging constraint trades "" ( 21 dec 99 ) option 3 ( a ) [ the option that is proposed to be adopted ] , paragraph 2 . 3 ( p . 4 ) : "" in the relevant settlement period , all accepted offers and bids volumes that can be arbitraged , i . e . where a volume has been bid higher than the price at which a volume has been offered , are eliminated ; "" one of the implications of the above procedure is that the highest bids ( the mccoy bids ) and the lowest offers ( the mccoy offers ) are likely to be eliminated from the calculation of imbalance prices . this will make it harder to pursue the mccoy strategy successfully . thoughts and comments welcome . thanks , eklavya .",0 +"Subject: re : var vince thanks for the update - especially your point 3 which echoes our own discussion yesterday : i want to clarify responsibilities for maintenance and administration of var . we need transparency around the process so that mapping decisions , for example , are easily made , supported and reviewed . it became clear after last friday ' s events , that we are in an awkward paradigm with respect to how we handle var here , particularly at "" pressure points "" . i am putting together the scope of a "" general overhaul "" of the var process , including method and administration , to which i hope we would all buy in , so be assured of our co - operation . dp - - - - - original message - - - - - from : kaminski , vince sent : wednesday , april 11 , 2001 2 : 49 pm to : port , david cc : lavorato , john ; kaminski , vince ; tamarchenko , tanya subject : var david , during today ' s var coordination meeting we had a discussion of issues related to mapping of the forward price curves into core locations . mapping is a necessity dictated by the limitations of the computer system : we have to reduce the dimensionality of the problem to stay within the bounds of available cpu memory . also , in some cases the quality of price discovery is poor and it ' s difficult to model the price curves independently : we solve the problem by mapping them into more liquid and better behaved core locations curves . we have agreed on the following : 1 . winston will investigate the it side and determine to what extent we can increase the number of forward price curves that are simulated as basic ( core ) curves . he will investigate the impact of a larger number of the core curves on the time required to complete the var run . 2 . the curves associated with the biggest 10 - 20 positions in each commodity should be modeled as core curves ( i . e . no mapping into other locations ) . it makes sense to monitor the biggest risks separately and avoid aggregating them into less transparent aggregates . 3 . the results of an automated clustering ( mapping ) procedures should be systematically monitored by a human and corrected if they misrepresent the risks of the trading positions . this responsibility should be vested with one person ( right now the responsibility is dispersed through the organization and this means in practice that nobody is responsible ) . research can allocate one person to this task ; cooperation of trading and rac will be critical . vince",0 +"Subject: december 15 th super saturday friday interview confirmation please see the attached regarding interview confirmation and information for friday , december 15 th . thanks shelly",0 +"Subject: promotion vince , congrats on your promotion to md . doug",0 +"Subject: re : lsu seminar visit jim , i can send you copies of the reprints of some papers i wrote or co - authored . please , let me know how many copies do you need . i shall prepare power point presentations for the student meeting and for the faculty meeting . for the students : review of my group ( things we work on ) with an intention of generating some interest among the students and soliciting resumes . for the faculty meeting : challenges that energy markets pose to financial modeling . i shall be able to e - mail the power point presentations later this month . vince jim garven on 01 / 17 / 2000 04 : 00 : 25 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : lsu seminar visit dear vince , would you mind emailing to me a short biography / vita sometime when you get a chance ? also , if you have a paper to circulate or any powerpoint slides that you ' ll want to use either in your presentations to my students thursday afternoon , 2 / 3 , or to the faculty seminar on friday morning , 2 / 4 , please email these to me . this would be greatly appreciated . my colleagues and i are looking forward to your visit on feb . 3 - 4 to lsu . sincerely , jim garven james r . garven william h . wright , jr . endowed chair for financial services department of finance 2158 ceba e . j . ourso college of business administration louisiana state university baton rouge , la 70803 - 6308 voice ( 225 ) 388 - 0477 | fax : ( 800 ) 859 - 6361 e - mail : jgarven @ lsu . edu home page : http : / / garven . lsu . edu vita : http : / / garven . lsu . edu / dossier . html research paper archive : http : / / garven . lsu . edu / research . html - attl . htm",0 +"Subject: re : possible hire ? kathy , thanks for your message . we are very interested in talking to keith . please , give him my phone number / e - mail address and he can contact me directly . vince "" kathy ensor "" on 04 / 18 / 2000 11 : 32 : 27 am to : cc : subject : possible hire ? dear vince , a faculty member in our department , namely dr . keith baggerly , is interested in pursuing other employment . he is currently an assistant professor in our program and a highly valued member of our department . we hate to lose him , however his interest has shifted from the academic arena to one of high level but practical application and development of statistical methodologies including stochastic modeling . keith is actually a graduate of our ph . d . program ; he was in the same group of students as martin lawera . keith spent several years at los alamos national lab before we recruited him back to rice . he has been on our faculty now for three years and it is my expectation ( and that of my colleagues ) that if he remained he would receive tenure . keith has a strong interest in financial models and the background to support his interest . he is also a leading expert in statistical computing , empirical likelihood , categorical models and areas of statistics falling under the general bailiwick of "" data mining "" . he is a creative thinker . i do not know if there are possibilities for keith within your group , however i believe it is an excellent match of talent and objectives . would you have an interest in speaking with keith ? if so , i will suggest that he contact you . best regards , kathy ensor katherine bennett ensor e - mail : ensor @ rice . edu professor and chair or : kathy @ stat . rice . edu department of statistics , ms 138 phone # : ( 713 ) 348 4687 rice university dept . # : ( 713 ) 348 6032 houston , tx 77251 - 1892 fax # : ( 713 ) 348 5476",0 +"Subject: fw : application for open positions within enron dear mr . kaminski : just wanted to let you know that i have submitted my slightly revised resume ( attached ) for the following open positions within enron . i am seeking an opportunity to have a job interview with the right individuals . i know you have been trying to help me . this is a good time for a meeting with someone within these departments . 1 . . credit analyst , spec sr , job # 000010220 , dept : trade credit : tony vasut 2 . . manager , job # 0000102374 , dept : ena consolidated reporting : tony vasut 3 . . director , b 8828 , dept : investments / ventures - broadband services 4 . . compliance manager , job # 0000102317 , dept : due diligence / asset management i shall , therefore , appreciate your guidance on how i can come in for a job interview . as you know , i am really interested in working for enron , hence request for your help . thank you . sincerely , maruti d . more , cfa 1 . . - - - - - original message - - - - - from : more to : vince j kaminski date : monday , february 07 , 2000 10 : 18 pm subject : re : personal dear mr . kaminski : thank you very much for meeting with me again today over lunch . i appreciated the opportunity to catch up with you . please find attached my current resume ( both a short and a long version ) . i have worked as a trader , portfolio risk manager , and a stock analyst . i have traded derivatives , bonds , and stocks , and managed insurance and pension investment portfolios to maximize risk - adjusted returns . let me highlight some of my work experiences . trading and risk management a . . structured , negotiated , and traded otc interests rate swaps , cross - currency swaps , swaptions , and exchange - traded equity index futures and options . made powerpoint presentations to garp and the uoh on credit derivatives . b . . developed investment hedging program utilizing exchanged - traded bond futures and interest rate swaps . c . . traded and managed pension and insurance fixed income portfolios to maximize total return and funding ratios . bonds traded : treasuries , agencies , mbs / cmos , abs , corporate , yankees , and foreign . d . . traded and managed stock mutual portfolios for total return . e . . created a computer program to quantify the attribution of total return for fixed income portfolios relative to market returns . f . . programmed investment compliance rules to monitor the management of domestic and global stock , bond and money market mutual funds . g . . supervised market risks , credit risks , legal risks , and operations risks of derivatives , bonds , money market securities , and equities . policy , reporting and projects a . . developed investment policy guidelines to manage fixed income portfolios . b . . rewrote derivatives policy manual . c . . prepared a 20 - page powerpoint slide presentation on india for the senior management . d . . prepared and presented investment reports to cios , investment committees , and boards of trustees i shall , therefore , appreciate your help in connecting me with the right individual within enron for a job interview to work as a financial trader / risk manager . i can provide excellent references upon request . thank you for the lunch . sincerely , maruti d . more , cfa 713 - 722 - 7199 more @ insync . net - - - - - original message - - - - - from : vince j kaminski to : more date : tuesday , january 25 , 2000 12 : 39 pm subject : re : fw : luncheon meeting : asap hello , i shall be traveling this week . i shall be glad to meet you for lunch next week . please give me a call monday at 713 853 3848 . vince "" more "" on 01 / 25 / 2000 10 : 27 : 09 am to : vince j kaminski / hou / ect @ ect cc : subject : fw : luncheon meeting : asap dear mr . kaminski : just to bring you up to date . i am no longer with american general . i shall , therefore , appreciate an opportunity to meet with you for lunch at the earliest possible time . i can be reached at 713 - 722 - 7199 . thank you . maruti more 713 - 722 - 7199 - - - - - original message - - - - - from : more to : vince j kaminski date : friday , december 17 , 1999 8 : 55 pm subject : re : luncheon meeting thank you for your response . i was very happy to hear from you . i am also taking next week off and will be back to work on december 27 th . please do call me when you get back . would very much appreciate the opportunity to have a quick lunch with you , if possible . hope everything is going well . have wonderful christmas holidays . regards maruti more 713 - 831 - 6209 ( o ) - - - - - original message - - - - - from : vince j kaminski to : more cc : vince j kaminski date : friday , december 17 , 1999 3 : 35 pm subject : re : luncheon meeting hello , i shall be taking a few days off around xmas . i shall call you at the end of december when i get back to the office . with best holiday wishes , vince "" more "" on 12 / 01 / 99 09 : 28 : 09 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : luncheon meeting dear mr . kaminski : how are you doing ? i want to find out if we can meet again for a quick lunch . you might know that in maharashtra , india there is now a new chief minister ( ceo of the state government ) . i am proud to say that he and i are from the same town , latur . i would really enjoy talking with you again , at your convenience . i will call you tomorrow to follow up . thank you . sincerely , maruti more - - - - - original message - - - - - from : vince j kaminski to : more cc : vince j kaminski ; vkaminski @ aol . com date : thursday , july 01 , 1999 6 : 16 am subject : re : luncheon meeting dear mr . more , let ' s meet at 11 : 45 in the lobby of the enron building . we can walk to one of the restaurants in the downtown area . vince kaminski ( embedded enron capital & trade resources corp . image moved to file : from : "" more "" picl 7002 . pcx ) 06 / 30 / 99 10 : 38 pm to : vince j kaminski / hou / ect cc : subject : luncheon meeting dear mr . kaminski : i am looking forward to our luncheon meeting on this friday , july 2 , 1999 at 11 : 30 am . please let me know where we should meet . thank you for taking time out from your busy schedule . sincerely , maruti more tel . : 713 - 831 - 6209 - attl . htm - bio @ home . doc - more @ home . doc - consultant . doc",0 +"Subject: webi proposal vince : per your request , i am forwarding the electronic version of the webi proposal . as i mentioned to you yesterday , jeff shankman has procured funding for enron to join at the corporate partner level , so you may wish to discuss the matter with him prior to circulating this document . this funding is in addition to that which you and christie have already committed to other research and sponsorship activities at the school . please let me know if i can be of any further help . i look forward to seeing you again soon . by the way , i cast my vote on time and with no confusion ; let ' s hope the outcome is as we hoped it would be . tom > - webi proposal complete 5 - 26 . doc",0 +"Subject: re : hello gerry , let me review my calendar in the beginning of the next year and i shall e - mail you with a suggested date . my assistant will update my schedule for 2001 in the first week of january and i shall be able to select a date for ypur presentaton . vince kaminski "" sheble , g . b . "" on 12 / 21 / 2000 10 : 43 : 50 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : hello dear mr . kaminski please excuse the cancellation due to illness . the students do not care who they infect near the end of the semester , they just want to get done ! here is my available schedule for next year . i am now overloaded next week with tasks to complete the semester . i do hope that we can reschedule during the first quarter next year . i would note that my schedule is most free for thursday or friday . i could fly out late wednesday night . cordially , gerry teaching schedule m 11 - 12 t and r 10 - 12 and 2 - 4 t 12 - 2 ep & es seminar m 6 - 8 t 6 - 8 w 6 - 8 ( r = thursday ) workshops : jan 12 - 13 des moines jan 26 - 27 des moines feb 9 - 10 des moines ieee wpm conference feb 28 - 31 columbus , ohio",0 +"Subject: re : mba polish speakers does he know any of the names identified by sophie ? sidney cox 2000 - 02 - 23 19 : 31 to : jarek astramowicz / war / ect @ ect , jarek dybowski / war / ect @ ect , krzysztof forycki / war / ect @ ect , sophie kingsley / lon / ect @ ect , sophie kingsley / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : mba polish speakers vince was in the office today and i mentioned to him the difficulties we are having in finding good quality polish mbas . vince has kindly agreed to make contacts and forward some names to us . sid",0 +"Subject: todd kimberlain vince / vasant : do you know who todd kimberlain is ? is he supposed to be in the research group and charged to our cost center ? he is . i have never heard of him , but when you pull his name up , it shows that he is reporting to mark tawny , but is in the research group and being charged to our cost center . he is also on our time site , but i have not been doing his time . i hope somebody has ! let me know , thanks ! shirley",0 +"Subject: re : agenda for thursday ' s meeting hello all , i look forward to this meeting . since the time vince and i last spoke , we have really gained some traction in this area of improving our relationships with universities . i am going to take the liberty of inviting mike rosen to the meeting . mike has done a great job on several relationship - based special projects , and i ' d like to hear his thoughts as we develop the angles of this initiative . see you tomorrow , mark",0 +"Subject: interview thanks dear dr . kaminski : thank - you once again for inviting me to interview for a position in your corporate research group . i very much enjoyed meeting you and your colleagues . i was quite ? impressed by the excellent quality of the people and the entrepreneurial spirit at enron . the ongoing projects in support of energy and broadband ? marketing as well as insurance ? are very interesting to me . i definitely would like to be a part of these efforts . thank - you again for the opportunity to interview with your group . ? sincerely , rodney greene",0 +"Subject: dr . kaminski , on wednesday , june 14 th i attended your presentation entitled "" the challenge of valuation of energy related derivatives "" at the risk 2000 conference in boston . can you please e - mail me the slides you presented . also , you mentioned that the method you used to calculate volatility for energy prices was not the "" normal "" method . can you please tell me , or give me a reference to the method that you did use . thank you , aaron gould senior risk management analyst pseg services corporation aaron . gould @ pseg . com 1 - 973 - 456 - 3527",0 +"Subject: bios of mit participants vince : bios from mit participants did arrive - - - see below . amy donald r . lessard deputy dean ; epoch foundation professor of international management office e 52 - 474 tel 617 - 253 - 6688 ? ? ? ? ? ? ? ? ? ? ? lessard ' s current research is focused on the shaping and managing of risks in large engineering projects , the globalization of financial services , and knowledge development within multinational firms . as deputy dean , lessard coordinates sloan ' s research centers and provides faculty leadership for its international initiatives , institutional partnerships and executive education . the international initiatives include joint programs with tsinghua and fudan universities and lingnan ( university ) college in china , as well as programs in taiwan and singapore . lessard is also the faculty director for the mit - wide partnership between merrill lynch and mit . general expertise international corporate strategy and finance s . p . kothari gordon y billard professor of accounting and finance office e 52 - 325 tel 617 - 253 - 0994 ? ? ? ? ? ? ? ? ? ? ? ? kothari is an editor of the journal of accounting & economics , and his research work has been widely published in leading accounting and finance journals . past research has focused on the relation between financial information and security prices , accounting for executive stock options , tests of security - price performance and market efficiency , corporate uses of derivatives for hedging and speculation , and issues surrounding executive compensation . recent published research includes : "" the relation between earnings and cash flows "" ( with patty dechow and ross watts ) , journal of accounting "" a market - based evaluation of discretionaryaccrual models "" ( with wayne guay and ross l . watts ) , journal of accounting research , 1996 ; "" another look at the cross - section of expected returns "" ( with jay shanken and richard sloan ) , journal of finance , 1995 ; and "" measuring long - horizon security price performance "" ( with jerold b . warner ) , journal of financial economics , 1997 . general expertise accounting , india , stock trading",0 +"Subject: technical corner article a proposed technical corner article on the work we did fitting the new york area gas load data is attached for comment . bob lee",0 +"Subject: re : pserc iab - who we are i have completed the requested questionaire . lance sjdemarco @ nyseg . com on 11 / 20 / 2000 12 : 56 : 14 pm to : james . stoupis @ us . abb . com , arun . arora @ tdb . alstrom . com , dakrummen @ aep . com , bajarang . agrawal @ aps . com , mwtwominer @ bpa . gov , ctwedick @ bpa . gov , phsiang @ caiso . com , james . crane @ exeloncorp . com , mwagee @ duke - energy . com , alex . huang @ enron . com , lance . cunningham @ enron . com , ttayyib @ epri . com , hamid . elahi @ ps . ge . com , huneault @ ireq . ca , mpotishnak @ iso - ne . com , wong @ merl . com , rbs 2 @ pge . com , kip . morison @ powertechlabs . com , don - sevcik @ reliantenergy . com , dspelley @ srpnet . com , sti @ apk . net , marty . brett @ wheatland . com , dtbradshaw @ tva . gov , kwmorris @ tva . gov , amander @ tristategt . org , bill . muston @ txu . com , w . b . dietzman @ txu . com , pmccrory @ txu . com , philip . overholt @ ee . doe . gov , quintana @ wapa . gov , torgersn @ wapa . gov , paul . walter @ wepco . com , louis . p . matis @ xcelenergy . com cc : djray @ engr . wisc . edu subject : pserc iab - who we are one of the things i would like to accomplish over the next few weeks is for we iab members to build a better working relationship . there have been many changes to pserc over the past year , as well as many new iab members joining with their universities . i ' ve felt that i don ' t know most of the iab members and that makes it difficult for me to feel like i ' m adequately representing your needs to the pserc executive committee . i hope to meet many of you in denver and get to know you better , but i think we all need to know each other better . i have an idea that might help us and it will only take five minutes of your time . if you could take the time to fill out the following short questionnaire and email it back to me then i ' ll compile a list and distribute it to you . depending upon when you respond i might be able to hand it out in denver , but i ' ll be sure to email you a copy later if i have to . this is , of course , perfectly voluntary , so if you ' re not interested its okay . if you want to respond via a telephone call , i ' m at 607 - 762 - 8825 . email this back to me at sjdemarco @ nyseg . com and copy dennis ray at djray @ engr . wisc . edu . thank you very much , steve de marco ( iab chair ) _ _ _ _ your name : lance b . cunningham , p . e . your title : manager your department or division : research , enron north america main r & d related responsibilities of your department or division : market modeling and options pricing the stem area you ' re most interested in ( x one ) : markets ( xx ) t & d technology systems what do you hope to gain from attending the iab meeting : evaluation of pserc for potential membership would you like to add any specific agenda item to the closed iab meeting on thursday ? no are there any specific agenda items that you would like covered in the open feedback session with both the university and industrial pserc members on friday ? future research plans , applicability of research to industry ( perhaps a list of previous research projects )",0 +"Subject: re : mid - project review dates - enron hi donna ! ! please sign the enron team up for feb . 20 th . thanks ! ! ! . . . and thanks for all your help last week ! everyone at enron is enthusiastic about the project , and the students have been very gracious in their "" thank you "" notes . we ' re looking forward to the video conference thursday . my assistant , melinda mccarty , will contact you to make sure we ' re "" reciprocally "" in sinc for the broadcast . thanks ! - - christie .",0 +"Subject: fall 2001 module schedule and fall 2001 calendar schedule in your mailboxes students , faculty , and staff , i have placed a hard copy of the fall 2001 module schedule and fall 2001 calendar schedule in your mailboxes this afternoon for your review . i have also posted a copy of the fall 2001 module schedule and fall 2001 calendar schedule onto embanet . to access the fall 2001 module schedule and calendar schedule please open the jgsm area icon on the embanet desktop . next please open the announcement jgsm icon . you will find the fall 2001 module schedule and the fall 2001 calendar schedule located under the subject column . please open the documents . if you have any trouble accessing the schedule or calendar please contact david kilgore at : kilgore @ rice . edu thanks , kathy kathy m . spradling mba program coordinator jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 3313 fax : ( 713 ) 348 - 5251 email : spradlin @ rice . edu http : / / www . rice . edu / jgs e - mail : spradlin @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: matlab at enron hello vince : i ' m the territory manager for the mathworks , we develop matlab technical software . we ' ve recently developed tools well suited for energy trading industry . enron has used our products in the past , but all of those end - users have left enron . risk management and research groups at southern energy , txu , dynegy , el paso energy , koch , calpine , reliant and others have recently started using our products in the following ways . 1 . create sophisticated option pricing models , risk analysis models , and stress analysis models . creating gui front ends for the end - users . 2 . pull in data from odbc , corba , and sas databases to evaluate . 3 . visualize the results and quantify the solution . 4 . compile these models and distribute these applications to their traders , analysists and managers with no distribution costs . who should i contact at your company to discuss enron ' s situation to see if our can help enron as it has with our other energy customers ? thank you for your time and help . = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = scott wakefield the mathworks , inc . phone : ( 508 ) 647 - 7282 fax : ( 508 ) 647 - 4275 e - mail : swakefield @ mathworks . com http : / / www . mathworks . com = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = matlab news group : news : comp . soft - sys . matlab = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = visit the new mathworks store and buy matlab , simulink and all of our products online http : / / www . mathworks . com / store /",0 +"Subject: proj . x analytics diligence paul , vince and i spent some time thinking about the diligence process for the trading analytics . there is a limited amount that can be accomplished in a two day time period . i think a reasonable start would be the following : 1 . obtain an audited history of the trading strategies which have been implemented in order to verify profitability , and p / l volatility of each . 2 . review needed working capital and risk capital requirements and compare these to projections for trading income . 3 . review current level of access to electronic markets and verify that a change of ownership would not have adverse consequences , i . e . are there guarantees of continued access using the current systems ? 4 . review feasibility of entry into proposed new markets ? it is far from clear that there will be any synergy with most commodity markets given the current limited "" electronic "" liquidity . 5 . review , at least qualitatively , the current trading strategies being used . try to develop some estimate of how fast the profitability of these strategies will disappear as other ' s implement similar trading models . what is the trade off between trade quantity and slippage . 6 . review the methodology used to generate new trading strategies which will be needed to replace the current models as they become unprofitable and outdated . 7 . try to determine if there will be any value in transfer of trading technology to enron ' s other markets , given the illiquidity of these markets as compared to the financial equity markets . if there were a sufficiently long time horizon for our analysis , we would probably want to run their system on a test set of data . let me know if you have other suggestions . - - stinson",0 +"Subject: re : tanya ' s vacation this is just to let you know that i am going to go on vacation from 7 / 26 / 00 to 8 / 8 / 00 . tanya .",0 +"Subject: re : matthew williams i ' m entirely ok with this . . . . matt sophie kingsley 11 / 10 / 2000 19 : 04 to : dale surbey / lon / ect @ ect cc : steven leppard / lon / ect @ ect , melanie doyle / lon / ect @ ect , tani nath / lon / ect @ ect , matthew d williams / lon / ect @ ect , vince j kaminski / hou / ect @ ect , lucy page / lon / ect @ ect subject : re : matthew williams let ' s agree the switch happens november lst and we will change sap to reflect specialist status and matthew will be send a letter . matt , can you just send me a note confirming you are ok with this and cc . karen tamlyn who will make the change . regards sk dale surbey 11 / 10 / 2000 18 : 21 to : steven leppard / lon / ect @ ect cc : melanie doyle / lon / ect @ ect , sophie kingsley / lon / ect @ ect , tani nath / lon / ect @ ect , matthew d williams / lon / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : matthew williams i agree - sounds like a good idea . - dale steven leppard 11 / 10 / 2000 18 : 05 to : melanie doyle / lon / ect @ ect , sophie kingsley / lon / ect @ ect cc : tani nath / lon / ect @ ect , dale surbey / lon / ect @ ect , matthew d williams / lon / ect @ ect , vince j kaminski / hou / ect @ ect subject : matthew williams all following discussions between matt , vince kaminski , and me , matt has decided he ' d like to make a longer - term commitment to research . with this in mind we ' d like to request that matt is switched from a & a to the specialist track . vince and i feel this is clearly in the best interests of enron given matt ' s proven strengths in quant analysis . how do we proceed ? all the best , steve",0 +"Subject: re : letter thanks a lot for the letter . appreciate your help . thanks , larrissa . vince j kaminski 04 / 25 / 2000 09 : 19 am to : larrissa sharma / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : letter larrissa , please , take a look at the letter . my assistant is on vacation , she will be back tomorrow . please , check the spelling of your first name . it was inconsistent in the original letter from the lawyer . vince",0 +"Subject: organization announcement we are pleased to announce the following organization changes within enron global markets ( egm ) . larry lawyer will be joining egm effective immediately to lead our new finance activities . in this role , he will work with all commodity products , assets , and teams worldwide to lever our existing businesses with this new focus . larry has worked as treasurer and was responsible for 3 rd party financing for ebs for the last year . he has worked for enron for 4 1 / 2 years in various positions in the finance area . he will be reporting to the office of the chairman . eric gonzales will be joining the lng team and will co - head this effort with rick bergsieker . we believe there is significant opportunity in the worldwide lng markets , and eric will direct all merchant activity and focus on the atlantic regions of the world . he will also manage the lng shipping book . eric is located in the london office and also has responsibility for leading the newly formed pool markets origination group reporting to joe gold . rick bergsieker has relocated to dubai , in the uae . he is responsible for all middle east activities and projects , managing the puerto rico assets and will co - head the worldwide lng efforts . rick has over 20 years of lng experience and together , he and eric will form an outstanding leadership team as we expand enron  , s lng activities around the world . they both will report to the office of the chairman . jennifer fraser will come over and develop our market fundamentals group for all products in egm , much like ena natural gas and power fundamentals and intranet pages existing today . previously , jennifer was working in the mid market origination group . heather purcell will be joining this group developing the commercial interface for our intranet page . heather was with azurix , where she worked on the platform interface for their ebusiness initiatives . gary hickerson will be chairing our traders  , roundtable . this new group will be comprised of traders across enron ' s wholesale trading and risk management businesses . this forum will give traders the opportunity to discuss topics important to their individual markets , and to learn and explore other markets in a macro sense . also , we will be forming a cross - commodity trading group . traders who have shown extremely strong and consistent profitability will have the opportunity to join this group and to exploit cross - commodity opportunities with a bias toward structural shifts in markets . this group will not be involved in customer activity and will execute through our principal desks . gary will manage this new group , as well as continuing with his current f / x , rates , equity , and agriculture initiatives . please join us in congratulating everyone on their new positions . organization charts outlining the entire egm organization are available upon request from cathy phillips .",0 +"Subject: re : re [ 4 ] : greetings from london ( to enron ) iris , we can invite you for an interview to houston . what would be a the time for you ? vince iris . mack @ bnpparibas . com on 05 / 25 / 2000 11 : 32 : 04 am to : vince . j . kaminski @ enron . com cc : subject : re [ 4 ] : greetings from london ( to enron ) hi , thank you for your prompt response . i am interested in any contacts you may have in your rolodex . also , i would be opened to talk to enron as well . please let me know more details . kind regards , iris internet from : vince . j . kaminski @ enron . com on 25 / 05 / 2000 16 : 19 gmt to : iris mack cc : vince . j . kaminski , stinson . gibner , grant . masson , pinnamaneni . krishnarao , vasant . shanbhogue bcc : subject : re : re [ 2 ] : greetings from london ( to enron ) iris , i shall go through my rolodex and try to find some good leads for you . i left investment banking 8 years ago and this field changes very fast . alternatively , would you be interested in a company like enron or another energy company in houston ? please , let me know . vince iris . mack @ bnpparibas . com on 05 / 25 / 2000 09 : 20 : 01 am to : vince . j . kaminski @ enron . com cc : subject : re [ 2 ] : greetings from london ( to enron ) hi , how are you ? thank you kindly for your email . sorry i have not responded sooner . currently i am working in derivatives structured products and risk management at bnp paribas in london . although i currently enjoy living and working in london , i may need to return to the states - because of my mother ' s failing health . do you know of any good contacts at investment banks that i may forward my details to ? for your information , i have attached my cv . ( please see attached file : iris marie mack . doc ) . thank you in advance for your time and consideration . kind regards , iris mack 44 ( 0 ) 20 7595 8665 ( work ) 44 ( 0 ) 20 7229 9986 ( home ) ( see attached file : iris marie mack . doc ) internet from : vince . j . kaminski @ enron . com on 04 / 04 / 2000 15 : 03 gmt to : iris mack cc : vince . j . kaminski bcc : subject : re : greetings from london ( to enron ) iris , please , feel free to give me a call when you have a few minutes . i shall be glad to chat with you . vince iris . mack @ paribas . com on 03 / 30 / 2000 02 : 24 : 27 am to : vkamins @ enron . com cc : denis . autier @ paribas . com subject : greetings from london ( to enron ) dear dr . kaminski , how are you ? it was nice to meet you at the real options conference in nyc . i was intrigued by some of the comments in your conference talk . in particular , by your use of real options to hedge financial options . this is something i am interested in as well . when you have some time , could we chat about this topic in a bit more detail ? thanks for your time and consideration . hope to hear from you soon . regards , iris mack - - - - - - - - - - - - - - - - this message is confidential ; its contents do not constitute a commitment by bnp paribas group * except where provided for in a written agreement between you and bnp paribas group * . any unauthorised disclosure , use or dissemination , either whole or partial , is prohibited . if you are not the intended recipient of the message , please notify the sender immediately . * bnp paribas group is a trading name of bnp sa and paribas sa ce message est confidentiel ; son contenu ne represente en aucun cas un engagement de la part du groupe bnp paribas * sous reserve de tout accord conclu par ecrit entre vous et le groupe bnp paribas * . toute publication , utilisation ou diffusion , meme partielle , doit etre autorisee prealablement . si vous n ' etes pas destinataire de ce message , merci d ' en avertir immediatement l ' expediteur . * le groupe bnp paribas est le nom commercial utilise par bnp sa et paribas sa ( see attached file : iris marie mack . doc ) - iris marie mack . doc",0 +"Subject: swaps monitor research . we have today published information about the global exchange - traded options and futures volume . this research is contained in the attached pdf file . through our web site , swapsmonitor . com , you can obtain additional information about otc derivatives dealers , including rankings and a database of outstandings going back to 1994 . as an e - mail subscriber to our research , you will automatically receive all free research at the same time it is placed on our web site . if you wish to remove your name from the e - mailing list , please use the reply feature of your e - mail application and type the word "" remove "" in the subject line . regards , - total _ et . pdf andrei osonenko research department",0 +"Subject: re : 2001 fma european conference thanks vince . looking forward to dinner on sunday with you and stinson . john at 11 : 52 am 11 / 29 / 00 - 0600 , you wrote : > > john , > > the books have arrived and i shall fedex them tonight to your university > address ( shown at the bottom of your messages ) . > still fishing for the paper on network economy . > > vince > > p . s . shirley , the address is at the bottom . > > > > > > "" john d . martin "" on 11 / 28 / 2000 11 : 27 : 35 am > > to : vince . j . kaminski @ enron . com > cc : > subject : re : 2001 fma european conference > > > that ' s fine . i didn ' t want to change anything until i heard from you guys . > > see ya ! > > john > > at 11 : 06 am 11 / 28 / 00 - 0600 , you wrote : > > > > john , > > > > thanks . stinson will be able to join us for dinner . he is opting out of > > the paper due to his big workload but we can get his perspective on > > the last 8 years he spent at enron . > > > > vince > > > > > > > > > > > > "" john d . martin "" on 11 / 28 / 2000 09 : 44 : 17 am > > > > to : vkamins @ enron . com > > cc : > > subject : 2001 fma european conference > > > > > > here ' s the info on the european conference . just for your files . > > > > john > > > > > date : tue , 28 nov 2000 08 : 40 : 39 - 0500 > > > from : karen wright > > > subject : 2001 fma european conference > > > to : kwright @ fma . org > > > x - mailer : mozilla 4 . 5 [ en ] ( win 98 ; i ) > > > x - accept - language : en , pdf > > > > > > 2001 fma european conference > > > > > > the fifth annual european meeting of the financial management > > > association international ( fma ) will be held may 31 and june 1 , 2001 at > > > the hotel sofitel ( rive gauche ) in paris , france . fma ' s european > > > meeting brings together academicians and practitioners with interests in > > > financial decision - making . the meeting provides a forum for presenting > > > new research and discussing current issues in financial management , > > > investments , financial markets and institutions , and related topics . > > > keynote addresses and other special presentations will be held in > > > addition to research paper presentations . > > > > > > paper submissions > > > research papers . the program includes traditional research paper > > > presentations . criteria used to determine the suitability of these > > > papers for the program include the nature of the research problem , > > > implications of the proposed research , the quality of the research > > > design , and the expected contribution of the research to the > > > literature . please note that the purpose of these sessions is to > > > present new and unpublished research . > > > > > > submission fee . there is no submission fee for the fma european > > > conference . > > > > > > submissions . please follow these steps : > > > complete the presentation form that can be downloaded at > > > www . fma . org / paris . htm . carefully select the subject code on the > > > presentation form that most closely describes your research . the code > > > number you select will be used to select reviewers for your proposal . > > > > > > send six ( 6 ) copies of your completed paper , along with the completed > > > presentation form , to the fma office ( financial management association , > > > university of south florida , college of business administration , tampa > > > fl 33620 - 5500 , usa ) . > > > please note that only completed papers will be accepted for the fma > > > european conference review process . > > > > > > the paper submission deadline is friday , december 1 , 2000 . > > > > > > you will receive an electronic confirmation of your submission within > > > six weeks of its receipt by the fma office , and you will be notified of > > > the results of the reviewing process by the middle of february , 2001 . > > > > > > competitive paper awards > > > the financial management association international is pleased to > > > announce that four ( 4 ) $ 1 , 500 awards will be presented in conjunction > > > with the 2001 fma european conference . the "" young scholars "" award will > > > be presented to the best paper authored by a ph . d . student ( or > > > equivalent ) or recent ph . d . ( or equivalent ) graduate . three additional > > > $ 1 , 500 awards will be presented to the papers deemed "" best of the best "" > > > by the members of the 2001 fma european conference competitive paper > > > awards committee . please note that these awards will be made only if , in > > > the opinion of the fma awards committee , a paper warrants such a > > > decision . the decisions of the fma awards committee are final . > > > > > > accepted papers . if your proposal is accepted , the version of the paper > > > you submit will be sent to its discussant as soon as he / she is > > > identified . you are obligated to send the final version of your paper to > > > the discussant and session chair by april 27 , 2001 . you also are > > > obligated to present your paper in a professional manner at the assigned > > > fma program session . > > > > > > the collegiality of the meeting provides a very special opportunity for > > > participants to share their work and to hear about the work others are > > > doing . thus , individuals whose papers are accepted for presentation at > > > the 2001 fma european conference will be expected to either chair a > > > session or discuss a paper . > > > > > > program co - chairs > > > > > > francois degeorge > > > hec paris > > > 1 rue de la lib , ration > > > 78351 jouy en josas cedex > > > france > > > 33 - 1 - 39 - 67 - 72 - 34 ( ph ) > > > 33 - 1 - 39 - 67 - 94 - 34 ( fax ) > > > degeorge @ hec . fr > > > > > > kent womack > > > dartmouth college > > > amos tuck school > > > hanover , nh 03755 > > > 1 603 646 2806 ( ph ) > > > 1 603 646 1308 ( fax ) > > > kent . womack @ dartmouth . edu > > > > > > additional opportunities for participation > > > > > > session chairperson or discussant . if you wish to serve as the > > > chairperson of a session or paper discussant , but are not submitting a > > > paper , please complete the participation form which can be downloaded > > > from www . fma . org / paris . htm . submit the completed form to the fma office > > > by december 1 , 2000 . session organization will take place in march , > > > 2001 . > > > > > > deadline summary > > > > > > completed papers : december 1 , 2000 > > > chairperson / discussant requests : december 1 , 2000 > > > > > > > > > > > john d . martin > > carr p . collins chair in finance > > finance department > > baylor university > > po box 98004 > > waco , tx 76798 > > 254 - 710 - 4473 ( office ) > > 254 - 710 - 1092 ( fax ) > > j _ martin @ baylor . edu > > web : http : / / hsb . baylor . edu / html / martinj / home . html > > > > > > > > > john d . martin > carr p . collins chair in finance > finance department > baylor university > po box 98004 > waco , tx 76798 > 254 - 710 - 4473 ( office ) > 254 - 710 - 1092 ( fax ) > j _ martin @ baylor . edu > web : http : / / hsb . baylor . edu / html / martinj / home . html > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : firm power sale from phase i - issues vince / vasant , it has been some time since we spoke at the san antonio conference . unfortunately , as soon as i got to india i was diagnosed wih a slip disc and had to be in bed for a long time . in the mean time the team continued to work on the concept of a sale to another state out of the dabhol plant . i have developed the concept whereby we are now looking at a firm component ( over peak period ) , and an infirm power sale during the monsoon . the series of quesions and comments from my team in te attachment below should help you a bit to get a feel for the proposal . i am currently in houston and reachable at 281 - 345 - 9870 . i maybe needing a surgery for the slip disc but am currently on medication hoping that surgery won ' t be needed . i would like to wis you all a very happy x ' mas and a great new year , and will catch you in the new year in houston to discuss this wit you further . i can see that soem structuring help will be needed on this , and would like to get some help from your end . regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 12 / 25 / 99 10 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - sandeep kohli 12 / 25 / 99 10 : 06 pm to : rajesh sivaraman / enron _ development cc : vivek kejriwal / enron _ development @ enron _ development , shubh shrivastava / enron _ development @ enron _ development , anshuman subject : re : firm power sale from phase i - issues team , please find my comments in the word document attached . please go through this and run the sensitivities and get a good idea of way to structure thsi . having gone through the comments , i feel that it maybe necessary to get some help on the structuring side . i will try to get you some structuring expertise asap . in the mean time , i would like you all to focus on getting resources together and working this to the next pass . lets see where we can get with this . regards , sandeep . rajesh sivaraman 12 / 24 / 99 10 : 06 pm to : sandeep kohli / enron _ development @ enron _ development cc : vivek kejriwal / enron _ development @ enron _ development , shubh shrivastava / enron _ development @ enron _ development , anshuman subject : firm power sale from phase i - issues as discussed , please find enclosed a word document which essentially discusses most of the issues involved with a firm power sale of 50 mw from phase i , which would have to be sorted out with mseb . vivek will put the tariff formula in the next mail ) the tariff structure & the issue list obviously need further refinement , before we discuss it with mseb . looking forward to your comments on both the issue list as well as the tariff computation . regards , rajesh s",0 +"Subject: re : weatherdelta demonstration scheduling hi all , the scheduled wednesday ( nov . 8 ) presentation has to be cancelled . even though in his earlier message mike said wednesday is ok , now they will have problem sending people . i will try to reschedule the presentation to a later date . best , alex - - - - - - - - - - - - - - - - - - - - - - forwarded by alex huang / corp / enron on 11 / 07 / 2000 07 : 54 am - - - - - - - - - - - - - - - - - - - - - - - - - - - denton mike on 11 / 06 / 2000 04 : 31 : 19 pm to : alex . huang @ enron . com cc : "" scanlan , brian "" , "" rookley , cameron "" subject : re : weatherdelta demonstration scheduling alex , i ' m glad that we had a chance to talk today about a weatherdelta overview . the 8 th is not really going to work well for us , due to recent reschedulings . several members of the weatherdelta team will be in or near houston on the 14 th and 15 th of november ( i know that you said that week was tight ) , and could arrange to be in the several weeks following those dates . i have attached our standard non - disclosure agreement , which we will need to execute prior to the product demonstration . i have also attached a reprint of a recent article , describing weatherdelta ' s approach and functionality . as soon as a meeting can be scheduled , a list of attendees would be very helpful to us in preparing the appropriate materials . thank you again , michael denton caminus 212 - 515 - 3600 - caminus nda - unilat . doc - weatherdelta - wp . pdf",0 +"Subject: re : the package dear vince , thank you very much for your e - mail and for acknowledging receipt of my package . i am really excited about the opportunity to see you soon . i am available every day at the first half of february , except for february 8 after 2 pm . ( i will give a presentation at the southern methodist university ) . please let me know if it is more convenient for you to see me in houston and i will be happy to fly there . i look forward to hearing from you . sincerely , valery",0 +"Subject: re : urgent deadline : rsvp by jan 22 nd : invitation to 2001 energy financeconference feb . 22 - 23 , 2001 - the university of texas at austin fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by karen marshall / hou / ect on 01 / 18 / 2001 03 : 07 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" angela dorsey "" on 01 / 18 / 2001 02 : 53 : 59 pm to : cc : subject : re : urgent deadline : rsvp by jan 22 nd : invitation to 2001 energy financeconference feb . 22 - 23 , 2001 - the university of texas at austin karen , thanks for the extra support in getting the word out . i ' ve had a couple rsvp ' s from enron . sincerely , angela - - - - - original message - - - - - from : karen . marshall @ enron . com [ mailto : karen . marshall @ enron . com ] sent : wednesday , january 17 , 2001 7 : 59 pm to : david . haug @ enron . com ; gary . hickerson @ enron . com ; cchilde @ enron . com ; thomas . suffield @ enron . com ; ben . f . glisan @ enron . com ; ermes . melinchon @ enron . com ; hal . elrod @ enron . com ; clay . spears @ enron . com ; kelly . mahmoud @ enron . com ; ellen . fowler @ enron . com ; kevin . kuykendall @ enron . com ; fred . mitro @ enron . com ; kyle . kettler @ enron . com ; jeff . bartlett @ enron . com ; paul . j . broderick @ enron . com ; john . house @ enron . com ; george . mccormick @ enron . com ; guido . caranti @ enron . com ; ken . sissingh @ enron . com ; gwynn . gorsuch @ enron . com ; mark . gandy @ enron . com ; shawn . cumberland @ enron . com ; jennifer . martinez @ enron . com ; sean . keenan @ enron . com ; webb . jennings @ enron . com ; brian . hendon @ enron . com ; billy . braddock @ enron . com ; paul . burkhart @ enron . com ; garrett . tripp @ enron . com ; john . massey @ enron . com ; v . charles . weldon @ enron . com ; phayes @ enron . com ; ross . mesquita @ enron . com ; david . mitchell @ enron . com ; brian . kerrigan @ enron . com ; mark . gandy @ enron . com ; jennifer . martinez @ enron . com ; sean . keenan @ enron . com ; webb . jennings @ enron . com ; brian . hendon @ enron . com ; billy . braddock @ enron . com ; garrett . tripp @ enron . com ; john . massey @ enron . com ; v . charles . weldon @ enron . com ; phayes @ enron . com ; ross . mesquita @ enron . com ; david . mitchell @ enron . com ; christie . patrick @ enron . com ; michael . b . rosen @ enron . com ; cindy . derecskey @ enron . com cc : elyse . kalmans @ enron . com ; richard . causey @ enron . com ; sally . beck @ enron . com ; vince . j . kaminski @ enron . com ; jeffrey . a . shankman @ enron . com ; angela dorsey subject : urgent deadline : rsvp by jan 22 nd : invitation to 2001 energy financeconference feb . 22 - 23 , 2001 - the university of texas at austin the $ 500 registration fee is waived for any enron employee who wishes to attend this conference because of our relationship with the school . please forward this information to your managers and staff members who would benefit from participating in this important conference . ( note : vince kaminski is a panellist for the risk management session 3 . ) please note : the deadline for rsvp & hotel reservations is monday , january 22 nd don ' t miss this opportunity ! should you have any questions , please feel free to contact me at ext . 37632 . karen - - - - - - - - - - - - - - - - - - - - - - forwarded by karen marshall / hou / ect on 01 / 11 / 2001 07 : 38 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" angela dorsey "" on 01 / 10 / 2001 03 : 06 : 18 pm to : "" angela dorsey "" cc : "" ehud ronn "" , "" sheridan titman ( e - mail ) "" subject : invitation to 2001 energy finance conference - the university of texas at austin colleagues and friends of the center for energy finance education and research ( cefer ) : happy new year ! hope you all had a wonderful holiday season . on behalf of the university of texas finance department and cefer , we would like to cordially invite you to attend our : 2001 energy finance conference austin , texas february 22 - 23 , 2001 hosted by the university of texas finance department center for energy finance education and research dr . ehud i . ronn and dr . sheridan titman are currently in the process of finalizing the details of the conference agenda . we have listed the agenda outline below to assist you in your travel planning . each conference session will be composed of a panel discussion between 3 - 4 guest speakers on the designated topic . as supporters of the center for energy finance education and research , representatives of our trustee corporations ( enron , el paso , reliant , conoco , and southern ) will have the $ 500 conference fee waived . the conference package includes thursday evening ' s cocktails & dinner and hotel / ut shuttle service , as well as friday ' s conference meals , session materials and shuttle service . travel to austin and hotel reservations are each participant ' s responsibility . a limited number of hotel rooms are being tentatively held at the radisson hotel on town lake under the group name "" university of texas finance department "" for the nights of thursday , 2 / 22 / 01 and friday , 2 / 23 / 01 ( the latter evening for those who choose to stay in austin after the conference ' s conclusion ) . to guarantee room reservations , you will need to contact the radisson hotel at ( 512 ) 478 - 9611 no later than monday , january 22 nd , and make your reservations with a credit card . please let me know when you have made those arrangements so that i can make sure the radisson gives you the special room rate of $ 129 / night . please rsvp your interest in attending this conference no later than january 22 nd to angela . dorsey @ bus . utexas . edu , or ( 512 ) 232 - 7386 , as seating availability is limited . please feel free to extend this invitation to your colleagues who might be interested in attending this conference . center for energy finance education and research program of the 2001 energy finance conference february 22 - 23 , 2001 thursday , feb 22 : 3 : 00 p . m . reserved rooms at the radisson hotel available for check - in 5 : 30 p . m . bus will pick up guests at the radisson for transport to ut club * 6 : 00 p . m . cocktails , ut club 9 th floor 7 : 00 p . m . dinner , ut club 8 : 00 p . m . keynote speaker 9 : 00 p . m . bus will transport guests back to hotel friday , feb 23 : 7 : 45 a . m . bus will pick up at the radisson for transport to ut 8 : 30 a . m . session 1 - real options panelists : jim dyer , ut ( chair ) sheridan titman , ut john mccormack , stern stewart & co . 10 : 00 a . m . coffee break 10 : 15 a . m . session 2 - deregulation panelists : david eaton , ut ( chair ) david spence , ut jeff sandefer , sandefer capital partners / ut peter nance , teknecon energy risk advisors 11 : 45 a . m . catered lunch & keynote speaker 1 : 30 p . m . guest tour - eds financial trading & technology center 2 : 00 p . m . session 3 - risk management panelists : keith brown , ut ( chair ) vince kaminski , enron alexander eydeland , southern co . ehud i . ronn , ut 3 : 30 p . m . snack break 3 : 45 p . m . session 4 - globalization of the energy business panelists : laura starks , ut ( chair ) bob goldman , conoco ray hill , southern co . 5 : 15 p . m . wrap - up 5 : 30 p . m . bus picks up for transport to airport / dinner 6 : 30 p . m . working dinner for senior officers of energy finance center trustees * we have made arrangements to provide shuttle service between the radisson hotel and ut during the conference . however , if you choose to stay at an alternative hotel , then transportation to conference events will become your responsibility . * * * * * * * * * * * * * * angela dorsey assistant director center for energy finance education & research the university of texas at austin department of finance , cba 6 . 222 austin , tx 78712 angela . dorsey @ bus . utexas . edu * * * * * * * * * * * * * *",0 +"Subject: free latex go to http : / / www . winedt . com / , select downloads , and download winedt 5 to your c drive . on bottom of the same page ( download ) , click on miktex ' s home page , click on miktex 2 . 0 , and download all the highlighted zip files . you may also want to download miktex - 2 . 0 - manual . pdf . you can then unzip all the files and follow the steps outlined in miktex - 2 . 0 - manual . pdf to install winedt and miktex . however , the procedure to "" add miktex bin directory to path "" may not work . it ' s best to manually add the following to your path : c : \ texmf \ miktex \ bin ; this software is quite easy to use and very versatile . you can even include colored picture in your tex document . best , alex",0 +"Subject: request for visit and meeting these guys are looking to come in the first few weeks of august . what is your availability ? grant . - - - - - - - - - - - - - - - - - - - - - - forwarded by grant masson / hou / ect on 07 / 20 / 2000 08 : 18 am - - - - - - - - - - - - - - - - - - - - - - - - - - - carlos eduardo machado @ enron _ development 07 / 18 / 2000 06 : 28 pm to : grant masson @ ect cc : gabriel sanchez - sierra / enron _ development @ enron _ development subject : request for visit and meeting hi grant , we met briefly a couple of months ago . i work with pedro in the colombia office . we are working closely with ecopetrol ( colombia ' s state - owned oil company ) on a very important deal , and some of their highest ranking officials ( 3 of them ) will like to visit our head quarters in early august , to share some ideas on risk management tools ( very general concepts that can obviously be disclosed ) . my assumption is that vince and your - self are the perfect people to have the meeting with . several consulting firms have advice ecopetrol to get in touch with enron when referring to advance risk management techniques . do you think this is possible ? please let me know , this means a great deal for this office , but i also know you guys are extremely busy . thanks , carlos e",0 +"Subject: re : seismic data via satellite fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by bob lee / na / enron on 10 / 16 / 2000 11 : 46 am - - - - - - - - - - - - - - - - - - - - - - - - - - - gregory p smith @ ect 10 / 16 / 2000 10 : 06 am to : bob lee / na / enron @ enron cc : subject : re : seismic data via satellite bob , here are a few comments on this note : 1 . deal with seismic company was done by a mark peterson who is still with enron . i haven ' t caught up with him for details but it had to do with underwriting ( risk of no sales ) seismic survey . timing is important . interest may have picked up in new surveys and the survey company decided that they didn ' t need enron anymore because they no longer saw a risk of no sales . 2 . 3 - d surveys will happen where there is an abundance of e & p activity or be spurred on by successes in a given basin . while activity continues in the gulf of mexico on the shelf , the major discoveries are being found in the deep water . worldwide , the shallow water plays have been looked at and worked for years - they were accessible with the extraction technology of the time . i don ' t think that deep water sedimentation / depositional systems were completely understood to even begin to try to justify looking in deep water . concepts have evolved quite quickly . the point is that many deep water accumulations are incredibly large - billion barrel accumulations . these sizes are like those accumulations that were found decades ago when companies were drilling surface structures . the large reserves are needed to pay for the corresponding incredibly expensive costs of deepwater field development . i believe that finding and development costs ( $ / barrel ) are at least two to three times shelf f & d costs in the gulf of mexico . this differential is probably large with international projects ( and that doesn ' t take into account political risk ) . i ' ll look forward to more involvement if and when this project / concept goes forward . feel free to forward this to all participants . greg bob lee @ enron 13 / 10 / 2000 08 . 30 to : gregory p smith / hou / ect @ ect , richard reichardt / enron communications @ enron communications cc : vince j kaminski / hou / ect @ ect subject : seismic data via satellite i am preparing a summary or our thursday discussions to be used as a background piece for discussion / brainstorming with oil traders . i will circulate this for review / correction later today , or , at the latest , monday . greg , you mentioned that enron had participated in a speculative survey in the gulf of mexico that was successful . it might be useful to get more info on this . terms , return realized ( over what time frame ) , why we have not continued to do this , etc . also , from your comments , many , if not most of the 3 - d surveys are in deep water . i read recently that shell , i believe , is participating in a deep sea drilling / extraction project in the gulf . what oil price is required to make these kinds of projects viable financially ? bob lee",0 +"Subject: re : trying to find fat tails naveen , i was trying to find "" fat tails "" . i looked at ng prompt month prices ' log - returns for 5 years 9 months . on the figure below you can see the comparison of empirical cumulative probability function with normal cumulative for this time series ( standardized : mean subtracted , divided by stdev ) . the effect of fat tails is not pronounced so much . the "" fat tails "" effect was much more visible on your plot when you looked at the oct - 00 prices log - returns versus my time series of prompt month ' s prices . the shape of the distribution is different from normal , though , and fits well with the volatility switching model . tanya .",0 +"Subject: congratulations ! congratulations ! on your promotion !",0 +"Subject: fw : understanding & applying financial mathematics to energy derivatives dear all , thanks for your responses regarding availability and thoughts for the 2001 financial maths course . attached is a word version of the previous outline . i have also included some comments from previous delegates on what they would like to see this year . most points address the level we should aim for and the balance of theory and practical applications . i hope these points help you to improve on what is already our premier eprm training course . i would like to confirm the final points and any new biographical details by thursday , march 22 nd in order to allow us a strong lead time to market the event . if you have any questions , please call me on 212 925 6990 extension 225 or send me an email . as a checklist these are the points i would like to clarify : 1 . confirmed availability for venues outlined in the draft programme . london , 28 & 29 june new york , 9 & 10 july houston , 16 ' chris . harris @ innogy . com ' ; ' eronn @ mail . utexas . edu ' ; ' vince . j . kaminski @ eron . com ' ; ' vkaminski @ aol . com ' ; ' spyros . maragos @ dynegy . com ' ; ' ds 64 @ cyrus . andrew . cmu . edu ' ; ' geman @ math . umass . edu ' subject : understanding & applying financial mathematics to energy derivatives dear all , firstly , i would like to thank you for all your help on the energy & power risk management 2001 event . the line - up is exceptional and i am extremely excited about this event . as the course leaders of our annual financial mathematics training course , i would like to notify you of the dates for the event this year . we plan to hold the courses at the following venues on the following dates : houston - june 21 & 22 london - june 28 & 29 new york - july 9 & 10 i would like to confirm availability for these events and to take on board any update suggestions for the 2001 course . i do hope that these dates enable you to participate in this event and i look forward to speaking with each of you soon . best wishes , paul bristow - financial maths draft . doc",0 +"Subject: my resume hi , dr . kaminski : glad to get your reply . here is my resueme . if you wanna know more about me , please feel free to contact me . thanks . zhendong xia georgia institute of technology school of industrial and systems engineering email : dengie @ isye . gatech . edu dengie @ sina . com tel : ( h ) 404 - 8975103 ( o ) 404 - 8944318 - cv . doc",0 +"Subject: fyi = re : color copier kevin , update : one vendor has not provided enough information for me to give you an "" apples to apples "" comparison , so i have sent him an urgent e - mail message for him to provide clarification on some points . all being well , we will have the info . to you sometime on monday = if the vendor i mentioned above does not get back to me on monday , i will send you the quote i have on file from danka . thanks for your patience , iain . . . . . . . . . . . . . . . . . iain russell 01 / 19 / 2000 02 : 10 pm to : kevin g moore / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , carole rogers / epsc / hou / ect @ ect subject : re : color copier kevin , i have sent a request to our vendors to provide us with quotes on the color copier equipment available and will contact you as soon as i receive the bids . thanks , iain . . . . . . . . . . . . . . . . . kevin g moore 01 / 19 / 2000 07 : 23 am to : iain russell / epsc / hou / ect @ ect , vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : color copier hello iain , i need your expertise again . our department is in need of a color copier . we need a color copier that can handle our daily work - load . this printer will be for the use of research and the trading floors . as you may already know we use a lot of maps , charts , graphs etc . . please inform me as soon as possible . thanks kevin moore what i need is cost .",0 +"Subject: re : from vicky windsor dear vince , i ' ve attached my resume . thank you so much for your help . i really appreciate it . best regards , vicky > from : vince . j . kaminski @ enron . com > to : vjwindsor @ hotmail . com > cc : vince . j . kaminski @ enron . com > subject : re : from vicky windsor > date : thu , 12 oct 2000 15 : 55 : 57 - 0500 > > > vicky , > > please , send me your resume . > > i shall forward it to a number of employees of enron in london > with my strongest recommendation . i shall send you the list > of names . the resume will make it easier for me to > identify good targets . > > please , make sure you will contact me if there is no reaction . > people here are very busy and , as you know , things fall through the cracks . > > vince > > > > vince > > > > > "" vicky windsor "" on 10 / 11 / 2000 04 : 49 : 56 am > > to : vkamins @ enron . com > cc : > subject : from vicky windsor > > > dear vince , > > how are you ? well i hope . > > i hope you don ' t mind me writing to you . you may remember that 5 months ago > i left risk publications and moved to a charity . having been here for only > a > few months , i have decided that this job is not for me ( i miss the buzz of > a > corporate office ) and i have decided to move back into the corporate > sector . > > because of my previous experience and knowledge of the energy sector , i am > very interested in moving into this area . i have always thought that it > would be great to work for enron because it is such a dynamic company and i > am planning to approach the london office to discuss any opportunities , > which might be available . i am particularly interested in product marketing > and research , although i am very open - minded at the moment . i wondered > whether you could recommend the right person to speak to in london . > > i know that you are incredibly busy , but any help you can give me would be > fantastic vince . > > thanks and best regards , > > > vicky windsor > > get your private , free e - mail from msn hotmail at http : / / www . hotmail . com . > > share information about yourself , create your own public profile at > http : / / profiles . msn . com . > > > > > get your private , free e - mail from msn hotmail at http : / / www . hotmail . com . share information about yourself , create your own public profile at http : / / profiles . msn . com . - cv to vince kaminski 13 oct . doc",0 +"Subject: re : class request : xl 97 chart - 574 excel 97 , charting , william smith approved vince kaminski "" ecthou - domwebl "" on 03 / 31 / 2000 09 : 38 : 08 am to : vkamins @ enron . com cc : subject : class request : xl 97 chart - 574 excel 97 , charting , william smith your approval is required for william smith to attend the following class . to grant approval , send a reply to "" lpharr @ enron . com "" ( notesmail : lerea pharr / hou / ect @ ect ) . be sure to include employee ' s name and class number in reply . excel 97 , charting session dates & times : 4 / 21 / 2000 8 : 30 : 00 am - 11 : 30 : 00 am location : eb 572 no show / participant fee : $ 110 . 00 if you have any questions , please call the technology training coordinator at 713 - 853 - 1816 .",0 +"Subject: re : associate / analyst super saturday participation please read the following message regarding the associate and analyst super saturday program . the message containing the details for each date and the link to sign - up follows at the bottom of the message . jeff and mike would appreciate 100 % participation . thank you . - - - - - - - - - - - - - - - - - - - - - - forwarded by jeffrey a shankman / hou / ect on 10 / 23 / 2000 02 : 55 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : jana giovannini 10 / 23 / 2000 11 : 54 am to : jeffrey a shankman / hou / ect @ ect , larry lawyer / enron communications @ enron communications cc : charlene jackson / corp / enron @ enron , julie braly / na / enron @ enron subject : super saturday interviewers jeff / larry , to follow up on my voicemail , the associate and analyst program is in great need of interviewers for october 28 th and november 4 th super saturdays . these weekends are the most critical at this time . to date , we are in need of an additional 38 interviewers for october 28 th and 67 for november 4 th . in order to have a successful recruiting season , we would greatly appreciate your assistance in getting more egm executives to participate in this effort . please contact me at x 39233 with any questions . thanks for your continued support . enron north america corp . from : shelly jones , recruiting manager @ enron 10 / 10 / 2000 06 : 03 pm sent by : enron announcements @ enron to : all enron employees north america cc : subject : associate / analyst super saturday participation enron managing directors , vice presidents , directors , and managers who utilize the associate / analyst pool as a follow up from a "" save the date "" email regarding your participation in the associate and analyst super saturday process , now is the time to select your dates to attend and participate . below are the dates for super saturday weekends during the upcoming recruiting season . if you are houston - based or if you know you will be in houston on business at the appropriate times please click the link below to volunteer . ( when selecting dates please avoid selecting to interview candidates who attend the schools for which you are a team member . ) associates analysts october 27 - 28 , 2000 november 3 - 4 thunderbird , ut , georgetown , rice rice , ut , baylor , a & m , ou , florida , lsu , uhcl november 10 - 11 , 2000 november , 17 - 18 , 2000 columbia , stern nyu , ucla , darden , cornell penn , uva , vanderbilt , michigan , howard , auc , vanderbilt , michigan uhmain december , 1 - 2 , 2000 december 8 - 9 , 20000 chicago , kellogg , harvard , wharton , mit wellesley , overflow and re - schedules from previous s / s friday , december 15 , 2000 carnegie mellon thank you for your support of the associate and analyst programs . shelly jones recruiting manager",0 +"Subject: message from s . leppard hello vince , steve leppard sends his apologies as he will be unable to call into the project update meeting today . steve will be at the enron direct office in oxford today and tomorrow and said he will send you the summary spreadsheet at the end of this week . regards , mary ward tel : + 44 ( 0 ) 20 778 34346 fax : + 44 ( 0 ) 20 778 39062 enroncredit . com",0 +"Subject: enron and the new economy value research lab gentlemen : enron is exploring the possibility of becoming involved in a research endeavor called the new economy value research lab . the lab is the result of a joint effort between mit ' s sloan school of management and arthur andersen ( aa ) . its purpose is to develop "" quantitative valuations of the intangible assets wall street finds increasingly important in the new economy "" ( business week , 2 / 7 / 00 ) . clearly , as enron continues to shift from a hard asset to intangible asset based organization , the question of "" how to "" accurately and appropriate measure and value our intangible assets is becoming increasingly important . last week , steve kean , vince kaminski , marie hejka , and myself met with a team from aa , the deputy dean of the sloan school , and mit ' s lead accounting / finance professor to discuss the intent of the lab , expected outcomes , and how enron may be involved . post that meeting , the decision was made to continue to explore participation in the lab . enron now needs to 1 ) define our corporate measurement and valuation process needs , and 2 ) identify value attributes important to enron and the industries in which we operate . once defined , a follow up meeting will be held with mit and next steps will be determined . your expertise and assistance could significantly impact the inputs and outcomes of these next steps . please schedule time on tuesday august 1 from 2 : 00 to 3 : 30 to attend the next meeting , during which we will begin to identify needs and define value attributes . location will be eb 49 c 4 . please notify me if you are unable to attend . lastly , to assist with preparation for this meeting , i am attaching notes from a recently published book entitled cracking the value code : how businesses are creating wealth in the new economy ( may 2000 , boulton , libert , samek - arthur andersen ) . should you like more information on the lab , previous meeting , book or other , please feel free to contact me . i look forward to meeting you . regards , amy oberg",0 +"Subject: forwarded email - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin kindall / corp / enron on 11 / 20 / 2000 04 : 47 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin kindall 11 / 07 / 2000 03 : 12 pm to : jean eisel cc : subject : re : recruiting good afternoon . packing emails - - its just my style : ) currently , it is my understanding that we would like to interview the comp . fin . students during the same period that we interview the mba ' s . tentatively speaking , one schedule should be sufficient . i will attempt to produce an official job description shortly . kristen is out of town for the remainder of the week , so her response to any inquiries may be delayed . her contact info : kristin . gandy @ enron . com 713 345 3214 regarding the satellite program , vince is interested in the ecommerce program . we think that it would be easier to keep the program full as compared to the comp . fin . program . it was a pleasure to be back in pittsburgh and i enjoyed meeting all the students from this year ' s comp . fin . class . i look forward to seeing you in a few weeks . - kevin kindall jean eisel on 11 / 06 / 2000 03 : 34 : 05 pm to : kevin . kindall @ enron . com cc : sgould @ andrew . cmu . edu subject : re : recruiting hi kevin wow you sure do pack one e - mail . i will try to answer questions . . . after each of you . . . look in the email for answers . - - on monday , november 06 , 2000 , 2 : 39 pm - 0600 kevin . kindall @ enron . com wrote : > hello . it was a pleasure to come back to cmu , and i enjoyed > interacting with the students . vince k . has expressed interest in > interviewing the computational finance students . enron will conduct first > round interviews with the mba students in december , and would like to set > up seperate interviews for the comp . fin . students . enron would like to > interview all the pittsburgh based comp . fin students , and we need to > select a date and a time . we are excited that you want to interview the comp finance students . do you want to do it in dec . or before ? let me know what best suits you . since there are only 16 individuals in the pittsburgh area . . . we should be able to accomodate you . . . would you want one or two schedules . . ? what is the formal protocol in such matters ? > all you need to do is let me know some ideal dates . . . and you send a job description and names of the students you want to interview . we will try to be as accomodating as possible . > enron is also interested in the ecommerce students as we have > ecommerce initiatives underway . it is my understanding that kristen > gandy will be the contact for such activities . if you can send me an e - mail address for kristen , i can get this strating asap . > > regarding a houston based satellite program , vince needs a proposal > in writing . would you be so kind as to send one ? what program is vince interested in having a satellite program ? when he was here he seemed less intererted in comp finance and more interested in e - commerce . i sent a note to michael shamos and tridas discussing this . let me know which program and i will see if we can work anything out ? > thanks so much , and i look forward to seeing you again in a few > weeks . > thanks kevin for you speedy response . > > > > jean e . eisel , ph . d . associate dean , admissions , coc and alumni relations gsia carnegie mellon university pittsburgh , pa 15213 412 - 268 - 2277 412 - 268 - 4146 ( fax ) currently in the news : carnegie mellon university mba program ranked 14 th in business week ' s list of the best graduate schools of business in the united states . ",0 +"Subject: re : waco visit great . why don ' t you plan on getting here by 3 : 00 p . m . ( or sooner ) . we ' ll do a little seminar at 4 for the faculty ( perhaps outlining your thoughts on the paper we are preparing ) . we ' ll do the class 6 - 7 : 30 or so ( i ' ll get you to your hotel for i teach until 10 pm ) . then we ' ll put in time tue working on the paper . john at 03 : 22 pm 10 / 10 / 00 - 0500 , you wrote : > > john , > > per our discussion , nov 13 is fine . > > vince > > > > > > > "" john d . martin "" on 10 / 09 / 2000 05 : 27 : 30 pm > > to : vkamins @ enron . com > cc : > subject : waco visit > > > vince , > > i have penciled you in for nov 13 th for my class . does this work for you ? > this is a monday and i would suggest you come up monday afternoon , you can > give a brief talk to our department late in the afternoon , and then you can > talk to my ex mbas at 6 p . m . for an hour or so . i ' ll get you to the hotel > for the evening and we can work on the paper tuesday morning . i recommend > this mon noon through tue noon arrangement since i will be out of town the > weekend before the 13 th . if this needs reshuffling let me know . we ' ll > make it work . > > i look forward to talking with you later this week along with mark palmer . > > john > > > john d . martin > carr p . collins chair in finance > finance department > baylor university > po box 98004 > waco , tx 76798 > 254 - 710 - 4473 ( office ) > 254 - 710 - 1092 ( fax ) > j _ martin @ baylor . edu > web : http : / / hsb . baylor . edu / html / martinj / home . html > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: summer intern we can hire the person as a summer intern directly ( outside the a & a pool ) . shirley , please arrange a phone interview as in the case of other candidates osman found . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 26 / 2000 09 : 09 am - - - - - - - - - - - - - - - - - - - - - - - - - - - osman sezgen @ ees 04 / 25 / 2000 05 : 41 pm to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : subject : summer intern fyi . osman - - - - - - - - - - - - - - - - - - - - - - forwarded by osman sezgen / hou / ees on 04 / 25 / 2000 05 : 39 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - amyn saleh on 04 / 10 / 2000 06 : 11 : 50 pm to : "" osman sezgen "" cc : subject : re : job opportunities at enron hi osman , hope you are doing well . thank you for replying to my phone call . i have attached my resume to this email and would be extremely grateful if you could pass it around to hiring managers . thank you and i look forward to hearing from you . regards , amyn saleh - amyn saleh ' s resume . doc - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - amyn saleh ( 510 ) 644 - 9642 amyn @ uclink 4 . berkeley . edu icq : 51792087",0 +"Subject: re : congratulations thanks vince . congrats also , - it seems overdue in your case ! r vince j kaminski 11 / 01 / 2000 15 : 54 to : richard lewis / lon / ect @ ect cc : subject : congratulations richard , congratulations . well deserved . i am very happy your contribution to the company has been recognized . vince",0 +"Subject: re : exmar deal dear vince , this is the final version of the dash that was presented to jeff and joe on friday . please let me know if i can be of more help . best regards , farhad ahad vince j kaminski @ ect 05 / 16 / 2000 01 : 34 pm to : farhad ahad / corp / enron @ enron cc : john sherriff / lon / ect @ ect , vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , david gorte / hou / ect @ ect subject : exmar deal farhad , please , cc - mail to john sherriff in london the dash of the exmar transaction when it becomes official . vince",0 +"Subject: re : 2 - survey / information email 5 - 7 - 01 outlook migration team @ enron 05 / 04 / 2001 03 : 26 pm to : alex huang / corp / enron @ enron , amitava dhar / corp / enron @ enron , anita dupont / na / enron @ enron , bob lee / na / enron @ enron , chonawee supatgiat / corp / enron @ enron , elena chilkina / corp / enron @ enron , gwyn koepke / na / enron @ enron , jaesoo lew / na / enron @ enron , jason sokolov / hou / ect @ ect , jose marquez / corp / enron @ enron , kate lucas / hou / ect @ ect , kenneth parkhill / na / enron @ enron , kevin g moore / hou / ect @ ect , lance cunningham / na / enron @ enron , leann walton / na / enron @ enron , martin lin / hou / ect @ ect , maureen raymond / lon / ect @ ect , mike a roberts / hou / ect @ ect , nelson neale / na / enron @ enron , paulo issler / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , rabi de / na / enron @ enron , rakesh bharati / na / enron @ enron , sandeep kohli / enron _ development @ enron _ development , sevil yaman / corp / enron @ enron , shirley crenshaw / hou / ect @ ect , sofya tamarchenko / na / enron @ enron , stinson gibner / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , tom barkley / na / enron @ enron , tom halliburton / corp / enron @ enron , vince j kaminski / hou / ect @ ect , william smith / corp / enron @ enron , youyi feng / na / enron @ enron , zimin lu / hou / ect @ ect , alan muntz / npng / enron @ enron , anita swanson / npng / enron @ enron , bambi heckerman / npng / enron @ enron , christopher burns / npng / enron @ enron , darla steffes / npng / enron @ enron , geneva patterson / npng / enron @ enron , jerry boston / npng / enron @ enron , jody warner / npng / enron @ enron , john freeman / npng / enron @ enron , judith weakly / npng / enron @ enron , laurie willemyns / npng / enron @ enron , leon schneider / npng / enron @ enron , loren charbonneau / npng / enron @ enron , ray neppl / npng / enron @ enron , scott coburn / npng / enron @ enron , alliece morris / ots / enron @ enron , etsweb @ enron , joe zhou / fgt / enron @ enron , ladonna dervin / ots / enron @ enron , larry hill / fgt / enron @ enron , max brown / ots / enron @ enron , patty hermanek / fgt / enron @ enron , peter lu / et & s / enron @ enron , randy cantrell / gco / enron @ enron , richard abramowicz / et & s / enron @ enron , rick craig / ots / enron @ enron , robert fugel / et & s / enron @ enron , tina dunnaway / fgt / enron @ enron , wendy koh / et & s / enron @ enron , anne bike / corp / enron @ enron , barry tycholiz / na / enron @ enron , carli smith / na / enron @ enron , doug fletcher / enron _ development @ enron _ development , jacquelyn matthews / na / enron @ enron , janelle russell / enron _ development @ enron _ development , joanne smith / corp / enron @ enron , kayla bruzzese / na / enron @ enron , michael j beyer / hou / ect @ ect , michael j miller / enron communications @ enron communications , michelle lincoln / enron _ development @ enron _ development , shelly jones / hou / ect @ ect , susan huston / hr / corp / enron @ enron , zachary sampson / na / enron @ enron , alison smith / nyc / mgusa @ mgusa , bernie penner / nyc / mgusa @ mgusa , janet vala - terry / nyc / mgusa @ mgusa , lilia penagos / nyc / mgusa @ mgusa , patricia benington / nyc / mgusa @ mgusa , jack netek / enron communications @ enron communications cc : subject : 2 - survey / information email 5 - 7 - 01 current notes user : to ensure that you experience a successful migration from notes to outlook , it is necessary to gather individual user information prior to your date of migration . please take a few minutes to completely fill out the following survey . when you finish , simply click on the ' reply ' button then hit ' send ' your survey will automatically be sent to the outlook 2000 migration mailbox . thank you . outlook 2000 migration team full name : vince j kaminski login id : vkamins extension : 3 - 3848 office location : ebl 962 what type of computer do you have ? ( desktop , laptop , both ) desktop , laptop do you have a pda ? if yes , what type do you have : ( none , ipaq , palm pilot , jornada ) palm pilot do you have permission to access anyone ' s email / calendar ? no if yes , who ? does anyone have permission to access your email / calendar ? shirley crenshaw , anita dupont if yes , who ? are you responsible for updating anyone else ' s address book ? no if yes , who ? is anyone else responsible for updating your address book ? no if yes , who ? do you have access to a shared calendar ? no if yes , which shared calendar ? do you have any distribution groups that messaging maintains for you ( for mass mailings ) ? no if yes , please list here : please list all notes databases applications that you currently use : in our efforts to plan the exact date / time of your migration , we also will need to know : what are your normal work hours ? from : 7 : 30 to : 6 : 30 will you be out of the office in the near future for vacation , leave , etc ? no if so , when ? from ( mm / dd / yy ) : to ( mm / dd / yy ) :",0 +"Subject: see page 1 best regards , jhherbert - gd . pdf",0 +"Subject: enron : wefa luncheon may 1 lloyd : vince asked me to forward this to you and invite you to the wefa presentation on may lst at 11 : 00 am and then go to lunch with the group . the presentation will be in 49 cl . please let me know if you will be able to attend . thanks ! shirley 3 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 24 / 2001 03 : 41 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vasant shanbhogue 04 / 11 / 2001 01 : 41 pm to : shirley crenshaw / hou / ect @ ect cc : subject : enron : wefa luncheon may 1 shirley , i would like to attend this presentation and go to the luncheon . thanks , vasant - - - - - - - - - - - - - - - - - - - - - - forwarded by vasant shanbhogue / hou / ect on 04 / 11 / 2001 01 : 41 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 11 / 2001 12 : 36 pm to : lance cunningham / na / enron @ enron , vasant shanbhogue / hou / ect @ ect , alex huang / corp / enron @ enron , sevil yaman / corp / enron @ enron cc : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : enron : wefa luncheon may 1 would you like to attend the presentation and join me for lunch with wefa . any other suggestions re attendance . please , let shirley know . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 11 / 2001 12 : 36 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" peter mcnabb "" on 04 / 11 / 2001 11 : 52 : 47 am to : cc : "" kemm farney "" subject : enron : wefa luncheon may 1 dear vince thanks for your voicemail and delighted to have you confirm lunch on may 1 . kemm farney the head of wefa ' s electric power services will be travelling with me this time . i expect there may be other enron colleagues that may care to join us for lunch so don ' t hesitate to invite as you see fit . for reservations purposes , perhaps you arrange to let me know numbers . kemm would also be prepared to informally present our current power outlook to a larger group at 11 : 00 , if this would be of interest . as you know , these types of presentations are part of all your wefa energy retainer package . i will also plan to update you with respect to our current multi client study schedule for the remainder of the year . regards , peter peter a . mcnabb vice president energy , north america wefa inc . 2 bloor st . w . toronto , canada m 4 w 3 rl 416 - 513 - 0061 ex 227 - 2001 energy brochure . doc - wefaenergy _ factsheet for energy scenarios 2001 . doc",0 +"Subject: re : clayton vernon i have some concerns regarding vernon being able to transfer even if he is temporarily successful with deliverables defined for him . according to enron policy , an employee can only transfer if he is in satisfactory standing or better . this is to prevent problem employees being moved from one organization to the another . this sounds like a "" work ethic "" issue to me and the chances that it would continue in another department are great even if he is temporarily successful . but if kevin presto knows the situation and he still wants vernon in the end , i will push for an exception as this satisfies our obligation to be forthright . please keep me informed of clayton ' s progress as time goes on so we do not get criticized for passing on a problem employee . thanks . sheila vince j kaminski 07 / 28 / 2000 08 : 35 am to : kevin m presto / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , sheila walton / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect subject : clayton vernon kevin , vasant and i talked to clayton about his request for transfer . clayton received a conditional approval contingent upon completion of the current project he works on . vasant will formulate exact definition of the deliverables and we will hold clayton to it . if he fails to deliver the request for transfer will be rejected . anything else would be highly demoralizing to everybody . clayton has so far produced exactly zero ( no single output was delivered ) though he was advertising the projects inside and outside the group as completed . i want you to be aware of it , because i have serious doubts regarding clayton ' s integrity . vince",0 +"Subject: re : tony hamilton tony has already done this . . . . . . . . . . desleigh langfield 04 / 04 / 2001 09 : 46 am to : kevin g moore / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : tony hamilton thanks , can you tell tony to come to hr reception on monday morning at 8 . 30 am for induction which will last until midday kevin g moore 04 / 04 / 2001 15 : 41 to : desleigh langfield / lon / ect @ ect , vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : re : tony hamilton tony hamilton reports to mike roberts in the houston office . vince kaminski will answer these questions for you at any given time . tony ' s start date in london will be april 9 th thanks kevin moore desleigh langfield 04 / 04 / 2001 08 : 29 am to : kevin g moore / hou / ect @ ect cc : subject : tony hamilton kevin tani nath who heads up the structuring and research teams rang this morning to get more information on tony . can you tell me who he reports to in houston and whether that person will continue to manage him remotely ? what cost centre he should be charged to ? whose headcount he appears on , and for what group he will be providing services for , tani was unsure on all of the above and wants clarification . also can you confirm his start date in london thanks desleigh - - - - - - - - - - - - - - - - - - - - - - forwarded by desleigh langfield / lon / ect on 04 / 04 / 2001 14 : 27 - - - - - - - - - - - - - - - - - - - - - - - - - - - desleigh langfield 06 / 03 / 2001 13 : 40 to : steven leppard / lon / ect @ ect cc : subject : tony hamilton steve all sorted and we will check later in the week with it that all is okay . can you please tell your assistant to organise a desk for tony , no rush obviously thanks desleigh - - - - - - - - - - - - - - - - - - - - - - forwarded by desleigh langfield / lon / ect on 06 / 03 / 2001 13 : 38 - - - - - - - - - - - - - - - - - - - - - - - - - - - desleigh langfield 06 / 03 / 2001 13 : 38 to : european resolution center / lon / ect @ ect cc : kevin g moore / hou / ect @ ect , steven leppard / lon / ect @ ect , anna seymour / lon / ect @ ect subject : tony hamilton hi tony is a uk employee who starts next monday 12 th march 2001 , we have done a quick start in nest today for him . tony will be working his first month in the houston office , however we still need to set up a log on and notes account here . can you please send the log on and password for both accounts to kevin as he will be meeting with tony on monday morning in the houston office . tony will not have a desk arranged for him until he comes back in approximately a month so no actual pc is necessary until then . one question - with a uk log on and notes account , will tony be able to access these from houston ? if it ' s complicated can you please let kevin know how to do this . any problems let me know thanks desleigh",0 +"Subject: re : site license for power world richard et al under the new electricity trading arrangments ( neta ) in the uk and looking forward i think it will be increasingly important in modelling market behaviour and transmission related costs to have some form of system model incorporating opf and atc . therefore , in principle i am happy to support option 3 and to pay a 1 / 3 share of the cost . however , before i commit to this particular package , i would like to be comfortable that the generic powerworld software could be suitably customised to capture the special features of neta . i understand marco verreschi who initiated interest from our end is pursuing this with martin lin ( research , houston ) . however , due to commitments next week , and my desire to see powerworld in action etc it is likely to be the following week before he and i can say "" lets do it "" . michael wilks manager , uk power analytics enron europe ltd tel : ( 44 ) 207 783 2405 richard lewis @ ect 05 / 01 / 2001 15 : 10 to : michael wilks / eu / enron @ enron cc : subject : site license for power world can you recommend or otherwise this software and whether we should pay a third share of the cost ? r - - - - - - - - - - - - - - - - - - - - - - forwarded by richard lewis / lon / ect on 05 / 01 / 2001 15 : 12 - - - - - - - - - - - - - - - - - - - - - - - - - - - lance cunningham @ enron on 20 / 11 / 2000 20 : 02 : 22 to : vince j kaminski / hou / ect @ ect , richard lewis / lon / ect @ ect , tim belden / hou / ect @ ect , tim . heizenrader @ enron . com , kevin m presto / hou / ect @ ect , george hopley / hou / ect @ ect cc : subject : site license for power world gentleman , kevin presto concurred on the purchase of a site license as recommended by vince . what are the thoughts of others ? i am available to demo the package if others would like to see it . thanks , lance - - - - - - - - - - - - - - - - - - - - - - forwarded by lance cunningham / na / enron on 11 / 20 / 2000 01 : 51 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 11 / 10 / 2000 09 : 16 am to : vince j kaminski / hou / ect @ ect , richard lewis / lon / ect @ ect , tim belden / hou / ect @ ect , tim . heizenrader @ enron . com , kevin m presto / hou / ect @ ect , george hopley / hou / ect @ ect cc : lance cunningham / na / enron @ enron subject : site license for power world gentlemen , i recommend that we purchase this package and split the cost 3 ways between 3 power trading desks . i think that we should go for option 3 ( ~ $ 15 , 000 ) . lance cunningham in my group looked at this software package and found it very useful for modeling transmission problems . please , feel free to ask him for technical details in support of this recommendation . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 10 / 2000 09 : 17 am - - - - - - - - - - - - - - - - - - - - - - - - - - - lance cunningham @ enron on 11 / 09 / 2000 06 : 15 : 14 pm to : vince j kaminski / hou / ect @ ect cc : vasant shanbhogue / hou / ect @ ect subject : site license for power world vince , we have three options to increase our availability across enron for the power world load flow software . option 1 , upgrade to a site license for the load flow software only . price $ 9 , 990 . 00 this would give all of enron the ability to perform load flows , but not determine marginal cost or available transfer capacity ( atc ) because only the optimal power flow ( opf ) version can perform that task . option 2 , site license for the load flow and purchase 1 opf package for walter coffer ' s group . price $ 11 , 240 . this would give all of enron the ability to perform load flows and one other group the ability to determine marginal cost and atc . option 3 , site license for load flows , opf and atc . price $ 14 , 990 . 00 this would give all of enron the ability to perform load flows , marginal cost , and atc . regards , lance",0 +"Subject: re : raptors no - - - - - original message - - - - - from : bharati , rakesh sent : thursday , march 15 , 2001 4 : 42 pm to : port , david cc : kaminski , vince subject : raptors hi david , i would like to check with you just to be on the safe side . i left our last meeting with the impression that only naveen and i would be working together on the raptors . however , i heard from naveen earlier today and he wanted to include thomas ( mark , i presume ) in the meeting as well . i would like to ensure if that is indeed your intention . please advise . thanks . rakesh",0 +"Subject: re : grades pam , another group : stuart hamel jed howard brian nelson b + vince pamela vande krol castro on 05 / 03 / 2001 08 : 58 : 24 am to : vince . j . kaminski @ enron . com cc : subject : re : grades got them - thank you ! - pvc at 05 : 21 pm 5 / 2 / 01 - 0500 , you wrote : > pam , > > another team : > > elena chilkina > robert j . guadette > joseph helms > kenneth jett > todd litton > mark westmoreland > > > grade : a - > > > vince kaminski",0 +"Subject: re : mg metals : summary of var methodology and current status dear all , anjam and myself had a highly productive and informative set of meetings with andreas barkchis of mg metals ny on thursday 20 th july in the ny office . firstly we should say "" thanks "" to andreas for being so helpful in addressing out numerous requests for information - we look forward to establishing a solid working relationship with him going forward . find below a summary of version _ 1 a for initial rough calculation of mg metal ' s var . also anjam , kirstee ( from london side ) and cantekin , grant , vince and myself ( houston side ) have been working for last 2 days on the spreadsheet var model . the current status of this effort and a plan for future progress is summarized in the enclosed document : v @ r methodology for mg metals positions version _ 1 a introduction this document describes the initial rough model for calculations value - at - risk for mg metals . this model will be implemented in a spreadsheet , which will serve as a prototype for the risktrac implementation . risk factors the following positions represent most of mg metal  , s risk and will be covered by version _ 1 a : - base metals  , positions including : - aluminium ; - copper ; - gold ; - lead ; - nickel ; - silver ; - tin ; - zinc ; risk related to these positions will be quantified by simulating forward prices for each metal . - copper concentrate ; risk related to these positions will be quantified by simulating tc charges . - cocoa beans ; risk related to these positions will be quantified by simulating forward prices for cocoa beans . therefore these 10 curves will drive the risk : price curves for aluminium , copper , gold , lead , nickel , silver , tin , zinc and cocoa beans plus tc curve for copper concentrate . assumptions and simplifications : - for each metal we are going to use a single price curve or all types of products ( physical , financial , lme traded , comex traded , scrap , alloy , stock , etc . ) ; - delta , gamma approach for risk on options  , positions ; components required to implement v @ r model : - current forward prices available from mercur ; - current implied volatilities available through reuters ; - current positions from mercur ; - history of prices required to calculate factor loadings and correlations across commodities ; methodology version _ 1 a will be based on risk matrix approach . we will calculate principal components for each metal and cocoa beans to take in account the correlations along the term structure . we will also calculate the correlations across commodities based on prompt month prices history for last 3 months . portfolio hierarchy each position will be assigned to one of the following portfolios under the whole portfolio agg - metals : - mg metal - mg metal - mg metall recycling gmbh , ffm ; under each of these sub - portfolio there will be the following sub - portfolios : - comex ; - frame contract ; - lme ; - lme alloy ; - lme metal index ; - option call ; - option put ; - physical ; - physical alloy ; - physical real ; - physical scrap ; - price part . ; - prov . billing ; - stock ; - stock alloy ; - stock comex ; - stock physical ; - stock scrap ;",0 +"Subject: replied resume i am forwarding a resume of one candidate who is very persistent and quite aggressive . please , take a look at him . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 23 / 2000 08 : 18 am - - - - - - - - - - - - - - - - - - - - - - - - - - - eric hilton on 06 / 22 / 2000 11 : 20 : 11 pm to : vince . j . kaminski @ enron . com cc : subject : replied resume mr . kaminski , ? ? ? ? ? ? ? i sent an actual resume via the postal service . i guess you never received it . thank you for your patience . a few features i possess that suggest that i may be a representative your well established company would value are : ? seven - plus years as a manager / junior executive of logistics in a fast - paced , demanding , and constantly evolving retail industry . experience in effectively developing and implementing policies and tasks under marketing , logistics , brand management , and best practices . ba degree in marketing with a 3 . 88 gpa from the university of san moritz , london england . extensive knowledge in management with the ability to effectively manage multiple tasks , as well as multiple associates , to achieve specific goals in research and brand management within the company ' s deadline . seven - plus years effectively implementing and teaching dynamic and successful customer service . with my current employer , i am in charge of logistics research and reports / data collection , as well as responsible for developing new and successful ideas and implementing them under constantly evolving brand management and best practices . traveling to london , england and extensively finishing my degree indicates that i am willing to go the  & extra mile  8 to achieve and obtain my goals . perhaps , mr . kaminiski , ? i am an associate you need at your well - respected company . i would be very happy to meet with you , at your convenience , to discuss the possibility of putting my education and experience to work for enron . thank you for your consideration . i look forward to hearing from you . i have attached my resume to this email formatted under microsoft word . warmest regards , eric hilton ? - my resume",0 +"Subject: iafe membership shirley , please , renew my membership . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 12 / 07 / 2000 10 : 41 am - - - - - - - - - - - - - - - - - - - - - - - - - - - main @ iafe . org on 12 / 05 / 2000 03 : 47 : 45 pm to : cc : subject : iafe membership dear colleague : we are pleased to report that we had a very exciting and productive year with dozens of activities around the world . as we enter our 10 th year of operations , the iafe has additional membership options available to you . please take a moment to look at the attached membership form with the 2001 rate schedule . based on member requests , a premium membership is now being offered that includes the annual conference at a 30 % discount , the financial engineer of the year dinner , plus a subscription to the journal of derivatives ( jod ) . the full membership remains as in previous years . the new regular membership includes all membership benefits except jod . membership is based on the calendar year january 1 - december 31 , 2001 . membership is also available on our secured membership registration form at our website http : / / www . iafe . org / about / join . ihtml . while on our website , please take a moment to visit our calendar listing upcoming events for the new year . if you have any questions please don ' t hesitate to contact me at main @ iafe . org . regards , donna jacobus iafe office manager - 2001 membership application . pdf",0 +"Subject: re : trip to san francisco 3 / 19 - 3 / 20 / 00 bryan , i talked to vasant about the model review in london . he thought that he could accomplish this from houston , but i think direct communication makes things much easier . i think his trip to london makes a lot of sense . kmv confirmed the meeting on the 20 th . we hope to get more information about the scope of their model and assess its the applicability to your business . vasant , after a few days of immersion in your operations , will be able to assess better the usefulness of the model . vince bryan seyfried 02 / 29 / 2000 03 : 35 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : trip to san francisco 3 / 19 - 3 / 20 / 00 vince - it is highly unlikely that i can make the trip but i spoke with vasant today and he will try to get to london beforehand and will have good idea of our needs . hopefully this will not cause too many problems . bs shirley crenshaw 29 / 02 / 2000 15 : 57 to : william s bradford / hou / ect @ ect , bryan seyfried / lon / ect @ ect , vasant shanbhogue / hou / ect @ ect , robert . rudy @ kmv . com cc : subject : trip to san francisco 3 / 19 - 3 / 20 / 00 hello all : attached is a copy of vince kaminski ' s itinerary for the trip to san francisco on march 20 , 2000 . please make your plans accordingly . if you need anything else , please let me know thanks ! shirley adm . coord . 713 / 853 - 5290",0 +"Subject: black table for conference room and file cabinet hi reggie : conference room eb 19 c 2 is in need of a round black table to hold the telephone . is there one available ? also we would like a two - drawer lateral file cabinet for eb 19 c 2 . co . # 0011 , rc # 100038 . thanks and have a great day ! shirley 3 - 5290",0 +"Subject: hello from charles shen at williams co . dear vince : how are you ? i am not sure whether you still remember me , we met in a conference last year in houston . after having been working for williams for about two years , now i am ready to make a move . i have heard enron is a great company , i am wondering whether there is any opportunity for me , either in research group or in structure group here is brief description about myself : right after i got my ph . d . on finance and econometrics from duke university in 1998 , i joined williams energy trading company as a quantitative analyst . now i am lead quant and in charge of the quantitative research group with 7 highly talented people . i have done extensive research and modeling about electricity , load - following deal and tolling deals . if you need any additional information , please feel free to call me at 918 - 409 - 4308 . i look forward to hearing from you soon , thank you . sincerely , charles do you yahoo ! ? yahoo ! photos - 35 mm quality prints , now get 15 free ! http : / / photos . yahoo . com /",0 +"Subject: re : turkey the group to whom this message was sent is rac in london , related to london ' s focus on enron ' s equity interest in opet ( $ 18 million exposure ) . gwyn - - - - - - - - - - - - - - - - - - - - - - forwarded by gwyn koepke / na / enron on 04 / 19 / 2001 06 : 59 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - gwyn koepke 04 / 19 / 2001 06 : 58 pm to : suryan wirya simunovic / lon / ect @ ect cc : gkoepke @ enron . com @ ect , jolyon manning / eu / enron @ enron , padmesh thuraisingham / lon / ect @ ect , maureen raymond / lon / ect @ ect , mitra mujica / enron @ enronxgate subject : re : turkey suryan , please find attached a brief on turkey , per your request . as stated in the brief , this is a preliminary forecast and is subject to change upon further government announcements related to external financing and monetary / fx policies . gwyn koepke suryan wirya simunovic @ ect 04 / 19 / 2001 10 : 48 am to : gkoepke @ enron . com cc : jolyon manning / eu / enron @ enron , padmesh thuraisingham / lon / ect @ ect subject : turkey gwyn , paddy and i spoke to you earlier today regarding eel ' s turkish investment . you mentioned that you could send us a brief report on what has been going on in turkey in the last couple of weeks . as we are having a meeting tomorrow am could you still send us this report before business closing houston to myself , paddy and jolyon manning . thank you suryan wirya simunovic",0 +"Subject: career opportunity dear mr . kaminski , ? i will forward my resume . i am looking for a trading position . i have three years of market - making experience in illiquid markets , which i beleive is highly relevant . but it seems now that getting out of my contract is not an alternative anymore . ? i learned yesterday that my firm finally decided to grant me what i wanted . . . a new desk . sometimes i feel that when you become a trader you come to trade everything , including your career . ? ? i thank you for your time and consideration . ? pierre ? ?",0 +"Subject: resume for insurance candidate hi vince , ` this person was recommended by prof . macminn , and he is interested . he seems to have the quantitative and insurance background . i am going to call him again . would you like to talk with him on the phone ? vasant - - - - - - - - - - - - - - - - - - - - - - forwarded by vasant shanbhogue / hou / ect on 01 / 06 / 2000 08 : 42 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" spudeck , ray e . ms - res "" on 12 / 29 / 99 02 : 24 : 09 pm to : vasant shanbhogue / hou / ect @ ect cc : subject : my resume vasant , i enjoyed our telephone conversation this morning . from our conversation , it sounds like enron is moving out on the cutting edge of risk transfer and insurance finance . in my mind , there seem to be a myriad number of interesting opportunities moving forward . as well , i see a number of issues that would need to be resolved . frankly , i find that quite exciting . i left academics largely because i wanted to move into a more "" front line "" career . while i ' ve enjoyed my work here at the naic , it is still not where i ultimately see myself . i gathered from your comments some concern about my being too senior in the organization . if i am interpreting you correctly , you are concerned about hands on technical work . i enjoy that immensely and some of the strengths i bring to the table are the ability to think creatively about solving financial problems and the the ability to make data tell the underlying story . i look forward to talking to you next week . i just found out that our office building will be closed monday , so i will not be in until tuesday a . m . ray spudeck sr . research associate ( 816 ) 889 - 4417 rspudeck @ naic . org > - resumeres . doc",0 +"Subject: re : probation period - matthew williams hi karen i ' m happy for matt to be made permanent - all relevant feedback is contained in his prc . cheers , steve karen tamlyn 07 / 26 / 2000 10 : 50 am to : steven leppard / lon / ect @ ect cc : subject : probation period - matthew williams notice of end of probationary period i am writing to inform you that the six month probationary period for matthew williams is due to end on the on the 21 st august 2000 . if you are happy to pass their probationary period please reply confirming this giving any feedback you deem necessary . however , if you are unsure and wish to either extend or fail the probationary period please contact sophie kingsley immediately to discuss further . many thanks karen tamlyn hr ext . 34310",0 +"Subject: update / event time change shirley , this is the committee that i discussed with you this morning . the below email outlines the time required . thanks for your consideration . anita - - - - - - - - - - - - - - - - - - - - - - forwarded by anita dupont / na / enron on 11 / 29 / 2000 04 : 55 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - 11 / 29 / 2000 04 : 46 pm charla reese @ enron _ development charla reese @ enron _ development charla reese @ enron _ development 11 / 29 / 2000 04 : 46 pm 11 / 29 / 2000 04 : 46 pm to : daryl kitchen @ enron communications , missy stevens @ enron , misha siegel @ ect , zulie flores / corp / enron @ enron , maggie valles / enron _ development @ enron _ development , rose rivera / enron _ development @ enron _ development , donnis traylor / hou / ees @ ees , raquel guerrero @ enron communications , elsie lew @ ect , mary ellenberger / corp / enron @ enron , rebecca longoria @ enron , joy werner @ enron , david tagliarino @ ect , janie bonnard , sylvia thomas @ enron , lillian villarreal @ enron , valerie villareal / hou / ees @ ees , stephanie baker / hou / ees @ ees , dianne langeland / enron _ development , laura schwartz @ enron , deb gebhardt @ enron , heather alon @ ect , michael cuccia / corp / enron @ enron , bert frazier @ ect , susan rouse @ ees , sandy lewelling @ enron communications , sonia garcia / hou / ees @ ees , dolores escamilla @ ect , anita dupont / na / enron @ enron cc : elyse kalmans @ enron , greg grissom @ enron subject : update / event time change thanks to everyone for attending the meeting today ! event time change ! ! ! i just spoke with the office of the chairman and have learned that ken and jeff are actually available during the morning of december 19 th from 8 : 00 am until 11 : 00 am . as a result , our plans have changed just a little and i have requested whether or not they are willing to pose for polaroid pictures with employees - i ' ll let you know what i find out ! we will still have the jazz duet and informational poster displays in the lobby throughout the day and instead of dessert items , we ' ll order breakfast stuff . assignments / budget ! ! ! ! please note assignments below ; for each team , collaborate between now and our next meeting to determine what purchases need to be made - budgets will be discussed at that meeting . again , it will be on wednesday , december 6 th from 9 : 30 am until 10 : 30 am with the location tbd . kwanzaa - daryl kitchen * / liz taylor chinese new year - elsie lew * / anita dupont las posadas - zulie flores * / maggie valles / lillian villeral christmas - donnis traylor * / missy stevens / michael cuccia chanukah - laura schwartz * / heather alon ramadan - sylvia thomas * / janie bonnard / dianne langeland st . lucia - joy werner * / stephanie baker devali - sonia garcia * / sophie patel / rebecca longoria greeters / traffic control / corsages - sandy lewelling executive floor - deb gebhardt logistics - charla reese ( communication , entertainment , food , picture holders ) photographer - laura schwartz houston children ' s choir - misha siegel * indicates holiday team leader responsibilities attend planning committee meetings and work with other volunteers assigned to your holiday . research meaning of holiday and determine appropriate decorations , symbols , & food items - purchase after budget approval . create information sheet for employee hand - out . decorate between 7 : 00 am and 8 : 00 am on 12 / 19 . be creative ! ( play appropriate recorded music , dress up in related clothing , etc . ) ensure office is manned during open house ( 8 : 00 am - 11 : 00 am ) - answer any questions , pass out materials , etc . recruit additional volunteers ! additional volunteers delores escamilla val villeral raquel guerrero bert frazier david tagliarino rose riveria thank you ! charla x 35202",0 +"Subject: re : informal exploratory interview with enron research group valeria : 3 : 30 pm tomorrow the 9 th will be fine . we will have to change the schedule a little bit , but i believe it will work . kevin kindall 3 : 30 pm grant masson 4 : 00 pm tanya tamarchenko 4 : 30 pm vince kaminski 5 : 00 pm same scenario - upon arrival in the lobby go to the security desk and ask for me . i will meet you in the lobby of the 19 th floor . thanks so much for your flexibility ! shirley crenshaw valeria . i . stone @ exxon . sprint . com on 09 / 07 / 2000 08 : 56 : 24 am to : shirley . crenshaw @ enron . com cc : subject : re : informal exploratory interview with enron research group date : september 7 , 2000 from : stone , v . i . ( valeria ) vistone - americas to : ext - shirley . crenshaw ( a ) enron . co shirlecl - fpexmail subject : re : informal exploratory interview with enron research group sure , tomorrow is fine with me . is it possible to schedule it at 3 : 30 pm ? and i am sure it is not an easy task to fit the schedule of several people to be available at the same time window . so please feel free to let me know if you will need to do another time adjustment . - - - - - original message - - - - - from : ext - shirley . crenshaw ( a ) enron . co sent : thursday , september 07 , 2000 9 : 47 am to : stone , v . i . ( valeria ) subject : re : informal exploratory interview with enron research group valeria : please do not think we are always this unorganized , but things just seem to be happening right now and it is disrupting everyone ' s schedule . would you possibly be able to come tomorrow the 8 th ? kevin kindall will not be here on the 15 th and he would definately like to interview you . then vince kaminski will be gone for two weeks after the 15 th . it seems like tomorrow might be the best time for everyone , if it is for you . we can begin the interviews at 3 : 00 pm and probably end them at 5 : 00 or 5 : 30 pm . please let me know . thanks so much for your understanding . [ stone , v . i . ( valeria ) ] : regards , shirley crenshaw valeria . i . stone @ exxon . sprint . com on 09 / 07 / 2000 07 : 46 : 13 am to : shirley . crenshaw @ enron . com cc : subject : re : informal exploratory interview with enron research group date : september 7 , 2000 from : stone , v . i . ( valeria ) vistone - americas to : ext - shirley . crenshaw ( a ) enron . co shirlecl - fpexmail subject : re : informal exploratory interview with enron research group [ stone , v . i . ( valeria ) ] 0 definitely - any of these days sound good to me . the only concern that i have , is that i have my graduate class on thursday night at 6 pm which is september the 14 th . so if you will schedule the interview on the 14 th of september , i would need to leave around 5 : 15 pm so i could attend my class . it actually might be more convenient for me to meet with the interviewers on the 15 th of september . if this day does not fit the schedule of any of the interested in interviewing individuals , i surely will be able to meet with them on the 14 th . i will be looking forward to your reply . sincerely , valeria stone - - - - - original message - - - - - from : ext - shirley . crenshaw ( a ) enron . co sent : wednesday , september 06 , 2000 4 : 32 pm to : stone , v . i . ( valeria ) subject : re : informal exploratory interview with enron research group valeria : would you be able to do the interview on the 14 th or 15 th instead of the 13 th ? vince kaminski , who would really like to interview you , has been called out of town on the 13 th . he will be back on the 14 th . also grant masson is conducting an options seminar on the 13 th and would not be able to interview you until after 5 : 00 pm . please let me know if we can just push the interview to the same time frame only on the 14 th or 15 th . thanks ! shirley crenshaw 713 - 853 - 5290",0 +"Subject: wti crude price and ny harbor resid prices vs henry hub and new york city gate gas by month michael , can you , please , provide this information . let me take a look at it before it ' s released . thanks . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 11 / 2000 08 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - margaret carson @ enron 04 / 06 / 2000 04 : 15 pm to : vince j kaminski / hou / ect @ ect cc : subject : wti crude price and ny harbor resid prices vs henry hub and new york city gate gas by month vince i am doing some advocacy for ena to refute a law suit about changes in gas prices spiking in new york in dec 1999 - jan / mar 2000 compared to dec 1998 - jan / mar 1999 . for the december 1998 through march 2000 16 month period can you please have someone in your group provide me with a set of avg monthly prices for wti oil and ny harbor resid vs henry hub and ny city gate avg monthly prices during this period ? thanks for helping us out on this . margaret",0 +"Subject: re : weather course vince , i ' ve distributed the info on the course . gary taylor , the head of marketing said that there were perhaps two people he ' d like to send , and he thought that the teachers would be able to benefit from having people from the weather derivatives desk in attendance , but that the price of $ 1100 a person was too steep . gary ( being the head of marketing that he is ) would like to see if there would be some special deal that could be arranged for people from the weather desk , but he doesn ' t want to cross the line . joe - - - - - original message - - - - - from : kaminski , vince - 86256517 - 749759 @ enron . com ] sent : monday , february 19 , 2001 7 : 17 pm to : joseph hrgovcic / hou / ect @ enron cc : kaminski , vince subject : re : weather course joe , this is the most recent offer from lacima ( weather derivatives course ) . what do you think ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 19 / 2001 07 : 15 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" julie "" on 02 / 19 / 2001 03 : 19 : 45 pm please respond to "" julie "" to : "" vincejkaminski "" cc : subject : re : weather course vince , enron is fine ( although i think we have to pay for the hyatt anyway ) . good discount ( i have a feeling that my idea of a good discount and the weather desk ' s idea is probably different ? ) : for the one day , $ 1100 per person . if you think that there will be around 10 people or more , then we can offer a day rate , regardless of the number of people . thanks vince julie ps - of course when i announced that we were cancelling , people started responding that they wished to attend . ugh ! - - - - - original message - - - - - from : vince . j . kaminski @ enron . com > to : julie > cc : vince . j . kaminski @ enron . com > sent : friday , february 16 , 2001 4 : 05 pm subject : re : weather course julie , enron location makes more sense . no reason to pay for the hotel . also , i think that one day makes more sense . i contacted the weather desk about including other people at the training course . i think that they would be interested if they got a good discount . vince "" julie "" > > on 02 / 16 / 2001 09 : 39 : 37 am please respond to "" julie "" > > to : > > cc : subject : re : weather course vince , great . just to let you know , we decided not to wait on the indecisive ones , and postponed the open course . it ' s yours , whatever you want : 1 day ( specific to what you feel will be of the most benefit ) , 2 days , hyatt or enron , or not at all . i hope this doesn ' t cause problems for you . special deal , for sure . i owe my godfather . julie - - - - - original message - - - - - from : vince . j . kaminski @ enron . com > to : julie cc : joseph . hrgovcic @ enron . com > sent : thursday , february 15 , 2001 3 : 16 pm subject : re : weather course julie , that ' s definitely an option . we can provide the room . maybe we can cut with you a special deal for enron and increase the # of people attending . i am forwarding your message to our weather desk . vince joe , what do you think about it ? vince "" julie "" > > on 02 / 15 / 2001 08 : 20 : 24 am please respond to "" julie "" > > to : "" vincejkaminski "" > > cc : subject : weather course vince , we just wanted to let you know that we only have 3 people signed up for the weather derivatives course ( all from enron ) so far . we have a couple more that have expressed strong interest , but we are awaiting their final decision . if no one else signs up , chris and les thought that you guys could probably get through the first day pretty easily , and thus thought it may be an option to teach just the 2 nd day material ( pricing ) only at enron ( doing it at the hyatt is an option as well but the room might be on the large side ) ? we would obviously reimburse you for the day not taught . we can teach both days as well , but thought you may want to save some time . i just wanted to give you some time to think about it . we will know where we stand on final numbers by next wednesday . julie",0 +"Subject: enroncredit . com - credit pricing methodology dear all , attached is a paper describing the proposed methodology for pricing the "" bankruptcy swaps "" the credit markets group is launching next week . the methodology is intentionally simplistic - the emphasis has been on providing transparent models to give prices in a quick , easy - to - understand manner , rather than create any new "" rocket science "" . could one or all of you please review the paper , and give feedback on the approach and advice on the areas still under development . this will give us peace - of - mind before the big launch . bryan - could you reread this and outline the sections that need omitting or expanding for publication on the website . many thanks , ben",0 +"Subject: re : powerisk 2001 - your invitation angelika . yes . vince angelika staude on 04 / 12 / 2001 03 : 01 : 25 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : powerisk 2001 - your invitation vince , brilliant , thanks . same sub points , same bio ? best regards , angelika staude director gas & powerisk 2001 tel : 0044 207 915 5675 fax : 0044 207 915 5101 www . icbi - uk . com / powerisk - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , april 11 , 2001 6 : 59 pm to : astaude @ iirltd . co . uk cc : vince . j . kaminski @ enron . com subject : re : powerisk 2001 - your invitation angelika , thanks for the invitation . yes , i shall be glad to attend and repeat the same presentation . vince angelika staude on 04 / 09 / 2001 04 : 19 : 08 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : powerisk 2001 - your invitation powerisk 2001 the global premier forumforenergy trading & risk management ? 6 th - 9 th november 2001 , paris dear mr kaminski , i am responsible for the programme of this year ' s powerisk conference in paris . helyette geman has informed me that she has contacted you concerning the workshop and that you are happy to do it with her again this year - brilliant ! i would like to know if you are also interested in delivering a paper again . the audience in previous years greatly appreciated your contribution , and i would me more than happy if you could join us again . to give you an idea of the programme so far , these are the ( "" technical "" ) topics that are already covered : chris strickland : forward curve models with jumps for the pricing of exotic energy contracts multi - factor forward curve models for the valuation of energy contracts adding jumps applying the models to exotic energy options extensions to multiple energy contracts les clewlow : valuation and risk management of virtual power stations and gas supply agreements structures of gas supply agreements ( gsa ) relationships between physical and virtual power stations ( pps / vps ) valuation methods for gsa ' s and vps ' s risk analysis of gsa ' s and vps ' s derek bunn , professor of decision sciences , london business school : analysing the impact of neta on market efficiency & volatility in the uk energy market chris harris , director of market development . operations and engineering , innogy : applying cutting - edge portfolio management theory in order to optimise your risk exposure establishing and valuing the key factors using a bottom up approach looking at the interconnection between key factors the treatment of the risk of infrequent but high impact events peter nance , principal , teknecon : combining power systems and monte carlo simulations for effective pricing dan mansfeld , head of risk control , vattenfall : assessing the benefits and risks of using derivatives as part of your risk management strategy spyros maragos : analysing new approaches to building forward curves from available market data tamara weinert , credit and contracts manager , mirant energy : successfully measuring limit setting ; risk reducing structures importance of credit in the organizational structure : reporting ; dependence ; structure of credit department brett humphreys : examining cutting - edge credit exposure mitigation tools : combining counterparty and portfolio credit var techniques helyette geman : pricing of exotic energy derivatives and structured contracts please let me know if you are interested in joining the powerisk 2001 speaker panel , and which topic you would like to cover . i think that something along the lines of last year ' s talk ( state - of - the - art volatility and correlation estimation techniques for multiple energy portfolios ) would be brilliant again , but please feel free to chose something else that has not been covered yet . i look forward to hearing from you , kind regards , angelika staude director ? powerisk 2001 tel : 0044 207 915 5675 fax : 0044 207 915 5101 ps : for your information , please find enclosed a list of confirmed speakers for powerisk 2001 . ( see attached file : confirmed speakers . doc )",0 +"Subject: re : wharton business plan competition hi vince ! please see the wharton information below , as well as jeff ' s comments . do you want to be the judge ? please let me know asap . thanks ! - - christie . - - - - - forwarded by christie patrick / hou / ect on 03 / 19 / 2001 01 : 53 pm - - - - - jeffrey a shankman / enron @ enronxgate 03 / 19 / 2001 11 : 18 am to : christie patrick / hou / ect @ ect cc : subject : re : wharton business plan competition i ' ll be in new york that week . ask vince . jeff - - - - - original message - - - - - from : patrick , christie sent : monday , march 19 , 2001 9 : 43 am to : shankman , jeffrey a . subject : fw : wharton business plan competition importance : high jeff , please see wharton business plan information below . do you want to be the judge ? thanks ! - - christie . - - - - - forwarded by christie patrick / hou / ect on 03 / 19 / 2001 09 : 40 am - - - - - "" stamer , anne "" 03 / 19 / 2001 08 : 42 am to : "" ' christie . patrick @ enron . com ' "" cc : subject : fw : wharton business plan competition hi christie : i hope this email finds you well . the wharton business plan competition is going really well . we would really like to enron participate . is someone from your company available to be a be a judge for our phase iii ? attached is some information . anne - - - - - original message - - - - - from : andrew gaffney [ mailto : gaffneya @ wharton . upenn . edu ] sent : thursday , march 08 , 2001 9 : 47 am to : christie . patrick @ enron . com cc : stamer , anne subject : wharton business plan competition dear ms . patrick , anne stamer asked me to contact you regarding enron providing a judge for phase iii of the business plan competition . phase iii judges are generally partner - level individuals at venture capital firms , managing directors from investment banks , or other senior individuals who have extensive experience assessing and working with early stage ventures . a phase iii judge will receive five business plans , with the entire judging process requiring 4 - 5 hours during the weeks of april 2 and april 9 . i am attaching a document that describes the competition and judging procedures for phase iii in more detail . we are looking to finalize the list of phase iii judges by march 23 , so if you could please forward either anne or i the name of the appropriate individual , we can contact them directly with more details . please let me know if you have further questions and we appreciate your support of the competition . sincerely , andrew gaffney - phase iii judge info 00 - 01 . doc >",0 +"Subject: riskcenter . com / flatiron group alliance announce garp risk review magazine for immediate release contact : tom groenfeld the flatiron group corp . 973 - 925 - 9748 973 - 925 - 9681 fax groenfeldt @ aol . com garp leverages riskcenter . com / flatiron group corp . alliance to produce garp risk review and daily online risk news new york , new york  ) january 17 th , 2001  ) after a competitive bidding process , the global association of risk professionals ( garp ) has chosen an alliance formed by riskcenter . com and the flatiron group corp . to produce and manage garp  , s ( www . garp . com ) new proprietary online and print magazine publishing efforts . garp is the industry association that represents risk managers in the securities industry . to serve these professionals , garp has publications , events , advocacy and 35 regional chapters worldwide . garp risk review will serve as the flagship communication piece that unites all of these elements . in the alliance , riskcenter . com will provide the daily risk management news coverage on the garp web site . the flatiron group corp . will produce and publish the hard copy magazine called garp risk review . "" we are very excited about the publication of the online risk management news and the garp risk review , "" says adam davids , ceo garp . "" both the daily news and the garp risk review will provide our members with the information they need to stay current on both a periodical and real - time basis . with information delivered in print and online , readers will be able get the information that they need in the method that works best for that information . garp represents a community of risk managers that are changing the definition of their roles and developing their profession rapidly . we are extremely pleased to advance the growth of our profession with this excellent marriage of content and medium through the combined efforts of riskcenter . com and the flatiron group . "" riskcenter . com , a financial risk management content media company , syndicates financial risk management news stories ( www . riskcenter . com ) focused on six risk categories - - credit , market , operational , ecommerce , energy and commodity  * that help financial executives make better decisions . the flatiron group corp . ( www . windowsfs . com ) publishes windows in financial services , a quarterly magazine covering the expanding use of microsoft technologies in the financial enterprise , and an accompanying newsletter for developers working in financial services . "" i think our combination of news delivered over the internet in conjunction with the garp risk review publication will play an important role in educating and informing risk professionals around the world ,  8 says joseph viviani , president and publisher , the flatiron group . "" with our garp affiliation , we will have an unparalleled understanding of what our readers need to know , and we will have access to the leading experts to impart the best thinking in the field . this will be a must - read magazine in risk management .  8 about garp the global association of risk professionals ( garp ) is an independent organization of 15 , 000 financial risk management practitioners and researchers . garp is a diverse international association of professionals from a variety of backgrounds and organizations who share a common interest in the field . garp ' s mission is to serve its members by facilitating the exchange of information , developing educational programs , and promoting standards in the area of financial risk management . garp members discuss current practices and regulation , and help bring forth potential risks in the financial markets to the attention of other members and the public . about riskcenter . com riskcenter . com is a media company that provides a daily web - based news service that delivers original stories on six financial risk management categories : market , credit , operational , ecommerce , commodity and energy . the stories explain risk measurement and management issues , as well as the use of risk information in capital allocation strategies . about the flatiron group corporation the flatiron group is a publishing company that currently produces a portfolio of products , including a magazine and a newsletter . its windows in financial services magazine focuses exclusively on the rapidly expanding use of microsoft technologies in financial services , from front office applications to back office processing . it provides real - world case studies showing how firms are implementing new solutions built on the microsoft platform . erik helland phone : 212 - 825 - 1525 riskcenter , llc fax : 212 - 825 - 1530 80 wall street mobile : 917 - 544 - 7676 suite 417 helland @ riskcenter . com new york , ny 10005 www . riskcenter . com "" a financial risk management media company "" - garp alliance pr . doc",0 +"Subject: re : my model for spikes valery , i may be in dallas in the next few weeks . i shall probably come to dallas one friday . i shall let you know well in advance . vince "" valery kholodnyi "" on 01 / 04 / 2001 08 : 29 : 37 am to : vince . j . kaminski @ enron . com cc : subject : re : my model for spikes dear dr . kaminski , i would like to apologize for the delay responding , i was on vocation . thank you very much for your interest in my work and for your suggestion to meet for lunch / dinner . i will be truly happy to do so . in this regard could you please let me know what day might be convenient for you . since i am going to fly from dallas , i would like , if possible , to plan it in advance . i look forward to hearing from you and to seeing you soon . sincerely , valery kholodnyi",0 +"Subject: papers vince , did you receive this paper ? jason - - - - - - - - - - - - - - - - - - - - - - forwarded by jason sokolov / hou / ect on 05 / 01 / 2001 03 : 55 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" stuart russell hamel "" on 04 / 30 / 2001 04 : 52 : 12 pm please respond to to : cc : subject : dr . kaminski : please see our attached paper . thank you , jed howard , brian nelson , and stuart hamel ( 713 ) 218 - 8903 - winmail . dat",0 +"Subject: fw : aram g . sogomonian norma , this is the resume of aram sogomonian i mentioned to you . i would like to bring him over to talk to kevin presto , george hopley alex huan , seville yaman , tom haliburton , myself . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 12 / 2000 11 : 02 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" sogomonian , aram "" on 10 / 11 / 2000 12 : 03 : 16 pm to : "" ' vkamins @ enron . com ' "" cc : subject : fw : aram g . sogomonian - aram g 2 . doc",0 +"Subject: re : stanford mba - interview hi vince , unfortunately , i have not heard from him . he also forwarded his resume to mauricio mora , who asked if we could interview him . when i asked celeste about it back then she decided against it . if you need some help tracking him down , let me know . thanks , althea vince j kaminski @ ect 04 / 16 / 2001 01 : 53 pm to : althea gordon / na / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : stanford mba - interview althea , i was trying to get in touch with this guy . did he contact you by any chance ? he missed the interviews on the campus . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 16 / 2001 01 : 51 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" seade , juan j . "" on 03 / 19 / 2001 01 : 15 : 56 am to : "" ' vkamins @ enron . com ' "" cc : subject : stanford mba - interview dear vincent , as i told you on the phone on friday , i am very interested in a summer internship at enron . i would like to point out that i want to pursue a career in trading , and i am especially interested in derivatives . given that enron is a pioneer in the market making of energy , broadband and weather derivatives , i find it a company i would be most interested in working for . i believe that you will find my background of interest to your firm , and i hope to be interviewed by yourself and other colleagues of yours . i have final exams from march 19 - 22 , but would be most willing to travel to houston for interviews any time from friday march 23 rd onwards . i hope to hear from you soon . best regards , juan seade mba class of 2002 stanford business school 796 escondido road apt . 29 c stanford , ca 94305 tel : ( 650 ) 497 - 3705 email : jseade @ stanford . edu > - resume juan seade . doc",0 +"Subject: 2001 budget for research sir , i just got word that your bottom line needs to be 2 , 200 k . this is net of corp charges and intercompany billings . in order to get to this number , we have to reduce your budget by 83 k . do you have any suggestions in which category ( ies ) we need to reduce ? budget 10 , 521 , 000 i / c billings 8 , 238 , 000 subtotal 2 , 283 , 000 per delainey 2 , 200 , 000 need to dec by 83 , 000 here are my suggestions based on oct expenses : category oct expense budget decrease yearly amount periodical / subscription 5 , 200 10 , 000 3 , 000 36 , 000 tuition and reimbursement 11 , 000 21 , 000 4 , 000 48 , 000 this will bring you to the bottom line suggested by delainey . please let me know your decision by november 21 . if you have any questions , call me at 5 - 7094 . thanx .",0 +"Subject: re : argentina power & gas market modelling okay julian poole 17 / 03 / 2000 10 : 35 am to : michael guerriero / enron _ development @ enron _ development cc : vince j kaminski @ ect , grant masson @ ect , jeff kabel / enron _ development @ enron _ development , rodolfo freyre / enron _ development @ enron _ development , diego hollweck / enron _ development @ enron _ development , bernardo andrews / enron _ development @ enron _ development , mario aguilar benitez / enron _ development @ enron _ development , santiago subject : re : argentina power & gas market modelling all , let ' s arrange a conference call next week to discuss the process . how does tuesday afternoon fit everyone ' s schedule ? julian enron international from : michael guerriero 03 / 17 / 2000 03 : 49 pm to : vince j kaminski @ ect , grant masson @ ect , jeff kabel / enron _ development @ enron _ development , julian poole / enron _ development @ enron _ development , rodolfo freyre / enron _ development @ enron _ development , diego hollweck / enron _ development @ enron _ development , bernardo andrews / enron _ development @ enron _ development , mario aguilar benitez / enron _ development @ enron _ development , santiago cc : subject : argentina power & gas market modelling i would like to initiate a team to address the continued improvement of the argentine power & gas market models . i spoke with vince this morning and we reviewed that history of work to date and what we will need to do from here . a summary is as follows : team : ba members : julian poole lead mario benitez associate ba associates : diego hollweck associate bernardo andrews associate santiago porta associate houston members : to be named . time schedule : as soon as possible . completed before june 1 , 2000 winter in argentina . scope of work : power model : advance the current model from basic load forecasting to incorporate weather , hydrology , improved short term and long term forecasting . natural gas model : build a supply and demand load forecasting model incorporating weather , thermal demand , pipeline flow rates , well head supply , improved short term and long term forecasting . phase i - data request power historic weather : temperature - daily , hourly , min , max , average humidity precipitation cloud cover regionally forward weather : temperature - daily , hourly , min , max , average humidity precipitation cloud cover regionally historic hydrology : reservoir levels reservoir capacity current hydrology : reservoir levels remote monitoring : aireal , pressure device , laser snow pack : density volume and mass power supply : current and future capacity transmission capacity : current and future capacity natural gas data list to be developed phase ii - power model development phase iii - natural gas model development we will take advantage of the fact that the associates are in houston for the next two weeks . vince is out next week but we can start with a process discussion with grant masson next week . julian please get a meeting scheduled as soon as possible . we should immediately start collecting data . thanks mfg",0 +"Subject: tim hiezenrader stinson gibner wanted me to pass along the name of the individual who worked with me on the west desk : tim heizenrader 503 - 464 - 7462 i believe he is now in charge of fundamentals and research ( no relation to vince ' s research ) for tim beldin , vp , westdesk . michael schilmoeller",0 +"Subject: approval for reviewer gibner , peyton s has suggested reviewers and submitted them for your approval . you may review / modify this list of reviewers by logging on to pep at http : / / pep . corp . enron . com and going to supervisor services . please remember , no feedback can be completed on gibner , peyton s until you have approved the list .",0 +"Subject: timesheets hello everyone : well it is almost that time again ! i am going to try something different . i am forwarding you the time sheet by email . save the document to whatever drive you want to and then fill out any off duty time or overtime that you had and return to me by email . i will need this by the 15 and 30 ( or 31 st ) of each month . this may work better than hand delivering . let me know what you think .",0 +"Subject: fwd : summer internship - - ph . d . in chicago celeste , i am a very good customer of your group . this is another student ( this time from chicago ) i would be glad to take into the group as an intern . the resume is attached at the bottom of this message . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 17 / 2001 03 : 51 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - li xiao on 01 / 13 / 2001 01 : 41 : 29 pm to : vkamins @ ect . enron . com cc : subject : fwd : summer internship - - ph . d . in chicago hi , vince , this is li , writing from u . of chicago . i am in the second quarter here . the study and social life is extremely busy at the school . but i enjoy connecting the knowledge i learn everyday here with the experience i had with enron . a schoolmate of mine , a chicago ph . d . candidate in finance , is looking for an internship for the coming summer . i recommend him to write to you to see if you are interested in or if there is a need . if so , you can contact with him directly . he is a really bright guy . if not , hope you don ' t mind that i sell enron at school so hard . again , thanks for all the help you gave me . have a good new year . li p . s . : cover letter below and resume attached . li xiao university of chicago graduate school of business , class of 2002 ( 773 ) 955 - 0710 dear dr . vince kaminski , i am a ph . d . student in finance at the university of chicago gsb who = hopes to find a summer internship at enron of 2001 ( between june and = september ) . i heard your group from my friend li , who worked at enron = for 3 year . she spoke highly of you . if it ' s okay , i am primarily = interested in risk management . at the university of chicago , i will have completed all the ph . d . = courses in the area of finance by the end of the first year . as normally = it takes two years to finish the required finance courses , i decided to = take all the finance courses in the first year . in the fall quarter , i = already took empirical asset pricing and theoretical asset pricing and = did very well . in the winter quarter , i will be taking corporate = finance , continuous time finance and behavioral finance . i am exposed to = all fields of finance . prior to coming to chicago , i received a master ' s = degree in economics at washington university in saint louis where i = acquired skills in economic analysis . i also have a strong background in = statistics and mathematics . this makes me believe that i have acquired = the ability to do financial research . prior to coming to the united state , i was an outstanding graduate from = beijing university , china . i was the founder and president of beijng = univeristy society of oceanology . i also organized a research jouney in = the round - the - bo - sea economic region . these experience helped to hone my = communication and interpersonal skills . as illustrated above , my skills and expertise are ideally suited for = financial research . my resume is enclosed . in the event that you think = an interview is in need , my time is very flexible . your assistance is = appreciated . sincerely yours , jason chen ( huafeng ) 6022 s . drexel ave , apt 612 chicago , il 60637 ( 773 ) 955 - 0348 - resume . doc",0 +"Subject: zimin ' s father vince and stinson , i have to go back to china to attend my father ' s funeral on saterday jan . 20 . my father passed away last sunday . my schedule is : leave houston : jan 18 ( thursday ) arrive houston : jan 27 ( saterday ) i will take care of a few things before i go 1 ) review for paulo and bob 2 ) talk to alex on the compound option on a power plant 3 ) talk to bob on volatility and correlation skews , to finish up this project for john arnold 4 ) telephone interview for japan office . zimin",0 +"Subject: introduction mark , mike , i have scheduled a video conference with this gentleman on thursday this week at 3 : 30 p . m . can you join me for this conversation ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 20 / 2000 04 : 16 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - on 06 / 20 / 2000 03 : 12 : 53 pm to : "" vince j kaminski "" cc : richard . larsen @ effem . com subject : introduction vince : as way of introduction , i wanted to write a bit about mars inc . and then about cds , the unit i head . mars is a private company , considered to be the largest privately owned manufacturing company in the world . mars is not in the habit of disclosing its finances , so the best i could do is refer to forbes ' estimate of $ 15 billion annual revenue and to the profit margins of similar companies between 5 - 12 % . mars is in the business of manufacturing confectionery ( m & m , dove bar , skittles , twix , - all ( r ) ) food ( uncle ben rice ( r ) ) pet food ( pedigree , whiskas waltham ( r ) ) and other products . mars has prospered during the years because of a unique philosophy that emphasizes the long term goals of the company . part of the philosophy is to look for win - win solutions with its suppliers , customers and partners . as can be understood from the nature of the company , a large chunk of its expenses goes towards purchasing commodity like products , and hence the history of researching those commodities and the weather that influences their supply and the demand ( people eat less ice cream in the winter and less chocolate in the summer ) . cds has a history of few decades in forecasting weather and has been very successful , with an envious track record , in helping mars get a competitive advantage in these arenas . cds is a global group ( in 4 countries across two continents ) which supports the purchasing function and the corporate at large in these and other arenas . it is a multidiscipline and multinational team with a lot to offer . not having a ready access to the energy markets , and with a risk profile based on manufacturing expertise , mars has decided to look for potential partners in this area . enron presence in the market place certainly makes it an interesting party to talk to . in talking to enron , we are careful to suggest that mars is not committing to anything at this point , and all we are after is to find out if there is an interest to pursue the opportunity we discussed in the future . i am looking forward to our video conference call . kind regards , avi - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - avi i . hauser phd mba cds director 100 international drive mt olive nj 07828 - 1383 + 1 973 691 3664 ( office ) + 1 973 347 8189 ( fax ) + 1 973 727 3622 ( car + slow paging ) hauser @ cdsusa . com",0 +"Subject: non - firm power curve building hi vince , amitava and i have received a request to build a non - firm power curve for each region from david hoog ' s double trigger folks . the objective , as they explain it , is to allow the desk to buy non - firm from the market , buy david ' s outage product , and sell firm to the market . accountants would like a curve to mark the non - firm position . my initial thought is that the desk should provide this non - firm curve , but it seems that this market is very illiquid and they are reluctant so they have put the ball in david hoog ' s court to build the curve if david wants to sell his product internally to the desk . assuming we build the curve , the next issue is how to define "" non - firm "" ? the only way i can think of is to tie the non - firmness to a specific generation unit or group of units . this will allow the purchase of david ' s outage product to cover the non - firmness risk . tying the definition of non - firmness to a whole region seems implausible - - - what does it mean to give a marketer the option to not deliver power if there is any problem anywhere in the region ? consequently , the non - firm curve takes on a unit - level interpretation , and not a region - level interpretation . consequently , i do not see how we can talk about the "" non - firm curve for the region "" ? we will need to build a non - firm curve for each generation unit or group of units . maybe i could get your thoughts later today . thanks , vasant",0 +"Subject: gas model sorry so much time has passed since we last discussed your north american gas model . i am however still interested in setting up a test process to familiarize some of our key people with the model and the database , etc . i am now reviewing the licensing agreement that you submitted in december and will be back in touch soon . i need to discuss this further with the business segments , but i suspect that our interest will be focused more on the long term gas model . another member of your firm had called last week , but i somehow misplaced his name and number . i thought that an e - mail response would suffice for now . my apologies . regards , john goodpasture",0 +"Subject: re : ut conference trustees ' meeting vince , there was a trustees ' meeting ( during dinner ) which i attended . here are a few things that were discussed there : 1 . april 4 th is the date when different companies representatives will come on ut campus to tell mba students about their companies and job opportunities . the companies will have to pay a small fee ( about $ 200 ) to be able to participate . 2 . trustees ' continued support for in - class presentations , finance challenge program and practicums . i understand that ut wants you to give some classes in the autumn semester for mba students . 3 . some companies ( like reliant ) select some well defined projects and give them to ut students to work on for a few months . students work in teams and discuss their progress with ihud ron and then report results to the company . regards , tanya .",0 +"Subject: re : creditmanager net meeting aidan , yes , this will work for us . vince "" aidan mc nulty "" on 12 / 16 / 99 08 : 36 : 14 am to : vince j kaminski / hou / ect @ ect cc : subject : creditmanager net meeting vincent , i cannot rearrange my schedule for tomorrow so i would like to confirm that we will have a net - meeting of creditmanager on friday 7 th of january at 9 . 30 your time . regards aidan mc nulty 212 981 7422",0 +"Subject: var , reporting and resources meeting the below meeting is going to take place today in eb 32 c 2 . thanks , rain - - - - - - - - - - - - - - - - - - - - - - forwarded by rita hennessy / na / enron on 08 / 08 / 2000 09 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - barbara lewis @ ect 06 / 19 / 2000 10 : 25 am to : sally beck / hou / ect @ ect , vladimir gorny / hou / ect @ ect , grant masson / hou / ect @ ect , michael e moscoso / hou / ect @ ect , ted murphy / hou / ect @ ect , beth perlman / hou / ect @ ect , stephen stock / hou / ect @ ect cc : patti thompson / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , maria sandoval / hou / ect @ ect , rita hennessy / na / enron @ enron , cherylene r westbrook / hou / ect @ ect , giselle james / corp / enron @ enron subject : reoccurring meeting the meeting to discuss "" var , reporting and resources ii "" will take place every tuesday at 3 : 00 p . m . beginning june 27 , 2000 . please adjust your schedule to reflect this weekly reoccurring meeting . many thanks , barbara lewis",0 +"Subject: re : corporate card yes tony , mike authorized you for a corp . card , however that ' s something your asst . can do in london for you . if you need further asst . please inform . . . . . . . kevin moore tony hamilton @ enron 04 / 30 / 2001 07 : 28 am to : mike . a . roberts @ enron . com , tani . nath @ enron . com , kevin . g . moore @ enron . com cc : subject : corporate card is it possible for me to get a corporate card , and if so , who do i need to contact regarding this ? thanks tony",0 +"Subject: launch issue / the risk desk dear trading and risk exec : i ' ve attached the premier issue of our newest publication covering the traded energy markets - - the risk desk - - sister publication to our leading weekly , the desk . the attached issue ( a pdf file ) is of course free and has zero obligation . the publication was created in response from readers like you , who requested a less dense , more upbeat and generally more readable publication dedicated to original news , analysis , and commentary on price , credit , operational and market risk management in the evolving energy trading space . and , because you ' re either a current or recent subscriber to one of our other publications , we ' re offering you a very special charter rate to our new publication - - that is if you contact us before may 27 th . contact us in the next 30 days and subscribe to a full year of the risk desk for only $ 199 ! ! after may 27 , we will of course ratchet up the price , good capitalists that we are . but for now , enjoy your free , no - obligation issue to the risk desk . we look forward to hearing from you , soon . regards , john sodergreen john sodergreen editor - in - chief scudder publishing group , llc ph : 410 / 923 - 0688 fax : 410 / 923 - 0667 johns @ scudderpublishing . com the desk , the risk desk , power executive the bandwidth desk , energy ebusiness - april 27 . 01 risk . pdf",0 +"Subject: re : var priorities vince thanks for the quick response . agree on # 5 just bear in mind it says scope not implement so it is more of a development of a project . re ; mg i will keep tanya apprised of travel plans and give her the option to be in or out as you two see fit . ted vince j kaminski 07 / 11 / 2000 03 : 57 pm to : ted murphy / hou / ect @ ect cc : tanya tamarchenko / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : var priorities ted , item # 5 will require help from it . my understanding is that currently we are receiving the positions aggregated to a daily level . also , i talked to tanya about visiting mg in new york . she is leaving for vacation on the 26 th of july and can go for a day to nyc prior to this date . i think that it makes a lot of sense for her to visit mg and to kick the tires . i asked her to coordinate the trip with you : it makes sense for both of you to go together . i may join you depending on my availability . vince from : ted murphy 07 / 11 / 2000 03 : 20 pm to : vince j kaminski / hou / ect @ ect , john sherriff / lon / ect @ ect cc : subject : var priorities vince / john , below is a brief summary of near - term projects for the enhancement of var and the use of var . as you can tell some are not directly research issues ( some require the guidance but not direct work product ) , and are very north american wholesale - centric . vince , i think that the only one in which progress requires your input to get kick started is # 5 . all others are in progress with tanya / grant involved through jeff shankman ' s regular meeting . we would like to get your input as to your priorities ( we were thinking top 5 ? ) and then start knocking some of them out . it is not meant to be exhaustive and is focused on fixes as opposed to overhauls . thanks ted - - - - - - - - - - - - - - - - - - - - - - forwarded by ted murphy / hou / ect on 07 / 11 / 2000 03 : 10 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : ted murphy 06 / 28 / 2000 07 : 45 am to : rick buy cc : subject : var priorities rick , this is my initial attempt to summarize our meeting with john . the next steps would be to solicit feedback from other interested parties and scope the resources and responsibilities . ted rick buy , john lavorato and i met to discuss priorities as it relates to the calculation of var . we are making the following recommendations 1 ) inclusion of monthly index positions into var calculations as the indicies set in north american natural gas 2 ) development of a methodology to re - run correlations ( factor loadings ) including criteria , responsibilities and acceptance / rejection criteria 3 ) development of process by which to analyze the output of factor loading process . database to store output and management reports . 4 ) finalize debate on the calculation of forward / forward volatility 5 ) scope a project to analyze the possibility of calculating hourly volatility for power . it was further recommended that we continue to not include unpriced index positions in var calculation .",0 +"Subject: requests for help krishna , i have received two additional requests for help from ees . 1 . jeremy blachman called and asked us to increase very significantly the level of our support of ees . it probably makes sense to set up a meeting with jeremy asap and discuss specifics ( you , me , and it probably makes sense to invite marty sunde as well ) . 2 . george posey called and asked fro help with statistical sampling of dublin customers . please , give him a call to set up a meeting . i shall call you tomorrow to discuss both requests . vince",0 +"Subject: joe h . vince , mark tawney called and said that he needs to make a salary adjustment for joe hrgovcic . it appears that he has an outside offer . i told him that we would support this , within reason , and that you would be the person to ultimately o . k . this request on the research side . he is also interested in moving joe out of research and formally onto the weather desk . again , i told him that it would have to be discussed with you on your return next week . stinson",0 +"Subject: alp presentation this will be in eb 49 cl - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 10 / 2001 08 : 22 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 10 / 2001 08 : 13 am to : barrett @ rice . edu , uecker @ rice . edu , cmiller @ rice . edu , lounghrid @ rice . edu , luigical @ rice . edu cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , kenneth parkhill / na / enron @ enron subject : alp presentation on behalf of enron corp . i would like to invite you to an alp project presentation by a group of students of jesse h . jones graduate school of management , rice university . the students will present the results of a research project regarding electronic trading platforms in the energy industry . the presentation will be held on may 7 , at 4 : 00 p . m . at enron , 1400 smith . we would also like to invite you to dinner , following the presentation . vince kaminski vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 ( 713 ) 410 5396 ( cell ) fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: grades pam , another team : elena chilkina robert j . guadette joseph helms kenneth jett todd litton mark westmoreland grade : a - vince kaminski",0 +"Subject: p + option valuation model mark , after recently reviewing the booking of the p + options , it is my understanding that these options are being valued using a standard spread option model where the price evolution of the two legs of the spread are assumed to be correlated geometric brownian motion processes ( i . e . the price process assumptions are consistent with standard black - 76 model assumptions extended to two commodities ) . the payoff for a call option is : payoff = max ( 0 , a - b - k ) . where : a = nxwti ( delivery price for nymex ) b = posting price = ( wti swap ) - ( posting basis ) k = posting bonus ( fixed ) . the only complication of this option as compared to most other spread options is that leg "" b "" of the spread is a combination of three prices , the two futures prices which make up the wti swap for the given month , and the average posting basis during the delivery month . combination of these prices is easily addressed by simply setting the volatility of leg "" b "" and the correlation to correctly account for the volatility of this basket of prices and its correlation with the nxwti price . i believe that this approach is more straightforward than the alternative , which would be to use a three or four - commodity model with its associated volatility and correlation matrices . in summary , i believe that this is an appropriate model for valuation of these types of options , assuming that the inputs are set correctly . regards , stinson gibner v . p . research",0 +"Subject: re : hello from vince kaminski at enron vince the audience consist of mostly first year graduate students in industrial engineering and operations research some doctoral students and faculty . a short introduction about opportunities for quantitative minded people at enron would be good . it would also be good if in your talk you can give some technical examples for people with a good analytic background but no much of a financial engineering background . many of the first year graduate students go for a masters degree and wonder what they can do with an or masters degree . shmuel s . oren , professor dept . of industrial engineering and operations research 4117 etcheverry hall university of california berkeley , ca 94720 - 1777 e - mail : oren @ ieor . berkeley . edu phone : ( 510 ) 642 - 1836 or 5484 fax : ( 510 ) 642 - 1403 - - - - - original message - - - - - from : to : cc : sent : monday , september 18 , 2000 2 : 20 pm subject : re : hello from vince kaminski at enron > > shmuel , > > thanks for the invitation to speak on october 23 rd . > > would you like me to split my presentation and devote > some time to the enron analyst / associate program ? > > i plan to make presentation on energy derivatives markets > ( development of the markets in the us and europe , valuation > challenges , enron ' s role in developing the forward markets for natural gas > and electricity ) . > i shall send you the bullet points in a few days . > > vince > > > > > > > > "" shmuel oren "" on 09 / 18 / 2000 09 : 51 : 29 pm > > to : > cc : > subject : re : hello from vince kaminski at enron > > > vince > please send me a title for the talk with your job title etc . and an > abstract > for your talk . you will have about an hour . > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > shmuel s . oren , professor > dept . of industrial engineering > and operations research > 4117 etcheverry hall > university of california > berkeley , ca 94720 - 1777 > e - mail : oren @ ieor . berkeley . edu > phone : ( 510 ) 642 - 1836 or 5484 > fax : ( 510 ) 642 - 1403 > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > - - - - - original message - - - - - > from : > to : > cc : > sent : friday , september 15 , 2000 6 : 04 pm > subject : re : hello from vince kaminski at enron > > > > > > shmuel , > > > > sorry for not getting back to you earlier . > > if the 23 rd of october is still open , i can make the presentation on this > > day . > > > > vince > > > > > > > > > > > > > > "" shmuel oren "" on 08 / 30 / 2000 08 : 18 : 15 am > > > > to : > > cc : > > subject : re : hello from vince kaminski at enron > > > > > > originally you mentioned october 23 so i reserved that week which is > still > > open . > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > shmuel s . oren , professor > > dept . of industrial engineering > > and operations research > > 4117 etcheverry hall > > university of california > > berkeley , ca 94720 - 1777 > > e - mail : oren @ ieor . berkeley . edu > > phone : ( 510 ) 642 - 1836 or 5484 > > fax : ( 510 ) 642 - 1403 > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > - - - - - original message - - - - - > > from : > > to : > > cc : ; ; > > > > sent : wednesday , august 30 , 2000 9 : 03 am > > subject : re : hello from vince kaminski at enron > > > > > > > > > > shmuel , > > > > > > let ' s see if we can either rearrange the seminar speakers > > > or change the date of our visit to the campus . ashley baxter , our > > > coordinator is very efficient and > > > got a faculty room for a presentation on monday morning on the 16 th . > > > > > > vince > > > > > > > > > > > > > > > > > > > > > "" shmuel oren "" on 08 / 29 / 2000 05 : 37 : 33 pm > > > > > > to : > > > cc : > > > subject : re : hello from vince kaminski at enron > > > > > > > > > dear vince . i spoke too soon . apparently the seminar slot on the 16 was > > > already filled . i will see if i can switch the speaker for that week to > > the > > > following week . in any case we are on for dinner on the 16 . > > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > shmuel s . oren , professor > > > dept . of industrial engineering > > > and operations research > > > 4117 etcheverry hall > > > university of california > > > berkeley , ca 94720 - 1777 > > > e - mail : oren @ ieor . berkeley . edu > > > phone : ( 510 ) 642 - 1836 or 5484 > > > fax : ( 510 ) 642 - 1403 > > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > > > - - - - - original message - - - - - > > > from : > > > to : > > > cc : ; > > > sent : tuesday , august 29 , 2000 5 : 01 pm > > > subject : re : hello from vince kaminski at enron > > > > > > > > > > > > > > shmuel , > > > > > > > > the date of our trip to berkeley has been set . it will be october > 16 th > > > and > > > > 17 th > > > > ( monday and tuesday ) . > > > > > > > > i shall be glad to make a presentation on energy derivatives markets > > > > ( development of the markets in the us and europe , valuation > > difficulties , > > > > enron ' s role > > > > in developing the forward markets for natural gas and electricity ) . > > > > > > > > please , let me know if this topic would be of interest to you . if > this > > is > > > > the > > > > case , i shall follow with a title and an abstract . > > > > > > > > by the way , are you free for dinner on monday ? > > > > > > > > vince > > > > > > > > > > > > > > > > > > > > > > > > > > > > "" shmuel oren "" on 08 / 24 / 2000 08 : 59 : 38 am > > > > > > > > to : "" vince j kaminski "" > > > > cc : > > > > subject : re : hello from vince kaminski at enron > > > > > > > > > > > > great . our seminars are 3 : 30 to 5 pm . if it works for you please send > me > > a > > > > title and abstract . > > > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > shmuel s . oren , professor > > > > dept . of industrial engineering > > > > and operations research > > > > 4117 etcheverry hall > > > > university of california > > > > berkeley , ca 94720 - 1777 > > > > e - mail : oren @ ieor . berkeley . edu > > > > phone : ( 510 ) 642 - 1836 or 5484 > > > > fax : ( 510 ) 642 - 1403 > > > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > > > > > - - - - - original message - - - - - > > > > from : "" vince j kaminski "" > > > > to : "" shmuel oren "" > > > > cc : "" vince j kaminski "" ; "" ashley baxter "" > > > > > > > > sent : thursday , august 24 , 2000 9 : 58 am > > > > subject : re : hello from vince kaminski at enron > > > > > > > > > > > > > > > > > > > > > > > shmuel , > > > > > > > > > > thanks for the message . i am working with our recruiter , ashley > > baxter , > > > > > to finalize the date of the trip . i shall shoot for october the > 23 rd > > > > > if this date works for the rest of our team . > > > > > > > > > > vince > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > "" shmuel oren "" on 08 / 23 / 2000 11 : 46 : 19 am > > > > > > > > > > to : vince j kaminski / hou / ect @ ect > > > > > cc : > > > > > subject : re : hello from vince kaminski at enron > > > > > > > > > > > > > > > > > > > > dear vince . > > > > > i sent you a reply earlier this month but i haven ' t heard from you > > > about > > > > the > > > > > date of your visit . our department has a seminar every monday . if > you > > > can > > > > > schedule your visit on a monday i would like to invite you to give > a > > > > seminar > > > > > which will be attended by many of our graduate students and faculty > > and > > > > will > > > > > give you an opportunity to tell them about your program . with > > > sufficient > > > > > lead - time i can advertise the seminar in the hass school to their > > > > financial > > > > > engineering students . > > > > > shmuel . > > > > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > > shmuel s . oren , professor > > > > > dept . of industrial engineering > > > > > and operations research > > > > > 4117 etcheverry hall > > > > > university of california > > > > > berkeley , ca 94720 - 1777 > > > > > e - mail : oren @ ieor . berkeley . edu > > > > > phone : ( 510 ) 642 - 1836 or 5484 > > > > > fax : ( 510 ) 642 - 1403 > > > > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > > > > > > > - - - - - original message - - - - - > > > > > from : > > > > > to : ; ; > > > > > > > > > > sent : tuesday , august 08 , 2000 10 : 59 am > > > > > subject : hello from vince kaminski at enron > > > > > > > > > > > > > > > > shmuel , > > > > > > > > > > > > i hope you remember me . i visited you together with aram > > sogomonian , > > > a > > > > > > good friend of mine , a few years ago . i am currently responsible , > > > among > > > > > > other things , for recruiting graduates with finance and / or > > technical > > > > > > backgrounds at the university of berkeley . i would be glad to > give > > > you > > > > a > > > > > > call and talk more about the details of our program . my > colleague , > > > > > > ashleybaxter , from the analyst / associate program at enron would > > join > > > me > > > > > > as well . > > > > > > > > > > > > i am sending you a copy of the brochure about the analyst / > > associate > > > > > > program . > > > > > > > > > > > > vince kaminski > > > > > > > > > > > > > > > > > > vincent kaminski > > > > > > managing director - research > > > > > > enron corp . > > > > > > 1400 smith street > > > > > > room ebl 962 > > > > > > houston , tx 77002 - 7361 > > > > > > > > > > > > phone : ( 713 ) 853 3848 > > > > > > fax : ( 713 ) 646 2503 > > > > > > e - mail : vkamins @ enron . com > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > >",0 +"Subject: re : request for historical curve information sure : i am already taking care of that . thanks . paulo issler vince j kaminski 11 / 15 / 2000 09 : 59 am to : paulo issler / hou / ect @ ect cc : subject : request for historical curve information paulo , can you please , help him with this ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 15 / 2000 10 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : mike barry @ enron 11 / 15 / 2000 07 : 55 am to : vince j kaminski / hou / ect @ ect cc : subject : request for historical curve information vince , per our conversation this morning , i would appreciate the following historical curve information as soon as possible : 1 . on february 17 , 2000 , what was the summer ' 00 strip for vent to ml 7 , demarc to ml 7 , and vent to chicago 2 . on july 27 , 2000 , what was the august ' 00 strip for vent to chicago 3 . on may 9 , 2000 , what was the may ' 00 strip for vent to chicago 4 . on may 30 , 2000 , what was the june strip for vent to chicago 5 . on june 29 , 2000 , what was july strip for vent to chicago 6 . on sep . 29 , 2000 , what was the october strip for vent to ml 7 thank you in advance for your prompt attention to this matter . please call me if you have any questions . thanks again ! mike barry 402 / 398 - 7105",0 +"Subject: fwd : hello from charles shen at williams co . mr . shen : vince kaminski and the research group would like to bring you in for an interview this friday , if possible . please forward me a copy of your resume , as soon as possible , and i will have our hr dept . contact you . thank you . shirley crenshaw administrative coordinator enron research dept . 713 / 853 - 5290",0 +"Subject: chicago partners i have received an inquiry through one of our employees ( david barr ) from chicago partners , a consulting firm in chicago . they specialize , among other things , in regulatory economics and could be useful as experts in our discussions with the government and regulatory agencies . one of the partners , christopher culp , is a well known commodity markets expert . please , let me know if you are interested . vince kaminski",0 +"Subject: re : james "" brad "" aimone shirley , please , send a message to norma to finalize it . vince shirley crenshaw 12 / 14 / 2000 10 : 32 am to : norma villarreal / hou / ect @ ect cc : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : james "" brad "" aimone hi norma : fyi in case you do not know , today ( 12 / 14 / 00 ) is brad aimone ' s last day with enron . i don ' t know what else i need to do as he was not a full time employee . thanks ! shirley",0 +"Subject: thanks again vince and stinson , i would like to thank you for helping me trying to find an internship . i really appreciate the attention you gave to me . i am happy to tell you that i found an internship in my area of interest with mfrgroup . it is a consulting company that provides management consulting , advisory , finance , operations management and information technology services . i will be helping them to develop a new business related with e - commerce b - to - b . from now on , i will be concentrating my efforts in finding a full time position , because i will graduate at the end of the year . i do not want to miss enron ' s deadline , and i am still very interested in enrononline business . please keep me updated if any opportunity arises . thanks again carla di castro ps : vince , i tried to call you today , but it looks like you will be out of the office until monday . i just wanted to say thank you .",0 +"Subject: amit , paulo , and juan carlos , feb . 16 all : the meeting on wednesday , feb . 16 th , with the students from m . i . t . is scheduled to be held in 19 c 2 . please let me know if you are planning to attend all or part of the day so i will know a rough headcount to expect . ( samer and chonawee : please plan to come . ) as i understand it , there are two goals for the day : 1 . transfer any useful tools or knowledge from amit . 2 . evaluate the other two students to see if there is value in establishing an ongoing relationship with them . agenda 9 : 00 a . m . - 9 : 45 a . m . overview of ebs ( for paulo and juan carlos ) 10 : 00 - 10 : 30 review background and research interests of paulo and juan carlos 10 : 30 - 11 : 30 roundtable discussion of possible common areas of interest . lunch 12 : 30 - 2 : 00 amit dhadwal - review of model for pricing spot bandwidth 2 : 00 - 3 : 30 roundtable discussion of current model an possible future areas of research",0 +"Subject: organizational announcement enron global markets ended the year with a great deal of momentum and with very high expectations for 2001 . in order to better focus and expand the various businesses within global markets , we are pleased to announce the following organizational changes . crude and products this group is being re - organized into product lines in order to better focus and maximize coverage and increase our market - making abilities . the following individuals leading these groups report directly to john nowlan . global crude oil don schroeder and bill white will manage our global crude oil books . don  , s emphasis will be on the development and expansion of our physical crude positions both domestically and abroad . bill will manage the various financial crude positions globally and will focus on developing these books . distillate chris mahoney will have responsibility of all distillate positions . chris will focus on developing our global distillate strategy , building the business both physically and financially . global fuel oil niamh clarke will expand her role managing our global fuel oil and resid positions . emphasis will be placed on re - establishing enron in the financial fuel market in the us and developing a physical fuel strategy . global gasoline and components jim goughary will assume responsibility for our global gasoline and components business . following up on our expansion into the european market in 2000 , we look forward to jim expanding our presence in the us as well as asian markets . global lpg erik hansen and adam gross will be responsible for the development and execution of our global lpg trading and strategy . under their guidance we look to expand our presence into the asian pacific markets , as well as continuing to grow our us and european operations . petrochemical and plastics stuart bland and douglas friedman will be responsible for the continued development and growth of our petrochemical and plastics business . they will work to further expand both our physical and financial presence in these markets . fuel management doug leach will continue in his role developing our fuel management business as well as other long - term structural transactions . global origination randy maffett has joined the group to lead , develop and grow all global origination activities for the group . randy  , s most recent assignment was in restructuring several equity investments for ena . enron freight this new group under the leadership of dan reck is developing a business in the inter - modal transportation area in the united states . shawn cumberland has joined this group to lead and expand the origination opportunities in this business . shawn  , s most recent assignment was as coo of the calme region . global risk management jere overdyke has elected to leave enron after almost 10 years of service . per sekse will take over the leadership of this very exciting and growing business . per is located in enron  , s new york office but will be spending a significant amount of his time in houston . we look forward to this year and feel the above changes will provide the focus and momentum we need to deliver a record performance in 2001 . please congratulate everyone on their new assignments .",0 +"Subject: re : the next newsletter dear vince , thank you ! i feel much better now . sam vince j kaminski @ ect 11 / 15 / 2000 07 : 31 am to : william smith / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : the next newsletter sam , good thinking . i shall also write an article over the weekend so we shall have one in reserve . vince enron north america corp . from : william smith @ enron 11 / 15 / 2000 07 : 17 am to : vince j kaminski / hou / ect @ ect cc : elena chilkina / corp / enron @ enron subject : the next newsletter good morning , vince ! as i will be on vacation ( tomorrow until monday the 27 th ) , i ' m enlisting elena chilkina ' s help in producing this monday ' s ( 20 nov . ) newsletter . here ' s how i hope it will work : i ' ve asked alex huang to try to get his article to you by friday for your review . i ' m attempting to get with sharad today to get his photo and remind him about the bio piece for page one . he should be the feature for monday . i will also schedule a person and an article ( probably from charlie weldon ) for the 27 th . if alex ' s article is a two - parter , we ' ll just do part 2 that day instead . for all submissions for this coming monday ' s issue , i would ask that they be e - mailed to elena chilkina if you notice something i may have missed , would you please let me know ? thank you ! sam",0 +"Subject: re : the spreadsheet for talon deal rakesh , thanks . i took a quick look at the spreadsheet and i agree with your approach . i shall spend more time looking at it over the weekend and if i see a problem i shall call you on monday . vince rakesh bharati @ enron 03 / 23 / 2001 06 : 44 pm to : vkaminski @ aol . com cc : vince j kaminski / hou / ect @ ect , paulo issler / hou / ect @ ect subject : the spreadsheet for talon deal vince , here is the spreadsheet for your review . thanks . rakesh",0 +"Subject: re : visual numerics cnl licensing issues anita , could you please arrange for the purchase of the following software by coordinating with mike ? thanks . rakesh - - - - - - - - - - - - - - - - - - - - - - forwarded by rakesh bharati / na / enron on 03 / 30 / 2001 10 : 10 am - - - - - - - - - - - - - - - - - - - - - - - - - - - mike bothwell on 03 / 30 / 2001 08 : 58 : 20 am to : rakesh . bharati @ enron . com cc : subject : re : visual numerics cnl licensing issues rakesh , thank you very much for selecting visual numeric ' s imsl cnl . attached is a revision of the quote i previously sent , reflecting a change in the quantity . if you have any quesitons , please contact me . thank you , mike bothwell account manager visual numerics inc . phone : 713 - 954 - 6423 fax : 713 - 781 - 9260 cell : 713 - 417 - 9069 mbothwell @ houston . vni . com visual numerics celebrates 30 years as an independent software vendor - - - - - original message - - - - - from : rakesh . bharati @ enron . com [ mailto : rakesh . bharati @ enron . com ] sent : thursday , march 29 , 2001 6 : 05 pm to : mike bothwell subject : re : visual numerics cnl licensing issues mike , we have decided to go ahead with the purchase of a single license of imsl libraries ( c / c + + ) for pc . i believe that would be cnl 4 . 0 forpc . let me check the cost for the license before we finalize it as i have mislaid your previous e - mail about the cost . it is my recollection that it is less than $ 1500 . please e - mail to confirm with the precise number so we can proceed wih that . thanks , rakesh mike bothwell on 03 / 29 / 2001 12 : 56 : 03 pm to : "" ' rakesh . bharati @ enron . com ' "" cc : subject : visual numerics cnl licensing issues rakesh , i ' m just following up to see how things looked on this . any change in status ? let me know i can furhter help you . best regards , mike bothwell account manager visual numerics inc . phone : 713 - 954 - 6423 fax : 713 - 781 - 9260 cell : 713 - 417 - 9069 mbothwell @ houston . vni . com visual numerics celebrates 30 years as an independent software vendor rakesh , as we discussed , the cnl 4 . 0 pc libraries are not license managed . version 5 will be . the pc version 4 . 0 can be installed on a network drive and called from networked pcs . as expected , we would ask that enron honor the license agreement by allowing only the number of simultaneous uses permitted by the license . version 5 . 0 will be license managed and can be licensed as node locked or floating . with regard to unix licensing , the current version of cnl for unix is license managed . it can be licensed as node locked or floating . if you install the libraries on a unix server as node locked , the number of simultaneous sessions on that server is not limited except by the capabilities of the machine . a floating unix license would be checked out by the individual user to be executed on a local machine . also as mentioned , your investment is protected by allowing you to upgrade in the future by paying only the price difference between your current and desired platforms . this upgrade option only applies to licenses covered under support . if you have any additional questions , please let me know . i look forward to providing you the best math and statistical libraries available today to help you solve your problems and understand your data . best regards , mike bothwell account manager visual numerics inc . phone : 713 - 954 - 6423 fax : 713 - 781 - 9260 cell : 713 - 417 - 9069 mbothwell @ houston . vni . com visual numerics celebrates 30 years as an independent software vendor - vni - mb - enro - 014 - 1 03 - 30 - 2001 . doc",0 +"Subject: fw : london work hi , how are you ? london seems to be the same as when i left in august - no sun , cold , serious looking people , expensive , etc . in addition , we have had may day riots , a post office bombing , train strike , etc . not to mention all the excitement in enron credit . it would be nice to know who i am supposed to be reporting to . i am getting loads of conflicting messages - as illustrated in the forwarded email from vasant . according to you and slava , the strategy paper / duffie report seems to be a higher priority . however , vasant seems to indicate ( in his forwarded email ) that this is not the priority at the moment . in addition , there seems to be lots of chaos in enron credit - not only in the houston office , but even more so in the london office . this brings to mind a russian proverb i learned from slava when he expressed his views on the current state of enron credit - "" a fish rots from the head . "" finally , i would like to know exactly what you want me to write in this duffie report : do you want to hear what enron credit would like to hear - that all they need is for us to develop a private firm model for their exisiting "" infrastructure "" ? or do you want to hear what i really see , hear , read , etc . ? if the latter is true , then i may need to write two reports , because what i am learning does not look too good and would probably not make the enron credit personnel too happy . well , i think i have said enough for now . look forward to your feedback . thanks , iris - - - - - original message - - - - - from : shanbhogue , vasant sent : friday , may 04 , 2001 3 : 39 pm to : mack , iris cc : dhar , amitava subject : london work hi iris , amitava must have told you that both he and i are getting swamped with work here . as a result , we expect you to take the lead in scoping the enron credit project and making sure the infrastructure is readied . you should also make sure to understand the econometric / data analysis software side of the project - - this is probably more important than preparing a document for duffie right now . you should definitely sit with ben / george and actually run the software with them to get a feel for how it is to be used . but we also need to be able to try out potential other ways of analyzing data . both amitava and i will help as best as we can , and answer any direct questions , but we will have limited time to review documents , etc . i expect amitava to get heavily involved once data starts coming , but we expect you to have already set up the infrastructure etc for the data . hope the trip is going well . would you be extending the trip for some more time ? vasant",0 +"Subject: re : high - end desktop computing ? hi mark : please order an 800 mhz machine with 512 mb of ram , and a large ( 17 "" + ) flat - screen monitor for clayton vernon . our co . # is 0011 and our rc # is 100038 . ( is the large screen a 17 "" or a 20 "" ? ) if you need anything else , please let me know . thanks mark and have a great day ! shirley 3 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 03 / 20 / 2000 07 : 27 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 03 / 17 / 2000 04 : 25 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , clayton vernon / corp / enron @ enron , vasant shanbhogue / hou / ect @ ect subject : re : high - end desktop computing ? shirley , yes , it will be a swap of one machine for another . vince shirley crenshaw 03 / 17 / 2000 12 : 17 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : high - end desktop computing ? vince : is this ok to order ? - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 03 / 17 / 2000 12 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - clayton vernon @ enron 03 / 17 / 2000 09 : 34 am to : mark davidson / corp / enron @ enron , shirley crenshaw / hou / ect @ ect cc : subject : re : high - end desktop computing ? mark - shirley will order an 800 mhz machine with 512 mb of ram , and a large ( 17 "" + ) flat - screen monitor for me . clayton mark davidson 03 / 17 / 2000 08 : 52 am to : clayton vernon / corp / enron @ enron cc : shirley crenshaw / hou / ect @ ect subject : re : high - end desktop computing ? clayton - sorry it took so long to get back to you . there are a couple of things to keep in mind : - enron it supports enron equipment . - all equipment must be purchased through "" enron it purchasing "" our current high end desktop is a 800 mhz pentium iii machine with 128 m of ram . you can bump up the ram to whatever you feel is appropriate . when the lghz processors come out ( in the very near future ) that will become our standard . what we want to avoid is getting equipment that we do not have a image for . the "" image "" is the complete package of software that we put on a machine when it is deployed . if you go out and buy a machine that we do not have a image for , we can ' t support it for a multitude of reasons . hopefully this answered your questions / concerns . if not , please call me so that we can discuss this further . thanks mark davidson x 39038 clayton vernon 03 / 14 / 2000 03 : 39 pm to : mark davidson / corp / enron @ enron cc : subject : high - end desktop computing ? mark - i have developed a model for enron that requires ultra - high - end pc performance ( it does many calculations in excel ) , and my boss has authorized me to buy whatever pc i need . i ' m looking at the compaq 850 , but richard ( our floor rep ) says no pc ' s over the 600 series will be supported by it . i need to resolve this issue ; we are sophisticated buyers , we know the type of machine we want , and we have the money to pay for it . sincerely , clayton vernon manager , research",0 +"Subject: re : corrections to chap . 3 from grant masson grant , thanks for that . i hope you had a good holiday - we were all very jealous of you at dinner the other evening . i made some changes for it to fit in with our notation , etc , but apart from that its a fin piece of work . if you could just answer the questions posed by vince , and send me the final figure then we are a go ( all of ours are now finished ) . would you be happy with the following ? 3 . 5 summary in this chapter we have discussed volatility modelling and estimation in the energy commodity markets , emphasising the difference between this market and financial markets . we discuss the estimation of volatility from both historical and implied data , again from the perspective of the energy user . we further discussed a number of stochastic volatility models and have shown how to estimate the models via ordinary least squares and maximum likelihood . we have tested our estimation techniques on a number of examples drawn from energy markets including electricity , gas and crude oil . best regards . chris . - - - - - original message - - - - - from : grant masson to : chris strickland sent : tuesday , july 25 , 2000 9 : 08 am subject : re : corrections to chap . 3 from grant masson > > > chris : > > i understand from vince that ronnie did not send you anything . apologies for > that . i will get the last section rewritten quickly and off to you within the > next couple of days . sorry that this has taken so long , and frankly , apologies > for the poor quality of my bit . if you have any suggestions on how to improve > it , please let me . likewise , i hope that you will make changes as you see fit > to improve and clarify things . > > regards , > grant . > > >",0 +"Subject: frank qian - cancelled interview schedule frank qian ' s interview scheduled for friday , february 9 , 2001 has been cancelled . i ' m sorry about the inconvience . if you have any questions please let me know . thanks sasha divelbiss 58714",0 +"Subject: european power trading dear mr kaminski , ? i thought you might be interested in a new study we have just published on european power trading . ? the executive summary of the study is attached here for your reference . ? best regards , ? benjamin tait prospex research ltd . london , england tel : + 44 ( 0 ) 20 7460 3897 fax : + 44 ( 0 ) 20 7385 7538 e - mail : ben @ prospex . co . uk web : www . prospex . co . uk ? prospex research is an independent research company based in london . we analyse strategic and financial issues for the european power business . our work includes reporting , consulting , power trading recruitment and conference development . to find out more about us , please visit our internet site at www . prospex . co . uk - executive summary ept . pdf",0 +"Subject: analyst candidate mitra mujica if mitra mujica accepts the offer from the aa program , i would like you to interview her at your earliest convience . thanks for your help . regards , maureen - - - - - - - - - - - - - - - - - - - - - - forwarded by maureen raymond / hou / ect on 02 / 16 / 2001 05 : 43 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : andrea richards @ enron 02 / 16 / 2001 04 : 42 pm to : maureen raymond / hou / ect @ ect , gwyn koepke / na / enron @ enron cc : jana giovannini / hou / ect @ ect , shelly butler / hou / ect @ ect , althea gordon / na / enron @ enron , teresa bosien / hr / corp / enron @ enron subject : analyst candidate mitra mujica maureen , mitra mujica , an analyst candidate from super thursday 2 / 15 , has been reserved for your group . please note that this placement is contingent upon the candidate accepting the analyst program ' s offer . mitra will have two weeks to respond and we will contact you once her response is received . please contact me if you have any questions . thank you , andrea richards career development associate & analyst program x 3 - 6499",0 +"Subject: re : prc feedback forms gina , i shall be glad to speak with you . shirley crenshaw will call you to set up a meeting . vince from : gina corteselli / enron @ enronxgate on 04 / 16 / 2001 01 : 12 pm to : vince j kaminski / hou / ect @ ect cc : subject : prc feedback forms mr . kaminski : i would like to try to get on your schedule for a few moments this week to discuss the draft prc 360 evaluation forms ( provided below for your info ) to ensure that the criteria and skills and behaviors we have used are adequate for your employee population . the generic forms that were presented at the prc committee meeting a week ago may best reflect commercial employees , and to some extent commercial support employees , and may not be entirely appropriate for employees in some of the specialized technical and technical areas . i would appreciate your input on this so that , if possible and time permitting , we can try to tailor the form to suit needs across the organization . one simple solution may be to add a skills / behaviors block requesting evaluation and feedback on the employees specific job and performance , another solution would be to add job specific behaviors and descriptors to the list of those already developed ( second attachment below ) . i would welcome your thoughts and a few moments of your time to chat with you about this . many thanks , gina corteselli global performance management 713 853 - 3377 713 569 - 5589 ( mobile )",0 +"Subject: the light at the end of tunnel ! hi all , after all the hard work , we are at time of harvesting ! but as we all know that there still a few more hurdles ahead of us in order to release credit reserve model at end of march , but on the bright side , vince kaminski has promised us a big feast after we push the product out of door . so let commit our self to do one last dash to the finish line ! here i composed a list of task that we need to accomplish for the release , let hit the items on the list and get it over with continue the comparison test between old and new model winston testing of theoretical deals ! finish the comparison between the theoretical value and model valuation ! tanya t . winston j . making the default probability table a configurable component and runtime parameter . winston j . , ramesh g . simulation dimension change for different analysis requirement , default path 5000 max and price path 1000 max . winston interface to run the credit reserve in grms system ( for now ) ramesh run time option , applying stress scenario on input curves for any or all curves ( sensitivity analysis ) winston runtime option , curve replacement for any or all curves ( attribution analysis ) winston validation of different insurance plan tanya , winston intra - month position validation to see the impact of excluding of intra - manoth position on credit reserve vicent tang , ramesh exchange deals handling ( are they using the highest e - rating ? ) ramesh saving credit reserve result , please grant winston and xiaojun the privilege to save the result into production database , ramesh , winston , xiaojun credit reserve on legal id , based on the data clean up of all spreadsheets ( not scheduled ) ! deployment plan . one credit instance at any time until we get out new computing server ( probably in april time frame ) this list may be an ever changing list and may also incomplete , please let me know if i missed anything or any deletions and additions ! please let me know if anything i can clarify . thanks ! jonathan",0 +"Subject: summary of last 6 months projects dear dale , stinson & vince , i would like to take this opportunity to communicate some information to summarise the projects of the past six months . firstly , by all accounts it has been an amazing few months for me - i believe that i have kept a large number of commercial group heads very happy . however , not all are aware of my activities , so , many people ( e . g . john sherriff , richard lewis , steve young etc . ) will not know of everything i have done . for example the amount of work that i put into the inflation models and the extent to which i was critical for the successful building of those curves and the consequent impact ( o 7 + million for ql ) and similar large p & l swings for eastern contract optionality ( short virtual power station ) based upon my uk power vol curve generator . for your benefit , i have compiled a shortlist of the main projects worked on over the past five / six months : 1 ) inflation curve modelling ( february and march + april internal audit + june external audit ) 2 ) uk power monthly vol curve generator & ideas for half - hourly vol curve 3 ) nordic power monthly vol curve generator 4 ) energydesk . com models & support 5 ) real options : options to build / extend power stations ( e . g . wessex deal , anti - freeze project ) 6 ) continental power non - generic options ( using arbitrary trader - specified distributions ) 7 ) global products : non - generic options modelling and new commodity forward curve construction ( benzene fwd curve from naphtha ) 8 ) exotic options library upgrade / model test / bug fixes ( e . g . testing new / old asian models ) 9 ) continental gas volatility curve construction 10 ) communication objective i : two presentations to enron europe staff , one to oslo office 11 ) communication objective ii : meetings to gather information and present results 12 ) fas 133 : working with internal and external auditors on matching financial and physical ( accrual ) hedges - hedge effectiveness 13 ) oslo trip : bringing oslo up to speed on exotica and option valuation 14 ) houston research staff : co - ordinating communication / meetings to maximise productivity 15 ) valuation / marketing of power put options for banks that hold senior and sub debt in merchant power plant meeting breakdown : initiated by me it is clear that i have been critical to large p & l sensitive projects and hope that i can continue to help enhance earnings going forward . regards , anjam x 35383",0 +"Subject: meeting with vince dear shirley , as you may know , i am taking the research over from steve ( i have always thought that steve ' s movement from the research is a big loss for all us ) . please , could you help us arrange the meeting with vince when he is here in london . thank you very much for your future help . slava",0 +"Subject: re : pserc industrial advisory board meeting invitation mr . kaminski , thank you for responding . i ' m sorry you won ' t be able to attend , but very much appreciate your willingness to reconsider your decision about participating in pserc . we will certainly keep you informed about on - going and new pserc activities that may be of interest to enron . best regards , dennis ray - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , april 16 , 2001 2 : 02 pm to : djray @ engr . wisc . edu cc : vince . j . kaminski @ enron . com subject : re : pserc industrial advisory board meeting invitation dear mr . ray , i regret to inform you that due to very heavy workload we cannot attend the power systems engineering research center ' s upcoming industrial advisory board meeting in oak brook . our work load does not leave us much time to get involved with pserc at this moment . we would very much like to stay in touch and plan to reconsider our decision in the second half of this year . vince kaminski "" dennis ray "" on 03 / 27 / 2001 04 : 46 : 44 pm to : "" vince kaminski "" cc : subject : pserc industrial advisory board meeting invitation mr . kaminski , greetings . bob thomas , shmuel oren and i invite you to attend the power systems engineering research center ' s upcoming industrial advisory board meeting in oak brook , il . it will be held on may 31 - june 1 . as you know from lance and alex , this is an opportunity to meet university researchers and industrial members of pserc . the meeting also has presentations on pserc activities and research projects , pserc business discussions , current topic discussions , and a tutorial . our current topics discussion will be on iso / rto issues , and will involve executives from several isos in dialog with university researchers . please let me know if you have any questions . we hope to see you there so that we can talk about any questions you might have about pserc . dennis ray , ph . d . executive director power systems engineering research center 608 - 265 - 3808 ( see attached file : directions . doc ) ( see attached file : iab _ meeting _ may 2001 . doc ) ( see attached file : iab _ registration _ form . doc ) ( see attached file : pserc members . doc )",0 +"Subject: re : summer dear vince , thank you for your prompt response . i do realize that the a i was inquiring about the possibility of hiring on an individual basis . again , i greatly appreciate your time . i look forward to seeing you soon ! regards , van",0 +"Subject: hello from vince kaminski at enron shmuel , i hope you remember me . i visited you together with aram sogomonian , a good friend of mine , a few years ago . i am currently responsible , among other things , for recruiting graduates with finance and / or technical backgrounds at the university of berkeley . i would be glad to give you a call and talk more about the details of our program . my colleague , ashleybaxter , from the analyst / associate program at enron would join me as well . i am sending you a copy of the brochure about the analyst / associate program . vince kaminski vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com - enronl . pdf",0 +"Subject: virus update : please read there are many different variations of the "" iloveyou "" computer virus still being reported . the it infrastructure team is continually updating our virus software as new versions become available , but it is extremely important that you do not open any attachments that you do not regularly receive from business associates . even business associates you are very familiar with could be sending you the virus without knowing it , so unless you are expecting an email from them with an specified attachment please do not open it . if you are unsure whether to open an attachment please do not open it . call your helpdesk to ask any questions and to get verification if required . we may need you to log out and log back in during the day as new anti virus updates become available . we appreciate your cooperation while we all work to keep enron ' s computing environment secure . please note the following enron policies regarding viruses : email malicious code ( virus ) screening in addition to the enron requirement for email attachments ( received and sent ) to be screened for malicious code ( viruses , trojan horses , etc . ) , users of enron information resources are required to detach email attachments that are received on to their hard drive for local virus screening purposes . all executables ( * . bat , * exe , * . com , * . vbs ) files should never be launched from email without first consulting with it . virus alerts the internet is constantly being flooded with information about computer viruses and trojan horses . however , within among real virus notices are computer virus hoaxes . while these hoaxes do not infect systems , they are still time consuming and costly to handle . it only wastes bandwidth and unnecessarily alarms other computer users . please , do not perpetuate unconfirmed warnings about viruses and trojan horses . if you receive an invalidated warning , don ' t pass it to all your friends , pass it to your it computer security manager to validate first . enron information risk management 713 - 853 - 5536",0 +"Subject: hib visa application - sevil yaman sevil , please , make sure you provide this information asap . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 25 / 2001 12 : 35 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - margaret daffin 04 / 25 / 2001 12 : 04 pm to : sevil yaman / corp / enron @ enron cc : norma villarreal / enron @ enronxgate , vince j kaminski / hou / ect @ ect , ramona perkins / enron @ enronxgate subject : hib visa application - sevil yaman sevil : please let me know when you will be sending me the information for your hib visa ? thanks margaret - - - - - - - - - - - - - - - - - - - - - - forwarded by margaret daffin / hou / ect on 04 / 25 / 2001 12 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - margaret daffin 04 / 10 / 2001 04 : 04 pm to : sevil yaman / corp / enron @ enron cc : norma villarreal / enron @ enronxgate , vince j kaminski / hou / ect @ ect , ramona perkins / enron @ enronxgate subject : hib visa application - sevil yaman sevil : in order that we may proceed with your request for permanent residency , our immigration attorneys have advised us that we need to process the hib visa , prior to the permanent residency application . therefore , i am attaching an hib visa questionnaire that i would like you to complete and return to me , together with copies of all of the documents listed at the bottom of the form . please bring these to me in 3 ac 2026 a . please let me know if you have any questions at x 55083 . thank you margaret",0 +"Subject: revised aga forecast for 6 / 23 is 65 mike , i refit the molecular model incorporated last week ' s data , the revised number for this week is 65 , ( dropped 3 bcf compared to last fit ) , see graph . let us see what is the real number today . zimin",0 +"Subject: re : roman , i shall be traveling next week ( europe again ) , mon thru fri . it ' s power 2000 conference in paris . i have many trips to different places later during october ( berkeley , philadelphia , etc . ) . these are shorter , 1 - 2 day trips . please , let me know when you come to houston . i shall keep you posted about my itinerary as it becomes more certain . vince roman kosecki on 09 / 27 / 2000 09 : 08 : 39 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : that is so much easier , isnt it ( i mean english ) my office number inb nj is ( 973 ) 733 - 2771 in cal ( 562 ) 951 - 1790 my home number is ( 201 ) 222 - 0435 i will be in ny till friday , and then will stay in long beach for a few weeks . hope you had a great time in poland . it would be really nice to have some italian pastry and a double espresso : ) let me know when you are in town . roman - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , september 27 , 2000 9 : 07 am to : roman kosecki cc : vkaminski @ aol . com subject : re : roman , i shall type in english ( faster ) . i was trying to locate you for some time after you left scem . i shall be glad to meet for dinner / coffee and chat . please , send me your phone number . i have just come back from poland and go through my mail . i shall try to reach you later this week . vince roman kosecki on 09 / 25 / 2000 12 : 06 : 12 pm to : vince j kaminski / hou / ect @ ect cc : subject : hello vince , nie bardzo wiem czy pisac po polsku czy po angielsku : ) co u ciebie slychac ? u mnie troche zmian jak ze juz nie pracuje w scem , a przenioslem sie do mieco ( a small marubeni backed energy - america trading company ) . bardzo rozne od scem . najbardzij przypomina mi scem na poczatku z joe , jak bylo 20 - 30 osob . sa i minusy i plusy . troche structure i research ale przede wszystkim weather . trrovhe latam miedzy east i west bo sa officy w obydwu miejscach . california jest ok w zimie : ) . na bardziej personalnym froncie ; pamietasz dinner na ktory poszlismy kiedys na conferencji w ny z catherine ( she used to work for williams - works for morgan stanley now ) , we are dating ( for a while ) . it is a good story how we met . so we owe you dinner : ) jak bylem w atlancie to pracowala dla mnie christa grey . bedzie teraz konczyla grad school in international relations ( with eastern european slant ) , i zastanawia sie czy sa jakies mozliwosci polaczenia tego co robila ze "" wschodem "" . co robila to bylo przede wszystkim vb implementations modeli , ( roznego rodzaju ) , web based data collections , basic research , teraz jest w gas structuring etc . she speaks russian and was in ukraine / poland few times on peace corp assingments . she is very bright and dedicated . myslalem zeby ja zwabic do californii ale ten eastern european pociag jest u niej silniejszy niz u mnie : ) . i have here resume , wiec jak bys myslal ze jest jakis fit i will foreward it to you . troche tak mieszanka pisze , przepraszam bede chyba w houston w pazdzierniku to moze bysmy sie mogli spotkac . latwiej pewnie by bylo w ny ( mieszkam po nj stronie ( rent jest inny niz w atlancie : ) ( 201 ) 222 - 0435 ) , wiec daj mi znac jakbys mial czas i ochote . thanks roman",0 +"Subject: john d . martin - chair of finance at baylor university good afternoon ladies , i am working with vince kaminski , director of research , enron corp . and john martin , chair of finance at baylor university to schedule one hour time slots with ken lay , jeff skilling and andy fastow . vince and john martin are jointly authoring a 20 - 40 page paper , written in the style of a harvard business review piece , about ' transforming enron corporation as an act of managerial will - the value of active management ' . attached below you will find a brief outline of the proposed case study , although i have requested john martin to provide us with the specific questions he will be asking all three participants . we would like to schedule the one hour interviews on the following dates : monday , december 4 th tuesday , december 5 th week of december 11 th please let me know at your earliest convenience which of the above - mentioned dates / times works best with everyone ' s calendar . thanks a million .",0 +"Subject: wharton business plan competition vince and jeff , who should we list as a judge ? i could list myself to act as the point of contact and i ' ll also give my comments on the plans , but i think enron ' s "" judge "" should be someone in the capacity of evaluating enron ' s early stage ventures . please let me know as soon as possible . thanks ! - - christie . - - - - - forwarded by christie patrick / hou / ect on 03 / 15 / 2001 07 : 40 am - - - - - "" andrew gaffney "" 03 / 08 / 2001 08 : 47 am to : cc : "" stamer , anne "" subject : wharton business plan competition dear ms . patrick , ? anne stamer asked me to contact you regarding ? enron providing a judge for phase iii of the business plan competition . ? phase iii judges are generally partner - level individuals at venture capital firms , ? managing directors from investment banks , or other senior individuals ? who have extensive experience assessing and working with early stage ventures . ? a phase iii judge will receive five business plans , with the entire judging process requiring 4 - 5 hours during the weeks of april 2 and april 9 . ? i am attaching a document that describes the competition and judging procedures for phase iii in more detail . ? we are looking to finalize the list of phase iii judges by march 23 , so if you could please forward either anne or i the name of the appropriate individual , we can contact them directly with more details . ? please let me know if you have further questions and we appreciate your support of the competition . ? sincerely , ? andrew gaffney - phase iii judge info 00 - 01 . doc",0 +"Subject: great thanks so much re : avg . monthly electricity prices i appreciate all your great help . . . merci beaucoup margaret carson",0 +"Subject: newsletter , monday 23 oct . vince , i see that you are flying around a lot this week , but i wanted to let you know how it ' s going with the newsletter . i ' ve scheduled steve bigelow as the "" person of the week . "" regarding technical corner , i sent you a copy of maureen ' s article for your review . bob lee told me he has also sent you something . i ' d appreciate your guidance on which one to use . i believe maureen ' s is time - sensitive , so i ' d vote for that one if you ' ve had a chance to look it over . i ' m going to be out of town the rest of today and thursday - friday to attend my uncle ' s funeral in illinois . if you fly over illinois , please wave ! : - ) have a safe trip ( s ) , sam",0 +"Subject: new gas models preliminary schedule for next week vince , here are the topics that our london folks are interested in . have a good weekend . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 05 / 26 / 2000 02 : 41 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . - europe from : anjam ahmad 05 / 26 / 2000 08 : 12 am to : natasha danilochkina / lon / ect @ ect , haakon olafsson / lon / ect @ ect , mark jones / lon / ect @ ect cc : zimin lu / hou / ect @ ect , stinson gibner / hou / ect @ ect subject : new gas models preliminary schedule for next week dear all , please could you confirm your availability for meetings next week as follows : - wednesday 31 st may overview of uk gas products to be revalued a ) wet gas swing deals ( teeside delivery ) b ) liquids extraction options time : 9 . 30 am to 11 . 30 am ( 1 1 / 2 hrs ) , swl 001 zimin , anjam , natasha wednesday 31 st may overview of uk gas products to be revalued c ) virtual storage ( enbank ) d ) dry gas swing deals time : 3 pm to 4 . 30 pm ( 1 1 / 2 hrs ) , nel 002 zimin , anjam , natasha wednesday 31 st may simulation of uk gas forward curve time : 5 pm to 6 pm ( 1 hr ) , nel 002 zimin , anjam , natasha , haakon thursday lst june model modifications to accomodate uk products time : 9 . 30 am to 11 . 00 am , nwl 003 zimin , natasha , anjam friday 2 nd june it requirements for trading / rm model a ) booking / mtm b ) exposures and hedge ratios calculation time : 9 . 30 am to 11 am , nwl 003 zimin , mark jones , natasha invitations to follow . . . thanks , anjam x 35383",0 +"Subject: re : credit trading brought to you by bryan seyfried i am happy that the legal issues have been addressed and discussed with bryan and john and i will sign off on the approval . michael from : ted murphy 08 / 02 / 2000 22 : 16 to : steve w young / lon / ect @ ect , fernley dyson / lon / ect @ ect , michael r brown / lon / ect @ ect , william s bradford / hou / ect @ ect , john sherriff / lon / ect @ ect , vince j kaminski / hou / ect @ ect cc : rick buy subject : credit trading brought to you by bryan seyfried my understanding is that bryan will be in houston to present his strategy regarding credit trading for approval under an interim trading policy - signed off by jeff and rick . before making any recommendation to jeff , rick wants to be sure that the people on the list above are comfortable with the activity and will be willing to signoff on the approval . given that bryan will be physically here , i am requesting that you e - mail your concurrence to me no later than tommorrow . otherwise rac will not present to jeff for approval . thank you for your help in puttting this together and making it a success ! ted",0 +"Subject: vince , my rice e - mail address is sokolov @ rice . edu i will be checking it regularly during the next month . my schedule for decmber / january is as follows : last day of finals : december 18 first day in the office : december 29 vacation days : december 30 - january 15 second day in the office : january 16 jason sokolov",0 +"Subject: re : livelink moyez , we are very anxious to get set up and start using livelink for tracking and documenting our projects , so thanks for the reminder . i have put together an initial list of attributes for our research projects . the list in in the attached spreadsheet . it would be great if you can set up these attributes for us in the test environment . this would allow us to make any obvious changes before moving to production . let me know what your schedule would be in rolling this out . my brief comments in the spreadsheet may not be clear , so feel free to give me a call at x 34748 to clarify anything . again , thanks for your help . stinson enron technology from : moyez lallani @ enron 01 / 31 / 2001 07 : 15 am to : vasant shanbhogue / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : n jessie wang / enron _ development @ enron _ development subject : livelink vasant / stinson just following up to check on your progress / evaluation of livelink as your document repositiry . please let me know if i can be of further assistance . moyez lallani x 5 - 3683",0 +"Subject: seismic data via satellite i am preparing a summary or our thursday discussions to be used as a background piece for discussion / brainstorming with oil traders . i will circulate this for review / correction later today , or , at the latest , monday . greg , you mentioned that enron had participated in a speculative survey in the gulf of mexico that was successful . it might be useful to get more info on this . terms , return realized ( over what time frame ) , why we have not continued to do this , etc . also , from your comments , many , if not most of the 3 - d surveys are in deep water . i read recently that shell , i believe , is participating in a deep sea drilling / extraction project in the gulf . what oil price is required to make these kinds of projects viable financially ? bob lee",0 +"Subject: impending visit july 5 - 7 vince : i plan to be in houston on july 5 - 7 . i would like very much to get together with you and perhaps your investment guy on friday morning on the 7 th if you and / or he have the time or perhaps on the 5 th in the afternoon . i would like to continue the discussions about your using marketpoint and about your investment guy considering marketpoint if he is interested . when you see the progress we have made , i think you will agree that it merits consideration as a part of enrononline . com as well as a profitable investment in its own right . it is still in the situation where it can be provided exclusively to whomever i choose ; i have been very , very careful how i have promoted it so that i do not get committed to a second - rate partner . i also have what i think is a fundamentally new , general markovian forward optionality evaluator . i wrote my ph . d . dissertation at stanford in the 1970 s ( defended with honors ) in semi - markovian decision processes during the heyday of that research , and i have seen direct applications in optionality evaluation . i think you will be fascinated to see and review it . it is presently implemented in prototype form and it could be made available to the first large retainer client on an exclusive basis who is sufficiently interested . if you want to be that retainer client , that would be of interest to me . give me a shout via return email or by my cell phone at 650 . 218 . 3069 regarding schedule . i am out of town this week but available via email or phone at the above addresses . i really hope we can get together that week if we possibly can . thanks very much for considering my request , and thanks very much for being the go between with your investment guy . i deeply appreciate it . i hope to see you on the 5 th or 7 th . dale nesbitt",0 +"Subject: re : good news - cabinet approval for power trading seethayya , this is great news . credit goes to all those who worked towards making this possible , especially ramu , mr . mehta , jane , heidi and yourself who went through draft after draft of the note to chidambaram . this is good news for us ! ! regards , sandeep . k seethayya 02 / 06 / 2001 08 : 35 am to : neil mcgregor / enron _ development @ enron _ development , jane wilson / enron _ development @ enron _ development , sandeep kohli / enron _ development @ enron _ development , jimmy cc : wade cline / enron _ development @ enron _ development , ashok mehta / enron _ development @ enron _ development , mohan gurunath / enron _ development @ enron _ development , shubh shrivastava / enron _ development @ enron _ development , heidi hellmann / enron _ development @ enron _ development , rajesh sivaraman / enron _ development @ enron _ development , pancharatnam ramaswamy / enron _ development @ enron _ development , arvind rawat / enron _ development @ enron _ development , ritu subject : good news - cabinet approval for power trading team : today union cabinet has approved the proposal of ministry of industry to allow foreign equity participation in power trading . this was conveyed by secretary ( power ) during his meeting with wade . in normal course , the proposal was slated to be coming up for cabinet in next few weeks . keeping in view the developments of dpc invoking state guarantee , perhaps cabinet has hurried it up . the exact proposal approved was - "" to allow foreign equity participation through automatic route upto 100 % for trading in power sector , subject to prevailing laws . "" irrespective of urgency of this approval to us , the best thing is that we are getting the approval without draft electricity bill , 2001 being finalised . as most of you are aware , initially the proposal was stalled at fipb level pending finalisation of electricity bill . then it has gone to group of ministers who had taken a positive approach and now the cabinet has cleared it . now fipb either issue an approval to enron llc or advise us to avail automatic route . we will have one of it , culminating great team work . seethayya",0 +"Subject: seeking intelligent insight it looks to me like the market for distributed computing will displace heavy iron within the next several years . the structure is still very early in its development , but i think there will be commercial opportunities for enron in bandwidth and electricity . i would be interested to know what issues you two would see as the greatest hinderences and possibilities for these markets . if you would like , please feel free to comment on the attached documents . thanks , mark",0 +"Subject: visit ? dear vince , i very much enjoyed speaking with you at lunch , if only briefly , at the  see http : / / www . stern . nyu . edu / ~ fdiebold . the upshot : it seems to me that we would both benefit from a more extensive conversation . i would be happy to visit you in houston to learn more about your operations , and to tell you more about mine . please do let me know if you are interested . best regards , frank diebold - - francis x . diebold armellino professor of finance stern school of business new york university 44 west 4 th street , k - mec , suite 9 - 190 new york , ny 10012 - 1126 fdiebold @ stern . nyu . edu http : / / www . stern . nyu . edu / ~ fdiebold ( 212 ) 998 - 0799 office telephone ( 610 ) 585 - 4057 voicemail ( 212 ) 998 - 0351 fax",0 +"Subject: fortnightly on - line dear mr . kaminski , this is to inform you that your "" public utilities fortnightly "" on - line subscription is now ready for your use . this on - line service is good for 30 days . user name - 2000208 password - quality thank you . janet clark customer service rep",0 +"Subject: listo 319 isranir @ rice . edu , demianen @ rice . edu , tbal 93 @ yahoo . com , maue @ rice . edu , loughrid @ rice . edu , jblantonjr @ yahoo . com , gjohnson @ rice . edu , emchombo @ rice . edu , nazareth @ rice . edu , vanstone @ rice . edu , ganguzza @ rice . edu , nelsonb @ rice . edu , sssmith @ rice . edu , wheelock @ rice . edu , westmore @ rice . edu , gaudette @ rice . edu , otaylor @ rice . edu , dikeman @ rice . edu , jettke @ rice . edu , litton @ rice . edu , chilkina @ rice . edu , helms @ rice . edu , wankhade @ rice . edu , monfan @ rice . edu , kostya @ rice . edu , pcp @ rice . edu , yueguo @ rice . edu , nlwbio @ rice . edu , zhangn @ rice . edu , rishad @ rice . edu , yoshiura @ rice . edu , howard @ rice . edu , dayangd @ rice . edu , wuwei @ rice . edu , so @ rice . edu , wooddy @ rice . edu , lamas @ rice . edu , tbalestrery @ houston . rr . com , hingoran @ rice . edu , planck @ rice . edu",0 +"Subject: delainey presentation g . masson vince : here is tanya ' s and my presentation . it is a bit long and deliberately a bit bombastic . this is deliberate to hammer home the fact that my group provides power trading support for 5 continents as well as support for corporate level risk control . if i have over done it , please let me know or else feel free to make modificaitons . grant .",0 +"Subject: enron europe organisational changes once the arcos plant in spain is financially closed ( expected in q 2 of this year ) eric gonzales will be moving back to houston to work exclusively on co - managing enron ' s lng markets . we are very appreciative of eric ' s efforts in europe since early 1998 and look forward to continuing to work very closely with his lng team in the coming years . from this point forward eric will focus his remaining time in europe exclusively on financially closing arcos . we are therefore making the following changes immediately . the origination responsibility for italy will be moved under eric shaw . ricardo bortolloti will continue in the role as italian country manager and will report to eric shaw . mariano gentilini will become our country manager for spain and portugal and will report directly to the enron europe office of the chairman . the arcos power project is likely to create a large gas to power spread position and so we have asked paul mead to assume the added responsibility for our natural gas risk positions in spain . this position is much more likely to be supplied and influenced by lng rather than continental gas markets and paul will work quite closely with both enron global markets and the continental gas team . ross sankey who has been managing our marketing efforts in holland will also head a new organization that will focus on subsea interconnector and power transmission opportunities across europe . among the prospects his team will pursue include projects from norway to the uk , sweden to the continent , and bidding on existing french interconnector capacity . he will report to eric shaw for the holland markets and to richard lewis for the transmission responsibilities . finally the continental gas team is interacting far more with our uk gas team than our power teams on the continent . therefore david galagher who manages our continental gas team will now report directly to richard lewis . we have aggressive income targets for this year and anticipate that these changes will create the right links to optimize our performance . please help make these changes as smooth as possible . john sherriff michael brown",0 +"Subject: pjm adds ny prices to edata message sent from the pjm - customer - info mailing list at pjm - customer - info @ majordomo . pjm . com : pjm has launched a pilot version of edata which includes data from the new york independent system operator . the beta - test period for the pilot is expected to last approximately 90 days as pjm evaluates the success of using cross - iso data in edata . if the pilot proves successful , pjm may add data from other isos in the future . this pilot version of edata is a result of the collaboration among the isos created by the memorandum of understanding signed last year . through the iso mou process , stakeholders have asked the isos to improve seams issues , create like user interfaces , and make it easier to do business between the isos . the addition of other iso data to edata has several benefits to users including consolidated information , ease of use , less technical support required , and improved customer service . real - time prices , forecasted / actual loads , tie line schedules , and transmission limits are all possible types of information that may be included in the future . edata was implemented in october 1998 . there are currently more that 1700 registered users representing over 200 companies . users include marketers , utilities , control areas , state and federal regulators , educational organizations , financial institutions and others . the tool continues to attract 30 to 40 new registered users each week . normally , 100 - 300 users are simultaneously logged onto the system . to become an edata user , submit new user information from the edata log in screen from the pjm web site at www . pjm . com . please do not reply to this message . if you have a question for pjm customer relations and training , please send an e - mail to custsvc @ pjm . com . to unsubscribe from this list , send an e - mail to majordomo @ majordomo . pjm . com containing only the following line in the body of the e - mail : unsubscribe pjm - customer - info",0 +"Subject: sap timesheets hello everyone : thanks to krishna we have come up with a plan that i believe is going to save everyone some time . we have created an excel spreadsheet , with the time sheet form , and there is a tab for each of you , in alphabetical order by first name across the bottom of the spreadsheet . the spreadsheet is saved in o : \ research \ common \ sap timesheets \ mmm - dd . ( mmm = month and dd = 15 th or end of the month time period - i . e . , this time period is 7 / 16 - 7 / 31 / 00 ) . the regular 8 hour days have already been entered for each of you . therefore , if you have no exceptions you just need to type in your name in the bottom right corner by the place marked ( emp sign ) , and save it . if you do have exception time , simply open that particular pay period and show the exception time ( off - duty , vacation , overtime , sick time , jury time , family time , etc . ) that you may have had during that pay period . some of the codes have already been entered for you , the rest are listed at the bottom of the spreadsheet and just change the ones that are already there for whatever applies . if you are an exempt employee you need only show your off - duty time or exception time . if you are non - exempt you must show all hours worked and if you have overtime , you must add that to the 8 hours regular time . there is no code for non - exempt overtime . this should make it much easier for everyone . however , i will need you to fill out this timesheet form by the 13 th and 29 th of each month . i will try and remind you by email the day before . i would still appreciate your emailing me of any vacation , hod day , or any other off - duty that you know about before hand , that way if you are out of pocket for any reason and cannot fill in one of the forms , i will be able to fill in your timesheet for you . if you have any questions or suggestions , please let me know . thanks ! shirley",0 +"Subject: mark - to - market bob , i wanted to continue the analysis on mark - to - market that i had spoken to you about on the phone . i thought that it was getting very difficult explaining the whole transaction by phone , so i am having krishnarao who is in vince ' s group explain the transaction to you . krishna has been helping us structure the deal here in india , and he has just returned to houston from india after working with the team here . he will seek an appointment with you to explain the transaction . i would like you to please spend some time with him , and then based on the discussion please send us a note detailing how sucha a transaction would be marked to market . please cosider the fact that currently there are no such transactions from the indian side . this is a very important transaction for us , and we may need to repeat this in coming months , hence setting up the system to account for these maybe well worth it . also , what i am concerned about is that there will be an enron india ( eipl ) account in india based on indian gaap , and upon consolidation there will be a us gaap accounting in the us . it is here that we would like to have mark - to - market accounting . eipl is structured through mauritius , and then caymen islands . another key question to consider is that when we m - t - m the transaction in the us there will be a tax accruing in the year of m - t - m ( say 2000 ) . however , in india , as a result of the accrual accounting , there will not be any income showing till the year 2002 or 2003 . we will need to know how that would get treated , and whether there is a way to get credit for the tax payable in the us . i am also confused about whether us tax would be levied , since none of the income is being brought back into the us ( remains overseas - subpart - f and other concerns ) . finally , we have been working hard in structuring a fixed price contract and getting a fixed for floating swap in the us ( this is still not allowed to indian corporates ) . i need you to think about this too , and see if some type of accounting will solve this issue . krishna knows what i am talking about , and will brief you on the same . krishna - please walk bob through the three structures we had worked here . look forward to your help and comments . this is going to be an exciting project for us all . regards , sandeep .",0 +"Subject: xms memo over the next several months enron will be phasing in a new expense - reporting product , concur technologies  , expense management system ( xms ) . you will be able to prepare your expense report , send it for approval , and transmit it for payment using the intranet . it will be far more user - friendly than the excel - based form currently in use and will provide a truly paperless process . in addition , the system efficiently integrates with the sap accounting system . on october 16 , employees who used a prior version of the product upgraded to the most current release . on october 30 , it will be available to enron corp employees , company 0011 . the rollout to other groups will continue through january 2001 . rollout announcements will be made to each business unit . in houston , it central will provide four training sessions per week . to enroll in a class go to itcentral . enron . com and click on services > training > schedules . those in outlying locations and those who prefer on - line training can use leap by signing on to sap . enron . com and clicking on training , then leap . use xms ( lower case ) as the user id and password . we are excited about this new system and hope you will find it useful . if you have questions regarding its use contact it central at ( 713 ) 345 - 4727 or visit their website .",0 +"Subject: carnegie mellon resume pre - select list hello everyone . it is time for the spring recruiting season to begin and select the candidates we would like to have on our pre - select list . my coordinator will be handing out the resume books this morning . please call alyse at extension 57339 with your eb locations so we can be sure to get the resume books to you . please email me your top 10 picks by noon , friday , january 26 th . thank you for your continued support and i look forward to working with you all this season . kristin gandy associate recruiter associate / analyst program amh",0 +"Subject: remaining work vince , i shipped you the paper along with my note to don . however , i wanted to share with you what i feel are the remaining "" to dos "" . specifically , 1 . we need to document carefully the forces that were behind the original transformation of enron . specifically , the fallout from deregulation ( take or pay contract defaults , etc . ) , the impact of the losses from the oil trading operation , the nationalization of the peruvian pipeline , and the leveraging up to fend off the carl ichan takeover attempt . 2 . we need to complete / beef up the network strategy section . 3 . finally , the concluding section needs to be carefully crafted to "" hammer home "" the basic principles underlying the transformation . what do you think ? hope you have a great weekend . john john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : lst chapter of training book george , we shall be able to accommodate one or two extra people in the first round . we shall be glad to repeat the seminars starting soon for a bigger group . we would like to learn form experience how to run it . by the way , we had an option training for ees ( roughly 150 people , over a few weeks ) . i can give you the materials and we can repeat it if you think it ' s useful . vince george hopley 01 / 05 / 2001 09 : 01 am to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : re : lst chapter of training book vince - i had heard about this derivatives class from clayton and i am inquiring about the possibility of someone outside of the research group being able to attend . if so , i would like the opportunity . let me know if it is possible . thanks , george shirley crenshaw @ ect 01 / 05 / 2001 07 : 58 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , mike a roberts / hou / ect @ ect , joseph hrgovcic / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , zimin lu / hou / ect @ ect , martin lin / hou / ect @ ect , maureen raymond / hou / ect @ ect , osman sezgen / hou / ees @ ees , paulo issler / hou / ect @ ect , amitava dhar / corp / enron @ enron , alex huang / corp / enron @ enron , kevin kindall / corp / enron @ enron , kevin g moore / hou / ect @ ect , clayton vernon / corp / enron @ enron , william smith / corp / enron @ enron , jose marquez / corp / enron @ enron , chonawee supatgiat / corp / enron @ enron , shalesh ganjoo / hou / ect @ ect , tom halliburton / corp / enron @ enron , elena chilkina / corp / enron @ enron , sevil yaman / corp / enron @ enron , sofya tamarchenko / na / enron @ enron , bob lee / na / enron @ enron , gwyn koepke / na / enron @ enron , hector campos / hou / ect @ ect , anita dupont / na / enron @ enron , youyi feng / na / enron @ enron , v charles weldon / hou / ect @ ect , praveen mellacheruvu / hou / ees @ ees , li sun / na / enron @ enron , stephen bennett / na / enron @ enron , roman zadorozhny / hou / ees @ ees , lance cunningham / na / enron @ enron , leann walton / na / enron @ enron , shane green / hou / ees @ ees , seksan kiatsupaibul / hou / ees @ ees , kate lucas / hou / ect @ ect , nelson neale / na / enron @ enron , rabi de / na / enron @ enron , kenneth parkhill / na / enron @ enron , jaesoo lew / na / enron @ enron , jason sokolov / hou / ect @ ect , steve bigalow / na / enron @ enron , tom barkley / na / enron @ enron , rakesh bharati / na / enron @ enron cc : subject : re : lst chapter of training book good morning everyone : here is the much anticipated copy of the lst chapter of the training book "" energy derivatives "" . as previously stated the training will begin on friday , january 19 th from 11 : 30 - 1 : 00 in 30 cland every first and third friday thereafter in 49 cl . if you have any questions , please let me know . thanks and have a great day ! shirley",0 +"Subject: rtp project vince , targetted conference date is th - f june 21 - 22 at stanford . enclosed in the recent revision to what i sent before . great to meet you , hill - retail notes . rtf hillard g . huntington emf - an international forum on energy and environmental markets voice : ( 650 ) 723 - 1050 408 terman center fax : ( 650 ) 725 - 5362 stanford university email : hillh @ stanford . edu stanford , ca 94305 - 4026 emf website : http : / / www . stanford . edu / group / emf /",0 +"Subject: var numbers for the 26 th hi vince , i apologise that i did not send you the following mail . . . kirsteee - - - - - - - - - - - - - - - - - - - - - - forwarded by kirstee hewitt / lon / ect on 28 / 07 / 2000 20 : 21 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron europe from : kirstee hewitt 27 / 07 / 2000 20 : 33 to : andreas . barschkis @ mgusa . com cc : bjorn hagelmann / hou / ect @ ect , grant masson / hou / ect @ ect subject : var numbers for the 26 th hi andreas , i have run the var model for the 26 th july and have attached a zip file of the results : the total var is $ 4 , 170 , 653 and the cu position is $ 1 , 852 , 876 . i have had trouble getting hold of you so i thought i would summarised what i wanted to talk about ( also i thought i would give your ears a rest ! ) basically it is wrt the second point in your mail yesterday ( we briefly discussed it earlier ) . the fax you sent me to explain the risk calculation suggested that you use a 5 day period of adjustment to calculate the risk ( in this case it is called capital at risk ) . the var calculation for our model is for a one day holding period which means that your risk factor will be reduced by a factor equal the sqrt ( 5 ) or 2 . 24 . since : old risk factor ( % ) = 1 . 65 * ( std of the price movement ) = 3 . 99 % new daily risk factor = 3 . 99 / 2 . 24 = 1 . 78 % which actually equates to std of approx 1 . 1 % a day . i am happy with this as a estimate of the vol as the annualized spot vol we are showing for cu is approx 19 % which equates to approx 1 . 2 % daily . using this new risk factor for the daily var the cu positions would give a var ( for the 19 th ) of approx $ 2 m which is less that the figure we estimated ( $ 3 , 100 , 568 ) . the other thing is that by taking net numbers we are disregarding the term structure of the price curve / vol curve and position curve and are hence collapsing everything into a one factor model which means that it is difficult to compare the numbers . i hope that this helps to explain our number . hopefully we can talk tomorrow , cheers kirstee",0 +"Subject: the garp 2001 convention : gentle reminder the garp 2001 convention ohp ; lcd projection ) . ? also , if required , please do not forget to book your hotel accommodation , as rooms will not be reserved for garp speakers and delegates after the middle of january . attached is a hotel booking form for your convenience . ? if you have any questions or queries please do not hesitate to contact me , though i will be out of the office until 2 nd january , 2001 . ? finally , i would like to wish you a wonderful festive season and a happy & prosperous new year . looking forward to meeting you in new york in february . ? kind regards ? andreas ? _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ andreas simou garp , conference director tel ? + 44 ( 0 ) 20 7626 9301 fax + 44 ( 0 ) 20 7626 9900 andreas . simou @ garp . com ? don ' t miss the garp 2001 convention , program details via our web site www . garp . com - hotel form . doc",0 +"Subject: d - g energy systems vince & stinson , just wanted to keep you informed of the status . helyette has said that she will send a proposal by saturday . karla - - - - - - - - - - - - - - - - - - - - - - forwarded by karla feldman / hou / ect on 03 / 08 / 2000 01 : 22 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - geman on 03 / 08 / 2000 12 : 27 : 06 pm to : "" karla feldman "" cc : subject : re : enron - contract dear ms feldman , thank you for your email . vince kaminski had mentioned your name to me and i am pleased to get in contact with you . i am making slight adjustments in the license to make it as admissible to you as possible ( it has been sold so far to major utilities in europe ) . my husband and second passport are us and i am using the help of a lawyer in my family . i will email you a license proposal by saturday . sincerely at 15 : 57 06 / 03 / 00 - 0600 , you wrote : > > > dear ms . geman , > > hello . my name is karla feldman . i work at enron corp . as a contract > administrator . vince kaminski and stinson gibner have asked me to contact you > to obtain additional information pertaining to the purchase of the d - g energy > systems application . they are interested in purchasing one ( 1 ) license . > > could you please send me , or have your attorney here in the states send me the > pricing and your software license agreement for our review ? > > my address is : > > karla feldman > enron corp . > 1400 smith street , room 2262 > houston , texas 77002 > > my phone number is ( 713 ) 853 - 6754 > my fax number is ( 713 ) 646 - 8545 > my e - mail address is : karla . feldman @ enron . com > > thank you very much . i look forward to hearing from you or your attorney . > > karla feldman > enron corp . > contract administration > h , lyette geman professor of finance university paris ix dauphine and essec",0 +"Subject: re : factor loadings for primary curves tanya , i went through the comparisons for the liquids curves and the appearance of clear parallel shifts , etc , do begin to emerge when fewer forward prices are used . it looks sensible . i have passed the graphs over to the liquids people , and i have asked them to identify rough term structure months when illiquidity begins for these curves . it might coincide with your assumptions . i am surprised by brent and dubai , which should be wti - clones . naveen tanya tamarchenko @ ect 10 / 04 / 2000 04 : 35 pm to : naveen andrews / corp / enron @ enron , vladimir gorny / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , kirstee hewitt / lon / ect @ ect subject : re : factor loadings for primary curves naveen & vlady , jin yu finished debugging the vatrfacs code and now it calculates factor loadings for every "" primary "" curve ( except power curves ) . i am sending you the calculated factors : most of them don ' t look good . 60 forward prices were used in calculations for each commodity . i reran the code using fewer forward prices depending on the commodity ( 12 prices for c 3 gc , mtbe , nc 4 , so 2 , 17 prices for nxho , 18 - for sa , 24 for c 2 gc , lax _ jfk , , 30 - for condensate , dubaicrude , brent , , 48 for nsw , semichem - risi ) these results are in most of them look much better . please , review . we will have to add a column in rms _ main _ curve _ list to specify how many forward prices we want to use for each commodity , and then use the new factors in the var model . tanya .",0 +"Subject: restricted list neither ena / rac / egf employees nor family members or others living in their household or financially dependent on the ena / rac / egf employee may purchase or sell securities of any entity ( or derivatives thereof ) listed on the restricted list for your or their personal or related accounts or recommend the purchase or sale of such securities to any person , except with the prior approval of the compliance department in consultation with the ena legal department . in addition to the trading restrictions above , should you at any time possess non - public material information about any public company , you , your family members and anybody that is financially dependent on you , are restricted from trading in that issue , and you may not disclose the non - public material information to anyone that does not have a business need to know . company name stock symbol 3 tec energy corp . tten active power acpw adrian resources adrrf beau canada exploration ltd bau cn belco oil & gas corporation bog bonus resource services corp bou brigham exploration bexp canfibre group ltd . cfgl carrizo oil & gas inc . crzo crown energy croe cynet , inc . cyne cypress energy cyz firstworld communications inc . fwis fuelcell energy , inc . fcel hanover compressor co . hc ice drilling enterprises inc . idf industrial holdings , inc . ihii inland resources , inc . inln kafus environmental industries , inc . ks nakornthai strip mill public co ltd nsm set paladin resources plc plr ld paradigm geophysical pgeof place resources , inc . plg cn queen sand resources , inc . qsri quicksilver resources inc . kwk saxon petroleum , inc . sxn cn southwest royalties swroy startech seh cn syntroleum corp . synm tejon ranch corp . trc tetonka drilling tdi transcoastal marine services , inc . tcms the restricted list is solely for the internal use of ena / rac / egf . no one may engage in discussions regarding whether a security is or is not on the restricted list with persons outside ena / rac / egf without specific clearance from the compliance department in consultation with the ena legal department . in addition to the above , you are reminded that pursuant to enron corp . ' s risk management policy ( "" policy "" ) , no ena / rac / egf employee may engage in the trading of any "" position "" ( "" position "" means any commodity , financial instrument , security , equity , financial asset or liability that are authorized for trading in the policy for the benefit of any party other than ena / rac / egf , whether for his / her own account or the account of any third party , where such position relates to ( i ) any commodity , financial instrument , security , equity , financial asset or liability which falls within such employee ' s responsibility at ena / rac / egf or ( ii ) any energy commodity . the prohibitions listed above do not replace or modify the policies set forth in ena ' s policies and procedures regarding confidential information and securities trading , enron corp . ' s risk management policy , or enron corp . ' s conduct of business affairs . should you have any questions regarding the above , please contact me at ext . 31939 .",0 +"Subject: re : wti crude price and ny harbor resid prices vs henry hub and new york city gate gas by month michael . thanks a lot for a very quick response . it looks fine . please , forward it to margaret carson . please , explain the data source . she may expect nymex as the data source for natgas and wti . vince michael sergeev 04 / 11 / 2000 09 : 41 am to : vince j kaminski / hou / ect @ ect cc : subject : re : wti crude price and ny harbor resid prices vs henry hub and new york city gate gas by month vince , here ' s the numbers and two charts . the charts represent the same information but have different styles . one has all of the prices on the same scale , and the other has crude and resid on one scale and natural gas on another . ms",0 +"Subject: option visualization vince and stinson , i did some reserach on the option visualization . here is one of the findings . check this web site , the image looks impressive : this is done through a free software livegraphics 3 d and mathematica . take a look of the demo on the web site mentioned above to see if it is good enough for our purpose . zimin ps : - - - - - - - - - - - - - - what is livegraphics 3 d ? livegraphics 3 d is a non - commercial java 1 . 1 applet to display and rotate three - dimensional graphics produced by mathematica in html pages . it may be used without charge for any non - commercial purposes . mathematica is a program for symbolic and numeric mathematics by wolfram research , inc . . wolfram research is also responsible for licensing livegraphics 3 d for commercial purposes . livegraphics 3 d enables all mathematica users to put almost any three - dimensional graphics computed by mathematica directly onto a html page , such that everyone with a web browser supporting java 1 . 1 ( e . g . communicator 4 . 0 or internet explorer 4 . 0 or higher ) can view and interactively rotate the graphics without any additional software . additionally livegraphics 3 d is able to show animations , calculate stereo graphics , integrate hyperlinks , and display bitmap backgrounds .  %",0 +"Subject: here ' s the typeset version vince , attached is a copy of the typeset version that i will be reading today . i will check to make sure that all the changes you gave me this weekend are incorporated . i will also be writing a 200 word summary for the paper today and will pass that by you as well . have a great day . john p . s . i ' ll call shirley about the revenue question i sent you yesterday . - 134 martin - cxl . pdf john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : meeting with mark schroeder - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 02 / 18 / 2000 08 : 34 am - - - - - - - - - - - - - - - - - - - - - - - - - - - ajay . khandelwal . ftmba 99 - 00 @ cranfield . ac . uk on 02 / 18 / 2000 06 : 07 : 50 am to : "" pinnamaneni krishnarao "" cc : subject : re : meeting with mark schroeder hi mr . rao ! thanks a lot for your mail . i would be meeting mark and mr . paul dawson on lst march and would let you know the outcome of the meeting . in the mean time i am enjoying my mba program and hope that the outcome of the meeting would be positive . best regards ajay | | "" pinnamaneni krishnarao "" | | | | | | | | | 17 / 02 / 00 08 : 20 am | | | | | | | to : ajay . khandelwal . ftmba 99 - 00 @ cranfield . ac . uk | | cc : ( bcc : ajay khandelwal / cusom ) | | subject : meeting with mark schroeder | hi ajay ! hope you are doing well . i was wondering if you met with mark and what you guys decided . let me know either way . if it doesn ' t work out with mark , i will arrange something else through our research group . krishna .",0 +"Subject: re : mscf speaker series thx , we are very anxious to hear her answer pierre - philippe ste - marie - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - pstemarie . homestead . com - - - - - original message - - - - - from : to : cc : ; sent : friday , august 11 , 2000 10 : 55 am subject : re : mscf speaker series > > pierre - philippe , > > i have contacted allison bailey to ask her to move her visit > to the campus to coincide with my presentation . > i hope to hear from her soon . > > vince kaminski > > p . s . nice web site > > > > > > > > "" pierre - philippe ste - marie "" on 08 / 10 / 2000 05 : 13 : 53 pm > > to : > cc : > subject : mscf speaker series > > > > dear mr . kaminsky , > > just checking if there was any progress . . . or anything i could do to help > you . > > sincerely , > > pierre - philippe ste - marie > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > pstemarie . homestead . com > > > > >",0 +"Subject: phone time dear dr . kaminski thanks for your arrangement . i have received email from shirley . either wednesday or thursday will be fine to me . i am looking forward to talking to you at that time . it is always my pleasure to work with you . best wishes quentin kerr - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - quentin kerr , email : qkerr @ maths . uq . edu . au room : 67 - 625 tel : ( 07 ) 33461428 department of mathematics , the university of queensland",0 +"Subject: re : good morning john , it does not sound silly to me . i don ' t get that many opportunities to sit down with those guys in a relaxed atmosphere and chat . i shall read the notes and get back to you . i have just come back from philadelphia and have to catch up with a few things . vince "" john d . martin "" on 12 / 06 / 2000 09 : 39 : 50 am to : vkamins @ enron . com cc : subject : good morning vince , i know that you are in philadelphia today but wanted to ship you my "" first pass notes "" before i leave town in the morning . please edit / add to or delete anything you think is appropriate . my objective in the notes is just to get things down on paper before too much time has passed . when i place something in quotes this indicates a direct quote . i ' ll give you a call next week when i get back to town . thanks again for a truly memorable experience . i plan to frame jeff ' s enron model . it may sound silly to you guys but we academics really appreciate opportunities like the one i got on monday . what a truly spectacular day . take care , john p . s . andy gave me his note care describing the demand for a peaking plant but i wasn ' t able to get him to sign it . i hope i did not offend him by asking for his signature on that silly graph . after i left his office it occured to me that he might think i was making light of him . please explain to him that i was not and will treasure his simple model as capturing the essence of optionality in a real asset . - . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : enron / stanford program nick , dinner on sunday would work for me . i shall stay in the bay area till monday morning . vince nick bambos on 09 / 28 / 2000 08 : 33 : 38 pm to : vince . j . kaminski @ enron . com cc : subject : re : enron / stanford program hi vince , i am on the technical program committee of the infocom 2001 conference , and we are meeting in new york city on saturday , october 14 th , to select papers for the conference program . i ' m leaving stanford on friday and getting back on sunday . it might be a possibility to have dinner together on sunday , if that would work for you . in that case i would have to reschedule my flight to land in sfo earlier than i ' m currently scheduled to land . would dinner on sunday work for you ? any chance we can meet monday for lunch ? i look forward to seeing you . best regards , nick vince . j . kaminski @ enron . com wrote : > > nick , > > i shall be in stanford oct 14 - 15 , visiting my family . > i would be glad to meet you ( and possibly giuseppe - your call ) for lunch . > please , let mer know if you are free on one of these days . saturday would > work better for me . > > vince > > nick bambos on 09 / 21 / 2000 02 : 09 : 46 pm > > to : stinson . gibner @ enron . com > cc : vince . j . kaminski @ enron . com > subject : re : enron / stanford program > > stinson , > > great ! i ' m looking forward to a very productive collaboration . > i ' ll immediately start doing giuseppe ' s papers , for him to work > on the enron / stanford program . > > many thanks to you and vince , and i hope to see you soon at stanford > or enron . if i remember correctly , vince is visiting stanford in > october . > > best regards , > > nick > > stinson . gibner @ enron . com wrote : > > > > nick , > > > > i spoke with paul racicot , head of trading for ebs , north america this > > morning . he said that he is happy to send the $ 100 , 000 for your program > > from his budget . i have forwarded to him the draft letter to accompany > > the funds and will try to follow up to make sure that the money is sent > > promptly . > > > > - - stinson",0 +"Subject: re : summer internship jinbaek , this is fine though you are welcome to spend more time with us this summer . vince jinbaek kim on 03 / 04 / 2001 03 : 45 : 40 pm to : vince . j . kaminski @ enron . com cc : subject : re : summer internship dr . kaminski , thanks for your answer . before i tell you the time frame , i ' ll need to talk with my advisor , first . because here is an on - going - project . i need to coordinate the schedule . i ' ll appreciate it if you understand my situation , and give me some time ( less than a week , of course ) . for your reference , probably the dates i ' d like to ask you will be from mid - may to mid - july ( 2 months ) warm regards , jinbaek jinbaek kim ph . d candidate dept . of industrial engineering and operations research u . c . berkeley http : / / www . ieor . berkeley . edu / ~ jinbaek go bears ! : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . : a a : _ _ . . . . . _ : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . : . ' : ` . : ` , ` . ` . : ' - - ' - - ' : . ' ; ; : ` . _ ` - ' _ . ' ; . ' ` . ' "" ' ; ` . ' ; ` . ` : ` ; . ` . ; ; : ; . ' ` - . ' ; : ; ` . _ _ . ' . ' . ' : ; ` . . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' ` . . . . . . . - ' ` . . . . . . . . ' on fri , 2 mar 2001 vince . j . kaminski @ enron . com wrote : > > jinbaek , > > you can coordinate the details with me . > let me know what the time frame is for you > and we shall send you an appropriate offer . > > vince > > > > > > jinbaek kim on 03 / 02 / 2001 04 : 43 : 06 pm > > to : vince . j . kaminski @ enron . com > cc : > subject : re : summer internship > > > dr . kaminski , > > thank you very much . > of course , i ' ll be happy to have an opportunity > to work at such a wonderful company . > i was contacting with surech raghavan at deal bench team , > and was going to express my appreciation to you again > after settling down process with them . > > for the period of working , > i still need to coordinate with my advisor and > may need to adjust according to that . > but anyway , i ' ll try to coordinate smoothly . > > please let me know whether i should keep contacting > with deal bench team , > for working period and > for misc . living support such as finding a place , rent a car , etc . > > i appreciate you so much again , > for arranging such meetings and giving me an opportunity . > all this opportunity will not be available to me , > without your kind help . > > warm regards , > jinbaek > > - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - > jinbaek kim > ph . d candidate > dept . of industrial engineering and operations research > u . c . berkeley > http : / / www . ieor . berkeley . edu / ~ jinbaek > > go bears ! > > : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . > : a a : _ _ . . . . . _ > : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . > : . ' : ` . : ` , ` . > ` . : ' - - ' - - ' : . ' ; ; > : ` . _ ` - ' _ . ' ; . ' > ` . ' "" ' ; > ` . ' ; > ` . ` : ` ; > . ` . ; ; : ; > . ' ` - . ' ; : ; ` . > _ _ . ' . ' . ' : ; ` . > . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; > ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' > ` . . . . . . . - ' ` . . . . . . . . ' > > > on fri , 2 mar 2001 vince . j . kaminski @ enron . com wrote : > > > hello , > > > > sorry for a delay in getting back to you . > > we would like very much to offer you a summer internship . > > > > please , let me know if you are interested . > > > > vince kaminski > > > > > > > > > >",0 +"Subject: re : frank , i am definitely interested in the resume . i can meet the candidate on campus when i visit my son . i am planning to come to palo alto around thanksgiving . also , energy and power risk management ( an english publication ) organizes every year in houston a power risk conference ( typically in may ) . they ask me for recommendations regarding speakers . would you be interested in participating ? vince "" frank a . wolak "" on 11 / 13 / 2000 08 : 44 : 57 am to : vkamins @ enron . com cc : subject : vince , i am writing about a student of mine who is on the job market this year . when you stopped by my office , about 18 months ago you asked if i had any students that might be appropriate for your group . although i didn ' t at the time , now i do . this student has excellent technical skills , including an m . s . in statistics and a ph . d . in economics by the end of the current academic year . his dissertation research is on the investment behavior of independent power producers in the us . as a result of research assistance he has done for me , he knows the california market very well and is familiar with the other isos . i think he would be an excellent match for you . the only problem is that he will probably have many other options available . however , i definitely think he ' s worth a look . if you ' d like him to send you a cv , please let me know . thanks . frank wolak professor frank a . wolak email : wolak @ zia . stanford . edu department of economics phone : 650 - 723 - 3944 ( office ) stanford university fax : 650 - 725 - 5702 stanford , ca 94305 - 6072 phone : 650 - 856 - 0109 ( home ) world - wide web page : http : / / www . stanford . edu / ~ wolak cell phone : 650 - 814 - 0107",0 +"Subject: re : vacation shirley , no problem . vince shirley crenshaw 01 / 07 / 2000 03 : 56 pm to : vince j kaminski / hou / ect @ ect cc : subject : vacation vince : if it is alright , i would like to take vacation on friday , january 14 th and friday , february 4 . thanks ! shirley",0 +"Subject: re : wednesday vince , thanks for letting me know . i will see you on wednesday . regards , giuseppe on mon , 12 mar 2001 vince . j . kaminski @ enron . com wrote : > giuseppe > > the dinner is scheduled , as i have mentioned , to you at 7 : 00 p . m . > wednesday at il fornaio , canaletto room . > > both you and eric are welcome to join us . > > vince > > giuseppe a paleologo : : gappy @ stanford . edu : : : : http : / / www . gappy . org : :",0 +"Subject: entouch newsletter business highlights egm fundamentals lowell bezanis joins us from eig ( energy intelligence group ) . lowell will be a great resource for the group as he has had substantial experience covering middle east issues , as well having great contacts with the trade press . the egm fundamentals site has moved into production . our new address is http : / / egmfundy . corp . enron . com comments and suggestion should be directed to heather purcell at 54057 . heather is also managing our enterprise - wide contract with pira for oil , electricity , natural gas and natural gas liquids . eim finance the primary focus for the eim finance group is to assist transaction teams in the execution of complicated transactions in which enron capital is being deployed . this may consist of executing the funding of specific transactions in either the bank or capital markets . currently the team is focusing on the creation of several off - balance sheet funding vehicles that can be drawn upon to fund multiple transactions , as well as the financing of the recently announced daishowa acquisition . in addition , the group is focusing on the creation of an inventory finance vehicle that can be utilized to fund multiple steel ( or other commodity ) inventory financings . bill brown leads the group and notes , "" this is a very exciting time at enron . eim is a great example of utilizing the enron wholesale business model in commodities other than gas and power . the ability to finance complicated transactions by using financial engineering skills developed around enron creates a competitive advantage to transaction teams and will allow us to develop new products and fund those products competitively without using large amounts of enron capital . "" in the news  & vision is dandy , but sustainable company excellence comes from a huge stable of able managers . if you don ' t believe me , then go read first , break all the rules : what the world ' s greatest managers do differently ( simon & schuster , 1999 ) , by gallup execs marcus buckingham and curt coffman . here ' s a boiled - down version of what they found : great managers are an organization ' s glue . they create and hold together the scores of folks who power high - performing companies .  8  ) tom peters , fast company , a subsidiary of u . s . news & world report ( 2 / 20 / 01 ) . revised presentation library link : you can access the analyst slides at the url below . simply go to this url , click on the enter button , and you have access to all the presentations made at this meeting . http : / / 172 . 28 . 92 . 190 / bowne / welcome new hires egm - leticia mcashan / financial operations ena - leann walton / research transfers ena  ) joseph wagner , marcus edmonds , santiago garcia , stacy dunegan , shane green , roman zadorozhny , praveen mellacheruvu , seksan kiatsupaibul , charles ward , victor munoz paulette roberts egm  ) steven jacobellis , margaret cowan , alisa green eim  ) deborah chance , eugenio perez nuggets & notes  & our vision for 2001 is to go from  & the world  , s leading energy company  8 to  ( .  & the world  , s leading company  8 - - jeff skilling at the all - employee meeting . "" can someone tell me which bank is dying to lend to the steel industry ? "" - - bill brown , vice president / finance eim  & there  , s no such thing as a comp emergency .  8  ) sheila knudsen , vice president / human resources ena news from the global flash weather deal enron has traded a weather derivative deal with the rock garden restaurant in london ' s covent garden . based on a ' cold day ' index , the deal protects the rock garden from a summer that has too many days below a certain temperature between march and june . once a number of days has been reached , the rock garden will receive a payout for each further day below that reference temperature . the payouts have been weighted to reflect the greater earning potential in some months compared to others . in a blind auction , enron beat six other risk takers to price the deal . legal stuff the information contained in this newsletter is confidential and proprietary to enron corp . and its subsidiaries . it is intended for internal use only and should not be disclosed .",0 +"Subject: december 11 , 2000 ews prc meeting attached is an agenda and attendee list for the december 11 enron wholesale services group prc meeting . the first part of this meeting will involve a review of the prc results below vp in ena , eim , egm and enw , in addition to a discussion and approval of promotion nominations . the vp preranking will begin at 9 : 30 am and will include preranking of vp ' s in ena , eim , egm , enw , calme , esa and apachi . please note on the attendee list which part of the meeting you need to attend . the meeting is at the st . regis hotel ; however , please note a change to the colonnade room . should you have any questions regarding this meeting , please contact sheila knudsen at x 36628 in houston .",0 +"Subject: power 2000 / eprm 2001 as a speaker at eprm ' s highly successful power 2000 event in houston , i am writing to inform you of our 2001 annual congress and to introduce myself . i will be responsible for the production of all north american eprm events having moved from our banking conference and training course division in july . just to update you on the whereabouts of the eprm team , emma wolfin is developing our technology events for waters conferences and joel hanley will be starting his new role as an eprm journalist from november lst . eprm 2001 will be held in houston on the 14 th , 15 th & 16 th of may and i am keen to start the initial research as soon as possible . i intend to call each power 2000 speaker within the next two weeks . initially , i would like to provide you with advanced notice of the event and wish to clarify some issues . what current industry developments merit streams or pre / post conference seminars at eprm 2001 ? what research are you or your company involved in that would justify inclusion in eprm 2001 ? aside from your own work , what subjects are currently at the cutting - edge of energy risk management ? who else would you recommend as a potential speaker ? ( regulatory bodies , academics , practitioners ) any assistance at this initial stage of research is appreciated . you can email me or call on + 44 20 7484 9883 . i look forward to working with you on this event . paul bristow senior conference producer , eprm conferences",0 +"Subject: re : tony hamilton thanks for clarifying that vince . vince j kaminski 05 / 04 / 2001 15 : 00 to : chris mahoney / lon / ect @ ect cc : tani nath / lon / ect @ ect , mark tawney / hou / ect , vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect , scott moncrieff / lon / ect @ ect , christie marshall / lon / ect @ ect , richard smith / lon / ect @ ect , norma villarreal / hou / ect subject : re : tony hamilton chris , e hired tony to support global markets but jeff shankman decided that , given highly specialized nature of his work it makes sense to put him in the research group , with a dotted line to mike roberts who is running our weather group . given that his work will directly and exclusively benefit gm , it makes sense for research to charge his expenses to global markets . we can adjust allocations to reflect his contributions to different sub - units of gm . tony spent the last few weeks in houston training for his position in london with mike roberts . we are very excited about the prospect of working with him . vince chris mahoney 04 / 05 / 2001 03 : 56 am to : tani nath / lon / ect @ ect , mark tawney / enron @ enronxgate , vince j kaminski / hou / ect @ ect cc : scott moncrieff / lon / ect @ ect , pierre aury / lon / ect @ ect , christie marshall / lon / ect @ ect , richard smith / lon / ect @ ect subject : re : tony hamilton tony was hired to work for global markets . think costs should be assigned to vince or mark but if you believe those costs should be for my group let me know . tani nath 05 / 04 / 2001 09 : 33 to : chris mahoney / lon / ect @ ect , scott moncrieff / lon / ect @ ect , pierre aury / lon / ect @ ect cc : christie marshall / lon / ect @ ect , richard smith / lon / ect @ ect subject : tony hamilton i now have tony on one of my rcs ( research ) . i understand he will be doing weather forecasts for some or all of you , and that he has a desk allocated in global . i need to recharge his costs - can someone please advise the right cost centre . many thanks , tani",0 +"Subject: the national forum on corporate finance mr . fastow , i ' m writing all of our participants and confirming plans for the upcoming corporate finance meetings on may 4 - 5 here . as a reminder , you are slated to sit on the executive option / equity dilution panel on saturday morning . dave yermack from nyu , the number one expert on this issue , is presenting at that session . ( again , serving as a panelist should require little preparation on your behalf . ) also , you and your wife are welcome to attend the dinner on friday evening , may 4 . it will be held in the baker institute across from the business school . tom copeland is our speaker - ( i think he plans to focus his remarks on real options ) . vince kaminski has told me he will be at the dinner , however his wife is out of town and will not be . please call me direct if i can be of any help or assistance . i look forward to seeing you soon . i ' ve attached a copy of the program along with a name rooster of those planning to attend . dave ikenberry * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * prof . david ikenberry jones graduate school of management rice university 713 - 348 - 5385",0 +"Subject: re : video conference scheduling hello all : the enron corp . research group has a standing reservation on thursdays from 11 : 30 - 1 : 00 pm in conference room eb 30 cl . we understand the agreement to be that unless top management requests this conference room we will have it . if for some reason you do need to move us , we would appreciate it if you would find us a substitute room . the following information is per your request . requesters name : shirley crenshaw , sam smith , kevin moore sites to be included : london and portland site contact names : london : ben parsons - 207 - 783 - 7041 portland : michael schilmoeller - 3 - 3135 date , time & length : every thursday , from 11 : 30 - 1 : 00 pm co . name : enron corp . research group co . # : 0011 co . rc # : 100038 conference room : we have a standing reservations for eb 30 cl no . of people : 30 - 35 if you need anything else , please let me know thanks and have a great day ! shirley crenshaw 3 - 5290 enron north america corp . from : videoconference . @ enron 03 / 15 / 2000 06 : 13 pm sent by : enron announcements @ enron to : all enron downtown cc : subject : video conference scheduling in order to improve the video conferencing services offered to the enron community , the video conference group will be implementing the following procedural changes . these changes will be effective immediately . conference scheduling : please route all video conference requests via email to ' videoconference ' ( one word ) or by phone to 713 - 345 - 8500 ( x 5 - 8500 ) . once room reservations are complete , conferences will be scheduled and confirmation notices sent to the requestor via email . each requestor will receive a confirmation notice the business day preceding scheduled conferences . the following information will be required for all conference requests : requestor name and contact number sites to be included in the conference site contact names along with associated phone numbers date , time and duration of conference company number / rc or cost center of requestor preferred conference rooms ( near - end and far - end ) technical problems : should problems arise during a video conference , call 713 - 345 - 8555 and a technician will be immediately dispatched thanks in advance for your cooperation , video conferencing support",0 +"Subject: invitations to presentation only hi christie , when do you sleep ? 2 am , ugh ! ok , you were correct , my invitation was to those people within enron that the students talked with before interviewing competitors , and it was an invitation to the presentation only . i didn ' t think any of them would be invited to the dinner , and probably none will even come to the presentation . the invitation did elicit one request for the final report though , so maybe it wasn ' t a complete waste . i didn ' t realize that the dinner had turned into a box visit . that sounds great . i wish the group could have made it to dinner before the first game , that would have made the whole slumming experience better . now they ' ll get the royal treatment at enron field . it ' ll be great . vince invited 4 people from rice : dennis w . loughridge , director of energy consortium ; lounghrid @ rice . edu carrie miller , director of mba program ; cmiller @ rice . edu deborah barrett , inst . communications , barrett @ rice . edu dr . wil uecker , associate dean for executive education , uecker @ rice . edu loughridge wrote back saying he ' ll come , i don ' t know about the others here are the 6 students emails : "" ritwik \ ( ronnie \ ) ghosh "" , "" ivy ghose "" , "" luigi calabrese "" , "" pravas sud "" , "" syed \ ( farhan \ ) iqbal "" your 2 from rice makes a total of 12 from rice , i guess let me know if you would like me to do anything else related to monday look forward to seeing you then ken",0 +"Subject: re : eol competitors - - - - - - - - - - - - - - - - - - - - - - forwarded by li sun / na / enron on 01 / 29 / 2001 11 : 18 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : drew ries / enron @ enronxgate on 01 / 29 / 2001 11 : 15 am to : li sun / na / enron @ enron cc : subject : re : eol competitors li , globally there are probably over 80 "" competitors "" to eol . none of these competitors have a meaningful market share . some of the names that jump to mind are the following , but it should be easy to find others by surfing the web . good luck . drew dynergy direct houston street altra true quote intercontinental exchange enymex coral connect koch energy epetroleum . com red meteor trade spark american petroleum exchange fuel spot",0 +"Subject: interview with the enron research group good morning frank : vince kaminski and the enron research group would like to bring you to houston for an interview , sometime around the last of januray or the first of february . our human resources rep will be contacting you as to the best day and time for you . could you please furnish me an electronic version of your resume ? i will need this to pass to the hr dept . the people in the research group that will be interviewing you are : vince kaminski managing director and head of research stinson gibner vice president krishna krishnarao director ( will be out of the office until the end of january - thus the time frame ) vasant shanbhogue vice president tanya tamarchenko director zimin lu director thank you very much and we look forward to seeing you soon . sincerely , shirley crenshaw administrative coordinator enron research group 713 - 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: cplex - - - - - - - - - - - - - - - - - - - - - - forwarded by tom halliburton / corp / enron on 05 / 25 / 2000 09 : 05 am - - - - - - - - - - - - - - - - - - - - - - - - - - - chonawee supatgiat 05 / 22 / 2000 11 : 56 am to : grant masson / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , tom halliburton / corp / enron @ enron cc : subject : cplex - - - - - - - - - - - - - - - - - - - - - - forwarded by chonawee supatgiat / corp / enron on 05 / 22 / 2000 11 : 55 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : samer takriti @ enron communications on 05 / 22 / 2000 11 : 46 am to : stinson gibner / hou / ect @ ect cc : chonawee supatgiat / corp / enron @ enron , ravi thuraisingham / enron communications @ enron communications subject : cplex stinson , krishna mentioned that tom wants to buy ( may have bought ) xpress . tom ' s argument is that xpress ' s language allows the user to express special ordered sets ( certain types of constraints ) in a convenient fashion . chonawee and i just talked to two of cplex ' s consultants ( whom i know personally ) . they both mentioned that these sets are recognized and handled implicitly within cplex . as a result , there is no need for their modeling language to express these constraints explicitly . as a result , i feel that we should go with cplex . both chonawee and krishna seem to have the same impression . i need to get a final vote on this one so that we can order the licenses . this has been dragging on for too long . - samer [ chonawee , my address book does not recognize ena users . please forward to grant , krishna , and tom ]",0 +"Subject: schedule hi vince thanks for the chat earlier today . slava is out this coming week ( 5 th - 9 th march ) , then i ' ll be out for the next two weeks ( 12 th - 23 rd march ) . i expect we ' ll both be around from 26 th march onwards , though i will be away again at paris risk 10 th - 11 th april . cheers , steve",0 +"Subject: confirmation of your order this is an automatic confirmation of the request you have placed using it central . request number : ecth - 4 v 9 my 9 order for : kenneth parkhill user has a en 600 with 64 mb of memory and needs upgrade to 256 mb . enron it purchasing * please send all status inquiries regarding this request to : mailto : receiving & hardware @ enron . com",0 +"Subject: ethylene margin collar model dear all : let us meet early this afternoon . here is the overview of the model : 1 ) the ethylene margin collars are priced using asian spread option . the forward curve and volatility curve are provided by the desk . the correlation between the ethylene and ethylene cost starts from the historical spot correlation 50 % and grows with the maturity . 2 ) the overall 40 mm payout cap is modeled sepereately . i fitted the historical spread ( 10 years data ) to a mean reverting model with stronger mean reverting strength on the floor side . the model produces trajectories that are statistically simular to the historical data . then the expected payoff is computed through simulation . at the meeting we will discuss the assumptions and present the results . zimin",0 +"Subject: accounting adjustment kim , fyi . i checked on the progress of the accounting adjustment and was told it would happen this month . vince",0 +"Subject: re : wednesday ronnie , regarding the parking situation downtown the closest parking garage with visitor parking is the one at allens center . your agenda , to define - what the scope of the project is - what do you expect of the project - - in other words what are you trying to find out from the study , this will help define the scope - discuss a timeline - tools that we can use at enron - are there any projects at enron ( past or present ) that we can draw on or build on sounds good . do you all have the original scope vince wrote up ? although it is broad , its a good beginning for your scope . once you flesh - out the scope , we ' ll see if any existing reports can be found that may be helpful . regarding industry research check out red herring and other online resources . see you later ken",0 +"Subject: re : credit rating contact ? kim , i spoke with bill bradford , vp in enron ' s credit department , and he offered to field your questions regarding credit . he will be in the office this week . you can call him at 713 - 853 - 3831 . regarding nymex traders , what kind of trader are you interested in ? larry gagliardi trades nymex crude products . let me know if you need his number again , or if you think someone else would be more helpful . good luck ken _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ we are still interested in talking to someone in the risk assessment group about credit rating systems . could you get us the name of the contact who trades directly with nymex ?",0 +"Subject: hello team we are very excited to be able to welcome your alp team to enron . we are looking to working with you this semester . to kick things off , we would like to invite you to cacciatore ' s this thursday for dinner ( 1 / 25 / 01 , 7 pm ) . if you can ' t stand italian cuisine , or would like to try a different day or time , please feel free to make a suggestion . we look forward to meeting you . ken 713 / 345 - 4638",0 +"Subject: 2001 research allocation to ebs vince , i hope you are well . a question if i may . i noticed that ebs ' s allocation for 2001 from the corporate research group ' s budget was $ 1 . 44 m . could you please give me an ' heads - up ' on what i can expect for the dollars - in terms of people , on - going projects , anticipated work - program . i ' m aware that stinson in our point person , but i ' ve seen him for a long while . a breakdown / schedule would be great . i appreciate your help . thanks . barry .",0 +"Subject: credit risk model comments - at this point . comments from rick jones on the credit reserve model . anita dupont is setting up a meet with rick jones to discuss these . vince & bill - if you want to join the meeting , please let me or anita know . regards , krishna . - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 04 / 11 / 2001 09 : 04 am - - - - - - - - - - - - - - - - - - - - - - - - - - - richard b jones @ ees 04 / 10 / 2001 04 : 16 pm to : pinnamaneni krishnarao / hou / ect @ ect cc : subject : credit risk model comments - at this point . - - - - - - - - - - - - - - - - - - - - - - forwarded by richard b jones / hou / ees on 04 / 10 / 2001 04 : 16 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - richard b jones 03 / 23 / 2001 05 : 53 pm to : cheryl lipshutz / hou / ees @ ees , trushar patel / corp / enron @ enron , michelle . wenz @ enron . com , gayle muench / enron @ enronxgate , jeremy blachman / hou / ees @ ees cc : subject : credit risk model comments - at this point . hi everyone , i have run the model and , along with the contract briefs i have some questions the number of trials , numerical roundoff , and random number generator randomness statistical properties . the first two are not a problem in this application but the last one could be . has anyone examined the effect of using different random number generators on enron ' s aggregate credit risk ? 7 ) there is one last point here . for most of the above points , the "" improved "" analysis could make the credit risk be higher . rick",0 +"Subject: re : thesis on electricity price jump - diffusions bernard , my coordinates : vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 ( 713 ) 410 5396 ( cell ) fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com yes , we are going into a very interesting summer both here and in the uk . vince "" murphy , bernard "" on 03 / 27 / 2001 01 : 23 : 04 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : thesis on electricity price jump - diffusions hi vince , can you e - mail me your mailing address in houston and i will send you a hard copy of the above today . apologies for delay , but i wanted to ensure that les clewlow had received his copy in sydney before distributing any other copies . incidentally , today ( march 27 th ) is a red letter day in the uk as the neta / new electricity trading arrangements have gone ' live ' . should be interesting to observe the development of the paper market in the coming months - you ' re no doubt aware that ipe have just launched an electricity futures contract . regards bernard - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : 01 march 2001 15 : 37 to : murphy , bernard cc : vkaminski @ aol . com ; vince . j . kaminski @ enron . com subject : re : 1997 risk paper on pricing of electricity derivatives bernard , yes , i can read a dvi file . you can also cc my home address : vkaminski @ aol . com . i shall try to send you an answer to your question on weekend . vince "" murphy , bernard "" on 03 / 01 / 2001 09 : 18 : 58 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : 1997 risk paper on pricing of electricity derivatives vince , i can send you a scientific word dvi file ( at the weekend ) if you can read scientific word files ? the dissertation hasn ' t been reviewed by les or the external yet - although its been at forc for 2 months . i think that the empirical chapter is probably the one which would be of most relevance to both our company ' s businesses - although i ultimately didn ' t have the time to ' explicitly ' price the jump risk - premium which i conjectured is possibly implicit in the prices of exchange - traded electricity futures - options - rather i developed an implicit estimation procedure which will enable a rough assessment ( with a little bit of further work , but not too much ) be made of the price of jump risk in wholesale power markets . in other words , i assumed spot jump - risk to be undiversifiable , and essentially devoted 2 theoretical chapters to : 1 ) proving that a jump - diffusion trading model is "" incomplete "" ( synthesising the securities markets framework with martingale representation theory ) - note that i did not assume that markets could be dynamically completed with ' term structure ' securities as in the hjm w / jumps papers of shirakawa and das and ; 2 ) deriving an explicit risk - adjustment process for ' implementing ' the price of jump - risk using a jump - diffusion marginal indirect utility of wealth process ( ie . a jump - augmented production economy approach in the spirit of cir , bates , ahn whereas in the latter the driftless forward supposition means that i have to capture mean - reversion via the futures volatility function , and jumps are less easy to calibrate . any suggestions ? regards bernard - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : 01 march 2001 14 : 54 to : murphy , bernard cc : shirley . crenshaw @ enron . com ; vince . j . kaminski @ enron . com subject : re : 1997 risk paper on pricing of electricity derivatives bernard , i am forwarding your message to my assistant and she will mail you a reprint . i would be glad to take a look at your dissertation . is it available as a publication , working paper ? vince "" murphy , bernard "" on 03 / 01 / 2001 02 : 17 : 39 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : 1997 risk paper on pricing of electricity derivatives hello vince , my name is bernard murphy - i received your e - mail address from les clewlow , who was my phd supervisor at the financia options research centre at warwick business school . i ' ve just finished my phd on electricity price jump diffusions : a theoretical and empirical study in incomplete markets - hence my interest in electricity price modelling and derivative pricing . i was looking to get hold of a copy of your 1997 paper , which has recently come to my attention : "" the challenge of pricing & risk - managing electricity derivatives "" , the us power market , risk publications , pp . 149 - 171 . and les suggested that i contact you directly ( les is travelling at present and doesn ' t have an electronic copy available ) to request an e - copy . incidentally , i am lecturer in finance / financial mathematics at university of limerick ( ireland ) and have taken a year out to work for caminus uk , where i am working on introducing and developing a markets - based approach ( spark - spread ) to real asset valuations in the uk power industry . thanks in advancve bernard murphy",0 +"Subject: re : installation of new programs i gave you local admin rights on your laptop yesterday . what you have to do is to log into the laptop using the local machine account . the id and the password is the same as your corp login now . the password on the local account will never change . if you have a minute today i will show you how . let me know a time . phillip randle desktop support specialist x 39665 - - - - - original message - - - - - from : kaminski , vince sent : tuesday , may 01 , 2001 5 : 17 pm to : randle , phillip c . cc : kaminski , vince subject : installation of new programs phillip , how can i install new programs on my laptop , without the administrator ' s privileges ? one example : when i travel i use aol to get access to my mail and to communicate with the office . windows 2000 does not allow me to install it . also , i have my private statistical software i often use when i work at night during business trips . i would like to load it as well . vince",0 +"Subject: re : memory hello andy , i received your e - mail . i would like to request memory for the printer on the 19 th floor . the printer name is bandit . company number - 0011 r . c . number - 100038 thanks kevin moore - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 05 / 02 / 2000 09 : 00 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 05 / 02 / 2000 08 : 55 am to : kevin g moore / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : memory kevin , makes sense vince kevin g moore 05 / 02 / 2000 08 : 10 am to : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : memory goodmorning , shirley , we are in need of a printer that will allow us to print several pages , none of the printers on this floor will permit us to do that without adding memory . i even sent the print - out to bandit and it also needs more memory to print these pages . what we are printing is 189 pages . mike would like to print these pages , so instead of paying for memory on someone else ' s printer could we add memory to one of our own . please inform . . . . . . . . . . thanks kevin moore - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 05 / 02 / 2000 08 : 01 am - - - - - - - - - - - - - - - - - - - - - - - - - - - andy sikes @ enron 05 / 01 / 2000 02 : 41 pm to : kevin g moore / hou / ect @ ect cc : subject : memory kevin - please reply with a company numbern and rc number to charge the cost of the order to . it ' s about $ 100 . thanks , andy enron it purchasing - - - - - - - - - - - - - - - - - - - - - - forwarded by andy sikes / corp / enron on 05 / 01 / 2000 02 : 38 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - andy sikes 05 / 01 / 2000 02 : 40 pm to : andy sikes / corp / enron @ enron cc : subject : memory - - - - - - - - - - - - - - - - - - - - - - forwarded by andy sikes / corp / enron on 05 / 01 / 2000 02 : 37 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore @ ect 05 / 01 / 2000 11 : 04 am to : enron it purchasing @ enron cc : subject : memory i would like to request more memory for the printer blue - sky on the 32 nd floor . the printer is a laser jet 8100 n . the printer is located in front of eb 3240 b . we need more memory a . s . a . p thanks kevin moore .",0 +"Subject: re : durasoft - - java class rabi , you and tanya should go ahead with the course you have already registered for . i have just mentioned it fyi . i don ' t see too many problems with the course stinson may help to arrange . the alternative course can be scheduled on premises , late in the day and distributed over longer time period . vince rabi de @ enron 01 / 26 / 2001 02 : 15 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : durasoft - - java class vince , tanya and i are registered for the offsite ( productivity point ) java class ( febl 2 - 16 ) . before i go ahead and try to cancel the reservation , i need some guidance from you ( and / or tanya ) in light of the following issues : 1 . do you really want 15 people from the same group be unavailable at the same time ? 2 . enron gets 30 % discount from the list price ( $ 2125 ) of the productivity point java class . hence cost difference is $ 500 per person and not $ 1100 as originally thought . 3 . contents of the in - house class can be be tailored to match the skill level of a more homegenous group . plese advise . thanks , rabi",0 +"Subject: risk bucketing for p / l ken and greg , what we have been doing is absoutely fine under the assumption that the market conditions move relatively small ( where taylor series has fast convergence ) . however , we could run into troubles when the market has a big move . in order to have a error proof bucketing , we can use the following method ( finite - difference ) , let me know what you guys think how to implement it to the transport book . sensitivity to risk parameters , or p / l attribution by risk bucket : today ' s premium = premium based on today ' s curves last day ' s premium = premium based on last day ' s curves change due to deliverycurveshift = [ premium based on today ' s delivery price and last day ' s receipt price , volatilities , interest rate , last ' s time to expiration etc ] - last day ' s premium - today ' s change due to gammal receiptcurveshift = [ premium based on today ' s receipt price and last day ' s everything else ] - last day ' s premium - today ' s change due to gamma 2 vegal = [ premium based on today ' s delivery volatility and last day ' s everything else ] - last day ' s premium vega 2 = as above for gas volatility rho = as above for interest rate eta = as above for correlation theta = { [ premium based on today ' s days to expiration and last day ' s everything else ] - drift - last day ' s premium } / 365 . 25 [ this is a daily theta . the sprdopt function returns an annualised theta . ] gammal = 0 . 5 last day ' s gammal ' * priceshiftl 2 ? ? gamma 2 = 0 . 5 last day ' s gamma 2 ' * priceshift 2 2 drift = [ ( exp ( last day ' s interest rate * ( today - last days ) / 365 . 25 ) ) - 1 ] * last day ' s premium priceshiftl = today ' s delivery price - last day ' s delivery price priceshift 2 = today ' s receipt price - last day ' s receipt price gammal ' = theoretical gammal , i . e . gamma from spread option gamma 2 ' = theoretical gamma 2 , i . e . gamma from spread option calculation liquidation = premium of option which expired the day before , i . e . intrinsic value .",0 +"Subject: term paper please respond to vince , attached is our team ' s term paper in pdf format . please let us know if you still problem opening the file . thank you very much . best regards , winny so rice university jesse h . jones graduate school of management mba candidate , class of 2001 2018 richland court sugar land , tx 77478 home : ( 281 ) 265 - 3522 mobile : ( 281 ) 989 - 8417 e - mail : so @ rice . edu > http : / / www . ruf . rice . edu / ~ so / - modeling project . pdf",0 +"Subject: sevil yamin vince , do you want me to do this , or vasant ? - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 10 / 2001 02 : 57 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : anne labbe / enron @ enronxgate on 04 / 06 / 2001 09 : 57 am to : stinson gibner / hou / ect @ ect cc : subject : sevil yamin stinson , i am the new hr generalist for the research group because norma villarreal is moving to business analysis and reporting . earlier this week , norma and i met with vince , and he said that he was going to talk to you about writing up a list of sevil ' s projects / accomplishments for last year and this year , so that we can give her a project bonus since she did not receive a bonus during the normal prc time . at your earliest convenience , will you please email me this list so that i can get started putting together all of the paperwork so that she can receive a check on april 16 th . if you have any questions , please feel free to contact me at 5 - 7809 . i look forward to meeting you , and the rest of the group next week at vince ' s staff meeting . thanks , anne labbe '",0 +"Subject: re : transition to research group - an update molly : just to be sure that everyone understands , anshuman cannot work in the us on a bl visa - he can only come here for business meetings and training . we will have to get him the ll visa in order for him to work in the us . margaret enron north america corp . from : molly magee 01 / 19 / 2001 02 : 53 pm to : vince j kaminski / hou / ect @ ect cc : margaret daffin / hou / ect @ ect subject : re : transition to research group - an update thank you so much for the information , vince . i hope that you have a great weekend ! molly vince j kaminski 01 / 19 / 2001 02 : 39 pm to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : transition to research group - an update molly , i shall ask sandeep to do it when he comes back from india next week . i have just learned that anshuman has bl visa and he can start on a project as a person delegated by dhabol power company to houston . to be absolutely above the line , i would still arrange the ll visa . vince enron north america corp . from : molly magee 01 / 19 / 2001 10 : 44 am to : vince j kaminski / hou / ect @ ect cc : margaret daffin / hou / ect @ ect subject : re : transition to research group - an update i agree that it makes sense to put the ll in place . there are several things we will need from you in order to start the visa process . the first is a fairly detailed job description for anshuman . secondly , we also need to know whether or not he will be in a managerial position here and / or managing a project . if there is someone else in your group who can furnish this job description , just let me know and i will be happy to contact him / her . as for sandeep , i have been told that he is a u . s . resident so there should be no problems with him . margaret daffin will be contacting him to be absolutely sure . thanks , molly vince j kaminski 01 / 19 / 2001 10 : 21 am to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : transition to research group - an update molly , let ' s get ll for anshuman , just in case . i am sure he will stay here for a while once he comes . it is quite obvious jeff shankman will have to keep him longer , given the priority of the project . i assume there are no problems with sandeep . thanks . vince enron north america corp . from : molly magee 01 / 19 / 2001 09 : 54 am to : vince j kaminski / hou / ect @ ect cc : margaret daffin / hou / ect @ ect subject : re : transition to research group - an update thank you for the update , vince . i have been working with margaret daffin with regard to anshuman ' s visa status . we will have to get an ll visa in place before he can come to the united states , even in a temporary capacity . do you want to move forward with that effort at this time , or is the possibility of him coming to the u . s . so remote that it wouldn ' t be worth the time and money right now ? molly vince j kaminski 01 / 19 / 2001 09 : 42 am to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : transition to research group - an update molly , this is an update on anshuman . please , see below . it seems that his transfer is not an issue for the time being . we can put it on a back - burner till he gets here . vince p . s . the relevant section . i also spoke about anshuman , and there was resistance to his leaing for such a long time . however , i have agreement from folks here to send him to houston for a shorter stint on dpc budget . i will try to finalize that before i leave . i will call you in the evening to just chat . - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 19 / 2001 09 : 45 am - - - - - - - - - - - - - - - - - - - - - - - - - - - sandeep kohli @ enron _ development 01 / 19 / 2001 04 : 32 am to : vince j kaminski @ ect cc : subject : transition to research group - an update vince , just wanted to let you know that i had a meeting with wade cline ( coo , enron india ) , neil mcgregor ( president , dpc ) , and mohan gurunath ( cfo , dpc ) today . though i had already spoken to all of them earlier about my joining your group , today it became official , and all of them supported the move . i explained to them what we would be doing , and the results expected from the henwood study . dpc would like to pay the costs for the study , and that was mentioned . there maybe some tax issues etc . that need to be cleared , and other related issues that i would like to discuss with you , so i will leave them till i get to houston . i also spoke about anshuman , and there was resistance to his leaing for such a long time . however , i have agreement from folks here to send him to houston for a shorter stint on dpc budget . i will try to finalize that before i leave . i will call you in the evening to just chat . i am very thankful to you for giving the opportunity you have . things here have deteriorated dramatically over the last few weeks . morale is quite down due to many lay - offs . i am really looking forward to returning to houston , and the family ! ! regards , sandeep .",0 +"Subject: arthur andersen 21 st annual energy symposium shirley , please , register me for this conference . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 17 / 2000 04 : 15 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - sabrina whaley @ enron 10 / 17 / 2000 10 : 09 am to : rick baltz / hou / ees @ ees , misty barrett / hou / ees @ ees , dennis benevides / hou / ees @ ees , jeremy blachman / hou / ees @ ees , jim brown / hou / ees @ ees , brian keith butler / gco / enron @ enron , ford cooper / hou / ees @ ees , cory crofton / hou / ees @ ees , wanda curry / enron @ gateway , meredith m eggleston / hou / ees @ ees , mike harris / hou / ees @ ees , neil hong / hou / ees @ ees , kevin hughes / hou / ees @ ees , shawn kilchrist / na / enron @ enron , dana lee / hou / ees @ ees , gayle w muench / hou / ees @ ees , mark s muller / hou / ees @ ees , nina nguyen / hou / ees @ ees , lou pai and tom white / hou / ees @ ees , lisa polk / hou / ees @ ees , george w posey / hou / ees @ ees , david saindon / corp / enron @ enron , scott stoness / hou / ees @ ees , wade stubblefield / hou / ees @ ees , marty sunde / hou / ees @ ees , thomas e white / hou / ees @ ees , jim badum / hou / ees @ ees , ronnie shields / hou / ees @ ees , kristin albrecht / enron communications @ enron communications , cliff baxter / hou / ect @ ect , sally beck / hou / ect @ ect , lynn bellinghausen / enron _ development @ enron _ development , john berggren / enron _ development @ enron _ development , philippe a bibi / hou / ect @ ect , kenny bickett / hou / azurix @ azurix , jeremy blachman / hou / ees @ ees , dan boyle / corp / enron @ enron , eric boyt / corp / enron @ enron , bob butts / gpgfin / enron @ enron , rick buy / hou / ect @ ect , rick l carson / hou / ect @ ect , rebecca carter / corp / enron @ enron , lou casari / enron communications @ enron communications , kent castleman / na / enron @ enron , becky caudle / hou / ect @ ect , craig childers / hou / ees @ ees , mary cilia / na / enron @ enron , wes colwell / hou / ect @ ect , diane h cook / hou / ect @ ect , kathryn cordes / hou / ect @ ect , lisa b cousino / hou / ect @ ect , wanda curry / enron @ gateway , glenn darrah / corp / enron @ enron , lori denison / hou / azurix @ azurix , timothy j detmering / hou / ect @ ect , jeff donahue / hou / ect @ ect , janell dye / corp / enron @ enron , scott earnest / hou / ect @ ect , john echols / enron communications @ enron communications , meredith m eggleston / hou / ees @ ees , sharon e sullo / hou / ect @ ect , jill erwin / hou / ect @ ect , archie n eubanks / enron _ development @ enron _ development , rodney faldyn / corp / enron @ enron , jim fallon / enron communications @ enron communications , stanley farmer / corp / enron @ enron , ellen fowler / enron communications @ enron communications , mark frevert / na / enron @ enron , mark friedman / hou / ect @ ect , sonya m gasdia / hou / ect @ ect , stinson gibner / hou / ect @ ect , george n gilbert / hou / ect @ ect , david glassford / hou / azurix @ azurix , monte l gleason / hou / ect @ ect , ben f glisan / hou / ect @ ect , sheila glover / hou / ect @ ect , eric gonzales / lon / ect @ ect , vladimir gorny / hou / ect @ ect , david gorte / hou / ect @ ect , eve grauer / hou / ees @ ees , paige b grumulaitis / hou / ect @ ect , bill gulyassy / na / enron @ enron , dave gunther / na / enron @ enron , mark e haedicke / hou / ect @ ect , kevin hannon / enron communications @ enron communications , stephen harper / corp / enron @ enron , susan harrison / hou / ect @ ect , john henderson / hou / ees @ ees , brenda f herod / hou / ect @ ect , patrick hickey / enron communications @ enron communications , georgeanne hodges / hou / ect @ ect , sean a holmes / hou / ees @ ees , shirley a hudler / hou / ect @ ect , cindy hudler / hou / ect @ ect , gene humphrey / hou / ect @ ect , steve jernigan / enron _ development @ enron _ development , sheila kahanek / enron communications @ enron communications , vince j kaminski / hou / ect @ ect , steven j kean / na / enron @ enron , shawn kilchrist / na / enron @ enron , faith killen / hou / ect @ ect , jeff kinneman / hou / ect @ ect , joe kishkill / sa / enron @ enron , troy klussmann / hou / ect @ ect , john j lavorato / corp / enron @ enron , david leboe / hou / ect @ ect , sara ledbetter / enron communications @ enron communications , connie lee / enron communications @ enron communications , billy lemmons / corp / enron @ enron , tod a lindholm / na / enron @ enron , mark e lindsey / gpgfin / enron @ enron , phillip d lord / lon / ect @ ect , drew c lynch / lon / ect @ ect , herman manis / corp / enron @ enron , keith marlow / enron _ development @ enron _ development , arvel martin / hou / ect @ ect , michelle mayo / enron _ development @ enron _ development , mike mcconnell / hou / ect @ ect , stephanie mcginnis / hou / ect @ ect , monty mcmahen / enron communications @ enron communications , kellie metcalf / enron communications @ enron communications , trevor mihalik / na / enron @ enron , gayle w muench / hou / ees @ ees , mark s muller / hou / ees @ ees , ted murphy / hou / ect @ ect , nina nguyen / hou / ees @ ees , roger ondreko / hou / ect @ ect , jere c overdyke / hou / ect @ ect , beth perlman / hou / ect @ ect , randy petersen / hou / ect @ ect , mark peterson / hou / ees @ ees , lisa polk / hou / ees @ ees , george w posey / hou / ees @ ees , brent a price / hou / ect @ ect , alan quaintance / corp / enron @ enron , monica reasoner / hou / ect @ ect , andrea v reed / hou / ect @ ect , stuart g rexrode / lon / ect @ ect , ken rice / enron communications @ enron communications , mark ruane / hou / ect @ ect , jenny rub / corp / enron @ enron , mary lynne ruffer / hou / ect @ ect , elaine schield / corp / enron @ enron , steven ( pge ) schneider / enron @ gateway , cassandra schultz / na / enron @ enron , howard selzer / corp / enron @ enron , jeffrey a shankman / hou / ect @ ect , cris sherman / hou / ect @ ect , david shields / enron _ development @ enron _ development , ryan siurek / corp / enron @ enron , jeff skilling / corp / enron @ enron , dave sorenson / enron @ gateway , wade stubblefield / hou / ees @ ees , kevin sweeney / hou / ect @ ect , ken tate / enron communications @ enron communications , gail tholen / hou / ect @ ect , sheri thomas / hou / ect @ ect , carl tricoli / corp / enron @ enron , mark warner / hou / ect @ ect , todd warwick / hou / ect @ ect , greg whalley / hou / ect @ ect , stacey w white / hou / ect @ ect , jimmie williams / hou / ees @ ees , shona wilson / na / enron @ enron , mark p wilson / lon / ect @ ect , steve w young / lon / ect @ ect cc : jennifer stevenson / aa / corp / enron @ enron , jane champion / aa / corp / enron @ enron subject : arthur andersen 21 st annual energy symposium it is with great pleasure that i invite you to arthur andersen ' s 21 st annual energy symposium . this year ' s conference will be held december 7 th and 8 th at the westin galleria hotel in houston . arthur andersen is offering a valuable program with many of the industries top executives speaking on industry wide applications . a few weeks ago some of you may have received information regarding the registration process . however , due to the level of enron ' s attendance , we have arranged to facilitate your group ' s registration . if you would like to register or would like more information about the symposium , please contact sabrina whaley at 853 - 7696 by october 31 , 2000 or forward your completed registration form to her at eb 2355 . a copy of the symposium agenda has been attached for your information . the registration fee is $ 950 per person ; however , in the past we have given enron personnel interested in attending a 50 % discount . we are excited about the upcoming symposium and hope that you will be able to attend .",0 +"Subject: re : risk european energy 2000 steve , no problem . grant will speak in place , but risk may not be aware of it yet . you can just register as my guest . vince steven leppard 03 / 03 / 2000 06 : 03 am to : vince j kaminski / hou / ect @ ect cc : subject : risk european energy 2000 hi vince do you get your regular freebie "" ticket "" for the risk conference in amsterdam ? ( you know what i ' m going to ask next . . . ) it looks like there ' s some interesting stuff , and attending would certainly broaden my horizons . would you kindly consider bringing me along ? cheers , steve",0 +"Subject: re : term project : brian , no problem . vince "" brian corbett nelson "" on 04 / 26 / 2001 08 : 15 : 14 pm please respond to to : cc : subject : re : term project : vince , i finally joined a team that only had two members . it looks like our paper will only be about 13 to 15 pages . we were wondering that since our team is less than half the size of some of the other teams , if you could possible relax the length requirement ? thanks , brian nelson - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , april 11 , 2001 3 : 54 pm to : nelsonb @ rice . edu subject : re : term project : brian , the last class + plus a few days ( depending on when i have to submit the grades ) . vince "" brian corbett nelson "" on 04 / 11 / 2001 03 : 35 : 14 pm please respond to to : cc : subject : re : term project : mr . kaminski , i had an interview last thusday in dallas and could not attend class . did you set a project deadline ? thanks , brian nelson - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , april 11 , 2001 3 : 22 pm to : isranir @ rice . edu ; demianen @ rice . edu ; tbal 93 @ yahoo . com ; maue @ rice . edu ; loughrid @ rice . edu ; jblantonjr @ yahoo . com ; gjohnson @ rice . edu ; emchombo @ rice . edu ; nazareth @ rice . edu ; vanstone @ rice . edu ; ganguzza @ rice . edu ; nelsonb @ rice . edu ; sssmith @ rice . edu ; wheelock @ rice . edu ; westmore @ rice . edu ; gaudette @ rice . edu ; otaylor @ rice . edu ; dikeman @ rice . edu ; jettke @ rice . edu ; litton @ rice . edu ; chilkina @ rice . edu ; helms @ rice . edu ; wankhade @ rice . edu ; monfan @ rice . edu ; kostya @ rice . edu ; pcp @ rice . edu ; yueguo @ rice . edu ; nlwbio @ rice . edu ; zhangn @ rice . edu ; rishad @ rice . edu ; yoshiura @ rice . edu ; howard @ rice . edu ; dayangd @ rice . edu ; wuwei @ rice . edu ; so @ rice . edu ; wooddy @ rice . edu ; lamas @ rice . edu ; tbalestrery @ houston . rr . com ; hingoran @ rice . edu ; planck @ rice . edu cc : vkaminski @ aol . com ; vince . j . kaminski @ enron . com ; jason . sokolov @ enron . com subject : term project : this is the list of projects for the members of the "" quant "" team . if you are working on different project , please , ignore this message . please , develop in a spreadsheet solutions / examples for the following : 1 . black - scholes formula 2 . black ' s formula 3 . develop a spreadsheet to simulate price trajectory using : a . gbm b . gbm + jump ( formula 2 . 16 in the book , figure 2 . 7 ) c . mean reversion + jump ( formula 2 . 17 , figure 2 . 8 ) 4 . schwartz single factor model ( formula 6 . 12 ) 5 . develop models corresponding to the figures 7 . 1 , 7 . 3 , 7 . 5 , 7 . 6 , 7 . 8 vince",0 +"Subject: program mike , here is third version of the program . it gives better results than the previous versions you have . sorry for the delay , these past 2 days i have been busy meeting with people on the new ebs project . i think the result looks reasonably good . you can try it . ( to run , type cow filename . jpg m ) smallcow . jpg : hand count 165 , program reports 140 cow 2 . jpg : hand count 1 , program reports 1 cow 3 . jpg : hand count 273 , program reports 244 cow 4 . jpg : hand count 7 , program reports 7 cow 5 . jpg : hand count 160 - 180 , program reports 165 - chonawee you can show it to the others by yourself or i can go with you . i will have to go to german consulate tomorrow morning and will be in the office around 10 : 30 - 11 am . - chonawee",0 +"Subject: re : gwen koepke anne , thanks for contacting me about this . as a matter of fact , i wanted to talk to you about it today as this matter was outstanding for a long time . i think we should go ahead and adjust gwen to manager , effective march 1 . the compensation would be her current base plus 10 k . this is what we typically do when we promote an associate to a manager . such promotions take place in march and i think gwen should not be penalized for the inefficiency of her management ( i . e . my and maureen ' s procrastination ) . on unrelated and more serious matter . gary hickerson is the primary client for maureen ' s services . he communicated to me a few weeks ago that he is unwilling to underwrite maureen ' s position ( he is in general unhappy with her contribution ) . this means that maureen will have to find another sponsor or leave enron . given her abrasive and aggressive personality finding another internal customer will be quite a challenge . gary volunteered to pay a very generous severance to maureen from his budget . i would like to talk to you about it when you have a few minutes . vince from : anne labbe / enron @ enronxgate on 05 / 02 / 2001 10 : 34 am to : vince j kaminski / hou / ect @ ect cc : subject : gwen koepke vince , just wanted to touch base with you . i have tried to contact maureen so that gwen ' s title and salary can be adjusted to manager just as you requested , but have not heard any response from her . would you like for me to wait until i hear from maureen or should i go ahead and proceed in changing her title ? i just want to make sure that gwen is in the right peer group during prc . also , i am going to try and set up a meeting with you next week through shirley to discuss any buring issues that you are experiencing , and your expectations during prc . thanks , anne",0 +"Subject: re : hello from vince kaminski at enron shmuel , thanks for the invitation to speak on october 23 rd . would you like me to split my presentation and devote some time to the enron analyst / associate program ? i plan to make presentation on energy derivatives markets ( development of the markets in the us and europe , valuation challenges , enron ' s role in developing the forward markets for natural gas and electricity ) . i shall send you the bullet points in a few days . vince "" shmuel oren "" on 09 / 18 / 2000 09 : 51 : 29 pm to : cc : subject : re : hello from vince kaminski at enron vince please send me a title for the talk with your job title etc . and an abstract for your talk . you will have about an hour . shmuel s . oren , professor dept . of industrial engineering and operations research 4117 etcheverry hall university of california berkeley , ca 94720 - 1777 e - mail : oren @ ieor . berkeley . edu phone : ( 510 ) 642 - 1836 or 5484 fax : ( 510 ) 642 - 1403 - - - - - original message - - - - - from : to : cc : sent : friday , september 15 , 2000 6 : 04 pm subject : re : hello from vince kaminski at enron > > shmuel , > > sorry for not getting back to you earlier . > if the 23 rd of october is still open , i can make the presentation on this > day . > > vince > > > > > > > "" shmuel oren "" on 08 / 30 / 2000 08 : 18 : 15 am > > to : > cc : > subject : re : hello from vince kaminski at enron > > > originally you mentioned october 23 so i reserved that week which is still > open . > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > shmuel s . oren , professor > dept . of industrial engineering > and operations research > 4117 etcheverry hall > university of california > berkeley , ca 94720 - 1777 > e - mail : oren @ ieor . berkeley . edu > phone : ( 510 ) 642 - 1836 or 5484 > fax : ( 510 ) 642 - 1403 > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > - - - - - original message - - - - - > from : > to : > cc : ; ; > > sent : wednesday , august 30 , 2000 9 : 03 am > subject : re : hello from vince kaminski at enron > > > > > > shmuel , > > > > let ' s see if we can either rearrange the seminar speakers > > or change the date of our visit to the campus . ashley baxter , our > > coordinator is very efficient and > > got a faculty room for a presentation on monday morning on the 16 th . > > > > vince > > > > > > > > > > > > > > "" shmuel oren "" on 08 / 29 / 2000 05 : 37 : 33 pm > > > > to : > > cc : > > subject : re : hello from vince kaminski at enron > > > > > > dear vince . i spoke too soon . apparently the seminar slot on the 16 was > > already filled . i will see if i can switch the speaker for that week to > the > > following week . in any case we are on for dinner on the 16 . > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > shmuel s . oren , professor > > dept . of industrial engineering > > and operations research > > 4117 etcheverry hall > > university of california > > berkeley , ca 94720 - 1777 > > e - mail : oren @ ieor . berkeley . edu > > phone : ( 510 ) 642 - 1836 or 5484 > > fax : ( 510 ) 642 - 1403 > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > - - - - - original message - - - - - > > from : > > to : > > cc : ; > > sent : tuesday , august 29 , 2000 5 : 01 pm > > subject : re : hello from vince kaminski at enron > > > > > > > > > > shmuel , > > > > > > the date of our trip to berkeley has been set . it will be october 16 th > > and > > > 17 th > > > ( monday and tuesday ) . > > > > > > i shall be glad to make a presentation on energy derivatives markets > > > ( development of the markets in the us and europe , valuation > difficulties , > > > enron ' s role > > > in developing the forward markets for natural gas and electricity ) . > > > > > > please , let me know if this topic would be of interest to you . if this > is > > > the > > > case , i shall follow with a title and an abstract . > > > > > > by the way , are you free for dinner on monday ? > > > > > > vince > > > > > > > > > > > > > > > > > > > > > "" shmuel oren "" on 08 / 24 / 2000 08 : 59 : 38 am > > > > > > to : "" vince j kaminski "" > > > cc : > > > subject : re : hello from vince kaminski at enron > > > > > > > > > great . our seminars are 3 : 30 to 5 pm . if it works for you please send me > a > > > title and abstract . > > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > shmuel s . oren , professor > > > dept . of industrial engineering > > > and operations research > > > 4117 etcheverry hall > > > university of california > > > berkeley , ca 94720 - 1777 > > > e - mail : oren @ ieor . berkeley . edu > > > phone : ( 510 ) 642 - 1836 or 5484 > > > fax : ( 510 ) 642 - 1403 > > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > > > - - - - - original message - - - - - > > > from : "" vince j kaminski "" > > > to : "" shmuel oren "" > > > cc : "" vince j kaminski "" ; "" ashley baxter "" > > > > > > sent : thursday , august 24 , 2000 9 : 58 am > > > subject : re : hello from vince kaminski at enron > > > > > > > > > > > > > > > > > > shmuel , > > > > > > > > thanks for the message . i am working with our recruiter , ashley > baxter , > > > > to finalize the date of the trip . i shall shoot for october the 23 rd > > > > if this date works for the rest of our team . > > > > > > > > vince > > > > > > > > > > > > > > > > > > > > > > > > > > > > "" shmuel oren "" on 08 / 23 / 2000 11 : 46 : 19 am > > > > > > > > to : vince j kaminski / hou / ect @ ect > > > > cc : > > > > subject : re : hello from vince kaminski at enron > > > > > > > > > > > > > > > > dear vince . > > > > i sent you a reply earlier this month but i haven ' t heard from you > > about > > > the > > > > date of your visit . our department has a seminar every monday . if you > > can > > > > schedule your visit on a monday i would like to invite you to give a > > > seminar > > > > which will be attended by many of our graduate students and faculty > and > > > will > > > > give you an opportunity to tell them about your program . with > > sufficient > > > > lead - time i can advertise the seminar in the hass school to their > > > financial > > > > engineering students . > > > > shmuel . > > > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > shmuel s . oren , professor > > > > dept . of industrial engineering > > > > and operations research > > > > 4117 etcheverry hall > > > > university of california > > > > berkeley , ca 94720 - 1777 > > > > e - mail : oren @ ieor . berkeley . edu > > > > phone : ( 510 ) 642 - 1836 or 5484 > > > > fax : ( 510 ) 642 - 1403 > > > > / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / / > > > > > > > > - - - - - original message - - - - - > > > > from : > > > > to : ; ; > > > > > > > > sent : tuesday , august 08 , 2000 10 : 59 am > > > > subject : hello from vince kaminski at enron > > > > > > > > > > > > > shmuel , > > > > > > > > > > i hope you remember me . i visited you together with aram > sogomonian , > > a > > > > > good friend of mine , a few years ago . i am currently responsible , > > among > > > > > other things , for recruiting graduates with finance and / or > technical > > > > > backgrounds at the university of berkeley . i would be glad to give > > you > > > a > > > > > call and talk more about the details of our program . my colleague , > > > > > ashleybaxter , from the analyst / associate program at enron would > join > > me > > > > > as well . > > > > > > > > > > i am sending you a copy of the brochure about the analyst / > associate > > > > > program . > > > > > > > > > > vince kaminski > > > > > > > > > > > > > > > vincent kaminski > > > > > managing director - research > > > > > enron corp . > > > > > 1400 smith street > > > > > room ebl 962 > > > > > houston , tx 77002 - 7361 > > > > > > > > > > phone : ( 713 ) 853 3848 > > > > > fax : ( 713 ) 646 2503 > > > > > e - mail : vkamins @ enron . com > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > > >",0 +"Subject: stanford summer associate and full - time associate recruiting greg : just an update on the stanford summer associate and full - time associate recruiting efforts : we have pre - selected 19 summer associate candidates and 7 full - time associate candidates . the schedule of interviewers for round 1 and round 2 is listed below . i was able to get elliot mainzer and steve swain on the round 1 interview schedule . they were tim belden ' s picks for interviewers from his group . i have left a message for chris calger to see if he might be available for round 2 interviews and am waiting to hear back from him . listed below are logistics . let me know if you are available for friday interviews . regards , celeste roberts wednesday , march 14 , 7 : 00 p . m . to 9 : 00 p . m . dinner with students selected to interview il fornaio , the sala del canaletto room 520 cowper street , palo alto ( 650 ) 853 - 3888 attire : business casual enron attendees : vince kaminski - md brad alford - vp matt harris - vp brad romine - mgr theresa riedman - mgr steve swain - mgr elliot mainzer - mgr martin lin - mgr mauricio mora - associate celeste roberts - director althea gordon - recruiter thursday , march 15 , 8 : 30 a . m . to 4 : 45 p . m . round 1 interviews for both summer and full time associates stanford gsb career services center interviewers : theresa riedman brad romine brad alford martin lin elliot mainzer steve swain mauricio mora - greeter / alternate interviewer thursday , march 15 , 12 : 15 p . m . to 1 : 30 p . m . lunch with dean george parker ( associate dean of academics ) and sherrie taguchi ( director of career services ) . stanford gsb career services center we will be ordering lunch in . friday , march 16 , 8 : 00 a . m . to 12 : 00 p . m . * round 2 interviews for both summer and full time associates stanford gsb career services center interviewers : vince kaminski matthew harris * please note that this is an approximate time that will be based on the number of candidates who successfully pass round 1 interviews on thursday . your hotel information is as follows : stanford park hotel 100 el camino real menlo park ( 650 ) 322 - 1234 upon confirmation of your participation you will receive your hotel confirmation number . in the event that you have not received your hotel confirmation number please contact cathy lira , at x 54049 .",0 +"Subject: celebration i am so excited for my boss , mike robert ' s . i was wondering : can we do something special for him celebrating his promotion ? kevin moore",0 +"Subject: re : carnegie mellon recruiting good afternoon . i have forwarded your email to kristin gandy . she is heading up our cmu recruiting effort . some contact info : ( 713 ) 345 3214 , kristin . gandy @ enron . com we are very interested in the comp . fin . students , and would tentatively like to interview them in december , probably the week of the 11 th , and around the same time that we come to interview the mba ' s . i ' m uncertain as to the proper path forward . could you provide some details ? regards , kevin kindall sallygould on 11 / 16 / 2000 03 : 38 : 44 pm to : kevin . kindall @ enron . com cc : subject : carnegie mellon recruiting kevin , jean eisel asked that i connect with you about recruiting comp . finance students . please contact me with questions you might have about the recruiting process or if you have some dates in mind for coming to campus . i look forward to hearing from you . regards , sally gould recruiting coordinator gsia - carnegie mellon university 412 - 268 - 1311 412 - 268 - 4146 ( fx )",0 +"Subject: re : request for suggestions : vince ' s visit to sydney in july dear vince , after getting our heads together here , we would much apprecaite if you could share the research group ' s latest on - - - - var ie "" . . . repeat my workshop presentation on value - at - risk . . . "" as well as cover additional topics viz . - discuss , with application , enrons internal v @ r model , and how this is used internally . - discuss volatility modelling , and whether it is possible to maintain and trade a term structure of volatility in electricity - modelling forward curves with reference to associated markets ( eg oil ) . can we gain some insights through spreads to related market curves ( spark ) . i assume your hotel is booked already . catching the taxi is the best way to get to your hotel . since you are arriving on the weekend , if you need to contact me - my mobile is 0417 - 692295 , home tel / fax is 9232 - 8892 rgds raymond - - - - - - - - - - - - - - - - - - - - - - forwarded by raymond yeow / enron _ development on 07 / 07 / 2000 04 : 45 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 07 / 06 / 2000 09 : 20 am to : paul quilkey / enron _ development @ enron _ development cc : raymond yeow / enron _ development @ enron _ development , vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : your visit to sydney in july paul , raymond , thanks for your message . sorry i did not get in touch with you earlier . the last few weeks were very hectic . i am starting right now my preparations for the presentation i am going to give at the conference . here are the details of my itinerary ( i shall send you a copy tomorrow ) . i arrive sunday morning and leave saturday morning . the conference takes place on monday and tuesday . on wednesday , i am making a presentation at the workshop on value - at - risk . i would like to stay at the conference for the duration : it ' s a great learning opportunity for me . on thursday and friday , as well as in the evenings ( except for the evening of july 18 ) , i am at you disposal . i would like to take advantage of this trip and learn as much as i can about the australian markets and discuss with you the research agenda . i shall be glad to make several presentation . i can repeat my workshop presentation on value - at - risk as well as cover additional topics . vince paul quilkey @ enron _ development 07 / 04 / 2000 05 : 23 am to : vince j kaminski @ ect cc : subject : your visit to sydney in july vince i support raymond ' s email and would welcome the opportunity to have you give a presentation ( formal or informal ) to the trading group on latest research initiatives in houston . please let us know your schedule so that we do not overly burden you during your visit . look forward to seeing you and catching up over a beer . thnx paul - - - - - - - - - - - - - - - - - - - - - - forwarded by paul quilkey / enron _ development on 07 / 05 / 2000 08 : 23 am - - - - - - - - - - - - - - - - - - - - - - - - - - - raymond yeow 07 / 04 / 2000 08 : 21 pm to : vince j kaminski @ ect cc : paul quilkey / enron _ development , kirsty hogarth / enron _ development , elliott katz / enron _ development , david gray / enron _ development subject : your visit to sydney in july dear vince , hi ! , it ' s only two weeks until the aust energy risk ( 17 - 19 july ) seminar in sydney . is risk organising your hotel ? otherwise , kirsty can organise for you , eg harbour view at the regent or convenience to the seminar location at the sheraton ? we would like to make sure that you have all the necessary "" comforts "" of home when you are with us , elliott & david can set up a desk for you in the office / trading room with phone etc so you can use one of our pc to access email or plug in your laptop . please let elliott or david kmow your requirements . how long will you be with us ? is this your first trip to sydney ? there are several of us in the office who would like to take you for a meal ( s ) / show you the sights etc and discuss the latest research findings with you whilst you are in sydney eg var . hear from you soon . raymond 725 pm 4 july",0 +"Subject: recruiting i received this email some time ago , and may not have forward it to you . i apologize for any oversight on my part . i ' ll also forward the email that i sent as a response . this , coupled with the information from sally gould , should get the comp . fin . interview process started . - kevin k . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin kindall / corp / enron on 11 / 20 / 2000 04 : 44 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - jean eisel on 11 / 06 / 2000 03 : 34 : 05 pm to : kevin . kindall @ enron . com cc : sgould @ andrew . cmu . edu subject : re : recruiting hi kevin wow you sure do pack one e - mail . i will try to answer questions . . . after each of you . . . look in the email for answers . - - on monday , november 06 , 2000 , 2 : 39 pm - 0600 kevin . kindall @ enron . com wrote : > hello . it was a pleasure to come back to cmu , and i enjoyed > interacting with the students . vince k . has expressed interest in > interviewing the computational finance students . enron will conduct first > round interviews with the mba students in december , and would like to set > up seperate interviews for the comp . fin . students . enron would like to > interview all the pittsburgh based comp . fin students , and we need to > select a date and a time . we are excited that you want to interview the comp finance students . do you want to do it in dec . or before ? let me know what best suits you . since there are only 16 individuals in the pittsburgh area . . . we should be able to accomodate you . . . would you want one or two schedules . . ? what is the formal protocol in such matters ? > all you need to do is let me know some ideal dates . . . and you send a job description and names of the students you want to interview . we will try to be as accomodating as possible . > enron is also interested in the ecommerce students as we have > ecommerce initiatives underway . it is my understanding that kristen > gandy will be the contact for such activities . if you can send me an e - mail address for kristen , i can get this strating asap . > > regarding a houston based satellite program , vince needs a proposal > in writing . would you be so kind as to send one ? what program is vince interested in having a satellite program ? when he was here he seemed less intererted in comp finance and more interested in e - commerce . i sent a note to michael shamos and tridas discussing this . let me know which program and i will see if we can work anything out ? > thanks so much , and i look forward to seeing you again in a few > weeks . > thanks kevin for you speedy response . > > > > jean e . eisel , ph . d . associate dean , admissions , coc and alumni relations gsia carnegie mellon university pittsburgh , pa 15213 412 - 268 - 2277 412 - 268 - 4146 ( fax ) currently in the news : carnegie mellon university mba program ranked 14 th in business week ' s list of the best graduate schools of business in the united states . ",0 +"Subject: re : the newvatrfacs program and testing data jin & winston , i will look at the results of 2 runs , but i will not look at the code unless it is in our version control system sccs . please , put all your version under this system , as we used to do , and as we discussed with you . thank you , tanya from : jin yu 10 / 24 / 2000 12 : 31 am to : tanya tamarchenko / hou / ect @ ect cc : wenyao jia / hou / ect @ ect subject : the newvatrfacs program and testing data hi , tanya : two versions of the newvatrfacs program : with ( v 2 ) and without ( vl ) weight are listed in the location : / rms / prod / bin / tmp / vl and / rms / prod / bin / tmp / v 2 along with testing result for the effdate = ' 20 - oct - 2000 ' . the testing results of the factors for a given ng - cluster ( a constant list : clust . dat ) are listed in / rms / prod / bin / tmp . ( the files with name like s * are the results of a test run without "" weight "" , while the files with name like t * are the results of a test run with "" weight "" ) . all source codes are listed there , including the makefile and the excuteables . should you find any problem with the program , please let me know . jin",0 +"Subject: re : my first draft quentin , i forwarded your resume to our sydney office with a request to invite you for an introductory interview . i would also like to arrange a phone interview with you sometimes next week . my assistant will call you regarding the timing . vince",0 +"Subject: thank you bill / mitch / vince , i just wanted to personally thank you all for joining us today for lunch . we have much to look forward to at baylor and with the dedication i ' ve already witnessed , it looks like we are headed in the right direction . thank you again for your support shelly jones associate & analyst program",0 +"Subject: managing director and vice president elections the managing director prc committee met this week to elect individuals to managing director and vice president positions . these employees are recognized as outstanding contributors to the organization , whose individual efforts have been instrumental in the continued success and growth of the company . we are pleased to announce the election of the following new managing directors and vice presidents . please join us in congratulating these individuals on their new appointments . managing director  ) commercial phillip k . allen , ena ( ews ) west gas trading - houston franklin r . bay , ebs entertainment on demand - houston timothy n . belden , ena ( ews )  ) west power trading - portland michael r . brown , eel  ) executive - london christopher f . calger , ena ( ews ) west power origination - portland joseph m . deffner , ena ( ews ) treasury & funding - houston timothy j . detmering , ena ( ews ) corporate development - houston william d . duran , ena ( ews ) generation investments - houston robert s . gahn , ees commodity structuring - houston kevin c . garland , ebs broadband ventures - houston ben f . glisan , jr . , corporate  ) global equity markets - houston robert e . hayes , ets comm marketing - houston phillip r . milnthorp , ena ( ews ) canada origination & trading - calgary managing director  ) commercial support sally w . beck , enw ( ews ) energy operations management - houston fernley dyson , eel finance & support services - london vice president  ) commercial gregory adams , ees mmc management - houston robert bayley , eel - uk origination  ) london jack d . boatman , ets market development  ) houston rhenn cherry , ees assets / labor  ) houston niamh clarke , egm ( ews ) liquids trading  ) london peter crilly , eel - uk origination  ) london derek j . davies , ena ( ews ) canada origination  ) calgary mark d . davis , jr . , ena ( ews ) east power trading  ) houston charles delacey , corporate finance  ) houston paul devries , ena ( ews ) canada origination  ) toronto christopher h . foster , ena ( ews ) west power trading  ) portland jeffrey f . golden , ees corporate development  ) houston michael d . grigsby , ena west gas trading group - houston troy a . henry , ees bundled sales - heavy industrial  ) houston rogers herndon , ena ( ews ) east power trading  ) houston james w . lewis , ees underwriting  ) houston christopher mahoney , egm ( ews ) liquids trading  ) london andrew marsden , ebs broadband ventures  ) london john mcclain , ebs broadband wholesale origination  ) houston kevin j . mcgowan , egm ( ews ) american coal  ) houston albert e . mcmichael , jr . , ena ( ews ) gas commodity structuring  ) houston ermes i . melinchon , central america origination  ) houston steven r . meyers , ees consumption  ) houston lloyd d . miller , ena ( ews ) portfolio management  ) houston michael a . miller , wind development / execution - general administration  ) houston marcello romano , ebs eel - broadband trading  ) london david a . samuels , enw ( ews ) enrononline - houston per a . sekse , egm ( ews ) global risk markets  ) new york edward s . smida , ebs video on demand  ) houston mark tawney , egm ( ews ) weather trading  ) houston jon thomsen , ebs business development  ) latin america / canada  ) portland barry l . tycholiz , ena ( ews ) west gas origination - houston frank w . vickers , ena ( ews ) east gas origination  ) houston amit walia , corporate , corporate development  ) houston william white , ebs global bandwidth risk mgmt  ) houston jonathan whitehead , eel ea trading  ) japan mark whitt , ena ( ews ) west gas origination  ) denver john a . zufferli , ena ( ews ) canada power trading - calgary vice president  ) commercial support beth apollo , eel financial operations executive  ) london marla barnard , ebs human resources  ) houston karen l . denne , corporate , public relations  ) houston georganne m . hodges , ena ( ews ) trading , origination & power plant accounting  ) houston phillip lord , eel transaction support  ) london peggy mahoney , ees marketing  ) communication  ) houston steven montovano , corporate , government & regulatory affairs  ) dublin laura scott , ena ( ews ) canada accounting  ) calgary richard c . sherman , ena ( ews ) transaction support  ) houston gregory w . stubblefield , ees financial planning & reporting  ) houston dennis d . vegas , calme international public relations  ) houston vice president  ) specialized technical sami arap sobrinho , esa ( ews ) legal  ) houston merat bagha , ebs sales engineering  ) houston justin boyd , eel legal  ) london mary nell browning , ebs legal  ) london jonathan chapman , eel legal  ) london robert d . eickenroht , corporate , legal  ) houston mark evans , eel legal  ) london david forster , enw ( ews ) enrononline  ) houston janine juggins , eel tax  ) london peter c . keohane , ena ( ews ) canada legal  ) calgary pinnamaneni v . krishnarao , ena ( ews ) research group  ) houston travis c . mccullough , ena ( ews ) finance origination , mergers / acquisitions  ) houston michael popkin , esa ( ews ) sa - risk management / network integration  ) houston elizabeth a . sager , ena ( ews ) physical trading  ) houston richard b . sanders , ena ( ews ) litigation  ) houston john w . schwartzenburg , eecc legal  ) houston michael d . smith , ees legal  ) houston marcus vonbock und polach , eel legal  ) london jay c . webb , enw ( ews ) enrononline systems  ) houston vice president  ) technical donald r . hawkins , ets quality management  ) houston john r . keller , ets engineering & construction  ) houston",0 +"Subject: re : blood bank vince , i must apologize . i have not had time to look over the proposal in any detail . when i first spoke with your friend , it was apparent that he was still pre - business plan stage . he has since sent me some ideas and information . i think the concept has merit , but there are so many political issues that i am concerned about the ultimate business viability . give me the weekend to look over the information . thanks , mark - - - - - original message - - - - - from : kaminski , vince sent : friday , february 16 , 2001 10 : 00 am to : mark lay / hou / ect @ enron subject : blood bank mark , any further thoughts on the blood bank concept ? please , let me know if i can be helpful ? vince",0 +"Subject: erisk interview vince : you may inteersted in the following interview which appeared on erisk . com last friday . were rick buy ' s comments about real options taken out of context ? yann bonduelle leads a 25 - person team for in london that applies decision analytics and real options theory to dilemmas ranging from valuing a biotechnology product to deciding whether to kill off an internet financial services business . here he talks to rob jameson about whether this "" theoretical "" approach to risky decision - making really helps businesses in their day - to - day balancing of risk and reward . yann holds a ph . d degree from the engineering - economic systems department at stanford university , where he studied how to apply engineering decision and design analysis to wider economic , social and business issues . he then worked as a consultant applying his decision analysis methodologies to problems that included consumer decision making about innovative products such as electrical vehicles , before joining the team in 1998 where he is now a partner . he has written widely on the application of real options , particularly in fields of life sciences , technology , and e - business , and has a special interest in the relationship between risk assessment , validation of risk data and financial valuation . how would you sum up your approach to business decision analytics ? most of our projects are set up to help businesses that face massive uncertainties of some kind . decision analysis helps people explore problems , and redesign their decision - making process to increase the chance of them making the right choices . for example , imagine a biotechnology company that has to decide whether to put itself up for sale , enter a strategic relationship , or continue to go it alone . each of those options will lead on to other value - enhancing or value - destroying scenarios . we work with the client firstly to understand and challenge the assumptions associated with their most likely business development scenarios , and secondly to help them identify decisions that would help protect or increase the value of their technology or company . quantifying technical , regulatory or commercial risks can sometimes be a challenge . in technology - intensive fields , however , we have found that managers ( often scientists ) are quite willing to describe the main sources of risk and to assess the probability that a risky event may or may not occur . how does this kind of risky decision - making relate to real options valuation ? you can ' t say what the value of an asset is until you decide what you might use it for . this means that , to form an opinion about the value of an asset , you must explore the most important decisions that you are likely to face and that will have a significant impact on the value of the asset . so decision analysis helps to define the business problem and to uncover a stream of inter - related choices that are , in effect , "" real options "" . for example , if a company is trying to decide whether to invest in a risky project , does it have the option to pull the plug on the investment at an early stage if a pilot project gives a poor showing ? that "" real "" option reduces the riskiness , and increases the potential value , of the original business plan . so real options and decision analysis are really very close to one another . but you don ' t have to believe in real options valuations to find decision analysis useful . what do you mean ? often decision analysis can help managers to identify the key risks in a strategic decision , attach weights to these , and show clearly how they interact . for many companies this "" risk discovery "" is the most valuable part of the exercise . real options theory has been criticised recently for being , well , not very realistic . is it a practical approach to valuation ? it ' s important not to hold out unrealistic hopes for the real options approach to valuation . but it ' s an exciting methodology , and it ' s also sometimes the only reasonable way of tackling a very practical problem . for example , when a firm sells an asset , the firm might have to make an independent valuation of the asset for legal or corporate governance reasons . but in many businesses today there are assets that simply cannot be valued in traditional ways because they are difficult to link to cashflows . the cashflows might not exist because the business is so novel , or they might be hidden . in some respects , a real options analysis is much closer to reality than a traditional valuation . how , exactly ? the classic way of valuing a future business is to base the calculation on a single discounted cashflow that is projected from the activity . but this doesn ' t really take account of the way that scenarios can change , or the fact that managers can react to situations as they unfold . i mentioned earlier the option to kill a project or business at an early point . but the upside is that if a pilot project yields exciting results , it might allow you to invest more quickly and reach a revenue - generating position in a much shorter time than the original business plan allows . so to value a future business we really need to look at the cashflows that might arise in a number of scenarios . this is "" realistic "" in that , if the project gets the green light , you can bet that its managers will be taking that kind of decision on the ground all of the time . what ' s the most challenging part of mapping out a decision analysis tree ? modelling the links between the variables in the decision tree - - it ' s something we have particular strengths in . but it ' s also tricky to know when it ' s worthwhile to add on more detail , and when it ' s better to draw back . in a recent erisk interview , rick buy , chief risk officer of enron , said that over the two years that enron had experimented with the real options concept , it had found it of "" limited , but not zero , use "" . why is there a slight air of cynicism about real options in some businesses today ? it ' s strange that enron would profess this attitude . a few years ago , it was widely reported to have used real option valuation to support a very profitable purchase decision . they had apparently bought cheaply some older generators in the us that generated electricity at a very high cost . they knew that they could mothball them for most of the year , and switch them on only when the electricity prices were sufficiently high . nevertheless , from a customer ' s point of view , there might have been too much hype about the methodology . one problem in the application of real options technology is that there are , perhaps , too many people trying to tweak reality to conform to their "" perfect "" model . it ' s better to aim for something pragmatic that clearly improves decisions over time . in one pharmaceutical company we worked with recently , we worked together to improve their valuation analyses by moving from a single discounted cash - flow methodology to one that took into account a rather small set of business scenarios . it would have shocked some academics and consultants , but it was an undeniable improvement on the original approach . why do you think financial institutions are only just picking up on your field , when it ' s been applied in the energy industry for 15 years or more ? it might have something to do with the relative stability of the banking world until recently , and the relatively high margins that banking lines have enjoyed . also , industries such as energy and pharmaceuticals tend to have more people with an engineering and science background . the dynamic modelling of decisions is based on methodologies originally dreamed up to help engineers design electrical and electronic systems . this approach is quite distinct from the black - scholes options analyses that the banking world is familiar with : the black - scholes approach is difficult to apply in a real options context , because everything depends on the assumptions that you put into the black - scholes model . the real options approach , on the other hand , is in a sense a way of modelling those assumptions more explicitly . but banks are now adopting some of the thinking , particularly in terms of using decision analysis to pinpoint risks and identify value - enhancing decisions , and in using real options methodologies to sort the wheat from the chaff in their more speculative investments . you mean their internet investments ? we have recently worked with a major dutch bank that had arrived late in the internet game , and then made a considerable number of investments . now that even b 2 b business models have questions marks hanging over them , and many b 2 c businesses are already under water , they wanted to work out which investments might contain real value . in this situation , it ' s a case of ranking priorities and helping the bank make sense of what could turn into a decision - making chaos , rather than sophisticated valuation . it ' s not just a case of whether an internet investment should be killed off , but the problem of whether continued funding for it should take priority over budget demands for major it upgrades in existing businesses , and so on . these are very practical questions and they have to be answered somehow . are there other areas in financial institutions that seem accessible to this approach ? yes , for example , we think it can help work out the value associated with various approaches to marketing a new bank business line . at the moment , many banks are chasing high - net - worth individuals , but it ' s not always clear which kind of individual a particular bank should decide to pursue . the bank might have a regional or industry advantage already in one particular area , for example , music business people . but what is the churn rate associated with this kind of customer ? what is the profitability associated with the customer segment ? will the time and cost benefits of the advantages the bank has in the sector outweigh any disadvantages ? weighing up this kind of complex problem , where one thing leads to and depends on another , is what decision and real options analysis is good at . is there any way of rigorously backtesting or validating real options valuations ? in all honesty , not really . the problem is that by the time the option is exercised , many of the variables surrounding it will have changed , so it ' s difficult to compare our original analysis with how things turn out . however , the value of the analysis comes not only from the final number ( "" the value of this asset is x "" ) but also from providing a thorough process , an outsider ' s point of view , an understanding of the sources of value and , in short , a bit of clearer thinking . if real options are so important , why are they so rarely cited in communications to shareholders and equity analysts ? the battle is still to convince companies to use real option valuations as a significant part of their internal analysis . even in major companies in the oil & gas , and pharmaceutical sectors , where the ideas have taken some root internally , there seems to be a lot of reluctance to use them in external communication . we are working with analysts to understand better what they need to if we are to move things on to the next step . how does the riskiness of a business , in terms of the major strategic dilemmas it faces , relate to its share value , and its capital structure ? that ' s a big question . it ' s related to work my colleagues do on the optimal debt - to - equity capital structure and gearing of a corporation , which in turn arises out of the likely revenue and cost volatilities of the business . the more volatile the business , the less gearing it can sustain , and the higher the cost of capital . our work touches on this in the sense that exercising ( many ) specific real options can allow a firm to change its nature , and thus also its risk profile . one classic example is the pharmaceutical industry . a host of different kinds of companies service that industry from "" big pharma "" companies through to smaller biotechnology startups and run - of - the - mill contract research organisations . a contract research organisation is often operating within a very competitive environment with relatively few risks - - it does not invest in drug development itself - - but also very thin margins . but in fact , a few of these companies have used the skills and knowledge they have developed to become much more substantial and profitable healthcare companies of various kinds . it ' s an example of a company exercising the real options that lie within its skills and assets to transform its own identity . rob jameson , erisk",0 +"Subject: more dalton baby info final update . . . . . i went to see dorothy , tim and the new baby on sunday . he is absolutely beautiful and dorothy and tim couldn ' t be prouder parents . his name is . . . . . drake andrew dalton and that name suits him just fine ! thanks .",0 +"Subject: re : boss ' s day kevin , no problem , a very good idea . please , submit expenses to em for signature . vince kevin g moore 10 / 10 / 2000 09 : 10 am to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , jose marquez / corp / enron @ enron cc : subject : boss ' s day well vince , the group has responded and ready for action . vince , we would like to take mike to happy hour for boss ' s day on the 16 th of oct . so if it is okay with you may we do so ? i am aware that you will be out on this particular day however , i would also like to ask anyone in the research group to please join us as we celebrate with mike . fyi : nothing fancy just a few drinks , laugher and conversation . thanks kevin moore p . s . please inform . . . . . . . . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 10 / 10 / 2000 09 : 51 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 10 / 09 / 2000 02 : 35 pm to : jose marquez / corp / enron @ enron , william smith / corp / enron @ enron , elena chilkina / corp / enron @ enron , v charles weldon / hou / ect @ ect , joseph hrgovcic / hou / ect @ ect cc : subject : boss ' s day hey everyone , i know you may not be aware that boss ' s day oct . 16 , 2000 we will celebrate as a group in the staff meeting on oct . 19 th , with the big boss vince kaminski and all the others , however , if you would like to do something special for our boss , please inform me whereby i can make arrangements . thanks kevin moore",0 +"Subject: entouch newsletter business highlights ena principal investments : three transactions to date in lq 2001 : $ 2 . 5 million investment in series c convertible preferred stock of silicon power corporation ( "" spc "" ) , a leading designer , developer and manufacturer of a wide range of power semiconductor devices and systems . spc operates through three divisions : the power components division manufactures large area semiconductors up to 125 mm which are used in high - power diodes , thyristors , gto thyristors and custom high pulse power rated devices . these components are sold directly to oem ' s in the heavy industrial , electric utility , transportation , military and medical industries . the industrial power division specializes in systems level products providing utility and power quality protection . the commercial power division designs and manufactures semiconductors made by a planar process used to make discrete power semiconductor devices and associates subsystems . more information can be obtained from kevin kuykendall ( 33995 ) , jennifer adams ( 33919 ) or from the company ' s web page at : www . siliconpower . com $ 2 . 25 million convertible bridge loan to solo energy corporation , an existing ena principal investments portfolio company . the funds are part of a $ 7 . 0 million bridge facility needed to fund overhead while negotiations continue regarding a potential acquisition opportunity . in addition to the conversion feature , ena principal investments also received warrants to purchase 2 . 75 million additional shares in solo energy . the company is developing a 100 kw microturbine , which utilizes a proprietary catalytic combustion process and turbines , sourced from the automotive and marine sectors . placement of 50 beta units is planned at test sites selected by scana ( a co - investor in solo energy ) in the 2 q and 3 q , 2001 . once the acquisition is completed , the company plans to complete an additional $ 30 to $ 50 million funding round . more information can be obtained from charlie vetters ( 39435 ) , kyle kettler ( 30423 ) or from the company ' s web page : www . soloenergy . com $ 5 . 0 million series d convertible preferred stock of encorp , inc . , an existing ena principal investments portfolio company . the funds are part of a total of $ 38 million raised in the series d round that should provide funding for the company through mid - 2002 . encorp is among the worlds leading providers of products , services and solutions addressing the growing demand for clean , reliable on - site power systems . the company  , s power technology products include grid - interconnection switchgear and energy - automation software . encorp  , s products , in combination with the company  , s engineering - services team , create dependable , on - site power solutions that can reduce the overall cost of energy for commercial and industrial customers operating in the digital economy . more information can be obtained from charlie vetters ( 39435 ) , kyle kettler ( 30423 ) or from the company ' s web page : www . encorp . com enron credit feeling exposed ? if you are looking for ways to trade some credit exposure out of your portfolio , visit enrononlinetm . enron credit now offers 3 - year and 5 - year credit default swaps for a number of companies every day on the system . industrial markets enron industrial markets has established its key goals and objectives for 2001 for the forest products and steel groups : _ firmly establish eim as a significant physical merchant by moving 3 million tons of product in each of the forest products and steel industries . _ expand international business by generating at least $ 10 million of gross margin . _ create a vehicle to gain access to 500 , 000 tons / year of market pulp . in addition , both forest products and steel are focused on creating greater physical and financial liquidity in each of their respective industries , as well as developing world class logistics and operations capabilities . eim organizational announcement forest products group the following changes are being implemented in the commercial organization in order to better focus on the group  , s mission : to be the premier market maker in physical products and financial risk management products in the forest products sector . rodney malcolm will assume responsibility for the new sales and marketing group . rob saltiel will create a new forests products origination group . bob crane will continue to be responsible for trading and risk management in all forest products markets . andy keleman will take the leadership of the transaction development group . in the news "" energy and trading giant enron corp . ( nyse : ene - news ) wants a piece of madison avenue . the houston - based company ' s latest venture is enron media services , a seven - month old outfit that aims to bring enron ' s expertise in trading natural gas and electricity to buyers and sellers of advertising space . in the process , enron wants to tap into a $ 500 billion - a - year global advertising arena . ` ` what we ' ve identified is that this business is very analogous to what we do in gas and power , ' ' enron media services vice president edward ondarza . "" - - - reuters , march 14 , 2001 welcome new hires egm - sherman franzen eim - jennifer vanlandingham ena - kim detiveaux , diane fellers , esemeralda gonzalez , eric linder , michael lorenz , noel ryan , melissa prihoda , steve mcdonnell transfers eim - lisa csikos , john jacobsen ena - robin rodrigue , maria lopez , roseann engeldorf if you love golf . .  ( would you like to experience the premier golf event , the masters ? this is your golden opportunity to see augusta and the practice rounds . there are 17 spaces now available for trip # 1 - sunday , april 1 through wednesday , april 4 . the package includes accommodations at six private homes in augusta , food and beverage , ground transportation , access to the enron tent , passes to the practice rounds and par 3 tournament , and one round of golf at jones creek . cost is $ 4975 per person ; additional cost for use of charter aircraft between houston and augusta is $ 1740 per person . this is a high - level customer - driven business opportunity . if you are interested , call dorie hitchcock at x 3 - 6978 . enrononline statistics below are the figures for enrononline as of march 14 , 2001 . ? total life to date transactions > 750 , 000 ? life to date notional value of transactions > $ 450 billion news from the global flash enpipe services the continental gas team is launching the first virtual gas transportation product in europe , enpipe services . enpipe will offer customers the ability to swap gas between the nbp in the uk and the zeebrugge hub in belgium . customers will be able to nominate volumes on a day - ahead basis , and will pay for the service by an up - front premium . this new service should encourage more participants at the zeebrugge hub , which will lead into more liquidity at other trading locations developing on the continent . similar to the virtual storage service , enbank , enpipe demonstrates enron ' s ability to offer valuable services to the market through smart risk management rather than capital - intensive infrastructure . the first enpipe auction will close on 15 march , and customers may submit their bids on enrononline . teesside gas processing plant on thursday , lst march , the teesside gas processing plant achieved iso 9001 : 2001 quality management system accreditation . this achievement is the result of 12 months hard work , enthusiasm and commitment by all plant staff and has also been a great team effort with the enron global asset organisation providing technical and moral support . an iso team was formed in february 2000 led by iris thomas ( qa coordinator ) and supported by members from all site disciplines including operations , maintenance , accounts and it . a program was implemented to prepare , write , issue and control , detailed procedures to ensure the plant was operated and maintained to the quality standards required by iso 9001 : 2001 . customer satisfaction and focus is an integral part of the standard and a great deal of effort has been put into this area . following a pre - audit in january the final accreditation audit commenced on wednesday , 28 th february , with accreditation being confirmed on thursday , lst march . legal stuff the information contained in this newsletter is confidential and proprietary to enron corp . and its subsidiaries . it is intended for internal use only and should not be disclosed .",0 +"Subject: super saturday shelly , these are the super saturdays i can help you with : nov 10 dec 1 dec 8 dec 15 i shall be traveling on two other days . one of these trips is related to recruiting at cmu . vince",0 +"Subject: re : invitation . . . welcome new analyst reception thanks , i shall attend . vince kaminski tracy l arthur 12 / 20 / 2000 04 : 20 : 35 pm to : tracy l arthur / hou / ect @ ect cc : ( bcc : vince j kaminski / hou / ect ) subject : invitation . . . welcome new analyst reception",0 +"Subject: summer offer bhala , i double checked with hr , and the offer you received is in line with what we are offering to other graduate level summer interns . if you have better offers , i certainly wouldn ' t hold it against you for taking them over what we are offering , but we can ' t really justify raising the offer at this time . we can re - imburse you for shipping expenses up to a reasonable amount , say $ 500 , if you need to ship things down . you can just save the receipts for these expenses and shirley can fill out the necessary expense forms . best regards , stinson",0 +"Subject: interview schedule for japan office tanya , you and i will interview yumi , a candidate for darren delage in tokyo office . the time is scheduled at 4 : 50 pm next tuesday in my office . i will get the resume before the interview . please mark the interview time on your schedule . thanks . zimin - - - - - - - - - - - - - - - - - - - - - - forwarded by zimin lu / hou / ect on 01 / 12 / 2001 09 : 00 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : darren delage @ enron on 01 / 12 / 2001 11 : 59 am ze 9 to : "" mm 21 yumi "" cc : zimin lu / hou / ect @ ect subject : re : next tuesday good afternoon imokawa - san , we would like to invite you to have a brief dialogue with some members of our research team . they would like to ask you to briefly expound on your mathematical studies . if you could please contact them next wednesday at 7 : 50 am ( it should be 4 : 50 pm houston time , tuesday ) . the conversation should take no more than 20 minutes of your time , and will enable us to get a more enhanced understanding of your quantitative abilities . zimin lu , director of research , can be reached at 713 - 853 - 6388 to dial from japan , 0061 - 1 - 713 - 853 - 6388 if you could please send zimin a copy of your resume before the interview , that would be much appreciated . you can call the above number to obtain the appropriate fax number . i will be in touch with you shortly thereafter . sincerely , darren "" mm 21 yumi "" 01 / 11 / 2001 08 : 35 pm to : cc : subject : thank you darren , thank you for cordinating everything . i understand it takes time , this is only the first week of the year in japan , and i do not like to push you much . normally , i have long meetings every thursday . for other dates , i make best effort to fit the schedule for your convenience , including early morning or late evening . i am looking forward to seeing you sometime soon . sincerely , yumi imokawa",0 +"Subject: re : "" white paper "" vince & vasant , the enclosed document discusses the incorporation of detailed ensemble outputs into our mark - to - marketing routines . in the next few days i will schedule an update on smud and perhaps we could spend a few minutes discussing how to proceed with this . joe - - - - - - - - - - - - - - - - - - - - - - forwarded by joseph hrgovcic / hou / ect on 10 / 26 / 2000 12 : 55 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - please respond to dchang @ aer . com to : joseph . hrgovcic @ enron . com cc : subject : re : "" white paper "" dr . hrgovcic , we look forward to your comments . d . chang joseph . hrgovcic @ enron . com wrote : > > dr chang , > > thank you for the white paper . i have distributed > it to most of the parties concerned ( the head of our research department is > away this week ) and am gathering feedback on how to proceed . i will be at a > conference next week , but i hope to get back to you on the week of the > 30 th . > > yours truly , > > joseph hrgovcic",0 +"Subject: re : rtp project yes , i would be definitely interested . count me and osman also to participate . i will forward your email to others in ees who might be interested also . krishna . vince j kaminski 03 / 19 / 2001 08 : 12 am to : john henderson / hou / ees @ ees , pinnamaneni krishnarao / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : rtp project john and krishna , i am sending you an outline of a conference at stanford on topics related to demand - side pricing and management in the power markets . please , let me know if you are personally interested and who else in your respective organizations would like to attend . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 19 / 2001 08 : 10 am - - - - - - - - - - - - - - - - - - - - - - - - - - - hill huntington on 03 / 15 / 2001 05 : 26 : 55 pm to : vkamins @ enron . com cc : subject : rtp project vince , targetted conference date is th - f june 21 - 22 at stanford . enclosed in the recent revision to what i sent before . great to meet you , hill - retail notes . rtf hillard g . huntington emf - an international forum on energy and environmental markets voice : ( 650 ) 723 - 1050 408 terman center fax : ( 650 ) 725 - 5362 stanford university email : hillh @ stanford . edu stanford , ca 94305 - 4026 emf website : http : / / www . stanford . edu / group / emf /",0 +"Subject: meeting while in houston - - - - - - - - - - - - - - - - - - - - - - forwarded by leann walton / na / enron on 10 / 26 / 2000 10 : 51 am - - - - - - - - - - - - - - - - - - - - - - - - - - - pedro fernando manrique @ enron _ development 09 / 26 / 2000 12 : 26 pm to : maureen raymond @ ect cc : subject : meeting while in houston maureen , i just wanted to thank you for all your time and your great advice and support . i enjoyed talking to you and learning from your experience and also meeting all these people involved in f / x trading activities . i just want to ask you if you could send me over the mail the latest forward curves so that we use them to update our long - term plan . for the short term i will contact pushkar going forward . thanks again and i look forward to talk to you again . regards , pedro fernando",0 +"Subject: risk 2000 panel discussion dear all , ? would like to set a conference call to discuss content for the panel discussion at risk 2000 in boston on 14 june . perhaps i can suggest wednesday 31 may at noon est . i ' m on london time and am quite flexible if you would like to do earlier or indeed on another day . ? the panellists are - ? vince kaminski , enron corp richard jefferis , koch energy trading steven bramlet , aquila ? the discussion topic is ' effectively applying weather derivatives ' ? i think we need to establish a series of questions around which to facilitate discussion . we currently don ' t have a moderator and perhaps one of you could take this role on . ? i look forward to hearing from you . ? thanks , oliver ? ? ? direct : + 44 ( 0 ) 20 7484 9880 ? risk publications , 28 - 29 haymarket , london swly 4 rx fax : + 44 ( 0 ) 20 7484 9800 ? email : oliver @ risk . co . uk www . riskpublications . com",0 +"Subject: tff 2001 meeting date question hello from texas , we are trying to set up our meeting date for the 2001 conference and have run into a snag . we cannot get our san antonio hotel on the first weekend in april ( as last year ) . however , we can get the hotel and make all our "" fun "" arrangements for the second weekend in april . however , this is easter weekend . the good news is that the room rates are substantially lower because it ' s a holiday . however , we are concerned that holding the meeting on this particular friday - saturday will interfere with family plans such that some or many of you may not be able to attend . my related question to you is this : does holding the meeting on the second weekend in april ( easter weekend ) pose a problem for you ? please give us your thoughts asap even if you think you may not be able to attend this year ' s conference . we need your opinion to guide our decision . thanks and i hope to see you all again next april ( sometime ) ! john p . s . we are very fortunate to have enron return as our corporate sponsor again this year . john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: karthik rajan shirley , we interviewed by phone karthik and would now like to bring him for a visit to enron . can you either arrange it or forward to hr for them to arrange , whichever is best . while here karthik should probably talk with zimin , paulo , bob , vasant , krishna , vince and anyone else vince wants to add to the list . thanks , stinson his resume is attached below . his phone # is 765 494 2181 . - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 03 / 08 / 2001 03 : 40 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - chonawee supatgiat @ enron 03 / 08 / 2001 03 : 39 pm to : stinson gibner / hou / ect @ ect cc : subject : phone interview with karthik attached is karthik resume . his transcript is in http : / / atom . ecn . purdue . edu / ~ krajan / friends / login is : k _ rajan password is : donl 23 - - - - - - - - - - - - - - - - - - - - - - forwarded by chonawee supatgiat / corp / enron on 03 / 08 / 2001 03 : 37 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - chonawee supatgiat 02 / 28 / 2001 07 : 09 pm to : stinson gibner / hou / ect @ ect , zimin lu / hou / ect @ ect cc : subject : phone interview with karthik please let me know if you guys available sometimes next tuesday or wednesday late afternoon or evening . zimin , karthik is a chem eng student at purdue . he found me from www and contacted me for job opportunities . attached is his resume . - chonawee - - - - - - - - - - - - - - - - - - - - - - forwarded by chonawee supatgiat / corp / enron on 02 / 28 / 2001 07 : 02 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" karthik rajan "" on 02 / 28 / 2001 09 : 41 : 56 pm to : cc : subject : re : opportunities in enron hi chonawee supatgiat , nice to hear from you . next week would be ideal for me too . tuesday or wednesday late afternoons / evenings would be ideal for me . my number is 765 532 3182 . looking forward to talking to you , stinson and zimin . thanks , karthik . - - - - - original message - - - - - from : to : "" karthik rajan "" sent : wednesday , february 28 , 2001 3 : 48 pm subject : re : opportunities in enron > > hi karthik , > stinson , zimin , and i would like to speak with you over the phone . when > will be a good time ? we are thinking about sometimes next week . stinson > and zimin are also in the research group . > - chonawee >",0 +"Subject: extending eu gas guidelines to central and eastern europe - cera insight title : extending eu gas guidelines to central and eastern europe url : http : / / www 20 . cera . com / eprofile ? u = 35 & m = 2184 overview : a comprehensive reform of gas legislation in central and eastern europe is bringing the region in line with the european union  , s gas directive . this is true both for the countries expected to enter the union by 2004  ) 05  * czech republic , estonia , hungary , poland , and slovenia - - and for candidates whose entry is not scheduled before the end of the decade - - bulgaria , latvia , lithuania , romania , and slovakia . in cera  , s view current developments regarding the establishment of a legal framework for the internal gas market in eastern and central europe look promising from an investor  , s point of view . the candidate countries presented a review of progress made in the implementation of the eu gas directive during a two - day workshop held by the european commission and the world bank in paris in november . many of these countries have been reforming their energy industries throughout the 1990 s as part of their transition to a market economy . the results have been mixed , particularly in the utility industries . the 1998 gas directive ( adopted in august 2000 ) now offers a compelling incentive for eu candidate countries to transform their gas industries , while providing a road map to guide them . the critical points relevant to harmonization between the european union and candidate countries include the following : * legal framework and regulation . the legal framework is the cornerstone of enlargement and the yardstick of harmonization in europe . as a result , in all candidate countries in 1999  ) 2000 energy laws were either updated or newly established along the principles spelled out in the gas directive . regulatory bodies have been created by law and are operating in every country , although issues of staffing , financial autonomy , and independence from political influence are not uniformly resolved . * third - party access ( tpa ) and long - term take - or - pay contracts . all candidate countries agree that tpa is a key to market competition . therefore , all have adopted it or intend to do so in their new legislation . although the commission favors regulated tpa , the specific approaches to tpa enforcement in the candidate countries remain unclear in some cases . in particular , the implementation of tpa will have to address the issue of long - term take - or - pay contracts with russia that were signed by all major domestic gas companies and somewhat preempt competition . russian gas is for the most part sold to single , traditional state - owned operators that dominate their internal markets . a balance will need to be struck between these incumbent dominant players and the competitive environment . this is made more complicated by their ownership of large volumes of russian gas supplied in kind in exchange for transit rights to west european customers . article 25 of the directive provides for ! a derogation to companies experiencing difficulties stemming from take - or - pay obligations . this derogation would apply to the companies of candidate countries with historical and commercial links with the russian gas industry . furthermore , article 26 allows derogations to those member states with only one major gas supplier , to those with an  +  + emerging gas market status ,  ,  , or to those without a direct gas connection to the grid of another member state . most of the candidate countries would in principle be able to call on one or more of these grounds for derogation when they join the european union . * price cross - subsidies . residential gas tariffs are artificially low and are financed partially through higher rates applied to industrial consumers . in various countries , tariff increases and the phasing out of subsidies have been scheduled , but such decisions remain politically sensitive to enforce . this has recently been emphasized by high gas prices owing to the linkage of imported gas to oil prices . all candidate countries have set legal frameworks that include the phasing out of cross - subsidies as part of sector reform , but the actual implementation will remain politically difficult . as table 1 indicates , price rebalancing is already under way in most countries expected to enter the european union by mid - decade , but the legal framework itself cannot guarantee the pace of reform . the same goes for candidate countries that have only recently introduced eu - complying energy laws and whose entry to the european union is likely to happen in a longer time frame . * unbundling . most countries understand that the unbundling of transmission companies from their supply businesses is the second critical element of liberalization . to date , unbundling the accounts of these two businesses is all that has been adopted by the member states or in the candidate countries . in the future , the commission is likely to press all eu countries for legal separation (  & structural unbundling  8 ) of the businesses , and candidate countries will have to pursue their reform of the gas sector accordingly . table 1 gives an overview of the state of play in candidate countries . as the table shows , the countries belonging to the second group have only very recently undertaken the reform of the gas sector in accordance with the directive , whereas change had been introduced earlier in the countries scheduled for the first wave . * * end * * follow above url for full report . come shoot the rapids with us at ceraweek 2001 , "" shooting the rapids : strategies and risks for the energy future "" in houston , february 12 - 16 , 2001 ! for more information and to register , please visit http : / / www 20 . cera . com / ceraweek / e - mail category : insight cera knowledge area ( s ) : european gas , to make changes to your cera . com account go to : forgot your username and password ? go to : http : / / www 20 . cera . com / client / forgot this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www 20 . cera . com / tos questions / comments : webmaster @ cera . com copyright 2000 . cambridge energy research associates",0 +"Subject: re : vol model from : pavel zadorozhny on 08 / 31 / 2000 06 : 45 pm to : grant masson / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , naveen andrews / corp / enron @ enron cc : subject : vol model it ' s been a while since i put this together . some assumptions , such as those about the current var methodology may not be correct . but my ideas and the math involved are hopefully reasonable . let me know if you have any questions . pavel , x 34778",0 +"Subject: fw : mark boland - cv vince : tony vasut , another recruiter , is bringing mark boland in for a series of interviews on 3 / 20 and 3 / 21 , and asked if there was any chance that you or someone in your group would be able to interview him . his resume is attached , and i will also send you a list of his deals under separate cover . shirley has told me that you will be in and out for the next several weeks , so if you are unavailable would you please suggest someone else in your group who might be able to interview mark ? thanks , as always , molly - - - - - original message - - - - - from : vasut , tony sent : tuesday , march 13 , 2001 9 : 59 am to : magee , molly subject : fw : mark boland - cv molly : here is mark ' s resume as discussed . please let me know if anyone in research ( preferably vince ) is available to meet w / him on either 3 / 20 or 3 / 21 . thanks , tony - - - - - original message - - - - - from : port , david sent : monday , march 12 , 2001 10 : 46 am to : vasut , tony subject : fw : mark boland - cv - - - - - original message - - - - - from : mark . boland @ seb . se @ enron sent : monday , march 12 , 2001 8 : 10 am to : port , david subject : mark boland - cv > to summarize my situation : i ' m in charge of structuring equity linked , ir , > fx , commodity and other > linked bonds and investments for one of northern europe s leading banks . > i ' m 34 years old and married to lisa who is swedish . i have over 7 years > in the structured derivatives business in capital > markets , with a solid wall street foundation at bankers trust and overseas > at a more senior level > of sales , structuring and managing deals from conception to completion . > > > > > thanks and regards , > mark > > mark m . boland > seb merchant banking > 10640 stockholm , sweden > > telephone + 46 8 5062 3224 > cell + 46 70 772 3224 > > this e - mail is from seb , skandinaviska enskilda banken . it may contain > privileged and confidential information and is intended for the named > recipient ( s ) only . if you are not an intended recipient , please notify us > immediately by reply e - mail , delete this e - mail from your system and > destroy any copy hereof . > - boland . doc",0 +"Subject: re : london visit paul , thanks for your message . i am in process of finalizing my plans for the trip to london in the end of september . i delayed responding to you message till i had more specific information . unless there a major change in my schedule , i shall arrive in london on monday morning ( september 18 ) and leave on thursday in the evening . please , let me know what would be convenient time to meet . you can send me an e - mail message and my secretary will contact to confirm the date and place of the meeting . my assistant ' s name is shirley crenshaw and her phone number is 713 853 5290 . i look forward to meeting you , tom and julian . vince kaminski paul . e . day @ uk . arthurandersen . com on 08 / 25 / 2000 11 : 53 : 02 am to : vince j kaminski / hou / ect @ ect cc : tom . o . lewthwaite @ uk . arthurandersen . com , julian . leake @ uk . arthurandersen . com subject : london visit i understand that you will be in london around 20 september . tom lewthwaite has asked me to arrange a meeting between you , tom and julian leake . i understand that you have met tom and julian before . i would also like to attend - i am a manager in our uk financial services practice with responsibilty for enron from a uk financial services perspective . we would like to discuss any risk management concerns that you may have and any internal initiatives with which we could assist . if you are happy to meet on this basis , i would be grateful if you could let me know how you to proceed ( whether i should arrange timings with you , your secretary , someone in london etc ) . you can contact me on + 44 20 7783 7446 ( at enron ' s london offices ) or on this e - mail address . kind regards paul day * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it .",0 +"Subject: re : a request zimin , i also enjoyed our talk . thanks very much . i ' ll send you the paper as soon as its done . duane - - on thursday , march 15 , 2001 , 1 : 58 pm - 0600 zimin . lu @ enron . com wrote : > > > dr . seppi , > > nice talking to you about swing contracts and your recent work on > american - monte > carlo approach . i am interested to read your preprint papers . > > my address is > > zimin lu > enron corp , eb 1967 > 1400 smith street > houston , tx 77002 - 7361 > > > zimin > > > > > > > > > > > > ds 64 @ cyrus . andrew . cmu . edu on 03 / 15 / 2001 11 : 59 : 59 am > > to : zimin . lu @ enron . com > cc : > subject : re : a request > > > great . i ' ll be in my office . my number is 412 - 268 - 2298 . > > duane > > > - - on wednesday , march 14 , 2001 , 3 : 57 pm - 0600 zimin . lu @ enron . com wrote : > > > > > > > dr . seppi , > > > > my phone number is 713 - 853 - 6388 . i will call you > > tomorrow afternoon around 1 : 30 pm houston time . > > > > zimin > > > > > > > > > > > > > > > > > > > > ds 64 @ cyrus . andrew . cmu . edu on 03 / 14 / 2001 03 : 15 : 02 pm > > > > to : zimin . lu @ enron . com > > cc : vince . j . kaminski @ enron . com > > subject : re : a request > > > > > > dr . lu , > > > > i would be grateful if i could talk with you some time about the typical > > terms one sees in swing , take or pay , virtual storage , etc . options . > this > > is related to some research some colleagues and i are doing applying > recent > > innovations in monte carlo valuation of options with early exercise . we > > would like to illustrate our techniques on some examples which look > > realistic . when would be convenient for you ? > > > > i look forward to talking with you . > > duane seppi > > > > - - on wednesday , march 14 , 2001 , 8 : 44 am - 0600 vince . j . kaminski @ enron . com > > wrote : > > > > > > > > duane , > > > > > > i shall be traveling for the rest of the week but my colleague > > > dr . zimin lu will call you to talk about different > > > structures . > > > > > > vince > > > > > > > > > > > > > > > > > > ds 64 @ cyrus . andrew . cmu . edu on 03 / 13 / 2001 09 : 54 : 24 am > > > > > > to : "" vince j kaminski "" > > > cc : > > > subject : re : a request > > > > > > > > > vince , > > > > > > sorry that i missed your call yesterday . i have a meeting from 2 - 3 > today > > > ( tuesday ) , but otherwise any time in the afternoon works for me . let me > > > know what is convenient for you . thanks for your help . > > > > > > duane > > > > > > * * * * * * * * > > > duane seppi > > > > > > graduate school of industrial administration > > > carnegie mellon university > > > pittsburgh pa 15213 - 3890 > > > > > > tel . ( 412 ) 268 - 2298 > > > fax ( 412 ) 268 - 8896 > > > > > > email ds 64 + @ andrew . cmu . edu > > > > > > > > > > > > > > > > > > > > > > > * * * * * * * * > > duane seppi > > > > graduate school of industrial administration > > carnegie mellon university > > pittsburgh pa 15213 - 3890 > > > > tel . ( 412 ) 268 - 2298 > > fax ( 412 ) 268 - 8896 > > > > email ds 64 + @ andrew . cmu . edu > > > > > > > > > > > > > > * * * * * * * * > duane seppi > > graduate school of industrial administration > carnegie mellon university > pittsburgh pa 15213 - 3890 > > tel . ( 412 ) 268 - 2298 > fax ( 412 ) 268 - 8896 > > email ds 64 + @ andrew . cmu . edu > > > > > * * * * * * * * duane seppi graduate school of industrial administration carnegie mellon university pittsburgh pa 15213 - 3890 tel . ( 412 ) 268 - 2298 fax ( 412 ) 268 - 8896 email ds 64 + @ andrew . cmu . edu",0 +"Subject: ebs ' s approach to storage trading hi ravi - - thanks for you note . i would be very interested in a meeting to establish an ebs - wide approach to storage . it ' s a huge opportunity . we could expand the 2 : 30 pm friday meeting to include all interested ebs people and discuss the topics below . could shalesh coordinate this meeting and also coordinate the ongoing effort firm - wide ? have i omitted anything below ? as i see it , here are the key storage initiatives that ebs should undertake , and who is involved up to this point . 1 . - establish storage contract terms and pricing who ' s involved : virawan , jean mrha beach a . define terms for storage needed for ebs products ( mediacast , mediatransport , and new products ) b . define general terms for other storage contracts 2 . - establish storage pooling points ( spp ) who ' s involved : shalesh , richard reichardt , mark palmer , kara knop who ' s needed : other designated people from bloomer and griebling groups , jim crowder ' s group input on alliances a . define technology needed servers , storage devices control software for physical delivery b . decide optimal spp locations at / near existing bandwidth trading pooling points at / near existing ebs city pops at a hosting partner location c . engage optimal partners to create spp ibm ibm global services tivioli ( storage management software ) emc sun compaq existing storage portal vendors ( e . g . storage networks ) 3 . - establish storage trading benchmark who ' s involved : unknown who ' s needed : research group a . define unit of measure for trading contract ( e . g . , terabyte - month ) b . establish pricing mechanisms 4 . - identify ( and monetize ) storage market opportunites who ' s involved : unknown who ' s needed : cox ' s group , bloomer ' s group a . storage intermediation opportunities b . establish virtual storage portal service for ebs ravi thuraisingham 03 / 08 / 00 11 : 00 am to : mark s palmer / enron communications @ enron communications , jean mrha / enron communications @ enron communications , john bloomer / enron communications @ enron communications , richard reichardt / enron communications @ enron communications cc : kara knop , stinson gibner / hou / ect @ ect , vince kaminski , david cox / enron communications @ enron communications , shalesh . ganjoo @ enron . com subject : meeting for friday on storage hi mark , i have not met you yet but heard a lot of good things about you . i would like to discuss with you and possibly with john bloomer and richard reichardt about the ebs research ' s role in supporting the storage market development from the origination and trading perspective . there are several people in various groups that are talking about storage but here is what ' s my take on our involvement - - please correct me or suggest otherwise . shalesh ganjoo is our lead analyst on this effort . in addition to his effort with your group , he is presently supporting jean mrha with pricing and standardization for a traded storage maret - - stinson gibner is directly supervising him in this effort . shalesh came to us through referal from david cox - - david discovered him at one of his speaking engagements . shalesh had talked to david about traded storage market development some time last october and david refered shalesh to enron research group . we hired shalesh for general analyst position and now he is pulled into all aspect of this storage effort . currently , he is our point person ( with stinson or i supervising his effort ) who is supporting jean mrha and you on the subject . kara knop has aproached shalesh with request for some support and shalesh and she are sorting out each other  , s role in this regard . as per my discussion today with david , we need to coordinate this storage effort from the perspective of modeling market assessment etc . for this i suggest shalesh and his effort so that all parties involved can benefit from collective effort within one central source . based on david ' s and my assessment of shalesh ' s capabilities , i would like to suggest that the commercial heads use shalesh for his creative thinking , understanding of the market and analytical capabilities and not just for data gathering and simple research effort . we can add other staff as we see the need and as you request them . please respond this e - mail with your comments if this sounds like aplan , so that we can support this effort efficiently and in a scalable manner . kind regards , ravi . a bit about ebs research group john bloomer and richard reichardt have met me and are aware of my role and stinston gibner ' s role in ebs . i lead a team of quantitative professionals via a group we are calling ebs research . this group reports to stinson gibner ( vp ) and vince kaminski ( md and head of enron research ) . stinson and vince are the original founders of enron corp research that has been charged with model development efforts to support enron energy trading and other enron business . enron research is involved in all aspects of enron buinesses ( ees , international , corporate affairs such as fas 133 and other accounting and new product ( derivatives ) development , etc . ) . within ebs research , there serveral professionals supporting kevin howard ( cfo office ) , john griebling , tom gros and jean mrha , david cox ( via boris ) , and the war room . our main area of focus is with jean mrha ( trading ) and john griebling ( optical network design and optimization , etc . ) . we play a key role with john griebling ' s go forward network design and implementation through our responsiblity to provide traffic engineering analysis and modeling effort . - - - - - forwarded by ravi thuraisingham / enron communications on 03 / 08 / 00 09 : 31 am - - - - - shalesh ganjoo @ ect 03 / 07 / 00 08 : 01 pm to : mark s palmer / enron communications @ enron communications cc : ravi thuraisingham / enron communications @ enron communications @ enron subject : meeting for friday on storage dear mark , i am looking forward to presenting my competitive analysis on the storage market on friday to you and others . ravi thurasingham will be calling you to find out if we ( research group ) can assist your group in any other way . please let me know if you need any information before we meet . thank you . sincerely , shalesh ganjoo",0 +"Subject: enron earth day "" trash bash "" enron is hosting a special event on saturday , march 31 st . the first annual enron "" trash bash "" to clean up the banks of buffalo bayou between shepherd drive and sam houston park . i am chairing the check - in team which consists of : registering all of the volunteers handing out enron t - shirts and caps passing out gloves and garbage bags making clean up section assignments for anyone who might be interested in helping me , please call me at ext . 30329 . also , we need a lot of volunteers to walk along buffalo bayou and pick up trash . this would be a great family project , a good project for your childs youth group or boy scout or girl scout troop . it will also be fun . they will have live bands , lyou get an enron t - shirt and enron baseball cap , lunch will be served at sam houston park and there are a lot of good door prizes . if you want to volunteer for the "" trash bash "" clean up , just show up at sam houston park on saturday , march 31 , 2001 , at 8 am to register . clean up starts at 9 am and lunch will be served at 11 : 00 am and after lunch door prizes will be drawn and then you can go home feeling like you have done your part for houston ' s waterway environment . i hope you will think about it and bring your friends , family , ect . and help enron clean up the environment . thanks , anita",0 +"Subject: re : f / u to dr . kaminski @ enron from iris mack happy to do so , vince . hope your holidays were wonderful ! molly vince j kaminski 11 / 27 / 2000 01 : 39 pm to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : f / u to dr . kaminski @ enron from iris mack molly , i would like to invite iris for an interview . you can contact her at the addresses she listed below or at her e - mail address . the following persons will participate at the interview : stinson gibner zimin lu tanya tamarchenko vasant shanbhogue myself stinson and i will take her out to lunch . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 27 / 2000 01 : 35 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" iris mack "" on 11 / 21 / 2000 04 : 12 : 43 pm to : irismmack @ hotmail . com , vince . j . kaminski @ enron . com cc : subject : re : f / u to dr . kaminski @ enron from iris mack hi again , i am visiting several family members and friends over the next few days . therefore it will be hard to contact me . however , next week i will be easier to reach . my contact details in nyc are as follows . i will be staying at the following hotels : washington square hotel from november 28 th for 3 nights ( tue , wed and thur ) 212 . 777 . 9515 marriott nyc financial december lst for 1 night ( fri ) 212 . 385 . 4900 at any rate , i will still try to reach you on tomorrow morning . if all fails , we will try to reach each other next week . happy thanksgiving , iris > from : "" iris mack "" > to : vince . j . kaminski @ enron . com > subject : re : f / u to dr . kaminski @ enron from iris mack > date : tue , 21 nov 2000 22 : 07 : 09 > > hi , > > how are you ? seems like we have had a bit of difficulty contacting each > other . sorry i missed your call . i am now in nyc - until december 2 nd . > > i will try to call you on tomorrow morning about 8 am houston time . > > take care , > iris > > > > > > from : vince . j . kaminski @ enron . com > > to : irismmack @ hotmail . com > > cc : vince . j . kaminski @ enron . com > > subject : hello > > date : tue , 21 nov 2000 15 : 14 : 31 - 0600 > > > > iris , > > > > we are trying to reach you but we are getting error messages . > > please , call me 713 853 3848 . > > > > vince > > > > > _ _ _ _ _ _ _ get more from the web . free msn explorer download : http : / / explorer . msn . com",0 +"Subject: steve leppard hi vince , hr is working on a mid - year salary review for london people that have a noticeable gap between their compensation at enron and what we would have to pay in the market for a replacement . they highlighted steve as someone with a potential gap - particularly in light of what we ' re seeing in our quant recruiting effort for credit trading and research . i ' d like your opinion on the best way to make sure we keep steve happy and keep him at enron . there are several things i see we can do : 1 ) give him a mid - year pay increase to move him closer to market . i ' m not sure this is the best way to go , especially if we only offer him a token salary increase . 2 ) offer him more responsibility : what are your thoughts on timing for making steve the official head of the london research team ? with my move to ebs , should we accelerate this ? i think this is good way to keep him happy and motivated , and then follow up with a more meaningful salary review at year - end ( as part of the regular process ) that takes into account his greater responsibility . 3 ) we have some people that we ' re trying to get under long - term ( 3 - yr ) contract with a 12 - month notice clause . obviously anyone signing one of these will want significant up - front compensation for being handcuffed . we ' ve not had a lot of success with these here in london , and i would prefer to keep steve happy so he wants to stay with enron rather than contractually binding him to the job . i ' d value your thoughts on this . thanks , dale",0 +"Subject: anshuman shrivastava - visa application ranendra : i have been asked to begin the visa process for the above individual , located in india . i believe mr . shrivastava has been working as assistant manager with enron since may 10 , 1998 . if this is correct , we will be able to bring him into the us on an ll intracompany visa under the blanklet l for enron . can you please let me have an email address for him so that i can send him the required visa questionnaire to begin the process . many thanks margaret 713 - 345 - 5083",0 +"Subject: referral vince - i work in the caribbean structuring group and previously worked at entergy power marketing on the structuring desk with gary zhu . i am attaching the resume of a friend from entergy who holds a phd in operations research . he is considering a move from entergy and from speaking with li xiao i thought that your group might be a good fit for him . please call with any questions ( x 67446 ) .",0 +"Subject: extreme value theory applied to weathet - - - - - - - - - - - - - - - - - - - - - - forwarded by christian werner / enron _ development on 19 / 08 / 2000 10 : 06 - - - - - - - - - - - - - - - - - - - - - - - - - - - christian werner on 19 / 08 / 2000 02 : 08 : 56 to : vince . kaminski @ enron . com cc : subject : extreme value theory applied to weather - - - - - - - - - - - - - - - - - - - - - - forwarded by christian werner / enron _ development on 19 / 08 / 2000 01 : 15 - - - - - - - - - - - - - - - - - - - - - - - - - - - christian werner on 19 / 08 / 2000 01 : 55 : 56 to : vkamins @ enron . com cc : subject : extreme value theory applied to weather dear vince , back in july , when you visited our sydney office you mentioned extreme value theory . i am wondering whether research is looking into the application of extreme value theory to power and esp . to weather . in a recent news article it was highlighted that a trend in the industry towards t _ max , t _ min , etc . i am in particular referring to the news article below : in the past we have observed a similar trend where customers are asking for t _ max , t _ min , or below or above precipitation structures . the choice in the past has been the burn analysis on historical data . however , we are in particular interested in the extreme events , and the application of evt could provide a meaningful tool for the analysis . has the research group looked into the application of evt to weather ? evt has a long history of application in hydrology ( which would cover parts of the precipitation structures . . . ) . also , research ( esp . at eth in zuerich ) is indicating the application of evt to v @ r . . . . thank you ! regards , christian",0 +"Subject: re : dave , thanks for the invitation . i shall be glad to join you at the dinner and on saturday . i shall come alone : my wife will stay with my son in california till june ( my son graduates this spring from college ) . i shall remind andy fastow about nfcf . vince david ikenberry on 03 / 30 / 2001 06 : 57 : 57 pm to : "" vkamins @ ennron . com "" cc : subject : vince , it was good seeing you again today . i want to make sure the nfcf is on your calendar for may 4 - 5 . you should be receiving some registration materials shortly . please plan on coming if you can . also , please attend the dinner on friday evening along with your wife if possible . regards , dave * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * prof . david ikenberry jones graduate school of management rice university 713 - 348 - 5385",0 +"Subject: jones graduate school course descriptions list for 2000 - 2001 spring 2001 faculty and students , jones graduate school course descriptions list for 2000 - 2001 has been posted to embanet . to access the course descriptions please open the jgsm area icon on the embanet desktop . next please open the announcement jgsm icon . you will find the course descriptions located under the subject column . please open the document . if you do not have access to embanet you will need to speak with david kilgore at kilgore @ rice . edu or by calling david at 713 - 348 - 5378 . thanks , kathy kathy m . spradling mba program coordinator jesse h . jones graduate school of management rice university 6100 main street , ms 531 houston , texas 77005 - 1892 phone : ( 713 ) 348 - 3313 fax : ( 713 ) 348 - 5251 email : spradlin @ rice . edu http : / / www . rice . edu / jgs e - mail : spradlin @ rice . edu http : / / www . ruf . rice . edu / ~ jgs /",0 +"Subject: re : visit to houston and vince kaminski ' s research group shijie : i spoke with vince and he said friday the 28 th of july would be fine for your visit to enron . please let me know your itinerary when you have it confirmed . there are two hotels downtown houston , the doubletree and the hyatt regency that are very close to the enron bldg . if you need help with anything , please let me know . look forward to having you at enron . regards , shirley crenshaw shijie deng on 06 / 30 / 2000 10 : 15 : 43 am to : shirley crenshaw cc : subject : re : visit to houston and vince kaminski ' s research group shirley , thank you for your message . i ' m fine with 7 / 28 ( friday ) . i could fly in to houston early evening on 7 / 27 . please let me know after you confirm the date with vince . thanks ! shijie shi - jie deng assistant professor school of isye georgia institute of technology office phone : ( 404 ) 894 - 6519 e - mail : deng @ isye . gatech . edu home page : http : / / www . isye . gatech . edu / ~ deng on fri , 30 jun 2000 , shirley crenshaw wrote : > > > good morning professor deng : > > i am vince kaminski ' s assistant and he has asked me to coordinate your > visit to enron . the last week in july would be best for vince and his group . > especially the 24 th , 26 th , 27 th , or 28 th . tuesday , the 25 th is already filling > up . please let me know which day would work for you . > > best regards , > > shirley crenshaw > administrative coordinator > enron corp . research group > 713 / 853 - 5290 > email : shirley . crenshaw . com > > > > > > >",0 +"Subject: the mathworks visit on 10 / 18 shirley , please , confirm and put on my calendar . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 09 / 20 / 2000 01 : 39 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - scott wakefield on 09 / 20 / 2000 11 : 58 : 02 am to : vkamins @ enron . com cc : emcgoldrick @ mathworks . com , rbaker @ mathworks . com subject : the mathworks visit on 10 / 18 hello vince : myself , eugene mcgoldrick , and rick baker are looking forward to meet with you and your group on 10 / 18 at 2 : 00 pm . eugene is the financial products program manager and rick is a financial engineer and author of several of toolboxes . we want to understand the needs of your group to better demonstrate the proper tools . do you or members of your group have specific applications that we can address ? please email me those items and i will coordinate the presentation with our group . we would like to demonstrate how our tools can be used to rapidly develop applications , be integrated with databases and other applications ( olf , odbc databases , excel , vb , etc . ) and then deploy those applications at no cost to your traders and analysts . i look forward to meeting you , please do not hesitate to contact me . thanks scott scott wakefield the mathworks , inc . phone : ( 508 ) 647 - 7282 e - mail : swakefield @ mathworks . com",0 +"Subject: latest draft vince , i have added a lot of material to "" fill in the wholes "" and would like your reaction to the current draft . i am still not very happy with the risk management segment ( primarily as a result of my own lack of knowledge ) so please read it carefully and get me your comments . i plan to let don chew ( the editor ) take a look at it to give us his guidance toward a successful draft . hope you are having a great day and tremendous start to the new year . your friend john p . s . i really enjoyed your papers . those should definitely be part of a class on risk management . - enron _ paper _ 1 _ 11 _ 01 . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : one last reminder and then i will be quiet e - mail is perfect . it allows me to just dump your grades directly into our database . i do then sign a hard copy ( indicating that i am signing in proxy for you ) to hand over to the registrar . if you prefer , you could fax the information as well ( 713 - 348 - 5251 ) . thank you for your help ! - pam ( 713 - 348 - 6223 ) at 05 : 39 pm 4 / 24 / 01 - 0500 , you wrote : > pam , > > please , let me know how i can submit the grades . > i gave my students april the 30 th as a deadline to submit > their reports and i shall be able to send you the grades by may the 4 th . > > is e - mail ok ? > > vince > > > > > > pamela vande krol castro on 04 / 19 / 2001 10 : 11 : 23 am > > to : ( recipient list suppressed ) > cc : werckle @ ruf . rice . edu , spradlin @ ruf . rice . edu > subject : one last reminder and then i will be quiet > > > one last reminder . . > today is really your last day for scheduling final exams with linda werckle > ( 3463 ) . she will be out of town after today until exams begin . > > also , please remember to turn in your grades for all of your graduating > seniors by friday , may 4 th . this is the university deadline so we cannot > miss this date . the registrar needs final information on each student in > order to verify their graduating status . > > as always - thank you for your help ! > > pamela castro > mba program associate > rice university > 713 - 348 - 6223",0 +"Subject: karthik rajan - interview schedule attached you will find the interview packet for the above - referenced person . the interview will happen friday , march 30 , 2001 . please print all three documents for your hard copies . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . sasha divelbiss 58714",0 +"Subject: re : congrats vince , you beat me to the congrats . the surprise was that i already believed you were a managing director , so a long overdue congratulations to you . laura vince j kaminski @ ect 01 / 11 / 2000 10 : 13 am to : laura luce / hou / ect @ ect cc : subject : congrats laura , congratulations . well deserved . vince",0 +"Subject: requirements for clayton hi vince , i have communicated the following requirements to clayton . please give me your thoughts on additions / modifications . for eol model , 1 . working program , with easily usable interface 2 . user docs , for new user to easily start using system plus includes details about program structure and modules 3 . reports for tabulation of data by commodity , counterparty , period , etc . should be easy to run daily . 4 . time series description , including graphs , plus some time series analysis ( say , relationship of volume to time of day , day of week ) 5 . cross commodity trading relationships ( identify potential arbitrage ) for gas model , 1 . calibrate model 2 . user docs , with complete description of data",0 +"Subject: re : message from grant grant , i shall be in the office for a few hours today ( looks like food poisoning ) . i shall try to call you from home . i don ' t see any major problem . i shall call david oxley and ask how we could structure the rehire so that you are not hosed this year . vince "" grant masson "" on 12 / 13 / 2000 11 : 07 : 12 pm to : cc : subject : message from grant vince : ? having now the benefit of some experience with el paso , i conclude that enron would offer more for me in the long term . ? if you have an interest in discussing the matter further , please give me a call . i would appreciate your comments . ? ? best regards , grant . ? ( mobile ) 281 381 9983 ( home ) 713 664 7260",0 +"Subject: reply from charles at williams vince : thank you very much for your e - mail , i look forward to talking to you very soon . sincerely , charles - - - vkaminski @ aol . com wrote : > charles , > > thanks for your message . i have just come back from > europe and i am going > through my mail . i shall call you either on sunday > or monday after i recover > a bit . > > > vince do you yahoo ! ? yahoo ! photos - 35 mm quality prints , now get 15 free ! http : / / photos . yahoo . com /",0 +"Subject: entouch newsletter business highlights east power midwest origination beginning late 2000 , east power marketing implemented a complete market coverage strategy . since then , epmi has begun to develop relationships with hundreds of small  & mom & pop  8 municipalities . many of these munis had no prior contact with enron . as a result , east power has executed a valuable 30 mw energy call option term purchase from the municipal energy agency of nebraska ( mean ) at a congested location . enron industrial markets eim has renamed pulp , paper the state power exchange effectively replaced three monopoly buyers with one monopoly buyer . deregulation does not mean buying all of your commodity at the last minute , on the spot market , rather than planning ahead and purchasing most of the power under long - term contracts that lock in prices . the situation in california is the result of continued regulation , complicated by a series of natural and man - made factors . welcome new hires egm - lowell bezanis , owen zidar eim - eric holzer , john ovanessian ena - mecole brown , nita garcia , ambroshia hunter , nikole jackson , junichi sugiura , theresa zucha , cynthia gonzalez , scott wilson , kenton schaefer , emily butler transfers ena - joseph hardy , nancy vu , lloyd miller , jinsung myung , patrick johnson , jason wolfe , andrew miles , sara shackleton eim - sherri baldwin , debbie chance , rob saltiel egm - jody crook , neithard foley , juan paysse , bhavna pandya , courtney campbell , terri denning nuggets & notes "" it is on the high side of medium to high . "" - - tim battaglia , vice president / steel origination eim ( discussing the probability of a transaction closing ) .  & i wanna see the phone glued to your ear !  8 - - ed baughman , vice president / east power mid market ena  & referrals , referrals , referrals ! it pays to know good people . ""  ) ambroshia hunter perry / hr ena you requested more info  ( . proud parents michelle vitrella , pr coordinator , and husband david vitrella , manager of trading , have named their baby girl lily ann . she was born on february 27 , 2001 . learning at the speed of enron if you haven ' t had a chance to log on to www . investinme . enron . com , you ' re missing a fast and easy way to gain the information you need to get ahead and stay ahead . this new ews training site combines everything you loved about ernie with much , much more . enron employees now have the ability to register for hundreds of classes on industry - related topics anywhere in the world . don ' t have time to attend a classroom training ? no problem , you can now use the web site to search for books , videos , cd rom , and web - based training . all the learning you want , anytime , anywhere . just go to www . investinme . enron . com and start building your future today ! news from the global flash enron wind enron wind has purchased the factory facilities of the dutch company , aerpac , europe ' s second largest producer of wind turbine rotor blades . this move represents a significant step towards fulfilling enron wind ' s strategic objective of manufacturing high - quality and technically sophisticated rotor blades in - house . enron wind will be using its own moulds to produce the rotor blades . the acquisition of the almelo - based factory facilities , which are only 60 kilometres from enron wind ' s facilities in salzbergen , germany , gives the company a convenient base for european wide distribution . enron applies for greek electricity trading license enron , through its subsidiary enron power mepe , has applied for an electricity supply license for greece , for the 34 % market opening on feb 19 th 2001 . if the license application is successful , enron will be allowed to approach customers consuming more than 100 gwh up to a combined total peak capacity of 350 mw . in total , 4 companies have applied for power trading licenses ( enel , atel and cinergy also applied ) . legal stuff the information contained in this newsletter is confidential and proprietary to enron corp . and its subsidiaries . it is intended for internal use only and should not be disclosed .",0 +"Subject: charm conference call please let me know what works for you . i have a meeting monday from 10 : 00 a . m . through lunch . please advise . - - - - - - - - - - - - - - - - - - - - - - forwarded by james l bouillion / hou / ect on 02 / 07 / 2001 07 : 33 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" bertil olsson "" on 02 / 06 / 2001 10 : 37 : 21 am to : james . l . bouillion @ enron . com cc : subject : charm conference call carl and i are both available either monday 12 th or tuesday 13 th . we can do either am or pm but would prefer am if possible . please let me know your preference and i will set it up . regards , bertil the information in this email and in any attachments is confidential and may be privileged . if you are not the intended recipient , please destroy this message , delete any copies held on your systems and notify the sender immediately . you should not retain , copy or use this email for any purpose , nor disclose all or any part of its content to any other person .",0 +"Subject: re : fas 133 paper vince , it ' s a pdf file . you can access it on our home page . sorry for your trouble ; please let me know if this method doesn ' t work . regards , andy kalotay andrew kalotay associates , inc . 61 broadway , suite 3025 new york ny 10006 ( 212 ) 482 - 0900 visit our website www . kalotay . com - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , february 26 , 2001 12 : 03 pm to : andy @ kalotay . com subject : re : fas 133 paper > andy , thanks . i cannot open the file . is it a word document ? vince "" andrew kalotay "" on 02 / 23 / 2001 02 : 26 : 39 pm to : "" vincent kaminski "" cc : subject : fas 133 paper vince , here ' s the final version . it will appear in the next issue of the journal of applied corporate finance . we ' re getting some very positive response to the vrm approach . regards , andy ( see attached file : winmail . dat )",0 +"Subject: re : joe , i have written to pal quilkey to invite christian werner to houston for a week to discuss how much of his research we can use . vince joseph hrgovcic 08 / 01 / 2000 06 : 51 pm to : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : subject : vince , i have inquired into christian ' s climate models . it seems to me like a long term project . chiristian says that his model might be able to do better than the australian met given that they ignore some of the variables he uses and that they are an "" old boy ' s network "" resistant to new developments , but i don ' t think the same can be said of most other weather services . as far as the nws goes , they run their model on a cray , they have several very talented phd ' s working on it full - time , and even then , they can only get a dozen or so runs per night . in other words , it ' s a huge system . replicating something even close to that will not be an easy task . that being said , i think there are related applications that we could look into . since i ' ve already promised the rac group and the weather desk ' s pjm traders to put together a vector autoregressive model of daily temperatures , i think it makes sense to see if something better than a var model can be put together , perhaps a very stripped down version of the kind of model christian has . what i have in mind is something that would give us say , up to several dozens of "" possible "" temperature forecasts every morning , which would be calculated using actual climate models ( as opposed to time series models ) . i would not use this as a forecasting tool ( the nws model results would make a far better "" best guess "" ) , but our ensemble could still be used to provide a distribution of temperature scenarios . this ensemble would have several uses : 1 ) we could price the book for the ensemble of runs and thereby obtain a more realistic daily v @ r for the weather book ( and eventually interface that with the power desk ' s v @ r calculations ) 2 ) we could use the ensemble of forecasts to relate temperature forecasts to week - ahead cdd and hdd distributions ( for use in our demand swaps ) 3 ) if freese - notis were to give us one of their qualitative forecasts , e . g . , "" expect the trough to recede "" we could sort through the different monte carlo scenarions , find one in which the trough in question is receding , and use corresponding output statistics to download the actual temperatures corresponding to that scenario . up till now , we haven ' t found a good way of getting a numerical fix on what different forecasts actually mean temperature - wise 4 ) we could use the associated visualization routines that come with such models to get animations of the evolution of historical weather patterns . the traders could use these in order to look for historical periods which roughly match current weather conditions and get an idea of what could happen ; although these meteorological models would not be good for simulating month - ahead or season - ahead weather ( trust me on this ) we could still use the visualization technology to do to analogous seasonal animations . just today , i ' ve spoken with dr . jacobsen of stanford university , who has written one of the more recent textbooks on climate forecasting , and who worked with ucla ' s general circulation model . he says that getting a simplified version of mm 5 ( which is itself a simplified , limited - area version of the gcm models that nws , cola , and ucla use ) would take several months to implement , assuming the people involved are already well versed in the technology . also , i have contacted aer , a massachusetts - based weather consulting firm , and they tell me that they have a mm 5 model running daily ( only one run per night ) , and also some smaller pc models up and running . they are of course willing to work with us for a fee . their mm 5 version runs on a $ 200 , 000 parallel processor . i am open to your suggestions ( or objections as the case may be ) . i ' m not sure how the costs would be apportioned given that this would benefit all of enron , and not just the weather desk . i am scheduled to go to boston next week anyway , and would like to use the opportunity to visit with aer . i will of course coordinate any projects with christian ( if we get something like this up and running it will be more likely that he can get the computing power he needs to run his own australian model ) . joe",0 +"Subject: re : charm you are welcome to have soneone on the charm team contact vince kaminski at 713 - 853 - 3848 . thanks again . "" bertil olsson "" on 04 / 24 / 2001 01 : 40 : 06 pm to : james . l . bouillion @ enron . com cc : "" carl groth "" , "" kenneth risko "" subject : re : charm jim , thanks for the feed - back . to assist in the further development of the product , are there any specific areas your group would like to see improved ? based on comments made during our meeting , it sounded like your main concern was whether or not charm would have the capacity to cover the very different and complex risk areas that your company is involved in . would you mind if someone from our charm group called you or mr . kaminski for some specific comments ? regards , bertil james . l . bouillion @ enron . com on 04 / 24 / 2001 01 : 35 : 09 pm to : bertil olsson / hou / us / wcg @ wcg cc : bcc : subject : re : charm bertil , i again wish to thank you for the presentation on the charm product . the response from the group is that the model requires more work before enron could consider it as a commercial product . please keep me advised as i assume that you will continue to develop the model . james l bouillion 04 / 11 / 2001 06 : 50 am to : "" bertil olsson "" @ enron cc : subject : re : charm ( document link : james l bouillion ) no word yet . i will follow up with the attendees . thanks for taking thje time to make the presentation . "" bertil olsson "" on 04 / 10 / 2001 04 : 07 : 11 pm to : james . l . bouillion @ enron . com cc : subject : re : charm jim , any feed - back on our meeting ? we certainly appreciated the opportunity and the fact that the meeting was very interactive . regards , bertil the information in this email and in any attachments is confidential and may be privileged . if you are not the intended recipient , please destroy this message , delete any copies held on your systems and notify the sender immediately . you should not retain , copy or use this email for any purpose , nor disclose all or any part of its content to any other person . the information in this email and in any attachments is confidential and may be privileged . if you are not the intended recipient , please destroy this message , delete any copies held on your systems and notify the sender immediately . you should not retain , copy or use this email for any purpose , nor disclose all or any part of its content to any other person .",0 +"Subject: re : uk portfolios and books setup in risktrac david and vince , in my e - mail below i pointed out to a inconsistency in the portfolio hierarchy for uk positions in risktrac that i found out , namely : some books ( for example elsb 1 and elsb 2 ) belong to uk - gas portfolio and to uk - power portfolio . i wanted to clarify this in order to reconcile positions in risktrac and in the spreadsheet . tanya . tanya tamarchenko 01 / 03 / 2001 02 : 09 pm to : naveen andrews / corp / enron @ enron , matthew adams / corp / enron @ enron cc : rabi de / na / enron @ enron , jaesoo lew / na / enron @ enron , vince j kaminski / hou / ect @ ect subject : re : uk portfolios and books setup in risktrac naveen and matthew , i started looking systematically through uk positions and corresponding var numbers in the risckrac . i found a few inconsistencies so far . 1 . the portfolio elsb 1 - nbp has a book elsb 1 under it . the sum of delta positions for this book is 239 , 021 , 655 , the sum of gamma positions is - 211 , 031 , 450 . var for the portfolio elsb 1 - nbp is zero . the same refers to a few other portfolios , for example elsb 2 - nbp , elsb 3 - nbp , e 2 xxl - nbp . 2 . the portfolio elsbp 1 - ppp also has the book elsb 1 under it . this book contains the positions on pppwdl through pppwd 6 and pppwel through pppwe 4 . the same refers to the other books , for example elsb 2 . this looks messy . can someone in rac go over all the portfolios , all the corresponding books and curves in risktrac and make sure they are set up properly ? thank you , tanya .",0 +"Subject: fyi : ferc staff report on investigation of bulk power markets message sent from the pjm - customer - info mailing list at pjm - customer - info @ majordomo . pjm . com : the ferc staff recently released a report discussing markets in each of the regions titled "" investigation of bulk power markets "" . the report is not a ferc order . the northeast region is discussed in a section of 100 pages in length . pjm is discussed in detail beginning on page 1 - 59 . there are some minor inaccuracies in the report with respect to pjm , such as the 1999 peak load . the report is a good first step in understanding the complex markets in the northeast and their relationships among each other . the report also contains recommendations and options for resolution of issues . the complete report can be found at www . ferc . fed . us / newsl / staffreports . htm please do not reply to this message . if you have a question for pjm customer relations and training , please send an e - mail to custsvc @ pjm . com . to unsubscribe from this list , send an e - mail to majordomo @ majordomo . pjm . com containing only the following line in the body of the e - mail : unsubscribe pjm - customer - info",0 +"Subject: sap time sheets on the o : \ research \ common drive hello everyone : if you were not able to access the spreadsheet we created for your time , on the o : \ research \ common \ sap timesheets site , please let me know . if a box came up with "" read only "" on it , you may not have access to the o : \ drive . let me know and i will issue an srrs request for access . thanks . shirley",0 +"Subject: softs information attached is the ubs summary . the ubs deal is confidential due to its large size and the summary is an informal overview . the deal structure has not been defined ; this sheet provides only rough details . call if you have any questions . erin ext 3 - 9677",0 +"Subject: re : institute of international finance - annual subscription shirley yes . vince shirley crenshaw 03 / 05 / 2001 02 : 25 pm to : vince j kaminski / hou / ect @ ect cc : subject : institute of international finance - annual subscription vince : is this ok to pay ? - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 03 / 05 / 2001 02 : 19 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : sharon purswell / enron @ enronxgate on 03 / 05 / 2001 12 : 53 pm to : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : institute of international finance - annual subscription robert johnston has asked me to charge vince ' s department for 1 / 3 of the cost of the annual subscription to iif . the annual cost is $ 47 k . therefore the cost for 1 / 3 is $ 15 , 666 . 67 . this information is for maureen raymond ' s use . i will be happy to process the invoice for payment but in order for me to do so , i will need the proper coding for vince ' s department . please let me know if you are agreeable to this . if you have questions , you may wish to contact robert johnston directly at 3 - 9934 . thanks , sharon 5 - 7212",0 +"Subject: interview for the research group hello everyone : vince would like to bring jaesoo lew in next week for an exploratory interview with the research group . the dates that would work best for us are : wednesday , the 25 th ( am ) , thursday , 26 th ( am ) and friday , 27 th ( am ) . please see if mr . lew is available for any of these times . thanks ! shirley 3 - 5290 - vitae 2 . doc - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 10 / 18 / 2000 12 : 51 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 10 / 18 / 2000 12 : 29 pm to : stinson gibner / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : position shirley , i would like to invite him to an interview next week . we should use his home phone number and / or private e - mail address . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 18 / 2000 12 : 33 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" jaesoo lew "" on 10 / 17 / 2000 09 : 59 : 01 pm to : vkamins @ enron . com cc : subject : position dear dr . kaminski my name is jaesoo lew and i am referred by dr . wayne lee . currently i ' ve been working at aquila energy in kansas city as an pricing analyst since july 2000 . since then , i have developed a natural gas storage valuation model applying the swing options ( forest method ) pricing approach . the price processes would be considered critical for the storage valuation since a trinomial forest is required to value storage . also the c + + programming using excel dll has been developed , too . i attached my resume to this message for your consideration and am looking forward to talking about an opportunity at enron . my home phone number is 913 - 649 - 0578 , dr . kaminski , i will wait your call in this week as dr . lee informed me . if possible , please let me know your expected calling day through the mail . i appreciate your consideration . thank you very much . sincerely , jaesoo lew get your private , free e - mail from msn hotmail at http : / / www . hotmail . com . share information about yourself , create your own public profile at http : / / profiles . msn . com . - vitae 2 . doc",0 +"Subject: wharton tm # 3 presentation vince , scanned through . looks like a good start . thanks john henderson - - - - - forwarded by john henderson / hou / newpower on 02 / 16 / 2001 03 : 32 pm - - - - - vince j kaminski @ ect 02 / 16 / 2001 09 : 56 am to : john henderson / hou / ees @ ees cc : subject : wharton tm # 3 presentation john , did you have a chance to take a look at his presentation ? any comments ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 16 / 2001 09 : 55 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" cummins , marc "" on 02 / 15 / 2001 01 : 36 : 16 pm to : "" ' christie . patrick @ enron . com ' "" , vince . j . kaminski @ enron . com , melinda . mccarty @ enron . com , "" ' li . sun @ enron . com ' "" , "" ' john . henderson @ newpower . com ' "" cc : "" thorne , heather "" , "" degiacinto , clayton "" , "" lessar , stephen "" , "" vittal , maheshram "" , "" bassal , omar "" , "" feerick , dennis "" , "" cummins , marc "" , "" ' thomas @ wharton . upenn . edu ' "" subject : wharton tm # 3 presentation vince and christie , here are the read ahead slides for today ' s teleconference . also attached is the first draft of our conjoint analysis survey . we ' ll see you this afternoon . > > sincerely , team 3 - enron pres # 3 . ppt - newpower conjoint . doc",0 +"Subject: re : copper curve tani , no problem . we shall look at the curve on monday . i have organized a small team to examine the curve from different perspectives . curve validation is normally a rac prerogative and i shall get them involved on monday vince tani nath 10 / 27 / 2000 11 : 40 am to : maureen raymond / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , steven leppard / lon / ect @ ect , tim poullain - patterson , harry tefoglou / lon / ect @ ect , esther gerratt / lon / ect @ ect subject : copper curve following steve ' s note to you earlier today , i wanted to mention that we have a fairly urgent need for review of the copper curve in particular , as there is a deal due for final pricing in the next few days . i am not sure what data you have received from enron metals in london , so i am asking tim poullain - patterson to ensure that you have the curves and the economic justification proposed as soon as possible . please direct any questions to him or to harry tefoglou . i will be in the tokyo office next week , but available via e - mail . thanks in advance for your assistance , tani",0 +"Subject: re : enron default swaps hi vince ! i got those notes . they should indeed be useful . the one from deutsche bank is especially helpful ! i am suppose to know this stuff , as i teach it ! sorry about the delayed billing . i have had trouble getting a bill from my excellent asistant , taichi hoshino , who has returned to goldman tokyo , and has not been able to get anything else done lately . i will try to get something out soon ! we had several energy people , from several companies , at our credit risk exec ed course last month . seems that credit risk and power risk go together these days ! warm regards , darrell on fri , 30 mar 2001 vince . j . kaminski @ enron . com wrote : > > darrell , > > i am sending you 2 technical notes on enron default swaps : i hope that they > will > be useful . i shall read the articles on weekend . i am curious if you > find these explanations satisfactory . > > we are very slow in preparing a number of technical documents > for you for model reviews . we still hope you will be able > to find some time to review our credit models ( for our london > credit trading ) and var and option pricing related models . > > also , please check your invoices . i still think we owe you money . > > > vince > ( see attached file : cds vs as . pdf ) ( see attached file : cdsstrat . pdf ) > > > > > darrell duffie on 03 / 28 / 2001 08 : 07 : 38 am > > to : vince j kaminski > cc : > subject : re : enron default swaps > > > > > vince : according to a bank of america > publication , your ( enron ) default swap spreads > are consistently trading about 80 > basis points wider than your asset swaps . > any idea of what is going on here ? > > thanks for any guidance , darrell > > > _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ > darrell duffie > mail gsb stanford ca 94305 - 5015 usa > phone 650 723 1976 > fax 650 725 7979 > email duffie @ stanford . edu > web http : / / www . stanford . edu / ~ duffie / > _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ > > > > darrell duffie mail gsb stanford ca 94305 - 5015 usa phone 650 723 1976 fax 650 725 7979 email duffie @ stanford . edu web http : / / www . stanford . edu / ~ duffie / ",0 +"Subject: letter to nesbitt john , the outline of a message to nesbitt . dale , thanks for your message . in our phone conversation before the meeting you mentioned another contractual arrangement under which we could work with your company employees on a case - study . the cost of a weekly project would be $ 12 , 000 that would be applied to the purchase price should we go ahead and decide to acquire the software . this project would allow us to evaluate the model and come up with an estimate of the manpower necessary to support the model internally . please , let me know more about this option . vince",0 +"Subject: value lab meeting on the lst of august amy : below are the individuals vince wants to include in this meeting . do you want me to send the email out or is it better coming from you ? i have reserved ebl 9 cl , however , since most of the guys are located on an upper floor we may want to see if we can get something up there . let me know . attendees amy oberg vince kaminski rick causey rick buy mark koenig",0 +"Subject: re : redployment vince , i highly appreciate your consideration . best regards , rehman vince j kaminski @ ect 03 / 06 / 2001 11 : 41 am to : rehman sharif / enron _ development @ enron _ development cc : subject : re : redployment rehman , thanks for you message . my group hires almost exclusively people with background in quantitative disciplines ( math , physics ) or computer programming . i shall send your resume to some other units in the company that are looking for people with good skills and experience . vince rehman sharif @ enron _ development 02 / 27 / 2001 11 : 17 am to : vince j kaminski @ ect cc : subject : redployment vince , i am a redeployment candidate out of calme region and in the process of exploring opportunities within enron . i have very extensive background in financial analysis and economic structuring . i am interested learning more about your group to find out if my skills and abilities could serve the present and future needs of your group . attached is my resume for your review , any guidance you could provide would be greatly appreciated . regards , rehman sharif",0 +"Subject: meeting to discuss research support to ees sharon / carol : jeremy blachman called vince kaminski and requested a meeting to discuss additional research support for ees , as soon as possible . the participants in this meeting would be : jeremy blachman marty sunde vince kaminski krishna krishnarao the soonest vince and krishna are available would be thursday , october 26 at the following times : 9 : 00 - 10 : 00 am 1 : 00 - 3 : 00 pm and friday , october 27 th : 8 : 30 - 10 : 30 am 1 : 00 - 2 : 30 pm please let me know what time would be best for marty and jeremy . thanks ! shirley crenshaw 3 - 5290",0 +"Subject: re : notice of end probation i would like to pass sharad ' s probationary period . steve london hrservice centre 25 / 01 / 2001 10 : 49 sent by : zoe michael to : steven leppard / lon / ect @ ect cc : subject : notice of end probation notice of end of probation i am writing to inform you that the six month probationary period for sharad agnihotri is due to end on the 21 / 02 / 2001 . please can you let me know as soon as possible if you want to : * pass the probationary period * fail the probationary period * * * * in this case you will need to discuss with human resources if the probationary period is passed i will send out a letter to this effect for you to sign and pass to your employee . thank you zoe",0 +"Subject: grades pam , the term papers arrived at my internet mailbox . i shall be sending you the information as i make progress reading the papers . first group of students : helen demianenko javier lamas lynn nazareth shauywn smith carlos wheelock sarah woody grade : a please , confirm receipt of this message and please double check that all registered students have been graded ( to make sure no student falls through the cracks ) . vince",0 +"Subject: resending paper - - - - - - - - - - - - - - - - - - - - - - forwarded by jason sokolov / hou / ect on 04 / 30 / 2001 08 : 18 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" lynn nazareth "" on 04 / 27 / 2001 12 : 46 : 37 pm to : jason . sokolov @ enron . com cc : subject : resending paper jason : here is our team ' s assignment . please confirm receipt . i am also sending you the file via my outlook address in case this doesn ' t work . this is our team : helen demianenko javier lamas lynn nazareth shauywn smith carlos wheelock sarah wooddy thanks , jason ! see you at enron this fall ! lynn get your free download of msn explorer at http : / / explorer . msn . com - mg _ analysis _ final . doc",0 +"Subject: the answer ! ! ! - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 08 / 09 / 2000 03 : 24 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - nathan mantua on 08 / 09 / 2000 03 : 21 : 37 pm to : mike a roberts / hou / ect @ ect cc : subject : re : pdo i ' m not sure what to think , other than we really don ' t have a credible way to determine what will happen with the pdo . one factor that provides insight into the climate outlook for the next few months and next few seasons is the expected changes with enso ( for which there is some demonstrated skill in forecasting ) . the latest observations show trends to near - normal enso conditions , with some indication that ocean temperatures will likely be a bit warmer than normal in the tropics . if this is true , i ' d expect a slight bias toward el nino - like climate over north america , which would tend to go against the continuation of cold phase pdo conditions . best wishes , nate mantua mrobert @ ect . enron . com wrote : > hi > > are you thinking we are moving into a cold phase pdo now ? ? > > thanks > > mike roberts - - ~ ~ ~ ~ ~ ~ ~ ~ ~ ? nathan mantua email : mantua @ atmos . washington . edu ? ( 206 ) 616 - 5347 fax : ( 206 ) 616 - 5775 ? ? dept of atmospheric sciences , jisao ? university of washington ? box 354235 ? seattle wa 98195 - 4235 ? ? http : / / www . atmos . washington . edu / ~ mantua ? ~ ~ ~ ~ ~ ~ ~ ~ ~ - attl . htm",0 +"Subject: historical curve databases & historical ff vols dear all , as promised , i cleaned up the data and put it into 6 spreadsheet files ( we will do gold and cocoa separately ) . i also ran 10 , 20 , 30 and 60 day fwd fwd volatility calculations based on historical log return data - you can see the results at the bottom of the sheet called "" log returns "" for each of the six spreadsheets attached below . the data in the files is ready for pca analysis . we can use either the fwd fwd vols from recent history or implied option quotes to complete the analysis . regards , anjam p . s . we have already done the pca on aluminum h ( high grade , so please don ' t repeat the analysis for that one ) final files : al _ h :",0 +"Subject: vince , congratulations on your promotion ! regards , nh",0 +"Subject: erisk essentials ? www . erisk . com what ' s new at erisk . com - 06 april 2001 weekly review this week ' s economic , banking and p _ insurance news , from an enterprise risk management perspective . read it here . . . analysis ? how the new economy aided and abetted the economic downturn ? state or federal regulation ? banks and insurers slug it out ? credit risk concentration hits the interest - rate swaps market feature why do some art products fare better than others ? credit insurance , for example , has taken off while the securitisation of catastrophe risk has struggled . in this feature , sanford bernstein analysts todd bault and timothy connor suggest that the secret of success lies in matching different kinds of risk to their appropriate owners - and that insurers ' expertise in handling basis risk makes this a potentially lucrative market . also still available : penny cagan on basle ' s treatment of operational risk . iconference looking for an overview of economic capital ? attend our iconference "" practical considerations in measuring economic capital "" on april 11 . read more about it and register for the iconference . still available : slides and a summary of the credit derivatives iconference . links need to find educational material on the web ? looking for a software vendor , a regulator or an exchange ? find hundreds of links to other risk management sites and resources in our links section the erisk essentials is published every friday by erisk . com . to subscribe to this newsletter , please register on our website . to unsubscribe , access your account . your username is the email address where you received this message . to be reminded of your password , or to reset it , follow this link .",0 +"Subject: re : var for enroncredit . com bryan , we shall be glad to take a look at the system . to sign - off on the vendor provided system we have to look under the hood and review the algorithms . i hope the vendor will have no objections to it . another critical issue we have to solve on a short notice is to integrate the system you want to buy with the rest of var / credit systems . we shall stand by to help in this endeavor . an alternative approach is to evaluate to what extent your positions can be rolled into the existing risk systems . vince bryan seyfried 11 / 10 / 2000 03 : 20 am to : vince j kaminski / hou / ect @ ect , steven leppard / lon / ect @ ect cc : ted murphy / hou / ect @ ect subject : var for enroncredit . com vince / steve - - we are going to the board in december to ask for formal limits . as you know one of the key limits at the board level is value at risk . to that end , it is imperative that you are comfortable with our approach for calculating var . we have implemented a third party risk system which holds all of our positions and are in the process of putting the debt positions in . the system has a var engine which is being demo ' d by the vendor today . ben and kirstee are attending the demo and if they find the technology acceptable , i propose moving forward with implemantion of the module . pls . let me know if this sounds reasonable and how you would envision implementing . thanks",0 +"Subject: rice cfos conference christie , this is one of the communications regarding rice cfos conference . andy requires some gentle persuasion . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 10 / 2001 08 : 20 am - - - - - - - - - - - - - - - - - - - - - - - - - - - david ikenberry on 04 / 09 / 2001 01 : 27 : 24 pm to : vince . j . kaminski @ enron . com cc : subject : hi vince , i may have missed something , however don ' t believe i have received any communication recently from andy festow about this upcoming may 4 - 5 corp . fin . conference . i hope he is still planning to come , yet i don ' t know as of now . i have andy penciled in as a participant on a "" panel "" that is discussing equity dilution from stock option compensation ( the role of panelist should require little , if any , preparation time ) . of course , i want andy to come , however he is concerned about his ability to attend , i probably should identify another person or two to serve on the panel . dave . * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * prof . david ikenberry jones graduate school of management rice university 713 - 348 - 5385",0 +"Subject: re : pserc industrial advisory board meeting invitation dear mr . ray , i regret to inform you that due to very heavy workload we cannot attend the power systems engineering research center ' s upcoming industrial advisory board meeting in oak brook . our work load does not leave us much time to get involved with pserc at this moment . we would very much like to stay in touch and plan to reconsider our decision in the second half of this year . vince kaminski "" dennis ray "" on 03 / 27 / 2001 04 : 46 : 44 pm to : "" vince kaminski "" cc : subject : pserc industrial advisory board meeting invitation mr . kaminski , greetings . bob thomas , shmuel oren and i invite you to attend the power systems engineering research center ' s upcoming industrial advisory board meeting in oak brook , il . it will be held on may 31 - june 1 . as you know from lance and alex , this is an opportunity to meet university researchers and industrial members of pserc . the meeting also has presentations on pserc activities and research projects , pserc business discussions , current topic discussions , and a tutorial . our current topics discussion will be on iso / rto issues , and will involve executives from several isos in dialog with university researchers . please let me know if you have any questions . we hope to see you there so that we can talk about any questions you might have about pserc . dennis ray , ph . d . executive director power systems engineering research center 608 - 265 - 3808 - directions . doc - iab _ meeting _ may 2001 . doc - iab _ registration _ form . doc - pserc members . doc",0 +"Subject: transmission roundtable meeting the meeting will be held on december 8 , 2000 from 11 : 30 am to 1 : 00 pm in conference room eb 19 cl . box lunches will be served . your choices are listed below : salads : roasted chicken cobb salad , grilled chicken caesar salad , classic chef salad sandwiches : turkey , roast beef , ham , chicken salad , tuna salad or club sandwich . served on homemade white or wheat bread please email your lunch choice to me by monday , december 4 , 2000 . thanks and regards , anita dupont",0 +"Subject: voila hey guys , the model just converged , beautifully . thanks for having the guts to try something big . clayton",0 +"Subject: summer internships at enron celeste , i have just talked to kim . i told her she will receive one . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 01 / 2001 09 : 31 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 03 / 01 / 2001 09 : 25 am to : celeste roberts / hou / ect @ ect cc : kristin gandy / na / enron @ enron , christie patrick / hou / ect @ ect , vince j kaminski / hou / ect @ ect , piazze @ wharton . upenn . edu subject : summer internships at enron celeste , it seems that the process lasted too long for some students and only kim whitsel is interested in the internship at this point . her resume has been forwarded to you . i am enclosing it just in case . thanks for your help . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 01 / 2001 09 : 20 am - - - - - - - - - - - - - - - - - - - - - - - - - - - fap on 02 / 23 / 2001 02 : 28 : 48 pm to : "" ' vkamins @ enron . com ' "" cc : "" ' piazze @ wharton . upenn . edu ' "" subject : summer internships at enron vince : thank you to you , ken and christie for coming to campus for the enron tiger team mid - project review . the students are working hard and appreciate your insight and suggestions to the project . thank you for your support of the wharton school . kim whitsel ( whitselk @ wharton . upenn . edu ) of tiger team 1 has informed me that she is very much interested in a summer internship at enron this year . i don ' t believe some of the students understood the process you had setup for them at enron as part of the tiger team . being concerned with having summer employment , they interviewed with other firms and ultimately accepted positions . the students asked that i express to you that this does not mean they are not interested in full time work at enron next year . i apologize and take responsibility for the lack of communication in this regard . i think it is a lesson learned and perhaps , in the future , we can make the agreement to students understood in advance of their "" dedicated interview week "" and eliminate their need to interview at all . this can also be an added advantage of applying to be a member of the tiger team . please let me know if you have any questions and exactly how kim whitsel should proceed . thank you , donna piazze program director field application project the wharton school univ . of pennsylvania 215 . 573 . 8394 fax 215 . 573 . 5727 fap @ management . wharton . upenn . edu piazze @ wharton . upenn . edu",0 +"Subject: re : meeting with you last week ? scott , not at all . i left to make a quick call and it required a number of follow - up calls . the presentation was very interesting and professional . one of the guidelines we have in my group is to avoid using too many software packages . otherwise , everybody will have his own pet package and we shall lose economies of scale . i shall talk to my associates about your product and get back to you . vince scott wakefield on 10 / 23 / 2000 12 : 09 : 46 pm to : vkamins @ enron . com cc : subject : meeting with you last week ? hello vince , i ' m writing to follow up with you regarding our meeting last week . did we do something wrong in our presentation or in the set up of this presentation ? for a group of 50 researchers we were expecting a larger crowd and also some peole perhaps from your it department . also when you left i was wondering if we had offended you . the ability to use our products to create open models , integrate databases , c , vb , etc . and then quickly deploy them to others has been embraced by the risk management world . we met the following day with a large group from ees and they seemed quite enthusiastic about the innovation possible with our tools . i realize you are quite busy , but could you please let me know what happened and how we can prevent this in the future ? thanks scott wakefield",0 +"Subject: re : informal interview with the enron research group fyi : i have arranged the following interview schedule and marked your calendars . ( except paulo - i do not have access to his calendar ) . i have reserved eb 1938 . a copy of his resume will be forthcoming . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 09 / 20 / 2000 03 : 42 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 09 / 20 / 2000 03 : 37 pm to : "" nelson neale "" @ enron cc : subject : re : informal interview with the enron research group mr . neale : thank you for responding so quickly . i have scheduled the following date and times . please let me know if they are convenient for you . friday , september 29 th : vince kaminski 8 : 30 am grant masson 9 : 00 am vasant shanbhogue 9 : 30 am zimin lu 10 : 00 am paulo issler 10 : 30 am stinson gibner will be out of the office for 3 weeks beginning monday , the 25 th so he will be unable to interview you . we should be through between 11 : 00 - 11 : 30 am . if you have any questions please feel free to call me . when you come into the enron bldg . go to the security console and ask for me . we are located on the 19 th floor and i will meet you at the elevator lobby on the 19 th floor . look forward to hearing from you soon . regards , shirley crenshaw 713 - 853 - 5290 "" nelson neale "" on 09 / 20 / 2000 03 : 18 : 45 pm to : shirley . crenshaw @ enron . com cc : subject : re : informal interview with the enron research group ms . crenshaw : nice to hear from you ! i will be available on the following dates : friday september 29 ( am or pm ) monday october 2 ( am ) thursday october 12 ( am or pm ) friday october 13 ( am or pm ) let me know which of the above dates and times works best for the group . i look forward to hearing from you . regards , nelson neale _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ c . nelson neale , ph . d . 2990 bissonnet , # 9106 houston , tx 77005 ph : 713 - 303 - 5973 neneale @ hotmail . com _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ get your private , free e - mail from msn hotmail at http : / / www . hotmail . com . share information about yourself , create your own public profile at http : / / profiles . msn . com .",0 +"Subject: european power web call replay mr . vincent j . kaminski managing director enron capital & trade resources corp . dear mr . kaminski : on june 8 last , we held a special web - based conference call pertaining to a new cera multiclient study , "" the future of european power : electricity without borders "" . ? participants in this complimentary call learned first - hand some of the initial results of the study , and how the study provides a framework for evaluating current and future company strategies . we are pleased to announce the availability of the recorded presentation on our website . ? to view the presentation , please visit our website at : ? the presentation focused on the study scope and approach , and its underlying analysis . ? in addition , the link above will also provide access to the prospectus for the study , including the deliverables and enrollment information . ? if your organization has not yet enrolled in the study , we urge you to consider doing so at this time . should you have any questions either about this study , or about any aspect of cera ' s european power services then please contact me by reply email or directly by phone in paris at + 33 1 42 44 10 18 . sincerely , david callanan dcallanan @ cera . com should you have trouble reaching the website using the link above , please go to ? http : / / www . cera . com / offerings / mcs / eurpow 99 / ? our relationship with you is very important to us . ? if you wish not to receive e - mail notifications from cera , please send a reply to this message with "" donotemail "" as the subject of your message . ( mailto : info @ cera . com ? subject = donotemail ) ",0 +"Subject: upcoming energy conference - kaminski requirements vince : i sent you itinerary to her , but did not send a photo or the handouts . thanks ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 03 / 09 / 2000 01 : 26 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" dawn scovill "" on 02 / 29 / 2000 09 : 20 : 48 am to : shirley crenshaw / hou / ect @ ect cc : subject : upcoming energy conference - kaminski requirements good morning , shirley ! i ' m missing some things from mr . kaminski w / regard to his presentation in miami in a few weeks . at your earliest convenience , could you please forward the following : * pr photo - either electronic or i ' ll scan & return * handouts - either electronic or mail clean copy to the address below * copy of his flight itinerary , so we know when to expect him all the contact info you need is as follows : dawn scovill , conference coordinator "" powerful new ideas 2000 "" pmb # 216 , 2480 s . congress avenue west palm beach , fl 33406 phone ( 561 ) 439 - 7682 - fax ( 561 ) 439 - 7055 - email dawn @ perfectmeeting . com i would really appreciate your prompt attention - i ' m working toward getting the room set - ups & conference book finalized . thanks for your help . look forward to a great conference ! ! dawn from : dawn scovill , event coordinator designs event consulting dawn @ perfectmeeting . com",0 +"Subject: alp presentation vince and ken , dean gil whittaker of the rice business school has also confirmed ! ! pass the word on to the students ( no pressure ! ! ha ! ! ) - i think i ' ll go ahead and put the word out to some of the active rice alums here at enron - - it ' ll be a great event ! thanks ! - - christie . - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 04 / 11 / 2001 03 : 20 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" gilbert r . whitaker , jr . "" on 04 / 11 / 2001 03 : 15 : 28 pm to : christie . patrick @ enron . com cc : subject : re : alp presentation christie - i have rearranged my schedule and will be very pleased to attend the alp presentation and dinner at enron . thanks . gil at 06 : 01 pm 4 / 10 / 01 - 0500 , you wrote : > president gillis and dean whitaker , > > enron would be honored with your presense at the presentation set forth > below . > > under the guidance of vince kaminski and his team here at enron , we are > thoroughly enjoying working with this group of bright and enthusiastic rice > students . we hope you can join us for the culmination of their significant > efforts . > > please let me know - - thanks ! ! > > - - christie . > - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 04 / 10 / 2001 > 05 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - > > > vince j kaminski > 04 / 10 / 2001 08 : 13 am > > to : barrett @ rice . edu , uecker @ rice . edu , cmiller @ rice . edu , > lounghrid @ rice . edu , luigical @ rice . edu > cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect , shirley > crenshaw / hou / ect @ ect , kenneth parkhill / na / enron @ enron > > subject : alp presentation > > on behalf of enron corp . i would like to invite you to an alp project > presentation by a group of students > of jesse h . jones graduate school of management , rice university . > > the students will present the results of a research project regarding > electronic trading > platforms in the energy industry . > > the presentation will be held on may 7 , at 4 : 00 p . m . at enron , 1400 smith . > > we would also like to invite you to dinner , following the presentation . > > > vince kaminski > > vincent kaminski > managing director - research > enron corp . > 1400 smith street > room ebl 962 > houston , tx 77002 - 7361 > > phone : ( 713 ) 853 3848 > ( 713 ) 410 5396 ( cell ) > fax : ( 713 ) 646 2503 > e - mail : vkamins @ enron . com",0 +"Subject: mg var results for the 27 th july hi , i have run the var with updated factor loadings for the gold , silver and cocoa bean positions . the biggest change in var from adding this information has been to the cocoa bean position which has increased from approx $ 45 , 900 to $ 506 , 553 . the overal var has not changed by very much as the position file i was sent from andreas had not changed from the 26 th - i have queried this and it will not be a problem to re - run the numbers on monday if i recieve a further file . the var summary for all the metals is as follows : also , after having a conversation with bjorn about stress / scenario analysis i thought i might quickly try to set up a few scenarios to see how sensitive the var is to a position change in aluminium , nickel and copper . i have only applied position increases ( thge direction of the shifts are dependent on the monthly outright position direction ) up until dec 2000 . the shifts and results are given in the following attached spreadsheet . it is interesting that the individual var ' s are particuarly sensitive to increasing the position for nickel . i would like to discuss these results on monday and any further suggestions for senarios would also be gratefully recieved . have a good weekend , kirstee .",0 +"Subject: entouch newsletter business highlights enron industrial markets metal bulletin - iron and steel awards for 2000 pushiest entrant : enron , the us commodity trading company , which promised it would revolutionize the steel business by offering futures in hot rolled coil via its online market place . the eim fundamentals analysis group is excited to announce that dave allan has joined as a director , responsible for all forest products lines . he comes to eim with 20 years of experience in the forest products industry , of which 14 were spent at abitibi and 6 with pulp and paper week . please join us in welcoming dave . the siebel team (  & the force  8 ) continues to work towards program implementation of its customer management system in early may , with training to begin at the end of april . stay tuned for updates . enron global lng enron global lng is positioning itself to be a creator and leader of a global wholesale lng market . the rising prices of natural gas in the united states and concerns over future energy supplies have created a bullish outlook for lng in the u . s . and around the globe . lng has played a major role in serving energy needs in many parts of the world , but its place in the u . s . energy picture has been limited . an lng market that spans the globe can supply vast amounts of otherwise stranded gas to the world  , s growing appetite for cleaner burning fuels . enron global lng sees great opportunity for enron  , s wholesale energy business model to help shape yet another energy market . in the news enron corp . says first - quarter profit rose 20 percent houston , april 17 ( bloomberg ) - - enron corp . , the largest energy trader , said first - quarter profit rose 20 percent as sales almost quadrupled . profit from operations rose to $ 406 million , or 47 cents , from $ 338 million , or 40 cents , in the year - earlier period . enron raised its 2001 profit forecast to $ 1 . 75 to $ 1 . 80 a share , from its january projection of $ 1 . 70 to $ 1 . 75 . first - quarter revenue surged to $ 50 . 1 billion from $ 13 . 1 billion as enron boosted the volume of power sold in north america by 90 percent . enron had a first - quarter gain of $ 19 million , or 2 cents a share , for an accounting change , making net income $ 425 million , or 49 cents a share . there were no charges or gains in the year - earlier period . welcome new hires egm - janelle russell , eim - david allan , sylvia carter ena - sasha divelbiss , amy quirsfeld , judy zhang , annette thompson , kelly donlevy - lee , grant patterson transfers ( to or within ) ena  ) william abler , magdalena cruz , barbara taylor , james reyes , marvin carter , angel tamariz , jesse bryson eim  ) cassandra dutton , christine sullivan , camille gerard , sherri kathol , jennifer watson egm  ) steven batchelder legal stuff the information contained in this newsletter is confidential and proprietary to enron corp . and its subsidiaries . it is intended for internal use only and should not be disclosed .",0 +"Subject: re : telephone interview with the research group hi mike : thanks for responding so quickly . i have scheduled the telephone interview for thursday , july 6 at 10 : 00 am houston time ( 8 : 00 az time ) they interviews usually last from 45 minutes to an hour . we will call you at 520 / 325 - 9730 . thanks and have a great 4 th of july shirley crenshaw administrative coordinator enron corp . research 713 / 853 - 5290 email : shirley . crenshaw @ enron . com",0 +"Subject: the lure of the san network world fusion focus : amy larsen decarlo on storage in the enterprise today ' s focus : the lure of the san 03 / 14 / 00 dear wincenty kaminski , today ' s focus : the lure of the san by amy larsen decarlo e - business is changing how businesses value information . information has become a strategic asset that gives companies an edge over their market rivals . companies use intelligence to identify new markets and make contact with prospective customers . in this media - saturated era , information itself is packaged and sold as a product . this makes the ability to supply users with fast access to stored information on a continuous basis absolutely crucial . companies are clearly coming to a crossroads in their storage implementations . with estimates for internet storage capacity needs doubling every three months , it professionals are hungry for a scalable solution to help them consolidate control of stored information . they often look to storage - area networks ( san ) as a better option to manage their information storage systems than distributed models . today , most organizations rely on a distributed storage model that uses file servers to process i / o requests from end users and other application servers . in this model , all requests for data go through the file server that owns the attached storage disks , and only one file server can tap data on a particular disk via a scsi bus . this model has several shortcomings . first , the amount of data a server can access is restricted to the number of disks supported by the bus , which limits the capacity of a single file server . second , because the server processes each i / o request , it risks becoming a bottleneck . third , this server model carries some daunting availability limitations , because only one file server is allowed to access a set of disks . if that file server or any of its scsi connections fails , then users and other application servers lose access to the stored files . this model carries other major disadvantages . distributed file servers rely on the data transport network to run backup and recovery operations which can eat up bandwidth and slow normal network transmissions to a crawl . finally , this decentralized setup is difficult to manage from both a logical and a physical perspective . file server based storage systems are distributed throughout the enterprise , so it is often difficult to assess current and future capacity needs . and because these servers use a parallel cabling scheme to link the file server to the disk array , they can also be cumbersome to set up and manage . sans promise to mitigate the problems that plague conventional file servers , largely through consolidation of control . these specialized storage networks claim higher availability , faster performance , centralized management , and by their architecture , the capability to remove bandwidth - intensive data backup and recovery operations from the lan . this frees up the lan for normal data communications and ensures smoother back - up operations . using high - speed transports like fibre channel , sans offer a high - performance network optimized for moving storage data . sans also make way for new storage implementations like lan - free backup . and , because fibre channel can support distances of up to 10 kilometers , san devices can be widely distributed , but also centrally managed as one network . yet , as was the case with lans in their younger years , sans are still developing . vendors are still working out major product interoperability issues , while companies deploying san technology struggle with how to merge the very different worlds of storage and networks and manage both together . ultimately the hope is that , like lans , sans will develop into a mature and highly manageable solution that supplies substantial benefits at lower costs . given that storage deployment and ongoing support costs can total 10 times the acquisition price for the equipment , the consolidated management capabilities of a san may deliver the biggest benefit to business . to contact amy larsen decarlo : - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - amy larsen decarlo is an analyst with enterprise management associates in boulder , colo . , ( http : / / www . . com ) , a leading analyst and market research firm focusing exclusively on all aspects of enterprise management . she focuses on storage management , application management , and security . in her position , she oversees market research and contributes to custom project work in her focal coverage areas . prior to joining ema , amy spent five years covering enterprise management for industry trade magazines , including informationweek and data communications . she can be reached at mailto : decarlo @ . com for related links - - click here for network world ' s home page : http : / / www . nwfusion . com storage networking industry association ( snia ) : http : / / www . snia . org fibre channel industry association ( fcia ) : http : / / www . fibrechannel . com scsi trade association ( sta ) http : / / www . scsita . org other storage - related articles from network world : legato primes storage resource mgmt , network world , 03 / 13 / 00 subscription services to subscribe or unsubscribe to any network world e - mail newsletters , go to : to change your email address , go to : subscription questions ? contact customer service by replying to this message . other questions / comments have editorial comments ? write jeff caruso , newsletter editor , at : mailto : jcaruso @ nww . com for advertising information , write jamie kalbach , account executive , at : mailto : jkalbach @ nww . com network world fusion is part of idg . net , the idg online network . it all starts here : http : / / www . idg . com copyright network world , inc . , 2000",0 +"Subject: re : opportunities thanks vince . i have contacted him and have given him your phone number . he will attempt to contact you thursady or friday . good luck . vince j kaminski 10 / 24 / 2000 03 : 59 pm to : lloyd will / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : opportunities lloyd , yes , i would be very interested . vince lloyd will 10 / 24 / 2000 02 : 45 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : opportunities vince would you be interested in this professional . i would be glad to facilitate a conference call . thanks . - - - - - - - - - - - - - - - - - - - - - - forwarded by lloyd will / hou / ect on 10 / 24 / 2000 02 : 43 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" sheble , g . b . "" on 10 / 17 / 2000 04 : 52 : 57 pm to : "" ' lloyd . will @ enron . com ' "" cc : subject : re : opportunities loyd i tried to call yesterday , but you were out of the office . my schedule follows , would you want to pick a time for me to call you or send me a list of times to pick ? gerry fall 2000 teaching schedule ee 553 mtwr 10 - 11 am curtis hall 308 engr 161 mw 2 - 4 howe hall 2228 other commitments m 11 - 12 ep & es m 1 - 2 office hours t 12 - 2 ep & es seminar t 2 - 3 office hours t 3 - 4 pserc t 5 - 6 epri - dod w 11 - 12 office hours w 4 - 9 dsm r 11 - 12 office hours f 11 - 12 p & t f 1 - 3 cas f 3 - 4 departmental meeting - - - - - original message - - - - - from : lloyd . will @ enron . com [ mailto : lloyd . will @ enron . com ] sent : monday , october 16 , 2000 8 : 00 am to : sheble , g . b . subject : re : opportunities give me a call any time to discuss things . 713 - 853 - 3383 . thanks . "" sheble , g . b . "" on 10 / 15 / 2000 02 : 17 : 02 pm to : lloyd will / hou / ect @ ect cc : subject : re : opportunities lloyd i am attaching another resume for your review , please pass it along if there is any interest . i would also like to discuss opportunities with you as i expect to graduate with my mba summer 2001 . cordially , gerry = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = gerald b . shebl , professor , electrical and computer engineering director of complex adaptive systems program 1115 coover hall ames , iowa 50011 voice : 515 . 294 . 3046 fax : 515 . 294 . 4263 email : gsheble @ iastate . edu web : http : / / www . ee . iastate . edu / ~ sheble / = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = =",0 +"Subject: enterprise wide risk management meeting , january 21 this is to confirm the meeting will take place on friday , january 21 at 12 : 00 - 5 : 00 p , at the doubletree hotel , 400 dallas street . the meeting room is suite 407 . those in attendance : rick buy ted murphy rick carson vince kaminski dave gorte kevin kindall grant masson lunch will begin at 12 : 00 noon and a snack will be served at 2 : 30 p . please give me a call with questions at x 31881 .",0 +"Subject: re : molecular electronics corp . working lunch ken , i shall be glad to join you for lunch with mec . vince kaminski kenneth lay @ enron on 06 / 20 / 2000 04 : 23 : 31 pm sent by : rosalee fleming @ enron to : philippe a bibi / hou / ect @ ect , jay fitzgerald / corp / enron @ enron , steven j kean / hou / ees @ ees , joe hirko / enron communications @ enron communications , david berberian / enron communications @ enron communications , rex shelby / enron communications @ enron communications , mike mcconnell / hou / ect @ ect , greg whalley / hou / ect @ ect , vince j kaminski / hou / ect @ ect , mark lay / hou / ect @ ect cc : vanessa groscrand / corp / enron @ enron subject : molecular electronics corp . working lunch on tuesday , july 25 , i am meeting with molecular electronics corp . ( mec ) to discuss the opportunity for establishing this newly formed company in houston . for those of you that are not familiar with mec , they are considered one of the premier companies in the area of molecular computing . mec has approached enron to discuss a possible alliance that would facilitate their development and , in particular , location in the houston area . mec represents the frontier of computing technology . i would like to invite you to participate in a working lunch discussion of the opportunities and obstacles facing a company that is seeking to change an industry . i would appreciate it if you could join us on july 25 from 11 : 30 to 1 : 30 in eb 49 cl for this informal roundtable with the ceo of mec , harvey plotnick and one of the founders , jim tour . will you please let vanessa groscrand know if you can attend at 713 - 853 - 1769 or please reply by e - mail to me . ken lay",0 +"Subject: re : thursday visit good morning frank : reservations have been made for you at the doubletree hotel , downtown houston ( allen center ) . the confirmation # is : 87948774 . the hotel telephone no . is : 713 / 759 - 0202 . see you on thursday and have a safe trip . regards , shirley crenshaw administrative coordinator enron research 713 / 853 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 12 / 18 / 2000 08 : 29 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 12 / 18 / 2000 08 : 27 am to : "" francis x . diebold "" @ enron cc : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : thursday visit frank , we are located at 1400 smith . any cab driver can identify the enron building . when you arrive , please , call me at 3 - 3848 from the reception to be admitted into the building . alternative phone numbers : 3 - 5290 ( my assistant shirley crenshaw ) . you can also try to call me on my cell phone : 713 898 9960 . the research group meeting starts at 11 : 30 and lasts till 1 : 00 . can you make a presentation about your research projects ? what audio / video equipment do you need ? what sandwich would you like to have for lunch ? we shall make a hotel reservation for you thursday night . vince "" francis x . diebold "" on 12 / 18 / 2000 07 : 02 : 46 am to : vince kaminski cc : bmierts @ enron . com subject : thursday visit hi vince , looking forward to seeing you thursday . ? i arrive at houston - bush on usair 1769 at 10 : 55 am . ? please let me know where to go . ? i also want to verify that you have booked me a hotel ? for thurs night . ? many thanks , and see you soon , frank - - francis x . diebold wp carey professor department of economics university of pennsylvania 3718 locust walk philadelphia , pa 19104 - 6297 fdiebold @ sas . upenn . edu http : / / www . ssc . upenn . edu / ~ diebold ( 215 ) 898 - 1507 ? telephone ( 215 ) 573 - 4217 ? fax ?",0 +"Subject: our meeting next week vince and grant , first let me apologize for cancelling our meeting with you this friday . i hope we can reschedule next week as i ' ll arrive in houston monday mid - day . i ' d love to talk to you as i know the knowledge base in your group related to my new responsibilities is huge . will you be able to free up some time of some of your team members to help us ? as an example , i ' d like to show you our position book ( cash ) . it ' s far from being perfect . i ' d like to know whether we should persevere and improve it or whether there are some models in ena that we could copycat . . . . i look forward to seeing you next week , remi",0 +"Subject: happy new year , and some new year ' s resolutions with the new year , we would like to institute some rules within the research group . this applies to everybody in research and is at the express request of vince , but i am just sending it to my reports ( and their reports ) as of now . people are expected to report to work in the morning around 8 : 00 am to 8 : 30 am but no later than 8 : 30 am . this is primarily because our clients from other groups typically start calling around 8 : 00 am and we need to be responsive . of course , once in a while if something urgent comes up then this may be relaxed but you are responsible for letting both your supervisor and your assistant ( anita and / or shirley ) know in advance . i am trying to come up with a schedule that will allow me to get updated on all the work that you guys are doing , and i will probably set this up next week after vince finishes drawing up the overall directions for the group for 2001 . thanks , vasant",0 +"Subject: re : proposed darden interview schedule - april 18 sherri : 2 : 00 pm on the 18 th of april is fine for vince kaminski . his "" bio "" is attached . if you need anything else , please let me know . shirley enron north america corp . from : sherri sera @ enron 04 / 11 / 2000 03 : 42 pm to : bert frazier / hou / ect @ ect , karen owens / hou / ees @ ees , jewel meeks / enron communications @ enron communications , mercedes estrada / enron communications @ enron communications , bridget maronge / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : proposed darden interview schedule - april 18 ladies , i ' m trying to finalize this schedule prior to my vacation 4 / 13 - 14 . please confirm that the time proposed below will work for your executive . additionally , would you please e - mail me a bio for your executive ; the professors have requested it . thanks for your help . srs - - - - - - - - - - - - - - - - - - - - - - forwarded by sherri sera / corp / enron on 04 / 11 / 2000 03 : 37 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : sherri sera 03 / 31 / 2000 05 : 15 pm to : gene humphrey / hou / ect @ ect , lou l pai / hou / ees @ ees , ken rice / enron communications @ enron communications , andrew s fastow / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : bert frazier / hou / ect @ ect , karen owens / hou / ees @ ees , jewel meeks / enron communications @ enron communications , mercedes estrada / enron communications @ enron communications , bridget maronge / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : proposed darden interview schedule - april 18 below is proposed schedule for the darden case video - taped interviews ; an hour has been scheduled for each of you ( except vince , for whom 1 - 1 / 2 hours has been requested ) , however , you may be finished in less time . the location is yet to be determined , but will most likely take place in a vacant office of 50 m . please let me know of any conflicts with this proposed schedule . i ' ll send along additional information as it becomes available . thank you and have a nice weekend . srs 8 : 00 a gene humphrey 9 : 00 a lou pai 10 : 00 a ken rice 11 : 00 a andy fastow 12 : 00 p break 2 : 00 p vince kaminski 3 : 30 p jeff skilling",0 +"Subject: re : grades thank you ! you have been wonderful to work with this semester . stay in touch and we ' ll see you next year . - pam ( 713 - 348 - 6223 ) at 10 : 33 pm 5 / 4 / 01 - 0400 , vkaminski @ aol . com wrote : pam , the students resent the documents . the group members : rakhi israni felix feng lu winny so orlandotaylor sanjay wankhade ning zhang grade : a separately , i think i have sent you already : jeffrey planck grade : a please , confirm this message . vince kaminski",0 +"Subject: mscf speaker series mscf speaker series official invitation ? ? it is with great pride that i announce the next event in the speaker series . next friday we will have the honor to host a conference given by mr . vince kaminski ? managing director research at enron corp . ? the next event in the student speaker series is : friday , november 3 , 2000 11 : 30 a . m . to 12 : 30 p . m . fast lab [ image ] vince kaminski managing director , research . enron corp . tentative student speaker series schedule 2000 - 2001 the following is a tentative schedule of the mscf student speaker series for the 2000 - 2001 academic year . all events take place from 11 : 30 a . m . to 12 : 30 p . m . in the fast lab ( gsia 229 ) unless otherwise noted . updates are soon to follow . volatility curve and bond basis august 11 , 2000 david hartney & jerry hanweck vice president , futures and option sales j . p . morgan price and hedging volatility contracts september 1 , 2000 dmitry pugachevsky deutsche bank dmitry pugachesky is a director with otc derivatives research of deutsche bank , where his research is primarily focussed on credit derivatives . prior to joining deutsche bank , dmitry worked for six years with global analytics group of bankers trust . there he developed models for emerging markets , interest rates , and equity derivatives and also participated in actual trading and structuring of interest rate options . he received his phd in applied mathematics from carnegie mellon university specializing in control theory for stochastic processes . he has published several papers on modelling in emerging markets and on valuation for passport options . a measurement framework for bank liquidity risk september 15 , 2000 raymond cote vice president , finrad inc . raymond cote is vice president , financial engineering at finrad inc . , a montreal - based consulting firm offering financial management solutions that combine advisory and systems development services to & corporations and financial institutions . abstract : liquidity risk , as opposed to credit and market risks , has received little attention in professional or academic journals . we argue that analyzing bank liquidity risk can be viewed as a variation of credit risk analysis . after introducing some concepts and definitions , the presentation defines a framework allowing to measure a bank ' s structural liquidity risk . it then shows that combining the framework with modern credit risk measurement tools leads to a liquidity risk var measure . the presentation then offers concluding comments on the integration of the liquidity risk measurement framework within enterprise - wide risk management . the impact of electronic trading on the uses of quantitative research in equity options september 22 , 2000 scott morris hull group , quantitative research department quantitative research in investment management october 6 , 2000 raman srivastava & anna bulkovshteyn assistant vice president , & fixed income , quantitative analysts , putman investments [ image ] tba november 3 , 2000 vince kaminski managing director , research . enron corp . fund management and market efficiency november 10 , 2000 andrea dalton researcher , friess associates ( advisor to the brandywine funds ) . tba november 17 , 2000 jeff keifer & deb aep tutorial on bridge november 24 , 2000 pierre ste - marie & punit rawal mscf students a corporate risk management framework december 8 , 2000 darin aprati & brian moore mcdonald ' s [ image ] math speaker series schedule 2000 - 2001 [ image ] speaker series student committee [ image ] previous speakers ? pierre - philippe ste - marie - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - [ image ] http : / / pstemarie . homestead . com",0 +"Subject: re : frank , yes . vince from : frank hayden / enron @ enronxgate on 05 / 01 / 2001 07 : 51 am to : vince j kaminski / hou / ect @ ect cc : subject : vince , are you going to be able to make the power var meeting on thursday ? frank",0 +"Subject: re : confidential dale , thanks for your message . i don ' t know the labor market in london that well but here the market for quants is very hot . steve is in my view an exceptionally talented person and i would go an extra mile to retain him long - term for the company . i would adjust the base salary or the kicker upward a bit . o 62 , 000 basic is what anjam is receiving currently ( if i remember correctly ) . steve has a much higher value to enron than anjam . vince dale surbey 08 / 30 / 2000 07 : 49 am to : vince j kaminski / hou / ect @ ect cc : subject : confidential vince , this is the package hr is proposing for steven . what do you think ? - dale - - - - - - - - - - - - - - - - - - - - - - forwarded by dale surbey / lon / ect on 30 / 08 / 2000 13 : 50 - - - - - - - - - - - - - - - - - - - - - - - - - - - sophie kingsley 29 / 08 / 2000 20 : 32 to : dale surbey / lon / ect @ ect cc : subject : confidential sorry dale , long day , here are the proposed numbers 2 year exec o 62 , 000 basic ( currently o 55 k ) ol 0 k each year kickers $ 50 , 000 worth of options to vest 1 / 3 1 / 3 1 / 3 let me know what you think . regards sophie",0 +"Subject: pd : praca dyplomowa v edycja mba ? - - - - - original message - - - - - from : jerzy seremak to : vkaminski @ aol . com sent : tuesday , november 28 , 2000 7 : 49 pm subject : praca dyplpmowa v edycja mba dzie  ? dobry panie doktorze ! ? przesy  am panu ca   ? prac  c dyplomow  ? z finans ? w . cz  c  ~  + pracy zosta  a panu przes  ana w pa  dzierniku . wykresy b  cd  ? kolorowe i uj  cte w pracy . obrona pracy jest zaplanowana w luty br . je  _ eli jest to mo  _ liwe to prosz  c o recenzj  c ? ? z powa  _ aniem ? jerzy seremak v edycja mba wy  _ sza szko  a handlu i finans ? w mi  cdzynarodowych ? w warszawie ? a _ j _ seremak @ pro . onet . pl ? - i - iv rozdzia  pracy - mba . doc - iv - rozdzia  pracy - schemat - mba . doc ? - rozdzia  5 . 1 . tabele . doc - rozdzia  v 5 . 1 . opis . doc ? - rozdzia  v 5 . 2 . , podsumowanie , biografia i spisy . doc - strona tytuowa i spis tre  ~ ci . doc - wstep . doc",0 +"Subject: pjm announces basic training program over the internet message sent from the pjm - customer - info mailing list at pjm - customer - info @ majordomo . pjm . com : pjm will again offer a one - day course , pjm 101 : the basics , on february 27 , 2001 as a virtual workshop over the internet . pjm 101 : the basics will introduce participants to the pjm market and operations model . it will include presentations on pjm market settlements , capacity assurance and markets , transmission expansion and the status of pjm ancillary services markets and other initiatives . the coups is designed for those new to pjm . a limited number of participants will be registered since this is a pilot program to determine if such a format is effective . the course times are 9 : 00 a . m . to 12 noon and 1 : 00 p . m . to 4 : 00 p . m . participants should plan to log in a half hour before the scheduled start time . further details and registration information can be found on the pjm web site at please do not reply to this message . if you have a question for pjm customer relations and training , please complete and submit this form : to unsubscribe from this list , send an e - mail to majordomo @ majordomo . pjm . com containing only the following line in the body of the e - mail : unsubscribe pjm - customer - info",0 +"Subject: guiseppe paleologo / ext 39189 / eb 4444 b vince and shirley - i have verified that his phone is in and working at stinson ' s former desk . please let me know if i may be of further assistance thank you paula - - - - - forwarded by paula corey / enron communications on 06 / 19 / 00 07 : 25 am - - - - - janelle duree @ ect 06 / 19 / 00 06 : 59 am to : paula corey / enron communications @ enron communications , martha reyna / enron communications @ enron communications , guiseppe paleologo / na / enron @ enron cc : subject : guiseppe paleologo / ext 39189 / eb 4444 b sorry for the inconvenience , please advise if we can be of further assistance . thank you for your patience . - - - - - - - - - - - - - - - - - - - - - - forwarded by janelle duree / hou / ect on 06 / 19 / 2000 06 : 58 am - - - - - - - - - - - - - - - - - - - - - - - - - - - linda richard 06 / 15 / 2000 04 : 49 pm to : janelle duree / hou / ect @ ect cc : kathy brooks / na / enron @ enron subject : guiseppe paleologo / ext 39189 / eb 4444 b janelle , fms records show that ext . 39189 was installed on 6 / 1 for mr . paleologo , there is no record to indicate the phone was ever puded . i have requested to kathy brooks to re - install the phone . kathy says that she will reseach to find out why the phone was picked up and she will let me know . thanks linda",0 +"Subject: re : summer internship dr . kaminski , thank you very much . of course , i ' ll be happy to have an opportunity to work at such a wonderful company . i was contacting with surech raghavan at deal bench team , and was going to express my appreciation to you again after settling down process with them . for the period of working , i still need to coordinate with my advisor and may need to adjust according to that . but anyway , i ' ll try to coordinate smoothly . please let me know whether i should keep contacting with deal bench team , for working period and for misc . living support such as finding a place , rent a car , etc . i appreciate you so much again , for arranging such meetings and giving me an opportunity . all this opportunity will not be available to me , without your kind help . warm regards , jinbaek jinbaek kim ph . d candidate dept . of industrial engineering and operations research u . c . berkeley http : / / www . ieor . berkeley . edu / ~ jinbaek go bears ! : "" ' . _ . . - - - . . _ . ' "" ; ` . . ' . ' ` . : a a : _ _ . . . . . _ : _ . - 0 - . _ : - - - ' "" "" ' "" - . . . . - - ' "" ' . : . ' : ` . : ` , ` . ` . : ' - - ' - - ' : . ' ; ; : ` . _ ` - ' _ . ' ; . ' ` . ' "" ' ; ` . ' ; ` . ` : ` ; . ` . ; ; : ; . ' ` - . ' ; : ; ` . _ _ . ' . ' . ' : ; ` . . ' _ _ . ' . ' ` - - . . _ _ _ . _ . ' ; ; ` . . . . . . ' . ' ` ' "" "" ' ` . ' ; . . . . . . - ' ` . . . . . . . - ' ` . . . . . . . . ' on fri , 2 mar 2001 vince . j . kaminski @ enron . com wrote : > hello , > > sorry for a delay in getting back to you . > we would like very much to offer you a summer internship . > > please , let me know if you are interested . > > vince kaminski > >",0 +"Subject: re : india model stinson and vince , please see wade ' s comments below . it is critical that we start the exercise quickly , and as metioned , it should be structured so that dpc foot the bill . also , as mentioned , please have them desist from using the word viability with reference to dabhol . regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 01 / 02 / 2001 10 : 35 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron india from : wade cline 01 / 01 / 2001 10 : 26 pm to : sandeep kohli / enron _ development @ enron _ development cc : neil mcgregor / enron _ development @ enron _ development , mohan subject : re : india model thanks sandeep . engagement needs to be structured so that dpc will pay for this key study . have them address the study to dpc and invoice dpc . second , on the cover , the reference is to "" . . . . . . and dabhol plant viability . "" please instruct them to immediately cease discussions about and use of term dabhol viability . they can use the term they use later on , which is dabhol plant operations . sandeep kohli 01 / 01 / 2001 08 : 56 am to : wade cline / enron _ development @ enron _ development cc : subject : re : india model wade , this is fyi . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 01 / 01 / 2001 08 : 55 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" robert schenck "" on 12 / 29 / 2000 11 : 57 : 16 am to : , cc : subject : re : india model gentlemen , i have attached a proposal for your consideration please review this and give me a call on my cell phone + 61 412 234 366 tomorrow morning ( 9 am my time saturday ) i have organised access to a substantial level of detail re the generation and transmission systems and can commence work on building the data base next week there may be some residual typing errors in the proposal , please forgive me as i have no staff to review regards robert schenck > - - - - - original message - - - - - > from : sandeep . kohli @ enron . com [ mailto : sandeep . kohli @ enron . com ] > sent : thursday , 28 december 2000 10 : 09 pm > to : stinson . gibner @ enron . com ; schenck @ hesinet . com > subject : re : india model > > > > robert , > > i had a conversation with stinsen regarding this earlier today . > we do have > some information about the interconnects as well as information on the > plant capacities and locations within the state of maharashtra . however , > our information on other states and on a national basis maybe > less detailed > and accurate . > > what i suggested was that we have a meeting with your representative in > india once the study is a "" go . "" we probably need to do this with our team > in india in the first week of the new year . in that manner , we > will have a > much clearer idea of what is needed and what we have . we will then take a > week filling in the gaps , and so by mid - january we should have the > information you need , or alternately , we will know that the level > of detail > you ideally want is not available . then we will have to make assumptions . > > i believe that the level of detail we have on maharashtra will be > good , but > the type of information on o & m costs , generations costs , etc . > that you want > will likely not be easily available for other states . we need to work > closely , however , to do the best we can as regards this information . > > please get back to stinson with the estimates of time and cost , and let us > also know whether mid - january for the full information will work for you . > > regards , > sandeep . > > ps : stinson , please let me know if there is something i have missed in my > response . > robert - if you need something answered urgently , please feel free to > call me on my mobile in the us : 713 - 857 - 6826 . > > > > > stinson gibner @ ect > 12 / 28 / 2000 09 : 38 pm > > to : sandeep kohli @ enron > cc : > subject : re : india model > > > - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 12 / 28 / 2000 > 10 : 10 am - - - - - - - - - - - - - - - - - - - - - - - - - - - > > > "" robert schenck "" on 12 / 27 / 2000 11 : 21 : 18 pm > > to : > cc : > subject : re : india model > > > stinson , > > i am trying to contact our data base experts at the moment to clarify some > issues with the region and may need another day to get something more > concrete in front of you . > > what i would like to know is the extent of your company knowledge re the > following > > generation units ' nameplate capacity , fuel type , efficiency , o vince . j . kaminski @ enron . com > > subject : india model > > > > > > robert , > > > > enron would like to do a study of power prices and dispatch for > > india we > > have spoken with david branchcomb to see if henwood can help with this > > project in our time frame ( results needed by end of january ) , and he > > suggested that we speak directly with you about the project . > > > > i will try and give you a call later today ( wednesday afternoon > > in houston , > > thurday morning , adelaide ) at around 9 : 00 a . m . your time to see we can > > describe for you the project in more detail . > > > > regards , > > > > stinson gibner > > enron research group > > ( 713 ) 853 - 4748 > > > > > > > > - penron . doc",0 +"Subject: yen outlook vince , as a followup to our meeting with david port and rudi zipter re enron ' s investment in sk - enron , maureen and i wrote the attached position paper on the japanese yen . as we have discussed , the volatility of the won closely tracks fluctuation in the yen , and this yen position paper is intended to complement the won outlook piece for a broader perspective on currencies that takes into account the yen ' s influence on asian currencies . . we would like to distribute this outlook to david and rudi , but wanted to send it to you for initial reaction prior to internal distribution . thank you , and let me know if you have any questions or comments re the attached . gwyn",0 +"Subject: credit model paulo , i have talked to vince and stinson about the credit model enhancement and extension . we will pull other reseource for the potential exposure model , so you will be relieved from this more challenging part of the project . due to our limited manpower , everyone is overloaded with multiple tasks . so we still think you are the best person for the short term project which is adding the asian option to the existing model ( ask amitava for help if needed ) . i do not mind if you want to re - negotiate with the customer about the delivery date , but keep in mind that ees has done deals requiring the asian option valuation in the credit model . zimin",0 +"Subject: alliance info alert : richardson and ferc orders dear generation / power marketing executive : the following are summaries of two significant activities that occurred friday , december 15 1 . energy secretary richardson issuance of an emergency order . ( richardson ' s statement and fpa section 202 ( c ) order is posted on doe ' s web site at : http : / / www . energy . gov / hqpress / releaseso 0 / decpr / pro 0309 . html ) 2 . ferc ' s 12 / 15 / 00 final order to fix california wholesale markets ( ferc ' s order can be viewed at california supplies ordered by richardson o richardson orders listed entities to supply excess power to california iso o order is effective as soon as iso certifies shortage , but ends 12 / 21 / 00 , unless extended o prices to be agreed to by supplier and iso , or ferc will set rate later o fpa emergency power authority transferred to doe in 1977 as he said he would on december 13 , u . s . department of energy secretary bill richardson found "" an emergency exists in california by reason of the shortage of electric energy "" and issued an emergency order under section 202 ( c ) of the federal power act ( fpa ) requiring listed generators and marketers to provide any power in excess of the needs of their firm customers to the california iso . in a statement , richardson said the threat to the reliability of the california grid requires a long - term solution , but that in the short - term power must keep flowing to the state to avert blackouts . the 76 listed suppliers have 12 hours after the iso certifies to doe that it has been unable to acquire adequate supplies in the market to begin providing requested service to the iso . the iso must inform each supplier subject to the order of the amount and type of energy or services required by 9 : 00 pm , eastern standard time , the day before the services are needed . the order directs the iso to allocate , to the extent feasible , requested services among subject entities in proportion to each supplier ' s available excess power . the order is effective immediately and will terminate at 3 : 00 am , eastern time , december 21 , 2000 , unless extended . to continue to obtain supplies under this emergency authority , the iso must re - certify the shortage to doe headquarters every 24 hours . the terms of the provision of electric energy and other services by suppliers to the iso "" are to be agreed to by the parties . "" if no agreement is reached , then under the fpa ' s emergency authority secretary richardson "" will immediately prescribe the conditions of service and refer the rate issue to the federal energy regulatory commission for a determination at a later date by that agency in accordance with its standards and procedures , and will prescribe by supplemental order such rates as it finds to be just and reasonable . "" the authority of ferc to set rates for power supplied under emergency order at just and reasonable levels where the parties themselves do not agree to a rate is explicitly included in fpa section 202 ( c ) . the doe organization act of 1997 transferred the emergency powers of this section from ferc to doe . the 76 entities identified in the order ' s attachment are all the entities that have provided power to the iso over the last 30 days . those entities are ordered "" to make arrangements to generate , deliver , interchange , and transmit electric energy when , as , and in such amounts as may be requested by the "" iso , "" acting as agent for and on behalf of scheduling coordinators . "" [ source : doe secretary richardson ' s december 14 , 2000 statement and order ; electric power daily , december 15 , 2000 ] ferc de - federalizes california markets , adopts other structural reforms a summary of the december 15 order and commission discussion at its special meeting today , ferc unanimously approved its eagerly awaited final order reforming the california wholesale markets , adopting the major outlines of its november 1 proposed order and sending back to california the responsibility for addressing state - related matters , as discussed below . at the same time , ferc deferred consideration of retroactive refund issues as well as the imposition of region - wide price caps . ferc reiterated the november 1 conclusions that under certain circumstances , california ratepayers were subjected to unjust and unreasonable power rates due to california ' s "" seriously flawed "" market structure and rules in conjunction with tight demand and supply conditions throughout the west . while all four commissioners supported the order as a consensus - based outcome that appropriately balanced all competing interests , each commissioner expressed reservations with particular aspects of the order . chairman hoecker and comm . breathitt expressed the strongest endorsement , while comms . hebert and massey laid out their positions where they believed the commission had either "" over - reached "" or not gone far enough , just as they did on november 1 , as discussed below . highlights of key actions : ( 1 ) ferc adopted the november 1 proposal to eliminate , effective immediately , the state ' s mandatory requirement that the state ' s investor - owned utilities buy and sell electricity through the px , and allow these utilities to purchase electricity through forward contracts and other alternative mechanisms to manage supply risks . ferc terminated the px ' s rate schedules effective at the close of business on april 30 , 2001 . in effect , as chairman hoecker stated , the order de - federalizes 60 percent of the california wholesale market established under the state ' s restructuring law , returning ratemaking authority over company - owned generation to the california public utilities commission ( cpuc ) . ( 2 ) ferc modified the effective period of the november 1 $ 150 / mwh "" soft cap "" proposal , limiting its application through april 2001 , whereupon a "" comprehensive and systematic monitoring and mitigation program which incorporates appropriate thresholds , screen and mitigation measures "" must be in place . in a related move , ferc ordered a technical conference early next year to develop such a program by march 1 , 2001 , so that these measures can be place by the may 1 , deadline . in a major modification , ferc revised the refund conditions to clarify that while certain refund conditions will continue to apply , unless ferc issues written notification to the seller that its transaction is still under review , refund potential on a transaction will close after 60 days . as proposed , however , supply bids in excess of $ 150 will be prohibited from setting the market - clearing price for all bidders and sellers bidding above $ 150 / mwh will be required to report their bids to ferc on a confidential , weekly basis and provide certain cost support . ( 3 ) ferc adopted the november 1 proposal to require the establishment of independent , non - stakeholder governing board for the iso . the iso governing board must relinquish their decision - making power and operating control to the iso management on january 29 , 2001 . a future order will set procedures for discussion with state representatives on the board selection process . ( 4 ) in a major modification , ferc adopted a $ 74 / mwh "" price benchmark "" for assessing prices of five - year energy supply contracts . this benchmark will be used in assessing any complaints regarding justness and reasonableness of pricing long - term contracts . to facilitate prompt negotiation of longer term power contracts at reasonable rates , ferc announced that it will hold a settlement conference with market participants . ( 5 ) ferc adopted the november 1 proposal to require market participants to schedule 95 percent of their transactions in the day - ahead market and instituting a penalty charge for under - scheduling ( in excess of five percent of hourly load requirements ) , in order to discourage over - reliance on the real - time spot market . ( 6 ) ferc directed the iso and the three investor - owned utilities to file generation interconnection standards . ( 7 ) ferc affirmed the longer - term measures proposed in the november 1 order , including submission of a congestion management design proposal by april 2 , 2001 . ( 8 ) ferc deferred resolving key issues , including establishing new iso board selection procedures , developing appropriate market monitoring measures and negotiating protective orders associated with data collection . ( 9 ) ferc reiterated its november 1 call to california policy makers there to resolve state issues , such as : ( 1 ) immediately implementing the availability of day ahead markets for power purchases ; ( 2 ) development of demand responses ; ( 3 ) siting of generation and transmission ; and ( 4 ) assurance of sufficient reserve requirements . commissioner responses comm . hebert reluctantly concurred , calling the final order a "" missed opportunity "" to , among other things , send appropriate signals for new generation siting and conservation . reiterating his november 1 concerns , hebert recounted the remedial remedies that he maintained the commission should and should not have adopted . while expressing pleasure at the tone of the order ( "" balanced and considerate "" ) , the bid certainly reversal , and the role reserved for the state in the selection of the new iso board , hebert nonetheless objected to the benchmark prices established in the order , which he maintained appeared to be unreasonably low . hebert faulted the commission for not attempting to reconcile the instant order with the november 8 order approving the ca iso ' s emergency $ 250 / mwh "" soft cap "" proposal . hebert ended by challenging the cpuc to do what it can to encourage utilities there to forward contract , including easing the existing prudence review requirements . comm . breathitt endorsed the order , reiterating her support for progress towards open and competitive markets . she noted that the order properly "" walked the line "" by taking all of the competing interests into account , calling it less than ideal , but a step in the right direction . she also concentrated her remarks on the importance of creating stability which will be accomplished by encouraging long term contracts and the implementation of the $ 150 / mwh breakpoint . additionally she mentioned that any price below the $ 74 / mwh benchmark will be presumed just and reasonable . comm . massey concurred , but prefaced his remarks by expressing sympathy for california ratepayers , stating that he felt that market power had been exercised , that prices were not just and reasonable and that the marketers had profited too much at the expense of others in the market . he warned that , as he understood the legal precedents , the federal courts were poised to grant cost recovery relief to the retailers which would then be passed on to consumers . on the positive side , he approved of the de - federalization of 60 % of the market and the creation of long term contracts . however , he emphasized that california regulators must now take the responsibility of creating more generation and transmission . in the long term , comm . massey hoped that solutions could be reached starting with a technical conference and that the market would have rules more like pjm . finally , comm . massey articulated what he would have liked to have done differently . he stated that he disagreed with the fact that there is not enough evidence to show that market power existed and he pointed to the on - going investigation . he also disagreed with the $ 150 / mwh breakpoint , preferring instead a hard price per generator . the commissioner said he would have set the long term benchmark for only two years instead of five and that he would have opened a section 206 investigation in the west . finally , he stated that he would have liked to address the issue of refunds . chairman hoecker began his comments by saying that the commission was forced to act and act quickly because the stakes are so high . he feels that it is now time for the state regulators and markets to act . he noted that by shrinking the cal px , the responsibility is now with the cpuc to fashion the long term contracts and that hopefully we will exit this situation with the least amount of damage to the utilities . in regards to suggestions for a regional price cap , the chairman stated that this would not work due to the fact that the commission has no jurisdiction over bonneville , wapa and the public power producers and that there is no spot market in the northwest . however , he did urge secretary richardson to convene a conference in order to address regional issues . finally , in conceptually addressing the california situation , the chairman stated that competition or "" deregulation "" did not fail in california , but that there never was competition in california .",0 +"Subject: alex tartakovski as you may know , we are trying to schedule an interview for alex tartakovski in houston this week . i am copying everyone involved because i wont be able to coordinate this tomorrow . we just brought our new daughter home today and my wife is yelling at me to get out of my office . i just found out that thursday & friday are bad days for him , so wednesday is the only day to do it this week . he would come down tuesday night and fly out wednesday evening . it ' s probably easiest for him to arrange his flight , but he will need a hotel and transportation from the airport . i gave him donna ' s phone number for help . i assume the hyatt would be best . his home number is 215 - 702 - 3705 and during the day his cellular is 267 - 981 - 5425 . by way of background , i plan to bring in 3 people from outside the company to fill in some of the "" vacants "" in my group ' s org chart . the 3 areas of specialization that are needed to execute the business plan are ( 1 ) coordination of origination , ( 2 ) deal pricing and underwriting , and ( 3 ) modeling and portfolio management . alex is the perfect person for # 3 . he has the deepest knowledge of probability of anyone i know and is efficient at building analysis models , which will be a big job in this business because portfolio management needs to be redefined in real time due to the lumpiness of insurance contracts and the lack of any historical methods for evaluating these risks . development of pricing models will be a joint effort between "" my "" group and the research dept because this will need to draw on the expertise in research as well as being a realtime activity as new deals are being structured . i want to encourage joint work between vasant / amitava and alex because his background and expertise is compatible with research . over the past 2 years , alex and i spent a lot of time developing new electricity spot pricing methodology and this is one area where he excels . i would expect that he would be a valuable resource in research as well , and so i would like for him to be able to meet with vince is possible . ( this could possibly be done when vince is in philadelphia next week if there is time - ( ? ) ) depending on what work needs to be done in the future , i could see him working both on pricing research and this specific business unit . i have attached alex ' s resume . i assume he would be manager level , but i ' m not sure of this . this doesnt necessarily come across in the resume , but the skills that are useful to us are : probability / statistical model development development of theoretical pricing methodology excellent computer programming skills database development and data analysis he has the best understanding of the nerc reliability data format outside of mike curley , the nerc data manager . designed and wrote the code for the pricing model used by ace power products for deal pricing and porfolio mgmt . excellent understanding of options pricing methodology and its application to hedging insurance portfolios . if you want to get into superconductor trading , he can design the standards . can beat me at atari battlezone ( as well as being able to navigate a real tank through a minefield ) . one objective of this meeting in houston is to make him feel comfortable with the organization ( with which you did such a good job for me ) and to give him confidence that he will be able to do state - of - the - art pricing research in the most innovative company in the world . he is also interviewing for a job in morgan stanley ' s equity dept . we will also arrange a meeting with per in ny , but i would like to be in the office for that , so we can do that next week . please call me @ 610 - 996 - 2522 if there are any questions . i may not pick up but i will reply to voicemail promptly . i ' m up 24 hours this week anyway . thanks , - - dave",0 +"Subject: re : best wishes for the holiday period ehud , best holiday wishes to you and your family . i owe you an apology for dropping the ball on the conference i have approached a number of executives at enron . greg whalley speaks in london a day before . louise kitchen , the mother of enrononline will ski ( this is the week of school holidays in england and her family will come here ) . one suggestion i want to make is rick causey . i talked to him and he is willing to be a speaker . he is a very senior and important executive of enron and a ut grad . any thoughts ? vince "" ehud i . ronn "" on 12 / 19 / 2000 02 : 09 : 41 pm to : vince . j . kaminski @ enron . com cc : subject : best wishes for the holiday period vince , at the conclusion of another year , and prior to my departure tomorrow with my family for our annual florida vacation , best wishes for the holiday period to you and your family . regarding the spring 2001 energy finance conference participation , we still lack that all - important 2 / 22 enron energy - related high - level keynote speaker . let me know if you think we should look elsewhere . best regards , ehud ehud i . ronn jack s . josey professor in energy studies department of finance mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: re : security - after hours access tony , no problem . vince anthony _ mends @ enron . net on 04 / 24 / 2000 09 : 54 : 49 am to : vince . j . kaminski @ enron . com cc : subject : security - after hours access vince , thank you for honoring us at our home on saturday . it was a real pleasure to share an evening with you . we hope we shall be able to do it again with your family when the opportunity arises . i am forwarding to you a request from john young who works in my group as a documentation specialist . kindly review his request and let me know if you are able to grant it . tony enron broadband services 713 - 853 - 3939 - - - - - forwarded by anthony mends / enron communications on 04 / 24 / 00 08 : 37 am - - - - - | - - - - - - - - + - - - - - - - - - - - - - - - - - - - - - - - > | | john young | | | | | | 04 / 21 / 00 | | | 11 : 28 am | | | | | - - - - - - - - + - - - - - - - - - - - - - - - - - - - - - - - > | | | to : anthony mends / enron communications @ enron communications | | cc : shirley crenshaw / hou / ect @ ect , krista reed / contractor / enron | | communications @ enron communications | | subject : security - after hours access | tony , earl harvey and i are located on the 19 th floor inside the corporate research group ' s area , which is in a secured area . they are a very supportive and cooperative group , and conditions here are ideal for research , analysis , and writing . i don ' t want to jeopardize their security in any way , but , if possible , i would like to be added to the after hours and weekend access list for situations such as meeting deadlines and research and that if you did not concur with my request , then there would be no reason to copy him at all . thanks , jay 713 - 853 - 5941",0 +"Subject: re : real options paul , we have done a lot of work in this area . i shall call you later today ( monday my time ) , tuesday morning your time with some recommendations . vince p . s . shirley , please send a real options binder to paul . vince from : paul smith @ enron _ development on 03 / 30 / 2001 08 : 42 am zel 0 to : vince j kaminski @ ect cc : paul quilkey / enron _ development @ enron _ development , raymond yeow / enron _ development @ enron _ development subject : real options vince , the sydney office is currently evaluating a proposal that involves an option to participate in building a wind farm . should this proceed , we would like to mark this option "" to market "" . have the research group completed any work on methods for booking and remarking real options ? alternatively , do you have any suggestions as to the best way to value , and book , real options fairly ? regards paul smith",0 +"Subject: request submitted : access request for mraymon @ enron . com you have received this email because the requester specified you as their manager . please click approval to review and act upon this request . request id : 000000000007494 request create date : 11 / 15 / 00 12 : 57 : 59 pm requested for : mraymon @ enron . com resource name : vpn resource type : applications",0 +"Subject: re : rotational opportunities within your group kate , my assistant , shirley crenshaw , will schedule a meeting . vince kate lucas 10 / 17 / 2000 11 : 57 am to : vince j kaminski / hou / ect @ ect cc : subject : rotational opportunities within your group dear vince , i am a rotating associate and would like to learn more about opportunities within your group . i have worked in rac and am currently in financial trading . i believe the associate / analyst program may forward you my cv , but i thought it good to get in touch personally . please let me know if there is someone with whom i could speak about the group and its needs for associates . with best regards , kate",0 +"Subject: re : digitals pavel , many thanks for your note . i understand that digitals are not core enron business but as you know , i ' m trying to explore digitals to give , for example , a company a guaranteed income in year one ( to mop up expiring tax losses ) . this is offset by a guaranteed expense in year two . see attached hypothetical example . the digital will reflect an underlying commodity to which a company is exposed to and would be part of a price risk management strategy , thereby giving it ' commercial purpose ' . i would be interested in hearing from you generally on the subject - - the rational for using digitals and your knowledge of its use in other markets ( electricity or other commoodity or in the banking sector ) . it seems to me that setting the srike is key and a ' value judgement ' or am i wrong , and are there curves and models which could help you substantiate this ? in any event , do you have a feel for what an acceptable % of chance or likelihood that a commodity price hits the strike on a digital before it becomes non arm ' s length and does not pass the smell test ? vince , jarek suggested that you may be able to assist . your views would also be appreciated . gillian . from : pavel zadorozhny on 02 / 11 / 2000 15 : 15 cst to : gillian lockwood / lon / ect @ ect cc : subject : digitals digital options are extremely uncommon in the crude oil market . nobody ever asked me to show quotes in the otc market . the only time we encountered them was when producers , brought by our marketing team , wanted to sell a knock - outable swap , whereby they would get a higher swap price in exchange for cancelling the swap if the price settled below a certain level . this structure had a digital put embedded in it , although the customers didn ' t necessarilly know that . the companies were us oil and gas producers : venoco , titan , magnum hunter , patiena oil & gas , belco , central resources . it was about 1 year ago . in the otc market , at about the same time , i asked for quotes to hedge these transactions and sold a digital cal 00 $ 16 swaption to elf and strips of digital puts to somebody else that i cannot recall . i hope this helps . pavel",0 +"Subject: network engineering and operations organizational chart shirely , please print this out for vice before the meeting . thanks , ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 01 / 18 / 00 02 : 00 pm - - - - - john griebling sent by : michol boyd 01 / 18 / 00 01 : 41 pm to : ec employees - - all cc : subject : network engineering and operations organizational chart the network engineering and operations organization is taking shape . the attached organization chart reflects my direct reports and the major disciplines within the engineering organization . please support this leadership team in executing our mission to support our current network as well as deploy the gfn infrastructure and support systems . you will notice that there are many leadership openings in the organization , please direct any input regarding external candidates for these positions to patty pennington . the network engineering team is also attempting to recruit between 30 to 50 people ( as dictated by budget availability ) across the indicated disciplines by mid - year .",0 +"Subject: re : meeting on the 20 th of march fyi . shirley ( 3 - 5290 ) is making travel arrangements for me . it makes sense for all of us to stay in the same hotel , irrespective of individual travel arrangements vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 29 / 2000 07 : 30 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" rudy , robert "" on 02 / 28 / 2000 08 : 20 : 10 pm to : "" ' vince j kaminski ' "" cc : subject : re : meeting on the 20 th of march dear vince , thanks for your note . i look forward to seeing you on the 20 th . we usually recommend our visitors to stay at the park hyatt on battery street . it ' s a 5 minute cab ride ( or an easy 15 minute walk ) to our offices . should you decide to walk , it is important that you take sansome street rather than montgomery . they are one block apart , but one goes up to the top of telegraph hill and ends before continuing at the bottom of a cliff and the other is relatively flat and is continuous . there are detailed directions on our website ( www . kmv . com ) . see you on the 20 th . regards , rob - - - - - original message - - - - - from : vince j kaminski [ mailto : vince . j . kaminski @ enron . com ] sent : monday , february 28 , 2000 9 : 35 am to : robert . rudy @ kmv . com cc : vince j kaminski ; shirley crenshaw subject : meeting on the 20 th of march robert , this is to confirm the meeting on march the 20 th at 9 : 00 a . m . enron will be represented by bill bradford , bryan seyfried , , vasant shanbhogue and myself . could you , please , advise me what is the best hotel where we could stay overnight , close to your location ? vince kaminski enron corp . 1400 smith street , room 1962 houston , tx 77251 - 1188 phone : ( 713 ) 853 3848 fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: re : lsu seminar visit vince , please send a package of article reprints to the attention of joan payne at the following address : joan payne department of finance e . j . ourso college of business administration louisiana state university 2163 ceba baton rouge , la 70803 in your package , please indicate which presentation each reprint is intended for ; i . e . , whether it is for student consumption on thursday afternoon or finance faculty / doctoral student consumption on friday morning . joan can make sure that we get the right number of copies produced for the respective audiences . concerning powerpoints - - just email these files to me and if it is all right with you i will make them available for download by the faculty and students on the class and research seminar webpages . thanks again for being willing to visit lsu and present your knowledge to our faculty and students . sincerely , jim garven at 01 : 39 pm 1 / 18 / 2000 + 0000 , you wrote : > jim , > > i can send you copies of the reprints of some papers i wrote > or co - authored . please , let me know how many copies do you need . > > i shall prepare power point presentations for the student meeting > and for the faculty meeting . > > for the students : review of my group ( things we work on ) with an intention > of generating some interest among the students and soliciting resumes . > > for the faculty meeting : challenges that energy markets pose to financial > modeling . > i shall be able to e - mail the power point presentations later this month . > > vince > > > > > > jim garven on 01 / 17 / 2000 04 : 00 : 25 pm > > to : vince j kaminski / hou / ect @ ect > cc : > subject : re : lsu seminar visit > > > > dear vince , > > would you mind emailing to me a short biography / vita sometime when you get > a chance ? also , if you have a paper to circulate or any powerpoint slides > that you ' ll want to use either in your presentations to my students > thursday afternoon , 2 / 3 , or to the faculty seminar on friday morning , 2 / 4 , > please email these to me . this would be greatly appreciated . > > my colleagues and i are looking forward to your visit on feb . 3 - 4 to lsu . > > sincerely , > > jim garven > > > james r . garven > william h . wright , jr . endowed chair for financial services > department of finance > 2158 ceba > e . j . ourso college of business administration > louisiana state university > baton rouge , la 70803 - 6308 > > voice ( 225 ) 388 - 0477 | fax : ( 800 ) 859 - 6361 > > e - mail : jgarven @ lsu . edu > home page : http : / / garven . lsu . edu > vita : http : / / garven . lsu . edu / dossier . html > research paper archive : http : / / garven . lsu . edu / research . html james r . garven william h . wright , jr . endowed chair for financial services department of finance 2158 ceba e . j . ourso college of business administration louisiana state university baton rouge , la 70803 - 6308 voice ( 225 ) 388 - 0477 | fax : ( 800 ) 859 - 6361 e - mail : jgarven @ lsu . edu home page : http : / / garven . lsu . edu vita : http : / / garven . lsu . edu / dossier . html research paper archive : http : / / garven . lsu . edu / research . html - attl . htm",0 +"Subject: out of the office i will be out of the office september 18 - 19 , 2000 and will return wednesday september 20 , 2000 . if you should need anything in the mean time please call sheila walton at x 30649 or the hr assistant ramona perkins at x 58165 .",0 +"Subject: maac executive board files restructuring agreement message sent from the pjm - customer - info mailing list at pjm - customer - info @ majordomo . pjm . com : maac executive board files restructuring agreement september 27 , 2000 norristown , pa : the mid - atlantic area council ( maac ) , one of the ten regional reliability councils of the north american electric reliability councils ( nerc ) , filed a new agreement on september 22 regarding the governance of maac with the federal energy regulatory commission ( ferc ) . maac ' s basic purpose is to ensure the reliability of the interconnected bulk power system in the region . maac ' s area of responsibility covers the same geographical region as the control area operated by the pjm independent system operator ( pjm iso ) , consisting of all or parts of the states of pennsylvania , new jersey , maryland , delaware , virginia , and the district of columbia . the maac restructuring process began years ago and is expected , with ferc approval , to be implemented on january 1 , 2001 . "" we are excited to be positioning the maac organization to address the needs of the new competitive era , thanks to the interest and participation of the stakeholders for over two years . "" stated pete landrieu , maac executive board chair . phillip g . harris , regional manager of maac , commented "" the relationship between reliability and markets will be enhanced and strengthened by the maac restructuring . we are also pleased to be making this change as effectively as possible through the use of existing pjm organizational and other resources . "" under the filed agreement , a new maac members committee is chartered with the creation of the approval process of the maac reliability principles and standards . other new maac committees are chartered , most notably , a maac energy market committee to serve as a forum for the discussion of the impact of reliability on the commercial market place , and the marketplace on reliability . the agreement also provides for stakeholder representation on the maac board . appropriate amendments to existing pjm agreements will be discussed with the pjm members and filed with the ferc . the mid - atlantic area council was established in december 1967 to augment the reliability of the bulk electric supply systems of its members through coordinated planning of generation and transmission facilities . the maac region encompasses nearly 50 , 000 square miles from virginia to new york and from the atlantic ocean to the great lakes . under the existing maac agreement and the operating agreement of pjm interconnection , l . l . c . , maac and pjm members are obligated to comply with maac and nerc operating and planning principles and standards . please do not reply to this message . if you have a question for pjm customer relations and training , please send an e - mail to custsvc @ pjm . com . to unsubscribe from this list , send an e - mail to majordomo @ majordomo . pjm . com containing only the following line in the body of the e - mail : unsubscribe pjm - customer - info",0 +"Subject: thanks again vince , i thank you again for all your help . ? i will continue to search for job opportunities at enron , and hopefully be able to find a match for me . how is your son doing ? is he still interested in computers ? there is a promising future for high - tech guys . regards ? carla di castro marketing mfr group , inc . one riverway , ste 1900 houston , tx 77056 - 1951 phone ( 713 ) 353 - 8180 office ( 713 ) 622 - 1120",0 +"Subject: re : presentation in seoul anthony duenner @ enron _ development on 12 / 15 / 99 01 : 46 : 35 pm to : mark ruane @ ect , zimin lu @ ect cc : subject : presentation in seoul better late than never - - i again wanted to thank both of you for taking the time and making the effort to make the raroc and real options presentations in seoul earlier this month . both presentations were well received and i had a number of favorable comments and expressions of thanks form our hosts after the presentations . i know you both have very busy schedules - - especially around this time of year - - and very much appreciate your help . regards . anthony duenner",0 +"Subject: re : enron visit - - thanks larry , i was thinking about the potential applications over the weekend and i think i shall have a proposal for you in a few days . vince p . s . i want to remind you about the favor i asked you about . we would like to talk ( no commitments ) to the prediction company . can you refer me to your friend . vince lawrencelrtnmt @ aol . com on 05 / 06 / 2001 12 : 07 : 18 am to : vkamins @ enron . com cc : subject : enron visit - - thanks dear vince , i just wanted to thank you for inviting me to visit enron last friday and for the generous amount of time you spent with me personally while i was there . i found our discussions both informative and stimulating . vince , i was genuinely impressed by the caliber of the group you have assembled at enron . their individual and collective expertise is obvious ; and they were most generous in exchanging ideas and sharing opinions with me . if you or any of your people have , over the weekend , developed further questions or thought of additional information that might be helpful , i ' m standing by . i ' m eager to continue our dialogue . sincerely , larry thorne",0 +"Subject: re : seminar on beyond ols i have reserved eb 30 cl from 3 : 30 pm - 5 : 30 pm . just a reminder that the 19 th is the research christmas party at damians from 5 : 30 - 7 : 30 pm . shirley vince j kaminski 12 / 08 / 2000 08 : 33 am to : clayton vernon / corp / enron @ enron , shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : seminar on beyond ols shirley , can you reserve the room for tue , dec 19 , 3 : 30 ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 12 / 08 / 2000 08 : 33 am - - - - - - - - - - - - - - - - - - - - - - - - - - - clayton vernon @ enron 12 / 07 / 2000 05 : 38 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : seminar on beyond ols vince - george just "" remembered "" the traders ' meetings monday and wednesday afternoons at 3 : 30 . he ' s going to email you - i think tuesday would ensure a turnout of traders as well as analysts . we could easily have 20 people there from power alone , and there ' s always gas . . . . when you decide the time , can you ask shirley to reserve a conference room along the size of 30 cl ? clayton",0 +"Subject: software license dear ms . feldman , please receive all my apologies for not having answered earlier your 2 emails , but i was in the states for 6 weeks and could not access my dauphine email . in any case , the time was fruitfully used by my associates and myself to improve the "" robustness "" of the product , from a computer and mathematical standpoint . regarding your 3 points 1 . we agree on the price of 90 , 000 usd 2 . d - g will provide system support : we can do so by emailing anther version of the software , being available on the phone and by email but we cannot promise unlimited support of all kinds without risking bankruptcy right away . moreover , the $ 90 , 000 may be paid in 3 fractions and your risk would be quite minimal 3 . regarding the escrow , we have been using so far a small law firm with 5 partners ( none of my family ) in amherst : hart , reed , brown , golowich and kaplan . but we are not closed to anther solution you would strongly prefer . best regards helyette geman , phd , phd d - g energy systems",0 +"Subject: idea : please take a look dear mr . kaminski , thank you for calling . briefly , about ideaglobal . com : we ' ve been providing unbiased market analysis since 1989 , and today our customers include the fed , the us treasury , the imf , 25 foreign central banks , and over 1 , 700 dealing rooms worldwide . we emphasize sales and trading strategies rather than just provide market news . attached , please find 2 samples of our daily research : today ' s issue of our morning faxes financial markets today and fixed income today . we also have intraday market coverage on bloomberg : idea > go , reuters , and bridge / telerate . if the info looks interesting , we would be glad to arrange a 30 - day free trial for you ? for your reference , please see our price list . i look forward to your reply . best regards , vadim pokhlebkin account manager vpokhlebkin @ ideaglobal . com tel . + 1 212 571 4332 fax + 1 212 571 4334 ideaglobal . com 140 broadway , 21 st floor new york , ny 10005 , usa any views expressed in this message are those of the individual sender , except where the sender specifically states them to be the views of ideaglobal . com . this email , its content and any files transmitted with it are intended solely for the addressee ( s ) and may be legally privileged and / or confidential . access by any other party is unauthorized without the express written permission of the sender . if you have received this email in error you may not copy or use the contents , attachments or information in any way . please destroy it and contact the sender via the ideaglobal . com switchboard in one of the following three offices : new york + 1 212 571 4332 ; london + 44 171 430 2888 ; singapore + 65 332 0700 - fmto 316 a . pdf - fito 316 a . pdf - onesheet . doc",0 +"Subject: dear mr . kaminski , it was really a pleasure to meet you during the risk event . i hope we ' ll have more chances to talk in the future . i will be glad to invite you when you will visit california . my home number is ( 408 ) - 996 - 2631 . sincerely , alex ulitsky . = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = alex ulitsky , ph . d . alex @ eplanning . com = = = = = = = = = = = = = = = = = = = = = = = = = = = = = =",0 +"Subject: orillion and ebs visit * * * * * confirmation of meeting with orillion * * * * * gentlemen : i have spoken with jerry sellers of orillion and he will be visiting with ebs on tuesday , april 25 , 2000 for about half a day . orillion is scheduled to be at ebs from 1 : 00 - 4 : 00 p . m . in conference room 45 cl . the following individuals will participate on behalf of orillion . they are as follows : jerry sellers , chairman terry lindsey , president professor ken dick , technical advisory board at university of nebraska orillion would like to propose the following discussion topics : 1 . introduce orillion to ebs 2 . engage in technical discussions 3 . discussions on how orillion can help ebs participants from ebs : arshak sarkissian for scott yeager vince kaminski john griebling james reece david reece everette plante diane hetzel dorn hetzel ravi thuraisingham",0 +"Subject: re : pro opticus i was not aware of the demo . - - stinson vince j kaminski 11 / 06 / 2000 01 : 58 pm to : stinson gibner / hou / ect @ ect cc : subject : pro opticus stinson , any insights ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 06 / 2000 02 : 05 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin sweeney 10 / 23 / 2000 06 : 53 am to : vince j kaminski / hou / ect @ ect cc : kara maloney / na / enron @ enron , mario de la ossa / na / enron @ enron , matt a brown / hou / ect @ ect subject : pro opticus vince , i understand that you or someone in your group had a demo from the above group last friday . i was wondering if this was part of a push to bring more options ' analytics to the traders ' desks , and if so , if you could explain what that effort looks like ? one of the global markets traders , mario de la ossa also had a look at the software as he has used it in the past . thanks , kevin",0 +"Subject: re : joint probabilities michael a table ( table 2 ) has been added with probabilities for rab > x , fx > y . at the current currency level , approx 1 . 5 , all the numbers are multiplied by 1 / 2 because the currency is equally likely to rise or fall . this may give a pessimetic view of achieving a given stock price . let me know when you want to get togetrher . bob",0 +"Subject: wichai narongwanich dear toni : please arrange a payment of $ 10 , 000 to wichai as a sigining bonus as agreed upon with him at the time of his offer . thanks , krishna .",0 +"Subject: re : invitation to speak at infocast ' s managing summer price volatilit y conference in houston thanks , vince - - it sounds like a good opportunity . if you ' d like i can call him directly . joe vince j kaminski 10 / 17 / 2000 03 : 55 pm to : joseph hrgovcic / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : invitation to speak at infocast ' s managing summer price volatilit y conference in houston joe , any interest in speaking ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 17 / 2000 04 : 01 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - britta bothe on 10 / 17 / 2000 12 : 38 : 33 pm to : vkamins @ enron . com cc : subject : invitation to speak at infocast ' s managing summer price volatilit y conference in houston dear ms . kaminsky : as i just mentioned on your voicemail , infocast is going to host a managing summer price volatility course , january 30 - february 1 , 2001 in houston . the course will focus on the various tools at hand to manage summer price and load volatility . our target audience for this event will primarily be risk managers and managers in bulk power sales & purchase ( our secondary target audience is energy traders ) . attached you will find a draft program agenda for your review . please let me know if you or someone else at enron is interested in presenting at this event . in particular , we are looking for someone to talk about weather derivatives . i appreciate you taking the time to review the conference schedule and i hope that i will have an opportunity to talk to you . unfortunately , i am running behind schedule in finalizing this program . i will call tomorrow to see what your feedback is . if you have any questions or suggestions , please do not hesitate to contact me at ( 818 ) 888 - 4445 ext . 30 . sincerely , britta bothe infocast conference manager ( 818 ) 888 - 4445 ext . 30 > - agenda 5 . doc",0 +"Subject: re : fwd : latest roster - rice no problem - pam at 05 : 42 pm 3 / 7 / 01 - 0600 , you wrote : > pam , > > thanks , > > yes , i need the e - mail addresses as well . > > vince > > > > > > pamela vande krol castro on 03 / 07 / 2001 04 : 19 : 01 pm > > to : vince . j . kaminski @ enron . com > cc : > subject : fwd : latest roster - rice > > > let ' s try this again ! - pam > > > > date : wed , 07 mar 2001 16 : 13 : 42 - 0600 > > to : vince . j . kaminski @ enron . com > > from : pamela vande krol castro > > subject : latest roster - rice > > > > here is your latest roster for mgmt 656 . let me know if you need the list > > of e - mail addresses or if there are any discrepancies that i should > > address . thanks for your help ! - pam ( 713 - 348 - 6223 ) > > ( see attached file : 656 . doc ) > > - 656 . xls",0 +"Subject: re : option p & l brad , i was extreamly busy yesterday . sorry for answing your question till now . although i am not exactly sure how the system handle gamma , this is what i think the system is doing : curve shift = today ' s price - yesterady ' s price p / l due to curve shift = today ' s market value using today ' s price curve ( with everything esle the same as yesterday ' s ) - yesterday ' s market value using yesterday ' s price curve . so p / l due to curve shift contains both delta and gamma and higher order terms . we then use theoretical gamma ( meaning option model gamma : 0 . 5 * gamma * ( price change ) 2 ) for gamma contribution and ? define delta = curve shift - theoretical gamma . ? ? therefore , the gamma may not be very accurate to explain the delta change , ? especially when you have big price change due to higher order contribution . ? ? let me know your thoughts on this . ? ? ? best wishes , ? ? zimin ? ? ? ? ? ? ? ? ? brad horn 10 / 12 / 2000 07 : 11 am ? ? to : zimin lu / hou / ect @ ect , stinson gibner / hou / ect @ ect ? cc : vince j kaminski / hou / ect @ ect , vladimir gorny / hou / ect @ ect , robert ? shiring / hou / ect @ ect , jay knoblauh / hou / ect @ ect ? subject : option p & l ? ? gentleman : ? the erms system , as you know , has an excellent capability for ? decomposing option p & l into the following components : ? ? new deals ? curve shift ? gamma ? vega ? theta ? rho ? drift ? 2 nd order adjustments ? ? what i dont understand is the gamma component which is reported in dollars . ? the unit of measure suggests that incremental changes in a contract position ? is being associated with specific prices . these prices are the effective buy ? or sell prices associated with the dynamic delta position . ? ? stated differently , the standard taylor expansion has incorporated a price ? variable in such a way as to convert the unit of measure from gamma ' s ? standard contract count to total gamma dolalrs . this is something i dont ? understand . to date , inquiries to the risk management accounting group has ? further revealed that the gamma component of p & l is not well understood . ? ? this is what concerns me : bridgeline has 2 books with option exposures ( nymex ? and gas daily ) . both books dynamically hedged its positions during ? yesterdays large price move and , through anticipitory hedging in advance or ? during the large price move , secured sufficient coverage to neutralize ? expected changes in delta . however , our p & l from our underlying position did ? not offset our gamma p & l . consequently , i have to ask why ? im hoping that a ? brief look at the why gamma dollars are calculated may reveal something which ? will better guide our hedging decisions . ? ? any help is appreciated ? ?",0 +"Subject: re : var calibration issues we are proposing the following changes to the calculation of ng correlations : 1 . weight the data set ( 3 calendar months ) used in calculating correlations ( most recent data weighed heavier ) 2 . use respective contract prices , instead of prompt month prices ( i . e . for nov - 00 correlations use nov contract prices for the last 3 months , as opposed to prompt month prices for the last three months . tanya , i have confirmed with ted and he gave us green light to make both changes . did we get an opinion from vince ? winston , it is my understanding , that this changes apply to ng correlations only , not the correlations between commodities . we will test the changes in gas and then decide on world - wide implementation . any estimate on timing of this implementation ? cassandra , ted suggested that you and veronica should document this as a change in var parameters and inform all commercial desk heads of these changes . we intend to make them for na gas first , but ultimately make these changes consistent across all commodity groups . let me know if you have questions . thanks , vlady . wenyao jia 10 / 13 / 2000 03 : 43 pm to : vladimir gorny / hou / ect @ ect cc : tanya tamarchenko / hou / ect @ ect , jin yu / hou / ect @ ect subject : re : var calibration issues vlady , also in the meeting , we identified that there are still some issures regarding to the correlation matrix calculations . since different commodity has different expiration dates . when calculate correlation between two commodities , the two may have different prompt months . are we going to use prices on two different prompt months or are we going to use the prices on the same month disregarding prompt months . because above issues , jin is not going do any changes on the correlation matrix calculation until above issures can be solved . thanks ! winston tanya tamarchenko 10 / 13 / 2000 03 : 16 pm to : vladimir gorny / hou / ect @ ect cc : wenyao jia / hou / ect @ ect , jin yu / hou / ect @ ect , jin yu / hou / ect @ ect subject : re : var calibration issues vlady , we met with winston and jin today regarding var calibration issues . the outcome on this discussion is : 1 . jin will put weights into calculation of factor loadings ; 2 . jin will change the way factor loading are calculated . for each commodity the prompt month contract will be selected for the effective date of vatrfacs run . then the historical prices will be collected for 3 month for all forward contracts starting from selected prompt month contract . the variance - covariance matrix will be calculated based on these data , it will be converted into correlation matrix , then factor loadings analysis will be performed on the correlation matrix . tanya .",0 +"Subject: re : carnegie mellon team meeting unfortunately i do not have a phone right now so i will have to call as soon as they get me up and running . i went ahead and sent out the dates we have on schedule currently with the intention that if we get new dates they will be announced in the team meeting on thursday . hope that is okay . i needed to get a message out to participant soon so we don ' t get in a bind in a couple of weeks . kristin vince j kaminski @ ect 08 / 28 / 2000 11 : 02 am to : kristin gandy / na / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : carnegie mellon team meeting kristin , what about the visit to the campus on nov . 3 ? any resolution ? vince kristin gandy @ enron 08 / 28 / 2000 10 : 03 am to : vince j kaminski / hou / ect @ ect , kent densley / corp / enron @ enron , dorothy mccoppin / fgt / enron @ enron , kevin kindall / corp / enron @ enron , andre beskrowni / enron communications @ enron communications , gaurav babbar / hou / ect @ ect , john walt / corp / enron @ enron , john b gordon / na / enron @ enron , dave cummings / enron @ gateway cc : judy nyegaard / hou / ect @ ect subject : carnegie mellon team meeting greetings , carnegie mellon recruiting team ! each of you has been chosen to represent enron for our fall 2000 recruiting efforts at carnegie mellon university . as part of the team , you will be challenged with choosing the best candidates from carnegie mellon ' s graduate school to join our associate program . our first campus event will be on september 15 and interviews will be held on campus december 11 and 12 . i hope you are all able to participate in the exciting process of recruiting young talent . we will be more formally organising ourselves in the next couple of weeks . currently , we are planning to have a brief team meeting in order to make introductions , inform you about the associate program , and discuss the fall recruiting calendar . to that end , please contact me with any questions or comments you may have . the team meeting date is set for august 31 st at 10 am in room 19 c 2 . please rsvp to me as soon as possible . i look forward to meeting you all soon . sincerely , kristin gandy associate recruiter x 53214",0 +"Subject: patricia tlapek brad , as per our previous discussions , vince wanted me to give you the background on our request to bring patricia tlapek into the research group at the very top end of the manager group . the justification for this was not only her extraordinary performance in setting up our technical analysis section but also our reliance on her to build this group and expand its scope . this memo is in response to your request today to document our reasoning . this past year patricia was extremely successful in building internal clientele for her products and recommendations - she is now widely relied on by gas , power , crude and equity marketers , as well as traders from the calgary office . in addition , she developed and presented seminars to bring traders up to speed on techniques in technical analysis . also this last year patricia built and populates daily the research group ' s intranet site on technical analysis . as a crowning achievement ( but just the beginning ) , patricia was given the authority to actually trade natural gas as jeff shankman , managing director , authorized her book for technical analysis trading . currently , we are proceeding with the expansion of her group personnel - wise and she is agressively working to gain authority from other groups to trade live books on other energy commodities and energy - related equities . for these reasons , we want to peg patricia ' s salary at the top of the pay scale . thanks for expediting this effort . - - - mike",0 +"Subject: re : statistica & lunch rick , we are using sas . i am glad you can speak at our lunch meeting on feb 15 . vince richard b jones @ ees 02 / 05 / 2001 11 : 26 am to : vince j kaminski / hou / ect @ ect cc : subject : statistica & lunch vince , do we have a site license for statistica ? what stat software do you use ? i am prepared to talk at your lunch . i think we said thurs feb 15 th 11 : 30 - 1 : 00 . i would liie to have a computer display if possible . i ' ll bring my pc . what ' s the room # again ? rick jones",0 +"Subject: update - rofr per our meeting , i added a switch so that the pipeline can accept or reject the best bid if the best bid is not the cap rate . zimin",0 +"Subject: re : interview with research dept . candidate rabi s . de on august 11 , 2000 please note that dennis benevides has been added to the interview schedule for rabi de on august 11 , 2000 . 9 : 00 - 9 : 30 am vince kaminiski 9 : 30 - 10 : 00 am stinson gibner 10 : 00 - 10 : 30 am grant masson 10 : 30 - 11 : 00 am krishna krishnarao 11 : 00 - 11 : 30 am tanya tamarchenko 11 : 30 - 1 : 00 pm lunch with tanya tamarchenko and zimin lu 1 : 00 - 1 : 30 pm zimin lu 1 : 30 - 2 : 00 pm vasant shanbhogue 2 : 00 - 2 : 30 pm paulo issler 2 : 45 - 3 : 15 pm dennis benevides the following interview schedule has been set up for rabi s . de by sean grady , hr staffing : 9 : 00 - 9 : 30 am vince kaminiski 9 : 30 - 10 : 00 am stinson gibner 10 : 00 - 10 : 30 am grant masson 10 : 30 - 11 : 00 am krishna krishnarao 11 : 00 - 11 : 30 am tanya tamarchenko 11 : 30 - 1 : 00 pm lunch with tanya tamarchenko and zimin lu 1 : 00 - 1 : 30 pm zimin lu 1 : 30 - 2 : 00 pm vasant shanbhogue 2 : 00 - 2 : 30 pm paulo issler please call me if you have any questions or if a conflict develops and you need to change your interview time . thanks . anita - - - - - - - - - - - - - - - - - - - - - - forwarded by anita dupont / na / enron on 08 / 01 / 2000 02 : 21 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - pinnamaneni krishnarao @ ect 07 / 31 / 2000 05 : 30 pm to : anita dupont / na / enron @ enron cc : subject : re : interview with research dept . candidate rabi s . de anita : can you add dennis benevides ( assistant kathy bass ) to interview rabi de ? sorry for the late request . thanks , krishna anita dupont @ enron 07 / 31 / 2000 03 : 49 pm to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , grant masson / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , zimin lu / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , paulo issler / hou / ect @ ect cc : subject : interview with research dept . candidate rabi s . de the following interview schedule has been set up for rabi s . de by sean grady , hr staffing : 9 : 00 - 9 : 30 am vince kaminiski 9 : 30 - 10 : 00 am stinson gibner 10 : 00 - 10 : 30 am grant masson 10 : 30 - 11 : 00 am krishna krishnarao 11 : 00 - 11 : 30 am tanya tamarchenko 11 : 30 - 1 : 00 pm lunch with tanya tamarchenko and zimin lu 1 : 00 - 1 : 30 pm zimin lu 1 : 30 - 2 : 00 pm vasant shanbhogue 2 : 00 - 2 : 30 pm paulo issler please call me if you have any questions or if a conflict develops and you need to change your interview time . thanks . anita",0 +"Subject: re : natural gas storage item vince - something very interesting about natural gas storage ( from the class ) . the industry is rapidly adopting what are called "" operational balancing agreements , "" where the pipeline contracts with the producers and ldc ' s ( public utilities ) to handle all "" imbalances "" in shipping , namely all production shortfalls or overages or consumption likewise . shippers then always "" book "" what is scheduled to happen , and not what actually happens . the end result is that storage facillities associated with production regions are used to smooth out not only weekday - weekend seasonal patterns ( the well - known "" parking "" ) but to insure issues of wellhead output as well . cutting to the chase , storage facilities in producing regions are operated to insure the integrity of the pipeline system , and estimated marketed production is likely to be a better estimate of actual flow at the pipeline ' s receipt meter than is production less local storage . clayton",0 +"Subject: revised : organizational changes to : enron north america corp . from : cliff baxter and kevin hannon in july , as part of the enron north america ( ena ) reorganization , the implementation of several objectives were highlighted as critical to the continued growth of ena including : 1 ) accelerate the development of our people , 2 ) significantly expand our customer network and associated markets , and 3 ) accelerate and enhance the information flow between groups , both within ena and across enron . consistent with these objectives and with the corporate goal of fostering  b ) the downstream coverage / origination groups which focus on delivering a broad range of products and services to the heavy industrial customers including pulp and paper , chemicals , plastics , refined products , metals and mining , heavy manufacturing , industrial gases , fertilizers , transportation , textiles and glass manufacturing the eastern and western u . s . midstream coverage / origination groups which focus on energy , finance and industries . downstream coverage / origination as energy deregulation continues in north america , it is becoming clear that the heavy industrial segment will be an important customer market for both ena and enron corp . further , it is clear that ena can significantly expand its industrial customer network and create more innovative industrial solutions by having a group that can deploy all the capabilities of enron corp . against this backdrop , the downstream coverage / origination function will expand its product offering to include not only ena  , s existing energy commodities , energy services , finance , assets and pulp and paper capabilities but also ees  , s energy outsourcing capability and global fuel  , s chemicals , plastics and refined products risk management capability . these additional capabilities will be offered in conjunction with ees and the global fuels groups . given the size and importance of this enron initiative , greg piper will be returning from portland to manage this business . under greg  , s leadership , the downstream origination effort will be segmented into three sub - groups given the nature of these industries and our product offering : a ) pulp and paper  ) edward ondarza will continue to manage the coverage activities in the pulp and paper business . this group will be responsible for the provision of innovative products and services in the pulp and paper industry including the provision of paper risk management products ; b ) chemicals , plastics and refined products  ) we have asked jim ajello to lead the coverage activities in this business . this group will be responsible for the provision of innovative products and services in the chemicals and refined products industries ; c ) non - integrated industrials  ) bruce garner , formerly leader of bankers trust  , s global metals and mining group in london , has joined ena to lead the coverage activities in this business . this group will be responsible for the provision of innovative products and services for the metals and mining , heavy manufacturing , industrial gases , fertilizers , transportation , textiles and glass manufacturing industries . midstream coverage / origination a ) eastern coverage / origination  ) this group  , activities will focus on energy , finance and power development solutions for electric and gas utilities , municipals , co - ops and energy service companies in the eastern interconnect . we have asked janet dietrich to assume the leadership of this group ; b ) western coverage / origination  ) this group  , s activities will focus on energy , finance and power development solutions for electric and gas utilities , municipals , co - ops and energy service companies in the wscc . they will also continue to manage all qualified facilities ( qf ) restructuring opportunities in the western u . s . we have asked chris calger to assume the leadership of this coverage group . chris will relocate to portland from calgary where he currently leads the canadian downstream origination efforts ; c ) ipp merchant coverage / origination  ) this group  , s activities will focus on the provision of structured energy , finance and asset solutions for the emerging merchant power generators who control large portfolio  , s of merchant power generation either through development or acquisition . we have asked mike miller to assume the leadership of this group . in addition , mike will continue to manage the power development activities in the eastern interconnect ; d ) eastern qf restructuring  ) this group will focus on the qf restructuring opportunities in the eastern interconnect including the existing restructuring and re - capitalization of the east coast power assets . we have asked dave duran to assume the leadership of this business . greg blair , formerly of enron asia  , s development group , doug clifford , formerly of citizens power , and dick lydecker , formerly of cogen technology , will join this newly formed business . 2 ) commercial transactions : the commercial transactions group ( ctg ) , co - headed by ray bowen and jeff donahue , was formed to provide a centralized resource for the execution of transactions within ena  ) and thereby , improve ena  , s efficiency in executing transactions and free - up the origination groups to increase their intensity of client coverage . ctg consists of six primary functions : transaction development , capital structuring and portfolio management , commodity structuring and transportation , transactional support / accounting , technical analysis and upstream asset management . the transaction development group will be responsible for deal leadership , execution and optimization of all aspects of a transaction in conjunction with the originator . the function will be divided into four teams , each of which will be dedicated to between two and four origination groups . this dedication to specific groups should provide a closer link , better service and greater accountability with the origination groups ; however , the ctg resources are designed to be a fungible and flexible resource allocated to the highest value transactions across the coverage functions : a ) midstream transaction development will be dedicated to the eastern and western coverage / origination groups . the senior members of this group include billy lemmons , george mccormick , erin norris and russ porter . billy lemmons joined enron in 1992 . most recently , he was the vice - president of capital structuring and risk management for ees . russ porter joins us today from dynegy where he was a manager with responsibilities for power origination . b ) downstream transaction development will be dedicated to ena  , s industrial origination efforts in pulp and paper , petrochemicals and refining , environmental energy , metals and mining and other industries as coverage is established . the senior members of this team include rodney malcolm , jay boudreaux , finley biggerstaff and chris helfrich . we anticipate announcing two to four more additions to this team within the next few weeks . c ) generation transaction development will be dedicated to the ipp merchant services and power plant development and qf restructuring groups . the senior members of this team include thomas suffield , andy kelemen , kelly mahmoud and john house . thomas suffield joined enron in 1996 . most recently , he was the vice - president of origination for the latin american group in azurix . we anticipate announcing two more additions to this team within the next few weeks . d ) upstream transaction development will be dedicated to the producer finance , coal and gas assets groups . the senior members of this team include brad dunn , john curtin and chris hilgert . we hope to announce the addition of at least one vp to this group prior to yearend . ray bowen will have primary oversight responsibilities for the upstream and downstream transaction development teams with jeff donahue having primary responsibilities for the midstream and generation teams . andrea reed will continue to head capital structuring and portfolio management : all junior commercial resources within the transaction development teams will have dual responsibilities to both their transaction development teams and to the capital structuring group . the remaining four groups within ctg will remain largely unchanged . in addition , the origination and the transaction development teams and their respective origination groups will be located together . we believe that these changes will significantly enhance our market coverage and industry knowledge in all ena  , s markets particularly in the industrial markets . it will also provide a closer partnership and accountability between the coverage / origination groups and the ctg groups . please help us in continuing to build on the success we have enjoyed in north america by working with us to implement these changes .",0 +"Subject: valuation methodology we ' ve had a request from aa to provide them with some sort of write - up or documentation from our research group on the valuation methodology used on the contingent issuance instrument for 18 million shares that was a part of the raptor transaction completed at the end of march . apparently , this request has come from aa ' s expert in this area ( i believe that his name is dechundra , or something like that . i ' ve probably destroyed the spelling on that . you guys are probably very familiar with him . ) anyway , is there such documentation that we can provide them easily ? if so , let me know so that we can try to get aa finished with their review of the transaction . in talking to our contacts at aa , i believe that their expert will be wanting to talk to you after he reviews the methodology documentation . thanks , ron",0 +"Subject: again , i should have also sent the following mail yesterday . . . . i guess now i should also apologise for filling up your mail box ! have a good weekend , kirstee - - - - - - - - - - - - - - - - - - - - - - forwarded by kirstee hewitt / lon / ect on 28 / 07 / 2000 20 : 22 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron europe from : kirstee hewitt 27 / 07 / 2000 18 : 10 to : cantekin dincerler / hou / ect @ ect cc : grant masson / hou / ect @ ect subject : hi - i have run the model for the 26 th and have the following results : i have also updated the correlations to include silver and the gold . the tc delta ( treatment charges ) are positions only for copper conentrate and do not contain any positions due to zinc or lead . could you take a look at the figues as this is the first time i have done a full run and would like to make sure that i have done things correctly . i will definitely call to discuss the prices for gold and cocoa beans - the tc price curve is another issue however , at the moment we do not have anything other than a spot price and a 1 year price so i think we will probably have to set it as a constant . i have to talk to andreas soon as he is awaiting my comments on point ( 2 ) of his email that i forwarded in my last mail . also , you will can see that i have subtracted any positions that are from r wolf in the mercur download - this was point ( 1 ) of his note . as a quick question ? do you think it is worth including zinc concentrate ( 18400 dmt ) and lead concentrate ( 920 dmt ) ? i think we may need to check the tc price for these and the conversion for the one given in the model for copper as i think that the original historical price file ( tchistory ) is quoted in c / lb - i guess this is cents / pound ? rather than $ / dmt which is the units that position is quoted in . speak to you soon kirstee",0 +"Subject: registration materials for nfcf to : andres almazan don chew john freeman geoge gau vince kaminski bob marchesi john martin vojislav maksimovic laura starks art warga michael weisbach dear friends attached is some registration and logistical information relating to the upcoming corporate finance conference on may 4 - 5 in houston . if you have any questions , please don ' t hesitate to contact sheridan , bob or myself . the program is shaping up nicely , however one of us may draft to serve in some small , but helpful capacity . sheridan titman , 512 . 232 . 2787 , titman @ mail . utexas . edu , bob parrino at parrino @ mail . utexas . edu dave ikenberry , 713 . 348 . 5385 , daveike @ rice . edu as of today , the list of firms sending a representative include : pfizer pacificare cooper industries radioshack pepsi delphi automotive microsoft whirlpool enron johnson controls airgas sara lee dell conoco - particpate registation details . doc * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * prof . david ikenberry jones graduate school of management rice university 713 - 348 - 5385",0 +"Subject: ibuyit approvers ah , these wonderful new systems ! i submitted an order on the "" new "" ibuyit site and sent it for approval and it went to every manager in our group ! i called them and told them that only you were the approver and they do not even have a user id set up for you . please fill out the below security document and i will forward it on to them . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 16 / 2001 03 : 26 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : michael loft / enron @ enronxgate on 04 / 16 / 2001 03 : 18 pm to : shirley crenshaw / hou / ect @ ect cc : subject : ibuyit approvers hi shirley in processing your ibuyit approval change request , i discovered that vince kaminski has not been set up with a user id in the eprocurement system . please have him fill out the attached security form and send it to - - sap security @ enron . com i have already selected the approver role on the second page . we just need the personal information on page one filled out for security purposes . once this is done we can get vince assigned as the approver for cost center 107043 . thanks , michael",0 +"Subject: latest vince , i appologize for shipping another version of the paper so soon after the last . however , my wife picked me up for some last minute shopping at noon and i wasn ' t sure i would get back to this before leaving tomorrow . the only changes in the two documents related to a sentence or two in the intro plus the addition of "" unused information "" at the end of the document . the unused stuff is made up of notes i made from hamel , some news stories , press releases , and random thoughts . we probably won ' t use any of this stuff but i wanted you to have it just in case it might prove useful . the challenge we face at this stage ( and where i can most use your help ) is in documenting enron ' s risk management functions in a meaningful way . this may be best done through examples or in some other way . i think that our audience would appreciate our including some numerical and detailed examples ( even if they are to be placed in boxes or sidebars that don ' t interrupt the flow of the article . if you ' ll make a pass at what you feel is appropriate i ' ll gladly polish on the words as i try to learn about what you are doing myself . vince , i really am enjoying this learning experience . you guys make a wonderful "" lab "" . sally and i are driving to louisiana to pick up her mom tomorrow and then driving to new orleans and back to waco by saturday . however , i will check in my e - mail regularly . your friend , john - enron transformation paperl 2 _ 19 _ 00 . doc john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: rdi conference - may 17 - 19 , 2000 hi , i ' d like to make a personal invitation to you to attend rdi ' s annual user conference at torrey pines in la jolla , just north of san diego . we are planning two sessions for gpcm users ( and prospective users ) which i think you will find very interesting and useful . plus we are also going to schedule individual sessions for those that would like them , as was quite successful last year . the details are included in the attached word file below . i ' ve also included the program in pdf format . the last page is a signup form you can fill out and fax in to rdi if you haven ' t already done so . please let me and mike know how many are coming from your team . you can reply to this e - mail to let us know . looking forward to seeing you there . i think it ' s going to be fun . bob brooks mike farina - rdi _ conference _ gpcm _ breakout . doc - rdi user conf . pdf",0 +"Subject: visit to enron grant and vince , thanks for arranging my visit to enron . i was impressed by the nature and scope of work in the group and the people i met . i look forward to hearing from you later in the week . a few peple asked me the method i used to value asian options . it is an approximate method based on geometrical averaging with an adjusted exercise price , as described by gordon gemmill in option pricing : an international perspective , mcgraw - hill , london , 1993 , pages 242 - 248 . regards , greg get your private , free e - mail from msn hotmail at http : / / www . hotmail . com",0 +"Subject: re : chapter 3 gentlemen , thankyou for your fine effort . i ' ll e - mail thru thurs eve ( sydney time ) what we have done to incorporate it into our material ( which wasn ' t toooo painful ) to see if it is ok with you . a couple of quick questions though . vince - your section had a number of footnote numbers , but no actual footnotes - can you please resend them ? grant - i agree it would be good to have the final figure . what happens if you plot the historical data and the simulations on the same graph - but with different axis ? many thanks and best regards . chris .",0 +"Subject: new invoice for energy and weather vince , ? please find attached a replacement invoice for invoice number 215 . ? this invoice includes the correction in charges for the weather course , and for only one attendee for the energy derivatives course . ? if you should have any questions , please contact me . ? sincerely , julie - enron 283 _ 9 _ 04 _ 01 . doc",0 +"Subject: re : eprm 2001 houston layla , a few points . i shall be glad to attend the reception . i am falling behind in getting my presentation ready . sorry for the delay . i can commit to delivering the required number of copies on the day of my presentation ( or a day before ) . i have done it on two occasions before ( power 2000 and power 1999 ) : the copies were produced by our company copy center at no cost to you . my associate , tanya tamarchenko , is helping me with one aspect of the presentation and i would like her to deliver part of my speach . it ' s only fair to give her the credit when the credit is due . is it ok to include her as an additional speaker ? vince "" layla o ' leary "" on 04 / 30 / 2001 09 : 04 : 52 am please respond to to : cc : subject : eprm 2001 houston dear speaker , pre - congress cocktail reception - sunday 13 th may @ 5 : 30 pm in the juniper room we would be delighted to have you attend our pre - congress cocktail reception . we will be extending this invitation to all our sponsors , exhibitors and eprm / risk waters group staff . we hope this will provide a perfect opportunity for you to meet all our staff and clients before the formal opening of eprm 2001 usa + rsvp i would also like to remind you that i need any missing presentations by thursday 3 rd may . it is essential that i get these in as the delegates rely on these to make notes and get very upset if they are not included in the packs . if you still haven ' t informed me of your av requirements , please do so as quickly as possible . i also require a short biography . i would like to point out that i will not be taking any presentations on disk to the event . if you are using a laptop , your presentation should be loaded onto the laptop that you bring with you . you must bring your own laptop and disc , with connecting cables . any questions , please do not hesitate to contact me . kind regards layla o ' leary event co - ordinator risk waters group haymarket house 28 - 29 haymarket london swly 4 rx tel : + 44 ( 0 ) 20 7484 9871 fax : + 44 ( 0 ) 20 7484 9800",0 +"Subject: re : copier on 32 nd floor kevin , please let me know when your move date has been "" firmed up "" . can you let me know the location that you want to install the new copier at { i will need to check for the necessary power outlet } ? listed below are some of the latest generation "" heavy duty "" copiers that enron has been installing as replacement for older equipment such as the xerox 5388 etc . feel free to try them out for the specific task that you have on a daily basis and let me know what you think { we can discuss relevant speeds & associated $ costs after you have tested these copiers } : fyi : there are 2 other models from lanier : the 5355 and the 5365 . both of these are the "" toshiba 70 series "" digital copier rebranded as "" lanier "" . if the one of the toshiba 70 series listed above meets your criteria , the 5300 series from lanier is a better cost option between the two different brands . if possible , would you be available to meet next week to discuss further ? i would like to invite a member of the ena finance group to go over cost allocations for the new copier , regardless of which copier selected . thanks , iain . . . . . . . . . . . . . . . . . . . . kevin g moore 03 / 08 / 2000 11 : 22 am to : iain russell / epsc / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , mike a roberts / hou / ect @ ect , vince j kaminski / hou / ect @ ect , liz m taylor / hou / ect @ ect cc : subject : copier on 32 nd floor hello iain , well time is drawing near for another move for us . the problem is we do not have a heavy duty copier for the floor . we do need a copier . please inform me as how we can work through this , maybe we can split the cost with others on the floor . the move is schedule sometime at the end of the month . i will keep you informed . . . . . . . . thanks kevin moore",0 +"Subject: fw : garp ny - minutes of the credit derivatives meeting - december 13 , 2000 vince i will make sure you get on this distribution list . credit is going to be a big issue for energy companies and banks . we may need to form additional discussion groups . volatility in energy prices and a general economic slowdown may cause an increase in defaults . banks are primarily interested in regulatory impact on loan portfolio and credit derivatives as a an alternative to raising capital or selling assets . energy companies could use credit derivatives to hedge or price credit exposure . don mumma ( ex csfb , md axiom software ) is organizing a survey of energy credit practices . you can reach don at 212 - 248 - 4188 ext 22 . regards , philip merrill garp regional director for new york 973 - 258 - 1540 - - - - - original message - - - - - from : gerber , jeannette [ mailto : jeannette . gerber @ csfb . com ] sent : thursday , december 21 , 2000 7 : 34 pm to : ' garpnyl @ home . com ' ; alev a suer ; amit srivastav ; andrew ulmer ; cfa john p . felletter ; claudia cappelli ; francis owusu ; gerber , jeannette ; joe pimbley ; joseph c carrozzo jr ; lingja zhang ; marian trano - lepisto ; markus buri ; maurizio mondello ; nawal roy ; sarnj . dhanda ; yicheng zhong ; ' john . tierney @ db . com ' ; ' tom _ mansley @ westlb . com ' subject : garp ny - minutes of the credit derivatives meeting - december 13 , 2000 dear members of the credit derivatives group . you ' ve probably been wondering if i would ever get the minutes of last weeks meeting out . well , here they are and i sincerely apologize for the delay . i always thought this time of year is supposed to be slow , but unfortunately , the opposite has been the case . please pay particular attention to the action points . we can only handle these meetings successfully if each and everyone of you actively participates and plays a role ! the next meeting can only be scheduled if there is enough feedback available . wishing you happy holidays , regards , jeannette credit | first suisse | boston crm credit exposure management ( new york ) > * : + 1 ( 212 ) 325 9361 fax : + 1 ( 212 ) 743 2562 minutes of the garp ny credit derivatives meeting - december 13 , 2000 the meeting was generously hosted by westlb attendees : matthew bianco claudia cappelli joe carrozzo jeannette gerber tom mansley philip merrill joe pimbley marian trano - lepisto ( due to some technical problems , not all attendees received the invitations on time . ) summary the aim of this first meeting was to decide on topics , people involvement and the format of future meetings . topics the following topics were discussed for discussion in future meetings : * new models and structures available * practical work issues * credit risk policy * isda issues / documentation * regulatory issues / bis capital * hedging issues ( e . g . embedded options , rollover , funded vs unfunded , etc . ) * electronic trading issues * general technology issues and information on new systems available * pricing differentials * pricing sources * current models used for pricing , var * credit event monitoring * counterparty suitability action : all members to check with credit derivatives colleagues within their organization to go over the list and complete . action : all members to pick topics they could lead through ( or they could organize someone to lead through ) . people involved the involvement will depend on the topic . a member of the group will lead through a meeting , or organize a credit derivative professional to lead through the meeting , depending on the topic . meeting format we expect a series of evening workshops to take place about every 6 weeks . in order to get active discussions going , all participants are expected to inquire within their own institutions as to how the particular subject under discussion is being treated in - house . we feel that the meetings will only be successful if all participants are actively involved in the process . we expect most members to be able to host the meeting once a year . please let me know if and when you could host a meeting . action : all members to check if and when they can host a meeting . the date and venue for the next meeting will be announced in early january , depending on your feedback on the topics . this message is for the named person ' s use only . it may contain confidential , proprietary or legally privileged information . no confidentiality or privilege is waived or lost by any mistransmission . if you receive this message in error , please immediately delete it and all copies of it from your system , destroy any hard copies of it and notify the sender . you must not , directly or indirectly , use , disclose , distribute , print , or copy any part of this message if you are not the intended recipient . credit suisse group and each of its subsidiaries each reserve the right to monitor all e - mail communications through its networks . any views expressed in this message are those of the individual sender , except where the message states otherwise and the sender is authorised to state them to be the views of any such entity . unless otherwise stated , any pricing information given in this message is indicative only , is subject to change and does not constitute an offer to deal at any price quoted . any reference to the terms of executed transactions should be treated as preliminary only and subject to our formal written confirmation .",0 +"Subject: benzene forward curve & hedge calculator new market we are trying to develop in benzene swaps - possibly hedging with financial naphtha and physical toluene . rgds , anjam - - - - - - - - - - - - - - - - - - - - - - forwarded by anjam ahmad / lon / ect on 14 / 03 / 2000 10 : 35 - - - - - - - - - - - - - - - - - - - - - - - - - - - anjam ahmad 14 / 03 / 2000 10 : 34 to : robert brewis / lon / ect @ ect , stuart bland / lon / ect @ ect cc : dale surbey / lon / ect @ ect , hrvoje paver / lon / ect @ ect , stinson gibner / hou / ect @ ect , tracy wallace / lon / ect @ ect subject : benzene forward curve & hedge calculator dear all , attached is the spreadsheet "" benzenecurves . xls "" ( also available in s : \ research \ globalproducts ) that will hopefully allow you to derive a mid - curve for benzene based upon our existing naphtha curve produced by tracy . the previous hedge ratio analysis is still part of the new spreadsheet . for clarity a graph of the curve based on 1996 through 2000 data is depicted below : i can also provide confidence bands on the regression model , if this can assist in deciding the bid - offer spread for the forward curve , but this is slightly more involved - let me know you ' d like this . regards , anjam x 35383 attachment :",0 +"Subject: position report for dual trigger product vince , i have enclosed a summary of our proposed approach on calculation of notional and the greeks for dual trigger option portfolio . please let us know your thoughts / comments . amitava",0 +"Subject: membership in the nsf vince : karen marshall from community relations called and said that you are the one that needs to call the nsf and register yourself and enron with the foundation . they will give you a password and you can pass it on to youyi . the number below is the one that you call . thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 09 / 14 / 2000 03 : 11 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - youyi feng @ enron 09 / 07 / 2000 02 : 09 pm to : shirley crenshaw / hou / ect @ ect cc : subject : re : your mail dear shirley , i appreciate you for forwarding this info further . best regards , youyi - - - - - - - - - - - - - - - - - - - - - - forwarded by youyi feng / na / enron on 09 / 07 / 2000 02 : 04 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - to : youyi . feng @ enron . com cc : subject : re : your mail dear youyi : the person in charge of external grants in your company needs to contact nsf by calling the following numbers for institution registration . fastlane user support : 1 - 800 - 673 - 6188 . fastlane availability ( recording ) : 1 - 800 - 437 - 7408 . after enron is registered ( i think it ' s a free registration ) , you provide the following information to the enron official so he / she will send it to nsf . nsf will assign you a password for future access to electronic submission ( called fastlane ) . since all proposals have to be submitted through fastlane after oct . 1 , 2000 , this is the must . name highest degree year conferred present institution department street address city state zip code social security number ( ssn ) email address business phone number business fax number for more information , you may go to www . fastlane . nsf . gov / fastlane . htm baichun at 05 : 14 pm 9 / 6 / 00 - 0500 , you wrote : > > dear baichun , > > i am having no idea about contacting nsf while the > managing director of this research group has kindly agreed > on doing anything he can to help us pursue fund rising . > please let me know how enron can put my profile into nsf ' s > database officially . > > the first four pages of the project application have been revised by > me . i do not > really know if you like the revision . appended is the primary > and description of the project document files . > > best regards , > > > youyi > > ( see attached file : project summary . doc ) ( see attached file : project > description . doc ) > attachment converted : "" c : \ bcx \ res \ eudora \ attach \ project summary . doc "" > > attachment converted : "" c : \ bcx \ res \ eudora \ attach \ project description . doc "" >",0 +"Subject: re : spring 2001 conference participation by jeffrey k . skilling rick , i asked greg whalley and he declined ( he has a speaking engagement in london a day before ) . i have sent an invitation to louise kitchen and she has not replied yet . i shall catch her at the management conference in san antonio and ask for a commitment . it would help if you could mention this to her as well . vince richard causey @ enron 11 / 14 / 2000 09 : 30 am to : vince j kaminski / hou / ect @ ect cc : subject : re : spring 2001 conference participation by jeffrey k . skilling where do we stand on this ? is someone else going to do it ? - - - - - - - - - - - - - - - - - - - - - - forwarded by richard causey / corp / enron on 11 / 14 / 2000 09 : 24 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" ehud i . ronn "" on 10 / 24 / 2000 04 : 29 : 05 pm to : richard . causey @ enron . com cc : subject : re : spring 2001 conference participation by jeffrey k . skilling at 12 : 10 pm 10 / 13 / 00 - 0500 , you wrote : > in checking with jeff ' s assistant this morning , we hope to get clarity on > the schedule later today or monday ( at the latest , hopefully ! ) . to paraphrase daneil webster ' s famous quote , "" how stands our conference ? "" best , ehud ehud i . ronn professor of finance and jack s . josey professor in energy studies director , center for energy finance education and research mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: re : tanya ' s vacation shirley , i will be on vacation starting tomorrow 12 / 20 / 00 until 12 / 28 / 00 . i will be in the office on 12 / 29 / 00 tanya",0 +"Subject: discount rates and risk capital dear vince : i spent a little bit longer putting together my initial thoughts on determining discount rates than i originally anticipated . it is somewhat surprising , but there really isn ' t much academic work that i am aware of that addresses these issues . very briefly , 1 . i think we need to come up with a way to define the concept of risk capital simultaneously with the appropriate discount rate . 2 . i think it is important to model enron ' s opportunity cost of capital and how that changes over time . the liquidity of a project will affect its value in a very significant way when the opportunity cost of capital changes over time . there is also likely to be a relation between duration and discount rates that depends on the factors generating enron ' s opportunity cost of capital . 3 . i have vague ideas about possible simulations that may help us quantify some of the issues that i have raised . please take a look at the attached document . you might find this somewhat confusing , so i will give you a call later in the week to discuss this . please let me know when you will be free . i look forward to hearing from you . regards , sheridan - determining discount rates for risky projects . doc sheridan titman department of finance college of business administration university of texas austin , texas 78712 - 1179 512 - 232 - 2787 ( phone ) 512 - 471 - 5073 ( fax ) titman @ mail . utexas . edu",0 +"Subject: re : thanksgiving staff meeting hi clayton , i went to vince and asked him about you attending the staff meeting and he said it was okay . see you there ! kevin g moore 11 / 28 / 2000 10 : 30 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , mike a roberts / hou / ect @ ect , joseph hrgovcic / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , zimin lu / hou / ect @ ect , martin lin / hou / ect @ ect , maureen raymond / hou / ect @ ect , osman sezgen / hou / ees @ ees , paulo issler / hou / ect @ ect , amitava dhar / corp / enron @ enron , alex huang / corp / enron @ enron , kevin kindall / corp / enron @ enron , kevin g moore / hou / ect @ ect , clayton vernon / corp / enron @ enron , william smith / corp / enron @ enron , jose marquez / corp / enron @ enron , chonawee supatgiat / corp / enron @ enron , shalesh ganjoo / hou / ect @ ect , tom halliburton / corp / enron @ enron , elena chilkina / corp / enron @ enron , sevil yaman / corp / enron @ enron , sofya tamarchenko / na / enron @ enron , bob lee / na / enron @ enron , gwyn koepke / na / enron @ enron , hector campos / hou / ect @ ect , anita dupont / na / enron @ enron , youyi feng / na / enron @ enron , v charles weldon / hou / ect @ ect , yana kristal / corp / enron @ enron , praveen mellacheruvu / hou / ees @ ees , li sun / na / enron @ enron , stephen bennett / na / enron @ enron , roman zadorozhny / hou / ees @ ees , lance cunningham / na / enron @ enron , leann walton / na / enron @ enron , shane green / hou / ees @ ees , shirley crenshaw / hou / ect @ ect cc : subject : re : thanksgiving staff meeting hello everyone , thursday is just two days away . the staff meeting begins at the regular time , 11 : 30 a . m . we will have a hot traditional thanksgiving lunch with all the trimmings . everyone please be present . . . . . . . thanks see you in the meeting kevin moore kevin g moore 11 / 21 / 2000 06 : 09 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , mike a roberts / hou / ect @ ect , joseph hrgovcic / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , zimin lu / hou / ect @ ect , martin lin / hou / ect @ ect , maureen raymond / hou / ect @ ect , osman sezgen / hou / ees @ ees , paulo issler / hou / ect @ ect , amitava dhar / corp / enron @ enron , alex huang / corp / enron @ enron , kevin kindall / corp / enron @ enron , kevin g moore / hou / ect @ ect , clayton vernon / corp / enron @ enron , william smith / corp / enron @ enron , jose marquez / corp / enron @ enron , chonawee supatgiat / corp / enron @ enron , shalesh ganjoo / hou / ect @ ect , tom halliburton / corp / enron @ enron , elena chilkina / corp / enron @ enron , sevil yaman / corp / enron @ enron , sofya tamarchenko / na / enron @ enron , bob lee / na / enron @ enron , gwyn koepke / na / enron @ enron , hector campos / hou / ect @ ect , anita dupont / na / enron @ enron , youyi feng / na / enron @ enron , v charles weldon / hou / ect @ ect , yana kristal / corp / enron @ enron , praveen mellacheruvu / hou / ees @ ees , li sun / na / enron @ enron , stephen bennett / na / enron @ enron , roman zadorozhny / hou / ees @ ees , lance cunningham / na / enron @ enron , leann walton / na / enron @ enron , shane green / hou / ees @ ees , shirley crenshaw / hou / ect @ ect cc : subject : re : thanksgiving staff meeting we are approaching the holidays , remember , to be very careful during this time . i look forward to seeing everyone at the staff meeting on thursday 11 / 30 / 00 . to enjoy yet another meal of thanksgiving with co - workers . enjoy the holiday ! see you when you return . . . . . . . . . . . . . . . . . . . . . . thanks kevin moore kevin g moore 11 / 01 / 2000 02 : 33 pm to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , mike a roberts / hou / ect @ ect , joseph hrgovcic / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , zimin lu / hou / ect @ ect , martin lin / hou / ect @ ect , maureen raymond / hou / ect @ ect , osman sezgen / hou / ees @ ees , paulo issler / hou / ect @ ect , amitava dhar / corp / enron @ enron , alex huang / corp / enron @ enron , kevin kindall / corp / enron @ enron , kevin g moore / hou / ect @ ect , clayton vernon / corp / enron @ enron , william smith / corp / enron @ enron , jose marquez / corp / enron @ enron , chonawee supatgiat / corp / enron @ enron , shalesh ganjoo / hou / ect @ ect , tom halliburton / corp / enron @ enron , elena chilkina / corp / enron @ enron , sevil yaman / corp / enron @ enron , sofya tamarchenko / na / enron @ enron , bob lee / na / enron @ enron , gwyn koepke / na / enron @ enron , hector campos / hou / ect @ ect , anita dupont / na / enron @ enron , youyi feng / na / enron @ enron , v charles weldon / hou / ect @ ect , yana kristal / corp / enron @ enron , praveen mellacheruvu / hou / ees @ ees , li sun / na / enron @ enron , stephen bennett / na / enron @ enron , roman zadorozhny / hou / ees @ ees , lance cunningham / na / enron @ enron , leann walton / na / enron @ enron , shane green / hou / ees @ ees cc : subject : thanksgiving staff meeting dear research group , as you are aware thanksgiving is thursday , nov . 23 rd and is a holiday . we as enron employee ' s will be off both the 23 rd and 24 th . thanksgiving is a day appointed for giving thanks for divine goodness . after returning to work we will keep the tradition of giving thanks right here in the work place by celebrating thanksgiving in the thursday ' s staff meeting 11 - 30 - 00 . we will celebrate a act of giving thanks to one another as co - workers and member of the same research group . please look forward to hearing more regarding the staff meeting 11 - 30 - 00 thanks kevin moore",0 +"Subject: re : seeking intelligent insight please . my only risk is potnetial embarrassment . thanks , mark vince j kaminski 08 / 22 / 2000 02 : 47 pm to : mark lay / hou / ect @ ect cc : subject : re : seeking intelligent insight mark , i fully agree with you regarding general trends . i see great progress in software applications that facilitate the process and make it almost painless to the end - user . with you permission , i can show the material you sent me to my son , who studies computer science , and ask him for his view . vince",0 +"Subject: ok - ok vince - i will stay up tonight and call vuthy in london with this news . i ' ll be right back to you ( probably tomarrow - or send you an email tonight ) . thanks vince , jeff jeff , my associates are leaving for london tonight ( monday ) . they can still interview howard on tuesday afternoon . vince * get free , secure online email at http : / / www . ziplip . com / *",0 +"Subject: re : hotel for the wharton trip hi vince - jeff wanted me to let you know that he will not be able to go w / you on dec . 6 th to wharton . a meeting has come up that he must attend . sorry for the short notice . thanks ! jennifer vince j kaminski 11 / 20 / 2000 04 : 34 pm to : jennifer burns / hou / ect @ ect cc : jeffrey a shankman / hou / ect @ ect , vince j kaminski / hou / ect @ ect , piazzet @ wharton . upenn . edu subject : hotel for the wharton trip jennifer , this is the address of the hotel within a walking distance to the wharton school . please , make the reservation for jeff shankman at this hotel for the december the 6 th meeting . vince kaminski http : / / www . innatpenn . com / contact . html the inn at penn sansom common , 3600 sansom street philadelphia , pa . 19104 phone : 1 - 800 - 809 - 7001 fax : 215 - 222 - 4600 please , mention that the stay is related to the university business when making the reservation . tom piazze at wharton can confirm it . tom piazze phone : ( 215 ) 898 1615 piazzet @ wharton . upenn . edu",0 +"Subject: re : christmas basket list here is the completed list for the year 2000 total $ 1470 . 00 thanks kevin moore kevin g moore 12 / 05 / 2000 10 : 56 am to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , mike a roberts / hou / ect @ ect , jose marquez / corp / enron @ enron , stinson gibner / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , anita dupont / na / enron @ enron cc : subject : re : christmas basket list here is the updated list that we have for christmas . the orders will be placed on dec . 12 th . the orders will arrive at the enron building dec . 19 th . and all outside orders will arrive before dec . 22 nd . please inform , if this is okay . thanks kevin moore i will discuss cost with vince after meeting with bill on friday . kevin g moore 12 / 01 / 2000 09 : 26 am to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , mike a roberts / hou / ect @ ect , jose marquez / corp / enron @ enron , stinson gibner / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , anita dupont / na / enron @ enron cc : subject : christmas basket list hello everyone , we are nearing the time to get the baskets and other christmas tokens sent out . as in every year , we do take the time to send tokens of appreciation for services rendered , or share the christmas sprit with those we feel worthty . here is the list that i have already , approved by vince . if there are any additions please inform me a . s . a . p . the deadline is december 12 th , as i will be meeting with the owner of floral events to confirm the order and treat him to lunch for all the great work he has provided for me . thanks kevin moore please note : i will be out on vacation and all orders will already have been placed with the delivery date on december 19 th . the day of my return , therefore if any problems occur i will have enough time to solve them .",0 +"Subject: re : recommendation of an outstanding baylor mba student for summer internship at 10 : 17 am 3 / 31 / 2001 - 0600 , vince . j . kaminski @ enron . com wrote : jim , i shall contact althea and make sure rusty meets with the research group members . vince vince , i am quite grateful . thanks for arranging this . by the way , is there any chance that i might be able to attract you to campus this spring before school lets out ? ? if not , let ' s definitely plan on scheduling a time during the coming fall 2001 semester when you can visit campus and present a lecture to my risk management students . sincerely , jim garven james r . garven , ph . d . professor of finance & insurance department of finance , insurance and real estate hankamer school of business hsb 336 baylor university box 98004 waco , tx ? 76798 voice : ( 254 ) 710 - 6207 fax : ( 320 ) 213 - 5580 e - mail : james _ garven @ baylor . edu home page : http : / / garven . baylor . edu vita : http : / / garven . baylor . edu / dossier . html research paper archive : http : / / garven . baylor . edu / research . html ",0 +"Subject: re : many hello helyette , i am in california this week , vacationing with my family . it is a spring break week at stanford and we shall spend a few days in calistoga , north of napa valley , a place famous for mineral water and geysers . i shall talk to karla when i come back to houston about the speeding up the process on our side . our lawyers typically sit on a contract for a few weeks unless we put a lot of pressure on them . american lawyers tend to be very meticulous : this is why the city of los angeles alone has more lawyers than entire japan . i think about two sites for your software : houston and europe ( most likely london ) . i shall be honored to chair a session during the bachelier world congress at college de france . please , let me know which session you have in mind for me . the repeat the francfort presentation in paris on october 4 & 5 is fine with me . i think the frankfurt presentation went quite well and it will be nice to work wih you and alex again . regards vince p . s . i shall keep my office cell phone on all the time , in case you need to call me : 713 410 5396",0 +"Subject: mid - year 2000 performance feedback note : you will receive this message each time you are selected as a reviewer . you have been selected to participate in the mid - year 2000 performance management process by providing meaningful feedback on specific employee ( s ) that have been identified for you . your feedback plays an important role in the performance management process , and your participation is very critical to the success of enron ' s performance management goals . please provide feedback on the employee ( s ) listed below by accessing the performance management system ( pep ) and completing an online feedback form as described in the "" performance management quick reference guide "" . you may begin your feedback input immediately . please have all feedback forms completed by the date noted below . if you have any questions regarding pep or your responsibility in the process , please call the pep help desk at the following numbers : in the u . s . : 1 - 713 - 853 - 4777 , option 4 in europe : 44 - 207 - 783 - 4040 , option 4 in canada : 1 - 403 - 974 - 6724 ( canada employees only ) or e - mail your questions to : perfmgmt @ enron . com thank you for your participation in this important process . the following list of employees is a cumulative list of all feedback requests , by operating company , that have an "" open "" feedback status . an employee ' s name will no longer appear once you have completed the feedback form and select the "" submit "" button in pep . review group : enron feedback due date : jun 16 , 2000 employee name supervisor name date selected - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - ahmad , anjam dale surbey may 22 , 2000 carson , margaret m james d steffes may 26 , 2000 carson , richard l richard b buy may 22 , 2000 crenshaw , shirley j wincenty j . kaminski may 24 , 2000 ghosh , soma timothy davies may 31 , 2000 kaminski , wincenty j . john j lavorato jun 05 , 2000 thuraisingham , ravi vasant shanbhogue may 30 , 2000 vernon , clayton j vasant shanbhogue may 26 , 2000 yuan , ding richard l carson jun 02 , 2000 zipter , rudi c theodore r murphy may 25 , 2000",0 +"Subject: re : spring 2001 conference participation by jeffrey k . skilling sherri , any resolution of the scheduling conflict jeff skilling had for february the 22 nd ? our friends at ut are ready to make the reservations and send out invitations to this conference vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 12 / 2000 05 : 00 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" ehud i . ronn "" on 10 / 12 / 2000 10 : 12 : 56 am to : richard . causey @ enron . com , vince . j . kaminski @ enron . com cc : subject : re : spring 2001 conference participation by jeffrey k . skilling rick / vince : good morning . further to my discussions with vince during his visit to the energy finance program yesterday , i write at this time to inquire whether mr . skilling ' s assistant has been able to confirm his participation as 2 / 22 / 2001 keynote speaker at our conference . with thanks for your intercession on our behalf , ehud ronn ehud i . ronn professor of finance and jack s . josey professor in energy studies director , center for energy finance education and research mccombs school of business university of texas at austin austin , tx . 78712 - 1179 voice : ( 512 ) 471 - 5853 fax : ( 512 ) 471 - 5073 internet : eronn @ mail . utexas . edu ",0 +"Subject: telephone interview with the research group good morning mr . catanese : your resume was forwarded to the research group and they would like to conduct a telephone interview with you at your convenience . we would prefer the week of july 5 - 7 ( monday and tuesday , the 3 rd and 4 th are holidays ) , if at all possible . please let me know your availability and where you may be reached by phone and i will coordinate the calendars . the interviewers would be : vince kaminski managing director stinson gibner vice president p . v . krishnarao director osman sezgen manager i look forward to hearing from you . sincerely , shirley crenshaw administrative coordinate enron corp . research group 713 / 853 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 06 / 29 / 2000 08 : 47 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 06 / 28 / 2000 05 : 19 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : mike catanese ' s resume shirley , please , arrange a phone interview . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 28 / 2000 05 : 23 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 06 / 12 / 2000 07 : 28 am to : vince j kaminski / hou / ect @ ect cc : subject : mike catanese ' s resume vince : this is from ronnie chahal - does he fit anywhere ? - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 06 / 12 / 2000 07 : 22 am - - - - - - - - - - - - - - - - - - - - - - - - - - - laura r arnold @ ees 06 / 09 / 2000 04 : 40 pm to : shirley crenshaw / hou / ect @ ect cc : subject : mike catanese ' s resume shirley , ronnie chahal suggested i forward this resume to you so that you could forward it to the appropriate person within research . please let me know if you need any additional information . thanks , laura arnold x 39540 - - - - - - - - - - - - - - - - - - - - - - forwarded by laura r arnold / hou / ees on 06 / 09 / 2000 04 : 37 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - junel 789 @ aol . com on 05 / 08 / 2000 12 : 00 : 30 am to : larnold @ enron . com cc : subject : mike catanese ' s resume i am a ph . d . physicist and have worked for the last five years in post - doctoral researcher positions in astrophysics . a few months ago , i realized that i had reached the limit of my academic career options , at least for the near future . after reading about careers in the private sector and discussing possibilities with some family members and friends , it became apparent that my technical and mathematical skills could be transferred to the private sector , with better long - term career options and a more dynamic workplace environment than in academic research . the energy industry is particularly attractive as it begins to deregulate . i have been directed to enron by several different people as a very forward - thinking and growing company and one which values its employees . because of my statistical and mathematical skills , i am interested in a position as a quantitative analyst . however , if there are other areas where the people at enron think i could contribute , i am open to other options . my other experience , such as project management , is outlined in my resume . i have worked in a collaboration of 30 astrophysicists from the us , ireland , and england and i am a capable independent worker as well . i have excellent written and oral communication skills and have made presentations to audiences ranging from technical experts to school - aged children . thank you again for your time and effort in passing this resume on . i look forward to talking with you . sincerely , mike catanese - mike ' s short resume . doc",0 +"Subject: re : credit . com cv ' s shirley , how are we doing on bringibg these people to houston for an interview ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 11 / 2000 08 : 20 am - - - - - - - - - - - - - - - - - - - - - - - - - - - bryan seyfried 05 / 10 / 2000 04 : 51 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : credit . com cv ' s vince thanks for helping out . . . . . we really need more dedicated assistance . zak is probably more pure research and his son phil would possibly be on the desk . . . . . let ' s discuss after you have met them . . vince j kaminski 05 / 08 / 2000 10 : 46 pm to : rosalinda resendez / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , bryan seyfried / lon / ect @ ect subject : re : credit . com cv ' s rosie , we are making arrangements to bring them to houston for an interview . vince rosalinda resendez 05 / 08 / 2000 11 : 10 am to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : credit . com cv ' s vince , i ' ve been asked to forward these resumes to you . rosie - - - - - - - - - - - - - - - - - - - - - - forwarded by rosalinda resendez / hou / ect on 05 / 08 / 2000 11 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - louise bratby 05 / 08 / 2000 10 : 11 am to : rosalinda resendez / hou / ect @ ect cc : subject : credit . com cv ' s rosalinda i work with melanie doyle in london hr . i have two candidates who i ' m trying to arrange ( for bryan seyfried ) to come in and see vince kaminski however i ' m finding it difficult to co - ordinate from this end . would it be possible for you to forward these cv ' s on to vince ' s assistant as i ' m not sure who the correct person is . thanks for your help and if you need more details my number is 44 20 7783 6945 . regards louise",0 +"Subject: re : time keeping hi brad : i am it for our group ! however , it might be a good idea to train sam smith also . please let us know . thanks ! shirley 3 - 5290 from : brad mcsherry on 03 / 20 / 2000 05 : 38 pm to : lydia cannon / hou / ect @ ect , rosalinda resendez / hou / ect @ ect , donna baker / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : time keeping lydia / rosie / donna / shirley , we are looking to implement sap hr by 7 / 1 / 00 . there is a time keeping module in the program . please send me a list of the time keepers for your groups . do not forget to send your own name if you keep time . time keepers will be contacted in the near future for training on the new system . thank you for your help , brad",0 +"Subject: why johan dahl and the mri energy staffing group ? vince , it was a pleasure talking with you earlier today . please read the documents i have attached with this email . let ' s talk in the near future to continue our conversation . i am very confident that my team and i can be successful regarding any staffing need you have . ? i will give sheila in hr a call and see if we can work out a contract . please visit our web site for up - to - date information at http : / / www . mrportland . com thank you for your time and have a nice day . sincerely , johan dahl director energy staffing group phone : 1 - 503 - 287 - 8701 ext . 1153 email : jdahl @ mrportland . com - jcd - client broch - energy # 2 . doc - charter of ethical practice . doc",0 +"Subject: fasbl 33 presentation hello all : paige grumulaitis will give an fasbl 33 training session on tuesday , march 7 , 2000 from 1 : 30 - 5 : 30 pm in eb 46 cl . please mark your calendars . thanks ! shirley",0 +"Subject: new consultants added to enron tiger enron tiger team : we are pleased to tell you that professors howard kunreuther and paul kleindorfer , opim dept , university of penn , will be consultants for the enron tiger project 2001 . please feel free to contact them with any questions or concerns : kunreuth @ wharton . upenn . edu and kleindorfer @ wharton . upenn . edu sincerely , donna piazze program director field application project the wharton school univ . of pennsylvania ( 215 ) 573 - 8394 ( 215 ) 573 - 5727 fax fap @ management . wharton . upenn . edu piazze @ wharton . upenn . edu",0 +"Subject: re : sddp vince many thanks for you help with this - look forward to receiving the info on sddp . kind regards , john",0 +"Subject: re : thank you vince , you were a most gracious guest , and we were honored to have you in our home . i am happy that you are tony ' s friend , and it was a great pleasure for me to get to know you also . and again , thank you very much for the lovely bouquet of roses . elisabeth .",0 +"Subject: confirmation of your order this is an automatic confirmation of the order you have placed using it central . request number : ecth - 4 r 3 sv 4 order for : kate lucas 1 x ( standard desktop $ 1262 ) enron it purchasing",0 +"Subject: sevil yamin anne , vasant sent this information to norma . i shall fwd his message to you . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 10 / 2001 03 : 02 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - stinson gibner 04 / 10 / 2001 02 : 57 pm to : vince j kaminski / hou / ect @ ect cc : subject : sevil yamin vince , do you want me to do this , or vasant ? - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 10 / 2001 02 : 57 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : anne labbe / enron @ enronxgate on 04 / 06 / 2001 09 : 57 am to : stinson gibner / hou / ect @ ect cc : subject : sevil yamin stinson , i am the new hr generalist for the research group because norma villarreal is moving to business analysis and reporting . earlier this week , norma and i met with vince , and he said that he was going to talk to you about writing up a list of sevil ' s projects / accomplishments for last year and this year , so that we can give her a project bonus since she did not receive a bonus during the normal prc time . at your earliest convenience , will you please email me this list so that i can get started putting together all of the paperwork so that she can receive a check on april 16 th . if you have any questions , please feel free to contact me at 5 - 7809 . i look forward to meeting you , and the rest of the group next week at vince ' s staff meeting . thanks , anne labbe '",0 +"Subject: eol guest account access attention : esai ed krapels thank you for your interest in enrononline . the following is a guest password that will allow you temporary view only access to enrononline . please note , the user id and password are case sensitive . guest user id : ena 61296 guest password : welcome ! in order to apply for transaction status with enrononline , your company needs to complete a password application and registration form for a master user account . each master user will be able to grant various levels of access for additional users . to obtain a password application and registration form , you can visit our website at www . enrononline . com and select the  & how to register  8 link , or call our helpdesk at 713 / 853 - help ( 4357 ) . alternatively , you may click on the attached documents , complete the forms , and fax to 713 - 646 - 8511 . just a reminder , in order to access enrononline , shockwave needs to be installed . the shockwave installer can be found within "" about enrononline "" on the home page . after opening "" about enrononline "" , using right scroll bar , go to the bottom . click on "" download shockwave "" and follow the directions . after loading shockwave , shut down and reopen browser ( i . e . microsoft internet explorer / netscape ) . we hope you will find that enrononline provides an easy and more efficient way to do business with enron . we look forward to transacting with you online . sincerely , danny lee enrononline helpdesk 713 / 853 - help ( 4357 )",0 +"Subject: var for cob 28 th july 2000 hi all , i have run the var model for the positions at close fo business 28 th of july . the model is attached below . as a summary the results are as follows : and as a comparison the previous days figures were : this shows some increase in var for aluminium , copper and lead . the prices for gold and cocoa beans have not been updated as we still do not have a live feed to bloomberg / reuters . i will be working on this with cantekin and andreas should also be able to provide some more historical data . also , after having a discussion with andreas here in london we should probably reduce the vol we are using for tc - we are taking the cu price vol as a proxy which is a too high . however , assuming the the other assumptions we have made around the tc ( ie simulating a parallel shift in the curve and including no term structure to the price curve ) the vol estimate is a conservative one . cheers kirstee",0 +"Subject: re : video conference jeff , we have video facilities both in houston and london . we shall invite howard to visit our office in london again . vince "" $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ "" on 02 / 06 / 2001 01 : 44 : 27 pm please respond to "" $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ "" to : vince . j . kaminski @ enron . com cc : subject : video conference hi vince , the following ( below ) is what london rw wrote back - is it true enron can do it inhouse between houston and london ? . . . if so , i will get alec to have howard available for you upon arrive back from his holiday for the video conference . let me know if this is what you want and ment . mri has video conferencing but , not in uk . . . so i can ' t provide the service , either . i don ' t want to let you down . thanks , jeff jeff , not available at rw - will be done between enron london and houston . alec * get free , secure online email at http : / / www . ziplip . com / *",0 +"Subject: re : message 1 quentin , thanks for your message . we are always looking for new employees with the right skills . please , send me your resume and i shall determine what is the best way to arrange an interview . we can interview you in sydney and then bring you to houston for another round of interviews . vince "" qkerr "" on 07 / 30 / 2000 07 : 20 : 28 pm to : "" vincent kaminski "" cc : subject : message 1 dear dr . kaminski this is quentin kerr from australia , i just came back from the sydney ' s conference . glen dixon has told me that you are interested in my work . it is always my honor to work with you . i am currently a phd student at the mathsmatics department of the university of queensland ( aiming to finish my thesis at the end of this year ) . my research interest is financial mathematics , in particular , energy market modeling and derivatives pricing . now i send you copies of my first paper ( submitted to the applied mathematical finance ) and my talk ( the full version of the academic paper will be available in 2 weeks ) . any comment will be appreciated . ps : attached with the talk at the conference . best regard quentin - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - quentin kerr , email : qkerr @ maths . uq . edu . au room : 67 - 622 tel : ( 07 ) 33461428 department of mathematics , the university of queensland - conl . ppt",0 +"Subject: re : possible summer internship with enron vince and datren : i have scheduled a telephone interview with ainsley this afternoon ( thursday ) at 2 : 00 pm . her telephone no . is 281 - 852 - 9116 . you can use conference room ebl 938 . thanks ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 05 / 25 / 2000 07 : 45 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" ainsley gaddis "" on 05 / 24 / 2000 04 : 09 : 07 pm to : cc : subject : re : possible summer internship with enron hi ms . crenshaw ! the best time for the interview would be tomorrow , thursday , around 2 : 00 . you can reach me at 281 - 852 - 9116 . talk to you then ! sincerely , ainsley gaddis",0 +"Subject: australian energy risk 2000 as australian energy risk 2000 is approaching . i am emailing you with regards to your presentation . the deadline date is monday 12 june . if this is going to be a problem please let me know i will be out of the office from monday 12 , until monday 19 june , on which date i will be putting the presentation pack together to send to the printers . if your presentation is complete could you please email it to ldeathridge @ risk . co . uk as a powerpoint file asap . if you have any problems in doing this please do not hesitate to contact me by email or on ( 020 ) 7484 9867 . i will reply to any queries when i return . regards lucie deathridge conference co - ordinator risk publications ? tel : ( + 44 ) ( 020 ) 7484 9867 http : / / www . riskpublications . com",0 +"Subject: zingales seminar enron seminar series in financejones graduate school of management , rice universityluigi zingalesuniversity of chicagowill give a seminar at the jones school on friday , april 27 , "" the great reversals : the politics of financial development in the 20 th century . "" the seminar will begin at 3 : 30 in room 105 . a pdf of the paper is available through the seminar website : http : / / www . ruf . rice . edu / ~ jgsfss / . fu - kuo albert wangassistant professorjones graduate school of management - - ms 531 rice university 6100 main street houston , tx 77005 phone : 713 - 348 - 5404 fax : 713 - 348 - 5251 email : wangfa @ rice . eduhttp : / / www . ruf . rice . edu / ~ wangfa /",0 +"Subject: dba administrator cecil , i ' ve spoken with charlene just now and she sounds very helpful . can you give her a call tomorrow morning to iron out exactly how you want to access the enpower data base ? i ' ve left your name with her so she ' s expecting your call . best , alex - - - - - - - - - - - - - - - - - - - - - - forwarded by alex huang / corp / enron on 05 / 01 / 2001 05 : 31 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 05 / 01 / 2001 05 : 13 pm to : michelle d cisneros / hou / ect @ ect cc : alex huang / corp / enron @ enron , vince j kaminski / hou / ect @ ect subject : dba administrator michelle , the name of the db administrator for enpower is charlene fricker , 5 - 3487 . alex will contact her regarding the access to the curve . i think it ' s a problem many layers below gary hickerson ' s level of responsibility and i hope we can handle it without using his valuable time . vince",0 +"Subject: proposal - kevin kindall",0 +"Subject: re : wayne tow ' s resume we are supposed to get back to the headhunter . you can send her an e - mail ( please see the first message at the bottom of the page for the address ) . vince greg nikkel @ enron 02 / 02 / 2000 11 : 39 am to : kathy kokas / corp / enron @ enron cc : melissa becker / corp / enron @ enron , john gillespie / corp / enron @ enron , vince j kaminski / hou / ect @ ect subject : re : wayne tow ' s resume i will set - up a phone interview with him to assess his qualifications and interest in the hr application support lead position . vince , how was it left with the headhunter on how to contact him ? greg from : kathy kokas 02 / 02 / 2000 09 : 16 am to : melissa becker / corp / enron @ enron cc : greg nikkel / corp / enron @ enron , john gillespie / corp / enron @ enron , vince j kaminski / hou / ect @ ect subject : re : wayne tow ' s resume since i only talk to a very few headhunters that we ' ve already done business with and who have provided good people , i ' ll say "" no , i have no current needs "" which is what i tell every headhunter that calls ( at least one a day ) . kk melissa becker 02 / 01 / 2000 02 : 01 pm to : kathy kokas / corp / enron @ enron , greg nikkel / corp / enron @ enron , john gillespie / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : wayne tow ' s resume kathy / greg / john - do we need the skills described in the attached resume on the project team or in the permanent support group or in the esupply group ? there are no personal recommendations associated this resume . vince - thanks for keeping us in mind ! - - - - - - - - - - - - - - - - - - - - - - forwarded by melissa becker / corp / enron on 02 / 01 / 2000 01 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 01 / 31 / 2000 09 : 04 am to : melissa becker / corp / enron @ enron cc : subject : wayne tow ' s resume melissa , please , take a look at this resume . any interest ? i got it from a headhunter ( i don ' t know her , it was a cold call on her part and she did not make a good impression ) . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 31 / 2000 09 : 01 am - - - - - - - - - - - - - - - - - - - - - - - - - - - leewells @ swbell . net on 01 / 25 / 2000 05 : 34 : 57 pm please respond to leewells @ swbell . net to : vince j kaminski / hou / ect @ ect cc : subject : wayne tow ' s resume hi there mr . kaminski ! it was a pleasure to speak with you today . i look forward to lunch one day soon at brennans . wayne tow is a brilliant man , he worked for many years for a man i know well . this man says , wayne is as good as it get , and he could do anything that is assigned to him , and do it at a level in which he was always amazed . he loves the e - commerce area , and this is what he wants to do thank you , vince . lee wells - wayne 2 . doc",0 +"Subject: re : follow - up interview on 8 / 21 / 00 dear vince , thank you very much for updating me on the status of my job application . ? i got another good news last week . ? i am happy to inform you i passed the 2000 cfa level i examination . the pass rate for level i examination this year is 52 % . i look forward to hearing from you . sincerely , rabi de ? ? ? vince . j . kaminski @ enron . com wrote : rabi , thanks for your message . everybody who interviewed you was greatly impressed with your technical skills and professional attitude . we shall extend an offer to you within a day or two . vince rabi deon 08 / 22 / 2000 02 : 57 : 37 pm to : vince kaminsky cc : subject : follow - up interview on 8 / 21 / 00 dear dr . kaminsky : thank you very much for arranging the follow - up interview with your internal clients . i visited mr . ted murphy and his staff at rac and mr . dennis benevides at ees yesterday . i was impressed with level of risk technology employed by enron to achieve its business objectives . i want to reiterate my strong interest in joining your group , which is held in very high esteem both inside and outside of enron . ? i look forward to h ! earing from you . sincerely , rabi s . de do you yahoo ! ? yahoo ! mail - free email you can access from anywhere ! do you yahoo ! ? yahoo ! mail - free email you can access from anywhere !",0 +"Subject: pre - ranking below is your spreadsheet . this one has your direct reports on it . . . . . . . . . . . the other spreadsheet i sent to your vp / directors didn ' t show this . fyi thx",0 +"Subject: jedi shares vince , attached is a description of the deal involving jedi shares . the structure is a two - year forward followed by another two years of restriction . the pricing is consistent with our previous approach . i have given a copy to stinson as well . as ryan would like a reply in the am hours , i would like to let him know by 11 am . please take a look and let me know what your thoughts are , time permitting . otherwise , i shall check with stinson and proceed . thanks . rakesh - - - - - - - - - - - - - - - - - - - - - - forwarded by rakesh bharati / na / enron on 04 / 06 / 2001 09 : 34 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : ryan siurek on 04 / 06 / 2001 08 : 17 am to : rakesh bharati / na / enron @ enron cc : george mckean / na / enron @ enron , gordon mckillop / na / enron @ enron , ron baker / enron @ enronxgate subject : rakesh , can you please take a look at this write up that i put together last night . i would like to get your comments this morning if possible . i am trying to see if we can use this as a discussion tool with some investment banks to get their comments as to the reasonableness of the restriction calculated . also , thanks for your assistance with andersen yesterday . they should be directing all of their questions / comments to me so i can intermediate with you and the rest of the research group . please let me know if they start calling you with questions or want to set up any meetings . regards , ryan",0 +"Subject: home page - new - risk solutions ( http : / / www . marshweb . com / home / ho mepg . nsf / alldo > dear vincent , hope all is well across the atlantic . you may have seen this already but thought i would pass it on just in case . also socgen just pulled off a weather deal for a japanease company looking to protect against wind damage on their flower crop . weather is definatly picking up on this side too with more interest every day . hope all is well , damian goodburn office - 44 20 7847 1829 mobile - 07971 825 309 - home page - new - risk solutions . htm",0 +"Subject: meeting follow - up dear vince , i enjoyed very much meeting you at the eprm conference . as agreed , i am attaching both my resume and the paper on my dissertation work , which i will be presenting at the real options conference in ucla next month . i would be delighted to have your comments and impressions on it . if it is of interest to you , i would also be very enthusiastic about exploring together different powerful ways of applying these concepts at enron . early congratulations on your son ' s graduation ; let me know if you come to the bay area soon . best regards , maria ines de miranda phd . candidate management science and engineering stanford university - resume maria i . de miranda . doc - rool - demiranda . pdf",0 +"Subject: re : calpx prices jason , i think what you may be asking for are caliso power prices . the calpx is a scheduling coordinator and they submit balanced schedules and bid curves to the caliso . the iso combines the curves from participating scs ( of which i believe enron is one ) and calculates the uncongested and congested prices . the caliso prices are available from rdi powerdat , the enron lim database , and a number of other sources . recent historical prices are available from the caliso web site . i am copying your mail to tim hiezenrader , who runs the westdesk fundamentals group . i believe he would know how you might be able to access the more real - time caliso data that enron collects . tim , can you help jason out ? he is a manager in the ena research group . thanks , michael > > > sokolov , jason 01 / 26 / 01 02 : 01 pm > > > michael , i an trying to locate some historical real - time ( spot ) power prices for calpx . do you know who may have them ? jason sokolov",0 +"Subject: thanks paige , thanks a lot for your presentation . it was an eye - opener in many cases . i shall schedule a meeting with you next week to discuss how we can help you in this project . i have some ideas i would like to run by you . vince p . s . shirley , please see if monday is ok for 30 mins ?",0 +"Subject: 6 / 30 aga forecast at 66 mike , my number for next week is 66 ( from seasonal holt - winter model , shw ) . i am also fitting aga to an arimax model . as discussed , i need weighted temperature data for east , west and production areas . i would appreciate if you could provide that data . after that , i could add forward price curve as explainatory variables . since aga is a market mover , it is important to have an accurate model . zimin to : zimin lu / hou / ect @ ect cc : subject : re : revised aga forecast for 6 / 23 is 65 came in at 73 what do have for next week ?",0 +"Subject: re : mscf speaker series pierre - philippe ste - marie thanks . kevin kindall and , possibly , kristin gandy from enron will come with me . vince "" pierre - philippe ste - marie "" on 11 / 01 / 2000 09 : 37 : 13 pm to : cc : "" rick bryant "" subject : re : mscf speaker series dear mr . kaminski , thank you very much for changing your plane ticket , it was unhoped for . everyhting is now ready for your arrival . we will be at 10 . 30 am on friday at your hotel . if you have not received your schedule yet here is the outline : 10 . 30 on board for school 11 . 00 - 11 . 30 presentation set up . brief brush up with students . 11 . 30 - 14 . 00 presentation and lunch with students 14 . 00 - 14 . 30 meeting with professor chester spatt 15 . 00 - 15 . 30 meeting with coc officer 15 . 30 - 16 . 00 brief tour of the school . ( the four department that sponsor the mscf program ) 16 . 00 back at the hotel to relax . 18 . 30 the group will come at your hotel to go to the restaurant . here is the roster for the evening . - kent garrett : one of the top seed of this year ' s class , versed in mathematic and computer science . will guide and drive you through the day . - ignacio delgado : another top student , master from yale . versed in finance , economics and computer science . - punit rawal : seasonned professional , worked in the financial industry for many years prior to joining the program . - hisamitsu tanaka : another seasonned professional , worked in a major japanese bank for many years as a fx option trader / risk manager . - teresa holden : bright computer scientist , worked in an it group for many years prior to joining the program . - frank quian : brilliant programmer , phd in microbiology form columbia . - rick bryant : director of the mscf program - pierre - philippe ste - marie : president of the speaker series ( that would be me ! ) if there is anything else i can do , please tell me . pierre - philippe ste - marie http : / / pstemarie . homestead . com",0 +"Subject: re : greetings van , it ' s nice to hear from you . i am sure that you can always come back to enron if you don ' t like living in new york . i used to work for salomon and chances are you will be working in the same building in lower manhattan where i spent 7 years of my life . i hope you have a great holiday season . vicne van ngo on 11 / 29 / 2000 10 : 52 : 35 pm to : vince . j . kaminski @ enron . com cc : subject : greetings dear vince : i just wanted to get in touch with you , as my last fall semester here draws to a close and this is something of a transition point for me . to update you on my job search , i have been extended an offer for a position within enron ' s analyst program . the offer was very attractive and i had numerous things to consider in reaching my decision . unfortunately , i will be declining enron ' s offer of employment to take a position in the investment banking division of salomon smith barney in new york . my preference at this point is to live outside of houston , and although my hope is also to return to houston in future , new york offers some exciting options for me now . i will be starting there in july of this summer . i hope that i will have future opportunities to be an advocate of enron and look forward to keeping in touch with you and the research group . please give my regards to everyone at the office and wishes for a very happy holiday season ! also please feel free to contact me at any time . i can give you my future contact information when i have it . thank you and i hope i ' ll see you again . sincerely , van p . s . feel free to forward my news onto mike roberts if that would appropriate . i didn ' t have his email with me .",0 +"Subject: benchmarking study sally , i gave you some time ago a brochure on this benchmarking study request . they renewed their request for enron ' s participation . what is your view on this ? do you think the benefits of knowing what ' s going on offset the loss due information released and time spent on the project . my recommendation is to forget it . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 03 / 2001 03 : 28 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" theresa sanders "" on 12 / 27 / 2000 01 : 32 : 18 pm to : cc : subject : benchmarking study dear vince , peter nance and i wanted to follow - up our discussion of enron ' s participation in our benchmarking study . have you discussed enron ' s participation in the project with your colleagues ? here is a small sample set of metrics that were taken from a comprehensive list of over 700 metrics . the study group will decide which metrics to use . with eei ' s credibility and teknecon ' s technical expertise , we intend to become the industry standard in benchmarking . we would very much like to have enron participate in the study . i would be happy to set up another meeting with you and your colleagues with peter nance if you think that would be helpful . best regards , theresa sanders director of business development alliance of energy suppliers edison electric institute tel : 202 - 508 - 5183 - eei metrics - short list . xls - ebrochure . doc - riskbenc . ppt",0 +"Subject: calculating bid - ask prices this is about enron movie trading business where we are a market maker for trading future of a movie ' s gross box office receipt . rich sent to many people a writing explaining his movie trading idea and asked us to provide some feedback . i think the idea ( see below ) might be applicable to other parts of enron . we can call it "" dynamic bid - ask price process "" . in fact , we can set that the bidding period is closed when no new bid is submitted to the system within a specified amount of time . the final ( clearing ) bid and ask prices are just the last "" tentative "" price shown to the public before the bidding period ends . ( so the customers can see the final price before the market close and can revise their bids if they wish . ) i think this method is suitable for illiquid products to be traded via enrononline . com . - chonawee - - - - - - - - - - - - - - - - - - - - - - forwarded by chonawee supatgiat / corp / enron on 04 / 24 / 2001 07 : 48 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - chonawee supatgiat 04 / 24 / 2001 07 : 40 pm to : richard dimichele / enron communications @ enron communications cc : chonawee supatgiat / corp / enron @ enron , cynthia harkness / enron communications @ enron communications , greg wolfe / hou / ect @ ect , james ginty / enron communications @ enron communications , jim fallon / enron communications @ enron communications , kelly kimberly / enron communications @ enron communications , kevin howard / enron communications @ enron communications , key kasravi / enron communications @ enron communications , kristin albrecht / enron communications @ enron communications , kristina mordaunt / enron communications @ enron communications , martin lin / contractor / enron communications @ enron communications , paul racicot / enron communications @ enron communications , zachary mccarroll / enron communications @ enron communications , martin lin / contractor / enron communications @ enron communications subject : calculating bid - ask prices i think we should let the price float with the market instead of trying to forecast it . otherwise , if our forecast is not consistence with the market , we may have an imbalance in the bid - ask orders and we may end up taking some positions . you know , as russ and martin pointed out , we cannot fight with the studio and exhibitors because they have inside information and can game the price easily . one way to ensure the balance of the bid - ask orders is to embed an exchange system inside our bid - ask prices front end . each week , we have a trading period . during the period , instead of posting bid - ask prices , we post "" tentative "" bid - ask prices , then we ask our customers to submit their acceptable buying or selling price . these "" tentative "" bid - ask prices get updated and are shown to the public . of course , customers can revise / withdraw their bids anytime during the trading period . at the end of the period , we calculate and post the final bid and ask prices . the seller who submits lower selling price than our final bid price gets paid at the bid price . the buyer who submits higher buying price than our final ask price pays at the ask price . next week , we repeat the same process . this way , we can manage our positions easily and we can also behave like a broker where we don ' t take any position at all . we make profit from those bid - ask spread . we don ' t have to worry about forecasting accuracy and insiders ' trading because we don ' t have to take any position . let the market be the one who decides the price . if we maintain our net position as zero , at the end , when all the actual gross box office numbers are reported in those publications , our customers with open long / short positions are perfectly matched . using the mark - to - market charge can reduce credit risk . thanks , - chonawee - - - - - - - - - - - - - - - - - - - - - - forwarded by chonawee supatgiat / corp / enron on 04 / 24 / 2001 07 : 24 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - chonawee supatgiat 04 / 20 / 2001 04 : 31 pm to : richard dimichele / enron communications @ enron communications , key kasravi / enron communications @ enron communications cc : martin lin / contractor / enron communications @ enron communications subject : some more input hi rich and key , again i think your idea is very good . i think that we , as a market maker , can reduce our credit risk ( risk of default ) if we do the "" mark - to - market "" charging . that is , each week when we release a new expected value of the gross box office receipt , we balance all the opening positions the same way as in a regular future market . this way , we can give margin calls to the couterparties who are expected to owe us a lots of money . in the last paragraph , i think the gross box office can also be determined from the market itself ( i . e . , if there are lots of buyers , our offer price should go up . ) we can offer other derivative products such as options as well . - chonawee",0 +"Subject: re : volatility conference todd , thanks for the invitation to speak on the panel . it was a real pleasure to join you and other leading professionals in the energy area in the discussion on the state of the electricity markets in the us . i want to wish you a very happy and successful new year . vince kaminski "" strauss , todd "" on 12 / 20 / 99 03 : 41 : 27 pm to : vince j kaminski / hou / ect @ ect cc : subject : volatility conference vince - - thanks for participating in the infocast volatility conference in houston 10 days ago . your penetrating analysis of the current state of electricity markets , and what the trends may be , was a very useful contribution to the conference . happy holidays , and wishing you a healthy and prosperous new year / century / millenium . todd strauss principal phb hagler bailly , inc . _ _ _ _ _ _ _ management and economic consultants 1776 eye street , n . w . washington , dc 20006 - 3700 ( 202 ) 828 - 3964 ( 202 ) 296 - 3858 ( facsimile ) this electronic message transmission , including any attachments , is intended only for the use of the individual or entity to which it is addressed and may contain information that is privileged , confidential and exempt from disclosure under applicable law . if you are not the intended recipient or the employee or agent responsible for delivering this transmission to the intended recipient , you are hereby notified that any review , copying , dissemination , distribution or the taking of any action in reliance on the contents of this transmission is strictly prohibited . if you have received this transmission in error please notify me by telephone or by electronic mail immediately - - thank you .",0 +"Subject: houston research opportunity dear vince i would like to make the suggestion that we make this opportunity a one - year assignment working with tanya , and then re - evaluate the situation at the end of the year in terms a new role for me in houston thereafter , subject to mutual agreement . the alternative situation of resigning from enron europe and re - joining enron corp is too dramatic and requires me to "" burn bridges "" and my return to enron europe would be difficult . also , i would lose the valuable support structures available to me in london . the amount of any fixed costs ( flights , modest cargo , a few months of mortgage carrying cost ) are entirely reasonable , not excessive given my single status and not so great that they justify making the contract a three year ( local ) one . i would expect that on the basis of almost 3 1 / 2 years solid experience & value - added at enron europe , the value of several million pounds i have identified & justified to external auditors for enron europe this year and an "" excellent "" rating ( my fourth making my 3 1 / 2 yr average rating also "" excellent "" ) , i could reasonably be expected to justify a fair deal ( i . e . my existing enron europe salary & benefits package plus a reasonable one - off allowance to cover unavoidable additional personal expenses ) . regards & thanks again for the opportunity , anjam x 35383",0 +"Subject: ethink about it : july 31 , 2000 vince this correspondence is sent to you in response to the below question pertaining to the type of research that should be introduced to enron . on tuesday , april 4 th , 2000 , a local newspaper in my area , "" the bakersfield california "" ran an article pertaining to the 50 million dollars of funding from the u . s . congress set aside to study deep sea floor extraction of methane hydrate . this study will focus on methane hydrates as an energy source and the technologies needed for safe , efficient development . according to this article , the ice - like deposits of frozen methane have an energy potential equal to more than twice that of all other fossil fuels combined . i can fax you a copy of this newspaper article if you would like to read it . send me you fax number or call me at enron wind corp . 661 - 823 - 6433 . also when i was in engineering student back in 1985 , i did an independent senior level study on a proposed method which possibly could be used to extract hydrate from the sea floor . if you are interested , i could e - mail you a copy of my thesis explaining this proposed method . carl colditz test engineer enron wind corp . 13681 chantico road tehachapi , ca 93561 661 - 823 - 6433 661 - 823 - 6804 ( fax ) carl . colditz @ enron . com - - - - - - - - - - - - - - - - - - - - - - forwarded by carl colditz / ewc / enron on 07 / 31 / 2000 11 : 48 am - - - - - - - - - - - - - - - - - - - - - - - - - - - the ethink team from : ethink on 07 / 28 / 2000 05 : 58 pm cdt sent by : enron announcements to : all enron worldwide cc : subject : ethink about it : july 31 , 2000 here  , s what you  , ve been missing on ethink : for the answers , consult the archives for the referenced espeak session . "" ene ' s market capitalization is currently around $ 50 b . what do you expect the market cap to be in five years ? what needs to happen to get there ? "" - thomas myers ken lay , office of the chairman , 7 / 14 / 00 "" given appropriate latitude and funding , what is the one kind of research that you would like to introduce to enron - - and what kind of talent would you need ? "" - yannis tzamouranis vince kaminski , enron research , 7 / 12 / 00 do you still believe that nothing can travel faster than light ? a recent experiment conducted in princeton , nj has proved this wrong . reliant says it will file a plan with the texas puc to break into two publicly traded companies . want to learn more ? get the rest of these stories at the enron edge .",0 +"Subject: total return swap hi , vince , please see attached the updated total return swap deals . all the best ! li",0 +"Subject: organizational changes changes in enron ' s business require us to reevaluate how we approach the engineering and construction function within enron . specifically , enron energy services ' ( ees ) business has grown dramatically and that requires considerable additional engineering and construction resources both to develop solutions for customers and to deliver those solutions to customers . additionally , in light of enron ' s continued emphasis on increasing our return on invested capital , we have been engaged in fewer large scale construction projects around the world . historically , these projects have been a primary focus of eecc ' s activities . consequently we are making the following organizational changes concerning eecc : eecc ' s pipeline construction group , led by jerry martin , will become part of enron transportation services . nepco will continue to operate as a stand alone entity focused on power plant construction services to enron entities and third parties . the remainder of eecc will become part of ees . larry izzo will report to the ees office of the chairman . these changes will better align our intellectual capital with the growth opportunities within enron and provide new and exciting opportunities for our employees . please join us in supporting and implementing these changes .",0 +"Subject: re : info about enron ' s bandwidth market dear dr . kaminski , thank you for the follow up . i will keep you posted when i hear from ebs . jun at 05 : 41 pm 10 / 25 / 00 - 0500 , you wrote : > martin , > > can you , please , call shu and provide him with information about ebs ? > > vince > > - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 25 / 2000 > 05 : 46 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - > > > jun shu on 10 / 23 / 2000 07 : 27 : 49 pm > > to : vkamins @ enron . com > cc : > subject : info about enron ' s bandwidth market > > > dear dr . kaminski , > > i enjoyed your talk this afternoon at ieor very much . > i wonder if you could point me to some information > resource on enron ' s bandwidth market . > > i am a ph . d student at ieor . i work with professor > oren and professor varaiya from eecs department on > the topic of pricing the internet . in particular , i am designing > pricing mechanism in the framework of the diffserv > architecture which is the latest proposal made by > ietf to provide scalable service differentiation . > i would very much like to get in touch with people > in enron working on the similar topics . > > thank you very much . > > jun shu > http : / / www . ieor . berkeley . edu / ~ jshu > > > >",0 +"Subject: london visit i understand that you will be in london around 20 september . tom lewthwaite has asked me to arrange a meeting between you , tom and julian leake . i understand that you have met tom and julian before . i would also like to attend - i am a manager in our uk financial services practice with responsibilty for enron from a uk financial services perspective . we would like to discuss any risk management concerns that you may have and any internal initiatives with which we could assist . if you are happy to meet , i would be grateful if you could let me know how you to proceed ( whether i should arrange timings with you , your secretary , someone in london etc ) . you can contact me on + 44 20 7783 7446 ( at enron ' s london offices ) or on this e - mail address . kind regards paul day * * * * * * * * * * * * * * * * * * * internet email confidentiality footer * * * * * * * * * * * * * * * * * * * privileged / confidential information may be contained in this message . if you are not the addressee indicated in this message ( or responsible for delivery of the message to such person ) , you may not copy or deliver this message to anyone . in such case , you should destroy this message and kindly notify the sender by reply email . please advise immediately if you or your employer do not consent to internet email for messages of this kind . opinions , conclusions and other information in this message that do not relate to the official business of my firm shall be understood as neither given nor endorsed by it .",0 +"Subject: today ' s discussion anjam , thanks for organising this - and vince thanks for making yourself available for the discussion . i am working for joe gold and my group is concerned with adding the web as an additional sales and communication channel for our european business units . through the web we are also able to convey a more local image , rather than presenting ourselves as a texan company through enron . com . to set you into perspective about what we have in mind i have attached a brief presentation which has been the basis for the sign off of the project . we intend to display a wide training section for the following reasons : document our know - how base educate the market participants generate great stickiness ( participants should know that if they need to know s . th . on energy risk mgt . they should go to enron ) later on : have the option to commercialise this area . i look forward to our discussion . kind regards sven becker",0 +"Subject: hello from chicago i wanted to pass this on to you as a group . richard is taking responsibility to ensure we have the appropriate resources to support our transaction business . if you have questions or comments , or need further information regarding the attached , please contact me @ ( 312 ) 357 - 8869 . thanx ! laura - - - - - - - - - - - - - - - - - - - - - - forwarded by laura luce / corp / enron on 01 / 14 / 2000 10 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - richard tomaski 01 / 13 / 2000 07 : 59 pm to : ed mcmichael / hou / ect @ ect , deirdre mccaffrey / hou / ect @ ect , steve jackson / hou / ect @ ect , berney c aucoin / hou / ect @ ect cc : laura luce / corp / enron @ enron , barbara g dillard / corp / enron @ enron , gregg penman / corp / enron @ enron , kevin p radous / corp / enron @ enron , russell e murrell / corp / enron @ enron subject : hello from chicago hey guys , i just wanted to update everybody on what ' s going on up here in chicago . we ' ve finally got our computers hooked up , so we are off and running now . actually , we got quite of few projects going on up here ( yes , these are real projects ) and we are going to need the houston structuring group for support . i don ' t know if you guys are still short - handed and what kind of projects you may already have lined - up , but i wanted list out some of the projects that we are currently working on . gas lrg project - deirde is currently working on this with russell nss storage - sean boyle helped value both their current and new nss . we are currently working on negotiating with people ' s for these , and i expect that there may be additional requests in the future . manlove summer withdraw program - yes this is not a typo . surprise , surprise . . . manlove can do a lot more than we thought . i ' ve talked to deirdre about it and created a simple model , but i would like to better analyze this with your help . capital improvements - we ' ve got people ' s christmas list of capital projects that we are going to help them analyze and seek if any of these make sense . sendout model - we would like to help them better optimize their morning sendout taking into account current market pricing and the enron supply deal . pbr - we are not sure when or if people ' s will file a pbr , but i think that there are a lot of things that we learned during our previous experience that we can do to help them prepare for a competitive marketplace ( ie transport customers tariff restructuring ) pesc - people ' s is looking for assistance in understanding load following and helping them build models to optimize their retail gas effort san juan pricing - evan has been working with the desk to provide indicative pricing with regard to pec hedging out some of their san juan production reserves power power project development - we have several power projects underway and the ctg group ( billy lemmons ) is helping us create necessary models pesc - the retail power stuff lives . i ' ve think that fallon has a new attitude on these deals and enron has committed to help them figure out this market . power plant balancing model - we have in our portfolio and will be offering balancing / storage services for chicago area power projects . we would like to have a model or at least a better understanding to help us with this endeavor . we have resources in chicago dedicated to these projects , as well as the other stuff we ' re trying to do like negotiate contracts and set up the chicago back office function . we plan on adding our own structuring resources ( in chicago or houston ) , but we felt that we ought to start by figuring out what support the houston office will be able to provide . i will be in the office this monday ( jan 17 ) , so i hope to be able to catch up with you and discuss some of these items then . feel free to contact me if you need to before then at 312 . 357 . 8876 or pager 800 . 778 . 0291 . thanks richard",0 +"Subject: re : mid year prc soma , yes , no problem . vince soma ghosh 05 / 26 / 2000 08 : 43 am to : vince j kaminski / hou / ect @ ect cc : subject : mid year prc vince , may i put you down as one of my reviewers for my final prc within rac ? soma",0 +"Subject: ameriflash newsletter note from mark frevert with the wide and varied activities of our three organizations , we created this e - mail newsletter to keep everyone better informed about our various businesses . i hope you find it informative and more importantly , that you will use this newsletter to help spread the word about the successes in your group . to provide content for future e - mails , contact michelle vitrella in our public relations group via e - mail or call her at ext . 3 - 9767 . communication is one of the core enron values and i believe this is a great way to improve communication across our wholesale businesses . additionally , i would like to again encourage everyone to take a few minutes to complete  & the pulse  8 survey . this annual survey regarding the work experience at enron and how we can make it better is an important part of the two - way communication process at enron . please go to the enron intranet and type survey . enron . com . it only takes a few minutes , it  , s confidential and your comments will help make enron a better place to work . business highlights natural gas middle marketing  , s biggest trade of the year so far occurred this month . the significant transaction was a five year , multimillion dollar restructuring with a subsidiary of formosa plastics , one of the world  , s largest producers of polyvinyl chloride . additionally , continental airlines , the fifth largest us carrier , has hedged a considerable amount ( 1 . 2 million barrels / month ) of crude oil . winter nymex hedges were put in place for the undisputed heavyweight chip champ of the world , frito lay . pulp & paper with the acquisition of garden state paper and launch of clickpaper . com , enron is creating an efficient spot physical market for pulp and paper commodities . buyers and sellers will benefit from improved price transparency and reliability and access to enron  , s online financial markets . improved price transparency and the ability to imbed financial derivatives into physical trading flows will facilitate the growth of enron  , s trading business . to date , clickpaper . com has traded over 1 millions tons of pulp and paper product with a notional value of over $ 675 million . upstream origination upstream origination , headed by julie gomez and jean mrha , focuses on natural gas products to optimize commercial value associated with the natural gas grid on the continent and in the gulf of mexico ( gom ) . through products such as storage , electric compression and producer services & outsourcing , ena creates value for its customers and reconfigures the natural gas infrastructure to be more efficient . in addition , upstream origination transactions exploit the unique relationship between development of strategic assets through sophisticated financing structures and the utilization of the market information created by those assets .  & the pulse  8 survey results as of wednesday , october 18 , the total responses to  & the pulse  8 from ena / egm / eim are 689 . this is approximately 30 % of all employees . since our goal is a 100 % response rate , we have a long way to go ! please take a few minutes to log on and give enron your thoughts . the pulse is located at survey . enron . com on the enron intranet page . if you like competition , here are the results by group : commercial - origination 131 energy operations 126 risk management and trading 106 other / none of the above 91 bus . analysis & rep . / fin . ops . 90 legal 46 gas assets 37 human resources 30 tax 18 technology / it 14 welcome transferred into ena / eim / egm ena - kathleen neal / hr , suzanne kelly / infocentral , tobias monk / finance direct eim - eric connor / industrial energy group egm - eric calub / global product mgmt new hires ena / eim / egm ena - lance cunningham / cts research , anita dupont / cts research , yvette hales / gas logistics  ) east , angela howell / equity trading , farid mithani / power risk - credit egm - heather purcell / enron global markets in the news  & no company illustrates the transformative power of innovation more dramatically than enron . over the past decade enron  , s commitment to the invention  * and later domination  * of new business categories has taken it from a $ 200 million old - economy pipeline operator to a $ 40 billion new - economy trading powerhouse .  8 from  & the world  , s most admired companies ,  8 fortune , monday , october 2 nuggets & notes  & what  , s the message we  , re trying to get across ?  8  ) ray bowen , coo eim  & i  , m not a micro - manager  8 - john lavorato , coo ena  & make it so , number one  8  ) jeff shankman , coo egm contest enron is  & the most innovative company  8 based on fortune magazine  , s most admired survey . ena public relations is ready to put enron north america , industrial markets and global markets to the test . we need your creative minds to help name the new electronic newsletter we now call ameriflash . put on your thinking caps and submit your ideas for a new name to michelle . vitrella @ enron . com . the ena public relations team will narrow the list to the top ten and then send it to our official judge , mark frevert , to make the final decision . the winner will receive a gift certificate to any pappas restaurant . good luck !",0 +"Subject: re : bandwidth writing y ' all , stinson forwarded a copy to me last week . part 1 . 1 was published in this past monday ' s edition as is . i would suggest that unless you see some major error , don ' t suggest changes to samer that would delay the publication of part 2 , scheduled for this coming monday . sam shirley crenshaw @ ect 06 / 07 / 2000 10 : 14 am to : vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , mike a roberts / hou / ect @ ect , joseph hrgovcic / hou / ect @ ect , grant masson / hou / ect @ ect , tanya tamarchenko / hou / ect @ ect , zimin lu / hou / ect @ ect , vincent tang / hou / ect @ ect , alexios kollaros / hou / ees @ ees , martin lin / hou / ect @ ect , maureen raymond / hou / ect @ ect , osman sezgen / hou / ees @ ees , paulo issler / hou / ect @ ect , patricia tlapek / hou / ect @ ect , farouk lalji / hou / ect @ ect , amitava dhar / corp / enron @ enron , alex huang / corp / enron @ enron , ronnie chahal / hou / ees @ ees , kevin kindall / corp / enron @ enron , kevin g moore / hou / ect @ ect , clayton vernon / corp / enron @ enron , william smith / corp / enron @ enron , leandro ibasco / corp / enron @ enron , yanna crystal / corp / enron @ enron , jose marquez / corp / enron @ enron , samer takriti / corp / enron @ enron , chonawee supatgiat / corp / enron @ enron , shalesh ganjoo / hou / ect @ ect , tom halliburton / corp / enron @ enron , elena chilkina / corp / enron @ enron , cantekin dincerler / hou / ect @ ect , brad aimone / na / enron @ enron , datren williams / na / enron @ enron , eloise meza / na / enron @ enron , sevil yaman / corp / enron @ enron , sofya tamarchenko / na / enron @ enron , bob lee / na / enron @ enron , ainsley gaddis / na / enron @ enron cc : subject : bandwidth writing hello all : samer takriti has requested that the attached document be forwarded to you for your feedback . vince would like to put this in the research newsletter . if you feel changes need to be made , please feel free to do so . thanks ! - fiber . pdf",0 +"Subject: re : reminder thanks . i downloaded a lot of stuff from the hbs site including cases , etc . looking forward to working with you . at 03 : 15 pm 7 / 31 / 00 - 0500 , you wrote : > > > john , > > my new e - mail address is vkamins @ enron . com . > > i am compiling the information for you . i should be able to send it in a few > days . > > vince > > > > > > "" john d . martin "" on 07 / 28 / 2000 02 : 41 : 42 pm > > to : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect > cc : > subject : reminder > > > > stinson ( and vince - - don ' t think your e - mail address is correct ) > > this is just a reminder about the "" care package "" of enron cases and > materials that you guys were going to send to me . > > stinson , please convey this request on to vince because i think the e - mail > address i have is an old one . > > thanks and have a great weekend . > > john > john d . martin > carr p . collins chair in finance > finance department > baylor university > po box 98004 > waco , tx 76798 > 254 - 710 - 4473 ( office ) > 254 - 710 - 1092 ( fax ) > j _ martin @ baylor . edu > web : http : / / hsb . baylor . edu / html / martinj / home . html > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : 2001 preliminary i / c billing becky , the charges to corp . go to rac and are based on my projections of expected expenses . the charges are based on the following assumptions ( percentages in the parenthesis show amount of time allocated by each person ( group ) ) to rac : 1 . value - at - risk group ( var ) md ( 25 % ) vp ( 60 % ) director ( 100 % ) 5 managers ( 100 % ) 2 . enterprise wide risk management manager ( 100 % ) associate ( 100 % ) currently we hired ( or will shortly hire ) 4 managers for the var group . the expansion of the var group was planned based on the requests from rac for more support . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 12 / 19 / 2000 01 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 12 / 19 / 2000 11 : 30 am to : vince j kaminski / hou / ect @ ect cc : subject : re : 2001 preliminary i / c billing - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 12 / 19 / 2000 11 : 25 am - - - - - - - - - - - - - - - - - - - - - - - - - - - becky pham 12 / 19 / 2000 11 : 13 am to : shirley crenshaw / hou / ect @ ect cc : subject : re : 2001 preliminary i / c billing madam , i have a meeting with corp tomorrow in reference to the intercompany billing to corp . they are concerned about research allocation . i need some back up to this billing . can you help me ? can i get it by the end of the day to have it reviewed and ready for tomorrow ? please let me know . . . . thanx - - - - - - - - - - - - - - - - - - - - - - forwarded by becky pham / hou / ect on 12 / 19 / 2000 11 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - stephen schwarzbach @ enron 12 / 18 / 2000 08 : 55 am to : becky pham / hou / ect @ ect cc : subject : re : 2001 preliminary i / c billing becky , i am discussing these allocations with the appropriate groups within corporate , as they will be the ones accepting / rejecting these charges . i am forwarding this to the appropriate individuals within the corp . departments for their review . so , do not consider corp as "" in agreement "" until you hear back from me . i also reviewed what we are receiving in 2000 and i have a few questions relating to both 2000 and 2001 : 1 . what is esource ? 2 . what is ena ops direct ? 3 . what is ena occ direct ? 4 . what is ena co 021 ? is this vince kaminsky ' s group ? the charges for 2000 have been about $ 16 k and $ 20 k to the rac group , so at that rate , i would expect 2001 to be no more than $ 250 k - $ 300 k , but the plan amount you sent is $ 1 . 9 mm . i will need some detail on this . thanks , steve becky pham @ ect 12 / 14 / 2000 05 : 15 pm to : stephen schwarzbach / corp / enron @ enron , regina hawley / gpgfin / enron @ enron cc : subject : 2001 preliminary i / c billing attached is the 2001 preliminary inter - company billing . ena will be billing plan numbers for all departments except for external legal and external tax , which will be billed base on actual . a quarterly review will be done to determine the variance between plan vs . actual amounts . if the variance amount is material , we will adjust the billing to your business unit accordingly . if you have any questions , call me at 5 - 7094 . please review this billing , and notify me with any questions by wednesday , december 20 , 2000 ; otherwise , it is assumed that you agree to the intercompany billing from ena . you are the only person in your business unit receiving this invoice . if this invoice needs to go to someone else in your business unit , please forward to the correct person and can i be included in the forward e - mail ?",0 +"Subject: re : cost sharing of subscription to poten ' s fuel oil report we have an interest in sharing some of the cost of choice 2 and have zero interest in choice 3 . pls advise in advance what you think this will amount to . thanks , d guy dayvault @ enron 02 / 03 / 2000 03 : 15 pm to : doug leach / hou / ect @ ect , david j botchlett / hou / ect @ ect , ron irvine / lon / ect @ ect , niamh clarke / lon / ect @ ect , dale snyder / hou / ect @ ect cc : margaret carson / corp / enron @ enron , vince j kaminski / hou / ect @ ect , david a subject : cost sharing of subscription to poten ' s fuel oil report all : ideally we will split this cost evenly among as many p & l ' s as need the report , minimizing everyone ' s cost by sharing a single subscription . please tell me whether you can justify sharing the cost and if so , the rc code & co # for me to allocate your cost share . please indicate your choice of the three cost choices . attached note below clarifies poten ' s proposal on the $ 10 , 000 / yr subscription . essentially we have three choices : 1 . for $ 2700 / yr , the standard edition ( 11 issues , excluding the monthly "" special feature "" article ) 2 . for $ 3800 / yr the premium edition , ( standard edition plus the monthly "" special feature "" article , as in three attached examples ) 3 . for $ 10 , 000 / yr the premium edition plus quarterly forward price view for 36 months . poten explains that 85 % of their subscribers take the premium service . no one has ever asked for the $ 10 , 000 / yr long - term price forecast . i have an interest in a longer term price forecast and hope that it may be useful to others in the corporation . the example copies attached include the following special feature articles : 99 feb - analysis of resid trades in the eastern mediterranean 99 sep - patterns of fuel oil trade in the western hemisphere 99 dec - analysis of the resid market in chile one either takes all or none of them for the incremental $ 1100 / yr . some may be useless , others perhaps quite valuable . your call . regards guy "" axelrod , larry "" on 02 / 03 / 2000 02 : 43 : 59 pm to : guy dayvault / corp / enron @ enron cc : fuel share group subject : enron / fuel oil service dear guy , it was a pleasure speaking to you today . as discussed , poten is pleased to offer enron the following two - part fuel - oil related service : ( 1 ) a one - year subscription to poten ' s fuel oil in world markets ( premium edition ) , and ( 2 ) a forecast of delivered crude prices and fuel oil prices in northwest europe ( brent and 1 % s fob fuel oil ) , the mediterranean ( bonny light and 1 % s fob fuel oil ) , and singapore ( dubai and hsfo - 380 cst ) . the forecasts would be provided four times a year and provide average quarterly price projections over the forward 36 - month period . the forecast prices would be accompanied by brief textual commentary . the forecasts would be issued over the course of the one - year fuel oil in world markets subscription period . the fee for the two - part service is us $ 10 , 000 , payable in two equal installments i look forward to hearing from you . best regards , larry l . axelrod phone 212 - 230 - 2038 fax 212 - 355 - 0295 doug leach @ ect 02 / 03 / 2000 01 : 52 pm to : guy dayvault / corp / enron @ enron cc : subject : re : poten ' s fuel oil report - - - - - - - - - - - - - - - - - - - - - - forwarded by doug leach / hou / ect on 02 / 03 / 2000 01 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - dale snyder 02 / 03 / 2000 01 : 44 pm to : doug leach / hou / ect @ ect cc : david j botchlett / hou / ect @ ect , ron irvine / lon / ect @ ect , niamh clarke / lon / ect @ ect subject : re : poten ' s fuel oil report we have an interest in sharing in the expenses of this information the only question being which information and at what cost . can see what the monthly newsletter describes which is relatively cheap but what considerable information does one get for the usd 10 k yr report ? how many ways will we split the costs ? psl advise and thx doug leach 02 / 03 / 2000 07 : 08 am to : dale snyder / hou / ect @ ect cc : subject : poten ' s fuel oil report i have no interest . do you ? - - - - - - - - - - - - - - - - - - - - - - forwarded by doug leach / hou / ect on 02 / 03 / 2000 07 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - guy dayvault @ enron 02 / 02 / 2000 03 : 35 pm to : niamh clarke / lon / ect @ ect , doug leach / hou / ect @ ect , margaret carson / corp / enron @ enron cc : subject : poten ' s fuel oil report niamh & doug & margaret : i want to chat about this and will call you , but the essence is : can you justify sharing the cost of subscribing to poten ' s monthly fuel oil report ? attached below are 3 example copies that include their standard 12 month price forecasts . the cost is $ 3800 / yr . as an added service for a total of $ 10 , 000 / yr , poten will include a quarterly update of their 36 month forward view on crude oil and fo prices with a brief justification for their view . this would include the standard monthly price forecast for the prompt 12 months and quarterly prices for the following 24 months for far east , med and nwe . ( i expect a more descriptive email from poten , but i think this is the essence of their "" custom "" offer . ) the example copies attached include the following special features : 99 feb - analysis of resid trades in the eastern mediterranean 99 sep - patterns of fuel oil trade in the western hemisphere 99 dec - analysis of the resid market in chile these type of features are produced monthly and run a spectrum of subjects related to fuel oil . i have a hard time justifying the cost of the newsletter and the price forecast without the considered recommendation of colleagues such as yourself regarding the utility of such a report . the best way to show your recommendation is with money . if it is not worth any money to anyone else in ene , then i have to question its validity and utility to me as well . doug , would this perhaps be useful to any other business units that have exposure to fo prices ? best regards guy - - - - - - - - - - - - - - - - - - - - - - forwarded by guy dayvault / corp / enron on 02 / 02 / 2000 03 : 05 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" axelrod , larry "" on 01 / 24 / 2000 03 : 38 : 53 pm to : guy dayvault / corp / enron @ enron cc : fuel share group subject : poten ' s fuel oil report guy , it was a pleasure speaking to you today . three samples of fuel oil in world markets are attached . let me know if you think the report could be useful to you . regards , larry phone 212 - 230 - 2038 > > > - 99 dec . doc - 99 sep . doc - 99 feb . doc",0 +"Subject: resume and available dates for amy ward vince : here is an electronic version of amy ward ' s resume . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 02 / 18 / 2000 01 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - amy ruth ward on 02 / 18 / 2000 12 : 02 : 22 pm to : stinson gibner cc : subject : re : thanks for coming to houston stinson , i am pleased to hear your hr department is putting together an offer for summer employment . i enjoyed everyone i interviewed with while in houston and appreciated you taking the time to put together this day . as requested , i am attaching an electronic version of my resume . ( note it is a slightly more updated one then the one i gave you earlier . ) it is in microsoft word format . my dates of availability are wed . , july 5 through fri . , september 15 ( 10 1 / 2 weeks ) . sincerely , amy ward - resume . doc",0 +"Subject: re : worldpower mark , i have an inquiry from a publishing house who are preparing a book on the world power markets . they wanted us to sponsor it ( at the cost of 19 , 000 pounds ) but the reaction from our power desks was lukewarm . they are offering us an opportunity to advertise in this publocatio . i am attaching the message with the terms . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 21 / 2000 12 : 28 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" isherwood production "" on 01 / 21 / 2000 06 : 40 : 08 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : worldpower dear mr , kaminski , i have two advertising positions to offer you as follows : 1 . outside back cover ( plus 200 personalised books ) o 6 , 950 . 00 2 . inside front cover spread ( plus 200 personalised books ) o 7 , 950 . 00 please let me know which ( if any ) options you prefer . kind regards , anna liza sales director * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * worldpower suite 16 , imperial studios london , sw 6 2 ag united kingdom info @ commodities - now . com www . commodities - now . com tel : + 44 ( 0 ) 171 736 0774 fax : + 44 ( 0 ) 171 736 1196 - attl . htm",0 +"Subject: re : tiger team - wharton participants are these students first or second years ? if they are first years , we did not have a single one submit a resume for the summer associate position . michele nezi marvin manager enron broadband services ( 713 ) 853 - 6848 kristin gandy @ enron 01 / 03 / 01 10 : 17 am to : jeffrey a shankman / hou / ect @ ect , william keeney / hou / ect @ ect , catherine clark / hou / ect @ ect , rajesh chettiar / enron _ development @ enron _ development , tom dutta / hou / ect @ ect , jayshree desai / hou / ect @ ect , colin jackson / enron communications @ enron communications , laura howenstine / enron communications @ enron communications , michele nezi marvin / enron communications @ enron communications , jennifer fraser / hou / ect @ ect , natalie halich / enron communications @ enron communications , ranabir dutt / corp / enron @ enron , teresa dyar / na / enron @ enron , jeff golden / hou / ees @ ees , charles ward / corp / enron @ enron , sarah wesner / corp / enron @ enron , li sun / na / enron @ enron , gillian johnson / na / enron @ enron , lisa connolly / na / enron @ enron , michael j popkin / na / enron @ enron , kevin mcgowan / corp / enron @ enron , evan betzer / enron communications @ enron communications , jebong lee / enron communications @ enron communications , chu chu wang / corp / enron @ enron , brad hitch / eu / enron @ enron , betsy bassis / enron communications @ enron communications , matthew goering / hou / ect @ ect , claude tellis / enron @ enronxgate cc : subject : tiger team - wharton participants attached below is a list of individuals that will be participating in the tiger team event at enron in houston on the 18 th of january . keep these people in mind when it comes time to pick candidates to interview for the spring . call if you have any questions and i am still looking for wharton alum who would like to attend the dinner at churrasco ' s that same evening . thank you , kristin - - - - - - - - - - - - - - - - - - - - - - forwarded by kristin gandy / na / enron on 01 / 03 / 2001 10 : 14 am - - - - - - - - - - - - - - - - - - - - - - - - - - - melinda mccarty 01 / 03 / 2001 09 : 43 am to : kristin gandy / na / enron @ enron cc : subject : tiger team - wharton participants vincent chen nicholas levitt deepa mallik jack rejtman heather thorne donna piazze kim whitsel tulika bhalla jaideep singh edson otani joshua leventhal pat henahan gustavo palazzi clay degiacinto steve lessar ram vittal omar bassel jason cummins dennis feerick",0 +"Subject: re : enron / stanford program paul , is there anything i can do to help get the $ 100 k that enron promised to dr . bambos ? - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 10 / 10 / 2000 07 : 55 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - nick bambos on 10 / 09 / 2000 12 : 04 : 19 am to : stinson . gibner @ enron . com cc : subject : re : enron / stanford program hi stinson , i am under pressure from the department to wrap up giuseppe ' s raship , and i am probing to see how things are going on this matter on your side . i ' m deep in the red in terms of the deadline - way beyond it ! would it be possible to wrap this up this week ? many thanks , nick stinson . gibner @ enron . com wrote : > > nick , > > i spoke with paul racicot , head of trading for ebs , north america this > morning . he said that he is happy to send the $ 100 , 000 for your program > from his budget . i have forwarded to him the draft letter to accompany > the funds and will try to follow up to make sure that the money is sent > promptly . > > - - stinson",0 +"Subject: greetings from garp greetings from garp ! we are having the next meeting january 30 th at enron . time 6 : 30 pm until 8 : 30 pm you are invited to bring a friend with you , however you will need to rsvp . vince kaminski will lead a discussion regarding volatility in the energy markets . refreshments provided . in order to provide easy access to enron ' s facilities and due to security concerns , garp and enron request that everyone rsvp . a guest list will be given to security . rsvp to rita hennessy . her email address is : rita . hennessy @ enron . com i would like to express my thanks , in advance , to mr . kaminski for leading our group in this informative discussion . as many of you are aware , energy markets present some unique challenges to risk managers , and volatility is certainly one of them ! look forward to seeing you on tuesday night . regards , frank hayden regional director - garp",0 +"Subject: re : telephone interview with the research group fyi . - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 27 / 2000 01 : 05 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - tammy ting - yuan wang on 04 / 27 / 2000 12 : 36 : 13 pm to : shirley crenshaw cc : subject : re : telephone interview with the research group dear ms . crenshaw , thank you for giving me a chance to talk to you . however , i have already got an offer from another company . i will start working as a full time after i graduate in may . thank you for taking time reviewing my resume . have a nice day . sincerely , tammy wang - - - shirley crenshaw wrote : > > > good morning tammy : > > the enron corp . research group would like to conduct > a telephone > interview with you at your convenience . this will > be as a "" summer > intern "" with the research group . > > please let me know your availability on monday , may > lst or thursday ; > may 4 th . > > the persons who will be interviewing you are : > > vince kaminski managing director > stinson gibner vice president > krishna krishnarao director > osman sezgen manager > > i look forward to hearing from you . > > thank you and have a great day > > shirley crenshaw > administrative coordinator > 713 - 852 - 5290 > > > > do you yahoo ! ? talk to your friends online and get email alerts with yahoo ! messenger . http : / / im . yahoo . com /",0 +"Subject: nelson nele interview vice : i interviewed nelson last week . here is my feedback : 1 ) very communicative 2 ) good professional experience - works as a consultant 3 ) good quantitative background he lacks a background in finance , which may be a minus for a position in the group . i beleive he may be valuable for other areas that deal with emissions and pollutants . paulo issler",0 +"Subject: please note that the date for the lst meeting is january 16 shirley , please put it on my calendar . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 12 / 2001 02 : 54 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - jennifer burns 01 / 12 / 2001 12 : 46 pm to : phillip k allen / hou / ect @ ect , john arnold / hou / ect @ ect , michael w bradley / hou / ect @ ect , jennifer fraser / hou / ect @ ect , mike grigsby / hou / ect @ ect , adam gross / hou / ect @ ect , rogers herndon / hou / ect @ ect , john j lavorato / corp / enron @ enron , kevin mcgowan / corp / enron @ enron , vince j kaminski / hou / ect @ ect , john l nowlan / hou / ect @ ect , kevin m presto / hou / ect @ ect , fletcher j sturm / hou / ect @ ect , hunter s shively / hou / ect @ ect , bill white / na / enron @ enron cc : jeffrey a shankman / hou / ect @ ect , gary hickerson / hou / ect @ ect subject : please note that the date for the lst meeting is january 16 as mentioned during the fourth quarter , gary and i would like to begin regular meetings of our trader ' s roundtable . the ideas generated from this group should be longer term trading opportunities for enron covering the markets we manage . in addition , this forum will provide for cross commodity education , insight into many areas of enron ' s businesses , and promote aggressive ideas . each week , we ' ll summarize commodity trading activity , and provide an open forum for discussion . your input is valuable , and we ' ve limited this group to our most experienced traders , and would appreciate regular participation . our first meeting will be tuesday , january 16 at 4 : 00 pm in eb 3321 .",0 +"Subject: day rates forward market enclosed for your review is a draft copy of the four examples that i am considering showing to aa as we request that they consider the chances of our trading partners / customers receiving hedge treatment from trades such as these . please review this writing , make suggestions and comments and either email those changes back to me or fax them to me at 713 - 646 - 8416 . if you would rather send your recommendations via courier , send them to eb 3585 b . martin , please suggest wording for insurance products that meet the same needs of the customer as the derivative examples . outline any significant issues and send me those recommendations by thursday at noon if possible . john",0 +"Subject: churn list here is the requested churn list . any questions please call kevin moore @ 34710 thanks kevin moore",0 +"Subject: agenda for transmission roundtable on wednesday , january 24 , 2001 sorry everyone , i guess i am having my monday morning today . here are the attachments . - - - - - - - - - - - - - - - - - - - - - - forwarded by anita dupont / na / enron on 01 / 23 / 2001 09 : 52 am - - - - - - - - - - - - - - - - - - - - - - - - - - - anita dupont 01 / 23 / 2001 09 : 56 am to : robin . kittel @ enron . com , bill . rust @ enron . com , steve . walton @ enron . com , ron . tapscott @ enron . com , jeffrey . wilson . enron . communications @ enron . com , sevil . yaman @ enron . com , vasant . shanbhogue @ enron . com , tom . dutta @ enron . com , walter . coffer @ enron . com , vkamins @ enron . com , lloyd . will @ enron . com , martin . lin @ enron . com , christi . l . nicolay @ enron . com , george . hopley @ enron . com , fred . mitro @ enron . com , debbie . chance @ enron . com , patrick . hansen @ enron . com , steve . olinde @ enron . com , madhup . kumar @ enron . com , robert . kraszewski @ corp . enron . com cc : lance . cunningham @ enron . com , shirley crenshaw / hou / ect @ ect subject : agenda for transmission roundtable on wednesday , january 24 , 2001 please review the attached agenda for tomorrow ' s transmission roundtable and let me know if you have any additions or changes . also , please bring to the meeting a hard copy of the attached december 8 meeting notes . thanks . regards , anita",0 +"Subject: godbole report vince / stinson , this is a summary fo the report submitted by the godbole committee appointed by the state government to review the dabhol project . the report clearly suggests renegotiation on the tariff . a lot of what they mention is something we won ' t agree to . however , to me it seems apparent that this can be worked out . regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 04 / 16 / 2001 09 : 05 am - - - - - - - - - - - - - - - - - - - - - - - - - - - anshuman srivastav 04 / 16 / 2001 08 : 40 : 04 am to : sandeep kohli / enron _ development @ enron _ development cc : subject : godbole report attached is a small summary that gaurav and rajesh put together on the godbole report . this is confidential . - - - - - - - - - - - - - - - - - - - - - - forwarded by anshuman srivastav / enron _ development on 04 / 16 / 2001 07 : 08 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - gaurav varshney 04 / 16 / 2001 07 : 04 pm to : anshuman srivastav / enron _ development @ enron _ development cc : subject :",0 +"Subject: avistar users and allocated charges i have several queries re the avister charges for london , primarily because the spreadsheet is based on a total of 24 london users . we have a total of 14 avistar users installed in london . i believe the following london departments may have been charged for the incorrect number of users : fin  , l trading - $ 74 , 418 . 83 based on 4 units but have 5 users rate & currency ( john greene not listed ? ) 342 - 100467 softs mg - $ 42 , 857 . 23 based on 4 units but have only 1 user 1105 - 120415 ( nigel majury ) credit derivitives - $ 16 , 168 . 42 based on 2 units but none installed 0342 - 102843 ( 3 users on via video pilot ) liquids - $ 56 , 589 . 46 based on 7 units but only 6 installed 872 c - 104546 ( niamh clarke no longer based in london ) shankman london - $ 16 , 168 . 42 based on 2 units but none installed 0342 - 103058 ( brad hitch / merrill thomas no longer in dept . ) eel - exec - $ 8 , 084 . 21 based on 1 unit for john sherriff who is 0342 - 100309 on via video pilot - avistar not installed legal london - $ 8 , 084 . 21 based on 1 unit for michael brown - avistar 0342 - 100348 not installed london it - $ 16 , 168 . 42 based on two units but only one required 0342 - 100348 to administer system the above figures are based on an original average $ 10 , 276 per seat . however , a base change from 24 to 14 seats would increase the per seat charge to $ 17 , 616 . we also ought to look at charging out the isdn calls charges for the avistar system ( in the region of $ 187 , 000 for 4 months ) . regards , wilma x 37275 mobile + 44 7771 887413 - - - - - - - - - - - - - - - - - - - - - - forwarded by sheila glover / hou / ect on 02 / 13 / 2001 02 : 07 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : sheila glover 02 / 13 / 2001 02 : 08 pm to : mike mcconnell / hou / ect @ ect , jeffrey a shankman / hou / ect @ ect , gary hickerson / hou / ect @ ect , per sekse / ny / ect @ ect , john l nowlan / hou / ect @ ect , jeff kinneman / hou / ect @ ect , vince j kaminski / hou / ect @ ect , mark tawney / hou / ect , john sherriff / lon / ect @ ect , michael r brown / lon / ect @ ect , nigel majury / lon / ect @ ect , markus fiala / lon / ect @ ect , joseph p hirl / ap / enron @ enron , morten e pettersen / ap / enron @ enron , paul quilkey / enron _ development @ enron _ development cc : paige cox / corp / enron , michael s galvan / hou / ect @ ect , wilma low / lon / ect @ ect , hasan imam / corp / enron , brad lawson / na / enron subject : avistar users and allocated charges avistar has been installed globally to provide desktop conferencing . hardware and installation charges have been allocated by invoice to the relevant location . the schedule below lists by business unit and rc the number of units and charges allocated . it will assume the monthly charge - out process . the allocated dollars will be depreciated over a three year period to your respective cost center beginning february 2001 . if you have any questions please feel free to call or e - mail , sheila glover , 3 - 3210 , or paige cox , 3 - 5428 . thanks . sheila",0 +"Subject: chicago partners davis , i sent out the memo . no reaction yet . vince",0 +"Subject: engineering meetings in broomfield co on march 9 and 10 hi stinson , as per our discussion , which we will expand upon when we meet later today , my currently role in hamachi is better characterize as combination of deal support ( from the engineering perpsective ) , facilitating my work with jean mrha ( via erik simpson ) on the initial load forecast and general requirements document development . none of this is technical by any means . if anything , it is more like engineering consulting ( from deal perspective ) by ebs research to john ' s group . i will bring it up with john tomorrow night about bringing our technical guys on such road trips so that they can get involved with his group even though no optimization modeling work may need to be done . for this i will use samer and / or chonawee but we need to be certain that they are available on such on - call basis as stated below . john is very clear and specific about who he ask to be at such meeting and when , etc . normally he does not want any deviations . so if we put someone on such jobs , they have to be able to travel on - call anywhere , any place . that is the time pressure he is working with . he want me to be the primary contact for such deal support effort . but i will ask to bring along our technical guys on such trips so that they are plugged in etc . . . i will recommend this to john for the next deal that he is planning . ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 03 / 08 / 00 10 : 57 am - - - - - jeanette busse 03 / 08 / 00 10 : 52 am to : ravi thuraisingham / enron communications @ enron communications , jim irvine / enron communications @ enron communications , dayne relihan / enron communications @ enron communications , tom huntington / enron communications @ enron communications cc : john griebling / enron communications @ enron communications subject : engineering meetings in broomfield co on march 9 and 10 hello all , john griebling has requested your attendance at engineering meetings at the omni hotel in the colorado boardroom on thursday and friday , march 9 & 10 , 8 am - 6 pm both days . the engineering work could possibly overflow into the weekend . you will need to fly out the evening of wednesday march 8 th . please let me know if you have any questions . jeanette jeanette a . busse project manager , strategic alliances enron broadband services , inc . ( formerly enron communications ) 2100 sw river parkway , suite 600 portland , or 97201 office : 503 . 886 . 0214 fax : 503 . 886 . 0434 email : jeanette _ busse @ enron . net",0 +"Subject: re : greetings from baylor university jim , sorry for the delay in responding to your message . i was traveling extensively and was overwhelmed with many different projects . i shall be glad to speak at the gamma iota sigma dinner . unfortunately , i cannot make a presentation to your class ( it would require leaving the office for two days in a row ) . i can , however , promise to come on another day and speak to your students . i hope everything is going well for you . by the way , your former student , shane green , has joined us for 12 month and is doing exceptionally well . vince jim garven on 11 / 28 / 2000 05 : 10 : 55 pm to : "" vince j kaminski "" cc : subject : greetings from baylor university dear vince , since we last corresponded , i have left lsu and am now professor of finance & insurance at baylor university in waco , tx . ? my colleague at baylor , john martin , mentioned that you will be coming to campus for a conference on friday , february 23 that he is organizing . ? ? i am curious whether your schedule might permit staying over that evening so that we can feature you as our dinner speaker for the chartering ceremony of gamma iota sigma , a national risk management fraternity . ? for that matter , would you also possibly be available to make any presentations to undergraduate and graduate students on the previous day ( thursday , february 22 ) ? ? what i have in mind is a presentation similar to the presentations you made last spring to my lsu classes . ? thank you for your consideration of this request . ? i am looking forward to seeing you once again . sincerely , jim garven james r . garven , ph . d . professor of finance & insurance department of finance , insurance and real estate hankamer school of business hsb 336 baylor university box 98004 waco , tx ? 76798 voice : ( 254 ) 710 - 6207 fax : ( 603 ) 994 - 6680 e - mail : ? james _ garven @ baylor . edu home page : http : / / garven . baylor . edu vita : http : / / garven . baylor . edu / dossier . html research paper archive : http : / / garven . baylor . edu / research . html ",0 +"Subject: wharton tiger team according to the information that christie patrick emailed me the following people are assigned to wharton ' s tiger teams 1 and 3 . these candidates per vince kaminski ' s request should receive offers for summer associate positions located in his research group . tiger team # 1 1 . vincent chen 2 . mallik deepa 3 . jack rejtman 4 . kim whitsel 5 . tulika bhalia 6 . nicholas levitt - i am uncertain based on the emailed information from christie if this is a student or a ta ? can either vince or christie verify this information please . tiger team # 3 1 . clay degiacinto 2 . steve lessar 3 . vittal maheshram 4 . omar bassel 5 . dennis feerick 6 . marc "" jason "" cummins the following candidates interviewed with the regular on campus wharton team on 2 / 5 / 01 and were not passed onto the second round interviews . with that information i am not sure if we will offer those candidates positions for the summer program ? 1 . kim whitsel - team # 1 2 . clay degiacinto - team # 3 3 . gustavo pallazzi - team # 2 4 . edson otani - team # 2 i also have that heather thorne is the teaching assistant and donna piazze is the professor for the project . can you also verify that information ? vince if you would please verify and give me the okay via email then i will contact these candidates by phone to inform them they will be receiving an offer from enron . but before i do anything i want to make sure this information is correct and i am not excluding or adding any members that should receive an offer . thank you , kristin gandy",0 +"Subject: 2001 group expenses guys , attached you will find a final cut on the ena 2001 expense budget . please review and make any adjustments to your existing plan that are appropriate to hit the net ena target . in order to stay flat year on year , i split the remaining positive variance equally across the groups . as we had discussed earlier , these costs will not be allocated to the business units and will be tracked on the ena income statement below the line and the accountability managed by each of you . all outside variable costs , specifically related to specific deals , will be charged to the business units eg ) outside legal and tax , outside technical expertise , facility costs , outside research support , incremental back and mid office support for specific asset management deals , specific entertainment , etc . i look at this cost structure as the minimum capacity charge we need to operate our business and evaluate / manage our risks . wes , can you please finalize the one page plan ( expenses and headcount ) for each group with these changes . regards delainey",0 +"Subject: names bryan , the person from citibank : alla gil , ( 212 ) 723 6275 alla . gil @ ssmb . com i am attaching the resume of iris mack . vince",0 +"Subject: storage story see my storage story that begins on 1 . plus you might find the issue to be of interest . i will be doing little occasionally fee pieces for the transportation & storage report and will be having lunch with them tomorrow so any thoughts you have on my piece or the report would be appreciated . best regards , jhherbert - tso 6 - 29 . pdf",0 +"Subject: re : dr . michelle foss - energy institute thanks vince - - am tied up with chairing the iaee conference this week . appreciate your fielding my request via aisha . hope you ' re doing well ! m * * * * * all information in this mail is to be treated confidentially . * * * * * michelle michot foss , ph . d . director , energy institute c . t . bauer college of business 334 melcher hall , room 320 university of houston houston , tx 77204 - 6011 tel . 713 - 743 - 4634 fax 713 - 743 - 4881 www . uh . edu / energyinstitute > , , on 04 / 23 / 2001 03 : 15 : 29 pm please respond to aisha @ uh . edu to : vkamins @ ect . enron . com cc : mmfoss @ uh . edu subject : dr . michelle foss - energy institute dear mr . kaminski , i am writing to ask a favor for dr . michelle foss . as you know we will be running our "" new era "" program from may 14 - may 25 th . dr . foss was wondering if on may 22 nd ( between 1 : 30 pm and 4 : 00 pm ) , we would be able to bring our participants for a tour of your trading floor . at this time we will have 30 - 40 people , and since only 10 people maximum should really be on a trading floor we need to have 4 companies among which to divide our participants . at this time , we have a floor from coral energy , and are working with duke , and i will be contacting mr . paul roberts to arrange for the reliant energy trading floor . i was hoping very much that you would be able to direct me to the right person to contact to arrange this tour . will this be a possiblity ? i really appreciate your help very much . thank you ! best regards , aisha jamal energy institute 713 - 743 - 4634",0 +"Subject: confirmation of your order this is an automatic confirmation of the order you have placed using it central . request number : ecth - 4 tfn 5 w order for : jason sokolov 1 x ( standard eol desktop $ 1210 ) enron it purchasing",0 +"Subject: "" henwood ' s rationalizing midwest power markets for the future "" workshops henwood announces a major new release and functional realignment of its trading solutions software henwood energy services , inc . ( henwood ) recently announced a major new release of its trading and scheduling software , and the overall realignment of its energy trading and risk management functions into a new , strategic lineup of products . henwood  , s established etrm and webscheduler enerprise software products have been re - launched into physical trading ( webscheduler ) , trade capture and settlements ( trademanager ) , and risk management functions ( riskreporter ) , with greatly expanded capabilities to more strategically meet the needs of the rapidly changing energy markets throughout north america . the release of the new webscheduler ( version 5 . 0 ) , combines a new henwood scheduling version with henwood  , s nerc tagging and iso communication functions to create a comprehensive physical management system . "" the release of the version 5 webscheduler marks an exciting day , both for henwood and for energy companies responsible for managing financial and physical energy transactions across north america , "" explained derek porter , vice president - software products . "" our new product version release and overall product realignment clearly shows henwood  , s dedication to meet the trading needs of today and anticipate the challenges of tomorrow . "" the new webscheduler is a comprehensive physical management product that allows energy organizations to manage physical trading issues from creation through delivery . the software enables traders , schedulers and other energy professionals to conduct their business of physical scheduling , iso coordination , and settlement in one seamless operation . some of the new features include : - real - time price and volume change log - standard ramp assignments - dynamic view and form configuration for commodity volume management - enhancements to scheduling view management - new commodity volume management system - show prices - on - peak / off - peak definition - running totals - enhanced back - to - back / bookout function - enhanced sub - hour function - schedule summary page with copy function - quicktrade capability - grid copy / paste and export functions henwood is offering training courses for the rollout of the physical trading application , scheduled throughout may in both sacramento and atlanta . dates are currently scheduled for may 2 - 3 , 2001 in atlanta , and may 23 - 24 , 2001 in sacramento . space is limited , so please sign up early . henwood offers integrated business solutions , strategic consulting , and innovative ebusiness applications to meet the challenges of the restructured energy markets throughout north america , australasia , and europe , serving clients that include eight of the ten top utilities in north america , in addition to energy services providers and power marketers . for more information about henwood  , s trading and risk management applications , please contact derek porter at 916 - 569 - 0985 ( email : dporter @ hesinet . com ) . additional information about henwood can be obtained by visiting www . hesinet . com .",0 +"Subject: sap ids - coming soon ! ! ! your sap id and password will be communicated to you on june 22 . this id / password combination will enable you to . . . access ehronline to modify your personal information , view your pay advice , access your individual time sheet , and view your benefit elections . enter financial , procurement , project management , and / or human resources information based on the system security you have been assigned . current sap users receiving this e - mail will be receiving a new id to replace their current one as part of the 7 - 1 - 00 implementation - - the new id will be a "" p # "" ( personnel number ) generated from sap hr . if you have questions or comments , please call the coe sap hotline at 713 - 345 - 4 sap ( 4727 ) or visit our web site at http : / / sap . enron . com / coe . thank you .",0 +"Subject: re : 2001 budget for research becky , becky , i have called you this morning about it . it makes perfect sense . vince becky pham 11 / 21 / 2000 10 : 09 am to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : 2001 budget for research can i reduce your budget based on the suggestion below ? please let me know because our deadline is wednesday , november 22 . thanx . - - - - - - - - - - - - - - - - - - - - - - forwarded by becky pham / hou / ect on 11 / 21 / 2000 10 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - becky pham 11 / 15 / 2000 02 : 58 pm to : vince j kaminski / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect subject : 2001 budget for research sir , i just got word that your bottom line needs to be 2 , 200 k . this is net of corp charges and intercompany billings . in order to get to this number , we have to reduce your budget by 83 k . do you have any suggestions in which category ( ies ) we need to reduce ? budget 10 , 521 , 000 i / c billings 8 , 238 , 000 subtotal 2 , 283 , 000 per delainey 2 , 200 , 000 need to dec by 83 , 000 here are my suggestions based on oct expenses : category oct expense budget decrease yearly amount periodical / subscription 5 , 200 10 , 000 3 , 000 36 , 000 tuition and reimbursement 11 , 000 21 , 000 4 , 000 48 , 000 this will bring you to the bottom line suggested by delainey . please let me know your decision by november 21 . if you have any questions , call me at 5 - 7094 . thanx .",0 +"Subject: confirmation of your order this is an automatic confirmation of the order you have placed using it central . request number : ecth - 4 pqqca order for : vince j kaminski mpl 600 microportable projector - $ 3910 - enron it purchasing",0 +"Subject: var for cob 2 nd aug 2000 hi vince , i was waiting for a comment about the email below before sending it to the full mailing list . basically it suggests that the copper option position may well have increased the var by more than $ 500 , 000 . however , given that the portfoilo has also changed from the lst of august it is difficult to asses the actual change due to the option only . regards kirstee - - - - - - - - - - - - - - - - - - - - - - forwarded by kirstee hewitt / lon / ect on 03 / 08 / 2000 17 : 29 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron europe from : kirstee hewitt 03 / 08 / 2000 16 : 29 to : cantekin dincerler / hou / ect @ ect , grant masson / hou / ect @ ect cc : subject : var for cob 2 nd aug 2000 hi all , the cu option position has entered the mg books for the 2 nd aug . the delta is 35299 $ / mt for dec 2000 . the cu var has gone up from $ 2 , 245 , 000 to $ 3 , 306 , 000 . i estimated that the portfolio for the lst would increase to approx $ 3 , 039 , 000 so this seems sensible . the overall var change is from $ 4 , 780 , 796 to $ 5 , 991 , 569 . again , the estimate for the lst aug was for an increase in var to ~ $ 5 , 476 , 000 . all estimates were based on a delta of 32 , 0004 / dmt . there has also been some increase in the var for aluminium which will effect the overall total . a summary is as follows : regards , kirstee",0 +"Subject: re : agenda for houston visit hi mike , thanks for the message . here is one more reason why we should have our own in - house modelling : the pcmdi nwp weather maps have been discontinued the pcmdi wxmap web has been discontinued starting 20 december , 2000 please see the u . s . navy wxmaps at . . . i will shortly forward a set of minimum requirements ( hardware . . . ) , softare has been written by me , with some public domain software . i am thinking of setting up an internal website with model output data , and verification info . cheers , christian mike a roberts @ ect 21 / 12 / 2000 09 : 26 am to : christian werner / enron _ development @ enron _ development cc : vince j kaminski / hou / ect @ ect , paul quilkey / enron _ development @ enron _ development , mark tawney / hou / ect @ ect subject : re : agenda for houston visit christian , just finished meeting with pual , vince & mark new plan : let ' s plan on your coming to houston march 12 th - april 2 nd ( after our summer / winters respectively but . . let ' s proceed with the project without pause : 1 . please send up the software that needs to be installed along with operating system requirements 2 . please copy me on forecasting provided to sydney office on a daily basis if we work on these two fronts , it will optimize your time here and permit transotion to cover your forecasting there thanks - - - mike",0 +"Subject: re : var meetings in houston shirley , do you think we can get another room with better speaker phone ? or , may be we can get better speaker phone ? tanya viacheslav danilov 04 / 19 / 2001 12 : 58 pm to : tanya tamarchenko / hou / ect @ ect cc : stig faltinsen / eu / enron @ enron , kirstee hewitt / lon / ect @ ect subject : var meetings in houston hi tanya , in my view it is very good if stig and kirstee are involved in your var meetings . therefore , i think it is very useful for them to call houston . could we get a little bit better equipment to allow them to hear everything well ? many thanks , slava - - - - - - - - - - - - - - - - - - - - - - forwarded by viacheslav danilov / lon / ect on 19 / 04 / 2001 12 : 55 - - - - - - - - - - - - - - - - - - - - - - - - - - - stig faltinsen @ enron 19 / 04 / 2001 16 : 23 to : viacheslav danilov / lon / ect @ ect cc : kirstee hewitt / lon / ect @ ect subject : var meetings in houston hi slava , kirstee and i find it useful to listen in on the var meetings in houston on wednesdays . however , it is very difficult to follow the discussion due to a practical problem : we hear little or nothing at times . a possible solution to this problem might be to ask whether one could install a "" spider phone "" in the var meeting room . what i mean is a phone similar to the one in the rac morning meetings which have several remote speakers going out from the main phone ( do you understand what i mean ? ) . if this is done , we would hear everyone around the table , not just those seated close to the phone . what is you opinion on a . us in london calling in to these meetings b . getting some better equipment which would make it easier to follow the conversation ( "" spider phone "" or bigger speaker . . ) please let me know what your thoughts are , best regards , stig",0 +"Subject: re : swaps monitor research . vince , i reviewed all information available on the web site . there is a template that shows what kind of data swapsmonitor provides on commodities , but unfortunately this template is a blank one and no example of the table given . to receive any actual data we have to subscribe to their service ( $ 200 - single delivery , $ 300 - annual subscription ) . below is the template that given for commodity derivatives : the data in this database is derived from audited financial statements , regulatory filings , reports to shareholders . i will be glad to write a summary report . sincerely , elena vince j kaminski @ ect 10 / 12 / 2000 03 : 47 pm to : elena chilkina / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect subject : swaps monitor research . elena , please , review the energy related info in this database ( if any ) and talk to me about it . i would like to do some research in this area and ask you to write a summary report . nothing urgent . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 12 / 2000 03 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - andrei osonenko on 10 / 11 / 2000 04 : 26 : 38 pm to : ( recipient list suppressed ) cc : subject : swaps monitor research . we have today published information about the otc derivative activities of the largest dutch dealers . this research is contained in the attached pdf file . through our web site , swapsmonitor . com , you can obtain additional information about otc derivatives dealers , including rankings and a database of outstandings going back to 1994 . as an e - mail subscriber to our research , you will automatically receive all free research at the same time it is placed on our web site . if you wish to remove your name from the e - mailing list , please use the reply feature of your e - mail application and type the word "" remove "" in the subject line . regards , - dutch _ dealers . pdf andrei osonenko research department",0 +"Subject: new pc hi lyn : alex huang has requested a new pc and vince kaminski has ok ' d it . please order the computer as listed below in alex ' s request . thanks ! shirley 3 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 01 / 07 / 2000 01 : 48 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 01 / 07 / 2000 12 : 12 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect , alex huang / corp / enron @ enron subject : new pc shirley , ok . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 07 / 2000 12 : 02 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - alex huang @ enron 01 / 07 / 2000 08 : 28 am to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect subject : new pc hi shirley , i would like to request for a new pc . my current pc is quite old with not enough memory . twice i ran out of memory and had to have it people coming to clean it for me . their suggestion is to either get a new hard drive or a new pc . given that dell has pentiumc iii processor at 800 mhz on market , i would like to request a pc with process at 500 mhz or higher level . thank you very much . best , alex",0 +"Subject: re : your approval is overdue : access request for tom . halliburton @ enron . com authorization granted . the system is not accepting my id and password . vince kaminski arsystem @ ect . enron . com on 09 / 28 / 2000 07 : 05 : 09 pm to : vince . j . kaminski @ enron . com cc : subject : your approval is overdue : access request for tom . halliburton @ enron . com this request has been pending your approval for 2 days . please click approval to review and act upon this request . request id : 000000000003619 request create date : 9 / 27 / 00 9 : 18 : 21 am requested for : tom . halliburton @ enron . com resource name : unlisted application / software resource type : applications",0 +"Subject: alliance info alert = = special announcements = = on january 2 , ferc filed a response in opposition to the emergency petition southern california edison filed december 26 for a writ of mandamus against ferc in the u . s . court of appeals for the district of columbia . edison has asked the court to direct ferc to fix by order just and reasonable cost - based rates for the ca iso and cal px markets . on december 22 , ferc issued an order regarding remedies for the california wholesale market that included the requirement of a technical conference on the development of market monitoring procedures . this conference has been scheduled for january 23 , 2001 at ferc . elo 0 - 95 - 000 et . al . = = recent ferc filings = = ( 1 ) rto developments * central illinois light co . , cinergy corp . , hoosier energy r . e . c . , southern illinois power coop . , southern indiana gas and ( 2 ) a request that the commission authorize a designated transmission owner having commission jurisdictional rates and charges to recover , through its commission jurisdictional transmission service rates and charges , the costs incurred by the designated transmission owner as a result of its withdrawal from the midwest iso . erol - 731 - 000 . comments due by january 11 , 2001 . * nyiso filed a status report on governance issues in compliance with docket nos . er 97 - 1523 - 005 , er 97 - 1523 - 006 , oa 97 - 470 - 006 , er 97 - 4234 - 004 and ec 99 - 31 - 001 . comments due by january 10 , 2001 . * after a request filed by numerous entities , an extension of time to file comments and protests to grid florida ' s december 15 , 2000 supplemental order no . 2000 compliance filing has been granted . comments will be due by january 30 , 2001 . rtol - 67 - 000 . * cal px filed its tariff amendment no . 21 regarding the tracking of changes in the method proposed by the ca iso for allocating its grid management charge . erol - 719 - 000 . comments due by january 9 , 2001 . * nyiso filed for a waiver for certain oasis requirements . elol - 24 - 000 . filed december 22 , 2000 . * oklahoma municipal power authority filed an answer to american electric power co . ' s request to defer its application to transfer operational control of its transmission facilities located in the spp . ec 98 - 40 - 000 . filed december 26 , 2000 . * nepool participants committee filed an answer and iso ne filed a supplement to its motion to intervene regarding protests to nepool ' s revised market rules regarding support implementation of electronic dispatch ( rule 3 ) , uplift payments at low operating limits ( rule 5 ) , and installed capacity responsibility ( rule 11 ) as well as a revised implementation date for electronic dispatch . erol - 493 - 000 . filed december 27 , 2000 . * keyspan - ravenswood filed comments in support of nyiso ' s request to moot its compliance filing . ero 0 - 3591 - 000 , 001 and 004 and ero 0 - 1969 - 005 . filed december 22 , 2000 . * maine public utilities commission , the maine public advocate and the industrial energy consumers group filed a request for rehearing or an emergency stay of the commission ' s december 15 , 2000 order directing iso ne to implement an icap deficiency charge of $ 8 . 75 / kw / m retroactive to august 1 , 2000 . elo 0 - 62 - 015 . filed december 22 , 2000 . * miso filed an answer to several protests regarding its oatt in dockets erol - 479 - 000 and er 97 - 1438 - 007 . filed december 27 , 2000 . * pjm filed changes to its oatt to limit the amount of transmission congestion credits an entity that acquires a fixed transmission right ( ftr ) through the ftr auction may receive if it enters increment bids or decrement bids in the day - ahead market that result in an increase of transmission congestion charges at or near the receipt or delivery point of the ftr . erol - 773 - 000 . filed december 22 , 2000 . ( 2 ) oatt / transmission * commonwealth edison filed a revised attachment k to its oatt in compliance with the commission ' s december 8 , 2000 order . erol - 99 - 001 . comments due by january 10 , 2001 . * american transmission company filed their standards of conduct to be effective january 1 , 2001 . erol - 702 - 000 . comments due by january 9 , 2001 . * indianapolis power & light filed its first amendment to the interconnection , operation and maintenance agreement between itself and dte georgetown . erol - 718 - 000 . comments due by january 9 , 2001 . * pjm filed an executed interconnection agreement between itself and bethlehem steel corp . erol - 756 - 000 . comments due by january 12 , 2001 . * arizona electric power coop . filed a request for rehearing regarding the commission ' s order determining that standard offer scheduling coordinators should be subject to the same energy imbalance charges as competitive offer scheduling coordinators . ero 0 - 3583 - 001 , erol - 173 - 001 and erol - 208 - 001 . filed december 26 , 2000 . * american electric power service filed an executed interconnection and operation agreement between indiana michigan power company and duke energy desoto . erol - 720 - 000 . comments due january 11 , 2001 . * illinois power co . filed an interconnection agreement between itself and dynegy midwest generation . erol - 712 - 000 . comments due january 11 , 2001 . * american electric power service corp . filed an executed interconnection and operation agreement between indiana michigan power co . and pseg lawrenceburg energy co . erol - 721 - 000 . comments due by january 11 , 2001 . * utilicorp filed amendments to the oatts for its missouri public service , westplains energy - kansas , westplains energy - colorado and st . joseph power & light operating divisions in order to avoid customers from having to pay multiple transmission charges . erol - 723 - 000 . comments due by january 12 , 2001 . * the american electric power service corp . filed an interconnection and operation agreement between kentucky power co . and riverside generating co . erol - 741 - 000 . comments due january 12 , 2001 . * the cleveland electric illuminating co . , ohio edison co . , pennsylvania power co . and the toledo edison co . ( first energy ) filed a modified proposal to offer ancillary services and interconnected operations services on a non - discriminatory basis . ero 0 - 3771 - 002 . filed december 21 , 2000 . ( 3 ) market complaints * dynegy power marketing , el segundo power , long beach generation and cabrillo i and ii filed a complaint against the ca iso requesting that the commission direct the iso to cease making out - of - market ( oom ) dispatch orders on its units in non - emergency situations , require the iso to negotiate compensatory rates for oom dispatch orders , file for third payment options that generators subject to a participating generator agreement could elect as compensation for oom dispatch orders and other relief . elol - 23 - 000 . comments due january 11 , 2001 . * southern california water co . d / b / a bear valley electric service filed a complaint against southern california edison ( edison ) alleging that edison as seeking to unlawfully terminate the added facilities agreement between the two . elol - 25 - 000 . comments due january 18 , 2001 . * cheyenne light , fuel & power co . filed a complaint against pacificorp regarding a notice of termination filed on december 26 , 2000 of a power sales agreement under which pacificorp provides cheyenne full capacity and energy requirements . elol - 21 - 000 . filed on december 27 , 2000 . ( 4 ) mergers / corporate restructuring * the montana power co . and northwestern corp . filed an application for authorization of the disposition of certain jurisdictional assets whereby northwestern will purchase montana ' s utility business . ecol - 47 - 000 . comments due january 11 , 2001 . * the montana power co . filed a notice of change of status and a revised statement of policy and standards of conduct to reflect a planned transaction pursuant to which northwestern corp . will purchase the utility business of montana power . er 97 - 449 - 001 . comments due january 11 , 2001 . * mississippi valley gas co . submitted a request for rehearing regarding the commission ' s november 24 , 2000 order authorizing the disposition of jurisdictional facilities involved in the joint application filed by entergy power marketing and koch energy trading . eco 0 - 106 - 001 . filed december 26 , 2000 . ( 5 ) miscellaneous * midwest iso submitted an application seeking authorization to issue long - term senior notes in an amount not to exceed $ 100 million . esol - 13 - 000 . comments due january 12 , 2001 . = = other news = = * atc hits the ground running on jan . 1 * utilicorp completes $ 190 million merger with st . joseph light & power - fercfilingsol 0102 . pdf",0 +"Subject: re : greetings carlos , please , forward their resumes to us and we shall set up an interview for them . vince carlos ordonez on 11 / 21 / 2000 09 : 30 : 08 am to : stinson . gibner @ enron . com cc : vkamins @ enron . com subject : re : greetings dear vincent and stinson , both my students would love to come visit you guys for an informal visit in the near future . please let me know well ahead of time when they can come . if possible , see to it that their parking expenses be paid when they do come . i ' ll be in touch with you all over the next months about this and a possible postdoctoral / trainee agreement ( world lab . ) . cheers , carlos",0 +"Subject: technical analysis more fallout - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 05 / 04 / 2001 03 : 03 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : lee ferrell / enron @ enronxgate on 05 / 04 / 2001 02 : 26 pm to : mike a roberts / hou / ect @ ect cc : subject : technical analysis mike , our department has been using your technical analysis to support commercial decisions . you stated that these services would be discontinued . we opted to use your technical analysis in lieu of outside services . please continue to provide technical analysis data with regard to natural gas ( candlestick and elliot wave ) . lee ferrell director , risk management and reporting ets",0 +"Subject: re : gas model chaim , i received a number of phone messages from you . the project is now in the hands of john and i shall be very happy to assist him when he is ready to move . he is looking at the licensing agreement right now . till then , i have to wait for him to make a decision . my role in this project is one of a facilitator , technical consultant . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 16 / 2001 05 : 46 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : john goodpasture @ enron 02 / 13 / 2001 10 : 47 am to : vince j kaminski / hou / ect @ ect cc : subject : re : gas model fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by john goodpasture / ots / enron on 02 / 13 / 2001 10 : 34 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" dale m . nesbitt "" on 02 / 13 / 2001 08 : 25 : 12 am please respond to to : cc : subject : re : gas model john : thanks so much for getting back to me . we remain keenly interested in doing the preliminary project for you so that you can know how marketpoint works and how it might help you . we are ready to go on the test process as soon as you and your people are ready . you heard from dr . chaim braun , altos vice president , who called you at my request to inquire about your demonstration project . i will mention to chaim that you expressed your interest via email to me . there is no need to phone him back until you are ready to go . chaim ' s email address is chaim . braun @ altosmgmt . com and he can be reached at the main altos number 650 . 949 . 3541 . my personal phone number is 650 . 218 . 3069 . i look forward to working together . dale - - - - - original message - - - - - from : john . goodpasture @ enron . com [ mailto : john . goodpasture @ enron . com ] sent : monday , february 12 , 2001 3 : 04 pm to : dale m . nesbitt cc : vince . j . kaminski @ enron . com subject : gas model sorry so much time has passed since we last discussed your north american gas model . i am however still interested in setting up a test process to familiarize some of our key people with the model and the database , etc . i am now reviewing the licensing agreement that you submitted in december and will be back in touch soon . i need to discuss this further with the business segments , but i suspect that our interest will be focused more on the long term gas model . another member of your firm had called last week , but i somehow misplaced his name and number . i thought that an e - mail response would suffice for now . my apologies . regards , john goodpasture",0 +"Subject: re : research group kevin , i think it ' s very important . it is important that our work area looks neat . vince kevin g moore 02 / 28 / 2000 11 : 01 am to : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : subject : research group hello vince , vince , before i get with delores on the matter of the department i wanted to ask you how important it that we get the walls repaired ? is the research department satisfactory or is there anything else that i can do ? thanks kevin moore",0 +"Subject: revised announcement for real options conference at ucla please find attached a revised announcement and call for papers for the 5 th annual international conference on real options : theory meets practice . the conference is co - organized by the real options group and the andersen school , at ucla , los angeles on july 11 - 14 , 2001 . the submission deadline is march 2 ( and registration is by april 20 ) . travel allowances are provided for all academic presenters ( and fees are waived for all presenters ) . we are proud that eduardo schwartz will be our keynote speaker . we hope that you will be able to participate and would appreciate it if you could also post the announcement or circulate it among other interested colleagues . best wishes lenos - confannjuly 2001 . doc",0 +"Subject: weather delta demonstration meeting the weather delta demonstration will be held wednesday , november 8 th from 10 : 00 - 11 : 30 am in ebl 9 c 2 . please let me know if this is ok with everyone . shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 11 / 03 / 2000 10 : 06 am - - - - - - - - - - - - - - - - - - - - - - - - - - - alex huang @ enron 11 / 02 / 2000 01 : 06 pm to : shirley crenshaw / hou / ect @ ect cc : subject : re : weatherdelta demonstration scheduling shirley , can you schedule a meeting for the following people ? vince j kaminski , joseph hrgovcic , vasant shanbhogue , lance cunningham , sevil yaman , stinson gibner and i . the preferred time is the week after next week . thanks a lot . alex - - - - - - - - - - - - - - - - - - - - - - forwarded by alex huang / corp / enron on 11 / 02 / 2000 01 : 04 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 11 / 01 / 2000 05 : 27 pm to : alex huang / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : re : weatherdelta demonstration scheduling alex , i agree . let them make up the data . please , ask shirley to determine convenient date and time . vince",0 +"Subject: re : pserc industrial advisory board meeting invitation dear mr . ray , i regret to inform you that due to very heavy workload we cannot attend the power systems engineering research center ' s upcoming industrial advisory board meeting in oak brook . our work load does not leave us much time to get involved with pserc at this moment . we would very much like to stay in touch and plan to reconsider our decision in the second half of this year . vince kaminski "" dennis ray "" on 03 / 27 / 2001 04 : 46 : 44 pm to : "" vince kaminski "" cc : subject : pserc industrial advisory board meeting invitation mr . kaminski , greetings . bob thomas , shmuel oren and i invite you to attend the power systems engineering research center ' s upcoming industrial advisory board meeting in oak brook , il . it will be held on may 31 - june 1 . as you know from lance and alex , this is an opportunity to meet university researchers and industrial members of pserc . the meeting also has presentations on pserc activities and research projects , pserc business discussions , current topic discussions , and a tutorial . our current topics discussion will be on iso / rto issues , and will involve executives from several isos in dialog with university researchers . please let me know if you have any questions . we hope to see you there so that we can talk about any questions you might have about pserc . dennis ray , ph . d . executive director power systems engineering research center 608 - 265 - 3808 - directions . doc - iab _ meeting _ may 2001 . doc - iab _ registration _ form . doc - pserc members . doc",0 +"Subject: updated - restricted list neither ena / rac / egf employees nor family members or others living in their household or financially dependent on the ena / rac / egf employee may purchase or sell securities of any entity ( or derivatives thereof ) listed on the restricted list for your or their personal or related accounts or recommend the purchase or sale of such securities to any person , except with the prior approval of the compliance department in consultation with the ena legal department . in addition to the trading restrictions above , should you at any time possess non - public material information about any public company , you , your family members and anybody that is financially dependent on you , are restricted from trading in that issue , and you may not disclose the non - public material information to anyone that does not have a business need to know . company name stock symbol 3 tec energy corp . tten adrian resources beau canada exploration ltd bau cn belco oil & gas corporation bog bonus resource services corp bou brigham exploration bexp canfibre group ltd . cfgl carrizo oil & gas inc . crzo costilla energy cose crown energy croe cynet , inc . cyne cypress energy cyz esenjay exploration esnj hanover compressor co . hc ice drilling enterprises inc . idf industrial holdings , inc . ihii inland resources , inc . inln kafus environmental industries , inc . ks nakornthai strip mill public co ltd nsm set paladin resources plc plr ld paradigm geophysical pgeof place resources , inc . plg cn quanta services inc . pwr queen sand resources , inc . qsri quicksilver resources inc . kwk rhythms netconnection inc . rthm saxon petroleum , inc . sxn cn startech seh cn syntroleum corp . synm tejon ranch corp . trc titan exploration texp transcoastal marine services , inc . tcms zargon oil & gas zar cn the restricted list is solely for the internal use of ena / rac / egf . no one may engage in discussions regarding whether a security is or is not on the restricted list with persons outside ena / rac / egf without specific clearance from the compliance department in consultation with the ena legal department . in addition to the above , you are reminded that pursuant to enron corp . ' s risk management policy ( "" policy "" ) , no ena / rac / egf employee may engage in the trading of any "" position "" ( "" position "" means any commodity , financial instrument , security , equity , financial asset or liability that are authorized for trading in the policy for the benefit of any party other than ena / rac / egf , whether for his / her own account or the account of any third party , where such position relates to ( i ) any commodity , financial instrument , security , equity , financial asset or liability which falls within such employee ' s responsibility at ena / rac / egf or ( ii ) any energy commodity . the prohibitions listed above do not replace or modify the policies set forth in ena ' s policies and procedures regarding confidential information and securities trading , enron corp . ' s risk management policy , or enron corp . ' s conduct of business affairs . should you have any questions regarding the above , please contact me at ext . 31939 .",0 +"Subject: speech by chairman pat wood of puct - ctaee meeting - nov . 29 , 2000 dear colleague : we are honored to have chairman pat wood of the public utility commission of texas as the distinguish speaker for the meeting of the central texas chapter of the united states association for energy economics . chairman wood is the main architect of electric industry restructuring in texas and this meeting offers a unique opportunity to hear his speech entitled : "" texas ' future competitive electric industry "" please mark your calendars and join us on wednesday , november 29 at 5 : 00 pm at the lower colorado river authority ' s board room , located at 3700 lake austin blvd ( hancock building ) , austin , texas . the meeting will open with refreshments and chairman wood ' s presentation will begin at 5 : 30 pm . the meeting is open to the public and is free . we extend a special invitation to all members of the usaee that reside in the central texas area . please plan to meet david deangelo , president of usaee , who we are fortunate to have as our special guest . david will be happy to answer any questions you have about the iaee and usaee . about the ctaee the central texas association for energy economics ( ctaee ) focuses on current energy events and research at the state , national , and international level . it is an excellent forum to meet , network , and exchange ideas in the regional energy community . local programs will be held six to eight times a year . the ctaee is a local chapter of an international association known as the international association for energy economics ( iaee ) . ctaee is a non - profit organization and is a totally non - partisan forum for stimulating discussion and dialogue on major energy policy and analysis issues . to provide exceptional meeting topics and dialogue we need your local membership . your participation in ctaee can bring new ideas to help promote effective energy policy . about the iaee and usaee the international association for energy economics ( iaee ) , founded in 1977 , provides a forum for the exchange of ideas , experience and issues among professionals interested in energy economics . its scope is worldwide , as are its members , who come from diverse backgrounds - - corporate , academic , scientific , and government . the united states association for energy economics ( usaee ) is an affiliate of the international association for energy economics . as a member of iaee you will gain a broader understanding of energy economics , policymaking and theory . members are kept well informed by iaee and usaee publications and conferences on events within the energy industry and energy challenges that lie ahead . furthermore , membership provides you with the opportunity to network within the largest association of energy professionals in the world . mina m . dioun , ph . d . neil mcandrews karl j . nalepa ctaee president ctaee vice president ctaee treasurer ( 512 ) 473 - 3333 x - 2549 ( 512 ) 415 - 3227 ( 512 ) 463 - 8574 mdioun @ lcra . org nmcandrew @ austin . rr . com karl . nalepa @ rrc . state . tx . us - ctaee - meeting . doc",0 +"Subject: re : implementing clustering and jumps for power frank , our var team has been looking at different ways to implement clustering and jumps for power prices simulation in var . i attached the suggestion we came up with and the results of clustering and jump parameters estimation . would you like to discuss this methodology ? we need your input . please , let me know , thank you , tanya .",0 +"Subject: weather course vince , ? we just wanted to let you know that we only have 3 people signed up for the weather derivatives course ( all from enron ) so far . ? we have a couple more that have expressed strong interest , but we are awaiting their final decision . ? if no one else signs up , chris and les thought that you guys could probably get through the first day pretty easily , ? and thus thought it may be an option to teach just the 2 nd day material ( pricing ) only at enron ( doing it at the hyatt is an option as well but the room might be on the large side ) ? ? we would obviously reimburse you for the day not taught . ? we can teach both days as well , but thought you may want to save some time . ? ? i just wanted to give you some time to think about it . ? we will know where we stand on final numbers by next wednesday . ? julie ? ?",0 +"Subject: re : ed krapels absolutely - i can ' t find the previous email but it may have been lost during the few days they moved my email box from london to houston - i know i had a lot of lost emails - do you have his phone number and email and we can sort out a password for a few days for him too . louise vince j kaminski 10 / 02 / 2000 22 : 15 to : louise kitchen / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : ed krapels louise , some time ago i sent you a message regarding ed krapels . he is writing a book on energy commodity markets and would like to learn more about eol . can you give him a call and chat with him for 10 minutes . he is a good friend of enron and it would be free ad for us . vince",0 +"Subject: schedule interview for stephen bennett friday , august 4 , 2000 interview begins at 9 : 00 a . m . 9 : 00 a . m . vince kaminski - ebl 962 10 : 00 a . m . john lavarato - no interview 11 : 15 a . m . mike roberts / jose marquez ( luncheon interview ) 3 : 00 p . m . hunter shively - eb 32 c 2 3 : 15 p . m . jeff shankman - eb 32 c 2 3 : 30 p . m . john arnold - eb 32 c 2 3 : 45 p . m . toni graham - itinerary and resume will follow . . . . . . thanks kevin moore please note : do not offer mr . bennett a position without john lavarato approval",0 +"Subject: file cabinet for mike roberts vince : since we have to clear kevin ' s office for the new employee jaesoo lew , can kevin order a tall file cabinet to put the material in ? thanks ! shirley vince j kaminski 11 / 20 / 2000 10 : 55 am to : shirley crenshaw / hou / ect @ ect cc : subject : re : "" skunkworks "" meeting with scott tholan shirley , no , that ' s it . vince shirley crenshaw 11 / 20 / 2000 10 : 06 am to : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : kevin g moore / hou / ect @ ect subject : "" skunkworks "" meeting with scott tholan the "" skunkworks "" meeting with scott tholan scheduled for this wednesday , the 22 nd has been cancelled , per scott tholan . mike / vince : is there anyone else , that needs to be notified ? thanks ! shirley",0 +"Subject: in confidence / project status hi vince i ' d originally been told you wouldn ' t be back until wednesday , and so have another meeting booked for 4 : 30 pm ( london time ) today . i really need to speak with you about the situation here in london re anjam . to be blunt , sharad , kirstee and i have all been tempted to just walk out of the office until anjam is removed . the major problems are : 1 . i have no authority to demand anjam should cooperate with sharad , kirstee etc . on their work . he does his best to impede their work , and i have no ability to access his drives for data / spreadsheets . 2 . anjam removes me from the cc lists in reply to all emails received by him , in an attempt to remove me from the loop . 3 . anjam continues to "" do business "" , and people in london still think he ' s head of research . 4 . pending your "" announcement "" , people will continue to go to anjam , and the business will remain dependent on him . 5 . we ' re severely under - resourced . i ' m still awaiting your review of the email i drafted for john s , requesting additional resource . i can ' t make a big recruitment drive until i have the authority to hire more . i honestly feel i can ' t do my job , and i ' m currently asking myself what i ' m even doing here . notwithstanding the above , here is the current picture with our projects : steve 1 . initiated new pre - trade system for oil trading desk . hooked up relevant it resource with business people , keeping an overall eye on making sure the business reqts get translated into it - speak . 2 . enron direct demand forecasting system review . 3 . initiated global supply / demand database with coal group . 4 . constant firefighting across all desks . ben 1 . work on regression - based placement model . 2 . general review of enroncredit . com ' s quant models . matthew 1 . ongoing work with engoal . 2 . produced first prototype of gas capacity charge optimisation tool for continental gas desk . need to purchase local copy of cplex . kirstee 1 . diverted from richard lewis ' s request for the uk gas / power vol curves to be sorted out , onto eastern virtual power station restructuring project . involves extension runs of credit reserve model , and now it seems the model needs to be extended . 2 . constant var firefighting . slava 1 . finished all regressions and model identification for uk gas and power demand forecasting . we are now ready to start it implementation . 2 . enron direct demand forecasting system review . sharad 1 . exotica support / firefighting , made nearly impossible by anjam . 2 . option on strip of metals futures for enron metal . i do hope we get a chance to speak and resolve some of these issues . i ' m really not happy at present . best regards , steve",0 +"Subject: re : calpx power prices ? ? ? - - - - - - - - - - - - - - - - - - - - - - forwarded by jason sokolov / hou / ect on 01 / 29 / 2001 03 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : maria van houten 01 / 29 / 2001 11 : 35 am to : jason sokolov / hou / ect @ ect cc : subject : re : calpx power prices jason , are you looking for calpx hour ahead umcp or calpx hour ahead zone prices ? we have hour ahead zone price data from 10 / 1 / 98 - current and hour ahead umcp from 11 / 6 / 2000 onward . maria v . h . from : jason sokolov 01 / 26 / 2001 09 : 17 am to : maria van houten / pdx / ect @ ect cc : subject : calpx power prices maria , i am looking for historical hourly real - time ( spot ) power prices for calpx . can you help me to locate them ? jason sokolov",0 +"Subject: complexity science and the energy industry brown bag update , apri l 18 th , 2001 nesa / hea members : a couple changes have been made to the april 18 th brown bag . attached is an update with the brown bag details . > > > we look forward to see you there . please contact me with any questions ( 713 ) 856 - 6525 . thanks , lana moore - nesa brownbag flyer . doc",0 +"Subject: re : ca for henwood stinson - we will get something to you tomorrow . bruce stinson gibner @ ect 01 / 04 / 2001 05 : 18 pm to : bruce lundstrom / enron _ development @ enron _ development cc : vince j kaminski / hou / ect @ ect , sandeep subject : ca for henwood bruce , evidently your assistant was unsuccessul in finding the ca ' s used in either the of the previous henwood projects for japan and korea . we are working on a project to model the economic viability of dabhol under economic dispatch and are faced with a very tight deadline in february . can you help us put together a confidentiality agreement for henwood energy services , inc . who will be performing the model calculations ? any help would be appreciated . regards , stinson gibner v . p . enron research x 34748",0 +"Subject: livelink access - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 11 / 2001 01 : 13 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - enron technology from : moyez lallani @ enron 01 / 16 / 2001 10 : 46 am to : stinson gibner / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect cc : subject : livelink access gentlemen , i have created a folder called research projects folder in the livelink test instance . the url to the test instance is to log in , use your nt login id as your userid and password ( all lowercase ) . you will find the folder on the enterprise workspace . please call me should you require further assistance . moyez lallani x 5 - 3683",0 +"Subject: organizational changes we are making a number of significant organizational changes . these changes are intended to accomplish four key objectives : first , we need to realign all our wholesale businesses around the successful business model developed over the last decade in north america and europe . this model relies on extensive physical and transactional networks built around a relatively small strategic asset position . second , we need to significantly streamline corporate reporting relationships . particularly with joe sutton  , s departure , the ability to directly manage the day - to - day activities of 15 independent business units has become increasingly difficult . third , we need to accomplish these changes without , in any way , compromising the ongoing profitability of all our businesses and without delaying or hindering our effort to monetize a significant portion of our lower - yielding asset positions . and fourth , as always , we need to take advantage of the reorganization to redeploy our talent into our highest value opportunities . enron wholesale services today , we are forming enron wholesale services ( ews ) which will consolidate our global wholesale businesses . the closer alignment of our wholesale businesses will accomplish the following : ( 1 ) enhanced communication and coordination across business units , ( 2 ) more rapid deployment of people to higher valued opportunities , ( 3 ) more effective prioritization of opportunities across the wholesale business , and ( 4 ) more rapid extension of enron  , s wholesale business model and capabilities into new industries and markets . enron wholesale services will include our current north american , european ( including japan and australia ) , global markets , and industrial markets operations , and will be expanded to include enron  , s net works business unit as well as a new unit  ) enron global assets . in addition , enron  , s merchant businesses outside of north america and europe will be integrated into this new structure as described below . mark frevert , currently chairman of each of our wholesale units , will assume the role of chairman and ceo of enron wholesale services . greg whalley , currently chairman and ceo of enron net works , will join mark in the office of the chairman as president and chief operating officer . providing further impetus for these organizational changes , several of our international business unit leaders have elected to move into new leadership positions : rebecca mcdonald , currently ceo of enron apachi , will join ews as president and ceo of enron global assets . enron global assets will have responsibility for managing all of enron  , s existing energy asset portfolio outside of north america and europe . joining rebecca in the office of the chairman as coo will be jim hughes , currently coo of enron apachi . rebecca and jim will report to the ews office of the chairman . sanjay bhatnagar , currently ceo of enron india , has joined ebs as ceo for the middle east and asia region . sanjay will be responsible for building our broadband business in this region and the current ebs team in this region will report to sanjay . in this role , sanjay will report to the ebs office of the chairman . in addition , sanjay will continue to remain responsible for enron  , s wholesale energy business in india and will transition this business into enron global assets in the near future . diomedes christodoulou , currently co - ceo of enron south america , has joined ebs as chief commercial officer . diomedes will be located in london and will focus his origination activities on global opportunities , with near term attention to the wholesale and enterprise sectors . diomedes will report to the ebs office of the chairman . jim bannantine , currently co - ceo of enron south america , will be joining ees to lead ees  , commercial efforts outside north america and europe . in order to ensure a smooth transition for our south american businesses and to facilitate our asset sales activities , jim will remain in south america for at least the next several months and continue to serve as ceo of enron south america . throughout the transition , jim will report to cliff baxter and to the office of the chairman of enron wholesale services . following the transition , jim will join ees . in addition to these changes in our international asset operations activities , we are making the following changes in our merchant wholesale businesses and the commercial support functions : enron net works louise kitchen will assume greg  , s previous responsibilities as president and ceo of enron net works , reporting into mark and greg . enron americas concurrent with the transfer to enron global assets of responsibility for operating enron  , s south and central america asset base , all trading , marketing , and new asset development activities in these regions will report into a new entity , enron americas . enron americas will have responsibility for all wholesale merchant businesses across north , central and south america . dave delainey , president and ceo , and john lavorato , chief operating officer will comprise the office of the chairman for enron americas . enron europe the enron europe organization , which includes enron  , s businesses in australia and japan , and enron metals , remains unchanged under the leadership of john sherriff , president and ceo , and michael brown , chief operating officer . enron global markets enron global markets , under the leadership of mike mcconnell , president and ceo , and jeff shankman , chief operating officer , will continue to have responsibility for enron  , s middle east and lng operations . with the exception of ecoelectrica in puerto rico , all operating power plants and associated personnel in the caribbean and central america will transfer to enron global assets . enron global markets will also continue to manage the commodity businesses in crude and products , coal , weather , insurance , equities , interest rates , foreign exchange , and agricultural products . enron industrial markets enron industrial markets  , organization , under the leadership of jeff mcmahon , president & ceo , and ray bowen , chief operating officer , remains unchanged . commercial support for ews the commercial support functions for ews will remain with , and be managed by , the individual business units . we are creating no incremental overhead in the creation of ews , and in fact hope to reduce our operating costs by more efficient utilization and sharing of resources across ews . to this end we have asked several people to take on an expanded role across ews in addition to their ongoing roles within their business units . these newly defined roles are as follows : mid and back office operations  ) sally beck will lead mid and back office operations across ews . these services will become part of enron net works , with sally reporting to louise kitchen and rick causey , executive vice president and chief accounting officer . this alignment creates a coordinated services organization with it and e - commerce platforms to support the wholesale businesses and to maximize opportunities to commercialize these services . mid and back office services for all commercial activities will continue to be organized with dedicated operations controllers responsible for specific commodities and / or geographic locations . legal  ) mark haedicke will serve in the role of general counsel for ews . regulatory and government affairs  ) this function will remain organized on a regional basis . rick shapiro will support all ews businesses operating in the americas , and mark schroeder , who is based in london , will support all european and eastern hemisphere operations . rick and mark will also continue to support all other enron businesses operating in their respective regions and will continue to report to steve kean , executive vice president and chief of staff . public relations  ) this function is also organized primarily on a regional basis . eric thode will have responsibility for north american activity , enron net works , and enron industrial markets . jackie gentle will continue in her role for enron europe ( including japan and australia ) and john ambler will have responsibility for activity outside north america and europe as well as providing support for enron global markets and enron global assets . these individuals will also continue to have a split reporting relationship to mark palmer , vice president of communications . business analysis and reporting  ) wes colwell will expand his role to cover ews reporting in addition to his current role in north america . attached for your review is an organization chart for enron wholesale services which summarizes the changes described here . as this organization continues to evolve we will keep you informed of any additional changes . enron global exploration and production and enron wind as part of our company - wide initiative to examine our assets and investments around the world , we are considering a variety of options with respect to egep and ewc . as a consequence , we are putting these businesses under cliff baxter  , s direction . jeff sherrick , ceo of egep , and jim noles , ceo of enron wind , will report to cliff . corporate staff we are consolidating the corporate staff functions : human resources , government affairs , public relations / communications and administration . in that regard , cindy olson , executive vice president of human resources and community relations , will report to steve kean , executive vice president and chief of staff . committee structure in light of the increased leadership opportunities created by enron  , s growth , the executive committee will be expanded to include more of our business unit leaders . the primary role of this committee will continue to be the communication of relevant information across enron  , s businesses and the coordination of activities across those businesses . we will also be drawing on this group to lead company - wide initiatives such as the performance review process and evaluation and creation of new businesses . the executive committee membership is shown on the attached list . we are also forming a new committee  ) the enron corporate policy committee . this group will be responsible for overall corporate policy , personnel management policy and corporate strategy . the enron corporate policy committee membership is also shown on the attached list . we are confident that these changes will align our talent and our capital to our highest return opportunities . please join us in congratulating and supporting all of these individuals in their new roles .",0 +"Subject: news review update please respond to news review the news review site , http : / / www . news - review . co . uk home of weekend city press review , now offers registered users two new features : all registered users can now : - do a text search in addition to a company search on the full six - year archive - and set up favourite companies on their home page for easier and faster access to articles within the review and the archive which relate to those companies the best way to keep abreast of the weekend ' s financial news and views is to receive an email copy of weekend city press review , either via the full review , or the clippings relating to specific companies in which you are interested . registered users are invited to take up the free offer of a 4 week subscription to any of the services , including pdf delivery of the review , and the clippings service . to login please use this url : you can download this weekend ' s full review free of charge at http : / / www . news - review . co . uk / freepdf . pdf from 8 pm uk time this sunday your username for this service is vkaminski if you have forgotton your password you can retrieve it at to remove yourself from this service please login and use the ' my profile ' option . our ref wcprvl : vkaminski",0 +"Subject: harvard research visit harvard business school is doing a 5 - year business case study on enron . below is the information that i have regarding their visit . the name of the case study is modern giants ( attached below ) ( they are interested in developing a clearer picture of the architecture and design of enron  , s organization , products , and services - - how the company and its key businesses have been put together and how they work on a daily , quarterly , and annual basis . ) mm x 31641 - - - - - forwarded by melinda mccarty / corp / enron on 01 / 26 / 2001 01 : 40 pm - - - - - 1 . an overview of the modern giants research project 2 . descriptions of three broad areas of research interest ( business and organizational design , new business creation , and capital investment decision making ) together with the associated interview questions . we fully understand that these interview questions are far too encompassing , and that there ' s no way we could get through all of them in a single , one - hour meeting . what we plan to do is "" specialize "" the interviews by the background and expertise of participants . in some cases , we will focus only on new business creation ; in others , we will focus primarily on the allocation of capital ; in others we will focus on the basic economic model that underlies the trading or energy services business . future visits may focus on the remaining , unanswered questions , or on other areas of interest of our faculty colleagues . these questions should therefore be regarded more as a set of interests , rather than a strict protocol that we will strive to complete from beginning to end . hope this provides the necessary background for the trip . - research initiative on modern giants . doc - bower . doc - levesque . doc - roberto . doc - busorgdes . doc - newbuscrea . doc - capital investment . doc - garvin 4 . doc",0 +"Subject: ebs research office space on 45 th or 43 rd floor hi stinson , as per my discussion , here is e - mail to let vince know about the subject . we have requested the following office spaces for network planning ( jim irvine ) - - optimization work , etc . and other ebs support personnel . for network planning and traffic engineering : - 1 director level space ( to be used by jim and other ebs research people as needed when jim is not there ) and four other cube space ( chonowee , martin lin , and two students . for other ebs activities : - 3 or 4 summer interns and analysts level space for other ebs people ( roman and other students ) . this is what kristy is going to request and get it into the office space request loop . we should be able to get into most of the space that i have requested . ravi .",0 +"Subject: telephone interview with the enron corp . research group good morning yongcho : the enron corp . research group would like to conduct a telephone interview with you at your convenience . this would be for a full - time position with the research group . please let me know your availability monday , may 1 or thursday , may 4 . the persons who will be interviewing you are : vince kaminski managing director stinson gibner vice president krishna krishnarao director osman sezgen manager i look forward to hearing from you . thank you shirley crenshaw administrative coordinator 713 - 853 - 5290",0 +"Subject: friday brown bag for options pricing hello everyone , today we have grant masson spreaking in our options pricing seminar series . grant ' s topic is "" marginal value at risk "" . it will be held at 12 noon at 19 c 2 . we thank you for your participation . zimin lu alex huang",0 +"Subject: enron media / advertising simon , please forward a copy of my ken rice presentation to vince kaminski . send him the version with the white background . vince : thanks again for meeting with me today and i am pleased that you are interested in discussing this opportunity in more detail . feel free to contact me should you have any questions . as discussed , the enron media / advertising idea is being developed under ebs , but should develop into its own business unit . enron media / advertising : - advertising risk book - physical trades , supported by excess inventory from cable networks , radio , network tv , etc . - media buying service - alliances with advertising agencies to sell enron ' s "" eyeballs "" from our customer / server - isp relationships i . e . , us west - agencies could endorse ebs to their customers ( ford gm , procter & gamble , etc . ) and become an extended enterprise for ebs and our ein applications - enron ' s capital , to fund content development for the networks and hollywood , which in turn would provide content for our pipes with licensing and syndication rights . - an enron on line b to b opportunity ( you may want to review the following sites : doubleclick . com , agency . com , adauction . com ) mark and kal : vince and i are meeting on tuesday , march 28 th @ 3 : 00 pm to further discuss the development of the enron media / advertising concept . can you join us to provide a customer and agency perspective ? regards , michael p . horning",0 +"Subject: re : ed krapels just thought you ' d like to know we are not having a grat deal of success with contacting ed - let us know if there is anything else i can do ? - - - - - - - - - - - - - - - - - - - - - - forwarded by louise kitchen / hou / ect on 27 / 03 / 2000 13 : 42 - - - - - - - - - - - - - - - - - - - - - - - - - - - from : rahil jafry on 27 / 03 / 2000 13 : 40 to : louise kitchen / hou / ect @ ect cc : david forster / hou / ect @ ect subject : re : ed krapels both dave and i have left messages for this guy ( e - mail as well as voice mail ) on 4 different occassions - without any response . louise kitchen 03 / 27 / 2000 01 : 21 pm to : rahil jafry / hou / ect @ ect cc : subject : re : ed krapels have you managed to get hold of him yet ? vince j kaminski 11 / 02 / 2000 17 : 23 to : louise kitchen / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : ed krapels louise , thanks . his e - mail address is ekrapels @ esaibos . com . the company coordinates are as follows : esai 301 edgewater place , suite 108 wakefield , ma 01880 ( 781 ) 245 - 2036 ( 781 ) 245 - 8706 vince louise kitchen 02 / 11 / 2000 05 : 13 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : ed krapels absolutely - i can ' t find the previous email but it may have been lost during the few days they moved my email box from london to houston - i know i had a lot of lost emails - do you have his phone number and email and we can sort out a password for a few days for him too . louise vince j kaminski 10 / 02 / 2000 22 : 15 to : louise kitchen / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : ed krapels louise , some time ago i sent you a message regarding ed krapels . he is writing a book on energy commodity markets and would like to learn more about eol . can you give him a call and chat with him for 10 minutes . he is a good friend of enron and it would be free ad for us . vince",0 +"Subject: re : hdaf seminar topics folks : i have tentatively set the date for our first round - table discussion for wednesday , december 20 th at 3 : 00 pm - 4 : 30 pm . the room , eb 3268 , will be available from 3 : 00 to 5 : 00 pm . if any of you have an issue with the date , please let me know by day ' s end . professor don kouri of the physics department of the university of houston will start with an informal 30 - 45 minute presentation ( see appended abstract below ) of his work and will then lead a discussion as well answer questions that we may have . professor kouri , please let me know if you have any requirements for audiovisual or other equipment . this excerpt from a previous correspondence provides an insight to the subject of our meeting : [ . . . ] topics to be discussed at a small ` ` roundtable ' ' format meeting , are : 1 . hdafs for data analysis , including ` ` gap - filling ' ' , data extrapolation , denoising , mathematical manipulations of digital data ( e . g . , taking derivatives , applying functions of differential operators to digital data , etc . ) 2 . hdafs as the basis of numerical algorithms for solving nonlinear partial differential equations , particularly for equations for which existing methods encounter stability problems . there are certainly other areas of interest and applications of the hdafs but i think that even trying to do both of the above in a single meeting would be difficult . of course , in this first meeting we would focus on general aspects of the hdafs that make them robust for such applications . if , however , you have other topics in which you are interested , i am willing to focus on them . [ . . . ] "" yannis tzamouranis yannis tzamouranis on 12 / 11 / 2000 03 : 56 : 49 pm to : mark tawney / hou / ect @ ect , claudio ribeiro / corp / enron @ enron , joseph hrgovcic / hou / ect @ ect , vince j kaminski / hou / ect @ ect , todd kimberlain / na / enron @ enron , vasant shanbhogue / hou / ect @ ect cc : subject : hdaf seminar topics folks : i am trying to set up a meeting with professor don kouri of the university of houston and i believe you may have an interest in the topic of discussion . if you know of other interested parties , or want to substitute a proxy for yourselves , please let me know . this first meeting with dr . kouri will introduce the participants to his area of research ( hdafs for data analysis ) and allow us to define the contents and attendants of a seminar ( to come up soon ) . we are looking to hold this discussion this week ( hopefully ) and to have the seminar happen before christmas ( given that this is the in - between semester season for schools ) . a couple of other similar meetings will follow up : dr kevin bassler will be talking about microscopic simulation of economic markets and dr . pinsky about the effect of solar phenomena on the earth ' s atmosphere . yannis - - - - - forwarded by yannis tzamouranis / hou / ect on 12 / 11 / 2000 03 : 36 pm - - - - - kouri @ kitten . chem . uh . edu 12 / 11 / 2000 02 : 32 pm to : yannis . tzamouranis @ enron . com cc : subject : hdaf seminar topics hi yannis , i got your email without any problem . regarding timing of a meeting , i am free from teaching duties now so i am flexible . i will be in houston all of december . i look forward to hearing more from you . with best wishes , don kouri",0 +"Subject: possible rtp conference dear mr . kaminski : thank you for talking with me about a possible rtp conference . i would like to include some discussions of what has been learned in other industries . as i indicated , frank wolak suggested that i contact you . in discussing power markets with frank and other colleagues at stanford and epri , it seems quite evident that real - time pricing for retail customers is the "" forgotten resource "" in more efficient power markets . there seems to be a lot of confusion about what rtp means and it also seems that many researchers need to address some practical but important problems . i was asked whether a group like stanford ' s emf might explore this topic and give it the visibility that would have it considered more seriously by policymakers . frank thought that you might be someone who could help me structure a useful approach and who might also see whether enron could become a major sponsor . i was hoping that this issue was sufficiently important to enron that the company might consider providing $ 25 , 000 . as you may appreciate , it requires some thought and effort to make sure that the product of the conference is widely circulated among key government groups . i would be very interested in hearing from you if you can provide ideas and recommendations for people ( perhaps yourself or a colleague ) to participate . i would also appreciate any consideration by enron of providing funding for this effort . thank you , hill huntington - retail notes . rtf hillard g . huntington emf - an international forum on energy and environmental markets voice : ( 650 ) 723 - 1050 408 terman center fax : ( 650 ) 725 - 5362 stanford university email : hillh @ stanford . edu stanford , ca 94305 - 4026 emf website : http : / / www . stanford . edu / group / emf /",0 +"Subject: re : forecast rates ! hi vince , thank you for sending me the email from don reid regarding the turkey fx and cpi curve . i received the same email last week and the request has been taken care of . in fact , he had a very short time line for the request and had subsequently used outside forecasts for the bid . if the deal goes through rac , i ' m sure we ' ll get another request for the curve , but for now , don said that he doesn ' t need a forecast from us . regards , farouk z . lalji",0 +"Subject: hiring aram at a vp level rick , i want to bring aram sogomonian back to enron at s vp level . according to new human resources procedures this decision requires a support of three senior executives . i want to ask you to express your opinion on aram ( based on a phone interview or just on your past interactions with him ) . you can send a reply to norma villarreal at h / r . thanks . vince",0 +"Subject: re : pending approval for ibuyit request for wincenty ( vince ) kaminski : eva : remedy 412144 raul , raul , vince kaminiski is requesting acces to the technical view for catalog along with the ibuyit approval role . this is pending your approval . please send your response to sap security . thanks ! shirley crenshaw @ ect 04 / 19 / 2001 03 : 01 pm to : sapsecurity @ enron . com cc : vince j kaminski / hou / ect @ ect subject : ibuyit form attached please find the completed form for vince kaminski , managing director , research group . he will be approving all purchases for cost center 107043 . - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 19 / 2001 02 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : debbie skinner / enron @ enronxgate on 04 / 19 / 2001 02 : 52 pm to : shirley crenshaw / houston / eott @ eott , shirley crenshaw / hou / ect @ ect cc : subject : ibuyit form hi shirley there were two shirleys , so sending to both isc help desk",0 +"Subject: follow up mark , over the past several months vince and paul have had some contact with the authors of this upcoming risk management book . vince and his group are writing a chapter and the forward , and enron australia will contribute aus $ 10 , 000 in support of the book . there are a number of apparent legal issues associated with completing / publicizing this book and marge suggested that this is an area of interest to you . i handle public relations for apachi and will try to contact you within the next couple of days to seek your guidance . thanks , john - - - - - - - - - - - - - - - - - - - - - - forwarded by john ambler / enron _ development on 02 / 23 / 2000 08 : 37 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - lacima on 02 / 21 / 2000 12 : 29 : 28 pm to : john ambler / enron _ development @ enron _ development cc : subject : follow up hi john , nice talking with you last week . the following are some of the items that we discussed during own phone call : - attached is a copy of the introduction of the book . section 1 . 2 provides a content overview - we are planning to market the book globally , and feel the market size is around 3000 - the authors names are dr chris stickland and dr les clewlow - mini bio of authors : dr . les clewlow and dr chris strickland hold associate research positions at both the school of finance and economics , university of technology , sydney and the financial options research centre , university of warwick , uk . together , they have over 20 years combined experience in the financial and energy derivative markets and have published many articles in academic and trade journals . they are the authors of the book "" implementing derivatives models "" ( wiley , 1998 ) and editors of "" exotic options : the state of the art "" ( itp , 1998 ) . their forthcoming book "" energy derivatives : pricing and risk management "" is due to be published during the second quarter 2000 . currently , their interests are concentrated in the energy derivatives area , where they have developed a wide range of pricing tools for electricity options and other energy derivatives . could you please provide responses to the following : - would it be ok if we use the logo for enron , the global company ? - what will you need from us before printing ? if you need to review the book jacket or the manuscript , please let us know . - if enron needs to review anything , how long will it take for enron to turn it around ? - we are putting together a leaflet advertising our energy course . we would like to mention the forthcoming book and that it is being sponsored by enron . . . is this ok with you ? no logo will be used . - we would like to produce a leaflet / brochure advertising the book as well , but this will follow after we have the book cover designed . should i work with andrew at stokes account ex . on this ? - how do we handle the money side of things ? the manuscript is not fully completed , but we may begin typesetting any day now . i think it will take about 3 - 4 weeks to typeset and then another 3 weeks to print and bind . sometime in late april ? it looks like we will be in houston around the 7 th of march . . . will you be around either the 7 th or 8 th ? i hope you are enjoying your time at home . let me know if you need anything further . take care , julie - intro . zip",0 +"Subject: re : summer associate mentor hello , this is regarding my mentee . i talked to him today . giuseppe did not receive the invitation to the thursday reception . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 06 / 20 / 2000 02 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 06 / 12 / 2000 08 : 29 am to : ginger b gamble / hou / ect @ ect cc : cheryl kuehl / corp / enron @ enron , vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : summer associate mentor ginger however , we encourage you to contact guiseppe prior to the reception if possible . please rsvp your attendance to cheryl kuehl at x 39804 or by email . thank you charlene jackson",0 +"Subject: re : 2001 fma european conference john , the books have arrived and i shall fedex them tonight to your university address ( shown at the bottom of your messages ) . still fishing for the paper on network economy . vince p . s . shirley , the address is at the bottom . "" john d . martin "" on 11 / 28 / 2000 11 : 27 : 35 am to : vince . j . kaminski @ enron . com cc : subject : re : 2001 fma european conference that ' s fine . i didn ' t want to change anything until i heard from you guys . see ya ! john at 11 : 06 am 11 / 28 / 00 - 0600 , you wrote : > > john , > > thanks . stinson will be able to join us for dinner . he is opting out of > the paper due to his big workload but we can get his perspective on > the last 8 years he spent at enron . > > vince > > > > > > "" john d . martin "" on 11 / 28 / 2000 09 : 44 : 17 am > > to : vkamins @ enron . com > cc : > subject : 2001 fma european conference > > > here ' s the info on the european conference . just for your files . > > john > > > date : tue , 28 nov 2000 08 : 40 : 39 - 0500 > > from : karen wright > > subject : 2001 fma european conference > > to : kwright @ fma . org > > x - mailer : mozilla 4 . 5 [ en ] ( win 98 ; i ) > > x - accept - language : en , pdf > > > > 2001 fma european conference > > > > the fifth annual european meeting of the financial management > > association international ( fma ) will be held may 31 and june 1 , 2001 at > > the hotel sofitel ( rive gauche ) in paris , france . fma ' s european > > meeting brings together academicians and practitioners with interests in > > financial decision - making . the meeting provides a forum for presenting > > new research and discussing current issues in financial management , > > investments , financial markets and institutions , and related topics . > > keynote addresses and other special presentations will be held in > > addition to research paper presentations . > > > > paper submissions > > research papers . the program includes traditional research paper > > presentations . criteria used to determine the suitability of these > > papers for the program include the nature of the research problem , > > implications of the proposed research , the quality of the research > > design , and the expected contribution of the research to the > > literature . please note that the purpose of these sessions is to > > present new and unpublished research . > > > > submission fee . there is no submission fee for the fma european > > conference . > > > > submissions . please follow these steps : > > complete the presentation form that can be downloaded at > > www . fma . org / paris . htm . carefully select the subject code on the > > presentation form that most closely describes your research . the code > > number you select will be used to select reviewers for your proposal . > > > > send six ( 6 ) copies of your completed paper , along with the completed > > presentation form , to the fma office ( financial management association , > > university of south florida , college of business administration , tampa > > fl 33620 - 5500 , usa ) . > > please note that only completed papers will be accepted for the fma > > european conference review process . > > > > the paper submission deadline is friday , december 1 , 2000 . > > > > you will receive an electronic confirmation of your submission within > > six weeks of its receipt by the fma office , and you will be notified of > > the results of the reviewing process by the middle of february , 2001 . > > > > competitive paper awards > > the financial management association international is pleased to > > announce that four ( 4 ) $ 1 , 500 awards will be presented in conjunction > > with the 2001 fma european conference . the "" young scholars "" award will > > be presented to the best paper authored by a ph . d . student ( or > > equivalent ) or recent ph . d . ( or equivalent ) graduate . three additional > > $ 1 , 500 awards will be presented to the papers deemed "" best of the best "" > > by the members of the 2001 fma european conference competitive paper > > awards committee . please note that these awards will be made only if , in > > the opinion of the fma awards committee , a paper warrants such a > > decision . the decisions of the fma awards committee are final . > > > > accepted papers . if your proposal is accepted , the version of the paper > > you submit will be sent to its discussant as soon as he / she is > > identified . you are obligated to send the final version of your paper to > > the discussant and session chair by april 27 , 2001 . you also are > > obligated to present your paper in a professional manner at the assigned > > fma program session . > > > > the collegiality of the meeting provides a very special opportunity for > > participants to share their work and to hear about the work others are > > doing . thus , individuals whose papers are accepted for presentation at > > the 2001 fma european conference will be expected to either chair a > > session or discuss a paper . > > > > program co - chairs > > > > francois degeorge > > hec paris > > 1 rue de la lib , ration > > 78351 jouy en josas cedex > > france > > 33 - 1 - 39 - 67 - 72 - 34 ( ph ) > > 33 - 1 - 39 - 67 - 94 - 34 ( fax ) > > degeorge @ hec . fr > > > > kent womack > > dartmouth college > > amos tuck school > > hanover , nh 03755 > > 1 603 646 2806 ( ph ) > > 1 603 646 1308 ( fax ) > > kent . womack @ dartmouth . edu > > > > additional opportunities for participation > > > > session chairperson or discussant . if you wish to serve as the > > chairperson of a session or paper discussant , but are not submitting a > > paper , please complete the participation form which can be downloaded > > from www . fma . org / paris . htm . submit the completed form to the fma office > > by december 1 , 2000 . session organization will take place in march , > > 2001 . > > > > deadline summary > > > > completed papers : december 1 , 2000 > > chairperson / discussant requests : december 1 , 2000 > > > > > > > john d . martin > carr p . collins chair in finance > finance department > baylor university > po box 98004 > waco , tx 76798 > 254 - 710 - 4473 ( office ) > 254 - 710 - 1092 ( fax ) > j _ martin @ baylor . edu > web : http : / / hsb . baylor . edu / html / martinj / home . html > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: mg metals : additional areas to look at dear lloyd & richard , i have been discussing with eric gadd about two particular areas of concern that will affect the london research group . i believe there are a number of issues to address to ensure that the integration goes smoothly from a risk management and quantitative analysis perspective , and i have put together a ( by no means exhaustive ) list : - i ) seamless transfer of front and middle office systems from an exotic options linking perspective ( e . g . their spreadsheets link to different option pricing add - ins ) ii ) development of volatility curves and factor analysis to ensure that we can capture metals risk in our var system ( we will require historical data for this ) . i am sure bjorn will be looking to the research group to assist in this matter . iii ) ensure that mg staff on quant and risk side become familiar with our methods and systems and vice versa these tasks will involve a significant degree of cross - communication with relevant contacts within mg metals , and so i look forward to starting on the process as soon as possible - i hope to play a full part from a quantitative research and risk management perspective to ensure that everything goes smoothly in this exciting new development , so please do not hesitate to involve me . best regards , anjam ahmad research x 35383",0 +"Subject: message from charles shen at williams dear vince : how are you ? thanks for coordinating an offer for me . as i told stinson early this week , i understand that it is a little bit tricky for enron in term of my starting date . to be honest , i am very flexible myself , it really depends on enron . if you want me to start right now , then i would expect enron to compensate for my this year ' s bonus . in this case , it is not quite fair for enron , since now we are already at the end of october . another option is that we can work out an offer right now , and i can start my new job right after i get my bonus from williams , which should be in the very beginning of february . this choice is perfectly fine with me . actually it might be even a little better for me since williams has had very good year this year . vince , i just want to tell you that i am very interested in your group , and very excited about this opportunity . if you have any questions , please feel free to call me at 918 - 409 - 4308 . sincerely , charles do you yahoo ! ? yahoo ! messenger - talk while you surf ! it ' s free . http : / / im . yahoo . com /",0 +"Subject: imperial capital - thursday schedule the following is the schedule for thursday ' s meeting with imperial capital . currently all meetings are scheduled in eb 2868 . we are trying to arrange a different conference room and will let you know if we obtain one . 9 : 00 am - jim fallon - electricity 9 : 30 am - fred lagrasta - gas 10 : 00 am - lynda clemmons and david kistler - weather 10 : 30 am - ed ondarza - pulp and paper 11 : 00 am - stinson gibner - research 12 noon - lunch 1 : 00 pm - 5 : 00 pm - discussion thanks in advance to all who will come to speak in the morning .",0 +"Subject: eprm training course dear vince , ? i hope you are well . i am leaving risk at the end of next week and before i leave i am producing the mathematics for energy derivatives training course . i have written a programme and attached it to this email and i wondered whether you could have a look at it and let me know what you think . i also wondered whether you would be interested in speaking at the course . ? i will give you a call on monday to it . ? best regards , ? vicky - mthsprg . doc",0 +"Subject: alp proposal carrie , i am sending you , as promised , the draft of my proposal . please , let me know if it meets your requirements . i shall be glad to revise it and send you the final version . vince kaminski * * * * * * * * * * one of the most important trends in the energy industry during the last year was proliferation of electronic , internet based , trading platforms for wholesale markets and for retail operations . websites such as www . houstonstreet . com and www . altranet . com provide facilities for matching buyers and sellers . the website operated by enron corp . ( enrononline ) represents an alternative solution under which enron acts as a principal in every transaction . on the retail ? side , many retail e - commerce companies offering auctions , reverse auctions and platforms for creation of buyers  , clubs challenge incumbent utilities . the objective of this project is to evaluate the impact of e - commerce ( both at the wholesale and retail levels ) on the energy industry . the study will start with comparative analysis of different wholesale trading and retail e - commerce business models and evaluation of their long - term viability . the next step will be assessment of the impact of e - commerce on price dynamics , profit margins and the level of competition in different energy markets . a separate section will be devoted to analysis of reaction of companies and organizations affected by e - commerce ( incumbent utilities , organized exchanges , energy brokers ) to the new competitive threat , and different strategies they implement to meet the challenge . organized exchanges have accelerated in many cases the transition to screen - based trading that has been already replacing open outcry technology . power and natural gas marketers have created alliances ( with other industry players , software companies and electronic exchanges ) to create their own trading platforms . gas and electric utilities embarked on development of vertical and horizontal e - commerce platforms , offering services to households and other companies in the energy industry . the critical question is how quickly different companies should react to the competitive threats and how fast they should exploit opportunities created by the internet based economy . it ' s quite obvious that the internet revolution will change the energy industry ' s landscape during the next few years . the objective of the project is to provide answers to the questions posed above , based on the currently available information . additionally , the participants should come up with fallback strategies the energy companies should implement in case the currently ? expected trends fail to materialize .  _",0 +"Subject: aram ' s visit jesus , friday , april 28 , works for me . i am free between 8 : 00 - 10 : 30 to meet with aram . would you like to meet him for lunch or dinner ? vince",0 +"Subject: re : dragon curves ( thai baht forecast ) we have prepared the attached two reports to accompany the thai baht forecast we produced on 13 september 2000 ( the previous curve was dated 15 may 2000 ) . the first report provides specific economic factors that formed the basis for our baht forecast decisions in september . the second report is an analysis of ppp theory and foreign exchange forecasting with a detailed discussion of its propriety to the economic outlook and exchange rate forecast for thailand . regards , maureen raymond - castaneda and gwyn koepke",0 +"Subject: interview schedule for ben zhang attached please find the interview packet for the above - referenced person . the interview will happen thursday august 17 , 2000 . please print all three documents for your hard copies . if you have any questions , or conflicts of schedule , please do not hesitate to contact me . sean grady 58701",0 +"Subject: re : your visit with vince kaminski - enron corp . research dear mr . fujita : i will be glad to make the dinner arrangements . i will make reservations at the "" latour d ' argent "" restaurant located at 2011 ella blvd at t . c . jester . for 6 : 30 pm on the 17 th . they do require a coat . i believe most of the cabs will know where it is - but just in case : "" take i - 45 north to 610 east , go to the ella blvd exit and turn left ( back under the freeway ) on ella blvd . go to 2011 ella blvd . ( on the right ) . "" look forward to having you at enron . thank you . sincerely , shirley crenshaw 713 - 853 - 5290 masayuki fujita on 04 / 05 / 2000 11 : 44 : 48 am to : shirley . crenshaw @ enron . com cc : subject : re : your visit with vince kaminski - enron corp . research dear ms . crenshaw : we are very glad to see professor kaminski has taken our proposal to have a dinner on 17 th . i would like to take your very kind offer to arrange the place to have dinner . we are now arranging to stay four seasons hotel . it is just a second time to visit houston and we will not have a car , but may use a taxi between hotel and restaurant . please give us a recommendations . i wonder if four seasons have a good one . best regards , masayuki fujita principal financial engineer financial technologies section mitsubishi research institute , inc . 3 - 6 otemachi 2 - chome , chiyoda - ku tokyo 100 - 8141 japan tel + 81 - 3 - 3277 - 0582 fax + 81 - 3 - 3277 - 0521 > dear mr . fujita : > > professor kaminski will be delighted to have dinner with you and your > colleague mr . yamada . i have put you on his calendar at 3 : 00 pm . with > dinner to follow in early evening . > > please let me know if you would like me to make dinner reservations > for you . > > sincerely , > > shirley crenshaw > administrative coordinator > enron corp . research group > 713 / 853 - 5290",0 +"Subject: re : greeting from charles happy new year to you as well , charles . i have not heard anything from vince ; let me check with him , and i will be back in touch with you . molly enron capital & trade resources corp . from : charles shen 01 / 07 / 2001 10 : 41 am to : molly . magee @ enron . com cc : vince . j . kaminski @ enron . com subject : greeting from charles dear molly : happy new year ! haven  , t talked to you for a while , hope you and your family had a great holiday . i can  , t believe we are already in 2001 ! i remember we had talk last december , and you were basically waiting for the response from vince , have you heard anything back from vince yet ? since we are already in january , i really hope we can move forward . if you have any questions , please feel free to call me at 918 - 409 - 4308 . thank you . sincerely , charles do you yahoo ! ? yahoo ! photos - share your holiday photos online ! http : / / photos . yahoo . com /",0 +"Subject: re : purchase david , can you use my mm funds to cover thislast purchase ? i need to request another check from pwj and it takes always time . vince "" walkup , david c ( houstonas as 582 ) "" on 06 / 29 / 2000 10 : 52 : 54 am to : "" ' vincent kaminski ' "" cc : subject : purchase we made the cd purchase for you today . don ' t forget to mail the check . i mailed you the receipt from the deposit . i will call you towards the end of july and we can discuss your stock option exercise on 8 / 12 . thanks for coming by the office yesterday and have a great trip to australia . david c . walkup senior financial consultant 713 - 658 - 1685 800 - 456 - 9712 caution : electronic mail sent through the internet is not secure and could be intercepted by a third party . for your protection , avoid sending identifying information , such as account , social security or card numbers to us or others . further , do not send time - sensitive , action - oriented messages , such as transaction orders , fund transfer instructions , or check stop payments , as it is our policy not to accept such items electronicall",0 +"Subject: reminder - enronanywhere portal project meeting you are scheduled to attend the enronanywhere portal project meeting . when : wednesday , april 18 , 2001 where : eb 50 m dining room time : 12 : 00 - 4 : 00 lunch will be served . thank you in advance for helping us to create one enron . your attendance and participation is certain to make this project a huge success . call me if you have any questions . thanks , marie hejka enronanywhere 3 9698 p . s . note , we decided not to send a pre - workshop assignment . see you there .",0 +"Subject: new analyst joining research group all on monday 21 st february a new analyst will be joining enron europe , and will have his first rotation in the london research group . matthew williams has a phd in high energy physics , having carried out his research at imperial college london and cern . his academic experience includes extensive monte carlo simulation as part of his research on the phenomenology of supersymmetry theories . matthew will be working with me on issues arising from the optimisation and control of dynamic systems , which we expect to include power generation scheduling and gas flow . steve",0 +"Subject: meeting to be rescheduled all : the meeting scheduled for tomorrow from 11 - 12 : 00 to discuss enron ' s needs from the mit / aa new value research lab has been postponed to allow for additional time to confer with aa . new date / time will be set once add ' l information is gathered . thanks . amy",0 +"Subject: re : conference phelim , thanks again for the invitation to speak at the conference . the program was very interesting and i learned a lot . i hope you can visit us in houston sometimes in the next few months . vince phelim boyle on 05 / 30 / 2000 10 : 11 : 26 am to : vince . j . kaminski @ enron . com cc : subject : conference vince thank you very much for coming to the conference and for your excellent overview it was a pleasure meeting you i hope we can stay in touch phelim - - phelim p boyle director centre for advanced studies in finance , university of waterloo , waterloo , ontario canada n 2 l 3 gl tel 519 885 1211 ( 6513 ) fax 519 888 7562",0 +"Subject: re : enron credit modeling discussions hi again , some of you have been kind enough to supply me with information that can be used for the strategic plan ( i am writing for duffie ) . to assist you in gathering further information , it was suggested that i forward a preliminary outline of this strategic plan to your attention . thanks in advance for your assistance , iris table of contents executive summary highlights introduction what is enron credit ? what is the business plan ? what are the products planned ? current status : what we currently trade , how we price . what new models we need to achieve goals . what attempts are being made internally and what external commercial sources are available . swot analysis strengths weakness opportunities threats pricing approach a diagram illustrating how various models are tied together for the overall objective of coming up with final cds and dbs pricing . brief description of each model shown in the diagram . public firm versus private firm what we have as first cut for modeling primarily public firms . our understanding on public versus private firms  , credit risk characteristics , data availability and possible modeling approaches . our proposed approach / plan towards development of private firm model , including comparative analysis , model development , etc . . portfolio level business feasibility analysis accounting breakeven analysis portfolio theory alternative ( short term ) measures kmv  , private firm model moody  , s riskcalc model for private firms comparison of kmv vs moody  , s private firm model future strategy development of private firm pricing models ( short - and long - tenor modelso completion of parent / subsidiary model risk management model for ect business references",0 +"Subject: e & p model vince - attached is the most recent e & p version of the old corporate cash flow model that i could find . note that "" most recent "" still dates it back a few years . a couple caveats : i did try to clean it up somewhat from old macros , but no guarntees offered . also , some of the underlying methodology is not what we would probably currently use , such as for pricing , stochastic processes , and perhaps decline rates . please let me know if i can provide any additional help . mark",0 +"Subject: enron research and ebs engineering and operations group technical forum ken , i would like to invite you to an off - site meeting of john griebling ' s organization and the research group . date : april 27 - april 29 location : breckenridge , colorado as you know , john griebling is managing the network design and construction project currently under way in ebs . the research group is actively involved in this effort which requires advanced quantitative skills in the area of stochastic optimization and stochastic processes ( for modeling and forecasting internet traffic flows ) . the objective of this meeting is to develop common language and accomplish transfer of skills between the two groups , to facilitate cooperation on this project in the future . we are inviting joe hirko and kevin hannon to this meeting . we would appreciate if you could speak , together with joe and kevin , on strategic directions of ebs . it is important for a group of technical people , with relatively specialized technical skills , to understand the big picture . i am attaching the preliminary agenda for this meeting . vince",0 +"Subject: re : for your approval approved information risk management 12 / 01 / 2000 09 : 50 am to : gary taylor / hou / ect @ ect , vince j kaminski / hou / ect @ ect , stinson gibner / hou / ect @ ect cc : subject : for your approval please let me know if he is approved . thanks , erica garcia - - - - - - - - - - - - - - - - - - - - - - forwarded by information risk management / hou / ect on 12 / 01 / 2000 09 : 39 am - - - - - - - - - - - - - - - - - - - - - - - - - - - security resource request system directory line item pending access processing directory name : o : \ weather derivatives \ , o : \ research \ common service type : grant expiration date : comments : security processing processing status : e - mail message : comments / justification : general information request : jhrc - 4 rkjjz requested by : joseph hrgovcic / hou / ect phone : 33914 requested for : joseph hrgovcic / hou / ect employee type : company : 0011 rc # : 100038 priority : high comments / justification : i have a test windows 2000 machine running ( with userid t _ weatherol , for which i need access to o : \ research \ common and o : \ weather derivatives \ editing history ( only the last five ( 5 ) are shown ) edit # past authors edit dates 1 information risk management 11 / 30 / 2000 12 : 30 : 19 pm",0 +"Subject: re : get together this coming tuesday ? dale , i can reserve 2 to 2 : 30 time slot but there is really not much that i can tell you at this point . the commercial groups are still interested and are moving towards the test of the package . as soon as they will decide to move ahead , we ( research ) shall be involved , helping to evaluate the product . as i have said , we are not the decision makers in this case . i think that we should allow simply the process to run its course . vince "" dale m . nesbitt "" on 04 / 30 / 2001 05 : 59 : 30 pm please respond to to : cc : subject : re : get together this coming tuesday ? vince : i will call tomorrow in the morning . lunch or right after lunch would be great . how would 100 pm work for you ? dale - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : monday , april 30 , 2001 3 : 07 pm to : dale . nesbitt @ marketpointinc . com cc : kimberly . watson @ enron . com ; vince . j . kaminski @ enron . com subject : re : get together this coming tuesday ? dale , please , call me on tuesday . my morning schedule is full but i am open in the afternoon . vince "" dale m . nesbitt "" on 04 / 30 / 2001 01 : 51 : 21 am please respond to to : "" vincent kaminski "" , "" kimberly s . watson "" cc : subject : get together this coming tuesday ? vince / kim : i am flying to houston tonight and wondered if it would fit one or both of your schedules to get together this coming tuesday sometime for 1 / 2 hour or so . i really want to reinitiate the conversations marketpoint was having with john goodpasture and you , and he said either or both of you were the right people to continue after his responsibility shift . john was quite positive about the idea of enron acquiring marketpoint narg through license , and he implied that one or both of you would be carrying the ball in that direction after he handed it to you . would this coming tuesday morning at 930 am be a good time for you guys ? if so , please give me an email shout at the above address or leave a message on my voicemail at ( 650 ) 218 - 3069 . i think you will be truly impressed with the scope and progress we have been able to make with both the short run narg and the long run narg in which you were interested ( not to mention our power model ) . the progress is noticeable since you saw it . both long and short term narg are having quite an impact on a number of gas decisions at the moment ranging from venezuelan lng , north american lng import terminals and term , gas basis calculations , trading support , power plant development , gas - to - power price spreads in key markets , veracity of heat rate trades , bank financings , storage field evaluation , and which new pipelines we can expect to see enter and which are dogs . i really hope we can fit it in and get our discussions moving in a mutually productive direction again . i think narg can help you become even more successful , and i look forward to working with you . we have a new office address and new phone number as well . ( we move in may 1 . ) altos management partners 95 main street , suite 10 los altos , ca 94022 ( 650 ) 948 - 8830 voice ( 650 ) 948 - 8850 fax ( 650 ) 218 - 3069 cellular give the phones a week or so to get "" debugged "" and then switch over . dale",0 +"Subject: ne gov . johanns mtg vince , fyi on nebraska , this note i recently sent to maureen . - - - - - - - - - - - - - - - - - - - - - - forwarded by rob wilson / et & s / enron on 03 / 16 / 2000 02 : 31 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : rob wilson 03 / 07 / 2000 03 : 19 pm to : maureen raymond / hou / ect @ ect cc : beth jensen / npng / enron @ enron , mike mcgowan / et & s / enron @ enron , dee svatos / npng / enron @ enron , julie mccoy / et & s / enron @ enron , virginia o ' neill / et & s / enron @ enron subject : ne gov . johanns mtg maureen , the energy ceo roundtable hosted by gov . johanns has been scheduled for april 20 th 10 a . m . - 2 p . m . does this date work for you ? as we have discussed , your presentation would provide the governor and his guests with a national / global perspective on pricing trends for natural gas , electricity and oil and their impact on agricultural production costs . we may also include a hedging presentation , but have not committed to do so yet . your presentation would be scheduled at the start of the meeting , w / an anticipated length of twenty minutes . a university of ne ag economist will provide a state perspective for the group . following the conclusion of both presentations time would be allotted for questions . we expect approximately 20 people to attend the roundtable .",0 +"Subject: the delivery of the equipment you ordered is scheduled . - - - automatic notification system ( request # : ecth - 4 rstt 6 ) requested for : vince j kaminski requested by : shirley crenshaw your order ( see below ) has been assigned to felix buitron . technician will contact you for information and delivery time . please contact the technician if you have any question . en 6600 128 mb installed in desktop en 6600 desktop p 3 - 600 10 gb 64 mb 32 x nt 4 . 0 en 6600 128 mb installed in desktop",0 +"Subject: hello hello , vince . i haven ' t heard from you in a while . we have a new issue monthly pay agency this morning . here it is : issuer : fed . national mortg . assoc . term : 5 yr final , non call 1 year coupon : 7 . 26 % maturity : 3 / 14 / 2005 callable : 3 / 14 / 2001 @ par interest : monthly starting on 4 / 14 / 2000 rating : aaa ( moodys ) this new issue won ' t be in long . no cost or commission to buy . give me a call . david c . walkup financial consultant 713 - 658 - 1685 800 - 456 - 9712 caution : electronic mail sent through the internet is not secure and could be intercepted by a third party . for your protection , avoid sending identifying information , such as account , social security or card numbers to us or others . further , do not send time - sensitive , action - oriented messages , such as transaction orders , fund transfer instructions , or check stop payments , as it is our policy not to accept such items electronicall",0 +"Subject: re : managing energy price risk articles ross , i shall call risk on thursday . vince shirley , please , remind me about it . from : ross prevatt 05 / 23 / 2000 12 : 19 pm to : vince j kaminski / hou / ect @ ect cc : subject : managing energy price risk articles hi vince , i have a quick question for you . the eol folks want to put a couple of articles from the risk book ( managing energy price risk ) on the internet . i told them that would be a copywrite violation . is there someone at risk they could call to get permission for this , or is it even worth calling ? thanks ross",0 +"Subject: re : times 2 filing units pat : out co # is 0413 , rc # is 107043 . please deliver them to eb 19 c 2 . also , please let me know when they are going to be delivered as we have to unload the lateral file cabinets that are currently in that room . will the men who deliver the times 2 units remove the lateral files ? thanks . anita",0 +"Subject: re : howard confirmation jeff , i cannot interview howard on tue ( business trip ) . i think the organization is very interested in him . i don ' t know what "" illicts your attention "" means . vince "" $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ "" on 02 / 16 / 2001 03 : 02 : 36 pm please respond to "" $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ "" to : vince . j . kaminski @ enron . com cc : subject : howard confirmation hi vince , i ' m on vacation from friday ( today ) until tuesday . rachel / london sent me this confirmation last night and think it illicts your attention - did they get it right to meet you satisfaction ? i hope your interview goes well with howard too . it ' s all set . any feedback on the guys from ford credit and citigroup / oxford university ? i own them outright - no other firms involved ! fyi : my fees are always much less on these candidates ( exclusive ownership by myself ) as there are no middlemen involved from these "" other firms "" . i luckily have been attracting very talented candidates with just doing business "" as myself "" rather than mri . i am very encouraged . please check them out , vince . . . as you know - i always send you them first then on to my other clients - if you reject them . bye vince , thank you for the business ! jeff ps - use my cellphone if you want me ( the next 4 days ) for anything ; i ' m here for you - 949 813 2241 candidate ' s name : howard haughton date of interview : tuesday 20 february 2001 time of interview : 2 . 00 pm interviewers : david weekes enron credit sales & marketing mark leahy enron credit sales & marketing bryan seyfried enron credit executive markus fiala enron credit trading robina barker - bennett enron credit syndication ted murphy executive rac each interview will be approximately 45 minutes . address : 40 grosvenor place london swlx 7 en switchboard : 020 7783 - 0000 closest tube / train station : victoria to ask for : david weekes at main reception location map attached ( see attached file : location map . pdf ) i will take this as confirmed unless i hear otherwise from you . if you would like to discuss this please contact me on 020 7783 5677 . regards rachel quirke human resources * get free , secure online email at http : / / www . ziplip . com / *",0 +"Subject: re : hello sounds great - - i ' ll coordinate with shirley . jacob was very excited about his prior meeting with you and the group . molly - - - - - original message - - - - - from : kaminski , vince sent : tuesday , may 01 , 2001 4 : 42 pm to : magee , molly cc : kaminski , vince ; krishnarao , pinnamaneni ; watson , kimberly subject : re : hello molly , kim watson would like us to bring jacob for another interview . we can do it later this week . vince vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 01 / 2001 02 : 22 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : kimberly watson / enron @ enronxgate on 05 / 01 / 2001 09 : 17 am to : vince j kaminski / hou / ect @ ect cc : subject : re : hello hi vince , if you are still interested in bringing back this gentleman back for another interview , i would very much like to meet with him . sean talked with him when you brought him in a few weeks ago and he thought it would be a good idea for me to meet with him so we can compare thoughts . thanks , kim . - - - - - original message - - - - - from : kaminski , vince sent : monday , april 16 , 2001 1 : 21 pm to : watson , kimberly cc : krishnarao , pinnamaneni ; kaminski , vince subject : re : hello kim , this is a letter from one of the job applicants who works for pros . it seems that the system they develop for williams is more a scheduling system . would you like to ask him to come back for another interview , to get more information out of him ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 16 / 2001 01 : 18 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - > "" jacob y . kang "" on 04 / 11 / 2001 11 : 18 : 44 pm to : vince . j . kaminski @ enron . com cc : subject : re : hello dear vince : it was so nice meeting and talking with you too . i did not take any pen back , i lost my pen too somewhere in enron . as i mentioned to you , after i got my ph . d in 1999 , i have been working two years as lead scientist and science manager in energy division at pros revenue management inc . in houston . i developed and implemented the mathematical models for trading optimization system and firm transportation optimization system . the trading optimization system becomes the most popular product in the industry this year . duke energy just signed the contract to buy this product yesterday . conoco and williams also signed the contracts for it . according to pros sales department , the potential marketer to buy this product exceeds 15 companies in one or two years . enron is the ideal place for me to continue my research and system developing efforts to combine revenue management with risk management . i am confident that i can make significant contributions to enron in this area . i would like to thank you again for giving me this opportunity to come to enron for this interview . i am looking forward to having the opportunity to work in enron . sincerely yours jacob - - - vince . j . kaminski @ enron . com wrote : > jacob , > > it was nice meeting you . did take by any chance > my pen ? if not , i apologize . > > vince > do you yahoo ! ? get email at your own domain with yahoo ! mail . http : / / personal . mail . yahoo . com /",0 +"Subject: thanks dear mr . kaminski : thank you very much for the interview today . it was a great opportunity for me to learn more about your company , and my pleasure to speak with you . i feel that the position is very interesting and challenging . i am confident that i can make solid contributions to the company with my background and the training received from the mscf program . thanks again , and i am looking forward to hearing from you soon . sincerely , hao peng",0 +"Subject: re : new color printer monday will be perfect ! location - ebl 944 b r . c . 0011 co . # 100038 thanks kevin moore - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 12 / 14 / 99 10 : 44 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron technology from : lyn malina 12 / 14 / 99 09 : 22 am to : kevin g moore / hou / ect @ ect cc : subject : re : new color printer i will order today for delivery on monday , unless you need faster delivery . please advise co / rd to charge against . thanks lyn kevin g moore 12 / 14 / 99 09 : 21 am to : lyn malina / hou / ect @ ect cc : subject : re : new color printer - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 12 / 14 / 99 09 : 17 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 12 / 14 / 99 08 : 13 am to : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : subject : re : new color printer yes ! right away , please also let me know the e . t . a . thanks , lyn kevin moore",0 +"Subject: power 2000 to all whom it may concern : i would like to register my associate zimin lu as my guest at power 2000 conference in houston in may . thanks . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 17 / 2000 08 : 04 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 02 / 16 / 2000 12 : 58 pm to : vince j kaminski / hou / ect @ ect cc : zimin lu / hou / ect @ ect subject : power 2000 vince : i tried to register zimin and they said that you would have to do it - since you are the speaker and the spot is your free spot . you can email them the information . they will need : name : zimin lu title : director company : enron corp . address : 1400 smith street ebl 967 phone : 713 - 853 - 6388 conference name : power 2000 - houston , tx - may 9 & 10 , 2000 email the information to : conf @ risk . co . uk thanks ! shirley 3 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 02 / 16 / 2000 12 : 54 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 02 / 15 / 2000 02 : 22 pm to : shirley crenshaw / hou / ect @ ect cc : subject : power 2000 shirely , could you register me for the power 2000 conference in houston as vince ' s guest ? since vince is a speaker , i can attend for free . zimin to : zimin lu / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : power 2000 zimin , you are the lst . feel free to register as my guest . vince zimin lu 02 / 14 / 2000 02 : 59 pm to : vince j kaminski / hou / ect @ ect cc : subject : power 2000 vince , could you take me as your guest for the power 2000 conference if no one has asked already ? there are a few interesting topics i would like to hear . zimin",0 +"Subject: re : new lacima publication fiona , yes , this is correct . please , use vincent rather than vince . i used my full name on other publications . vince "" fiona j sperryn "" on 10 / 12 / 2000 10 : 34 : 42 am to : cc : subject : new lacima publication ? dear vince ? lacima are pleased to announce the publication in october of their new book ' energy derivatives - pricing and risk management ' by les clewlow and chris strickland . please could you confirm that the address below is correct ? so that we can send out a copy to you . ? vince kaminski enron corp 1400 smith street  ) ebl 962 houston , tx 77002",0 +"Subject: fw : opportunities dear sir : i have attached my resume for your review . i have meetings from 8 - 9 , and 10 - 2 tomorrow . when would it be best for me to call you ? cordially , gerry - - - - - original message - - - - - from : lloyd . will @ enron . com [ mailto : lloyd . will @ enron . com ] sent : wednesday , october 25 , 2000 12 : 12 pm to : vince . j . kaminski @ enron . com cc : gsheble @ iastate . edu subject : re : opportunities thanks vince . i have contacted him and have given him your phone number . he will attempt to contact you thursady or friday . good luck . vince j kaminski 10 / 24 / 2000 03 : 59 pm to : lloyd will / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : opportunities ( document link : lloyd will ) lloyd , yes , i would be very interested . vince lloyd will 10 / 24 / 2000 02 : 45 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : opportunities vince would you be interested in this professional . i would be glad to facilitate a conference call . thanks . - - - - - - - - - - - - - - - - - - - - - - forwarded by lloyd will / hou / ect on 10 / 24 / 2000 02 : 43 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" sheble , g . b . "" on 10 / 17 / 2000 04 : 52 : 57 pm to : "" ' lloyd . will @ enron . com ' "" cc : subject : re : opportunities loyd i tried to call yesterday , but you were out of the office . my schedule follows , would you want to pick a time for me to call you or send me a list of times to pick ? gerry fall 2000 teaching schedule ee 553 mtwr 10 - 11 am curtis hall 308 engr 161 mw 2 - 4 howe hall 2228 other commitments m 11 - 12 ep & es m 1 - 2 office hours t 12 - 2 ep & es seminar t 2 - 3 office hours t 3 - 4 pserc t 5 - 6 epri - dod w 11 - 12 office hours w 4 - 9 dsm r 11 - 12 office hours f 11 - 12 p & t f 1 - 3 cas f 3 - 4 departmental meeting - - - - - original message - - - - - from : lloyd . will @ enron . com [ mailto : lloyd . will @ enron . com ] sent : monday , october 16 , 2000 8 : 00 am to : sheble , g . b . subject : re : opportunities give me a call any time to discuss things . 713 - 853 - 3383 . thanks . "" sheble , g . b . "" on 10 / 15 / 2000 02 : 17 : 02 pm to : lloyd will / hou / ect @ ect cc : subject : re : opportunities lloyd i am attaching another resume for your review , please pass it along if there is any interest . i would also like to discuss opportunities with you as i expect to graduate with my mba summer 2001 . cordially , gerry = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = gerald b . shebl , professor , electrical and computer engineering director of complex adaptive systems program 1115 coover hall ames , iowa 50011 voice : 515 . 294 . 3046 fax : 515 . 294 . 4263 email : gsheble @ iastate . edu web : http : / / www . ee . iastate . edu / ~ sheble / = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = - short _ resume . doc",0 +"Subject: re : summer internship position ravi , charlene wants the entire batch of potential summer intern resumes sent to her in one step . i want to complete this by friday . catch me after lunch to talk about it . vince ravi thuraisingham @ enron communications on 02 / 17 / 2000 10 : 11 : 36 am to : vince kaminski cc : april hodgson / enron communications @ enron communications , matt harris / enron communications @ enron communications , stinson gibner / hou / ect @ ect , charlene jackson @ enron , celeste roberts / hou / ect @ ect subject : re : summer internship position hi vince , paulo oleira ( one of the m . i . t attending our meeting on wed ) ' s research interest turned out to be a match for april hodgeson ( vp of content origination ) . i had him talk to april ( stinson was on the call as well ) to discuss his research interest and what he would likely to do for april . i suggested ( and april agrees ) that paulo would intern with her and matt and perform research on how end users ( consumers and business ) improved experience with epowered content can be quantified . this may include performing control experiments at m . i . t . we decided not to over specify what he would do since it is likely to change as soon as he arrives . i suggested once he starts , he will work with april and matt harris ( vp enterprise origination ) and they will define what the student needs to complete for the internship . addiontionally , tom gros agrees that this type of research are needed and this is a great way to start . i will proceed to have recruiting contact the student with an offer to start around may 22 , 2000 unless someone tells me otherwise . regards , ravi . p . s . charlene , please include paulo in your may 22 , 2000 start group . paulo will report to me within ebs research group but will work on a day - to - day basis with april and matt . as you ' ve mentioned that compensation is somewhat fixed but please keep in mind that this person is a phd candidate with very specialized skill set . please contact vince before extending an offer that may be too low , etc . - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 17 / 00 09 : 27 am - - - - - charlene jackson @ enron 02 / 17 / 00 08 : 25 am to : vince j kaminski / hou / ect @ ect cc : celeste roberts / hou / ect @ ect , vince j kaminski / hou / ect @ ect , ravi thuraisingham / enron communications @ enron communications @ ect subject : re : summer internship position celeste , we need to make sure that the interns in vince ' s group are coordinated and incorporated with the rest of the summer associates . they should be offered the same starting dates , i believe they are may 22 , 2000 june 5 , 2000 . i am not sure about the june date . would you check and let vince know . they should also be offered the same starting salary package as the others . they will be included in training ( a few days ) and any other events we host . thanks",0 +"Subject: the impact of ecuador ' s heavy crude pipeline : prospects for capacity - cera conference call & web presentation title : the impact of ecuador ' s heavy crude pipeline : prospects for capacity url : http : / / www 20 . cera . com / eprofile ? u = 35 & m = 2293 now available : a prerecorded cera conference call me & event = w 520557 hosted by premiere conferencing presented by dr . rene ortiz , lisa pearl , alberto bullrich * * end * * follow above url to gain access to the recording of the conference call and web presentation . e - mail category : conference call & web presentation cera knowledge area ( s ) : latin american energy , to make changes to your cera . com account go to : forgot your username and password ? go to : http : / / www 20 . cera . com / client / forgot this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www 20 . cera . com / tos questions / comments : webmaster @ cera . com copyright 2001 . cambridge energy research associates",0 +"Subject: anshuman shrivastava sandeep : vince has asked me to coordinate with margaret daffin in our international group to ensure that we acquire an ll visa for anshuman . this visa has to be in place before he will be able to work in the united states in any capacity . ( anshuman cannot work in the us on a b - 1 visa - - he can only come here for business meetings or training . ) there are still several items remaining to be completed for the l - 1 process . the first is a fairly detailed job description for anshuman . secondly , we will need to know whether or not he will either be in a managerial position or whether he will be managing a project while he is here in houston . vince thought that you would be best able to provide this information to us , and we would really appreciate anything you can do to help us expedite this process . if you have any questions , please give me a call at x 34804 . thank you for your help . molly magee",0 +"Subject: re : recruiting good afternoon . packing emails - - its just my style : ) currently , it is my understanding that we would like to interview the comp . fin . students during the same period that we interview the mba ' s . tentatively speaking , one schedule should be sufficient . i will attempt to produce an official job description shortly . kristen is out of town for the remainder of the week , so her response to any inquiries may be delayed . her contact info : kristin . gandy @ enron . com 713 345 3214 regarding the satellite program , vince is interested in the ecommerce program . we think that it would be easier to keep the program full as compared to the comp . fin . program . it was a pleasure to be back in pittsburgh and i enjoyed meeting all the students from this year ' s comp . fin . class . i look forward to seeing you in a few weeks . - kevin kindall jean eisel on 11 / 06 / 2000 03 : 34 : 05 pm to : kevin . kindall @ enron . com cc : sgould @ andrew . cmu . edu subject : re : recruiting hi kevin wow you sure do pack one e - mail . i will try to answer questions . . . after each of you . . . look in the email for answers . - - on monday , november 06 , 2000 , 2 : 39 pm - 0600 kevin . kindall @ enron . com wrote : > hello . it was a pleasure to come back to cmu , and i enjoyed > interacting with the students . vince k . has expressed interest in > interviewing the computational finance students . enron will conduct first > round interviews with the mba students in december , and would like to set > up seperate interviews for the comp . fin . students . enron would like to > interview all the pittsburgh based comp . fin students , and we need to > select a date and a time . we are excited that you want to interview the comp finance students . do you want to do it in dec . or before ? let me know what best suits you . since there are only 16 individuals in the pittsburgh area . . . we should be able to accomodate you . . . would you want one or two schedules . . ? what is the formal protocol in such matters ? > all you need to do is let me know some ideal dates . . . and you send a job description and names of the students you want to interview . we will try to be as accomodating as possible . > enron is also interested in the ecommerce students as we have > ecommerce initiatives underway . it is my understanding that kristen > gandy will be the contact for such activities . if you can send me an e - mail address for kristen , i can get this strating asap . > > regarding a houston based satellite program , vince needs a proposal > in writing . would you be so kind as to send one ? what program is vince interested in having a satellite program ? when he was here he seemed less intererted in comp finance and more interested in e - commerce . i sent a note to michael shamos and tridas discussing this . let me know which program and i will see if we can work anything out ? > thanks so much , and i look forward to seeing you again in a few > weeks . > thanks kevin for you speedy response . > > > > jean e . eisel , ph . d . associate dean , admissions , coc and alumni relations gsia carnegie mellon university pittsburgh , pa 15213 412 - 268 - 2277 412 - 268 - 4146 ( fax ) currently in the news : carnegie mellon university mba program ranked 14 th in business week ' s list of the best graduate schools of business in the united states . ",0 +"Subject: re : real options openings ? vince , thanks very much - i ' m looking forward to it , chris at 09 : 25 am 5 / 8 / 00 - 0500 , you wrote : > > chris , > > we shall make arrangements to bring you over for an interview . > our hr department will contact you later this week . > > > vince > > > > > > christopher m kenyon on 05 / 05 / 2000 07 : 56 : 11 am > > to : vkamins @ enron . com > cc : > subject : real options openings ? > > > dear vince kaminski , > i was auditing prof dyer ' s real options class on thursday when you > spoke > on enron ' s activities in this area . i would be interested in exploring the > possibility of joining the group that works on real options in response to > and in anticipation of enron ' s business requirements . i ' m currently > working in the development and application of real options methodology at > schlumberger . in particular i ' ll be speaking at an industry real options > valuation conference in london ( http : / / www . iqpc . co . uk / finance / rov / ) and i > just had the paper accepted for publication in operations research . could > you pass my resume on to the relevant people to have a look at ? > > thanks in advance , > > chris kenyon > > ( see attached file : cmkenyon _ cv _ mayo 0 . doc ) > > > > > > attachment converted : "" c : \ eudora \ attach \ cmkenyon _ cv _ mayo 01 . doc "" >",0 +"Subject: internship opportunity dear mr . kaminski , it was very nice to talk with you saturday morning during the "" voleyball event "" . thanks a lot for offering your help in passing my resume to the enrononline business people . i am very excited about the possibility of being part of the team involved with e - commerce at enron . please find my resume and cover letter attached . hope you have a good trip to california next week ! thanks a lot carla di castro ( paulo issler ' s spouse ) - cover letter - enron . doc - resumenovo . doc carla di castro phone ( 281 ) 565 - 4283 pager ( 281 ) 527 - 6073",0 +"Subject: note from maureen vince , maureen asked me to pass along her message that the meeting with brook / hunt went very well today . she said this firm is top - notch and very thorough . she will contact you tomorrow after her speech on metals is over ( planned for the lunch hour ) . gwyn",0 +"Subject: re : clustering for gas and power frank , following up on our discussions , can you please send us the list of enron ' s curves by geographical region separately for gas and power . appreciate it , tanya . tanya tamarchenko 04 / 16 / 2001 09 : 16 am to : jaesoo lew / na / enron @ enron cc : vladimir gorny / enron @ enronxgate , winston jia / enron @ enronxgate , vince j kaminski / hou / ect @ ect subject : re : clustering for power jaesoo , as we discussed last week on wednesday meeting can you , please , implement clustering for power curves by geographical region . this involves the following : 1 . deciding together with risk control how many geographical regions we want to use and which enron ' s curves belong to each region . 2 . deciding together with risk control how to choose core curves for each region . this decision can be maid based on the a ) position size ; b ) statistical analysis . there might be other considerations . 3 . doing regression analysis for each curve versus the corresponding core curve . winston , can is it possible to run var for the clustering results obtained by jaesoo with clustering done by sas ? should we wait for the stage re - fresh and what is the status on this ? tanya .",0 +"Subject: re : contact info glenn , please , contact rudi zipter to set up an interview with him and david port . vince "" glenn darrah "" on 04 / 25 / 2001 04 : 27 : 03 pm please respond to gdarrah @ bigfoot . com to : vince . j . kaminski @ enron . com cc : subject : contact info vincent , congratulations on spearheading the mind ' s eye madness event - it looks like quite a success . my biggest disappointment is that i am leaving enron this week and have been too busy to participate as much as i would like . i have had continued interest in the work and presentations that amy oberg has done , so would have really enjoyed the workshop yesterday . i am still considering doing some or all of the motorcade friday , however that may work . separately , thanks for the update in the lobby today on the enterprise risk project . please keep in touch with me . as i mentioned , my redeployment period ends tomorrow ( april 26 ) , but i currently do not have an outside job lined up and still have a lot of interest in the project if something can be worked out over the next few weeks . although he is not in the same group as david port , i have worked a lot with brad larson in the rac underwriting group - he may be a good source of information on me also . contact information : e - mail : gdarrah @ bigfoot . com phone : 713 . 668 . 4277 cell : 713 . 320 . 5615 thanks , glenn darrah get your free download of msn explorer at http : / / explorer . msn . com",0 +"Subject: weijun decided not to interview i guess this means "" back to the drawing board "" . weijun has decided not to interview . lance - - - - - - - - - - - - - - - - - - - - - - forwarded by lance cunningham / na / enron on 04 / 18 / 2001 09 : 40 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" ji , weijun "" on 04 / 18 / 2001 08 : 06 : 44 am to : "" ' lance . cunningham @ enron . com ' "" cc : subject : please call me dear lance , thank you very much for all of your help through this process . at present , i am really tied up with mock market activities in austin energy . it would be inappropriate for me to leave at this time since the whole project will be jeopardized . therefore , i decided not coming to houston for an interview . i sincerely apologize for any inconvenience this may cause you . i do appreciate what you did and hope we can keep in touch in the future . thank you again for your help and wish you best . sincerely , weijun ji",0 +"Subject: improving option valuation precision in erms allan , paulo issler in our group , working with eric moon in structuring , recently tracked down the reason for a slight mis - match in option pricing in erms vs . the structuring spreadsheets . it is due to the fact that the option valuation functions in erms use a slightly less accurate approximation for the cumulative normal distribution . we would be happy to work with the right person to update the erms code in order to close this discrepancy . please let me know how you would like to proceed . if you are not the correct person to address the mainenance of erms , please let me know who to contact . thank you , stinson gibner x 34748",0 +"Subject: re : telephone interview with the enron corp . research group martin : lance will be out of town on the 6 th of december and he suggested that you interview jingming ( marshall ) in his place ( it is a telephone interview ) . can you do that ? thanks ! shirley - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 11 / 29 / 2000 01 : 54 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 11 / 28 / 2000 01 : 32 pm to : "" jingming ' marshall ' yan "" @ enron cc : lance cunningham / na / enron @ enron , alex huang / corp / enron @ enron , vince j kaminski / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect subject : re : telephone interview with the enron corp . research group marshall : thanks for responding so quickly . i have scheduled the following interview : wednesday , december 6 - 1 : 00 pm houston time . it will last approximately 1 hour . we will call you at ( 605 ) 497 - 4045 unless otherwise instructed . if you have any questions , please feel free to contact me at 713 / 853 - 5290 . best regards , shirley crenshaw "" jingming ' marshall ' yan "" on 11 / 28 / 2000 12 : 59 : 55 pm to : shirley . crenshaw @ enron . com cc : vince . j . kaminski @ enron . com subject : re : telephone interview with the enron corp . research group ms . crenshaw , thank you very much for the message . i am very interested in the opportunity to talk to personnel from the research group at enron . between the two days you suggest , i prefer wednesday 12 / 6 . considering the two - hour time difference between california and texas , 11 : 00 am pacific time ( 1 : 00 pm your time ) seems to be a good slot . however , i am open most of the day on 12 / 6 so if some other time slot is prefered on your end , please let me know . thanks again . i look forward to talking to you and your colleagues . jingming on tue , 28 nov 2000 shirley . crenshaw @ enron . com wrote : > good afternoon jingming : > > professor wolak forwarded your resume to the research group , and > they would like to conduct a telephone interview with you , sometime next > week , at your convenience . the best days would be tuesday , 12 / 5 or > wednesday , 12 / 6 . > > please let me know which day and what time would be best for you and > they will call you . let me know the telephone number that you wish to be > contacted at . > > the interviewers would be : > > vince kaminski managing director and head of research > vasant shanbhogue vice president , research > lance cunningham manager , research > alex huang manager , research > > look forward to hearing from you . > > best regards , > > shirley crenshaw > administrative coordinator > enron research group . > 713 - 853 - 5290 > > > jingming "" marshall "" yan jmyan @ leland . stanford . edu department of economics ( 650 ) 497 - 4045 ( h ) stanford university ( 650 ) 725 - 8914 ( o ) stanford , ca 94305 358 c , economics bldg if one seeks to act virtuously and attain it , then what is there to repine about ? - - confucius _ ? oo ? ? ooo ? ? t  xo - ? ? - -  ? ?",0 +"Subject: lance cunningham this offer has been extended . lance want to take a few days to make his decision . he will have a decision by 7 / 6 at 5 p . he ' s going to call me . . . . and i ' ll let you know . thx - - - - - - - - - - - - - - - - - - - - - - forwarded by teresa bien / corp / enron on 06 / 30 / 2000 04 : 10 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : grant masson @ ect 06 / 30 / 2000 11 : 26 am to : vince j kaminski / hou / ect @ ect cc : teresa bien / corp / enron @ enron subject : lance cunningham vince : i have left a message with teresa and have sent the following terse note to lance to let him know that we are moving . as we discussed , i asked teresa to offer 90 k + 10 k signing bonus . regards , grant - - - - - - - - - - - - - - - - - - - - - - forwarded by grant masson / hou / ect on 06 / 30 / 2000 11 : 21 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : grant masson 06 / 30 / 2000 11 : 21 am to : lbcunningham @ mail . utexas . edu cc : subject : enron lance : i am going on vacation tomorrow , but i wanted to get in touch with you before i left . i have asked hr to extend an offer to you . teresa bien should be sending you an offer letter via fedex . of course , with the july 4 th weekend , i ' m not sure when you will get it . if you have questions , i suggest that you call vince kaminski at 713 853 3848 . regards , grant masson .",0 +"Subject: re : paula corey ' s birthday richard , thanks for the invitation . i have already made another commitment but it ' s conditional on a few related events ( friends of friends coming to town ) . if the other event is canceled , i shall be glad to join you . i shall let you know in a few days . vince richard weeks @ enron communications 01 / 16 / 2001 02 : 20 pm to : alaina . metz @ marchfirst . com , anthony mends / enron communications @ enron communications , beth perlman / enron @ enronxgate , elisabeth mends / enron communications @ enron communications , karla feldman / enron communications @ enron communications , marie thibaut / enron communications @ enron communications , renee smith / enron communications @ enron communications , tom sinclair / enron communications @ enron communications , vince j kaminski / hou / ect @ ect cc : subject : paula corey ' s birthday you only thought the festive days were over what a better way to start off the new year than to celebrate our good friend paula corey  , s birthday we will have a little soiree at my house on saturday january 27 th , dinner will be served at 7 : 00 , please feel free to come out as early as you wish ; however if you arrive too early you may be requested to perform some ranch chores . please feel free to bring a spouse or friend if you choose . if you could rsvp by jan 23 rd that would be great . directions to my house are as follows : take i 45 north past the woodlands towards conroe take exit 83 crighton road exit stay on feeder road through stop sign until you get to traffic light ( crighton road ) turn right onto crighton road cross railroad tracks go to 3 rd street , about 1 miles , and turn right , which is the only way you can turn . this is kidd road ; however most of the time the street sign is knocked down . stay on kidd road until it dead ends at stidham and turn left . go to first street ( finnley ) and turn left . go about 1 mile and finnley will dead end . turn left onto deer trail and i will be the first house on the right the address is 13710 deer trail and my house is about 1 / 10 mile off the road . my home number is 936 273 3466 thanks richard weeks richard weeks enron broadband services purchasing processing manager office : 713 - 853 - 6995 cell : 713 - 516 - 2581 email : richard _ weeks @ enron . net",0 +"Subject: re : hari , thanks . please , keep me posted about your progress . any published papers ? we shall send you the printout . vince hari natrajan on 03 / 06 / 2001 08 : 47 : 34 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : dear mr . kaminski , thank you very much for your prompt response . i look forward to receiving a copy of your article . i would also appreciate it if you could let me know whether enron provides research grants to individuals who are working in the area of energy risk management . towards my research , i am trying to develop a model to estimate electricity spot price . in any case , i will be getting in touch with you again a year or so down the line when i am nearing completion of my dissertation because enron is my dream job . i look forward to hearing from you . thank you , yours sincerely , hari natarajan fellowship student indian institute of management bangalore bannerghatta road bangalore 560076 india tel : 91 - 80 - 6993056 fax : 91 - 80 - 6584050 e - mail : hnatraj @ iimb . ernet . in - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : hnatraj @ iimb . ernet . in cc : shirley . crenshaw @ enron . com ; vince . j . kaminski @ enron . com sent : 3 / 6 / 01 8 : 34 pm subject : re : hari , i shall send you a reprint of the article . i had to cancel my presentation at san antonio . vince shirley , please , send a copy of the article to hari . hari natrajan on 02 / 28 / 2001 06 : 45 : 29 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : dear mr . kaminski , i am a doctoral student at the indian institute of management bangalore , india . my area of interest is the energy sector , especially electricity derivatives . i am interested in obtaining a copy of the following items : 1 ) your presentation "" current challenges in modeling power price volatility "" at the session on price volatility & probabilistic methods in the energy markets . ( http : / / www . informs . org / conf / sanantonio 2000 / / talks / md 29 . html ) 2 ) your chapter "" the challenge of pricing and risk managing electricity derivatives "" in the book ' the us power market ' , risk publications . i would appreciate it if you could send me a soft / hard copy of the same . thank you , yours sincerely , hari natarajan fellowship student indian institute of management bangalore bannerghatta road bangalore 560076 india tel : 91 - 80 - 6993056 fax : 91 - 80 - 6584050 e - mail : hnatraj @ iimb . ernet . in",0 +"Subject: april lst party ! this is primarily for enron researchers , psuedo - researchers ( spouses ) , and quasi - researchers ( kids ) . wannabe - researchers will be strictly bounded in number ! hope you can come with your family . please reply asap so we can plan . krishna .",0 +"Subject: your encouragement would be appreciated the gas and power trading organizations have had a tremendous year . sometimes we as traders forget some of the crucial parts of the organization that significantly contributed to that success . i believe the weather group comprised of mike robert ' s , jose marquez , stephen bennett and dave ryan from power are one of those groups . these individuals have done a tremendous job of predicting summer weather along with the route hurricanes would take . the greatest achievement has been the november and december winter forecast . they held fast to their cold forecast even when outside services were moderating . on a score card with all other services they definitely deserve an "" a + "" . when you are down on the 32 nd floor it would be nice if you would stop and congratulate them on a tremendous job and their contribution to our success . thanks , jim schwieger",0 +"Subject: 1 - urgent - outlook email notification ( new ) outlook email notification your date of migration is : may 7 th you will be unable to send e - mail unless you take the following action : please go through your notes email and clean out as many old / un - needed email items as possible before your date of migration . ? after you are migrated to outlook you will only be allocated 100 mb of total mailbox space . ? ? if more than this amount of data is migrated to outlook you will not be able to send e - mail until it is below the 100 mb limit . ? cleaning up your notes email now will prevent this from happening to you . enron  , s messaging platform is migrating from lotus notes to microsoft outlook 2000 worldwide . you will be accessing outlook for all of your email functions . why is enron migrating to outlook 2000 ? many factors contributed to the decision to migrate from lotus notes to microsoft exchange / outlook . the most prominent factors were : ? significant advantages to moving to a product that is more integrated with current enron apps ( windows 2000 , office and internet explorer ) ? more efficient shared pc and roaming user features ? improved support and integration for palm / ce devices ? instant messaging capabilities what is being migrated to outlook 2000 ? ? email messages . from the date of your scheduled migration , the last ( 30 ) thirty days of your email will be converted for use in outlook . ? all your folders in notes you use to store email messages in . ? to do items ? journal items ? calendar entries dating from ( 1 ) one year in the past to ( 10 ) ten years in the future will be converted . ? address books , but not your distribution lists that you created . you will need to re - create these in outlook . thank you , outlook 2000 migration team",0 +"Subject: re : looking for "" fat tails "" in time - series for ngi - socal naveen , i got ngi - socal prices for prompt , prompt + 1 , . . . , prompt + 59 contracts . for each contract i calculated moving average based on 21 log - returns as well as moving volatility . then i calculated normalized log - returns : [ return ( t ) - ave ( t ) ] / vol ( t ) and compared the results to normal distribution . i could not find fat tails ! volatility changes a lot from day to day , so when people look at log - returns ( not normalized ) it seems that there fat tails ( big spikes , large returns more frequent than normal ) , which comes from the fact that volatility is not constant ( at all ) . see the spreadsheet is under o : \ _ dropbox \ tanya tanya",0 +"Subject: re : hi : thanks vince : could you give me mike roberts contact information . zeigham zeigham khokher doctoral candidate finance university of texas at austin zkhokher @ mail . utexas . edu 512 - 695 - 7164 ( cell ) - - - - - original message - - - - - from : to : cc : sent : friday , september 29 , 2000 3 : 33 pm subject : re : hi : zeigham , mike roberts from my group will help you . vince on 09 / 22 / 2000 07 : 14 : 37 pm to : cc : subject : hi : hi vince : this zeigham khokher at the university of texas at austin , finance department . i need some publicly available data that unfortunately is not available here . it is basically the historical prices for price of oil , gas and gold futures contracts and options . again the data is strictly public info and not proprietary at all . let me know if there is a central data person at enron who would be able to help . all help will be of course gratefully acknowledged . hope all is well , i hear you will be giving a talk at ut this fall and look forward to seeing you then . regards zeigham",0 +"Subject: re : please find home for brainful candidate shirley , please , arrange a phone interview . zimin , stinson , and myself . he may be a good candidate for tanya . vince stinson gibner 07 / 20 / 2000 11 : 16 am to : pinnamaneni krishnarao / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : please find home for brainful candidate any interest ? - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 07 / 20 / 2000 11 : 15 am - - - - - - - - - - - - - - - - - - - - - - - - - - - stephanie miller @ enron 07 / 20 / 2000 10 : 49 am to : stinson gibner / hou / ect @ ect , joe williamson / gco / enron @ enron cc : subject : please find home for brainful candidate attached for your review is a resume a friend of mine came across . thought you might want to review . regards , stephanie - - - - - - - - - - - - - - - - - - - - - - forwarded by stephanie miller / corp / enron on 07 / 20 / 2000 11 : 40 am - - - - - - - - - - - - - - - - - - - - - - - - - - - debbie chance 07 / 20 / 2000 09 : 42 am to : stephanie miller / corp / enron @ enron cc : subject : please find home for brainful candidate stephanie , came by way of friend of a friend - looks very good on paper . he has identified an interest in the following jobs that were posted in the net . you know everyone here - could you identifiy the appropriate people to call attention to this candidate ? resume attached below . thanks , dc 1 . economic advisor contact : respond to enron corp , human resources 235 , p . o . box 3330 , omaha , ne 68103 - 0330 or e - mail : dea . crum @ enron . com as a . doc or . txt attachment . please include this requisition number : 104776 | | | | job id | 0000104776 | | | | | | | | department | systems optimization team | | | | | | | | company | gas pipeline group | | | gas pipeline group | | | | 2 . manager contact : please do not contact the hiring manager . no faxes please . send resumes via e - mail to tony . vasut @ enron . com or mail to enron , attn : tvasut - eb 3628 , 1400 smith st . , houston , tx 77002 . please refer to job # 104486 ( embedded image moved to file : pico 4224 . pcx ) | | | | job id | 0000104486 | | | | | | | | department | trade credit | | | | | | | | company | corporate staff | | | risk assessment and control | | | | 3 . manager contact : to submit resume for consideration , please e - mail it to bholcomb @ enron . com if possible . plain text in the message or an attached word . doc are acceptable . please use no columns , italics or underlines . if unable to email , bholcomb @ enron . com , fax it to ( 713 ) 646 - 2169 , attn : ebl 013 a or mail it to b . holcomb , ebl 013 a , p . o . box 1188 , houston , tx . 77251 - 1188 | | | | job id | 0000104778 | | | | | | | | department | asset operations & svcs | | | | | | | | company | wholesale , retail & comm | | | enron energy services | | | | 4 . gas trading support generalist contact : please email resume to mark . broadfoot @ enron . com or if email is unavailable , respond to mark broadfoot eb 3617 a . reference job id # 0000104730 in email subject . resumes not accepted from agents . global technology hot job ( embedded image moved to file : picl 9645 . pcx ) | | | | job id | 0000104730 | | | | | | | | department | infrastructure & integrat | | | | | | | | company | global functions | | | technology | | | | 5 . risk management analyst contact : to be considered for this position , please e - mail your resume as a . doc or . txt attachment with your salary history to enajobs 4 @ enron . com . ( please eliminates italics , underlining , multiple margins or side - by - side columns . ) please indicate on the email subject line your name and the job id # . resumes with salary history will receive priority review . | | | | job id | 0000104631 | | | | | | | | department | global facilities | | | | | | | | company | wholesale , retail & comm | | | north america | | | | ",0 +"Subject: an interesting resume i shall interview this candidate next week ( a very preliminary interview ) to evaluate his potential and determine if he fits enron ' s culture . do you see a need for a person with his skills in your area ( litigation support ) ? vince",0 +"Subject: re : i ' ll be gone for a month sofya : sounds like fun - be careful and have a great time . we will see you when you return on the 31 st . shirley sofya tamarchenko @ enron 06 / 27 / 2000 11 : 23 am to : shirley crenshaw / hou / ect @ ect , grant masson / hou / ect @ ect , maureen raymond / hou / ect @ ect cc : subject : i ' ll be gone for a month good morning : i am leaving houston this weekend to go to camp , so friday june 30 will be my last day . i will be at camp for a month , but i can be back at work on monday july 31 .",0 +"Subject: re : generation earnings model michelle , i agree with you that we need to run at least 500 iterations . but i did not realize that it took 16 hours to run 100 iterations . helen and i talked earlier about using parallel computing technique to split the algorithm into smaller parts and run the parts separately on different processors , then aggregate the results . this procedure makes better use of computer power and saves time . looks like we have to do it this way now . buying a more powerful computer helps but does not solve the problem . in addition , we might want to re - consider if writing the code in vb is optimal . i was assured at the very beginning that vb runs as fast ( if not faster ) as c , but some re - assurance from it group on this issue is helpful . best , alex from : michelle d cisneros @ ect 04 / 09 / 2001 02 : 52 pm to : alex huang / corp / enron @ enron cc : gary hickerson , danielle romain subject : generation earnings model hi alex - danielle and i were talking to david m . today regarding running the model for purposes of back testing the results . last week we ran calpine using 46 days of historical forward price data at 10 and 100 iterations . the 100 iteration run took 16 hours to run . to run all 20 companies with the 46 days worth of data and at 100 iterations is estimated to take about 28 days . we are concerned that 100 iterations will not be sufficient and will need to be increased to at least 500 iterations . we are thinking that we need to use a server or something much more powerful than the test computer we have been using . do you have any suggestions as to how we can improve the process ? thanks , michelle x 35435 hi alex - danielle and i were talking to david m . today regarding running the model for purposes of back testing the results . last week we ran calpine using 46 days of historical forward price data at 10 and 100 iterations . the 100 iteration run took 16 hours to run . to run all 20 companies with the 46 days worth of data and at 100 iterations is estimated to take about 28 days . we are concerned that 100 iterations will not be sufficient and will need to be increased to at least 500 iterations . we are thinking that we need to use a server or something much more powerful than the test computer we have been using . do you have any suggestions as to how we can improve the process ? thanks , michelle x 35435",0 +"Subject: re : willow and pathstar evaluations ok - thanks . - - - - - original message - - - - - from : to : "" mike curran "" cc : ; sent : monday , april 30 , 2001 11 : 34 pm subject : re : willow and pathstar evaluations > > mike , > > we are short manpower in london . we shall try to > evaluate the software in houston . > > vince > > > > > > "" mike curran "" on 04 / 24 / 2001 10 : 03 : 24 am > > please respond to "" mike curran "" > > to : > cc : > subject : willow and pathstar evaluations > > > > hi vince - > > hope all is well with you . > > sharad hasn ' t had time to evaluate our willow tree or monte carlo software > since the middle of last year . is there somebody else that could do it ? > > please let me know who i should send the evaluation to . > > best regards , > > michael curran > ceo > quantin ' leap limited > piercy house > 7 copthall avenue > london ec 2 r 7 nj > > tel : + 44 ( 0 ) 20 7562 3450 > fax : + 44 ( 0 ) 20 7562 3411 > > mailto : mcurran @ quantinleap . com > > http : / / www . quantinleap . com > > > > > > > > > > >",0 +"Subject: re : short - sell vs exercise chonawee , as i have pointed out , short - selling the stock may be a bad decision because of tax implications ( ignoring the legal aspects ) . suppose the strike is $ 70 and you were granted an atm option . you sell short at $ 70 ten lots ( one lot = 100 shares ) . the price goes to $ 100 . you lose $ 30 x 1000 = $ 30 , 000 on your short position . option exercise gives you $ 30 , 000 . this is before taxes . you pay taxes on your option income ( it ' s treated as ordinary income ) . the tax is 28 % x $ 30 , 000 = $ 8 , 400 . you can use only $ 3 , 000 of your loss against ordinary income . this saves you only $ 840 in taxes . of course , if you have capital gains , you can use losses on your option position as an offset . the remaining part of your capital loss is carried forward and you get the tax benefits over time ( less the time value of money ) , assuming you have income in the future ( or capital gains ) . not so good . by the way , valuation and optimal exercise of employee stock options is a very interesting and difficult problem . vince chonawee supatgiat @ enron 07 / 10 / 2000 11 : 40 am to : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect cc : subject : short - sell vs exercise below is my writing that was originally planned to post somewhere . it explains how to handle a special type of call options which can be exercised but cannot be sold . ( as we know that it is never optimal to exercise a call option before its maturity ) . however , after taking vince ' s comments on the ordinary income / capital loss tax offsetting issue , i think this is not a good article anymore . i guess i could just throw this article away . : - ) - chonawee short - selling is better than exercising your employee stock options in general , the sensible time to exercise your employee stock option is when you speculate that ene is going down or its growth rate is extremely low . in fact , when exercising the options , you are speculating that ene would never reach this point ( plus interest ) again during the 10 years maturity date or until you leave the company . if you do not anticipate that , you should hold on to your options because you can gain higher profit by delaying your exercise . however , if you believe that ene is reaching its peak . then , instead of exercising the options , you should short - sell ( or sell ) the stocks in that amount . after short - selling , when you feel that the stock starts to go up , you can buy them back ( to cover ) , make profit , and still keep the options . on the other hand , if the stock does not go down as expect , you can exercise the options to cover your short position anytime . let us take a look at a simple case where there are no taxes , no dividends , and zero risk - free rate . suppose that ene follows a simple sample path as follow if you exercise 100 ene options with a grant price of 45 when ene reaches 70 , you would earn ( 70 - 45 ) * 100 = $ 2 , 500 . but if you short sell 100 ene at 70 , no matter how much ene is in the future , you can exercise the options to cover the short position and still earn ( 70 - 45 ) * 100 = $ 2 , 500 . the advantage of short - selling comes when ene at the period 2 is 60 . at this point , you can cover your short position , get ( 70 - 60 ) * 100 = $ 1 , 000 , and still keep your options or you can exercise the options and gain $ 2 , 500 . that is , you still keep the flexibility of your options when you short - sell . in conclusion , the only sensible time to exercise your employee stock options is to cover your short position .",0 +"Subject: us news archive @ ft . com reliable country intelligence for a challenging world with country reports supporting your decisions , you  ' re working with the best source of country intelligence available . turn to the economist intelligence unit at : http : / / store . eiu . com dear ft . com user ft . com  ' s global archive can provide the answer to a multitude of business queries : * access information from more than 1 , 200 us business news publications * simultaneously search multiple sources e . g . business and industry papers , business wire , and the pr newswire - usa . * obtain a global view by searching across more than 6 million articles worldwide . with a variety of search options and powerful software , you will be able to find the information you need in no time at all . for the definitive answer to your business - related query , visit and bookmark this page : rch . jsp regards , ft . com why not forward this e - mail to a friend or colleague who may find this information useful ? if you no longer wish to receive further e - mails from us please send an e - mail to ft . com . unsubscribe @ newsbyemail . ft . com with the single word "" unsubscribe "" as the subject of the message . your name will then be removed from our mailing list . if you have forgotten your password for ft . com simply visit ",0 +"Subject: re : durasoft - - java class siva , i will have to check and see if we can accomodate a 5 day 8 to 5 class . also , president ' s day is a holiday for us , so we may have to look at a later date . - - stinson "" siva thiagarajan "" on 01 / 29 / 2001 08 : 51 : 02 am to : cc : subject : re : durasoft - - java class stinson , i have attached a file along with this email that lists the software needed for our java class . we would like to do the class from monday thru friday , 8 am to 5 pm . that way we can complete the class within a week . we are unable to offer classes in the evenings or for few hours a week . we usually teach week long courses for our other clients and because of that we won ' t be available . currently , we can do the class from feb . 19 th through feb . 23 ( that is if you are working on feb 19 th , president ' s day ) . i will call you sometime this afternoon to talk further . please feel free to reach me if you have any further questions in the mean time . regards , - siva - - - - - original message - - - - - from : stinson . gibner @ enron . com to : siva @ durasoftcorp . com date : friday , january 26 , 2001 5 : 52 pm subject : re : durasoft - - java class > > siva , > > a few additional questions . can you tell me what software would be > required for the students ? also , when would venkat be available to start > the class and what type of schedule would you recommend ? would having two > hour classes twice a week from , say , 4 - 6 pm work ? we have a high level of > interest and just need to iron out the details . feel free to call me > ( late afternoon on monday might be best ) at 713 853 4748 or email . > > - - stinson > > > - javasoftwareneeds . htm",0 +"Subject: re : asian option for pavel stinson , let ' s talk about it . it seems like an open personality clash developing for the first time in the history of the group . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 02 / 2001 03 : 12 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - zimin lu 05 / 02 / 2001 01 : 41 pm to : paulo issler / hou / ect @ ect cc : ( bcc : vince j kaminski / hou / ect ) subject : re : asian option for pavel our convention is whoever finalizes the model should write the documentation . it does not make sense to write one when changes are anticipated . you have been working on this almost a year , it never strikes you that we need a documentation ? i created exotica . xll , does that also give you an excuse not working on exotica documentation ? zimin paulo issler 05 / 02 / 2001 11 : 52 am to : zimin lu / hou / ect @ ect cc : tai woo / enron @ enronxgate @ enron , pavel zadorozhny / enron @ enronxgate subject : re : asian option for pavel i am surprised that we do not have the documentation ready . i can make that for you . it is not there because you did not put that together by the time it was created and all the changes i have made did not required changes on the functionality . paulo issler zimin lu 05 / 02 / 2001 11 : 29 am to : tai woo / enron @ enronxgate @ enron , paulo issler / hou / ect @ ect cc : pavel zadorozhny / enron @ enronxgate subject : re : asian option for pavel tai woo , here are the c - codes for the crudeapo . ' sig ' is the spot volatility meaning the price volatility within the delivery period . you should consult with pavel for the definition of this "" extra "" parameters . we would like to see the position monitor once you get it running . we might have some additional suggestions . paulo , why don ' t we have a documentation on crudeapo you worked on ? i can not find it in exotica help file . please supply that to tai , thanks . - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - from : tai woo / enron @ enronxgate on 05 / 02 / 2001 09 : 55 am to : paulo issler / hou / ect @ ect cc : kara maloney / enron @ enronxgate , zimin lu / hou / ect @ ect subject : asian option for pavel this morning , zimin told me that pavel is using a special model in evaluating his asian option portfolio . he asked me to talk to you in order to access to the code so that i can see the difference made to the model . as i cannot find the doc . describing this model , please tell me what that new input parameter ' sig ' is . thanks , ",0 +"Subject: rice / enron finance seminar series jones graduate school research seminar series in finance sponsored by enron capital and trade resources paolo fulghieri insead will give a seminar at the jones school on monday , january 31 , "" information production , dilution costs , and optimal security design "" the seminar will begin at 4 : 00 in room 115 . please e - mail me if you would like an advance copy of the paper . stay tuned for an update of the spring seminar series schedule . bbo",0 +"Subject: re : mgmt 656 ( rice university ) this list is just a basic excel document with names , id ' s and e - mail addresses . - pam ( 713 - 348 - 6223 ) at 03 : 36 pm 1 / 17 / 01 - 0600 , you wrote : > pam , > > thanks . the list of e - mail addresses would be useful as well . > > vince > > > > > > pamela vande krol castro on 01 / 17 / 2001 03 : 05 : 01 pm > > to : vince . j . kaminski @ enron . com > cc : > subject : mgmt 656 ( rice university ) > > > here are your rosters for mgmt 656 . let me know if you need a list of > e - mail addresses as well . i will update you as student schedules change . > - pam > ( 713 - 348 - 6223 ) > ( see attached file : 656 . doc ) > > - 656 . xls",0 +"Subject: japanese power market another article i thought you might find interesting . regards , eugenio review of energy policies kicks off asahi shimbun april 25 , 2000 a government advisory panel on monday embarked on a comprehensive review of energy - related policies . ` ` we want to come up with feasible policies and at the same time clearly present reasons for those policies , ' ' yoichi kaya , a professor emeritus at the university of tokyo , told a meeting of the coordination subcommittee under the advisory committee for energy , an advisory panel to minister of international trade and industry takashi fukaya . kaya chairs the subcommittee . the nuclear development policy , including the government ' s goal for building new nuclear power plants , is expected to be a focus of the discussions . a spate of nuclear accidents have made construction of plants increasingly difficult , and the nation ' s power suppliers have reduced the number of new nuclear power plants expected to be in operation by fiscal 2010 from 20 to 13 . the subcommittee , set up for the first time in about 10 years , is made up of about 30 members , and members of anti - nuclear nongovernmental organizations have been included for the first time . some members told monday ' s meeting that the government must stop taking the nuclear development policy for granted and seriously look into the possibility of introducing renewable energy , such as wind and solar power . also on the agenda will be energy saving measures . energy consumption in the residential and commercial sector , made up of homes and offices , and in the transportation sector , which includes cars and trucks , has almost doubled over the past 25 years . at monday ' s meeting , many members stressed the need to change public consciousness toward the use of energy . miti plans to present studies on how life would be affected by compulsory energy saving measures such as automatically turning off air conditioners at certain temperatures or vehicle engines when they are idle .",0 +"Subject: re : joao neves kate , i was traveling recently . i shall evaluate the resume together with my associates and will get back to you thursday . i shall be glad to meet you on the 13 th . vince "" kate szablya "" on 04 / 02 / 2001 04 : 37 : 18 pm to : "" vince kaminsky "" cc : subject : joao neves vince , i wanted to follow up with you to see if you had an opportunity to review joao neves ' resume , which i sent ? you last wednesday , and to get your feedback on him . ? please ? let me know if you are interested in ? setting up an interview . ? also , i will be in houston the afternoon of ? friday , 4 / 13 , and would welcome the opportunity to meet with you in person , if your schedule allows . ? ? i look forward to hearing from you . ? regards , ? kate szablya power brokers , llc energy search and recruitment 303 - 716 - 2987 303 - 619 - 7589 cell 303 - 716 - 3426 fax kate @ powerbrokersllc . com www . powerbrokersllc . com ? ?",0 +"Subject: request submitted : access request for anita . dupont @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000012734 approver : stinson . gibner @ enron . com request create date : 1 / 8 / 01 4 : 24 : 06 pm requested for : anita . dupont @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: re : var for cob 2 nd aug 2000 hi kirstee , thanks again for all your work on mg . one think to double check is units . please , make sure that the prices are quoted in the same units our positions come in . one potential source of confusion arises from the fact that we are dealing with different cultures ( metric system vs . english measures ) . vince enron capital & trade resources corp . - europe from : kirstee hewitt 08 / 03 / 2000 11 : 31 am to : vince j kaminski / hou / ect @ ect cc : subject : var for cob 2 nd aug 2000 hi vince , i was waiting for a comment about the email below before sending it to the full mailing list . basically it suggests that the copper option position may well have increased the var by more than $ 500 , 000 . however , given that the portfoilo has also changed from the lst of august it is difficult to asses the actual change due to the option only . regards kirstee - - - - - - - - - - - - - - - - - - - - - - forwarded by kirstee hewitt / lon / ect on 03 / 08 / 2000 17 : 29 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron europe from : kirstee hewitt 03 / 08 / 2000 16 : 29 to : cantekin dincerler / hou / ect @ ect , grant masson / hou / ect @ ect cc : subject : var for cob 2 nd aug 2000 hi all , the cu option position has entered the mg books for the 2 nd aug . the delta is 35299 $ / mt for dec 2000 . the cu var has gone up from $ 2 , 245 , 000 to $ 3 , 306 , 000 . i estimated that the portfolio for the lst would increase to approx $ 3 , 039 , 000 so this seems sensible . the overall var change is from $ 4 , 780 , 796 to $ 5 , 991 , 569 . again , the estimate for the lst aug was for an increase in var to ~ $ 5 , 476 , 000 . all estimates were based on a delta of 32 , 0004 / dmt . there has also been some increase in the var for aluminium which will effect the overall total . a summary is as follows : regards , kirstee",0 +"Subject: re : possible summer internship with enron hello ainsley : we are so glad you are interested ! i spoke with vince kaminski and the procedure is to usually conduct a telephone interview first . this will let us know exactly where your interests are and establish where you might fit within our organization . please let me know your availability and the best time to reach you on thursday ( the 25 th ) or friday ( the 26 th ) afternoon from 1 : 00 pm to 5 : 00 pm . also please let me have the telephone number where you may reached and we will call you . it is easier that way since there will be several of us involved in the interview . the interview will usually last an hour or an hour and a half . thank you ainsley ! sincerely , shirley crenshaw 713 - 853 - 5290 "" ainsley gaddis "" on 05 / 23 / 2000 07 : 21 : 43 pm to : "" shirley crenshaw "" cc : subject : re : possible summer internship with enron hello ms . crenshaw , thank you so much for getting back to me so quickly . i am very interested in meeting with mr . kaminski and the research group . i am available to come into the office any time wednesday , thursday or friday . please let me know what time is most convenient for you . i look forward to hearing from you soon ! sincerely , ainsley gaddis",0 +"Subject: re : eol pricing algorithm hi bob , some comments : 1 . you request enron position after successful market order , but not after limit order - - you may want it after limit order as well to be consistent . i am not clear on how you would use enron position . it is possible that the trading desk will have a target position in mind and they will set bids and offers in such a way as to try to achieve that target position , but this target position probably changes continuously and is not stored anywhere , and without this target position there is nothing to compare actual enron position to . of course , enron position may still provide some insights . 2 . you request bid - mid - ask prices for each trade - - - given that a successful trade may execute later than time of order ( especially for limit orders ) , would you need the evolution or range of bid - mid - ask over this time interval ( time of order to time of execution ) ? also , for failed trades , you may need the evolution or range of bid - mid - ask over the time interval from time of order to time of rejection . this again mainly applies to limit orders , as the time intervals may not be significant for market orders given the speed of execution ( something to check ) . - - - - - original message - - - - - from : lee , bob sent : monday , april 23 , 2001 8 : 33 am to : kaminski , vince ; shanbhogue , vasant ; barkley , tom cc : lu , zimin ; huang , alex ; gibner , stinson subject : eol pricing algorithm a draft data request for eol data we would use to study p & l patterns for the "" george "" pricing algorithm is attached for your review . i would like to send this to andy zipper and jay webb this afternoon . bob >",0 +"Subject: re : mscf speaker series pierre - philippe , i was under the impression the presentation will be at 3 : 30 . 11 : 30 is fine with me but want to confirm it . vince "" pierre - philippe ste - marie "" on 10 / 28 / 2000 12 : 22 : 36 am to : , , , , , , "" pierre - philippe ste - marie "" , , "" punit rawal "" , , , , , , , , , , , , , , cc : subject : mscf speaker series mscf speaker series official invitation ? ? it is with great pleasure and some amount of pride that i announce the next event in the speaker series . next friday we will have the honor to host a conference given by mr . vince kaminski head of research at enron corp . ? ? the ? sixth event is ? next friday ( nov 3 rd ) ! ? from : 11 . 30 - 13 . 30 please attend ! ! ! the next event in the student speaker series is : friday , november 3 , 2000 11 : 30 a . m . to 12 : 30 p . m . fast lab [ image ] vince kaminski enron corp . tentative student speaker series schedule 2000 - 2001 the following is a tentative schedule of the mscf student speaker series for the 2000 - 2001 academic year . all events take place from 11 : 30 a . m . to 12 : 30 p . m . in the fast lab ( gsia 229 ) unless otherwise noted . updates are soon to follow . volatility curve and bond basis august 11 , 2000 david hartney & jerry hanweck vice president , futures and option sales j . p . morgan price and hedging volatility contracts september 1 , 2000 dmitry pugachevsky deutsche bank dmitry pugachesky is a director with otc derivatives research of deutsche bank , where his research is primarily focussed on credit derivatives . prior to joining deutsche bank , dmitry worked for six years with global analytics group of bankers trust . there he developed models for emerging markets , interest rates , and equity derivatives and also participated in actual trading and structuring of interest rate options . he received his phd in applied mathematics from carnegie mellon university specializing in control theory for stochastic processes . he has published several papers on modelling in emerging markets and on valuation for passport options . a measurement framework for bank liquidity risk september 15 , 2000 raymond cote vice president , finrad inc . raymond cote is vice president , financial engineering at finrad inc . , a montreal - based consulting firm offering financial management solutions that combine advisory and systems development services to & corporations and financial institutions . abstract : liquidity risk , as opposed to credit and market risks , has received little attention in professional or academic journals . we argue that analyzing bank liquidity risk can be viewed as a variation of credit risk analysis . after introducing some concepts and definitions , the presentation defines a framework allowing to measure a bank ' s structural liquidity risk . it then shows that combining the framework with modern credit risk measurement tools leads to a liquidity risk var measure . the presentation then offers concluding comments on the integration of the liquidity risk measurement framework within enterprise - wide risk management . the impact of electronic trading on the uses of quantitative research in equity options september 22 , 2000 scott morris hull group , quantitative research department quantitative research in investment management october 6 , 2000 raman srivastava & anna bulkovshteyn assistant vice president , & fixed income , quantitative analysts , putman investments [ image ] tba november 3 , 2000 vince kaminski enron corp . fund management and market efficiency november 10 , 2000 andrea dalton researcher , friess associates ( advisor to the brandywine funds ) . tba november 17 , 2000 jeff keifer & deb aep tutorial on bridge november 24 , 2000 pierre ste - marie & punit rawal mscf students a corporate risk management framework december 8 , 2000 darin aprati & brian moore mcdonald ' s [ image ] math speaker series schedule 2000 - 2001 [ image ] speaker series student committee [ image ] previous speakers ? pierre - philippe ste - marie - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - [ image ] http : / / pstemarie . homestead . com",0 +"Subject: re : life . . . : ) maybe next time . roman - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : rkosecki @ mieco . com sent : 10 / 18 / 00 1 : 14 pm subject : re : roman , sorry . i am leaving for philadelphia this evening . leaving office around 5 p . m . let ' s get together on another occasion . vince roman kosecki on 10 / 18 / 2000 02 : 09 : 28 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : hi vince , i am in houston now . will have to work late . but how about drinks / food some time around 7 - 8 or later ? i am staying at wyndham greenplace ( ? ) and will use taxi to get around . thanks roman - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : rkosecki @ mieco . com sent : 10 / 13 / 00 7 : 55 am subject : re : roman thanks . my home number is 281 367 5377 vince roman kosecki on 10 / 13 / 2000 09 : 38 : 39 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : i will be in houston on wed . willl give you a call roman - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : thursday , october 12 , 2000 2 : 43 pm to : rkosecki @ mieco . com subject : re : roman , drinks after work would be better . i am flying back from ca on tue morning . please , call me at 713 853 3848 or 713 410 5396 ( cell ) in the afternoon . vince roman kosecki on 10 / 12 / 2000 12 : 21 : 50 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : hi vince i will be in houston for a few days next week ( like mon - wed ) . if you are back from your european trips maybe we can "" do "" lunch ? roman",0 +"Subject: merit increases norma , it seems that there is a bug in the system . i made an error mixing equity and merit raises in one column . the system does not allow me to correct the mistake by moving the entries from one column to another . i can enter the changes , but after i save them the system reverts to original designations . as a result , the columns contain mixed entries related to merit and equity raises . the column totals are misleading . i am taking a csv version home to continue making adjustments . i shall work at home monday ( 281 367 5377 ) . vince",0 +"Subject: enron opportunities lynn , i am forwarding you the resume of a very bright and motivated young man who attended a lecture i gave recently at lsu . i think we should consider him for an analyst position . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 15 / 2000 08 : 52 am - - - - - - - - - - - - - - - - - - - - - - - - - - - "" richard c . iles "" on 09 / 14 / 2000 11 : 14 : 56 am please respond to "" richard c . iles "" to : cc : subject : enron opportunities dr . kaminski : ? here is my resume and cover letter . ? thanks , ? richard iles - enron cover and resume . doc",0 +"Subject: enside newsletter good morning ! thank you for taking time out of a busy friday to allow our photographer to shoot some pictures for the enside . i will contact you when the proofs are ready . i have attached the article draft with revisions by mike , osman and iris . please peruse this draft and make any changes or corrections . i need it back for the layout team by wednesday evening , april 4 , if possible . regards , kathie grabstald ews public relations",0 +"Subject: stephen bennett stephen bennett , professional meteorologist , was hired into the research group in september of this year as a specialist based on salary alignment criteria . in retrospect , and upon review , he should have been hired on as a senior specialist . after coming on board . it rapidly became apparent that stephen was clearly an "" under hire . "" he is well - deserving of an immediate promotion ( really more of a correction ) and pay raise , to be made retroactive at least to the lst of this month . this memo outlines the circumstances surrounding this hiring error and provides detailed justifications for this retroactive "" promotion . "" at the time of the interview process , there was no position in enron designated as "" professional meteorologist . "" in fact , the most recent similar hire prior to that date was jose marquez , also a professional meteorologist , who was hired in , based on salary alignment criteria , as a manager . while functionally , both these men are meteorologists , enron has no such job classification . compounded by the urgency in bringing on additional professional expertise in short time order , it was difficult to peg the proper enron classification appropriate for this new position . this original uncertainty and resulting misplacement of stephen into the specialist category , rather than the senior specialist category , needs to be corrected at this time . although a "" new - hire "" to enron , stephen bennett has extensive work experience . he has worked as a professional meteorologist at both the weather services corporation in boston and at the weather channel in atlanta . he came to enron well - referenced by both those organizations , needing no further training and only minimal supervision . once aboard here in houston , stephen immediately demonstrated the core enron values with our unique sense of urgency . after only a week , he assumed responsibilities normally reserved for someone actually at even a manager level - he was assigned and fully took over the critical afternoon weather briefings to the gas traders . this includes analysis and report preparation as well as presentation . also in the presentation arena , he now regularly briefs various desks in the morning and throughout the day . stephen is a master of communication and particularly adept at conveying what through other messengers might otherwise seem confusing or ambiguous . stephen has also demonstrated an unusually high level of self - initiative . he designed , implemented , and now maintains several sub - sites on the research web page which he tailored to various customers - in specific : the weather derivatives team , the agricultural team , and most recently , the crude and liquids team . i have recently assigned stephen to spearhead our conversion and major upgrade of this web page . these above described accomplishments are above and beyond stephen  , s regular duties which include starting work at 5 am daily , reliably and without fail , to assemble and prepare our trader  , s weather report . recently , with the advent of extended hours for both nymex and enrononline , stephen voluntarily on his own accord , assists in our new sunday weather support effort . as his supervisor , fully cognizant of his already standard 50 + hour work week , i do not solicit , but readily accept , this above and beyond expectations assistance . in review , the circumstance which resulted in this under hire condition was enron  , s immediate need for a non - standard , fairly unique professional - a meteorologist , coupled with stephen  , s desire to work for our company in spite of the absence of a hierarchy which included the exact entitled professional title reflecting his chosen career path . . once hired , stephen has clearly demonstrated through contribution and performance that he is well - deserving of this immediate and retroactive promotion .",0 +"Subject: re : alp presentation christie , what about the invitation to dinner for gillis and whitaker ? vince christie patrick 04 / 10 / 2001 06 : 01 pm to : mgillis @ rice . edu , grwhit @ rice . edu cc : vince j kaminski / hou / ect @ ect , steven j kean / na / enron @ enron subject : alp presentation president gillis and dean whitaker , enron would be honored with your presense at the presentation set forth below . under the guidance of vince kaminski and his team here at enron , we are thoroughly enjoying working with this group of bright and enthusiastic rice students . we hope you can join us for the culmination of their significant efforts . please let me know - - thanks ! ! - - christie . - - - - - - - - - - - - - - - - - - - - - - forwarded by christie patrick / hou / ect on 04 / 10 / 2001 05 : 52 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 10 / 2001 08 : 13 am to : barrett @ rice . edu , uecker @ rice . edu , cmiller @ rice . edu , lounghrid @ rice . edu , luigical @ rice . edu cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , kenneth parkhill / na / enron @ enron subject : alp presentation on behalf of enron corp . i would like to invite you to an alp project presentation by a group of students of jesse h . jones graduate school of management , rice university . the students will present the results of a research project regarding electronic trading platforms in the energy industry . the presentation will be held on may 7 , at 4 : 00 p . m . at enron , 1400 smith . we would also like to invite you to dinner , following the presentation . vince kaminski vincent kaminski managing director - research enron corp . 1400 smith street room ebl 962 houston , tx 77002 - 7361 phone : ( 713 ) 853 3848 ( 713 ) 410 5396 ( cell ) fax : ( 713 ) 646 2503 e - mail : vkamins @ enron . com",0 +"Subject: vince kaminski ' s "" bio "" and requirements for the siam invitation hello professor fitzgibbon : attached please find a "" bio "" for vince kaminski . he will require an lcd projector for his presentation . if you need anything else , please let me know . regards , shirley crenshaw administrative coordinator enron research group 713 - 853 - 5290 email : shirley . crenshaw @ enron . com - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 04 / 12 / 2001 03 : 30 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 11 / 2001 02 : 17 pm to : shirley crenshaw / hou / ect @ ect cc : subject : siam invitation fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 11 / 2001 02 : 19 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" william fitzgibbon "" on 03 / 13 / 2001 02 : 45 : 57 pm to : cc : subject : siam invitation dear dr . kaminski here is an email invitation for teh siam event . a hard copy will follow dr . v . kaminski enron p . o . box 1188 houston , texas 77251 - 1188 dear dr . kaminski march 12 , 2001 i am writing to formalize your invitation to attend , participate , and speak in the siam southwest regional mathematics in industry workshop . a time span of thirty minutes is being allotted to invited talks with an additional ten minutes or so for discussion . the workshop , funded under the auspices of a national science foundation grant to siam will not be a standard applied mathematics event with representatives from industry , academe , and governmental agencies presenting their latest research results . instead the meeting will emphasize the mathematics and technology currently applied to the projects of industry and governmental laboratories . additionally the event will focus upon the mechanisms facilitating interaction and collaboration between the academy , industry , and government laboratories . the workshop will be held at the university of houston hilton hotel , april 27 - 28 . funds will be available to support both travel expenses and the cost of food and lodging of invited speakers . we will be happy to make travel arrangements on this end if so desired . we hope that you can accept our invitation . if this is the case please furnish us with a title , a short abstract , and a list of the necessary equipment for your presentation . we look forward to seeing you at the university of houston . sincerely w . fitzgibbon",0 +"Subject: maureen norma , i talked to g . koepke , an associate reporting to maureen she told me that things have significantly improved in recent weeks . vince",0 +"Subject: re : recruiting for weather risk management group hello vince , thank you very much for forwarding the message . i hope all is well with you ! regards , heather on fri , 27 apr 2001 vince . j . kaminski @ enron . com wrote : > > heather , > > i am forwarding this message to 2 groups in enron that may be interested . > > vince > > > > > > "" heather thorne "" on 04 / 26 / 2001 08 : 55 : 56 pm > > to : "" christie patrick "" , "" vince kaminsky "" > > cc : "" greg hunt home "" > subject : recruiting for weather risk management group > > > > > dear vince and christie , > > > > i hope that you are both well , and are ready for the onset of summer in > houston ! i was disappointed that i was not able to see you at the final > tiger team presentations last month due to a family emergency . i hope that > the teams ' analyses will be helpful to your work , and echo their > appreciation of your involvement and support . > > > > i am writing with a question regarding recruiting for enron ' s weather risk > management group . my boyfriend , greg hunt , is currently seeking > opportunities to combine his background in meteorology ( ms and 2 years of > research at lawrence livermore nat ' l lab ) and an mba in finance and > information technology . i began thinking about enron ' s work in weather > derivatives , and realized that there could possibly be a great fit there . > > > > i have copied greg on this message , and would appreciate any suggestions > you can offer regarding opportunities in this group . thank you very much ! > > > > best regards , > > > > heather > > > > > > > > > > heather n . thorne > > mba candidate , 2001 > > the wharton school at university of pennsylvania > > 2516 pine street > > philadelphia , pa 19103 > > ( 215 ) 545 - 3022 > > > > > >",0 +"Subject: foreign language lessons fyi ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 01 / 27 / 2000 01 : 36 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - leandro ibasco @ enron 01 / 27 / 2000 01 : 07 pm to : shirley crenshaw / hou / ect @ ect cc : subject : please distribute this message to the entire research group shirley , kindly forward to the entire research group . hi , vince has requested me to inform you that foreign language lessons are available . among the languages offered are spanish , portugese , french , german , mandarin , and japanese . other languages are possible . the lessons can be done in a small class or through a private tutor . the schedule is quite flexible with the latest class being at 5 : 00 to 6 : 30 p . m . to arrange classes , please contact meilli sanford at ( 713 ) 464 - 8474 . they would need an e - mail approval from vince to enroll . if you have any questions , please feel free to contact me . regards , roy",0 +"Subject: erisk essentials ? www . erisk . com what ' s new at erisk . com - 23 march 2001 weekly review this week ' s economic , banking and p _ insurance news , from an enterprise risk management perspective . read it here . . . analysis in this week ' s analysis :   taking the long view on credit risk management   the risks of cracking down on insurance fraud and   fannie mae controversy puts debt benchmark in jeopardy feature the treatment of operational risk is one of the more controversial , and poorly understood , elements of basle ' s proposed revisions to the capital accord . in this exclusive article , penny cagan of zurich financial services explains what the basle accord proposals mean for most banks , where there ' s room for improvement and how to get started on building an operational risk framework iconference archive couldn ' t make it to our iconference on risk transfer , featuring martin nance of aig structured products and barry finkelstein , joe parsons and chris crevier of merrill lynch ? check out the iconference archive later this week to find out what you missed . still available : the proceedings of our two recent basle iconferences , featuring bill treacy of the federal reserve board , ashish dev of key bank and andy hickman of erisk events calendar feeling the need to network ? check out our comprehensive listing of risk management events around the world in the events calendar the erisk essentials is published every friday by erisk . com . to subscribe to this newsletter , please register on our website . to unsubscribe , access your account . your username is the email address where you received this message . to be reminded of your password , or to reset it , follow this link .",0 +"Subject: parking at 777 clay hi louis : we will have several employees from the london office coming to houston this summer ( they will be rotating ) beginning 7 / 31 / 00 . can we get a parking space at 777 clay for them ? we only need one for 7 / 31 / 00 - 11 / 30 / 00 ( 4 months ) . the other alternative would be the stickers for allen center . do you still have them ? please let me know . thanks ! shirley crenshaw",0 +"Subject: garp 2001 convention dear garp 2001 speaker ? the program for the garp 2001 convention is nearly printed and i will be sending you a few copies of the program in the next few days . in the meantime , you can find the program on our web site at www . garp . com ? in addition , i am writing to inquire whether your organisation can establish a web link to our program through your organisations ' web site . below is the information that is of most importance and that i would like included : ? garp 2001 - 2 nd annual risk ? management convention & exhibition , february 12 th to 15 th february , 2001 , ? new york . for full program details please visit www . garp . com or contact garp on tel . + 44 ( 0 ) 20 ? 7626 9300 . of course , you could highlight your participation at this event , which will include a two - day convention with pre and post convention workshops and an asset management forum that will include over 80 senior financial and risk management professionals . i have also attached a small logo that could be used as a link to the garp web site . can i please have the web address should you , or your colleagues manage to establish a web link to the convention . if you also feel that there are any important web sites that this convention should be posted on , then i would appreciate it if you could pass on this information . ? just to keep you informed , already , within a week of the web site going ' live ' , there have been about a dozen bookings and numerous inquiries . this is a very good sign that garp 2001 will be a great success and will out - do garp 2000 . ? of course , if you have any questions or queries , please do not hesitate to contact me . i thank you in advance for your co - operation and i look forward to meeting you in new york in february . ? kind regards ? andreas _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ andreas simou garp 2001 - conference producer tel ? + 44 ( 0 ) 20 7626 9301 fax + 44 ( 0 ) 20 7626 9900 - garp 2001 . gif",0 +"Subject: good afternoon christie , i wanted to update you on my schedule for december as you are working to arrange some time for vince and i to visit with the enron leadership group . we had talked about the first week in december and that is good for me through wednesday dec 6 th . i will be at a conference at harvard on the 7 th and 8 th . however , the next couple of weeks are also possibilities if we can squeeze in some time . thanks john john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: russian investment climate : multimedia playback - cera multimedia cera multimedia : sent thu , august 17 , 2000 title : russian investment climate : multimedia playback author : eurasia energy e - mail category : multimedia product line : eurasia energy , url : http : / / www . cera . com / cfm / track / eprofile . cfm ? u = 5166 & m = 1317 , alternate url : in an august 10 , 2000 , cera multimedia conference call and web presentation , thane gustafson , cera director , eurasia energy , john webb , cera associate , and carolyn miles , cera associate , discuss : russian investment climate : toward stability or fresh turmoil ? implications for the energy sector * the russian investment climate under putin : where is it headed ? * the booming russian economy : how much energy and energy investment will it need ? * the russian oil industry awash in profits : what is it doing with them ? to view and listen to a replay of this presentation , please click on the link above . account changes to edit your personal account information , including your e - mail address , etc . go to : http : / / eprofile . cera . com / cfm / edit / account . cfm this electronic message and attachments , if any , contain information from cambridge energy research associates , inc . ( cera ) which is confidential and may be privileged . unauthorized disclosure , copying , distribution or use of the contents of this message or any attachments , in whole or in part , is strictly prohibited . terms of use : http : / / www . cera . com / tos . html questions / comments : webmaster @ cera . com copyright 2000 . cambridge energy research associates",0 +"Subject: re : denise , no problem . we shall prepare a short presentation to address these issues . vince kaminski denise furey @ ees 01 / 09 / 2001 11 : 12 am to : vince j kaminski / hou / ect @ ect cc : subject : i hope you have seen the email below . do you have any problem with what jeremy has asked you or your group to address . is there anything that you want us to supply to you to assist you ? - - - - - - - - - - - - - - - - - - - - - - forwarded by denise furey / hou / ees on 01 / 09 / 2001 11 : 11 am - - - - - - - - - - - - - - - - - - - - - - - - - - - denise furey 01 / 08 / 2001 11 : 46 am to : gayle w muench / hou / ees @ ees , michael tribolet / corp / enron @ enron , william s bradford / hou / ect @ ect , vince j kaminski / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect cc : don black / hou / ees @ ees , tony spruiell / hou / ees @ ees subject : i believe all of you received a request from jeremy blachman to hold the afternoon of january 10 th open for an off - site to discuss the manner in which rac and research assess / test the credit quality of ees transactions . i realize that rac and ees have had many discussions as to the methodology , but it might be helpful for all of us to understand the actual derivation of some of analysis . please call me with any questions or comments at ext # 30349 . the agenda will be as follows : 12 : 00 - 1 : 00 lunch 1 : 00 - 3 : 30 presentations 3 : 30 - to close discussion rac / research presentations the following topics would be of interest to ees : 1 - the derivation of default probabilities including ( research ) - - a discussion of the actual mathematical process , - - the analytics behind why these computations are deemed the best for enron , - - a comparison to historic default rates and why they differ ( in respect to actual default rates , shape of the cumulative default curves etc . 2 - the volatilities which are used to determine possible loss scenarios for the commodity portion of ees deals including ( research ) - - the selection of curves - - the application of those curves to the actual credit reserve model and - - why these particular tests are applicable to our products . 3 - the recovery rates used in the credit reserve model . how are these figures derived ? ( rac ) 4 - how rac and research have adjusted the credit reserve model to accommodate unusual aspects of the deal including ( rac ) - - promotion payments , - - accounts receivable - - committed capital - - and other factors ees also understands that some of you may be familiar with our processes , however , there are perhaps areas that you would like to understand more fully . please tell us what you would like to hear from us . also , rac has sent us the credit reserve model and i have seen completed models . perhaps prior to our meeting on wednesday , someone from rac and / or research could sit with me and someone from phil layton ' s group and go through the process of how the various pieces are put together .",0 +"Subject: short term private firm model : static historical snapshot + performance data for model development mike , scott , eric , after brainstorming and discussing further on data here , we think that our final specifications for modelling data requirement need to be as follows : we need bankrupt , default and nondefault ( which covers nonbankrupt ) accounts with 4 quarterly observation snapshots and 12 months performance following the latest snapshot . monthly performance indicator need to be available for the entire 12 months performance period . we will need all the bankrupt and default accounts and comparable sample of good accounts with weights . for the purpose of model validation , we will need data with above specs covering 16 months of performance . this means that we will need rolling ( 4 quarterly snapshots + 12 months performance ) data for 4 monthly shifts : input snapshots performance 1999 march end , 1999 june end , 1999 september end , 1999 december end 12 month end performance for jan 2000 through dec 2000 1999 feb end , 1999 may end , 1999 august end , 1999 november end 12 month end performance for dec 1999 through nov 2000 1999 jan end , 1999 apr end , 1999 july end , 1999 october end 12 month end performance for nov 1999 through oct 2000 1998 december end , 1999 mar end , 1999 june end , 1999 september end 12 month end performance for oct 1999 through sep 2000 we will need bankruptcy chapterwise indicator , if available during the performance period . our definition of default is either bankruptcy or 90 + days delinquency on any trade credit . we have also discussed the cost aspect and we think considering the big picture , it makes sense to spend the extra amount to get the right data for analysis . please let me know your thoughts . this will require d & b to give us a modified quote and we could possibly move forward quickly . regards , amitava",0 +"Subject: re : christmas basket list here is the updated list that we have for christmas . the orders will be placed on dec . 12 th . the orders will arrive at the enron building dec . 19 th . and all outside orders will arrive before dec . 22 nd . please inform , if this is okay . thanks kevin moore i will discuss cost with vince after meeting with bill on friday . kevin g moore 12 / 01 / 2000 09 : 26 am to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , mike a roberts / hou / ect @ ect , jose marquez / corp / enron @ enron , stinson gibner / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , anita dupont / na / enron @ enron cc : subject : christmas basket list hello everyone , we are nearing the time to get the baskets and other christmas tokens sent out . as in every year , we do take the time to send tokens of appreciation for services rendered , or share the christmas sprit with those we feel worthty . here is the list that i have already , approved by vince . if there are any additions please inform me a . s . a . p . the deadline is december 12 th , as i will be meeting with the owner of floral events to confirm the order and treat him to lunch for all the great work he has provided for me . thanks kevin moore please note : i will be out on vacation and all orders will already have been placed with the delivery date on december 19 th . the day of my return , therefore if any problems occur i will have enough time to solve them .",0 +"Subject: stanford mba recruiting greg , this is the agenda for the recruiting trip to stanford next week . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 08 / 2001 11 : 21 am - - - - - - - - - - - - - - - - - - - - - - - - - - - althea gordon @ enron 03 / 07 / 2001 04 : 30 pm to : vince . kaminski @ enron . com , brad . romine @ enron . com , brad . alford @ enron . com , martin . lin @ enron . com , theresa _ riedman @ enron . net , matt _ harris @ enron . net , michael . smythe @ enron . net , benjamin . bell @ enron . com , mauricio . mora @ enron . com , celeste . roberts @ enron . com cc : shirley . crenshaw @ enron . com , paula . austin @ enron . com , dolores . muzzy @ enron . com , cathy . lira @ enron . com , patricia . payton @ enron . com subject : stanford mba recruiting thank you for agreeing to participate in the associate program ' s recruiting efforts at stanford graduate school of business . the itinerary for the trip is as follows : wednesday , march 14 , 7 : 00 p . m . to 9 : 00 p . m . dinner with students selected to interview il fornaio , the sala del canaletto room 520 cowper street , palo alto ( 650 ) 853 - 3888 thursday , march 15 , 8 : 30 a . m . to 4 : 45 p . m . round 1 interviews for both summer and full time associates stanford gsb career services center interviewers : theresa riedman brad romine brad alford martin lin michael smythe - to be confirmed benjamin bell - to be confirmed mauricio mora - greeter / alternate interviewer thursday , march 15 , 12 : 15 p . m . to 1 : 30 p . m . lunch with dean george parker ( associate dean of academics ) and sherrie taguchi ( director of career services ) . stanford gsb career services center we will be ordering lunch in . friday , march 16 , 8 : 00 a . m . to 12 : 00 p . m . * round 2 interviews for both summer and full time associates stanford gsb career services center interviewers : vince kaminski matthew harris * please note that this is an approximate time that will be based on the number of candidates who successfully pass round 1 interviews on thursday . your hotel information is as follows : stanford park hotel 100 el camino real menlo park ( 650 ) 322 - 1234 upon confirmation of your participation you will receive your hotel confirmation number . in the event that you have not received your hotel confirmation number please contact my assistant , cathy lira , at x 54049 . attire for the trip will be business casual . if you have any questions please feel free to give me a call at x 53860 . in case of emergency ( and during the trip itself ) i can be reached at ( 713 ) 416 - 6250 . thank you for your support of the program .",0 +"Subject: video conference scheduling in order to improve the video conferencing services offered to the enron community , the video conference group will be implementing the following procedural changes . these changes will be effective immediately . conference scheduling : please route all video conference requests via email to ' videoconference ' ( one word ) or by phone to 713 - 345 - 8500 ( x 5 - 8500 ) . once room reservations are complete , conferences will be scheduled and confirmation notices sent to the requestor via email . each requestor will receive a confirmation notice the business day preceding scheduled conferences . the following information will be required for all conference requests : requestor name and contact number sites to be included in the conference site contact names along with associated phone numbers date , time and duration of conference company number / rc or cost center of requestor preferred conference rooms ( near - end and far - end ) technical problems : should problems arise during a video conference , call 713 - 345 - 8555 and a technician will be immediately dispatched thanks in advance for your cooperation , video conferencing support",0 +"Subject: re : monte carlo techniques zimin , this is the course description i got from hal . can you follow up with him to schedule a date for a high level presentation ? i think we should keep it to only 90 minutes or so . maybe you and kevin kindall can be the presenters . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 11 / 2000 04 : 12 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - harold bertram 04 / 11 / 2000 08 : 38 am to : stinson gibner / hou / ect @ ect cc : subject : re : monte carlo techniques stinson , i feel i would benefit from understanding the monte carlo techniques and what it applies to , as well as when it is used these mc techniques . i think i could get several people interested . thanks , hal stinson gibner 04 / 10 / 2000 09 : 40 am to : harold bertram / hou / ect @ ect cc : subject : monte carlo techniques hal , actually , i am no longer scheduled to speak at the risk conference on m - c techniques . we could probably put together an internal training for you if you want . i ' ll bring this up with vince at our staff meeting tomorrow . it would be helpful if you can describe for me the intended audience and the types of applications that would interest them . thanks , - - stinson",0 +"Subject: new retail electricity provider survey as a result of recent deregulation in states such as pennsylvania and california , many new companies are entering the retail energy market . today , consumers in several states are able to choose their energy provider in much the same way they choose their long - distance phone company . a survey has been commissioned by the research group to better understand which factors are most important to consumers considering switching energy providers . the survey consists of 28 question , and can be found on the following website : if you , your spouse , or someone else in your family has time to take this survey , we would appreciate your input . feel free to forward this email to others . thanks for your time and consideration .",0 +"Subject: re : signature ' s kevin , i would like to see the expense reports to monitor the rate at which we approach our group budget limits . thanks . vince kevin g moore 02 / 22 / 2000 08 : 48 am to : vince j kaminski / hou / ect @ ect , mike a roberts / hou / ect @ ect , shirley crenshaw / hou / ect @ ect cc : subject : signature ' s hello everyone , starting today , 2 / 22 / 00 mike roberts signed a expense report . vince , i need to know from you if this is okay and do you want to see them ? also shirley , if mike signs for anything else other than a expense report , i will pass it by your desk whereby you can know exactly what it is . thanks kevin moore please inform . . . . . . . .",0 +"Subject: re : "" energy derivatives "" frank : i discussed this with vince kaminski and he said that , while we would be glad to assist you , the time involved in ordering and collecting the money ( they are pretty expensive ) , distributing the books , etc . would be too time consuming for us at this time . you can go to www . lacimagroup . com and order the books directly . tell them you are ordering the books for use at enron and they should give you a 15 % discount . i am sorry that we cannot do this at this time . regards , shirley crenshaw administrative assistant enron research group 713 / 853 - 5290 "" frank ribeiro "" on 01 / 28 / 2001 09 : 50 : 44 am to : cc : subject : "" energy derivatives "" as we had discussed in our phone conversation friday , i would ask you to order six copies of the newly enron - published "" energy derivatives "" for paradigm strategy group . we do the various derivatives training courses for enron , and this book will be required reading for all our instructors . please advise as to the total cost of the books . if payment by check is ok , please let me know to whom the check should be made payable . you can reach me by e - mail , or phone at 281 - 360 - 7822 . thanks for your help . frank ribeiro paradigm",0 +"Subject: re : ming sit vince , thanks for the update . if there is anything i can facilitate or bring more info about ming , please let me know . zimin vince j kaminski 05 / 22 / 2000 01 : 15 pm to : zimin lu / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : ming sit zimin , some feedback i have received on ming . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 22 / 2000 01 : 17 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - pinnamaneni krishnarao 05 / 22 / 2000 12 : 35 pm to : dennis benevides / hou / ees @ ees cc : vince j kaminski / hou / ect @ ect , ronnie chahal / hou / ees @ ees subject : re : ming sit dennis : i talked to ming for only short time and am concerned about the cons scott mentioned . i would like to know what your assessment is like . also , i would like vince , ronnie & myself to talk to ming over the phone . can we call him directly and talk to him ? please let me know how strongly you feel about having him as a support person . thanks , krishna . x 35485 to : pinnamaneni krishnarao / hou / ect @ ect cc : subject : re : ming sit krisna : are you still interested in hiring ming sit , through the research group . if so , please proceed and assign him to support ees . please let me know if i need to provide any information . thanks dennis - - - - - - - - - - - - - - - - - - - - - - forwarded by dennis benevides / hou / ees on 05 / 22 / 2000 09 : 43 am - - - - - - - - - - - - - - - - - - - - - - - - - - - james w lewis 05 / 21 / 2000 11 : 44 am to : dennis benevides / hou / ees @ ees cc : scott stoness / hou / ees @ ees subject : re : ming sit i like db ' s suggestion . let ' s do it . enron energy services from : dennis benevides 05 / 19 / 2000 03 : 31 pm phone no : 713 853 - 9609 to : scott stoness / hou / ees @ ees cc : james w lewis / hou / ees @ ees subject : re : ming sit got a little scared at your first sentence i read "" he is no replacement for jay but he could be for dennis b . . "" ? ? . anyway : i think he would be a good fit withing the group . krisna has offered to hire him in the research group , he has good programing background and is excited about working for enron instead of a utility such as pacificcorp . he expressed interest in applying his skill to make $ $ $ $ . i suggest bringing him in in research as a first alternative . i see three potential applications where we can use his skills to evaluate best longer term fit : continuing ronnie ' s model building role , but with a focus within neil ' s group to tie rm systems together bridge the lack of phd econometrics expertise we have as are result of the departure of anoush . risk management systems infrastructure development . scott stoness 05 / 19 / 2000 02 : 02 pm to : james w lewis / hou / ees @ ees cc : dennis benevides / hou / ees @ ees subject : ming sit he is no replacement for jay but he could be a dennis b employee . pros : engineer so would be good at math his boss hired him a 2 nd time ( 1 at txu and again at pacificor again ) so he must be reliable phd in economics and engineering ( good ) from stanford ( ugh : ) : ) : ) ) cons : does not understand tariffs . i asked him and he said he is not experienced . i probed too and he does not understand regulatory that well . does not understand ancillary services ( which is surprising to me since he started out as an plant operation side of hk power ) has limited people management skills ( he described 1 analyst he works with that is not capable that he has to jump into the excel spreadsheet and fix it for him and he cannot give him feedback because it is a utility mentality ) he is not a good communicator ( i asked him to describe what he did in hk power and it took him forever to explain because he expected me to know that plant operations meant planning the start up of oil plants ) . overall : i suspect that he is a very solid guy when it comes to analysis but not particularly creative or good at communication and leadership . he would be a great support person . i would hire for analysis but not as a potential leader . go",0 +"Subject: re : hello shijie , thanks for your message . my assistant will call you to discuss the timing of the visit . vince shijie deng on 06 / 29 / 2000 12 : 00 : 37 am to : vkamins @ enron . com cc : subject : hello hi vince , how are you . it was really a pleasure meeting you and talking to you at the toronto energy derivative conference . thank you for speaking with me about the possibility of visiting your research group . it will be great if i could have such opportunity whenever you see your schedule fits . i am very much open for the last week of july and early august . i ' m looking forward to hearing from you soon . best , shijie shi - jie deng assistant professor school of isye georgia institute of technology office phone : ( 404 ) 894 - 6519 e - mail : deng @ isye . gatech . edu home page : http : / / www . isye . gatech . edu / ~ deng",0 +"Subject: re : order for book julie , the discount is fine . look fwd to receiving the books . vince "" julie "" on 01 / 08 / 2001 09 : 30 : 53 pm please respond to "" julie "" to : "" vincejkaminski "" cc : subject : order for book vince , ? i can offer you 12 . 5 % off of your order for 50 books ( we originally spoke to habiba about setting up a 50 % discount ? but enron would have to order a minimum of 200 books . ? ? since the ? change over , nothing has been set up on this ) . ? ? let me know if i should go ahead with the invoice . ? thanks , julie",0 +"Subject: re : thanks thanks for the update , vince . i have been trying to discuss this with you for several days , but i know that you have been very busy . jaesoo told me that he wanted a base of $ 90 k rather than the $ 85 k which you had authorized me to offer him , and i told him that i would have to discuss it with you and get back to him . i am glad that he has seen his way a little more clearly , and i will call him tomorrow to finalize the offer . vince j kaminski 11 / 07 / 2000 05 : 29 pm to : molly magee / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : thanks fyi vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 11 / 07 / 2000 05 : 36 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - jlew @ kent . edu > on 11 / 07 / 2000 07 : 19 : 20 am to : vince . j . kaminski @ enron . com cc : jlew @ kent . edu subject : thanks dear dr . kaminski first of all , i would like to thank you for the offer from the enron . i really appreciate it . molly and i talked about the salary the other day , but to be honest with you , i ' m pleased with the possibility that i can work there where i want to work and the salary is the next . if this matter bothers you , please ignore it . i can accept the original offer . i ' m looking forward to seeing you soon . sincerely , jaesoo",0 +"Subject: pdo index update - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 08 / 09 / 2000 03 : 18 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - nathan mantua on 08 / 09 / 2000 03 : 10 : 00 pm to : undisclosed - recipients : ; cc : ( bcc : mike a roberts / hou / ect ) subject : pdo index update pdo index values are now updated through july 2000 . note that the january and february 2000 values have changed a bit from the last update , and this is due to changes in the reynolds optimally interpolated sst data from which this pdo index is calculated . my next update will be in november . year jan feb mar apr may jun jul 2000 - 1 . 99 - 0 . 82 0 . 29 0 . 35 - 0 . 05 - 0 . 43 - 0 . 66 the full data series is available via the web at url : best wishes , nate mantua pdo index updated standardized values for the pdo index , derived as the leading pc of monthly sst anomalies in the north pacific ocean , poleward of 20 n . the monthly mean global average sst anomalies are removed to separate this pattern of variability from any "" global warming "" signal that may be present in the data . for more details , see : zhang , y . , j . m . wallace , d . s . battisti , 1997 : enso - like interdecadal variability : 1900 - 93 . j . climate , 10 , 1004 - 1020 . mantua , n . j . and s . r . hare , y . zhang , j . m . wallace , and r . c . francis , 1997 : a pacific interdecadal climate oscillation with impacts on salmon production . bulletin of the american meteorological society , 78 , pp . 1069 - 1079 . ( available via the internet at url : data sources for this index are : ukmo historical sst data set for 1900 - 81 ; reynold ' s optimally interpolated sst for january 1982 - latest missing value flag is - 9999 year jan feb mar apr may jun jul aug sep oct nov dec 1900 0 . 04 1 . 32 0 . 49 0 . 35 0 . 77 0 . 65 0 . 95 0 . 14 - 0 . 24 0 . 23 - 0 . 44 1 . 19 1901 0 . 79 - 0 . 12 0 . 35 0 . 61 - 0 . 42 - 0 . 05 - 0 . 60 - 1 . 20 - 0 . 33 0 . 16 - 0 . 60 - 0 . 14 1902 0 . 82 1 . 58 0 . 48 1 . 37 1 . 09 0 . 52 1 . 58 1 . 57 0 . 44 0 . 70 0 . 16 - 1 . 10 1903 0 . 86 - 0 . 24 - 0 . 22 - 0 . 50 0 . 43 0 . 23 0 . 40 1 . 01 - 0 . 24 0 . 18 0 . 08 - 0 . 03 1904 0 . 63 - 0 . 91 - 0 . 71 - 0 . 07 - 0 . 22 - 1 . 53 - 1 . 58 - 0 . 64 0 . 06 0 . 43 1 . 45 0 . 06 1905 0 . 73 0 . 91 1 . 31 1 . 59 - 0 . 07 0 . 69 0 . 85 1 . 26 - 0 . 03 - 0 . 15 1 . 11 - 0 . 50 1906 0 . 92 1 . 18 0 . 83 0 . 74 0 . 44 1 . 24 0 . 09 - 0 . 53 - 0 . 31 0 . 08 1 . 69 - 0 . 54 1907 - 0 . 30 - 0 . 32 - 0 . 19 - 0 . 16 0 . 16 0 . 57 0 . 63 - 0 . 96 - 0 . 23 0 . 84 0 . 66 0 . 72 1908 1 . 36 1 . 02 0 . 67 0 . 23 0 . 23 0 . 41 0 . 60 - 1 . 04 - 0 . 16 - 0 . 41 0 . 47 1 . 16 1909 0 . 23 1 . 01 0 . 54 0 . 24 - 0 . 39 - 0 . 64 - 0 . 39 - 0 . 68 - 0 . 89 - 0 . 02 - 0 . 40 - 0 . 01 1910 - 0 . 25 - 0 . 70 0 . 18 - 0 . 37 - 0 . 06 - 0 . 28 0 . 03 - 0 . 06 0 . 40 - 0 . 66 0 . 02 0 . 84 1911 - 1 . 11 0 . 00 - 0 . 78 - 0 . 73 0 . 17 0 . 02 0 . 48 0 . 43 0 . 29 0 . 20 - 0 . 86 0 . 01 1912 - 1 . 72 - 0 . 23 - 0 . 04 - 0 . 38 - 0 . 02 0 . 77 1 . 07 - 0 . 84 0 . 94 0 . 56 0 . 74 0 . 98 1913 - 0 . 03 0 . 34 0 . 06 - 0 . 92 0 . 66 1 . 43 1 . 06 1 . 29 0 . 73 0 . 62 0 . 75 0 . 90 1914 0 . 34 - 0 . 29 0 . 08 1 . 20 0 . 11 0 . 11 - 0 . 21 0 . 11 - 0 . 34 - 0 . 11 0 . 03 0 . 89 1915 - 0 . 41 0 . 14 - 1 . 22 1 . 40 0 . 32 0 . 99 1 . 07 0 . 27 - 0 . 05 - 0 . 43 - 0 . 12 0 . 17 1916 - 0 . 64 - 0 . 19 - 0 . 11 0 . 35 0 . 42 - 0 . 82 - 0 . 78 - 0 . 73 - 0 . 77 - 0 . 22 - 0 . 68 - 1 . 94 1917 - 0 . 79 - 0 . 84 - 0 . 71 - 0 . 34 0 . 82 - 0 . 03 0 . 10 - 0 . 22 - 0 . 40 - 1 . 75 - 0 . 34 - 0 . 60 1918 - 1 . 13 - 0 . 66 - 1 . 15 - 0 . 32 - 0 . 33 0 . 07 0 . 98 - 0 . 31 - 0 . 59 0 . 61 0 . 34 0 . 86 1919 - 1 . 07 1 . 31 - 0 . 50 0 . 08 0 . 17 - 0 . 71 - 0 . 47 0 . 38 0 . 06 - 0 . 42 - 0 . 80 0 . 76 1920 - 1 . 18 0 . 06 - 0 . 78 - 1 . 29 - 0 . 97 - 1 . 30 - 0 . 90 - 2 . 21 - 1 . 28 - 1 . 06 - 0 . 26 0 . 29 1921 - 0 . 66 - 0 . 61 - 0 . 01 - 0 . 93 - 0 . 42 0 . 40 - 0 . 58 - 0 . 69 - 0 . 78 - 0 . 23 1 . 92 1 . 42 1922 1 . 05 - 0 . 85 0 . 08 0 . 43 - 0 . 19 - 1 . 04 - 0 . 82 - 0 . 93 - 0 . 81 0 . 84 - 0 . 60 0 . 48 1923 0 . 75 - 0 . 04 0 . 49 0 . 99 - 0 . 20 0 . 68 1 . 16 0 . 84 - 0 . 24 1 . 10 0 . 62 - 0 . 36 1924 1 . 29 0 . 73 1 . 13 - 0 . 02 0 . 36 0 . 75 - 0 . 55 - 0 . 67 - 0 . 48 - 1 . 25 0 . 24 0 . 11 1925 - 0 . 05 - 0 . 14 0 . 20 0 . 86 0 . 79 - 1 . 08 - 0 . 06 - 0 . 86 0 . 52 0 . 04 0 . 88 1 . 19 1926 0 . 30 0 . 98 - 0 . 50 2 . 10 1 . 43 2 . 03 1 . 05 1 . 64 1 . 18 1 . 65 1 . 00 1 . 06 1927 1 . 07 1 . 73 0 . 15 - 0 . 18 0 . 30 0 . 69 - 0 . 31 - 0 . 73 - 0 . 41 - 0 . 62 - 0 . 07 0 . 07 1928 0 . 96 0 . 79 0 . 52 0 . 81 0 . 66 0 . 15 0 . 30 - 0 . 72 - 1 . 41 - 1 . 31 0 . 14 0 . 98 1929 0 . 97 0 . 52 0 . 50 0 . 55 1 . 07 0 . 50 - 0 . 06 - 0 . 69 0 . 45 - 0 . 21 1 . 24 - 0 . 03 1930 0 . 97 - 1 . 06 - 0 . 43 - 0 . 70 0 . 06 0 . 58 - 0 . 45 - 0 . 53 - 0 . 20 - 0 . 38 - 0 . 31 1 . 20 1931 0 . 08 1 . 56 1 . 13 1 . 28 1 . 66 0 . 39 1 . 49 0 . 02 - 0 . 01 - 0 . 17 0 . 34 1 . 09 1932 - 0 . 26 - 0 . 58 0 . 51 1 . 15 0 . 64 0 . 10 - 0 . 12 - 0 . 14 - 0 . 40 - 0 . 29 - 0 . 88 0 . 02 1933 0 . 29 0 . 02 0 . 15 - 0 . 05 - 0 . 50 - 0 . 68 - 1 . 81 - 1 . 56 - 2 . 28 - 1 . 19 0 . 55 - 1 . 10 1934 0 . 17 0 . 68 1 . 34 1 . 63 1 . 23 0 . 51 0 . 44 1 . 54 1 . 25 2 . 10 1 . 63 1 . 67 1935 1 . 01 0 . 79 - 0 . 11 1 . 10 0 . 99 1 . 39 0 . 68 0 . 63 0 . 98 0 . 21 0 . 13 1 . 78 1936 1 . 79 1 . 75 1 . 36 1 . 32 1 . 83 2 . 37 2 . 57 1 . 71 0 . 04 2 . 10 2 . 65 1 . 28 1937 0 . 00 - 0 . 49 0 . 38 0 . 20 0 . 53 1 . 75 0 . 11 - 0 . 35 0 . 63 0 . 76 - 0 . 18 0 . 55 1938 0 . 50 0 . 02 0 . 24 0 . 27 - 0 . 25 - 0 . 20 - 0 . 21 - 0 . 45 - 0 . 01 0 . 07 0 . 48 1 . 40 1939 1 . 36 0 . 07 - 0 . 39 0 . 45 0 . 98 1 . 04 - 0 . 21 - 0 . 74 - 1 . 10 - 1 . 31 - 0 . 88 1 . 51 1940 2 . 03 1 . 74 1 . 89 2 . 37 2 . 32 2 . 43 2 . 12 1 . 40 1 . 10 1 . 19 0 . 68 1 . 96 1941 2 . 14 2 . 07 2 . 41 1 . 89 2 . 25 3 . 01 2 . 33 3 . 31 1 . 99 1 . 22 0 . 40 0 . 91 1942 1 . 01 0 . 79 0 . 29 0 . 79 0 . 84 1 . 19 0 . 12 0 . 44 0 . 68 0 . 54 - 0 . 10 - 1 . 00 1943 - 0 . 18 0 . 02 0 . 26 1 . 08 0 . 43 0 . 68 - 0 . 36 - 0 . 90 - 0 . 49 - 0 . 04 0 . 29 0 . 58 1944 0 . 18 0 . 17 0 . 08 0 . 72 - 0 . 35 - 0 . 98 - 0 . 40 - 0 . 51 - 0 . 56 - 0 . 40 0 . 33 0 . 20 1945 - 1 . 02 0 . 72 - 0 . 42 - 0 . 40 - 0 . 07 0 . 56 1 . 02 0 . 18 - 0 . 27 0 . 10 - 1 . 94 - 0 . 74 1946 - 0 . 91 - 0 . 32 - 0 . 41 - 0 . 78 0 . 50 - 0 . 86 - 0 . 84 - 0 . 36 - 0 . 22 - 0 . 36 - 1 . 48 - 0 . 96 1947 - 0 . 73 - 0 . 29 1 . 17 0 . 70 0 . 37 1 . 36 0 . 16 0 . 30 0 . 58 0 . 85 - 0 . 14 1 . 67 1948 - 0 . 11 - 0 . 74 - 0 . 03 - 1 . 33 - 0 . 23 0 . 08 - 0 . 92 - 1 . 56 - 1 . 74 - 1 . 32 - 0 . 89 - 1 . 70 1949 - 2 . 01 - 3 . 60 - 1 . 00 - 0 . 53 - 1 . 07 - 0 . 70 - 0 . 56 - 1 . 30 - 0 . 93 - 1 . 41 - 0 . 83 - 0 . 80 1950 - 2 . 13 - 2 . 91 - 1 . 13 - 1 . 20 - 2 . 23 - 1 . 77 - 2 . 93 - 0 . 70 - 2 . 14 - 1 . 36 - 2 . 46 - 0 . 76 1951 - 1 . 54 - 1 . 06 - 1 . 90 - 0 . 36 - 0 . 25 - 1 . 09 0 . 70 - 1 . 37 - 0 . 08 - 0 . 32 - 0 . 28 - 1 . 68 1952 - 2 . 01 - 0 . 46 - 0 . 63 - 1 . 05 - 1 . 00 - 1 . 43 - 1 . 25 - 0 . 60 - 0 . 89 - 0 . 35 - 0 . 76 0 . 04 1953 - 0 . 57 - 0 . 07 - 1 . 12 0 . 05 0 . 43 0 . 29 0 . 74 0 . 05 - 0 . 63 - 1 . 09 - 0 . 03 0 . 07 1954 - 1 . 32 - 1 . 61 - 0 . 52 - 1 . 33 0 . 01 0 . 97 0 . 43 0 . 08 - 0 . 94 0 . 52 0 . 72 - 0 . 50 1955 0 . 20 - 1 . 52 - 1 . 26 - 1 . 97 - 1 . 21 - 2 . 44 - 2 . 35 - 2 . 25 - 1 . 95 - 2 . 80 - 3 . 08 - 2 . 75 1956 - 2 . 48 - 2 . 74 - 2 . 56 - 2 . 17 - 1 . 41 - 1 . 70 - 1 . 03 - 1 . 16 - 0 . 71 - 2 . 30 - 2 . 11 - 1 . 28 1957 - 1 . 82 - 0 . 68 0 . 03 - 0 . 58 0 . 57 1 . 76 0 . 72 0 . 51 1 . 59 1 . 50 - 0 . 32 - 0 . 55 1958 0 . 25 0 . 62 0 . 25 1 . 06 1 . 28 1 . 33 0 . 89 1 . 06 0 . 29 0 . 01 - 0 . 18 0 . 86 1959 0 . 69 - 0 . 43 - 0 . 95 - 0 . 02 0 . 23 0 . 44 - 0 . 50 - 0 . 62 - 0 . 85 0 . 52 1 . 11 0 . 06 1960 0 . 30 0 . 52 - 0 . 21 0 . 09 0 . 91 0 . 64 - 0 . 27 - 0 . 38 - 0 . 94 0 . 09 - 0 . 23 0 . 17 1961 1 . 18 0 . 43 0 . 09 0 . 34 - 0 . 06 - 0 . 61 - 1 . 22 - 1 . 13 - 2 . 01 - 2 . 28 - 1 . 85 - 2 . 69 1962 - 1 . 29 - 1 . 15 - 1 . 42 - 0 . 80 - 1 . 22 - 1 . 62 - 1 . 46 - 0 . 48 - 1 . 58 - 1 . 55 - 0 . 37 - 0 . 96 1963 - 0 . 33 - 0 . 16 - 0 . 54 - 0 . 41 - 0 . 65 - 0 . 88 - 1 . 00 - 1 . 03 0 . 45 - 0 . 52 - 2 . 08 - 1 . 08 1964 0 . 01 - 0 . 21 - 0 . 87 - 1 . 03 - 1 . 91 - 0 . 32 - 0 . 51 - 1 . 03 - 0 . 68 - 0 . 37 - 0 . 80 - 1 . 52 1965 - 1 . 24 - 1 . 16 0 . 04 0 . 62 - 0 . 66 - 0 . 80 - 0 . 47 0 . 20 0 . 59 - 0 . 36 - 0 . 59 0 . 06 1966 - 0 . 82 - 0 . 03 - 1 . 29 0 . 06 - 0 . 53 0 . 16 0 . 26 - 0 . 35 - 0 . 33 - 1 . 17 - 1 . 15 - 0 . 32 1967 - 0 . 20 - 0 . 18 - 1 . 20 - 0 . 89 - 1 . 24 - 1 . 16 - 0 . 89 - 1 . 24 - 0 . 72 - 0 . 64 - 0 . 05 - 0 . 40 1968 - 0 . 95 - 0 . 40 - 0 . 31 - 1 . 03 - 0 . 53 - 0 . 35 0 . 53 0 . 19 0 . 06 - 0 . 34 - 0 . 44 - 1 . 27 1969 - 1 . 26 - 0 . 95 - 0 . 50 - 0 . 44 - 0 . 20 0 . 89 0 . 10 - 0 . 81 - 0 . 66 1 . 12 0 . 15 1 . 38 1970 0 . 61 0 . 43 1 . 33 0 . 43 - 0 . 49 0 . 06 - 0 . 68 - 1 . 63 - 1 . 67 - 1 . 39 - 0 . 80 - 0 . 97 1971 - 1 . 90 - 1 . 74 - 1 . 68 - 1 . 59 - 1 . 55 - 1 . 55 - 2 . 20 - 0 . 15 0 . 21 - 0 . 22 - 1 . 25 - 1 . 87 1972 - 1 . 99 - 1 . 83 - 2 . 09 - 1 . 65 - 1 . 57 - 1 . 87 - 0 . 83 0 . 25 0 . 17 0 . 11 0 . 57 - 0 . 33 1973 - 0 . 46 - 0 . 61 - 0 . 50 - 0 . 69 - 0 . 76 - 0 . 97 - 0 . 57 - 1 . 14 - 0 . 51 - 0 . 87 - 1 . 81 - 0 . 76 1974 - 1 . 22 - 1 . 65 - 0 . 90 - 0 . 52 - 0 . 28 - 0 . 31 - 0 . 08 0 . 27 0 . 44 - 0 . 10 0 . 43 - 0 . 12 1975 - 0 . 84 - 0 . 71 - 0 . 51 - 1 . 30 - 1 . 02 - 1 . 16 - 0 . 40 - 1 . 07 - 1 . 23 - 1 . 29 - 2 . 08 - 1 . 61 1976 - 1 . 14 - 1 . 85 - 0 . 96 - 0 . 89 - 0 . 68 - 0 . 67 0 . 61 1 . 28 0 . 82 1 . 11 1 . 25 1 . 22 1977 1 . 65 1 . 11 0 . 72 0 . 30 0 . 31 0 . 42 0 . 19 0 . 64 - 0 . 55 - 0 . 61 - 0 . 72 - 0 . 69 1978 0 . 34 1 . 45 1 . 34 1 . 29 0 . 90 0 . 15 - 1 . 24 - 0 . 56 - 0 . 44 0 . 10 - 0 . 07 - 0 . 43 1979 - 0 . 58 - 1 . 33 0 . 30 0 . 89 1 . 09 0 . 17 0 . 84 0 . 52 1 . 00 1 . 06 0 . 48 - 0 . 42 1980 - 0 . 11 1 . 32 1 . 09 1 . 49 1 . 20 - 0 . 22 0 . 23 0 . 51 0 . 10 1 . 35 0 . 37 - 0 . 10 1981 0 . 59 1 . 46 0 . 99 1 . 45 1 . 75 1 . 69 0 . 84 0 . 18 0 . 42 0 . 18 0 . 80 0 . 67 1982 0 . 34 0 . 20 0 . 19 - 0 . 19 - 0 . 58 - 0 . 78 0 . 58 0 . 39 0 . 84 0 . 37 - 0 . 25 0 . 26 1983 0 . 56 1 . 14 2 . 11 1 . 87 1 . 80 2 . 36 3 . 51 1 . 85 0 . 91 0 . 96 1 . 02 1 . 69 1984 1 . 50 1 . 21 1 . 77 1 . 52 1 . 30 0 . 18 - 0 . 18 - 0 . 03 0 . 67 0 . 58 0 . 71 0 . 82 1985 1 . 27 0 . 94 0 . 57 0 . 19 0 . 00 0 . 18 1 . 07 0 . 81 0 . 44 0 . 29 - 0 . 75 0 . 38 1986 1 . 12 1 . 61 2 . 18 1 . 55 1 . 16 0 . 89 1 . 38 0 . 22 0 . 22 1 . 00 1 . 77 1 . 77 1987 1 . 88 1 . 75 2 . 10 2 . 16 1 . 85 0 . 73 2 . 01 2 . 83 2 . 44 1 . 36 1 . 47 1 . 27 1988 0 . 93 1 . 24 1 . 42 0 . 94 1 . 20 0 . 74 0 . 64 0 . 19 - 0 . 37 - 0 . 10 - 0 . 02 - 0 . 43 1989 - 0 . 95 - 1 . 02 - 0 . 83 - 0 . 32 0 . 47 0 . 36 0 . 83 0 . 09 0 . 05 - 0 . 12 - 0 . 50 - 0 . 21 1990 - 0 . 30 - 0 . 65 - 0 . 62 0 . 27 0 . 44 0 . 44 0 . 27 0 . 11 0 . 38 - 0 . 69 - 1 . 69 - 2 . 23 1991 - 2 . 02 - 1 . 19 - 0 . 74 - 1 . 01 - 0 . 51 - 1 . 47 - 0 . 10 0 . 36 0 . 65 0 . 49 0 . 42 0 . 09 1992 0 . 05 0 . 31 0 . 67 0 . 75 1 . 54 1 . 26 1 . 90 1 . 44 0 . 83 0 . 93 0 . 93 0 . 53 1993 0 . 05 0 . 19 0 . 76 1 . 21 2 . 13 2 . 34 2 . 35 2 . 69 1 . 56 1 . 41 1 . 24 1 . 07 1994 1 . 21 0 . 59 0 . 80 1 . 05 1 . 23 0 . 46 0 . 06 - 0 . 79 - 1 . 36 - 1 . 32 - 1 . 96 - 1 . 79 1995 - 0 . 49 0 . 46 0 . 75 0 . 83 1 . 46 1 . 27 1 . 71 0 . 21 1 . 16 0 . 47 - 0 . 28 0 . 16 1996 0 . 59 0 . 75 1 . 01 1 . 46 2 . 18 1 . 10 0 . 77 - 0 . 14 0 . 24 - 0 . 33 0 . 09 - 0 . 03 1997 0 . 23 0 . 28 0 . 65 1 . 05 1 . 83 2 . 76 2 . 35 2 . 79 2 . 19 1 . 61 1 . 12 0 . 67 1998 0 . 83 1 . 56 2 . 01 1 . 27 0 . 70 0 . 40 - 0 . 04 - 0 . 22 - 1 . 21 - 1 . 39 - 0 . 52 - 0 . 44 1999 - 0 . 32 - 0 . 66 - 0 . 33 - 0 . 41 - 0 . 68 - 1 . 30 - 0 . 66 - 0 . 96 - 1 . 53 - 2 . 23 - 2 . 05 - 1 . 63 2000 * - 1 . 99 - 0 . 82 0 . 29 0 . 35 - 0 . 05 - 0 . 43 - 0 . 66 - 999 - 999 - 999 - 999 - 999 * note that monthly values in the last year of the data set are subject to minor changes due to updated values in the reynold ' s optimally interpolated sst data used in creating this index . url : ftp : / / ftp . atmos . washington . edu / mantua / pnw _ impacts / indices / pdo . latest if you have any questions about this time series , contact nathan mantua at : mantua @ atmos . washington . edu - pdo _ latest . gif",0 +"Subject: re : enron exotica options library patrick , please , contact zimin lu , 713 853 6388 . vince patrick markey 11 / 21 / 2000 05 : 15 am to : vince j kaminski / hou / ect @ ect cc : patrick markey / hou / ect @ ect subject : enron exotica options library vince , i am trying to price a crack spread option utilizing either of the following models in the exotica library : 1 . spread options by 1 - d integration - sprdopt 2 . spread options on asian spreads - asnsprd how do i get access to these options models ? who can i visit with in the houston group if i have any questions regarding the models . your help would be greatly appreciated . i am located in singapore , so i would probably be visiting with the houston personnel via e - mail . thanks , pat markey p . s . - i have access to the o : \ research \ exotica \ xll \ xll _ templates \ directory ; however , there are no macros associated with the programs that i can find . also , i don ' t have access to the m : drive . please let me know where to find these options models .",0 +"Subject: sr . director position vince : as you requested , i have obtained some information from norma relating to the salary parameters of the sr . director position . the minimum salary is $ 83 , 800 , and the maximum is $ 168 , 000 ( huge range , isn ' t it ? ) . however , norma did ask me to bring a couple of things to your attention : the lowest salary of a vp in your group is currently $ 140 , 000 , and the average director ' s salary in your group is $ 120 , 000 . those numbers narrow the range considerably . of course , there is no equity issue since there is no other senior director in your group . hope this information helps , molly",0 +"Subject: re : power question steve , elena chilkina can give you historical data . historical fwd curves can be obtained from paulo or alex , among others . of course , our internal forward curves represent a very sensitive information . vince steven leppard 10 / 13 / 2000 10 : 34 am to : vince j kaminski / hou / ect @ ect cc : didier magne / lon / ect @ ect subject : power question hi vince who should i contact for power queries now grant has gone ? a colleague here in london ( didier magne ) is giving a talk on power / gas arbitrage , and the consequent convergence of these markets . do you have any presentations on this area , or illustrative figures on the increase in power / gas correlation ? many thanks , steve",0 +"Subject: presentation george , this is the presentation i promised . vince",0 +"Subject: re : numbers for sharad agnihotri dale , to follow up on my earlier message . anjam expressed his concern that sharad is holding off on our offer . i would consider bumping it up to 55 , 000 with a sign - on bonus . we badly need fresh talent . i shall be in australia next week . if you need any additional intervention from us , please , call stinson . vince vince j kaminski 07 / 06 / 2000 08 : 56 am to : dale surbey / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : numbers for sharad agnihotri dale , i was very impressed with sharad and i think that we should consider paying offering him o 50 , 000 . i am not sure about guaranteed bonus . what do you think ? - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 07 / 06 / 2000 08 : 59 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . - europe from : anjam ahmad 07 / 05 / 2000 10 : 56 am to : dale surbey / lon / ect @ ect , vince j kaminski / hou / ect @ ect cc : kate bruges / lon / ect @ ect subject : numbers for sharad agnihotri hi dale ( i would also like to arrange for a direct reporting line to me for sharad . regards , anjam x 35383 p . s . kate : i have attached the agencies terms and conditions below : - - - - - - - - - - - - - - - - - - - - - - forwarded by anjam ahmad / lon / ect on 05 / 07 / 2000 16 : 21 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . from : alex blair 05 / 07 / 2000 15 : 29 to : "" ' anjam ahmad ' "" cc : subject : numbers anjam , ? ? ? ? ? ? ? as requested please find enclosed details on sharad ' s numbers : ? ? ? ? ? ? ? basic salary : o 40 , 000 ? ? ? ? ? ? ? car allowance : o 3 , 500 ? ? ? ? ? ? ? ( paid in cash ) ? ? ? ? ? ? ? annual bonus : ol 3 , 000 ( this bonus was paid for ? ? ? ? ? ? ? 99 - 00 ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? 8 mths work april - dec ) total o 56 , 500 sharad has been informed that his bonus payments for year 00 - 01 will be floored at o 25 , 000 . ? sharad ' s expectations therefore are to receive a base salary of between o 57 . 5 - o 60 k plus bonus . i hope this is of use and ask that if you have any questions that you do not hesitate to call . alex blair senior consultant alex . blair @ alexmann . com tel : 0207 891 6671 fax : 0207 905 1313 web : "" the alexander mann group has a stated policy for the use of electronic mail which is rigorously enforced throughout the group . the contents of this e mail should meet the requirements of the policy - if you would like further details please forward this message to info @ alexmann . com or call 0207 242 9000 . the information contained in this electronic mail message is confidential . it is intended solely for the use of the individual or entity to whom it is addressed and others authorised to receive it . if the reader of this message is not the intended recipient , you are hereby notified that any use , copying , dissemination or disclosure of this information is strictly prohibited . """,0 +"Subject: re : replacement of stolen chairs fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 04 / 18 / 2000 01 : 22 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - reggie wilson 04 / 18 / 2000 12 : 57 pm to : kevin g moore / hou / ect @ ect cc : william smith / corp / enron @ enron , shirley crenshaw / hou / ect @ ect , mike a roberts / hou / ect @ ect subject : re : replacement of stolen chairs kevin , if you guys had aerons ( mesh ) and / or vecta ( leather ) chairs , my group typically will not be responsible for the replacement of those chairs as i ' m not aware of who has taken the chairs or where they may have gone . my group does not stock these chairs , therefore we order as requested by business units and charge your co / rc . there will be two chairs delivered to the locations mentioned below , however , they will not be the vecta or aeron chairs . you may want to contact enron security and maybe they can investigate further . thanks , reggie kevin g moore 04 / 18 / 2000 10 : 54 am to : reggie wilson / epsc / hou / ect @ ect , william smith / corp / enron @ enron , shirley crenshaw / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : subject : replacement of stolen chairs hi reggie , we spoke regarding the chairs on monday . please , we need these chairs as soon as possible , without being charged . we paid for all new chairs each time we moved and it ' s not fair we pay again . thanks kevin moore p . s . these chairs were taken . . . . . . . . . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 04 / 18 / 2000 10 : 46 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : william smith @ enron 04 / 18 / 2000 10 : 00 am to : reggie wilson / epsc / hou / ect @ ect cc : shirley crenshaw / hou / ect @ ect , kevin g moore / hou / ect @ ect subject : replacement of stolen chairs reggie , there may already be a request floating around for a standard black office chair for ebl 972 d . it was stolen over a weekend several weeks ago . in addition to that one , my own chair at eb 3132 a was stolen this past weekend . could you come up with a couple of decent ones for us ? if you need to charge them to us , our numbers are 0011 and 100038 . as always , call me if you need to at x 58322 . thanks ! sam smith",0 +"Subject: the rising crisis in brazil ' s power sector - a cera conference ca ll cambridge energy research associates ( cera ) invites you to participate in a special conference call and web presentation to discuss "" the rising crisis in brazil ' s power sector "" on may 3 , 2001 at 9 : 30 am eastern time . this call will feature jed bailey , an associate director and specialist on latin america power issues and barbara l . mattos , cera associate director specializing in the industrial and energy markets of brazil . topics for this conference call and web presentation include : * could the short rain season result in shortage and rationing ? * what is the potential impact on the energy reform process ? * what is the potential impact on the economy ? format our speakers will address this topic for approximately 30 minutes , with accompanying graphics presented on the internet , followed by an open question and answer period . to enroll to enroll , please contact ms . donna masulla via e - mail at dmasulla @ cera . com before 4 : 00 p . m . , wednesday , may 2 , 2001 . please include your name , company , and telephone number with your correspondence . how to participate via audio netscape navigator 3 . 02 or higher ; or sun hot java ( tm ) * close all desktop applications and disable your screen saver to ensure computer compatibility , complete the internet instructions before the day of the call . a message will appear telling you that your meeting is not ready to start . however , it also informs you about any action that you may need to take to prepare your computer to participate . technical assistance u . s . callers : ? if you are experiencing difficulties during the call , you may signal for technical assistance by pressing * 0 ( star , zero ) on your telephone keypad after you have connected to the audio portion of the conference . international callers : ? please re - dial and ask the operator for assistance before giving the confirmation code . cera ' s spring 2001 roundtable event dates and agendas are now available at http : / / www 20 . cera . com / event our relationship with you is very important to us . ? if you wish not to receive e - mail notifications from cera , please send a reply to this message with "" donotemail "" as the subject of your message . ( mailto : info @ cera . com ? subject = donotemail ) ",0 +"Subject: term paper vince , ? attached is our team ' s term paper in pdf format . ? please let us know if you still problem opening the file . thank you very much . ? best regards , winny so ? rice university jesse h . jones graduate school of management mba candidate , class of 2001 ? 2018 richland court sugar land , tx 77478 home : ? ? ( 281 ) 265 - 3522 mobile : ? ( 281 ) 989 - 8417 e - mail : ? so @ rice . edu > http : / / www . ruf . rice . edu / ~ so / ? - modeling project . pdf",0 +"Subject: candidate : howard information vince - i spoke with london just now . here is what i gather vuthy said about howard haughton . 1 . he wants a second - round ( another interview with enron ) - but , with high officials ( senior management , this time ) . 2 . he didn ' t think the interviewers were understanding his technical abilities and language . good news : he ( howard ) wants to come back for another interview . i was lead to believe it went well although , howard believes in protocol . bad news : howard in on vacation now for 10 days . sounds fairly good on the candidate debrief . thanks , vince . jeff 949 813 2241 * get free , secure online email at http : / / www . ziplip . com / *",0 +"Subject: re : mission impossible - hr associate groups recommendation and next steps kay - friday is ok up to 4 : 00 pm for me . ted from : kay chapman 10 / 13 / 2000 12 : 52 pm to : tana cashion / na / enron @ enron cc : daniel brown / na / enron @ enron , gerry gibson / corp / enron @ enron , andrea yowman / corp / enron @ enron , bob sparger / corp / enron @ enron , tim o ' rourke / corp / enron @ enron , ted c bland / hou / ect @ ect , tana cashion / na / enron @ enron , cindy olson / corp / enron @ enron , vince j kaminski / hou / ect @ ect , kay chapman / hou / ect @ ect , sarah a davis / hou / ect @ ect , marla barnard / enron communications @ enron communications , pam butler / hr / corp / enron @ enron , michelle cash / hou / ect @ ect , brian schaffer / corp / enron @ enron , suzanne brown / hou / ect @ ect , robert jones / corp / enron @ enron , neil davies / corp / enron @ enron subject : re : mission impossible - hr associate groups recommendation and next steps how does next friday october 20 , 2000 , look for everyone ? ? ? i have morning and afternoon available . i even have a 10 : 00 am if you just want to move the date and not the time . kay tana cashion @ enron 10 / 12 / 2000 02 : 28 pm to : kay chapman / hou / ect @ ect cc : daniel brown / na / enron @ enron , gerry gibson / corp / enron @ enron subject : re : mission impossible - hr associate groups recommendation and next steps what is the first availbale day that david can be at the meeting ? let ' s try to schedule a time that day . thanks - tana enron north america corp . from : kay chapman @ ect 10 / 12 / 2000 02 : 24 pm to : andrea yowman / corp / enron @ enron , bob sparger / corp / enron @ enron , tim o ' rourke / corp / enron @ enron , ted c bland / hou / ect @ ect , daniel brown / na / enron @ enron , tana cashion / na / enron @ enron , rhonna palmer / hou / ect @ ect , cindy olson / corp / enron @ enron , vince j kaminski / hou / ect @ ect , kay chapman / hou / ect @ ect , sarah a davis / hou / ect @ ect , marla barnard / enron communications @ enron communications , pam butler / hr / corp / enron @ enron , michelle cash / hou / ect @ ect , brian schaffer / corp / enron @ enron , suzanne brown / hou / ect @ ect , robert jones / corp / enron @ enron , neil davies / corp / enron @ enron , gerry gibson / corp / enron @ enron cc : subject : mission impossible - hr associate groups recommendation and next steps the monday october 16 , 2000 meeting at 10 : 00 am needs to be moved again . sorry for the inconvenience , but david oxley is going to be traveling . . thanks , kay",0 +"Subject: fund raising for mit sloan school dear vince , please find the following description of the program that i would like to raise additional funding for . i will follow up today with a phone call to answer any questions you may have . as always we appreciate your time and support . thanks , jozef the eastern european students at mit sloan school of management are preparing an eastern european week to be held in march 2001 . the one - week long program will familiarize our classmates with many of the countries that are going through the post communist transformation . as you well know , eastern europe has a great deal of opportunities for many companies . unfortunately , it also presents many obstacles that make most of the opportunities difficult to capture . because we believe that we can help to eliminate some of these obstacles , we want to bring the eastern european experience to mit sloan school of management . familiarizing the future business leaders with the countries is only one step toward reforming eastern europe , but we believe it is worth our time and effort . during the week , we plan to bring series of lectures addressing the business environment in eastern europe . we want to emphasize especially the success stories from eastern europe . such companies as enron , volkswagen , exxonmobil , gm , and ge have entered the eastern european market and show commitment to stay in it . in at least one panel discussion with academic experts and industry participants we hope to let everyone know that eastern europe is a real place for business . in addition to the educational activities , we are preparing number of cultural events that will introduce the culture of this area . the scope of our program depends greatly on the funds we will be able to raise from our sponsors . in return , we plan to advertise our sponsors in every activity we will do . we will make banners and any other appropriate advertising as desired by the sponsor . should a sponsor be willing to send a speaker for the panel discussion or to give a speech / lecture we would appreciate the enrichment to our program . the advertising will reach nearly 700 sloan students and faculty . in addition , the advertising will reach all newly admitted students , as they will visit our campus for the admit day ( an official program to sell our school to the admitted students ) .",0 +"Subject: enron trial of energycast service mike , here are the particulars of the trial run of our service , including the times for the telephone contact from wsi . remember this will be a bilateral , not a conference , call . on the esai side , while i will be out of town , peter ingraham ( 781 245 2036 ) is available to answer questions or take suggestions . we look forward to working with you next week . ed - - - - - original message - - - - - from : shorter , jeffrey [ mailto : jshorter @ wsicorp . com ] sent : tuesday , july 25 , 2000 11 : 36 am to : bosse , john ; ed krapels ( e - mail ) ; peter ingraham ( e - mail ) cc : weather effects subject : ed , we are set with a evaluation of the service covering the period from monday to thursday july 31 to aug 3 . we will activate the web access on friday afternoon and initiate calls monday morning . the call schedule is : short range : 8 : 40 east coast time mid range : 9 : 20 east coast time if there is a conflict with these times , please notify me . we will need a number to call into , typically we call directly onto the trading floor . the username and password are the same as the initial viewing : username : enron password : stroso 0 ( zero zero ) it is important to make the point this is for evaluation purposes since we are not under a contract with liability issues addressed . i am sure enron will love it like the rest of our clients ! ! jeff _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ jeffrey a . shorter , ph . d . vice president wsi - weathereffects 55 walkers brook road reading , ma 01867 jshorter @ wsicorp . com 781 - 205 - 7385 ( direct voice ) 781 - 942 - 2000 ( switchboard ) 781 - 942 - 2571 ( fax ) 617 - 320 - 4653 ( cell )",0 +"Subject: re : full version i read the chapter . generally , i like it , and find it non - controversial and well written . of course , this is a huge topic and there are things that you haven ' t discussed . i thought the amount of attention paid to ols and mle estimation was a bit overboard , given that you didn ' t really exploit it in your results . if you were to state the likelihood function for the garch model , it might justify the amount of attention to gave to estimation for simple iid processes , which could then be thought of as a simple lead - in and intuition builder to the more interesting models that you do actually use . by the way , in your discussion of smiles , you discuss fat tails extensively . at least for equity markets , while fat tails contribute , they don ' t do very much at all compared to the effect of risk premia , which you allude to briefly , using supply - demand language , at the end of that section . for the impact of risk premia , see jun pan ' s paper , which is available from her web page . but she covers only sp 500 , ( as do most studies ) , and your markets are obviously much different . the chapter will be a good service to your readers ! best , darrell > x - lotus - fromdomain : ect > from : "" vince j kaminski "" > to : darrell duffie > cc : "" grant masson "" , "" vince j kaminski "" > date : wed , 16 aug 2000 16 : 37 : 53 - 0500 > subject : re : full version > mime - version : 1 . 0 > content - disposition : inline > x - uidl : 00453 eda 98 c 82 d 709 e 6123 af 537 e 4 f 63 > x - keywords : > > > > darrell , > > thanks a lot . i really appreciate it . the text is below our usual > standards but we are completely swamped with work here . > > vince > > > > > > > > darrell duffie on 08 / 15 / 2000 04 : 54 : 23 pm > > please respond to darrell duffie > > to : vince . j . kaminski @ enron . com > cc : > subject : re : full version > > > i ' ll have a look ! > > i haven ' t much time , but can certainly > get you a quick reaction , at least ! > > best , darrell > > > > x - lotus - fromdomain : ect > > from : "" vince j kaminski "" > > to : duffie @ stanford . edu > > date : thu , 10 aug 2000 14 : 04 : 47 - 0500 > > subject : full version > > mime - version : 1 . 0 > > content - disposition : inline > > x - uidl : 9 fef 7462 afa 5 d 4 ee 6 co 4 c 9 co 2 df 71 b 25 > > x - keywords : > > > > > > > > darrell , > > > > grant just alerted me that i sent you only part of the text . > > > > here is the full chapter with an aged version of gran ' t part . > > what i sent you represents an update of his contribution . > > > > sorry for that . > > > > vince > > > > ( see attached file : volo 720 . doc ) > > _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ > darrell duffie > mail gsb stanford ca 94305 - 5015 usa > phone 650 723 1976 > fax 650 725 7979 > email duffie @ stanford . edu > web http : / / www . stanford . edu / ~ duffie / > _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ > > > > > > > darrell duffie mail gsb stanford ca 94305 - 5015 usa phone 650 723 1976 fax 650 725 7979 email duffie @ stanford . edu web http : / / www . stanford . edu / ~ duffie / ",0 +"Subject: option visualization vince and stinson , i did some reserach on the option visualization . here is one of the findings . check this web site , the image looks impressive : http : / / home . online . no / ~ espehaug / virtualworld / virtualoptionworld . html this is done through a free software livegraphics 3 d and mathematica . take a look of the demo on the web site mentioned above to see if it is good enough for our purpose . zimin ps : - - - - - - - - - - - - - - what is livegraphics 3 d ? livegraphics 3 d is a non - commercial java 1 . 1 applet to display and rotate three - dimensional graphics produced by mathematica in html pages . it may be used without charge for any non - commercial purposes . mathematica is a program for symbolic and numeric mathematics by wolfram research , inc . . wolfram research is also responsible for licensing livegraphics 3 d for commercial purposes . livegraphics 3 d enables all mathematica users to put almost any three - dimensional graphics computed by mathematica directly onto a html page , such that everyone with a web browser supporting java 1 . 1 ( e . g . communicator 4 . 0 or internet explorer 4 . 0 or higher ) can view and interactively rotate the graphics without any additional software . additionally livegraphics 3 d is able to show animations , calculate stereo graphics , integrate hyperlinks , and display bitmap backgrounds . ",0 +"Subject: important : mountain top meetings scheduled for next week fyi . ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 03 / 06 / 00 12 : 46 pm - - - - - jeanette busse 03 / 01 / 00 03 : 02 pm to : dayne relihan / enron communications @ enron communications , dorn hetzel / enron communications @ enron communications , jeanette busse / enron communications @ enron communications , jim irvine / enron communications @ enron communications , john bloomer / enron communications @ enron communications , john griebling / enron communications @ enron communications , kelly williams / enron communications @ enron communications , kenny burroughs / enron communications @ enron communications , kevin kohnstamm / enron communications @ enron communications , laura beneville / enron communications @ enron communications , phil sisneros / enron communications @ enron communications , ravi thuraisingham / enron communications @ enron communications , rob kolosvary / enron communications @ enron communications , scott smith / enron communications @ enron communications , steve elliott / enron communications @ enron communications , steve mcnear / enron communications @ enron communications , tom huntington / enron communications @ enron communications , rebecca lynch / enron communications @ enron communications , david cox / enron communications @ enron communications , kenton erwin / enron communications @ enron communications cc : john griebling / enron communications @ enron communications , sheryl lara / enron communications @ enron communications , nicole gilson / enron communications @ enron communications , jennifer adams / enron communications @ enron communications subject : important : mountain top meetings scheduled for next week team , john griebling requests the following individuals return to the omni hotel at interlocken in broomfield , co for mountain top meetings to begin at 12 : 00 pm ( noon ) on march 7 th in the mountain top suite # 1139 . . please be prepared to stay in broomfield co at the omni hotel through march 10 th , 3 : 00 pm . the mountain top teams are assembled as follows : required technical team attendance required contract negotiation team laura beneville steve elliott kenny burroughs john griebling jim irvine tom huntington dayne relihan kenton erwin phil sisneros rebecca lynch ( new team member ) contract negotiation team ( attendance requested ) jeanette busse david cox scott smith dorn hetzel ravi thuraisingham rob kolosvary kelly williams ( approved by kenny burroughs ) please let me know if you have any questions , i can be reached on my cell phone at 503 - 887 - 6397 . best regards , jeanette jeanette a . busse project manager , strategic alliances enron broadband services , inc . ( formerly enron communications ) 2100 sw river parkway , suite 600 portland , or 97201 office : 503 . 886 . 0214 fax : 503 . 886 . 0434 email : jeanette _ busse @ enron . net",0 +"Subject: re : presentation if you would like a hard copy of the presentation to be included in the conference book , i ' ll need it before friday , march 24 . thank you both for all your time sent : thursday , march 16 , 2000 9 : 02 am subject : re : presentation > > dawn , > > i met david sobotka from koch this morning and we talked about > coordinating our presentations . > this means there will be changes intended to avoid overlaps . sorry for > that . the portions of my presentation > will survive ( those about valuation paradigms ) and i shall add a few more > pages on accounting treatment of weather derivatives > plus more specific examples . david will cover primarily market evolution + > plus examples of some > standard structures , and we shall both give more interesting examples of > specific deals executed by our companies . > > i shall send you an updated version of my part next week . let me know what > the deadline is . > > vince > > > > > "" dawn scovill "" on 03 / 14 / 2000 07 : 53 : 47 am > > to : "" vince j kaminski "" > cc : > subject : re : presentation > > > thanks - - would you like me to include these in the conference book ? or do > you anticipate changes ? > > dawn > * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * > from : dawn scovill , conference coordinator > "" powerful new ideas 2000 "" > dawn @ perfectmeeting . com > > > - - - - - original message - - - - - > from : vince j kaminski > to : > cc : shirley crenshaw ; vince j kaminski > ; vince j kaminski > sent : monday , march 13 , 2000 1 : 56 pm > subject : presentation > > > > > > > > dawn , > > > > i am sending you an electronic version of my presentation . > > > > vince kaminski > > > > ( see attached file : fplo 400 . ppt ) > > > > > > > >",0 +"Subject: re : weather course joe , this is the most recent offer from lacima ( weather derivatives course ) . what do you think ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 02 / 19 / 2001 07 : 15 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" julie "" on 02 / 19 / 2001 03 : 19 : 45 pm please respond to "" julie "" to : "" vincejkaminski "" cc : subject : re : weather course vince , enron is fine ( although i think we have to pay for the hyatt anyway ) . ? good discount ( i have a feeling that my idea of a good discount and the weather desk ' s idea is probably different ? ) : ? for the one day , $ 1100 per person . ? if you think that there will be ? around 10 people or more , then we can offer a day rate , regardless of the number of people . ? ? thanks vince ? julie ? ps - of course when i announced that we were cancelling , people started responding that they wished to attend . ? ugh ! ? - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : julie cc : vince . j . kaminski @ enron . com sent : friday , february 16 , 2001 4 : 05 pm subject : re : weather course julie , enron location makes more sense . no reason to pay for the hotel . also , i think that one day makes more sense . i contacted the weather desk about including other people at the training course . i think that they would be interested if they got a good discount . vince "" julie "" on 02 / 16 / 2001 09 : 39 : 37 am please respond to "" julie "" to : ? ? cc : subject : ? re : weather course vince , great . just to let you know , we decided not to wait on the indecisive ones , and postponed the open course . it ' s yours , whatever you want : ? 1 day ( specific to what you feel will be of the most benefit ) , 2 days , hyatt or ? enron , or not at all . i hope this doesn ' t cause problems for you . special deal , for sure . i owe my godfather . julie - - - - - original message - - - - - from : ? vince . j . kaminski @ enron . com to : julie cc : joseph . hrgovcic @ enron . com sent : thursday , february 15 , 2001 3 : 16 ? pm subject : re : weather course julie , that ' s definitely an option . we can ? provide the room . maybe we can cut with you a special deal for enron and ? increase the # of people attending . i am forwarding your message to our ? weather desk . vince joe , what do you think about ? it ? vince "" julie "" on ? 02 / 15 / 2001 08 : 20 : 24 am please respond to "" julie "" to : ? "" vincejkaminski "" cc : subject : ? weather course vince , we just wanted to let you know ? that we only have 3 people signed up for the weather derivatives course ? ( all from enron ) so far . we have a couple more that have expressed strong ? interest , but we are awaiting their final decision . if no one else signs ? up , chris and les thought that you guys could probably get through the ? first day pretty easily , and thus thought it may be an option to teach just ? the 2 nd day material ( pricing ) only at enron ( doing it at the hyatt is an ? option as well but the room might be on the large side ) ? we would ? obviously reimburse you for the day not taught . we can teach both days as ? well , but thought you may want to save some time . i just wanted to give ? you some time to think about it . we will know where we stand on final ? numbers by next ? wednesday . julie",0 +"Subject: ees organizational announcement - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 04 / 12 / 2000 12 : 01 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - osman sezgen @ ees 04 / 12 / 2000 11 : 58 am to : pinnamaneni krishnarao / hou / ect @ ect cc : subject : ees organizational announcement - - - - - - - - - - - - - - - - - - - - - - forwarded by osman sezgen / hou / ees on 04 / 12 / 2000 11 : 57 am - - - - - - - - - - - - - - - - - - - - - - - - - - - lou pai and tom white 04 / 12 / 2000 11 : 40 am sent by : karen owens to : all ees employees cc : subject : ees organizational announcement at the core of ees  , s success has been our willingness to adapt to and embrace change . tom and i are reminded of this again as we announce the departure of john echols , whose extraordinary capabilities have been instrumental to the successful launch of ees , and to our tremendous growth in the two - and - a - half years since then . john is continuing his career at enron . marty sunde , currently managing director of sales joe earle , president and ceo of enron facility services ; kevin hughes , vice president and chief accounting officer ; dan leff , managing director of account and delivery management ; danny mccarty , managing director of ees - europe ; mark muller , managing director of corporate development ; vicki sharp , managing director and general counsel ; and beth tilney , managing director of marketing , communications and human resources . thank you for your continued commitment to ees . we  , ve just completed a great quarter and are well positioned to meet or exceed our targets this year ! in fact , this is the seventh consecutive quarter for record levels of new contracting activity and we  , ve more than doubled our first quarter sales of 1999 . keep up the great work !",0 +"Subject: willow tree hi vince - this is so you can respond to my email . please let me know if you have any further questions or comments regarding willow or if you would like to proceed in discussing a purchase . regards , michael curran head of research riskcare - financial technology services piercy house 7 copthall avenue london ec 2 r 7 nj tel : + 44 ( 0 ) 20 7562 3419 fax : + 44 ( 0 ) 20 7562 3401 mailto : mcurran @ riskcare . com",0 +"Subject: wti - new eol product ted , enclosed is a corrected version of the historical simulation of wti trading . the earlier results were double counting the spread profit on trades closed intra - day . the spread was counted on each trade rather than per round - trip transaction , so the new results show lower profitability . - - stinson",0 +"Subject: new pc lyn : can you tell me the status on this order ? alex is really feeling the pinch for this new computer . thanks ! shirley 3 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 01 / 12 / 2000 08 : 32 am - - - - - - - - - - - - - - - - - - - - - - - - - - - shirley crenshaw 01 / 07 / 2000 01 : 49 pm to : lyn malina / hou / ect @ ect cc : william smith / corp / enron @ enron , vince j kaminski / hou / ect @ ect , alex huang / corp / enron @ enron subject : new pc hi lyn : alex huang has requested a new pc and vince kaminski has ok ' d it . please order the computer as listed below in alex ' s request . thanks ! shirley 3 - 5290 - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 01 / 07 / 2000 01 : 48 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 01 / 07 / 2000 12 : 12 pm to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect , alex huang / corp / enron @ enron subject : new pc shirley , ok . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 07 / 2000 12 : 02 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - alex huang @ enron 01 / 07 / 2000 08 : 28 am to : shirley crenshaw / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , grant masson / hou / ect @ ect subject : new pc hi shirley , i would like to request for a new pc . my current pc is quite old with not enough memory . twice i ran out of memory and had to have it people coming to clean it for me . their suggestion is to either get a new hard drive or a new pc . given that dell has pentiumc iii processor at 800 mhz on market , i would like to request a pc with process at 500 mhz or higher level . thank you very much . best , alex",0 +"Subject: confirmation of your order this is an automatic confirmation of the order you have placed using it central . request number : ecth - 4 rstt 6 order for : vince j kaminski 1 x ( option : 128 mb upgrade for deskpro en 6600 $ 129 ) 1 x ( standard desktop $ 1262 ) enron it purchasing",0 +"Subject: credit risk model comments - at this point . comments from rick jones on the credit reserve model . anita dupont is setting up a meet with rick jones to discuss these . vince & bill - if you want to join the meeting , please let me or anita know . regards , krishna . - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 04 / 11 / 2001 09 : 04 am - - - - - - - - - - - - - - - - - - - - - - - - - - - richard b jones @ ees 04 / 10 / 2001 04 : 16 pm to : pinnamaneni krishnarao / hou / ect @ ect cc : subject : credit risk model comments - at this point . - - - - - - - - - - - - - - - - - - - - - - forwarded by richard b jones / hou / ees on 04 / 10 / 2001 04 : 16 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - richard b jones 03 / 23 / 2001 05 : 53 pm to : cheryl lipshutz / hou / ees @ ees , trushar patel / corp / enron @ enron , michelle . wenz @ enron . com , gayle muench / enron @ enronxgate , jeremy blachman / hou / ees @ ees cc : subject : credit risk model comments - at this point . hi everyone , i have run the model and , along with the contract briefs i have some questions the number of trials , numerical roundoff , and random number generator randomness statistical properties . the first two are not a problem in this application but the last one could be . has anyone examined the effect of using different random number generators on enron  , s aggregate credit risk ? 7 ) there is one last point here . for most of the above points , the "" improved "" analysis could make the credit risk be higher . rick",0 +"Subject: caida ' metrics ' wg meeting , 2 mar 00 hi vince , i ( and possibly stinson as well ) will be attending this initial meeting looks like kick - off type of meeting . i will try to attend to drill into what they can offer and what we have committed . make sure that we get from the arrangement n john griebling & jim irvine ' s perspective and ours . i ' ll fire off additional information as i get them . ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 23 / 00 10 : 51 am - - - - - nevil @ ipn . caida . org 02 / 22 / 00 12 : 16 pm to : members @ caida . org cc : nevil @ caida . org , ( bcc : ravi thuraisingham / enron communications ) subject : caida ' metrics ' wg meeting , 2 mar 00 hello caida members : update on the caida working groups . . a . ' metrics @ caida . org ' mailing list b . wg charters , meeting on 2 mar 00 a . ' metrics @ caida . oeg ' mailing list i ' ve set up a single mailing list with this name , for discussions on wg topics , passive measurements , etc . to start with it ' s a moderated list ( i . e . you have to be a member of the list to post to it , you join by sending email to nevil @ caida . org asking to be added to the ' metrics ' list ) , with the following initial set of members : sue moon , brett watson , hans - werner braun , matt mathis , ian graham , tony mcgregor , john cleary , joerg micheel , kevin thompson , jambi gambar , daniel mcrobb , david moore , sean mccreary rene hatem , shankar rao , cindy bickerstaff , jeff sedayao , steve feldman , bill woodcock two questions for caida members : i . who else would you suggest be invited to join the list ? ii . should the list continue to be moderated , or should it be changed into an open list ? b . ' working group ' developments following the caida members ' meeting on 8 feb 00 i ' ve attempted to define exactly what problem we could consider getting an ietf working group started on . my summary of the existing ietf wgs with interests in metrics is given below ( appendix b ) , but it seems unlikely that we could get a new ietf wg started . i believe that we should instead run a single caida working group on ' network metrics , ' rather than the two proposed earlier . my draft of its charter is appended below . it focuses on producing educational material about network measurement , and on developing new metrics - these were the two areas of greatest interest amongst the caida members . the wg co - chairs are sue moon ( sprintlabs ) and brett watson ( mfn / abovenet ) you are invited to attend the first wg meeting . the agenda is as follows . . agenda for caida wg meeting on : thursday 2 mar 00 - - - - - - - - - - - - - - - - - 10 am - 4 pm , abovenet , downtown sjc ( see below for details ) - - - - - - - - - - - - - - - - - - - - - - - - 1 . review wg charter - is it reasonable as set out in the draft ? - what should be removed or added ? 2 . work through revised charter in detail - identify the work required for each part - determine who ' s willing to work on it - attempt to determine delivery times 3 . discussion of new metrics - first attempt at making a list of metrics to be considered 4 . anything else ? location : abovenet is located in the knight - ridder building , attached to the fairmont hotel complex . the address is 50 w . san fernando st . san jose , ca 95113 rsvp : to help us with organising the meeting , please send email to nevil @ caida . org telling us how many will attend from your organisation . cheers , nevil nevil brownlee visiting researcher phone : ( 619 ) 822 0893 caida , san diego caida network metrics working group : draft charter , tue 23 feb 00 goals : 1 education + faq on what does ' measuring the internet actually mean ? ' - why measure anyway ? - what can be measured ? how ? where ? by whom ? - active vs passive , end - to - end vs provider network only , application vs transport layer - rating schemes : provider ' net performance ' pages , internet ' weather map ' s , keynote , etc . publish as caida web pages , or maybe as an info rfc + survey paper on metrics and internet measurement - current measurement efforts ( surveyor , ripe test traffic , amp , iperf , at & t , keynote , skitter , . . . ) - current tools publish as caida web pages 2 service metrics + define new metrics - taxonomy of current metrics ( ippm , rtfm , itu , . . ) - summary of metrics used for current services - gather information / ideas about new / emerging services , especially diffserv - based ones - make list of new metrics , either to improve measurement of existing services or to support new ones [ list of ' metrics ' questions ( appendix a ) goes here ] + organise experimental implementation / testing of tools for new metrics + make recommendations on implementation - define core set of ' really useful ' metrics - recommend that caida implement these as a ' service measurement toolkit ' + publish new metric definitions through ippm or rtfm + produce document "" measurement requirements for hardware / software vendors . "" publish on caida web pages appendix a : questions from the earlier draft caida wg charters a . what types of network - and transport - layer metrics are being used by isps in engineering and operating their networks ? by customers for verifying service guarantees ? b . what new services are being ( or are likely to be ) offered , e . g . diffserv ? is there a need for higher - layer metrics to better monitor and manage these services ? c . will these new differentiated transport - and application - layer services need new metrics ? d . how can the service metrics be measured in a multi - isp environment ? e . how can customers verify these measurements ? f . what requirements would service measurement introduce for equipment vendors ? g . how relevant are specific techniques ( e . g . which flow ) and points of measurement to specific users ( isp , customer , etc . ) requirements ? h . how do these metrics relate to network behavior as perceived by users ? how do they correlate with performance ? appendix b : background on the ietf working groups * rtfm wg : realtime traffic flow measurement rtfm is concerned with passive measurements of two - way traffic flows , specified in terms of their end - point attributes . its primary goal was to produce an improved traffic flow measurement model considering at least the following needs : a . wider range of measurable quantities , e . g . those relating to ipv 6 , and to class of service b . simpler ways to specify flows of interest c . better ways to control access to measured flow data d . strong focus on data reduction capabilities e . efficient hardware implementation * ippm wg : ip performance measurement the ippm wg charter is to develop a set of standard metrics that can be applied to the quality , performance , and reliability of internet data delivery services . these metrics will be designed such that they can be performed by network operators , end users , or independent testing groups . it is important that the metrics not represent a value judgement ( i . e . define "" good "" and "" bad "" ) , but rather provide unbiased quantitative measures of performance . rfcs framework for ip performance metrics ( rfc 2330 ) metrics : connectivity ( rfc 2678 ) , one - way delay ( rfc 2679 ) , one - way packet loss ( rfc 2680 ) round - trip delay ( rfc 2681 ) i - ds bulk transfer capacity ( 2 x ) instantaneous packet delay variation one - way loss patterns * other wgs the rmonmib wg is thinking about ' application performance measurement . ' this is clearly a hard problem ( e . g . does this just mean response - time measurement , can it be done by passive means , how should the measurements be presented , etc . ) . in short - rtfm provides a good distributed measuring system for traffic volumes - ippm has concentrated on transport - layer behaviour of the current , best - effort internet . - rmonmib is beginning to consider application - layer measurement ",0 +"Subject: re : message from charles shen at williams charles , i am coordinating an offer fro you . i shall call you with the details later this week . vince charles shen on 10 / 18 / 2000 10 : 59 : 16 am to : vkamins @ enron . com cc : vkaminski @ aol . com subject : message from charles shen at williams dear vince : how are you ? it was very nice talking to you last friday , i was very impressed by your group , and very interested in this opportunity . if you need any additional information , please feel free to call me at 918 - 409 - 4308 , i look forward to hearing from you very soon . thank you . sincerely , charles do you yahoo ! ? yahoo ! messenger - talk while you surf ! it ' s free . http : / / im . yahoo . com /",0 +"Subject: interviews for a new candidate elizabeth : we have yet another candidate allen humbolt who we want to interview . his skills seem to match our requirements very well . we appreciate your help in setting up interviews for him with the following people : vince kaminski stinson gibner grant masson vasant shanbhogue ronnie chahal osman sezgen john henderson ( ees ) anoush farhangi and myself . thanks , krishna .",0 +"Subject: re : dear mr . kaminski , since i am just about starting off on my research , i do not have any papers published in this area . but i do plan to address this shortcoming pretty soon . i have a couple of other papers against my name , but they are not worth any serious mention . i thank you for taking time off your busy schedule to write to me . i will keep you posted about my progress . thank you , yours sincerely , hari natarajan fellowship student indian institute of management bangalore bannerghatta road bangalore 560076 india tel : 91 - 80 - 6993056 fax : 91 - 80 - 6584050 e - mail : hnatraj @ iimb . ernet . in - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : hnatraj @ iimb . ernet . in cc : shirley . crenshaw @ enron . com ; vince . j . kaminski @ enron . com sent : 3 / 8 / 01 10 : 45 pm subject : re : hari , thanks . please , keep me posted about your progress . any published papers ? we shall send you the printout . vince hari natrajan on 03 / 06 / 2001 08 : 47 : 34 pm to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : dear mr . kaminski , thank you very much for your prompt response . i look forward to receiving a copy of your article . i would also appreciate it if you could let me know whether enron provides research grants to individuals who are working in the area of energy risk management . towards my research , i am trying to develop a model to estimate electricity spot price . in any case , i will be getting in touch with you again a year or so down the line when i am nearing completion of my dissertation because enron is my dream job . i look forward to hearing from you . thank you , yours sincerely , hari natarajan fellowship student indian institute of management bangalore bannerghatta road bangalore 560076 india tel : 91 - 80 - 6993056 fax : 91 - 80 - 6584050 e - mail : hnatraj @ iimb . ernet . in - - - - - original message - - - - - from : vince . j . kaminski @ enron . com to : hnatraj @ iimb . ernet . in cc : shirley . crenshaw @ enron . com ; vince . j . kaminski @ enron . com sent : 3 / 6 / 01 8 : 34 pm subject : re : hari , i shall send you a reprint of the article . i had to cancel my presentation at san antonio . vince shirley , please , send a copy of the article to hari . hari natrajan on 02 / 28 / 2001 06 : 45 : 29 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : dear mr . kaminski , i am a doctoral student at the indian institute of management bangalore , india . my area of interest is the energy sector , especially electricity derivatives . i am interested in obtaining a copy of the following items : 1 ) your presentation "" current challenges in modeling power price volatility "" at the session on price volatility & probabilistic methods in the energy markets . ( http : / / www . informs . org / conf / sanantonio 2000 / / talks / md 29 . html ) 2 ) your chapter "" the challenge of pricing and risk managing electricity derivatives "" in the book ' the us power market ' , risk publications . i would appreciate it if you could send me a soft / hard copy of the same . thank you , yours sincerely , hari natarajan fellowship student indian institute of management bangalore bannerghatta road bangalore 560076 india tel : 91 - 80 - 6993056 fax : 91 - 80 - 6584050 e - mail : hnatraj @ iimb . ernet . in",0 +"Subject: retail markets conference i would like to invite you to participate in a conference on "" retail participation in competitive power markets "" to be held at stanford university on june 21 - 22 , 2001 . although california and other regional markets will likely be introducing some demand - response programs by june , there is a clear need for continual evaluation of these nascent efforts to transform the market . the conference provides an opportunity to learn from different experiences . this policy research meeting will focus on establishing a foundation for understanding the key concepts and methods for demand response programs and to provide an opportunity for participants to raise questions and recommend directions for additional research and analysis . participants will come from companies , government , and universities . you can obtain more information about the conference by checking under "" meetings "" on our emf website listed below . please let me know if you plan on attending . also , if you would like to make a brief 15 - minute presentation , please let me know your topic and describe it in a few sentences . i will try to choose speakers that will cover the full range of interests represented by this group . researchers should focus on the implications of their analysis for designing demand response programs rather than on the technical details of their methodology . i would also encourage practitioners to discuss their experience in implementing demand response programs or in raising selected issues . thank you , hill huntington hillard g . huntington emf - an international forum on energy and environmental markets voice : ( 650 ) 723 - 1050 408 terman center fax : ( 650 ) 725 - 5362 stanford university email : hillh @ stanford . edu stanford , ca 94305 - 4026 emf website : http : / / www . stanford . edu / group / emf /",0 +"Subject: re : friday morning meeting ? vince : 7 am at hyatt regency downtown would be perfect . i will see you in the lobby at 7 am . best regards , dale - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : wednesday , july 05 , 2000 3 : 23 pm to : dale . nesbitt @ marketpointinc . com cc : vince . j . kaminski @ enron . com ; shirley . crenshaw @ enron . com subject : re : friday morning meeting ? dale , friday is a bad day ( performance review committee all day ) . what about 7 : 00 at the office or breakfast meeting at 7 : 00 ? we can meet at hyatt regency downtown ( smith street ) . vince "" dale nesbitt "" on 07 / 05 / 2000 12 : 13 : 59 am to : "" vince . j . kaminski "" cc : subject : friday morning meeting ? vince : can we get together friday morning july 7 at 800 am at your office ? that would be particularly convenient for me . i will have to leave downtown at about 945 to catch a plane . that will ensure that i wont take up too much of your time ! ! thanks for your efforts here , and thanks for being patient with me . dale nesbitt",0 +"Subject: membership mixer tomorrow - paesanos lounge ! nesa / hea members ~ don ' t forget to join us tomorrow ( thursday , january 18 th ) for our first membership mixer of 2001 at paesanos lounge located at 213 milam between franklin and congress streets in the downtown market district . sponsored by national energy & trade , llc , the fun begins at 5 : 00 p . m . and your first drink is free when you mention you ' re with nesa / hea at the door . there will be a buffet available for our group as well as valet parking . remember that paesanos also offers a great selection of fine cigars for your enjoyment while you network with other industry colleagues , and special guest artist , yvonne washington , performs at 8 : 00 p . m . we ' re expecting a great turnout , so don ' t be left out ! as part of our membership drive , bring a new member with you and become eligible for a great door prize , graciously donated by kay atchison ( nesa / hea co - chair ) from duke energy . it ' s a great opportunity to renew your dues as well . again , if you didn ' t receive your renewal in the mail , i ' m attaching a pdf file that can be opened in adobe acrobat . if you don ' t have that application , download it free from our website at www . nesanet . org . hope to see you there ! you can ' t afford to miss this event ! > - nesaneamembership . pdf",0 +"Subject: re : your comments on metals var model dear andreas , thanks for the very useful response and information on positions . i have handed over primary responsibility for metals var to kirstee hewitt ( at least as far as london is concerned ) and she will follow up on the points you kindly reported , although i am of course available to assist where necessary . tanya will remain the point of contact for var modelling in houston , and of course kirstee and tanya will work together on this to resolve these and further issues . i would be happy to help set up meetings for you in the london office when you visit next week , with kirstee , myself and anyone else that you would like to meet with and we very much look forward to your visit - please let me know if you need any help with the arrangements . regards , anjam 0207 783 5383 - - - - - - - - - - - - - - - - - - - - - - forwarded by anjam ahmad / lon / ect on 27 / 07 / 2000 08 : 40 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . from : andreas . barschkis @ mgusa . com 27 / 07 / 2000 00 : 36 to : anjam . ahmad @ enron . com , kirstee . hewitt @ enron . com cc : bjorn _ hagelmann @ mgusa . com subject : re : varmodel _ live . xls anjam , thanks for your var model . i would like to point out the following : 1 ) position data : i noted that the outright ( longs + shorts ) for copper include positions which we should not use , i . e . r . wolff quantities . this positions are imputed into the system at their integrity ( some legs / hedges are missing ) this affects copper and lead position for now . the issues should be have been sorted out by the end of this month , ie next week . so in copper you have 25 , 487 mt to much and with lead you have 13 , 579 mt to much . ( as of june 19 ) 2 ) looking at copper position you calculate a var of - 3 , 100 , 568 with a total outright of 63 . 765 mt . this seams too low . if i calculate 63765 x 1807 x 3 . 99 % = 4 . 218 mil . us $ . var ( outright qty x price levelx risk factor , riskfactr as per mercur ) . in my view we have been understating var in mercur because we do not consider the spread position correctly ( i . e . in detail ) . on a position like that i would expect a figure of around 6 mil us $ . i guess the issue is in the volatility and in the holding period . 3 ) your correlation matrix for the commodities is not final i assume as many fields are blank . lets talk tomorrow on the phone . attached please find the position summary for the last week # 30 ( since june 19 ) as requested by kirstee . ( see attached file : mgposw 30 . xls ) andreas barschkis mg metal & commodity corp . 520 madison avenue , 28 th floor new york , ny 10022 tel : + 1 . 212 . 715 . 5628 cel : + 1 . 917 . 679 . 8287 fax : + 1 . 212 . 715 . 5608 e - mail : andreas . barschkis @ mgusa . com anjam . ahmad @ e nron . com to : andreas . barschkis @ mgusa . com cc : kirstee . hewitt @ enron . com 07 / 26 / 2000 subject : zipped varmodel _ live . xls 11 : 37 am hi andreas , this is the semi - final spreadsheet - have only to include price curves for gold and cocoa . kirstee and i would welcome your comments . regards , anjam - mgposw 30 . xls",0 +"Subject: term project : this is the list of projects for the members of the "" quant "" team . if you are working on different project , please , ignore this message . please , develop in a spreadsheet solutions / examples for the following : 1 . black - scholes formula 2 . black ' s formula 3 . develop a spreadsheet to simulate price trajectory using : a . gbm b . gbm + jump ( formula 2 . 16 in the book , figure 2 . 7 ) c . mean reversion + jump ( formula 2 . 17 , figure 2 . 8 ) 4 . schwartz single factor model ( formula 6 . 12 ) 5 . develop models corresponding to the figures 7 . 1 , 7 . 3 , 7 . 5 , 7 . 6 , 7 . 8 vince",0 +"Subject: organizational changes enron is forming a new organization - - the enron xcelerator - - to drive the formation and development of new businesses at enron . enron ' s unique ability to start and develop new businesses has driven most of our growth over the years . lou l . pai , currently chairman and ceo of enron energy services , will lead the xcelerator . over his years at enron , lou has been key to the creation and rapid growth of our wholesale gas , wholesale power and energy service businesses . the existing business units will continue their development of core businesses , while the xcelerator will be responsible for developing new business opportunities that are natural extensions of enron ' s business model and core skills , but not currently under development elsewhere in enron . dave delainey , currently president and ceo of enron americas , will become chairman and ceo of enron energy services . dave brings a wealth of experience and accomplishment from enron wholesale services ' businesses where he led the growth of our canadian business and our north american origination activity and , most recently , had a great year in enron americas . dave is forming an office of the chairman in ees . joining dave in the office of the chairman are dan leff , president of ees , global energy services , and marty sunde , president of ees , global marketing and services . dan and marty have been instrumental in the development and execution of the successful ees business model . also joining the office of the chairman of ees is janet dietrich as chief operating officer . janet , currently is managing director in enron americas , where she has been successful in many of enron wholesale ' s core businesses , including gas trading , risk management and structural origination . tom white will continue as vice chairman of ees and will focus on the development and expansion of ees ' customer relationships . lou , tom , dan , marty and the entire ees organization have developed a great business model with great growth prospects . ees has become an essential part of enron ' s market valuation and growth story . this new leadership structure will enable ees to continue on its path of sustained growth and increasing profitability . john lavorato will succeed dave as president and ceo of enron americas . john has been an essential part of enron ' s energy trading success over the years and is a key part of enron wholesale services ' continuing success story . joining john is louise kitchen , currently president and ceo of enron networks . louise , who accelerated enron ' s outstanding growth with the deployment of enrononline , will take over as chief operating officer of enron americas . philippe bibi , currently chief operating officer of enron networks will take over as president and ceo of enron networks . under philippe ' s leadership , enron has become a technology leader and the leading e - commerce company . joining philippe as chief operating officer is greg piper , currently managing director of enron networks . greg currently leads enron network ' s origination activity and was responsible for the creation and deployment of clickpaper , enron ' s successful online pulp and paper marketplace . please join us in congratulating all of these individuals on their achievements and their new responsibilities .",0 +"Subject: summer part time employee add her to the distribution list for associate social functions . - - - - - - - - - - - - - - - - - - - - - - forwarded by celeste roberts / hou / ect on 06 / 23 / 2000 05 : 06 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 06 / 23 / 2000 09 : 56 am to : celeste roberts / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , elena chilkina / corp / enron @ enron , mike a roberts / hou / ect @ ect subject : summer part time employee celeste , i have talked to you last evening about elena chilkina , an mba rice student who works for us part - time during the academic year , and full time this summer . she asked if she could participate in the program for summer associates . ( presentations , social meetings ) , i would appreciate if you could help her . vince",0 +"Subject: re : electricity summit at u . c . berkeley sevil , yes , please , go ahead . we shall pay for the trip . vince sevil yaman @ enron 10 / 24 / 2000 02 : 24 pm to : vince j kaminski / hou / ect @ ect cc : subject : electricity summit at u . c . berkeley vince , i just received this message . what do you think ? should i register to attend it ? sevil , - - - - - - - - - - - - - - - - - - - - - - forwarded by sevil yaman / corp / enron on 10 / 24 / 2000 02 : 20 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - pwpens on 10 / 24 / 2000 12 : 16 : 14 pm to : ( recipient list suppressed ) cc : subject : electricity summit at u . c . berkeley register now to attend the electricity summit at u . c . berkeley , november 13 , 2000 u . c . berkeley ' s goldman school of public policy , with additional support from the u . c . berkeley ' s competition policy center and the u . c . energy institute , will host a meeting of industry representatives , policy makers , consumers representatives , legislators and researchers to discuss the electricity restructuring experience and potential solutions to the difficulties that california and other governments have encountered . the summit will run from 12 : 30 - 6 pm with two roundtable discussions that will include a wide variety of viewpoints . for registration information and further details , go to ",0 +"Subject: fortune most admired ranking congratulations ! for an unprecedented five years in a row , enron has been ranked the "" most innovative company in america "" by fortune magazine . in addition , for the first time , enron has also been ranked # 1 in "" quality of management , "" topping general electric and omnicom group , and our "" employee talent "" has been ranked # 2 , behind goldman sachs and ahead of cisco systems . america ' s most admired management team is paired with the best and brightest employee talent . that winning combination has led to enron ' s five - year "" most innovative "" sweep . the "" most admired "" list will appear in fortune ' s feb . 21 issue , available on newsstands feb . 8 . you are the reason we have achieved such consistent recognition . you bring the innovative ideas to enron and create new business opportunities . you contribute to our quality management team . and you are the outstanding employee talent that makes enron such an exciting and successful company . keep up your outstanding work , and we look forward to even greater achievements in 2000 !",0 +"Subject: wayne tow ' s resume kathy / greg / john - do we need the skills described in the attached resume on the project team or in the permanent support group or in the esupply group ? there are no personal recommendations associated this resume . vince - thanks for keeping us in mind ! - - - - - - - - - - - - - - - - - - - - - - forwarded by melissa becker / corp / enron on 02 / 01 / 2000 01 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski @ ect 01 / 31 / 2000 09 : 04 am to : melissa becker / corp / enron @ enron cc : subject : wayne tow ' s resume melissa , please , take a look at this resume . any interest ? i got it from a headhunter ( i don ' t know her , it was a cold call on her part and she did not make a good impression ) . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 31 / 2000 09 : 01 am - - - - - - - - - - - - - - - - - - - - - - - - - - - leewells @ swbell . net on 01 / 25 / 2000 05 : 34 : 57 pm please respond to leewells @ swbell . net to : vince j kaminski / hou / ect @ ect cc : subject : wayne tow ' s resume hi there mr . kaminski ! it was a pleasure to speak with you today . i look forward to lunch one day soon at brennans . wayne tow is a brilliant man , he worked for many years for a man i know well . this man says , wayne is as good as it get , and he could do anything that is assigned to him , and do it at a level in which he was always amazed . he loves the e - commerce area , and this is what he wants to do thank you , vince . lee wells - wayne 2 . doc",0 +"Subject: interview - numerical methods & finance ? ? ? ? ? ? dear tanya : ? ? ? ? ? ? ? ? ? ? it was a great pleasure to have met you . i very much enjoyed the interview and your insightfull questions . ? ? ? ? ? ? ? i am keenly aware that many of the methods that i discussed with you yesterday are unique , new ? and not reported elsewhere . this is true both about the work i did in whole yield curve interest rate pricing ? as well as garch . the innovations stem from the extensive numerical analysis experience that i have both in turbulence physics as well as finance . they entailed considering the problem from its raw formulation , mathematical analysis , physical interpretation , taylored numerical method development , software writting and develoment and data management . ? ? ? ? ? ? ? as to why i have not yet published anything the answer is that the driver in my work has been adding value to the business not publishing . publishing is however an option that has always been open with my former supervisor who is aware of the work that i did . ? ? ? ? ? ? ? i not however that these results were possible only by exploring to the utmost extent the mathematics , finance , software design and data managemnet aspects of the problem . absence of any of these aspects is likely to cripple performance and execution . ? ? ? ? ? ? ? please recall that as good as they were the performance measures that i mentioned to you were for a single processor machine . vastly better can be achieved with both soft parallelism ( multithreading ) as well as hard parallelism ( heterogenous network ) . this fo course allows us to step up the reach of the models used . ? ? ? ? ? ? ? in fact i know for a fact that better can be done than what i mentioned in the interview . from work that i have been doing on the integration of the swaption volatility surface on the whole yield curve interest rate model itm and otm instruments can be included in both the callibration , pricing and hedging . ? ? ? ? ? ? ? i look forward hearing back from you soon and particularly to the opportunity of us cooperating . ? ? ? ? ? ? ? best regards ? ? ? ? ? ? ? joao",0 +"Subject: re : storm dale , omer muften ( with the structuring group ) asked us to help in evaluating the different options embedded in the storm contract . however , he promised to provide us with the forward curves regarding the dark fiber ( in europe ) . we are still waiting to receive those . in addition , it seems that the deal structure has "" just "" changed . i will give you a call to discuss . - samer stinson gibner @ ect 06 / 01 / 00 04 : 33 pm to : samer takriti / enron communications @ enron communications cc : cantekin dincerler / hou / ect @ ect , dale surbey / lon / ect @ ect , vince j kaminski / hou / ect @ ect subject : storm samer : can you please contact dale surbey in london and let him know what you and cantekin doing for the storm transaction . he can be reached by london tie line by dialing 830 3 6726 . thanks , stinson dale : i will be on travel for the next 2 weeks . samer should be able to help you . his extension is 34791 .",0 +"Subject: re : 7 / 14 - - crude oil and nat gas fyi 1 . george hopefully will get us some peaking data soon 2 . george likes tricia ' s new format ( based on meeting with arnold yesterday afternoon which went well ) - - - - - - - - - - - - - - - - - - - - - - forwarded by mike a roberts / hou / ect on 07 / 14 / 2000 07 : 03 am - - - - - - - - - - - - - - - - - - - - - - - - - - - george hopley 07 / 13 / 2000 09 : 07 pm to : mike a roberts / hou / ect @ ect cc : subject : re : 7 / 14 - - crude oil and nat gas i thought today ' s analysis was good perspective . i found some records of peaking production which will forward over tomorrow . george - - - - - - - - - - - - - - - - - - - - - - forwarded by george hopley / hou / ect on 07 / 13 / 2000 08 : 54 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - george hopley 07 / 13 / 2000 08 : 52 pm to : patricia tlapek / hou / ect @ ect cc : subject : re : 7 / 14 - - crude oil and nat gas nice commentary on gas from : patricia tlapek 07 / 13 / 2000 08 : 49 pm to : patricia tlapek / hou / ect @ ect cc : ( bcc : george hopley / hou / ect ) subject : 7 / 14 - - crude oil and nat gas",0 +"Subject: re : research and development charges to gpg vera : in studying the below information , if i am understanding it correctly , only $ 199 . 7 was to be reversed back to the research group and it should have occurred in july . do you not notice this entry either ? please let me know . thanks ! shirley crenshaw - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 08 / 11 / 2000 10 : 08 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 08 / 10 / 2000 02 : 25 pm to : vera apodaca / et & s / enron @ enron cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect subject : re : research and development charges to gpg vera , we shall talk to the accounting group about the correction . vince 08 / 09 / 2000 03 : 26 pm vera apodaca @ enron vera apodaca @ enron vera apodaca @ enron 08 / 09 / 2000 03 : 26 pm 08 / 09 / 2000 03 : 26 pm to : pinnamaneni krishnarao / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : research and development charges to gpg per mail dated june 15 from kim watson , there was supposed to have occurred a true - up of $ 274 . 7 in july for the fist six months of 2000 . reviewing july actuals , i was not able to locate this entry . would you pls let me know whether this entry was made , if not , when do you intend to process it . thanks .",0 +"Subject: re : summer intern : paulo oliveira vince , both matt and april think that this type of research would be value - additive to ebs . i will be out all next week in a meeting with john griebling and other on a deal that is being worked out . i understand that you are following up with hr on all of our summer intern offers . please make sure palo is given an offer and that he will work with april and matt ( he did talk to matt ) on the topics that april and i suggested . regards , ravi . - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 20 / 00 12 : 41 am - - - - - matt harris 02 / 17 / 00 08 : 08 pm to : ravi thuraisingham / enron communications @ enron communications cc : april hodgson / enron communications @ enron communications subject : re : summer intern : paulo oliveira looks interesting . i would guess that there is a ton of research available ( from @ home , aol , roadrunner , real , microsoft , etc . ) on broadband ' s impact on the strategic value of web properties . compiling this would be very helpful . mh ravi thuraisingham 02 / 17 / 00 12 : 15 pm to : april hodgson / enron communications @ enron communications , matt harris / enron communications @ enron communications cc : subject : summer intern : paulo oliveira hi april & matt , here is additional information on the summer intern that i ' ve mentioned . matt , i know you know nothing about this ! my discussion with april on the possible research topic let me ( & april ) to believe that you would provide great input on what the student can work on while he is here . regards , ravi . ebs research - - - - - forwarded by ravi thuraisingham / enron communications on 02 / 17 / 00 02 : 09 pm - - - - - stinson gibner @ ect 02 / 17 / 00 11 : 23 am to : vince j kaminski / hou / ect @ ect cc : ravi thuraisingham / enron communications @ enron communications , thomas d gros / hou / ect @ ect subject : summer intern : paulo oliveira vince : here is the information that i have on paulo . he would be slated to work for the summer with april hodgeson and matt harris on how streaming media products may add value to advertising or some related area . actually , he would also be a good fit for helping to think ways to analyze our enron on - line data . i have asked if he can send a resume . in the mean time , most of his relevant information is attached below . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 02 / 17 / 2000 11 : 14 am - - - - - - - - - - - - - - - - - - - - - - - - - - - paulo rocha e oliveira on 02 / 10 / 2000 12 : 04 : 56 pm to : "" stinson gibner "" cc : subject : re : trip to houston stinson , thank you for your e - mail . my phone number is ( 617 ) 492 - 9551 . i graduated from princeton university in 1996 ( mathematics ) , and came straight to mit for a ph . d . in operations management at the sloan schoolof management . in my first three years i took all the required coursework in mathematics , optimization , stochastic processes , etc . , as well as a number of courses in psychology ( at mit and harvard ) . i am working with prof . gabriel bitran , and i am interested in the mathematical modeling of service operations . in particular , i am interested in the interaction between customers and companies ( hence the interest in psychology ) . the ( tentative ) title of my phd thesis is "" pricing substitute products on the internet "" , and i am sending you the summary which i sent to tom gros a few weeks ago that will give you an idea of what this research is about . thanks again , and i ' m looking forward to meeting you and your research group next week . paulo pricing substitute products on the internet objective : to develop new tools to decide pricing policies for goods and services sold on the internet . motivation : this research is motivated by the fact that traditional choice and optimization models are not appropriate for internet - related businesses . the technological innovations associated with the internet brought about an overload of information which inevitably affects the ways in which consumers make choices . furthermore , companies have a great deal of influence on how much information consumers can have access to . the problem of pricing substitute products is an important strategic issue faced by internet companies . consumers usually search for generic products ( e . g . vcrs or computers ) without knowing exactly what they will buy . companies can show different products and different prices to each consumer . this type of flexibility was not available until the internet came about . the problem of pricing substitute products is not unique to the internet . the methodology developed by this research should be transferable to a number of other settings , such as pricing services . services are unique , and there are many cases where customers will only buy one of many services offered by a given company . our model will help companies decide which services to offer to which customers and how much to charge for these services . research strategy : our research strategy is to divide the pricing problem into two components which can be combined to generate optimal pricing strategies . these components are choice models and optimization models . choice models : choice models describe how customers make choices . the management literature draws on two main sources for these models : psychology and economics . the common approach in psychology models is to use what are called heuristic elimination methods . these methods consist of the elimination of options based on the sequential elimination of features until only one choice remains . these methods tend to be very context - specific and do not lend themselves very easily to mathematical analysis . economists focus on utility - maximing models that are significantly more mathematically tractable than psychological models . the most common economic model of choice is the logit model . the problem with these types of models is that they are not very accurate reflections of how consumer make choices on the internet . the first step in our research will be to develop choice models that capture the interactions going on between customers and companies on the internet . optimization : traditionally , the optimization problem consists of maximizing revenue over a certain planning horizon . on the internet , the problem of maximizing revenue still exists , but there is also a need to learn about customers . short term profit is based on sales , but long term profit is based on how well you know your customers and are able to retain them . the optimization problem must therefore include a short term component ( sales ) and a long term component ( learning ) .",0 +"Subject: re : real options stinson / krishna , paul q , raymond y and i will call 5 . 30 pm houston time thursday afternoon to discuss . that is 8 . 30 am sydney time . if that is not convenient , i will call krishna to arrange another time . regards , paul stinson gibner @ ect 05 / 04 / 2001 07 : 29 am to : paul smith / enron _ development @ enron _ development cc : pinnamaneni krishnarao / hou / ect @ ect , vince j kaminski / hou / ect @ ect subject : re : real options paul , krishna and i are thinking that you may be able to book this type of option as a call swaption on power . if you would like to discuss further , let ' s set up a time when we can call you . - - stinson - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 04 / 04 / 2001 04 : 27 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 04 / 02 / 2001 08 : 16 am to : paul smith / enron _ development @ enron _ development cc : stinson gibner / hou / ect @ ect , vince j kaminski / hou / ect @ ect , paul quilkey / enron _ development @ enron _ development , raymond yeow / enron _ development @ enron _ development subject : re : real options paul , we have done a lot of work in this area . i shall call you later today ( monday my time ) , tuesday morning your time with some recommendations . vince p . s . shirley , please send a real options binder to paul . vince from : paul smith @ enron _ development on 03 / 30 / 2001 08 : 42 am zel 0 to : vince j kaminski @ ect cc : paul quilkey / enron _ development @ enron _ development , raymond yeow / enron _ development @ enron _ development subject : real options vince , the sydney office is currently evaluating a proposal that involves an option to participate in building a wind farm . should this proceed , we would like to mark this option "" to market "" . have the research group completed any work on methods for booking and remarking real options ? alternatively , do you have any suggestions as to the best way to value , and book , real options fairly ? regards paul smith",0 +"Subject: risk management meeting at georgia tech you are welcome to attend the following meeting in the area of quantitative and computational finance and risk management in the mrc auditorium on the georgia tech campus from 1 pm to 6 pm on friday , march 30 th . there will be five speakers that will give presentations on a variety of topics . dr . curt hunter , research director , federal reserve bank of chicago dr . mary mathewes kassis , associate director , georgia state university economic forecasting center dr . alan white , professor of finance , university of toronto , and mr . pete van amson , cfa , cpa , vice president , product management , sungard trading and risk systems dr . dennis wong , vice president , quantitative finance , bank of america securities there is no charge for the event . this will be the inaugural meeting of the atlanta chapter of the global association of risk professionals ( garp ) . you need not be a member of garp to attend the meeting . information about garp can be found at http : / / www . garp . com . we are asking that attendees rsvp so that plans can be made for refreshments . we only ask that you reply to this email or to atlanta @ garp . com before march 21 if you plan to attend . in addition to a break half - way through the afternoon , there will be refreshments immediately following the presentations . this event is sponsored by the master of science in quantitative and computational finance program at georgia tech , sungard trading and risk systems , and suntrust banks , inc . please pass along this announcement to your associates . information about the talks and the speakers dr . curt hunter research director , federal reserve bank of chicago dr . hunter ' s discussion is entitled "" lessons learned from recent global financial crises . "" since 1990 , major banking and currency crises have occurred in many countries around the world - including mexico and latin america in 1994 , east asia in 1997 - 98 , and russia and brazil in 1998 , among others - with large costs both to the individual countries experiencing the crises and to other nations . as a result , considerable effort has been expended by economists and policymakers to identify the causes of these crises and to design programs with the aim of preventing , if possible , similar crises from occurring in the future , and minimizing the costs when they do occur . this talk reviews the key lessons policymakers have learned from these recent episodes and highlights the role that risk management plays in crisis prevention . dr . william c . ( curt ) hunter is senior vice president and director of research at the federal reserve bank of chicago . he is a member of the bank ' s management committee and serves as the bank ' s chief economist . he is responsible for a staff of 115 professionals and oversees the bank ' s research activities in the areas of monetary policy , banking and financial markets , and regional economics programs . he is also responsible for the bank ' s statistical and financial reports function . dr . hunter is an associate economist on the federal open market committee , the federal reserve system ' s primary monetary policy group . previously , he was a vice president at the federal reserve bank of atlanta and has served on the faculties of the university of georgia , emory university , chicago state university , and northwestern university . he has consulted with numerous foreign central banks , official agencies , and private corporations and serves on the boards of several research and nonprofit organizations . he is co - editor of research in banking and finance and serves on the editorial boards of several academic journals . dr . hunter earned a b . s . degree in 1970 from hampton institute ( now hampton university ) , an mba in finance in 1972 and a ph . d . in finance and environment in 1978 from northwestern university . dr . mary mathewes kassis associate director , georgia state university economic forecasting center dr . kassis will provide her outlook for the georgia and atlanta economies over the next two years . she will focus on economic risks specific to atlanta , including its exposure to the contraction of the it sector , potential over development of office space , and a declining rate of job growth . regardless of your field , this should be a very informative discussion . dr . kassis has been analyzing the southeast economy for over five years . she writes a quarterly report that examines the current economic conditions in 13 southeastern states as well as an outlook for the next couple of years . she also prepares an in - depth quarterly analysis of the outlook for the georgia and atlanta economies . she is regularly quoted in publications such as the wall street journal , the atlanta journal - constitution , and the atlanta business chronicle . dr . kassis received a b . a . in economics and political science from agnes scott college and a ph . d . in economics from georgia state university . dr . alan white professor of finance , university of toronto mr . pete van amson , cfa , cpa vice president , product management , sungard trading and risk systems dr . alan white and mr . peter van amson will discuss applied term structure modeling . sungard has implemented a version of the hull - white term structure model that banks use in measuring and managing the market value sensitivity of various balance sheet components . peter will touch on some of the complexities involved in modeling non - maturity deposits ; with regard to the term structure of interest rates , alan will discuss some of the problems and possible solutions in bridging the divide between what is required from a theoretical standpoint and what is feasible in a production process . dr . alan white is a professor of finance in the joseph l . rotman school of management at the university of toronto . his research is principally in the area of derivative securities , their pricing and their use by financial institutions for risk management . he is most noted for his work on modeling the term structure of interest rates in a way that is consistent with observed market data . recently his research has been focused on the pricing and management of credit risk . professor white has published many scholarly articles , but is perhaps best recognized for providing lucid insights into the practical application and implementation of this research . much of his material is included in the best - selling book hull - white on derivatives , co - authored with john hull . mr . peter van amson is the vice president of product management at sungard trading and risk systems where he is responsible for the development of all functional specifications for the bancware product suite . in this capacity , he frequently interacts with sungard user - committees , leading academics , and other leading industry practitioners . he frequently makes presentations at conferences and seminars sponsored by bai , amifs , the occ , as well as other organizations . prior to working with bancware , peter headed the strategic planning function for the plymouth rock company , one of america ' s most profitable insurance holding companies . in this role , he helped define the company ' s strategic vision as well as being involved in investment analysis , asset / liability management and quantitative profitability aanalysis . peter has a b . s . and m . s . in accounting from the state university of new york at binghamton . he is currently a ph . d . candidate at the university of michigan . peter has received numerous academic awards and honors including the william andrew paton fellowship at the university of michigan and the new york state society of certified public accountants award for academic excellence . dr . dennis wong vice president , quantitative finance , bank of america securities dr . wong will discuss competing vendor approaches to credit risk modeling , including creditmetrics , kmv , creditrisk + and creditportfolio view . these models are viewed in a theoretical framework that identifies migration probabilities , credit exposure and loss aggregation . dr . wong has a ph . d . in mathematical finance from carnegie mellon university . he has given talks and seminars for the american mathematical society , the society for industrial and applied mathematics , the university of toronto , and georgia tech . he is the author of "" generalized optimal stopping and financial markets "" , published in pitman research notes in mathematics series .",0 +"Subject: re : recovery plan it would be funny if it were not quite so close to the truth !",0 +"Subject: hc collar valuation - update andrea , we computed the hc historical volatility for last 3 years , it is 47 . 2 % . using this volatility , the costless collar call strike is at 83 . 32 . zimin",0 +"Subject: re : houston visit soussan , my assistant , shirley crenshaw , will call you regarding the time of the meeting . right now the afternoon is open . i look forward to meeting you on the 19 th . vince "" faiz , soussan "" on 03 / 30 / 2000 02 : 31 : 18 pm to : "" ' vkamins @ enron . com ' "" cc : subject : houston visit dear vince , greetings from ny & hope all is well . as you may recall from the rog real options conference in ny , i ' d indicated the opportunity to visit with you next time i ' m in houston . i ' ll be there during 4 / 18 - 4 / 21 & wonder if we can pls meet on wed . 4 / 19 in your offices . would appreciate it if you can pls let me know whether you ' re available then ( i ' m flexible on the schedule particulars ) . if not , pls let me know whether 4 / 18 ( afternoon ) , 4 / 20 ( afternoon ) , or 4 / 21 ( morning ) will work for you . i really look forward to the opportunity & would appreciate to learn more about how you ' ve instigated the real options thinking in enron and especially its integration within the organizational & incentive matters . many thanks , soussan faiz mgr . of global valuation services texaco inc . ( 914 ) 253 - 4187",0 +"Subject: california update 5 / 4 / 01 if you have any questions , please contact kristin walsh at ( 713 ) 853 - 9510 . bridge loan financing bills may not meet their may 8 th deadline due to lack of support sources report there will not be a vote regarding the authorization for the bond issuance / bridge loan by the may 8 th deadline . any possibility for a deal has reportedly fallen apart . according to sources , both the republicans and democratic caucuses are turning against davis . the democratic caucus is reportedly "" unwilling to fight "" for davis . many legislative republicans and democrats reportedly do not trust davis and express concern that , once the bonds are issued to replenish the general fund , davis would "" double dip "" into the fund . clearly there is a lack of good faith between the legislature and the governor . however , it is believed once davis discloses the details of the power contracts negotiated , a bond issuance will take place . additionally , some generator sources have reported that some of the long - term power contracts ( as opposed to those still in development ) require that the bond issuance happen by july 1 , 2001 . if not , the state may be in breach of contract . sources state that if the legislature does not pass the bridge loan legislation by may 8 th , having a bond issuance by july lst will be very difficult . the republicans were planning to offer an alternative plan whereby the state would "" eat "" the $ 5 billion cost of power spent to date out of the general fund , thereby decreasing the amount of the bond issuance to approximately $ 8 billion . however , the reportedly now are not going to offer even this concession . sources report that the republicans intend to hold out for full disclosure of the governor ' s plan for handling the crisis , including the details and terms of all long - term contracts he has negotiated , before they will support the bond issuance to go forward . currently there are two bills dealing with the bridge loan ; ab 8 x and ab 31 x . ab 8 x authorizes the dwr to sell up to $ 10 billion in bonds . this bill passed the senate in march , but has stalled in the assembly due to a lack of republican support . ab 31 x deals with energy conservation programs for community college districts . however , sources report this bill may be amended to include language relevant to the bond sale by senator bowen , currently in ab 8 x . senator bowen ' s language states that the state should get paid before the utilities from rate payments ( which , if passed , would be likely to cause a socal bankruptcy ) . according to sources close to the republicans in the legislature , republicans do not believe there should be a bridge loan due to money available in the general fund . for instance , tony strickland has stated that only 1 / 2 of the bonds ( or approximately $ 5 billion ) should be issued . other republicans reportedly do not support issuing any bonds . the republicans intend to bring this up in debate on monday . additionally , lehman brothers reportedly also feels that a bridge loan is unnecessary and there are some indications that lehman may back out of the bridge loan . key points of the bridge financing initial loan amount : $ 4 . 125 b lenders : jp morgan $ 2 . 5 b lehman brothers $ 1 . 0 b bear stearns $ 625 m tax exempt portion : of the $ 4 . 125 b ; $ 1 . 6 b is expected to be tax - exempt projected interest rate : taxable rate 5 . 77 % tax - exempt rate 4 . 77 % current projected blended ir : 5 . 38 % maturity date : august 29 , 2001 for more details please contact me at ( 713 ) 853 - 9510 bill sb 6 x passed the senate yesterday , but little can be done at this time the senate passed sb 6 x yesterday , which authorizes $ 5 billion to create the california consumer power and conservation authority . the $ 5 billion authorized under sb 6 x is not the same as the $ 5 billion that must be authorized by the legislature to pay for power already purchased , or the additional amount of bonds that must be authorized to pay for purchasing power going forward . again , the republicans are not in support of these authorizations . without the details of the long - term power contracts the governor has negotiated , the republicans do not know what the final bond amount is that must be issued and that taxpayers will have to pay to support . no further action can be taken regarding the implementation of sb 6 x until it is clarified how and when the state and the utilities get paid for purchasing power . also , there is no staff , defined purpose , etc . for the california public power and conservation authority . however , this can be considered a victory for consumer advocates , who began promoting this idea earlier in the crisis . socal edison and bankruptcy at this point , two events would be likely to trigger a socal bankruptcy . the first would be a legislative rejection of the mou between socal and the governor . the specified deadline for legislative approval of the mou is august 15 th , however , some decision will likely be made earlier . according to sources , the state has yet to sign the mou with socal , though socal has signed it . the republicans are against the mou in its current form and davis and the senate lack the votes needed to pass . if the legislature indicates that it will not pas the mou , socal would likely file for voluntary bankruptcy ( or its creditor - involuntary ) due to the lack operating cash . the second likely triggering event , which is linked directly to the bond issuance , would be an effort by senator bowen to amend sb 31 x ( bridge loan ) stating that the dwr would received 100 % of its payments from ratepayers , then the utilities would receive the residual amount . in other words , the state will get paid before the utilities . if this language is included and passed by the legislature , it appears likely that socal will likely file for bankruptcy . socal is urging the legislature to pay both the utilities and the dwr proportionately from rate payments .",0 +"Subject: re : request thanks vince . this is great . by the way , did you get copies of the journal with our paper ? john at 04 : 59 pm 3 / 23 / 01 - 0600 , you wrote : > > john , > > no problem . > i look forward to it . > > vince > > > > > > "" john d . martin "" on 03 / 23 / 2001 09 : 04 : 44 am > > to : vkamins @ enron . com > cc : > subject : request > > > vince , > > would you mind making a few luncheon comments to the texas finance festival > group at our sat luncheon ? i struck out with andy and sheridan thought > that you could relate very well to the group . how about it ? > > john > > john d . martin > carr p . collins chair in finance > finance department > baylor university > po box 98004 > waco , tx 76798 > 254 - 710 - 4473 ( office ) > 254 - 710 - 1092 ( fax ) > j _ martin @ baylor . edu > web : http : / / hsb . baylor . edu / html / martinj / home . html > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: ben zhang timeframe hi , can and should we organize a tag - team baby sitting detail ? aghh ! another weekend that is not my own ! grant . - - - - - - - - - - - - - - - - - - - - - - forwarded by grant masson / hou / ect on 09 / 14 / 2000 08 : 51 am - - - - - - - - - - - - - - - - - - - - - - - - - - - enron north america corp . from : toni graham @ enron 09 / 13 / 2000 05 : 08 pm to : grant masson / hou / ect @ ect cc : subject : ben zhang timeframe grant , what do you think ? if you really want this guy , you may suggest someone in your group to "" entertain "" them while they are here . what do you think ? - - - - - - - - - - - - - - - - - - - - - - forwarded by toni graham / corp / enron on 09 / 13 / 2000 04 : 58 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - meastman @ qualitec . com on 09 / 13 / 2000 02 : 05 : 53 pm to : cc : subject : ben zhang timeframe toni , i spoke with ben today and he is planning to pay for a trip to bring his wife to houston this weekend and show her around in hopes of overcoming her hesitiation on moving . his question is whether enron will give him the time to bring her down here and then give an answer next week ? if you will let me know how you , grant , and vince feel about that . thanks , mike qualitec professional services , lp accounting - financial - energy risk - tax search consultants mike eastman , cpc president 281 - 647 - 9300 fax 281 - 647 - 0933 email - meastman @ qualitec . com",0 +"Subject: re : from vicky windsor vicky , please , send me your resume . i shall forward it to a number of employees of enron in london with my strongest recommendation . i shall send you the list of names . the resume will make it easier for me to identify good targets . please , make sure you will contact me if there is no reaction . people here are very busy and , as you know , things fall through the cracks . vince vince "" vicky windsor "" on 10 / 11 / 2000 04 : 49 : 56 am to : vkamins @ enron . com cc : subject : from vicky windsor dear vince , how are you ? well i hope . i hope you don  , t mind me writing to you . you may remember that 5 months ago i left risk publications and moved to a charity . having been here for only a few months , i have decided that this job is not for me ( i miss the buzz of a corporate office ) and i have decided to move back into the corporate sector . because of my previous experience and knowledge of the energy sector , i am very interested in moving into this area . i have always thought that it would be great to work for enron because it is such a dynamic company and i am planning to approach the london office to discuss any opportunities , which might be available . i am particularly interested in product marketing and research , although i am very open - minded at the moment . i wondered whether you could recommend the right person to speak to in london . i know that you are incredibly busy , but any help you can give me would be fantastic vince . thanks and best regards , vicky windsor get your private , free e - mail from msn hotmail at http : / / www . hotmail . com . share information about yourself , create your own public profile at http : / / profiles . msn . com .",0 +"Subject: re : resume , vince , if you are interested in this candidate i would suggest that you talk to him directly . he probably is not a "" fit "" for the global technology track . thanks , ashley vince j kaminski @ ect 10 / 24 / 2000 04 : 31 pm to : ashley baxter / corp / enron @ enron cc : vince j kaminski / hou / ect @ ect subject : resume , ashley , another student who responded after my presentation . what do you think ? should we talk to him ( research ) directly ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 10 / 24 / 2000 04 : 37 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - jinbaek kim on 10 / 23 / 2000 07 : 25 : 36 pm to : vkamins @ enron . com cc : subject : resume , dear mr . kaminski , hi , i am a ph . d student at ieor department at u . c . berkeley . thanks for your presentation today . it gave me knowledge and interest in electricity markets , and your company . as you mentioned in the presentation , i send a resume to give me opportunity to learn more about your company . i hope i can join the super saturday event . jinbaek - resume . doc",0 +"Subject: freese notis mike : we are currently being billed for freese notis weather . i will need to allocate these charges to the appropriate cost center . if you would like to continue this service i could allocate it directly to your cost center or send you the bill directly . if you know of anyone else who uses this application please let me know and i will split the cost among the departments . thank you , danielle marcinkowski",0 +"Subject: yvan chaxel your name was listed by yvan as a reference on his application for a graduate school tuition loan . your assistance in this process is greatly appreciated .",0 +"Subject: project hi michelle , chris , helen and i met this afternoon and discussed about the project . we think the following course of action is appropriate . the model interface will be in excel spreadsheet , with most of the inputs ( from enron as well as from the consultant ) hiding in an access data base . the access data base can be update when needed . the engine will be written in visual basis code and be linked to excel through xll ( or dll ) . helen has been discussing with ken about various aspects of the model and will finalize the access data table form with ken . in the mean time , helen and i will start working on code this thursday ( she will be in training wednesday ) . best , alex",0 +"Subject: new eprm speakers vince , thanks very much for your help helen - - - - - original message - - - - - from : vince j kaminski to : helen evans cc : stinson gibner date : 10 december 1999 19 : 14 subject : re : new eprm speakers helen , i forwarded your message to my associate stinson gibner whom i can wholeheartedly recommend . vince "" helen evans "" on 12 / 06 / 99 10 : 29 : 39 am please respond to "" helen evans "" to : vince j kaminski / hou / ect @ ect cc : subject : new eprm speakers vince , i ' m currently looking to broaden eprm ' s speaker base and would like to find a speaker for a training course i am producing on the monte carlo technique . i was wondering if you might be able to recommend somebody new from enron who might like to speak on this subject . i ' d really appreciate any help you could give me . many thanks helen evans producer , eprm conferences & courses - attl . htm",0 +"Subject: re : recruiting a response from jean . . . - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin kindall / corp / enron on 11 / 06 / 2000 03 : 50 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - jean eisel on 11 / 06 / 2000 03 : 34 : 05 pm to : kevin . kindall @ enron . com cc : sgould @ andrew . cmu . edu subject : re : recruiting hi kevin wow you sure do pack one e - mail . i will try to answer questions . . . after each of you . . . look in the email for answers . - - on monday , november 06 , 2000 , 2 : 39 pm - 0600 kevin . kindall @ enron . com wrote : > hello . it was a pleasure to come back to cmu , and i enjoyed > interacting with the students . vince k . has expressed interest in > interviewing the computational finance students . enron will conduct first > round interviews with the mba students in december , and would like to set > up seperate interviews for the comp . fin . students . enron would like to > interview all the pittsburgh based comp . fin students , and we need to > select a date and a time . we are excited that you want to interview the comp finance students . do you want to do it in dec . or before ? let me know what best suits you . since there are only 16 individuals in the pittsburgh area . . . we should be able to accomodate you . . . would you want one or two schedules . . ? what is the formal protocol in such matters ? > all you need to do is let me know some ideal dates . . . and you send a job description and names of the students you want to interview . we will try to be as accomodating as possible . > enron is also interested in the ecommerce students as we have > ecommerce initiatives underway . it is my understanding that kristen > gandy will be the contact for such activities . if you can send me an e - mail address for kristen , i can get this strating asap . > > regarding a houston based satellite program , vince needs a proposal > in writing . would you be so kind as to send one ? what program is vince interested in having a satellite program ? when he was here he seemed less intererted in comp finance and more interested in e - commerce . i sent a note to michael shamos and tridas discussing this . let me know which program and i will see if we can work anything out ? > thanks so much , and i look forward to seeing you again in a few > weeks . > thanks kevin for you speedy response . > > > > jean e . eisel , ph . d . associate dean , admissions , coc and alumni relations gsia carnegie mellon university pittsburgh , pa 15213 412 - 268 - 2277 412 - 268 - 4146 ( fax ) currently in the news : carnegie mellon university mba program ranked 14 th in business week ' s list of the best graduate schools of business in the united states . ",0 +"Subject: re : important - prc mtg hi dorn & john , as you discovered recently , i am still ' officially ' in vince kaminski ' s group ( my original enron corp . group ) . this holds true for shalesh ganjoo as well . i did not explicitly pick dorn or john as reviewers thinking that they will show up automatically as a result of my assumed reporting structure . so , vince has agreed to ' host ' the review in his group and proceed to transfer me over to ebs officially when this quarter is overs ( apprently that was scheduled to be automatic ) . in the mean time , vasant , stinson or vince would like to get a e - mail from either dorn or john regarding my performance from their perspective for consideration as soon as possible . i had plan on being on vacation starting tomorrow and have made arrangement with my family already . since i am not reviewing shalesh directly ( since he is in research under stionson ) , i am assuming i don ' t have to attend the review meetin tommorrow . i ' ll be on the road starting in the morning . if i change this , i am told at home , that i will be in the market for another family ! i can phone in if that is okay . kayla , could you page me with the details ? regards , ravi .",0 +"Subject: rtp project john and krishna , i am sending you an outline of a conference at stanford on topics related to demand - side pricing and management in the power markets . please , let me know if you are personally interested and who else in your respective organizations would like to attend . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 03 / 19 / 2001 08 : 10 am - - - - - - - - - - - - - - - - - - - - - - - - - - - hill huntington on 03 / 15 / 2001 05 : 26 : 55 pm to : vkamins @ enron . com cc : subject : rtp project vince , targetted conference date is th - f june 21 - 22 at stanford . enclosed in the recent revision to what i sent before . great to meet you , hill - retail notes . rtf hillard g . huntington emf - an international forum on energy and environmental markets voice : ( 650 ) 723 - 1050 408 terman center fax : ( 650 ) 725 - 5362 stanford university email : hillh @ stanford . edu stanford , ca 94305 - 4026 emf website : http : / / www . stanford . edu / group / emf /",0 +"Subject: btu ' s daily power report - eastern edition attached is the latest issue of btu ' s daily power report : eastern edition e - mail : info @ btu . net phone : 732 - 758 - 8222 fax : 732 - 758 - 8286 - peo 71100 . pdf",0 +"Subject: clayton vernon kevin , vasant and i talked to clayton about his request for transfer . clayton received a conditional approval contingent upon completion of the current project he works on . vasant will formulate exact definition of the deliverables and we will hold clayton to it . if he fails to deliver the request for transfer will be rejected . anything else would be highly demoralizing to everybody . clayton has so far produced exactly zero ( no single output was delivered ) though he was advertising the projects inside and outside the group as completed . i want you to be aware of it , because i have serious doubts regarding clayton ' s integrity . vince",0 +"Subject: referral mr . kaminski , i have attached a resume below i thought you might find of interest , it is from a business school acquaintance of mine , denis suvorov . denis is a highly intelligent ph . d . candidate at my former school and is currently looking for opportunities within a research / modelling framework . he has significant academic experience working on asset pricing models and after speaking with pavel zadorozhny about his background and objectives , he recommended i forward a copy of his credentials to you . i hope this is suitable and would be of interest to you . thanks , matthew frank",0 +"Subject: 2001 budget i need your help . . . i did a quick comparison for the 2000 and 2001 budget and i am showing a significant increase from last year . did we have an increase in headcount ? i do not know your actual budget for 2000 . i used the information for the last 5 months of 2000 budget to estimate for the year ( see 2000 budget tab in the attached file ) . the attached file contains the following tabs : budget vs budget comparison of 2000 vs 2001 allocation allocation - please allocate the rest of the 21 . 7 % to ena 2000 budget estimated 2000 budget based on the last 5 months information research 2001 budget the calculation for taxes and benefits does not equal to the calculation in your template ( corp ) . plus , i have to add a & a overhead cost that corp will bill us for a & a program ( line 78 ) . can we meet to discuss the allocation to ena and the increase in plan ? i am open all week except for wednesday between 10 and 11 . thank you .",0 +"Subject: june 21 - 22 retail electricity conference dear workshop participant : i hope you will be able to join us for the conference on "" retail participation in competitive power markets "" to be held at the littlefield conference center , stanford university , on june 21 - 22 , 2001 . conference attire will be business casual . the meeting will begin on thursday morning , june 21 , at 9 : 00 a . m . and will conclude by 5 : 00 p . m . on friday , june 22 . a continental breakfast will be available in the meeting room each morning beginning at 8 : 30 a . m . please visit the "" june 21 - 22 "" meeting under for a description of the meeting and some information about hotels . please help us in our planning by using the form there to respond back to emf about your participation . we have listed potential participants and planned presentations based upon previous messages . please update me with any additional presentations or changes in existing presentations . i look forward to seeing you in june . in the interim , please do not hesitate to call me or email me if you have questions or suggestions regarding this workshop . hill huntington hillard g . huntington emf - an international forum on energy and environmental markets voice : ( 650 ) 723 - 1050 408 terman center fax : ( 650 ) 725 - 5362 stanford university email : hillh @ stanford . edu stanford , ca 94305 - 4026 emf website : http : / / www . stanford . edu / group / emf /",0 +"Subject: uk inflation presentation deal all , please find attached a copy from a presentation on uk inflation we gave this morning to john sherriff , president & coo enron europe . it summarizes the results of our work on inflation so far . as you know the long term models still remain to be approved . as today is quarter end and there is a significant p & l effect on a mtm basis john sherriff would like to proceed as soon as possible with the new curves . thank you all for all your help ! best regards , martina x 34327",0 +"Subject: re : rollover of my vacation days to 2001 krishna , no problem . approved . vince pinnamaneni krishnarao 12 / 11 / 2000 06 : 28 pm to : vince j kaminski / hou / ect @ ect cc : subject : rollover of my vacation days to 2001 vince : i would like to rollover my vacation days for 2000 remaining at the end of this year to 2001 . i could not use us all of my available vacation this year because of the following reasons : 1 . as you know , i have been supporting three business units ( ees , epg & enron india ) this year . all these units had difficult and relatively long projects that required experience in energy markets , derivatives pricing and business knowledge that i had gained over the last few years at enron . 2 . there has been a significant change in the team members reporting to me . i now have six people under me compared to only three at the begin of the year . of the current six members , five joined us only this year and most of them didn ' t have any prior work experience , thus requiring a lot of my time in recruiting , training and mentoring . 3 . given that i had to visit our bombay office in january , 2000 for a business trip ( 10 days ) and will need to go there again in january , 2001 , i could not take leave from my work for the other two units ( ees & epg ) for an extended period of time . so , in summary , this year has been a long and challenging one , and as a result , i could not take vacation for more than a few days . i request you to grant the rollover of my remaining vacation to next year . currently i have 136 hours of vacation available and , of these , i expect to have 112 hours unused at the end of this year . thank you , krishna .",0 +"Subject: re : info help . krishna , niclas introduces himself as an associate in the research group . i think we should clarify his status . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 08 / 15 / 2000 05 : 53 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" michael schilmoeller "" on 08 / 15 / 2000 11 : 08 : 06 am to : notes : niclas . egmar @ enron cc : vkamins @ enron . com , grant _ masson @ pgn . com , stinson _ gibner @ pgn . com subject : re : info help . hi niclas , i am in the middle of preparing some presentations right now , so it might be more productive to speak by phone ( 503 - 464 - 8430 ) . please leave your number , if you get my voicemail . to get you started , you might see if you can get access to the ferc gads database of plant forced and planned availability . it seems others in research have asked about this , so you may already have this at your disposal . the eia has a good electronic database of plant for and por available for free ( http : / / www . nerc . com / ~ esd / ) . i know alexios in re / ees has this . if you wanted to do it the hard way , you can also ask jaison to access the epa ' s cems data he has summarized on a machine there in research . it contains hourly plant operation for every unit over about 50 mw , which you could aggregate up . the wscc 10 - year forecast of new plant construction and loads is a good place to start for plant construction information , but suffers from some notorious "" self - reporting "" error . it is available in pdf form from the web site http : / / www . wscc . com / . other sources that should be more near - term , but more accurate are the cec inventory of plants ( http : / / www . energy . ca . gov / ) and the bpa whitebook ( http : / / www . transmission . bpa . gov ) . as far as basic economic data is concerned , you can either rely on the reported utility forecasts for loads , or you can go to fundamental data . the ultimate source of the census data collected by the us dept of commerce , which you can buy on cdrom for cheap . it would have this kind of information by sic code , by zip code . you may also have access to one of the economic forecasting businesses ( wharton ' s wefa , dri , etc . ) they have this in highly digested and complete form . btw , tim heizenrader , who runs fundamental analysis and research on the west desk , is a sharp cookie and should have all this under control . is your client aware of this resource ? give me a buzz and we can talk more , michael > > > niclas egmar / hou / ees @ enron 08 / 14 / 00 12 : 49 pm > > > michael , i ' m an analyst in the research group . i would like your help with finding some information specific for the west coast . a new analyst on the west power desk needs information on planned outages and planned new generation . he is studying the long - term fundamentals of electricity volatility on the west coastso so he also needs info on housing starts , computer sales or industrial production figures for computer manufacturing , growth of start - up companies , and population stats . any help in finding the needed info would be greatly appreciated . contact me or daniel kang ( new analyst ) . niclas - text . htm",0 +"Subject: poten & partners forecasts fyi marg . - - - - - - - - - - - - - - - - - - - - - - forwarded by margaret carson / corp / enron on 01 / 21 / 2000 07 : 31 am - - - - - - - - - - - - - - - - - - - - - - - - - - - doug leach @ ect 01 / 21 / 2000 07 : 00 am to : guy dayvault / corp / enron @ enron cc : margaret carson / corp / enron @ enron , rob bradley / corp / enron @ enron , jim goughary / hou / ect @ ect , ted robinson / hou / ect @ ect , wade doshier / hou / ect @ ect , david j botchlett / hou / ect @ ect , john l nowlan / hou / ect @ ect subject : poten & partners fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by doug leach / hou / ect on 01 / 21 / 2000 06 : 58 am - - - - - - - - - - - - - - - - - - - - - - - - - - - doug leach 01 / 20 / 2000 03 : 47 pm to : michael l brown / enron _ development @ enron _ development cc : david a terlip / enron _ development @ enron _ development , kevin beasley / lon / ect @ ect , john chismar / sin / ect @ ect , michel decnop / sin / ect @ ect , maurizio la noce / enron _ development @ enron _ development , marc de la roche / hou / ect @ ect subject : poten & partners just some of george gail ' s observations : he expects wti crude prices to return to a range of $ 19 - $ 22 / barrel by 2 q 2000 ( brent $ 18 - $ 20 ) although emotions rather than fundamentals will continue to drive the market . saudi ' s sold cal 00 naphtha at $ 8 m / t over the platt ' s ag mean and the kuwaiti ' s are offer their naphtha at $ 11 m / t over the mean . enoc offered 700 , 000 tons of term naphtha and only sold 200 , 000 tons . adnoc ' s splitters should add even more naphtha supplies to the market . koch has closed their rotterdam splitter due to poor economics . not necessarily a permanent shutdown . he expects the brent / dubai spread to return to more normal $ 1 - $ 1 . 25 / barrel . regarding condensate he predicts that actual demand will drive the market and there will be less bottomfeeding by the japanese and other refiners . he does feel the new splitters will reduce the worldwide volumes available , but that there will still be adequate supplies . he thinks crack spreads for refiners will still be weak during cal 00 . although some resid demand will be displaced by natural gas or lng , he expects fairly stable differentials to crude . he expects strong us gasoline demand , but limits his demand growth projection to 1 % for the year .",0 +"Subject: introduction vince : as way of introduction , i wanted to write a bit about mars inc . and then about cds , the unit i head . mars is a private company , considered to be the largest privately owned manufacturing company in the world . mars is not in the habit of disclosing its finances , so the best i could do is refer to forbes ' estimate of $ 15 billion annual revenue and to the profit margins of similar companies between 5 - 12 % . mars is in the business of manufacturing confectionery ( m & m , dove bar , skittles , twix , - all ( r ) ) food ( uncle ben rice ( r ) ) pet food ( pedigree , whiskas waltham ( r ) ) and other products . mars has prospered during the years because of a unique philosophy that emphasizes the long term goals of the company . part of the philosophy is to look for win - win solutions with its suppliers , customers and partners . as can be understood from the nature of the company , a large chunk of its expenses goes towards purchasing commodity like products , and hence the history of researching those commodities and the weather that influences their supply and the demand ( people eat less ice cream in the winter and less chocolate in the summer ) . cds has a history of few decades in forecasting weather and has been very successful , with an envious track record , in helping mars get a competitive advantage in these arenas . cds is a global group ( in 4 countries across two continents ) which supports the purchasing function and the corporate at large in these and other arenas . it is a multidiscipline and multinational team with a lot to offer . not having a ready access to the energy markets , and with a risk profile based on manufacturing expertise , mars has decided to look for potential partners in this area . enron presence in the market place certainly makes it an interesting party to talk to . in talking to enron , we are careful to suggest that mars is not committing to anything at this point , and all we are after is to find out if there is an interest to pursue the opportunity we discussed in the future . i am looking forward to our video conference call . kind regards , avi - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - avi i . hauser phd mba cds director 100 international drive mt olive nj 07828 - 1383 + 1 973 691 3664 ( office ) + 1 973 347 8189 ( fax ) + 1 973 727 3622 ( car + slow paging ) hauser @ cdsusa . com",0 +"Subject: datren williams acceptance fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 10 / 10 / 2000 08 : 10 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - carol coats 09 / 29 / 2000 02 : 36 pm to : celeste roberts / hou / ect @ ect cc : stinson gibner / hou / ect @ ect subject : datren williams acceptance celeste , i just received datren williams ' acceptance with the following note attached : "" my graduation date ( ph . d . candidate from lsu ) is dec . 2000 . celeste roberts has informed me that i would have the option of starting work feb . 2001 . i am under the impression that i will start in feb . 2001 . my offer letter has a start date of aug . 2001 . if this is a problem , please give me a call . looking forward to working at enron . thanks a million , datren w . "" please let me know if he may in fact start in feb . 2001 , and if so , do you have a specific date for him , or may he choose ? thanks , celeste , carol",0 +"Subject: meeting confirmation / discussion points fyi . - - - - - - - - - - - - - - - - - - - - - - forwarded by pinnamaneni krishnarao / hou / ect on 08 / 03 / 2000 08 : 16 am - - - - - - - - - - - - - - - - - - - - - - - - - - - david foti @ ees 08 / 02 / 2000 05 : 06 pm to : pinnamaneni krishnarao / hou / ect @ ect , minal dalia / hou / ees @ ees , sanjay agarwal / hou / ees @ ees , naveen andrews / corp / enron @ enron cc : scott stoness / hou / ees @ ees subject : meeting confirmation / discussion points tariff var project kick - off meeting time : 8 / 3 ; 2 - 3 pm location : eb 612 = = = = = = = = = = = = = per the 8 / 2 lunch meeting between research , rac , and the tariff group , there developed a consensus to : develop a high level value - at - risk model within a 4 - 8 week time frame to use for initial risk measurement and hedging purposes accommodate links for critical variables such as interest rates , load growth , and inflation provide "" knobs "" for less quantifiable factors such as rate case frequency , rate methodology , etc . collaborate with the tariff forecasting team , to have consistent assumptions and logic . proposed agenda for our meeting : discuss the relationship of this project to other ongoing projects review existing t & d forecast model ( decide whether it ' s a starting point or not - attached for your review ) discuss approach ( methodology and technology ) assign responsibilities develop project guidelines and timeline see worksheets , "" diagram "" , "" graph "" , "" exposure """,0 +"Subject: skunkworks meeting - bi - weekly shirley and i have scheduled the skunkworks ' meetings with scott tholan beginning wednesday , july 5 from 2 : 00 to 3 : 30 . this meeting will take place every other wednesday ( same time and place ) for the next few months . these meetings will be held in ebl 938 . please mark your calendar , and if you have any serious conflicts , please let either shirley or me know . thanks , sharon 5 - 7212",0 +"Subject: re : part - time work cantekin , i shall call you tomorrow to discuss the details . vince "" cantekin dincerler "" on 09 / 18 / 2000 02 : 59 : 41 pm please respond to to : cc : subject : part - time work hi vince , i promised to get back to you on the part - time work issue . sorry for the delay , i got back to austin only last week . i talked to ehud about this and he is ok with it . just wanted to let you know . best , - - - - - - - - - oooo - - - - - oooo - - - - - - - - - - cantekin dincerler doctoral candidate the university of texas at austin graduate school of business department of finance office : ( 512 ) 471 - 1676 fax : ( 512 ) 471 - 5073 home : ( 512 ) 472 - 5356 cell : ( 512 ) 680 - 5355 http : / / uts . cc . utexas . edu / ~ cantekin - - - - - - - - - - - - - oooo - - - - - oooo - - - - - - - - - -",0 +"Subject: re : enron weather research good afternoon mike : i certainly am interested in determining if there may be a potential fit there at enron . i am very enthusiastic to apply my finance and meteorology backgrounds in a market - based environment that is driven to achieve unprecedented efficiencies . attached are two documents : 1 ) a business - focused resume , and 2 ) an abbreviated meteorology cv . graduate meteorology coursework included advanced atmospheric dynamics i and ii , advanced physical meteorology , boundary layer modeling , numerical modeling , research methods in meteorology , and turbulence . i will look forward to hearing from you . sincerely , greg hunt - - - - - original message - - - - - from : to : cc : ; ; sent : friday , april 27 , 2001 9 : 12 am subject : enron weather research > > greg , > > hello , and by way of introduction , we were forwarded your e - mail address by > heather thorne . > > i understand you have an m . s . in meteorology as well as an m . b . a . in > finance , and have done some research at livermore . > > i ' d be happy to learn more about your activities , and , if you are > interested , to see if there may be a potential fit here at enron . > > can you e - mail your resume with a description of your coursework and > research activities ? > > looking forward to hearing from you , > > mike roberts > vice president - research > - greg hunt _ resume _ 4 - 27 - 01 . doc - greg hunt _ cv _ meteorology _ 4 - 27 - 01 . doc",0 +"Subject: re : super saturday interviews vince - that is not a problem . we will not schedule you for a dinner . thanks for your help with interviews ! beth vince j kaminski 05 / 31 / 2000 06 : 04 pm to : beth miertschin / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect subject : re : super saturday interviews beth , please , let me know about friday night . i want to know if i should dress up for dinner . i am very busy and i would be glad to skip dinner if you have enough people to cover it . vince from : beth miertschin 05 / 31 / 2000 05 : 19 pm to : vince j kaminski / hou / ect @ ect cc : subject : super saturday interviews - - - - - - - - - - - - - - - - - - - - - - forwarded by beth miertschin / hou / ect on 05 / 31 / 2000 05 : 19 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : beth miertschin 05 / 31 / 2000 01 : 51 pm to : kevin ruscitti / hou / ect @ ect , tom adams / hou / ees @ ees , harold bertram / hou / ect @ ect , ted c bland / hou / ect @ ect , w tom byargeon / hou / ect @ ect , rogers herndon / hou / ect @ ect , kevin mcgowan / corp / enron @ enron , cindy skinner / hou / ect @ ect , mark tawney / hou / ect @ ect , greg woulfe / hou / ect @ ect , matthew arnold / hou / ect @ ect , keith holst / hou / ect @ ect , elspeth inglis / corp / enron @ enron , kim melodick / hou / ect @ ect , sheila walton / hou / ect @ ect , janet r dietrich / hou / ect @ ect , gary hickerson / hou / ect @ ect , vince j kaminski / hou / ect @ ect , george mcclellan / hou / ect @ ect , julia murray / hou / ect @ ect , jere c overdyke / hou / ect @ ect , jeffrey a shankman / hou / ect @ ect , fran l mayes / hou / ect @ ect , dave hill / corp / enron @ enron , brad mcsherry / hou / ect @ ect , toni graham / corp / enron @ enron , james a ajello / hou / ect @ ect , phillip k allen / hou / ect @ ect , edward d baughman / hou / ect @ ect , sally beck / hou / ect @ ect , bob crane / hou / ect @ ect , david oxley / hou / ect @ ect , kevin m presto / hou / ect @ ect , daniel reck / hou / ect @ ect , hunter s shively / hou / ect @ ect , cedric burgher / corp / enron @ enron cc : ginger b gamble / hou / ect @ ect , shelly jones / hou / ect @ ect subject : super saturday interviews thank you for volunteering to interview this super saturday , june 3 rd . we are working on the interview schedule and you will be receiving an interview packet no later than friday morning . please let us know as soon as possible if you have any conflicts and will not be able to participate . we appreciate your support of the associate / analyst program . beth miertschin",0 +"Subject: december 22 - srrs decommissioning notification srrs decommissioning notification we are one @ enron effective friday december 22 , 2000 , you will have a new security request database : in the past , enron corporate / north american users have used the security resource request system ( srrs ) lotus notes database for their security request needs including new hire / contractor / temporary access and terminations . in response to the business reorganization , the it security and controls group is working to streamline enron  , s security request structure and create one single request database for all groups to use , erequest , located at http : / / itcentral . enron . com / please click on the following link to retrieve the erequest training guide : a great deal of effort has been put into this project to eliminate any duplicate security requests in enron ' s global enterprise . when you attempt to access the srrs through lotus notes on dec . 22 , you will find a link to the new erequest system . if you have additional questions regarding your new security request or if you have any problems with the erequest system , please contact information risk management at 713 . 853 - 5536 . thank you information risk management",0 +"Subject: re : fw : opportunities vince i will call you on monday . i understand that unexpected meetings are a matter of life in today ' s world . gerry - - - - - original message - - - - - from : vince . j . kaminski @ enron . com [ mailto : vince . j . kaminski @ enron . com ] sent : friday , october 27 , 2000 3 : 12 pm to : gsheble @ iastate . edu cc : vince . j . kaminski @ enron . com subject : re : fw : opportunities gerry , i may have unexpected meeting ( s ) in the morning . please , keep trying and i shall try to call you as well . vince "" sheble , g . b . "" on 10 / 27 / 2000 09 : 09 : 16 am to : "" ' vince . j . kaminski @ enron . com ' "" cc : subject : re : fw : opportunities vince since we were not able to connect this morning , would you identify any other time as convenient for you ? should i try monday morning ? thank you gerry = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = gerald b . shebl , professor , electrical and computer engineering director of complex adaptive systems program 1115 coover hall ames , iowa 50011 voice : 515 . 294 . 3046 fax : 515 . 294 . 4263 email : gsheble @ iastate . edu web : http : / / www . ee . iastate . edu / ~ sheble / = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = = =",0 +"Subject: change of coordinates dear friends and colleagues , effective immediately , i have returned to the university of pennsylvania . the usual automatically - generated contact info should appear below ; please update your files . best regards , frank - - francis x . diebold department of economics university of pennsylvania 3718 locust walk philadelphia , pa 19104 - 6297 fdiebold @ mail . sas . upenn . edu http : / / www . ssc . upenn . edu / ~ diebold ( 215 ) 898 - 1507 telephone ( 215 ) 573 - 4217 fax",0 +"Subject: invitations to presentation only hi christie , when do you sleep ? 2 am , ugh ! ok , you were correct , my invitation was to those people within enron that the students talked with before interviewing competitors , and it was an invitation to the presentation only . i didn ' t think any of them would be invited to the dinner , and probably none will even come to the presentation . the invitation did elicit one request for the final report though , so maybe it wasn ' t a complete waste . i didn ' t realize that the dinner had turned into a box visit . that sounds great . i wish the group could have made it to dinner before the first game , that would have made the whole slumming experience better . now they ' ll get the royal treatment at enron field . it ' ll be great . vince invited 4 people from rice : dennis w . loughridge , director of energy consortium ; lounghrid @ rice . edu carrie miller , director of mba program ; cmiller @ rice . edu deborah barrett , inst . communications , barrett @ rice . edu dr . wil uecker , associate dean for executive education , uecker @ rice . edu loughridge wrote back saying he ' ll come , i don ' t know about the others here are the 6 students emails : "" ritwik \ ( ronnie \ ) ghosh "" , "" ivy ghose "" , "" luigi calabrese "" , "" pravas sud "" , "" syed \ ( farhan \ ) iqbal "" your 2 from rice makes a total of 12 from rice , i guess let me know if you would like me to do anything else related to monday look forward to seeing you then ken",0 +"Subject: re : rabi de ' s sign on bonus sorry vince i have been out of town . please give me a call tomorrow .",0 +"Subject: interview - thomas barkley 11 / 9 / 00 attached please find the resume , interview schedule , and evaluation form for thomas barkley . thomas is interviewing on thursday , november 9 , 2000 beginning at 8 : 00 a . m . please contact me with any comments or concerns . thank you , cheryl arguijo staffing coordinator 713 - 345 - 4016 - thomasbarkley . pdf ,",0 +"Subject: re : summer work . . jinbaek , thanks for your message . we have a number of additional fascinating projects that you can work on . as a matter of fact , it would be great to have you here earlier . vince "" jinbaek kim "" on 05 / 02 / 2001 05 : 18 : 32 am to : , "" raghavan , suresh "" , "" mesquita , ross "" cc : subject : summer work . . long time no see , how have you been . . . must be busy and living a challenging life ? i have been pretty busy too , to finish a project and write a paper , these days . everything looks going ok for my summer internship . i took necessary steps to work out of campus , and sent signed contract to molly a week ago . . here is what i am expecting to do in the summer . please let me know if you have any change in mind . actually , i wonder a little bit if dealbench changed its business model . . . and maybe you got priority in something different because it has been quite a while since we talked . i ' d like to what ' s going on in dealbench team . . . raghavan and ross , if we talk over phone it will be great ! dr . kaminski , if you think there is something else interesting to work with during the summer , to both you and i , please let me know . my interest is auction , market design , and simulation . i am taking a financial engineering class , ( mostly on option pricing ) and working on electricity generator valuation problem based on spark spread option . all of you , let ' s keep in touch until we meet in june ! ! best regards , jinbaek tentative work period : 6 / 4 - 8 / 4 1 . tasks : 1 ) survey on auctions : the state of art single - item auction , multi - unit auction , sequential auction , multi - attribute auction , combinatorial auction - theoretical - experimental - algorithmical 2 ) deal bench ' s auction model analysis 2 . deliverables : 1 ) 3 presentations : - lst presentation : around 6 / 30 : on different auction types and researches - 2 nd presentation : around 7 / 15 : the state of art in auction studies - 3 rd presentation : around 8 / 1 : deal bench ' s model analysis 2 ) report : summary of auction study in laymen ' s term deal bench ' s model analysis",0 +"Subject: hedging lng volumes stinson / vince , i think this is important to know . regards , sandeep . - - - - - - - - - - - - - - - - - - - - - - forwarded by sandeep kohli / enron _ development on 03 / 28 / 2001 08 : 23 am - - - - - - - - - - - - - - - - - - - - - - - - - - - anshuman srivastav 03 / 28 / 2001 06 : 32 : 20 am to : marc de la roche @ ect cc : tushar dhruv @ enron , doug leach @ ect , mohan gurunath / enron _ development @ enron _ development , rajesh sivaraman / enron _ development @ enron _ development , shubh shrivastava / enron _ development @ enron _ development , mukesh tyagi / enron _ development @ enron _ development ( bcc : sandeep kohli / enron _ development ) subject : hedging lng volumes hi marc , dpc would like a swap to hedge its price expsoure on lng . we do understand that there exists a basis risk between jcc ( the lng spa index ) and brent ( the market index for the product ) and will bear such risk . we also appreciate the fact that this is a financial product and irrespective of actual consumption , we will still have to bear the burden ( if any ) of the swap . fuel - lng indexed to jcc ( closely correlated to brent futures ) period volumes ( tbtu ) volumes ( mt ) volumes ( jcc bbls ) january 2002 to december 2002 33 . 61 650 , 000 9 , 127 , 049 january 2003 to december 2003 48 . 63 940 , 000 13 , 207 , 496 january 2004 to december 2004 48 . 63 940 , 000 13 , 207 , 496 crude swap price : can we look at a ' dirty ' hedge and get a crude ( $ / bbl ) swap price . like any other regular swap , this will be a monthly settle product . the above conversions from mt to bbls are based on lng conversion factors . ( 14 . 04 bbls / mt ) . we also would like to understand the requirements of the credit group to put this hedge in place . please indicate the process as well as the security mechanisms to provide adequate credit support for the swap . please call me ( 98210 38711 ) or rajesh ( 98201 88310 ) for any additional info . regards , anshuman",0 +"Subject: re : hello molly , kim watson would like us to bring jacob for another interview . we can do it later this week . vince vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 05 / 01 / 2001 02 : 22 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - from : kimberly watson / enron @ enronxgate on 05 / 01 / 2001 09 : 17 am to : vince j kaminski / hou / ect @ ect cc : subject : re : hello hi vince , if you are still interested in bringing back this gentleman back for another interview , i would very much like to meet with him . sean talked with him when you brought him in a few weeks ago and he thought it would be a good idea for me to meet with him so we can compare thoughts . thanks , kim . - - - - - original message - - - - - from : kaminski , vince sent : monday , april 16 , 2001 1 : 21 pm to : watson , kimberly cc : krishnarao , pinnamaneni ; kaminski , vince subject : re : hello kim , this is a letter from one of the job applicants who works for pros . it seems that the system they develop for williams is more a scheduling system . would you like to ask him to come back for another interview , to get more information out of him ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 16 / 2001 01 : 18 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - "" jacob y . kang "" on 04 / 11 / 2001 11 : 18 : 44 pm to : vince . j . kaminski @ enron . com cc : subject : re : hello dear vince : it was so nice meeting and talking with you too . i did not take any pen back , i lost my pen too somewhere in enron . as i mentioned to you , after i got my ph . d in 1999 , i have been working two years as lead scientist and science manager in energy division at pros revenue management inc . in houston . i developed and implemented the mathematical models for trading optimization system and firm transportation optimization system . the trading optimization system becomes the most popular product in the industry this year . duke energy just signed the contract to buy this product yesterday . conoco and williams also signed the contracts for it . according to pros sales department , the potential marketer to buy this product exceeds 15 companies in one or two years . enron is the ideal place for me to continue my research and system developing efforts to combine revenue management with risk management . i am confident that i can make significant contributions to enron in this area . i would like to thank you again for giving me this opportunity to come to enron for this interview . i am looking forward to having the opportunity to work in enron . sincerely yours jacob - - - vince . j . kaminski @ enron . com wrote : > jacob , > > it was nice meeting you . did take by any chance > my pen ? if not , i apologize . > > vince > do you yahoo ! ? get email at your own domain with yahoo ! mail . http : / / personal . mail . yahoo . com /",0 +"Subject: pozdrowienia piotr , dziekuje za wiadomosc . bede prawdopodobnie w londynie w koncu wrzesnia . ciesze sie , ze wszystko idzie pomyslnie . odezwij sie , jesli bedziesz przyjezdzal do stanow . rozmawialem ostatnio z twoim kolega , avi hauser . wicek wincenty kaminski 10 snowbird the woodlands , tx 77381 phone : ( 281 ) 367 5377 ( h ) ( 713 ) 853 3848 ( o ) cell : ( 713 ) 898 9960 ( 713 ) 410 5396 ( office mobile phone )",0 +"Subject: professor bambos ' visit to enron on monday , august 21 st vince / stinson : i have made the following appointments for professor bambos : monday , august 21 st 9 : 00 am jim fallon 2 : 00 pm john echols john echols ' assistant would like me to send her an email concerning the subject / reason for the visit with john . please let me know . thanks ! shirley",0 +"Subject: flat screens hello , we are still in need of flat screens . we need two for trisha tlapek and two for michael sergeev . their locations are eb 3132 b and eb 3131 b . we have been waiting for these screens for some time now . will you please provide me with the e . t . a . thanks kevin moore - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 01 / 05 / 2000 01 : 08 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 12 / 15 / 99 10 : 38 am to : lyn malina / hou / ect @ ect cc : subject : flat screens e . t . a . thanks kevin moore",0 +"Subject: re : christmas basket list goodmorning , this is the last e - mail regarding christmas baskets . here is a detailed disussion for the baskets . thanks kevin moore - - - - - - - - - - - - - - - - - - - - - - forwarded by kevin g moore / hou / ect on 12 / 08 / 2000 10 : 41 am - - - - - - - - - - - - - - - - - - - - - - - - - - - kevin g moore 12 / 07 / 2000 01 : 55 pm to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , mike a roberts / hou / ect @ ect cc : subject : re : christmas basket list here is the completed list for the year 2000 total $ 1470 . 00 thanks kevin moore kevin g moore 12 / 05 / 2000 10 : 56 am to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , mike a roberts / hou / ect @ ect , jose marquez / corp / enron @ enron , stinson gibner / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , anita dupont / na / enron @ enron cc : subject : re : christmas basket list here is the updated list that we have for christmas . the orders will be placed on dec . 12 th . the orders will arrive at the enron building dec . 19 th . and all outside orders will arrive before dec . 22 nd . please inform , if this is okay . thanks kevin moore i will discuss cost with vince after meeting with bill on friday . kevin g moore 12 / 01 / 2000 09 : 26 am to : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , mike a roberts / hou / ect @ ect , jose marquez / corp / enron @ enron , stinson gibner / hou / ect @ ect , vasant shanbhogue / hou / ect @ ect , anita dupont / na / enron @ enron cc : subject : christmas basket list hello everyone , we are nearing the time to get the baskets and other christmas tokens sent out . as in every year , we do take the time to send tokens of appreciation for services rendered , or share the christmas sprit with those we feel worthty . here is the list that i have already , approved by vince . if there are any additions please inform me a . s . a . p . the deadline is december 12 th , as i will be meeting with the owner of floral events to confirm the order and treat him to lunch for all the great work he has provided for me . thanks kevin moore please note : i will be out on vacation and all orders will already have been placed with the delivery date on december 19 th . the day of my return , therefore if any problems occur i will have enough time to solve them .",0 +"Subject: tanya ' s trip to stanford shirley , i will be out of the office 10 / 16 / 00 - 10 / 23 / 00 . i will attend credit modeling classes at stanford on 10 / 16 trough 10 / 20 . 10 / 23 / 00 i ' take as a vacation day . tanya .",0 +"Subject: re : var for cob 2 nd aug 2000 hi vince , i have sent a mail to andreas with a full list of all the assumed units within our model . he has sent some historical data for cocoa beans and noticed that they were being quoted in gbp / mt so even currency units seem to be important . thank you for pointing this out , kirstee vince j kaminski 04 / 08 / 2000 15 : 45 to : kirstee hewitt / lon / ect @ ect cc : vince j kaminski / hou / ect @ ect , cantekin dincerler / hou / ect @ ect , grant masson / hou / ect @ ect subject : re : var for cob 2 nd aug 2000 hi kirstee , thanks again for all your work on mg . one think to double check is units . please , make sure that the prices are quoted in the same units our positions come in . one potential source of confusion arises from the fact that we are dealing with different cultures ( metric system vs . english measures ) . vince enron capital & trade resources corp . - europe from : kirstee hewitt 08 / 03 / 2000 11 : 31 am to : vince j kaminski / hou / ect @ ect cc : subject : var for cob 2 nd aug 2000 hi vince , i was waiting for a comment about the email below before sending it to the full mailing list . basically it suggests that the copper option position may well have increased the var by more than $ 500 , 000 . however , given that the portfoilo has also changed from the lst of august it is difficult to asses the actual change due to the option only . regards kirstee - - - - - - - - - - - - - - - - - - - - - - forwarded by kirstee hewitt / lon / ect on 03 / 08 / 2000 17 : 29 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron europe from : kirstee hewitt 03 / 08 / 2000 16 : 29 to : cantekin dincerler / hou / ect @ ect , grant masson / hou / ect @ ect cc : subject : var for cob 2 nd aug 2000 hi all , the cu option position has entered the mg books for the 2 nd aug . the delta is 35299 $ / mt for dec 2000 . the cu var has gone up from $ 2 , 245 , 000 to $ 3 , 306 , 000 . i estimated that the portfolio for the lst would increase to approx $ 3 , 039 , 000 so this seems sensible . the overall var change is from $ 4 , 780 , 796 to $ 5 , 991 , 569 . again , the estimate for the lst aug was for an increase in var to ~ $ 5 , 476 , 000 . all estimates were based on a delta of 32 , 0004 / dmt . there has also been some increase in the var for aluminium which will effect the overall total . a summary is as follows : regards , kirstee",0 +"Subject: numbers for sharad agnihotri hi dale ( i would also like to arrange for a direct reporting line to me for sharad . regards , anjam x 35383 p . s . kate : i have attached the agencies terms and conditions below : - - - - - - - - - - - - - - - - - - - - - - forwarded by anjam ahmad / lon / ect on 05 / 07 / 2000 16 : 21 - - - - - - - - - - - - - - - - - - - - - - - - - - - enron capital & trade resources corp . from : alex blair 05 / 07 / 2000 15 : 29 to : "" ' anjam ahmad ' "" cc : subject : numbers anjam , ? ? ? ? ? ? ? as requested please find enclosed details on sharad ' s numbers : ? ? ? ? ? ? ? basic salary : o 40 , 000 ? ? ? ? ? ? ? car allowance : o 3 , 500 ? ? ? ? ? ? ? ( paid in cash ) ? ? ? ? ? ? ? annual bonus : ol 3 , 000 ( this bonus was paid for ? ? ? ? ? ? ? 99 - 00 ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? 8 mths work april - dec ) total o 56 , 500 sharad has been informed that his bonus payments for year 00 - 01 will be floored at o 25 , 000 . ? sharad ' s expectations therefore are to receive a base salary of between o 57 . 5 - o 60 k plus bonus . i hope this is of use and ask that if you have any questions that you do not hesitate to call . alex blair senior consultant alex . blair @ alexmann . com tel : 0207 891 6671 fax : 0207 905 1313 web : "" the alexander mann group has a stated policy for the use of electronic mail which is rigorously enforced throughout the group . the contents of this e mail should meet the requirements of the policy - if you would like further details please forward this message to info @ alexmann . com or call 0207 242 9000 . the information contained in this electronic mail message is confidential . it is intended solely for the use of the individual or entity to whom it is addressed and others authorised to receive it . if the reader of this message is not the intended recipient , you are hereby notified that any use , copying , dissemination or disclosure of this information is strictly prohibited . """,0 +"Subject: new employee shirley : don ' t panic , but we have a new employee , chonawee supatgiat , who is starting on feb . 8 th ( yes , today ) . sorry about the short notice , but he just accepted on the 7 th at 5 p . m . he will be primarily supporting ebs ( enron broadband services ) and reporting to ravi , but we will need to find a spot for him on the 19 th floor . he can even use my office temporarily if needed since i have a desk on 44 as well . i ' ll talk to you about the specifics in the morning . thanks , - - stinson",0 +"Subject: re : petrochem desk yes , i will have kate get involved and talk to christian to get details . vasant - - - - - original message - - - - - from : kaminski , vince sent : monday , april 23 , 2001 9 : 29 am to : shanbhogue , vasant cc : kaminski , vince subject : petrochem desk vasant , it seems we have to help them . can kate help on this project ? vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 23 / 2001 09 : 28 am - - - - - - - - - - - - - - - - - - - - - - - - - - - nelson neale @ enron 04 / 20 / 2001 10 : 29 am to : vince j kaminski / hou / ect @ ect , vasant shanbhogue / enron @ enronxgate cc : subject : petrochem desk i had a chance to speak with christian lebroc this morning with regard to curve building for petrochemicals . as it turns out , christian left rac in april and joined the petrochem desk as a trader . previous efforts at construction of a forward curve by the group have focused on intuition or swags . unfortunately , the group had a rough p & l year with at least some of the blame directed toward the forward curve or lack thereof . when asked about the fundamentals group , christian indicated that they ' d only been around about 3 - 4 months and are not yet well - suited to curve building . john nowlan is indeed the head of the group . from a timing perspective , i told christian that it would probably take at least 6 - 8 weeks to develop a curve , especially considering the need to understand the key market drivers / fundamentals . as was suggested yesterday during our meeting , a strong relationship between petrochemicals and a nymex component ( e . g . , crude oil ) would provide a great beginning point - - we could then potentially strengthen / augment this relationship with other key factors ( e . g . , supply and demand terms ) borne out of our market research . nelson ",0 +"Subject: ljm model ryan : this is the updated spreadsheet for pricing the ljm options disregarding any credit issues . it produces exactly the same results as before . the only difference tis the place it gets the model ' s c code . i am placing all the code related to this deal on a specific directory on the "" o "" drive now . please use this version on future pricing . i will delete the old code . thanks paulo issler",0 +"Subject: re : probability question from vince ' s article thank you , michael ! i ' m forwarding your answer to vince kaminski , and thank you for reading ! sam smith 5 - 8322 enron energy services from : michael kim @ ees 08 / 28 / 2000 02 : 50 pm to : william . smith @ enron . com cc : subject : probability question from vince ' s article answer is 0 . 2344 it ' s been awhile since i studied probability . i think this is a conditional probability problem . thank you . mike kim",0 +"Subject: re : lunch super . jestesmy umowieni . juliusz vince j kaminski 12 / 14 / 2000 11 : 06 am to : julius zajda / lon / ect @ ect cc : subject : re : lunch juliusz , wtorek jest najlepszym dniem . vince julius zajda 12 / 14 / 2000 10 : 18 am to : vince j kaminski / hou / ect @ ect cc : subject : lunch przepraszam , ze sie tak dlugo nie odzywalem , ale musialem znalezc sobie mieszkanie , przeprowadzic sie i kupic jakies meble . czy lunch w przyszlym tygodniu odpowiadalby panu ? mi pasuje kazdy dzien oprocz czwartku . juliusz",0 +"Subject: research group , recruiting celeste , i attach some brief job candidate descriptions for the types of people we are looking for at the bs / ms level . osman sezgen ( supporting ees ) and p . v . krishnarao ( supporting ees , ebs , and gpg ) both said that they are willing to help in interviewing , recruiting , or reviewing resumes . i also would make myself available ( ebs , ena ) and would be especially willing to help at the schools i attended , caltech and rice ( both on your target list ) . let us know what we can do to help . best regards , - - stinson",0 +"Subject: schedule and more . . dr . kaminski , i think i ' ll be able to start work from the last week of may , but not from monday , probably , i ' ll be able to work from 5 / 30 ( wed ) . will it be good ? i know it is not that much earlier than i mentioned . . 6 / 4 i am sorry . and actually , there is an e - business conference at haas school of business , organized by my advisor could you distribute the link and the attached invitation letter to groups interested in e - business and especially procurement ? the link is as following . i am afraid you might forgot this i told you in the last email . . . my advisor ( arie segev at haas school of business ; segev @ haas . berkeley . edu ) wants me to ask whether you have any idea on joint research with him during the summer , while i am staying there . his interest is in e - business . . ( what else . . ? ) and has expertise in e - procurement system and marketplace . . . xml based standard such as obi , cxml , xcbl , rosettanet , biztalk . . system interoperability study , auction and negotiation , workflow system , e - catalog management , digital signature , edi , etc etc . . . many technical aspects of e - business . . . he wants to do some kind of technical case study that is beneficial for both enron and him . he may travel one or two times to houston to have a meeting during the summer . ( and to be frankly , this will be good for me too , because i can have a meeting for my dissertation while he is in houston . . ) could you think about the possibility of joint research , with him ? thank you . . sincerely , jinbaek - fcp - invite . pdf",0 +"Subject: re : message from ken rice vince : thanks for returning this call . i guess it helps if i provide the contact information ! tom limperis 517 - 423 - 5617 thanks ! dorothy dalton office of the chairman enron broadband services 1400 smith street , eb 4505 houston , tx 77002 713 - 853 - 6724 - direct 713 - 853 - 9469 - fax vince j kaminski @ ect 05 / 02 / 01 09 : 42 am to : dorothy dalton / enron communications @ enron communications @ enron cc : vince j kaminski / hou / ect @ ect , vasant shanbhogue / enron @ enronxgate subject : re : message from ken rice dorothy , no problem . please , cc - mail me tom ' s number . one of the members of the group has a phd in computer science and he will join me for the call . vince from : dorothy dalton @ enron communications on 05 / 01 / 2001 08 : 53 am to : vince j kaminski / hou / ect @ ect cc : subject : message from ken rice vince : ken rice received a call through a friend ' s referral from dr . tom limperis ( a professor at the university of michigan ) . dr . limperis has developed a statistical database management system he would like to show enron . ken would like you to return this call on his behalf . he feels that you are probably the only person who will understand and be able to determine if enron should have an interest . do you mind returning this call ? please let me know . thanks ! dorothy dalton office of the chairman enron broadband services 1400 smith street , eb 4505 houston , tx 77002 713 - 853 - 6724 - direct 713 - 853 - 9469 - fax",0 +"Subject: re : exploration data as the root of the energy ( oil ) supply chain and consulting john , congratulations on a career move . yes , we were contacted regarding geophysical data gathering / transmission project . we asked our geophysicists for help and are shooting for a meeting on thursday to run our ideas by them . vince from : john bloomer @ enron communications on 10 / 10 / 2000 10 : 20 am to : vince j kaminski / hou / ect @ ect cc : subject : exploration data as the root of the energy ( oil ) supply chain and consulting good morning vince : 1 ) we met with some geophysical data gathering / transmission people last week . i observed that there is an opportunity to get in the early steps of the ( oil exploration ) energy supply chain - we can get at the key data driving oil drilling earlier than anyone else by extending into this area of broadband networking - to build a way to hedge oil and other energy trades . i asked adler or reichardt to present the idea to your team for validation . have they contacted you yet ? 2 ) i ' m converting to consultant - i ' ve had a great year here but need to get back north more often ( family ) . i will be converting to consultant status starting next week . do not hesitate to call me if there is anything i can do for you or your team to help out . john bloomer cell 610 574 3945",0 +"Subject: rendez - vous reporter : sunday 3 rd september 2000 > sunday 3 rd september 2000 > > the monte carlo rendez - vous reporter from reactions , in association with > guy carpenter [ http : / / www . guycarp . com ] . simply click on the link next to > each headline to read the full story . > > top stories of the day : > > the only way is up for rates > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 659 > > vox pops : testing the renewals air > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 660 > > the view of the middleman > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 661 > > new look rendez - vous > http : / / www . reactionsnet . com / conferences / viewstory . asp ? id = 657 > > please visit http : / / www . reactionsnet . com for all the latest news from the > world ' s largest insurance and reinsurance conference . > > alternatively , you can read these stories on the official rendez - vous > website at http : / / www . rvs - monte - carlo . com > > > book of the industry : > > reinsurance > fourth edition of professor robert l carter ' s industry - standard textbook . > https : / / ecommerce . waterside . net / reactions / reins _ fourth . asp >",0 +"Subject: dr . michelle foss - energy institute christie , i am forwarding you a message i have received from the university of houston . can you help them ? we have a very good relationship with the uoh . vince - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 04 / 24 / 2001 05 : 14 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - aisha jamal on 04 / 23 / 2001 03 : 15 : 29 pm please respond to aisha @ uh . edu to : vkamins @ ect . enron . com cc : mmfoss @ uh . edu subject : dr . michelle foss - energy institute dear mr . kaminski , i am writing to ask a favor for dr . michelle foss . as you know we will be running our "" new era "" program from may 14 - may 25 th . dr . foss was wondering if on may 22 nd ( between 1 : 30 pm and 4 : 00 pm ) , we would be able to bring our participants for a tour of your trading floor . at this time we will have 30 - 40 people , and since only 10 people maximum should really be on a trading floor we need to have 4 companies among which to divide our participants . at this time , we have a floor from coral energy , and are working with duke , and i will be contacting mr . paul roberts to arrange for the reliant energy trading floor . i was hoping very much that you would be able to direct me to the right person to contact to arrange this tour . will this be a possiblity ? i really appreciate your help very much . thank you ! best regards , aisha jamal energy institute 713 - 743 - 4634",0 +"Subject: rice / enron finance seminar series fyi ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 03 / 19 / 2001 08 : 07 am - - - - - - - - - - - - - - - - - - - - - - - - - - - barbara ostdiek on 03 / 16 / 2001 03 : 33 : 59 pm to : ostdiek @ rice . edu cc : subject : rice / enron finance seminar series enron seminar series in finance jones graduate school of management , rice university paul schultz university of notre dame will give a seminar at the jones school on friday , march 30 , ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ?  & who makes markets  8 the seminar will begin at 3 : 30 in room 115 . the paper will be made available shortly .",0 +"Subject: storage model security stinson , i have added a time bomb and security file check to the model . we are ready to release it to brad , and improve the model from his feed back . zimin",0 +"Subject: re : meeting w kevin hannon vince and stinson : carol brown called and we have scheduled the meeting for 4 : 00 pm on thursday , may 11 . it will be in kevin ' s office at eb 4508 . thanks ! shirley stinson gibner 05 / 08 / 2000 04 : 42 pm to : shirley crenshaw / hou / ect @ ect cc : subject : meeting w kevin hannon shirley , could you call carol brown and set up a time for vince and i to meet with kevin hannon later this week ? thanks , stinson",0 +"Subject: e - mail and voicemail retention policy as a reminder , ena  , s policy regarding retention of electronic mail , including lotus notes mail , internet e - mail , cc : mail and voicemail is as follows : message location maximum retention inbox 30 days message log / sent mail 30 days trash rollover from inbox for 15 days bulletin boards 30 days folders / archives e - mails placed in folders or archives  ) one year voicemail 90 days e - mail and voicemail older than the maximum retention will be purged automatically by it , which is responsible for monitoring compliance with this policy . any exception to this policy requires approval by mark haedicke or richard sanders . mark frevert and mark haedicke",0 +"Subject: approval is overdue : access request for stephen . bennett @ enron . com this request has been pending approval for 5 days and you are the alternate . please click approval to review and act upon this request . request id : 000000000003991 approver : stinson . gibner @ enron . com request create date : 10 / 3 / 00 12 : 31 : 22 pm requested for : stephen . bennett @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: re : hi vince hi jeff , no problem . as soon as we have an agreement in place , i shall start working with you . vince "" $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ "" on 01 / 10 / 2001 12 : 59 : 36 pm please respond to "" $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ $ "" to : vince . j . kaminski @ enron . com cc : subject : hi vince hi vince . here is my contact info : jeff wesley 949 813 2241 jjw @ ziplip . com jjw @ lokmail . net i work with mri usa and robertwalters uk i also underwrite my own deals . example of current accounts : painewebber merrill lynch crowell weedon current companies i work with include : conedison energy smud ( sacramento energy ) calpine energy morgan stanley dean whitter job orders sent : chicago mercantile exchange alcoa cournerstone energy i hope this makes it through the firewall ! my partner in london at robertwalters sent me a guy for you to browse . . . i ' ll pop him over later . thanks vince ! jeff * get free , secure online email at http : / / www . ziplip . com / *",0 +"Subject: agenda for larry thorne ' s presentation and meetings , friday , may 4 th attached is the agenda for larry thorne ' s presentation , friday , may 4 th . i have scheduled vasant and krishna to take him to lunch . please let me know where you would like to go and i will make reservations . thanks ! shirley",0 +"Subject: raptors here is the most recent version of the spreadsheet and the accompanying assumptions .",0 +"Subject: re : faculty lunch alison , i recommended inviting duane seppi and steven shreve . i would also invite brian routledge . i don ' t know him but heard many good things about him . kevin kindall may have other recommendations . vince enron north america corp . from : mary alison bailey 09 / 08 / 2000 05 : 04 pm to : shirley crenshaw / hou / ect @ ect , vince j kaminski / hou / ect @ ect , kevin kuykendall / hou / ect @ ect , kevin kuykendall / hou / ect @ ect cc : kristin gandy / na / enron @ enron subject : faculty lunch kristin had said she was interested in a faculty lunch , and kevin said he would host it . are there any professors you would recommend be invited ? here is a list of finance faculty : robert dammon rdl 9 @ andrew . cmu . edu 412 . 268 . 3696 richard green rgob @ andrew . cmu . edu 412 . 268 . 2302 david heath heath @ andrew . cmu . edu 412 . 268 . 2545 christine parlour parlourc @ andrew . cmu . edu 412 . 268 . 5806 brian routledge rout @ andrew . cmu . edu 412 . 268 . 7588 duane seppi ds 64 @ andrew . cmu . edu 412 . 268 . 2298 steven shreve shreve @ andrew . cmu . edu 412 . 268 . 8484 chester spatt cs 9 z @ andrew . cmu . edu 412 . 268 . 8834 christopher telmer telmerc @ andrew . cmu . edu 412 . 268 . 8838 stanley zin szoh @ andrew . cmu . edu 412 . 268 . 3700 *",0 +"Subject: 2 - survey / information email 5 - 7 - 01 current notes user : to ensure that you experience a successful migration from notes to outlook , it is necessary to gather individual user information prior to your date of migration . please take a few minutes to completely fill out the following survey . when you finish , simply click on the ' reply ' button then hit ' send ' your survey will automatically be sent to the outlook 2000 migration mailbox . thank you . outlook 2000 migration team full name : login id : extension : office location : what type of computer do you have ? ( desktop , laptop , both ) do you have a pda ? if yes , what type do you have : ( none , ipaq , palm pilot , jornada ) do you have permission to access anyone ' s email / calendar ? if yes , who ? does anyone have permission to access your email / calendar ? if yes , who ? are you responsible for updating anyone else ' s address book ? if yes , who ? is anyone else responsible for updating your address book ? if yes , who ? do you have access to a shared calendar ? if yes , which shared calendar ? do you have any distribution groups that messaging maintains for you ( for mass mailings ) ? if yes , please list here : please list all notes databases applications that you currently use : in our efforts to plan the exact date / time of your migration , we also will need to know : what are your normal work hours ? from : to : will you be out of the office in the near future for vacation , leave , etc ? if so , when ? from ( mm / dd / yy ) : to ( mm / dd / yy ) :",0 +"Subject: promotion vince , i want to congratulate you on your promotion to managing director ! as i scanned the list of people who were promoted , i was so pleased to see your name on the list . as large as enron is , it is refreshing to see people like you with incredible skill and talent receive deserving promotions . i have certainly enjoyed working with you and the r & d team over the past year and look forward to a successful 2000 as we break new ground for et & s . kim .",0 +"Subject: re : petronas benchmarking visit fyi the list of the delegates from petronas . vince kaminski - - - - - - - - - - - - - - - - - - - - - - forwarded by vince j kaminski / hou / ect on 01 / 23 / 2001 01 : 21 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - khairuddinbmjaafar @ petronas . com . my on 01 / 22 / 2001 03 : 13 : 35 am please respond to khairuddin _ mjaafar @ petronas . com . my to : vince . j . kaminski @ enron . com cc : subject : re : petronas benchmarking visit vince , here is the list of our delegates for your kind perusal : 1 . iqbal abdullah ( general manager ) , 2 . nur azmin abu bakar ( head , risk assessment & controls ) , 3 . zulkifli a rahim ( head , risk , measurement & systems ) 4 . adnan adams ( head , special projects ) . thanks . regards , khairuddin",0 +"Subject: request submitted : access request for jeremy . waggenspack @ enron . com you have received this email because you are listed as an alternate data approver . please click approval to review and act upon this request . request id : 000000000005411 approver : stinson . gibner @ enron . com request create date : 10 / 23 / 00 8 : 48 : 43 am requested for : jeremy . waggenspack @ enron . com resource name : \ \ enehou \ houston \ common \ research - [ read / write ] resource type : directory",0 +"Subject: * special notification * aurora version 5 . 5 release , what ' s new ? iv friends : i spoken with most of you over the last few weeks regarding the new version of aurora due to be released tomorrow . we ' ve broken a lot of new ground with this version , and this version will serve as our official launch into the eastern u . s . we ' ve worked closely with our eastern customers , and responded to the needs of the market . some of the enhancements : aurora software modeling enhancements : * energy storage - resources ( pumped hydro ) * market areas : no limit on number of areas * transmission : congestion pricing . * price caps * risk analysis * modeling enhancements via vb scripting : "" update data "" capability general capabilities * aurora ' s run time speed improved again . * file transfers to epis * interface enhancements reporting enhancements * marginal resource reporting * resource operations reporting * resource stacks detail consolidated aurora databases * east - central aurora database - - 25 market areas modeled with 11 market areas in new york iso . * wscc aurora database - - updated ipp resources * ercot aurora database - updated resources * all databases updated to use the new modeling capabilities as aurora continues to grow , and we meet the needs of the market , we have made several procedural changes . we continue to offer free 7 - day demos to those companies that want to take a look at the model , and get a brief idea of how it thinks and feels . after that 7 - day demo period we now offer either a discount for moving into a full license , or we offer a 60 - day trial for $ 10 , 000 . 00 - - we also now offer more options for the licensing of the model . annual licenses are priced as follows : single user ( 1 user / 1 pc ) $ 33 , 000 . 00 limited - use ( 1 user / multiple pcs or multiple users / 1 pc ) $ 45 , 000 . 00 two - user ( 2 users / 2 pcs ) $ 55 , 000 . 00 site license ( unlimited users / pcs excluding affiliates ) $ 79 , 000 . 00 affiliate - site ( unlimited users / pcs including affiliates ) $ 99 , 000 . 00 for additional information , please contact me , and i ' ll speak with you about how aurora can help you in your specific operations and projects . v . todd wheeler sales manager epis , inc . ( 503 ) 722 - 2023 tel . x 210 ( 503 ) 722 - 7130 fax www . epis . com todd @ epis . com > - what ' s new - version 5 . 5 information . doc",0 +"Subject: fwd : update return - path : received : from rly - yeo 2 . mx . aol . com ( rly - yeo 2 . mail . aol . com [ 172 . 18 . 151 . 199 ] ) by air - yeo 4 . mail . aol . com ( v 76 _ rl . 19 ) with esmtp ; fri , 20 oct 2000 14 : 52 : 34 - 0400 received : from postmaster . enron . com ( outbound 5 . enron . com [ 192 . 152 . 140 . 9 ] ) by rly - yeo 2 . mx . aol . com ( v 76 _ rl . 19 ) with esmtp ; fri , 20 oct 2000 14 : 52 : 16 - 0400 received : from nahou - msmswolpx . corp . enron . com ( [ 172 . 28 . 10 . 37 ] ) by postmaster . enron . com ( 8 . 8 . 8 / 8 . 8 . 8 / postmaster - 1 . 00 ) with esmtp id naao 9683 for ; fri , 20 oct 2000 13 : 52 : 16 - 0500 ( cdt ) from : stinson . gibner @ enron . com received : from ene - mtaol . enron . com ( unverified ) by nahou - msmswolpx . corp . enron . com ( content technologies smtprs 4 . 1 . 5 ) with esmtp id for ; fri , 20 oct 2000 13 : 52 : 16 - 0500 subject : update to : vkaminski @ aol . com cc : vince . j . kaminski @ enron . com x - mailer : lotus notes release 5 . 0 . 3 march 21 , 2000 message - id : date : fri , 20 oct 2000 13 : 52 : 12 - 0500 x - mimetrack : serialize by router on ene - mtaol / enron ( release 5 . 0 . 3 ( intl ) | 21 march 2000 ) at 10 / 20 / 2000 01 : 48 : 43 pm mime - version : 1 . 0 content - type : text / plain ; charset = us - ascii vince , a quick update on job candidates : 1 ) nelson neale : relayed your request to norman , and told nelson that an offer is in progress . did not mention specific numbers to him . 2 ) charles shen : left a message for him that we would get back to him next week with details of an offer . 3 ) interviewed by phone tom barkley at thunderbird ( brought to our attention by enron recruiters there ) . he looks very interesting so i am trying to schedule a visit to enron for him . he will finish t - bird in december ( mba ) and has a bachelors with honours in mathematics . have a great weekend . stinson",0 +"Subject: altos na gas model kim , i know you have been interested in the development of a long term natural gas model for use in the ets revenue management effort . i agree that the ability to model various supply / demand scenarios for north america should prove useful in ets business development efforts , and in particular , in predicting the impact of the new , large alaskan gas supplies on the n . a . pipeline grid . as you know , vince kaminski feels that a software product developed by dale nesbitt ( marketpoint , inc . ) of los altos hills , ca . may be a good choice , and one readily available in a relatively short time . marketpoint has proposed that they work with us in our offices for a week of intensive training and testing , so we can make a more informed decision before ordering the software . they have proposed a charge of $ 12 , 000 , plus expenses , for the one - week session , with that cost applied to the first year ' s subscription price ( approx . $ 55 - 60 m / yr ) should we decide to go forward . the other details ( timing , ene resources required , necessary it interface , etc ) still need to be worked out , but i believe there is generally a consensus to proceed with the test . with my recent relocation to the clean fuels group , i will no longer be responsible for the alaskan pipeline development . however , danny mccarty is pulling together a team consisting of people from nng , nbp and elsewhere in ets to push the project forward . i believe eric gadd will be playing a key role as well . the decision on the long term gas model should appropriately be made by the new project team . i have attached a draft of the proposed marketpoint license agreement . it has not yet been fully reviewed by legal ( or by shelley c . for the "" affiliate "" issues ) . let me know if i can provide any other background or assistance . jng",0 +"Subject: power market research i came across the attached report which margaret carson thought would be of interest to you . jennifer - - - - - - - - - - - - - - - - - - - - - - forwarded by stephen thome / hou / ect on 04 / 03 / 2001 11 : 36 am - - - - - - - - - - - - - - - - - - - - - - - - - - - jessica burry 04 / 03 / 2001 10 : 29 am to : theresa villeggiante / pdx / ect @ ect , mollie gustafson / pdx / ect @ ect , fredrik eriksson / pdx / ect @ ect , crystal hyde / pdx / ect @ ect , angela cadena / pdx / ect @ ect , andy chen / pdx / ect @ ect , jim gilbert / pdx / ect @ ect , ed clark / pdx / ect @ ect , jeff shields / pdx / ect @ ect , jim buerkle / pdx / ect @ ect , dave fuller / pdx / ect @ ect , laura wente / hou / ect @ ect , jake thomas / hou / ect @ ect , christopher f calger / pdx / ect @ ect , michael etringer / hou / ect @ ect , chris lackey / pdx / ect @ ect , todd perry / pdx / ect @ ect , jeffrey oh / pdx / ect @ ect , elliot mainzer / pdx / ect @ ect , jeff g slaughter / pdx / ect @ ect , jonalan page / pdx / ect @ ect , stephen thome / hou / ect @ ect , terry w donovan / hou / ect @ ect , glenn surowiec / enron communications @ enron communications , michael danielson / sf / ect @ ect , laird dyer / sf / ect @ ect , april hrach / sf / ect @ ect , michael mcdonald / sf / ect @ ect cc : subject : power market research - - - - - - - - - - - - - - - - - - - - - - forwarded by jessica burry / pdx / ect on 04 / 03 / 2001 08 : 37 am - - - - - - - - - - - - - - - - - - - - - - - - - - - christopher f calger 04 / 03 / 2001 08 : 11 am to : jessica burry / pdx / ect @ ect cc : subject : power market research pls send to my group - - - - - - - - - - - - - - - - - - - - - - forwarded by christopher f calger / pdx / ect on 04 / 03 / 2001 08 : 19 am - - - - - - - - - - - - - - - - - - - - - - - - - - - from : chip schneider / enron @ enronxgate on 04 / 03 / 2001 10 : 02 am cdt to : louise kitchen / hou / ect @ ect , christopher f calger / pdx / ect @ ect , w david duran / hou / ect @ ect cc : subject : power market research this piece from deutsche bank is good macro overview of electricity supply / demand fundamentals . a little on the long side - 78 pages , but has some good discussion on nerc ( north american electric reliability council regions ) , beginning on page 15 .",0 +"Subject: re : visit to houston fyi - - - - - - - - - - - - - - - - - - - - - - forwarded by stinson gibner / hou / ect on 01 / 29 / 2001 02 : 02 pm - - - - - - - - - - - - - - - - - - - - - - - - - - - nick bambos on 01 / 29 / 2001 10 : 54 : 27 am to : stinson . gibner @ enron . com cc : subject : re : visit to houston stinson , just a quick note to let you know that i am looking into it , trying to rearrange a couple of things . i ' d like giuseppe and possibly eric to come with me , so i need to coordinate with them too . we ' ve made some nice progress that i ' d like to present and also integrate eric in the system . i am targeting a friday around the end of february or begining of march . i ' ll let you know soon of a few possibilities as they stabilize here . best , nick stinson . gibner @ enron . com wrote : > > nick , > > i hope things are going well and you are not staying too busy . we should > start planning for your next trip to houston , as i ' m sure your schedule > will be getting full very soon . perhaps you could give the people in > enron broadband an overview of the areas of interest within your research > group . i ' m sure we could also benefit from you views of how the current > technology is evolving . > > are there certain dates which would potentially work for you ? please let > me know by email or give me a call at 713 853 4748 . > > looking forward to talking with you . > > - - stinson",0 +"Subject: ees risk management presentations for october 25 . please have your presentations to me by 10 am friday , october 20 , 2000 . it takes a couple of days to get the materials back from the copy center . the presentations have to be put in new binders this time and it takes most of a day to put everything together in the binders . therefore , i have to have the materials to the copy center by friday afternoon in order to get them back by monday afternoon or tuesday morning . i will need most of tuesday to get everything assembled in the binders . thus the necessity of having your completed presentations by friday morning . vince : basket options binary ( digital ) options krishna : barrier options other complex structures thanks for your help on this . regards , anita",0 +"Subject: re : vacation vince : i just found out that it is friday , april 7 and not friday , march 31 st that i want to take for vacation . is this alright ? thanks ! shirley vince j kaminski 03 / 08 / 2000 06 : 18 pm to : shirley crenshaw / hou / ect @ ect cc : subject : re : vacation shirley , no problem . vince shirley crenshaw 03 / 08 / 2000 03 : 56 pm to : vince j kaminski / hou / ect @ ect cc : kevin g moore / hou / ect @ ect , william smith / corp / enron @ enron subject : vacation vince : i would like to take the following days as vacation : wednesday , march 15 th friday , march 31 st . please let me know if this is ok with you . thanks ! shirley",0 +"Subject: re : research and development charges to gpg here it is ! - - - - - - - - - - - - - - - - - - - - - - forwarded by shirley crenshaw / hou / ect on 08 / 14 / 2000 07 : 47 am - - - - - - - - - - - - - - - - - - - - - - - - - - - vince j kaminski 08 / 10 / 2000 02 : 25 pm to : vera apodaca / et & s / enron @ enron cc : vince j kaminski / hou / ect @ ect , shirley crenshaw / hou / ect @ ect , pinnamaneni krishnarao / hou / ect @ ect subject : re : research and development charges to gpg vera , we shall talk to the accounting group about the correction . vince 08 / 09 / 2000 03 : 26 pm vera apodaca @ enron vera apodaca @ enron vera apodaca @ enron 08 / 09 / 2000 03 : 26 pm 08 / 09 / 2000 03 : 26 pm to : pinnamaneni krishnarao / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : research and development charges to gpg per mail dated june 15 from kim watson , there was supposed to have occurred a true - up of $ 274 . 7 in july for the fist six months of 2000 . reviewing july actuals , i was not able to locate this entry . would you pls let me know whether this entry was made , if not , when do you intend to process it . thanks .",0 +"Subject: re : receipts from visit jim , thanks again for the invitation to visit lsu . shirley will fedex the receipts tomorrow . vince "" james r . garven "" on 02 / 08 / 2000 07 : 00 : 50 pm to : vince j kaminski cc : subject : receipts from visit dear vince , thanks again for taking the time to visit . ? both faculty and students got a lot out of your presentations . i have a favor to ask concerning the expense reimbursement process . ? can you mail all travel and lodging receipts to my secretary joan payne at the following address : joan payne department of finance 2163 ceba louisiana state university baton rouge , la ? 70803 thanks , jim garven james r . garven william h . wright , jr . endowed chair for financial services department of finance 2158 ceba e . j . ourso college of business administration louisiana state university baton rouge , la ? 70803 - 6308 voice ( 225 ) 388 - 0477 ? | ? fax : ( 800 ) 859 - 6361 e - mail : ? jgarven @ lsu . edu home page : http : / / garven . lsu . edu vita : http : / / garven . lsu . edu / dossier . html research paper archive : http : / / garven . lsu . edu / research . html ",0 +"Subject: re : enron case study update wow ! all on the same day . that ' s super . thank you so very much . vince is coming up to baylor on monday of next week and we will hash out our question list then . thanks john at 04 : 54 pm 11 / 6 / 00 - 0600 , you wrote : > good afternoon john , > > i just want to drop you a line to update you re : andy fastow . i have > confirmed a one hour interview slot with mr . fastow in monday , december 4 th > from > 11 : 00 a . m . - noon . this is in addition to your schedule interviews with > mr . lay and mr . skilling - outline below . > > if you have any questions , please do not hesitate to contact me at > 713 - 853 - 5670 . > > regards , > > cindy > > > - - - - - forwarded by cindy derecskey / corp / enron on 11 / 06 / 2000 04 : 49 pm - - - - - > > cindy > derecskey to : "" john martin "" > cc : vince j kaminski / hou / ect @ ect , christie patrick / hou / ect @ ect > 10 / 31 / 2000 subject : re : enron case study ( document link : cindy derecskey ) > 01 : 44 pm > > > > > > good afternoon john , > > i hope things are well with you . i am writing to update you on the status > of your meetings with andy fastow , ken lay and jeff skilling . i have > arranged the following meeting dates and times with ken lay and jeff > skilling , ( i am still trying to work with andy fastow ' s schedule ) : > > jeff skilling > december 4 th > 2 : 00 - 3 : 00 p . m . > > ken lay > december 4 th > 3 : 30 - 4 : 30 p . m . > > also , i will attempt to schedule the meeting with andy fastow for december > 4 th for convenience - this will also allow us to possibly schedule > additional meetings for the 5 th ( as needed ) . i will let you know as soon > as i ' m successful . > > regards , > > cindy derecskey > university affairs > enron corp . > > > > > john d . martin carr p . collins chair in finance finance department baylor university po box 98004 waco , tx 76798 254 - 710 - 4473 ( office ) 254 - 710 - 1092 ( fax ) j _ martin @ baylor . edu web : http : / / hsb . baylor . edu / html / martinj / home . html",0 +"Subject: re : interest david , please , call shirley crenshaw ( my assistant ) , extension 5 - 5290 to set it up . vince david p dupre 06 / 15 / 2000 05 : 18 pm to : vince j kaminski / hou / ect @ ect cc : subject : re : interest what time ( s ) are you available over the next few days ? thanks david 3 - 3528 vince j kaminski 06 / 15 / 2000 05 : 16 pm to : david p dupre / hou / ect @ ect cc : vince j kaminski / hou / ect @ ect subject : re : interest david , please , stop by to chat about it for a few minutes . vince david p dupre 06 / 15 / 2000 11 : 57 am to : vince j kaminski / hou / ect @ ect cc : subject : re : interest may we meet to discuss my interest in joining your group ? i have a strong quantitative discipline and am highly numerate . thanks david 3 - 3528 - - - - - - - - - - - - - - - - - - - - - - forwarded by david p dupre / hou / ect on 06 / 15 / 2000 11 : 53 am - - - - - - - - - - - - - - - - - - - - - - - - - - - to : david p dupre / hou / ect @ ect cc : subject : re : interest vince kaminski",0 +"Subject: news : aurora 5 . 2 update aurora version 5 . 2 - the fastest model just got faster - epis announces the release of aurora , version 5 . 2 aurora the electric market price forecasting tool is already legendary for power and speed . we ' ve combined a powerful chronological dispatch model with the capability to simulate the market from 1 day to 25 + years . add to that a risk analysis section , powered by user selectable monte carlo & / or latin hypercube modeling , enough portfolio analysis power to please the toughest critic , & inputs and outputs from standard excel & access tables and you ' ve got one of most powerful tools in the market . just a few months ago we expanded our emissions modeling capabilities , added our quarterly database update , increased the speed of the entire model , and made but that wasn ' t enough . we ' ve done it again . some of the operations that we ' ve included . . . two new reporting enhancements . the first is marginal reporting for fuels , resources and groups of resources . the second is the ability to display resource stack information in graphical and dispatch order form . other enhancements include dual fuel modeling , improved transmission modeling , greater access to hourly results , and the ability to model monthly emission rates . moreover , the databases for central and eastern , texas , and western markets have been updated to use the new modeling capabilities . we continue to make aurora easier to use . this version enhances user control over modeling , editing inputs , and viewing of aurora output . clients desiring to exploit the power of aurora now have greater control over the inputs and outputs through vb scripting in aurora . the new "" update data "" capability provides a means to universally change any data element . attached is more information on the fastest and most flexible tool of its kind . for additional information , please visit our website ( www . epis . com ) or contact our sales department at ( 503 ) 722 - 2023 . ask about our special 7 - day demo ! v . todd wheeler sales manager epis , inc . ( 503 ) 722 - 2023 tel . ( 503 ) 722 - 7130 fax www . epis . com todd @ epis . com > > - what ' s new - version 5 . 2 information . doc - technical information aurora v 5 - 2 . doc",0 diff --git a/Lecture09/hw/starterScript.R b/Lecture09/hw/starterScript.R new file mode 100644 index 00000000..ba3d7bb3 --- /dev/null +++ b/Lecture09/hw/starterScript.R @@ -0,0 +1,207 @@ +######################## +# +# Part 1 +# +######################## + +emails = read.csv("emails.csv", stringsAsFactors=FALSE) +emails$spam = factor(emails$spam, labels = c("ham", "spam")) +str(emails) + +# we will split data into train and test according to +# sampling_vector +set.seed(1) +num_emails = nrow(emails) +sampling_vector = sample(num_emails, floor(0.8 * num_emails)) + +# the table has two columns +# let's look how many spam emails we have +table(emails$spam) + +# this is the text of the first email +emails$text[1] + +# Using the emails in the data frame, we will build a corpus of emails +# For that we use the tm package +# Snowball package is used for stemming +# If you have not installed these packagese, run +# +# install.packages("tm") +# install.packages("SnowballC") +# +library(tm) +library(SnowballC) + +# create corpus +corpus = Corpus(VectorSource(emails$text)) + +corpus[[1]]$content +corpus[[1]]$meta + +# From now on, follow NB_reviews.R script from the class webpage +# to preprocess text data and create the document term matrix +# containing content of emails. + +############################# +### your code here to create the document term matrix + + + + + +############################# +# in your code above, you have created the document term matrix +# and you have stored it into the variable named `dtm` + +# +# next we remove infrequent words +# we keep columns that are less than 0.99 percent sparse +# this is the parameter that you will need to tune in the homework +sparse_dtm = removeSparseTerms(x=dtm, sparse = 0.99) +sparse_dtm + +# split into train and test using sampling_vector +df = as.data.frame(as.matrix(sparse_dtm)) +df_train = df[sampling_vector,] +df_test = df[-sampling_vector,] +spam_train = emails$spam[sampling_vector] +spam_test = emails$spam[-sampling_vector] + +# if you have not installed the library that contains +# naiveBayes function, run +# +# install.packages("e1071") +library(e1071) + +### your code for classification goes below + + + + + + + + + +############################################# +# +# Part 2 +# +############################################# + +# this is the code you saw in the classroom +# for creating random graphs using stochastic block model +# +# there is also code to fit the model using the lda package + +library(igraph) + +# block matrix -- assortative +# our graph will have three communities +# try playing with this matrix to obtain different types of graphs +M = matrix(c( 0.6, 0.01, 0.01, + 0.01, 0.6, 0.01, + 0.01, 0.01, 0.6), + nrow = 3) + +# sample a random graph +# 30 vertices grouped into 3 communities with 10 nodes each +rg = sample_sbm(30, # number of nodes in a random graph + pref.matrix = M, # stochastic block matrix M that tells us probability of forming a link between nodes -- needs to be symmetric for undirected graphs + block.sizes = c(10,10,10), # how many nodes belong to each community + loops = F, # no loops (vertex that connects to itself) + directed = F # we want an undirected graph + ) + +# membership vector used to color vertices +membership_vector = c(rep(1, 10), rep(2, 10), rep(3, 10)) +plot_layout = layout.fruchterman.reingold(rg) +plot(rg, + vertex.color=membership_vector, + layout = plot_layout) + + + +# given a graph, we would like to uncover parameters of the model +# that is likely to have generated the random graph +# in this example, we know that the graph was generated according to the stochastic block model +# we can compare the estimated parameters to the true parameters +# +# however, in practice, we only see a graph (that is, its adjacency matrix) +# to evaluate our model, we use domain knowledge. for example, whether community +# memberships of nodes make sense + +## estimate parameters using the lda package +library(lda) + +result = + mmsb.collapsed.gibbs.sampler(get.adjacency(rg), # first parameter is the adjacency matrix + K = 3, # we are fitting the graph using a stochastic block model with three groups + num.iterations=10000, # this and the following parameters specify parameters of the fitting procedure -- don't worry about this + alpha = 0.1, + burnin = 500L, + beta.prior = list(1, 1)) + +# this matrix tells us for each vertex what is the probability that it belongs to +# one of the K communities +memberships = with(result, t(document_sums) / colSums(document_sums)) +memberships + +# the estimate of the stochastic block matrix M +ratio = with(result, blocks.pos / (blocks.pos + blocks.neg)) +ratio + + +# the code below is for plotting purposes +# you do not need to use that for your homework +# note that the code below works only for K=3 + +require("ggplot2") +require("grid") + +colnames(memberships) = paste("theta", 1:3, sep=".") +memberships = cbind(data.frame(name=1:nrow(memberships)), memberships) +memberships$colors = with(memberships, rgb(theta.3, theta.1, theta.2)) +center = c(sqrt(3) / 4, sqrt(3) / 4) +angles = with(memberships, atan2(theta.3 - center[2], theta.1 - center[1])) +angle.diffs = tapply(angles, as.factor(angles), function(x) { + pi/4 + seq(from=-(length(x) - 1) / 2, + to=(length(x) - 1) / 2, + length.out=length(x)) * pi / 6 +}) +angles[order(angles)] = unlist(angle.diffs) +plot.1 <- ggplot(data = memberships) + + geom_segment(aes(x = c(0, 0, 1), y = c(0, 1, 0), + xend = c(0, 1, 0), yend = c(1, 0, 0))) + + geom_point(aes(x = theta.1, y = theta.3, color = colors)) + + scale_colour_manual(values = structure(memberships$colors, names = memberships$colors)) + + scale_x_continuous(breaks=seq(0, 1, length.out=5), + limits = c(-0.25, 1.25)) + + scale_y_continuous(breaks=seq(0, 1, length.out=5), + limits = c(-0.25, 1.25)) + + geom_text(aes(x=theta.1, y=theta.3, label=name, colour = colors, + angle=angles * 180 / pi), + data = memberships, + size=2, hjust=-0.5) + + ggtitle("Latent positions") + + xlab(expression(theta[1])) + + ylab(expression(theta[3])) + + theme(panel.grid.minor = element_blank(), legend.position = "none") + +## Block relations plot +total = with(result, blocks.pos + blocks.neg) +data = as.data.frame(cbind(Probability=as.numeric(ratio), + Count=as.numeric(total), + Column=rep(1:3, each=3), + Row=rep(1:3, times=3))) +plot.2 = qplot(Column, Row, main="Block relations", + size=Count, colour=Probability, data=data) + + scale_size(range=c(7,15)) + + scale_x_continuous(breaks=1:3, limits=c(0.5, 3.5)) + + scale_y_reverse(breaks=1:3, limits=c(3.5, 0.5)) + +grid.newpage() +pushViewport(viewport(layout = grid.layout(1, 2))) +print(plot.1, vp=viewport(layout.pos.row=1,layout.pos.col=1)) +print(plot.2, vp=viewport(layout.pos.row=1,layout.pos.col=2)) + diff --git a/MovieLens Movie Recommendation/Python/MovieLens_LatentFactorRec.ipynb b/MovieLens Movie Recommendation/Python/MovieLens_LatentFactorRec.ipynb new file mode 100644 index 00000000..e51767f4 --- /dev/null +++ b/MovieLens Movie Recommendation/Python/MovieLens_LatentFactorRec.ipynb @@ -0,0 +1,636 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# _import modules & set constants:_" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# enable in-line MatPlotLib\n", + "%matplotlib inline" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# import Python modules\n", + "from __future__ import division, print_function\n", + "import numpy\n", + "import os\n", + "import pandas\n", + "import sys" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# hack for live printing in iPython Notebook, adapted from:\n", + "# http://stackoverflow.com/questions/29772158/make-ipython-notebook-print-in-real-time\n", + "class flushfile():\n", + " def __init__(self, f):\n", + " self.f = f\n", + " def __getattr__(self,name): \n", + " return object.__getattribute__(self.f, name)\n", + " def write(self, x):\n", + " self.f.write(x)\n", + " self.f.flush()\n", + " def flush(self):\n", + " self.f.flush()\n", + " \n", + "oldsysstdout = sys.stdout \n", + "sys.stdout = flushfile(sys.stdout)" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# set CONSTANTS\n", + "\n", + "# using AWS EMR?\n", + "AWS_EMR_MODE = os.path.expanduser('~') == '/home/hadoop'\n", + "\n", + "# data paths\n", + "DATA_FOLDER_NAME = 'DATA___MovieLens___20M'\n", + "DATA_REPO_URL = 'https://github.com/ChicagoBoothML/%s' % DATA_FOLDER_NAME\n", + "MOVIES_FILE_NAME = 'movies.csv'\n", + "RATINGS_FILE_NAMES = \\\n", + " ['ratings01.csv',\n", + " 'ratings02.csv',\n", + " 'ratings03.csv',\n", + " 'ratings04.csv',\n", + " 'ratings05.csv',\n", + " 'ratings06.csv',\n", + " 'ratings07.csv',\n", + " 'ratings08.csv',\n", + " 'ratings09.csv',\n", + " 'ratings10.csv']\n", + "\n", + "# number of examples to display for a data set\n", + "NB_EXAMPLES_TO_SHOW = 9\n", + "\n", + "# random_seed\n", + "RANDOM_SEED = 99\n", + "\n", + "# Apache Spark settings\n", + "if AWS_EMR_MODE:\n", + " SPARK_MODE = 'yarn-client' # running Spark on AWS EMR YARN cluster\n", + " SPARK_HOME = '/usr/lib/spark' # default Spark installation folder on AWS EMR master node\n", + " SPARK_DRIVER_MEMORY = '9g' # memory allocated to MapReduce driver process\n", + " SPARK_EXECUTOR_MEMORY = '3g' # memory allocated to each MapReduce executor process\n", + " SPARK_DRIVER_MAX_RESULT_SIZE = '6g' # maximum size of objects collected back to MapReduce driver process\n", + "else:\n", + " SPARK_MODE = 'local' # running Spark on single machine\n", + " SPARK_HOME = '/Applications/spark-1.5.2' # Spark installation folder on my machine\n", + " SPARK_DRIVER_MEMORY = '5g' # memory allocated to MapReduce driver process \n", + " SPARK_EXECUTOR_MEMORY = '1g' # memory allocated to each MapReduce executor process\n", + " SPARK_DRIVER_MAX_RESULT_SIZE = '3g' # maximum size of objects collected back to MapReduce driver process" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# install ChicagoBoothML_Helpy\n", + "CHICAGOBOOTHML_HELPY_INSTALLATION_COMMAND = \\\n", + " 'pip install --upgrade git+git://GitHub.com/ChicagoBoothML/Helpy --no-dependencies'\n", + "if AWS_EMR_MODE:\n", + " os.system('sudo %s' % CHICAGOBOOTHML_HELPY_INSTALLATION_COMMAND)\n", + "else:\n", + " os.system(CHICAGOBOOTHML_HELPY_INSTALLATION_COMMAND)\n", + "\n", + "# import from package\n", + "from ChicagoBoothML_Helpy.Print import printflush" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "collapsed": false + }, + "source": [ + "# Launch PySpark and set up SparkContext & HiveContext" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "SparkContext: \n", + "HiveContext: \n" + ] + } + ], + "source": [ + "if 'pyspark' not in vars(): # set up Apache Spark environment if not yet done so\n", + " \n", + " # set environment variables for Spark\n", + " os.environ['SPARK_HOME'] = SPARK_HOME\n", + " os.environ['SPARK_HIVE'] = 'true'\n", + " \n", + " # enable importing of PySpark through FindSpark package\n", + " import findspark\n", + " findspark.init()\n", + " \n", + " # import PySpark and set up SparkContext (\"sc\") & HiveContext (\"hc\")\n", + " import pyspark\n", + " \n", + " sc = pyspark.SparkContext(\n", + " conf=pyspark.SparkConf()\n", + " .setMaster(SPARK_MODE)\n", + " .setAppName('BostonHousing')\n", + " .set('spark.driver.memory', SPARK_DRIVER_MEMORY)\n", + " .set('spark.executor.memory', SPARK_EXECUTOR_MEMORY)\n", + " .set('spark.driver.maxResultSize', SPARK_DRIVER_MAX_RESULT_SIZE))\n", + " \n", + " hc = pyspark.sql.HiveContext(sc)\n", + " \n", + "print('SparkContext:', sc)\n", + "print('HiveContext:', hc)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# imports from PySpark\n", + "from pyspark.ml.recommendation import ALS" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "collapsed": true + }, + "source": [ + "# Download PySpark_CSV.py and put it into SparkContext" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " % Total % Received % Xferd Average Speed Time Time Time Current\n", + " Dload Upload Total Spent Left Speed\n", + "100 5493 100 5493 0 0 30641 0 --:--:-- --:--:-- --:--:-- 30687\n" + ] + } + ], + "source": [ + "# download PySpark_CSV.py and put it into SparkContext\n", + "!curl https://raw.githubusercontent.com/seahboonsiew/pyspark-csv/master/pyspark_csv.py --output pyspark_csv.py\n", + "\n", + "if AWS_EMR_MODE:\n", + " sc.addPyFile('pyspark_csv.py')\n", + "\n", + "from pyspark_csv import csvToDataFrame" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Download, parse & preprocess data" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Cloning Data Repo... done!\n" + ] + } + ], + "source": [ + "# download data\n", + "print('Cloning Data Repo... ', end='')\n", + "os.system('git clone %s' % DATA_REPO_URL)\n", + "print('done!')" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Moving Data Files: movies.csv, ratings01.csv, ratings02.csv, ratings03.csv, ratings04.csv, ratings05.csv, ratings06.csv, ratings07.csv, ratings08.csv, ratings09.csv, ratings10.csv, done!\n" + ] + } + ], + "source": [ + "# move data to same folder or into HDFS\n", + "print('Moving Data Files:', end='')\n", + "for file_name in [MOVIES_FILE_NAME] + RATINGS_FILE_NAMES:\n", + " print(' %s,' % file_name, end='')\n", + " if AWS_EMR_MODE:\n", + " os.system('hadoop fs -put %s %s'\n", + " % (os.path.join(DATA_FOLDER_NAME, file_name), file_name))\n", + " elif sys.platform.startswith('win'):\n", + " os.system('copy /y %s %s'\n", + " % (os.path.join(DATA_FOLDER_NAME, file_name), file_name))\n", + " else:\n", + " os.system('yes | cp -rf %s %s'\n", + " % (os.path.join(DATA_FOLDER_NAME, file_name), file_name))\n", + "print(' done!')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Parsing movies.csv ..." + ] + } + ], + "source": [ + "print('Parsing %s...' % MOVIES_FILE_NAME, end='')\n", + "movies_ddf = \\\n", + " csvToDataFrame(\n", + " sqlCtx=hc,\n", + " rdd=sc.textFile(MOVIES_FILE_NAME),\n", + " columns=None,\n", + " sep=',',\n", + " parseDate=True)\\\n", + " .cache()\n", + " \n", + "movies_ddf.registerTempTable('movies')\n", + "\n", + "print(' done!\\n')\n", + "movies_ddf.show(NB_EXAMPLES_TO_SHOW)" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+------+-------+------+----------+\n", + "|userId|movieId|rating| timestamp|\n", + "+------+-------+------+----------+\n", + "| 1| 2| 3.5|1112486027|\n", + "| 1| 29| 3.5|1112484676|\n", + "| 1| 32| 3.5|1112484819|\n", + "| 1| 47| 3.5|1112484727|\n", + "| 1| 50| 3.5|1112484580|\n", + "| 1| 112| 3.5|1094785740|\n", + "| 1| 151| 4.0|1094785734|\n", + "| 1| 223| 4.0|1112485573|\n", + "| 1| 253| 4.0|1112484940|\n", + "+------+-------+------+----------+\n", + "only showing top 9 rows\n", + "\n" + ] + } + ], + "source": [ + "print('Parsing ')\n", + "for i, ratings_file_name in enumerate(RATINGS_FILE_NAMES):\n", + " d = csvToDataFrame(\n", + " sqlCtx=hc,\n", + " rdd=sc.textFile(ratings_file_name),\n", + " columns=None,\n", + " sep=',',\n", + " parseDate=True)\n", + " if not i:\n", + " ratings_ddf = d\n", + " else:\n", + " ratings_ddf = ratings_ddf.unionAll(d)\n", + "\n", + "ratings_ddf.cache()\n", + "ratings_ddf.registerTempTable('ratings')\n", + "\n", + "ratings_ddf.show(NB_EXAMPLES_TO_SHOW)" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "20000263" + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# number of ratings\n", + "ratings_ddf.count()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### _**NOTE**: the below parameters run successfully on an AWS EMR cluster of 1 + 5 nodes of type M3.xlarge_" + ] + }, + { + "cell_type": "code", + "execution_count": 76, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# split Train & Test sets:\n", + "ratings_train_ddf, ratings_test_ddf = \\\n", + " ratings_ddf.randomSplit(\n", + " weights=[.5, .5],\n", + " seed=RANDOM_SEED)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "collapsed": false + }, + "source": [ + "# Build model pipelines" + ] + }, + { + "cell_type": "code", + "execution_count": 77, + "metadata": { + "collapsed": false, + "scrolled": true + }, + "outputs": [], + "source": [ + "latent_factor_reccommender = \\\n", + " ALS(\n", + " rank=30,\n", + " maxIter=30,\n", + " regParam=1e-3,\n", + " numUserBlocks=10,\n", + " numItemBlocks=10,\n", + " implicitPrefs=False,\n", + " alpha=1., # only relevant for implicit preferences\n", + " userCol='userId',\n", + " itemCol='movieId',\n", + " seed=RANDOM_SEED,\n", + " ratingCol='rating',\n", + " nonnegative=True,\n", + " checkpointInterval=10)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "collapsed": false + }, + "source": [ + "# Fit model" + ] + }, + { + "cell_type": "code", + "execution_count": 78, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "latent_factor_rec_model = \\\n", + " latent_factor_reccommender.fit(\n", + " dataset=ratings_train_ddf)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "collapsed": false + }, + "source": [ + "# Make & evaluate predictions" + ] + }, + { + "cell_type": "code", + "execution_count": 79, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+------+-------+------+----------+----------+\n", + "|userId|movieId|rating| timestamp|prediction|\n", + "+------+-------+------+----------+----------+\n", + "| 32| 31| 3.0| 845962944| 2.8142872|\n", + "| 6632| 31| 3.5|1423926132| 2.4679818|\n", + "| 8232| 31| 4.0| 839840269| 4.621995|\n", + "| 9032| 31| 3.0| 934442206| 2.9327242|\n", + "| 10632| 31| 3.0|1112458785| 4.1600375|\n", + "| 23832| 31| 3.0|1094565708| 3.680944|\n", + "| 32432| 31| 4.0| 844687388| 3.444585|\n", + "| 39232| 31| 5.0| 832587925| 4.792559|\n", + "| 39432| 31| 3.5|1214953387| 3.760844|\n", + "+------+-------+------+----------+----------+\n", + "only showing top 9 rows\n", + "\n" + ] + } + ], + "source": [ + "predicted_ratings_ddf = \\\n", + " latent_factor_rec_model.transform(\n", + " dataset=ratings_test_ddf)\n", + " \n", + "predicted_ratings_ddf.registerTempTable('predicted_ratings')\n", + "\n", + "predicted_ratings_ddf = hc.sql(\n", + " \"SELECT \\\n", + " * \\\n", + " FROM \\\n", + " predicted_ratings \\\n", + " WHERE \\\n", + " prediction != 'NaN'\")\\\n", + " .cache()\n", + "\n", + "predicted_ratings_ddf.cache()\n", + "predicted_ratings_ddf.registerTempTable('predicted_ratings')\n", + "\n", + "predicted_ratings_ddf.show(NB_EXAMPLES_TO_SHOW)" + ] + }, + { + "cell_type": "code", + "execution_count": 80, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "(-20.3768310546875, 21.41329574584961)" + ] + }, + "execution_count": 80, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# min & max ratings for sanity-checking\n", + "preds = \\\n", + " predicted_ratings_ddf\\\n", + " .select('prediction')\\\n", + " .rdd\\\n", + " .map(lambda row: row[0])\\\n", + " .collect()\n", + "\n", + "# there are extreme ratings way out of bound -\n", + "# so the recommender is not that great yet\n", + "min(p), max(p)" + ] + }, + { + "cell_type": "code", + "execution_count": 84, + "metadata": { + "collapsed": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "0.91489142509378918" + ] + }, + "execution_count": 84, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# RMSE evaluation of bounded predictions\n", + "numpy.sqrt(\n", + " hc.sql(\n", + " \"SELECT \\\n", + " SUM(POW( \\\n", + " (CASE \\\n", + " WHEN prediction < 0.0 THEN 0.0 \\\n", + " WHEN prediction > 5.0 THEN 5.0 \\\n", + " ELSE prediction \\\n", + " END) - rating, 2)) \\\n", + " FROM \\\n", + " predicted_ratings\")\\\n", + " .rdd\\\n", + " .map(lambda row: row[0])\\\n", + " .take(1)[0] / \\\n", + " predicted_ratings_ddf.count())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# _END!_" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 2", + "language": "python", + "name": "python2" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 2 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython2", + "version": "2.7.10" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} diff --git a/MovieLens Movie Recommendation/Python/ParseData.py b/MovieLens Movie Recommendation/Python/ParseData.py new file mode 100644 index 00000000..48d0140e --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ParseData.py @@ -0,0 +1,24 @@ +from pandas import concat, read_csv +from os.path import join + +from ChicagoBoothML_Helpy.Print import printflush + + +def parse_movielens_20m_data( + data_path='https://raw.githubusercontent.com/ChicagoBoothML/DATA___MovieLens___20M/master'): + + printflush('Parsing Movies...', end=' ') + movies = read_csv(join(data_path, 'movies.csv')) + printflush('done!') + + NB_RATINGS_FILES = 10 + printflush('Parsing %i Ratings Files...' % NB_RATINGS_FILES, end=' ') + ratings = [] + for i in range(NB_RATINGS_FILES): + ratings_file_name = 'ratings%02d.csv' % (i + 1) + ratings.append(read_csv(join(data_path, ratings_file_name))) + printflush(ratings_file_name, end=', ') + printflush('done!') + ratings = concat(ratings, ignore_index=True) + + return dict(movies=movies, ratings=ratings) diff --git a/MovieLens Movie Recommendation/Python/ml-100k/README b/MovieLens Movie Recommendation/Python/ml-100k/README new file mode 100644 index 00000000..04ad7047 --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/README @@ -0,0 +1,157 @@ +SUMMARY & USAGE LICENSE +============================================= + +MovieLens data sets were collected by the GroupLens Research Project +at the University of Minnesota. + +This data set consists of: + * 100,000 ratings (1-5) from 943 users on 1682 movies. + * Each user has rated at least 20 movies. + * Simple demographic info for the users (age, gender, occupation, zip) + +The data was collected through the MovieLens web site +(movielens.umn.edu) during the seven-month period from September 19th, +1997 through April 22nd, 1998. This data has been cleaned up - users +who had less than 20 ratings or did not have complete demographic +information were removed from this data set. Detailed descriptions of +the data file can be found at the end of this file. + +Neither the University of Minnesota nor any of the researchers +involved can guarantee the correctness of the data, its suitability +for any particular purpose, or the validity of results based on the +use of the data set. The data set may be used for any research +purposes under the following conditions: + + * The user may not state or imply any endorsement from the + University of Minnesota or the GroupLens Research Group. + + * The user must acknowledge the use of the data set in + publications resulting from the use of the data set + (see below for citation information). + + * The user may not redistribute the data without separate + permission. + + * The user may not use this information for any commercial or + revenue-bearing purposes without first obtaining permission + from a faculty member of the GroupLens Research Project at the + University of Minnesota. + +If you have any further questions or comments, please contact GroupLens +. + +CITATION +============================================== + +To acknowledge use of the dataset in publications, please cite the +following paper: + +F. Maxwell Harper and Joseph A. Konstan. 2015. The MovieLens Datasets: +History and Context. ACM Transactions on Interactive Intelligent +Systems (TiiS) 5, 4, Article 19 (December 2015), 19 pages. +DOI=http://dx.doi.org/10.1145/2827872 + + +ACKNOWLEDGEMENTS +============================================== + +Thanks to Al Borchers for cleaning up this data and writing the +accompanying scripts. + +PUBLISHED WORK THAT HAS USED THIS DATASET +============================================== + +Herlocker, J., Konstan, J., Borchers, A., Riedl, J.. An Algorithmic +Framework for Performing Collaborative Filtering. Proceedings of the +1999 Conference on Research and Development in Information +Retrieval. Aug. 1999. + +FURTHER INFORMATION ABOUT THE GROUPLENS RESEARCH PROJECT +============================================== + +The GroupLens Research Project is a research group in the Department +of Computer Science and Engineering at the University of Minnesota. +Members of the GroupLens Research Project are involved in many +research projects related to the fields of information filtering, +collaborative filtering, and recommender systems. The project is lead +by professors John Riedl and Joseph Konstan. The project began to +explore automated collaborative filtering in 1992, but is most well +known for its world wide trial of an automated collaborative filtering +system for Usenet news in 1996. The technology developed in the +Usenet trial formed the base for the formation of Net Perceptions, +Inc., which was founded by members of GroupLens Research. Since then +the project has expanded its scope to research overall information +filtering solutions, integrating in content-based methods as well as +improving current collaborative filtering technology. + +Further information on the GroupLens Research project, including +research publications, can be found at the following web site: + + http://www.grouplens.org/ + +GroupLens Research currently operates a movie recommender based on +collaborative filtering: + + http://www.movielens.org/ + +DETAILED DESCRIPTIONS OF DATA FILES +============================================== + +Here are brief descriptions of the data. + +ml-data.tar.gz -- Compressed tar file. To rebuild the u data files do this: + gunzip ml-data.tar.gz + tar xvf ml-data.tar + mku.sh + +u.data -- The full u data set, 100000 ratings by 943 users on 1682 items. + Each user has rated at least 20 movies. Users and items are + numbered consecutively from 1. The data is randomly + ordered. This is a tab separated list of + user id | item id | rating | timestamp. + The time stamps are unix seconds since 1/1/1970 UTC + +u.info -- The number of users, items, and ratings in the u data set. + +u.item -- Information about the items (movies); this is a tab separated + list of + movie id | movie title | release date | video release date | + IMDb URL | unknown | Action | Adventure | Animation | + Children's | Comedy | Crime | Documentary | Drama | Fantasy | + Film-Noir | Horror | Musical | Mystery | Romance | Sci-Fi | + Thriller | War | Western | + The last 19 fields are the genres, a 1 indicates the movie + is of that genre, a 0 indicates it is not; movies can be in + several genres at once. + The movie ids are the ones used in the u.data data set. + +u.genre -- A list of the genres. + +u.user -- Demographic information about the users; this is a tab + separated list of + user id | age | gender | occupation | zip code + The user ids are the ones used in the u.data data set. + +u.occupation -- A list of the occupations. + +u1.base -- The data sets u1.base and u1.test through u5.base and u5.test +u1.test are 80%/20% splits of the u data into training and test data. +u2.base Each of u1, ..., u5 have disjoint test sets; this if for +u2.test 5 fold cross validation (where you repeat your experiment +u3.base with each training and test set and average the results). +u3.test These data sets can be generated from u.data by mku.sh. +u4.base +u4.test +u5.base +u5.test + +ua.base -- The data sets ua.base, ua.test, ub.base, and ub.test +ua.test split the u data into a training set and a test set with +ub.base exactly 10 ratings per user in the test set. The sets +ub.test ua.test and ub.test are disjoint. These data sets can + be generated from u.data by mku.sh. + +allbut.pl -- The script that generates training and test sets where + all but n of a users ratings are in the training data. + +mku.sh -- A shell script to generate all the u data sets from u.data. diff --git a/MovieLens Movie Recommendation/Python/ml-100k/allbut.pl b/MovieLens Movie Recommendation/Python/ml-100k/allbut.pl new file mode 100644 index 00000000..db879663 --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/allbut.pl @@ -0,0 +1,34 @@ +#!/usr/local/bin/perl + +# get args +if (@ARGV < 3) { + print STDERR "Usage: $0 base_name start stop max_test [ratings ...]\n"; + exit 1; +} +$basename = shift; +$start = shift; +$stop = shift; +$maxtest = shift; + +# open files +open( TESTFILE, ">$basename.test" ) or die "Cannot open $basename.test for writing\n"; +open( BASEFILE, ">$basename.base" ) or die "Cannot open $basename.base for writing\n"; + +# init variables +$testcnt = 0; + +while (<>) { + ($user) = split; + if (! defined $ratingcnt{$user}) { + $ratingcnt{$user} = 0; + } + ++$ratingcnt{$user}; + if (($testcnt < $maxtest || $maxtest <= 0) + && $ratingcnt{$user} >= $start && $ratingcnt{$user} <= $stop) { + ++$testcnt; + print TESTFILE; + } + else { + print BASEFILE; + } +} diff --git a/MovieLens Movie Recommendation/Python/ml-100k/mku.sh b/MovieLens Movie Recommendation/Python/ml-100k/mku.sh new file mode 100644 index 00000000..6021117b --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/mku.sh @@ -0,0 +1,25 @@ +#!/bin/sh + +trap `rm -f tmp.$$; exit 1` 1 2 15 + +for i in 1 2 3 4 5 +do + head -`expr $i \* 20000` u.data | tail -20000 > tmp.$$ + sort -t" " -k 1,1n -k 2,2n tmp.$$ > u$i.test + head -`expr \( $i - 1 \) \* 20000` u.data > tmp.$$ + tail -`expr \( 5 - $i \) \* 20000` u.data >> tmp.$$ + sort -t" " -k 1,1n -k 2,2n tmp.$$ > u$i.base +done + +allbut.pl ua 1 10 100000 u.data +sort -t" " -k 1,1n -k 2,2n ua.base > tmp.$$ +mv tmp.$$ ua.base +sort -t" " -k 1,1n -k 2,2n ua.test > tmp.$$ +mv tmp.$$ ua.test + +allbut.pl ub 11 20 100000 u.data +sort -t" " -k 1,1n -k 2,2n ub.base > tmp.$$ +mv tmp.$$ ub.base +sort -t" " -k 1,1n -k 2,2n ub.test > tmp.$$ +mv tmp.$$ ub.test + diff --git a/MovieLens Movie Recommendation/Python/ml-100k/u.data b/MovieLens Movie Recommendation/Python/ml-100k/u.data new file mode 100644 index 00000000..16ef21ed --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/u.data @@ -0,0 +1,100000 @@ +196 242 3 881250949 +186 302 3 891717742 +22 377 1 878887116 +244 51 2 880606923 +166 346 1 886397596 +298 474 4 884182806 +115 265 2 881171488 +253 465 5 891628467 +305 451 3 886324817 +6 86 3 883603013 +62 257 2 879372434 +286 1014 5 879781125 +200 222 5 876042340 +210 40 3 891035994 +224 29 3 888104457 +303 785 3 879485318 +122 387 5 879270459 +194 274 2 879539794 +291 1042 4 874834944 +234 1184 2 892079237 +119 392 4 886176814 +167 486 4 892738452 +299 144 4 877881320 +291 118 2 874833878 +308 1 4 887736532 +95 546 2 879196566 +38 95 5 892430094 +102 768 2 883748450 +63 277 4 875747401 +160 234 5 876861185 +50 246 3 877052329 +301 98 4 882075827 +225 193 4 879539727 +290 88 4 880731963 +97 194 3 884238860 +157 274 4 886890835 +181 1081 1 878962623 +278 603 5 891295330 +276 796 1 874791932 +7 32 4 891350932 +10 16 4 877888877 +284 304 4 885329322 +201 979 2 884114233 +276 564 3 874791805 +287 327 5 875333916 +246 201 5 884921594 +242 1137 5 879741196 +249 241 5 879641194 +99 4 5 886519097 +178 332 3 882823437 +251 100 4 886271884 +81 432 2 876535131 +260 322 4 890618898 +25 181 5 885853415 +59 196 5 888205088 +72 679 2 880037164 +87 384 4 879877127 +290 143 5 880474293 +42 423 5 881107687 +292 515 4 881103977 +115 20 3 881171009 +20 288 1 879667584 +201 219 4 884112673 +13 526 3 882141053 +246 919 4 884920949 +138 26 5 879024232 +167 232 1 892738341 +60 427 5 883326620 +57 304 5 883698581 +223 274 4 891550094 +189 512 4 893277702 +243 15 3 879987440 +92 1049 1 890251826 +246 416 3 884923047 +194 165 4 879546723 +241 690 2 887249482 +178 248 4 882823954 +254 1444 3 886475558 +293 5 3 888906576 +127 229 5 884364867 +225 237 5 879539643 +299 229 3 878192429 +225 480 5 879540748 +276 54 3 874791025 +291 144 5 874835091 +222 366 4 878183381 +267 518 5 878971773 +42 403 3 881108684 +11 111 4 891903862 +95 625 4 888954412 +8 338 4 879361873 +162 25 4 877635573 +87 1016 4 879876194 +279 154 5 875296291 +145 275 2 885557505 +119 1153 5 874781198 +62 498 4 879373848 +62 382 3 879375537 +28 209 4 881961214 +135 23 4 879857765 +32 294 3 883709863 +90 382 5 891383835 +286 208 4 877531942 +293 685 3 888905170 +216 144 4 880234639 +166 328 5 886397722 +250 496 4 878090499 +271 132 5 885848672 +160 174 5 876860807 +265 118 4 875320714 +198 498 3 884207492 +42 96 5 881107178 +168 151 5 884288058 +110 307 4 886987260 +58 144 4 884304936 +90 648 4 891384754 +271 346 4 885844430 +62 21 3 879373460 +279 832 3 881375854 +237 514 4 879376641 +94 789 4 891720887 +128 485 3 879966895 +298 317 4 884182806 +44 195 5 878347874 +264 200 5 886122352 +194 385 2 879524643 +72 195 5 880037702 +222 750 5 883815120 +250 264 3 878089182 +41 265 3 890687042 +224 245 3 888082216 +82 135 3 878769629 +262 1147 4 879791710 +293 471 3 888904884 +216 658 3 880245029 +250 140 3 878092059 +59 23 5 888205300 +286 379 5 877533771 +244 815 4 880605185 +7 479 4 891352010 +174 368 1 886434402 +87 274 4 879876734 +194 1211 2 879551380 +82 1134 2 884714402 +13 836 2 882139746 +13 272 4 884538403 +244 756 2 880605157 +305 427 5 886323090 +95 787 2 888954930 +43 14 2 883955745 +299 955 4 889502823 +57 419 3 883698454 +84 405 3 883452363 +269 504 4 891449922 +299 111 3 877878184 +194 466 4 879525876 +160 135 4 876860807 +99 268 3 885678247 +10 486 4 877886846 +259 117 4 874724988 +85 427 3 879456350 +303 919 4 879467295 +213 273 5 878870987 +121 514 3 891387947 +90 98 5 891383204 +49 559 2 888067405 +42 794 3 881108425 +155 323 2 879371261 +68 117 4 876973939 +172 177 4 875537965 +19 4 4 885412840 +268 231 4 875744136 +5 2 3 875636053 +305 117 2 886324028 +44 294 4 883612356 +43 137 4 875975656 +279 1336 1 875298353 +80 466 5 887401701 +254 164 4 886472768 +298 281 3 884183336 +279 1240 1 892174404 +66 298 4 883601324 +18 443 3 880130193 +268 1035 2 875542174 +99 79 4 885680138 +13 98 4 881515011 +26 258 3 891347949 +7 455 4 891353086 +222 755 4 878183481 +200 673 5 884128554 +119 328 4 876923913 +213 172 5 878955442 +276 322 3 874786392 +94 1217 3 891723086 +130 379 4 875801662 +38 328 4 892428688 +160 719 3 876857977 +293 1267 3 888906966 +26 930 2 891385985 +130 216 4 875216545 +92 1079 3 886443455 +256 452 4 882164999 +1 61 4 878542420 +72 48 4 880036718 +56 755 3 892910207 +13 360 4 882140926 +15 405 2 879455957 +92 77 3 875654637 +207 476 2 884386343 +292 174 5 881105481 +232 483 5 888549622 +251 748 2 886272175 +224 26 3 888104153 +181 220 4 878962392 +259 255 4 874724710 +305 471 4 886323648 +52 280 3 882922806 +161 202 5 891170769 +148 408 5 877399018 +125 235 2 892838559 +97 228 5 884238860 +58 1098 4 884304936 +83 234 4 887665548 +90 347 4 891383319 +272 178 5 879455113 +194 181 3 879521396 +125 478 4 879454628 +110 688 1 886987605 +299 14 4 877877775 +151 10 5 879524921 +269 127 4 891446165 +6 14 5 883599249 +54 106 3 880937882 +303 69 5 879467542 +16 944 1 877727122 +301 790 4 882078621 +276 1091 3 874793035 +305 214 2 886323068 +194 1028 2 879541148 +91 323 2 891438397 +87 554 4 879875940 +294 109 4 877819599 +286 171 4 877531791 +200 318 5 884128458 +229 328 1 891632142 +178 568 4 882826555 +303 842 2 879484804 +62 65 4 879374686 +207 591 3 876018608 +92 172 4 875653271 +301 401 4 882078040 +36 339 5 882157581 +70 746 3 884150257 +63 242 3 875747190 +28 201 3 881961671 +279 68 4 875307407 +250 7 4 878089716 +14 98 3 890881335 +299 1018 3 889502324 +194 54 3 879525876 +303 815 3 879485532 +119 237 5 874775038 +295 218 5 879966498 +268 930 2 875742942 +268 2 2 875744173 +66 258 4 883601089 +233 202 5 879394264 +83 623 4 880308578 +214 334 3 891542540 +192 476 2 881368243 +100 344 4 891374868 +268 145 1 875744501 +301 56 4 882076587 +307 89 5 879283786 +234 141 3 892334609 +83 576 4 880308755 +181 264 2 878961624 +297 133 4 875240090 +38 153 5 892430369 +7 382 4 891352093 +264 813 4 886122952 +181 872 1 878961814 +201 146 1 884140579 +85 507 4 879456199 +269 367 3 891450023 +59 468 3 888205855 +286 143 4 889651549 +193 96 1 889124507 +113 595 5 875936424 +292 11 5 881104093 +130 1014 3 876250718 +275 98 4 875155140 +189 520 5 893265380 +219 82 1 889452455 +218 209 5 877488546 +123 427 3 879873020 +119 222 5 874775311 +158 177 4 880134407 +222 118 4 877563802 +302 322 2 879436875 +279 501 3 875308843 +301 79 5 882076403 +181 3 2 878963441 +201 695 1 884140115 +13 198 3 881515193 +1 189 3 888732928 +145 237 5 875270570 +23 385 4 874786462 +201 767 4 884114505 +296 705 5 884197193 +42 546 3 881105817 +33 872 3 891964230 +301 554 3 882078830 +16 64 5 877720297 +95 135 3 879197562 +154 357 4 879138713 +77 484 5 884733766 +296 508 5 884196584 +302 303 2 879436785 +244 673 3 880606667 +222 77 4 878183616 +13 215 5 882140588 +16 705 5 877722736 +270 452 4 876956264 +145 15 2 875270655 +187 64 5 879465631 +200 304 5 876041644 +170 749 5 887646170 +101 829 3 877136138 +184 218 3 889909840 +128 204 4 879967478 +181 1295 1 878961781 +184 153 3 889911285 +1 33 4 878542699 +1 160 4 875072547 +184 321 5 889906967 +54 595 3 880937813 +94 343 4 891725009 +128 508 4 879967767 +23 323 2 874784266 +301 227 3 882077222 +301 191 3 882075672 +112 903 1 892440172 +82 183 3 878769848 +222 724 3 878181976 +218 430 3 877488316 +308 1197 4 887739521 +303 134 5 879467959 +133 751 3 890588547 +215 212 2 891435680 +69 256 5 882126156 +254 662 4 887347350 +276 2 4 874792436 +104 984 1 888442575 +63 1067 3 875747514 +267 410 4 878970785 +13 56 5 881515011 +240 879 3 885775745 +286 237 2 875806800 +294 271 5 889241426 +90 1086 4 891384424 +18 26 4 880129731 +92 229 3 875656201 +308 649 4 887739292 +144 89 3 888105691 +191 302 4 891560253 +59 951 3 888206409 +200 96 5 884129409 +16 197 5 877726146 +61 678 3 892302309 +271 199 4 885848448 +271 709 3 885849325 +142 169 5 888640356 +275 597 3 876197678 +222 151 3 878182109 +87 40 3 879876917 +207 258 4 877879172 +272 1393 2 879454663 +177 333 4 880130397 +207 1115 2 879664906 +299 577 3 889503806 +271 378 4 885849447 +305 425 4 886324486 +49 959 2 888068912 +94 1224 3 891722802 +130 1017 3 874953895 +10 175 3 877888677 +203 321 3 880433418 +191 286 4 891560842 +43 323 3 875975110 +21 558 5 874951695 +197 96 5 891409839 +13 344 2 888073635 +194 66 3 879527264 +234 206 4 892334543 +308 402 4 887740700 +308 640 4 887737036 +269 522 5 891447773 +94 265 4 891721889 +268 62 3 875310824 +272 12 5 879455254 +121 291 3 891390477 +296 20 5 884196921 +134 286 3 891732334 +180 462 5 877544218 +234 612 3 892079140 +104 117 2 888465972 +38 758 1 892434626 +269 845 1 891456255 +7 163 4 891353444 +234 1451 3 892078343 +275 405 2 876197645 +52 250 3 882922661 +102 823 3 888801465 +13 186 4 890704999 +178 731 4 882827532 +236 71 3 890116671 +256 781 5 882165296 +263 176 5 891299752 +244 186 3 880605697 +279 1181 4 875314001 +43 815 4 883956189 +83 78 2 880309089 +151 197 5 879528710 +254 436 2 886474216 +109 631 3 880579371 +297 716 3 875239422 +249 188 4 879641067 +144 699 4 888106106 +301 604 4 882075994 +64 392 3 889737542 +92 501 2 875653665 +222 97 4 878181739 +268 436 3 875310745 +293 135 5 888905550 +213 173 5 878955442 +160 460 2 876861185 +13 498 4 882139901 +59 715 5 888205921 +5 17 4 875636198 +125 163 5 879454956 +174 315 5 886432749 +114 505 3 881260203 +213 515 4 878870518 +23 196 2 874786926 +128 15 4 879968827 +239 56 4 889179478 +181 279 1 878962955 +291 80 4 875086354 +250 238 4 878089963 +201 649 3 884114275 +60 60 5 883327734 +181 325 2 878961814 +119 407 3 887038665 +287 1 5 875334088 +216 228 3 880245642 +216 531 4 880233810 +203 471 4 880434463 +92 587 3 875660408 +13 892 3 882774224 +213 176 4 878956338 +286 288 5 875806672 +117 1047 2 881009697 +99 111 1 885678886 +11 558 3 891904214 +65 47 2 879216672 +295 194 4 879517412 +269 217 2 891451610 +85 259 2 881705026 +250 596 5 878089921 +137 144 5 881433689 +201 960 2 884112077 +257 137 4 882049932 +111 328 4 891679939 +91 480 4 891438875 +215 211 4 891436202 +181 938 1 878961586 +189 1060 5 893264301 +1 20 4 887431883 +303 404 4 879468375 +299 305 3 879737314 +187 210 4 879465242 +222 278 2 877563913 +214 568 4 892668197 +293 770 3 888906655 +285 191 4 890595859 +303 252 3 879544791 +96 156 4 884402860 +72 1110 3 880037334 +115 1067 4 881171009 +7 430 3 891352178 +116 350 3 886977926 +73 480 4 888625753 +269 246 5 891457067 +263 419 5 891299514 +70 431 3 884150257 +221 475 4 875244204 +72 182 5 880036515 +25 357 4 885852757 +290 50 5 880473582 +189 526 4 893266205 +299 303 3 877618584 +264 294 3 886121516 +200 365 5 884129962 +187 135 4 879465653 +184 187 4 889909024 +63 289 2 875746985 +13 229 4 882397650 +298 486 3 884183063 +235 185 4 889655435 +62 712 4 879376178 +246 94 2 884923505 +54 742 5 880934806 +63 762 3 875747688 +11 732 3 891904596 +92 168 4 875653723 +8 550 3 879362356 +307 174 4 879283480 +303 200 4 879468459 +256 849 2 882164603 +72 54 3 880036854 +164 406 2 889402389 +117 150 4 880125101 +224 77 4 888103872 +193 869 3 889127811 +94 184 2 891720862 +281 338 2 881200457 +130 109 3 874953794 +128 371 1 879966954 +94 720 1 891723593 +182 845 3 885613067 +129 873 1 883245452 +254 229 4 886474580 +64 381 4 879365491 +151 176 2 879524293 +45 25 4 881014015 +193 879 3 889123257 +276 922 4 889174849 +276 57 3 874787526 +234 187 4 892079140 +181 306 1 878962006 +21 370 1 874951293 +293 249 3 888905229 +264 721 5 886123656 +10 611 5 877886722 +197 346 3 891409070 +276 142 3 874792945 +308 427 4 887736584 +221 943 4 875246759 +131 126 4 883681514 +268 824 2 876518557 +109 8 3 880572642 +198 58 3 884208173 +230 680 4 880484286 +181 741 1 878962918 +192 1061 4 881368891 +234 448 3 892335501 +90 900 4 891382309 +193 941 4 889124890 +128 603 5 879966839 +126 905 2 887855283 +244 265 4 880606634 +90 289 3 891382310 +157 25 3 886890787 +305 71 3 886323684 +119 382 5 874781742 +21 222 2 874951382 +231 181 4 888605273 +280 508 3 891700453 +288 132 3 886374129 +279 1497 2 890780576 +301 33 4 882078228 +72 699 3 880036783 +90 259 2 891382392 +308 55 3 887738760 +59 742 3 888203053 +94 744 4 891721462 +130 642 4 875216933 +26 1015 3 891352136 +56 121 5 892679480 +82 508 2 884714249 +62 12 4 879373613 +276 40 3 874791871 +181 1015 1 878963121 +152 301 3 880147407 +178 845 4 882824291 +217 597 4 889070087 +79 303 4 891271203 +138 484 4 879024127 +308 81 5 887737293 +75 284 2 884050393 +269 198 4 891447062 +307 94 3 877122695 +222 781 3 881059677 +121 740 3 891390544 +269 22 1 891448072 +13 864 4 882141924 +230 742 5 880485043 +269 507 4 891448800 +239 1099 5 889179253 +245 1028 5 888513447 +56 546 3 892679460 +295 961 5 879519556 +271 1028 2 885848102 +222 812 2 881059117 +69 240 3 882126156 +10 7 4 877892210 +22 376 3 878887112 +294 931 3 889242857 +82 717 1 884714492 +279 399 4 875313859 +269 234 1 891449406 +6 98 5 883600680 +243 1039 4 879988184 +298 181 4 884125629 +282 325 1 881703044 +78 323 1 879633567 +118 200 5 875384647 +283 1114 5 879297545 +171 292 4 891034835 +70 217 4 884151119 +10 100 5 877891747 +245 181 4 888513664 +107 333 3 891264267 +246 561 1 884923445 +13 901 1 883670672 +276 70 4 874790826 +244 17 2 880607205 +189 56 5 893265263 +226 242 5 883888671 +62 1016 4 879373008 +276 417 4 874792907 +214 478 4 891544052 +306 235 4 876504354 +222 26 3 878183043 +280 631 5 891700751 +60 430 5 883326122 +56 71 4 892683275 +42 274 5 881105817 +1 202 5 875072442 +13 809 4 882397582 +173 289 4 877556988 +15 749 1 879455311 +185 23 4 883524249 +280 540 3 891702304 +244 381 4 880604077 +150 293 4 878746946 +7 497 4 891352134 +178 317 4 882826915 +178 742 3 882823833 +95 1217 3 880572658 +234 1462 3 892333865 +97 222 5 884238887 +109 127 2 880563471 +117 268 5 880124306 +269 705 2 891448850 +130 1246 3 876252497 +264 655 4 886123530 +207 13 3 875506839 +42 588 5 881108147 +246 409 2 884923372 +87 367 4 879876702 +101 304 3 877135677 +256 127 4 882164406 +92 794 3 875654798 +181 762 2 878963418 +213 235 1 878955115 +92 739 2 876175582 +292 661 5 881105561 +246 665 4 884922831 +274 845 5 878945579 +188 692 5 875072583 +18 86 4 880129731 +5 439 1 878844423 +236 632 3 890116254 +193 407 4 889127921 +144 709 4 888105940 +90 1198 5 891383866 +48 609 4 879434819 +5 225 2 875635723 +22 128 5 878887983 +311 432 4 884365485 +8 22 5 879362183 +276 188 4 874792547 +222 173 5 878183043 +72 866 4 880035887 +299 134 4 878192311 +1 171 5 889751711 +308 295 3 887741461 +165 216 4 879525778 +222 49 3 878183512 +181 121 4 878962623 +200 11 5 884129542 +234 626 4 892336358 +244 707 4 880606243 +90 25 5 891384789 +208 216 5 883108324 +263 96 4 891298336 +134 323 4 891732335 +279 586 4 892864663 +2 292 4 888550774 +288 593 2 886892127 +49 302 4 888065432 +286 153 5 877531406 +205 304 3 888284313 +22 80 4 878887227 +234 318 4 892078890 +223 328 3 891548959 +15 25 3 879456204 +268 147 4 876514002 +94 1220 3 891722678 +274 405 4 878945840 +7 492 5 891352010 +268 217 2 875744501 +16 55 5 877717956 +164 620 3 889402298 +290 161 4 880474293 +92 515 4 875640800 +239 1070 5 889179032 +56 449 5 892679308 +248 234 4 884534968 +234 10 3 891227851 +280 1049 2 891702486 +308 187 5 887738760 +276 64 5 874787441 +192 948 3 881368302 +122 509 4 879270511 +85 588 3 880838306 +262 931 2 879790874 +201 272 3 886013700 +181 870 2 878962623 +295 739 4 879518319 +263 568 4 891299387 +295 39 4 879518279 +201 1100 4 884112800 +93 820 3 888705966 +159 1028 5 880557539 +158 665 2 880134532 +293 423 3 888906070 +82 597 3 878768882 +276 181 5 874786488 +13 823 5 882397833 +217 2 3 889069782 +83 660 4 880308256 +189 20 5 893264466 +222 796 4 878183684 +146 1022 5 891458193 +267 121 3 878970681 +126 294 3 887855087 +181 1060 1 878962675 +125 80 4 892838865 +43 120 4 884029430 +13 780 1 882142057 +253 259 2 891628883 +42 44 3 881108548 +77 518 4 884753202 +291 686 5 874835165 +268 21 3 875742822 +262 28 3 879792220 +234 81 3 892334680 +29 245 3 882820803 +236 57 5 890116575 +158 729 3 880133116 +156 661 4 888185947 +232 52 5 888550130 +168 866 5 884287927 +37 288 4 880915258 +141 245 3 884584426 +235 230 4 889655162 +102 70 3 888803537 +77 172 3 884752562 +90 506 5 891383319 +186 566 5 879023663 +44 660 5 878347915 +118 774 5 875385198 +7 661 5 891351624 +49 1003 2 888068651 +62 68 1 879374969 +42 1028 4 881106072 +178 433 4 882827834 +85 51 2 879454782 +77 474 5 884732407 +58 1099 2 892243079 +56 1047 4 892911290 +197 688 1 891409564 +286 99 4 878141681 +90 258 3 891382121 +181 1288 1 878962349 +295 190 4 879517062 +224 69 4 888082495 +272 317 4 879454977 +221 1010 3 875246662 +66 877 1 883601089 +207 318 5 877124871 +234 487 3 892079237 +7 648 5 891351653 +87 82 5 879875774 +195 1052 1 877835102 +44 449 5 883613334 +306 287 4 876504442 +194 172 3 879521474 +94 62 3 891722933 +167 659 4 892738277 +108 100 4 879879720 +230 304 5 880484286 +181 927 1 878962675 +54 302 4 880928519 +90 22 4 891384357 +181 696 2 878962997 +286 357 4 877531537 +14 269 4 892242403 +311 179 2 884365357 +92 121 5 875640679 +21 440 1 874951798 +244 550 1 880602264 +181 405 4 878962919 +65 806 4 879216529 +37 540 2 880916070 +44 443 5 878348289 +244 183 4 880606043 +1 265 4 878542441 +270 25 5 876954456 +299 387 2 889502756 +94 572 3 891723883 +286 746 4 877533058 +239 272 5 889181247 +216 55 5 880245145 +254 121 3 886472369 +62 665 2 879376483 +178 385 4 882826982 +194 23 4 879522819 +268 955 3 875745160 +188 143 5 875072674 +276 294 4 874786366 +158 1098 4 880135069 +207 845 3 881681663 +161 48 1 891170745 +305 654 4 886323937 +47 324 3 879439078 +64 736 4 889739212 +191 751 3 891560753 +7 378 5 891353011 +59 92 5 888204997 +69 268 5 882027109 +10 461 3 877888944 +21 129 4 874951382 +58 9 4 884304328 +194 152 3 879549996 +7 200 5 891353543 +113 126 5 875076827 +173 328 5 877557028 +95 233 4 879196354 +16 194 5 877720733 +59 323 4 888206809 +311 654 3 884365075 +292 589 4 881105516 +43 203 4 883955224 +79 50 4 891271545 +235 70 5 889655619 +125 190 5 892836309 +284 322 3 885329671 +303 161 5 879468547 +254 378 3 886474396 +255 1034 1 883217030 +104 301 2 888442275 +90 923 5 891383912 +6 463 4 883601713 +279 122 1 875297433 +286 298 4 875807004 +222 448 3 878183565 +297 57 5 875239383 +42 625 3 881108873 +130 1217 4 875801778 +254 357 3 886472466 +109 475 1 880563641 +230 1444 2 880485726 +244 310 3 880601905 +6 301 2 883600406 +36 748 4 882157285 +256 443 3 882164727 +102 515 1 888801316 +104 285 4 888465201 +21 447 5 874951695 +111 301 4 891680028 +18 408 5 880129628 +25 222 4 885852817 +110 944 3 886989501 +270 98 5 876955868 +68 237 5 876974133 +83 215 4 880307940 +6 258 2 883268278 +89 216 5 879459859 +128 317 4 879968029 +305 512 4 886323525 +184 412 2 889912691 +286 175 5 877532470 +279 1428 3 888465209 +256 86 5 882165103 +221 48 5 875245462 +140 332 3 879013617 +190 977 2 891042938 +11 227 3 891905896 +201 203 5 884114471 +150 181 5 878746685 +126 245 3 887854726 +20 208 2 879669401 +144 742 4 888104122 +181 930 1 878963275 +109 566 4 880578814 +85 1065 3 879455021 +213 133 3 878955973 +222 379 1 878184290 +223 11 3 891550649 +215 421 4 891435704 +218 208 3 877488366 +174 937 5 886432989 +275 186 3 880314383 +68 742 1 876974198 +268 583 4 876513830 +160 462 4 876858346 +195 273 4 878019342 +224 178 4 888082468 +5 110 1 875636493 +99 1016 5 885678724 +2 251 5 888552084 +292 9 4 881104148 +72 568 4 880037203 +85 228 3 882813248 +83 281 5 880307072 +92 831 2 886443708 +7 543 3 891351772 +87 401 2 879876813 +287 926 4 875334340 +1 155 2 878542201 +234 632 2 892079538 +222 53 5 878184113 +24 64 5 875322758 +7 554 3 891354639 +82 56 3 878769410 +161 318 3 891170824 +196 393 4 881251863 +56 91 4 892683275 +82 477 3 876311344 +7 472 2 891353357 +256 761 4 882164644 +226 56 4 883889102 +279 741 5 875296891 +308 1286 3 887738151 +16 8 5 877722736 +180 202 3 877128388 +203 93 4 880434940 +145 56 5 875271896 +288 305 4 886372527 +84 742 3 883450643 +44 644 3 878347818 +17 13 3 885272654 +313 117 4 891015319 +148 1 4 877019411 +197 347 4 891409070 +21 164 5 874951695 +279 982 3 875298314 +239 491 5 889181015 +185 287 5 883526288 +297 89 4 875239125 +303 68 4 879467361 +186 250 1 879023607 +73 206 3 888625754 +104 756 2 888465739 +94 216 3 885870665 +239 194 5 889178833 +197 511 5 891409839 +280 1 4 891700426 +1 117 3 874965739 +224 583 1 888103729 +303 397 1 879543831 +60 162 4 883327734 +198 258 4 884204501 +239 513 5 889178887 +6 69 3 883601277 +233 375 4 876374419 +85 642 4 882995615 +110 38 3 886988574 +184 522 3 889908462 +99 873 1 885678436 +13 418 2 882398763 +201 518 4 884112201 +13 858 1 882397068 +214 131 3 891544465 +296 228 4 884197264 +222 87 3 878182589 +279 725 4 875314144 +217 182 2 889070109 +85 433 3 879828720 +239 234 3 889178762 +13 72 4 882141727 +194 77 3 879527421 +208 663 5 883108476 +109 178 3 880572950 +230 172 4 880484523 +59 485 2 888204466 +313 478 3 891014373 +70 1133 3 884151344 +62 182 5 879375169 +198 234 3 884207833 +65 125 4 879217509 +174 660 5 886514261 +90 12 5 891383241 +130 1248 3 880396702 +100 354 2 891375260 +283 432 5 879297965 +275 418 3 875154718 +311 98 5 884364502 +195 751 4 883295500 +130 105 4 876251160 +269 252 1 891456350 +286 73 5 877532965 +7 623 3 891354217 +56 222 5 892679439 +210 204 5 887730676 +239 9 5 889180446 +96 87 4 884403531 +297 73 2 875239691 +249 239 3 879572284 +94 860 2 891723706 +84 121 4 883452307 +275 265 4 880314031 +135 1046 3 879858003 +291 1178 4 875086354 +125 382 1 892836623 +70 399 4 884068521 +311 9 4 884963365 +301 523 4 882076146 +152 685 5 880149074 +244 172 4 880605665 +275 1091 2 875154535 +53 281 4 879443288 +198 118 2 884206513 +244 790 4 880608037 +26 125 4 891371676 +151 13 3 879542688 +124 496 1 890286933 +24 191 5 875323003 +271 65 3 885849419 +307 634 3 879283385 +294 1245 3 877819265 +234 241 2 892335042 +25 501 3 885852301 +293 137 3 888904653 +201 432 3 884111312 +75 240 1 884050661 +13 181 5 882140354 +207 68 2 877125350 +2 50 5 888552084 +313 566 4 891016220 +144 125 4 888104191 +188 443 4 875074329 +276 324 4 874786419 +145 974 1 882182634 +72 234 4 880037418 +83 385 4 887665549 +181 619 3 878963086 +109 402 4 880581344 +207 107 3 876198301 +185 216 4 883526268 +14 213 5 890881557 +149 319 2 883512658 +57 79 5 883698495 +230 963 5 880484370 +176 875 4 886047442 +253 97 4 891628501 +284 269 4 885328991 +106 526 4 881452685 +121 180 3 891388286 +62 86 2 879374640 +291 418 4 875086920 +84 1033 4 883452711 +293 380 2 888907527 +207 58 3 875991047 +194 187 4 879520813 +109 97 3 880578711 +283 845 4 879297442 +297 275 5 874954260 +181 334 1 878961749 +78 255 4 879633745 +11 425 4 891904300 +308 59 4 887737647 +193 1078 4 889126943 +297 234 3 875239018 +87 585 4 879877008 +250 204 2 878091682 +8 50 5 879362124 +186 148 4 891719774 +312 692 4 891699426 +91 683 3 891438351 +5 454 1 875721432 +291 376 3 875086534 +175 127 5 877107640 +145 737 2 875272833 +7 644 5 891351685 +276 419 5 874792907 +83 210 5 880307751 +102 524 3 888803537 +153 174 1 881371140 +62 302 3 879371909 +49 995 3 888065577 +268 298 3 875742647 +207 554 2 877822854 +313 616 5 891015049 +286 44 3 877532173 +279 168 5 875296435 +276 474 5 889174904 +62 59 4 879373821 +254 219 1 886475980 +83 97 4 880308690 +63 100 5 875747319 +16 178 5 877719333 +297 233 2 875239914 +90 945 5 891383866 +85 25 2 879452769 +42 98 4 881106711 +303 393 4 879484981 +274 50 5 878944679 +104 299 3 888442436 +94 792 4 885873006 +184 98 4 889908539 +293 708 3 888907527 +248 589 4 884534968 +18 950 3 880130764 +217 27 1 889070011 +200 892 4 884127082 +201 148 1 884140751 +296 222 5 884196640 +7 662 3 892133739 +196 381 4 881251728 +69 427 3 882145465 +72 196 4 880036747 +256 472 4 882152471 +128 182 4 879967225 +151 747 3 879524564 +7 171 3 891351287 +286 85 5 877533224 +172 220 4 875537441 +308 516 4 887736743 +190 974 2 891625949 +82 756 1 878768741 +308 436 4 887739257 +59 235 1 888203658 +64 1063 3 889739539 +145 756 2 885557506 +220 298 4 881198966 +21 324 4 874950889 +285 269 4 890595313 +207 65 3 878104594 +198 658 3 884208173 +220 333 3 881197771 +210 70 4 887730589 +181 14 1 878962392 +158 128 2 880134296 +143 682 3 888407741 +75 237 2 884050309 +199 221 4 883782854 +223 1150 2 891549841 +297 25 4 874954497 +276 78 4 877934828 +299 847 4 877877649 +293 325 2 888904353 +301 138 2 882079446 +1 47 4 875072125 +164 281 4 889401906 +96 673 4 884402860 +291 1016 4 874833827 +7 451 5 891353892 +233 177 4 877661496 +6 517 4 883602212 +202 283 3 879727153 +214 117 4 891543241 +184 602 4 889909691 +277 257 3 879543487 +194 212 1 879524216 +95 68 4 879196231 +25 257 4 885853415 +6 23 4 883601365 +38 573 1 892433660 +313 436 4 891029877 +22 241 3 878888025 +262 617 3 879793715 +130 569 3 880396494 +66 181 5 883601425 +21 948 1 874951054 +181 1332 1 878962278 +262 174 3 879791948 +206 302 5 888180227 +222 22 5 878183285 +76 61 4 875028123 +151 703 4 879542460 +314 28 5 877888346 +13 147 3 882397502 +44 258 4 878340824 +303 418 4 879483510 +16 89 2 877717833 +270 558 5 876954927 +248 117 5 884535433 +125 318 5 879454309 +138 523 5 879024043 +268 386 2 875743978 +291 15 5 874833668 +234 147 3 892335372 +239 96 5 889178798 +15 331 3 879455166 +94 155 2 891723807 +136 89 4 882848925 +223 423 3 891550684 +82 194 4 878770027 +145 355 3 888396967 +280 845 3 891700925 +179 339 1 892151366 +178 199 4 882826306 +307 949 4 877123315 +10 488 5 877888613 +116 331 3 876451911 +23 258 5 876785704 +308 174 4 887736696 +185 114 4 883524320 +188 237 3 875073648 +118 654 5 875385007 +246 721 4 884921794 +234 98 4 892078567 +194 239 3 879522917 +94 24 4 885873423 +122 378 4 879270769 +312 100 4 891698613 +262 64 5 879793022 +154 242 3 879138235 +223 763 3 891550067 +99 403 4 885680374 +83 43 4 880308690 +130 307 4 877984546 +174 402 5 886513729 +256 487 5 882164231 +59 177 4 888204349 +161 168 1 891171174 +244 53 3 880607489 +250 196 4 878091818 +43 40 3 883956468 +285 150 5 890595636 +42 953 2 881108815 +97 670 5 884239744 +122 510 4 879270327 +61 323 3 891206450 +222 106 2 883816184 +4 264 3 892004275 +304 259 1 884967253 +37 403 5 880915942 +49 68 1 888069513 +303 1098 4 879467959 +165 372 5 879525987 +176 324 5 886047292 +3 335 1 889237269 +56 869 3 892683895 +44 15 4 878341343 +190 117 4 891033697 +29 189 4 882821942 +94 174 4 885870231 +130 949 3 876251944 +117 181 5 880124648 +303 779 1 879543418 +19 435 5 885412840 +194 191 4 879521856 +158 24 4 880134261 +56 447 4 892679067 +262 223 3 879791816 +181 1334 1 878962240 +214 137 4 891543227 +92 747 4 875656164 +188 96 5 875073128 +58 173 5 884305353 +244 154 5 880606385 +134 879 4 891732393 +298 625 4 884183406 +254 230 4 886472400 +230 138 3 880485197 +16 209 5 877722736 +151 835 5 879524199 +181 1327 1 878963305 +145 1248 3 875272195 +200 588 5 884128499 +248 257 3 884535840 +297 432 4 875239658 +312 133 5 891699296 +151 12 5 879524368 +110 568 3 886988449 +305 483 5 886323068 +141 258 5 884584338 +44 240 4 878346997 +186 263 3 879023571 +214 213 4 891544414 +233 208 4 880610814 +104 287 2 888465347 +312 153 2 891699491 +1 222 4 878873388 +206 323 1 888179833 +230 419 4 880484587 +56 450 3 892679374 +94 651 5 891725332 +205 316 4 888284710 +14 174 5 890881294 +268 790 2 876513785 +276 1081 3 880913705 +83 929 3 880307140 +268 580 3 875309344 +222 1041 3 881060155 +279 89 4 875306910 +5 424 1 875635807 +112 331 4 884992603 +296 429 5 884197330 +18 202 3 880130515 +13 868 5 882139901 +87 210 5 879875734 +10 285 5 877889186 +181 328 3 878961227 +23 463 4 874785843 +253 746 3 891628630 +234 228 3 892079190 +299 1047 2 877880041 +66 1 3 883601324 +216 174 5 881432488 +290 208 3 880475245 +79 1161 2 891271697 +264 448 2 886122031 +4 303 5 892002352 +144 831 3 888104805 +138 517 4 879024279 +64 433 2 889740286 +5 1 4 875635748 +276 357 5 874787526 +62 433 5 879375588 +239 475 5 889178689 +293 166 3 888905520 +130 234 5 875216932 +264 70 4 886123596 +208 197 5 883108797 +24 763 5 875322875 +279 1162 3 875314334 +3 245 1 889237247 +101 596 3 877136564 +162 1019 4 877636556 +223 908 1 891548802 +99 246 3 888469392 +239 430 3 889180338 +160 160 5 876862078 +172 580 4 875538028 +303 1160 2 879544629 +54 676 5 880935294 +44 507 3 878347392 +210 97 5 887736454 +164 930 4 889402340 +299 240 2 877878414 +28 217 3 881961671 +305 79 3 886324276 +18 729 3 880131236 +82 343 1 884713755 +109 1012 4 880564570 +207 25 4 876079113 +92 1209 1 875660468 +109 1 4 880563619 +15 222 3 879455730 +58 709 5 884304812 +303 693 4 879466771 +152 111 5 880148782 +194 160 2 879551380 +92 241 3 875655961 +77 91 3 884752924 +244 662 3 880606533 +177 321 2 880130481 +131 221 3 883681561 +197 302 3 891409070 +227 50 4 879035347 +85 282 3 879829618 +295 72 4 879518714 +181 1 3 878962392 +277 255 4 879544145 +279 96 4 875310606 +1 253 5 874965970 +18 182 4 880130640 +276 568 4 882659211 +87 177 5 879875940 +177 69 1 880131088 +213 13 4 878955139 +125 134 5 879454532 +128 739 4 879969349 +291 428 5 874871766 +25 208 4 885852337 +288 272 5 889225463 +207 1350 2 877878772 +271 56 3 885848559 +5 363 3 875635225 +274 748 5 878944406 +70 419 5 884065035 +311 559 2 884366187 +151 919 5 879524368 +199 268 5 883782509 +201 209 3 884112801 +99 274 1 885679157 +11 740 4 891903067 +59 77 4 888206254 +184 277 3 889907971 +222 88 4 878183336 +38 161 5 892432062 +59 418 2 888205188 +104 300 3 888442275 +298 1346 3 884126061 +180 1119 3 877128156 +7 674 2 891352659 +121 14 5 891390014 +268 1041 1 875743735 +252 277 4 891456797 +303 411 4 879483802 +210 527 5 887736232 +234 648 3 892826760 +312 573 5 891712535 +308 215 3 887737483 +234 1397 4 892334976 +75 546 3 884050422 +117 15 5 880125887 +246 239 3 884921380 +64 516 5 889737376 +85 187 5 879454235 +239 81 3 889179808 +59 54 4 888205921 +256 220 3 882151690 +216 196 5 880245145 +203 282 1 880434919 +13 195 3 881515296 +144 153 5 888105823 +100 268 3 891374982 +210 274 5 887730676 +94 471 4 891721642 +13 807 1 886304229 +125 657 3 892836422 +65 1142 4 879217349 +1 113 5 878542738 +76 175 4 875028853 +294 508 4 877819532 +263 1451 4 891299949 +294 930 3 889242704 +121 117 1 891388600 +85 13 3 879452866 +303 426 3 879542535 +212 180 1 879303974 +6 492 5 883601089 +181 240 1 878963122 +279 746 5 875310233 +303 1109 4 879467936 +184 191 4 889908716 +310 116 5 879436104 +313 22 3 891014870 +314 1150 4 877887002 +13 121 5 882397503 +43 5 4 875981421 +58 214 2 884305296 +215 164 3 891436633 +62 288 2 879371909 +280 127 5 891702544 +161 898 3 891170191 +11 723 5 891904637 +94 218 3 891721851 +35 243 2 875459046 +311 566 4 884366112 +48 680 3 879434330 +85 604 4 882995132 +288 527 3 886373565 +184 514 5 889908497 +151 929 3 879543457 +90 690 4 891383319 +11 38 3 891905936 +104 1016 1 888466002 +106 582 4 881451199 +181 1010 1 878962774 +37 117 4 880915674 +276 845 4 874786807 +22 258 5 878886261 +70 82 4 884068075 +5 98 3 875720691 +308 95 4 887737130 +60 208 5 883326028 +270 778 5 876955711 +243 208 4 879989134 +92 540 2 875813197 +81 280 4 876534214 +293 412 1 888905377 +200 478 5 884128788 +13 308 3 881514726 +56 184 4 892679088 +116 250 4 876452606 +295 172 4 879516986 +63 1007 5 875747368 +295 235 4 879517943 +104 1010 1 888465554 +156 641 5 888185677 +269 1165 1 891446904 +160 430 5 876861799 +237 191 4 879376773 +287 252 1 875334361 +290 132 3 880473993 +45 109 5 881012356 +224 678 3 888082277 +145 764 2 888398257 +277 1011 3 879543697 +65 100 3 879217558 +272 1101 5 879454977 +116 255 3 876452524 +184 86 5 889908694 +285 151 5 890595636 +222 148 2 881061164 +72 28 4 880036824 +271 187 5 885848343 +94 211 5 891721142 +246 425 5 884921918 +115 8 5 881171982 +176 327 3 886047176 +13 396 3 882141727 +129 331 2 883244737 +257 1260 2 880496892 +95 1 5 879197329 +147 904 5 885594015 +151 58 4 879524849 +184 660 3 889909962 +311 386 3 884365747 +105 268 4 889214268 +158 510 3 880134296 +34 312 4 888602742 +72 427 5 880037702 +263 416 5 891299697 +94 1048 4 891722678 +200 291 3 891825292 +45 118 4 881014550 +279 144 4 880850073 +145 22 5 875273021 +71 89 5 880864462 +182 69 5 876435435 +193 627 4 889126972 +214 302 4 892668197 +151 485 5 879525002 +102 322 3 883277645 +234 571 2 892318158 +249 930 2 879640585 +195 328 4 884420059 +109 258 5 880562908 +222 552 2 878184596 +282 288 4 879949367 +117 758 2 881011217 +23 381 4 874787350 +112 327 1 884992535 +303 145 1 879543573 +252 300 4 891448664 +151 372 5 879524819 +282 327 5 879949417 +304 237 5 884968415 +290 568 3 880474716 +64 160 4 889739288 +28 79 4 881961003 +168 1278 3 884287560 +265 471 4 875320302 +18 113 5 880129628 +83 82 5 887665423 +90 499 5 891383866 +234 1186 4 892335707 +87 196 5 879877681 +26 685 3 891371676 +150 129 4 878746946 +161 98 4 891171357 +70 210 4 884065854 +51 182 3 883498790 +222 1057 4 881061370 +92 176 5 875652981 +204 216 4 892513864 +164 685 5 889402160 +57 682 3 883696824 +184 207 4 889908903 +60 403 3 883327087 +92 180 5 875653016 +43 204 4 883956122 +222 1042 4 878184514 +197 300 4 891409422 +92 790 3 875907618 +294 282 3 877821796 +201 747 2 884113635 +201 215 2 884140382 +193 410 3 889127633 +271 705 4 885849052 +214 693 3 891544414 +73 657 5 888625422 +90 187 4 891383561 +315 273 3 879821349 +48 309 3 879434132 +255 472 1 883216958 +270 671 4 876956360 +66 7 3 883601355 +6 478 4 883602762 +101 222 3 877136243 +207 1046 4 875509787 +144 182 3 888105743 +85 83 4 886282959 +102 625 3 883748418 +158 770 5 880134477 +297 588 4 875238579 +90 507 5 891383987 +271 482 5 885848519 +130 901 1 884624044 +178 276 3 882823978 +90 245 3 891382612 +181 1094 1 878963086 +311 143 3 884364812 +267 17 4 878971773 +201 51 2 884140751 +194 647 4 879521531 +59 387 3 888206562 +1 227 4 876892946 +116 751 3 890131577 +170 292 5 884103732 +110 578 3 886988536 +60 1021 5 883326185 +287 347 4 888177040 +197 55 3 891409982 +38 679 5 892432062 +195 1014 4 879673925 +279 227 4 889326161 +84 748 4 883449530 +31 886 2 881547877 +316 98 5 880853743 +25 25 5 885853415 +168 274 4 884287865 +103 24 4 880415847 +299 588 4 877880852 +194 478 3 879521329 +287 294 5 875333873 +234 582 4 892334883 +279 1048 1 886015533 +87 9 4 879877931 +181 408 1 878962550 +279 1151 2 875744584 +49 47 5 888068715 +296 855 5 884197352 +44 95 4 878347569 +92 216 3 875653867 +135 39 3 879857931 +13 66 3 882141485 +262 386 3 879795512 +7 676 3 891354499 +116 942 3 876454090 +318 474 4 884495742 +141 826 2 884585437 +269 13 4 891446662 +222 1044 4 881060578 +82 455 4 876311319 +279 254 3 879572960 +42 685 4 881105972 +145 1245 5 875271397 +184 161 2 889909640 +49 625 3 888067031 +177 243 1 882142141 +313 99 4 891014029 +32 290 3 883717913 +308 848 4 887736925 +145 448 5 877343121 +130 542 3 875801778 +130 806 3 875217096 +165 288 2 879525673 +249 255 3 879571752 +49 581 3 888068143 +195 300 3 890588925 +118 475 5 875384793 +130 316 4 888211794 +104 293 3 888465166 +201 1229 3 884140307 +142 82 4 888640356 +119 718 5 874774956 +303 94 3 879485318 +99 50 5 885679998 +306 14 5 876503995 +92 709 2 875654590 +227 295 5 879035387 +3 337 1 889236983 +94 820 1 891723186 +59 1107 4 888206254 +30 539 3 885941454 +262 821 3 879794887 +6 508 3 883599530 +311 716 4 884365718 +268 364 3 875743979 +262 553 4 879795122 +214 275 3 891542968 +16 56 5 877719863 +262 293 2 879790906 +293 132 4 888905481 +62 132 5 879375022 +94 346 4 891725410 +13 59 4 882140425 +240 313 5 885775604 +102 161 2 888801876 +83 301 2 891181430 +291 7 5 874834481 +312 28 4 891698300 +31 484 5 881548030 +291 70 4 874868146 +56 172 5 892737191 +109 588 4 880578388 +110 1246 2 886989613 +59 429 4 888204597 +246 1218 3 884922801 +65 196 5 879216637 +24 367 2 875323241 +92 115 3 875654125 +308 741 4 887739863 +301 660 4 882076782 +214 1129 4 892668249 +158 241 4 880134445 +269 674 2 891451754 +308 493 3 887737293 +32 151 3 883717850 +224 191 4 888082468 +215 423 5 891435526 +32 1012 4 883717581 +154 289 2 879138345 +201 509 3 884111546 +85 298 4 880581629 +180 68 5 877127721 +184 36 3 889910195 +188 218 5 875074667 +305 11 1 886323237 +144 508 4 888104150 +73 94 1 888625754 +194 205 3 879524291 +177 203 4 880131026 +276 273 4 874786517 +198 7 4 884205317 +108 290 4 879880076 +189 197 5 893265291 +73 56 4 888626041 +172 462 3 875537717 +120 546 2 889490979 +101 471 3 877136535 +5 102 3 875721196 +26 235 2 891372429 +268 1249 2 875743793 +276 773 3 874792794 +13 150 5 882140588 +7 401 4 891354257 +128 482 4 879967432 +104 7 3 888465972 +293 39 3 888906804 +256 25 5 882150552 +90 821 3 891385843 +275 69 3 880314089 +22 510 5 878887765 +312 494 5 891698454 +207 192 3 877822350 +264 504 5 886122577 +137 687 4 881432756 +185 740 4 883524475 +307 687 1 879114143 +42 176 3 881107178 +145 472 3 875271128 +189 634 3 893265506 +262 121 3 879790536 +251 148 2 886272547 +259 772 4 874724882 +239 58 5 889179623 +312 921 5 891699295 +92 15 3 875640189 +81 742 2 876533764 +311 419 3 884364931 +102 448 3 888803002 +249 746 5 879641209 +95 527 4 888954440 +19 655 3 885412723 +79 100 5 891271652 +189 751 4 893265046 +253 510 5 891628416 +201 919 3 884141208 +1 17 3 875073198 +214 42 5 892668130 +7 81 5 891352626 +234 132 4 892333865 +59 148 3 888203175 +13 354 2 888779458 +6 469 5 883601155 +82 14 4 876311280 +109 627 5 880582133 +305 50 5 886321799 +195 154 3 888737525 +277 279 4 879543592 +223 8 2 891550684 +92 81 3 875654929 +201 69 2 884112901 +94 58 5 891720540 +217 144 4 889069782 +244 148 2 880605071 +313 200 3 891017736 +181 874 1 878961749 +116 1216 3 876452582 +303 433 4 879467985 +117 151 4 880126373 +221 327 4 875243968 +46 307 3 883611430 +91 28 4 891439243 +151 317 5 879524610 +64 176 4 889737567 +90 553 2 891384959 +116 271 4 886310197 +291 1139 3 874871671 +62 111 3 879372670 +196 251 3 881251274 +303 120 2 879544099 +49 547 5 888066187 +307 1022 4 879283008 +303 176 5 879467260 +286 154 4 877533381 +291 501 4 875087100 +235 87 4 889655162 +254 379 1 886474650 +276 157 5 874790773 +135 1208 3 879858003 +57 243 3 883696547 +276 1157 2 874795772 +7 576 5 892132943 +250 404 4 878092144 +318 768 2 884498022 +234 808 2 892335707 +289 282 3 876789180 +87 1079 2 879877240 +50 823 3 877052784 +25 258 5 885853199 +18 496 5 880130470 +193 790 3 889127381 +263 510 4 891298392 +209 906 2 883589546 +207 716 3 875508783 +314 535 4 877887002 +250 338 4 883263374 +262 568 3 879794113 +95 172 4 879196847 +94 470 4 891722006 +59 583 5 888205921 +277 282 4 879543697 +303 1286 4 879467413 +271 714 3 885848863 +269 235 3 891446756 +148 140 1 877019882 +223 977 2 891550295 +210 357 5 887736206 +185 199 4 883526268 +174 80 1 886515210 +235 480 4 889655044 +276 939 3 874790855 +99 354 2 888469332 +308 163 4 887737084 +303 738 2 879544276 +224 873 2 888082187 +298 252 4 884183833 +44 208 4 878347420 +315 13 4 879821158 +215 197 4 891435357 +269 9 4 891446246 +42 195 5 881107949 +293 79 3 888906045 +246 68 5 884922341 +101 405 4 877137015 +92 665 3 875906853 +249 88 4 879572668 +60 525 5 883325944 +13 331 3 881515457 +271 750 4 885844698 +92 731 4 875653769 +254 188 3 886473672 +311 203 5 884365201 +263 197 4 891299752 +201 660 3 884140927 +279 79 3 875296461 +138 496 4 879024043 +209 251 5 883417810 +217 7 4 889069741 +261 340 5 890454045 +176 258 4 886047026 +303 1037 3 879544340 +81 169 4 876534751 +62 114 4 879373568 +72 530 4 880037164 +276 364 3 877935377 +88 750 2 891037276 +49 7 4 888067307 +263 117 3 891299387 +9 298 5 886960055 +92 528 4 875657681 +249 708 4 879572403 +262 754 3 879961283 +196 655 5 881251793 +207 1436 3 878191574 +256 771 2 882164999 +276 226 4 874792520 +134 313 5 891732150 +311 849 3 884365781 +181 1383 1 878962086 +203 148 3 880434755 +247 736 5 893097024 +313 745 3 891016583 +311 83 5 884364812 +251 1014 5 886272486 +227 411 4 879035897 +59 550 5 888206605 +201 206 2 884112029 +58 100 5 884304553 +249 723 4 879641093 +286 1316 5 884583549 +11 725 3 891905568 +7 228 4 891350845 +92 846 3 886443471 +160 56 5 876770222 +103 127 4 880416331 +11 110 3 891905324 +87 2 4 879876074 +45 763 2 881013563 +293 605 3 888907702 +291 732 4 874868097 +254 575 3 886476165 +49 334 4 888065744 +222 1284 4 878184422 +161 162 2 891171413 +268 1 3 875742341 +59 215 5 888204430 +177 209 4 880130736 +151 1298 4 879528520 +299 235 1 877878184 +29 332 4 882820869 +30 435 5 885941156 +297 182 3 875239125 +315 185 4 879821267 +23 172 4 874785889 +262 47 2 879794599 +321 496 4 879438607 +191 754 3 891560366 +106 778 4 881453040 +7 151 4 891352749 +178 678 3 882823530 +84 12 5 883452874 +94 168 5 891721378 +264 33 3 886122644 +239 529 5 889179808 +90 657 5 891385190 +261 875 5 890454351 +190 302 5 891033606 +112 289 5 884992690 +144 106 3 888104684 +199 258 4 883782403 +224 20 1 888104487 +85 501 3 880838306 +301 202 5 882076211 +145 743 1 888398516 +294 127 5 877819265 +130 206 3 875801695 +103 121 3 880415766 +152 412 2 880149328 +267 840 4 878970926 +286 231 3 877532094 +200 24 2 884127370 +5 211 4 875636631 +160 117 4 876767822 +6 357 4 883602422 +158 72 3 880135118 +297 736 4 875239975 +250 244 4 878089786 +57 760 2 883697617 +58 268 5 884304288 +23 1006 3 874785809 +301 1228 4 882079423 +307 265 3 877122816 +276 1095 1 877935135 +223 411 1 891550005 +92 24 3 875640448 +137 300 5 881432524 +164 117 5 889401816 +276 38 3 874792574 +213 294 3 878870226 +286 34 5 877534701 +232 197 4 888549563 +150 221 4 878747017 +21 103 1 874951245 +130 731 3 876251922 +222 441 2 881059920 +1 90 4 878542300 +189 1005 4 893265971 +49 38 1 888068289 +311 5 3 884365853 +36 307 4 882157227 +128 228 3 879969329 +151 89 5 879524491 +248 475 5 884535446 +95 1229 2 879198800 +213 609 4 878955533 +203 181 5 880434278 +308 863 3 887736881 +269 47 4 891448386 +198 100 1 884207325 +297 307 4 878771124 +305 189 5 886323303 +266 676 3 892257897 +197 229 3 891410039 +74 272 5 888333194 +127 294 4 884363803 +194 4 4 879521397 +177 56 5 880130618 +45 473 3 881014417 +57 28 4 883698324 +239 187 5 889178798 +268 94 2 875743630 +238 252 3 883576644 +201 1010 3 884140579 +131 1281 4 883681561 +270 97 4 876955633 +159 127 5 880989744 +230 202 4 880485352 +92 219 4 875654888 +318 356 4 884496671 +123 531 3 879872671 +267 403 4 878971939 +232 630 3 888550060 +5 382 5 875636587 +16 155 3 877719157 +180 762 4 877126241 +178 282 3 882823978 +319 313 5 889816026 +180 737 3 877128327 +270 736 5 876955087 +269 658 2 891448497 +293 496 5 888905840 +269 793 4 891449880 +54 685 3 880935504 +21 98 5 874951657 +303 209 5 879467328 +13 766 4 882139686 +314 95 5 877888168 +151 387 5 879542353 +230 378 5 880485159 +201 403 3 884112427 +95 1206 4 888956137 +270 370 5 876956232 +256 716 5 882165135 +80 582 3 887401701 +303 435 5 879466491 +312 121 3 891698174 +151 1006 1 879524974 +62 258 5 879371909 +189 1115 4 893264270 +77 195 5 884733695 +99 742 5 885679114 +291 1028 3 875086561 +293 748 2 888904327 +181 1342 1 878962168 +206 900 1 888179980 +83 338 4 883868647 +262 179 4 879962570 +253 216 4 891628252 +223 596 3 891549713 +108 50 4 879879739 +94 347 5 891724950 +293 779 1 888908066 +101 281 2 877136842 +267 980 3 878970578 +201 1245 4 884141015 +314 1263 2 877890611 +271 111 4 885847956 +314 276 1 877886413 +18 387 4 880130155 +207 4 4 876198457 +313 96 5 891015144 +21 299 1 874950931 +215 144 4 891435107 +279 1376 4 886016680 +234 1015 2 892079617 +296 248 5 884196765 +270 83 4 876954995 +210 161 5 887736393 +201 79 4 884112245 +5 376 2 879198045 +184 181 4 889907426 +104 411 1 888465739 +275 449 3 876198328 +185 269 5 883524428 +276 550 4 874792574 +279 1182 3 875314370 +216 69 5 880235229 +21 457 1 874951054 +16 471 3 877724845 +147 292 5 885594040 +291 250 4 874805927 +28 95 3 881956917 +29 539 2 882821044 +291 471 4 874833746 +7 580 3 892132171 +181 16 1 878962996 +297 218 3 875409827 +308 559 4 887740367 +87 211 5 879876812 +97 89 5 884238939 +21 596 3 874951617 +59 710 3 888205463 +238 756 3 883576476 +178 209 4 882826944 +186 470 5 879023693 +299 615 4 878192555 +10 504 5 877892110 +110 682 4 886987354 +109 101 1 880578186 +157 250 1 886890296 +267 386 3 878973597 +181 327 3 878961780 +207 87 4 884386260 +47 995 3 879440429 +148 114 5 877016735 +94 9 5 885872684 +60 222 4 883327441 +244 409 4 880605294 +276 246 4 874786686 +90 906 2 891382240 +234 20 4 891227979 +106 107 4 883876961 +216 697 4 883981700 +294 1199 2 889242142 +323 257 2 878739393 +140 268 4 879013684 +220 303 4 881198014 +67 64 5 875379211 +170 299 3 886190476 +230 142 4 880485633 +299 641 4 889501514 +7 581 5 891353477 +275 501 3 875154718 +44 250 5 878346709 +291 214 4 874868146 +11 741 5 891902745 +59 286 3 888202532 +174 395 1 886515154 +194 234 3 879521167 +57 204 4 883698272 +314 417 4 877888855 +201 197 4 884113422 +184 155 3 889912656 +194 792 4 879524504 +159 1037 2 884360502 +186 983 3 879023152 +181 979 2 878963241 +68 7 3 876974096 +286 721 3 877532329 +316 306 4 880853072 +280 781 4 891701699 +13 14 4 884538727 +211 127 4 879461498 +187 215 3 879465805 +71 134 3 885016614 +306 242 5 876503793 +64 684 4 889740199 +303 277 3 879468547 +198 135 5 884208061 +232 91 5 888549515 +98 47 4 880498898 +53 24 3 879442538 +299 971 2 889502353 +254 1116 3 886473448 +7 106 4 891353892 +12 300 4 879958639 +239 10 5 889180338 +238 111 4 883576603 +130 267 5 875801239 +90 662 5 891385842 +63 20 3 875748004 +40 268 4 889041430 +181 221 1 878962465 +298 152 3 884183336 +104 327 2 888442202 +42 185 4 881107449 +181 995 1 878961585 +258 288 1 885700919 +291 578 4 874835242 +148 70 5 877021271 +305 187 4 886323189 +184 71 4 889911552 +94 556 3 891722882 +158 1011 4 880132579 +7 528 5 891352659 +174 237 4 886434047 +158 190 5 880134332 +201 853 4 884114635 +276 43 1 874791383 +278 311 4 891295130 +229 347 1 891632073 +101 252 3 877136628 +63 1028 3 875748198 +275 520 4 880314218 +275 173 3 875154795 +62 1073 4 879374752 +230 234 4 880484756 +109 975 3 880572351 +73 357 5 888626007 +83 118 3 880307071 +4 361 5 892002353 +130 245 1 874953526 +64 778 5 889739806 +15 473 1 879456204 +244 89 5 880602210 +7 643 4 891350932 +219 347 1 889386819 +295 704 5 879519266 +293 288 3 888904327 +125 997 2 892838976 +279 487 3 890282182 +76 582 3 882607444 +272 48 4 879455143 +269 285 5 891446165 +244 380 4 880608133 +271 220 3 885848179 +321 287 3 879438857 +306 864 3 876504286 +224 332 3 888103429 +57 1047 4 883697679 +145 591 4 879161848 +85 277 2 879452938 +116 7 2 876453915 +52 95 4 882922927 +209 688 1 883589626 +145 260 4 875269871 +208 202 4 883108476 +160 187 5 876770168 +141 274 5 884585220 +260 990 5 890618729 +177 299 4 880130500 +82 231 2 878769815 +223 969 5 891550649 +107 271 2 891264432 +26 25 3 891373727 +297 1016 3 874955131 +244 167 3 880607853 +15 678 1 879455311 +286 709 4 877532748 +82 411 3 878768902 +167 364 3 892738212 +99 181 5 885680138 +56 196 2 892678628 +293 346 3 888904004 +7 650 3 891350965 +90 425 4 891384996 +228 475 3 889388521 +82 919 3 876311280 +43 151 4 875975613 +10 289 4 877886223 +197 515 5 891409935 +57 756 3 883697730 +246 82 2 884921986 +62 24 4 879372633 +323 223 4 878739699 +13 320 1 882397010 +268 63 1 875743792 +18 863 3 880130680 +271 410 2 885848238 +307 509 3 877121019 +54 298 4 892681300 +295 47 5 879518166 +194 237 3 879538959 +194 82 2 879524216 +311 385 5 884365284 +287 257 4 875334224 +290 82 4 880473918 +262 96 4 879793022 +279 491 5 875296435 +290 393 3 880475169 +145 393 5 875273174 +305 61 4 886323378 +269 156 5 891449364 +276 180 5 874787353 +323 298 4 878739275 +296 258 5 884196469 +18 965 4 880132012 +72 528 4 880036664 +224 949 3 888104057 +125 239 5 892838375 +244 652 5 880606533 +135 431 2 879857868 +138 211 4 879024183 +59 604 3 888204927 +221 1059 4 875245077 +13 451 1 882141872 +42 69 4 881107375 +10 340 4 880371312 +219 882 3 889386741 +60 604 4 883327997 +125 152 1 879454892 +63 50 4 875747292 +255 448 3 883216544 +311 172 5 884364763 +7 582 5 892135347 +7 127 5 891351728 +189 203 3 893265921 +59 470 3 888205714 +313 148 2 891031979 +234 161 3 892335824 +6 143 2 883601053 +305 960 1 886324362 +226 147 3 883889479 +204 340 5 892389195 +13 493 5 882140206 +186 281 4 879023390 +6 275 4 883599102 +269 82 2 891450780 +69 300 3 882027204 +259 959 4 888720593 +5 62 4 875637575 +181 1164 3 878962464 +135 449 3 879857843 +222 1207 2 881060659 +5 231 2 875635947 +286 258 4 877530390 +104 249 3 888465675 +303 65 4 879467436 +295 73 4 879519009 +201 686 2 884112352 +13 289 2 882140759 +184 100 5 889907652 +262 786 3 879795319 +234 614 3 892334609 +1 64 5 875072404 +325 485 3 891478599 +312 641 5 891698300 +207 810 2 877125506 +262 509 3 879792818 +239 478 5 889178986 +142 181 5 888640317 +296 242 4 884196057 +291 571 2 875086608 +13 488 3 890704999 +294 676 3 877821514 +69 174 5 882145548 +195 265 4 888737346 +121 509 5 891388145 +279 509 3 875296552 +49 17 2 888068651 +7 196 5 891351432 +280 472 2 891702086 +221 780 3 875246552 +175 96 3 877108051 +180 431 4 877442098 +311 1222 3 884366010 +44 120 4 878346977 +318 257 5 884471030 +59 588 2 888204389 +320 117 4 884748641 +256 939 5 882164893 +310 24 4 879436242 +236 265 2 890116191 +83 139 3 880308959 +280 128 3 891701188 +43 52 4 883955224 +18 494 3 880131497 +303 87 3 879466421 +91 427 4 891439057 +318 631 4 884496855 +275 258 3 875154310 +97 482 5 884238693 +174 160 5 886514377 +268 470 3 875310745 +188 769 2 875074720 +94 89 3 885870284 +7 44 5 891351728 +158 85 4 880135118 +256 765 4 882165328 +221 69 4 875245641 +196 67 5 881252017 +232 175 5 888549815 +159 685 4 880557347 +99 182 4 886518810 +175 71 4 877107942 +254 624 2 886473254 +326 22 4 879874989 +303 291 3 879484804 +270 53 4 876956106 +181 1001 1 878963038 +254 418 3 886473078 +56 235 1 892911348 +11 190 3 891904174 +162 181 4 877635798 +117 829 3 881010219 +268 52 3 875309319 +320 177 5 884749360 +6 294 2 883599938 +210 380 4 887736482 +151 969 5 879542510 +42 684 4 881108093 +62 365 2 879376096 +207 121 3 875504876 +59 70 3 888204758 +26 455 3 891371506 +234 705 5 892318002 +270 466 5 876955899 +97 484 3 884238966 +11 660 3 891904573 +5 377 1 878844615 +56 797 4 892910860 +305 923 5 886323237 +173 286 5 877556626 +67 1095 4 875379287 +213 12 5 878955409 +268 684 3 875744321 +36 883 5 882157581 +100 321 1 891375112 +269 729 2 891448569 +131 100 5 883681418 +308 298 5 887741383 +14 709 5 879119693 +284 305 4 885328906 +191 752 3 891560481 +222 29 3 878184571 +201 421 2 884111708 +207 864 3 877750738 +303 1315 3 879544791 +52 1086 4 882922562 +305 529 5 886324097 +223 318 4 891550711 +22 79 4 878887765 +137 546 5 881433116 +292 328 3 877560833 +249 11 5 879640868 +269 616 4 891450453 +197 294 4 891409290 +42 603 4 881107502 +26 1016 3 891377609 +7 560 3 892132798 +193 435 4 889124439 +7 559 5 891354882 +299 186 3 889503233 +115 127 5 881171760 +59 433 5 888205982 +217 22 5 889069741 +279 709 4 875310195 +257 345 4 887066556 +279 789 4 875306580 +279 919 3 892864663 +63 222 3 875747635 +178 73 5 882827985 +90 1194 4 891383718 +111 313 4 891679901 +13 848 5 882140001 +94 625 4 891723086 +59 496 4 888205144 +179 905 4 892151331 +303 302 4 879465986 +299 516 4 889503159 +10 505 4 877886846 +62 464 4 879375196 +56 69 4 892678893 +92 289 3 875641367 +308 378 3 887740700 +13 144 4 882397146 +181 1348 1 878962200 +15 932 1 879456465 +244 155 3 880608599 +234 233 2 892335990 +15 127 2 879455505 +110 1179 2 886989501 +181 302 2 878961511 +236 313 4 890115777 +310 536 4 879436137 +37 55 3 880915942 +234 617 3 892078741 +303 369 1 879544130 +75 409 3 884050829 +197 518 1 891409982 +314 692 5 877888445 +187 523 3 879465125 +151 402 3 879543423 +268 264 3 876513607 +224 215 4 888082612 +292 195 5 881103568 +16 191 5 877719454 +99 597 4 885679210 +234 482 4 892334803 +303 323 1 879466214 +233 99 3 877663383 +66 249 4 883602158 +280 204 3 891700643 +301 174 5 882075827 +92 1142 4 886442422 +99 410 5 885679262 +221 1250 2 875247855 +97 98 4 884238728 +313 673 4 891016622 +58 109 4 884304396 +270 781 5 876955750 +13 476 2 882141997 +189 1 5 893264174 +67 147 3 875379357 +234 50 4 892079237 +40 880 3 889041643 +294 222 4 877819353 +293 629 3 888907753 +7 241 4 891354053 +87 775 2 879876848 +314 1289 2 877887388 +131 750 5 883681723 +296 48 5 884197091 +81 3 4 876592546 +151 186 4 879524222 +57 926 3 883697831 +234 134 5 892333573 +53 174 5 879442561 +280 544 4 891701302 +123 135 5 879872868 +109 797 3 880582856 +96 479 4 884403758 +236 286 5 890115777 +201 313 5 884110598 +174 471 5 886433804 +130 931 2 880396881 +151 15 4 879524879 +90 529 5 891385132 +59 12 5 888204260 +3 343 3 889237122 +310 845 5 879436534 +224 658 1 888103840 +4 357 4 892003525 +25 615 5 885852611 +11 517 2 891905222 +298 91 2 884182932 +59 170 4 888204430 +147 305 4 885593997 +314 1518 4 877891426 +256 413 4 882163956 +234 618 3 892078343 +246 8 3 884921245 +255 678 2 883215795 +92 106 3 875640609 +272 127 5 879454725 +104 269 5 888441878 +276 406 2 874786831 +276 34 2 877934264 +97 50 5 884239471 +150 121 2 878747322 +14 530 5 890881433 +23 170 4 874785348 +13 97 4 882399357 +165 325 4 879525672 +244 7 4 880602558 +95 416 4 888954961 +28 98 5 881961531 +259 269 3 877923906 +82 596 3 876311195 +28 173 3 881956220 +94 455 3 891721777 +276 384 3 874792189 +298 8 5 884182748 +151 210 4 879524419 +77 238 5 884733965 +200 241 4 884129782 +201 405 4 884112427 +193 332 3 889123257 +38 139 2 892432786 +291 226 5 874834895 +113 326 5 875935609 +313 191 5 891013829 +207 531 4 877878342 +214 151 5 892668153 +44 123 4 878346532 +18 154 4 880131358 +297 628 4 874954497 +279 116 1 888799670 +7 28 5 891352341 +115 92 4 881172049 +308 581 4 887740500 +62 138 1 879376709 +81 824 3 876534437 +293 1161 2 888905062 +13 781 3 882399528 +13 338 1 882140740 +41 28 4 890687353 +280 554 1 891701998 +287 249 5 875334430 +117 50 5 880126022 +178 106 2 882824983 +201 117 2 884112487 +256 1057 2 882163805 +221 204 4 875246008 +318 659 4 884495868 +262 11 4 879793597 +154 488 4 879138831 +186 385 4 879023894 +303 1095 2 879543988 +302 323 2 879436875 +198 179 4 884209264 +99 168 5 885680374 +229 313 2 891631948 +126 262 4 887854726 +72 226 4 880037307 +109 31 4 880577844 +34 242 5 888601628 +173 323 5 877556926 +156 276 3 888185854 +122 215 4 879270676 +276 583 3 874791444 +224 528 3 888082658 +208 88 5 883108324 +295 483 5 879517348 +279 65 1 875306767 +43 64 5 875981247 +89 197 5 879459859 +308 435 4 887737484 +315 305 5 881017419 +42 1041 4 881109060 +164 299 4 889401383 +7 153 5 891352220 +93 412 2 888706037 +125 1180 3 892838865 +70 50 4 884064188 +177 960 3 880131161 +75 476 1 884050393 +62 401 3 879376727 +130 366 5 876251972 +312 228 3 891699040 +158 414 4 880135118 +279 42 4 875308843 +210 58 4 887730177 +43 66 4 875981506 +151 490 5 879528418 +293 665 2 888908117 +293 36 1 888908041 +102 405 2 888801812 +276 291 3 874791169 +21 839 1 874951797 +194 663 4 879524292 +38 432 1 892430282 +92 453 1 875906882 +311 180 4 884364764 +198 214 4 884208273 +82 661 4 878769703 +267 238 4 878971629 +291 466 5 874834768 +151 692 3 879524669 +60 47 4 883326399 +92 79 4 875653198 +97 115 5 884239525 +314 1218 4 877887525 +319 338 2 879977242 +5 407 3 875635431 +15 685 4 879456288 +99 204 4 885679952 +123 192 5 879873119 +47 340 5 879439078 +222 135 5 878181563 +224 149 1 888103999 +58 284 4 884304519 +320 294 4 884748418 +268 135 4 875309583 +83 640 2 880308550 +106 692 3 881453290 +287 11 5 875335124 +305 186 4 886323902 +181 1320 1 878962279 +49 49 2 888068990 +6 221 4 883599431 +85 647 4 879453844 +128 736 5 879968352 +279 827 1 888426577 +271 630 2 885848943 +303 748 2 879466214 +249 124 5 879572646 +280 693 3 891701027 +207 827 3 876018501 +60 616 3 883327087 +21 184 4 874951797 +286 628 4 875806800 +145 183 5 875272009 +311 28 5 884365140 +25 228 4 885852920 +76 92 4 882606108 +246 406 3 884924749 +201 292 3 884110598 +235 647 4 889655045 +286 133 4 877531730 +48 174 5 879434723 +144 685 3 888105473 +5 24 4 879198229 +85 272 4 893110061 +286 7 4 875807003 +64 93 2 889739025 +151 429 5 879528673 +191 301 4 891561336 +287 56 5 875334759 +96 153 4 884403624 +125 615 3 879454793 +150 100 2 878746636 +93 15 5 888705388 +84 528 5 883453617 +318 50 2 884495696 +13 167 4 882141659 +213 471 3 878870816 +178 234 4 882826783 +128 418 4 879968164 +195 496 4 888737525 +13 570 5 882397581 +276 843 4 874792989 +54 268 5 883963510 +305 347 3 886308111 +14 474 4 890881557 +18 58 4 880130613 +263 921 3 891298727 +289 849 4 876789943 +194 321 3 879520306 +11 746 4 891905032 +298 842 4 884127249 +56 215 5 892678547 +13 844 1 882397010 +38 465 5 892432476 +308 165 3 887736696 +214 652 4 891543972 +102 300 3 875886434 +7 420 5 891353219 +61 328 5 891206371 +307 100 3 879206424 +21 590 1 874951898 +311 68 1 884365824 +95 1230 1 888956901 +303 182 5 879467105 +145 13 5 875270507 +50 253 5 877052550 +194 530 4 879521167 +145 1 3 882181396 +222 157 4 878181976 +7 188 5 891352778 +109 100 4 880563080 +90 631 5 891384570 +7 78 3 891354165 +181 1324 1 878962464 +201 332 2 884110887 +13 685 5 882397582 +82 73 4 878769888 +267 423 3 878972842 +194 1206 1 879554453 +269 106 1 891451947 +99 895 3 885678304 +235 1149 4 889655595 +200 665 4 884130621 +312 188 3 891698793 +145 50 5 885557660 +234 71 3 892334338 +213 48 5 878955848 +244 216 4 880605869 +316 588 1 880853992 +85 175 4 879828912 +124 50 3 890287508 +137 237 4 881432965 +13 567 1 882396955 +151 162 5 879528779 +187 116 5 879464978 +193 554 3 889126088 +49 741 4 888068079 +291 54 4 874834963 +316 292 4 880853072 +271 514 4 885848408 +194 404 3 879522445 +268 721 3 875743587 +277 1197 4 879543768 +301 606 3 882076890 +89 1048 3 879460027 +253 50 4 891628518 +102 732 3 888804089 +311 662 4 884365018 +201 943 3 884114275 +246 816 4 884925218 +172 488 3 875537965 +280 38 3 891701832 +43 1057 2 884029777 +311 661 3 884365075 +59 287 5 888203175 +268 83 4 875309344 +315 651 3 879799457 +145 299 4 875269822 +248 174 3 884534992 +327 191 4 887820828 +268 672 2 875744501 +297 286 5 874953892 +295 151 4 879517635 +13 877 2 882140792 +70 584 3 884150236 +145 460 1 875271312 +275 176 4 880314320 +48 259 4 879434270 +235 419 5 889655858 +83 413 1 891182379 +147 258 4 885594040 +92 521 4 875813412 +246 728 1 884923829 +43 284 5 883955441 +207 203 3 877124625 +234 485 3 892079434 +201 587 4 884140975 +286 689 5 884583549 +69 12 5 882145567 +237 494 4 879376553 +85 133 4 879453876 +276 85 3 874791871 +311 366 5 884366010 +320 399 3 884749411 +114 175 5 881259955 +42 121 4 881110578 +7 680 4 891350703 +154 302 4 879138235 +106 660 4 881451631 +313 71 4 891030144 +90 526 5 891383866 +94 186 4 891722278 +224 43 3 888104456 +44 230 2 883613335 +229 315 1 891632945 +151 480 5 879524151 +311 505 4 884365451 +320 202 4 884750946 +113 329 3 875935312 +255 859 3 883216748 +193 827 2 890859916 +276 789 3 874791623 +259 750 4 888630424 +204 172 3 892513819 +78 412 4 879634223 +85 98 4 879453716 +279 393 1 875314093 +222 323 3 877562839 +288 127 5 886374451 +42 606 3 881107538 +25 729 4 885852697 +119 213 5 874781257 +116 185 3 876453519 +123 13 3 879873988 +315 657 4 879821299 +142 243 1 888640199 +13 480 3 881515193 +201 326 2 884111095 +43 631 2 883955675 +195 387 4 891762491 +95 174 5 879196231 +130 332 4 876250582 +233 482 4 877661437 +44 530 5 878348725 +292 86 4 881105778 +176 294 2 886047220 +157 405 3 886890342 +207 787 3 876079054 +239 204 3 889180888 +251 144 5 886271920 +269 923 4 891447169 +178 148 4 882824325 +138 121 4 879023558 +30 82 4 875060217 +302 245 2 879436911 +34 690 4 888602513 +292 276 5 881103915 +271 11 4 885848408 +69 175 3 882145586 +42 456 3 881106113 +311 568 5 884365325 +183 241 4 892323453 +269 411 1 891451013 +288 196 5 886373474 +268 42 4 875310384 +308 634 4 887737334 +308 166 3 887737837 +57 831 1 883697785 +207 410 3 877838946 +271 211 5 885849164 +16 144 5 877721142 +90 603 5 891385132 +209 408 4 883417517 +299 238 4 877880852 +279 1228 4 890779991 +128 140 4 879968308 +307 173 5 879283786 +167 392 1 892738307 +22 791 1 878887227 +291 159 4 875087488 +194 705 2 879524007 +10 489 4 877892210 +95 128 3 879196354 +10 657 4 877892110 +59 855 4 888204502 +124 11 5 890287645 +7 133 5 891353192 +256 692 5 882165066 +85 629 3 879454685 +271 1266 2 885848943 +276 1416 3 874792634 +155 988 2 879371261 +318 476 4 884495164 +307 258 5 879283786 +28 7 5 881961531 +236 729 5 890118372 +38 672 3 892434800 +7 93 5 891351042 +255 217 2 883216600 +184 729 3 889909840 +154 175 5 879138784 +311 403 4 884365889 +116 301 3 892683732 +94 229 3 891722979 +221 508 4 875244160 +95 636 1 879196566 +44 56 2 878348601 +305 203 4 886323839 +207 508 4 877879259 +130 161 4 875802058 +98 163 3 880499053 +328 9 4 885045993 +178 218 3 882827776 +293 293 4 888904795 +162 742 4 877635758 +128 79 4 879967692 +307 1411 4 877124058 +269 514 4 891449123 +195 186 3 888737240 +327 533 4 887822530 +189 91 3 893265684 +206 1394 1 888179981 +95 143 4 880571951 +31 682 2 881547834 +94 157 5 891725332 +73 588 2 888625754 +256 819 4 882151052 +291 366 3 874868255 +222 153 4 878182416 +207 98 4 875509887 +222 298 4 877563253 +286 151 5 875806800 +116 262 3 876751342 +7 174 5 891350757 +148 495 4 877016735 +311 495 4 884366066 +178 255 4 882824001 +181 597 3 878963276 +123 847 4 879873193 +291 77 4 874834799 +237 528 5 879376606 +140 301 3 879013747 +290 222 4 880731778 +177 79 4 880130758 +65 202 4 879217852 +311 181 4 884364724 +125 796 3 892838591 +77 168 4 884752721 +58 960 4 884305004 +117 405 5 880126174 +248 127 5 884535084 +5 423 4 875636793 +254 286 1 887346861 +289 7 4 876789628 +241 294 3 887250085 +213 690 3 878870275 +99 508 4 885678840 +275 523 4 880314031 +168 284 2 884288112 +28 380 4 881961394 +144 31 3 888105823 +198 651 4 884207424 +181 1093 1 878962391 +221 268 5 876502910 +267 739 4 878973276 +129 303 3 883244011 +301 496 5 882075743 +94 33 3 891721919 +318 64 4 884495590 +298 477 4 884126202 +290 476 3 880475837 +16 942 4 877719863 +130 815 3 874953866 +181 304 1 878961586 +178 125 4 882824431 +42 506 3 881108760 +320 284 4 884748818 +138 151 4 879023389 +197 849 3 891410124 +215 157 4 891435573 +94 1119 4 891723261 +293 724 3 888907061 +79 246 5 891271545 +279 1492 4 888430806 +189 30 4 893266205 +233 806 4 880610396 +198 24 2 884205385 +222 172 5 878183079 +276 301 4 877584219 +70 417 3 884066823 +305 15 1 886322796 +201 370 1 884114506 +57 409 4 883697655 +13 314 1 884538485 +206 245 1 888179772 +125 173 5 879454100 +128 143 5 879967300 +92 763 3 886443192 +65 56 3 879217816 +236 506 5 890118153 +262 77 2 879794829 +90 958 4 891383561 +144 91 2 888106106 +63 841 1 875747917 +323 117 3 878739355 +197 176 5 891409798 +277 273 5 879544145 +176 288 3 886046979 +38 838 2 892433680 +99 546 4 885679353 +326 186 4 879877143 +59 663 4 888204928 +59 702 5 888205463 +26 15 4 891386369 +7 182 4 891350965 +112 354 3 891304031 +109 154 2 880578121 +121 405 2 891390579 +293 167 3 888907702 +297 198 3 875238923 +276 11 5 874787497 +222 210 4 878184338 +287 92 4 875334896 +62 443 3 879375080 +106 703 4 881450039 +276 1218 4 874792040 +230 210 5 880484975 +246 184 4 884921948 +22 511 4 878887983 +165 258 5 879525672 +161 174 2 891170800 +109 89 4 880573263 +305 87 1 886323153 +195 181 5 875771440 +7 193 5 892135346 +326 480 4 879875691 +77 125 3 884733014 +85 58 4 879829689 +186 588 4 879024535 +256 280 5 882151167 +84 529 5 883453108 +74 288 3 888333280 +102 432 3 883748418 +194 770 4 879525342 +267 114 5 878971514 +1 92 3 876892425 +16 504 5 877718168 +211 300 2 879461395 +90 31 4 891384673 +234 657 4 892079840 +60 1020 4 883327018 +92 947 4 875654929 +158 1 4 880132443 +87 1000 3 879877173 +276 104 1 874836682 +1 228 5 878543541 +42 143 4 881108229 +43 26 5 883954901 +299 1322 3 877878001 +130 200 5 875217392 +307 71 5 879283169 +147 339 5 885594204 +311 229 5 884365890 +296 286 5 884196209 +217 82 5 889069842 +80 886 4 883605238 +314 9 4 877886375 +64 527 4 879365590 +249 79 5 879572777 +21 298 5 874951382 +68 118 2 876974248 +215 151 5 891435761 +305 238 3 886323617 +308 417 3 887740254 +102 118 3 888801465 +189 120 1 893264954 +112 750 4 884992444 +130 622 3 875802173 +188 474 4 875072674 +56 585 3 892911366 +56 230 5 892676339 +20 11 2 879669401 +20 176 2 879669152 +222 25 3 877563437 +49 148 1 888068195 +307 431 4 877123333 +144 313 5 888103407 +23 404 4 874787860 +144 961 3 888106106 +160 3 3 876770124 +22 227 4 878888067 +79 508 3 891271676 +18 647 4 880129595 +151 481 3 879524669 +312 480 5 891698224 +256 29 4 882164644 +158 568 4 880134532 +311 141 4 884366187 +303 179 5 879466491 +25 478 5 885852271 +195 407 2 877835302 +152 147 3 880149045 +145 1001 4 875271607 +151 260 1 879523998 +194 576 2 879528568 +271 624 2 885849558 +162 121 4 877636000 +313 65 2 891016962 +6 532 3 883600066 +22 433 3 878886479 +13 915 5 892015023 +327 461 3 887746665 +200 402 4 884129029 +271 22 5 885848518 +269 478 4 891448980 +315 431 2 879821300 +178 121 5 882824291 +210 502 3 891035965 +76 135 5 875028792 +318 648 5 884495534 +279 1291 4 875297708 +75 121 4 884050450 +90 618 5 891385335 +44 174 5 878347662 +293 729 2 888907145 +217 195 5 889069709 +224 708 2 888104153 +246 121 4 884922627 +284 906 3 885328836 +301 172 5 882076403 +244 31 4 880603484 +95 395 3 888956928 +303 330 3 879552065 +198 640 3 884208651 +256 802 3 882164955 +46 690 5 883611274 +305 209 5 886322966 +83 364 1 886534501 +224 1208 1 888104554 +295 67 4 879519042 +116 248 3 876452492 +201 37 2 884114635 +155 748 2 879371261 +318 508 4 884494976 +274 288 4 878944379 +263 333 2 891296842 +145 172 5 882181632 +188 191 3 875073128 +119 313 5 886176135 +270 306 5 876953744 +262 91 3 879792713 +131 845 4 883681351 +250 260 4 878089144 +33 307 3 891964148 +37 183 4 880930042 +6 211 5 883601155 +85 517 5 879455238 +308 164 4 887738664 +42 746 3 881108279 +102 1025 2 883278200 +311 70 4 884364999 +181 1322 1 878962086 +17 508 3 885272779 +174 396 1 886515104 +125 150 1 879454892 +181 1364 1 878962464 +235 511 5 889655162 +1 266 1 885345728 +295 727 5 879517682 +56 194 5 892676908 +83 1035 4 880308959 +100 355 4 891375313 +106 828 2 883876872 +270 327 5 876953900 +181 680 1 878961709 +115 228 4 881171488 +286 771 2 877535119 +234 151 3 892334481 +16 92 4 877721905 +130 410 5 875802105 +271 121 2 885848132 +320 1157 4 884751336 +189 462 5 893265741 +313 31 4 891015486 +49 238 4 888068762 +60 79 4 883326620 +13 226 4 882397651 +1 121 4 875071823 +150 246 5 878746719 +13 548 3 882398743 +179 751 1 892151565 +222 426 1 878181351 +7 614 5 891352489 +157 1132 3 886891132 +193 368 1 889127860 +130 993 5 874953665 +166 322 5 886397723 +62 4 4 879374640 +253 183 5 891628341 +261 117 4 890455974 +269 1020 4 891449571 +269 136 4 891449075 +322 197 5 887313983 +7 647 5 891352489 +112 748 3 884992651 +170 245 5 884103758 +271 823 3 885848237 +294 288 5 877818729 +151 522 5 879524443 +311 213 4 884365075 +26 257 3 891371596 +291 627 4 875086991 +26 7 3 891350826 +221 468 3 875246824 +318 204 5 884496218 +87 996 3 879876848 +279 88 1 882146554 +279 562 3 890451433 +207 14 4 875504876 +279 163 5 875313311 +230 238 1 880484778 +94 235 4 891722980 +293 931 1 888905252 +121 86 5 891388286 +198 180 3 884207298 +292 653 4 881105442 +92 781 3 875907649 +291 572 3 874834944 +48 690 4 879434211 +102 264 2 883277645 +1 114 5 875072173 +180 79 3 877442037 +255 879 3 883215660 +250 2 4 878090414 +119 716 5 874782190 +101 282 3 877135883 +244 220 2 880605264 +67 1 3 875379445 +291 99 4 875086887 +59 238 5 888204553 +311 73 4 884366187 +177 919 4 880130736 +1 132 4 878542889 +144 778 4 888106044 +1 74 1 889751736 +268 68 4 875744173 +232 705 5 888549838 +49 758 1 888067596 +102 313 3 887048184 +279 1093 4 875298330 +279 1493 1 888465068 +22 173 5 878886368 +122 715 5 879270741 +145 315 5 883840797 +119 1101 5 874781779 +261 259 4 890454843 +1 134 4 875073067 +94 45 5 886008764 +330 11 4 876546561 +291 741 5 874834481 +6 180 4 883601311 +188 88 4 875075300 +299 921 3 889502087 +253 203 4 891628651 +215 194 4 891436150 +291 273 3 874833705 +303 867 3 879484373 +6 477 1 883599509 +307 1110 4 877122208 +130 876 4 874953291 +95 483 3 879198697 +74 326 4 888333329 +13 305 4 881514811 +4 260 4 892004275 +261 294 4 890454217 +159 259 4 893255969 +137 55 5 881433689 +174 699 5 886514220 +286 158 3 877533472 +87 1183 3 879875995 +270 230 3 876955868 +91 172 4 891439208 +296 272 5 884198772 +125 483 4 879454628 +62 1118 3 879375537 +328 200 4 885046420 +296 510 5 884197264 +234 500 3 892078890 +237 100 5 879376381 +150 13 4 878746889 +301 610 3 882077176 +151 25 4 879528496 +271 8 4 885848770 +87 303 3 879875471 +293 1220 2 888907552 +113 294 4 875935277 +311 518 3 884365451 +181 123 2 878963276 +328 905 3 888641999 +110 301 2 886987505 +288 742 3 886893063 +111 887 3 891679692 +194 196 3 879524007 +239 605 4 889180446 +109 5 3 880580637 +291 824 4 874833962 +16 168 4 877721142 +14 357 2 890881294 +22 687 1 878887476 +207 746 4 877878342 +312 1299 4 891698832 +268 250 4 875742530 +68 411 1 876974596 +195 887 4 886782489 +271 50 5 885848640 +74 9 4 888333458 +308 802 3 887738717 +144 66 4 888106078 +195 14 4 890985390 +18 199 3 880129769 +13 918 3 892524090 +174 41 1 886515063 +109 159 4 880578121 +227 293 5 879035387 +233 357 5 877661553 +264 475 5 886122706 +205 678 1 888284618 +275 1066 3 880313679 +56 68 3 892910913 +78 1160 5 879634134 +130 682 4 881076059 +127 380 5 884364950 +130 568 5 876251693 +58 1100 2 884304979 +49 473 3 888067164 +13 273 3 882397502 +203 336 3 880433474 +330 136 5 876546378 +109 195 5 880578038 +186 406 1 879023272 +293 148 1 888907015 +280 1028 5 891702276 +143 331 5 888407622 +183 96 3 891463617 +60 699 4 883327539 +178 131 4 882827947 +297 216 4 875409423 +59 1117 4 888203313 +276 429 5 874790972 +179 258 5 892151270 +87 386 2 879877006 +198 1169 4 884208834 +119 54 4 886176814 +297 20 4 874954763 +1 98 4 875072404 +268 205 5 875309859 +279 174 4 875306636 +64 187 5 889737395 +119 1262 3 890627252 +75 1017 5 884050502 +27 742 3 891543129 +307 21 4 876433101 +37 685 3 880915528 +82 15 3 876311365 +244 238 5 880606118 +271 274 3 885848014 +174 1014 3 890664424 +210 135 5 887736352 +262 258 4 879961282 +320 68 5 884749327 +85 660 4 879829618 +311 348 4 884364108 +82 208 3 878769815 +1 186 4 875073128 +145 368 3 888398492 +276 401 3 874792094 +23 213 3 874785675 +64 515 5 889737478 +63 237 3 875747342 +293 227 2 888906990 +322 32 5 887314417 +74 285 3 888333428 +297 202 3 875238638 +82 216 4 878769949 +280 145 3 891702198 +200 227 5 884129006 +290 21 3 880475695 +43 820 2 884029742 +95 573 1 888954808 +181 20 1 878962919 +178 926 4 882824671 +81 476 2 876534124 +194 410 3 879541042 +325 402 2 891479706 +276 347 4 885159630 +207 133 4 875812281 +87 135 5 879875649 +331 7 4 877196633 +315 8 3 879820961 +106 435 3 881452355 +286 83 5 877531975 +87 157 3 879877799 +87 163 4 879877083 +286 655 3 889651746 +232 8 2 888549757 +254 380 4 886474456 +96 91 5 884403250 +232 1 4 880062302 +315 98 4 879821193 +43 553 4 875981159 +305 679 3 886324792 +61 690 2 891206407 +44 665 1 883613372 +92 1016 2 875640582 +168 255 1 884287560 +276 270 4 879131395 +328 568 3 885047896 +222 1053 3 881060735 +93 222 4 888705295 +330 235 5 876544690 +82 504 4 878769917 +2 314 1 888980085 +89 732 5 879459909 +38 216 5 892430486 +308 85 4 887741245 +24 153 4 875323368 +235 1464 4 889655266 +1 221 5 887431921 +222 715 2 878183924 +222 69 5 878182338 +43 114 5 883954950 +331 486 3 877196308 +223 322 4 891548920 +201 452 1 884114770 +158 271 4 880132232 +32 249 4 883717645 +314 90 2 877888758 +313 245 3 891013144 +102 576 2 888802722 +211 526 4 879459952 +268 425 4 875310549 +332 770 3 888098170 +38 508 2 892429399 +280 975 4 891702252 +10 463 4 877889186 +92 386 3 875907727 +268 374 2 875744895 +69 258 4 882027204 +210 96 4 887736616 +213 144 5 878956047 +254 50 5 886471151 +58 272 5 884647314 +327 210 3 887744065 +291 385 4 874835141 +291 324 1 874805453 +246 596 3 884921511 +11 714 4 891904214 +329 100 4 891655812 +86 258 5 879570366 +7 621 5 892132773 +246 80 2 884923329 +308 481 4 887737997 +54 820 3 880937992 +177 651 3 880130862 +10 655 5 877891904 +83 631 2 887664566 +145 993 3 875270616 +255 185 4 883216449 +18 607 3 880131752 +226 180 4 883889322 +234 616 2 892334976 +274 25 5 878945541 +293 156 4 888905948 +83 476 3 880307359 +295 173 5 879518257 +286 1039 5 877531730 +42 48 5 881107821 +208 204 3 883108360 +232 275 2 885939945 +267 94 3 878972558 +271 242 4 885844495 +125 97 3 879454385 +323 333 4 878738865 +305 56 1 886323068 +145 250 5 882182944 +38 1030 5 892434475 +202 515 1 879726778 +181 975 2 878963343 +332 566 4 888360342 +108 13 3 879879834 +194 520 5 879545114 +144 62 2 888105902 +194 1183 2 879554453 +148 172 5 877016513 +144 1147 4 888105587 +269 961 5 891457067 +290 71 5 880473667 +249 597 2 879640436 +65 676 5 879217689 +301 395 1 882079384 +267 546 3 878970877 +207 754 4 879577345 +201 777 1 884112673 +314 1095 3 877887356 +210 631 5 887736796 +22 456 1 878887413 +59 931 2 888203610 +92 715 4 875656288 +50 475 5 877052167 +188 159 3 875074589 +303 700 3 879485718 +197 288 3 891409387 +244 676 4 880604858 +44 88 2 878348885 +164 597 4 889402225 +11 230 4 891905783 +6 297 3 883599134 +186 925 5 879023152 +190 147 4 891033863 +184 1137 5 889907812 +85 269 3 891289966 +185 127 5 883525183 +44 257 4 878346689 +293 484 5 888906217 +150 1 4 878746441 +60 179 4 883326566 +75 147 3 884050134 +269 640 5 891457067 +138 493 4 879024382 +299 271 3 879737472 +92 928 3 886443582 +299 24 3 877877732 +292 183 5 881103478 +5 394 2 879198031 +62 559 3 879375912 +198 549 3 884208518 +288 1039 2 886373565 +152 272 5 890322298 +42 999 4 881108982 +64 333 3 879365313 +99 682 2 885678371 +59 121 4 888203313 +135 233 3 879857843 +7 22 5 891351121 +24 427 5 875323002 +144 747 5 888105473 +261 322 4 890454974 +201 475 4 884112748 +133 258 5 890588639 +110 245 3 886987540 +5 384 3 875636389 +139 268 4 879537876 +112 322 4 884992690 +234 596 2 891227979 +301 184 4 882077222 +291 1471 3 874834914 +285 216 3 890595900 +85 53 3 882995643 +275 183 3 880314500 +296 275 4 884196555 +271 197 4 885848915 +29 748 2 882821558 +221 172 5 875245907 +323 9 4 878739325 +111 340 4 891679692 +95 176 3 879196298 +207 170 4 877125221 +136 276 5 882693489 +124 616 4 890287645 +185 528 4 883526268 +167 404 3 892738278 +286 341 5 884069544 +84 322 3 883449567 +151 529 5 879542610 +264 401 5 886123656 +289 1 3 876789736 +144 64 5 888105140 +56 29 3 892910913 +23 528 4 874786974 +328 742 4 885047309 +125 785 3 892838558 +200 72 4 884129542 +249 23 4 879572432 +130 56 5 875216283 +140 319 4 879013617 +49 102 2 888067164 +158 483 5 880133225 +222 58 3 878182479 +194 213 2 879523575 +177 89 5 880131088 +7 268 3 891350703 +59 549 4 888205659 +145 411 2 875271522 +265 7 2 875320689 +248 282 2 884535582 +239 47 2 889180169 +319 879 5 876280338 +42 102 5 881108873 +301 1035 4 882078809 +326 69 2 879874964 +180 67 1 877127591 +280 99 2 891700475 +145 682 3 879161624 +214 79 4 891544306 +259 210 4 874725485 +57 864 3 883697512 +261 597 4 890456142 +136 298 4 882693569 +293 705 5 888906338 +194 470 3 879527421 +75 496 5 884051921 +202 172 3 879726778 +23 183 3 874785728 +38 403 1 892432205 +52 1009 5 882922328 +95 720 2 879196513 +65 97 5 879216605 +207 290 2 878104627 +201 2 2 884112487 +190 751 4 891033606 +162 685 3 877635917 +221 250 5 875244633 +92 134 4 875656623 +49 695 3 888068957 +102 391 2 888802767 +6 500 4 883601277 +152 25 3 880149045 +145 278 4 875272871 +328 271 3 885044607 +116 750 4 886309481 +90 237 4 891385215 +221 318 5 875245690 +128 283 5 879966729 +94 467 4 885873423 +221 1218 3 875246745 +281 332 4 881200603 +294 539 4 889241707 +300 948 4 875650018 +326 153 4 879875751 +62 28 3 879375169 +159 249 4 884027269 +76 811 4 882606323 +74 237 4 888333428 +81 411 2 876534244 +280 227 3 891702153 +224 22 5 888103581 +64 77 3 889737420 +194 756 1 879549899 +15 20 3 879455541 +43 328 4 875975061 +244 100 4 880604252 +327 805 4 887819462 +21 928 3 874951616 +83 254 2 880327839 +14 22 3 890881521 +318 610 5 884496525 +92 756 3 886443582 +222 1078 2 878183449 +62 157 3 879374686 +13 840 3 886261387 +271 300 2 885844583 +59 13 5 888203415 +208 514 4 883108324 +289 815 3 876789581 +279 249 3 878878420 +326 50 5 879875112 +73 12 5 888624976 +28 234 4 881956144 +6 95 2 883602133 +90 354 3 891382240 +96 519 4 884402896 +7 627 3 891352594 +254 649 1 886474619 +328 519 5 885046420 +247 751 3 893081411 +45 472 3 881014417 +323 127 5 878739137 +268 566 3 875744321 +291 816 3 874867852 +59 405 3 888203578 +200 409 2 884127431 +332 975 3 887938631 +239 612 5 889178616 +22 399 4 878887157 +267 147 3 878970681 +235 319 4 889654419 +87 70 5 879876448 +216 143 2 881428956 +268 121 2 875743141 +239 317 5 889179291 +269 922 5 891457067 +207 468 4 877124806 +270 148 4 876954062 +184 559 3 889910418 +304 271 4 884968415 +331 479 2 877196504 +157 283 4 886890692 +239 183 5 889180071 +261 339 5 890454351 +301 58 4 882077285 +145 339 3 882181058 +10 321 4 879163494 +48 308 5 879434292 +321 631 4 879440264 +32 591 3 883717581 +125 1036 2 892839191 +1 84 4 875072923 +21 742 3 874951617 +22 186 5 878886368 +292 324 3 881104533 +72 129 4 880035588 +256 642 4 882164893 +92 1095 2 886443728 +73 475 4 888625753 +290 274 4 880731874 +83 543 2 887665445 +56 597 3 892679439 +83 216 4 880307846 +215 22 3 891435161 +101 369 2 877136928 +328 521 4 885047484 +307 175 4 877117651 +201 23 4 884111830 +197 570 4 891410124 +26 286 3 891347400 +90 489 5 891384357 +98 517 5 880498990 +57 250 3 883697223 +163 288 3 891220226 +1 31 3 875072144 +104 324 1 888442404 +333 894 3 891045496 +311 22 4 884364538 +237 211 4 879376515 +44 603 4 878347420 +22 96 5 878887680 +213 546 4 878870903 +257 258 3 879029516 +327 300 2 887743541 +279 1017 3 875296891 +53 845 3 879443083 +85 97 2 879829667 +43 286 4 875975028 +181 7 4 878963037 +297 574 1 875239092 +201 651 4 884111217 +320 99 4 884751440 +94 180 5 885870284 +235 85 4 889655232 +305 131 3 886323440 +234 229 4 892334189 +328 591 3 885047018 +328 754 4 885044607 +258 323 4 885701062 +3 323 2 889237269 +16 70 4 877720118 +286 425 2 877532013 +327 702 2 887819021 +200 265 5 884128372 +207 131 3 878104377 +292 10 5 881104606 +214 179 5 892668130 +155 321 4 879370963 +106 213 4 881453065 +200 586 4 884130391 +305 216 5 886323563 +279 1113 3 888806035 +178 984 2 882823530 +331 133 3 877196443 +58 45 5 884305295 +167 1306 5 892738385 +151 191 3 879524326 +326 168 3 879874859 +297 443 2 875240133 +191 288 3 891562090 +81 471 3 876533586 +284 258 4 885329146 +5 267 4 875635064 +150 325 1 878747322 +257 59 5 879547440 +145 443 3 882182658 +271 191 5 885848448 +176 297 3 886047918 +158 38 4 880134607 +152 716 5 884019001 +232 638 5 888549988 +109 930 3 880572351 +243 660 4 879988422 +57 744 5 883698581 +145 1057 1 875271312 +235 275 5 889655550 +181 124 1 878962550 +145 182 5 885622510 +249 476 3 879640481 +44 11 3 878347915 +194 566 4 879522819 +109 218 4 880578633 +49 10 3 888066086 +269 210 1 891449608 +87 233 4 879876036 +314 791 4 877889398 +292 132 4 881105340 +7 300 4 891350703 +291 460 5 874834254 +292 176 5 881103478 +290 1028 3 880732365 +122 427 3 879270165 +17 151 4 885272751 +59 47 5 888205574 +29 689 2 882821705 +274 411 3 878945888 +190 340 1 891033153 +213 50 5 878870456 +14 111 3 876965165 +321 131 4 879439883 +221 1314 3 875247833 +195 100 5 875771440 +236 187 3 890118340 +92 619 4 875640487 +303 576 3 879485417 +42 210 5 881108633 +246 423 3 884920900 +181 823 2 878963343 +197 231 3 891410124 +181 369 3 878963418 +130 172 5 875801530 +276 1131 3 874796116 +252 742 4 891455743 +221 1067 3 875244387 +292 488 5 881105657 +177 124 3 880130881 +42 785 4 881109060 +1 70 3 875072895 +13 178 4 882139829 +76 276 5 875027601 +269 72 2 891451470 +3 331 4 889237455 +290 429 4 880474606 +159 815 3 880557387 +248 474 2 884534672 +214 1065 5 892668173 +30 181 4 875060217 +8 182 5 879362183 +238 118 3 883576509 +249 176 4 879641109 +264 1069 5 886123728 +98 655 3 880498861 +123 275 4 879873726 +181 688 1 878961668 +7 162 5 891353444 +119 269 3 892564213 +181 457 1 878961474 +138 483 5 879024280 +56 63 3 892910268 +291 122 3 874834289 +326 468 3 879875572 +92 175 4 875653549 +293 654 5 888905760 +162 1047 5 877635896 +303 549 3 879484846 +325 504 3 891477905 +267 654 5 878971902 +130 546 4 876250932 +216 577 1 881432453 +301 53 1 882078883 +91 423 5 891439090 +301 384 5 882079315 +291 672 3 874867741 +18 196 3 880131297 +195 1084 4 888737345 +222 939 3 878182211 +327 274 2 887819462 +254 577 1 886476092 +332 693 5 888098538 +267 55 4 878972785 +16 443 5 877727055 +158 79 4 880134332 +305 14 4 886322893 +87 67 4 879877007 +313 175 4 891014697 +43 498 5 875981275 +234 1035 3 892335142 +90 11 4 891384113 +230 196 5 880484755 +1 60 5 875072370 +262 185 3 879793164 +221 1407 3 875247833 +279 382 4 875312947 +211 678 3 879461394 +287 1016 5 875334430 +167 603 4 892738212 +119 154 5 874782022 +126 878 5 887938392 +60 474 5 883326028 +296 427 5 884198772 +300 243 4 875650068 +194 971 3 879551049 +83 186 4 880308601 +207 1242 5 884386260 +311 1116 3 884364623 +181 406 1 878962955 +130 550 5 878537602 +245 222 4 888513212 +168 235 2 884288270 +256 756 4 882151167 +1 177 5 876892701 +59 10 4 888203234 +223 258 1 891548802 +243 225 3 879987655 +148 1149 5 877016513 +10 48 4 877889058 +178 549 4 882827689 +295 4 4 879518568 +99 124 2 885678886 +334 117 3 891544735 +263 523 5 891298107 +230 402 5 880485445 +152 132 5 882475496 +189 45 3 893265657 +130 231 3 875801422 +334 282 4 891544925 +91 193 3 891439057 +244 97 2 880605514 +83 866 3 883867947 +222 217 3 881060062 +10 203 4 877891967 +173 300 4 877556988 +269 168 4 891448850 +292 100 5 881103999 +60 508 4 883327368 +197 431 3 891409935 +313 265 4 891016853 +234 506 4 892318107 +234 959 2 892334189 +154 484 4 879139096 +14 56 5 879119579 +201 1211 3 884113806 +181 359 1 878961668 +52 748 4 882922629 +308 579 3 887740700 +212 515 4 879303571 +13 42 4 882141393 +268 99 3 875744744 +119 245 4 886176618 +44 202 4 878347315 +126 884 5 887938392 +159 111 4 880556981 +90 301 4 891382392 +320 42 4 884751712 +301 25 3 882075110 +114 269 4 881256090 +9 691 5 886960055 +315 17 1 879821003 +137 195 5 881433689 +183 562 3 891467003 +297 301 4 876529834 +334 603 5 891628849 +18 954 3 880130640 +152 97 5 882475618 +184 498 5 889913687 +325 430 5 891478028 +39 315 4 891400094 +231 127 3 879965565 +302 309 2 879436820 +63 150 4 875747292 +201 375 3 884287140 +200 103 2 891825521 +13 94 3 882142057 +297 22 4 875238984 +201 844 2 884112537 +14 93 3 879119311 +240 343 3 885775831 +184 716 3 889909987 +216 12 5 881432544 +38 122 1 892434801 +257 276 5 882049973 +256 778 4 882165103 +200 229 5 884129696 +148 177 2 877020715 +249 22 5 879572926 +184 47 4 889909640 +276 58 4 874791169 +268 432 3 875310145 +224 258 3 888081947 +145 25 2 875270655 +298 261 4 884126805 +244 743 5 880602170 +289 410 2 876790361 +59 132 5 888205744 +301 1112 4 882079294 +56 1090 3 892683641 +327 192 5 887820828 +285 288 5 890595584 +133 328 3 890588577 +71 346 4 885016248 +293 1132 3 888905416 +13 908 1 886302385 +1 27 2 876892946 +271 172 5 885848616 +286 269 5 879780839 +49 926 1 888069117 +290 153 3 880475310 +226 270 4 883888639 +104 122 3 888465739 +311 233 4 884365889 +60 178 5 883326399 +200 191 5 884128554 +128 276 4 879967550 +157 748 2 886890015 +303 460 4 879543600 +5 445 3 875720744 +268 540 1 875542174 +290 218 2 880475542 +181 1346 1 878962086 +189 276 3 893264300 +90 659 4 891384357 +321 134 3 879438607 +279 108 4 892174381 +197 770 3 891410082 +217 566 4 889069903 +193 682 1 889123377 +34 310 4 888601628 +293 157 5 888905779 +297 300 3 874953892 +24 742 4 875323915 +259 405 3 874725120 +303 1007 5 879544576 +326 282 2 879875964 +10 218 4 877889261 +334 635 2 891548155 +272 8 4 879455015 +76 1129 5 875028075 +13 300 1 881515736 +194 431 4 879524291 +256 291 5 882152630 +148 185 1 877398385 +276 318 5 874787496 +227 126 4 879035158 +311 553 3 884365451 +198 427 4 884207009 +13 180 5 882141248 +286 100 3 876521650 +271 451 3 885849447 +59 318 5 888204349 +328 655 4 886037429 +25 174 5 885853415 +90 971 4 891385250 +157 150 5 874813703 +106 69 4 881449886 +173 322 4 877557028 +276 1135 4 874791527 +276 76 4 874791506 +49 546 1 888069636 +115 234 5 881171982 +307 22 3 879205470 +82 218 3 878769748 +116 1082 3 876453171 +80 50 3 887401533 +59 381 5 888205659 +236 143 4 890116163 +56 174 5 892737191 +82 413 1 884714593 +82 69 4 878769948 +144 727 3 888105765 +7 526 5 891351042 +49 531 3 888066511 +1 260 1 875071713 +243 129 2 879987526 +313 488 5 891013496 +207 273 4 878104569 +334 222 4 891544904 +83 95 4 880308453 +162 230 2 877636860 +326 496 5 879874825 +236 686 3 890118372 +17 9 3 885272558 +92 1215 2 890251747 +82 147 3 876311473 +201 242 4 884110598 +223 237 5 891549657 +168 295 4 884287615 +186 977 3 879023273 +246 356 2 884923047 +62 135 4 879375080 +320 456 3 884748904 +48 603 4 879434607 +209 269 2 883589606 +236 1328 4 890116132 +92 673 4 875656392 +71 285 3 877319414 +5 167 2 875636281 +67 240 5 875379566 +188 554 2 875074891 +326 54 3 879876300 +234 462 4 892079840 +31 302 4 881547719 +228 886 1 889387173 +172 603 3 875538027 +314 1139 5 877888480 +297 652 3 875239346 +264 659 5 886122577 +118 174 5 875385007 +216 286 4 881432501 +290 1013 2 880732131 +256 278 5 882151517 +200 820 3 884127370 +49 312 3 888065786 +118 433 5 875384793 +293 195 3 888906119 +13 29 2 882397833 +42 405 4 881105541 +293 566 3 888907312 +125 158 4 892839066 +315 230 4 879821300 +296 83 5 884199624 +188 204 4 875073478 +201 4 4 884111830 +253 747 3 891628501 +315 531 5 879799457 +210 134 5 887736070 +119 1170 3 890627339 +151 509 4 879524778 +81 273 4 876533710 +324 748 5 880575108 +43 15 5 875975546 +298 432 4 884183307 +250 127 4 878089881 +286 1265 5 884069544 +203 294 2 880433398 +267 226 3 878972463 +194 735 4 879524718 +303 99 4 879467514 +193 195 1 889124507 +57 588 4 883698454 +92 672 3 875660028 +207 269 4 877845577 +325 154 3 891478480 +280 86 4 891700475 +197 449 5 891410124 +39 352 5 891400704 +197 510 5 891409935 +117 1 4 880126083 +132 922 5 891278996 +271 180 5 885849087 +222 433 4 881059876 +103 117 4 880416313 +201 26 4 884111927 +270 387 5 876955689 +104 100 4 888465166 +95 96 4 879196298 +130 204 5 875216718 +290 239 2 880474451 +314 833 4 877887155 +313 969 4 891015387 +295 722 4 879518881 +269 412 3 891446904 +49 1 2 888068651 +332 228 5 888359980 +301 11 4 882076291 +125 434 4 879454100 +336 66 3 877756126 +1 145 2 875073067 +327 230 4 887820448 +262 292 4 879961282 +313 205 5 891013652 +321 523 3 879440687 +248 185 3 884534772 +38 384 5 892433660 +224 778 1 888104057 +217 1222 1 889070050 +6 475 5 883599478 +331 47 5 877196235 +38 423 5 892430071 +1 174 5 875073198 +308 60 3 887737760 +207 642 3 875991116 +215 1039 5 891436543 +56 239 4 892676970 +109 1011 3 880571872 +10 124 5 877888545 +320 210 5 884749227 +269 180 3 891448120 +290 380 3 880731766 +311 205 5 884365357 +129 270 3 883243934 +109 281 2 880571919 +235 898 3 889654553 +335 328 3 891566903 +13 508 3 882140426 +201 558 2 884112537 +276 801 3 877935306 +81 118 2 876533764 +288 200 4 886373534 +263 97 4 891299387 +293 87 4 888907015 +136 117 4 882694498 +318 660 3 884497207 +295 405 5 879518319 +201 480 4 884111598 +232 708 4 888550060 +197 566 4 891409893 +313 180 5 891014898 +109 230 5 880579107 +168 596 4 884287615 +201 980 3 884140927 +222 554 2 881060435 +115 11 4 881171348 +334 224 2 891545020 +119 697 5 874782068 +198 385 3 884208778 +91 507 4 891438977 +62 281 3 879373118 +239 98 5 889180410 +324 1033 4 880575589 +201 823 3 884140975 +322 50 5 887314418 +107 305 4 891264327 +64 2 3 889737609 +28 50 4 881957090 +246 202 3 884922272 +168 1197 5 884287927 +34 259 2 888602808 +286 465 5 889651698 +184 521 4 889908873 +106 286 4 881449486 +198 1117 3 884205252 +291 53 5 874834827 +25 477 4 885853155 +1 159 3 875073180 +181 1393 1 878961709 +169 301 4 891268622 +60 172 4 883326339 +178 427 5 882826162 +149 327 2 883512689 +280 96 4 891700664 +205 984 1 888284710 +92 431 4 875660164 +244 369 4 880605294 +308 291 3 887739472 +235 684 4 889655162 +218 194 3 877488546 +307 313 5 888095725 +18 69 3 880129527 +23 215 2 874787116 +184 132 5 889913687 +244 237 5 880602334 +211 181 1 879461498 +236 696 2 890117223 +145 672 3 882182689 +235 648 4 889655662 +116 1016 2 876453376 +178 358 1 888512993 +11 561 2 891905936 +329 512 4 891656347 +183 405 4 891464393 +308 467 4 887737194 +207 576 3 877822904 +198 249 2 884205277 +100 750 4 891375016 +291 168 5 874871800 +115 762 4 881170508 +151 169 5 879524268 +305 403 2 886324792 +338 494 3 879438570 +292 525 5 881105701 +234 671 3 892336257 +234 584 3 892333653 +279 275 3 875249232 +234 638 4 892335989 +110 79 4 886988480 +106 273 3 881453290 +128 111 3 879969215 +298 151 3 884183952 +42 845 5 881110719 +128 747 3 879968742 +190 717 3 891042938 +1 82 5 878542589 +99 421 3 885680772 +313 208 3 891015167 +13 45 3 882139863 +305 302 4 886307860 +94 185 5 885873684 +271 204 4 885848314 +128 83 5 879967691 +267 50 5 878974783 +142 189 4 888640317 +1 56 4 875072716 +18 214 4 880132078 +188 234 4 875073048 +235 100 4 889655550 +303 408 4 879467035 +100 266 2 891375484 +178 302 4 892239796 +42 781 4 881108280 +18 488 3 880130065 +184 14 4 889907738 +293 521 3 888906288 +293 849 2 888907891 +198 156 3 884207058 +234 966 4 892334189 +181 1351 1 878962168 +194 153 3 879546723 +1 272 3 887431647 +265 279 2 875320462 +159 323 4 880485443 +332 229 5 888360342 +334 229 2 891549777 +126 258 4 887853919 +200 225 4 876042299 +63 246 3 875747514 +271 134 3 885848518 +179 316 5 892151202 +308 959 3 887739335 +270 70 5 876955066 +181 1198 1 878962585 +21 445 3 874951658 +326 675 4 879875457 +268 823 2 875742942 +109 845 4 880571684 +339 132 5 891032953 +244 95 4 880606418 +62 702 2 879376079 +321 615 5 879440109 +254 141 3 886472836 +295 423 4 879517372 +271 241 3 885849207 +7 519 4 891352831 +334 52 4 891548579 +136 14 5 882693338 +192 1160 4 881367456 +259 176 4 874725386 +244 509 5 880606017 +238 815 2 883576398 +73 127 5 888625200 +249 455 4 879640326 +320 291 4 884749014 +13 820 4 882398743 +10 283 4 877892276 +321 207 3 879440244 +201 991 4 884110735 +102 559 3 888803052 +190 742 3 891033841 +311 99 5 884365075 +309 333 3 877370419 +62 685 2 879373175 +116 187 5 886310197 +295 966 5 879518060 +234 72 3 892335674 +255 984 1 883215902 +161 582 1 891170800 +87 550 4 879876074 +59 559 5 888206562 +140 322 3 879013684 +224 301 3 888082013 +90 486 5 891383912 +14 792 5 879119651 +194 216 3 879523785 +222 501 2 881060331 +90 311 4 891382163 +328 43 3 886038224 +7 633 5 891351509 +151 228 5 879524345 +297 223 5 875238638 +207 529 4 878191679 +130 930 3 876251072 +314 743 1 877886443 +181 926 1 878962866 +13 509 5 882140691 +232 523 4 888549757 +201 87 3 884111775 +223 470 4 891550767 +18 602 3 880131407 +82 495 3 878769668 +144 403 3 888105636 +186 322 5 879022927 +250 174 3 878092104 +321 194 3 879441225 +28 12 4 881956853 +28 895 4 882826398 +151 405 3 879543055 +207 1102 3 880839891 +201 164 3 884112627 +6 509 4 883602664 +42 380 4 881108548 +221 895 2 885081339 +328 10 4 885047099 +270 159 4 876956233 +269 340 5 891446132 +216 249 3 880232917 +201 1424 3 884113114 +85 86 4 879454189 +95 843 4 880572448 +306 275 4 876503894 +256 235 3 882153668 +85 692 3 879828490 +11 312 4 891902157 +305 210 3 886323006 +181 321 2 878961623 +151 7 4 879524610 +296 961 5 884197287 +119 595 3 874781067 +314 929 3 877887356 +279 363 5 890451473 +188 357 4 875073647 +214 872 2 891542492 +234 209 4 892317967 +5 426 3 878844510 +1 80 4 876893008 +246 578 2 884923306 +294 979 3 877819897 +314 73 4 877889205 +312 98 4 891698300 +208 662 4 883108842 +43 382 5 883955702 +254 596 4 886473852 +3 294 2 889237224 +44 153 4 878347234 +25 742 4 885852569 +94 79 4 885882967 +262 406 3 879791537 +35 1025 3 875459237 +148 501 4 877020297 +70 423 5 884066910 +83 265 5 880308186 +5 222 4 875635174 +308 1028 2 887738972 +109 62 3 880578711 +49 173 3 888067691 +314 468 4 877892214 +334 1163 4 891544764 +269 205 3 891447841 +38 318 3 892430071 +102 222 3 888801406 +329 297 4 891655868 +305 1411 3 886324865 +236 289 4 890117820 +313 131 4 891015513 +332 284 5 887938245 +121 121 2 891388501 +60 183 5 883326399 +339 1030 1 891036707 +296 544 4 884196938 +11 720 1 891904717 +263 272 5 891296919 +303 203 5 879467669 +288 182 4 886374497 +291 17 4 874834850 +308 628 3 887738104 +13 755 3 882399014 +64 231 3 889740880 +277 24 4 879543931 +130 572 3 878537853 +293 386 2 888908065 +279 368 1 886016352 +189 253 4 893264150 +296 32 4 884197131 +305 169 5 886322893 +303 262 5 879466065 +95 211 3 879197652 +207 1098 4 877879172 +110 1248 3 886989126 +312 408 4 891698174 +279 1413 5 875314434 +15 301 4 879455233 +116 484 4 886310197 +198 51 3 884208455 +13 2 3 882397650 +332 232 5 888098373 +44 55 4 878347455 +62 716 4 879375951 +148 529 5 877398901 +303 421 4 879466966 +276 56 5 874791623 +311 484 4 884366590 +58 475 5 884304609 +85 488 4 879455197 +330 584 3 876547220 +181 1067 1 878962550 +301 515 3 882074561 +13 830 1 882397581 +127 268 1 884363990 +37 56 5 880915810 +314 924 5 877886921 +201 210 2 884111270 +198 511 4 884208326 +94 742 3 891722214 +209 258 2 883589626 +305 610 3 886324128 +67 405 5 875379794 +294 120 2 889242937 +246 98 4 884921428 +194 162 3 879549899 +307 393 3 877123041 +95 976 2 879195703 +268 252 3 875743182 +216 298 5 881721819 +5 453 1 879198898 +223 845 4 891549713 +293 124 4 888904696 +224 1119 3 888082634 +299 176 4 880699166 +130 71 5 875801695 +130 50 5 874953665 +54 313 4 890608360 +62 473 4 879373046 +312 495 4 891699372 +125 22 5 892836395 +318 357 4 884496069 +204 748 1 892392030 +182 293 3 885613152 +49 569 3 888067482 +69 56 5 882145428 +64 959 4 889739903 +325 179 5 891478529 +286 272 5 884069298 +116 880 3 876680723 +215 89 4 891435060 +46 333 5 883611374 +246 294 2 884924460 +213 25 4 878870750 +90 213 5 891383718 +110 188 4 886988574 +212 511 4 879304051 +57 1059 3 883697432 +57 825 1 883697761 +297 282 3 874954845 +276 176 5 874792401 +106 45 3 881453290 +151 66 4 879524974 +276 66 3 874791993 +269 76 3 891448456 +154 286 4 879138235 +210 219 3 887808581 +306 319 4 876503793 +324 471 5 880575412 +265 472 3 875320542 +85 389 3 882995832 +54 325 3 880930146 +18 498 4 880129940 +271 345 3 885844666 +123 22 4 879809943 +87 1189 5 879877951 +217 810 3 889070050 +198 148 3 884206401 +116 257 3 876452523 +131 274 3 883681351 +297 692 3 875239018 +266 874 2 892257101 +109 796 3 880582856 +189 480 5 893265291 +22 294 1 878886262 +234 471 3 892335074 +328 679 2 885049460 +56 79 4 892676303 +178 978 2 882824983 +216 226 3 880244803 +38 444 1 892433912 +219 179 5 889492687 +43 944 2 883956260 +279 1484 3 875307587 +236 507 3 890115897 +296 1009 3 884196921 +271 490 4 885848886 +206 903 2 888180018 +21 295 3 874951349 +318 47 2 884496855 +59 230 4 888205714 +151 175 5 879524244 +263 86 4 891299574 +308 193 3 887737837 +152 125 5 880149165 +123 165 5 879872672 +169 174 4 891359418 +294 10 3 877819490 +197 651 5 891409839 +263 892 3 891297766 +63 109 4 875747731 +206 362 1 888180018 +52 498 5 882922948 +316 213 5 880853516 +72 89 3 880037164 +189 705 4 893265569 +80 87 4 887401307 +198 746 4 884207946 +85 56 4 879453587 +194 56 5 879521936 +110 82 4 886988480 +99 741 3 885678886 +7 195 5 891352626 +323 546 2 878739519 +21 982 1 874951482 +334 93 4 891545020 +12 82 4 879959610 +43 235 3 875975520 +228 288 4 889387173 +109 90 3 880583192 +13 64 5 882140037 +178 288 5 882823353 +181 887 1 878962005 +123 606 3 879872540 +82 64 5 878770169 +138 285 4 879023245 +87 1182 3 879877043 +201 304 2 884110967 +70 202 4 884066713 +178 655 4 882827247 +327 558 4 887746196 +315 654 5 879821193 +251 55 3 886271856 +42 70 3 881109148 +311 482 4 884365104 +129 272 4 883243972 +307 193 3 879205470 +10 4 4 877889130 +338 211 4 879438092 +95 514 2 888954076 +342 1047 2 874984854 +342 792 3 875318882 +201 213 4 884111873 +32 276 4 883717913 +257 289 4 879029543 +14 175 5 879119497 +299 174 4 877880961 +6 134 5 883602283 +320 433 4 884751730 +305 257 2 886322122 +28 153 3 881961214 +308 609 4 887739757 +287 218 5 875335424 +62 421 5 879375716 +269 172 3 891449031 +119 628 4 874775185 +279 1142 1 890780603 +224 1442 3 888104281 +308 528 3 887737036 +151 435 4 879524131 +328 216 3 885045899 +295 493 5 879516961 +62 96 4 879374835 +59 1109 3 888205088 +255 258 4 883215406 +102 195 4 888801360 +128 660 2 879968415 +8 79 4 879362286 +197 1419 2 891410124 +217 578 5 889070087 +313 204 4 891014401 +162 298 4 877635690 +30 289 2 876847817 +260 319 2 890618198 +57 294 4 883696547 +334 86 4 891548295 +308 54 2 887740254 +210 255 4 887730842 +213 447 4 878955598 +189 1021 5 893266251 +220 306 4 881197664 +104 1241 1 888465379 +339 582 4 891032793 +28 184 4 881961671 +51 148 3 883498623 +244 157 4 880604119 +234 491 4 892079538 +275 588 3 875154535 +186 53 1 879023882 +99 1052 1 885679533 +269 131 5 891449728 +311 720 3 884366307 +270 1119 5 876955729 +286 1035 3 877532094 +311 94 3 884366187 +211 257 5 879461498 +239 671 5 889179290 +201 98 4 884111312 +43 403 4 883956305 +315 216 4 879821120 +53 924 3 879443303 +308 452 2 887741329 +338 613 3 879438597 +90 357 5 891385132 +303 327 1 879466166 +247 271 2 893081411 +144 303 4 888103407 +102 1030 1 892994075 +90 739 5 891384789 +72 527 4 880036746 +286 248 5 875806800 +201 32 3 884140049 +327 497 4 887818658 +141 125 5 884585642 +167 675 1 892738277 +262 217 3 879792818 +151 813 4 879524222 +13 859 1 882397040 +276 207 4 874795988 +246 1073 4 884921380 +298 98 4 884127720 +23 88 3 874787410 +94 700 2 891723427 +130 772 4 876251804 +5 403 3 875636152 +297 176 4 881708055 +178 250 4 888514821 +128 417 4 879968447 +270 281 5 876956137 +63 251 4 875747514 +42 357 5 881107687 +100 288 2 891374603 +334 100 5 891544707 +162 222 4 877635758 +184 1020 4 889908630 +13 625 2 882398691 +72 79 4 880037119 +213 8 3 878955564 +82 13 2 878768615 +314 735 5 877888855 +59 488 3 888205956 +14 313 2 890880970 +236 200 3 890115856 +325 240 1 891479592 +286 164 3 877533586 +268 768 3 875744895 +83 77 4 880308426 +313 230 3 891015049 +21 218 4 874951696 +325 656 4 891478219 +283 83 4 879298239 +223 323 2 891549017 +130 418 5 875801631 +28 282 4 881957425 +43 7 4 875975520 +293 559 2 888906168 +286 432 3 878141681 +176 272 5 886047068 +237 499 2 879376487 +332 451 5 888360179 +303 273 3 879468274 +286 13 2 876521933 +327 169 2 887744205 +262 50 2 879962366 +312 631 5 891699599 +102 734 2 892993786 +16 655 5 877724066 +23 90 2 874787370 +249 182 5 879640949 +18 209 4 880130861 +293 216 4 888905990 +308 607 3 887737084 +164 689 5 889401490 +306 1009 4 876503995 +327 655 4 887745303 +280 756 4 891701649 +106 97 5 881450810 +109 147 4 880564679 +156 58 4 888185906 +133 260 1 890588878 +23 511 5 874786770 +112 689 4 884992668 +116 313 5 886978155 +271 13 4 885847714 +313 136 5 891014474 +240 898 5 885775770 +52 405 4 882922610 +280 202 3 891701090 +262 1278 4 879961819 +275 252 2 876197944 +187 732 3 879465419 +13 428 5 882140588 +268 946 3 875310442 +234 283 3 891227814 +16 151 5 877721905 +336 108 3 877757320 +235 435 5 889655434 +216 274 3 880233061 +246 215 2 884921058 +13 913 1 892014908 +21 439 1 874951820 +94 99 3 891721815 +82 275 2 884714125 +339 55 3 891032765 +59 1116 3 888206562 +217 685 5 889069782 +295 736 5 879966498 +170 328 3 884103860 +151 826 1 879543212 +13 212 5 882399385 +223 1 4 891549324 +246 196 3 884921861 +154 137 3 879138657 +158 144 4 880134445 +11 120 2 891903935 +18 630 3 880132188 +197 181 5 891409893 +235 433 4 889655596 +331 69 5 877196384 +244 278 3 880605294 +217 540 1 889070087 +312 134 5 891698764 +299 168 4 878192039 +234 1172 3 892079076 +224 632 2 888103872 +327 474 3 887743986 +184 780 4 889913254 +62 1107 1 879376159 +65 70 1 879216529 +101 928 2 877136302 +210 465 4 887737131 +144 237 4 888104258 +320 250 4 884751992 +311 692 4 884364652 +159 328 3 893255993 +128 77 3 879968447 +167 48 1 892738277 +291 558 4 874867757 +56 143 3 892910182 +38 392 5 892430120 +293 264 3 888904392 +115 69 1 881171825 +276 250 4 874786784 +280 225 4 891701974 +295 588 4 879517682 +26 321 3 891347949 +302 328 3 879436844 +145 109 4 875270903 +201 380 1 884140825 +57 252 2 883697807 +280 100 3 891700385 +310 258 3 879435606 +26 269 4 891347478 +308 4 5 887737890 +269 174 1 891449124 +262 71 4 879794951 +221 684 4 875247454 +263 521 3 891297988 +256 276 3 882151198 +1 229 4 878542075 +266 508 4 892258004 +59 127 5 888204430 +325 505 4 891478557 +327 133 4 887745662 +282 269 4 879949347 +151 300 4 879523942 +104 283 4 888465582 +291 1017 4 874833911 +276 770 4 877935446 +334 1108 4 891549632 +224 879 3 888082099 +64 1133 4 889739975 +58 42 4 884304936 +106 584 4 881453481 +159 258 4 893255836 +268 248 3 875742530 +318 286 3 884470681 +6 525 5 883601203 +327 431 3 887820384 +77 23 4 884753173 +95 15 4 879195062 +255 452 3 883216672 +144 328 3 888103407 +102 307 4 883748222 +269 1014 3 891446838 +184 172 4 889908497 +306 306 5 876503792 +49 732 3 888069040 +181 1347 1 878962052 +293 514 4 888906378 +330 121 4 876544582 +125 1074 3 892838827 +291 147 4 874805768 +269 214 3 891448547 +13 168 4 881515193 +305 76 1 886323506 +313 435 5 891013803 +307 229 5 879538921 +314 54 4 877888892 +269 529 5 891455815 +283 186 5 879298239 +158 8 5 880134948 +92 87 3 876175077 +85 842 3 882995704 +20 118 4 879668442 +193 393 4 889126808 +167 222 4 892737995 +201 1187 3 884112201 +125 346 1 892835800 +144 880 5 888103509 +234 628 2 892826612 +291 574 1 875087656 +224 977 2 888104281 +152 780 5 884019189 +71 462 5 877319567 +151 755 3 879543366 +135 229 2 879857843 +92 931 1 875644796 +95 33 3 880571704 +130 125 5 875801963 +269 405 1 891450902 +297 277 3 875048641 +62 527 4 879373692 +221 17 4 875245406 +11 743 2 891904065 +230 50 5 880484755 +159 930 4 880557824 +174 107 5 886434361 +97 7 5 884238939 +84 289 5 883449419 +63 948 3 875746948 +125 143 5 879454793 +160 126 3 876769148 +316 483 4 880853810 +32 117 3 883717555 +327 93 4 887744432 +13 856 5 886303171 +216 202 4 880234346 +92 1212 3 876175626 +1 140 1 878543133 +263 183 4 891298655 +5 173 4 875636675 +85 372 4 879828720 +194 519 4 879521474 +109 550 5 880579107 +201 198 4 884111873 +340 172 4 884990620 +49 117 1 888069459 +7 642 3 892132277 +239 286 1 889178512 +198 568 3 884208710 +237 23 4 879376606 +239 135 5 889178762 +5 241 1 875720948 +72 382 4 880036691 +297 480 4 875238923 +249 826 1 879640481 +25 127 3 885853030 +94 227 3 891722759 +195 591 4 892281779 +92 85 3 875812364 +85 709 5 879828941 +308 502 5 887739521 +311 117 4 884366852 +247 251 4 893081395 +235 792 4 889655490 +329 326 3 891656639 +338 79 4 879438715 +244 428 4 880606155 +187 70 4 879465394 +253 483 5 891628122 +194 62 2 879524504 +70 71 3 884066399 +203 332 5 880433474 +49 72 2 888069246 +308 673 4 887737243 +246 426 3 884923471 +280 231 3 891701974 +180 433 5 877127273 +110 1250 3 886988818 +327 811 4 887747363 +339 47 4 891032701 +194 132 3 879520991 +1 225 2 878542738 +36 319 2 882157356 +342 746 4 875320227 +260 1105 5 890618729 +40 754 4 889041790 +175 31 4 877108051 +62 827 2 879373421 +138 100 5 879022956 +252 9 5 891456797 +59 421 5 888206015 +110 540 3 886988793 +1 235 5 875071589 +334 269 3 891544049 +301 95 5 882076334 +63 6 3 875747439 +269 805 2 891450623 +151 357 5 879524585 +268 404 4 875309430 +199 473 4 883783005 +22 780 1 878887377 +28 441 2 881961782 +299 210 4 889502980 +317 326 3 891446438 +254 384 1 886475790 +178 245 3 882823460 +297 194 3 875239453 +90 966 5 891385843 +11 734 3 891905349 +325 514 4 891478006 +249 411 3 879640436 +18 964 3 880132252 +311 118 3 884963203 +334 293 3 891544840 +294 483 4 889854323 +297 86 5 875238883 +293 647 5 888905760 +294 876 3 889241633 +286 142 4 877534793 +308 569 3 887740410 +222 164 4 878181768 +49 721 2 888068934 +303 1090 1 879485686 +73 474 5 888625200 +93 845 4 888705321 +85 1101 4 879454046 +223 216 5 891550925 +42 1043 2 881108633 +234 212 2 892334883 +16 288 3 877717078 +13 319 4 882139327 +135 294 4 879857575 +168 411 1 884288222 +72 204 4 880037853 +144 523 5 888105338 +303 398 1 879485372 +128 215 3 879967452 +320 11 4 884749255 +267 684 4 878973088 +60 490 4 883326958 +189 694 4 893265946 +116 905 2 890131519 +249 240 4 879640343 +110 300 3 886987380 +201 1063 3 884113453 +180 121 5 877127830 +87 1072 3 879876610 +6 209 4 883601713 +63 301 5 875747010 +179 895 5 892151565 +148 98 3 877017714 +13 312 1 883670630 +15 278 1 879455843 +176 305 5 886047068 +102 66 3 892992129 +293 251 4 888904734 +42 204 5 881107821 +328 523 5 885046206 +206 333 4 888179565 +279 67 4 875310419 +158 42 3 880134913 +70 151 3 884148603 +271 661 4 885848373 +37 222 3 880915528 +279 1095 1 886016480 +250 200 5 883263374 +103 144 4 880420510 +50 1084 5 877052501 +128 1141 4 879968827 +336 577 1 877757396 +275 191 4 880314797 +95 173 5 879198547 +87 651 4 879875893 +21 678 2 874951005 +145 1217 2 875272349 +13 860 1 882396984 +312 676 3 891699295 +200 431 5 884129006 +102 67 1 892993706 +325 506 5 891478180 +221 1073 4 875245846 +2 297 4 888550871 +305 733 3 886324661 +275 969 2 880314412 +11 215 3 891904389 +341 876 4 890757886 +231 126 5 888605273 +269 474 4 891448823 +13 540 3 882398410 +102 809 3 888802768 +254 240 1 886476165 +234 486 3 892079373 +256 932 3 882150508 +249 58 5 879572516 +305 947 4 886322838 +262 15 3 879962366 +325 187 3 891478455 +184 836 4 889909142 +11 428 4 891905032 +40 258 3 889041981 +313 740 2 891016540 +276 1314 3 874796412 +101 1051 2 877136891 +236 699 4 890116095 +207 134 4 875991160 +215 82 3 891435995 +125 945 5 892836465 +120 282 4 889490172 +293 461 2 888905519 +160 93 5 876767572 +298 418 4 884183406 +326 444 4 879877413 +246 849 1 884923687 +278 301 2 891294980 +166 288 3 886397510 +328 4 3 885047895 +70 265 4 884067503 +298 465 4 884182806 +343 186 4 876407485 +205 313 3 888284313 +201 461 4 884113924 +276 1478 3 889174849 +91 264 4 891438583 +250 294 1 878089033 +68 405 3 876974518 +246 99 3 884922657 +10 704 3 877892050 +97 435 4 884238752 +99 118 2 885679237 +102 302 3 880680541 +70 152 4 884149877 +41 31 3 890687473 +178 179 2 882828320 +6 19 4 883602965 +89 246 5 879461219 +254 257 3 886471389 +94 402 4 891723261 +42 404 5 881108760 +130 566 4 878537558 +13 614 4 884538634 +286 642 3 877531498 +291 410 5 874834481 +214 121 4 891543632 +246 284 1 884922475 +130 413 3 876251127 +320 1210 4 884751316 +60 810 4 883327201 +141 744 5 884584981 +288 97 4 886629750 +145 750 4 885555884 +189 496 5 893265380 +130 55 5 875216507 +328 431 2 885047822 +177 1039 3 880130807 +201 281 2 884112352 +301 456 3 882074838 +136 56 4 882848783 +74 15 4 888333542 +169 429 3 891359250 +1 120 1 875241637 +100 302 4 891374528 +303 716 2 879467639 +216 498 3 880235329 +6 476 1 883600175 +329 98 4 891656300 +230 511 2 880485656 +113 321 3 875075887 +64 100 4 879365558 +13 876 2 881515521 +269 771 1 891451754 +6 154 3 883602730 +327 962 3 887820545 +179 345 1 892151565 +60 152 4 883328033 +222 250 2 877563801 +83 252 4 883868598 +330 51 5 876546753 +125 290 4 892838375 +181 286 1 878961173 +327 451 4 887819411 +161 14 4 891171413 +18 82 3 880131236 +24 372 4 875323553 +200 286 4 884125953 +73 202 2 888626577 +22 29 1 878888228 +96 8 5 884403020 +343 1107 3 876406977 +297 12 5 875239619 +279 1411 3 884556545 +110 202 2 886988909 +94 257 4 891724178 +72 176 2 880037203 +102 89 4 888801315 +119 684 4 886177338 +60 151 5 883326995 +295 404 4 879518378 +308 447 4 887739056 +312 1203 5 891699599 +343 55 3 876405129 +284 259 2 885329593 +276 563 3 874977334 +280 736 2 891700341 +311 310 4 884363865 +18 739 3 880131776 +87 209 5 879876488 +13 90 3 882141872 +58 1097 5 884504973 +224 243 2 888082277 +279 780 4 875314165 +56 568 4 892910797 +330 215 5 876547925 +7 92 5 891352010 +179 315 5 892151202 +64 239 3 889740033 +297 699 4 875239658 +21 424 1 874951293 +188 792 2 875075062 +91 195 5 891439057 +293 194 4 888906045 +94 727 5 891722458 +274 148 2 878946133 +57 282 5 883697223 +276 780 3 874792143 +216 651 5 880233912 +151 241 3 879542645 +62 8 5 879373820 +197 68 2 891410082 +59 385 4 888205659 +119 275 5 874774575 +118 324 4 875384444 +304 298 5 884968415 +26 9 4 891386369 +312 847 3 891698174 +308 965 4 887738387 +270 707 5 876954927 +297 31 3 881708087 +221 100 5 875244125 +116 760 3 886309812 +119 193 4 874781872 +177 300 2 880130434 +161 654 3 891171357 +303 235 4 879484563 +117 174 4 881011393 +327 216 3 887818991 +327 1098 4 887820828 +23 516 4 874787330 +181 1051 2 878962586 +48 661 5 879434954 +76 531 4 875028007 +189 129 3 893264378 +1 125 3 878542960 +312 144 1 891698987 +301 410 4 882074460 +306 476 3 876504679 +38 616 3 892433375 +223 298 5 891549570 +145 1292 1 875271357 +328 528 5 886037457 +174 458 4 886433862 +303 31 3 879467361 +23 83 4 874785926 +6 175 4 883601426 +173 938 3 877557076 +313 239 3 891028873 +38 780 4 892434217 +184 89 4 889908572 +44 155 3 878348947 +244 13 4 880604379 +13 263 5 881515647 +344 479 4 884901093 +40 340 2 889041454 +141 222 4 884584865 +144 286 4 888103370 +324 597 4 880575493 +222 700 3 881060550 +96 484 5 884402860 +90 199 5 891384423 +1 215 3 876893145 +270 379 5 876956232 +251 257 3 886272378 +246 109 5 884921794 +130 90 4 875801920 +326 318 5 879875612 +9 521 4 886959343 +221 32 4 875245223 +20 186 3 879669040 +37 79 4 880915810 +279 871 4 875297410 +163 56 4 891220097 +84 284 3 883450093 +201 676 2 884140927 +46 1062 5 883614766 +72 82 3 880037242 +117 176 5 881012028 +269 608 4 891449526 +148 214 5 877019882 +294 1067 4 877819421 +121 174 3 891388063 +20 172 3 879669181 +59 724 5 888205265 +108 125 3 879879864 +49 53 4 888067405 +294 678 2 877818861 +240 301 5 885775683 +299 602 3 878191995 +246 802 1 884923471 +13 788 1 882396914 +303 1508 1 879544130 +207 1283 4 884386260 +255 271 4 883215525 +195 477 2 885110922 +312 557 5 891699599 +144 302 3 888103530 +102 399 2 888802722 +297 515 5 874954353 +106 165 5 881450536 +291 421 4 875087352 +145 552 5 888398747 +89 936 5 879461219 +85 71 4 879456308 +282 271 3 881702919 +339 856 5 891034922 +135 227 3 879857843 +151 91 2 879542796 +221 467 4 875245928 +286 196 4 877533543 +116 195 4 876453626 +94 738 2 891723558 +144 172 4 888105312 +214 208 5 892668153 +234 519 5 892078342 +244 596 4 880604735 +222 739 4 878184924 +74 126 3 888333428 +45 127 5 881007272 +344 306 5 884814359 +116 887 3 881246591 +181 1362 1 878962200 +144 461 4 888106044 +189 1099 5 893266074 +53 228 3 879442561 +2 290 3 888551441 +299 739 3 889502865 +313 139 3 891030334 +274 275 5 878944679 +321 521 2 879441201 +134 539 4 891732335 +269 486 3 891449922 +94 655 4 891720862 +262 1220 4 879794296 +181 1265 1 878961668 +109 4 2 880572756 +12 96 4 879959583 +109 42 1 880572756 +90 307 5 891383319 +77 498 5 884734016 +314 620 3 877887212 +48 210 3 879434886 +305 1101 4 886323563 +198 357 5 884207267 +222 293 3 877563353 +207 186 4 877879173 +158 580 4 880135093 +255 551 1 883216672 +87 1047 3 879877280 +301 9 3 882074291 +279 1498 4 891208884 +299 343 3 881605700 +339 288 3 891036899 +13 782 3 885744650 +210 722 4 891036021 +200 528 4 884128426 +193 693 4 889124374 +297 678 3 874954093 +128 216 5 879967102 +311 38 3 884365954 +169 879 5 891268653 +174 82 1 886515472 +13 440 1 882397040 +95 378 4 888954699 +321 224 3 879439733 +180 83 5 877128388 +150 127 5 878746889 +332 233 4 888360370 +102 83 3 888803487 +263 678 2 891297766 +128 97 3 879968125 +239 288 2 889178513 +275 202 3 875155167 +311 471 4 884963254 +267 145 4 878972903 +253 210 4 891628598 +250 64 5 878090153 +284 339 3 885329671 +327 849 2 887822530 +11 90 2 891905298 +222 93 2 883815577 +299 26 4 878192601 +276 748 3 883822507 +274 496 5 878946473 +252 129 4 891456876 +244 1225 2 880606818 +75 820 3 884050979 +194 52 4 879525876 +328 627 3 885048365 +201 955 3 884114895 +253 198 5 891628392 +221 39 4 875245798 +334 317 3 891546000 +271 414 4 885849470 +158 525 5 880133288 +64 705 5 879365558 +294 24 4 877819761 +28 480 5 881957002 +269 959 5 891457067 +299 270 4 878052375 +151 655 4 879542645 +177 87 4 880130931 +269 15 2 891446348 +279 740 3 875736276 +332 673 5 888360307 +269 483 4 891448800 +91 682 2 891438184 +246 17 2 884922658 +290 418 3 880474293 +9 487 5 886960056 +217 797 4 889070011 +234 14 3 891227730 +292 1050 4 881105778 +65 1129 4 879217258 +222 231 2 878182005 +299 32 3 877881169 +279 685 3 884982881 +15 620 4 879456204 +68 178 5 876974755 +293 210 3 888905665 +43 931 1 884029742 +344 278 3 884900454 +56 368 3 892911589 +339 30 3 891032765 +144 518 3 888106182 +125 734 3 892838977 +12 735 5 879960826 +269 484 3 891448895 +90 179 5 891385389 +185 237 4 883526268 +243 275 3 879987084 +269 1091 2 891451705 +11 429 5 891904335 +13 88 4 882141485 +120 25 5 889490370 +198 402 3 884209147 +165 304 3 879525672 +138 98 5 879024043 +94 561 3 891722882 +293 188 3 888906288 +39 258 4 891400280 +159 237 3 880485766 +344 39 3 884901290 +69 1017 5 882126156 +230 673 3 880485573 +160 124 4 876767360 +44 228 5 883613334 +298 1142 4 884183572 +345 1160 3 884994606 +94 133 4 885882685 +121 122 2 891390501 +325 109 2 891478528 +160 1019 5 876857977 +205 333 4 888284618 +343 44 3 876406640 +321 1028 2 879441064 +102 986 1 888802319 +268 123 3 875742794 +19 153 4 885412840 +125 511 5 879454699 +332 1188 5 888098374 +90 132 5 891384673 +16 657 5 877723882 +316 50 1 880853654 +272 11 4 879455143 +85 380 4 882995704 +279 1118 3 875310631 +269 761 2 891451374 +75 696 4 884050979 +249 469 4 879641285 +311 671 3 884365954 +58 222 4 884304656 +254 99 3 886473254 +308 632 3 887738057 +125 1272 1 879454892 +49 40 1 888069222 +83 1101 2 880308256 +16 294 4 877717116 +94 214 5 891725332 +295 624 5 879518654 +152 866 5 880149224 +128 227 2 879968946 +119 235 5 874774956 +122 1268 2 879270711 +276 561 2 874792745 +251 109 4 886272547 +7 90 3 891352984 +184 275 5 889913687 +262 628 2 879962366 +279 13 3 875249210 +181 764 1 878962866 +21 56 5 874951658 +298 660 3 884182838 +98 321 3 880498519 +145 949 4 875272652 +164 458 4 889402050 +232 64 4 888549441 +184 126 3 889907971 +269 209 4 891448895 +26 100 5 891386368 +57 1093 3 883697352 +117 338 3 886019636 +297 97 5 875239871 +276 969 4 874792839 +119 1263 3 886177338 +345 722 3 884993783 +318 72 4 884498540 +246 410 1 884923175 +158 809 3 880134675 +178 651 4 882826915 +254 625 3 886473808 +21 106 2 874951447 +225 136 5 879540707 +41 486 4 890687305 +234 191 4 892334765 +78 289 4 879633567 +90 9 4 891385787 +313 415 2 891030367 +180 716 1 877128119 +344 462 2 884901156 +268 810 2 875744388 +195 227 3 888737346 +72 603 4 880037417 +31 135 4 881548030 +303 1267 3 879484327 +64 731 3 889739648 +62 89 5 879374640 +151 662 4 879525054 +189 1372 4 893264429 +213 79 5 878956263 +219 13 1 889452455 +345 708 3 884992786 +244 712 3 880607925 +220 288 5 881197887 +1 6 5 887431973 +239 923 5 889179033 +290 202 4 880474590 +194 523 5 879521596 +200 831 4 891825565 +346 213 3 874948173 +267 214 4 878972342 +100 340 3 891374707 +42 521 2 881107989 +214 45 4 891543952 +264 320 4 886122261 +145 1102 1 888398162 +10 22 5 877888812 +299 71 3 878192238 +313 608 4 891017585 +209 242 4 883589606 +221 92 4 875245989 +293 646 3 888906244 +184 1012 3 889907448 +70 260 2 884065247 +90 30 5 891385843 +144 1169 4 888106044 +1 104 1 875241619 +21 288 3 874950932 +6 523 5 883601528 +248 181 4 884535374 +168 409 4 884287846 +234 878 2 892336477 +44 238 4 878347598 +296 1073 5 884197330 +296 96 5 884197287 +206 288 5 888179565 +76 100 5 875028391 +327 50 3 887745574 +308 811 4 887739212 +338 168 3 879438225 +125 238 3 892838322 +299 1074 3 889502786 +85 203 5 879455402 +77 431 5 884733695 +18 367 4 880130802 +293 572 2 888907931 +286 228 3 889651576 +246 568 4 884922451 +174 902 3 890168363 +268 163 2 875743656 +291 555 1 874868629 +151 478 5 879524471 +269 63 1 891450857 +11 97 4 891904300 +83 748 2 886534501 +83 125 5 880306811 +145 717 3 888398702 +56 426 4 892683303 +339 435 4 891032189 +35 242 2 875459166 +18 462 3 880130065 +194 708 3 879528106 +14 514 4 879119579 +345 651 4 884992493 +279 415 3 875314313 +12 471 5 879959670 +126 332 2 887853735 +16 22 5 877721071 +116 758 1 876452980 +220 325 1 881198435 +151 328 3 879523838 +280 11 5 891700570 +10 155 4 877889186 +73 1149 4 888626299 +180 213 5 877128388 +13 831 3 882398385 +181 1291 1 878963167 +92 132 3 875812211 +345 202 3 884992218 +269 482 3 891448823 +59 241 4 888205574 +322 508 4 887314073 +18 25 3 880131591 +343 135 5 876404568 +62 856 4 879374866 +144 528 4 888105846 +24 662 5 875323440 +108 282 3 879880055 +95 518 4 888954076 +276 383 2 877934828 +187 427 5 879465597 +13 315 5 884538466 +332 98 5 888359903 +12 172 4 879959088 +347 22 5 881654005 +201 8 3 884141438 +90 855 5 891383752 +193 1132 3 889127660 +99 203 4 885680723 +122 708 5 879270605 +15 742 2 879456049 +222 1239 2 881060762 +57 56 3 883698646 +332 595 4 887938574 +6 498 4 883601053 +339 58 3 891032379 +268 154 4 875743563 +102 202 4 892991269 +213 474 2 878955635 +73 196 4 888626177 +283 70 4 879298206 +122 212 5 879270567 +201 454 2 884111830 +298 652 3 884183099 +7 10 4 891352864 +314 29 5 877889234 +130 1277 4 876250897 +201 275 4 884113634 +304 681 2 884967167 +130 748 4 874953526 +118 176 5 875384793 +182 237 3 885613067 +13 794 4 882399615 +242 934 5 879741196 +69 1134 5 882072998 +77 153 5 884732685 +151 196 4 879542670 +279 202 4 875307587 +233 958 5 875508372 +284 682 3 885329322 +181 301 2 878961303 +286 419 5 889651990 +327 14 4 887744167 +256 195 5 882164406 +331 1100 2 877196634 +102 186 4 888803487 +119 338 1 892565167 +234 316 4 891033851 +295 378 4 879518233 +14 100 5 876965165 +184 1006 3 889910078 +216 721 4 880245213 +130 148 4 876251127 +130 229 4 875802173 +158 100 5 880132401 +222 972 2 881059758 +122 792 3 879270459 +59 14 5 888203234 +31 705 5 881548110 +254 501 3 886476281 +297 475 5 874954426 +193 328 3 889122993 +292 28 4 881105734 +1 49 3 878542478 +242 1152 5 879741196 +267 559 3 878972614 +82 705 3 878769598 +292 1039 4 881105778 +14 455 4 880929745 +308 511 5 887737130 +236 170 5 890116451 +334 4 3 891548345 +130 1215 2 876251389 +145 203 5 875271948 +156 205 3 888185735 +340 435 4 884990546 +94 385 2 891721975 +94 109 4 891721974 +168 988 2 884287145 +313 151 1 891014982 +96 645 5 884403020 +308 109 3 887738894 +94 393 3 891721684 +21 995 2 874950932 +5 234 2 875720692 +317 350 5 891446819 +102 62 3 888801812 +118 156 5 875384946 +276 786 3 874791694 +116 259 4 876452186 +81 93 3 876533657 +92 595 3 886443534 +250 111 4 878091915 +344 215 3 884900818 +320 148 4 884748708 +79 124 5 891271870 +94 313 4 891724925 +1 206 4 876893205 +128 966 4 879968071 +269 664 5 891457067 +318 795 2 884498766 +16 940 2 877721236 +54 276 5 880931595 +291 1109 4 874834768 +298 172 4 884124993 +234 292 4 891033821 +106 15 3 883876518 +114 1104 5 881260352 +299 137 4 877877535 +301 771 2 882079256 +73 7 4 888625956 +332 44 3 888360342 +308 1019 4 887738570 +187 28 4 879465597 +94 783 2 891723495 +15 137 4 879455939 +286 56 2 877531469 +222 756 4 877564031 +18 699 5 880130802 +68 245 3 876973777 +134 748 5 891732365 +334 1207 2 891550121 +243 223 4 879988262 +322 479 5 887313892 +334 481 5 891546206 +243 13 4 879987362 +268 16 3 875306691 +90 241 5 891384611 +267 484 5 878971542 +233 48 5 877663184 +77 4 3 884752721 +184 92 3 889908657 +148 596 5 877020297 +59 664 4 888205614 +110 734 2 886989566 +285 628 2 890595636 +244 101 5 880603288 +314 366 4 877891354 +303 654 5 879467328 +186 333 3 891718820 +92 785 3 875660304 +151 486 5 879525002 +6 188 3 883602462 +293 125 2 888905086 +194 51 4 879549793 +291 552 3 874834963 +87 790 4 879876885 +299 50 4 877877775 +56 1 4 892683248 +277 9 4 879543336 +174 823 4 886434376 +92 1047 1 875644796 +177 182 5 880130684 +41 751 4 890686872 +1 76 4 878543176 +113 262 2 875075983 +271 657 4 885848559 +323 7 2 878739355 +303 373 2 879544276 +138 238 5 879024382 +325 98 4 891478079 +106 64 4 881449830 +222 155 4 878184113 +345 367 4 884993069 +273 328 3 891293048 +144 1039 4 888105587 +157 127 5 886890541 +211 310 3 879461394 +56 31 4 892679259 +168 1016 5 884287615 +303 129 5 879468547 +76 258 3 875027206 +223 249 2 891549876 +60 28 5 883326155 +321 507 3 879441336 +141 932 3 884585128 +73 286 4 888792192 +226 480 4 883888853 +90 713 4 891385466 +272 172 4 879455043 +19 313 2 885411792 +145 286 3 875269755 +342 764 1 875318762 +224 322 2 888082013 +328 1126 3 885046580 +268 552 2 876514108 +179 354 4 892151331 +308 526 3 887739426 +267 693 4 878972266 +345 402 4 884993464 +6 213 4 883602462 +12 143 5 879959635 +210 160 4 887737210 +290 546 2 880475564 +293 300 2 888904004 +58 248 4 884794774 +303 181 5 879468082 +298 498 5 884182573 +347 501 4 881654410 +236 172 3 890116539 +102 121 3 888801673 +290 404 3 880475341 +92 123 2 875640251 +151 274 5 879542369 +6 432 4 883601713 +256 1289 4 882150552 +43 216 5 875981128 +189 632 5 893265624 +263 514 3 891299387 +22 117 4 878887869 +250 44 4 878090199 +269 188 2 891450675 +278 98 4 891295360 +155 294 3 879371194 +140 334 2 879013684 +18 190 4 880130155 +239 198 5 889181047 +104 342 3 888442437 +251 258 3 886271496 +72 64 5 880036549 +305 338 3 886308252 +72 566 4 880037277 +339 226 2 891034744 +1 72 4 878542678 +194 511 4 879520991 +316 549 5 880854049 +201 150 4 884139983 +206 1127 4 888180081 +48 187 5 879434954 +279 418 3 875733888 +94 153 5 891725333 +217 53 1 889069974 +94 765 3 891723619 +250 485 4 878092104 +79 288 3 891272015 +230 393 3 880485110 +128 64 5 879966954 +311 367 3 884365780 +76 518 3 875498895 +62 153 4 879374686 +6 515 4 883599273 +215 11 2 891436024 +145 569 4 877343156 +213 715 5 878955915 +94 1199 3 891724798 +10 294 3 879163524 +344 181 3 884901047 +53 100 5 879442537 +20 678 4 879667684 +207 294 3 875504669 +123 285 5 879873830 +256 1028 4 882151690 +174 94 2 886515062 +5 154 3 875636691 +308 488 4 887736696 +222 436 4 878184358 +200 7 4 876042451 +65 121 4 879217458 +7 485 5 891351851 +295 843 4 879517994 +63 111 3 875747896 +7 511 5 891351624 +198 11 4 884207392 +295 1503 2 879517082 +267 28 4 878972524 +91 99 2 891439386 +151 321 4 879523900 +13 302 5 881514811 +293 1098 2 888905519 +42 131 2 881108548 +328 1135 1 885045528 +14 519 5 890881335 +234 142 2 892334852 +230 154 4 880485159 +152 98 2 882473974 +164 313 5 889401284 +55 144 5 878176398 +318 1014 2 884494919 +3 332 1 889237224 +290 818 3 880732656 +125 175 2 879455184 +243 93 2 879987173 +21 670 3 874951696 +268 228 4 875309945 +7 654 5 892135347 +82 178 4 878769629 +318 524 3 884496123 +89 381 4 879459999 +301 123 4 882074726 +193 673 4 889126551 +1 185 4 875072631 +323 79 4 878739829 +21 219 5 874951797 +197 328 4 891409290 +184 15 3 889907812 +313 482 5 891016193 +109 823 3 880572296 +152 167 5 882477430 +297 629 3 875410013 +167 1147 4 892738384 +264 524 3 886123596 +280 571 3 891702338 +222 577 1 878185137 +21 591 3 874951382 +210 501 4 887736998 +280 230 3 891702153 +86 286 3 879569555 +320 174 4 884749255 +144 50 5 888103929 +256 97 4 882165103 +65 427 5 879216734 +198 429 4 884207691 +184 217 3 889910394 +151 709 5 879524778 +18 530 4 880129877 +43 724 4 875981390 +86 319 3 879569555 +242 305 5 879741340 +97 28 5 884238778 +114 195 4 881260861 +188 69 4 875072009 +301 230 4 882077033 +85 241 3 882995340 +129 313 3 883243934 +106 77 4 881451716 +261 748 3 890454310 +188 7 5 875073477 +13 208 5 882140624 +342 288 5 875318267 +299 286 4 877618524 +311 204 5 884365617 +125 813 1 879455184 +276 463 4 874792839 +13 421 2 882140389 +141 472 5 884585274 +222 550 3 878184623 +191 896 3 891562090 +144 516 2 888105197 +216 1047 3 881428365 +151 213 5 879524849 +144 845 4 888104191 +4 356 3 892003459 +96 64 5 884403336 +160 79 4 876859413 +49 369 1 888069329 +110 332 3 886987287 +209 351 2 883589546 +178 1004 4 882827375 +344 97 3 884901156 +11 203 4 891905856 +241 307 4 887249795 +239 312 2 889181247 +276 719 3 877935336 +18 191 4 880130193 +141 535 5 884585195 +18 971 4 880131878 +162 42 3 877636675 +342 591 3 875318629 +278 525 5 891295330 +102 217 2 888803149 +16 447 5 877724066 +343 82 5 876405735 +109 357 2 880572528 +301 732 4 882077351 +303 202 5 879468149 +250 378 4 878092059 +234 507 4 892334803 +217 68 3 889069974 +87 523 5 879875649 +95 26 3 880571951 +245 94 2 888513081 +95 289 2 879191590 +334 1008 4 891545126 +201 896 3 884110766 +126 323 3 887853568 +150 475 5 878746764 +59 871 2 888203865 +227 9 3 879035431 +169 603 5 891359171 +293 553 3 888907453 +201 190 4 884111873 +58 8 4 884304955 +303 840 2 879543988 +328 1106 2 893195825 +58 850 5 884305150 +299 101 2 889501721 +339 573 3 891036016 +235 198 3 889655044 +58 347 3 888638515 +291 455 5 874805958 +178 275 5 882823857 +99 1119 4 885680348 +296 292 5 884196057 +343 569 3 876406421 +18 513 4 880129769 +312 238 3 891699510 +62 294 1 879373215 +97 428 4 884239553 +215 64 4 891435804 +343 47 4 876405130 +334 223 5 891545973 +349 411 4 879466232 +311 433 3 884364931 +236 134 4 890116282 +27 596 2 891542987 +64 211 4 889739318 +144 713 4 888104322 +110 22 4 886987826 +109 665 5 880582384 +1 96 5 875072716 +267 597 3 878970805 +89 127 5 879441335 +59 258 3 888202749 +239 1245 5 889181092 +222 96 5 878181739 +8 294 3 879361521 +95 137 3 879192404 +280 566 4 891701188 +311 469 5 884366227 +11 521 2 891904174 +222 1226 4 883815840 +184 645 3 889910123 +17 1 4 885272579 +223 69 5 891550889 +64 429 4 889737800 +262 252 3 879790603 +87 154 4 879876564 +286 96 4 877532385 +207 53 1 881681725 +334 8 4 891547171 +79 937 2 891271180 +276 147 4 874786686 +314 328 4 877885887 +127 286 1 884364525 +94 203 5 885870577 +348 628 4 886523256 +348 370 4 886523621 +206 896 4 888180018 +85 508 2 879453040 +312 639 5 891698391 +59 1009 4 888203095 +344 1283 2 889814587 +188 211 4 875075062 +343 371 2 876405893 +184 972 3 889909962 +308 746 4 887739056 +62 298 4 879372304 +244 1017 4 880604583 +135 54 3 879858003 +14 151 5 876964725 +327 469 4 887822623 +148 71 5 877019251 +6 156 3 883602212 +52 257 3 882922806 +130 58 2 876251619 +222 413 3 881061213 +76 12 3 882606060 +44 317 4 878347633 +293 172 5 888905618 +95 32 1 888954726 +130 47 3 875801470 +12 97 5 879960826 +38 99 5 892430829 +13 409 3 882141872 +198 188 5 884208200 +328 144 4 885045740 +12 204 5 879960826 +241 750 5 887249576 +216 628 4 880235546 +201 357 4 884111217 +194 582 1 879535549 +72 45 5 880037853 +308 736 3 887738760 +128 427 5 879966685 +346 582 3 874951783 +178 546 3 888514680 +128 422 4 879968598 +44 82 4 878348885 +280 419 3 891701047 +13 910 2 890704721 +312 1021 3 891698365 +85 639 3 879454189 +222 313 4 883814858 +107 321 2 891264432 +5 436 5 875720717 +102 418 3 883748450 +309 326 5 877370383 +198 97 3 884207112 +339 97 4 891034626 +280 316 5 891700184 +303 325 1 879466249 +189 60 3 893265773 +279 1209 4 875314350 +293 68 3 888906990 +222 234 2 878181387 +184 855 4 889909474 +292 657 5 881103711 +323 1017 3 878739394 +303 450 3 879544386 +276 1210 2 877934988 +300 322 4 875650018 +59 972 4 888206125 +286 704 2 877531941 +249 13 4 879640396 +234 521 3 892079077 +83 294 3 887665569 +8 457 1 879361825 +279 1500 5 875306613 +200 218 5 884129410 +150 268 5 878746257 +257 305 4 882049607 +8 385 1 879362124 +28 100 5 881957425 +119 86 4 874782068 +155 328 2 879370860 +246 368 1 884924813 +273 345 3 891293108 +174 117 5 886434136 +230 125 5 880485090 +232 921 4 888549929 +198 323 2 884204637 +14 13 4 880929778 +276 448 4 874792692 +95 742 4 879193512 +103 126 5 880420002 +94 101 2 891720996 +234 1463 5 892333573 +267 187 5 878972071 +244 324 4 880601905 +279 577 1 889151559 +238 476 3 883576799 +158 228 5 880134296 +286 815 3 876521966 +195 298 4 888737703 +190 282 3 891033773 +92 42 4 875653664 +269 211 4 891449075 +188 628 5 875074200 +343 712 4 876406391 +343 375 2 876406978 +321 483 5 879439658 +45 121 4 881013563 +279 397 4 890780547 +23 483 4 884550048 +322 192 5 887313984 +13 318 3 882139686 +175 56 2 877107790 +91 331 5 891438245 +159 1002 3 884027027 +185 196 4 883524172 +244 179 5 880603833 +348 405 4 886523174 +296 950 4 884196741 +43 371 4 883955269 +16 230 5 877720813 +262 275 4 879961980 +102 686 3 888801673 +214 408 4 891543952 +277 151 3 879543768 +3 328 5 889237455 +119 526 2 886177762 +49 168 5 888068686 +63 288 3 875746948 +320 118 1 884748868 +92 825 4 875640487 +72 68 3 880037242 +271 133 4 885848971 +194 317 4 879521657 +13 898 1 884538403 +279 1495 4 889984565 +308 656 3 887736622 +253 568 4 891628295 +267 1401 4 878971816 +244 226 1 880602264 +295 401 3 879519390 +268 141 3 875744832 +344 119 5 884814457 +33 328 4 891964187 +344 619 4 885770181 +347 1035 3 881654522 +235 22 4 889655044 +313 114 4 891013554 +90 613 4 891383835 +72 12 5 880036664 +320 173 5 884750946 +271 435 4 885848802 +94 644 5 886008390 +194 648 4 879521936 +130 276 4 878537447 +340 1 5 884990988 +49 56 5 888067307 +307 143 3 879283203 +263 486 4 891299148 +1 213 2 876892896 +308 826 3 887739427 +151 464 4 879524089 +345 88 4 884992940 +265 328 4 875320084 +240 300 3 885775563 +82 191 4 878769748 +25 498 4 885852086 +151 100 3 879524514 +222 40 1 881060550 +197 385 2 891409893 +293 655 3 888905618 +280 404 3 891701114 +210 404 5 887736739 +234 213 3 892079190 +318 248 3 884494976 +104 544 3 888465413 +336 619 3 877759833 +308 475 4 887737193 +23 228 4 874785582 +234 850 2 892336047 +94 232 3 891721584 +1 233 2 878542552 +144 304 4 888103466 +295 1040 2 879519180 +130 228 4 875216420 +275 630 3 880315243 +63 250 5 875747789 +20 194 3 879669152 +354 462 3 891218116 +308 322 2 887736408 +145 185 4 875271838 +110 1206 3 886988321 +303 410 4 879484846 +317 300 4 891446313 +180 631 5 877544373 +343 76 4 876407565 +345 48 5 884902317 +301 89 2 882076046 +181 1312 1 878962349 +102 233 3 888801622 +64 222 4 889739733 +303 233 4 879484981 +41 313 3 890685449 +229 260 1 891632437 +144 855 4 888105510 +59 569 4 888206161 +191 313 5 891560481 +305 212 3 886324058 +14 408 5 879119348 +279 216 3 884983225 +316 735 4 880854337 +193 288 1 889123777 +216 231 2 880245109 +201 537 3 884141053 +348 240 3 886523839 +22 683 1 878886307 +104 823 1 888465554 +341 294 3 890757997 +169 172 5 891359317 +213 509 4 878955372 +101 840 3 877136659 +90 313 5 891382163 +159 831 2 880557604 +65 191 4 879216797 +114 204 3 881260441 +215 205 3 891435161 +184 259 3 889907096 +121 125 2 891388600 +279 992 4 889151559 +94 1074 2 891723427 +59 229 3 888205921 +73 479 5 888625127 +59 7 4 888202941 +254 472 3 886474456 +29 358 2 882821044 +145 553 3 875272786 +230 199 3 880484755 +234 731 2 892336194 +52 116 4 882922328 +218 33 4 881288386 +203 117 4 880434810 +99 346 4 885678415 +146 307 3 891457905 +59 100 5 888202899 +298 144 4 884182838 +343 655 5 876405697 +297 98 5 875238579 +119 866 3 874774575 +24 129 3 875246185 +181 824 1 878963305 +334 250 3 891544840 +32 250 4 883717684 +181 1384 1 878962052 +92 48 4 875653307 +197 748 3 891409323 +116 840 1 886309958 +251 121 4 886272118 +2 312 3 888550631 +158 68 3 880134532 +275 304 3 876197368 +145 174 5 882181728 +279 1487 1 875314076 +234 8 5 892079585 +193 234 3 889126551 +339 270 2 891036753 +64 8 4 889737968 +354 133 3 891217547 +215 239 3 891436297 +184 531 4 889910653 +233 174 5 877661553 +222 182 4 881058666 +7 168 5 891351509 +90 435 5 891383350 +140 289 4 879013719 +315 223 5 879799486 +293 781 2 888907644 +240 288 5 885775536 +222 829 3 877563934 +311 378 5 884366363 +201 271 4 884110967 +161 56 3 891171257 +181 882 1 878962006 +311 951 3 884365548 +7 269 3 891349991 +43 241 4 883955441 +59 208 5 888205533 +323 246 4 878739177 +224 325 1 888082045 +318 197 5 884496030 +178 1012 4 884837364 +214 531 4 891544222 +49 313 3 888065527 +95 737 3 879197021 +345 174 4 884992367 +333 66 5 891045515 +174 255 5 886434114 +21 569 3 874951820 +328 402 3 885047627 +280 323 2 891700106 +308 233 3 887738346 +314 623 5 877890927 +292 510 4 881104093 +276 684 4 874792436 +237 1192 5 879376553 +7 285 5 891351813 +58 340 4 884305708 +62 1060 1 879373007 +151 224 5 879524293 +96 100 5 884403758 +354 242 5 891180399 +79 269 5 891271792 +91 131 2 891439471 +299 645 4 877881276 +344 283 4 884814432 +62 1136 3 879375977 +152 220 5 884035907 +92 1041 3 875907675 +342 723 3 875319659 +268 949 2 875743909 +234 501 4 892334543 +178 135 2 882826915 +267 470 4 878972931 +159 871 4 880557003 +236 79 4 890118417 +254 183 4 886472713 +238 181 3 883576336 +329 129 3 891655905 +293 282 2 888905170 +135 176 4 879857765 +204 258 2 892388976 +294 547 3 877819972 +151 494 4 879524244 +311 258 4 884363706 +244 1178 3 880608134 +270 596 5 876954456 +83 892 2 891181444 +296 1142 5 884196524 +301 483 4 882076403 +130 222 4 874953769 +102 173 3 888803602 +299 1227 1 878192556 +16 228 5 877720733 +334 461 3 891547744 +343 187 4 876406006 +256 1119 3 882165032 +21 217 3 874951727 +276 22 5 874787496 +315 234 3 879821349 +194 30 3 879524504 +244 54 2 880607335 +87 629 4 879877006 +49 213 3 888066486 +255 249 5 883216245 +325 865 3 891478079 +178 210 5 884837073 +279 167 3 875312441 +11 47 4 891904551 +311 82 5 884364436 +292 405 3 881104820 +58 1106 4 892068866 +57 866 3 883697915 +162 174 4 877636772 +310 832 1 879436035 +345 473 2 884991244 +354 257 3 891216735 +164 322 4 889401432 +117 421 5 881012601 +330 447 4 876546619 +339 475 5 891032856 +5 42 5 875636360 +82 11 4 878769992 +209 898 3 883460304 +214 285 5 892668153 +60 751 2 883325421 +220 301 4 881197948 +214 1039 4 891544269 +133 315 4 890588524 +13 764 2 882141997 +338 204 3 879438063 +178 193 4 882826868 +11 204 3 891904920 +186 591 4 879023073 +193 117 4 889125913 +264 516 5 886123655 +248 100 4 884534716 +178 284 4 888514680 +117 168 5 881012550 +224 569 3 888104313 +223 248 1 891549683 +162 50 5 877635662 +129 339 2 883244737 +7 432 4 891352831 +77 181 3 884732278 +279 662 2 875310631 +287 39 5 875336652 +157 273 5 886889876 +331 190 3 877196308 +177 1 3 880130699 +286 234 3 877532093 +10 656 5 877886846 +89 117 5 879441357 +327 143 4 888251408 +116 806 4 876453800 +207 313 4 885066537 +87 519 4 879877652 +28 174 5 881956334 +181 1128 1 878962279 +297 56 5 875239422 +246 100 4 884921033 +188 173 5 875075118 +119 486 4 874781547 +283 588 4 879297965 +188 210 4 875071891 +291 770 4 874834799 +109 278 3 880571770 +11 402 4 891904662 +248 928 3 884536117 +258 313 5 885700778 +256 576 3 882164603 +187 792 5 879465340 +291 175 2 874867966 +189 652 5 893265428 +313 163 2 891016757 +181 1371 1 878962240 +239 479 5 889178762 +119 546 4 874775914 +144 521 4 888105312 +305 298 4 886322150 +343 823 3 876403851 +326 732 5 879877143 +95 675 2 888954310 +279 408 5 875249210 +276 456 2 874787237 +345 151 5 884991191 +184 604 4 889908693 +277 129 4 879543653 +197 720 2 891410039 +253 294 4 891627829 +303 9 5 879466830 +296 654 5 884197419 +32 246 4 883717521 +279 530 3 890780576 +49 590 1 888067579 +95 474 4 880570909 +318 1032 3 884498210 +318 194 5 884495590 +286 683 5 884583549 +191 307 3 891560935 +48 50 4 879434723 +298 195 4 884183277 +171 245 3 891034801 +339 82 4 891035850 +81 926 3 876533824 +207 42 4 877878688 +269 153 3 891449346 +303 1071 2 879485352 +7 54 3 892132380 +339 198 5 891033382 +11 435 4 891904968 +23 421 5 874786770 +188 511 2 875072211 +137 327 4 881432671 +76 690 2 882607017 +38 720 5 892432424 +221 1035 3 875246124 +59 928 4 888203449 +13 814 5 886302261 +318 315 5 884470294 +342 607 3 875318963 +200 121 5 876042268 +269 654 4 891448980 +7 89 5 891351082 +136 847 4 882693371 +254 243 2 887347834 +183 483 5 892323452 +84 265 5 883453617 +151 193 4 879524491 +70 751 4 884063601 +314 938 3 877886099 +291 1239 2 874835279 +234 192 3 892078984 +38 67 4 892434312 +156 12 3 888185853 +56 228 3 892676340 +354 463 4 891217575 +311 178 5 884364437 +122 214 2 879270676 +314 591 5 877887002 +1 258 5 878873389 +230 209 1 880485283 +42 142 4 881109271 +328 750 4 885044519 +130 357 5 875216933 +267 464 5 878974783 +267 324 3 878970114 +190 300 4 891033606 +276 853 5 889174849 +193 465 3 889126867 +59 126 5 888202899 +347 416 3 881654715 +109 69 4 880572561 +296 948 1 884196149 +28 143 4 881956564 +351 340 1 879481424 +59 760 2 888203659 +318 503 4 884497402 +181 335 1 878961748 +48 654 5 879434792 +94 693 4 891720921 +215 450 2 891436470 +82 518 4 878769747 +155 325 2 879371261 +303 318 5 879466523 +23 28 3 874786793 +1 81 5 875072865 +303 416 3 879468179 +320 472 3 884748750 +57 410 3 883697378 +305 192 2 886323275 +293 144 4 888905819 +13 387 3 886304229 +327 215 4 887820695 +327 886 2 887737493 +299 367 4 878192497 +9 286 5 886960055 +111 326 3 891680131 +246 451 2 884923003 +260 1025 5 890618729 +293 239 3 888907166 +305 151 4 886324433 +116 1253 2 876454109 +124 166 5 890287645 +161 213 2 891171887 +198 15 3 884205185 +313 132 5 891013589 +268 717 1 876513785 +113 100 4 875935610 +42 281 3 881105728 +234 709 4 892079337 +128 609 4 879967550 +293 1101 3 888906677 +156 64 3 888185677 +194 808 2 879527999 +25 455 4 885853415 +282 258 5 879949367 +327 82 2 887820448 +64 56 5 889737542 +201 276 5 884111598 +314 126 2 877886971 +325 177 5 891478627 +136 747 4 882848866 +181 1318 1 878962349 +280 265 4 891700588 +271 283 4 885847876 +262 405 2 879962367 +6 205 3 883600878 +308 283 3 887737194 +6 133 4 883601459 +130 158 5 875801897 +85 289 3 879452334 +239 530 5 889179290 +122 553 3 879270741 +7 530 5 891350900 +334 59 5 891546000 +18 14 5 880130431 +95 132 3 880570993 +313 670 3 891029877 +279 412 3 875297708 +184 462 4 889908873 +102 685 3 888801876 +271 732 4 885848672 +10 64 4 877886598 +164 125 5 889402071 +276 230 4 882659602 +216 367 3 881428365 +49 628 4 888068167 +141 50 4 884584735 +114 191 3 881309511 +82 127 2 878769777 +207 1378 3 877878714 +55 56 4 878176397 +89 221 1 879441687 +334 474 3 891546257 +160 21 1 876769480 +311 326 2 884364047 +286 191 4 877531407 +23 177 4 884550003 +32 100 3 883717662 +332 156 4 888359944 +236 478 3 890118106 +251 50 5 886272086 +7 489 3 891353477 +59 134 5 888204841 +43 117 4 883954853 +99 258 5 885678696 +295 153 5 879517324 +1 78 1 878543176 +6 70 3 883601427 +13 894 1 883670742 +279 753 2 875307443 +11 735 3 891904300 +92 778 4 875811457 +257 151 4 882050266 +23 705 4 874785526 +320 411 3 884749119 +288 202 5 889225535 +234 921 4 892079434 +358 469 4 891271063 +13 341 2 886952422 +343 275 5 876408139 +326 646 2 879875112 +256 172 3 882164443 +90 272 5 891382121 +294 118 3 877819941 +321 30 4 879439658 +339 133 4 891033165 +205 289 4 888284710 +236 307 4 890117902 +244 747 4 880606760 +303 194 5 879466742 +6 481 5 883600914 +236 204 3 890118393 +90 269 5 891382310 +181 319 3 878961173 +193 268 3 889122906 +159 451 5 884360502 +312 675 5 891698485 +234 79 3 892079910 +214 7 5 892668130 +303 480 4 879466523 +7 657 4 891351234 +305 806 3 886322720 +18 89 3 880130065 +181 676 3 878962392 +180 421 5 877128388 +119 272 5 886611471 +160 432 3 876861185 +227 244 3 879035205 +189 1098 4 893265506 +291 1253 3 874834944 +54 327 5 880928893 +95 417 3 888956158 +318 239 4 884497235 +303 506 4 879467328 +340 405 5 884991817 +62 306 4 879371909 +279 702 4 875309760 +181 742 4 878962623 +197 187 5 891409798 +10 702 3 877886722 +296 279 4 884196640 +269 179 4 891447141 +5 422 4 875636767 +58 663 2 884304728 +343 20 5 876408138 +270 441 5 876956420 +312 1124 4 891698553 +310 748 3 879435729 +236 735 5 890116599 +13 452 3 882397039 +291 470 3 874834768 +92 281 3 875812331 +295 412 2 879519237 +346 245 4 875266665 +46 127 5 883616133 +62 100 4 879372276 +343 12 5 876405735 +103 300 3 880416727 +174 369 1 886515272 +85 566 3 879454273 +217 554 3 889070050 +31 504 5 881548110 +82 476 3 878768765 +91 265 5 891439018 +48 202 4 879434791 +130 3 5 876250897 +83 22 5 880307724 +59 188 4 888205188 +236 661 3 890116451 +152 255 5 884035936 +352 55 1 884289728 +262 790 3 879795379 +326 503 3 879876542 +145 200 4 877343121 +216 172 4 880234639 +233 57 5 880190451 +314 1520 3 877892052 +131 313 5 883681723 +307 427 3 877121988 +360 334 4 880353736 +292 124 4 881104147 +152 1028 5 880149197 +314 268 5 877885836 +160 175 4 876860808 +277 117 4 879544145 +318 49 3 884497257 +354 694 5 891217299 +294 250 5 877819459 +264 1270 2 886122194 +276 249 4 874786632 +222 1089 1 877563659 +218 504 3 881288574 +56 623 3 892910268 +13 25 1 882141686 +13 632 3 884538664 +292 151 5 881104268 +130 374 4 875217392 +24 508 4 875323833 +318 384 3 884498210 +93 275 4 888705224 +7 142 3 891354090 +144 293 4 888104283 +308 1046 4 887740649 +78 269 3 879633467 +276 228 4 880913800 +142 895 4 888640143 +234 294 3 891033715 +234 1123 3 892335342 +87 1190 4 879876336 +286 790 1 877535208 +318 934 4 884495382 +215 474 4 891435022 +68 1047 1 876974379 +7 423 5 891351509 +110 204 3 886989276 +346 62 3 875263634 +72 181 1 880037203 +303 160 4 879468375 +200 357 5 884128498 +262 845 4 879962052 +235 474 5 889655112 +326 526 5 879874964 +125 949 3 892838623 +7 156 5 891351653 +347 79 5 881653890 +13 416 3 882398934 +127 227 4 884364867 +13 502 5 882141458 +308 490 4 887738104 +222 672 1 878183777 +251 132 5 886271641 +109 742 5 880564457 +97 655 5 884238860 +222 94 3 878184866 +303 234 5 879467260 +295 1459 5 879519237 +325 143 1 891479017 +186 742 3 879023073 +68 1028 4 876974430 +15 696 2 879456262 +256 662 2 882165032 +28 271 4 881955281 +49 129 2 888068079 +127 300 5 884364017 +102 326 3 879082298 +144 900 4 888103371 +314 204 5 877888644 +293 153 4 888905948 +79 286 5 891271792 +315 302 5 879799301 +181 1202 1 878962720 +23 188 3 877817151 +83 323 4 883868420 +59 48 5 888204502 +294 7 4 877819563 +257 307 4 879029581 +49 3 3 888068877 +56 98 4 892679067 +43 225 2 875975579 +280 125 2 891701148 +346 4 4 874948105 +292 429 5 881105587 +151 1065 3 879542413 +178 849 3 882828021 +145 281 4 875272299 +327 90 3 887819194 +130 183 5 875801369 +213 11 4 878956156 +42 451 2 881108982 +268 1059 3 875743310 +279 727 3 890780864 +18 194 3 880129816 +312 57 5 891699599 +69 109 3 882145428 +112 306 5 891299783 +308 170 3 887737130 +325 474 5 891478392 +314 785 3 877890960 +327 949 4 887819316 +94 829 2 891724800 +222 419 2 878182279 +42 25 3 881110670 +296 685 4 884196896 +189 274 4 893264735 +280 381 3 891700925 +144 22 5 888105439 +109 245 3 880562908 +119 658 5 874782127 +172 697 3 875536498 +18 515 5 880130155 +222 364 1 878185137 +87 393 4 879876703 +244 208 5 880606300 +363 391 2 891498811 +332 148 5 887938486 +272 474 5 879454753 +95 523 4 879197562 +102 183 4 888801360 +294 299 3 877818982 +27 925 3 891543245 +164 984 4 889401456 +121 9 5 891390013 +340 204 4 884990004 +115 530 5 881172117 +334 72 3 891549192 +268 31 4 875310311 +60 514 4 883326300 +145 637 3 882182689 +90 6 4 891384357 +344 508 4 884814697 +98 70 3 880499018 +279 1000 4 875314313 +279 390 3 875744641 +157 407 4 886891218 +334 289 3 891544491 +307 527 5 878066938 +327 237 4 887745494 +308 116 4 887737594 +211 687 2 879437184 +189 173 5 893265160 +271 200 5 885849356 +342 1007 4 874984507 +328 188 5 885046498 +144 204 2 888105116 +43 298 4 875975211 +268 826 1 875743065 +149 269 5 883512557 +92 252 4 886443582 +339 214 3 891033226 +18 286 5 880129305 +169 181 5 891359276 +189 281 2 893264766 +254 238 3 886473120 +250 1014 4 883263439 +130 946 4 875801830 +172 657 3 875538027 +10 615 4 877892276 +216 95 3 881428365 +95 24 3 879192542 +360 116 3 880354275 +301 692 3 882076619 +345 121 3 884991384 +164 245 5 889401362 +323 744 5 878739436 +264 558 5 886122447 +197 340 2 891409199 +237 28 4 879376435 +196 306 4 881251021 +179 305 4 892151270 +342 132 5 875319129 +56 82 4 892676314 +346 187 3 874948030 +118 547 5 875385228 +332 1150 3 887938631 +250 742 3 878089786 +193 871 3 890860319 +293 447 4 888907290 +348 928 5 886523683 +339 12 5 891032659 +292 343 2 881103478 +209 349 2 883589546 +23 99 4 874786098 +49 258 2 888065895 +234 490 4 892079803 +201 447 5 884112581 +43 501 4 883955605 +290 550 3 880475807 +276 290 4 874786854 +346 322 3 886273541 +292 252 3 881104881 +363 405 4 891497015 +355 300 4 879486529 +351 879 5 879481461 +211 263 3 879461395 +332 696 3 887938760 +118 185 5 875384979 +308 483 3 887736843 +100 689 3 891375212 +241 880 5 887249889 +253 566 4 891628578 +292 919 5 881103508 +334 207 4 891545950 +223 255 4 891549382 +313 174 4 891014499 +244 1098 5 880605578 +299 501 3 889501790 +328 284 3 885047593 +18 71 4 880131236 +232 471 3 880062414 +311 174 5 884364538 +7 608 4 891351653 +201 708 4 884140247 +345 285 5 884901701 +184 1136 4 889912890 +130 49 4 875802236 +232 22 3 888549988 +46 288 2 883611307 +213 151 5 878955886 +210 216 4 887737603 +75 475 5 884049939 +90 323 3 891382634 +14 7 5 876965061 +1 212 4 875072895 +272 772 2 879455220 +332 1016 5 887916529 +117 597 4 881010052 +184 287 4 889908050 +79 813 5 891271792 +10 200 5 877889261 +119 144 4 887038665 +158 277 4 880132658 +59 570 4 888205745 +322 185 5 887313850 +129 995 2 883245452 +42 692 4 881107773 +298 496 5 884127603 +318 481 4 884496156 +293 134 5 888905618 +60 1126 4 883327174 +285 538 5 890595479 +345 919 2 884991077 +72 70 4 880036691 +342 25 2 875318328 +94 31 4 891721286 +223 717 1 891550470 +339 190 4 891034215 +130 346 4 884623704 +218 265 3 881288408 +362 333 5 885019261 +334 450 1 891550338 +176 751 1 886046979 +145 1212 2 875272196 +189 815 3 893264558 +60 485 4 883327222 +293 257 2 888904696 +306 100 4 876504286 +308 319 4 887736408 +130 53 3 876251972 +320 501 3 884751462 +321 1194 5 879438607 +155 319 3 879370963 +338 310 3 879437522 +214 325 3 891542622 +49 418 3 888067031 +57 1028 3 883697432 +236 185 5 890118307 +138 617 4 879024128 +232 173 4 888549674 +331 100 4 877196308 +297 157 2 875238853 +95 88 4 880571016 +268 333 4 876513565 +58 156 5 884304955 +299 378 3 878192680 +294 327 3 877818982 +286 1091 4 877534859 +234 601 3 892334765 +207 156 2 878104438 +269 492 4 891449550 +357 284 4 878951691 +255 53 3 883216672 +92 717 3 886443416 +13 161 5 882397741 +65 197 5 879216769 +17 237 2 885272628 +167 698 4 892738307 +313 609 3 891014782 +42 99 5 881108346 +65 210 4 879217913 +303 366 3 879485221 +233 98 5 877661724 +354 86 5 891218312 +268 1090 2 875745536 +7 226 5 891353614 +81 7 4 876533545 +323 886 3 878738997 +119 87 5 874781829 +299 418 4 889501790 +174 456 1 886515240 +8 89 4 879362124 +79 900 4 891271245 +232 215 3 888549563 +271 338 1 885847194 +356 313 5 891405651 +177 271 2 882141868 +181 458 3 878962350 +6 151 3 883599558 +363 1495 5 891497278 +117 751 5 886018996 +306 744 4 876504054 +90 494 5 891383241 +117 368 3 881010610 +181 1386 1 878962119 +233 418 4 877664010 +44 542 3 878348036 +13 303 4 881514876 +127 243 5 884364764 +92 561 3 875812413 +236 864 2 890117073 +234 660 4 892334543 +363 1168 2 891496587 +177 150 4 880130807 +117 121 4 880126038 +301 514 3 882076021 +194 1 4 879539127 +276 496 4 882659476 +221 1210 3 875246887 +363 673 2 891496543 +218 516 5 877488692 +85 414 4 879828720 +60 498 5 883326566 +188 233 3 875074266 +144 960 2 888105784 +184 88 3 889909551 +83 412 1 883868208 +194 631 2 879546551 +11 751 2 891902092 +178 1051 3 885784583 +318 1023 2 884495091 +328 132 5 885046420 +142 28 4 888640404 +293 657 4 888905582 +13 437 1 882397068 +246 231 1 884922898 +346 727 1 874947794 +323 199 4 878739953 +194 510 4 879521474 +99 123 3 885678997 +280 483 4 891701066 +314 1276 4 877887179 +305 943 2 886323464 +106 923 4 881453355 +174 383 1 886515171 +62 955 4 879374072 +10 223 5 877888545 +234 526 3 892334045 +92 660 4 875654125 +361 273 3 879441215 +1 143 1 875072631 +332 258 5 887916151 +286 559 4 877534081 +308 805 4 887739471 +326 448 3 879877349 +323 22 5 878739743 +365 301 5 891303586 +23 315 3 884550320 +256 783 4 882165328 +3 334 3 889237122 +195 99 3 888737277 +236 223 5 890116032 +38 389 5 892433660 +95 505 3 888954513 +351 873 3 879481643 +271 83 4 885848408 +297 250 1 874955085 +91 351 4 891438617 +119 472 4 874775406 +42 1051 4 881106270 +270 703 4 876955019 +311 526 5 884364873 +94 562 3 891721494 +352 746 4 884290361 +350 174 5 882346720 +233 286 3 876690514 +250 1 4 883263374 +154 806 4 879139040 +255 569 1 883216672 +229 875 1 891632402 +332 1013 3 887938798 +58 237 4 884304396 +320 976 2 884749567 +307 169 5 879283625 +110 794 3 886988909 +244 818 2 880605010 +330 596 5 876544690 +343 474 5 876406677 +59 25 4 888203270 +64 173 5 889737454 +280 934 2 891702291 +283 627 4 879297966 +314 120 3 877887094 +336 13 3 877756890 +312 587 3 891699399 +222 411 3 878185137 +181 933 1 878962675 +270 741 5 876953967 +59 65 4 888205265 +174 63 4 886514985 +313 44 3 891015049 +264 208 5 886123415 +59 382 4 888205574 +301 511 4 882075803 +341 877 3 890758113 +60 1124 4 883326652 +303 849 3 879485589 +1 151 4 875072865 +13 786 3 886303088 +56 94 4 892910292 +59 175 4 888205300 +58 246 5 884304592 +234 95 3 892079689 +365 15 3 891304152 +164 148 5 889402203 +194 202 3 879524216 +151 425 4 879528647 +83 1043 3 880308807 +116 180 5 886310197 +49 347 3 888065487 +233 644 5 880610635 +102 271 2 888781860 +144 285 4 888103969 +71 475 5 877319330 +145 1077 3 875272245 +299 742 4 877878339 +263 79 4 891298047 +276 631 3 874796412 +308 968 4 887739987 +1 51 4 878543275 +269 435 3 891449011 +95 736 4 888954170 +311 708 5 884366397 +244 90 4 880607684 +313 318 4 891013712 +258 310 5 885700778 +123 485 5 879872792 +334 183 4 891545950 +130 743 2 878537778 +269 64 4 891447960 +328 451 4 885048159 +43 300 5 875975135 +130 12 4 875216340 +90 185 5 891384959 +12 132 5 879959465 +189 216 5 893265478 +207 135 2 877822350 +315 55 5 879821267 +5 139 3 875721260 +195 469 3 880710046 +88 302 3 891037111 +153 678 2 881370935 +148 1012 4 877400154 +270 155 5 876955770 +218 273 4 881288351 +145 674 4 877343184 +223 369 1 891550253 +222 4 3 878183924 +128 785 2 879968243 +192 127 4 881367456 +228 651 4 889388521 +354 191 4 891217082 +328 82 4 885046537 +344 716 3 884901403 +38 450 1 892432624 +269 137 4 891446193 +248 55 4 884534793 +310 304 5 879435664 +13 612 4 882140318 +130 335 3 875801254 +62 774 1 879376483 +135 77 4 879858003 +294 264 2 877819090 +89 813 5 879461219 +194 433 3 879523104 +94 39 3 891721317 +318 396 1 884498684 +151 223 5 879524088 +181 1120 1 878962279 +312 234 5 891712535 +177 175 5 880130972 +297 50 5 874954541 +313 162 3 891017270 +275 89 3 875154878 +293 202 3 888906490 +330 465 5 876547250 +323 100 4 878739177 +135 566 3 879857930 +229 358 1 891632437 +288 900 5 886372155 +295 1221 5 879518455 +162 151 3 877636191 +87 55 4 879875774 +128 378 5 879967804 +268 267 3 875742077 +282 302 5 879949347 +361 222 2 879441253 +280 286 4 891700185 +334 276 4 891545089 +361 387 3 879441008 +87 385 5 879875818 +344 175 5 884901110 +312 481 5 891698893 +130 1047 5 875801897 +357 222 5 878951498 +190 118 3 891033906 +308 192 5 887736696 +106 8 4 881452405 +357 928 4 878952041 +320 678 3 884748418 +217 117 4 889069842 +216 764 2 880233153 +230 633 4 880485283 +263 82 4 891299697 +233 495 4 877661364 +314 672 5 877888723 +204 310 1 892389073 +279 240 4 889151559 +188 195 3 875073179 +177 179 5 880131057 +181 330 1 878961668 +184 458 3 889907925 +86 872 3 879570366 +79 313 2 891271086 +53 181 4 879443046 +125 204 5 879454139 +326 528 3 879875112 +276 747 4 874795448 +238 300 4 883575836 +39 333 4 891400214 +201 175 2 884140022 +276 746 4 874791806 +13 334 1 886952467 +117 12 5 881011350 +301 651 5 882075994 +280 790 4 891702013 +3 350 3 889237076 +345 956 4 884916322 +174 393 4 886514837 +181 866 1 878963037 +290 158 5 880474977 +360 238 4 880355845 +247 257 4 893081396 +162 117 4 877635869 +43 336 4 880317271 +258 311 4 885700946 +348 819 4 886523710 +191 328 3 891562090 +215 483 4 891435022 +184 665 2 889910098 +114 157 2 881260611 +184 52 4 889910034 +49 821 1 888069246 +233 212 5 877665324 +345 173 5 884902317 +55 1089 1 878176134 +293 99 3 888906402 +13 353 4 886261450 +99 196 4 885680578 +49 325 3 888065744 +367 1012 4 876689825 +123 127 5 879809943 +194 383 1 879554842 +141 825 4 884585247 +323 150 4 878739568 +279 1180 2 890781034 +330 575 4 876547165 +109 1244 3 880571872 +177 318 4 880130618 +85 792 4 879828941 +248 249 4 884536117 +298 237 5 884126240 +276 139 4 889174904 +23 257 3 890276940 +52 657 5 882922833 +201 1194 4 884111899 +330 8 5 876546236 +268 403 4 875309914 +70 176 4 884066573 +280 53 5 891702544 +234 152 4 892826701 +13 759 2 882398542 +325 181 4 891478160 +268 269 4 876513523 +154 202 3 879139096 +222 689 4 881058008 +354 269 4 891180399 +42 222 4 881105882 +99 232 4 886519075 +96 170 5 884403866 +111 1024 3 891679939 +87 300 3 879875418 +328 349 2 888641949 +13 190 4 882397145 +347 227 4 881654734 +117 258 4 880126022 +229 286 4 891633029 +329 591 2 891655812 +345 508 4 884901000 +291 396 4 874867757 +320 1188 4 884749411 +94 34 1 891723558 +72 515 4 880036602 +218 695 3 881288574 +18 12 5 880129991 +346 1110 1 875264985 +218 762 4 877489091 +178 58 5 882827134 +334 302 5 891544177 +303 49 2 879483901 +145 1208 4 875272196 +42 925 4 881106113 +329 79 4 891656391 +286 11 5 877531975 +33 343 4 891964344 +326 79 4 879875203 +339 183 4 891032828 +308 521 3 887736798 +264 1225 3 886123530 +130 672 5 875801920 +114 183 5 881260545 +276 229 3 874792483 +11 383 2 891905555 +256 202 3 882165032 +273 311 4 891292905 +116 661 4 876454023 +13 137 5 882139804 +332 82 5 888098524 +6 479 5 883601053 +91 689 5 891438617 +79 137 4 891271870 +308 265 3 887737647 +10 651 4 877888812 +295 1401 5 879966498 +18 181 3 880131631 +49 299 2 888068651 +343 423 5 876408139 +92 423 3 875655990 +244 762 3 880604616 +363 288 4 891493723 +43 423 4 883955498 +201 1425 3 884111637 +84 31 4 883453755 +59 1047 2 888203371 +234 157 2 892334400 +300 328 3 875650068 +345 1082 2 884994569 +191 269 3 891562090 +268 114 5 875744966 +147 269 4 885593812 +71 222 3 877319375 +76 59 4 875027981 +232 462 4 888549879 +102 248 3 877915935 +205 326 4 888284454 +200 25 4 876042234 +311 431 4 884365201 +197 195 5 891409798 +356 937 2 891406040 +303 1016 3 879544727 +101 815 3 877136392 +119 1259 3 874780996 +264 56 5 886122261 +210 447 5 887737631 +276 63 3 874792168 +308 178 4 887737719 +64 181 4 889737420 +303 1014 3 879544588 +271 284 3 885847956 +201 513 3 884114069 +92 628 4 875639823 +54 333 5 880928745 +301 187 4 882076403 +81 410 4 876533946 +31 498 4 881548111 +21 234 5 874951657 +311 212 3 884366397 +264 792 5 886123415 +132 137 4 891278996 +307 463 5 879283786 +311 275 4 884963136 +22 403 5 878887810 +43 318 5 875975717 +201 61 2 884111986 +186 770 2 879023819 +125 475 1 879454244 +339 73 3 891035003 +145 120 2 888398563 +51 132 4 883498655 +130 84 4 876252497 +347 144 5 881654186 +110 715 2 886989440 +100 905 3 891375630 +311 470 3 884365140 +189 248 4 893264174 +365 1017 4 891304213 +44 227 4 883613334 +201 1098 2 884112747 +295 25 5 879518042 +193 276 4 890860319 +125 1093 1 892839412 +10 711 4 877888812 +276 272 5 885871447 +43 1053 3 883955859 +342 427 4 875319254 +14 211 4 879119693 +8 190 4 879362183 +280 144 2 891700514 +333 739 5 891045410 +11 721 3 891905279 +94 380 3 891722760 +8 686 3 879362356 +115 462 4 881171273 +264 559 5 886122446 +299 297 3 877877691 +299 1021 3 878192721 +268 483 5 875309859 +95 202 4 879198209 +24 25 4 875246258 +159 546 4 880557621 +174 312 5 886432972 +368 379 4 889783562 +293 943 2 888906576 +186 550 4 879023985 +250 582 4 878090114 +185 638 4 883524364 +234 566 2 892335108 +221 257 4 875244475 +187 659 5 879465274 +313 187 4 891014373 +116 199 4 876454174 +109 9 3 880564607 +174 412 1 886433919 +7 208 5 891352220 +371 97 5 877487440 +296 255 2 884196584 +280 82 2 891700925 +271 275 4 885847693 +110 791 2 886989473 +59 926 1 888203708 +217 576 1 889070087 +145 665 5 877343212 +334 204 4 891547190 +42 568 4 881107256 +200 143 5 884128499 +89 387 5 879459909 +311 588 4 884365284 +235 269 4 889654530 +287 156 5 875336804 +344 204 4 884901024 +43 289 4 875975085 +99 11 5 885680138 +145 159 4 875272299 +200 82 5 884129656 +269 316 4 891446132 +13 517 5 882139746 +184 208 4 889908985 +327 144 4 887820293 +218 517 3 877488634 +6 487 5 883600785 +279 792 3 875308843 +268 161 3 875744199 +85 124 5 882813248 +75 472 4 884050733 +18 483 4 880129940 +234 291 3 892335342 +196 238 4 881251820 +318 750 4 884469971 +2 281 3 888980240 +295 102 4 879518339 +276 81 4 874791101 +194 1409 2 879552662 +291 1078 4 875086920 +145 896 2 888396828 +160 762 3 876769148 +290 216 4 880475218 +174 1254 1 886434421 +327 435 4 888251521 +145 471 4 885622707 +83 465 4 880308578 +277 591 4 879543768 +214 56 5 892668130 +345 1315 3 884994631 +330 44 5 876546920 +328 1277 3 885049084 +6 131 5 883602048 +334 693 3 891547083 +156 192 4 888185735 +91 479 4 891439208 +130 22 5 875217265 +75 271 5 884051635 +328 265 5 885045993 +291 379 3 874834827 +222 815 2 877563716 +347 168 5 881653798 +328 510 5 885046376 +290 423 5 880474422 +12 157 5 879959138 +151 114 5 879524268 +294 603 5 889854323 +244 232 4 880608670 +130 63 4 876252521 +259 762 2 883372151 +58 425 5 884304979 +245 112 4 888513575 +184 1232 3 889910123 +122 727 4 879270849 +144 129 4 888104234 +305 357 5 886323189 +16 96 5 877717833 +1 175 5 875072547 +7 618 4 891350900 +16 546 4 877726944 +80 45 4 887401585 +173 294 5 877556864 +104 1017 1 888465634 +161 523 3 891170686 +179 1316 3 892151489 +12 71 4 879959635 +59 141 4 888206605 +339 636 4 891035248 +321 485 4 879439787 +201 204 4 884113082 +59 516 4 888204430 +56 118 4 892679460 +191 332 2 891562090 +65 318 5 879217689 +249 993 3 879571779 +145 229 3 885557699 +262 336 3 879961474 +235 52 4 889656168 +116 604 3 876454174 +49 476 1 888069222 +286 325 1 889651253 +221 588 3 875246209 +197 344 4 891409070 +198 23 4 884208491 +207 28 4 877822162 +345 251 5 884994119 +145 760 2 888398123 +316 1084 4 880853953 +77 179 5 884752806 +83 575 4 880309339 +328 55 4 885046655 +178 1035 4 882828350 +346 33 5 875261753 +89 26 3 879459909 +334 1315 4 891545185 +263 69 5 891298914 +53 199 5 879442384 +312 498 5 891699568 +213 1 2 878870719 +270 173 5 876955531 +85 690 2 890255371 +85 404 3 882994947 +184 949 3 889909618 +330 823 3 876544872 +230 1050 3 880485136 +184 255 3 889907468 +312 132 5 891699121 +322 179 5 887314416 +32 118 3 883717967 +184 1010 4 889907896 +18 180 4 880130252 +55 89 5 878176398 +373 588 3 877098821 +274 546 3 878945918 +363 97 2 891496513 +177 197 4 880130758 +87 796 4 879877280 +24 477 5 875323594 +137 261 5 882805603 +253 237 4 891628002 +298 200 3 884183063 +344 597 2 884900454 +305 638 5 886324128 +85 499 4 879455114 +44 168 5 878347504 +33 258 4 891964066 +293 8 3 888905736 +365 109 2 891304106 +90 42 4 891384885 +99 963 3 885679998 +176 250 4 886047963 +234 414 4 892336021 +308 515 3 887737536 +314 983 4 877892488 +85 1168 3 882995908 +137 50 5 881432937 +130 1016 4 874953698 +117 1057 2 881010401 +225 64 4 879539727 +109 117 5 880564457 +85 199 5 879829438 +15 924 3 879456204 +179 269 3 892151064 +154 333 3 879138287 +170 333 4 886190330 +49 202 3 888068816 +62 183 4 879374893 +343 1132 4 876403746 +43 866 4 883956417 +95 471 5 884266051 +116 294 2 876453376 +95 2 2 888955909 +223 120 2 891550504 +151 419 3 879524878 +291 1098 4 875086330 +303 79 5 879466891 +15 289 3 879455262 +308 443 3 887740500 +43 316 5 892349752 +334 77 3 891549247 +26 864 2 891383899 +130 779 4 878537558 +138 514 5 879024043 +234 237 3 892336021 +297 79 3 875239125 +335 324 1 891567098 +334 620 2 891545540 +276 597 3 874787150 +69 689 3 882027284 +297 864 3 874954541 +153 64 5 881371005 +184 699 5 889909914 +58 568 4 884304838 +178 480 3 882826048 +348 288 5 886522495 +62 173 5 879374732 +307 428 4 877118113 +222 946 2 878182237 +117 240 3 880126038 +10 705 4 877892050 +94 1032 2 891723807 +326 185 5 879875203 +59 739 4 888206485 +307 189 4 877121617 +339 431 4 891035488 +318 182 4 884496549 +321 494 4 879440318 +217 185 3 889069659 +72 435 5 880037242 +249 431 5 879641194 +299 1141 4 877880522 +13 888 2 886261388 +151 972 4 879543366 +235 705 5 889655204 +160 4 4 876861754 +12 15 5 879959670 +62 78 2 879376612 +314 42 5 877888610 +89 151 5 879441507 +230 582 4 880485380 +120 9 4 889489886 +316 614 2 880854267 +331 454 3 877196702 +40 271 2 889041523 +345 172 4 884991831 +55 1016 1 878176005 +92 1213 2 875907079 +73 28 3 888626468 +373 694 5 877098643 +373 707 4 877100378 +336 405 3 877760374 +325 484 5 891478643 +8 301 4 879361550 +141 237 4 884584865 +141 1258 4 884585071 +345 216 5 884901701 +87 88 5 879876672 +209 1105 2 883589568 +7 587 4 891353950 +290 98 4 880474235 +16 692 4 877719158 +175 176 3 877107255 +185 197 5 883524428 +328 331 4 885045085 +244 20 4 880604758 +181 1048 2 878963275 +246 840 4 884924045 +269 293 3 891446308 +246 385 1 884922272 +221 789 4 875245739 +130 150 5 874953558 +109 176 5 880577868 +174 332 5 886432901 +94 28 4 885873159 +85 1098 4 879828912 +48 522 2 879434886 +237 98 4 879376327 +293 23 4 888905865 +313 494 3 891016193 +178 70 4 882827083 +293 322 2 888904456 +6 528 4 883602174 +236 15 5 890116628 +38 393 5 892430282 +276 737 4 890979964 +143 328 4 888407656 +276 854 4 874791806 +90 693 3 891385752 +18 960 4 880131004 +251 222 4 886272547 +7 172 4 891350965 +44 106 2 878347076 +85 382 4 879454820 +184 13 3 889907839 +286 20 4 876521858 +56 219 5 892679144 +345 403 3 884992922 +45 1061 2 881016056 +73 156 4 888625835 +254 125 3 886473158 +184 202 3 889909768 +360 309 2 880354094 +214 236 5 892668153 +18 179 4 880129877 +57 1094 2 883697990 +363 616 3 891498135 +200 29 4 884130540 +148 228 4 877016514 +63 323 1 875746986 +270 66 4 876955531 +6 28 2 883603013 +291 834 3 874834358 +314 143 5 877890234 +82 520 3 878769703 +346 218 3 875263574 +103 222 3 880415875 +189 657 5 893265123 +154 182 5 879138783 +13 384 2 882141814 +291 1083 3 874834876 +148 473 5 877399322 +271 1091 4 885849648 +264 219 5 886122447 +154 50 5 879138657 +370 56 2 879434587 +27 298 4 891543164 +268 395 2 875744021 +82 480 4 878769373 +94 118 3 891723295 +342 1368 5 874984507 +299 889 3 884023918 +177 245 3 880130534 +44 185 4 878347569 +371 175 1 877487266 +186 237 2 879023934 +102 176 3 888801360 +43 238 2 883955160 +326 134 3 879875797 +243 713 3 879987495 +349 105 2 879466283 +82 25 2 878768435 +257 50 5 882049897 +14 70 1 879119692 +346 17 1 874950839 +6 467 4 883602284 +227 276 4 879035251 +157 298 4 886889876 +290 1336 3 880733010 +189 847 4 893264150 +86 889 5 879570973 +249 333 4 879571521 +42 211 4 881107880 +152 790 5 884018821 +328 1248 3 885047417 +193 485 5 889124252 +59 709 5 888204997 +293 228 3 888906315 +346 977 3 875264110 +207 183 2 875509832 +239 1020 3 889180920 +301 77 3 882076751 +248 183 5 884534772 +288 12 4 886374130 +303 451 5 879468581 +255 436 4 883216544 +210 202 5 887737338 +363 102 4 891498681 +299 479 4 878192556 +92 834 1 875906882 +323 327 4 878738910 +374 1047 3 880394179 +249 628 3 879640306 +222 401 2 878184422 +122 70 5 879270606 +122 511 5 879270084 +23 32 3 874785809 +10 696 4 877892276 +144 298 3 888103988 +196 663 5 881251911 +152 966 5 882829150 +157 740 2 886889876 +18 610 4 880130861 +107 258 4 891264466 +125 999 4 892838288 +334 475 4 891544953 +207 171 3 880839802 +85 480 4 879453658 +111 269 5 891679692 +12 191 5 879960801 +304 322 4 884968415 +342 544 1 875318606 +201 482 4 884111360 +333 748 4 891044596 +167 1126 5 892738418 +303 1224 2 879485475 +222 62 4 878183616 +6 136 5 883600842 +223 276 4 891549324 +340 1133 5 884991742 +70 546 2 884066211 +244 764 5 880605158 +355 310 4 879485423 +230 185 4 880485090 +295 210 4 879518378 +308 98 3 887737334 +210 49 3 891036116 +130 1228 3 878537681 +249 456 3 879640549 +215 230 3 891436469 +207 1118 3 878104017 +136 313 2 882693234 +276 117 4 874786568 +216 824 3 880233253 +269 50 3 891448926 +293 466 3 888906655 +275 142 2 880315197 +136 1142 4 882693569 +112 347 1 891302716 +292 1014 3 881104424 +77 176 4 884752757 +314 941 3 877889971 +181 829 1 878962675 +200 33 4 884129602 +291 551 2 874867824 +301 152 3 882077285 +291 237 4 874805668 +334 716 3 891548758 +216 218 4 880234933 +358 482 2 891270510 +13 243 3 882140966 +100 289 3 891375359 +119 12 3 874781915 +268 558 3 875309304 +94 273 4 885872684 +200 205 4 884128458 +333 98 4 891045496 +256 161 5 882164559 +265 409 3 875320462 +268 108 3 875742992 +320 3 4 884748978 +90 178 5 891384611 +347 609 4 881654064 +286 405 3 876522150 +136 223 4 882848820 +344 537 4 884814432 +244 22 4 880605665 +350 1 4 882345734 +299 127 5 877877434 +221 129 5 875244331 +328 403 3 885047281 +181 21 1 878963381 +254 174 5 886471720 +158 566 3 880134499 +262 419 3 879791710 +243 1466 3 879988104 +230 7 3 880484476 +301 411 1 882074867 +104 347 2 888442140 +348 1 4 886523078 +208 302 1 883108157 +151 675 2 879524368 +105 258 5 889214306 +72 210 4 880037242 +322 89 3 887314185 +280 180 4 891700453 +10 367 4 877892437 +156 137 4 888185735 +372 159 5 876869894 +363 316 3 891493918 +178 866 4 882825357 +181 112 1 878962955 +346 232 3 875263877 +114 507 3 881260303 +14 14 3 879119311 +271 248 4 886106129 +354 847 3 891216713 +263 328 4 891297330 +258 893 1 885701099 +100 691 4 891375260 +259 12 5 874809192 +90 604 5 891383350 +130 367 4 875801369 +327 293 3 887745574 +57 173 5 883698408 +239 493 5 889180616 +318 305 2 884470682 +13 776 2 882398934 +339 32 5 891032255 +253 188 4 891628416 +311 199 4 884365485 +311 226 4 884366397 +283 42 5 879298333 +125 386 3 892838827 +361 26 3 879440941 +283 24 4 879297867 +334 210 3 891546405 +181 1390 1 878962052 +336 202 1 877757909 +254 222 4 886471346 +276 544 3 889174870 +89 83 4 879459884 +268 265 3 875310603 +311 748 4 884364071 +270 17 2 876956064 +344 196 4 884901328 +58 480 3 884305220 +328 31 4 886036884 +234 221 2 891227814 +60 633 4 883326995 +2 13 4 888551922 +321 180 4 879440612 +131 1 4 883681384 +307 91 4 879283514 +264 709 5 886123727 +181 1282 1 878962496 +102 403 3 888801812 +197 808 3 891409893 +308 487 4 887736798 +374 126 3 880393223 +6 117 2 883599431 +367 250 5 876689824 +299 257 2 877877732 +25 480 4 885852008 +87 208 5 879876403 +277 748 3 879543879 +332 655 5 888360248 +16 735 3 877720186 +236 419 5 890116282 +11 736 4 891906411 +1 107 4 875241619 +6 32 4 883601311 +72 124 4 880035636 +214 952 3 891543176 +305 52 2 886323506 +345 297 4 884994156 +269 902 5 891446132 +336 864 1 877757837 +314 402 4 877888758 +33 313 5 891963290 +345 1017 2 884991303 +346 392 3 875266064 +123 50 3 879873726 +161 286 2 891169991 +330 204 5 876546839 +234 781 2 892335764 +181 148 2 878963204 +262 238 4 879792713 +233 492 5 880923253 +200 294 4 884125953 +213 135 5 878956101 +130 596 4 874953825 +346 167 2 875264209 +142 362 3 888639920 +325 135 5 891478006 +83 28 4 880308284 +90 521 4 891384570 +13 530 5 881515295 +314 765 3 877889480 +361 275 4 879440694 +334 436 3 891548203 +314 147 4 877886584 +363 906 2 891493795 +92 183 4 875653960 +247 272 4 893081381 +230 51 4 880484937 +44 755 3 878347742 +98 209 2 880498935 +326 674 3 879877433 +303 96 5 879466830 +92 318 2 875653307 +12 196 5 879959553 +94 64 5 885870362 +327 288 4 887743600 +288 317 4 886374497 +373 724 5 877103935 +337 106 2 875184682 +179 301 4 892151565 +267 7 5 878970503 +241 332 3 887249841 +87 182 4 879875737 +311 679 4 884365580 +58 20 1 884304538 +276 77 3 874795751 +194 450 1 879555001 +236 51 5 890116709 +44 9 5 878341196 +354 480 4 891217897 +303 62 2 879484159 +134 300 3 891732220 +92 692 4 875653805 +338 604 4 879438326 +224 86 3 888082612 +341 880 5 890757997 +194 218 4 879524892 +94 1206 3 891723593 +332 300 5 887916188 +180 111 5 877127747 +321 709 4 879441308 +108 181 3 879879985 +199 242 5 883782485 +46 313 5 883611274 +85 855 3 879827989 +188 504 3 875074589 +174 333 4 886432811 +153 22 2 881371140 +119 188 4 874781742 +45 476 3 881015729 +287 346 5 888177040 +14 498 5 890881384 +189 21 2 893264619 +363 189 5 891495070 +367 246 4 876689612 +268 82 3 875310784 +14 181 5 889666215 +200 570 4 884130484 +91 529 4 891438977 +195 258 4 882859352 +194 559 2 879521937 +301 281 4 882074903 +60 272 4 889286840 +278 347 4 891294932 +181 1370 1 878962550 +344 477 3 884900353 +44 209 5 878347315 +38 225 5 892433062 +18 276 5 880130829 +91 82 5 891439386 +336 395 2 877757094 +305 156 4 886323068 +102 810 2 888802508 +181 1272 1 878962349 +156 317 4 888185906 +365 258 4 891303515 +32 122 2 883718250 +6 15 3 883599302 +236 756 1 890117353 +234 965 3 892079538 +232 498 4 888549467 +130 625 5 875801750 +291 41 4 875086636 +344 25 4 884814480 +222 232 4 878183985 +13 907 1 884538485 +378 554 3 880333540 +214 327 5 892668196 +279 762 3 875297199 +363 1007 5 891499355 +297 135 4 875238608 +13 232 3 890704999 +13 861 3 882139774 +87 79 5 879875856 +195 61 3 888737277 +158 11 4 880134398 +13 48 5 882139863 +189 121 2 893264816 +344 663 5 884900993 +14 922 4 880929651 +181 840 1 878963204 +181 1259 1 878962496 +94 50 5 891720996 +206 904 1 888180081 +89 707 5 879459884 +62 1128 2 879372831 +288 340 5 886372155 +329 515 4 891655932 +354 882 4 891216157 +291 101 4 875087198 +153 127 3 881371140 +285 168 4 890595900 +303 153 5 879466421 +13 505 3 882140389 +246 675 4 884920978 +93 476 4 888705879 +268 129 2 875742437 +325 1411 4 891478981 +226 7 4 883889479 +297 175 4 875238883 +344 451 4 884901403 +233 69 5 877665324 +87 684 5 879875774 +70 472 3 884148885 +181 1378 1 878962169 +260 300 3 890618198 +200 45 3 884128372 +246 720 1 884923592 +92 527 3 875653549 +330 50 5 876544366 +82 103 2 878768665 +299 496 3 878192154 +28 218 3 881961601 +64 83 3 889737654 +262 1054 2 879791536 +59 102 2 888205956 +294 325 3 877818861 +294 471 4 877820189 +344 58 3 884814697 +276 46 3 874791145 +21 974 3 874951416 +43 993 3 875975211 +72 644 4 880036602 +273 902 5 891293008 +54 1016 4 890609001 +276 265 4 874792483 +328 162 4 885048004 +90 813 4 891384997 +161 127 3 891171698 +305 245 1 886308147 +69 9 4 882126086 +273 900 3 891292873 +95 14 5 879197329 +177 289 2 880130534 +334 922 4 891544810 +64 420 3 889739678 +119 562 4 886177206 +23 419 3 874787204 +154 480 5 879138784 +271 25 3 885847876 +276 231 3 874796373 +60 671 4 883327175 +279 464 4 875310041 +42 12 4 881107502 +320 576 3 884749411 +279 226 4 880850073 +378 63 3 880333719 +347 465 3 881654825 +15 508 2 879455789 +328 370 3 885048986 +204 292 5 892388857 +378 367 3 880055002 +295 485 4 879517558 +255 763 5 883217072 +67 121 4 875379683 +328 443 4 885048235 +57 237 4 883697182 +20 405 3 879668555 +243 28 4 879988215 +94 1210 3 891723558 +328 371 4 885046773 +188 148 4 875074667 +308 204 4 887737891 +344 568 5 884901419 +130 685 3 874953895 +206 258 4 888179602 +119 111 5 886176779 +347 208 2 881654480 +151 514 4 879524797 +13 21 3 882399040 +373 598 3 877112076 +210 186 4 887730532 +144 274 3 888104382 +58 813 5 884304430 +76 474 5 875498278 +294 147 4 877819845 +184 77 3 889910217 +137 222 5 881432908 +311 527 4 884365780 +259 235 2 883372151 +43 597 3 883956229 +92 196 4 875654222 +254 162 3 886472643 +95 83 5 880573288 +104 475 4 888465582 +214 248 4 891543001 +128 790 4 879969277 +293 55 4 888906096 +195 1013 3 877156636 +11 135 4 891904335 +178 178 4 882826395 +270 156 5 876955899 +269 1480 1 891451725 +151 234 4 879524819 +174 1001 1 886515030 +151 428 5 879542510 +276 164 4 874792663 +130 333 5 875801239 +332 288 5 887916151 +189 143 5 893266027 +43 847 5 875975468 +188 13 4 875073408 +172 485 3 875538028 +262 44 2 879794446 +135 802 2 879858003 +304 275 4 884968264 +308 393 4 887740367 +342 1071 4 875319497 +76 333 3 879575966 +345 988 2 884916551 +303 257 4 879544558 +293 679 2 888906699 +2 280 3 888551441 +368 50 4 889783678 +344 707 4 884900792 +92 552 3 875907078 +40 303 4 889041283 +288 157 4 886373619 +233 117 3 880190627 +90 478 5 891384754 +112 325 1 884992714 +45 276 5 881012184 +3 341 1 889237055 +159 877 3 893255740 +59 501 1 888205855 +117 358 4 880124509 +207 150 3 877847150 +318 401 3 884498292 +22 999 4 878886902 +267 384 3 878973734 +124 157 2 890287936 +6 135 5 883600747 +69 48 5 882145428 +263 1444 3 891299949 +82 1001 1 878769138 +57 7 4 883697105 +13 869 3 882141727 +286 89 4 877533381 +151 1297 1 879542847 +262 270 3 879961283 +218 410 3 881288574 +372 219 5 876869481 +213 204 5 878956130 +77 276 2 884732991 +7 8 5 891351328 +299 582 2 889502159 +145 752 4 888396828 +205 258 3 888284313 +106 1 4 881449487 +314 138 5 877890960 +346 237 4 874949086 +286 1503 3 877534107 +339 101 3 891034626 +293 31 2 888906244 +180 69 4 877355568 +347 317 1 881654409 +237 153 3 879376698 +295 154 5 879517801 +216 204 4 881432523 +291 1046 4 874834875 +334 1172 3 891545852 +329 258 3 891656639 +146 262 4 891457714 +144 194 5 888105287 +92 531 4 875653121 +313 487 3 891016378 +315 46 4 879799526 +344 106 2 884900583 +270 1014 4 876954062 +230 969 4 880484476 +90 1101 4 891384570 +276 234 5 880913767 +325 168 3 891478796 +15 754 5 879455080 +324 298 5 880575493 +73 48 2 888625785 +232 315 5 888364663 +328 98 4 885045899 +128 588 5 879967136 +43 315 4 883953665 +27 281 3 891543164 +189 100 4 893263994 +296 15 3 884196712 +342 518 3 875318858 +332 332 4 887916411 +339 693 5 891033200 +297 448 3 875240171 +303 260 3 879466291 +181 324 1 878961814 +244 287 3 880604326 +151 506 4 879524900 +251 183 5 886271733 +159 225 4 880557347 +342 156 4 874984128 +194 117 3 879535704 +85 1167 3 879829209 +244 122 4 880602804 +251 237 5 886272346 +180 216 5 877128388 +363 71 3 891495301 +233 269 5 891920842 +297 238 5 875409525 +223 1300 1 891550470 +185 318 4 883524172 +308 87 4 887737760 +262 145 1 879795155 +297 235 2 874954611 +209 304 2 883460468 +295 1446 4 879519026 +224 212 1 888104188 +279 739 1 879573060 +361 652 4 879440346 +42 82 4 881107449 +293 27 3 888907753 +234 603 4 892333573 +350 228 4 882347598 +280 159 4 891701944 +174 49 4 886513788 +296 455 1 884196921 +374 685 4 880393307 +256 12 5 882164696 +106 223 4 881450440 +181 269 1 878961511 +314 693 3 877891575 +87 1074 3 879876813 +366 853 5 888857750 +75 108 4 884050661 +85 498 4 879454400 +270 286 5 876953744 +128 423 4 879967966 +299 485 4 877881320 +378 202 3 880046229 +290 473 1 880475420 +233 97 5 877661882 +293 405 1 888905198 +92 295 2 886442386 +299 715 4 889503441 +130 678 4 874953526 +184 258 3 889906882 +183 225 1 891467546 +280 7 4 891700385 +374 231 2 880939228 +254 259 2 886470859 +149 305 4 883512658 +291 1213 3 874871655 +181 276 2 878962816 +251 265 3 886271641 +276 1013 3 874787150 +67 1093 5 875379419 +269 919 4 891446132 +276 1172 4 882659550 +41 170 4 890687713 +276 1253 1 874795729 +95 878 1 881599623 +298 473 3 884183952 +289 473 1 876790576 +6 286 2 883268170 +327 1067 4 887819538 +234 604 5 892078936 +345 197 4 884992141 +197 779 2 891410170 +120 257 2 889490979 +293 616 3 888907753 +174 196 5 886514108 +178 682 3 892239928 +137 172 5 881433719 +128 300 5 879966355 +253 127 5 891628060 +88 321 1 891037708 +222 449 4 878184899 +247 111 5 893097024 +60 176 4 883326057 +92 313 5 887042925 +256 385 5 882164603 +343 25 2 876402814 +314 215 4 877888722 +115 172 4 881171273 +263 210 3 891298792 +305 249 3 886322174 +244 62 2 880607269 +267 568 4 878972955 +87 810 3 879876111 +330 181 5 876544277 +134 258 4 891732122 +13 61 4 882140552 +346 133 5 874948513 +108 121 3 879880190 +368 637 2 889783617 +305 660 4 886324734 +298 286 4 884124929 +256 49 4 882165238 +286 277 4 875807003 +286 107 1 875807043 +327 32 4 887747266 +201 128 2 884111546 +288 15 4 886892177 +308 610 4 887738847 +334 387 4 891548579 +204 315 4 892388857 +257 165 4 879547534 +347 435 5 881654211 +181 827 2 878963276 +13 784 1 882397084 +26 508 3 891352941 +118 511 5 875384885 +239 114 3 889178616 +339 589 5 891032221 +171 327 4 891034835 +378 8 4 880045722 +14 509 5 890881521 +62 33 1 879374785 +64 284 4 889740056 +269 177 5 891449214 +200 151 3 876042204 +370 265 5 879434636 +327 478 4 887819860 +10 509 4 877889005 +108 275 5 879879739 +311 365 4 884365580 +199 324 1 883782509 +363 55 5 891495682 +180 56 5 877127130 +60 194 4 883326425 +14 121 3 876965061 +18 136 5 880129421 +270 222 5 876954521 +268 17 3 875743588 +323 203 5 878739953 +334 502 3 891546963 +354 716 3 891307157 +336 571 1 877756999 +144 33 5 888105902 +226 169 5 883888892 +301 168 4 882075994 +99 685 3 885678840 +181 1289 1 878962866 +197 271 2 891409352 +312 357 5 891698987 +54 1012 2 880936669 +200 38 3 884130348 +69 1143 5 882072998 +5 40 4 879198109 +181 766 1 878962675 +303 80 4 879484563 +110 575 3 886989566 +299 208 4 878191995 +275 423 4 880315322 +210 200 5 887737040 +327 1097 4 887819860 +99 7 4 885678784 +64 240 1 889740462 +101 1034 2 877136686 +18 778 2 880131077 +301 159 3 882076890 +90 166 4 891383423 +213 2 4 878955914 +251 520 5 886271955 +295 99 4 879517741 +279 175 5 875296461 +64 636 4 889740286 +303 231 4 879485292 +184 196 4 889908985 +197 92 1 891410082 +315 156 5 879821267 +23 662 3 874788045 +291 56 5 874834701 +5 90 3 875636297 +146 1294 4 891457749 +254 90 1 886475406 +326 559 3 879877413 +290 91 2 880474451 +94 472 3 891723707 +189 484 5 893266105 +292 479 4 881105516 +194 425 2 879522240 +326 633 4 879875852 +16 761 2 877727192 +304 288 3 884966696 +221 721 5 875246944 +160 209 4 876861185 +80 58 4 887401677 +178 76 3 882827288 +62 147 3 879372870 +158 550 3 880134445 +344 313 3 884814359 +291 365 3 874871570 +112 302 4 886398509 +207 188 3 875509262 +13 457 1 883670785 +234 1 3 891227689 +260 272 3 890618349 +63 13 4 875747439 +325 640 3 891478376 +194 124 4 879539229 +71 56 5 885016930 +30 678 2 885942002 +291 4 4 874835062 +378 1267 3 880055740 +177 260 2 880130534 +21 292 3 874950889 +326 132 4 879875398 +244 508 4 880604276 +128 602 4 879967478 +276 779 2 874977513 +263 245 4 891297417 +323 255 4 878739275 +92 986 2 890251716 +276 282 4 883822485 +186 1277 4 879023677 +264 25 4 886124197 +161 274 2 891172070 +86 300 3 879570277 +303 91 5 879483480 +10 135 5 877889004 +301 407 2 882075202 +60 502 4 883327394 +377 443 4 891299078 +142 350 4 888639882 +374 591 4 880393095 +110 732 3 886988018 +352 182 5 884290328 +109 1013 3 880572296 +328 350 3 886036374 +181 283 3 878963241 +354 631 4 891217449 +334 1073 4 891547714 +181 1373 1 878962052 +54 121 4 880936669 +293 12 4 888905665 +279 1489 3 891208884 +138 111 4 879022890 +298 502 5 884183406 +318 66 4 884495921 +67 151 4 875379619 +301 160 2 882077284 +47 321 4 879439040 +304 682 3 884967520 +109 204 4 880577844 +189 505 5 893265239 +16 183 5 877720733 +269 645 4 891448048 +297 116 4 874954260 +373 139 3 877111422 +274 815 3 878945763 +123 511 5 879872066 +13 40 2 886302815 +61 342 2 892302309 +76 421 3 875028682 +284 313 3 885328727 +339 806 4 891032737 +5 153 5 875636375 +280 1047 3 891701897 +199 322 2 883782636 +343 143 4 876406677 +303 926 2 879485814 +232 276 5 880062447 +1 218 3 876892856 +151 417 3 879543075 +270 241 5 876955633 +269 272 3 891445757 +339 248 4 891034592 +46 328 4 883611430 +198 1014 2 884206330 +151 505 5 879528909 +184 478 4 889908902 +234 274 3 892334765 +348 742 4 886523078 +374 129 5 880392846 +221 53 4 875247565 +308 584 4 887738717 +268 746 3 876513855 +263 127 4 891299514 +83 795 3 880309214 +168 7 1 884287559 +284 344 4 885329593 +375 44 3 886622131 +91 435 4 891439353 +311 58 3 884364570 +204 191 4 892513906 +109 200 2 880577734 +201 70 3 884112029 +312 241 3 891699655 +215 183 5 891435655 +128 173 5 879966756 +13 351 1 886302385 +378 52 5 880056491 +345 949 3 884992897 +12 754 4 879958810 +54 406 2 880938490 +128 237 4 879966954 +223 1014 4 891549975 +197 33 2 891409981 +270 800 5 876956106 +373 154 5 877098919 +24 275 5 875323507 +214 1401 4 891544290 +16 27 2 877726390 +325 521 4 891478160 +243 221 5 879989217 +200 578 5 884130085 +343 702 4 876406257 +345 479 4 884991812 +327 645 4 887818991 +141 750 1 886447564 +13 73 3 882141485 +299 347 4 887135610 +181 922 1 878963305 +13 467 5 882140588 +276 227 4 880913800 +189 483 5 893265291 +135 228 4 879857797 +256 1040 3 882152604 +84 151 4 883449993 +207 245 3 877994095 +189 96 5 893265971 +135 642 4 879857868 +84 523 4 883453642 +269 213 5 891447255 +307 154 5 879282952 +117 288 3 880124254 +43 648 5 883955293 +359 250 4 886453354 +373 2 4 877100416 +327 173 4 887747337 +326 82 3 879876861 +190 294 3 891033370 +72 520 5 880036515 +378 356 4 880045989 +91 338 4 891438529 +363 1267 2 891496481 +128 591 4 879967879 +252 268 5 891455329 +214 512 5 892668130 +303 249 4 879544739 +313 135 5 891014401 +239 168 4 889179478 +361 148 1 879441324 +94 447 4 891721562 +109 931 2 880572407 +298 311 3 884126552 +329 269 4 891655191 +66 117 3 883601787 +291 790 4 875086699 +175 629 3 877107942 +347 423 4 881654567 +291 155 3 875087371 +7 203 5 891352178 +201 285 4 884114471 +374 356 3 880937876 +303 326 2 879466116 +131 275 2 883681384 +186 1253 4 891719774 +347 1088 1 881653224 +184 588 5 889909812 +234 328 2 891033772 +293 147 2 888905229 +276 1239 1 874977512 +101 118 3 877136424 +269 497 3 891449429 +256 982 3 882152630 +305 602 3 886324058 +94 63 3 891723908 +327 650 4 887745699 +43 118 4 883955546 +347 268 4 881652169 +194 517 3 879521856 +281 989 2 881200789 +232 81 5 888549515 +42 88 5 881108425 +18 526 4 880131407 +55 678 3 878176206 +158 182 5 880134296 +288 13 5 886892241 +102 689 3 883277481 +323 249 3 878739488 +294 544 4 877819673 +268 232 3 875310745 +94 646 5 885873006 +157 3 3 886890734 +279 147 4 875297199 +90 475 3 891385465 +276 1073 3 874795613 +301 684 3 882077330 +191 343 3 891561856 +201 324 5 884110811 +213 448 4 878956074 +145 831 1 888398329 +65 135 4 879216567 +291 154 4 875086185 +379 69 4 880524754 +345 559 1 884901497 +62 179 4 879374969 +331 277 4 877196384 +43 54 3 883956494 +244 240 3 880604858 +279 469 4 884982881 +1 209 4 888732908 +313 417 2 891030334 +151 1074 2 879543342 +329 124 5 891655905 +332 354 5 888189331 +303 159 3 879484695 +249 472 3 879640502 +6 513 4 883600913 +1 259 1 875692979 +308 144 3 887737956 +174 577 1 886515295 +327 188 5 887745774 +332 271 4 887916217 +59 660 4 888205534 +130 959 4 876251865 +94 144 3 891721168 +280 117 5 891700366 +151 47 3 879528459 +249 169 5 879572106 +184 34 2 889913568 +344 315 5 884813342 +339 139 3 891036199 +74 1084 3 888333542 +347 69 5 881653687 +293 761 2 888907981 +308 234 3 887737084 +268 421 3 876513927 +328 185 4 885045899 +365 908 3 891303638 +200 15 4 884127745 +5 94 3 878844651 +318 509 5 884495817 +234 423 4 892334079 +118 816 3 875385335 +354 297 4 891216760 +130 405 4 875801984 +279 4 4 875296461 +198 217 4 884208273 +342 237 4 874984832 +195 1228 1 876632600 +48 988 2 879434387 +7 281 3 891353710 +64 318 4 889737593 +253 647 3 891628229 +99 56 5 885679833 +13 443 4 882140588 +151 775 2 879543366 +91 510 3 891439090 +343 211 5 876405820 +279 92 4 890282182 +57 248 5 883697223 +94 428 5 891725332 +42 28 5 881108187 +343 792 5 876405172 +144 209 2 888105116 +290 243 3 880473474 +100 316 5 891375313 +374 977 1 883628189 +249 684 4 879641285 +145 346 5 883840638 +379 705 4 888646088 +184 70 4 889908657 +94 657 5 891720761 +178 520 5 882826210 +303 1088 2 879544946 +21 774 2 874951898 +328 1042 3 885049024 +276 276 4 874786605 +77 50 4 884732345 +237 183 5 879376641 +5 389 1 875721315 +234 54 2 892336257 +22 502 4 878886647 +226 283 2 883889811 +199 678 1 883782636 +148 357 5 877016735 +326 612 2 879875083 +59 562 4 888206094 +94 206 4 891722843 +109 520 5 880572642 +329 276 4 891655905 +321 50 4 879438793 +174 655 5 886514168 +144 73 3 888105636 +56 186 3 892676933 +87 568 5 879875818 +269 387 3 891448283 +201 340 5 884110887 +165 419 4 879525706 +191 270 3 891560253 +190 628 4 891042883 +5 411 1 875635431 +169 308 3 891268776 +303 288 4 879466018 +69 151 5 882072998 +145 1040 1 888398492 +279 490 3 890282225 +1 108 5 875240920 +253 173 5 891628483 +77 265 3 884753152 +283 216 4 879298206 +224 1085 1 888104393 +336 117 3 877760603 +378 1284 2 880318158 +174 118 2 886434186 +296 98 5 884197091 +130 210 5 876252288 +1 262 3 875071421 +89 949 3 879460027 +58 204 4 884304701 +263 1473 5 891299877 +92 273 4 875640214 +67 743 4 875379445 +311 627 4 884366067 +234 727 3 892079475 +351 1316 4 883356883 +90 433 3 891384611 +194 1220 3 879524790 +222 819 2 877563353 +311 510 4 884366545 +59 1065 5 888205188 +195 421 4 892362736 +145 44 5 875272132 +38 1014 5 892429542 +186 71 5 879024535 +82 109 1 884714204 +264 436 3 886122352 +361 949 4 879440774 +200 173 5 884128554 +279 405 3 886015701 +7 505 3 891352341 +121 235 1 891390579 +301 380 4 882078459 +380 176 3 885481179 +332 7 4 887916547 +316 71 1 880854472 +7 266 4 891350703 +293 2 3 888907101 +18 792 5 880131106 +166 258 4 886397562 +373 849 3 877105005 +177 195 4 880130699 +254 15 3 886471307 +328 100 5 885046305 +344 111 4 884899767 +223 118 2 891549945 +189 607 4 893266204 +183 250 2 891464352 +276 1110 3 874977474 +194 509 3 879522085 +267 1073 5 878974783 +313 182 4 891013773 +10 498 5 877889333 +276 69 4 874790996 +60 729 4 883327975 +264 203 2 886122508 +116 531 2 876453519 +62 121 4 879372916 +345 313 4 884900467 +126 322 3 887854777 +90 423 5 891384997 +227 117 2 879035493 +271 713 4 885847800 +25 269 4 885851953 +361 1041 2 879441179 +85 971 3 879828156 +346 780 2 875264904 +338 56 3 879438535 +363 433 4 891495143 +217 1303 2 889069944 +159 245 5 880485488 +141 748 3 884584664 +49 122 2 888069138 +365 813 5 891303901 +373 25 4 877100016 +301 67 2 882078621 +149 312 1 883512950 +21 773 3 874951797 +357 742 4 878951691 +373 81 2 877100326 +82 281 3 884714290 +90 96 4 891384754 +327 198 4 887747337 +268 1157 1 875745428 +374 173 3 882158521 +83 783 4 880308453 +318 655 4 884496290 +216 693 3 881428365 +381 582 5 892696045 +333 316 5 891044659 +21 325 4 874950931 +279 195 4 875310631 +279 24 5 875295591 +349 370 2 879466283 +127 748 5 884364108 +56 95 4 892683274 +38 71 5 892430516 +276 879 3 877584219 +374 476 2 880394138 +248 198 5 884534695 +321 8 4 879440451 +344 268 3 884814359 +151 602 4 879542688 +194 284 3 879539410 +375 583 2 886622131 +380 197 3 885478886 +381 50 5 892696252 +103 527 5 880416238 +268 153 5 875743503 +232 651 3 888549515 +88 881 5 891038103 +11 268 5 891901652 +249 68 5 879641156 +67 276 4 875379515 +177 276 5 880130758 +234 96 2 892334141 +135 33 3 879857930 +345 845 3 884991220 +332 181 5 887916529 +346 561 3 874950172 +11 739 3 891906411 +239 654 5 889180747 +276 432 5 874792839 +214 294 3 891542520 +330 603 5 876545625 +363 182 1 891494962 +337 631 4 875429292 +244 411 4 880604798 +182 172 5 876435435 +43 393 4 883956417 +64 447 4 889739319 +116 421 3 876453800 +257 288 3 879029516 +130 4 2 875801778 +54 237 4 880935028 +312 603 5 891698454 +198 629 4 884209221 +279 732 3 879647301 +320 431 5 884749327 +1 12 5 878542960 +59 568 5 888205229 +257 221 3 882050202 +329 855 4 891656206 +58 1104 2 884305679 +43 486 4 883955969 +339 42 4 891033452 +344 45 5 884901210 +92 471 4 875640385 +200 313 5 884125806 +347 879 3 881652099 +18 732 3 880131698 +92 596 2 886443161 +358 1529 3 891269584 +87 231 3 879876110 +13 118 4 882397581 +305 154 4 886322670 +212 191 3 879303830 +41 746 3 890687019 +192 301 4 881366490 +344 421 2 884901561 +360 511 5 880355994 +365 124 4 891304039 +10 164 4 877889333 +234 847 4 891227730 +271 582 3 885849113 +109 96 5 880572614 +76 150 5 875028880 +59 1113 4 888205855 +381 212 5 892696982 +5 109 5 875635350 +279 386 3 889985007 +64 898 2 889737106 +41 435 3 890687550 +308 843 3 887739095 +85 661 4 879454005 +339 516 4 891033481 +95 510 4 879196188 +38 404 5 892431586 +347 735 2 881654134 +125 270 4 881357122 +345 295 4 884994592 +82 1101 4 878770169 +11 722 3 891905349 +239 79 3 889179544 +3 318 4 889237482 +56 179 3 892678669 +59 195 5 888204757 +119 930 3 874775945 +295 1135 4 879518696 +347 323 1 881652142 +291 46 4 874868045 +347 216 3 881653933 +337 257 3 875184963 +87 679 3 879876036 +381 281 2 892696616 +215 451 3 891436369 +177 948 2 882141918 +292 226 4 881105281 +314 1054 1 877886944 +256 294 3 882150053 +90 86 5 891383626 +267 622 3 878974077 +315 211 4 879821037 +62 209 4 879373849 +125 485 5 892836335 +345 317 4 884992465 +312 96 5 891699040 +201 68 2 884112487 +253 175 2 891628884 +152 204 4 882474587 +271 224 4 885847876 +313 1066 2 891030334 +99 363 4 885679262 +326 144 5 879876114 +26 343 3 891349238 +270 553 1 876955689 +206 873 3 888179833 +379 202 5 880525259 +70 527 4 884149852 +181 978 1 878963305 +94 156 5 891725332 +86 1175 5 879570973 +68 288 4 876973726 +60 71 3 883327948 +151 393 2 879528692 +22 435 5 878886682 +198 172 4 884207206 +96 474 4 884403095 +305 239 3 886323153 +301 182 5 882075774 +32 866 3 883718031 +279 114 5 879572694 +10 191 5 877888613 +279 207 5 875310394 +321 143 3 879439621 +10 496 5 877889005 +130 134 5 875801750 +26 871 2 891379664 +13 539 1 883670785 +49 594 3 888068245 +56 692 4 892676970 +318 127 5 884470970 +159 881 1 893256139 +130 940 3 875217392 +348 147 5 886523361 +243 582 5 879989217 +15 18 1 879455681 +85 514 5 879453684 +135 379 2 879857956 +286 512 2 877533101 +276 1274 1 874977513 +102 239 3 888804089 +293 871 1 888908066 +43 161 4 883955467 +290 622 3 880474204 +176 100 5 886047918 +226 14 5 883889691 +361 238 4 879440475 +38 383 2 892433801 +329 924 3 891655905 +378 65 3 880046132 +26 315 3 891347400 +5 230 3 875636070 +269 142 1 891451570 +43 275 4 875975546 +297 7 4 874954541 +151 735 5 879528438 +124 79 3 890287395 +23 405 4 874784638 +373 1135 3 877107043 +327 1141 3 887822681 +188 98 5 875071957 +69 591 3 882072803 +345 282 3 884991419 +194 417 2 879525695 +311 187 4 884364764 +204 286 3 892389046 +215 8 2 891436177 +18 970 3 880131591 +85 283 3 879454467 +96 173 3 884402791 +277 302 4 879544201 +327 25 2 887746728 +301 8 4 882076494 +33 895 3 891964187 +118 23 5 875384979 +280 542 3 891702199 +280 1479 3 891702457 +201 333 2 884110927 +7 570 3 891354639 +303 164 4 879466830 +69 748 2 882027304 +73 507 3 888625857 +296 10 2 884196605 +209 321 4 883461108 +94 420 4 891721317 +179 310 4 892151365 +188 38 3 875073828 +286 1113 3 877534107 +354 208 4 891217394 +119 385 5 874781994 +188 77 4 875072328 +184 124 5 889907652 +268 781 3 875743951 +125 28 4 879454385 +60 489 5 883326682 +220 343 3 881198738 +177 196 3 880130881 +129 307 2 883244637 +339 550 2 891035523 +378 289 5 889665232 +279 173 5 875296461 +314 105 4 877887292 +295 68 4 879518960 +145 105 2 875271442 +246 541 3 884923487 +234 117 2 892334976 +58 182 4 884304701 +108 237 3 879879796 +16 164 5 877724438 +139 303 5 879538021 +316 265 3 880854395 +337 230 5 875185319 +116 332 3 876451998 +92 376 3 875907366 +152 241 4 884035579 +168 748 2 884287031 +255 841 1 883216902 +265 181 2 875320180 +236 222 4 890116817 +326 659 4 879875397 +217 258 1 889069536 +312 209 3 891699207 +1 14 5 874965706 +287 591 5 875334293 +294 689 3 889241579 +314 255 5 877886221 +189 1403 4 893265921 +107 300 1 891264432 +267 250 5 878970399 +344 190 5 886382447 +151 65 4 879528729 +343 367 4 876406144 +10 385 4 877886783 +70 383 2 884151700 +109 131 1 880579757 +373 399 3 877105674 +378 1478 3 880333098 +125 64 5 879454139 +378 274 3 880055597 +41 98 4 890687374 +54 147 5 880935959 +213 514 5 878956130 +254 843 2 886474807 +334 245 2 891544367 +224 518 1 888103906 +31 493 5 881548110 +10 519 5 877892050 +125 25 1 879454987 +92 88 3 875656349 +194 26 3 879522240 +13 265 4 882140038 +279 578 4 879572694 +301 216 4 882076782 +2 303 4 888550774 +326 451 2 879877234 +188 205 3 875071710 +338 511 4 879438473 +328 482 3 885046580 +269 506 5 891449572 +125 407 2 892839312 +85 275 3 879454581 +92 181 4 876175052 +15 286 2 879455049 +374 162 2 880396511 +148 169 5 877020297 +54 257 4 880937311 +276 1228 1 874977422 +268 679 4 876514107 +385 1367 5 880879193 +56 181 5 892737154 +271 15 3 885847876 +308 184 4 887738847 +64 7 4 889737542 +330 38 4 876546948 +263 886 2 891297484 +244 180 4 880605920 +1 97 3 875073128 +156 211 4 888185606 +62 155 1 879376633 +271 170 5 885848827 +250 480 5 878090414 +295 419 4 879518107 +314 869 4 877891681 +346 72 3 874951714 +5 388 2 879198898 +347 87 3 881653830 +166 343 4 886397882 +194 366 2 879525761 +90 197 5 891383319 +193 174 4 889125720 +54 127 4 880933834 +201 265 3 884310104 +128 56 3 879966785 +342 974 2 874984789 +12 276 4 879959488 +276 121 4 874786897 +49 151 5 888067727 +377 354 4 891296044 +59 735 5 888205534 +219 303 4 889386799 +276 238 5 877935060 +59 125 3 888203658 +385 209 4 879441853 +373 290 5 877098784 +313 73 5 891015012 +308 205 3 887738191 +182 864 4 885613092 +1 44 5 878543541 +236 420 4 890116671 +321 474 4 879438607 +380 530 5 885478886 +288 887 5 886372155 +232 56 5 888549622 +90 203 5 891384611 +8 172 5 879362123 +308 1006 4 887739608 +303 210 4 879466717 +139 458 4 879538578 +145 1090 2 888398833 +90 962 2 891384721 +43 321 3 875975061 +66 471 5 883601296 +277 286 5 879544145 +293 82 4 888906402 +201 462 1 884141208 +267 449 3 878973358 +267 175 5 878972558 +279 101 3 891209021 +363 336 4 891494011 +340 418 5 884990669 +59 448 4 888205787 +64 216 4 889740718 +355 882 4 879486421 +208 430 4 883108360 +56 96 5 892676429 +84 237 4 883450093 +373 230 4 877107430 +74 100 4 888333428 +291 1244 4 874834345 +128 294 4 879966376 +186 554 1 879023751 +330 213 5 876546752 +293 208 3 888906071 +92 32 3 875653363 +18 57 4 880130930 +119 451 5 891286958 +99 237 5 885678886 +168 258 4 884286863 +43 50 4 875975211 +119 274 4 874775580 +151 837 4 879524642 +59 136 3 888205336 +230 153 5 880485090 +23 504 4 874785624 +131 14 5 883681313 +95 117 4 879193619 +85 8 4 879454952 +379 637 2 880962047 +25 135 3 885852059 +1 53 3 876893206 +314 1221 3 877889927 +181 740 2 878963085 +253 527 5 891628518 +172 478 3 875538027 +249 100 5 879572370 +344 87 4 889814195 +308 183 4 887736695 +330 1016 3 876544480 +130 353 1 888211764 +232 313 3 885939473 +378 196 4 880046306 +49 52 2 888066647 +313 448 3 891014956 +42 265 3 881107989 +313 100 5 891013681 +94 806 4 885873302 +7 567 1 892132019 +97 168 4 884238693 +235 292 3 889654638 +58 240 4 892242478 +325 325 1 891477695 +84 64 5 883450066 +60 186 4 883326566 +292 475 5 881103896 +94 258 5 891724044 +316 19 5 880854539 +94 483 5 885870115 +43 1 5 875975579 +218 654 4 881288234 +102 746 2 892993190 +367 760 4 876690021 +224 387 4 888103906 +7 637 4 891353570 +357 294 4 878951101 +296 277 5 884198772 +292 511 5 881105373 +79 370 2 891272016 +184 693 3 889909142 +382 127 3 875945781 +70 228 5 884064269 +38 218 3 892431871 +197 321 3 891409475 +7 624 4 891353892 +373 151 4 877100129 +378 215 4 880055336 +307 450 2 879538922 +350 530 4 882346161 +271 52 4 885849470 +13 854 1 882396914 +188 419 5 875072876 +178 22 5 882826187 +104 25 3 888465634 +320 278 3 884748886 +345 451 5 884993085 +64 582 4 889739834 +167 1309 1 892738341 +232 181 4 880062330 +89 737 1 879460376 +328 234 4 885046376 +295 737 5 879518607 +233 654 4 877665191 +235 346 4 889654483 +214 221 5 892668153 +374 111 2 880393268 +279 1133 2 892173598 +378 542 4 880333470 +249 198 5 879572349 +21 820 3 874951616 +125 1183 2 892839312 +6 125 3 883599670 +137 183 5 881433689 +194 185 4 879521254 +332 1218 5 887939171 +347 85 5 881654880 +1 163 4 875072442 +286 50 4 875806869 +181 149 1 878962719 +21 844 4 874951292 +299 318 4 877880649 +18 195 3 880131236 +232 194 4 888549988 +279 556 3 880666808 +57 975 3 883697990 +125 940 2 892838827 +194 527 4 879521474 +163 64 4 891220161 +257 237 2 882050168 +22 121 3 878887925 +64 229 4 889739490 +173 260 4 877557345 +265 15 3 875320574 +210 176 4 887735960 +291 174 5 874835062 +281 538 4 881200520 +79 301 3 891271308 +244 191 5 880605766 +248 210 3 884534946 +342 175 5 874984207 +236 111 4 890116939 +297 1296 4 875408935 +159 678 5 880485530 +255 565 1 883216748 +286 309 5 884583549 +318 88 4 884496367 +77 174 5 884733587 +109 252 5 880571629 +244 1045 5 880602132 +264 4 4 886123656 +128 190 4 879967016 +158 163 4 880135044 +83 609 4 880308453 +23 380 5 874787774 +214 313 4 892668197 +110 783 3 886988967 +308 219 3 887738717 +159 286 1 880485233 +113 327 5 875076987 +178 83 4 882826556 +254 214 1 886472608 +30 1007 5 885941156 +109 322 2 880562908 +73 923 3 888793388 +291 567 5 874867786 +60 480 4 883326273 +296 238 4 884199624 +356 689 5 891406372 +362 258 4 885019435 +16 69 5 877724846 +318 501 4 884496984 +227 286 3 879035072 +271 54 3 885849188 +184 553 3 889909746 +256 1207 3 882164999 +210 73 5 891035837 +321 215 3 879439658 +221 623 3 875245618 +311 136 5 884365357 +130 254 2 876251160 +293 1147 4 888907081 +115 466 5 881171558 +207 187 5 877878688 +346 932 2 875264752 +168 123 3 884287822 +327 238 4 887747410 +31 321 4 881547746 +182 763 3 885613092 +224 724 3 888082742 +352 216 4 884290390 +105 272 4 889214284 +90 177 5 891384516 +311 161 4 884365579 +213 735 5 878955474 +60 660 4 883327243 +8 511 5 879362183 +126 289 3 887855174 +247 50 5 893097024 +217 174 3 889069684 +34 299 5 888602923 +109 223 4 880572588 +59 659 3 888204553 +177 403 5 880131201 +311 418 4 884365202 +181 256 1 878962086 +99 369 4 885679382 +3 300 2 889236939 +137 235 5 881433357 +20 1 3 879667963 +287 111 3 875334126 +224 751 3 888081913 +298 651 5 884183063 +287 240 2 875334454 +56 73 4 892677094 +345 866 3 884991476 +110 232 3 886988449 +83 720 4 880308578 +387 1166 3 886483939 +43 47 1 883955415 +363 183 4 891494835 +6 484 5 883601011 +347 288 5 881652118 +224 148 3 888104154 +299 959 2 889503159 +280 499 4 891700496 +256 728 4 882165296 +378 191 5 880046229 +262 22 4 879792452 +90 707 5 891384476 +363 802 2 891498681 +337 1133 4 875236281 +7 82 3 891351471 +28 228 5 881961393 +151 1197 5 879542753 +64 38 3 889740415 +25 151 4 885853335 +262 98 4 879792331 +181 125 3 878962816 +97 97 5 884239525 +385 606 4 879441599 +62 235 4 879373007 +271 192 5 885848373 +20 69 1 879668979 +81 274 3 876534313 +271 328 2 885844746 +261 1025 5 890455190 +363 134 2 891494725 +70 211 3 884149646 +201 406 1 884114505 +92 189 4 875653519 +92 191 4 875653050 +77 210 3 884753028 +95 204 5 879197562 +372 635 5 876869445 +239 497 4 889180578 +89 716 3 879460027 +13 514 5 881515112 +374 125 5 880393424 +332 97 5 888359903 +339 478 5 891032466 +249 121 3 879572705 +152 162 5 882474898 +222 7 5 877563168 +360 14 5 880354149 +374 1028 1 880393425 +85 1153 4 879454751 +145 928 3 879161848 +106 86 3 881451355 +298 993 4 884125629 +151 489 5 879528623 +102 358 3 888957092 +68 50 5 876973969 +374 292 4 880392237 +56 746 4 892676885 +151 231 1 879543366 +9 6 5 886960055 +113 976 5 875936424 +295 215 5 879517247 +347 300 5 881652054 +13 752 1 886952569 +303 582 4 879483462 +194 58 4 879522917 +168 25 5 884287885 +311 188 4 884364437 +330 275 5 876544366 +360 134 5 880356025 +11 744 4 891903005 +158 825 4 880133029 +215 210 4 891436232 +311 402 4 884366187 +142 89 3 888640489 +330 255 4 876544278 +280 420 3 891701816 +387 56 5 886479649 +260 326 5 890618349 +90 611 5 891384789 +263 318 5 891298453 +96 478 2 884403123 +303 476 3 879485352 +58 193 3 884305220 +1 210 4 878542909 +181 368 1 878963440 +59 692 3 888205463 +58 1069 2 893027661 +178 1283 3 885784558 +327 127 4 887747338 +253 282 4 891628094 +201 673 3 884140115 +201 1427 2 884113975 +145 924 2 875270508 +232 96 5 888549563 +77 69 3 884752997 +246 469 3 884922475 +342 191 5 875319991 +18 185 3 880129388 +174 29 2 886514469 +343 951 1 876406144 +318 12 4 884495795 +181 1385 1 878962051 +259 180 5 877925033 +328 483 5 885045844 +219 546 4 889387867 +54 273 4 880934806 +13 857 3 881515348 +296 485 5 884197235 +178 89 4 882826514 +364 690 4 875931309 +112 678 3 884992714 +292 484 5 881105625 +10 156 4 877886846 +265 742 5 875320542 +354 508 3 891216607 +308 822 4 887739472 +373 241 5 877100326 +276 941 3 877934065 +328 148 3 885048638 +6 458 1 883599914 +178 286 3 882823324 +82 310 4 879788290 +303 183 5 879466866 +339 231 2 891035180 +359 751 4 886453467 +200 174 5 884128426 +336 208 2 877757930 +378 151 3 880044385 +213 684 4 878956000 +381 647 4 892697133 +354 268 4 891180399 +36 882 5 882157581 +270 218 5 876956206 +62 118 2 879373007 +198 184 3 884209003 +363 237 2 891496306 +94 222 3 891721258 +151 736 4 879542389 +6 199 4 883601203 +378 793 3 880046437 +332 235 3 887938723 +294 826 1 889243393 +363 270 2 891493723 +150 50 5 878746719 +295 498 5 879519556 +366 448 5 888857990 +36 682 1 882157386 +311 515 4 884365485 +348 975 4 886523813 +118 436 5 875385280 +92 190 4 876174729 +280 449 3 891702324 +291 72 4 875086090 +13 615 4 881515348 +310 257 5 879436576 +5 227 4 875636099 +358 643 3 891270091 +303 67 5 879485401 +345 221 5 884900899 +276 366 3 889174764 +385 221 5 881398053 +174 66 5 886513706 +201 193 3 884140078 +56 51 3 892677186 +72 265 4 880037164 +342 56 5 874984315 +276 840 3 874786897 +361 498 4 879441416 +249 172 3 879572106 +293 158 2 888907603 +85 300 3 879452259 +21 121 1 874951416 +330 485 5 876546839 +328 231 2 885048762 +92 129 4 886443161 +369 948 2 889428228 +299 1039 4 878191779 +56 391 3 892910950 +322 318 4 887314280 +373 420 4 877107630 +316 289 2 880853219 +177 47 3 880131187 +276 751 4 884286678 +48 266 3 879434387 +385 524 5 880924359 +109 472 2 880571715 +69 333 3 882027204 +224 223 3 888082468 +49 101 3 888067164 +328 218 4 885047281 +56 383 2 892910544 +264 153 5 886122031 +10 703 5 877892110 +296 846 2 884196985 +215 238 2 891435526 +92 31 4 875654321 +270 13 4 876954192 +305 557 4 886324521 +59 169 4 888204757 +365 287 4 891304301 +387 218 3 886481687 +75 137 4 884050102 +178 367 4 882828021 +92 11 4 875653363 +208 381 3 883108873 +23 229 3 874787162 +58 275 5 884305220 +15 148 3 879456049 +18 186 4 880131699 +1 184 4 875072956 +87 96 5 879875734 +119 742 5 874775406 +13 720 4 882397974 +94 1044 4 891722555 +295 226 4 879518166 +169 260 1 891269104 +387 180 4 886479737 +339 673 5 891034071 +326 566 4 879877073 +357 7 3 878951537 +115 511 5 881172117 +151 503 3 879524199 +323 332 3 878738865 +110 779 3 886988793 +291 28 4 875086920 +360 195 3 880355715 +178 99 4 882827574 +158 176 4 880134398 +201 596 4 884141438 +22 176 5 878887765 +195 831 2 884504132 +6 183 4 883601311 +286 738 5 877534903 +184 231 3 889910195 +199 988 1 883782655 +263 294 2 891297330 +293 425 4 888905923 +13 887 5 882140867 +43 596 3 883955650 +1 157 4 876892918 +181 10 2 878962955 +366 672 5 888858078 +13 683 1 886952521 +230 607 3 880484755 +266 272 4 892256705 +323 245 2 878739084 +194 215 3 879524291 +168 472 3 884287927 +346 546 4 875263238 +99 676 4 885678886 +21 758 1 874951314 +303 186 4 879467105 +310 14 5 879436268 +268 139 2 875744744 +270 295 5 876954248 +263 134 5 891299697 +388 313 5 886438122 +207 1226 2 882081278 +267 552 3 878973621 +90 100 5 891383241 +11 9 5 891902970 +354 175 5 891218024 +43 49 4 883956387 +92 581 4 875654189 +321 135 4 879439763 +265 125 4 875320516 +80 269 3 883605009 +60 493 5 883325994 +79 6 4 891271901 +72 509 4 880036638 +373 427 4 877099317 +62 232 3 879375977 +327 233 3 887820385 +246 1101 5 884921380 +236 596 4 890116575 +269 139 1 891451492 +178 204 4 882826048 +387 514 3 886480515 +222 780 3 881060370 +37 24 4 880915674 +49 143 3 888067726 +235 135 4 889655571 +385 4 2 879445260 +89 694 5 879460027 +268 209 4 875310311 +13 269 2 889292060 +59 202 4 888205714 +378 272 4 889665041 +225 143 2 879540748 +386 455 3 877654961 +119 209 4 886177544 +272 22 5 879454753 +286 354 4 889651029 +190 269 4 891033606 +374 122 2 882158328 +178 465 3 882827506 +38 94 5 892432030 +374 581 4 880938044 +178 244 1 884837126 +29 1018 4 882821989 +359 831 3 886453402 +92 98 5 875652934 +244 168 5 880606118 +76 64 5 875498777 +344 1007 4 889814518 +387 199 4 886483858 +193 33 3 889125912 +292 628 3 881105123 +280 576 3 891702276 +238 1190 3 883576603 +290 164 4 880474010 +380 132 4 885479186 +83 768 4 887665549 +248 515 5 884535085 +178 183 4 882826347 +178 342 4 892239863 +373 89 5 877098821 +122 191 5 879270128 +174 862 1 886515172 +297 273 4 874954763 +378 1180 3 880334269 +299 1020 4 878192237 +184 511 4 889908740 +301 31 3 882076463 +178 1169 4 882827134 +276 1044 3 877934374 +321 276 3 879438987 +195 1089 4 883295540 +1 201 3 878542960 +239 1192 1 889180949 +149 308 2 883512658 +234 1149 3 892318060 +331 653 3 877196173 +344 244 3 889814600 +134 339 2 891732507 +128 322 2 879966447 +30 255 4 875059984 +178 566 4 882826915 +83 932 4 881971414 +200 685 4 876042493 +310 274 3 879436534 +389 955 4 880087599 +65 661 4 879216605 +330 208 5 876546409 +363 163 3 891495143 +208 211 5 883108398 +198 748 2 884204577 +179 272 5 892151202 +273 690 4 891293008 +85 492 4 879454905 +121 126 3 891388936 +14 813 2 880929564 +264 672 3 886122447 +340 265 5 884990470 +280 690 2 891699964 +314 1220 5 877892293 +67 827 3 875379322 +194 471 3 879540807 +18 463 4 880131143 +308 45 4 887736843 +89 93 2 879441307 +267 575 3 878974052 +222 125 5 877563802 +268 978 2 876513927 +210 25 4 887730407 +302 307 4 879436739 +207 540 3 880161839 +15 864 4 879456231 +125 116 4 892838322 +62 225 3 879373287 +260 682 4 890618537 +299 100 3 877877600 +351 313 5 883356562 +356 272 5 891405651 +297 143 5 875239870 +288 300 5 886372155 +249 174 4 879572314 +385 367 4 879444640 +373 625 4 877104086 +387 414 4 886482969 +381 191 5 892696757 +309 324 3 877370419 +45 15 4 881012184 +56 56 5 892676376 +55 254 2 878176206 +318 105 1 884495164 +95 554 3 879196748 +41 69 4 890687145 +379 520 5 880524908 +184 766 3 889907738 +201 544 2 884140307 +243 387 4 879988752 +293 401 1 888907453 +6 499 4 883602283 +321 124 3 879438857 +172 183 5 875538864 +76 1158 4 875028190 +197 690 3 891409255 +16 418 5 877724727 +299 216 5 889502688 +99 1067 4 885679437 +340 186 4 884991082 +64 1139 1 889740260 +181 834 3 878962720 +246 1 4 884920918 +80 194 3 887401763 +128 238 4 879968125 +201 684 3 884114233 +371 24 4 877487500 +95 403 1 879196457 +174 1053 5 886514358 +85 449 4 882813248 +387 692 1 886482928 +234 210 3 892333616 +21 860 2 874951727 +72 504 4 880037461 +13 124 5 884538663 +3 345 3 889237004 +344 288 4 889813994 +254 967 3 886472139 +326 399 4 879877004 +246 588 4 884920998 +272 498 4 879454726 +235 193 5 889655204 +237 83 4 879376641 +181 1017 1 878962496 +281 877 4 881200643 +99 100 5 885678813 +141 225 3 884585523 +296 172 5 884197193 +89 121 5 879441657 +259 313 5 883370924 +6 197 5 883601203 +128 151 3 879968921 +347 588 3 881654321 +7 177 4 891352904 +334 170 3 891546181 +234 928 2 892336287 +102 443 3 888803148 +7 471 4 891352864 +141 405 3 884585105 +31 514 5 881548030 +271 258 3 885847357 +254 610 2 886472291 +236 237 4 890117001 +52 287 5 882922357 +214 50 3 891543114 +315 504 3 879821193 +61 1127 4 891206274 +181 1057 2 878963381 +312 919 3 891699263 +87 39 3 879875995 +63 1008 3 875748004 +85 108 2 880838201 +256 181 4 882164444 +279 571 4 878082781 +26 117 3 891351590 +290 432 5 880474590 +236 1013 2 890117465 +387 520 4 886480446 +119 109 5 874775580 +346 809 3 874951029 +339 523 5 891033044 +222 529 2 881059537 +230 8 5 880484501 +329 338 2 891655545 +184 647 5 889909024 +292 855 5 881105373 +60 207 3 883327342 +246 895 5 884924976 +231 252 4 888605273 +144 762 3 888104940 +254 755 3 886473489 +5 397 2 875635907 +303 473 4 879485111 +151 203 3 879524471 +168 117 5 884287318 +323 151 4 878739568 +90 995 4 891382708 +354 657 4 891218289 +372 200 5 876869481 +339 67 3 891035147 +284 328 4 885329322 +349 847 4 879466507 +177 508 4 880130825 +289 24 4 876790292 +262 195 2 879791755 +318 419 5 884495890 +1 150 5 876892196 +380 177 3 885479082 +23 549 3 874788290 +65 173 3 879217851 +56 435 3 892676429 +210 403 4 887736322 +147 340 4 885593965 +339 28 4 891032542 +12 753 5 879960679 +2 308 3 888979945 +264 283 5 886122952 +345 315 5 884900653 +193 111 1 889126375 +301 7 4 882074236 +373 68 5 877106741 +94 38 2 891722482 +357 833 4 878952341 +26 237 3 891351590 +316 197 4 880854227 +293 164 4 888906598 +217 226 1 889069878 +145 413 3 877343280 +371 177 4 877487135 +286 477 3 876521773 +74 150 3 888333458 +178 195 4 882826944 +321 527 3 879439763 +337 742 5 875184353 +90 190 5 891383687 +56 189 4 892683248 +325 403 2 891479102 +336 845 1 877758035 +13 802 2 882398254 +64 202 4 889738993 +181 1087 1 878962496 +296 281 2 884196985 +387 58 4 886484065 +293 720 1 888907674 +183 1217 3 891466405 +204 1194 4 892513906 +329 300 4 891655431 +124 226 4 890287645 +43 516 5 875981452 +181 846 3 878962586 +308 755 3 887740033 +204 482 4 892513906 +196 111 4 881251793 +200 743 3 891825607 +94 942 4 891721749 +383 319 2 891192377 +49 1078 1 888067164 +268 357 4 875309882 +389 176 4 880165047 +343 118 2 876403121 +233 205 4 877663548 +328 693 2 885046174 +17 245 2 885166209 +178 8 4 882826556 +367 17 5 876689991 +7 450 4 892132425 +118 853 5 875385228 +28 222 5 881961393 +224 704 3 888103812 +290 755 4 880475218 +312 131 5 891699702 +389 109 3 879915745 +82 529 4 878770028 +301 686 4 882078008 +158 149 3 880132383 +270 747 5 876955662 +262 237 3 879961980 +190 222 4 891033676 +271 510 4 885849140 +207 328 2 884386312 +87 229 4 879876037 +293 845 2 888904838 +94 1 4 885870323 +11 185 4 891905783 +373 596 3 877106741 +334 1010 5 891545108 +385 79 3 879441853 +297 257 3 874954763 +330 97 5 876547220 +378 162 4 880046332 +222 368 1 881061326 +326 210 3 879874964 +49 406 2 888067428 +234 87 3 892079336 +233 568 5 880612346 +215 215 3 891435680 +109 393 4 880579237 +79 325 5 891271792 +271 866 4 885848132 +97 466 3 884239449 +169 133 4 891359171 +344 148 2 884900248 +253 742 4 891628535 +15 244 2 879456447 +330 58 5 876546132 +267 177 5 878972756 +342 257 2 875318267 +114 496 4 881259994 +87 318 4 879877627 +25 189 5 885852488 +113 322 3 875076044 +5 444 2 875720762 +94 588 4 885873006 +232 1128 2 888549907 +95 111 4 879194012 +65 526 4 879216734 +158 62 5 880134759 +201 325 5 884111064 +90 1197 4 891384476 +24 178 5 875323676 +311 965 3 884365686 +280 559 3 891701583 +73 100 4 888626120 +110 384 2 886989524 +178 257 5 882823954 +201 527 3 884111360 +210 484 4 887736070 +74 137 3 888333458 +271 1101 4 885849025 +380 1449 4 885478845 +360 303 3 880353526 +323 282 3 878739543 +381 495 4 892696186 +215 222 4 891436469 +328 661 5 885047373 +145 592 3 888398867 +293 76 3 888906824 +262 625 3 879792751 +213 678 4 878870275 +267 24 5 878972682 +159 748 3 880485488 +130 240 4 875801750 +318 160 3 884497031 +363 426 2 891496927 +102 797 2 888802722 +223 225 3 891550193 +339 154 4 891032885 +332 978 4 888098459 +158 229 3 880134532 +18 215 3 880130930 +134 259 2 891732393 +13 890 1 883670672 +236 148 4 890117028 +246 719 4 884924026 +11 652 4 891905003 +107 340 5 891264356 +312 482 5 891698613 +224 846 4 888104116 +106 285 4 883876206 +313 578 3 891028241 +94 537 4 891722006 +129 269 4 883244011 +314 406 3 877887388 +336 239 3 877758001 +192 252 1 881368277 +328 183 5 885045805 +224 287 3 888104154 +125 73 5 892838288 +178 500 4 882827288 +71 923 5 885016882 +130 1274 2 878537853 +186 257 4 891719774 +293 445 4 888906315 +312 269 5 891698130 +268 998 1 875743929 +168 257 5 884287642 +203 326 4 880433398 +347 328 4 881652077 +155 286 4 879370860 +43 946 4 883955247 +374 454 4 880394997 +164 926 2 889402091 +291 179 5 874868255 +320 1011 3 884748978 +313 405 3 891028197 +82 414 4 878769748 +181 819 3 878962550 +201 1039 3 884111599 +130 541 3 876252307 +237 479 5 879376487 +9 479 4 886959343 +295 1115 5 879518568 +279 432 3 875296292 +256 866 4 882151198 +305 178 4 886322966 +378 875 3 880044108 +269 985 3 891446443 +352 4 3 884290328 +50 286 2 877052400 +311 845 4 884366824 +60 98 4 883326463 +84 7 4 883452155 +308 514 4 887738619 +95 655 4 879198109 +165 69 3 879525799 +174 288 3 886432770 +343 483 5 876404343 +296 151 2 884196964 +276 141 4 874792870 +301 427 4 882075775 +181 928 3 878963241 +293 183 4 888906119 +5 402 1 875720947 +378 4 3 880045612 +279 1231 4 875313583 +244 953 4 880607335 +334 316 4 891544407 +279 1 3 875295812 +244 164 3 880607154 +294 248 5 877819421 +114 182 3 881259994 +178 271 4 882823395 +211 286 4 879437184 +387 942 4 886483906 +278 22 5 891295360 +110 806 3 886987952 +36 885 5 882157581 +135 443 4 879857868 +385 262 4 884153000 +91 181 5 891439243 +357 291 4 878952137 +254 504 3 886472115 +123 255 1 879873905 +327 294 3 887743644 +320 716 1 884750992 +308 582 3 887736843 +264 381 4 886123596 +342 574 1 875320124 +361 286 5 879440286 +268 7 4 876513953 +77 405 3 884733422 +387 32 5 886479737 +1 183 5 875072262 +49 231 3 888069579 +380 587 4 885479274 +248 186 5 884534695 +144 454 3 888105993 +221 128 3 875246209 +22 222 4 878887925 +201 77 2 884140788 +335 245 4 891567053 +390 990 4 879693608 +136 19 4 882693529 +276 682 3 877933862 +138 150 3 879023131 +80 423 3 887401643 +308 433 5 887738301 +218 12 5 881288233 +382 546 2 875946234 +269 70 1 891447280 +326 452 3 879877470 +288 177 3 886629528 +128 48 4 879967767 +85 45 3 879455197 +233 58 3 880612403 +14 172 5 890881521 +386 121 3 877655145 +13 153 4 882139901 +379 732 5 880525995 +345 903 3 884900609 +13 343 1 883670672 +322 194 5 887313850 +243 127 4 879987045 +276 577 2 877935336 +314 399 3 877889359 +109 866 4 880571872 +248 153 3 884534716 +200 473 4 876042493 +109 91 4 880582384 +49 116 4 888066109 +23 1005 3 874787647 +198 241 3 884209264 +151 322 2 881771160 +301 772 3 882078250 +297 102 1 875240267 +144 480 4 888106322 +152 191 5 880149963 +186 44 5 879023529 +119 147 4 886176486 +196 580 2 881252056 +109 423 4 880577514 +270 551 4 876956264 +344 5 3 884901533 +246 161 3 884921679 +133 322 2 890588852 +327 476 2 887819538 +270 288 5 876953827 +243 1368 2 879987909 +8 685 4 879362423 +244 258 5 880601905 +354 900 4 891180527 +267 771 3 878973900 +43 531 4 883955160 +141 471 4 884585039 +176 13 4 886047994 +269 856 5 891448220 +99 322 3 885678499 +350 153 3 882347466 +135 603 4 879857765 +121 98 5 891388210 +297 173 4 875240237 +85 655 3 879454350 +56 761 3 892679333 +374 427 3 880396048 +214 39 4 891544845 +21 565 3 874951898 +340 526 5 884991396 +303 376 2 879543617 +277 405 3 879544027 +279 209 5 875308987 +128 65 4 879968512 +193 362 3 889122992 +325 95 2 891478895 +325 164 1 891479017 +389 1119 3 880088659 +30 286 5 885941156 +280 568 2 891701047 +346 134 5 874947644 +59 611 3 888204309 +64 217 2 889737568 +9 340 4 886958715 +224 893 3 888082350 +239 124 5 889178652 +363 212 1 891497278 +229 349 4 891633028 +96 483 5 884403057 +72 356 4 880036911 +276 669 1 874792767 +318 575 2 884497924 +210 238 3 891036021 +178 455 3 882825357 +222 1438 4 881059993 +338 408 5 879438570 +13 301 1 882140718 +232 204 4 888549515 +41 100 4 890687242 +201 578 2 884310148 +331 868 4 877196567 +321 205 5 879440109 +336 1047 4 877757063 +385 435 3 879443102 +145 5 3 875272196 +269 195 3 891449099 +167 136 4 892738418 +13 597 3 882397650 +42 939 4 881108484 +347 1283 1 881652730 +373 114 5 877098402 +303 391 1 879485747 +130 281 4 876250850 +65 328 4 879216131 +311 132 4 884365548 +6 195 4 883602283 +387 200 5 886481686 +271 402 4 885849791 +190 291 3 891042883 +15 274 4 879456168 +286 229 1 889652291 +347 472 5 881652813 +322 216 3 887313850 +275 300 4 875153898 +347 280 4 881652657 +331 64 4 877196504 +296 14 4 884196665 +130 282 5 875801750 +94 946 3 891723217 +377 748 4 891296945 +6 488 5 883601426 +11 350 4 891901991 +338 484 5 879438143 +7 481 5 891352341 +179 750 1 892151270 +314 282 5 877886862 +382 531 4 875946830 +26 597 2 891379753 +234 136 4 892317967 +290 193 4 880473802 +280 95 5 891700570 +378 141 3 880055565 +291 496 5 875088191 +181 266 1 878961709 +279 265 5 875655063 +210 50 5 887731014 +249 161 3 879572760 +293 479 4 888905923 +189 618 2 893265160 +95 712 2 888956400 +303 125 2 879467638 +43 252 4 875975363 +303 219 5 879484480 +378 386 3 880332643 +314 274 3 877886788 +151 83 5 879524611 +88 301 4 891037618 +325 185 5 891478140 +234 401 2 892336322 +293 464 3 888906927 +334 311 4 891628833 +268 244 4 875742316 +108 21 3 879880141 +374 200 5 880395735 +174 248 5 886433981 +181 682 4 878961586 +262 949 4 879792773 +8 144 5 879362286 +327 583 2 887820341 +5 100 5 875635349 +70 298 5 884064134 +181 1068 1 878962052 +7 385 5 891351585 +279 820 4 884984955 +350 340 4 882346257 +302 879 2 879436960 +393 1219 4 889729536 +374 735 5 880396359 +23 427 5 874789279 +387 447 4 886481687 +234 32 3 892078936 +286 1182 2 877535288 +181 929 1 878963122 +13 154 5 882141335 +87 239 4 879876673 +57 844 2 883697134 +269 436 3 891450675 +251 612 5 886271855 +119 174 4 874781303 +349 744 2 879465785 +128 568 4 879968544 +22 550 5 878888184 +23 739 2 874787861 +16 654 5 877720298 +361 709 5 879440974 +389 249 3 879915991 +189 225 4 893264703 +135 185 4 879857797 +151 411 4 879543228 +25 520 3 885852150 +389 613 5 880088038 +336 999 2 877757516 +236 546 4 890117223 +264 216 5 886123358 +7 667 5 892135347 +350 657 5 882346663 +160 484 5 876862243 +380 186 3 885479355 +374 930 2 880394179 +303 545 2 879544400 +7 210 4 891352904 +357 235 4 878951691 +38 1 5 892430636 +311 946 4 884366270 +387 559 3 886481737 +279 810 2 889984640 +257 100 5 882049950 +82 472 3 878768882 +295 162 4 879517157 +222 144 5 878182416 +60 218 4 883327538 +312 485 4 891699345 +157 137 5 886889876 +303 24 3 879468047 +327 153 4 887818596 +7 498 5 891351814 +10 99 5 877889130 +299 17 1 889503374 +271 294 2 885844698 +70 1065 4 884149603 +332 291 4 887938439 +322 92 4 887314073 +328 628 3 885047627 +44 148 4 878346946 +188 326 3 875071293 +347 173 2 881654503 +307 183 3 877121921 +368 396 2 889783617 +373 843 3 877106878 +312 483 5 891699156 +276 449 2 874792520 +20 742 4 879668166 +145 684 5 875273174 +310 740 4 879436292 +159 103 1 880557604 +92 568 3 875654590 +380 241 2 885479997 +311 1093 5 884963180 +13 601 4 882140104 +60 420 4 883327113 +11 100 4 891902718 +373 94 2 877111313 +5 143 3 875636815 +314 724 2 877888117 +389 160 4 880087897 +10 194 4 877886661 +269 98 4 891448951 +313 657 4 891013830 +167 133 5 892738453 +203 271 3 880433445 +50 9 4 877052297 +38 257 1 892429512 +373 357 4 877098568 +286 952 2 875807043 +95 660 5 880571456 +380 313 4 885477859 +257 531 5 879547608 +379 616 2 890464337 +1 248 4 874965954 +54 597 2 880934806 +267 22 4 878971816 +131 19 4 883681418 +327 203 3 887818540 +180 156 5 877127747 +60 163 4 883327566 +367 774 4 876690049 +213 97 5 878956299 +373 520 4 877098678 +152 699 5 882476911 +211 876 2 879461395 +299 462 5 878192463 +361 402 3 879441179 +200 231 4 884130679 +193 2 3 890860198 +341 948 3 890758169 +174 28 5 886434547 +378 73 3 880056667 +313 97 4 891016193 +38 145 1 892433062 +271 318 5 885848707 +280 62 3 891701747 +271 44 4 885849357 +372 183 5 876869667 +109 356 4 880578711 +392 178 5 891038945 +118 184 5 875385057 +1 208 5 878542960 +342 240 3 875318629 +320 974 3 884749097 +10 588 4 877886846 +7 669 1 892132020 +250 92 5 878091818 +178 508 3 884837419 +376 237 3 879459054 +195 67 2 874825826 +189 275 5 893264194 +268 91 3 875310311 +122 175 5 879270084 +1 128 4 875072573 +188 79 5 875072393 +276 418 4 874792870 +262 929 3 879791031 +44 237 3 878346748 +301 519 4 882076682 +181 990 1 878961814 +28 294 3 881954915 +276 340 5 880150440 +186 117 5 879023607 +13 808 2 882397833 +311 761 3 884366067 +364 1048 5 875931585 +297 1217 1 875240132 +342 95 4 875320297 +357 258 4 878951101 +178 596 3 882824194 +269 531 5 891447141 +87 7 4 879875735 +128 1 4 879966919 +366 447 5 888857990 +393 1034 2 889731413 +187 747 4 879465882 +7 232 3 891353766 +13 705 5 884538766 +64 151 3 879366214 +239 516 5 889180487 +7 658 3 891352419 +236 153 2 890118075 +59 974 3 888203343 +379 554 4 880525678 +360 237 4 880354484 +286 1140 3 877533586 +293 155 2 888907356 +102 663 3 892993190 +77 523 5 884752582 +380 172 3 885478334 +307 402 2 879283362 +194 161 4 879523576 +189 732 2 893277248 +293 642 3 888906804 +343 303 4 876402390 +6 466 4 883602422 +96 1 5 884403574 +206 889 2 888180081 +224 277 3 888103812 +295 164 5 879518395 +145 273 5 875270322 +3 299 3 889237199 +271 517 3 885848943 +328 726 4 885049112 +122 187 4 879270424 +368 551 4 889783617 +389 204 4 879991017 +292 288 3 877560833 +296 750 5 884196150 +296 484 4 884197308 +151 172 5 879524325 +230 739 5 880485611 +378 197 3 880056423 +58 654 5 884304865 +249 137 4 879572725 +374 9 1 880393056 +125 236 1 879454891 +268 762 2 875743216 +320 1090 3 884751376 +276 436 4 874792711 +92 214 4 875654732 +158 50 4 880133306 +62 697 4 879375932 +198 318 4 884207560 +295 450 4 879519438 +22 948 1 878887553 +334 961 4 891628832 +51 64 4 883498936 +374 1011 4 880393783 +352 96 4 884290328 +222 783 2 878184899 +113 319 2 875075887 +115 642 5 881171693 +75 952 5 884050393 +314 597 4 877887065 +5 370 1 875720814 +120 924 4 889490290 +7 183 4 891351624 +296 298 1 884196640 +373 278 5 877111423 +178 117 4 882824467 +51 679 3 883498937 +287 461 5 875336652 +222 280 3 878184545 +302 270 2 879436785 +297 705 2 875238726 +348 294 4 886522658 +194 744 3 879547130 +54 748 5 880928957 +343 228 5 876404757 +180 403 3 877355713 +374 948 2 880392592 +95 385 4 879196408 +300 261 3 875650018 +283 709 5 879298206 +291 156 5 874834768 +181 937 3 878961781 +339 11 4 891032379 +94 68 4 891722432 +109 392 3 880579237 +201 99 3 884141438 +324 1094 5 880575715 +286 1194 4 877533640 +42 418 5 881108147 +286 596 3 875806869 +105 307 2 889214381 +42 367 2 881109149 +59 131 4 888205410 +312 489 5 891699321 +327 710 4 887747410 +137 472 4 881433336 +323 467 5 878740017 +332 449 4 888360438 +99 331 3 885678247 +279 90 3 875314287 +279 228 4 889326161 +346 415 2 875265527 +113 508 4 875325377 +197 89 5 891409798 +199 294 1 883782636 +164 331 5 889401193 +287 301 3 875333873 +250 71 5 878090294 +94 576 2 891723593 +152 845 3 886535827 +66 597 3 883601456 +337 371 4 875236191 +99 312 2 885678576 +75 597 3 884050940 +393 471 4 887744549 +198 193 4 884207833 +370 42 3 879435462 +83 407 1 891182532 +344 684 3 884901249 +222 357 4 881059014 +60 82 3 883327493 +303 294 4 879466116 +52 531 5 882922833 +88 315 4 891037276 +193 258 3 889123038 +178 98 5 882826944 +200 208 5 884128904 +387 1007 5 886480623 +151 732 4 879542775 +276 450 1 874792634 +183 88 3 891466760 +387 224 5 886480703 +9 527 3 886959344 +199 111 3 883783042 +327 1056 2 887747971 +60 605 3 883326893 +325 614 4 891479038 +7 101 5 891350966 +363 82 3 891497047 +305 482 2 886323006 +305 188 2 886323757 +2 307 3 888550066 +263 143 5 891298592 +125 136 5 879454309 +342 58 5 875319912 +290 498 4 880473777 +303 15 3 879467607 +299 936 4 889417423 +236 183 2 890118206 +334 1524 4 891547467 +316 64 4 880853953 +226 9 5 883889811 +195 779 2 874825826 +249 98 5 879572256 +286 1411 2 877535425 +308 1047 3 887742130 +222 247 1 878714998 +234 12 1 892333830 +269 401 3 891451013 +135 504 4 879857843 +293 474 5 888905685 +305 511 4 886322560 +301 215 5 882077222 +299 67 2 889503740 +234 170 5 892333798 +200 373 4 884130754 +60 61 4 883326652 +224 392 4 888104154 +7 504 5 891352384 +208 428 4 883108430 +160 32 5 876859413 +102 565 2 888803395 +294 742 4 877819634 +5 176 3 875635962 +42 1044 4 881109271 +378 155 4 880333918 +322 521 5 887314244 +339 514 3 891037119 +56 231 3 892910931 +117 928 3 881009471 +303 232 4 879467191 +295 602 5 879517247 +321 855 3 879439733 +295 98 5 879517193 +70 588 5 884065528 +7 136 5 891351813 +363 555 1 891498920 +113 242 2 875075887 +360 735 5 880356059 +303 276 4 879467895 +102 47 2 888803636 +314 155 5 877891575 +64 161 3 889739779 +276 649 4 886483691 +389 28 4 880165411 +146 347 3 891457493 +206 1430 1 888179980 +333 79 3 891045496 +295 157 5 879966498 +118 655 5 875385136 +276 4 4 874791623 +160 109 2 876857844 +101 1057 2 877136789 +250 969 5 878092002 +292 1010 4 881104581 +228 313 5 889387172 +12 684 5 879959105 +195 325 2 880268330 +393 15 3 887744266 +182 423 5 876436480 +346 128 2 874950208 +56 738 3 892683978 +339 479 5 891032701 +194 451 2 879527145 +374 182 5 880395698 +263 125 4 891299573 +16 160 4 877722001 +76 197 5 875028563 +334 1133 4 891549192 +52 15 5 882922204 +117 1016 5 881008815 +59 473 3 888203610 +91 618 3 891438875 +234 435 3 892079040 +128 58 3 879968008 +279 50 3 890451347 +141 546 4 884585470 +375 356 4 886622131 +100 1236 3 891375630 +222 8 1 878182307 +344 195 5 884900771 +334 200 4 891547171 +314 1503 3 877890891 +380 518 3 885478821 +200 584 4 884129542 +311 491 4 884365168 +219 132 5 889403668 +363 2 4 891495809 +342 189 5 875319967 +210 735 4 887737338 +92 159 4 875810543 +328 291 4 885047865 +178 25 3 888514710 +104 412 3 888465900 +374 880 5 882156984 +283 659 5 879298239 +102 831 2 888802508 +59 609 2 888205855 +117 742 4 880126022 +97 432 4 884238997 +186 327 3 891717806 +334 608 4 891547668 +130 284 2 874953728 +13 100 5 882140166 +144 1286 4 888105846 +102 98 4 888802939 +6 193 3 883601529 +181 1361 1 878963122 +163 98 4 891220196 +207 832 3 877878424 +293 71 4 888906905 +116 1089 2 876453376 +270 716 4 876955563 +250 184 1 878091683 +167 169 1 892738419 +121 137 5 891388501 +393 1285 3 889555176 +13 71 4 882398654 +274 255 2 878945579 +145 302 4 879161553 +393 318 3 887745973 +303 396 4 879484846 +303 122 4 879485066 +59 45 5 888204465 +295 812 4 879518739 +164 300 5 889401221 +43 966 4 883955498 +378 508 4 880044278 +91 327 4 891438351 +135 564 1 879857956 +213 357 5 878955848 +182 121 3 885613117 +229 750 2 891631948 +253 298 3 891628074 +64 64 4 889737454 +43 210 5 883955467 +44 1058 4 878347392 +356 748 4 891406500 +295 1133 4 879519528 +162 544 4 877636167 +30 688 3 885941492 +245 411 3 888513425 +125 498 5 892836395 +303 722 2 879485372 +254 429 4 887347350 +174 1033 1 886515591 +99 245 3 885678500 +111 272 3 891679692 +256 2 5 882164480 +21 595 3 874951617 +332 218 5 888360396 +130 1208 4 875802211 +345 1247 2 884993996 +184 582 4 889909409 +343 333 3 876402468 +305 204 2 886323998 +113 324 2 875076180 +283 238 5 879298295 +89 762 3 879441491 +80 699 3 887401533 +294 346 3 889241377 +214 856 4 891543952 +380 427 4 885478193 +379 8 5 880525194 +286 55 4 877531574 +347 806 3 881653830 +223 321 1 891548920 +320 1041 3 884751084 +382 276 3 875946029 +279 1230 3 891209189 +235 523 5 889655044 +72 423 5 880036550 +301 470 4 882078199 +190 405 4 891626000 +262 762 2 879790974 +254 35 2 886475755 +75 1150 4 884050705 +3 324 2 889237247 +343 727 4 876406462 +267 433 5 878972314 +141 288 3 884584386 +151 49 3 879543055 +328 22 5 885045805 +223 25 1 891549382 +10 695 3 877892050 +83 122 1 886534501 +347 239 5 881654591 +249 39 4 879572284 +305 100 3 886323648 +293 480 5 888905685 +227 116 4 879035347 +279 290 4 875296924 +181 1129 1 878962675 +393 126 4 887743647 +70 398 2 884067339 +342 657 5 874984207 +250 324 2 878089033 +198 636 3 884209353 +340 181 4 884991431 +259 108 4 874724882 +292 118 3 881104701 +387 31 3 886483330 +85 318 4 879453684 +343 191 5 876404689 +235 237 4 889655435 +296 210 3 884197308 +313 650 4 891013829 +216 7 5 880232719 +139 127 5 879538578 +297 625 3 875240266 +305 174 3 886322635 +43 792 1 883954876 +312 584 5 891699263 +288 276 4 886892127 +110 77 4 886988202 +130 94 5 875802058 +48 423 4 879434752 +262 143 3 879793970 +200 196 4 884126833 +16 99 5 877720733 +75 100 5 884049875 +59 823 5 888203749 +269 444 3 891451971 +95 151 4 879193353 +380 1444 1 885480795 +181 1134 2 878963167 +19 310 4 885412063 +85 212 2 879454859 +332 728 4 893027298 +333 180 1 891045191 +1 242 5 889751633 +182 100 3 885613067 +235 174 4 889654971 +253 117 5 891628535 +285 313 5 890595313 +25 238 4 885852757 +33 292 4 891964244 +70 1035 3 884066399 +328 1015 3 885047737 +57 1071 3 883698324 +130 508 4 874953557 +262 778 4 879793536 +90 692 4 891384476 +293 91 2 888907499 +150 93 4 878746889 +263 205 5 891298792 +164 118 5 889401852 +128 686 4 879967174 +276 420 4 874792945 +62 475 4 879371980 +146 313 4 891457591 +201 20 2 884140275 +184 405 2 889908050 +267 642 4 878972524 +276 404 4 874792870 +222 432 3 881059142 +22 393 4 878886989 +234 945 3 892334189 +301 54 3 882076587 +7 435 5 891350845 +303 568 4 879468414 +65 239 5 879217689 +328 1109 3 885047100 +292 654 5 881105481 +394 67 5 881059383 +291 48 5 874868027 +393 402 3 889730187 +201 856 3 884140709 +365 894 1 891303760 +279 66 2 882146492 +280 92 3 891700366 +389 124 4 879916053 +363 228 3 891496481 +313 203 5 891013859 +96 435 3 884403500 +385 340 4 879438647 +21 687 2 874951005 +305 385 1 886324792 +308 28 3 887737036 +43 405 4 883956122 +336 742 3 877759928 +210 44 3 887737710 +64 238 4 889739025 +225 172 5 879540748 +292 173 5 881103631 +57 411 4 883697679 +221 272 5 885081264 +169 127 4 891359354 +385 474 5 881530739 +196 25 4 881251955 +311 715 2 884365746 +244 1107 2 880608699 +203 1 3 880434384 +307 746 4 875681078 +207 520 4 879665302 +321 514 4 879439706 +339 175 5 891032793 +85 211 5 879454005 +151 200 3 879525002 +131 286 5 883681514 +204 1022 5 892392078 +385 195 1 879453773 +92 930 2 886443582 +16 479 5 877720436 +378 1044 3 880332643 +10 447 4 877891747 +5 441 1 875720830 +151 414 5 879542474 +222 527 4 878183110 +60 88 4 883327684 +10 418 4 877886783 +360 197 5 880355888 +316 190 5 880853774 +378 123 3 880044532 +60 143 3 883327441 +394 42 4 880887152 +393 1206 3 889730494 +378 179 2 880055336 +94 282 3 891722758 +18 660 5 880130930 +130 833 4 876251037 +387 423 3 886484065 +92 238 5 875654159 +224 282 4 888082705 +172 582 4 875538864 +253 806 4 891628181 +178 746 3 882827019 +244 294 4 880601905 +370 116 3 879434707 +7 636 4 891351384 +177 1067 4 880131201 +343 163 5 876408139 +293 33 2 888907433 +308 705 5 887737837 +323 180 5 878739857 +317 328 4 891446438 +223 286 1 891548562 +279 433 4 880869018 +391 527 3 877399541 +178 454 4 882827247 +122 737 4 879270874 +296 22 4 884197068 +328 554 3 885049790 +177 878 1 882142141 +191 86 5 891562417 +280 157 3 891700733 +264 168 5 886122031 +99 69 4 885679833 +314 218 4 877889204 +352 7 3 884290549 +320 452 3 884751589 +294 355 4 889241426 +128 213 3 879967300 +381 378 4 892696019 +7 431 4 891351547 +149 896 4 883512689 +393 633 2 887746091 +125 198 3 879454385 +77 1028 1 884733400 +387 1019 4 886480288 +128 425 5 879967197 +276 727 3 889174919 +336 451 2 877756242 +323 289 2 878738910 +75 125 3 884050164 +324 754 5 880575045 +49 290 2 888069062 +258 751 5 885700946 +108 515 5 879879941 +94 921 5 891725332 +208 524 4 883108745 +210 243 2 887734998 +276 232 3 874792094 +201 443 3 884112580 +189 294 5 893264220 +332 249 3 891214777 +109 291 3 880571801 +274 478 5 878946577 +95 64 5 879197685 +392 333 4 891037531 +183 720 4 892323453 +293 619 1 888905229 +381 771 2 892696557 +385 661 4 879443045 +159 1025 2 893256139 +392 302 5 891037385 +130 1049 3 876251341 +385 99 2 879443186 +1 148 2 875240799 +372 672 5 876869512 +59 825 4 888203658 +222 239 5 878184392 +367 441 3 876690049 +42 1040 3 881106270 +141 151 2 884585039 +49 1009 3 888066133 +291 383 2 875086699 +115 763 2 881170725 +374 223 5 880394520 +173 242 5 877556626 +280 102 5 891701328 +60 511 4 883326301 +354 497 4 891217160 +320 188 4 884749360 +325 510 4 891478180 +145 7 5 875270429 +363 591 4 891499437 +5 69 1 875721555 +269 175 5 891455816 +268 182 4 875309882 +94 366 3 891722845 +116 286 3 876451911 +51 496 4 883498655 +263 95 5 891299324 +178 864 2 888514648 +363 658 3 891496543 +95 862 1 884266100 +90 367 4 891385250 +330 549 5 876547355 +7 483 4 891351851 +210 65 4 887731305 +120 405 4 889490580 +222 722 3 878184833 +130 66 5 875802173 +291 588 4 875086920 +276 672 3 874792692 +314 5 4 877889724 +43 63 3 883956353 +70 128 4 884067339 +216 4 5 880234469 +341 1527 4 890757717 +387 1097 3 886480657 +181 886 1 878961623 +385 1411 3 879447873 +393 539 3 891364757 +343 724 4 876404499 +385 224 2 879439728 +85 464 5 882996119 +13 363 3 882398076 +230 1192 4 880485352 +315 285 5 879799486 +269 7 3 891449055 +234 179 3 892079373 +149 310 2 883512689 +292 111 4 881104606 +294 748 3 877818861 +186 288 1 879022858 +326 204 3 879874964 +119 24 4 886177076 +163 234 3 891220137 +299 509 4 877880566 +117 307 5 880124339 +50 125 2 877052502 +280 448 3 891701765 +342 655 4 875319383 +94 731 3 891723295 +144 1016 3 888104322 +7 461 4 891352303 +308 70 4 887737244 +313 843 3 891030334 +257 116 3 879029742 +157 1 5 874813703 +1 112 1 878542441 +262 147 3 879790603 +42 736 5 881108187 +228 650 3 889388662 +277 15 4 879544145 +104 282 3 888465166 +18 237 3 880129991 +232 191 4 888549376 +144 96 5 888105691 +295 997 3 879518821 +279 652 4 890451408 +363 114 5 891494688 +165 181 5 879525738 +67 472 4 875379706 +275 95 3 875154535 +109 94 4 880579787 +60 673 4 883327711 +37 161 5 880915902 +378 159 3 880056887 +295 7 5 879518018 +181 262 2 878961749 +187 86 4 879465478 +145 39 4 875271838 +181 976 1 878963342 +127 449 4 884364950 +330 570 4 876547674 +174 845 5 886433771 +49 713 3 888066214 +279 105 4 875297381 +378 447 4 880056888 +307 81 5 879283091 +383 505 4 891193042 +70 48 4 884064574 +374 424 1 883628021 +334 1241 2 891545513 +380 154 3 885478624 +320 554 4 884751288 +363 366 2 891497583 +246 236 4 884921986 +263 144 4 891298792 +92 161 2 875654125 +303 1012 4 879544712 +275 662 3 880315170 +13 391 3 882398255 +43 432 3 875981421 +344 125 3 884899741 +219 114 5 889403091 +291 1188 4 874835165 +246 932 1 884923864 +21 118 1 874951382 +389 111 3 879916053 +58 283 1 884304592 +276 302 5 877584085 +190 748 3 891033388 +301 151 2 882074776 +313 831 3 891028426 +373 179 3 877104310 +328 570 3 885046498 +7 181 3 891351287 +104 248 2 888465604 +210 188 3 887737171 +130 669 4 888962754 +203 619 3 880434438 +94 390 5 891725333 +87 1187 2 879875893 +172 430 3 875537964 +373 228 4 877106328 +94 100 5 885872942 +222 670 3 878183657 +7 7 5 891352220 +188 485 3 875072087 +118 474 5 875384571 +105 286 4 889214306 +3 348 4 889237455 +368 436 3 889783562 +114 654 3 881259741 +235 213 4 889655044 +377 288 5 891295937 +296 504 5 884197394 +385 129 3 881467873 +3 351 3 889237315 +257 462 4 879547695 +398 514 4 875658794 +109 248 2 880564415 +119 250 2 874775731 +329 303 4 891655350 +346 31 4 874950383 +288 50 4 886374520 +56 815 4 892683960 +18 955 4 880130713 +194 175 3 879521595 +204 297 5 892514010 +11 291 4 891902815 +102 298 3 875886827 +271 58 3 885849325 +54 258 4 880928745 +187 175 2 879465241 +308 633 4 887739257 +290 118 4 880731896 +222 768 2 878185014 +293 1057 2 888905229 +43 17 3 883956417 +174 268 5 886432749 +293 181 3 888904734 +60 21 3 883327923 +94 82 4 891721777 +308 12 5 887737243 +30 28 4 885941321 +328 916 2 893195710 +389 429 4 879991352 +160 118 3 876768828 +307 101 3 888095824 +63 1011 1 875747731 +95 728 3 882804159 +293 69 3 888906576 +92 215 4 875656419 +41 423 2 890687175 +293 504 4 888905736 +379 452 3 880524614 +168 288 1 884287927 +201 847 2 884111546 +294 79 4 889854323 +186 225 4 879024148 +254 199 4 886472089 +378 148 4 880044944 +301 582 2 882077811 +312 496 5 891698664 +127 288 5 884363851 +11 216 3 891904949 +258 315 3 885701004 +311 592 5 884364845 +92 249 3 886443192 +161 215 2 891170866 +181 832 1 878963038 +18 188 3 880129388 +43 98 5 875981220 +312 967 3 891699321 +328 550 3 885047336 +280 50 3 891701027 +54 260 4 880930146 +325 305 2 891477638 +268 370 2 875745579 +389 845 4 879916053 +141 864 3 884585128 +301 66 4 882077330 +181 243 1 878961814 +387 773 4 886481800 +393 932 3 887744578 +38 211 1 892431907 +292 79 5 881103434 +234 91 5 892335920 +318 137 4 884494652 +80 208 5 887401604 +119 544 2 886177206 +308 5 4 887739608 +360 588 3 880355803 +151 79 4 879524642 +387 198 4 886480352 +271 425 2 885849275 +360 302 4 880353526 +378 546 2 880318158 +145 696 3 875271442 +357 125 5 878951784 +393 940 2 889731109 +85 89 4 879454075 +390 989 5 879693677 +109 1014 4 880571979 +1 193 4 876892654 +128 118 5 879968896 +145 895 3 883840687 +380 856 3 885479706 +298 69 4 884125058 +387 1115 3 886479575 +389 607 3 879991297 +206 750 3 888179981 +269 93 3 891446580 +15 9 4 879455635 +264 382 4 886123596 +135 183 4 879857723 +90 79 4 891383912 +342 108 4 874984574 +313 154 2 891014753 +340 205 4 884991516 +201 36 1 884140927 +303 739 5 879468547 +7 484 5 891351201 +354 1007 4 891216549 +85 702 2 879828054 +385 153 4 879442028 +145 713 4 875270616 +327 196 4 887745871 +246 145 1 884923922 +25 50 5 885852150 +368 219 2 889783453 +87 87 4 879877931 +7 550 4 891352489 +222 196 5 878183110 +276 1240 4 874977579 +195 46 3 891762441 +29 678 3 882821582 +313 156 3 891014838 +339 298 2 891032856 +393 128 3 887746145 +13 906 3 891749765 +279 120 1 888427451 +151 183 3 879524642 +286 168 4 877531760 +360 28 4 880355678 +275 496 3 880314031 +332 871 3 887938351 +312 443 4 891698951 +76 325 2 878101114 +246 547 4 884922512 +397 7 5 885349913 +147 751 2 885593965 +322 751 2 887313611 +8 568 4 879362233 +274 243 2 878944437 +339 188 4 891033735 +387 201 5 886484631 +42 183 4 881107821 +206 678 1 888179833 +276 403 4 888873675 +175 183 4 877107942 +201 187 3 884111312 +293 139 3 888908088 +23 747 3 874786903 +18 47 3 880131262 +307 153 5 875681145 +380 62 1 885479777 +194 286 1 879520306 +59 717 2 888203959 +311 193 5 884365075 +95 404 5 888954513 +288 69 5 886373426 +50 123 4 877052958 +117 588 3 881011697 +315 127 5 879799423 +259 357 5 874725485 +167 733 2 892738453 +79 7 5 891272016 +99 265 3 885679833 +174 950 3 886434204 +256 552 3 882164927 +18 428 3 880131325 +303 735 4 879483567 +66 280 4 883602044 +346 742 4 874948513 +54 827 3 880937813 +44 252 2 878346748 +184 69 3 889908694 +165 651 5 879525961 +211 357 2 879460172 +336 1057 4 877757373 +123 735 2 879872868 +274 208 4 878946473 +385 423 2 879445662 +13 230 3 882397503 +326 241 3 879875778 +351 984 5 879481675 +325 86 3 891478578 +250 195 2 878091736 +188 56 4 875071658 +64 879 3 879365313 +145 348 4 888397542 +126 302 4 887853469 +190 363 2 891626023 +261 359 5 890454351 +286 29 2 877533586 +284 887 4 885328906 +346 294 3 886273405 +83 63 4 880327970 +18 692 3 880130930 +303 742 4 879484899 +306 13 4 876504442 +373 747 4 877104048 +362 312 5 885019504 +360 283 4 880354215 +394 1210 3 881060330 +174 1028 4 886434087 +280 5 4 891701066 +60 523 4 883326837 +279 998 5 875313883 +323 772 3 878739904 +382 25 2 875945880 +399 813 3 882512003 +102 208 4 888803537 +286 993 2 875807043 +181 251 1 878962052 +59 597 2 888203610 +323 286 3 878738826 +390 124 4 879694232 +293 583 3 888908001 +201 1153 2 884140709 +92 961 4 875811128 +109 1039 2 880579418 +121 428 5 891388333 +295 82 4 879518126 +73 180 4 888626577 +101 121 4 877137015 +291 66 4 875086185 +293 209 3 888905519 +347 819 1 881653155 +72 203 3 880037462 +382 171 3 875946639 +180 28 3 877355568 +398 227 2 875908666 +331 705 2 877196173 +339 632 4 891033794 +398 181 4 875652318 +246 29 1 884922740 +173 1265 3 877557239 +303 184 5 879467436 +199 117 3 883782879 +374 931 3 880936233 +339 631 5 891033256 +244 204 4 880605812 +45 100 5 881010742 +315 603 5 879821267 +233 82 4 877663612 +264 183 5 886122577 +194 514 3 879521167 +303 237 5 879468307 +316 357 4 880854049 +91 230 4 891439560 +363 417 1 891498223 +117 109 4 880126336 +289 1016 5 876789843 +279 63 3 875313350 +13 665 2 882396984 +60 132 4 883325944 +276 595 2 874787195 +13 345 4 884538366 +361 183 4 879441285 +333 88 5 891045551 +197 62 2 891410039 +175 669 1 877107790 +339 1301 3 891032189 +336 282 3 877760032 +21 875 4 874951005 +309 938 4 877370383 +275 117 3 876197615 +243 286 4 879986908 +144 193 4 888105287 +115 32 5 881171348 +250 223 4 878090294 +186 988 4 891719775 +347 829 4 881653155 +378 549 3 880056701 +308 25 4 887740649 +265 477 3 875320371 +331 58 3 877196567 +130 742 5 876251053 +299 333 4 892249868 +54 741 5 880931687 +21 441 3 874951761 +130 39 4 875801496 +315 100 5 879821003 +243 268 4 879986951 +393 681 3 887742798 +276 1089 2 882659211 +336 655 3 877757752 +238 220 3 883576560 +296 923 5 884197193 +84 148 4 883452274 +18 968 3 880130155 +178 877 2 888513069 +158 286 4 880134261 +293 485 3 888905948 +387 208 3 886480484 +24 294 3 875246037 +48 511 5 879434954 +181 1374 1 878962391 +87 25 4 879876811 +382 474 5 875947199 +141 281 4 884584865 +178 187 4 882826049 +388 56 3 886441015 +90 14 5 891383987 +87 705 4 879877740 +172 1134 2 875536721 +13 261 1 883670785 +207 568 4 875509395 +270 1148 5 876955042 +252 275 5 891456464 +371 237 5 877487052 +318 158 5 884498709 +149 301 3 883512813 +148 509 5 877016605 +224 1044 3 888104353 +326 200 2 879877349 +87 64 5 879875649 +396 841 4 884646648 +389 715 3 880614012 +48 306 4 879434211 +201 636 2 884310149 +387 183 4 886480206 +325 193 4 891478627 +90 903 4 891383319 +156 124 3 888185677 +274 476 4 878945645 +326 563 3 879877470 +22 110 1 878887157 +152 67 5 882477689 +285 902 4 890595584 +18 193 5 880131358 +189 15 2 893264335 +144 181 4 888104032 +280 181 3 891701248 +14 603 4 890881484 +327 659 4 887819021 +262 447 3 879794206 +222 949 3 878183173 +198 410 1 884205385 +291 375 1 874868791 +125 63 3 892838558 +339 739 3 891036058 +249 245 2 879571999 +364 321 2 875931478 +312 659 5 891699321 +326 233 4 879876941 +262 781 3 879793667 +7 154 5 891353124 +277 121 2 879544058 +86 881 2 879570218 +13 816 1 882396983 +292 83 5 881104360 +231 846 4 888605274 +299 998 2 889503774 +360 79 4 880355485 +88 261 5 891038103 +182 471 4 885613216 +186 31 4 879023529 +343 684 3 876406878 +181 1388 1 878962168 +308 313 3 887736408 +231 151 1 879966209 +347 65 2 881654679 +64 9 4 889738085 +381 129 4 892697628 +276 307 4 878015917 +181 1284 1 878962773 +214 257 3 891543176 +311 239 3 884365284 +109 559 3 880579709 +83 452 3 880309214 +372 148 5 876869915 +369 271 5 889428642 +270 714 4 876954965 +94 685 4 891722382 +398 504 3 875722071 +311 1 4 884963202 +85 234 4 882995015 +334 1411 1 891549434 +94 170 5 891725362 +192 340 4 881366535 +56 433 4 892676970 +313 515 5 891013803 +72 127 5 880037702 +401 486 4 891033184 +255 259 3 883215759 +94 650 5 885870612 +396 291 4 884646289 +166 300 5 886397723 +398 69 5 875659191 +24 286 5 875323773 +335 260 3 891567159 +234 1050 3 892333616 +321 213 4 879440109 +385 767 1 879447361 +372 1083 3 876869878 +75 1001 1 884050531 +275 222 4 876198296 +72 177 4 880037204 +271 356 4 885849300 +188 717 4 875074329 +228 87 1 889388662 +217 840 1 889070087 +125 1000 3 892838977 +94 458 4 891722306 +326 141 3 879876235 +62 508 4 879372277 +373 204 5 877098222 +368 288 3 889783453 +313 67 1 891029117 +181 25 5 878962675 +357 118 5 878951691 +124 96 4 890399864 +276 203 4 877934910 +222 746 5 878183137 +36 269 3 882157258 +338 945 4 879438762 +323 300 2 878738827 +283 210 5 879298206 +8 56 5 879362183 +305 530 5 886323237 +140 258 3 879013617 +11 663 4 891905032 +255 833 4 883216902 +63 678 2 875747047 +194 44 4 879524007 +389 656 5 879991175 +91 322 4 891438397 +275 102 3 875154718 +352 173 1 884290361 +371 179 3 877487364 +330 72 5 876547087 +198 692 2 884208377 +365 7 2 891304213 +1 264 2 875071713 +64 1141 5 889739834 +87 63 4 879876848 +64 17 3 889739733 +179 303 1 892151270 +130 496 5 875216593 +269 276 5 891446193 +174 21 1 886515209 +303 118 2 879485623 +237 423 4 879376487 +249 108 3 879640452 +385 1353 4 879440098 +357 326 5 878951101 +299 482 4 877881508 +279 214 3 875306910 +217 281 2 889069842 +181 748 1 878961368 +319 302 4 876280242 +181 1009 1 878963276 +313 527 4 891013525 +248 11 5 884534992 +109 820 3 880572382 +269 525 4 891449055 +382 290 4 875946830 +378 1028 2 880044726 +210 185 4 887736232 +128 723 3 879967966 +363 472 1 891498469 +393 1048 3 887745120 +76 960 3 875028143 +102 510 4 888801316 +304 893 3 884967520 +360 194 3 880355803 +201 240 3 884114069 +254 951 4 886474619 +339 240 4 891036641 +234 73 2 892334368 +82 225 3 878768790 +383 464 4 891192986 +279 319 4 890780735 +89 845 2 879441335 +14 9 4 879119260 +286 1230 1 877535157 +181 260 1 878961623 +209 301 3 883460492 +330 47 5 876546409 +264 762 3 886122771 +267 578 3 878973153 +92 96 4 875656025 +303 574 1 879544184 +87 566 5 879875775 +393 88 3 889730066 +194 1058 2 879552923 +167 126 3 892738141 +90 1125 4 891384611 +69 150 5 882072920 +356 328 4 891406241 +92 393 3 875660494 +146 688 1 891457749 +363 1485 4 891496102 +269 1071 2 891449801 +119 199 5 874781994 +18 169 5 880130252 +171 1022 3 891034889 +325 340 3 891477473 +76 288 2 878101114 +114 520 3 881260473 +387 566 3 886483194 +291 1215 1 874834184 +396 148 4 884646436 +148 116 5 877398648 +11 597 2 891904037 +373 58 4 877100161 +369 988 3 889428228 +292 56 5 881105373 +128 280 1 879968579 +197 750 5 891409199 +216 15 3 881428365 +144 591 3 888104122 +374 824 4 880394331 +294 411 3 889242589 +389 1530 2 880088753 +301 161 3 882076558 +141 476 3 884585498 +299 222 2 877878148 +170 881 3 886190419 +85 327 3 884820110 +41 518 3 890687412 +393 683 4 887742110 +351 538 4 879481495 +308 177 5 887738570 +144 471 4 888104213 +332 928 5 887938706 +101 109 2 877136360 +60 492 5 883326525 +244 1039 4 880607570 +251 12 4 886271700 +125 692 3 892836523 +11 733 4 891904413 +7 166 3 891351585 +328 1041 3 885048762 +234 265 3 892078837 +181 1049 1 878963122 +44 5 4 878347598 +94 684 4 891721615 +363 62 2 891497639 +256 846 4 882151167 +205 269 3 888284347 +385 304 3 879438949 +328 696 3 885049376 +73 89 5 888625685 +354 180 3 891217274 +393 252 3 887744766 +393 763 5 887745086 +94 1089 2 891724829 +159 220 5 880557782 +339 65 4 891033452 +130 729 4 876252042 +274 742 4 878945322 +301 154 4 882076425 +293 151 4 888904927 +128 494 4 879967016 +102 597 3 888801673 +339 25 4 891035116 +90 471 4 891385752 +105 333 3 889214268 +185 28 5 883524428 +339 181 4 891033898 +222 288 4 883815252 +198 175 3 884207239 +63 300 4 875748326 +154 640 5 879138713 +256 370 3 882153321 +14 475 3 876964936 +90 1109 3 891385652 +21 834 1 874951293 +393 890 1 887742991 +38 118 5 892431151 +378 1037 2 880334476 +25 8 4 885852150 +178 739 4 882827737 +6 483 5 883601500 +276 168 5 874791623 +393 651 4 889728238 +1 219 1 878542327 +62 318 5 879373659 +224 1163 2 888104154 +85 340 3 893109920 +292 423 5 881105625 +304 310 3 884966697 +327 410 2 887819462 +373 506 4 877099211 +399 219 3 882345454 +261 988 3 890455190 +18 170 5 880130515 +158 403 4 880134650 +244 196 5 880605416 +72 121 3 880036048 +303 792 5 879484644 +37 22 5 880915810 +398 481 3 875659441 +327 200 4 887747338 +25 969 3 885852059 +222 9 5 877563227 +28 678 2 882826550 +387 144 3 886479649 +69 100 5 882072892 +342 1160 3 874984751 +141 1013 1 884585470 +268 474 5 875309718 +308 693 3 887738104 +293 92 4 888906071 +82 657 4 878769261 +82 458 1 884714145 +142 288 3 888639837 +264 844 1 886124097 +117 98 4 881012430 +233 276 5 877665324 +159 471 4 880485861 +227 1010 3 879035637 +244 1074 4 880607904 +234 77 3 892333890 +25 169 5 885852301 +296 56 5 884197287 +107 269 5 891264267 +13 501 5 882398724 +95 683 4 879193353 +216 108 4 880232917 +279 1032 3 880666757 +15 307 1 879455233 +380 1168 3 885479833 +181 825 1 878963304 +115 443 4 881171622 +363 569 2 891498259 +354 285 5 891216526 +95 366 4 880572628 +1 232 3 878543196 +145 406 3 875270692 +347 82 5 881654269 +312 275 5 891698553 +373 729 4 877099263 +245 473 2 888513344 +61 331 2 891206126 +397 1019 3 885349715 +7 185 5 892135346 +116 347 2 886309481 +122 470 3 879270901 +361 97 4 879440740 +379 402 3 880524943 +244 181 4 880604302 +318 162 5 884496123 +290 474 3 880474204 +200 560 4 884130655 +45 237 4 881008636 +225 418 5 879540650 +60 613 4 883326497 +55 685 1 878176134 +271 141 4 885849114 +387 564 1 886481800 +259 200 4 874725081 +119 1202 4 874775680 +279 1052 4 890451408 +312 8 5 891699263 +92 663 4 875653914 +158 803 3 880134848 +92 102 2 875813376 +327 517 2 887818991 +128 14 5 879967341 +67 7 5 875379794 +16 603 5 877719206 +87 97 5 879877825 +389 550 3 880088923 +393 62 4 889728895 +58 64 5 884305295 +308 160 4 887738717 +255 406 1 883216358 +121 249 1 891388708 +200 391 4 884130484 +13 219 1 882396955 +214 307 3 891542735 +399 591 3 882340599 +271 744 4 885847693 +266 124 4 892258004 +354 702 3 891307114 +336 276 4 877760310 +316 283 5 880853599 +87 521 3 879877772 +15 458 5 879456288 +246 470 4 884922964 +92 278 3 876175640 +379 443 4 880524640 +301 710 3 882078008 +229 748 3 891632402 +43 951 3 883955969 +351 1105 4 883356833 +203 24 4 880434359 +145 327 5 875269822 +268 735 3 876518557 +6 526 3 883602596 +294 105 3 889242660 +282 338 3 879949468 +379 192 4 880524972 +14 202 3 890881521 +94 624 2 891723459 +24 258 4 875245985 +391 188 3 877399658 +251 172 5 886271641 +267 475 5 878970368 +46 151 4 883616218 +292 285 4 881103896 +276 209 4 874791667 +222 142 2 878183984 +27 121 4 891543191 +402 257 4 876266701 +301 756 4 882074932 +167 1310 3 892738384 +7 562 5 891354053 +370 657 3 879434636 +320 159 4 884751190 +206 294 2 888179694 +326 67 2 879877284 +373 210 5 877098177 +201 57 4 884111958 +387 844 5 886480484 +59 490 4 888205614 +249 479 5 879641035 +314 1085 1 877892017 +280 1313 5 891700184 +354 1101 3 891218003 +12 28 5 879958969 +378 222 3 882712421 +60 180 4 883326028 +267 943 4 878972903 +354 61 5 891218091 +72 480 5 880037768 +256 77 3 882164955 +378 233 2 880333540 +7 191 5 891351201 +244 886 5 880601905 +303 300 1 879466166 +57 151 3 883697585 +334 216 3 891546348 +293 443 4 888906781 +388 816 4 886441248 +42 409 3 881106270 +18 393 3 880130930 +216 93 4 880232637 +250 948 3 878089182 +181 878 1 878961709 +210 257 5 887730789 +269 475 5 891457067 +399 284 2 882512342 +167 73 2 892738452 +336 49 4 877758001 +378 465 3 881582268 +263 215 4 891298273 +332 204 4 888098088 +271 411 1 885848062 +366 185 5 888857750 +268 169 5 875309829 +223 22 5 891550649 +156 180 5 888185777 +239 8 5 889179290 +7 683 4 891350703 +63 952 3 875747896 +345 443 5 884993464 +2 257 4 888551062 +164 619 4 889402160 +72 100 5 880035680 +301 273 1 882074800 +267 204 4 878971629 +276 315 4 892436298 +314 763 5 877886706 +56 195 5 892676429 +177 336 2 880130500 +311 183 5 884365519 +267 479 4 878971405 +117 143 1 881012472 +46 181 4 883616254 +43 705 4 883954970 +64 367 4 889739678 +399 1314 3 882349198 +354 276 3 891216760 +164 181 5 889401906 +296 274 4 884196741 +44 717 3 878346470 +301 849 4 882078883 +95 90 2 880572166 +1 236 4 875071898 +197 127 5 891409839 +232 234 3 888549595 +336 399 3 877757063 +305 190 3 886322966 +62 213 4 879375323 +389 507 5 879991196 +387 501 4 886483620 +81 412 1 876534408 +207 8 3 878103820 +338 663 5 879438627 +222 665 1 878184719 +299 916 3 892249868 +24 318 5 875323474 +7 399 4 891354357 +92 712 3 875656392 +29 98 4 882821942 +303 1222 3 879468513 +380 229 3 885481179 +264 745 5 886123656 +335 269 4 891566808 +244 475 4 880603582 +348 276 3 886523456 +217 363 1 889070011 +7 139 3 891354729 +343 306 4 876402516 +384 272 5 891273509 +378 396 4 880332879 +137 249 4 881433387 +92 46 4 875653867 +116 322 2 876452186 +101 24 4 877136391 +321 736 4 879439537 +77 52 5 884753203 +262 318 5 879793022 +312 615 4 891698893 +393 275 4 887744053 +268 246 5 875742316 +363 1099 2 891495402 +200 2 4 884130046 +62 845 3 879372383 +234 300 3 891033627 +393 1095 2 887745174 +77 144 3 884752853 +277 628 4 879543697 +240 289 4 885775745 +48 170 4 879434886 +197 578 3 891410039 +338 133 4 879438143 +113 277 3 875076416 +347 12 3 881653584 +315 180 4 879799526 +393 142 4 889730460 +379 1032 2 880568109 +136 42 3 882848866 +33 333 4 891964259 +82 479 4 878769703 +187 275 5 879465937 +111 896 2 891680243 +387 1012 4 886481073 +327 514 4 887747338 +373 487 4 877098177 +295 241 5 879518800 +379 401 3 880962187 +94 410 4 891721494 +378 1220 3 880055779 +343 458 5 876402894 +346 76 4 874950135 +10 160 4 877888944 +375 684 4 886622066 +158 244 4 880132772 +235 190 4 889656007 +21 859 2 874951859 +389 38 2 880089076 +345 333 3 884900543 +26 292 3 891347400 +213 200 5 878956100 +5 417 3 875636830 +58 950 1 892242020 +399 8 3 882510165 +395 151 3 883765297 +293 977 2 888908088 +188 732 3 875073828 +222 268 4 877562748 +3 330 2 889237297 +25 13 4 885852381 +308 309 1 887736408 +214 22 3 891544200 +42 79 5 881108040 +262 432 3 879794267 +255 405 4 883216902 +254 573 2 886475476 +94 96 3 885872942 +42 428 3 881108040 +299 1119 4 889502727 +109 68 3 880582469 +301 423 1 882076239 +57 1011 3 883697761 +263 177 4 891297988 +228 204 3 889388662 +342 204 4 874984261 +290 450 2 880473557 +311 485 1 884364538 +47 302 5 879439040 +378 284 3 880044835 +301 164 3 882076966 +72 581 4 880036996 +213 475 4 878870648 +192 1405 5 881367456 +339 23 5 891033481 +144 32 4 888105287 +42 234 4 881108093 +255 413 2 883216358 +224 662 5 888103671 +332 717 3 887938760 +315 732 3 879821158 +236 66 2 890118507 +301 1091 3 882079353 +374 159 4 880937920 +125 383 2 892839412 +21 665 3 874951858 +262 491 3 879793188 +328 332 3 885044782 +379 90 2 880740215 +7 227 3 892132317 +339 126 4 891032121 +197 286 1 891409255 +334 514 4 891545926 +379 164 4 880524582 +109 196 4 880578358 +320 742 4 884748800 +348 473 3 886523560 +152 51 4 882476486 +328 228 3 885046976 +6 459 2 883599228 +18 509 4 880129940 +374 761 3 880938370 +312 170 5 891698553 +308 161 3 887740788 +2 316 5 888979693 +4 294 5 892004409 +60 495 3 883327639 +368 96 3 889783678 +212 286 4 879303468 +48 427 4 879434653 +90 614 4 891384020 +271 311 3 885844547 +92 720 3 875813022 +269 183 3 891448823 +254 186 3 886472023 +92 109 3 886443351 +29 259 4 882821044 +279 384 4 875312946 +365 13 3 891303950 +308 199 4 887737760 +95 674 2 880572104 +25 197 3 885852059 +269 171 5 891447169 +269 527 5 891447841 +254 98 4 886472201 +253 95 4 891628416 +320 1081 4 884748997 +13 716 4 882141393 +102 167 2 892993927 +110 28 4 886987979 +399 1228 3 882345500 +64 71 3 879365670 +91 64 4 891439243 +122 423 4 879270805 +163 97 4 891220019 +301 88 4 882077142 +184 22 3 889908985 +1 252 2 875240677 +361 111 3 879440974 +293 64 5 888905519 +280 1015 3 891701631 +378 451 4 880055597 +393 1469 3 889729749 +331 305 5 877196819 +268 325 3 876513675 +206 260 3 888179772 +301 180 3 882076782 +63 412 3 875748109 +49 657 5 888068032 +18 629 3 880130515 +151 660 4 879524199 +109 183 5 880572528 +77 778 2 884753203 +320 90 4 884751034 +96 525 2 884402860 +160 123 4 876768949 +21 717 1 874951483 +354 70 3 891218208 +313 423 4 891013939 +197 258 4 891409255 +271 739 4 885849706 +227 150 3 879035347 +126 243 5 887855342 +250 477 3 878089716 +101 756 3 877136424 +15 476 4 879456404 +334 7 5 891544788 +6 238 5 883601713 +174 1032 3 886515591 +378 972 4 880056491 +256 9 4 882150644 +387 381 4 886482969 +7 589 5 891352451 +254 103 2 886476123 +63 979 3 875748068 +37 597 5 880915607 +95 142 4 880572249 +393 12 5 887745883 +63 106 2 875748139 +201 156 4 884111830 +146 302 4 891457538 +92 201 3 875654159 +13 317 5 882140552 +370 705 3 879434666 +314 64 5 877888346 +85 425 4 879454905 +160 926 2 876769148 +381 652 5 892696252 +199 276 4 883782879 +279 80 4 875313750 +144 1284 3 888104446 +381 724 3 892696616 +180 694 5 877128388 +299 115 3 877880474 +373 28 3 877103935 +40 243 2 889041694 +6 81 4 883602283 +7 501 5 891353411 +399 459 4 882340807 +95 185 3 879197886 +393 953 4 889555334 +378 1134 4 880044278 +156 346 3 888185561 +295 53 1 879519528 +328 736 3 885047737 +21 985 2 874951349 +366 860 2 888858078 +149 689 2 883512950 +213 628 5 878870648 +353 286 5 891402757 +373 386 3 877107403 +144 216 4 888105691 +215 70 3 891436232 +61 243 2 892331237 +181 1387 1 878962119 +363 959 1 891497523 +331 811 4 877196384 +62 176 5 879373768 +378 302 5 889664996 +95 699 2 882804187 +396 751 3 884645648 +234 76 2 892335564 +87 515 4 879876194 +128 136 5 879967080 +385 673 2 879445779 +327 382 3 887819316 +308 747 3 887740033 +279 1239 1 884982882 +320 869 4 884751068 +403 111 4 879785974 +405 56 4 885544911 +307 511 5 879282952 +354 155 2 891307206 +101 284 4 877136564 +141 117 4 884584929 +389 785 3 880613841 +194 588 4 879524393 +280 1459 4 891701747 +379 391 4 880525698 +303 1226 4 879544713 +198 654 5 884207733 +201 563 1 884114813 +70 542 2 884065248 +342 1048 1 875318536 +389 496 4 879991218 +147 690 4 885593965 +239 558 5 889178986 +342 4 4 874984395 +380 709 4 885478603 +331 933 3 877196235 +184 91 3 889909988 +62 815 3 879375391 +88 690 4 891037708 +362 336 2 885019468 +251 249 5 886272118 +325 492 4 891478557 +315 269 5 879799301 +303 1021 4 879484643 +343 919 5 876403348 +22 648 4 878886647 +310 251 5 879436035 +213 281 4 878871038 +327 239 3 887819316 +222 869 3 878182337 +269 5 2 891450780 +214 238 4 891544472 +303 55 4 879467328 +13 617 3 881515112 +385 1536 5 879441339 +168 1047 2 884288080 +20 597 3 879668190 +297 269 4 875774037 +393 456 3 887745501 +46 1024 5 883614766 +367 665 5 876689738 +328 546 3 885048861 +308 498 5 887736584 +116 260 2 887605412 +144 93 1 888104032 +363 347 3 891493723 +7 207 4 891352526 +221 118 1 875244940 +264 210 5 886123415 +267 88 4 878972873 +329 272 5 891655191 +85 1137 4 879452609 +326 443 5 879877349 +222 202 4 878181906 +367 436 4 876689962 +224 620 3 888104085 +378 304 4 880043929 +334 227 1 891547083 +345 1048 2 884991436 +381 694 4 892696929 +332 342 4 892484976 +399 73 3 882343731 +396 260 3 884645754 +256 226 5 882164644 +216 433 3 880233957 +357 819 4 878951653 +117 772 4 881012728 +345 93 4 884991191 +18 953 3 880131901 +141 328 4 886447679 +158 731 2 880135118 +328 1263 3 885048730 +344 12 5 884901024 +169 604 4 891359317 +389 792 4 880088115 +77 89 5 884733839 +10 176 4 877889130 +303 844 3 879468179 +313 228 3 891016986 +224 655 4 888103646 +218 789 3 881288574 +244 117 2 880604698 +13 546 3 882397741 +365 275 4 891304019 +214 12 5 892668153 +299 752 3 887136060 +230 186 4 880484937 +100 342 3 891375454 +354 382 5 891217897 +326 445 4 879877413 +315 48 4 879799457 +155 324 2 879370963 +259 98 4 874809091 +244 217 5 880606698 +119 105 2 874775849 +175 483 5 877107339 +373 117 4 877098599 +274 277 4 878945818 +312 180 4 891698174 +401 117 3 891032563 +394 568 5 880888167 +95 622 4 880571678 +345 1016 3 884994619 +405 592 1 885548670 +291 715 5 874868327 +144 191 4 888105081 +234 499 4 892334141 +352 181 4 884289693 +330 80 2 876547737 +393 1047 3 887745293 +16 693 4 877721905 +368 567 3 889783617 +311 43 4 884366227 +48 195 5 879434954 +244 723 3 880607154 +44 474 4 878347532 +145 685 4 875271229 +314 288 5 877885887 +268 382 3 875309282 +308 1211 3 887739669 +305 134 5 886322560 +387 578 2 886483252 +344 433 4 884901517 +321 497 5 879439860 +97 429 4 884238860 +290 685 3 880732365 +64 663 3 889737505 +299 285 5 877877847 +39 900 3 891400159 +130 322 4 874953525 +397 108 4 885350045 +346 685 3 874950383 +15 471 4 879456084 +70 89 4 884150202 +64 156 4 889737506 +102 50 4 888801315 +342 584 4 874984430 +269 642 3 891449464 +234 168 3 892079434 +131 302 5 883681723 +344 9 5 884814480 +152 1014 2 880149224 +393 596 4 887743611 +14 275 4 876964725 +112 300 4 884992508 +280 538 5 891700185 +57 476 3 883697990 +49 508 3 888068841 +363 144 4 891494865 +400 328 3 885676490 +405 1582 1 885548670 +339 380 3 891035584 +49 737 1 888066828 +327 281 3 887820341 +303 43 3 879485507 +83 663 5 887665423 +303 139 3 879543209 +70 169 4 884149688 +81 1028 1 876534277 +392 258 2 891037531 +383 474 5 891193072 +201 589 3 884113082 +53 250 2 879442920 +382 183 3 875946672 +313 501 5 891013742 +308 79 4 887737593 +48 433 3 879434791 +6 208 4 883602422 +249 634 5 879572314 +405 171 1 885549544 +253 448 2 891628883 +168 323 3 884286990 +13 436 2 882396869 +308 589 4 887737760 +214 195 4 891544200 +59 118 5 888203234 +270 217 5 876956360 +1 200 3 876893098 +354 962 4 891217274 +92 559 3 875660304 +405 580 1 885547447 +227 7 5 879035251 +234 493 3 892078567 +323 328 3 878739029 +99 926 3 885679437 +207 144 3 875509434 +294 350 4 889241426 +200 1060 3 876042340 +260 538 1 890618403 +174 14 5 886433771 +298 71 5 884183016 +279 654 5 875306552 +405 1409 1 885549045 +292 234 5 881105245 +13 290 4 882141814 +297 267 3 875409139 +392 1143 4 891038158 +381 216 5 892695996 +207 59 4 877846793 +237 199 4 879376606 +274 83 5 878946612 +239 1203 5 889180040 +387 82 4 886483098 +234 289 4 891033851 +405 953 3 885546487 +273 319 4 891292846 +201 176 4 884112281 +299 95 3 889501654 +338 486 3 879438392 +286 289 5 875806672 +174 423 2 886514276 +145 217 3 877343156 +66 15 3 883601456 +345 356 3 884993686 +181 1343 1 878962199 +387 333 3 886479484 +175 9 4 877108146 +296 475 4 884196555 +62 180 4 879373984 +343 8 5 876404836 +13 281 3 882397974 +262 191 4 879793022 +234 1457 3 892079538 +309 303 2 877370319 +210 211 5 887730297 +230 443 4 880485090 +303 531 4 879466457 +320 123 4 884748750 +307 1140 2 879114143 +210 679 3 887808619 +303 705 5 879467105 +151 160 4 879542670 +239 152 3 889179808 +385 337 4 879439469 +229 258 2 891632040 +297 195 1 875240053 +1 180 3 875072573 +373 102 5 877100096 +151 64 5 879524536 +313 199 4 891013938 +208 523 4 883108360 +194 98 4 879521329 +292 207 5 881105561 +231 121 4 879966609 +373 451 5 877107430 +378 288 3 880043804 +328 515 5 885045678 +125 120 1 892839312 +37 363 3 880915711 +285 276 4 890595726 +280 195 3 891700303 +378 527 4 880054954 +271 419 3 885848996 +176 240 4 886048230 +339 607 5 891032189 +365 321 5 891303536 +42 280 4 881106270 +56 38 2 892683533 +178 134 3 882826983 +101 975 2 877136659 +269 809 1 891451451 +102 184 2 888801465 +59 431 4 888205534 +344 248 4 889814539 +299 702 4 889502159 +399 486 3 882510290 +391 264 1 877398704 +230 432 4 880485110 +23 13 4 874784497 +267 824 4 878970953 +286 577 2 877535500 +393 431 2 887746965 +389 490 3 879991081 +49 514 4 888068686 +286 554 4 877535014 +313 565 1 891030027 +126 319 2 887938081 +264 443 5 886122447 +326 944 2 879877326 +59 527 5 888204553 +157 1283 2 886891173 +345 283 4 884991105 +195 304 4 876617344 +26 476 3 891384414 +43 91 3 883956260 +151 287 4 879528754 +222 944 3 878715192 +321 199 4 879439787 +398 12 3 875658898 +381 403 3 892696045 +276 743 1 874792634 +308 1404 4 887739257 +367 100 5 876689878 +13 447 2 882396869 +96 1232 5 884404017 +312 604 5 891698613 +387 168 5 886479610 +41 174 4 890687264 +164 323 4 889401318 +311 425 2 884365140 +174 293 5 890168505 +159 872 1 880485262 +95 445 4 888956272 +145 683 3 879161674 +396 1025 4 884645839 +11 260 1 891902426 +76 1007 4 875312109 +392 492 4 891038979 +290 227 2 880473557 +64 212 3 889740011 +213 193 4 878955442 +311 232 3 884364812 +308 806 4 887737594 +393 812 3 889555021 +282 307 3 881702875 +43 153 5 883955135 +48 132 5 879434886 +256 51 4 882165135 +363 588 2 891495339 +363 156 3 891494962 +345 284 4 884991348 +308 463 4 887738057 +290 739 3 880475757 +184 137 5 889907685 +405 994 1 885549746 +144 410 3 888104521 +11 752 4 891902157 +405 387 1 885546680 +38 82 5 892429903 +393 349 3 887742939 +9 507 4 886959343 +200 768 4 884130592 +368 17 5 889783562 +195 771 2 874825826 +209 50 5 883417589 +337 135 5 875236512 +342 32 5 874984207 +387 448 3 886481686 +383 321 5 891192376 +303 245 3 879466249 +256 974 3 882164059 +345 1011 3 884991127 +130 358 4 874953526 +346 569 3 875266064 +89 739 2 879460376 +75 1151 2 884050829 +316 9 4 880853774 +251 15 4 886272086 +250 129 4 878089677 +286 404 5 889651799 +339 228 4 891033960 +135 325 4 879857575 +293 554 1 888907794 +315 709 4 879821158 +194 12 5 879520916 +49 1076 2 888067187 +361 14 4 879440651 +320 54 4 884751209 +144 300 3 888103370 +204 45 5 892513906 +132 275 3 891278915 +312 157 1 891698516 +233 313 5 891920842 +234 70 3 892335587 +193 1258 3 889123806 +244 135 4 880606442 +231 748 4 888605273 +344 228 4 884901047 +399 924 5 882340678 +109 172 5 880572528 +18 423 5 880132437 +49 462 2 888066486 +249 202 4 879572167 +399 1543 3 882509891 +177 100 5 880130600 +59 640 5 888206445 +327 494 4 887822400 +230 291 4 880484825 +394 174 5 881057914 +59 95 2 888204758 +16 564 1 877726790 +208 435 5 883108430 +387 697 1 886483906 +188 209 2 875073246 +399 372 3 882511047 +303 778 4 879467815 +246 402 3 884922917 +303 364 2 879544153 +384 355 4 891274055 +293 435 4 888906464 +153 321 3 881370900 +379 176 5 886317511 +92 94 3 875812876 +263 153 3 891298727 +368 320 5 889783364 +348 406 4 886523521 +94 234 5 885882685 +83 1028 4 880307207 +41 289 2 890686673 +145 727 2 875272652 +83 106 4 887665549 +270 275 5 876954248 +281 938 2 881200789 +378 276 4 880044198 +393 278 4 887744473 +85 213 4 879454751 +68 282 1 876974315 +62 249 2 879372479 +57 1095 2 883698062 +364 289 3 875931432 +299 423 3 878192238 +406 48 5 879792811 +200 840 4 876042525 +343 88 4 876405130 +303 558 4 879467105 +95 422 2 888956665 +125 194 5 879454986 +361 185 5 879441215 +374 363 3 880394088 +334 153 4 891547306 +296 124 5 884196555 +292 222 3 881105195 +115 543 2 881172303 +290 22 5 880473942 +194 195 3 879521657 +334 515 4 891545898 +392 165 5 891038433 +160 463 4 876859777 +42 1045 2 881108873 +150 628 4 878747018 +325 152 4 891477905 +106 22 4 881449830 +30 294 4 875140648 +257 1462 5 879547695 +249 235 4 879640261 +232 202 4 888549515 +216 1161 4 881432609 +232 272 4 885939511 +405 1432 1 885549942 +234 205 3 892079288 +401 638 4 891033158 +378 66 3 880056632 +334 285 4 891544707 +320 892 3 884748299 +323 508 4 878739643 +296 963 5 884197352 +303 729 3 879483568 +60 216 4 883327827 +379 735 4 880525133 +305 305 3 886307860 +279 1035 3 875309935 +405 190 2 885546201 +374 952 2 883627906 +373 127 2 877099968 +360 242 4 880353616 +115 82 4 881172117 +178 259 1 882823437 +402 111 4 876267041 +342 1128 5 875318536 +222 931 1 881061396 +234 242 4 891033261 +312 151 2 891698832 +297 245 3 874954060 +279 1271 4 875659999 +59 846 4 888203415 +160 161 3 876861185 +8 7 3 879362287 +91 161 3 891439353 +222 12 5 878181387 +380 59 4 885478447 +234 502 4 892336077 +324 283 3 880575531 +354 904 5 891180419 +13 694 4 890704999 +92 820 1 875644796 +371 55 4 877487364 +379 230 4 880525540 +276 317 4 874791257 +70 121 3 884148728 +138 116 2 879022956 +393 778 3 887746301 +145 1054 1 888398563 +128 209 4 879968332 +405 521 4 885544698 +59 506 5 888205787 +94 102 3 891721462 +103 50 5 880416864 +13 624 5 882398691 +6 423 3 883602501 +234 1198 3 892335187 +276 831 3 874792634 +405 1177 1 885547766 +148 507 5 877398587 +207 241 3 877995673 +144 19 4 888103929 +380 732 4 885478646 +406 479 4 879445771 +75 290 4 884050451 +71 276 4 877319375 +392 23 5 891038466 +43 95 4 875975687 +18 485 5 880132437 +135 475 4 879857592 +117 411 3 880126232 +12 381 4 879958902 +250 748 2 878089033 +43 956 1 883956259 +18 64 5 880132501 +280 586 4 891701871 +318 485 5 884495921 +405 1503 1 885548932 +115 475 5 881170252 +84 222 4 883450020 +171 302 4 891034606 +201 1227 1 884140787 +394 88 3 880889400 +176 1012 4 886048145 +122 570 3 879270849 +392 293 4 891038137 +59 708 4 888206410 +99 12 5 885680458 +347 222 4 881652377 +58 1019 4 884305088 +85 502 4 879454633 +18 99 5 880130829 +207 194 4 875504118 +305 81 3 886323335 +16 51 4 877726390 +13 885 1 886302334 +334 684 4 891545768 +313 194 4 891014499 +290 832 3 880732491 +295 570 3 879518590 +121 294 4 891389522 +304 343 3 884967896 +287 248 5 875333965 +224 1053 3 888104281 +117 628 5 881012174 +359 295 3 886453325 +405 524 1 885547124 +389 378 5 880087695 +327 806 4 887747617 +225 492 4 879539767 +160 1223 4 876861799 +233 1194 5 880190371 +299 135 4 878191889 +346 518 4 874948889 +312 205 5 891699372 +348 472 4 886523758 +405 570 1 885546487 +326 508 3 879875432 +200 929 4 876042979 +399 196 5 882349678 +7 393 4 891352058 +393 1092 3 889731139 +13 270 4 881514876 +214 216 4 891544290 +238 121 4 883576443 +178 510 4 882826394 +23 209 5 874785843 +244 290 3 880604616 +201 467 2 884139983 +17 125 1 885272538 +201 302 4 884110637 +200 802 4 884130485 +385 249 2 879440892 +389 836 4 879991045 +391 56 5 877399745 +399 402 3 882344434 +151 87 4 879524420 +248 294 3 884534379 +313 64 4 891016193 +5 79 3 875635895 +269 756 1 891451947 +331 702 3 877196443 +393 265 4 887746301 +109 294 4 880562908 +145 3 3 875271562 +262 122 2 879791537 +279 208 5 875310631 +276 427 5 883822485 +20 931 1 879668829 +399 1232 3 882350831 +144 956 4 888105636 +103 471 4 880416921 +11 395 2 891905349 +366 436 5 888857932 +276 14 4 890979947 +393 136 5 889555050 +298 197 4 884183236 +135 744 4 879857612 +275 28 4 880314529 +236 532 2 890116915 +119 1086 4 874775136 +49 423 2 888067727 +216 368 2 880233298 +250 357 4 878091915 +254 176 3 886472768 +250 23 4 878090499 +346 210 4 874947700 +311 329 4 884363904 +130 363 3 876250781 +389 504 4 880087832 +157 1302 5 874813703 +255 748 1 883215630 +147 345 4 885594040 +115 89 5 881172049 +232 461 5 888549563 +323 713 4 878739299 +92 748 3 892655791 +328 245 4 885044703 +276 145 3 874792692 +347 318 3 881653563 +117 56 5 881011807 +249 748 3 879571586 +7 542 4 892131849 +125 1 4 879454699 +405 721 1 885547360 +37 195 5 880915874 +7 599 1 891353860 +326 679 3 879876941 +234 523 4 892334141 +187 196 4 879465507 +313 473 3 891030228 +308 611 4 887738971 +246 369 3 884924710 +100 990 3 891375428 +263 99 3 891298977 +287 268 4 888177170 +401 199 3 891032896 +354 47 4 891217110 +354 149 5 891216498 +378 54 4 880056976 +336 738 1 877757343 +279 1120 3 891209189 +314 578 4 877887763 +361 655 3 879440346 +192 302 5 881366489 +379 480 5 885063301 +353 271 2 891402567 +225 1443 4 879540778 +379 98 5 880524541 +55 405 1 878176134 +186 939 5 879023529 +171 344 3 891034889 +294 1007 4 877819761 +402 255 4 876266948 +92 463 4 875656623 +235 197 5 889655266 +85 94 3 882995966 +38 252 5 892429567 +174 276 5 886433862 +95 588 3 879198800 +91 484 4 891438977 +374 195 3 880938870 +321 191 3 879440365 +354 213 5 891217160 +94 88 3 891721942 +299 950 2 877878148 +130 33 5 876252087 +375 761 3 886622131 +308 181 4 887739095 +293 414 4 888906576 +345 660 5 884993418 +48 172 5 879434791 +19 692 3 885412840 +23 71 3 874789299 +109 441 2 880582633 +1 250 4 874965706 +92 977 2 886443494 +215 258 3 891434563 +174 949 5 886513729 +148 163 4 877021402 +20 95 3 879669181 +379 135 4 880524886 +344 678 2 884813365 +81 124 3 876534594 +370 209 5 879435461 +244 72 4 880607365 +389 583 2 880088039 +397 194 3 885349348 +234 196 3 892079910 +214 32 4 892668249 +85 157 3 879454400 +95 768 1 888956272 +325 458 3 891478877 +383 641 4 891192778 +42 834 1 881110763 +60 659 4 883326862 +95 161 3 879196298 +188 392 5 875073408 +100 333 3 891374528 +244 209 4 880605485 +307 515 4 875680871 +249 24 4 879640306 +109 409 2 880571920 +46 327 4 883611456 +308 466 5 887738387 +284 286 4 885328727 +237 513 5 879376328 +276 1180 2 877935306 +348 245 4 886522765 +148 1039 2 877015784 +104 546 1 888465491 +392 179 5 891038946 +49 542 2 888067096 +378 301 3 892382841 +141 880 1 886447847 +363 746 4 891495630 +283 407 3 879297867 +286 77 3 877533001 +40 333 4 889041402 +279 250 3 875249259 +104 1226 3 888465347 +65 48 5 879217689 +314 122 1 877887065 +7 514 2 891351121 +6 486 4 883601427 +56 201 4 892910604 +239 701 5 889179544 +58 546 2 892242190 +139 246 4 879538218 +342 483 4 875319745 +7 404 5 891352947 +313 69 5 891016193 +299 181 3 877877479 +293 16 2 888907499 +215 185 4 891436566 +343 654 5 876407006 +399 531 3 882342964 +347 291 5 881652746 +138 519 5 879024043 +249 271 4 879571521 +174 197 5 886434547 +227 19 4 879035431 +286 1 4 876521699 +406 664 2 884630973 +192 257 4 881367592 +374 216 5 880394997 +7 630 5 891352341 +23 191 3 877817113 +83 1 4 880306903 +393 31 4 887745912 +361 12 4 879441214 +13 866 3 882141814 +104 751 4 888442337 +309 1393 2 877370383 +334 322 3 891544584 +10 435 5 877889261 +256 864 4 882151623 +1 85 3 875073180 +334 340 3 891544264 +130 286 5 874953239 +381 634 3 892696872 +235 188 4 889655619 +295 318 5 879517010 +10 706 4 877888677 +279 121 4 875297708 +344 845 3 884899791 +370 12 4 879435369 +193 553 4 889126272 +276 571 2 874792118 +347 841 3 881652769 +117 886 5 880124413 +405 210 5 885547124 +90 17 4 891384721 +267 685 3 878970978 +268 258 2 876513675 +325 107 2 891479102 +266 313 4 892256705 +95 568 4 879196594 +64 215 5 889737914 +373 485 4 877098751 +274 319 5 878944379 +303 998 3 879544435 +298 213 3 884183130 +354 736 5 891218568 +59 140 1 888206445 +289 685 4 876789373 +354 79 2 891217274 +344 274 2 884899768 +308 742 4 887739172 +145 38 3 888398747 +290 523 3 880473735 +188 632 5 875071581 +326 205 4 879875507 +378 942 3 880056798 +360 663 4 880355888 +373 20 2 877098751 +313 665 4 891028323 +220 286 5 881197663 +286 636 3 877533185 +207 2 3 877822770 +227 106 3 879035775 +239 1056 5 889180041 +87 183 4 879875734 +286 57 5 877533419 +25 427 4 885852059 +244 554 3 880608733 +92 173 3 875656535 +292 300 4 877628139 +332 879 4 887916385 +334 182 3 891545793 +295 1028 5 879519556 +342 100 5 874984207 +58 61 5 884305271 +387 288 3 886484385 +346 684 4 874948929 +381 914 1 892697768 +393 374 3 889731702 +405 465 1 885548836 +269 1065 5 891447891 +236 614 5 890116335 +389 98 4 879991264 +355 336 4 879486529 +354 318 3 891217365 +280 692 3 891700983 +392 276 4 891039049 +234 929 1 891228099 +255 455 2 883216845 +315 508 4 879799457 +336 154 5 877757637 +327 921 4 887748028 +43 175 2 875981304 +347 286 3 881652054 +292 194 4 881105442 +210 182 5 887736232 +320 97 5 884750946 +339 770 4 891034895 +13 196 4 882140552 +286 195 4 877534618 +165 332 4 879525672 +244 631 4 880606760 +5 418 3 875721216 +87 1089 3 879876225 +56 216 4 892676885 +87 73 3 879877083 +395 172 5 883763041 +346 673 3 874951782 +221 231 4 875246359 +280 210 2 891700385 +164 333 5 889401383 +373 1230 3 877111313 +354 953 3 891218208 +276 471 4 874786657 +151 684 3 879524849 +387 672 2 886481687 +354 705 4 891217547 +380 22 4 885478334 +383 425 4 891193181 +303 201 5 879467573 +194 198 3 879522021 +152 151 4 880148735 +342 523 4 875319854 +188 216 5 875075300 +102 164 3 888803002 +393 686 4 889729185 +139 508 4 879538255 +91 326 3 891438245 +308 238 5 887736843 +234 21 3 892335042 +268 183 4 875309583 +343 130 3 876403883 +226 28 4 883889322 +184 1195 3 889909934 +406 823 3 879540147 +151 584 3 879525035 +174 1230 1 886515210 +109 318 4 880572680 +57 264 2 883696672 +301 597 3 882075202 +398 199 4 875721548 +234 739 3 892335990 +276 1471 2 877934947 +374 815 4 880393668 +318 237 5 884494712 +163 286 3 891219977 +206 882 1 888180049 +401 135 1 891032919 +363 1019 5 891496414 +279 117 5 875297199 +336 692 3 877757637 +303 578 2 879484846 +92 1207 3 875907179 +62 664 4 879376079 +1 91 5 876892636 +232 747 3 888549957 +198 197 4 884208200 +405 692 5 885547177 +301 96 5 882076239 +216 72 2 881721890 +296 204 5 884199625 +288 64 5 886374365 +90 964 5 891385843 +276 806 4 874787467 +363 370 3 891500269 +195 1417 3 877246560 +85 568 3 879455238 +345 246 4 884994156 +387 461 5 886483753 +22 118 4 878887983 +94 546 3 891723296 +49 111 2 888068686 +363 346 4 891493746 +221 1012 4 875244475 +72 96 5 880037203 +92 53 3 875656392 +258 873 5 885701062 +125 577 2 892839312 +379 522 5 880524753 +148 7 5 877017054 +221 265 3 875246247 +312 593 5 891698987 +49 95 2 888067031 +181 1357 1 878962240 +230 526 3 880485159 +16 318 5 877718107 +234 85 2 892334852 +184 642 4 889909446 +124 550 4 890287645 +81 282 5 876533619 +330 1028 4 876544953 +370 238 4 879435369 +85 443 4 879454582 +248 324 4 884534506 +402 480 5 876267206 +265 410 4 875320633 +177 270 1 880130452 +392 1014 3 891038205 +62 1131 3 879375247 +399 742 4 882340844 +256 188 5 882164559 +274 713 5 878945437 +389 492 5 880086944 +336 67 4 877756966 +405 583 1 885546112 +65 582 3 879216702 +70 197 4 884149469 +87 409 3 879877127 +392 319 5 891037385 +231 405 4 879966609 +363 145 1 891498589 +62 1074 4 879376299 +313 134 5 891013712 +389 100 5 879915701 +383 475 2 891193137 +160 24 5 876769689 +58 228 5 884305271 +174 571 1 886515295 +301 153 3 882075743 +222 1267 3 878183173 +94 674 3 891723748 +158 636 4 880134532 +378 88 4 880046408 +332 934 2 887938886 +95 3 1 879193881 +83 117 5 880307000 +199 285 4 883782879 +381 13 4 892696445 +81 595 4 876534437 +407 433 4 875117053 +56 294 4 892676056 +393 836 4 889728895 +160 693 5 876770193 +334 845 2 891544867 +85 528 4 879454859 +188 1213 2 875074847 +311 15 5 884963136 +118 528 4 875384514 +18 19 3 880130582 +405 186 5 885547176 +360 251 5 880354315 +243 511 5 879989217 +118 218 5 875385386 +409 65 4 881108777 +291 1273 2 875087634 +97 79 5 884238817 +330 692 5 876547032 +201 670 4 884112673 +52 845 5 882922485 +322 12 4 887313946 +203 7 3 880434438 +314 237 5 877886221 +128 965 3 879968279 +379 417 5 880525794 +64 476 1 889740286 +299 182 3 878192039 +82 527 3 878769479 +328 423 4 885046305 +12 402 5 879960826 +312 705 5 891698553 +250 1161 4 883263375 +249 55 5 879572331 +145 763 4 875271047 +402 764 3 876266985 +181 1376 1 878963167 +49 123 1 888068195 +399 33 3 882344942 +321 198 4 879439926 +5 429 3 875637429 +269 120 1 891446926 +28 568 4 881957147 +315 238 5 879821003 +195 651 5 875436683 +85 1074 3 882996039 +119 182 4 874781303 +5 385 4 875636185 +92 551 2 875906882 +79 740 4 891271870 +274 294 3 878944379 +226 24 4 883889479 +91 174 5 891439090 +222 92 3 878182632 +405 78 2 885549045 +345 724 5 884993139 +158 82 5 880134398 +404 687 3 883790465 +181 103 1 878962586 +407 205 4 875045371 +60 197 4 883326620 +372 441 4 876869512 +18 966 2 880132399 +380 652 3 885478241 +86 327 4 879570218 +16 161 5 877726390 +121 631 4 891387992 +234 1020 4 892078890 +214 483 4 891543972 +276 809 2 874977245 +296 117 3 884196741 +398 423 5 875659319 +297 209 4 875239535 +279 224 4 882369761 +352 234 4 884290549 +372 874 4 876869238 +359 273 4 886453325 +263 186 4 891299815 +389 395 2 880089133 +70 139 3 884150656 +308 455 4 887738226 +269 44 3 891449691 +279 952 3 875296676 +130 176 5 881536127 +389 479 4 879991535 +345 471 3 884991127 +389 194 4 879991147 +15 7 1 879455506 +130 28 4 875217172 +354 929 4 891216896 +238 458 4 883576622 +313 521 4 891013887 +308 616 2 887739800 +388 5 4 886441083 +116 895 2 886309812 +232 98 4 888549838 +276 210 4 874792094 +280 237 3 891700624 +92 135 4 875652981 +189 268 4 893265071 +330 200 5 876546668 +92 67 3 875907436 +335 678 3 891567251 +194 281 2 879540567 +328 289 4 885044566 +294 260 4 877819126 +406 962 4 879445810 +175 215 5 877107500 +405 11 4 885545263 +200 183 5 884128554 +200 8 4 884128904 +299 778 4 889502688 +282 294 4 879949525 +85 160 3 879454075 +405 1578 1 885549543 +178 363 3 882824467 +82 220 2 878768840 +332 1244 4 887938798 +269 238 5 891448850 +38 79 3 892430309 +372 547 5 876869481 +401 609 3 891033625 +119 550 4 887038665 +130 174 5 875216249 +399 154 3 882343327 +292 144 5 881105280 +374 127 4 880392936 +102 568 2 888801232 +328 480 3 885046244 +184 410 3 889908181 +246 289 2 884922658 +43 402 4 883956283 +269 1101 4 891448120 +65 211 4 879217852 +115 310 3 881169559 +130 1207 1 880396861 +130 443 5 876251446 +7 396 4 891354288 +194 289 1 879535548 +37 11 4 880915838 +308 1021 4 887736459 +222 204 5 878182370 +87 33 3 879876488 +334 69 1 891548032 +185 86 5 883524428 +217 398 1 889070050 +13 271 1 881514876 +215 432 5 891435574 +345 49 3 884993505 +8 689 4 879361873 +223 742 3 891549570 +40 345 4 889041670 +314 1028 3 877886816 +234 193 4 892334713 +354 699 3 891218474 +327 1012 2 887745891 +6 59 5 883601713 +130 226 5 876252420 +393 527 3 889727614 +345 100 5 884902317 +256 406 3 882152605 +374 279 4 880394233 +385 1071 4 879448426 +184 1396 4 889913490 +380 923 3 885478603 +291 218 4 874834799 +7 205 5 891351585 +301 1 4 882074345 +35 259 4 875459017 +363 196 4 891494658 +271 1133 3 885849536 +84 291 3 883452363 +213 180 5 878956047 +230 276 5 880485573 +276 68 4 874792483 +301 566 3 882076463 +27 370 4 891543245 +268 73 3 875743563 +112 312 5 884992872 +85 658 3 879829861 +212 179 1 879304010 +90 149 3 891384754 +301 173 4 882076403 +291 1376 3 874834323 +315 12 5 879821194 +389 414 4 879991485 +197 190 3 891410082 +183 159 4 892323452 +299 73 2 889503265 +279 940 5 889151559 +194 526 4 879521087 +99 255 3 888469419 +308 1073 3 887736798 +295 1170 5 879966498 +181 1052 2 878963441 +102 101 4 883748488 +184 1398 5 889911749 +11 300 3 891902092 +16 300 5 877717078 +269 55 4 891449214 +393 1032 3 889729296 +2 315 1 888550774 +313 674 2 891029918 +385 290 3 879440674 +405 787 3 885545672 +323 15 3 878739393 +291 188 3 874835198 +395 315 5 886480875 +204 259 2 892389195 +345 289 3 884901497 +223 282 4 891549627 +173 292 5 877557369 +42 432 3 881108147 +326 655 5 879875432 +342 581 3 875320037 +377 100 3 891298589 +184 286 4 889906905 +130 393 5 876252472 +7 79 4 891352261 +378 866 2 880044726 +83 181 4 880306786 +311 234 4 884364873 +130 99 5 875216786 +387 693 5 886484336 +117 195 5 881012255 +276 127 5 874786568 +345 33 4 884993069 +405 414 1 885547268 +398 50 5 875652927 +193 684 4 889125788 +18 659 4 880129489 +311 921 4 884364695 +95 265 3 879196513 +336 1074 5 877757516 +297 272 5 884039431 +341 292 5 890757659 +290 105 2 880732753 +295 946 2 879517994 +379 50 4 880525400 +178 273 3 882823858 +409 1295 1 881105367 +119 83 4 886176922 +345 302 5 884902317 +409 1242 2 881106087 +328 1136 4 885047018 +28 145 3 881961904 +303 1011 2 879484282 +308 664 5 887736999 +10 275 4 877888677 +181 881 1 878961781 +405 172 5 885545111 +222 840 3 878184392 +343 250 5 876403078 +405 430 1 885547177 +192 276 2 881367505 +387 393 2 886483009 +54 871 5 880938547 +409 50 5 881107281 +224 135 1 888103671 +99 3 3 885679237 +291 794 4 875087334 +269 886 3 891446133 +106 88 3 881453097 +328 556 3 885048930 +59 428 5 888205188 +315 792 5 879821120 +346 831 3 875003274 +178 181 5 882823832 +180 1131 5 877441985 +344 471 3 884899719 +268 477 3 875742407 +383 663 5 891192778 +265 257 4 875320462 +308 44 4 887740451 +16 76 5 877719863 +230 183 3 880484370 +10 371 4 877886912 +214 23 5 892668130 +201 531 2 884113949 +90 512 4 891383241 +239 650 5 889180530 +406 239 3 880131608 +87 411 4 879876946 +352 657 4 884290428 +236 1102 4 890117488 +345 732 4 884993418 +339 347 4 891034953 +104 744 1 888465413 +409 223 4 881107539 +377 751 3 891296044 +144 1142 5 888103968 +210 662 2 887730221 +334 663 5 891545852 +57 100 5 883698581 +370 175 3 879434804 +312 435 4 891699702 +310 1022 5 879435764 +210 692 4 887736796 +339 1139 3 891036557 +19 382 3 885412840 +340 402 4 884990922 +387 46 3 886484011 +269 1133 1 891451374 +1 10 3 875693118 +361 1074 3 879441179 +254 75 1 886475004 +318 63 3 884496932 +279 391 5 875313859 +67 122 3 875379566 +405 773 1 885548330 +178 55 4 882826394 +392 285 3 891039050 +151 121 5 879525054 +22 692 4 878886480 +354 732 2 891307157 +350 324 4 882345384 +391 26 5 877399745 +385 663 4 879446431 +185 285 5 883524507 +222 1179 1 881060550 +246 403 4 884922697 +121 57 5 891390014 +213 603 5 878955599 +151 654 4 879524514 +141 295 5 884585039 +373 488 3 877098343 +326 436 3 879877387 +386 50 4 877654961 +68 471 3 876974023 +139 286 4 879537844 +334 1051 4 891545347 +413 222 4 879969709 +72 357 4 880036550 +207 174 4 877750843 +286 881 5 884583549 +293 843 3 888907836 +1 254 1 878541392 +392 534 4 891038205 +49 401 2 888067975 +409 48 2 881108455 +194 739 3 879527263 +201 774 1 884114713 +174 124 5 886514168 +256 7 4 882151017 +64 566 3 889738085 +378 29 3 880332949 +56 1036 2 892910544 +56 202 4 892676933 +234 1458 4 892336165 +407 196 4 876340318 +198 95 3 884207612 +5 372 3 875636230 +184 64 4 889909045 +6 124 5 883599228 +393 715 1 889731592 +406 156 5 879446062 +291 395 3 875086534 +66 475 2 883601156 +268 1095 2 876513927 +267 3 4 878970901 +253 83 4 891628159 +361 88 4 879440974 +378 411 3 880045006 +7 131 5 891352383 +276 693 4 874790903 +347 257 4 881652610 +305 129 3 886323006 +224 1039 5 888082552 +387 488 3 886480163 +276 547 4 874786605 +352 183 5 884289693 +254 97 5 887346963 +334 427 4 891545821 +222 240 2 877563716 +246 260 5 884924991 +62 227 1 879375843 +85 70 4 879828328 +11 710 2 891905221 +380 69 4 885479301 +80 199 2 887401353 +109 672 2 880582045 +280 322 4 891700185 +405 178 3 885544947 +44 434 4 878348885 +162 628 4 877635897 +363 473 4 891498558 +399 655 3 882344372 +399 959 3 882343523 +354 58 3 891218356 +227 1008 4 879036009 +374 124 3 880392873 +298 28 4 884182725 +95 48 4 879197500 +293 255 3 888905146 +94 246 4 891724064 +243 435 4 879988913 +44 118 3 878341197 +222 395 1 878184924 +407 50 4 875045268 +1 129 5 887431908 +389 216 2 879991387 +253 87 5 891628278 +290 204 4 880473696 +399 527 3 882511093 +251 298 5 886272146 +7 673 3 891353744 +244 69 4 880603645 +91 1050 3 891439414 +215 216 4 891435782 +99 871 2 885679411 +318 435 5 884496069 +403 121 5 879786221 +13 405 2 882397742 +268 67 3 875743588 +405 647 1 885546069 +224 720 4 888103906 +397 988 1 875063722 +311 778 4 884365251 +158 273 3 880132356 +373 699 4 877105781 +175 496 5 877108098 +113 286 4 875325377 +187 522 3 879465125 +201 221 3 884111397 +286 1047 1 876522026 +18 275 5 880129421 +234 558 4 892079585 +21 977 2 874951416 +308 578 2 887738847 +181 1379 1 878962168 +250 678 2 878089182 +378 175 4 880055706 +10 234 4 877888877 +127 450 5 884364950 +18 131 4 880131004 +102 675 3 888802940 +181 225 3 878963038 +336 232 3 877757023 +393 1446 5 887746346 +236 705 4 890116402 +16 182 5 877719863 +295 183 1 879517348 +405 789 1 885547268 +14 242 4 876964570 +146 300 3 891457943 +303 591 4 879468082 +407 249 2 884614788 +401 519 4 891033158 +296 815 3 884196806 +200 215 4 884129346 +379 284 4 880568407 +291 89 3 874835116 +236 58 2 890118462 +134 892 2 891732532 +384 689 4 891274232 +130 356 4 880396792 +224 1212 2 888104457 +378 576 3 880333027 +158 593 4 880134261 +243 813 4 879987239 +44 91 2 878348573 +85 708 4 879828349 +115 12 5 881171982 +251 596 3 886272118 +391 180 5 877399066 +164 823 4 889402225 +286 53 2 877533506 +244 367 1 880603442 +26 255 3 891377609 +244 724 4 880605638 +65 736 4 879216949 +286 88 4 877533640 +7 121 5 891352904 +135 79 3 879857843 +389 53 2 880089337 +406 318 5 879792811 +54 411 5 880936296 +293 215 4 888906244 +200 112 3 884127370 +308 127 4 887737243 +376 269 5 879454598 +101 50 4 877135944 +334 525 5 891545876 +367 334 4 876689364 +373 378 5 877100232 +308 64 4 887737383 +380 753 4 885479082 +385 82 1 879446786 +316 1039 5 880854500 +291 755 2 875086958 +399 588 5 882342938 +58 684 4 884305271 +332 409 3 887938601 +268 206 3 875309232 +196 286 5 881250949 +389 153 3 880088510 +357 1095 3 878952190 +369 181 5 889428642 +303 651 5 879468021 +94 405 3 891721615 +210 419 4 887737678 +200 1033 2 891825441 +409 288 1 881104647 +221 70 3 875245870 +405 1118 1 885547268 +256 4 5 882164525 +253 705 5 891628598 +121 192 4 891388250 +75 291 1 884050502 +286 1286 5 877532683 +152 313 4 890322242 +406 496 4 879445378 +388 147 4 886436871 +357 334 4 878951101 +391 134 4 877399171 +303 42 5 879467223 +326 88 2 879877235 +115 470 2 881171694 +241 292 4 887250084 +399 1279 3 882341625 +230 11 4 880484911 +203 151 4 880434384 +218 5 3 881288574 +347 230 4 881654101 +406 605 5 882480749 +71 289 2 877319117 +320 552 4 884751336 +409 200 2 881109175 +13 472 5 882398327 +49 588 4 888067031 +332 22 5 887938934 +374 237 5 880392717 +306 116 5 876504026 +213 1215 1 878871089 +393 294 4 887742145 +181 1330 1 878962052 +303 1178 2 879544130 +141 872 1 886447698 +178 96 4 882826782 +59 1110 4 888206363 +184 116 4 889910481 +271 518 4 885849357 +276 214 5 874787353 +256 120 1 882163754 +372 327 5 876869183 +255 288 4 883216185 +295 380 4 879518455 +66 21 1 883601939 +49 343 2 888065786 +59 419 2 888205228 +363 351 2 891493864 +327 652 4 887819860 +405 426 1 885549192 +151 227 5 879542670 +194 232 2 879553731 +373 842 3 877098343 +343 199 5 876404464 +293 603 5 888905898 +151 792 4 879524268 +320 77 3 884751246 +348 411 4 886523790 +271 530 4 885848770 +385 285 5 879439637 +339 98 4 891032150 +194 226 3 879525761 +152 286 5 875562268 +223 756 3 891550295 +160 604 4 876859778 +5 421 1 875721019 +331 59 5 877196383 +354 124 5 891216632 +406 85 2 880131875 +392 873 3 891037851 +137 15 4 881432965 +294 300 4 877818861 +279 52 3 890780576 +381 1439 3 892696831 +380 433 3 885479186 +56 769 4 892679389 +279 235 3 891209153 +269 423 4 891448048 +92 184 3 877383934 +48 656 4 879434689 +59 1028 1 888203900 +308 175 5 887736999 +13 610 2 882140690 +346 732 3 874948955 +109 552 2 880582414 +82 276 4 876311344 +58 490 4 884304896 +59 729 4 888205265 +233 381 4 877665125 +244 1047 2 880605264 +295 655 5 879517010 +405 1338 1 885549790 +328 76 3 885046580 +409 99 3 881107750 +102 588 4 883748450 +311 528 4 884364724 +91 482 3 891439208 +102 445 2 888803148 +100 752 4 891375146 +367 551 3 876690048 +49 774 2 888067528 +22 386 3 878887347 +67 871 3 875379594 +374 540 3 880939304 +276 41 3 874792277 +90 328 3 891382490 +180 204 3 877127159 +334 160 4 891547190 +153 56 5 881371140 +59 528 4 888205300 +268 453 1 875744611 +87 403 3 879875996 +10 168 4 877888812 +181 1354 1 878962496 +70 189 4 884150202 +385 172 2 879442109 +189 510 5 893266326 +206 314 1 888179948 +116 65 2 876454052 +7 659 5 891351161 +376 289 3 879433599 +265 258 4 875320024 +136 100 5 882693338 +332 546 4 888098432 +393 546 2 887744578 +322 653 4 887314310 +201 50 4 884114471 +382 475 3 875946103 +64 746 5 889739138 +7 448 3 891353828 +385 503 3 879443217 +38 226 1 892431513 +347 685 3 881652684 +374 770 5 880938100 +290 54 3 880475218 +212 197 5 879303795 +405 1554 4 885546445 +324 332 3 880574766 +5 144 3 875636141 +329 147 3 891656072 +416 125 5 893213796 +305 268 3 886307860 +401 499 3 891033319 +175 660 3 877107836 +16 31 5 877717956 +313 649 3 891016325 +276 470 3 874790855 +216 28 4 880244902 +301 229 3 882078228 +194 188 4 879522158 +234 431 3 892078424 +4 288 4 892001445 +329 81 2 891656300 +270 471 5 876954223 +44 191 4 878347234 +312 52 5 891699399 +303 697 3 879484948 +249 216 4 879641305 +250 328 3 883262792 +232 318 5 888549757 +198 176 4 884207136 +280 663 4 891700783 +378 734 3 880334269 +408 689 3 889680045 +406 1126 3 879446588 +374 7 1 880393268 +242 361 5 879741340 +399 418 3 882343605 +193 815 3 889126332 +90 1193 4 891384789 +249 86 4 879572124 +402 16 3 876267096 +405 656 1 885548275 +201 89 3 884112245 +183 265 2 891466350 +166 894 4 886397905 +267 474 5 878974783 +49 172 1 888067691 +399 229 2 882349143 +94 76 4 891720827 +95 371 2 888955909 +59 476 2 888203814 +293 419 3 888906699 +241 350 2 887249889 +332 5 5 888360370 +405 1561 1 885546529 +410 300 3 888626538 +178 216 4 882826868 +358 896 4 891269077 +378 420 4 880056701 +405 440 1 885548330 +280 1478 4 891701090 +303 172 5 879467413 +189 381 3 893277551 +343 778 5 876406391 +22 226 4 878888145 +347 246 4 881652417 +10 497 4 877889261 +334 191 4 891545793 +18 497 4 880131358 +83 110 4 880309185 +407 211 4 875044400 +151 659 5 879524974 +370 511 4 879434804 +301 1028 5 882074801 +345 1 3 884990938 +244 950 1 880606274 +416 724 4 886316409 +393 227 4 889728385 +6 56 4 883601277 +59 447 5 888206095 +373 15 4 877098568 +398 520 5 875717106 +311 200 4 884365718 +279 201 5 890451408 +5 243 1 878844164 +199 405 2 883783005 +332 410 4 887938486 +283 288 2 879297867 +276 288 4 874786392 +328 636 3 885047556 +92 640 5 875653579 +234 322 2 891034007 +251 866 2 886272514 +399 148 4 882341362 +387 1069 2 886480288 +42 732 5 881108346 +94 583 3 891722174 +167 381 5 892738212 +279 1047 4 892864663 +398 493 5 875723337 +387 674 2 886481686 +269 636 3 891450453 +99 288 4 885678247 +27 246 4 891542897 +23 98 5 874786016 +250 813 5 878089581 +56 588 4 892683248 +77 483 4 884752665 +28 479 4 881961157 +13 847 4 882139937 +406 429 4 879446062 +77 357 3 884752970 +330 845 5 876544432 +378 739 4 880333239 +126 288 4 887853469 +350 616 4 882346383 +193 29 3 889126055 +405 722 1 885547735 +253 487 4 891628323 +230 176 4 880485445 +330 153 5 876545970 +243 173 3 879988913 +271 528 3 885848448 +64 633 5 889739243 +97 430 5 884238693 +160 447 4 876859413 +297 748 2 874954060 +314 1057 2 877887035 +254 448 3 886473775 +387 81 3 886483906 +125 174 5 879454309 +406 488 4 879445642 +223 252 1 891550326 +145 680 3 875269871 +158 137 5 880132443 +216 153 4 880244802 +379 294 3 880524363 +391 197 5 877399380 +405 540 1 885548163 +339 286 5 891032349 +56 849 2 892910913 +372 561 5 876869534 +387 651 2 886479689 +399 175 3 882342669 +49 1082 3 888066214 +367 56 5 876689932 +346 291 5 875002643 +119 829 5 874775406 +251 418 4 886271856 +90 501 5 891384885 +347 462 2 881654359 +10 475 4 877888545 +1 241 4 878543133 +343 708 4 876407006 +145 230 5 885557660 +294 125 3 877820272 +337 235 3 875184717 +216 1010 3 880232685 +7 564 3 891354471 +378 10 3 880044454 +99 827 3 885679504 +13 652 5 882141458 +308 486 4 887737432 +303 1048 4 879484871 +222 849 4 881060281 +295 86 5 879966498 +195 921 3 883934716 +130 597 4 874953866 +389 942 3 880165881 +137 51 1 881433605 +345 26 3 884993555 +222 276 5 877563550 +94 616 4 891720498 +334 22 4 891545821 +95 101 1 879198800 +357 864 5 878951653 +95 791 3 880572449 +339 522 5 891033165 +308 921 4 887738268 +56 70 4 892676996 +400 300 4 885676230 +379 523 4 880525108 +385 458 3 879440828 +222 82 4 878182453 +291 1157 3 874834944 +404 333 2 883790286 +303 44 4 879484480 +6 521 4 883601277 +363 307 5 891493795 +188 202 2 875073712 +334 505 4 891546405 +63 408 4 875747242 +291 106 4 874805958 +290 43 3 880475783 +13 294 2 881514683 +181 1151 1 878963304 +363 93 4 891495339 +57 281 4 883697404 +130 800 4 875802237 +416 250 4 876697074 +221 496 3 875246146 +264 683 2 886121811 +345 676 4 884991384 +95 657 5 879198697 +299 150 5 877877535 +409 197 3 881109215 +1 130 3 875072002 +228 427 4 889388547 +34 245 4 888602923 +115 471 2 881170791 +53 258 4 879442654 +413 271 4 879969027 +152 80 5 882477572 +393 742 4 887744517 +330 172 5 876546619 +19 201 3 885412839 +279 804 4 875744416 +399 732 2 882348089 +345 64 5 884902317 +92 475 5 875640148 +363 665 2 891498964 +411 172 5 892845604 +128 210 4 879968125 +401 273 2 891032334 +416 874 1 876696853 +144 393 4 888105743 +255 825 1 883216958 +360 222 2 880355094 +193 750 4 889122950 +7 260 1 892130982 +21 668 1 874951761 +23 518 5 874785194 +284 346 4 885329065 +99 402 4 885680617 +294 1013 2 889242788 +98 938 3 880498624 +41 153 4 890687087 +184 950 4 889907896 +59 547 3 888203482 +327 1075 4 887822832 +92 291 4 886443277 +125 648 4 879454793 +44 588 4 878347742 +286 1118 1 889652989 +184 237 4 889907945 +179 346 3 892151489 +14 845 3 880929564 +375 443 4 886622024 +177 334 3 880130467 +54 1088 3 880937311 +401 322 2 891031784 +263 526 5 891298854 +12 200 1 879959610 +279 184 5 890779991 +327 895 3 887743670 +257 130 2 882050236 +405 997 1 885547644 +29 270 4 882820803 +194 946 3 879527514 +276 156 5 874795704 +405 232 4 885547314 +160 228 2 876862243 +360 496 3 880356092 +94 949 5 885873160 +401 111 4 891032296 +374 385 4 880396048 +201 92 3 884112245 +85 1021 3 882995490 +345 387 4 884992823 +130 128 4 876251728 +85 632 3 879454304 +95 550 4 879196748 +405 1100 1 885546681 +30 538 4 885941798 +327 418 3 887820761 +223 143 4 891550845 +406 651 3 882480595 +311 775 3 884365579 +7 675 5 891352947 +207 1197 4 881681663 +347 182 5 881653736 +49 11 3 888069458 +92 728 3 875907574 +343 38 3 876406257 +293 751 3 888904180 +320 252 2 884749532 +331 503 4 877196504 +344 172 4 884814697 +203 50 5 880434810 +76 121 2 882607017 +256 566 5 882164559 +324 127 4 880575658 +130 184 4 875801695 +238 546 3 883576574 +406 645 5 880131905 +393 386 4 889731390 +389 1203 5 880087544 +5 185 3 875720692 +295 1188 3 879519354 +339 496 5 891032320 +43 191 5 875981247 +406 14 4 879539855 +378 230 3 880055984 +76 603 3 882606147 +119 568 4 874781915 +316 530 2 880853599 +99 107 3 885679138 +13 588 4 882398763 +339 1039 4 891033932 +406 463 5 879793261 +186 546 4 891719775 +271 185 3 885848448 +74 301 3 888333372 +374 87 5 880395320 +56 392 4 892678893 +277 181 3 879543653 +307 239 3 877122138 +194 443 3 879523104 +405 442 1 885548384 +268 385 3 875310206 +291 356 4 874834875 +222 399 4 878182686 +407 231 3 876342031 +344 191 5 889814194 +185 939 3 883524249 +270 569 4 876956419 +253 243 2 891628883 +407 785 3 876341444 +266 283 3 892257897 +303 1239 1 879544020 +378 500 4 880055891 +166 323 5 886397722 +181 980 1 878962496 +387 182 5 886483048 +216 421 5 880235229 +200 148 4 876042340 +221 161 3 875246183 +308 91 4 887737536 +270 509 3 876954965 +58 381 4 890321652 +379 1219 2 883156704 +243 531 4 879988157 +406 58 4 879446718 +363 87 3 891496306 +298 507 4 884182657 +62 125 4 879372347 +144 105 2 888104767 +286 161 2 877533419 +227 93 5 879035431 +174 1312 4 886434484 +158 373 2 880134781 +376 275 5 879455143 +269 512 5 891447216 +145 751 4 883840666 +339 772 4 891032413 +342 724 1 875320297 +279 238 4 891208908 +32 1016 1 883718121 +249 357 4 879572142 +385 1010 3 879440127 +249 42 5 879572630 +276 125 4 874786876 +159 1190 5 881680199 +417 3 4 879646344 +268 699 3 875744712 +417 781 3 880951559 +63 328 2 875746985 +7 273 3 891351547 +194 203 3 879522158 +82 140 3 878769668 +280 723 5 891701853 +294 475 5 877819310 +195 213 4 883934680 +194 222 1 879538960 +16 156 4 877719863 +393 342 5 887742179 +288 237 4 886892195 +283 455 4 879297707 +323 210 4 878739878 +294 895 4 889241309 +73 288 3 888792294 +405 72 3 885547268 +312 528 5 891698695 +371 746 4 880435397 +256 827 3 882163857 +87 732 4 879876703 +5 393 2 875636265 +72 161 5 880037703 +102 554 2 888801577 +398 172 5 875725927 +290 162 3 880474107 +6 470 3 883602690 +94 70 4 891722511 +137 250 5 881433015 +343 642 4 876404343 +112 754 4 884992508 +204 302 5 892389137 +92 576 2 875813171 +377 154 5 891298627 +334 443 3 891547128 +360 166 5 880355527 +92 148 2 877383934 +374 116 1 880393307 +197 289 4 891409422 +7 212 1 891353051 +299 511 4 878192311 +412 318 5 879716918 +301 673 4 882076751 +125 98 5 879454345 +130 195 5 875801470 +404 269 4 883790750 +406 469 4 879446588 +406 419 1 882480443 +349 455 2 879465712 +7 126 3 891353254 +235 7 4 889655723 +314 959 3 877888892 +381 1533 4 892696106 +151 1044 2 879524900 +43 751 2 883954803 +300 872 5 875650068 +263 432 2 891299448 +110 327 3 886987442 +405 135 5 885545333 +75 190 5 884051948 +344 245 3 884813365 +405 700 1 885547645 +296 845 5 884196689 +314 24 1 877886221 +303 208 5 879467706 +293 627 2 888906338 +102 99 2 883748488 +92 43 3 875813314 +410 312 2 888626881 +321 193 3 879441178 +27 978 2 891543222 +280 4 3 891700733 +110 367 3 886989340 +14 204 5 879119651 +342 274 2 874984895 +391 357 5 877399486 +416 348 3 886314660 +375 1073 2 886621950 +405 1434 1 885549942 +178 28 5 882826806 +409 497 3 881168631 +66 742 5 883601388 +286 25 3 875807003 +239 855 5 889179478 +75 151 5 884050502 +398 144 5 875658715 +10 269 4 877886162 +83 685 4 880306951 +80 234 3 887401533 +394 218 4 880889187 +27 475 2 891542942 +347 132 5 881654064 +332 831 3 887938760 +276 640 4 889174904 +80 215 5 887401353 +145 216 5 875272694 +397 1018 4 882839517 +393 169 3 887745912 +338 294 1 879437576 +81 151 2 876533946 +49 175 5 888068715 +325 432 5 891479263 +13 276 5 882140104 +95 627 4 880572288 +224 323 3 888082216 +59 186 5 888205660 +321 56 4 879438651 +7 619 3 891352831 +318 186 5 884498292 +109 237 4 880571770 +254 892 3 886470904 +106 1115 4 883876833 +307 408 5 875645579 +378 596 5 889665232 +343 156 4 876405857 +263 64 5 891298453 +76 23 5 875027355 +280 282 3 891700426 +214 268 2 891542445 +303 1118 3 879484004 +138 614 4 879024184 +49 185 5 888067307 +214 13 3 891543271 +305 258 4 886308064 +44 164 4 878348035 +289 405 2 876790576 +217 231 5 889069974 +199 286 5 883782485 +271 951 2 885849606 +18 1 5 880130802 +417 597 3 879646413 +397 178 5 885349759 +128 86 5 879966919 +200 559 4 884129920 +261 342 3 890454974 +154 462 3 879138831 +406 436 4 879792863 +24 56 4 875323240 +62 742 2 879372965 +264 433 5 886123530 +275 208 3 880314772 +405 96 3 885544881 +328 614 4 885046276 +3 327 4 889237455 +401 204 5 891033684 +72 172 1 880037119 +85 1149 3 886283002 +311 211 3 884364538 +311 86 5 884365252 +230 96 2 880484683 +201 56 5 884111269 +13 520 4 886302261 +280 40 5 891701614 +77 100 3 884732716 +130 567 2 876252225 +171 313 4 891034835 +222 1054 1 883816441 +409 659 5 881107410 +315 168 4 879821037 +189 474 5 893265238 +14 15 4 879119390 +385 629 2 879446643 +276 171 4 874795928 +322 1 2 887314119 +268 761 1 875744136 +189 79 3 893265478 +417 1095 3 879649322 +23 143 3 874786066 +405 1565 1 885549463 +216 1101 4 880235473 +339 642 5 891032953 +49 55 4 888068057 +91 504 3 891439471 +416 356 5 893213019 +99 66 3 886519047 +60 638 5 883326057 +405 734 2 885547506 +36 268 2 882157418 +216 282 5 880232597 +18 97 4 880131525 +21 671 5 874951657 +305 272 3 886307917 +233 257 4 883356847 +181 950 1 878963440 +307 449 4 879538922 +210 187 5 887736017 +200 1228 4 884130721 +1 255 2 885345822 +144 180 4 888105873 +280 54 2 891701747 +325 475 4 891478079 +256 742 5 882150552 +378 252 4 880045288 +125 1052 2 892839457 +269 152 4 891450623 +405 1469 1 885548932 +397 221 4 885349348 +14 42 4 879119579 +102 163 2 892993190 +130 534 5 874953728 +303 141 3 879483900 +292 320 5 881105373 +271 317 3 885848863 +412 218 3 879717147 +102 578 2 888801876 +213 132 5 878956263 +416 578 4 886318546 +325 175 5 891478079 +406 186 3 880131741 +249 919 5 879572668 +62 660 4 879375537 +409 1176 4 881104838 +60 499 3 883326682 +201 9 3 884113343 +301 241 3 882077222 +208 56 2 883108360 +200 717 4 876042493 +406 608 4 884630583 +382 98 3 875946563 +399 383 2 882350431 +269 1028 2 891446838 +405 964 1 885546154 +198 79 3 884208518 +307 655 4 877117166 +130 69 5 875216718 +311 89 5 884364845 +118 22 5 875385136 +48 28 2 879434653 +194 636 2 879553731 +59 1108 3 888204877 +374 1150 1 880937253 +14 176 1 890881484 +313 628 4 891016280 +180 732 3 877128137 +399 71 3 882351580 +186 100 4 879023115 +49 1068 3 888066187 +291 143 3 875086921 +342 255 4 874984574 +23 133 4 874786220 +373 269 5 877098075 +405 1250 1 885547997 +268 569 3 875744582 +405 214 4 885545235 +339 135 5 891033256 +293 866 3 888905322 +359 117 4 886453305 +234 135 4 892079769 +374 758 1 882158481 +243 655 4 879988104 +385 489 5 884631784 +346 1090 2 875265071 +405 450 1 885548093 +16 233 5 877727054 +354 414 4 891218492 +399 744 3 882510147 +326 403 3 879876976 +305 778 4 886325023 +387 169 5 886484336 +345 879 2 884901497 +303 226 4 879467295 +351 359 4 879481589 +60 13 4 883327539 +308 425 4 887737997 +271 1139 3 885849707 +242 291 3 879740593 +310 275 5 879436137 +248 179 3 884534649 +94 443 4 891721439 +234 451 3 892334578 +378 731 3 880056582 +299 724 3 889502687 +6 204 3 883601277 +305 1456 4 886324962 +361 340 3 879441805 +344 286 3 884813183 +248 484 2 884535013 +40 347 2 889041283 +143 347 5 888407741 +168 282 5 884287394 +296 121 5 884196689 +296 482 5 884197330 +316 234 1 880854473 +82 185 3 878769334 +405 127 5 885545167 +268 181 4 875309486 +344 79 4 884900993 +387 380 2 886484098 +389 1298 5 887868071 +293 467 4 888906263 +267 367 4 878971939 +308 264 2 887736408 +44 385 3 878348725 +303 26 4 879468307 +234 844 2 892078521 +112 303 4 884992535 +336 1012 5 877760082 +86 879 2 879570149 +399 986 3 882341586 +416 69 4 876699027 +83 684 4 880307898 +332 866 2 887938631 +286 268 4 884069298 +167 1307 2 892738277 +130 270 5 877984734 +94 566 2 891721815 +234 481 5 892079076 +44 214 5 878348036 +104 235 2 888465675 +387 1118 3 886482695 +363 767 2 891500179 +90 1206 2 891383912 +363 66 4 891496849 +409 199 4 881107117 +365 25 4 891303950 +343 980 5 876403239 +21 326 5 874950889 +280 722 3 891702122 +45 952 4 881014247 +201 331 4 884110967 +5 413 3 875635807 +276 732 4 874790903 +272 357 5 879454726 +334 888 2 891550464 +83 255 5 887665422 +234 202 3 892079585 +125 411 3 892839091 +406 588 4 879793081 +145 770 1 875272245 +399 62 3 882348876 +338 462 4 879438715 +64 1 4 879366214 +363 265 3 891495339 +99 762 2 885679411 +298 274 3 884183640 +102 94 2 892993545 +290 196 4 880474293 +354 57 5 891217575 +373 402 4 877105730 +15 937 4 879455128 +393 355 3 889554171 +115 187 5 881171203 +94 217 4 891722646 +299 151 4 877878227 +308 509 4 887738717 +11 194 4 891904920 +59 172 5 888204552 +278 269 5 891294959 +60 200 4 883326710 +378 133 5 889665232 +81 318 5 876534817 +26 979 3 891383899 +398 659 3 875738391 +286 329 4 886475961 +13 659 3 882141335 +261 410 5 890456142 +374 1407 2 880939304 +280 1168 5 891702544 +21 696 2 874951382 +130 298 5 874953769 +85 127 5 879829301 +239 603 5 889178616 +390 100 5 879694123 +345 132 5 884901371 +326 665 1 879876975 +297 423 3 875240237 +70 482 4 884068704 +343 196 4 876406257 +196 94 3 881252172 +313 56 2 891014313 +296 284 4 884196805 +220 682 4 881198014 +7 563 2 892131978 +361 1119 3 879440740 +385 447 3 879443150 +272 483 5 879454875 +144 65 4 888106182 +338 194 3 879438597 +417 551 3 879649224 +269 655 4 891448019 +301 105 3 882075202 +308 477 4 887739257 +312 543 5 891698424 +401 173 3 891032937 +183 203 3 891466266 +385 199 3 879442559 +291 401 4 875086766 +334 558 4 891546231 +363 561 2 891498884 +184 58 4 889908984 +104 288 2 888442140 +303 1258 2 879544756 +84 1040 3 883452630 +201 27 3 884140891 +327 64 2 887745699 +391 15 4 877399805 +189 31 3 893266027 +163 318 4 891220161 +406 501 5 879793081 +374 932 1 883628159 +363 1016 4 891499568 +401 527 4 891032919 +361 684 4 879441215 +373 404 4 877111422 +409 6 4 881109306 +295 504 4 879517299 +85 268 4 881705073 +276 268 4 877584085 +142 55 2 888640489 +206 990 1 888179913 +279 411 3 875296005 +291 1206 3 874871551 +193 301 4 889123257 +255 218 3 883216544 +268 211 4 875309583 +328 205 4 885045768 +3 307 3 889237224 +394 227 4 881132877 +228 655 4 889388489 +5 89 5 875636033 +102 393 3 892993302 +406 640 3 879793328 +280 468 4 891702028 +145 304 2 885557505 +323 172 5 878739988 +234 198 3 892078837 +279 1219 3 875744358 +70 185 4 884149753 +122 736 4 879270606 +276 742 4 874786756 +336 1059 3 877756890 +244 365 2 880608599 +413 306 4 879968793 +13 173 2 882139863 +57 225 3 883698039 +336 824 3 877756890 +256 722 3 882165269 +385 56 5 879441728 +163 216 3 891220196 +160 328 3 878078096 +385 48 5 879441777 +276 930 2 874787172 +151 164 5 879542984 +117 117 5 880126461 +412 28 4 879716962 +264 42 5 886123358 +373 105 3 877107173 +29 269 4 882820897 +385 216 2 879446868 +420 331 3 891357271 +110 658 3 886988065 +178 491 4 882827247 +392 538 2 891037851 +226 98 5 883889147 +145 69 5 882181632 +254 234 4 886472713 +130 217 3 875801940 +275 636 3 880314383 +383 603 5 891193242 +92 220 1 875644796 +8 183 5 879362233 +320 100 4 884748579 +298 202 3 884182867 +10 493 4 877886661 +110 759 3 886988850 +130 975 5 876251357 +300 257 4 875650267 +193 845 4 889124803 +405 719 1 885547447 +95 498 3 879197445 +416 272 5 893214332 +182 283 2 885613153 +374 1046 5 880938044 +222 160 1 878182154 +110 212 1 886988100 +378 655 4 880045553 +401 26 3 891033395 +71 151 1 877319446 +288 230 2 886629664 +350 176 4 882347653 +312 503 5 891699010 +339 469 5 891032633 +235 747 2 889655550 +323 248 3 878739519 +299 919 3 889501551 +381 97 4 892696960 +422 109 2 875130204 +109 849 2 880582384 +405 90 4 885547447 +289 471 4 876789373 +346 879 5 886273570 +314 377 3 877890982 +7 548 5 891352692 +145 79 5 875271838 +399 127 2 882346585 +58 257 5 884304430 +409 516 4 881109347 +405 1230 1 885547644 +99 628 4 885678813 +217 665 4 889070087 +411 651 4 891035278 +209 1137 4 883417491 +406 317 4 882480772 +346 158 2 875264945 +198 82 3 884209451 +313 98 4 891014444 +119 117 5 874775535 +162 254 3 877636476 +373 211 4 877099178 +181 150 1 878962465 +339 661 5 891033830 +292 535 3 881105031 +197 233 4 891409935 +303 430 4 879467260 +312 382 4 891699568 +371 663 5 880435238 +380 180 2 885478374 +95 432 3 879197886 +319 267 4 875707690 +363 546 3 891497440 +302 258 3 879436739 +283 50 5 879297134 +201 289 2 884111064 +312 474 5 891698454 +130 147 4 876250746 +117 214 5 881012193 +109 158 1 880579916 +268 568 3 875542174 +268 732 3 876514107 +141 1059 1 884584886 +276 169 5 874977555 +387 1008 4 886481183 +330 88 5 876546948 +67 833 4 875379794 +200 228 5 884128372 +279 489 2 888430298 +334 326 1 891544286 +301 864 4 882075110 +246 1222 3 884923372 +42 196 5 881107718 +279 25 5 875295736 +234 874 1 891227463 +305 655 4 886323937 +382 1534 4 875946830 +378 283 4 880044532 +230 181 4 880485066 +95 357 4 879198317 +399 22 3 882342834 +416 1188 3 886318953 +248 96 4 884534968 +97 174 4 884238817 +393 690 4 887742110 +320 33 4 884749385 +6 187 4 883600914 +1 103 1 878542845 +391 97 4 877399301 +246 151 5 884921727 +321 216 4 879441308 +393 1139 3 889729561 +269 614 3 891450471 +303 449 4 879485685 +264 345 4 886121516 +328 879 3 885044566 +59 866 3 888203865 +195 636 2 884504132 +280 942 5 891701431 +314 780 4 877890675 +85 154 4 879828777 +101 122 1 877136928 +122 464 5 879270541 +194 83 3 879521254 +405 206 1 885549589 +308 505 3 887737647 +315 340 4 881017170 +373 474 3 877098919 +126 682 1 887855034 +250 293 4 878089921 +314 772 1 877888212 +13 735 3 882140690 +201 597 2 884310149 +90 191 5 891384424 +393 789 1 887746015 +290 520 3 880473734 +385 168 3 879442109 +201 825 1 884112427 +323 215 5 878739988 +49 931 2 888068336 +293 1046 1 888907061 +195 823 4 881485704 +293 421 3 888906576 +413 124 5 879969734 +291 1210 4 875087656 +83 722 4 880308959 +417 147 4 879646225 +234 872 2 891033627 +125 87 5 892836464 +307 403 3 877122035 +188 127 4 875072799 +405 1531 1 885549094 +348 834 4 886523913 +344 1172 4 884901311 +373 704 2 877107100 +151 699 4 879525035 +16 28 5 877727122 +412 202 3 879717016 +248 290 3 884535582 +398 15 5 875651828 +410 882 3 888626612 +389 493 5 879991147 +290 1091 2 880475735 +312 656 5 891699156 +320 4 3 884749306 +274 117 4 878945264 +188 930 4 875074720 +83 692 4 880307979 +416 210 5 893213918 +327 258 1 887737355 +75 273 5 884050018 +347 871 4 881653300 +239 305 4 889178513 +129 258 2 883245452 +94 12 4 886008625 +342 220 1 874984455 +214 288 3 891542464 +321 484 5 879440244 +87 68 3 879876074 +200 1411 3 884130289 +416 43 1 886318186 +416 1035 3 892441480 +337 229 3 875185319 +5 400 1 878844630 +174 40 4 886514985 +189 513 4 893265865 +330 747 3 876546498 +366 218 3 888857866 +69 129 3 882072778 +268 715 1 875310603 +67 123 4 875379322 +178 15 5 882823858 +393 419 4 887746523 +193 689 2 890834966 +378 432 4 880331938 +405 695 1 885546287 +109 1028 4 880571831 +381 512 4 892696045 +388 184 4 886441083 +308 1421 4 887739212 +151 451 5 879542707 +409 59 5 881108455 +372 77 5 876869794 +276 408 5 874786467 +417 83 5 879648132 +328 79 4 885047194 +327 753 4 887745744 +189 639 4 893265893 +296 24 2 884196605 +117 313 5 886018980 +59 71 3 888205574 +285 455 4 890595726 +92 124 4 886440530 +296 179 4 884197419 +92 223 5 875653723 +11 573 3 891906327 +394 773 4 881060053 +298 185 3 884182774 +72 484 4 880037853 +44 378 3 878348290 +92 518 5 875653579 +94 969 4 891721026 +321 614 3 879440393 +144 197 4 888106106 +338 134 5 879438536 +79 13 3 891271676 +345 301 4 884900543 +374 147 3 880392747 +271 64 5 885848863 +11 277 5 891903226 +298 503 4 884183237 +279 541 3 882146458 +417 423 4 879647118 +44 96 4 878347633 +313 164 3 891014870 +224 294 4 888081976 +6 518 3 883603042 +334 421 4 891547307 +347 7 4 881652590 +150 147 4 878746442 +316 521 5 880854395 +321 89 3 879440716 +168 100 4 884287362 +290 436 2 880475469 +346 174 5 874948547 +1 118 3 875071927 +308 107 4 887741150 +92 678 2 875641428 +279 1110 3 875307379 +417 120 2 880949763 +412 175 4 879717286 +264 12 5 886122508 +113 246 5 875076872 +91 616 4 891439439 +321 647 3 879438699 +89 257 5 879461219 +249 222 4 879640306 +398 357 4 875657926 +263 162 5 891299630 +200 210 5 884128933 +417 578 3 879649610 +99 328 4 885678696 +181 1369 1 878962199 +385 408 5 879443065 +90 517 3 891384789 +197 161 4 891410039 +234 549 3 892335850 +318 414 4 884496008 +213 234 4 878955373 +177 22 4 880130847 +264 606 5 886122099 +393 500 4 887746523 +49 518 4 888069437 +102 144 3 888801360 +83 423 4 880308329 +363 217 2 891498286 +255 976 1 883217030 +89 283 4 879441557 +397 334 3 885349348 +416 1098 3 886316271 +222 71 4 878183173 +202 484 4 879727153 +13 483 5 882139774 +401 210 4 891032976 +288 178 5 886374342 +158 127 5 880132356 +85 523 4 879453965 +385 253 3 879439923 +151 482 4 879524345 +60 138 2 883327287 +405 92 1 885546287 +204 245 3 892391980 +21 245 1 874951006 +307 423 5 879283587 +222 15 3 877563437 +64 662 4 889739319 +327 197 4 887744023 +213 692 4 878955848 +91 234 5 891439503 +187 191 5 879465566 +257 949 3 880496958 +405 1176 3 885549942 +393 576 3 889729938 +405 639 1 885549635 +417 1044 3 879648939 +290 625 4 880475782 +270 872 5 876953827 +49 204 1 888068686 +308 133 3 887738225 +346 83 4 874949923 +145 470 5 875272299 +115 969 1 881172183 +214 461 4 892668249 +184 584 3 889909889 +312 588 5 891699490 +393 568 4 889554563 +328 211 4 885046276 +382 508 3 875946029 +223 111 4 891549792 +343 164 3 876404757 +146 346 4 891457591 +62 286 3 879372813 +29 343 3 882821673 +223 409 3 891549876 +342 558 5 874984341 +394 161 4 880888850 +181 1040 1 878962997 +349 823 4 879466156 +189 596 3 893264407 +145 574 2 888398833 +393 365 3 889729460 +311 125 4 884963179 +66 288 4 883601607 +268 928 1 875745536 +244 955 4 880606593 +189 135 4 893265535 +297 596 3 874955107 +330 427 5 876546920 +94 241 4 891721716 +314 395 2 877889770 +129 268 1 883245452 +314 68 4 877891637 +395 632 5 883764845 +271 95 4 885848916 +314 71 5 877888527 +251 427 4 886271675 +405 366 3 885545552 +7 626 5 892132773 +102 866 2 892993545 +145 100 5 875270458 +374 29 3 880939127 +282 305 4 879949347 +89 277 4 879441271 +393 363 3 887745086 +82 70 4 878769888 +405 470 1 885546247 +194 144 4 879547671 +257 301 3 879029620 +294 751 4 889241309 +214 132 5 892668153 +197 79 5 891409839 +82 1033 1 884714560 +276 94 2 882659602 +425 271 5 890346597 +183 227 4 891463592 +269 1168 2 891448386 +58 69 1 884663351 +56 993 3 892683353 +239 134 5 889179033 +308 168 4 887737593 +393 362 3 887741960 +254 140 4 887347350 +294 926 3 877819713 +276 74 3 884286759 +194 227 1 879535548 +276 566 4 874792601 +419 1451 4 879435722 +377 323 2 891297001 +284 324 3 885329468 +396 678 3 884645838 +305 83 3 886323464 +200 674 4 884130348 +125 781 3 892838463 +57 271 3 883696672 +23 222 4 876785704 +22 238 5 878886423 +279 236 5 875296813 +184 568 2 889909474 +44 433 4 878348752 +372 574 4 876869957 +379 655 5 888044628 +210 523 4 887730472 +293 632 3 888906464 +64 69 4 889739091 +409 201 1 881109019 +49 385 1 888069536 +283 125 5 879297347 +415 1524 5 879439791 +327 81 4 887818904 +65 435 4 879218025 +90 182 3 891383599 +397 325 3 882838853 +222 452 1 878184514 +361 466 4 879441285 +164 748 5 889401410 +151 433 3 879542510 +107 302 4 891264296 +325 835 5 891478099 +13 423 5 882398814 +158 222 3 880132771 +187 582 1 879465683 +42 172 5 881107220 +373 649 4 877098979 +344 660 3 884901235 +234 1455 2 892318158 +116 1257 1 876452651 +210 276 5 887731147 +328 356 3 885047763 +239 210 4 889179032 +372 325 4 876869330 +393 705 4 887746456 +183 273 4 892323452 +171 268 4 891034684 +297 24 4 874954260 +223 597 4 891549604 +49 878 2 888065825 +312 513 5 891698300 +184 805 3 889912232 +83 105 2 891182288 +199 948 1 883782655 +295 174 4 879517062 +314 819 4 877886971 +393 1314 3 889731561 +387 845 4 886484336 +101 237 5 877137015 +125 996 3 892838424 +422 671 4 879744143 +248 168 4 884534945 +311 523 5 884364694 +217 118 4 889070087 +405 1555 1 885549045 +406 213 2 879793179 +425 424 2 878738956 +137 117 5 881433015 +334 709 4 891548368 +379 211 5 880740437 +336 722 3 877757134 +311 208 4 884365104 +279 534 1 878971577 +145 298 1 885557579 +364 288 4 875931432 +227 475 4 879035252 +313 234 4 891013803 +185 223 4 883524249 +372 322 3 876869330 +326 265 4 879876489 +387 984 1 886484460 +387 436 4 886481737 +269 627 1 891451063 +399 128 3 882343293 +45 1 5 881013176 +125 864 3 892838591 +178 540 3 886678484 +18 224 5 880130739 +334 658 3 891547148 +181 277 1 878963441 +416 761 4 886318708 +316 180 4 880853654 +276 91 5 882659577 +168 222 5 884287759 +401 866 3 891032697 +425 748 3 890346567 +264 451 4 886123531 +406 523 3 879446062 +250 628 4 878090114 +110 195 2 886988480 +312 730 3 891699568 +400 259 3 885676490 +222 1059 1 883816150 +186 338 3 889818331 +92 288 3 878679005 +409 520 2 881107943 +344 213 4 884901351 +141 678 4 884584480 +216 234 4 880244870 +320 413 3 884749046 +201 319 2 884110967 +380 118 2 885480301 +27 515 4 891543009 +292 659 5 881105340 +306 269 5 876503792 +62 423 3 879373692 +49 108 2 888068957 +417 710 4 879647826 +112 316 5 892439693 +91 289 4 891438553 +342 952 3 874984619 +349 475 4 879466479 +423 744 4 891395655 +411 182 3 891035278 +194 25 2 879540807 +174 162 5 886514108 +181 948 1 878961474 +35 877 2 875459099 +312 1116 3 891698334 +399 436 2 882348478 +234 1454 3 892336257 +422 559 3 879744085 +87 491 5 879877930 +21 930 1 874951482 +322 313 5 887314417 +239 508 5 889178798 +269 414 3 891449624 +390 740 4 879694123 +425 191 3 878738186 +82 1028 2 876311577 +160 475 5 876767822 +270 684 4 876955938 +413 297 5 879969484 +422 922 4 875130173 +214 134 4 891544070 +401 284 3 891032453 +279 853 1 890451433 +313 1210 4 891032028 +125 275 5 879454532 +291 49 4 875086090 +365 1048 3 891304152 +409 214 4 881109216 +244 151 5 880604326 +276 379 3 874792745 +273 321 4 891293048 +411 209 4 891035550 +405 699 2 885546247 +47 292 4 879438984 +205 243 2 888284758 +268 825 3 875742893 +405 575 5 885547557 +87 186 5 879876734 +222 385 4 878183924 +393 781 4 889729159 +45 21 3 881014193 +18 126 5 880130680 +21 100 5 874951292 +92 164 4 875656201 +363 350 1 891493864 +393 783 3 889729561 +335 347 5 891567004 +43 684 4 883955702 +233 191 4 877665191 +94 61 5 891720761 +84 879 4 883449530 +387 432 4 886480353 +307 24 4 876176161 +13 482 5 882140355 +275 746 4 880314478 +405 422 1 885548836 +342 517 5 875320297 +184 72 3 889909988 +119 1197 4 886176922 +141 252 4 884585195 +198 509 4 884208710 +90 150 3 891385250 +8 687 1 879361825 +194 7 3 879538898 +268 189 4 875744966 +381 501 4 892697133 +378 1061 2 880044454 +222 252 2 877563934 +112 984 3 884992651 +303 763 4 879485319 +327 603 4 887745661 +332 1028 4 887938403 +399 946 3 882343172 +405 1353 1 885549745 +406 12 4 879445897 +26 410 2 891373086 +201 25 3 884114015 +247 1 4 893097024 +376 762 4 879459207 +338 483 4 879438092 +385 174 2 879924297 +317 271 3 891446575 +393 1441 3 889728554 +350 211 2 882347466 +422 184 4 879744085 +1 54 3 878543308 +407 217 4 875044400 +327 234 5 887745840 +400 895 4 885676452 +130 588 4 875216867 +278 173 5 891295360 +391 203 4 877399423 +250 240 4 878092171 +299 553 3 889502865 +91 313 4 891437978 +27 100 5 891543129 +393 366 4 889729345 +417 42 4 879647498 +234 732 2 892334713 +416 277 5 893212572 +406 701 5 879446269 +239 690 1 889178513 +90 131 5 891384066 +49 294 1 888065702 +318 15 5 884470944 +328 294 3 885044733 +253 64 5 891628252 +1 267 4 875692955 +232 515 2 880062413 +402 7 4 876267068 +311 1232 4 884366439 +7 482 3 891351083 +102 748 3 888800994 +286 574 4 877534137 +1 24 3 875071713 +100 323 3 891375359 +348 15 4 886523330 +234 693 2 892333980 +342 297 3 875318267 +295 88 4 879517964 +172 178 3 875538027 +201 642 4 884111485 +328 282 3 885047865 +415 154 4 879439865 +198 196 3 884208098 +99 413 3 885679299 +315 186 4 879821065 +64 72 4 889740056 +344 284 3 884899768 +222 895 4 883815361 +11 109 3 891903836 +173 880 4 877557168 +406 414 2 880131704 +56 122 2 892911494 +184 252 2 889907528 +405 1227 3 885546635 +398 417 3 875719399 +144 176 4 888105338 +287 28 5 875335018 +222 810 2 878184446 +109 949 3 880582384 +407 428 3 875553154 +239 100 3 889179131 +132 124 4 891278996 +94 1223 4 891721494 +83 468 4 880308390 +293 56 4 888905550 +363 1010 4 891496979 +230 182 2 880484370 +56 432 5 892737154 +249 186 4 879572516 +21 319 2 874950889 +334 742 2 891544972 +42 194 5 881107329 +42 496 5 881107718 +187 433 4 879465242 +24 216 4 875323745 +7 645 4 891353614 +125 732 4 879455019 +194 623 1 879551637 +417 159 4 879648656 +63 268 3 875746809 +301 99 4 882078419 +90 1048 4 891385132 +354 152 3 891306974 +277 25 4 879543902 +18 451 3 880131297 +276 386 3 877935306 +223 294 4 891548859 +264 1103 5 886123656 +172 1172 3 875538864 +308 729 3 887740254 +135 653 4 879857765 +10 495 4 877892160 +92 655 4 875654533 +417 12 4 879647275 +299 198 4 889501288 +373 318 5 877098222 +326 670 3 879877387 +234 234 4 892079475 +276 1129 4 874786876 +24 100 5 875323637 +306 150 5 876504286 +387 317 4 886483906 +102 827 2 888802722 +94 1226 4 891724081 +297 204 3 875239422 +193 127 5 890860351 +62 448 2 879375883 +125 493 4 879454448 +174 575 1 886515239 +313 161 4 891015319 +336 1054 1 877754876 +276 665 3 874792520 +378 419 4 880332643 +339 402 3 891034867 +268 1477 2 875742680 +92 276 5 875640251 +42 215 5 881107413 +379 496 5 892879481 +398 284 2 875654781 +372 581 5 876869794 +16 284 1 877719863 +407 616 3 875553018 +151 318 5 879524088 +325 188 2 891478944 +181 1367 2 878962086 +246 83 4 884921086 +294 246 4 889241864 +39 345 3 891400159 +25 239 4 885853415 +303 367 4 879468082 +273 303 4 891293048 +382 1229 5 875947240 +248 854 5 884534735 +425 227 4 878738597 +85 1169 4 879454952 +23 219 1 874788187 +347 324 1 881652230 +312 190 5 891698865 +343 435 4 876404343 +22 554 1 878888066 +268 433 4 876514107 +82 671 1 878769478 +62 181 4 879372418 +150 273 4 878746764 +385 480 5 879441313 +354 607 3 891218208 +7 190 5 891351728 +201 385 2 884112427 +383 86 5 891193210 +345 481 3 884916260 +429 73 3 882387505 +303 38 1 879484981 +297 1007 4 874954763 +90 312 4 891383319 +363 5 1 891497047 +178 326 4 888513095 +226 150 4 883889063 +16 174 5 877719504 +295 747 4 879518590 +28 646 4 881961003 +249 686 5 879641251 +301 333 4 882075454 +363 184 3 891494725 +271 384 3 885849582 +22 407 3 878886845 +329 181 4 891655741 +206 895 5 888179788 +30 531 5 885941156 +308 89 5 887738057 +358 132 5 891270652 +405 451 5 885547360 +5 80 2 875636511 +383 137 5 891192986 +15 929 1 879456168 +92 1033 2 890251592 +422 919 5 875130027 +379 651 4 880568511 +201 241 2 884112487 +399 1274 1 882350870 +64 95 4 889737691 +328 322 3 885044782 +393 1183 3 889731040 +72 180 4 880036579 +349 237 2 879466062 +347 568 4 881654339 +268 105 2 876513927 +416 226 4 886317030 +6 471 2 883599558 +3 272 2 889237055 +235 520 4 889655204 +316 22 4 880853849 +331 182 4 877196567 +120 245 3 889490633 +407 194 4 875115452 +279 59 4 875308843 +294 1016 4 877820189 +239 432 5 889180041 +327 408 2 887745910 +360 157 4 880355994 +13 268 4 881514810 +234 433 2 892079910 +23 238 5 874785526 +399 323 1 882340517 +378 699 4 880055564 +334 396 4 891549103 +417 67 4 880952837 +250 1137 5 878090066 +276 5 3 874792692 +145 42 5 882181785 +428 307 4 885944110 +314 220 4 877886279 +327 264 2 887743725 +69 321 4 882027133 +237 502 4 879376487 +280 465 3 891701148 +301 419 3 882076072 +215 443 4 891436566 +26 322 3 891349122 +92 101 2 875656624 +374 28 5 880395698 +145 51 3 875272786 +168 15 5 884287362 +87 382 3 879876488 +24 475 4 875246216 +221 940 4 875246482 +224 318 5 888082584 +311 62 3 884365929 +412 427 4 879717016 +345 51 5 884993744 +176 948 4 886047595 +94 193 5 891720498 +328 85 1 886038183 +351 292 4 879481550 +412 92 3 879717449 +156 197 5 888185777 +399 94 5 882349022 +206 315 5 888180018 +334 577 2 891550372 +417 658 2 879647947 +200 580 2 884130114 +294 322 1 889243393 +177 172 5 880130990 +332 144 5 887939092 +248 194 4 884534672 +197 1228 4 891410124 +94 1004 3 891723593 +210 751 4 890059441 +416 1147 4 888702100 +318 796 3 884496500 +110 233 4 886988535 +130 255 4 874953794 +339 509 4 891033140 +379 855 4 880961506 +378 194 4 880046100 +313 29 2 891028472 +94 334 3 891725440 +115 496 1 881171203 +295 389 4 879518298 +374 450 4 880938370 +192 1137 4 881367705 +178 1300 3 886678518 +53 748 2 879443329 +345 739 4 884993016 +187 1119 3 879465683 +56 715 1 892911247 +201 321 3 884111029 +201 551 1 884114770 +374 692 5 882158641 +357 405 5 878951784 +62 20 4 879372696 +299 13 4 877877965 +345 269 5 884900466 +10 195 4 877889130 +130 168 3 875216786 +387 854 5 886481686 +290 133 3 880473735 +150 235 4 878746792 +149 321 2 883512856 +87 192 3 879877741 +200 276 5 876041895 +217 38 3 889070266 +393 2 4 887746206 +10 521 4 877892110 +379 216 4 880525926 +393 215 4 887745912 +328 504 3 885046420 +378 696 3 880045044 +212 427 4 879303795 +318 815 3 884494938 +311 315 5 884364108 +429 64 4 882384744 +345 405 4 884991285 +57 222 5 883698581 +6 248 3 883598981 +120 286 5 889489943 +311 1046 3 884366307 +293 366 2 888907981 +276 686 3 874792547 +268 484 4 876513831 +222 471 3 881060992 +393 792 1 889729346 +416 234 5 893213644 +389 662 3 880613750 +46 7 4 883616155 +280 387 4 891701974 +43 181 4 875975211 +230 144 3 880484850 +95 232 4 879196513 +308 197 3 887736743 +183 222 4 892323453 +13 402 4 886303934 +39 306 3 891400342 +393 110 2 889730117 +336 1017 5 877757063 +42 742 4 881105581 +201 1163 1 884140382 +76 385 2 882607017 +394 450 3 881132958 +116 344 5 892683820 +59 82 5 888205660 +128 949 4 879968896 +59 1118 2 888206048 +299 1073 4 879123070 +416 56 5 893212929 +427 938 5 879701253 +239 195 5 889180747 +38 916 5 892428188 +302 299 2 879436932 +18 162 4 880131326 +303 436 4 879484644 +193 155 4 889126376 +279 841 4 879572893 +193 443 4 889126610 +59 18 4 888203313 +401 137 3 891032316 +393 1165 3 889730514 +224 549 3 888103971 +402 127 5 876267014 +92 66 3 875812279 +84 385 4 883453797 +7 264 4 891350703 +347 96 4 881653775 +263 495 5 891298977 +356 300 3 891405978 +128 50 4 879967268 +317 331 4 891446190 +416 134 4 878879619 +123 487 3 879872192 +393 779 3 889729673 +177 338 3 882142221 +398 70 4 875717315 +257 224 4 879029717 +7 681 1 891350594 +32 245 2 883710047 +389 217 3 880088774 +318 1521 3 884497824 +16 606 4 877721071 +385 156 4 881308434 +95 747 5 880573288 +291 1219 4 875087221 +339 845 4 891034718 +203 248 5 880434496 +110 68 2 886988631 +56 451 3 892676970 +64 58 3 889739625 +70 432 3 884067175 +76 772 3 875498117 +58 923 5 884305062 +363 685 4 891496979 +390 181 4 879694198 +354 428 4 891217298 +1 86 5 878543541 +49 39 2 888068194 +380 527 4 885479212 +261 892 5 890455190 +102 181 2 888801406 +130 173 3 875216593 +181 1174 1 878962200 +363 152 5 891494906 +387 943 4 886483357 +198 182 4 884207946 +409 518 1 881109347 +204 1 2 892513979 +21 328 3 874951005 +339 1248 3 891034538 +186 717 3 879023242 +429 86 5 882384579 +365 150 5 891303950 +406 195 5 882480710 +60 161 4 883327265 +379 300 3 890464279 +380 64 3 885481179 +417 552 2 880952066 +72 479 4 880037881 +412 436 4 879717649 +269 763 1 891450555 +381 473 5 892697150 +391 474 5 877399171 +49 998 2 888069194 +348 313 5 886522495 +5 433 5 875636655 +329 655 4 891656237 +357 287 4 878952265 +427 682 5 879701325 +200 50 5 884128400 +338 174 4 879438392 +87 254 4 879876256 +194 616 3 879523243 +109 1157 4 880583646 +94 425 5 885870665 +308 72 4 887740451 +295 133 4 879517432 +334 168 5 891546914 +115 93 3 881170332 +158 183 3 880134332 +256 227 4 882164603 +23 546 3 874784668 +276 588 4 874792907 +13 420 4 882398691 +43 568 4 883955363 +397 1298 3 885350543 +418 362 1 891282765 +279 233 5 875312745 +427 341 5 879701253 +379 54 2 880526100 +399 168 3 882342776 +58 50 4 884304328 +399 114 4 882341974 +398 661 3 875719399 +193 259 2 889123351 +70 109 3 884066514 +381 83 4 892695996 +184 174 3 889908693 +269 665 1 891451810 +363 505 3 891495238 +44 216 1 883613297 +7 622 4 891352984 +106 313 4 888706075 +366 164 5 888857932 +18 70 4 880129668 +254 699 3 886473120 +201 123 2 884114233 +7 161 3 891352489 +423 237 4 891395448 +44 357 4 878347569 +423 315 4 891395141 +14 116 5 876965165 +7 428 5 892133036 +247 151 4 893081396 +309 242 4 877370319 +255 98 5 883216449 +354 659 4 891217221 +7 288 4 891350703 +85 209 4 879454500 +314 1136 5 877890463 +104 827 2 888466086 +116 264 3 876452186 +373 566 4 877105809 +92 93 4 886444049 +374 121 4 880393095 +92 963 5 875652981 +344 176 5 884814507 +387 1538 3 886481151 +83 94 4 880308831 +286 778 5 877534025 +383 513 5 891193016 +316 463 5 880854267 +73 1073 4 888625753 +54 50 5 880931687 +417 196 5 879647090 +299 294 2 877618584 +327 381 4 887819354 +181 1336 1 878963241 +10 13 3 877892050 +28 423 2 881956564 +347 699 1 881654480 +157 93 3 886890692 +116 582 3 876453626 +184 447 3 889910653 +287 276 4 875334126 +311 50 5 884365075 +361 203 5 879441285 +177 198 4 880131161 +18 479 4 880129769 +363 188 4 891495711 +271 237 4 885847763 +381 498 5 892696252 +287 117 5 875334405 +368 218 2 889783453 +346 143 3 874948332 +178 431 4 882827400 +21 688 1 874950972 +35 680 4 875459099 +85 1009 2 879453093 +385 114 5 879441942 +49 70 2 888066614 +309 306 2 877370356 +1 196 5 874965677 +276 196 4 889174849 +246 195 3 884921138 +119 254 2 874781037 +197 174 5 891409798 +393 420 3 889728074 +385 1129 5 879440236 +314 764 3 877886816 +399 578 2 882348722 +92 89 5 875652981 +289 926 3 876790611 +94 448 5 891722939 +295 42 3 879517467 +249 1103 5 879572256 +297 742 3 875774155 +305 289 4 886308064 +128 1063 2 879967047 +393 554 4 889729486 +326 564 3 879877470 +314 948 3 877886029 +246 585 1 884923811 +287 291 5 888177402 +59 109 4 888203175 +365 289 3 891303694 +401 462 4 891033684 +280 1401 5 891700881 +270 402 5 876955770 +363 940 2 891498920 +200 652 2 884127370 +13 805 4 882141458 +331 242 4 877196089 +222 200 3 878181647 +362 268 2 885019435 +338 792 4 879438196 +345 15 4 884991220 +164 276 3 889401771 +286 710 4 889651672 +95 7 5 879197329 +22 878 1 878887598 +387 152 1 886479690 +201 1169 4 884141053 +145 212 2 875272786 +290 144 3 880473802 +373 31 3 877100199 +417 135 3 879647826 +416 304 5 893214225 +290 699 3 880473735 +38 140 5 892430309 +295 159 4 879518107 +275 930 3 876197904 +64 451 2 889739490 +367 201 5 876689991 +330 277 4 876544690 +328 223 4 885045645 +16 134 4 877719158 +145 265 5 875272131 +233 31 3 880610814 +244 559 4 880607154 +320 739 4 884750992 +178 294 2 882823301 +347 294 1 881652142 +250 474 5 878089964 +181 1344 1 878962240 +363 387 1 891497639 +283 95 5 879297965 +56 168 2 892679209 +416 417 3 886317568 +98 116 5 880499053 +246 230 3 884922070 +21 473 3 874951245 +199 475 5 883782918 +293 1217 1 888907913 +376 14 4 879454914 +361 100 5 879440386 +293 1011 3 888905146 +130 798 1 878537631 +43 11 5 875981365 +262 709 5 879795122 +289 147 3 876789581 +95 69 5 879198210 +407 755 3 875553509 +328 531 4 885046455 +330 393 4 876547004 +293 347 2 888904353 +409 680 1 881105677 +286 290 3 876522072 +417 208 3 879648026 +394 232 4 880889374 +144 273 4 888104213 +393 728 3 889730209 +76 286 5 875027206 +305 207 5 886323839 +56 44 4 892679356 +22 455 5 878886479 +417 1023 4 880949479 +18 13 5 880131497 +234 276 3 891228196 +264 602 4 886122194 +379 133 4 881000300 +181 1392 1 878961749 +252 740 3 891456738 +296 240 1 884196765 +141 1142 1 884584688 +334 300 3 891544209 +60 558 4 883326784 +110 751 3 886987183 +346 1018 3 874950536 +272 521 5 879454977 +399 230 3 882344512 +275 118 3 876197678 +320 692 4 884750968 +209 766 4 883460644 +244 926 2 880609193 +417 631 3 879647826 +345 1014 3 884994643 +417 747 3 879648325 +407 466 3 876339101 +344 304 3 884814359 +222 409 3 881061213 +11 241 4 891906389 +318 140 4 884496738 +358 357 4 891270405 +385 1135 1 879448181 +40 294 4 889041671 +417 235 2 879646413 +7 72 5 891353977 +64 96 4 889737748 +378 258 4 882712421 +318 211 5 884496432 +102 840 2 888802508 +276 816 2 874792793 +42 977 2 881106541 +23 70 2 874786513 +20 121 3 879668227 +345 77 3 884993555 +21 242 3 874951617 +389 478 5 879991264 +250 135 5 878091915 +393 83 4 887746523 +254 419 4 886472231 +75 824 1 884051056 +429 1222 3 882387074 +420 19 3 891356927 +276 206 5 874795988 +234 7 2 891227813 +79 262 5 891271203 +308 385 4 887740099 +104 1011 3 888465201 +308 124 4 887737647 +200 147 5 876042451 +256 925 5 882151017 +222 1419 1 878184947 +429 495 3 882385358 +385 194 3 879441538 +207 322 3 879001724 +63 508 4 875747752 +344 303 4 884814359 +49 386 4 888069222 +151 605 4 879528909 +416 738 2 886319825 +321 663 2 879439537 +32 235 3 883718121 +128 265 5 879968663 +330 193 5 876547004 +269 346 2 891445757 +153 216 2 881371032 +316 318 5 880853516 +325 357 4 891477957 +1 39 4 875072173 +20 252 4 879669697 +95 651 5 879196594 +272 201 3 879455113 +349 412 1 879466366 +407 642 2 875045627 +335 271 4 891567029 +125 357 3 879454100 +256 125 5 882150552 +184 11 3 889908694 +307 474 5 879283787 +76 200 5 882606216 +405 1188 3 885547506 +262 755 3 879794446 +30 301 4 875988577 +94 961 4 891721317 +106 48 3 881453290 +13 414 5 882141458 +343 97 4 876405893 +313 498 5 891015144 +10 183 5 877893020 +234 421 1 892334852 +33 751 4 891964188 +7 389 4 891354090 +189 479 5 893265123 +305 921 5 886324410 +405 1207 1 885548686 +59 98 5 888204349 +354 603 5 891217082 +70 338 2 884065248 +3 354 3 889237004 +363 1228 2 891498720 +311 387 4 884365654 +268 665 2 875310745 +405 230 2 885547953 +57 597 3 883697378 +343 475 5 876402668 +354 664 5 891217717 +94 723 3 891721851 +297 95 3 875238814 +59 200 5 888205370 +244 1048 4 880606567 +57 199 5 883698646 +11 524 4 891904949 +104 150 5 888465225 +58 1102 1 892242891 +92 403 4 875654189 +406 662 3 882480481 +13 772 1 882140070 +417 64 5 879647326 +123 707 5 879809943 +387 227 4 886483195 +422 854 4 879744014 +405 62 1 885547996 +98 745 3 880498935 +206 1313 1 888179981 +332 326 5 892484951 +253 496 5 891628278 +309 300 3 877370288 +285 682 4 890595524 +401 654 3 891033184 +385 462 2 881135090 +383 14 5 891192836 +234 15 3 892079538 +346 785 3 875263077 +320 129 4 884748661 +123 704 3 879873120 +106 194 5 881450758 +213 121 5 878870940 +378 939 4 880332307 +405 771 1 885548162 +417 403 4 879649224 +248 678 3 884534419 +280 1060 3 891701278 +404 327 2 883790366 +405 1247 1 885546681 +59 39 4 888205033 +13 812 2 882398933 +272 469 5 879455143 +169 705 5 891359354 +378 723 3 880055396 +314 1089 1 877887356 +44 193 3 878348521 +15 889 3 879455473 +404 748 4 883790430 +160 564 3 876861799 +416 532 3 888700659 +104 312 3 888442485 +303 384 3 879485165 +331 81 5 877196702 +108 10 5 879879834 +416 220 4 878879168 +314 1517 4 877891937 +2 301 4 888550631 +271 1 3 886106038 +75 410 5 884050661 +405 188 1 885547996 +344 511 4 884901311 +64 12 5 889738085 +297 128 4 875239346 +314 7 4 877886375 +135 12 4 879857764 +94 223 5 891721286 +23 512 5 874785843 +354 344 5 891180445 +316 14 4 880853881 +276 333 4 877584220 +398 991 2 875651527 +326 554 3 879877005 +156 22 3 888186093 +262 332 3 879961438 +360 181 4 880355353 +408 683 3 889679982 +295 414 4 879517157 +151 1101 4 879524586 +401 198 4 891033370 +234 186 3 892078567 +402 126 4 876266741 +338 606 3 879438275 +312 136 5 891698613 +343 214 4 876406604 +1 164 3 876893171 +405 578 1 885548093 +330 71 5 876546236 +343 132 5 876404880 +82 482 4 878769668 +249 218 3 879641322 +318 326 4 884470149 +424 1346 4 880859519 +323 764 3 878739415 +343 498 5 876408138 +331 180 5 877196567 +297 108 4 874955085 +311 134 5 884364502 +141 120 4 884585547 +393 222 4 887744239 +275 144 4 880314137 +221 154 3 875245907 +249 591 5 879572890 +249 9 5 879572402 +181 1377 1 878962496 +429 511 5 882385542 +338 306 4 879437548 +58 483 5 884305220 +274 88 4 878946677 +16 602 5 877719333 +102 635 2 888803148 +162 597 4 877636370 +87 8 5 879876447 +280 69 4 891700242 +393 378 4 887746824 +346 94 3 875263845 +399 817 4 882509927 +274 111 4 878945541 +94 715 4 891722278 +101 123 2 877136186 +92 722 3 875907596 +211 455 3 879461498 +194 99 3 879524643 +28 89 4 881961104 +290 826 2 880732271 +327 421 2 887745840 +360 13 3 880354315 +339 525 5 891032737 +354 529 4 891217610 +251 476 2 886272407 +385 293 3 879439728 +56 747 4 892677162 +13 564 1 882396913 +432 222 4 889416012 +256 1061 4 882153321 +177 168 4 880130807 +92 144 4 875810741 +161 1266 2 891170745 +22 358 5 878887443 +111 333 4 891680028 +18 775 3 880131878 +421 474 4 892241389 +435 780 2 884133284 +286 1202 3 876522185 +8 210 4 879362287 +200 576 4 884130415 +58 150 4 884304570 +14 517 4 890881485 +307 197 4 877122115 +249 212 4 879572890 +7 334 5 892130784 +424 25 4 880859723 +429 628 3 882385808 +59 367 4 888204597 +267 227 3 878973088 +230 357 5 880484391 +73 81 5 888626415 +277 872 3 879543768 +151 1017 2 879542939 +8 258 5 879361482 +269 505 3 891449551 +91 318 5 891439090 +296 45 5 884197419 +401 603 4 891033497 +244 161 4 880607990 +126 752 3 887855342 +339 194 4 891037070 +222 302 3 877562748 +176 750 4 886047176 +228 327 1 889387216 +308 100 5 887736797 +119 616 2 886177206 +90 518 2 891385787 +401 385 3 891033603 +387 431 3 886483150 +328 157 5 885046344 +194 127 5 879520813 +246 117 3 884921767 +22 208 5 878886607 +257 1008 5 882050187 +375 566 4 886621985 +94 496 3 885873159 +190 1313 2 891033445 +354 199 4 891217130 +210 953 3 887737488 +6 511 5 883601393 +281 258 2 881200457 +174 415 3 886515591 +5 219 3 875720744 +405 1563 1 885549635 +145 266 3 877343000 +416 49 4 893142283 +327 89 4 887744167 +115 1008 5 881171982 +398 216 5 875723337 +378 418 3 880331938 +385 485 4 879446591 +178 228 5 882826556 +168 819 4 884288270 +109 762 3 880571831 +354 87 3 891217482 +416 866 4 878879130 +425 39 4 878738335 +374 265 5 880937779 +339 1113 4 891033829 +339 76 3 891034254 +41 1 4 890692860 +13 519 5 882140355 +305 550 3 886325023 +399 774 3 882345053 +418 313 3 891282680 +406 745 4 880131550 +299 143 3 877880612 +92 1014 3 890251484 +26 333 3 891348192 +344 237 3 884900353 +334 792 4 891546257 +287 201 5 875334962 +378 48 5 880056701 +91 134 4 891439353 +416 32 2 888702297 +303 551 2 879544021 +138 185 4 879023853 +363 128 5 891495371 +429 45 3 882385118 +393 196 4 887746015 +387 1014 3 886480789 +256 779 4 882164644 +104 147 3 888466002 +303 218 4 879484695 +2 313 5 888552084 +85 530 3 879456350 +264 238 5 886122031 +241 313 4 887249795 +343 269 4 876402390 +395 174 5 883763561 +200 660 3 884129209 +260 362 5 890618729 +52 427 5 882922833 +235 65 2 889655723 +159 756 4 880557464 +389 518 4 880087073 +320 7 4 884748708 +392 286 2 891037385 +18 318 5 880132437 +318 312 4 884470193 +315 187 4 879799423 +85 417 3 882995859 +125 69 4 879454628 +308 129 5 887736925 +391 924 2 877400116 +284 300 3 885329395 +286 640 5 877531830 +393 1091 2 889731840 +239 492 3 889180411 +297 183 4 875238984 +223 846 2 891550193 +180 423 4 877355568 +189 134 5 893265239 +58 198 3 884305123 +130 288 5 874953291 +95 402 3 880571389 +2 279 4 888551745 +345 25 3 884991384 +425 185 2 878738853 +38 419 5 892429347 +28 450 1 881961394 +397 894 1 882838796 +145 270 5 879161577 +216 405 3 880232970 +429 1016 4 882386217 +297 231 3 875239913 +162 710 4 877636860 +58 955 4 884305062 +151 1264 4 879542389 +38 1034 1 892433062 +276 559 4 874792663 +79 150 3 891271652 +361 517 5 879440386 +293 54 3 888907210 +398 204 4 875716013 +6 284 2 883599590 +416 404 3 886316190 +159 411 3 880557677 +328 432 1 885047511 +421 443 5 892241459 +197 226 4 891410038 +109 157 4 880577961 +204 336 1 892391854 +23 269 5 877817151 +284 332 3 885329593 +391 1101 4 877399423 +350 589 5 882346986 +429 735 4 882387757 +398 31 3 875658967 +311 493 4 884364465 +6 304 4 883268322 +416 721 3 886317540 +262 581 3 879794667 +406 612 5 879446718 +181 9 4 878962675 +416 895 4 885114446 +267 273 4 878970503 +346 121 4 874948703 +96 50 5 884402977 +94 1028 2 891723395 +226 1117 3 883890262 +286 155 4 877533640 +398 228 5 875657926 +374 280 3 880393811 +16 9 5 877722736 +177 433 4 880131123 +263 423 5 891299630 +411 1470 3 892845746 +58 318 3 884305087 +432 295 3 889416352 +94 175 4 885870613 +234 747 3 892334578 +59 218 5 888206409 +402 234 4 876266826 +417 588 3 879647540 +13 875 1 881515613 +299 522 3 877880522 +213 174 5 878955848 +421 156 5 892241458 +268 98 4 875309583 +263 269 4 891296842 +267 240 4 878970503 +194 94 3 879528000 +88 904 5 891037276 +406 1047 3 879540358 +366 443 5 888857866 +213 568 4 878955941 +345 535 3 884994136 +409 202 3 881109347 +311 168 4 884365406 +243 196 4 879988298 +4 50 5 892003526 +82 222 3 876311365 +424 261 3 880859115 +8 127 5 879362123 +327 588 4 887820761 +416 770 4 878880154 +87 238 3 879876734 +297 471 3 874954611 +405 350 1 885549903 +1 230 4 878542420 +392 98 5 891038979 +240 336 3 885775745 +269 254 1 891456565 +283 1487 2 879297867 +393 233 3 889730460 +433 302 5 880585028 +405 1046 2 885548633 +428 690 5 885943651 +363 402 2 891498365 +200 597 4 876042824 +391 195 2 877399618 +43 692 5 883955884 +330 133 5 876545625 +405 432 3 885548785 +327 735 2 887818540 +198 65 2 884208241 +130 111 5 874953825 +343 48 3 876405697 +371 174 4 877487751 +393 328 5 887742798 +373 97 3 877099178 +280 735 2 891700475 +102 385 3 888801577 +104 245 2 888442404 +338 582 5 879438419 +83 977 3 880307382 +15 591 2 879455821 +171 306 3 891034606 +276 135 5 874787441 +234 287 3 891228196 +243 317 5 879989217 +398 501 3 875658898 +145 983 1 879161805 +301 357 5 882075994 +8 188 5 879362356 +393 71 3 889554977 +58 123 4 884650140 +397 56 5 882839517 +18 609 4 880130713 +315 746 3 879821120 +344 208 5 884901290 +426 480 5 879444473 +435 240 3 884133818 +393 94 4 889731465 +79 251 5 891271545 +83 568 4 880307724 +153 323 2 881370900 +343 62 2 876406707 +321 515 5 879440109 +349 9 4 879465477 +398 276 4 875652760 +59 521 5 888204877 +72 87 4 880036638 +417 436 3 879648478 +13 377 1 882399219 +432 620 4 889416352 +399 550 3 882345120 +339 153 4 891033932 +303 1188 4 879485204 +405 775 1 885547735 +298 178 5 884127369 +359 24 3 886453354 +286 766 3 877533724 +250 321 5 878089099 +200 542 3 884130592 +189 194 5 893265428 +336 216 5 877757858 +325 493 4 891477905 +354 174 4 891218068 +262 588 4 879793075 +232 14 4 880062574 +145 631 4 885557626 +139 307 4 879537876 +94 550 1 891723033 +159 117 5 880486047 +274 1 4 878945466 +325 313 2 891477489 +436 238 3 887769693 +21 448 4 874951727 +262 140 2 879794635 +435 299 4 884130671 +194 504 2 879523785 +11 22 4 891904241 +417 742 2 879646531 +138 357 4 879024327 +95 178 5 879197652 +244 1054 3 880609089 +36 310 4 882157327 +340 423 4 884990583 +251 295 4 886272249 +249 300 4 879571489 +234 782 3 892335372 +326 172 4 879875431 +244 255 2 880604077 +343 382 3 876406978 +200 123 4 884127568 +154 89 5 879138910 +104 354 3 888442202 +425 318 2 878737841 +393 49 4 889729674 +95 181 4 879193353 +274 150 5 878944679 +347 1059 3 881652813 +271 310 3 885844430 +234 236 3 892079336 +347 298 5 881652590 +89 14 4 879441357 +195 1418 4 891762646 +406 482 5 879446588 +430 10 4 877225726 +336 1218 3 877757790 +359 270 4 886453467 +184 382 5 889909691 +291 619 3 874805927 +396 274 4 884646263 +10 132 5 877893020 +276 551 3 874792767 +222 662 3 878182813 +308 147 3 887739831 +373 206 4 877104284 +74 129 3 888333458 +64 199 4 889737654 +62 541 3 879376535 +217 827 2 889070232 +342 92 4 875320227 +87 576 3 879876163 +215 186 4 891435731 +322 489 3 887313892 +416 294 4 876696739 +401 294 1 891031621 +290 172 5 880474141 +234 1048 3 892335501 +115 181 4 881172049 +243 69 3 879988298 +363 155 2 891497712 +82 357 4 878769888 +189 174 5 893265160 +94 1153 4 891721777 +417 684 3 879647380 +426 603 5 879444472 +1 36 2 875073180 +183 485 5 892323452 +23 189 5 874785985 +320 849 4 884749360 +13 340 2 881514684 +422 325 2 875129692 +405 650 1 885546336 +184 250 4 889907482 +254 621 3 886474807 +264 230 4 886122644 +92 154 4 875657681 +255 444 3 883216599 +21 294 3 874951616 +347 1028 2 881653087 +168 281 2 884288033 +276 186 5 874792018 +344 1050 3 884901290 +406 675 4 879792897 +402 151 5 876266984 +387 116 3 886480206 +345 332 1 884901497 +334 631 4 891547467 +76 1156 3 879576233 +398 654 4 875726730 +157 293 5 874813703 +18 523 4 880130393 +280 780 4 891701897 +123 480 3 879872540 +387 418 3 886483669 +181 1165 1 878962496 +401 50 1 891034050 +11 455 3 891903862 +174 204 4 886452552 +193 1406 4 889123926 +393 1221 3 889554834 +137 257 5 881433048 +276 118 3 874786964 +361 739 4 879441075 +269 1438 3 891448522 +429 1119 3 882387653 +342 129 5 874984684 +378 321 3 880317293 +203 250 4 880434495 +250 89 4 878092144 +347 55 5 881653603 +399 173 3 882349928 +269 447 3 891451303 +405 1316 1 885549942 +370 659 4 879435033 +381 304 5 892697982 +333 276 4 891045031 +152 22 5 882828490 +402 479 5 876267206 +400 689 3 885676316 +116 903 2 890632956 +270 1210 5 876956264 +177 475 4 880130898 +13 185 3 881515011 +323 56 5 878739771 +393 737 2 889730261 +308 461 4 887737535 +128 98 4 879967047 +223 826 1 891550404 +432 742 4 889415983 +151 633 5 879528801 +221 1134 4 875244289 +189 638 5 893265380 +128 1039 4 879967079 +118 164 5 875385386 +284 340 4 885328991 +324 258 4 880575107 +18 135 3 880130065 +383 313 2 891192158 +398 191 4 875721348 +256 402 4 882165269 +221 685 3 875244766 +417 1036 3 879649484 +301 269 5 882075432 +207 433 3 878104569 +117 222 5 886020290 +184 57 5 889908539 +35 322 3 875459017 +158 216 3 880134948 +434 1060 3 886724733 +7 495 5 891351328 +216 1035 1 880245238 +85 509 4 879454189 +354 435 4 891218024 +393 672 3 889729614 +14 23 5 890881216 +181 1360 1 878962119 +325 435 3 891478239 +54 475 5 880937251 +299 546 3 877879980 +301 300 4 882075500 +118 32 5 875384979 +263 483 5 891298336 +338 100 4 879438196 +409 995 4 881105366 +435 380 3 884133026 +125 722 3 892838687 +294 245 3 877818982 +90 287 4 891384611 +345 550 3 884993784 +189 9 3 893263994 +18 241 3 880131525 +256 1086 5 882150943 +94 581 4 891722249 +398 64 4 875660439 +92 203 4 875653699 +100 348 3 891375630 +347 392 2 881654592 +409 270 2 881104916 +344 559 3 884901351 +369 114 5 889428642 +200 363 3 876042753 +417 1135 4 880951717 +389 404 5 880087200 +101 1093 1 877136360 +95 1219 1 888956489 +380 428 3 885480320 +10 420 4 877892438 +283 676 3 879297867 +63 924 3 875748164 +252 100 5 891456797 +330 763 5 876544337 +130 756 4 874953866 +34 332 5 888602742 +219 935 3 889387237 +437 165 4 881002324 +386 546 2 877655195 +7 520 5 892133466 +314 682 5 877885836 +436 161 4 887771897 +183 331 3 892322382 +1 23 4 875072895 +432 111 4 889416456 +162 943 4 877636604 +211 303 3 879437184 +301 276 1 882074384 +426 493 4 879444473 +2 299 4 888550774 +286 732 5 877531899 +298 203 3 884182966 +362 288 4 885019304 +372 448 4 876869445 +418 301 2 891282738 +254 612 3 886471959 +426 504 4 879442083 +393 403 3 889727503 +268 168 4 875310384 +344 183 5 884814507 +405 1275 1 885548632 +90 705 5 891384147 +92 226 3 875813412 +318 657 5 884495696 +64 509 3 889737478 +405 361 2 885549942 +92 328 3 888469687 +201 184 3 884112245 +188 66 3 875075118 +186 118 2 879023242 +428 340 4 885943749 +339 961 3 891034778 +334 268 4 891544102 +429 371 2 882387715 +405 551 1 885548475 +361 179 4 879440545 +62 328 3 879371909 +405 1113 1 885546680 +370 493 5 879434886 +342 287 3 874984619 +307 114 5 879283169 +303 167 3 879468307 +92 62 3 875660468 +334 313 4 891544077 +409 1021 4 881168603 +14 168 4 879119497 +416 475 2 876697074 +303 685 1 879485089 +125 496 5 879454419 +419 705 5 879435663 +13 217 1 882396955 +128 99 4 879967840 +258 243 3 885701024 +337 450 2 875185319 +267 780 4 878973250 +313 849 3 891028360 +194 210 3 879521396 +331 215 3 877196383 +59 699 4 888205370 +342 975 2 875318509 +52 235 2 882922806 +374 475 1 880393191 +324 300 5 880574827 +286 792 3 877532230 +30 231 2 875061066 +158 116 5 880132383 +367 326 4 876689502 +197 316 4 891409535 +94 135 4 885870231 +327 179 2 887820493 +374 576 3 880939186 +269 427 5 891447960 +237 603 5 879376773 +428 316 4 892572382 +222 1 4 877563227 +334 132 3 891546231 +198 631 3 884208624 +299 655 3 889502979 +361 762 2 879440774 +360 127 5 880354149 +256 834 3 882163956 +93 235 4 888705939 +405 1109 1 885548632 +313 441 3 891029964 +14 596 3 879119311 +234 1298 3 892079373 +1 224 5 875071484 +263 265 4 891299815 +199 687 1 883782655 +119 995 4 891287008 +421 124 4 892241344 +48 286 3 879434181 +52 93 4 882922357 +251 1028 3 886272585 +320 369 4 884749097 +280 715 2 891700945 +297 129 4 874954353 +229 302 5 891633028 +380 630 2 885478780 +385 500 4 879443352 +399 768 3 882350401 +52 275 4 882922328 +8 651 5 879362123 +387 1143 5 886480623 +56 258 4 892675999 +10 712 4 877892438 +125 926 3 892839066 +275 101 4 875154535 +416 427 5 893213019 +43 272 5 883953545 +221 173 4 875245406 +404 892 2 883790550 +84 194 5 883453617 +181 424 1 878962240 +299 710 4 877881508 +85 192 4 879454951 +417 979 3 879646437 +49 346 4 888065527 +417 1209 3 879649368 +206 891 2 888180049 +71 65 5 885016961 +103 96 4 880422009 +385 128 5 879442235 +374 234 4 880396256 +354 629 3 891217659 +438 476 5 879868664 +373 732 3 877104048 +437 1121 5 880140466 +305 7 4 886323937 +385 965 4 879445779 +70 762 3 884066399 +291 769 1 875087673 +188 161 3 875073048 +299 662 4 878192429 +194 259 2 879520306 +279 465 5 875310157 +271 549 4 885849231 +262 358 3 879961513 +13 651 5 882140070 +222 719 1 881060578 +222 658 3 881059678 +174 67 1 886515130 +180 173 5 877128388 +405 785 1 885547407 +416 178 5 893213918 +13 24 1 882397741 +280 234 3 891700803 +334 1006 3 891549860 +167 290 3 892737936 +28 223 5 882826496 +200 432 5 884128458 +267 393 3 878973483 +90 148 2 891385787 +141 410 4 884585195 +10 186 4 877886722 +189 16 3 893264335 +416 768 3 893210187 +139 222 3 879538199 +375 39 3 886622024 +345 291 3 884991476 +389 736 5 880088229 +299 173 5 889501163 +389 778 4 880088995 +72 550 4 880037334 +378 100 4 880044198 +178 495 4 882827870 +125 83 4 879454345 +255 323 2 883215723 +244 456 3 880605333 +437 708 4 881002026 +292 168 5 881105318 +416 327 4 876696853 +154 143 3 879139003 +312 114 5 891698793 +405 581 3 885546530 +119 455 4 874774719 +201 1220 2 884140975 +7 579 4 892133361 +215 449 4 891436469 +60 507 4 883326301 +343 147 4 876402814 +15 1 1 879455635 +162 1012 4 877635965 +185 279 4 883525255 +286 546 1 876521835 +370 22 4 879434832 +71 50 3 885016784 +95 239 3 879198262 +378 1439 3 880333144 +429 709 4 882385267 +197 210 5 891409838 +10 199 4 877892050 +177 689 3 882141885 +354 153 3 891218418 +393 189 4 887745717 +269 433 3 891449900 +429 491 3 882384950 +112 307 4 884992585 +59 50 5 888205087 +373 1006 2 877100129 +288 357 5 886373591 +119 268 5 886175117 +216 357 4 880233635 +423 272 5 891394503 +159 121 3 880486071 +90 602 5 891385466 +109 121 5 880571741 +399 1135 2 882349170 +243 632 5 879988487 +13 673 3 882140691 +94 652 4 891721167 +361 234 4 879441285 +363 229 3 891497393 +213 229 4 878955973 +293 739 2 888906804 +118 193 5 875384793 +111 242 4 891679901 +195 235 3 883191566 +292 265 4 881105587 +13 287 1 882141459 +224 723 2 888104313 +200 692 3 884128400 +14 477 4 879119311 +299 136 4 878192078 +279 73 4 875310041 +345 716 3 884993686 +207 580 3 879665232 +235 515 4 889655086 +405 30 1 885549544 +312 173 3 891699345 +415 243 1 879439386 +422 258 4 875129523 +318 865 2 884496099 +233 193 4 877663646 +378 979 3 880333851 +437 1404 2 881002263 +2 298 3 888551441 +120 252 3 889490633 +437 190 3 880140154 +301 239 2 882076682 +269 843 3 891451374 +318 285 4 884470944 +181 1028 2 878962997 +44 204 4 878348725 +390 713 4 879694259 +346 1222 4 875263877 +292 223 5 881105516 +196 692 5 881252017 +399 1179 2 882352324 +363 9 3 891494628 +197 880 3 891409387 +291 540 3 874835141 +44 470 3 878348499 +263 648 5 891297988 +427 680 5 879701326 +234 1263 3 892335142 +102 286 3 883277645 +10 710 4 877892160 +27 508 3 891542987 +174 762 5 886434136 +346 53 1 875263501 +224 581 1 888104219 +312 265 1 891698696 +60 64 4 883325994 +184 606 5 889913687 +405 759 1 885548162 +174 1041 5 886513788 +95 393 5 880571678 +370 608 4 879434860 +380 185 4 885479057 +344 222 4 884899372 +236 298 4 890116793 +431 286 4 877844062 +272 288 4 879454663 +407 174 5 875042675 +113 1252 4 875935610 +363 474 5 891494929 +140 325 3 879013719 +331 514 3 877196173 +351 990 5 879481461 +265 151 2 875320661 +409 22 2 881108077 +22 172 4 878887680 +179 331 2 892151331 +254 655 4 886472313 +184 1397 3 889910233 +360 963 5 880355448 +234 484 5 892078936 +11 175 3 891904551 +221 824 3 875244694 +56 90 2 892677147 +71 135 4 885016536 +102 629 3 888803488 +417 99 4 879647498 +201 260 4 884110967 +244 584 5 880606634 +174 13 3 891551777 +413 255 3 879969791 +255 860 2 883216748 +347 215 4 881654211 +360 191 4 880355958 +345 748 2 884901497 +437 419 5 880141961 +398 479 4 875717020 +295 642 4 879517943 +429 941 3 882387506 +82 1126 4 878770169 +94 202 2 885873423 +14 655 5 879119739 +239 175 5 889180616 +58 558 5 884305165 +42 566 5 881107821 +271 289 4 885844666 +367 448 4 876690098 +354 321 2 891216128 +293 298 4 888904795 +285 514 3 890595859 +200 135 4 884128400 +223 975 1 891550094 +126 327 3 887855087 +271 642 5 885849231 +345 13 4 884991220 +224 51 4 888104457 +207 161 4 875509507 +291 1505 4 874868647 +361 531 5 879440545 +213 274 5 878955188 +75 1047 3 884050979 +287 98 4 875334759 +378 9 5 880044419 +121 515 4 891388391 +109 7 4 880563080 +334 652 5 891546992 +347 56 5 881653736 +399 1401 3 882342219 +1 73 3 876892774 +304 742 3 884968078 +345 98 5 884916235 +434 815 4 886724972 +158 433 3 880135044 +321 462 4 879440294 +49 738 3 888069138 +151 153 3 879524326 +7 223 5 891351328 +387 71 2 886483620 +409 664 4 881108648 +347 125 5 881652568 +118 17 3 875385257 +442 401 2 883388960 +286 127 4 877530570 +200 1049 3 876042922 +399 679 3 882344596 +42 63 4 881108873 +172 514 3 875537964 +389 517 4 880087977 +269 161 1 891451036 +267 545 2 878974723 +330 418 5 876546298 +406 396 3 879792974 +437 14 5 880140369 +407 969 4 884201736 +104 325 1 888442552 +390 304 5 879693561 +314 873 4 877886099 +406 503 3 884631010 +398 648 5 875733496 +159 289 2 880485415 +312 516 3 891699626 +312 195 5 891698254 +271 605 4 885849164 +95 496 4 879198746 +325 517 4 891478219 +314 418 5 877888346 +10 558 4 877886722 +405 1058 1 885546635 +178 323 3 882823530 +148 78 1 877399018 +422 126 4 875129911 +130 1136 4 876252373 +370 631 4 879435369 +336 124 1 877760244 +193 100 5 889124127 +176 50 5 886047879 +405 1317 1 885549746 +301 201 4 882076619 +126 313 5 887854726 +11 713 5 891903024 +279 719 4 875308222 +429 633 3 882385829 +428 875 4 885944136 +311 941 4 884365929 +363 169 5 891494563 +185 15 3 883525255 +417 132 4 879647850 +243 194 4 879988913 +399 295 4 882341264 +181 620 2 878963204 +7 259 3 891350464 +281 322 4 881200789 +416 1517 2 886320054 +316 132 4 880853599 +63 116 5 875747319 +222 161 4 878182279 +293 430 3 888905716 +59 142 1 888206561 +96 23 5 884403123 +328 503 3 885047696 +393 50 5 887743611 +244 738 4 880607489 +181 146 1 878962955 +239 836 5 889180888 +404 294 4 883790430 +380 496 4 885479537 +312 1039 5 891698951 +135 258 4 879857575 +401 435 5 891033250 +324 877 1 880575163 +62 1012 3 879372633 +432 237 5 889415983 +130 619 4 876251409 +82 151 2 876311547 +62 164 5 879374946 +435 431 3 884131950 +343 124 4 876402738 +222 2 3 878183837 +354 162 3 891217659 +367 288 5 876689418 +363 679 4 891497277 +58 195 4 884305123 +427 300 4 879700908 +405 1519 2 885546577 +145 549 5 875272786 +210 152 5 887730676 +405 1045 3 885546112 +361 524 4 879440386 +234 634 4 892079910 +291 294 5 874834481 +234 483 5 892078424 +200 258 4 876041644 +423 310 3 891394558 +398 1119 4 875812011 +194 193 4 879524790 +409 165 4 881107410 +256 1231 3 882164603 +1 67 3 876893054 +276 204 5 874791667 +60 505 4 883326710 +156 318 4 888185947 +436 73 4 887769444 +393 1169 5 887746015 +194 71 4 879524291 +405 959 1 885547222 +339 163 4 891035324 +160 137 4 876767299 +222 1029 1 881060608 +385 325 4 882175397 +210 864 3 887730842 +436 411 4 887771022 +224 300 4 888081843 +230 385 1 880485235 +54 118 4 880937813 +91 748 2 891438314 +297 197 3 875239691 +409 8 3 881108777 +301 385 3 882077055 +230 484 5 880484800 +8 176 5 879362233 +301 204 5 882076264 +407 655 4 875044037 +56 735 2 892678913 +22 230 4 878888026 +286 66 4 877533586 +202 173 2 879726914 +123 962 3 879872405 +311 195 4 884364538 +378 121 4 880044763 +276 101 4 874977555 +279 472 3 876609690 +95 226 4 879196513 +178 478 5 882826514 +56 25 4 892911166 +357 866 5 878951864 +201 693 4 884113949 +297 293 3 874954844 +92 508 5 886443416 +130 271 5 879352077 +354 511 4 891217340 +188 181 3 875072148 +301 231 2 882078580 +405 1217 3 885548633 +401 520 3 891033442 +389 402 3 880613797 +227 121 2 879035934 +391 530 5 877399337 +173 678 3 877556988 +342 1166 1 875319745 +94 603 4 891721414 +276 223 5 874790773 +72 135 4 880037054 +244 77 4 880603512 +269 499 4 891449099 +94 421 4 891721414 +135 939 4 879857797 +5 428 5 875636588 +130 689 2 880396150 +267 647 5 878971629 +32 259 2 883709986 +38 28 4 892429399 +279 248 4 875249259 +329 250 3 891656639 +109 388 5 880583308 +330 473 4 876544632 +276 1035 3 874793035 +164 121 5 889402203 +359 455 4 886453305 +196 8 5 881251753 +221 4 3 875245462 +14 50 5 890881557 +197 362 4 891409199 +94 288 3 885869993 +18 794 3 880131878 +435 1034 2 884134754 +13 27 3 882397833 +318 157 5 884496398 +385 385 1 879443352 +13 912 2 892014861 +374 204 4 880395604 +94 52 5 891721026 +183 450 3 891463592 +405 449 1 885548093 +92 582 5 875641516 +435 462 5 884131328 +230 97 5 880484544 +158 172 4 880134398 +201 1065 3 884113490 +23 1 5 874784615 +294 823 3 877820190 +406 642 3 884631033 +38 22 5 892429347 +119 511 5 874781407 +198 203 3 884207733 +268 134 5 875310083 +271 742 3 886106209 +99 694 1 885680616 +436 174 3 887769335 +208 402 4 883108873 +394 1079 3 881059148 +311 723 4 884366187 +22 997 1 878887377 +440 690 4 891546698 +372 649 3 876869977 +336 410 3 877758001 +117 1012 4 881008815 +392 321 5 891037685 +325 542 2 891479962 +409 480 5 881107056 +66 281 4 883602044 +344 246 4 889814518 +437 655 4 881001945 +239 705 4 889178652 +334 173 4 891628228 +442 385 3 883390416 +31 124 4 881548110 +357 984 3 878950923 +215 182 3 891435266 +115 1073 5 881171488 +90 1200 4 891384066 +102 5 3 888803002 +178 762 3 882824592 +70 96 4 884066910 +391 47 4 877399301 +325 554 1 891479912 +128 505 4 879967136 +426 1116 4 879444251 +60 416 4 883327639 +188 240 1 875072799 +13 201 1 882396869 +218 154 4 877488546 +393 380 2 887746482 +416 546 3 876697807 +393 1179 4 889731437 +325 127 5 891478480 +389 502 4 881384464 +339 302 4 891034592 +314 94 4 877891386 +303 462 3 879468082 +393 25 2 887744294 +389 1451 5 880087544 +44 274 4 878348036 +378 1046 3 880332857 +299 433 5 889501365 +49 583 4 888068143 +327 455 2 887819316 +360 207 4 880355888 +353 300 3 891402310 +385 705 3 879441538 +411 405 4 891035152 +383 19 4 891192911 +119 100 5 874774575 +130 881 4 875801239 +59 625 3 888206295 +435 443 3 884132777 +144 815 1 888104659 +340 174 4 884989913 +102 530 3 888801577 +251 181 4 886271733 +340 504 1 884991742 +442 31 3 883391249 +181 258 3 878961709 +169 234 4 891359418 +37 176 4 880915942 +167 1305 1 892738418 +190 333 4 891033606 +199 259 1 883782583 +160 23 5 876859778 +244 42 5 880602058 +99 409 2 885679411 +399 2 3 882512708 +94 824 4 891722882 +342 813 5 874984480 +409 339 2 881105677 +158 472 3 880132659 +303 1199 3 879468123 +23 527 4 874785926 +200 771 4 884130721 +332 295 3 887916529 +144 785 4 888106016 +24 109 3 875322848 +268 546 4 875743110 +328 1139 1 885049756 +406 199 5 879445810 +249 1016 3 879571752 +188 185 4 875071710 +1 65 4 875072125 +213 778 5 878955680 +385 42 1 879443252 +234 1400 3 892334400 +200 88 4 884128760 +405 169 1 885549192 +442 182 4 883390284 +79 290 3 891271741 +405 527 5 885545200 +117 1095 3 881010938 +387 744 3 886480818 +285 237 4 890595636 +353 316 5 891402757 +268 472 1 875743335 +232 474 5 888550036 +13 385 3 882397502 +308 660 3 887740410 +72 117 4 880035588 +60 234 4 883326463 +130 243 2 874953526 +262 815 2 879791216 +144 190 5 888105714 +393 1053 3 889730011 +406 527 4 879445599 +210 197 5 887736393 +210 300 4 887730066 +213 591 4 878955295 +239 89 4 889179253 +197 530 3 891410082 +236 549 4 890116628 +381 660 2 892696426 +389 498 5 880086918 +426 608 4 879444081 +18 151 3 880131804 +329 245 3 891656640 +416 107 5 893212929 +334 306 4 891544103 +198 527 4 884208061 +423 323 3 891395047 +181 459 1 878962349 +13 852 1 882396869 +246 628 1 884922554 +435 693 3 884131118 +239 488 5 889179033 +342 928 3 875318509 +278 306 5 891295043 +256 550 5 882164525 +393 591 5 887744372 +381 1400 3 892697394 +333 873 3 891045496 +13 238 3 881515411 +445 597 1 891200320 +429 431 5 882384870 +429 97 4 882386171 +178 619 3 888514710 +12 50 4 879959044 +283 209 4 879298271 +373 514 4 877098751 +79 1008 4 891271982 +348 1028 4 886523560 +15 933 1 879456447 +425 183 3 878738486 +63 306 3 875746948 +248 235 3 884536150 +394 181 4 880886796 +26 240 3 891377468 +151 484 4 879524563 +7 555 4 892134811 +222 81 1 878183565 +22 1001 1 878886647 +347 385 4 881654101 +198 228 3 884207206 +343 499 5 876405129 +10 483 5 877889333 +112 286 4 884992484 +44 21 2 878346789 +130 122 3 876251090 +1 190 5 875072125 +58 216 3 884305338 +141 1 3 884584753 +344 1165 1 886381986 +328 511 4 885045678 +406 181 5 879445859 +317 245 4 891446575 +393 303 4 891364609 +294 902 4 891404417 +445 195 2 890987655 +60 56 4 883326919 +226 209 3 883889146 +334 870 3 891545513 +401 196 5 891033497 +379 451 4 880525968 +182 222 3 885613180 +207 997 1 875508693 +397 324 2 882838749 +6 189 3 883601365 +241 887 4 887249685 +216 150 5 880232812 +126 1175 5 887856958 +222 300 5 877562795 +268 926 2 875743012 +256 368 1 882163778 +436 132 1 887769824 +343 69 5 876405735 +293 280 2 888905198 +378 471 3 880057018 +244 866 5 880605131 +378 1232 3 880333121 +435 756 3 884134134 +426 633 4 879444816 +338 603 5 879438690 +427 302 4 879700759 +407 157 2 875046752 +214 20 4 892668197 +416 1503 4 888702629 +74 121 4 888333428 +308 520 4 887738508 +121 508 4 891388333 +14 492 4 890881485 +81 544 2 876546272 +25 114 5 885852218 +308 58 3 887736459 +343 237 4 876402738 +346 455 3 874948889 +178 71 4 882826577 +320 403 4 884749281 +379 504 5 880526141 +342 1073 1 875320199 +250 69 5 878092059 +225 245 2 879539315 +244 52 4 880606476 +5 259 1 878844208 +133 304 3 890588639 +374 257 3 880393223 +372 12 4 876869730 +436 454 4 887768982 +194 941 2 879552569 +385 526 3 879445098 +396 106 4 884646537 +394 121 4 880888452 +195 271 4 879488450 +48 181 5 879434954 +63 225 2 875747439 +429 1113 3 882386711 +429 944 3 882387474 +329 12 4 891656178 +422 1017 4 875130063 +125 384 3 892838591 +412 4 3 879717253 +326 479 5 879875432 +242 1357 5 879741196 +312 156 3 891698224 +276 576 3 874792547 +293 206 4 888907552 +244 685 2 880604642 +351 750 5 883356810 +330 1044 5 876547575 +418 304 4 891282738 +392 1142 5 891038184 +257 405 3 882050397 +89 212 3 879459909 +387 444 4 886481800 +22 153 5 878886423 +416 819 3 888700844 +361 197 5 879440739 +242 237 4 879740594 +76 98 5 875028391 +193 210 4 889125755 +137 266 5 881432735 +10 56 5 877886598 +406 79 3 882480481 +7 604 3 891351547 +429 635 3 882387202 +417 725 4 880952970 +64 175 5 889739415 +430 527 4 877226209 +184 67 3 889912569 +342 179 5 874984175 +95 1018 3 879198946 +386 7 3 877655028 +221 24 5 875244352 +268 101 2 875542174 +109 215 3 880578598 +15 459 5 879455562 +425 825 2 878738643 +387 189 5 886483619 +268 1002 1 875743216 +224 1045 2 888082766 +125 94 5 892839065 +393 396 1 889730514 +330 588 5 876546033 +432 50 5 889416012 +230 140 3 880484320 +399 763 2 882340900 +417 195 5 879647380 +280 629 4 891701852 +233 923 4 877664010 +115 952 5 881170998 +282 879 2 879949504 +279 1312 3 890780962 +263 661 5 891298728 +442 54 3 883391274 +276 1220 4 874791048 +119 310 5 886175117 +73 318 4 888625934 +2 19 3 888550871 +97 192 1 884238778 +447 1034 2 878854918 +445 410 1 891200164 +268 238 3 875310352 +270 282 3 876954093 +227 25 4 879035535 +69 147 3 882072920 +411 196 4 892845804 +64 403 4 889739953 +421 915 4 892241252 +102 502 3 888803738 +153 510 3 881371198 +188 164 4 875072674 +87 161 5 879875893 +243 16 3 879987630 +320 895 4 884748346 +363 37 2 891498510 +197 550 3 891409981 +406 435 5 880131642 +110 11 4 886987922 +396 930 3 884646467 +438 1028 2 879868529 +13 783 3 886304188 +314 1032 4 877891603 +373 196 5 877098487 +43 271 3 880317103 +158 435 5 880134407 +357 713 5 878951576 +334 70 3 891546299 +151 702 3 879524849 +422 273 5 875129791 +313 604 4 891014552 +5 457 1 879198898 +373 651 4 877105075 +311 642 4 884365823 +429 693 4 882386628 +85 622 3 882995833 +277 93 4 879543972 +363 761 3 891498183 +313 155 2 891031577 +294 343 4 889241511 +20 568 4 879669291 +378 286 5 880043650 +216 200 5 880244802 +207 875 2 875718889 +328 690 3 885044418 +10 603 5 877886783 +281 682 3 881200519 +90 180 4 891384065 +311 41 3 884366439 +393 659 4 887746378 +11 726 3 891905515 +385 171 3 879750777 +387 48 4 886483753 +429 318 5 882387731 +339 159 3 891034681 +274 118 4 878945711 +334 708 4 891628833 +409 479 5 881106947 +268 122 2 875743310 +326 386 5 879877284 +178 16 4 882823905 +306 25 3 876504354 +395 365 5 883766403 +348 476 4 886523735 +269 194 5 891448951 +405 1029 1 885547735 +18 152 3 880130515 +279 434 4 892864609 +269 143 3 891450385 +271 430 5 885849419 +213 841 4 878871010 +294 1161 3 877819673 +276 423 5 874790926 +151 51 4 879543055 +343 194 5 876405200 +56 1092 3 892911573 +90 483 5 891384570 +406 209 1 880131608 +158 530 4 880134332 +181 1375 1 878962586 +381 100 4 892697442 +346 241 4 874948929 +275 627 3 875154718 +144 165 4 888105993 +380 181 3 885478391 +387 136 3 886480288 +256 685 5 882151576 +393 123 4 887744328 +92 248 4 886442565 +256 775 5 882165269 +422 926 2 875130100 +326 671 3 879876327 +271 265 5 885849275 +378 50 4 880045145 +308 966 3 887740500 +437 1262 3 881002091 +328 569 4 885049199 +207 100 2 875503786 +301 2 2 882076587 +435 746 4 884132184 +222 568 5 878183481 +56 169 4 892683248 +320 685 4 884748839 +334 1404 4 891549068 +442 98 4 883389983 +21 816 1 874951898 +7 496 5 891351083 +218 4 3 877488546 +393 394 5 889728627 +207 205 4 875991160 +279 638 4 875312441 +254 443 3 886473547 +178 696 4 882824869 +399 568 2 882345842 +25 432 2 885852443 +374 552 4 880938255 +200 1139 3 884130484 +160 7 3 876767822 +233 499 3 877664010 +387 441 1 886481800 +64 539 1 889737126 +186 226 5 879023664 +189 234 5 893265401 +296 309 1 884196209 +64 62 2 889740654 +435 115 4 884131771 +405 1248 1 885548633 +391 204 3 877399658 +425 38 3 878738757 +189 176 4 893265214 +379 196 4 880525062 +421 194 4 892241554 +86 288 3 879570218 +106 196 5 881450578 +297 201 4 875238984 +194 427 4 879521088 +449 971 4 880410701 +435 652 4 884131741 +74 324 3 888333280 +377 219 3 891299078 +57 456 3 883698083 +26 150 3 891350750 +90 83 5 891383687 +393 67 3 889730088 +393 756 4 887745258 +26 127 5 891386368 +354 483 4 891217298 +405 371 1 885549309 +447 121 5 878855107 +385 218 2 879447361 +435 141 2 884132898 +393 241 4 889554930 +301 194 4 882075827 +359 313 5 886453450 +296 268 4 884196238 +299 86 4 889502050 +328 579 3 885049836 +366 573 5 888858078 +59 274 1 888203449 +313 471 4 891015196 +292 408 4 881104068 +94 55 4 885873653 +429 1039 5 882386071 +250 688 2 878089182 +70 206 3 884067026 +203 304 3 880433445 +270 1471 4 876956264 +405 593 1 885549790 +346 265 4 874950794 +334 566 3 891548866 +363 809 4 891497712 +166 748 2 886397751 +249 28 4 879572106 +181 13 2 878962465 +292 125 2 881104401 +133 294 3 890588852 +329 483 4 891656347 +296 134 5 884197264 +328 199 4 885045528 +263 237 2 891300103 +135 265 3 879857797 +391 497 3 877399133 +42 118 4 881105505 +299 1132 1 877880196 +435 1028 2 884133284 +102 96 3 888801316 +22 154 4 878886423 +279 1501 1 889231898 +176 236 4 886048145 +109 295 4 880564707 +11 40 3 891905279 +325 197 4 891478199 +320 405 4 884748774 +348 100 4 886523207 +234 403 1 892335674 +21 291 3 874951446 +62 3 3 879372325 +381 77 2 892696367 +313 1050 4 891016826 +449 381 4 880410777 +389 1052 2 881384711 +328 164 3 885047484 +201 62 1 884310149 +158 516 5 880135044 +160 230 2 876860808 +92 845 3 886442565 +303 541 3 879543988 +321 607 4 879440109 +234 654 5 892333573 +81 98 5 876534854 +320 22 5 884749452 +246 55 4 884921948 +207 153 5 877750617 +202 286 1 879726342 +104 346 3 888442172 +233 423 4 877665239 +407 117 3 875550223 +408 748 5 889680073 +397 261 1 875063722 +28 665 3 881961782 +395 121 3 883765731 +136 515 5 882694387 +201 174 3 884112201 +82 405 3 876311423 +144 297 4 888104150 +305 175 4 886322893 +405 1435 1 885547735 +89 517 5 879459859 +394 508 4 880886978 +450 470 5 887139517 +256 1210 5 882164999 +99 748 4 885678436 +405 795 2 885547605 +346 967 2 874948426 +20 144 2 879669401 +38 550 2 892432786 +383 9 5 891192801 +262 393 2 879794140 +343 405 4 876403776 +308 618 4 887737955 +210 88 4 887737603 +264 175 5 886123472 +64 70 5 889739158 +293 53 3 888907891 +123 132 3 879872672 +1 100 5 878543541 +216 364 2 881721863 +312 611 5 891698764 +300 100 3 875650267 +417 32 2 879647924 +215 434 5 891435394 +13 349 1 892387807 +327 425 3 887822681 +450 783 3 882399818 +16 482 5 877718872 +25 633 4 885852301 +40 750 3 889041523 +254 258 4 887347560 +130 627 5 875801496 +338 516 5 879438366 +429 427 5 882385569 +437 173 4 881001023 +327 96 2 887822530 +279 721 5 875312719 +421 200 3 892241687 +177 470 5 880130951 +271 471 3 885847926 +91 515 5 891439090 +194 479 3 879521167 +265 300 5 875320024 +191 272 4 891560631 +21 258 4 874950889 +47 268 4 879439040 +85 451 4 882995934 +292 127 5 881104268 +435 217 4 884133161 +406 443 4 879792897 +354 1241 4 891216875 +115 9 5 881171982 +405 673 5 885545235 +312 183 5 891699182 +379 686 4 880525502 +267 67 3 878973088 +59 203 4 888204260 +194 660 3 879527421 +447 218 4 878856052 +378 896 4 889665232 +151 707 4 879528537 +416 479 5 893213917 +143 325 5 888407741 +429 109 3 882385034 +445 823 1 891200624 +69 508 4 882072920 +429 197 4 882384772 +276 977 2 874787090 +293 328 2 888904285 +347 73 2 881654773 +342 950 2 875318423 +303 755 2 879485016 +43 173 5 875981190 +389 29 2 880088659 +144 221 3 888104087 +85 479 4 879454951 +92 22 3 875653121 +158 117 3 880132719 +181 1395 1 878961847 +320 771 3 884751316 +125 208 3 879454244 +380 135 3 885479436 +321 100 4 879438882 +347 410 5 881653059 +357 237 5 878951217 +313 659 4 891013773 +114 482 4 881259839 +387 133 2 886480483 +327 423 3 887822752 +230 485 5 880484370 +42 72 3 881108229 +301 871 4 882075148 +181 952 1 878962720 +144 597 4 888104191 +406 99 5 879793081 +437 755 3 880143450 +420 283 5 891357162 +85 286 4 879452259 +90 652 4 891384611 +267 54 3 878973922 +342 122 4 875318783 +263 614 3 891298792 +49 1070 3 888068739 +198 33 3 884209291 +385 181 1 879439923 +276 774 2 877934722 +385 286 3 879438600 +47 323 2 879440360 +305 405 3 886324580 +141 322 4 884584426 +450 1147 4 882374497 +246 790 3 884923405 +50 325 1 877052400 +172 483 3 875538028 +412 135 4 879717621 +158 502 4 880135069 +72 230 1 880037277 +21 979 2 874951416 +341 288 4 890757686 +160 544 4 876768106 +157 147 5 886890342 +401 342 1 891031723 +181 879 2 878961542 +390 331 2 879693723 +373 494 4 877099178 +398 234 4 875659265 +145 477 2 888398069 +343 121 2 876407072 +64 214 3 889737478 +299 70 3 877881320 +234 208 4 892318002 +435 234 4 884132619 +405 1167 1 885547268 +336 153 5 877757669 +382 1142 3 875945451 +142 358 2 888640178 +363 218 2 891497174 +235 211 5 889655162 +405 396 1 885547408 +363 81 4 891496616 +60 606 4 883327201 +43 471 3 883955319 +437 86 4 881001715 +297 1014 3 874954845 +399 772 4 882343358 +311 576 3 884366269 +330 286 5 876543768 +305 201 3 886323998 +57 932 3 883697585 +208 208 4 883108360 +42 479 4 881108147 +320 276 2 884748579 +234 428 4 892334079 +214 187 4 891544070 +416 399 4 878879497 +85 237 3 879452769 +313 526 4 891028197 +387 561 3 886481800 +201 1008 3 884140891 +189 1117 5 893264678 +50 508 5 877052438 +303 1303 3 879543831 +59 564 2 888206605 +42 216 5 881108147 +423 258 5 891394747 +202 604 5 879727058 +42 1049 3 881105882 +178 196 4 882827834 +437 665 2 880143695 +437 239 4 880141529 +342 143 5 875318936 +245 50 4 888513664 +234 963 3 892078983 +407 200 4 875045685 +56 554 4 892679356 +6 506 4 883602174 +196 428 4 881251702 +263 163 5 891299697 +354 134 4 891217298 +95 591 5 880573287 +311 322 4 884364047 +326 98 5 879875112 +292 705 4 881105374 +318 138 4 884498115 +429 1136 4 882386532 +140 880 4 879013832 +134 751 5 891732335 +311 71 4 884364845 +342 13 3 874984480 +231 476 3 879966018 +326 969 4 879875151 +376 98 5 879454598 +346 405 3 886274098 +78 298 3 879633702 +311 420 1 884366334 +221 476 2 875244673 +356 892 1 891406241 +385 180 4 879442706 +26 294 3 891348192 +373 658 4 877105781 +417 226 3 879648096 +293 804 1 888907816 +417 636 3 879648435 +13 333 3 881514810 +435 386 4 884133584 +130 143 5 876251922 +374 405 4 880392992 +132 154 4 891278996 +332 95 5 888360060 +1 226 3 878543176 +70 191 3 884149340 +151 163 4 879542723 +345 325 1 884901497 +348 1120 3 886523387 +181 288 4 878961173 +276 409 3 874792310 +325 180 4 891478910 +239 954 5 889179253 +200 56 4 884128858 +325 525 5 891478579 +234 427 4 892078386 +151 356 2 879528852 +435 1217 3 884133819 +29 874 4 882821020 +393 1215 3 889731729 +416 1407 2 886320112 +94 17 2 891721494 +432 411 3 889416044 +405 1421 1 885546835 +56 728 3 892911420 +90 421 4 891383718 +95 229 3 879196408 +250 56 4 878090004 +42 95 5 881107220 +398 162 5 875811851 +193 56 1 889125572 +38 133 2 892429873 +331 11 2 877196702 +293 226 1 888906906 +29 302 4 882820663 +95 79 4 879196231 +194 568 2 879522819 +293 1042 3 888907575 +102 636 3 888801577 +405 1178 1 885547690 +174 768 1 886515569 +58 1103 5 884305150 +222 218 5 878182370 +426 614 4 879444604 +327 411 3 887818957 +186 300 5 879022858 +339 182 5 891033310 +21 148 1 874951482 +271 221 3 885847927 +445 628 1 891200137 +332 265 4 888360370 +72 51 4 880036946 +363 96 5 891494835 +6 269 4 883268222 +262 365 4 879793939 +22 194 5 878886607 +359 1 4 886453214 +446 332 3 879787149 +327 634 5 887820493 +59 209 5 888204965 +269 716 4 891451111 +58 311 4 890770101 +5 410 1 879198183 +213 238 5 878955635 +345 311 5 884900609 +303 765 3 879485608 +6 87 4 883602174 +405 1557 1 885547222 +103 69 3 880420585 +263 195 5 891299949 +118 421 4 875384946 +279 1247 2 875659924 +201 71 3 884111270 +174 216 5 886439516 +327 219 4 887746219 +145 195 5 882181728 +356 333 5 891405978 +31 79 2 881548082 +217 391 4 889070287 +234 1126 4 892079722 +314 1178 2 877892244 +85 418 3 879455197 +308 191 4 887736797 +130 385 5 875802080 +256 237 4 882150644 +417 563 2 879649560 +126 751 4 887853568 +301 631 1 882078882 +425 323 2 878737684 +81 756 1 876534097 +445 919 1 891200233 +151 1113 4 879542891 +342 1300 1 875318556 +399 389 3 882345078 +375 300 4 886621795 +181 284 2 878962996 +201 559 2 884112627 +128 284 3 879968663 +379 530 5 880525502 +435 252 2 884134677 +405 579 1 885547557 +437 197 5 880141962 +417 47 3 879648004 +276 8 4 874791623 +450 100 4 882374059 +114 100 5 881259927 +308 484 3 887736998 +45 1060 3 881012184 +193 147 2 890860290 +235 652 4 889655403 +293 710 3 888907145 +388 117 5 886436756 +10 127 5 877886661 +260 313 5 890618198 +198 154 4 884208098 +5 369 1 875635372 +449 291 2 879959246 +183 54 2 891467546 +268 55 4 875309998 +262 200 3 879794918 +293 1017 3 888904862 +95 1090 1 888956869 +161 187 3 891170998 +405 386 3 885547605 +18 432 4 880131559 +232 493 4 888549622 +246 3 2 884923390 +342 1009 1 874984596 +181 984 1 878961781 +1 243 1 875241390 +429 967 4 882386378 +106 684 4 881452763 +161 508 2 891171657 +374 150 4 882156767 +280 476 5 891702544 +102 930 2 888802677 +181 1333 1 878962120 +256 473 5 882151088 +224 962 2 888082584 +157 1258 5 886891132 +47 306 4 879439113 +144 531 5 888105473 +22 195 4 878887810 +222 127 5 881059039 +396 328 4 884645813 +59 101 5 888206605 +327 265 2 887818511 +156 11 2 888185906 +65 7 1 879217290 +320 161 4 884749360 +13 874 5 881514876 +59 33 3 888205265 +194 482 3 879521088 +263 528 4 891298854 +114 640 2 881260303 +130 717 3 874953928 +144 707 3 888106322 +119 40 4 886176993 +342 762 2 874984914 +436 133 3 887768982 +290 210 5 880474716 +417 29 2 880952218 +234 1078 2 892336322 +217 121 1 889069944 +439 125 3 882893688 +404 313 5 883790181 +94 541 3 891723525 +62 514 3 879374813 +44 412 1 883613298 +178 214 1 882827985 +62 216 4 879375414 +13 821 3 882141393 +223 300 3 891548712 +417 544 3 879646661 +181 873 1 878961542 +270 176 4 876955976 +425 475 5 878737945 +221 3 4 875244901 +59 427 5 888204309 +109 162 2 880578358 +82 8 4 878769292 +224 162 4 888103611 +150 410 4 878747090 +178 258 4 882823353 +109 546 3 880571979 +291 384 4 875086562 +291 24 5 874834481 +222 373 3 881060659 +10 133 5 877891904 +269 998 5 891451548 +108 14 5 879879720 +378 449 3 880333195 +405 510 1 885545975 +90 904 3 891382121 +89 268 5 879461219 +159 310 5 880989865 +450 58 3 882373464 +429 744 4 882386485 +315 31 3 879821300 +100 313 5 891374706 +393 55 4 889727862 +197 313 4 891409160 +314 795 4 877889834 +387 202 3 886482695 +85 420 4 880838337 +13 682 1 883670742 +290 588 4 880474652 +244 1209 3 880608315 +18 923 5 880132501 +130 44 4 875801662 +405 467 4 885545200 +330 22 5 876545532 +450 142 5 887835352 +315 194 4 879820961 +6 318 4 883600985 +178 597 4 882824869 +407 493 3 875552496 +325 286 4 891477597 +41 209 4 890687642 +181 308 1 878961847 +214 346 3 891542735 +342 134 4 875318936 +339 258 3 891033200 +405 765 1 885547735 +431 748 4 877844377 +379 2 3 880525540 +430 656 4 877226365 +63 126 3 875747556 +271 70 5 885849164 +406 40 3 880131875 +329 288 2 891655191 +425 172 5 878738385 +276 697 2 874791316 +295 1039 4 879517742 +57 321 4 883696629 +350 286 5 882345337 +413 628 4 879969791 +95 43 2 880572356 +24 9 5 875323745 +395 892 3 883762681 +150 278 2 878746889 +428 332 4 885943749 +393 27 4 889555050 +450 801 4 882469863 +115 431 4 881171558 +326 530 5 879875778 +270 237 1 876954484 +391 286 4 877398517 +442 554 2 883390641 +326 1231 3 879877039 +161 191 2 891171734 +19 258 4 885411840 +64 385 4 879365558 +15 411 2 879456351 +326 527 5 879874989 +249 168 4 879572370 +13 449 4 882398385 +445 204 3 890988205 +445 1591 4 891199360 +165 91 4 879525756 +367 452 4 876690120 +342 772 1 875319597 +328 639 2 885048730 +115 50 5 881172049 +299 276 4 877877691 +450 216 5 882373657 +326 197 1 879875723 +158 186 3 880134913 +354 651 3 891217693 +271 882 3 885844547 +327 13 2 887746665 +450 785 3 882395537 +401 100 4 891032170 +158 239 3 880135093 +426 211 4 879444320 +450 162 5 882395913 +405 1562 1 885549506 +293 649 4 888906726 +268 194 4 875310352 +334 476 3 891545540 +239 663 5 889180617 +418 269 5 891282765 +226 258 5 883888671 +384 343 3 891273716 +447 70 3 878856483 +405 768 3 885548932 +103 234 3 880420353 +389 136 4 880087671 +395 255 3 883765731 +450 144 5 882373865 +193 307 4 889123316 +313 586 2 891028426 +216 168 4 880234680 +303 248 2 879544680 +268 40 3 875743708 +308 154 4 887738152 +269 741 5 891457067 +181 337 1 878961709 +406 410 4 879540026 +145 301 4 877342952 +392 166 5 891038466 +416 975 2 878879391 +56 7 5 892679439 +365 742 3 891304039 +34 329 5 888602808 +311 1035 4 884365954 +21 396 2 874951798 +18 514 5 880129990 +389 756 2 880088942 +82 294 4 878768327 +363 741 3 891495338 +293 426 1 888907291 +122 382 3 879270711 +407 222 4 884197027 +145 258 4 875269755 +206 690 2 888179694 +151 461 4 879524738 +87 1184 3 879876074 +450 462 4 882396928 +60 417 4 883327175 +425 83 2 891986445 +87 702 3 879876917 +82 289 1 884713642 +117 25 4 881009470 +342 508 3 874984810 +144 750 4 888103444 +276 562 3 889174870 +382 137 2 875946029 +349 1117 3 879466366 +62 462 2 879373737 +363 792 4 891495918 +43 285 4 875975468 +299 954 3 889503503 +431 538 4 881127620 +339 1244 4 891036423 +367 219 4 876690098 +268 198 4 875309232 +183 257 2 891464558 +425 250 4 878739054 +198 218 3 884209412 +299 52 4 877880962 +243 83 4 879988184 +192 277 3 881367932 +64 230 5 889739994 +278 294 4 891295230 +291 729 4 874871442 +387 294 2 886484413 +445 408 3 891199749 +13 828 1 882399218 +379 199 4 880524860 +425 313 1 890346317 +163 347 4 891219976 +297 326 2 874953892 +186 299 3 879720962 +425 56 5 878737945 +363 215 3 891496306 +6 276 2 883599134 +85 216 3 879454500 +15 744 4 879455789 +429 1296 2 882387392 +407 238 5 875042378 +385 29 1 879447845 +354 197 4 891217512 +249 83 5 879640977 +405 1175 1 885549904 +280 431 4 891701531 +409 965 2 881108777 +402 235 3 876267014 +373 82 1 877099317 +204 304 3 892389328 +363 461 3 891495711 +184 9 5 889907685 +13 787 3 882141582 +174 56 5 886452583 +119 741 4 874774815 +18 487 4 880129454 +432 274 3 889416229 +207 628 3 876018608 +307 195 3 879205470 +280 153 5 891700681 +294 825 3 877820272 +114 210 3 881309511 +59 582 4 888205300 +416 405 5 893213645 +303 158 3 879543959 +167 568 3 892738341 +449 137 5 879958866 +245 240 1 888513860 +286 824 1 876522200 +286 421 1 889651848 +155 292 3 879371061 +450 384 3 882471524 +416 842 4 886317350 +86 289 3 879570366 +13 450 3 882398494 +135 943 3 879857931 +301 222 4 882074345 +234 588 3 892335541 +102 79 2 888801316 +416 568 4 878879861 +280 977 3 891701723 +294 358 2 877818861 +59 764 4 888203709 +201 413 3 884114505 +374 1 4 880392992 +43 409 3 884029493 +450 739 4 887660650 +10 98 4 877889261 +200 125 5 876041895 +152 483 5 882474435 +11 94 3 891905324 +318 708 4 884497994 +18 234 3 880131106 +267 168 4 878971716 +158 410 3 880132794 +297 435 3 875238726 +13 839 1 882396984 +105 752 3 889214406 +330 174 5 876546172 +280 274 5 891701188 +185 515 4 883525255 +64 154 4 889737943 +267 172 5 878974783 +395 924 4 883765156 +263 168 5 891299949 +256 476 4 882152914 +311 1479 3 884365824 +60 77 4 883327040 +345 71 3 884992922 +128 282 3 879967550 +286 275 4 875807074 +344 472 3 884899837 +184 515 5 889907599 +7 480 4 891352093 +151 432 5 879524610 +42 230 5 881109148 +429 423 4 882387757 +123 482 4 879872406 +422 276 5 875129791 +305 246 3 886322122 +451 289 1 879012510 +21 741 3 874951382 +109 58 4 880572950 +92 28 3 875653050 +6 534 4 883599354 +1 154 5 878543541 +352 568 5 884290328 +138 318 5 879024183 +393 38 4 889731010 +7 307 5 891350703 +214 246 2 891542968 +230 228 2 880485216 +450 1269 4 882812635 +262 111 4 879962292 +1 214 4 875072520 +43 628 3 875975580 +204 1281 2 892513979 +5 435 4 875636033 +11 730 3 891904335 +194 692 2 879524215 +437 640 1 881002300 +184 143 3 889908903 +409 187 3 881108126 +385 922 4 881569749 +223 1197 3 891549570 +181 261 1 878961814 +322 272 4 887313698 +419 173 5 879435628 +224 196 4 888103532 +44 229 3 883613334 +291 244 2 874805927 +95 328 5 888953921 +378 241 4 880057137 +70 511 5 884067855 +271 516 4 885849447 +221 258 1 875247297 +299 543 5 889501890 +417 207 4 879647580 +379 1206 2 880961672 +351 754 5 883356614 +42 410 3 881110483 +312 4 3 891698832 +303 358 2 879466291 +244 301 2 880601905 +311 751 3 884363758 +252 7 4 891455743 +242 306 5 879741340 +442 14 1 883389776 +214 269 3 891542735 +343 961 4 876404688 +83 471 3 891182000 +295 435 5 879519556 +219 568 1 889452455 +95 241 3 879196408 +325 47 3 891478712 +435 4 4 884132146 +22 411 1 878887277 +46 909 5 883614766 +323 1050 5 878739988 +59 204 5 888205615 +406 1010 4 879539929 +224 727 4 888082682 +106 699 4 881451421 +200 755 5 884129729 +376 274 3 879459115 +380 1 4 885478218 +74 124 3 888333542 +74 333 4 888333238 +452 25 2 875559910 +313 946 3 891030228 +339 192 5 891032438 +382 9 4 875946830 +234 284 3 892335460 +222 591 4 878181869 +387 210 4 886482928 +313 550 4 891028323 +229 312 3 891632551 +113 678 2 875076044 +305 423 4 886322670 +442 39 3 883390466 +90 143 5 891383204 +234 194 5 892333653 +256 724 4 882165103 +94 768 3 891722609 +144 1285 3 888105922 +236 195 2 890118507 +3 264 2 889237297 +417 11 5 879646938 +93 477 5 888705053 +411 168 5 892845604 +405 1180 1 885547605 +425 429 4 878737908 +375 218 3 886622024 +429 133 3 882385663 +405 511 2 885546112 +214 509 4 892668197 +207 265 3 877846793 +389 1074 2 880613841 +271 117 3 886106003 +215 357 4 891435573 +18 705 3 880130640 +344 896 4 884814359 +433 173 4 880585730 +450 179 5 882394364 +27 295 3 891543164 +437 584 3 880141243 +327 589 3 887743936 +314 327 4 877886099 +119 977 3 874780969 +231 924 5 888605273 +450 38 4 882474001 +429 321 3 882384438 +95 191 5 879198161 +258 748 5 885701004 +279 1007 4 879572694 +338 212 4 879438597 +406 188 4 882480772 +177 294 4 880130481 +235 1119 3 889655550 +114 96 3 881259955 +181 268 1 878961749 +399 1220 2 882343389 +222 833 2 877563913 +269 216 1 891449691 +301 252 3 882075148 +370 257 5 879434468 +417 541 2 879649389 +442 229 3 883391275 +116 137 2 876454308 +42 413 1 881106072 +311 785 3 884366010 +46 538 3 883611513 +361 156 4 879441252 +59 513 4 888205144 +276 569 4 874791169 +148 713 3 877021535 +28 70 4 881961311 +325 234 3 891478796 +62 229 3 879375977 +178 241 5 882827375 +409 684 4 881109420 +280 73 3 891700715 +38 424 3 892432624 +339 603 5 891032542 +319 880 4 889816332 +359 405 3 886453354 +406 50 5 879445897 +405 1004 1 885546577 +23 710 4 874785889 +184 423 4 889909409 +114 186 3 881260352 +62 270 2 879371909 +416 92 3 878880244 +416 833 3 888700719 +90 318 5 891383350 +437 418 3 880141084 +406 826 3 879540275 +379 448 4 880741811 +340 71 5 884990891 +417 98 5 879647040 +174 272 5 886432770 +62 228 3 879374607 +447 69 4 878856209 +13 596 3 882398691 +85 163 3 882813312 +158 184 3 880134407 +59 183 5 888204802 +317 268 3 891446371 +399 42 2 882510250 +207 986 3 877878384 +279 1011 3 875298314 +442 452 3 883390169 +115 178 5 881172246 +236 443 4 890116709 +90 202 3 891385298 +347 827 1 881653266 +305 98 4 886322560 +449 286 4 879958444 +141 300 5 887424721 +97 32 5 884239791 +407 1028 3 876348832 +90 879 3 891382542 +102 444 1 888803245 +174 1139 2 886514651 +198 183 5 884207654 +126 260 1 887855173 +230 926 3 880485489 +141 106 5 884585195 +416 941 3 876699946 +342 23 5 874984154 +207 154 2 878088217 +194 192 5 879521253 +371 98 5 877487213 +303 820 3 879544184 +423 1134 4 891395684 +389 159 2 880088330 +332 127 5 887916653 +38 88 5 892430695 +297 137 5 874954425 +409 491 2 881109019 +328 470 4 885046537 +122 46 5 879270567 +201 39 1 884112427 +387 52 5 886483497 +60 529 4 883326862 +10 1 4 877888877 +254 211 3 886472089 +381 30 4 892697174 +217 1228 2 889070050 +322 591 3 887313984 +221 461 4 875245574 +367 258 4 876689364 +429 710 4 882387731 +28 436 5 881961601 +388 310 5 886438540 +110 748 3 886987478 +331 947 5 877196308 +87 118 4 879876162 +435 675 3 884132873 +297 687 2 875409099 +85 215 4 879829438 +207 1147 4 879665042 +280 135 4 891700552 +330 66 5 876547533 +93 815 4 888705761 +429 273 4 882385489 +108 137 5 879879941 +416 41 3 886319177 +280 132 4 891701090 +7 176 3 891350782 +301 199 4 882076239 +361 934 3 879440974 +119 845 4 886176922 +393 747 4 889727969 +392 1160 2 891038137 +407 478 4 875042642 +308 74 4 887740184 +375 77 4 886622024 +452 523 2 887889774 +58 408 5 884304377 +394 217 5 880888972 +13 604 5 882139966 +379 239 4 880961874 +318 229 1 884497318 +62 168 5 879373711 +410 286 4 888627138 +291 181 5 874805804 +330 419 5 876546298 +254 132 4 886472022 +387 2 4 886483195 +429 1425 3 882387633 +413 260 1 879969148 +425 759 2 878738290 +234 927 4 892334267 +234 673 4 892334189 +333 315 5 891044095 +82 199 4 878769888 +416 51 5 893212895 +13 589 3 881515239 +244 145 3 880608842 +345 846 4 884991348 +379 83 4 880525002 +454 493 2 888267617 +5 214 3 875637485 +325 526 3 891478239 +194 1093 3 879540807 +366 7 2 888857598 +13 481 3 882140038 +409 381 2 881108364 +290 449 1 880473557 +161 276 5 891170881 +338 132 2 879438143 +291 92 4 874835091 +416 506 5 893214041 +305 856 5 886323839 +416 284 4 893142144 +270 740 5 876954062 +453 1032 1 877561911 +130 268 4 875801210 +451 269 2 879012647 +167 204 4 892738384 +389 275 5 879915860 +311 44 3 884365168 +168 619 3 884287536 +253 89 4 891628451 +16 357 5 877720297 +264 654 5 886122508 +10 652 3 877889130 +454 1063 4 881960029 +414 100 5 884999439 +225 22 5 879540678 +389 71 4 880088091 +158 148 4 880132613 +95 286 5 879193353 +435 628 5 884132990 +7 418 4 892131824 +125 283 5 879454986 +100 292 2 891375146 +85 984 2 884906441 +413 301 3 879968794 +246 232 3 884923073 +347 475 4 881652417 +409 937 2 881104966 +323 243 1 878738997 +6 524 3 883600632 +414 264 3 884998993 +207 866 3 876079054 +207 978 3 877878883 +13 477 4 882398934 +453 421 4 888203015 +429 144 4 882387773 +429 499 4 882384896 +134 15 5 891732726 +239 207 5 889180578 +118 134 5 875384916 +216 9 4 880232637 +385 794 2 879448181 +128 763 4 879968718 +208 367 2 883108324 +295 115 5 879517135 +276 578 4 888873675 +249 249 4 879571752 +299 59 5 877880394 +59 732 3 888205370 +151 189 5 879528495 +378 405 3 880044489 +398 1450 5 875717717 +97 661 5 884238817 +323 875 3 878739029 +450 659 5 882374217 +380 474 4 885478558 +189 127 4 893263994 +117 257 5 880125911 +198 381 3 884208273 +435 273 5 884131298 +409 654 3 881107697 +128 614 3 879967879 +14 716 5 879119651 +95 716 3 879198109 +409 154 5 881108648 +450 252 3 887834953 +338 170 5 879438301 +201 655 4 884112800 +382 481 5 875947078 +174 138 1 891551778 +85 317 3 882995577 +82 481 5 878769262 +295 290 4 879518630 +407 161 2 876338279 +222 159 3 878181457 +194 780 2 879527865 +271 423 4 885848802 +3 349 3 889237269 +417 425 4 879648132 +75 742 1 884050590 +94 696 4 891724381 +320 1 3 884748604 +14 283 4 882839936 +450 1160 5 886612330 +314 1165 2 877892566 +268 800 1 875744501 +229 340 4 891632142 +197 259 1 891409422 +268 38 1 875744228 +42 77 5 881108684 +130 41 3 875801662 +412 173 5 879717649 +222 281 3 878184596 +248 405 4 884536165 +264 179 5 886122031 +435 760 1 884133330 +307 214 5 879283091 +118 217 3 875385257 +355 307 4 879486422 +445 123 1 891200137 +394 559 4 880888746 +83 35 1 886534501 +406 942 4 882480890 +373 1079 4 877100061 +429 455 3 882386628 +200 420 5 884129837 +405 530 1 885547953 +20 98 3 879669547 +24 358 3 875246012 +301 737 2 882078906 +366 56 5 888857750 +198 559 3 884208739 +16 629 4 877720437 +268 233 3 875310412 +432 546 3 889416657 +407 68 4 875045269 +41 181 4 890687175 +269 396 4 891451856 +246 930 2 884924764 +429 162 4 882386378 +405 652 1 885547360 +1 161 4 875072303 +56 164 4 892910604 +392 129 4 891038945 +181 472 1 878963380 +7 541 2 891354662 +214 324 5 892668173 +154 708 4 879139003 +327 313 4 887744167 +293 1226 3 888905198 +45 108 4 881014620 +178 458 3 882824467 +303 452 2 879544276 +119 717 3 874775945 +361 513 5 879441215 +298 596 3 884126288 +70 69 4 884065733 +151 420 5 879524760 +292 135 4 881105701 +416 71 4 876699994 +451 323 4 879012510 +393 725 2 889731501 +450 566 4 882373928 +197 665 4 891410124 +181 985 1 878962465 +378 921 4 880056667 +185 447 4 883526268 +130 230 3 876251895 +374 1042 5 880937920 +347 959 5 881654545 +237 185 4 879376773 +82 240 1 884714385 +387 69 3 886480413 +22 168 5 878886517 +145 933 1 875270276 +104 713 3 888465491 +267 294 3 878970155 +222 261 1 878181251 +262 923 4 879962542 +43 215 5 883955467 +275 451 3 880315170 +303 152 4 879468274 +144 160 2 888106181 +391 238 5 877399659 +452 1109 2 875273609 +330 77 4 876547220 +197 323 3 891409422 +409 181 4 881109019 +442 559 2 883390048 +210 179 3 887736429 +453 125 3 877561349 +184 517 4 889909409 +381 135 5 892697150 +447 823 3 878855165 +454 182 3 888266685 +16 195 5 877720298 +447 544 4 878854997 +233 56 5 877661776 +345 312 3 884900709 +405 1550 3 885547691 +301 831 4 882075338 +451 882 1 879012812 +5 364 1 875636571 +325 100 4 891478504 +345 972 4 884993464 +454 418 3 888267128 +328 474 4 885046455 +234 472 2 891228099 +450 496 5 882373532 +407 82 3 876341409 +374 230 5 880396622 +158 204 4 880135001 +286 949 4 877534859 +243 778 4 879988663 +305 527 5 886323189 +38 234 5 892431607 +393 100 1 887744053 +82 1164 2 878768790 +13 516 5 882141485 +325 507 3 891478455 +387 83 4 886480244 +286 423 4 877532385 +276 803 2 874791487 +312 968 5 891698987 +417 1039 3 879647196 +145 1002 1 888398400 +87 201 2 879876673 +332 120 4 887938818 +161 135 2 891170656 +450 679 1 882374422 +341 887 5 890757745 +56 77 3 892679333 +343 921 4 876406640 +365 948 1 891303809 +325 99 5 891479244 +168 742 5 884287362 +64 232 2 889740154 +185 275 4 883524320 +293 653 5 888906119 +216 652 4 880235546 +293 637 3 888907186 +269 176 2 891448980 +1 62 3 878542282 +275 946 3 875154535 +393 840 4 887744658 +337 1016 4 875184825 +253 79 5 891628518 +198 174 5 884208326 +450 387 5 882376446 +234 848 3 892334577 +174 347 4 886432844 +96 1154 5 884403993 +279 616 3 890451408 +156 48 4 888185777 +437 1113 4 881002161 +394 552 3 881060176 +295 395 4 879519501 +327 226 3 887820341 +318 517 3 884496069 +393 148 4 887744419 +332 53 3 888360438 +393 41 4 889728736 +44 147 4 878341343 +405 522 1 885545975 +154 527 4 879139040 +312 179 5 891698793 +26 13 3 891373086 +85 511 4 879454112 +234 1459 3 892335261 +436 658 5 887769673 +125 568 5 879454277 +429 219 4 882386848 +389 4 4 879991352 +453 98 4 877554396 +271 272 3 885844583 +234 751 2 891033394 +238 258 3 883575728 +371 79 5 880435519 +303 759 1 879544385 +263 188 5 891299031 +416 117 5 893212930 +354 52 5 891217547 +22 204 5 878886607 +198 1094 1 884206807 +452 152 2 875264826 +344 251 5 889814518 +435 160 5 884133194 +455 135 5 879111248 +195 55 4 888737417 +233 515 5 875508080 +174 597 3 886434261 +450 908 1 885945114 +65 429 4 879216605 +198 501 4 884209264 +417 628 3 879646413 +360 269 4 880353525 +261 1237 3 890454045 +416 1092 3 886320054 +347 25 2 881652684 +196 1118 4 881252128 +39 300 3 891400280 +405 1424 1 885546725 +438 15 4 879868242 +444 50 5 890247287 +49 100 4 888067307 +277 274 4 879543902 +125 88 5 879455184 +344 486 4 884901156 +334 628 4 891544867 +90 45 3 891385039 +280 655 3 891700400 +89 952 2 879441400 +346 186 3 874948303 +195 132 5 875771441 +399 274 3 882512167 +160 218 4 876861878 +193 260 1 889123777 +344 255 4 889814555 +17 744 3 885272606 +311 265 5 884364812 +160 603 4 876861754 +175 132 3 877107712 +413 7 3 879969614 +43 56 5 875975687 +396 986 4 884646537 +120 148 3 889490499 +379 4 5 880525598 +190 895 3 891033327 +99 978 3 885679382 +429 467 4 882385210 +193 352 1 889123777 +269 498 4 891448926 +435 188 4 884131901 +174 122 1 886434421 +13 109 4 882141306 +13 431 1 882397271 +116 730 4 876453519 +445 12 2 890987617 +314 781 3 877891937 +318 697 5 884496008 +58 13 3 884304503 +354 136 5 891217717 +158 235 1 880132794 +87 628 4 879877709 +294 749 3 877818915 +26 742 3 891352492 +378 12 5 880046132 +334 135 4 891545793 +279 40 4 875306910 +366 184 4 888857866 +406 1267 3 882480710 +255 441 2 883216544 +450 265 5 882371526 +232 919 3 888550036 +246 176 4 884921613 +361 435 5 879440345 +412 634 5 879716918 +449 1009 4 879959190 +450 1226 4 887660820 +64 311 2 889737269 +216 928 3 880233026 +265 591 5 875320424 +30 7 4 875140648 +429 410 4 882387451 +64 4 3 889739138 +403 258 4 879785703 +445 763 2 891200233 +269 597 1 891450978 +417 614 3 879648156 +301 179 3 882076494 +234 651 4 892078485 +104 331 3 888442140 +406 732 4 880131666 +206 309 2 888179647 +167 235 3 892737972 +70 625 3 884151316 +4 354 5 892002353 +330 161 4 876545999 +95 443 3 879198747 +181 841 1 878963204 +417 127 4 879646144 +454 633 2 881959745 +389 699 5 880088038 +158 154 4 880135069 +405 217 1 885548385 +157 268 5 886889729 +102 363 2 888801622 +327 1131 4 887822736 +379 23 4 880524783 +276 876 3 885537717 +200 140 4 884129962 +454 181 3 881959187 +308 226 3 887740833 +79 1017 3 891271697 +99 406 3 885679353 +292 190 5 881105625 +160 1 4 876768025 +296 652 4 884197068 +89 815 4 879441637 +299 175 5 879123190 +92 1012 4 886443231 +361 654 4 879441253 +303 1187 4 879467895 +416 959 5 893213404 +227 1017 4 879035464 +64 52 3 889739625 +435 554 3 884133194 +296 89 5 884197352 +303 229 3 879468581 +228 272 5 889388440 +319 333 4 875707746 +94 161 3 891721439 +321 14 3 879438825 +448 1294 1 891887161 +452 495 4 875560508 +267 80 4 878973597 +92 802 2 875907134 +337 121 5 875185664 +102 720 2 888801812 +279 273 2 880869018 +450 183 4 882394180 +310 222 3 879436062 +154 479 4 879138831 +83 405 5 887665423 +43 732 4 883955498 +268 97 4 875310031 +92 410 3 875640583 +43 77 3 883955650 +407 476 2 884203501 +234 1456 4 892335142 +164 237 2 889401816 +330 527 3 876546071 +373 709 5 877105451 +271 644 3 885848916 +130 295 3 874953698 +193 928 2 889126609 +160 50 4 876767572 +439 14 5 882893245 +307 186 5 879283625 +432 1047 5 889416118 +416 332 4 876696823 +145 739 2 875272927 +429 1224 2 882387114 +75 411 5 884050760 +405 88 3 885547360 +445 1245 1 891200390 +363 91 4 891495238 +436 433 5 887770428 +393 831 1 887745454 +173 879 5 877557076 +382 639 3 875946881 +336 1098 3 877757790 +416 64 5 893212929 +26 1008 3 891377609 +380 483 4 885478668 +436 1206 3 887769868 +303 809 2 879543524 +246 743 1 884924780 +73 518 5 888625835 +389 1518 2 880165787 +48 71 3 879434850 +334 319 3 891544233 +406 164 5 882480748 +267 228 5 878972434 +18 527 4 880130109 +314 739 5 877889861 +385 942 2 879446208 +246 265 4 884921411 +130 1273 2 880396792 +330 95 5 876546105 +5 209 5 875636571 +297 70 5 875239619 +87 120 2 879877173 +178 895 3 884836516 +332 684 5 888360370 +321 730 3 879439179 +437 451 5 880143115 +320 62 4 884749306 +447 148 4 878854729 +401 70 4 891033625 +251 288 4 886271541 +110 1188 4 886988818 +314 409 4 877889480 +94 1147 4 886008354 +436 503 4 887769802 +347 241 3 881654386 +452 134 3 875265446 +396 1 4 884646346 +130 202 5 875216507 +423 269 3 891394558 +276 581 4 886483710 +222 222 4 877563462 +280 288 5 891700184 +244 566 4 880607489 +295 371 4 879518257 +423 15 4 891395573 +168 259 2 884287073 +205 328 3 888284454 +183 294 3 891467280 +167 949 1 892738341 +452 736 3 887890174 +193 327 1 889123777 +349 288 3 879466118 +391 748 3 877398619 +398 58 4 875717106 +140 872 3 879013651 +440 886 5 891550404 +374 369 1 880393864 +320 38 4 884751288 +244 40 2 880608016 +308 686 4 887739831 +224 686 4 888104030 +397 327 2 875063649 +271 312 2 885847280 +11 51 4 891906439 +344 535 3 889814539 +109 1023 2 880572350 +199 989 1 883782509 +43 950 3 883956417 +181 147 1 878963168 +258 690 4 885700811 +450 1037 2 882473760 +60 478 3 883326463 +85 1131 4 879454111 +62 763 1 879372851 +362 294 3 885019357 +326 525 5 879874989 +176 270 4 886047069 +81 222 2 876533619 +95 560 1 880572166 +21 327 3 874950932 +416 174 5 893213917 +397 183 4 885349348 +129 288 1 883245452 +354 211 2 891306946 +409 203 5 881107539 +119 282 5 874775136 +224 1441 3 888104522 +301 743 2 882075356 +350 604 5 882346086 +325 133 3 891478333 +121 275 4 891390233 +396 977 3 884646468 +211 228 3 879460096 +52 742 4 882922540 +313 66 1 891015049 +448 360 4 891887338 +269 568 2 891450719 +326 603 4 879875203 +13 878 1 883670785 +286 91 4 877532470 +254 561 3 886475446 +392 8 5 891039049 +92 412 2 875640609 +392 511 5 891038945 +417 545 1 880953033 +401 65 4 891033250 +385 403 3 879447181 +214 185 5 892668173 +416 301 5 893213796 +87 4 5 879876524 +311 604 3 884364570 +210 127 5 887731230 +303 1210 1 879543773 +387 458 1 886481183 +354 740 4 891216692 +90 33 4 891383600 +144 942 4 888106044 +422 379 2 879744218 +26 926 2 891385692 +425 281 2 878738486 +130 68 5 875216283 +71 154 3 877319610 +407 746 4 875046268 +423 348 3 891394910 +374 717 3 880938255 +119 1261 4 874781198 +345 476 3 884991505 +43 879 4 876159838 +239 736 5 889179291 +145 431 5 875272132 +276 124 5 880913800 +68 125 1 876974096 +109 214 1 880577604 +347 127 5 881652434 +387 39 3 886483049 +125 1060 4 879454699 +393 54 4 889555050 +377 164 4 891299009 +265 934 3 875320574 +222 70 3 878181804 +258 289 2 885701004 +115 77 2 881171623 +405 318 5 885545167 +299 56 4 877880350 +405 670 1 885548384 +221 403 4 875245374 +211 69 3 879460213 +313 403 3 891028285 +398 65 3 875743739 +385 523 4 879441454 +299 170 5 889501190 +232 270 3 880062259 +130 721 3 880396278 +92 455 2 876769302 +326 48 3 879875533 +437 696 3 880142991 +395 64 5 883763958 +224 11 3 888082468 +200 393 4 884129410 +56 372 3 892911290 +354 584 5 891217782 +453 248 4 887942143 +27 325 2 891543191 +287 340 5 888177097 +115 269 3 881169559 +379 157 4 880961600 +334 449 3 891549539 +363 554 1 891498012 +106 956 3 881453290 +194 180 3 879521657 +72 38 3 880037307 +194 951 3 879525761 +181 278 2 878963440 +49 413 1 888067460 +357 977 5 878952287 +408 258 3 889679857 +92 209 5 875652934 +348 1061 5 886523790 +442 41 4 883388609 +194 64 5 879521936 +61 347 5 892302120 +48 228 3 879434792 +399 475 5 882340827 +58 89 3 884305220 +43 155 4 883956518 +455 629 3 879111371 +374 310 5 880392237 +115 22 3 881171273 +18 961 3 880131830 +409 87 3 881108777 +389 142 3 880088878 +11 191 4 891904270 +26 1009 2 891384478 +387 203 4 886483330 +236 69 5 890116426 +130 564 4 875802137 +244 739 3 880604004 +416 266 3 876696853 +193 194 4 889125006 +119 1160 5 887038711 +290 742 2 880475310 +307 82 4 875645340 +189 820 1 893264782 +391 127 5 877399236 +318 792 2 884496218 +342 815 4 875318629 +373 100 3 877100199 +326 86 2 879875644 +312 204 4 891698254 +314 88 5 877888007 +308 284 4 887741554 +269 1154 3 891449608 +374 168 1 880434231 +167 719 1 892738341 +81 147 4 876533389 +94 92 4 891721142 +82 513 4 878769334 +422 200 5 879744015 +303 268 5 879466166 +322 514 4 887314352 +213 100 5 878870749 +148 588 4 877399018 +270 181 4 876954036 +230 70 4 880484637 +85 95 4 879455114 +253 333 2 891628883 +251 252 3 886272456 +16 496 5 877721905 +373 559 3 877106305 +442 578 2 883390466 +5 391 4 875636167 +301 176 4 882075774 +344 295 3 889814571 +49 268 3 888065620 +255 234 5 883216448 +151 729 4 879542492 +23 50 4 874784440 +160 1073 4 876859778 +273 305 4 891292905 +7 653 4 891351161 +374 544 1 880937070 +58 120 2 892242765 +405 28 4 885544947 +271 485 4 885848827 +301 443 4 882078008 +394 228 5 881132876 +313 516 4 891028829 +262 1048 2 879791335 +326 615 4 879875724 +338 435 4 879438597 +160 1016 4 876767440 +299 607 4 877881229 +256 1090 2 882164999 +145 620 3 875271660 +391 507 4 877399512 +60 199 5 883326339 +328 7 4 885046079 +51 485 1 883498790 +62 14 4 879372851 +301 552 3 882078267 +91 97 5 891438947 +392 298 1 891038205 +184 742 3 889908026 +380 114 3 885478539 +222 120 2 881061304 +405 437 1 885548435 +389 151 4 879916135 +222 763 3 881061165 +14 285 5 879119118 +363 154 4 891496306 +298 99 3 884127249 +93 125 1 888705416 +380 465 4 885478845 +287 208 4 875334896 +301 120 2 882079423 +141 290 1 884584817 +335 288 4 891566952 +374 233 3 880937876 +222 403 3 878183481 +435 173 5 884131085 +274 471 4 878945505 +433 50 5 880585885 +297 118 3 875239495 +450 194 5 882373786 +377 1105 3 891296275 +293 924 2 888904814 +436 742 5 887769050 +22 871 3 878886750 +222 808 3 881060130 +37 948 4 880915407 +62 162 4 879375843 +389 1286 5 880087873 +448 262 4 891888042 +457 182 4 882396659 +235 79 4 889655468 +447 234 4 878855782 +454 161 4 888267198 +456 175 3 881372946 +6 100 5 883599176 +342 160 3 874984365 +397 117 3 885349610 +181 690 3 878961511 +334 408 4 891547912 +339 1 5 891032349 +425 259 1 890346825 +206 313 5 888179565 +379 82 4 880525540 +450 902 4 889569016 +417 762 3 879646712 +405 192 5 885545401 +96 96 4 884403531 +387 55 3 886479649 +62 921 2 879375287 +145 796 3 875272833 +258 272 5 885700811 +324 9 5 880575449 +339 196 4 891033416 +358 59 4 891269617 +125 50 5 892836362 +417 1047 4 879646388 +426 429 5 879444081 +287 748 4 875333873 +405 1586 1 885549464 +303 185 5 879467465 +25 275 4 885853335 +24 117 4 875246216 +60 1123 4 883327997 +416 734 3 886319434 +192 258 5 881366456 +406 647 5 879792811 +286 214 1 889651605 +283 194 4 879298295 +12 318 5 879960826 +414 294 2 884999128 +154 135 5 879139003 +91 357 5 891439271 +440 1038 5 891550404 +343 100 5 876402668 +267 727 4 878972289 +328 623 3 885048801 +433 325 2 880585554 +428 343 2 885944093 +60 443 4 883327847 +354 498 4 891217610 +343 188 4 876407749 +320 156 5 884750574 +410 748 2 888626857 +303 825 3 879485016 +64 125 2 889739678 +263 22 5 891298107 +174 476 4 886434136 +453 246 5 877552590 +125 801 3 892838424 +301 22 4 882075859 +416 246 4 876697205 +88 886 5 891038103 +451 294 5 879012470 +435 185 4 884131741 +287 250 3 875334060 +393 313 4 887742040 +184 164 3 889911434 +405 1318 1 885549789 +276 549 3 874791194 +420 302 4 891356790 +444 751 4 890247172 +417 23 3 879647118 +234 218 2 892335541 +394 117 5 880887462 +426 486 3 879444604 +34 286 5 888602513 +366 854 5 888857750 +114 179 5 881260611 +233 249 5 883356871 +354 479 4 891217249 +378 110 3 880333027 +92 925 3 875640214 +401 13 2 891033204 +148 993 4 877400154 +73 173 5 888625292 +55 257 3 878176084 +217 176 4 889069842 +94 810 3 891723076 +207 191 4 877124663 +123 143 5 879872406 +442 129 4 883391146 +99 472 3 885679210 +429 127 4 882384603 +76 327 3 875027271 +201 100 4 884111485 +436 226 4 887770640 +287 298 4 875333965 +157 508 5 886890712 +343 52 5 876404793 +437 652 4 881001983 +393 36 3 889731618 +206 340 3 888180082 +98 173 1 880498935 +425 210 3 890346998 +130 433 3 875216718 +450 1263 4 882396799 +85 250 3 882592687 +366 219 5 888857932 +379 270 3 888646058 +380 449 3 885480902 +397 657 5 885349759 +361 173 5 879440774 +347 721 5 881654715 +305 237 2 886322796 +181 986 2 878963038 +447 100 5 878854552 +398 152 4 875721702 +160 969 1 876861185 +214 340 3 891542735 +327 344 4 887744167 +293 747 2 888905819 +394 97 4 880888223 +449 282 3 879958953 +42 866 4 881105972 +264 671 4 886122261 +439 13 3 882893171 +222 215 4 878183481 +248 114 5 884534901 +82 1162 1 884714361 +388 326 5 886438122 +62 55 5 879373692 +390 328 4 879693677 +307 145 4 879283672 +55 273 5 878176047 +224 15 4 888103611 +15 815 1 879456108 +89 213 4 879459859 +250 96 2 878090254 +130 890 4 880396249 +374 651 4 880395320 +254 1133 3 886475682 +318 142 4 884496219 +186 596 4 879024459 +96 79 4 884403500 +311 451 3 884366397 +450 64 4 882373656 +452 435 3 885476560 +99 273 5 886780105 +308 492 3 887737535 +90 514 3 891384423 +65 216 4 879217912 +393 805 2 889555410 +450 1036 2 882468686 +367 379 4 876690048 +385 257 3 879440236 +150 458 4 878746720 +254 679 2 886472434 +330 73 5 876546782 +380 631 4 885478668 +274 164 5 878946644 +409 325 4 881105077 +238 298 5 883576398 +268 1065 4 875310824 +97 357 5 884239493 +221 76 4 875246662 +313 218 2 891029847 +10 144 4 877892110 +450 942 5 882812558 +109 380 5 880578093 +268 527 4 875309430 +354 131 3 891217811 +312 520 5 891698254 +145 238 4 882181859 +253 98 5 891628295 +354 692 2 891307114 +458 1101 4 886397931 +270 258 3 876953744 +429 1028 3 882386601 +381 133 5 892697413 +12 282 5 879960679 +13 678 3 882140792 +392 872 4 891037790 +52 475 4 882922357 +198 660 4 884208624 +262 736 3 879794829 +342 1163 3 875318266 +442 572 3 883391344 +314 111 4 877886641 +279 831 5 875744257 +288 318 4 886374316 +256 121 5 882151123 +401 473 1 891034050 +303 948 2 879466249 +280 1181 2 891700496 +99 338 4 885678539 +194 95 3 879521719 +347 98 5 881654359 +96 198 5 884403465 +405 941 1 885546577 +164 1025 4 889401510 +92 727 4 875653242 +381 485 4 892696347 +41 286 4 890685449 +303 286 5 879465986 +293 22 3 888905819 +311 318 5 884364569 +58 194 3 884304747 +338 480 5 879438114 +117 298 5 886020525 +407 163 3 876338691 +16 812 2 877723882 +92 725 3 875907727 +274 181 5 878945365 +129 327 3 883244060 +416 230 4 886316797 +308 675 4 887740367 +450 467 4 882374332 +447 68 5 878855819 +390 289 3 879693677 +239 340 5 889178513 +220 268 4 881197771 +339 411 2 891035420 +409 168 5 881107410 +276 154 4 874791747 +267 222 4 878970681 +13 210 3 882140455 +451 300 4 879012550 +430 129 5 877225547 +437 1153 5 880141962 +256 748 4 882150192 +303 507 5 879466604 +401 162 5 891033395 +437 118 2 880142991 +416 54 5 893212929 +295 191 5 879517033 +125 1249 3 892838322 +181 329 1 878961781 +219 215 5 889403843 +313 226 4 891028241 +383 483 5 891192986 +406 238 2 879445475 +222 248 4 877563506 +182 123 4 885612994 +184 254 2 889907569 +295 94 4 879518339 +256 831 4 882152943 +325 345 3 891477660 +160 864 1 876770673 +128 54 2 879968415 +437 499 5 880141962 +327 419 4 887822832 +116 993 2 876453376 +267 480 4 878971438 +378 665 2 880333261 +13 524 4 886302261 +48 425 3 879434850 +405 565 2 885548474 +307 462 4 879284095 +258 332 5 885701024 +181 763 1 878962955 +5 379 3 875720814 +416 287 4 878879237 +130 684 5 875802236 +184 942 3 889909768 +46 294 2 883611307 +378 328 3 892382903 +378 433 4 880045652 +407 418 4 876338910 +43 237 4 875975579 +246 1232 1 884923425 +398 393 5 875732738 +450 1212 4 882396799 +355 872 4 879486529 +397 322 1 875063613 +399 273 3 882340657 +343 729 3 876407291 +458 144 4 886396390 +456 715 3 881373697 +108 471 2 879880076 +405 228 1 885547910 +94 23 5 885870284 +296 269 5 884196258 +151 546 2 879543400 +102 1239 2 888802319 +314 246 5 877886375 +295 142 4 879518590 +345 235 3 884991285 +70 193 4 884149646 +63 1137 5 875747556 +325 483 5 891478079 +44 245 4 878340887 +268 554 3 875744388 +144 195 5 888105081 +308 692 3 887738469 +363 825 4 891497881 +334 840 4 891545674 +423 898 4 891394952 +436 845 5 887771269 +28 800 4 881961904 +82 519 4 878770028 +21 452 4 874951727 +451 872 2 879012857 +406 591 3 879446062 +406 713 4 879539855 +13 11 1 882397146 +346 176 4 874947747 +151 1109 4 879542414 +406 490 3 879446228 +311 480 4 884364593 +76 89 4 875027507 +97 202 5 884239449 +1 188 3 875073128 +70 186 4 884065703 +412 480 4 879717147 +312 713 5 891698334 +399 1459 3 882345473 +92 2 3 875653699 +321 20 3 879440160 +296 435 5 884197108 +363 1074 2 891497679 +268 1079 3 875742916 +328 203 5 885045931 +43 71 4 883955675 +290 205 3 880473777 +417 769 1 880953071 +267 1471 2 878974509 +345 1047 4 884991457 +57 298 3 883697293 +393 21 3 887744765 +457 704 4 882397240 +305 183 4 886324028 +37 265 4 880930072 +210 210 5 887730532 +455 293 4 879109110 +49 179 5 888066446 +85 208 5 879828941 +193 722 3 889126402 +221 109 2 875244369 +59 566 4 888206485 +7 553 3 892134010 +435 696 3 884132342 +184 497 4 889909409 +215 179 4 891435107 +154 414 4 879138910 +426 430 3 879445005 +364 269 4 875931309 +250 117 3 878089628 +457 636 4 882548466 +393 70 3 889555251 +243 1281 5 879989217 +345 272 5 884900426 +429 26 3 882386333 +222 111 3 877563820 +44 176 5 883613372 +224 403 4 888104522 +344 301 4 889813946 +450 97 4 882396351 +401 661 3 891033158 +301 719 4 882079542 +442 38 3 883390674 +394 979 5 881060177 +13 842 2 882399156 +42 276 1 881105405 +454 487 4 888266565 +422 477 4 875130027 +450 762 3 882469627 +379 52 4 880741002 +454 484 3 881960445 +379 177 4 886835699 +18 921 5 880132437 +347 151 3 881652480 +312 609 3 891698634 +407 949 3 875045685 +148 204 3 877016912 +327 9 5 887819860 +220 319 4 881197771 +317 323 2 891446819 +405 541 1 885548162 +35 332 4 875459237 +49 219 1 888067405 +101 1047 2 877136424 +159 412 3 880557824 +381 175 5 892696268 +303 1047 2 879485277 +385 87 3 879441942 +56 402 5 892677186 +334 1137 4 891544764 +267 450 2 878974128 +228 690 5 889387173 +198 280 3 884206401 +286 1504 4 877534903 +58 32 5 884304812 +345 582 5 884992807 +208 186 4 883108518 +6 480 4 883601089 +424 9 5 880859623 +246 101 2 884922740 +401 225 1 891032474 +299 278 3 877879980 +226 250 4 883890491 +1 102 2 889751736 +347 223 4 881653669 +426 182 2 879442702 +144 655 5 888105116 +370 604 4 879434804 +396 322 4 884645790 +457 443 4 882396989 +59 511 5 888204965 +82 265 4 878770169 +198 455 3 884206191 +128 402 1 879969136 +399 400 3 882349170 +405 514 1 885547221 +372 286 5 876868994 +450 143 5 882394364 +330 70 4 876546470 +336 158 3 877756618 +299 393 2 889503503 +183 270 3 891462811 +447 879 3 878854056 +407 62 3 876348318 +7 515 3 891350757 +83 391 2 880308783 +1 69 3 875072262 +322 182 5 887314417 +320 50 4 884749227 +385 189 5 881530739 +444 906 4 891979402 +351 286 5 879481386 +360 423 4 880355623 +343 546 1 876403348 +21 931 2 874951446 +130 554 4 876252288 +261 304 3 890454941 +89 150 5 879441452 +94 8 5 885873653 +450 583 4 882473914 +348 924 4 886523361 +367 200 4 876689962 +381 49 2 892696328 +405 623 1 885549004 +401 501 2 891033184 +218 100 4 877488692 +378 172 4 880045886 +234 288 3 891033738 +402 48 5 876267173 +332 54 4 888360396 +345 126 5 884991105 +158 124 4 880134261 +429 464 3 882386171 +393 1043 3 889728324 +442 636 5 883390416 +387 268 3 886479430 +379 152 5 880740518 +416 254 2 878879391 +125 479 4 879454386 +82 174 5 878769478 +379 603 5 880526074 +286 472 3 876522340 +294 406 2 877819941 +450 480 4 882372178 +119 982 4 874775406 +405 216 2 885547124 +64 157 4 879365491 +313 414 3 891016425 +359 246 3 886453214 +363 403 3 891496414 +62 47 4 879375537 +310 181 4 879436104 +92 367 3 875654533 +276 628 4 874786538 +406 511 5 879792811 +90 155 5 891385040 +270 253 5 876954733 +181 925 2 878963418 +177 59 4 880130825 +121 181 5 891390014 +215 354 4 891434619 +294 1132 4 889242788 +426 526 4 879444734 +176 303 3 886047118 +405 87 1 885546112 +393 223 4 887746119 +407 182 4 887833034 +328 222 3 885046655 +462 682 5 886365231 +269 100 5 891446246 +450 846 3 882471524 +327 1100 4 888251464 +383 197 5 891192888 +339 265 3 891034779 +391 300 2 877398619 +90 547 3 891385899 +213 318 5 878955533 +320 184 5 884749360 +354 605 3 891218271 +152 157 5 882476486 +442 29 3 883390641 +378 636 3 880055186 +110 790 4 886989399 +407 147 4 887833034 +327 195 4 887744277 +363 101 1 891496953 +130 331 3 875801345 +457 775 3 882551021 +286 393 4 877534481 +416 607 5 893212622 +29 294 4 882820730 +188 864 2 875072148 +387 1199 5 886480970 +271 38 2 885849648 +382 717 3 875946347 +30 1013 3 875060334 +334 512 4 891547148 +222 270 2 878181181 +387 24 5 886484522 +459 934 3 879563639 +92 955 4 875658312 +276 262 4 892436298 +96 176 4 884403758 +7 491 5 891351432 +276 652 4 889174849 +14 18 3 879119260 +254 136 4 886471695 +452 191 5 876299004 +210 420 4 887737487 +407 265 3 876344062 +228 98 3 889388607 +82 202 4 878769777 +450 561 4 887660762 +235 494 4 889655112 +267 216 4 878972586 +453 697 4 877561235 +409 133 4 881108455 +102 102 3 883748488 +259 317 5 874809057 +435 576 3 884133447 +63 1009 4 875747731 +305 1104 4 886323779 +377 313 5 891295989 +299 1214 2 889502528 +7 118 2 891353411 +423 300 3 891394874 +271 31 4 885849325 +173 268 4 877556626 +279 1108 1 892174273 +398 176 4 875725256 +63 255 4 875747556 +38 526 1 892430636 +59 227 3 888206015 +317 351 3 891446819 +92 73 3 875656474 +392 632 5 891039015 +425 1314 3 878738813 +388 690 5 886438540 +39 347 4 891400704 +367 567 4 876690077 +417 200 4 879647708 +436 1522 2 887771123 +409 604 4 881108364 +457 192 5 882395018 +7 537 3 891352749 +92 476 2 886443602 +43 302 4 887731794 +417 131 4 879647254 +94 431 4 891721716 +374 210 4 880395202 +247 28 5 893097024 +301 1012 4 882074613 +299 475 4 877877600 +73 271 2 888792294 +10 698 4 877888877 +427 319 3 879700486 +449 1194 4 880410624 +392 847 4 891039015 +393 323 2 887742916 +194 235 2 879541343 +434 406 3 886725027 +221 33 4 875246632 +16 7 5 877724066 +416 936 5 893214127 +454 87 4 881960296 +243 137 3 879987084 +277 285 4 879543486 +363 1052 3 891500134 +384 347 4 891273509 +295 648 4 879517324 +207 181 3 877878828 +268 302 5 876513584 +116 914 2 892683732 +381 459 4 892696738 +450 487 4 887660504 +244 628 4 880604346 +436 157 5 887768982 +184 995 3 889907044 +416 22 5 893212623 +326 234 3 879875797 +455 755 3 879112189 +457 708 4 882398002 +303 483 5 879466795 +100 1238 2 891375068 +397 479 4 885349865 +268 582 5 875309344 +303 940 2 879485659 +130 218 5 875801388 +7 53 5 891354689 +11 12 2 891904194 +297 222 4 874954845 +59 707 3 888205336 +458 648 4 886395899 +102 350 3 892990700 +324 307 5 880574766 +275 226 3 880314914 +85 179 4 879454272 +56 64 5 892678482 +194 70 3 879522324 +350 193 4 882347653 +119 322 4 874774449 +223 332 4 891548802 +456 943 4 881372946 +454 1299 2 888266991 +234 589 3 892078567 +429 229 2 882385613 +378 1107 3 880056351 +460 10 3 882912371 +215 227 5 891436469 +129 245 2 883245452 +425 322 3 890346597 +32 257 4 883717537 +83 1165 2 883868300 +145 122 1 888398307 +60 842 4 883327175 +397 705 5 885350045 +23 357 3 874785233 +116 299 3 876452133 +455 282 3 879109664 +207 79 4 875509888 +318 69 5 884496572 +297 47 2 875240090 +13 258 4 882139327 +15 300 4 879455166 +438 50 5 879868005 +377 56 4 891298407 +412 193 4 879717549 +336 1230 2 877757516 +401 485 4 891033092 +336 926 1 877758935 +102 577 3 892993895 +117 1014 3 886021192 +291 284 4 874833687 +10 474 4 877886783 +110 550 3 886988664 +270 77 2 876956038 +389 705 5 879991196 +90 1020 5 891384997 +87 90 2 879877127 +13 379 1 882396984 +290 515 3 880473918 +286 167 5 877533419 +91 526 4 891439471 +384 748 4 891274028 +313 542 3 891017585 +425 273 4 878738435 +393 202 3 887746015 +75 118 3 884050760 +43 51 1 883956562 +208 70 3 883108430 +120 125 4 889490447 +295 496 5 879517682 +332 174 5 888359866 +186 95 3 879024535 +200 739 4 884130046 +370 153 2 879434832 +380 300 3 885481179 +20 87 5 879669746 +394 423 5 881057839 +452 641 3 875266415 +137 597 5 881432987 +241 302 3 887249576 +178 39 2 882827645 +204 874 3 892388976 +131 285 5 883681723 +59 173 5 888205144 +160 412 3 876768990 +44 161 4 878347634 +28 258 5 881955018 +436 546 3 887771826 +276 198 5 874795949 +275 435 3 880313886 +110 423 4 886987952 +456 294 1 881375667 +457 366 4 882549287 +406 24 3 879540026 +450 2 4 882474001 +234 434 3 892079288 +23 109 3 874784466 +21 320 3 874951658 +1 170 5 876892856 +436 66 5 887770457 +385 1021 5 879441572 +222 825 3 878184675 +391 222 2 877399864 +462 895 4 886365297 +268 288 4 875306477 +21 706 2 874951695 +207 527 4 877879172 +291 288 5 874805453 +60 524 4 883325994 +438 9 4 879868005 +297 69 3 875240171 +461 50 3 885356089 +447 252 3 878854975 +92 82 2 875654846 +28 443 4 881961671 +417 1550 3 879648707 +204 303 5 892389020 +201 658 3 884111677 +103 252 2 880420020 +321 190 4 879439562 +22 651 4 878887810 +279 407 4 875297479 +13 547 1 882397011 +198 198 4 884207654 +437 423 5 880141196 +404 328 4 883790749 +452 61 1 887718917 +409 527 4 881109175 +5 381 1 875636540 +450 237 5 887660650 +244 856 5 880602002 +308 482 5 887738152 +365 272 4 891303357 +72 7 1 880036347 +178 260 1 886678700 +222 1218 1 878183218 +313 391 3 891028360 +128 196 5 879967550 +322 188 3 887314244 +405 1066 1 885549111 +312 372 3 891699568 +421 238 5 892241576 +313 23 4 891013742 +168 9 1 884287394 +215 176 5 891435804 +168 930 3 884288243 +59 756 2 888203658 +374 466 5 880394929 +244 959 4 880607684 +385 486 2 879442189 +425 448 2 878738887 +200 419 4 884129232 +18 663 4 880129454 +59 64 5 888204309 +288 346 5 886372155 +177 23 5 880130758 +7 99 5 891352557 +145 688 4 875269822 +401 154 1 891033184 +189 89 5 893265624 +367 234 4 876690098 +119 755 1 886176678 +279 156 4 875306580 +324 322 4 880575163 +450 39 4 882376282 +246 831 1 884924025 +79 1022 5 891271792 +174 723 5 886514448 +255 322 2 883215723 +109 67 5 880580719 +199 508 4 883782899 +209 333 2 883589568 +314 1473 4 877891089 +190 539 2 891033370 +151 209 4 879524443 +109 173 5 880572786 +92 500 4 883433734 +435 343 5 884130744 +263 496 5 891298218 +90 609 5 891384357 +457 500 5 882553112 +234 1064 4 892333683 +329 282 3 891656300 +145 732 4 875272833 +4 271 4 892001690 +90 151 2 891385190 +194 939 3 879550615 +264 240 4 886124352 +231 289 4 888605273 +316 507 3 880853704 +416 1012 4 876697205 +83 597 2 891182270 +378 959 3 880046408 +94 7 4 885873089 +298 511 4 884127690 +92 56 5 875653271 +170 288 3 884706012 +435 434 2 884131542 +346 571 3 875264262 +189 198 4 893265657 +311 584 3 884365485 +276 734 1 877935262 +222 318 5 878181934 +417 250 4 879646463 +335 333 4 891566952 +459 596 3 879562939 +95 190 4 888954513 +13 757 3 882398934 +117 179 5 881012776 +409 173 3 881108246 +245 21 3 888513502 +247 269 4 893097024 +437 727 3 881001576 +230 141 4 880485489 +213 199 5 878956000 +116 872 3 876452228 +407 179 3 875046427 +299 606 4 889501393 +13 234 5 882140252 +331 475 3 877196173 +460 327 4 882912418 +18 404 4 880132055 +431 879 3 877844489 +346 147 4 874950172 +393 470 4 889554730 +95 597 3 879194663 +59 670 4 888206485 +389 510 3 880165367 +161 309 2 891170018 +435 410 5 884133733 +416 213 5 893213443 +313 662 3 891031576 +22 665 1 878888145 +276 325 3 874786419 +405 423 5 885545306 +70 175 3 884150422 +321 45 4 879439763 +363 44 3 891496927 +210 926 2 887730909 +459 194 3 879566291 +48 647 4 879434819 +251 1012 4 886272175 +385 1097 5 879440158 +224 366 3 888104457 +90 515 5 891385165 +335 258 1 891566808 +327 1019 3 887746665 +268 1476 2 876513897 +125 474 3 892836422 +398 663 2 875735255 +194 100 4 879539305 +64 300 3 879365314 +297 53 3 875239942 +450 778 3 887834953 +417 77 3 879649304 +1 38 3 878543075 +199 1 1 883782854 +249 250 4 879571678 +308 213 4 887739382 +316 191 5 880854539 +303 2 3 879467191 +347 273 5 881652456 +15 926 1 879456424 +134 316 4 891732418 +269 1017 5 892567767 +124 98 4 890287822 +379 179 5 880525132 +399 969 3 882346728 +139 1176 4 879538080 +457 243 2 882393104 +222 233 2 881060205 +316 276 2 880853849 +96 185 5 884403866 +334 945 4 891545973 +137 121 5 881432881 +334 531 5 891545949 +339 56 5 891032221 +1 9 5 878543541 +215 23 3 891436048 +405 1110 1 885547644 +336 41 3 877757477 +454 479 4 881959991 +159 918 4 893255798 +451 360 3 879012858 +7 565 4 892132019 +405 463 1 885548836 +144 173 5 888105902 +269 502 3 891449842 +255 245 1 883215723 +346 132 4 875261235 +387 184 3 886481634 +194 1045 2 879524644 +399 93 3 882512192 +50 288 4 877052008 +238 125 3 883576230 +322 150 4 887314027 +354 792 4 891217340 +385 455 4 879440701 +405 227 1 885548049 +207 1333 3 877995615 +312 512 3 891698951 +90 216 5 891383626 +59 1005 5 888206363 +250 50 5 878089393 +249 298 4 879571715 +214 527 4 891544089 +429 1545 2 882385518 +37 68 5 880915902 +180 729 5 877355598 +405 197 4 885545167 +250 687 1 883263007 +374 120 3 882158147 +43 211 4 883955785 +392 268 5 891037385 +457 527 5 882553113 +364 875 3 875931585 +405 393 4 885547314 +450 815 3 882396153 +144 213 4 888105387 +246 758 1 884924813 +346 550 4 886273914 +73 59 5 888625980 +344 73 3 884901371 +387 1537 4 886480681 +363 333 1 891493634 +268 284 3 875742407 +467 1017 2 879532403 +271 107 1 885848179 +233 509 4 877663646 +149 262 1 883512623 +43 278 3 884029259 +130 343 4 881536273 +304 294 4 884968415 +438 321 5 879867960 +9 276 4 886959423 +397 302 5 889760703 +73 135 5 888626371 +330 118 5 876544582 +457 1030 2 882551134 +256 98 5 882164696 +449 224 4 879958758 +426 527 3 879444550 +105 324 4 889214245 +468 926 2 875280331 +13 89 4 882139717 +84 245 4 883449530 +18 762 3 880132103 +328 448 3 885046744 +279 474 5 892173363 +181 137 2 878962465 +145 259 3 875269871 +102 667 3 888803002 +213 214 5 878955816 +106 1028 3 883876085 +450 708 4 882397049 +416 966 5 893212483 +308 23 5 887737293 +90 965 5 891383561 +207 15 4 876198392 +82 97 4 878769777 +347 597 3 881652788 +62 710 3 879375453 +91 211 2 891439208 +119 52 3 890627339 +222 183 4 878181535 +355 358 4 879485523 +99 815 2 885679237 +380 573 1 885480737 +160 405 3 876770441 +273 315 4 891292846 +116 193 4 876453681 +299 289 3 877877323 +130 305 4 886023938 +437 166 4 880140398 +422 1 3 875130063 +452 27 5 885816916 +64 405 3 889739288 +328 595 3 885048500 +94 525 5 891721439 +70 405 3 884149117 +457 164 4 882547645 +380 529 3 885479235 +423 355 3 891395020 +431 323 3 877844559 +62 9 4 879372182 +90 617 4 891383835 +339 269 5 891032379 +121 792 3 891388250 +458 191 5 886396192 +267 566 3 878973047 +181 294 2 878961173 +145 771 2 888398867 +179 893 2 892151565 +90 493 5 891383600 +223 620 2 891550253 +315 461 4 879799457 +363 258 3 891493603 +11 750 5 891901629 +293 549 3 888907166 +77 133 2 884752997 +450 400 3 882468790 +10 82 4 877886912 +109 1060 4 880571661 +466 308 1 890282957 +339 89 5 891033416 +280 77 3 891702086 +12 170 4 879959374 +92 208 4 875656288 +344 357 5 884814432 +426 199 5 879442702 +233 501 3 877663383 +393 316 5 889554297 +416 1478 2 886319906 +102 327 2 884870872 +426 651 4 879442702 +90 52 5 891385522 +439 242 5 882892424 +328 177 3 885047099 +393 99 3 889727536 +405 1391 1 885549789 +405 1168 1 885546725 +256 583 5 882164603 +90 127 4 891383561 +17 117 3 885272724 +360 10 5 880354624 +435 729 2 884133757 +272 79 5 879455015 +95 532 4 881011974 +74 354 3 888333194 +323 238 4 878740017 +437 5 2 880143663 +363 557 1 891496103 +389 526 3 880087200 +437 214 4 880141041 +10 510 5 877892209 +327 672 2 887746328 +249 114 5 879572314 +312 1167 4 891699295 +7 465 4 891353154 +437 50 5 881000958 +422 100 4 875129791 +159 273 5 880485935 +157 476 1 886891173 +64 168 5 889739243 +233 603 4 880190566 +28 11 4 881956144 +445 291 2 891200233 +447 300 4 878854011 +224 286 3 888081843 +401 248 3 891032367 +174 158 2 886514921 +83 64 5 887665422 +345 381 4 884993505 +59 845 5 888203579 +355 242 4 879486529 +393 161 4 887746883 +378 768 4 880333598 +276 98 5 874792663 +404 342 3 883790750 +259 179 4 877924028 +169 211 5 891359200 +301 607 4 882077176 +32 508 4 883717581 +405 949 5 885545702 +381 89 5 892696426 +174 433 5 886514757 +367 769 3 876690077 +322 64 5 887314148 +79 582 5 891271806 +435 216 3 884131118 +312 71 4 891699599 +186 243 2 879024099 +375 525 4 886621917 +430 253 1 877225484 +412 508 4 879716962 +399 228 2 882347783 +373 1113 1 877099968 +94 1118 4 891722482 +2 277 4 888551174 +378 724 3 880055520 +6 536 4 883599400 +268 391 3 876513897 +468 461 4 875291570 +158 20 4 880134261 +379 203 4 880526100 +4 300 5 892001445 +207 841 3 876018501 +432 250 1 889415895 +186 1016 5 879023643 +194 491 3 879520916 +81 1 4 876534949 +148 432 5 877019698 +416 202 4 876699334 +38 112 5 892432751 +195 47 5 876632643 +343 463 4 876404793 +378 231 3 880333327 +399 364 4 882350813 +426 848 4 879444117 +456 448 3 881374586 +299 204 4 889503112 +200 58 4 884129301 +257 324 5 879029543 +399 67 3 882350899 +75 413 2 884050979 +49 1066 2 888067187 +314 1229 2 877891681 +437 658 4 880141335 +389 965 5 880087599 +13 23 5 882139937 +11 168 3 891904949 +115 237 2 881171075 +345 196 5 884902317 +37 89 4 880930072 +332 106 4 887938687 +276 258 5 874786337 +422 358 2 875129640 +294 1079 2 889242624 +82 238 3 878769373 +430 237 5 877225965 +297 447 4 875239691 +18 403 3 880132103 +87 405 4 879875893 +201 223 4 884113343 +347 172 5 881653933 +55 597 2 878176134 +308 31 3 887739472 +373 215 4 877099211 +320 95 3 884751418 +437 283 1 880141716 +326 89 4 879875398 +312 653 5 891698365 +328 333 3 885044418 +330 67 4 876547500 +145 12 5 882182917 +95 815 3 879193708 +323 204 3 878739771 +158 430 5 880135093 +89 269 5 879461219 +176 347 4 886047442 +13 435 5 882141392 +144 68 2 888105665 +139 296 4 879538218 +182 257 3 885613117 +7 584 4 891352093 +82 588 5 878769917 +94 318 5 891721191 +65 378 5 879217032 +301 474 4 882075803 +313 768 3 891030367 +345 1221 3 884993703 +308 495 3 887740131 +292 20 2 881104760 +293 26 3 888907015 +460 257 2 882912342 +49 218 2 888068651 +437 485 4 880140854 +246 250 4 884924327 +402 245 1 876266860 +343 358 1 876402493 +416 168 5 893212929 +442 591 3 883391221 +349 20 5 879465642 +334 111 3 891547445 +243 14 3 879987239 +267 29 3 878973426 +458 318 4 886397771 +109 1222 4 880579758 +102 230 2 888801232 +416 85 3 893210246 +194 485 3 879546498 +269 928 1 891451754 +1 246 5 874965905 +406 22 3 882480671 +181 471 2 878962919 +269 425 5 891448345 +201 773 4 884112627 +411 451 4 892845634 +328 383 3 885049880 +333 300 4 891044389 +442 22 2 883390813 +197 188 3 891409982 +43 88 5 883955702 +457 720 3 882550925 +54 829 2 880937311 +37 550 4 880915902 +210 411 3 887730931 +11 370 3 891902880 +151 627 2 879542796 +212 382 5 879303929 +347 233 5 881654653 +380 183 4 885478192 +330 370 4 876545058 +284 301 5 885329593 +468 642 3 875291403 +292 214 3 881105701 +268 10 4 875306691 +299 473 3 877878561 +374 844 4 880394000 +59 83 4 888204802 +253 273 3 891628060 +117 743 1 881010401 +215 270 3 891434683 +223 929 3 891549975 +452 506 3 875276081 +91 520 4 891439414 +367 53 4 876690076 +301 42 4 882075743 +406 127 4 879445430 +246 38 2 884923175 +381 607 4 892696130 +268 710 3 875309719 +383 302 4 891192216 +413 326 3 879969027 +347 68 5 881654825 +459 1060 1 879563668 +339 45 5 891033200 +437 65 4 880140787 +339 179 5 891032793 +18 845 3 880131236 +356 326 4 891406193 +174 1074 4 886514529 +286 768 3 889652968 +264 204 5 886123472 +255 829 1 883216903 +234 419 4 892334644 +299 288 3 877618584 +184 657 4 889908497 +239 527 5 889178833 +459 216 3 879566321 +268 47 1 875310645 +373 195 4 877098487 +257 1472 2 880496943 +327 147 2 887820417 +17 150 5 885272654 +26 413 2 891386049 +2 282 4 888551922 +141 756 3 884585363 +271 495 5 885849052 +417 431 4 879647431 +204 242 5 892388935 +265 237 5 875320462 +144 24 4 888104541 +363 444 4 891500406 +22 187 5 878887680 +246 444 4 884923715 +13 550 4 882397741 +380 614 3 885478845 +194 642 2 879527514 +94 154 5 886008791 +42 1 5 881105633 +38 200 5 892432180 +277 237 4 879544145 +297 271 2 881707810 +343 175 5 876405045 +262 974 3 879791447 +330 1084 5 876544432 +224 1058 3 888104219 +430 547 2 877226365 +215 380 3 891436470 +13 538 1 884538448 +38 69 5 892430486 +334 174 4 891546992 +450 495 4 882395052 +299 345 4 884023998 +233 71 5 876812281 +262 1035 3 879794530 +222 450 3 881060824 +57 111 4 883697679 +406 187 2 879445897 +385 111 2 879440267 +373 949 4 877100016 +312 186 3 891699491 +324 872 5 880575045 +65 956 4 879216797 +250 501 5 878090199 +435 465 2 884132515 +308 648 4 887738509 +472 401 4 875982727 +216 122 5 881432488 +417 139 3 879648707 +435 929 2 884133635 +347 271 1 881652191 +373 414 3 877104259 +239 318 1 889178798 +406 1008 4 879539909 +160 844 3 876767822 +339 637 4 891035647 +145 554 3 875272245 +328 273 3 885046134 +348 831 4 886523913 +416 501 5 893213918 +334 1016 3 891545185 +280 158 2 891701764 +374 254 3 880394000 +387 403 3 886483099 +269 707 2 891449304 +405 1580 1 885549543 +258 333 2 885700811 +456 662 4 881374710 +87 132 5 879877930 +113 268 4 875935609 +453 356 2 888205866 +343 11 5 876405172 +151 136 4 879524293 +5 99 3 875721216 +151 1286 5 879524173 +150 151 4 878746824 +89 875 3 879441160 +299 185 3 878192039 +221 568 4 875246398 +219 269 5 889386655 +407 432 4 875552685 +222 636 4 878184055 +189 131 4 893265710 +239 91 4 889180487 +465 202 4 883531487 +43 283 2 883955415 +326 613 5 879874860 +458 387 4 886398246 +378 295 3 886614274 +160 640 3 876860808 +11 70 4 891904573 +472 11 5 892790676 +252 14 4 891456876 +125 364 3 892839191 +425 324 3 878737657 +200 99 5 884128858 +73 650 3 888626152 +450 382 3 882377479 +349 120 3 879466334 +145 150 5 875270655 +13 669 1 882397067 +405 1268 1 885546636 +116 1013 3 876453222 +277 844 4 879543528 +174 722 4 886513896 +363 568 2 891495070 +106 210 4 881450810 +13 475 3 881515113 +407 144 3 876338453 +420 137 4 891357104 +307 210 2 877123746 +70 181 4 884064416 +276 451 3 874792216 +405 999 1 885547557 +346 92 4 886274124 +13 889 3 892015236 +6 21 3 883600152 +459 134 3 879564941 +343 169 5 876405172 +87 791 2 879877280 +130 249 5 876250746 +18 6 5 880130764 +234 745 4 892333573 +181 931 1 878963205 +456 210 3 881374849 +76 769 1 882607018 +379 127 5 880524811 +379 517 4 888044628 +406 69 4 879446748 +346 302 3 877231140 +432 118 4 889416608 +376 197 4 879454598 +151 462 4 879524088 +450 518 4 882374134 +219 382 5 889451412 +280 1066 4 891701928 +406 825 4 879540275 +117 977 3 881009738 +437 501 4 880143315 +461 302 3 885355646 +387 114 5 886484336 +144 524 5 888105081 +249 1039 5 879572725 +405 308 1 885549942 +15 409 3 879456324 +289 151 2 876790499 +64 847 3 879365558 +158 797 3 880134701 +334 271 3 891544340 +298 471 4 884125847 +463 1132 1 889937778 +113 323 4 875325377 +383 237 4 891192836 +94 11 5 885870231 +339 461 5 891033226 +256 89 5 882164525 +399 413 2 882340900 +379 528 5 881996665 +402 511 5 876266775 +223 295 3 891549410 +90 889 3 891382731 +89 13 2 879441672 +42 387 3 881108760 +272 211 5 879454845 +346 394 4 874949116 +176 111 4 886048040 +450 110 4 882469250 +450 1203 3 882373723 +159 595 5 880486009 +174 846 5 886433996 +87 216 5 879876448 +270 183 5 876955938 +85 190 4 879453845 +282 689 2 881703044 +374 291 3 885107905 +342 111 3 875318267 +286 381 5 877532965 +339 447 4 891034923 +314 946 5 877888527 +472 193 5 875981789 +244 471 1 880606874 +224 28 4 888082468 +358 918 1 892731254 +234 23 4 892334368 +269 148 1 891446443 +60 593 5 883326185 +37 27 4 880915942 +393 317 4 889554707 +117 33 4 881011697 +200 188 4 884129160 +232 209 3 888549563 +130 1046 4 880396831 +110 315 4 886987726 +110 173 1 886988909 +399 746 5 882342158 +321 1331 4 879439017 +181 1363 1 878962279 +357 1 5 878951216 +406 183 5 882480567 +322 234 4 887313893 +290 1079 2 880732771 +430 234 4 877226323 +159 24 5 880989865 +428 750 5 885943651 +286 1280 5 884069544 +194 403 2 879527725 +145 242 5 875269755 +457 58 4 882397177 +369 168 3 889428494 +454 144 4 888266643 +417 1028 3 879646785 +94 739 2 891723156 +42 371 4 881108760 +390 515 4 879694259 +11 274 3 891906510 +286 125 4 876521650 +200 679 4 884129920 +398 167 3 875735638 +222 407 2 883816411 +435 597 3 884133284 +326 170 2 879874897 +119 591 4 886177235 +410 313 5 888627137 +221 64 5 875245350 +442 834 2 883389337 +115 596 1 881170663 +435 204 3 884132366 +18 378 3 880131804 +449 212 5 880410624 +193 246 3 890859402 +389 47 4 880086971 +429 208 4 882384772 +311 202 4 884364694 +472 877 3 892789947 +378 401 4 880332347 +130 1039 4 875216420 +99 28 3 885680578 +145 820 2 885557732 +272 746 3 879454797 +62 250 5 879372455 +452 276 1 885490917 +381 631 4 892696654 +373 421 4 877105563 +96 187 5 884402791 +350 204 4 882346161 +425 177 3 878738290 +26 1 3 891350625 +452 201 1 875875685 +399 41 2 882348876 +90 162 5 891385190 +30 242 5 885941156 +422 270 3 878058917 +286 186 5 877534903 +380 31 1 885479730 +64 81 4 889739460 +181 991 1 878961814 +41 474 5 890687066 +365 762 4 891304300 +233 584 4 877663548 +280 118 2 891701027 +92 456 2 888469668 +42 1047 4 881106419 +452 89 5 875263413 +154 474 5 879138783 +42 427 4 881107773 +121 124 5 891388063 +291 1073 5 874834701 +393 842 4 889729212 +144 1138 4 888104684 +102 778 3 892991448 +223 476 3 891550349 +286 47 4 877532419 +348 412 2 886523560 +188 568 4 875072583 +346 22 5 874948059 +98 629 5 880499111 +162 1011 4 877636370 +85 385 3 879455021 +459 358 2 879561783 +92 167 3 875656557 +108 304 3 879879662 +327 132 5 887820828 +309 331 5 877370356 +23 95 4 874786220 +43 742 5 883955650 +450 710 3 882468931 +234 1203 4 892079910 +108 718 4 879879985 +343 66 3 876406421 +305 963 4 886322635 +314 762 4 877886443 +319 340 3 879975481 +345 1053 3 884993903 +437 710 4 880140822 +225 1203 5 879540778 +401 71 2 891033549 +472 258 5 892790953 +312 633 5 891698951 +194 31 3 879549793 +450 660 4 887660762 +64 209 5 889737654 +65 65 3 879216672 +59 963 5 888204757 +447 9 2 878854195 +11 423 5 891904174 +256 38 4 882164927 +85 195 3 882995132 +471 95 4 889827822 +407 1118 4 876340043 +383 427 5 891192748 +214 752 2 891542578 +145 209 4 882181659 +389 475 5 879915780 +463 455 3 877385457 +405 1384 1 885549746 +177 154 4 880130600 +456 274 3 881371977 +174 388 1 886515335 +224 280 4 888104353 +244 410 4 880606593 +223 1291 3 891550431 +234 22 4 892334644 +393 497 4 889555021 +315 382 4 879821089 +450 152 5 882395052 +406 7 4 879445684 +414 678 1 884999066 +334 213 4 891546373 +158 173 5 880134913 +397 288 4 882839517 +457 385 4 882392950 +178 123 4 882824325 +474 8 5 887925497 +472 168 5 892791062 +417 422 3 879648212 +416 549 4 886316922 +137 181 5 881433015 +230 71 5 880484911 +295 720 4 879518801 +216 475 5 880232768 +433 682 2 880585431 +216 188 5 880245075 +280 699 4 891700341 +234 1200 3 892333865 +24 127 5 875323879 +281 288 4 881200264 +45 823 4 881014785 +13 51 3 882399419 +334 500 3 891547334 +471 140 5 889827918 +271 193 5 885848475 +432 871 2 889416456 +303 156 5 879466771 +436 787 5 887770640 +327 1 4 887745622 +307 286 3 881965984 +290 139 2 880475420 +94 274 4 891722511 +236 659 3 890116599 +405 53 2 885548137 +295 386 4 879519308 +149 326 3 883512856 +450 304 4 882216108 +351 751 4 883356614 +411 770 4 892845634 +335 313 3 891566808 +416 10 3 876698364 +324 288 5 880575002 +151 483 5 879524244 +334 347 3 891547445 +269 469 4 891448072 +95 415 3 888956582 +336 790 2 877758187 +95 1231 1 880572787 +131 124 5 883681313 +175 100 2 877107712 +472 449 5 875982967 +336 401 1 877757133 +109 179 4 880577961 +407 382 3 876342706 +309 1025 5 877370356 +466 354 2 890282795 +136 286 5 882693234 +294 122 3 889242661 +378 174 4 880045651 +342 727 3 875320082 +450 520 5 887136083 +410 289 1 888626819 +7 499 4 891351472 +169 213 5 891359354 +138 13 4 879023345 +405 753 1 885549464 +450 604 4 882373231 +398 993 3 875653043 +327 506 3 887744513 +222 623 2 878183985 +405 693 2 885546154 +303 872 3 879466018 +447 206 4 878856209 +66 24 3 883601582 +436 215 4 887770457 +334 429 4 891546299 +293 582 4 888906536 +119 597 4 874775465 +271 130 1 885848218 +105 288 4 889214335 +405 1530 1 885546835 +42 290 3 881106072 +429 636 3 882386027 +345 568 4 884993047 +331 223 4 877196173 +207 660 4 877847100 +255 200 3 883216544 +87 321 2 879876813 +174 742 4 886434087 +194 154 3 879546305 +13 329 2 886952246 +145 407 2 888398400 +201 53 3 884114713 +337 222 5 875185319 +334 239 3 891546914 +465 114 4 883530190 +1 22 4 875072404 +363 290 3 891496753 +435 1039 4 884132755 +223 1009 1 891549475 +119 50 5 874774718 +367 406 4 876689878 +10 216 4 877889333 +308 597 3 887738933 +189 423 5 893265796 +276 153 4 874791667 +303 321 3 879466065 +152 1054 1 880149643 +455 738 3 879112238 +308 712 4 887740833 +456 187 4 881372911 +98 523 5 880498967 +416 106 3 876697913 +5 21 3 875635327 +1 21 1 878542772 +407 510 4 875046752 +453 1157 2 888206576 +314 278 5 877886888 +403 546 3 879786221 +227 322 3 881518461 +110 1231 2 886988664 +44 946 3 878347847 +391 678 2 877398704 +291 685 5 874834254 +125 748 3 892835778 +394 383 2 881059704 +297 17 3 875240201 +150 324 4 878746225 +63 929 3 875747955 +13 804 2 882141997 +450 642 4 882397939 +474 602 3 887926436 +215 229 3 891436469 +75 301 4 884051510 +370 294 1 879434229 +167 1308 1 892738307 +178 2 4 882827375 +177 421 3 880130881 +288 22 5 886374286 +145 1288 4 888398197 +269 1148 4 891447062 +459 357 4 879564308 +274 71 4 878946612 +177 343 3 882141885 +374 135 4 882159077 +456 1248 3 881374767 +269 1479 2 891451111 +159 832 3 880557864 +460 744 3 882912261 +83 2 4 881971771 +373 527 4 877103846 +442 184 2 883390083 +194 456 1 879544303 +13 4 5 882141306 +87 230 5 879875818 +436 98 4 887769280 +412 526 4 879717572 +7 617 5 891354588 +138 435 5 879024232 +145 1047 3 875270764 +405 462 2 885549506 +327 88 2 887819194 +407 56 5 875042569 +42 15 4 881105633 +85 654 4 879454272 +417 449 3 880952674 +21 551 3 874951898 +7 219 1 892131924 +168 125 4 884287731 +90 303 4 891382193 +110 96 4 886988449 +276 380 3 874791383 +406 515 2 879445378 +429 1285 3 882386485 +437 663 5 880141084 +264 192 4 886122099 +144 20 4 888104559 +295 238 4 879517136 +145 673 4 875272299 +334 131 4 891547744 +386 1016 4 877654961 +346 572 5 875266600 +389 568 3 880087782 +280 1133 3 891700242 +455 724 3 879111500 +222 540 3 878184087 +24 249 4 875246216 +279 594 1 891209021 +444 916 3 891979403 +215 523 4 891435060 +193 187 4 890860351 +318 1120 3 884495206 +200 1 5 876042340 +447 760 4 878854838 +244 451 4 880608112 +144 470 2 888105993 +59 51 5 888206095 +295 420 4 879518233 +23 408 5 874784538 +374 71 5 880396292 +317 313 4 891446208 +367 561 4 876690048 +198 187 4 884207239 +188 1263 3 875071891 +267 33 5 878972650 +201 448 3 884112581 +198 979 5 884206748 +151 98 4 879524088 +342 663 4 875320297 +407 416 3 876348957 +99 64 5 885680578 +405 1119 3 885545306 +407 371 2 875116964 +128 622 4 879968332 +178 197 2 882826720 +405 77 1 885546248 +472 826 3 883904224 +299 264 2 877877290 +457 156 5 882397095 +108 222 2 879879720 +394 561 4 881060177 +95 520 4 879197970 +291 825 4 874833983 +303 953 3 879485016 +450 494 3 882373385 +222 89 5 878181739 +363 428 5 891495742 +397 95 4 885349999 +21 123 4 874951382 +184 736 3 889911633 +324 255 4 880575449 +75 225 2 884050940 +389 604 4 879991387 +130 132 5 875802006 +276 197 5 874787549 +64 313 4 889736971 +27 50 3 891542897 +456 979 3 881371694 +340 588 5 884991369 +135 173 4 879857723 +125 211 3 879455184 +403 925 4 879790468 +290 15 4 880474494 +166 751 4 886397665 +417 692 4 879648132 +423 333 3 891394747 +21 767 1 874951314 +59 919 4 888203018 +352 273 2 884290328 +363 137 5 891495742 +288 180 5 886373474 +405 946 2 885548836 +406 633 5 882461684 +235 194 5 889655232 +340 486 4 884991083 +145 558 2 877343121 +109 231 3 880582976 +181 1339 1 878962086 +417 1014 4 879646785 +11 433 4 891905003 +426 428 2 879444081 +117 748 3 880124378 +312 89 5 891698832 +416 258 5 893213549 +410 538 3 888626710 +305 96 3 886324172 +95 127 4 879195062 +383 639 4 891193181 +452 121 5 885816916 +295 965 4 879517271 +383 135 5 891193042 +236 504 3 890118075 +373 155 4 877107235 +85 150 3 890255432 +406 692 3 880131792 +225 566 4 879540678 +465 216 3 883531284 +305 628 4 886324661 +265 1197 2 875320542 +160 169 4 876862077 +308 235 3 887739800 +106 274 3 883876146 +469 513 5 879523891 +246 210 3 884921319 +305 12 5 886322930 +342 123 5 874984832 +233 506 5 877663337 +300 456 4 875650267 +26 300 4 891347537 +200 515 5 884129381 +311 185 2 884366617 +11 749 5 891901797 +5 427 3 875721167 +329 197 4 891656429 +105 270 5 889214245 +329 705 3 891656347 +1 179 3 875072370 +298 183 3 884182600 +460 275 3 882912261 +403 148 5 879786351 +425 678 1 878737593 +21 453 2 874951797 +360 1197 3 880355177 +464 289 4 878354626 +56 151 4 892910207 +460 20 4 882912469 +378 49 3 880332480 +324 123 4 880575714 +110 69 4 886987860 +320 92 5 884749306 +334 430 4 891546206 +366 559 5 888858078 +331 1141 3 877196504 +239 484 5 889179095 +59 435 5 888204553 +197 232 4 891410082 +330 252 4 876544734 +405 175 1 885546069 +334 582 5 891547235 +442 230 3 883390466 +312 863 5 891698695 +230 621 2 880485380 +435 587 3 884132403 +90 632 5 891384113 +59 612 3 888206161 +416 928 3 878879391 +450 211 5 882373865 +313 624 4 891030261 +10 211 5 877889130 +342 248 3 874984455 +223 95 5 891550649 +249 1012 3 879571998 +383 272 3 891192158 +469 855 4 879524302 +90 474 5 891383599 +466 181 4 890284857 +128 193 3 879967249 +288 223 3 886374497 +198 173 4 884207492 +347 403 5 881654386 +280 546 4 891702252 +385 616 4 884119121 +125 728 3 892838425 +203 475 3 880434318 +49 91 5 888066979 +347 820 2 881653340 +319 307 4 879975504 +10 531 5 877886911 +422 448 4 879744085 +311 306 4 884363791 +406 30 4 879793235 +380 161 2 885480046 +244 32 2 880605514 +379 9 4 880524886 +406 735 3 884630554 +416 288 5 893213796 +327 959 5 887819161 +201 188 4 884112201 +472 1011 4 875979187 +255 831 4 883216902 +275 294 4 876197443 +437 479 5 880141335 +213 502 5 878956263 +271 239 3 885849419 +326 136 4 879874933 +339 675 4 891034810 +63 258 3 875746809 +222 772 2 878181906 +92 122 3 875907535 +243 7 3 879987362 +145 452 3 882182762 +345 117 4 884991220 +303 222 3 879468414 +474 410 2 887915645 +275 50 4 876198296 +21 263 1 874951040 +37 127 4 880930071 +299 19 1 877877434 +450 847 4 882376188 +38 681 5 892429065 +425 690 1 890346866 +104 1012 4 888465708 +303 678 1 879544946 +354 7 4 891216607 +99 342 1 885678348 +454 705 3 881959818 +126 272 3 887853469 +379 187 5 880525031 +311 216 5 884364502 +385 603 5 880869422 +405 669 1 885548435 +295 729 4 879518018 +59 404 3 888205463 +269 517 4 891449189 +224 556 1 888103942 +457 285 5 882393648 +476 715 4 883364745 +425 53 4 878738596 +222 769 2 881060608 +91 568 2 891439018 +327 508 2 887744064 +62 188 3 879373638 +398 4 2 875723337 +141 282 5 884585642 +389 64 4 880087151 +419 488 5 879435722 +343 427 5 876405820 +125 56 1 879454345 +181 235 1 878963168 +380 134 3 885478583 +312 276 4 891699010 +343 174 5 876404464 +385 1524 5 879445662 +457 758 2 882551135 +13 96 4 882140104 +399 684 3 882344269 +389 712 3 881384338 +344 7 4 884814668 +407 313 4 893076947 +395 338 4 883762733 +429 747 3 882386071 +418 344 1 891282521 +373 660 4 877105075 +378 1523 2 880334067 +307 83 5 877120874 +234 285 4 891227771 +389 50 5 879915780 +458 530 4 886396005 +435 171 5 884131967 +60 618 3 883327113 +87 789 3 879876610 +328 620 3 885048861 +402 222 4 876266948 +391 510 5 877399066 +267 944 3 878973179 +408 300 3 889679857 +472 233 4 875981759 +403 181 4 879785916 +271 756 2 885848218 +7 216 4 891350900 +246 25 3 884922383 +139 740 2 879538254 +389 558 4 879991242 +190 354 4 891033606 +257 269 3 879029516 +409 429 5 881107817 +402 32 3 876267235 +201 435 4 884112201 +452 186 1 875875499 +407 173 5 875043948 +412 117 4 879717177 +92 153 4 875653605 +339 403 3 891034510 +416 652 4 876699526 +326 208 3 879875534 +202 258 4 879726342 +13 838 1 882397742 +474 480 5 887925186 +246 420 3 884922272 +122 673 3 879270511 +276 591 3 874786632 +221 385 4 875245948 +75 235 4 884050502 +69 123 4 882126125 +218 173 3 877488316 +186 79 5 879023460 +445 121 1 891200233 +299 692 4 877880915 +180 778 2 877128388 +42 469 4 881109324 +13 559 1 882396913 +233 483 5 876021170 +79 306 5 891271792 +445 246 1 891199682 +94 381 4 886008764 +380 414 2 885480046 +450 559 3 882376446 +417 550 3 879649178 +138 187 5 879024043 +141 335 1 886447735 +184 221 5 889907838 +88 308 4 891037396 +474 68 3 887926804 +405 142 1 885549004 +405 559 5 885548330 +69 235 3 882126048 +385 81 3 879442028 +233 828 4 875508169 +131 276 5 883681723 +294 1088 1 889243393 +116 346 4 886310197 +476 792 4 883365019 +478 143 5 889396797 +429 282 3 882386983 +268 195 4 875309719 +373 778 5 877105529 +328 748 3 885045245 +411 186 5 892845605 +407 69 4 875042569 +303 720 2 879468375 +358 382 2 891269913 +286 411 2 876522133 +378 778 3 880056073 +216 221 4 881432501 +474 736 3 887927509 +328 326 4 885044607 +402 96 5 876267234 +265 323 3 875320112 +279 1485 4 878262195 +201 76 4 884140709 +399 546 2 882341383 +22 53 3 878888107 +327 874 3 887737629 +473 273 5 878157329 +159 588 2 884027316 +176 246 5 886047994 +176 343 2 886047595 +291 9 5 874805804 +18 654 4 880130110 +244 92 4 880602478 +421 657 4 892241422 +178 202 5 882826782 +339 91 5 891034282 +268 241 3 875310603 +454 286 3 881958782 +118 180 5 875385136 +278 882 3 891295007 +42 679 2 881108548 +313 684 4 891017088 +40 269 1 889041283 +202 423 3 879727116 +458 178 4 886398187 +474 1014 3 887916567 +450 1446 4 882812558 +119 813 4 874774956 +463 250 4 889935953 +279 229 4 889326161 +423 1011 3 891395547 +466 188 3 890284766 +474 528 5 887923924 +259 185 4 874724781 +49 1080 4 888066734 +200 495 3 884129092 +26 316 3 891349122 +321 61 5 879441128 +463 950 3 877385590 +157 255 3 886889876 +5 451 1 875636571 +249 283 5 879572600 +262 7 4 879790603 +453 73 4 888206132 +49 561 2 888067460 +291 420 4 875086991 +322 513 4 887314185 +442 873 2 883388120 +10 357 5 877889186 +303 198 4 879467413 +56 781 4 892677147 +293 290 2 888905198 +291 412 3 875086669 +151 939 4 879524514 +463 225 3 877385489 +303 324 3 879466065 +450 204 4 882377590 +216 25 3 881428365 +405 654 2 885548579 +24 300 4 875245985 +22 515 5 878887869 +363 431 2 891495301 +23 629 4 874786098 +466 265 3 890285159 +104 1115 4 888465263 +313 8 3 891014551 +447 180 5 878855989 +115 7 5 881171982 +62 866 2 879373195 +394 288 4 880886919 +130 658 5 875802173 +91 495 4 891439171 +368 89 4 889783678 +145 313 4 883840638 +376 663 3 879434750 +184 210 4 889911069 +6 200 3 883602422 +101 111 2 877136686 +91 614 4 891439018 +464 678 3 878354722 +347 118 4 881652710 +305 904 4 886307860 +455 56 5 879110844 +7 556 3 891352659 +378 559 4 880056735 +279 367 3 875309861 +244 86 4 880605896 +391 89 3 877399380 +342 209 5 875319554 +391 200 5 877399269 +266 268 4 892256828 +458 319 4 889323714 +276 86 3 874791101 +472 931 2 883904681 +320 164 4 884751246 +311 323 3 884364139 +10 162 4 877892210 +324 879 4 880575234 +286 597 3 876522360 +276 396 4 874792118 +396 595 3 884646467 +267 128 5 878972170 +318 405 2 884494797 +454 51 2 888267158 +461 259 2 885355679 +43 385 5 883955387 +399 140 4 882343731 +70 496 4 884064545 +450 904 5 889568507 +26 129 4 891350566 +25 141 4 885852720 +316 199 3 880853598 +321 87 3 879439763 +416 1521 3 892440206 +406 25 1 879540106 +474 176 5 887923972 +428 313 5 885943749 +450 1092 3 882469627 +10 161 4 877892050 +308 209 4 887737686 +389 484 5 880087073 +198 959 3 884209264 +436 1061 3 887771997 +457 825 5 882553112 +435 381 4 884133585 +13 237 5 882140285 +226 405 4 883889507 +424 294 5 880858979 +456 708 4 881373756 +327 405 2 887745589 +186 306 4 891717690 +326 174 4 879874825 +334 877 3 891544264 +454 315 4 888015651 +455 20 3 879109594 +158 659 5 880134947 +239 443 5 889181015 +386 281 3 877655145 +435 382 3 884131949 +377 358 3 891297023 +308 408 5 887738268 +361 781 2 879441179 +267 189 4 878971874 +417 176 5 879646891 +133 308 4 890588639 +268 654 5 875309718 +373 286 3 877098042 +60 366 4 883327368 +397 896 4 889760725 +389 410 3 879916238 +175 64 5 877107552 +269 393 1 891451036 +446 269 4 879787730 +472 689 4 883903273 +454 310 4 881958464 +11 659 5 891904920 +116 879 2 876452094 +474 518 4 887926633 +149 338 2 883512904 +189 44 4 893266376 +342 1014 1 874984531 +13 770 4 882397581 +44 143 4 878347392 +293 491 4 888905923 +332 182 5 888098088 +303 223 4 879466742 +323 475 3 878739393 +291 448 5 874867741 +118 288 5 875385386 +429 415 3 882386785 +407 1188 2 876345492 +438 269 4 879867960 +37 92 4 880930072 +374 1014 1 880394138 +45 225 4 881014070 +405 793 1 885547313 +291 761 3 874834914 +195 558 3 890589408 +178 300 5 882823301 +227 124 4 879035158 +92 117 4 875640214 +454 174 4 888266643 +315 178 4 879799486 +416 723 4 886318827 +177 161 3 880130915 +212 527 5 879303892 +411 88 3 891035761 +398 163 3 875738333 +418 331 3 891282521 +114 89 5 881260024 +175 661 4 877107432 +5 430 5 875636631 +363 631 1 891497440 +397 338 4 882839517 +450 281 4 882399664 +81 100 3 876533545 +364 988 2 875931561 +457 546 2 882393860 +119 294 1 892564313 +361 66 4 879441075 +56 483 4 892682889 +44 1 4 878341315 +99 92 4 885680837 +269 488 4 891448926 +405 1479 1 885547735 +425 222 5 878738486 +445 50 2 891199715 +406 42 5 879445936 +333 294 3 891045496 +359 408 5 886453239 +345 148 3 884991303 +416 560 3 886319079 +468 39 3 875296309 +59 56 5 888204465 +345 1096 3 884994682 +435 184 5 884131771 +346 110 2 875266064 +11 707 5 891906389 +102 201 2 888803051 +407 2 4 875553509 +58 496 2 891611593 +42 729 3 881108345 +270 584 5 876955067 +246 41 2 884923811 +16 948 3 877717397 +449 293 4 879958803 +351 288 3 879481550 +450 526 4 882396245 +201 379 3 884114813 +174 238 5 890168700 +398 435 5 875717106 +262 385 2 879795030 +447 91 4 878856549 +393 540 3 889731753 +371 234 5 877487691 +90 721 3 891385215 +436 537 4 887769471 +388 678 4 886442062 +363 1512 1 891494754 +308 186 4 887738152 +307 380 3 879538922 +280 1297 4 891702230 +196 70 3 881251842 +90 193 4 891383752 +18 65 5 880130333 +435 313 5 884268770 +83 580 4 883869630 +222 229 3 878184315 +454 164 3 881960265 +451 243 4 879012510 +256 225 4 882152605 +363 443 4 891500334 +87 38 5 879875940 +99 751 4 885678397 +254 1470 2 886474650 +295 181 4 879517860 +393 571 3 889731793 +463 24 3 877385731 +354 958 4 891218271 +314 595 3 877886375 +194 376 2 879528752 +478 122 2 889397778 +73 269 4 888792172 +1 187 4 874965678 +455 334 3 892230883 +60 1121 3 883326215 +395 237 4 883764974 +427 263 5 879701253 +2 111 4 888551853 +416 480 5 893213918 +72 318 5 880037702 +189 499 4 893265596 +222 63 3 878183713 +276 825 3 874787006 +32 222 3 883717600 +82 111 4 876311423 +347 70 2 881654428 +112 301 3 884992566 +130 450 2 878537602 +452 69 5 875275699 +308 48 4 887736880 +201 288 4 884110887 +273 316 4 891293201 +463 347 1 889936589 +101 181 4 877137015 +387 463 4 886483526 +435 616 2 884133284 +271 196 4 885848886 +455 531 3 879111291 +394 72 4 880889629 +65 393 4 879217881 +456 22 4 881373573 +271 87 3 885848802 +392 99 5 891038433 +102 338 2 887051723 +378 91 3 880331510 +269 537 5 891455816 +474 735 4 887924619 +463 242 2 889935629 +421 89 5 892241362 +418 302 2 891282551 +159 260 2 893255969 +259 147 4 888630664 +301 824 3 882075055 +270 50 5 876954004 +378 176 4 880046362 +43 290 4 884029192 +351 326 5 879481589 +374 100 5 880392873 +374 24 3 880393553 +346 273 4 874948783 +235 191 4 889654971 +18 79 4 880131450 +260 748 4 890618198 +249 175 4 879572106 +279 532 1 875298597 +95 98 4 879197385 +466 128 2 890284819 +354 419 4 891217755 +279 274 3 875296792 +256 1 5 882150980 +357 1047 4 878951691 +147 313 4 885593965 +354 638 4 891217547 +424 14 4 880859552 +198 693 3 884207734 +391 12 5 877399745 +208 97 4 883108797 +447 288 4 878855082 +470 475 4 879178568 +437 162 4 880141129 +246 393 3 884922627 +15 308 5 879455334 +393 1407 3 889731010 +160 182 5 876770311 +128 172 3 879967248 +253 328 4 891627790 +162 508 5 877635662 +370 322 3 879434308 +13 563 1 882397039 +457 45 5 882397133 +397 174 5 885349999 +222 475 4 877563252 +232 76 3 888550060 +421 466 4 892241459 +387 473 4 886481033 +476 1037 1 883365384 +250 331 3 878089033 +305 582 4 886323506 +463 593 1 877386923 +72 147 5 880037702 +85 529 3 879827935 +435 82 5 884132100 +412 487 3 879717118 +152 234 4 882474970 +59 205 3 888204260 +354 513 5 891217782 +311 23 3 884364570 +301 73 4 882075962 +123 9 5 879873726 +454 875 1 888266433 +296 191 5 884197193 +272 514 5 879455254 +395 313 3 883762135 +13 478 4 884538571 +437 683 2 881001121 +179 321 1 892151331 +254 94 3 887347350 +215 15 3 891435761 +435 52 5 884132403 +70 150 3 884065247 +460 297 3 882912342 +474 661 4 887925620 +354 707 4 891217633 +276 951 3 874792969 +99 829 4 885679382 +178 219 4 882828350 +480 190 5 891208265 +165 500 3 879525832 +434 369 4 886724972 +267 108 4 878971224 +360 23 5 880356240 +405 189 1 885549192 +119 710 4 886177162 +13 872 3 882139327 +38 742 5 892430001 +21 17 4 874951695 +151 52 5 879524586 +441 25 3 891036306 +453 566 3 877561593 +377 268 3 891295937 +327 559 2 887746328 +181 681 1 878961474 +393 845 4 887744202 +56 403 4 892678942 +6 494 4 883601713 +474 52 4 887925751 +178 176 4 882826782 +445 886 3 891035539 +11 228 3 891905824 +183 229 3 891463591 +347 831 1 881653340 +171 262 4 891034641 +284 306 4 885329146 +84 98 4 883453755 +255 100 3 883216358 +7 97 5 891351201 +65 365 3 879216672 +417 484 4 879647380 +70 403 4 884064862 +472 977 3 875979317 +250 271 4 883263374 +219 616 5 889403435 +450 139 5 882812558 +417 1119 3 879648382 +158 798 4 880134815 +92 704 3 875812121 +399 597 3 882341330 +249 53 4 879572760 +263 300 3 891297330 +116 1226 2 876454090 +384 989 4 891273905 +99 275 1 888469419 +267 65 4 878972071 +95 892 3 882803890 +370 514 4 879434969 +232 150 3 891565095 +152 783 4 884018961 +305 200 3 886324661 +15 303 3 879455080 +373 715 2 877105075 +42 1042 3 881109325 +342 133 4 874984207 +23 175 5 874785526 +226 25 4 883890235 +385 136 3 879442402 +75 1028 4 884050590 +379 100 5 880524541 +216 1218 3 881428365 +429 153 4 882385090 +44 591 4 878341315 +148 69 5 877019101 +64 32 1 889739346 +31 340 3 881547788 +343 137 4 876402941 +158 570 3 880134445 +458 496 3 886398289 +94 629 4 891721286 +479 680 3 887064404 +327 55 4 887820293 +221 470 3 875245374 +403 7 5 879785867 +151 69 4 879524368 +426 606 5 879442044 +230 418 5 880484937 +303 90 4 879485111 +181 813 2 878962279 +269 821 1 891450427 +450 200 3 882376188 +276 1079 2 874787300 +95 447 2 880572166 +49 1028 2 888069304 +145 635 4 875272349 +332 1315 2 887916623 +151 476 3 879543423 +7 135 5 891351547 +452 502 2 885817844 +417 765 3 879649632 +270 26 5 876954995 +327 10 4 887744432 +264 367 4 886123656 +437 191 4 880140726 +95 140 3 879199014 +419 306 5 879435242 +232 289 4 880062259 +313 474 5 891016193 +200 841 3 876042556 +354 516 5 891217851 +373 1078 3 877105451 +92 826 2 886443534 +157 1051 4 886890835 +357 744 5 878951653 +429 32 4 882386309 +352 89 5 884289693 +100 879 4 891374946 +474 1028 1 887916438 +425 288 5 878737512 +445 150 2 890987617 +97 189 4 884238887 +49 928 2 888068651 +429 569 2 882387506 +293 578 2 888907913 +406 589 5 879445474 +429 1014 3 882386333 +405 574 1 885546724 +416 929 4 876698255 +102 993 2 883748352 +118 1079 4 875385442 +454 1454 2 888266907 +422 50 4 875129911 +110 55 3 886988449 +276 1083 3 877934891 +380 736 4 885478780 +458 174 3 886397109 +463 21 1 890453075 +130 555 4 888211930 +432 405 4 889416490 +254 498 4 886472115 +409 276 4 881108455 +43 1054 3 884029658 +457 79 5 882396869 +437 98 5 880141962 +394 39 4 880888501 +436 715 4 887770668 +22 85 5 878886989 +329 892 2 891655614 +453 231 2 877562293 +450 367 3 882376282 +326 183 5 879875851 +193 366 4 890860428 +472 940 4 875982560 +398 182 4 875657802 +64 143 4 889739051 +381 656 4 892696471 +59 201 4 888204260 +365 315 4 891303384 +385 185 5 880870205 +457 679 4 882547723 +145 1287 2 888398563 +381 79 3 892695996 +201 234 5 884112537 +168 121 4 884287731 +392 199 5 891038466 +416 217 4 886317880 +417 169 3 879647498 +328 1112 4 885049459 +380 416 2 885480239 +391 64 5 877399746 +42 443 3 881108093 +2 258 3 888549961 +417 358 2 879649763 +342 15 3 875318154 +102 671 3 888803002 +343 559 3 876406822 +292 153 4 881105587 +440 1073 4 891577814 +200 280 4 884127798 +412 288 4 879716566 +389 401 3 880088578 +334 969 4 891628832 +299 813 4 878192192 +344 764 1 886381986 +215 134 4 891435266 +366 98 5 888857750 +124 209 3 890399902 +56 423 5 892737191 +454 945 3 881960083 +178 1315 4 882824291 +429 806 2 882384950 +115 121 3 881170065 +264 774 2 886122446 +344 815 2 884900409 +87 167 4 879876703 +275 210 4 880314320 +54 272 5 890608175 +280 31 4 891701344 +478 318 5 889389232 +392 200 3 891038433 +464 269 5 878354626 +173 331 4 877557028 +450 553 2 882373928 +380 1404 2 885478646 +457 949 3 882549287 +351 327 5 883356684 +465 50 4 883530778 +222 24 3 877563622 +193 73 3 889127237 +430 744 3 877225965 +279 809 3 891208945 +292 7 3 881104068 +429 794 3 882385593 +452 609 4 875562374 +401 280 2 891032607 +283 435 5 879298206 +1 135 4 875072404 +479 228 4 879461060 +457 53 4 882548645 +201 962 4 884113082 +249 273 4 879640284 +205 300 3 888284245 +385 1286 3 879446952 +381 673 3 892696209 +286 394 5 877534771 +180 658 5 877355598 +299 728 2 889503159 +256 620 3 882151743 +307 230 5 879538921 +429 568 3 882385859 +84 15 4 883449993 +452 467 3 885491030 +425 491 2 890347047 +118 675 5 875385386 +204 300 3 892388900 +456 568 2 881374246 +321 529 4 879440342 +43 496 5 883955605 +301 237 4 882074291 +344 972 4 884901503 +395 210 5 883763136 +403 123 3 879786112 +320 566 3 884749384 +141 1244 3 884585364 +363 699 2 891495850 +378 280 2 880044489 +405 400 1 885549044 +380 58 2 885479355 +234 630 2 892334141 +416 496 5 893212572 +416 1089 2 876697695 +406 787 3 880132047 +484 235 2 881450160 +295 1473 4 879519473 +290 230 4 880473557 +330 357 4 876546439 +343 117 2 876403121 +144 847 4 888104063 +254 102 3 886473929 +127 750 1 884363851 +454 507 3 881960265 +239 162 5 889179131 +246 138 1 884923715 +326 705 3 879875399 +94 510 5 885873089 +484 550 4 891195390 +440 1504 4 891578226 +409 489 5 881107817 +201 950 3 884140610 +240 272 5 885775536 +416 930 3 878878814 +268 227 4 875310824 +21 563 2 874951898 +274 846 2 878946204 +60 97 3 883326215 +59 9 4 888203053 +246 652 5 884921033 +268 480 5 875309430 +301 94 4 882079172 +172 612 3 875537964 +486 846 2 879875154 +13 216 3 881515193 +405 302 4 885544635 +456 963 4 881374047 +187 735 4 879465532 +378 195 3 880046516 +405 778 1 885546248 +189 196 5 893266204 +268 407 1 876514002 +468 1008 4 875283843 +318 205 3 884496334 +48 483 5 879434607 +299 346 3 886101436 +401 144 5 891033523 +442 546 3 883390574 +140 294 3 879013651 +290 683 2 880473415 +236 1401 3 890116335 +87 100 5 879876488 +357 280 5 878951831 +422 181 4 875129839 +193 412 3 889127787 +416 1007 5 893213918 +198 403 4 884209353 +484 70 5 891195036 +389 630 3 880087389 +468 209 5 875296309 +94 419 3 891721615 +407 399 3 876342618 +41 196 3 890687593 +292 24 4 881104481 +125 210 5 879454243 +387 4 3 886482969 +461 682 1 885355705 +230 501 3 880485352 +250 844 4 878090414 +398 1126 4 875722533 +83 66 4 880307898 +451 262 1 879012647 +387 357 5 886479690 +138 518 4 879024327 +60 661 4 883326808 +445 1187 3 891200137 +236 523 2 890116221 +450 523 5 882371904 +391 205 5 877399337 +332 1011 3 887938631 +274 762 5 878945610 +332 298 4 887916575 +290 434 4 880474422 +455 343 4 882141285 +276 1006 3 874787353 +389 497 4 879991461 +279 824 4 875297456 +385 659 4 879441942 +174 1 3 886433898 +334 1313 4 891544407 +280 215 3 891701723 +406 1021 5 879446718 +15 251 2 879455541 +457 237 4 882393712 +323 121 3 878739618 +276 653 5 874795729 +465 198 2 883532119 +297 508 4 874955210 +341 358 1 890758050 +293 416 4 888907575 +320 763 4 884748683 +52 864 3 882922661 +200 546 3 884127745 +171 340 3 891034756 +262 99 3 879792262 +177 806 4 880131216 +387 603 4 886480548 +151 448 2 879528779 +15 936 5 879455889 +13 800 1 882397067 +246 211 4 884922605 +326 608 4 879875930 +417 928 3 879646821 +313 185 5 891013773 +308 208 4 887736798 +177 654 4 880131106 +254 1263 1 886474426 +405 625 3 885548836 +368 56 4 889783407 +78 301 5 879633467 +411 709 5 892845604 +447 133 4 878856052 +407 1230 2 876342822 +484 195 5 891195349 +360 744 4 880355066 +24 55 5 875323308 +327 746 3 887818992 +200 826 4 876042556 +6 165 5 883600747 +474 180 5 887924028 +60 181 4 883326754 +11 259 3 891902270 +330 699 5 876547032 +244 581 4 880607903 +467 50 4 879532385 +267 364 2 878974460 +49 145 1 888067460 +194 628 3 879540171 +184 117 2 889907995 +444 1483 2 891978807 +346 431 5 874950616 +374 151 3 880393811 +102 56 3 888801360 +269 357 5 891447773 +123 504 5 879872948 +425 241 2 878738548 +448 269 5 891887338 +406 93 4 879445562 +89 7 5 879441422 +405 671 2 885548330 +417 421 4 879647561 +7 192 4 891352010 +295 229 4 879519010 +359 7 5 886453325 +413 181 5 879969591 +46 125 4 883616284 +406 430 4 879445430 +183 216 4 891479033 +465 109 3 883532119 +425 204 4 890347138 +125 294 4 892835778 +299 167 3 889503159 +128 191 4 879967080 +373 162 3 877098568 +183 212 4 891467870 +408 319 5 889679947 +11 414 3 891905393 +92 234 4 875654297 +474 134 4 887923972 +274 1063 4 878946502 +234 182 3 892078567 +346 616 1 874948890 +23 597 3 874785024 +453 7 5 877562135 +262 423 4 879793854 +455 214 3 879112122 +253 156 3 891628614 +54 340 4 890608225 +102 650 3 888801063 +345 170 5 884902317 +159 1278 3 880557782 +334 230 4 891548808 +110 402 4 886988293 +453 456 3 877552540 +417 392 3 880950280 +141 235 1 884585437 +362 323 2 885019651 +387 233 3 886483151 +210 154 4 887730341 +102 182 3 889362833 +399 407 3 882341644 +465 474 3 883531246 +60 121 4 883327664 +326 38 3 879877005 +405 31 1 885548579 +356 315 4 891405619 +367 218 4 876689962 +435 1109 3 884132643 +287 200 4 875335237 +442 79 3 883390366 +77 201 4 884752785 +164 258 5 889401221 +452 805 4 875562441 +184 402 3 889910013 +256 234 5 882164696 +193 274 3 889126272 +268 402 1 875745231 +417 101 3 879649001 +479 931 2 879460681 +16 467 5 877720733 +416 385 5 893213103 +95 183 5 879197329 +54 7 4 880935294 +429 193 4 882385267 +264 222 5 886122577 +480 175 3 891208356 +7 447 5 891350900 +450 685 4 882374134 +253 732 4 891628651 +267 176 5 878971874 +458 48 4 886396192 +399 187 3 882346401 +370 435 3 879434999 +58 176 4 884304936 +258 258 2 885700811 +253 523 4 891628501 +374 202 3 880394716 +276 1245 3 874787091 +279 712 5 875312339 +416 176 4 876699652 +268 100 3 875742316 +188 483 5 875072009 +249 742 3 879640241 +294 472 3 889242370 +200 451 4 884129006 +339 233 1 891036503 +411 304 3 891034982 +69 763 3 882126156 +156 357 4 888185677 +186 106 2 879023242 +18 60 4 880132055 +451 322 4 879012510 +405 664 1 885546724 +279 990 1 875249134 +296 521 4 884197091 +417 748 4 879646785 +339 257 4 891033710 +249 583 4 879640918 +326 177 3 879876881 +85 319 4 879452334 +5 135 4 875637536 +330 238 5 876546323 +336 33 3 877756242 +254 400 3 886475790 +405 653 1 885548579 +480 183 4 891208651 +206 361 1 888180082 +405 452 5 885548434 +30 258 5 885941156 +442 44 2 883391146 +410 898 3 888627138 +94 1091 3 891722306 +378 423 4 880056287 +184 166 3 889910684 +295 217 4 879517705 +253 182 3 891628374 +385 479 5 879441538 +474 317 4 887925187 +254 133 5 886473158 +467 150 4 879532385 +312 488 5 891698334 +185 690 4 883526267 +82 514 4 878769442 +22 996 1 878887158 +130 746 5 876252012 +409 321 2 881104837 +372 23 5 876869701 +77 511 2 884753152 +62 230 2 879375738 +354 1017 3 891216896 +308 123 3 887738619 +437 213 4 881000931 +237 705 3 879376487 +342 28 2 875319383 +409 97 5 881109216 +157 50 4 886890541 +352 100 4 884290428 +99 619 4 885679091 +446 748 2 879787149 +92 29 3 875656624 +200 1419 5 884130679 +197 399 2 891410082 +95 175 5 879197603 +196 66 3 881251911 +387 273 4 886481151 +117 122 2 886022187 +143 272 4 888407586 +372 185 5 876869445 +94 386 4 891722382 +276 50 5 880913800 +312 428 3 891698424 +259 1135 5 877926006 +151 466 5 879528496 +184 631 4 889910612 +484 300 4 887519214 +387 215 2 886483906 +125 79 5 879454100 +316 170 4 880853810 +23 202 3 874785165 +469 499 5 879524485 +214 708 4 891544152 +145 559 2 877343156 +20 498 3 879669001 +296 257 5 884196921 +178 274 4 882824253 +354 173 3 891217394 +405 1240 1 885549192 +487 1044 3 884051761 +363 653 3 891495682 +459 978 2 879563435 +357 270 5 878951101 +280 232 3 891701649 +130 472 4 876251072 +254 313 5 886470465 +429 24 3 882386309 +348 225 3 886523645 +60 144 4 883325944 +412 724 4 879717095 +286 285 1 879781450 +194 197 4 879522021 +259 475 5 877925049 +361 525 4 879441253 +279 660 4 875313473 +428 301 4 885943782 +458 925 3 886395166 +354 387 4 891307180 +405 622 1 885548877 +450 478 5 887835272 +304 313 5 884968415 +417 655 4 879647900 +458 517 4 886398289 +385 1128 3 879441662 +234 48 2 892334107 +263 100 5 891298453 +387 223 5 886479771 +95 451 3 880572249 +463 410 1 890530286 +92 356 3 875813171 +417 638 4 879648078 +145 800 2 875272349 +198 1142 5 884205114 +447 174 5 878856052 +213 685 3 878870987 +422 15 3 875129882 +298 864 3 884183912 +487 56 4 883528441 +391 31 2 877399659 +269 51 2 891451111 +403 866 4 879786294 +194 135 3 879521474 +385 151 2 879440127 +303 12 4 879466937 +262 660 4 879794419 +222 80 2 881060155 +143 333 5 888407708 +286 251 5 876521678 +280 388 2 891702486 +407 684 3 875045268 +345 11 4 884992337 +416 338 3 880159023 +158 120 1 880134014 +459 322 4 879561679 +429 611 4 882385593 +416 204 5 893213404 +301 588 5 882077055 +65 50 5 879217689 +378 326 3 892382865 +110 1218 3 886989473 +75 220 1 884050705 +344 509 4 889814195 +429 56 4 882384683 +486 471 5 879874969 +159 294 4 884026788 +334 346 5 891544209 +387 1240 5 886483620 +401 202 4 891033319 +305 748 3 886308147 +373 161 4 877105005 +227 288 2 879035072 +194 633 3 879521254 +457 727 4 882396832 +276 426 3 874793092 +393 48 2 889728177 +13 523 4 882141306 +303 216 5 879466604 +291 285 4 874833746 +393 172 5 887745883 +405 40 2 885547735 +145 380 3 885557699 +7 612 5 891351121 +287 845 5 875334587 +437 89 2 880140101 +185 181 4 883524475 +279 234 2 875654542 +335 305 4 891566861 +448 292 4 891888178 +417 81 5 879647196 +363 566 3 891496439 +334 277 3 891544904 +26 151 3 891372429 +373 132 3 877106940 +399 809 3 882352357 +75 756 2 884050309 +62 273 4 879371980 +102 185 3 888802940 +10 697 3 877888677 +184 127 5 889907396 +42 229 4 881108684 +236 210 2 890118153 +85 393 4 879828967 +21 567 2 874951858 +427 1296 5 879701225 +249 1047 3 879640603 +85 10 4 879452898 +125 659 4 879454628 +55 117 3 878176047 +314 378 5 877888168 +69 282 3 882126048 +468 69 4 875291570 +158 168 5 880134948 +195 127 5 875771441 +7 91 3 891353860 +152 215 5 880149882 +286 658 5 877533543 +381 493 4 892697111 +72 443 3 880037418 +464 482 5 878355258 +339 484 5 891032495 +474 484 5 887925751 +54 25 4 880936500 +455 255 2 884027240 +392 180 5 891038371 +385 152 3 879445856 +222 679 2 881059678 +378 226 3 880332831 +361 813 4 879440475 +286 552 3 877535072 +416 997 3 876699526 +289 254 1 876790734 +336 122 5 877757134 +59 276 5 888203095 +234 980 2 891227851 +277 276 4 879543454 +457 370 3 882396133 +85 416 3 882994912 +387 735 2 886484012 +373 1087 1 877104086 +327 2 2 887820385 +394 132 4 880887000 +373 48 5 877098223 +279 1195 1 875312339 +152 410 4 882478038 +291 581 5 874834827 +207 993 3 877879206 +466 349 2 890283636 +393 1178 3 889729460 +456 710 3 881374649 +7 588 4 891352261 +429 128 3 882386424 +45 762 4 881013563 +393 81 2 889728324 +234 530 4 892333573 +398 154 2 875718614 +400 321 4 885676452 +151 525 4 879528570 +5 449 2 875636099 +332 8 5 888360108 +429 134 5 882385728 +416 328 5 893213644 +268 27 4 875744136 +38 84 5 892430937 +417 7 3 879646260 +94 225 3 891722646 +120 15 4 889490244 +5 226 3 875635962 +424 989 2 880859084 +482 321 3 887644023 +411 258 4 892845634 +435 63 2 884133757 +379 684 4 880525469 +95 180 3 880570852 +343 1067 3 876403078 +323 479 4 878739801 +451 683 1 879012470 +187 663 3 879465242 +76 216 4 875028624 +92 1040 3 876175658 +222 209 4 878181457 +377 7 4 891299010 +13 824 3 886302261 +236 1039 2 890115996 +437 131 5 880140787 +97 1 4 884238911 +455 508 4 882141385 +144 242 4 888103444 +381 1407 3 892697314 +454 378 3 888267128 +471 596 1 889827881 +329 198 4 891656268 +87 780 4 879877173 +387 549 5 886484012 +354 287 3 891216854 +458 321 3 889323855 +303 517 5 879484480 +20 588 4 879669120 +426 505 4 879445005 +28 164 4 881960945 +113 328 5 875076044 +1 68 4 875072688 +332 293 4 887916624 +343 79 4 876406144 +456 447 3 881374332 +251 22 5 886271955 +58 692 2 884305123 +235 69 4 889655468 +345 1226 3 884994592 +299 259 3 877877323 +332 12 5 888098205 +305 690 4 886307828 +130 469 5 876251693 +406 275 3 879446061 +96 174 5 884403020 +213 156 5 878955474 +212 199 5 879303831 +354 154 4 891217897 +317 264 4 891446843 +177 12 5 880130825 +435 225 3 884134076 +417 1215 2 879646712 +416 53 2 876699946 +152 371 4 882477356 +95 91 5 880573288 +454 153 3 888267521 +314 761 4 877889073 +407 88 3 876340144 +430 436 4 877226365 +153 294 2 881370859 +416 1041 3 886319408 +169 498 3 891359170 +487 280 5 883444860 +179 302 4 892151173 +21 872 2 874950889 +269 197 5 891447961 +102 672 1 888803148 +94 401 4 891722678 +320 586 3 884749412 +250 235 2 878089786 +7 660 5 891353051 +409 709 4 881108496 +222 651 4 878184290 +487 455 2 883444252 +304 286 1 884967017 +276 108 3 874786924 +94 451 4 891723494 +238 926 3 883576543 +270 546 4 876954484 +65 660 5 879216880 +327 484 3 887745303 +279 396 3 875314231 +322 196 4 887314352 +416 123 4 876697205 +271 118 3 885848132 +222 367 2 878181563 +363 222 5 891496513 +462 358 1 886365638 +471 477 5 889827918 +426 478 4 879442785 +373 633 4 877098262 +5 401 5 875636308 +389 95 3 880165832 +188 226 3 875074266 +280 161 4 891701249 +332 257 4 887916575 +182 191 4 876435434 +327 22 4 887744167 +354 955 3 891307180 +106 12 4 881451234 +55 181 4 878176237 +464 358 3 878354680 +35 261 3 875459046 +13 463 5 882140318 +207 224 3 884386473 +303 95 5 879484480 +21 680 1 874950972 +200 1219 3 884130289 +481 318 1 885828807 +13 327 3 881515521 +422 293 3 875130027 +406 769 1 879793011 +429 436 4 882386171 +38 445 2 892429399 +458 847 5 889324370 +42 173 5 881107220 +222 208 3 881059014 +2 295 4 888551164 +87 62 5 879875996 +27 286 3 891543393 +328 198 3 885045844 +115 183 5 881171488 +339 433 4 891033542 +339 383 1 891036834 +354 275 4 891216526 +431 988 2 877844657 +447 591 4 878855139 +119 1052 4 886177162 +183 77 3 891466405 +431 322 4 877844559 +62 431 2 879374969 +326 485 5 879875483 +271 479 4 885848615 +346 157 3 874950966 +439 257 4 882893737 +399 98 4 882342894 +91 612 4 891439471 +450 177 4 887136369 +130 769 3 880396541 +234 470 2 892335797 +166 984 5 886397802 +83 717 4 880307339 +276 473 4 874786831 +389 1147 4 879991387 +13 672 1 882396914 +463 311 4 889936814 +391 508 2 877400037 +293 742 2 888904927 +391 60 5 877399746 +279 153 5 891209077 +333 255 3 891045624 +405 1139 1 885546859 +414 310 4 884998993 +324 248 5 880575493 +487 597 4 883444674 +79 19 5 891271792 +221 23 4 875245462 +451 264 3 879012604 +385 1012 3 879440211 +379 89 4 880525424 +293 367 2 888906288 +450 742 4 882396564 +280 746 4 891701148 +327 151 4 887745871 +334 762 3 891545044 +263 1126 5 891298391 +487 470 5 883530409 +405 947 1 885548048 +7 294 1 892130809 +220 300 5 881197663 +11 56 4 891904949 +62 252 3 879373272 +389 80 3 880614254 +487 474 4 883445752 +365 342 2 891303614 +164 845 3 889402071 +145 988 1 891510040 +23 294 1 876785901 +311 483 4 884364437 +270 928 4 876956137 +94 647 5 891720921 +361 59 4 879440652 +173 321 4 877556864 +276 410 4 874786686 +18 476 3 880132399 +61 304 4 891220884 +72 134 5 880037793 +429 367 3 882386485 +151 286 5 879523838 +450 1044 4 887139844 +291 5 5 874834799 +135 98 5 879857765 +394 655 5 880888313 +5 405 3 875635225 +264 702 4 886123531 +339 1017 5 891033567 +354 100 5 891216656 +103 1089 1 880420178 +280 162 3 891701431 +44 98 2 878347420 +465 477 4 883530742 +308 143 4 887739136 +14 12 5 890881216 +293 313 4 888904004 +1 146 4 875071561 +456 231 2 881375226 +279 16 4 875296792 +314 1210 4 877889861 +423 977 1 891395787 +417 1018 3 879649247 +334 333 4 891544233 +467 762 3 879532478 +173 269 4 877556626 +311 276 4 884963282 +405 655 5 885545401 +460 129 3 882912261 +90 709 5 891383752 +435 841 2 884134553 +471 99 2 889827918 +279 398 4 875310764 +18 735 4 880130582 +435 123 2 884133509 +373 1147 4 877104115 +379 12 5 880524943 +346 29 4 875264137 +450 509 4 882398567 +115 4 4 881172117 +401 157 3 891033582 +472 118 4 875979082 +303 800 3 879485352 +399 265 3 882342776 +230 515 5 880484567 +416 366 4 886318128 +325 174 2 891478006 +69 475 3 882072869 +268 780 3 875743929 +343 23 5 876404499 +313 192 3 891015011 +87 575 3 879877208 +474 100 5 887915413 +339 451 3 891034151 +486 15 3 879875278 +469 484 5 879524062 +178 318 5 882826982 +83 846 3 891181639 +92 1073 5 875653271 +215 480 5 891436543 +130 54 5 876251895 +13 99 4 882398654 +112 879 4 884992566 +11 716 3 891905058 +454 607 2 888267315 +205 286 2 888284245 +295 660 5 879518143 +130 1151 3 877984840 +416 443 5 893213549 +311 622 3 884364437 +58 124 5 884304483 +378 845 3 880044419 +463 100 4 877385237 +401 528 5 891033442 +461 321 3 885355757 +418 315 2 891282521 +451 319 2 879012510 +75 123 3 884050164 +92 294 3 875640679 +432 123 3 889416312 +343 238 4 876404647 +38 70 5 892432424 +224 1221 3 888082742 +472 756 4 875978922 +381 526 4 892696831 +141 815 4 884585070 +307 215 4 879283036 +334 95 3 891548069 +454 746 2 881959778 +149 323 2 883512928 +474 474 5 887923789 +42 83 4 881108093 +229 245 3 891632385 +128 487 5 879968029 +392 297 4 891038137 +85 258 4 882812472 +458 591 3 886394730 +75 323 2 884049789 +10 50 5 877888545 +13 785 3 882141924 +325 211 3 891478627 +174 953 5 886514377 +463 10 1 890453075 +21 201 5 874951658 +151 137 5 879528754 +473 813 3 878157427 +409 162 4 881109264 +457 12 5 882397666 +412 70 4 879717449 +393 1074 3 889730296 +457 4 4 882397829 +269 154 3 891449189 +97 919 5 884239616 +130 1267 4 875217265 +321 633 5 879440109 +269 528 4 891447593 +280 56 5 891702544 +405 1566 1 885546248 +112 269 3 884992651 +58 11 5 884305019 +226 174 4 883889186 +196 257 2 881251577 +293 809 2 888908117 +352 195 4 884289693 +272 193 4 879455254 +340 946 5 884991647 +450 89 5 882371311 +256 1109 4 882164867 +487 76 4 883530484 +451 1392 1 879012812 +243 1 4 879987239 +393 391 3 889731703 +244 66 4 880607683 +402 25 4 876266926 +468 544 3 875280417 +276 1031 2 874793035 +349 10 5 879465569 +7 231 3 892132885 +328 553 3 885048235 +389 8 4 880086755 +468 405 2 875280462 +171 887 4 891034835 +65 185 4 879218449 +178 756 3 882824983 +178 846 3 882824467 +492 1021 3 879969415 +452 185 5 875264355 +416 1139 3 886318768 +458 410 1 886394778 +435 245 2 884130810 +415 328 5 879439135 +408 286 3 889679683 +398 158 3 875738202 +85 506 4 886282959 +463 3 2 877386083 +21 547 2 874951292 +334 61 3 891550409 +405 49 1 885547407 +461 1006 5 885355890 +178 764 3 888514648 +381 657 4 892696831 +484 554 4 891195565 +425 447 3 878738854 +28 670 4 881961600 +346 173 3 874948475 +20 866 1 879668583 +244 200 5 880606698 +286 1105 5 884583549 +181 1085 1 878962623 +459 181 4 879562939 +269 1135 2 891448456 +362 302 5 885019260 +401 237 3 891032367 +101 845 3 877136302 +177 693 4 880130653 +72 229 1 880037307 +406 526 5 882480511 +464 300 4 878354626 +152 1041 5 882477572 +198 871 1 884205277 +15 455 1 879455914 +84 111 4 883453108 +346 259 2 886273426 +128 328 2 879966406 +401 553 5 891033523 +268 399 3 875743656 +458 330 3 889324461 +222 282 4 877563227 +222 121 3 877564031 +293 111 2 888905062 +11 211 3 891905003 +405 648 1 885547124 +450 238 5 882396928 +1 176 5 876892468 +423 327 2 891394673 +478 151 5 889388038 +210 1012 4 887730789 +96 42 1 884403214 +144 257 4 888104258 +268 120 2 875743282 +65 294 4 879217320 +449 122 1 879959573 +373 366 4 877105857 +312 70 5 891699398 +89 187 5 879461246 +479 28 4 879461800 +429 826 3 882387139 +78 1047 1 879634199 +456 200 4 881374390 +334 89 4 891545898 +393 418 3 887746207 +311 768 2 884365889 +18 416 5 880131144 +429 170 5 882384526 +398 126 4 875652700 +463 103 1 890530703 +18 4 3 880132150 +435 300 2 884130647 +96 7 5 884403811 +446 883 3 879786837 +145 595 3 885557505 +445 504 3 890988206 +296 357 5 884197068 +42 385 5 881108147 +109 211 5 880578230 +358 584 4 891269913 +455 597 3 879110123 +141 121 4 884585071 +442 26 3 883388576 +405 772 1 885546379 +422 217 3 879744143 +276 942 4 889174904 +398 134 3 875658898 +197 333 2 891409111 +92 679 4 875660468 +451 331 5 879012431 +387 209 5 886480206 +151 382 4 879528754 +58 645 5 884304838 +486 823 4 879875347 +109 944 3 880579107 +318 238 3 884497359 +212 423 4 879304010 +270 60 5 876955066 +179 917 3 892151231 +299 1006 4 878192804 +348 409 4 886523710 +235 655 4 889655550 +84 1028 3 883452155 +18 45 5 880130739 +426 191 4 879442128 +328 380 3 885047737 +253 56 3 891628229 +122 193 4 879270605 +194 178 3 879521253 +404 243 3 883790465 +416 1495 3 886318707 +391 328 3 877398552 +23 14 4 874784440 +90 875 1 891382612 +59 232 3 888206485 +16 216 5 877722736 +110 849 3 886988664 +145 89 4 882181605 +227 294 3 879035431 +433 690 2 880585028 +130 501 5 875801716 +493 222 3 884130416 +301 143 4 882077330 +379 200 4 880524582 +222 546 3 877563462 +429 89 4 882385168 +450 29 3 887661438 +468 742 3 875280310 +308 473 3 887739951 +486 1014 3 879874784 +213 252 3 878870456 +380 1045 3 885479799 +291 1059 4 874834345 +274 924 3 878945918 +95 436 5 879198547 +7 201 2 891351471 +435 50 5 884132515 +281 333 3 881200457 +405 1210 1 885548670 +308 82 4 887738470 +407 660 3 876338986 +298 483 5 884125441 +301 550 3 882078040 +313 25 2 891016757 +195 59 3 888737346 +188 629 4 875073246 +456 3 4 881371660 +444 300 4 891979402 +24 238 5 875323274 +216 182 4 883981859 +437 433 3 880140369 +54 24 1 880937311 +128 942 5 879968742 +425 379 2 878738887 +125 323 3 892836124 +403 127 4 879786221 +288 544 5 886892241 +484 25 3 881449561 +65 168 4 879217851 +399 174 3 882342187 +407 4 4 876340144 +235 1021 5 889656090 +470 1097 3 879178487 +151 86 5 879524345 +60 195 4 883326086 +43 189 5 875981220 +389 152 4 880087647 +350 133 5 882346900 +336 168 5 877757700 +296 55 5 884197287 +299 191 4 878192039 +451 260 5 879012580 +14 920 4 880929745 +1 166 5 874965677 +320 627 4 884751418 +452 597 5 885816916 +405 1589 1 885549745 +128 838 5 879968164 +303 482 5 879467361 +158 546 3 880132719 +379 405 3 883156925 +387 64 3 886480206 +279 10 4 875295838 +343 77 3 876405004 +152 120 2 880149686 +189 1400 3 893265684 +189 172 5 893265683 +298 705 4 884182148 +387 1128 4 886481033 +60 385 4 883327799 +60 665 4 883326893 +336 1037 1 877757550 +311 465 4 884365406 +348 107 4 886523813 +437 466 2 881001121 +280 925 4 891701723 +249 1073 4 879640918 +234 183 4 892079585 +487 939 3 883446757 +459 846 4 879563435 +468 507 5 875295412 +407 869 3 875548522 +293 3 2 888905399 +435 226 4 884133161 +453 412 2 877553302 +416 259 2 885114559 +429 820 3 882387233 +419 286 4 879435190 +59 781 4 888206605 +468 294 3 875279153 +393 409 4 887745258 +330 864 4 876544278 +354 20 5 891216498 +403 240 1 879786084 +43 25 5 875975656 +437 969 4 881001888 +85 705 5 882994912 +378 117 3 880044419 +69 1142 4 882072956 +318 213 4 884497031 +254 1443 4 887347382 +332 815 4 887938224 +68 258 5 876973692 +346 89 4 874948513 +123 197 5 879872066 +406 453 2 880132319 +492 318 5 879969878 +451 875 2 879012721 +343 144 4 876405004 +101 1 3 877136039 +1 138 1 878543006 +102 175 4 892991117 +490 1 3 875427148 +436 102 4 887770588 +277 473 2 879543879 +262 169 3 879791844 +213 31 4 878956338 +343 155 1 876407379 +490 333 3 875427021 +458 939 4 886398187 +352 692 3 884290361 +407 859 3 876348639 +214 319 3 891542735 +416 423 4 878880195 +478 684 4 889396531 +264 269 5 886121456 +489 1293 5 891446623 +160 13 4 876768990 +37 665 3 880916046 +249 210 3 879641305 +424 683 3 880859084 +98 168 2 880498834 +213 286 3 878870598 +56 720 3 892910860 +313 837 4 891014898 +92 231 3 875654732 +384 878 4 891274962 +266 285 4 892257940 +328 241 5 885047252 +268 384 3 875743868 +15 306 5 879455165 +213 175 4 878955599 +394 154 3 880887152 +52 471 4 882922562 +445 475 5 891200869 +193 269 4 889123086 +465 481 4 883529984 +115 357 5 881171982 +435 257 4 884134363 +241 343 2 887250085 +74 313 5 888333219 +374 56 5 880394885 +434 546 5 886725076 +402 591 4 876267041 +200 282 4 884127745 +64 97 3 889738085 +244 111 4 880604550 +409 135 5 881107860 +187 97 3 879465717 +119 96 5 874781257 +403 410 2 879790445 +95 391 2 879196566 +457 228 5 882392853 +126 333 2 887853919 +276 1221 3 890979470 +486 221 4 879875040 +429 1443 2 882386601 +483 237 3 878953019 +130 888 3 881076146 +226 508 4 883889984 +271 1411 2 885849895 +293 240 2 888905086 +406 481 3 879446168 +472 250 5 875978059 +336 121 4 877760441 +308 432 4 887737036 +62 56 5 879373711 +1 247 1 875241619 +54 471 4 880937399 +406 715 4 880131821 +18 287 4 880131144 +453 568 3 888207161 +327 8 4 887819860 +299 895 2 884993860 +92 200 3 875811717 +452 1534 1 876298233 +308 254 2 887742454 +181 15 3 878962816 +433 748 4 880585491 +471 588 1 889827881 +221 335 4 876502948 +308 318 4 887736743 +100 300 4 891375112 +195 264 3 890721304 +94 642 4 891720590 +151 118 3 879542588 +151 631 3 879524849 +190 125 3 891033863 +393 808 4 889554882 +60 128 3 883326566 +94 190 5 885870231 +113 303 5 875935244 +373 480 3 877098643 +322 608 3 887314027 +394 550 4 881058101 +398 485 5 875657857 +332 11 5 888359882 +330 148 4 876544781 +117 237 4 880126232 +387 96 4 886480447 +1 89 5 875072484 +269 88 1 891450427 +9 615 4 886959344 +474 161 4 887926633 +145 1073 5 875272009 +490 9 4 875428765 +472 1210 3 875983484 +345 43 3 884993890 +128 873 1 879966524 +455 647 4 879111092 +110 33 4 886988631 +426 418 3 879444871 +472 625 4 875981968 +422 235 2 875130173 +92 198 5 875653016 +158 96 4 880134332 +450 15 3 882812350 +463 930 1 889936180 +458 152 5 886397275 +450 837 4 887835478 +327 4 4 887819161 +199 892 1 883782485 +293 258 3 888904092 +236 132 4 890115897 +279 129 1 884986081 +358 863 5 891269666 +226 527 4 883889430 +132 56 5 891278996 +271 392 3 885848343 +478 673 3 889395696 +119 831 2 874775980 +328 11 3 885047450 +404 259 5 883790491 +268 71 3 875309486 +11 577 3 891905555 +452 14 3 888568076 +428 289 4 885943981 +493 284 4 884130619 +194 90 3 879552841 +411 265 5 892845604 +313 328 4 891012907 +453 42 5 877554301 +94 943 3 891722338 +1 2 3 876893171 +336 94 3 877756890 +125 258 5 892835624 +175 193 4 877108098 +337 515 5 875184280 +393 997 1 889731703 +159 1095 5 880557824 +230 134 4 880484755 +487 1188 3 884045361 +301 144 4 882076021 +210 629 3 891035928 +246 412 1 884923305 +298 527 5 884182725 +437 1134 4 880141008 +344 272 5 885769962 +194 194 4 879523575 +76 324 4 875027206 +453 154 3 877554587 +196 108 4 881252110 +224 1401 1 888104554 +221 1090 3 875246783 +325 2 1 891478772 +445 87 3 890988205 +436 90 3 887770266 +429 640 3 882386533 +130 1034 2 876250833 +458 50 2 886396521 +380 770 3 885480222 +484 141 4 891195886 +270 713 5 876954122 +242 1 4 879740362 +253 588 5 891628416 +311 300 4 884363831 +482 988 4 887643499 +343 87 4 876404613 +13 739 4 886303745 +275 826 2 876197904 +305 163 3 886325627 +189 241 3 893265947 +301 76 4 882078250 +406 634 4 879446361 +293 89 5 888905582 +276 1047 3 889174658 +417 178 3 879646965 +288 427 5 886374342 +343 660 3 876405004 +468 31 3 875287615 +394 1033 3 880889475 +234 216 3 892078605 +389 174 4 879991115 +145 1132 3 875271522 +405 212 1 885546445 +313 525 5 891013525 +181 1349 1 878962278 +303 1270 1 879485770 +276 720 2 874791464 +155 990 3 879371194 +459 825 3 879563474 +397 513 5 885349715 +160 100 5 876767023 +403 471 5 879785822 +122 429 3 879270165 +146 258 4 891457714 +314 501 4 877888610 +244 537 5 880602593 +458 333 1 889323582 +286 417 3 877533993 +43 291 3 883955995 +395 342 4 883762414 +457 474 5 882398178 +400 304 4 885676490 +484 96 5 891195323 +376 514 4 879434613 +458 423 2 886396314 +286 475 4 875807074 +385 160 4 879441572 +450 65 3 882376885 +210 172 5 887736261 +222 79 5 878181906 +354 863 3 891306919 +416 708 4 889907392 +254 64 4 886472051 +267 231 4 878973153 +293 62 1 888907624 +210 23 5 887730102 +406 737 3 879793376 +312 1 5 891698832 +367 919 5 876689790 +43 82 4 883955498 +406 756 3 879540387 +373 392 4 877100061 +489 342 3 891445199 +313 480 5 891013742 +301 1074 2 882078580 +271 660 5 885848971 +14 127 2 879644647 +325 1 2 891478665 +308 30 4 887738933 +338 654 5 879438143 +450 49 5 882469728 +450 176 4 882373088 +162 11 4 877636772 +487 293 5 883441813 +407 269 3 893081121 +407 202 4 876338150 +405 552 1 885548686 +152 71 5 882900320 +305 88 2 886323966 +85 481 4 879454582 +446 294 1 879786984 +222 378 1 881059993 +389 172 5 879991175 +246 475 4 884921637 +174 221 4 886433771 +478 50 3 889396509 +474 921 3 887926271 +12 392 4 879959025 +438 237 5 879868278 +6 22 3 883602048 +213 181 4 878870552 +34 1024 5 888602618 +242 475 3 879740223 +207 137 3 877821612 +44 200 4 878347633 +71 64 4 885016536 +354 507 3 891306892 +435 550 3 884133253 +264 1074 4 886123727 +144 533 4 888104258 +479 168 5 889126007 +141 244 5 884585247 +325 272 3 891477537 +201 171 3 884111678 +263 316 5 891297416 +496 142 2 876067686 +344 955 4 889814195 +468 51 3 875293386 +394 554 4 881058101 +455 196 4 879111737 +250 288 4 878088970 +393 87 4 889554706 +398 95 5 875659266 +76 42 3 882606243 +440 283 5 891577894 +374 148 4 880392992 +380 71 4 885479082 +218 203 4 881288620 +25 479 5 885852569 +332 982 3 887938601 +13 83 2 886303585 +176 151 4 886048305 +194 503 4 879522916 +467 264 2 879532296 +455 161 4 879112098 +406 476 4 879540147 +494 64 5 879541207 +286 883 5 884069544 +100 328 4 891375212 +13 313 4 882774047 +64 265 4 879365491 +330 91 4 876547426 +326 491 4 879876235 +279 421 3 892864867 +335 902 5 891566808 +158 275 5 880132313 +452 173 4 875261350 +193 38 3 889126055 +151 528 5 879524849 +201 1422 2 884114194 +387 319 1 886484384 +360 45 4 880355747 +374 845 2 883627072 +71 257 5 877319414 +394 576 2 881058371 +417 727 5 879648325 +472 232 4 875983321 +268 369 1 875744021 +393 1120 3 887745409 +361 90 2 879441179 +271 218 3 885849087 +256 118 5 882151123 +457 471 4 882393421 +279 413 4 889151529 +396 288 3 884645648 +318 381 1 884497516 +50 319 5 877051687 +18 319 4 880129305 +385 865 4 879924267 +471 94 5 889828081 +378 87 4 889665232 +178 237 4 882824291 +314 794 4 877888952 +450 434 3 882372027 +433 657 5 880585802 +464 328 3 878354722 +77 97 2 884753292 +195 797 3 877835268 +455 300 4 878585250 +452 792 5 887890364 +422 410 5 875130230 +128 132 3 879966785 +181 1389 1 878962119 +373 648 4 877099048 +456 80 2 881374967 +326 720 2 879876975 +456 161 3 881374967 +59 216 4 888205228 +420 319 4 891357188 +178 472 4 882824194 +339 117 3 891034152 +435 136 4 884132434 +457 48 5 882397293 +184 528 5 889908462 +124 172 3 890287645 +483 144 2 878954228 +192 284 5 881367987 +73 255 2 888792938 +90 117 3 891385389 +168 126 5 884287962 +457 980 4 882395283 +145 510 4 882181859 +95 82 3 879196408 +19 319 4 885411465 +58 433 5 884305165 +21 322 3 874951005 +271 476 1 885848062 +195 753 3 874824313 +257 676 4 882050006 +430 9 3 877225726 +303 808 2 879484480 +271 12 4 885848314 +267 789 5 878972119 +5 443 4 875720744 +37 82 1 880915942 +313 823 3 891028555 +405 780 3 885547691 +385 24 3 879440726 +10 157 5 877889004 +15 928 1 879456404 +495 174 5 888632319 +454 82 4 881960446 +305 168 4 886323115 +328 739 3 885048611 +326 397 3 879876975 +432 246 4 889415895 +450 729 4 887139517 +301 527 4 882076238 +6 419 4 883602284 +198 690 3 884204427 +198 25 2 884205114 +452 488 4 885546945 +417 441 3 879648611 +207 291 3 876018608 +328 665 2 885048801 +379 461 4 880525031 +318 24 4 884495132 +90 175 3 891383912 +178 340 1 882823353 +449 1318 2 879959573 +323 741 3 878739543 +450 1184 1 882397049 +158 118 5 880132638 +495 167 4 888636958 +251 111 3 886272319 +145 1290 1 875272732 +224 276 3 888104116 +384 328 4 891274091 +486 689 2 879874064 +324 538 4 880574901 +234 174 3 892078605 +437 404 5 880141374 +13 462 5 882140487 +434 121 4 886724666 +293 503 4 888907145 +477 815 5 875941763 +333 435 4 891045245 +395 98 5 883764061 +454 245 3 881958782 +493 762 4 884130439 +481 210 4 885828165 +455 173 4 879111937 +374 819 3 882157793 +293 297 4 888905034 +58 501 2 884305220 +109 763 2 880571715 +6 50 4 883600842 +345 1117 4 884900810 +192 50 4 881367505 +454 172 2 888266906 +490 284 3 875427993 +56 183 5 892676314 +38 97 5 892430369 +280 98 5 891700208 +447 7 5 878854383 +313 496 5 891014753 +343 324 5 876402468 +479 174 5 889125837 +454 173 2 888267028 +311 729 4 884365451 +110 905 3 886987236 +23 414 3 874785526 +328 270 2 885044641 +416 105 2 876698430 +198 215 4 884208098 +94 25 3 891724142 +486 147 2 879875249 +6 520 4 883600985 +222 216 4 878182632 +15 14 4 879455659 +340 215 5 884990620 +460 286 4 882910838 +401 588 2 891033549 +457 631 4 882547620 +43 313 5 887076865 +353 328 2 891402259 +432 151 4 889415895 +445 845 2 891200320 +294 347 5 889241377 +429 1035 3 882386260 +457 699 4 882548615 +303 575 4 879544219 +493 69 5 884130995 +10 302 4 877886162 +387 50 5 886480108 +7 596 5 891351728 +312 434 3 891699263 +23 124 5 874784440 +256 232 3 882164525 +405 469 1 885546288 +284 262 4 885328836 +467 109 5 879532550 +426 754 1 879441707 +62 605 3 879375364 +486 476 3 879875371 +59 123 3 888203343 +361 475 4 879440475 +476 204 4 883364325 +493 751 5 884129793 +7 611 3 891351161 +106 211 4 881452532 +151 496 4 879524974 +339 650 4 891032438 +387 969 3 886480163 +345 696 3 884991267 +319 269 3 875707746 +131 251 5 883681723 +405 624 4 885548836 +487 658 4 883530434 +58 514 5 884305321 +280 94 2 891702028 +151 152 3 879525075 +363 752 5 891493885 +62 744 3 879372304 +460 289 4 882910838 +280 90 4 891701530 +497 234 2 879361847 +234 1447 3 892336119 +464 709 5 878355258 +456 443 4 881373019 +405 431 3 885547996 +326 501 3 879876688 +11 386 3 891905279 +269 723 1 891448643 +416 126 5 893213103 +20 423 2 879669313 +102 319 4 875886434 +295 91 5 879519556 +339 209 5 891032600 +200 1034 3 891825521 +60 210 4 883326241 +57 245 4 883696709 +473 1129 4 878157507 +473 257 4 878157456 +486 620 2 879875441 +363 469 2 891496077 +393 780 4 889731390 +487 121 4 883444832 +479 325 1 879459791 +291 8 4 874871766 +423 304 4 891394632 +406 28 3 882461684 +433 60 5 880585700 +13 768 4 882398724 +291 238 5 874871736 +274 274 4 878945963 +15 269 5 879455165 +468 71 5 875295148 +429 1203 4 882386357 +84 294 3 883449317 +435 254 3 884134910 +495 71 5 888634111 +42 228 4 881107538 +110 64 4 886987894 +80 303 4 883605055 +484 755 4 891195825 +94 260 2 891725049 +405 1111 1 885547360 +362 328 2 885019504 +457 871 1 882393765 +268 1074 3 875744051 +224 97 5 888082552 +312 69 4 891699182 +456 1 2 881371548 +396 329 2 884645615 +416 276 3 876697243 +232 133 4 888549988 +474 316 5 887914979 +48 480 4 879434653 +256 769 5 882164955 +332 159 5 887939071 +436 127 5 887769930 +62 241 1 879375562 +104 126 4 888465513 +256 568 5 882164603 +117 172 5 881012623 +378 1135 2 880333069 +399 91 4 882345023 +174 239 4 886439537 +406 831 2 879540249 +303 13 4 879484918 +357 10 5 878951831 +339 86 4 891032221 +318 605 4 884497425 +201 387 2 884140825 +315 56 5 879821037 +59 284 2 888203449 +457 597 3 882393908 +357 595 4 878951537 +468 283 4 875280331 +189 105 2 893264865 +472 181 5 875978034 +256 56 3 882164406 +373 1188 3 877106597 +181 845 3 878962816 +40 337 4 889041523 +484 53 1 891195663 +305 1513 2 886322212 +293 955 2 888906464 +244 281 3 880605010 +440 512 3 891578059 +368 181 4 889783678 +218 294 2 881288574 +100 1235 4 891375454 +6 169 4 883600943 +371 42 3 880435397 +301 405 4 882074727 +22 451 4 878887062 +158 745 4 880135044 +297 603 5 875239942 +497 840 3 879310679 +244 833 3 880607878 +331 694 4 877196702 +472 1091 4 875982804 +347 1 4 881652518 +488 480 3 891376110 +378 62 4 880333851 +331 482 2 877196235 +236 203 4 890116132 +396 591 3 884646114 +388 845 4 886437163 +498 475 3 881954617 +311 321 3 884363948 +493 61 4 884131263 +454 1003 2 881960446 +470 294 3 879178237 +297 265 3 875239454 +194 1412 2 879551921 +80 100 5 887401453 +214 427 5 892668172 +95 199 5 880570964 +422 590 2 879743948 +56 158 3 892911539 +177 121 2 880131123 +416 155 5 893212895 +456 479 5 881373900 +394 79 5 880887206 +401 318 4 891032737 +442 159 4 883391299 +256 1228 1 882164643 +207 12 3 878104200 +6 246 3 883599509 +268 158 2 875743678 +450 70 4 882374497 +370 98 4 879434937 +235 327 3 889654594 +207 562 2 875509507 +436 447 1 887769444 +256 1114 4 882153699 +165 15 5 879525799 +476 232 3 883364250 +101 924 4 877136535 +442 342 2 883388147 +178 1016 4 882824253 +255 672 2 883216544 +222 176 4 878181804 +495 139 2 888636810 +429 550 3 882387350 +416 197 5 893213103 +435 1419 2 884133785 +32 288 4 883709915 +478 282 3 889398216 +344 385 2 884901503 +104 10 2 888465413 +94 356 4 891722646 +255 118 1 883216958 +387 219 2 886481686 +379 158 1 885063748 +278 245 3 891295230 +294 332 3 877818915 +184 357 5 889913687 +440 515 4 891578301 +435 73 3 884132403 +316 173 1 880853654 +237 357 4 879376327 +236 211 3 890116539 +57 125 3 883697223 +391 460 4 877400091 +361 737 4 879441179 +377 316 4 891297001 +237 190 4 879376515 +125 1246 2 892838687 +87 48 4 879875649 +314 280 3 877887034 +487 501 4 883531122 +407 99 4 876338883 +495 674 3 888635995 +487 252 1 883445079 +474 649 4 887927588 +144 187 4 888105312 +315 25 5 879821120 +435 403 4 884132756 +308 708 4 887739863 +97 135 5 884238652 +249 203 5 879572167 +145 879 5 877343000 +110 94 4 886989473 +470 824 4 879178731 +346 7 2 874947923 +409 474 5 881107351 +450 728 3 887834953 +268 33 3 875310645 +44 135 5 878347259 +100 1237 3 891375630 +457 436 4 882547619 +402 1048 2 876266985 +429 403 4 882385902 +43 756 3 884029519 +194 357 4 879520916 +296 287 4 884196765 +463 864 3 890530351 +136 647 5 882848783 +395 328 4 883762528 +271 507 2 885848707 +43 939 3 883955547 +116 333 2 876452054 +104 845 3 888465634 +484 651 5 891194910 +394 455 4 880889066 +332 763 5 887938421 +18 520 4 880129595 +244 553 5 880606215 +385 674 3 879447250 +267 515 5 878970710 +26 276 4 891386369 +269 204 2 891449842 +60 510 5 883327174 +268 579 1 875744021 +415 56 5 879439865 +405 50 5 885544947 +397 504 5 885349865 +429 481 3 882386237 +201 1428 4 884114099 +72 525 4 880037436 +44 132 4 878347315 +416 1091 3 892441516 +91 988 2 891438583 +405 969 3 885545015 +313 486 3 891015219 +130 299 3 874953526 +336 63 2 877757268 +447 183 5 878856394 +59 59 5 888204928 +496 64 3 876066064 +434 275 3 886724633 +104 840 1 888466086 +497 1185 1 879363205 +488 568 3 891294707 +417 382 2 880949941 +347 187 5 881653652 +63 475 4 875747319 +452 420 3 875562510 +479 248 4 879460192 +246 853 5 884922383 +213 222 3 878870790 +437 393 3 880382747 +58 300 4 884388247 +405 185 4 885544769 +87 232 3 879876037 +488 510 4 891294854 +378 235 4 880045006 +21 878 2 874951039 +270 145 3 876956419 +198 168 4 884207654 +286 176 4 878142001 +383 81 4 891193072 +207 826 2 877751143 +472 400 5 892791062 +412 206 2 879717649 +7 682 2 891350383 +293 856 3 888905686 +75 845 3 884050194 +343 83 4 876404957 +436 392 4 887769079 +133 272 5 890588672 +338 301 4 879437655 +455 1174 3 879109663 +437 1211 4 881001208 +435 190 4 884132146 +290 403 2 880475542 +308 248 4 887741437 +436 895 4 887768717 +497 227 2 879310883 +287 50 5 875334271 +444 100 5 890247385 +406 596 3 879540078 +363 1035 2 891497925 +314 1152 4 877887469 +452 971 4 875560019 +92 742 3 886443192 +237 179 4 879376641 +52 22 5 882922833 +384 271 4 891283502 +456 818 3 881372114 +64 50 5 889737914 +16 143 5 877727192 +311 177 5 884364764 +94 77 3 891721462 +479 528 4 879461060 +328 823 3 885049024 +286 181 3 875807043 +487 672 4 884024462 +421 517 2 892241491 +453 188 4 877554466 +303 1157 2 879543711 +405 179 1 885546201 +230 570 4 880485689 +130 262 3 877926419 +186 829 4 891719775 +94 369 1 891723459 +497 363 2 879310649 +489 289 2 891366748 +432 763 5 889416570 +393 417 3 887746523 +454 88 4 888267560 +22 840 4 878888184 +251 64 5 886271640 +425 363 1 878739095 +429 705 4 882384896 +354 137 3 891216575 +230 609 3 880485311 +279 372 4 875310117 +268 124 4 875742499 +118 919 5 875385386 +417 508 3 879646123 +452 269 5 888568251 +406 222 3 879445735 +296 198 5 884197264 +92 91 3 875660164 +416 55 2 876699102 +181 989 1 878961780 +295 188 3 879518042 +181 1337 1 878963121 +22 932 1 878887277 +462 289 5 886365837 +59 606 4 888204802 +201 227 4 884310149 +264 194 5 886123358 +152 237 5 880148734 +7 529 2 891352626 +419 223 4 879435785 +234 47 2 892334543 +487 276 3 883444252 +363 760 1 891499993 +236 432 5 890118251 +239 675 5 889180617 +145 300 3 875269755 +13 606 4 882140130 +487 932 3 883444941 +391 288 3 877398679 +442 286 2 883388031 +64 162 3 889739262 +83 732 4 880308390 +90 302 5 891383319 +190 281 3 891042916 +404 289 1 883790492 +133 346 3 890588577 +423 1265 4 891394788 +62 554 1 879375562 +23 132 4 874785756 +194 229 1 879535548 +40 305 4 889041430 +312 206 5 891699399 +340 199 5 884990988 +469 610 4 879523947 +357 245 4 878951101 +334 345 2 891544177 +90 606 5 891383173 +5 257 5 875635239 +420 753 5 891356864 +236 483 5 890116221 +330 132 5 876546498 +328 399 2 885049405 +13 773 1 882396869 +416 554 3 886318394 +299 311 4 880198334 +128 340 4 879966355 +465 300 3 883529601 +18 168 3 880130431 +435 90 4 884132756 +455 511 5 879110971 +95 1091 3 880572658 +416 747 5 893212929 +342 606 5 875318882 +413 257 4 879969592 +417 715 2 879648656 +466 321 2 890282986 +450 174 5 882374422 +286 111 5 876521858 +436 746 5 887770015 +152 1301 5 884018462 +499 511 5 885599227 +499 210 3 885599201 +405 1592 1 885549903 +276 84 2 877934232 +437 483 5 880141962 +417 242 3 879645999 +82 168 5 878769748 +417 871 2 886187012 +416 402 5 893212623 +178 82 5 882826242 +126 315 4 887853469 +301 156 4 882076098 +311 549 2 884366111 +87 202 5 879876403 +200 69 5 884128788 +491 475 4 891185170 +267 455 3 878970578 +62 70 3 879373960 +84 274 4 883452462 +130 27 4 875802105 +276 264 3 892436418 +491 45 5 891189631 +276 750 4 882659186 +311 127 4 884364538 +370 856 3 879435033 +474 705 3 887924619 +301 91 3 882078906 +26 750 4 891347478 +334 310 3 891544049 +23 275 5 874785474 +450 1047 4 882469941 +272 98 4 879454797 +354 421 2 891306852 +194 546 3 879541806 +7 143 3 892132627 +13 200 3 882140552 +493 252 4 884130619 +75 926 3 884050393 +481 1089 3 885828072 +244 946 4 880607545 +311 63 3 884365686 +130 423 5 875216978 +268 222 4 875742275 +435 542 1 884133691 +346 141 4 874950692 +498 176 2 881956498 +435 186 4 884132367 +117 678 4 880124435 +292 250 3 881104679 +472 120 5 883904649 +393 727 3 889729614 +442 168 4 883388325 +7 678 3 891350356 +378 744 3 880044609 +87 199 5 879875649 +267 64 5 878972193 +18 153 4 880130551 +95 31 4 888954513 +453 33 4 877561522 +432 315 5 889415763 +437 737 1 880142614 +487 117 5 883443504 +307 227 5 879538922 +129 286 5 883243934 +407 879 3 878597296 +388 111 3 886437163 +85 432 4 880838305 +16 282 5 877718755 +109 735 5 880577989 +347 157 5 881654567 +215 496 5 891435183 +280 176 3 891700426 +130 252 5 876250932 +456 737 3 881375254 +94 703 3 891721562 +21 300 3 874950889 +207 23 4 875509888 +64 22 4 889737376 +387 61 3 886483565 +416 11 4 876699238 +90 703 3 891384997 +207 179 4 877822224 +151 1039 4 879524471 +43 1047 3 883956387 +42 582 3 881108928 +164 293 4 889402121 +286 1375 5 889651445 +200 169 5 884128822 +404 343 1 883790656 +477 280 4 875941022 +379 701 4 892879481 +301 240 4 882074494 +11 258 5 891901696 +61 258 4 891206125 +85 527 4 879455114 +16 502 4 877723670 +456 460 3 881371942 +145 929 2 888398069 +27 244 3 891543222 +445 829 1 891200624 +407 244 3 884614753 +427 874 5 879701326 +39 313 4 891400159 +429 140 1 882386260 +456 933 3 881371595 +367 176 5 876689738 +319 268 4 889816026 +334 1014 2 891545293 +15 13 1 879455940 +486 874 3 879874297 +45 934 2 881015860 +2 242 5 888552084 +427 245 5 879701326 +325 137 5 891477980 +362 264 1 885019695 +297 114 5 875239569 +59 161 3 888205855 +416 297 4 876697448 +328 28 5 885045931 +472 151 3 875978867 +85 284 3 879452866 +426 132 4 879442083 +360 1 3 880354315 +296 293 5 884196765 +455 323 3 878585277 +406 63 3 880131821 +59 22 4 888204260 +21 674 2 874951897 +117 789 4 881011413 +196 202 3 881251728 +279 70 1 875309141 +85 57 5 879828107 +59 1021 4 888204996 +374 763 3 880393754 +75 477 4 884050102 +119 1034 3 874775980 +374 144 5 880394716 +493 431 5 884132037 +28 859 3 881961842 +312 463 5 891698696 +493 121 5 884131690 +276 240 4 874786713 +321 211 4 879440109 +371 210 4 880435313 +83 71 3 880328167 +467 268 5 879532164 +376 246 3 879459054 +271 526 5 885849188 +360 582 4 880355594 +394 679 3 881058062 +201 1011 3 884140853 +393 1244 3 887745380 +272 210 5 879455220 +176 475 5 886047918 +463 285 4 877385125 +311 100 1 884963136 +392 169 4 891038978 +281 308 1 881200297 +325 604 4 891478504 +495 153 5 888633165 +244 721 5 880602031 +313 322 3 891014313 +472 195 5 875982005 +456 218 4 881374522 +169 483 3 891359200 +460 532 3 882912370 +291 706 3 874867785 +312 187 5 891699345 +127 222 5 884364866 +234 430 4 892333683 +380 28 4 885479436 +450 723 3 882399818 +474 488 3 887925977 +343 744 4 876402941 +173 874 4 877556926 +16 95 5 877728417 +59 99 4 888205033 +432 410 4 889415895 +451 457 2 879012890 +388 769 3 886441306 +181 455 1 878962623 +376 198 5 879454598 +442 780 3 883388986 +435 674 2 884132643 +334 678 3 891544446 +387 790 1 886482969 +211 9 3 879460172 +184 378 4 889909551 +298 194 5 884127249 +64 768 2 889739954 +402 864 3 876266926 +393 3 3 887745293 +328 699 4 885046718 +364 294 5 875931432 +53 121 4 879443329 +184 183 4 889908630 +102 665 1 888802319 +474 191 5 887923789 +11 745 5 891905324 +234 153 3 892333830 +165 176 4 879526007 +417 428 3 879647966 +16 404 5 877728417 +462 332 5 886365706 +184 44 4 889909746 +30 259 4 875058280 +95 170 5 880573288 +20 181 4 879667904 +416 289 3 876696788 +456 68 4 881374437 +474 136 4 887925187 +425 298 4 878738992 +92 755 3 875656055 +373 265 4 877105901 +407 185 5 875044597 +379 736 4 880525945 +434 220 5 886724873 +342 282 1 875318366 +366 413 4 888857598 +308 510 3 887736925 +339 69 4 891032633 +495 89 3 888632888 +130 269 4 881075976 +121 479 5 891388113 +318 289 3 884470682 +284 347 5 885328727 +446 880 2 879786943 +125 195 5 892836465 +380 213 2 885479319 +408 288 4 889679791 +486 321 3 879874153 +455 582 2 879111982 +313 770 4 891028285 +144 196 4 888105743 +312 174 5 891698224 +210 94 4 891036181 +348 988 3 886522799 +276 402 3 874791407 +386 515 5 877654961 +395 596 2 886481149 +435 800 4 884133819 +385 896 5 883869456 +189 99 5 893265684 +230 79 5 880484778 +256 403 4 882164603 +396 1399 3 884645942 +345 56 5 884902317 +423 276 5 891395602 +343 152 4 876404612 +85 447 3 882994767 +399 84 2 882345842 +375 939 3 886622024 +393 237 4 887744328 +405 996 1 885547268 +395 257 5 883765386 +296 100 5 884196489 +346 748 4 874947380 +479 135 4 879461255 +280 29 3 891701852 +339 99 4 891035180 +436 1119 4 887769368 +291 31 4 874834768 +199 116 5 883782807 +60 174 4 883326497 +405 66 5 885547268 +128 121 4 879968278 +206 269 4 888180018 +380 95 4 885479274 +500 111 4 888538350 +451 984 4 879012647 +492 492 4 879969512 +123 435 5 879809943 +206 308 2 888180049 +424 275 5 880859410 +496 526 3 876067597 +426 490 4 879444853 +135 288 3 879857575 +38 402 5 892430539 +331 32 4 877196633 +472 763 4 875978922 +484 265 5 891195476 +154 919 4 879138712 +144 215 4 888105714 +369 50 5 889428642 +89 111 4 879441452 +493 82 5 884132058 +457 241 3 882398086 +299 88 3 889502902 +497 566 3 879310941 +232 531 4 888549647 +425 257 3 878738992 +412 408 4 879717016 +165 222 5 879525987 +339 88 4 891035454 +399 405 3 882340599 +94 728 2 891723748 +13 663 5 882140252 +276 931 2 874836682 +174 269 5 886432811 +272 50 4 879454900 +276 79 4 874792436 +83 508 2 887665655 +409 676 2 881108777 +420 275 5 891357071 +180 186 4 877127189 +407 629 3 876339975 +359 286 5 886453161 +474 48 4 887923923 +312 850 5 891698764 +43 111 4 883955745 +339 436 4 891035147 +320 226 4 884749306 +181 363 1 878963342 +397 332 2 882838773 +383 268 5 891192338 +476 72 4 883364433 +12 133 4 879959670 +385 451 1 879447205 +95 1101 2 879197970 +301 265 4 882075672 +387 226 3 886483252 +391 8 3 877399030 +472 747 5 875982051 +450 477 4 887660762 +457 722 4 882550154 +314 393 4 877889133 +346 215 3 874948303 +262 433 4 879791790 +451 682 4 879012580 +114 56 3 881260545 +184 176 4 889908740 +83 527 4 880307807 +13 350 2 886302293 +348 934 4 886523839 +193 310 4 890834947 +405 1099 1 885549588 +379 285 5 880524753 +291 290 4 874834001 +430 273 4 877225894 +349 596 2 879465814 +459 79 3 879566291 +90 607 5 891384673 +82 1163 2 884714204 +502 892 2 883702867 +373 136 4 877099091 +432 258 4 889416657 +236 476 3 890117308 +417 217 4 879648594 +195 982 2 877835350 +488 748 4 891293606 +450 419 5 887660504 +192 121 2 881368127 +15 252 2 879456351 +109 323 3 880562908 +97 204 5 884238966 +334 655 4 891546257 +109 265 5 880578185 +450 689 3 882216026 +172 606 3 875537964 +37 273 3 880915528 +284 307 4 885329322 +423 326 4 891394874 +11 654 3 891905856 +222 735 5 878184087 +118 559 4 875385306 +85 188 2 879454782 +379 62 2 888646058 +437 517 4 880140927 +396 829 3 884646648 +376 111 4 879459115 +181 974 4 878963417 +391 604 4 877399380 +363 159 1 891496667 +214 181 3 891543036 +178 322 3 882823460 +85 222 2 879452831 +13 342 4 885744650 +84 276 4 883449944 +452 554 3 875562245 +214 650 5 892668173 +398 732 4 875719199 +182 203 3 876436556 +22 167 3 878887023 +48 1065 2 879434792 +249 89 5 879572229 +428 908 4 885944024 +457 456 2 882395851 +301 203 4 882077176 +497 465 3 879363610 +452 171 4 875277472 +253 22 5 891628435 +373 403 3 877106741 +464 333 4 878354761 +97 431 3 884239616 +421 182 5 892241624 +181 1038 1 878962005 +480 203 4 891208520 +328 1483 4 893195825 +336 105 4 877755098 +91 498 3 891439271 +434 125 5 886724708 +336 732 3 877756356 +429 15 5 882386941 +424 689 1 880858887 +370 285 3 879435193 +420 251 5 891357070 +500 781 3 883874776 +407 448 4 875553460 +446 326 2 879786943 +487 739 2 884046879 +367 179 5 876689765 +223 866 4 891549945 +389 514 5 879991329 +16 79 5 877727122 +145 202 4 875272694 +33 245 3 891964326 +454 605 2 888267487 +405 1018 1 885549589 +450 582 4 882394097 +339 234 4 891032255 +346 117 4 874950054 +60 8 3 883326370 +289 21 1 876790499 +241 335 3 887250085 +275 515 3 876197552 +43 1023 3 875975323 +297 8 5 875239795 +466 331 5 890284231 +396 619 3 884646191 +264 676 3 886123172 +64 568 4 889737506 +474 257 3 887915511 +198 210 4 884207612 +503 181 5 879438319 +416 1037 2 892440156 +381 150 4 892697542 +275 154 2 875154878 +343 786 4 876406181 +90 837 5 891384476 +85 423 4 879454046 +18 211 5 880131358 +11 57 2 891904552 +474 77 5 887926106 +459 282 3 879562995 +279 146 1 875297281 +94 176 4 891720570 +450 270 4 882216108 +502 301 1 883702370 +393 69 4 887745883 +89 1074 5 879459909 +406 431 3 882480710 +283 175 4 879298270 +222 41 3 881060659 +189 283 5 893264300 +347 77 5 881654386 +406 3 3 879540228 +80 213 3 887401407 +64 603 3 889737506 +474 76 4 887926573 +378 619 3 880044879 +418 258 5 891282551 +95 596 2 879193651 +198 101 5 884209569 +194 498 3 879521595 +472 682 4 887297923 +64 11 4 889737376 +493 100 5 884130308 +472 318 5 892791017 +332 273 5 887938277 +392 1012 4 891038184 +284 748 3 885329671 +294 340 4 889241280 +142 408 4 888640379 +450 7 4 882376885 +303 29 2 879485134 +440 323 1 891577504 +411 720 3 891035761 +427 989 5 879701253 +458 717 1 886395230 +325 1003 3 891480133 +396 1028 3 884646191 +213 432 4 878956047 +303 1273 2 879485278 +488 434 4 891294785 +188 498 5 875073828 +310 1386 1 879436177 +250 1199 3 878089467 +141 259 1 886447904 +13 829 3 882398385 +406 427 4 879445897 +503 1316 1 892667252 +253 331 3 891627664 +92 240 2 875640189 +151 171 5 879524921 +399 722 2 882348153 +429 201 3 882385399 +175 234 5 877108015 +391 69 4 877399618 +472 609 5 875981551 +467 288 4 879532804 +292 58 5 881105442 +499 664 3 885599334 +496 132 3 876065881 +286 90 4 877533224 +419 514 4 879435785 +254 548 2 886475319 +435 367 3 884131741 +496 1074 2 876068100 +346 12 5 874950232 +354 1194 4 891217429 +173 305 5 877556626 +3 321 5 889237455 +387 135 5 886480288 +305 479 3 886323275 +354 189 3 891217249 +378 924 3 880331938 +339 317 4 891032542 +122 661 4 879270327 +188 28 3 875072972 +57 833 4 883697705 +251 685 4 886272585 +345 288 3 884901497 +203 288 5 880433368 +43 269 5 888177393 +313 178 5 891013773 +51 83 5 883498937 +158 209 5 880135001 +487 172 4 883530409 +405 1267 1 885546379 +135 56 4 879857765 +489 292 4 891366693 +450 155 4 882396564 +161 265 2 891171597 +342 732 3 875319786 +222 729 4 878184315 +340 88 5 884991584 +360 405 3 880354347 +344 137 5 884814668 +450 12 4 882373231 +416 82 5 893213444 +360 174 3 880356240 +407 316 4 887833034 +248 196 2 884535013 +450 774 4 882399818 +363 742 2 891497076 +493 879 4 884129823 +314 411 4 877892461 +433 194 5 880585759 +404 258 4 883790181 +327 1170 4 887819860 +430 288 4 877225239 +77 56 4 884752900 +294 476 3 877819792 +15 927 4 879456381 +438 121 5 879868328 +200 177 4 884129656 +479 55 4 879461207 +167 225 3 892737995 +295 230 4 879517271 +43 408 5 875975492 +450 383 2 882468790 +180 380 5 877127796 +415 180 5 879439791 +295 158 4 879518932 +66 741 4 883601664 +383 504 4 891193108 +346 951 2 874950463 +495 478 4 888632443 +392 170 5 891039015 +446 311 2 879787858 +214 318 4 892668249 +334 28 3 891546373 +416 531 5 893212572 +424 243 4 880859115 +366 445 5 888857932 +226 408 5 883888853 +425 7 3 878738290 +170 326 5 886623057 +469 136 4 879524062 +449 171 4 880410599 +487 218 2 883531507 +26 304 4 891348011 +11 317 4 891904174 +324 275 4 880575531 +92 71 5 875654888 +92 12 5 875652934 +244 660 4 880603881 +280 1035 4 891701785 +305 1015 1 886323068 +458 13 4 886394916 +453 233 2 888206003 +437 133 5 880140122 +1 30 3 878542515 +429 291 4 882386309 +426 510 4 879441978 +450 488 4 882371415 +345 28 3 884916441 +7 628 3 891352831 +494 183 5 879541158 +394 50 5 881132876 +18 486 3 880131559 +343 528 3 876405004 +334 50 5 891544867 +423 690 4 891394832 +465 496 3 883531246 +474 265 5 887924425 +489 321 3 891447845 +495 658 3 888635380 +500 1012 4 883865021 +305 153 3 886323153 +15 255 5 879455764 +504 163 4 887840517 +177 55 3 880131143 +288 345 5 886372155 +184 443 3 889911552 +193 402 3 889126375 +21 675 5 874951897 +493 423 2 884131020 +4 328 3 892001537 +222 73 4 878181976 +500 159 2 883876251 +174 1035 4 886515532 +94 569 1 891722980 +368 201 5 889783407 +484 343 2 883402932 +272 23 5 879454725 +453 97 3 877554743 +123 100 4 879872792 +293 933 2 888905399 +416 339 5 893214225 +85 170 4 879453748 +429 1079 2 882387164 +5 25 3 875635318 +261 301 4 890454246 +270 722 4 876955689 +398 63 2 875732862 +399 157 3 882342019 +378 792 4 880046475 +85 100 3 879452693 +336 762 5 877756890 +329 284 3 891656072 +456 431 4 881374437 +275 196 3 880314969 +495 413 5 888636032 +268 541 3 875744357 +378 380 3 880333695 +1 63 2 878543196 +301 29 4 882078492 +462 678 3 886365335 +481 66 3 885828203 +431 754 3 881127436 +435 943 3 884131712 +406 514 1 879445562 +347 235 2 881653224 +323 186 4 878739988 +95 449 3 879196665 +500 665 3 883876714 +130 248 3 874953769 +450 145 3 887661438 +426 525 4 879442227 +221 218 4 875246308 +503 69 4 880383679 +143 313 5 888407586 +125 216 3 879454419 +435 40 3 884133544 +472 685 3 875978740 +5 442 1 879198898 +8 233 4 879362423 +18 61 4 880130803 +440 751 3 891549397 +215 191 4 891435460 +16 941 1 877720437 +48 1064 4 879434688 +294 363 1 889243393 +231 255 3 879965760 +355 264 4 879485760 +64 310 4 889737047 +498 191 4 881957054 +311 215 4 884364999 +151 185 4 879528801 +125 369 3 892838777 +280 217 3 891701832 +40 286 2 889041430 +454 519 2 888267455 +399 318 5 882342589 +222 228 5 878181869 +194 625 3 879527145 +119 689 4 886175431 +331 124 4 877196174 +339 100 5 891032286 +102 168 3 888803537 +405 1547 2 885546288 +174 451 5 886513752 +396 300 3 884645550 +416 21 3 876697415 +251 472 3 886272585 +417 201 4 879648478 +405 207 1 885549543 +498 192 5 881957546 +167 726 1 892738385 +336 796 3 877758035 +478 276 5 889388862 +436 739 4 887771853 +450 401 3 882397224 +70 214 3 884067842 +361 333 2 879441490 +435 11 5 884131542 +372 1273 4 876869957 +405 1400 1 885545975 +207 298 3 875509150 +178 790 3 882827870 +7 98 4 891351002 +346 50 5 874947609 +119 762 4 874775465 +474 553 2 887927339 +5 186 5 875636375 +268 738 2 875744021 +234 1121 5 892334481 +299 190 5 877881356 +10 694 5 877892437 +94 722 2 891723494 +201 82 4 884114471 +85 28 4 879829301 +478 866 1 889388273 +268 164 2 875744556 +82 9 4 876311146 +339 702 4 891035850 +409 749 3 881105367 +347 164 3 881654752 +179 690 1 892151489 +479 286 1 879533972 +435 215 2 884131576 +456 498 4 881373473 +128 499 5 879967767 +94 475 5 885870362 +483 181 4 878950971 +405 557 1 885549650 +130 892 3 884623832 +425 252 2 878739054 +314 697 3 877888996 +483 900 3 885170586 +393 685 3 887744517 +268 229 2 875310784 +227 137 5 879035289 +282 262 4 879949417 +369 243 3 889428228 +303 53 3 879485608 +429 195 4 882385519 +269 239 2 891448386 +463 306 4 877384836 +450 301 4 882216475 +499 312 4 882995923 +505 193 3 889334477 +350 172 5 882345823 +437 484 4 880140051 +345 702 4 884993418 +387 98 4 886480244 +470 544 3 879178830 +246 238 5 884921429 +466 172 4 890284706 +409 9 4 881107992 +489 1238 4 891445352 +371 265 5 880435544 +283 202 5 879298206 +417 184 4 879647749 +62 655 3 879375453 +233 261 5 883356913 +141 7 5 884584981 +426 605 4 879442083 +463 274 3 877385664 +497 31 3 879361802 +102 409 2 892993855 +256 31 5 882164867 +437 216 5 880141041 +263 174 5 891299697 +315 428 4 879821120 +13 686 5 882397146 +234 5 3 892334338 +279 283 3 875296652 +177 358 2 882141918 +14 319 1 884482684 +110 401 3 886989399 +144 435 4 888105387 +405 76 3 885545606 +284 900 4 885328991 +500 836 5 883874290 +177 223 4 880130758 +13 417 2 882398934 +105 748 2 889214406 +399 1035 3 882352065 +487 43 3 884042206 +416 83 5 893213444 +354 509 5 891218249 +145 939 4 875272050 +450 468 4 882376803 +454 482 3 881960230 +446 288 2 879786838 +234 1168 2 892335108 +234 855 3 892079803 +421 516 5 892241554 +193 562 3 889126055 +416 633 4 876699757 +210 56 5 887730264 +307 401 1 879114143 +457 455 4 882393384 +160 1012 5 876769689 +417 764 3 879646677 +48 519 3 879434689 +466 566 3 890284819 +497 540 2 879311007 +426 318 5 879442044 +65 255 3 879217406 +301 118 4 882074903 +126 346 3 887853735 +166 294 3 886397596 +3 260 4 889237455 +313 77 3 891031950 +145 276 1 882182634 +399 1137 4 882340556 +387 293 4 886481002 +352 172 5 884289759 +417 792 4 879648079 +499 347 4 885597932 +463 988 2 877384836 +294 752 3 889241377 +453 578 3 888205764 +264 184 5 886122447 +506 470 4 874873423 +170 984 5 884103918 +322 156 4 887313850 +144 326 4 888103530 +450 157 3 882394180 +379 704 3 880524835 +456 12 3 881373655 +157 290 4 886890787 +493 886 2 884129868 +210 180 4 887735872 +32 240 2 883717967 +422 222 4 875130137 +459 295 3 879563367 +417 475 4 879646437 +279 181 3 875298494 +4 258 5 892001374 +65 651 4 879216371 +416 142 4 886319340 +436 96 4 887769535 +92 92 4 875654846 +495 797 4 888635524 +303 458 3 879467936 +303 381 4 879467574 +394 229 3 881132958 +493 11 3 884130852 +59 3 4 888203814 +49 82 1 888067765 +85 641 4 879454952 +482 289 3 887644023 +405 649 1 885546445 +87 22 4 879875817 +128 71 4 879967576 +14 921 5 890881384 +6 293 3 883599327 +221 386 3 875246662 +495 127 4 888634955 +294 307 3 889241466 +450 771 3 887835478 +456 1478 4 881374993 +342 223 4 875318907 +386 222 4 877654961 +373 156 2 877098374 +405 239 3 885546112 +181 983 2 878963038 +365 1420 2 891303454 +399 1246 1 882511876 +244 780 4 880602843 +216 412 2 880233197 +416 739 5 893212896 +331 214 3 877196702 +279 470 3 878262194 +437 229 3 880142942 +110 226 3 886988536 +90 1097 4 891384885 +496 183 2 876065259 +474 79 5 887924027 +110 56 1 886988449 +178 281 3 882824028 +409 264 1 881105366 +405 1346 1 885549790 +267 1090 3 878973854 +235 303 4 889654483 +399 651 3 882509971 +405 812 1 885548877 +455 2 4 879111786 +70 483 5 884064444 +500 1047 3 883865985 +452 498 4 875264976 +472 380 5 875982511 +488 33 2 891294976 +414 300 4 884999066 +11 405 3 891904016 +327 85 2 887819507 +327 1103 4 887819614 +354 1065 3 891217512 +405 791 1 885547605 +292 1142 4 881104481 +459 3 2 879563288 +270 531 4 876954945 +210 195 4 887736429 +453 11 5 877554174 +118 7 5 875385198 +301 665 2 882079334 +90 485 5 891383687 +457 640 4 882548467 +83 204 5 880307922 +394 208 5 880888746 +5 432 4 875636793 +500 294 3 883864578 +295 43 4 879518107 +145 486 3 882181659 +506 1046 4 874874396 +30 2 3 875061066 +103 204 3 880423118 +308 499 3 887738619 +455 465 3 879112678 +495 140 5 888635419 +317 322 3 891446783 +387 217 3 886481687 +128 222 3 879967249 +405 761 1 885548049 +16 4 5 877726390 +452 96 2 875275699 +216 313 5 883981737 +472 27 4 875980283 +497 242 1 878759351 +282 890 4 879949468 +233 640 2 875508639 +303 847 4 879466830 +62 875 4 879371909 +452 483 5 875263244 +128 197 4 879966729 +381 517 4 892696557 +319 306 4 879975504 +387 222 4 886481073 +474 610 3 887924571 +174 12 5 886439091 +463 1383 2 890530703 +448 303 4 891887161 +214 479 4 891544052 +185 1020 4 883524172 +416 77 4 893142480 +488 198 4 891375822 +200 226 4 884130085 +504 546 4 887831947 +456 1019 4 881372849 +227 324 4 879035963 +417 419 4 879646986 +158 89 5 880133189 +328 1313 4 888641949 +390 277 2 879694123 +457 742 4 882393306 +458 209 4 886397155 +444 678 3 891979403 +293 1208 3 888906990 +269 157 3 891448092 +488 405 3 891294014 +175 147 3 877108146 +4 210 3 892003374 +198 300 2 884204427 +416 317 5 893213444 +7 199 5 892135346 +355 360 4 879486422 +49 627 2 888067096 +505 140 4 889334129 +409 12 4 881107056 +387 547 4 886484561 +435 659 4 884131515 +291 469 5 874867912 +430 1347 5 877226047 +429 570 4 882387434 +18 951 3 880129595 +409 60 5 881108715 +22 862 1 878886845 +448 884 4 891889281 +443 271 4 883504682 +454 196 2 881959778 +357 105 4 878952342 +308 88 4 887740568 +474 646 4 887925395 +271 137 4 885847636 +11 692 4 891905003 +493 96 4 884130793 +429 280 2 882387392 +435 174 5 884131627 +448 896 5 891887216 +291 1478 2 874871585 +399 1231 3 882350487 +1 249 4 874965970 +487 232 4 883530764 +361 1103 4 879440386 +365 995 4 891303694 +7 229 3 891352384 +168 275 3 884287822 +37 174 5 880915810 +328 688 1 886036585 +409 210 4 881109175 +339 483 5 891032121 +404 331 3 883790249 +381 995 4 892698031 +128 652 3 879966603 +44 380 4 883613334 +94 1014 4 891724256 +337 471 5 875235809 +346 944 3 874951714 +90 661 5 891385522 +290 483 5 880473845 +181 924 3 878963168 +437 473 5 881001888 +407 218 4 876338946 +469 641 4 879524241 +92 54 3 875656624 +474 506 5 887924084 +94 179 5 885870577 +224 470 4 888082742 +497 575 3 879362985 +297 302 4 875408934 +59 615 4 888204553 +152 69 5 882474000 +85 1173 4 884820209 +429 1010 3 882386216 +264 288 5 886121631 +407 227 2 875045190 +419 257 4 879435503 +63 108 2 875748164 +397 483 5 885349715 +159 243 4 880485529 +499 181 3 885598827 +113 7 3 875076827 +100 678 3 891375428 +197 586 3 891410170 +308 237 3 887737383 +313 420 5 891014782 +499 514 5 885599334 +453 117 4 877552540 +474 508 3 887915437 +451 303 2 879012648 +381 1018 4 892697031 +318 1044 4 884496985 +505 989 1 888631438 +159 333 5 893255761 +151 70 4 879524947 +470 268 2 879178216 +354 660 3 891218155 +448 268 3 891888367 +363 11 5 891494587 +352 50 5 884289693 +345 111 4 884991244 +454 707 3 881959576 +468 498 5 875291571 +81 726 4 876534505 +495 230 5 888632969 +270 356 3 876956064 +378 684 3 880332643 +468 4 5 875296868 +456 660 5 881374522 +59 55 5 888204553 +385 145 1 879449745 +381 20 5 892696426 +474 322 4 888627937 +305 631 3 886324028 +66 127 4 883601156 +381 318 5 892696654 +397 615 5 885349562 +234 746 2 892335213 +186 934 3 879023968 +405 191 4 885545235 +405 67 5 885547360 +7 23 3 891351383 +339 150 4 891033282 +138 182 4 879023948 +357 147 5 878951457 +476 765 4 883365442 +58 185 2 884304896 +233 192 5 875508485 +398 953 3 875658968 +424 289 5 880858924 +429 549 4 882385749 +181 1002 1 878963122 +374 70 4 880396622 +487 237 4 883441813 +56 200 4 892679088 +457 118 4 882395400 +6 503 3 883602133 +151 181 5 879524394 +452 216 3 888568700 +320 2 4 884749281 +230 240 1 880484320 +379 93 3 885063369 +25 655 4 885852248 +93 866 2 888705780 +26 1014 3 891384414 +145 1291 3 888398563 +42 54 4 881108982 +177 50 5 880131216 +253 1016 3 891628094 +271 443 3 885848943 +311 121 4 884366852 +383 357 5 891193137 +425 302 5 878737511 +442 569 2 883390140 +262 235 2 879790783 +447 135 5 878855989 +234 1269 3 892078297 +218 168 4 877488316 +411 22 4 891035239 +431 307 3 879038461 +239 181 3 889180411 +457 127 5 882396902 +454 323 2 881958783 +456 177 4 881373900 +249 12 5 879572472 +7 583 2 892132380 +478 354 3 889397221 +407 405 3 876348318 +378 223 4 880045651 +464 194 5 878355259 +181 477 1 878962465 +286 924 4 876521773 +118 223 5 875385386 +144 281 3 888104191 +114 156 4 881309662 +498 127 4 881954219 +416 14 4 876697017 +484 228 5 891195349 +422 324 5 875129523 +497 627 3 879310021 +379 568 5 880525566 +479 88 4 879462041 +373 401 4 877106711 +505 591 4 889333676 +342 301 5 874984045 +268 597 2 875743310 +158 684 3 880134332 +250 333 4 883263374 +429 504 3 882385065 +130 246 4 874953698 +189 204 5 893265657 +404 1238 3 883790181 +458 792 4 886398025 +393 321 3 887742179 +466 232 4 890284903 +504 66 4 887839165 +117 763 5 881009890 +387 746 1 886479737 +283 168 5 879298206 +16 770 3 877724979 +406 921 4 879793235 +303 117 3 879468581 +296 125 5 884196985 +378 157 3 880056104 +194 481 3 879524291 +299 300 4 877618619 +301 403 4 882076292 +463 1164 1 877385797 +450 650 4 882376446 +235 512 5 889656044 +486 690 2 879873973 +399 496 3 882349868 +18 430 4 880130155 +488 58 3 891376081 +212 268 5 879303468 +21 669 1 874951761 +506 479 4 874873571 +341 1025 5 890757961 +405 726 1 885547690 +401 483 4 891033121 +457 664 4 882549601 +344 696 3 884900567 +500 244 3 886358931 +487 140 3 883531085 +90 70 5 891383866 +385 604 4 879442189 +450 288 3 884097913 +365 269 4 891303357 +417 1139 3 879649448 +130 765 4 876252420 +484 463 4 882807416 +339 357 5 891032189 +7 175 5 892133057 +392 346 4 891037437 +102 652 2 892992129 +149 286 5 883512591 +52 121 4 882922382 +470 919 3 879178370 +43 1035 4 883955745 +497 780 2 879363181 +437 276 5 880141618 +459 1047 3 879563668 +234 156 2 892078936 +291 367 4 874871800 +13 855 4 882140130 +379 1022 3 892879380 +177 153 4 880130972 +269 778 3 891448547 +497 260 4 878759529 +415 641 3 879439960 +405 2 1 885547953 +325 271 3 891477759 +360 124 5 880354215 +268 4 4 875309829 +201 1193 4 884111873 +239 185 4 889178688 +345 143 5 884992940 +145 236 1 888397981 +141 974 4 884585300 +497 943 4 879362019 +253 494 5 891628341 +262 421 4 879792331 +374 289 1 880392482 +22 105 1 878887347 +506 410 2 882100955 +338 607 4 879438225 +125 451 4 892838288 +311 176 4 884365104 +435 135 3 884131771 +458 346 4 889323539 +465 525 3 883531111 +59 357 5 888204349 +480 172 3 891208492 +123 462 4 879872540 +468 116 4 875280180 +214 223 3 891544200 +437 88 3 880143140 +425 515 3 890347138 +174 364 1 886515240 +505 99 4 889333313 +451 749 3 879012773 +507 343 5 889964074 +98 514 5 880498898 +1 269 5 877482427 +416 1336 1 878879350 +385 429 4 879442028 +271 179 4 885848616 +271 393 4 885849648 +390 275 5 879694123 +406 461 3 879446269 +327 154 4 887747337 +293 7 3 888905062 +468 469 4 875296309 +417 483 5 879647355 +358 511 2 891271035 +416 1400 4 886317029 +313 94 3 891030490 +343 521 5 876408138 +49 382 2 888066705 +450 95 3 882395167 +254 542 3 886475034 +402 124 4 876266926 +151 230 3 879528647 +499 238 2 885599498 +254 196 4 886472400 +417 728 3 879648881 +463 282 3 877385664 +450 1 4 887835272 +87 871 4 879876734 +316 923 5 880854022 +336 4 4 877757790 +60 357 4 883326273 +279 128 5 875296461 +18 402 3 880132225 +378 806 4 880045760 +417 778 4 879648742 +239 474 5 889179095 +417 1000 4 879648403 +94 192 4 891721142 +417 1207 3 880952970 +308 157 5 887738268 +279 1435 3 892174339 +267 385 3 878972873 +429 625 3 882387474 +497 252 3 879310650 +477 781 4 875941191 +423 347 3 891394632 +85 1010 2 879452971 +221 298 4 875244331 +203 100 1 880434411 +455 504 4 879110573 +276 354 4 888873388 +250 527 4 878091735 +236 591 4 890117029 +104 257 4 888465582 +44 100 5 878341196 +183 55 4 891466266 +8 518 4 879362422 +32 475 5 883717766 +291 823 3 874833936 +128 268 3 879966355 +447 258 5 878853977 +5 194 4 878845197 +399 452 3 882350762 +405 554 1 885548049 +372 262 4 876869066 +381 566 2 892696512 +334 1170 4 891548729 +250 313 5 883262672 +230 98 5 880484391 +318 161 3 884496738 +313 118 4 891028197 +279 99 3 890451347 +18 165 4 880129527 +468 411 3 875284879 +308 641 4 887736459 +326 8 4 879875457 +256 106 4 882153724 +385 1159 4 885245956 +389 519 4 879991461 +450 154 3 882377590 +2 283 5 888552084 +497 508 3 878759705 +298 294 3 884184024 +389 132 5 880087544 +504 179 1 887839165 +391 318 4 877399030 +504 807 4 887839081 +417 561 3 879648707 +130 235 4 874953728 +463 127 5 890530105 +268 128 3 875744199 +299 1506 4 878192680 +6 465 1 883683508 +378 7 4 880044697 +130 411 5 876251217 +276 1301 4 885871474 +488 154 3 891293974 +88 311 5 891037336 +207 276 2 875504835 +92 674 4 875906853 +490 993 1 875427739 +5 229 2 875635947 +486 287 4 879875279 +456 484 4 881373983 +327 70 4 887819316 +497 657 3 879361847 +330 63 3 876547165 +80 154 3 887401307 +64 475 5 889738993 +389 467 3 879991512 +399 1184 3 882344638 +120 258 5 889490124 +181 105 1 878963304 +95 168 4 879197970 +262 210 3 879792962 +95 28 4 879197603 +217 29 2 889070011 +421 7 3 892241646 +334 591 4 891544810 +1 32 5 888732909 +452 207 4 875261261 +298 58 4 884182725 +388 301 4 886438602 +191 300 4 891560842 +514 96 5 875311192 +399 188 4 882344310 +378 210 4 880057137 +56 550 4 892910860 +280 220 5 891700426 +184 381 4 889909962 +99 315 4 885678479 +505 713 3 889334217 +221 7 4 875244204 +377 338 3 891297293 +287 237 5 875334151 +297 430 1 875238778 +426 613 3 879444146 +330 98 5 876546033 +392 813 3 891039015 +276 415 3 874793062 +94 111 4 891721414 +425 751 2 890346264 +394 101 4 880886670 +94 528 5 885870323 +251 33 3 886271675 +234 180 3 892079910 +383 100 4 891193016 +83 832 3 883868300 +41 202 2 890687326 +334 428 4 891547955 +378 385 4 880056761 +142 333 5 888639968 +95 491 4 879197783 +169 495 3 891359276 +416 93 4 876697105 +457 219 4 882550304 +336 1041 2 877757837 +363 68 2 891495809 +271 523 4 885848770 +425 877 3 890346198 +312 632 3 891698764 +330 99 4 876546172 +493 925 3 884130668 +493 156 1 884130995 +472 71 2 875981281 +314 423 4 877888060 +490 257 3 875428570 +276 823 3 874786807 +429 211 5 882385090 +468 23 4 875287535 +23 961 5 874785165 +66 405 3 883601990 +61 327 2 891206407 +49 159 2 888068245 +503 659 5 880472148 +417 1232 2 879649369 +234 1051 2 892336322 +503 900 5 892667389 +393 1468 4 887746091 +74 351 3 888333352 +105 690 3 889214306 +232 117 3 891565128 +286 703 2 889651672 +145 156 5 875271896 +503 194 4 880472591 +303 11 4 879467260 +355 271 3 879486422 +292 523 4 881105561 +236 496 3 890116499 +264 1355 4 886124417 +59 483 5 888204309 +474 293 4 887915269 +452 588 3 885804123 +22 431 4 878888026 +416 257 3 876697205 +63 333 4 875746917 +271 98 5 885848559 +508 238 4 883767343 +2 276 4 888551552 +102 245 3 883748222 +435 376 2 884134019 +301 181 5 882074291 +76 1157 1 882607018 +436 504 4 887769151 +503 164 3 880472507 +511 346 4 890004686 +450 1020 4 882376365 +90 89 5 891385039 +338 513 5 879438225 +504 72 4 887840134 +514 15 4 875309350 +6 461 4 883601393 +498 54 2 881961745 +246 441 3 884922538 +371 423 5 880435071 +157 100 5 886890650 +216 280 2 880233043 +315 173 4 879821003 +457 57 4 882397177 +498 187 4 881955960 +207 483 5 875774491 +77 268 5 884733857 +90 300 3 891382163 +104 258 3 888442249 +23 588 4 884550021 +455 70 3 879111194 +60 494 4 883326399 +401 404 2 891033395 +224 284 3 888104117 +493 411 1 884132934 +399 97 4 882343204 +222 186 5 878184195 +153 50 1 881371140 +489 310 4 891449022 +504 678 4 887831115 +486 994 3 879874811 +233 47 5 877661881 +450 712 3 882470642 +96 194 2 884403392 +488 474 2 891294439 +417 774 4 879648707 +413 302 2 879968794 +244 215 4 880603242 +337 127 3 875184682 +497 274 3 879309760 +483 462 3 884047754 +70 24 4 884064743 +417 1041 3 879648478 +253 12 5 891628159 +87 866 4 879877208 +450 227 3 882398313 +404 739 4 883790851 +506 281 3 880198144 +504 1263 4 887909532 +191 891 3 891560481 +477 709 5 875941763 +459 827 3 879563758 +267 732 4 878973650 +396 100 2 884646092 +201 751 3 884110766 +416 196 5 893214128 +425 156 5 878737873 +450 923 5 886612198 +312 493 5 891698365 +316 185 2 880853548 +201 455 3 884112487 +405 732 5 885545456 +200 984 3 884125996 +405 1439 1 885546724 +42 756 5 881106420 +85 205 4 879454004 +165 270 4 879525672 +484 560 4 891195886 +372 129 4 876869667 +360 328 3 880354094 +109 425 2 880582317 +347 432 4 881653973 +445 209 4 891200869 +167 318 5 892738307 +437 69 2 880140501 +254 435 3 886472089 +467 257 4 879532512 +307 56 4 878856967 +83 69 4 887665549 +279 132 3 875308670 +262 451 4 879794446 +480 615 4 891208185 +330 94 4 876547426 +325 434 5 891478376 +457 66 4 882547694 +330 28 5 876546526 +251 1016 3 886272197 +385 186 1 879445260 +311 562 3 884365746 +234 887 3 891034078 +266 25 3 892257940 +411 227 3 891035362 +472 758 1 875979359 +416 515 5 893214041 +425 32 3 890347138 +393 929 3 887745230 +83 233 4 887665549 +38 588 5 892429225 +92 409 3 890251791 +256 785 4 882165296 +435 86 4 884131844 +504 581 4 887910623 +83 15 4 880307000 +321 48 4 879439706 +11 508 4 891903005 +435 5 2 884133046 +472 568 5 892790676 +263 202 4 891299031 +214 64 5 892668130 +269 48 5 891455816 +438 181 4 879868005 +7 187 4 891350757 +281 304 5 881200745 +303 603 5 879466457 +506 229 4 874874895 +276 526 4 874791123 +486 882 2 879874018 +416 692 5 893212484 +402 182 5 876266775 +222 1016 3 877563530 +223 974 2 891550504 +62 50 5 879372216 +76 318 3 882606166 +413 236 4 879969557 +342 26 2 875320037 +385 1103 3 887269178 +194 562 2 879524007 +53 64 5 879442384 +415 754 4 879439311 +361 514 5 879440345 +237 408 5 879376434 +293 684 3 888905481 +404 348 3 883790400 +58 1101 5 890421373 +301 132 4 882076619 +208 194 5 883108360 +324 294 5 880575002 +11 79 4 891905783 +363 79 2 891494835 +109 79 5 880572721 +488 180 2 891294439 +276 192 5 874787353 +489 881 2 891447586 +210 517 4 887730342 +499 482 2 885599182 +177 92 4 882142295 +119 332 4 886175313 +428 331 4 885943847 +13 796 3 886304188 +311 783 3 884366439 +399 431 2 882344906 +469 153 4 879523891 +234 735 3 892079803 +436 642 4 887769079 +230 25 3 880485282 +438 118 4 879868529 +468 249 3 875280310 +383 654 5 891193016 +320 71 3 884751439 +76 7 4 875312133 +385 1160 2 879440211 +500 971 5 883876093 +270 90 5 876955770 +307 185 3 877118565 +121 165 4 891388210 +346 1135 4 874950993 +354 202 3 891307157 +425 68 4 878738386 +321 64 3 879438607 +384 316 5 891274055 +503 127 5 879438161 +13 827 3 882398327 +264 19 5 886122952 +249 588 3 879572256 +314 588 5 877888007 +406 923 3 879446108 +174 715 3 886514397 +193 82 2 889125880 +308 276 4 887736998 +479 1013 1 879460453 +191 900 4 891560481 +455 279 3 882141582 +506 494 5 878044851 +280 769 3 891702441 +210 568 4 887735960 +474 744 3 887916260 +94 187 4 885870362 +405 395 3 885547506 +213 143 5 878955766 +497 382 4 878759745 +500 469 4 883874813 +346 300 5 874947380 +214 127 4 891542986 +375 288 4 886621795 +381 961 3 892696616 +332 931 2 888360532 +64 82 3 889740199 +38 127 2 892429460 +389 127 5 879915701 +423 751 3 891394832 +391 774 2 877399541 +110 895 2 886987354 +215 271 4 891434733 +336 575 3 877757373 +454 404 3 888267590 +11 222 3 891902718 +18 91 3 880130393 +379 631 5 880961600 +343 614 5 876404689 +271 371 5 885849188 +91 132 3 891439503 +406 172 5 879792811 +506 465 4 874874630 +505 245 4 888631349 +190 471 5 891033632 +149 302 4 883512623 +446 888 1 879787859 +363 651 3 891495682 +442 42 4 883388401 +194 423 3 879548121 +405 560 1 885549045 +184 945 4 889909721 +113 424 1 875076357 +215 313 5 891436543 +468 13 4 875280104 +60 735 5 883327711 +437 747 4 880143167 +271 77 4 885849231 +60 435 4 883326122 +378 732 4 880056034 +417 1446 3 879648824 +274 866 4 878946107 +393 154 2 887746302 +450 1222 3 887834953 +331 1194 3 877196444 +461 269 3 885355705 +178 38 3 882827574 +169 684 5 891359354 +336 1437 2 877756890 +70 8 4 884064986 +34 324 5 888602808 +506 560 3 874874458 +151 1203 5 879542670 +194 736 2 879548122 +145 363 4 875271607 +352 129 5 884290428 +515 344 2 887660131 +275 71 3 875154535 +454 234 3 888267087 +31 268 3 881547746 +450 1152 5 882812558 +361 639 4 879440652 +487 255 2 883441890 +31 32 5 881548030 +409 153 4 881168603 +396 25 3 884646191 +447 748 1 878854056 +478 188 4 889396582 +293 588 3 888906748 +297 154 5 875239658 +469 605 4 879524302 +378 68 2 880333446 +395 231 4 883764456 +343 42 4 876404647 +301 739 2 882076966 +301 521 3 882076987 +406 175 5 879792811 +470 950 3 879178645 +326 435 3 879874897 +363 293 4 891499329 +130 692 5 875801422 +493 210 5 884131620 +59 770 4 888205534 +445 479 3 890988206 +496 318 4 876065693 +182 111 4 885613238 +64 511 4 889739779 +425 675 3 890347047 +276 343 4 881563147 +244 732 1 880604148 +227 1028 2 879035803 +305 971 4 886324608 +337 520 5 875236281 +466 546 4 890285159 +321 153 4 879440746 +387 277 4 886481033 +236 225 3 890117465 +10 606 5 877888876 +268 226 4 875310784 +416 750 5 893214128 +303 28 3 879466717 +429 673 3 882386485 +59 210 4 888204309 +186 1399 2 891718530 +393 717 3 887745086 +474 1009 4 887915722 +416 682 3 877902163 +308 1411 4 887741150 +451 1393 2 879012812 +470 546 4 879178950 +406 632 4 879446168 +145 767 2 879161882 +417 293 4 879646123 +486 257 3 879875315 +162 144 3 877636746 +450 101 5 882399359 +417 679 2 879649044 +179 307 3 892151565 +116 304 2 876453376 +342 423 4 875319436 +385 175 4 879441572 +43 97 5 883955293 +422 682 2 879743787 +314 996 4 877891354 +5 183 4 875636014 +487 710 4 883445721 +474 117 4 887915306 +102 210 3 888801522 +370 607 5 879435168 +346 746 3 874949116 +450 395 3 882470642 +145 1028 5 875271607 +58 310 4 884459024 +478 658 3 889395977 +437 124 5 880140101 +66 248 4 883601426 +389 167 3 880089170 +13 679 4 882397650 +113 948 3 875935312 +23 530 4 874789279 +450 1050 4 882812349 +136 137 5 882693339 +450 94 4 882468239 +468 258 4 875279126 +392 249 1 891038224 +387 161 1 886483252 +459 411 2 879563796 +489 457 3 891449254 +361 170 5 879440605 +498 474 4 881957905 +479 640 4 879462168 +512 265 4 888580143 +382 150 2 875946055 +235 83 4 889656068 +405 98 4 885544798 +206 748 4 888179833 +488 468 5 891295023 +347 240 5 881653300 +406 135 5 879445684 +330 451 5 876547813 +388 682 4 886439808 +276 62 2 874792574 +209 286 2 883417458 +59 675 5 888205534 +210 327 4 887735288 +293 25 3 888904696 +20 94 2 879669954 +66 508 4 883601387 +269 582 4 891447234 +62 512 4 879374894 +401 535 2 891032518 +290 496 4 880474156 +416 790 4 886318270 +45 820 4 881015860 +90 639 5 891385039 +239 512 5 889180921 +347 158 3 881654773 +450 272 5 886449009 +296 259 1 884196374 +230 951 5 880485181 +356 347 4 891405619 +389 90 3 880088659 +279 401 5 875310730 +275 62 3 876198328 +474 707 5 887925751 +5 440 1 878844423 +82 284 4 876311387 +451 270 4 879012684 +515 362 4 887658844 +327 328 2 887743600 +1 141 3 878542608 +18 519 4 880129991 +500 116 4 883865232 +293 250 3 888904862 +407 502 2 876338883 +196 340 3 881251045 +69 42 5 882145548 +296 663 5 884198772 +249 546 3 879640436 +339 410 2 891034953 +298 430 5 884182657 +223 930 2 891550326 +295 161 4 879518430 +170 323 3 884293671 +398 88 4 875733660 +360 483 5 880355527 +513 117 5 885062519 +385 425 3 879445724 +291 655 4 874868629 +233 14 4 876021262 +84 1 2 883452108 +374 252 3 880394179 +497 570 3 879362511 +178 24 3 882824221 +198 222 3 884204993 +119 56 4 874781198 +109 568 5 880578186 +244 521 4 880606385 +435 792 4 884131404 +487 12 5 883445580 +475 286 2 891451276 +256 79 5 882164406 +203 815 4 880434882 +406 148 3 879540276 +200 28 5 884128458 +308 19 3 887737383 +413 284 4 879969709 +224 313 5 888081843 +391 61 5 877399746 +249 423 4 879572167 +160 273 5 876767660 +327 475 4 887744405 +416 81 5 893213405 +504 370 3 887832268 +456 1267 4 881373756 +5 29 4 875637023 +450 629 4 882397940 +176 952 2 886048230 +350 185 5 882347531 +454 258 4 881958402 +73 32 4 888626220 +456 57 4 881374521 +177 268 3 880130452 +506 385 4 874873944 +344 291 3 884899791 +500 58 3 883873720 +24 180 5 875322847 +95 708 2 880571951 +497 188 3 879310762 +13 529 4 882140206 +271 127 5 885848863 +458 12 5 886395758 +456 423 3 881374586 +360 515 4 880354315 +339 678 2 891036781 +109 181 5 880563471 +18 284 3 880131804 +400 749 4 885676452 +478 48 4 889388587 +311 444 2 884365746 +262 1095 2 879791537 +313 428 3 891014649 +417 70 4 879647749 +94 763 3 891722006 +442 350 2 883387916 +346 636 3 874950794 +43 231 4 883955995 +45 756 2 881015244 +234 591 3 892335142 +43 196 4 875981190 +327 190 4 887832180 +78 257 4 879633721 +436 168 3 887769050 +105 264 2 889214491 +416 241 5 893213796 +463 249 2 889936035 +42 43 2 881109325 +523 114 5 883701800 +156 651 4 888185906 +378 501 4 880055454 +194 356 2 879524892 +157 934 2 886890878 +403 274 3 879786661 +267 164 3 878972342 +154 288 3 879138235 +429 124 4 882384821 +97 132 5 884238693 +500 237 3 883865483 +57 11 3 883698454 +308 231 3 887740410 +291 33 4 874834850 +417 708 2 879648798 +246 567 5 884923348 +447 151 3 878854520 +488 292 3 891292651 +295 60 5 879517492 +339 127 5 891032349 +415 479 4 879439610 +250 988 4 878089182 +417 56 5 879647519 +198 1 4 884205081 +430 293 3 877225865 +505 748 1 888631208 +512 23 4 888580248 +90 136 5 891383241 +144 1065 4 888105714 +48 294 3 879434212 +312 521 5 891698987 +276 691 4 888873488 +293 462 4 888905819 +435 153 3 884131243 +435 62 3 884133657 +280 507 3 891700682 +321 480 4 879440109 +445 844 2 891200138 +379 649 4 880525084 +387 1134 1 886481183 +222 521 5 878184866 +95 70 4 880571951 +457 229 4 882392853 +447 231 2 878856394 +493 652 5 884131287 +151 716 2 879528778 +398 94 2 875732304 +7 547 3 891353710 +474 172 5 887923789 +114 655 3 881260506 +253 202 5 891628392 +504 1437 2 887911545 +515 313 4 887658604 +518 124 3 876823071 +102 548 2 885126313 +497 258 4 878759351 +325 186 4 891478578 +158 39 5 880134398 +68 458 1 876974048 +309 319 4 877370419 +504 414 5 887838450 +425 583 3 878738245 +495 379 5 888636870 +405 374 1 885549094 +380 665 2 885480870 +387 147 2 886481073 +207 458 3 875991160 +110 215 3 886987894 +343 530 5 876405633 +116 511 4 876453519 +415 195 5 879439685 +85 194 4 879454189 +508 195 3 883767565 +477 15 4 875941863 +360 326 3 880354094 +268 324 4 876513708 +280 725 3 891702387 +407 519 4 875042466 +475 100 5 891452276 +102 231 2 888802319 +339 161 3 891034626 +95 463 5 880573287 +438 286 2 879867960 +417 20 2 880949408 +94 268 4 891724925 +23 100 5 874784557 +313 258 3 891012852 +406 276 4 879539824 +92 218 4 875654846 +495 56 5 888632574 +313 663 5 891013652 +113 124 3 875076307 +86 270 5 879570974 +416 331 4 890021365 +13 884 2 882140814 +392 134 5 891038371 +363 117 5 891495742 +249 741 4 879572402 +498 522 3 881956499 +303 258 4 879465986 +437 211 4 880140100 +118 79 5 875384885 +234 16 2 891227771 +334 642 5 891548436 +346 38 3 874950993 +280 1466 5 891700836 +194 121 2 879539794 +416 845 4 876697361 +495 451 4 888635524 +301 81 3 882077351 +505 498 5 889334274 +437 518 2 880143809 +186 754 2 891717690 +261 687 5 890455020 +308 118 3 887739670 +64 227 3 889740880 +455 321 2 892230438 +213 504 5 878955885 +499 661 3 885599474 +301 447 4 882078955 +26 246 4 891351590 +504 194 3 887832668 +387 470 3 886483970 +279 932 3 892174381 +103 405 3 880416424 +296 79 4 884197068 +7 449 3 891354785 +451 332 4 879012342 +167 96 5 892738307 +21 413 2 874951293 +393 802 3 889729420 +455 204 4 879111249 +31 175 5 881548053 +385 1066 4 879446591 +286 147 5 876522114 +59 642 5 888206254 +259 121 3 881379128 +428 896 4 885943685 +405 1221 1 885546155 +468 285 4 875280104 +328 62 3 885049275 +354 889 5 891217966 +446 303 2 879787859 +448 316 1 891887337 +56 399 4 892910247 +371 627 4 877487656 +96 195 5 884403159 +393 376 4 889730011 +201 772 5 884113343 +374 1215 1 880936522 +308 558 4 887737594 +383 1063 5 891192888 +116 268 5 886310197 +328 226 3 885048235 +178 685 4 882824253 +224 333 3 888081976 +270 5 5 876956064 +57 64 5 883698431 +374 1049 1 883628021 +167 478 5 892738452 +224 326 4 888082071 +193 781 3 889124469 +89 240 4 879441571 +409 483 4 881107602 +327 327 3 887737402 +347 756 2 881653266 +416 1074 5 893213103 +509 319 2 883590913 +326 657 5 879875431 +92 364 3 875907702 +495 391 3 888637440 +6 410 4 883599707 +472 739 5 875982967 +461 313 4 885355646 +122 180 5 879270327 +454 642 2 888267419 +518 1047 4 876823266 +494 237 4 879541375 +499 215 4 885599475 +472 255 5 892791017 +378 496 3 880045935 +387 91 4 886483669 +416 225 1 876697330 +361 430 5 879440475 +429 166 5 882384796 +373 423 2 877103846 +96 318 5 884403057 +307 181 5 879283232 +13 880 3 882140966 +387 151 3 886481228 +48 269 1 879434094 +275 99 3 875154718 +234 185 3 892078936 +68 286 5 876973692 +500 30 4 883875275 +473 547 3 878157600 +473 10 3 878157527 +177 11 4 880131161 +326 64 4 879875024 +366 561 5 888858078 +148 50 5 877016805 +49 1018 2 888066755 +90 972 4 891384476 +486 818 3 879874784 +479 422 3 879461207 +17 137 4 885272606 +64 436 5 889739625 +79 906 5 891271792 +516 199 3 891290649 +450 225 4 887662002 +407 635 3 876345934 +381 847 4 892697542 +479 161 3 879461399 +145 687 2 882181335 +321 510 5 879440317 +505 187 1 889333676 +201 956 4 884140522 +436 125 4 887770037 +256 684 5 882164480 +91 135 4 891439302 +358 558 4 891269511 +279 94 3 892865054 +312 176 4 891699295 +326 511 4 879875593 +301 502 4 882076558 +451 1296 3 879012685 +18 949 3 880131559 +94 90 3 891721889 +331 735 4 877196444 +72 212 5 880036946 +472 365 4 875983129 +421 11 2 892241624 +269 96 1 891450755 +406 641 5 884630523 +314 125 5 877886412 +303 137 4 879468414 +363 531 4 891495879 +518 291 3 876823926 +447 117 4 878854630 +145 23 4 875271896 +374 186 5 880395604 +333 513 4 891045496 +445 295 1 891199843 +383 340 5 891192276 +103 301 4 880416704 +346 180 5 874947958 +409 191 5 881107817 +75 678 3 884049758 +494 1 3 879541374 +326 651 4 879875663 +167 435 5 892738453 +271 286 4 885844610 +315 176 4 879821193 +416 283 5 893213796 +320 550 5 884749384 +307 204 3 879205470 +327 1007 4 887745272 +167 1304 4 892738277 +235 603 3 889655044 +279 624 4 875734996 +425 22 3 878738290 +221 358 3 875244232 +393 1258 3 887744688 +457 282 4 882392785 +145 877 2 885557506 +465 179 3 883531325 +472 88 2 875982607 +510 289 2 887667751 +325 50 5 891478140 +181 1359 1 878962200 +305 327 3 886307948 +361 502 4 879440475 +18 200 3 880131775 +214 154 3 891544000 +13 316 5 888073653 +387 47 4 886480384 +457 258 5 882392853 +487 136 5 883445606 +59 111 4 888203095 +145 789 4 875272132 +378 15 4 880044312 +305 64 5 886323406 +44 249 4 878346630 +348 126 5 886523560 +457 240 3 882395638 +359 298 5 886453354 +393 90 2 889729938 +294 619 3 877820328 +466 1313 3 890283690 +321 9 4 879440472 +174 1282 5 886433862 +132 175 3 891278807 +405 729 4 885545487 +5 378 1 875721167 +159 274 3 880557387 +279 444 3 875659746 +479 71 1 879461143 +435 154 4 884131434 +25 474 4 885852008 +374 161 5 880938965 +234 1133 3 892336358 +449 546 2 879959573 +430 302 4 877225173 +361 60 4 879440605 +328 70 4 885047252 +303 239 3 879484871 +479 748 3 879459710 +450 402 4 882395662 +434 756 2 886725027 +380 463 4 885479372 +476 781 4 883365135 +428 879 4 885943818 +474 234 5 887923788 +330 568 5 876546752 +269 77 1 891451374 +92 591 4 875640294 +351 300 5 879481425 +505 468 4 889334096 +379 233 3 880525638 +201 1268 4 884112077 +425 529 4 890346998 +22 231 2 878887983 +435 284 2 884132898 +406 71 3 879793081 +375 5 4 886622066 +327 12 3 887744205 +437 581 1 880143010 +466 350 4 890284651 +409 484 4 881107310 +202 204 3 879727058 +405 1253 1 885548671 +363 70 2 891496373 +394 84 4 880889583 +494 199 4 879541158 +486 6 4 879874902 +339 530 5 891032413 +383 531 3 891192888 +360 748 2 880354094 +232 246 4 885939945 +277 147 4 879543822 +416 347 4 893214333 +470 93 4 879178518 +22 367 1 878886571 +392 880 4 891037720 +271 505 4 885848475 +246 12 5 884921948 +389 997 3 881384536 +514 429 4 875311225 +280 239 3 891701344 +306 321 3 876503793 +524 151 1 884627327 +472 1469 4 875982337 +501 25 3 883347773 +15 50 5 879455606 +118 132 4 875384793 +495 1444 2 888637018 +125 790 4 892838462 +314 815 5 877886375 +13 155 2 882399615 +203 993 3 880434919 +405 1290 2 885546379 +376 427 4 879454598 +291 140 4 875086887 +244 941 4 880603618 +278 286 5 891295044 +210 435 4 887730407 +495 200 5 888637768 +325 28 3 891478796 +450 736 5 882395167 +43 479 4 875981365 +286 224 5 889651549 +481 313 4 885827861 +227 321 3 881518363 +525 1 4 881085964 +470 221 4 879178370 +250 676 5 878089547 +2 1 4 888550871 +221 156 5 875245533 +63 15 3 875747439 +128 133 5 879967248 +426 1204 4 879444321 +64 679 3 889740033 +389 474 5 879991535 +443 323 2 883504866 +521 81 1 885253861 +178 1101 4 882827019 +471 418 3 889827757 +52 117 4 882922629 +5 392 2 875637330 +181 877 2 878961668 +65 258 3 879216131 +379 191 5 880524886 +271 257 4 886106038 +170 348 3 887646014 +178 1157 3 882827375 +524 205 5 884634707 +56 234 4 892679067 +224 736 3 888082742 +193 94 3 889127592 +216 58 4 880244972 +271 1046 4 885849357 +524 89 5 884634533 +514 746 5 875309276 +158 293 4 880132513 +122 69 2 879270511 +128 655 3 879969064 +479 164 4 879461781 +454 11 1 888266433 +416 1426 5 893212572 +7 419 3 891350900 +486 123 3 879875278 +229 311 5 891633028 +416 268 4 876696643 +292 482 5 881103606 +470 293 4 879178455 +488 655 3 891294246 +71 175 4 885016882 +109 29 3 880582783 +445 480 3 890988206 +160 531 5 876942699 +178 95 5 882826514 +524 660 5 884636152 +447 642 4 878855819 +383 223 3 891193137 +181 336 2 878961709 +195 1416 2 884504132 +458 742 4 886394730 +308 15 3 887739426 +292 156 5 881105516 +130 982 1 880396831 +376 223 4 879454598 +483 250 3 878952837 +178 591 5 882827288 +213 655 4 878956300 +435 85 4 884132840 +405 1588 1 885549789 +40 245 3 889041671 +436 200 3 887769515 +393 257 4 887744294 +347 226 4 881653890 +178 238 4 882826577 +232 302 5 885939473 +524 285 3 884322168 +130 532 5 876250955 +184 512 4 889908716 +59 713 5 888203579 +13 646 4 882140037 +184 527 4 889908462 +479 385 2 879461567 +454 257 4 881959276 +230 265 5 880484544 +101 280 3 877136039 +428 988 1 885943955 +26 628 3 891372429 +454 197 4 881959961 +16 240 4 877724603 +405 573 3 885548435 +262 181 3 879961819 +13 689 2 881515735 +123 98 4 879872672 +62 1 2 879372813 +463 284 3 877385531 +151 781 3 879543181 +178 235 1 882824467 +405 1166 1 885546025 +13 347 5 885185824 +251 1098 3 886271920 +334 83 4 891628832 +325 768 3 891479564 +271 663 4 885849052 +416 329 3 886314592 +503 173 5 880383357 +64 431 4 889737376 +193 72 2 889127301 +22 449 1 878888145 +104 302 5 888441877 +336 388 1 877757418 +46 245 3 883614625 +429 485 3 882385210 +339 80 3 891035707 +378 693 4 880046022 +31 490 4 881548030 +271 614 4 885848373 +265 298 5 875320633 +381 283 5 892697655 +337 15 5 875185596 +467 240 3 879532773 +348 111 5 886523330 +64 748 1 879365314 +303 387 5 879485401 +497 385 3 879310792 +163 433 1 891220137 +470 246 2 879189432 +92 145 2 875654929 +475 347 4 891451341 +405 1590 1 885549789 +117 144 4 881011807 +354 753 5 891217482 +365 288 5 891303357 +10 221 4 877888677 +181 591 4 878962996 +457 1012 4 882393765 +373 655 5 877098374 +329 169 4 891656178 +276 797 3 877934643 +167 240 1 892737972 +102 566 2 888801876 +374 620 3 880394088 +417 123 2 879646500 +437 657 5 881001888 +195 1407 2 874825826 +387 97 2 886483859 +102 91 3 883748488 +506 1608 2 885135497 +327 211 3 887818682 +398 480 5 875658794 +57 763 5 883698581 +457 769 2 882551740 +486 3 2 879875347 +504 755 4 887841177 +217 33 4 889069878 +59 443 5 888205370 +417 273 3 879646286 +59 647 5 888205336 +484 778 5 891195246 +354 255 2 891216788 +441 9 4 891035528 +455 304 3 878585409 +104 313 4 888441878 +293 38 1 888907981 +10 432 4 877892160 +385 482 3 879441728 +374 974 4 880394331 +450 707 5 882373786 +246 208 4 884921394 +91 176 5 891439130 +518 25 5 876823197 +262 959 2 879794739 +492 483 2 879969210 +514 328 3 885180947 +393 876 3 889554316 +125 435 4 892836550 +440 971 5 891577871 +432 150 5 889415853 +270 335 3 876953900 +399 12 3 882509891 +378 248 3 883835834 +303 540 1 879543679 +474 285 5 888628044 +405 1148 1 885546680 +357 597 4 878952080 +479 436 4 879461856 +173 690 5 877557076 +181 475 2 878962720 +458 1261 4 886397413 +152 504 4 882476261 +374 924 5 880393095 +445 117 1 891199821 +298 134 5 884182966 +44 81 4 878348499 +346 366 2 874947609 +365 294 1 891303614 +262 40 4 879795405 +13 554 2 882397833 +343 89 3 876406006 +524 615 2 884637409 +394 128 3 880888896 +11 69 3 891904270 +116 306 3 876751342 +90 1195 5 891384789 +449 1006 4 880410701 +436 288 4 887768445 +84 225 4 883452307 +500 553 2 883876370 +327 1017 2 887819316 +285 302 5 890595313 +5 390 5 875636340 +456 50 4 881373473 +354 652 4 891217194 +142 124 4 888640379 +520 315 4 885169083 +508 69 3 883776748 +337 449 4 875185319 +95 193 3 879198482 +413 9 4 879969591 +303 3 3 879485184 +480 174 5 891208356 +60 1050 3 883327923 +67 25 4 875379420 +327 464 4 887822785 +122 582 5 879270644 +259 288 3 874724905 +519 1617 5 883250102 +496 156 3 876065933 +293 165 3 888905991 +222 31 5 878182453 +90 430 3 891383835 +267 229 4 878972558 +435 423 2 884131157 +495 235 5 888636603 +276 73 3 874791805 +116 116 3 876453733 +504 118 3 887831838 +514 189 5 875318291 +292 607 4 881105625 +450 60 3 882472089 +412 7 5 879717505 +508 144 3 883767728 +374 89 2 880395896 +437 218 2 880142830 +493 180 4 884130793 +26 126 4 891371676 +161 435 2 891171104 +405 525 1 885548632 +279 436 4 891209332 +148 89 5 877398587 +354 1197 3 891219490 +10 116 4 877888944 +321 175 3 879439706 +437 746 4 880141335 +435 751 4 884130725 +360 308 4 880353584 +495 216 4 888632443 +67 546 3 875379288 +354 515 3 891216526 +279 597 5 875297456 +463 1012 2 889935860 +234 602 4 892334368 +346 802 4 875265236 +398 735 4 875659266 +23 652 4 874785926 +435 1401 4 884131868 +456 369 3 881371942 +446 328 3 879786984 +43 140 4 883955110 +449 117 3 879958624 +299 484 4 877881169 +495 68 5 888634987 +267 926 2 878970785 +430 264 2 877225328 +94 809 2 891723155 +201 11 4 884112201 +453 172 5 877554587 +405 776 1 885549094 +393 1228 3 889728074 +222 388 2 878184765 +388 742 5 886437163 +495 44 3 888636032 +429 165 5 882384821 +316 168 3 880853599 +60 608 5 883326028 +363 72 1 891496850 +378 387 4 880056452 +453 384 2 888205711 +386 833 3 877655195 +468 251 4 875280180 +328 317 4 885046976 +6 504 3 883601155 +344 405 2 884900353 +72 582 4 880036783 +419 181 4 879435807 +453 427 3 877554174 +504 402 4 887839835 +483 249 2 878952866 +450 613 4 887660650 +206 262 1 888180049 +293 746 3 888906748 +94 66 2 891721889 +379 79 5 880525368 +455 778 4 879112582 +217 679 5 889069878 +435 161 3 884133710 +394 210 4 880888689 +280 1221 5 891701944 +450 465 4 887834823 +286 209 4 877531691 +459 274 4 879563226 +438 866 5 879868529 +504 215 4 887908861 +488 485 3 891294298 +442 82 3 883390497 +523 382 5 883701018 +417 206 2 879648778 +257 70 4 880496892 +479 230 4 879461898 +348 121 5 886523521 +72 15 5 880035708 +508 735 4 883775341 +246 95 3 884920949 +115 33 4 881171693 +139 460 3 879538199 +456 673 3 881374849 +450 747 4 882395166 +297 514 3 875239383 +442 943 4 883391221 +472 141 4 875982200 +327 321 3 887743761 +525 123 3 881086051 +472 501 3 875982868 +379 559 3 880524669 +523 153 4 883702054 +276 692 4 874791960 +466 2 1 890284819 +174 696 4 886434087 +94 586 1 891723707 +468 321 3 875279126 +230 28 5 880484444 +23 283 4 874784575 +487 143 3 883530841 +303 525 5 879466604 +314 1041 4 877888445 +181 934 3 878963086 +511 292 5 890004686 +382 56 5 875946830 +181 1162 1 878962392 +327 218 3 887746328 +255 685 3 883216845 +416 367 5 893212572 +248 7 2 884534968 +528 485 2 886101872 +378 651 4 880045681 +480 483 3 891208293 +504 199 4 887912236 +393 480 4 889554756 +38 1033 5 892432531 +393 559 3 889729614 +299 461 3 878192601 +284 272 5 885328727 +515 690 2 887660131 +234 4 4 892334610 +268 397 2 875744321 +327 285 4 887744459 +49 1072 1 888069194 +450 493 4 887660722 +14 96 4 890881433 +493 546 5 884131738 +417 265 3 879648026 +492 127 5 879969879 +484 926 4 881450136 +181 1026 1 878961781 +19 288 3 885411840 +85 197 5 879455197 +417 154 4 879647561 +193 300 4 889123039 +254 8 5 887347000 +194 405 2 879539305 +453 100 5 877552612 +497 100 4 878759828 +426 494 3 879442702 +305 121 3 886324898 +378 11 3 880046516 +298 23 4 884183236 +311 1042 3 884366187 +314 367 4 877889770 +205 315 4 888284245 +291 417 4 875086958 +429 216 4 882385090 +276 21 3 874787195 +233 378 4 877663429 +97 526 3 884239687 +406 215 3 884630523 +94 56 5 891725331 +56 210 5 892676377 +18 474 4 880129731 +308 591 3 887739608 +320 421 4 884750968 +32 248 4 883717816 +197 678 2 891409593 +245 133 2 888513058 +401 1016 3 891032607 +201 238 3 884113343 +254 78 3 886475476 +295 118 3 879518840 +498 197 5 881958414 +495 172 5 888632378 +528 239 5 886101632 +270 279 5 876954093 +399 559 3 882344096 +311 750 5 884363706 +416 219 4 876699946 +486 286 2 879873973 +296 523 4 884197235 +280 235 5 891701649 +429 31 3 882386966 +207 60 3 877845845 +16 469 3 877720916 +367 559 4 876690048 +433 59 5 880585730 +371 50 4 877486953 +83 322 3 889681216 +399 710 2 882342537 +493 298 3 884130668 +298 318 5 884182657 +263 690 5 891297209 +178 90 3 882827985 +112 321 3 884992484 +363 537 1 891495402 +6 321 3 883268353 +429 258 4 882386096 +286 144 3 877531434 +92 100 5 875640294 +499 742 4 885599334 +429 392 3 882386051 +497 82 4 879310792 +504 197 4 887832531 +123 483 4 879873020 +318 94 4 884498210 +313 404 4 891030189 +472 411 4 875979113 +126 328 5 887853735 +504 417 3 887841177 +130 82 5 875802080 +345 1008 3 884991267 +94 508 5 891720712 +469 530 5 879524376 +504 719 3 887841248 +504 281 4 887831447 +393 1185 3 889728606 +435 175 4 884132588 +518 919 5 876822967 +474 498 4 887924683 +504 934 4 887832170 +504 75 4 887912568 +497 864 3 879309734 +480 234 4 891208769 +286 216 4 877532013 +494 191 4 879541158 +311 724 4 884365406 +206 1434 1 888180082 +508 172 5 883767157 +314 11 5 877887837 +435 200 5 884131661 +422 53 4 879744183 +504 143 4 887838008 +347 982 1 881652709 +524 650 2 884637528 +474 196 5 887924469 +442 685 2 883390703 +197 684 4 891409981 +472 1095 4 883904614 +483 449 3 878953593 +425 841 1 878738597 +222 238 5 878181673 +450 123 2 882373464 +472 135 4 875982051 +263 87 4 891298977 +479 1244 3 887064647 +241 288 5 887249745 +445 248 1 891199774 +339 186 4 891032255 +456 1008 4 881371427 +18 9 5 880130550 +246 746 4 884922070 +265 245 4 875320112 +486 717 2 879875440 +95 971 3 879198262 +301 195 5 882076098 +532 58 4 888636374 +10 334 4 877886281 +13 613 4 881515411 +48 496 5 879434791 +26 181 4 891386369 +244 1079 2 880605333 +330 554 3 876547500 +458 288 3 886394667 +189 132 5 893265865 +160 671 5 876859778 +489 271 4 891448706 +180 258 5 877125493 +458 956 5 886397377 +354 66 2 891307180 +253 300 4 891627724 +429 137 5 882387731 +291 546 3 874805958 +257 245 4 884151807 +342 8 4 875319597 +436 325 3 887768756 +507 338 5 889964348 +472 578 5 892790952 +1 211 3 878541970 +530 527 4 883784654 +504 1442 3 887911444 +194 69 4 879521595 +416 746 5 893213444 +64 569 3 889740602 +287 9 5 875334089 +311 196 5 884365325 +396 742 4 884646346 +450 10 4 882398567 +276 558 4 874787526 +81 275 4 876533657 +406 204 5 879446718 +452 203 3 875275561 +280 765 4 891701816 +44 159 3 878347633 +531 990 5 887048789 +264 514 5 886123359 +524 1268 3 884637032 +7 574 5 892132402 +463 149 2 877385341 +279 71 3 890780576 +63 1012 3 875747854 +506 72 3 874874802 +503 137 5 879438072 +62 1009 4 879372869 +389 602 4 879991081 +86 328 2 879569555 +370 135 4 879434746 +232 603 4 888549376 +472 217 5 875982867 +478 496 5 889388862 +387 768 1 886483620 +7 616 4 891351002 +59 416 3 888205660 +399 554 3 882348592 +101 257 4 877137015 +321 83 4 879439926 +506 1219 2 874874760 +114 855 3 881260473 +145 117 5 875270655 +92 1011 3 886443471 +85 30 3 882995290 +425 17 4 878738290 +39 937 5 891400704 +42 720 4 881109149 +349 544 4 879465933 +102 501 2 883748418 +276 462 4 874795868 +270 727 5 876955563 +207 88 2 878104627 +151 782 4 879542566 +116 324 2 876452133 +456 273 3 881372328 +488 491 4 891294209 +81 1047 3 876533988 +176 25 3 886048188 +123 319 4 879809220 +213 511 4 878955442 +203 150 5 880434278 +230 237 5 880484800 +500 223 4 883873839 +92 143 3 875653960 +186 595 3 879023390 +374 106 3 880394088 +21 240 4 874951245 +417 118 4 879646548 +65 514 4 879217998 +459 336 2 879561708 +83 739 5 880308141 +266 286 4 892256662 +156 178 5 888185777 +256 185 5 882164696 +347 692 4 881654679 +236 216 5 890116163 +250 340 4 883263374 +353 272 5 891402757 +476 1188 2 883364780 +524 605 1 884637566 +496 633 3 876065822 +435 1074 2 884133415 +95 423 5 880571479 +118 53 5 875385280 +524 182 5 884635031 +401 430 2 891033582 +344 70 3 884901561 +200 107 3 884128022 +399 226 3 882344406 +459 121 5 879563474 +398 125 3 875719764 +73 171 5 888626199 +505 54 3 889334067 +518 284 4 876823324 +37 825 2 880915565 +130 261 4 874953525 +479 122 1 879460648 +190 898 2 891033349 +137 174 5 881433654 +351 245 3 879481550 +227 273 3 879035206 +382 332 3 876803039 +229 272 3 891632073 +109 216 3 880572891 +437 781 4 880143263 +452 1427 5 885816768 +479 655 4 879460959 +514 47 4 875462645 +450 514 5 882468931 +210 290 4 887730813 +409 478 4 881107155 +437 168 3 881002161 +409 1065 2 881109264 +343 1 5 876402668 +416 346 4 886314592 +342 131 5 875319786 +397 588 4 885349528 +458 284 4 886394527 +327 182 4 887744205 +268 729 3 875310673 +301 228 3 882076966 +502 683 3 883702867 +239 65 5 889180041 +467 100 5 879532420 +425 286 1 878737511 +361 129 4 879441285 +460 1115 3 882912235 +532 603 5 893119491 +363 1214 1 891497712 +373 432 5 877098949 +94 786 3 891723593 +314 1311 5 877889994 +234 69 4 892078567 +450 1041 4 882469432 +128 159 4 879968390 +5 101 5 878844510 +524 603 3 884637376 +338 443 5 879438570 +372 1109 4 876869818 +477 88 5 875941085 +456 985 3 881371492 +529 325 3 882535693 +464 705 5 878355258 +419 89 3 879435722 +251 429 4 886271955 +388 298 5 886436582 +198 763 3 884206482 +405 644 3 885545672 +354 193 3 891217782 +483 313 2 884046430 +456 86 2 881374332 +497 765 3 879363155 +160 248 5 876768828 +345 1023 2 884994658 +500 133 3 883875681 +425 445 3 878738887 +19 887 4 885411465 +236 673 4 890116132 +301 127 4 882074262 +294 410 4 877819897 +74 328 4 888333280 +378 404 4 880056034 +144 69 5 888105140 +161 181 2 891171848 +474 210 5 887928562 +105 271 2 889214245 +417 16 3 879646692 +445 831 1 891200447 +303 518 4 879468581 +10 692 4 877889261 +474 756 1 887915646 +454 100 4 881959917 +119 329 3 886433226 +303 420 4 879484563 +174 210 4 886514788 +327 69 2 887822711 +184 1014 2 889907468 +447 5 3 878856422 +94 932 2 891724691 +455 529 3 879111737 +501 307 4 883346651 +506 50 5 878044852 +454 143 4 881960230 +392 59 4 891039049 +394 156 4 880886855 +145 738 3 875272927 +5 208 4 875636675 +524 1044 4 884636931 +346 576 3 875264945 +484 879 4 891194665 +401 632 4 891033014 +401 282 3 891032584 +6 522 5 883601500 +416 94 2 886318546 +495 29 2 888636573 +483 271 3 881273325 +44 25 2 878346431 +303 25 4 879468047 +274 98 5 878946536 +436 276 4 887769824 +508 188 4 883767325 +184 1167 5 889913687 +15 333 1 879455128 +474 496 4 887923708 +171 258 4 891034801 +360 50 4 880354149 +157 1244 3 886891194 +373 143 3 877105005 +148 209 5 877398648 +437 132 5 880141962 +42 934 4 881106419 +416 915 5 893212483 +393 815 4 887744372 +474 676 3 887916369 +493 250 4 884130387 +497 802 2 879362118 +429 184 4 882386260 +234 137 3 891227730 +70 300 4 884063569 +480 319 3 891207539 +256 815 5 882151743 +371 64 4 877487052 +371 655 4 880435238 +457 54 4 882549322 +405 957 1 885549464 +94 93 4 891724282 +405 416 2 885548932 +58 652 5 884304728 +495 109 5 888633594 +496 97 1 876066848 +330 729 5 876545721 +347 356 5 881654134 +392 650 5 891038978 +406 219 3 879792897 +326 483 5 879874963 +271 235 3 885848062 +488 605 3 891294785 +13 357 3 881515411 +92 421 4 875654534 +87 228 5 879875893 +18 972 3 880130515 +3 268 3 889236961 +256 741 4 882151517 +436 794 4 887771123 +92 160 4 875654125 +495 222 5 888633277 +112 339 4 892439990 +315 327 4 879799583 +476 238 3 883364324 +417 198 4 879647924 +333 153 4 891045496 +296 180 5 884198772 +194 820 1 879541742 +222 506 2 878183264 +504 404 4 887910370 +422 327 3 875129603 +399 582 3 882343358 +87 21 3 879877173 +203 283 5 880434359 +299 1005 5 878192833 +311 648 4 884364694 +86 888 4 879570218 +298 1 5 884126061 +275 408 3 875154438 +379 447 4 880524582 +101 742 4 877136302 +496 380 2 876068433 +297 237 4 875239383 +279 291 3 878878420 +517 284 2 892659923 +143 323 3 888407656 +77 250 3 884732873 +500 739 2 883876573 +286 121 3 876522166 +293 939 2 888906516 +346 56 5 874949217 +60 173 4 883326498 +125 705 5 879454243 +455 47 2 879112172 +511 313 5 890004702 +245 1033 5 888513522 +506 779 2 885135954 +509 50 5 883591878 +23 856 4 874787288 +193 508 4 889125319 +104 289 4 888442112 +527 152 2 879456405 +339 276 4 891032495 +1 40 3 876893230 +450 13 3 882373297 +464 326 4 878354761 +527 956 4 879455847 +368 313 5 889783251 +454 509 2 881960230 +271 520 5 885848615 +339 157 4 891032379 +160 410 4 876769148 +524 198 4 884634707 +7 656 3 891351509 +474 61 3 887924619 +339 428 5 891032349 +468 137 4 875280126 +321 1126 3 879439860 +332 264 3 893027312 +387 972 2 886483859 +332 456 4 887938556 +437 208 5 880139997 +485 289 3 891041551 +37 566 4 880916010 +532 95 5 893118711 +7 558 4 892131924 +491 19 4 891185209 +13 191 3 881515193 +489 272 5 891448367 +500 164 4 883874469 +437 794 4 880143243 +436 159 4 887770192 +500 1163 1 883865290 +311 423 5 884365579 +342 1167 1 875319854 +52 204 4 882923012 +429 1217 2 882385489 +519 352 5 883250148 +178 127 5 882823978 +43 133 4 875981483 +532 70 4 888634801 +92 651 4 875653271 +42 58 5 881108040 +109 411 4 880572296 +435 49 4 884132072 +296 303 4 884196238 +406 1202 3 879445684 +85 712 3 882995754 +429 164 4 882385489 +425 55 4 878737945 +91 603 5 891439171 +13 909 5 890704721 +497 152 2 878759898 +177 176 4 880130951 +327 298 3 887744405 +276 222 4 880913800 +456 69 4 881373949 +507 826 5 889966127 +303 544 4 879483617 +200 392 5 884128858 +358 318 5 891271063 +128 387 2 879968774 +514 402 4 875463245 +489 263 2 891448268 +389 780 3 880614316 +495 642 4 888635050 +161 186 4 891171530 +345 223 5 884902317 +459 1 4 879562960 +417 367 2 879648898 +351 1024 4 879481495 +363 216 3 891495879 +26 831 2 891379753 +109 809 4 880582945 +280 324 5 891700185 +299 962 4 889501593 +339 709 5 891032982 +94 993 4 891724303 +450 451 4 882398220 +184 708 4 889909962 +197 895 3 891409199 +439 405 4 882893323 +406 474 5 884630554 +476 944 2 883364813 +42 125 4 881105462 +328 12 5 885045528 +398 494 3 875813142 +497 588 4 879309993 +199 1326 3 883782934 +430 221 5 877225547 +105 313 5 889214193 +210 69 4 887736482 +393 761 4 889728667 +476 734 4 883365274 +205 1025 1 888284495 +385 8 5 880870206 +295 631 5 879966498 +223 591 3 891549627 +268 179 4 875309258 +408 315 5 889679715 +466 334 3 890283690 +416 25 4 876697243 +107 268 4 891264387 +405 419 4 885548785 +360 248 4 880354484 +75 114 4 884051893 +393 421 2 889555000 +385 496 2 879441538 +533 949 4 879439519 +102 38 2 888801622 +18 94 3 880131676 +508 568 4 883777237 +497 230 2 879310762 +184 654 4 889908824 +110 231 1 886988664 +62 436 3 879375883 +507 1034 5 889966127 +521 1016 3 884476002 +223 749 4 891549049 +313 167 3 891029076 +380 566 3 885478519 +393 239 4 889728324 +102 332 3 883277920 +235 701 4 889655086 +350 265 2 882347466 +345 534 4 884994592 +454 651 4 881960083 +104 290 4 888465739 +52 588 4 882922927 +416 785 3 888703399 +447 678 3 878854056 +208 996 3 883108684 +389 208 5 880087415 +532 369 3 874792142 +138 133 4 879024043 +354 661 4 891306946 +312 514 3 891698516 +502 294 3 883702255 +405 1587 1 885546529 +373 189 5 877100416 +502 879 3 883701980 +496 154 2 876066424 +473 276 4 878157404 +452 684 4 888493923 +398 49 3 875736199 +35 881 2 875459127 +453 268 4 877552481 +119 276 2 874775262 +509 288 5 883590443 +189 647 4 893265826 +381 139 3 892697358 +294 413 3 889242166 +429 692 3 882385118 +303 54 3 879484695 +472 552 5 892790576 +291 231 3 874835024 +312 654 5 891698485 +339 640 5 891035035 +246 679 2 884922917 +500 386 3 883875610 +435 118 2 884132458 +493 175 4 884131933 +298 79 5 884182685 +125 780 2 892839270 +450 418 4 882395914 +95 205 3 888954412 +472 395 3 875982559 +506 1016 4 882100828 +318 282 4 884470775 +465 28 3 883531110 +244 105 2 880605333 +380 699 3 885479186 +129 302 4 883243934 +486 597 3 879875187 +425 1464 2 890346998 +26 24 3 891377540 +417 1182 3 879648798 +389 610 5 880086972 +109 403 5 880581719 +275 135 3 880314824 +387 195 4 886479528 +91 182 4 891439439 +195 326 3 887439400 +61 748 2 892302120 +327 708 4 887818596 +533 477 4 880402957 +500 640 4 883874776 +6 47 3 883600943 +346 181 5 874948332 +230 568 3 880484567 +256 88 5 882165296 +318 378 4 884497632 +18 707 3 880131450 +269 185 5 891448951 +425 679 3 878738548 +406 198 2 879793179 +389 612 4 879991218 +367 183 5 876689738 +373 64 4 877098643 +184 738 3 889910372 +330 293 3 876544311 +385 143 3 879446465 +336 1496 1 877757268 +387 650 2 886480163 +198 56 5 884207392 +314 284 3 877886706 +426 524 4 879442785 +293 660 2 888907433 +268 89 4 876513897 +262 735 4 879793854 +524 66 3 884636617 +497 101 4 879310070 +233 196 5 880610814 +254 1183 4 887347350 +497 87 3 879363565 +532 216 5 893119438 +374 928 1 880393892 +44 448 2 878348547 +43 86 4 883955020 +338 708 5 879438627 +313 493 3 891016193 +303 550 3 879467607 +222 806 4 878181534 +487 265 5 883530236 +422 250 5 875130100 +331 958 5 877196504 +474 529 5 887924571 +503 54 2 879454950 +476 585 1 883365336 +429 591 3 882385663 +286 14 4 875807003 +426 835 3 879444853 +460 301 3 882910579 +370 195 4 879434886 +257 1160 4 882049973 +496 727 5 876072633 +230 95 5 880484850 +303 382 3 879467815 +363 322 2 891493959 +279 649 3 875312719 +320 66 4 884751034 +456 1168 4 881375284 +486 276 4 879874969 +374 226 5 880937876 +327 428 4 887819021 +1 270 5 888732827 +446 754 3 879787858 +291 403 4 874835165 +478 604 3 889398289 +393 494 4 889727702 +304 895 3 884967017 +453 17 4 877553928 +35 678 3 875459017 +194 693 4 879524216 +466 333 4 890284652 +385 134 5 879441538 +455 692 3 879111249 +524 95 3 884636617 +239 421 5 889181048 +498 258 2 881955080 +501 324 4 883346694 +214 100 4 891542986 +345 70 5 884992248 +479 752 3 889125284 +1 133 4 876892818 +473 508 2 878157456 +106 216 5 881452998 +405 769 1 885548475 +456 640 4 881373697 +85 512 3 879456199 +90 26 4 891385842 +13 321 2 882140740 +453 276 5 877552564 +521 179 4 885253708 +503 402 3 880383467 +144 244 3 888104588 +484 94 4 891195856 +381 99 5 892696445 +416 710 4 893142441 +514 175 4 875462426 +472 475 5 892791017 +42 175 2 881107687 +291 215 4 874868382 +275 132 3 880314529 +314 78 4 877890463 +417 255 3 879646327 +234 950 2 892079538 +426 1064 4 879444117 +267 655 4 878971989 +145 761 4 882182850 +327 1069 4 887819136 +417 39 3 879648212 +533 1177 1 879192184 +532 333 4 875441189 +425 327 4 890346659 +504 403 3 887910409 +459 222 4 879562994 +416 144 5 893212730 +417 562 4 879648955 +144 144 4 888105254 +474 181 5 887915511 +159 72 3 884026946 +187 651 5 879465566 +64 191 4 889740740 +437 58 4 880141243 +328 559 3 885048986 +60 433 4 883327342 +334 125 3 891544925 +409 615 5 881107084 +450 611 5 887135833 +193 237 4 889124327 +405 211 1 885547177 +327 686 4 887820293 +405 1307 1 885546529 +523 662 4 883703070 +207 756 2 877878923 +435 27 1 884133911 +445 1277 2 891200736 +505 66 4 889333313 +532 399 3 888630360 +311 504 4 884364873 +121 1266 4 891388250 +365 151 4 891304106 +416 393 4 886316118 +378 1048 2 880333851 +429 93 4 882385136 +314 1267 3 877888117 +487 45 5 883446725 +291 563 3 874867824 +373 499 4 877098643 +495 217 5 888637768 +116 191 4 876453961 +305 180 4 886323806 +320 82 3 884749359 +338 83 2 879438064 +62 91 4 879375196 +279 1266 1 875308843 +416 158 3 886319235 +454 79 4 881960083 +453 288 4 877562071 +190 15 4 891033697 +151 549 4 879543324 +484 597 3 881450182 +487 87 5 883445606 +437 381 5 880142426 +405 788 1 885548275 +181 358 2 878961709 +478 17 2 889396180 +97 183 5 884238911 +83 249 2 887664680 +183 176 3 891466266 +18 480 4 880129595 +387 511 3 886483049 +94 741 4 891721352 +177 469 4 880131201 +496 1133 3 876070957 +429 762 4 882386814 +347 117 5 881652518 +13 401 1 882141841 +405 404 4 885548932 +385 483 4 879442028 +407 455 3 884201774 +390 126 5 879694123 +407 1012 3 875548480 +232 514 4 888549879 +87 722 4 879876946 +383 89 3 891193181 +524 143 3 884635085 +222 271 4 881057647 +194 1011 3 879539794 +374 69 5 880394840 +70 83 4 884065895 +313 168 3 891013589 +497 94 3 879363133 +354 272 3 891180399 +454 1269 3 881959698 +305 170 4 886322691 +197 56 1 891409799 +504 1508 3 887911686 +496 921 5 876072633 +268 981 1 875743283 +96 181 5 884403687 +145 977 3 879161931 +373 66 4 877099263 +453 68 4 877561411 +183 1159 3 891479702 +334 197 4 891546181 +521 156 4 884478171 +308 68 4 887740933 +505 705 3 889333758 +3 288 2 889237026 +501 151 4 883348543 +32 313 4 883709840 +308 241 4 887738509 +307 660 3 879205470 +303 357 5 879466717 +83 411 2 880307259 +116 203 5 876453915 +459 8 5 879563903 +73 272 4 888792247 +495 392 5 888635455 +450 258 4 882216108 +107 313 2 891264266 +510 330 2 887667808 +303 455 3 879484421 +189 1065 5 893265478 +23 433 5 874785233 +293 433 3 888907407 +372 559 4 876869481 +15 118 1 879456381 +269 715 4 891448092 +222 257 4 877563353 +160 455 4 876769689 +287 682 4 888177213 +416 468 5 893213549 +391 659 4 877399208 +518 934 3 876823143 +44 24 3 878346575 +533 526 2 879191265 +463 993 2 877387935 +429 531 5 882385729 +378 716 3 880056735 +457 395 2 882551605 +467 1142 5 879532478 +210 482 5 887736739 +13 553 2 882399419 +286 1239 3 877535344 +146 328 3 891458079 +77 215 2 884752757 +215 196 4 891435548 +497 1555 2 879363780 +473 293 4 878157507 +58 741 2 892242159 +525 281 3 881086562 +301 196 4 882077836 +417 485 3 880949880 +183 210 3 891465869 +236 462 4 890115933 +276 331 4 890979062 +60 405 4 883326958 +8 229 5 879362356 +120 121 4 889490290 +26 302 5 891386368 +428 877 5 885943685 +533 50 5 882902988 +464 116 4 878355167 +497 549 4 879310445 +263 543 5 891298727 +437 97 3 880141286 +487 188 4 883445900 +102 771 2 888802508 +463 124 5 877385381 +469 194 5 879524116 +293 160 4 888907036 +478 81 4 889395977 +276 128 4 874792436 +487 549 4 884046879 +407 208 4 887832999 +416 783 3 886318768 +435 54 4 884132403 +424 127 4 880859493 +503 281 3 879454576 +58 171 5 884663379 +276 120 2 874787172 +505 422 3 889333975 +312 1126 4 891699455 +43 735 4 875981275 +451 292 3 879012684 +58 172 5 884305241 +53 568 4 879442538 +118 56 5 875385198 +407 230 4 875045371 +483 277 3 878952636 +327 222 2 887744357 +216 790 3 881428365 +437 42 3 880141129 +486 1202 4 879874995 +199 93 4 883782825 +94 1218 4 891722511 +447 286 2 878855082 +102 53 2 888801577 +178 405 3 882823905 +497 77 3 879362093 +487 541 3 884050711 +85 412 3 879453288 +379 575 2 882044649 +290 1285 3 880475565 +373 828 3 877111951 +202 481 1 879726642 +24 69 5 875323051 +407 1 4 876338278 +18 639 4 880131407 +264 217 3 886122446 +60 835 4 883326893 +236 685 2 890117308 +257 181 5 882050131 +44 678 3 878340887 +504 529 4 887832391 +106 280 2 883876680 +7 140 5 891353124 +514 302 5 885180556 +151 657 5 879524760 +377 98 5 891299009 +334 746 3 891548622 +254 28 4 886472369 +64 218 1 889739517 +43 217 2 883955930 +479 133 2 879461970 +363 58 3 891494962 +287 181 3 875333964 +416 931 3 886315822 +436 381 4 887769209 +479 405 4 879460236 +506 77 3 874874850 +290 926 3 880732538 +351 322 5 879481589 +380 670 1 885480187 +24 486 3 875322908 +478 369 3 889388429 +448 900 3 891887393 +457 114 5 882396868 +399 1139 4 882348974 +53 118 4 879443253 +296 61 3 884197287 +486 886 3 879874388 +151 275 5 879524443 +241 682 2 887249745 +418 899 5 891282706 +16 11 5 877718755 +371 117 3 877487052 +417 665 2 880952400 +43 1048 3 883956260 +267 550 4 878973047 +303 616 4 879484948 +8 228 5 879362286 +435 354 3 889722012 +348 291 4 886523790 +244 746 3 880606180 +497 99 3 879310021 +379 168 4 891674489 +521 69 3 884477727 +499 11 3 885599372 +151 603 5 879524641 +262 55 3 879791790 +344 280 3 884899815 +496 38 2 876068615 +188 5 4 875074266 +299 508 4 877878451 +487 161 5 883530702 +194 1041 2 879553591 +8 195 5 879362287 +432 1016 3 889416397 +200 982 2 891825589 +396 333 4 884645528 +454 686 2 888267280 +495 629 3 888636032 +270 257 4 876954223 +315 271 3 879799546 +308 469 5 887738104 +454 50 4 881959144 +476 1074 4 883365274 +416 684 5 893213405 +85 27 4 879827488 +347 460 3 881652888 +295 705 4 879517682 +260 288 3 890618476 +279 219 2 875736276 +133 313 3 890588524 +374 983 2 880936289 +13 527 5 882140252 +69 886 4 882027284 +251 313 5 886271472 +230 204 4 880484616 +283 49 4 879298333 +405 667 1 885548275 +308 430 4 887738717 +201 735 3 884113975 +339 508 4 891032189 +60 59 5 883326155 +390 319 5 879693561 +456 222 2 881371766 +152 720 5 882477356 +334 657 4 891545898 +524 1560 4 884636444 +397 22 4 885349476 +64 182 4 889738030 +123 286 5 879809053 +222 473 1 877563622 +183 226 3 891466350 +393 630 4 889728150 +53 546 4 879443329 +398 28 5 875660302 +256 210 4 882164443 +312 214 3 891699121 +409 166 4 881107992 +129 311 3 883244059 +215 203 3 891435266 +43 347 3 888177393 +102 29 1 888802677 +330 135 3 876546172 +474 481 4 887927153 +253 8 4 891628323 +532 132 5 893118711 +450 905 5 885945656 +109 64 2 880572560 +314 627 4 877888996 +287 426 3 875336743 +124 28 3 890287068 +474 244 4 887915646 +456 111 3 881371942 +493 79 5 884131287 +308 715 5 887740700 +346 369 3 874948890 +426 492 5 879441931 +487 679 2 883530724 +340 50 4 884990546 +246 24 4 884921345 +380 81 3 885478908 +466 315 5 890284231 +314 1471 4 877892430 +256 15 5 882150644 +343 177 4 876407252 +304 300 5 884968415 +452 234 3 875264355 +269 1397 4 891450575 +417 270 2 879646036 +7 677 3 891354499 +487 735 4 884042206 +433 333 2 880585133 +524 1154 1 884637914 +500 287 3 883865268 +486 718 3 879874449 +115 922 3 881170252 +471 1 4 889827881 +450 1479 3 882377479 +13 843 5 882399156 +495 133 3 888632888 +158 194 5 880134913 +385 169 5 880870205 +249 467 4 879572795 +382 180 5 875946830 +122 724 4 879270677 +324 260 5 880575277 +382 197 4 875946830 +497 56 4 878759659 +239 50 5 889179131 +417 943 3 879648761 +269 212 4 891447002 +159 319 1 880485290 +337 636 4 875236281 +500 1014 2 884527433 +141 313 5 884584271 +380 340 3 885481179 +447 484 5 878856457 +535 1 3 879617663 +221 407 2 875245100 +419 134 5 879435722 +524 234 4 884634877 +453 234 3 877561411 +455 257 4 879109733 +207 524 4 878104569 +145 410 4 875270616 +244 173 4 880605458 +459 147 3 879563435 +174 323 1 886434241 +317 748 5 891446843 +533 288 2 882901971 +429 185 4 882386006 +279 764 3 888425981 +345 294 3 884901497 +305 195 3 886323006 +520 283 4 885170516 +91 98 5 891439130 +158 399 3 880134595 +405 1108 1 885546069 +536 174 5 882359065 +460 322 3 882910722 +267 405 3 878970953 +7 100 5 891351082 +251 813 3 886272086 +401 762 2 891032662 +23 82 3 874787449 +382 14 3 875946055 +97 197 3 884239655 +513 472 4 885062636 +487 820 3 883444884 +523 186 3 883703495 +234 381 3 892335739 +454 56 3 888267590 +219 1014 3 892039611 +303 270 4 879466088 +486 125 3 879874970 +269 783 1 891451889 +118 135 5 875384591 +59 432 4 888204802 +431 300 4 877844248 +221 50 4 875244125 +524 942 4 884636980 +256 22 5 882164259 +286 737 4 877532419 +119 1260 5 874781547 +253 100 4 891628122 +178 97 5 882827020 +478 739 4 889398528 +151 770 4 879542527 +387 113 4 886479575 +215 50 5 891436543 +282 340 3 879949394 +389 451 2 880165881 +405 714 1 885546379 +434 1051 3 886724453 +469 134 5 879524062 +527 588 4 879456289 +169 331 5 891268491 +417 461 3 879647140 +514 748 2 875463906 +528 58 5 886101994 +316 730 4 880853775 +194 762 3 879539305 +394 31 3 880887152 +334 286 4 891544049 +416 13 5 893212623 +325 1232 1 891479228 +405 1571 1 885549463 +2 305 3 888550065 +181 1277 2 878963085 +426 616 4 879444787 +181 920 1 878962496 +213 185 5 878955501 +430 286 4 877225174 +459 864 4 879563435 +476 748 2 883365634 +25 143 3 885852529 +189 501 4 893265893 +405 971 1 885549464 +434 1095 5 886724940 +43 3 2 884029543 +480 347 3 891207605 +314 801 3 877892017 +60 582 4 883327664 +152 275 4 880148664 +442 710 5 883388576 +405 1200 1 885548785 +22 202 5 878886480 +239 961 5 889181093 +293 29 1 888907499 +507 117 3 889965997 +492 124 4 879969345 +16 947 4 877719454 +268 234 4 875309430 +500 827 2 883876904 +465 588 4 883531380 +524 479 4 884637314 +446 688 2 879786985 +455 1137 3 879109881 +455 727 3 879112561 +7 557 4 892132145 +330 210 5 876546866 +495 1110 4 888637147 +15 15 4 879455939 +94 509 5 885873159 +272 96 5 879454845 +87 144 4 879875734 +151 238 5 879542286 +130 98 5 875216507 +535 286 2 879617123 +346 184 1 874950463 +251 151 5 886272118 +109 77 4 880578388 +454 736 3 888266991 +59 423 5 888204465 +416 67 4 886318740 +437 480 4 881002345 +435 294 4 884130584 +476 328 4 883365684 +497 71 4 879309993 +308 201 5 887737334 +535 519 3 879617931 +130 939 4 876252041 +393 410 4 887744419 +276 959 4 874791695 +385 487 4 887670073 +484 234 4 891195687 +533 103 3 887032538 +286 588 5 877532131 +119 22 4 874781698 +458 86 5 886397679 +463 1117 1 877385954 +344 129 4 884899346 +439 282 3 882893859 +450 502 5 882469061 +398 274 3 875655841 +535 515 3 879619224 +502 890 2 883702945 +430 12 4 877226164 +92 620 3 875813224 +389 105 3 880614316 +239 499 5 889179808 +235 181 3 889655360 +99 125 4 885678840 +429 12 5 882386424 +279 978 1 889231898 +504 288 5 887831273 +469 10 5 879525373 +413 245 2 879969027 +177 200 4 880130951 +363 7 3 891495510 +253 343 4 891627815 +198 276 3 884205317 +438 280 5 879868423 +527 28 3 879456289 +271 703 3 885848559 +381 1117 4 892697574 +16 498 5 877719333 +472 720 5 875982096 +455 31 4 879111937 +384 313 5 891273683 +201 631 2 884140750 +454 272 5 888007255 +389 384 2 880089211 +487 69 4 883445859 +456 168 4 881373794 +393 465 4 887746916 +123 657 4 879872066 +416 879 3 892439224 +339 197 5 891033653 +297 258 5 874953892 +457 157 5 882553112 +262 1013 2 879791471 +293 1229 1 888907210 +130 929 4 876251160 +340 520 5 884991544 +451 1025 3 879012773 +339 227 2 891035524 +474 696 3 887916330 +489 343 5 891447913 +134 328 4 891732335 +533 275 4 887721848 +526 7 4 885682400 +75 427 4 884051921 +308 523 4 887737084 +324 749 3 880575277 +394 541 3 880889741 +429 1017 3 882385399 +267 810 3 878973568 +340 173 5 884990703 +75 304 2 884051610 +116 888 2 886309958 +262 582 4 879962517 +89 724 4 879460027 +387 176 3 886480446 +41 318 4 890687353 +387 455 4 886481105 +527 615 4 879456312 +358 529 3 891269464 +145 54 5 888398669 +500 1 4 883865021 +158 652 4 880134966 +393 356 3 889731088 +479 211 4 879461447 +504 276 3 887831790 +485 347 2 891040688 +389 234 4 879991081 +313 483 5 891016193 +405 1549 1 885548671 +487 1217 3 884025080 +10 480 5 877888943 +276 17 4 874791894 +59 508 5 888203095 +184 411 3 889908207 +313 1091 2 891030261 +450 792 4 882396050 +110 230 3 886988750 +404 678 4 883790400 +472 1248 4 875983427 +56 232 4 892676339 +334 371 2 891547283 +141 118 5 884585274 +524 423 4 884635358 +16 200 5 877722736 +269 659 4 891449406 +269 462 3 891447216 +70 161 3 884067638 +381 898 5 892697869 +90 427 5 891384423 +213 405 3 878870904 +358 268 3 891269077 +100 286 3 891375629 +181 1280 1 878961668 +152 161 5 882476363 +487 81 3 883531507 +160 202 4 876862077 +57 24 3 883697459 +116 900 4 888311676 +473 1142 5 878157299 +130 159 4 875802211 +519 1280 5 883250102 +436 400 3 887771924 +506 475 1 874862229 +54 291 1 891898613 +532 746 5 893119438 +391 276 3 877399780 +234 143 3 892079288 +184 401 3 889910418 +274 591 4 878945466 +301 47 4 882076936 +301 235 2 882074408 +427 688 5 879701326 +291 391 1 874835242 +218 712 3 877488902 +497 1042 3 879362178 +456 581 3 881375155 +243 423 3 879988587 +456 578 2 881375127 +533 328 4 887032063 +249 64 5 879572210 +262 785 3 879794359 +524 187 5 884634646 +246 1052 1 884924710 +533 595 2 887032451 +119 916 1 892564442 +427 292 2 879701127 +426 673 4 879442227 +70 313 4 884063469 +517 300 5 892660728 +532 769 2 888630531 +256 54 5 882164955 +110 586 3 886988536 +94 404 4 891721615 +398 159 3 875717020 +114 318 3 881259495 +479 616 4 879462062 +100 908 1 891375068 +527 963 4 879456030 +303 658 5 879484327 +343 229 4 876407340 +18 166 4 880129595 +121 628 3 891389037 +299 1050 4 878192721 +407 29 3 876344410 +64 179 5 889739460 +468 1168 2 875302155 +128 1048 2 879968858 +279 189 5 878082781 +95 506 3 888954552 +457 959 4 882549180 +198 121 3 884206330 +411 527 4 892845926 +320 288 4 884748277 +478 403 2 889398645 +537 28 3 886031438 +312 524 5 891699345 +497 228 3 879310762 +405 226 2 885547953 +256 1041 4 882165328 +254 768 3 886475004 +514 269 4 885180864 +216 215 5 880235120 +63 741 3 875747854 +327 715 4 887819860 +535 789 2 879618613 +479 489 5 879460844 +325 655 4 891479312 +328 172 4 885045528 +499 463 5 885599498 +6 482 4 883601203 +6 529 4 883601459 +215 300 3 891434733 +279 109 5 880869018 +21 436 4 874951858 +450 131 4 882377861 +210 821 3 887730532 +90 651 5 891384997 +535 836 5 879617746 +13 883 3 882140848 +374 741 3 880392717 +201 588 4 884113490 +391 334 5 877399745 +1 239 4 878542845 +85 153 3 879453658 +279 1087 2 891209189 +533 245 3 890659336 +504 77 4 887840681 +339 423 3 891033602 +257 198 3 880496822 +320 79 4 884749255 +512 1 4 888589126 +104 748 2 888442461 +466 882 5 890284231 +482 298 4 887644085 +90 306 4 891382267 +416 452 3 886319106 +347 404 4 881654846 +246 216 3 884920949 +305 286 4 886307828 +490 123 2 875428570 +145 257 5 875270932 +336 56 4 877757601 +490 764 1 875427993 +378 1407 3 880334329 +323 678 2 878738910 +234 474 4 892317967 +311 479 5 884365519 +303 340 5 879466088 +3 355 3 889237247 +21 976 1 874951483 +500 143 3 883875092 +332 1090 5 888360508 +308 522 3 887737484 +92 554 2 875907180 +38 188 2 892431953 +342 367 5 875319967 +341 259 3 890758051 +27 148 3 891543129 +103 250 4 880415918 +416 248 5 893213103 +378 1211 3 880333516 +453 298 4 877552641 +97 96 5 884239712 +194 50 3 879521396 +13 95 5 882140104 +279 1402 1 888462243 +370 183 4 879434937 +303 952 3 879467706 +65 63 2 879217913 +82 99 4 878769949 +82 740 2 884714249 +102 194 3 888803537 +533 582 3 879192278 +334 905 1 891547612 +195 413 3 885110849 +214 180 5 892668130 +360 306 4 880353584 +305 792 4 886323406 +311 357 5 884365104 +406 772 4 882480836 +250 179 4 883263374 +58 1105 2 884794758 +222 710 4 881059714 +537 526 3 886031720 +109 70 4 880578038 +505 195 3 889334096 +189 855 3 893265657 +497 161 5 879310730 +535 165 4 879617613 +504 693 4 887832741 +478 1521 3 889397343 +346 172 5 874947609 +303 508 4 879467260 +497 54 3 879362071 +7 27 4 891352692 +420 288 3 891357271 +21 301 4 874951054 +435 157 4 884132146 +497 501 2 879309993 +456 462 3 881373506 +269 518 4 891447815 +500 815 3 883865374 +373 385 3 877099016 +389 483 5 879991535 +407 291 4 876348681 +533 252 4 880402784 +181 982 1 878963205 +90 170 5 891383561 +118 513 5 875384751 +533 651 4 888845036 +447 111 3 878854954 +527 127 5 879456132 +435 338 2 887509306 +406 508 4 879539883 +472 288 5 875977682 +536 274 4 882318394 +514 609 4 875462826 +489 331 5 891366606 +405 627 1 885548877 +123 479 4 879872066 +276 158 3 874791932 +178 751 4 882823353 +145 566 5 875272010 +454 531 2 888266785 +36 358 5 882157581 +15 302 4 879455049 +109 1074 4 880583308 +216 82 4 880244446 +5 399 3 875635947 +437 217 3 880143695 +71 197 5 885016990 +327 502 3 887747134 +38 105 3 892434217 +534 1047 4 877808361 +295 125 5 879518528 +421 914 3 892241236 +508 223 4 883767361 +285 198 5 890595900 +427 1265 5 879701253 +435 128 3 884132184 +388 895 4 886438540 +435 38 2 884133509 +7 609 3 891352749 +385 871 1 879440986 +79 690 4 891271308 +405 702 1 885547407 +416 448 3 886316797 +405 643 1 885546336 +427 303 5 879701253 +518 14 3 876822923 +458 282 2 886396958 +342 124 4 875318267 +524 483 4 884634533 +200 179 4 884129029 +59 52 4 888205615 +532 348 4 886364825 +184 82 3 889909934 +504 419 3 887832643 +504 1135 4 887911854 +537 46 3 886031678 +313 430 5 891013620 +144 823 3 888104659 +272 42 4 879454939 +239 190 1 889178616 +145 450 3 885557660 +278 258 3 891295099 +87 502 5 879876524 +313 409 2 891030334 +459 252 4 879563506 +342 410 3 874984661 +408 347 3 889679761 +422 515 4 875129882 +506 88 4 874873944 +454 326 4 881958362 +497 217 4 879362382 +398 700 2 875736199 +279 1305 4 875313406 +260 882 5 890618729 +327 582 4 887822711 +511 271 5 890004879 +119 300 5 874774286 +293 302 4 888904092 +329 274 3 891656639 +449 276 5 879958705 +417 89 5 879647604 +291 1303 3 874835279 +299 529 4 877880852 +28 323 3 882826593 +484 255 3 882079980 +535 1093 4 879617931 +450 673 3 882396928 +416 917 4 893214332 +405 399 1 885547408 +468 132 5 875292134 +433 1598 1 880585865 +305 16 3 886324058 +425 98 4 878738186 +399 587 3 882351626 +452 517 2 875562846 +83 191 4 880308038 +491 657 5 891189306 +486 1514 4 879874663 +387 250 4 886480970 +18 781 3 880132188 +342 174 2 875319681 +406 206 1 879445735 +83 121 4 880306951 +144 87 5 888105548 +92 64 4 875653519 +408 539 1 889680018 +466 176 4 890284766 +379 527 3 880524860 +454 631 2 888267643 +507 323 5 889964809 +201 423 4 884112901 +442 1067 3 883388576 +184 20 4 889907771 +327 1073 2 887744241 +308 1126 3 887738268 +188 764 4 875072087 +233 527 5 877665324 +141 127 2 884584735 +469 1558 5 879524177 +274 282 5 878945788 +254 1469 3 886473929 +498 1426 3 881959103 +439 93 4 882893737 +291 763 4 874833841 +18 425 3 880130713 +51 603 3 883498728 +7 77 5 891353325 +130 31 4 875801801 +293 824 3 888905252 +262 473 2 879791216 +346 288 2 886273342 +223 924 1 891549975 +490 126 2 875427812 +194 9 4 879535704 +392 325 4 891037634 +454 427 4 881960173 +454 735 2 888267387 +26 1012 4 891386369 +275 1 4 875154310 +34 294 1 888602808 +407 1044 3 876348639 +469 173 4 879524178 +222 723 3 878184812 +450 56 4 882371645 +493 528 5 884132246 +200 89 5 884128788 +503 182 3 880472321 +332 597 5 887938486 +385 1428 4 879447181 +213 24 5 878870846 +214 172 3 891544390 +50 324 5 877052008 +271 602 3 885848886 +370 425 3 879434860 +450 940 2 882471737 +506 230 4 874873847 +533 450 5 879191713 +217 546 2 889070196 +445 147 2 891199974 +334 510 4 891628832 +378 182 4 880055239 +276 763 3 874787214 +92 800 3 875906802 +88 300 3 891037466 +373 4 4 877100232 +342 196 3 874984128 +151 378 4 879528520 +92 449 3 875812511 +18 132 5 880132437 +5 456 1 875636375 +474 72 3 887927457 +214 522 4 891544052 +180 153 1 877126182 +455 126 5 879172791 +201 582 5 884111873 +437 421 4 881001983 +153 265 4 881371032 +489 681 3 891366805 +428 300 5 885943713 +313 418 3 891014838 +313 840 2 891028360 +488 228 4 891294854 +318 869 3 884498461 +504 1415 3 887912335 +484 122 2 889974407 +347 252 2 881653176 +183 181 2 891463937 +373 208 4 877106773 +520 1051 3 885170585 +59 1050 2 888205188 +224 744 1 888103646 +443 258 5 883504617 +49 80 1 888069117 +14 750 3 891014196 +252 1 5 891456989 +220 305 4 881197771 +42 161 4 881108229 +103 255 5 880416423 +450 1192 5 887137066 +256 233 4 882164479 +357 820 4 878952288 +429 47 4 882384950 +406 179 5 879446718 +168 871 3 884287711 +466 748 2 890283592 +72 118 3 880036346 +457 380 4 882392854 +527 204 5 879455847 +453 156 5 877554908 +25 195 4 885852008 +393 89 3 887745973 +385 192 5 884586327 +435 1133 2 884133224 +254 265 3 886471695 +435 672 1 884133253 +363 859 4 891500462 +58 463 3 884305241 +537 602 3 886031634 +207 210 3 878191574 +180 733 5 877128388 +22 216 4 878886682 +373 110 3 877104086 +256 174 4 882164406 +504 28 4 887839810 +459 22 5 879563903 +495 53 1 888637440 +486 146 2 879875188 +437 748 4 880139631 +450 158 3 882471524 +485 307 3 891040967 +201 789 3 884112840 +16 510 4 877727280 +455 584 4 879111528 +43 317 2 883955319 +454 568 4 888266906 +44 429 4 878347791 +177 628 2 882143736 +457 428 5 882553113 +503 313 5 884637568 +387 769 1 886481851 +110 325 3 886987561 +450 203 4 882396799 +23 780 1 874788388 +127 62 5 884364950 +128 218 3 879969244 +497 562 2 879310941 +133 749 4 890588720 +13 92 3 882397271 +343 508 5 876403514 +500 172 2 883873640 +7 405 3 891353290 +464 258 5 878354626 +348 323 5 886522579 +268 328 1 876513643 +391 462 4 877399588 +59 194 3 888204841 +311 651 4 884364623 +94 97 4 891721317 +230 427 5 880484501 +497 168 5 878760023 +297 117 4 874954497 +345 588 3 884992100 +332 322 4 887916365 +450 193 5 882372027 +534 455 5 877807816 +498 489 3 881956140 +208 739 4 883108873 +374 143 2 882159114 +275 416 3 880314991 +405 569 1 885546680 +110 802 3 886988793 +11 24 3 891904016 +389 131 3 880087739 +399 633 3 882347019 +104 508 2 888465201 +504 972 3 887910552 +409 514 5 881107310 +416 972 4 891476265 +474 11 5 887924571 +314 993 5 877886279 +328 589 4 885046244 +269 1006 3 891447409 +246 77 2 884921839 +497 655 4 878759862 +234 131 3 892334680 +328 649 3 885047417 +109 452 2 880583753 +425 474 4 890347138 +405 41 1 885547735 +405 70 3 885545912 +430 98 5 877226365 +533 724 4 888347691 +456 100 3 881372366 +95 94 5 880573288 +73 289 2 888792410 +405 1182 1 885547557 +497 105 2 879309836 +234 842 4 892334045 +49 692 1 888069040 +326 230 3 879876861 +344 459 4 884899741 +487 215 4 883446027 +489 302 5 891448109 +447 281 3 878854857 +56 1035 4 892910268 +64 183 5 889737914 +500 529 4 883874558 +85 1170 3 879456350 +11 580 5 891905222 +401 328 4 891031723 +2 14 4 888551853 +305 223 4 886322758 +354 423 4 891217575 +346 959 2 875260577 +99 845 3 885679183 +537 682 1 886029083 +181 760 1 878963418 +514 179 4 875463468 +450 612 4 882396564 +445 64 2 890987771 +13 292 5 882140867 +152 15 5 880148843 +348 546 3 886523256 +505 623 3 889333365 +374 872 5 880392268 +508 150 5 883767325 +246 413 4 884923922 +506 510 5 874873067 +321 530 4 879440109 +234 163 3 892335951 +363 895 3 891493840 +168 294 4 884286862 +5 168 3 875636691 +347 468 2 881654825 +62 715 2 879375912 +394 56 5 880887406 +488 662 4 891294896 +489 908 5 891446623 +406 211 5 879445936 +20 763 1 879668476 +476 33 4 883364475 +216 402 2 881432430 +442 482 3 883389747 +527 646 5 879455792 +230 1 5 880484370 +523 154 4 883702125 +96 216 4 884403095 +222 227 3 878184171 +486 270 2 879874064 +500 522 4 883875041 +537 557 3 886032245 +121 595 2 891390521 +252 410 5 891456989 +201 124 3 884112991 +271 864 3 886106165 +406 529 2 879446108 +393 870 3 887745454 +64 203 4 889737851 +269 53 1 891451111 +137 243 4 881432790 +527 64 3 879456030 +451 937 4 879012684 +291 232 4 874835198 +291 128 4 874835062 +233 223 4 875508225 +369 172 5 889428642 +514 83 5 875462568 +406 652 2 879793179 +172 772 1 875537099 +12 195 4 879959670 +451 299 1 879012721 +417 72 4 879649107 +254 423 5 886472799 +271 89 3 885848518 +487 73 3 884050038 +298 257 4 884126240 +82 211 4 878769815 +506 1014 3 880908472 +363 448 5 891497953 +102 235 3 892993605 +87 1041 4 879877007 +363 29 1 891498365 +488 333 4 891293606 +440 271 5 891550404 +541 756 4 883866028 +405 85 4 885547407 +537 504 3 886030652 +466 682 1 890282957 +528 358 2 888520491 +524 410 2 884832742 +497 79 4 879310730 +100 690 4 891375629 +249 1 4 879572210 +504 1004 4 887910023 +486 331 2 879874112 +286 707 5 877531975 +442 1183 3 883390674 +293 482 4 888906096 +82 462 4 878769992 +1 194 4 876892743 +7 391 3 892132943 +109 239 4 880578632 +407 345 4 884614729 +459 993 3 879563146 +393 404 3 889728713 +222 214 4 878182453 +163 272 4 891219977 +121 427 4 891388286 +254 678 3 886470859 +481 42 3 885828426 +291 236 4 874834128 +454 490 2 888266754 +363 603 4 891495109 +343 943 4 876406552 +160 474 4 876857977 +533 673 3 879439143 +382 7 2 875945837 +538 164 3 877108631 +374 550 5 880938965 +90 19 3 891384020 +381 682 2 892697982 +511 299 2 890004827 +450 1054 2 882812495 +293 732 3 888906516 +486 336 2 879874218 +405 548 1 885549095 +301 501 3 882078040 +537 1065 1 886030738 +59 176 5 888205574 +327 651 4 887745744 +343 180 5 876404613 +453 59 2 888202258 +429 264 3 882387551 +447 483 5 878855818 +60 95 4 883327799 +422 1199 3 875129975 +512 198 5 888579920 +279 395 4 875659329 +533 322 4 879193106 +421 174 5 892241362 +221 240 4 875244352 +387 1091 1 886483670 +488 200 2 891294606 +515 288 4 887658604 +360 170 5 880355485 +372 447 5 876869445 +200 195 5 884128822 +15 280 3 879456167 +504 443 3 887910511 +280 1041 5 891702544 +394 222 4 881132876 +325 191 3 891478408 +262 69 4 879793479 +417 286 5 879646286 +492 97 3 879969210 +450 134 3 882373597 +109 739 4 880579107 +64 269 5 879365313 +268 1091 2 875744895 +497 257 4 879309648 +305 215 2 886323464 +207 566 4 875509434 +532 655 5 892861435 +423 328 1 891394874 +303 151 5 879484534 +299 197 3 878192039 +373 163 4 877098891 +509 680 1 883591252 +236 151 2 890116964 +82 81 3 878770059 +409 496 5 881107817 +326 44 1 879875852 +392 344 4 891037490 +486 121 3 879875188 +508 13 4 883777366 +394 385 5 880889010 +524 702 4 884636262 +535 171 3 879618414 +10 527 4 877886597 +455 222 3 878585775 +361 53 2 879441351 +334 1041 3 891549667 +421 302 4 892241236 +94 183 5 891720921 +93 1 5 888705321 +506 520 5 878044852 +394 144 5 880886978 +267 408 5 878974783 +481 596 4 885828773 +181 360 1 878962005 +130 665 3 876252175 +205 875 2 888284532 +339 134 5 891033044 +474 199 5 887927456 +435 1044 4 884132515 +357 471 5 878951498 +94 41 3 891723355 +524 193 4 884636498 +535 506 5 879617819 +389 411 4 880088659 +246 572 3 884923127 +465 190 4 883530054 +240 245 4 885775831 +457 20 5 882393967 +373 144 3 877098949 +145 825 4 875271477 +64 195 5 889737914 +458 234 4 886397808 +393 1014 3 887745086 +327 172 4 887743986 +401 707 2 891032868 +84 866 4 883452174 +473 268 5 878156932 +435 710 4 884131267 +504 96 4 887840098 +200 54 4 884129920 +200 98 5 884128933 +256 117 5 882150313 +293 182 5 888905481 +277 742 4 879543845 +477 255 5 875941763 +276 1407 1 874977513 +28 200 2 881961671 +478 288 5 889388862 +537 150 3 886029974 +180 790 1 877127572 +537 203 4 886031437 +537 177 3 886031506 +95 179 3 880570909 +455 277 4 879109565 +59 489 4 888205300 +514 344 3 891900164 +12 202 4 879959514 +363 707 3 891494906 +219 855 5 889452619 +523 516 5 883702863 +429 179 3 882385012 +537 507 4 886030966 +126 311 4 887855173 +293 15 3 888904777 +499 213 3 885598989 +524 179 5 884635204 +458 952 2 886395119 +457 529 4 882397763 +45 50 5 881007272 +345 365 2 884993760 +370 114 3 879434587 +391 71 3 877399236 +236 275 3 890116499 +495 162 3 888633351 +145 379 3 875272299 +466 27 3 890285113 +458 182 4 886397771 +53 96 4 879442514 +351 880 2 879481460 +406 235 4 879540330 +42 219 1 881109324 +513 546 4 885062601 +298 133 3 884125093 +89 137 1 879441335 +455 1265 3 879108997 +125 41 2 892838510 +98 322 3 880498586 +90 18 3 891383687 +426 657 5 879442160 +535 662 3 879618414 +234 546 1 891227851 +246 1411 2 884924026 +457 64 5 882396868 +521 153 4 884478086 +503 153 2 880472250 +220 294 4 881197663 +442 403 4 883390466 +445 1528 2 891200355 +425 562 1 878738385 +435 255 3 884134290 +56 376 3 892911420 +425 597 1 878739095 +499 427 5 885599474 +393 56 2 887746015 +189 24 4 893264248 +532 412 2 874795951 +269 274 1 891450901 +354 604 4 891217755 +75 408 4 884050046 +194 414 3 879522240 +117 546 3 881009758 +406 411 4 879540199 +445 881 1 891199510 +154 482 4 879138831 +142 463 3 888640489 +450 99 4 882376803 +467 248 3 879532651 +185 276 4 883524475 +8 684 4 879362356 +380 512 3 885479355 +469 923 5 879523891 +299 275 4 877877535 +301 28 4 882076264 +542 206 2 886532602 +358 213 5 891269827 +500 319 4 883864793 +94 392 3 891722646 +291 79 5 874834799 +530 535 4 886198575 +185 111 4 883524529 +101 255 4 877137015 +99 358 2 885678520 +376 181 4 879454598 +255 281 1 883216902 +296 199 5 884197193 +320 568 4 884749327 +498 11 3 881956576 +450 607 5 887135753 +416 473 2 876697387 +521 100 3 884475872 +532 692 5 893119336 +21 261 1 874951006 +130 79 5 875217392 +217 79 5 889069741 +496 1401 3 876065499 +535 285 4 879619144 +67 24 4 875379729 +141 1283 3 884585168 +125 109 3 892838288 +59 149 4 888203313 +355 286 5 879485423 +454 215 4 881959917 +537 312 3 886029211 +501 127 5 883347773 +308 512 5 887736584 +9 690 1 886959344 +194 230 1 879535548 +87 781 5 879876524 +496 1444 1 876066465 +249 228 4 879572496 +144 476 2 888104625 +524 928 4 884323551 +466 550 3 890284903 +250 475 4 878089436 +436 1178 3 887771825 +164 370 5 889402443 +407 229 3 876338691 +178 298 2 882823905 +144 258 4 888103371 +416 12 5 893212572 +268 249 4 875742437 +399 747 5 882345053 +203 276 4 880434810 +487 194 5 883446322 +514 150 3 886189467 +339 203 4 891032466 +269 81 3 891448323 +279 139 3 890780864 +339 208 4 891032827 +195 152 3 890589490 +389 435 4 880087073 +363 849 2 891498365 +268 1037 2 875745255 +94 125 1 891721851 +360 205 5 880356240 +13 419 3 882398814 +95 649 4 880571678 +7 56 5 891351432 +58 732 3 884305321 +398 715 2 875736732 +472 374 2 875982922 +405 1558 1 885549506 +401 724 4 891033319 +312 671 5 891699182 +178 92 3 882827803 +234 610 4 892079769 +343 302 4 876402390 +308 71 4 887739257 +433 294 3 880585271 +339 735 4 891034717 +405 73 5 885547313 +495 163 5 888633277 +346 293 3 875000499 +393 274 4 887744549 +65 778 4 879216949 +537 206 1 886031720 +60 736 5 883327923 +392 488 4 891038978 +390 742 4 879694198 +497 174 4 879310705 +406 4 2 880131792 +332 370 2 887938849 +21 748 1 874950889 +83 1047 2 891182319 +498 302 3 881953659 +380 61 4 885478193 +130 407 2 876251388 +254 210 5 886472172 +429 1033 1 882387350 +255 447 3 883216599 +526 269 5 885681886 +62 729 3 879375414 +158 129 5 880132383 +293 252 2 888905086 +525 829 2 881086393 +57 249 5 883697704 +405 39 1 885546155 +234 140 2 892334766 +514 558 4 875318114 +512 318 5 888579569 +95 282 4 880573506 +458 293 5 886396767 +455 25 3 879109110 +58 512 3 890770101 +541 654 3 883875215 +194 182 3 879521475 +458 317 5 886397155 +445 959 5 891200869 +276 99 4 874792907 +215 288 2 891434563 +441 15 3 891035699 +207 237 4 877878342 +495 616 4 888635050 +250 270 4 883263374 +512 11 5 888579520 +5 50 4 875635758 +405 517 3 885547177 +115 96 3 881172117 +279 455 5 877236424 +236 56 5 890116254 +252 276 5 891456877 +322 23 5 887314417 +478 350 1 889387418 +24 176 5 875323595 +36 289 2 882157356 +242 331 5 879741340 +344 487 5 884900791 +523 242 5 883699464 +95 356 4 880571117 +489 682 4 891366606 +311 12 4 884364436 +135 234 4 879857797 +373 186 5 877099178 +318 376 3 884498314 +82 28 3 878769815 +339 29 3 891035759 +442 156 4 883391221 +417 1210 2 879649044 +295 738 4 879518546 +452 204 3 875275815 +524 127 5 884634533 +459 597 3 879563270 +537 570 2 886031831 +521 230 3 885254250 +354 14 4 891216575 +195 500 4 876617344 +49 13 3 888068816 +222 845 3 877563530 +255 982 2 883217030 +399 214 4 882344722 +325 961 4 891479312 +386 117 5 877655028 +474 1123 4 887923924 +178 249 3 884836855 +457 96 5 882553113 +95 63 3 880572218 +378 277 4 880044609 +412 56 5 879717071 +436 172 3 887768945 +222 132 2 878181829 +505 271 4 888631208 +351 343 3 883356591 +472 97 3 875981281 +318 628 4 884494757 +542 396 4 886533112 +60 153 3 883326733 +387 156 5 886484336 +405 1575 1 885549407 +399 975 2 882344974 +518 763 1 876823994 +393 423 3 887746849 +92 504 3 875653050 +487 294 4 883440572 +297 298 5 874954814 +164 866 5 889402121 +363 298 5 891499411 +184 25 4 889908068 +30 304 4 875988548 +112 323 3 884992651 +537 475 4 886029727 +187 214 4 879465632 +447 85 4 878856526 +311 8 4 884364465 +378 631 4 880045652 +537 134 5 886030862 +36 333 4 882157227 +527 1109 3 879455792 +141 279 1 884584817 +430 117 3 877225484 +197 39 2 891409982 +442 628 4 883391221 +532 1119 5 893119415 +494 107 4 879541405 +498 228 2 881961627 +154 191 4 879138832 +269 1011 4 891446246 +325 23 5 891478276 +532 345 4 884594358 +276 603 5 874795613 +271 570 3 885849742 +295 527 4 879517964 +545 554 3 879899497 +308 357 4 887738151 +399 432 3 882348283 +181 1132 1 878963342 +363 571 1 891498964 +309 334 4 877370356 +119 11 5 874781198 +506 463 3 874873157 +128 245 2 879966524 +463 221 5 877385180 +537 1085 4 886030416 +382 504 3 875946907 +497 1016 4 879310604 +253 685 2 891628884 +233 197 5 877663303 +402 529 4 876266775 +479 144 4 879461741 +459 1040 2 879563701 +532 96 5 892867296 +361 150 2 879440345 +405 1159 1 885549407 +44 71 3 878347633 +455 245 3 878585344 +391 294 2 877398619 +535 8 4 879618288 +429 602 5 882386628 +450 127 5 882373155 +416 588 5 893213644 +312 684 5 891698664 +223 682 4 891548828 +463 14 1 890453075 +361 504 4 879441215 +109 71 4 880578066 +174 111 5 886433898 +299 432 3 877880612 +447 447 3 878855724 +293 1248 2 888907527 +41 175 5 890687526 +62 238 5 879373568 +506 176 5 874873892 +52 237 4 882922227 +59 1119 4 888206094 +207 5 3 880839802 +521 288 3 884475470 +72 664 3 880037020 +237 9 4 879376730 +292 298 4 881103977 +379 398 1 880525638 +151 31 3 879524713 +276 100 5 874786605 +393 473 3 887745135 +514 4 4 875463440 +293 546 1 888904927 +94 83 4 885873653 +254 449 5 886475446 +58 175 5 884663324 +436 821 4 887769733 +486 220 3 879875441 +62 174 4 879374916 +206 691 1 888180081 +301 373 4 882079334 +494 194 4 879541298 +308 198 3 887739172 +193 541 1 889125976 +545 132 4 884134519 +44 231 2 878347915 +474 618 4 887927457 +356 316 4 891406372 +457 232 4 882397666 +144 333 3 888103371 +429 223 4 882385034 +506 97 4 874873374 +399 1090 2 882345212 +537 143 1 886031438 +233 8 3 877663612 +389 173 3 880087003 +506 402 4 877539905 +516 191 4 891290685 +504 234 3 887838740 +303 1510 3 879485659 +289 222 2 876789463 +450 428 4 887660722 +500 216 4 883873556 +405 1274 1 885548137 +344 202 4 884901180 +152 785 5 886535773 +479 54 3 879462121 +326 72 2 879877264 +353 326 2 891402444 +359 472 4 886453402 +151 561 3 879543342 +234 1044 2 892336194 +308 448 3 887740866 +532 338 3 879931705 +504 133 5 887832593 +344 647 4 884814401 +259 15 3 881378653 +482 257 4 887644063 +405 720 1 885546487 +453 416 2 888206132 +495 566 4 888635144 +201 438 1 884114813 +527 207 4 879455873 +454 837 2 888267315 +60 229 4 883327472 +95 779 3 880572288 +368 217 5 889783562 +15 930 2 879456381 +393 138 3 889731793 +389 69 5 880087345 +244 458 3 880604405 +279 190 3 875307407 +274 100 5 878945404 +505 651 3 889333598 +339 151 4 891033676 +254 227 4 886474806 +279 150 3 886019867 +474 42 4 887923923 +345 382 4 884992725 +539 382 5 879787825 +531 905 4 887049166 +380 435 3 885479124 +378 469 5 880046069 +151 517 2 879542588 +435 21 4 884134134 +290 484 3 880474174 +534 926 4 877807780 +128 82 5 879968185 +347 470 5 881654301 +536 2 4 882360227 +186 121 2 879023074 +43 778 5 883955363 +493 527 5 884132037 +410 886 2 888627018 +399 384 2 882345698 +399 234 3 882343294 +311 191 4 884364764 +545 222 4 879899157 +207 696 3 877751310 +18 588 4 880131201 +399 195 2 882342669 +293 460 3 888905005 +481 524 5 885829045 +401 1011 3 891032367 +450 378 5 882373995 +474 1172 4 887924469 +533 274 4 885305541 +45 596 3 881014015 +454 96 4 888266600 +300 876 5 875650105 +197 435 5 891409935 +456 523 4 881373353 +521 72 3 885254323 +249 789 5 879572911 +130 237 5 874953621 +532 301 4 874999563 +493 1278 5 884130215 +465 64 5 883530088 +84 543 5 883453713 +416 354 4 893214333 +287 4 4 875336652 +90 285 5 891383687 +295 421 4 879517802 +276 916 4 892436298 +151 1070 4 879524174 +246 993 3 884920770 +6 510 4 883600785 +466 269 2 890282759 +347 17 4 881654635 +59 673 5 888204802 +399 412 2 882352468 +187 65 5 879465507 +336 90 5 877757062 +458 307 4 889323481 +284 539 2 885329821 +458 1048 4 886395119 +132 523 4 891278996 +301 133 4 882077142 +198 208 3 884208571 +314 161 5 877888168 +233 91 3 876812281 +435 351 2 887509368 +190 823 2 891626040 +151 566 3 879528890 +152 354 3 890322242 +18 435 4 880130890 +271 135 4 885848373 +407 290 3 875042865 +291 1077 4 874834963 +363 271 4 891493840 +479 255 2 879460192 +240 873 2 885775857 +5 408 5 878844495 +514 1 5 875309276 +532 235 3 887041328 +498 1103 4 881957847 +13 79 3 882139746 +437 1075 4 881002374 +38 1035 5 892431907 +69 245 1 882027284 +442 12 4 883390912 +371 197 4 877487364 +211 457 4 879437184 +13 674 3 882396955 +104 316 4 888442461 +290 167 2 880475807 +270 7 4 876954004 +534 117 5 877807973 +221 402 2 875393426 +457 134 5 882396832 +404 300 4 883790749 +474 591 3 887915366 +44 69 4 878347711 +201 1224 2 884140891 +514 11 4 875318082 +542 648 4 886532950 +486 1589 3 879874515 +405 588 2 885548785 +293 133 3 888906045 +81 150 3 876533619 +193 1 4 890859954 +244 1132 4 880605132 +187 197 4 879465597 +94 750 4 891725501 +312 486 5 891699655 +206 1022 1 888179980 +533 475 1 879192500 +299 514 5 877881229 +308 1456 4 887739056 +547 328 4 891282757 +201 129 4 884114471 +392 270 4 891037437 +219 71 1 889452455 +496 746 3 876066633 +321 499 3 879440393 +337 125 4 875185574 +543 210 3 875721967 +303 328 3 879466166 +416 326 5 893214041 +367 145 3 876690077 +239 427 5 889180888 +6 493 5 883601713 +178 729 4 882827020 +201 1070 5 884111677 +269 1188 1 891451857 +82 283 2 884714164 +313 655 4 891014474 +533 122 1 879366118 +500 421 4 883875303 +497 268 4 878759399 +178 876 2 886678484 +406 168 3 879445642 +374 963 5 883629108 +108 127 4 879879720 +293 651 3 888905865 +10 274 4 877889333 +228 938 1 889387173 +393 95 4 889555295 +32 1023 3 883717913 +198 298 1 884204993 +406 468 1 879446361 +72 9 5 880035636 +15 866 4 879456288 +429 428 4 882386942 +437 674 3 880143714 +246 254 1 884924710 +398 85 4 875718731 +7 62 3 891354499 +256 794 4 882165135 +458 237 4 886394623 +290 629 3 880474716 +378 217 3 880332683 +12 242 5 879960826 +279 529 3 875308843 +339 195 3 891032576 +334 425 4 891548835 +59 135 5 888204758 +487 227 3 883531279 +527 99 3 879456186 +430 164 3 877226323 +254 71 3 886472737 +55 118 5 878176134 +409 855 4 881108246 +476 63 3 883365274 +271 441 3 885849648 +37 147 3 880915749 +207 319 3 879664891 +399 1393 3 882340421 +456 449 3 881375226 +58 189 3 884304790 +217 56 5 889069709 +425 325 3 878737684 +416 156 5 893212895 +423 696 3 891395759 +271 651 4 885848584 +455 97 5 879112436 +73 64 5 888625042 +266 275 5 892257831 +421 176 5 892241422 +435 111 3 884132777 +371 22 5 877487134 +243 1148 3 879988723 +21 406 1 874951293 +520 269 5 885168591 +213 942 4 878955533 +346 156 4 874948139 +416 916 3 893141069 +402 696 4 876267014 +246 81 5 884921638 +184 483 5 889908630 +537 844 4 886029692 +244 162 4 880606993 +416 627 5 893213918 +405 51 1 885546577 +533 303 4 893160944 +405 1425 1 885547557 +62 472 2 879373152 +474 183 5 887924619 +454 133 4 881959652 +508 239 2 883777257 +460 146 4 882912370 +533 847 3 880402996 +24 729 5 875323475 +81 121 4 876533586 +263 58 4 891299264 +541 28 4 883864739 +98 88 3 880499087 +533 218 2 879191652 +347 31 5 881654321 +416 87 5 893212484 +324 150 4 880575412 +233 204 5 880923202 +542 318 4 886532602 +227 1007 4 879035158 +399 143 5 882344638 +130 313 5 884623736 +234 195 2 892078936 +280 771 3 891702122 +253 15 4 891628019 +457 717 3 882395894 +401 316 5 891031756 +393 622 4 889555074 +479 523 4 879460894 +184 285 5 889907771 +311 31 4 884364570 +136 318 5 882848820 +488 243 3 891293400 +59 741 4 888203175 +334 423 5 891545821 +426 435 3 879444604 +479 50 4 879460160 +178 654 3 882827506 +18 213 5 880131201 +495 581 5 888635655 +222 396 1 878183381 +416 720 4 886318128 +428 323 3 885943869 +234 133 3 892334680 +221 732 4 875246330 +527 210 4 879455924 +401 197 4 891033417 +442 1098 4 883388237 +330 660 5 876546752 +504 25 4 887831419 +57 318 5 883698580 +151 154 4 879524642 +409 318 4 881107943 +176 325 3 886047375 +449 127 5 879958572 +455 428 4 879111268 +264 123 4 886122952 +456 286 3 887165765 +23 418 4 874786037 +416 985 3 876697165 +416 812 4 893212623 +548 273 5 891044411 +535 182 3 879617574 +307 419 4 877122115 +435 470 2 884131661 +268 1054 1 875744051 +354 32 3 891217929 +245 756 3 888513425 +13 849 1 882397833 +459 278 4 879563270 +405 1074 3 885546636 +217 373 2 889070307 +480 510 4 891208460 +474 237 4 887915366 +548 690 3 891042475 +178 280 4 882824592 +537 318 4 886030707 +416 98 5 893213644 +347 763 5 881652837 +532 938 3 892519553 +486 1093 4 879874692 +374 465 5 882158849 +457 15 4 882393688 +326 433 2 879875644 +104 181 5 888465972 +537 874 3 886029083 +486 1079 2 879875347 +201 546 2 884140891 +305 317 4 886323713 +268 72 3 875743831 +454 685 3 888267198 +320 1215 1 884749097 +325 654 4 891478276 +279 124 3 878261977 +318 763 3 884494897 +230 82 5 880485311 +145 356 4 875272299 +297 160 1 875238853 +268 1231 2 875744228 +121 313 5 891390013 +342 286 4 874984002 +507 682 5 889964620 +117 173 5 881011697 +450 294 4 882370316 +233 129 3 876374463 +263 222 4 891299573 +532 690 4 876696258 +435 1204 3 884132100 +292 209 5 881103874 +178 265 5 882826394 +307 135 4 877122208 +69 273 3 882072803 +334 488 5 891546231 +546 413 4 885140808 +269 931 1 891451754 +398 491 5 875718954 +508 502 4 883776778 +468 182 5 875292320 +263 498 5 891298046 +472 743 4 883904504 +13 339 3 882140718 +381 102 2 892696130 +361 673 4 879441286 +358 127 1 891269117 +375 185 5 886621950 +465 395 1 883532120 +7 29 3 891353828 +50 276 2 877052400 +130 974 4 876250932 +62 1134 2 879372936 +214 475 5 892668153 +32 271 3 883709953 +70 393 4 884068497 +533 161 4 879439465 +144 288 2 888103509 +36 875 3 882157470 +151 131 5 879525075 +401 272 3 891031508 +238 845 3 883576424 +429 448 3 882386006 +137 476 1 881433524 +180 684 5 877442058 +487 95 4 883446872 +466 357 4 890285706 +8 435 5 879362233 +486 285 5 879874482 +524 527 5 884634785 +201 505 3 884113772 +425 1597 3 878738596 +373 142 3 877111362 +548 636 4 891044538 +465 584 3 883531325 +338 175 4 879438762 +45 411 3 881015657 +26 14 3 891371505 +42 202 5 881107687 +158 985 4 880134261 +328 540 3 885048730 +452 161 5 885816915 +262 131 5 879961282 +274 69 5 878946644 +523 393 5 883702411 +409 89 5 881107539 +416 70 5 893213019 +59 462 5 888205787 +445 748 1 891199458 +352 385 4 884289760 +504 420 3 887840560 +59 403 5 888206605 +435 402 3 884131996 +492 511 5 879969879 +393 443 3 887745624 +537 687 1 886029526 +399 95 3 882343068 +450 469 4 882396153 +463 150 2 889943683 +327 919 5 887820828 +264 873 3 886121517 +495 501 3 888634536 +374 1134 4 880392846 +157 289 4 886889876 +103 257 3 880415892 +223 926 4 891549792 +524 467 4 884635287 +406 174 4 879445809 +468 98 5 875288196 +478 23 2 889388562 +188 157 3 875072674 +393 364 2 889731139 +399 38 2 882345164 +109 373 5 880583241 +380 306 4 885477802 +45 13 5 881012356 +454 228 3 881959960 +417 579 2 879649467 +339 180 5 891032793 +459 123 3 879563312 +222 941 3 881059736 +307 529 4 877381142 +292 180 5 881103652 +432 844 4 889415947 +474 171 4 887926804 +532 763 5 892866230 +264 185 5 886122261 +141 298 5 884584790 +435 80 2 884133610 +404 332 4 883790749 +533 82 4 879439204 +405 796 3 885547447 +532 532 3 887040858 +408 358 4 889680045 +385 144 3 879443102 +56 117 5 892679439 +299 474 5 877880474 +476 42 4 883364295 +301 746 3 882075774 +467 124 5 879532534 +537 663 3 886031540 +181 1097 1 878962720 +437 654 5 880141041 +327 865 5 887745774 +398 497 3 875717407 +110 41 4 886989399 +210 181 5 887731082 +249 237 5 879640361 +512 1459 4 888579569 +399 760 1 882341554 +535 181 4 879617818 +548 276 3 891415512 +147 937 3 885593997 +389 23 4 879991147 +545 399 4 879900794 +222 549 4 878184055 +503 88 4 880383468 +522 100 5 876960824 +330 197 5 876546071 +458 694 4 886396140 +201 95 3 884114015 +409 609 3 881108829 +378 403 4 880046408 +327 676 3 887746686 +176 741 3 886048145 +527 285 5 879456363 +391 544 4 877400092 +312 510 5 891699490 +254 588 3 886473701 +25 265 4 885853415 +7 552 4 891354531 +296 528 5 884197068 +393 117 4 887745575 +410 328 3 888626786 +433 12 5 880585803 +339 1110 4 891034657 +405 1579 1 885549408 +287 121 4 875334494 +496 42 5 876066676 +222 655 4 878182210 +393 479 4 889555295 +312 414 3 891699626 +184 97 2 889908539 +135 230 3 879857843 +542 214 3 886533452 +532 492 4 888637105 +456 133 3 881373084 +13 585 4 882141814 +26 546 2 891371676 +470 952 3 879178884 +508 73 3 883777329 +399 566 4 882344871 +521 241 4 885254006 +406 519 4 879445378 +129 678 1 883245452 +268 381 3 875309344 +417 685 1 879646570 +522 96 3 876961076 +7 600 4 891354090 +411 195 3 891035239 +213 257 4 878870846 +276 800 3 874792745 +174 739 5 886513729 +500 175 5 883874341 +497 1407 3 879362609 +456 61 4 881373228 +535 39 4 879617574 +487 196 5 883446830 +243 215 3 879988046 +484 422 3 891195825 +387 806 1 886483824 +450 208 5 882377358 +100 874 1 891374868 +394 433 4 880886919 +181 291 3 878962997 +311 732 4 884365617 +385 658 2 879445454 +506 603 5 874873198 +227 934 2 879035874 +288 234 4 886374473 +498 32 4 881956363 +184 215 4 889909812 +505 566 3 889334503 +217 541 3 889069974 +194 529 4 879523575 +443 327 4 883504593 +345 278 3 884991505 +499 750 5 885597747 +13 712 4 882141872 +221 79 4 875245715 +479 118 3 887064767 +450 290 4 882399509 +160 770 4 876861878 +533 405 3 879192793 +518 547 3 876823645 +10 333 4 877886359 +454 250 4 881959238 +454 566 4 888267087 +97 205 2 884238817 +490 15 1 875427739 +435 196 4 884131597 +85 134 5 879454004 +279 1499 4 890451408 +458 9 5 886394373 +429 77 3 882385705 +65 28 4 879216734 +504 295 4 887831567 +343 1073 4 876405771 +70 168 4 884065423 +521 202 3 884478530 +405 1112 2 885546530 +498 538 1 881962988 +487 260 2 883441026 +510 325 1 887667575 +413 275 5 879969557 +329 137 5 891655812 +303 50 5 879466866 +417 325 2 880949231 +327 772 3 887822646 +200 325 5 876041719 +517 1016 1 892607194 +535 212 4 879618613 +339 5 3 891034953 +389 954 4 880614031 +399 420 3 882347783 +137 260 3 881432735 +498 12 4 881957195 +378 632 5 880055564 +384 289 5 891283502 +525 411 3 881086612 +132 12 4 891278867 +534 237 4 877808002 +551 684 5 892783212 +538 963 4 877363775 +521 161 2 885254116 +181 413 2 878963241 +174 100 5 886433788 +338 216 4 879438196 +49 420 4 888067031 +498 515 4 881956953 +373 409 2 877107235 +95 275 3 879192819 +524 168 3 884634995 +293 810 1 888907674 +275 162 3 880315276 +295 417 5 879518474 +494 126 4 879541476 +417 386 3 879648382 +311 218 4 884366363 +277 925 4 879543592 +116 310 4 886309549 +328 232 3 885047670 +59 11 5 888205744 +437 91 3 880143315 +551 578 5 892784672 +378 720 2 880056798 +417 68 3 879647275 +452 458 1 875266197 +311 228 5 884365325 +527 634 5 879456363 +321 463 3 879440393 +13 110 3 882141130 +472 3 5 892790676 +435 637 4 884132691 +303 250 4 879544712 +429 366 3 882387181 +84 25 3 883452462 +24 421 5 875323712 +189 136 4 893265535 +194 837 4 879546671 +466 651 3 890284819 +488 520 4 891293660 +494 50 5 879541246 +339 649 5 891034007 +468 435 4 875292027 +360 165 4 880356059 +130 477 4 875216593 +492 185 3 879969512 +18 504 5 880129940 +438 845 4 879868042 +497 89 4 879310850 +487 586 2 884051840 +484 258 5 883402900 +521 232 3 886063553 +459 220 3 879563367 +297 283 4 874954387 +112 1106 4 892439835 +495 404 4 888635380 +9 294 4 886959453 +497 197 3 879310419 +7 446 2 892132020 +426 174 3 879442044 +69 246 5 882072827 +70 183 4 884149894 +21 281 2 874951416 +521 248 3 884476110 +515 292 3 887659805 +253 591 3 891628358 +472 368 3 875979685 +332 333 5 889069499 +395 378 5 883764421 +308 1154 2 887740367 +119 25 5 886177013 +84 317 3 883453587 +7 380 4 891354053 +340 417 5 884991544 +56 191 4 892678526 +291 946 4 875086887 +290 465 3 880474799 +551 756 1 892784437 +543 135 5 875667109 +387 593 3 886480483 +506 367 3 874873068 +479 1016 3 879460254 +3 320 5 889237482 +518 1017 3 876823071 +20 934 4 879668783 +544 326 3 884795580 +344 926 2 886381985 +488 186 4 891294108 +267 144 5 878971463 +276 271 4 880913800 +361 165 5 879440573 +487 202 5 883445943 +303 650 5 879483941 +537 529 3 886031375 +397 177 5 882843746 +450 1030 1 882468789 +473 7 2 878157329 +542 746 4 886532838 +435 474 3 884131085 +525 300 4 881085217 +303 1073 4 879467191 +90 174 5 891383866 +308 842 3 887740099 +60 418 3 883327342 +313 485 3 891016425 +458 521 4 886397377 +345 241 4 884992142 +467 340 3 879532198 +393 1040 3 887745410 +151 638 5 879528819 +471 969 2 889828154 +426 610 4 879444550 +347 276 3 881652657 +43 172 4 883955135 +506 678 3 879074774 +532 312 2 884594422 +160 201 5 876858346 +307 200 3 877117875 +450 632 5 882395914 +295 513 4 879517492 +535 489 4 879619000 +495 62 3 888635937 +22 988 1 878887116 +141 261 1 886447904 +524 742 3 884627446 +519 335 5 883248595 +291 12 5 874834701 +33 294 3 891964166 +90 317 4 891383626 +504 71 5 887909321 +363 121 2 891497393 +90 896 3 891382163 +346 2 5 875263473 +497 386 2 879363111 +234 1205 1 892335501 +339 474 4 891032286 +546 928 4 885141132 +445 313 2 890988206 +301 111 1 882074708 +332 1047 3 887938652 +504 716 4 887909532 +543 982 3 877452676 +496 1473 3 876072548 +416 264 3 876696938 +399 393 4 882343455 +119 226 3 887038665 +481 507 4 885828773 +543 83 4 877547441 +524 506 4 884634938 +299 811 4 877880794 +194 118 3 879539229 +293 942 4 888907210 +283 625 3 879298007 +450 663 4 882373019 +387 102 3 886483669 +498 218 3 881961877 +313 144 4 891015144 +474 346 5 887914688 +315 1065 4 879799526 +393 1224 3 889555176 +500 83 4 888538350 +452 259 2 888494119 +323 763 4 878739459 +206 359 1 888179980 +458 753 4 886397110 +101 841 2 877136763 +291 475 5 874805699 +429 805 3 882385963 +331 198 4 877196634 +222 391 3 881060635 +262 485 4 879793363 +405 519 2 885546025 +426 98 4 879442737 +363 88 2 891498087 +43 559 1 883956468 +393 843 3 889731861 +96 238 4 884403250 +548 322 4 891043509 +543 95 3 874865728 +336 1011 2 877754536 +263 204 4 891298854 +405 710 4 885547268 +64 237 4 889740310 +530 156 4 883790381 +450 878 2 884098534 +506 295 4 879074845 +454 210 4 881960361 +452 97 4 885476560 +109 122 2 880583493 +489 355 5 891447872 +215 636 2 891436690 +459 255 4 879563613 +226 507 2 883889146 +312 855 5 891699538 +416 316 3 888700030 +195 508 3 886782519 +523 83 5 883700870 +447 845 3 878854678 +551 405 3 892783612 +495 831 1 888637325 +450 132 5 882374422 +354 9 3 891216607 +315 276 4 879799526 +484 1 5 881450058 +535 923 4 879617531 +327 644 3 887747410 +336 125 3 877760032 +303 1142 4 879544659 +363 200 3 891495918 +393 1239 3 889729508 +286 763 2 876521809 +290 69 4 880473696 +399 48 3 882349868 +542 508 3 886532762 +480 298 2 891207665 +439 288 3 882892424 +435 834 5 884134910 +189 97 4 893277579 +503 385 1 880472298 +211 1127 1 879461395 +407 172 4 875044037 +339 737 3 891035180 +2 287 3 888551235 +535 454 3 879617894 +92 1157 2 875812435 +249 309 3 879571456 +521 238 3 884478101 +416 249 3 876697558 +339 22 5 891033735 +332 824 3 887938818 +44 313 4 883612268 +48 528 5 879434954 +201 591 3 884140307 +178 578 4 882828021 +301 559 4 882078955 +407 28 4 875042826 +327 209 4 887747939 +92 7 4 876175754 +96 190 4 884402978 +301 1135 3 882078906 +405 707 1 885549309 +270 447 4 876956360 +14 238 5 879119579 +314 806 4 877887802 +308 195 5 887738619 +38 356 2 892430309 +421 117 5 892241624 +224 689 3 888082246 +90 762 3 891385250 +10 33 4 877893020 +184 747 3 889909672 +435 1231 2 884134019 +263 646 5 891299877 +161 22 2 891171282 +271 234 5 885848640 +10 245 4 877886281 +504 204 3 887838908 +270 794 4 876955689 +279 1361 3 878261977 +453 239 3 877554927 +16 509 2 877720118 +363 77 2 891496587 +276 298 5 874786467 +459 323 3 879561708 +364 262 3 875931432 +460 302 4 882910837 +48 183 5 879434608 +141 333 5 887424639 +186 568 4 879024014 +210 483 5 887736482 +451 995 1 879012721 +453 651 4 877554743 +379 153 4 880525284 +239 1204 4 889178986 +334 1198 3 891544735 +345 709 4 884993033 +535 953 5 879618019 +380 168 4 885479436 +474 517 4 887925916 +68 475 5 876973917 +217 720 3 889070011 +527 190 4 879456362 +437 179 4 881002345 +293 291 2 888905377 +276 974 2 874786945 +548 264 4 891043547 +157 269 4 886889876 +458 8 4 886395899 +553 505 5 879949107 +181 290 2 878963168 +526 315 5 885682102 +106 1242 4 881516731 +102 204 4 888803487 +399 153 2 882351347 +499 414 3 885599533 +295 105 4 879519473 +545 210 5 879899158 +433 322 2 880585466 +406 1220 3 882480802 +286 212 1 877531830 +378 200 3 880045681 +516 523 3 891290649 +543 79 4 877545356 +511 294 4 890005011 +216 943 5 881721799 +178 469 3 882827870 +508 218 2 883777237 +94 49 4 891722174 +138 487 3 879023853 +88 1191 5 891038103 +220 264 3 881198524 +370 176 4 879435217 +87 111 4 879876611 +313 449 3 891028323 +370 64 4 879434745 +374 176 4 880937692 +494 748 1 879540720 +430 100 5 877225570 +303 928 3 879485589 +194 28 5 879522324 +12 168 4 879959513 +16 109 4 877719333 +544 312 2 884796086 +347 333 5 881652077 +279 172 2 878082751 +311 209 2 884364502 +239 268 2 889178512 +99 345 3 885678696 +234 160 2 892336119 +506 222 4 884517178 +330 151 4 876544734 +286 217 3 877533447 +532 682 4 877898976 +429 457 1 882384438 +293 14 3 888904985 +389 81 3 880086972 +552 13 3 879222238 +537 1111 3 886031506 +387 737 3 886484098 +314 942 3 877888346 +508 436 4 883777109 +385 811 4 879443315 +329 185 3 891656347 +109 1035 2 880579787 +541 210 5 883865575 +504 50 3 887831293 +64 588 4 889739091 +237 485 4 879376553 +405 1184 1 885547996 +20 210 4 879669065 +487 4 4 883531003 +456 54 3 881375416 +85 193 3 879454189 +506 70 4 874874055 +508 209 5 883767325 +102 211 3 892993190 +268 11 4 875309507 +484 202 5 891195179 +151 845 4 879525035 +422 558 4 879744085 +314 685 4 877886788 +498 652 5 881961182 +417 222 3 879646388 +389 693 4 880088038 +269 632 4 891447931 +551 552 3 892784259 +343 231 5 876407032 +458 663 4 886398289 +551 13 1 892783411 +463 689 2 889936731 +109 449 5 880581987 +453 174 4 877554564 +280 200 5 891702544 +10 404 4 877886911 +506 1279 4 880198144 +545 101 4 879901538 +113 116 3 875076246 +15 243 1 879455362 +389 1444 3 880088445 +454 203 2 888267487 +178 1048 2 884837073 +439 475 3 882893220 +447 963 5 878855963 +197 22 5 891409839 +201 381 3 884111986 +380 423 3 885478218 +407 732 4 876341443 +429 755 3 882387685 +363 193 3 891494962 +498 171 3 881955866 +203 222 4 880434318 +465 1078 2 883532119 +7 258 4 892135277 +75 294 3 884049758 +267 182 5 878971773 +450 751 5 885945114 +537 1068 3 886029974 +454 654 2 888267419 +182 126 5 885613153 +532 373 3 888630658 +320 1522 3 884751316 +416 865 3 886316477 +472 559 5 875981708 +490 1128 4 875428765 +343 63 4 876406062 +450 1039 5 887137271 +474 493 4 887925837 +450 967 5 882373994 +99 201 3 885680348 +356 310 3 891405721 +399 1192 3 882344638 +478 219 2 889398289 +540 7 4 882157011 +314 699 5 877888527 +407 91 4 875044337 +72 628 4 880035857 +128 815 3 879968827 +442 800 3 883390139 +210 208 5 887730443 +85 99 5 880838306 +453 721 4 888205696 +455 318 3 879111528 +303 1013 1 879544860 +454 1107 4 888267617 +535 607 5 879618700 +234 1445 4 892336286 +425 230 4 878738644 +435 473 3 884133544 +175 419 5 877108098 +308 655 4 887738664 +325 502 4 891479058 +533 525 3 879191770 +538 202 4 877108250 +450 1603 3 887139728 +437 512 4 880140978 +280 1207 4 891701998 +298 118 4 884183016 +447 435 4 878855756 +293 831 3 888905286 +60 506 5 883327441 +541 399 3 883866093 +407 118 3 876338309 +482 301 4 887643315 +506 655 4 874873892 +85 14 4 879452638 +454 248 3 881959238 +269 66 1 891451063 +387 117 3 886480788 +507 892 5 889964809 +5 416 1 875721196 +342 68 3 875319992 +56 88 1 892683895 +222 468 2 881060412 +456 216 4 881374193 +207 248 3 877878409 +201 191 4 884114471 +22 184 5 878887869 +497 298 3 879310580 +328 186 4 886037065 +328 344 4 893195665 +343 931 3 876403938 +489 334 4 891448453 +486 299 1 879874113 +373 90 4 877103846 +138 194 5 879024184 +146 301 2 891457905 +407 400 1 876348583 +497 722 3 879362985 +213 478 5 878956129 +363 179 4 891496373 +405 1265 2 885549942 +347 50 5 881652456 +92 204 4 875653913 +7 593 5 891351851 +534 1028 5 877807816 +128 1035 3 879968921 +421 56 5 892241421 +326 96 3 879875057 +472 633 4 875981428 +503 514 3 880472102 +299 47 4 877881508 +449 170 4 880410652 +459 832 3 879563758 +545 73 4 879900121 +456 92 4 881374048 +327 550 2 887820448 +532 515 5 889327324 +497 155 3 879310522 +504 1136 5 887840560 +506 608 4 874874055 +381 259 2 892698054 +59 181 5 888204877 +372 452 4 876869534 +321 186 4 879440245 +392 114 4 891038401 +8 174 5 879362183 +244 655 5 880605766 +535 174 4 879617747 +129 882 2 883244662 +338 514 5 879438114 +389 393 2 880088717 +554 28 4 876232758 +409 1537 4 881106605 +144 117 4 888103969 +528 751 4 888520371 +250 237 2 878089753 +440 319 2 891549397 +457 168 5 882395018 +217 550 1 889069842 +227 460 2 879035963 +492 86 3 879969454 +125 399 3 892838509 +372 100 3 876869388 +230 650 4 880484778 +437 684 3 880382747 +244 246 5 880604302 +399 382 3 882344134 +405 1239 1 885548163 +521 291 1 885254166 +478 79 4 889388743 +24 8 5 875323002 +305 1073 1 886323591 +497 692 3 879310379 +382 258 2 875945173 +59 174 5 888204553 +450 472 4 882397813 +184 956 3 889908693 +346 358 4 886273570 +313 479 5 891013652 +533 357 3 879191085 +90 480 5 891383835 +357 117 5 878951217 +521 427 3 884477630 +553 511 5 879948869 +298 97 4 884183063 +128 497 3 879967102 +294 240 3 877820294 +128 26 4 879969032 +280 219 2 891702199 +70 95 4 884065501 +125 914 1 892835594 +132 127 4 891278937 +348 7 4 886523302 +412 114 4 879716874 +506 646 4 874874947 +330 470 5 876546267 +32 405 4 883718008 +125 585 4 892838463 +416 388 2 886320177 +495 1419 1 888635995 +464 181 3 878354998 +536 143 5 882360425 +269 644 5 891447593 +442 210 3 883388609 +365 1137 5 891303950 +547 316 5 891282797 +380 286 5 885477802 +437 672 1 881002300 +318 566 4 884496472 +90 1199 5 891385652 +10 174 4 877886661 +85 659 4 879453844 +385 273 2 879440557 +497 748 4 878759432 +347 1016 3 881652730 +425 853 4 878738853 +456 1220 3 881375051 +550 259 2 883426119 +421 213 3 892241491 +83 871 2 891182319 +453 471 4 888205557 +398 82 5 875721348 +380 217 2 885480093 +455 694 4 879110870 +556 327 5 882135508 +101 597 3 877136928 +249 125 3 879640210 +387 246 3 886480623 +57 126 3 883697293 +104 333 2 888442305 +426 607 4 879444734 +181 1114 1 878963342 +343 277 4 876402978 +425 943 4 890347172 +499 207 5 885599533 +293 177 4 888906193 +276 151 5 874786568 +374 743 1 880394000 +200 411 3 876042824 +234 463 4 892333865 +532 331 4 890021268 +120 117 3 889490979 +69 181 5 882072778 +13 68 3 882397741 +533 931 2 879366160 +500 1111 4 883874529 +85 182 4 893110061 +518 717 5 876823963 +421 175 2 892241576 +161 50 2 891170972 +442 281 3 883391299 +495 69 3 888632070 +500 1616 4 883875501 +346 77 4 874950937 +203 257 3 880434298 +299 538 3 881605700 +398 385 3 875723253 +48 523 5 879434689 +311 520 5 884365251 +95 210 5 879196566 +426 601 3 879444321 +347 28 4 881654612 +301 426 4 882076967 +184 66 4 889910013 +537 1073 3 886031149 +405 1522 1 885548670 +394 7 5 880888390 +10 129 4 877891966 +336 237 5 877759598 +124 154 5 890287645 +492 64 4 879969539 +189 238 5 893265683 +197 230 4 891409893 +100 880 1 891375260 +87 172 5 879875737 +505 79 3 889333274 +7 178 4 891350932 +429 581 2 882385684 +535 185 4 879617931 +269 182 4 891447961 +389 531 4 880086918 +96 98 5 884403214 +111 344 2 891680243 +391 132 4 877398951 +311 194 4 884364724 +276 802 3 874792634 +515 329 2 887660131 +484 318 5 891194932 +429 55 4 882384847 +305 735 4 886324128 +532 210 5 888637085 +445 871 2 891200592 +351 289 5 879481613 +368 569 3 889783586 +90 568 5 891385165 +264 286 2 886121691 +506 209 4 874873529 +360 936 4 880354181 +372 332 4 876869330 +269 69 1 891448048 +465 855 4 883531444 +476 435 3 883364218 +416 576 5 893213103 +503 607 5 880472272 +387 265 4 886483049 +467 108 4 879532744 +249 483 5 879572314 +234 211 3 892079475 +446 270 4 879786892 +409 175 4 881107251 +524 284 3 884323525 +425 229 3 878738548 +435 357 4 884131771 +511 333 4 890004778 +246 118 1 884923175 +519 349 5 883250148 +453 475 5 877552514 +460 311 5 882912418 +28 449 2 881961394 +426 836 3 879444117 +559 524 3 891035917 +294 331 4 877818580 +13 709 4 882139863 +454 131 3 881960330 +394 1371 2 880886546 +385 127 4 879439667 +459 111 3 879563201 +537 1139 2 886032000 +445 405 4 891200869 +378 111 3 880044562 +417 181 3 879646286 +354 709 5 891217928 +186 303 3 891717938 +435 961 1 884133635 +456 919 4 881371548 +550 405 4 883426027 +54 1 4 880931595 +501 1278 3 883348372 +251 117 4 886272009 +234 393 2 892335108 +375 183 5 886621917 +370 323 2 879434333 +79 268 5 891271792 +331 414 4 877196504 +151 582 5 879524563 +334 312 2 891544286 +495 679 3 888634784 +535 203 3 879619035 +457 218 4 882547554 +87 1177 1 879877280 +186 332 4 891719775 +85 191 4 879455021 +551 690 5 892775584 +472 755 4 875981829 +445 544 2 891200417 +237 178 4 879376671 +523 549 4 883703144 +474 195 5 887923789 +130 181 5 874953621 +405 956 2 885546069 +405 555 1 885546835 +454 434 3 888267387 +95 1133 3 880572416 +373 191 4 877102549 +16 237 5 877719504 +478 392 2 889398571 +313 50 5 891013859 +201 1073 2 884111899 +515 893 1 887660131 +541 420 4 883874749 +399 826 2 882349353 +389 605 5 879991512 +504 567 2 887839196 +533 546 3 879192769 +184 399 3 889910159 +328 561 3 885049431 +250 100 5 878089786 +201 729 2 884140975 +405 1104 1 885549408 +482 295 3 887644063 +416 357 5 893213645 +429 81 3 882385243 +269 241 1 891450405 +381 1401 4 892697013 +75 1 4 884050018 +262 100 3 879962366 +452 614 3 875562198 +452 494 5 885805554 +445 325 1 891199533 +532 205 5 887788806 +357 1034 2 878952222 +551 365 5 892784524 +336 383 1 877758935 +553 182 3 879949290 +293 636 4 888906576 +6 495 4 883601366 +486 748 2 879874218 +270 250 2 876954223 +433 754 3 880585162 +62 1091 3 879376709 +448 750 5 891888099 +326 790 1 879877198 +63 405 4 875748109 +496 420 3 876069927 +8 82 5 879362356 +393 415 4 889730117 +313 629 3 891028873 +234 102 2 892335616 +405 183 1 885547909 +271 699 4 885849025 +447 405 2 878854704 +553 523 4 879948508 +435 786 4 884133657 +222 338 1 881058145 +116 258 4 876451911 +487 540 2 884050192 +128 732 4 879967047 +524 490 3 884634679 +186 540 4 879024014 +125 513 4 879454385 +460 149 4 882912174 +450 474 5 882812558 +276 88 3 874791960 +160 508 5 876768025 +249 568 4 879572256 +504 186 3 887840637 +373 382 4 877100458 +94 808 2 891723931 +338 1 3 879438143 +551 864 5 892785091 +437 1090 1 880143092 +518 458 3 876823266 +113 50 5 875076416 +339 663 5 891032952 +494 507 4 879541207 +527 513 4 879456030 +264 211 5 886123472 +38 395 3 892434164 +370 484 4 879434937 +262 559 3 879792792 +130 894 4 884624087 +90 528 5 891384065 +188 462 4 875073246 +495 1183 4 888637228 +144 729 4 888105665 +94 204 4 891721317 +234 516 3 892079140 +299 251 5 877877434 +79 319 4 891271278 +535 70 4 879618849 +553 22 5 879949324 +94 716 3 885873006 +15 310 4 879455049 +506 732 4 874874109 +21 989 3 874951039 +334 405 3 891547040 +474 198 3 887925621 +271 269 4 885844430 +489 878 2 891448565 +332 328 5 887916217 +188 553 4 875071775 +450 765 3 882471362 +115 56 5 881171409 +293 497 4 888906217 +243 1465 3 879988215 +70 1146 3 884151576 +385 506 2 879445291 +417 324 1 879646463 +263 250 2 891300103 +251 118 3 886272514 +455 898 3 883768822 +455 174 4 879111763 +299 746 4 889502979 +457 845 4 882393801 +221 59 2 875245514 +13 170 5 882139774 +75 196 4 884051948 +472 658 5 875983231 +92 425 4 875812898 +82 424 1 878768811 +339 614 3 891034867 +504 616 4 887910267 +416 58 5 893212929 +435 72 4 884132809 +290 1047 4 880475757 +472 1119 5 875983023 +524 199 4 884634646 +529 331 4 882535220 +313 393 4 891015268 +416 795 2 892440060 +487 732 5 884025080 +437 144 2 880141196 +232 132 5 888549721 +453 50 5 877562313 +58 1089 1 892242818 +24 582 4 875323368 +94 143 4 891722609 +234 515 5 892078424 +269 428 5 891448980 +295 134 5 879519556 +293 204 3 888906012 +500 275 1 883873439 +560 7 3 879975718 +181 118 2 878962955 +456 101 3 881375284 +202 242 3 879726342 +181 749 1 878961586 +506 148 3 877539905 +458 357 3 886397275 +334 1312 4 891628832 +503 241 5 880383425 +57 748 4 883696629 +495 470 5 888637768 +465 283 3 883530560 +540 100 5 882156948 +444 912 4 891978663 +299 498 4 878192237 +452 162 3 875277319 +70 132 4 884067281 +122 269 5 879269963 +23 7 4 874784385 +526 283 3 885682400 +381 228 4 892697373 +320 1091 4 884751462 +276 144 5 874792401 +21 760 1 874951293 +343 930 1 876403587 +424 323 5 880859084 +417 65 4 879647011 +42 471 4 881105505 +87 449 3 879876110 +58 70 4 890321652 +118 551 5 875385306 +416 462 5 893212895 +92 78 3 876175191 +385 961 4 879446868 +452 60 1 887718917 +38 247 5 892429460 +128 692 4 879967197 +464 1598 3 878355088 +178 11 5 882826162 +486 872 5 879874153 +454 485 4 888267386 +99 121 3 885679261 +449 105 1 879959573 +371 180 4 877487656 +125 1185 3 892838509 +216 318 5 880233564 +116 297 3 890633075 +339 511 5 891032885 +79 116 5 891271676 +204 262 4 892389137 +26 405 2 891376986 +269 42 5 891449646 +548 248 4 891043852 +60 160 4 883326525 +561 51 3 885810834 +215 202 4 891435295 +537 70 4 886031786 +234 528 4 892079689 +211 520 4 879460096 +497 720 2 879310941 +5 162 1 875721572 +332 746 5 888360129 +500 120 3 883865826 +551 286 4 892775466 +33 682 4 891964274 +62 283 4 879372598 +24 11 5 875323100 +429 578 3 882386942 +554 8 4 876550526 +354 1063 3 891218230 +393 552 2 889729638 +423 9 5 891395395 +406 202 3 880131704 +269 315 4 891446132 +82 409 1 884714421 +102 450 1 888802768 +497 13 2 878759927 +259 781 3 888630664 +279 843 4 875314313 +244 64 5 880605638 +327 164 3 887746219 +466 902 5 890283497 +551 458 2 892784166 +178 763 4 882824253 +279 1121 4 875310101 +38 313 5 892428216 +394 746 2 880888313 +378 285 4 880044312 +450 482 5 882371904 +503 747 3 880383424 +551 31 4 892783451 +560 123 2 879976542 +303 619 3 879467574 +511 355 2 890004827 +425 244 1 878739015 +43 280 3 883955806 +536 230 5 882359779 +303 168 5 879467223 +447 1132 3 878855164 +519 327 4 883248134 +266 14 4 892258004 +56 862 3 892910292 +500 276 5 883865290 +530 476 4 886198206 +560 108 1 879976988 +269 218 2 891450509 +267 380 2 878973426 +431 245 4 877844489 +322 656 5 887314027 +178 354 4 892239771 +505 1285 3 889333711 +508 88 3 883777299 +326 33 2 879876975 +508 109 3 883768886 +60 212 5 883327087 +11 238 3 891905032 +458 57 1 886395758 +15 257 4 879455821 +533 345 3 888347628 +361 190 5 879440573 +537 588 1 886031473 +541 781 5 883866093 +526 301 2 885682031 +511 358 1 890004916 +378 153 4 880055779 +18 582 5 880131450 +1 256 4 889751712 +268 1046 3 875745501 +7 416 5 891353051 +405 141 2 885548877 +435 151 3 884132898 +327 72 2 887819582 +114 176 5 881260203 +537 697 2 886031966 +552 151 3 879222238 +397 127 5 885349427 +489 991 3 891445439 +267 124 5 878970473 +361 274 3 879441034 +201 31 1 884114232 +374 97 5 880394571 +5 95 4 875721168 +68 409 3 876974677 +334 231 2 891549024 +152 274 5 880149166 +416 143 5 893213918 +157 117 5 886890296 +450 1261 4 882472964 +373 165 5 877100354 +327 340 4 887744167 +450 614 4 882377479 +532 468 5 893119491 +373 497 3 877099317 +456 202 3 881374586 +109 413 3 880572382 +58 209 5 884305019 +429 168 5 882387773 +360 284 3 880354991 +536 204 4 882359938 +230 216 4 880484444 +286 805 3 878141931 +454 194 3 881959698 +504 132 5 887838815 +374 64 5 880396256 +501 1534 4 883348743 +380 654 4 885478953 +311 521 4 884366686 +533 118 4 879192792 +24 727 3 875322727 +463 597 2 890531227 +483 405 3 878952966 +379 195 3 880525368 +454 655 3 881959746 +110 340 3 886987183 +401 321 2 891031554 +501 298 4 883347950 +405 528 1 885546248 +277 619 4 879543801 +374 5 4 880937875 +512 313 3 888578289 +130 227 3 875801868 +500 56 5 883873976 +487 288 4 883440572 +308 699 4 887737193 +101 117 4 877136067 +527 653 4 879456077 +499 183 4 885599718 +82 826 3 876311646 +476 175 4 883364143 +294 298 5 877819265 +338 490 5 879438275 +263 879 2 891297416 +445 595 2 891200624 +201 121 2 884114275 +505 258 1 888630999 +535 508 5 879617931 +62 222 5 879372480 +200 549 4 884129567 +393 194 4 887746239 +68 111 3 876974276 +116 1254 2 876453377 +57 1096 3 883697940 +343 257 3 876402941 +500 3 4 883865786 +249 183 4 879572540 +537 291 2 886030235 +561 164 2 885809626 +235 196 3 889655162 +434 833 4 886724914 +251 281 4 886272456 +360 845 3 880354942 +114 180 3 881309718 +321 7 4 879438793 +293 941 2 888907407 +452 969 2 875276006 +545 710 3 879900227 +387 76 3 886484215 +416 140 4 886317030 +369 166 4 889428418 +534 591 5 877807845 +126 344 4 887853735 +450 700 1 882469863 +318 174 4 884495590 +297 83 4 875774306 +545 228 5 879899266 +244 174 3 880605896 +22 1003 1 878887277 +351 678 4 879481675 +189 656 4 893265568 +481 435 5 885828510 +349 15 4 879465785 +90 356 4 891385752 +429 151 5 882386870 +542 8 3 886532908 +308 96 4 887737432 +532 685 5 892521554 +504 416 4 887910294 +151 198 4 879524472 +479 840 1 879460547 +514 45 4 876061444 +532 586 4 888636373 +397 156 5 885350381 +401 168 1 891033442 +385 461 4 879441942 +540 50 5 882156948 +145 17 3 875272132 +454 97 4 881960029 +532 591 5 893119335 +131 242 5 883681723 +387 123 3 886480970 +497 250 3 879310581 +189 516 1 893265568 +456 282 3 881371694 +15 323 1 879455311 +345 655 4 884991851 +553 1451 4 879949212 +25 968 4 885852218 +455 228 4 879111153 +541 660 5 883865039 +82 456 1 884714618 +496 11 4 876067022 +521 659 4 885253376 +158 250 4 880132356 +405 556 1 885546636 +429 382 3 882386601 +533 69 4 879438849 +342 382 3 875320623 +400 307 3 885676526 +181 456 1 878962586 +344 8 5 889814194 +472 49 5 875982607 +374 1277 3 880394331 +405 1539 1 885546724 +500 316 3 891916809 +480 517 4 891208460 +463 741 1 889937778 +85 291 3 882994658 +23 386 4 874789001 +243 509 4 879988369 +249 317 5 879572106 +7 571 3 891353950 +370 661 5 879435217 +264 14 4 886122771 +59 762 4 888203708 +53 628 5 879443253 +75 111 4 884050502 +332 70 2 888360179 +387 20 4 886480789 +94 732 3 891721216 +186 1046 3 879023751 +545 25 2 880348933 +561 23 5 885807888 +474 194 5 887924571 +504 372 4 887839195 +416 775 4 893142245 +25 186 4 885852569 +320 679 4 884749306 +295 22 4 879517372 +328 601 4 885048004 +548 1051 4 891415677 +339 160 5 891033512 +503 97 4 880383424 +224 349 4 888082246 +327 960 5 887745774 +308 97 1 887738469 +394 4 4 880888037 +479 117 3 889125627 +363 625 4 891498038 +77 209 4 884752562 +316 183 1 880853654 +323 292 4 878738997 +391 504 5 877398856 +435 290 3 884132484 +85 310 3 880838201 +92 1028 2 876769174 +303 586 2 879485659 +60 168 5 883326837 +280 197 2 891700836 +468 8 4 875288196 +198 6 2 884206270 +434 844 3 886724505 +501 844 4 883347023 +249 117 4 879640414 +446 690 2 879786892 +483 286 3 878950353 +385 631 3 879461422 +94 864 2 891723397 +325 208 3 891478771 +537 3 2 886030317 +554 582 3 876232758 +262 294 2 879962366 +489 872 2 891448530 +380 38 2 885479537 +54 930 1 880937813 +246 1139 2 884923811 +541 699 4 883864985 +63 224 4 875747635 +506 662 5 878044851 +11 290 3 891903877 +554 229 3 876369907 +514 307 4 880210104 +299 1103 4 889503013 +533 180 3 879439379 +479 288 3 879459836 +267 1185 2 878973995 +416 526 5 893214226 +417 157 4 879647966 +379 427 5 881996665 +295 403 4 879517762 +76 77 2 882607017 +269 445 3 891450385 +22 211 3 878886518 +504 117 4 887831694 +279 60 4 875310263 +312 211 4 891698254 +221 222 3 875244232 +425 590 3 878737945 +207 281 3 876018471 +422 370 2 879744287 +410 269 5 888627137 +13 578 3 882397974 +454 692 5 888267158 +434 763 5 886724873 +500 662 2 883876005 +509 751 3 883590443 +305 480 5 886322758 +244 318 5 880603082 +198 411 1 884206659 +10 178 5 877888677 +474 1050 4 887926106 +541 423 3 883864985 +95 448 3 879197783 +386 685 4 877655085 +249 471 4 879640241 +380 139 1 885480414 +114 679 2 881259741 +256 151 5 882151623 +354 89 4 891217547 +339 130 4 891034040 +527 56 4 879456611 +246 173 5 884921227 +393 85 3 889729375 +508 115 3 883767383 +479 463 4 879460984 +506 1110 1 885135955 +200 866 4 891825324 +472 1053 4 875982397 +327 11 4 887745303 +318 56 3 884495561 +223 993 4 891549876 +474 633 4 887926436 +417 323 3 879646820 +472 455 4 883903686 +556 496 5 882136252 +181 1255 1 878962086 +41 216 3 890687571 +405 1444 2 885549005 +450 92 4 887660650 +363 54 3 891497440 +479 182 4 879460984 +226 224 4 883889690 +28 195 4 881957250 +343 1211 4 876406677 +433 1005 5 880585730 +10 11 4 877888677 +494 100 5 879541475 +234 1204 3 892078297 +486 109 3 879874902 +536 441 2 882361018 +13 404 5 882399014 +92 182 4 875653836 +346 496 5 875260242 +318 480 4 884495795 +185 514 5 883524428 +398 476 3 875652760 +265 240 3 875320633 +293 403 3 888906869 +40 879 2 889041595 +543 199 4 875663056 +274 1152 4 878945939 +530 1300 2 890627207 +551 950 2 892783861 +177 568 3 880130915 +497 240 4 879309734 +194 225 3 879543589 +343 739 3 876406939 +130 412 4 874953866 +328 645 4 885046344 +351 341 4 879481425 +504 384 2 887912447 +343 86 5 876404836 +551 260 5 892775869 +479 1039 4 879461015 +95 72 2 880571389 +374 318 2 880394886 +457 403 4 882397177 +526 875 3 885682264 +535 137 4 879618502 +505 56 1 889333560 +417 474 4 879647118 +551 576 2 892784743 +436 347 4 887768398 +552 252 2 879222002 +211 423 5 879459846 +377 508 4 891298549 +286 818 2 877531281 +194 86 3 879520991 +533 26 3 879192035 +320 588 3 884750766 +542 399 2 886533172 +144 654 4 888105823 +152 794 5 886535773 +94 53 4 891721378 +465 286 4 883529338 +301 39 3 882076292 +158 123 3 880132488 +447 204 4 878856458 +411 568 4 892845634 +538 191 5 877106665 +246 92 1 884921661 +463 596 3 877385731 +498 919 4 881954451 +545 524 4 879900185 +456 60 4 881373838 +537 459 3 886030381 +468 582 3 875287535 +479 421 4 879460762 +92 411 4 875640189 +7 507 5 891352383 +429 1110 2 882387234 +532 284 5 893119438 +528 748 3 888520471 +318 132 4 884495868 +402 50 4 876266741 +183 1090 2 891467546 +360 357 5 880355958 +551 223 4 892776650 +536 70 2 882359906 +125 372 1 879454892 +249 290 2 879640521 +429 505 4 882384821 +551 292 3 892775612 +525 121 4 881085893 +451 242 1 879012857 +84 1047 2 883452694 +487 195 4 883446907 +116 519 5 886310197 +213 479 4 878955534 +539 661 5 879788045 +533 411 2 879365998 +551 581 5 892783972 +365 271 4 891303408 +168 678 1 884287109 +274 211 5 878946612 +92 1214 2 876174925 +157 685 3 886890372 +548 118 5 891415855 +520 289 4 885169052 +7 646 5 891351383 +551 181 2 892778074 +479 249 2 879460236 +416 416 4 886319038 +10 182 5 877888876 +87 181 5 879876194 +85 610 3 879454582 +345 1012 3 884994606 +426 332 4 879441781 +213 118 4 878870871 +426 194 4 879444919 +527 124 4 879455680 +291 565 2 874867852 +343 1194 4 876405129 +551 22 5 892776650 +470 19 4 879178813 +489 330 4 891445277 +553 434 3 879948771 +253 689 5 891627775 +481 514 4 885829045 +409 207 3 881108715 +524 185 4 884635204 +499 176 4 885599447 +429 520 3 882384603 +293 463 4 888906619 +412 96 5 879717286 +501 249 3 883348411 +521 423 3 884478792 +537 58 4 886031719 +33 678 4 891964306 +13 1 3 882140487 +303 1232 3 879484948 +435 413 2 884134104 +480 191 4 891208265 +242 111 4 879741196 +234 970 4 892335437 +400 323 4 885676582 +94 923 5 885882685 +226 176 4 883888978 +435 42 3 884131267 +538 237 4 877109986 +78 327 1 879633495 +497 783 3 879362908 +506 53 4 874874985 +83 546 4 887665549 +92 642 3 875654929 +435 109 4 884132297 +429 702 5 882387757 +40 896 4 889041402 +249 478 4 879572911 +75 685 4 884050134 +456 238 4 881373756 +288 175 1 886629664 +561 143 1 885810000 +472 1 5 892790627 +144 271 2 888103632 +193 354 3 889123158 +537 661 4 886031149 +9 483 5 886960056 +82 418 4 878769848 +538 496 5 877107491 +563 1035 4 880507204 +18 478 5 880129691 +474 495 4 887927728 +554 696 3 876232023 +60 515 5 883326784 +326 780 2 879877326 +256 739 5 882165135 +409 156 2 881108715 +469 705 5 879524302 +504 94 4 887841158 +542 265 4 886532238 +286 819 3 876521835 +122 660 3 879270644 +519 909 5 883250148 +194 1207 1 879555410 +234 608 3 892078741 +497 1157 2 879362178 +385 384 1 884118861 +537 1050 2 886031575 +201 180 3 884140078 +527 201 3 879456490 +144 280 1 888104625 +566 177 4 881650654 +563 692 5 880506842 +194 22 5 879521474 +556 192 5 882136440 +488 210 4 891294896 +126 690 3 887853735 +452 648 4 875273292 +320 24 3 884748641 +35 358 1 875459073 +374 521 4 880395530 +24 41 5 875323594 +550 892 2 883426119 +343 357 5 876408139 +478 381 5 889397221 +474 996 3 887927153 +145 823 3 875271397 +446 334 3 879787149 +164 411 2 889402407 +455 515 4 878585775 +194 732 3 879522021 +533 659 4 879439379 +160 1197 4 876768609 +472 99 3 875981595 +342 357 3 874984234 +58 116 5 884304409 +533 845 4 882902989 +406 133 5 882461684 +276 461 4 874787526 +342 1103 3 874984395 +533 4 3 888845066 +234 319 3 892334883 +159 96 4 884360539 +496 141 3 876067493 +115 273 4 881169984 +548 887 4 891043442 +524 42 3 884636453 +121 127 5 891388333 +481 650 3 885828650 +378 144 4 880046100 +308 605 4 887740603 +305 70 4 886324221 +334 338 1 891544524 +246 1028 3 884923653 +115 177 5 881172117 +543 694 4 874862966 +256 288 5 882150122 +497 3 4 879309715 +515 243 3 887659667 +195 809 3 877835548 +378 21 3 880044944 +527 203 4 879456662 +532 242 4 888817735 +534 1034 3 877808120 +339 1526 4 891035116 +537 654 3 886031506 +466 95 2 890285788 +407 712 2 876340043 +354 281 1 891216915 +130 1089 2 876250718 +121 250 2 891388676 +491 273 5 891188230 +295 137 4 879517271 +382 177 4 875947005 +6 203 3 883602864 +184 529 4 889909445 +308 517 4 887737483 +484 69 5 891194743 +387 663 4 886482883 +7 665 4 891354471 +532 241 5 892859148 +407 403 4 875045658 +399 118 3 882341383 +378 1230 2 880334305 +71 357 5 885016495 +389 454 2 880086868 +520 300 4 885168906 +342 7 4 875318266 +467 1016 4 879532671 +109 177 4 880578358 +58 1048 1 892242190 +516 628 4 891290649 +60 491 4 883326301 +109 12 4 880577542 +492 187 5 879969878 +394 802 1 881058201 +518 685 5 876823597 +193 763 3 889127457 +401 83 4 891033122 +447 248 5 878854383 +409 1393 1 881105367 +385 650 5 880870205 +464 1226 4 878355033 +530 214 2 886202320 +92 230 3 875656055 +450 928 3 882397813 +338 208 3 879438225 +279 684 3 880825843 +216 156 5 880233608 +201 408 4 884111436 +389 527 3 880086868 +347 1039 5 881653830 +405 1179 1 885547690 +345 416 4 884992142 +561 7 5 885808738 +363 164 2 891496722 +28 56 5 881957479 +557 262 2 882458820 +380 751 3 885481179 +377 271 4 891295957 +15 282 3 879456204 +326 434 5 879875203 +305 941 2 886324792 +380 163 2 885478539 +496 87 5 876073616 +328 323 3 885044940 +457 1140 2 882551344 +503 561 5 879454977 +463 1014 2 889936324 +557 166 4 881179397 +542 496 4 886532534 +62 44 3 879374142 +402 1060 3 876267041 +244 754 4 880603960 +360 304 4 880353660 +521 228 4 884478007 +391 282 4 877399894 +18 461 4 880130713 +545 89 3 879899125 +222 11 5 878181534 +456 693 3 881373949 +389 631 5 880087493 +451 308 1 879012890 +141 823 3 884585437 +110 196 4 886987978 +417 380 3 879648860 +552 225 3 879221876 +503 382 4 880383174 +52 13 5 882922485 +147 270 3 885594204 +457 105 3 882396001 +149 337 2 883512968 +405 1231 1 885548136 +450 589 3 882813241 +219 258 5 889386635 +49 946 2 888067096 +474 603 5 887923788 +253 485 5 891628435 +342 298 3 874984619 +417 245 4 879649779 +481 216 5 885828339 +34 292 5 888602742 +66 50 5 883601236 +373 71 5 877098891 +48 185 4 879434819 +276 1194 3 874790875 +498 182 4 881955596 +541 763 3 883866068 +232 750 3 885939690 +454 496 4 881959991 +416 245 2 876696788 +453 214 3 877553928 +545 229 3 879899380 +168 597 3 884288112 +13 654 5 881515295 +435 713 5 884131385 +359 546 3 886453373 +533 427 4 879191373 +532 721 4 874791671 +345 298 5 884902339 +152 49 5 882477402 +374 183 4 880434204 +406 173 2 879446684 +312 608 5 891699372 +537 488 4 886030622 +346 375 1 875266176 +417 385 5 879648184 +276 915 4 892436368 +542 866 2 886533046 +75 405 4 884050164 +539 242 5 879787770 +524 161 4 884637095 +455 57 4 879112460 +31 875 4 881547938 +295 202 5 879517943 +429 83 4 882385168 +399 301 4 882340242 +49 42 4 888068791 +378 736 4 889665232 +381 705 5 892696209 +413 250 3 879969674 +479 175 4 879461102 +561 805 3 885810240 +124 144 4 890287645 +214 705 4 891544414 +385 507 3 879445631 +546 17 4 885141411 +417 340 3 880949136 +503 488 5 880472216 +484 56 5 891195057 +440 937 5 891548567 +223 125 3 891549294 +236 127 5 890116032 +308 214 2 887738104 +354 166 4 891218379 +145 762 3 875272926 +160 282 4 876768025 +536 727 3 882359697 +523 935 5 883700186 +548 458 3 891415512 +87 657 4 879877740 +437 1007 5 881002374 +41 195 4 890687042 +72 220 3 880035786 +454 70 4 888267419 +385 900 4 885168653 +382 100 4 875945812 +541 1 4 883874645 +457 651 5 882396799 +99 475 5 885678785 +497 550 4 879310913 +187 216 5 879465394 +101 1132 3 877136954 +543 179 4 874862879 +542 69 4 886532552 +18 42 3 880130713 +145 412 4 888398492 +318 1012 4 884471076 +474 216 4 887924683 +22 94 3 878887277 +263 315 4 891296896 +201 425 3 884140246 +74 258 4 888333194 +406 421 4 882480628 +293 211 4 888906338 +456 721 4 881373756 +393 569 4 889728736 +291 566 4 874834799 +280 697 5 891701506 +15 676 4 879455871 +398 239 3 875747539 +472 38 4 875981358 +393 240 2 887745380 +189 246 4 893264048 +56 794 3 892683960 +496 39 5 876072633 +425 198 4 890347247 +277 1129 3 879543421 +530 692 4 883784258 +558 116 5 879436396 +563 233 4 880507165 +523 3 4 883702474 +542 56 5 886532706 +201 282 2 884140428 +556 170 4 882136162 +10 134 5 877889131 +56 11 4 892676376 +239 753 5 889179478 +452 79 4 875269386 +339 79 4 891032701 +174 1221 5 886514398 +130 420 5 876252472 +280 284 3 891701090 +457 483 5 882396705 +425 176 3 878738386 +361 269 4 879441490 +456 174 4 881373019 +226 713 5 883889884 +112 887 5 884992444 +483 199 3 882165665 +520 1028 1 885170476 +423 148 3 891395417 +207 111 3 880839802 +497 38 3 879310965 +532 1470 5 888630402 +545 472 5 879899266 +185 423 5 883524428 +532 562 5 892859148 +234 124 4 891227689 +551 132 5 892777583 +526 270 3 885681860 +463 15 4 877385287 +500 721 1 883875561 +451 690 4 879012382 +396 871 2 884646289 +193 476 2 889127698 +201 464 1 884140522 +274 685 5 878945542 +524 184 1 884636416 +138 15 4 879023389 +110 765 3 886989028 +339 4 4 891033653 +537 226 2 886032000 +332 369 4 887938556 +561 1101 3 885808887 +559 902 4 891035111 +343 168 4 876404612 +564 1399 2 888718470 +200 358 5 884127221 +474 521 5 887925977 +52 151 5 882922249 +57 820 3 883698039 +407 197 4 875553731 +504 258 5 887831273 +417 1247 3 880953033 +276 715 3 874791194 +30 172 4 875060742 +463 244 4 877387935 +286 930 2 876522240 +234 1169 4 892334543 +1 220 3 875241390 +524 554 4 884636746 +532 421 5 888637085 +405 1042 1 885548671 +405 265 2 885547910 +426 655 4 879444952 +269 58 2 891447842 +429 546 3 882387140 +560 1160 3 879976215 +450 591 4 887660762 +435 1103 4 884131627 +400 288 4 885676365 +405 1585 1 885546487 +544 1280 3 884795542 +122 956 4 879270850 +236 176 2 890115933 +16 642 5 877719075 +360 286 5 880353526 +447 926 3 878854438 +381 214 2 892697338 +535 433 5 879618160 +566 395 1 881651672 +528 423 1 888522642 +325 498 4 891478333 +548 311 3 891042194 +530 328 4 886198454 +313 633 5 891014597 +356 292 3 891405978 +494 289 1 879540630 +363 578 4 891497925 +99 22 5 885679596 +188 651 4 875073408 +474 170 4 887925620 +378 1181 2 880332537 +508 214 3 883775341 +334 305 2 891544135 +189 313 2 893263960 +264 856 3 886123472 +537 956 4 886031751 +497 127 5 879310580 +565 52 5 891037524 +209 1 5 883460644 +321 863 3 879440746 +425 187 3 878738386 +83 584 4 880308453 +10 137 4 877889186 +354 151 3 891218356 +454 318 5 881959576 +281 326 1 881200491 +104 628 4 888465347 +59 168 5 888204641 +128 690 3 879966274 +394 38 4 881058146 +479 58 4 879461432 +458 461 4 886397377 +552 336 3 879221267 +76 137 5 875498777 +334 640 4 891548129 +563 401 4 880507108 +551 561 5 892785363 +561 151 2 885808843 +536 265 5 882360300 +417 391 2 879649519 +406 117 4 879539824 +239 300 1 889178513 +118 320 5 875385386 +551 318 5 892776824 +7 286 4 891350703 +429 763 4 882387053 +251 978 2 886272585 +394 313 5 883304657 +573 194 4 885844431 +99 300 4 885678397 +506 663 4 874874947 +497 407 2 879309852 +450 385 4 882396489 +450 282 5 882377653 +69 236 4 882072827 +507 147 5 889965997 +275 257 3 876197645 +121 100 4 891388035 +308 56 5 887736924 +308 646 5 887738508 +523 50 5 883700186 +552 322 3 879220760 +499 136 4 885599447 +328 44 3 885047864 +541 560 3 883874872 +508 82 3 883777145 +537 242 3 886028498 +195 198 3 884420000 +453 424 1 888206768 +406 240 4 879540078 +549 866 4 881672573 +567 1019 5 882425874 +54 295 3 880936905 +485 538 3 891040560 +496 181 5 876064168 +532 155 4 888630086 +456 743 2 881372256 +363 831 1 891498469 +406 357 4 879446108 +243 1197 4 879988337 +144 319 3 888103509 +456 170 5 881373353 +332 237 5 887916529 +311 468 4 884365140 +352 12 4 884290428 +62 83 5 879375000 +194 8 3 879521719 +209 285 5 883417613 +500 28 3 883874078 +49 640 1 888066685 +444 515 4 891979402 +390 302 5 879693461 +118 55 5 875385099 +533 127 5 879192278 +201 803 2 884112282 +269 56 5 891455815 +561 204 3 885808716 +510 286 3 887667439 +567 636 4 882427155 +455 380 3 879112654 +7 613 4 891352010 +176 328 4 886047375 +569 111 3 879793948 +562 443 5 879196604 +291 998 1 875086728 +29 300 3 882820897 +416 237 3 876697330 +428 243 4 885943713 +144 1 4 888104063 +425 1596 2 878738695 +1 93 5 875071484 +489 687 3 891445439 +89 702 5 879459999 +416 1300 3 886315494 +92 120 2 875642089 +538 211 4 877109986 +425 566 2 878738695 +435 327 3 884130765 +56 173 4 892737191 +393 147 5 887744549 +459 250 5 879563270 +478 427 4 889388633 +303 1089 1 879544978 +488 419 3 891294976 +450 305 4 885944806 +417 1 4 879646413 +536 603 4 882359653 +84 95 4 883453642 +322 603 5 887314417 +276 755 3 874792870 +200 401 2 884130085 +236 9 5 890116792 +451 336 4 879012811 +502 338 4 883702370 +536 69 5 882359938 +435 584 3 884132297 +308 371 3 887738469 +416 934 2 876698178 +343 297 5 876403283 +337 380 4 875185319 +479 500 4 879461255 +184 508 4 889907738 +189 527 5 893265327 +321 60 4 879440954 +13 222 3 882140285 +87 281 4 879876074 +479 632 5 879460785 +437 12 5 880382685 +545 226 3 879899438 +195 1413 2 877835268 +397 345 4 889760663 +435 715 3 884133635 +70 208 4 884149431 +436 761 4 887770693 +104 13 3 888465634 +225 427 5 879539615 +419 617 4 879435628 +346 470 3 874948513 +543 513 4 874863035 +56 111 2 892683877 +187 428 4 879465308 +557 294 3 880484929 +138 513 5 879024043 +454 474 4 881959917 +561 343 4 885807035 +357 123 4 878951864 +457 172 5 882553113 +267 169 5 878972614 +406 212 2 879793210 +95 25 3 879192597 +450 275 4 882372178 +416 242 4 888819254 +299 129 4 877877733 +64 425 4 889739051 +339 235 3 891036387 +473 116 5 878157544 +221 108 3 875244866 +476 194 5 883364143 +452 99 3 875562410 +448 321 4 891888509 +428 272 5 885943651 +276 1042 1 874795823 +393 999 4 889730187 +416 1051 3 886319079 +496 136 1 876066424 +263 527 5 891299148 +479 127 5 879460192 +537 736 3 886031634 +537 470 2 886032029 +454 1 3 881959818 +378 257 4 880045207 +7 47 5 891352692 +43 660 4 883955859 +123 523 3 879872406 +151 761 3 879542813 +496 135 2 876066038 +406 434 5 879446269 +11 742 3 891902815 +424 172 3 880859385 +537 258 4 886029286 +42 924 3 881105677 +329 174 4 891656639 +567 252 1 882427384 +255 682 5 883215759 +441 288 2 891035056 +463 362 1 889943741 +498 512 5 881957757 +514 423 5 875462568 +311 501 5 884365954 +527 143 2 879456289 +94 22 4 885872758 +118 396 5 875385335 +484 293 5 881254899 +542 693 4 886533395 +308 24 4 887738057 +536 50 5 882318139 +89 321 4 879441049 +480 166 5 891208185 +463 1605 2 877387935 +456 505 4 881373473 +276 289 2 890979634 +239 132 5 889178986 +312 185 5 891699121 +313 95 3 891014313 +554 286 4 876231521 +6 501 5 883602730 +374 665 4 880939228 +474 203 5 887926059 +339 528 5 891033044 +184 651 3 889908462 +552 301 4 879220720 +109 1228 3 880582758 +457 31 4 882397543 +486 300 4 879874388 +435 825 3 884133372 +362 748 1 885019592 +234 1453 2 892335415 +501 282 4 883348185 +450 873 3 882216475 +487 68 5 883530949 +344 121 3 884899792 +535 1149 4 879618288 +505 151 3 889334162 +533 19 3 879365781 +6 259 1 883268375 +339 415 3 891035553 +576 9 3 887168978 +90 509 5 891383866 +264 202 5 886123596 +186 98 5 891719859 +291 569 3 874868580 +385 1007 3 879439949 +181 1331 1 878962052 +567 482 5 882425966 +417 174 3 879647498 +543 1262 2 876382812 +207 55 3 875509395 +399 69 3 882342019 +567 615 4 882425932 +532 500 5 889235367 +533 98 4 879438543 +354 116 5 891216692 +474 135 5 887924424 +206 1024 1 888180049 +130 1095 3 876251192 +399 186 4 882342669 +303 1110 1 879543939 +479 121 4 879460236 +533 435 4 879438455 +512 97 5 888579520 +434 1152 5 886724633 +18 177 3 880131297 +474 708 4 887927339 +119 168 5 874781351 +323 933 3 878739393 +305 793 5 886324712 +342 197 4 875318988 +60 12 4 883326463 +308 945 4 887739136 +44 450 2 883613335 +354 531 4 891217897 +529 873 4 882535091 +295 95 4 879518080 +387 194 3 886480206 +314 22 4 877889724 +429 48 3 882384896 +173 302 5 877556626 +308 494 5 887738570 +550 255 3 883425388 +537 681 1 886029488 +456 42 4 881373655 +313 1 4 891013436 +459 300 4 879561574 +523 1022 4 883699629 +453 79 3 888207161 +533 47 1 879191998 +5 452 1 878844397 +60 166 4 883326593 +561 584 3 885809781 +245 1047 3 888513393 +274 276 4 878945437 +194 1066 3 879554383 +471 8 5 889827881 +533 54 4 888844601 +379 385 2 882563616 +466 183 3 890284766 +251 282 4 886272223 +397 340 2 882838664 +491 190 4 891189631 +18 198 3 880130613 +343 703 4 876404426 +256 66 4 882165103 +306 756 3 876504472 +405 68 1 885547996 +202 1 3 879727059 +125 105 3 892839021 +504 82 4 887837918 +499 651 4 885598895 +401 194 4 891033395 +499 87 4 885599598 +495 507 4 888633316 +222 1139 3 878185137 +26 458 3 891352941 +140 302 4 879013617 +325 183 3 891477980 +286 390 1 889652378 +524 291 4 884627777 +535 735 5 879619067 +280 748 2 891700080 +405 1209 3 885547645 +460 14 5 882912418 +493 327 5 884129868 +510 294 3 887667681 +328 912 3 893195852 +174 764 4 886434343 +49 90 1 888069194 +506 227 4 874875062 +546 672 3 885141438 +90 543 3 891383173 +352 82 3 884290328 +192 108 4 881368339 +234 1450 3 892335213 +244 156 4 880602517 +63 676 3 875747470 +416 827 4 878879350 +208 310 4 883108105 +346 712 3 875264985 +268 1222 2 875744174 +417 218 3 879648184 +498 591 4 881961877 +429 161 3 882385934 +357 151 5 878951728 +406 559 3 879792974 +472 561 5 875982050 +334 297 5 891544680 +417 248 4 879646286 +392 255 3 891038224 +465 97 2 883532120 +495 1135 5 888634475 +474 173 5 887924027 +536 133 4 882359477 +405 427 5 885545306 +577 471 3 880471640 +246 559 3 884922898 +474 463 5 887927457 +406 234 4 879792863 +573 143 2 885844339 +456 720 3 881375515 +540 109 4 882157194 +261 125 5 890456142 +318 58 4 884496243 +347 1012 4 881652590 +336 111 3 877756999 +573 192 4 885844535 +554 546 3 876231886 +190 989 3 891033327 +532 538 4 881048155 +340 143 5 884990669 +130 100 3 874953558 +470 295 3 879178455 +416 298 4 876697387 +190 313 5 891033606 +92 265 4 875657620 +415 480 5 879439960 +1 8 1 875072484 +217 183 3 889069741 +271 357 5 885848408 +573 127 4 885843596 +542 367 4 886532881 +498 1083 3 881961932 +536 584 5 882360530 +49 698 2 888066776 +253 679 3 891628578 +533 240 1 879192474 +75 825 1 884050393 +198 98 4 884207611 +128 419 3 879967268 +466 117 5 890285034 +416 585 1 886318085 +553 478 4 879948964 +124 474 3 890287221 +73 382 4 888626496 +525 237 4 881085893 +56 78 3 892910544 +328 301 2 885044607 +90 954 4 891385522 +286 461 2 877532930 +449 273 4 879959003 +38 259 3 892428754 +276 391 2 874977442 +90 650 5 891384516 +110 1249 3 886989612 +29 286 5 882820663 +407 289 3 875115339 +496 222 3 876064290 +269 302 3 891446132 +174 417 4 886515490 +235 192 4 889655298 +72 194 4 880037793 +334 163 4 891548602 +506 550 4 885135881 +406 705 4 879445935 +2 291 3 888551647 +535 479 4 879617977 +262 288 3 879961374 +313 443 5 891013971 +178 819 2 882824670 +311 356 4 884365653 +539 19 5 879788007 +434 147 3 886724822 +474 461 5 887924683 +567 613 4 882426927 +463 235 2 877385457 +543 231 3 877545230 +513 265 5 885062919 +563 367 4 880507083 +326 654 1 879875151 +59 514 5 888204641 +290 125 3 880475245 +467 7 5 879532385 +496 1063 3 876066485 +457 144 5 882397494 +472 431 5 875982607 +214 166 4 891544512 +535 502 5 879618502 +454 12 3 881960114 +506 654 4 874876486 +299 58 3 878192601 +453 586 2 892447163 +244 268 5 880601904 +542 1218 3 886532762 +84 300 4 883449419 +422 127 4 875129839 +43 79 4 875981335 +235 431 2 889655490 +188 100 4 875074127 +62 195 5 879373960 +553 482 4 879948831 +478 161 3 889396645 +269 134 4 891448849 +257 129 4 880008245 +536 217 3 882360601 +518 370 4 876823963 +527 50 4 879455706 +449 702 5 880410778 +504 63 3 887912504 +339 942 4 891034484 +500 89 4 883873505 +189 13 4 893264220 +183 356 3 891466447 +99 471 4 885679091 +44 121 4 878346946 +497 625 3 879310021 +279 403 1 879573060 +354 216 3 891217782 +279 890 3 882146458 +1 205 3 878542909 +410 347 1 888626538 +409 1379 3 881106451 +293 591 3 888904712 +429 768 3 882387551 +579 1 4 880951740 +322 302 5 887314417 +514 318 4 875318331 +299 483 5 877880961 +363 264 3 891494049 +43 785 3 883956538 +109 164 5 880578066 +419 14 5 879435828 +574 300 4 891279012 +533 258 4 884007368 +49 96 1 888069512 +201 207 3 884111360 +465 12 4 883530088 +166 286 1 886397562 +417 73 3 879648343 +472 393 3 875983129 +188 97 5 875071891 +521 176 4 884477820 +498 23 4 881955596 +409 526 3 881107117 +474 653 4 887926999 +519 336 5 883248595 +393 173 5 887745759 +500 70 4 883875388 +312 208 5 891698334 +490 124 4 875427629 +308 568 5 887740649 +506 56 4 874873374 +151 204 4 879524641 +487 38 2 884052069 +402 273 4 876267014 +425 670 3 878738914 +401 153 2 891033466 +551 274 2 892783488 +393 825 4 887745230 +450 195 4 882371826 +311 639 4 884365686 +189 603 5 893265239 +290 435 3 880473802 +22 175 4 878886682 +385 444 1 879448994 +393 588 4 887746824 +407 100 5 875042905 +447 147 4 878854678 +171 315 4 891034835 +487 298 5 883442431 +474 684 4 887925977 +181 100 3 878962816 +454 58 4 881960029 +399 471 3 882340719 +385 739 1 879448665 +459 120 2 879563392 +70 576 2 884065248 +450 299 2 889568793 +405 1422 1 885548632 +561 582 4 885808796 +542 721 2 886533003 +452 491 4 875261100 +485 341 4 891042027 +342 194 3 875318858 +342 144 5 875319912 +523 792 4 883702263 +543 175 3 874864182 +59 61 4 888204597 +442 665 2 883390139 +21 854 5 874951657 +472 177 4 875981358 +136 204 4 882848866 +484 578 3 891195444 +334 937 3 891544367 +335 323 4 891567125 +417 855 2 879647450 +456 608 4 881373168 +409 382 4 881108170 +479 304 4 879459692 +296 294 1 884196374 +117 210 4 881012293 +551 237 4 892777825 +318 842 2 884495742 +454 603 4 881959876 +403 845 4 879786052 +344 322 2 889814470 +336 100 3 877756934 +194 73 3 879527145 +311 519 3 884365548 +421 87 4 892241736 +373 173 5 877098751 +426 488 5 879442785 +23 203 4 874786746 +560 203 4 879975613 +152 364 4 884019146 +60 609 3 883327923 +378 572 3 880333995 +164 100 5 889401998 +542 28 4 886533452 +537 516 3 886030966 +577 229 4 880475094 +328 755 3 885048801 +457 744 3 882393457 +234 873 3 891034007 +367 672 4 876689991 +521 474 3 884477677 +95 200 2 888954552 +399 58 3 882344942 +237 238 4 879376435 +130 215 5 875802035 +277 50 3 879543652 +483 612 3 878953751 +158 92 4 880134407 +1 234 4 876892355 +92 450 2 875907134 +417 214 5 879647254 +116 358 2 876452094 +16 234 5 877720185 +392 328 3 891037634 +340 662 2 884991584 +450 153 5 882374422 +426 204 3 879442128 +500 252 2 883865889 +29 480 4 882821989 +181 767 1 878963381 +479 101 4 879462185 +57 109 4 883697293 +401 9 3 891032218 +87 1049 3 879876812 +454 28 4 888267560 +131 293 3 883681442 +379 659 5 880568307 +528 193 4 886101873 +452 1089 1 876215899 +286 211 4 879781579 +517 283 4 892660728 +533 295 4 888844601 +511 895 4 890004863 +399 180 3 882345001 +50 1008 5 877052805 +533 879 3 892469600 +224 469 1 888104219 +567 302 4 882426300 +547 301 3 891282680 +234 178 5 892078890 +347 508 3 881652629 +85 229 3 882813248 +64 969 3 889737889 +267 235 3 878970578 +244 3 5 880602451 +378 1400 3 880057088 +342 699 4 875319808 +538 195 4 877108919 +297 13 3 874955210 +450 381 2 882374497 +286 179 5 889651822 +455 402 4 879112356 +141 292 1 884584906 +496 99 3 876066598 +531 323 5 887049081 +181 282 4 878962816 +519 1592 5 883250148 +504 428 3 887910511 +507 245 5 889964809 +285 100 4 890595636 +545 447 3 879899978 +496 509 3 876067272 +497 67 3 879362858 +503 405 3 879438685 +406 20 3 879446529 +13 13 5 882141617 +290 228 4 880473556 +116 252 2 876453376 +531 289 3 887048862 +363 317 5 891495596 +514 204 5 875318331 +442 318 4 883391046 +174 553 5 886513674 +472 229 5 875982560 +401 451 2 891033343 +532 1496 2 874795634 +161 132 1 891171458 +487 1035 4 884044329 +256 36 3 882165269 +109 125 5 880564534 +551 582 5 892783749 +207 514 4 877878343 +87 783 4 879877279 +425 307 4 890346411 +95 89 3 879196353 +299 255 2 877878036 +405 421 1 885549309 +538 956 3 877107914 +569 222 3 879794265 +3 258 2 889237026 +514 243 2 885181043 +327 1101 4 887746665 +555 168 4 879975419 +405 1518 2 885546577 +576 280 5 886985003 +244 1057 4 880608992 +347 258 4 881652077 +280 731 3 891702049 +534 930 4 877808002 +339 498 4 891033044 +425 144 4 878738335 +562 56 1 879195156 +327 273 2 887745911 +180 660 5 877372188 +215 99 4 891435731 +194 624 2 879525695 +84 203 3 883453587 +59 234 5 888204928 +497 1052 2 879309869 +84 597 3 883452200 +506 554 3 885135912 +276 323 3 874786392 +406 274 3 879539987 +561 469 4 885809099 +540 245 3 882157172 +156 187 5 888185778 +406 746 3 880131741 +94 80 2 891723525 +314 1014 3 877886317 +573 661 4 885844431 +222 284 3 877563462 +405 397 4 885548094 +293 550 1 888906781 +284 345 4 885328728 +187 660 5 879465744 +481 238 4 885828245 +299 732 4 889502688 +553 427 5 879948508 +548 255 4 891043852 +474 419 4 887925916 +279 81 4 875732652 +429 132 3 882385636 +545 810 4 879899523 +157 313 5 886889616 +291 975 2 874834146 +527 181 4 879456464 +458 180 4 886397679 +291 164 4 874834875 +459 225 3 879563777 +429 535 2 882386941 +562 636 2 879195007 +500 1324 2 883865985 +534 24 5 877807780 +1 105 2 875240739 +229 300 2 891632142 +299 652 3 877880522 +374 458 5 880393710 +211 491 3 879459876 +251 742 5 886272486 +524 707 4 884634995 +379 174 5 880525368 +222 569 2 878184866 +486 1017 3 879874970 +201 521 2 884111637 +545 54 4 884134519 +84 117 4 883450553 +151 609 4 879525075 +357 1277 5 878951918 +521 90 2 885254006 +338 474 4 879438627 +139 297 5 879538275 +455 191 5 879111422 +337 250 3 875185219 +194 997 3 879553988 +243 514 4 879989006 +313 88 2 891028956 +277 1283 2 879543592 +1 147 3 875240993 +424 427 4 880859346 +13 790 2 882141841 +508 443 4 883777071 +326 423 3 879876159 +441 751 4 891035247 +453 143 2 888206053 +62 98 4 879373543 +57 871 3 883697536 +366 217 5 888857990 +459 687 3 879561782 +354 98 3 891218312 +361 56 4 879440516 +115 23 5 881171348 +197 245 4 891409352 +577 284 4 880470732 +469 127 4 879525373 +251 275 4 886271675 +472 655 5 875982397 +484 924 5 880937157 +125 181 5 879454139 +95 77 4 880571746 +558 936 5 879436396 +239 498 4 889179623 +294 1081 3 889242328 +13 621 4 882398934 +307 395 3 877121789 +436 179 3 887770015 +532 1046 4 874790629 +200 68 5 884129729 +151 215 3 879524420 +71 248 3 877319446 +557 8 5 881179653 +332 123 4 887916653 +566 33 2 881650907 +276 358 3 874786419 +109 986 2 880572382 +530 322 4 886203949 +216 11 5 880234346 +493 746 4 884131143 +276 395 2 877935377 +567 7 4 882426622 +14 428 4 879119497 +478 98 5 889388862 +52 815 4 882922357 +58 640 5 884304767 +486 258 5 879874064 +450 231 3 887662002 +299 634 2 877880852 +564 333 3 888718521 +83 25 2 883867729 +399 43 3 882348664 +130 250 3 876250833 +381 16 4 892697266 +95 1188 2 880572787 +500 498 4 883873911 +561 501 3 885808620 +95 705 5 880570964 +495 1119 4 888634784 +457 230 4 882392853 +334 13 3 891545089 +253 895 4 891627893 +342 1170 3 875319659 +234 25 3 892335797 +72 228 1 880037204 +342 326 1 874984002 +406 72 3 880131954 +506 1073 4 874873247 +486 127 5 879874448 +556 520 5 882136441 +421 333 4 892241236 +509 310 1 883590443 +24 173 5 875323474 +534 595 4 877807747 +378 756 3 880057088 +447 1 3 878854273 +467 276 5 879532460 +137 1 3 881433048 +537 327 2 886028730 +543 85 2 877547580 +537 447 3 886031752 +334 127 4 891544840 +551 91 1 892783025 +354 169 3 891217511 +226 182 1 883889322 +505 402 5 889333937 +424 333 5 880859228 +151 26 3 879542252 +21 559 1 874951761 +498 1422 3 881961877 +401 172 3 891032896 +291 55 4 874834735 +398 229 3 875744031 +291 1217 3 874834850 +137 892 3 882809210 +343 58 4 876406283 +405 1442 1 885546835 +87 127 4 879876194 +523 1009 5 883701154 +280 729 2 891700963 +188 468 4 875073329 +472 473 4 875978867 +517 873 3 892660034 +370 107 4 879435244 +452 513 4 875561734 +466 302 5 890284651 +479 181 5 879460028 +86 683 5 879570974 +560 118 3 879976892 +294 269 5 877818457 +334 483 5 891628266 +385 508 2 879439728 +442 177 4 883390366 +158 544 2 880132638 +368 672 2 889783453 +416 689 4 885114578 +488 259 1 891293051 +13 871 2 882141924 +546 118 5 885141260 +521 173 4 884477896 +519 243 1 883250021 +85 143 4 879456247 +417 183 4 879647298 +276 634 4 874795888 +83 111 3 884647519 +472 748 5 875977682 +488 845 3 891294853 +200 760 4 876042753 +142 176 5 888640455 +533 283 3 879365733 +369 919 5 889428642 +280 174 3 891700588 +548 147 5 891415540 +286 969 5 878142001 +168 325 1 884287073 +405 504 2 885548579 +1 99 3 875072547 +28 227 4 881961393 +77 127 2 884732927 +572 300 4 879449243 +264 26 4 886123727 +181 977 1 878962997 +392 172 5 891038401 +454 661 4 881959991 +390 283 4 879694316 +474 132 4 887924683 +94 686 4 891720540 +195 143 5 875771441 +559 188 5 891034609 +393 64 4 887745973 +504 1439 4 887840517 +575 215 3 878148229 +49 433 5 888068739 +401 365 4 891033497 +222 1011 4 881061049 +536 271 3 882317149 +501 406 3 883348656 +301 109 5 882074236 +243 736 4 879988520 +537 151 2 886030177 +72 241 4 880037242 +503 233 5 879454811 +5 395 2 879198898 +483 538 2 886470912 +435 385 5 884131771 +493 235 2 884130593 +584 114 4 885778238 +189 630 4 893266376 +407 181 3 875045027 +560 319 4 879975173 +498 98 4 881957681 +280 315 5 891700184 +543 15 3 888209697 +535 22 3 879619107 +108 748 3 879879662 +113 237 3 875076246 +554 87 4 876550654 +430 1240 3 877226470 +504 237 3 887831753 +551 316 5 892696165 +385 256 4 879439728 +546 286 2 885139580 +493 343 3 884130074 +218 8 3 881288574 +379 205 5 880524973 +311 621 4 884365579 +102 436 2 888803051 +394 98 5 880887088 +564 750 3 888718771 +332 679 5 887939021 +455 24 3 879111662 +576 825 4 886986304 +87 1181 3 879875940 +457 143 5 882548099 +497 139 3 879363696 +16 531 5 877722736 +398 525 3 875908134 +378 203 4 880055239 +349 121 2 879465712 +278 315 4 891294932 +262 486 5 879794296 +311 416 4 884365853 +247 300 2 893081411 +72 655 5 880037702 +104 111 1 888465675 +288 880 1 886373007 +61 300 5 891206407 +398 502 3 875717717 +334 221 5 891544904 +301 568 4 882076538 +299 249 3 877878414 +236 692 4 890116670 +416 403 5 893212730 +64 196 4 889737992 +508 1 5 883777430 +6 530 4 883601203 +381 479 5 892696929 +200 758 3 884127370 +276 433 4 874791960 +201 1135 5 884140750 +346 100 3 874948426 +1 1 5 874965758 +320 241 4 884750968 +405 651 5 885545167 +543 1194 4 875659174 +318 26 5 884497471 +87 435 5 879875818 +41 414 4 890687550 +405 904 1 885549904 +533 234 2 879191373 +378 126 4 880057018 +18 98 5 880129527 +42 237 4 881105882 +92 5 4 875654432 +320 808 4 884749359 +407 565 3 876348702 +406 1065 2 882480567 +15 546 2 879456324 +394 265 4 880888390 +514 682 4 875463891 +526 346 3 885681860 +489 260 3 891366693 +148 151 4 877400124 +276 241 4 874792402 +454 118 4 888267128 +357 273 5 878951457 +387 127 4 886479575 +59 651 5 888204997 +425 340 4 890346264 +450 865 4 887136139 +435 211 4 884131627 +437 134 5 880139951 +416 194 5 893214041 +557 257 2 880485764 +222 175 3 878181739 +452 294 2 886148704 +16 385 5 877727192 +184 694 5 889908824 +405 606 3 885545070 +210 657 4 887736429 +181 307 1 878962006 +532 568 5 892521554 +498 1007 3 881954219 +246 198 4 884922196 +416 251 5 893213405 +343 57 5 876404426 +429 3 2 882386785 +551 566 5 892783212 +243 458 4 879987397 +361 83 3 879440345 +524 237 3 884322169 +588 31 3 890015722 +565 179 5 891037778 +538 405 3 877109564 +151 132 5 879524669 +497 792 3 879362954 +450 484 3 887662002 +500 584 1 883874528 +587 995 3 892871503 +506 490 3 874873529 +361 23 5 879441215 +145 515 5 875270394 +485 294 1 891041103 +469 654 4 879524177 +269 1040 1 891456425 +77 641 5 884733621 +569 1 4 879793399 +408 312 3 889680073 +429 157 4 882384920 +474 71 5 887926872 +488 70 3 891294854 +387 229 2 886483195 +506 28 4 874874308 +13 801 3 886303172 +249 135 5 879572668 +393 1063 4 889554540 +496 625 4 876067306 +323 873 3 878738949 +269 523 5 891447593 +373 214 4 877100326 +450 1033 3 882468401 +498 164 3 881961689 +488 28 4 891293805 +336 998 1 877757062 +94 797 2 891723848 +94 391 3 891723644 +438 100 4 879868024 +453 385 3 888207161 +14 210 5 879119739 +378 1042 3 880056287 +546 98 5 885141332 +553 131 5 879948655 +302 301 4 879436820 +380 182 3 885478391 +569 3 1 879795551 +479 190 4 879461354 +314 1519 4 877892181 +246 235 3 884921965 +446 302 4 879787730 +177 135 5 880130712 +458 469 4 886397377 +93 283 4 888705146 +363 650 2 891495197 +493 265 5 884131048 +100 349 3 891375629 +286 82 3 889651605 +85 955 4 879454400 +160 933 3 876767621 +20 174 4 879669087 +347 181 5 881652377 +567 1131 4 882426601 +59 410 3 888203270 +535 283 4 879618160 +503 654 5 879454753 +553 604 5 879949107 +524 866 2 884626810 +557 508 4 880485956 +305 135 3 886323189 +354 88 2 891307206 +457 549 4 882398178 +380 956 4 885478271 +567 1204 5 882427023 +272 205 5 879454726 +568 606 5 877907720 +387 8 4 886480108 +276 24 4 874792366 +504 51 4 887839260 +13 551 1 882397084 +405 1470 2 885549045 +393 1000 3 889731139 +449 410 3 879959134 +328 97 3 885046174 +184 639 3 889909590 +399 117 2 882347620 +568 835 4 877907157 +478 218 3 889396731 +574 315 3 891278860 +199 100 3 883782807 +569 283 4 879793847 +450 199 5 882371732 +193 23 4 889126609 +577 996 3 880475094 +529 323 4 882535091 +305 251 5 886321764 +290 176 4 880473971 +468 475 4 875280041 +504 396 2 887911369 +268 184 4 875310524 +346 183 4 874948382 +24 289 3 875245985 +12 591 5 879959212 +514 408 5 875311225 +474 7 5 887915414 +502 358 4 883702518 +363 380 4 891496481 +91 127 5 891439018 +536 21 3 882320267 +193 403 3 889125945 +64 144 3 889737771 +586 628 3 884064631 +492 186 3 879969539 +214 171 4 891544323 +556 479 5 882136162 +73 179 5 888626041 +308 275 4 887737891 +280 409 3 891702441 +271 546 2 885848102 +49 557 3 888066394 +514 1014 2 885180645 +311 133 3 884364652 +118 641 5 875385386 +497 810 3 879310941 +436 1468 5 887770668 +60 637 4 883327975 +405 1478 1 885546636 +468 612 4 875294549 +301 197 5 882075774 +184 203 3 889908571 +527 324 3 879455415 +157 286 5 874813268 +493 763 4 884130593 +560 756 2 879977032 +497 229 2 879310850 +90 990 3 891382522 +303 215 5 879467413 +378 686 4 880056350 +417 555 1 879649389 +164 515 4 889401906 +402 286 5 876266650 +467 298 4 879532385 +484 588 5 891195773 +201 231 2 884310104 +276 388 2 874792094 +363 423 3 891495711 +576 435 4 886986400 +181 117 2 878962918 +585 1488 4 891283921 +447 65 3 878856422 +119 412 4 874775136 +91 210 5 891439208 +541 465 4 883874716 +222 732 4 878183425 +455 1034 2 879110767 +429 356 3 882386942 +201 466 4 884113453 +464 301 4 878354829 +288 190 1 886374286 +435 752 3 887509539 +47 683 3 879439143 +587 748 1 892871438 +320 800 4 884751190 +378 729 4 880046069 +562 462 5 879196074 +59 610 4 888205615 +559 73 4 891035812 +416 1516 5 893213549 +291 941 4 874868284 +536 511 5 882359603 +13 795 2 882399219 +313 632 4 891013620 +489 873 3 891447008 +64 423 4 889739569 +532 1415 2 892520390 +216 569 3 880245291 +533 430 5 879191972 +145 294 4 875269871 +181 876 1 878961781 +405 184 1 885547952 +416 591 5 893212895 +524 541 1 884702593 +560 864 3 879976970 +399 1244 3 882341607 +393 243 4 887742916 +385 18 5 884915008 +508 216 5 883768886 +527 193 3 879455680 +494 322 2 879540819 +151 474 5 879524222 +416 9 5 893212572 +57 284 3 883697158 +44 737 1 883613298 +519 263 5 883250102 +522 523 5 876961133 +464 294 4 878354721 +416 469 4 893141989 +468 293 5 875280395 +28 609 3 881956220 +495 742 5 888632888 +588 721 5 890023722 +250 258 4 878088969 +334 68 3 891548387 +201 230 3 884112487 +506 82 5 874873745 +546 288 4 885141260 +234 432 4 892079722 +354 258 4 891180399 +138 12 5 879024232 +416 286 5 893212929 +551 121 5 892783411 +472 362 5 892790627 +13 603 4 884538571 +283 21 3 879297867 +369 890 3 889428268 +550 323 5 883425465 +536 582 2 882360100 +488 9 4 891294063 +486 936 3 879874629 +357 476 3 878951616 +402 515 5 876266860 +387 428 4 886482969 +299 915 4 892250102 +326 181 4 879875592 +503 714 4 880383126 +321 174 3 879441111 +478 145 1 889398599 +232 269 3 891565001 +521 182 3 884477993 +394 233 3 881058062 +545 22 3 879899158 +518 7 3 876823197 +532 734 3 874791786 +378 99 4 880045791 +416 918 4 893214332 +399 754 3 882340242 +206 749 2 888179980 +458 32 4 886395963 +402 10 2 876266985 +211 230 3 879460294 +207 462 3 877845656 +416 1 5 893212483 +294 237 4 889242035 +200 63 4 884130415 +342 125 2 875318585 +536 31 3 882360685 +392 515 5 891038110 +445 235 1 891200272 +489 689 5 891447913 +102 1240 2 883748450 +456 410 4 881372160 +109 722 3 880583493 +425 232 3 878738548 +417 518 5 879647604 +389 739 2 880088229 +500 535 3 890010025 +577 204 4 880474338 +517 111 3 892659922 +473 25 4 878157427 +493 98 4 884131460 +264 645 4 886123358 +201 1421 3 884141015 +318 70 5 884496368 +429 238 5 882384526 +428 312 4 885944005 +405 1193 1 885549506 +549 50 5 881672199 +269 191 5 891457067 +391 58 4 877398898 +357 220 5 878951954 +535 42 3 879618849 +561 53 3 885810538 +347 371 1 881654715 +536 387 3 882363919 +291 1 5 874834481 +215 1063 5 891436543 +201 1006 2 884112136 +343 950 3 876403121 +374 978 2 880936233 +320 570 4 884749384 +504 167 3 887909556 +520 274 3 885170516 +331 234 4 877196633 +38 1036 4 892433704 +345 226 3 884993418 +523 727 4 883703167 +389 642 4 880087804 +452 111 3 886061565 +551 161 5 892782936 +460 713 4 882912469 +325 82 3 891479263 +126 340 5 887854982 +334 151 4 891544925 +518 100 4 876822967 +283 294 4 879297013 +72 77 4 880036945 +189 207 5 893266161 +30 892 4 884310496 +278 313 5 891294932 +479 879 4 879459657 +336 1051 2 877757094 +462 271 1 886365928 +373 226 3 877107024 +440 921 5 891578264 +500 208 4 883873745 +110 258 4 886987183 +194 76 2 879549503 +454 121 4 888267128 +560 260 1 879977973 +311 539 4 884364268 +551 50 2 892776336 +263 699 4 891299207 +72 591 5 880035708 +561 109 1 885810271 +226 109 4 883889063 +401 1 2 891032170 +500 255 3 883865374 +401 276 4 891032433 +15 248 1 879455871 +565 212 5 891037453 +385 443 3 879445098 +560 423 4 879975586 +472 355 3 892790003 +339 566 3 891034717 +527 213 4 879456186 +227 14 4 879035463 +332 252 5 888098524 +556 48 5 882136252 +439 1048 4 882893602 +450 311 4 885945425 +504 655 4 887840713 +566 1232 2 881651126 +399 282 3 882340775 +567 221 5 882426927 +497 381 3 878759898 +289 125 2 876789373 +6 485 5 883602664 +533 378 4 879439290 +425 127 4 878738290 +141 831 2 884585470 +526 147 4 885682503 +514 732 5 875462901 +6 137 5 883599327 +561 489 4 885807743 +569 25 4 879793785 +198 191 4 884208682 +363 231 1 891497679 +586 665 3 884061256 +445 908 1 891199331 +405 1560 1 885549635 +41 188 4 890687571 +379 64 5 882563520 +251 147 3 886272319 +537 137 4 886029841 +399 77 2 882349094 +10 462 3 877891747 +533 65 4 879439465 +64 121 2 889739678 +429 404 4 882386121 +344 1142 5 889814518 +178 423 4 882826556 +371 393 2 880435397 +508 101 5 883777430 +561 1009 4 885810706 +276 1011 3 874836682 +455 223 4 879111554 +379 172 4 880525400 +450 433 3 882469061 +538 98 5 877107012 +254 181 5 886471151 +18 283 5 880130551 +529 292 4 882535180 +314 866 4 877892461 +561 15 3 885809291 +95 188 3 879196354 +504 1421 4 887841073 +295 121 4 879518455 +564 827 3 888731038 +507 827 5 889966088 +312 625 3 891699538 +587 327 3 892871252 +229 269 4 891633029 +283 409 4 879297442 +537 82 2 886031752 +235 496 4 889655662 +132 484 4 891278807 +197 228 4 891409894 +496 17 3 876065645 +59 975 4 888203610 +3 339 3 889237141 +137 680 5 881432735 +49 1083 2 888068651 +466 385 4 890284819 +453 963 4 888202307 +7 64 5 891350756 +130 565 3 880396541 +497 98 4 879361802 +282 300 3 879949438 +497 408 4 879309955 +485 245 3 891041782 +145 134 4 882181695 +88 319 3 891037708 +551 135 5 892778129 +280 389 5 891701913 +385 211 3 879446183 +372 333 5 876869109 +532 66 5 893118712 +409 1097 2 881108829 +194 13 4 879539410 +294 121 5 877819714 +537 417 2 886031831 +506 182 5 888848342 +479 1 5 879459939 +535 1124 4 879617613 +363 657 5 891494587 +311 399 4 884366269 +417 144 3 879647232 +453 69 4 877554647 +144 8 4 888105612 +582 948 1 882960718 +389 210 2 879990996 +298 514 4 884182989 +540 741 3 882157797 +362 322 3 885019651 +530 50 4 883781669 +480 642 4 891208822 +57 181 5 883697352 +476 209 4 883364218 +566 8 4 881650690 +345 464 3 884992084 +293 544 3 888905062 +379 144 5 880525367 +219 879 4 892039556 +253 220 4 891628060 +234 1461 2 892078297 +92 370 1 875644796 +380 506 3 885481179 +267 174 5 878971405 +196 287 3 881251884 +454 316 4 888015879 +391 511 5 877398855 +178 56 4 882825767 +533 479 4 879191184 +561 211 4 885808824 +39 270 4 891400609 +536 183 3 882359455 +399 941 3 882347577 +313 523 5 891014401 +551 616 5 892777052 +95 153 5 879197022 +503 246 5 884638548 +498 628 4 881961627 +77 246 5 884732808 +567 480 4 882426508 +301 455 5 882074437 +394 282 3 880888096 +507 300 5 889964239 +177 217 3 880131230 +327 301 3 887743725 +543 117 3 874861792 +206 683 1 888179980 +552 1277 3 879222763 +553 646 4 879949251 +210 301 4 887731435 +302 680 2 879437035 +435 122 3 884134677 +180 201 2 877127189 +480 165 5 891208390 +532 300 5 888635239 +216 257 3 880232830 +405 1206 1 885546530 +542 1059 4 886533193 +254 22 4 887347350 +405 802 1 885548049 +141 926 4 884585300 +509 300 3 883590800 +254 225 3 886475952 +420 475 4 891357162 +269 410 4 891446662 +343 471 4 876402941 +416 559 3 886317272 +584 258 4 885774483 +339 50 4 891032576 +194 549 3 879527263 +187 168 5 879465273 +303 721 4 879484194 +393 751 2 887741960 +12 708 3 879959394 +359 121 4 886453373 +342 547 5 875318347 +591 787 3 891031500 +524 497 2 884637467 +547 354 4 891282640 +438 255 4 879868242 +116 1214 3 876453422 +537 237 3 886030011 +460 676 4 882912285 +49 50 1 888067691 +137 210 5 881433654 +494 174 5 879541112 +69 98 5 882145375 +210 4 4 887730443 +406 699 4 884630617 +551 15 5 892782936 +53 1087 4 879443329 +472 117 3 875978740 +437 607 5 880140892 +566 1193 5 881649548 +504 563 3 887911314 +585 1347 2 891285658 +95 650 4 880572132 +455 42 2 879110767 +389 503 3 880087739 +500 179 4 883873782 +561 19 3 885808673 +579 845 4 880952549 +410 754 3 888626710 +271 509 4 885848559 +566 423 2 881649709 +305 1512 3 886322796 +62 1132 2 879373404 +178 9 2 882823758 +13 637 2 882396913 +533 190 2 879439379 +378 181 4 880045167 +415 269 4 879439108 +539 50 3 879788136 +386 24 4 877655028 +504 151 4 887831678 +194 467 5 879521253 +416 127 5 893213796 +504 210 4 887832643 +417 27 3 879648594 +437 660 4 880141441 +587 881 2 892871641 +363 518 4 891494835 +437 155 3 880143189 +314 379 3 877890463 +465 191 4 883530133 +465 199 3 883531026 +92 195 5 875652981 +588 365 5 890028385 +548 1405 3 891415572 +434 237 5 886724754 +420 408 4 891356927 +537 460 2 886030442 +197 265 5 891409893 +26 118 3 891385691 +486 250 1 879874753 +263 271 1 891297276 +255 564 1 883216600 +398 230 3 875908666 +416 432 2 878879861 +537 615 3 886031074 +228 750 3 889388440 +537 269 3 886028446 +527 156 3 879456334 +385 236 2 879439637 +561 1524 4 885809897 +313 333 4 891012877 +455 317 3 879111616 +543 207 5 875665787 +436 39 3 887769887 +488 199 4 891293911 +267 665 4 878973825 +31 319 4 881547788 +532 829 3 892520073 +248 176 5 884534808 +263 136 4 891298337 +561 518 4 885808620 +22 636 3 878888106 +7 603 4 891350757 +238 471 4 883576359 +20 820 2 879668626 +299 488 4 877881508 +314 845 5 877886483 +398 796 3 875732862 +177 963 4 880130736 +409 322 2 881105077 +276 1141 3 874790773 +552 14 4 879221649 +332 282 5 887916692 +314 196 3 877888212 +59 484 4 888204502 +479 358 1 879459732 +13 484 5 882139804 +561 1139 1 885810744 +90 20 4 891384357 +271 88 4 885849087 +588 204 5 890015323 +95 542 2 888954039 +246 981 1 884924765 +405 1471 1 885548670 +416 1217 4 886319366 +13 138 1 882399218 +296 237 5 884196785 +475 316 5 891627927 +30 174 5 885941156 +405 939 5 885545200 +533 9 4 879192414 +452 143 3 885805093 +405 1063 5 885548785 +561 678 2 885807080 +409 1524 4 881107666 +92 237 4 875640318 +501 181 4 883347857 +164 717 3 889402265 +401 64 3 891032757 +234 307 2 891033427 +15 235 1 879456424 +157 340 5 886889616 +553 98 5 879948996 +537 207 4 886030682 +533 1282 3 879773572 +435 148 3 884133284 +425 1089 2 878739095 +374 1513 2 883961242 +430 628 3 877225832 +561 468 1 885809291 +532 1210 4 888636373 +519 324 1 883248191 +473 137 4 878157357 +294 291 2 889242469 +591 1017 3 891039616 +311 77 5 884365718 +507 689 5 889964844 +404 270 4 883790749 +71 181 3 877319414 +524 525 3 884634615 +170 259 3 886623680 +581 50 4 879641698 +327 269 3 887737629 +144 61 3 888106182 +334 265 3 891545876 +22 24 5 878888026 +349 471 3 879465535 +411 566 4 892845634 +486 766 4 879874417 +303 1411 2 879483941 +442 53 3 883390048 +392 289 5 891037769 +23 224 5 874784638 +587 875 1 892871462 +535 238 4 879618809 +189 500 5 893266351 +379 576 4 880525678 +459 328 3 879561574 +308 216 3 887737789 +546 346 5 885139634 +208 517 3 883108398 +254 415 3 886475523 +539 131 4 879788159 +459 230 4 879564941 +11 357 5 891904241 +532 485 5 893119491 +405 537 1 885546445 +587 349 3 892871400 +399 735 3 882344512 +405 520 2 885546025 +484 50 5 881254239 +181 1059 1 878963440 +498 1142 4 881955432 +524 931 3 884627932 +457 132 5 882547619 +373 550 3 877105588 +62 651 4 879373848 +228 137 1 889388662 +13 117 3 882398138 +292 235 3 881104797 +429 627 2 882387114 +62 403 4 879375588 +456 1324 4 881371720 +150 288 4 878746174 +417 616 2 879648048 +561 124 3 885807842 +161 257 3 891172174 +214 462 4 892668197 +440 1191 5 891550404 +574 321 1 891279285 +336 290 3 877756934 +545 648 3 879899719 +83 406 2 891182431 +552 717 3 879222368 +343 153 5 876404539 +406 428 5 879446684 +363 678 1 891494012 +131 127 4 883681418 +104 294 3 888442404 +399 231 3 882350375 +18 973 3 880129595 +207 849 3 877822704 +397 878 1 875063722 +270 581 5 876955938 +244 401 3 880607424 +537 457 1 886029444 +500 660 2 883874835 +484 510 4 889974386 +378 620 3 880056582 +503 20 5 879438285 +268 544 3 875743090 +560 13 3 879976602 +523 629 5 883702125 +177 173 4 880130667 +455 462 3 879110436 +94 665 3 891723328 +528 310 3 888520371 +561 222 3 885807843 +451 881 4 879012721 +575 322 3 878146541 +555 87 4 879975505 +592 418 4 882956551 +145 282 5 875270570 +69 307 2 882027204 +393 797 3 889731138 +270 860 5 876956464 +553 307 4 879948235 +458 193 4 886396460 +54 546 3 880937583 +425 831 3 878739095 +487 1244 2 883444859 +516 310 4 891290565 +257 582 5 879547608 +374 483 3 880394716 +268 203 5 876513855 +422 1187 4 875130137 +580 825 4 884125339 +77 15 2 884732873 +551 959 5 892784166 +303 741 4 879466604 +264 1118 4 886123656 +271 285 4 885847876 +308 176 4 887736696 +334 955 1 891547563 +276 399 2 874792634 +316 83 4 880853992 +435 762 4 884132840 +532 153 4 888629670 +13 311 3 881514726 +128 924 3 879967341 +521 721 4 885253337 +60 404 3 883327287 +592 124 5 882607986 +88 313 3 891037201 +463 13 3 877385664 +75 13 5 884050102 +500 284 3 883865632 +401 1289 2 891032495 +537 7 4 886029727 +500 845 4 883865566 +303 780 5 879483900 +412 154 3 879717071 +456 13 4 881372604 +294 50 5 877819353 +495 214 5 888632219 +405 1553 1 885548632 +87 570 3 879876163 +592 50 5 882607872 +70 230 4 884064269 +586 148 3 884065745 +299 237 2 877877649 +92 737 4 875654125 +550 993 4 883425426 +543 176 4 874865635 +459 742 4 879562834 +11 727 3 891904335 +222 168 4 878181616 +405 1517 1 885547735 +57 405 4 883697459 +303 64 5 879466457 +566 83 4 881650148 +316 678 1 880853310 +487 794 5 883530503 +96 445 4 884403095 +450 1140 2 882471362 +338 135 5 879438570 +479 298 3 879459909 +537 241 3 886031540 +84 685 3 883452274 +13 12 5 881515011 +336 275 4 877759730 +294 928 3 889242468 +255 665 3 883216748 +92 271 2 880149111 +456 1218 3 881374921 +54 181 5 880931358 +592 204 5 882956158 +276 159 3 874795637 +8 273 3 879362287 +457 44 4 882548214 +460 591 2 882911603 +13 518 4 882140252 +474 503 4 887925838 +201 679 3 884310104 +582 246 4 882961082 +403 288 4 879785822 +314 121 4 877886221 +373 96 4 877098262 +271 277 4 885847714 +503 176 5 879454754 +551 307 4 892775516 +450 315 4 884098435 +154 874 3 879138368 +429 441 3 882386848 +102 187 3 888801232 +144 4 4 888105873 +85 1103 3 882995489 +389 423 5 880087461 +481 648 5 885828165 +22 684 3 878887983 +370 433 3 879434860 +286 396 4 877534414 +405 199 1 885546025 +405 1559 1 885546577 +351 888 4 879481589 +246 401 1 884923750 +329 331 3 891656639 +561 530 4 885807547 +439 300 4 882892424 +218 56 3 881288574 +449 558 4 880410599 +293 678 2 888904439 +288 121 2 886893063 +399 806 3 882344096 +49 71 3 888067096 +189 487 5 893265568 +178 87 4 885784558 +472 930 5 875979317 +425 147 3 878738643 +297 11 4 875240015 +497 145 4 879362382 +551 742 5 892782838 +374 48 5 880395426 +405 1032 1 885549044 +363 774 4 891498835 +465 318 4 883531487 +52 111 4 882922357 +456 182 3 881373228 +330 105 4 876545150 +145 603 5 875272009 +545 636 3 879899472 +48 209 5 879434954 +429 186 4 882385294 +387 582 3 886483497 +500 1326 4 883865020 +10 205 5 877888812 +181 1197 1 878962774 +551 238 5 892777638 +445 293 3 891199945 +328 195 3 885045899 +586 39 4 884061623 +447 981 2 878855139 +417 396 2 879649560 +178 200 3 882826983 +425 207 2 891986445 +405 415 2 885549005 +186 56 3 879023460 +342 866 1 875318585 +23 151 3 874784668 +435 318 5 884131385 +491 340 4 891189716 +189 7 3 893264300 +555 480 4 879975474 +197 373 1 891410124 +344 151 5 884899719 +328 1439 3 885048827 +178 226 4 882826187 +579 83 5 880952360 +476 710 5 883364324 +474 483 5 887924424 +503 204 3 880383703 +567 483 5 882425843 +10 663 3 877886598 +479 739 1 879461932 +267 53 4 878972842 +326 154 2 879875271 +255 5 2 883216599 +411 655 4 891035639 +291 829 2 874834308 +246 1044 1 884922869 +188 64 5 875071891 +449 753 5 880410700 +542 187 4 886533395 +394 172 4 880886919 +532 168 5 892519934 +42 627 2 881109271 +378 969 4 880056195 +206 1431 1 888180018 +81 283 4 876533504 +15 181 5 879455710 +299 965 4 889501260 +329 117 3 891655868 +36 288 4 882157227 +345 772 4 884993121 +10 467 4 877891904 +493 318 5 884132315 +435 260 3 884130810 +33 260 4 891964306 +101 147 4 877136506 +411 161 2 891035761 +270 79 4 876955938 +409 433 4 881108170 +323 144 4 878739988 +118 171 5 875384825 +549 252 3 881672538 +92 1018 4 875653769 +6 367 2 883602690 +154 174 5 879138657 +90 443 4 891385250 +406 960 2 879793376 +561 506 3 885809146 +399 727 4 882344722 +429 686 2 882385519 +25 116 4 885853335 +405 645 1 885546635 +268 174 5 875309882 +497 39 3 879310913 +561 497 4 885809064 +545 474 3 884134205 +16 12 5 877718168 +430 124 5 877225726 +577 662 4 880474933 +409 170 4 881107084 +567 1 3 882426899 +394 195 5 880886919 +405 461 3 885545639 +407 357 4 875042569 +592 297 5 882607844 +13 851 5 882139966 +435 95 3 884131868 +254 1028 2 886474619 +236 435 4 890115966 +405 807 1 885546680 +456 432 4 881374390 +561 1220 2 885810538 +7 157 5 891352059 +28 286 3 881955018 +590 285 5 879438735 +405 82 4 885547952 +387 238 5 886482928 +6 64 4 883600597 +416 1048 3 876698255 +416 824 2 876697592 +530 178 5 883787080 +463 50 4 890530818 +503 778 5 892667730 +164 1016 3 889402091 +506 747 2 874874629 +233 275 5 885147637 +280 140 4 891701223 +527 868 4 879456663 +396 405 3 884646314 +497 771 4 879362638 +515 315 4 887658604 +574 258 5 891278916 +543 591 4 876896210 +506 661 5 874874308 +397 457 1 875063722 +307 257 5 875645340 +421 164 4 892241687 +474 298 3 887915645 +532 818 2 888631077 +269 160 2 891448220 +503 45 5 880383064 +585 582 3 891282894 +566 480 4 881649471 +407 972 3 876340120 +59 498 5 888204927 +361 770 3 879441352 +243 162 4 879988459 +406 498 5 879445378 +409 204 5 881108496 +454 76 1 888266433 +38 418 5 892431026 +404 302 4 883790218 +447 17 3 878856110 +542 475 3 886532359 +298 588 4 884125022 +456 185 4 881372849 +435 317 2 884132483 +448 338 1 891888712 +290 141 4 880474740 +497 403 3 879310883 +435 436 4 884133691 +537 187 4 886030767 +374 463 1 880396511 +509 260 2 883591195 +326 317 3 879875243 +49 1071 3 888069138 +24 237 4 875323002 +92 949 3 875653664 +577 117 4 880471359 +579 528 4 880951708 +303 227 3 879542884 +85 495 3 882994860 +105 340 3 889214245 +537 313 4 886028446 +405 779 1 885548137 +111 303 3 891680028 +268 59 5 875309282 +416 864 3 888700529 +539 483 5 879788101 +551 185 5 892777885 +546 436 5 885141438 +405 1146 2 885546724 +435 435 3 884132230 +190 245 4 891033487 +401 121 3 891032662 +435 520 4 884132027 +267 159 4 878974659 +97 175 5 884239616 +94 484 5 891720996 +224 365 3 888104188 +551 355 4 892776041 +227 748 1 879035387 +428 334 4 885943847 +592 79 4 882955583 +543 238 3 874866319 +373 553 4 877100267 +324 323 4 880575163 +414 272 5 884998953 +253 190 5 891628278 +271 161 2 885849470 +399 1074 4 882345842 +506 54 4 874876651 +508 181 3 883767047 +288 268 4 886372812 +405 403 5 885546445 +494 924 4 879541475 +158 53 1 880134781 +455 65 3 879111396 +586 756 1 884067105 +269 318 4 891447791 +48 191 5 879434954 +480 265 3 891208390 +416 628 4 876697283 +60 73 4 883326995 +348 926 3 886523683 +488 299 3 891293051 +593 633 5 875671081 +486 305 3 879874218 +271 529 4 885848475 +13 233 4 882397650 +269 679 1 891449962 +453 401 3 888206038 +488 87 5 891294297 +194 159 3 879552401 +124 168 5 890287645 +364 319 3 875931309 +533 96 4 879438767 +158 221 2 880132421 +500 42 5 883874139 +434 148 3 886724797 +458 408 5 886396637 +109 156 5 880573084 +76 547 2 882607017 +7 595 2 891353801 +457 476 2 882392810 +561 1 2 885807713 +156 83 3 888185677 +474 258 4 887914688 +94 209 5 886008301 +440 243 1 891577504 +308 171 4 887738346 +158 111 4 880134261 +217 50 1 889069684 +98 25 5 880499111 +326 565 3 879877470 +94 200 4 891721414 +363 979 1 891497748 +76 1048 2 882607017 +87 50 5 879876194 +455 313 4 884649784 +354 1137 4 891219376 +592 969 4 882956718 +456 91 2 881373948 +586 559 5 884060807 +472 196 4 875982005 +95 198 5 880570823 +540 742 4 882157584 +449 1367 4 879958976 +524 31 4 884636205 +276 721 3 874791871 +85 1121 3 879454820 +406 813 4 879539824 +537 472 2 886030415 +239 589 3 889180978 +82 3 2 878768765 +408 302 5 889679683 +511 880 5 890004778 +52 19 5 882922407 +465 180 3 883530015 +391 191 3 877399336 +363 250 1 891499468 +194 134 2 879521719 +416 307 1 889907392 +270 559 5 876956442 +170 988 3 884706063 +451 687 2 879012510 +364 948 4 875931561 +282 343 4 881702939 +343 241 3 876407291 +391 11 3 877398951 +542 246 3 886532359 +396 282 4 884646052 +339 204 3 891033542 +405 509 1 885546112 +268 260 3 876513643 +583 83 4 879384338 +243 468 3 879988298 +429 154 3 882384683 +206 1395 1 888180081 +569 126 5 879793909 +328 161 4 885047670 +21 244 4 874951349 +174 278 5 886433833 +60 30 5 883325944 +568 269 4 877906547 +521 271 3 884475524 +234 417 3 892336119 +450 790 2 882374332 +548 1073 4 891044411 +106 25 4 881451016 +91 429 4 891439324 +517 369 5 892660727 +263 480 3 891298453 +537 467 3 886031634 +214 135 3 891544175 +393 905 3 887742851 +473 327 3 878156857 +523 166 4 883701018 +303 673 4 879468250 +457 934 3 882396092 +479 692 3 879461700 +279 158 3 875313351 +497 455 4 878759777 +318 191 5 884496069 +522 173 4 876961020 +26 748 1 891348192 +387 197 2 886483824 +541 274 4 883866093 +569 924 3 879793784 +94 506 5 891721642 +313 538 2 891014313 +262 420 3 879793854 +472 417 4 875982337 +506 530 5 874874110 +311 449 3 884365823 +450 371 3 887661961 +459 866 5 879563312 +183 375 2 891467545 +540 150 3 882157036 +301 3 2 882075082 +59 211 5 888206048 +576 181 4 887081041 +373 225 4 877106676 +118 564 1 875385335 +218 47 4 877488492 +524 607 3 884637314 +43 9 4 875975656 +124 174 3 890287317 +184 175 3 889908985 +435 229 2 884133544 +378 702 4 880056453 +537 922 3 886030442 +167 521 5 892738307 +59 226 4 888206362 +487 768 3 884025080 +524 290 2 884323525 +160 293 5 876767572 +119 879 5 875720232 +243 318 4 879988071 +308 202 4 887737084 +596 678 3 883538965 +457 373 2 882551189 +11 728 3 891905366 +119 459 4 887038711 +294 682 3 889241486 +472 123 4 875979317 +437 287 2 881000931 +405 22 5 885545167 +457 38 3 882549651 +435 797 3 884133872 +570 303 5 881262256 +401 493 4 891033370 +200 501 4 884129504 +460 7 3 882912205 +83 196 5 880307996 +525 412 2 881086757 +59 747 4 888205410 +592 20 4 882608315 +328 272 5 888641556 +545 144 3 879899125 +445 23 3 890987465 +599 682 4 880951079 +474 92 4 887927509 +234 477 1 892335108 +80 260 1 883605215 +115 174 5 881171137 +236 174 3 890116539 +468 181 3 875280041 +156 772 3 888185947 +385 122 3 883791694 +458 1070 4 886395963 +568 194 3 877907671 +233 143 4 877663383 +541 810 3 883871719 +587 879 1 892871536 +115 673 3 881171558 +593 392 3 886193788 +474 966 4 887925837 +466 324 1 890283690 +363 805 4 891497205 +524 724 3 884636444 +336 186 4 877757730 +262 72 3 879962366 +105 327 4 889214406 +478 518 4 889395638 +432 181 5 889416118 +448 304 3 891888137 +541 255 3 884046321 +119 301 4 886176779 +92 222 4 886440557 +213 187 5 878956022 +358 666 3 891269992 +201 334 4 884110927 +417 58 3 879647140 +437 497 5 880140192 +497 412 1 878759926 +56 408 4 892683248 +451 688 1 879012811 +244 716 3 880607641 +445 221 1 891200203 +495 504 4 888632546 +401 147 2 891032662 +472 4 3 875980418 +95 141 4 888954631 +550 300 4 883425652 +429 85 4 882387234 +357 274 4 878951784 +465 194 4 883531072 +234 188 2 892079288 +365 222 4 891303950 +535 168 5 879618385 +18 805 4 880131358 +13 661 5 881515411 +234 692 3 892335990 +525 332 4 881085178 +302 988 2 879436875 +181 19 1 878962392 +536 570 3 882361162 +276 356 3 874791101 +507 271 5 889964312 +249 148 3 879640361 +196 116 3 881251753 +472 80 3 875981230 +214 92 4 892668249 +114 646 4 881260473 +197 679 1 891409935 +577 684 4 880474394 +378 450 3 880334476 +452 485 2 875276589 +130 11 5 875216545 +503 134 5 880383588 +434 9 1 886724563 +291 38 3 874834914 +450 357 5 882373531 +548 657 5 891044411 +81 42 4 876534704 +576 70 5 886986361 +318 284 3 884470775 +19 211 4 885412840 +432 508 5 889415853 +303 979 4 879484213 +437 301 3 881002067 +423 689 4 891395020 +381 1532 2 892696831 +546 458 1 885140689 +291 22 5 874835062 +279 204 3 878082751 +537 90 1 886032029 +474 98 5 887924027 +471 102 5 889828081 +174 139 3 886515591 +553 496 3 879948460 +43 1056 3 883955498 +293 283 2 888904884 +18 709 5 880131028 +361 213 5 879440605 +181 129 2 878962279 +525 1011 3 881086274 +37 118 2 880915633 +463 813 4 877385125 +551 203 5 892782975 +433 95 3 880585802 +545 254 4 879898995 +136 237 4 882693597 +453 393 3 888207162 +479 216 3 879461399 +295 431 5 879518233 +495 650 5 888634956 +138 662 4 879024128 +193 742 4 889126673 +159 126 5 880557038 +308 566 4 887739014 +243 461 3 879988132 +201 644 3 884113924 +148 496 3 877015066 +533 708 2 879439167 +593 79 4 875671674 +350 210 4 882345918 +107 323 1 891264566 +177 64 4 880130736 +308 162 4 887739095 +437 1039 2 880140101 +303 709 5 879468021 +361 204 4 879440516 +94 549 5 891721528 +97 191 5 884239472 +305 181 4 886321799 +246 288 5 884922235 +589 313 5 883352434 +435 1228 2 884133972 +521 73 3 885253827 +195 93 3 891762536 +488 100 2 891293910 +301 1016 4 882074684 +373 393 4 877104284 +145 692 2 885557505 +497 384 2 879362985 +370 210 3 879434745 +329 194 3 891656429 +551 746 5 892777013 +489 539 4 891448834 +535 480 4 879618207 +503 430 5 880383653 +405 1404 1 885547360 +401 14 3 891032271 +270 1009 5 876954522 +495 389 5 888637643 +326 837 4 879875507 +535 521 5 879618809 +558 124 4 879435855 +535 629 4 879618776 +182 479 5 876436556 +548 235 3 891415746 +545 265 4 883115423 +523 575 4 883702800 +594 237 3 874784095 +348 756 4 886523735 +184 739 3 889910257 +474 641 4 887926436 +328 708 2 885048101 +207 127 5 875506634 +449 459 4 879958803 +326 228 4 879876861 +505 88 4 889334334 +256 203 4 882164867 +394 419 5 880887250 +561 62 3 885810144 +222 1336 2 877563998 +541 239 4 883865211 +435 451 4 884133487 +406 1118 3 880132091 +59 436 5 888206094 +347 544 4 881652862 +417 1157 4 880952616 +541 419 5 883874682 +566 71 2 881650958 +514 336 1 885180842 +568 923 3 877906995 +58 1012 4 884304627 +401 655 3 891033417 +498 144 1 881958471 +254 1033 3 886475034 +92 171 4 875652981 +257 475 5 879029716 +299 228 3 878191823 +538 692 3 877107765 +10 511 4 877888877 +52 1011 4 882922588 +577 95 5 880474747 +597 328 4 875339132 +293 70 3 888907101 +474 848 4 887926998 +453 591 3 877552969 +458 596 4 886395350 +533 380 4 879438510 +373 734 3 877111313 +543 810 3 877547004 +278 752 5 891295164 +577 188 3 880474715 +54 288 4 880928957 +344 298 4 889814571 +417 746 5 879648048 +472 951 1 875983426 +56 820 3 892683303 +95 208 4 879198353 +531 457 1 887049341 +283 208 5 879298239 +6 174 4 883600985 +130 118 4 874953895 +578 294 3 888957453 +425 1434 4 890346317 +271 276 3 885847800 +59 529 4 888205145 +85 79 3 879453845 +488 521 3 891294942 +551 340 4 892775584 +497 25 4 879309780 +379 124 5 883156810 +533 496 5 879439061 +586 203 3 884059027 +506 581 2 874874850 +393 255 4 887744328 +420 116 4 891357162 +543 385 3 877545717 +554 98 5 876550491 +180 367 1 877127486 +536 679 4 882360495 +545 219 2 880348933 +83 274 4 880306810 +589 268 1 883352463 +152 549 4 882476261 +72 174 5 880037702 +390 1 5 879694066 +504 183 3 887832531 +534 240 5 877807873 +498 1131 3 881955866 +173 306 5 877556626 +222 102 2 878183043 +504 54 4 887909936 +96 182 4 884402791 +95 121 4 879194114 +368 774 4 889783562 +378 319 3 884530934 +48 98 5 879434954 +293 196 4 888906012 +467 455 3 879532744 +91 50 5 891439386 +393 1210 3 889731593 +601 324 4 876346383 +213 985 3 878955164 +162 208 3 877636746 +363 710 5 891495596 +504 68 5 887912665 +63 546 2 875747789 +548 477 1 891415786 +5 172 5 875636130 +535 423 5 879618613 +602 678 4 888638193 +391 963 5 877399746 +499 202 4 885598961 +497 808 2 879310941 +528 479 4 886101505 +158 694 5 880133209 +405 5 4 885545070 +472 746 5 875983023 +532 679 5 888629565 +311 754 3 884363758 +298 530 5 884182600 +575 506 2 878148087 +237 197 4 879376515 +237 489 4 879376381 +472 370 4 875979317 +504 585 2 887909864 +347 471 4 881652518 +394 597 2 881058201 +537 1008 2 886030078 +480 8 5 891208576 +380 7 3 885478334 +314 562 4 877890960 +548 760 3 891416049 +552 829 3 879222738 +378 727 4 880055454 +488 176 4 891293734 +38 590 1 892434373 +184 523 4 889909618 +416 433 4 886316226 +483 365 2 878953277 +70 231 3 884064862 +429 150 5 882385569 +232 186 4 888549790 +500 39 4 883875092 +175 12 4 877108146 +167 8 5 892738237 +543 216 4 874864666 +181 18 1 878962623 +201 47 4 884140610 +268 180 3 875309719 +521 826 2 884476920 +600 92 3 888451665 +590 221 4 879439645 +181 224 1 878962623 +169 243 3 891268851 +162 1 4 877635819 +18 236 3 880131077 +256 405 4 882151088 +592 433 5 882956761 +189 124 5 893264048 +261 243 5 890454351 +353 340 4 891401942 +470 288 4 879178216 +561 239 3 885809336 +538 69 5 877107340 +303 106 2 879543796 +327 232 4 887819538 +342 818 4 875318488 +405 1484 1 885547690 +224 423 4 888103581 +457 673 4 882397829 +389 79 4 879991461 +383 480 5 891193242 +452 874 2 887718965 +293 199 5 888905582 +577 15 3 880470350 +288 289 3 886372937 +385 1143 4 880828451 +416 980 4 886314987 +566 89 4 881650423 +22 229 2 878887925 +223 864 3 891550094 +432 1049 2 889415983 +524 213 4 884635136 +184 393 4 889909788 +450 1172 5 882373231 +76 1006 3 875027907 +294 546 4 877819761 +8 241 4 879362423 +452 243 5 886148336 +92 405 2 875644795 +409 427 5 881107251 +605 127 5 879366240 +566 242 5 881649273 +603 21 3 891956715 +76 60 4 875028007 +59 79 5 888204260 +514 659 3 875463245 +537 102 1 886032123 +125 176 5 879454448 +95 274 4 879193881 +15 879 3 879455311 +263 732 5 891299265 +92 284 2 876175733 +221 29 3 875245739 +152 117 4 880148782 +253 96 5 891628651 +264 1070 4 886123415 +214 174 4 892668249 +579 179 3 880952038 +548 619 3 891415786 +47 327 4 879440360 +523 211 4 883702292 +518 1028 3 876824266 +429 248 5 882386870 +92 577 3 875907649 +164 291 5 889401963 +370 174 3 879434587 +592 323 1 882607690 +400 286 4 885676230 +389 179 4 879991461 +495 201 2 888633594 +181 111 3 878962774 +92 80 2 875907504 +109 332 3 880562908 +537 205 5 886031297 +603 230 4 891955922 +468 603 5 875296309 +533 87 4 879191184 +577 186 4 880472153 +576 381 3 886986445 +525 1012 3 881086078 +286 339 5 884583549 +40 270 3 889041477 +89 66 3 879459980 +62 1018 3 879375606 +533 1028 2 879192769 +580 7 3 884124844 +197 354 2 891409199 +592 336 1 882607476 +476 211 5 883365019 +293 48 5 888905819 +561 513 3 885807345 +130 1244 4 876251192 +385 511 4 879441881 +545 520 4 884133794 +318 864 2 884495032 +510 358 1 887667780 +348 368 3 886523876 +468 19 4 875280126 +291 82 4 874835116 +62 97 2 879373795 +119 23 3 874782100 +332 1 4 887938245 +399 53 4 882345271 +387 532 3 886480970 +406 125 3 879539987 +561 64 3 885809605 +299 1507 3 877881170 +443 644 3 883505465 +163 301 3 891219977 +334 235 3 891545293 +453 3 4 877552717 +442 56 5 883388237 +174 843 2 886515551 +537 461 3 886031105 +221 230 3 875246506 +200 890 4 884127082 +265 293 4 875320661 +500 125 3 883865632 +279 41 2 875313646 +378 476 3 880044642 +314 721 5 877891465 +568 59 1 877906995 +416 678 2 876696788 +276 189 4 874977555 +449 179 4 880410674 +485 288 3 891041171 +57 710 3 883698324 +530 70 4 886198864 +416 1014 3 876697847 +561 616 3 885808929 +371 523 4 880435210 +81 405 3 876533764 +87 427 4 879877824 +190 272 5 891033606 +538 216 4 877364204 +1 197 5 875072956 +433 435 4 880585700 +151 147 2 879524947 +334 498 4 891545898 +297 919 1 874954260 +450 1401 4 882372103 +37 231 2 880916046 +437 116 3 880139997 +323 11 5 878739953 +496 480 3 876065289 +378 629 5 880056318 +5 414 3 875636691 +474 418 3 887928562 +94 1222 3 891723848 +528 393 2 886101695 +484 15 5 881449527 +90 462 5 891383752 +236 423 5 890116304 +425 576 3 878738813 +432 322 3 889416657 +268 1314 2 875744289 +342 535 3 874984727 +595 1264 2 887588203 +308 732 4 887738847 +222 375 1 878182880 +416 1540 4 893142245 +213 393 3 878955973 +588 207 2 890025076 +556 325 2 882135684 +363 32 2 891496667 +436 21 3 887772028 +561 1119 3 885810144 +29 879 3 882821161 +518 123 2 876823143 +322 48 4 887313946 +215 127 4 891435183 +286 40 4 877534824 +29 661 5 882821942 +59 477 3 888203415 +207 38 3 875509507 +301 121 4 882075148 +539 185 4 879788101 +303 1426 2 879484804 +449 15 4 879958866 +161 133 2 891171023 +244 1168 4 880608788 +552 118 3 879222520 +405 1031 1 885549045 +398 519 4 875723337 +210 956 3 887736900 +561 1024 3 885806883 +409 1593 4 881108971 +193 739 4 889126427 +489 1243 4 891445231 +198 356 3 884208455 +535 59 3 879618338 +95 78 3 888956901 +416 1160 4 876697760 +6 505 4 883602422 +334 485 3 891548224 +586 281 3 884062405 +92 474 4 875653519 +551 62 5 892784524 +320 458 4 884748868 +451 1394 1 879012858 +136 116 5 882693723 +468 692 4 875292027 +479 226 3 879461280 +287 313 4 888177170 +533 196 4 888844941 +346 578 2 874950463 +429 732 4 882385882 +3 342 4 889237174 +181 831 1 878963241 +429 62 3 882387350 +263 515 5 891298592 +82 432 4 878769373 +6 507 4 883601310 +393 553 3 887747108 +381 934 2 892697495 +487 183 5 883446637 +446 292 5 879786838 +499 318 5 885599286 +500 304 2 883864749 +568 954 2 877907671 +496 229 2 876070655 +548 222 5 891044596 +552 760 3 879222306 +447 1028 3 878855139 +190 273 4 891033676 +279 12 2 875306515 +83 1016 4 883868345 +49 419 4 888067691 +392 491 5 891039049 +239 504 4 889179544 +417 50 3 879646123 +119 825 3 874780860 +152 402 5 882829501 +392 1258 1 891038247 +116 288 3 886309812 +533 221 3 888844601 +528 657 5 886101505 +569 50 5 879793717 +524 898 4 884701702 +456 696 3 881372078 +222 580 3 878715168 +234 642 3 892334766 +498 50 4 881954821 +516 181 4 891290566 +82 326 2 879788343 +561 163 3 885808963 +561 154 4 885807612 +275 431 3 880314969 +592 324 4 882607387 +221 544 4 875244512 +95 640 3 880571746 +2 293 4 888550939 +1 173 5 878541803 +94 399 4 891722802 +503 416 2 880472250 +181 270 4 878961270 +311 1119 4 884366703 +506 772 1 874873247 +441 117 4 891035489 +505 7 3 889334129 +606 123 3 878143605 +321 382 3 879440245 +592 202 5 882956803 +320 546 4 884748818 +437 732 4 880143167 +472 790 3 875981968 +562 114 1 879195156 +501 237 4 883348011 +597 824 3 875342875 +207 609 4 877879173 +330 216 5 876546470 +82 430 5 878769703 +49 262 5 888065620 +385 657 4 879442109 +405 94 5 885547408 +497 1419 2 879362638 +316 707 4 880853485 +214 608 4 891544114 +474 380 4 887927588 +207 239 3 876079016 +200 527 4 884129656 +321 132 5 879440342 +535 209 5 879617819 +195 1415 1 874825827 +351 323 5 883356710 +417 758 2 879649247 +561 671 3 885808673 +263 132 5 891298392 +267 62 3 878973597 +600 229 3 888451840 +543 86 4 876896210 +600 1110 3 888452564 +488 511 4 891294209 +523 707 5 883701093 +411 38 4 891035405 +201 923 3 884113592 +456 508 4 881371427 +339 527 4 891032793 +551 1267 4 892783906 +457 174 5 882397267 +414 346 5 884999037 +290 97 3 880475016 +533 202 4 879191938 +399 155 2 882348773 +406 573 3 880132319 +524 76 4 884636182 +399 395 3 882350733 +62 959 4 879375269 +13 433 4 881515239 +108 294 4 879879662 +303 715 4 879484441 +274 125 4 878945711 +421 674 5 892241687 +505 176 4 889333340 +517 269 3 892659922 +128 471 4 879967804 +452 660 4 875560068 +42 501 5 881108345 +524 642 4 884636182 +63 591 3 875747581 +537 770 3 886031913 +413 508 4 879969484 +509 879 1 883590913 +223 333 4 891548675 +454 968 2 888267198 +559 204 3 891035708 +600 127 5 888451492 +222 95 4 878182453 +490 237 1 875427993 +437 11 1 880139951 +500 1008 4 883865786 +381 529 5 892696060 +562 191 5 879196176 +13 7 2 882396790 +291 568 4 874835141 +222 365 4 878184765 +47 269 4 879438984 +122 11 1 879270424 +467 93 4 879532595 +47 258 4 879438984 +357 472 3 878952166 +524 178 3 884634968 +566 154 3 881651151 +151 847 5 879528459 +85 458 3 879452867 +309 304 3 877370319 +422 201 4 879744014 +493 172 5 884131597 +65 735 4 879216769 +7 215 4 891351624 +403 284 1 879790389 +577 393 4 880475363 +487 99 4 883530434 +523 652 2 883703495 +514 750 4 885180627 +107 286 2 891264266 +579 1074 3 880952579 +416 275 5 893212484 +561 458 4 885809197 +299 302 4 889501087 +194 659 4 879520743 +89 100 5 879441271 +575 181 2 878148295 +439 237 5 882893220 +429 225 2 882387599 +533 222 5 884007368 +573 427 4 885844091 +299 298 4 877878227 +474 923 4 887926632 +458 127 5 886396390 +269 200 4 891449984 +577 38 2 880475453 +256 808 4 882164559 +591 1099 5 891031203 +497 395 4 879363284 +7 572 3 891354331 +592 1623 4 882955794 +505 199 4 889333442 +251 405 3 886272547 +521 33 4 885254133 +485 313 4 891040423 +554 69 5 876232682 +405 1576 1 885549464 +318 892 3 884470391 +181 547 1 878962720 +331 238 4 877196383 +243 86 5 879989217 +435 697 4 884133372 +13 792 5 882139686 +537 11 3 886030937 +559 514 4 891035633 +1 75 4 878543238 +583 663 4 879384338 +568 185 4 877907834 +393 739 3 887746671 +544 332 3 884795437 +293 50 5 888905519 +495 550 3 888635235 +538 117 3 877107492 +405 1437 1 885547557 +63 282 1 875747657 +524 646 5 884637347 +141 293 2 884584735 +454 836 2 888266785 +407 525 4 875046427 +505 614 3 889334162 +543 190 5 875665787 +592 1315 2 882609056 +125 340 1 892835659 +514 367 5 875318164 +498 340 2 881954618 +537 95 1 886030891 +342 193 5 875320199 +503 1194 5 879438072 +392 288 4 891037531 +551 343 4 892775869 +487 779 2 884050879 +276 44 3 874795637 +57 826 2 883697990 +305 199 4 886323779 +389 763 1 879916203 +401 356 4 891033122 +449 244 4 879959152 +537 648 4 886031505 +389 40 3 880088825 +535 1396 4 879618058 +514 392 4 875463351 +264 1009 4 886124417 +16 427 5 877722001 +330 177 4 876546267 +354 956 4 891218271 +532 403 4 892865321 +264 656 4 886122099 +276 627 3 874792907 +68 25 4 876974176 +18 66 3 880131728 +582 250 3 882961000 +198 117 1 884205114 +309 1296 2 877370319 +250 325 4 883262927 +184 51 4 889909069 +158 744 4 880132462 +374 118 5 880393864 +216 408 3 880232547 +592 742 4 882608357 +518 236 3 876823597 +286 1288 4 876522114 +159 1049 4 880485972 +308 92 4 887737293 +536 199 3 882359499 +12 216 5 879960826 +174 662 5 886513752 +247 222 3 893081411 +493 191 4 884132225 +592 988 1 882607745 +518 222 5 876823597 +575 507 2 878148137 +351 301 3 879481424 +222 576 3 881060305 +198 143 3 884208951 +116 302 3 876451911 +151 492 3 879524738 +586 219 3 884060705 +495 465 5 888635180 +435 23 4 884132942 +523 514 4 883702172 +558 508 5 879436396 +525 685 4 881086295 +416 313 5 893214226 +397 273 4 889760803 +471 151 2 889828154 +21 243 2 874951039 +227 221 4 879035535 +529 269 3 882534996 +301 193 3 882075994 +85 510 4 879454400 +314 67 4 877891386 +13 791 5 882141686 +409 174 4 881108881 +405 739 2 885549309 +554 228 5 876550011 +476 288 4 883365734 +421 234 5 892241646 +197 172 5 891409839 +255 147 4 883216845 +190 591 4 891033863 +389 700 2 881384441 +268 658 3 875310524 +363 1 2 891494563 +109 597 2 880571715 +537 1105 1 886029153 +334 175 4 891546257 +508 173 4 883767140 +97 408 5 884238652 +593 211 4 875671198 +292 748 3 877718776 +42 402 5 881108982 +319 750 3 889816107 +603 174 3 891956927 +577 720 4 880475043 +559 294 1 891035519 +59 1101 5 888205265 +94 670 3 891722249 +608 1172 5 880404636 +46 50 4 883616254 +118 98 5 875384979 +423 628 4 891395602 +437 254 3 881002300 +592 288 5 882607528 +226 191 4 883889229 +102 127 2 888801316 +330 739 5 876545368 +318 255 4 884494693 +344 275 4 884899397 +451 1026 1 879012773 +280 156 4 891700643 +254 151 2 886474396 +537 13 4 886029806 +328 127 5 885045645 +204 170 5 892513865 +506 33 3 874873703 +552 471 3 879222306 +437 566 3 881002161 +456 179 5 881372779 +5 70 4 875636389 +480 237 2 891207836 +508 151 5 883768886 +400 306 3 885676230 +16 208 5 877727054 +579 168 4 880952142 +555 1054 3 879964335 +378 692 4 880045580 +450 354 4 892141784 +145 563 3 877343280 +542 238 4 886532706 +285 346 4 890595456 +523 208 5 883702209 +378 517 3 880056384 +405 586 4 885548136 +291 325 4 874805610 +474 283 3 887915437 +399 264 3 882340517 +514 1035 3 875463595 +523 269 5 883699464 +391 480 4 877398991 +276 572 3 874795823 +552 742 4 879222103 +7 237 5 891351772 +344 88 3 884901403 +92 1208 4 875812741 +519 908 5 883250148 +447 470 4 878856208 +523 285 5 883701962 +535 4 3 879618777 +378 1009 3 880318415 +200 568 5 884128372 +474 178 4 887926105 +394 449 3 881132958 +417 1183 4 879648676 +378 635 2 880333802 +409 877 2 881105366 +20 357 1 879669244 +161 473 1 891172358 +449 473 3 879958866 +407 483 4 875042642 +315 183 3 879821267 +201 181 2 884112245 +7 213 3 891351686 +354 1511 4 891216575 +472 567 4 875982922 +601 1073 2 876350230 +226 97 3 883889355 +293 248 3 888904985 +405 200 2 885548330 +316 187 2 880853548 +402 476 3 876266985 +457 234 5 882548426 +320 17 5 884751190 +472 477 5 875978387 +416 564 4 892440782 +429 218 3 882387350 +343 200 2 876404539 +237 180 4 879376730 +538 56 4 877107408 +577 218 3 880475269 +201 667 2 884114682 +33 348 4 891964404 +314 66 5 877887763 +554 542 3 876369995 +456 959 4 881375127 +244 468 1 880606947 +541 143 4 883874645 +555 546 3 879962551 +500 699 3 883875523 +379 622 5 880525839 +450 54 4 887138820 +13 441 1 882396984 +537 285 4 886029806 +256 147 4 882152540 +60 629 3 883327175 +215 228 5 891436543 +243 732 4 879988557 +21 874 2 874951005 +501 129 4 883348036 +292 98 5 881103758 +479 266 3 879459791 +601 181 5 876347039 +321 513 4 879440294 +385 851 5 880870205 +456 194 3 881373472 +83 477 2 887665798 +387 23 2 886479528 +425 178 3 878737841 +485 321 3 891041275 +607 487 4 883879213 +429 283 3 882385136 +29 79 4 882821989 +551 241 4 892783057 +432 100 3 889415895 +354 650 3 891217693 +384 333 4 891273509 +76 628 2 882606768 +569 151 5 879793948 +89 880 5 879461219 +214 156 5 892668172 +524 210 3 884635287 +407 993 4 884203128 +533 462 2 879190926 +560 478 4 879975752 +318 85 3 884497180 +484 143 4 891195746 +606 418 5 880923745 +449 1372 4 880410834 +588 432 4 890027113 +404 22 5 883790911 +397 171 5 882839540 +395 273 2 886481149 +580 148 4 884125773 +548 298 4 891043882 +123 289 1 879809220 +144 316 5 888103666 +13 914 2 892870589 +514 42 5 875318331 +99 405 4 885678813 +329 7 3 891655961 +586 187 4 884058566 +592 1134 5 882608234 +561 65 3 885808673 +495 88 4 888635380 +213 127 5 878870790 +498 59 4 881961312 +406 381 3 879793261 +160 185 5 876861185 +85 664 4 879829562 +524 172 3 884634849 +265 688 2 875320084 +495 84 3 888633011 +311 72 4 884365686 +487 367 3 883530674 +524 289 4 884321591 +201 665 2 884114770 +70 450 1 884064269 +130 449 4 878537516 +493 687 1 884130055 +479 195 4 879460939 +354 1119 4 891307114 +601 834 1 876348381 +136 275 4 882693723 +383 315 5 891192158 +494 9 2 879541404 +218 1073 5 881288265 +62 290 3 879373007 +303 470 4 879468375 +230 280 4 880485254 +248 69 1 884534695 +466 898 1 890283667 +404 754 3 883790218 +589 288 5 883352536 +272 183 4 879454726 +336 88 2 877757910 +233 194 4 877663913 +525 276 5 881086468 +455 265 4 879112152 +533 25 4 884096575 +6 516 4 883602664 +479 257 4 879459955 +453 509 4 877553850 +577 110 4 880475581 +470 813 3 879178370 +120 237 3 889490172 +428 329 3 892572335 +154 651 4 879138783 +437 70 3 881002161 +92 823 4 875654846 +506 792 2 874876598 +452 187 3 875265265 +299 209 3 889503013 +603 173 4 891956877 +151 211 5 879528588 +444 271 3 891979403 +221 763 4 875244232 +532 302 5 875441085 +352 17 2 884289728 +482 311 4 887643340 +313 820 2 891030228 +6 13 2 883599400 +392 248 4 891038205 +311 294 4 884364047 +155 332 2 879371121 +293 357 4 888905760 +568 1050 4 877907835 +392 173 4 891039050 +455 4 3 879111786 +293 483 5 888905481 +585 113 3 891283681 +436 287 4 887770169 +589 340 1 883352494 +276 239 4 874791194 +608 490 4 880405824 +338 650 5 879438275 +194 402 3 879524008 +327 100 4 887744513 +405 1078 1 885549004 +484 252 3 880270616 +453 367 2 888202813 +381 693 4 892697280 +577 1291 3 880471954 +605 527 4 879424429 +257 166 4 880496522 +399 928 2 882341586 +237 659 4 879376553 +283 820 4 879297904 +497 809 3 879362609 +551 991 2 892775935 +361 237 4 879440740 +147 319 4 885593812 +303 423 4 879483535 +130 5 4 876251650 +403 1047 2 879786381 +532 117 5 893119335 +293 356 3 888907955 +495 50 5 888632134 +474 615 4 887924619 +201 514 3 884112747 +486 696 3 879875041 +116 328 3 876452186 +119 823 3 874775406 +109 55 2 880572756 +472 924 2 875978994 +561 1074 3 885810813 +507 302 5 889963959 +326 609 3 879875930 +62 170 3 879373848 +592 1009 3 882608662 +104 273 3 888465972 +195 678 3 883295570 +479 535 3 887064690 +460 293 4 882911603 +526 754 2 885681886 +548 323 4 891043547 +518 1079 1 876824266 +216 403 3 880244446 +314 294 5 877885887 +528 82 4 886101632 +379 729 4 880961621 +194 183 3 879520916 +303 535 1 879544681 +312 165 5 891698726 +588 227 3 890028385 +603 11 5 891956927 +317 355 4 891446783 +13 494 4 881515295 +347 99 3 881654591 +303 413 2 879543524 +185 9 4 883524396 +405 364 1 885547766 +1 268 5 875692927 +168 685 3 884287759 +254 21 3 886474518 +537 60 3 886031297 +175 508 1 877107712 +370 923 4 879435074 +567 318 2 882425901 +422 742 2 875130204 +121 937 4 891389924 +579 89 3 880952102 +327 23 4 887745463 +207 684 3 875509307 +481 367 3 885829153 +116 655 4 886309958 +151 512 5 879524712 +373 181 5 877099178 +537 772 3 886031297 +214 249 3 891543256 +554 67 3 876369932 +361 258 3 879440286 +484 625 4 891195825 +360 100 5 880354379 +542 288 2 886532149 +470 137 3 879178406 +405 391 1 885548137 +199 7 4 883782854 +350 136 5 882347699 +279 554 1 875314231 +606 15 5 878143729 +553 199 4 879949153 +459 15 4 879563102 +7 590 2 891354730 +449 1404 5 880410801 +410 258 2 888626538 +585 463 5 891284816 +87 510 5 879875818 +589 289 3 883352679 +437 778 3 881002092 +280 313 3 891699839 +374 832 1 882157930 +35 328 3 875459046 +495 282 5 888637768 +13 833 2 882397974 +262 125 3 879961882 +304 278 4 884968415 +115 98 3 881171409 +128 25 3 879968185 +440 171 5 891577871 +478 41 3 889396330 +581 919 5 879643155 +437 95 4 880143315 +514 58 4 875462689 +547 311 2 891282699 +442 226 3 883390416 +95 1221 4 880572448 +378 300 4 889665232 +569 248 4 879793741 +442 810 2 883390674 +429 143 3 882385829 +588 71 4 890024195 +303 100 5 879466420 +514 170 3 875462764 +545 68 4 879899266 +561 1120 4 885807318 +74 7 4 888333458 +496 7 4 876064168 +350 258 3 882347465 +167 1225 3 892738277 +468 357 5 875294549 +554 82 4 876550257 +376 707 4 879434750 +519 299 5 884545961 +59 147 5 888203270 +600 1228 2 888452490 +592 408 5 882607955 +376 11 4 879454598 +484 135 4 891194820 +437 651 4 881002345 +457 507 4 882397059 +3 303 3 889236983 +269 151 5 891450489 +429 274 3 882386096 +43 686 3 883955884 +529 984 4 882535353 +535 603 4 879617613 +593 210 2 875673181 +59 650 5 888205534 +417 999 3 880952434 +539 367 3 879787801 +405 376 5 885547690 +325 114 5 891478307 +286 535 5 875806918 +1 34 2 878542869 +164 326 3 889401362 +455 447 4 879111153 +527 709 5 879455961 +537 937 3 886029488 +62 53 2 879376270 +313 739 3 891031747 +561 318 3 885807345 +27 118 3 891543222 +13 706 1 882396869 +270 583 5 876956038 +504 623 3 887910433 +406 452 2 879793011 +270 739 4 876955729 +193 1168 4 890860234 +94 132 4 891720862 +374 696 3 880394233 +204 318 5 892513819 +601 419 4 876351263 +292 528 5 881105657 +435 164 2 884132515 +606 241 3 880926246 +566 651 4 881650242 +235 175 4 889654971 +164 934 5 889402547 +121 582 2 891390034 +468 428 4 875291403 +437 1161 4 880141770 +493 115 4 884131665 +118 603 4 875384916 +280 126 3 891700643 +374 393 4 880395973 +524 474 4 884634578 +8 341 2 879361825 +587 347 3 892871223 +405 786 1 885547644 +68 275 5 876973969 +380 664 3 885479415 +297 55 4 875238922 +437 730 3 880141374 +509 687 1 883591489 +119 1166 5 887038711 +355 260 4 879485760 +249 1011 5 879640284 +553 265 5 879948508 +249 462 5 879572725 +537 352 1 886028544 +263 511 5 891299324 +536 163 5 882360080 +370 678 4 879435369 +372 79 5 876869667 +470 285 3 879178619 +28 760 3 882826399 +184 182 4 889908497 +158 181 3 880132383 +505 265 4 889333598 +152 1053 5 882475618 +382 507 4 875946809 +432 121 4 889416312 +345 747 3 884993139 +447 89 5 878855723 +454 195 4 888266810 +138 56 5 879024232 +363 590 3 891500527 +385 50 1 879440127 +522 79 3 876960824 +100 310 3 891375522 +383 517 5 891192748 +437 47 4 880140534 +109 628 2 880564640 +488 203 4 891295023 +593 5 4 875671525 +588 1047 3 890031141 +387 79 4 886483049 +58 269 4 884304267 +405 515 1 885546025 +181 1372 1 878962279 +606 186 5 880925290 +566 235 3 881650534 +416 1226 3 893013826 +69 50 5 882072748 +328 405 4 885047018 +222 642 3 878181421 +313 183 5 891013554 +608 1115 4 880406168 +119 537 5 886176618 +484 248 4 883973581 +434 347 1 886724329 +500 147 3 887720583 +551 1518 4 892785363 +358 324 4 891269077 +13 879 2 881515697 +548 649 4 891044538 +59 220 2 888203175 +198 55 3 884207525 +234 497 4 892334481 +497 452 2 879362202 +521 743 1 886061689 +136 303 4 882693234 +320 257 4 884749499 +595 1067 4 886922069 +385 208 3 879442360 +592 455 4 882608402 +361 98 5 879441215 +90 488 5 891384065 +453 318 4 877553761 +450 558 3 882396050 +334 1525 4 893074672 +21 925 2 874951447 +498 61 4 881957431 +312 166 5 891698391 +249 405 3 879640284 +568 475 4 877907782 +435 826 2 884134713 +96 486 3 884403392 +508 180 5 883767565 +588 144 3 890024564 +87 204 5 879876447 +566 7 4 881649747 +176 222 5 886048145 +18 95 4 880131297 +297 213 3 875240171 +181 104 1 878962866 +497 679 3 879310850 +523 289 4 883699869 +454 277 2 881959960 +561 42 3 885809025 +573 211 5 885843964 +514 210 5 876067462 +354 93 4 891216805 +395 343 5 883762614 +422 760 3 879744287 +533 286 4 879193088 +504 257 5 887831753 +607 529 4 883880027 +488 222 4 891376029 +381 1119 4 892696252 +462 321 5 886365734 +560 25 3 879976706 +77 175 4 884733655 +588 40 4 890026154 +429 365 2 882386237 +197 2 3 891409981 +608 661 3 880405927 +144 647 4 888105338 +454 419 4 881959917 +62 196 4 879374015 +201 483 3 884111546 +217 779 1 889070266 +221 273 5 875244183 +60 185 4 883326682 +543 194 3 874864870 +201 699 3 884140610 +498 525 4 881961547 +193 905 4 889123458 +498 1286 3 881956576 +184 1117 2 889907771 +507 405 5 889966127 +605 531 4 879424583 +321 654 4 879439927 +325 115 3 891478557 +194 655 5 879520813 +601 699 3 876350812 +503 156 1 880472250 +344 844 1 886381985 +72 476 4 880036048 +554 9 4 876231468 +552 864 3 879221876 +537 1009 2 886030254 +181 93 1 878962773 +445 174 4 891200869 +198 216 4 884208490 +393 186 3 887746734 +49 403 3 888069636 +269 111 1 891446703 +60 528 4 883326086 +248 50 5 884535013 +610 315 4 888702764 +327 117 3 887820385 +297 268 4 881707737 +293 294 2 888904410 +284 750 3 885328906 +393 821 3 889554756 +416 199 5 893214225 +75 1059 1 884050760 +399 50 3 882343040 +59 44 4 888206048 +21 984 1 874951040 +455 58 3 879111318 +230 447 1 880485513 +455 1136 3 879111705 +332 405 4 887938503 +144 1101 4 888105312 +450 241 4 882376658 +501 117 4 883347975 +276 1028 3 874787044 +488 523 3 891293699 +194 720 2 879553883 +566 755 2 881651561 +343 334 5 876402468 +399 1178 3 882350341 +417 815 4 879646741 +607 107 4 883879756 +488 8 3 891295067 +293 198 4 888906143 +321 657 4 879440660 +222 559 3 878184291 +611 300 5 891636244 +588 783 4 890027297 +270 244 3 876954004 +363 698 2 891495987 +545 231 4 879899472 +493 176 5 884132197 +7 80 4 891354381 +130 403 5 876251922 +364 261 2 875931432 +141 147 4 884584906 +405 132 5 885544698 +119 132 5 874782228 +222 1074 3 881060504 +528 50 5 886101695 +281 294 3 881200643 +218 183 5 881288265 +504 1110 2 887911583 +502 333 4 883701866 +253 125 3 891628033 +49 98 4 888067307 +543 53 3 877547190 +455 939 4 879111454 +594 744 3 874783298 +488 22 4 891294108 +7 51 2 891352984 +566 77 4 881651183 +416 203 3 886316596 +551 193 5 892777363 +421 96 4 892241343 +270 164 5 876956137 +23 161 2 874787017 +313 720 2 891028472 +556 132 5 882136396 +222 392 4 881059920 +342 478 3 875319967 +346 325 1 886273717 +243 694 4 879988262 +469 495 5 879525237 +506 250 2 880198224 +617 637 3 883789507 +388 569 5 886441248 +352 228 3 884289729 +440 582 3 891577919 +104 456 3 888465853 +6 310 2 883268353 +82 820 3 878768902 +445 310 1 891199331 +483 275 4 878951388 +483 12 2 878953999 +23 472 2 874784972 +293 1311 3 888907603 +297 288 3 874955131 +526 886 3 885682077 +417 472 2 879646369 +518 151 3 876823018 +553 89 5 879948386 +330 126 5 876544480 +521 1022 4 884475591 +58 474 4 884305087 +374 1051 4 880394138 +416 121 5 893213645 +506 611 5 874874525 +37 546 3 880915565 +532 404 5 893119336 +533 568 5 879438849 +13 193 5 882139937 +273 340 3 891292761 +484 451 4 891195127 +455 1 4 878585685 +144 135 5 888105364 +90 684 3 891385335 +330 866 5 876544998 +221 96 5 875245672 +500 517 4 883873839 +606 147 5 880922503 +238 286 5 883575683 +110 873 2 886987505 +18 157 3 880131849 +543 129 4 874862036 +332 470 5 887939157 +72 2 3 880037376 +234 321 2 891033393 +269 162 3 891448141 +503 248 4 884638469 +382 50 1 875945451 +405 1249 1 885547408 +476 186 5 883365019 +460 221 4 882912285 +269 660 1 891448220 +592 1187 4 882608358 +593 655 3 886193724 +559 435 2 891035781 +161 483 3 891171214 +506 193 4 874873944 +490 273 1 875427629 +188 281 3 875074772 +51 203 4 883498685 +592 201 5 882955794 +437 582 5 880140855 +293 233 2 888907266 +254 417 3 886473408 +567 606 4 882425630 +537 231 3 886032246 +393 951 3 889728531 +515 271 4 887658844 +222 28 5 878182370 +535 172 3 879617747 +504 38 4 887840134 +583 209 4 879384404 +542 63 3 886533090 +449 118 1 879959573 +518 595 3 876824266 +234 268 2 891033261 +557 343 4 881095995 +233 623 3 876374602 +545 680 2 879898486 +118 413 4 875385306 +565 640 4 891037837 +531 332 4 887048813 +582 750 5 882960418 +20 151 3 879668555 +299 1223 3 878191779 +405 562 1 885548137 +188 177 4 875073329 +417 669 2 880953014 +184 121 2 889908026 +608 150 3 880406299 +459 473 4 879563102 +376 268 3 879432976 +296 251 5 884196523 +527 22 5 879456132 +312 505 5 891698987 +551 755 4 892784008 +428 305 3 885944136 +36 873 3 882157386 +594 222 4 874783052 +437 736 5 881001888 +551 127 5 892776420 +405 215 5 885545263 +82 230 2 878769815 +507 310 4 889964162 +618 204 3 891307098 +207 712 4 877847025 +68 121 1 876974176 +353 332 5 891402757 +325 269 4 891477567 +532 266 4 875441640 +393 578 4 889728413 +521 250 3 884476020 +346 549 4 874950966 +11 719 3 891905279 +421 185 4 892241422 +586 1407 3 884063080 +537 201 3 886031831 +562 720 4 879196483 +394 1 4 880886855 +614 126 4 879464183 +52 762 3 882922806 +178 535 3 882824671 +381 95 4 892696534 +331 286 4 877196089 +429 679 4 882387653 +276 1170 4 877934392 +151 50 5 879525034 +493 150 5 884130495 +327 527 4 887745319 +151 499 5 879524585 +213 284 5 878955164 +63 828 1 875747936 +313 153 3 891015268 +504 499 4 887909595 +349 325 3 879465326 +577 380 3 880474991 +499 177 3 885599660 +416 50 5 893212730 +595 1134 5 886921392 +85 485 5 879454400 +586 174 4 884058898 +609 538 1 886895795 +378 161 4 880056034 +274 877 3 878944543 +263 1020 3 891298337 +389 181 4 879915806 +90 464 5 891385039 +497 1092 3 879363233 +264 88 3 886123728 +455 170 3 879111616 +110 2 3 886988536 +600 227 4 888451977 +618 100 4 891308063 +164 342 2 889401691 +532 750 5 884594358 +493 1126 2 884131517 +336 288 3 877760521 +334 324 4 891628832 +615 735 3 879448823 +193 199 5 889125535 +606 473 4 878149415 +550 254 1 883426119 +181 126 2 878962585 +328 180 4 885046134 +344 14 5 884814532 +457 186 5 882397575 +399 63 3 882348615 +610 11 4 888703432 +618 781 3 891309382 +239 489 5 889178833 +373 756 3 877106900 +592 184 5 882956419 +597 300 5 875338983 +587 261 3 892871438 +468 257 4 875280417 +508 211 3 883777047 +615 517 5 879449068 +303 56 5 879466547 +436 553 3 887769777 +339 521 4 891032737 +533 229 4 879191621 +250 153 2 878090066 +405 63 3 885547408 +95 71 5 880573288 +454 270 4 881958606 +411 732 4 892845634 +524 978 3 884628212 +26 222 3 891371369 +361 657 5 879441253 +437 151 5 881002374 +527 1333 3 879456104 +551 43 2 892784976 +600 554 4 888451977 +334 98 4 891545793 +283 393 4 879298295 +151 81 5 879524293 +566 727 4 881650850 +77 455 3 884732873 +403 748 5 879786406 +535 338 3 879617098 +518 546 4 876823447 +425 272 4 890346317 +577 443 4 880475269 +316 651 5 880854227 +158 252 3 880132893 +409 98 5 881107817 +618 185 5 891308260 +537 179 4 886031105 +246 219 5 884922801 +496 228 1 876065588 +599 282 5 880951657 +381 217 2 892696757 +455 288 2 879110767 +99 456 3 885679504 +314 202 5 877888610 +573 478 4 885844674 +59 393 2 888205714 +617 7 3 883789425 +568 525 3 877907720 +616 269 4 891224517 +608 65 5 880406469 +468 826 3 875284096 +399 338 1 882509709 +537 405 2 886030381 +95 539 4 884266022 +452 455 1 876297413 +95 586 2 881599672 +551 423 1 892782975 +44 871 3 883613005 +92 980 3 883433686 +198 161 3 884208454 +264 182 5 886122098 +603 172 5 891956139 +409 172 5 881107750 +227 1047 2 879035834 +618 367 3 891309319 +535 505 4 879618569 +489 264 4 891445721 +128 202 2 879968579 +615 170 4 879447895 +218 39 2 881288265 +470 847 3 879178568 +237 525 4 879376487 +593 172 4 886193379 +189 492 3 893265535 +437 1148 4 881001983 +178 1033 2 882824869 +374 642 1 880937920 +608 1153 3 880406623 +151 488 4 879524900 +23 185 4 874785756 +560 288 4 879975116 +566 196 4 881650405 +273 272 4 891292811 +416 498 4 876699287 +318 527 5 884496596 +374 1094 4 882158020 +566 485 3 881650242 +200 552 4 884130540 +454 191 4 888266724 +207 742 4 876018580 +200 756 3 876042493 +554 845 3 876231993 +254 204 4 886472434 +422 124 3 875129839 +163 269 3 891219977 +498 548 2 881957267 +57 546 4 883697482 +363 185 5 891495338 +524 712 4 884637147 +271 194 5 885848770 +536 49 3 882360753 +599 873 5 880951174 +589 995 1 883352562 +13 900 5 888279677 +164 742 5 889401981 +378 22 5 880045520 +583 265 4 879384522 +256 5 5 882164727 +145 816 5 877343156 +382 511 4 875946730 +551 692 4 892777092 +573 69 4 885844091 +277 111 4 879543487 +346 1025 3 886273570 +387 228 5 886484336 +280 751 3 891699925 +234 488 4 892078386 +365 100 5 891303901 +620 71 5 889988005 +280 1473 3 891700904 +591 191 5 891031116 +368 11 4 889783678 +524 192 4 884634877 +372 628 4 876869915 +506 86 3 874876551 +224 221 2 888103812 +13 565 1 882397040 +339 185 4 891032885 +334 288 3 891544209 +554 411 3 876231886 +221 566 3 875246308 +120 1 4 889490412 +593 1035 3 875671464 +618 93 3 891307019 +486 1134 3 879875040 +535 97 4 879618880 +614 287 3 879464456 +566 82 4 881650709 +3 329 4 889237455 +537 239 2 886031933 +196 382 4 881251843 +335 307 5 891566952 +589 327 3 883352535 +157 410 4 886890855 +21 443 4 874951761 +577 40 4 880475435 +586 928 3 884065665 +474 192 4 887924571 +487 462 2 883445859 +497 431 4 879310825 +537 606 3 886030938 +610 751 4 888702795 +487 402 4 883531507 +114 197 4 881260506 +508 506 5 883777430 +569 287 4 879795551 +197 11 1 891409893 +479 261 1 879533993 +456 325 3 881372687 +542 382 3 886532726 +506 342 3 888848304 +25 568 4 885852529 +399 64 3 882342313 +514 715 4 876067592 +499 1302 5 885598378 +330 31 5 876546812 +464 260 2 878354859 +393 926 4 887745200 +158 450 3 880134815 +484 665 4 891195602 +383 285 5 891193210 +292 492 4 881105318 +445 603 3 890988205 +323 619 3 878739519 +585 1512 5 891283000 +280 1112 4 891702324 +450 1402 2 882473230 +293 506 5 888906428 +253 81 4 891628614 +535 1166 4 879617779 +450 207 4 882374497 +523 794 4 883703144 +193 313 4 889122950 +385 492 2 879445531 +568 491 2 877907126 +94 160 4 891721942 +479 153 4 879462140 +145 934 1 875270394 +592 806 4 882956586 +611 350 4 891636399 +558 19 5 879436396 +347 97 4 881654101 +416 161 4 886316739 +178 313 5 884836422 +488 187 3 891293863 +435 831 2 884134677 +430 514 4 877226568 +551 944 2 892784320 +281 331 3 881200491 +115 847 4 881170844 +362 350 5 885019537 +373 175 3 877099352 +452 624 2 875560067 +201 458 4 884140428 +128 651 5 879966983 +399 977 3 882341607 +450 550 4 882473915 +3 317 2 889237482 +94 597 2 891723078 +600 2 3 888451908 +178 1314 3 882827134 +283 56 5 879298206 +363 559 3 891496927 +566 88 3 881650090 +87 80 4 879877241 +488 880 3 891293606 +588 260 2 890014930 +334 272 4 891544103 +60 602 4 883326958 +332 227 5 888360371 +416 375 1 886319930 +288 688 1 886373007 +72 405 3 880036346 +437 183 3 880140892 +35 258 2 875458941 +592 255 4 882608915 +200 1091 4 884129814 +385 1131 3 879445587 +145 1087 1 875271357 +497 1210 4 879362178 +444 313 4 890246940 +532 592 3 874791850 +504 97 4 887832760 +13 177 5 882397271 +363 226 1 891497015 +583 12 5 879384522 +190 685 3 891033725 +503 121 3 879438707 +114 485 3 881260409 +571 496 3 883354886 +559 4 4 891035876 +43 250 2 875975383 +472 218 4 875980120 +406 693 3 884630583 +486 284 2 879874784 +252 475 5 891456876 +195 877 3 887567629 +7 679 5 891353124 +325 190 4 891478432 +450 637 4 882395662 +291 123 4 874806006 +618 182 4 891307289 +286 336 5 884069544 +567 517 5 882426673 +385 238 5 879442085 +452 531 4 875263244 +4 329 5 892002352 +551 955 3 892783411 +64 190 4 889737851 +527 474 3 879455792 +530 483 3 883785248 +121 546 1 891390521 +301 82 5 882077078 +536 234 4 882360405 +553 485 3 879948695 +568 474 5 877907834 +425 357 5 878737981 +318 301 4 884470034 +357 24 4 878951457 +514 380 4 875462965 +463 112 1 890530721 +190 276 4 891033632 +618 28 4 891309887 +406 13 2 879539987 +537 558 4 886030584 +332 841 4 887938669 +388 266 5 886439918 +550 846 2 883426119 +503 498 5 880383588 +379 204 5 880525236 +2 294 1 888551648 +562 480 4 879195126 +608 9 4 880403765 +261 288 4 890454087 +580 358 4 884124472 +541 625 4 883874717 +619 245 4 885953743 +371 527 5 877487309 +425 1419 3 878738757 +130 452 4 880396495 +186 880 3 891718700 +429 833 3 882386895 +330 651 5 876547311 +498 649 3 881961745 +351 689 4 879481386 +328 155 4 885048198 +432 678 4 889416570 +452 654 2 875273543 +328 149 2 885048730 +484 151 4 881450017 +227 250 2 879035637 +278 288 5 891295230 +579 98 4 880951804 +272 604 4 879455113 +500 196 4 883874835 +417 674 2 879649560 +130 1079 3 876251217 +453 655 3 877553999 +520 678 2 885170330 +617 860 1 883789635 +206 300 1 888179565 +303 334 3 879466184 +125 191 5 879454385 +435 132 3 884131156 +509 258 4 883590526 +429 58 4 882385090 +239 150 5 889179131 +435 168 5 884131515 +457 411 3 882395894 +472 204 5 875980823 +393 476 3 887744688 +59 58 4 888204389 +500 235 5 883865567 +407 559 3 875553424 +537 210 3 886031912 +506 404 5 878044851 +554 742 3 876231546 +465 134 4 883530133 +56 323 3 892676028 +557 254 4 880485908 +210 423 5 887737338 +527 514 5 879455961 +1 144 4 875073180 +561 640 5 885809005 +461 121 2 885355890 +452 8 4 875266060 +474 221 4 888628044 +532 895 3 884594450 +536 724 4 882359988 +284 268 5 885329065 +268 506 4 875310625 +614 25 1 879464376 +13 442 1 890705056 +416 937 2 876696823 +592 847 5 882607986 +232 419 4 888550013 +13 845 3 882141503 +505 332 4 888631126 +580 300 3 884124103 +363 575 1 891498681 +217 210 4 889069709 +97 153 5 884239686 +1 271 2 887431672 +429 508 4 882385569 +451 337 2 879012857 +150 319 4 878746174 +116 20 3 892683858 +62 129 3 879372276 +452 168 4 888568251 +486 282 2 879875278 +378 575 3 880334409 +487 978 1 883445251 +326 232 2 879876941 +120 827 2 889490979 +210 99 4 887736937 +533 692 4 879191902 +486 762 4 879874939 +451 883 1 879012858 +403 685 4 879786662 +450 414 3 882396564 +613 258 5 891227365 +293 222 3 888904861 +537 136 4 886030583 +500 714 2 883874469 +327 546 2 887820448 +478 93 4 889387871 +339 427 5 891034778 +500 258 4 883864578 +543 770 4 874863803 +537 188 4 886030891 +268 1273 2 875745476 +538 97 5 877107086 +399 738 4 882350583 +373 748 4 877098042 +559 315 5 891033635 +622 2 4 882671363 +15 292 5 879455128 +621 404 3 874965496 +577 365 5 880475504 +435 455 3 884132208 +498 558 4 882205321 +276 739 2 874795538 +235 522 5 889655086 +174 147 4 886433936 +383 203 5 891193242 +303 170 5 879467574 +405 1569 1 885549505 +543 403 4 875663543 +222 326 4 877562819 +450 340 4 882216178 +151 504 4 879528868 +37 50 5 880915838 +601 623 1 876349897 +488 260 2 891293304 +263 194 5 891298107 +201 179 5 884114471 +423 313 4 891394595 +399 110 2 882343523 +535 357 2 879617531 +479 176 4 889125562 +216 423 4 881432467 +588 99 5 890023646 +534 456 5 877808300 +510 687 2 887667752 +23 155 3 874787059 +512 191 4 888579747 +222 620 3 877563873 +542 89 4 886532294 +538 196 4 877107408 +482 876 3 887644023 +515 322 3 887659073 +181 407 2 878963038 +24 919 3 875246185 +81 111 3 876534174 +22 546 3 878888107 +537 191 4 886030862 +6 186 4 883602730 +44 405 3 878346512 +315 175 5 879799423 +94 230 2 891723124 +189 166 4 893265657 +561 141 2 885809781 +241 346 3 887249482 +557 271 4 881179557 +575 173 5 878148258 +601 176 2 876348820 +85 378 4 879829642 +297 1 3 874954425 +621 567 3 874964991 +303 1511 3 879544843 +359 748 3 886453271 +85 496 4 879453781 +328 1478 3 885049275 +58 127 4 884304503 +448 340 4 891888137 +268 466 3 875310571 +457 122 2 882396158 +496 659 3 876065822 +274 280 1 878946162 +521 1059 1 884476821 +506 274 4 874862229 +345 50 5 884992367 +586 926 4 884067199 +13 688 1 883670819 +222 66 4 878183837 +619 117 5 885953778 +24 357 5 875323100 +48 479 4 879434723 +524 518 3 884635031 +393 722 2 889728736 +144 318 5 888105419 +343 631 4 876407175 +426 1079 3 879442892 +267 179 5 878972314 +474 121 4 887916260 +423 302 5 891394595 +476 890 1 883365989 +486 460 4 879875316 +486 7 5 879874753 +99 238 4 885680616 +442 684 3 883391221 +484 227 5 891195506 +276 31 4 874795704 +426 185 5 879445005 +416 763 5 893212623 +187 213 4 879465858 +428 344 3 892572308 +317 299 4 891446371 +119 348 3 886433226 +268 727 2 875310116 +137 385 5 881433719 +116 47 3 876454238 +297 474 4 875239125 +385 959 3 879446741 +345 736 3 884992897 +109 174 5 880572721 +514 239 5 876067462 +403 117 4 879786112 +59 595 3 888203658 +70 99 4 884067222 +551 25 1 892783366 +220 995 3 881197948 +244 772 4 880601937 +545 568 3 879899299 +498 151 4 881956140 +432 108 3 889416608 +5 437 1 878844423 +622 845 3 882590291 +431 358 2 877844489 +488 230 3 891375900 +380 382 3 885478759 +518 924 3 876822873 +6 512 4 883601155 +91 389 2 891439130 +425 338 1 890346781 +407 97 4 875116167 +457 56 4 882396868 +218 55 4 881288265 +465 175 5 883530054 +188 54 4 875074589 +94 142 3 891721749 +551 471 5 892783365 +276 771 2 874795795 +92 157 4 875653988 +429 265 4 882386096 +422 257 4 875129839 +378 227 3 880332857 +474 87 4 887925916 +181 1245 1 878962550 +532 329 4 886364769 +459 1016 4 879563506 +13 183 4 882397271 +303 78 2 879544238 +405 1568 1 885547222 +348 118 4 886523588 +524 191 4 884634707 +466 873 2 890283056 +445 28 4 890987772 +532 38 3 874789332 +130 427 5 875217033 +417 326 4 879649669 +540 125 3 882157011 +114 483 4 881260246 +334 328 3 891544311 +295 96 1 879517299 +450 506 5 882373088 +506 951 3 874875062 +592 157 5 882955918 +75 25 5 884049875 +308 419 4 887737194 +385 346 3 883791602 +497 578 4 879310965 +535 58 5 879618502 +109 451 5 880583192 +536 229 4 882361142 +130 470 2 875217096 +295 109 4 879517911 +181 1054 2 878963418 +221 695 4 875245776 +401 481 3 891033014 +606 1110 2 880927358 +602 304 4 888638022 +35 879 4 875459073 +346 54 4 874949217 +453 157 4 877561172 +450 313 5 882811655 +435 895 3 884130647 +393 271 3 887742179 +540 1 3 882157126 +487 781 3 884030528 +314 796 2 877891518 +615 1021 5 879448119 +205 268 2 888284618 +496 528 4 876065933 +615 886 2 879447692 +197 526 5 891409935 +442 17 4 883388535 +274 9 5 878945404 +82 866 3 878768840 +313 461 3 891014925 +608 69 4 880405702 +342 238 4 875319012 +343 581 4 876405820 +620 444 3 889987682 +35 937 4 875459237 +117 423 4 881012472 +551 273 4 892782865 +11 180 2 891904335 +271 79 4 885848672 +379 251 5 885063301 +476 790 4 883365274 +315 513 5 879821299 +378 485 4 880055921 +224 239 4 888104554 +70 554 3 884068277 +393 283 3 887744239 +534 290 4 877807845 +527 631 4 879456030 +497 405 3 879310621 +405 716 1 885547408 +201 672 2 884112673 +50 1010 5 877052329 +422 307 4 879743925 +318 404 3 884496639 +479 97 3 879461651 +423 754 4 891394832 +436 708 3 887770457 +566 207 5 881650502 +429 159 3 882386051 +472 946 2 875981122 +582 258 4 882960396 +585 863 5 891283000 +472 418 3 875980120 +299 647 4 878192804 +160 15 2 876768609 +291 121 2 874805984 +574 272 4 891278860 +76 358 2 878101114 +504 84 3 887840589 +541 222 4 883864848 +297 191 3 875238923 +401 357 4 891032896 +447 31 4 878856526 +56 386 3 892911494 +537 762 3 886030051 +334 237 4 891545067 +586 28 3 884066087 +573 480 4 885844481 +351 311 4 879481589 +450 1221 5 887660722 +17 286 3 885165619 +116 253 3 876452492 +312 1516 4 891698334 +208 371 5 883108842 +308 294 3 887736408 +399 80 3 882349068 +535 178 4 879618925 +308 1252 3 887741604 +110 288 4 886987145 +132 151 3 891278774 +537 402 1 886031752 +523 181 5 883700186 +6 191 4 883601088 +144 15 4 888104150 +318 269 5 884469970 +358 582 5 891269723 +524 215 2 884636735 +109 940 3 880583133 +551 719 1 892784898 +280 13 5 891700257 +339 1153 4 891035035 +435 732 4 884132341 +488 1025 2 891293263 +293 1298 3 888906045 +435 433 5 884131243 +450 283 3 887661961 +62 568 3 879375080 +185 205 3 883524320 +450 692 4 882373724 +417 963 4 879647431 +59 137 5 888203234 +537 421 2 886030863 +121 742 5 891390013 +551 1067 2 892785091 +401 69 3 891033417 +504 699 4 887838573 +487 411 3 883444793 +506 300 3 888178161 +597 1152 4 875339876 +336 70 5 877757910 +94 432 4 885873089 +312 519 5 891698726 +606 620 4 887059014 +622 797 2 882670862 +312 432 5 891699491 +200 472 4 884127890 +283 151 4 879297318 +499 1101 5 885599182 +297 1073 3 875238695 +619 39 2 885954083 +422 288 3 875129640 +399 825 2 882341586 +128 1221 3 879968279 +561 218 3 885810000 +604 444 2 883668175 +193 25 4 889127301 +59 288 5 888202787 +622 106 2 882591172 +269 602 4 891449346 +480 114 4 891208547 +524 24 3 884626906 +136 283 4 882693529 +26 109 3 891376987 +102 82 2 888801360 +374 1033 4 883628021 +446 286 3 879787730 +5 151 3 875635723 +151 1098 1 879528890 +617 396 1 883789590 +579 328 3 880951444 +178 153 4 882826347 +329 323 2 891655594 +490 298 3 875427532 +474 175 4 887925497 +450 80 3 882471737 +621 542 2 874965093 +215 218 3 891436607 +334 287 3 891545162 +615 87 4 879448780 +459 19 3 879563064 +500 43 3 883876859 +561 205 3 885807393 +380 425 4 885479163 +174 747 5 886513729 +52 126 5 882922589 +548 281 4 891044538 +286 761 4 877533640 +279 1059 4 891209332 +479 147 3 889125665 +64 520 5 889737851 +543 371 5 875665787 +592 125 2 882608795 +438 220 4 879868328 +379 511 4 880524811 +606 96 5 880925074 +95 144 5 879197329 +378 70 4 882642831 +561 346 5 885806862 +201 1045 2 884140788 +487 79 5 883446543 +231 1 3 879965704 +476 216 4 883364250 +518 696 5 876823266 +617 565 4 883789635 +304 328 3 884967167 +417 167 3 880952355 +255 834 4 883216358 +452 1403 1 875875272 +601 174 4 876348572 +130 328 4 874953525 +23 230 4 874785809 +110 294 3 886987540 +429 209 4 882384950 +593 234 2 875660850 +622 756 3 882591321 +152 632 4 882474734 +284 938 3 885329821 +593 196 5 875670939 +474 276 5 887915221 +255 559 4 883216748 +293 230 2 888907384 +540 249 3 882157687 +417 173 5 879647519 +349 458 4 879465933 +181 1150 1 878963305 +226 69 4 883889430 +591 382 4 891031500 +346 1231 3 875265106 +586 568 3 884061623 +90 531 4 891383204 +592 354 4 888553156 +385 1121 4 879443315 +97 663 5 884239791 +417 91 2 879647800 +607 86 4 883880079 +534 1199 5 877807780 +94 98 4 891721192 +512 527 5 888579645 +557 127 4 880485718 +259 154 5 876365003 +404 879 3 883790465 +255 121 2 883216902 +427 937 5 879701326 +498 933 3 881959018 +246 132 4 884921319 +521 206 5 884476637 +499 8 5 885599682 +336 859 2 877758103 +100 347 4 891375212 +561 661 4 885808715 +82 181 4 876311241 +417 15 5 879646166 +429 502 3 882385543 +618 96 3 891307749 +624 471 4 879792493 +389 185 5 879991434 +457 111 3 882393384 +72 98 5 880037417 +476 712 3 883364475 +385 305 4 879740222 +327 92 4 887748006 +447 150 4 878854438 +532 11 5 893119491 +568 165 4 877906935 +327 65 2 887747617 +567 257 3 882427250 +234 404 4 892333830 +85 476 3 879453018 +13 740 1 882140355 +234 111 3 892318060 +378 143 4 880046022 +72 25 5 880035588 +591 322 2 891031013 +596 123 2 883539767 +234 609 3 892335186 +121 357 5 891388063 +159 1013 4 880557170 +356 331 3 891405619 +334 906 5 891544177 +324 875 3 880575163 +128 168 4 879966685 +189 317 4 893265826 +608 276 2 880404975 +590 754 3 879438686 +303 195 4 879466937 +551 1087 1 892784437 +475 313 2 891451083 +496 77 2 876066531 +222 1087 1 878185102 +174 140 4 886515514 +387 320 4 886480325 +151 497 5 879524325 +442 67 3 883389028 +458 304 4 889323982 +209 14 3 883417547 +496 774 5 876066424 +455 197 5 879111057 +257 1129 5 879585415 +592 1008 4 882608357 +188 877 2 875071361 +612 926 2 875324789 +15 690 4 879455128 +532 195 5 892521554 +603 931 2 891956715 +268 941 2 875310463 +439 895 3 882892424 +57 1073 3 883698525 +184 644 4 889908947 +90 811 4 891384516 +476 343 4 883365634 +387 93 5 886480703 +592 347 4 885280098 +87 824 3 879877043 +439 147 4 882893737 +84 546 3 883452462 +417 384 4 879649284 +526 676 5 885682370 +442 672 3 883390048 +600 583 3 888451977 +566 117 4 881650886 +495 357 5 888633277 +234 64 4 892078983 +535 813 5 879618777 +485 326 2 891041705 +130 62 4 876252175 +367 324 5 876689418 +222 1178 2 878184392 +518 13 4 876823266 +498 484 4 881957546 +416 712 4 886318795 +567 919 4 882426105 +585 730 3 891285188 +399 1219 3 882348448 +327 856 4 887744167 +455 627 3 879111705 +486 181 4 879874482 +537 215 3 886031342 +32 9 3 883717747 +272 423 4 879454939 +437 387 2 880140726 +214 175 5 892668153 +603 157 1 891957031 +398 197 5 875660226 +128 729 2 879968447 +504 56 3 887832643 +380 1065 4 885478519 +542 411 4 886533275 +624 278 4 879793545 +561 393 2 885810309 +95 968 5 880571117 +82 523 5 878769373 +515 307 4 887659123 +234 646 3 892335500 +569 302 4 879792991 +506 183 5 874874308 +276 655 4 874791297 +314 216 3 877888722 +189 209 1 893265826 +457 357 5 882396735 +465 656 3 883531410 +60 327 4 883325508 +426 208 4 879442161 +597 242 4 875338983 +452 419 4 887719030 +544 286 4 884795135 +54 255 3 882153415 +456 955 4 881374162 +592 251 5 882607955 +605 601 5 879426339 +151 741 2 879524394 +303 443 4 879468459 +13 733 5 882399528 +178 744 3 882824028 +489 270 4 891448731 +433 268 3 880585162 +344 210 4 884814401 +336 763 3 877756890 +594 286 3 875917841 +537 330 2 886029488 +593 609 3 886194241 +588 143 5 890015684 +620 1043 4 889988340 +130 1231 4 878537778 +90 310 3 891382240 +11 237 4 891903005 +504 728 3 887908974 +210 72 3 891036310 +481 659 5 885829153 +17 294 4 885166209 +615 1192 4 879448715 +127 271 5 884364866 +543 516 4 876896210 +470 50 5 879178487 +136 475 4 882693339 +49 1067 3 888068842 +533 484 3 879190724 +325 548 3 891480086 +606 210 3 880924557 +586 176 3 884061623 +42 419 5 881107178 +416 762 3 876697524 +551 748 4 892775612 +429 188 4 882386566 +606 763 5 887060488 +2 310 4 888979061 +417 264 2 879649763 +595 289 4 886920602 +435 717 3 884134104 +468 662 4 875291570 +368 145 2 889783586 +373 209 4 877098437 +295 427 4 879517412 +87 323 3 879876256 +481 780 1 885829240 +483 20 2 878952993 +410 315 4 888627138 +405 383 1 885547605 +387 659 4 886480325 +489 266 5 891446232 +500 988 3 883864840 +471 501 3 889828027 +279 1215 2 884556545 +279 1025 2 880825843 +425 305 3 890346411 +606 124 3 878143246 +224 1152 3 888104313 +457 372 4 882548382 +558 847 4 879436396 +562 418 5 879195738 +560 1 4 879976449 +601 257 2 876347224 +401 684 4 891033651 +60 650 4 883327201 +593 245 3 888872154 +561 537 4 885808866 +480 127 3 891207715 +579 655 3 880952201 +456 1328 4 881372328 +394 665 2 881130009 +554 951 3 876369840 +411 50 5 892845604 +394 780 2 881059180 +592 318 5 882955863 +429 117 4 882387757 +546 860 4 885141439 +236 318 5 890116539 +405 388 4 885547558 +537 721 2 886031752 +200 43 3 884129814 +481 505 5 885828574 +476 1118 3 883364392 +593 402 4 875672970 +493 127 3 884130416 +456 95 4 881373756 +91 483 4 891439208 +279 802 4 875313600 +311 173 5 884364569 +430 222 4 877225682 +620 930 2 889987875 +488 172 3 891293863 +569 676 4 879793847 +534 150 3 877807873 +616 300 4 891224644 +70 204 3 884066399 +592 1377 3 882607872 +363 1073 4 891496337 +298 603 5 884125093 +344 216 4 884901156 +293 49 3 888907312 +537 1019 1 886031606 +164 298 3 889401835 +104 3 3 888465739 +217 568 4 889069782 +504 723 4 887910896 +279 869 1 892176473 +290 318 4 880473776 +452 636 5 885816916 +188 121 4 875073647 +551 2 2 892784780 +280 66 5 891701148 +207 1225 3 875508817 +542 319 3 886532950 +42 283 3 881110483 +437 288 2 880139533 +201 42 4 884113713 +619 809 1 885954238 +489 883 2 891448811 +365 340 5 891303536 +200 423 5 884129275 +450 66 4 882398770 +489 1025 5 891366652 +493 275 1 884131357 +169 480 4 891359137 +592 187 5 882956157 +437 83 4 880140325 +430 56 4 877226323 +303 264 3 879466214 +590 150 5 879438878 +627 26 3 879530824 +235 692 4 889655595 +17 323 1 885166256 +293 1016 2 888905086 +399 622 4 882343605 +334 58 4 891546914 +518 118 5 876823804 +536 189 5 882360143 +483 107 3 878951717 +472 378 4 875981759 +202 318 1 879727116 +275 420 2 875154535 +496 378 1 876066794 +346 642 3 874949952 +60 205 4 883326426 +558 14 4 879436097 +13 732 5 882141617 +577 845 4 880471578 +436 581 4 887772060 +278 538 4 891295164 +197 322 3 891409475 +200 141 4 884129346 +524 1456 3 884635031 +621 833 3 880738462 +554 432 4 876550491 +83 4 2 880336655 +384 751 4 891274091 +244 50 5 880604379 +286 312 4 884069415 +163 879 2 891219643 +13 427 5 882398814 +537 194 3 886030891 +498 203 5 881961547 +588 258 4 890014591 +577 932 3 880471287 +350 50 5 882345502 +220 289 4 881198113 +585 1266 3 891286059 +559 191 5 891034139 +582 826 3 882962652 +216 789 5 880233957 +540 591 3 882157036 +441 259 3 891035211 +279 1206 5 884986688 +405 1399 1 885549942 +592 147 4 882608357 +194 1411 1 879554331 +508 176 4 883767565 +483 432 3 884047278 +533 528 4 879438999 +234 524 3 892079910 +527 87 3 879456132 +271 527 5 885848736 +399 423 3 882344052 +19 210 3 885412840 +417 96 3 879646915 +533 276 1 889451077 +393 826 3 889731729 +82 121 4 876311387 +144 1197 4 888104322 +536 561 3 882364065 +301 51 4 882078928 +221 282 4 875244558 +373 1133 3 877112076 +475 259 5 891628024 +56 67 2 892677114 +21 988 1 874951005 +623 50 5 891035112 +453 357 5 877554174 +628 270 5 880776981 +92 4 4 875654222 +421 4 3 892241624 +497 724 5 879310445 +523 9 4 883700564 +239 634 4 889180487 +561 92 3 885809897 +288 515 4 886373591 +567 1020 3 882425820 +577 727 5 880474747 +398 124 5 875717717 +551 550 5 892784130 +381 176 4 892696698 +321 432 5 879439812 +405 798 1 885546724 +465 603 4 883531284 +51 479 3 883498655 +288 216 4 886629592 +554 274 3 876232317 +623 275 5 891035112 +95 509 4 879197728 +621 263 1 883800011 +420 100 5 891357104 +617 294 1 883788511 +144 588 4 888105549 +601 276 4 876346890 +198 923 3 884207946 +391 646 4 877399066 +43 276 4 883954876 +435 228 4 884131157 +536 214 2 882360450 +580 329 3 884124191 +622 284 1 882590670 +537 172 3 886030707 +66 294 4 883601089 +354 1085 3 891219432 +435 12 5 884131434 +541 596 4 884645816 +291 369 3 874834388 +625 748 3 891262561 +145 312 3 885622510 +276 1056 4 874796201 +450 222 3 882395778 +532 545 2 874791976 +354 25 2 891216854 +489 301 3 891366805 +11 286 5 891901606 +431 327 3 877844559 +533 151 3 879192474 +465 22 3 883531246 +509 603 4 883591826 +315 523 4 879799390 +500 1226 4 883865715 +501 293 4 883347823 +130 436 3 875801573 +8 259 1 879361604 +347 176 3 881653866 +450 647 4 887136622 +347 655 5 881653973 +505 203 4 889334162 +207 284 3 877746137 +474 382 3 887927339 +450 192 4 882467868 +268 53 3 875744173 +499 539 1 885598827 +87 477 3 879876610 +447 157 4 878856290 +440 86 5 891577919 +508 219 1 883767628 +104 276 4 888465290 +579 111 4 880952142 +504 58 3 887837740 +291 416 4 875087100 +565 730 5 891037837 +62 387 2 879376115 +378 132 4 880046256 +178 783 4 886678484 +536 862 3 882360834 +18 125 3 880131004 +65 238 3 879218449 +533 193 4 879439379 +436 721 3 887770092 +374 95 4 882158577 +398 737 2 875811449 +486 13 4 879874811 +622 993 4 882590809 +500 325 3 883864862 +479 210 4 889125866 +23 79 4 874785957 +125 1115 3 879454345 +429 301 3 882387252 +463 288 1 889943851 +524 613 4 884637347 +535 591 4 879617977 +507 316 5 889964844 +346 333 4 886273342 +615 259 1 879447642 +532 1337 3 874790930 +463 257 4 889935910 +536 227 5 882361066 +342 1315 1 875318742 +497 1000 2 878759777 +425 1016 3 878739054 +433 340 3 880585162 +497 645 3 878759659 +280 367 5 891701002 +92 396 3 875654733 +87 728 4 879876768 +456 603 5 881373019 +449 9 4 879958624 +85 435 4 879828911 +59 581 5 888206015 +194 991 2 879520306 +589 678 4 883352735 +450 549 3 882377358 +474 1518 3 887927338 +152 487 5 882474587 +425 346 5 890346198 +460 303 3 882910553 +560 258 5 879975116 +614 117 3 879464352 +437 51 1 880382644 +516 902 5 891290565 +627 699 1 879530263 +344 124 5 884899346 +472 715 4 875982607 +449 1195 5 880410754 +311 794 4 884366270 +279 294 2 875249117 +409 213 4 881107750 +585 1524 3 891283124 +561 597 3 885810428 +541 181 5 884046910 +608 162 3 880406862 +343 90 4 876406677 +403 1012 1 879786190 +429 671 3 882385065 +196 285 5 881251753 +12 159 4 879959306 +592 425 5 882956467 +417 800 2 879649467 +575 483 3 878148137 +574 690 3 891279174 +532 831 2 874790629 +151 430 4 879528418 +417 825 4 879646463 +533 195 4 879439082 +553 151 5 879949181 +148 521 1 877398836 +445 1252 1 891199749 +332 234 5 888360342 +180 1046 2 877442125 +304 111 3 884968264 +425 201 3 878738104 +57 295 5 883698581 +608 419 4 880405702 +194 944 2 879551999 +548 258 4 891042474 +24 200 5 875323440 +487 226 3 883531085 +588 73 3 890026262 +532 121 4 888636374 +524 29 3 884637173 +56 523 4 892676970 +551 698 4 892782734 +479 179 1 879461142 +7 324 1 892135078 +297 249 3 874955210 +295 204 4 879517655 +395 181 5 883764336 +457 531 5 882392906 +305 686 3 886324330 +438 471 4 879868184 +232 166 4 888549815 +312 663 5 891699599 +233 432 3 877663383 +347 163 4 881654801 +600 1407 2 888453083 +259 97 4 874809292 +524 286 5 884287379 +344 89 5 884814479 +387 732 1 886484215 +402 455 3 876266886 +536 402 4 882361042 +394 364 3 881059544 +430 1007 3 877225599 +435 1128 2 884132027 +538 238 5 877110174 +249 257 3 879571715 +537 509 4 886031540 +2 309 1 888980029 +621 147 3 880738282 +501 475 5 883348080 +477 25 5 875940755 +195 740 3 890985743 +115 657 3 881171488 +553 492 3 879949042 +268 630 4 875542174 +234 517 3 892333919 +40 316 3 889041643 +194 87 4 879523104 +566 707 4 881650442 +233 234 4 877664010 +179 333 5 892151459 +229 288 4 891633028 +457 100 5 882393244 +459 100 1 879562859 +385 498 3 879441942 +393 79 4 887745973 +517 597 4 892660034 +566 772 4 881650467 +298 127 5 884125847 +153 258 5 881371336 +13 328 3 881514811 +487 748 4 883440540 +567 298 4 882426279 +254 554 3 886475952 +417 145 3 879648979 +308 928 4 887742103 +276 421 4 874795500 +215 195 5 891435655 +621 107 4 880737311 +451 288 5 879012470 +514 658 4 875463028 +428 347 4 885943782 +207 1028 3 877847025 +106 161 3 881452816 +629 284 4 880117719 +102 892 2 883278138 +524 277 3 884322379 +7 429 5 891351002 +472 234 4 875980081 +523 66 4 883702292 +280 1182 3 891702214 +437 770 3 881001208 +313 484 5 891016193 +583 268 5 879384094 +559 687 3 891035551 +286 476 4 876521993 +141 284 5 884585071 +331 682 5 877196820 +456 99 3 881374767 +184 79 3 889909551 +567 191 3 882427124 +60 265 5 883327591 +305 184 3 886323937 +405 1408 1 885549094 +569 117 3 879793847 +551 317 5 892777092 +608 489 5 880403765 +379 1 4 883156176 +497 187 5 879310825 +407 521 3 884201716 +429 250 2 882386357 +94 29 2 891723883 +385 191 2 879444597 +389 168 5 879991434 +193 895 1 889123777 +601 196 3 876349810 +455 1028 2 879110767 +328 117 4 885046420 +497 153 4 878759659 +537 875 1 886028544 +244 357 5 880605553 +486 879 3 879874297 +401 509 4 891033582 +495 496 5 888632888 +297 185 5 875239870 +56 946 4 892737210 +6 274 4 883602501 +493 95 5 884131287 +595 1059 4 886921344 +151 9 4 879524199 +177 1218 4 880131231 +69 265 4 882145400 +299 283 3 889417370 +82 834 1 884714618 +621 748 4 880226710 +59 1 2 888203053 +393 29 4 889729398 +521 144 3 884478171 +537 653 4 886030738 +379 271 3 886835602 +452 924 5 885816916 +350 479 5 882345789 +57 105 3 883698009 +506 175 5 874873327 +104 255 1 888465604 +52 285 5 882922227 +421 448 3 892241687 +457 8 5 882397734 +271 521 5 885848373 +54 328 4 880928957 +327 631 3 887747133 +469 483 5 879524177 +528 238 3 886101782 +367 563 4 876690077 +381 931 4 892697628 +465 87 4 883530054 +499 657 5 885599413 +429 387 4 882386051 +268 455 3 875742499 +533 282 4 888844577 +50 268 4 877051656 +591 740 4 891039974 +608 609 5 880406950 +79 93 2 891271676 +621 135 5 885596819 +85 345 4 884820077 +479 483 4 879460844 +537 749 2 886028544 +224 329 3 888082187 +346 250 3 886274255 +25 837 4 885852611 +59 746 5 888204642 +537 698 3 886031178 +380 521 2 885479397 +276 53 4 883822485 +539 153 5 879788533 +387 952 5 886484561 +189 162 3 893266230 +570 245 1 881262497 +553 474 5 879948609 +601 184 3 876350230 +450 136 5 882812349 +402 258 4 876266650 +627 179 5 879530536 +286 172 4 889651549 +553 177 4 879949180 +526 408 5 885682562 +537 275 4 886029806 +56 778 4 892678669 +385 1154 5 880870205 +601 496 4 876349302 +388 333 5 886439561 +555 249 4 879963127 +429 761 2 882386711 +487 128 5 883531333 +191 750 4 891560253 +416 696 3 876697524 +448 1602 4 891888042 +151 463 5 879525002 +308 679 4 887739426 +417 642 5 879647947 +479 100 3 879460028 +181 1338 1 878962240 +109 531 4 880578066 +585 212 5 891282894 +545 88 3 879901941 +589 259 5 883352631 +551 651 4 892776750 +318 1063 3 884495973 +562 501 5 879196653 +457 265 5 882397699 +580 1028 3 884125829 +145 342 4 882181205 +533 14 3 879192582 +450 610 4 882371904 +99 1 4 886518459 +436 1135 4 887771022 +423 546 2 891395684 +334 185 4 891545950 +588 423 3 890015649 +6 178 4 883600785 +59 649 4 888205660 +394 184 3 880889010 +483 109 5 882165734 +468 273 2 875280499 +318 739 5 884496984 +389 480 5 879991175 +110 1210 3 886989191 +487 620 3 883445168 +392 304 4 891037720 +290 265 4 880475371 +453 1017 3 887942122 +288 435 4 889225633 +610 483 5 888702859 +308 288 4 887736408 +385 675 5 879446952 +25 131 4 885852611 +301 43 5 882078994 +621 541 4 874964605 +319 689 3 881355802 +633 28 4 877212366 +518 273 5 876823804 +605 137 5 879425432 +496 133 5 876066567 +145 652 5 882181571 +186 203 5 879023529 +437 244 3 881001270 +38 405 5 892432205 +365 895 4 891303515 +514 357 4 875462901 +370 497 3 879434636 +104 405 3 888466028 +19 268 2 885412034 +411 181 5 892845605 +290 732 4 880473777 +11 86 4 891904551 +152 692 5 880149963 +70 568 3 884149722 +592 195 4 882955863 +453 210 4 877554587 +297 4 1 875240201 +181 818 1 878963380 +291 798 4 874871655 +382 1381 3 875945757 +553 481 3 879948806 +406 190 5 879793210 +506 234 5 874873111 +541 376 3 883866210 +378 409 2 880044642 +344 316 4 889814343 +608 97 3 880405659 +6 473 2 883600111 +506 58 4 874874985 +301 142 3 882078420 +31 328 2 881547746 +605 180 4 879424315 +627 1004 4 879531504 +452 510 4 875562475 +537 235 1 886030317 +516 50 5 891290565 +483 270 3 891917351 +595 825 2 886921606 +125 367 4 892836551 +267 31 4 878972119 +452 430 3 885817719 +608 265 3 880406470 +455 1197 4 879109565 +320 453 3 884751610 +500 729 4 883875303 +601 411 2 876348107 +276 393 4 874792094 +430 50 4 877225516 +503 435 3 880472125 +622 730 4 882669509 +472 588 3 875979797 +307 209 5 879283798 +389 1114 2 880614050 +565 170 5 891037291 +420 508 3 891357162 +85 301 4 886283002 +338 427 4 879438419 +537 613 3 886031831 +542 191 5 886532338 +536 501 3 882360834 +6 408 4 883599075 +541 196 4 883864928 +145 1215 2 888398400 +532 250 3 891910110 +145 572 5 888398747 +343 527 5 876404757 +442 273 4 883390328 +409 283 4 881109264 +327 79 3 887745661 +328 29 3 885048930 +618 2 2 891309091 +393 566 3 887745717 +433 507 4 880585730 +64 1140 1 889740676 +293 492 5 888906096 +489 988 3 891446982 +128 181 4 879966954 +592 264 2 882607528 +64 188 4 889739586 +21 145 1 874951761 +555 236 5 879962769 +561 1529 3 885809064 +590 864 1 879439567 +621 451 1 874963028 +526 919 3 885682400 +345 378 4 884993436 +178 506 3 882827084 +277 124 3 879543421 +276 658 4 874791194 +119 210 5 874781407 +543 735 4 874863269 +174 9 5 886439492 +548 31 5 891044481 +130 354 5 888211701 +454 693 2 888267315 +555 489 5 879975455 +276 1244 3 874836608 +354 489 4 891217851 +508 317 4 883767246 +26 1011 3 891371597 +506 538 3 880908452 +566 15 3 881650030 +605 582 4 879424661 +405 52 1 885546379 +292 844 5 881104481 +275 96 3 880314914 +615 289 2 879447670 +91 136 4 891438909 +529 321 4 882535353 +582 222 4 882961804 +125 520 5 892836309 +109 82 5 880572680 +327 202 4 887822400 +354 558 4 891217082 +625 739 3 891263665 +608 789 3 880405971 +449 269 5 879958444 +504 1030 3 887911314 +608 695 5 880405565 +244 82 3 880606667 +94 173 4 885872758 +297 151 3 875239975 +497 741 4 879361707 +618 237 4 891307343 +334 115 5 891545768 +432 24 1 889416188 +533 10 2 879192414 +87 89 4 879875818 +532 879 3 892519328 +450 35 2 882468790 +116 390 4 876454090 +350 515 5 882346756 +478 763 5 889388375 +592 197 5 882955863 +380 1113 4 885479730 +526 678 1 885682214 +493 50 5 884131553 +184 93 4 889907771 +177 288 5 880130467 +618 131 4 891307343 +621 554 4 874964657 +6 538 2 883268483 +614 100 5 879464119 +308 428 5 887739426 +181 1302 1 878962086 +622 755 4 882670211 +498 1070 3 881959103 +308 825 4 887740700 +92 780 3 875660494 +201 1069 2 884111312 +498 603 4 881955960 +514 257 4 880209981 +107 902 5 891264501 +163 300 3 891219977 +407 25 3 876339975 +28 176 5 881956445 +426 99 4 879444081 +249 480 5 879572210 +18 613 5 880129769 +378 796 2 880333626 +592 271 4 882607647 +517 275 5 892660728 +539 956 5 879788405 +461 255 2 885355890 +504 180 4 887837918 +506 796 3 874875062 +320 231 2 884749411 +599 471 4 880953441 +541 257 5 884046320 +44 211 4 878347598 +619 403 5 885954159 +479 282 5 879460049 +592 1025 1 882607745 +591 204 4 891031500 +632 188 4 879457857 +312 835 5 891712535 +250 181 4 878089393 +452 245 2 876216206 +593 65 3 875671674 +521 1012 3 884476049 +472 1036 4 875983484 +541 215 4 885595771 +291 85 2 874877699 +389 525 4 880165277 +268 204 3 875310311 +280 67 4 891701785 +380 712 2 885480585 +442 695 5 883387935 +378 703 4 890572396 +268 12 4 875310116 +450 507 5 882373020 +601 164 4 876350875 +335 748 2 891567098 +7 597 3 891353744 +588 25 4 890024677 +76 513 5 882606305 +221 469 3 875245481 +197 38 3 891410039 +314 99 4 877888391 +406 89 4 879446361 +320 368 3 884748946 +535 658 4 879618569 +350 214 3 882347465 +113 273 4 875935609 +463 116 5 877385381 +486 1272 3 879875154 +450 490 5 882373786 +182 181 5 885612967 +566 512 4 881650148 +385 200 3 879446110 +308 135 5 887737243 +207 33 2 877125422 +495 227 5 888636899 +256 657 5 882164727 +239 228 2 889180651 +553 1021 2 879949153 +577 12 4 880474257 +346 98 2 874948173 +600 38 3 888452491 +298 186 4 884183256 +504 579 4 887911391 +591 286 4 891030956 +184 283 5 889913687 +350 489 4 882347465 +520 25 4 885170476 +545 217 5 879899934 +378 807 3 880334199 +371 357 5 877487751 +622 479 4 882669668 +312 613 5 891698454 +605 284 2 880762139 +378 28 4 880045989 +600 526 4 888451750 +270 121 4 876954093 +158 55 4 880134407 +524 281 2 884323464 +579 408 3 880951740 +454 740 2 888266433 +174 1262 5 886434566 +365 235 2 891304278 +624 864 3 879793198 +474 73 3 887928793 +286 428 5 877532303 +222 508 3 877563326 +416 658 5 893214226 +65 88 4 879217942 +64 135 4 889737889 +410 340 2 888626506 +521 392 3 886063254 +568 6 3 877907235 +491 900 5 891189761 +537 92 3 886031678 +457 52 4 882398055 +279 922 3 890451433 +195 1193 4 888737346 +207 414 2 876078916 +23 432 4 884550048 +181 1340 1 878962240 +479 79 4 879460894 +441 683 2 891035350 +204 321 1 892388900 +463 544 4 877385415 +601 250 4 876346930 +551 447 5 892783711 +425 568 3 878738643 +532 470 5 892859148 +322 528 5 887314418 +416 7 4 876697205 +126 300 4 887854943 +605 15 5 879427151 +92 125 4 876175004 +453 742 3 888207161 +254 1 3 887347350 +498 121 2 881962699 +407 40 1 876338799 +620 268 4 889986452 +405 233 1 885547952 +478 412 4 889388249 +385 250 3 879440701 +312 1020 5 891698553 +557 872 5 881095916 +583 239 2 879384522 +73 153 3 888626007 +537 349 1 886028845 +104 534 2 888465554 +546 56 5 885141332 +533 1 4 879192521 +35 876 2 875458970 +623 523 4 891034756 +454 451 4 888267455 +294 100 4 877819265 +577 385 5 880474530 +500 930 3 883865929 +303 475 4 879467155 +538 240 2 877109422 +472 72 5 892791017 +622 12 5 882669468 +590 244 3 879439431 +151 381 5 879528754 +15 291 3 879456084 +535 204 5 879617856 +308 423 5 887736999 +170 687 3 884706063 +620 565 4 889987682 +551 384 1 892785223 +104 237 3 888465263 +458 473 4 886395022 +562 197 4 879196105 +109 88 4 880581942 +354 251 5 891216691 +316 172 1 880854197 +53 7 3 879442991 +256 1051 4 882150552 +1 119 5 876893098 +478 237 5 889388863 +250 751 2 883262694 +399 1480 3 882350899 +406 543 4 884631010 +560 281 3 879976828 +474 99 4 887927339 +303 762 4 879468179 +89 237 4 879441381 +455 405 3 879109764 +522 318 4 876961248 +618 496 4 891307619 +527 59 5 879455792 +585 707 5 891282894 +484 250 4 891194646 +271 659 3 885848827 +405 1224 1 885546487 +435 944 2 884133911 +586 403 4 884061807 +592 876 1 882607690 +305 202 3 886323684 +458 709 4 886396192 +56 176 5 892676377 +416 195 5 893214128 +621 181 5 874965408 +250 367 4 878090330 +363 572 2 891498469 +293 895 3 888904410 +617 132 1 883789006 +478 216 5 889396029 +608 193 4 880405824 +152 133 5 882474845 +581 847 3 879641787 +279 666 2 890451373 +1 26 3 875072442 +602 125 4 888638674 +615 644 4 879448599 +554 576 4 876549377 +543 202 4 874863734 +608 1113 3 880406862 +406 203 4 882480891 +527 19 3 879456611 +486 864 3 879875041 +342 873 3 874984068 +109 118 3 880571801 +234 429 4 892079434 +22 163 1 878886845 +336 284 4 877759833 +479 209 4 879460863 +478 357 5 889388724 +526 243 1 885682295 +257 381 5 880496690 +318 215 2 884496218 +504 98 5 887832433 +592 263 1 882607779 +466 455 3 890285113 +343 515 4 876402626 +496 532 5 876072633 +181 322 1 878961814 +572 1010 2 879449683 +493 754 3 884129868 +195 373 3 875158215 +301 1283 4 882075386 +385 1158 5 879443150 +145 1025 4 877343020 +391 546 3 877400037 +115 13 5 881171983 +454 107 3 888267087 +44 90 2 878348784 +457 425 4 882397828 +31 299 4 881547814 +535 630 2 879619144 +487 1446 3 883530814 +458 287 4 886394822 +303 960 4 879467361 +545 69 4 884133906 +528 194 5 886101956 +13 754 4 882140718 +441 1 5 891035468 +352 194 3 884290361 +379 674 3 880524614 +551 1207 1 892785300 +402 1101 4 876267234 +286 527 4 877531407 +406 64 4 879445430 +560 235 2 879976867 +311 1221 4 884364502 +405 1359 1 885549790 +450 510 4 887660722 +405 584 1 885548785 +338 213 5 879438250 +465 529 3 883529984 +510 881 2 887667838 +592 42 5 882955918 +568 286 3 877906547 +179 362 1 892151231 +60 641 5 883326086 +60 411 3 883327827 +406 945 3 884631010 +620 465 4 889988232 +460 253 3 882912316 +458 427 4 886396460 +416 88 3 886316140 +313 152 3 891016878 +416 29 2 886318228 +484 97 5 891194957 +141 286 4 884584247 +267 826 3 878971266 +592 411 2 882608457 +108 252 3 879879961 +478 469 3 889395879 +468 275 4 875280143 +396 1215 2 884646709 +478 28 3 889395655 +303 1215 1 879544435 +406 607 4 882480511 +495 147 5 888637768 +355 681 4 879485523 +221 186 4 875245641 +173 984 4 877556988 +573 205 3 885844674 +64 340 4 879365313 +600 435 5 888451750 +537 193 4 886031375 +328 729 4 885047737 +534 628 5 877807747 +399 26 2 882510126 +586 235 3 884066859 +380 750 4 885477859 +393 1055 4 889728895 +271 126 3 885848034 +506 81 1 874874000 +244 197 4 880605838 +414 258 5 884998953 +507 328 5 889964162 +291 1229 2 874868027 +267 206 5 878974783 +620 768 5 889988069 +456 228 3 881374548 +139 150 4 879538327 +551 808 3 892783791 +498 271 2 881962988 +508 528 5 883777430 +312 537 5 891698516 +500 381 4 883875585 +207 175 1 877845982 +459 333 3 879561574 +292 264 3 877628138 +393 1440 3 889731359 +42 66 4 881108280 +414 260 3 884999193 +332 895 5 887916385 +525 255 1 881086078 +399 156 3 882342537 +532 865 2 888630531 +534 471 5 877807935 +561 13 3 885810060 +6 427 4 883600707 +441 405 3 891035507 +561 436 4 885807843 +447 176 4 878856148 +85 1172 4 879453781 +342 789 3 875319412 +555 7 4 879962172 +632 288 3 879458977 +85 462 4 879454189 +633 1132 2 875325691 +538 215 5 877107536 +361 212 5 879440941 +148 222 4 877398901 +566 95 2 881649913 +465 257 4 883530818 +495 671 2 888634956 +18 708 3 880129595 +567 273 5 882427068 +62 159 3 879375762 +601 109 4 876346930 +631 272 4 888464916 +560 480 3 879975613 +78 813 2 879633745 +634 458 4 875729148 +299 23 4 878192154 +2 306 4 888550774 +181 409 2 878963276 +363 506 2 891496077 +429 780 3 882387685 +291 735 4 874868027 +522 133 3 876961314 +334 315 4 891550535 +303 552 2 879485048 +604 183 3 883668021 +249 806 5 879572167 +592 460 3 882608873 +537 357 4 886030707 +320 760 3 884748946 +565 855 5 891037628 +188 470 5 875073647 +140 286 5 879013617 +561 1069 4 885808053 +417 797 3 880952656 +299 25 3 877878227 +537 133 4 886030707 +532 259 3 884594498 +601 39 1 876350443 +537 610 4 886031912 +553 648 4 879948552 +378 365 2 880318158 +141 330 1 886447735 +445 276 3 891199869 +145 274 3 875270800 +233 203 3 880923202 +554 118 4 876550257 +322 157 5 887314244 +535 151 4 879618338 +494 15 5 879541475 +407 484 4 875042378 +606 95 4 880924188 +186 1336 3 879024346 +324 827 4 880575715 +618 273 4 891309293 +176 874 4 886047118 +64 194 5 889737710 +417 404 3 879647947 +412 172 5 879717449 +535 282 3 879618091 +634 476 3 875729668 +463 7 4 877385180 +99 595 4 885679504 +488 208 4 891294298 +381 432 5 892696587 +11 544 4 891903226 +308 148 3 887740788 +308 8 5 887736696 +617 53 1 883789537 +497 1047 3 879309836 +622 283 4 882590534 +585 166 4 891283338 +83 1060 3 880306926 +274 15 5 878945505 +551 1314 2 892783750 +230 693 2 880485594 +130 1028 4 876250805 +455 281 3 879110281 +536 385 4 882359085 +553 490 4 879949073 +585 190 4 891282808 +555 285 5 879963127 +474 489 4 887923972 +537 85 2 886032123 +181 242 1 878961814 +552 455 3 879221764 +624 50 5 879792581 +311 498 4 884364931 +618 778 3 891308515 +324 14 5 880575531 +486 887 5 879874218 +33 879 3 891964230 +454 357 3 881959844 +238 301 3 883575855 +81 591 5 876534124 +10 32 4 877886661 +621 364 3 874963446 +437 181 4 880140466 +627 281 3 879531504 +600 550 4 888452071 +48 527 4 879434654 +458 124 4 886394822 +336 765 4 877757516 +567 496 5 882426184 +617 98 2 883789080 +387 13 4 886480788 +422 334 4 877162682 +546 569 4 885141502 +615 179 4 879447968 +399 508 3 882509971 +518 866 5 876823540 +511 872 5 890004728 +351 328 4 879481550 +151 516 5 879542707 +422 93 4 875129882 +561 304 3 891710572 +39 269 4 891400188 +119 931 1 886178294 +216 42 5 880234469 +496 432 4 876066652 +464 748 4 878354681 +560 813 4 879976478 +625 172 4 891263057 +279 502 5 875310263 +596 258 3 883539011 +495 168 5 888632738 +290 1060 3 880732271 +552 249 3 879222368 +329 313 4 891655191 +184 596 4 889907812 +59 491 4 888206689 +524 180 4 884634579 +227 1011 4 879035834 +548 270 5 891044304 +214 603 4 891544089 +536 176 3 882359726 +595 1094 3 886921820 +586 186 2 884059287 +593 216 5 875671277 +566 705 4 881649871 +621 33 4 874962824 +249 294 3 879571557 +569 252 3 879795551 +450 164 4 882396050 +455 301 2 879110767 +141 248 3 884585039 +552 620 3 879222738 +201 750 3 884110598 +559 265 4 891033696 +606 197 3 880926862 +458 425 3 886398246 +474 1045 4 887927728 +592 303 5 882607325 +561 32 4 885807455 +288 1358 5 886892241 +545 388 3 880347984 +276 647 4 874790903 +597 988 1 875339237 +5 415 1 875636842 +385 719 2 879447136 +559 127 4 891033956 +407 123 3 876342671 +588 347 5 890014648 +437 463 5 880141008 +94 281 3 891722576 +439 285 5 882893220 +413 300 4 879968959 +577 623 5 880475149 +634 237 5 877018125 +496 246 4 876064198 +66 121 3 883601834 +455 39 2 879111345 +365 125 3 891304152 +422 458 3 875130173 +6 435 4 883601529 +271 198 4 885848616 +639 88 3 891239638 +624 346 3 885215462 +85 1006 3 882995833 +3 181 4 889237482 +416 36 2 878879809 +314 628 5 877886606 +109 233 4 880578502 +128 705 3 879968096 +618 697 3 891308063 +325 319 3 891477638 +224 925 3 888104281 +634 273 3 875729069 +64 210 3 889737654 +538 127 5 877107231 +23 91 4 884550049 +542 1098 4 886532818 +551 79 5 892776824 +585 45 5 891282808 +456 490 4 881373084 +13 91 2 882398724 +437 234 4 880142851 +297 174 5 875410071 +524 530 4 884634785 +535 11 4 879618849 +627 210 3 879531248 +110 313 5 886987183 +399 386 3 882349353 +246 1228 1 884923971 +479 732 4 879461120 +603 100 4 891956776 +151 523 5 879524173 +588 1039 4 890024611 +279 1132 1 892864828 +123 276 4 879873830 +606 11 5 880923579 +292 1 4 881104147 +318 318 5 884496218 +95 515 5 879197329 +56 154 2 892911144 +542 58 4 886532571 +305 751 3 886307971 +181 275 3 878962720 +515 310 3 887658975 +385 945 5 879441313 +492 923 5 879969878 +394 763 3 881058929 +246 633 3 884920997 +315 154 5 879821158 +567 611 4 882425998 +588 15 5 890015608 +430 515 4 877225660 +514 69 4 875309276 +590 276 4 879439645 +114 357 4 881259525 +177 292 3 880130415 +352 302 4 884289619 +106 712 3 881452599 +537 22 2 886030767 +90 273 3 891385040 +301 465 4 882077811 +553 99 5 879948508 +457 155 4 882550065 +52 258 5 882922065 +128 1192 2 879967576 +528 174 5 886101821 +23 145 3 874786244 +534 1059 4 877807692 +577 561 4 880474955 +276 252 3 874787006 +417 1228 2 879649304 +133 300 3 890588577 +478 255 4 889398363 +176 321 4 886047176 +543 664 4 874863336 +298 435 5 884182573 +536 699 3 882360209 +230 239 4 880484320 +588 623 3 890026939 +98 428 5 880498834 +72 97 4 880036638 +85 516 4 879454272 +478 137 4 889398260 +87 235 3 879877208 +307 631 3 879283544 +532 1426 3 874791506 +405 195 5 885544881 +313 186 3 891017011 +585 116 3 891284393 +533 603 4 879190670 +312 491 5 891699702 +361 421 3 879440974 +406 624 5 879793112 +536 648 3 882359678 +561 382 4 885807842 +490 258 2 875427021 +497 746 5 878759777 +624 271 3 879791884 +595 928 3 886921820 +442 161 3 883390497 +554 86 4 876369678 +541 769 1 884046888 +537 171 3 886030967 +59 87 4 888205228 +102 260 2 883277645 +548 991 1 891044050 +599 1152 4 880951623 +630 294 4 885666018 +586 226 4 884061806 +303 502 4 879484421 +545 444 3 879899978 +452 482 5 885544110 +269 647 4 891447815 +412 276 5 879717572 +345 955 4 884993932 +416 660 5 893213404 +639 242 4 891238514 +174 15 5 886434065 +298 951 4 884183130 +499 326 3 892501059 +405 234 5 885548275 +95 186 5 880573288 +442 550 2 883390466 +279 186 5 875309482 +407 436 3 875045814 +484 144 4 891195298 +393 28 4 889554674 +246 97 3 884922272 +345 239 4 884993485 +537 498 3 886031105 +537 965 2 886031540 +71 14 5 877319375 +577 795 3 880476630 +621 876 2 883799203 +363 523 3 891494659 +169 300 5 891268491 +544 689 2 884795706 +184 1148 3 889910098 +248 64 5 884534735 +634 405 4 877017872 +466 89 3 890284819 +210 167 4 891036054 +342 47 5 874984430 +224 748 3 888082099 +239 434 5 889180041 +163 258 4 891219977 +484 239 4 891195036 +307 28 3 877119480 +287 546 4 875334271 +299 1056 4 889502292 +553 205 4 879948869 +627 144 2 879531158 +296 515 5 884196555 +544 325 1 884796016 +389 25 3 879916170 +405 219 5 885548384 +470 125 4 879178969 +561 193 3 885808673 +435 199 5 884132072 +630 934 3 885667624 +489 340 4 891448367 +325 236 3 891478695 +543 443 4 874864857 +137 405 5 881433336 +417 69 3 879647471 +551 42 5 892783212 +162 105 2 877636458 +346 204 4 874948730 +632 622 4 879459418 +429 276 5 882385542 +535 478 5 879617931 +495 191 3 888632219 +402 42 4 876267173 +591 56 4 891031344 +537 306 3 886028604 +239 221 5 889180447 +622 11 4 882669740 +620 294 5 889986557 +269 956 3 891448475 +361 694 4 879440774 +407 159 3 876338453 +593 70 5 875658983 +495 575 3 888637477 +530 319 3 891568424 +314 257 5 877886413 +489 294 3 891366748 +608 886 1 880402564 +405 661 3 885546025 +450 135 3 882373231 +23 250 4 874784338 +486 295 3 879874630 +221 1185 3 875246710 +457 509 4 882398086 +221 1017 4 875244268 +237 169 5 879376381 +44 655 3 878347455 +18 285 5 880130333 +271 461 5 885849582 +344 174 5 884900993 +545 161 4 879899472 +587 303 4 892871068 +474 15 5 887915600 +589 895 5 883352562 +342 1008 3 875318669 +453 168 4 877553708 +201 216 4 884111360 +7 134 4 892134959 +547 347 4 891282680 +472 550 5 875983066 +449 983 2 879959331 +308 663 5 887738469 +296 144 4 884197131 +381 151 5 892697526 +458 430 5 886398543 +158 187 5 880134332 +268 13 3 875742647 +398 710 2 875716830 +425 79 4 878738335 +125 455 5 879454987 +356 286 3 891405721 +312 191 5 891698334 +496 561 5 876068582 +448 333 2 891887161 +291 210 5 875086491 +2 25 4 888551648 +7 585 4 892133180 +561 410 1 885810117 +592 1060 2 882609057 +444 251 5 890247385 +627 1194 4 879529855 +630 845 3 885666918 +533 181 5 879191085 +417 13 2 879646591 +499 69 5 885599718 +561 735 3 885809712 +374 77 5 880937779 +51 173 5 883498844 +614 411 3 879465452 +559 1101 4 891035111 +642 70 2 886132189 +475 381 4 891627606 +294 235 3 877819532 +393 26 3 887746767 +484 9 1 881449910 +545 665 3 879899299 +120 742 4 889490549 +380 315 4 885477975 +472 584 1 875980377 +399 781 2 882350617 +301 64 5 882075672 +381 15 2 892697358 +7 194 5 891351851 +590 1017 4 879439196 +606 228 5 880924663 +178 143 4 882827574 +577 1032 3 880475561 +514 709 3 876067380 +609 287 5 886894940 +621 423 4 880739654 +162 358 3 877635375 +405 549 1 885546336 +373 1110 4 877107379 +504 1133 3 887910871 +306 111 4 876504442 +468 159 3 875292320 +387 99 5 886483620 +64 652 2 879365590 +586 276 3 884057692 +149 325 2 883512834 +620 101 2 889988069 +326 481 1 879874964 +552 123 3 879222033 +213 258 4 878870226 +254 1091 3 886475586 +521 132 3 885253186 +397 135 5 885349825 +620 121 5 889987825 +510 678 4 887667780 +3 338 2 889237297 +482 127 4 887644063 +637 100 4 882902924 +190 544 4 891033806 +619 328 1 885953684 +416 312 3 885114480 +624 262 4 891961078 +425 636 4 878738596 +308 404 3 887736998 +18 649 3 880131591 +501 508 4 883347920 +543 831 2 876718718 +487 845 4 883442260 +198 70 3 884207691 +627 403 2 879530694 +421 672 3 892241687 +560 1163 3 879976988 +59 237 3 888203371 +560 250 4 879976126 +500 129 4 886359266 +505 378 5 889333466 +330 501 5 876546719 +640 11 4 874777440 +512 302 4 888578289 +374 568 5 880396622 +548 603 5 891044356 +487 3 5 883444583 +214 196 4 891544493 +200 117 5 876042268 +323 258 4 878738826 +262 1 3 879962366 +637 690 5 882900888 +198 132 4 884208137 +546 895 3 885139608 +117 406 3 881010556 +620 379 4 889987656 +148 175 4 877016259 +417 395 4 879649199 +335 355 3 891567053 +195 433 3 878019342 +578 380 3 888957833 +418 288 5 891282836 +198 655 4 884209188 +577 595 4 880471170 +497 186 4 878759806 +87 414 3 879876673 +474 1020 3 887926573 +295 208 5 879517157 +343 461 2 876404957 +343 265 2 876406878 +566 1044 3 881651583 +387 121 2 886481228 +543 647 3 874864182 +116 285 4 876454023 +130 589 4 875216717 +622 30 4 882670190 +333 186 4 891045335 +548 307 4 891042474 +600 1231 2 888452152 +588 1041 2 890027063 +481 692 4 885828339 +632 164 4 879458692 +634 302 5 877974667 +416 821 4 886317146 +416 364 2 886319855 +311 197 4 884365686 +141 323 4 884584480 +194 238 5 879521396 +344 198 5 884814507 +409 28 2 881107943 +533 597 3 879192939 +579 100 4 880952201 +487 181 4 883441956 +532 1502 1 874796400 +263 622 4 891299949 +453 223 4 888203147 +642 1039 5 885602630 +385 502 3 879446235 +194 91 3 879524892 +27 9 4 891542942 +327 482 4 887745661 +458 1011 3 886394471 +435 67 4 884132919 +62 62 3 879375781 +28 429 5 881960794 +295 629 5 879518780 +116 325 3 876452186 +256 1047 4 882151743 +13 241 3 882397502 +85 813 4 879452664 +90 1137 2 891384516 +158 202 5 880135001 +585 639 4 891283921 +268 1228 1 875744357 +374 247 1 880936522 +553 86 3 879948771 +612 878 2 875324400 +524 100 5 884322047 +336 1188 3 877757418 +407 70 4 884197052 +456 658 3 881375351 +630 717 3 885667661 +276 765 3 877935335 +472 751 5 892790628 +435 392 3 884131404 +288 520 5 886374497 +519 288 4 883248089 +510 259 2 887667708 +69 742 3 882072956 +389 1041 3 880088269 +209 181 4 883417491 +483 99 3 884047323 +389 58 4 880087695 +445 346 5 891200869 +206 1062 3 888180018 +572 1137 3 879449708 +560 136 3 879975661 +409 58 4 881108170 +82 228 3 878769629 +610 216 4 888703291 +32 742 3 883717628 +468 15 4 875280518 +254 389 3 886473852 +566 392 4 881650519 +77 833 1 884733284 +142 346 5 888639815 +13 639 3 882139804 +346 318 5 874948105 +416 778 3 886316835 +72 170 3 880037793 +601 179 5 876351073 +506 226 4 885135844 +391 59 5 877399745 +554 227 3 876369198 +15 285 4 879455635 +447 1046 3 878856602 +546 930 5 885141260 +600 176 5 888451665 +540 240 3 882157662 +440 1591 5 891548567 +536 470 5 882360530 +405 523 2 885545975 +588 333 5 890014710 +312 154 4 891699372 +457 755 4 882549356 +542 346 3 886532149 +234 649 3 892335870 +509 332 2 883590800 +214 1073 5 892668130 +503 479 4 880383653 +457 462 5 882396283 +331 491 3 877196383 +533 319 3 879193132 +130 816 5 880396518 +592 457 1 882607779 +387 230 3 886483194 +552 866 3 879222002 +13 394 2 882399615 +374 123 2 880393511 +642 951 3 886568618 +587 272 5 892870956 +617 606 3 883788929 +286 433 5 877531537 +373 217 3 877098821 +160 763 4 876768025 +518 120 3 876824218 +83 371 3 880308408 +387 192 5 886484336 +533 412 1 879366159 +599 120 3 880953441 +450 735 4 882377590 +298 22 4 884182965 +23 156 3 877817091 +442 100 2 883388325 +207 735 4 877878688 +288 511 4 886373509 +72 461 3 880036824 +201 172 5 884111269 +506 417 4 874874396 +628 330 5 880777096 +642 38 4 885843141 +623 815 2 891034053 +618 1071 1 891308542 +85 210 3 879454981 +508 121 2 883767047 +82 288 3 876311518 +624 748 3 879792109 +102 228 4 888801465 +374 174 5 880395530 +334 936 3 891544764 +490 596 1 875427225 +626 288 3 878771243 +488 483 3 891293660 +325 443 4 891478817 +293 658 1 888907499 +144 475 1 888104032 +460 273 4 882912371 +313 133 5 891014956 +306 286 4 876503793 +559 238 1 891035674 +502 539 3 883701980 +23 174 4 874785652 +618 724 3 891309091 +464 298 4 878355061 +517 50 5 892660727 +194 449 1 879554897 +286 95 5 877531407 +468 423 4 875296868 +312 487 5 891699655 +181 820 1 878963342 +577 281 3 880470447 +416 1016 5 893213444 +214 24 3 891543176 +525 25 5 881085917 +417 388 3 879649178 +576 259 2 887168978 +562 427 4 879195244 +498 985 1 881961877 +435 404 2 884132266 +514 135 4 875311193 +378 742 4 880044697 +73 154 5 888625343 +492 523 4 879969583 +484 399 4 891195565 +305 91 2 886323303 +551 715 1 892785128 +85 465 4 879454437 +447 742 3 878854658 +618 12 4 891307263 +83 174 5 880307699 +160 240 4 876768990 +330 432 4 876546753 +442 508 3 883388283 +308 856 4 887738387 +294 249 5 877819941 +613 303 4 891227111 +334 74 2 891549246 +327 357 4 887747338 +217 147 3 889070174 +349 1128 3 879466062 +500 61 4 883875431 +345 245 2 884901497 +617 488 4 883789386 +612 1063 5 875325049 +371 186 5 880435288 +30 873 1 875061066 +373 603 4 877098262 +597 936 3 875343067 +429 662 3 882386309 +543 96 4 875665787 +126 326 2 887853919 +535 121 4 879618123 +193 280 4 889124016 +552 15 3 879222484 +535 421 4 879617701 +530 172 4 883790882 +454 612 3 881960145 +378 281 3 880044609 +504 452 2 887911974 +573 492 4 885843964 +466 87 3 890285706 +76 343 3 882129361 +435 183 5 884132619 +417 944 4 880952141 +448 305 4 891888509 +446 887 4 879786943 +270 694 5 876954927 +85 69 4 879454582 +429 69 5 882386309 +574 331 1 891279013 +458 169 5 886396390 +389 481 5 879991147 +3 302 2 889236939 +338 196 2 879438505 +57 8 4 883698292 +634 977 3 877018033 +541 82 3 883871562 +489 259 2 891445743 +495 2 2 888635595 +556 507 5 882136205 +587 688 3 892871536 +276 458 4 874786854 +279 659 5 877756699 +429 1418 3 882385267 +298 866 3 884183930 +469 656 5 879524116 +334 606 5 891545793 +536 195 4 882359431 +577 225 4 880470827 +592 291 3 882609008 +497 940 2 879362954 +314 410 5 877886706 +207 197 4 875774463 +534 151 4 877807692 +643 419 4 891448002 +600 27 3 888451977 +464 879 4 878354791 +21 262 4 874950931 +476 202 4 883364295 +389 407 1 880614292 +210 153 5 887730297 +592 56 5 882955948 +104 130 1 888465554 +429 275 4 882384603 +387 508 4 886479690 +627 467 5 879530042 +484 823 4 891195506 +468 214 5 875288771 +293 81 4 888906576 +234 863 5 892079689 +530 357 5 883784456 +290 271 3 880473557 +446 301 3 879786838 +270 443 3 876955976 +454 356 1 888267279 +246 741 5 884921533 +598 323 4 886711452 +606 966 5 880923745 +290 229 3 880473557 +174 151 3 886434013 +561 80 2 885810372 +239 659 3 889179808 +14 427 5 890881433 +500 246 5 883865128 +416 1220 3 886318155 +145 328 5 875270006 +54 338 3 880929490 +539 155 4 879788480 +616 355 4 891224881 +466 24 4 890285159 +295 559 4 879518674 +207 1049 3 877878860 +561 708 3 885809447 +141 250 4 884585128 +87 297 3 879877404 +436 218 4 887771123 +642 921 5 885603849 +262 95 3 879793503 +623 642 3 891034472 +102 188 2 888801812 +463 151 4 877385341 +621 197 4 885596884 +378 591 4 880044385 +397 475 4 885350045 +312 837 4 891699426 +618 944 2 891309266 +214 168 3 891544222 +486 237 4 879874629 +1 158 3 878542699 +407 705 4 875116117 +7 440 1 892131978 +211 462 4 879460096 +500 97 4 883874715 +244 527 5 880606155 +532 472 5 893119335 +506 356 3 874874630 +267 720 3 878973946 +532 177 4 888636501 +1 37 2 878543030 +484 568 3 891195417 +478 42 5 889388763 +542 179 4 886532571 +561 645 3 885808767 +573 176 3 885844481 +491 285 5 891185919 +375 302 5 886621795 +642 746 3 885602483 +455 125 3 879109133 +551 780 5 892785431 +615 660 4 879448882 +373 70 4 877099968 +638 194 3 876695774 +60 429 5 883326733 +194 15 4 879539127 +323 293 4 878739299 +110 451 4 886988909 +328 286 5 885044452 +537 491 4 886030584 +64 546 3 889739883 +554 79 5 876550491 +510 288 3 887667545 +450 245 4 892141986 +109 790 2 880580662 +145 354 4 891509877 +635 873 3 878878752 +468 856 4 875302155 +280 80 3 891701998 +279 380 4 889326161 +459 291 4 879563312 +538 168 3 877107408 +234 675 4 892078342 +433 174 5 880585730 +468 160 3 875295148 +569 340 4 879793075 +21 993 4 874951245 +621 72 2 874962900 +23 134 4 874786098 +640 53 4 874778274 +280 1048 4 891701002 +169 258 5 891268552 +606 287 4 880921656 +455 176 3 879111960 +625 96 5 892000372 +397 23 5 885350132 +342 656 5 875319151 +644 100 4 889076775 +237 127 5 879376671 +320 300 4 884748229 +618 196 4 891307889 +474 83 3 887925977 +532 357 5 892519935 +630 476 5 885667108 +353 258 5 891402757 +560 1171 3 879976807 +308 403 4 887738571 +606 1277 3 878148493 +14 32 5 890881485 +195 384 2 874825826 +207 180 3 879665352 +621 4 4 874962988 +435 246 5 884134345 +595 742 2 886921521 +523 189 5 883701800 +312 531 5 891698254 +487 419 3 883530644 +374 1248 3 880938044 +286 1038 5 884583549 +644 748 4 889076222 +11 549 4 891904617 +392 246 5 891038110 +429 1011 4 882387731 +91 31 5 891438875 +446 359 3 879787226 +635 294 3 878878588 +551 334 4 892775970 +406 404 5 884630554 +277 137 3 879543336 +627 956 2 879530463 +13 760 1 882396914 +130 864 2 874953595 +291 427 4 874868304 +297 455 4 874954611 +207 282 4 879577372 +76 56 5 875027739 +628 168 4 880777167 +451 263 2 879012811 +561 202 3 885808867 +177 527 4 880130898 +592 266 1 882607744 +504 385 4 887832571 +261 321 3 890455521 +631 286 3 888465033 +371 452 2 880435634 +457 173 5 882395049 +334 12 5 891547016 +144 423 5 888105714 +592 258 5 882607476 +67 105 4 875379683 +110 1222 2 886989191 +453 158 2 888205937 +497 173 5 878759659 +630 117 5 885666804 +230 91 3 880485043 +538 317 4 877107765 +513 181 5 885062332 +314 36 2 877889103 +627 97 2 879529958 +436 219 5 887770064 +198 200 4 884207239 +457 86 3 882397455 +138 603 4 879024184 +44 423 4 878348111 +567 132 3 882426021 +334 886 4 891544233 +490 515 3 875427224 +608 729 4 880407079 +622 240 3 882590420 +615 294 3 879447613 +529 340 1 882535181 +276 123 4 874786657 +210 732 4 887730676 +21 289 3 874950972 +83 755 5 887665423 +472 541 5 892791017 +579 288 4 880951346 +328 215 3 885046773 +488 385 4 891294014 +151 111 4 879542775 +378 273 4 880044221 +406 87 3 879445809 +450 842 4 882376446 +297 109 4 874954814 +551 354 3 892775752 +417 298 3 879646327 +301 693 5 882076806 +256 323 5 882150193 +481 4 3 885829196 +543 110 2 874865635 +144 251 4 888103929 +499 879 3 885598827 +109 386 1 880579916 +102 373 2 888802508 +506 892 1 888848224 +633 176 3 875325577 +405 585 1 885547447 +497 114 4 879309992 +361 86 4 879440941 +198 433 2 884208326 +215 237 4 891435761 +481 98 4 885828574 +406 52 5 879793235 +599 1095 4 880952316 +566 479 4 881649428 +564 121 4 888730534 +457 554 4 882549682 +303 1218 4 879484350 +543 1619 3 874865635 +286 1075 5 877532385 +328 684 5 885046537 +577 230 3 880474357 +442 276 4 883391027 +430 294 2 877225239 +624 742 4 879793093 +625 258 4 891262561 +454 520 4 881959607 +534 370 4 877808260 +542 204 3 886532762 +428 538 4 885944005 +452 188 4 875560300 +629 58 4 880117215 +232 32 4 888549467 +96 56 5 884403336 +506 140 3 874873327 +452 174 4 875263413 +538 568 3 877107491 +439 273 2 882892675 +417 709 3 879647355 +489 680 5 891445439 +510 1025 3 887667780 +10 513 4 877886598 +303 379 4 879485546 +173 937 4 877557077 +325 628 3 891478772 +200 235 2 884128065 +320 769 3 884751288 +551 56 5 892776450 +83 781 4 883868890 +537 101 2 886031860 +618 77 3 891309720 +506 38 3 885135912 +636 222 5 891449148 +481 1039 4 885828732 +13 850 4 882140318 +369 752 4 889428011 +526 312 2 885682295 +253 222 4 891628548 +193 1074 3 889126453 +405 482 3 885544739 +606 258 4 887058788 +452 286 4 876298932 +385 1462 4 879447555 +409 30 4 881108881 +495 705 4 888634111 +573 632 4 885844007 +385 89 4 879441853 +363 98 3 891495402 +44 89 5 878347315 +293 286 3 888904265 +14 222 4 876965061 +370 50 4 879434707 +483 1 4 878950971 +411 28 4 892845986 +460 258 3 882910637 +589 307 1 883352402 +137 89 5 881433719 +645 748 1 892052039 +521 117 4 884475913 +32 307 2 883709915 +317 288 4 891446190 +607 528 4 883879556 +267 391 3 878973675 +552 1315 3 879222452 +13 747 4 882140624 +551 846 3 892783942 +268 50 5 875309719 +425 358 4 890346630 +250 558 4 878091965 +94 589 5 891720786 +28 117 4 881957002 +522 128 4 876961133 +442 203 3 883391146 +435 89 4 884131489 +642 720 5 885606787 +599 934 3 880953441 +373 180 3 877098678 +387 496 3 886480515 +85 168 4 879454304 +504 5 4 887912462 +387 684 3 886483099 +315 770 3 879821348 +249 191 4 879572167 +497 2 1 879310883 +405 347 4 885544635 +342 1528 3 875318585 +540 126 3 882157105 +638 183 4 876694704 +419 478 5 879435785 +487 174 5 883446404 +466 568 3 890285034 +299 94 1 889503564 +233 95 5 877661496 +344 372 4 884901469 +465 638 3 883531380 +551 1035 2 892778244 +43 312 4 883953502 +642 728 4 886131674 +326 182 2 879876861 +640 941 5 874778095 +435 588 4 884131996 +234 181 3 892079373 +640 173 5 886354270 +401 815 3 891032662 +643 671 4 891446652 +166 243 3 886397827 +283 1079 4 879297526 +58 1006 2 884304865 +344 1014 4 889814600 +407 385 4 875045658 +201 402 2 884140975 +262 52 3 879792331 +363 451 2 891497130 +536 542 1 882364876 +586 578 3 884062621 +22 109 4 878886710 +478 111 3 889397582 +527 543 4 879455740 +293 272 4 888904180 +648 96 5 884368538 +213 521 4 878955474 +184 118 2 889908344 +548 504 5 891044482 +543 381 4 877547580 +13 194 5 882141458 +642 1469 4 886568725 +610 527 4 888703801 +459 264 4 879561755 +445 895 2 891035897 +54 151 2 880936670 +194 640 1 879535548 +385 32 5 879442988 +550 538 5 883425812 +397 197 5 885349825 +379 383 2 881000374 +580 294 4 884124337 +14 288 4 876964936 +553 479 5 879948386 +325 1230 3 891479737 +478 72 1 889397841 +82 511 3 878769948 +151 134 4 879524131 +548 345 1 891042194 +393 108 2 887744658 +542 479 4 886532265 +625 151 3 891999874 +425 219 2 878738956 +458 405 4 886395022 +19 325 4 885412251 +550 310 5 883425627 +595 763 3 886921551 +345 433 4 884992142 +527 317 4 879456405 +622 519 3 882591938 +456 71 3 881374710 +174 31 4 886434566 +534 322 4 877807461 +457 584 4 882548615 +562 727 5 879196267 +111 258 4 891679692 +235 338 1 889654821 +145 650 4 875273120 +632 71 4 879458649 +598 349 4 886711452 +393 109 3 887744419 +427 681 5 879701326 +60 546 4 883326837 +633 526 4 877212250 +197 29 3 891410170 +379 88 4 880525968 +416 748 4 876696687 +468 222 4 875279269 +90 497 5 891384996 +541 452 3 883874518 +642 132 3 885603636 +246 11 4 884922512 +253 1468 3 891628142 +592 1319 1 882608234 +399 288 3 882340200 +95 203 3 879198888 +324 50 5 880575618 +551 291 4 892778337 +472 1228 4 875983270 +127 343 5 884364151 +542 790 3 886533090 +351 748 4 879481613 +633 143 4 877211134 +606 756 3 878146986 +31 1021 3 881548082 +620 678 3 889986642 +62 483 4 879373768 +194 864 2 879539305 +640 38 4 874778612 +457 448 4 882548537 +230 99 3 880485066 +456 172 5 881373019 +145 405 3 875270970 +13 846 2 882141997 +470 284 4 879178884 +542 73 3 886533227 +334 228 5 891547894 +308 678 3 887736408 +630 278 4 885667508 +533 742 4 879192681 +195 1030 2 877835451 +392 324 1 891037720 +445 324 1 891199297 +580 123 4 884125199 +429 290 3 882386333 +497 781 3 879310445 +533 21 3 888239930 +401 235 1 891032474 +635 300 3 878879107 +1 181 5 874965739 +491 1281 3 891186806 +447 158 3 878856262 +630 1040 4 885667660 +194 241 2 879527725 +178 316 4 888513290 +622 196 3 882669695 +72 521 4 880036718 +435 24 4 884133084 +538 213 3 877364067 +298 205 5 884181969 +493 258 5 884129725 +385 653 4 881948265 +60 275 4 883326682 +385 276 3 879440098 +108 319 5 879879662 +533 194 4 879191061 +21 200 5 874951695 +551 658 5 892783559 +246 228 3 884921558 +592 952 4 882608699 +413 270 4 879969027 +585 638 4 891284016 +146 271 3 891457749 +489 286 4 891366571 +421 12 5 892241458 +532 151 5 892519935 +514 405 2 875463386 +503 168 5 880383624 +91 187 5 891438908 +524 679 2 884636746 +620 1035 4 889988232 +497 80 3 879363181 +195 313 5 883688297 +586 470 4 884064631 +462 313 5 886365231 +511 908 4 890004938 +532 914 5 893118711 +627 175 1 879530110 +437 99 4 881001946 +451 989 1 879012857 +500 298 4 890009939 +455 87 3 879110905 +497 288 2 878759351 +6 272 4 883717304 +645 69 4 892053644 +325 16 1 891478981 +74 294 4 888333311 +320 410 4 884748839 +49 217 3 888067405 +429 652 4 882385118 +527 507 5 879455654 +393 72 4 889730045 +426 134 4 879444787 +130 289 5 874953291 +171 906 3 891034684 +474 209 5 887927670 +85 631 4 886282927 +541 1035 3 883874749 +244 393 3 880607365 +561 170 4 885808738 +268 743 1 875743335 +85 180 4 879454820 +207 509 4 877878688 +642 105 5 885606482 +281 310 4 881200264 +361 659 5 879441324 +648 473 3 882211965 +449 748 2 879959273 +59 654 4 888204309 +561 302 4 885806797 +335 300 5 891567029 +535 131 4 879618532 +497 109 4 878759659 +330 168 3 876546439 +526 936 5 885682448 +445 1601 1 891199533 +357 546 5 878951729 +102 218 3 888803002 +308 239 3 887740033 +595 129 3 886921088 +298 393 4 884183099 +123 242 5 879809053 +442 186 4 883388429 +639 488 4 891240160 +286 315 5 889651138 +417 288 3 879647749 +561 1153 3 885808986 +236 866 3 890117223 +292 462 3 881105657 +504 537 3 887910811 +622 120 1 882592643 +429 183 4 882385489 +398 1020 3 875659843 +456 232 2 881374389 +356 1294 4 891405721 +13 430 5 882139495 +346 1228 4 875265825 +401 478 2 891033497 +392 127 5 891038110 +606 64 5 880923579 +49 1021 5 888066647 +450 714 4 882472144 +624 272 5 885215463 +128 70 3 879967341 +474 227 4 887926872 +573 183 3 885844091 +385 473 3 879440584 +189 191 5 893265402 +312 478 5 891698664 +500 742 3 883865290 +634 1008 2 877017951 +536 63 4 882360802 +577 808 3 880475094 +7 234 5 891351041 +429 95 3 882385012 +506 258 4 884517178 +57 42 5 883698324 +479 82 4 879461898 +524 670 4 884637203 +632 25 1 879459418 +648 288 4 882211654 +490 277 3 875428531 +506 878 3 874872812 +330 993 4 876544632 +630 127 2 885666536 +633 288 2 875324233 +473 275 5 878157527 +194 155 3 879550737 +488 83 4 891294530 +234 525 4 892078984 +232 127 3 888550101 +514 651 4 875462901 +456 806 3 881373617 +566 25 2 881651077 +551 825 5 892784049 +175 172 5 877107339 +393 228 3 889728385 +500 44 1 883875862 +244 169 5 880606274 +6 405 1 883600066 +229 344 5 891633028 +588 289 2 890015063 +184 1160 5 889907363 +481 427 4 885828807 +624 952 3 879793129 +592 238 5 882956321 +381 14 5 892696512 +543 185 4 875662979 +638 472 3 876695307 +303 109 4 879467131 +494 427 5 879541112 +642 1033 3 886569278 +525 118 3 881086393 +212 528 5 879303950 +271 494 4 885848770 +634 919 2 877979309 +387 325 2 886484460 +404 901 2 883790585 +83 161 4 887665549 +591 275 4 891039974 +44 260 4 878340905 +603 181 5 891956154 +609 878 1 886895827 +6 166 4 883601426 +62 405 3 879373118 +107 288 3 891264432 +535 44 4 879619035 +198 1244 2 884206659 +36 1026 5 882157581 +437 447 4 880143663 +267 218 4 878972650 +588 699 4 890024385 +254 1050 3 886472609 +405 58 1 885546247 +436 568 5 887769416 +484 257 5 882079956 +427 359 5 879701253 +13 763 1 882141458 +337 831 1 875236281 +276 47 4 874787407 +454 649 2 888267279 +160 192 5 876861185 +639 306 4 891238550 +18 134 5 880129877 +457 89 5 882397058 +234 531 3 892078984 +21 561 1 874951761 +7 403 4 891351234 +542 209 4 886532762 +300 288 4 875649995 +459 546 1 879563367 +600 228 3 888451840 +90 1134 3 891385752 +534 325 4 877807461 +385 131 4 879445754 +144 1226 4 888104737 +18 969 3 880131106 +531 312 5 887048899 +130 24 5 874953866 +642 1415 4 886569783 +595 597 2 886921634 +311 1041 3 884366334 +634 286 5 877018125 +603 748 5 891956302 +592 273 5 882607986 +324 289 5 880575163 +551 268 4 892775516 +550 304 3 883425743 +249 56 5 879572189 +389 191 5 880087493 +10 529 3 877892438 +577 655 4 880474394 +393 721 2 889727930 +56 97 3 892677186 +532 526 5 893119415 +556 64 5 882136162 +506 47 4 874876486 +600 226 4 888451977 +145 979 3 879161882 +621 559 5 874964915 +385 525 4 879444685 +412 64 4 879717505 +320 235 3 884748929 +585 224 2 891283681 +489 989 3 891446201 +634 124 3 875728913 +405 149 1 885549746 +280 79 4 891700453 +545 689 4 879898362 +534 742 5 877807653 +13 355 3 888688733 +269 365 2 891448738 +431 689 3 881127786 +450 4 3 882373865 +532 419 5 888635366 +16 1 5 877717833 +93 151 1 888705360 +621 293 3 880227385 +617 134 3 883788900 +146 319 4 891457538 +405 75 2 885546069 +297 230 2 875238814 +443 286 5 883504521 +588 316 5 890015021 +387 715 5 886484157 +99 117 5 885678784 +221 178 4 875245989 +374 1210 4 880938100 +221 181 4 875244087 +82 21 1 884714456 +634 221 1 875729105 +391 491 3 877398898 +226 652 3 883889012 +647 554 4 876533810 +479 189 2 879461298 +644 300 5 889075967 +206 343 1 888179788 +595 368 1 886921977 +207 70 3 875506737 +606 760 3 880923349 +588 652 2 890026339 +507 1089 5 889966088 +470 100 4 879178370 +187 69 4 879465566 +466 127 3 890284766 +585 1018 2 891286059 +26 121 3 891377540 +542 684 4 886532238 +151 965 5 879524849 +422 98 5 879744014 +494 1197 3 879541405 +399 551 1 882349022 +605 174 3 879424743 +327 204 4 887818658 +621 231 4 874964375 +246 576 1 884923864 +542 818 4 886533112 +536 139 4 882361317 +563 254 3 880506963 +223 284 2 891549683 +313 495 2 891016280 +498 483 3 881957625 +642 768 4 885606609 +380 152 2 885478312 +499 516 4 885599572 +271 648 4 885848770 +334 318 4 891545926 +493 273 4 884131717 +621 67 4 880739654 +374 554 2 880938370 +403 597 2 879786747 +416 662 4 876699994 +621 208 4 874962824 +335 342 2 891566976 +109 98 4 880572755 +151 632 4 879528779 +617 217 1 883789507 +346 276 1 874950029 +280 678 2 891700124 +650 630 5 891371061 +393 270 5 887742040 +592 689 2 882607690 +514 14 3 875318331 +537 182 4 886030862 +296 1160 4 884196964 +251 45 5 886271855 +184 845 3 889907971 +189 83 4 893265624 +308 367 4 887738571 +625 428 5 891953755 +553 641 4 879948386 +448 1176 2 891887393 +85 751 3 884820157 +590 126 5 879439316 +422 551 2 879744218 +450 302 5 882215617 +588 278 5 890027600 +644 823 4 889076997 +478 743 1 889388534 +262 443 3 879792027 +622 521 5 882670009 +626 324 4 878771281 +21 981 2 874951382 +378 528 5 880056034 +201 222 3 884112201 +435 176 5 884131627 +277 508 4 879543487 +612 9 3 875324876 +160 168 4 876858091 +487 300 5 883441026 +618 282 3 891307289 +587 873 3 892871284 +303 801 1 879543679 +593 66 5 875671807 +176 927 3 886048305 +642 210 5 885842610 +537 259 1 886029116 +458 192 4 886396240 +342 482 5 875318936 +319 259 2 889816172 +328 752 2 888641528 +144 70 4 888105587 +151 952 3 879528729 +642 135 3 886131953 +498 275 3 881955348 +198 265 3 884207206 +198 1245 4 884205317 +330 257 5 876544609 +311 530 3 884365201 +552 1620 3 879222071 +604 234 5 883668097 +276 274 3 874791960 +566 157 5 881649985 +63 302 3 875746809 +452 432 2 875264432 +296 282 4 884196712 +606 746 5 880925394 +459 148 5 879563367 +276 201 5 889174849 +194 483 4 879520916 +106 275 4 883877219 +495 288 4 888633165 +500 1018 3 883875756 +76 1019 3 879576256 +493 56 4 884130911 +525 595 2 881086803 +624 886 4 879792251 +429 91 3 882386260 +576 237 4 886985003 +508 1135 3 883777382 +2 273 4 888551647 +154 945 3 879138713 +363 682 1 891493634 +618 392 3 891308979 +231 471 5 888605273 +104 311 1 888442112 +639 58 3 891239296 +94 54 4 891722432 +239 428 5 889180978 +264 478 5 886122194 +650 517 3 891382033 +479 324 1 879459611 +118 210 5 875384825 +455 89 3 879111616 +457 470 5 882398204 +566 186 3 881649893 +13 286 3 881514683 +648 298 2 884884466 +436 216 4 887770064 +368 561 2 889783617 +592 1 4 882608021 +519 878 5 884545961 +284 690 3 885329468 +487 684 5 883446543 +622 105 3 882591726 +13 867 5 882399615 +521 11 4 884477993 +532 689 4 880484527 +151 14 5 879524325 +561 45 3 885808716 +417 24 3 879646531 +454 454 3 881959745 +405 356 5 885545912 +599 928 4 880953441 +301 702 4 882077784 +308 32 5 887737432 +387 515 5 886480755 +501 456 3 883348610 +271 845 1 885847800 +543 737 3 874866535 +556 288 4 882135646 +18 238 5 880132437 +643 154 4 891447286 +406 639 4 879793295 +450 121 3 882395537 +216 201 3 880235734 +561 14 3 885808929 +445 742 1 891200078 +601 290 3 876350501 +625 692 3 892000518 +637 829 2 882905070 +201 118 1 884310148 +406 712 3 880132091 +189 485 4 893265710 +561 1110 2 885809524 +577 1531 4 880475408 +474 963 5 887926105 +256 1046 4 882164927 +72 792 3 880036718 +334 902 4 891550520 +591 934 3 891039769 +421 100 4 892241422 +648 674 3 884883476 +135 260 3 879857575 +413 877 3 879969100 +394 391 4 881058330 +286 139 3 889653012 +305 315 5 886308168 +222 826 2 883816093 +271 190 4 885848707 +375 770 3 886622131 +13 413 1 882396984 +514 729 4 886189841 +561 715 3 885809606 +44 196 4 878348885 +313 892 4 891013059 +393 40 1 889729185 +543 28 4 875663543 +535 469 3 879618464 +559 210 4 891034957 +280 527 5 891700768 +638 50 4 876694704 +405 810 1 885548094 +344 708 4 884901561 +158 742 4 880134261 +633 778 2 877211886 +11 98 2 891905783 +57 472 1 883697253 +318 403 2 884496759 +487 111 3 883444558 +363 172 5 891495711 +94 518 5 891720950 +632 202 4 879457712 +532 601 3 888629518 +601 140 1 876351298 +378 787 3 880332480 +537 399 2 886032246 +497 651 4 879310762 +615 640 3 879448182 +142 514 5 888640317 +144 262 3 888103444 +552 7 3 879221580 +563 50 5 880507404 +198 185 3 884209264 +358 1021 5 891269464 +314 405 4 877886522 +3 322 3 889237269 +214 169 4 891544175 +551 527 5 892777123 +532 658 5 893119335 +647 748 4 876532501 +314 56 1 877887568 +59 1115 3 888203128 +450 430 4 882377590 +230 628 3 880485421 +437 212 3 880141402 +396 222 5 884646152 +643 229 3 891449640 +539 197 5 879787985 +551 98 5 892776524 +592 262 5 882607356 +622 194 4 882669762 +179 340 4 892151064 +618 79 5 891307494 +568 1203 5 877907281 +481 197 3 885828773 +535 514 5 879617531 +488 11 1 891294158 +650 514 3 891371020 +474 789 4 887927152 +651 292 2 879348881 +589 271 3 883352654 +554 252 4 876232528 +1 136 3 876893206 +481 153 5 885828165 +604 185 2 883668175 +592 272 5 882955387 +545 215 3 884133881 +487 956 4 883530702 +521 380 3 884478483 +648 304 5 884363798 +144 466 2 888105823 +497 526 3 879362478 +548 315 3 891415258 +308 11 5 887737837 +5 371 1 875720967 +178 50 5 882823857 +588 496 3 890023879 +378 234 4 880045652 +592 61 4 882956586 +627 300 4 879529486 +264 1474 2 886123728 +346 597 3 875003052 +181 844 1 878962816 +345 79 4 884992291 +81 237 4 876533764 +587 312 2 892871563 +422 665 5 879744143 +210 514 5 887730532 +543 71 4 874864870 +472 66 5 875981158 +543 748 3 876110379 +551 1079 1 892785431 +537 553 2 886032123 +592 32 5 882956067 +579 1047 3 880952579 +394 226 2 880888850 +92 1211 3 876175395 +501 313 3 883346623 +618 210 3 891308703 +561 98 4 885807393 +7 578 3 891354090 +363 1101 3 891495004 +210 15 4 887737710 +94 191 5 885870175 +136 744 5 882693569 +13 769 3 882397040 +405 603 3 885548578 +457 747 4 882397787 +399 237 3 882510490 +254 622 4 887347350 +62 357 4 879374706 +501 257 4 883348114 +393 824 3 889731793 +397 435 4 885349376 +243 708 3 879988520 +551 912 3 892775723 +1 257 4 874965954 +70 411 3 884066399 +311 509 3 884366590 +334 553 1 891548866 +457 655 5 882397879 +642 443 2 885603870 +210 392 3 887736017 +308 21 3 887740729 +634 150 3 875728834 +498 202 3 881958897 +18 627 3 880131931 +534 687 5 877807486 +393 273 3 889727768 +308 117 3 887738620 +503 640 1 880383201 +334 303 4 891544077 +567 181 1 882426246 +394 540 4 881058330 +188 22 5 875072459 +253 482 5 891628451 +128 770 3 879968008 +592 330 3 882607606 +618 50 5 891307175 +406 520 4 879445735 +568 1005 1 877907877 +628 302 5 880776981 +543 165 4 874863436 +639 170 4 891239790 +207 748 3 877750478 +523 8 5 883702125 +413 15 4 879969709 +398 87 4 875716709 +178 319 1 884836946 +234 290 3 892333980 +572 1171 3 879449734 +532 929 3 874791786 +354 59 5 891218208 +406 517 2 880131550 +373 275 5 877098437 +599 988 4 880951211 +73 213 4 888625753 +416 538 4 885114408 +180 12 2 877355568 +595 291 3 886921656 +560 1008 3 879976731 +479 241 3 879461800 +457 453 2 882551854 +417 402 4 879648656 +324 282 5 880575619 +612 924 5 875324710 +443 678 2 883504818 +279 760 3 875297522 +312 1451 4 891699156 +235 318 5 889654971 +305 664 2 886324462 +354 190 4 891217221 +99 367 4 886519075 +291 940 3 875086608 +549 288 4 881672605 +470 118 4 879178645 +449 61 5 880410700 +472 771 4 875983427 +472 384 3 875982051 +303 692 4 879468123 +317 879 3 891446575 +256 356 3 882164927 +194 174 4 879520916 +632 28 3 879458649 +466 344 5 890284231 +506 930 1 877984514 +474 513 5 887924571 +608 58 2 880406800 +472 228 5 875979910 +491 236 4 891185919 +606 33 4 880928180 +496 554 2 876070997 +566 856 5 881650690 +437 137 5 880140221 +479 197 4 879461102 +235 86 4 889656113 +496 89 5 876072633 +639 487 5 891240566 +496 418 3 876066848 +109 584 2 880581127 +297 243 1 878771163 +532 1226 4 893015131 +144 48 5 888105197 +234 613 4 892079434 +503 205 4 880472344 +43 588 4 883955745 +489 315 5 891448389 +264 603 5 886122508 +637 831 1 882904961 +213 463 5 878956000 +569 475 3 879793717 +472 90 5 892791063 +591 88 3 891031525 +303 98 5 879466572 +577 168 5 880472124 +606 288 4 877641931 +416 1132 2 876697913 +276 281 3 874787065 +222 929 1 881061213 +551 234 4 892777092 +570 302 4 881262145 +16 946 5 877724727 +452 781 3 888568714 +76 514 4 882129456 +295 69 5 879517911 +456 452 2 881375515 +256 451 4 882165135 +416 24 5 893212730 +629 9 4 880117485 +110 684 4 886988480 +514 510 3 886190480 +385 135 3 879444991 +594 14 4 874781173 +207 631 2 877847187 +621 576 2 874964605 +234 389 3 892335309 +630 871 2 885666918 +500 708 5 883873999 +542 655 4 886532908 +627 162 3 879530568 +395 97 5 883763800 +405 1222 1 885548049 +417 186 5 879647118 +435 167 3 884133224 +401 651 4 891032919 +300 300 4 875649995 +608 1119 5 880406552 +123 514 5 879872193 +505 553 4 889333937 +567 478 5 882426079 +523 72 4 883702351 +621 301 4 880226534 +295 228 4 879518414 +373 1228 2 877107379 +533 23 3 879191770 +503 318 5 880383679 +627 581 3 879530662 +593 501 2 886193661 +264 746 3 886123358 +110 421 4 886988873 +134 326 5 891732296 +326 219 2 879877349 +26 50 4 891386368 +455 71 3 879112098 +271 168 2 885848343 +279 558 4 875307210 +296 1284 4 884196765 +481 190 5 885828732 +619 62 1 885954185 +639 462 5 891239838 +545 208 3 879899619 +462 310 5 886365197 +541 15 3 883864806 +449 59 5 880410599 +435 924 3 884132072 +472 73 4 875981317 +269 173 1 891449429 +286 210 5 877535208 +463 270 3 889936535 +397 423 5 885349999 +194 380 1 879535549 +639 659 3 891240111 +548 327 3 891042794 +447 597 3 878855021 +642 97 4 885602418 +500 88 4 883875926 +363 174 4 891495109 +454 497 3 881959876 +479 70 4 879461630 +332 105 2 887938631 +479 185 4 879461604 +524 97 5 884636583 +622 693 4 882592383 +279 166 4 879572893 +526 1 5 885682562 +559 527 4 891034172 +137 748 4 881432626 +464 286 3 878354626 +342 208 4 874984430 +551 222 5 892783411 +234 88 3 892335920 +645 179 5 892054600 +97 82 4 884239552 +246 178 5 884920918 +334 484 5 891545793 +214 8 4 892668196 +534 825 4 877808281 +345 44 3 884992770 +554 174 5 876550257 +6 194 4 883601365 +601 740 4 876347196 +346 363 3 874951062 +433 474 3 880585759 +643 1101 3 891448002 +436 762 4 887771722 +295 213 5 879517324 +479 398 1 889125474 +110 689 3 886987584 +327 271 3 887743644 +543 186 3 877550660 +425 289 1 878737635 +597 298 5 875339723 +69 294 2 882027233 +409 461 3 881108364 +462 315 4 886365837 +450 1425 4 882471737 +185 25 4 883525206 +548 7 5 891044304 +234 313 4 891033261 +534 986 5 877808319 +519 748 2 883248307 +13 32 4 882140286 +642 1023 3 885842351 +207 185 4 875509832 +274 300 5 878944464 +210 393 3 891035904 +303 1145 2 879544219 +561 135 4 885809336 +452 479 5 885544109 +545 404 4 884133839 +642 133 5 886206274 +374 218 4 880396444 +442 635 4 883389380 +429 2 3 882387599 +642 50 5 885604280 +226 813 4 883890235 +644 294 4 889076095 +95 290 3 879193973 +144 327 3 888103444 +160 151 4 876769097 +318 193 3 884496367 +396 455 2 884646582 +295 196 5 879966498 +417 513 5 879647580 +13 204 5 882140318 +586 229 3 884062742 +381 121 2 892696793 +130 895 5 884623799 +194 81 2 879523576 +592 334 3 882607476 +618 378 4 891309514 +174 69 5 886514201 +341 682 3 890757961 +373 417 3 877099092 +654 4 4 887864830 +52 527 5 882922927 +595 1009 4 886921584 +76 1155 2 882607017 +414 301 3 884999128 +500 639 4 883875195 +622 168 4 882592041 +170 322 5 884103801 +537 301 2 886028647 +514 631 4 875463386 +643 546 3 891445660 +455 40 3 879111662 +527 517 5 879456186 +160 153 3 876860808 +504 318 5 887832593 +601 482 4 876350142 +394 416 5 880889350 +632 419 4 879457903 +102 72 3 888803602 +112 937 4 884992801 +321 212 3 879440342 +551 174 4 892776650 +545 55 3 879899233 +543 88 4 877550535 +161 100 4 891171127 +393 347 4 887742040 +76 172 5 882606080 +520 242 5 885168819 +315 645 4 879821065 +643 1149 3 891447835 +395 240 1 886481149 +605 754 3 879425457 +487 823 1 883445302 +470 508 5 879178932 +488 64 5 891294529 +476 367 3 883364475 +368 184 5 889783453 +536 1118 2 882360776 +328 315 4 885044782 +90 905 4 891383319 +81 619 3 876534009 +184 1061 3 889908264 +331 221 4 877196308 +493 59 5 884132315 +458 245 2 889324066 +244 763 4 880604830 +437 753 4 880140927 +21 7 5 874951292 +495 479 4 888632574 +178 155 4 882828021 +537 744 3 886030380 +360 64 5 880355485 +63 286 4 875746809 +634 596 3 875729105 +394 739 4 880889766 +551 240 3 892784673 +265 327 3 875320052 +639 709 3 891239581 +94 800 3 891723296 +279 1242 1 888797284 +118 800 4 875385280 +621 117 5 880227268 +363 206 2 891496587 +653 164 3 878854633 +529 1038 4 882535304 +541 225 4 885595846 +618 705 3 891307825 +13 5 1 882396869 +527 479 4 879455707 +277 293 4 879544145 +588 288 4 890014818 +286 132 5 877531791 +535 269 4 879617063 +316 69 3 880853881 +213 182 4 878955766 +267 180 5 878971690 +363 597 4 891498286 +293 159 3 888907674 +592 168 5 882955825 +308 49 3 887740833 +500 62 3 883876690 +514 109 3 876067235 +548 12 5 891044356 +290 252 3 880732575 +64 434 4 889739052 +146 331 5 891458193 +299 1226 2 877878602 +348 1060 3 886523621 +474 1016 3 887915567 +639 553 3 891240868 +368 292 4 889783251 +642 151 3 886568791 +620 625 3 889988005 +21 5 2 874951761 +191 339 3 891562090 +497 510 3 879362496 +543 187 4 874866535 +488 133 4 891294606 +66 237 4 883601355 +348 123 5 886523361 +276 9 5 889174849 +280 755 2 891701278 +565 10 5 891037453 +217 562 3 889070211 +65 15 5 879217138 +122 1044 5 879270923 +644 257 5 889077278 +521 258 4 884475503 +566 98 4 881649445 +604 413 3 883668175 +648 586 3 884883149 +653 573 1 880152843 +504 1522 3 887840942 +43 781 3 883956494 +580 281 2 884126077 +305 42 4 886324172 +401 97 4 891033582 +6 514 5 883600657 +588 1508 3 890029795 +71 282 3 885016990 +542 230 4 886533774 +606 22 5 880927357 +630 25 2 885666779 +456 922 4 881371595 +545 71 5 879901459 +559 528 4 891034209 +326 393 4 879876327 +637 595 3 882904537 +380 12 5 885478218 +497 95 4 879309993 +539 481 4 879788572 +561 241 2 885809119 +591 72 3 891040366 +406 665 3 879792928 +535 971 2 879618569 +619 241 5 885954083 +178 184 5 882827947 +650 843 2 891388266 +130 342 3 881076199 +94 219 4 891721528 +125 427 4 879454277 +493 7 3 884130372 +378 926 1 880318158 +293 65 3 888906945 +653 402 1 880151488 +465 478 4 883531246 +405 567 2 885548474 +567 617 4 882425843 +606 7 4 878143509 +385 745 4 879443352 +144 500 4 888105419 +592 319 4 882607434 +87 546 3 879876074 +90 863 4 891384114 +320 385 4 884749327 +125 300 5 892835836 +374 98 5 880394929 +585 1158 4 891282573 +378 294 2 880043804 +118 960 5 875385136 +422 436 3 879744085 +533 97 2 879438666 +532 353 2 886364951 +539 527 4 879788136 +561 93 4 885809224 +495 184 5 888633086 +533 313 5 884007337 +636 596 5 891449212 +388 259 3 886440334 +559 427 4 891034095 +474 435 5 887926573 +592 179 5 882956761 +555 326 4 879962096 +634 823 3 877017923 +159 195 3 884360539 +320 121 5 884748733 +119 986 3 874781068 +542 100 4 886532432 +363 171 5 891495849 +444 275 4 891979402 +110 376 2 886989340 +623 204 5 891035112 +553 603 5 879948695 +637 280 2 882904679 +104 345 4 888442171 +59 618 4 888205956 +389 616 4 879991329 +246 798 2 884924001 +561 959 3 885810060 +622 367 4 882670712 +653 444 1 880153329 +551 183 4 892776824 +592 345 4 888553233 +328 8 3 885047018 +458 1338 3 886395393 +437 281 1 881001148 +36 878 5 882157581 +407 423 4 876340001 +409 633 4 881108126 +555 271 3 879961963 +591 921 4 891031257 +13 332 3 881515457 +487 133 4 883530865 +415 323 2 879439205 +497 108 3 879309760 +391 421 2 877399269 +569 237 4 879793717 +465 319 3 883529372 +448 887 2 891888042 +450 686 4 882473826 +422 1007 4 875129839 +601 584 4 876350142 +587 343 4 892871337 +601 418 2 876350766 +181 326 1 878961709 +201 567 3 884112673 +592 28 4 882956586 +94 585 3 891723494 +13 737 4 882399615 +279 751 4 882593314 +151 1299 4 879543423 +230 420 5 880485726 +533 210 5 879191401 +465 475 3 883530313 +463 117 3 877385731 +533 1033 4 879192702 +618 549 2 891308342 +523 204 5 883702171 +500 181 3 883865462 +478 168 4 889388697 +187 736 4 879465632 +537 549 2 886031965 +413 269 4 879968793 +144 343 2 888103725 +560 975 3 879977081 +630 222 4 885666779 +14 628 5 880929697 +588 451 5 890026059 +532 197 5 889235367 +650 747 3 891384202 +514 735 4 875462764 +600 265 3 888451582 +551 12 4 892776419 +544 258 3 884795135 +286 749 3 889651060 +638 410 4 876695774 +334 176 3 891547040 +507 352 1 889964274 +622 72 3 882671142 +493 264 3 884129923 +193 343 1 889123777 +629 528 5 880117395 +405 536 1 885549746 +468 1014 3 875280539 +474 642 4 887927152 +343 3 4 876406256 +592 169 5 882955663 +450 775 4 882469432 +573 1012 2 885844339 +285 205 4 890595900 +255 264 2 883215829 +23 204 3 874786122 +588 428 4 890024730 +235 1193 4 889655232 +313 121 4 891015114 +363 56 5 891495301 +653 50 5 878854100 +92 1046 3 875812841 +346 168 4 874948252 +90 286 5 891382267 +625 602 3 891263057 +412 340 4 879716637 +627 157 4 879530110 +7 436 5 891351471 +654 423 4 887864432 +428 350 4 885944005 +343 283 4 876403212 +642 375 1 886131744 +399 926 2 882348850 +593 597 2 875660347 +151 661 4 879524419 +180 98 5 877544444 +10 664 4 877886911 +416 185 4 876699101 +488 111 4 891294785 +567 176 5 882425874 +417 97 4 879647326 +314 783 3 877888855 +332 210 5 887938981 +301 150 4 882074345 +279 425 4 875306430 +22 523 5 878886845 +409 631 3 881108077 +629 1109 4 880117813 +492 83 4 879969644 +334 855 3 891547513 +642 258 3 885601865 +1 237 2 875071749 +634 979 3 875729710 +405 57 1 885546577 +361 178 5 879441462 +269 192 4 891447979 +507 879 5 889964706 +549 225 3 881672804 +416 396 2 886318587 +653 1044 1 880153304 +535 435 5 879618246 +642 72 4 885843087 +609 901 1 886895886 +277 7 2 879543377 +354 50 4 891216498 +532 926 3 888630146 +409 618 4 881107011 +642 468 3 886568479 +466 62 3 890285159 +439 246 4 882892755 +405 379 1 885548475 +627 649 4 879530071 +405 1474 1 885547645 +222 225 1 877563353 +102 386 2 892993735 +618 143 4 891308515 +109 72 5 880577892 +312 515 5 891699677 +303 871 1 879485685 +181 919 1 878962550 +15 935 3 879455710 +213 483 5 878955848 +452 170 4 875261261 +393 4 4 889555384 +48 136 4 879434689 +130 65 4 875216786 +560 1333 3 879976071 +608 478 3 880403606 +353 245 4 891402405 +137 1117 2 881433435 +500 405 4 883865567 +327 26 3 887747299 +648 188 5 884882664 +210 235 3 887730842 +307 1 5 878066938 +435 684 4 884131356 +325 650 3 891478079 +130 763 5 874953728 +536 318 5 882359431 +524 469 4 884636416 +311 700 3 884365852 +450 312 4 882812205 +655 274 3 888474872 +333 168 4 891045496 +561 258 2 885806823 +104 307 2 888442249 +592 652 4 882956467 +326 216 2 879876235 +631 346 4 888465004 +555 147 4 879962172 +592 533 4 882608827 +531 358 1 887049187 +267 156 5 878971599 +293 203 3 888906781 +546 717 5 885141162 +611 303 3 891636073 +301 763 4 882074665 +450 205 4 882373531 +436 595 5 887770731 +108 255 2 879880094 +214 89 4 892668249 +344 1 3 884899372 +632 58 3 879459210 +592 137 5 882608145 +60 50 5 883326566 +327 403 3 887820384 +366 234 1 888857750 +334 634 4 891547513 +60 799 4 883326995 +269 403 1 891448522 +620 563 5 889987682 +567 504 4 882425874 +30 315 4 885941412 +493 181 5 884130308 +436 723 3 887771853 +456 672 1 881374849 +582 288 3 882960396 +141 126 5 884585642 +621 1012 5 880227233 +367 333 4 876689501 +537 1197 3 886029889 +145 123 4 879161848 +394 63 4 881059464 +271 580 2 885849386 +537 1069 2 886030938 +157 515 5 874813477 +557 1070 2 884357600 +461 347 4 885355679 +363 511 4 891495850 +596 288 4 883538847 +255 343 2 883215867 +271 282 2 885847666 +22 21 4 878886750 +455 678 3 878585344 +18 736 4 880131028 +136 525 5 882848925 +417 923 3 879647065 +276 1118 4 874791830 +66 295 3 883601456 +6 177 4 883600818 +532 1221 5 874788957 +99 763 5 885679138 +417 62 3 879648939 +385 664 3 879445335 +114 659 4 881259495 +622 66 3 882670480 +327 201 5 887820828 +247 259 3 893081411 +299 171 4 877880961 +406 919 2 879446684 +648 105 3 882212560 +384 300 4 891273809 +234 224 4 892334107 +62 199 4 879373692 +622 364 1 882672922 +601 21 3 876347113 +622 373 1 882672922 +454 1190 3 881959437 +447 153 4 878855756 +239 511 5 889178798 +256 282 3 882151017 +551 1376 1 892784524 +405 712 1 885547506 +488 496 4 891294246 +592 833 4 882608662 +647 326 3 876532517 +561 273 5 885808824 +332 651 5 888098060 +234 505 4 892333798 +181 883 1 878961847 +323 319 2 878738827 +416 209 5 893214332 +579 49 3 880952360 +178 809 4 882827084 +357 111 5 878951784 +496 33 4 876067108 +305 171 5 886323237 +525 111 4 881086051 +545 993 2 879898802 +470 248 3 879189434 +271 62 2 885849386 +617 89 4 883789294 +456 475 5 881372366 +600 403 3 888451908 +276 523 4 874787496 +200 496 5 884128904 +618 150 2 891308175 +400 294 3 885676411 +653 272 4 893275949 +561 228 3 885807930 +490 286 2 875427021 +69 237 3 882072920 +592 59 4 882956718 +385 187 4 879441728 +505 423 4 889333711 +449 100 5 879958664 +405 1225 1 885547176 +551 827 5 892784710 +592 64 5 882956039 +495 770 3 888635339 +194 580 4 879525876 +586 82 2 884062010 +587 300 4 892871171 +552 222 4 879221764 +130 527 5 875801447 +535 639 4 879618019 +234 175 2 892079076 +200 48 2 884129029 +9 402 4 886959343 +556 1065 4 882136162 +468 173 5 875295093 +561 461 3 885807369 +435 121 3 884133284 +600 210 4 888451665 +311 702 3 884365284 +225 604 5 879540778 +271 4 5 885849357 +503 38 3 879454977 +488 183 4 891293698 +435 546 4 884132942 +505 237 3 889333711 +430 165 4 877226130 +429 118 3 882386145 +650 552 4 891370031 +606 421 4 880923989 +655 126 2 887426732 +627 549 3 879530625 +314 1016 4 877886483 +378 1531 4 880056423 +651 306 5 880126473 +89 202 3 879459859 +503 558 5 880383098 +554 223 3 876232996 +536 54 2 882364876 +99 25 3 885679025 +193 294 1 889123777 +547 258 4 891282596 +642 501 2 885603740 +595 15 4 886921423 +221 346 5 885081300 +585 1535 4 891284816 +244 222 2 880604379 +642 966 5 886569140 +154 642 3 879138910 +495 195 5 888633396 +154 61 4 879138657 +648 154 5 884881621 +592 432 1 882956321 +128 478 5 879966840 +168 291 4 884287668 +347 245 5 881652230 +44 99 4 878348812 +493 117 5 884130416 +533 91 2 879190991 +601 1615 4 876348107 +627 720 2 879531397 +585 207 5 891284016 +488 211 4 891294158 +159 255 3 885501660 +574 245 5 891279362 +330 195 3 876546694 +539 58 3 879788195 +527 531 3 879456077 +638 127 2 876694861 +483 197 3 878953815 +174 340 5 886432749 +650 1474 3 891385288 +365 473 4 891304106 +437 154 4 880141129 +630 12 4 885667854 +621 151 5 880737929 +524 1204 3 884635225 +653 566 5 878854190 +234 1039 3 892078741 +321 604 5 879438651 +380 502 1 885480530 +505 133 5 889334189 +518 117 5 876823804 +105 302 5 889214193 +591 235 3 891039676 +503 186 5 880472061 +244 317 5 880602083 +125 201 3 879455019 +119 685 4 886177048 +387 619 1 886481073 +610 1558 3 888703475 +345 234 4 884991831 +286 174 4 877531537 +11 731 4 891904789 +497 72 3 879362835 +222 578 3 881060281 +475 315 4 891452177 +405 1583 1 885549543 +380 663 4 885478799 +504 323 4 887831274 +207 471 3 875509715 +621 300 3 890517589 +2 10 2 888551853 +342 135 3 874984395 +511 322 3 890005102 +607 847 4 883879638 +608 1124 4 880404846 +396 717 3 884646467 +575 194 4 878148087 +458 14 5 886394576 +41 516 5 890687242 +406 131 2 884630617 +640 385 5 874778569 +449 310 3 880410951 +190 310 4 891033607 +389 1098 4 880087096 +655 693 3 888984506 +436 186 3 887769801 +81 289 3 876533229 +655 1403 3 888813372 +181 1355 1 878963086 +643 189 4 891447093 +161 496 3 891171734 +455 100 4 878585826 +502 893 2 883702867 +601 127 4 876346810 +298 143 5 884182966 +638 161 4 876695307 +378 282 4 880044454 +13 403 2 882397271 +654 258 4 887863436 +593 100 5 875658824 +454 73 3 888267521 +378 1063 4 880046100 +553 111 4 879948869 +536 83 5 882359307 +379 563 2 880962106 +518 471 3 876822873 +7 527 5 891351772 +486 595 2 879875408 +592 823 1 882609009 +60 211 4 883327493 +450 81 4 882376188 +239 174 4 889179131 +545 739 4 884134780 +303 1153 3 879484899 +379 842 4 880525794 +108 284 3 879879911 +445 1010 1 891200506 +405 577 3 885547557 +542 588 4 886533562 +654 318 5 887864230 +480 603 4 891208239 +155 288 3 879370860 +339 199 5 891032576 +399 1086 3 882340827 +22 1002 1 878887186 +293 1048 3 888905034 +654 250 1 887863557 +429 475 4 882384579 +346 11 4 874948174 +49 270 2 888065432 +552 274 3 879222162 +217 300 4 889069555 +428 338 4 885943818 +627 704 4 879530967 +592 782 2 882956510 +483 230 5 878953592 +79 333 2 891271086 +297 347 3 885922424 +425 452 2 878738956 +621 249 5 880738282 +640 204 5 874777974 +43 1052 1 892350297 +14 124 5 876964936 +109 928 3 880572134 +369 268 5 889428642 +474 275 3 887915269 +548 117 4 891415384 +561 219 1 885809583 +637 363 2 882904148 +655 198 4 887428871 +620 148 3 889987299 +495 843 3 888637385 +524 181 3 884634731 +536 132 4 882359962 +545 135 4 884134060 +429 484 5 882384920 +416 419 4 892441448 +311 101 4 884366397 +311 684 4 884365075 +527 176 2 879455740 +58 12 5 884304895 +483 450 4 878953593 +639 166 3 891239838 +566 405 5 881650943 +125 751 5 892835624 +121 83 4 891388210 +592 820 3 882609057 +648 194 5 882213535 +409 482 4 881168712 +497 185 3 879361802 +555 269 5 879962096 +474 499 5 887924683 +312 207 5 891699121 +583 198 4 879384404 +462 288 5 886365260 +128 483 5 879966785 +456 346 5 887165765 +291 235 2 874805860 +455 518 4 879111318 +457 137 5 882393278 +403 370 3 879790344 +495 1118 5 888632888 +487 206 4 883531003 +246 204 3 884921638 +405 1053 5 885545456 +468 56 5 875286450 +234 177 3 892079040 +455 628 4 879109692 +501 288 4 883346694 +566 213 5 881649670 +308 531 4 887738057 +632 96 5 879457902 +495 145 4 888637147 +489 308 4 891447653 +620 281 5 889987852 +454 873 2 881958782 +551 479 3 892776380 +83 70 4 880308256 +548 532 4 891043910 +629 187 5 880117031 +448 902 4 891888779 +655 670 3 887430142 +308 65 3 887738301 +251 248 4 886272223 +213 192 5 878955474 +362 689 5 885019504 +486 111 4 879874693 +530 56 3 886202320 +632 159 3 879459460 +130 465 5 875801596 +264 1475 2 886123596 +268 151 3 875742470 +532 148 5 888817717 +407 648 3 875552647 +644 50 4 889077247 +16 58 4 877720118 +119 917 4 892564349 +95 207 5 880571164 +73 152 3 888626496 +354 135 3 891218230 +472 185 5 875980081 +402 475 3 876266741 +200 161 4 884128979 +579 183 4 880952038 +491 258 4 891189815 +642 596 5 885604113 +407 447 3 876338249 +343 449 5 876407138 +216 237 5 880232752 +496 50 5 876072633 +466 306 5 890284231 +534 820 3 877808340 +293 715 3 888907674 +433 303 4 880585068 +52 463 5 882922927 +592 236 3 882608061 +218 659 4 877488366 +501 124 4 883347919 +446 327 2 879787858 +530 163 3 886202320 +487 1019 5 883447117 +643 56 5 891446791 +312 526 5 891698334 +561 890 1 885807080 +328 449 3 885049607 +59 657 4 888204597 +560 597 2 879976914 +567 506 5 882425701 +319 751 3 889816136 +586 210 4 884059027 +481 678 3 885828016 +488 258 4 891293606 +307 739 2 877122317 +374 449 4 880938044 +99 591 4 885678840 +450 1286 3 882377479 +218 269 4 877487931 +279 663 3 875310394 +90 153 5 891384754 +505 161 3 889333711 +269 3 3 891446722 +429 22 5 882384744 +624 137 4 879792623 +385 254 1 879453094 +357 831 3 878952080 +450 525 3 882467271 +592 619 1 882608234 +270 226 4 876956038 +102 1228 1 888802508 +593 71 4 875661567 +567 497 5 882425901 +221 215 4 875245514 +542 23 5 886532602 +452 443 5 885544109 +487 28 4 883446352 +614 9 4 879464063 +528 181 5 886812857 +181 1152 2 878962496 +116 349 2 886977905 +622 252 1 882591582 +506 403 4 874874458 +130 531 5 875216628 +94 1073 5 891720540 +416 685 3 876697955 +315 209 5 879821003 +552 1152 3 879222002 +425 218 3 878738887 +460 294 2 882910637 +655 523 3 887427268 +537 649 3 886031720 +374 197 5 882158940 +533 133 5 879191085 +7 620 4 891353892 +366 671 5 888857990 +655 736 3 888685734 +592 682 4 882607573 +593 724 3 875670796 +504 1041 3 887910694 +606 530 4 880925074 +138 117 4 879023245 +595 369 3 886921977 +555 117 4 879962152 +260 891 5 890618729 +23 19 4 874784466 +587 682 3 892871372 +251 250 3 886272378 +216 100 5 880232597 +201 127 5 884111708 +268 235 3 875742556 +504 543 4 887908861 +559 199 5 891034040 +346 91 1 874950029 +101 7 3 877135944 +47 288 2 879439078 +214 516 5 892668173 +361 707 4 879440974 +500 1009 4 883865532 +151 88 5 879542645 +324 293 4 880575714 +437 56 4 880140325 +42 203 4 881107413 +338 52 5 879438690 +417 940 2 879649337 +616 689 4 891224748 +650 309 3 891369071 +11 39 3 891905824 +525 252 3 881086780 +639 1020 4 891240136 +495 622 2 888635886 +511 948 3 890004916 +234 785 3 892336119 +59 199 4 888205410 +425 333 3 890346411 +601 588 3 876350719 +152 527 4 882477356 +618 161 4 891308946 +610 568 4 888703648 +621 1118 3 874962824 +593 182 2 886193627 +58 511 5 884304979 +638 554 3 876695059 +204 1296 5 892392078 +316 673 2 880854083 +620 682 2 889986985 +639 1194 5 891239271 +493 742 3 884130253 +457 739 4 882549483 +380 60 4 885478292 +576 56 3 886986444 +608 673 4 880405484 +506 1244 2 884517295 +655 53 2 887429812 +110 1247 2 886988413 +181 756 2 878962866 +280 155 5 891702544 +567 491 3 882426135 +603 429 5 891956981 +437 642 1 880141441 +497 721 3 879362740 +178 62 4 882827083 +497 19 4 879310245 +479 945 5 879460785 +535 129 5 879619000 +440 328 3 891546895 +213 56 5 878955635 +510 876 2 887667574 +587 1624 2 892871752 +416 73 3 876699994 +357 275 5 878951784 +536 52 3 882360187 +624 327 4 879791819 +283 204 4 879298239 +617 100 4 883789425 +1 131 1 878542552 +436 649 5 887771269 +358 639 4 891269584 +13 17 1 882396954 +387 190 5 886483150 +312 175 3 891699321 +342 756 3 874984895 +178 230 4 882826889 +405 55 1 885547909 +463 1033 2 890530703 +14 820 3 882839856 +279 151 4 875249259 +477 724 4 875941086 +625 166 3 891960843 +621 769 3 874964991 +535 116 3 879618246 +453 238 4 877554396 +217 222 5 889069944 +276 453 1 880913767 +417 625 4 879649064 +521 625 3 885253937 +640 732 4 886354499 +6 12 4 883601053 +429 319 3 882387685 +409 1194 5 881107750 +363 778 4 891495510 +99 332 3 885678348 +270 742 2 876954248 +381 344 3 892697905 +468 200 4 875292319 +655 66 2 890887261 +276 367 3 874791667 +44 631 1 883613297 +639 527 4 891239323 +201 226 3 884114232 +561 317 3 885808824 +655 281 2 887426732 +184 50 4 889907396 +608 332 4 880402982 +442 975 3 883391377 +648 69 1 884628564 +519 1062 5 883250148 +504 195 4 887838510 +593 125 4 875659708 +313 193 4 891013887 +615 69 4 879448632 +639 517 2 891239492 +125 412 3 892839191 +474 238 4 887924083 +234 40 2 892335894 +632 237 3 879458570 +16 204 5 877722736 +320 233 4 884749281 +536 449 4 882361262 +655 52 3 891585279 +654 558 3 887864471 +610 402 5 888704000 +41 430 5 890692860 +236 196 1 890115966 +570 326 1 881262437 +617 242 3 883788511 +360 271 2 880354839 +625 209 3 891262633 +568 988 1 877906737 +407 180 4 875044597 +588 220 5 890025023 +645 675 4 892053747 +234 606 5 892318060 +532 51 5 888635365 +533 83 2 879191902 +529 294 4 882535466 +655 224 3 887425845 +576 275 3 886985695 +551 975 5 892784130 +429 629 3 882387163 +612 322 3 875324294 +95 182 2 879198210 +655 918 2 892436609 +547 312 4 891282824 +450 77 4 887139143 +634 460 3 875729710 +616 750 5 891224590 +601 1079 3 876347148 +381 487 5 892697083 +593 584 3 875671579 +56 1057 3 892683978 +160 195 4 876859413 +650 197 4 891372233 +59 523 4 888204389 +394 402 4 880888775 +622 780 4 882671574 +130 315 4 884623887 +313 177 4 891015566 +116 748 2 876452186 +374 185 5 880395665 +151 953 5 879524948 +347 930 2 881653340 +89 275 5 879441307 +138 222 4 879023345 +643 143 4 891447868 +543 578 3 877546305 +100 1234 1 891375068 +308 602 4 887737536 +425 145 3 878738956 +640 239 5 874778274 +450 921 4 882372178 +327 1070 4 887744513 +484 230 5 891195417 +301 418 3 882076751 +590 100 5 879438825 +655 344 4 888204230 +627 740 1 879530501 +655 14 3 891585450 +527 208 4 879456289 +551 156 5 892777723 +295 97 5 879517761 +457 553 5 882396314 +502 678 3 883702448 +405 1468 1 885546287 +614 281 3 879464308 +596 294 4 883539079 +603 380 4 891955972 +381 1098 4 892696045 +503 526 3 880472188 +649 1 5 891440235 +409 481 3 881107602 +452 64 4 875266518 +60 705 4 883326710 +94 81 4 885870577 +658 276 4 875145572 +549 678 3 881671982 +316 482 3 880854337 +339 64 5 891033629 +380 100 4 885478193 +272 175 5 879455043 +435 9 4 884131055 +553 174 4 879949073 +377 682 3 891296448 +7 503 4 891353950 +535 727 4 879618502 +551 875 4 892775970 +315 203 3 879821194 +621 17 4 880739965 +566 218 4 881650242 +7 444 5 891354288 +223 257 4 891550005 +417 364 3 880953014 +533 756 4 879193004 +401 659 3 891033061 +655 935 3 887425498 +502 342 4 883702088 +351 332 5 879481495 +296 688 1 884196374 +180 196 5 877355617 +429 845 4 882386401 +207 202 3 875506771 +236 429 1 890118632 +456 196 4 881374649 +607 382 3 883880110 +533 58 4 888845150 +406 845 3 879540051 +555 302 3 879962096 +334 143 2 891548647 +181 1022 1 878962006 +592 306 5 882607528 +437 238 5 880140369 +445 100 2 890987569 +504 212 4 887909911 +399 542 3 882344021 +336 42 5 877757669 +648 411 2 882212288 +374 986 3 880936113 +323 288 3 878738827 +244 629 4 880606442 +448 286 2 891887393 +567 646 5 882427046 +373 472 3 877111951 +524 480 4 884634911 +554 43 3 876369968 +222 712 3 881060735 +416 651 4 886316439 +141 25 5 884585105 +450 1048 3 882397813 +615 199 5 879448599 +416 181 5 893213019 +614 288 2 879463630 +437 185 5 880140192 +585 971 3 891282894 +438 245 5 879867960 +585 1323 3 891284588 +530 60 5 883790997 +477 36 4 875941224 +371 435 3 877487751 +255 895 2 883216185 +639 210 3 891240136 +548 23 5 891044410 +85 328 3 884906441 +280 393 4 891702323 +416 676 5 893213549 +553 218 4 879948996 +399 1541 3 882510107 +554 14 4 876550182 +567 641 5 882426158 +307 1028 4 875746067 +653 257 3 890181185 +92 174 5 875654189 +141 985 4 884585363 +655 179 4 888813272 +303 824 3 879483901 +342 408 5 875318266 +656 689 2 892319276 +656 327 2 892318738 +374 566 3 880394571 +579 216 5 880952299 +621 63 1 874963445 +189 150 4 893277702 +387 558 4 886480384 +399 215 2 882510226 +10 530 4 877892210 +498 288 3 881953815 +405 433 4 885545070 +643 484 5 891448756 +616 315 4 891224447 +303 1023 2 879544898 +91 192 4 891439302 +620 501 4 889988036 +551 80 1 892785300 +109 111 4 880564570 +244 697 4 880607335 +63 1010 3 875747829 +592 215 5 882956467 +16 227 5 877727193 +92 116 3 875640251 +295 65 5 879517655 +440 750 5 891546784 +650 50 5 891372232 +592 1609 1 882608698 +626 682 3 878771447 +554 318 5 876369730 +606 265 4 880924663 +393 1539 2 889730460 +92 383 1 876175191 +533 72 2 879192157 +499 692 4 885599119 +298 168 5 884182933 +401 735 5 891033158 +503 482 5 880383588 +450 965 4 882394364 +450 26 5 882396489 +510 333 3 887667465 +121 118 2 891390501 +582 93 5 882960844 +562 477 4 879195688 +639 198 2 891239885 +621 100 5 880227104 +271 405 2 885848179 +542 210 3 886532706 +181 758 1 878963418 +561 732 3 885809958 +592 250 4 882608145 +524 781 1 884636583 +504 218 4 887910267 +653 226 3 878867346 +276 679 3 874792520 +553 1200 3 879948964 +479 173 5 879460984 +647 604 4 876537591 +56 226 4 892679277 +280 294 2 891700021 +245 597 4 888513326 +85 606 4 886282959 +587 259 4 892871223 +637 332 4 882900888 +612 15 4 875324455 +526 250 2 885682477 +620 240 5 889987954 +348 25 4 886523521 +13 128 1 882397502 +595 282 4 886921344 +279 169 5 875306910 +653 576 1 880152955 +300 409 4 875650329 +462 22 5 886365498 +26 313 5 891386368 +303 474 5 879466457 +201 318 5 884111269 +378 930 2 880044906 +468 1051 2 875284635 +450 651 5 882376658 +109 227 5 880579417 +622 132 4 882669851 +536 215 4 882360530 +247 1022 4 893097024 +618 168 5 891308342 +43 482 4 875981421 +505 77 3 889334248 +435 227 4 884133372 +537 735 3 886031576 +515 682 4 887659192 +29 182 4 882821989 +328 637 3 885047865 +660 82 2 891200491 +492 69 3 879969385 +521 268 5 884475470 +447 559 3 878856172 +200 193 4 884129209 +532 482 5 888629254 +642 1011 3 885842351 +343 68 1 876406878 +559 523 4 891035812 +201 218 4 884114471 +327 150 4 887744356 +625 169 5 891263665 +452 404 4 875561978 +566 96 3 881650171 +90 647 5 891383204 +524 684 4 884636236 +292 1073 5 881105318 +618 9 3 891308141 +561 8 3 885807455 +279 679 4 884556545 +618 241 4 891309887 +534 147 5 877808031 +462 300 5 886365260 +151 469 1 879528852 +241 689 3 887250085 +109 395 3 880583672 +160 922 5 876767621 +346 144 4 886273914 +504 106 3 887831879 +537 458 3 886030176 +463 107 3 889936181 +655 98 4 887472744 +164 252 4 889402265 +303 70 4 879467739 +179 288 5 892151489 +474 282 4 887916411 +610 489 4 888703343 +635 269 5 878878587 +445 1598 1 891200592 +504 386 3 887912431 +595 994 4 886921897 +115 240 5 881171982 +658 8 5 875147873 +582 124 4 882961082 +477 289 5 875941793 +619 332 4 885953742 +268 576 1 875744289 +392 58 4 891038433 +378 694 3 880055101 +622 722 3 882670862 +100 270 3 891375016 +125 430 4 879454309 +528 523 4 886101846 +659 66 4 891385306 +86 242 4 879569486 +447 96 5 878855847 +466 210 4 890284706 +655 726 2 887475055 +551 717 3 892785164 +495 54 5 888637768 +487 921 5 884042629 +417 433 4 879648403 +394 238 5 880887348 +655 945 2 887476008 +451 301 4 879012431 +496 173 5 876065349 +623 692 3 891034951 +152 1300 4 886535827 +336 1048 4 877757134 +339 174 4 891032320 +18 386 2 880131986 +555 357 4 879975455 +610 97 3 888703453 +354 186 4 891217811 +532 450 2 874796421 +305 179 1 886323966 +390 329 3 879693608 +69 7 5 882126086 +586 249 2 884058005 +561 229 3 885810271 +638 172 4 876694787 +585 1121 4 891283339 +484 562 3 891195565 +321 519 4 879441336 +436 47 4 887769930 +290 211 3 880474235 +341 1280 2 890757782 +363 201 2 891495371 +648 133 4 882212651 +624 242 4 891961040 +118 201 5 875385198 +276 411 4 874786807 +60 69 4 883326215 +307 588 4 877118284 +58 255 4 890321652 +543 226 4 875663372 +269 417 2 891451303 +523 476 3 883702441 +653 153 2 878867228 +488 238 1 891375965 +577 241 5 880474766 +176 237 3 886048145 +653 1210 2 880153705 +493 48 4 884130995 +477 778 4 875941191 +56 42 4 892676933 +330 69 5 876546890 +276 768 3 874793118 +308 665 4 887741003 +524 1454 3 884637128 +72 647 1 880036550 +639 962 1 891243532 +588 215 5 890024564 +437 90 3 880143289 +56 53 3 892679163 +393 144 3 887746174 +606 410 3 880921656 +629 162 5 880117361 +452 427 4 875264976 +241 270 3 887250026 +551 118 5 892784008 +495 924 3 888634441 +378 298 3 883835761 +234 480 4 892078485 +529 245 3 882535639 +239 745 5 889180338 +561 231 2 885810744 +90 234 4 891383835 +58 25 4 884304570 +7 591 3 891352179 +282 268 4 879949438 +621 383 2 874963166 +606 423 5 880925200 +146 340 4 891457714 +375 573 4 886622131 +293 77 2 888907210 +554 209 4 876232997 +655 185 4 887430102 +363 640 2 891496927 +627 724 2 879530305 +215 517 5 891436543 +559 318 5 891033835 +634 597 4 877017923 +336 785 1 877758935 +227 1067 4 879035572 +445 268 1 890987410 +334 79 4 891546992 +454 478 2 888267487 +226 236 3 883889844 +487 92 4 883446600 +261 245 4 890454190 +413 690 4 879968793 +643 820 3 891446381 +59 755 4 888206254 +279 1012 5 875298447 +634 129 4 875729105 +440 313 4 891546631 +622 432 5 882670009 +342 433 5 874984395 +640 1073 5 874778299 +478 1101 4 889396005 +638 181 5 876694787 +277 472 1 879544058 +623 483 5 891035112 +592 484 4 882956551 +648 1050 4 884797033 +650 521 3 891387616 +222 44 3 881059877 +336 1446 1 877757790 +218 642 3 881288351 +593 1028 3 875659896 +506 73 4 874873703 +133 902 3 890588672 +548 302 4 891042194 +604 201 3 883668352 +532 164 5 892519934 +264 116 4 886122892 +586 161 5 884062671 +551 591 5 892783612 +588 751 3 890014887 +629 269 3 880115840 +94 164 3 891721528 +385 521 3 879446208 +315 286 5 879799301 +497 183 4 879310825 +648 1244 3 882212373 +389 923 5 880087151 +276 193 4 874790952 +254 323 3 886470765 +420 478 3 891356864 +58 213 5 884663379 +599 237 5 880951595 +655 347 3 887424948 +188 118 3 875072972 +429 500 1 882384772 +615 707 3 879447990 +650 217 3 891389162 +239 1332 3 889180888 +650 7 4 891369656 +151 408 5 879524222 +104 750 5 888442171 +159 7 5 880485861 +330 205 3 876546105 +452 465 5 886148336 +506 147 3 888848342 +426 1451 4 879444734 +276 183 5 874792402 +577 11 2 880474293 +26 591 3 891351590 +297 752 4 888643376 +505 96 4 889333442 +538 183 4 877106768 +160 514 4 876858091 +660 392 2 891200072 +222 328 5 877562772 +629 332 4 880116722 +543 586 3 877547190 +393 771 3 889731793 +392 257 5 891038184 +226 89 5 883889229 +658 257 4 875145667 +471 422 5 889827982 +650 737 2 891383832 +654 821 3 887864907 +201 186 3 884114069 +537 53 2 886032029 +276 725 2 877935392 +648 554 4 884883323 +538 31 3 877109422 +85 582 4 879828014 +354 81 3 891217249 +614 546 1 879463965 +499 127 4 885598312 +492 286 4 879969099 +629 204 5 880117285 +363 284 2 891495987 +537 111 3 886030077 +582 181 4 882961301 +263 443 5 891298914 +585 70 5 891286256 +646 690 3 888528417 +201 273 2 884112352 +577 423 4 880472124 +381 887 3 892697941 +218 591 3 881288574 +361 79 4 879441286 +6 302 4 883268222 +437 482 5 880140051 +347 550 5 881654734 +65 179 3 879216605 +592 508 5 882608021 +551 172 2 892778164 +95 485 5 888954129 +183 230 5 892323452 +403 129 4 879785822 +480 504 4 891208822 +155 327 2 879371061 +324 259 5 880575107 +541 477 4 883865654 +221 286 4 885081264 +189 1402 4 893266051 +328 328 4 885044566 +334 134 5 891545973 +181 263 1 878961709 +599 111 5 880951885 +543 519 4 875662979 +642 1181 2 885607143 +434 819 3 886724873 +244 71 4 880606874 +324 475 5 880575449 +655 1158 3 888984255 +608 238 5 880403810 +566 327 3 881649273 +541 8 5 883874645 +644 243 4 889076364 +90 194 5 891383424 +523 167 4 883702233 +625 188 4 891262724 +378 180 3 880045822 +299 730 4 889501926 +119 255 3 874775914 +399 210 3 882342805 +197 307 3 891409323 +458 529 3 886398120 +52 473 4 882922661 +254 393 3 886473489 +214 298 3 891543191 +518 591 3 876823447 +490 151 1 875428185 +604 670 5 883668352 +6 309 2 883268430 +499 272 5 885597680 +30 50 3 875061066 +514 275 5 875463028 +648 797 3 884883031 +521 227 3 885253808 +133 243 3 890589035 +185 116 4 883526268 +472 56 5 875979853 +358 8 5 891269179 +262 1014 5 879961954 +645 1018 3 892053518 +593 692 3 886193724 +85 152 5 879454751 +524 494 4 884637409 +13 471 1 882140455 +643 117 3 891445823 +11 603 4 891905783 +299 1 3 877877535 +524 831 3 884628212 +577 203 3 880474455 +62 582 4 879374753 +296 111 3 884196712 +624 475 4 879793223 +532 252 4 888636478 +95 209 4 879197021 +7 384 3 891353710 +280 2 3 891701278 +452 211 2 875266197 +21 992 2 874951349 +334 42 4 891545741 +94 930 2 891724747 +234 317 2 892334189 +18 414 4 880131054 +403 864 4 879786747 +655 205 3 887650538 +474 211 5 887925751 +72 187 4 880036638 +629 463 4 880117852 +488 500 4 891294568 +7 487 3 891352178 +270 421 5 876955633 +660 167 2 891201565 +327 111 4 887819462 +54 307 4 891813846 +58 497 2 884305123 +61 333 3 891206232 +327 682 3 887737629 +592 705 5 882955978 +423 1238 3 891394874 +318 77 3 884497078 +397 641 5 885349999 +312 490 5 891699655 +489 327 5 891448409 +663 588 4 889493628 +605 1040 2 879425689 +653 436 1 880151673 +639 1121 2 891239885 +458 278 2 886395469 +374 1010 5 880393921 +524 451 3 884637202 +634 1199 1 875728913 +312 607 5 891698424 +1 109 5 874965739 +294 1134 3 877819761 +90 126 2 891384611 +145 316 5 888396966 +648 1072 2 884882527 +551 505 5 892777397 +562 66 1 879195927 +653 622 3 880152377 +324 1 5 880575412 +40 272 2 889041283 +601 671 4 876348572 +563 412 2 880507108 +615 127 5 879448399 +537 176 2 886031606 +328 182 2 885045678 +518 126 4 876823018 +532 501 5 889235367 +586 651 3 884059287 +565 1018 5 891037862 +201 233 4 884310104 +497 273 4 879310604 +415 322 4 879439205 +598 350 4 886711452 +532 292 4 884594621 +397 100 5 882839517 +498 186 4 881960591 +249 4 4 879572142 +642 1178 3 885606067 +588 723 2 890026459 +645 197 5 892055244 +295 740 4 879517225 +84 258 4 883449347 +169 204 3 891359317 +90 519 5 891384423 +354 286 4 891180445 +527 202 3 879456691 +18 753 4 880129816 +417 51 3 879648526 +13 299 3 881515698 +460 250 2 882912261 +484 849 3 891195506 +630 258 3 885666143 +389 416 4 880087996 +472 665 4 875983023 +653 1014 2 884405682 +130 578 5 878537681 +465 511 4 883530991 +472 7 5 892790953 +16 321 3 877717116 +70 429 3 884150369 +642 552 4 886569347 +648 98 4 884368313 +321 170 4 879438651 +646 304 3 888529014 +643 203 4 891446956 +191 331 4 891560631 +189 378 4 893266137 +457 191 5 882396659 +655 550 2 887611677 +82 678 1 884714726 +388 628 4 886436661 +336 15 4 877754621 +371 431 5 880435601 +421 82 4 892241294 +250 993 5 878089881 +493 455 5 884131690 +627 172 3 879531196 +541 118 4 883871670 +401 11 2 891033227 +152 66 5 886535773 +555 169 5 879975419 +486 1369 3 879874582 +650 399 3 891381784 +303 22 5 879467413 +339 74 4 891033382 +385 433 4 879442673 +332 756 2 887938687 +537 582 3 886030966 +271 487 4 885848770 +577 338 3 880469983 +625 213 4 891999608 +1 182 4 875072520 +655 303 4 888474107 +534 274 3 877807846 +47 874 3 879439078 +514 531 3 875308734 +493 483 5 884131534 +43 969 5 875981159 +640 720 3 874778612 +650 708 3 891383356 +660 96 3 891200430 +588 282 5 890015894 +227 129 5 879035387 +458 98 3 886396240 +267 141 4 878972147 +464 293 5 878355033 +301 163 3 882076264 +655 805 2 888474327 +13 667 1 882397040 +341 330 5 890758113 +567 306 3 882426327 +561 81 2 885808000 +606 549 4 880926862 +653 83 5 878853936 +372 176 3 876869667 +504 527 4 887838624 +655 58 3 887427600 +534 619 4 877807653 +360 172 4 880356240 +108 124 4 879879757 +363 747 5 891495918 +394 496 5 880887206 +219 936 4 889387284 +291 924 4 874833962 +650 480 5 891371090 +653 1140 1 880153841 +286 888 5 884583549 +617 590 1 883789747 +466 56 4 890284706 +234 845 3 892335825 +291 90 5 874871800 +623 629 3 891034973 +298 946 3 884182868 +363 550 4 891497205 +592 1039 4 882955582 +479 213 4 879461039 +425 24 2 878738386 +96 89 5 884402896 +498 136 3 881958174 +635 748 2 878878838 +608 337 4 880402982 +94 735 5 891721528 +514 483 4 875462795 +429 298 5 882386145 +474 697 4 887928498 +406 487 3 884630973 +487 412 1 883445220 +643 597 2 891446301 +593 83 5 886194064 +198 237 2 884206191 +311 64 5 884364502 +145 88 5 875272833 +524 1129 2 884832580 +293 402 2 888907702 +659 507 5 891383561 +655 162 3 888474165 +542 195 3 886532294 +505 510 3 889334477 +642 53 2 885604940 +449 936 5 879958721 +655 100 3 888474138 +472 68 5 892791017 +271 173 4 885848672 +643 928 4 891445660 +505 660 3 889334477 +373 746 4 877098714 +457 209 5 882553113 +526 343 3 885682264 +588 832 1 890027865 +527 652 4 879456248 +18 747 3 880132225 +497 24 4 879310260 +290 199 3 880474799 +373 1119 5 877105708 +161 640 2 891171558 +435 163 3 884131489 +489 261 2 891449155 +597 293 5 875340939 +504 660 4 887839195 +417 257 3 879646244 +458 651 3 886397988 +655 1651 4 891913500 +393 354 4 889554151 +535 210 5 879618160 +655 51 2 887611677 +457 568 4 882547590 +543 410 3 877453103 +442 367 2 883388887 +592 174 5 882955918 +601 186 4 876349542 +103 211 3 880420565 +416 319 5 893213444 +630 243 2 885666301 +500 996 1 883875241 +279 301 4 878082781 +39 748 5 891400704 +315 121 2 879821300 +437 265 3 880142942 +629 886 3 880116278 +370 480 4 879434886 +407 710 4 875046460 +515 323 3 887659192 +464 176 4 878355211 +419 615 5 879435785 +506 198 2 874873703 +592 919 5 882608061 +398 430 4 875659265 +326 616 5 879875724 +438 21 2 879868683 +379 131 5 882563797 +660 845 3 891198385 +385 183 3 879442706 +647 588 4 876531955 +514 988 2 885180989 +64 531 3 889740718 +605 133 5 879424661 +523 163 5 883702411 +545 1 5 879901359 +479 183 5 889125563 +646 682 3 888529153 +630 71 3 885667854 +363 709 4 891495003 +23 211 4 874786512 +94 654 5 885872684 +151 195 3 879524642 +398 2 3 875718614 +429 566 3 882386357 +373 166 5 877098262 +495 151 5 888635236 +72 471 4 880035588 +640 663 5 874778240 +659 646 4 891332122 +642 65 4 886132172 +616 272 5 891224517 +156 806 3 888185777 +593 158 3 875671891 +458 301 1 889323539 +236 750 5 890117676 +655 727 2 888685914 +592 1265 1 882607690 +200 483 5 884128426 +517 1 3 892659892 +194 371 3 879527584 +373 239 3 877105708 +504 223 5 887832364 +486 322 2 879874262 +224 582 4 888104030 +1 71 3 876892425 +653 157 5 878855483 +90 56 5 891384516 +500 464 4 883875274 +564 345 4 888718521 +13 492 5 882140552 +198 195 3 884207267 +457 22 5 882396705 +592 521 5 882955703 +650 751 2 891369001 +401 630 4 891033370 +10 319 3 877886223 +504 1444 3 887911133 +99 240 4 885679279 +618 477 2 891308791 +536 662 5 882360100 +660 510 3 891199056 +592 546 4 882608500 +524 516 4 884634578 +545 633 3 884133963 +213 455 4 878870749 +451 680 1 879012811 +49 57 4 888066571 +290 930 3 880732131 +171 305 2 891034606 +423 471 3 891395626 +291 974 1 874833962 +1 223 5 876892918 +114 615 2 881260441 +239 172 4 889178833 +493 65 4 884132146 +472 1090 5 875983321 +537 919 4 886030012 +401 25 4 891032412 +532 354 4 887672256 +401 1009 4 891032626 +141 676 5 884585001 +227 1143 4 879035803 +454 660 3 888267128 +450 934 3 882471362 +23 102 3 874785957 +399 660 3 882510250 +642 259 5 885605095 +525 125 3 881085709 +597 15 5 875341758 +173 687 1 877557132 +291 219 4 874867785 +591 1111 4 891031603 +85 23 4 879454272 +633 79 5 875325128 +268 574 2 875745579 +44 64 5 878347915 +437 946 3 881002092 +514 713 3 875309415 +585 1009 5 891285491 +514 70 5 875462826 +536 596 3 882317312 +560 246 5 879976109 +92 72 3 875658159 +387 193 5 886484065 +43 28 4 875981452 +11 15 5 891903067 +458 582 1 886398488 +493 12 3 884132225 +312 640 2 891698951 +461 285 4 885356112 +345 66 3 884993069 +548 654 5 891044411 +655 744 2 887427636 +18 549 4 880131173 +588 97 2 890023587 +586 496 3 884059426 +608 4 3 880406168 +538 381 3 877110175 +450 1444 4 882468239 +236 181 4 890115933 +250 116 4 878089921 +572 476 4 879449573 +267 209 5 878971745 +569 458 2 879794498 +453 1230 2 888202271 +582 7 5 882961082 +293 531 4 888905642 +119 340 4 886176485 +294 148 3 877820155 +664 179 4 876523654 +311 796 3 884365889 +645 175 5 892054537 +568 435 2 877907721 +542 127 5 886532294 +472 485 3 875980377 +606 455 2 880923349 +522 430 5 876961314 +526 748 1 885682214 +373 627 4 877105901 +536 135 5 882359370 +174 546 3 886514323 +457 1168 5 882548761 +406 451 2 880131954 +518 864 3 876823324 +406 5 4 880132276 +215 28 4 891435416 +633 234 4 877212594 +531 327 3 887048718 +495 452 2 888637070 +618 173 3 891307404 +537 573 2 886031886 +43 301 5 875975135 +399 399 3 882342354 +72 380 1 880036854 +72 685 4 880035588 +95 67 2 879198109 +561 642 3 885809356 +99 1079 3 885679504 +645 512 5 892055072 +363 1012 4 891499355 +627 685 3 879531351 +236 934 4 890117570 +23 131 4 884550021 +405 842 5 885548932 +541 651 5 883864782 +394 164 4 880886612 +664 89 5 878092649 +222 934 2 877563758 +523 194 5 883702210 +537 44 3 886031886 +540 323 3 882156851 +158 583 3 880134477 +343 4 5 876408139 +389 65 4 880088171 +663 181 4 889493732 +267 679 4 878974509 +625 546 2 891273897 +653 211 1 880149947 +21 438 1 874951858 +106 495 4 881451016 +387 92 4 886483098 +488 185 4 891376137 +347 290 3 881653132 +537 873 2 886029211 +551 1169 4 892778297 +649 1016 4 891440511 +231 597 3 879966146 +3 352 2 889237055 +592 1047 1 882608736 +213 756 2 878955319 +429 1048 2 882386966 +293 1041 2 888907674 +538 710 3 877107726 +645 523 5 892053686 +409 286 5 881104697 +85 732 3 879455238 +591 580 2 891031526 +244 1109 4 880607116 +429 96 4 882387053 +399 575 1 882350762 +536 1039 5 882360029 +528 615 4 886101715 +457 50 5 882393620 +577 58 4 880474414 +495 447 4 888635420 +622 1303 2 882672060 +577 545 3 880476578 +18 434 3 880131297 +659 601 3 891386241 +235 483 5 889655204 +490 150 5 875428765 +401 161 2 891033603 +13 638 3 881515239 +507 898 5 889964202 +501 1007 4 883995203 +601 71 1 876349937 +618 762 3 891309636 +142 186 4 888640430 +109 542 3 880582045 +638 144 5 876694861 +457 223 5 882396734 +313 215 4 891015011 +577 866 5 880470570 +330 100 4 876544277 +655 1097 3 887426008 +524 436 4 884636864 +538 735 3 877108785 +374 248 1 880393191 +207 196 4 880911845 +476 386 2 883365135 +523 934 4 883702602 +254 82 4 886472767 +639 1163 1 891239349 +525 250 3 881085917 +368 183 5 889783678 +656 245 1 892319084 +90 154 5 891384516 +469 215 4 879523802 +517 222 4 892660033 +62 380 5 879375626 +545 413 4 879899977 +472 21 3 875978686 +479 295 1 879460424 +161 204 2 891170947 +589 294 5 883352600 +492 212 3 879969367 +297 419 3 875240016 +643 443 4 891446919 +61 271 1 892302231 +655 509 3 887427441 +650 665 2 891381819 +49 358 1 888065805 +663 1047 4 889492679 +419 604 5 879435590 +345 762 5 884991285 +401 515 4 891032367 +90 387 5 891385215 +629 880 4 880116722 +16 583 4 877720186 +657 690 4 884238002 +629 195 4 880116847 +312 596 5 891699626 +642 1079 5 885605987 +157 597 3 886890406 +615 527 4 879448399 +328 204 3 885045993 +201 258 2 884110667 +629 207 4 880117000 +405 1091 1 885549004 +324 328 4 880575002 +405 83 1 885545974 +280 496 5 891700321 +409 523 4 881106682 +655 959 3 887427958 +276 82 4 874792402 +430 328 4 877225327 +524 301 4 884321179 +659 607 5 891331825 +463 477 2 877385489 +496 164 3 876066153 +116 11 5 886310197 +51 210 4 883498844 +477 553 5 875941155 +353 905 4 891402674 +655 685 2 887426666 +665 762 4 884290480 +506 261 3 885135514 +665 287 4 884290575 +311 660 4 884365252 +387 206 4 886483429 +49 324 4 888065702 +554 692 4 876549579 +334 865 2 891549631 +605 827 3 879429729 +343 50 5 876402814 +387 1018 3 886483526 +663 245 4 889491891 +450 71 3 882377358 +56 655 4 892676996 +303 251 4 879544533 +450 98 4 882371732 +320 204 5 884750717 +552 50 4 879221876 +529 326 4 882535304 +399 204 3 882342061 +13 895 1 883670515 +593 77 4 875671619 +595 930 2 886921870 +551 421 4 892778202 +416 137 3 876697165 +291 411 4 874834220 +268 622 3 875310145 +207 435 4 875506807 +493 171 5 884130825 +664 73 2 878090764 +275 432 4 875154535 +425 117 3 878738435 +181 300 3 878961227 +253 153 3 891628278 +593 451 3 875672999 +579 603 5 880952006 +97 434 4 884239791 +397 1001 1 885350326 +582 760 3 882962886 +77 31 3 884753292 +468 144 5 875287826 +618 959 4 891309756 +633 410 2 875325865 +445 55 1 890987712 +497 222 3 879310580 +303 85 3 879484588 +295 357 4 879517136 +637 1374 1 882903447 +514 680 1 885180893 +588 272 5 890014748 +435 845 3 884132100 +291 1012 4 874805892 +174 246 5 886433833 +500 45 4 883874170 +588 110 3 890027247 +104 591 4 888465263 +500 531 3 883873911 +506 55 4 874873287 +429 114 5 882385663 +598 313 5 886711452 +489 243 4 891445389 +102 612 4 879082395 +139 100 5 879538199 +237 134 5 879376327 +382 122 3 875946440 +514 470 3 875462901 +276 1098 4 880913684 +594 126 3 874781173 +158 576 4 880134607 +201 682 3 884110887 +125 172 5 879454448 +167 530 5 892738453 +643 712 3 891449249 +540 310 4 882156710 +332 845 3 887938421 +291 282 4 874833788 +297 529 3 875238778 +648 252 4 882212374 +241 310 4 887249576 +653 310 4 884405406 +614 1009 3 879464119 +255 56 5 883216448 +387 196 2 886484012 +518 1011 4 876823645 +429 233 3 882385593 +474 215 5 887926804 +89 235 5 879441657 +379 137 5 890464307 +555 120 4 879964334 +379 436 3 885063346 +623 88 4 891034973 +201 469 4 884113453 +514 65 3 886190207 +170 304 4 887646133 +308 614 3 887739757 +398 194 5 875717638 +116 479 4 876454191 +524 77 3 884637095 +429 631 4 882385243 +373 568 4 877100199 +550 125 4 883425958 +239 45 5 889180578 +567 156 5 882426055 +440 1105 5 891548567 +620 99 3 889988005 +345 639 4 884993139 +469 611 5 879525237 +317 354 4 891446251 +640 566 4 874778569 +466 96 5 890284819 +95 65 4 879197918 +437 1036 5 880143562 +484 431 4 891194692 +486 1375 3 879874449 +409 708 4 881109019 +425 689 2 890346517 +363 22 3 891494962 +201 303 2 884110667 +653 732 2 878866724 +573 185 3 885844605 +344 367 5 884901560 +584 172 4 885778080 +574 302 4 891278860 +13 657 4 882139829 +493 22 5 884131114 +12 161 5 879959553 +493 238 3 884131985 +443 687 3 883504889 +11 430 3 891905032 +500 475 5 883865232 +197 403 3 891410038 +608 961 4 880405431 +326 173 5 879874989 +642 240 3 885606137 +657 300 2 884237751 +541 432 4 883874716 +648 203 1 884796571 +660 252 2 891198459 +591 514 4 891031383 +177 322 2 880130534 +65 423 5 879216702 +500 135 5 883875041 +122 469 5 879270644 +343 176 5 876405553 +264 100 5 886122261 +299 792 4 889503112 +639 51 2 891239613 +363 691 3 891493663 +326 229 3 879876941 +295 561 5 879518696 +5 396 5 875636265 +532 305 3 878372701 +493 209 5 884130933 +410 316 4 888627138 +600 50 4 888451492 +467 117 2 879532437 +615 988 1 879447735 +334 856 4 891545926 +592 313 5 882955258 +621 881 2 883798770 +201 1128 4 884140825 +194 432 4 879524007 +393 291 4 887744202 +375 233 4 886621985 +541 62 4 883871644 +295 265 4 879518042 +454 435 2 881960145 +452 521 3 885545770 +59 184 4 888206094 +536 97 3 882360662 +619 226 5 885954133 +618 1468 3 891308665 +603 923 4 891957139 +561 285 4 885808715 +72 56 5 880037702 +457 59 5 882397575 +660 926 2 891201587 +96 127 5 884403214 +176 298 4 886047918 +342 846 2 875318688 +653 527 2 878855510 +118 175 5 875384885 +373 679 2 877107355 +541 121 3 883871695 +10 273 4 877888613 +331 1296 5 877196820 +197 241 3 891409893 +468 1012 4 875280462 +387 258 4 886480818 +148 132 4 877020715 +665 527 3 884294880 +458 289 2 889323582 +551 402 4 892784049 +542 150 2 886532908 +650 429 4 891383523 +352 156 4 884290428 +595 926 1 886921897 +40 310 3 889041283 +175 133 4 877107390 +425 823 3 878738757 +503 840 1 879454292 +655 1370 3 890887261 +378 1145 3 880334409 +622 15 4 882590670 +13 179 2 882140206 +457 819 2 882396001 +407 201 4 875045240 +58 651 4 884305185 +492 291 4 879969692 +234 28 4 892079538 +601 133 4 876350812 +639 212 4 891239550 +416 369 2 888701033 +452 490 4 875261350 +650 1119 3 891383303 +358 512 5 891269511 +532 9 5 893119438 +546 347 5 885139580 +577 1209 4 880476578 +666 56 4 880139090 +490 7 3 875427739 +655 476 2 887428671 +121 644 4 891388035 +60 230 4 883327441 +239 165 5 889180411 +592 342 2 882607745 +37 841 3 880915711 +577 4 4 880474635 +58 135 4 884305150 +501 118 3 883348474 +56 395 3 892911625 +646 346 2 888528392 +159 1023 2 880557741 +605 237 3 879424661 +501 410 4 883348207 +59 479 5 888205370 +555 288 3 879962096 +608 301 1 880402633 +498 210 2 881957054 +131 269 5 883681723 +450 233 3 882474001 +644 121 5 889077344 +666 173 4 880139253 +515 258 4 887658676 +593 9 3 875659306 +642 623 4 886570010 +56 265 4 892676314 +648 33 1 884881722 +374 423 3 880394484 +392 209 5 891038978 +653 180 5 878854593 +380 265 3 885481179 +405 561 1 885548475 +409 1073 4 881107750 +609 314 1 886895941 +405 48 1 885546154 +234 197 5 892333616 +561 1230 3 885810813 +405 694 1 885546336 +405 1072 1 885547222 +660 184 3 891200741 +73 748 2 888792247 +498 56 3 881957353 +585 1344 3 891282573 +605 9 4 879365773 +429 742 4 882386711 +69 879 1 882027284 +244 949 4 880606874 +548 121 5 891415939 +55 79 5 878176398 +486 93 4 879874629 +666 1047 3 880313858 +552 117 3 879222412 +569 121 3 879794699 +655 273 4 887426373 +632 172 5 879457157 +357 304 5 878951101 +305 770 3 886324521 +592 253 1 882608279 +606 31 4 880925199 +524 435 4 884635053 +661 183 4 876035466 +389 661 4 880165168 +479 274 4 879460370 +195 1414 2 874825826 +70 173 4 884149452 +286 483 5 877531661 +401 174 4 891032803 +650 445 4 891388210 +379 238 5 880525236 +605 98 5 879425432 +534 823 4 877807973 +617 436 3 883789464 +125 122 1 892839312 +579 238 3 880952201 +566 461 4 881649853 +269 1444 1 891451947 +645 658 4 892054632 +405 1037 3 885547506 +655 1232 3 887472606 +524 44 4 884636416 +313 195 5 891013620 +655 1605 3 888685850 +455 275 4 878585826 +661 132 5 886841714 +648 178 4 884368273 +65 215 5 879217689 +484 168 4 891195036 +477 732 4 875941111 +587 326 3 892871284 +411 1197 4 892846971 +398 117 4 875653091 +280 402 4 891701249 +442 288 4 883390048 +498 222 3 881961877 +460 248 4 882912342 +388 508 3 886436930 +663 411 3 889492877 +622 165 5 882591938 +263 50 5 891300029 +205 322 3 888284577 +638 514 2 876695714 +301 797 4 882078558 +582 237 3 882960941 +387 321 3 886484384 +595 591 4 886921344 +158 238 5 880134913 +525 596 4 881086195 +116 1255 2 876453377 +653 181 4 878854145 +450 141 3 882377726 +663 658 4 889493467 +538 11 4 877109516 +662 515 4 880571006 +322 303 3 887313611 +487 471 3 883441956 +398 496 5 875721111 +248 22 2 884534752 +202 516 4 879726778 +650 95 3 891371186 +591 367 3 891031403 +135 1217 2 879857956 +70 28 4 884065757 +488 429 4 891375991 +82 412 1 884714513 +151 216 4 879524713 +567 133 4 882425790 +450 956 4 882394097 +246 431 3 884921661 +405 944 3 885547447 +627 399 3 879531557 +344 203 4 884901328 +664 433 3 876525998 +624 347 4 891961140 +222 1060 2 878184055 +276 759 1 874796412 +181 236 1 878962350 +279 210 4 878261893 +293 393 3 888906906 +601 476 1 876347765 +551 38 1 892784553 +639 971 4 891239913 +282 333 3 879949394 +524 845 5 884323426 +648 675 2 884883424 +353 331 4 891401992 +557 892 3 884357648 +363 408 5 891494865 +405 204 5 885544769 +486 236 3 879874629 +152 21 3 880149253 +457 623 3 882550065 +389 732 4 880087850 +545 181 5 879898644 +99 1132 4 885679319 +109 15 4 880577868 +634 275 3 875728834 +263 588 3 891298273 +454 431 3 888266991 +624 815 3 879793174 +574 1313 4 891278916 +463 147 3 877386047 +537 485 3 886031576 +661 131 3 886841714 +406 8 4 879445562 +655 508 3 887426030 +126 337 5 887938392 +240 353 1 885775959 +279 1486 1 875314076 +606 660 5 880926470 +536 496 5 882359455 +526 293 5 885682477 +560 134 5 879975406 +601 949 2 876351214 +90 10 5 891383987 +637 111 3 882903645 +91 143 4 891439386 +338 1124 4 879438301 +587 887 2 892871310 +621 755 3 874965299 +537 644 5 886031438 +614 410 3 879464437 +13 636 2 882397502 +331 269 5 877196819 +532 510 5 888635197 +355 324 4 879486422 +207 160 2 878191632 +75 56 5 884051921 +299 28 4 877880474 +659 272 4 891044849 +201 511 3 884112201 +634 1048 3 875729668 +130 934 4 876251341 +630 412 1 885667508 +405 201 1 885547176 +514 792 4 875462611 +496 1459 4 876067376 +586 156 4 884064459 +527 96 4 879456611 +374 222 4 880392778 +287 108 4 875334519 +405 1438 1 885546835 +248 283 1 884535157 +606 483 5 880924921 +483 1152 4 893098572 +262 402 4 879795059 +660 473 2 891198996 +224 676 3 888103942 +610 143 5 888703290 +85 230 3 882813248 +339 156 5 891032495 +454 414 2 888267226 +458 121 1 886395022 +602 871 3 888638589 +425 180 4 878738077 +242 1011 3 879740800 +283 433 4 879298333 +416 44 4 886316596 +608 506 4 880406728 +535 205 3 879618464 +579 303 3 880951494 +373 281 3 877103935 +542 501 4 886533562 +493 196 4 884130933 +210 315 5 887731417 +600 233 2 888452071 +396 546 4 884646647 +82 1 4 876311241 +660 97 3 891200406 +343 1140 3 876405943 +660 362 2 891197585 +11 662 3 891904300 +505 164 4 889334189 +6 71 4 883601053 +234 498 5 892078699 +378 245 3 880906161 +365 285 4 891303999 +644 326 5 889076148 +587 288 4 892870992 +648 507 1 884796598 +133 245 3 890588878 +660 1181 1 891200594 +667 234 2 891034730 +666 122 2 880313723 +7 631 4 891352984 +392 310 4 891037490 +58 151 3 884304553 +642 22 4 885602285 +26 111 3 891371437 +458 179 4 886397808 +334 736 3 891548979 +530 191 5 883785574 +536 169 5 882359047 +45 288 3 880996629 +655 533 2 887651114 +634 471 4 875729478 +524 380 2 884637202 +298 604 5 884127720 +565 70 5 891037629 +614 476 3 879464507 +388 773 3 886441083 +553 484 5 879949324 +540 596 4 882157126 +658 1 4 875145614 +667 285 5 891034810 +577 25 4 880470504 +9 371 5 886960055 +207 233 3 877124847 +37 96 4 880915810 +527 429 5 879456611 +427 990 5 879701326 +52 741 4 882922302 +346 520 5 874948105 +334 712 3 891549594 +268 1303 1 875744228 +74 690 4 888333352 +579 428 4 880952335 +624 258 4 879791792 +207 286 2 875504669 +640 952 4 886474538 +104 270 4 888442337 +486 273 3 879874871 +497 118 4 879310621 +479 588 1 879461378 +545 196 4 884133859 +178 1038 2 882823566 +99 975 3 885679472 +549 1047 3 881672700 +439 240 3 882893859 +191 340 4 891560842 +601 472 1 876348177 +459 472 5 879563226 +466 995 5 890284231 +159 326 3 880485345 +619 1314 3 885954341 +303 82 4 879467465 +518 300 3 876822581 +477 282 4 875941948 +592 631 3 882956624 +394 250 4 881130076 +641 59 4 879370259 +664 229 3 876526631 +60 482 4 883326958 +378 977 3 880334305 +650 243 2 891369215 +110 43 3 886988100 +459 174 4 879566291 +234 636 3 892336358 +592 283 4 882956241 +599 595 5 880952144 +666 223 3 880314144 +627 215 1 879529767 +62 463 4 879374916 +214 93 4 892668249 +561 172 2 885807743 +385 320 3 885367060 +487 17 3 883531279 +13 86 1 881515348 +639 70 3 891239862 +290 720 3 880475695 +466 294 3 890282986 +655 27 3 888984478 +196 1241 3 881251642 +527 467 3 879455999 +375 603 4 886621917 +200 118 4 876042299 +393 775 4 889731390 +521 229 2 884478314 +286 739 3 877532683 +286 137 4 884203281 +290 650 2 880475625 +109 508 4 880571629 +411 4 4 892845634 +380 462 4 885478374 +514 178 4 875308925 +661 480 5 876016491 +267 143 4 878973329 +254 465 3 886473078 +144 478 4 888105337 +615 194 5 879449164 +629 117 5 880116963 +659 569 2 891386910 +618 433 2 891309410 +224 356 4 888103840 +202 191 2 879727294 +655 517 4 891585450 +654 546 4 887863885 +399 549 4 882347190 +642 294 5 885601998 +393 755 3 889729831 +22 201 4 878886449 +474 971 4 887924469 +246 411 3 884923715 +193 69 5 889125287 +349 125 4 879466541 +542 47 5 886532855 +343 473 3 876403212 +450 491 3 882373297 +645 200 5 892054906 +667 223 5 891034767 +328 260 2 885044940 +474 12 5 887924683 +500 476 2 883865851 +158 367 4 880134913 +573 162 4 885844007 +429 804 3 882387599 +557 299 4 881095916 +458 183 4 886396460 +260 1243 5 890618729 +484 655 5 891194820 +194 209 3 879521936 +491 7 3 891185298 +535 527 3 879617574 +385 207 4 881530739 +413 471 4 879969642 +668 345 2 890349041 +664 187 5 876524699 +566 127 5 881650219 +621 417 3 874965299 +654 222 5 887863534 +86 338 1 879570277 +637 985 2 882905284 +561 179 4 885807261 +500 514 5 883873941 +90 141 5 891385899 +23 55 4 874785624 +398 432 3 875718670 +495 228 5 888632738 +661 97 4 888299980 +329 11 3 891656237 +664 659 5 876526518 +556 603 5 882136440 +655 628 3 890887261 +650 66 3 891384285 +590 1129 3 879438735 +404 310 4 883790750 +497 1303 2 879311007 +416 471 5 893213645 +368 98 3 889783407 +370 603 5 879435244 +385 430 5 880870206 +33 323 4 891964373 +490 473 2 875428417 +495 64 5 888632496 +353 346 4 891402757 +673 294 4 888787376 +90 134 5 891383204 +474 252 4 887916567 +55 22 5 878176397 +363 660 4 891496588 +514 228 5 875463202 +293 186 2 888906045 +450 185 5 882376365 +500 568 1 883874715 +363 195 4 891495238 +409 343 3 881105677 +620 288 4 889986452 +655 283 3 887425936 +435 214 4 884131741 +567 648 4 882426021 +416 239 5 893212730 +425 310 3 890346411 +264 156 2 886122577 +454 255 4 881959276 +343 657 5 876404464 +650 204 4 891369707 +472 768 5 875982771 +450 448 4 882371526 +579 269 3 880951346 +200 132 5 884130792 +250 222 4 878089547 +648 497 4 884796769 +450 169 5 882371732 +360 654 5 880355715 +417 582 3 879647749 +620 683 3 889986984 +643 87 5 891447663 +496 172 5 876065558 +459 7 5 879563245 +184 40 4 889910326 +653 87 4 878854332 +384 329 3 891273761 +609 304 5 886895436 +154 197 5 879139003 +256 1424 3 882165066 +643 794 3 891450376 +595 1259 3 886921819 +136 124 5 882693489 +519 1591 5 883250102 +271 347 3 885844634 +648 748 3 882211886 +567 60 5 882425966 +184 664 3 889911712 +666 1170 4 880568352 +662 291 2 880570487 +667 301 1 891034513 +90 610 5 891383753 +308 739 4 887739639 +655 36 2 888685955 +222 181 4 877563168 +399 454 3 882510989 +567 135 3 882426837 +654 66 4 887864727 +457 11 4 882397020 +664 118 3 876526604 +18 197 4 880130109 +493 271 1 884129823 +447 367 3 878856232 +453 1016 4 877552991 +459 1190 4 879563169 +631 289 4 888465216 +256 283 3 882150313 +11 646 3 891904389 +574 910 1 891279362 +671 947 3 884035775 +537 23 4 886030738 +405 553 1 885546379 +380 419 3 885479124 +619 288 3 885953931 +648 191 5 884368002 +116 1142 4 876452492 +569 125 3 879794348 +347 595 2 881653244 +62 128 2 879374866 +110 566 4 886988574 +250 95 5 878090499 +553 435 4 879948869 +662 50 3 880570142 +85 513 4 879454350 +500 25 3 883865755 +313 735 3 891014649 +605 318 5 879426144 +535 170 4 879618160 +270 324 2 876954733 +70 404 4 884149622 +669 505 3 891517159 +503 125 3 880390153 +484 313 5 885237934 +648 107 4 882212200 +201 269 3 886013700 +78 288 4 879633467 +409 285 4 881168712 +343 236 5 876402668 +171 346 4 891034835 +593 117 4 875659497 +479 356 3 879461951 +406 638 4 879446684 +379 188 4 892879481 +645 81 4 892055039 +537 268 4 886028647 +286 1502 2 877535499 +632 79 5 879457317 +548 14 1 891043182 +332 122 5 887938886 +661 118 4 876037058 +655 505 3 891735725 +537 427 4 886030831 +648 564 1 884883724 +405 1030 1 885547605 +582 1215 4 882963027 +99 173 4 885680062 +668 231 2 881605433 +217 181 1 889069878 +526 1084 5 885682590 +503 387 4 880383358 +99 210 5 885679705 +204 301 4 892389328 +537 170 3 886031211 +663 956 4 889493732 +429 53 1 882386814 +632 97 4 879458856 +624 285 5 879792557 +457 27 4 882549483 +618 597 4 891309041 +543 936 4 888209568 +401 507 4 891033014 +676 265 5 892686703 +533 12 4 879438543 +585 1485 3 891283124 +643 152 4 891446956 +407 479 4 875045240 +450 1441 3 882397940 +125 401 4 892838656 +217 472 3 889070011 +186 1083 1 879023599 +299 478 4 877880612 +653 1228 2 880153378 +510 258 4 887667465 +472 548 1 875982867 +643 216 4 891448136 +363 1009 2 891497205 +647 631 4 876532425 +268 1073 4 875309304 +663 7 4 889492841 +640 474 4 874777623 +62 723 2 879375738 +42 135 4 881109148 +641 514 4 879370062 +562 89 1 879195819 +660 462 2 891199293 +521 829 2 884476168 +648 685 5 882211924 +416 717 2 876697283 +659 602 4 891385986 +624 108 3 879793198 +586 239 3 884067058 +363 1157 2 891498558 +654 69 4 887864641 +485 319 3 891041485 +339 488 5 891032379 +648 118 4 882212200 +445 203 3 890988205 +291 1220 5 874868382 +328 118 3 885048396 +632 68 1 879459394 +419 100 5 879435722 +595 255 3 886921392 +499 182 2 885599551 +239 46 4 889180487 +487 273 5 883443504 +416 1054 3 876698083 +239 419 3 889178689 +663 117 4 889492390 +145 1023 1 885557545 +658 137 3 875145572 +455 471 4 879109692 +600 586 2 888453083 +425 171 3 890347138 +521 151 3 884476240 +599 815 3 880953441 +267 774 3 878973701 +429 123 4 882386448 +674 127 5 887762799 +450 1153 5 882397223 +450 328 4 886449488 +233 735 5 880610635 +509 302 5 883590443 +601 191 4 876350016 +666 203 4 880139180 +296 304 3 884196149 +44 67 3 878348111 +59 97 5 888205921 +494 222 5 879541375 +393 841 3 887745199 +561 100 4 885807484 +595 762 4 886922069 +77 252 1 884733379 +593 807 4 875672999 +380 708 3 885478759 +393 24 3 889729674 +514 73 4 876067258 +176 117 4 886048305 +233 100 4 877661294 +548 443 4 891044446 +374 322 4 880392482 +504 162 4 887832741 +479 283 4 879460140 +303 1092 1 879544435 +18 482 5 880130582 +637 471 2 882903822 +222 693 4 878184514 +457 181 4 882393384 +574 345 2 891278860 +551 476 5 892784259 +90 447 5 891385389 +1 46 4 876893230 +454 939 2 888267386 +629 317 4 880117430 +559 216 5 891035876 +450 421 4 887834823 +296 289 3 884196351 +94 944 1 891723619 +460 1 2 882911203 +397 192 5 885349610 +557 288 1 884357600 +200 385 5 884129696 +7 417 3 892132652 +595 237 3 886921315 +271 477 3 885847955 +589 538 5 883352494 +389 471 4 879916077 +393 628 4 887744626 +130 67 4 876252064 +606 144 4 880924664 +570 288 2 881262307 +393 477 3 889727833 +327 87 3 887818620 +470 458 4 879178542 +468 178 5 875296401 +535 604 4 879617663 +592 963 5 882955663 +314 106 2 877886584 +551 230 5 892782901 +90 64 4 891383912 +303 402 4 879485250 +606 28 4 880924921 +537 848 3 886030552 +203 258 3 880433368 +634 341 2 890779883 +653 502 2 878866995 +655 707 3 887472671 +44 163 4 878348627 +495 98 5 888632943 +279 591 2 875297381 +637 515 4 882902540 +409 1360 2 881106087 +313 744 3 891016986 +212 246 5 879303571 +503 297 5 879438346 +629 197 5 880117031 +269 661 4 891447773 +448 344 4 891888244 +416 31 5 893212730 +425 573 3 878738914 +592 339 3 882607572 +200 748 3 884125953 +380 258 4 885477742 +178 476 3 882824713 +592 11 5 882955978 +551 431 4 892777583 +344 1082 2 889814622 +417 559 4 879648979 +360 531 4 880355678 +585 1193 5 891282894 +270 213 5 876955067 +323 876 2 878738949 +464 603 5 878355259 +471 50 3 889827757 +305 282 3 886323806 +109 17 4 880582132 +221 1217 4 875247421 +183 380 4 891463592 +194 294 4 879520305 +3 271 3 889237224 +666 182 4 880139526 +501 7 4 883348236 +372 637 4 876869512 +524 504 5 884634877 +495 684 5 888634956 +583 276 4 879384338 +293 273 4 888904901 +615 22 4 879448797 +458 704 2 886397857 +332 450 5 888360508 +405 558 1 885546069 +405 1394 1 885549903 +504 141 3 887909578 +430 181 4 877225484 +188 566 5 875074200 +606 1518 4 880926760 +589 892 4 883352762 +59 106 4 888203959 +116 221 4 876453560 +115 124 5 881170332 +268 173 4 875310031 +666 638 3 880139563 +592 216 4 882955978 +316 515 4 880853654 +81 25 5 876533946 +472 254 4 875978191 +587 749 2 892871223 +350 183 3 882347465 +65 73 4 879217998 +397 199 5 885349790 +349 118 2 879466283 +53 257 4 879443188 +650 182 3 891385775 +308 962 4 887738104 +622 1 3 882590344 +519 330 5 884545961 +553 423 3 879948655 +271 603 4 885848802 +638 515 4 876694704 +628 938 5 880777095 +387 318 3 886479610 +552 412 2 879222583 +535 483 5 879618742 +506 66 4 874874676 +546 222 4 885141260 +488 98 4 891293698 +437 176 2 880143809 +531 288 1 887048686 +457 83 5 882396487 +601 287 1 876348215 +91 204 4 891438909 +447 27 3 878856601 +399 161 3 882344434 +162 403 3 877636713 +144 124 4 888104063 +630 250 1 885666650 +45 597 3 881014070 +664 478 5 878090415 +620 354 5 889986477 +18 411 3 880131986 +435 1215 3 884134810 +608 215 3 880406299 +70 264 4 884063668 +451 333 5 879012550 +655 280 2 888474490 +350 179 5 882347653 +453 975 2 887942451 +269 1073 3 891447169 +620 795 4 889988340 +297 582 4 875238814 +638 230 5 876695259 +576 514 5 886986400 +332 172 5 888098088 +630 191 3 885668090 +399 444 1 882350733 +650 140 2 891389132 +647 117 3 876776321 +488 265 4 891294473 +395 15 3 883765928 +69 298 4 882072998 +268 95 4 875309945 +627 182 4 879529916 +652 323 3 882567100 +437 603 5 880140051 +660 797 2 891201753 +642 826 5 888963032 +437 955 4 881002404 +436 313 5 887768521 +504 310 4 887831273 +537 265 3 886031473 +650 485 3 891385422 +153 325 2 881370935 +474 1113 3 887926059 +194 521 4 879524504 +514 28 5 875311192 +95 1228 3 880572689 +642 996 2 885605932 +393 118 4 887744578 +432 3 3 889416260 +284 754 3 885329065 +436 26 3 887771146 +328 685 4 885047450 +542 410 4 886532971 +526 282 3 885682370 +328 65 4 885046912 +460 127 4 882912150 +85 782 2 879829757 +660 546 2 891198588 +551 693 5 892777943 +504 208 4 887838450 +52 318 5 882922974 +577 560 3 880475363 +60 434 5 883327368 +603 183 4 891957110 +660 17 1 891265453 +405 516 1 885547314 +275 121 3 876197678 +645 434 4 892055389 +646 683 3 888529014 +301 210 4 882076211 +405 849 1 885548049 +625 265 3 892054198 +621 944 5 874963126 +46 100 4 883616134 +23 8 4 874785474 +660 63 2 891201823 +450 182 5 882376585 +113 255 5 875935609 +557 150 3 881179621 +666 183 5 880139180 +331 1017 2 877196235 +234 215 3 892079722 +622 1552 2 882670793 +234 166 5 892079237 +417 849 1 879649632 +677 286 1 889399113 +334 433 5 891628158 +271 177 3 885848373 +334 1426 4 891548647 +425 550 4 878738813 +593 815 3 875659826 +132 1154 3 891278896 +637 410 2 882904148 +293 234 5 888906726 +650 498 4 891369587 +59 503 4 888205855 +429 658 3 882386448 +268 56 4 875309998 +154 324 2 879138287 +106 739 3 881453290 +391 237 4 877399864 +321 32 3 879440716 +189 663 3 893265773 +99 105 2 885679353 +416 187 5 893214128 +455 475 4 879109069 +392 482 5 891038945 +477 1041 5 875941225 +457 197 5 882396705 +373 1066 4 877106233 +450 163 4 882377358 +435 117 3 884131356 +600 11 5 888451665 +619 651 5 885954053 +252 286 5 891455263 +643 282 3 891445230 +668 307 4 881523762 +435 358 4 884130864 +303 583 1 879483901 +457 77 4 882398345 +650 202 3 891372258 +219 4 4 889452481 +600 651 4 888451492 +484 679 2 891195476 +291 933 4 874833936 +608 199 1 880403606 +537 181 2 886031437 +190 121 3 891033773 +535 921 4 879617489 +422 287 3 878199757 +450 83 4 882372027 +500 250 4 883865195 +614 255 5 879464119 +15 925 2 879455764 +606 1039 4 880923690 +601 157 3 876349716 +496 1614 3 876070690 +638 89 4 876694704 +541 235 1 883866049 +524 1166 5 884635031 +577 1271 3 880475581 +387 625 2 886483669 +637 833 1 882905070 +597 225 4 875342875 +417 1011 3 880949438 +617 647 3 883789006 +682 924 5 888517627 +328 77 4 885046977 +628 874 5 880776981 +609 908 1 886895699 +521 475 3 884475889 +655 950 3 887611566 +623 234 4 891034343 +435 394 4 884132873 +606 214 4 880926018 +474 69 5 887924618 +358 1524 5 891269418 +592 100 5 882608182 +567 170 3 882426184 +291 423 4 874868210 +606 432 5 880926339 +200 91 4 884129814 +234 489 3 892079237 +593 220 3 875660274 +535 173 5 879617747 +234 504 4 892078485 +21 185 5 874951658 +613 471 3 891227410 +665 343 3 884292654 +204 146 3 892513979 +456 211 4 881374162 +245 894 1 888513860 +618 190 4 891307404 +235 195 4 889655162 +148 474 5 877019882 +607 180 4 883879556 +293 1286 4 888906844 +92 684 3 875656502 +292 665 3 881103478 +472 834 3 875979685 +622 568 4 882592449 +587 325 5 892871252 +158 231 2 880134532 +70 501 4 884067201 +405 774 1 885548475 +663 11 5 889493628 +343 193 4 876405857 +545 17 3 879899472 +432 117 4 889415853 +379 357 5 881000269 +332 121 5 887916692 +286 569 4 877534313 +276 735 4 874791214 +379 219 3 890464337 +650 435 4 891372286 +577 99 3 880474674 +354 248 4 891216956 +586 155 3 884067874 +414 302 5 884998953 +405 97 2 885545638 +659 258 4 891331825 +606 928 4 880928180 +422 260 3 875129668 +614 279 3 879464287 +478 238 3 889388818 +548 333 4 891042624 +602 50 5 888638460 +102 596 2 883748352 +549 515 5 881672276 +194 276 3 879539127 +500 274 3 883865807 +363 50 5 891495168 +38 452 5 892434523 +336 710 4 877757700 +406 504 4 879445859 +622 542 2 882671346 +92 274 4 876175626 +608 568 5 880406032 +58 249 4 892242272 +666 4 5 880314477 +249 96 4 879572600 +655 611 3 887475345 +423 340 4 891394504 +667 435 3 891035104 +653 1620 2 886052291 +407 183 4 875046799 +479 479 4 879461378 +503 210 5 880383703 +591 94 3 891031603 +496 1139 2 876073882 +606 709 5 880927417 +496 825 3 876065015 +380 1039 3 885481179 +664 1090 1 876526739 +618 132 4 891307057 +543 471 3 875657863 +527 93 4 879456078 +654 278 3 887863757 +94 501 4 891721642 +437 28 3 880140534 +246 1089 1 884924710 +506 539 4 884517135 +181 412 2 878963122 +344 96 4 889814195 +385 235 5 879440940 +81 596 3 876533824 +13 736 4 882399528 +268 802 3 875744388 +664 7 3 878091393 +106 14 4 881449486 +629 11 2 880116789 +393 1181 3 889731064 +655 210 3 888474646 +207 521 4 878191679 +474 1421 4 887928562 +535 133 5 879618019 +357 685 3 878951616 +43 174 4 875975687 +457 402 4 882548583 +659 96 4 891384552 +585 923 5 891282808 +543 44 3 874865728 +130 398 3 878537516 +587 892 3 892871462 +291 393 3 875086235 +230 223 5 880484415 +467 742 2 879532671 +533 685 4 887032380 +577 44 3 880474934 +469 64 5 879523802 +13 865 5 882141425 +151 265 5 879542566 +519 266 5 883248595 +393 105 3 887745544 +579 173 5 880951765 +405 853 1 885547124 +640 195 4 874778515 +334 155 2 891549927 +135 321 4 879857575 +587 342 1 892871503 +453 364 3 888206676 +246 748 1 884924441 +125 393 4 879455241 +97 603 4 884238817 +629 991 1 880115923 +663 603 4 889493540 +515 750 2 887658782 +430 462 3 877226164 +504 69 4 887837918 +67 1052 3 875379419 +660 313 4 891197481 +342 412 3 875318648 +655 576 2 888893313 +650 127 2 891369520 +303 150 5 879467190 +59 474 5 888204430 +639 692 3 891239550 +606 132 5 880923925 +544 749 4 884795471 +381 303 3 892697999 +551 979 4 892784479 +468 157 4 875294741 +447 1048 2 878854579 +293 129 3 888904814 +552 411 3 879222002 +437 180 4 880139868 +479 328 4 879459611 +296 186 3 884199624 +486 255 3 879874692 +592 331 3 882607528 +577 87 5 880474216 +417 399 3 879648898 +345 125 3 884991191 +459 969 3 879564882 +59 672 5 888206015 +43 12 5 883955048 +650 674 4 891386778 +502 680 3 883702255 +287 476 1 875334340 +28 322 2 881955343 +542 70 4 886532788 +85 419 5 882819427 +334 494 4 891547235 +13 656 5 882139746 +533 186 3 879438850 +513 405 3 885062559 +551 3 5 892784093 +655 1319 3 887426373 +417 63 3 879649021 +682 735 4 888517627 +660 432 4 891199104 +411 73 4 892845634 +503 216 5 880383357 +624 924 4 879792493 +669 537 3 891517159 +649 275 2 891440412 +608 658 3 880408150 +666 492 4 880139252 +616 299 3 891224801 +429 1 3 882385785 +621 41 4 874963273 +610 294 1 888702795 +614 122 3 879465320 +637 544 3 882903914 +457 540 3 882551740 +669 462 5 892550137 +627 586 3 879531557 +653 409 2 880153406 +497 248 4 879309673 +86 269 4 879569486 +178 124 4 882823758 +574 289 4 891279285 +599 535 4 880952267 +13 411 2 882141924 +479 188 2 879461545 +18 427 5 880129421 +403 477 4 879786165 +682 623 3 888523288 +144 405 4 888104419 +624 534 3 879792358 +288 173 3 886373474 +435 1225 3 884131597 +184 165 4 889911178 +319 332 4 876280289 +569 276 4 879793493 +407 255 4 884197052 +73 1 2 888626065 +514 19 4 875463128 +561 520 4 885807318 +267 186 5 878972071 +411 58 3 892845804 +494 479 3 879541207 +303 23 5 879467936 +474 699 4 887927457 +605 483 5 879425432 +664 732 3 876525315 +295 497 5 879519556 +472 343 5 892790628 +610 427 5 888703730 +633 183 4 875325577 +405 23 5 885545372 +546 349 4 885141260 +463 952 1 890453075 +374 619 3 880393553 +537 65 3 886030767 +116 355 2 887605347 +90 654 5 891384357 +528 178 4 886101695 +478 340 5 889398260 +145 284 4 888398104 +305 1485 3 886323902 +56 153 4 892911144 +642 80 5 885606557 +551 455 1 892783525 +153 181 1 881371140 +350 195 5 882347832 +287 710 4 875334807 +407 449 2 876344772 +298 153 3 884127369 +194 1091 3 879528568 +640 578 3 874778612 +588 172 5 890026459 +265 117 5 875320332 +577 651 5 880475043 +442 240 2 883388833 +625 248 4 891629673 +407 657 4 875553625 +655 252 2 888474490 +528 484 3 886101695 +308 321 3 887736408 +664 514 5 876526179 +165 260 3 879525673 +627 458 3 879530824 +659 419 5 891331916 +496 158 2 876069951 +537 317 3 886031786 +49 501 3 888066979 +653 1012 4 878854852 +537 525 3 886030891 +620 895 3 889986984 +548 1025 4 891043278 +313 503 5 891014697 +184 235 2 889907862 +196 1007 4 881251601 +537 512 3 886031438 +277 471 3 879543377 +422 452 3 879744183 +391 772 2 877399030 +617 185 5 883789042 +59 313 5 888202532 +332 77 4 888360343 +640 357 5 874778274 +618 71 4 891309041 +489 875 2 891449465 +552 291 2 879222661 +457 304 4 882392853 +566 483 4 881649357 +661 527 4 876035679 +232 170 5 888549929 +486 277 3 879874418 +682 215 4 888517197 +189 214 1 893266326 +641 83 4 879370119 +537 959 3 886032154 +664 466 4 876526519 +110 385 3 886988574 +23 479 5 874785728 +621 393 3 874962705 +314 151 4 877886522 +303 72 3 879485111 +378 715 4 889665232 +70 225 3 884148916 +466 326 3 890282925 +49 1079 1 888069165 +587 938 2 892871141 +682 265 3 888520922 +506 380 4 874874585 +655 1208 3 887430746 +13 568 3 882140552 +109 186 3 880572786 +326 180 1 879875457 +648 429 4 884368130 +682 325 4 888521174 +605 462 5 881016176 +587 902 2 892871584 +83 298 4 891181511 +436 785 2 887770731 +373 431 5 877098643 +591 238 5 891031228 +92 227 1 875654846 +522 179 5 876961190 +311 192 3 884366528 +541 50 5 884046910 +656 750 2 892318648 +144 55 4 888105254 +82 539 3 884713704 +188 294 2 875071249 +474 70 4 887928498 +588 318 4 890015435 +174 401 1 886515063 +442 449 2 883390739 +278 923 5 891295330 +666 206 4 880139669 +295 382 5 879519556 +495 1046 5 888636837 +476 83 3 883364143 +376 321 3 879433164 +188 742 5 875073909 +234 923 4 892078741 +199 323 3 883782655 +564 312 3 888718443 +595 678 1 886920819 +346 739 3 874950316 +385 428 3 879442706 +380 744 3 885480144 +1 169 5 878543541 +591 86 5 891031171 +514 214 5 875318163 +303 501 4 879484981 +159 364 1 884026964 +661 313 4 886829961 +627 732 3 879530568 +679 520 4 884487031 +291 456 3 874834165 +299 81 4 889504036 +298 484 4 884182627 +303 597 1 879485204 +97 195 5 884238966 +521 746 4 884478152 +655 1007 3 891585504 +308 153 5 887737484 +10 693 4 877886783 +311 1050 3 884365485 +474 60 3 887925620 +297 746 3 875239569 +346 55 5 874948639 +405 1570 1 885549544 +481 50 4 885827974 +373 169 5 877099016 +127 901 5 884363990 +212 645 3 879303795 +234 277 3 892334680 +351 310 5 879481386 +489 326 4 891362773 +290 174 5 880473891 +125 186 3 879454448 +342 378 4 875319617 +344 127 5 889814518 +608 98 5 880403855 +487 191 4 883446027 +300 264 1 875650132 +493 693 4 884132129 +451 880 1 879012773 +514 258 4 875308674 +630 477 4 885667200 +465 258 5 883529482 +122 135 4 879270327 +121 282 1 891389037 +411 229 3 891035362 +640 1016 3 886474538 +452 780 1 885476356 +373 95 5 877099263 +135 324 3 879857575 +586 200 4 884060941 +543 566 4 877545605 +130 1210 2 880396831 +523 25 4 883702054 +663 274 3 889493182 +381 640 5 892696168 +660 826 3 891198762 +474 604 4 887926059 +660 98 4 891199348 +87 1188 2 879876110 +489 752 5 891448109 +657 1009 4 884240629 +654 257 4 887863802 +136 9 5 882693429 +567 268 4 882426327 +308 603 5 887736743 +583 175 5 879384471 +559 187 3 891033911 +301 735 2 882077871 +533 333 4 886425803 +239 1098 5 889180487 +653 737 1 880151839 +601 58 1 876350400 +665 177 3 884294374 +301 742 4 882074437 +663 471 3 889492841 +532 26 3 888629359 +432 257 5 889416118 +478 231 1 889398598 +429 385 3 882386915 +252 290 3 891456877 +393 1168 3 889729346 +625 195 4 891262983 +43 491 4 883954997 +536 56 3 882360405 +405 697 1 885545883 +581 100 5 879641603 +627 117 3 879531248 +668 258 2 881523929 +537 307 3 886028791 +257 1022 2 879547764 +660 249 2 891198109 +545 729 3 884134114 +582 410 3 882961481 +290 121 4 880475266 +387 187 4 886483049 +587 338 4 892871462 +295 790 3 879519265 +257 313 5 884151683 +666 179 5 880139323 +521 235 3 884476221 +38 202 2 892431665 +145 352 4 885556043 +293 17 2 888907335 +94 250 4 891724257 +244 235 1 880604910 +263 180 4 891297921 +435 890 1 884130883 +597 713 2 875340010 +354 308 4 891180569 +158 455 4 880132772 +18 23 4 880130065 +659 855 2 891386576 +457 200 5 882396799 +605 191 5 879426212 +380 629 2 885478497 +271 381 3 885849536 +255 930 1 883216958 +388 288 5 886439506 +58 655 5 884304865 +642 1029 3 885606271 +598 750 5 886711452 +659 161 3 891386492 +421 50 5 892241294 +648 122 1 882212609 +264 525 5 886122508 +62 521 5 879374706 +389 66 3 880088401 +498 160 5 881958174 +559 163 4 891035840 +268 636 3 875744174 +447 1142 5 878854481 +161 428 3 891171023 +255 222 3 883216845 +537 468 2 886032029 +620 300 3 889986411 +389 300 3 879990863 +63 325 2 875747047 +537 202 3 886031540 +660 101 3 891201243 +567 604 4 882426508 +660 1178 1 891265453 +625 222 4 891273543 +671 250 5 875389187 +682 68 5 888522575 +524 81 1 884636262 +650 484 5 891372365 +618 192 5 891307367 +541 476 5 883866007 +632 470 4 879459677 +660 7 3 891198203 +421 219 3 892241687 +148 181 5 877399135 +534 756 4 877808175 +387 1129 4 886480623 +334 20 4 891544867 +450 187 5 882373597 +221 27 4 875247754 +256 679 3 882164525 +11 717 2 891902815 +505 496 5 889333534 +288 134 2 886374129 +613 64 5 891227204 +305 196 4 886324097 +592 81 4 882956201 +207 357 5 878191679 +452 603 4 887718667 +327 658 2 887747668 +605 340 4 879365132 +476 999 2 883365385 +559 519 5 891034004 +94 196 4 891721462 +457 756 2 882395742 +445 273 2 891199869 +640 12 5 874777491 +673 288 4 888787423 +539 22 3 879788195 +276 1267 4 874791102 +632 746 3 879459481 +406 524 4 879446361 +472 183 5 875980376 +343 65 5 876405172 +206 346 5 888179981 +160 461 5 876857977 +684 64 4 878759907 +163 357 4 891220097 +669 169 3 891517159 +606 68 5 880927127 +588 934 4 890030736 +627 86 3 879530263 +301 97 4 882076121 +63 480 3 875748245 +640 201 4 874778240 +588 531 3 890015722 +385 919 4 879440158 +347 100 3 881652417 +344 1137 3 884899339 +77 25 2 884733055 +634 293 3 877018347 +493 404 4 884132351 +305 165 4 886323153 +466 79 3 890284706 +161 272 5 891170514 +454 211 2 888267158 +546 185 4 885141360 +436 660 4 887771825 +350 173 4 882347465 +479 258 5 879459552 +5 398 2 875636167 +492 657 3 879969345 +301 340 4 882075432 +682 352 1 888518424 +485 303 4 891040688 +542 531 4 886533452 +634 100 4 875728834 +262 411 2 879791130 +488 776 4 891294298 +488 890 1 891293478 +666 831 2 880313841 +554 939 4 876550342 +326 1 3 879876159 +518 1335 3 876823018 +437 588 3 881002092 +542 192 5 886533421 +407 177 4 887833034 +416 86 1 886316439 +503 729 3 880472454 +216 216 4 883981877 +643 89 3 891448630 +406 143 1 879445935 +169 321 3 891268777 +130 538 5 884623983 +286 184 3 877534506 +380 170 4 885478192 +597 50 5 875339876 +95 102 4 880572474 +267 47 5 878972369 +577 132 4 880472153 +591 516 3 891031469 +537 489 3 886030738 +655 1351 3 888984539 +326 441 2 879877433 +156 510 4 888186093 +229 896 4 891633029 +600 761 4 888451977 +566 384 3 881651360 +537 727 2 886032245 +311 735 4 884366637 +637 1344 4 882901356 +313 748 3 891012934 +417 122 2 879646838 +665 684 3 884294286 +528 588 2 886101736 +198 581 3 884209504 +360 25 4 880355209 +568 504 3 877907596 +450 661 3 882373231 +459 164 4 879564941 +279 176 3 875310606 +620 993 5 889987954 +492 531 4 879969539 +115 137 5 881169776 +178 679 4 882826944 +151 97 5 879528801 +466 273 4 890284857 +276 1109 3 882659656 +385 417 2 879447671 +178 144 4 882825768 +643 70 3 892502414 +685 269 3 879451401 +665 1040 4 884291550 +166 347 5 886397562 +579 56 3 880952360 +401 477 1 891034050 +6 168 4 883602865 +405 808 1 885546487 +109 202 5 880578632 +532 915 4 891909850 +600 62 4 888452151 +94 302 4 891928684 +342 531 3 874984175 +568 659 3 877907050 +665 346 2 884289897 +70 135 4 884065387 +107 259 2 891264630 +506 972 3 874874760 +341 872 4 890757841 +21 573 2 874951898 +606 172 5 880924322 +436 655 5 887769233 +642 142 4 886569380 +500 15 2 883865129 +374 558 1 882158738 +552 926 2 879222698 +94 1012 4 891724100 +505 526 5 889333823 +662 591 4 880570112 +653 388 2 880153705 +541 234 5 883874433 +495 157 5 888635294 +538 258 3 877095640 +435 68 4 884131901 +334 887 5 891544491 +608 144 4 880405659 +662 286 3 880569465 +538 187 5 877107840 +222 158 3 878184171 +50 544 4 877052937 +7 634 5 891351287 +673 269 4 888786942 +503 485 4 880472383 +551 5 4 892783314 +450 471 4 882396153 +542 175 3 886532762 +184 185 4 889908843 +349 1028 2 879466200 +506 731 4 874873374 +600 89 5 888451492 +682 92 5 888519059 +347 689 4 881652250 +532 364 3 874791976 +655 1046 3 887430779 +411 117 2 891035761 +332 406 3 887938601 +655 1169 3 887427210 +112 272 5 886398204 +181 1173 1 878962052 +515 328 2 887660131 +500 393 3 883875793 +600 540 3 888453083 +418 895 4 891282595 +395 196 4 883764378 +504 479 4 887832571 +630 257 3 885667037 +200 509 4 884129602 +462 11 5 886365498 +487 160 4 884041685 +214 508 4 891543157 +606 225 1 880923349 +543 855 4 875663543 +551 332 4 892775547 +474 601 5 887927509 +529 886 4 882535353 +380 9 3 885479301 +405 783 2 885547645 +474 289 3 887914906 +49 1074 2 888069165 +536 283 3 882318369 +591 48 4 891031286 +629 509 5 880116818 +533 100 5 882902988 +174 871 1 886434166 +676 520 4 892686758 +207 655 4 877878342 +610 331 3 888702764 +64 101 2 889740225 +380 194 4 885478799 +374 66 3 880394571 +94 1211 5 891722458 +284 310 3 885328991 +588 597 4 890026543 +639 512 2 891239759 +489 325 5 891445439 +592 461 4 882955765 +460 458 2 882911603 +354 533 5 891216805 +546 100 3 885140706 +621 172 5 874965407 +417 827 2 879646860 +125 376 3 892838510 +200 462 4 884128858 +314 470 3 877889770 +683 1483 3 893286346 +193 177 4 890860290 +510 300 5 887667439 +269 762 1 891446662 +577 1033 4 880471170 +220 258 3 881197771 +56 473 2 892683323 +617 767 3 883789747 +429 68 3 882385963 +276 455 4 874786713 +380 270 3 885481179 +524 52 4 884636453 +682 351 4 888518468 +16 98 5 877718107 +621 222 4 880736904 +653 395 1 880153674 +443 340 5 883504748 +334 181 4 891544904 +429 82 4 882386121 +691 603 5 875543191 +342 692 1 875319090 +94 418 3 891721317 +684 147 2 878232961 +595 508 5 886921199 +654 746 3 887864204 +561 724 3 885808867 +432 864 2 889416657 +334 675 4 891547148 +634 14 3 875728783 +524 55 2 884634911 +659 77 4 891386680 +543 4 4 875658853 +503 50 5 879438161 +436 628 5 887770457 +537 299 2 886028791 +363 95 3 891496694 +338 197 5 879438473 +682 1303 2 888522699 +626 294 3 878771243 +585 1021 3 891283681 +561 684 3 885808867 +653 1206 3 880152377 +665 476 4 884291133 +460 307 4 882912418 +655 1395 3 887768594 +660 402 3 891201380 +299 531 3 877880350 +458 589 4 886396140 +577 829 3 880470884 +684 38 3 878759635 +460 1251 3 882912285 +82 7 3 876311217 +269 1110 2 891450385 +550 50 5 883425283 +654 1035 4 887864697 +163 28 3 891220019 +668 554 3 881702723 +11 125 4 891903108 +519 325 1 883248535 +487 955 5 884024462 +372 288 5 876869066 +561 216 3 885807173 +299 274 3 877878339 +621 257 5 880738699 +52 25 5 882922562 +483 195 3 878954753 +610 288 3 888702795 +539 285 4 879788623 +294 151 5 877819761 +648 28 5 884628437 +85 121 2 879453167 +650 581 2 891370155 +624 1047 3 879793436 +552 988 3 879220650 +49 25 2 888068791 +566 673 4 881649775 +537 718 4 886029771 +499 357 5 885599372 +430 276 1 877225753 +634 235 3 875729825 +499 271 3 882995586 +541 142 5 883874778 +624 237 4 879793174 +18 614 4 880130861 +139 302 3 879537844 +331 304 5 877196820 +198 153 4 884207858 +378 479 4 880055564 +437 702 1 880141335 +661 178 4 876013492 +647 490 4 876532145 +629 7 2 880117635 +360 523 3 880356240 +352 653 3 884290428 +276 328 4 874786366 +352 144 5 884290328 +643 223 4 891447696 +622 144 5 882592103 +605 879 3 879365417 +271 205 5 885848343 +487 686 4 884044329 +345 287 4 884991670 +639 98 4 891240643 +618 655 4 891309887 +314 1469 4 877889103 +327 845 3 887818957 +625 183 3 892000438 +531 302 5 887048686 +369 316 5 889428641 +524 65 4 884636646 +586 233 4 884062405 +345 69 4 884992755 +632 480 5 879459739 +7 641 5 892135346 +433 919 5 880585923 +472 577 3 875982680 +386 982 3 877655195 +541 88 3 883865738 +459 678 4 879561783 +577 56 3 880474934 +459 301 2 879561574 +115 654 5 881171409 +498 448 4 882205321 +617 519 3 883789105 +521 121 2 884475889 +296 221 5 884196524 +60 675 4 883326995 +626 328 1 878771505 +502 895 4 883702370 +622 82 3 882670767 +655 1418 4 888474646 +83 409 4 880307417 +595 1312 3 886921787 +2 311 5 888552084 +536 172 5 882359539 +13 224 4 882140166 +666 202 5 880139493 +561 240 1 885810726 +463 126 4 877385531 +451 286 1 879012343 +5 204 4 875636675 +618 1058 3 891309114 +363 227 4 891498135 +375 1217 4 886622131 +407 132 4 875043800 +644 307 4 889076031 +100 1233 3 891375112 +683 248 4 893286603 +580 471 3 884125018 +391 100 4 877399805 +607 121 2 883879811 +271 69 4 885848559 +654 1285 4 887864998 +601 842 1 876351171 +682 1118 3 888521711 +617 184 1 883789464 +458 126 4 886394730 +515 302 3 887658604 +624 881 3 879792132 +631 313 4 888464915 +458 750 5 889323771 +11 738 3 891905324 +314 742 4 877886221 +496 143 3 876067146 +526 342 2 885682295 +592 257 4 882608107 +291 67 4 875086308 +358 1149 3 891270043 +41 97 3 890687665 +445 333 2 890987410 +650 637 3 891387353 +42 462 2 881108093 +641 124 4 879370299 +674 405 4 887762861 +618 318 5 891307825 +655 134 4 887431976 +533 211 4 879191972 +200 924 5 876042368 +174 623 3 886515532 +632 131 4 879458941 +551 157 4 892782765 +567 168 5 882425736 +138 602 4 879024382 +406 505 4 879540515 +548 460 4 891416122 +493 876 1 884129923 +407 143 4 875117053 +234 418 3 892079373 +85 504 4 879453748 +18 178 3 880129628 +537 990 2 886029153 +279 763 3 875297522 +256 319 2 882150053 +614 405 2 879464525 +327 98 4 887746196 +360 933 3 880354408 +200 443 5 884129468 +353 315 4 891402757 +456 763 4 881372015 +299 213 5 878192555 +629 1119 5 880116756 +259 298 4 874724754 +350 271 3 882347466 +73 175 5 888625785 +623 66 4 891034993 +661 443 4 876035933 +624 1017 3 879792322 +659 144 4 891384499 +209 271 2 883589607 +280 609 4 891701278 +92 436 4 875654534 +533 1041 2 879192069 +591 116 4 891039616 +479 172 4 879461084 +84 87 5 883453587 +308 613 4 887738620 +672 127 4 879787729 +524 568 4 884636152 +692 56 3 876953204 +573 275 4 885843596 +459 1051 3 879563667 +504 942 4 887841136 +625 584 3 891636000 +588 217 4 890030473 +601 12 3 876348947 +473 256 4 878157648 +279 625 3 878261977 +577 939 5 880474933 +580 405 2 884126077 +314 496 4 877888060 +275 625 2 875154655 +474 617 3 887925620 +437 161 2 880140288 +592 320 5 882955735 +313 683 3 891030792 +269 629 2 891451396 +535 52 4 879618091 +542 237 4 886532238 +13 367 3 882141458 +13 33 5 882397581 +561 243 1 885807010 +624 249 3 879793380 +650 507 4 891371153 +378 5 3 880332609 +551 313 4 892775389 +171 354 3 891034606 +435 577 3 884133973 +426 511 4 879441978 +546 7 5 885140689 +660 710 3 891199942 +590 744 4 879438769 +458 980 5 886394667 +342 965 4 875319195 +453 93 2 887941962 +426 654 5 879442785 +134 315 3 891732122 +570 324 2 881262437 +145 173 5 875272604 +650 77 3 891370093 +370 181 4 879434832 +330 1 5 876544432 +160 825 2 876767299 +346 127 5 874947747 +553 617 4 879949042 +679 174 3 884486837 +503 280 1 892667653 +128 465 4 879968008 +599 756 5 880952037 +184 451 4 889909914 +654 313 5 887862952 +6 303 3 883268321 +57 496 4 883698362 +236 191 4 890116335 +294 111 4 877819999 +115 479 5 881171825 +457 1037 2 882551818 +311 623 2 884366112 +661 436 4 876036043 +421 144 5 892241624 +532 1207 2 874790439 +666 792 4 880568694 +121 300 3 891387810 +378 86 4 880045935 +508 23 4 883767361 +666 301 4 880138999 +585 510 5 891284016 +148 56 5 877398212 +21 978 1 874951483 +545 257 5 879898678 +424 310 3 880858829 +234 496 4 892079190 +640 336 3 886353894 +207 92 2 875509346 +682 780 3 888522217 +671 385 5 884035892 +639 664 2 891239324 +350 168 5 882346847 +488 692 4 891294707 +354 582 4 891217897 +663 544 4 889492841 +314 747 1 877889698 +690 384 3 881177804 +13 684 5 882397271 +630 1047 4 885667200 +506 203 4 874874152 +194 474 4 879521396 +587 687 1 892871683 +537 955 4 886031149 +622 56 5 882592103 +442 174 4 883389776 +552 147 3 879222412 +690 364 3 881178026 +537 530 4 886030768 +521 50 4 884475799 +263 482 4 891298976 +236 207 3 890116221 +550 748 4 883425365 +390 845 2 879694232 +62 597 2 879373254 +673 344 5 888787376 +178 724 4 882827433 +328 1217 3 885049790 +161 1117 3 891172402 +70 597 3 884148999 +181 323 2 878961304 +567 299 4 882426350 +655 1045 3 887427473 +474 605 3 887927670 +554 678 3 876231229 +664 168 4 878090705 +148 549 3 877398385 +268 159 2 875745350 +387 446 2 886481800 +246 404 3 884922434 +48 194 4 879434819 +256 1208 3 882164927 +429 23 4 882385243 +234 436 3 892334765 +405 1232 1 885546681 +405 679 1 885547997 +588 118 3 890026210 +660 24 3 891198277 +505 172 3 889334129 +268 479 4 875310463 +643 208 5 891448136 +392 312 4 891037561 +666 174 3 880139586 +573 713 4 885843817 +689 273 3 876676165 +690 218 5 881179906 +665 65 4 884293523 +466 231 1 890285159 +639 387 3 891239380 +184 707 4 889908873 +87 195 5 879875736 +406 610 1 879446228 +461 319 3 885355778 +592 367 4 882956510 +60 227 4 883326784 +364 990 4 875931478 +314 655 4 877887605 +7 540 3 892132972 +416 431 4 886316164 +527 238 5 879456405 +663 47 4 889493576 +518 1040 3 876823541 +271 498 5 885848672 +497 418 3 879310021 +345 4 4 884993619 +363 90 5 891498183 +201 556 4 884111397 +268 559 2 875744556 +586 742 3 884057578 +686 28 4 879546147 +624 628 4 879793198 +450 239 5 882373865 +453 871 1 888206233 +281 301 3 881200643 +653 98 2 878854633 +11 332 5 891901769 +665 328 4 884290055 +527 60 4 879456132 +634 258 4 884980585 +627 273 4 879531196 +452 423 5 885544110 +615 529 5 879448036 +472 12 5 892791017 +537 923 3 886031342 +655 32 4 887426900 +558 253 5 879436396 +514 186 4 875463028 +606 150 4 878143246 +92 51 4 875812305 +296 480 5 884197068 +527 962 3 879456312 +592 702 4 882956510 +274 628 4 878945505 +532 508 4 888636373 +340 428 1 884991618 +399 506 3 882344406 +507 298 5 889965997 +439 7 4 882893245 +315 642 5 879821267 +435 152 4 884132072 +178 1258 4 882823930 +171 303 4 891034801 +665 588 4 884294772 +396 9 4 884646401 +178 625 3 884837073 +264 637 4 886122446 +452 48 5 885816769 +153 357 5 881371059 +302 748 1 879436739 +618 216 3 891308791 +496 53 3 876070655 +590 475 4 879439645 +655 525 2 892333973 +455 127 5 879111586 +40 876 3 889041694 +299 202 4 889501325 +554 11 4 876233069 +682 655 5 888519725 +616 678 2 891224718 +527 655 3 879456464 +348 243 3 886522740 +457 412 2 882396217 +451 259 4 879012721 +458 588 5 886396460 +480 96 4 891208623 +385 93 3 880682080 +541 877 1 884046888 +537 147 2 886030012 +210 763 2 887730750 +655 962 5 887473674 +667 651 5 891034767 +592 751 3 882955258 +295 216 5 879517580 +1 41 2 876892818 +508 474 5 883777430 +393 636 3 889729508 +674 294 4 887762296 +213 106 4 878870904 +478 1270 1 889396212 +22 568 4 878887810 +645 55 3 892053748 +128 684 4 879969390 +586 144 4 884059287 +329 879 2 891655515 +454 614 3 888267590 +441 294 4 891035211 +361 207 4 879440545 +532 330 4 888636373 +66 763 4 883602094 +378 53 3 880333695 +1 162 4 878542420 +389 238 5 879991387 +181 1326 1 878963342 +450 497 5 882374422 +693 181 3 875483881 +70 174 5 884065782 +201 286 2 884110702 +106 244 4 883877094 +546 457 1 885139608 +668 294 3 890349076 +551 176 4 892776876 +648 184 5 884368643 +660 846 2 891198174 +11 715 3 891904764 +31 136 5 881548030 +363 173 5 891494658 +311 282 5 884963228 +276 51 3 874791025 +668 403 4 881605433 +552 125 3 879222484 +184 213 5 889909045 +551 180 5 892777052 +586 358 4 884069523 +625 528 3 891961633 +639 168 1 891240678 +346 120 3 875264287 +621 722 4 881444887 +151 507 5 879524394 +500 619 3 883865341 +686 98 5 879546651 +563 237 5 880506666 +653 685 3 878854769 +334 81 4 891546299 +592 144 5 882956668 +682 509 2 888517235 +334 462 4 891628832 +65 98 4 879218418 +49 240 3 888067031 +193 218 4 889126705 +653 7 2 878866951 +535 56 3 879617613 +425 231 3 878738435 +686 474 5 879545413 +614 472 3 879464416 +371 181 3 877486953 +409 493 4 881108364 +279 203 2 875310676 +101 926 3 877136628 +642 44 3 885603870 +669 898 1 891182812 +222 619 4 877563953 +429 527 5 882387757 +516 250 4 891290565 +436 95 4 887770037 +624 919 4 879792581 +654 128 5 887865053 +119 405 4 874775815 +454 69 4 881959818 +643 262 3 892502480 +481 430 4 885829196 +110 272 4 886987145 +397 611 5 885349562 +608 76 4 880408115 +321 286 4 879438932 +406 237 1 879540078 +188 162 4 875072972 +429 921 2 882385962 +618 559 3 891309382 +38 155 5 892432090 +682 1045 3 888517792 +254 69 5 886471959 +463 224 3 877385181 +46 305 5 883614766 +650 629 3 891387398 +426 427 5 879442737 +629 566 5 880117395 +474 14 5 887915306 +685 286 1 879447443 +666 1098 4 880314384 +472 121 5 875978600 +650 196 4 891370998 +591 466 3 891031116 +590 255 1 879439374 +406 220 3 879540388 +173 299 4 877556926 +627 214 3 879530408 +89 50 5 879461219 +152 8 5 882829050 +559 1141 2 891034316 +80 531 4 887401430 +652 259 2 882567058 +158 226 3 880134675 +671 204 5 884204510 +211 1025 3 879461394 +537 209 4 886030966 +655 782 3 887650483 +473 321 2 878156950 +566 529 4 881649358 +411 318 4 892845712 +647 222 4 876534274 +307 62 3 881966033 +495 444 3 888636958 +586 33 5 884061807 +279 976 3 877756631 +530 183 4 883790882 +586 849 3 884062742 +666 258 4 880138999 +643 249 3 891446323 +455 9 4 878585685 +222 219 4 878184675 +566 97 3 881650090 +102 328 2 883277645 +561 234 3 885808824 +436 974 5 887771997 +665 7 4 884290635 +445 9 2 891199655 +665 1283 3 884292654 +489 1612 5 891446623 +606 83 5 880925289 +457 417 4 882549575 +605 255 2 879510904 +381 514 5 892697394 +221 576 3 875246824 +181 6 1 878962866 +169 499 3 891359354 +367 302 5 876689364 +565 30 5 891037499 +533 107 3 879773606 +639 202 2 891239581 +18 489 4 880129769 +6 472 1 883600003 +293 200 4 888906655 +389 99 5 880087832 +303 171 4 879467105 +487 333 3 883440491 +339 449 3 891036316 +291 124 5 874834481 +682 164 3 888521005 +181 1084 2 878962550 +472 41 4 875982511 +538 173 3 877107914 +619 825 2 885953850 +312 172 4 891699677 +45 257 5 881008781 +608 607 5 880405395 +673 303 5 888787376 +297 750 5 888643345 +688 288 5 884153712 +21 637 4 874951695 +378 42 4 880046256 +435 258 4 884130647 +224 193 4 888082552 +586 720 4 884062742 +95 960 2 888954129 +429 708 3 882386895 +634 7 4 875729069 +385 58 4 879441881 +25 404 3 885852920 +1 110 1 878542845 +13 650 2 882140425 +344 864 3 884900454 +342 93 4 874984684 +416 333 4 876696788 +524 197 4 884637347 +405 642 1 885548579 +661 727 4 888300194 +457 452 3 882551228 +2 269 4 888550774 +29 264 3 882820897 +403 106 2 879786084 +618 720 3 891309293 +160 285 4 876767660 +450 264 3 882370581 +600 562 3 888452564 +648 216 4 882213596 +334 116 4 891545044 +405 37 1 885548384 +44 298 2 883612726 +11 367 3 891905058 +268 70 3 875309282 +666 199 5 880314253 +325 58 3 891478333 +429 237 3 882384526 +406 747 2 879446108 +606 89 5 880927358 +619 313 5 885953601 +400 301 4 885676411 +663 286 3 889491515 +346 240 1 874948929 +648 523 3 884628644 +450 966 4 882377861 +604 5 2 883668261 +629 50 5 880117395 +14 302 5 890880970 +537 455 1 886030317 +279 137 4 886014686 +629 709 3 880117062 +207 411 3 877750701 +569 9 5 879793493 +661 425 4 886841714 +398 211 4 875717407 +684 553 4 878760305 +243 22 3 879988104 +21 817 3 874951695 +95 95 3 879198109 +690 25 3 881177430 +276 160 4 874787441 +584 82 3 885778458 +581 813 5 879641603 +537 1101 3 886031720 +551 76 4 892778202 +373 727 4 877098784 +554 58 4 876549808 +207 317 4 875506634 +305 845 3 886323335 +7 73 3 892133154 +299 48 4 877880612 +407 96 3 875042569 +178 77 4 882827947 +655 159 3 887477216 +617 607 4 883789212 +194 542 3 879551849 +102 273 3 888801465 +650 227 2 891369836 +232 655 4 888549721 +159 876 2 893255905 +503 1317 4 879438874 +697 294 4 882621569 +439 591 4 882892818 +280 486 5 891700751 +432 471 3 889416229 +618 66 4 891309697 +262 427 4 879791999 +608 693 3 880405927 +608 132 2 880403899 +524 520 3 884637314 +551 917 3 892775466 +532 1 5 893119335 +116 1020 3 887605454 +608 702 1 880406862 +643 228 4 891447260 +387 107 3 886481002 +548 39 5 891044481 +595 268 4 886920576 +430 318 5 877226130 +244 1188 4 880608864 +407 729 4 876348660 +495 1182 3 888636871 +500 1441 2 885237683 +455 423 5 879111862 +542 109 4 886532416 +360 275 4 880354149 +208 86 2 883108895 +527 209 4 879456405 +514 132 4 875463469 +660 2 2 891201151 +189 50 5 893263994 +677 237 4 889399402 +378 1058 3 880333695 +276 794 2 874793198 +341 895 4 890757961 +82 274 3 876311492 +286 316 5 889651121 +311 88 4 884365450 +486 628 3 879875278 +406 92 4 882480836 +566 80 3 881651531 +642 1028 4 885605735 +667 124 5 891035164 +522 654 4 876960824 +256 975 3 882151017 +593 275 3 875658862 +234 259 2 891033686 +102 655 3 888803802 +198 369 1 884206806 +533 371 3 879439488 +497 358 4 878759378 +532 559 5 892859148 +495 435 5 888632969 +606 203 5 880926084 +601 98 3 876348526 +693 499 4 875484539 +562 5 4 879196576 +683 895 2 893284138 +313 499 3 891016452 +343 536 4 876403310 +643 53 4 891449719 +94 328 3 891724990 +269 631 4 891447891 +689 879 2 876674692 +658 433 4 875147994 +201 228 3 884112427 +486 508 4 879874753 +582 121 3 882961133 +667 316 4 891034584 +648 240 2 882211857 +637 294 3 882900888 +580 546 1 884126077 +601 185 4 876349577 +568 162 2 877906935 +56 969 3 892683303 +271 924 3 885847974 +592 14 5 882607986 +561 895 1 885807035 +437 207 4 880142365 +40 259 2 889041643 +615 160 3 879448599 +13 22 4 882140487 +360 1134 3 880355261 +648 878 3 884367366 +677 405 4 889399328 +374 192 5 880395665 +508 153 3 883777329 +648 174 5 884882664 +198 73 3 884208419 +655 1016 3 887425601 +526 323 2 885682214 +476 168 5 883364143 +610 12 5 888703157 +650 219 3 891386671 +64 384 2 889740367 +531 895 2 887049214 +557 58 4 880555684 +533 236 4 890659276 +346 67 3 875264985 +577 447 3 880475226 +682 1107 2 888517896 +347 386 1 881654846 +615 632 5 879448759 +669 23 4 891260474 +90 208 3 891384065 +660 431 4 891200658 +561 811 3 885808963 +527 651 5 879455654 +370 172 4 879435369 +586 1047 3 884067058 +207 722 3 878191750 +299 487 5 889501230 +685 302 3 879451401 +80 514 3 887401533 +535 166 4 879618385 +339 657 4 891032221 +280 416 5 891701666 +409 367 3 881109264 +697 713 5 882622505 +368 670 3 889783562 +174 763 1 886434260 +2 255 4 888551341 +43 747 4 883956169 +293 404 4 888907122 +698 1063 2 886367406 +218 175 3 877488492 +620 246 4 889987276 +523 944 4 883702324 +670 482 5 877975285 +592 4 4 882956418 +153 182 5 881371198 +59 465 2 888206363 +101 370 2 877136711 +308 230 4 887739014 +359 268 4 886453490 +135 55 4 879857797 +192 235 3 881368090 +313 432 5 891016583 +664 79 4 876526519 +610 56 3 888703213 +654 1009 3 887863885 +151 748 2 879523925 +643 288 4 891445255 +222 424 1 881061049 +690 210 3 881177581 +303 269 5 879466018 +533 20 5 882902988 +10 197 5 877888944 +626 243 1 878771505 +474 614 4 887926999 +684 48 4 875812176 +484 204 5 891195057 +664 197 4 876523654 +305 48 5 886323591 +508 185 5 883777430 +626 286 5 878771242 +682 333 4 888518279 +648 79 5 884796689 +542 772 4 886533694 +617 569 1 883789537 +379 516 4 880525306 +365 277 4 891304078 +328 549 4 885047556 +186 291 4 879023073 +453 53 3 877561894 +64 91 4 889739733 +445 245 2 891035830 +629 135 5 880117586 +511 288 4 890004795 +356 307 4 891406040 +409 186 5 881109420 +643 150 5 891445823 +503 321 2 879438024 +374 172 3 880434204 +669 257 3 892549514 +496 191 5 876072632 +605 252 4 879510953 +406 53 4 879792928 +493 195 3 884131314 +320 1059 4 884748868 +429 52 4 882387074 +268 1098 3 875743534 +437 1599 5 880142614 +474 218 4 887927588 +618 385 4 891309163 +95 1126 4 879197445 +474 416 4 887926271 +374 979 3 880936113 +92 243 1 875644795 +294 313 5 889241339 +94 317 5 885873653 +685 991 1 879451282 +256 363 3 882163834 +405 843 2 885549005 +533 382 1 879191998 +425 895 4 890346198 +28 28 4 881956853 +626 988 1 878771281 +490 455 4 875428152 +189 863 4 893266161 +524 322 4 884320358 +487 97 5 883446600 +659 127 5 891331825 +618 423 5 891309886 +428 326 3 892572448 +270 535 5 876954123 +686 425 5 879546651 +291 780 5 875086636 +58 98 4 884304747 +406 123 4 879540173 +227 274 4 879035963 +85 822 3 880581629 +268 561 3 876513897 +58 199 4 891611501 +586 240 3 884066799 +90 1205 3 891383687 +592 854 5 882955948 +592 173 5 882956276 +622 1207 2 882671958 +619 720 4 885954238 +59 679 4 888205714 +568 615 5 877907235 +497 1228 2 879362569 +600 810 3 888451977 +506 215 5 878044852 +185 160 1 883524281 +405 447 4 885548331 +305 143 3 886323275 +323 23 5 878739925 +488 328 4 891293606 +198 727 4 884208876 +466 885 2 890283667 +312 945 5 891699068 +463 473 4 877385731 +655 1029 1 887475032 +130 64 5 875801549 +537 425 3 886031297 +391 498 4 877399513 +623 504 3 891034343 +692 1023 2 876954083 +693 273 3 875481549 +660 996 1 891265453 +244 80 3 880607489 +225 286 4 879539027 +177 186 4 880130990 +279 61 4 875306552 +295 809 4 879519438 +268 728 2 875744051 +347 183 3 881654232 +536 435 3 882359755 +426 197 4 879444816 +484 405 4 881450182 +269 530 3 891448926 +608 166 3 880403388 +409 209 5 881107117 +234 154 3 892078605 +627 1134 1 879530305 +629 660 5 880117772 +561 679 3 885807235 +450 527 5 882374059 +6 185 5 883601393 +374 1013 2 880936476 +344 281 3 884900374 +644 597 4 889077513 +504 4 4 887839260 +20 148 5 879668713 +189 118 1 893264735 +354 473 3 891216498 +539 170 5 879788533 +638 430 5 876695714 +485 330 3 891042162 +415 748 5 879439349 +465 423 3 883531533 +543 480 4 876896210 +354 311 5 891180445 +586 31 4 884064631 +354 303 5 891180548 +326 484 5 879874933 +584 40 4 885778385 +648 676 2 882211384 +665 24 3 884291300 +577 63 4 880476606 +543 529 4 874866208 +586 27 3 884062405 +343 134 5 876404568 +370 199 4 879434999 +505 191 3 889333792 +655 1585 4 887523403 +125 508 1 892838351 +181 1391 1 878962168 +469 306 4 879450473 +391 182 4 877399696 +635 13 2 878879164 +470 1067 4 879178568 +698 568 2 886367955 +587 339 3 892871284 +94 780 3 891723558 +590 15 3 879438936 +682 1089 2 888518871 +424 538 5 880858861 +560 411 3 879976828 +346 391 2 875266600 +690 790 3 881177970 +467 249 3 879532671 +642 570 1 886131332 +559 197 4 891035111 +250 248 2 883263390 +619 515 1 885953778 +474 291 4 887916567 +568 638 3 877907877 +479 318 5 879461039 +672 50 3 879787753 +234 66 3 892334765 +389 491 5 879991352 +642 63 3 885606090 +484 73 4 891195199 +174 126 5 886433166 +441 342 4 891035267 +262 1135 3 879794599 +559 511 2 891034347 +254 231 3 886474712 +610 7 2 888703137 +694 1050 3 875726759 +267 153 5 878974783 +543 163 4 874864870 +655 527 3 887427568 +330 102 4 876546586 +361 611 4 879441462 +588 174 3 890015323 +645 286 4 892051844 +606 125 4 878148493 +624 687 2 891961362 +94 679 4 891722006 +396 245 3 884645720 +182 50 5 885613018 +361 49 3 879441179 +492 772 1 879969512 +318 385 4 884496398 +538 42 1 877108077 +586 591 3 884058249 +450 731 3 882398084 +470 1 3 879178428 +303 143 4 879483680 +690 80 3 881177778 +174 178 5 886513947 +72 1147 5 880036783 +517 127 4 892660033 +500 268 5 883864840 +7 666 4 892132192 +318 618 3 884496984 +327 152 3 887819194 +468 111 4 875280518 +435 162 1 884132755 +1 66 4 878543030 +345 255 4 884994156 +239 462 5 889179623 +13 39 3 882397581 +311 66 4 884365325 +658 96 4 875147873 +552 1014 4 879222520 +682 597 1 888522699 +622 855 3 882592103 +654 678 4 888687055 +262 153 3 879793346 +664 663 4 876525998 +481 283 5 885828389 +545 549 4 879901920 +593 183 4 875670915 +606 161 4 880926994 +426 135 3 879444604 +269 255 1 891446703 +536 708 3 882361179 +680 20 4 877075273 +76 93 4 882606572 +561 52 4 885809583 +207 475 2 875503932 +295 381 5 879518528 +346 541 3 874951104 +234 765 3 892336322 +276 769 1 874977334 +21 259 2 874951005 +677 148 4 889399265 +427 258 4 879700792 +606 993 5 887059716 +401 511 2 891033092 +138 509 4 879024232 +234 650 3 892078837 +478 1048 4 889388357 +388 9 3 886437226 +232 100 5 880062447 +483 180 2 878954086 +683 268 4 893286261 +90 496 4 891385787 +634 508 4 880067125 +542 357 5 886532534 +198 431 3 884208137 +496 356 2 876070764 +408 313 4 889679761 +417 1416 2 880952534 +379 434 3 880961672 +554 173 3 876369527 +622 50 5 882592815 +291 117 5 874834481 +642 462 4 886455357 +295 465 4 879518630 +486 935 4 879874516 +222 1188 3 881060281 +345 485 4 884992141 +434 7 1 886724505 +642 527 4 886207132 +176 286 2 886046979 +151 93 5 879525002 +223 1016 5 891549657 +705 1043 5 883427857 +682 357 3 888516979 +85 710 2 879828912 +85 82 3 879454633 +655 698 4 887473727 +543 518 3 874864736 +524 416 4 884636152 +363 204 2 891495402 +537 281 1 886030281 +693 132 4 875484562 +230 121 4 880484998 +256 538 5 882150122 +653 474 4 880150019 +551 943 5 892783451 +592 12 5 882955825 +26 116 2 891352941 +398 602 4 875660302 +680 1012 3 877075214 +110 1090 2 886989191 +597 264 4 875339156 +705 578 3 883428276 +524 705 3 884634818 +84 628 3 883450434 +378 94 3 880332752 +567 209 4 882426812 +129 903 2 883245311 +502 687 4 883702867 +514 293 3 880209950 +524 950 4 884323351 +115 176 5 881171203 +416 1262 5 893213019 +244 433 5 880603683 +299 91 4 889501654 +690 276 3 881178293 +655 1379 3 888685879 +149 346 4 883512658 +268 191 4 875310784 +387 429 3 886484065 +541 174 4 883871524 +59 180 4 888204597 +650 238 4 891382032 +276 475 5 874786756 +437 275 5 881001888 +655 208 3 888813272 +527 7 5 879456162 +532 251 4 888636374 +650 449 3 891370031 +111 315 5 891679692 +197 183 5 891409839 +513 127 4 885062286 +91 601 4 891439171 +605 475 3 879424369 +521 22 4 884477677 +500 98 4 883873811 +334 629 4 891548460 +145 1051 2 888398087 +528 298 4 888520849 +535 61 3 879619107 +279 1037 1 888806543 +405 666 1 885549635 +499 157 3 885599447 +543 704 3 875662979 +562 416 5 879195613 +659 179 1 891384077 +611 896 3 891636152 +72 5 4 880037418 +478 65 4 889395879 +660 197 3 891199965 +141 1014 3 884585572 +442 1218 2 883388960 +655 1134 3 887611594 +323 50 5 878739137 +203 323 3 880433558 +640 750 5 886353742 +487 239 5 883531507 +9 242 4 886958715 +624 342 3 891961267 +236 328 5 890117711 +670 651 4 877975070 +701 285 5 891447139 +223 1051 3 891549945 +429 418 3 882386096 +624 333 4 879791884 +299 502 4 878192756 +257 286 5 879029516 +299 402 3 889502865 +218 648 4 877488233 +693 131 3 875484953 +565 638 4 891037837 +406 405 3 879540296 +671 233 4 883547351 +620 35 3 889988340 +538 566 3 877107765 +443 12 5 883505379 +592 305 4 885280098 +92 363 3 886443455 +671 581 2 884035173 +584 313 5 885773921 +653 196 2 880151539 +642 1076 2 885606648 +693 480 4 875484454 +492 285 4 879969345 +435 195 5 884131118 +160 483 5 876859413 +493 60 2 884131263 +694 432 4 875727513 +91 328 4 891438245 +699 748 2 879382698 +507 690 4 889964074 +639 197 3 891239492 +337 879 3 875429233 +623 435 5 891035112 +214 582 3 891544236 +653 230 3 890181186 +699 100 4 878882667 +694 191 5 875727749 +240 269 5 885775536 +144 514 5 888105197 +698 512 4 886367644 +279 480 3 875309189 +632 184 5 879458277 +458 143 4 886396005 +456 143 3 881373983 +336 204 5 877757601 +495 1469 5 888636810 +532 1188 4 874790998 +495 229 3 888634918 +298 211 5 884125093 +560 654 5 879975613 +658 458 3 875145926 +518 147 4 876823324 +545 419 3 884134177 +655 909 3 890611503 +619 350 3 885953641 +279 342 4 881375917 +521 431 4 884478601 +416 754 5 893214128 +301 12 4 882076239 +59 789 4 888205087 +62 569 1 879376158 +632 282 4 879458806 +102 68 2 888801673 +621 398 2 874964605 +653 448 4 878867249 +692 285 3 876953204 +349 100 4 879466479 +606 174 5 880924663 +519 259 1 883248278 +371 183 5 880435519 +545 182 3 883115423 +388 307 4 886439506 +486 124 5 879874545 +655 1008 3 887426300 +343 98 5 876404836 +457 1039 5 882397934 +1 77 4 876893205 +111 354 4 891679692 +704 205 5 891397819 +417 258 4 879645999 +524 584 1 884635205 +606 153 3 880926700 +200 62 5 884130146 +659 654 4 891384526 +595 1061 3 886921945 +507 750 5 889964274 +671 23 4 883547351 +405 193 4 885544698 +669 326 1 891182678 +487 685 3 883444252 +546 164 4 885141360 +149 874 3 883512752 +618 576 4 891309608 +608 133 4 880405165 +125 687 3 892836268 +472 28 5 892791063 +679 288 4 884312660 +582 3 3 882961723 +555 410 4 879962769 +417 357 5 879647118 +301 250 4 882074236 +347 202 4 881654211 +553 515 5 879948386 +393 68 4 889729537 +72 466 4 880037461 +650 55 4 891369889 +301 393 3 882078735 +270 582 3 876955087 +279 1185 1 888805868 +436 92 3 887770115 +184 715 4 889909590 +373 435 4 877098979 +404 690 5 876889178 +338 215 3 879438092 +347 203 5 881654232 +647 328 3 876531582 +621 561 4 874964945 +650 692 3 891384226 +465 32 3 883531026 +322 258 4 887313698 +457 117 4 882393457 +59 185 5 888205228 +457 203 4 882397133 +435 15 3 884132146 +707 14 3 880060118 +609 258 3 886894677 +692 692 3 876953130 +499 275 3 885599447 +429 210 4 882387731 +160 589 3 876857977 +461 158 2 885355930 +234 1100 2 892335500 +623 659 5 891035112 +409 1093 2 881106087 +643 111 4 891446301 +589 286 3 883352372 +345 620 2 884991614 +195 386 2 874825826 +463 1163 4 877385982 +514 181 4 875463494 +498 212 3 881958238 +417 946 4 880950324 +389 283 5 879916099 +12 416 3 879959025 +476 1036 2 883364780 +653 1023 3 878855109 +487 550 3 883530841 +250 458 5 878092104 +210 443 4 887737487 +666 1266 5 880139493 +648 5 4 884883476 +543 111 4 874861699 +537 88 2 886032204 +268 831 3 875744357 +44 496 4 878348885 +435 31 5 884131157 +501 125 3 883348435 +224 687 2 888082135 +700 181 5 884493523 +194 88 3 879549394 +405 8 4 885545015 +682 94 3 888522021 +481 100 4 885828426 +145 447 5 877343185 +563 210 4 880507483 +200 410 3 876042204 +595 151 5 886921475 +704 209 3 891397667 +429 405 3 882387202 +618 97 5 891308913 +592 534 5 882608531 +457 70 4 882396935 +630 172 3 885667918 +23 214 3 874785701 +466 328 4 890284652 +643 24 4 891449614 +49 997 1 888069117 +64 273 2 889739381 +671 188 2 884035992 +685 319 2 879451401 +568 509 4 877906935 +411 1475 3 891035617 +178 7 4 882823805 +655 1607 3 887768472 +463 1377 4 889935837 +610 591 3 888703316 +518 820 2 876824218 +620 1 5 889987954 +697 331 3 882621431 +655 77 3 887430746 +655 500 2 887651149 +588 164 5 890026262 +94 951 3 891722214 +450 823 3 887139729 +141 619 4 884585039 +291 597 3 874833857 +450 274 4 882469627 +450 380 5 882398939 +474 664 4 887925620 +315 204 5 879821158 +664 469 3 876524474 +291 202 4 874871736 +85 132 5 879453965 +293 174 5 888905923 +269 792 4 891448436 +72 69 4 880036579 +592 307 4 882607528 +16 684 5 877719863 +627 939 3 879530264 +388 559 5 886441133 +548 234 4 891044356 +353 358 1 891402617 +249 421 5 879572516 +222 716 2 878183481 +490 926 2 875428185 +533 1016 3 887721769 +242 283 4 879740362 +244 68 5 880602170 +551 728 2 892785331 +504 448 5 887840134 +378 237 4 880044697 +686 187 5 879545481 +659 89 4 891384637 +500 611 5 883873940 +547 333 4 891282555 +222 816 1 881060412 +222 191 2 878181906 +5 216 1 875720967 +685 340 2 879451401 +704 354 4 891397015 +299 970 4 877880350 +479 281 3 879460285 +430 248 3 877225832 +405 1103 2 885546025 +110 88 4 886988967 +457 195 5 882395049 +405 1070 1 885547123 +113 9 3 875076307 +655 1538 3 887425498 +642 88 5 886131546 +692 287 3 876953130 +496 204 3 876066531 +666 529 5 880568129 +655 792 3 891585380 +642 139 1 886569417 +452 62 2 875563098 +102 49 2 892992129 +529 319 4 882535220 +655 284 2 887426732 +655 619 3 887430746 +235 1176 5 889655820 +187 179 5 879465782 +682 443 3 888520977 +405 684 3 885547996 +406 663 5 879446269 +648 471 4 882211685 +605 325 2 879365219 +397 855 4 885349476 +109 95 4 880572721 +455 64 4 879111500 +472 78 1 875982967 +158 1016 3 880132701 +687 245 3 884652276 +301 758 3 882075242 +263 1 5 891299207 +429 202 4 882385829 +531 688 1 887048998 +18 528 4 880129489 +682 940 2 888521907 +472 928 4 875979562 +627 1136 4 879530762 +299 77 3 878192638 +695 300 1 888805767 +657 151 4 884239886 +399 233 3 882347061 +182 150 3 885613294 +246 181 5 884920978 +693 289 3 889167919 +373 571 1 877111864 +457 231 4 882549998 +437 843 4 880143520 +593 193 4 886193361 +40 321 4 889041523 +85 136 4 879454349 +219 38 1 889452455 +543 239 2 877550660 +393 204 4 887746301 +60 684 4 883328033 +550 288 5 883425979 +234 443 3 892334079 +28 288 5 882826398 +388 596 4 886436661 +545 384 3 879900863 +542 273 3 886532466 +654 825 3 887863826 +582 50 5 882961082 +5 420 3 875721168 +655 733 3 888474138 +167 83 5 892738384 +653 967 2 880153123 +497 399 4 879310883 +328 692 4 885046976 +675 306 5 889488487 +405 1219 1 885549094 +533 22 4 879438961 +562 402 5 879196074 +650 650 2 891372203 +405 784 1 885548275 +524 403 4 884636182 +496 227 1 876066794 +658 772 3 875147591 +320 274 4 884748683 +661 676 4 886841222 +405 1044 4 885545552 +180 961 5 877544384 +90 454 2 891383423 +697 298 4 882621940 +291 100 5 874834481 +291 69 5 874868146 +378 125 2 880044609 +215 174 4 891435995 +543 170 4 874863269 +12 215 4 879959553 +666 699 3 880568297 +406 39 4 884630523 +645 59 5 892053429 +128 393 4 879969136 +632 150 2 879457525 +483 229 3 878953485 +151 628 5 879528674 +12 4 5 879960826 +479 727 5 879461818 +627 83 3 879530071 +457 792 4 882548312 +606 42 3 880926245 +59 616 5 888206049 +586 397 3 884063080 +361 168 4 879440386 +666 132 4 880139669 +72 222 1 880036346 +474 274 3 887916330 +633 172 3 877212250 +336 780 3 877756934 +141 871 3 884585148 +683 511 5 893286207 +568 478 4 877907235 +90 221 4 891383987 +621 250 4 880738568 +365 268 5 891303474 +589 749 3 883352631 +368 234 3 889783365 +523 509 4 883700870 +63 25 4 875747292 +181 1345 1 878962168 +255 325 1 883215723 +705 58 2 883518834 +373 510 3 877100379 +433 326 2 880585386 +639 305 1 891238668 +445 7 1 891200078 +116 323 3 876452186 +630 832 2 885667528 +480 89 4 891208651 +490 1386 4 875428416 +303 425 4 879466795 +587 350 3 892871372 +416 463 4 886316703 +13 818 3 882141814 +250 754 4 883263374 +650 1065 4 891383547 +634 748 3 875729217 +313 505 5 891014524 +269 496 5 891455816 +436 559 4 887770640 +682 1074 4 888517792 +43 294 5 875975061 +99 313 5 885678348 +201 196 4 884111677 +608 185 5 880405484 +405 480 4 885544739 +393 696 4 887745258 +435 105 3 884133872 +643 367 4 891447518 +194 507 4 879520916 +405 12 5 885545306 +440 350 5 891550404 +385 1069 4 879442235 +35 333 4 875459017 +697 301 5 882621523 +345 1281 4 884991105 +708 322 3 892719062 +534 273 5 877807747 +655 936 3 887425625 +301 462 2 882076587 +663 332 4 889491768 +569 473 4 879794699 +405 790 1 885547360 +537 168 4 886030552 +650 671 3 891386878 +621 180 4 885596944 +665 156 5 884294772 +444 9 5 890247287 +457 94 3 882549544 +671 748 3 875386402 +507 315 5 889964593 +64 288 4 879365313 +288 136 5 886374316 +56 443 4 892679144 +184 65 4 889909516 +551 685 1 892782901 +682 293 4 888523581 +217 403 5 889069944 +527 4 2 879456162 +398 174 5 875660535 +437 699 4 880143419 +534 294 5 877807461 +389 154 3 880087200 +416 472 4 876698204 +494 294 4 879540593 +622 472 3 882591687 +666 245 3 880138865 +561 702 3 885809873 +406 1194 4 879446588 +600 510 5 888451665 +184 1 4 889907652 +654 50 5 887863323 +655 1085 2 888813416 +284 751 3 885329322 +397 346 4 890172230 +246 172 5 884922042 +294 1011 2 889242370 +142 425 4 888640489 +601 225 1 876347462 +293 518 5 888906489 +487 96 5 883446801 +398 73 3 875723337 +445 118 2 891200506 +336 1183 1 877757972 +642 364 5 885843025 +56 373 4 892910950 +447 284 4 878854552 +619 405 3 885953826 +524 1152 3 884626906 +583 7 5 879384471 +207 69 4 877878342 +124 173 2 890287687 +655 481 2 888474390 +168 225 5 884288304 +307 70 4 877121347 +181 289 4 878961332 +655 1649 3 892333993 +325 200 2 891478120 +423 125 2 891395547 +707 663 4 886286979 +634 21 2 875729668 +20 378 3 879669630 +524 836 2 884637409 +661 95 5 876036190 +465 705 4 883531444 +569 508 3 879793785 +610 79 3 888702859 +629 340 2 880115971 +303 255 4 879544516 +313 211 5 891013859 +82 474 3 878769597 +548 1014 4 891043932 +474 208 3 887925497 +607 45 4 883880079 +592 1514 5 882608625 +623 648 5 891035112 +308 210 4 887737130 +383 345 2 891192251 +698 83 5 886366731 +618 596 4 891309065 +95 465 3 882803918 +567 484 4 882426508 +450 316 4 889568753 +450 166 5 887660440 +684 161 3 878760137 +627 69 3 879529855 +287 100 5 888177364 +409 192 4 881107666 +99 147 5 885678997 +537 64 3 886030707 +621 241 4 874964604 +202 269 4 879726420 +642 148 5 885604163 +495 143 1 888634315 +41 168 5 890687304 +602 988 4 888638248 +505 588 5 889333823 +655 672 2 891585573 +295 237 4 879517994 +450 125 4 882376803 +579 286 4 880951444 +617 175 4 883789386 +617 573 4 883789590 +686 180 5 879546147 +566 192 5 881649747 +609 288 2 886894677 +405 101 1 885549192 +90 218 5 891385899 +71 174 2 877319610 +642 68 3 885606765 +109 229 5 880578632 +599 1315 4 880951743 +346 423 4 874949057 +452 154 5 888568251 +618 239 3 891309293 +533 696 3 887032538 +450 535 3 882812636 +650 286 3 891369022 +533 204 4 879192157 +330 969 5 876546409 +346 842 1 874948513 +637 408 5 882901355 +682 50 5 888518639 +130 29 3 878537558 +94 228 4 891720996 +543 8 4 875658853 +476 80 3 883364392 +198 434 3 884208061 +637 255 3 882903645 +498 514 4 881958093 +457 405 5 882553113 +222 377 1 881060205 +624 741 4 879792557 +582 268 4 882960396 +393 1435 3 889731821 +87 153 5 879876703 +670 945 4 877975285 +56 501 3 892737210 +506 92 3 874876551 +435 566 4 884132643 +498 887 3 881953907 +655 213 4 888474934 +682 541 3 888522612 +648 399 4 884882104 +116 678 3 876452228 +111 302 5 891679971 +14 265 3 890881216 +457 732 4 882548426 +308 496 3 887736532 +472 569 4 892790676 +643 181 3 891445476 +595 929 2 886921722 +59 371 4 888206095 +506 224 1 885136005 +650 175 4 891372233 +505 204 3 889334162 +622 298 4 882590559 +682 122 3 888522260 +387 295 3 886480818 +14 923 5 890881294 +145 343 5 882181082 +709 219 4 879848120 +145 898 1 885555980 +621 268 4 890517367 +632 186 5 879459738 +704 381 3 891397713 +116 515 4 876452443 +659 659 3 891332006 +328 1107 3 885048532 +707 256 4 880061024 +664 81 5 876524474 +686 172 4 879545181 +233 633 5 877663185 +181 460 1 878963418 +707 716 2 886287051 +159 476 5 880557564 +660 625 3 891200513 +694 196 5 875727226 +262 283 3 879962366 +474 107 3 887915722 +650 143 5 891369656 +492 479 3 879969583 +409 661 5 881107817 +452 631 4 888568464 +38 401 3 892434585 +266 321 3 892256892 +535 153 4 879617663 +393 810 4 889731138 +525 15 4 881085964 +478 69 3 889388612 +435 239 4 884132968 +663 273 4 889492679 +92 258 4 886440479 +533 291 3 882902727 +90 133 5 891384147 +524 930 3 884832772 +628 305 5 880776981 +618 4 2 891308459 +553 135 4 879948996 +399 544 2 882340556 +524 72 4 884636958 +23 144 3 874785926 +551 595 2 892784744 +435 3 3 884133911 +148 227 4 877399083 +506 391 2 885135912 +334 879 3 891544264 +352 56 5 884289760 +609 125 4 886895193 +550 121 5 883426027 +276 184 4 874792547 +54 100 5 880931595 +204 316 4 892388935 +573 479 4 885844051 +504 651 4 887832531 +474 212 4 887927670 +167 288 3 892737972 +18 704 3 880131986 +693 1522 3 875483670 +401 566 5 891033684 +407 248 4 884197006 +592 405 4 882608531 +13 573 3 882396955 +530 582 4 883783631 +585 61 4 891283338 +234 416 4 892335616 +83 225 3 880307208 +541 1185 2 883866028 +361 794 3 879441033 +372 443 4 876869481 +456 226 2 881375482 +665 298 3 884292654 +426 50 4 879442226 +568 855 1 877906935 +506 241 2 874874850 +325 647 5 891478529 +257 275 4 879029716 +694 229 4 875728801 +552 286 4 879220564 +416 1441 3 886318546 +128 367 4 879968858 +569 826 3 879794660 +634 411 4 877018059 +8 227 4 879362423 +43 168 4 875981159 +705 827 4 883427297 +521 56 4 884478530 +346 385 5 886274124 +648 175 3 882213597 +201 317 3 884113634 +313 300 4 891012907 +588 94 2 890027865 +392 705 5 891038433 +325 32 3 891478665 +121 156 4 891388145 +588 419 5 890023646 +495 790 3 888636635 +705 400 4 883427817 +74 276 4 888333458 +622 47 3 882670406 +267 155 3 878973088 +577 407 4 880471271 +693 604 3 875484480 +474 168 3 887927670 +619 50 4 885953778 +590 14 5 879438852 +194 783 2 879527865 +420 603 4 891356864 +665 15 4 884290676 +276 546 3 874786568 +634 126 3 875729106 +432 815 3 889416260 +577 1 5 880470282 +532 636 5 892859149 +569 979 3 879793948 +269 508 4 891446265 +666 429 5 880139409 +389 506 4 879991330 +207 182 3 891759050 +653 509 4 878854441 +250 1426 5 878091771 +615 303 5 879447530 +385 46 5 880870206 +671 628 3 883950232 +276 313 5 885159577 +454 89 1 888266433 +297 984 1 881707865 +92 583 3 875907134 +426 705 5 879441931 +601 47 3 876349542 +378 1035 3 880332911 +210 234 4 887737108 +671 53 3 884034800 +487 742 5 883442053 +92 636 3 875812064 +478 160 2 889395921 +407 715 4 876340239 +709 564 1 879848318 +618 123 2 891308063 +300 881 5 875650105 +624 876 3 879792251 +362 245 4 885019504 +60 7 5 883326241 +682 1220 4 888518130 +665 172 4 884293523 +479 108 4 879460424 +642 769 5 885842903 +130 1279 4 876251217 +514 136 4 875462867 +352 39 5 884289728 +235 462 3 889656168 +378 410 3 882022445 +545 820 3 879901359 +59 198 5 888204389 +42 64 5 881106711 +645 87 4 892055444 +392 271 1 891037490 +457 65 5 882547967 +16 476 3 877720437 +537 243 1 886029239 +619 1016 4 885953826 +533 191 4 879192315 +711 421 4 879993674 +618 673 3 891309139 +632 483 5 879459738 +535 221 3 879618700 +44 102 2 878348499 +650 968 4 891372258 +417 106 2 879646741 +148 418 3 877019251 +416 737 3 886318613 +661 52 4 876017029 +603 229 4 891955972 +159 276 5 880485824 +497 731 3 879310474 +379 654 5 880526123 +666 474 5 880139323 +429 700 3 882386485 +660 527 3 891200073 +320 232 4 884749281 +561 578 3 885810575 +44 7 5 878341246 +664 450 3 876526604 +123 23 4 879873020 +638 238 4 876695819 +655 1017 3 887611566 +665 508 2 884290751 +293 638 4 888906168 +406 151 2 879540051 +378 318 5 880045823 +398 47 3 875738523 +639 724 3 891239581 +454 1035 3 888266601 +125 117 3 879454699 +474 511 5 887925620 +405 448 4 885548331 +109 81 2 880580030 +158 1067 4 880134261 +707 526 1 886287405 +655 728 2 887431019 +409 606 4 881108829 +454 237 4 881960361 +525 151 5 881086562 +308 203 5 887737997 +514 473 3 875462520 +454 879 4 881958402 +468 655 5 875294464 +405 1271 2 885547506 +633 322 3 875325888 +632 655 3 879457641 +506 68 4 874873944 +401 143 4 891033034 +663 1073 3 889493691 +117 596 3 880126392 +204 322 3 892391947 +636 740 4 891449263 +588 208 3 890023879 +635 301 3 878878587 +239 69 1 889179544 +449 1142 4 879958803 +183 202 4 891463320 +654 294 3 887863127 +233 498 5 877663465 +650 4 3 891386695 +655 97 3 887426931 +709 64 5 879846293 +537 135 5 886031149 +561 212 3 885809025 +709 769 3 879848239 +707 153 3 886286844 +200 582 4 884129782 +174 721 2 886514889 +503 275 5 879438411 +684 218 1 878232961 +621 746 4 874963028 +655 867 4 887427307 +313 142 3 891030261 +499 295 2 885598827 +501 1067 5 883348011 +235 50 5 889655403 +655 117 2 887426030 +682 97 4 888517587 +655 149 4 887425936 +667 318 5 891034976 +562 1039 4 879196105 +463 1197 4 877385180 +389 1036 2 880087170 +630 70 2 885667994 +442 27 2 883390416 +601 172 4 876348736 +621 174 3 874965407 +345 131 4 884992998 +87 926 4 879877043 +306 283 3 876503995 +72 402 4 880036824 +593 69 5 875660419 +248 250 3 884535532 +28 185 5 881957002 +581 181 3 879641787 +58 462 4 884304865 +658 98 4 875147800 +588 125 3 890026154 +91 750 5 891438209 +648 68 1 884882916 +622 46 4 882670610 +627 1074 3 879530694 +627 258 4 879529339 +710 627 4 882064377 +626 948 1 878771281 +480 213 5 891208492 +183 228 4 891463591 +642 195 3 885602718 +625 191 3 891636079 +361 451 3 879440740 +608 423 4 880406727 +524 578 5 884637031 +586 379 4 884060941 +417 393 4 879648096 +632 81 5 879458834 +498 183 4 881957905 +576 257 4 887168556 +13 761 4 882398076 +592 118 3 882609056 +337 181 2 875184353 +429 338 3 882387599 +602 127 5 888638491 +608 753 5 880405395 +509 754 1 883590676 +592 1097 4 882608021 +130 294 5 874953337 +338 525 4 879438449 +708 471 4 877325455 +416 27 4 886318270 +39 294 4 891400609 +59 1048 4 888203270 +279 31 3 875309667 +693 472 3 875484089 +598 292 4 886710735 +488 196 3 891293974 +665 111 4 884290608 +493 357 5 884130891 +334 744 3 891545108 +325 1149 4 891479228 +230 491 3 880484975 +458 696 3 886395512 +167 237 4 892737972 +393 290 3 887745322 +454 483 3 881960145 +605 300 2 879365101 +116 181 4 876452523 +466 258 4 890284652 +232 250 4 880062618 +528 402 4 888520911 +643 235 4 891445698 +45 1059 2 881014417 +707 676 4 880060180 +458 526 5 886396241 +634 313 5 884980565 +532 335 3 888636389 +478 300 3 889387471 +318 179 4 884497546 +499 605 1 885599533 +495 423 5 888633522 +442 117 3 883390366 +435 69 4 884131243 +707 866 2 880060974 +49 171 4 888066551 +694 419 4 875729907 +442 33 3 883388508 +60 204 4 883326086 +249 173 5 879572229 +705 298 5 883426892 +639 137 3 891239271 +490 93 4 875427993 +359 118 3 886453402 +452 947 5 885816915 +189 178 5 893265191 +265 756 4 875320574 +253 433 3 891628670 +694 300 4 875726453 +70 142 3 884150884 +429 181 5 882384870 +85 1136 3 879455402 +653 216 3 878866900 +506 173 4 874874308 +645 403 3 892055603 +537 1451 3 886030552 +104 871 2 888465853 +661 357 4 876014469 +618 356 2 891309608 +116 1039 4 876453915 +344 928 2 884900409 +540 1048 4 882157635 +693 427 4 875484908 +206 337 2 888180049 +82 367 4 878769848 +399 576 3 882350563 +178 735 5 882827083 +496 433 4 876066904 +561 1449 5 885808620 +592 121 4 882608573 +472 373 4 875983129 +399 451 3 882344684 +100 326 3 891375630 +201 346 4 884110766 +618 371 3 891308980 +588 781 2 890028509 +168 1012 5 884287509 +318 321 4 884470149 +268 525 4 875309913 +615 518 4 879448632 +248 1 3 884535744 +354 241 3 891307069 +70 408 4 884152129 +561 47 4 885809557 +569 16 3 879794348 +254 403 3 887347350 +301 576 4 882079199 +682 273 4 888520864 +614 717 4 879465414 +615 462 4 879447990 +705 622 4 883427778 +332 742 5 887938224 +141 1047 4 884585220 +479 177 4 889125665 +666 1045 4 880567974 +606 1280 2 889137292 +268 240 2 875742341 +570 690 3 881262307 +301 451 4 882078061 +435 159 5 884132898 +561 174 4 885808053 +684 88 4 878761788 +472 576 5 892790952 +378 79 4 880045722 +590 130 1 879439567 +373 380 4 877112017 +508 168 4 883767172 +450 1208 3 882399359 +618 215 4 891307494 +592 1281 3 882608795 +435 29 3 884133691 +221 1267 3 875246459 +493 71 5 884131020 +519 332 3 883248159 +456 135 4 881373169 +542 99 5 886533587 +648 195 5 884368313 +60 215 4 883327566 +56 227 3 892676430 +592 922 3 882608736 +699 1 3 878882272 +417 895 3 886186520 +393 168 4 887746482 +463 268 4 877384940 +474 45 5 887924618 +495 402 3 888635050 +405 143 5 885548785 +686 504 5 879545662 +618 1032 2 891309192 +13 670 3 882396955 +529 271 4 882535536 +463 472 3 877385922 +579 433 3 880952237 +643 100 5 891445140 +234 13 3 892335342 +59 212 4 888205463 +201 145 3 884114813 +318 722 4 884497546 +264 7 5 886122261 +230 266 4 880484286 +413 332 3 879968890 +686 357 5 879545549 +490 224 2 875428702 +622 705 3 882592217 +234 301 3 892826947 +586 254 4 884064246 +521 755 3 885254872 +655 271 3 887425103 +600 1188 3 888452152 +234 223 3 892079336 +704 316 4 891397015 +487 230 5 884036466 +504 631 4 887837701 +436 1048 2 887770379 +450 393 4 882812349 +381 132 5 892696426 +380 570 3 885479706 +373 83 5 877098599 +712 747 3 874730552 +488 612 4 891294210 +488 515 4 891293699 +663 924 3 889492351 +450 845 4 882373385 +612 237 3 875324455 +19 202 4 885412723 +194 419 2 879521088 +642 790 4 885605932 +683 264 2 893283997 +561 614 3 885809336 +617 429 3 883789212 +194 1044 2 879524579 +561 405 2 885809313 +474 497 5 887926106 +190 326 4 891033305 +398 495 4 875660439 +659 202 4 891385306 +343 179 5 876405633 +704 604 5 891397366 +198 69 4 884207560 +655 1067 2 887650593 +527 498 4 879455961 +655 572 2 887651149 +566 959 4 881651406 +577 208 4 880474556 +422 286 5 875129523 +608 318 4 880404916 +642 699 5 886568959 +189 934 2 893264678 +621 96 5 874963797 +559 502 4 891035946 +506 239 3 874874152 +569 15 4 879794265 +656 347 4 892318488 +514 215 4 875462689 +433 273 3 880585923 +399 564 3 882350899 +653 239 5 878854475 +226 203 5 883888978 +601 410 4 876347113 +456 421 3 881374086 +537 434 3 886031211 +459 332 3 879561630 +22 181 5 878887765 +320 89 4 884749327 +429 281 3 882386027 +487 403 4 884050247 +101 288 4 877137015 +633 385 4 875325497 +673 347 4 888787290 +534 1 5 877807718 +217 172 1 889069684 +297 168 5 875049192 +548 1278 4 891416371 +524 492 3 884634679 +648 385 5 884368130 +427 332 5 879701253 +648 290 3 882211707 +466 313 5 890284651 +330 15 5 876544366 +564 257 4 888731011 +102 95 4 883748488 +694 684 4 875730313 +552 248 4 879221795 +91 1126 1 891439301 +648 827 3 882211924 +152 173 5 882474378 +393 655 3 887746346 +694 193 4 875728435 +638 241 3 876695217 +394 257 4 881130047 +588 131 5 890024918 +665 307 3 884292654 +669 521 4 892550196 +456 845 3 881371839 +561 188 4 885807261 +38 409 5 892433135 +500 559 4 883875523 +655 1197 3 887474289 +158 866 2 880132701 +582 472 4 882962561 +189 165 5 893265535 +648 722 3 884882104 +344 285 5 889814068 +405 1036 1 885547506 +505 1 3 889333414 +680 276 5 877075135 +336 1079 1 877757094 +506 195 4 874873374 +661 1045 3 886841865 +429 90 4 882387731 +210 755 3 887737631 +650 313 4 891381546 +642 15 5 885602314 +186 356 5 879023663 +601 91 5 876349251 +600 530 4 888451664 +327 896 5 887820828 +537 321 3 886028791 +393 84 3 889731009 +347 159 4 881654635 +465 136 4 883530133 +303 746 4 879467514 +533 687 2 879193517 +541 1036 2 883866280 +514 313 5 891900147 +468 70 3 875287535 +626 289 1 878771281 +592 192 5 882955460 +700 144 4 884494252 +465 172 3 883531026 +417 1040 2 879649428 +585 1319 2 891285820 +343 1008 4 876403418 +327 86 4 887822433 +524 443 4 884636542 +407 315 4 891873158 +567 293 5 882427250 +201 185 5 884111217 +532 554 4 874790813 +389 285 5 879916076 +453 77 3 888207161 +18 189 5 880129816 +666 656 4 880139120 +248 180 3 884534735 +189 151 5 893264378 +548 717 4 891416050 +650 367 2 891387490 +653 748 5 878853734 +693 143 4 875484613 +664 210 4 878090054 +85 1174 3 879454633 +354 733 3 891217693 +505 294 3 888631311 +646 319 3 888529054 +653 405 3 878854810 +577 673 3 880474851 +193 153 4 889125629 +178 157 5 882827400 +13 453 2 882397067 +314 775 3 877888645 +683 286 2 893282977 +486 333 2 879873973 +479 270 4 879459641 +676 751 4 892685695 +405 1415 1 885549045 +505 210 4 889333508 +328 849 3 885048333 +344 71 3 884901371 +642 249 5 885604805 +385 173 4 879441386 +389 520 3 879991175 +549 472 3 881672408 +484 173 5 891195036 +246 672 4 884923047 +655 1252 3 887425601 +244 70 4 880604077 +643 77 3 891449557 +128 220 1 879968352 +18 631 5 880129691 +577 210 3 880474715 +276 42 4 874791623 +57 288 4 883696347 +533 294 4 879193088 +695 307 4 888806120 +506 425 4 874874585 +666 518 4 880567742 +393 132 2 887746207 +608 196 5 880405395 +190 148 4 891033742 +561 130 4 885810429 +387 774 3 886481737 +316 633 4 880854472 +94 710 3 891721117 +715 228 3 875963486 +181 109 1 878962955 +286 781 4 877532777 +701 316 5 891446857 +378 482 4 880046229 +588 85 5 890026882 +550 301 2 883426119 +625 179 4 891961170 +426 23 4 879444734 +60 9 5 883326399 +65 476 3 879217290 +100 269 4 891374641 +627 184 4 879531248 +499 902 5 892501173 +371 69 5 877486953 +311 404 3 884365406 +92 382 4 875656317 +587 269 3 892870956 +571 124 4 883354760 +177 258 3 880130379 +13 815 4 886303934 +492 131 3 879969720 +642 625 3 885603932 +561 12 5 885809356 +666 186 2 880139587 +254 1060 3 886472466 +456 1010 5 881371766 +622 166 5 882669695 +602 748 3 888638160 +577 949 2 880475408 +713 310 4 888882133 +311 755 4 884366035 +561 665 3 885810309 +537 479 4 886030938 +234 511 5 892078567 +668 286 4 881523612 +629 265 4 880116887 +195 276 4 880710086 +288 174 4 886374286 +474 182 5 887923924 +112 751 4 884992754 +667 1101 3 891035015 +149 1295 3 883512813 +664 169 5 878092569 +608 969 5 880407079 +713 539 3 888882085 +151 199 3 879524563 +271 131 4 885849419 +715 202 5 875962931 +586 672 2 884061084 +500 396 3 883876224 +429 496 4 882384603 +573 178 4 885844395 +698 497 3 886367473 +429 1218 3 882387653 +477 756 4 875940755 +387 434 5 886483970 +163 305 2 891219977 +592 294 3 882607434 +639 707 5 891239492 +392 250 3 891038158 +497 122 1 879309802 +181 1335 1 878963241 +533 504 4 888845229 +507 748 5 889964844 +399 628 3 882340719 +588 72 4 890026939 +437 1227 3 880142630 +64 650 3 889740225 +387 231 3 886483194 +450 609 5 882398312 +334 1132 2 891545616 +504 411 4 887831447 +181 683 1 878962006 +399 824 2 882341445 +497 28 3 879363586 +135 203 4 879857797 +619 258 5 885953622 +551 70 4 892783057 +653 22 5 878854284 +682 658 4 888517390 +484 51 4 891194910 +534 763 4 877808361 +192 25 4 881367618 +436 585 3 887771722 +329 295 4 891656012 +354 60 5 891217160 +412 651 4 879717548 +648 4 1 884881646 +640 4 4 874778065 +71 429 4 877319610 +690 85 1 881177430 +456 97 4 881373838 +661 531 4 876013552 +16 125 3 877726944 +654 969 5 887864204 +437 286 2 880139482 +707 640 2 886287471 +707 302 4 886285168 +561 132 2 885809269 +23 217 2 874787144 +327 447 4 887746196 +445 762 1 891200355 +716 318 5 879794962 +613 28 3 891227262 +363 69 3 891494865 +379 310 4 888646088 +569 748 2 879793228 +230 284 1 880485634 +622 737 5 882592678 +527 100 5 879455905 +538 275 4 877107050 +643 508 4 891445287 +144 282 4 888104123 +383 435 4 891192836 +506 715 2 874876486 +659 317 4 891331874 +506 802 4 885135954 +627 434 4 879529855 +236 100 3 890116402 +94 813 5 891720786 +659 181 3 891384107 +640 186 5 888026047 +190 508 3 891033905 +648 687 1 882212527 +569 225 3 879794408 +361 218 3 879441324 +713 1656 2 888882085 +606 56 5 880924483 +634 340 4 881952599 +682 1428 3 888518131 +149 1296 3 883512752 +24 79 4 875322796 +112 294 3 884992566 +406 136 4 879445522 +503 19 5 879438319 +425 1 2 878737873 +450 1091 4 882468047 +655 166 3 891585530 +167 512 5 892738341 +347 405 4 881652610 +293 192 5 888905582 +608 50 1 880403765 +14 191 4 890881557 +561 319 2 885809005 +154 211 4 879139002 +595 324 3 886920632 +200 622 3 884129782 +13 410 1 882141997 +536 746 5 882359838 +699 321 3 879383009 +158 408 5 880132313 +429 4 4 882385684 +407 561 4 887832999 +57 240 2 883697512 +405 1405 1 885549745 +668 354 4 890349060 +385 1252 5 879578355 +716 483 5 879795790 +566 1005 5 881650090 +416 425 4 886316647 +707 478 4 886285762 +11 29 3 891904805 +509 289 2 883590972 +13 775 4 886304188 +484 392 4 891194932 +622 558 2 882592523 +594 988 2 874780945 +497 545 3 879363233 +437 739 3 880143243 +586 436 2 884060807 +682 69 4 888519206 +478 196 3 889395921 +21 564 3 874951797 +519 1293 5 883250148 +499 300 4 882995625 +532 307 4 880831630 +524 604 4 884637501 +601 443 4 876350766 +593 470 2 875671062 +682 191 3 888517197 +679 181 5 884487279 +551 544 4 892784093 +665 427 5 884293309 +324 276 5 880575531 +655 1475 3 887477386 +697 273 5 882622481 +38 411 3 892433290 +659 735 3 891385079 +327 568 2 887820417 +711 64 4 876278860 +314 332 5 877886029 +586 237 4 884057783 +43 248 4 875975237 +102 88 3 892991311 +543 97 3 874864346 +25 495 4 885852862 +660 21 3 891198671 +588 399 3 890027379 +447 815 3 878854658 +89 49 4 879460347 +379 393 4 892879325 +711 684 3 879993758 +637 717 3 882905572 +263 98 4 891297988 +11 724 3 891904551 +145 66 4 875272786 +666 25 3 880313559 +661 408 5 876015530 +408 324 5 889680018 +656 286 1 892318343 +472 1110 5 875981429 +305 433 2 886324792 +347 943 4 881654545 +10 69 4 877889131 +561 447 3 885808767 +670 615 3 877974605 +603 1240 5 891956058 +495 90 4 888635637 +565 713 5 891037693 +640 168 5 886354114 +524 751 4 884701677 +342 251 5 875318267 +167 655 4 892738237 +659 402 3 891387400 +131 9 5 883681723 +616 1313 4 891224840 +224 660 4 888103703 +661 216 5 876017933 +672 281 3 879788819 +404 307 4 883790749 +6 79 3 883600747 +561 191 3 885807484 +681 898 4 885409515 +288 651 4 886374342 +660 202 2 891199683 +664 735 4 878092802 +64 559 3 889740310 +95 22 4 888953953 +545 79 4 879899233 +524 129 5 884322047 +178 460 2 882824869 +389 202 5 880087599 +416 395 2 886319620 +98 502 2 880499053 +453 552 2 877561713 +595 922 4 886921036 +437 1098 3 880141243 +291 1079 2 875086608 +633 276 3 875326698 +571 64 4 883355063 +152 153 4 880149924 +527 177 5 879456405 +449 742 3 879958839 +303 283 3 879467936 +633 317 3 875324598 +545 378 3 884134177 +526 50 5 885682426 +26 456 1 891386174 +5 438 1 878844423 +507 334 5 889964748 +694 195 4 875726708 +715 739 2 875964681 +588 154 4 890024529 +87 802 4 879875940 +87 47 3 879876637 +587 1483 4 892871337 +380 204 2 885479274 +523 116 5 883700766 +625 433 3 891636427 +29 268 5 882820686 +301 959 4 882078778 +708 268 3 892718876 +458 896 5 889323481 +472 69 5 892790628 +276 27 3 874787407 +373 24 4 877100016 +418 346 2 891282595 +663 985 3 889493210 +592 248 4 882608279 +642 235 2 885606047 +450 1220 5 882398084 +684 238 3 878759545 +622 577 2 882672143 +102 522 3 888803487 +523 866 5 883700618 +561 223 4 885807235 +90 836 5 891385190 +330 283 5 876544432 +633 651 3 877212283 +246 550 3 884922740 +477 1051 5 875941763 +267 230 4 878972493 +661 237 4 876037519 +591 100 5 891039565 +606 208 3 880925074 +651 242 5 880126430 +648 443 2 884883424 +269 196 1 891448283 +678 111 4 879544397 +514 200 2 875462867 +109 545 2 880583493 +370 423 4 879435369 +180 318 5 877355315 +585 970 3 891284915 +593 162 5 875671807 +343 747 4 876407174 +1 199 4 875072262 +139 676 4 879538275 +506 660 3 874873157 +640 64 5 874777701 +77 132 3 884753028 +293 1018 3 888907552 +658 724 3 875148059 +560 1014 4 879976215 +474 692 4 887927588 +663 741 4 889493351 +399 1540 3 882350282 +712 731 5 874729750 +660 1078 2 891201521 +370 613 2 879434587 +244 241 4 880602893 +393 258 4 887741960 +432 7 2 889415983 +543 24 3 874861639 +660 161 1 891201223 +628 300 5 880776981 +445 340 5 891035571 +524 79 4 884634818 +399 56 3 882346649 +181 1095 1 878962955 +243 724 3 879988459 +524 319 4 884638062 +653 378 3 890181185 +497 194 3 878759705 +546 322 4 885139921 +63 713 3 875747556 +561 1103 4 885807291 +396 237 4 884646092 +647 705 4 876530628 +487 651 5 883445606 +716 91 5 879796438 +655 393 2 887428334 +308 77 3 887740788 +374 229 5 880937780 +560 358 3 879975358 +588 559 5 890025951 +346 211 4 874948475 +655 958 3 887428993 +658 511 4 875147935 +276 375 1 874791339 +409 195 4 881109306 +610 699 2 888703507 +514 259 4 885180989 +367 670 4 876690021 +525 288 4 881085217 +673 311 4 888787396 +326 161 3 879875873 +417 498 4 879647540 +660 71 2 891200430 +94 201 4 891721378 +305 144 2 886323068 +168 280 4 884287580 +383 484 4 891192949 +650 223 3 891369656 +393 1182 3 889731413 +671 1222 3 884036365 +66 286 1 883601089 +346 743 2 875265295 +716 275 5 879793501 +648 862 1 884882441 +249 275 4 879572451 +454 259 4 881958606 +181 24 1 878962866 +239 921 5 889181092 +600 450 4 888453144 +580 181 5 884125042 +671 1239 3 884036683 +189 654 3 893265291 +410 311 3 888626913 +698 50 5 886366101 +412 81 2 879717829 +292 199 5 881105481 +343 385 3 876406939 +156 515 3 888185735 +648 636 4 884882916 +465 169 4 883531072 +372 446 4 876869512 +686 204 4 879546553 +591 47 3 891031426 +655 321 3 887425103 +601 378 2 876351041 +711 652 4 879993824 +201 86 4 884111637 +653 2 1 880151839 +276 233 3 874792436 +575 427 4 878148329 +290 1035 4 880475782 +249 258 5 879571438 +417 831 2 879646820 +648 226 4 884882916 +660 50 4 891197980 +16 945 4 877719158 +171 690 3 891034756 +17 471 2 885272779 +276 552 3 874795795 +660 930 2 891198762 +313 419 3 891014313 +601 1135 2 876351141 +493 597 4 884131738 +130 38 4 876252263 +627 177 5 879531158 +593 159 4 875671302 +653 101 3 880151817 +545 183 4 879899125 +648 103 1 884367274 +474 514 4 887926632 +495 660 3 888635144 +699 1060 3 879147367 +699 324 4 879147497 +648 434 5 884628437 +49 1081 3 888069246 +627 546 3 879531429 +548 292 4 891042530 +639 638 4 891239790 +683 748 3 893286347 +386 323 4 877655085 +642 412 2 885606271 +551 696 2 892785194 +584 229 3 885774172 +201 137 4 884112901 +301 186 4 882076121 +622 552 2 882671863 +650 269 4 891368885 +12 174 5 879958969 +393 561 3 889728438 +379 56 5 880524541 +617 644 4 883789386 +313 661 4 891015082 +535 686 5 879617489 +313 102 3 891030189 +442 7 4 883389983 +560 89 5 879975752 +276 195 5 874792483 +715 410 4 875962227 +144 963 4 888105254 +294 879 4 877818580 +104 15 5 888465413 +456 559 3 881373574 +601 1047 1 876347557 +308 22 4 887737647 +334 899 4 891547348 +524 71 3 884634755 +385 557 2 879446786 +664 673 3 876526718 +548 928 3 891415890 +421 603 4 892241422 +446 306 3 879786691 +521 28 3 885253323 +230 132 5 880484475 +378 2 2 880333851 +619 300 5 885953684 +13 655 5 886261387 +312 479 5 891698365 +486 1129 4 879874726 +524 649 4 884636205 +479 1007 4 879460140 +535 657 5 879618338 +456 9 3 881372328 +109 238 2 880580637 +503 603 3 880383653 +661 168 5 876017294 +270 869 1 876955633 +381 59 3 892697266 +492 242 5 879969878 +495 219 4 888636992 +667 186 4 891035033 +682 399 4 888522612 +385 177 4 879442673 +618 676 2 891307977 +660 569 2 891201499 +461 304 4 885355805 +532 29 3 888636521 +608 275 5 880403810 +532 97 5 893119415 +276 709 4 874792018 +671 258 5 875386402 +198 652 3 884209569 +670 228 5 877975344 +331 1101 4 877196633 +552 257 3 879221795 +417 202 4 879647140 +334 124 5 891544680 +406 575 1 880132188 +639 66 3 891240868 +402 135 4 876266775 +693 655 3 875482604 +429 249 4 882386662 +588 810 4 890029445 +389 178 4 880086755 +13 891 1 892015288 +313 502 3 891017395 +486 475 4 879874583 +69 289 4 882027133 +661 428 4 876016726 +498 594 2 881956498 +660 603 4 891199182 +295 70 5 879517779 +655 1103 3 887428417 +719 673 3 879360965 +74 13 4 888333542 +94 72 3 891723220 +621 273 4 880739654 +506 749 4 888178129 +405 81 3 885546025 +299 727 4 878192379 +458 195 4 886397318 +43 8 4 875975717 +666 467 4 880568094 +593 659 5 875671464 +505 228 2 889333894 +391 258 3 877398517 +344 694 5 884901093 +535 655 4 879618385 +589 300 5 883352600 +533 792 3 879190771 +471 768 3 889827982 +561 430 3 885809336 +223 619 2 891549570 +330 708 3 876545598 +562 684 4 879196517 +145 1273 5 875272196 +130 392 4 876252243 +654 756 4 887864071 +479 511 5 879461280 +451 877 4 879012471 +537 4 2 886031634 +560 183 5 879975586 +276 67 3 874791993 +711 720 3 879995077 +83 319 1 886532955 +472 51 5 875981708 +624 288 4 879791922 +214 69 2 891544445 +379 178 5 880741811 +297 200 3 875239092 +450 1271 2 882468686 +663 925 3 889493069 +655 291 3 887523177 +577 531 4 890089749 +308 196 3 887739951 +503 10 5 879438257 +683 313 2 893282664 +344 709 5 886382364 +101 125 4 877137015 +526 332 2 885682006 +1 57 5 878542459 +682 51 5 888517740 +658 182 5 875147448 +478 959 4 889396049 +712 392 5 874729996 +145 454 1 885557699 +454 289 3 881958783 +598 898 4 886711452 +450 79 4 882376446 +214 191 4 891544472 +429 537 4 882387773 +648 924 1 884795447 +82 946 2 878769748 +642 71 5 886131547 +416 834 3 878879314 +705 196 4 883518903 +638 100 3 876695560 +661 423 4 876016726 +702 346 1 885767306 +590 282 2 879439374 +416 281 5 893213103 +694 9 5 875726618 +7 551 1 892131978 +622 380 4 882592850 +207 242 4 890793823 +686 185 5 879545603 +514 301 4 880209797 +524 573 4 884636827 +184 476 2 889908207 +642 1413 3 886569809 +693 39 3 875482396 +234 510 4 892079840 +501 1010 4 883348308 +664 678 2 876523288 +65 402 4 879216949 +450 1116 3 887661961 +342 319 4 874984002 +176 1008 4 886048040 +561 431 2 885808738 +622 685 2 882590862 +64 419 2 889740310 +436 367 4 887770217 +721 87 3 877140859 +709 227 2 879848551 +445 1097 1 891199682 +268 77 2 875745453 +562 806 1 879195289 +343 429 4 876407138 +524 709 5 884635171 +526 879 3 885682102 +60 393 4 883327754 +481 163 4 885828389 +38 1031 5 892433801 +455 69 4 879111937 +621 420 4 874965298 +63 813 5 875747265 +339 1267 3 891033766 +323 544 4 878739459 +40 328 3 889041595 +497 568 3 879310792 +107 264 3 891264598 +270 574 3 876956038 +450 278 5 882473476 +659 566 3 891383889 +1 50 5 874965954 +429 393 3 882385749 +659 670 2 891385689 +276 355 3 887601451 +269 448 2 891450623 +707 487 2 886286360 +605 521 5 879424743 +624 286 5 879791792 +493 260 1 884129979 +655 286 3 887424831 +640 382 4 874777528 +659 492 3 891332189 +662 6 5 880571006 +311 56 5 884364437 +551 144 5 892778035 +619 331 4 885953574 +393 871 3 887745174 +674 118 3 887763150 +269 133 3 891449280 +160 211 4 876862171 +308 50 5 887737431 +639 199 3 891239155 +198 382 4 884207525 +627 92 4 879529702 +159 301 2 880485344 +539 45 4 879788345 +405 859 1 885547506 +638 118 3 876695385 +409 1449 5 881107817 +145 181 5 875270507 +669 340 4 891182948 +608 16 2 880406950 +714 282 4 892777903 +378 918 3 892383162 +454 657 3 881959876 +372 696 4 876869667 +552 243 3 879220651 +539 357 4 879787917 +537 414 4 886030938 +208 66 4 883108477 +223 185 2 891550684 +561 121 3 885810372 +545 743 3 879901322 +561 568 3 885807962 +699 456 1 880696679 +669 523 4 891260638 +648 1047 2 882212288 +174 371 5 886513674 +496 1286 2 876065382 +235 1451 4 889655112 +308 1135 4 887740099 +510 243 3 887667780 +498 443 3 881958237 +448 271 4 891888509 +440 1194 5 891577843 +107 312 4 891264535 +503 427 5 880472216 +498 607 3 881958093 +686 205 5 879545181 +11 123 3 891902745 +379 566 4 880525540 +637 148 3 882905070 +699 760 3 879147239 +652 699 5 882567383 +354 429 3 891218439 +429 432 4 882385443 +543 214 3 874864421 +328 181 4 885046244 +158 227 2 880134499 +452 318 5 885544110 +699 983 3 886568097 +453 122 3 877553532 +234 619 2 891227851 +697 150 5 882622127 +690 67 4 881177836 +503 451 4 880383425 +267 1336 1 878974659 +642 959 5 885605794 +450 969 4 882376584 +495 91 2 888634859 +577 265 5 880474851 +709 195 5 879848432 +593 866 5 875660236 +174 244 4 886433881 +676 181 5 892686164 +644 258 4 889075928 +399 147 5 882340620 +559 322 4 891034987 +398 474 4 875657926 +577 582 4 880475540 +326 239 3 879875612 +83 393 5 887665423 +488 1039 4 891294654 +697 333 3 882621431 +339 81 5 891033566 +526 750 4 885681886 +626 332 3 878771355 +242 268 5 879741340 +682 182 4 888523619 +552 240 2 879222133 +334 508 3 891544867 +279 1321 4 888806671 +717 287 5 884642558 +373 1039 4 877098437 +65 69 3 879216479 +719 659 4 879373935 +26 274 3 891385634 +11 42 3 891905058 +712 1178 4 874957086 +612 118 3 875324947 +532 506 5 889235367 +682 80 1 888521803 +684 520 4 875812065 +273 347 4 891293008 +425 100 4 878738853 +537 288 2 886028706 +454 1203 2 888267521 +660 1035 2 891201116 +22 17 4 878886682 +664 223 4 876523654 +712 385 5 874729778 +305 172 4 886323757 +429 726 2 882386751 +592 421 5 882956158 +561 744 3 885809781 +128 490 5 879966785 +382 135 3 875947078 +487 42 3 883446685 +715 231 3 875963273 +678 181 3 879544450 +411 435 3 891035478 +279 517 4 879572893 +267 100 5 878970427 +450 277 3 882397223 +284 333 3 885329146 +463 258 5 877387935 +328 984 3 885044940 +435 1411 1 884133104 +648 393 4 884881679 +664 805 5 878090381 +496 98 4 876073160 +374 820 4 882158327 +407 203 4 876341467 +162 237 4 877635980 +593 781 3 875671334 +233 12 2 880610333 +230 294 5 880484286 +709 561 3 879848209 +536 71 5 882360467 +533 284 1 879192641 +217 233 4 889069878 +625 214 4 891961632 +716 235 2 879794154 +474 527 5 887923923 +718 756 5 883349384 +450 1248 4 882399664 +70 143 5 884149431 +474 230 3 887927728 +712 366 5 874956713 +188 288 4 875071195 +457 632 5 882397543 +682 1305 3 888522021 +696 1176 4 886403631 +699 16 3 879148259 +684 186 4 878762087 +577 100 4 880470350 +176 129 3 886048391 +367 7 5 876689878 +655 183 4 887429999 +690 174 4 881179505 +671 685 5 884035992 +99 931 2 886780147 +659 675 4 891386936 +217 636 2 889069878 +361 276 4 879441417 +684 121 3 875810574 +637 411 1 882904678 +537 782 3 886031831 +498 172 3 881956362 +407 223 4 891868745 +345 81 4 884992998 +538 144 4 877107558 +539 127 3 879788046 +721 879 4 877136175 +503 132 5 880472148 +92 268 4 890251912 +635 875 2 878878838 +159 628 3 880486071 +655 1226 3 891585529 +560 111 3 879976731 +422 129 4 875129839 +655 1108 3 887427083 +13 886 5 881515613 +707 166 3 880061579 +198 122 1 884206807 +405 960 1 885545975 +417 44 2 880951252 +537 655 3 886030831 +343 10 4 876403009 +369 900 4 889428642 +557 269 3 881179139 +344 4 4 884901235 +715 181 4 875961816 +285 222 4 890595636 +483 116 3 878951532 +453 258 4 876191239 +716 143 5 879796171 +144 751 4 888103725 +716 118 2 879793763 +334 203 4 891546181 +472 271 5 892790628 +436 748 3 887768738 +712 97 5 874729816 +318 210 4 884496069 +13 231 3 882397582 +2 284 4 888552017 +581 283 2 879642274 +275 472 3 876197944 +265 628 4 875320516 +553 615 5 879949073 +58 603 5 884304812 +637 50 4 882901146 +405 1407 1 885548137 +705 427 2 883518783 +605 293 3 879366256 +291 129 5 874805699 +642 1473 4 886568874 +102 226 2 888801673 +660 404 2 891200621 +251 210 4 886271675 +59 584 4 888205145 +52 107 4 882922540 +686 79 4 879546443 +456 53 4 881375284 +373 232 3 877105075 +116 1134 4 886310197 +588 133 5 890015894 +722 546 3 891280866 +246 67 2 884923893 +271 182 3 885848408 +665 71 4 884293933 +711 95 4 879993758 +455 17 3 879111862 +698 168 3 886366731 +655 1194 5 887474605 +634 819 2 876171049 +173 324 5 877556864 +190 597 2 891626023 +707 154 3 886286742 +466 144 5 890284707 +244 126 4 880604302 +658 510 3 875147800 +659 837 3 891386307 +7 625 3 892131824 +688 682 5 884153712 +249 248 5 879571695 +654 111 4 887863635 +483 380 3 878953592 +308 1045 4 887740033 +654 317 4 887864757 +487 216 4 883530484 +457 559 4 882398054 +201 1131 5 884111359 +7 204 5 891351121 +51 184 3 883498685 +642 541 5 885607028 +635 262 5 878878654 +332 628 4 887938556 +716 196 5 879796596 +716 159 4 879797475 +311 186 3 884364464 +406 194 5 880131550 +551 554 5 892783906 +551 217 1 892784093 +505 988 3 888631371 +458 685 3 886394373 +642 250 5 886131457 +717 748 3 884641884 +650 663 4 891370971 +659 520 3 891332006 +537 199 4 886030682 +716 194 5 879795576 +655 923 3 888685734 +416 713 4 876697448 +421 653 3 892241422 +145 164 4 875271948 +698 529 5 886366731 +627 284 2 879530306 +634 282 4 875729749 +682 763 4 888521783 +503 615 5 880472061 +455 934 3 879110260 +596 313 5 883538815 +694 610 4 875729983 +666 5 2 880568465 +59 430 5 888205228 +402 471 4 876267041 +222 451 3 878185014 +394 230 3 881132958 +504 393 3 887909456 +666 661 4 880139765 +56 233 1 892679308 +363 435 3 891495850 +532 125 5 893119415 +660 125 3 891198421 +656 316 3 892318450 +539 289 4 879787770 +13 157 3 882140552 +450 191 5 887660440 +655 25 3 887611511 +655 1128 3 887472791 +290 109 3 880475564 +654 168 4 887864369 +435 673 3 884132341 +51 655 3 883498728 +586 273 5 884057692 +186 684 4 879023599 +712 72 4 874730261 +655 402 2 887431019 +87 578 3 879875940 +239 171 5 889178986 +321 1050 3 879441336 +637 475 1 882903191 +13 896 5 891036745 +487 404 4 883446725 +682 1016 2 888518747 +715 216 4 875963452 +197 879 4 891409535 +698 95 3 886367406 +417 142 3 879648184 +617 136 3 883789079 +707 283 4 880059957 +659 385 5 891331825 +425 62 4 878738548 +617 497 3 883788782 +354 381 5 891217851 +538 423 4 877108919 +487 578 3 884036466 +615 949 3 879448149 +405 736 5 885546336 +308 942 3 887737432 +486 14 5 879874725 +41 58 3 890687353 +378 95 4 880055296 +407 188 3 875043801 +601 763 5 876348035 +676 271 3 892685621 +426 648 3 879441931 +721 984 3 877137527 +457 783 3 882549936 +109 234 4 880578286 +486 137 4 879874871 +102 269 2 891427996 +421 183 5 892241459 +458 467 4 886396240 +618 969 3 891307889 +697 302 5 882621460 +184 340 5 889906905 +682 742 3 888519738 +399 755 2 882344757 +535 71 4 879618502 +707 1281 4 880060820 +487 49 4 884036466 +491 696 3 891188296 +634 274 3 876170992 +295 84 2 879518107 +361 166 4 879440605 +393 153 3 887746671 +638 228 3 876694917 +405 464 1 885546379 +291 364 3 875086699 +504 65 4 887838717 +634 924 4 877017810 +334 23 4 891545821 +501 147 3 883348080 +256 988 4 882150193 +514 647 3 875463079 +721 687 3 877137358 +178 1047 2 882824326 +201 59 4 884111546 +524 304 4 884321179 +460 1380 3 882912469 +482 315 3 887643146 +693 53 4 875483597 +488 135 4 891294785 +21 379 3 874951820 +437 812 3 881002092 +655 20 3 887611537 +354 528 5 891218155 +303 491 4 879466631 +393 924 4 887744688 +344 11 3 884901270 +97 23 5 884239553 +326 367 3 879877264 +711 204 3 879992994 +588 728 3 890027707 +592 322 1 882607647 +447 260 2 878854120 +712 734 4 874957027 +480 209 4 891208599 +622 157 4 882670389 +665 234 3 884293610 +7 402 5 891352904 +567 603 5 882425631 +378 775 3 880333305 +712 1119 4 874957269 +254 386 2 886475616 +552 282 3 879222133 +593 241 5 875672874 +717 25 5 884642710 +399 68 3 882347577 +565 970 4 891037757 +690 98 5 881179196 +699 544 4 879147109 +666 79 3 880567919 +62 402 3 879375883 +178 484 4 882826187 +152 1136 5 882477202 +388 300 4 886438122 +622 809 2 882671081 +686 64 5 879547224 +345 300 3 884900427 +570 301 3 881262404 +401 275 4 891032271 +267 127 5 878970529 +648 218 3 884883424 +567 430 4 882426927 +41 357 4 890687175 +648 56 1 884881592 +314 158 3 877892099 +525 127 3 881085647 +670 650 2 877975200 +437 496 4 880140662 +533 15 4 879192641 +494 357 5 879541245 +378 597 3 880044763 +293 180 5 888906428 +622 1039 5 882669575 +44 222 4 883613334 +307 163 3 879283384 +622 142 3 882670826 +630 411 4 885667108 +591 127 4 891031203 +448 307 2 891888042 +525 475 3 881086108 +82 71 4 878770169 +303 298 4 879544607 +307 736 3 877118152 +426 483 5 879442226 +407 226 3 876345024 +151 133 5 879524797 +583 258 4 879384094 +398 203 4 875908134 +344 297 4 889814555 +305 269 4 886307948 +64 235 4 889740567 +537 292 2 886029116 +693 23 4 875482168 +386 840 5 877655145 +497 597 3 879310649 +622 408 5 882590223 +540 820 3 882157545 +236 64 5 890116163 +222 747 2 878181976 +545 491 3 884134035 +429 21 2 882386508 +217 586 2 889070050 +637 1226 2 882903191 +661 501 4 876036190 +70 88 4 884067394 +318 866 4 884494976 +64 185 4 889739517 +682 379 4 888519260 +595 330 4 886920819 +566 240 3 881651225 +664 513 4 876524053 +717 324 3 884641842 +187 423 4 879465745 +416 686 5 893213444 +194 674 2 879553988 +194 157 4 879547184 +365 476 4 891304278 +373 577 1 877111423 +655 172 4 887477167 +303 127 5 879466523 +698 478 4 886366814 +567 675 4 882426812 +650 194 4 891369588 +94 544 3 891721562 +591 662 3 891031145 +724 305 3 883757259 +152 871 3 884018842 +239 652 5 889178762 +324 331 4 880574827 +727 123 3 883709402 +215 56 5 891436543 +416 476 5 893213796 +676 354 4 892685437 +425 750 2 890346317 +374 403 2 880939126 +109 755 5 880578814 +521 1244 3 884476887 +565 166 4 891037252 +650 210 3 891381585 +178 64 5 882826242 +379 116 4 880525194 +147 304 5 885593942 +633 252 3 875325273 +721 289 3 877137597 +280 8 5 891700303 +532 228 5 893118712 +405 238 5 885545070 +705 560 2 883427951 +709 29 3 879848695 +638 449 2 876694995 +656 875 2 892318842 +498 806 3 881957905 +301 802 2 882078883 +478 655 3 889395541 +69 182 4 882145400 +43 566 3 883955969 +495 416 5 888636899 +666 302 5 880138999 +198 164 3 884208571 +684 934 3 875811158 +655 875 3 888685850 +715 33 3 875964751 +606 562 4 880928181 +617 667 2 883789590 +60 136 4 883326057 +472 313 5 892790628 +622 496 4 882592314 +357 473 3 878951831 +694 671 3 875728989 +650 969 3 891371186 +453 186 4 877554466 +537 741 2 886030199 +13 306 3 881514876 +642 29 5 886454812 +676 748 4 892685538 +711 269 5 879991028 +95 665 2 879196666 +665 216 4 884293690 +648 1092 1 884882502 +191 316 5 891561456 +198 108 3 884206270 +595 844 4 886922069 +102 258 4 875886337 +715 284 4 875962109 +577 85 3 880475170 +429 482 3 882384683 +674 282 5 887763231 +709 22 5 879847946 +143 1038 3 888407656 +391 168 4 877399455 +188 144 3 875071520 +487 727 3 884029774 +493 410 4 884132883 +557 327 3 882458785 +454 392 2 888266991 +7 545 2 891354882 +60 745 5 883327442 +624 328 4 879792131 +466 518 4 890284903 +348 974 4 886523683 +621 624 5 874965093 +388 258 5 886439506 +537 519 3 886030584 +721 333 3 877137358 +365 137 3 891303999 +280 229 3 891702171 +564 344 4 888718521 +617 774 1 883789635 +725 1197 3 876106243 +394 109 4 880889159 +684 371 2 878576866 +60 70 4 883326838 +593 280 3 875660194 +701 297 4 891447197 +506 761 2 874873327 +508 222 3 883777281 +514 486 3 886189869 +538 143 3 877364003 +38 78 5 892433062 +7 652 3 891352659 +96 83 3 884403758 +488 318 4 891293734 +601 64 4 876349503 +305 708 3 886324963 +535 98 2 879617977 +707 531 5 886286214 +601 125 1 876347320 +87 72 3 879876848 +181 476 4 878962996 +503 443 5 879454811 +346 64 4 874948214 +239 180 5 889178833 +164 405 5 889402160 +633 566 3 877212173 +151 82 3 879524819 +16 273 5 877722736 +497 577 2 879363284 +524 513 4 884634938 +416 840 4 886315536 +398 756 3 875654592 +488 96 3 891294014 +13 789 5 882140389 +718 841 4 883349557 +640 126 4 886474802 +682 546 3 888517740 +76 192 5 875027442 +314 318 5 877888796 +682 157 4 888517484 +250 322 3 878089182 +660 132 3 891199683 +357 455 5 878951498 +665 369 4 884291747 +533 150 3 886425704 +608 328 4 880402983 +460 276 5 882912418 +533 239 3 879192157 +280 1217 5 891702544 +573 144 4 885844638 +716 153 4 879796311 +334 740 3 891548678 +395 154 5 883764878 +569 236 4 879793717 +629 182 5 880116818 +291 985 3 874805984 +479 272 4 889125255 +279 1491 5 890451408 +706 245 3 880996945 +291 94 2 875086354 +94 1011 4 891722214 +407 193 3 875046799 +642 597 4 885607065 +109 405 5 880564640 +233 588 5 877661553 +545 393 4 879900891 +279 546 3 875296924 +216 169 3 880233635 +666 515 5 880313230 +680 408 5 876816268 +560 137 4 879976427 +456 427 4 881372779 +719 291 3 884900301 +577 69 4 880474829 +617 631 2 883789212 +708 1051 4 892719193 +658 31 3 875148108 +178 172 4 882826555 +643 69 3 891447430 +592 1085 3 882608625 +276 174 5 874792366 +588 739 4 890025704 +655 129 3 887426008 +693 25 4 883975697 +589 258 2 883352463 +454 528 4 881959818 +207 470 3 879665381 +363 816 1 891498787 +516 169 5 891290685 +501 922 4 883347857 +87 423 3 879877710 +707 83 3 886286926 +709 823 3 879849573 +579 65 3 880951944 +458 597 3 886395022 +711 343 3 882457816 +567 582 3 882426899 +276 346 4 885159545 +639 269 3 891238599 +424 288 1 880858924 +553 186 3 879948552 +24 12 5 875323711 +454 300 4 881958326 +435 720 2 884133818 +707 1176 2 879438910 +727 678 3 883708229 +295 186 5 879517512 +682 70 4 888517416 +643 173 4 891447663 +303 124 4 879466491 +108 405 3 879880157 +449 337 4 880411035 +691 1 5 875543346 +223 243 3 891549079 +474 486 4 887924425 +445 144 3 890987569 +561 425 4 885808000 +3 333 2 889236939 +497 66 3 879362720 +551 1217 1 892784524 +497 225 3 879363510 +655 960 3 887427210 +568 462 4 877907236 +637 273 3 882903250 +674 929 3 887763150 +393 245 3 887742145 +715 756 2 875962280 +566 12 4 881649802 +622 449 2 882592850 +707 427 4 886285907 +622 212 3 882669740 +417 234 4 879646965 +18 223 5 880129731 +347 192 4 881653798 +452 156 4 875261819 +620 674 3 889987586 +141 597 4 884585071 +406 1 4 879446107 +6 173 5 883602462 +660 434 3 891200430 +648 373 3 884883149 +705 265 5 883428154 +181 718 1 878962675 +62 1077 3 879374607 +727 441 2 883711924 +653 765 1 880153207 +417 95 5 879646965 +13 279 5 882139804 +682 188 4 888522417 +499 483 5 885598854 +663 284 4 889492841 +545 746 4 879900321 +269 649 2 891448220 +379 746 3 880961839 +711 1074 3 879995754 +676 313 4 892685224 +727 117 3 883708660 +654 181 3 887863381 +650 648 3 891384201 +697 683 1 882621813 +727 181 3 883708750 +344 516 5 884901311 +472 29 5 875982867 +655 1255 3 887425732 +192 813 4 881367456 +83 864 4 883954588 +85 657 4 879454189 +472 63 4 875982511 +663 405 3 889492877 +148 168 5 877015900 +271 847 4 885847926 +625 945 3 891262724 +639 191 3 891239109 +90 482 5 891383204 +140 873 2 879013719 +545 97 3 879901865 +324 411 5 880575589 +489 313 4 891362740 +6 268 3 883268406 +655 1344 3 887474020 +554 864 4 876231993 +682 651 4 888517168 +720 872 3 891262780 +564 472 4 888730658 +568 301 1 877906737 +432 1 2 889415983 +429 141 3 882386966 +416 28 5 893212730 +698 210 5 886366690 +450 455 4 882376188 +521 25 2 884476002 +162 79 4 877636713 +632 357 4 879456844 +575 50 2 878148258 +718 975 2 883349301 +141 346 1 886447613 +560 100 5 879975752 +213 164 5 878956300 +588 395 4 890030781 +478 26 5 889396212 +712 213 3 876251366 +645 956 4 892053310 +407 250 4 890687564 +436 265 3 887769106 +680 248 4 877075312 +729 328 3 893286638 +334 9 4 891544707 +537 47 4 886030768 +716 707 4 879795121 +694 199 5 875728435 +623 183 3 891034294 +693 333 3 875481397 +49 428 5 888068791 +694 50 5 875730386 +727 105 1 883709884 +299 513 4 877881228 +682 222 4 888519725 +532 771 3 874791172 +435 977 2 884134829 +296 127 5 884196489 +199 313 4 883782557 +7 230 3 891353326 +619 118 5 885953827 +328 1518 3 885049503 +659 699 3 891384499 +551 328 5 892775584 +466 346 3 890283056 +387 742 2 886481105 +174 905 3 890168415 +675 531 5 889489108 +399 179 3 882344406 +298 423 5 884183063 +650 659 3 891369798 +718 222 4 883348712 +476 85 2 883364433 +524 640 1 884636541 +650 233 2 891370243 +642 391 4 885607143 +380 1116 4 885479397 +136 127 5 882693404 +693 432 4 875484908 +648 24 3 882211532 +727 720 2 883712037 +145 894 1 883840965 +601 151 3 876346930 +586 238 2 884059027 +393 377 3 889728200 +554 220 3 876232109 +234 1369 3 892333765 +292 499 5 881105245 +659 762 3 891387227 +663 280 3 889492841 +727 1119 3 883711923 +521 191 4 884477868 +30 683 3 885941798 +650 195 4 891369442 +142 7 4 888640489 +499 132 4 885599040 +637 150 1 882903447 +592 181 3 882608182 +523 533 4 883700395 +716 836 4 879795425 +613 127 4 891227204 +655 656 3 887430072 +711 483 5 879992739 +52 919 5 882922140 +141 930 4 884585247 +606 748 3 880921753 +502 300 2 883701980 +609 319 1 886895516 +643 155 2 891449345 +540 294 4 882156617 +478 451 5 889396282 +405 1107 1 885546635 +600 241 5 888451582 +618 955 2 891307540 +557 887 3 881179118 +567 357 2 882425901 +727 68 4 883710347 +339 1135 2 891033898 +711 229 3 879995461 +416 707 4 876699179 +615 275 4 879447872 +501 840 4 883348655 +726 355 3 889829235 +56 229 3 892676340 +486 1086 3 879874482 +303 956 4 879466421 +590 9 3 879438972 +159 405 5 880557564 +704 304 2 891396595 +682 581 2 888517948 +716 602 5 879795691 +450 197 5 882374059 +561 180 4 885807261 +537 581 3 886031886 +416 815 4 876697243 +622 403 4 882592735 +639 274 1 891240495 +595 411 3 886921448 +655 175 3 887426931 +443 343 5 883504771 +639 796 1 891240805 +715 175 3 875962964 +81 186 5 876534783 +498 425 2 881957431 +164 282 5 889401927 +479 187 4 879460785 +542 625 3 886533588 +699 678 3 879147032 +694 200 4 875726968 +707 140 2 886287191 +655 330 2 887425295 +59 191 4 888204841 +284 687 3 885329902 +114 474 5 881260170 +115 317 5 881171137 +666 410 2 880313447 +655 516 2 887523581 +480 462 4 891208520 +567 811 4 882426210 +647 250 3 876532975 +676 688 1 892685695 +642 559 5 885604874 +643 420 4 891449803 +338 488 5 879438449 +622 143 4 882670228 +646 258 3 888528417 +568 603 5 877907157 +83 235 1 883867920 +315 23 5 879821193 +659 805 5 891383561 +654 56 4 887864414 +724 342 3 883757874 +256 678 5 882150192 +279 130 1 892864707 +579 676 3 880951784 +283 866 3 879297867 +464 984 2 878354681 +453 12 5 877553813 +327 99 4 887820761 +500 569 4 883876370 +566 393 2 881651434 +684 625 3 878760041 +727 125 4 883710598 +600 188 4 888451750 +174 70 5 886453169 +669 508 3 892549292 +234 173 3 892334577 +644 1610 3 889077115 +345 9 4 884900976 +634 287 3 877018059 +392 615 5 891038371 +301 678 2 882075386 +450 86 4 887660440 +243 151 3 879987397 +102 200 3 888803051 +557 322 3 880485052 +648 479 4 884368538 +502 751 3 883702120 +588 142 5 890024117 +593 846 2 875660295 +429 79 4 882385243 +21 853 5 874951658 +472 392 4 875981503 +600 541 1 888451977 +328 723 3 885047223 +655 1642 4 888474934 +339 939 4 891034115 +437 204 5 880141528 +524 111 5 884323426 +608 213 4 880404693 +450 432 4 882377861 +92 428 4 875653519 +291 93 4 874805927 +675 509 5 889489465 +638 265 5 876695216 +579 1446 2 880952165 +87 577 4 879877127 +274 258 5 878944379 +409 179 5 881107817 +504 485 4 887839745 +54 252 3 880937630 +437 318 4 880140466 +593 476 2 875659943 +679 327 4 884312731 +699 749 3 893140897 +561 277 3 885809223 +429 419 4 882385293 +665 97 2 884294329 +557 334 4 881179362 +722 124 4 891280842 +15 931 1 879456507 +331 302 5 877196819 +181 305 2 878961542 +555 762 4 879964159 +527 425 4 879455792 +645 203 4 892053456 +693 69 3 875482336 +686 234 4 879546715 +110 161 5 886988631 +513 250 3 885062332 +130 475 3 874953595 +630 255 5 885666740 +729 689 4 893286638 +303 281 3 879543375 +658 70 3 875148196 +655 38 2 887429875 +712 465 4 874957113 +247 64 5 893097024 +13 444 4 882396984 +391 213 4 877398856 +591 487 4 891031203 +611 333 4 891636073 +621 333 4 890517503 +728 508 4 879443265 +212 269 3 879303468 +457 629 4 882397177 +256 460 4 882153987 +313 452 3 891029993 +57 678 3 883696547 +542 13 4 886533002 +650 679 3 891381709 +653 282 3 884405616 +116 896 2 890632896 +397 688 1 875063649 +627 121 3 879531397 +590 515 3 879438972 +708 535 2 877325838 +618 966 4 891307931 +416 990 2 876696739 +614 1134 2 879464556 +397 989 1 875063722 +648 367 3 884881837 +419 405 3 879435503 +426 133 5 879441978 +43 473 3 884029309 +563 118 4 880506863 +450 287 4 887660504 +657 1 3 884239123 +588 602 3 890015580 +561 710 4 885809897 +693 1232 2 875483114 +608 655 5 880405395 +660 153 4 891200388 +453 24 4 877553108 +13 797 5 882398327 +487 747 4 883531466 +653 476 2 878855211 +458 208 4 886395963 +682 124 2 888517097 +683 350 2 893284184 +405 377 1 885547690 +406 228 3 884630974 +545 258 3 879898617 +201 637 3 884112627 +97 100 2 884238778 +468 195 5 875291902 +405 1572 1 885549635 +181 292 1 878961781 +664 172 5 878090054 +429 178 4 882384772 +688 339 5 884153712 +551 272 5 892775389 +679 121 2 884488260 +13 561 1 882396914 +269 122 1 891446873 +92 735 3 875656121 +653 458 2 878866475 +293 265 3 888906193 +567 493 4 882426719 +152 284 5 880149045 +268 257 4 875742866 +581 9 5 879641787 +716 160 2 879797303 +300 833 4 875650329 +486 275 4 879874582 +660 357 2 891200014 +256 243 4 882150193 +286 70 5 877531975 +562 98 4 879195081 +397 134 5 885350132 +533 31 3 879191265 +246 1188 3 884924001 +658 718 3 875145667 +716 499 4 879796942 +615 306 4 879447556 +707 467 4 886286057 +702 294 1 885767555 +193 580 4 889127270 +567 174 1 882426869 +263 602 4 891298592 +524 133 5 884634968 +455 747 4 879111422 +230 451 4 880485402 +436 441 3 887772060 +286 946 3 889652221 +405 1218 5 885547360 +272 654 5 879454977 +425 316 4 890346705 +682 1437 2 888521942 +727 367 3 883712430 +294 252 4 877820240 +655 187 5 888474357 +588 1428 5 890032056 +592 338 2 882607647 +581 221 2 879642274 +456 79 3 881373228 +691 294 4 875542868 +234 473 5 892334976 +455 12 3 879111123 +479 215 3 879461651 +333 269 2 891044134 +637 1102 3 882904537 +472 240 4 875979187 +108 740 3 879880055 +727 217 3 883712913 +643 94 4 891450240 +327 311 3 887737629 +546 690 2 885139693 +257 60 5 879547440 +23 194 4 874786016 +704 211 5 891398726 +389 396 3 880089037 +109 636 5 880581817 +603 385 4 891957012 +627 461 3 879530042 +351 312 5 883356784 +682 29 2 888522699 +35 748 4 875458970 +727 933 1 883709009 +637 744 4 882903044 +457 931 2 882395916 +303 845 4 879485221 +703 293 4 875242990 +314 53 1 877891426 +684 111 4 878760164 +271 73 2 885848707 +658 943 3 875148196 +437 614 5 880139951 +429 232 4 882385859 +101 979 2 877136711 +354 518 3 891217340 +411 208 4 891035617 +548 313 5 891044304 +674 25 4 887763035 +548 591 3 891415465 +711 1466 4 883589693 +637 405 1 882903250 +567 475 4 882426508 +716 416 3 879796354 +543 38 3 877545717 +694 121 5 875726886 +128 742 3 879967197 +417 1086 4 879646369 +216 79 4 880235381 +220 332 3 881198246 +352 92 3 884289728 +478 222 2 889387931 +121 135 5 891388090 +561 356 1 885809752 +634 50 4 877018347 +661 310 2 889500835 +87 1179 3 879877127 +610 271 1 888702795 +313 331 3 891013013 +506 578 3 885135881 +145 331 3 879161554 +49 77 1 888068289 +514 283 4 875309231 +299 1036 2 889503856 +308 506 4 887738191 +537 198 2 886030652 +343 1039 5 876404689 +629 64 5 880117513 +721 403 4 877139638 +345 293 4 884994592 +714 252 3 892777619 +709 28 5 879847946 +606 191 5 880923988 +430 258 4 877225570 +716 470 4 879797152 +616 260 3 891224864 +159 250 3 881679988 +113 289 2 875075887 +632 404 5 879459544 +184 492 4 889908947 +689 151 3 876676501 +391 661 5 877398898 +588 417 5 890026009 +658 515 5 875145493 +280 575 2 891702422 +711 699 5 879993728 +279 410 5 890780547 +665 133 3 884294771 +269 1428 5 891447409 +587 905 3 892871503 +592 483 5 882955613 +307 168 5 879283798 +623 298 2 891032433 +479 602 4 879461492 +187 23 4 879465631 +665 194 3 884294671 +474 50 5 887915221 +332 294 5 887916324 +629 147 5 880117534 +647 134 4 876534275 +305 1 5 886323153 +429 468 3 882384896 +650 780 2 891389237 +717 293 5 884715103 +716 503 3 879795071 +579 709 5 880952142 +8 177 4 879362233 +664 481 5 878091912 +560 429 3 879975485 +343 127 5 876404464 +468 22 5 875287686 +269 509 4 891447280 +483 274 4 878953129 +585 171 3 891285491 +648 578 4 884882987 +707 186 3 886286133 +619 257 3 885953805 +648 265 4 884796886 +655 60 3 887564614 +73 268 3 888625754 +571 174 4 883354940 +394 411 4 881058969 +89 181 4 879441491 +529 310 4 882534996 +570 243 1 881262557 +490 475 4 875427629 +684 237 5 875811158 +684 94 3 878762183 +514 342 1 885180909 +144 651 4 888105197 +712 399 5 874956872 +535 447 5 879617574 +712 542 4 874956543 +483 480 3 878953862 +711 137 5 886030557 +567 836 3 882426998 +243 280 1 879987148 +727 585 2 883713257 +353 333 4 891402757 +738 188 3 875350456 +551 90 1 892784199 +648 117 2 882211301 +618 91 4 891309756 +695 882 4 888805836 +519 339 3 883248222 +468 25 5 875280214 +601 820 1 876348316 +488 659 3 891293771 +537 83 4 886030891 +56 144 5 892910796 +694 275 4 875727640 +41 276 2 890687304 +457 190 5 882396602 +659 661 5 891331916 +408 270 5 889679683 +314 65 4 877888855 +374 282 5 880392936 +493 188 5 884131314 +650 739 2 891384328 +170 258 3 884104016 +389 1197 3 880165664 +643 49 3 891449848 +719 126 2 884900234 +699 112 3 884152976 +41 1039 3 890687642 +689 471 4 876676433 +472 101 5 875981624 +21 983 2 874951416 +699 235 3 878882272 +11 25 3 891903836 +473 319 3 878156824 +78 237 5 879634264 +643 1074 2 891448630 +587 340 5 892871141 +665 127 4 884292654 +453 94 4 877561956 +618 44 4 891308791 +606 239 4 880926339 +234 56 3 892078837 +577 217 5 880475363 +383 514 5 891192949 +738 651 4 892957752 +169 683 3 891268976 +567 521 3 882425701 +311 581 3 884366137 +541 1074 1 884046888 +676 344 5 892685657 +466 22 5 890284706 +671 578 3 884036411 +339 144 3 891033794 +648 615 4 884796652 +619 55 1 885954053 +81 269 3 876533229 +588 315 4 890014591 +727 208 4 883711240 +559 69 5 891034003 +450 807 4 887834823 +101 278 2 877136737 +463 744 3 877385457 +721 317 4 877147872 +48 289 1 879434252 +386 273 3 877655028 +621 71 3 874965208 +679 357 5 884486812 +487 1 5 883443504 +504 70 3 887838869 +561 10 3 885808766 +640 249 4 886474493 +474 685 3 887915784 +379 186 5 880740495 +690 204 3 881177430 +599 975 5 880952357 +707 496 3 886286433 +671 576 5 884035939 +235 971 4 889656113 +655 228 3 887429594 +169 134 5 891359250 +479 472 1 879460354 +456 1057 3 881372191 +618 117 5 891307494 +498 156 5 881957054 +542 80 3 886533142 +270 200 5 876956360 +468 150 5 875280309 +655 610 4 887432283 +456 268 5 887165395 +642 1285 4 886132043 +586 250 3 884057661 +14 762 3 876964936 +76 6 5 875028165 +333 174 5 891045082 +648 568 5 882212651 +546 250 4 885141260 +379 63 2 880962215 +660 80 1 891201796 +719 66 3 888454637 +305 300 3 886307828 +342 98 3 874984261 +354 143 4 891217547 +343 67 3 876407663 +416 1058 5 893213019 +235 153 4 889655662 +222 678 3 877562973 +514 527 4 875462466 +479 198 5 879460939 +659 1119 4 891383674 +339 205 5 891033629 +543 474 5 875665787 +594 181 3 874781076 +467 273 4 879532565 +664 64 4 876524474 +468 191 4 875287686 +504 961 4 887839081 +410 873 4 888627138 +422 396 4 879744143 +90 660 4 891385652 +686 588 4 879546497 +480 705 4 891208520 +23 96 4 874785551 +77 1 5 884732808 +713 1431 3 888881939 +592 221 5 882608357 +632 423 4 879459003 +655 1629 3 887427083 +489 358 5 891445439 +666 864 3 880313523 +48 56 3 879434723 +736 181 2 878708646 +486 1171 3 879874417 +720 258 4 891262762 +262 278 3 879790741 +551 331 5 892775584 +504 88 3 887909839 +569 1014 3 879795581 +207 226 2 877125390 +181 885 1 878962006 +734 82 4 891022704 +276 382 4 874791236 +176 289 3 886047292 +144 357 4 888105254 +588 846 4 890025621 +270 665 4 876956419 +728 282 4 879443291 +654 284 4 887863914 +547 332 3 891282681 +339 1404 5 891034592 +640 684 4 874778568 +311 655 4 884365406 +147 750 5 885593812 +688 678 5 884153750 +84 744 4 883449965 +87 845 4 879876564 +425 686 3 878738757 +505 177 3 889334477 +514 156 4 875311225 +229 937 2 891632347 +195 358 2 883463275 +543 313 3 887912223 +524 118 4 884627463 +708 280 4 877325316 +405 770 1 885548048 +452 73 3 875277472 +607 485 3 883879442 +82 473 2 878768765 +637 546 1 882905182 +650 1126 4 891369620 +671 182 4 884035685 +374 412 4 883627129 +435 448 3 884132230 +370 136 4 879434999 +42 38 3 881109148 +437 402 2 880143263 +537 6 2 886029806 +550 328 5 883425652 +499 887 5 882995826 +524 382 3 884636596 +416 211 5 893214041 +201 65 4 884113806 +374 235 3 880394301 +707 1397 1 886289521 +712 728 4 874956384 +178 435 4 882827043 +235 1 4 889655571 +655 629 3 887428559 +536 472 3 882319003 +533 1047 3 887032276 +721 681 3 877137214 +701 304 4 891446679 +659 143 5 891384973 +470 150 5 879178406 +425 209 2 890347085 +658 318 4 875148196 +682 748 3 888516814 +653 416 1 880152426 +184 655 3 889908630 +526 328 2 885682006 +308 588 5 887738893 +661 709 4 886841685 +281 690 5 881200264 +543 302 4 887912238 +561 371 1 885809426 +606 628 4 878143729 +450 51 4 882377358 +327 663 4 887819582 +99 651 5 885679833 +393 949 3 889731465 +109 161 3 880572756 +346 1232 1 875264262 +141 100 4 884584688 +543 531 4 874864347 +705 50 4 883427012 +559 153 3 891035708 +705 172 3 883427663 +705 627 3 883427932 +276 1481 2 877934446 +532 346 5 885761690 +655 717 1 887430830 +639 155 3 891239638 +223 535 3 891549876 +618 692 4 891309091 +618 276 3 891309266 +239 632 5 889181015 +695 338 2 888806270 +650 222 4 891369924 +406 611 3 879446268 +184 591 3 889907711 +126 681 5 887938392 +442 217 3 883390083 +447 469 4 878856394 +392 345 4 891037385 +373 202 3 877099352 +194 29 2 879528342 +588 483 4 890015500 +345 303 4 884900448 +466 182 4 890284706 +210 684 3 887737171 +635 886 4 878878901 +79 258 5 891271308 +457 588 5 882397411 +51 136 4 883498756 +233 318 5 877665324 +313 28 3 891016193 +190 696 3 891042883 +574 310 4 891279012 +642 729 3 885603566 +43 418 4 883955387 +590 287 4 879439645 +655 150 3 888893279 +727 692 4 883711240 +730 298 4 880310426 +236 97 5 890118228 +688 332 5 884153712 +548 1089 2 891044049 +505 202 3 889333508 +486 880 5 879874112 +172 425 1 875536591 +743 321 2 881277690 +488 181 4 891376029 +74 340 5 888333194 +291 1209 1 875086308 +279 926 4 875296696 +399 79 3 882512214 +533 356 4 879191652 +78 880 5 879633600 +376 328 3 879433164 +698 177 1 886367366 +100 258 4 891374675 +539 303 5 879787770 +125 8 4 879454419 +622 597 5 882591687 +244 26 5 880606274 +41 238 5 890687472 +693 183 2 875483301 +110 326 4 886987417 +577 228 3 880474338 +222 571 2 881060823 +30 252 3 875140740 +100 900 4 891374832 +625 647 4 891263822 +686 170 5 879547043 +456 121 2 881372052 +682 356 3 888517986 +94 286 4 891724122 +707 170 5 886285824 +201 160 5 884113368 +472 1047 4 875979082 +682 573 4 888521116 +425 195 4 878738245 +717 268 5 884642133 +454 526 4 881959698 +173 334 4 877556926 +207 293 2 878104486 +650 198 4 891381546 +274 597 3 878946133 +716 163 4 879795949 +452 863 5 885816769 +393 203 4 887746091 +693 162 3 875482912 +653 77 3 880152843 +383 134 5 891192778 +553 136 4 879948655 +561 175 4 885807429 +650 234 4 891369890 +405 851 1 885549407 +577 140 4 880475043 +653 64 4 878867272 +615 211 5 879449164 +634 325 1 877974690 +630 595 5 885667660 +589 272 5 883352535 +588 386 2 890029445 +642 1219 4 885603932 +606 157 4 880926018 +301 68 4 882076558 +541 1053 3 883865317 +13 762 5 882141336 +318 1048 4 884495001 +151 1 5 879524151 +716 157 3 879796914 +378 755 3 880056073 +445 237 2 891199906 +577 8 4 880474257 +566 54 3 881651013 +271 747 3 885849087 +528 210 5 886101976 +286 198 4 877533887 +521 1014 3 884476320 +578 323 3 888957735 +611 344 5 891636073 +416 794 5 893213019 +64 31 4 889739318 +110 692 4 886988937 +705 233 3 883428154 +514 435 3 875463551 +554 222 4 876231802 +642 218 3 886130929 +151 642 3 879524713 +660 559 2 891201069 +703 294 2 875242281 +293 187 3 888905865 +604 200 1 883668261 +604 164 4 883668175 +639 313 1 891238514 +537 87 3 886030622 +698 485 4 886367473 +409 608 4 881107155 +593 4 4 877728878 +593 140 4 875671226 +721 305 3 877137285 +697 1059 2 882622208 +83 828 3 883868208 +675 305 4 889488548 +528 185 4 886101652 +586 761 3 884062742 +622 89 5 882669740 +533 197 5 882902988 +655 778 2 890497653 +276 29 3 874796373 +42 468 4 881108346 +537 32 3 886031178 +527 169 4 879455961 +671 405 3 884035939 +541 1078 4 883874834 +666 31 3 880314500 +508 154 5 883767704 +409 23 4 881109175 +711 25 4 876185920 +716 628 3 879793376 +721 632 4 877147675 +672 864 3 879789278 +234 44 3 892335707 +642 1 5 885603565 +677 150 3 889399402 +536 98 4 882360029 +7 668 4 891352778 +478 410 3 889388357 +655 739 4 891585450 +214 1017 4 891543156 +454 1105 3 888015988 +653 449 3 880153740 +308 151 4 887741795 +491 129 4 891185170 +697 123 5 882622016 +666 191 4 880139090 +742 258 5 881005590 +405 1441 1 885546835 +7 635 3 891352864 +454 742 3 888267315 +290 191 3 880474235 +181 932 1 878963121 +707 1628 5 886287353 +271 956 4 885848997 +328 229 3 885046977 +416 955 4 876699839 +498 53 4 881961689 +540 1014 4 882157224 +334 257 4 891544764 +145 678 2 879161675 +737 428 4 884315066 +708 1 5 877325375 +453 1170 3 877562135 +655 42 3 887428184 +679 169 3 884486904 +293 121 3 888905198 +334 710 3 891548295 +389 591 3 879915726 +708 938 3 892718896 +129 748 2 883245452 +478 568 5 889396615 +415 432 4 879439610 +537 404 3 886031720 +682 291 1 888517364 +313 696 3 891032028 +601 22 4 876348820 +579 82 3 880951783 +234 172 3 892078837 +533 237 2 879193048 +456 789 3 881374522 +551 24 5 892783142 +59 736 5 888205145 +655 1462 3 887429077 +439 293 3 882892818 +683 321 5 893286207 +651 268 2 880126473 +531 748 4 887049081 +276 219 4 874792692 +687 336 2 884652144 +280 71 4 891700818 +254 416 4 886472713 +297 211 4 875240090 +90 490 5 891383753 +527 466 2 879455765 +119 1244 3 874781037 +502 350 3 883701792 +514 431 4 875463595 +529 876 3 882535466 +642 56 4 885602656 +422 294 3 875129692 +343 7 5 876402941 +138 137 5 879023131 +541 941 4 883865394 +644 289 1 889076364 +630 295 4 885666875 +457 410 4 882393937 +142 259 3 888640104 +569 268 3 880559356 +497 204 3 879362683 +564 831 3 888730658 +459 258 3 879561574 +237 474 5 879376327 +711 488 4 879992407 +395 458 3 883765731 +467 327 4 879532164 +405 438 1 885548384 +484 746 4 891195179 +276 122 3 874787150 +426 168 3 879444081 +712 181 5 874729901 +279 710 4 890451408 +500 479 5 883873811 +655 1532 2 887476999 +213 69 3 878955534 +716 663 5 879795467 +303 111 3 879467639 +715 425 4 875964655 +342 3 2 875318606 +347 742 5 881652610 +588 873 3 890014887 +666 209 4 880139205 +567 192 4 882426021 +31 262 5 881547766 +661 222 3 876013121 +671 298 4 875389187 +659 393 3 891387054 +409 607 5 881107697 +69 1144 5 882126156 +716 471 2 879795375 +426 631 3 879442006 +354 855 4 891306852 +707 486 3 886287662 +354 246 4 891216607 +290 117 3 880474799 +403 472 4 879790319 +158 325 4 880133920 +705 385 4 883428084 +521 168 4 884477585 +605 282 4 879424743 +535 631 5 879619176 +536 82 4 882360929 +313 202 5 891014697 +338 286 4 879437522 +495 11 5 888634536 +733 10 3 879535559 +245 300 4 888513026 +734 204 4 891022938 +184 632 5 889913687 +500 775 1 883877001 +284 303 5 885328991 +303 395 2 879544080 +745 492 5 880123572 +42 926 3 881105766 +297 535 3 874954814 +435 182 4 884131356 +159 948 2 880485344 +435 206 5 884133223 +1 192 4 875072547 +268 208 4 875309430 +268 223 3 875745728 +637 535 2 882905573 +543 582 3 874863550 +265 748 5 875320112 +736 296 4 878709365 +552 1048 3 879221683 +235 923 4 889656132 +655 1131 5 887428772 +58 1084 4 884304896 +84 411 2 883452516 +664 127 5 876525044 +734 99 4 891023086 +26 148 3 891377540 +654 468 4 887864757 +291 1305 3 875086766 +521 7 3 884475973 +1 178 5 878543541 +478 843 5 889397582 +713 1434 3 888882133 +130 1088 2 876250805 +402 12 4 876266826 +360 1149 4 880356025 +354 109 3 891216692 +487 347 2 884806595 +653 517 1 880150330 +90 59 5 891383173 +62 1129 5 879372060 +604 48 5 883667946 +711 1152 1 879991762 +721 690 3 877136967 +379 514 3 880961718 +204 288 3 892389137 +394 28 4 880886821 +718 926 2 883348912 +405 659 4 885544739 +494 65 5 879541207 +676 948 1 892685803 +363 210 4 891494905 +638 234 4 876695627 +650 98 4 891369798 +708 326 4 892719007 +655 522 3 887426900 +690 239 2 881177532 +708 871 1 892719101 +456 234 3 881373473 +586 160 4 884066360 +405 1147 2 885546069 +169 50 5 891359250 +43 69 4 875981421 +537 942 3 886031913 +659 636 3 891387400 +268 860 1 875744501 +586 181 4 884057344 +405 745 1 885547506 +623 283 4 891032275 +62 949 4 879376210 +145 246 4 888397946 +745 190 5 880123905 +463 248 3 889935953 +645 91 3 892054990 +380 443 4 885480283 +615 526 4 879448735 +533 747 5 879438767 +664 268 3 876523093 +504 490 4 887909816 +200 202 5 884129275 +738 367 3 875351346 +694 48 4 875726759 +618 763 2 891309319 +130 1275 5 876252288 +207 1435 2 877821612 +389 1204 4 880165411 +320 122 3 884749097 +250 12 5 878090499 +655 806 3 887523224 +523 634 5 883700743 +442 144 4 883390328 +548 340 1 891042794 +601 673 1 876351264 +539 124 4 879788480 +270 1073 5 876955202 +422 151 4 875130173 +121 717 5 891390688 +123 64 3 879872791 +387 410 3 886480789 +685 334 1 879451168 +638 550 5 876695059 +683 900 1 893282740 +293 789 2 888906071 +592 150 5 882607955 +21 656 5 874951797 +328 427 3 885045740 +416 172 5 893213796 +506 1136 3 877539905 +92 193 4 875654222 +705 151 3 883427134 +504 53 4 887911730 +374 323 3 880392482 +566 163 5 881649622 +460 242 4 882910838 +620 975 3 889987852 +224 1381 3 888104589 +655 880 2 887523271 +450 606 5 882371904 +645 518 5 892055285 +565 652 5 891037563 +291 722 4 875086460 +650 183 4 891369924 +491 124 5 891185170 +533 1173 4 885820219 +655 1490 2 887489792 +321 357 4 879439832 +659 942 3 891386347 +188 678 3 875071361 +587 690 3 892871252 +1 5 3 889751712 +645 168 4 892054797 +606 1190 3 889137308 +537 882 4 886028791 +244 1 4 880604405 +686 134 5 879545340 +716 97 4 879794996 +660 164 2 891200307 +429 961 3 882385518 +343 288 2 876402428 +597 1534 1 875341758 +311 630 5 884365929 +712 790 4 874956931 +343 56 5 876404880 +637 1233 5 882900888 +625 255 2 891629673 +106 28 4 881451144 +486 248 4 879874663 +618 195 3 891308431 +716 484 4 879795867 +710 116 4 882063852 +313 63 4 891030490 +740 319 3 879522781 +59 458 4 888203128 +735 1 4 876698796 +83 56 1 886534501 +314 1074 3 877890857 +529 270 4 882535304 +351 989 4 883356684 +393 22 4 887745973 +253 1404 3 891628651 +684 722 2 878762302 +7 575 3 892133271 +653 214 3 880151311 +95 58 3 879197834 +385 1110 2 879446566 +232 1149 5 888549674 +693 11 4 875482197 +271 462 4 885848448 +235 179 5 889656028 +412 182 4 879716983 +588 433 5 890024246 +454 77 4 888266955 +538 385 3 877108345 +715 73 4 875964410 +551 1419 1 892785332 +543 56 5 874866535 +561 362 2 893105375 +705 8 3 883427904 +698 751 3 886365557 +437 707 3 880141374 +292 48 5 881105318 +7 672 1 892131925 +502 258 2 883701927 +645 627 2 892055244 +280 764 4 891701685 +560 489 3 879975662 +562 218 4 879196576 +429 1071 2 882385729 +590 125 3 879439509 +65 1044 3 879217002 +463 1244 1 890530329 +490 293 2 875427993 +619 568 5 885954083 +641 192 4 879370150 +648 177 5 884882702 +533 423 5 888844906 +520 286 5 885168591 +524 1113 3 884636236 +472 404 3 875982922 +298 208 5 884182867 +507 333 4 889964121 +222 180 3 878181804 +270 1074 5 876955770 +707 1171 3 880059687 +663 272 5 889491515 +716 381 4 879795644 +435 1268 5 884131950 +294 827 1 889243393 +43 699 4 883956040 +606 71 5 880923745 +458 134 5 886395963 +661 238 4 876016491 +13 87 5 882398814 +624 147 4 879792557 +610 275 4 888703453 +255 300 3 883215358 +455 276 4 879109594 +393 977 4 887745501 +697 1245 1 882622526 +620 740 5 889987349 +503 70 4 880383174 +453 9 3 888207161 +697 754 3 882621431 +67 235 3 875379643 +13 631 3 882140624 +665 748 4 884290076 +493 684 4 884132267 +472 1058 4 875980081 +167 735 4 892738277 +279 33 4 875308510 +536 188 3 882359755 +666 502 3 880567883 +478 616 4 889398260 +689 597 4 876676165 +515 900 4 887658975 +92 9 4 875640148 +634 756 3 875729749 +712 785 5 874730206 +712 82 5 874730031 +658 129 3 875145750 +305 684 3 886323591 +551 11 5 892777052 +342 327 4 874984025 +83 259 2 883869199 +459 1115 3 879563506 +664 92 4 876525002 +132 521 4 891278996 +586 468 3 884066087 +590 127 4 879439645 +234 1285 3 892335764 +457 473 4 882395360 +115 980 4 881169984 +222 294 3 877562795 +634 762 3 879787667 +43 550 3 883956040 +500 709 4 883873640 +60 378 4 883327566 +541 1442 1 884046888 +238 294 3 883575813 +363 208 4 891496190 +613 126 5 891227338 +734 419 4 891023066 +92 575 2 875907763 +695 301 3 888806120 +589 243 3 883352735 +82 1078 3 878769748 +624 1028 3 879793485 +94 928 3 891723774 +130 2 4 876252327 +683 306 3 893286347 +504 1084 4 887837958 +710 300 3 882063407 +644 293 4 889076851 +497 11 3 879310825 +480 661 4 891208327 +648 407 4 884367248 +151 290 1 879543400 +490 181 4 875427873 +184 223 4 889911195 +663 243 3 889492076 +527 182 5 879456132 +496 96 4 876065881 +469 582 5 879524266 +310 50 5 879436177 +144 98 4 888105587 +747 228 4 888639736 +699 495 3 878883113 +160 276 5 876768106 +7 434 4 891352384 +439 1328 4 882893891 +197 332 2 891409290 +59 321 4 888206764 +473 9 5 878157357 +655 753 3 887860615 +5 387 3 875637419 +189 175 5 893265506 +393 1051 3 887745544 +621 763 4 880738462 +103 181 4 880415875 +544 323 2 884796016 +655 1535 3 887429023 +59 774 2 888206562 +723 28 3 880498970 +497 373 4 879311007 +608 1183 1 880405484 +398 168 3 875658967 +607 498 4 883879556 +658 45 5 875147800 +606 25 5 878149689 +85 707 4 879454350 +739 359 5 886825529 +606 925 4 880922566 +474 86 4 887927456 +710 200 4 882063793 +243 477 4 879987736 +592 898 2 887257199 +536 62 4 882360873 +175 195 3 877107790 +655 1600 3 888474286 +188 928 3 875074847 +632 215 4 879458834 +653 506 2 880606619 +605 1226 4 879510864 +526 544 1 885682477 +711 707 5 879993579 +694 699 4 875728639 +178 229 4 885784558 +155 331 3 879370860 +316 531 5 880853704 +10 60 3 877892110 +506 423 5 874874850 +429 70 4 882386401 +740 748 3 879522872 +230 588 5 880484683 +503 753 1 880383064 +201 473 3 884141470 +145 111 3 875270322 +503 504 4 880472298 +655 1560 2 887429136 +669 82 4 892550310 +699 258 5 883278844 +374 1001 1 882158327 +179 300 4 892151231 +503 702 2 880383236 +749 2 4 878849375 +654 22 5 887864292 +332 230 5 888360342 +144 307 1 888103407 +10 708 4 877892438 +377 194 5 891298549 +617 145 1 883789716 +1 87 5 878543541 +748 154 3 879454602 +709 816 2 879848318 +487 1016 5 883444515 +459 117 5 879563146 +567 469 4 882426837 +675 1653 5 889489913 +632 181 5 879457016 +321 182 3 879439679 +603 1483 5 891956283 +537 1045 3 886032154 +676 169 5 892686524 +697 277 5 882622581 +661 200 3 876035896 +521 8 3 884477914 +276 72 4 874791960 +378 31 4 880045652 +630 895 4 885666143 +546 977 5 885140939 +648 238 3 882213535 +512 56 5 888579996 +548 344 1 891042530 +619 252 3 885953878 +301 546 4 882078228 +745 215 3 880123751 +405 45 1 885549506 +718 300 5 883348269 +490 1067 2 875428309 +457 235 3 882395894 +724 311 1 883757597 +618 11 4 891307263 +646 347 2 888528392 +707 995 4 879439418 +23 162 3 874786950 +378 674 3 880056735 +691 56 4 875543025 +234 1452 4 892335342 +321 283 3 879438987 +416 781 4 893142283 +121 411 1 891390544 +435 625 2 884132588 +655 700 3 887523200 +486 1082 2 879875221 +374 2 4 880939035 +493 183 5 884132225 +417 219 3 879648979 +716 969 4 879794815 +577 191 4 880472055 +694 22 5 875726759 +536 443 3 882360833 +222 56 5 878182058 +616 348 3 891224801 +735 258 4 876697561 +385 652 5 881530738 +63 596 2 875747470 +488 514 2 891294063 +577 194 4 880474216 +301 412 4 882075110 +405 351 1 885549942 +416 1469 3 878880195 +734 98 4 891025247 +747 25 3 888639318 +682 697 4 888517816 +715 217 2 875963452 +650 546 1 891382877 +488 724 3 891375751 +718 111 4 883348634 +621 109 4 880737607 +749 56 2 878847404 +373 946 5 877104048 +447 629 3 878855907 +748 528 3 879454880 +389 56 5 880086868 +608 136 3 880403280 +648 70 2 884881592 +680 274 3 877075312 +621 53 4 874964496 +326 419 3 879875203 +660 228 3 891200193 +462 259 3 886365773 +717 322 5 884642133 +587 691 4 892871031 +214 173 4 892668249 +280 528 3 891700553 +95 216 5 880573287 +13 668 1 882397068 +499 50 3 882996761 +311 499 4 884365519 +534 286 3 877807602 +266 319 2 892256765 +601 154 5 876350017 +399 31 3 882345649 +704 461 3 891397712 +69 234 5 882145505 +24 92 5 875323241 +654 13 1 887863780 +92 95 3 875653664 +644 291 4 889076949 +450 1435 4 882471362 +666 1011 4 880313723 +707 799 4 886287876 +716 187 3 879795189 +479 1608 2 889125499 +201 436 3 884112627 +339 131 5 891033382 +665 117 4 884290575 +328 597 3 885048465 +435 156 4 884131822 +646 1237 3 888529127 +749 125 5 878848764 +294 1012 4 877819792 +727 746 4 883710514 +655 1644 1 888474327 +486 298 3 879874871 +682 737 3 888518104 +453 496 4 888203066 +295 222 4 879517136 +585 1623 4 891283921 +350 435 5 882346900 +600 22 5 888451491 +682 327 3 888518299 +648 997 1 884882636 +653 234 3 878854633 +113 288 3 875075887 +279 1490 4 875312947 +440 70 4 891577950 +435 631 2 884132540 +479 24 3 879460236 +524 405 2 884627065 +405 794 5 885549309 +499 194 4 885599372 +653 451 2 880152351 +746 96 4 885075267 +654 963 4 887864414 +215 180 3 891435060 +537 42 3 886030622 +655 433 2 887428030 +378 213 5 880045935 +413 328 3 879968933 +532 451 4 874789474 +246 96 3 884920900 +654 268 1 887863017 +490 137 3 875427739 +506 67 3 874874894 +746 117 4 885075304 +718 591 4 883349191 +738 196 4 875350086 +85 65 3 879455021 +344 476 3 884900499 +89 731 3 879460347 +151 443 5 879524947 +666 636 4 880568322 +694 216 4 875729830 +286 301 5 879780879 +653 790 2 880152523 +393 1028 3 887745174 +357 760 3 878952080 +269 208 2 891449304 +573 10 4 885843818 +731 197 5 886185743 +417 232 3 879648510 +709 633 3 879846561 +515 1399 4 887659718 +699 224 3 878883249 +657 922 4 884239123 +586 202 4 884066689 +508 229 2 883777346 +716 1039 5 879796808 +546 234 4 885141332 +642 1480 1 886569922 +233 293 4 877660832 +708 751 4 892718687 +696 523 5 886404542 +611 751 4 891636098 +504 632 3 887837701 +455 270 4 878585321 +429 928 2 882386849 +577 71 5 880474433 +514 385 3 886189965 +233 371 5 880190399 +28 332 2 881954915 +692 1040 2 876954021 +690 64 5 881179682 +279 1488 4 875659924 +325 1523 4 891478504 +606 135 5 880926245 +332 96 5 887939051 +82 175 4 878769598 +495 944 5 888637768 +376 301 3 879433102 +276 235 4 874786734 +504 90 3 887910552 +488 168 4 891293910 +85 246 4 881704999 +577 147 4 880470604 +325 205 4 891478307 +701 100 5 891447139 +440 904 5 891546654 +716 191 5 879796046 +405 317 4 885544911 +734 166 3 891022849 +553 191 4 879949153 +629 984 3 880116278 +682 412 1 888521907 +549 100 4 881672333 +544 271 3 884795986 +561 1512 5 885807455 +733 253 3 879535407 +719 50 2 879358671 +164 222 4 889401927 +693 568 4 875483947 +641 303 3 879369827 +451 1265 4 879012772 +171 304 3 891034756 +439 121 2 882893768 +429 654 4 882385542 +207 546 3 876018553 +386 405 4 877655145 +1 238 4 875072235 +735 741 2 876698796 +653 520 3 880151488 +663 928 3 889492679 +606 326 4 889137188 +749 663 4 878847988 +450 761 4 882398939 +406 11 4 879446529 +606 194 4 880925199 +347 76 5 881654679 +490 246 2 875427812 +717 328 4 884641842 +737 186 5 884314944 +417 80 4 879649247 +627 4 2 879531248 +650 742 3 891369889 +514 582 4 875318224 +552 934 3 879222336 +643 501 4 891448062 +711 196 5 879993918 +315 324 3 879799302 +339 485 5 891032413 +405 563 1 885548475 +106 647 3 881450440 +450 67 3 882469941 +705 121 5 883427479 +551 216 5 892777609 +663 23 4 889493818 +595 294 2 886920748 +244 1136 3 880608162 +664 212 4 878090180 +586 29 5 884062405 +423 299 3 891394788 +561 980 3 885809146 +234 942 3 892334610 +393 930 3 889731593 +389 72 3 880614164 +378 254 1 880318158 +234 956 3 892826643 +514 393 3 876067592 +657 286 4 884238002 +548 284 3 891415619 +134 301 2 891732296 +616 333 2 891224448 +642 585 5 885606178 +749 366 4 878849903 +545 742 4 880347813 +699 300 3 893140897 +697 596 4 882622372 +299 152 4 877880474 +546 294 1 885139779 +608 25 4 880406506 +655 498 3 887523453 +280 1051 4 891700904 +557 325 3 880485074 +655 70 2 887474727 +721 259 3 877137527 +198 131 3 884208952 +712 812 4 874729996 +716 673 4 879797535 +2 274 3 888551497 +750 330 2 879446215 +457 472 4 882395768 +664 328 3 876523314 +663 268 3 889491617 +655 903 3 887425070 +320 145 4 884751552 +665 845 4 884292654 +552 25 3 879221833 +743 288 2 881277690 +564 300 4 888718470 +639 513 4 891239030 +653 696 1 880152989 +656 344 4 892318520 +525 1014 3 881086468 +49 181 1 888067765 +286 742 5 877530860 +483 318 3 884046480 +343 81 5 876408139 +409 430 4 881168604 +563 153 4 880507625 +32 111 3 883717986 +632 402 3 879458725 +682 317 4 888517390 +425 1595 2 878738757 +436 38 3 887771924 +694 504 3 875728912 +691 170 5 875543395 +694 197 5 875727926 +522 12 5 876960894 +721 191 3 877140490 +699 479 3 878883038 +66 825 3 883602268 +184 170 5 889913687 +633 110 3 877211817 +642 233 4 885606964 +532 1039 4 888629863 +689 125 3 876675152 +686 327 5 879543445 +327 7 3 887744023 +94 210 4 886008459 +707 286 5 879438988 +394 186 5 880887322 +739 69 5 886959069 +624 273 4 879793129 +721 82 4 877139015 +13 692 4 882141659 +514 403 3 875463202 +716 86 5 879796072 +682 205 3 888518164 +697 242 5 882621486 +56 578 3 892910860 +669 517 3 892550282 +627 226 1 879531397 +207 82 3 877125249 +694 1263 3 875729146 +682 75 4 888518185 +523 1 5 883701763 +194 871 2 879554603 +451 328 5 879012470 +384 302 5 891273509 +538 294 3 877095702 +251 300 4 886271472 +299 248 5 877877933 +747 108 4 888733415 +480 1007 4 891207715 +632 144 4 879457812 +738 318 5 892844112 +201 607 4 884111485 +691 8 2 875543346 +683 299 3 893283997 +361 742 1 879441351 +653 88 3 880152399 +577 549 5 880475539 +655 64 4 887426931 +721 749 3 877137359 +1 156 4 874965556 +743 273 3 881278061 +620 225 3 889988281 +294 743 2 889242905 +664 479 5 878090087 +535 962 4 879617747 +13 576 3 882398076 +682 554 3 888521116 +727 628 3 883709774 +648 173 5 882213502 +650 179 2 891383786 +654 288 3 887863064 +629 15 5 880117719 +503 739 1 880383490 +676 117 4 892686244 +532 796 5 888635445 +407 496 5 875042425 +655 906 2 888813416 +588 1053 3 890027780 +479 265 4 879460918 +634 932 3 877018004 +617 1019 4 883788782 +456 474 5 881373353 +655 740 3 888474713 +293 568 4 888906489 +738 151 4 875352737 +393 78 2 889731521 +222 1066 1 881060435 +186 38 5 879023723 +624 1048 4 879793223 +454 22 4 881959844 +38 717 1 892433945 +489 887 2 891447845 +747 208 5 888640862 +496 56 5 876066009 +85 87 4 879829327 +738 205 5 892844079 +715 70 3 875964105 +13 510 5 882139717 +537 392 2 886032245 +581 224 4 879641698 +503 285 4 884637911 +379 306 3 892879325 +533 663 5 879191022 +738 180 5 892844112 +749 49 4 878848137 +565 639 5 891037291 +699 325 5 879148050 +474 507 4 887924424 +334 91 4 891547306 +445 1012 1 891199843 +488 357 4 891293699 +727 259 4 883708265 +585 213 5 891284393 +661 603 3 876016726 +551 849 5 892785128 +561 559 1 885809336 +586 1042 4 884065773 +502 681 1 883702631 +479 96 4 879460959 +597 295 3 875340117 +642 89 2 886455538 +543 157 3 874863549 +548 1016 4 891043882 +605 260 4 879365417 +472 890 4 883903272 +450 479 4 882371526 +564 597 4 888730699 +256 387 4 882165328 +274 220 4 878946107 +7 202 3 891352947 +741 95 2 891018400 +588 230 1 890023692 +308 792 3 887737594 +393 944 4 889728712 +579 211 3 880952476 +268 1188 3 875743735 +479 380 3 879462007 +701 255 3 891447164 +487 790 3 884045135 +709 125 4 879847730 +748 748 4 879454208 +455 7 4 879111213 +522 192 5 876960894 +554 423 4 876550182 +545 199 4 880347770 +117 7 3 880125780 +693 403 2 875483049 +530 64 5 883790942 +704 152 2 891397819 +574 269 5 891279173 +250 1073 5 878090114 +121 472 3 891390599 +632 735 4 879458649 +472 391 2 875983129 +62 144 3 879374785 +269 818 3 891446873 +673 750 5 888786969 +389 615 4 879991115 +579 326 3 880951494 +215 168 5 891436024 +513 118 4 885062559 +479 111 4 879460323 +441 121 4 891035489 +590 13 4 879438972 +550 1620 4 883425448 +416 97 5 893213549 +655 239 2 887428507 +727 831 3 883709839 +251 60 4 886271641 +692 756 2 876953681 +345 461 3 884992175 +667 168 3 891035206 +561 432 5 885807776 +484 692 5 891194998 +721 135 3 877140490 +422 326 3 875129523 +6 502 4 883602664 +182 596 5 885613152 +405 441 1 885548435 +137 866 3 881433090 +405 61 1 885549589 +719 281 3 888897264 +453 49 3 877561172 +608 321 2 880402633 +458 255 2 886396521 +603 271 2 891955922 +655 92 3 891585477 +574 1062 5 891279122 +60 225 3 883327976 +500 72 4 883876155 +406 1203 2 884630860 +194 1410 2 879553404 +506 96 4 874873423 +648 143 4 884368002 +543 98 4 874863336 +370 269 5 879434206 +747 23 5 888639735 +135 452 2 879857843 +8 96 3 879362183 +198 820 1 884206773 +660 216 2 891199804 +738 183 5 892844079 +303 41 5 879485686 +363 854 1 891497047 +537 426 1 886032154 +452 659 4 875266415 +110 397 3 886988688 +145 597 4 875271477 +104 330 1 888442530 +680 845 4 877075241 +640 56 5 874777528 +489 874 2 891448774 +450 705 4 882373656 +584 449 2 885778571 +13 572 2 882398255 +716 496 5 879795467 +393 65 2 887746346 +593 661 2 886193103 +660 316 4 891197728 +331 178 3 877196173 +452 418 4 875275700 +457 948 1 882393156 +536 153 4 882359540 +517 538 4 892607155 +393 86 2 889729674 +450 821 2 882812495 +73 660 4 888625754 +714 181 5 892777876 +749 1 4 881602577 +699 276 3 885775479 +458 644 4 886397275 +5 447 3 875720744 +588 69 2 890023556 +207 216 5 877878688 +280 103 3 891702122 +597 763 4 875340191 +325 132 3 891478665 +659 157 4 891383636 +102 546 3 888801876 +537 469 3 886030652 +655 86 4 887650978 +664 778 3 876525192 +535 609 4 879618019 +429 207 4 882385729 +474 836 3 887926804 +537 445 3 886030767 +37 385 4 880915902 +727 33 3 883711150 +745 7 4 880123019 +659 172 3 891384526 +738 199 4 892938594 +654 116 4 887863436 +666 187 5 880139439 +291 756 3 874833878 +559 182 4 891035111 +690 649 4 881179906 +269 8 2 891449985 +381 778 4 892697066 +716 96 2 879795122 +642 565 4 886569870 +643 410 4 891445597 +642 579 4 885606537 +642 444 1 886569417 +286 724 3 877532013 +577 728 3 880475226 +185 321 5 883524428 +303 829 2 879485814 +342 1070 3 875319412 +7 523 4 891350845 +537 1335 3 886030347 +660 67 1 891201859 +663 25 4 889492917 +58 181 3 884304447 +508 423 5 883777430 +534 121 4 877808002 +543 272 3 888300821 +617 288 1 883788566 +726 845 3 889832358 +648 67 4 884882192 +738 96 5 892844112 +218 42 4 877488546 +601 201 5 876349503 +85 174 4 879454139 +429 66 2 882386357 +141 257 3 884584773 +669 117 1 891260577 +43 186 3 875981335 +305 382 5 886323617 +653 55 3 878854051 +724 937 3 883757670 +413 936 4 879969484 +480 479 4 891208215 +3 344 4 889236939 +717 150 4 884642339 +465 181 3 883530521 +728 117 4 879443321 +533 566 4 879191652 +654 28 5 887864610 +592 1014 4 882609009 +722 118 4 891281349 +339 719 3 891036753 +537 705 3 886031074 +606 313 5 887841727 +657 628 3 884241192 +749 142 4 878850456 +345 1074 3 884993890 +244 158 3 880608904 +648 406 3 882212373 +270 319 5 876955633 +657 475 4 884239057 +692 100 4 876953482 +503 133 5 880472272 +683 302 5 893286207 +440 988 1 891577504 +653 136 1 880149965 +624 323 2 879792155 +628 845 5 880777167 +239 514 1 889178562 +515 748 2 887660131 +733 147 1 879535938 +580 289 5 884124382 +572 289 3 879449277 +398 127 4 875651657 +524 204 3 884635358 +234 222 3 892079803 +676 1527 1 892685657 +528 505 4 886101956 +690 163 3 881177459 +279 239 4 875310418 +187 8 5 879465273 +474 519 4 887926872 +624 1095 2 879793408 +405 1548 1 885547952 +537 1134 3 886030176 +650 281 2 891382877 +650 554 2 891382877 +450 622 5 882468239 +699 989 4 883279196 +618 124 1 891308542 +303 174 5 879466523 +733 676 4 879535603 +625 483 5 891262983 +201 1192 3 884113772 +385 1037 1 879449950 +593 322 2 875644752 +432 294 4 889416229 +593 568 4 886193361 +345 258 4 884916532 +541 732 3 883865173 +682 1091 3 888523288 +537 141 3 886032183 +5 228 5 875636070 +130 290 3 876250955 +268 294 3 876513675 +624 678 3 879792155 +378 1047 2 880044726 +554 238 3 876232682 +655 354 2 891667570 +718 240 1 883349467 +751 568 3 889133334 +104 124 2 888465226 +332 323 5 888098276 +387 678 3 886484460 +717 294 3 884641842 +537 93 3 886030077 +113 1251 5 875325377 +630 1023 4 885667581 +747 223 5 888638913 +454 694 2 888266874 +247 750 4 893081381 +707 124 4 880059876 +74 539 3 888333255 +712 783 3 874956981 +618 625 4 891309192 +312 137 3 891698224 +168 313 5 884286862 +309 258 5 877370288 +749 399 3 878849433 +452 180 4 875560300 +234 1221 4 892334852 +506 461 2 874873944 +730 332 3 880309870 +684 239 4 878762118 +640 318 5 874777948 +388 237 5 886436813 +707 45 4 886286926 +666 591 2 880313604 +405 439 1 885548330 +727 24 3 883709711 +26 815 2 891371597 +301 503 3 882078228 +223 117 5 891549529 +707 705 4 886285851 +94 121 2 891721815 +7 141 5 891353444 +707 1109 5 886286283 +78 871 3 879634199 +749 252 3 878847057 +654 216 4 887864432 +716 340 3 879792665 +505 435 3 889333676 +538 100 4 877109748 +212 735 4 879304010 +392 303 4 891037437 +478 7 1 889387871 +716 23 4 879795643 +543 1441 3 874863436 +238 538 4 883575749 +528 168 4 888522642 +489 316 5 891447872 +697 125 3 882622559 +711 1119 4 879994632 +528 203 4 888522613 +747 432 5 888640567 +714 255 2 892777140 +416 42 3 876699578 +572 277 1 879449799 +452 518 5 885816768 +561 751 3 885806779 +467 246 5 879532534 +625 480 4 891263589 +599 508 3 880953441 +129 242 4 883243972 +727 73 4 883713048 +705 64 5 883518709 +702 228 5 885767774 +617 563 1 883789747 +750 286 4 879445755 +17 919 4 885272696 +417 804 3 879649153 +398 604 5 875658794 +669 902 2 891182948 +429 559 3 882386662 +59 900 4 888202814 +554 820 2 876232176 +711 739 3 879995215 +178 180 3 882826395 +216 98 5 881432467 +373 184 4 877104086 +712 498 3 874729935 +586 541 3 884063080 +639 414 3 891240719 +643 550 3 891450273 +532 227 4 874788566 +648 181 5 882211066 +523 70 5 883700743 +653 572 2 880153522 +593 619 3 877727927 +40 300 3 889041523 +328 135 3 885046853 +378 509 4 880055672 +298 523 4 884182774 +506 503 4 874874396 +296 628 5 884196640 +404 683 4 883790366 +24 288 3 875245985 +756 63 3 874830908 +738 178 4 875349628 +561 971 3 885809269 +426 491 4 879442702 +632 705 5 879459738 +627 239 3 879530662 +710 22 3 882063852 +174 381 5 886513706 +334 506 3 891547763 +497 325 2 878759505 +399 203 4 882344434 +33 271 4 891964166 +666 523 4 880314194 +303 734 1 879543711 +654 79 5 887864256 +665 393 3 884295080 +293 780 3 888907816 +749 31 5 878847209 +429 584 4 882385749 +269 68 3 891449751 +615 178 5 879448547 +606 729 4 880927247 +485 328 2 891040560 +262 955 2 879792604 +649 1244 3 891440676 +536 213 5 882360704 +727 433 5 883710994 +545 551 4 879900053 +676 144 4 892686459 +373 496 5 877098643 +671 720 3 884036050 +389 824 3 881384649 +373 150 4 877098821 +645 183 4 892053340 +244 871 3 880605010 +254 616 1 886473736 +586 11 3 884059693 +655 44 2 887564639 +700 96 4 884494310 +537 24 1 886030176 +757 399 3 888466782 +682 723 1 888518063 +271 474 3 885848518 +703 7 4 875242599 +705 1 5 883427101 +629 423 5 880117333 +711 463 5 879993959 +747 48 5 888639890 +450 90 4 887660650 +621 401 1 874963210 +615 175 5 879448439 +344 742 3 884900248 +525 124 3 881086108 +601 153 4 876350060 +469 511 5 879524062 +52 100 4 882922204 +455 709 3 879111471 +260 258 3 890618198 +707 735 4 886286792 +407 209 5 875042378 +267 198 5 878971745 +479 510 4 879461337 +648 679 3 884882802 +756 367 4 874827614 +500 118 3 883865610 +669 127 5 891260596 +549 127 5 881672441 +594 50 3 874783018 +513 222 5 885062519 +480 258 3 891207859 +403 291 4 879790319 +178 79 4 882826306 +751 301 5 887134816 +388 100 3 886437039 +635 276 3 878879257 +487 423 4 883446685 +672 1028 4 879789030 +293 1421 2 888907794 +373 99 5 877099091 +417 451 4 879649266 +141 291 5 884585220 +627 191 4 879529957 +274 200 4 878946612 +682 862 1 888522021 +532 135 3 888629938 +531 245 4 887049049 +268 1118 3 875310673 +560 240 3 879976970 +437 428 5 881001983 +627 729 1 879530600 +618 191 4 891307175 +660 810 3 891265495 +42 239 5 881108187 +566 575 1 881651652 +234 9 3 891227689 +436 65 4 887771753 +62 245 2 879373232 +660 755 2 891201026 +499 690 4 882995558 +399 289 4 882340311 +568 132 2 877907236 +399 1217 4 882350282 +470 283 5 879178370 +551 117 5 892782807 +483 582 3 887677797 +591 172 3 891031116 +498 89 5 881957353 +567 659 4 882426508 +286 451 5 877533993 +585 1005 4 891283339 +658 151 5 875148319 +611 286 5 891636244 +181 833 1 878963205 +711 658 4 879994581 +545 230 5 879899327 +399 227 2 882344794 +466 268 2 890282759 +482 269 4 887643096 +692 321 3 876946833 +370 31 3 879434766 +577 65 5 880475539 +579 209 4 880951944 +337 228 5 875185319 +392 272 5 891037437 +639 471 2 891239349 +699 825 3 879147917 +488 732 4 891294606 +454 199 3 881960413 +622 118 1 882591663 +664 70 3 878092758 +11 690 4 891901716 +718 689 4 883348355 +621 128 4 880740034 +232 48 5 888549879 +130 455 4 874953728 +504 447 4 887909816 +536 474 5 882359678 +733 294 2 879536001 +639 1195 2 891239838 +7 670 5 891353254 +655 647 3 888813306 +313 615 4 891013652 +603 12 5 891955991 +757 196 4 888445604 +207 1272 3 879132830 +734 607 5 891023066 +476 1271 2 883364433 +456 357 4 881373084 +241 268 4 887249576 +256 628 5 882150848 +347 660 2 881654186 +655 234 3 888474713 +60 755 4 883327639 +455 382 3 879112239 +561 214 3 885809670 +83 993 2 883868978 +95 197 4 888954243 +588 132 5 890015476 +669 527 3 891517185 +487 378 5 883530973 +699 307 3 893140697 +380 357 4 885478425 +606 176 5 880923925 +452 212 2 885490812 +527 628 3 879456289 +566 161 4 881651097 +682 673 3 888517049 +472 1074 5 892790676 +717 100 4 884642268 +682 1222 3 888523657 +64 153 3 889739243 +636 1 3 891448229 +498 447 3 882205321 +495 186 5 888633277 +666 604 3 880139669 +92 758 1 875644796 +650 180 3 891383164 +326 663 1 879877159 +417 546 3 879646712 +346 234 2 874950291 +618 197 3 891307825 +499 521 4 885599119 +741 783 3 891457633 +556 12 5 882136440 +711 476 4 876185832 +588 83 5 890015435 +576 319 3 886985695 +503 740 5 879438411 +567 124 4 882426812 +690 194 4 881177349 +631 301 4 888465107 +517 258 5 892660728 +94 436 5 891721815 +24 98 5 875323401 +697 989 2 882621813 +217 62 2 889070050 +543 161 4 877545356 +481 86 5 885828650 +551 710 5 892777753 +177 60 4 880130634 +682 9 3 888517168 +442 231 3 883390609 +757 71 4 888445838 +640 919 5 886474436 +60 286 5 883325421 +342 487 5 874984315 +453 164 3 877554771 +756 603 5 874831383 +381 94 3 892697337 +99 120 2 885679472 +432 249 5 889416352 +618 82 4 891308704 +655 537 3 887489086 +280 728 3 891701614 +629 292 4 880116722 +4 11 4 892004520 +669 300 4 892549238 +593 174 4 875660546 +416 200 5 893213103 +198 64 4 884207206 +671 1073 3 883949781 +385 1499 5 881047168 +246 841 1 884923829 +524 965 4 884635288 +586 452 3 884060941 +62 699 4 879375022 +526 690 3 885681910 +57 473 3 883697916 +639 584 2 891239790 +500 211 3 883875241 +298 88 5 884183236 +307 164 4 879283514 +624 124 4 879792358 +401 508 3 891032433 +707 163 2 886285939 +677 323 4 885191280 +693 1145 2 875483049 +716 105 2 879794450 +751 178 5 889132896 +548 466 5 891044446 +587 266 1 892871536 +495 231 3 888635294 +654 204 4 887864610 +435 862 1 884133972 +353 327 2 891402443 +504 102 3 887910409 +495 768 3 888636216 +334 248 4 891544997 +200 455 3 876042340 +647 291 3 876534275 +589 323 2 883352631 +141 717 4 884585470 +655 529 4 887428965 +451 268 2 879012684 +62 127 4 879372216 +468 238 3 875286036 +327 302 3 887737355 +551 235 1 892784629 +664 462 4 878091912 +551 188 5 892783672 +435 748 4 884130765 +727 132 2 883710271 +698 491 2 886367644 +399 164 2 882344553 +585 736 4 891284184 +738 916 3 892938181 +64 98 4 889737654 +679 416 3 884488226 +747 1050 3 888640099 +505 50 3 889334067 +707 371 3 886287497 +727 419 2 883710236 +653 1188 1 880153568 +180 739 3 877128156 +627 949 2 879530824 +537 625 3 886032184 +510 681 1 887667808 +326 176 2 879876184 +556 513 4 882136396 +158 284 5 880132638 +682 1655 2 888517922 +484 111 4 881450111 +567 9 4 882426696 +374 934 3 882158146 +724 877 1 883757834 +286 934 3 889653107 +737 89 4 884314664 +634 13 4 878916178 +514 890 1 885180929 +672 931 1 879789164 +406 480 4 882480802 +619 307 2 885953601 +276 1 5 874786568 +650 1247 1 891384110 +314 25 3 877886753 +727 177 4 883710687 +7 605 4 891353290 +457 176 5 882397542 +693 631 3 875482826 +294 535 4 877820240 +490 50 5 875428765 +459 260 2 879561782 +716 405 4 879793844 +168 405 4 884287927 +318 196 3 884495973 +715 204 4 875964025 +405 674 1 885548275 +618 419 4 891309887 +660 120 1 891198996 +144 632 4 888105472 +682 447 2 888522857 +622 250 4 882590252 +284 289 3 885329671 +756 527 3 874828242 +718 273 3 883348712 +537 664 3 886031634 +90 340 4 891382121 +410 690 4 888627138 +501 741 5 883347857 +632 98 4 879457217 +276 1046 3 874795772 +197 1222 3 891410082 +307 483 5 875680937 +591 393 4 891031644 +514 652 4 886189466 +16 180 5 877726790 +501 342 4 883346823 +551 55 5 892777753 +459 1039 3 879564915 +610 477 2 888703475 +717 331 3 884641681 +627 554 2 879531557 +684 204 4 875812299 +527 14 2 879456663 +472 895 4 892790628 +648 505 4 884796652 +460 515 5 882912418 +629 202 4 880117635 +271 1120 2 885847800 +200 405 3 884127370 +152 121 5 880149166 +23 541 4 876785720 +655 294 3 887425103 +710 264 2 882063564 +474 659 5 887925187 +682 761 4 888521090 +326 127 1 879875507 +536 151 3 882318442 +445 818 1 891200656 +457 185 5 882397375 +369 358 3 889428228 +727 1217 3 883711965 +219 631 5 889403559 +653 550 3 890181186 +622 233 4 882670423 +531 286 5 887048741 +595 824 3 886921748 +557 180 5 881179653 +291 11 4 874835024 +712 746 4 874730085 +314 731 4 877892099 +707 151 4 880059810 +624 260 2 879792251 +496 1060 1 876071243 +474 26 4 887927509 +747 486 5 888732609 +588 588 4 890023692 +181 864 2 878962774 +643 519 4 891447663 +363 161 4 891496753 +22 1000 3 878886333 +648 403 4 884882802 +708 1047 2 877325726 +280 203 4 891701530 +22 566 3 878888145 +620 404 4 889988232 +653 742 3 886052040 +747 1375 4 888732571 +745 425 4 880123540 +344 118 3 884900353 +648 1376 2 884367180 +656 303 4 892318553 +203 742 3 880434882 +195 451 5 875771441 +94 433 4 891721078 +551 282 5 892777092 +537 310 3 886028647 +639 275 4 891239492 +606 428 3 880927247 +411 56 4 891035278 +655 1221 3 891585477 +499 251 5 882996735 +699 319 3 883279146 +58 773 4 884304790 +508 230 2 883768706 +507 257 5 889966054 +378 663 3 880046437 +301 271 4 882075473 +393 501 3 889729614 +639 300 3 891238790 +227 240 1 879035934 +672 476 5 879789462 +711 340 5 886030557 +668 29 3 881605433 +99 282 3 885678753 +553 661 5 879949324 +741 399 2 891457456 +458 474 4 886397109 +546 145 4 885141502 +630 930 3 885667551 +504 1277 4 887832012 +678 7 4 879544952 +316 89 1 880854197 +699 977 2 879147550 +532 44 5 888637085 +561 589 3 885807510 +665 249 5 884290608 +374 975 4 880936113 +452 615 3 875261350 +597 235 4 875340062 +664 234 3 876526554 +634 864 3 877368475 +311 944 4 884366439 +128 404 3 879968308 +533 205 5 882902988 +650 163 3 891386878 +627 597 3 879531557 +698 603 4 886366770 +727 1231 3 883713082 +447 11 4 878856208 +181 1319 1 878962120 +690 1207 3 881180138 +664 47 4 876525076 +605 176 4 879426339 +521 655 4 885253904 +146 1293 5 891458080 +568 213 4 877907835 +703 117 4 875242814 +500 412 1 883876370 +668 333 3 881524020 +486 150 3 879874838 +620 118 4 889987825 +562 230 1 879195954 +187 462 5 879466062 +7 452 5 891353860 +618 427 5 891308431 +622 217 4 882671185 +458 203 5 886396460 +385 1008 4 879440628 +650 154 3 891381993 +417 168 4 879647355 +602 181 5 888638547 +433 246 4 880585885 +600 269 4 888451388 +682 83 3 888517011 +747 783 1 888732921 +537 81 3 886031106 +711 692 3 879993150 +640 751 4 886353742 +563 181 4 880507374 +611 299 1 891636223 +660 1183 1 891201049 +666 684 4 880568063 +374 637 4 882159237 +5 250 3 875635265 +59 402 4 888206296 +635 1 4 878879283 +63 473 2 875747635 +537 337 3 886029526 +660 1074 1 891201399 +416 216 5 893213444 +715 174 4 875963306 +618 176 4 891307426 +332 56 5 888098256 +305 713 4 886323115 +11 504 3 891905856 +521 135 4 885254226 +97 133 1 884239655 +305 198 4 886322838 +745 520 3 880123696 +316 44 4 880853881 +658 56 5 875148108 +714 121 4 892777903 +650 82 3 891381585 +345 498 4 884992117 +740 289 4 879523187 +561 657 4 885807235 +736 532 4 878709365 +496 186 4 876065558 +493 405 2 884130619 +665 195 3 884294819 +393 393 3 889731064 +526 475 5 885682635 +102 73 3 892992297 +532 925 4 892520642 +751 248 5 889132413 +588 638 4 890024289 +474 44 3 887926998 +33 339 3 891964111 +401 315 4 891031464 +587 271 4 892871310 +752 286 1 891207940 +749 188 3 878848302 +659 269 4 891331825 +653 204 4 878867093 +387 22 5 886483049 +645 228 3 892053748 +291 246 5 874834481 +651 286 4 879348880 +615 631 4 879448843 +525 928 3 881086586 +632 234 3 879457641 +541 588 4 883874682 +249 403 4 879640998 +139 288 4 879537918 +561 183 5 885807215 +715 150 4 875961898 +710 751 3 882860806 +271 815 3 885848153 +10 170 4 877889333 +698 659 3 886367013 +690 794 3 881180543 +648 125 2 882211654 +256 182 4 882164479 +758 347 3 885257453 +374 1218 2 881291426 +59 179 5 888204996 +7 606 3 891352904 +457 180 5 882396989 +632 510 5 879459738 +666 1132 3 880313992 +13 163 3 882141582 +405 91 2 885548932 +654 246 1 887863471 +573 174 4 885844431 +607 475 4 883879811 +22 144 5 878887680 +391 490 4 877399658 +49 85 3 888068934 +292 491 4 881105318 +659 177 5 891384850 +486 1120 3 879875465 +749 1337 3 882804605 +658 527 5 875147800 +363 248 5 891499595 +655 293 4 887650683 +671 241 5 884035686 +666 530 3 880139323 +655 1140 3 887474699 +599 319 2 880951046 +610 117 4 888704000 +436 111 4 887771773 +655 167 4 888474713 +604 448 5 883668261 +568 494 4 877907835 +749 735 5 878847716 +378 780 2 880334241 +655 1602 3 891817435 +450 709 3 882371826 +7 386 4 892133310 +440 198 4 891577843 +592 479 4 882956668 +507 222 5 889965997 +142 294 3 888640054 +554 66 3 876369615 +145 826 2 875271312 +399 455 4 882340924 +334 537 4 891547995 +407 257 4 884202243 +504 40 4 887910409 +399 332 3 882340242 +634 1142 3 877018347 +716 133 5 879795239 +344 86 4 884901129 +655 346 4 888474713 +417 5 4 879648593 +132 251 4 891278996 +575 304 2 878146638 +207 125 4 877878688 +194 1408 1 879555267 +468 121 4 875280628 +537 670 2 886031342 +627 405 3 879531458 +58 367 5 892243053 +436 790 3 887770428 +741 69 4 891018550 +416 843 3 886317748 +88 880 3 891037466 +221 384 3 875246919 +537 1113 3 886031606 +749 154 5 878847988 +389 383 2 881384649 +716 144 2 879795467 +557 96 5 881179653 +312 427 5 891698224 +373 22 5 877098919 +747 116 4 888639318 +457 257 3 882393036 +350 89 4 882347465 +727 569 2 883713286 +84 273 4 883452086 +430 42 3 877226568 +399 385 3 882344597 +715 1011 4 875962524 +344 13 3 884899768 +655 654 3 887474077 +676 1654 1 892685960 +595 181 5 886921199 +524 558 4 884634533 +405 1297 1 885546577 +749 406 4 881072892 +223 1088 4 891550326 +60 513 5 883325994 +279 1027 4 891208908 +675 1101 4 889490029 +78 93 4 879633766 +119 826 4 874775580 +527 283 4 879456405 +633 121 3 875325168 +405 173 5 885544798 +43 367 4 883956494 +82 546 3 876311423 +590 286 5 879439645 +742 109 1 881335960 +733 1009 2 879536723 +654 173 5 887864181 +272 238 5 879455143 +748 22 4 879455126 +314 1012 4 877886584 +457 658 4 882398308 +130 321 5 874953291 +682 204 3 888521413 +594 319 3 874780864 +682 1232 2 888517896 +737 222 3 884315127 +474 648 4 887926804 +727 432 2 883711298 +230 498 5 880484755 +393 369 3 887745174 +515 687 3 887659718 +363 325 1 891494012 +332 38 2 888360488 +359 323 3 886453431 +650 63 2 891388294 +181 1117 2 878962585 +554 100 3 876231441 +749 151 5 878846783 +586 1273 4 884065825 +716 443 4 879796381 +92 49 3 875907416 +707 525 3 886286999 +267 56 5 878972493 +478 1 4 889387931 +676 962 4 892686525 +393 135 1 887747108 +718 1048 2 883349363 +741 435 4 891455353 +159 25 5 880557112 +311 1217 3 884365686 +561 956 4 885809336 +407 393 2 876344736 +393 5 3 887746849 +595 880 3 886920819 +374 240 1 880394301 +678 924 2 879544397 +328 230 3 885048101 +148 234 3 877020297 +758 135 5 881974742 +311 393 4 884366066 +630 322 3 885666211 +732 300 4 882589552 +627 76 3 879530173 +588 959 5 890026459 +344 494 4 884901210 +307 178 3 877118976 +476 648 4 883364295 +291 783 2 875087432 +630 96 4 885668277 +731 378 1 886187652 +403 222 5 879786190 +666 427 4 880139382 +642 575 3 886454901 +646 300 3 888528418 +423 329 3 891394952 +532 267 3 875441348 +724 266 1 883758119 +379 161 2 880525502 +595 820 2 886921870 +535 1136 4 879618465 +514 26 3 875463595 +627 11 4 879529702 +104 1028 2 888465818 +160 1142 5 876768609 +637 289 2 882900047 +451 1022 4 879012858 +608 487 4 880406032 +737 47 3 884314970 +752 272 4 891207898 +63 284 3 875747581 +102 219 2 888803149 +559 393 2 891035917 +592 193 5 882955948 +436 182 5 887769150 +435 1061 3 884134754 +151 33 5 879543181 +523 306 5 883699583 +624 1016 3 879793582 +751 305 2 887134730 +6 308 3 883600445 +738 175 4 875349968 +427 304 4 879700850 +198 480 4 884207239 +7 238 5 891351814 +670 15 4 877975200 +698 307 4 886365629 +486 129 4 879874939 +549 118 4 881672479 +721 302 3 877137358 +694 654 4 875727099 +504 245 4 887831274 +69 197 5 882145548 +701 315 5 891446559 +555 121 3 879962551 +535 1045 4 879617663 +634 106 3 877017923 +683 187 5 893286501 +608 660 5 880406800 +617 648 3 883789080 +504 465 3 887909936 +621 391 3 874964657 +435 569 3 884134019 +286 386 3 877534975 +58 405 2 892242047 +458 117 4 886394623 +449 248 4 879958888 +661 48 4 876016726 +49 396 4 888067482 +276 1482 4 874791383 +643 732 3 891447868 +194 737 4 879553003 +472 226 5 875982867 +731 168 1 886185744 +167 513 4 892738385 +660 201 3 891200513 +416 66 5 893213019 +353 270 2 891402358 +588 475 2 890015684 +658 844 3 875145667 +707 269 4 882200810 +5 145 1 875720830 +161 486 1 891171657 +592 844 4 882608021 +712 431 3 874730552 +524 47 2 884635136 +623 181 5 891032291 +524 209 4 884634755 +642 8 5 885603662 +537 495 2 886031678 +537 510 3 886031575 +545 575 3 879900985 +110 184 1 886988631 +405 420 5 885548785 +453 1273 2 877561258 +159 1258 1 884026823 +608 61 5 880404693 +655 475 3 887693376 +92 202 3 875653805 +537 1245 3 886030051 +505 125 3 889334373 +505 385 4 889334477 +632 17 3 879459573 +234 712 2 892336077 +640 85 5 874778065 +296 313 5 884196114 +567 653 5 882425843 +500 204 3 883874265 +561 443 4 885809197 +655 1288 3 887523427 +466 292 4 890284651 +294 1254 3 889242661 +517 105 1 892654653 +125 144 5 879454197 +435 172 5 884132619 +643 195 5 891447063 +682 942 2 888517324 +619 1231 2 885954215 +89 1119 3 879459884 +551 747 3 892783025 +694 98 5 875726886 +28 447 3 881961532 +13 164 3 882396790 +758 298 4 880672727 +554 265 4 876232956 +714 597 3 892777533 +538 28 3 877107491 +59 197 5 888205462 +629 301 3 880115922 +715 58 4 875964131 +429 493 4 882385663 +487 88 4 884024901 +625 134 4 891263665 +140 245 3 879013720 +13 635 1 882396984 +608 300 1 880402327 +95 237 2 879192708 +468 372 2 875301098 +667 313 3 891034404 +511 682 4 890004844 +719 223 5 879360442 +757 161 3 888468909 +599 888 5 880951249 +459 108 1 879563796 +352 86 4 884290505 +94 194 4 885870284 +659 192 4 891384372 +83 356 4 880308755 +642 82 5 885602285 +532 268 4 875441085 +458 58 5 886396140 +431 302 3 877844062 +397 172 5 885350381 +211 64 3 879460213 +37 405 4 880915565 +303 93 5 879467223 +682 3 3 888519113 +381 1 5 892697394 +207 9 4 880911845 +532 898 4 884594575 +738 265 4 892957967 +543 761 2 876105554 +399 307 3 882340264 +104 926 1 888465936 +90 530 3 891385522 +644 1620 4 889077247 +448 301 1 891888099 +463 926 1 890453075 +488 50 4 891293974 +588 658 5 890025751 +495 161 4 888634746 +520 302 3 885170330 +720 304 4 891262697 +437 143 5 880141528 +712 584 4 874730342 +682 802 2 888521047 +698 275 4 886366558 +234 99 5 892333573 +538 82 4 877107558 +757 100 3 888444056 +692 412 4 876954196 +727 949 3 883711616 +533 43 4 879439341 +503 662 3 880383467 +407 258 4 884197027 +128 955 5 879969064 +696 689 1 886404208 +566 230 2 881650123 +64 141 4 889739517 +468 462 4 875288196 +758 517 3 881976377 +244 1119 5 880606993 +705 300 5 883426780 +405 1499 1 885549407 +416 500 5 893212573 +262 90 4 879795270 +587 316 4 892870992 +711 283 4 876185788 +660 483 4 891199804 +346 403 3 874950383 +618 22 4 891308390 +708 328 3 892718964 +264 93 5 886123993 +654 124 4 887863412 +301 145 3 882078040 +664 636 3 876526631 +385 37 4 880013483 +479 688 1 887064434 +181 1102 1 878963381 +606 216 5 880925579 +207 461 3 878104017 +671 327 1 875387273 +506 210 5 885135737 +557 50 4 881095916 +655 1061 2 887428623 +279 845 1 888426577 +592 825 1 882608795 +758 127 5 880672637 +514 169 5 875308734 +462 272 5 886365142 +303 246 5 879544515 +707 165 3 886285939 +536 210 5 882359477 +722 300 3 891279945 +663 287 5 889492720 +586 586 2 884063080 +232 423 4 888549595 +750 301 4 879445911 +749 1089 3 882804586 +562 118 3 879196483 +696 312 4 886404322 +298 196 4 884182891 +550 688 3 883425762 +703 458 3 875242935 +617 444 4 883789590 +716 588 4 879795606 +716 181 4 879793221 +758 258 4 880672230 +666 257 3 880313682 +279 1170 1 891209102 +244 1095 2 880605333 +551 44 4 892777825 +128 1053 3 879968494 +347 24 3 881652657 +611 268 5 891636192 +643 255 4 892502414 +354 520 3 891217811 +747 303 5 888638091 +756 99 3 874829258 +690 523 4 881177430 +92 1 4 875810511 +297 32 4 875239267 +619 879 4 885953743 +51 144 5 883498894 +237 187 3 879376553 +660 542 2 891201887 +201 202 3 884112747 +655 319 3 888685879 +749 73 4 878849586 +618 684 3 891306991 +303 653 4 879466937 +603 294 4 891956330 +72 50 2 880037119 +411 228 3 891035309 +620 423 5 889988168 +521 385 3 885254837 +284 903 4 885329238 +495 431 5 888632546 +608 174 3 880406506 +614 294 4 879464507 +224 54 3 888104313 +694 517 4 875727926 +693 300 2 875481397 +206 1176 1 888180049 +665 357 4 884293979 +323 1012 4 878739594 +705 932 5 883427339 +256 82 5 882164559 +607 222 3 883879613 +648 71 3 884368165 +560 270 4 879975173 +579 381 3 880952360 +293 179 4 888905898 +642 627 3 885606581 +593 423 4 875671505 +619 127 4 885953778 +655 772 3 887426972 +587 270 4 892871171 +158 29 3 880134607 +90 699 4 891385298 +498 631 3 881957905 +655 19 2 887472719 +524 432 1 884636151 +329 333 4 891655322 +308 615 3 887739213 +73 433 4 888626437 +459 879 4 879561630 +201 97 2 884140115 +13 346 4 883670552 +757 7 4 888444826 +234 550 2 892334883 +627 631 3 879529885 +741 94 3 891457483 +217 1034 3 889070266 +342 421 3 875319435 +663 321 5 889491739 +640 342 5 886353780 +592 752 4 888553156 +715 156 4 875964438 +296 1007 4 884196921 +641 484 5 879370299 +479 89 4 879460959 +712 49 3 874956872 +478 975 4 889388229 +592 223 5 882955863 +484 181 5 881254239 +58 210 4 884305042 +741 1029 1 891457506 +676 315 4 892685224 +398 13 3 875652318 +709 265 4 879846489 +653 423 2 880152039 +503 26 2 880383200 +398 399 4 875721702 +642 417 3 886568791 +606 749 4 888333338 +758 272 4 884413293 +733 1129 4 879535338 +293 47 3 888907061 +82 304 3 884713664 +480 511 4 891208599 +592 900 4 887257094 +320 833 1 884748904 +450 500 4 882376188 +566 202 4 881650551 +591 300 3 891030956 +699 234 3 878883172 +741 1090 1 891455880 +642 1140 4 886569732 +405 955 1 885549308 +762 302 5 878718810 +610 313 4 888702841 +489 288 4 891366693 +650 608 4 891369520 +569 281 3 879793466 +271 202 4 885849025 +374 467 4 880395735 +56 89 4 892676314 +478 134 2 889397467 +100 886 3 891375522 +455 241 4 879111808 +157 120 1 886891243 +650 501 3 891385980 +329 286 4 891655291 +493 239 5 884131952 +498 137 3 881954357 +372 56 4 876869445 +543 252 3 889308778 +731 510 1 886186091 +629 87 5 880117635 +642 974 3 886569765 +487 82 5 883446252 +708 847 3 892719246 +450 396 2 882469941 +648 447 5 884883578 +592 853 5 882956201 +455 217 4 879112320 +121 744 3 891388936 +479 751 4 889125759 +758 597 2 881978805 +291 204 4 874871736 +751 316 4 888871453 +479 651 5 889125921 +466 1176 5 890284651 +355 328 4 879486422 +744 127 5 881171481 +92 55 3 875654245 +65 87 5 879217689 +312 177 3 891698832 +626 264 1 878771476 +345 237 4 884991077 +593 15 4 875659636 +405 1195 1 885549590 +314 790 4 877889698 +738 22 3 875349713 +699 271 3 880695324 +473 14 4 878157242 +712 796 4 874957268 +178 168 4 882826347 +622 385 5 882592421 +385 727 1 879443102 +95 196 4 879198354 +463 1017 2 877385731 +303 132 5 879466966 +394 73 3 881058929 +13 199 5 882140001 +472 1002 4 883904649 +533 300 4 888844557 +374 468 4 880396359 +417 465 4 879648079 +721 258 3 877135269 +280 76 2 891700699 +524 472 3 884323500 +754 676 3 879451517 +711 1221 4 879994777 +400 332 2 885676526 +664 708 4 876525077 +474 207 4 887925751 +450 202 4 882397223 +249 1069 5 879572890 +537 50 4 886030805 +749 554 3 878849612 +398 132 5 875716829 +103 487 4 880421001 +13 67 1 882141686 +222 145 2 878181804 +627 39 4 879530408 +182 178 5 876435434 +731 192 5 886182457 +376 154 4 879434558 +708 538 2 892718762 +416 99 4 876700137 +650 673 3 891369924 +586 228 3 884061459 +704 180 4 891397491 +121 1194 4 891388210 +305 287 3 886324097 +758 235 5 881978274 +65 655 4 879216769 +398 403 4 875657734 +534 3 4 877808031 +435 81 3 884131661 +268 655 4 875309486 +437 87 3 880140891 +654 172 4 887864532 +735 9 4 876698755 +504 238 3 887912416 +747 650 4 888639014 +339 7 4 891032952 +736 255 1 878709025 +683 308 3 893284420 +514 173 5 875462826 +476 692 3 883364143 +536 1140 1 882364876 +478 1221 2 889398645 +253 659 5 891628358 +753 673 1 891402379 +116 539 2 886309573 +24 71 5 875323833 +539 236 3 879788345 +518 412 1 876824266 +296 50 5 884196469 +286 17 4 877531537 +705 275 5 883427048 +506 432 4 874873112 +757 569 3 888467400 +524 837 2 884637467 +676 172 5 892686490 +618 497 2 891307019 +682 410 3 888521740 +553 1124 4 879948695 +167 238 4 892738341 +468 58 4 875288771 +248 89 5 884535046 +260 333 4 890618198 +393 73 4 887746206 +655 310 3 887473937 +708 934 4 892719172 +22 2 2 878887925 +303 282 3 879467895 +693 523 4 875482448 +561 58 3 885809654 +409 498 4 881108715 +537 236 3 886029726 +524 1124 3 884637528 +548 100 5 891044304 +588 404 3 890026656 +763 28 3 878915765 +189 990 3 893264849 +442 294 2 883388120 +599 948 4 880951281 +311 487 4 884365519 +674 288 3 887762296 +498 675 4 881958414 +617 475 1 883789294 +618 462 2 891307540 +409 275 4 881107351 +313 636 4 891028241 +279 797 4 875744512 +622 215 3 882592523 +711 345 4 884485683 +529 682 4 882535256 +495 385 3 888633042 +495 505 5 888633473 +540 250 4 882157172 +536 419 3 882360993 +425 188 3 878738386 +51 172 5 883498936 +346 216 3 874949011 +666 238 4 880139615 +362 1025 2 885019746 +566 511 4 881649445 +343 582 3 876404836 +12 98 5 879959068 +666 742 3 880313723 +464 321 4 878354680 +342 294 3 874984067 +659 648 3 891332006 +393 620 4 887745199 +657 346 4 884238162 +175 11 5 877107339 +290 419 4 880474235 +489 678 4 891366693 +758 587 4 881978635 +690 79 4 881179809 +79 902 3 891271086 +734 591 4 891022977 +94 215 4 891722174 +666 339 4 880138999 +553 8 3 879949290 +655 326 2 888474742 +598 308 4 886710612 +3 326 2 889237224 +648 430 5 884881563 +455 292 3 879108751 +524 124 5 884322113 +764 86 3 876246358 +537 294 1 886029083 +674 117 5 887762861 +276 1074 3 877934446 +552 748 4 879220651 +390 1296 2 879693770 +638 636 3 876695108 +767 1068 4 891462829 +393 42 4 889554976 +545 82 4 879899266 +393 1337 3 887745380 +383 1005 3 891193072 +681 259 2 885409882 +738 127 4 892957753 +524 94 2 884637245 +276 582 3 874787407 +429 435 4 882385636 +500 448 3 883873745 +100 294 4 891375313 +551 627 3 892783906 +639 427 4 891239064 +148 135 5 877016514 +655 612 3 888474456 +676 245 4 892685592 +414 325 3 884999193 +567 607 4 882426762 +454 162 3 888267315 +548 282 4 891415384 +666 181 2 880139563 +737 175 5 884315246 +763 588 4 878918213 +62 13 4 879372634 +536 1115 5 882318369 +92 245 4 877966971 +500 964 4 883874557 +469 490 5 879524485 +365 326 2 891303614 +537 628 2 886030177 +705 174 5 883427640 +721 50 5 877138584 +47 289 4 879439040 +561 946 3 885810813 +587 353 2 892871706 +648 1003 4 884882375 +523 582 4 883701154 +620 8 3 889988121 +655 320 5 888474456 +537 975 3 886030281 +1 106 4 875241390 +712 568 5 874730491 +648 410 2 884882375 +741 54 3 891455610 +536 190 5 882359431 +498 293 4 881955189 +654 174 5 887864727 +504 731 3 887840014 +153 172 1 881371140 +8 187 4 879362123 +743 15 3 881277855 +60 1125 4 883326497 +538 12 4 877107633 +313 568 4 891015114 +618 1066 3 891309756 +246 185 5 884921428 +757 651 4 888445279 +532 824 4 888634802 +634 742 4 875729794 +374 846 2 883627509 +543 180 4 874866208 +717 980 4 884642268 +332 833 5 887938556 +682 809 2 888522755 +320 195 5 884749255 +541 585 2 883866114 +527 91 2 879455873 +608 172 1 880405927 +221 762 4 875244598 +484 222 5 883402900 +668 97 2 881702632 +622 31 3 882669594 +262 172 2 879791875 +376 288 3 879454598 +568 772 1 877906995 +561 608 3 885809119 +715 426 5 875964104 +457 14 4 882393457 +518 476 4 876823324 +293 510 3 888905716 +754 937 4 879451061 +592 8 5 882955582 +13 448 1 882396869 +524 612 3 884635204 +128 66 3 879969329 +527 528 3 879456104 +727 1657 3 883711991 +457 458 3 882393765 +732 873 5 882589845 +503 319 3 879438024 +767 486 4 891462560 +181 628 3 878962392 +480 1388 4 891207665 +16 302 5 877716993 +620 91 2 889988069 +234 836 4 892317967 +628 361 5 880776981 +645 209 5 892053483 +655 1436 2 888474679 +500 509 4 883874216 +458 286 4 886396637 +497 70 4 879362798 +551 195 5 892777052 +483 290 3 878953199 +727 1047 2 883709750 +395 89 5 883764264 +397 223 4 885350132 +728 871 2 879443321 +769 269 5 885422510 +648 225 1 882212527 +87 709 3 879876812 +21 437 1 874951858 +634 121 5 877018125 +566 215 3 881650739 +188 591 5 875072674 +425 200 4 878738854 +417 640 5 879648742 +553 238 5 879948655 +684 402 3 878759310 +230 504 3 880485136 +577 566 4 880474216 +720 995 4 891262762 +628 173 3 880777167 +448 327 2 891888367 +472 672 4 875982771 +699 1129 3 878882319 +320 946 5 884751462 +450 530 3 887661843 +416 807 4 886319649 +237 498 4 879376698 +665 1225 2 884294286 +528 56 3 886101428 +311 494 4 884364593 +486 1197 4 879874582 +94 1110 4 891722801 +275 169 3 875154535 +547 340 4 891282757 +606 91 5 880926610 +23 655 3 874787330 +244 609 3 880607154 +551 572 1 892784672 +691 98 4 875543281 +421 129 5 892241459 +271 511 5 885848736 +650 755 3 891386187 +455 98 4 879110436 +577 28 5 880472077 +315 520 4 879799526 +639 660 2 891239271 +75 831 3 884051056 +622 64 5 882669391 +437 514 4 880140369 +514 7 5 875309415 +744 603 5 881170528 +323 762 4 878739488 +233 521 5 877663071 +536 403 3 882360496 +717 301 4 884641717 +621 298 4 883801703 +561 157 4 885808053 +750 331 4 879446114 +17 126 4 885272724 +354 487 3 891217298 +209 16 4 883417810 +230 622 3 880485380 +582 477 4 882961540 +91 735 4 891439503 +57 258 5 883698581 +704 429 4 891397366 +671 986 2 884035173 +429 288 3 882387685 +324 292 3 880575045 +584 109 4 885778204 +524 895 4 884320358 +561 95 2 885809605 +145 1046 4 888398702 +59 1111 5 888204758 +101 820 3 877136954 +648 662 3 884368485 +293 371 2 888906906 +407 8 5 875042425 +331 1199 1 877196634 +495 265 5 888633316 +173 995 5 877556988 +537 385 2 886032098 +431 690 3 877844183 +13 82 2 882397503 +587 310 3 892870992 +82 133 4 878769410 +454 169 4 888266955 +389 427 5 879991196 +709 200 4 879848053 +655 979 3 888893279 +276 1140 2 874791894 +610 153 5 888703766 +212 86 4 879303830 +715 252 1 875962049 +416 1053 4 886319434 +344 269 4 884814359 +474 462 4 887925497 +744 237 4 881171907 +548 748 3 891043910 +154 515 4 879138657 +88 898 4 891037859 +618 485 3 891307646 +727 153 4 883710856 +487 772 3 883530885 +416 849 3 886318676 +605 276 4 879365773 +551 315 5 892775389 +758 810 3 881980195 +606 200 5 880923862 +188 1041 3 875072328 +1 167 2 878542383 +496 485 3 876065477 +472 540 3 875982239 +450 427 5 882371415 +344 95 4 884901180 +119 1016 5 874775262 +662 93 5 880571006 +715 732 3 875964179 +150 276 5 878746982 +94 435 4 885870418 +640 790 4 874777260 +463 319 1 889936589 +462 323 2 886365837 +731 183 1 886185744 +756 550 2 874829152 +719 660 5 879360493 +650 510 3 891371090 +417 216 3 879647298 +702 313 5 885767336 +659 23 5 891332006 +501 845 3 883348036 +318 732 5 884496267 +301 1013 3 882075286 +699 151 3 878882002 +545 96 5 879899233 +543 479 4 874866208 +709 187 5 879847945 +749 23 3 878849176 +682 127 5 888517011 +701 333 3 891446788 +490 302 4 875428765 +26 840 2 891386049 +642 1063 3 885603740 +339 549 4 891034040 +661 514 3 876013398 +452 88 2 875559842 +457 239 5 882397267 +618 125 3 891308704 +640 14 4 886474436 +597 283 5 875340010 +664 649 4 876525044 +266 245 1 892257446 +680 121 3 876816268 +16 158 4 877727280 +620 15 5 889987210 +227 127 4 879035387 +693 428 3 875484763 +280 1099 5 891701114 +521 184 4 884478358 +349 126 2 879465598 +704 50 5 891397262 +605 831 1 879429729 +629 172 5 880117333 +504 196 4 887838935 +464 302 5 878354626 +18 517 2 880129388 +554 125 3 876550913 +755 319 3 882569801 +279 1028 4 875296104 +408 1296 4 889679901 +498 435 3 881956363 +653 313 4 890180685 +267 411 3 878974325 +627 58 5 879529958 +758 431 3 881977309 +405 367 1 885547222 +224 92 1 888103812 +385 520 3 879441599 +252 149 5 891456876 +753 79 4 891401665 +731 357 5 886187538 +771 762 2 880659970 +644 328 4 889076222 +83 300 3 889050543 +450 481 5 882373231 +711 1014 4 886030873 +386 825 4 877655146 +318 540 4 884498141 +435 250 4 884134290 +119 252 3 874780832 +643 177 4 891448002 +294 1089 2 877820132 +653 197 3 878854332 +457 450 4 882392853 +514 430 4 875462901 +49 1036 2 888069304 +659 196 4 891384888 +659 153 4 891045891 +650 515 4 891369678 +312 506 4 891699121 +200 95 5 884128979 +738 210 5 892844112 +659 794 3 891386910 +477 369 4 875940836 +527 462 3 879455707 +276 890 3 880913460 +6 153 4 883603013 +669 174 3 891260369 +454 15 2 881960029 +101 1009 2 877136598 +450 936 5 889569270 +145 892 2 885557505 +618 1185 2 891309471 +416 322 3 876696788 +373 705 4 877099934 +768 173 5 883835053 +715 12 4 875963657 +298 284 4 884126240 +381 276 3 892696587 +619 281 4 885954133 +175 50 5 877107138 +758 892 2 883190434 +399 72 4 882350323 +682 808 4 888517762 +230 405 4 880485634 +566 288 3 881650627 +328 956 4 885046912 +503 452 1 879454950 +666 288 3 880138999 +716 82 5 879796138 +695 319 5 888806056 +196 411 4 881252090 +89 709 3 879459980 +482 748 4 887643365 +669 427 4 892550137 +717 290 3 884642738 +119 137 5 886176486 +222 393 4 878184028 +416 792 4 876699526 +601 840 2 876347599 +1 115 5 878541637 +773 169 5 888539232 +627 510 4 879529730 +236 427 5 890118153 +108 931 2 879880190 +606 183 5 880926162 +724 690 1 883757468 +554 151 4 876550100 +577 118 3 880471658 +627 582 3 879529916 +189 661 4 893265569 +13 881 2 881514876 +624 181 4 879792378 +64 228 4 889739438 +129 906 5 883245310 +749 879 4 878846449 +655 904 5 887473639 +758 7 5 881975243 +734 198 1 891022734 +551 95 5 892783791 +762 116 1 878719186 +42 523 5 881107375 +286 741 4 876521887 +436 1058 4 887770547 +514 48 4 875318114 +621 584 5 874965094 +525 762 4 881085917 +654 169 5 887864275 +184 396 3 889910326 +524 484 4 884634646 +749 144 5 878847835 +508 132 5 883767279 +487 1440 4 884045494 +387 27 1 886483252 +346 3 3 875265392 +308 134 5 887737686 +714 477 2 892777408 +234 770 4 892335920 +578 1264 3 890939815 +624 591 3 879792557 +655 124 3 887426087 +763 88 4 878918486 +425 2 2 878738757 +495 523 5 888632155 +757 226 3 888467038 +666 177 3 880567612 +716 491 4 879794934 +90 1005 2 891383912 +621 123 4 880738080 +340 584 3 884991369 +686 99 5 879546553 +506 294 4 877861414 +585 584 3 891286256 +523 477 3 883703495 +477 731 4 875941275 +288 632 4 886373591 +467 1 4 879532459 +545 379 4 879900010 +666 506 5 880139252 +561 790 1 885810538 +608 427 4 880403765 +135 327 4 879857575 +291 245 2 874805577 +455 96 4 879111616 +497 716 4 878759745 +453 254 2 877562293 +619 188 4 885954158 +409 733 4 881109264 +329 199 4 891656347 +158 283 5 880132421 +665 315 4 884697720 +487 566 4 883529540 +497 559 4 879362359 +339 568 3 891035061 +374 11 4 880395202 +708 864 3 892719172 +413 303 5 879968793 +270 251 5 876954752 +656 346 3 892318488 +59 622 4 888206015 +648 929 4 882211066 +747 173 3 888640862 +664 77 3 876526631 +234 357 4 892333573 +551 227 5 892783488 +435 219 5 884133691 +577 739 3 880474871 +734 174 4 891025247 +738 191 4 875350086 +466 327 3 890282956 +765 285 5 880346694 +452 66 4 885816884 +234 607 4 892079140 +134 302 2 891732150 +660 496 3 891199082 +643 423 4 891447370 +655 50 4 887425458 +660 825 2 891198549 +519 264 2 883248251 +7 68 4 891351547 +56 385 4 892676429 +543 742 3 874861699 +440 300 3 891546785 +426 178 4 879444080 +13 223 5 882139901 +667 527 4 891035121 +360 661 5 880356131 +450 73 3 887661438 +749 403 4 878849903 +551 1047 4 892785264 +541 527 3 883864638 +547 345 5 891282555 +405 564 1 885547606 +716 1 5 879793192 +233 504 5 877663128 +318 14 4 884471030 +211 205 5 879459952 +712 110 5 874956956 +727 155 3 883712068 +490 117 1 875427948 +558 20 5 879436396 +648 520 4 884367538 +561 515 3 885807215 +363 946 4 891498510 +275 434 3 880315396 +176 508 3 886047879 +664 484 5 878090705 +302 294 1 879436911 +249 31 4 879572688 +328 343 3 885044452 +682 15 4 888523581 +772 312 4 889028941 +495 101 5 888632943 +492 137 4 879969670 +378 220 2 880044944 +124 195 4 890399864 +286 340 4 879780905 +715 239 4 875963867 +582 455 1 882961481 +710 265 4 883705484 +70 289 3 884066399 +113 245 3 875325377 +749 11 5 878848189 +84 286 5 883449271 +416 619 4 886315423 +766 451 2 891310824 +669 310 4 892549126 +489 304 3 891362812 +640 210 5 876067710 +554 218 4 876550654 +756 117 4 874828826 +476 655 4 883365019 +756 178 5 874831383 +102 541 2 888801673 +704 178 5 891397535 +531 751 4 887048836 +487 31 5 883446685 +200 323 3 884125973 +758 177 5 881974823 +707 903 3 886285216 +665 185 4 884294200 +706 628 4 880997412 +720 906 4 891262697 +340 274 4 884991618 +588 645 5 890024488 +576 15 4 886985104 +435 7 4 884131597 +606 298 4 880920725 +525 289 3 881085256 +731 487 4 886184682 +198 27 2 884208595 +600 172 4 888451665 +63 287 3 875747829 +471 932 5 889828027 +621 385 5 874963797 +748 48 4 879455083 +506 208 4 874873423 +586 467 4 884066230 +586 790 3 884067151 +573 685 3 885843779 +393 51 4 887746456 +244 710 3 880607034 +378 393 3 880057018 +30 321 4 875988547 +669 118 2 892549838 +98 435 5 880498967 +293 686 3 888906869 +279 977 4 875297281 +268 652 4 875309232 +758 1142 5 880672766 +452 136 4 875266060 +699 1143 3 879146941 +429 642 4 882386600 +600 515 5 888451492 +725 264 1 876103811 +464 16 4 878355211 +764 223 3 876244625 +320 176 4 884749255 +290 31 4 880475032 +715 250 2 875962806 +561 607 5 885807173 +295 794 4 879518978 +385 529 4 879445949 +532 570 4 888629804 +655 547 4 887523176 +450 1028 4 882469250 +313 231 2 891028323 +435 561 2 884133064 +698 656 1 886367133 +659 498 3 891383733 +606 69 4 880926339 +197 554 4 891410170 +730 50 4 880310285 +379 395 2 880741868 +672 756 2 879789244 +26 250 3 891350826 +165 169 5 879525832 +301 71 4 882077007 +308 17 4 887739056 +49 239 2 888068912 +255 335 4 883215630 +352 176 5 884289693 +405 402 3 885546445 +524 583 4 884635326 +747 180 5 888639735 +536 707 5 882359678 +619 273 4 885953778 +62 1135 2 879376159 +586 153 2 884058956 +712 776 4 874730155 +610 705 3 888703710 +369 346 4 889427890 +654 109 3 887863635 +59 96 5 888205659 +72 972 4 880036911 +636 258 5 891448155 +699 413 3 884152706 +638 121 4 876694995 +145 62 2 885557699 +401 257 2 891032563 +187 134 3 879465079 +608 310 1 880402450 +733 1142 4 879535694 +179 1127 1 892151270 +500 59 4 883873528 +622 949 3 882672941 +154 258 3 879138235 +146 272 5 891457538 +435 568 2 884131868 +707 12 3 886286004 +514 172 4 875462726 +717 117 4 884642339 +176 319 3 886046979 +744 508 5 881171907 +661 196 3 888300680 +721 358 1 877137214 +6 89 4 883600842 +676 482 4 892686702 +399 470 4 882344832 +487 2 3 883531122 +699 285 4 879148050 +716 293 4 879793258 +216 22 5 880234346 +385 12 3 879441425 +767 478 4 891463095 +664 152 3 878091463 +279 778 4 891209332 +733 288 2 879535694 +137 411 5 881433490 +227 13 5 879035205 +758 248 4 880672747 +665 538 4 884290143 +774 1091 1 888558041 +460 1142 4 882911203 +462 237 5 886365387 +275 542 3 880313680 +750 270 4 879445877 +389 649 4 880165344 +457 148 4 882395360 +699 991 3 879382830 +586 676 3 884066112 +64 127 5 879366214 +507 313 5 889964121 +541 102 4 883874778 +164 307 5 889401284 +771 690 4 880659235 +536 740 4 882318630 +724 909 1 883758208 +561 746 3 885809025 +640 302 5 888025971 +31 271 4 881547854 +749 622 3 878850675 +394 797 3 881058330 +397 751 3 885349348 +671 925 3 883949781 +707 715 3 886286954 +452 197 5 885816768 +541 500 4 883874682 +774 1419 1 888557409 +683 358 2 893283948 +521 393 3 884478667 +373 259 5 877098041 +751 250 3 889132397 +642 1036 4 885606234 +711 763 1 876185767 +713 1127 3 888882225 +760 65 2 875667131 +763 200 4 878915015 +722 122 3 891281655 +751 472 2 889299043 +572 121 2 879449610 +643 163 4 891448839 +693 196 2 875482548 +488 414 2 891293863 +325 1203 5 891478159 +463 310 3 889936490 +540 258 4 882156584 +429 466 2 882384847 +660 265 2 891199241 +482 50 4 887644063 +145 31 5 875271896 +60 1060 4 883326995 +454 134 3 881959991 +504 219 3 887911314 +761 278 4 876190370 +456 23 4 881373019 +406 134 5 879445430 +556 481 5 882136441 +450 112 2 882468307 +38 400 1 892434036 +711 778 4 884485635 +721 328 5 877136303 +757 771 2 888467160 +655 1466 3 890497592 +746 128 3 885075211 +405 566 1 885547953 +279 671 2 875296238 +655 694 3 887428772 +765 237 3 880346797 +717 235 4 884642762 +763 1 4 878915559 +638 186 5 876695859 +411 210 5 892845605 +518 9 3 876822811 +687 749 4 884651746 +276 218 4 874792663 +533 823 4 879192901 +698 255 3 886366213 +705 554 2 883428201 +498 79 3 881959104 +59 369 2 888203959 +466 405 3 890284903 +693 423 3 875482136 +640 1244 3 886474849 +514 1160 4 886189748 +718 284 4 883349191 +682 41 3 888522073 +488 207 3 891294942 +548 237 4 891415540 +660 139 2 891202060 +574 900 4 891278860 +21 50 3 874951131 +751 418 5 889135211 +758 269 4 880672230 +747 531 4 888732609 +299 55 2 877881061 +693 673 4 875483050 +712 732 5 874730370 +694 641 4 875726618 +664 603 5 876526518 +761 289 2 876189871 +537 59 3 886031178 +586 76 5 884059196 +453 22 5 877553870 +18 702 3 880131407 +755 294 3 882569574 +719 392 4 879360846 +321 531 4 879440294 +79 676 3 891271957 +535 60 5 879618613 +611 313 3 891636125 +682 1440 2 888517538 +591 451 3 891040366 +684 181 4 875810999 +633 117 3 875326491 +345 191 5 884902317 +87 496 5 879877709 +707 712 3 886288624 +40 242 4 889041330 +648 230 5 884796822 +777 286 2 875979137 +537 1070 3 886031678 +655 288 3 887472814 +757 678 2 888443531 +495 188 4 888632250 +747 279 4 888732571 +738 95 4 875350122 +508 70 4 883776748 +567 511 2 882425701 +219 664 5 889403761 +26 249 2 891377609 +212 127 2 879303571 +527 855 2 879455814 +10 602 5 877889057 +435 983 2 884134830 +429 50 5 882384553 +715 399 2 875963418 +305 191 3 886322966 +259 181 4 874809057 +276 28 4 874787441 +561 644 3 885807743 +601 87 4 876349503 +402 19 4 876267096 +655 1639 4 887650483 +630 272 5 885756030 +398 589 3 875657734 +116 303 3 890633075 +666 496 4 880139149 +405 1229 1 885546835 +311 39 4 884364999 +680 1089 2 877075214 +271 504 3 885849025 +440 736 5 891578036 +560 12 5 879975661 +573 283 4 885843817 +474 288 3 887914615 +712 420 3 874957140 +654 431 4 887864414 +713 1176 3 888882224 +269 59 4 891447141 +653 578 1 880153009 +622 433 4 882669886 +542 864 3 886533112 +745 519 5 880123751 +660 386 2 891200904 +327 131 4 887818783 +389 499 4 880087873 +660 56 1 891265453 +313 157 3 891017372 +391 482 4 877399380 +666 430 4 880139614 +503 14 3 879438161 +332 222 4 887916529 +551 735 5 892783110 +13 160 4 882140070 +532 946 5 888635366 +757 2 3 888466490 +445 208 2 890987712 +682 304 1 888523810 +452 22 5 885544110 +554 294 3 876231229 +759 1016 5 881476922 +514 10 4 875462867 +730 748 4 880310082 +473 303 4 878156932 +655 831 2 887564549 +739 79 4 886958938 +215 692 3 891436277 +666 11 4 880314453 +518 10 3 876822744 +747 661 5 888639642 +222 51 3 881059816 +144 1010 3 888104834 +696 883 4 886404208 +642 624 3 885606608 +85 923 4 879455403 +605 121 1 879429706 +647 427 4 876534275 +551 68 2 892783972 +690 88 4 881177689 +543 1555 3 874863155 +456 46 3 881374613 +764 245 4 876244181 +650 232 3 891381634 +435 640 4 884132873 +776 422 2 892210688 +405 218 5 885548330 +389 94 2 880089115 +167 673 4 892738341 +605 118 3 879429729 +271 81 3 885849113 +435 424 1 884134536 +666 168 4 880314272 +620 416 4 889988196 +524 511 5 884634707 +543 1099 4 874863878 +731 393 5 886183978 +606 477 4 878143247 +465 1 4 883530054 +536 180 4 882359431 +303 1230 1 879485447 +704 486 4 891397764 +618 746 2 891308946 +666 924 2 880313582 +480 64 3 891208293 +374 156 2 880395896 +771 203 1 880659482 +669 347 3 891182948 +347 928 3 881653176 +545 541 4 879899548 +658 168 3 875148108 +537 638 3 886030682 +381 525 5 892696982 +625 588 4 891263057 +104 825 1 888466028 +551 182 5 892776824 +724 299 1 883758119 +641 434 4 879370259 +6 7 2 883599102 +437 412 3 880142147 +642 403 4 886454812 +551 186 5 892783142 +503 286 3 879438191 +602 148 4 888638517 +642 485 5 885602612 +145 859 3 882182763 +609 294 2 886895346 +622 67 1 882671463 +777 168 5 875980492 +709 164 3 879848120 +647 742 4 876534275 +554 21 1 876232212 +629 191 3 880116887 +399 1170 3 882510250 +405 1065 1 885546069 +545 151 4 880348074 +728 25 4 879443155 +469 520 4 879523947 +760 183 2 875667366 +429 190 5 882387773 +661 506 3 886841865 +168 252 1 884288304 +653 177 3 880150702 +80 237 4 887401732 +575 98 4 878146853 +554 132 4 876550453 +675 1255 1 889490151 +111 305 2 891680243 +92 432 3 876175031 +576 323 3 886960604 +749 121 3 878847645 +533 109 2 879192986 +555 748 4 879962096 +450 503 4 882371311 +455 1160 4 879108892 +22 161 4 878887925 +600 399 4 888452491 +94 553 3 891722511 +733 847 3 879535471 +758 288 4 882056007 +627 196 5 879530172 +102 13 3 892991118 +756 404 3 874830908 +780 70 2 891363969 +587 937 4 892871031 +717 291 4 884642479 +409 266 1 881105677 +773 72 3 888539531 +532 402 5 893118712 +416 401 2 886318651 +676 682 1 892685716 +757 260 3 888443511 +766 487 3 891309090 +712 4 4 874730179 +444 748 1 890247172 +694 448 3 875729489 +70 507 4 884066886 +538 79 4 877107050 +455 148 3 879110346 +572 13 4 879449763 +716 507 5 879796072 +716 1047 3 879794200 +606 248 5 887058736 +745 177 3 880123572 +560 847 4 879976449 +332 313 5 887916125 +699 109 3 879147109 +429 7 2 882385569 +133 750 4 890588720 +222 1440 3 878184697 +1 11 2 875072262 +727 343 3 883708149 +646 313 5 888528457 +361 727 3 879440740 +492 134 3 879969644 +299 60 5 878192680 +437 705 4 880141335 +470 471 5 879178593 +704 1296 4 891397015 +145 728 2 875272988 +774 195 3 888557236 +90 57 5 891385389 +510 313 5 887667439 +250 191 5 878091869 +571 964 4 883355063 +650 99 4 891372365 +699 277 3 878882319 +535 87 5 879618965 +719 742 4 879358893 +709 92 4 879848397 +658 1079 2 875145572 +604 56 2 883668097 +175 186 4 877107790 +391 603 5 877398991 +716 47 3 879795606 +276 943 4 883822485 +363 283 2 891495987 +751 487 5 889134705 +521 763 4 884476152 +437 219 3 880143663 +542 775 2 886533253 +340 66 5 884990798 +450 716 4 882469166 +586 427 3 884066016 +504 506 4 887910552 +761 147 4 876190370 +286 372 4 877532683 +709 229 2 879848645 +554 111 4 876550526 +693 572 2 875484148 +727 541 4 883712751 +664 52 5 876525736 +660 211 4 891199104 +334 169 4 891546348 +468 377 2 875288503 +726 819 3 889832688 +648 323 5 882212526 +429 603 4 882384847 +652 301 1 882566948 +592 261 1 882607744 +537 10 4 886030109 +728 322 4 879442761 +721 1392 3 877137598 +7 510 5 891352134 +554 216 3 876369162 +580 252 5 884125829 +1 245 2 875071713 +7 594 3 891354114 +677 307 5 885191227 +472 1035 4 875981759 +738 226 3 875351299 +109 732 3 880572588 +379 372 4 880961807 +406 727 3 882480749 +184 1008 4 889907896 +330 559 3 876547500 +542 15 2 886533483 +592 243 1 882607780 +537 739 1 886032154 +233 216 5 877665357 +357 411 3 878952041 +615 319 4 879447585 +669 114 5 892550196 +629 333 4 880116722 +766 1444 2 891310508 +655 216 4 887428086 +653 202 3 880151794 +645 640 4 892055285 +664 770 4 876526659 +347 15 2 881652535 +606 427 4 880924106 +664 425 3 876524937 +744 963 5 881170576 +68 1089 1 876974484 +605 288 5 879365158 +94 736 5 891721077 +7 640 3 891353614 +336 546 3 877760310 +621 122 2 880738838 +561 131 4 885808929 +389 420 3 880088229 +130 932 3 876251389 +761 294 3 876189664 +42 227 4 881109060 +72 233 4 880037242 +158 161 2 880134477 +128 274 4 879969084 +207 367 3 875508873 +295 385 4 879518864 +151 487 5 879524669 +314 401 3 877890769 +437 435 3 881001945 +660 663 2 891199833 +452 202 3 885547846 +450 82 3 887834953 +233 187 4 876021170 +293 527 4 888906598 +727 890 1 883708478 +279 170 3 875312643 +30 313 5 885941156 +116 289 4 876452094 +201 200 5 884112537 +81 284 3 876533894 +280 742 4 891701249 +642 120 3 886206256 +666 331 4 880138999 +505 154 1 889334555 +640 79 5 874778515 +497 164 4 879361872 +501 369 4 883348703 +537 123 2 886030109 +744 428 4 881170528 +645 188 4 892054906 +424 681 3 880859115 +561 91 4 885807455 +13 439 1 882397040 +110 808 2 886988250 +773 27 1 888540218 +7 387 3 892133670 +180 372 5 877127237 +407 235 4 875044531 +71 177 2 885016961 +294 323 3 877818729 +527 657 4 879455999 +629 81 3 880117689 +141 15 5 884584981 +714 871 3 892777903 +30 257 4 885941257 +650 444 2 891388341 +269 402 2 891448697 +765 15 2 880346491 +192 515 4 881367889 +474 945 4 887923923 +95 133 3 888954341 +774 739 2 888558187 +232 165 4 888550036 +399 340 2 882340517 +60 708 4 883326784 +152 278 4 880149166 +279 288 3 875249102 +761 924 4 876190723 +585 340 2 891281651 +387 474 5 886480163 +249 156 5 879572402 +655 474 3 888813306 +708 358 2 892719007 +711 1518 3 879993997 +614 458 4 879464287 +586 51 4 884066336 +378 762 3 880044879 +717 222 4 884642215 +613 1 4 891227410 +587 286 4 892870992 +779 284 3 875994401 +763 960 4 878915958 +655 24 3 887473831 +684 70 4 878761788 +409 1558 5 881107281 +495 155 3 888635455 +665 475 3 884290349 +474 478 4 887926804 +377 272 5 891295989 +319 346 3 889816026 +579 66 4 880952516 +752 748 4 891208392 +16 423 5 877721142 +460 847 3 882912205 +174 286 5 890168158 +766 53 4 891310281 +712 622 4 874730293 +220 269 5 881197597 +387 580 5 886483565 +603 449 4 891955972 +592 301 1 882607573 +727 826 2 883713738 +694 82 5 875728345 +406 96 5 879446529 +125 209 4 879455241 +360 187 4 880355527 +649 15 4 891440373 +407 72 4 876344772 +665 282 4 884291094 +677 126 1 889399265 +758 224 4 881975922 +472 122 3 875979153 +327 129 4 887744384 +276 202 4 874791871 +752 300 3 891208126 +676 50 5 892686083 +588 1 4 890015684 +301 1052 1 882075386 +587 878 2 892871641 +537 971 4 886031375 +576 137 3 886985695 +588 393 4 890026939 +737 180 4 884314644 +654 71 3 887864610 +405 816 1 885548435 +774 920 2 888559297 +764 118 3 876243046 +562 231 1 879196446 +37 172 4 880930072 +766 229 3 891310210 +661 117 4 886841250 +760 181 3 875666268 +115 229 3 881171693 +6 192 4 883600914 +399 132 3 882343327 +453 959 4 877561676 +428 268 4 885943818 +756 398 3 874831050 +776 769 3 892920446 +456 419 4 881374124 +303 813 4 879467985 +715 193 5 875965127 +223 309 4 891548750 +707 238 4 886286764 +764 140 3 876245940 +172 124 4 875537151 +560 496 3 879975752 +406 289 3 879445250 +711 230 3 879995053 +303 1135 2 879485589 +734 662 3 891022704 +682 556 2 888517840 +477 90 4 875941275 +303 670 2 879544062 +187 209 4 879465370 +655 1650 4 892871225 +497 96 4 879310705 +450 126 5 882396051 +219 223 5 892039530 +580 100 3 884124872 +665 833 3 884291210 +676 1 5 892686188 +328 153 2 886037257 +385 347 3 885844578 +470 235 3 879178486 +747 132 4 888732640 +201 515 5 884111546 +524 482 5 884634938 +59 510 4 888204502 +619 302 4 885953600 +533 596 2 880402996 +224 157 4 888103971 +643 1 5 891445287 +454 678 2 881958782 +326 515 5 879874897 +574 319 5 891279236 +327 31 2 887820531 +474 525 4 887925837 +372 5 4 876869445 +7 502 5 891352261 +722 7 4 891280842 +524 478 3 884637376 +95 405 3 879194159 +711 1285 3 879995238 +536 405 2 882318246 +711 588 4 879993173 +618 729 3 891308945 +745 285 1 880123905 +450 373 3 887834953 +665 191 3 884293475 +639 778 5 891239613 +727 809 4 883713082 +774 511 3 888556483 +615 523 5 879448735 +234 1170 1 892336077 +731 216 5 886184682 +778 94 2 891233603 +110 333 4 886987288 +763 367 3 878918871 +472 239 5 875982398 +627 318 5 879529701 +757 28 3 888467794 +406 368 2 880132115 +92 984 2 888469687 +671 591 3 883546333 +564 289 4 888718546 +343 26 3 876404689 +345 566 3 884992194 +624 123 3 879793223 +59 705 4 888205087 +49 182 3 888069416 +463 20 5 877385590 +707 492 2 886286818 +393 281 4 887745343 +299 820 3 889501620 +758 108 5 881978148 +679 64 4 884487052 +719 9 4 883354106 +416 252 4 876698115 +663 316 4 889491974 +435 125 3 884132483 +655 895 3 887472767 +58 169 4 884304936 +601 928 1 876348140 +417 290 4 879646661 +234 478 3 892079538 +272 204 4 879454939 +267 498 5 878971902 +559 55 4 891035111 +712 177 2 874730155 +92 743 2 890251826 +573 513 4 885844395 +385 318 2 879441572 +68 596 2 876974023 +761 1197 3 876190025 +73 187 5 888625934 +99 290 4 886518628 +382 134 3 875947149 +624 1120 4 879793269 +562 1 2 879194894 +409 945 3 881108971 +716 357 5 879795762 +655 289 3 887425070 +506 435 5 874873744 +407 656 4 875042865 +256 123 2 882150508 +616 873 3 891224767 +606 419 4 880924188 +683 1280 3 893284032 +116 902 2 890632896 +664 209 4 876525998 +743 224 5 881277931 +599 1277 4 880952496 +722 237 4 891280988 +110 393 3 886989363 +782 1216 2 891500150 +224 321 2 888082134 +655 521 3 887426900 +628 340 5 880777095 +664 180 4 876524641 +643 23 5 891447835 +665 31 3 884294880 +520 898 5 885168939 +468 246 5 875280352 +736 50 3 878708579 +758 619 4 881977205 +154 238 5 879139040 +586 318 3 884065986 +117 156 4 881011376 +314 717 3 877890769 +764 742 3 876243410 +517 761 5 892660727 +405 1228 1 885548137 +484 98 4 891195687 +588 731 2 890026705 +79 257 3 891271545 +758 58 4 881977169 +643 66 3 891448786 +463 121 3 877385797 +704 289 3 891396881 +102 856 2 892993927 +487 55 5 883446685 +738 63 3 875351905 +221 391 3 875247754 +312 657 5 891698485 +567 175 5 882425630 +625 202 3 891262633 +492 205 4 879969692 +286 4 5 877531899 +297 546 3 874954763 +786 276 1 882841875 +537 707 4 886031576 +416 412 2 892440119 +405 782 1 885546636 +195 60 3 888737240 +747 44 2 888639437 +477 237 4 875940451 +377 168 5 891298407 +711 741 4 886030774 +705 282 5 883427216 +618 68 3 891309608 +682 66 3 888521740 +198 186 5 884207733 +747 835 3 888640180 +704 154 3 891398702 +417 190 5 879647065 +754 284 3 879451775 +523 301 4 883700064 +328 778 3 885047822 +308 485 3 887737719 +430 674 4 877226405 +495 732 4 888634070 +715 82 4 875964025 +690 746 2 881177532 +764 820 3 876243953 +500 281 3 883865463 +716 661 3 879794870 +655 161 2 887429758 +588 578 5 890029212 +638 504 2 876695560 +180 747 4 877128156 +646 892 2 888529180 +399 673 3 882343789 +747 183 5 888732899 +663 258 3 889491560 +295 100 5 879518080 +244 144 1 880602264 +389 835 5 879991242 +97 83 1 884238817 +640 550 4 874778722 +213 458 4 878870679 +633 665 3 875325577 +682 87 5 888517235 +473 124 4 878157357 +680 9 4 876816106 +466 174 5 890284706 +395 472 3 883765965 +506 62 3 874874894 +601 123 1 876347148 +493 550 4 884132181 +506 69 5 874873327 +632 56 3 879458277 +758 1085 5 881975503 +18 957 3 880132188 +621 176 3 874963797 +608 699 5 880406507 +774 576 1 888557520 +275 1219 2 880313679 +457 216 5 882396765 +291 1067 4 874805892 +630 126 4 885667305 +758 56 5 881976031 +393 338 2 887742964 +92 186 4 875653960 +405 139 3 885549005 +773 64 4 888540507 +715 789 4 875963353 +291 636 4 874834799 +293 468 2 888906869 +395 215 5 883763768 +151 470 3 879528674 +517 335 3 875492066 +13 873 1 881515565 +286 884 5 884069544 +62 676 3 879372633 +548 185 5 891044356 +371 443 4 880435576 +312 194 4 891699207 +59 187 5 888204349 +76 223 2 882606623 +693 508 2 875482447 +92 1074 3 875907535 +747 292 4 888638293 +408 328 2 889679791 +325 210 2 891478796 +243 25 3 879987875 +474 116 5 887915366 +542 734 3 886533303 +551 356 4 892783829 +708 764 4 877325934 +465 143 4 883531380 +716 25 4 879793737 +233 50 3 876021213 +721 157 3 877140137 +4 327 5 892002352 +458 273 4 886394730 +472 43 4 875982560 +602 895 3 888637925 +553 513 4 879948806 +671 177 4 884035775 +121 276 3 891388453 +195 134 5 875771441 +92 789 5 875653242 +771 88 4 880659970 +642 99 2 885602446 +445 1008 1 891200320 +94 1225 3 891723262 +176 7 5 886048188 +311 238 4 884365357 +546 769 4 885141465 +650 91 4 891371061 +778 78 1 890803860 +267 742 3 878970621 +417 78 2 879649632 +459 748 4 879561754 +13 485 1 882140624 +327 792 4 887819021 +506 699 4 888848303 +709 82 4 879848645 +758 50 4 884999132 +704 191 3 891397262 +754 9 4 879451626 +435 187 4 884131489 +627 808 2 879531557 +250 943 4 878091870 +734 143 5 891022958 +256 218 3 882164727 +682 572 4 888521116 +723 174 4 880498996 +715 926 4 875962201 +450 280 4 882397940 +579 258 5 880951444 +642 815 4 892241051 +499 97 4 885599227 +671 356 3 883949781 +399 693 3 882510165 +5 409 2 878844651 +592 1023 1 882608873 +747 443 5 888640136 +181 116 1 878962550 +554 732 4 876550833 +401 151 1 891032584 +249 7 5 879572760 +721 357 5 877140221 +786 405 4 882842311 +328 357 4 885046244 +409 1099 4 881168712 +405 208 5 885547124 +588 485 5 890015835 +405 434 3 885546201 +639 648 3 891239491 +698 705 4 886366611 +566 582 5 881650186 +447 123 3 878854459 +624 111 3 879792671 +178 1 4 882823805 +716 502 3 879795867 +152 411 4 880149350 +95 389 4 880572388 +305 709 5 886324221 +592 265 4 882956039 +748 71 3 879454546 +401 748 3 891031784 +503 166 5 880472188 +698 190 5 886366515 +158 121 4 880132701 +543 919 2 874863549 +682 323 2 888516865 +221 42 5 875245813 +540 1226 4 882157732 +327 48 4 887745662 +347 188 5 881654480 +773 959 4 888539608 +201 1136 1 884140637 +711 509 4 879993674 +626 748 2 878771281 +15 328 3 879455192 +734 210 3 891022937 +587 304 4 892871141 +52 302 4 882922065 +92 771 1 875907180 +584 165 1 885778780 +747 654 5 888639939 +766 357 4 891309558 +640 1054 1 886474010 +286 1074 4 889652912 +1 35 1 878542420 +267 82 4 878973675 +173 319 4 877556926 +596 13 2 883539402 +663 125 3 889492720 +453 80 2 888205783 +699 24 3 879147239 +472 64 5 875981829 +612 604 4 875325256 +749 64 4 878847171 +333 100 4 891045666 +554 121 4 876232267 +664 222 3 876524641 +11 527 4 891904335 +650 164 4 891369798 +654 265 5 887864330 +618 501 4 891308884 +687 678 4 884652482 +682 834 3 888522971 +466 908 4 890284651 +725 245 4 876103793 +493 647 4 884131287 +405 180 3 885546069 +534 978 4 877808175 +704 514 4 891397112 +592 845 4 882608573 +25 463 4 885852529 +717 302 5 884641599 +727 566 3 883711449 +559 233 3 891034688 +487 257 4 883442260 +681 539 4 885409810 +295 743 4 879518674 +655 1281 3 891585477 +686 1184 1 879547337 +456 188 4 881373573 +740 242 4 879523187 +643 168 5 891447157 +459 523 4 879564915 +497 475 4 878759705 +527 200 3 879455999 +436 83 5 887770115 +87 514 4 879876672 +671 554 4 884036411 +671 29 3 884036050 +784 269 5 891387155 +748 496 4 879454455 +532 795 2 874789538 +415 185 4 879439960 +758 865 4 881975005 +768 282 4 880135987 +521 97 3 884478049 +505 22 5 889333274 +582 763 2 882961804 +264 137 3 886122892 +409 647 5 881107817 +354 606 5 891217633 +541 553 4 883865289 +326 187 1 879875243 +642 1531 3 886569226 +184 692 4 889909672 +222 418 2 878182959 +334 569 2 891548920 +327 108 3 887819614 +291 550 4 874835218 +405 80 1 885547557 +409 528 4 881107281 +677 1 4 889399229 +588 121 5 890026154 +504 409 4 889550757 +719 7 2 877311269 +435 218 3 884133194 +664 203 4 876526685 +709 4 3 879848551 +627 568 2 879531301 +347 1047 1 881653224 +727 562 2 883713548 +276 790 3 877935306 +721 699 3 877147080 +243 125 3 879988298 +757 195 4 888445802 +682 328 3 888518363 +720 306 4 891262635 +650 72 2 891386755 +239 242 5 889178512 +447 144 5 878856078 +389 205 4 880165939 +653 82 4 880150393 +711 694 5 879993318 +495 204 4 888632155 +533 866 2 887032297 +676 508 1 892686134 +771 83 5 880659369 +724 300 3 883757468 +328 194 3 885046976 +344 751 4 886381635 +331 175 4 877196235 +522 510 5 876961190 +711 432 4 879992870 +770 477 4 875972259 +393 644 3 889555074 +257 121 3 882050360 +92 783 3 875907574 +682 181 5 888518639 +495 176 5 888632496 +715 298 4 875962076 +716 417 3 879797257 +408 294 5 889680045 +504 1210 3 887840637 +377 173 5 891298589 +161 284 3 891172246 +777 153 1 875980541 +42 467 3 881108425 +724 1176 1 883757397 +561 631 3 885808000 +653 223 3 878866636 +313 402 3 891031747 +416 65 5 893212930 +495 226 4 888633011 +480 257 4 891208037 +345 742 4 884991191 +184 485 4 889908947 +710 50 4 882063766 +533 367 2 879191972 +176 881 3 886047531 +445 127 2 890987687 +704 496 5 891397712 +551 411 1 892784437 +626 330 3 878771447 +780 433 1 891363826 +707 378 3 886287628 +497 1240 5 879310070 +562 73 4 879195881 +561 48 4 885807547 +788 568 3 880869862 +514 174 5 875310992 +398 588 4 875659517 +615 187 5 879448598 +674 50 4 887762584 +642 392 4 886132237 +561 217 3 885810858 +722 412 2 891281679 +630 298 5 885666686 +472 186 5 888183325 +279 781 3 875314001 +230 435 4 880484444 +588 275 3 890024246 +655 221 3 891585242 +788 723 3 880870207 +708 271 1 892718796 +76 129 3 878101114 +640 347 3 886353742 +80 205 5 887401533 +222 386 2 881060205 +566 203 4 881650148 +437 523 3 881002191 +211 705 4 879459952 +291 262 4 874833603 +176 150 4 886047879 +115 279 3 881170725 +766 483 3 891309250 +173 303 5 877556864 +56 204 5 892676908 +655 1062 3 887650979 +417 109 2 879646369 +59 190 5 888205033 +532 842 4 888635407 +201 431 1 884112352 +766 82 3 891309558 +709 739 3 879849049 +543 169 4 875663267 +618 203 3 891308176 +152 143 5 882474378 +456 414 3 881374331 +650 188 3 891381610 +452 194 4 885816440 +758 153 5 881976377 +770 301 4 875971703 +671 1217 4 883547351 +209 127 5 883417589 +614 756 4 879465398 +738 969 4 892957860 +434 471 2 886724797 +608 499 4 880403484 +749 625 3 878848430 +472 780 4 875982922 +470 7 3 879178518 +627 183 5 879531196 +655 732 3 887428445 +776 672 3 892920381 +318 188 3 884497031 +650 229 2 891370031 +712 949 4 874730370 +498 754 2 881962988 +462 292 5 886365260 +707 1257 2 880061190 +788 23 3 880868277 +757 157 3 888467855 +698 1149 3 886367013 +328 572 3 885049658 +145 690 4 877342952 +751 735 4 889134332 +417 1091 3 879648435 +457 729 4 882547857 +758 287 5 881975182 +452 462 4 875264825 +756 122 1 874831227 +498 381 3 881961312 +702 259 3 885767604 +615 23 5 879448547 +694 1205 3 875727550 +468 95 4 875287826 +517 1047 2 892659923 +535 14 3 879618743 +655 604 4 888984325 +682 272 5 888523619 +632 204 4 879458277 +353 750 4 891402757 +680 98 4 876816224 +499 307 4 885597747 +586 405 5 884061807 +771 237 5 880659482 +416 133 2 876699903 +379 183 4 886317511 +583 357 5 879384575 +413 50 5 879969674 +586 800 3 884061189 +731 205 1 886187652 +655 1196 3 888984325 +332 452 4 888360508 +308 61 3 887739336 +532 72 3 888636538 +532 619 5 889235367 +387 528 4 886483906 +262 546 2 879791049 +97 169 5 884238887 +648 152 5 884368485 +622 550 4 882670929 +773 239 4 888539512 +766 77 2 891310313 +468 172 4 875293386 +567 188 5 882426055 +773 229 3 888540112 +234 412 2 892336322 +49 287 4 888068842 +149 328 2 883512689 +343 318 5 876406707 +435 393 2 884133610 +458 654 5 886397771 +403 515 4 879785867 +207 1331 3 877995673 +782 250 4 891499440 +91 22 5 891439208 +539 286 4 879787771 +746 184 4 885075267 +628 288 5 880777096 +503 423 5 880472321 +676 13 1 892686319 +479 604 3 879461084 +492 654 4 879969323 +290 49 3 880475542 +453 410 4 877552951 +478 40 1 889398198 +31 811 4 881548053 +13 205 2 881515193 +592 589 5 882955825 +254 172 5 886472051 +297 42 3 875238853 +679 73 4 884488036 +653 105 3 890181185 +650 403 3 891381709 +747 87 5 888640222 +264 23 5 886122577 +593 26 4 875660886 +268 200 4 875309459 +357 126 5 878951537 +720 345 2 891262762 +479 264 3 879459791 +145 329 4 888397542 +509 301 2 883591043 +250 418 5 878090199 +39 307 2 891400342 +682 1028 3 888523657 +747 467 4 888639222 +561 719 1 885810785 +234 226 2 892335673 +536 96 4 882359988 +474 89 5 887924425 +648 1176 1 884628278 +697 628 4 882622016 +682 806 3 888523658 +726 274 4 889831222 +739 100 5 886825383 +500 1385 4 883865290 +621 125 4 880739654 +660 515 2 891199391 +139 1233 5 879537844 +549 411 3 881672667 +715 447 3 875963452 +486 20 3 879875069 +749 521 4 878847765 +789 1012 4 880332169 +334 255 3 891544840 +625 190 3 892000576 +743 100 5 881277962 +671 510 3 884035892 +405 384 3 885547605 +717 286 3 884641644 +201 581 3 884140788 +727 1411 2 883713419 +710 197 4 882064200 +279 230 4 892865054 +786 177 4 882843646 +388 323 4 886442062 +465 154 2 883532119 +666 96 3 880568270 +708 690 4 892718919 +299 194 3 877881229 +393 111 3 887745293 +749 222 3 878847716 +186 477 4 891719775 +1 137 5 875071541 +715 83 4 875963792 +211 199 5 879459952 +706 333 1 880996945 +85 478 4 879454951 +234 605 3 892333798 +621 539 1 883799884 +409 1369 4 881106287 +782 1600 3 891500066 +545 563 3 879900011 +716 238 4 879797286 +406 158 2 880132115 +741 5 3 891455671 +707 1107 3 886288239 +757 248 4 888444209 +435 541 4 884134187 +579 514 3 880952165 +498 449 3 881961932 +320 572 3 884751316 +399 239 3 882344553 +642 395 5 885604187 +710 99 4 882064434 +646 310 3 888528483 +606 117 4 878143605 +109 679 3 880578093 +548 882 4 891043442 +514 31 4 886190665 +559 385 4 891035111 +409 303 4 881104727 +334 164 3 891548104 +539 239 3 879788572 +758 303 4 880672321 +643 233 4 891449249 +672 1061 4 879789566 +561 523 4 885809269 +393 405 4 887744626 +504 1050 4 887832433 +178 156 2 882826395 +307 99 4 879283449 +122 1119 3 879270769 +669 276 2 892550259 +772 898 3 889028941 +749 944 4 878849482 +786 633 4 882843237 +11 526 3 891904859 +682 520 4 888519725 +640 151 4 886474515 +500 50 3 883864992 +790 380 4 885157419 +715 159 3 875964330 +456 180 4 881373084 +790 1074 3 885158235 +528 109 4 886812980 +466 11 3 890284707 +618 404 5 891309192 +697 124 5 882622505 +504 399 4 887840882 +659 647 3 891384823 +311 967 3 884364764 +164 751 4 889401263 +435 83 4 884131434 +323 222 3 878739251 +787 310 5 888979007 +542 208 4 886532881 +539 640 2 879788101 +31 1020 3 881548030 +128 88 4 879969390 +581 1375 5 879641787 +693 684 3 875483435 +712 1091 3 874956543 +298 504 3 884127249 +630 288 4 885666102 +771 258 5 880659323 +420 750 4 891356790 +643 482 4 891447063 +495 95 3 888634315 +561 97 3 885809312 +244 9 5 880604179 +234 806 2 892334766 +747 1194 5 888639102 +207 56 4 875503973 +6 527 4 883600877 +747 211 5 888639014 +532 24 5 892867296 +128 433 4 879967225 +690 90 1 881179469 +23 694 4 884550049 +222 226 3 878185044 +352 98 5 884290428 +782 1023 3 891499611 +407 286 4 890687500 +766 90 1 891310313 +695 313 2 888805836 +527 671 5 879455873 +327 732 1 887819316 +537 262 5 886028446 +622 184 5 882592103 +417 809 3 880951251 +670 174 4 877975344 +786 230 4 882844295 +499 301 4 882995808 +650 452 2 891370155 +303 5 2 879484534 +606 507 4 880923689 +171 269 4 891034835 +655 1192 4 887650851 +188 153 5 875075062 +716 95 4 879794775 +770 875 4 875971612 +6 519 5 883601365 +782 322 4 891498381 +122 1168 4 879270902 +749 837 5 878848587 +751 1011 4 889132599 +694 491 3 875731050 +773 91 4 888539232 +398 205 5 875660535 +577 665 4 880475644 +546 447 3 885141360 +701 750 5 891446588 +639 371 1 891240495 +94 1058 4 891722609 +655 1211 4 887427681 +783 288 3 884326274 +6 491 4 883602174 +766 98 3 891309522 +654 117 4 887864350 +733 293 4 879535559 +455 95 4 879111057 +540 281 3 882157011 +406 499 5 884630973 +454 659 2 888267028 +314 546 4 877886788 +393 544 3 887745135 +659 313 5 891331825 +551 198 5 892778035 +450 292 5 882215922 +524 211 5 884635136 +455 307 4 892230486 +391 22 4 877398951 +773 639 4 888538931 +680 169 5 876816162 +145 135 5 885557731 +268 627 3 875310603 +92 58 4 875653836 +297 27 1 875239535 +660 890 1 891198996 +537 1267 3 886032123 +92 282 4 876769303 +749 159 4 878849956 +378 468 5 880055396 +286 1119 3 877534054 +90 1196 4 891383599 +655 202 2 887651114 +593 173 5 877728878 +508 96 2 883768886 +314 15 5 877886483 +748 8 4 879455126 +420 513 5 891356864 +474 179 5 887924424 +705 2 3 883428058 +682 465 3 888523054 +648 502 5 884881679 +741 31 3 891455516 +145 1009 2 875270764 +777 357 5 875980235 +332 118 5 887938330 +648 49 2 884881679 +580 455 4 884125492 +495 433 4 888634315 +603 62 2 891955972 +708 873 5 892718965 +500 8 4 883874621 +493 201 5 884131089 +5 386 2 875636230 +682 1048 3 888521564 +600 177 5 888451583 +768 278 2 883835210 +661 498 5 876017801 +755 875 1 882570023 +409 504 2 881106682 +313 385 4 891015296 +574 333 3 891279285 +783 334 3 884326461 +198 4 3 884209536 +476 738 3 883364812 +385 654 5 879442085 +146 245 5 891458080 +690 226 3 881179969 +785 195 4 879438984 +474 436 3 887926873 +484 275 3 891195973 +610 735 3 888703360 +548 581 4 891044596 +561 198 3 885808986 +645 70 4 892055325 +665 866 3 884290676 +256 1042 5 882164927 +621 24 4 880737433 +715 627 3 875964614 +541 168 4 883865555 +694 1203 4 875729489 +363 1014 1 891499760 +454 293 4 881959238 +467 919 2 879532535 +541 259 1 884046888 +484 24 1 881449826 +535 628 4 879618246 +523 663 5 883701962 +151 473 4 879524974 +697 222 4 882622016 +504 392 5 887908645 +642 125 4 885603586 +653 492 4 880149999 +442 11 4 883390284 +655 518 2 888813186 +345 204 4 884991925 +90 676 2 891384066 +622 214 4 882670228 +658 429 4 875147800 +757 50 4 888444056 +625 250 4 891273750 +716 414 4 879797152 +422 475 4 875129881 +472 173 5 875982641 +234 11 2 892079140 +551 150 3 892782807 +74 302 4 888333219 +535 558 5 879618385 +305 408 5 886323189 +53 151 4 879443011 +655 684 3 887473965 +634 985 4 877017790 +543 550 2 877547005 +343 9 5 876402738 +724 346 1 883757703 +727 203 5 883710236 +502 259 3 883702448 +265 111 2 875320371 +305 1074 2 886324330 +537 724 3 886031886 +328 433 2 885047670 +751 736 5 889134533 +778 7 4 890725886 +399 697 2 882345454 +542 789 3 886532909 +642 731 5 885605909 +747 500 4 888640222 +703 147 3 875243049 +707 778 3 886287160 +782 938 3 891498030 +661 69 4 876013492 +747 1660 2 888640731 +109 317 2 880573085 +374 68 1 880396622 +663 96 5 889493628 +751 480 4 889133129 +630 620 4 885667661 +601 107 4 876347113 +654 81 2 887864831 +116 272 3 886309505 +514 294 3 885180929 +184 428 4 889909551 +714 237 3 892776261 +776 234 5 892920290 +749 145 4 878849433 +372 436 5 876869445 +217 96 4 889069741 +616 347 4 891224677 +347 686 5 881654101 +133 316 4 890588928 +152 739 5 882475924 +653 480 4 880150239 +650 523 3 891382066 +467 475 4 879532460 +715 92 3 875963899 +711 65 4 879992968 +440 310 3 891546631 +313 519 5 891013436 +621 825 3 880738142 +653 523 4 878854284 +316 286 5 880853038 +417 1288 1 879646741 +81 288 3 876533229 +592 122 4 882608960 +671 54 3 884035173 +384 327 4 891273761 +789 127 5 880332039 +650 172 4 891369442 +264 789 4 886122644 +660 243 2 891197757 +763 286 4 878914901 +128 161 5 879968896 +770 508 5 875972322 +637 1051 2 882905388 +291 820 4 875087125 +94 32 5 891721851 +328 744 4 885046878 +731 507 3 886184771 +407 214 4 875042466 +67 412 1 875379540 +609 890 1 886895914 +508 191 5 883767383 +751 419 4 889134533 +600 449 4 888452564 +69 1016 3 882072956 +244 109 4 880604798 +703 257 5 875242990 +711 404 3 879993579 +17 7 4 885272487 +279 728 4 875314287 +303 241 4 879483301 +498 554 3 881962385 +749 550 4 878850212 +642 722 3 885606113 +417 574 2 879649428 +428 1024 4 885943651 +646 315 4 888528483 +305 89 3 886322719 +398 510 4 875658715 +788 480 3 880868473 +553 100 5 879948869 +727 801 2 883713194 +707 694 4 886286246 +399 291 3 882510126 +561 550 1 885810117 +379 414 5 880740415 +659 448 4 891385438 +668 210 5 881605849 +95 692 4 879198482 +152 423 5 882899511 +752 313 3 891207791 +21 800 1 874951727 +429 480 4 882386071 +18 737 3 880132055 +270 815 4 876954522 +400 690 3 885676365 +299 7 3 877877847 +760 723 2 875669011 +630 118 4 885666875 +397 853 4 885350045 +378 135 2 880046362 +655 800 2 887430197 +634 840 2 875729794 +222 585 3 881060062 +116 50 3 876452443 +454 55 2 888267617 +749 105 1 878849508 +234 1330 3 892078343 +592 1017 4 882608279 +3 319 2 889237026 +595 9 4 886922069 +25 183 4 885852008 +720 315 4 891262608 +445 752 1 891199167 +488 493 3 891294297 +774 527 1 888556698 +622 294 3 882589830 +87 472 4 879875996 +254 126 3 887347350 +23 526 3 874787116 +574 347 3 891278860 +711 1117 4 883589726 +165 318 5 879525961 +660 195 4 891406212 +608 319 4 880402983 +548 642 4 891044538 +648 816 1 884883724 +62 81 4 879375323 +567 479 5 882425997 +201 685 3 884112352 +13 50 5 882140001 +684 401 3 878762302 +451 329 4 879012721 +258 286 5 885700778 +794 242 5 891034156 +758 192 4 882053053 +420 14 5 891356927 +561 380 2 885809524 +280 226 3 891701998 +433 323 1 880585530 +181 875 3 878961623 +416 592 3 892441347 +750 294 4 879445961 +528 77 3 886101428 +648 66 5 882213535 +363 38 3 891498407 +629 22 5 880116818 +22 688 1 878886307 +149 268 4 883512715 +437 692 4 880143115 +507 269 2 889964121 +442 234 4 883389983 +733 1173 2 879535814 +241 300 4 887249685 +505 307 4 889332705 +593 50 4 875660009 +784 307 4 891387623 +504 291 4 887832043 +450 422 3 882467991 +574 332 3 891279410 +695 260 4 888806150 +276 225 3 874786854 +58 1063 1 884304728 +664 286 4 876523092 +497 603 3 879361802 +543 118 3 874862036 +776 485 2 891628656 +635 255 4 878879213 +448 345 5 891887440 +774 89 2 888557198 +297 111 3 874955085 +69 302 4 882027109 +439 301 3 882892424 +711 215 3 879994555 +749 238 3 878847863 +721 393 5 877138200 +43 121 4 883955907 +663 762 4 889492473 +279 1480 3 875314370 +407 1090 2 876348799 +329 651 4 891656639 +592 657 4 882956011 +303 1509 1 879544435 +627 797 4 879531504 +593 357 5 875661486 +664 504 4 876526518 +530 487 4 883784557 +109 367 3 880578121 +474 1134 3 887915306 +758 95 3 881977057 +747 496 5 888640136 +693 419 2 875484501 +393 472 3 887745199 +22 712 4 878887186 +389 731 3 880089152 +498 693 3 881957625 +497 849 2 879310913 +727 312 3 883708435 +664 427 4 876524053 +71 744 4 877319294 +145 394 1 888398833 +758 197 3 881975687 +711 744 4 876185896 +499 520 3 885599572 +537 99 2 886031375 +402 204 5 876267206 +559 194 3 891035781 +90 1039 5 891383599 +666 662 3 880568094 +463 1067 2 877385531 +749 86 4 878848369 +607 511 5 883879556 +707 1007 4 880060180 +669 324 3 891517159 +695 1024 5 888805913 +342 844 3 874984789 +542 1061 2 886533275 +650 216 4 891381546 +174 386 1 886515130 +145 731 3 875272833 +474 475 4 887915479 +497 423 3 879363586 +68 763 1 876973917 +767 207 5 891462759 +698 194 4 886366454 +627 562 2 879531504 +323 294 3 878738827 +601 427 4 876348736 +652 395 3 882567383 +499 484 4 885599013 +611 269 4 891636072 +567 1451 3 882426952 +738 405 2 875349968 +420 86 5 891357021 +49 320 5 888067334 +136 15 4 882693723 +13 406 1 882397011 +720 1062 5 891262812 +533 230 4 879191563 +401 127 1 891032170 +613 509 4 891227236 +565 83 5 891037628 +768 340 2 879523820 +697 268 5 882621548 +456 1059 4 881372052 +239 42 5 889180578 +488 164 3 891293911 +521 96 4 884477853 +395 252 3 883765897 +445 591 2 891200020 +748 174 5 879454405 +570 305 5 881262256 +442 746 3 883388354 +758 81 5 881975815 +463 93 4 877385457 +629 199 5 880117772 +676 300 4 892685403 +551 708 1 892783830 +503 732 3 880383467 +239 482 3 889180978 +166 313 5 886397478 +372 875 4 876869183 +13 473 4 882398724 +536 566 5 882360264 +500 202 4 883874239 +253 1 5 891628467 +405 64 5 885544739 +624 270 3 891961120 +453 181 5 877552612 +794 887 4 891034284 +437 82 3 880140192 +159 829 4 880557741 +452 135 3 875560790 +280 471 3 891700553 +95 1047 3 879193881 +413 258 4 879968794 +620 928 5 889987825 +729 333 4 893286638 +297 90 4 875239942 +655 417 2 888771346 +380 582 4 885478583 +690 716 1 881179469 +551 204 4 892777673 +711 1118 4 879994633 +758 427 4 881974742 +56 22 5 892676376 +532 77 5 892519935 +532 676 5 892521554 +62 71 4 879374661 +305 528 4 886323378 +608 333 4 880402983 +569 19 5 879794127 +747 316 4 888638552 +439 100 3 882892705 +538 181 3 877107700 +780 662 5 891363756 +456 864 4 881371660 +147 301 5 885594204 +13 348 2 886952246 +379 163 4 880740495 +756 642 2 874829924 +738 357 4 875353869 +758 155 1 882054226 +501 591 4 883348138 +157 118 2 886890439 +682 252 3 888518773 +648 550 4 884882802 +676 257 5 892686220 +676 288 1 892685437 +542 427 5 886532294 +615 237 4 879448843 +588 566 2 890023557 +181 1047 2 878962866 +630 100 3 885666592 +697 1 5 882622481 +724 245 2 883757874 +514 64 4 875462645 +343 159 2 876405893 +721 655 2 877140490 +344 562 2 886381985 +649 291 5 891440330 +697 818 4 882622228 +459 568 3 879564941 +514 425 5 875318291 +246 809 2 884923767 +327 186 2 887744064 +606 195 5 880926162 +578 355 1 888957758 +437 842 4 880143451 +521 732 3 884478135 +787 899 3 888979074 +764 143 5 876245331 +444 245 4 891979402 +451 305 3 879012647 +6 317 3 883602174 +778 1273 3 890726925 +354 737 4 891307206 +472 82 5 892791017 +735 744 3 876698714 +541 755 5 883874716 +461 242 3 885355735 +207 204 3 875506737 +704 131 5 891398726 +345 274 3 884991267 +781 483 5 879633942 +737 12 4 884314922 +225 606 5 879540649 +654 54 3 887864941 +524 1553 3 884635136 +533 297 4 893160944 +653 819 3 880149751 +234 1446 3 892335739 +758 172 4 881974880 +660 22 4 891199262 +533 134 4 879439379 +534 15 4 877807873 +548 1244 4 891043953 +542 418 4 886533562 +456 506 4 881374332 +655 190 3 887427338 +94 42 4 885870577 +731 95 3 886183978 +666 13 4 880313542 +445 181 2 891199945 +195 234 5 875771441 +771 28 5 880659392 +711 716 5 879995215 +687 340 4 884651894 +450 869 4 882470064 +786 471 4 882842311 +741 70 4 891456573 +85 231 2 882995615 +457 9 5 882393485 +458 23 4 886397931 +707 211 3 886287051 +541 1084 4 883864569 +774 294 1 888555792 +591 357 5 891031228 +699 933 3 878882226 +788 754 4 880867477 +472 1034 3 875979359 +538 234 3 877108077 +627 810 3 879531459 +747 648 5 888734012 +339 124 4 891032885 +42 294 4 881105296 +402 13 3 876266701 +416 1020 5 893212483 +705 241 4 883428128 +779 257 4 875993201 +796 1074 1 893047691 +462 100 4 886365387 +774 229 2 888557329 +644 261 4 889076502 +690 663 4 881177376 +311 54 4 884366439 +595 109 2 886921365 +59 277 4 888203234 +543 720 2 877546306 +597 250 4 875340939 +543 656 4 875665787 +10 582 4 877892276 +767 98 5 891462560 +452 181 4 886151027 +727 204 3 883710395 +437 77 4 880143040 +407 228 4 875046799 +470 257 4 879178568 +727 195 4 883710375 +452 124 5 885816768 +773 559 2 888540314 +632 275 3 879457582 +256 471 5 882150644 +210 105 3 891036331 +648 559 2 884883578 +761 214 1 876190510 +484 136 5 891194766 +721 70 3 877145403 +602 257 4 888638618 +416 873 5 893213645 +414 343 2 884999193 +291 200 4 874867740 +406 561 3 879792974 +13 897 1 886952422 +755 689 3 882570077 +648 519 4 884628482 +60 615 5 883326215 +693 488 4 875484539 +756 1119 4 874828349 +655 345 3 887473803 +533 176 1 879191332 +85 845 3 879828456 +774 403 2 888556814 +763 238 4 878915559 +795 172 3 880570209 +130 808 5 878537631 +237 656 4 879376730 +794 118 2 891035413 +642 845 5 891318088 +619 174 4 885953992 +660 215 3 891199082 +417 447 3 879649064 +555 150 4 879963127 +622 679 3 882671483 +53 25 4 879442538 +788 185 4 880868316 +756 234 3 874829924 +313 47 3 891015268 +569 286 5 879792991 +178 1197 4 882824055 +224 70 2 888103812 +592 259 2 882607573 +790 154 4 885156290 +224 715 1 888104487 +604 637 4 883668261 +679 132 4 884487374 +496 109 3 876064357 +332 79 5 888098088 +128 392 3 879967102 +157 276 4 886889876 +144 474 4 888105311 +694 174 5 875727061 +153 79 5 881371198 +393 7 4 887744419 +640 134 5 874777623 +795 117 4 880558122 +648 510 5 884796728 +130 236 5 876251160 +756 753 2 874832788 +667 137 3 891035206 +567 194 3 882425874 +622 86 4 882670587 +547 315 4 891282555 +587 886 2 892871171 +517 823 2 892659923 +759 332 4 881476516 +537 221 3 886029841 +754 619 4 879451517 +672 225 2 879789437 +619 183 5 885953992 +371 194 3 877486953 +588 421 5 890023830 +600 684 4 888451582 +417 223 5 879646986 +641 865 5 879370149 +758 889 3 889038958 +232 582 5 888549595 +694 131 5 875727715 +271 302 5 885844430 +450 476 4 882469306 +363 187 2 891494725 +545 373 3 879899523 +721 294 3 877137447 +780 491 4 891363651 +222 1045 3 881060412 +694 226 3 875729271 +793 276 3 875103971 +721 215 4 877141373 +709 636 3 879848645 +622 28 3 882592314 +648 231 2 884882987 +518 544 3 876823324 +771 242 4 880659235 +506 746 5 874875062 +638 227 2 876695259 +434 975 5 886724873 +592 763 5 882608531 +405 715 1 885546445 +758 324 5 880672230 +709 174 5 879848396 +532 295 5 884594761 +561 693 3 885808620 +708 50 5 877325186 +782 683 1 891498213 +577 151 4 880470604 +681 288 1 885409810 +727 401 2 883713521 +736 246 4 878708929 +417 1539 2 879649539 +121 197 4 891388286 +417 100 3 879646166 +660 177 2 891200014 +623 79 5 891035112 +782 249 2 891499399 +276 590 2 874977334 +574 270 3 891279121 +718 1165 3 883349598 +711 713 3 879991283 +409 404 2 881109019 +428 1313 4 892572362 +308 382 4 887739521 +664 132 4 878092569 +453 693 5 877561172 +741 651 4 891018507 +637 926 2 882904898 +727 201 4 883710717 +774 673 2 888556545 +201 64 3 884111436 +614 1 5 879464093 +660 898 4 891197561 +746 196 4 885075612 +758 826 3 882054854 +773 37 3 888540352 +293 427 4 888906288 +101 412 2 877136842 +76 270 3 879117602 +486 591 4 879874662 +521 163 3 884478483 +346 669 1 875265690 +697 751 5 882622481 +506 181 5 874874676 +533 13 3 879192475 +774 54 1 888556814 +781 100 5 879634175 +435 562 5 884133819 +690 94 4 881177836 +642 1509 2 885606270 +316 435 2 880854337 +474 792 4 887926573 +495 386 3 888636837 +15 111 4 879455914 +589 682 4 883352494 +158 471 4 880132513 +570 748 3 881262497 +423 924 4 891395602 +380 121 3 885479896 +621 472 3 880738462 +793 1067 4 875103875 +780 202 4 891363783 +721 300 5 877135806 +152 781 5 882476486 +642 1503 2 885602446 +276 1208 3 882659656 +7 4 5 891351772 +364 286 5 875931309 +665 597 3 884290853 +669 749 3 891517159 +731 462 5 886186568 +501 546 4 883348283 +318 4 2 884497516 +741 77 3 891455671 +249 409 4 879640452 +399 5 3 882345001 +711 949 4 879994719 +782 984 2 891498821 +795 367 3 883252202 +218 176 5 881288299 +645 474 5 892053398 +422 275 5 875130026 +542 451 3 886532971 +782 329 3 891498213 +194 89 3 879521328 +506 94 3 874876599 +796 401 3 893219427 +796 184 1 892761544 +521 99 3 885253937 +222 422 2 878183657 +13 832 4 882399156 +533 71 4 889450972 +599 255 5 880951479 +738 195 4 875349628 +747 844 4 888640136 +774 172 3 888557198 +487 356 4 884024462 +637 325 1 882899928 +417 294 4 879646463 +748 228 3 879454687 +432 300 4 889415763 +629 684 5 880117430 +761 546 5 876190468 +705 38 5 883428258 +790 157 2 885156193 +497 163 2 879363181 +749 293 4 878846783 +491 100 5 891186806 +761 148 5 876189829 +721 715 2 877147726 +447 209 4 878856148 +450 443 4 882377861 +403 235 5 879786165 +295 168 5 879517467 +119 410 1 890627339 +676 132 5 892686703 +374 1217 2 880938100 +781 474 5 879633976 +784 678 4 891387895 +655 385 3 887429669 +599 1014 4 880951885 +607 483 4 883879379 +665 143 4 884293475 +546 590 4 885141538 +494 98 4 879541158 +693 118 2 875483597 +747 705 5 888639939 +545 121 5 879899299 +735 333 4 876697647 +642 1014 5 886131547 +705 28 4 883427640 +364 302 4 875931309 +389 186 2 880087435 +321 86 4 879440294 +758 64 5 881974931 +672 25 5 879789056 +746 231 2 885075476 +507 678 5 889966088 +634 1284 3 875729794 +500 234 3 883875638 +698 230 3 886367337 +379 710 4 880961839 +15 934 4 879456507 +7 544 3 891353254 +318 712 4 884496368 +790 1063 5 885156478 +537 433 4 886031634 +595 475 5 886921166 +536 136 4 882359780 +716 131 5 879796311 +655 536 3 887650512 +539 238 3 879788045 +425 385 2 878738813 +749 1047 3 878849740 +345 323 3 884916551 +43 625 4 883956146 +437 709 5 881000931 +87 944 5 879876848 +434 477 5 886724940 +344 169 5 884814457 +246 69 3 884921202 +614 871 2 879465376 +504 628 4 887831678 +622 90 4 882671574 +679 8 2 884486856 +621 810 3 874964657 +493 323 4 884129979 +551 762 5 892784130 +102 431 3 888801407 +372 201 2 876869387 +774 644 4 888556777 +487 282 4 883442105 +642 367 5 885605866 +789 475 5 880332063 +407 427 4 876338966 +749 199 5 878847171 +393 794 4 889730117 +505 174 4 889333340 +13 37 1 882397011 +625 173 3 891953681 +524 238 4 884634755 +660 117 3 891197934 +537 290 2 886030254 +666 855 4 880568270 +749 254 2 881602674 +703 275 4 875242663 +18 221 5 880129816 +404 689 2 883790585 +506 1089 1 889979761 +399 121 3 882341403 +608 480 3 880405165 +606 816 2 880927358 +782 1538 3 891500109 +709 385 4 879848397 +543 1524 4 874866319 +406 218 3 879792863 +604 184 3 883668352 +643 468 4 891449900 +727 549 3 883712219 +653 127 5 878853780 +575 127 2 878148137 +43 539 3 883953716 +625 357 3 891262784 +416 318 5 893213549 +747 474 5 888639526 +766 521 4 891309261 +696 305 4 886403578 +777 100 1 875979380 +325 182 3 891478835 +747 152 3 888640222 +655 81 3 887427371 +560 277 3 879976731 +296 256 5 884196741 +551 1139 4 892785263 +129 304 3 883244707 +476 67 4 883365218 +373 389 3 877099352 +684 1283 3 875811708 +563 862 1 880507672 +474 356 5 887928793 +653 756 1 878854996 +6 489 5 883601011 +742 321 3 881005611 +698 513 2 886366558 +495 158 3 888637477 +551 1443 5 892784942 +533 514 3 879190670 +406 478 4 879445378 +696 344 5 886403672 +307 228 5 879538921 +312 23 4 891698613 +373 50 5 877098678 +758 607 5 881976032 +735 276 4 876698796 +167 99 4 892738385 +734 751 4 891021937 +592 522 5 882955662 +764 71 5 876429672 +660 186 3 891199781 +766 202 3 891310281 +181 1350 1 878962120 +85 531 4 879454112 +303 569 3 879484159 +60 445 5 883326273 +747 939 3 888639362 +87 410 4 879876565 +643 209 5 891446652 +548 283 3 891415572 +586 841 3 884063854 +450 832 2 882468307 +655 306 3 887424883 +308 122 4 887742165 +559 257 3 891035466 +456 1222 2 881375019 +716 1203 2 879795239 +724 680 1 883758119 +474 23 4 887925620 +542 186 4 886532909 +54 346 4 890608303 +25 604 4 885852008 +650 495 3 891372316 +423 245 4 891394952 +693 1311 1 875482939 +796 418 4 893218933 +592 234 5 882955863 +654 473 2 887863933 +751 88 4 889298660 +374 742 5 880393331 +506 161 4 885135881 +200 596 4 876042584 +707 293 4 880059810 +361 705 5 879441416 +301 420 3 882077285 +537 466 4 886031149 +495 181 5 888632180 +557 300 4 881095916 +654 660 5 887864532 +650 496 4 891369707 +664 149 3 876525315 +741 1074 2 891457395 +425 538 2 890346866 +508 511 4 883767246 +540 111 4 882157148 +557 198 5 881179513 +608 44 4 880406469 +451 359 2 879012721 +655 1069 1 887473535 +758 684 4 881977872 +774 1028 2 888558829 +206 1432 1 888180082 +562 181 3 879195125 +363 282 2 891495596 +535 196 4 879617894 +407 215 3 875045658 +554 819 3 876231688 +470 13 4 879178518 +23 713 4 874784337 +429 191 5 882385065 +192 125 3 881367849 +642 451 5 885605794 +342 212 5 875319992 +425 121 4 878738813 +758 24 4 881979891 +391 174 5 877399301 +606 48 4 880924483 +417 260 3 879649779 +742 117 2 881335528 +714 472 2 892777730 +379 636 3 880525502 +42 284 3 881105581 +655 708 3 887427307 +704 654 5 891397667 +171 310 4 891034835 +330 385 5 876546378 +721 881 3 877137359 +181 981 1 878962279 +535 482 4 879619107 +703 258 4 875242076 +20 274 4 879668248 +178 333 3 884836479 +686 651 5 879545413 +798 94 3 875914939 +417 413 3 879646327 +683 303 3 893283104 +216 735 5 880244758 +479 1444 1 879462121 +442 219 3 883390009 +405 675 1 885548275 +476 26 4 883364475 +592 925 3 882608915 +798 1 4 875295695 +172 463 4 875537502 +518 280 4 876824218 +645 28 4 892053310 +733 279 2 879535968 +222 742 5 877563597 +749 578 3 878850429 +609 1012 1 886896237 +367 800 4 876690049 +643 200 3 891448265 +525 1047 2 881086274 +796 229 3 893048471 +398 186 4 875733496 +660 208 4 891199201 +405 921 1 885549634 +535 9 5 879617779 +527 647 5 879455654 +616 322 4 891224840 +358 1266 4 891269944 +704 662 3 891397819 +786 404 4 882843500 +788 229 3 880870299 +788 51 4 880870018 +750 306 4 879445877 +664 175 4 876524699 +276 928 3 874836629 +346 97 4 874948929 +617 1073 3 883789105 +655 1368 5 888474285 +601 504 4 876350300 +279 28 2 875296461 +456 380 3 881375097 +196 153 5 881251820 +777 1 4 875979431 +614 841 2 879465398 +561 195 3 885808963 +328 133 5 885047018 +406 447 4 879792897 +749 172 5 878847239 +608 100 4 880403280 +143 294 3 888407708 +637 333 3 882900888 +230 371 4 880485330 +633 177 3 875325654 +682 1410 3 888517324 +707 730 3 886286742 +745 174 3 880123179 +536 713 4 882318741 +774 563 1 888557883 +536 498 5 882359906 +479 455 4 889125853 +94 4 4 891721168 +796 679 4 893048471 +276 185 4 874792663 +18 111 3 880131631 +394 386 3 881058897 +655 87 3 887476943 +610 95 2 888703316 +733 19 5 879535338 +350 132 5 882346929 +637 1 4 882902924 +542 122 3 886533253 +95 97 4 879198652 +758 689 1 881295176 +707 162 5 886285968 +715 475 4 875962049 +454 423 4 881959607 +177 216 4 880130653 +94 692 4 891722249 +798 998 3 875915317 +450 226 4 882474001 +326 194 4 879874825 +30 161 4 875060883 +222 402 4 878185044 +643 521 4 891448586 +10 701 4 877888812 +796 87 5 893218728 +764 321 1 876233034 +566 1437 2 881651434 +586 385 3 884058956 +758 752 3 887086705 +551 924 5 892783451 +708 21 1 877325316 +436 710 4 887769281 +757 743 2 888445172 +665 79 3 884293831 +110 366 3 886988341 +125 482 1 892836309 +731 194 3 886183681 +747 156 3 888639362 +645 433 4 892054906 +198 127 5 884204919 +288 1065 4 886373474 +181 1365 1 878963086 +402 237 4 876266948 +648 254 3 884367248 +405 42 1 885547313 +533 228 4 879191332 +683 316 4 893286208 +168 300 5 884287011 +671 1215 3 884036365 +234 279 3 892333980 +454 185 2 881960265 +458 514 5 886397504 +486 332 3 879874187 +29 326 2 882820869 +551 774 5 892783314 +640 1228 4 889235993 +645 963 4 892053241 +643 418 4 891447518 +671 559 4 884338399 +684 692 4 878576614 +625 154 3 891998289 +363 235 5 891497130 +48 357 5 879434653 +462 330 3 886365803 +716 392 2 879796895 +782 1390 3 891500028 +713 307 3 888882311 +543 1014 4 875655073 +184 7 3 889907738 +234 97 2 892334267 +655 324 3 890103072 +303 790 4 879485507 +314 433 3 877887642 +55 50 4 878176005 +747 1203 5 888639685 +682 259 3 888518424 +149 300 3 883512715 +724 1617 1 883757703 +791 289 4 879448087 +250 175 5 878090004 +760 216 2 875667366 +660 145 2 891202022 +788 235 3 880871328 +766 648 3 891309913 +160 237 3 876768609 +728 678 4 879442794 +655 249 3 887474630 +164 472 5 889402071 +588 724 2 890015648 +676 318 5 892686459 +802 135 4 875985347 +650 434 4 891382218 +650 627 2 891387520 +507 319 3 889964074 +629 258 4 880116722 +524 550 3 884636958 +733 7 3 879535603 +70 101 3 884150753 +665 319 4 884289897 +642 542 5 885606609 +308 285 5 887736622 +180 939 4 877355472 +642 143 5 885603018 +727 790 2 883711616 +468 42 4 875294549 +663 357 5 889493732 +342 276 3 874984531 +735 690 4 876697561 +593 631 3 886194296 +496 268 4 876063784 +195 582 4 883822804 +209 813 5 883417810 +563 781 4 880507582 +486 117 3 879874939 +630 276 1 885667108 +795 1036 2 883255578 +514 229 3 875463525 +25 98 5 885853415 +382 357 4 875947149 +49 432 5 888066979 +290 651 3 880474034 +758 391 3 881980386 +292 96 4 881103568 +709 96 5 879848397 +451 938 4 879012772 +93 121 3 888705053 +642 138 4 886570173 +551 448 4 892783242 +222 476 3 877563739 +608 448 5 880406593 +771 222 2 880659709 +503 432 5 880472102 +524 321 3 884321179 +148 8 4 877020297 +296 19 5 884196524 +758 163 5 881976089 +606 151 5 878148493 +389 671 5 880087516 +663 1324 3 889492473 +755 690 5 882569574 +798 988 3 875295469 +746 566 4 885075367 +560 318 4 879975406 +788 692 3 880869106 +647 255 4 876534131 +664 45 4 878090415 +733 121 3 879536723 +399 450 2 882350791 +343 197 4 876404836 +664 684 4 876526580 +435 331 5 884130671 +298 193 5 884182867 +714 289 3 892778092 +457 7 4 882393278 +504 357 4 887832705 +308 99 4 887738057 +787 361 3 888979075 +758 373 4 882055347 +275 470 3 880314772 +695 995 4 888806150 +696 315 5 886403578 +795 636 3 883253661 +223 820 4 891550371 +271 499 3 885848971 +785 209 3 879439043 +798 1119 3 875916421 +582 15 3 882961481 +506 676 1 874945513 +367 184 5 876689990 +236 133 5 890116059 +350 654 5 882345918 +279 948 3 891209078 +716 186 3 879795867 +292 631 5 881105778 +798 164 4 875303502 +623 227 4 891034528 +303 1052 2 879544365 +497 1177 1 879363111 +694 617 4 875728181 +679 69 4 884487688 +731 504 3 886183209 +622 94 2 882671694 +442 209 4 883388283 +450 939 4 882376803 +82 197 4 878769847 +800 742 4 887646477 +767 187 4 891462658 +664 480 5 878091393 +561 656 4 885807455 +499 12 5 885599040 +804 11 4 879442954 +411 230 3 891035362 +682 240 4 888521637 +22 384 3 878887413 +506 755 4 874876486 +751 1661 1 889299429 +650 1031 3 891369480 +595 1023 1 886921977 +76 70 4 875027981 +152 155 5 884018390 +424 50 3 880859519 +458 546 3 886394863 +538 210 3 877106665 +480 863 4 891208356 +705 373 3 883428237 +748 678 2 879454233 +294 181 5 877819532 +328 798 2 885048159 +13 758 1 882397084 +747 3 2 888733567 +688 326 5 884153606 +644 127 4 889076775 +731 153 3 886182555 +72 553 5 880036638 +125 269 1 879454002 +432 276 4 889415947 +675 650 5 889489971 +493 288 4 884129823 +2 237 4 888552017 +640 568 4 874778569 +435 100 3 884131711 +727 271 4 883708149 +705 568 5 883428058 +70 222 4 884064269 +354 865 3 891217109 +429 92 4 882385684 +501 685 3 883347774 +655 1099 3 887428965 +711 40 4 879994875 +253 192 1 891628884 +756 92 3 874828027 +84 466 4 883453148 +655 750 2 887472879 +668 311 4 881591023 +174 125 5 886514069 +693 650 3 875482364 +280 58 4 891700514 +798 274 5 875295772 +303 875 4 879466291 +548 3 1 891415967 +579 333 4 880951372 +727 765 2 883712780 +803 286 5 880054592 +92 47 4 875654732 +287 952 4 875334036 +682 687 2 888518871 +234 625 3 892336286 +189 61 3 893265826 +18 269 5 880129305 +665 181 4 884291936 +532 269 4 891288537 +487 258 5 883440613 +186 258 1 879720880 +796 1042 4 893194740 +802 294 4 875984637 +275 450 3 876198296 +697 689 4 882621714 +101 151 3 877136628 +395 50 5 883763009 +754 476 4 879451742 +345 220 3 884991457 +378 43 3 880056609 +416 159 1 886317412 +593 723 4 875671890 +648 172 5 884367538 +118 672 4 875385257 +119 354 5 890626231 +145 219 5 877343185 +201 1423 3 884140853 +180 785 4 877128388 +637 323 1 882899182 +721 989 3 877137527 +796 159 3 893194685 +6 257 2 883599478 +655 165 3 887650512 +654 276 1 887863866 +788 70 4 880869908 +593 761 2 875671951 +533 66 4 879439204 +670 232 3 877975448 +216 56 5 880233608 +536 480 5 882359370 +476 239 4 883364475 +336 26 5 877757877 +557 750 4 884357373 +405 231 3 885548094 +638 679 3 876695259 +467 10 4 879532496 +308 1515 4 887738346 +454 260 1 888000454 +551 739 4 892784710 +580 687 3 884124583 +194 488 3 879521475 +130 185 5 875217033 +437 30 4 880140855 +796 540 2 893048672 +633 405 4 875325654 +610 419 5 888703241 +501 24 3 883348519 +18 208 4 880131004 +675 347 4 889488431 +773 188 3 888540091 +92 974 2 886443626 +780 199 5 891363723 +757 4 5 888466461 +248 156 5 884534945 +505 31 4 889334067 +486 1302 3 879874515 +151 178 5 879524586 +537 678 1 886029181 +623 222 4 891034110 +472 2 5 892790676 +680 815 3 877075312 +475 902 5 891451402 +588 778 3 890027600 +551 72 5 892783972 +514 194 4 875463525 +582 411 1 882962652 +524 32 4 884634679 +628 333 5 880777096 +764 31 4 876246687 +536 493 4 882359333 +733 298 2 879535502 +278 515 5 891295330 +484 82 4 891195444 +780 98 1 891364027 +181 259 1 878961668 +712 842 3 874957160 +537 20 3 886029974 +233 511 5 876021120 +709 230 2 879848551 +294 324 4 877818729 +443 309 5 883504866 +122 1045 4 879270605 +780 467 3 891363904 +786 449 2 882844096 +83 31 5 880307751 +642 174 5 885842594 +381 742 4 892697677 +666 517 4 880139563 +740 322 3 879522839 +7 513 4 891351772 +719 778 3 883982002 +788 205 4 880868068 +643 205 5 891447222 +733 248 3 879535752 +387 919 5 886479575 +758 286 5 880672230 +360 321 3 880354094 +430 19 5 877225623 +405 728 4 885547690 +738 56 4 875350418 +301 249 3 882074801 +666 82 3 880314194 +592 312 2 882607780 +568 656 3 877907281 +519 313 5 883248134 +586 173 3 884059287 +727 747 2 883712519 +622 833 4 882590955 +629 467 5 880117565 +56 732 4 892677147 +615 855 4 879448088 +766 510 3 891310038 +759 300 5 875227686 +548 326 4 891043278 +296 297 4 884196665 +766 135 4 891309053 +796 527 3 892675654 +754 742 3 879451991 +327 44 3 887745840 +450 608 4 882373088 +796 154 3 892676155 +143 315 4 888407542 +374 228 5 880395973 +106 191 5 881451453 +608 28 4 880405484 +775 348 3 891032804 +495 472 5 888635144 +802 286 2 875984532 +655 257 3 887474020 +378 747 3 880055597 +689 7 5 876676334 +253 1039 4 891628199 +610 28 4 888703258 +244 1118 4 880608087 +804 546 3 879443884 +756 554 1 874829152 +638 403 3 876695059 +758 128 4 881977625 +751 652 4 889133951 +407 89 4 875043948 +804 31 4 879442792 +792 111 3 877910126 +537 1103 4 886031407 +425 669 3 878737908 +229 751 3 891632164 +735 813 4 876698570 +717 111 4 884642479 +694 178 4 875727099 +774 127 4 888557198 +504 725 3 887911973 +793 298 4 875103971 +642 1311 3 886569715 +405 29 4 885545639 +151 614 4 879528729 +592 678 2 882607690 +194 282 3 879539614 +251 471 3 886272319 +566 31 3 881650825 +637 338 4 882900888 +371 1 4 877487440 +730 109 4 880310390 +141 696 4 884585498 +385 283 2 879439984 +775 286 4 891032741 +618 70 3 891307495 +92 179 5 875653077 +562 161 3 879196445 +689 250 5 876676334 +663 1276 3 889492679 +295 79 4 879517600 +600 184 3 888451750 +751 85 3 889297767 +619 22 5 885953992 +593 660 5 875671372 +758 69 5 881976233 +684 742 4 875810830 +660 1411 2 891201294 +465 56 4 883531110 +398 498 5 875657734 +500 471 4 883865391 +454 956 2 888266955 +749 15 5 878846841 +54 117 5 880935384 +763 210 3 878915015 +546 53 5 885141502 +642 376 3 885606194 +34 990 5 888602808 +496 421 3 876066229 +487 25 1 883445130 +650 404 3 891369443 +645 4 4 892055347 +614 147 5 879464332 +752 271 5 891208452 +344 98 4 884901180 +526 288 4 885681910 +535 152 4 879618385 +290 1 5 880474327 +303 187 5 879466631 +714 685 4 892777903 +524 447 5 884636182 +636 9 3 891448185 +731 419 4 886183039 +604 127 4 883667946 +535 692 4 879618880 +85 232 3 882995966 +642 216 3 885603083 +735 628 3 876698755 +159 456 3 880557848 +513 323 5 885062636 +560 255 4 879976109 +650 1149 4 891383856 +709 2 4 879848511 +378 582 5 889665232 +299 154 4 878191943 +782 878 3 891498918 +634 315 5 889464384 +600 96 5 888451664 +389 197 5 879991485 +455 393 3 879112152 +592 191 5 882955735 +255 827 2 883216958 +715 87 4 875963024 +798 151 3 875554819 +43 581 3 883956468 +250 123 3 878089837 +675 874 4 889488679 +770 1 5 875972219 +497 552 3 879362155 +777 216 4 875980597 +774 28 3 888556698 +313 143 3 891014925 +437 698 2 880142426 +86 304 3 879570149 +724 304 4 883757703 +487 286 2 883439831 +763 11 4 878918333 +104 847 2 888465263 +727 539 2 883708523 +194 651 3 879520991 +535 1474 4 879618207 +786 86 4 882843006 +434 111 5 886724540 +735 25 4 876698684 +474 88 4 887926106 +741 280 3 891458403 +453 628 3 887942025 +406 284 1 879539987 +712 79 4 874729850 +334 172 3 891548954 +132 286 3 891278680 +671 231 3 884035993 +454 99 3 881960296 +744 628 2 881172357 +682 570 2 888517948 +601 143 3 876351073 +140 304 4 879013747 +777 690 4 875979137 +766 134 5 891308968 +746 546 3 885075434 +774 185 2 888557683 +758 634 5 881975922 +705 191 1 883518871 +151 971 5 879528607 +608 1009 4 880406032 +457 1210 4 882549905 +796 270 4 892611799 +712 660 4 874730234 +745 8 4 880123627 +758 1501 3 881978258 +537 322 1 886029153 +474 193 4 887925497 +738 208 4 875350418 +682 423 5 888519206 +442 576 2 883390703 +374 50 3 880394367 +241 895 2 887250085 +792 595 3 877910305 +747 494 5 888639015 +776 442 2 892920480 +445 330 2 891199274 +466 68 3 890285159 +800 127 4 887646980 +500 217 4 883876053 +718 820 2 883349642 +716 611 5 879795496 +223 339 4 891549212 +180 222 5 877127815 +557 12 5 881179653 +399 1210 2 882348690 +492 528 5 879969878 +593 161 5 875671464 +768 65 4 887305100 +654 283 5 887863471 +709 447 2 879848167 +663 1048 4 889492562 +675 258 3 889488679 +758 656 5 881976032 +605 100 5 879425432 +318 1050 4 884496738 +272 200 5 879455043 +35 327 3 875459017 +305 478 3 886323275 +738 172 4 875349895 +581 269 3 879641348 +630 975 4 885667108 +647 993 4 876534131 +682 167 2 888522101 +651 327 4 880126473 +73 82 2 888625754 +620 946 4 889988036 +406 196 2 879446588 +621 87 5 874965408 +697 283 5 882622146 +452 86 4 875274683 +666 603 4 880567943 +621 894 1 883800011 +629 523 3 880116963 +634 717 4 875729794 +763 375 2 878923513 +766 366 3 891310875 +201 972 3 884140522 +291 212 4 874868027 +463 751 4 889943769 +497 202 4 878760023 +161 316 5 891170275 +676 114 5 892686606 +793 121 3 875104193 +639 111 2 891239613 +551 1135 5 892785331 +527 673 4 879456587 +795 100 5 880555946 +643 99 4 891447485 +716 1050 4 879797303 +699 221 4 878882667 +268 405 2 875742822 +648 17 2 884882078 +396 125 3 884646191 +487 77 3 883530814 +659 649 3 891386307 +782 1658 2 891500230 +515 269 2 887658844 +318 514 2 884496524 +608 357 5 880404916 +405 1021 1 885549543 +774 871 1 888558876 +354 485 4 891217659 +327 95 3 887818596 +661 272 4 893281023 +638 510 3 876694704 +752 310 1 891207791 +663 50 5 889493502 +804 204 4 879441450 +533 125 5 891263021 +532 147 4 888634802 +181 744 2 878962720 +62 210 4 879374640 +749 736 3 878847988 +715 735 4 875964224 +158 188 4 880134332 +497 797 3 879362586 +641 268 4 879369827 +416 755 4 893214333 +188 180 5 875073329 +608 8 2 880405484 +655 632 3 887523224 +720 269 3 891262608 +618 1 4 891308063 +617 313 1 883788511 +193 161 3 889125912 +705 255 5 883427152 +502 243 3 883702945 +59 504 5 888205921 +624 1089 2 879793408 +342 496 4 875319334 +648 169 5 882212651 +484 294 4 878060860 +617 669 1 883789635 +548 245 4 891042624 +753 898 4 891400364 +508 357 5 883767246 +303 665 4 879485475 +727 54 3 883711045 +677 845 3 889399327 +754 819 3 879452116 +772 879 4 877533731 +454 961 1 888267279 +181 1252 1 878962168 +299 239 3 878192601 +276 387 3 874787526 +781 288 2 879633862 +355 1392 4 879485760 +429 63 2 882387505 +600 161 4 888451908 +429 1209 3 882387350 +354 270 5 891216082 +747 327 4 888638425 +559 508 3 891034209 +488 190 5 891376046 +92 1023 2 892655775 +320 825 4 884749550 +234 199 5 892079040 +708 313 5 892718687 +606 939 4 880927247 +796 164 3 893194548 +707 208 5 886285939 +492 482 3 879969720 +339 327 4 891032150 +617 480 4 883789179 +567 47 4 882426696 +193 755 4 889126919 +343 523 5 876404647 +727 294 4 883708087 +584 423 4 885778263 +804 82 5 879442001 +276 254 2 874796373 +76 1153 2 882607017 +685 325 3 879451401 +752 340 4 891208077 +114 168 3 881259927 +416 735 5 893213549 +688 336 2 884153728 +671 597 4 884036365 +523 430 4 883702125 +650 612 4 891369656 +406 115 4 879446108 +500 282 4 883875092 +541 91 5 883874683 +783 346 5 884326424 +429 340 5 882384870 +655 387 3 888984538 +299 512 4 889501995 +573 50 4 885843738 +397 181 4 885349955 +6 127 5 883599134 +779 471 4 875993165 +328 89 5 885046344 +798 719 1 875743196 +621 419 4 874965093 +457 161 4 882397829 +7 655 5 891351384 +98 152 3 880498968 +276 678 3 874786419 +647 257 2 876776321 +521 240 3 884476067 +487 652 5 883530374 +721 877 3 877137285 +331 268 5 877196820 +618 202 2 891307714 +552 1051 3 879222238 +391 458 4 877399864 +672 124 3 879787922 +684 1 4 875810928 +177 302 4 880130379 +796 193 3 892662964 +606 647 3 880924663 +578 343 2 888957735 +710 1039 4 882063736 +406 47 4 880131741 +764 527 4 876339982 +712 692 5 874729995 +503 268 5 884637610 +774 52 3 888556659 +659 195 4 891384152 +425 234 3 878738853 +463 301 5 889936512 +236 117 3 890116818 +96 144 4 884403250 +495 559 4 888635180 +545 29 3 880347984 +702 288 1 885767306 +624 905 4 891961250 +698 421 2 886367366 +706 100 1 880997211 +685 327 2 879451234 +620 98 4 889987560 +693 514 4 875484431 +743 297 5 881277931 +474 660 5 887926999 +645 488 4 892053241 +587 332 4 892871171 +790 174 4 885155572 +379 208 4 880525214 +658 117 4 875145879 +561 155 2 885810785 +204 268 3 892388935 +324 678 3 880575277 +724 310 5 883757170 +694 181 5 875730386 +524 50 4 884634615 +706 50 5 880997142 +642 463 3 885602232 +504 99 3 887837739 +474 566 5 887926632 +429 684 4 882385882 +44 197 4 878347420 +592 1199 5 882608358 +799 479 5 879254026 +95 707 3 880572009 +592 1073 5 882956276 +782 346 2 891497854 +650 96 4 891369479 +347 977 5 881653224 +585 10 3 891286256 +643 32 4 891447459 +691 50 4 875543191 +619 82 5 885954053 +595 358 2 886920714 +679 419 3 884487514 +804 1076 3 879446162 +534 405 3 877807935 +562 286 4 879194616 +592 328 1 882607476 +599 274 5 880952144 +85 173 3 879454045 +301 162 3 882078287 +534 546 4 877808120 +588 42 5 890024529 +707 631 4 886286844 +469 286 5 879450367 +90 1204 4 891384959 +430 137 3 877225433 +524 549 4 884636931 +327 709 4 887819411 +719 121 1 879372253 +588 184 4 890025951 +588 165 2 890015649 +796 431 4 892676231 +716 729 2 879795375 +505 71 4 889333937 +449 285 5 879958572 +546 751 3 885139871 +613 194 5 891227299 +745 527 3 880123486 +131 813 3 883681466 +115 282 4 881171009 +805 319 2 881696876 +773 92 4 888540041 +747 591 2 888640776 +506 42 3 874873247 +528 173 5 886101610 +776 168 5 891628656 +295 155 4 879518715 +543 70 4 874863155 +176 262 4 886047292 +721 527 5 877140046 +452 163 4 886151027 +544 343 2 884796062 +574 327 3 891279122 +592 1226 4 882608873 +392 244 3 891038247 +790 38 2 885157929 +690 281 3 881180005 +225 705 5 879540707 +339 238 5 891032827 +1 127 5 874965706 +409 300 3 881104697 +267 81 4 878972434 +383 193 4 891193072 +303 385 4 879467669 +608 305 3 880402633 +623 194 5 891035112 +625 403 3 891961882 +543 684 4 874864737 +621 1028 4 880737861 +805 715 4 881698828 +465 174 3 883531409 +250 933 3 878089467 +354 464 4 891217512 +724 880 3 883757834 +407 514 4 875042675 +670 480 5 877975017 +312 1192 3 891699491 +763 213 4 878917468 +171 286 3 891034801 +194 629 3 879552401 +767 495 4 891463095 +708 763 4 877326158 +751 778 3 889297178 +255 117 2 883216845 +358 1006 5 891269913 +350 23 5 882345823 +660 774 3 891200594 +56 596 4 892683275 +798 138 3 876176160 +539 69 5 879787801 +215 77 3 891436690 +774 105 1 888558946 +774 520 3 888556398 +690 12 4 881179631 +486 319 3 879874388 +92 8 5 875654159 +749 195 5 878848639 +591 517 4 891040366 +795 502 3 883251421 +757 693 4 888467498 +707 529 4 886287376 +804 318 5 879441450 +194 540 1 879554950 +201 183 4 884112245 +346 219 2 875263664 +145 1289 1 875271660 +325 480 4 891478455 +504 142 3 887841158 +682 38 3 888521116 +522 134 5 876961020 +15 220 4 879456262 +387 679 5 886483194 +564 323 3 888730838 +588 684 4 890024246 +758 316 5 888020827 +796 399 4 893048471 +378 568 4 880055779 +268 92 4 875310745 +465 404 2 883532120 +13 398 2 882398410 +268 578 2 875744388 +790 284 4 884461888 +655 594 3 887430778 +216 64 5 881432544 +122 1267 4 879270769 +10 185 5 877888876 +508 52 4 883777047 +497 208 3 878759806 +746 56 3 885075211 +119 181 4 874775406 +743 268 4 881277551 +747 502 5 888733182 +747 1028 1 888733480 +416 2 4 886317115 +782 246 3 891499321 +788 639 3 880870710 +354 171 4 891306892 +607 30 4 883880180 +538 153 4 877106976 +804 588 4 879442687 +424 435 3 880859346 +802 323 5 875984722 +751 856 2 889134393 +758 387 2 881978495 +698 222 4 886366611 +429 174 4 882387773 +407 135 3 875119886 +342 192 4 875320082 +437 111 3 881002067 +308 152 5 887739292 +647 72 4 876534083 +551 77 3 892784130 +447 298 4 878854195 +711 132 5 879993150 +125 70 3 892838287 +16 661 4 877726789 +690 376 3 881177910 +532 315 3 888636423 +492 192 3 879969583 +503 12 3 879454675 +236 255 3 890116747 +710 310 3 882063224 +796 1119 4 892675528 +145 930 2 888398833 +76 1071 3 882606017 +753 515 5 891401712 +750 271 4 879445911 +143 326 5 888407708 +447 498 4 878856321 +343 561 3 876405172 +508 1153 4 883768797 +766 228 3 891309811 +804 399 4 879445111 +435 743 3 884134910 +727 424 1 883713454 +764 77 4 876246687 +593 286 5 875660009 +345 715 4 884993069 +806 324 2 882384513 +671 431 2 883546677 +763 258 3 878914901 +553 520 5 879949153 +796 491 4 892662964 +790 412 4 885158495 +57 471 4 883697134 +666 300 3 880138702 +254 118 4 886475406 +715 53 1 875963946 +104 332 2 888442305 +786 429 4 882843237 +657 109 1 884239886 +658 603 4 875147994 +608 461 4 880406507 +391 173 4 877399030 +291 670 5 874867785 +463 845 3 877385830 +802 452 4 875985976 +387 62 2 886483252 +388 315 3 886438122 +659 76 4 891383917 +648 498 3 884368130 +510 457 2 887667969 +135 470 4 879857931 +450 631 4 882394251 +716 211 5 879796171 +493 890 3 884130074 +484 699 4 891195773 +763 461 4 878915015 +437 174 5 880140122 +417 55 5 879647900 +346 657 4 875260577 +548 331 4 891042530 +436 23 4 887770064 +222 156 4 878183777 +790 1183 2 885157956 +804 198 5 879441391 +707 191 5 880061699 +59 32 4 888205228 +514 747 4 875463245 +455 1171 3 882141702 +495 395 1 888637147 +363 552 4 891497853 +486 975 3 879874783 +58 153 5 884304896 +363 919 5 891494659 +655 466 3 887474630 +624 125 3 879793093 +281 289 3 881200704 +608 475 3 880405971 +796 517 2 893047208 +796 795 3 893219254 +425 168 5 890347172 +301 562 3 882077256 +452 729 1 885981574 +497 652 5 878759777 +605 873 3 879365219 +654 252 2 887864031 +675 311 3 889488647 +542 41 4 886533068 +524 186 3 884634995 +682 549 3 888517415 +554 595 3 876232109 +157 111 3 886889876 +689 222 5 876674954 +485 748 2 891041551 +42 369 4 881105931 +764 100 4 876242649 +435 45 5 884131681 +56 300 4 892675935 +159 67 1 884026964 +207 526 4 875509507 +501 13 4 883348011 +534 1327 2 877808281 +525 322 2 881085256 +591 1028 3 891039658 +381 418 3 892696471 +654 100 1 887863436 +221 151 1 875246008 +523 384 3 883703495 +698 434 4 886366515 +599 763 5 880952316 +611 262 4 891636223 +805 17 4 881695346 +562 143 5 879196074 +13 70 3 882140691 +804 433 4 879444714 +416 8 5 893212484 +5 450 1 875635962 +619 385 5 885954053 +601 163 4 876350400 +667 131 5 891034810 +733 242 4 879535011 +663 619 4 889493182 +585 1449 5 891283338 +712 699 5 874956586 +660 1020 4 891199833 +654 739 4 887864886 +458 147 2 886395065 +724 908 1 883758208 +91 657 4 891439130 +130 179 4 875217265 +269 163 2 891449751 +506 418 4 874874055 +687 264 3 884652197 +662 813 3 880570194 +768 1016 2 883834814 +497 233 2 879310883 +805 387 3 881696905 +60 479 5 883326301 +712 416 3 874957113 +769 15 3 885423824 +532 411 3 874792031 +699 929 3 879147366 +109 210 5 880573084 +256 284 4 882151576 +537 178 4 886030767 +751 659 5 889133012 +776 496 3 891628708 +130 827 4 876251312 +59 591 4 888203270 +125 746 3 879455018 +387 10 4 886481228 +378 269 4 890513693 +642 862 4 892241015 +660 68 4 891199391 +455 14 3 883768822 +711 732 4 879994495 +798 1224 2 875638842 +593 580 1 876507120 +804 231 4 879445334 +321 275 4 879440109 +521 402 3 885253501 +744 482 3 881171420 +606 175 4 880927127 +551 324 3 892775824 +658 952 2 875145926 +406 277 3 879540106 +724 288 4 883757597 +7 638 4 892132122 +504 1118 3 887911035 +244 118 2 880604981 +459 16 2 879562939 +379 210 4 883156880 +279 456 3 875296924 +798 196 3 875743006 +687 319 4 884652276 +340 179 1 884989963 +749 187 3 881073104 +475 70 4 891627606 +645 430 5 892054797 +428 1280 3 885944069 +458 181 2 886396824 +715 89 3 875963538 +89 1 5 879461219 +758 827 3 882055257 +25 23 4 885852529 +682 150 4 888517197 +592 744 3 882608500 +734 172 4 891022212 +796 742 3 892660505 +487 176 5 883445540 +716 866 3 879794200 +343 28 5 876404793 +498 464 4 881958471 +757 207 2 888468632 +733 1171 3 879535780 +265 100 5 875320601 +532 535 5 888637085 +394 578 2 880888927 +755 304 4 882569881 +747 497 5 888639890 +254 343 2 886470904 +59 684 3 888204553 +661 28 5 876013975 +537 614 3 886031473 +655 1171 3 887426200 +699 268 4 884152267 +738 69 5 892844079 +602 9 4 888638490 +727 187 5 883710104 +676 352 1 892685875 +267 579 3 878973126 +748 144 4 879454707 +486 10 4 879874871 +624 150 4 879792493 +592 344 4 888553156 +514 197 4 875310992 +758 1098 5 881976746 +243 116 4 879987526 +398 66 4 875736732 +24 402 4 875323308 +790 139 2 885157748 +796 871 1 893219001 +627 651 4 879530109 +308 274 3 887738760 +699 252 4 879148050 +793 824 3 875104000 +309 989 3 877370383 +787 269 3 888979547 +299 99 3 889501790 +690 712 4 881177880 +293 232 2 888907384 +758 765 2 881980315 +90 732 5 891383241 +92 658 3 875654353 +721 382 4 877147675 +786 187 4 882843112 +539 487 3 879788101 +533 1147 3 879439204 +216 396 3 880245260 +788 71 3 880868144 +121 237 5 891388708 +806 405 3 882385762 +727 284 3 883709607 +222 1035 2 881060015 +568 486 4 877907720 +741 228 2 891455610 +420 301 3 891357188 +630 1055 3 885667898 +374 225 3 882158071 +774 179 5 888556634 +380 549 3 885479926 +151 151 5 879524760 +416 154 4 876699839 +595 952 5 886921424 +357 1028 5 878951729 +763 151 4 878923488 +535 1039 4 879618058 +486 245 3 879875441 +601 156 4 876348782 +794 475 5 891035822 +775 258 4 891032837 +394 68 5 881058419 +655 48 4 887472744 +587 895 4 892871113 +221 174 4 875245514 +82 79 3 878769334 +807 399 4 893080801 +774 238 5 888555928 +711 401 3 879995405 +276 173 5 874791993 +327 523 4 887818800 +745 203 3 880123696 +194 516 3 879522021 +704 655 3 891397190 +489 748 4 891366838 +123 432 5 879873120 +659 182 4 891332044 +421 127 4 892241624 +654 385 4 887864308 +347 156 5 881653652 +671 33 5 883949781 +771 993 4 880660199 +807 419 5 892528813 +198 707 2 884207009 +323 179 4 878739904 +593 278 3 875659686 +222 363 2 877563852 +254 665 2 886475234 +650 849 2 891381745 +455 252 3 879110818 +290 527 4 880474590 +221 94 3 875246857 +735 147 1 876698643 +711 50 4 876185648 +303 386 4 879485352 +739 969 1 886959039 +280 384 4 891702137 +561 345 4 885806823 +758 412 5 882054797 +788 504 4 880867970 +806 629 3 882389862 +798 116 3 875554781 +470 360 2 879189269 +450 167 5 882469863 +748 196 3 879454958 +706 1 4 880997324 +3 325 1 889237297 +639 510 3 891239862 +145 1210 1 888398766 +279 198 3 882456211 +378 186 3 880055186 +707 382 3 886287191 +581 285 5 879641533 +655 1009 2 887523271 +561 46 4 885808796 +561 1015 2 885810060 +777 56 5 875980670 +766 588 3 891309484 +161 210 2 891171698 +342 499 5 875319912 +592 98 5 882955918 +695 346 5 888806011 +174 50 4 886433166 +751 1007 4 889132222 +782 288 4 891498079 +655 215 2 887472943 +693 357 5 875482169 +181 595 2 878962918 +591 381 4 891040366 +532 52 4 888629446 +569 405 3 879794498 +177 129 3 880130653 +276 624 2 874792969 +327 160 4 887822209 +499 198 5 885599682 +8 181 4 879362183 +773 56 2 888539328 +568 612 3 877907720 +807 117 4 892528813 +518 475 4 876822811 +717 274 4 884642581 +600 29 2 888452490 +627 673 2 879530110 +738 496 4 875351346 +727 356 3 883712365 +699 244 3 878882319 +268 156 3 875745398 +792 124 4 877909865 +109 834 3 880583308 +456 181 3 881373120 +611 873 3 891636399 +407 232 3 876344993 +488 269 3 891293606 +755 269 5 882569604 +177 340 4 880130415 +727 69 4 883710186 +704 302 4 891397015 +641 496 2 879370337 +287 1067 2 875334036 +648 215 2 884796689 +768 756 3 883835053 +291 1277 4 874834019 +757 89 4 888445279 +739 286 2 886825020 +682 977 3 888521090 +724 872 1 883757537 +22 290 5 878886607 +401 302 3 891031464 +557 298 5 881095916 +380 98 4 885478698 +83 862 4 883868805 +798 480 3 875303765 +643 790 4 891449249 +537 523 3 886030682 +218 186 3 877488366 +406 182 4 879445734 +417 452 2 880952970 +467 269 4 879532145 +682 100 3 888517011 +611 887 2 891636125 +561 168 4 885807261 +591 792 4 891031383 +741 785 3 891457371 +548 925 2 891415709 +16 172 5 877724726 +214 496 4 891544545 +543 134 5 874862967 +543 16 3 875655073 +746 232 3 885075304 +707 723 3 886286954 +577 77 3 880475561 +727 1088 2 883709884 +797 307 2 879439190 +372 299 4 876869147 +146 315 5 891458193 +109 748 3 880562908 +801 890 2 890333150 +459 249 2 879562860 +425 520 3 890347085 +385 53 1 879446110 +790 123 3 884461413 +551 66 2 892783281 +432 628 5 889416398 +704 735 4 891397305 +805 321 3 881705292 +313 465 3 891030096 +506 582 3 874873423 +748 258 5 879454081 +709 27 3 879848590 +459 815 4 879563102 +663 31 4 889493628 +749 69 5 878847576 +405 43 1 885546680 +145 176 5 875271838 +561 955 3 885808738 +37 827 3 880915607 +435 399 3 884133253 +305 285 5 886322930 +780 208 3 891364125 +640 231 5 874778424 +450 693 3 887139232 +416 295 5 893213405 +496 1229 1 876071097 +782 294 3 891498381 +45 282 4 881008636 +474 302 5 887914615 +326 385 3 879876882 +712 73 5 874730293 +796 932 4 893219254 +210 792 3 887730532 +655 265 3 887477314 +435 573 1 884132515 +653 722 1 880152800 +472 210 5 875981664 +748 135 4 879454998 +372 595 4 876869878 +698 489 3 886367849 +579 748 3 880951569 +776 127 5 891628731 +642 864 3 885605987 +796 496 5 892662223 +367 413 4 876689879 +499 313 5 885597821 +198 531 5 884207525 +578 1098 2 890939753 +325 529 4 891478528 +736 248 4 878709365 +207 302 4 891759118 +747 952 2 888733630 +393 385 4 887746207 +749 477 3 878848405 +782 310 4 891497963 +475 50 5 891627857 +809 678 2 891037172 +522 23 5 876961248 +608 549 4 880405824 +806 705 4 882387595 +489 892 3 891449532 +659 739 4 891387022 +535 654 5 879617856 +668 323 4 881591198 +543 102 4 874863155 +452 1383 1 886149828 +804 85 4 879445190 +59 792 4 888206362 +749 194 5 878847541 +681 304 3 885409742 +537 435 3 886031933 +561 367 3 885809583 +605 597 3 879427755 +125 72 4 892838322 +514 462 4 875310992 +234 30 4 892335951 +805 595 3 881695951 +711 111 2 876185574 +608 1039 5 880406552 +396 471 4 884646263 +697 336 3 882621523 +301 431 4 882078008 +399 15 5 882340828 +405 71 1 885548836 +743 311 5 881277551 +658 178 5 875148195 +796 765 3 893047691 +756 100 5 874831383 +711 735 5 886030557 +569 1284 2 879795512 +569 756 3 879794660 +189 4 5 893265741 +656 269 3 892318343 +92 1090 3 875907079 +342 381 5 875320312 +536 408 5 882318561 +690 159 3 881180005 +232 69 3 888549376 +82 286 4 876311004 +760 604 4 875668219 +807 385 4 892530349 +609 475 2 886896281 +782 308 4 891498030 +707 582 5 886286433 +290 323 3 880473346 +540 508 4 882156983 +489 1280 3 891447653 +707 1530 3 886288356 +327 338 1 887743815 +440 1265 5 891548567 +133 343 2 890589188 +312 10 5 891699455 +254 29 2 886474847 +184 496 5 889908539 +579 245 2 880951595 +754 255 3 879451585 +809 289 1 891037020 +138 45 5 879024232 +133 269 4 890588766 +363 449 3 891498863 +804 49 2 879447476 +561 276 4 885807713 +561 203 4 885807261 +479 180 4 879460819 +378 106 2 880334241 +718 274 3 883349363 +778 265 4 890726003 +524 496 2 884637314 +711 10 5 876185943 +650 654 3 891369890 +124 7 4 890287645 +644 237 4 889076775 +745 286 1 880123905 +330 185 4 876546236 +586 127 4 884057313 +355 288 5 879485523 +201 396 3 884114682 +152 778 3 882476683 +100 272 4 891375629 +551 732 4 892783711 +788 708 2 880869908 +325 105 3 891480175 +7 145 1 891354530 +479 1142 5 879459939 +104 50 5 888465972 +365 846 3 891304152 +632 588 2 879457217 +748 514 4 879454749 +523 210 5 883702209 +291 21 2 874834389 +525 1315 4 881086393 +551 73 2 892784130 +533 871 2 879192730 +276 881 3 885537717 +661 173 4 876014469 +558 1068 2 879435896 +463 870 2 877385615 +727 282 4 883709157 +516 660 5 891290593 +525 405 4 881086693 +447 98 4 878855873 +604 558 4 883668175 +556 187 5 882136396 +804 192 4 879441752 +795 4 4 881253238 +622 156 5 882592143 +206 360 1 888180081 +733 1658 3 879535780 +484 7 4 881449706 +677 1240 5 889399671 +532 318 5 893119439 +95 177 3 879196408 +389 674 2 880088900 +671 5 2 883949781 +711 286 4 876185488 +627 96 3 879531196 +379 173 5 880525259 +535 721 3 879618464 +815 196 4 878694526 +159 988 3 880485529 +666 197 4 880568129 +785 22 4 879438957 +709 939 4 879847082 +360 210 4 880356166 +671 4 5 884035939 +468 100 5 875279269 +493 300 4 884129725 +321 611 4 879439832 +144 54 2 888105473 +307 172 5 879283786 +727 1218 4 883712068 +276 479 5 874836703 +659 664 4 891386380 +272 651 4 879454797 +804 550 4 879445739 +650 416 3 891387312 +634 1009 2 875729794 +711 248 5 886030732 +537 346 3 886028544 +593 966 5 886193788 +650 715 3 891383206 +527 70 4 879455873 +496 10 5 876064845 +7 601 5 891353744 +763 22 4 878921853 +51 134 2 883498844 +653 381 2 880606620 +354 238 4 891217394 +655 207 3 888893279 +617 219 4 883789536 +763 275 5 878915958 +712 402 4 874729935 +509 345 1 883590115 +293 589 4 888906677 +87 1185 4 879876885 +295 89 5 879519555 +606 99 4 880923799 +90 8 5 891383424 +508 98 3 883767140 +450 431 5 882473914 +642 90 4 885606024 +617 201 1 883789465 +648 202 5 884881524 +298 265 4 884127720 +621 1013 2 880738282 +501 405 4 883347857 +339 191 5 891033676 +524 402 2 884636617 +739 132 4 886959039 +802 447 2 875985686 +387 241 1 886483194 +679 291 4 884487960 +18 204 3 880131407 +606 531 5 880924188 +670 98 2 877975731 +807 465 4 892529448 +497 420 3 879309993 +389 1050 4 879991242 +220 340 4 881197663 +592 875 4 882607434 +804 1222 3 879446276 +642 313 5 886454784 +650 571 3 891387915 +675 312 2 889488624 +716 527 5 879795813 +727 72 3 883712476 +766 423 3 891309844 +655 1501 3 887523200 +625 257 4 891273543 +654 591 5 887863412 +748 319 3 879454107 +721 324 3 877137447 +807 471 4 892775416 +796 49 3 893047287 +545 31 4 884133988 +313 520 5 891013939 +817 748 4 874815649 +6 425 3 883602865 +82 822 2 878769262 +653 563 1 880153406 +677 457 1 889399113 +417 783 3 879649064 +641 89 4 879370364 +664 12 5 876524699 +782 678 3 891498767 +786 200 5 882844010 +532 4 5 893119415 +715 976 1 875962339 +553 638 3 879948732 +708 255 5 877325601 +404 245 3 883790401 +639 750 2 891238514 +749 951 4 878848533 +521 31 3 884478135 +506 478 4 874873067 +694 1455 3 875727061 +773 234 2 888540279 +387 856 5 886484124 +390 286 4 879693461 +804 213 3 879441651 +454 842 2 881960266 +553 190 5 879949251 +251 24 3 886272283 +89 475 5 879441307 +752 288 5 891208452 +807 250 4 893084375 +749 472 4 878849149 +756 161 3 874831194 +624 7 4 879792623 +662 319 3 880569520 +749 78 3 878850632 +328 192 4 885045805 +499 497 2 885599498 +276 3 3 874786924 +88 354 5 891037708 +450 1521 3 882812350 +600 181 4 888451491 +307 1065 3 879205470 +677 471 4 889399171 +440 329 5 891548567 +805 755 3 881705810 +721 1296 3 877137285 +805 747 3 881696729 +267 483 5 878971463 +84 486 5 883453664 +806 177 3 882388254 +436 763 4 887771042 +102 288 2 887051621 +569 685 4 879794075 +537 180 4 886031342 +399 779 4 882350850 +60 89 5 883326463 +633 128 3 875325225 +627 578 3 879531351 +109 391 2 880581127 +181 1328 1 878962240 +710 603 4 882063921 +476 88 4 883364717 +561 2 3 885809752 +771 154 2 880659426 +708 748 4 892719033 +751 50 5 889132162 +693 660 3 875483020 +5 235 4 875635384 +655 152 3 890887261 +666 270 3 880138720 +575 294 1 878146447 +716 837 4 879796475 +234 867 4 892826174 +805 176 4 881684185 +648 414 1 884797033 +712 739 4 874729935 +268 562 4 875744357 +698 205 4 886367013 +234 130 1 892336194 +13 586 3 882398326 +763 1268 5 878918933 +705 231 3 883428201 +382 23 5 875946978 +374 12 4 880395202 +287 652 4 875335018 +420 484 5 891356864 +821 742 4 874793130 +634 125 4 875729710 +197 82 5 891409893 +406 15 4 879540051 +770 255 4 875972099 +307 580 4 879283514 +708 304 4 892718876 +671 96 5 884035686 +409 205 3 881107992 +474 64 5 887924027 +130 944 4 876252042 +539 962 4 879788195 +738 380 3 875351530 +518 1114 2 876824079 +758 1111 4 881977375 +533 94 4 879192184 +368 100 4 889783407 +213 597 5 878871062 +104 271 1 888442370 +652 245 4 882567058 +795 235 3 880560263 +501 111 3 883348474 +773 384 2 888539766 +576 248 4 887169019 +642 755 3 885603495 +210 451 3 891036054 +708 148 4 892719246 +762 237 3 878719294 +358 855 3 891269464 +188 76 4 875073048 +711 731 4 879994656 +530 815 4 886202404 +655 302 4 887424720 +774 208 2 888555897 +263 133 5 891298977 +543 576 4 877546306 +325 482 4 891478333 +320 183 4 884749255 +539 133 4 879788136 +758 997 4 881979969 +591 210 3 891031469 +552 250 3 879222336 +763 742 4 878921584 +758 302 5 882848498 +758 480 5 881975213 +815 944 3 878696318 +213 582 4 878955442 +561 1035 3 885810390 +467 24 4 879532496 +452 496 5 875261666 +537 543 5 886031074 +422 561 3 879744143 +666 489 4 880314194 +680 15 3 877075048 +768 845 2 880135875 +796 576 3 893048562 +688 754 5 884153606 +43 131 3 883954997 +557 529 5 881179455 +492 100 4 879969292 +268 268 5 876513491 +221 227 3 875247522 +790 232 4 885156773 +28 573 4 881961842 +625 517 3 891636079 +818 302 5 891870264 +381 509 5 892696872 +712 1043 3 874956788 +587 355 3 892871610 +655 919 2 888474490 +805 475 5 881704016 +774 672 1 888557772 +627 55 4 879531301 +543 204 4 874864737 +788 601 4 880868876 +456 186 4 881374048 +514 97 5 875462764 +795 407 3 880560679 +673 328 4 888787355 +75 322 1 884049789 +459 989 5 879561708 +648 825 4 882212039 +7 506 5 891353614 +793 294 5 875103584 +747 91 5 888640820 +538 22 5 877107232 +814 565 3 885411347 +588 747 4 890025797 +255 443 1 883216544 +741 38 2 891455832 +805 576 4 881695040 +747 135 5 888640437 +761 678 2 876189689 +806 182 5 882387925 +773 1021 5 888539011 +495 417 3 888636741 +524 107 3 884628284 +655 275 4 887425845 +378 1101 3 880055983 +181 1161 1 878962119 +704 136 4 891397819 +650 526 4 891369554 +435 567 3 884133785 +290 28 5 880474235 +6 1 4 883599478 +50 15 2 877052438 +529 328 4 882535256 +495 132 4 888632916 +639 178 5 891240543 +798 932 4 875637927 +328 73 4 885048062 +693 509 3 883975500 +5 169 5 878844495 +517 333 3 892659922 +595 748 2 886920655 +184 301 3 889907045 +618 507 4 891309239 +606 747 4 880927468 +110 468 3 886988202 +716 425 5 879796279 +236 274 1 890117073 +812 288 4 877625294 +16 71 5 877721071 +682 79 4 888520705 +91 56 1 891439057 +792 1132 3 877910160 +391 483 3 877399423 +561 196 4 885808620 +320 732 3 884751013 +189 517 4 893265535 +90 322 4 891382658 +336 151 1 877759473 +424 740 5 880859674 +400 258 5 885676316 +815 386 2 878696563 +786 231 2 882844127 +709 293 4 879847879 +798 21 5 875554953 +734 482 2 891025591 +159 1092 2 880989744 +605 22 4 879424548 +742 181 3 881335281 +627 636 4 879531302 +244 1041 4 880608788 +335 322 4 891567125 +130 1245 3 876251312 +552 826 2 879222002 +721 755 4 877139773 +796 716 3 893047167 +633 5 3 877212085 +298 215 5 884182685 +753 96 1 891401366 +526 508 4 885682590 +699 1615 3 883884998 +221 809 3 875247775 +279 515 3 875295943 +805 527 3 881698798 +500 100 4 883865104 +292 2 4 881105778 +474 22 4 887924571 +305 431 4 886323806 +751 100 4 889132252 +378 709 4 880055921 +622 795 2 882672079 +658 32 3 875147800 +548 678 4 891043547 +633 1019 4 875324766 +566 204 3 881649828 +399 268 3 882340284 +688 259 5 884153750 +748 173 4 879454831 +383 238 5 891192836 +216 466 4 880234347 +776 436 4 892920350 +303 144 5 879467035 +655 1223 3 891585242 +121 347 3 891389304 +749 468 3 878848333 +545 569 3 879900011 +457 82 5 882397494 +627 27 3 879530762 +623 291 3 891034129 +655 89 4 887650683 +738 298 3 875348670 +615 428 5 879449111 +57 1001 1 883698039 +798 586 2 875303765 +342 262 2 874984025 +216 238 5 880244446 +230 496 5 880484501 +59 240 2 888203579 +730 300 3 880309964 +618 1048 3 891308980 +500 1160 5 883865483 +823 94 2 878439497 +545 99 4 880347957 +551 88 4 892783314 +806 407 3 882386125 +671 684 3 883546890 +568 242 4 877906547 +709 860 3 879848318 +659 356 3 891385012 +367 637 3 876690021 +664 196 4 878090054 +671 144 4 884035686 +622 395 2 882672143 +768 117 4 883834981 +655 770 2 892011201 +567 205 3 882425736 +676 845 5 892686398 +555 181 5 879962172 +715 318 5 875963867 +474 709 5 887928755 +489 333 4 891362740 +566 318 4 881649471 +417 82 4 879647326 +805 222 4 881694823 +630 174 3 885668131 +622 169 5 882669374 +354 478 5 891217365 +332 125 5 887938224 +796 488 2 892662400 +303 228 4 879467574 +751 56 4 889132775 +517 405 4 892659893 +748 710 3 879455410 +385 133 1 879441728 +682 294 3 888516841 +416 183 5 893214127 +766 99 3 891309810 +788 570 3 880869862 +576 50 4 887081005 +757 1090 2 888467187 +543 89 4 877545605 +59 644 4 888205033 +746 550 4 885075367 +268 88 2 875743760 +570 258 3 881262189 +158 233 3 880134477 +548 1013 3 891043910 +642 418 5 885606581 +305 749 2 886308111 +532 708 4 877634392 +521 109 5 884475845 +702 300 3 885767461 +710 142 3 882064377 +788 403 3 880870516 +101 411 2 877136891 +704 1454 3 891397441 +306 1514 4 876504614 +768 257 4 880136012 +1 16 5 878543541 +805 473 4 881695591 +626 313 5 887772871 +222 109 3 878184136 +234 492 3 892078936 +642 234 1 885603662 +747 205 5 888639102 +655 1421 3 887523477 +788 54 4 880869174 +790 449 2 885157594 +178 658 5 882827162 +7 433 5 892135347 +529 288 4 882535353 +222 185 4 881059419 +592 327 4 882607387 +83 38 5 887665422 +805 96 4 881694713 +226 509 4 883889322 +508 196 3 883776704 +787 292 3 888979236 +804 365 4 879446194 +322 654 5 887314118 +535 284 4 879619144 +665 214 4 884294935 +63 1 3 875747368 +378 59 4 880046475 +11 434 4 891904270 +404 66 4 883790883 +663 127 5 889493540 +620 820 4 889987954 +320 751 4 884748470 +724 344 1 883757468 +676 259 4 892685621 +303 1220 2 879484899 +710 313 4 882860832 +276 392 3 874790996 +488 1050 4 891294568 +659 629 4 891386680 +44 553 3 878347847 +665 815 4 884290608 +561 22 3 885809223 +684 386 3 878759184 +798 197 2 875303502 +655 921 3 887474656 +530 660 3 883785464 +671 742 5 884035173 +788 188 4 880870083 +42 151 4 881110578 +806 3 2 882385916 +694 423 5 875727018 +536 121 4 882318820 +749 732 4 878848452 +650 631 3 891383424 +720 749 3 891262812 +806 192 4 882387798 +122 190 4 879270424 +798 1089 3 875295616 +7 649 5 891353254 +682 282 4 888519918 +452 509 4 875560790 +200 71 4 884129409 +535 942 4 879619035 +660 33 2 891200193 +620 125 2 889987255 +772 326 4 877533625 +674 1 4 887762799 +790 376 2 885157533 +429 172 5 882385118 +747 153 4 888639989 +456 582 5 881374162 +794 50 5 891035307 +510 323 4 887667752 +299 153 3 877881320 +618 942 2 891309293 +795 186 3 883249522 +653 385 4 878854190 +435 821 2 884132840 +554 405 4 876550654 +313 588 4 891016354 +682 476 1 888522100 +671 161 5 884035892 +712 215 3 874730031 +660 680 2 891405088 +116 607 2 876453961 +450 602 4 882373532 +280 22 5 891700552 +178 720 3 882827645 +776 164 3 892920290 +727 542 2 883712993 +804 654 3 879441651 +234 520 4 892078890 +686 176 3 879545413 +254 432 2 886473158 +342 461 3 874984315 +42 318 5 881107718 +435 222 3 884132027 +780 133 5 891364086 +617 183 4 883789386 +809 272 5 891036743 +768 70 4 888798611 +764 1152 3 876242755 +224 699 4 888103703 +738 42 2 875350012 +769 546 4 885424242 +804 81 4 879441913 +660 106 2 891903867 +334 82 4 891547083 +803 271 2 880054833 +176 93 5 886047963 +425 118 1 878738596 +2 300 4 888979197 +550 877 4 883425723 +398 523 4 875717779 +531 338 1 887048938 +174 780 1 886515030 +608 939 4 880405896 +708 756 2 877326062 +788 194 4 880870052 +786 180 4 882843112 +97 186 3 884239574 +698 220 3 886367874 +158 10 4 880132513 +530 88 4 890627443 +499 474 4 885599227 +405 1261 1 885546529 +301 218 4 882076643 +606 250 4 878143047 +700 50 5 884493899 +796 168 5 892662871 +766 654 4 891309090 +655 955 3 887860615 +804 609 3 879444583 +354 42 2 891217512 +796 202 4 893047167 +454 98 1 888266433 +92 627 3 875654159 +20 496 5 879669244 +243 191 5 879989217 +151 652 5 879524472 +210 708 5 887731391 +181 285 2 878962816 +716 490 4 879794870 +236 50 3 890116059 +532 498 4 888629124 +757 217 3 888467381 +262 56 4 879792027 +422 672 3 879744086 +423 823 3 891395759 +556 294 2 882135855 +87 13 3 879876734 +611 355 1 891636399 +559 226 5 891034688 +756 176 4 874828826 +688 329 5 884153606 +825 111 3 892947930 +715 172 4 875963452 +629 381 4 880117852 +804 151 3 879442412 +519 351 5 883250102 +243 737 3 879988557 +552 932 3 879222194 +807 239 4 892529805 +216 655 5 880233726 +817 124 4 874815885 +543 715 3 877550534 +543 709 3 874866535 +627 423 3 879530145 +601 389 2 876350537 +764 597 4 876243440 +619 346 3 885953622 +294 117 4 877819634 +554 596 3 876232758 +571 462 4 883354992 +508 200 4 883768842 +345 268 4 884900448 +292 64 5 881105373 +773 433 3 888539471 +367 564 2 876690077 +773 238 4 888539347 +726 257 3 889831166 +655 297 4 888474107 +347 195 4 881653603 +292 248 4 881103999 +88 286 5 891037111 +207 143 4 878191679 +489 258 5 891366570 +711 1046 3 879994367 +360 1039 5 880356131 +709 470 3 879847026 +690 739 3 881180564 +796 26 2 893047208 +178 1011 3 882824431 +823 211 5 878438585 +608 64 4 880405165 +535 193 4 879618700 +776 21 3 892313317 +449 1011 4 879958685 +466 98 3 890285762 +567 183 4 882425701 +771 91 4 880659815 +760 278 4 875666242 +727 42 5 883710375 +350 483 5 882347734 +650 155 2 891384249 +164 471 5 889402245 +738 79 3 875351019 +487 272 5 885322350 +804 175 4 879444583 +130 329 4 874953337 +763 196 4 878919206 +596 181 4 883539431 +694 203 4 875728801 +716 521 3 879796846 +671 864 3 884204727 +807 636 4 892530752 +389 118 2 880088900 +521 967 3 885254071 +749 216 4 878848137 +712 722 3 874957086 +770 118 4 875973080 +625 516 3 892000518 +721 732 4 877147079 +805 447 4 881695293 +608 56 5 880403690 +610 50 4 888702961 +216 67 3 881721843 +513 50 5 885062365 +771 949 5 880659941 +425 398 1 878738597 +639 97 1 891240495 +286 462 5 877531537 +339 546 4 891036423 +25 929 4 885852178 +746 157 4 885075590 +25 430 4 885852920 +293 213 3 888906905 +749 781 4 878849979 +62 474 4 879373613 +653 128 3 880606620 +802 327 2 875984861 +472 132 5 875979853 +769 934 4 885424462 +534 149 2 877808237 +535 194 5 879617663 +62 652 4 879375364 +305 1018 5 886324580 +733 14 5 879535368 +727 131 2 883711699 +591 615 4 891031116 +815 173 5 878695241 +434 743 1 886725027 +429 1089 2 882387053 +343 276 5 876403078 +747 739 3 888734072 +682 11 4 888517049 +345 305 4 884900483 +653 930 4 880148885 +420 270 3 891356790 +541 418 5 883874646 +655 188 3 888474807 +268 39 3 875309914 +732 882 5 882589819 +711 724 5 879995461 +500 9 4 883865042 +184 1297 2 889910257 +758 527 5 881977169 +709 637 3 879848168 +593 143 4 886193303 +795 675 3 883251659 +264 201 5 886122261 +566 182 4 881649428 +642 254 4 886454812 +752 896 3 891207846 +464 248 5 878354998 +699 250 4 879148050 +661 647 4 876013356 +684 208 3 878761120 +70 538 2 884066399 +827 329 3 882807787 +270 123 5 876954223 +790 29 2 885158082 +537 234 3 886031211 +113 258 5 875075887 +748 86 4 879455126 +37 930 3 880915711 +634 763 3 875729825 +642 723 4 886132088 +655 1378 3 887523176 +393 357 2 887745815 +284 302 4 885328906 +708 597 2 877326345 +774 1182 1 888556278 +715 1045 2 875965171 +654 300 5 887863017 +671 12 5 883546120 +451 884 1 879012890 +416 378 5 893212896 +749 148 3 878850212 +727 95 4 883710948 +354 494 4 891217194 +178 233 4 882827375 +500 285 3 883865020 +823 81 4 878437836 +716 481 4 879795025 +416 191 5 893213019 +536 736 5 882360264 +796 174 5 892662069 +637 274 5 882904065 +825 423 5 881101641 +802 444 4 875985840 +184 220 3 889908264 +561 67 1 885810240 +751 272 4 887134672 +677 1245 4 889399199 +524 517 4 884635136 +806 654 5 882387837 +645 73 3 892055445 +642 153 3 885602572 +595 246 4 886921068 +774 31 1 888558284 +628 292 5 880776981 +644 323 4 889076433 +648 1 5 882211109 +254 629 2 886472337 +593 155 5 875671579 +65 1 3 879217290 +782 264 4 891498381 +473 302 4 878156824 +224 328 4 888081947 +435 1151 1 884134019 +586 23 2 884058674 +95 257 5 879197329 +554 275 4 876231634 +795 514 4 883250472 +416 729 5 893212896 +429 1228 3 882387163 +721 318 4 877140047 +625 208 3 891968164 +734 699 4 891022752 +749 389 3 878849375 +655 1053 1 887489159 +15 237 3 879455871 +712 136 1 874730443 +56 87 4 892678508 +479 31 4 889125905 +497 1 4 879309955 +653 195 5 878854100 +211 275 2 879460096 +629 729 4 880117852 +466 187 3 890284857 +477 846 4 875942042 +806 238 4 882388082 +144 1012 4 888104521 +268 230 3 875310824 +567 234 3 882426762 +796 636 2 893048505 +194 133 3 879523575 +378 218 3 880056491 +745 646 4 880123416 +751 131 5 889132966 +675 937 1 889490151 +60 617 4 883326273 +13 264 4 882140848 +793 1142 5 875104068 +804 254 4 879441195 +660 64 3 891199035 +554 71 4 876550257 +1 79 4 875072865 +43 258 5 875975028 +82 1063 3 878769815 +401 892 1 891031867 +781 322 2 879633862 +710 23 5 882064200 +201 315 3 884111029 +663 330 4 889491739 +23 62 3 874786880 +551 1621 1 892785194 +780 357 5 891363723 +611 334 5 891636223 +270 943 5 876956038 +766 494 3 891309177 +344 713 3 884899742 +655 1167 3 887428384 +686 521 5 879546786 +189 10 5 893264335 +796 5 4 893194607 +279 211 4 875309616 +565 1396 5 891037333 +807 1444 3 893082702 +522 543 4 876961076 +711 232 3 879993799 +616 331 4 891224677 +648 500 5 884368002 +82 1128 1 884714361 +656 322 1 892319238 +801 895 5 890332929 +128 73 3 879969032 +804 1488 3 879445579 +457 841 4 882395516 +805 42 2 881704193 +655 405 2 887429900 +805 90 2 881705412 +778 239 4 890726303 +234 552 2 892336322 +635 1025 2 878878901 +221 184 4 875245574 +334 1504 3 891549718 +736 515 5 878709365 +650 525 3 891369954 +514 116 4 875462426 +650 530 4 891372233 +435 264 3 884130671 +795 797 3 883254750 +280 88 3 891701556 +660 191 4 891406212 +85 924 1 879453114 +371 504 4 880435576 +791 299 2 879448035 +829 278 1 881712488 +639 727 2 891239613 +782 1279 3 891499660 +707 86 4 886286283 +585 59 4 891283124 +569 13 3 879793847 +194 143 3 879524643 +721 22 5 877139147 +749 134 4 878847286 +723 137 3 880498970 +759 678 2 875227742 +343 606 5 876404836 +373 390 3 877098890 +655 631 4 887473570 +602 121 4 888638434 +731 1 2 886184421 +406 191 5 882480443 +364 325 4 875931432 +266 237 3 892257940 +747 634 5 888639222 +7 474 5 891351002 +727 1273 3 883713286 +682 53 2 888519519 +222 237 4 877563437 +621 1029 2 874963210 +788 739 2 880870149 +588 678 2 890015063 +276 871 2 874836608 +501 952 4 883348114 +804 385 4 879445904 +745 183 3 880123205 +600 779 2 888452564 +773 191 4 888540448 +189 1401 4 893266137 +338 189 4 879438449 +14 81 5 890881384 +642 83 5 885603636 +468 724 4 875287615 +807 1050 5 892529311 +692 127 3 876948910 +715 265 5 875964105 +790 790 2 885157928 +592 466 5 882955766 +201 192 4 884111637 +70 15 3 884148728 +580 250 5 884125072 +498 1161 3 881960777 +783 876 4 884326424 +742 508 4 881335461 +469 474 5 879524117 +804 664 3 879446090 +665 105 2 884291810 +417 1016 4 886186827 +496 607 3 876065822 +596 682 4 883539173 +678 50 4 879544450 +581 127 5 879643079 +100 881 1 891375186 +541 402 3 883864946 +432 284 4 889416521 +804 663 5 879442793 +76 517 5 882129432 +592 188 5 882956387 +537 238 4 886030966 +650 373 1 891382877 +403 276 4 879785941 +545 173 5 879900185 +752 347 4 891207846 +486 151 2 879875041 +490 847 3 875427873 +442 64 5 883389682 +472 323 4 892790117 +782 248 4 891499321 +370 321 2 879434265 +655 887 3 887650979 +774 1305 3 888555829 +699 118 4 879148051 +643 12 5 891446720 +829 189 4 891992008 +521 172 3 884478049 +405 662 1 885546155 +753 359 4 891399477 +804 674 4 879445699 +666 151 2 880313582 +53 50 4 879442978 +807 99 5 892529401 +642 168 5 885842943 +758 428 4 881976745 +528 69 3 886101761 +7 356 4 891351728 +380 959 2 885479455 +712 662 5 874730320 +380 684 3 885478886 +782 687 2 891498865 +398 25 4 875655011 +18 492 4 880131054 +537 709 4 886031342 +630 300 4 885665975 +602 457 3 888638305 +387 789 4 886482928 +16 448 5 877722736 +648 94 5 884882234 +807 842 4 892979600 +811 301 5 886377530 +682 21 4 888522194 +681 286 5 885409370 +757 58 3 888467592 +804 405 4 879443776 +487 941 3 884045297 +527 183 5 879456691 +679 56 4 884487418 +739 96 5 886959039 +709 451 1 879848969 +543 147 4 877543316 +456 1547 4 881373948 +752 326 1 891208299 +435 64 5 884131036 +710 335 1 882063564 +722 151 5 891281020 +393 550 3 887746482 +666 729 4 880314225 +450 1053 3 882396352 +560 321 3 879975151 +807 271 3 892527385 +682 419 3 888523054 +178 293 4 882823954 +625 393 4 891263665 +747 1142 4 888732952 +186 298 3 879023073 +308 434 4 887736584 +270 93 5 876954522 +762 1662 1 878719324 +577 226 4 880475094 +655 974 2 887477025 +430 152 4 877226569 +523 722 3 883703495 +796 1049 4 893219151 +515 286 2 887660131 +804 194 4 879442490 +342 875 1 874984045 +366 201 5 888857866 +325 199 5 891478199 +429 655 3 882385399 +741 88 4 891457456 +377 234 5 891299078 +613 607 4 891227236 +682 238 3 888521540 +259 65 3 883371001 +664 192 4 876524096 +458 96 4 886398543 +758 742 4 881976168 +815 483 5 878696284 +830 385 4 891561805 +263 258 3 891296969 +119 9 4 890627252 +798 993 3 875554639 +586 69 4 884059426 +825 20 2 889021180 +685 873 2 879451401 +619 665 5 885954261 +346 708 3 874951714 +221 210 5 875245760 +805 761 3 881695040 +606 841 3 880922625 +742 1012 4 881335528 +380 222 3 885478519 +615 732 4 879449211 +255 273 2 883216845 +661 427 4 876016491 +790 109 3 884461775 +304 763 4 884968415 +764 9 4 876242649 +704 491 5 891397535 +201 1170 4 884141053 +145 1283 1 875270903 +694 97 5 875727399 +375 176 4 886621917 +497 181 5 879310580 +178 792 5 882827834 +13 835 3 882139901 +795 80 3 883254212 +271 625 3 885849606 +624 305 4 891961140 +326 226 5 879876975 +385 732 3 879442189 +703 1047 3 875243028 +663 876 3 889491739 +537 988 1 886029488 +545 550 3 879899327 +524 546 4 884627594 +826 336 4 885690064 +234 286 3 891033314 +731 1269 3 886187652 +642 577 4 886569870 +804 1079 4 879444133 +655 1322 2 887523641 +630 280 2 885667148 +751 70 4 889297870 +405 518 1 885546287 +666 333 3 880138999 +817 118 3 874815947 +454 724 3 888267158 +622 1079 2 882591663 +758 790 4 881978115 +826 313 5 885689782 +612 300 4 875324266 +629 319 4 880116722 +314 542 4 877890300 +712 99 4 874729995 +559 398 3 891034904 +457 215 4 882398002 +537 746 3 886031149 +831 877 2 891354391 +757 549 5 888468540 +405 453 3 885548385 +729 683 2 893286511 +806 483 4 882387409 +38 144 5 892430369 +567 212 2 882427023 +92 566 4 875658112 +389 657 5 879991115 +365 276 2 891303901 +343 462 4 876404385 +778 193 4 890769241 +437 186 3 881001208 +598 258 5 886711452 +659 7 3 891331564 +311 97 4 884365357 +302 358 3 879436981 +345 280 3 884991457 +674 125 5 887762779 +85 483 5 879453933 +374 15 3 880393380 +318 100 5 884470896 +712 220 5 874729682 +741 722 3 891457528 +653 455 3 878854051 +452 7 5 885816915 +693 581 3 875482731 +322 127 4 887313801 +110 642 2 886989126 +393 459 4 887744517 +142 315 3 888639837 +44 144 4 878347532 +703 50 5 875242813 +268 1413 2 875744388 +236 98 5 890116253 +713 340 3 888882133 +766 646 4 891309053 +660 1419 1 891202022 +525 597 3 881086413 +379 227 4 880525638 +782 1241 2 891500150 +521 95 3 885253266 +393 1035 3 889731329 +45 1001 3 881014785 +561 28 2 885808053 +819 1537 5 884012662 +711 909 4 889911007 +378 722 3 880334017 +580 1014 3 884125135 +312 499 4 891699296 +753 182 3 891401851 +786 238 4 882843646 +683 56 5 893286364 +577 55 3 880474694 +748 474 4 879454475 +473 129 4 878157329 +487 50 4 883442018 +130 156 3 875801447 +773 60 5 888538931 +695 270 4 888805952 +215 98 5 891436543 +539 610 4 879788533 +650 735 3 891369588 +747 28 4 888640915 +778 1035 1 890804607 +710 134 5 882063648 +655 651 4 887564613 +682 7 4 888522455 +627 227 3 879531352 +717 271 2 884641842 +372 98 5 876869388 +790 229 3 885156686 +587 750 3 892871113 +43 729 4 883956387 +678 282 3 879544952 +452 183 4 888492759 +707 1113 2 886287990 +749 295 3 881602635 +474 414 4 887927153 +667 504 3 891035015 +653 228 4 878854190 +617 238 3 883789249 +650 212 3 891383713 +474 520 5 887925837 +69 124 4 882072869 +132 285 4 891278996 +454 385 3 888266810 +303 8 5 879467223 +682 31 3 888520705 +655 425 3 887477409 +565 382 5 891037586 +524 7 2 884627065 +416 693 3 878879976 +733 237 3 879535338 +521 13 2 884476240 +668 283 5 881605324 +778 616 4 890726086 +407 274 3 876344287 +5 431 3 875636099 +8 688 1 879361732 +712 625 3 874956516 +586 77 3 884065719 +457 1028 3 882393828 +450 648 5 887660503 +573 657 4 885843928 +745 515 4 880122863 +804 451 2 879446063 +567 185 5 882426899 +828 1646 4 893186124 +655 1632 3 888685759 +735 332 3 876698022 +654 144 5 887864907 +808 333 4 883949519 +537 657 3 886030966 +327 286 2 887737328 +450 715 3 887137066 +788 98 5 880868919 +250 98 5 878090365 +626 923 5 887772922 +94 469 4 891721048 +85 735 3 879454905 +632 432 3 879456910 +271 697 4 885848863 +815 182 3 878693424 +545 732 4 879899619 +451 879 4 879012580 +752 690 4 891208170 +430 101 2 877226501 +521 159 3 885253904 +543 651 3 877546306 +416 215 5 893213644 +663 363 2 889492990 +597 127 4 875340062 +543 211 4 877547441 +509 326 4 883591043 +756 55 5 875129318 +707 116 5 880059974 +694 132 5 875727640 +487 432 3 883447015 +520 240 1 885170476 +561 705 3 885808000 +276 1016 3 874786713 +92 68 3 875653699 +537 116 3 886029841 +721 196 5 877139147 +545 176 4 879899125 +648 820 2 882212131 +450 215 5 882396051 +387 33 3 886483098 +593 98 5 875661596 +296 301 5 884196284 +301 685 3 882074867 +285 357 5 890595777 +747 79 4 888640392 +330 1035 4 876547470 +588 362 3 890014710 +85 596 3 880838337 +394 96 5 880886919 +344 276 4 889814194 +655 449 3 887429732 +561 652 5 885809312 +487 144 5 883446725 +474 205 5 887924469 +551 346 4 892775547 +109 527 3 880577604 +450 900 5 885944864 +621 871 3 881445723 +602 343 2 888638022 +666 32 4 880139466 +796 367 5 893048150 +299 169 4 878192555 +629 307 5 880116722 +528 1618 1 888521905 +450 254 3 887662083 +59 425 4 888204928 +773 53 3 888540147 +233 478 5 877661437 +752 905 2 891207940 +732 690 5 882589626 +807 528 4 892530173 +606 237 4 878148365 +506 880 1 885135560 +151 606 5 879528496 +367 50 5 876689696 +806 89 5 882387756 +450 210 3 887835408 +827 347 3 892157356 +757 117 4 888444181 +694 692 4 875728729 +805 581 2 881695793 +554 215 5 876550833 +567 203 4 882426508 +543 11 3 874866116 +559 196 5 891033805 +776 486 4 892920189 +145 347 3 891509921 +532 218 5 889235367 +543 636 3 876718718 +416 1135 2 886319234 +798 384 2 875915279 +588 554 3 890032281 +537 688 1 886029153 +588 471 5 890024289 +721 264 1 877135806 +291 84 3 874868327 +823 684 4 878439391 +649 1283 2 891440528 +804 186 4 879442687 +94 368 2 891724846 +346 1039 2 874948303 +634 122 3 877017975 +336 475 4 877756934 +661 615 4 876013774 +308 1065 5 887739382 +799 45 4 879253969 +197 177 5 891409935 +101 826 3 877136686 +85 1171 3 879452638 +387 186 2 886480515 +726 1014 1 889832744 +37 1027 3 880930072 +555 195 4 879975438 +660 748 3 891197757 +95 139 4 880572250 +249 209 5 879572582 +119 277 4 874774993 +456 197 4 881373793 +639 153 3 891240752 +56 62 5 892910890 +751 62 4 889298660 +669 302 4 891182948 +778 230 2 890804025 +623 163 3 891034756 +777 205 4 875980306 +748 654 4 879454998 +456 655 3 881373838 +562 133 2 879195007 +770 919 5 875972024 +825 1047 3 880756934 +804 473 4 879443884 +684 710 5 875812109 +548 751 4 891042851 +823 1217 1 878438435 +643 399 3 891450376 +514 1047 3 876063961 +698 284 1 886368545 +399 616 1 882341881 +441 7 4 891035468 +199 539 1 883782509 +374 1101 4 880395634 +488 245 3 891292897 +64 89 3 889737376 +493 192 3 884132015 +771 241 1 880659791 +518 847 5 876823447 +814 656 3 885410957 +276 25 4 874786686 +7 214 5 891352384 +606 924 5 880921408 +437 697 4 880140978 +741 241 4 891019625 +474 248 4 887916438 +639 716 1 891240805 +682 64 5 888517011 +692 204 5 876953340 +561 31 2 885809146 +329 39 2 891656391 +506 29 2 874874894 +655 248 2 888685759 +417 767 1 879646860 +746 38 2 885075476 +378 1 4 880044251 +655 1 2 887650876 +795 219 3 883252104 +736 257 3 878708721 +655 26 3 887427338 +793 844 4 875103842 +823 502 5 878439008 +698 191 2 886367406 +656 272 3 892318343 +694 31 4 875728345 +592 289 4 882607606 +831 96 5 891354668 +794 238 5 891035135 +661 79 5 886841798 +798 839 4 875638649 +595 346 4 886920576 +63 321 3 875746917 +798 1282 3 875296234 +262 417 2 879795319 +92 934 2 875639642 +347 91 1 881654679 +488 69 4 891294209 +645 211 4 892054364 +804 121 4 879442377 +124 117 3 890287181 +804 185 4 879444890 +634 137 3 875728834 +770 25 5 875972582 +275 624 3 880313679 +429 87 3 882384821 +804 141 3 879445841 +391 234 4 877399455 +392 294 4 891037561 +397 498 4 885349955 +478 77 1 889395879 +183 431 2 891467545 +568 319 2 877906697 +696 234 4 886404617 +578 678 3 888957490 +90 527 5 891384959 +429 378 3 882386916 +790 378 3 885156934 +695 311 4 888805767 +552 591 3 879222412 +709 218 4 879848168 +601 222 4 876347039 +814 100 4 885410957 +60 96 4 883326122 +828 887 4 891033611 +577 111 4 880470604 +796 746 3 893048115 +796 855 3 893279958 +606 1199 3 878143246 +694 157 4 875729667 +181 1321 1 878962200 +151 724 4 879542270 +709 56 5 879848053 +658 181 3 875145614 +395 1 5 883765062 +213 213 5 878956300 +770 546 4 875972699 +7 671 5 891351728 +536 546 2 882318533 +618 790 3 891309471 +686 208 5 879547275 +345 738 3 884993636 +758 14 5 883287566 +588 28 5 890024051 +521 405 2 884476820 +707 133 2 886287268 +53 284 2 879442901 +637 936 4 882902487 +487 1011 3 883444768 +650 576 1 891382877 +495 234 5 888634144 +807 193 4 892529483 +459 172 5 879563902 +666 510 4 880139409 +756 423 3 874830675 +503 47 5 880472216 +829 1067 4 891990842 +246 432 3 884921511 +708 412 1 877326159 +749 826 3 878850038 +655 483 4 888685734 +745 222 2 880123126 +798 1249 4 875914785 +805 422 4 881695560 +599 845 5 880951974 +763 197 4 878918360 +378 1425 2 880056930 +521 748 3 884475618 +784 1038 3 891387704 +650 371 2 891387725 +720 302 5 891262608 +7 568 5 891352261 +815 183 5 878694381 +479 423 2 879461084 +805 470 5 881695872 +712 232 3 874956903 +823 739 4 878439582 +1 261 1 875692992 +682 699 3 888523658 +587 989 2 892871438 +586 185 2 884058860 +804 445 4 879445766 +35 326 3 875459017 +290 168 3 880474204 +761 181 5 876190072 +526 751 2 885681958 +682 281 3 888520864 +756 930 3 874830344 +653 152 2 878866951 +721 680 3 877137448 +758 271 4 884999132 +345 886 3 884900736 +666 28 3 880139381 +359 181 5 886453305 +653 674 3 880151983 +392 1007 5 891038137 +343 476 2 876403239 +373 418 5 877104235 +23 234 2 874785624 +457 318 5 882397337 +545 174 4 879899125 +581 275 3 879641787 +13 771 3 882398410 +655 1553 4 888474019 +279 21 3 875297456 +676 895 1 892685562 +13 58 4 882139966 +393 964 2 889555461 +644 322 5 889076364 +699 298 4 883278699 +790 56 4 885155150 +159 1014 4 884027206 +768 50 4 883834705 +825 369 3 880756862 +747 461 5 888639526 +665 405 3 884291300 +389 926 3 879916099 +682 779 3 888522754 +790 401 4 885157621 +741 82 3 891018400 +835 1 3 891033420 +625 181 4 891262633 +833 340 5 879818293 +833 544 1 875133458 +605 295 4 879366240 +689 111 3 876676501 +476 173 5 883364218 +679 204 3 884487191 +811 292 3 886377041 +237 58 4 879376434 +374 284 1 880393753 +344 235 3 884900423 +638 62 3 876695307 +601 131 4 876350766 +666 525 4 880139467 +146 336 5 891458193 +181 274 4 878962720 +727 202 4 883711354 +94 1046 2 891723262 +804 128 5 879441702 +725 258 4 876106729 +239 518 3 889180949 +715 826 2 875962652 +79 283 4 891271627 +144 116 4 888104258 +669 354 1 891182622 +523 1195 5 883700969 +416 315 3 889341306 +422 299 1 875129602 +183 177 5 892323452 +659 136 5 891331874 +727 38 1 883712993 +207 423 4 875774463 +782 243 3 891498381 +128 174 3 879966954 +758 282 3 881977488 +267 202 5 878972398 +222 68 4 881059876 +586 92 3 884061459 +373 12 5 877098343 +762 475 5 878719219 +556 134 5 882136252 +751 181 5 889132397 +609 408 5 886896185 +766 382 3 891310281 +770 300 5 875971612 +682 190 4 888519725 +768 1 5 883835025 +749 228 5 878848828 +749 501 4 878847209 +408 271 3 889679947 +548 295 5 891044304 +649 323 3 891440624 +537 480 4 886030622 +653 215 2 880606619 +551 28 4 892776982 +788 284 3 880869323 +354 811 5 891218091 +90 523 4 891383423 +10 499 4 877893021 +212 631 5 879303929 +452 384 2 875559398 +734 222 1 891022849 +823 31 5 878439038 +659 211 3 891384077 +804 210 5 879441372 +318 307 3 884470681 +85 221 2 879452693 +426 474 4 879442785 +695 288 4 888806120 +406 153 3 879445522 +495 79 5 888632546 +530 98 4 883784195 +747 492 4 888639060 +673 242 4 888787508 +89 736 3 879460027 +540 455 4 882157477 +234 1063 3 892079769 +279 636 5 875313387 +545 211 3 879900586 +749 250 3 878846978 +301 1230 1 882079221 +632 763 3 879459304 +468 126 3 875280214 +13 687 1 883670705 +244 708 4 880607231 +294 831 3 889242542 +790 1044 4 885158185 +666 234 3 880139323 +601 1028 2 876347557 +836 165 4 885754149 +774 537 2 888556893 +499 193 4 885599682 +233 23 5 877665324 +435 1047 3 884132315 +435 1185 1 884133371 +366 53 5 888857990 +429 430 4 882384553 +161 69 4 891171657 +707 221 4 880059749 +682 710 3 888521413 +18 175 4 880130431 +374 23 3 880395896 +101 717 3 877136928 +505 73 4 889334248 +593 118 4 875660009 +447 222 3 878854340 +659 173 4 891383412 +796 4 5 893048150 +653 300 4 889151716 +577 579 4 880475602 +2 100 5 888552084 +583 55 4 879384404 +714 50 5 892777876 +85 52 3 881705026 +766 174 3 891308968 +655 1074 3 891999461 +497 758 2 879362292 +774 293 1 888559123 +792 546 3 877910353 +699 13 4 879146941 +484 427 5 891195746 +697 295 3 882622733 +477 722 5 875941763 +765 127 5 880346722 +87 158 3 879877173 +619 144 5 885954083 +748 143 3 879454546 +645 11 4 892054278 +445 840 1 891200320 +823 210 4 878439498 +816 309 5 891711801 +753 484 5 891401757 +650 527 3 891383229 +667 880 3 891034568 +559 550 4 891035111 +207 1012 3 876109074 +694 645 4 875727143 +770 181 3 875972219 +682 619 3 888519226 +835 325 5 891032391 +698 153 2 886367586 +717 751 4 884642001 +550 252 1 883426119 +727 63 2 883713454 +13 602 4 884538634 +207 535 3 877750595 +624 358 3 891961210 +561 181 3 885807318 +450 657 4 887660504 +524 367 5 884636453 +405 1509 1 885547557 +629 322 3 880116240 +561 1149 4 885807713 +533 148 3 882902641 +605 496 5 879424600 +348 477 3 886523521 +428 271 2 892572448 +807 427 4 892528427 +385 405 2 879440961 +456 1009 5 881372160 +712 386 3 874956956 +82 235 1 876311517 +699 225 3 878882133 +320 172 4 884749227 +796 1090 4 893194992 +423 748 3 891394985 +125 388 2 892839270 +489 353 4 891449555 +693 942 2 875482396 +783 333 4 884326383 +468 96 5 875295148 +159 1048 3 880557584 +536 168 5 882359863 +694 393 3 875728952 +447 28 4 878856110 +201 715 4 884140382 +707 499 4 886287450 +435 191 4 884131200 +566 465 2 881650654 +94 181 4 885872942 +435 578 5 884132230 +752 1105 3 891207983 +275 22 3 880314528 +426 200 2 879442702 +249 242 5 879571438 +318 8 4 884495616 +496 393 1 876069951 +693 693 3 875482860 +222 78 1 878184899 +136 269 5 882693234 +711 144 2 879993871 +109 191 4 880577844 +535 381 3 879617818 +615 13 4 879449184 +733 146 3 879536001 +619 294 1 885953684 +486 1094 2 879874838 +591 732 3 891031500 +714 7 4 892777903 +487 100 5 883442105 +244 1053 2 880606993 +588 655 3 890025864 +409 486 3 881109175 +393 191 3 887745717 +766 230 3 891310444 +588 402 5 890026882 +790 52 4 885156934 +363 328 3 891493840 +684 728 2 878762243 +716 248 4 879793293 +389 59 5 880087151 +221 405 3 875244633 +494 528 3 879541245 +529 286 4 882534996 +370 494 3 879435033 +776 443 3 892920290 +770 295 4 875972290 +280 660 5 891701114 +543 303 4 875664365 +496 484 3 876065382 +461 9 5 885356112 +655 396 2 887428507 +381 443 5 892696616 +721 194 5 877138024 +751 734 1 889299637 +544 310 2 884795264 +77 154 5 884733922 +555 248 4 879963127 +521 154 2 884478119 +152 280 5 880148941 +74 307 4 888333329 +432 93 2 889415812 +658 654 4 875148059 +659 606 5 891331959 +826 1239 4 885690854 +686 182 5 879546217 +177 7 4 880130881 +593 385 4 886194041 +523 1041 4 883702411 +566 100 5 881649548 +90 211 5 891383424 +825 544 3 889021037 +782 690 4 891497793 +667 482 4 891035140 +378 58 4 880046408 +707 309 2 880684605 +796 117 5 892660283 +6 460 2 883600004 +640 369 3 886474977 +428 259 4 885943685 +648 111 5 882211886 +833 546 2 875036354 +561 451 2 885810117 +716 423 4 879795496 +738 136 4 892958170 +693 527 3 875482280 +747 997 3 888733480 +716 176 3 879795189 +445 744 2 891200272 +406 420 4 879793112 +823 191 5 878437623 +633 289 3 875324233 +407 588 4 875552964 +314 820 5 877892461 +630 983 3 885667699 +758 977 2 882055347 +225 215 5 879539789 +545 193 3 884133988 +618 421 3 891308615 +697 107 5 882622581 +537 979 2 886030317 +655 1647 3 891817435 +554 282 3 876232267 +772 321 5 877533625 +42 50 5 881107178 +483 151 2 878952582 +445 1011 1 891200320 +78 294 3 879633495 +716 111 4 879793443 +286 762 2 876522008 +188 519 4 875072972 +387 772 4 886483782 +201 81 1 884140488 +493 475 3 884130495 +524 748 2 884321592 +393 922 4 887744419 +815 357 5 878693906 +401 44 4 891032868 +644 1025 4 889076433 +437 521 4 880141164 +442 176 5 883390284 +500 257 3 883865321 +706 118 3 880997464 +387 129 5 886480583 +406 121 5 879540199 +830 413 1 891899475 +807 576 4 893081656 +458 285 4 886394423 +426 196 4 879444734 +221 485 2 875245265 +626 358 1 878771505 +347 293 5 881652709 +780 97 5 891363617 +567 847 4 882425791 +262 68 2 879794887 +805 443 5 881695196 +665 763 4 884291210 +450 88 5 882396799 +450 117 4 882397373 +593 164 4 875671861 +806 233 2 882390614 +749 1228 4 878850748 +766 127 5 891309011 +421 187 4 892241624 +721 875 3 877137527 +836 268 3 885753475 +659 50 3 891044882 +805 168 5 881704016 +264 47 5 886123472 +291 801 3 875086766 +654 1020 4 887864566 +682 654 4 888520799 +537 921 3 886031074 +838 298 3 887064476 +648 187 3 884882664 +459 25 2 879563201 +750 300 3 879446013 +601 1296 1 876346344 +537 14 4 886030108 +707 792 4 886287107 +471 404 2 889827757 +493 328 4 884129823 +796 176 5 892662523 +689 109 5 876675152 +477 49 5 875941155 +116 307 3 879864042 +506 642 4 874874000 +255 872 4 883215723 +402 1 5 876266860 +782 689 3 891498720 +234 653 3 892335108 +399 403 3 882350502 +710 318 4 882063710 +488 358 3 891293051 +206 272 5 888179565 +455 549 4 879112320 +737 127 5 884315175 +305 2 2 886324580 +839 237 3 875752317 +239 64 1 889178616 +790 771 4 885158436 +457 214 5 882548280 +716 445 3 879797221 +498 175 5 881956498 +823 7 5 878438298 +608 1101 4 880405863 +655 1005 4 887474605 +835 143 5 891033819 +659 316 4 891044849 +97 496 2 884238693 +585 529 3 891283124 +805 664 5 881697667 +363 67 1 891498038 +437 1091 3 880143392 +567 487 4 882427155 +790 566 3 885156618 +705 111 4 883427012 +128 869 3 879969064 +787 304 4 888980193 +761 1277 1 876190752 +724 361 1 883758241 +305 597 2 886324551 +308 657 4 887736696 +206 310 5 888179625 +64 271 3 889737047 +403 9 3 879786052 +840 479 4 891204385 +786 699 4 882844295 +82 475 1 884714181 +551 351 3 892775894 +759 258 4 875227686 +532 181 5 889235367 +194 393 2 879524007 +707 1018 3 886288455 +521 2 3 886063310 +551 147 4 892783525 +773 175 4 888539425 +1 45 5 875241687 +666 114 4 880567919 +210 230 3 887736323 +788 302 4 880867326 +452 52 3 888494119 +764 496 5 876244991 +712 787 3 876251366 +423 344 4 891394558 +625 380 3 891263589 +661 161 4 876013588 +707 952 3 880060724 +709 781 3 879849185 +660 250 4 891198174 +733 221 4 879535265 +271 238 4 885848408 +699 597 3 884152570 +119 286 5 874774286 +749 595 4 878850107 +529 258 4 882535091 +474 385 4 887927670 +479 629 3 879461161 +392 197 5 891038978 +230 205 3 880484476 +380 109 2 885480093 +432 845 4 889416260 +385 383 1 879449871 +387 68 4 886483099 +456 366 2 881374967 +472 172 5 892791063 +806 254 3 882387272 +747 967 3 888639318 +680 100 3 877075214 +428 286 3 885943980 +10 276 4 877891904 +453 369 2 877553051 +434 928 5 886724913 +332 983 2 887938886 +641 427 4 879370119 +595 298 4 886921166 +541 417 4 883874749 +370 134 4 879434859 +675 344 4 889488754 +674 763 5 887762799 +5 121 4 875635189 +798 563 2 875638323 +655 195 3 887473965 +774 834 1 888559013 +416 182 4 876698934 +697 129 5 882622016 +774 186 3 888556047 +796 728 3 893047691 +451 991 2 879012647 +796 1269 5 892662765 +760 819 1 875666064 +236 505 3 890116575 +16 15 5 877722001 +314 939 4 877888060 +771 707 4 880659507 +757 22 4 888466407 +775 264 4 891033071 +665 620 3 884291613 +484 829 2 891195663 +115 48 5 881171203 +840 152 4 891204160 +606 662 4 880926162 +630 409 3 885667037 +318 968 3 884496671 +654 736 5 887864757 +524 1065 1 884636646 +152 775 4 884018798 +545 391 2 883115552 +661 70 4 876017029 +536 486 4 882359652 +796 1001 2 893219180 +710 1101 4 883705436 +561 56 5 885807291 +199 9 5 883782853 +43 411 3 884029519 +763 879 3 878914901 +567 177 4 882426673 +416 1264 4 886316381 +629 327 3 880116201 +637 118 1 882904961 +406 655 3 880131704 +533 988 2 882821725 +7 470 3 891352489 +715 90 5 875964386 +526 742 3 885682562 +808 294 5 883949986 +297 215 2 875240133 +450 655 4 882377653 +749 173 5 878847740 +565 512 3 891037453 +542 433 3 886532838 +719 532 3 888449606 +450 269 5 882215617 +796 751 5 892611979 +383 182 5 891192836 +387 642 4 886483395 +655 174 3 888474456 +825 294 4 880755305 +768 1014 2 882816126 +632 276 2 879457856 +630 50 3 885666536 +727 91 4 883710396 +747 419 5 888640820 +38 410 3 892432750 +379 194 5 880525194 +343 223 5 876405735 +637 286 5 882900888 +757 588 3 888467286 +650 97 3 891383110 +627 553 3 879530967 +453 132 3 877554871 +840 845 5 891203553 +833 161 1 875224515 +763 164 4 878917850 +648 127 3 884365970 +437 378 4 880143451 +774 514 2 888555998 +790 172 4 885155540 +776 511 5 891628632 +823 1118 3 878437836 +833 156 4 875038775 +738 39 3 875350720 +541 843 4 884645883 +666 205 3 880139562 +816 258 3 891711378 +716 49 4 879797286 +83 566 4 880308099 +735 293 3 876698570 +690 431 2 881179856 +621 271 5 880226633 +43 354 4 891293957 +835 193 4 891033148 +218 466 4 881288234 +506 46 3 874874802 +299 98 4 877881229 +92 250 4 890251534 +183 62 2 891479217 +805 89 4 881694713 +358 179 4 891269666 +43 926 2 875975613 +426 432 3 879444192 +643 969 4 891446826 +826 431 5 885690636 +593 56 5 875658887 +7 566 4 891353411 +622 277 4 882590252 +653 11 2 878854145 +533 174 4 879191184 +781 127 5 879634017 +621 28 4 874965408 +767 100 5 891462560 +236 194 3 890116426 +770 253 5 875971949 +532 230 5 893118712 +782 1237 3 891497906 +738 393 3 875350944 +798 687 4 875295566 +699 1284 3 879147239 +385 219 1 879446952 +601 241 4 876350652 +605 528 5 879424273 +766 447 3 891309522 +115 284 2 881170902 +757 1210 2 888467187 +514 183 3 875462645 +301 50 5 882074647 +454 204 4 881960504 +524 618 3 884636416 +406 509 3 879540515 +740 288 4 879523187 +815 216 3 878693381 +799 50 4 879254077 +437 507 5 880140015 +745 1126 2 880123572 +741 98 5 891455516 +305 160 4 886323937 +840 423 5 891209449 +495 403 5 888634475 +756 1009 4 874827247 +788 1248 3 880871460 +643 715 5 891450210 +819 862 2 884012586 +684 734 3 878762302 +551 164 4 892776650 +366 200 5 888857990 +683 588 4 893286584 +683 887 4 893286261 +508 269 4 883766931 +638 98 3 876695560 +588 880 1 890014996 +186 820 2 879024345 +535 188 3 879618999 +722 147 3 891281158 +416 411 3 876698006 +363 234 3 891495197 +642 204 4 885602593 +650 134 5 891369520 +668 257 3 881605269 +758 512 5 881975416 +332 195 5 887939051 +354 313 3 891180399 +130 1019 4 875801530 +516 286 5 891290565 +746 523 3 885075497 +619 187 5 885953992 +480 272 4 891207539 +85 135 5 879453845 +392 189 4 891038433 +700 79 3 884494420 +650 476 2 891388080 +474 470 3 887926437 +447 56 5 878855782 +399 720 3 882348565 +743 300 4 881277267 +642 1049 3 885606271 +130 89 4 875216458 +782 1477 3 891499344 +447 156 5 878856625 +818 316 4 891870301 +117 96 5 881012530 +324 301 5 880575108 +764 11 4 876244652 +200 234 4 884129381 +711 315 4 886030353 +549 620 3 881672650 +561 921 3 885810769 +622 83 5 882592178 +324 327 4 880575002 +693 483 3 875484352 +815 524 4 878693381 +318 1204 2 884496156 +457 770 4 882547794 +507 894 5 889964162 +605 301 3 879365237 +807 405 4 892684722 +823 97 5 878439113 +580 249 5 884125243 +498 262 2 881954618 +660 62 2 891201243 +234 273 3 892336165 +455 53 1 879112415 +615 209 5 879449068 +1 48 5 875072520 +198 824 2 884206847 +42 273 3 881105817 +40 358 3 889041741 +49 93 5 888068912 +458 844 4 886394576 +833 673 4 875224039 +471 878 4 889827710 +740 938 1 879522906 +760 185 2 875667450 +716 192 3 879794870 +802 441 3 875985840 +816 343 4 891711423 +101 846 3 877135914 +748 183 4 879454584 +709 215 3 879846259 +621 410 4 880738623 +605 286 4 879365101 +555 21 4 879964265 +682 582 1 888517816 +518 276 5 876822923 +537 323 1 886029211 +747 99 5 888640524 +790 184 3 885156958 +814 185 3 885411030 +425 362 3 890346317 +280 928 5 891700850 +650 161 3 891381709 +326 498 5 879875083 +721 990 5 877137213 +13 630 2 886302261 +787 348 4 888979875 +637 149 2 882901356 +801 307 4 890332853 +256 1150 5 882152570 +463 508 4 877385125 +833 483 4 875122716 +504 298 4 887831717 +705 405 4 883427479 +779 411 3 875999002 +807 527 5 892528646 +531 690 5 887048789 +696 310 4 886403673 +805 200 5 881695244 +398 969 4 875659518 +711 99 3 879993534 +766 520 4 891309146 +451 325 3 879012721 +476 300 5 883365561 +417 444 4 880952691 +827 258 3 882201175 +667 461 4 891034913 +698 1299 2 886367775 +622 553 3 882670929 +269 831 2 891451611 +803 243 1 880055548 +733 284 2 879535129 +551 751 4 892775797 +438 864 3 879868547 +526 331 3 885681935 +643 663 4 891447747 +497 175 4 878759745 +495 1208 4 888636032 +802 300 4 875986155 +833 121 1 875133458 +487 572 1 884050940 +732 286 5 882589593 +618 785 3 891309351 +768 275 4 880135736 +22 430 4 878886607 +640 202 5 874778366 +450 180 4 882373020 +763 658 3 878915600 +474 628 4 887915414 +655 702 2 887477262 +757 685 3 888444684 +747 408 5 888639481 +788 301 2 880867855 +574 303 3 891278962 +599 260 1 880951113 +658 9 4 875145572 +830 739 4 892503093 +369 751 4 889428097 +326 391 4 879877005 +680 117 4 877075312 +545 578 4 884134936 +805 569 1 881695414 +666 945 4 880567883 +452 45 4 875265446 +711 966 5 879994390 +527 496 4 879456248 +294 597 3 889242306 +387 205 5 886480384 +476 4 4 883364143 +727 234 2 883711699 +149 678 2 883512928 +406 129 5 879539949 +378 1311 4 880332949 +746 226 4 885075434 +831 245 2 891354226 +823 33 3 878438332 +562 79 4 879196445 +654 926 4 887863981 +653 194 3 880150260 +755 259 3 882570140 +730 125 4 880310521 +776 648 3 893077100 +832 181 3 888260089 +650 288 3 891369889 +393 939 4 887745816 +642 49 4 885605909 +676 879 3 892685489 +404 323 3 883790430 +749 62 3 878849052 +694 210 4 875728293 +795 719 2 883254675 +807 1034 5 893082544 +708 846 2 892719269 +435 411 3 884132484 +835 708 5 891035078 +267 614 5 878972015 +6 242 4 883268170 +552 288 2 879221267 +609 243 1 886895886 +601 132 5 876350104 +398 235 2 875716709 +678 25 2 879544915 +751 483 5 889132849 +807 151 4 893081163 +435 1 5 884131712 +472 465 3 875982149 +591 508 4 891039616 +586 230 2 884061623 +524 393 3 884637032 +624 269 4 891961120 +734 111 3 891025993 +660 380 2 891201587 +830 69 5 891898262 +114 98 4 881259495 +707 630 3 886287608 +346 153 3 874948252 +271 47 3 885849386 +545 751 3 883115062 +810 301 5 890083124 +840 517 4 891204322 +339 168 4 891033710 +738 257 3 875348912 +632 156 3 879457437 +280 1114 4 891702199 +119 506 5 886176779 +225 194 5 879540678 +222 627 3 878183173 +534 21 4 877807905 +254 584 3 886473283 +786 318 5 882843190 +545 94 3 879900794 +255 760 1 883216185 +398 521 5 875717779 +145 642 3 875272010 +792 21 3 877910444 +659 604 4 891331916 +836 12 5 885754118 +256 526 3 882164443 +825 986 5 881185343 +87 179 4 879875649 +49 8 3 888067691 +378 417 3 880056034 +839 123 3 875752560 +805 248 4 881683074 +807 498 4 892529150 +771 275 5 880659392 +648 199 4 884368313 +490 741 4 875427629 +844 22 4 877386855 +758 385 4 881974742 +716 956 4 879796011 +406 32 5 879446639 +805 183 5 881684185 +399 380 3 882345164 +694 520 5 875726618 +650 1110 4 891388467 +201 568 3 884112245 +642 409 5 885605909 +693 282 4 875482626 +134 1 5 891732756 +749 843 3 878848998 +655 443 4 887430102 +697 748 5 882621569 +128 179 3 879967767 +788 237 4 880869584 +589 301 2 883352535 +74 245 3 888333280 +239 137 5 889178688 +742 250 3 881336006 +180 469 5 877372278 +587 351 2 892871683 +650 1118 3 891385746 +800 118 3 887646342 +403 928 3 879786008 +313 546 4 891028426 +401 582 4 891033523 +151 962 1 879524394 +608 462 4 880406552 +743 298 4 881278061 +162 147 4 877636147 +773 218 2 888540295 +843 186 2 879447170 +532 139 5 874792232 +659 481 5 891385866 +608 956 3 880405896 +634 628 4 876170992 +672 15 3 879787922 +562 141 4 879195334 +198 50 5 884204919 +387 385 3 886483150 +709 403 3 879848590 +532 316 4 888631773 +693 318 4 875482092 +429 756 2 882386711 +181 1394 1 878961847 +253 1025 3 891627878 +766 679 3 891310337 +713 689 3 888882225 +487 627 4 883531122 +840 647 5 891205004 +144 234 4 888105115 +563 403 4 880506963 +170 876 3 886190449 +711 89 5 879993997 +43 58 3 883955859 +398 591 3 875652876 +666 185 4 880139466 +178 66 4 882826868 +412 23 4 879717147 +520 100 4 885170394 +617 604 2 883788955 +708 147 4 892719246 +774 423 1 888556634 +527 153 5 879455847 +716 675 2 879796766 +655 116 2 887476999 +733 125 2 879535814 +331 506 2 877196504 +805 827 4 881695040 +496 417 1 876066465 +72 684 4 880037203 +699 181 3 878882082 +580 323 2 884124383 +753 483 5 891401712 +435 384 3 884134047 +309 690 3 877370319 +13 806 5 882140426 +254 871 2 886475682 +608 1204 2 880403606 +47 322 2 879439078 +733 1067 5 879535603 +640 68 4 874778479 +682 358 3 888518450 +711 277 5 879991476 +792 1011 3 877910730 +707 1381 3 880061346 +823 209 4 878438379 +664 160 3 876524731 +829 268 4 886631672 +579 877 1 880951594 +387 211 4 886480108 +458 189 4 886396460 +763 96 2 878918213 +669 348 1 891182572 +705 226 3 883428028 +747 29 1 888734152 +804 87 4 879442954 +454 322 2 881958782 +548 229 5 891044596 +769 824 2 885424511 +817 1 4 874815835 +535 612 4 879618385 +686 198 5 879546443 +611 346 5 891636152 +59 133 3 888204349 +487 125 5 883444736 +804 164 4 879442025 +607 474 4 883879473 +405 102 1 885548877 +363 675 3 891495849 +94 1188 3 891723525 +178 483 4 882826210 +13 675 5 882396955 +838 173 5 887065782 +807 622 3 892530656 +828 171 3 891036568 +449 763 2 879959190 +795 164 3 883253368 +802 559 2 875985840 +775 310 3 891032837 +752 270 4 891208077 +293 317 4 888906193 +577 425 2 880474808 +698 330 4 886365606 +92 466 4 875811549 +784 303 4 891387077 +551 232 5 892783365 +532 100 5 893119335 +639 59 3 891239658 +757 168 4 888468756 +724 271 2 883757834 +416 132 4 876699652 +655 65 2 887477511 +290 257 4 880731518 +636 313 5 891448155 +793 458 3 875104243 +834 269 5 890860566 +541 1315 1 884046202 +703 864 2 875242912 +738 153 4 875350223 +455 234 4 879110436 +196 13 2 881251955 +686 514 5 879545662 +798 748 5 875295521 +738 747 4 875351603 +301 157 2 882076021 +44 636 4 878348969 +286 728 3 889652740 +490 919 4 875428765 +666 471 4 880313423 +758 305 4 880672257 +601 183 4 876348674 +222 195 4 878182132 +280 167 4 891701631 +653 511 4 878854100 +286 204 3 877531941 +234 329 2 891033922 +181 1115 1 878962774 +764 756 3 876243595 +189 914 2 893265046 +487 692 5 883530434 +717 471 4 884642427 +301 363 4 882078326 +705 144 3 883427988 +836 896 3 885753506 +57 475 2 883697223 +561 503 4 885808887 +782 343 2 891498821 +744 28 3 881170416 +787 311 4 888979605 +699 455 3 878882178 +778 582 1 891232769 +271 208 4 885848916 +804 215 5 879441752 +804 33 4 879445975 +476 1180 3 883365336 +621 779 3 880740296 +846 1074 3 883950859 +797 50 5 879439314 +831 591 4 891355004 +314 70 1 877890531 +399 276 3 882510107 +761 1 1 876190094 +788 234 3 880868473 +766 419 3 891309913 +379 339 3 883031585 +698 507 4 886366611 +828 19 5 891035613 +780 508 3 891363826 +294 123 4 877819634 +188 151 3 875073909 +17 100 4 885272520 +564 50 4 888730974 +660 207 4 891199620 +807 420 3 892979368 +650 451 2 891384202 +655 133 4 888474106 +181 1323 1 878962119 +788 447 3 880870299 +619 29 1 885954238 +595 235 3 886921392 +671 568 5 884035686 +174 716 5 886513674 +805 108 3 881705082 +756 135 2 874827884 +843 452 2 879443442 +833 367 3 875123359 +109 54 3 880578286 +792 1335 4 877910353 +741 815 3 891458647 +764 323 3 876233088 +361 55 2 879441253 +694 632 4 875727399 +393 11 3 887745844 +642 1095 2 885606271 +763 237 3 878919153 +826 38 3 885690750 +344 122 1 886381985 +606 222 3 878147770 +687 748 3 884652276 +593 739 5 875672970 +465 615 3 883530991 +205 242 4 888284313 +592 293 5 882607986 +186 1033 3 879024212 +537 333 2 886028707 +763 176 4 878919116 +437 195 2 880141286 +703 259 1 875242336 +548 905 4 891044198 +663 678 2 889492140 +833 129 3 875035718 +751 380 3 889298548 +387 11 3 886480325 +567 173 4 882425630 +553 378 3 879948655 +186 887 4 891717761 +81 276 4 876533545 +825 283 2 880756224 +201 96 4 884112352 +181 1086 1 878962464 +279 514 4 875307210 +586 820 4 884057412 +246 223 5 884921033 +796 1228 4 893048713 +682 366 4 888517896 +682 568 3 888522575 +806 343 3 882384656 +599 748 4 880951144 +668 271 4 881523787 +533 257 4 882195275 +377 200 5 891299010 +804 202 4 879442079 +288 294 2 886372841 +835 393 5 891033718 +460 285 4 882912205 +814 200 4 885411204 +704 480 5 891397086 +838 596 5 887064275 +751 436 4 889135879 +697 682 2 882621523 +733 820 2 879536608 +751 405 3 889298528 +749 280 4 878847835 +179 691 3 892151331 +593 1119 5 875660823 +788 597 3 880870582 +788 73 3 880869174 +773 665 2 888540187 +363 151 4 891497076 +616 328 3 891224590 +709 89 3 879848397 +621 546 3 880738894 +336 628 3 877760374 +399 543 3 882509971 +293 163 4 888907290 +616 329 3 891224748 +846 94 4 883950711 +642 365 4 886569922 +7 186 4 891350900 +271 210 4 885848447 +298 276 2 884183833 +606 498 4 880923862 +487 318 3 883528237 +737 427 3 884314970 +712 421 4 874729935 +416 253 3 876697283 +686 528 5 879547336 +422 137 5 875129882 +571 604 3 883354886 +727 993 4 883709750 +450 1163 3 882396928 +308 507 3 887738893 +524 606 4 884634968 +642 946 2 885606581 +466 55 4 890284857 +830 82 3 891561673 +7 25 3 891352451 +378 207 4 880055002 +95 228 4 879196231 +256 796 5 882165328 +161 487 3 891171357 +833 187 5 875124348 +413 14 5 879969513 +439 307 3 882892424 +757 203 5 888445521 +750 269 4 879445755 +688 1234 5 884153712 +699 222 3 883884642 +379 712 3 880741832 +312 589 5 891698695 +605 124 3 879365748 +642 378 3 885603517 +761 261 1 876189871 +156 86 4 888185854 +704 170 3 891397086 +474 326 3 887914822 +715 455 3 875962109 +790 1132 2 885158329 +536 84 4 882363820 +328 662 3 885047593 +655 332 3 888984255 +405 943 1 885548633 +666 959 4 880139149 +846 627 4 883949594 +805 238 5 881704223 +756 418 3 874829333 +560 1405 4 879976215 +474 530 5 887926271 +567 1022 5 882426350 +674 300 3 887762296 +806 121 4 882385916 +739 216 4 886958831 +795 577 3 883254987 +506 248 2 880198305 +630 929 4 885667249 +804 205 4 879442434 +458 744 4 886394623 +774 240 1 888558787 +174 1086 5 886434047 +804 135 3 879444407 +690 742 3 881179878 +767 56 4 891462759 +664 227 3 876526718 +788 521 4 880869945 +666 423 3 880139381 +693 64 3 875482136 +778 262 4 891482843 +521 17 1 885254888 +568 493 3 877907281 +544 750 3 884795135 +730 15 4 880310264 +393 1249 4 889731329 +535 136 5 879619107 +151 1269 5 879528438 +116 340 3 879864008 +790 738 3 885158396 +158 823 2 880132941 +474 13 5 887915684 +606 100 5 878146986 +708 1117 4 892719269 +468 7 3 875280214 +729 879 3 893286299 +671 770 2 883547351 +684 781 3 878762183 +600 56 5 888451492 +399 55 2 882343171 +526 300 2 885682031 +780 887 4 891363073 +518 125 5 876823645 +389 428 3 880087461 +787 333 3 888979074 +846 57 2 883949121 +634 1 3 875728872 +653 763 1 878854906 +781 324 4 879633862 +766 188 4 891309484 +711 185 4 876278721 +682 4 3 888521599 +650 199 4 891369520 +716 205 5 879796438 +536 389 5 882360734 +215 234 4 891435655 +571 47 3 883354818 +803 748 1 880054885 +118 844 5 875385256 +130 42 4 875801422 +749 511 4 878847286 +632 161 3 879459053 +524 654 5 884634877 +67 125 4 875379643 +639 179 1 891239324 +128 715 4 879968512 +729 690 2 893286149 +1 25 4 875071805 +843 298 2 879444531 +449 1073 5 880410734 +346 1258 4 875002895 +807 143 4 892528062 +624 294 3 879792109 +738 186 4 875351773 +758 253 5 880672855 +676 916 5 892685849 +407 603 4 875044037 +440 312 5 891550404 +796 215 5 892676115 +319 261 3 889816267 +624 240 2 879793129 +230 214 4 880485573 +788 483 5 880867933 +757 265 3 888466614 +259 484 4 888720541 +690 216 4 881177302 +771 289 4 886640547 +840 732 3 891204947 +535 237 4 879617779 +160 497 4 876858346 +291 234 4 874834735 +472 1239 5 892790676 +405 626 1 885548877 +774 300 2 888555792 +579 186 3 880952237 +270 88 5 876955711 +181 828 1 878963086 +484 71 2 891194743 +648 123 4 884366184 +242 740 5 879741196 +606 652 3 880925200 +747 639 5 888732899 +263 357 5 891299573 +778 238 3 890725804 +626 268 4 878771355 +303 388 2 879544365 +658 518 4 875147873 +450 794 5 882473476 +87 273 3 879875857 +326 510 5 879876141 +720 333 4 891262669 +712 59 2 874730420 +443 358 1 883504748 +684 252 4 875812227 +531 890 1 887049341 +758 837 4 881976377 +423 591 5 891395547 +782 902 2 891497906 +655 96 3 887651060 +825 276 1 880756575 +450 951 4 882399508 +606 1047 2 880923349 +198 229 3 884209353 +308 365 3 887739915 +109 288 5 880562908 +807 584 4 892529031 +682 518 4 888517324 +235 207 4 889656132 +666 70 4 880139526 +637 124 3 882902835 +668 82 4 881702925 +639 237 1 891239296 +658 50 4 875145750 +516 212 4 891290649 +745 100 5 880122809 +615 792 4 879448632 +727 121 4 883709518 +656 338 3 892319359 +735 269 3 876698022 +64 186 4 889737691 +221 1011 4 875244792 +556 127 5 882136205 +539 963 4 879788533 +332 73 4 888360229 +201 144 4 884112245 +780 423 5 891363618 +670 657 5 877974857 +837 476 3 875722225 +566 403 3 881650654 +345 14 4 884991077 +60 131 4 883327441 +766 434 5 891309947 +778 780 3 890803133 +327 333 2 887737493 +85 526 4 879454500 +468 192 4 875291403 +670 479 5 877975594 +192 7 4 881367791 +23 235 1 874784712 +606 1010 3 878149278 +746 181 5 885075166 +813 294 1 883752051 +472 496 4 875980823 +334 238 4 891546231 +380 479 4 885478374 +566 763 4 881651045 +642 41 3 885605347 +371 77 5 880435601 +625 640 3 891999796 +727 248 5 883709207 +471 465 5 889827822 +606 1151 3 889137292 +90 65 4 891385298 +334 301 2 891544233 +621 735 4 880739654 +374 38 4 880937876 +501 1011 4 883348519 +640 778 4 886354499 +99 780 5 886780007 +712 575 3 874957053 +742 222 2 881336006 +95 495 4 888954760 +551 288 4 892775466 +406 170 3 879445599 +267 217 4 878973760 +834 744 4 890862527 +328 809 4 885048895 +276 405 3 874787044 +761 50 5 876189795 +450 568 4 882397939 +442 1188 3 883390609 +693 7 4 875483947 +256 546 4 882151088 +842 362 3 891217891 +532 496 5 893119491 +686 480 5 879547224 +442 62 2 883390641 +744 1134 3 881171482 +534 235 4 877807973 +334 19 4 891544925 +826 241 4 885690600 +474 150 5 887915188 +479 566 3 879461800 +727 210 3 883710123 +653 1028 2 880152902 +666 134 5 880567695 +389 584 4 879991512 +537 196 3 886030831 +577 29 3 880474903 +758 159 3 881977408 +417 179 4 879647749 +795 8 5 880569317 +682 339 2 888518364 +701 257 4 891447197 +293 1333 4 888905618 +772 307 4 889028773 +597 678 1 875339041 +344 273 4 884900677 +334 1048 4 891545480 +806 522 3 882388128 +226 275 3 883889764 +268 60 5 875309344 +567 1252 3 882427294 +739 1429 5 886825529 +606 121 4 878148425 +694 153 4 875728508 +758 380 4 884999133 +495 449 5 888637768 +750 688 1 879446013 +715 276 3 875962454 +661 166 5 888300194 +580 222 3 884125292 +318 133 4 884496432 +718 471 5 883348634 +647 22 5 876534131 +452 371 3 875562573 +790 941 3 885157061 +62 69 4 879374015 +194 219 2 879527865 +645 447 3 892053541 +682 420 3 888523115 +393 412 3 887745380 +293 4 4 888906489 +435 25 5 884132434 +719 23 3 888897264 +338 269 4 879437523 +543 509 3 874863734 +542 11 2 886533710 +542 97 4 886533754 +5 374 3 875636905 +307 196 3 879205470 +130 1013 4 876251287 +846 377 2 883950155 +706 25 4 880997385 +666 318 5 880139180 +405 951 1 885548877 +727 197 3 883710271 +773 1475 4 888539027 +308 141 3 887739891 +750 358 3 879446216 +457 692 4 882396989 +734 56 1 891022752 +514 234 3 876063765 +712 202 4 874730031 +588 354 5 890014930 +501 121 4 883347023 +792 844 4 877910822 +655 1506 3 887428871 +782 1389 3 891500028 +82 496 4 878769992 +307 72 3 877122721 +644 333 3 889075967 +462 866 5 886365387 +173 332 4 877557028 +648 193 4 884628607 +405 708 1 885546487 +796 203 3 892690173 +291 413 4 874834054 +11 208 4 891905032 +749 603 5 878847804 +664 154 5 876525963 +184 724 4 889909672 +295 451 4 879518864 +829 192 5 881712519 +837 845 4 875722392 +498 168 4 881958174 +588 62 2 890027865 +758 4 4 881977375 +679 710 4 884487374 +773 52 3 888538853 +499 7 4 882996793 +393 1049 4 887744688 +551 202 4 892783177 +543 12 5 875665787 +796 322 3 892611953 +700 180 3 884494278 +487 366 3 883530929 +650 141 4 891386210 +658 408 5 875145614 +537 127 5 886030622 +790 583 2 885157489 +749 633 4 878848764 +458 20 4 886394778 +535 461 3 879617663 +665 1009 4 884291936 +327 367 4 887819355 +535 778 2 879617819 +642 465 4 885603932 +847 290 4 878775523 +796 419 5 893219001 +785 423 2 879438957 +506 665 2 885135882 +299 753 5 877880852 +374 17 2 880937876 +673 268 1 888786997 +201 886 1 884110927 +26 283 3 891371437 +715 955 4 875963596 +578 258 1 888957735 +719 282 4 879358874 +683 332 3 893283997 +792 24 3 877910091 +567 134 5 882425873 +334 283 4 891544810 +774 468 2 888556968 +796 278 4 892660323 +790 265 4 885155770 +490 292 3 875428185 +161 15 2 891172284 +176 405 2 886048262 +234 219 2 892336287 +327 336 2 887737569 +487 270 5 883440572 +16 152 4 877728417 +739 526 5 886958895 +772 678 4 877533546 +655 1170 3 891585242 +521 1013 1 884476820 +472 546 4 875979041 +715 117 3 875961816 +199 14 4 883783005 +434 274 5 886724797 +293 1209 2 888908117 +782 1643 2 891499321 +836 180 5 885754200 +770 244 4 875973047 +716 504 5 879795189 +296 315 5 884196351 +633 939 4 877212045 +642 1126 1 885603495 +843 665 3 879443482 +630 31 2 885667968 +796 29 3 893048672 +613 514 4 891227236 +754 744 3 879452073 +484 315 3 883973609 +450 28 4 882377861 +610 276 4 888703766 +389 346 4 885681315 +59 228 4 888205714 +716 568 4 879796718 +844 403 3 877387825 +776 439 1 892920480 +788 781 3 880871205 +747 163 4 888733111 +128 405 4 879968859 +605 223 5 881015099 +339 173 5 891034254 +527 11 4 879456662 +399 172 3 882342537 +682 125 4 888523635 +683 690 4 893286260 +94 477 2 885870323 +624 276 5 879792446 +60 209 5 883326593 +405 501 3 885548837 +161 315 5 891169965 +370 443 5 879435369 +665 1132 2 884291662 +592 936 4 882608315 +422 5 3 879744085 +268 3 1 875743161 +760 202 3 875667834 +586 188 2 884058956 +270 475 5 876954122 +50 327 3 877052093 +835 660 4 891033986 +699 23 4 878883113 +326 378 4 879875724 +690 396 2 881177861 +132 50 3 891278774 +763 629 5 878918871 +840 135 5 891204356 +848 164 5 887043421 +503 25 4 879438685 +354 306 5 891180445 +620 969 4 889988037 +648 840 1 884367180 +610 272 4 888702815 +125 111 3 892838322 +286 202 4 877532204 +733 287 3 879535129 +833 441 1 875224352 +325 495 3 891478180 +805 33 5 881694885 +457 162 5 882548793 +249 252 2 879571998 +766 131 3 891309703 +715 27 3 875964051 +663 351 2 889491919 +125 395 3 892838687 +703 410 4 875243028 +506 393 3 874874802 +128 685 3 879968774 +676 902 4 892685740 +838 732 4 887066782 +332 9 4 887916653 +648 928 4 882212071 +642 377 3 886569809 +18 963 5 880132437 +721 175 5 877140282 +595 304 3 886920774 +550 294 3 883426119 +710 182 4 882063967 +474 141 4 887926059 +758 249 4 880672782 +648 756 2 884366939 +665 125 4 884291340 +130 426 4 875801897 +324 458 4 880575619 +694 468 4 875729270 +652 282 4 882567294 +295 71 5 879517822 +437 478 5 881002323 +823 48 5 878438642 +807 1 4 892528231 +360 199 5 880355678 +547 313 5 891282611 +308 659 3 887736532 +118 558 5 875385228 +516 194 4 891290593 +308 1169 5 887739136 +1 251 4 875071843 +396 121 5 884646235 +643 162 3 891448436 +833 160 5 875124535 +846 382 3 883948989 +694 480 4 875726759 +763 627 3 878923488 +591 202 3 891031469 +313 125 3 891017059 +605 132 5 879425432 +727 380 3 883712397 +267 92 4 878971514 +773 268 4 888538249 +694 659 4 875728181 +533 527 4 879191022 +770 289 5 875971655 +661 191 4 888300344 +670 168 3 877974549 +131 137 1 883681466 +567 12 4 882426508 +713 313 3 888882179 +394 179 5 880886919 +650 705 4 891371153 +622 222 5 882592815 +780 510 4 891363904 +554 1 3 876231938 +715 380 3 875965058 +22 210 3 878886479 +692 238 4 876953340 +790 609 2 885156773 +848 294 5 887037669 +383 657 5 891192858 +548 277 3 891415540 +622 1181 4 882670367 +698 144 2 886367586 +92 210 4 875653519 +674 685 3 887762861 +151 956 4 879542567 +798 257 4 875295842 +805 216 2 881696699 +540 300 3 882156618 +654 1016 4 887863841 +663 473 3 889492917 +719 357 4 879360583 +741 234 4 891455545 +843 238 3 879446359 +807 946 3 893081338 +454 124 4 881959960 +798 365 3 875639656 +795 381 2 883774317 +805 240 3 881705350 +719 289 2 877311150 +758 685 5 881979987 +561 403 3 885809690 +717 475 5 884642187 +840 478 3 891204627 +560 1265 3 879975194 +782 987 3 891499660 +374 39 4 880937876 +586 215 4 884066141 +843 98 3 879443668 +290 180 1 880474913 +514 154 4 875462689 +311 650 3 884364846 +722 291 4 891281228 +837 220 4 875722007 +608 694 3 880405085 +207 96 3 877847025 +332 31 4 888098205 +102 411 2 892993786 +828 57 3 891037640 +551 205 5 892776575 +10 629 4 877886722 +506 328 4 885135476 +764 176 4 876244856 +704 607 4 891397535 +524 638 2 884637914 +666 248 3 880313640 +734 604 4 891023086 +48 529 4 879434850 +716 4 2 879796046 +822 1091 1 891038627 +429 101 4 882386662 +577 436 4 880475339 +815 153 4 878695020 +144 1013 1 888104446 +125 756 4 892838424 +825 7 5 880755612 +792 476 1 877910206 +193 122 1 889127698 +85 521 3 879829471 +587 308 3 892871642 +223 984 3 891548987 +749 294 2 878846265 +474 584 5 887927728 +731 662 3 886183209 +488 304 4 891293606 +711 222 3 876185896 +601 258 5 876346344 +788 435 3 880869278 +184 488 5 889913687 +387 89 5 886483048 +815 528 5 887978255 +846 60 4 883948606 +119 89 4 874781352 +830 233 3 891561737 +533 471 4 882902330 +683 62 4 893286208 +487 249 1 884637200 +568 187 3 877907596 +541 71 5 883874716 +615 208 4 879449130 +551 809 5 892784629 +381 294 5 892698068 +796 273 2 892660856 +325 134 4 891478599 +786 70 4 882843534 +565 213 4 891037803 +763 195 4 878918360 +393 17 1 889728895 +774 521 2 888556483 +344 478 4 884901210 +90 97 5 891383987 +456 32 4 881372911 +796 781 4 893047241 +533 187 4 879438811 +666 1110 3 880314366 +711 402 4 879993674 +293 67 3 888907575 +682 12 5 888516953 +455 118 4 879109733 +711 8 5 879993707 +666 264 3 880138999 +713 347 4 888882337 +60 23 4 883326652 +640 66 4 874778345 +699 14 3 878881952 +363 89 4 891494688 +847 185 2 878939503 +468 1016 3 875280670 +648 222 5 882211258 +442 154 4 883389491 +632 183 4 879456909 +749 168 5 878847765 +838 748 3 887060972 +619 550 5 885954134 +830 100 5 891560934 +681 258 1 885409516 +806 172 3 882387373 +83 243 3 891181725 +405 529 1 885549543 +109 655 3 880577735 +385 940 3 879447089 +660 176 3 891199182 +823 144 5 878438535 +774 649 3 888556814 +405 861 1 885548275 +416 136 5 893212623 +465 651 3 883531155 +782 1315 3 891499440 +576 815 3 886985695 +763 111 2 878918871 +786 216 4 882843272 +551 761 1 892785164 +791 327 5 879447977 +354 496 3 891217109 +747 588 5 888639989 +1 195 5 876892855 +716 570 3 879797286 +810 879 5 890083124 +276 431 3 874977474 +699 308 4 879382955 +641 285 5 879370028 +807 265 5 892529076 +109 365 4 880581817 +668 358 3 881524153 +790 786 3 885157533 +766 318 5 891309522 +846 1518 2 883950186 +727 184 3 883710761 +500 238 4 883873839 +761 258 4 876189585 +724 882 1 883758267 +846 90 2 883950001 +18 81 3 880130890 +629 286 4 880115839 +567 640 4 882426927 +768 288 4 883834705 +537 652 3 886031074 +625 405 3 891273859 +200 243 3 876041719 +608 11 5 880405927 +830 511 5 891561673 +564 292 4 888718546 +727 154 3 883711567 +749 378 5 878847612 +526 307 2 885681958 +560 1073 3 879975586 +758 297 4 880672700 +416 285 2 876697165 +749 175 3 878847576 +231 50 4 888605273 +758 716 2 881978864 +745 188 3 880123540 +748 193 3 879454789 +731 97 5 886183681 +102 334 2 888295889 +780 22 4 891363969 +758 121 2 881978864 +561 427 4 885807484 +62 82 4 879375414 +450 633 5 887660440 +788 327 3 880867855 +676 173 5 892686665 +796 520 3 892662223 +828 971 4 891380167 +345 518 4 884916484 +747 580 5 888734112 +660 349 3 891197757 +560 653 4 879975529 +833 831 1 875297256 +634 240 3 877018033 +715 755 2 875964704 +588 79 4 890023722 +416 157 4 886317316 +234 479 5 892334107 +639 216 3 891239528 +564 181 4 888730974 +807 1091 3 893082703 +804 396 3 879445956 +556 493 5 882136441 +719 237 2 877917981 +498 922 5 881955432 +792 291 2 877910629 +682 234 3 888520705 +804 993 2 879441236 +553 23 5 879948806 +151 170 5 879524669 +682 578 3 888522575 +771 4 1 880659748 +823 475 5 878438297 +588 1058 2 890030656 +636 121 5 891449212 +611 336 5 891636399 +542 732 3 886533227 +727 275 3 883708927 +188 673 4 875074127 +666 176 4 880139120 +653 233 3 880151599 +328 606 3 885046244 +70 755 3 884150865 +746 399 3 885075211 +563 678 2 880506368 +362 332 5 885019537 +358 638 3 891269584 +805 660 3 881698881 +834 282 4 890863052 +663 1245 4 889492959 +506 10 2 874862734 +478 467 5 889395563 +774 741 1 888558762 +540 222 4 882157224 +588 1044 4 890025674 +648 1110 3 884881621 +221 259 4 875243990 +642 404 3 886569122 +807 177 4 892705191 +543 114 4 874864346 +585 19 3 891282808 +406 10 3 879445684 +831 181 5 891354866 +756 138 2 874830864 +766 211 4 891310009 +428 322 4 885943782 +240 751 3 885775683 +763 507 4 878918933 +655 662 2 888686011 +334 337 4 891544177 +848 1126 5 887043265 +44 480 4 878347315 +746 431 5 885075304 +716 127 5 879793293 +487 833 4 888262381 +109 431 3 880578186 +745 480 3 880123361 +535 16 4 879618532 +269 663 4 891449880 +693 215 4 875482860 +412 186 5 879717071 +638 204 5 876695917 +738 751 3 892938297 +639 87 3 891239218 +487 1410 5 883446637 +457 582 5 882548350 +751 591 1 889132375 +592 242 5 882607286 +298 419 5 884182774 +760 162 3 875668418 +301 219 4 882078955 +102 476 3 892993827 +452 461 4 875273609 +85 589 3 879453587 +834 293 3 890862974 +194 72 3 879554100 +833 205 4 875122814 +549 237 4 881672605 +178 748 4 882823460 +828 921 4 891037948 +798 403 4 875743140 +562 504 4 879196709 +435 71 3 884132208 +225 510 5 879539672 +821 180 5 874793517 +401 312 3 891031784 +758 191 5 881975853 +805 386 3 881704224 +518 829 3 876824156 +835 157 4 891033526 +731 8 2 886184681 +749 182 3 878848639 +699 121 3 878882366 +666 519 4 880139205 +619 576 4 885954261 +790 1 3 884461306 +313 147 4 891016583 +540 293 4 882157084 +795 200 3 883251581 +761 288 4 876189614 +561 494 4 885808824 +769 258 3 885422650 +795 433 4 880588141 +779 222 4 875503280 +773 1188 2 888539842 +174 155 4 886513767 +393 710 4 889554607 +405 1581 1 885548579 +216 302 5 881966913 +682 173 4 888521381 +694 614 4 875726886 +29 12 5 882821989 +445 1199 1 891200447 +472 109 4 875978686 +843 615 3 879446215 +805 40 3 881704553 +437 436 4 880143635 +648 728 2 884882078 +601 204 2 876348783 +821 97 5 874793848 +380 554 2 885479754 +89 88 4 879459980 +577 31 4 880474216 +216 50 4 880232637 +396 840 3 884646648 +848 481 3 887038527 +826 172 5 885690481 +10 478 5 877889004 +833 52 3 878078390 +148 663 5 877399018 +227 285 4 879035347 +699 211 1 878883113 +834 258 4 890860194 +504 211 4 887837739 +553 519 5 879949042 +216 184 4 880245056 +796 485 4 893279958 +593 747 4 877728878 +547 338 2 891282967 +788 183 5 880868743 +833 204 1 875039255 +346 203 4 874948139 +756 409 2 874830998 +484 216 4 891195105 +660 739 2 891201925 +352 79 4 884289693 +655 285 4 887425936 +616 323 4 891224801 +708 1061 3 892719143 +216 66 2 881428365 +91 501 2 891439130 +783 335 3 884326545 +407 239 4 875553509 +757 241 3 888466863 +647 403 4 876533657 +715 69 4 875963692 +757 202 4 888445730 +460 224 4 882911603 +834 100 4 890862311 +484 237 3 881450112 +778 195 4 890769370 +622 101 5 882592662 +585 713 4 891282808 +666 436 3 880568637 +94 658 3 891722533 +42 491 3 881106711 +92 235 3 875640338 +697 282 4 882622559 +147 898 5 885593965 +332 327 5 887916324 +724 538 2 883757537 +504 1046 4 887912298 +551 410 5 892784093 +504 294 2 887912722 +453 684 3 888205336 +500 762 4 883865532 +393 623 3 889731562 +788 69 4 880868144 +90 385 4 891385899 +852 685 3 891036435 +788 451 4 880871240 +729 354 5 893286637 +682 724 4 888517948 +588 231 4 890028987 +49 372 4 888069040 +815 623 3 878697043 +815 603 3 878694664 +751 42 5 889133429 +851 1009 2 874789084 +758 578 4 881977872 +782 991 2 891500230 +648 483 5 882212708 +201 855 4 884111873 +56 1028 4 892911227 +141 276 1 884584817 +152 740 4 880149197 +849 928 5 879695153 +527 170 3 879456637 +528 83 5 886101632 +828 269 4 891033574 +472 597 5 892791062 +787 329 4 888980193 +655 1375 3 887426008 +417 373 3 880952988 +484 29 3 891195532 +673 272 5 888786942 +342 1057 2 875318783 +798 690 4 877117972 +660 347 3 891197585 +500 780 3 883876904 +647 213 3 876534151 +367 98 5 876689932 +405 38 5 885548093 +257 57 5 879547717 +790 367 4 885156114 +660 771 2 891201984 +397 680 1 875063649 +721 688 3 877136967 +102 396 2 892993735 +835 628 3 891032930 +789 93 4 880332063 +655 125 2 887426200 +804 228 4 879441391 +796 98 5 892663090 +207 223 3 880388784 +653 121 4 878854769 +90 402 5 891385335 +567 32 5 882426644 +276 993 3 874787065 +385 484 4 879442559 +435 28 3 884131799 +788 798 2 880870827 +506 187 5 885135819 +468 367 4 875296868 +643 824 3 891449681 +23 216 4 874787204 +694 604 4 875727399 +493 91 3 884132287 +334 56 4 891546914 +637 873 1 882899608 +688 338 5 884153751 +669 490 5 892550283 +182 48 3 876436556 +830 288 1 891899475 +851 27 4 875806765 +680 285 5 877075079 +805 1232 3 881703472 +634 922 4 875728913 +649 147 4 891440214 +840 465 4 891204798 +425 124 2 878737945 +378 623 3 880333168 +524 195 2 884634849 +121 298 2 891388676 +671 147 1 884035992 +406 152 2 880131666 +313 504 5 891013859 +276 518 4 888873407 +339 404 4 891035147 +840 166 5 891204798 +763 283 4 878915600 +837 225 3 875722371 +26 252 3 891385569 +178 607 3 882826347 +168 744 5 884288058 +621 1047 3 880738080 +773 45 4 888538776 +301 4 4 882077033 +13 197 4 881515239 +805 147 5 881694286 +303 319 5 879466065 +342 216 5 875320104 +804 1178 3 879445990 +815 131 2 878698449 +119 70 3 874781829 +595 1165 1 886921748 +194 173 5 879521088 +425 976 1 878738992 +821 275 5 874792369 +291 3 3 874833936 +838 181 5 887063696 +43 222 4 883955547 +693 98 4 875483268 +450 87 5 882374059 +758 100 5 881975119 +96 183 4 884403123 +405 288 5 885544635 +837 274 4 875721989 +392 260 1 891037790 +699 820 2 880696597 +419 79 4 879435590 +472 94 5 892791063 +87 535 4 879876315 +77 96 3 884752562 +794 514 5 891035604 +60 656 4 883327018 +606 103 3 880923349 +442 204 3 883389028 +638 431 4 876695108 +418 333 5 891282520 +623 127 4 891032275 +788 699 3 880869323 +56 237 5 892679540 +694 1035 4 875728345 +659 496 5 891385258 +551 603 5 892776524 +782 872 2 891498513 +528 294 3 888520438 +639 57 3 891239862 +716 48 5 879795314 +535 45 3 879618655 +680 195 4 876816106 +222 154 3 878183747 +484 150 4 891195246 +847 826 3 878939266 +833 127 5 875035660 +566 70 4 881649563 +642 231 3 886454812 +770 282 5 875972927 +53 156 4 879442561 +560 127 5 879976071 +796 357 4 892662400 +758 221 3 881976335 +268 290 3 875742866 +618 815 4 891309552 +798 832 4 875637822 +755 343 3 882570077 +318 40 4 884497882 +727 684 4 883710948 +645 483 5 892053456 +305 166 4 886322719 +151 194 4 879524443 +323 295 3 878739519 +655 1406 3 888984325 +796 121 5 892661043 +805 148 2 881695911 +545 588 4 879901459 +782 352 1 891498513 +20 143 3 879669040 +407 127 3 875044597 +557 253 3 880485693 +605 294 4 879365219 +286 382 5 877531830 +661 751 4 886840577 +562 4 1 879196517 +588 742 4 890024002 +831 333 4 891353915 +730 117 3 880310300 +813 289 4 883752455 +699 717 1 878882511 +830 225 3 891560596 +402 276 5 876267014 +773 769 1 888540390 +351 882 5 879481589 +109 168 3 880577734 +839 260 2 875751560 +833 854 4 875038529 +639 958 4 891241052 +796 417 4 893218933 +735 126 3 876698570 +370 52 4 879434969 +707 97 4 886285876 +498 664 5 881955596 +671 117 3 875389187 +758 1159 5 881974639 +749 117 4 878846654 +751 291 3 889299155 +499 191 5 885599307 +343 53 5 876407421 +767 141 4 891462870 +682 17 3 888520923 +213 170 5 878955886 +733 16 3 879535969 +94 464 5 885873302 +643 1012 4 891445550 +424 151 2 880859722 +588 367 5 890024117 +489 319 3 891447218 +798 367 3 875743434 +844 195 3 877387825 +703 471 4 875242885 +654 275 5 887863394 +767 172 5 891462614 +497 1030 1 879363780 +738 233 3 875353678 +492 1147 1 879969670 +689 15 5 876676502 +839 257 3 875751930 +312 1298 5 891699426 +167 241 5 892738419 +191 345 4 891560753 +648 432 5 884368538 +854 186 3 882814298 +551 763 5 892784008 +246 570 1 884923592 +425 174 3 878738149 +756 399 2 874828967 +334 607 3 891546206 +637 291 4 882905183 +848 69 2 887043340 +600 231 3 888452152 +600 230 4 888451839 +656 301 3 892318648 +683 312 3 893284183 +18 529 5 880130515 +838 318 5 887067085 +758 26 4 881977108 +616 286 5 891224448 +627 62 4 879531397 +271 493 4 885848558 +486 1047 2 879875316 +586 204 3 884066723 +109 564 3 880582633 +455 298 4 882818787 +387 101 4 886479528 +194 465 3 879527513 +838 72 4 887067162 +87 808 3 879875996 +663 333 5 889491655 +253 427 5 891628229 +645 216 4 892054732 +791 328 4 879448087 +537 730 3 886031211 +506 576 4 885135954 +668 300 4 881523612 +826 50 5 885690525 +840 1065 5 891209285 +839 244 3 875751958 +694 176 5 875729146 +287 815 3 875334248 +660 272 4 891197481 +848 32 5 887042871 +805 137 5 881697713 +815 451 3 878696965 +788 540 3 880871394 +846 566 5 883948874 +537 1010 2 886030381 +69 117 4 882072748 +380 208 2 885480301 +650 1060 3 891387833 +850 204 5 883194859 +487 1425 4 884024462 +757 1188 3 888466651 +815 405 4 878692071 +806 197 4 882387728 +806 204 5 882388205 +573 182 4 885843892 +699 147 2 883279472 +392 493 4 891038945 +655 1273 2 888984386 +659 367 3 891385166 +650 1039 3 891383229 +458 190 4 886397771 +405 1584 1 885549407 +367 5 4 876689991 +451 1280 1 879012773 +502 270 2 883702043 +286 1051 4 876522261 +763 127 4 878920656 +484 79 5 891195322 +674 323 3 887762937 +655 258 2 887650944 +745 98 5 880123905 +648 40 4 884882234 +72 191 5 880036515 +704 259 2 891396904 +490 410 4 875428570 +500 387 2 883875388 +747 478 4 888639437 +666 504 4 880139120 +854 979 4 882813315 +790 1119 4 885156732 +125 21 3 892838424 +5 365 1 875637144 +836 880 4 885753506 +13 455 3 882141425 +452 856 4 885817937 +409 327 2 881104837 +65 511 4 879216567 +367 164 4 876690119 +308 519 4 887737997 +361 228 4 879441285 +397 286 4 882839517 +405 855 1 885549543 +749 132 4 878847926 +406 86 4 879793295 +843 444 2 879443442 +233 133 5 877661364 +470 181 4 879189434 +637 293 3 882902835 +606 491 4 880923799 +749 659 5 878847611 +37 833 4 880915565 +234 951 1 892334766 +715 655 4 875964203 +793 150 4 875103842 +378 275 5 880044312 +707 100 5 880059810 +746 79 5 885075165 +158 449 2 880134815 +55 121 3 878176084 +486 1011 4 879874939 +835 654 5 891033173 +545 234 3 879899905 +648 930 3 882212131 +818 912 3 891870301 +715 591 4 875962109 +782 1394 4 891498323 +222 140 1 881060062 +299 396 4 889503503 +606 138 3 880927923 +774 22 2 888556600 +627 161 2 879531302 +829 318 5 883149860 +648 413 2 882212609 +758 483 5 881975577 +459 289 4 879561679 +552 815 3 879222336 +851 1245 4 875730826 +323 93 4 878739177 +655 531 4 887473570 +405 747 1 885549309 +711 257 3 876185726 +291 772 4 874868169 +839 825 4 875752274 +459 245 3 879561731 +805 32 4 881697792 +207 117 3 875504809 +738 71 3 875350352 +682 201 4 888519365 +387 298 3 886480623 +620 409 4 889988196 +670 511 4 877975285 +230 211 5 880485181 +637 1011 1 882904961 +458 1067 5 886395311 +312 509 5 891699490 +13 307 2 881514684 +13 227 5 882397650 +653 139 2 880153123 +622 1074 2 882671185 +629 690 2 880116067 +784 328 3 891387502 +854 475 4 882812352 +497 291 3 879361707 +21 444 3 874951859 +293 245 3 888904265 +814 559 3 885411132 +569 321 4 879793103 +405 1194 1 885546201 +383 132 5 891193108 +804 203 4 879442122 +468 170 4 875301056 +782 1244 3 891499660 +601 69 3 876348987 +849 143 5 879695515 +286 955 5 877533914 +858 331 3 880932343 +847 288 4 878774722 +848 529 5 887042871 +456 546 4 881371942 +639 615 5 891240160 +749 434 4 878848369 +833 379 2 875224178 +751 381 1 889134419 +378 255 4 882642831 +573 507 5 885844638 +796 546 4 893048505 +503 1 5 879438233 +92 307 4 892655699 +851 987 1 875730601 +49 161 1 888069513 +399 102 3 882344236 +766 559 4 891310824 +749 616 3 878848612 +689 298 4 876676211 +393 122 1 889731465 +591 655 4 891031469 +786 82 4 882844096 +732 938 1 882590201 +807 450 4 893082931 +201 654 3 884113422 +837 535 1 875722246 +655 1213 2 887489282 +89 222 5 879441491 +794 221 4 891036222 +592 881 1 882607476 +543 730 3 874864346 +694 239 4 875729520 +542 585 2 886533068 +117 1165 3 881010727 +805 12 4 881695677 +654 218 2 887864330 +484 229 5 891195476 +760 125 4 875666242 +655 813 3 888474456 +504 139 3 887840589 +144 127 4 888105823 +130 1280 4 877984734 +203 1049 2 880434463 +190 546 3 891626000 +452 58 3 875261666 +747 501 5 888639362 +340 180 3 884991236 +660 222 2 891198063 +684 118 4 878760274 +854 499 4 882813537 +697 473 5 882622372 +593 371 3 875659076 +716 472 3 879794032 +432 248 4 889416352 +320 147 4 884748641 +751 755 4 889298116 +393 280 4 887744724 +405 444 3 885548385 +709 129 2 879846332 +806 144 5 882388658 +686 127 5 879545481 +197 4 3 891409981 +440 242 5 891546594 +786 520 4 882843311 +782 326 5 891498322 +813 335 2 883752417 +521 186 4 884478358 +717 106 4 884642932 +607 213 4 883880027 +826 92 4 885690636 +181 1199 1 878962675 +222 477 2 883815749 +506 211 4 874873198 +56 421 4 892677186 +606 685 3 880923349 +87 1028 4 879876946 +853 1025 4 879365360 +388 591 4 886437039 +435 679 3 884133372 +328 227 3 885047129 +621 121 3 880227385 +738 230 4 875351530 +788 712 3 880871804 +92 1042 3 875907079 +293 275 3 888904696 +698 505 2 886367750 +663 69 4 889493770 +245 596 4 888513361 +722 307 4 891280245 +618 69 4 891308176 +122 1113 5 879270677 +543 192 4 874863878 +582 369 1 882963114 +682 56 4 888519077 +454 279 4 881960330 +640 233 4 874778479 +710 187 5 882064096 +144 147 3 888104402 +378 392 3 880055636 +533 408 4 880402916 +851 693 5 875731816 +727 507 2 883710948 +768 111 3 880136139 +167 831 3 892738141 +752 289 1 891208299 +825 988 3 889020557 +846 258 3 883946284 +697 928 3 882622044 +200 94 4 884130046 +112 891 3 892439990 +782 1644 2 891500110 +642 366 4 886131707 +378 708 4 880055949 +734 83 4 891022733 +725 300 4 876106729 +801 259 3 890332986 +654 238 4 887864452 +804 662 4 879442413 +843 448 4 879443297 +708 866 5 892719143 +674 304 3 887762296 +758 482 5 881975922 +633 333 3 875567562 +766 482 3 891309117 +659 176 4 891045747 +109 576 3 880580663 +436 217 4 887771146 +301 232 4 882078287 +825 841 4 880756904 +560 845 3 879976602 +851 11 5 875731441 +31 153 4 881548110 +804 157 4 879442862 +802 445 3 875985686 +539 1211 3 879788371 +844 90 3 877387242 +690 223 4 881179069 +850 208 5 883194973 +748 179 4 879454728 +826 182 4 885690600 +224 380 4 888104188 +721 288 3 877137447 +751 168 5 888871900 +758 764 1 882054519 +695 305 3 888805797 +815 496 5 878694027 +855 283 3 879825383 +780 300 3 891362937 +294 254 3 889242937 +189 181 3 893264023 +840 1266 5 891204535 +422 219 4 879744086 +748 188 4 879455167 +752 322 1 891208261 +617 675 4 883789425 +640 22 4 874778479 +597 323 3 875339041 +782 750 4 891497793 +109 715 2 880583519 +830 194 4 891898720 +840 252 4 891203810 +805 175 5 881697229 +746 50 5 885075165 +533 77 4 879191713 +484 385 4 891195416 +807 705 4 892528918 +650 79 3 891369924 +592 281 4 882608573 +705 286 3 883426747 +146 345 4 891457538 +573 258 4 885843700 +423 286 4 891394632 +417 1090 3 879649577 +524 1093 4 884628136 +277 258 4 879544145 +465 7 5 883529916 +400 269 4 885676230 +592 1129 5 882608021 +31 303 3 881547719 +8 403 4 879362234 +303 477 3 879483827 +835 131 5 891033560 +817 358 4 874815679 +747 4 4 888733111 +833 653 4 875039558 +854 87 4 882814063 +424 115 1 880859385 +234 358 1 891034007 +824 678 3 877021121 +776 276 4 892313295 +700 168 3 884494420 +303 230 3 879483511 +786 161 4 882843534 +7 180 5 891350782 +655 371 3 887611537 +95 781 2 880572495 +381 178 4 892696291 +215 433 3 891435501 +747 302 5 888638091 +788 82 3 880870116 +846 205 5 883948141 +694 356 4 875729622 +796 282 4 892660364 +782 1609 1 891499439 +705 1228 2 883428258 +639 357 3 891239156 +470 276 5 879178619 +806 157 3 882387974 +615 736 5 879448149 +293 150 3 888904838 +531 259 1 887048789 +566 165 5 881649530 +790 748 1 884461073 +642 225 4 886569942 +632 91 3 879459187 +629 98 5 880117254 +785 1050 3 879439232 +620 951 3 889988258 +717 246 5 884715146 +665 293 4 884290728 +533 476 2 879365951 +828 325 2 891035438 +487 58 5 883446907 +591 211 4 891031469 +639 12 3 891239030 +606 845 4 878147770 +277 762 3 879543931 +653 746 5 878853936 +835 50 4 891035309 +378 951 3 880056547 +378 961 3 880055706 +787 307 4 888979074 +758 686 3 881974823 +184 813 4 889907711 +160 61 4 876861799 +635 327 5 878878752 +747 693 5 888732899 +158 562 4 880134607 +852 473 3 891036884 +706 331 5 880996945 +804 95 2 879447476 +738 603 5 892844079 +709 568 4 879848396 +615 423 5 879448672 +766 52 4 891309177 +852 408 5 891036843 +843 636 4 879443837 +624 250 4 879792623 +753 510 4 891401457 +627 697 5 879530042 +827 268 4 882201175 +293 316 3 888904392 +757 144 4 888466490 +666 632 4 880568028 +59 687 1 888206764 +796 731 3 893047320 +117 410 3 886021458 +715 288 4 875962201 +189 952 5 893264619 +677 222 4 889399171 +734 582 2 891022684 +711 193 4 879993092 +345 124 5 884900777 +707 65 4 886286004 +747 1204 4 888639102 +122 403 4 879270805 +833 154 5 875038775 +592 332 3 882607286 +230 100 4 880485856 +679 241 3 884488149 +827 313 3 892157221 +632 233 3 879459441 +798 356 3 875639236 +245 210 3 888513026 +642 383 5 886570062 +849 172 5 879695469 +710 223 4 882063766 +775 270 2 891032742 +493 124 3 884130253 +489 332 5 891447823 +840 428 4 891209547 +758 434 3 881976233 +580 258 5 884124103 +682 154 5 888521489 +399 57 4 882343260 +376 357 4 879434750 +704 172 2 891397058 +797 328 2 879439136 +682 254 2 888518871 +476 208 5 883364250 +606 435 4 880923862 +727 680 3 883708462 +641 242 5 879370299 +845 311 4 885409493 +788 125 3 880870335 +326 4 1 879876688 +689 748 5 876674637 +853 302 4 879364669 +13 507 1 882140070 +603 419 2 891957012 +463 243 1 877384970 +795 771 3 883255324 +788 744 4 880869621 +158 175 4 880135044 +774 203 2 888558447 +201 1401 2 884140670 +621 940 3 874963166 +443 313 4 883504564 +506 568 5 889979761 +578 250 2 888957735 +738 385 5 892844079 +472 810 5 875982922 +715 111 3 875962173 +308 420 4 887740216 +839 281 3 875752456 +851 272 5 891961663 +465 8 4 883530991 +648 455 3 882211685 +707 956 5 886287107 +500 301 2 888538350 +254 167 3 886474712 +841 892 3 889067182 +663 134 5 889493818 +796 1040 3 893047460 +506 770 3 874874110 +859 111 4 885776056 +807 495 4 892530792 +862 50 5 879304196 +791 50 5 879448338 +312 610 5 891698921 +757 1035 2 888469113 +846 36 2 883950665 +238 405 4 883576424 +360 56 4 880356131 +655 746 3 891999461 +197 182 3 891409935 +1 153 3 876893230 +684 596 3 875812351 +826 161 3 885690677 +436 43 2 887770300 +339 136 5 891033898 +586 295 3 884068393 +682 218 3 888520977 +856 879 3 891489450 +733 224 4 879535265 +546 181 5 885140754 +558 15 3 879436140 +530 204 4 883790833 +474 943 4 887925751 +727 109 2 883709266 +813 538 3 883752380 +773 1187 3 888540020 +724 326 4 883757671 +648 168 5 884797068 +486 1 4 879874870 +763 69 4 878915600 +738 174 5 875349968 +825 298 5 880756726 +391 471 2 877399864 +26 678 2 891349122 +820 538 3 887954906 +417 79 3 879647924 +292 50 4 881103977 +709 452 3 879848318 +863 754 3 889289067 +732 324 2 882590201 +749 245 4 878846423 +563 70 4 880506528 +784 292 4 891387315 +653 654 2 880606620 +280 228 3 891701405 +42 660 3 881108484 +706 7 3 880997412 +179 914 5 892151174 +332 356 3 888360396 +39 272 2 891400094 +815 102 3 878694028 +606 93 4 878142865 +308 182 5 887737194 +357 407 3 878952341 +642 726 2 886570131 +548 898 1 891043509 +327 507 4 887744205 +699 405 3 878882608 +532 781 5 877635505 +844 423 3 877382762 +418 750 2 891282626 +790 230 4 885155846 +536 404 4 882359838 +622 396 1 882671222 +772 332 4 877533731 +619 17 1 885954184 +852 323 3 891036039 +707 602 4 886287290 +658 488 4 875148196 +49 1075 2 888066424 +756 3 1 874829174 +666 255 4 880313423 +690 237 4 881178330 +653 597 4 878854810 +437 629 3 881002405 +766 95 3 891309421 +373 433 3 877098223 +793 109 4 875104119 +768 332 4 879523820 +201 212 4 884111899 +422 447 4 879744143 +715 232 4 875964905 +835 610 5 891034401 +272 208 4 879455176 +429 847 3 882385569 +543 663 4 874866208 +689 121 5 876676433 +661 194 5 876016667 +552 405 3 879222268 +690 234 4 881179878 +643 211 4 891447617 +776 569 3 892920403 +535 79 3 879618502 +571 194 3 883354818 +543 397 3 877547005 +633 1046 4 877212085 +786 240 1 882842762 +851 255 3 890343651 +412 211 4 879717177 +694 237 4 875728509 +846 136 3 883947861 +607 212 3 883880052 +653 193 4 878866951 +833 614 2 875131539 +381 462 4 892697442 +836 507 4 885754149 +851 544 4 874728396 +554 684 4 876550342 +722 678 3 891280443 +280 111 4 891700983 +823 233 4 878439365 +340 15 5 884991396 +391 148 3 877400062 +666 616 3 880139253 +499 153 4 885599269 +363 186 3 891494865 +405 60 1 885549589 +455 660 4 879111454 +650 69 2 891382877 +773 171 5 888538726 +582 475 5 882961000 +747 929 3 888733218 +5 189 5 878844495 +846 1411 4 883950364 +702 1127 2 885767414 +476 56 4 883365019 +690 233 3 881179968 +268 201 3 875309801 +393 184 4 889555251 +104 250 3 888465972 +632 1 3 879458692 +707 647 5 880061652 +494 86 3 879541298 +83 820 2 881971231 +639 651 4 891239349 +782 532 2 891499370 +389 588 5 879991298 +794 557 4 891036008 +436 1227 2 887772028 +587 323 4 892871284 +82 169 4 878769442 +280 385 5 891702544 +507 691 5 889964162 +452 127 5 885544109 +567 474 5 882426135 +405 727 1 885546247 +391 479 4 877399030 +802 1025 3 875984637 +355 329 3 879486421 +399 401 3 882350710 +643 1139 3 891449680 +118 258 5 875385386 +318 265 4 884495664 +102 265 3 888801622 +846 403 3 883948765 +244 1150 4 880604195 +804 675 3 879445355 +854 126 3 882812826 +390 13 2 879694409 +537 474 5 886030805 +795 742 2 880556833 +775 269 4 891032742 +158 810 4 880134759 +548 358 2 891043547 +798 465 4 876176115 +766 675 3 891308927 +368 777 2 889783586 +301 404 3 882076463 +498 83 3 881957846 +437 432 3 880140854 +830 22 5 891561673 +686 174 4 879545966 +59 633 3 888204641 +487 588 5 883446725 +445 644 3 890988205 +838 497 5 887067162 +12 228 4 879959465 +447 1326 4 878854838 +506 497 5 874873703 +14 173 4 879119579 +830 177 4 891561870 +508 234 4 883767465 +585 1558 5 891282893 +833 1214 4 875225193 +378 1053 3 880332831 +459 286 4 879561532 +643 404 4 891447959 +788 10 4 880869584 +582 293 5 882961082 +618 526 5 891308141 +308 567 4 887741329 +637 934 1 882905285 +433 293 3 880585843 +805 603 4 881696335 +676 64 5 892686563 +712 60 1 874730520 +573 347 4 885843476 +455 591 4 879109923 +714 15 3 892777197 +654 97 3 887864727 +606 12 2 880924384 +299 749 1 877618647 +398 429 4 875716829 +725 100 5 876106729 +691 478 4 875543281 +606 655 4 880926469 +417 810 3 879649178 +216 763 4 880232953 +788 53 1 880871717 +237 176 3 879376328 +749 841 3 878850768 +846 736 4 883948874 +804 1 5 879442661 +716 282 3 879793501 +850 490 5 883194859 +199 408 5 883782716 +389 945 4 880165070 +605 357 5 879426180 +397 210 4 885349825 +403 100 5 879785974 +665 109 4 884292654 +733 322 2 879536523 +230 168 4 880484616 +435 321 3 889722170 +345 65 4 884992158 +778 209 4 890769470 +391 628 4 877399864 +498 124 3 881955291 +790 572 3 885157956 +843 145 3 879443597 +479 148 2 879460354 +303 271 2 879466065 +766 674 3 891310772 +833 22 3 875122716 +450 1282 3 882394364 +489 268 2 891448453 +13 228 4 882140389 +177 642 4 880130972 +378 435 4 889665232 +216 673 4 880244779 +835 1153 4 891035309 +782 1379 3 891500028 +860 4 4 885991163 +561 673 3 885809313 +271 481 3 885848559 +623 121 4 891034129 +551 177 5 892777274 +756 1274 2 874828278 +407 756 2 876348232 +85 50 5 882813248 +435 926 3 884133972 +782 515 3 891500028 +553 1009 4 879949212 +412 150 4 879717621 +745 181 2 880122965 +743 879 4 881277656 +798 222 3 875295616 +116 315 3 886309605 +436 99 3 887770344 +825 864 3 880756725 +567 23 4 882426740 +749 231 4 878849660 +487 71 3 883530786 +472 386 5 892790953 +268 178 4 876518557 +716 526 5 879795269 +830 402 4 892503093 +360 297 4 880354484 +569 258 5 879792991 +848 152 5 887046166 +746 24 4 885075434 +642 292 2 887663326 +201 46 4 884140247 +379 141 4 880525839 +49 725 2 888069354 +712 26 2 874957053 +358 65 4 891270405 +744 238 4 881170416 +496 147 3 876064356 +508 91 4 883767246 +741 275 4 891019587 +776 22 5 891628752 +823 274 4 878439038 +694 378 3 875730313 +592 252 3 882608915 +566 684 4 881649802 +747 1067 2 888733348 +542 71 3 886533562 +22 89 5 878887680 +663 260 2 889491861 +806 24 3 882385394 +500 472 3 883865374 +642 66 5 885603740 +484 174 5 891195298 +787 259 4 888979721 +499 117 3 885599246 +627 70 4 879530408 +659 578 3 891387351 +774 258 1 888555792 +716 28 5 879794815 +667 192 5 891034947 +648 145 4 884883616 +78 25 3 879633785 +663 288 4 889491617 +328 318 5 885045740 +830 95 3 891561474 +625 168 3 891262837 +496 469 3 876065962 +585 18 2 891283124 +532 722 3 888629836 +524 498 5 884636453 +764 1221 4 876430033 +554 13 2 876232730 +826 684 3 885690600 +843 195 4 879444711 +766 951 3 891310540 +654 735 4 887864846 +845 903 4 885409493 +832 334 2 888259984 +59 662 3 888206125 +389 88 3 880613773 +854 409 2 882813421 +608 418 1 880405971 +599 276 2 880951439 +534 477 3 877807780 +683 133 5 893286208 +606 471 4 878146986 +61 269 3 891206125 +773 228 3 888539993 +472 174 5 875981595 +128 605 3 879967804 +293 469 4 888906378 +450 168 5 882376803 +407 158 2 876342927 +682 772 4 888517922 +640 180 5 874777528 +851 338 3 891961750 +707 900 4 890008041 +612 275 5 875324710 +488 707 2 891294707 +655 764 1 887431074 +682 121 4 888520799 +638 176 3 876694861 +727 265 4 883710326 +221 55 4 875245319 +595 546 4 886922069 +551 92 5 892783672 +608 742 4 880406299 +837 19 4 875721948 +529 322 4 882535383 +227 249 2 879035775 +665 9 4 884290608 +606 24 5 878143509 +795 240 2 883767338 +467 1226 4 879532744 +286 431 5 889651822 +682 47 1 888517870 +778 121 3 890803561 +588 161 4 890015580 +445 1081 1 891200447 +393 1016 5 887744688 +643 739 3 891449476 +627 802 2 879531557 +751 269 5 888871900 +373 213 4 877100061 +340 502 2 884991678 +405 545 1 885547766 +561 480 4 885807484 +774 135 3 888556600 +853 331 2 879364822 +788 218 4 880871328 +616 303 4 891224558 +727 50 4 883708951 +825 50 4 880755418 +593 106 2 875660347 +246 724 4 884922383 +853 245 3 879365091 +21 994 2 874951104 +856 678 3 891489666 +863 264 3 889289385 +436 327 5 887768694 +405 777 1 885548275 +392 50 5 891038110 +719 118 2 879360001 +846 1286 4 883948173 +642 871 3 885605835 +283 412 5 879297526 +828 753 4 891037047 +709 127 5 879847945 +592 939 3 882956510 +725 358 3 876103744 +766 493 4 891309261 +841 331 5 889066999 +843 183 5 879443800 +94 504 5 885870612 +553 56 4 879949042 +655 337 2 887433538 +660 99 2 891200704 +286 278 5 876521700 +297 228 2 875238984 +302 289 3 879436874 +561 215 3 885809872 +846 603 5 883947960 +666 856 5 880139765 +856 258 4 891489356 +755 302 4 882569771 +796 326 4 892612032 +659 131 4 891383412 +468 97 5 875288503 +757 193 4 888445521 +847 405 3 878938982 +782 1669 2 891500150 +807 612 5 892528690 +313 625 4 891030189 +696 313 3 886403672 +625 23 4 891263960 +524 414 4 884635136 +618 23 5 891306990 +774 849 1 888557482 +151 222 5 879525002 +759 298 4 875227858 +178 304 4 882823375 +798 142 3 876175427 +839 276 3 875751799 +486 327 3 879874112 +715 179 4 875963596 +826 1219 4 885690442 +606 129 3 878142865 +815 465 5 878694952 +425 343 3 890346517 +344 26 3 884901561 +308 671 4 887739014 +718 742 5 883348873 +514 13 3 876063880 +748 176 5 879454773 +381 134 5 892696347 +81 1059 3 876534366 +577 468 3 880474766 +472 742 5 883903715 +655 855 3 887428965 +807 22 5 892528470 +851 564 3 875806892 +621 578 5 874964604 +650 502 3 891387353 +766 272 4 891306880 +774 436 2 888557739 +841 748 4 889067253 +804 568 4 879442793 +380 651 3 885478292 +655 1147 3 887472767 +634 991 3 875729239 +727 378 3 883712603 +854 122 3 882813287 +857 294 3 883432251 +308 69 2 887738664 +711 420 5 879995302 +437 237 4 880140466 +727 386 2 883712805 +282 319 4 879949394 +434 151 5 886724453 +653 941 1 880153040 +850 202 4 883194737 +450 630 3 882376188 +846 674 4 883949046 +144 14 4 888104122 +864 71 3 888889389 +765 25 4 880346418 +682 566 3 888519260 +65 531 4 879218328 +249 327 4 879571489 +661 684 3 888299899 +625 498 4 891263703 +197 1420 1 891409683 +757 129 3 888444400 +545 1228 3 884134603 +346 1217 4 886274201 +804 522 3 879445190 +625 144 4 891962917 +823 659 4 878437589 +838 169 4 887067390 +85 238 2 879453965 +804 243 3 879440727 +710 192 5 882063921 +45 7 3 881008080 +863 301 4 889289240 +472 443 4 875982149 +718 546 4 883349158 +751 386 3 889299078 +655 311 3 887473702 +694 584 4 875727877 +447 1016 3 878854918 +311 645 5 884366111 +660 38 2 891201842 +167 615 5 892738277 +518 121 5 876823804 +760 50 3 875666268 +619 53 2 885954341 +798 662 3 875916187 +763 418 4 878921530 +722 458 4 891280955 +650 636 3 891370066 +763 98 4 878914968 +684 202 4 878759384 +796 393 4 893218933 +669 12 5 891517287 +690 120 1 881179469 +625 655 3 891999926 +601 210 4 876350060 +84 823 3 883452672 +653 575 1 880153406 +417 796 4 879648881 +788 76 3 880869323 +447 546 2 878854704 +806 150 4 882385563 +227 405 2 879035934 +298 820 4 884183897 +864 408 5 877214085 +682 384 2 888522073 +705 284 3 883427190 +751 748 2 887135437 +543 94 3 877550791 +183 94 3 891466863 +239 647 5 889180651 +711 143 5 879993236 +864 53 4 888891794 +865 1028 1 880144024 +648 368 2 884366748 +833 157 2 875132195 +753 499 3 891402323 +758 529 4 881979609 +551 779 4 892785399 +429 277 4 882386096 +778 738 1 891578101 +807 1483 4 892527385 +506 684 5 874873529 +297 156 4 875240090 +846 585 2 883949643 +606 307 4 888334083 +765 242 5 880345862 +841 288 3 889067046 +480 294 1 891208058 +343 154 5 876406552 +648 444 3 884883679 +544 331 3 884795516 +358 174 1 891270560 +847 238 2 878939975 +862 407 3 879303843 +672 815 4 879788819 +798 270 4 880483677 +712 623 4 874729778 +188 318 5 875072518 +683 682 1 893284032 +387 526 4 886483150 +357 687 3 878951101 +805 358 3 879971215 +16 87 4 877720916 +748 357 3 879454584 +786 234 3 882843753 +838 311 4 887060659 +403 118 5 879785974 +795 184 4 880588118 +279 550 4 880850073 +435 781 3 884133447 +693 606 4 875484584 +847 1172 1 878939803 +326 849 1 879876975 +788 1135 2 880871460 +811 304 5 886377311 +535 702 1 879619067 +848 584 3 887039531 +854 1014 3 882813315 +125 1270 3 892838977 +714 300 5 892778035 +757 423 3 888445279 +775 272 4 891032742 +864 642 3 888890432 +332 240 4 887938299 +826 188 4 885690636 +778 204 4 890726518 +807 1138 5 893084886 +825 832 3 881101246 +846 672 4 883949594 +537 338 1 886029239 +697 1160 1 882622824 +286 747 4 877533796 +798 1517 4 875743605 +703 237 5 875242787 +661 209 4 876013492 +743 222 4 881277962 +139 242 3 879537876 +567 1021 4 882425736 +752 311 3 891207983 +292 197 5 881105246 +648 15 1 884795447 +363 4 5 891494962 +475 127 4 891627857 +279 864 5 875296829 +663 742 4 889492720 +540 475 4 882156983 +370 193 4 879435168 +234 100 4 892079769 +829 250 3 882816754 +125 49 3 879455241 +598 343 2 886710795 +735 327 3 876698022 +669 258 2 891182622 +298 132 5 884182966 +417 501 3 879647540 +489 538 4 891448222 +716 412 2 879794727 +648 9 1 884795447 +524 419 1 884635031 +458 283 5 886394730 +790 191 3 885155209 +537 212 3 886032123 +727 232 3 883712780 +17 111 3 885272674 +294 268 4 889241426 +817 147 3 874815947 +268 423 2 875309859 +770 325 4 875971703 +767 176 3 891462759 +293 528 4 888906490 +254 142 3 886474489 +435 369 1 884134771 +535 511 3 879618655 +804 184 5 879441727 +255 546 3 883216902 +621 270 4 890517239 +419 50 5 879435541 +785 301 4 879438565 +515 1430 3 887658604 +618 98 5 891307494 +276 443 4 874792692 +773 100 4 888539347 +406 418 5 879793081 +834 762 4 890863072 +833 449 2 875223923 +645 427 5 892053483 +697 300 5 882621431 +337 50 5 875184413 +605 153 4 879424784 +58 313 5 884304267 +650 644 3 891371061 +645 134 5 892054364 +416 699 5 893212895 +775 331 4 891032923 +321 651 3 879441178 +757 24 4 888444616 +216 356 3 880245125 +535 213 5 879618849 +21 975 3 874951447 +288 528 4 886374286 +286 22 4 877532889 +474 131 4 887927509 +514 211 3 876067235 +851 760 4 875730418 +712 404 3 874730467 +234 125 3 892335739 +542 315 4 886532120 +334 931 1 891549513 +731 508 1 886186811 +786 183 4 882843150 +50 124 1 877052400 +758 1025 3 881295176 +741 25 3 891458428 +772 304 4 876250442 +727 775 4 883713147 +275 448 3 880314383 +308 194 5 887739257 +682 386 2 888521942 +795 1110 3 883251943 +868 204 2 877105882 +151 168 5 879528495 +103 118 3 880420002 +676 258 2 892685370 +717 282 5 884642817 +198 823 2 884206587 +42 1046 3 881108760 +786 143 4 882843039 +643 92 4 891447835 +293 663 3 888906516 +578 324 1 888957735 +437 450 3 880143040 +158 511 5 880134296 +802 56 3 875985601 +777 157 3 875980235 +718 879 2 883348355 +1 101 2 878542845 +854 273 4 882812852 +835 609 4 891034310 +784 286 3 891386988 +212 318 5 879303928 +94 417 3 891722799 +634 741 3 875728834 +830 633 4 891898661 +181 222 4 878962919 +345 1101 4 884993436 +458 250 1 886396637 +622 402 3 882670252 +122 83 5 879270327 +478 447 4 889396732 +427 328 4 879700908 +843 635 2 879443544 +733 459 4 879535440 +185 286 4 883523876 +711 1160 5 884485704 +301 318 5 882075962 +458 298 5 886396677 +832 326 4 888259121 +798 306 3 875637329 +436 340 5 887768445 +708 362 1 892718575 +434 283 3 886724505 +112 245 4 884992691 +668 752 4 890349005 +642 470 4 886206991 +851 527 5 891961663 +588 1469 3 890026705 +839 475 5 875751856 +741 202 3 891455316 +328 520 5 885045844 +312 673 5 891699426 +379 502 5 887437190 +308 653 5 887736999 +666 582 4 880139642 +532 833 4 888629804 +560 181 4 879975661 +573 22 4 885844394 +80 86 5 887401496 +867 660 4 880078723 +438 815 5 879868581 +776 661 5 893077159 +686 135 5 879547276 +585 740 4 891284588 +487 1074 1 884051840 +771 873 3 886635816 +796 427 4 892662355 +542 121 2 886532381 +851 172 5 875731567 +532 191 5 888635366 +852 118 4 891037262 +184 134 5 889909618 +579 194 5 880952271 +474 510 4 887925837 +838 480 4 887066078 +805 161 1 881694823 +655 582 2 887427131 +712 781 4 874956841 +658 1101 4 875147995 +782 1511 2 891500194 +828 1268 2 891038098 +85 357 4 879454045 +650 181 4 891371116 +313 489 4 891017372 +650 1 3 891369759 +409 530 4 881107602 +547 303 3 891282715 +796 56 5 892663009 +716 705 5 879794892 +435 108 1 884132540 +815 31 4 878695490 +314 72 2 877888996 +600 576 3 888451840 +717 358 2 884642001 +507 121 5 889965997 +756 325 3 874832132 +110 1182 2 886989566 +847 763 1 878775914 +619 295 4 885953804 +833 128 3 875123536 +548 13 1 891415677 +716 427 5 879795375 +268 588 3 875310745 +867 196 3 880079043 +201 173 3 884111360 +655 882 3 887473879 +665 215 2 884294880 +784 271 3 891387623 +457 709 5 882547856 +775 343 4 891033022 +627 51 5 879530866 +786 381 3 882843397 +758 441 3 882054797 +709 294 3 879847304 +682 659 1 888520638 +503 707 5 880382768 +334 217 2 891549805 +495 421 1 888634389 +682 991 2 888518871 +845 877 2 885409719 +70 63 3 884151168 +482 881 3 887644022 +553 197 5 879948831 +699 1068 3 879146547 +664 71 4 878090125 +682 720 4 888522699 +790 91 3 885157862 +196 762 3 881251955 +790 386 2 885158208 +864 50 5 877214085 +798 1049 3 875638150 +748 50 5 879454428 +512 273 5 888579645 +854 281 3 882813047 +627 12 4 879529819 +554 1042 3 876550610 +711 216 4 879993149 +593 1012 3 877727961 +846 519 4 883947694 +658 169 5 875147935 +786 132 5 882842946 +471 225 5 889828026 +655 512 3 887474050 +825 508 4 880756725 +417 668 2 880953014 +601 1540 2 876350017 +398 173 4 875719080 +825 1015 2 880756321 +867 480 5 880078401 +551 802 4 892784437 +703 222 4 875242704 +535 319 5 879617310 +650 228 4 891369954 +470 9 5 879178370 +727 658 5 883711720 +697 181 4 882621913 +780 172 5 891363723 +712 1469 4 874730206 +846 651 3 883948141 +859 25 4 885776056 +861 170 5 881274672 +334 154 4 891547235 +831 1 4 891354573 +805 223 5 881698139 +625 603 4 891636000 +632 684 5 879457903 +629 4 3 880117513 +694 228 4 875727306 +385 1022 3 883791570 +810 326 5 891873739 +94 69 3 885870057 +334 171 4 891546132 +44 447 4 878347598 +395 216 3 883764378 +221 121 2 875244813 +548 156 5 891044356 +867 23 5 880078723 +679 196 4 884487610 +830 227 3 891561737 +405 365 1 885545672 +391 48 4 877399171 +249 2 3 879641284 +798 29 4 875915913 +548 595 4 891416071 +865 928 1 880144368 +693 188 2 875483847 +653 97 3 878854383 +246 1039 4 884921227 +705 550 2 883428058 +454 114 3 881960330 +654 1 4 887863557 +782 1038 4 891498213 +202 195 4 879726914 +843 152 2 879446458 +405 202 4 885547221 +774 357 2 888556434 +846 601 5 883947500 +267 203 5 878972241 +319 682 3 879977089 +645 660 3 892055628 +289 742 4 876789463 +731 945 4 886183209 +179 902 1 892151064 +868 1031 1 877109535 +610 210 3 888703290 +300 1094 5 875650298 +572 124 5 879449610 +786 191 4 882843272 +434 628 1 886724873 +790 708 3 885158082 +711 568 3 879995238 +790 864 4 884462647 +276 1000 2 877935262 +225 603 5 879540649 +721 325 3 877137109 +363 120 1 891500218 +267 239 4 878972873 +334 1226 4 891545540 +276 783 1 874792143 +246 174 3 884921086 +588 51 4 890026395 +825 741 4 881343947 +119 259 4 886175571 +707 902 5 890008121 +598 312 5 886711452 +770 288 4 875971612 +434 287 5 886724359 +697 25 3 882622188 +843 159 2 879443951 +506 168 5 874874055 +765 286 5 880345862 +217 385 2 889069808 +151 208 4 879524443 +846 648 5 883948343 +610 183 4 888703749 +378 77 4 880056453 +497 195 4 879310730 +788 983 3 880871173 +530 195 3 883784105 +716 488 4 879796171 +767 506 5 891462829 +474 526 5 887927339 +221 1437 3 875245967 +659 524 4 891332158 +704 657 4 891397667 +10 59 4 877886722 +848 615 5 887037980 +455 289 3 892230574 +643 268 4 891450748 +805 154 5 881704063 +833 928 2 879818689 +523 1014 5 883700307 +330 202 5 876546948 +643 483 4 891446889 +373 941 4 877105563 +269 181 2 891448871 +418 327 1 891282836 +117 265 4 881012940 +500 69 4 883873839 +389 42 4 879991147 +854 925 2 882813179 +809 328 5 891036989 +355 306 4 879486422 +407 98 5 875044510 +788 121 4 880869469 +396 597 4 884646647 +796 615 4 892690263 +562 435 4 879195125 +804 403 3 879445739 +338 523 3 879438366 +701 50 5 891447197 +110 12 4 886987826 +545 546 3 879901281 +798 940 1 875914898 +276 820 3 874793062 +239 205 3 889181015 +639 83 4 891239790 +650 200 4 891386047 +343 234 1 876405633 +768 826 1 883835210 +588 443 3 890024876 +65 356 5 879216825 +786 15 3 882841855 +682 576 4 888522754 +648 931 2 882212609 +707 498 3 886286133 +127 228 5 884364866 +857 321 4 883432352 +690 168 3 881177376 +395 739 3 886481149 +832 471 4 888260089 +717 405 3 884642738 +773 14 5 888538620 +757 333 4 888443263 +750 881 2 879446114 +864 273 5 878179555 +591 428 4 891031500 +618 283 3 891309217 +18 956 5 880131525 +840 98 5 891204160 +796 381 3 893047208 +782 315 4 891497698 +561 71 2 885810039 +158 232 3 880134477 +624 295 3 879793511 +840 498 5 891204264 +686 181 4 879547337 +592 194 4 882955543 +537 464 4 886031506 +782 1258 2 891499440 +862 210 4 879304410 +504 773 3 887909936 +744 50 3 881172357 +532 1016 4 888636450 +575 321 3 878146540 +405 858 1 885548435 +679 70 4 884487325 +269 451 1 891450880 +557 532 5 881095916 +181 332 2 878961173 +786 465 4 882844010 +840 663 4 891204322 +265 107 1 875320398 +655 1198 3 888984538 +823 404 4 878438484 +320 240 3 884748818 +537 213 4 886031830 +795 831 2 880560971 +498 1073 3 881961496 +708 283 1 892719363 +846 193 5 883948417 +837 628 3 875722225 +843 403 2 879444934 +717 340 4 884641599 +841 270 4 889067045 +870 517 2 875680597 +805 1170 5 881700749 +804 209 3 879442538 +493 1 3 884130416 +766 431 3 891310067 +405 723 1 885546288 +535 64 5 879617531 +629 12 5 880117333 +305 486 5 886323563 +843 449 3 879444083 +48 524 3 879434723 +592 597 2 882609056 +293 97 4 888905898 +276 447 4 874792663 +571 657 4 883354992 +299 166 4 889501926 +181 1380 1 878962086 +828 1073 4 891036630 +815 96 5 878693871 +365 1 4 891303999 +505 604 5 889333598 +863 1294 4 889289618 +634 477 3 876171093 +820 289 2 887955020 +825 1291 2 889021258 +207 255 3 877845763 +843 227 3 879443908 +782 1386 3 891500066 +682 959 4 888521803 +843 205 4 879446888 +796 603 4 892662152 +472 33 5 875981829 +597 111 3 875342355 +738 511 4 875349584 +671 31 2 883546333 +655 845 2 887426446 +739 56 4 886958938 +774 254 1 888559144 +234 1021 4 892333765 +669 172 3 891517159 +722 13 2 891281876 +766 209 3 891309053 +236 655 3 890116670 +597 24 3 875341858 +757 179 4 888467855 +860 289 3 880829225 +715 1047 3 875962500 +772 313 5 889028363 +660 168 5 891199477 +527 211 4 879456289 +788 370 2 880870881 +839 1664 1 875752902 +372 44 4 876869837 +749 755 4 878848866 +577 307 3 890089564 +642 765 3 885606234 +659 204 4 891384152 +450 1303 4 887136016 +440 272 5 891546631 +843 151 2 879447007 +824 286 2 877020871 +686 12 5 879545758 +185 701 3 883524364 +308 131 4 887739383 +588 173 5 890024677 +324 270 5 880575045 +817 15 3 874815836 +233 121 4 880190627 +783 328 4 884326545 +256 554 4 882164644 +234 445 2 892334713 +541 676 3 883865063 +579 582 4 880952102 +586 121 5 884062010 +840 234 5 891204948 +109 222 4 880563471 +858 286 4 879458829 +489 751 5 891362773 +778 496 1 891234406 +707 224 4 880059876 +851 405 5 874767550 +828 301 2 893186210 +600 195 4 888451492 +823 229 3 878439211 +830 696 2 892502651 +262 418 3 879794223 +499 530 4 885599390 +268 259 3 876513675 +527 286 2 879455354 +87 27 4 879876037 +682 89 4 888522418 +549 181 4 881672241 +393 139 4 889729185 +634 1335 2 877017975 +45 151 2 881013885 +682 1090 2 888521047 +197 184 1 891409981 +495 144 4 888634070 +301 323 4 882075110 +868 398 1 877109082 +771 542 4 880659834 +271 40 1 885849558 +712 955 2 874957293 +489 1613 4 891449466 +38 501 5 892429801 +846 423 4 883949335 +299 165 4 889501890 +130 1276 4 876251312 +850 56 1 883195034 +104 127 3 888465201 +497 97 4 879310473 +749 183 5 878847286 +313 309 4 891031125 +698 283 2 886367849 +829 339 2 891992167 +64 751 2 889737047 +49 328 2 888068651 +818 1105 1 891883071 +462 136 4 886365498 +848 480 5 887040025 +145 890 2 885557505 +542 523 4 886532788 +761 222 4 876190025 +276 7 5 874786517 +115 741 3 881170065 +871 245 3 888192475 +416 509 5 893214041 +756 421 4 874829637 +796 974 3 893194740 +373 194 4 877098714 +437 292 5 880139631 +655 296 4 888474934 +532 310 4 888634802 +411 222 3 891035152 +761 1014 1 876190256 +757 205 4 888467498 +281 342 1 881200789 +22 228 4 878887810 +848 207 5 887043265 +766 504 3 891309484 +665 1061 4 884292654 +2 127 5 888552084 +825 472 5 880756442 +846 483 5 883948173 +6 298 3 883599558 +128 451 4 879967879 +394 216 3 880888063 +715 743 2 875962806 +11 54 3 891905936 +653 380 3 880151984 +749 176 4 878847954 +271 591 4 885847901 +495 202 4 888633042 +727 159 2 883712016 +293 285 5 888904632 +472 562 5 875983023 +453 48 4 877553761 +588 941 5 890026513 +607 311 4 883879971 +472 260 4 875977827 +854 79 4 882814298 +796 217 4 893218556 +62 708 3 879375912 +825 924 2 880756725 +862 505 4 879305016 +342 320 5 875318833 +805 423 1 881698175 +532 483 5 892867296 +303 773 4 879466891 +569 1197 4 879793465 +838 223 3 887065807 +357 322 3 878951101 +562 144 5 879196445 +830 651 4 891561737 +445 689 1 891199458 +846 796 1 883950524 +721 402 4 877147200 +290 596 4 880474141 +840 737 4 891205320 +830 183 4 891462467 +831 1063 4 891354668 +498 229 2 881961877 +807 679 4 892705307 +631 307 4 888465033 +279 44 1 875313514 +23 153 4 874786438 +783 345 4 884326461 +389 301 4 879916385 +59 290 3 888203750 +655 328 2 887425025 +468 180 5 875291902 +417 164 3 879648156 +862 127 5 879304196 +684 395 2 878762243 +708 274 4 877326086 +823 568 3 878439293 +786 199 4 882843006 +385 1017 3 883791666 +850 566 5 883195256 +674 315 3 887762296 +215 88 3 891436277 +460 279 2 882912316 +106 566 4 881452711 +811 294 4 886377483 +694 489 4 875727640 +683 911 3 893286346 +175 273 2 877107640 +851 240 4 875730629 +596 323 4 883538965 +269 464 3 891448283 +541 38 3 883871617 +710 1 4 882064377 +269 121 1 891451013 +709 181 4 879846375 +648 546 4 882211736 +587 313 5 892870956 +79 340 4 891271180 +378 13 3 880044609 +89 236 5 879441400 +766 1203 3 891309421 +608 207 5 880404975 +221 651 4 875245350 +870 952 3 880584584 +332 1042 4 888360396 +854 255 1 882812852 +854 291 2 882813074 +265 282 5 875320714 +554 378 4 876549808 +655 1071 2 888984293 +798 576 3 875639324 +405 1387 2 885549745 +773 204 3 888539559 +864 168 4 888888067 +773 47 4 888539512 +196 173 2 881251820 +846 1110 3 883950390 +847 434 3 878941520 +852 257 4 891036414 +764 588 5 876246409 +875 772 5 876465188 +783 260 4 884326690 +805 91 5 881695527 +867 211 3 880078484 +844 179 3 877387548 +500 300 4 883864749 +533 48 4 879191373 +18 603 3 880129388 +24 132 3 875323274 +592 730 4 882956011 +747 509 5 888639176 +503 744 2 879454442 +416 418 4 876699793 +560 1021 4 879975718 +567 647 5 882425998 +823 333 3 878439845 +664 717 1 876526555 +655 282 3 888685989 +660 100 3 891198063 +141 255 4 884585039 +707 1311 3 886287608 +775 307 4 891032989 +349 276 5 879465841 +137 1028 5 881433409 +605 143 1 879424345 +6 535 2 883600030 +32 298 5 883717581 +642 96 5 885842289 +661 189 4 876013850 +727 403 4 883712282 +343 189 4 876405697 +661 215 3 876015657 +821 181 4 874792521 +648 22 4 884628482 +727 156 4 883710326 +805 582 3 881698798 +254 62 3 886474009 +49 919 5 888066133 +605 126 5 880762240 +710 654 4 882064524 +303 833 2 879484327 +104 272 4 888441878 +497 167 2 879363111 +862 357 3 879305204 +492 193 4 879969415 +838 1115 4 887064476 +130 739 5 876252420 +699 111 3 878881875 +592 132 5 882955794 +553 153 5 879949107 +480 100 4 891207715 +789 1161 3 880332189 +415 531 5 879439684 +682 257 2 888518704 +731 56 2 886179161 +325 523 3 891478376 +463 137 2 877385237 +768 252 3 880136317 +694 528 3 875728842 +724 358 1 883757834 +664 588 3 878092569 +710 269 3 882063224 +650 187 2 891381585 +91 651 5 891439057 +846 1055 3 883949459 +694 230 4 875727143 +774 4 2 888556090 +794 24 5 891035957 +416 553 4 886317079 +565 462 4 891037692 +694 496 4 875727640 +797 781 5 879439594 +711 191 5 879993959 +21 260 2 874950972 +344 311 4 884814359 +683 915 2 893282977 +831 273 3 891354773 +709 145 3 879848319 +521 298 3 884476126 +807 127 3 892529647 +846 443 4 883948643 +606 196 4 880926759 +520 311 3 885168591 +539 372 2 879787985 +796 815 4 893047321 +160 1134 4 876768828 +876 294 4 879428145 +476 294 3 883365634 +334 896 5 891544049 +705 118 4 883427377 +429 483 5 882384821 +733 275 3 879535265 +453 196 4 877554174 +753 462 4 891401510 +601 288 1 876346515 +680 286 4 876815942 +655 403 2 891585574 +443 294 5 883504593 +716 478 4 879795735 +126 350 2 887854892 +758 202 5 881976821 +342 188 3 875318936 +582 151 4 882961133 +687 288 4 884651576 +323 993 4 878739488 +821 174 5 874793773 +727 866 3 883709710 +872 332 3 888480019 +160 150 4 876767440 +829 1018 2 881707829 +234 45 4 892079140 +472 215 4 875981968 +264 186 5 886123728 +627 205 5 879529767 +280 72 4 891702276 +680 515 4 876816268 +714 763 4 892777903 +200 742 4 876042133 +467 1012 3 879532534 +843 413 2 879443482 +32 268 5 883709797 +690 1042 4 881180035 +829 512 4 881698976 +576 475 1 887168978 +654 195 4 887864350 +757 684 4 888445864 +766 231 2 891310851 +758 554 3 882055007 +151 302 3 879523860 +579 204 3 880952201 +534 105 4 877808198 +276 148 3 874786924 +442 55 3 883390813 +831 340 4 891354000 +207 22 3 875509262 +844 71 3 877388040 +804 678 4 879440700 +788 204 3 880868644 +564 930 3 888730699 +643 50 4 891445140 +426 653 4 879442841 +303 1034 1 879544184 +846 555 2 883949508 +791 286 3 879447907 +246 1135 1 884922605 +566 219 1 881651286 +558 286 4 879435828 +864 708 3 888889863 +668 124 3 881605489 +843 416 2 879448352 +521 742 3 884477512 +347 369 4 881653300 +660 29 2 891357371 +659 58 4 891385012 +735 100 2 876698796 +450 332 4 882369964 +718 982 4 883348912 +574 262 5 891279122 +474 313 4 887914615 +620 769 4 889987706 +805 274 2 881705055 +385 217 2 879448208 +655 181 3 887425601 +875 169 5 876465025 +795 756 3 880559895 +747 282 2 888640475 +279 22 1 875296374 +845 750 3 885409719 +624 248 4 879793485 +536 164 4 882361018 +684 151 3 875810633 +279 1178 4 875744641 +804 259 4 879440700 +866 319 4 891221302 +835 216 4 891033560 +262 367 4 879792818 +834 275 3 890862648 +853 748 2 879364883 +407 508 4 876348660 +738 144 5 892844079 +679 184 4 884487491 +201 93 5 884113662 +694 449 4 875727271 +279 257 5 875295736 +608 283 4 880406623 +663 710 3 889493437 +452 132 2 875560255 +627 176 5 879531158 +6 132 5 883602422 +692 1054 3 876954197 +260 350 4 890618476 +527 197 4 879455740 +766 507 3 891309878 +682 255 3 888518722 +694 429 4 875726759 +497 1077 4 879361847 +645 673 3 892054600 +62 1130 4 879376686 +334 179 4 891546231 +854 318 5 882813825 +716 651 5 879796278 +868 738 2 877108624 +775 300 4 891032956 +234 116 2 892079434 +429 203 5 882385684 +727 783 3 883713737 +650 509 3 891372233 +429 729 2 882386684 +276 257 4 874786657 +285 194 4 890595777 +767 657 4 891462917 +2 285 5 888552084 +828 1196 2 891036492 +397 390 3 885349427 +812 1393 3 877625224 +643 470 4 891448352 +862 288 5 879302533 +298 479 5 884182685 +796 249 1 892661011 +833 208 3 875039326 +478 367 4 889396235 +868 562 2 877112440 +707 1251 4 880059647 +823 1107 3 878438332 +828 874 3 891380355 +506 90 2 874876599 +738 403 3 875351638 +777 117 5 875979380 +871 515 4 888193176 +666 432 3 880139439 +173 327 5 877557168 +543 29 2 877546306 +631 338 2 888465299 +630 7 4 885666571 +444 258 3 890246907 +470 286 4 879178216 +710 204 4 882063824 +709 161 5 879848511 +308 132 3 887737891 +393 496 5 887746119 +679 484 4 884486658 +864 208 4 888888994 +189 1315 3 893264220 +868 206 5 877108352 +560 132 3 879975485 +653 862 2 880153378 +652 538 4 882567012 +213 508 4 878870790 +387 1078 1 886483670 +104 895 2 888442507 +409 216 4 881107251 +864 1446 3 888889948 +297 92 3 875239346 +771 71 5 880659815 +860 283 4 885990998 +692 845 3 876948910 +545 202 4 879900388 +790 211 4 885156046 +457 91 4 882547302 +642 165 4 885604480 +805 83 4 881696671 +290 89 3 880473971 +393 206 3 889731329 +837 596 3 875721969 +794 847 5 891035822 +864 566 4 888889601 +653 222 3 884405596 +401 181 3 891032518 +102 117 3 888801232 +823 22 5 878438058 +854 287 3 882813143 +789 286 1 880332039 +825 742 4 880756224 +630 597 4 885667006 +5 446 4 875720845 +624 268 4 879791962 +833 191 4 875132134 +418 328 1 891282738 +397 195 3 885350381 +410 905 4 888627138 +781 64 4 879634387 +803 690 4 880055210 +782 1383 3 891499611 +798 52 3 876176979 +486 235 2 879875370 +741 48 4 891018550 +538 223 4 877107700 +798 71 3 875303589 +800 864 4 887646980 +650 430 4 891382138 +458 509 4 886397857 +608 606 5 880404693 +391 9 5 877399780 +804 105 3 879444077 +766 192 4 891309391 +757 38 3 888467038 +537 1475 2 886031786 +230 135 2 880485216 +6 462 5 883600914 +13 748 4 882140792 +402 628 3 876267067 +463 253 5 877387935 +711 173 3 879993890 +263 465 4 891299697 +707 419 3 886285968 +798 118 4 875295842 +655 605 3 887474241 +818 286 4 891870222 +474 58 4 887925977 +493 462 2 884132015 +234 378 4 892335213 +425 82 3 878738757 +823 91 3 878439365 +454 492 3 888266643 +680 25 4 876816310 +751 194 5 889297693 +748 250 5 879454383 +698 968 1 886368545 +701 272 5 891446559 +708 284 5 892719340 +618 471 3 891309041 +803 887 5 880054671 +148 190 2 877398586 +416 1428 3 886319204 +380 356 2 885480064 +758 732 4 881977057 +766 168 5 891309090 +343 568 1 876406640 +818 328 4 891870301 +92 257 2 875640273 +804 739 4 879444805 +642 554 4 885842962 +73 683 2 888792535 +821 118 3 874793218 +745 531 3 880123517 +264 98 5 886122098 +712 243 4 874956228 +654 210 5 887864350 +94 959 5 891725332 +280 584 4 891701223 +811 748 3 886377579 +255 294 2 883215406 +634 283 2 875728783 +213 218 4 878956074 +537 97 2 886031720 +699 1375 3 878882836 +429 163 4 882387599 +870 481 4 875680046 +862 215 4 879304624 +877 382 3 882677012 +23 171 5 874785809 +568 1286 4 877907327 +648 678 3 884366792 +753 50 4 891401902 +853 326 2 879364955 +843 265 3 879443865 +608 508 4 880406593 +453 184 4 877554846 +643 514 3 891446688 +868 1480 1 877111932 +1 168 5 874965478 +682 455 4 888521866 +707 8 5 886285762 +800 457 2 887646168 +612 1 4 875324876 +804 125 4 879443709 +648 179 4 884368442 +542 959 3 886532971 +320 27 3 884749384 +637 741 1 882903644 +709 727 2 879849049 +861 294 3 881274504 +381 855 3 892696291 +796 291 4 893188576 +523 508 3 883703495 +763 469 4 878915958 +488 498 3 891294707 +746 578 4 885075399 +763 162 4 878923433 +363 719 3 891498365 +747 109 5 888733274 +727 2 4 883711874 +87 692 5 879876565 +299 517 4 889502688 +786 283 4 882841906 +831 272 5 891353915 +711 217 4 879994454 +844 627 3 877388040 +799 499 4 879253969 +211 596 3 879460294 +741 288 4 891018070 +857 898 5 883432141 +774 234 2 888557683 +738 202 4 875351299 +59 15 5 888203449 +846 33 5 883948571 +495 173 5 888632180 +489 948 2 891447960 +500 768 2 883876596 +618 151 3 891309514 +692 249 3 876953681 +293 693 4 888906781 +472 358 5 892790676 +807 501 3 892529358 +13 371 3 882399385 +814 674 3 885411030 +666 200 5 880568465 +99 116 2 888469419 +450 3 4 882398220 +295 735 5 879519556 +843 217 4 879443341 +95 51 4 879198353 +577 399 4 880475269 +721 173 5 877138745 +840 496 5 891204089 +666 284 3 880313523 +796 313 4 892610692 +303 479 5 879466572 +747 596 5 888640437 +751 432 4 889134420 +405 1035 1 885548877 +606 735 5 880926610 +417 125 5 879646369 +493 168 5 884131143 +843 603 2 879446596 +96 265 5 884403758 +128 131 5 879967452 +642 13 4 886206806 +873 292 5 891392177 +327 257 2 887746728 +610 1 4 888703157 +747 301 1 888638335 +565 165 4 891037252 +851 68 3 875731722 +70 229 3 884064269 +731 478 4 886182555 +387 1110 2 886483009 +712 378 4 874730370 +792 1015 5 877910822 +496 743 2 876065190 +860 715 4 885991198 +586 809 3 884061459 +493 182 5 884130971 +387 569 2 886481737 +158 1047 4 880134261 +576 125 4 886985177 +378 173 5 880057088 +843 655 3 879447030 +468 1 5 875280395 +268 79 3 875309801 +786 588 5 882843039 +508 318 4 883767704 +782 1025 2 891498436 +326 449 3 879877039 +548 343 4 891043547 +123 182 4 879872671 +823 374 1 878438733 +779 243 4 875501402 +436 204 5 887769209 +794 751 3 891034523 +747 265 4 888639060 +821 64 5 874793649 +296 1 5 884196689 +593 276 1 875659150 +17 475 4 885272520 +827 331 3 892157376 +731 132 3 886182632 +592 1184 5 882956551 +661 300 3 876036477 +393 181 4 887743141 +496 288 2 876063810 +851 111 3 874767408 +862 193 4 879304326 +782 1663 2 891499700 +815 199 4 878694055 +497 393 4 879362858 +784 312 3 891387623 +628 242 5 880777096 +294 1014 2 889242306 +787 347 4 888979606 +817 281 4 874816007 +117 11 5 881011824 +843 208 3 879446716 +833 151 4 875036418 +342 654 4 875319745 +537 970 3 886032184 +383 180 5 891192778 +592 469 4 882955825 +843 288 4 879443544 +593 157 3 875671732 +864 693 4 888888168 +207 11 3 878104245 +662 285 5 880571005 +176 919 2 886048391 +840 169 5 891204215 +378 317 5 880056195 +506 430 4 874873703 +723 1 3 880499050 +753 199 5 891401510 +307 505 3 879205470 +655 860 3 887477386 +708 237 5 892719144 +168 1 5 884287509 +59 466 4 888204389 +659 4 3 891383917 +305 863 4 886324387 +389 477 4 880087939 +806 923 3 882389080 +840 628 4 891209285 +828 923 3 891037047 +291 631 5 874871479 +469 65 4 879524178 +234 647 3 892826411 +145 55 3 875272009 +731 480 4 886187652 +641 305 5 879369848 +561 952 3 885810192 +530 100 4 883784058 +716 492 3 879795425 +535 215 4 879619144 +126 353 5 887938392 +694 519 4 875728293 +168 763 2 884288033 +609 259 1 886895763 +727 178 4 883710123 +684 435 3 878761717 +608 1262 5 880406095 +532 226 4 892859148 +543 198 4 876896210 +392 181 5 891038137 +144 248 4 888104032 +798 155 3 875639581 +452 472 5 885816916 +758 508 4 881975962 +862 168 4 879304526 +757 128 3 888466490 +772 327 4 877533873 +393 58 3 887746734 +867 135 5 880079065 +862 1011 5 879303123 +537 26 3 886031913 +716 610 4 879795375 +826 184 3 885690677 +741 215 4 891456615 +791 269 4 879447940 +753 194 4 891401757 +804 925 4 879443946 +677 748 4 889399113 +795 265 3 881265483 +850 8 5 883195055 +629 331 3 880116067 +486 264 3 879874262 +653 510 2 880150040 +533 824 1 879366160 +118 172 5 875384751 +16 100 5 877720437 +749 465 4 878847716 +637 922 1 882902487 +710 720 3 882063649 +698 465 3 886367720 +748 699 3 879455454 +91 205 5 891438947 +864 227 4 888889510 +548 346 4 891042624 +262 65 4 879793897 +616 346 3 891224558 +43 122 2 884029709 +545 204 4 879899641 +450 717 4 887834953 +796 807 2 893047691 +677 245 5 885191403 +291 158 2 875086208 +776 135 4 891628656 +852 151 4 891036922 +299 1258 2 877878451 +587 678 2 892871438 +523 95 4 883701800 +758 605 3 881977057 +846 217 4 883950022 +880 386 3 880174995 +653 357 4 878854383 +622 100 5 882590252 +561 426 1 885810220 +823 71 3 878439008 +466 288 4 890284651 +13 323 3 882140848 +311 570 4 884365890 +196 1022 4 881251143 +325 530 4 891478376 +569 300 3 879793036 +796 315 5 892611769 +417 162 3 880951886 +851 680 3 886534717 +878 283 3 880868035 +130 188 4 876251895 +757 326 3 888443434 +650 661 3 891385206 +625 286 4 891262561 +740 300 4 879523187 +49 209 5 888068877 +92 50 5 875640148 +7 9 5 891351432 +851 363 4 875730629 +665 685 2 884290515 +796 218 3 893194607 +653 386 1 880152864 +569 284 4 879793886 +561 484 4 885807215 +254 441 3 886475831 +421 879 4 892241274 +828 347 1 891035438 +353 301 3 891401992 +515 289 1 887660131 +709 550 3 879848475 +815 250 1 878691779 +290 692 5 880474293 +684 365 4 878759820 +251 7 3 886272146 +707 488 4 886286491 +608 126 1 880405165 +195 748 2 876632518 +528 541 3 888520782 +833 50 2 875035718 +577 143 3 880474635 +130 1 5 874953595 +194 211 4 879524292 +184 56 3 889908657 +854 32 4 882813574 +730 815 3 880310490 +178 222 4 882823857 +385 512 5 880958750 +629 328 3 880116103 +840 191 4 891204160 +714 405 5 892777876 +622 866 2 882591484 +113 257 5 875935609 +606 537 2 880925074 +435 476 3 884133872 +790 1282 5 884462551 +379 257 4 880741811 +389 501 5 880087804 +792 7 4 877910822 +870 642 4 875680258 +782 297 3 891500067 +690 211 3 881177349 +232 4 4 888550130 +393 373 4 889731437 +880 824 4 880174879 +51 50 5 883498685 +661 144 5 876016580 +295 227 4 879517635 +473 242 3 878156824 +877 31 4 882678483 +833 203 5 875124299 +763 97 3 878919153 +532 107 5 893119415 +710 89 4 882063736 +207 158 3 878191798 +828 730 3 891036972 +648 563 5 884883679 +747 82 4 888639642 +173 259 3 877557239 +841 353 1 889067253 +450 557 5 882472306 +643 129 5 891445354 +112 346 5 891307980 +805 472 2 881695040 +437 1206 4 881002191 +13 382 1 882140624 +378 566 3 880045856 +711 58 4 879993028 +795 1052 3 883255477 +524 132 4 884634968 +18 382 3 880129595 +574 883 4 891279520 +498 656 3 881957999 +747 50 5 888639060 +869 412 5 884493279 +880 307 4 892958090 +702 229 4 885767775 +846 433 4 883948457 +655 256 3 887651060 +833 328 2 875035534 +271 313 4 885844583 +746 230 1 885075337 +848 204 5 887039078 +552 515 3 879221543 +642 423 3 885602506 +545 405 4 879899380 +236 88 2 890116709 +595 544 3 886921699 +83 240 1 883870084 +868 568 1 877107847 +29 312 4 882821705 +655 773 3 887430072 +815 215 5 878694820 +416 625 5 893212623 +627 521 2 879529767 +479 546 2 879460305 +707 473 4 880060820 +664 1101 3 876525002 +670 659 5 877974699 +807 358 3 892527606 +527 511 5 879456248 +648 379 1 884883724 +807 630 4 892529573 +478 327 3 889387577 +17 243 1 885166209 +851 742 5 874767519 +642 949 1 885605834 +848 318 5 887038231 +537 52 3 886030891 +871 346 3 888192859 +878 582 4 880866810 +804 584 4 879444964 +360 479 4 880356092 +792 282 3 877909931 +623 211 3 891034814 +840 66 3 891209509 +210 1028 3 887730931 +786 172 5 882843112 +336 3 1 877758935 +56 441 4 892679163 +815 125 5 878692242 +655 203 3 887476943 +737 156 5 884314693 +760 682 3 878530117 +362 313 4 885019304 +642 843 3 886569682 +450 218 4 882397224 +606 168 5 880924557 +314 997 1 877892214 +640 428 5 874778299 +424 1084 5 880859591 +846 1044 4 883950820 +749 627 2 878848951 +786 7 5 882841955 +648 1228 3 884883149 +532 1092 2 888630838 +831 266 3 891354338 +790 47 2 885156988 +844 553 4 877387242 +735 285 4 876698897 +435 665 3 884133973 +833 657 4 875123986 +664 319 4 876523133 +551 1011 5 892783177 +829 13 4 881086933 +595 293 4 886922069 +389 847 4 879915806 +839 321 1 875751470 +301 481 4 882075827 +870 566 2 882123618 +257 921 5 883982173 +312 612 5 891699263 +481 173 4 885828165 +813 342 1 883752417 +394 22 5 880886919 +682 1035 3 888523227 +642 94 2 885605909 +314 150 4 877886522 +447 293 4 878854459 +256 732 5 882165067 +551 518 4 892783212 +826 566 3 885690636 +791 319 2 879448086 +551 1059 3 892785128 +727 483 4 883710236 +450 223 3 882371732 +577 54 4 880474903 +292 117 4 881104606 +643 276 5 891445354 +399 501 2 882346851 +334 1074 2 891548979 +774 650 1 888556893 +830 613 4 891898603 +654 332 4 887863081 +585 634 4 891285491 +435 572 2 884133938 +630 988 2 885666301 +851 1132 3 875730757 +481 479 4 885828619 +823 273 3 878437890 +862 974 2 879304113 +846 231 2 883950711 +265 50 2 875320398 +823 732 5 878439183 +489 890 5 891447990 +686 467 5 879547336 +291 977 2 874834071 +653 94 2 880153494 +841 286 5 889066959 +880 299 4 892958517 +821 126 5 874792570 +622 206 1 882670899 +481 207 3 885828619 +535 83 4 879618091 +804 1188 2 879446245 +237 174 4 879376773 +367 443 4 876690119 +328 58 4 885046206 +450 499 5 882372178 +880 398 3 880167965 +834 313 5 890860566 +682 185 4 888520639 +665 926 3 884291376 +828 903 4 891380167 +401 133 4 891032847 +262 496 4 879792402 +151 4 5 879524922 +566 273 5 881650063 +334 707 4 891546153 +276 80 3 874792237 +279 29 2 879573041 +62 952 3 879372505 +703 235 1 875242885 +655 468 3 887427681 +200 245 3 884126687 +87 451 4 879876448 +815 132 5 878695278 +787 690 5 888979007 +843 578 3 879448604 +864 54 4 888891473 +830 126 5 892502421 +537 490 4 886031786 +684 225 3 875811341 +524 508 5 884322047 +477 20 4 875941888 +498 150 3 881954451 +236 370 3 890117353 +474 430 3 887925977 +345 737 3 884993418 +804 222 5 879442591 +698 433 4 886366848 +401 484 3 891032737 +871 174 5 888193176 +155 326 2 879371121 +407 45 4 875552352 +741 475 3 891018152 +880 232 4 880167806 +399 238 1 882342061 +271 51 4 885849386 +372 678 4 876869183 +37 230 4 880915942 +487 66 5 883530484 +800 304 3 887645987 +165 328 3 879525673 +622 41 3 882672060 +392 313 5 891037385 +694 127 5 875730386 +840 117 3 891209408 +506 200 4 874873112 +417 246 4 879646225 +757 566 3 888466490 +815 735 5 878695438 +825 1117 3 880756402 +782 1405 2 891499213 +822 333 4 891033747 +269 232 1 891450817 +632 174 5 879457856 +721 179 5 877141038 +450 173 5 882371526 +642 166 5 885604434 +796 717 3 893194862 +411 9 4 891035827 +252 224 4 891456738 +59 472 3 888203482 +476 73 4 883364475 +870 521 3 875679795 +223 259 3 891548920 +710 330 3 882063612 +752 294 3 891208261 +455 8 4 879111345 +707 216 3 886286092 +685 337 2 879451401 +445 79 4 890987742 +308 156 4 887738057 +474 315 5 887914615 +715 128 3 875964300 +837 283 5 875722069 +833 479 2 875039101 +542 172 4 886532265 +815 185 3 878693830 +804 771 3 879446108 +312 740 4 891699568 +457 393 3 882548583 +695 242 5 888805837 +551 26 4 892785056 +678 287 3 879544397 +749 934 3 878850333 +683 340 4 893286260 +589 873 5 883352600 +881 54 4 876539387 +690 51 3 881180543 +851 1314 1 890862741 +851 238 5 875731330 +782 990 3 891499611 +181 331 1 878961511 +448 319 5 891888099 +344 132 4 889814194 +655 212 3 887477409 +62 271 1 879371909 +486 262 1 879874017 +689 763 4 876676165 +305 197 2 886322758 +707 950 2 880061287 +588 68 5 890026705 +387 7 5 886479528 +738 209 4 875350485 +715 685 3 875962173 +635 323 3 878878714 +200 1073 3 884129542 +429 470 5 882386309 +833 512 4 875225257 +653 163 4 880151629 +844 154 3 877387052 +705 79 5 883428028 +501 221 3 883348011 +286 117 2 876521650 +648 200 2 884883476 +622 423 3 882670121 +861 1227 4 881274936 +601 56 3 876349577 +417 420 4 879648452 +832 25 2 888260157 +409 428 4 881109175 +706 288 3 880996945 +747 951 2 888640648 +363 143 2 891496667 +537 1129 1 886030051 +798 819 3 875295930 +821 1084 5 874792285 +447 55 4 878856573 +638 82 2 876694917 +846 610 4 883948221 +738 418 3 875353105 +488 1 3 891294896 +713 898 3 888882276 +212 863 2 879303863 +59 655 5 888204642 +63 79 3 875748245 +498 486 2 881957431 +643 65 4 891448786 +697 979 5 882622044 +721 330 3 877136967 +184 473 4 889908133 +638 174 5 876694861 +495 4 3 888633129 +747 1003 1 888733314 +863 270 3 889288943 +125 202 5 892836523 +197 538 3 891409535 +848 196 5 887044238 +586 655 4 884066294 +453 423 4 877554819 +567 179 5 882426135 +376 603 4 879434613 +474 286 5 887914646 +593 699 4 875671334 +450 161 5 882396245 +862 405 2 879303123 +881 133 4 876537718 +868 581 2 877109748 +521 77 3 885254338 +374 628 3 880392778 +456 4 3 881374849 +160 955 4 876862243 +535 492 4 879618742 +843 102 2 879449177 +162 7 3 877635869 +764 191 3 876244688 +380 561 2 885479519 +666 520 3 880139562 +619 363 2 885954215 +215 132 5 891435548 +826 294 4 885689918 +699 129 4 878882667 +405 1073 1 885548578 +854 117 3 882812755 +833 715 2 875133633 +200 79 5 884128499 +450 1119 4 882374332 +184 403 3 889909746 +618 234 4 891307714 +851 192 4 875731441 +880 301 4 880166557 +805 420 4 881695560 +765 248 2 880346392 +804 657 4 879445904 +291 291 5 874834054 +870 54 2 879714458 +846 622 4 883950220 +671 27 3 884036050 +457 97 5 882397699 +231 313 3 888604920 +232 690 4 880062259 +805 856 4 881698881 +664 153 4 876526152 +786 709 2 882843607 +151 663 4 879524268 +551 187 5 892776450 +650 209 3 891382032 +724 272 5 883756996 +489 1265 2 891449466 +244 153 4 880606069 +545 968 5 884134395 +691 524 5 875543153 +495 380 3 888635339 +567 198 5 882425631 +92 156 4 875656086 +881 423 4 876538726 +487 1276 2 885239896 +632 508 2 879458570 +836 429 4 885754200 +788 162 3 880869787 +41 56 4 890687472 +694 177 5 875726886 +95 99 4 888954699 +605 678 1 879366335 +92 304 4 888469716 +864 1531 3 888890690 +798 810 3 875915855 +852 546 4 891037245 +749 431 5 878848069 +865 7 5 880143425 +151 56 4 879524879 +119 125 5 874775262 +781 223 4 879634175 +655 1400 3 887427268 +694 23 3 875727926 +741 273 3 891458066 +804 363 4 879446245 +642 78 3 886570084 +640 170 5 874777583 +372 218 5 876869481 +42 97 3 881107502 +374 789 4 882158609 +852 127 4 891035544 +758 411 4 881978115 +872 258 4 888478698 +181 411 3 878963276 +416 274 4 893142100 +798 87 3 875639680 +621 540 3 874964657 +536 380 4 882360734 +879 300 3 887760802 +268 452 1 876514002 +847 1050 3 878940618 +711 451 5 879994749 +658 730 3 875147995 +514 202 4 875309414 +268 188 4 875309859 +501 1081 3 883348703 +774 402 2 888556938 +145 358 4 875273234 +210 832 3 887730264 +622 405 4 882590886 +738 470 4 875350551 +805 648 4 881696729 +830 187 2 891464054 +178 164 3 882827288 +757 288 4 888443307 +188 199 4 875071658 +405 32 1 885546025 +844 228 3 877387858 +184 272 4 889907301 +803 754 2 880054754 +13 111 5 882140588 +870 511 3 881001249 +871 27 2 888193275 +233 614 4 877661437 +255 597 4 883216958 +257 113 4 879547534 +686 48 5 879545180 +69 288 5 882027173 +693 193 4 875482092 +508 1067 4 883767665 +719 318 5 879360493 +617 447 4 883789386 +655 591 3 887426237 +782 323 3 891498512 +532 931 3 892520696 +189 418 3 893266204 +524 1126 1 884637409 +869 846 2 884492201 +767 163 4 891462560 +618 187 5 891307098 +414 690 4 884999347 +200 609 3 884129457 +758 484 5 881975814 +294 538 5 889241562 +773 588 1 888539232 +494 286 4 879540508 +83 591 4 880306745 +196 845 4 881251954 +567 100 1 882425791 +378 167 4 880333446 +286 257 3 875806837 +869 310 4 884493279 +416 657 5 893214225 +545 203 4 880347831 +593 366 4 875671255 +749 82 5 878848405 +82 338 1 884713704 +468 699 3 875287686 +486 845 4 879874995 +717 50 4 884715122 +271 707 4 885849140 +650 205 4 891370971 +564 313 4 888718415 +198 518 3 884208876 +145 546 3 875271047 +249 181 3 879571998 +851 826 4 875730719 +815 135 2 878694493 +864 70 4 888888168 +608 848 4 880403690 +256 44 4 882164893 +697 286 4 882621486 +693 199 3 883975558 +763 5 4 878920895 +624 14 5 879792623 +823 471 3 878438608 +721 457 3 877137214 +862 474 5 879304722 +758 29 3 882054935 +264 235 5 886122952 +724 989 1 883757874 +90 644 5 891384065 +303 588 5 879468459 +621 1 3 880227233 +698 294 4 886365733 +846 520 5 883947960 +435 96 5 884131822 +398 183 4 875659518 +749 480 5 878847328 +784 270 3 891387249 +707 155 3 886288598 +655 135 4 887427083 +843 79 2 879445658 +872 323 2 888480019 +90 1203 5 891385466 +360 1142 4 880354250 +665 699 4 884294374 +294 273 3 877819421 +264 742 2 886122578 +44 427 3 878348547 +747 430 4 888639437 +846 55 5 883948642 +604 100 5 883668097 +482 346 3 887644022 +580 871 4 884125135 +833 211 3 875124495 +721 69 4 877140282 +43 124 4 891294050 +837 15 3 875721869 +188 265 5 875071520 +627 1135 3 879530625 +537 273 3 886029727 +94 372 4 891723124 +659 49 3 891385438 +497 451 2 879310419 +11 718 5 891903836 +880 791 2 880174961 +591 923 4 891031116 +550 924 4 883426027 +279 1205 3 888461244 +267 98 5 878971989 +629 111 5 880117689 +624 597 3 879793129 +481 204 4 885829196 +836 875 1 885753752 +201 17 3 884112581 +716 215 5 879796046 +883 792 4 891694182 +709 210 4 879848432 +308 661 4 887736532 +867 79 4 880079142 +206 682 3 888179694 +206 332 3 888179602 +796 542 3 893219403 +200 1217 4 884130014 +773 509 4 888538995 +343 208 4 876404426 +862 187 4 879304672 +280 750 5 891700185 +483 121 2 878952692 +566 228 2 881650262 +619 323 3 885953878 +519 680 5 883248595 +299 72 3 889503305 +60 134 4 883326215 +747 558 4 888640046 +474 651 5 887927670 +855 198 4 879825613 +198 405 2 884206428 +766 378 4 891310540 +843 219 2 879443394 +814 590 2 885411749 +49 1077 4 888068057 +711 255 4 886030579 +747 427 5 888732899 +653 944 2 880152657 +239 208 3 889181015 +778 174 4 890725804 +519 340 5 883248251 +397 50 5 885349955 +774 654 2 888558284 +849 15 5 879695896 +239 238 5 889180747 +682 1011 4 888517986 +90 198 5 891383204 +795 181 4 880557060 +703 845 4 875243028 +653 291 4 878855275 +239 1115 2 889180651 +621 143 2 874965208 +788 579 3 880871804 +776 474 5 891628632 +843 588 2 879447579 +394 658 3 880889159 +878 642 3 880866971 +15 275 4 879455562 +21 635 4 874951727 +665 100 3 884290349 +753 215 5 891402272 +870 466 4 878737789 +158 174 5 880134332 +707 533 5 880060420 +6 497 4 883601088 +405 1305 1 885547644 +13 751 5 882774081 +774 1110 1 888557519 +581 253 5 879642333 +568 530 3 877907782 +757 474 3 888469045 +14 507 4 890881521 +533 203 4 879438743 +421 172 5 892241707 +774 373 2 888557557 +468 47 5 875301056 +417 182 4 879646938 +689 328 5 879211479 +796 219 4 893218453 +301 284 4 882074708 +844 690 3 877381230 +247 7 4 893081395 +851 50 5 891961663 +812 326 4 877625294 +761 688 2 876189913 +346 161 3 874950413 +841 272 4 889066780 +582 257 3 882961608 +864 526 4 888889784 +500 283 2 883865341 +535 195 4 879618288 +495 121 5 888633473 +653 328 4 884408848 +650 22 3 891369707 +834 7 4 890862974 +867 956 4 880079142 +880 651 5 880167695 +716 648 4 879796138 +815 675 2 878698831 +11 699 4 891904389 +771 313 3 886635643 +393 692 3 889554908 +823 124 4 878437925 +442 979 3 883391344 +806 286 3 882384513 +442 195 4 883390328 +832 245 3 888259984 +94 527 5 886008885 +661 568 4 888301266 +514 25 4 875463028 +648 185 5 884368485 +215 204 3 891436129 +454 117 3 888267343 +815 471 2 878692149 +832 681 2 888259984 +665 147 4 884291057 +504 969 4 887838677 +712 506 3 874730520 +843 515 3 879444801 +7 549 4 891353086 +312 152 2 891698485 +57 930 2 883698039 +593 11 4 875660482 +829 153 4 887584684 +648 357 2 884628534 +881 550 3 876539261 +846 464 2 883947778 +269 775 1 891451571 +537 132 3 886031074 +727 101 2 883711771 +588 162 5 890026339 +559 12 3 891034067 +189 133 5 893265773 +788 195 3 880868876 +862 214 3 879304834 +442 769 1 883391397 +878 427 5 880872394 +774 559 1 888557715 +271 124 4 886105886 +505 1039 4 889334004 +684 117 4 875810999 +697 121 4 882622066 +684 82 5 875812227 +665 183 4 884293933 +201 358 1 884111095 +582 300 3 882960446 +537 896 3 886028604 +711 168 4 879993318 +880 820 3 880167384 +1 123 4 875071541 +799 258 5 879253668 +655 724 3 887427600 +881 671 3 876537512 +452 195 4 875265114 +314 412 3 877892052 +430 300 3 877225239 +854 216 3 882814028 +674 151 2 887763274 +707 869 1 886289521 +522 492 4 876961190 +696 307 5 886404144 +164 407 2 889402443 +669 879 2 891182703 +629 651 5 880117163 +295 50 5 879517540 +880 295 5 892958887 +665 294 2 884289922 +655 268 3 887474077 +749 385 3 878848272 +543 521 4 874865636 +872 815 4 888479434 +875 334 4 876464800 +556 178 5 882136162 +193 79 4 889125755 +693 651 3 875482548 +846 1050 4 883949046 +796 186 3 892676114 +332 660 3 888098125 +500 210 3 883874290 +21 358 3 874951616 +711 162 5 879994875 +484 472 4 891195565 +295 83 5 879518257 +389 1007 4 879915832 +883 7 5 891754985 +660 144 3 891199856 +455 44 3 879112678 +574 213 4 891279712 +830 403 4 891561806 +184 216 4 889908539 +45 926 3 881015386 +291 172 5 874835062 +768 354 3 888798611 +554 237 3 876231570 +620 147 3 889987299 +334 521 4 891548835 +10 192 4 877891966 +870 171 4 875050698 +796 433 2 892675694 +186 330 4 891718038 +880 769 3 880241492 +671 201 3 884204509 +432 109 2 889416188 +585 83 3 891282808 +574 316 4 891279451 +524 273 3 884322113 +805 661 4 881697713 +393 1180 4 889731465 +624 831 3 879793545 +711 762 3 879991585 +750 749 3 879446271 +828 960 5 891036568 +474 97 5 887924028 +753 22 4 891401798 +453 550 3 888207161 +303 744 3 879467607 +495 86 5 888637768 +543 702 2 877550399 +784 321 3 891387249 +592 655 5 882955543 +578 272 2 888957735 +456 125 4 881372015 +561 116 4 885809146 +14 523 4 879119497 +757 173 4 888445604 +851 153 3 875806683 +804 56 3 879441371 +864 11 5 888887502 +845 1592 3 885409493 +883 144 4 892557605 +741 393 2 891040490 +880 833 4 880167288 +392 463 3 891038946 +846 524 3 883947819 +774 176 4 888557198 +677 268 5 889398907 +294 301 4 877818915 +378 606 5 880055478 +854 237 3 882812406 +790 774 4 885156904 +128 319 5 879966274 +854 15 3 882812451 +607 211 5 883879556 +739 327 5 886825529 +526 276 4 885682477 +463 1060 2 889936244 +451 874 4 879012684 +447 1315 4 878854838 +727 434 5 883710717 +660 640 1 891201223 +363 933 2 891498920 +593 591 4 877728878 +592 149 4 882607910 +810 294 5 879895233 +553 367 4 879949153 +13 239 4 882141752 +804 62 4 879445305 +92 993 4 890251516 +828 313 3 891033342 +782 533 2 891500151 +416 148 5 893212730 +299 207 3 877880394 +751 708 4 889298140 +42 559 2 881109271 +655 729 2 887476031 +682 467 3 888517364 +727 27 4 883711847 +680 273 3 877075214 +450 229 4 882474001 +863 882 4 889289570 +186 689 4 889817888 +833 550 2 887158946 +584 161 4 885778170 +868 1 4 877103320 +666 106 2 880313992 +880 80 2 880175050 +738 650 3 875351712 +877 237 4 882677827 +883 68 4 891696957 +59 480 5 888204802 +22 732 4 878886710 +678 147 4 879544882 +201 895 3 884110702 +548 257 5 891044304 +769 748 2 885422821 +588 181 5 890015608 +451 307 4 879012431 +835 673 4 891034117 +484 28 5 880937193 +682 72 3 888521540 +807 252 4 893084689 +821 100 2 874792285 +514 384 3 876067623 +58 111 4 884304638 +339 503 4 891035093 +327 718 4 887745494 +245 258 4 888513691 +105 269 4 889214193 +577 82 4 880474433 +666 269 5 880314564 +764 1012 4 876244181 +502 264 3 883702518 +326 505 3 879875271 +18 392 3 880130193 +882 193 5 879867263 +57 194 4 883698272 +435 885 3 887509396 +397 8 4 885349913 +653 81 1 880151651 +774 68 3 888557329 +804 68 3 879445975 +328 302 4 885044380 +506 542 3 874873794 +85 313 4 884820133 +660 290 4 891198549 +678 1 5 879544882 +796 210 3 892662441 +715 161 5 875964905 +758 257 5 880672700 +847 108 2 878939266 +487 596 5 883441956 +643 231 2 891450316 +757 1273 2 888467187 +533 318 5 879438849 +757 450 2 888467205 +463 283 5 877385287 +730 742 3 880310553 +716 64 5 879795314 +405 731 3 885546202 +752 258 3 891207898 +835 162 5 891033420 +126 266 5 887938392 +881 663 5 876538322 +457 62 3 882550925 +782 296 3 891500109 +880 204 5 880174652 +622 1078 3 882671160 +627 288 3 879529381 +68 9 4 876974073 +791 288 3 879447907 +216 91 4 880235546 +229 898 5 891633028 +465 132 4 883531325 +751 434 4 889297670 +846 417 4 883950129 +664 326 2 876523225 +643 639 4 891447790 +768 300 5 883835026 +815 202 4 878694341 +620 140 4 889988258 +833 663 3 875134317 +776 760 3 892920241 +807 1615 4 893084653 +873 258 3 891392818 +861 714 4 881274899 +119 121 4 874775311 +215 272 3 891434619 +347 204 4 881653830 +655 233 3 887611537 +804 196 4 879441752 +664 162 4 876525764 +392 323 3 891037769 +840 506 5 891204385 +877 270 4 882676054 +164 825 4 889402203 +201 157 4 884113453 +81 456 1 876533504 +446 268 2 879786892 +94 1209 2 891723459 +747 675 2 888640180 +747 526 5 888639642 +435 447 3 884132315 +592 292 1 882607434 +7 615 4 891351585 +606 3 5 880922084 +779 181 5 875501734 +606 385 4 880925200 +308 853 5 887736797 +663 844 2 889492841 +833 488 5 878078229 +234 207 2 892078605 +870 134 4 875050697 +90 1202 5 891385132 +416 240 1 886315446 +206 1429 1 888180018 +682 1231 2 888522612 +823 237 4 878439037 +102 841 2 888802319 +733 296 2 879535265 +457 194 5 882397058 +524 449 3 884637245 +82 100 5 876311299 +779 15 4 875501782 +174 709 4 890168554 +830 205 5 891462531 +782 680 1 891498865 +676 345 2 892685621 +127 258 5 884364017 +615 638 5 879447968 +643 28 4 891448002 +884 116 4 876858914 +798 493 3 875638514 +491 286 4 891184567 +479 294 3 879459578 +601 1084 5 876346849 +749 541 3 878850825 +882 616 4 879879807 +509 307 2 883590729 +7 488 4 891351041 +463 880 4 890452525 +754 595 2 879452073 +790 660 3 885156904 +424 15 4 880859722 +864 775 1 888891473 +782 1007 3 891500067 +164 678 4 889401432 +861 949 4 881274937 +782 1652 1 891500230 +561 475 3 885807393 +363 47 5 891496264 +706 756 4 880997412 +481 70 5 885828389 +880 841 3 880167411 +749 358 3 878846422 +256 1033 4 882152838 +629 504 4 880117719 +60 517 4 883327265 +775 345 5 891032895 +81 475 5 876533504 +206 242 3 888180049 +606 179 5 880927552 +537 48 4 886030805 +807 751 3 892527467 +393 731 3 889730227 +26 841 2 891380200 +176 268 5 886046979 +479 1028 1 879460192 +38 243 3 892429095 +825 174 5 881101782 +786 89 4 882842878 +495 796 4 888637070 +669 50 5 891517215 +747 15 4 888639780 +833 93 4 875036056 +336 959 3 877758138 +823 222 3 878438179 +709 282 5 879847945 +639 747 3 891239528 +770 151 5 875973080 +373 172 5 877098678 +552 410 3 879222070 +666 613 5 880139295 +821 405 4 874793022 +881 1118 3 876538131 +85 697 3 879829471 +145 925 4 875271047 +774 712 1 888556169 +731 204 4 886184682 +149 272 3 883512591 +810 333 5 886614819 +817 129 4 874815836 +805 197 5 881696671 +497 189 4 879309993 +95 420 4 888956001 +666 111 3 880313523 +642 1066 3 885606608 +258 328 3 885700877 +705 318 5 883518731 +476 579 2 883365385 +703 9 2 875242814 +405 860 1 885548435 +664 631 4 876525077 +751 257 4 889132542 +738 177 4 892958051 +326 135 3 879875852 +13 491 4 882140166 +59 451 5 888206049 +796 448 4 893218485 +823 240 3 878438119 +834 292 5 890860566 +883 129 5 891755088 +353 343 2 891402636 +776 706 3 892920480 +457 193 5 882397666 +435 307 5 884130744 +757 181 3 888444314 +644 988 4 889076475 +788 429 3 880868919 +537 98 3 886030583 +187 241 3 879465858 +201 134 4 884113772 +749 1274 2 878850212 +752 301 4 891208077 +745 124 5 880122775 +222 246 4 877563597 +405 543 1 885549407 +555 25 4 879963127 +707 719 3 886288189 +707 58 3 886285907 +815 89 4 878695092 +442 228 5 883390366 +642 1030 4 886570173 +826 1091 3 885690379 +551 1039 4 892777013 +393 996 3 889731139 +698 654 1 886367586 +881 180 5 876538063 +268 358 3 876513643 +686 56 5 879546147 +487 713 4 883444631 +865 825 1 880144123 +755 748 4 882570141 +209 9 3 883417547 +711 676 5 876185812 +714 1016 5 892777876 +655 270 4 887650943 +883 727 3 891696750 +846 8 4 883947861 +727 729 2 883711720 +838 24 4 887064231 +417 211 4 880949907 +748 69 4 879454849 +833 159 2 879818659 +447 233 4 878856526 +705 228 3 883428109 +330 225 4 876544507 +654 249 5 887863866 +883 83 3 891693200 +835 458 4 891032869 +596 276 3 883539431 +567 136 5 882426210 +537 387 4 886031860 +457 288 4 882392853 +537 566 2 886032183 +859 249 5 885775086 +748 692 3 879455410 +652 288 2 882566890 +828 246 2 893186163 +721 303 3 877137285 +660 366 1 891405958 +667 272 5 891034404 +763 510 4 878915559 +639 702 2 891240868 +878 692 4 880869191 +843 474 3 879445738 +472 416 3 875982867 +774 230 2 888557237 +343 408 5 876403121 +861 289 5 881274504 +805 537 5 881703643 +312 606 5 891698300 +770 678 2 875971655 +711 240 1 879991425 +811 690 5 886377248 +778 197 4 891232569 +643 204 3 891447901 +204 880 2 892388976 +863 1062 4 889289570 +64 111 4 889739975 +815 99 4 878694665 +770 7 5 875972185 +189 503 3 893266137 +648 477 3 882211585 +370 100 4 879435369 +141 1023 4 884585274 +815 94 3 878697705 +833 98 3 875123359 +399 66 3 882343171 +92 38 3 875657640 +654 336 3 887863227 +334 196 4 891547128 +830 790 1 891899476 +537 15 3 886030051 +628 326 5 880777095 +650 157 3 891382960 +500 94 2 883877023 +620 706 3 889987706 +838 276 4 887064825 +851 304 3 877831020 +847 658 3 878940855 +650 54 2 891385876 +848 419 5 887043421 +883 749 3 891695490 +861 52 5 881274718 +332 117 4 887916575 +184 487 4 889908571 +510 245 3 887667574 +865 929 2 880144539 +450 704 3 882372178 +721 471 5 877138200 +848 185 3 887037861 +456 127 5 881373019 +642 832 3 892240991 +620 145 5 889987682 +770 331 3 875971703 +474 66 4 887926437 +798 231 2 875638817 +738 926 3 875350456 +805 88 2 881696876 +70 473 3 884066399 +244 114 4 880603219 +350 480 5 882345918 +583 530 4 879384404 +830 99 3 891561474 +405 33 1 885547360 +406 528 4 879446361 +207 64 5 877846793 +833 111 2 875134110 +826 55 5 885690636 +753 211 4 891402240 +707 1008 3 880060460 +716 197 5 879794962 +425 540 2 878738486 +618 118 3 891309004 +741 401 3 891457483 +728 100 5 879443321 +58 1070 4 884304936 +877 949 3 882677440 +846 516 4 883948457 +825 595 3 889021134 +457 204 5 882397699 +757 31 4 888445570 +792 471 4 877910822 +848 423 4 887038197 +357 932 4 878952341 +492 56 5 879969878 +360 521 5 880355845 +811 258 5 886377311 +790 849 4 885157205 +264 447 5 886122352 +886 4 3 876031601 +562 127 5 879196401 +743 289 3 881277357 +715 546 4 875962076 +828 302 4 891380166 +608 865 4 880403537 +708 1280 1 892718819 +808 271 3 883949602 +881 49 5 876538986 +592 686 5 882956387 +250 28 4 878090153 +593 97 4 877728878 +659 215 4 891385258 +655 325 2 887425197 +674 252 2 887763151 +442 988 1 883388064 +589 689 4 883352787 +807 71 5 892530705 +215 226 4 891436633 +624 257 3 879793269 +708 126 4 892719340 +128 501 3 879968921 +771 197 1 880659919 +668 272 5 890349005 +537 117 2 886030011 +611 347 4 891636244 +116 640 3 876453560 +806 14 3 882385394 +843 402 2 879447599 +128 432 2 879968125 +254 168 1 886472400 +663 455 2 889492679 +864 716 2 888889744 +804 10 4 879442298 +733 137 5 879535406 +683 754 3 893284184 +862 198 5 879304484 +693 708 3 875483049 +880 54 3 880242503 +601 1063 3 876350340 +560 122 3 879977081 +747 97 5 888640437 +776 848 2 892210321 +64 625 3 889740286 +537 694 4 886031407 +617 615 3 883789294 +104 286 1 888442304 +837 289 5 875721539 +453 476 3 890939266 +881 53 2 876539448 +487 591 2 883444462 +804 932 3 879444077 +877 271 4 882676507 +790 282 4 884461590 +693 127 4 875482056 +727 1076 2 883712632 +599 872 2 880951046 +330 21 5 876544953 +605 14 5 879427619 +129 1176 4 883244059 +788 58 4 880868355 +868 91 3 877107817 +846 53 3 883950820 +144 9 5 888104191 +881 204 4 876538506 +256 591 5 882151017 +862 526 4 879304623 +470 258 4 879178216 +796 564 1 893194929 +846 216 4 883948571 +791 300 5 879447977 +541 526 4 883865088 +805 952 5 881704553 +756 566 4 874830168 +717 826 2 884642868 +663 1 4 889492679 +429 1118 4 882385902 +308 471 3 887739382 +694 523 4 875727877 +715 40 1 875964681 +878 511 4 880866810 +812 358 3 877625461 +535 30 4 879617531 +581 276 3 879641850 +862 216 5 879304410 +113 222 3 875076872 +659 1203 4 891385258 +474 939 4 887928562 +711 281 3 879995362 +881 559 2 876539220 +83 751 3 883869440 +770 358 3 875971655 +236 199 4 890118307 +458 28 3 886396005 +846 86 5 883949290 +168 473 2 884288178 +805 382 4 881698258 +290 825 3 880732508 +181 303 1 878961749 +833 640 3 875123986 +610 582 4 888703749 +178 31 4 882827083 +642 422 3 885606608 +627 47 2 879530346 +560 278 1 879976892 +851 1016 5 891961664 +807 384 4 893080838 +682 233 2 888520864 +299 313 3 887135516 +868 89 4 877107446 +832 328 3 888259020 +579 88 4 880952440 +663 1086 3 889492959 +222 470 3 878181869 +757 229 3 888466652 +828 10 3 891035970 +735 475 4 876698570 +562 132 4 879195721 +354 19 5 891216549 +531 300 4 887048862 +425 912 2 891986392 +810 313 5 885406451 +149 258 3 883512658 +274 318 5 878946577 +666 505 4 880139526 +299 244 2 877878001 +28 229 2 881961393 +454 610 3 881959576 +863 352 1 889289491 +405 854 1 885547222 +695 991 5 888806011 +662 1380 2 880570952 +820 748 1 887955223 +833 53 1 875224039 +727 1229 2 883713473 +606 508 4 878147350 +884 70 4 876859208 +472 24 5 892791017 +145 821 3 875272833 +880 50 5 880167175 +806 186 4 882387925 +520 690 5 885168677 +525 472 2 881086012 +878 659 4 880870854 +457 248 4 882393008 +807 1063 4 892529112 +92 546 2 875640512 +664 22 2 876524731 +795 554 3 883254802 +222 717 1 877563716 +804 414 4 879444890 +588 384 1 890032013 +22 4 5 878886571 +320 1047 4 884748733 +363 1215 1 891498920 +296 7 5 884196896 +824 991 3 877021121 +434 225 4 886724453 +844 1474 4 877387195 +6 474 5 883601277 +617 179 4 883789386 +712 102 4 874956543 +753 322 3 891401167 +137 289 3 881432671 +268 218 2 875744469 +389 82 4 880087977 +798 1270 3 875915190 +505 692 3 889334583 +534 331 4 877807429 +854 1077 3 882813907 +864 134 5 888887013 +749 88 4 878849534 +535 708 5 879618777 +354 209 3 891218155 +802 687 3 875984722 +862 181 5 879305143 +543 1199 2 877542776 +455 237 3 879109923 +495 232 5 888635202 +640 70 4 874778065 +821 15 5 874792835 +470 1134 4 879178486 +293 152 4 888905716 +883 311 4 891691505 +682 96 4 888523635 +593 200 5 875661567 +843 193 3 879446863 +711 1446 2 879994608 +761 127 3 876190025 +243 111 4 879987793 +200 378 5 884129301 +859 276 4 885776056 +458 187 5 886398543 +710 504 4 882063649 +567 195 3 882426782 +503 213 5 880383030 +711 219 2 879995792 +514 50 5 875462466 +692 328 4 876953340 +883 50 4 891696824 +716 102 2 879797256 +457 401 3 882550654 +594 483 3 874786695 +851 31 4 875807058 +740 286 5 879523187 +194 179 4 879521329 +423 322 3 891395020 +87 188 4 879875818 +249 144 4 879572567 +343 555 1 876407706 +308 200 5 887738933 +866 321 3 891221302 +490 127 5 875428765 +409 14 5 881107992 +788 200 4 880869075 +788 549 4 880869753 +782 268 3 891497854 +380 729 3 885479252 +424 1 1 880859493 +94 1045 4 891721815 +87 801 3 879876768 +316 192 1 880854267 +299 435 3 877881061 +851 772 3 875807019 +213 55 5 878955680 +747 481 5 888639525 +697 876 3 882621595 +587 880 3 892871536 +749 110 2 878850703 +537 713 3 886030177 +742 13 4 881335361 +864 219 4 888889129 +778 161 3 890727175 +637 275 3 882903191 +450 416 5 882395779 +664 276 5 876524053 +292 115 4 881104194 +747 923 5 888639939 +747 428 3 888640046 +343 510 5 876408139 +146 327 3 891457905 +846 659 5 883948908 +586 566 3 884062621 +805 550 3 881694854 +640 354 4 888262331 +847 225 1 878775647 +840 705 4 891204713 +796 233 4 893048471 +774 77 1 888556938 +405 1062 1 885549904 +735 124 5 876698643 +682 58 3 888517627 +514 587 4 880210105 +704 497 3 891397764 +717 846 4 884642339 +345 744 4 884991348 +796 2 5 893048377 +579 169 4 880951867 +486 995 4 879874388 +597 1 3 875339723 +838 249 4 887064315 +804 639 4 879442591 +445 302 1 891199195 +43 169 5 875981128 +769 831 1 885424534 +504 526 3 887838624 +561 50 3 885807429 +744 23 4 881171420 +425 355 3 890346705 +749 484 5 881073043 +666 709 4 880314144 +709 628 3 879847000 +435 790 4 884133818 +488 527 3 891294473 +807 505 3 892528110 +71 514 4 877319567 +291 773 3 874834827 +624 24 3 879793380 +733 129 2 879535299 +561 286 4 885806710 +836 216 4 885753979 +880 181 5 880166719 +50 547 4 877052297 +207 316 5 891759050 +659 13 4 891331361 +880 783 1 880175187 +347 137 2 881652568 +111 321 3 891680076 +42 86 3 881107880 +393 298 4 887743453 +717 1137 5 884642580 +216 747 4 880245260 +793 815 3 875103901 +850 173 5 883195008 +713 362 1 888882040 +886 175 4 876031550 +880 508 4 880166966 +385 47 4 879441982 +424 882 3 880858829 +880 721 1 880174749 +482 288 3 887644023 +634 127 5 877018347 +804 1285 2 879445766 +343 235 4 876403078 +749 1051 3 878846676 +655 1257 3 887433685 +854 289 2 882811962 +684 376 3 878762273 +56 280 4 892683913 +871 1197 3 888193136 +758 1052 5 882055497 +7 610 5 891353086 +805 343 5 881684185 +294 286 5 877818457 +640 338 5 886353852 +378 14 5 880044251 +486 924 3 879875069 +423 282 4 891395448 +580 748 2 884126077 +882 409 4 879863031 +668 538 5 881523787 +825 286 4 889912073 +757 210 4 888445570 +339 145 3 891036557 +398 56 4 875659843 +447 582 4 878855724 +222 455 3 877563437 +548 203 5 891044446 +433 358 2 880585554 +871 1119 3 888193384 +758 183 5 882055987 +883 135 4 891717319 +630 252 2 885667464 +280 619 4 891701913 +838 1005 4 887066678 +675 1007 4 889489522 +632 168 4 879457248 +736 1388 5 878709365 +207 692 3 877750738 +865 597 1 880144368 +751 3 3 889299391 +679 531 4 884487153 +601 238 2 876349897 +833 28 3 875135213 +591 25 4 891039658 +807 633 4 892529401 +523 412 3 883702351 +721 581 2 877141373 +392 663 4 891039049 +805 455 4 881694854 +332 840 4 887938781 +833 518 3 875039100 +201 58 4 884140488 +284 270 3 885328906 +243 283 3 879987362 +773 792 4 888539471 +640 304 4 876067605 +595 325 3 886920774 +509 343 3 883591319 +280 218 4 891701474 +222 356 4 878184571 +201 268 4 884110637 +516 431 3 891290649 +300 294 3 875649995 +655 730 2 890497653 +705 22 5 883427988 +502 261 2 883702945 +650 1035 2 891389132 +618 609 4 891309440 +540 220 3 882157820 +230 162 4 880484587 +486 1379 3 879874515 +863 902 5 889289456 +790 722 3 885157686 +763 961 5 878919083 +505 1409 3 889333974 +779 300 3 875501300 +525 257 4 881085739 +303 1407 1 879544063 +611 752 5 891636223 +26 475 3 891350826 +592 1048 3 882608625 +268 718 4 875306805 +758 122 4 881980408 +749 257 3 878846957 +303 73 3 879484918 +537 1084 3 886030050 +880 755 3 880242848 +529 749 4 882535466 +189 742 3 893264270 +837 237 3 875721793 +297 28 4 875239913 +758 489 5 881975687 +495 120 5 888637768 +864 892 3 887686497 +747 71 5 888639102 +880 1016 4 880167223 +167 493 4 892738307 +727 431 4 883711045 +338 498 4 879438250 +279 1072 4 890780735 +860 303 3 876074139 +790 111 3 884461849 +766 208 5 891309810 +749 523 4 878847285 +538 4 3 877107726 +846 132 5 883948840 +328 689 5 885044733 +207 871 5 880839802 +551 468 5 892783559 +514 648 3 886189869 +877 515 5 882677640 +866 306 4 891221165 +666 137 4 880313423 +670 949 2 877974465 +790 358 2 885154848 +325 1018 3 891479038 +796 873 3 892874827 +77 173 5 884752689 +512 258 3 888578768 +883 407 3 892557605 +291 774 3 874867852 +145 155 2 875272871 +44 109 3 878346431 +690 684 4 881179938 +716 965 2 879797504 +846 186 5 883948949 +851 109 4 875730379 +823 196 5 878439211 +414 748 3 884999147 +373 645 5 877098599 +711 1115 4 876185812 +868 448 2 877110401 +846 83 4 883947911 +429 214 3 882384526 +447 866 2 878855082 +18 143 4 880131474 +795 173 4 880567884 +884 275 4 876857845 +537 924 3 886030254 +846 92 4 883948495 +495 94 3 888636992 +877 274 4 882678105 +782 948 2 891499699 +823 140 3 878438332 +843 121 3 879444047 +642 202 3 885842351 +854 405 4 882812755 +883 867 5 891695588 +846 1168 4 883950569 +745 507 1 880123335 +796 810 3 893048622 +332 431 5 888360412 +405 47 5 885545429 +813 259 2 883752528 +764 14 4 876752116 +758 420 3 882053499 +738 229 3 875351906 +270 86 4 876955067 +648 423 4 884368442 +198 447 4 884209188 +450 417 4 882376365 +514 49 2 886189676 +666 222 3 880313423 +532 186 4 891910189 +870 48 4 875050603 +568 224 4 877907236 +621 80 4 874963126 +650 402 3 891383272 +620 623 4 889988232 +301 429 4 882076072 +380 228 3 885479235 +417 723 5 879648938 +716 946 2 879796718 +885 1311 2 885714582 +378 1438 3 880333098 +864 22 5 888888937 +743 338 1 881277800 +92 408 4 876175704 +398 692 4 875717020 +468 216 5 875288771 +828 61 5 891037466 +843 97 3 879447377 +286 821 4 877534550 +354 305 4 891180489 +624 15 4 879793330 +151 125 4 879542939 +708 596 4 877326158 +643 566 3 891449476 +840 462 3 891205287 +499 486 3 885599598 +587 243 3 892871401 +70 820 1 884152379 +741 290 3 891457956 +543 22 3 877545230 +655 789 3 887473879 +742 15 4 881335461 +748 517 3 879455083 +883 72 4 891694431 +665 432 4 884294025 +445 979 2 891200272 +557 268 5 881179653 +541 542 1 884046888 +645 268 4 892051811 +643 356 4 891448218 +648 831 1 882212131 +291 1248 4 875087634 +617 670 1 883789590 +854 1197 3 882812263 +653 258 3 886051833 +871 177 5 888193336 +82 87 3 878769598 +793 1187 2 875104167 +56 410 4 892911348 +59 151 5 888203053 +864 722 2 888892091 +833 675 4 875224252 +437 79 4 880143855 +472 161 5 875982149 +738 89 5 892844112 +747 736 5 888732899 +840 497 4 891209571 +699 880 3 893140941 +100 895 2 891375212 +130 196 5 875801695 +804 702 2 879447476 +849 288 5 879695056 +648 484 5 884368442 +637 866 3 882905285 +534 475 4 877807747 +860 211 3 885990998 +884 9 5 876858820 +75 460 5 884050829 +868 160 4 877104414 +435 230 3 884132809 +487 48 2 883445540 +704 347 4 891397015 +716 81 4 879796475 +665 423 4 884294611 +711 845 4 879991247 +870 663 3 879540005 +746 144 5 885075211 +383 479 4 891192985 +554 31 4 876369085 +655 1265 3 887425025 +778 234 3 890726231 +583 513 5 879384338 +848 209 5 887038397 +676 22 5 892686606 +854 268 3 882811865 +622 204 3 882592559 +655 55 2 887429302 +826 820 3 885690250 +428 886 4 885943651 +774 758 1 888559036 +879 237 4 887761309 +660 239 2 891200989 +618 582 4 891309217 +398 196 4 875746951 +796 197 3 892676231 +436 1028 4 887770693 +303 564 1 879485447 +643 505 4 891447260 +275 164 4 880313886 +840 945 3 891204509 +422 867 3 878059137 +200 951 5 884130014 +297 498 3 875239018 +666 133 3 880139439 +885 210 5 885713544 +699 978 4 886568066 +821 132 5 874793898 +846 708 3 883948685 +727 636 3 883711616 +535 496 5 879618246 +883 516 4 891694372 +682 67 4 888523581 +672 269 3 879787460 +884 269 5 876857704 +727 1042 2 883712068 +505 568 4 889333466 +673 315 5 888786942 +882 515 5 879865307 +788 271 3 880867855 +92 452 2 875906828 +399 9 3 882510018 +656 270 3 892318676 +429 411 3 882386848 +250 234 3 878091736 +881 601 5 876539186 +655 786 2 887472965 +727 928 3 883709802 +707 135 2 886286032 +872 106 3 888479624 +682 217 4 888523581 +327 184 3 887820341 +827 272 4 884213984 +95 1116 4 888956137 +450 483 3 882371826 +692 294 3 876946833 +690 496 4 881179222 +824 321 2 877021002 +788 56 3 880868235 +805 142 4 881705843 +84 477 4 883452307 +593 255 5 875659055 +764 696 3 876243465 +566 170 5 881650739 +885 405 4 885715691 +731 320 1 886186811 +798 62 4 875915855 +871 895 3 888192689 +130 95 5 875216867 +682 1084 2 888518164 +889 72 3 880181317 +566 419 2 881650907 +751 785 4 889298010 +721 111 4 877154765 +564 1034 3 888730838 +102 751 3 885100000 +830 50 5 891561606 +201 211 3 884112840 +852 597 3 891037562 +25 173 4 885852969 +243 285 5 879989217 +870 42 2 879270213 +138 209 4 879023948 +642 942 4 886207151 +788 432 1 880869323 +519 328 2 883248251 +747 216 2 888639060 +851 10 3 875730030 +592 885 2 887257199 +615 678 1 879447713 +465 100 3 883532119 +286 1101 5 877532715 +717 597 4 884642710 +889 659 4 880178367 +409 485 2 881107155 +862 230 3 879305273 +222 575 3 881060550 +298 210 5 884182891 +303 595 2 879484421 +399 241 4 882342866 +755 327 2 882569801 +591 196 4 891031116 +786 418 4 882843352 +488 182 3 891293734 +617 170 1 883788929 +843 1411 3 879449377 +397 318 4 885349610 +624 473 3 879793093 +710 268 4 882063276 +664 191 3 876523833 +782 258 4 891497906 +648 112 2 884367366 +577 173 5 880472055 +339 167 4 891036058 +672 275 5 879787955 +645 664 4 892054402 +838 385 4 887067127 +749 571 3 878850456 +1 191 5 875072956 +813 877 1 883752331 +279 364 4 891209077 +504 240 1 887832012 +669 1 5 892549412 +647 231 4 876533657 +833 444 3 875224352 +181 122 2 878963276 +126 678 3 887855283 +515 905 2 887660131 +676 1483 4 892685826 +600 385 3 888451582 +847 473 2 878938855 +391 76 3 877399618 +851 290 4 874728430 +698 511 2 886367693 +804 528 4 879443048 +536 141 4 882361042 +804 1074 1 879447476 +464 1025 2 878354829 +497 472 3 879310650 +385 1014 2 879450441 +230 22 5 880484850 +792 100 4 877910822 +774 2 1 888557383 +8 11 3 879362233 +590 237 3 879438911 +537 96 3 886031576 +102 294 2 883277645 +863 333 5 889289123 +48 215 4 879434751 +889 134 4 880179648 +647 88 4 876534041 +184 640 4 889909551 +886 819 4 876033897 +860 514 5 885991040 +109 282 3 880564678 +535 499 4 879617894 +601 508 4 876346964 +798 444 2 875639115 +622 674 2 882670929 +761 291 3 876190770 +838 179 5 887067340 +601 591 3 876347267 +865 245 3 880235263 +772 288 2 889028773 +386 127 5 877654961 +552 1047 3 879222521 +642 1047 3 885606327 +423 678 3 891395020 +889 160 4 880180945 +852 289 2 891035325 +307 64 4 879283371 +878 949 3 880871600 +334 73 3 891548695 +833 919 2 875124348 +378 707 3 880046475 +288 269 5 886373071 +592 48 5 882955735 +382 482 5 875946945 +201 1267 3 884141053 +59 89 5 888204965 +330 963 5 876547533 +766 212 5 891310125 +203 890 2 880433499 +771 709 5 880659894 +768 628 3 880136174 +845 313 4 885409374 +676 168 5 892686459 +863 315 5 889288910 +15 125 5 879456049 +699 1013 3 879147722 +854 382 4 882813761 +545 194 3 879899677 +881 790 3 876539549 +787 880 3 888979123 +435 928 3 884134187 +862 147 5 879304196 +561 428 4 885810084 +622 70 3 882670562 +774 515 2 888556398 +416 1189 5 893213917 +836 496 4 885754231 +698 625 3 886366731 +488 526 4 891294530 +125 153 2 879454419 +787 342 2 888979875 +659 69 3 891384916 +474 607 4 887926872 +889 654 3 880178512 +532 431 5 892521553 +747 347 5 888638091 +552 294 4 879220688 +505 190 4 889333598 +786 69 4 882844295 +459 676 3 879563288 +313 238 4 891013859 +604 443 3 883668352 +868 1035 1 877107817 +774 577 2 888556278 +409 879 1 881105366 +347 177 5 881654386 +747 409 1 888733595 +621 686 5 880739852 +409 714 3 881108170 +699 1011 4 880696196 +537 230 2 886031860 +749 133 4 878849052 +704 632 3 891397441 +425 879 2 878737593 +436 506 5 887770485 +59 69 5 888205087 +788 823 3 880871294 +244 214 5 880603219 +592 93 4 882608061 +551 71 4 892783281 +233 89 3 875508225 +566 191 4 881649853 +387 475 3 886480657 +782 1226 2 891499439 +452 530 3 875562062 +712 433 3 874956903 +581 515 4 879641533 +694 521 3 875730042 +22 127 5 878887869 +385 1495 3 879443186 +807 380 4 893080442 +363 65 4 891495682 +823 87 5 878438887 +609 877 5 886895649 +831 100 4 891354573 +782 1105 3 891498766 +610 283 3 888703316 +874 306 4 888632194 +886 781 4 876033340 +621 183 4 874963594 +532 520 5 892861434 +782 286 2 891497906 +749 496 5 878847673 +545 890 2 880347690 +782 989 3 891498267 +833 1016 1 875133458 +659 134 4 891332189 +474 657 5 887924028 +270 268 5 876953745 +889 65 4 880180817 +870 568 4 879714588 +879 282 4 887761865 +762 875 5 878718996 +450 505 5 882376658 +707 536 3 880059921 +862 1093 5 879304196 +638 685 4 876695307 +848 151 4 887043180 +429 88 3 882386895 +740 294 4 879523187 +868 265 3 877108302 +806 485 5 882388381 +731 588 3 886184682 +399 1396 4 882343455 +828 1153 3 891037948 +764 173 3 876245383 +666 319 4 880138999 +290 135 4 880474510 +214 960 2 891544152 +334 258 4 891544264 +577 64 5 880474394 +177 324 4 880130434 +402 9 4 876266741 +413 147 2 879969860 +684 274 2 878759884 +846 702 4 883949380 +679 143 2 884487135 +615 216 4 879449068 +632 50 5 879459738 +542 871 2 886533142 +694 1221 3 875728842 +751 95 5 889134419 +663 872 3 889491919 +561 474 5 885807318 +361 176 4 879441215 +720 1176 5 891262812 +489 750 5 891448080 +837 13 4 875721843 +257 61 5 879547534 +823 433 4 878438379 +296 181 5 884198772 +829 237 3 891204271 +592 178 5 882956241 +848 234 4 887037861 +862 491 3 879304799 +405 446 1 885548385 +885 428 4 885713461 +877 286 2 882675993 +486 1598 5 879874583 +867 318 5 880078424 +773 217 3 888540314 +436 1053 4 887771853 +889 58 3 880178130 +716 473 4 879794379 +477 294 4 875940693 +847 926 1 878938792 +774 56 2 888555928 +23 522 4 874785447 +345 118 3 884991520 +735 106 3 876698714 +884 322 3 876857745 +582 1033 2 882962030 +675 891 2 889488779 +435 22 4 884131156 +766 1126 4 891309767 +846 398 1 883950753 +215 552 3 891436730 +244 1467 5 880605553 +739 1431 5 886825529 +886 68 3 876032422 +378 381 4 882642831 +459 651 3 879564309 +748 222 4 879454707 +457 183 5 882397455 +802 672 3 875985767 +805 167 3 881705534 +650 420 3 891385826 +881 222 5 876536079 +179 1234 1 892151459 +883 239 3 891694401 +654 239 4 887864868 +878 172 4 880870854 +892 134 5 886608591 +44 133 4 878347569 +711 170 5 876279059 +848 1118 5 887048573 +328 720 3 885049535 +580 15 3 884125339 +234 238 3 892079040 +867 96 5 880078656 +298 333 5 884126600 +497 12 4 879362019 +119 82 2 874781352 +789 293 4 880332259 +709 405 3 879848590 +151 44 4 879542413 +380 515 4 885478218 +527 603 4 879456078 +758 546 3 882053613 +805 174 3 881694798 +789 9 5 880332114 +768 591 4 883834945 +857 300 3 883432251 +643 98 3 891446688 +694 492 4 875727581 +483 257 2 878952519 +712 1053 4 874730490 +606 969 5 880925074 +828 286 4 891033342 +872 597 4 888479370 +263 520 3 891298163 +577 7 2 880470447 +650 316 3 891369190 +843 23 2 879446696 +458 736 4 886398543 +271 48 4 885849087 +850 300 5 883194367 +758 547 5 881975472 +383 478 5 891193042 +397 109 4 889760803 +567 246 4 882426508 +763 209 4 878918213 +518 106 5 876823804 +661 433 5 876016545 +796 487 5 892676195 +393 463 4 889555225 +532 82 5 892521554 +313 514 4 891013887 +256 595 4 882164037 +653 425 2 880606619 +862 64 5 879304326 +630 310 3 885665975 +850 210 5 883195301 +804 679 4 879445393 +710 496 4 882063793 +413 286 5 879968793 +339 170 5 891032286 +450 528 5 882371526 +881 1124 4 876538627 +833 696 3 875036912 +566 122 2 881651583 +292 486 4 881105246 +880 228 3 880167843 +326 53 1 879877039 +119 288 4 886175150 +557 337 5 881179653 +663 1009 3 889493069 +489 339 3 891448428 +267 715 4 878972682 +743 303 5 881277357 +868 73 1 877108220 +886 147 5 876033228 +436 72 5 887770693 +524 216 5 884634849 +154 222 2 879138910 +251 535 3 886272283 +890 118 2 882915661 +787 245 3 888980193 +334 244 3 891545044 +600 679 2 888451839 +561 1018 3 885809806 +851 588 4 875731529 +892 273 4 886608681 +798 953 2 875639290 +833 628 4 875036102 +886 235 3 876032739 +491 237 3 891187226 +457 51 5 882397734 +178 246 4 884837324 +592 1143 5 882607872 +401 371 3 891033550 +676 9 2 892686134 +128 381 3 879969033 +699 1028 2 880696678 +870 255 2 889409590 +618 735 3 891308571 +234 663 4 892335707 +327 684 4 887820293 +889 168 4 880178449 +354 735 3 891218312 +534 243 3 877807461 +643 114 4 891446854 +80 483 5 887401328 +268 286 5 875306477 +435 1291 1 884134853 +224 980 1 888104353 +522 11 4 876961076 +889 762 3 880177154 +823 53 5 878439229 +739 661 2 886958831 +889 246 4 880176926 +669 194 3 891517159 +792 1197 4 877910822 +881 441 2 876539549 +773 531 5 888538853 +893 56 5 874829733 +843 625 2 879448542 +825 275 3 881100775 +692 763 3 876954381 +757 232 3 888466435 +825 122 1 889021209 +798 66 3 875639364 +452 237 2 875263068 +747 73 4 888640305 +703 628 4 875242762 +440 340 2 891549397 +290 405 2 880732365 +625 254 3 891273897 +885 1 5 885714990 +650 137 3 891385105 +838 96 4 887065781 +841 754 4 889067045 +783 264 4 884326726 +887 931 3 881379009 +592 544 4 882608107 +613 632 3 891227204 +886 233 3 876032126 +826 288 3 885689759 +863 1024 3 889289619 +653 366 2 880152901 +615 509 4 879448149 +727 174 4 883710186 +843 674 2 879443394 +489 324 3 891445320 +781 205 5 879634256 +756 1 4 874826629 +655 653 3 892011201 +854 505 4 882813600 +848 755 5 887046674 +314 132 4 877890644 +859 421 5 885776384 +882 204 5 879864697 +650 380 2 891383735 +526 277 2 885682657 +269 135 4 891447931 +881 13 4 876536364 +848 172 5 887038022 +537 76 3 886031934 +851 307 4 878574215 +664 528 5 876523833 +130 453 3 880396602 +663 123 3 889492562 +542 235 3 886533228 +648 619 3 882211301 +854 223 4 882814177 +798 163 3 875814110 +883 224 4 891692683 +891 546 3 883489282 +894 15 3 880416340 +303 554 2 879484500 +758 294 5 880672523 +321 197 5 879439812 +868 358 2 877103098 +347 174 4 881654248 +113 127 4 875935610 +867 174 5 880078991 +798 173 5 875656071 +886 160 1 876031550 +392 300 2 891037437 +399 99 3 882344269 +192 100 5 881367706 +634 331 4 875728702 +773 403 2 888540091 +771 1129 5 880660106 +821 213 5 874793806 +450 570 4 887139728 +87 94 4 879876703 +90 1045 2 891385843 +751 193 5 889133556 +174 1311 3 886514430 +741 673 4 891455671 +655 49 1 887428417 +593 471 3 875659826 +805 86 4 881696729 +758 123 1 881977872 +854 86 3 882814436 +747 1456 3 888732747 +608 269 3 880402272 +472 796 4 875981595 +437 170 5 880140787 +524 815 3 884627519 +314 722 1 877891089 +630 240 3 885667200 +868 109 3 877107627 +660 491 4 891199348 +783 269 4 884326274 +145 636 4 875272050 +748 237 4 879454880 +805 101 2 881695591 +412 24 3 879717177 +463 887 5 890452468 +617 646 4 883789386 +724 682 1 883757703 +653 70 2 880151340 +453 204 4 877554704 +555 340 4 879962096 +454 193 2 881959818 +893 147 3 874828569 +500 77 3 883875793 +805 212 3 881696729 +642 1146 1 886570084 +792 831 2 877910666 +810 331 4 891873686 +630 735 2 885668231 +749 87 4 878849558 +892 781 4 886610137 +889 819 2 880177738 +829 213 4 881698933 +766 639 3 891309622 +804 1028 3 879445556 +868 183 5 877104414 +286 931 4 876522340 +846 180 5 883947630 +846 317 3 883947778 +880 1291 3 880175468 +664 50 5 878090415 +666 286 5 880138999 +575 96 5 878148199 +7 573 5 891353828 +492 221 3 879969454 +22 926 1 878887062 +894 888 4 879896756 +354 83 4 891217851 +883 665 4 891695717 +880 396 2 880174995 +798 795 3 876176160 +435 571 2 884134047 +894 405 3 880416177 +860 294 2 880829225 +551 7 5 892777638 +805 771 5 881695999 +638 195 4 876694787 +578 222 4 888957788 +661 71 4 876015530 +215 87 5 891436543 +796 198 4 892662871 +754 359 3 879451299 +870 603 5 875050723 +69 172 5 882145548 +65 64 5 879216529 +405 198 2 885549506 +383 58 4 891193210 +716 265 5 879797414 +566 110 1 881651813 +854 1086 3 882812195 +881 89 4 876537577 +847 372 5 878940189 +752 306 5 891208451 +95 381 4 880571678 +561 209 4 885807369 +749 742 4 878849375 +601 405 1 876347765 +761 235 3 876190182 +625 238 4 891636000 +243 157 5 879989217 +224 553 4 888104393 +882 173 5 879867980 +716 632 4 879795691 +737 96 2 884314715 +881 1046 3 876539051 +840 48 3 891204418 +375 773 3 886621985 +425 522 3 878738077 +417 252 3 879646530 +854 603 4 882813600 +468 12 4 875291902 +880 72 3 880174996 +854 928 3 882813143 +648 227 3 884882803 +27 288 3 891543129 +778 98 4 890725951 +458 632 4 886398289 +174 724 5 886453169 +731 69 5 886179040 +579 732 4 880952335 +882 140 3 879879868 +11 372 4 891904968 +541 627 4 883874749 +846 755 3 883950311 +439 276 5 882892755 +854 22 2 882813691 +891 117 3 883488774 +790 98 5 885156375 +312 14 5 891698664 +788 693 2 880868705 +447 410 2 878854630 +802 443 4 875985686 +186 159 5 879023723 +200 449 5 884130540 +445 1143 4 891200870 +561 200 4 885807743 +781 204 4 879634256 +412 684 4 879717313 +864 966 4 888888994 +796 271 5 892874827 +877 60 5 882677183 +7 379 4 891353325 +102 55 3 888801465 +394 158 3 881059315 +645 513 5 892054481 +846 770 5 883948606 +847 1160 4 878939153 +686 451 4 879546847 +848 899 3 887037471 +881 294 3 876535642 +530 333 3 890627264 +815 596 5 878692043 +846 228 5 883947737 +867 258 3 880077751 +890 98 4 882403446 +780 526 5 891364125 +177 181 4 880130931 +543 233 4 877545716 +455 123 3 879111705 +627 713 2 879530306 +806 1071 4 882388965 +1 4 3 876893119 +405 526 1 885546154 +865 169 5 880235059 +715 376 2 875964545 +854 250 4 882812376 +313 82 3 891014838 +255 324 5 883215586 +692 168 2 876953204 +882 71 5 879867631 +629 655 5 880117333 +883 561 3 891695717 +561 539 1 885807035 +753 134 4 891402323 +60 501 3 883327472 +468 118 3 875280417 +537 646 2 886030552 +506 1407 2 885135954 +537 382 3 886030938 +1 263 1 875693007 +214 98 4 892668249 +671 257 5 875388720 +857 14 4 883432633 +892 151 4 886609330 +312 507 5 891698300 +796 9 3 892660251 +871 1385 3 888193136 +868 173 4 877107961 +804 188 4 879442096 +784 754 3 891387249 +90 270 4 891382310 +566 155 2 881651225 +42 71 4 881108229 +389 211 4 880087415 +393 1044 4 889731821 +456 403 2 881373900 +878 655 3 880866687 +145 227 4 885557660 +821 357 5 874793517 +741 496 5 891456718 +887 1012 1 881378153 +524 823 4 884628136 +863 303 1 889288911 +406 507 4 879445735 +551 461 3 892778074 +588 63 5 890028385 +870 386 4 880584752 +796 1101 5 892690382 +660 405 2 891198479 +840 529 4 891204891 +577 79 4 880474530 +655 209 3 887473831 +705 849 3 883428201 +484 449 4 891195602 +749 808 3 878849929 +474 490 5 887926059 +387 289 1 886484413 +559 515 4 891035111 +605 69 5 879425432 +559 144 5 891034551 +788 1 3 880867970 +468 471 3 875279269 +804 719 3 879445132 +402 117 3 876267173 +767 222 5 891462760 +751 849 2 889299133 +296 483 5 884197307 +545 426 3 879901483 +867 252 2 880078179 +696 1062 4 886403631 +666 544 4 880313682 +222 1220 4 878184290 +756 731 3 874827920 +481 322 4 885828016 +847 118 3 878775982 +506 873 4 889874717 +844 50 5 877388182 +814 448 3 885411030 +551 470 5 892783711 +411 449 3 891035405 +288 214 2 886374316 +455 1086 3 879109692 +687 988 3 884652429 +894 333 4 879896756 +679 268 4 884312834 +887 839 4 881379566 +894 246 4 882404137 +805 151 5 881705810 +871 747 3 888193541 +894 297 4 880416380 +622 209 5 882592421 +653 658 2 880151817 +543 391 3 877547190 +718 815 4 883348873 +435 1016 4 884134377 +334 950 3 891545162 +871 1345 3 888193136 +194 78 1 879535549 +648 13 3 882212071 +492 45 3 879969814 +852 820 4 891037754 +712 768 5 874956560 +586 85 3 884067003 +49 1017 3 888069040 +870 216 4 875680520 +327 1218 4 887822400 +642 1000 3 885602340 +727 1139 3 883713348 +637 24 2 882903511 +664 194 4 876525998 +655 269 3 888474807 +524 693 5 884636562 +825 120 3 889020852 +892 849 2 886610341 +758 213 5 881976377 +655 1623 4 887428735 +564 1016 2 888730699 +790 826 1 884462714 +785 12 4 879439137 +851 273 5 891961663 +763 157 4 878917467 +863 326 5 889289157 +846 239 4 883947694 +77 28 5 884753061 +763 70 5 878917468 +676 328 5 892685657 +536 1063 5 882359938 +859 1014 4 885775564 +727 820 2 883709539 +846 1018 4 883949421 +276 260 3 874786439 +536 179 2 882359625 +646 893 3 888529080 +655 46 4 887523403 +647 831 3 876776321 +268 25 3 875742556 +361 70 4 879440386 +756 435 3 874832788 +708 25 3 877325838 +886 1303 1 876033987 +466 1607 5 890284231 +642 1136 4 888123195 +655 1278 2 887433780 +483 743 1 893098548 +606 405 4 878148493 +145 901 1 885556116 +881 183 4 876537995 +592 547 4 882607910 +411 276 3 892845575 +655 520 3 887523427 +795 97 2 881529761 +835 526 3 891033927 +751 1078 3 889299290 +881 161 3 876538506 +79 1 4 891271870 +768 151 2 880135923 +450 1115 4 882395778 +45 111 4 881011550 +634 1047 3 875729668 +26 369 2 891379664 +181 1163 2 878963086 +405 417 2 885548836 +870 770 4 875679992 +881 514 4 876537457 +728 546 2 879443155 +353 260 1 891402617 +876 48 5 879428481 +417 17 4 879648183 +857 325 1 883432397 +698 258 3 886365527 +261 326 4 890454279 +524 499 4 884637598 +761 295 4 876190130 +696 245 4 886404208 +681 690 4 885409770 +293 455 2 888905229 +880 348 4 892958376 +663 322 4 889491739 +886 232 3 876032973 +453 515 4 876191626 +632 591 4 879459053 +290 809 4 880475664 +889 488 2 880180265 +820 315 3 887954828 +339 515 5 891033072 +768 121 4 883834705 +113 325 4 875935610 +176 876 3 886047375 +786 99 4 882843112 +301 294 4 882074408 +1 203 4 878542231 +450 196 5 882371526 +63 1138 2 875747789 +487 289 2 883441083 +862 478 4 879305016 +600 570 4 888452563 +896 1101 2 887159110 +177 96 3 880130898 +843 542 2 879448392 +896 403 1 887160554 +378 40 3 880333653 +313 172 4 891014335 +864 13 4 877214125 +682 946 4 888523155 +598 691 2 886710330 +699 831 2 884152570 +660 385 3 891199883 +385 419 2 879442606 +561 1131 4 885807173 +690 8 4 881177430 +389 509 4 880614449 +864 386 3 888891288 +721 216 5 877138498 +873 300 4 891392238 +363 315 3 891493603 +457 196 5 882397763 +642 67 4 885843025 +393 344 3 891364581 +68 713 2 876974073 +5 406 1 875635807 +451 327 4 879012580 +488 173 4 891294473 +293 956 3 888906726 +460 313 4 882910837 +457 151 5 882394010 +253 655 4 891628142 +486 1322 3 879875347 +880 566 3 880167880 +13 531 3 882140104 +864 163 4 888888680 +693 1135 3 875482689 +506 399 5 874874054 +824 294 3 877021002 +210 654 5 887737559 +880 931 3 880243564 +312 660 4 891699321 +401 604 4 891033370 +487 150 5 883442430 +788 645 3 880870626 +881 135 4 876537900 +796 196 5 892675693 +374 1048 3 880394179 +636 100 5 891448228 +858 292 3 879459087 +554 22 4 876232794 +63 748 4 875747010 +738 214 4 875350157 +601 99 3 876350536 +52 1085 4 882922454 +864 222 4 888887502 +655 655 3 888474285 +838 143 5 887067631 +848 162 2 887048541 +878 794 4 880869418 +33 329 4 891964326 +692 25 4 876953340 +812 294 5 877625367 +757 156 3 888445551 +361 216 5 879440740 +554 230 5 876369968 +422 670 2 879744143 +637 121 4 882904458 +867 524 5 880078604 +864 173 5 888889129 +455 455 3 879111862 +109 209 1 880572756 +713 345 3 888881939 +758 474 5 881976089 +870 549 2 879270213 +618 443 4 891308665 +782 266 1 891498919 +747 480 5 888639060 +807 485 5 892531977 +187 83 5 879465274 +753 195 1 891401851 +298 526 5 884182573 +336 367 3 877757910 +852 930 3 891037777 +290 235 3 880474451 +761 326 1 876189715 +711 82 3 879994632 +825 870 3 880931932 +465 428 3 883531246 +43 70 4 883955048 +887 1015 5 881377933 +590 116 5 879439196 +844 318 4 877382762 +328 939 4 885046655 +407 675 3 876349153 +877 59 5 882677012 +630 756 4 885667551 +329 302 5 891655191 +661 972 3 876016581 +447 227 2 878856233 +293 218 2 888906168 +248 172 4 884534992 +10 654 5 877886597 +639 1465 2 891239048 +883 69 2 891717356 +881 179 5 876538400 +731 648 4 886183515 +889 1589 5 880177219 +642 944 5 885605987 +833 427 3 878078390 +686 97 2 879546847 +846 46 4 883949199 +313 58 3 891015387 +655 287 3 890497592 +592 1010 5 882608357 +773 2 3 888540146 +838 302 4 887060659 +640 496 4 874777491 +356 312 3 891406317 +846 1133 2 883950711 +727 1 3 883708660 +639 116 3 891239739 +788 228 3 880870365 +854 487 4 882813990 +727 206 3 883711896 +893 426 4 874829733 +402 483 5 876267173 +286 116 5 875806888 +691 631 4 875543025 +311 210 5 884364652 +896 108 3 887159854 +601 259 1 876346515 +858 181 2 879460595 +702 687 1 885767629 +640 47 4 874777735 +279 862 5 875313646 +424 100 5 880859446 +661 230 4 888300344 +605 117 2 879365748 +845 272 3 885409374 +592 890 1 882607745 +852 678 3 891036414 +682 1188 3 888519408 +846 1101 3 883948685 +804 972 3 879445783 +365 309 1 891303566 +606 1055 4 880923690 +790 173 3 885156046 +882 186 5 879879731 +870 1006 2 881001249 +653 657 4 890181185 +882 215 5 879867816 +410 354 3 888626481 +591 79 4 891031171 +193 121 3 889125913 +57 117 4 883697512 +634 222 3 875728913 +308 73 3 887738972 +552 284 3 879222071 +844 69 5 877388182 +790 42 5 885156686 +878 286 4 880865183 +510 322 3 887667752 +595 948 3 886920919 +660 1110 2 891201823 +764 28 4 876245069 +755 311 4 882569771 +248 98 5 884534673 +799 654 5 879254027 +631 334 2 888464941 +846 504 5 883948221 +560 268 4 879975173 +782 1283 2 891499469 +650 568 3 891381709 +868 452 2 877111394 +382 334 5 876802971 +883 53 5 891696999 +449 60 5 880410652 +712 755 4 874957113 +842 268 5 891218059 +835 215 4 891033199 +862 22 5 879304571 +766 496 5 891309767 +592 89 4 882955543 +606 55 4 880926245 +437 415 4 880143591 +386 597 3 877655145 +805 7 5 881694693 +796 173 5 892662483 +764 866 4 876244181 +655 1634 2 888474019 +555 129 4 882385841 +543 367 4 876105366 +848 125 5 887040159 +463 475 3 877385341 +303 128 4 879467542 +466 184 4 890285113 +450 133 5 882373019 +889 196 5 880180612 +666 866 2 880313582 +894 134 4 879897198 +861 86 5 881274630 +91 511 5 891439243 +90 212 4 891384147 +892 87 5 886609263 +541 511 4 883864739 +159 1221 5 884027141 +879 1 4 887761865 +505 102 1 889334526 +666 89 4 880139149 +828 83 3 891036826 +703 596 3 875242912 +479 526 4 879461378 +454 1126 2 888266955 +645 239 3 892055445 +663 682 3 889491891 +734 423 4 891022734 +728 147 4 879443418 +95 195 5 879196231 +234 832 2 892335501 +698 482 2 886367406 +606 963 5 880923925 +768 966 4 883834814 +662 985 4 880571006 +682 249 3 888518722 +582 1014 4 882962247 +889 886 3 880176666 +618 127 5 891307619 +537 448 3 886032001 +479 95 4 879461818 +846 400 1 883950889 +450 620 4 882399818 +504 440 3 887910370 +710 334 2 882063327 +806 162 3 882388557 +802 484 3 875985239 +886 108 5 876033200 +889 73 3 880181663 +194 387 2 879527146 +882 105 3 879863735 +385 98 4 879442189 +450 310 4 887660650 +804 63 4 879445334 +297 210 4 875410100 +896 281 2 887161172 +660 230 3 891199856 +846 1182 2 883950488 +846 837 5 883948495 +429 28 3 882385636 +666 144 3 880314144 +372 674 5 876869512 +249 407 3 879640618 +758 231 3 881979012 +9 201 5 886960055 +804 826 3 879443776 +653 294 2 878853618 +682 274 4 888521740 +896 67 2 887160983 +727 29 3 883712603 +630 687 3 885666301 +717 975 2 884642843 +796 232 3 893048911 +886 273 2 876032274 +493 173 4 884131114 +603 216 4 891957139 +883 882 4 891691388 +886 419 3 876032353 +853 873 3 879365091 +18 22 5 880130640 +365 591 4 891303901 +698 199 2 886367065 +181 884 1 878961847 +244 249 4 880604930 +666 1021 5 880139669 +869 312 2 884490251 +533 120 1 879366160 +678 1115 3 879544815 +896 310 4 887157208 +51 181 5 883498655 +846 739 4 883949459 +506 323 3 875444631 +740 269 4 879523187 +665 12 4 884294286 +551 796 4 892785264 +481 484 4 885828686 +749 197 4 878848044 +878 126 3 880865940 +745 258 5 880122502 +727 435 3 883710687 +870 487 4 879270313 +500 821 2 883876837 +753 504 3 891401457 +388 680 5 886439808 +871 259 3 888192971 +798 283 5 875637963 +892 441 3 886610267 +450 618 4 882373995 +536 423 4 882360601 +332 307 5 888098170 +764 15 4 876242945 +814 443 3 885411132 +897 1 5 879994113 +642 1209 3 885606212 +554 756 3 876231938 +328 915 3 893195665 +594 357 4 874786664 +878 22 2 880866918 +279 373 4 875659844 +706 294 4 880996945 +682 948 2 888516865 +751 485 4 889134483 +399 181 3 882342689 +405 1311 1 885546859 +657 118 1 884240732 +777 521 5 875980235 +796 928 2 893194929 +779 71 4 875999285 +75 1152 1 884050502 +214 357 5 892668130 +848 195 3 887040097 +763 505 4 878919206 +848 99 3 887038397 +724 678 2 883757874 +642 122 2 885606463 +682 25 4 888521564 +405 161 1 885547997 +847 180 2 878939945 +847 183 4 878940332 +370 222 3 879434746 +851 313 4 883148627 +853 879 4 879364955 +419 275 5 879435520 +843 511 3 879447837 +606 173 5 880924859 +734 165 3 891025393 +458 603 4 886397155 +659 98 4 891045943 +825 1016 3 880756077 +663 1051 3 889493118 +711 241 4 879994536 +894 269 3 879896041 +560 476 2 879977124 +655 1296 3 891585242 +844 109 2 877381850 +314 508 3 877886789 +831 250 5 891354931 +293 420 4 888907356 +518 288 3 876822581 +363 429 5 891496077 +820 264 3 887955180 +399 378 3 882348284 +561 675 3 885808904 +383 205 4 891193210 +815 404 4 878695147 +504 939 4 887838869 +537 486 3 886031149 +862 433 4 879304445 +658 7 4 875145879 +271 690 4 885844430 +513 252 5 885063549 +839 220 3 875753029 +705 720 5 883428178 +469 199 4 879524006 +727 239 4 883711449 +393 597 3 887745293 +890 237 3 882575209 +293 571 2 888908041 +679 223 5 884487052 +450 300 4 882216475 +622 482 3 882592178 +788 492 3 880868235 +642 356 4 886132104 +758 273 4 881977714 +664 302 4 876523093 +347 200 4 881654452 +833 597 1 875133458 +826 627 4 885690342 +864 603 4 888888025 +131 744 4 883681384 +653 53 2 880153304 +829 640 3 881707829 +828 213 2 891037865 +717 678 3 884641842 +345 87 5 884991984 +7 546 4 891353444 +690 554 3 881180005 +291 1090 2 875087634 +423 307 3 891394673 +787 324 2 888979605 +328 657 4 885046134 +830 97 4 892502984 +540 628 3 882157148 +75 1048 4 884050705 +13 202 5 882141425 +807 678 3 892527569 +707 212 4 886286792 +862 429 5 879304526 +507 250 5 889966024 +890 181 4 882405808 +823 160 4 878438232 +620 123 3 889987190 +158 217 5 880133095 +693 378 2 883975537 +421 709 4 892241389 +694 511 5 875728048 +271 480 4 885848475 +890 89 4 882403446 +632 385 4 879458649 +547 289 3 891282775 +684 168 4 878761120 +618 109 2 891308615 +14 473 5 876964936 +398 72 3 875719399 +705 623 5 883427778 +823 164 3 878437658 +864 123 4 888890594 +588 82 5 890024829 +696 906 3 886403769 +222 537 4 881060735 +796 1 2 892660251 +846 172 4 883949834 +880 597 3 880167436 +727 926 3 883709438 +577 161 5 880475561 +698 588 4 886367558 +541 404 4 883874646 +853 292 4 879364669 +746 449 1 885075476 +705 89 2 883428083 +890 340 4 882402181 +750 683 1 879445911 +788 474 3 880868599 +790 288 4 884460942 +867 1608 2 880078110 +897 597 5 879993519 +451 330 3 879012721 +707 606 4 886285762 +887 993 5 881378251 +374 572 2 880938255 +839 129 4 875751893 +833 434 3 875038888 +881 141 3 876538889 +463 819 1 889937778 +818 322 2 891870389 +704 175 3 891397712 +626 258 4 878771243 +840 97 3 891205041 +796 183 5 892662441 +524 241 5 884635205 +18 210 5 880131054 +141 409 5 884585274 +621 676 3 880737607 +354 602 3 891217717 +535 699 4 879619000 +710 874 3 882063254 +379 193 4 880524783 +741 423 3 891018339 +758 33 4 881976335 +727 246 4 883708806 +790 231 4 885158057 +764 432 5 876245421 +565 381 2 891037628 +698 648 4 886367100 +249 179 5 879641140 +868 232 1 877109082 +56 50 5 892737154 +881 281 3 876536439 +675 318 5 889489273 +537 272 4 886028446 +889 655 4 880178224 +890 163 3 883010005 +683 22 4 893286550 +586 451 4 884067422 +892 226 3 886610201 +807 73 3 892532030 +606 260 3 887059561 +747 268 5 888638091 +846 238 5 883948377 +398 202 3 875725256 +795 386 3 883254649 +233 127 5 877661364 +641 50 3 879370150 +393 687 3 887742916 +814 675 3 885410957 +655 1214 2 891999461 +793 288 4 875103584 +825 258 4 880932625 +826 232 3 885690713 +535 425 5 879618338 +880 1284 4 880167355 +149 245 3 883512813 +658 86 4 875147873 +887 369 5 881378896 +770 93 5 875971989 +505 471 4 889333392 +831 150 3 891354815 +852 841 4 891037625 +880 879 3 880166529 +749 232 4 878848483 +322 346 3 887313611 +728 285 4 879443446 +554 1012 3 876231839 +684 49 4 878762243 +863 242 4 889289570 +496 150 2 876064230 +862 121 5 879304196 +864 215 4 888888994 +508 208 5 883776748 +747 508 5 888638876 +234 557 1 892335989 +639 582 3 891239739 +617 1021 4 883788730 +758 780 5 882054468 +450 114 5 887660504 +47 301 4 879440333 +880 451 2 880243230 +677 678 4 889399113 +883 709 5 891694431 +442 68 3 883390416 +889 1103 2 880180071 +845 1434 4 885409719 +334 225 3 891545645 +749 96 5 878847498 +731 196 5 886186811 +846 606 4 883948685 +387 430 3 886482882 +7 443 5 891353254 +766 175 3 891309118 +830 523 4 891898661 +701 311 5 891446679 +430 528 4 877226164 +299 93 2 877877775 +70 684 3 884149646 +456 1017 4 881372574 +271 792 4 885849536 +194 657 4 879521328 +537 1005 3 886031752 +805 541 3 882216971 +271 763 3 885847876 +897 472 5 879993620 +374 527 4 883628801 +789 50 5 880332114 +653 179 4 880149927 +731 427 5 886186940 +773 176 4 888539962 +561 70 4 885808673 +561 86 4 885809064 +863 361 5 889289618 +685 299 2 879451540 +887 1 5 881377972 +13 750 5 883670552 +379 644 5 880961648 +85 1070 4 879453809 +399 144 3 882342689 +697 288 2 882621431 +881 112 2 876536978 +632 82 4 879457903 +889 728 3 880181995 +554 204 5 876550610 +373 80 3 877107235 +198 462 3 884209535 +727 167 2 883713419 +676 471 3 892686273 +387 248 4 886481151 +833 1231 4 875132237 +878 212 3 880867987 +623 210 5 891035112 +781 174 5 879634256 +13 817 1 882396914 +171 288 2 891034606 +758 657 5 881975213 +458 129 4 886394667 +374 756 3 882157967 +165 174 4 879525961 +313 654 5 891013681 +648 275 5 882211016 +901 275 3 877130677 +780 187 5 891363904 +727 369 2 883709948 +655 375 2 888984293 +545 98 5 879899861 +823 642 4 878439089 +489 902 4 891448931 +181 847 1 878962550 +894 302 4 879896041 +379 96 5 880741811 +825 515 4 880756076 +846 673 4 883949422 +545 423 4 884134114 +495 665 1 888637169 +43 542 3 883956518 +572 319 4 879449209 +760 1037 5 875668781 +880 1001 2 880167435 +627 100 5 879529702 +751 226 3 889134237 +417 172 3 879647519 +505 127 1 889333711 +780 511 5 891364027 +271 2 1 885849386 +293 175 2 888906244 +629 475 4 880117121 +543 792 4 877550535 +494 121 4 879541429 +13 506 5 882140691 +488 289 1 891293263 +843 672 3 879443297 +886 118 1 876032673 +757 432 3 888467269 +209 1086 4 883417667 +586 83 2 884059196 +509 268 2 883590443 +815 1078 2 878695903 +803 688 1 880055043 +774 774 1 888557883 +369 179 4 889428442 +655 1256 3 887425655 +889 381 4 880180784 +308 185 4 887736925 +212 87 5 879304010 +634 544 3 875729478 +788 809 3 880870401 +545 78 2 884134578 +553 559 3 879949251 +577 1517 3 880475644 +168 458 1 884288058 +896 525 5 887158164 +7 651 5 891350932 +829 855 4 881698934 +23 367 4 874785957 +889 1267 3 880182629 +648 183 5 884368442 +840 495 3 891209322 +399 388 2 882350791 +493 369 2 884130271 +871 241 3 888193385 +682 881 3 888521291 +388 302 5 886438122 +379 331 4 880526281 +660 254 1 891357371 +417 596 3 879646244 +840 285 4 891203203 +896 212 2 887160582 +305 729 3 886324712 +765 522 5 880346951 +746 1 4 885075714 +592 358 1 882607690 +314 283 4 877886483 +65 25 4 879217406 +682 98 4 888520638 +503 277 4 879438580 +892 1219 2 886611079 +716 601 4 879794892 +707 311 4 879439624 +484 274 4 881450085 +385 855 5 882081995 +774 692 1 888556121 +272 234 4 879455143 +585 165 4 891284184 +666 163 3 880567742 +487 222 4 883442018 +892 661 5 886608473 +867 498 4 880078401 +617 859 3 883789590 +723 169 4 880498938 +750 288 4 879445808 +827 690 3 882807503 +429 433 3 882385858 +599 288 4 880950997 +573 180 4 885844091 +665 257 3 884292654 +598 347 3 886710330 +676 890 1 892685900 +416 38 3 886318228 +574 340 1 891279174 +749 746 5 878848764 +716 393 3 879796596 +561 87 3 885809197 +749 322 4 878846422 +405 229 1 885548048 +647 121 4 876534274 +654 215 4 887864587 +410 323 3 888626990 +805 5 4 881695293 +491 284 3 891185330 +371 449 3 880435733 +779 21 5 875996932 +627 471 3 879530463 +283 91 5 879297965 +343 410 3 876403212 +201 468 4 884140927 +773 1240 3 888539256 +713 342 3 888882179 +236 179 1 890118417 +749 237 3 878846782 +545 117 4 879899233 +21 769 1 874951916 +42 941 4 881109060 +13 69 4 884538766 +848 95 5 887041354 +718 1047 3 883349442 +892 432 4 886610996 +870 704 3 879714532 +629 193 5 880117565 +116 603 3 876454174 +746 222 3 885075267 +864 245 4 887686369 +896 136 5 887158768 +875 923 5 876465370 +709 508 4 879846590 +698 172 5 886367100 +813 988 3 883752528 +878 402 4 880869303 +721 77 5 877147200 +493 151 3 884130516 +853 301 1 879364744 +899 208 3 884121857 +901 509 4 877288977 +741 478 5 891456741 +727 79 4 883710806 +782 681 3 891498436 +826 11 4 885690526 +142 147 1 888640356 +221 1098 4 875245283 +833 385 3 875039204 +896 752 1 887161916 +311 1297 4 884365654 +505 742 4 889334162 +291 173 5 874871800 +450 511 5 882372178 +592 333 5 882607476 +316 174 1 880854539 +548 79 5 891044482 +385 59 2 879442490 +666 607 4 880139563 +747 1159 2 888639685 +779 195 5 875999211 +840 79 4 891204135 +622 1408 1 882672922 +715 1215 1 875962762 +365 316 4 891303638 +798 805 4 875743813 +749 510 4 878847404 +657 282 3 884239745 +825 281 3 880756678 +398 178 5 875718614 +503 1475 5 880382768 +764 743 1 876243100 +648 431 5 884882664 +878 71 4 880870130 +705 826 4 883428238 +457 226 3 882548825 +141 407 2 884585523 +846 1239 2 883950634 +774 528 4 888556698 +702 227 4 885767775 +671 226 3 883949693 +380 215 3 885479163 +642 141 4 886568744 +602 1 4 888638547 +798 280 2 875554523 +690 581 2 881180109 +409 435 3 881107310 +766 568 2 891310313 +833 558 4 875039204 +763 144 3 878915722 +286 988 3 875806722 +551 597 4 892784976 +677 14 1 889399265 +875 514 5 876465112 +125 709 3 879454891 +640 346 4 886353742 +13 902 3 891749765 +495 1245 5 888633129 +661 8 5 876016491 +457 378 4 882548312 +848 165 5 887038397 +627 230 4 879531397 +824 292 3 877020927 +833 185 5 875039416 +655 238 3 887473831 +727 127 4 883708830 +428 294 4 885943651 +561 511 4 885807510 +882 559 3 879876806 +719 293 3 883982002 +339 655 4 891033452 +368 127 4 889783678 +579 1110 1 880952516 +288 197 5 889225574 +881 630 4 876539187 +584 431 3 885774702 +777 1079 2 875979431 +886 173 5 876031932 +831 174 5 891354534 +634 288 3 875729178 +844 216 5 877388183 +682 151 5 888523115 +840 531 5 891204089 +18 72 3 880132252 +748 153 4 879454930 +771 1 5 880659449 +782 1251 3 891500028 +22 62 4 878887925 +363 735 3 891496077 +650 214 3 891369587 +90 1136 3 891385899 +889 402 3 880182496 +699 340 4 893140639 +731 705 5 886182632 +506 855 4 874874802 +840 507 4 891208667 +880 802 3 880167918 +533 934 3 879366118 +519 350 5 883250102 +276 501 4 874793035 +699 191 3 878883173 +705 99 3 883427691 +648 1028 2 882212288 +717 280 4 884642738 +711 496 5 879993073 +429 473 3 882387551 +504 517 4 887832782 +618 962 1 891307784 +655 899 2 887433492 +867 295 4 880078069 +753 180 2 891401712 +64 132 4 889737851 +804 511 4 879442792 +715 697 2 875963566 +882 15 5 879862141 +629 132 5 880117395 +727 5 3 883711680 +263 260 2 891297677 +894 845 3 881443365 +823 692 4 878439438 +831 258 2 891354020 +846 578 3 883949200 +287 235 4 875334248 +826 802 4 885690854 +897 214 5 879990923 +493 24 4 884130593 +730 410 1 880310440 +787 750 5 888979075 +44 194 5 878347504 +805 725 3 881705672 +712 729 5 874730491 +405 168 1 885547124 +385 427 4 879441386 +406 672 2 879792897 +506 518 4 874873198 +279 100 4 875249259 +852 515 5 891036414 +577 627 5 880475339 +664 56 4 876525962 +453 4 4 877554490 +843 450 2 879444083 +75 508 4 884050102 +188 194 3 875073329 +429 72 2 882387551 +248 121 2 884536206 +830 313 5 891462165 +62 704 2 879375477 +592 346 4 885280098 +821 106 2 874793196 +891 50 4 891638682 +619 566 4 885954105 +298 199 4 884127690 +788 1277 3 880870583 +391 215 4 877399100 +878 530 5 880872619 +416 614 5 893212572 +664 702 4 876526052 +881 151 2 876536241 +595 222 3 886921274 +881 118 4 876536332 +764 13 2 876242755 +625 1020 3 892000629 +896 686 3 887159146 +145 106 4 875270655 +623 216 4 891034756 +568 479 5 877906995 +899 694 5 884121009 +262 650 4 879792604 +189 433 5 893266326 +738 161 4 875350720 +746 202 5 885075518 +470 1084 3 879178406 +717 307 5 884642133 +903 1132 3 891031949 +533 182 3 879191265 +604 218 3 883668175 +637 1244 1 882904458 +13 690 3 881514811 +848 640 1 887037935 +721 181 5 877138951 +580 348 3 884124382 +670 611 5 877975129 +782 298 4 891499278 +826 228 3 885690600 +758 20 4 881976574 +595 864 4 886922069 +586 54 3 884068393 +493 154 4 884131952 +655 251 3 888984417 +880 1267 4 880242356 +145 222 5 885557660 +846 232 3 883949290 +835 197 5 891033889 +899 209 5 884121173 +804 24 5 879443776 +822 926 2 891040155 +886 208 3 876031764 +212 317 5 879303638 +894 752 3 888280083 +394 771 4 881060366 +277 221 4 879544146 +784 898 4 891387895 +543 423 3 874863035 +621 367 3 874962900 +854 147 3 882812492 +889 81 4 880180849 +808 245 4 883949822 +699 127 3 878881828 +174 1091 3 886515591 +552 280 3 879222002 +565 515 5 891037803 +868 101 4 877109996 +693 79 4 875483330 +806 133 5 882389908 +880 118 3 880167551 +597 118 3 875343067 +606 678 3 877642127 +606 206 4 880927552 +774 826 2 888558623 +230 161 5 880485468 +588 117 4 890027062 +697 833 3 882622228 +776 635 4 892920403 +389 77 2 880088922 +851 132 4 875731370 +896 849 2 887161563 +894 255 3 879896836 +539 275 4 879787917 +805 99 2 881695560 +13 558 1 882397011 +896 744 3 887160040 +110 54 4 886988202 +498 10 5 881960711 +880 1518 2 880242422 +648 1029 2 884882636 +177 1110 3 880131123 +796 222 5 892660364 +804 181 5 879440947 +761 471 3 876190336 +442 410 4 883388508 +805 259 1 879971049 +561 238 4 885807547 +472 1014 4 875978191 +880 4 4 880167843 +886 357 4 876031601 +492 527 5 879969879 +452 815 2 875277472 +882 1015 3 879863457 +402 510 5 876267235 +507 50 5 889965997 +821 763 3 874792491 +379 381 5 885063301 +904 9 4 879735316 +886 3 3 876032330 +303 1182 2 879543459 +397 268 4 889760703 +533 143 4 879438850 +18 59 4 880132501 +833 665 3 875224309 +264 675 4 886122352 +819 303 4 879952508 +795 217 1 883774317 +889 1074 3 880181515 +545 566 4 879899438 +235 82 2 889655403 +456 1198 4 881371595 +378 239 3 880055148 +887 111 5 881378370 +889 576 3 880182541 +520 310 4 885168862 +537 539 1 886029212 +758 109 3 881975687 +587 877 2 892871372 +786 732 4 882843353 +291 249 4 874805893 +546 313 2 885139580 +617 345 1 883788511 +619 808 3 885954053 +401 471 4 891032495 +533 126 4 879192414 +357 456 3 878952265 +815 501 3 878694028 +587 330 3 892871372 +760 172 3 875667294 +823 1135 3 878437836 +883 30 4 891693058 +334 753 4 891545741 +886 7 5 876031330 +514 216 5 875309350 +177 678 3 882142086 +707 194 4 886286246 +774 926 1 888558946 +454 317 4 888267343 +732 305 2 882590201 +837 20 4 875721919 +43 546 4 875975613 +706 471 4 880997172 +758 186 5 881974931 +390 258 5 879693461 +883 194 3 891694218 +112 310 4 884992444 +659 792 4 891384003 +667 216 4 891034894 +500 407 3 883877252 +622 111 4 882591014 +868 403 2 877111837 +907 1057 3 880159151 +846 229 3 883949771 +766 729 3 891310394 +463 1606 2 889936565 +864 124 5 877214158 +487 546 3 883444674 +655 1268 3 892914357 +796 403 4 893048410 +303 866 2 879485277 +731 1503 5 886184578 +577 735 5 880474338 +543 13 3 876896210 +711 829 2 879992018 +568 641 5 877907596 +704 603 5 891397262 +839 950 4 875752408 +840 638 3 891204239 +871 337 3 888192475 +880 578 3 880168411 +870 238 4 875050865 +666 26 3 880568505 +682 393 4 888521711 +653 638 1 878866636 +791 322 4 879448128 +905 333 3 884982806 +774 200 2 888557715 +868 1028 3 877103195 +780 496 4 891364027 +553 611 5 879948386 +764 289 5 876244991 +456 461 4 881373168 +588 1240 5 890025864 +433 276 5 880585843 +697 50 5 882621913 +380 238 3 885479057 +339 222 4 891033512 +487 259 2 883441083 +846 1540 3 883949121 +795 3 2 880561783 +6 170 4 883602574 +6 223 4 883600747 +874 321 3 888632275 +63 259 3 875747047 +907 763 5 880159081 +757 155 2 888469095 +757 101 4 888467309 +833 1071 3 875134150 +904 289 5 879735177 +524 1041 2 884636746 +499 663 5 885599718 +826 101 5 885690442 +454 66 4 888266685 +711 52 5 879993534 +812 748 5 877625368 +406 132 5 879445430 +567 297 3 882426246 +655 1267 2 887427840 +763 73 3 878919180 +435 820 1 884132367 +345 781 3 884993636 +474 434 4 887928562 +798 1283 4 875295695 +896 458 1 887235027 +749 24 2 878849508 +659 490 4 891384215 +570 289 1 881262497 +276 575 2 874792310 +530 196 5 883784601 +862 276 5 879303079 +896 48 4 887158635 +233 435 5 877665324 +197 947 2 891410083 +757 658 2 888467765 +543 174 4 874864666 +801 326 4 890332885 +561 1478 3 885809626 +887 279 5 881378478 +659 88 2 891385955 +897 478 3 879991105 +715 405 3 875962374 +234 204 2 892079617 +727 196 4 883710514 +650 662 3 891371153 +854 535 3 882813364 +881 88 3 876538595 +826 432 3 885690379 +567 109 2 882425673 +792 129 4 877909753 +387 181 4 886479610 +505 1063 3 889334334 +553 275 5 879948552 +854 333 3 882811742 +774 227 5 888557383 +479 66 3 879462103 +317 678 2 891446887 +887 200 1 881380883 +303 21 2 879484004 +234 243 1 891034107 +226 513 3 883889256 +864 1135 3 888890594 +642 560 4 886568978 +850 172 5 883195301 +726 1059 5 889832806 +689 295 1 876676334 +682 135 4 888517484 +846 723 2 883948949 +826 53 5 885690900 +798 862 3 875914534 +830 181 5 891561673 +758 1007 5 880672727 +592 172 5 882956011 +881 642 4 876538027 +761 476 2 876190468 +894 1016 3 879896920 +846 748 3 883946477 +833 403 1 875133458 +751 1101 1 889298379 +322 505 4 887314119 +868 651 5 877103249 +263 199 5 891298914 +537 149 3 886030078 +280 550 2 891701764 +795 153 3 880569085 +387 477 1 886480733 +437 145 1 880143663 +491 319 1 891184567 +611 301 4 891636152 +468 297 4 875280462 +729 288 2 893286261 +871 781 4 888193541 +409 505 5 881107943 +501 411 4 883348564 +188 174 5 875072741 +815 713 4 878692016 +378 89 4 880046363 +627 68 4 879531429 +244 234 3 880606593 +870 52 2 880584400 +406 606 3 879445642 +659 97 5 891384798 +608 603 5 880403537 +666 480 4 880568063 +798 79 4 875638627 +774 161 2 888557409 +459 873 4 879561731 +201 1056 2 884113592 +580 1 3 884125243 +892 73 3 886610523 +553 480 5 879948552 +864 349 4 887686388 +794 1 4 891035864 +468 153 5 875287720 +840 513 5 891204295 +551 570 4 892785264 +715 79 5 875964579 +896 684 4 887158959 +881 282 4 876536773 +506 186 4 874875062 +535 223 5 879618207 +907 619 2 880159038 +630 237 5 885666823 +758 864 4 882053726 +543 515 4 876896210 +655 644 3 887474288 +896 713 2 887159630 +804 143 3 879442490 +795 581 4 883253316 +823 286 5 878437499 +757 570 3 888466683 +759 1 5 875227798 +293 429 4 888906045 +706 742 2 880997324 +181 410 1 878962955 +596 149 3 883539402 +639 549 2 891239427 +561 780 1 885810769 +737 173 4 884314970 +238 1258 1 883576666 +836 659 5 885754096 +108 7 5 879879812 +174 132 2 886439516 +890 172 5 882402905 +468 318 5 875293386 +738 88 3 875351712 +405 755 2 885548877 +255 7 2 883216358 +796 474 2 892663009 +875 171 5 876465370 +648 219 4 884883578 +792 696 3 877910241 +902 258 3 879463109 +821 435 4 874793773 +672 280 2 879787729 +643 42 4 891446750 +735 286 5 876697561 +629 300 4 880115923 +848 1101 5 887046533 +281 271 5 881200457 +500 735 4 883873941 +896 318 4 887158294 +661 219 2 876035968 +699 98 4 878883038 +506 8 5 874873374 +82 125 3 877452380 +855 60 3 879825528 +896 384 2 887160860 +833 552 3 875223976 +559 180 4 891035111 +312 648 5 891699068 +268 186 3 875310311 +588 1074 5 890032056 +344 22 3 884901180 +763 56 5 878919116 +830 202 5 891464148 +648 780 1 884882501 +851 932 3 875730455 +634 322 3 875729217 +645 772 3 892055728 +222 255 3 883815804 +567 679 4 882426055 +533 132 5 879191220 +804 615 5 879442298 +639 528 4 891239239 +738 474 4 875349775 +427 286 4 879700792 +373 197 3 877099352 +537 380 2 886032154 +796 38 5 893048505 +741 403 5 891456083 +859 762 5 885775437 +851 258 4 883148669 +533 88 4 879191902 +628 338 5 880776981 +894 638 3 882404669 +201 733 3 884140522 +417 171 3 879647800 +532 79 5 889235367 +821 318 5 874793368 +637 225 3 882904829 +897 127 5 879990647 +661 538 3 886830056 +294 281 3 889242035 +625 514 3 891262724 +293 235 3 888905146 +880 243 2 892958608 +4 324 5 892002353 +766 662 3 891310281 +595 336 2 886920966 +334 275 4 891544707 +497 590 2 879362461 +750 879 4 879445961 +891 591 4 891639497 +293 100 4 888904734 +841 323 3 889066880 +486 678 1 879874297 +815 393 4 878696473 +414 340 4 884999066 +682 246 5 888518659 +621 395 4 880739654 +617 269 1 883788511 +514 191 5 875318224 +898 288 4 888294529 +187 186 4 879465308 +877 640 2 882677311 +903 100 5 891031203 +901 1049 3 877127021 +503 226 5 879454841 +584 25 3 885778571 +734 318 5 891022648 +788 1273 3 880871771 +388 871 2 886440608 +655 301 2 887424991 +872 932 4 888479498 +692 1012 1 876953553 +765 971 4 880346911 +18 52 5 880130680 +846 540 2 883950711 +895 597 2 879438101 +18 716 5 880131676 +758 185 4 881975182 +507 597 5 889966089 +109 11 4 880572786 +663 183 4 889493770 +397 748 2 889760845 +690 121 3 881179906 +751 538 4 887134672 +271 539 1 885847170 +402 116 3 876267067 +566 736 4 881650690 +270 603 5 876955868 +456 1081 4 881372191 +553 1126 4 879948508 +896 325 1 887157732 +635 237 3 878879257 +603 176 2 891956776 +601 8 3 876348736 +618 65 3 891309720 +85 64 5 879454046 +655 79 5 887429559 +782 338 2 891498676 +705 225 4 883427594 +473 1007 4 878157329 +515 347 3 887658604 +868 176 4 877103248 +524 228 3 884636152 +907 100 5 880158712 +906 100 4 879434846 +682 26 3 888517986 +540 20 4 882157509 +276 531 4 874790801 +645 65 4 892054824 +868 202 3 877104264 +741 281 2 891455792 +497 790 2 879362720 +826 174 5 885690481 +221 578 4 875247023 +601 230 4 876350583 +524 1101 4 884635053 +655 1100 3 887427371 +835 281 4 891032718 +417 732 4 879647825 +222 654 3 878184087 +11 748 1 891902270 +862 11 4 879305172 +889 1134 4 880177219 +500 245 2 883864862 +454 468 3 888267087 +588 1180 2 890032056 +669 133 4 891260779 +442 150 4 883388283 +880 182 5 880167670 +789 294 3 880332275 +896 789 2 887157978 +621 240 4 880738893 +871 275 3 888193384 +899 216 5 884121885 +807 374 3 893083109 +75 988 2 884049820 +697 455 4 882622170 +429 672 2 882387551 +312 143 4 891698893 +769 1028 3 885424186 +453 354 4 888201923 +890 443 4 882404541 +655 171 2 887523641 +642 473 1 886131585 +165 127 4 879525706 +853 323 3 879364883 +374 762 5 880393460 +716 520 4 879794935 +758 452 3 882054468 +314 710 3 877888796 +416 938 3 892439155 +430 148 2 877226047 +707 962 2 886285792 +44 756 3 878346904 +292 150 4 881105135 +49 455 1 888068791 +328 1021 3 885045740 +87 804 3 879877083 +559 195 3 891034647 +21 628 3 874951616 +370 525 4 879434666 +778 180 4 890725725 +193 286 4 889122906 +411 1 4 892845604 +752 327 5 891208451 +655 356 3 887430804 +726 310 4 889828404 +262 369 2 879791160 +864 98 5 888886946 +870 17 4 880584752 +246 227 4 884922475 +493 174 3 884131211 +752 1294 3 891207898 +568 512 1 877907596 +661 172 5 876036358 +747 482 5 888639526 +94 568 3 891721974 +416 1077 1 886317030 +790 17 2 885157399 +845 269 4 885409493 +906 121 4 879435598 +863 1038 1 889289327 +793 250 4 875104031 +882 815 2 879861678 +788 471 3 880869862 +98 988 1 880498668 +144 174 5 888105612 +805 93 5 881704016 +601 455 4 876347148 +409 100 5 881107992 +561 479 4 885807547 +435 655 2 884131799 +458 238 4 886397679 +879 151 3 887761425 +804 558 3 879441627 +872 1 3 888479151 +551 596 5 892784049 +774 431 4 888557329 +778 56 3 891232041 +397 991 1 875063678 +181 108 1 878963343 +782 1588 3 891500067 +104 268 3 888442172 +537 607 4 886030682 +889 382 2 880178248 +178 51 4 882828021 +753 23 2 891401665 +868 474 4 877105882 +634 116 3 875729069 +903 318 5 891032793 +643 679 3 891447747 +200 230 5 884128400 +704 344 4 891397015 +621 161 3 874964447 +640 313 5 888639815 +758 959 3 881978864 +639 381 2 891239581 +407 844 2 884196984 +181 1011 1 878963204 +814 219 4 885411030 +892 127 5 886607878 +437 559 3 880143695 +449 251 3 879958603 +642 679 2 885606986 +7 70 1 891352557 +805 180 3 881698139 +327 180 4 887745774 +586 1249 3 884067058 +263 28 3 891298219 +659 174 4 891384215 +393 333 4 889554171 +165 187 3 879526046 +807 140 3 892530004 +232 589 3 888549790 +896 159 2 887160880 +840 747 4 891209490 +755 881 1 882569732 +802 7 5 875986303 +711 393 4 879994778 +894 288 3 879896141 +251 845 4 886272378 +396 117 4 884646191 +611 324 3 891636399 +113 292 3 875076105 +653 56 5 878853975 +275 181 4 876197615 +548 525 5 891044446 +486 742 2 879874693 +843 831 4 879444977 +479 204 4 879461583 +870 51 2 879714500 +319 301 4 875707721 +748 56 4 879455083 +660 83 3 891199556 +897 227 3 879992190 +526 333 3 885681935 +885 866 3 885713102 +346 188 4 874948252 +733 302 4 879535011 +807 101 4 893080637 +862 184 2 879305097 +887 1136 5 881381071 +642 732 4 885605538 +758 567 4 881978016 +729 748 4 893286638 +840 884 5 891203087 +711 423 3 879993534 +798 825 3 875638178 +904 97 4 879735678 +684 178 4 878760250 +864 294 4 878179381 +521 12 5 884477853 +824 304 3 877020964 +524 1421 5 884637147 +372 164 4 876869446 +882 471 4 879861562 +836 288 1 885753475 +497 432 3 879309993 +751 945 3 889133852 +889 494 3 880181275 +665 472 3 884291242 +537 958 2 886030652 +803 311 5 880054754 +653 4 3 878866755 +661 749 2 889500304 +239 209 5 889179032 +835 179 5 891033819 +870 559 2 879714532 +781 180 4 879633895 +875 133 4 876464967 +668 252 2 881702925 +671 79 2 883546120 +774 233 2 888557383 +407 186 4 876348198 +887 473 4 881378896 +863 258 5 889289122 +608 86 5 880403484 +847 258 5 878774722 +875 268 4 876464755 +757 121 2 888444635 +456 1134 4 881372281 +840 210 3 891204592 +178 781 4 882827716 +854 591 2 882812451 +535 520 4 879618058 +835 237 4 891035310 +498 772 1 881957999 +648 104 1 884367274 +881 98 5 876537612 +742 50 4 881335248 +499 886 4 885598215 +646 332 3 888528870 +881 97 3 876537613 +804 624 2 879445536 +537 963 3 886030805 +60 484 5 883326370 +571 357 4 883355063 +537 640 3 886031211 +632 11 4 879458142 +634 595 4 877017923 +508 210 4 883777125 +336 781 3 877757373 +326 195 4 879875752 +896 186 4 887159069 +456 1240 3 881374332 +690 546 4 881178383 +774 98 4 888557682 +539 603 4 879787985 +469 507 5 879523803 +512 286 5 888578937 +303 432 3 879468274 +831 331 4 891353979 +849 298 5 879695086 +889 56 5 880177857 +654 137 4 887863596 +308 472 2 887739336 +849 588 5 879695680 +833 647 4 875123427 +758 1019 4 881975736 +716 99 5 879796214 +674 222 3 887762839 +880 252 2 880167551 +350 98 4 882347832 +815 188 3 878693906 +883 1045 5 891717462 +452 1013 1 876215773 +900 458 2 877833326 +805 95 3 881695527 +650 603 4 891369836 +694 88 4 875727018 +455 291 3 879109984 +577 405 3 880470282 +450 435 4 882374332 +200 9 4 884126833 +468 427 5 875291722 +666 482 4 880567997 +487 179 3 883528237 +559 587 4 891034095 +898 319 5 888294676 +188 510 3 875071775 +201 1174 5 884140670 +608 262 3 880402368 +334 689 3 891544340 +561 1170 3 885809407 +151 371 4 879542891 +31 306 3 881547814 +416 323 3 876696739 +820 301 2 887955046 +230 431 3 880485254 +406 582 4 879793295 +453 402 3 888207161 +527 1101 4 879456691 +81 928 4 876534214 +334 186 3 891547128 +250 55 5 878091915 +885 432 4 885714820 +882 8 5 879864789 +279 1244 3 875298652 +459 1038 4 879561654 +406 485 3 879445735 +327 174 4 887744513 +899 685 3 884119954 +387 583 4 886483098 +749 576 3 878850533 +756 111 4 874829670 +796 684 5 892676195 +727 411 3 883709905 +766 217 4 891310650 +618 164 3 891309041 +823 423 5 878438780 +701 689 3 891446822 +299 97 4 878192680 +521 89 3 885253266 +537 1445 3 886031576 +864 951 3 888891288 +535 198 4 879618850 +607 707 4 883880027 +262 86 3 879791948 +660 151 5 891198335 +826 588 4 885690342 +268 550 2 875310524 +268 940 2 875743888 +387 435 3 886480483 +900 137 3 877832803 +538 96 4 877109669 +758 421 4 881975814 +711 747 4 879993871 +259 39 4 888720644 +798 321 3 875286981 +592 1067 5 882608698 +840 153 3 891204627 +484 419 4 891195825 +703 25 3 875242683 +472 175 5 875979910 +332 827 4 887938503 +886 1324 2 876032308 +363 393 4 891497925 +379 428 4 880568452 +585 52 3 891284184 +782 260 2 891498079 +868 615 4 877109375 +773 393 2 888539711 +760 204 4 875668105 +659 185 4 891332223 +13 274 3 882399384 +823 159 3 878438484 +379 529 4 891674436 +557 197 5 881179653 +395 100 4 883765155 +664 531 2 876523833 +399 223 3 882343012 +849 27 5 879695469 +524 818 3 884628308 +892 604 5 886608296 +381 1115 4 892697600 +908 56 4 879722642 +831 328 3 891354000 +735 298 4 876698897 +534 748 4 877807429 +889 211 4 880180765 +361 186 3 879440516 +780 657 3 891363723 +345 137 4 884991077 +588 550 3 890026513 +311 726 3 884366035 +684 282 4 875811274 +774 79 2 888557236 +82 112 1 877452357 +828 52 3 891037639 +395 186 5 883764817 +886 17 4 876032596 +868 179 4 877107056 +826 403 4 885690750 +309 286 4 877370383 +811 323 5 886377579 +796 1037 2 893047967 +900 130 1 877833512 +442 436 3 883390048 +378 928 2 880044488 +653 200 4 878866952 +159 866 5 880557539 +758 414 4 881977487 +903 994 3 891031883 +437 253 1 880141796 +884 179 5 876859109 +702 538 4 885767461 +744 657 5 881170575 +454 136 3 881959745 +673 301 3 888787450 +95 419 4 879198547 +717 890 1 884642001 +645 616 3 892054508 +821 234 5 874793574 +613 1315 4 891227338 +644 181 4 889077189 +456 208 4 881374710 +577 663 5 880474612 +881 924 3 876536850 +774 795 1 888555864 +694 673 4 875726926 +655 1041 3 887611537 +464 264 4 878354886 +829 14 2 881712488 +256 322 4 882150152 +796 720 4 893048562 +354 168 5 891218507 +747 287 4 888733182 +682 631 3 888517922 +472 79 5 892790953 +334 529 5 891547445 +417 228 3 879646915 +569 294 2 879793149 +862 479 4 879305351 +850 969 5 883194908 +804 133 3 879445904 +826 56 5 885690525 +610 318 5 888703378 +840 213 4 891205199 +405 1076 2 885549044 +377 258 4 891296356 +663 655 4 889493869 +867 195 5 880078452 +13 511 5 882139863 +180 191 4 877372188 +804 559 3 879445334 +845 1463 1 885409374 +733 282 3 879535814 +558 283 3 879436097 +495 179 5 888632470 +719 79 4 877310859 +800 257 4 887646980 +686 527 3 879547177 +554 289 4 876549656 +727 1303 2 883713737 +429 8 3 882386237 +805 934 1 881705611 +538 318 5 877106768 +624 245 3 879792109 +621 455 4 880738462 +655 709 3 888475039 +876 178 4 879428378 +334 815 3 891545540 +39 339 3 891400609 +181 1171 1 878962773 +493 118 4 884132898 +626 323 1 878771505 +889 568 3 880179785 +311 942 5 884366112 +880 280 2 880243204 +233 168 5 877663302 +379 419 4 880525794 +783 887 5 884326620 +788 519 4 880868235 +916 467 3 880844420 +798 239 4 875814157 +782 539 3 891498865 +823 184 3 878439629 +804 419 3 879444624 +911 357 4 892838954 +663 180 4 889493691 +421 218 4 892241687 +838 111 4 887064357 +813 358 3 883752606 +486 1609 3 879875220 +332 255 4 887938330 +659 1297 2 891387306 +450 748 4 882370410 +617 174 1 883788820 +847 168 4 878939912 +650 427 4 891383424 +642 156 1 886454965 +711 114 5 879992870 +62 171 4 879373659 +634 475 5 877018125 +771 403 4 880659769 +896 82 3 887159068 +821 1 5 874792813 +912 238 4 875966320 +881 81 3 876538666 +505 495 3 889333823 +56 114 4 892683248 +456 433 4 881373120 +883 20 4 891693723 +460 117 3 882912342 +912 1041 4 875966616 +776 196 3 891628773 +870 1041 2 879270213 +566 387 4 881651512 +831 347 3 891354191 +806 433 4 882389523 +18 419 3 880131878 +506 271 4 880198184 +504 717 4 887911730 +887 210 5 881379649 +371 185 3 880435519 +705 215 2 883518871 +782 993 3 891499370 +539 269 5 879787770 +301 128 5 882078228 +716 546 1 879794094 +711 77 3 879994749 +357 150 4 878951615 +847 410 1 878938855 +885 596 4 885714990 +747 631 5 888638957 +908 414 3 879723022 +896 144 4 887158333 +300 687 2 875650042 +880 347 5 892958301 +390 9 5 879694232 +624 1 4 879792581 +479 8 5 879461415 +63 3 2 875748068 +407 216 4 875552401 +629 55 4 880117094 +800 1047 3 887646804 +875 582 5 876465408 +847 176 3 878941398 +312 419 3 891699182 +825 717 4 889021088 +863 294 4 889289327 +294 276 4 877819421 +699 21 3 884152916 +804 323 4 879440765 +890 324 4 882404093 +18 714 4 880130334 +749 160 3 878847461 +894 221 4 885428233 +868 122 3 877113586 +468 529 3 875287686 +398 1041 3 875733660 +412 357 4 879717548 +870 92 4 875679861 +605 405 3 879429706 +102 1052 2 892993983 +894 1142 4 882404137 +862 175 5 879305172 +880 1002 3 880175527 +798 1544 3 875638925 +548 628 2 891415890 +840 203 5 891204627 +825 14 3 880755942 +532 633 5 888635197 +636 813 5 891448297 +456 1020 4 881373506 +532 480 5 893119491 +655 8 3 887477336 +434 476 4 886725076 +434 288 5 886724797 +543 237 4 876896210 +759 121 5 881476858 +828 1597 3 891037813 +320 238 4 884751672 +882 117 4 879861492 +345 1009 2 884991546 +90 171 2 891384476 +839 285 5 875752138 +896 385 4 887160426 +707 517 3 886287079 +821 70 4 874793933 +389 820 3 880089211 +758 569 3 881978460 +664 156 4 876526784 +894 328 4 879896466 +788 38 3 880871359 +908 156 3 879722603 +663 919 3 889492562 +863 1607 2 889288973 +472 375 5 875982680 +682 471 3 888517537 +806 195 3 882388328 +502 288 5 883701866 +789 181 4 880332437 +323 268 4 878738865 +630 496 3 885667854 +472 760 5 892790953 +650 423 3 891372316 +903 182 5 891380461 +487 628 4 883444558 +808 302 5 883949986 +582 235 3 882962803 +280 670 2 891702485 +551 357 5 892777274 +201 48 3 884111485 +815 418 4 878695744 +392 340 5 891037437 +914 724 3 887123464 +466 82 3 890284819 +168 118 4 884288009 +833 183 5 875123026 +723 289 2 880498816 +325 195 2 891478276 +548 310 3 891042474 +741 15 4 891456573 +303 1046 3 879468375 +839 319 1 875751411 +882 86 5 879867568 +152 724 5 884035936 +823 55 4 878438484 +887 1540 5 881380739 +788 222 3 880869945 +514 176 4 875463128 +608 131 4 880406032 +409 357 5 881107410 +334 150 4 891628832 +453 508 4 877552612 +334 846 3 891545318 +741 566 4 891455671 +608 483 4 880404916 +630 640 1 885668276 +393 879 3 887742798 +452 70 5 888492838 +276 508 5 874786467 +72 526 4 880037164 +894 249 3 879896872 +684 100 4 875810574 +844 625 3 877388040 +738 238 4 875349895 +842 269 5 891217834 +345 5 3 884992922 +650 294 3 891369190 +648 89 4 884797033 +881 291 3 876537177 +862 111 5 879302844 +883 16 4 891692713 +177 183 4 880130972 +825 926 4 880756643 +23 195 4 874786993 +795 150 3 883766579 +503 234 5 879454675 +506 233 4 874874109 +823 155 3 878439211 +279 1088 4 877756804 +269 521 4 891448048 +875 474 5 876465188 +769 405 2 885424214 +606 806 5 880923579 +606 234 4 880927179 +416 90 4 876699102 +334 220 3 891545513 +757 62 3 888466758 +751 746 4 889133219 +795 182 4 881530041 +721 938 3 877137359 +725 15 4 876106206 +752 305 4 891207940 +851 123 4 875730379 +885 186 4 885713434 +234 622 2 892335415 +451 1395 1 879012858 +192 1171 2 881368358 +757 122 1 888445218 +295 470 3 879518257 +642 739 5 886568838 +565 1622 4 891037478 +718 118 4 883348912 +852 181 4 891036414 +405 746 1 885547176 +548 742 5 891044596 +693 729 4 875482912 +424 508 3 880859519 +870 789 4 879705466 +560 483 5 879975406 +846 1267 3 883949728 +454 627 2 888267643 +847 39 2 878940531 +897 186 5 879994113 +11 318 5 891904194 +878 275 4 880865469 +561 676 3 885810674 +871 302 5 888192970 +650 186 4 891370998 +666 210 2 880139493 +647 70 3 876776321 +914 111 1 887124121 +638 435 3 876694787 +277 278 1 879543879 +693 222 2 875482524 +59 265 4 888205410 +722 756 3 891281369 +592 1070 5 882956158 +911 588 4 892840837 +11 449 3 891906327 +388 1 5 886436813 +885 70 5 885713585 +864 1119 3 888890548 +648 566 4 884882702 +839 292 3 875751559 +99 1048 4 885679411 +551 281 5 892784320 +504 127 5 887831510 +671 68 3 884035892 +847 234 2 878939645 +184 506 4 889909569 +174 280 5 886433862 +846 22 4 883948222 +621 94 2 874963081 +718 717 4 883349214 +682 890 2 888518564 +46 300 3 883611307 +916 1428 3 880845415 +169 443 4 891359418 +256 229 3 882164644 +548 226 5 891044596 +705 399 5 883427778 +152 596 2 880148941 +148 191 1 877020715 +454 465 3 888267343 +802 760 3 875986303 +716 514 5 879796331 +788 518 3 880869754 +804 378 4 879445605 +869 118 1 884492338 +887 181 5 881378040 +705 195 2 883428083 +493 234 5 884132037 +890 843 3 882916650 +798 259 5 875295566 +876 238 4 879428406 +795 727 3 881530317 +864 176 5 888887289 +846 64 4 883948221 +659 1138 4 891045266 +577 298 4 884819086 +586 930 2 884063080 +525 291 2 881086644 +896 133 2 887159502 +137 118 5 881433179 +478 591 3 889387958 +561 733 3 885809099 +877 955 4 882677936 +877 216 4 882677827 +715 157 4 875963024 +181 598 1 878962623 +659 1172 4 891332122 +757 385 3 888468596 +297 465 3 875238984 +658 212 3 875148059 +897 393 4 879991493 +499 425 3 885599474 +846 482 5 883948173 +194 367 3 879525624 +514 152 4 875318163 +561 1070 4 885809043 +756 210 4 874828902 +441 313 4 891035056 +398 414 3 875721111 +175 88 4 877108146 +468 952 3 875280310 +90 242 4 891382267 +440 749 3 891547746 +587 294 3 892871197 +20 633 4 879668979 +677 687 4 889399113 +782 292 4 891498213 +698 176 4 886366814 +880 831 4 880167411 +847 448 4 878940013 +692 326 3 876948579 +826 946 3 885690342 +385 61 2 879441572 +780 275 4 891363685 +716 480 5 879795025 +365 352 1 891303728 +392 191 5 891039015 +788 133 5 880868473 +378 382 4 880055520 +870 1134 4 879376967 +749 802 3 878850789 +618 924 4 891309040 +498 204 2 881957267 +774 418 2 888558019 +764 99 4 876246687 +537 964 3 886031407 +758 203 5 881978016 +728 742 4 879443321 +889 217 4 880182582 +13 152 5 882141393 +489 349 4 891449155 +757 68 4 888466435 +617 440 4 883789635 +497 364 3 879363233 +808 325 1 883949873 +905 258 3 884982806 +870 504 5 880584497 +479 201 4 879461142 +328 64 4 885046276 +643 33 3 891449417 +906 321 4 879434436 +647 568 4 876533832 +643 516 4 891447037 +733 1023 1 879544411 +622 121 1 882590955 +606 88 4 880926533 +870 272 4 890920916 +457 628 4 882393688 +416 803 3 886319177 +833 186 1 875133458 +452 492 4 875263413 +593 546 3 875659849 +782 324 2 891498381 +26 298 3 891371505 +551 168 5 892777723 +198 291 2 884205219 +878 736 5 880868035 +627 123 3 879530305 +457 566 4 882548583 +892 76 4 886609977 +292 603 5 881105318 +796 1041 5 893047287 +738 181 4 875348856 +393 538 3 887742071 +884 1214 1 876860434 +694 965 4 875727672 +377 895 3 891296307 +804 1047 3 879443852 +101 819 1 877136424 +32 7 4 883717766 +682 380 4 888517510 +805 735 4 881698139 +172 23 3 875537717 +423 127 4 891395394 +659 469 4 891385136 +560 211 4 879975752 +13 662 5 882399420 +773 1367 5 888538643 +896 398 2 887161469 +520 294 3 885170330 +864 7 5 878179608 +840 238 5 891204239 +844 151 4 877381674 +862 199 5 879304761 +234 466 4 892334368 +889 479 4 880177994 +560 617 3 879975661 +892 71 3 886608348 +682 552 3 888520977 +896 222 4 887159109 +593 763 3 875660105 +458 25 1 886394576 +493 257 5 884130495 +798 391 3 875915855 +834 343 4 890860416 +729 901 1 893286491 +742 237 4 881335960 +324 250 4 880575531 +474 491 4 887925187 +663 289 1 889491861 +896 273 5 887157947 +437 583 1 880143040 +232 900 5 888364663 +528 31 5 886101761 +449 288 3 879959082 +803 245 4 880055378 +452 576 2 875563050 +537 100 4 886029692 +373 177 3 877100161 +639 135 4 891239239 +750 305 4 879445877 +234 164 3 892334644 +345 262 5 884901701 +653 89 5 878854100 +828 306 3 891033342 +892 578 4 886609469 +618 136 3 891307931 +339 823 3 891035850 +416 451 5 893212623 +429 972 4 882387757 +101 225 3 877136814 +38 288 5 892428188 +871 947 2 888193177 +144 12 4 888105419 +546 898 4 885141260 +705 148 5 883427134 +222 541 2 878184973 +705 29 5 883428237 +445 460 2 891200624 +480 12 5 891208433 +423 879 3 891394558 +642 1179 3 885606048 +823 180 4 878439008 +533 474 3 879190771 +892 708 4 886607879 +774 947 2 888557276 +795 238 3 881266197 +828 1005 3 891037813 +363 73 2 891497234 +787 271 1 888979721 +733 149 4 879535440 +864 720 3 888891238 +198 31 3 884207897 +746 89 4 885075243 +807 231 4 892530705 +504 451 1 887912584 +586 779 3 884062856 +664 151 4 878091912 +883 529 5 891693012 +846 731 3 883949594 +751 756 2 889299249 +902 318 5 879465522 +804 472 3 879443976 +758 125 2 881977205 +221 150 5 875244557 +556 604 5 882136205 +294 258 3 877818457 +825 491 4 881101782 +54 240 4 880936500 +193 24 2 889125880 +643 185 5 891447157 +850 228 5 883195394 +802 396 2 875985840 +847 479 3 878940405 +831 326 4 891354275 +881 655 4 876539448 +911 168 4 892838676 +736 1278 1 878709262 +561 232 3 885810428 +561 510 3 885808673 +804 406 3 879444133 +825 176 5 881101641 +727 755 2 883712828 +679 721 3 884487611 +395 423 5 883764742 +667 196 5 891034993 +763 16 5 878918332 +719 378 4 879360555 +875 176 4 876465112 +865 122 3 880144539 +907 290 4 880159259 +859 846 5 885775612 +850 15 5 883195256 +38 326 5 892428688 +158 686 5 880134499 +686 430 4 879546786 +860 159 3 889984855 +880 928 2 880167435 +847 367 3 878940189 +143 307 4 888407622 +879 763 5 887761425 +639 52 3 891239838 +28 230 4 881961393 +577 742 4 880470504 +748 89 5 879454831 +786 871 1 882842762 +524 173 4 884637436 +868 151 5 877104879 +682 276 3 888517097 +896 98 5 887158359 +712 969 4 874729850 +314 934 4 877887155 +435 1240 4 884132296 +534 333 5 877807486 +524 98 3 884634615 +527 172 5 879456490 +632 55 2 879457857 +916 271 3 880843185 +916 232 3 880844897 +908 192 2 879722489 +880 8 4 880174677 +798 1183 1 875915190 +399 845 3 882340719 +660 307 3 891197503 +901 287 3 877126935 +893 264 3 874828296 +835 354 3 891032224 +307 222 4 879538922 +660 1483 3 892520856 +744 1 4 881171926 +773 354 2 888538143 +867 210 5 880078547 +540 473 3 882157687 +864 217 4 888891524 +871 883 3 888192475 +727 257 2 883708806 +311 198 3 884364812 +659 62 4 891386380 +660 135 4 891199833 +844 431 4 877387825 +894 273 3 880416220 +840 194 3 891204264 +582 748 3 882960601 +543 944 3 877547863 +457 1119 4 882398308 +702 343 2 885767629 +815 7 4 878691975 +211 1330 3 879460096 +796 280 4 893047208 +423 750 5 891394704 +833 325 4 875035885 +798 405 5 875296148 +125 90 5 892838623 +881 50 3 876535927 +650 15 3 891383594 +828 224 3 891035614 +13 62 5 882397833 +724 336 1 883757784 +194 97 3 879524291 +75 79 5 884051893 +416 690 5 893214127 +576 276 3 887080905 +566 2 5 881650739 +451 681 1 879012773 +141 1028 4 884585168 +871 237 3 888193386 +459 685 3 879563613 +660 41 1 891265453 +717 281 4 884642958 +727 444 2 883712851 +810 304 4 885406558 +798 228 3 875915639 +877 275 4 882677183 +640 761 5 874778613 +702 683 1 885767576 +880 235 3 880166990 +405 568 4 885547910 +25 1 5 885853415 +824 268 4 877020871 +466 50 5 890284819 +899 275 4 884119877 +830 820 1 891899475 +70 451 4 884065678 +85 630 3 879453623 +869 181 3 884490825 +535 529 3 879618655 +727 1244 3 883709859 +768 405 4 883834883 +622 49 3 882671273 +489 303 4 891448109 +198 248 3 884205385 +712 738 4 874956841 +271 692 4 885849582 +181 1329 1 878962240 +615 937 2 879447530 +536 144 4 882359962 +862 413 4 879303952 +793 696 3 875104303 +514 111 5 875463165 +648 25 2 882211760 +808 750 5 883949986 +907 724 5 880159642 +380 190 5 885478668 +681 294 5 885409938 +92 451 3 875660083 +342 289 2 874984067 +796 597 5 892661043 +867 11 3 880078547 +916 100 5 880843288 +13 53 1 882396955 +875 501 4 876465335 +593 133 4 876507391 +840 99 5 891204509 +739 97 5 886959115 +214 482 4 891544114 +298 174 5 884125022 +723 191 3 880499019 +833 451 1 875134016 +654 742 4 887863339 +293 436 3 888906990 +918 488 3 891987846 +757 546 3 888444881 +886 472 3 876033755 +840 509 3 891204564 +663 148 4 889492989 +891 278 4 883489438 +64 87 4 889737851 +806 511 5 882387520 +253 234 4 891628252 +486 280 2 879875249 +698 480 2 886367100 +764 356 4 876430571 +815 436 3 878695241 +840 655 5 891205245 +823 92 5 878438357 +727 510 4 883710717 +563 476 3 880507311 +611 307 4 891636125 +533 489 4 879438961 +833 1597 5 875225193 +648 23 3 882212709 +537 673 3 886031505 +605 471 3 879365748 +269 657 4 891449550 +10 709 4 877888613 +804 1056 4 879442762 +776 192 5 891628836 +774 205 4 888556434 +907 685 5 880158960 +627 2 3 879531352 +312 222 3 891698764 +660 722 1 891265453 +823 216 5 878438584 +617 635 4 883789716 +707 449 2 886288688 +804 948 1 879447476 +537 1006 2 886032245 +429 514 3 882385243 +790 436 4 885156686 +464 322 3 878354680 +864 356 4 888889268 +882 294 4 879860936 +591 285 5 891039565 +892 177 4 886608507 +825 307 4 880755305 +452 526 4 875562645 +569 273 3 879793810 +416 238 4 876699179 +897 928 5 879993621 +435 291 4 884133446 +806 475 4 882385083 +636 275 3 891448229 +830 435 5 891561737 +429 665 2 882387474 +747 30 5 888638913 +222 117 5 877563227 +868 209 4 877103195 +796 181 5 892660177 +318 216 4 884495868 +834 151 4 890862974 +899 231 1 884122844 +342 11 5 874984315 +919 1101 5 875373470 +637 596 2 882903582 +606 187 4 880926861 +535 47 5 879618160 +845 1394 4 885409719 +886 161 5 876033478 +840 297 5 891203334 +846 675 2 883949379 +456 616 3 881373655 +457 469 4 882397208 +416 1221 5 893213103 +622 511 4 882592103 +411 485 4 892845986 +690 1028 4 881177836 +733 619 3 879536488 +919 787 3 875921283 +921 24 3 879380097 +916 366 3 880845658 +738 81 4 875351092 +392 347 4 891037600 +782 1605 2 891500194 +600 771 3 888452564 +453 717 2 888206467 +524 1050 2 884637501 +543 692 4 877547580 +586 550 4 884061459 +397 313 4 889760640 +70 596 3 884148728 +861 275 5 881274612 +846 289 4 883946548 +693 492 3 875484539 +769 284 3 885423927 +884 166 3 876859207 +755 264 2 882570077 +910 182 4 880821696 +447 290 4 878854838 +864 132 5 888887128 +503 736 4 880383174 +6 340 2 883268278 +896 672 2 887161218 +532 1189 5 892521554 +383 496 5 891192888 +886 318 5 876031308 +532 1168 4 888630436 +433 269 5 880585068 +606 294 2 880923349 +200 720 4 884130114 +847 474 4 878941562 +883 752 4 892872163 +908 173 3 879722901 +551 460 3 892784320 +596 895 3 883539049 +326 175 1 879874933 +532 272 5 884594422 +271 188 2 885849087 +758 676 2 881977428 +786 724 4 882844295 +339 121 3 891035454 +903 409 4 891031794 +716 50 5 879793192 +399 769 3 882350813 +197 326 3 891409199 +766 136 3 891310009 +891 280 3 883489646 +76 156 3 882606108 +896 526 4 887159211 +665 411 4 884291242 +567 481 5 882426899 +606 238 4 880927179 +639 923 4 891239702 +337 392 5 875236512 +846 269 5 883946315 +840 170 4 891204713 +296 11 5 884197131 +711 288 1 879991364 +773 547 4 888538643 +853 887 2 879365169 +860 1061 3 879169685 +305 176 4 886323839 +664 715 3 876525718 +913 99 4 881366878 +773 1097 4 888538590 +561 171 5 885807261 +910 1012 4 884229250 +899 154 5 884122420 +500 1166 4 883874139 +670 606 4 877975391 +826 229 4 885690713 +807 404 3 892528427 +72 493 5 880037768 +823 197 5 878437623 +889 498 4 880178748 +749 157 3 878847364 +854 127 4 882813933 +113 874 5 875935338 +734 132 3 891022212 +892 649 5 886608135 +896 356 3 887160427 +840 180 5 891205143 +527 180 5 879456334 +519 1612 5 883250148 +717 125 4 884642339 +749 448 2 878847645 +726 1028 2 889832592 +846 378 4 883948989 +850 663 2 883194768 +846 480 5 883947861 +605 949 5 879427164 +916 1046 2 880845722 +758 1022 5 885698979 +707 303 3 879438988 +542 180 3 886532602 +716 88 4 879796596 +545 627 3 879901504 +655 250 3 887425625 +696 347 1 886403578 +536 489 4 882360451 +603 747 3 891956897 +751 270 4 887134730 +751 89 3 889132966 +832 876 3 888259480 +798 463 3 876175467 +838 187 3 887067019 +6 9 4 883599205 +582 269 4 882960418 +56 161 4 892910890 +514 95 4 875309350 +603 751 4 891956242 +662 1381 5 880571005 +862 24 4 879302990 +634 118 4 875729106 +834 347 4 890860007 +378 458 4 880044697 +194 177 3 879523104 +871 50 5 888193275 +660 430 4 891199747 +106 162 5 881450758 +653 518 2 878866755 +882 476 3 879863735 +790 1446 4 885157230 +195 431 3 877835063 +788 258 4 880867855 +815 969 5 878694306 +90 223 4 891383912 +735 7 3 876698683 +882 692 4 879867631 +554 273 3 876231839 +650 472 3 891381784 +338 180 4 879438505 +332 682 4 889069561 +293 193 3 888905990 +454 202 3 881960201 +903 746 2 891033302 +870 381 3 889409590 +91 69 5 891439057 +875 173 5 876465111 +886 697 1 876033368 +809 286 4 891036809 +712 140 4 874957140 +839 866 2 875752687 +901 78 4 877131738 +817 328 4 874815679 +575 111 1 878148329 +916 470 3 880845476 +871 690 3 888192315 +881 434 2 876538889 +467 1011 2 879532630 +800 597 4 887646555 +562 458 2 879195982 +426 646 3 879444787 +790 559 3 885156773 +512 183 5 888579474 +18 216 4 880129527 +450 727 4 882812635 +705 685 5 883427190 +537 274 2 886030235 +805 25 4 881704193 +587 268 4 892871068 +426 1020 4 879442702 +648 204 5 884368002 +805 396 4 881695396 +692 300 4 876953340 +854 220 4 882813248 +551 159 4 892784743 +883 256 5 891692713 +642 386 5 885605932 +325 737 4 891479846 +766 526 2 891309558 +158 56 5 880134296 +868 167 1 877110191 +767 28 4 891462759 +782 344 3 891497854 +262 66 3 879794338 +787 350 1 888979721 +54 245 4 880929738 +299 384 3 889503774 +682 156 5 888519207 +450 926 4 882470125 +311 76 4 884365140 +16 199 5 877719645 +435 649 3 884133330 +709 217 5 879848168 +846 31 4 883948571 +896 768 2 887160653 +916 160 3 880844511 +553 132 4 879948610 +907 340 2 880158425 +694 660 3 875729270 +537 511 5 886030652 +506 742 5 878044851 +758 496 3 881976031 +782 535 3 891499469 +187 435 4 879465242 +890 153 3 882403345 +901 22 5 877131045 +11 176 3 891905783 +634 9 5 877018125 +299 603 3 877880474 +664 627 1 878090125 +463 304 3 877384881 +560 284 3 879976525 +897 151 5 879993519 +577 237 4 880470323 +854 191 4 882813825 +653 1444 3 880153077 +438 1 4 879868096 +454 222 3 888266785 +532 420 4 888636374 +677 980 2 889399470 +645 212 4 892054857 +655 781 1 887428384 +382 1017 4 875946830 +561 483 4 885807612 +293 161 2 888907081 +627 33 1 879531397 +848 428 5 887047809 +222 99 3 878182059 +764 174 5 876245475 +758 1046 4 881978767 +362 300 5 885019304 +831 749 2 891354225 +907 591 5 880158913 +887 1035 5 881381740 +479 300 2 879459641 +545 328 4 879898301 +201 656 4 884111775 +305 33 3 886325627 +688 304 5 884153606 +798 821 5 875916505 +541 403 3 883865110 +896 123 3 887159748 +916 451 3 880845227 +600 4 4 888451908 +280 380 2 891700226 +94 177 5 885870284 +804 4 4 879442192 +823 186 4 878438672 +826 231 3 885690713 +429 1020 4 882387757 +751 742 3 889132347 +796 809 4 893048471 +857 19 4 883432633 +445 1014 1 891200506 +314 1253 4 877892017 +694 161 4 875727018 +843 142 2 879448604 +747 949 5 888733182 +216 276 4 880232830 +183 144 3 891479783 +699 273 3 878882563 +738 662 4 875350418 +828 190 3 891036826 +834 117 4 890862386 +422 117 2 875129975 +250 151 4 878089677 +749 686 4 878850429 +709 363 3 879848695 +535 507 5 879617856 +618 925 2 891308854 +222 1439 3 878183951 +744 276 4 881171907 +847 202 4 878940255 +739 187 4 886959115 +787 331 3 888979235 +683 311 3 893283049 +807 62 3 892979256 +705 684 3 883428084 +293 217 3 888907955 +561 3 3 885810390 +537 750 3 886028498 +897 419 4 879990430 +823 68 3 878438930 +864 64 5 888887830 +607 275 4 883879756 +426 205 4 879444893 +64 326 3 879365313 +603 180 4 891956946 +616 313 5 891224590 +379 47 5 880740461 +244 845 3 880606634 +763 173 4 878914968 +717 237 5 884642400 +843 252 3 879445114 +854 270 4 882811810 +315 301 2 879799327 +378 118 4 880044879 +299 4 3 889503074 +532 7 5 893119415 +887 768 4 881381471 +766 179 4 891309484 +897 473 3 879993644 +790 496 3 885155172 +910 100 4 880821098 +805 117 3 881694798 +594 242 4 875997093 +417 156 3 879647380 +666 494 4 880314310 +711 16 5 886031006 +860 301 2 880829226 +455 193 4 879111586 +687 895 4 884652331 +919 257 4 875288848 +529 880 4 882535304 +730 276 3 880310390 +627 849 4 879531504 +650 272 4 891381546 +870 181 4 875680119 +756 226 3 874830103 +178 331 4 882823301 +880 237 4 880166798 +912 204 2 875966202 +74 268 3 888333195 +908 55 3 879722334 +629 294 3 880115922 +859 1095 2 885775513 +450 1284 3 887139594 +830 241 4 891464148 +493 338 4 884130032 +825 1028 3 889021037 +854 619 2 882812376 +683 344 3 893284138 +243 10 4 879987526 +314 846 3 877886971 +883 1121 3 891693702 +506 482 5 878044852 +889 273 4 880177016 +880 728 4 880243410 +916 252 2 880843864 +201 182 4 884111485 +542 763 4 886533253 +915 304 3 891030032 +222 258 5 877562748 +330 405 5 876544872 +783 271 5 884326506 +653 973 2 880150348 +816 259 2 891711423 +770 742 4 875972927 +845 1022 2 885409493 +184 317 3 889909426 +889 129 5 880177266 +671 222 1 883546333 +633 498 2 875324922 +758 542 2 881978495 +561 173 4 885807393 +207 763 3 877743609 +407 796 2 876338663 +747 672 4 888734152 +881 77 2 876538627 +637 151 5 882904064 +826 768 3 885690442 +126 990 4 887855231 +804 1041 3 879446037 +908 288 4 879722097 +642 102 5 885603849 +286 734 2 877534618 +590 6 5 879439145 +412 969 3 879716961 +751 2 4 889298116 +502 271 5 883702088 +398 484 4 875659319 +514 144 3 875462520 +908 694 4 879722603 +606 333 5 887059213 +450 749 4 892141807 +524 70 4 884636519 +887 633 5 881380584 +922 161 3 891450401 +890 516 2 882916537 +848 588 3 887043514 +312 178 5 891698553 +796 185 4 893194548 +676 270 4 892685489 +450 284 4 887139517 +864 422 3 888892968 +843 432 2 879447326 +894 244 4 879896985 +497 553 2 879310379 +886 1073 4 876031805 +638 229 1 876695108 +454 402 3 888267419 +773 260 2 888538348 +712 655 5 874730467 +749 404 5 878847673 +877 732 4 882677898 +894 281 3 880416102 +823 282 3 878439364 +905 245 3 884983273 +331 634 3 877196308 +648 926 3 882212400 +435 496 4 884131243 +854 7 4 882812352 +199 813 3 883782807 +258 294 4 885700898 +354 1466 5 891217547 +790 215 2 885157797 +606 108 1 880923349 +892 54 3 886609828 +882 473 3 879862936 +663 508 4 889492503 +342 169 5 875318907 +556 318 5 882136252 +901 8 3 877131307 +918 131 3 891987824 +870 470 3 879901727 +504 307 4 887831273 +201 506 4 884114471 +506 44 4 874874850 +923 410 3 880387908 +354 433 3 891217221 +503 293 4 879438411 +798 1034 2 875638547 +123 185 4 879873120 +653 403 2 880151461 +886 483 4 876031656 +745 151 2 880122948 +31 519 4 881548053 +896 191 4 887158604 +65 111 4 879217375 +724 349 2 883757537 +808 262 5 883949986 +453 226 3 877561214 +537 478 4 886030938 +620 859 4 889987657 +311 380 4 884366067 +405 942 1 885546336 +805 172 4 881694713 +543 2 3 877546306 +914 88 2 887124121 +665 186 4 884293569 +500 831 3 883866004 +427 289 5 879701326 +276 71 4 874792870 +911 435 5 892839993 +44 50 5 878341246 +7 71 5 891352692 +403 257 2 879786112 +378 160 2 880332998 +407 504 3 875043948 +828 958 5 891038262 +174 988 1 886515335 +829 275 4 892312770 +862 978 3 879303591 +425 265 3 878738643 +870 131 4 875050865 +790 1048 4 884462692 +705 94 4 883427857 +727 1034 2 883713692 +498 185 4 881955960 +758 76 3 881977265 +234 749 3 891033772 +407 930 2 876348901 +276 1145 2 874977115 +803 988 1 880055454 +840 8 5 891208958 +95 715 1 880572060 +810 321 5 879895290 +474 616 4 887924028 +246 133 3 884921705 +13 862 3 882399074 +643 1065 4 891448756 +313 481 4 891014000 +798 158 2 875914604 +378 543 4 880055840 +806 12 5 882388204 +901 988 4 877125716 +890 1065 3 882402949 +398 447 2 875658967 +712 585 4 874730234 +592 443 5 882956158 +577 172 4 880472124 +766 177 3 891309844 +315 303 4 879799302 +256 986 5 882164059 +913 58 5 880759221 +216 508 4 881432564 +94 172 4 885870175 +534 1054 5 877807973 +868 423 2 877107373 +861 736 4 881274672 +790 977 1 885158208 +880 363 4 880167200 +902 295 2 879465128 +751 490 4 889133429 +883 1 3 891914583 +727 157 3 883711965 +250 91 5 878091965 +833 384 3 875134724 +380 151 4 885478759 +198 230 3 884209073 +831 298 5 891355004 +881 385 4 876538666 +805 385 1 881694693 +922 143 4 891449021 +733 985 3 879535909 +263 662 4 891299324 +889 7 3 880177219 +18 48 4 880130515 +485 311 3 891040423 +928 8 5 880936905 +650 566 3 891369890 +840 405 4 891203585 +902 327 3 879463373 +682 22 5 888519725 +537 305 4 886028498 +326 521 2 879875399 +757 343 3 888443555 +624 300 4 879792132 +798 1539 2 876177839 +823 172 5 878437589 +333 520 4 891045117 +894 740 4 880416253 +653 28 4 878866814 +567 271 4 882426327 +892 230 4 886609793 +778 11 5 890725951 +374 203 3 880937735 +703 118 5 875242852 +864 511 4 888886846 +593 25 3 875659826 +764 274 3 876243410 +624 763 3 879792671 +620 164 5 889987586 +747 1098 4 888640437 +405 571 5 885547605 +450 318 5 882373531 +912 172 3 875966027 +187 300 4 879464783 +343 203 5 876406764 +450 968 4 882395537 +697 323 4 882621621 +851 974 2 875730979 +817 840 2 874816007 +782 1191 3 891498558 +308 410 4 887741329 +748 186 5 879454498 +861 1148 3 881274913 +857 475 5 883432663 +521 324 2 886059923 +557 292 4 880485019 +654 114 5 887864532 +746 127 2 885075243 +914 197 4 887122028 +291 96 4 874835062 +627 197 5 879529730 +311 417 3 884366035 +870 499 4 879713935 +447 294 4 878855082 +682 433 3 888521540 +749 211 5 878847887 +373 856 3 877105809 +913 357 5 880824372 +682 685 3 888522541 +620 63 5 889988232 +894 285 4 880416136 +465 281 2 883532120 +615 357 5 879448399 +839 286 4 875751411 +705 222 5 883427318 +892 89 5 886608714 +887 84 4 881381114 +313 222 3 891017708 +875 651 5 876466687 +795 826 3 880560736 +746 685 3 885075304 +883 1019 5 891695570 +863 305 4 889289122 +303 679 2 879484534 +886 98 4 876032352 +456 697 4 881374390 +650 578 3 891381661 +775 327 5 891032956 +787 938 3 888979605 +301 402 2 882076915 +592 60 4 882955460 +880 546 3 880167410 +840 474 5 891204089 +705 95 4 883427640 +864 1210 2 888892667 +903 203 4 891032911 +458 460 4 886394916 +272 133 1 879455143 +393 1039 3 887745973 +757 939 4 888467498 +805 45 4 881697128 +727 570 2 883713194 +456 395 2 881375542 +467 258 2 879532164 +125 243 2 892836123 +7 602 3 891352594 +775 312 3 891032866 +188 684 3 875073477 +519 903 5 883248595 +927 222 5 879177177 +561 455 3 885808766 +197 311 4 891409070 +280 142 4 891701747 +318 121 1 884495052 +671 234 4 883546890 +864 483 5 888886913 +189 498 5 893265773 +752 346 4 891207983 +922 210 3 891450368 +682 55 4 888520705 +303 1337 1 879485770 +343 215 5 876405943 +715 24 3 875962374 +659 175 5 891386829 +916 229 3 880845328 +437 425 4 880141374 +381 159 3 892696674 +778 268 2 890803859 +896 597 4 887159854 +859 1061 4 885776056 +449 14 3 879958603 +751 417 2 889297615 +394 405 3 880889010 +921 1060 2 879379942 +790 552 2 885157984 +867 68 4 880079020 +721 1039 5 877140780 +545 80 3 879900654 +561 268 3 885806710 +176 293 5 886048040 +487 392 4 883529363 +892 63 4 886610480 +882 526 4 879864642 +788 318 5 880868355 +889 462 5 880180707 +831 50 5 891354900 +843 429 4 879446503 +847 645 3 878940132 +514 1039 5 875318163 +334 29 2 891549751 +395 1028 2 886481149 +832 294 4 888259121 +655 193 3 887427307 +417 90 3 879649107 +782 1417 2 891500193 +790 188 4 885157399 +748 451 1 879455186 +844 258 4 877381147 +416 15 4 876697017 +843 800 4 879443482 +591 13 4 891039637 +568 135 4 877907782 +922 371 3 891448348 +867 650 5 880078818 +488 234 4 891293911 +733 127 3 879535265 +630 193 3 885667939 +285 258 2 890595408 +321 491 3 879440746 +167 554 1 892738237 +554 770 1 876369382 +620 760 3 889987073 +833 730 4 875038888 +653 117 4 878854810 +927 138 4 879198655 +450 501 4 882371416 +267 1028 3 878971143 +831 300 3 891354191 +805 412 3 881705592 +838 275 5 887064193 +454 48 4 881960114 +846 451 4 883949379 +881 38 3 876538763 +694 187 4 875727582 +537 789 2 886030805 +568 661 4 877907126 +311 699 4 884365075 +90 505 5 891383687 +693 313 5 885703726 +92 228 4 875653867 +757 751 3 888443398 +857 348 1 883432170 +210 222 4 887737603 +708 9 1 877325135 +487 156 4 883446027 +682 657 4 888520638 +724 301 4 883757670 +179 682 5 892151459 +450 307 5 882216475 +804 226 4 879445372 +686 317 5 879546553 +727 526 4 883711113 +712 173 5 874729901 +924 96 4 886760020 +875 4 3 876466687 +851 682 1 890804746 +588 570 4 890032281 +552 873 3 879220688 +3 347 5 889237455 +625 212 3 891968320 +699 322 3 879382698 +923 333 5 880386897 +655 766 3 891585450 +385 182 5 880870205 +796 826 2 893049362 +130 347 4 884623800 +279 1030 4 875659761 +249 603 5 879640935 +464 307 5 878354859 +265 676 2 875320487 +682 231 1 888522612 +699 116 4 887503290 +878 416 5 880870854 +593 744 3 886193049 +886 636 3 876032473 +721 306 3 877137285 +761 864 4 876190336 +855 1021 3 879825578 +705 143 3 883427663 +889 782 2 880182784 +892 173 5 886607778 +360 520 4 880355448 +806 95 5 882388658 +905 328 3 884983034 +721 260 3 877137109 +504 633 3 887912542 +866 300 1 891220881 +423 293 4 891395547 +537 647 4 886030891 +899 751 4 884120724 +655 1193 3 887477360 +655 28 3 887427210 +929 89 5 879640126 +896 546 2 887160938 +445 1051 1 891200390 +650 185 3 891369836 +805 55 5 881694693 +886 129 5 876033015 +823 95 4 878439257 +788 409 3 880871057 +747 56 5 888639526 +109 25 4 880571741 +846 135 4 883947694 +807 451 5 892530112 +924 117 2 887421305 +456 824 3 881372256 +6 261 3 883268522 +847 144 4 878940189 +508 179 4 883767465 +923 827 3 880387997 +919 243 3 875288418 +842 270 5 891218251 +896 562 2 887161448 +92 702 3 875656054 +497 629 2 878759862 +880 233 4 880167918 +848 490 5 887043514 +847 485 3 878941539 +537 277 2 886029973 +885 239 3 885713609 +900 589 5 877833631 +642 651 4 885602571 +205 748 4 888284710 +758 603 5 881976262 +828 340 5 891033756 +838 206 4 887067020 +442 222 3 883391221 +897 202 2 879990683 +409 1392 1 881105367 +676 193 5 892686606 +640 189 5 874778181 +860 153 4 885990965 +852 7 3 891036485 +796 1285 4 893188622 +790 776 3 885155119 +913 301 1 880753802 +521 226 4 884478721 +698 486 4 886366815 +928 98 5 880936884 +919 690 3 885059658 +91 418 2 891439503 +844 326 3 877381268 +246 616 5 884922475 +602 237 4 888638547 +169 538 4 891268653 +540 9 5 882156965 +922 215 3 891453653 +405 381 1 885547222 +743 292 3 881277267 +870 520 5 875050559 +731 434 1 886186811 +854 200 5 882814121 +862 603 5 879304445 +553 45 4 879948732 +658 100 4 875145493 +429 99 3 882386601 +575 963 1 878148199 +374 684 5 880937692 +534 1052 4 877808300 +896 685 3 887160465 +854 125 3 882813099 +885 65 2 885714336 +177 307 4 882141842 +798 1425 4 875915317 +804 200 3 879445493 +748 200 3 879454522 +286 1079 3 876522240 +833 504 4 875038671 +896 452 3 887161564 +712 560 3 874730261 +931 50 3 891036715 +916 781 3 880845451 +881 478 4 876537612 +823 153 4 878438856 +875 96 4 876465144 +391 50 4 877399588 +817 363 3 874816007 +751 1446 2 889298694 +886 62 3 876033265 +355 1175 5 879486421 +7 463 4 891353192 +867 228 5 880078958 +642 2 4 885606787 +822 408 5 891037291 +738 697 2 875353869 +839 696 2 875752479 +924 174 5 885458009 +864 276 5 878179411 +701 303 4 891446618 +874 340 3 888632194 +786 204 4 882843925 +488 751 3 891292771 +312 97 5 891698391 +292 169 5 881105625 +572 9 5 879449610 +507 538 4 889964239 +707 953 4 886288015 +642 801 3 885605794 +650 483 5 891372315 +903 708 4 891033808 +428 303 3 892572308 +887 692 5 881380654 +758 234 4 881974823 +846 528 5 883948417 +189 486 5 893266105 +758 533 4 882055948 +130 471 2 874953928 +803 338 2 880055454 +655 642 3 887430714 +682 153 3 888521465 +151 277 4 879524642 +840 165 5 891204239 +397 665 3 885349348 +543 700 2 874865923 +872 111 4 888479151 +330 318 5 876546377 +904 694 3 879735551 +87 49 5 879876564 +889 1419 2 880182924 +887 99 5 881380539 +99 310 3 885678348 +759 117 5 881476781 +98 211 4 880498797 +790 66 3 885156560 +645 243 1 892052232 +561 4 3 885809044 +746 684 4 885075337 +887 826 1 881379239 +618 699 3 891309410 +826 391 4 885690854 +861 547 4 881274857 +781 258 2 879633862 +883 64 4 891717988 +913 92 4 881725846 +917 25 4 882911390 +119 924 4 874775535 +927 501 4 879190422 +886 238 3 876031459 +190 328 3 891033305 +25 408 5 885852920 +924 1400 4 886327641 +790 96 3 885155648 +174 648 5 886513648 +22 250 5 878888251 +801 294 5 890332748 +826 343 5 885690046 +751 300 2 887134622 +621 501 3 874965299 +524 1074 2 884637128 +595 14 5 886921223 +733 546 1 879544466 +711 213 5 879994390 +711 69 3 879993194 +864 623 3 888889035 +858 289 3 879459337 +453 453 2 888206768 +870 554 2 879714800 +655 214 3 887650851 +374 288 4 885107876 +402 748 3 876266860 +854 537 3 882813797 +12 328 4 879958742 +747 651 5 888640862 +619 827 3 885953878 +497 4 3 879310825 +660 472 2 891198421 +244 1028 3 880604830 +899 660 4 884122564 +574 344 5 891278962 +727 88 5 883711394 +892 191 5 886607879 +889 302 4 880176518 +346 233 4 874948889 +295 52 5 879966498 +455 449 4 879112582 +267 293 4 878970785 +894 847 4 879897122 +790 781 4 885157107 +843 959 2 879447523 +838 271 4 887060972 +738 176 5 892844079 +844 778 4 877387195 +122 239 4 879270741 +882 237 5 879862327 +896 141 3 887159012 +864 56 5 888887097 +885 95 4 885714933 +285 300 4 890595584 +660 90 2 891201346 +707 174 2 886286133 +94 627 3 891722678 +916 1335 4 880843798 +679 28 5 884486732 +675 900 4 889488624 +637 7 1 882903044 +862 201 3 879304326 +893 117 4 874828772 +846 50 5 883948003 +25 419 4 885852218 +463 25 3 877385664 +655 939 3 887473905 +354 610 4 891217429 +582 597 3 882962267 +927 294 5 879199250 +845 900 3 885409719 +711 135 4 879992445 +900 280 2 877833364 +481 252 4 885828016 +711 1163 4 879991347 +721 107 4 877140780 +850 174 5 883195419 +782 1256 2 891500230 +657 9 4 884239123 +776 675 3 892920321 +650 215 2 891371152 +455 269 4 878585250 +701 690 4 891446520 +535 963 5 879617977 +556 172 5 882136441 +862 919 4 879303409 +840 56 5 891204239 +896 227 4 887161728 +903 204 3 891033335 +647 1047 4 876534275 +391 125 3 877399894 +417 1057 2 880949763 +679 154 4 884486658 +822 1240 3 891036703 +694 1028 3 875728581 +595 258 4 886920602 +889 186 5 880181563 +707 660 5 886287107 +637 25 4 882904537 +504 418 3 887832391 +820 343 4 887955241 +545 77 3 884134704 +230 117 5 880484320 +57 845 4 883697253 +486 741 3 879875221 +715 470 4 875963538 +293 1135 3 888907575 +618 54 3 891309319 +711 169 5 879992929 +915 288 2 891031450 +750 245 3 879446215 +694 648 5 875728639 +916 244 4 880843401 +683 906 4 893286261 +342 293 4 874984619 +648 14 2 882211223 +896 200 4 887158768 +818 887 4 891870590 +889 386 3 880182207 +652 294 2 882566890 +524 466 4 884636583 +919 259 4 875288362 +673 258 2 888786969 +891 934 3 883489806 +932 135 5 891249538 +738 455 4 875350551 +820 316 3 887955204 +437 721 2 880141335 +128 496 5 879967225 +425 546 3 878738548 +635 117 2 878879284 +23 56 4 874785233 +711 313 4 889910848 +651 294 1 879348880 +116 343 2 881246552 +639 792 2 891240752 +880 692 3 880174652 +47 307 4 879439112 +932 7 4 891250109 +751 737 4 889298945 +909 286 4 891919160 +932 435 4 891249821 +908 98 5 879722300 +493 1016 4 884130550 +796 211 3 893048115 +776 816 2 892920423 +694 498 5 875726618 +172 642 4 875538028 +800 125 3 887646608 +416 447 4 876699027 +843 96 3 879444711 +883 715 5 891694311 +807 657 4 892529573 +889 175 4 880180101 +805 546 2 881703473 +358 45 3 891269464 +932 285 4 891250392 +771 294 4 886640547 +886 172 5 876031527 +682 762 3 888521637 +836 419 2 885753979 +499 257 5 885598342 +889 678 3 880177352 +562 153 4 879195954 +608 70 4 880406552 +921 8 3 884673699 +610 8 4 888702902 +321 19 4 879438825 +682 5 3 888520799 +279 1494 1 889232401 +896 1672 2 887159554 +752 351 3 891207898 +759 742 5 875227798 +527 185 5 879455680 +862 737 4 879305386 +102 229 3 888801623 +620 1036 4 889988258 +709 203 4 879849372 +416 151 3 876697105 +880 1000 3 880175128 +659 167 3 891385438 +877 300 3 882676366 +774 405 1 888558539 +346 68 3 874951062 +592 467 5 882955582 +764 70 4 876244559 +566 386 1 881651375 +826 435 4 885690677 +786 708 4 882844171 +326 550 5 879876505 +660 134 4 891199153 +551 69 4 892776982 +630 325 3 885666301 +703 993 4 875242787 +913 260 1 881037229 +922 1035 3 891449552 +223 71 5 891550649 +916 523 3 880844511 +921 1 3 879379601 +506 95 5 874873198 +823 188 5 878438672 +709 173 4 879846169 +112 313 5 884992444 +896 367 4 887160227 +790 181 4 884461283 +896 549 2 887160209 +450 713 3 882395778 +455 121 4 878585685 +291 742 3 874805927 +435 265 3 884131996 +887 1278 2 881378087 +880 65 4 880241977 +629 23 5 880117001 +932 105 2 891252338 +922 89 5 891450368 +198 181 4 884205050 +527 492 3 879456405 +846 1148 3 883950220 +417 322 3 886186468 +541 405 3 883871695 +773 382 3 888538829 +916 170 4 880844612 +497 90 4 879310445 +835 1673 3 891034023 +393 785 3 889729749 +601 141 4 876350443 +846 507 3 883947861 +848 530 5 887043040 +629 174 5 880116847 +870 209 4 875680546 +679 153 2 884486904 +880 69 4 880175646 +868 121 2 877111542 +206 1175 1 888180049 +932 1204 5 891249821 +790 762 5 884462105 +487 783 4 884045361 +757 746 3 888468435 +64 79 4 889737943 +811 892 4 886377530 +643 219 5 891449614 +833 636 3 879818659 +338 497 3 879438165 +762 173 5 878719533 +29 1019 4 882821989 +566 443 4 881649505 +626 272 5 887772871 +442 859 3 883390169 +868 188 3 877103320 +806 28 3 882388286 +632 132 5 879459738 +116 249 2 876452705 +716 387 4 879797391 +587 918 3 892871113 +110 238 3 886989340 +13 38 3 882397974 +854 604 4 882813601 +833 72 2 875134724 +218 603 4 881288234 +421 197 3 892241491 +463 1284 4 877385381 +889 520 4 880179756 +316 275 5 880853810 +671 802 3 884036411 +795 1555 3 883249643 +311 231 4 884365746 +922 72 4 891452470 +661 1035 3 876017717 +802 657 4 875985239 +445 433 2 890987617 +757 809 4 888466758 +783 258 4 884326348 +201 441 1 884112537 +399 468 3 882344134 +508 232 3 883777109 +846 486 5 883948948 +610 9 3 888702961 +666 647 5 880139439 +595 3 4 886922069 +13 211 4 882140002 +788 614 4 880868803 +774 53 4 888557383 +716 180 3 879794815 +864 794 3 888889268 +256 409 4 882163654 +871 751 4 888192744 +43 208 5 883955547 +707 297 3 880060261 +804 981 3 879444077 +661 140 3 876013552 +128 702 3 879967879 +755 271 1 882570023 +380 272 4 885477742 +232 508 1 880062447 +913 1112 1 882044453 +868 96 2 877107056 +606 684 3 880925579 +445 1047 1 891200656 +522 521 5 876961190 +397 186 5 885349955 +833 1154 4 875039101 +804 984 4 879440727 +796 112 4 893219477 +881 196 3 876538185 +682 258 3 888516814 +747 887 5 888638335 +880 1276 3 880167384 +712 196 4 874730396 +863 349 1 889289457 +772 310 4 889028363 +589 879 4 883352654 +790 41 3 885158235 +774 684 1 888557329 +908 701 4 879722780 +752 345 1 891207898 +862 820 4 879303774 +795 576 2 883254780 +522 48 4 876961020 +301 409 4 882075242 +66 284 3 883601812 +846 1473 5 883949335 +782 900 3 891497963 +833 144 4 887158945 +648 637 2 884883424 +623 186 3 891034814 +896 76 3 887158359 +847 732 4 878940510 +846 71 4 883948141 +663 748 2 889492019 +719 240 1 879372631 +795 204 3 880570209 +455 213 4 879111453 +780 79 4 891363860 +416 232 5 893213549 +846 393 3 883949547 +144 223 4 888105197 +472 660 5 875982096 +887 710 5 881380709 +766 396 2 891310934 +664 159 3 876526739 +262 92 3 879794205 +894 332 3 879896233 +758 462 4 881975687 +653 1135 2 880152759 +158 518 4 880134398 +305 474 5 886322838 +870 781 3 881001249 +896 414 3 887159145 +881 103 1 876536745 +711 542 1 879995754 +918 1065 4 891988002 +881 127 4 876536079 +807 415 3 893082702 +703 1197 3 875242762 +903 254 2 891032101 +757 11 4 888466583 +916 1135 3 880845556 +321 493 4 879441110 +806 155 3 882390164 +880 1030 2 880243147 +397 652 3 885350326 +705 210 5 883427988 +444 306 5 890246907 +178 511 5 882827532 +846 552 4 883950634 +328 1401 2 885046537 +256 841 2 882163857 +468 50 5 875280352 +622 280 3 882590534 +234 629 4 892335042 +868 225 1 877111453 +642 783 4 885606024 +306 258 2 876503793 +870 591 2 879270212 +145 590 1 882182802 +725 181 4 876106206 +843 99 2 879448751 +496 961 2 876070655 +807 739 4 892684321 +886 813 4 876032029 +181 508 3 878962623 +216 1 4 880232615 +466 17 5 890284766 +643 481 4 891447127 +919 19 4 875288681 +749 185 4 878847740 +749 89 4 878848098 +839 326 4 875751519 +406 491 4 884631010 +782 335 2 891498918 +463 237 4 877385237 +707 220 2 880060549 +554 4 2 876369560 +554 531 4 876549731 +796 321 2 892611871 +521 87 3 884478314 +450 188 3 882395778 +932 504 4 891250236 +552 1278 3 879222452 +864 476 2 888892917 +497 62 4 879310913 +846 719 2 883949643 +328 159 3 885047194 +872 237 4 888479275 +761 426 1 876190510 +707 1174 5 880059749 +774 519 5 888556434 +201 366 2 884141015 +763 61 5 878915628 +889 515 5 880176807 +624 455 3 879793358 +226 286 4 883888600 +887 235 3 881378537 +733 405 2 879536659 +553 181 4 879948695 +551 636 5 892784130 +756 123 2 874830344 +616 289 4 891224840 +833 933 4 875035914 +144 126 4 888104150 +716 614 4 879795159 +881 943 4 876537404 +704 611 3 891397764 +919 253 3 875288748 +853 271 3 879364668 +896 423 3 887159172 +853 328 3 879364744 +474 188 5 887926437 +82 50 5 876311146 +786 66 4 882843607 +506 517 2 874874585 +846 72 4 883950129 +1 55 5 875072688 +716 792 4 879796010 +416 353 2 886314834 +928 187 5 880936884 +913 8 2 880825916 +345 628 3 884991105 +541 66 4 883865929 +145 310 4 883840666 +804 240 4 879443958 +605 269 4 879365101 +514 511 3 886189990 +828 895 2 891035437 +575 79 5 878148199 +71 286 4 877319080 +272 194 5 879455043 +908 204 4 879722427 +915 310 3 891029965 +746 172 5 885075165 +897 194 5 879991403 +877 402 3 882677997 +897 568 5 879992216 +491 127 3 891185129 +535 517 4 879617977 +896 436 3 887159692 +878 82 3 880870609 +537 129 3 886029889 +894 582 4 882404485 +328 69 4 885045844 +790 940 3 885157928 +916 866 3 880843798 +567 89 5 882425820 +749 628 4 878846903 +716 493 5 879795949 +837 276 1 875721843 +864 140 3 888892016 +724 876 1 883757784 +886 67 4 876033228 +745 205 2 880123205 +758 1016 4 880672855 +868 427 4 877103679 +625 408 4 891997054 +804 929 3 879444092 +181 1187 1 878962816 +834 150 5 890862564 +247 121 4 893081396 +693 1248 3 875483597 +924 6 4 886759441 +682 268 5 888518279 +708 926 3 877325523 +119 299 4 890626446 +11 121 3 891902745 +630 550 3 885667968 +505 313 5 889332743 +886 824 4 876033413 +798 722 3 875914534 +868 501 3 877103449 +361 28 3 879441417 +287 168 5 875335190 +667 86 5 891034894 +587 334 3 892871171 +716 622 3 879797152 +262 132 3 879792604 +447 13 5 878854630 +887 206 5 881381471 +739 301 5 886825529 +59 525 3 888204758 +655 9 3 891585450 +594 15 4 874783052 +896 132 3 887158579 +881 739 4 876539091 +334 307 3 891544135 +889 1079 2 880177647 +934 50 5 891189363 +756 473 3 874829296 +892 500 5 886609622 +881 401 1 876539260 +592 747 4 882956102 +870 462 4 875679860 +843 679 4 879444851 +899 230 4 884122472 +138 1 4 879023031 +934 423 3 891191660 +863 332 4 889288943 +228 286 5 889387172 +178 684 5 882827019 +649 254 4 891440695 +848 154 5 887038634 +846 746 3 883949254 +782 1382 3 891500109 +815 127 3 878691739 +889 399 3 880182359 +565 971 5 891037862 +10 482 4 877889262 +61 751 3 891206274 +792 13 4 877910822 +698 1021 1 886367615 +871 335 3 888192475 +655 204 3 887477192 +674 742 5 887762714 +68 276 5 876973884 +721 65 1 877140221 +788 227 3 880867890 +606 585 4 880927358 +806 1074 3 882390515 +334 129 4 891544735 +828 270 5 891034148 +864 216 4 888886882 +462 261 2 886365773 +933 1017 3 874854953 +880 579 3 880243882 +704 661 4 891397667 +913 12 4 881366897 +911 185 5 892841255 +918 1200 4 891988276 +655 1479 2 887475032 +889 771 2 880182961 +312 223 5 891698485 +788 85 1 880869984 +457 1029 3 882551135 +694 663 4 875727926 +804 212 3 879445933 +807 21 4 892823188 +830 230 3 891561806 +360 69 3 880355994 +919 322 3 875288253 +868 210 5 877103248 +886 27 2 876031829 +154 200 5 879138832 +825 413 3 889020940 +536 568 4 882360209 +854 3 1 882813047 +519 1295 5 883248595 +653 168 3 890181186 +707 1101 4 880061652 +72 188 4 880037203 +886 182 4 876031932 +458 499 4 886397450 +327 537 4 887744023 +458 1226 2 886396910 +759 257 4 881476824 +525 269 5 881087067 +587 264 4 892871400 +665 660 4 884294935 +903 181 4 891031309 +59 182 5 888204877 +663 192 4 889493628 +62 1028 1 879373215 +380 845 4 885479706 +7 586 3 891354639 +807 820 3 892532068 +892 102 3 886610078 +796 402 5 893047320 +796 132 4 892662222 +911 174 4 892838577 +437 221 5 880140154 +935 476 4 884472465 +602 538 4 888638048 +813 901 1 883752708 +643 673 4 891448095 +7 96 5 891351383 +363 549 4 891496225 +370 302 5 879434182 +664 215 4 876525293 +537 837 3 886031211 +854 176 3 882813877 +798 560 3 875638972 +693 855 2 883975636 +889 1072 3 880182444 +38 294 5 892428584 +194 518 4 879524291 +655 1514 2 887472879 +896 215 5 887158959 +711 318 5 879992968 +690 1041 3 881177804 +194 1107 3 879525624 +893 294 3 874827789 +130 257 4 874953665 +44 520 5 878347874 +416 1011 4 885114897 +539 132 5 879788284 +819 248 5 880382511 +830 432 3 891561474 +754 276 5 879451841 +59 1112 3 888206161 +727 845 3 883709325 +843 21 2 879448392 +584 230 4 885774171 +707 949 3 886287191 +666 169 4 880567883 +739 172 4 886958938 +709 728 4 879849185 +758 238 5 881975538 +889 747 4 880181515 +622 1203 3 882669645 +450 662 4 882395914 +843 176 4 879447837 +105 343 2 889214524 +130 355 4 888211731 +819 268 4 884012614 +730 258 5 880309940 +891 281 5 891639920 +643 153 4 891447196 +900 493 2 877833603 +682 1079 3 888523657 +497 237 3 879310314 +747 392 3 888734178 +585 919 2 891283681 +705 403 4 883428154 +478 12 5 889388862 +324 690 4 880574901 +897 1254 2 880253037 +885 418 4 885714933 +854 488 4 882813761 +842 886 4 891218459 +932 1065 5 891251538 +533 216 4 879191864 +460 298 2 882912440 +663 89 4 889493818 +889 183 3 880178019 +733 1115 3 879535338 +887 82 4 881381028 +846 102 2 883950286 +847 567 3 878940783 +938 864 4 891356827 +933 317 4 874853779 +899 2 3 884122563 +862 657 5 879304369 +291 184 4 874835198 +604 441 2 883668261 +896 462 3 887159069 +922 756 2 891455185 +343 403 4 876406878 +442 153 3 883388237 +812 261 1 877625461 +772 300 4 877533731 +602 358 4 888637965 +774 448 2 888557715 +774 1218 3 888556169 +900 474 4 877833781 +659 431 4 891385627 +843 447 2 879443297 +94 67 3 891723296 +455 144 3 879110436 +753 435 4 891401712 +903 276 5 891380461 +35 300 5 875458970 +821 427 5 874793649 +575 182 3 878148295 +868 524 3 877107730 +523 1047 5 883702800 +707 1068 4 880061405 +805 501 5 881695560 +589 322 3 883352631 +878 137 3 880865562 +895 284 3 879438062 +738 206 3 875350223 +328 235 3 885048464 +815 193 4 878696054 +374 294 2 880392193 +924 523 5 885458121 +887 423 2 881379954 +420 173 3 891356864 +435 58 3 884131328 +746 8 4 885075539 +222 150 3 878181869 +459 259 4 879561630 +833 670 1 875124428 +707 811 4 886287531 +721 873 3 877137447 +655 1529 2 887489792 +897 204 4 879990396 +919 358 3 875288304 +909 582 5 891920125 +399 302 4 882340101 +62 190 5 879374686 +935 284 4 884472673 +406 660 3 882461650 +476 66 3 883364433 +892 97 5 886608802 +339 343 3 891031800 +21 986 1 874951482 +909 292 4 891919160 +650 393 3 891386778 +160 213 4 876859778 +761 455 2 876190439 +846 780 4 883949380 +874 748 3 888633197 +500 183 4 883873461 +913 527 5 881036957 +435 144 4 884131085 +256 228 3 882164559 +724 1062 1 883758208 +660 227 2 891201172 +504 1147 4 887832741 +387 1011 3 886481033 +518 628 5 876823804 +792 591 2 877909865 +271 654 5 885848475 +919 887 3 885059452 +833 320 4 875124647 +727 398 2 883713714 +878 181 3 880865770 +716 172 4 879795542 +774 23 3 888556634 +868 273 3 877107284 +846 679 3 883948989 +442 447 3 883390048 +747 290 3 888733144 +295 1 4 879517580 +825 12 5 881101782 +501 597 3 883348260 +461 258 4 885355735 +385 1449 4 881047049 +891 471 5 891639941 +79 222 4 891271957 +497 210 4 878759777 +339 200 5 891033118 +234 989 2 891033966 +853 258 3 879364883 +899 218 4 884122155 +630 932 2 885667108 +846 1248 4 883949254 +664 285 5 876524053 +889 173 5 880178019 +815 200 5 878693871 +854 285 4 882812165 +870 396 3 875680668 +445 289 1 891199510 +458 735 2 886397679 +682 299 4 888518363 +474 469 4 887925916 +693 174 4 875483881 +775 329 3 891033071 +758 705 5 881976203 +862 183 5 879304834 +107 325 3 891264659 +929 209 3 880817752 +747 1225 3 888733314 +394 89 5 880889349 +815 50 5 878691739 +532 136 5 892865321 +484 2 4 891195391 +874 289 4 888633197 +885 91 3 885714820 +796 191 4 892690382 +343 198 4 876406006 +817 324 2 874815789 +352 431 2 884289728 +749 620 4 882804506 +788 211 4 880868401 +711 425 4 879993728 +863 898 1 889288973 +327 246 4 887744384 +634 272 5 889464384 +486 21 3 879875371 +878 15 4 880872273 +251 125 4 886272346 +709 11 5 879847945 +506 202 5 874873374 +285 270 4 890595456 +276 1213 1 874791407 +771 79 1 880659729 +707 1642 5 886286491 +496 842 2 876068249 +707 93 5 880059995 +927 24 3 879181042 +303 1039 5 879466457 +901 623 4 877131793 +745 427 4 880123361 +940 193 3 885921893 +642 237 5 885603870 +404 750 3 883790750 +387 563 2 886481851 +773 258 5 888538143 +655 1633 3 889331315 +883 28 3 891717908 +119 204 4 886177659 +897 143 5 879991069 +864 382 3 888887437 +882 222 5 879861562 +916 214 3 880844958 +474 200 3 887925497 +804 183 4 879445904 +916 175 4 880845011 +497 725 3 879363253 +87 476 2 879877241 +372 292 5 876869183 +790 1091 1 885157728 +747 313 5 888638265 +804 756 3 879443976 +628 1025 5 880777095 +632 143 5 879459053 +739 197 1 886958860 +378 949 3 880056318 +846 1118 5 883948495 +551 84 1 892785020 +919 347 3 885059569 +888 869 4 879365086 +900 183 3 877833781 +905 282 3 884983889 +524 570 4 884637128 +524 523 4 884634615 +642 571 3 885606113 +868 417 1 877108087 +788 661 5 880868473 +616 343 4 891224864 +497 49 3 879310474 +880 402 3 880242115 +223 313 5 891548750 +397 298 4 885349348 +474 1011 4 887916203 +932 176 5 891250449 +393 449 2 889731088 +313 15 2 891016962 +882 988 5 879861385 +782 898 3 891498720 +7 577 2 892133310 +881 1540 1 876539091 +894 83 4 882404250 +749 526 5 878847804 +833 396 3 875134063 +269 735 2 891448120 +593 233 2 875671549 +889 461 3 880181159 +819 1160 4 880382533 +707 1211 4 886287268 +886 171 4 876032072 +59 603 5 888204309 +454 480 4 881959652 +551 451 1 892784976 +608 1221 2 880406800 +940 568 3 885921870 +592 482 4 882955582 +897 56 2 879991037 +831 31 4 891354612 +222 770 3 878181592 +624 122 3 879793436 +870 68 3 879714087 +641 209 4 879370365 +621 88 2 874962772 +935 100 3 884472110 +715 274 3 875963899 +693 281 3 875483597 +872 748 3 888478942 +696 427 5 886404542 +892 144 5 886609179 +116 292 4 876453847 +940 14 3 885921710 +860 305 4 878567538 +771 69 5 880659606 +922 382 4 891451373 +863 1022 2 889289569 +331 22 4 877196235 +802 234 5 875985601 +899 172 4 884121089 +625 235 3 891631761 +925 5 4 884718156 +488 136 4 891294158 +771 144 1 880659507 +934 573 2 891197530 +710 174 4 882064283 +568 56 4 877907720 +595 275 4 886921166 +313 141 4 891030189 +942 117 4 891282816 +863 873 2 889289491 +889 155 3 880182582 +286 330 5 884069544 +771 408 5 880659302 +774 241 4 888557237 +466 895 3 890283056 +697 118 3 882622044 +123 14 5 879872540 +894 863 5 881105162 +664 408 5 878094973 +721 172 5 877138884 +880 864 3 880167200 +940 205 3 885921243 +548 181 4 891043008 +587 358 3 892871284 +444 328 5 890247082 +933 28 4 874853977 +84 318 5 883453617 +234 1075 3 892335797 +897 497 3 879990430 +256 50 4 882164443 +399 222 3 882344434 +846 967 3 883950791 +865 676 2 880144153 +940 272 4 884801316 +194 679 2 879523104 +640 461 4 874777833 +712 388 3 874957053 +846 727 4 883948873 +406 180 5 879445599 +911 496 3 892838954 +868 919 4 877103757 +817 546 4 874815947 +830 480 5 891462594 +766 393 3 891310372 +622 162 3 882670389 +847 404 3 878940732 +279 32 3 875298696 +608 22 4 880405395 +864 1228 3 888892375 +912 132 5 875965981 +610 127 5 888702902 +886 789 3 876031656 +937 275 4 876769323 +152 88 5 884035964 +868 117 2 877110332 +557 682 2 881179213 +1 42 5 876892425 +610 185 5 888703191 +882 33 2 879868197 +833 92 2 875135363 +706 181 4 880997105 +889 24 4 880177266 +835 313 5 891032224 +405 44 1 885548670 +748 326 3 879454171 +346 177 4 874948476 +825 117 5 889021393 +781 215 3 879634124 +860 300 4 874967063 +830 2 3 891561806 +394 252 3 881130112 +828 509 2 891036630 +253 490 5 891628374 +716 225 3 879794482 +606 111 4 878146986 +1 139 3 878543216 +790 25 2 884461925 +487 802 4 884051006 +479 509 4 879461756 +301 122 2 882074818 +846 469 2 883949290 +942 200 4 891282840 +798 97 1 875638474 +371 31 5 880435576 +846 190 5 883947694 +940 655 4 885921775 +529 343 3 882535180 +173 326 5 877556988 +806 216 4 882388128 +601 864 1 876347320 +443 260 1 883504818 +840 197 5 891204509 +305 275 2 886323153 +825 1244 5 881185672 +789 1 3 880332089 +592 472 1 882608795 +767 483 5 891462870 +913 1240 2 881037004 +896 25 3 887159261 +321 127 3 879438651 +831 316 3 891354338 +722 476 4 891281635 +890 625 3 882575104 +682 660 2 888517870 +730 327 2 880309964 +933 187 4 874854294 +258 877 3 885701044 +271 470 3 885848707 +429 65 3 882386216 +215 159 3 891436707 +766 386 3 891310620 +758 526 4 882052744 +593 288 4 877728878 +892 118 4 886610649 +805 655 3 881698175 +859 294 3 885775218 +710 299 3 882063612 +345 1007 5 884994119 +433 286 5 880585068 +831 7 5 891354947 +125 1204 3 879454419 +835 527 4 891033048 +537 1166 2 886031886 +932 55 3 891249994 +864 99 3 888890730 +938 122 1 891357190 +393 729 4 887746431 +911 381 5 892839846 +792 147 4 877910822 +903 288 4 891031105 +650 419 4 891370971 +774 201 2 888556090 +178 628 4 882824027 +843 191 3 879446755 +848 89 5 887040097 +896 481 4 887158683 +73 894 1 888625592 +880 40 2 880174904 +867 98 5 880078937 +830 612 4 891898061 +770 303 4 875971568 +437 101 3 880143355 +444 307 3 891979402 +161 929 1 891172377 +235 429 4 889655662 +469 161 3 879523802 +833 943 4 875124382 +671 56 1 883546120 +897 477 3 879993315 +17 628 1 885272724 +556 340 5 882135646 +865 268 4 880142652 +747 111 4 888733480 +883 212 5 891695570 +766 89 4 891309090 +843 675 5 879443174 +865 91 3 880235059 +753 294 5 891399737 +559 520 5 891033911 +194 79 3 879521088 +527 427 4 879455740 +903 191 5 891032872 +745 125 5 880123069 +389 302 5 879915633 +773 179 5 888538810 +655 5 2 887523641 +653 526 3 880151752 +551 294 4 892775824 +747 133 5 888732695 +688 359 5 884153606 +305 318 3 886322560 +450 96 4 887834823 +567 498 4 882425966 +435 44 2 884132619 +455 147 4 879109764 +92 385 4 875653665 +899 640 1 884122228 +893 148 3 874829287 +653 225 1 886052230 +864 87 5 888887403 +937 9 5 876769373 +542 627 3 886533604 +662 1652 3 880570909 +846 1311 2 883950712 +924 127 3 884371438 +805 631 5 881698243 +584 249 4 885774551 +905 300 4 884983556 +913 481 3 880758579 +379 1113 4 892879325 +659 568 4 891384850 +486 304 3 879874186 +128 258 2 879966299 +846 219 4 883948607 +779 109 3 875501782 +497 450 2 879362202 +825 293 3 880931805 +626 266 1 878771476 +637 301 1 882899527 +942 604 4 891283139 +452 663 2 885817516 +185 178 4 883524364 +881 117 5 876535796 +566 181 2 881649985 +826 510 4 885690677 +940 315 4 884801125 +642 742 5 885602839 +125 205 5 879454345 +911 98 2 892839015 +801 288 5 890332820 +141 1282 3 884585320 +681 1176 4 885409515 +587 689 1 892871438 +74 508 4 888333542 +144 56 4 888105387 +321 116 3 879439595 +902 50 5 879464726 +880 367 4 880174730 +885 195 4 885715827 +851 343 2 883148773 +301 205 4 882076046 +650 80 2 891389216 +795 42 3 881252510 +617 567 2 883789747 +701 328 4 891446707 +698 96 4 886366515 +645 186 4 892053340 +735 283 2 876698796 +854 1677 3 882814368 +291 98 5 874834701 +869 240 4 884491734 +642 780 5 885606270 +183 121 3 891463809 +544 288 2 884795135 +709 859 3 879848318 +885 56 3 885714641 +807 210 4 892528646 +442 433 4 883388283 +919 321 2 875288164 +826 678 4 885689942 +379 286 4 880524329 +654 153 4 887864414 +707 294 2 879438988 +828 1056 1 891036630 +588 1219 2 890028385 +435 687 2 884130834 +782 1380 2 891500150 +844 7 3 877381784 +378 98 5 880045760 +758 505 5 881979012 +826 570 4 885690790 +654 151 4 887863471 +474 467 4 887928498 +933 64 5 874853605 +401 286 2 891031464 +407 204 3 875116964 +325 383 1 891480034 +896 1018 3 887160116 +864 234 4 888887658 +910 845 4 880821405 +890 449 1 882915661 +886 218 3 876031829 +871 547 3 888193136 +733 117 2 879535779 +409 61 4 881109420 +881 94 2 876539020 +843 581 3 879443951 +643 169 4 891447222 +880 1053 3 880242660 +892 95 4 886608770 +710 510 4 882064283 +877 79 4 882678387 +537 714 3 886031886 +551 363 4 892784710 +942 423 5 891283095 +886 76 4 876033897 +41 96 4 890687019 +877 748 4 882676423 +933 447 2 874854678 +863 1679 3 889289491 +739 176 1 886958938 +887 91 5 881380884 +496 495 3 876066300 +671 779 3 884036683 +655 1473 3 888474872 +459 696 4 879563736 +474 174 5 887925750 +499 527 5 885599307 +915 300 3 891031477 +536 720 4 882361207 +870 395 3 879901999 +222 91 2 878183777 +850 121 5 883195055 +889 187 4 880177857 +622 210 3 882669784 +339 1258 3 891034717 +95 398 1 888956804 +503 130 5 879438837 +804 139 3 879444943 +472 432 5 875979964 +655 1129 3 891585242 +773 231 2 888540186 +896 20 1 887235027 +846 2 5 883948949 +621 432 4 874965093 +587 680 1 892871503 +452 842 2 875265368 +184 313 4 889906905 +892 596 3 886608136 +553 497 4 879948460 +846 588 4 883949380 +818 751 5 891870473 +583 708 5 879384338 +428 315 5 885943980 +734 193 4 891025340 +908 657 4 879722822 +846 654 5 883948089 +795 214 4 881265372 +910 237 4 880822060 +397 65 2 875063876 +181 596 4 878962866 +399 379 3 882512003 +521 751 3 884475485 +503 463 1 880383126 +802 53 4 875985840 +798 623 3 876175980 +894 1131 4 879897198 +894 511 4 879897198 +877 566 4 882678547 +916 81 5 880844527 +798 740 2 875296148 +620 313 5 889986477 +49 465 3 888067798 +703 508 3 875243028 +805 143 3 881705765 +871 22 5 888193177 +315 164 4 879821349 +760 739 4 875668888 +790 228 3 885156647 +940 66 4 885922016 +454 283 3 888267590 +868 81 4 877107373 +109 572 3 880583308 +933 156 4 874854135 +862 203 4 879305312 +892 110 3 886610523 +747 615 5 888640348 +561 542 1 885810858 +417 1230 2 880953088 +416 1119 5 893214225 +890 258 3 882404055 +885 173 4 885713357 +678 275 2 879544450 +648 161 3 884882802 +815 584 3 878696355 +568 234 3 877907092 +385 1456 4 879447205 +894 1560 4 882404641 +605 70 3 879424680 +474 96 4 887925497 +796 735 2 893188514 +894 257 3 880416315 +616 288 4 891224676 +798 603 3 875743267 +673 327 4 888787396 +919 596 3 885059887 +881 934 3 876537011 +917 471 4 882911099 +839 111 4 875752237 +923 237 4 880387908 +765 137 5 880346255 +815 174 4 878693424 +354 221 4 891216788 +934 1425 1 891197851 +926 286 4 888636202 +932 1266 4 891248937 +637 9 1 882902924 +181 678 2 878961369 +201 10 3 884114169 +899 282 5 884120007 +227 741 3 879035464 +778 568 3 890726190 +303 375 2 879544276 +768 310 4 883835026 +823 182 4 878438260 +690 435 5 881177616 +366 773 3 888858078 +320 185 4 884751141 +747 40 2 888733480 +222 67 4 878183616 +924 195 5 886065785 +882 660 3 879879731 +815 181 5 878691844 +943 58 4 888639118 +452 100 5 885544109 +503 694 5 880383030 +886 371 1 876033435 +884 165 3 876859070 +527 191 5 879455654 +794 269 5 891034213 +738 64 4 875351092 +825 243 4 884642187 +709 228 3 879848397 +424 286 4 880858792 +561 603 4 885807842 +478 11 4 889395638 +285 64 3 890595777 +417 231 4 879648798 +414 886 4 884999286 +686 173 5 879546847 +524 715 4 884636182 +932 679 2 891251538 +795 1199 3 880557953 +872 288 5 888478743 +924 273 3 889286721 +883 277 4 891717936 +864 161 4 888891288 +870 494 3 879865875 +745 204 3 880123335 +463 302 5 877384835 +907 317 5 880159910 +682 943 3 888520864 +782 1534 2 891500194 +751 917 2 892486699 +405 1577 1 885549506 +296 114 5 884198772 +499 588 4 885599334 +870 528 4 875050801 +541 584 3 883874646 +622 581 4 882670562 +880 722 3 880174904 +751 710 3 889298051 +480 443 4 891208746 +591 306 5 891030956 +676 295 1 892686220 +854 129 3 882812165 +776 195 3 891628836 +833 977 2 879818799 +551 1028 4 892785056 +860 347 4 886424396 +835 499 5 891033675 +846 1179 2 883949121 +693 121 2 875483564 +540 597 4 882157248 +622 484 3 882669803 +927 228 5 879184644 +655 170 3 887523224 +899 250 2 884120105 +551 226 5 892783411 +332 41 5 887938997 +693 157 4 875482779 +862 484 4 879304571 +456 952 4 881371766 +368 5 3 889783454 +655 1111 3 887473856 +561 1044 2 885810834 +116 246 5 876452405 +630 216 5 885667968 +837 275 4 875721989 +592 176 5 882956039 +882 225 5 879862865 +751 197 3 889296961 +919 462 3 875372844 +903 23 5 891033541 +840 144 3 891209104 +250 9 2 878089547 +669 151 5 892549370 +354 222 3 891216854 +896 1221 2 887159261 +650 622 3 891387468 +276 397 1 874792601 +104 246 3 888465319 +878 496 5 880867387 +921 932 3 879381128 +761 988 1 876189715 +592 224 5 882608357 +892 237 4 886608802 +867 250 4 880078091 +864 969 4 888887172 +682 683 2 888518503 +768 815 3 880135963 +31 1022 5 881547814 +744 340 3 881171820 +830 56 2 891464054 +305 326 2 886307917 +437 71 3 880141402 +901 929 4 877126902 +256 381 5 882165135 +788 621 3 880871026 +536 436 3 882359883 +846 387 3 883950634 +185 845 4 883524507 +833 511 4 875038742 +790 145 2 885158299 +59 524 3 888206689 +853 300 5 879364744 +782 873 4 891498512 +940 873 3 889480440 +370 137 4 879434707 +613 272 5 891227111 +298 50 5 884125578 +374 227 4 880937876 +383 660 4 891192748 +474 737 4 887926633 +276 385 4 874792547 +886 393 3 876033181 +27 930 2 891543222 +880 79 4 880167670 +416 550 4 886317599 +508 47 3 883777257 +634 473 2 875729558 +903 187 5 891033754 +764 121 5 876244991 +92 44 3 875906989 +627 328 4 879529486 +909 116 5 891920010 +541 659 5 883865555 +826 230 4 885690600 +627 358 3 879529556 +379 7 5 891674489 +398 231 2 875743840 +450 389 4 882396051 +868 98 4 877103371 +935 471 4 884472352 +618 52 3 891307224 +450 50 5 882371415 +327 181 4 887745537 +648 234 5 884368314 +425 12 5 878737791 +868 662 2 877103714 +825 1163 3 880756076 +840 515 5 891203280 +815 141 4 878694613 +907 620 4 880159113 +727 455 3 883709671 +933 98 5 874853734 +837 280 2 875722350 +495 1079 5 888636511 +301 233 4 882077872 +796 692 5 892761544 +561 1010 3 885809781 +773 958 4 888538908 +445 300 1 890987410 +360 223 5 880355803 +922 202 5 891448115 +664 664 4 876524474 +723 189 3 880498938 +658 42 4 875147873 +943 111 4 875502192 +889 1070 3 880178367 +716 418 4 879796620 +87 765 3 879877006 +907 274 5 880158986 +864 2 4 888889657 +708 473 1 877325656 +932 1305 2 891252260 +812 286 2 877625109 +843 582 2 879445658 +795 477 3 880558562 +889 755 3 880182017 +207 195 3 875509307 +610 172 4 888702962 +524 14 5 884322047 +939 931 2 880262196 +890 662 3 882575303 +6 531 4 883600747 +622 253 3 882591047 +344 546 3 884899837 +895 181 5 879437950 +840 257 3 891204056 +697 595 4 882622066 +823 90 4 878438552 +497 7 3 879310604 +401 428 4 891033092 +145 118 3 875270764 +751 704 2 889133429 +892 732 4 886610480 +880 44 4 880243712 +683 880 3 893283641 +181 1034 1 878962586 +684 158 3 878760372 +883 549 4 891696782 +870 179 4 875680165 +778 367 5 890802895 +747 234 5 888640099 +867 117 3 880079117 +829 222 4 882816987 +823 1267 4 878438780 +144 7 2 888104087 +741 118 1 891455855 +262 609 3 879793736 +130 326 5 874953239 +460 1067 4 882912316 +654 143 5 887864275 +406 122 3 879540405 +276 217 4 874792692 +58 137 5 884304430 +885 501 3 885714820 +731 613 2 886186568 +782 688 2 891498918 +854 4 2 882814436 +593 282 5 875659518 +788 120 2 880871520 +393 1076 3 889731109 +815 257 3 884320266 +889 223 4 880177906 +788 281 4 880871205 +462 326 4 886365297 +661 165 5 876013975 +394 358 3 880886546 +790 158 2 885157797 +548 56 5 891044356 +218 23 4 881288298 +604 7 4 883668097 +850 584 4 883195276 +886 1 4 876031433 +472 405 5 875978600 +671 265 3 884035992 +896 358 1 887235749 +586 581 2 884065745 +701 289 4 891446857 +665 202 3 884294612 +540 340 4 882156710 +286 42 4 877533698 +62 455 3 879372696 +618 218 3 891308115 +592 23 5 882955735 +222 167 3 878183588 +848 118 2 887047243 +843 551 3 879443544 +911 485 3 892839454 +864 747 3 888890380 +655 300 3 887476919 +239 531 5 889178762 +883 168 5 891694218 +303 1 5 879466966 +846 494 5 883947590 +446 245 4 879787226 +788 231 3 880871267 +608 317 5 880405527 +311 705 3 884365201 +344 431 3 884901469 +892 11 3 886608897 +573 157 4 885844161 +848 1021 5 887043777 +683 270 3 893283049 +896 175 2 887159603 +896 603 4 887158384 +833 7 3 875035953 +605 238 1 879424783 +943 11 4 888639000 +823 13 5 878438642 +872 363 4 888479582 +682 179 4 888517627 +38 637 2 892434452 +899 186 4 884121767 +916 46 4 880844480 +796 755 4 893219033 +936 1258 2 886833281 +650 478 4 891371186 +866 242 3 891221165 +882 243 4 879861325 +795 465 3 883252686 +921 313 5 884673044 +699 370 3 879148129 +458 204 4 886396390 +624 25 4 879792446 +796 1217 3 893194607 +908 133 5 879722603 +665 50 4 884290432 +577 313 4 890089462 +592 382 4 882956761 +853 259 3 879365034 +399 96 3 882342019 +846 554 4 883949728 +536 778 4 882359988 +917 50 3 882910915 +161 70 3 891171064 +715 135 2 875964203 +313 1470 1 891017319 +468 174 5 875294549 +894 713 4 880416177 +889 89 4 880177941 +680 269 4 876815942 +234 527 3 892334189 +731 136 4 886182826 +755 289 1 882569912 +690 1185 1 881177778 +665 473 4 884290882 +734 191 4 891025523 +162 179 3 877636794 +820 288 5 887954934 +886 801 3 876034205 +510 292 4 887667524 +776 564 3 892920446 +919 1136 2 875374269 +667 98 4 891035104 +806 1514 3 882385643 +928 496 5 880936863 +521 754 3 885252562 +655 458 3 887426407 +887 72 4 881381471 +741 204 4 891018266 +668 289 2 881523929 +747 606 5 888638958 +841 307 5 889067152 +727 760 1 883713388 +643 132 5 891448265 +601 436 4 876350230 +784 313 5 891386988 +773 198 4 888538950 +938 313 5 891349471 +731 521 1 886184682 +446 307 3 879786892 +339 396 4 891036316 +629 173 5 880116847 +756 274 3 874829637 +42 655 3 881107642 +275 380 3 876198328 +782 876 2 891498267 +932 614 4 891280138 +749 414 4 878848189 +413 327 3 879968933 +171 270 4 891034835 +564 1025 2 888718443 +536 79 4 882359813 +491 513 5 891189306 +357 121 5 878951576 +541 1047 2 883866173 +655 11 2 887427307 +194 204 4 879522324 +307 161 3 879205470 +901 12 5 877132065 +754 118 2 879451775 +336 1 3 877759342 +748 495 3 879454687 +795 209 5 880587862 +894 690 4 879896200 +489 885 4 891448861 +127 230 5 884364866 +445 257 2 891199945 +929 31 2 880817708 +95 8 5 879198262 +836 611 5 885754096 +505 132 5 889333598 +514 655 4 875462568 +650 218 3 891370065 +654 196 5 887864757 +802 263 1 875985032 +918 640 3 891988163 +851 301 3 890343401 +655 467 3 887523790 +541 140 5 883874682 +870 38 3 879714608 +43 257 4 875975276 +234 106 4 892336322 +763 462 5 878921529 +834 255 3 890862940 +621 7 4 880738353 +922 249 3 891455250 +474 924 4 887915600 +608 204 4 880405527 +622 588 4 882592246 +790 709 3 885156686 +504 187 3 887840559 +368 559 3 889783562 +864 780 2 888892968 +883 1591 3 891695570 +344 1048 3 884899815 +10 414 4 877891966 +880 746 4 892959246 +533 226 4 879191621 +13 903 3 890704759 +500 60 5 883874557 +518 129 5 876823804 +588 206 4 890025023 +328 903 3 893195755 +554 245 3 876231229 +759 937 4 881476756 +472 367 5 892790953 +788 223 4 880868181 +339 218 3 891034810 +643 674 3 891449901 +313 237 2 891016757 +886 388 1 876033850 +862 1117 4 879303668 +210 163 3 887730407 +577 102 4 880475043 +666 1071 3 880567771 +543 160 3 874863803 +870 1112 2 879714902 +929 517 5 879640329 +881 472 4 876537285 +715 227 3 875964272 +907 825 3 880159404 +805 106 5 881695968 +378 96 4 880055740 +910 245 2 881420474 +13 911 2 892015141 +835 543 5 891033232 +488 191 3 891293974 +868 150 5 877103834 +749 1615 4 878847076 +893 1 5 874827725 +814 665 4 885411204 +536 8 5 882359047 +244 58 3 880605438 +269 604 3 891448895 +862 117 5 879302844 +660 183 2 891199499 +77 519 5 884752874 +223 1284 1 891550295 +871 213 3 888193386 +299 515 4 877877691 +868 195 2 877104212 +630 323 4 885666237 +321 704 3 879440423 +896 515 3 887158029 +804 748 4 879440700 +845 268 3 885409374 +720 286 5 891262635 +738 203 3 892958137 +663 1017 2 889492679 +869 284 1 884491966 +727 199 4 883710288 +13 569 2 882396955 +894 344 4 887825614 +120 127 4 889489772 +868 178 5 877103714 +389 1168 3 880088717 +932 497 5 891249933 +550 1 3 883425913 +934 177 3 891192623 +792 1 4 877910822 +562 135 5 879196075 +639 213 5 891239528 +90 511 5 891384476 +464 299 4 878354791 +306 19 5 876503995 +749 223 4 881602704 +843 563 2 879443545 +846 493 5 883947590 +751 302 4 888870893 +600 232 3 888451839 +719 58 3 879360933 +867 289 5 880077950 +448 302 5 891887337 +854 55 4 882814467 +150 150 3 878746824 +923 472 4 880388547 +814 56 3 885410957 +408 327 5 889679982 +932 1184 3 891250169 +435 721 4 884132072 +451 335 4 879012721 +260 334 5 890618729 +503 503 3 880472250 +862 982 4 879303622 +897 172 4 879990466 +312 530 5 891698921 +395 286 4 883762088 +782 1302 3 891500028 +916 824 3 880843838 +894 355 3 889469028 +854 483 4 882813691 +931 237 3 891036552 +82 241 3 878769992 +893 405 5 874828864 +344 762 3 884900391 +458 519 4 886395899 +882 235 3 879863560 +738 423 4 875350223 +629 137 5 880117001 +918 428 5 891988001 +580 147 3 884125658 +655 980 2 888984354 +910 288 3 884229224 +851 291 4 875730244 +363 223 5 891495197 +790 208 3 885156014 +711 1170 3 879993842 +919 270 4 885059422 +774 118 1 888558594 +721 327 2 877136967 +862 179 5 879304410 +90 275 5 891383626 +311 96 5 884365653 +890 427 5 882405586 +533 169 4 879438543 +896 152 3 887160116 +869 50 4 884490892 +807 8 4 892528374 +97 69 5 884239616 +851 685 4 875731022 +942 261 4 891282673 +615 427 5 879448475 +694 1269 5 875726793 +826 449 4 885690819 +919 1047 3 875289697 +758 629 4 881978715 +187 707 5 879465882 +283 1009 3 879297867 +887 832 2 881379059 +618 183 4 891307494 +835 735 5 891033349 +757 222 4 888444400 +537 289 1 886029153 +709 441 4 879848239 +848 633 3 887043040 +903 1008 3 891031505 +885 233 3 885715889 +450 347 4 887047775 +13 288 1 882396790 +624 127 4 879792322 +483 283 5 878952582 +843 95 2 879446716 +907 282 4 880158939 +305 475 4 886324199 +886 71 4 876032274 +899 25 3 884120249 +897 951 3 879991186 +618 159 3 891309670 +299 480 4 878191995 +693 216 4 875484613 +667 238 3 891035140 +201 1426 2 884114015 +608 182 4 880403484 +210 655 5 887730496 +808 313 5 883949986 +409 1541 4 881107992 +825 546 5 880756603 +347 926 1 881654846 +921 282 2 879379714 +824 322 4 877021044 +938 240 2 891356847 +913 265 4 880757553 +708 150 4 892719246 +922 216 3 891448115 +930 121 4 879535392 +377 689 3 891297256 +276 586 3 874977512 +914 387 3 887124121 +881 678 2 876535695 +815 172 5 878694613 +881 178 3 876537512 +511 300 4 890004658 +921 720 4 879381128 +500 532 4 883865952 +495 511 4 888634536 +532 980 4 884594911 +918 204 1 891987317 +664 367 3 876526152 +943 570 1 888640125 +661 175 2 888299899 +790 248 4 884461888 +158 651 5 880134296 +435 527 4 884130995 +833 432 4 875132134 +465 48 3 883530313 +936 818 4 886832903 +868 419 3 877103449 +381 307 2 892697959 +347 418 4 881654134 +417 203 4 879646915 +524 521 4 884636182 +782 252 3 891499469 +758 144 4 881975267 +210 969 4 887730221 +932 967 4 891251331 +11 401 3 891905324 +716 22 5 879795159 +437 13 4 880141129 +319 358 3 889816233 +645 319 3 892051708 +915 1038 2 891030070 +940 289 3 884801144 +541 946 5 883874749 +508 710 4 883777071 +840 272 4 891202756 +760 928 1 875666242 +782 1666 2 891500194 +815 665 2 878698525 +913 237 4 881725960 +886 746 3 876032473 +788 620 3 880871088 +316 162 3 880854472 +508 524 5 883767608 +880 222 4 880166990 +406 629 3 880131977 +286 232 4 877534701 +653 307 4 889151627 +733 220 2 879544411 +896 872 3 887157322 +450 230 4 882371732 +768 471 3 880135875 +561 194 4 885807612 +457 371 4 882398275 +446 879 3 879786691 +846 230 3 883948720 +896 174 5 887161710 +846 716 3 883949508 +943 232 4 888639867 +621 1093 4 880738568 +619 181 4 885953778 +864 1217 3 888889327 +487 380 2 883531466 +505 123 3 889333894 +887 1473 1 881379522 +913 98 4 881725761 +707 1120 4 880060974 +339 639 4 891034115 +416 542 1 886317599 +754 328 3 879450984 +708 713 4 877325316 +577 568 3 880475021 +582 547 4 882961608 +788 164 3 880870115 +702 230 4 885767774 +786 423 5 882843150 +592 116 4 882608182 +700 28 3 884493712 +851 121 4 874728565 +823 1 4 878438206 +904 628 3 879735362 +665 631 2 884294459 +399 419 3 882343327 +713 344 5 888882276 +816 355 2 891711472 +922 56 1 891447628 +619 685 3 885953850 +801 300 5 890332748 +896 182 4 887157924 +804 227 4 879443136 +537 753 2 886030622 +655 1186 3 888984538 +807 684 5 892529851 +532 304 5 893118711 +901 196 4 877288864 +863 682 3 889289491 +890 135 5 882405546 +293 173 5 888905550 +672 109 4 879788774 +889 1006 4 880181563 +933 577 1 874938705 +62 466 3 879374785 +846 426 1 883949046 +788 657 4 880868277 +803 242 5 880054592 +661 181 5 876015607 +863 872 2 889289240 +709 192 4 879846705 +666 175 4 880567612 +875 71 2 876465336 +682 108 3 888521564 +899 265 4 884122087 +788 1518 3 880871394 +453 85 3 877561301 +757 271 3 888443307 +437 1063 5 880141661 +417 343 2 886186253 +896 217 2 887161198 +889 696 3 880177407 +454 632 3 881960145 +722 471 4 891281020 +901 168 4 877131342 +429 257 4 882386121 +834 288 5 890860566 +791 181 5 879448338 +311 496 5 884364593 +619 195 5 885954019 +896 880 4 887235664 +683 472 3 893286550 +798 423 3 875639864 +790 411 3 884462929 +13 158 1 882142057 +177 748 3 880130534 +7 341 3 892333206 +881 483 4 876537418 +786 125 4 882841745 +646 349 2 888529127 +880 140 4 880243001 +84 4 3 883453713 +787 1434 1 888979657 +897 177 5 879990465 +536 228 5 882359863 +942 427 5 891283017 +270 219 5 876956389 +846 415 2 883950605 +901 498 4 877131990 +60 237 4 883327442 +920 347 4 884220131 +102 947 3 888801360 +479 480 5 889125737 +870 447 4 879713953 +699 1187 4 879148051 +781 191 4 879633995 +919 298 3 875288983 +823 111 4 878438206 +334 246 4 891544952 +230 174 5 880484661 +286 41 2 877535323 +682 542 2 888523227 +392 589 4 891038946 +854 358 2 882812001 +618 420 3 891309163 +864 137 4 878179514 +758 152 5 881975853 +291 592 3 874834895 +59 219 5 888206485 +741 427 5 891018221 +567 187 5 882425673 +889 240 3 880177246 +851 1028 3 875730686 +485 301 2 891041551 +892 284 5 886610840 +764 294 3 876233213 +357 1048 2 878951217 +425 190 3 890347085 +756 53 3 874830432 +532 1428 4 874791420 +663 151 3 889492841 +487 248 1 883443504 +759 328 5 881476590 +298 121 4 884126202 +748 180 4 879454958 +850 742 5 883195214 +436 435 4 887769256 +932 229 4 891251063 +405 4 4 885547314 +593 153 5 875671107 +58 121 2 892242300 +798 486 4 875639889 +766 367 2 891309878 +47 303 4 879439112 +621 65 3 885596944 +747 483 5 888639318 +347 282 5 881652590 +805 769 2 881695999 +450 372 4 882396245 +931 678 3 891036247 +774 168 1 888555964 +922 395 4 891452879 +727 260 1 883708265 +654 381 3 887864886 +739 603 4 886959069 +930 148 1 879534886 +894 264 3 879896309 +455 568 4 879112298 +854 823 2 882813316 +409 1070 4 881107410 +897 409 4 879993553 +482 245 4 887643461 +805 225 1 881705892 +737 187 5 884315175 +620 174 5 889988121 +178 194 4 882826306 +894 1315 3 879896985 +618 1039 4 891309887 +308 479 5 887738346 +899 435 3 884122450 +623 286 2 891032107 +541 254 3 884046953 +776 438 2 892920506 +933 523 4 874853957 +935 846 4 884472999 +833 405 3 875038395 +654 1165 1 887864146 +913 234 4 880825443 +647 15 4 876532975 +942 487 4 891282985 +896 97 4 887158265 +416 846 3 878878779 +851 892 2 886534635 +836 134 3 885754096 +840 143 4 891209490 +897 603 5 879991666 +747 625 3 888640648 +533 549 4 879439340 +240 242 5 885775683 +425 217 1 878738914 +312 661 5 891698726 +887 871 5 881378325 +378 183 4 880331829 +916 82 4 880845772 +877 83 3 882677085 +881 129 4 879052141 +807 173 3 892528285 +625 484 4 891262783 +368 7 4 889783365 +839 1085 5 875752877 +894 346 4 884036796 +889 952 3 880178411 +655 461 2 887427130 +863 1237 4 889289618 +886 5 3 876032929 +655 240 3 887650538 +822 272 3 891033683 +222 100 5 877563052 +694 1020 4 875728345 +718 405 5 883349384 +789 1008 4 880332365 +275 473 3 880313679 +711 272 5 884485798 +840 632 3 891204296 +26 271 3 891348070 +102 384 2 892993827 +863 690 4 889289067 +727 233 4 883713473 +145 271 4 885557660 +419 191 4 879435590 +26 291 3 891379753 +669 222 3 892549434 +889 39 2 880181191 +577 1044 4 880475504 +556 323 2 882136058 +637 244 1 882903645 +799 690 3 879253668 +733 1114 3 879535603 +537 547 1 886029771 +788 193 4 880868235 +846 721 4 883948719 +200 380 5 884129381 +174 11 5 886439516 +355 1233 4 879486421 +592 92 5 882956358 +795 568 3 883251659 +907 828 5 880159361 +852 405 3 891037262 +793 456 3 875104752 +647 1014 3 876531583 +327 324 3 887743644 +682 551 2 888522977 +859 955 5 885776352 +464 257 4 878355088 +936 285 4 886832221 +385 215 2 879442559 +897 69 5 879990396 +911 423 4 892840837 +128 633 4 879967729 +748 425 4 879454773 +236 28 4 890116539 +72 654 4 880037461 +538 137 3 877108372 +883 1041 3 891694603 +846 479 4 883947694 +474 186 4 887925977 +642 472 5 885607081 +435 179 5 884131085 +889 212 2 880181225 +647 237 3 876776320 +4 359 5 892002352 +907 125 4 880159259 +760 841 3 875666421 +627 22 5 879530205 +435 298 4 884134500 +597 326 1 875339083 +145 228 4 885557660 +870 1042 2 879902127 +868 219 2 877107817 +279 193 2 875307407 +568 79 4 877907782 +562 385 2 879196483 +864 184 4 888890775 +822 410 1 891039486 +387 29 1 886483252 +782 1016 3 891499321 +929 419 4 880817844 +764 280 4 876244181 +551 128 4 892783829 +758 955 2 881977021 +887 410 4 881378040 +693 229 2 875483435 +119 28 5 874782022 +650 152 3 891382138 +717 126 5 884642580 +887 258 1 881377893 +929 134 4 880817752 +316 462 3 880853516 +639 174 4 891240160 +79 515 5 891271792 +807 121 4 892529278 +481 198 4 885828686 +303 293 4 879544515 +630 153 3 885668277 +356 322 3 891406289 +907 472 5 880159360 +790 235 1 884462551 +889 475 4 880176896 +465 528 3 883530190 +790 417 2 885156538 +535 427 4 879618246 +492 514 3 879969415 +919 937 4 875920627 +653 229 3 880153145 +268 143 2 875310116 +932 709 4 891251395 +709 747 2 879848925 +645 173 4 892053748 +660 474 2 891200037 +661 174 5 876013447 +838 300 2 887060778 +642 427 3 886132043 +592 87 4 882956467 +618 770 2 891309756 +665 69 5 884293475 +500 121 3 883865611 +821 509 5 874793574 +621 879 4 880227012 +886 22 4 876032378 +721 174 5 877139015 +632 99 5 879458941 +222 54 4 878183111 +907 301 4 880158537 +102 447 4 888803002 +764 276 3 876752289 +595 288 3 886920602 +474 197 5 887923788 +806 82 4 882389179 +823 428 5 878438511 +669 329 1 891182771 +870 90 4 875680668 +295 144 4 879518166 +625 210 3 892054095 +909 275 5 891920166 +865 845 1 880144123 +222 188 3 878184393 +537 699 4 886031149 +574 346 4 891278962 +896 798 2 887160983 +711 121 1 876185726 +752 316 3 891208329 +588 1061 5 890024876 +733 290 4 879535752 +840 611 4 891204509 +321 511 4 879440954 +886 96 3 876031392 +488 478 3 891294530 +766 183 4 891309484 +345 385 3 884993418 +532 313 5 884594326 +85 281 3 879452971 +783 872 4 884326545 +690 585 2 881177970 +787 898 3 888979182 +94 673 3 891721615 +788 12 5 880868919 +780 497 2 891364059 +665 274 3 884290408 +568 30 4 877907877 +11 83 5 891904335 +332 1157 4 888360532 +823 217 3 878439655 +806 153 4 882388658 +354 724 2 891307114 +508 204 3 883767510 +653 508 3 886052198 +776 50 5 891628977 +862 1110 5 879305386 +374 153 5 880395487 +911 1203 4 892838357 +790 274 3 884461950 +741 265 5 891455735 +355 689 4 879485423 +99 172 5 885679952 +450 181 4 882372103 +833 302 3 884828670 +710 180 4 882063736 +741 194 4 891457242 +474 611 4 887925395 +637 1033 3 882904233 +883 172 4 891696824 +753 527 4 891401510 +913 465 2 880826366 +715 7 3 875962110 +751 578 4 889298174 +897 588 4 879990877 +938 125 3 891356742 +13 370 1 882396984 +664 655 3 876524097 +889 1170 2 880182127 +741 1152 3 891458597 +844 210 4 877386928 +303 403 5 879468274 +758 751 4 882597651 +569 257 4 879794302 +908 185 4 879722822 +593 732 3 875660850 +95 431 3 879196629 +14 195 5 890881336 +919 50 3 875288570 +751 87 5 889297927 +886 732 3 876032029 +644 330 4 889076173 +885 949 4 885714452 +726 249 1 889832422 +907 86 5 880160162 +543 61 4 875659098 +698 204 2 886366770 +823 239 4 878438959 +90 156 4 891384147 +506 216 4 874873794 +329 1011 3 891655981 +782 1138 2 891499699 +931 476 3 891036974 +560 458 3 879976731 +716 479 4 879796010 +790 122 2 884462954 +939 106 3 880262019 +372 1090 5 876869878 +399 665 3 882345408 +453 215 3 877554419 +804 411 3 879443776 +768 476 4 883834705 +792 9 3 877909631 +487 809 2 884050192 +500 117 4 883865755 +642 628 3 891317897 +854 303 3 882811810 +903 845 1 891031450 +774 411 1 888558853 +942 323 3 891282644 +727 207 5 883710889 +833 573 1 875223976 +724 879 1 883757259 +409 115 2 881108777 +699 309 3 882000505 +551 508 4 892783366 +711 959 5 879995322 +794 248 4 891036463 +781 403 4 879634340 +758 802 3 881978572 +883 9 4 891717495 +682 232 3 888519408 +793 597 3 875104565 +890 183 3 882404917 +840 566 5 891209285 +393 96 4 889555434 +166 688 3 886397855 +917 740 5 882912385 +766 602 4 891310038 +416 265 5 893213796 +548 696 4 891415912 +615 26 4 879448233 +158 978 3 880133937 +751 79 4 889132776 +643 273 3 891445287 +562 174 5 879196105 +92 732 3 875812841 +252 847 4 891456738 +641 1194 3 879370299 +880 1059 4 880166939 +731 170 5 886179040 +567 223 4 882426508 +436 423 4 887769992 +190 100 4 891033653 +721 720 5 877138395 +868 455 5 877103410 +855 531 3 879825614 +897 871 3 879993519 +804 84 3 879445933 +271 215 4 885849300 +934 25 4 891195233 +693 144 4 875483847 +493 358 4 884129979 +880 12 5 880175622 +919 202 3 875373582 +886 150 4 876031656 +735 245 3 876698022 +655 636 3 888475015 +537 175 4 886030966 +710 172 4 882064283 +19 8 5 885412723 +668 882 3 881523929 +551 34 4 892778336 +731 127 4 886179415 +45 278 3 881014550 +905 150 4 884984148 +385 198 3 881128357 +608 517 4 880403856 +806 228 4 882389230 +819 340 5 879952627 +768 248 3 883834705 +609 894 1 886895852 +664 14 4 878090764 +870 443 3 882123736 +374 79 4 880394997 +773 1 3 888539232 +643 72 4 891449301 +916 1113 4 880844897 +686 192 5 879545340 +487 689 1 883441407 +418 300 3 891282656 +472 403 5 875982200 +642 35 2 886570027 +909 531 4 891920166 +833 198 4 875123677 +295 951 5 879517893 +880 92 4 880167778 +606 281 4 880922148 +921 1047 1 879380015 +665 410 3 884291165 +805 269 5 879971251 +854 829 2 882813287 +83 248 3 883868788 +885 356 3 885714317 +49 54 2 888068265 +627 431 4 879531302 +864 238 5 888890432 +442 188 3 883390782 +367 268 4 876689364 +851 916 3 891961195 +796 187 5 892662904 +707 603 3 886286926 +796 821 4 893047126 +115 684 3 881171489 +689 50 5 876676397 +709 117 4 879846623 +847 948 1 878774764 +657 273 3 884239566 +54 634 1 892681013 +269 939 2 891448177 +363 770 4 891497174 +560 301 3 879975116 +119 194 5 874781257 +941 147 4 875049077 +921 72 4 879380806 +795 403 3 883250829 +869 1134 1 884492445 +828 1672 2 891037722 +896 228 5 887158266 +903 91 5 891033005 +653 802 2 880153040 +807 554 4 892684529 +637 181 4 882902540 +786 222 4 882842044 +627 228 4 879531301 +432 15 4 889416456 +239 483 5 889179253 +704 22 2 891397441 +159 299 3 893256013 +627 180 5 879529794 +896 765 4 887160750 +385 55 2 879441728 +938 988 3 891356282 +606 293 5 878143605 +524 559 3 884637067 +640 174 5 876067863 +889 64 5 880178313 +806 2 3 882389862 +708 685 3 877326158 +713 327 2 888882085 +271 203 4 885848448 +903 521 5 891033781 +693 96 4 875483881 +890 101 2 882915661 +695 682 1 888805952 +235 524 5 889655204 +438 284 2 879868308 +844 511 3 877387825 +654 408 5 887863381 +667 79 3 891034930 +346 79 5 874948105 +336 257 4 877759730 +610 187 4 888703213 +573 216 4 885844674 +647 203 3 876776321 +757 176 5 888445730 +713 286 3 888881939 +642 441 1 886569942 +862 105 3 879303346 +487 231 1 884050940 +932 525 5 891250418 +918 419 3 891987622 +542 202 3 886532314 +870 69 4 875050603 +499 208 4 885599718 +854 134 4 882813825 +802 567 4 875985976 +524 476 3 884628212 +14 430 5 879119692 +405 1019 1 885549465 +896 161 3 887159302 +130 1142 4 874953595 +13 310 4 881514683 +727 1437 2 883713082 +644 298 4 889077513 +857 687 1 883432470 +826 576 4 885690900 +836 657 5 885754096 +894 129 4 880416253 +95 234 2 879197886 +503 13 3 879438377 +905 7 4 884984329 +935 127 4 884472086 +790 209 1 885155540 +752 904 4 891207845 +843 28 3 879446977 +838 100 4 887063994 +530 255 4 886198864 +934 197 5 891192041 +790 186 3 885156165 +316 716 5 880853881 +850 480 5 883194810 +942 615 3 891283017 +918 923 4 891987317 +49 820 1 888067164 +805 105 2 881705238 +504 176 3 887837739 +940 96 5 885921265 +924 1036 2 886759690 +892 472 3 886610523 +773 221 2 888540448 +875 692 2 876465230 +642 217 2 886569659 +932 1397 4 891250793 +13 172 5 882140355 +523 407 4 883702800 +37 210 4 880915810 +130 373 4 878537681 +570 879 2 881262795 +774 1017 3 888558829 +856 750 5 891489250 +677 1049 3 889399139 +159 130 1 880557322 +798 289 3 875286981 +843 135 5 879449177 +11 28 5 891904241 +924 300 2 884337243 +931 1152 4 891037177 +555 318 4 879975419 +693 298 3 885703740 +756 71 3 874828391 +624 928 3 879793511 +758 748 1 880672522 +828 382 3 891037639 +863 313 5 889288910 +832 873 2 888259984 +928 333 3 880937258 +308 654 5 887736881 +850 494 3 883195168 +892 5 4 886611354 +586 569 3 884060807 +851 352 1 890343544 +923 148 4 880387474 +897 455 3 879993772 +92 111 3 875641135 +697 820 3 882622373 +839 532 3 875752560 +822 432 3 891037394 +346 164 3 874948824 +881 443 5 876539448 +639 451 4 891239529 +846 168 5 883947737 +911 238 2 892839970 +738 434 4 875351872 +889 455 4 880177647 +566 523 4 881649622 +916 53 4 880844834 +629 416 4 880117813 +929 515 5 878402162 +886 1074 2 876033645 +650 550 3 891381661 +716 1020 5 879795314 +537 1400 2 886031678 +495 225 4 888635524 +454 972 2 888267128 +823 762 4 878439557 +13 722 3 882399528 +695 895 1 888805864 +447 15 1 878854481 +579 435 5 880952038 +913 789 4 880946415 +699 1033 4 884152917 +682 2 3 888522541 +592 69 5 882956201 +856 310 3 891489217 +648 295 4 882211464 +299 481 3 877880566 +541 79 5 883871524 +804 206 3 879445440 +825 984 5 884642187 +877 538 4 882676533 +700 222 3 884493899 +655 1022 3 887424948 +606 568 4 880923988 +452 83 3 885490812 +610 750 4 888702841 +532 1312 4 888631036 +873 294 4 891392303 +821 79 5 874793517 +664 1109 4 876526555 +407 95 3 875045190 +790 931 2 884462105 +712 210 5 874730293 +894 147 3 880993709 +859 368 3 885775880 +478 202 4 889396256 +757 91 4 888467309 +500 727 2 883875041 +749 210 4 878848587 +831 270 4 891354000 +332 471 4 887938351 +864 44 4 888890144 +733 534 3 879544377 +747 418 5 888639102 +901 71 4 877131654 +678 15 3 879544449 +912 154 4 875966027 +805 742 3 881695872 +796 659 3 892662482 +276 472 3 874787109 +464 255 4 878355061 +894 326 3 879896168 +668 269 5 881523612 +940 194 5 885921953 +904 66 4 879735641 +889 403 3 880179868 +406 521 3 882480511 +908 181 3 879722754 +932 179 5 891249239 +529 327 4 882535353 +890 85 1 882917090 +370 427 5 879435146 +918 137 5 891987879 +933 470 4 874854611 +522 200 4 876961314 +697 270 5 882622481 +860 245 3 880829225 +623 525 4 891034294 +883 270 4 891691436 +320 625 4 884751439 +444 286 2 890246847 +655 459 2 891408204 +90 268 4 891382392 +897 222 4 879993042 +835 23 4 891035310 +285 319 3 890595523 +639 311 3 891238599 +504 174 4 887909455 +823 150 4 878438058 +314 787 2 877889927 +886 186 4 876033460 +703 764 2 875242885 +765 14 5 880346204 +7 365 4 891353744 +854 616 4 882813877 +846 786 4 883949771 +560 928 3 879977062 +181 1382 1 878962168 +633 921 3 875324812 +130 552 5 876252225 +621 1228 3 880740296 +843 77 2 879443975 +916 506 3 880844728 +916 1206 2 880845543 +42 969 5 881107687 +826 373 3 885690900 +690 780 4 881177910 +627 7 5 879531158 +894 283 3 880993490 +174 384 1 886515121 +638 168 4 876695714 +933 63 2 874938563 +913 179 3 881368269 +881 15 3 876536241 +49 4 2 888069512 +894 336 3 879982820 +541 378 5 883864908 +807 511 5 892705391 +392 510 4 891038979 +660 318 3 891199133 +901 228 5 877131045 +766 72 2 891310704 +429 200 3 882386333 +112 333 4 884992566 +62 511 4 879373586 +778 451 1 891234405 +741 790 3 891457456 +919 204 4 875921396 +928 1007 5 880937163 +523 874 4 883699869 +844 56 4 877386897 +927 380 5 879196283 +828 198 4 891036492 +796 155 5 893047241 +181 333 3 878961227 +796 275 4 892660211 +374 273 2 880392747 +584 227 4 885774172 +216 416 3 880245165 +702 879 1 885767604 +897 451 4 879991607 +707 1401 3 886286663 +522 135 5 876960824 +766 182 4 891309053 +116 1256 1 876453222 +422 248 3 875130100 +797 988 1 879439230 +875 1422 3 876465274 +430 121 2 877225832 +505 69 3 889333974 +571 1039 3 883354760 +937 285 4 876769436 +868 449 3 877113540 +380 498 4 885478738 +686 197 5 879545814 +491 116 5 891185209 +137 685 5 881433296 +896 431 3 887159262 +798 1023 3 875295772 +497 83 2 878759898 +644 457 4 889076502 +930 8 3 879535713 +488 418 3 891294530 +385 954 4 879446235 +896 1284 2 887160958 +495 521 5 888632219 +632 720 3 879459025 +94 94 2 891723883 +727 62 3 883712603 +87 433 3 879876702 +110 722 3 886989028 +773 655 3 888539347 +601 118 1 876347320 +38 406 2 892434251 +436 81 3 887770244 +899 496 5 884121379 +621 95 4 880739654 +574 100 5 891279712 +935 717 4 884472872 +642 931 4 885606857 +389 134 5 879991045 +385 205 2 879443253 +704 318 5 891397491 +943 1067 2 875501756 +666 118 3 880313903 +639 655 3 891239406 +498 109 3 881955189 +588 8 5 890023557 +536 10 4 882318772 +256 64 5 882164231 +875 504 5 876465275 +868 240 5 877107373 +774 449 1 888557482 +920 331 3 884220094 +690 4 3 881177459 +690 451 4 881177910 +883 147 2 891717419 +715 433 2 875963082 +867 511 5 880078371 +832 258 3 888258960 +7 179 5 891352303 +776 184 4 892920381 +711 197 4 879993110 +538 188 4 877108195 +924 526 3 886327826 +632 227 3 879459025 +934 297 5 891189969 +916 17 4 880845135 +764 1028 4 876244181 +764 220 3 876243925 +773 1018 3 888539095 +763 1065 5 878915559 +763 174 4 878919019 +790 217 4 885158459 +374 4 2 880395924 +145 1041 5 875272987 +472 366 4 892790952 +846 191 5 883948048 +286 401 1 877535446 +864 1047 3 888888680 +309 879 4 877370319 +730 7 4 880310352 +545 450 2 883115718 +860 1602 3 893009852 +125 1271 2 892839021 +724 327 4 883757670 +551 824 1 892784629 +158 302 4 880132193 +831 117 3 891354970 +734 213 5 891022684 +880 1423 3 880175577 +665 240 5 884291271 +908 322 2 879722169 +817 245 2 874815789 +567 50 1 882426246 +472 230 5 875981876 +894 479 5 879897198 +102 11 3 888801232 +908 69 3 879722513 +451 334 3 879012648 +747 98 5 888639480 +790 117 5 884461283 +329 186 3 891656268 +44 157 4 878347711 +514 208 4 875463494 +669 915 3 892549178 +878 531 2 880866564 +830 226 5 891561806 +846 609 5 883949199 +774 175 3 888555897 +823 175 4 878438457 +868 436 3 877104913 +881 477 4 876536107 +393 141 2 889729537 +804 260 2 879440787 +13 275 3 886303585 +688 349 5 884153712 +897 484 3 879991341 +854 1061 1 882813421 +456 258 4 887165802 +936 340 4 886831535 +759 275 4 875227858 +795 1101 4 881528779 +905 321 4 884983463 +942 584 4 891283239 +670 417 4 877975129 +109 63 3 880582679 +841 300 4 889066780 +230 56 3 880484416 +943 808 4 888639868 +753 242 4 891399477 +904 778 3 879735678 +857 259 4 883432397 +539 496 3 879787985 +479 193 3 879460939 +796 949 4 893047460 +867 216 3 880079043 +921 471 2 879379821 +889 94 4 880181646 +896 216 5 887159658 +796 396 2 893218621 +861 382 5 881274780 +681 328 3 885409810 +841 358 1 889067348 +758 890 3 880672552 +883 250 3 892439468 +721 243 3 877137527 +829 100 4 881086893 +665 687 2 884290143 +280 173 3 891700453 +593 1221 3 875671982 +592 1356 4 882608915 +932 570 4 891251178 +724 347 4 883757670 +832 323 3 888259984 +734 275 4 891023019 +472 1079 4 883904360 +722 508 4 891281020 +94 403 3 891723188 +819 182 4 884105025 +798 225 4 875637487 +883 589 5 891754985 +498 663 4 881956363 +495 183 5 888633277 +79 276 3 891271957 +717 831 3 884642958 +532 367 5 893119439 +774 122 1 888558924 +870 550 3 879714310 +228 812 5 889388547 +262 58 3 879792452 +790 1039 3 885155490 +838 405 4 887064589 +680 318 5 876816106 +845 1399 3 885409493 +942 347 5 891282396 +835 357 5 891033232 +671 88 4 884036846 +529 264 2 882535820 +280 673 4 891701223 +787 1024 2 888979606 +902 134 3 879465523 +865 24 4 880143612 +640 1067 4 876068799 +654 1283 1 887863779 +940 172 4 885921451 +918 289 2 891988559 +653 719 3 880153841 +561 1039 3 885807612 +835 612 4 891033927 +916 655 3 880844350 +727 70 5 883710856 +588 561 3 890027780 +790 15 5 884461413 +865 101 1 880235099 +907 147 5 885862325 +764 227 4 876246358 +882 932 4 879863969 +89 301 5 879461219 +648 291 3 882211736 +919 57 5 875373621 +409 1512 5 881106947 +538 199 5 877364067 +334 137 2 891544953 +397 182 5 885349759 +254 496 4 886471982 +699 275 3 879148201 +585 170 5 891282573 +666 46 4 880139348 +891 531 4 883430128 +356 294 1 891406076 +883 79 4 891696864 +747 179 5 888639780 +590 546 1 879439538 +804 237 4 879443709 +788 64 5 880868005 +80 79 4 887401407 +727 1222 1 883713574 +774 367 2 888556047 +782 1013 3 891499439 +298 427 5 884127369 +716 497 3 879795949 +727 1249 3 883711991 +506 525 4 874876486 +881 755 4 876538922 +707 736 4 886286311 +882 496 5 879866320 +653 1016 3 890181186 +566 69 4 881650108 +872 310 4 888478698 +512 50 5 888579997 +921 288 3 879379265 +648 758 2 884795447 +736 293 4 878709365 +864 250 3 891044057 +505 98 4 889333792 +922 227 4 891447777 +561 772 4 885808715 +450 627 3 882396489 +859 928 3 885775473 +733 107 4 879536001 +738 1047 3 875351872 +588 385 3 890023557 +435 91 4 884131597 +434 974 5 886724940 +406 433 3 880131791 +5 239 4 875636655 +758 184 5 881974823 +872 118 4 888479560 +796 1407 3 893049362 +595 826 1 886921819 +841 271 4 889067216 +754 117 4 879451626 +308 1140 4 887740933 +627 550 1 879531352 +875 181 4 876465335 +727 358 2 883708462 +727 567 2 883713388 +592 55 4 882956067 +922 588 4 891448580 +487 399 5 884046800 +805 1017 3 881704337 +892 12 5 886608022 +880 346 5 892958128 +102 234 3 888802940 +869 756 1 884492780 +897 195 5 879991137 +752 539 4 891208357 +851 331 3 877830970 +830 627 3 891561541 +896 1 4 887158579 +896 479 3 887158713 +910 293 4 880822060 +823 419 4 878438780 +606 249 3 880922503 +828 1622 1 891038060 +800 276 3 887646245 +648 1030 2 884882552 +903 317 4 891033808 +298 546 3 884184098 +851 1277 2 875730418 +862 141 4 879305237 +860 716 2 887754411 +834 127 5 890862412 +566 121 3 881650755 +428 894 4 885943955 +625 216 4 891262899 +794 150 4 891034956 +861 83 5 881274672 +522 530 4 876961314 +647 357 5 876534131 +405 205 3 885546025 +846 499 4 883948840 +514 1074 4 876067623 +116 300 3 876452094 +894 558 5 882404250 +815 433 3 878695199 +734 742 4 891025958 +694 526 5 875729431 +422 185 4 879744015 +898 300 2 888294375 +526 294 3 885681982 +488 15 4 891294568 +927 15 5 879177509 +488 197 2 891294473 +751 1140 2 889299503 +133 306 4 890588612 +910 23 4 881421332 +409 1020 5 881107410 +817 24 4 874815947 +864 1 5 877214125 +64 480 3 879365619 +889 153 5 880181317 +621 625 4 874965299 +10 518 4 877886722 +711 134 5 876278804 +694 582 4 875728801 +896 134 5 887159109 +119 298 4 874775038 +505 227 2 889334334 +76 1154 5 878100710 +878 8 3 880866288 +888 269 5 879364981 +790 742 4 884461541 +763 518 4 878919180 +293 11 3 888905898 +641 338 3 879369958 +318 531 4 884495921 +918 211 2 891987752 +112 328 4 884992566 +339 506 4 891033766 +686 435 5 879545758 +660 568 3 891199182 +109 1245 2 880571872 +934 151 3 891189401 +669 355 2 891182792 +727 80 4 883713454 +627 195 4 879531301 +456 382 1 881374710 +934 202 5 891193132 +846 530 5 883948606 +790 65 4 885155846 +881 449 3 876539549 +854 135 4 882813933 +389 67 2 880614340 +324 285 4 880575412 +690 1090 3 881180138 +521 568 3 884478101 +117 132 4 881012110 +184 1121 4 889910545 +749 80 1 878850533 +85 270 3 890255063 +639 519 4 891239380 +635 879 3 878878866 +453 99 3 888205588 +649 24 4 891440460 +854 244 3 882812826 +756 181 4 874831383 +919 1315 2 875289611 +387 516 3 886482928 +633 328 4 875324298 +870 219 2 879714351 +729 322 4 893286637 +851 1047 3 874789005 +699 523 2 878883038 +435 203 4 884131434 +378 47 4 880055984 +283 100 4 879297160 +234 694 3 892079040 +472 222 5 876882530 +893 471 4 874828897 +536 94 4 882363972 +587 888 3 892871563 +524 661 3 884637467 +541 63 3 883866049 +932 379 2 891251798 +889 70 3 880180979 +781 187 5 879633976 +868 156 3 877103834 +747 31 4 888639222 +305 86 4 886323757 +633 958 3 877210979 +638 96 4 876694917 +907 740 5 880158960 +49 62 2 888069660 +796 89 5 892662222 +64 655 4 889739243 +840 606 4 891205004 +774 228 4 888557237 +919 168 1 875373074 +918 275 4 891987176 +711 660 5 879994825 +929 188 4 880817728 +758 353 4 886743253 +745 510 3 880123720 +183 274 5 892323452 +890 271 3 882404055 +660 328 3 891197585 +38 940 1 892434742 +921 181 5 879379562 +894 319 4 879896756 +763 39 4 878918360 +898 324 4 888294621 +564 245 4 888718546 +707 88 3 886287331 +916 39 4 880845011 +474 318 5 887923708 +655 1516 3 887474630 +922 63 3 891449363 +325 469 4 891478504 +777 42 5 875980670 +535 389 4 879619177 +293 513 5 888905990 +939 258 4 880260692 +846 565 2 883950712 +579 520 4 880951708 +894 1313 3 889229605 +907 181 4 880158692 +896 504 3 887159926 +711 86 5 886030557 +878 1065 1 880871600 +907 287 4 880158913 +151 385 3 879542775 +923 456 4 880388562 +365 237 3 891304278 +472 125 5 875979041 +711 202 4 879993194 +64 258 3 879365313 +773 427 3 888540484 +655 428 3 887428157 +478 68 1 889396582 +314 808 4 877892052 +851 696 3 874728338 +64 28 4 889737851 +476 746 3 883364295 +542 420 3 886533587 +709 53 3 879848272 +82 170 4 878769703 +854 93 5 882814571 +637 847 3 882903191 +864 218 4 888890316 +804 211 4 879444805 +435 919 5 884132184 +864 47 5 888887502 +452 514 3 875261350 +804 768 3 879445493 +825 116 3 880755693 +921 87 2 884673673 +592 71 4 882956668 +921 728 3 879381299 +521 520 3 884477585 +892 481 5 886610011 +798 485 5 875639784 +682 627 4 888523171 +644 117 4 889077418 +896 708 2 887159926 +165 156 3 879525894 +890 479 5 882402238 +890 515 5 882402518 +766 705 4 891309668 +624 319 3 891961140 +831 315 3 891353915 +708 125 4 877325601 +889 1011 3 880177287 +506 945 4 874874585 +711 301 4 889910848 +655 236 3 887426407 +13 777 1 882397084 +519 333 3 883248089 +880 22 4 880167695 +829 198 4 884736647 +825 925 4 880756904 +64 718 4 889739243 +889 67 2 880182541 +716 203 4 879796311 +737 58 4 884314970 +883 707 3 891693139 +851 271 5 883148692 +877 170 5 882677012 +715 1 5 875961843 +911 383 3 892841094 +798 756 3 875296109 +514 79 4 875462520 +63 276 4 875747265 +871 197 3 888193385 +758 436 3 881978572 +796 258 4 892611840 +474 294 3 887916330 +76 955 4 882606789 +303 405 4 879483802 +904 421 5 879735772 +747 530 5 888734041 +532 277 5 893119439 +523 451 5 883702441 +535 100 5 879617531 +807 1089 4 893084724 +721 8 4 877154765 +682 163 3 888521833 +291 575 2 875086699 +498 480 5 881960523 +782 354 2 891497698 +639 48 4 891239295 +721 518 2 877140221 +493 806 3 884131143 +201 640 4 884112029 +939 1054 4 880261868 +210 79 4 887736352 +435 127 4 884131681 +658 195 3 875148059 +934 195 4 891191600 +881 228 3 876537995 +721 735 4 877141039 +421 331 2 892241236 +863 879 2 889289123 +940 181 3 885921310 +642 622 4 886568941 +489 269 3 891362740 +110 939 4 886988042 +823 125 4 878438585 +913 144 5 880946236 +724 308 1 883757170 +851 144 5 875806849 +423 620 4 891395711 +864 182 3 888886913 +804 39 2 879447475 +880 826 3 880167551 +131 287 4 883681351 +661 135 5 876013398 +622 213 5 882670009 +782 1662 4 891500110 +476 732 3 883364250 +782 1296 3 891498030 +788 7 4 880868559 +645 558 4 892053429 +918 582 4 891987723 +85 519 4 879829265 +795 710 3 881265617 +936 106 3 886833148 +7 629 3 891352526 +534 93 1 877807692 +877 269 4 882676098 +796 628 4 893194740 +406 208 2 880131582 +934 411 3 891190377 +290 181 5 880473696 +627 792 4 879530501 +796 588 5 893218728 +846 110 3 883950568 +650 118 4 891381546 +405 646 2 885546202 +861 584 5 881274815 +801 333 5 890332885 +916 65 3 880845327 +889 497 4 880179893 +624 898 1 891961380 +425 1110 1 878738486 +635 15 3 878879346 +633 98 4 875324715 +796 97 3 892690059 +684 1028 4 875810966 +109 826 3 880572064 +864 588 3 888887289 +682 475 3 888521465 +533 443 3 879191595 +454 313 5 888000454 +90 481 5 891384516 +399 39 2 882344310 +886 941 2 876032072 +856 315 5 891489250 +889 127 4 880176845 +788 282 4 880869819 +919 1137 4 875289170 +17 221 2 885272654 +659 693 4 891331417 +844 251 4 877381484 +792 1047 3 877909798 +914 371 4 887122029 +288 327 1 886373007 +916 708 4 880845673 +910 117 4 880822012 +896 187 5 887157924 +561 96 1 885809336 +48 323 3 879434181 +471 420 1 889828027 +921 692 4 884673724 +780 660 3 891363969 +870 649 4 889717102 +293 1228 1 888908041 +698 173 5 886366652 +918 645 4 891988090 +682 109 3 888521539 +308 501 4 887740099 +648 665 2 884882987 +606 209 4 880926018 +650 482 3 891385775 +878 50 4 880865562 +837 762 2 875722318 +735 242 5 876697561 +632 195 5 879459738 +476 393 4 883365135 +682 451 3 888521637 +840 443 5 891209490 +931 303 4 891035917 +295 1297 4 879519529 +817 928 3 874815835 +541 622 3 883874804 +756 860 1 874830068 +844 300 3 877381268 +883 566 3 891696999 +198 201 3 884207897 +943 356 4 888639598 +883 455 4 891916411 +796 272 4 892610692 +311 69 5 884364999 +738 429 3 875353813 +782 244 4 891499321 +885 208 3 885713406 +896 12 3 887158604 +798 98 1 875639581 +699 243 2 879147597 +593 237 4 877728878 +291 844 5 874805804 +385 874 3 879438975 +119 473 3 874775647 +417 780 4 880952880 +529 309 3 882535353 +197 568 4 891410038 +834 50 5 890862362 +749 685 4 878848137 +710 234 4 882064321 +719 69 5 879360536 +790 364 2 885158161 +559 174 4 891035111 +568 483 5 877907281 +207 211 5 878191679 +919 327 4 875288304 +848 135 4 887038022 +305 428 3 886323902 +897 66 3 879990973 +496 652 5 876065693 +15 121 3 879456168 +254 269 2 887346935 +896 1406 3 887160676 +447 737 4 878855907 +902 993 3 879465180 +796 709 3 892676155 +486 301 4 879874113 +736 993 4 878709365 +562 229 1 879195848 +366 288 4 888857598 +283 211 4 879298271 +807 29 4 892530626 +774 428 1 888556090 +896 233 2 887160631 +328 23 3 886036795 +903 977 1 891031810 +843 141 4 879447327 +918 433 2 891987082 +682 824 1 888521907 +773 567 2 888540352 +474 468 4 887926999 +498 496 3 881957905 +629 210 5 880117689 +755 872 1 882569844 +725 321 2 876103700 +271 148 3 886106165 +648 229 4 884882802 +867 50 5 880078027 +870 10 4 879376967 +886 240 3 876031720 +683 609 3 893286502 +640 827 3 886474833 +496 174 4 876066507 +299 118 2 877880111 +886 80 3 876034228 +637 245 3 882900047 +830 15 4 891561065 +848 747 5 887043777 +720 313 3 891262608 +532 588 5 893119415 +229 303 1 891632073 +886 187 4 876031309 +417 506 4 879647471 +405 436 1 885548384 +693 12 4 875482056 +864 210 4 888887469 +798 1540 4 875743576 +59 42 5 888204841 +70 655 4 884150153 +184 29 3 889910326 +586 195 4 884058956 +318 482 5 884496156 +151 686 3 879525035 +806 496 5 882387798 +804 514 4 879443032 +49 717 2 888068651 +828 955 3 891379818 +831 288 1 891354043 +394 141 3 880888815 +766 604 4 891309329 +321 173 4 879440636 +643 29 2 891449901 +787 904 3 888979182 +742 7 3 881335492 +932 177 4 891250609 +543 466 4 874864094 +747 390 4 888640862 +868 621 2 877103449 +782 1528 2 891499577 +889 820 2 880182103 +68 127 4 876973969 +782 1300 2 891499469 +842 344 1 891217835 +174 215 5 886514220 +864 710 2 888888115 +5 425 2 875637440 +562 591 4 879196176 +913 82 3 881368310 +874 276 4 888632484 +714 250 5 892777876 +708 300 4 892718939 +932 617 4 891251588 +906 696 4 879435758 +778 42 5 890670510 +798 768 4 876175980 +682 849 2 888522699 +151 805 4 879542567 +868 229 3 877111154 +823 566 4 878439605 +145 240 5 875270764 +727 148 2 883709438 +919 1152 4 875288612 +548 978 2 891416122 +268 117 4 875742613 +733 740 3 879535886 +185 47 4 883524249 +638 222 4 876694787 +712 69 3 874730085 +486 1226 4 879874902 +864 31 4 888888202 +510 299 3 887667681 +666 147 3 880313661 +916 14 5 880843378 +263 135 5 891299877 +222 588 4 881059537 +916 179 3 880844420 +806 176 5 882387798 +899 428 4 884122254 +457 121 4 882393066 +913 127 4 882044440 +846 612 5 883949421 +181 713 2 878962774 +882 427 5 879877026 +405 36 2 885546859 +391 176 3 877398856 +789 508 4 880332169 +682 186 4 888521413 +643 631 3 891447930 +312 813 5 891698516 +655 1160 3 888685850 +715 42 5 875963112 +693 234 2 875483330 +618 64 4 891306990 +889 194 5 880178248 +653 428 1 880151580 +255 328 2 883215630 +634 678 2 877017632 +271 649 3 885849510 +889 172 4 880177941 +582 405 3 882962133 +827 750 3 892157198 +414 288 5 884999066 +721 299 3 877137447 +836 170 5 885754200 +864 496 5 888887944 +786 133 5 882843353 +354 896 4 891180527 +804 23 4 879442557 +541 427 4 883864638 +243 699 4 879988397 +130 350 4 886023989 +894 1226 4 879896920 +802 330 2 875985031 +535 640 3 879618742 +686 214 5 879546651 +911 659 3 892838677 +435 210 4 884131799 +637 283 2 882903822 +891 1197 5 891638734 +709 172 5 879848397 +42 132 5 881107502 +933 231 1 874939031 +684 173 3 878761120 +864 144 5 888887830 +708 149 3 892719246 +847 444 3 878940782 +708 476 3 892719385 +259 172 4 883371882 +664 483 4 878091463 +324 763 5 880575589 +854 257 3 882812877 +911 143 5 892840889 +751 239 4 889134237 +795 118 2 883254314 +399 225 3 882345212 +823 77 4 878438958 +913 1 2 880758579 +796 50 5 892660147 +880 90 3 880174858 +897 228 4 879991607 +577 62 3 880475504 +868 470 1 877107924 +457 222 5 882392853 +548 17 3 891044596 +474 111 4 887916203 +850 181 5 883195419 +727 87 4 883710347 +865 919 5 880143713 +592 302 5 882607325 +654 8 5 887864497 +933 433 1 874854251 +807 435 3 892528690 +350 181 4 882346720 +72 642 4 880037479 +715 248 4 875962280 +837 286 4 875721473 +699 1093 3 880696051 +896 232 3 887160427 +345 470 4 884992084 +876 19 5 879428354 +244 171 5 880606385 +883 656 5 891695666 +840 88 4 891209241 +826 127 5 885690482 +569 298 3 879793784 +752 259 5 891208451 +804 566 4 879444820 +648 454 3 884368232 +179 916 5 892151064 +787 326 4 888979547 +726 248 2 889832422 +344 529 5 884814668 +222 542 2 878183837 +788 646 3 880868513 +426 663 4 879444604 +551 111 5 892783612 +898 683 3 888294775 +880 173 3 880174780 +451 326 4 879012431 +749 1028 4 878849149 +669 664 4 892550104 +608 327 2 880402450 +669 96 2 891260392 +703 181 5 875242762 +565 707 5 891037453 +804 510 5 879441346 +940 8 5 885921577 +900 429 2 877833747 +878 274 3 880869003 +567 514 5 882425701 +645 89 4 892053483 +901 546 4 877127250 +805 383 2 881706146 +847 7 3 878775647 +190 7 4 891033653 +924 283 4 884371495 +77 527 4 884752853 +868 136 5 877104414 +880 810 3 880168411 +881 11 4 876537752 +577 240 3 880470884 +881 174 5 876537718 +903 223 5 891033354 +903 56 5 891466376 +586 96 4 884059110 +506 71 5 874873068 +799 319 4 879253668 +545 266 2 879898447 +757 471 4 888444738 +30 751 3 884310551 +864 94 4 888891423 +773 145 3 888540390 +804 89 4 879441524 +846 449 3 883950950 +645 32 5 892054906 +400 748 2 885676411 +914 155 5 887124121 +184 504 4 889908630 +35 264 2 875459099 +742 475 4 881335492 +119 475 4 874775580 +901 144 5 877288015 +621 780 4 874962824 +697 591 4 882622016 +527 640 4 879456464 +566 210 4 881650030 +585 86 5 891284016 +940 153 2 885921953 +347 106 2 881652813 +655 1141 3 888474986 +881 134 5 876539260 +892 648 4 886607642 +495 432 5 888633396 +645 514 5 892053686 +455 435 4 879110544 +788 630 2 880869355 +905 717 1 884984149 +749 932 3 878850333 +621 173 4 874965407 +588 842 3 890015542 +667 23 3 891035084 +618 432 5 891308979 +871 511 2 888193177 +90 220 4 891385165 +708 347 3 892718637 +286 929 4 876522098 +587 876 2 892871536 +484 88 4 891195179 +932 652 3 891248893 +485 286 2 891040897 +655 1635 3 887432079 +681 310 3 885409572 +661 192 4 888299461 +846 1029 1 883950859 +645 469 5 892054707 +295 511 5 879516961 +907 821 5 880160008 +798 705 4 875638447 +720 898 4 891262812 +932 566 4 891251463 +115 772 4 881171273 +648 250 4 882211464 +643 659 5 891447127 +627 523 4 879529767 +910 282 3 880821319 +782 1160 2 891500150 +886 222 4 876032615 +629 223 5 880117813 +18 137 5 880132437 +716 723 4 879796072 +896 429 5 887158866 +721 199 4 877147323 +652 257 2 882567356 +628 1296 5 880777096 +933 182 4 874854853 +798 1411 1 875639656 +511 260 4 890004916 +484 231 2 891195476 +905 326 3 884983034 +934 183 2 891190903 +503 58 4 880472565 +592 325 2 882607647 +618 1225 2 891309382 +493 134 3 884132246 +655 578 2 887488694 +13 326 3 882140792 +773 13 4 888539471 +69 334 3 882125962 +774 501 1 888558019 +641 1039 4 879370337 +725 286 5 876106729 +655 178 4 887427009 +897 200 5 879991434 +934 269 2 891188367 +374 526 4 880938965 +930 651 3 879535574 +851 182 5 875731406 +741 134 5 891455381 +566 11 3 881649962 +346 182 5 874948031 +885 419 4 885716328 +385 2 3 879446786 +200 172 5 884128554 +831 687 2 891354424 +566 631 4 881650605 +354 655 3 891217575 +505 419 3 889333560 +655 1014 3 890103072 +548 55 5 891044482 +883 462 5 891693085 +864 91 5 888887172 +489 245 3 891366838 +868 412 5 877112001 +431 294 5 877844377 +268 24 2 876514002 +823 401 4 878439365 +756 258 3 874826502 +796 722 3 893047460 +643 240 5 891445823 +635 328 3 878878752 +647 173 5 876534131 +923 762 4 880387525 +391 1163 2 877399864 +933 399 3 874939157 +896 196 3 887159173 +420 1347 3 891356927 +758 301 3 880672427 +749 642 2 878848137 +645 709 3 892054570 +786 102 4 882844096 +104 340 3 888441878 +756 742 3 874830026 +505 259 3 888631208 +345 91 4 884993016 +417 4 3 879648360 +709 808 4 879848645 +942 539 3 891282673 +749 229 3 878849482 +824 289 2 877021044 +730 273 2 880310324 +804 755 3 879445305 +663 693 4 889493732 +648 726 3 884882271 +892 203 5 886609390 +766 8 5 891309329 +653 186 5 880151557 +460 100 5 882912418 +579 69 2 880951868 +882 929 1 879863176 +539 319 5 879787770 +667 269 5 891034444 +622 125 3 882590457 +9 50 5 886960055 +694 52 4 875729667 +405 65 1 885546379 +903 467 3 891033606 +610 352 1 888702795 +913 430 2 882544617 +716 659 4 879794962 +654 154 3 887864797 +631 1527 2 888465351 +931 245 4 891037024 +693 159 4 875483521 +856 749 3 891489450 +707 1163 4 880060724 +773 183 4 888539962 +787 302 3 888979123 +674 1197 3 887763386 +748 181 4 879454455 +59 30 5 888205787 +802 260 4 875984938 +667 962 2 891035164 +846 1188 2 883950524 +643 121 4 891445741 +394 651 4 880888223 +216 546 2 880233197 +913 117 1 882544673 +894 691 3 889468982 +56 167 3 892911494 +727 249 2 883708927 +918 1101 4 891987824 +294 840 3 889242516 +393 451 3 887746995 +663 124 3 889492390 +721 145 4 877139773 +788 55 4 880868876 +868 50 5 877103449 +435 1014 2 884134515 +577 470 5 880475245 +896 942 4 887160209 +670 199 4 877974549 +527 187 5 879455999 +884 736 3 876859329 +659 494 4 891383965 +655 1499 3 888685556 +899 463 4 884121342 +514 419 4 875463468 +551 386 1 892785364 +784 272 4 891387077 +890 435 5 882574437 +787 1433 3 888979181 +524 170 4 884634785 +854 293 5 882812102 +493 204 5 884130852 +394 204 5 880888223 +307 433 5 879283625 +643 385 3 891449344 +840 631 4 891205004 +11 729 4 891904637 +655 1070 4 887474050 +796 510 3 892761578 +425 898 3 890346705 +880 195 4 880167670 +456 405 1 881371942 +782 935 2 891500150 +480 50 4 891207951 +806 461 4 882388706 +392 513 5 891039049 +749 100 3 878849052 +766 22 3 891309261 +721 197 4 877140221 +314 365 3 877891465 +361 194 4 879440345 +698 423 2 886366731 +893 724 3 874830160 +916 474 4 880844175 +544 338 2 884796062 +776 656 5 891628678 +527 661 5 879456186 +796 549 3 893047208 +85 1018 4 882995668 +675 463 5 889489003 +534 148 4 877808198 +13 746 3 884538766 +942 313 3 891282396 +746 183 4 885075165 +117 184 3 881012601 +776 177 4 891628937 +682 385 3 888522456 +826 397 3 885690854 +326 611 3 879875572 +562 194 5 879196075 +588 1411 1 890032421 +712 398 4 874957179 +429 843 1 882387114 +303 401 3 879543003 +552 127 4 879221580 +843 270 4 879442947 +859 1132 3 885775513 +756 121 3 874829152 +389 485 5 879991081 +798 208 3 875639010 +314 827 4 877887292 +686 209 5 879545550 +606 148 3 878150506 +941 124 5 875048996 +804 423 3 879441371 +293 143 4 888906428 +648 412 1 884367318 +674 257 4 887762641 +347 210 4 881653973 +773 210 2 888539398 +939 689 5 880260636 +642 401 4 885606178 +724 307 3 883757468 +761 1157 5 876189775 +883 197 4 891696689 +699 283 4 879147032 +119 7 5 874775185 +405 187 5 885544739 +733 124 5 879535213 +303 123 4 879468149 +370 390 1 879434587 +514 209 3 876062951 +577 410 3 880471170 +936 281 4 886832903 +847 1086 4 878775404 +825 257 4 880931887 +92 1216 4 886442386 +450 336 3 882370464 +880 368 1 880175503 +870 218 4 889717102 +711 704 4 879993650 +833 1012 4 875036418 +561 1059 1 885808867 +128 416 3 879967367 +15 249 1 879455764 +338 143 2 879438652 +654 98 5 887864641 +896 299 1 887235709 +823 193 5 878439113 +889 1218 4 880178511 +806 122 3 882385694 +2 289 3 888979353 +710 333 3 882063367 +94 195 3 885870231 +655 1121 3 887428938 +711 995 4 879991134 +394 672 3 880888540 +897 8 3 879990744 +926 322 2 888636270 +95 215 4 879198109 +849 427 4 879695317 +479 915 4 893281238 +246 447 3 884922714 +571 45 4 883354940 +936 952 4 886832966 +884 582 5 876859351 +875 478 4 876465025 +922 229 4 891447777 +532 491 5 893119491 +91 1192 4 891439243 +788 174 2 880868316 +62 134 4 879373768 +699 762 3 878882455 +561 379 2 885810428 +338 517 5 879438505 +290 234 3 880474451 +458 762 3 886395065 +524 582 3 884635326 +530 176 3 886202320 +332 748 4 887916385 +747 989 3 888638508 +533 1048 3 889450842 +642 28 5 885603636 +883 312 3 891692044 +474 655 5 887924083 +180 53 5 877442125 +871 56 5 888193177 +344 50 5 884814401 +922 451 4 891448247 +535 950 3 879618019 +311 747 3 884364502 +650 121 3 891369836 +532 203 5 893118712 +181 743 1 878963241 +768 744 3 880136272 +896 135 3 887158926 +363 239 3 891495272 +854 922 5 882813143 +561 655 3 885807930 +886 43 2 876033134 +389 15 2 879916135 +458 484 5 886397109 +406 492 4 879445859 +537 550 2 886032246 +663 187 5 889493869 +399 545 2 882345164 +525 100 4 881086108 +913 310 3 880753802 +758 98 5 881976289 +940 56 5 885921577 +500 286 1 883864527 +911 313 2 892838135 +880 1296 3 892958128 +495 196 3 888632546 +922 191 3 891454587 +514 272 4 885180603 +758 346 2 883099368 +537 855 3 886030937 +790 472 2 884462416 +823 459 4 878438379 +28 5 3 881961600 +271 1117 3 885847763 +630 98 5 885667898 +178 161 5 882827645 +886 506 4 876032308 +641 511 5 879370337 +798 707 2 875303559 +579 7 3 880952006 +870 244 3 875051043 +844 181 5 877388183 +514 168 4 875308925 +805 28 3 881698243 +561 849 2 885810193 +793 591 4 875104752 +580 597 1 884126077 +758 171 5 881976262 +658 735 3 875148108 +900 121 2 877832803 +655 18 3 888984478 +889 729 3 880179785 +620 28 4 889988121 +762 515 5 878719186 +870 23 4 875050865 +307 472 3 877123683 +798 769 2 876249507 +919 7 3 875288848 +640 91 4 874777998 +92 729 4 875656624 +913 475 4 880757473 +922 290 4 891451277 +524 39 5 884636583 +480 527 4 891208327 +85 316 3 893110061 +741 742 4 891455766 +900 1028 2 877833393 +733 126 2 879535938 +942 269 2 891282396 +833 33 2 875134264 +780 183 2 891363860 +847 71 4 878940653 +84 282 4 883450434 +880 269 4 892958090 +724 286 1 883758268 +514 22 4 875463202 +329 50 4 891655812 +334 209 3 891545821 +551 100 4 892776486 +727 550 4 883712519 +764 282 4 876243291 +756 402 4 874831383 +721 239 4 877147007 +269 639 4 891447216 +654 638 4 887864868 +676 302 5 892685224 +795 705 4 883250829 +831 317 4 891354798 +921 173 5 884673780 +219 906 4 892039575 +593 51 3 875671982 +840 582 5 891204265 +721 937 3 877137359 +689 150 4 876676134 +749 812 3 878849586 +883 405 3 891916961 +45 742 4 881013176 +487 559 3 884029657 +888 792 5 879365054 +804 367 3 879445605 +236 135 2 890116033 +313 651 3 891014552 +821 274 5 874792778 +649 298 4 891440293 +878 100 2 880865661 +682 243 1 888516865 +922 151 5 891449152 +712 486 4 874730521 +731 611 3 886184683 +871 896 3 888192858 +747 524 5 888640222 +435 268 5 884130688 +630 69 3 885667939 +621 577 3 874963446 +889 202 3 880178773 +243 631 4 879988298 +868 567 1 877113481 +682 148 3 888520923 +348 117 4 886523256 +373 367 3 877100458 +843 590 3 879443544 +671 22 4 884035406 +608 195 1 880405527 +882 195 5 879867568 +782 259 1 891498267 +712 88 4 874730155 +880 276 4 880166872 +806 588 4 882388795 +85 428 5 879454235 +514 88 4 875463468 +122 57 2 879270644 +666 121 3 880313603 +705 193 3 883518903 +823 64 5 878437753 +919 15 5 875289250 +429 196 4 882385012 +222 412 1 877564050 +158 107 3 880132960 +916 593 4 880843551 +665 483 4 884293610 +385 1070 5 880870206 +589 333 5 883352402 +919 475 3 875288898 +523 14 5 883700991 +418 1313 2 891282813 +624 313 5 885215463 +753 286 3 891399477 +618 193 4 891308432 +714 291 3 892777117 +143 286 2 888407586 +757 56 4 888445279 +187 173 5 879465307 +916 831 1 880843864 +561 660 3 885810144 +1 240 3 875071898 +838 7 5 887064072 +532 427 5 892519934 +924 836 3 885457975 +881 218 4 876539260 +846 241 4 883947911 +943 186 5 888639478 +940 355 1 889480552 +815 134 4 878694613 +149 340 4 883512775 +10 617 5 877892160 +13 917 4 892015104 +674 597 3 887763150 +883 692 3 891694249 +870 210 4 879270313 +721 261 3 877137214 +679 63 3 884489283 +393 259 4 887742851 +875 321 3 876464755 +919 201 4 875920887 +864 12 5 888886984 +699 930 2 880696344 +554 202 4 876232956 +223 1052 1 891550404 +682 175 3 888517265 +847 218 3 878940254 +921 132 3 884673699 +854 225 1 882813364 +655 735 3 887427338 +774 429 1 888556698 +726 535 3 889832806 +89 86 5 879459859 +771 189 5 880659815 +640 693 5 874778207 +617 448 3 883789507 +234 939 2 892333798 +303 1335 3 879485048 +850 82 5 883194950 +798 380 3 875638680 +417 185 3 879647708 +843 209 3 879446806 +655 423 3 887693376 +334 190 4 891547083 +863 288 4 889288911 +305 464 3 886322796 +881 304 3 876535642 +134 294 4 891732365 +889 451 3 880181488 +648 1271 4 884882234 +788 187 4 880867933 +452 501 3 885476356 +823 747 4 878438585 +198 939 3 884209412 +515 300 5 887658975 +729 362 4 893286637 +750 303 4 879445911 +627 735 4 879530600 +555 505 4 879975474 +826 332 3 885689821 +646 678 3 888529127 +495 182 5 888632043 +22 405 1 878888067 +661 249 3 886841443 +508 514 5 883767301 +864 102 4 888890997 +896 739 2 887159723 +294 986 3 889242810 +657 294 5 884238247 +246 257 4 884924327 +796 566 4 893048343 +707 1479 5 886287854 +292 181 4 881104068 +655 1068 3 891585417 +870 792 3 879540005 +880 595 1 880243541 +786 127 4 882841692 +435 427 3 884131542 +638 450 1 876695415 +923 1028 4 880387624 +293 168 4 888905716 +299 1068 3 877877600 +916 944 2 880845476 +908 147 2 879722932 +152 763 5 884018370 +43 100 4 875975656 +892 187 5 886608682 +659 197 5 891385080 +847 104 3 878939266 +450 235 3 887661217 +42 595 1 881106582 +151 1047 2 879543036 +305 13 3 886323998 +892 178 5 886608681 +23 679 3 874788443 +862 480 5 879304761 +847 756 1 878776020 +643 435 5 891447314 +648 153 4 884881621 +586 172 4 884058708 +476 94 2 883364780 +234 724 4 892335739 +168 931 3 884288329 +601 96 2 876350185 +916 1268 3 880845451 +916 381 3 880845738 +727 291 4 883709009 +841 344 3 889066880 +862 1199 2 879303729 +537 641 4 886031178 +650 239 3 891385876 +881 333 5 876535642 +564 117 4 888730974 +883 174 4 891696824 +606 596 4 878149415 +710 418 3 882063685 +62 451 3 879375716 +523 523 3 883703495 +454 472 3 888266874 +719 423 3 879360583 +863 749 2 889289419 +782 1391 4 891500066 +918 658 3 891987059 +551 415 4 892784710 +429 786 2 882386966 +889 879 3 880176596 +194 168 5 879521254 +711 559 3 879994020 +790 89 4 885155770 +943 215 5 888639000 +774 210 1 888555964 +618 288 3 891307343 +919 508 5 875288570 +804 134 4 879444890 +599 476 4 880953441 +655 2 3 888474138 +851 157 4 875731605 +836 238 4 885754200 +273 313 3 891292873 +846 518 4 883948571 +804 480 5 879442057 +730 301 1 880310202 +407 153 4 875042569 +655 511 3 887427009 +647 71 4 876534275 +629 69 5 880117485 +514 81 4 875463416 +855 45 3 879825383 +707 490 2 886285792 +588 98 1 890015324 +530 174 4 883784503 +183 649 4 891464079 +755 887 3 882569845 +379 577 4 892879355 +899 228 3 884121572 +620 834 2 889987073 +28 96 5 881957250 +934 461 4 891191660 +476 245 4 883365784 +102 550 2 888801812 +559 660 1 891034250 +833 108 2 875036102 +694 606 4 875727189 +670 135 3 877974549 +435 609 4 884132873 +389 709 4 879991115 +224 555 3 888104030 +887 183 1 881379449 +899 135 4 884121857 +894 937 4 880415903 +764 946 4 876246555 +875 527 4 876465230 +891 15 4 891638780 +648 810 4 884883031 +458 1 4 886394423 +943 443 2 888639746 +881 100 4 876536414 +919 286 4 885059400 +788 291 4 880870905 +536 487 4 882359813 +712 367 4 874956841 +397 480 5 885349476 +59 929 2 888203018 +624 100 5 879792581 +474 471 3 887915307 +662 10 4 880570142 +918 28 4 891987541 +833 1017 4 875036017 +84 79 4 883453520 +932 671 3 891250915 +913 42 3 880824372 +919 289 3 875288164 +737 196 3 884314694 +655 315 4 887424720 +267 158 4 878973126 +807 235 1 892530173 +715 658 4 875963693 +760 288 4 875665867 +887 8 4 881380025 +892 385 3 886608000 +936 298 4 886832134 +727 161 4 883712716 +934 228 4 891193778 +885 97 5 885714136 +919 819 3 875288805 +698 606 2 886366770 +651 285 4 879348966 +639 162 3 891239380 +547 319 4 891282926 +622 202 4 882670252 +632 95 5 879456955 +840 489 3 891204385 +276 1483 3 892436354 +559 87 4 891034003 +313 742 3 891016932 +690 722 3 881177937 +894 877 3 882403414 +592 895 3 882607528 +110 63 3 886989363 +660 1050 4 891200678 +287 941 3 875335424 +685 324 3 879451401 +897 926 4 879993674 +757 1240 3 888445820 +693 977 3 875483597 +835 180 5 891033675 +648 208 5 884796652 +788 380 3 880869215 +693 664 2 875482689 +506 566 4 885135819 +501 122 4 883348236 +488 294 4 891293606 +833 206 4 875038671 +260 270 5 890618728 +495 96 4 888634110 +844 1039 4 877382717 +886 230 2 876033106 +918 487 4 891987446 +291 717 3 874834388 +537 343 2 886029153 +639 786 3 891241022 +798 1297 3 875916505 +716 257 5 879793465 +224 591 3 888082584 +653 213 2 880150190 +257 14 5 879029742 +864 419 4 888887984 +758 8 5 881975577 +890 204 4 882403085 +463 749 3 877384882 +806 50 5 882385200 +189 1056 3 893265123 +868 475 4 877104987 +932 483 5 891249962 +486 306 1 879874063 +886 474 4 876031720 +374 1197 4 880393892 +932 157 4 891250667 +682 769 2 888522951 +758 212 4 881976919 +385 421 2 879446026 +887 934 4 881379188 +713 302 4 888882040 +664 137 3 876524641 +805 1091 2 881695591 +836 258 4 885753475 +896 168 4 887158738 +406 216 3 880131741 +663 108 2 889492796 +625 678 3 891262561 +496 277 5 876072633 +790 222 3 884461441 +622 207 5 882592278 +102 449 4 888802176 +425 5 1 878738887 +847 735 4 878940890 +399 890 2 882340517 +776 441 2 892920403 +819 321 4 880381928 +821 1060 5 874793022 +942 511 4 891282931 +758 200 5 881977229 +758 1039 5 881975787 +334 193 4 891547334 +452 82 3 886149040 +935 257 2 884472110 +416 164 5 893214041 +776 437 1 892920446 +707 696 4 880061405 +561 72 2 885810084 +270 185 5 876955938 +884 300 1 876857789 +537 1025 1 886029488 +748 189 4 879454749 +886 288 4 876031122 +421 208 2 892241554 +524 235 1 884628059 +452 23 2 876825745 +162 826 3 877635965 +99 326 3 885678267 +909 300 5 891919232 +659 319 3 891331322 +843 204 3 879448073 +405 1334 1 885549789 +460 1137 3 882912235 +543 1174 3 876894981 +927 456 2 879182709 +327 178 4 887745661 +49 367 3 888069117 +361 443 3 879441253 +194 265 4 879520991 +907 813 5 880158770 +846 196 4 883949290 +488 742 4 891295023 +910 332 2 880821834 +707 747 3 886287900 +125 663 3 879454956 +901 476 5 877289381 +648 180 1 884368643 +714 151 3 892777812 +897 485 3 879991037 +550 181 5 883425283 +683 300 3 893283728 +227 100 5 879035251 +757 233 3 888467038 +62 172 5 879373794 +922 212 2 891448473 +314 1094 1 877887065 +831 12 5 891354687 +774 986 1 888558594 +700 531 4 884494380 +514 185 3 875311225 +179 353 1 892151270 +919 742 4 875289499 +181 593 1 878962349 +554 597 4 876232176 +655 156 2 887430634 +881 230 4 876539291 +934 315 4 891188403 +689 118 4 876676433 +804 468 4 879442687 +655 211 3 887428334 +750 328 4 879445808 +908 200 2 879722642 +727 1016 3 883709802 +815 432 5 878694952 +11 52 3 891904335 +610 505 4 888703537 +863 691 3 889289067 +936 111 4 886832597 +474 748 3 887914979 +840 367 4 891205287 +43 755 3 883956075 +522 205 4 876961020 +718 751 5 883449953 +753 347 2 891401167 +663 323 2 889492230 +708 508 4 892719193 +457 485 4 882396832 +919 325 4 875288418 +606 156 4 880924789 +778 186 4 890802724 +897 736 3 879991186 +207 685 3 876018471 +631 310 4 888464980 +756 245 3 874832096 +625 4 4 892000372 +819 315 5 884618354 +671 472 5 884036411 +745 64 5 880123905 +151 611 4 879524514 +615 528 4 879448399 +1 7 4 875071561 +811 289 2 886377426 +747 463 3 888732695 +847 257 3 878775863 +595 815 3 886921584 +747 209 3 888640437 +389 946 3 880088363 +279 713 3 886015169 +344 19 4 884899346 +451 886 4 879012773 +721 455 5 877138884 +709 578 4 879848645 +919 1086 4 875289322 +896 572 2 887160676 +758 25 4 881977669 +738 193 5 892844112 +592 340 5 882607476 +798 961 1 875303558 +771 216 5 880659894 +783 750 4 884326274 +881 524 4 876537825 +391 322 3 877398619 +429 530 4 882384986 +625 100 3 891878363 +279 462 3 875309911 +227 1068 4 879035289 +663 307 4 889491690 +649 282 4 891440330 +384 879 4 891273874 +62 739 2 879375454 +753 71 5 891401457 +606 717 3 878147770 +454 367 4 888267128 +648 83 4 884628482 +848 603 5 887047308 +883 919 4 891692713 +938 1033 2 891357137 +921 82 3 884673954 +586 1207 2 884065879 +639 647 3 891239217 +634 929 3 877018033 +802 218 3 875985767 +210 402 5 887737171 +796 389 4 893219092 +747 945 4 888639481 +580 343 5 884124304 +542 168 4 886532602 +354 13 3 891216825 +452 607 5 875266680 +782 1142 3 891499243 +929 474 4 879640126 +933 734 2 874938644 +551 673 4 892778164 +731 15 4 886182632 +886 229 3 876032509 +710 95 3 882064434 +486 16 3 879874583 +907 118 4 880159360 +498 531 3 881957195 +94 423 4 885873302 +118 188 5 875384669 +751 588 5 889133291 +537 185 4 886030805 +603 450 3 891955972 +465 357 4 883531325 +146 269 4 891457591 +846 202 5 883949594 +682 223 1 888517011 +710 1019 4 882064555 +659 443 5 891385136 +659 642 2 891386492 +854 919 4 882812406 +255 743 1 883217030 +409 1159 2 881109019 +97 172 4 884238939 +650 38 3 891381784 +833 195 5 875038529 +752 358 4 891208452 +786 121 2 882842416 +650 21 2 891387767 +886 241 4 876032531 +747 189 4 888639272 +666 478 4 880139526 +527 154 3 879455814 +637 125 3 882903582 +656 326 1 892318888 +854 288 5 882814571 +416 118 2 876697479 +863 900 3 889289067 +880 123 4 880167247 +23 1004 3 874788318 +399 658 3 882350198 +682 211 4 888522311 +833 642 3 875038626 +792 151 3 877909753 +314 117 4 877886484 +407 395 1 876348957 +862 431 5 879305312 +666 805 4 880568436 +94 939 4 885873423 +96 200 5 884403215 +705 655 3 883518852 +406 23 4 879446529 +665 421 4 884294552 +70 678 3 884063627 +793 257 4 875103901 +369 335 2 889428072 +458 1109 4 886397318 +303 873 3 879466214 +405 418 5 885548836 +116 145 2 876452980 +751 142 4 889299175 +393 892 3 887742939 +454 312 3 888015842 +42 1048 1 881106220 +942 304 5 891282457 +510 261 2 887667780 +490 100 3 875427629 +577 96 4 880474257 +655 276 4 887473778 +201 12 4 884111269 +405 1540 2 885548877 +499 166 5 885599334 +806 17 4 882389506 +653 429 3 878866679 +799 484 3 879254077 +707 1141 3 886285791 +489 754 5 891448109 +848 642 5 887039164 +881 356 3 876539477 +556 209 5 882136162 +766 485 3 891309913 +653 1267 1 880153253 +848 179 5 887042377 +456 98 3 881372779 +863 1234 3 889289619 +885 28 4 885714136 +435 401 3 884133447 +802 258 5 875984532 +429 587 3 882386895 +766 196 3 891309703 +919 318 5 875372903 +422 773 3 879744183 +709 567 2 879848272 +757 350 3 888443511 +864 501 3 888891836 +913 185 4 881367173 +551 40 1 892785056 +532 1162 2 888631576 +574 896 2 891279013 +940 147 4 885921893 +643 127 5 891445476 +932 209 5 891250258 +802 424 2 875986303 +748 650 1 879454573 +741 121 2 891455766 +619 750 3 885953537 +823 98 5 878437890 +40 1038 1 889041741 +655 896 4 887474605 +591 45 5 891031257 +897 742 3 879993314 +880 272 5 892958036 +617 672 3 883789537 +804 234 4 879442862 +648 29 2 884883149 +903 118 4 891031794 +660 294 3 891197701 +666 48 4 880139180 +666 435 4 880567883 +450 190 4 882373385 +747 21 2 888733111 +880 471 4 880167114 +653 779 1 880153467 +943 210 4 888639147 +627 174 3 879531195 +58 1008 1 884304609 +322 33 4 887313946 +593 131 4 876506731 +799 173 5 879254077 +506 1019 5 878044851 +619 554 3 885954238 +933 219 1 874854217 +741 781 4 891457424 +798 709 5 875914860 +334 866 3 891545239 +655 751 3 888474960 +807 597 4 892705277 +890 193 4 882402826 +766 613 3 891310009 +486 1137 5 879874545 +488 754 4 891293606 +655 796 2 887428280 +688 341 5 884153606 +447 257 3 878854520 +880 697 2 880242281 +886 451 3 876033965 +658 477 3 875145750 +454 751 4 888265376 +934 239 4 891194802 +405 735 5 885545306 +796 623 3 893219122 +388 98 5 886441015 +661 197 4 876013975 +374 276 4 880393056 +914 736 3 887123465 +798 204 4 875742878 +214 188 5 892668173 +911 7 4 892839551 +10 230 4 877892210 +405 203 1 885548578 +760 120 1 875669077 +588 366 5 890027430 +480 197 3 891208215 +29 180 4 882821989 +545 177 3 879899299 +925 678 3 884717790 +201 692 3 884114895 +778 150 3 890802549 +246 941 1 884923547 +94 208 4 891720643 +939 476 5 880261974 +780 485 4 891363826 +301 282 4 882074561 +936 236 5 886832183 +917 1014 2 882911246 +757 969 3 888468741 +503 79 5 879454675 +429 234 4 882386566 +303 1097 3 879466523 +825 248 4 880755869 +828 702 2 891037466 +415 204 4 879439865 +742 1 4 881335281 +832 322 3 888259984 +663 150 5 889492435 +705 227 4 883428178 +621 68 4 880739654 +391 651 5 877399133 +671 50 5 875388719 +532 495 4 888634801 +901 568 5 877131045 +875 12 5 876465230 +851 866 3 875730895 +705 843 2 883427796 +649 50 4 891440235 +920 300 3 884220058 +235 1105 2 889654460 +23 59 4 874785526 +897 679 5 879991630 +925 218 4 884717862 +664 518 4 876524290 +712 61 3 874730031 +429 510 4 882387773 +665 196 4 884294026 +229 886 1 891632164 +544 328 3 884795581 +532 105 3 874789704 +887 416 2 881380539 +222 637 2 878183713 +330 237 4 876544690 +896 15 3 887158900 +334 142 3 891548272 +580 125 3 884125387 +29 306 4 882820730 +784 310 4 891387155 +632 845 4 879459677 +600 431 3 888451908 +543 508 4 874861792 +474 515 5 887915269 +751 98 5 889134186 +886 651 5 876034074 +790 226 3 885156396 +556 988 1 882135994 +612 117 4 875324599 +303 725 1 879544153 +921 252 4 879380142 +537 124 4 886029806 +592 343 3 882607476 +13 497 5 882140166 +398 133 3 875726786 +776 218 4 892920321 +943 685 4 875502042 +608 111 1 880406507 +655 363 3 887426770 +846 715 4 883949380 +940 610 1 885921953 +900 508 3 877832764 +578 288 3 887229335 +870 185 4 875050672 +664 529 4 878090125 +732 245 4 882590200 +918 174 3 891987154 +736 1089 1 878709187 +896 70 4 887160086 +385 656 5 879441425 +706 325 1 880996945 +598 269 3 886710494 +653 227 3 880151488 +493 25 4 884132717 +650 561 3 891370113 +865 189 4 880235059 +907 497 5 880160204 +854 846 3 882813453 +561 549 2 885809654 +630 742 5 885666918 +893 122 2 874829249 +933 214 3 874853666 +303 92 4 879467131 +704 648 5 891397667 +889 137 4 880177016 +774 1079 1 888558897 +463 271 1 889943811 +526 121 2 885682590 +800 300 4 887646980 +798 949 3 875914337 +655 144 3 887429594 +537 279 2 886030177 +324 340 5 880574827 +654 95 4 887864204 +366 675 4 888857866 +786 9 5 882841955 +843 225 2 879449256 +898 748 4 888294739 +747 11 5 888638958 +223 329 2 891549079 +222 596 3 877563739 +673 292 4 888787376 +931 362 3 891035970 +693 48 5 875482280 +872 864 3 888479498 +641 513 5 879370150 +848 476 3 887047674 +918 45 4 891986959 +919 477 4 875289025 +883 568 3 891696999 +674 1620 4 887763035 +654 11 4 887864452 +466 899 5 890284231 +360 879 3 880354094 +889 597 3 880182741 +487 841 2 883445168 +29 657 4 882821942 +486 926 2 879875408 +823 135 4 878438379 +276 540 1 874792519 +907 756 4 880159198 +773 12 3 888540448 +676 303 4 892685403 +65 1041 3 879217942 +164 329 4 889401410 +588 815 4 890024829 +653 797 2 880153841 +867 475 5 880078656 +863 751 4 889289122 +437 26 2 880142399 +399 552 1 882350733 +484 183 4 891195323 +731 140 2 886186811 +840 64 4 891204664 +768 25 4 880136157 +435 768 3 884133509 +840 750 4 891202784 +943 12 5 888639093 +935 742 5 884472266 +887 87 5 881380335 +856 323 2 891489593 +5 66 1 875721019 +416 421 5 893214041 +314 38 5 877889994 +586 231 3 884062010 +749 158 3 878849903 +682 591 3 888517097 +853 678 4 879365170 +881 484 4 876537512 +693 177 3 875484882 +480 1121 4 891208689 +880 1197 3 880167151 +823 474 5 878437890 +933 215 3 874854031 +194 186 5 879521088 +523 954 5 883702474 +571 114 4 883355063 +617 357 4 883789386 +755 288 1 882569771 +658 273 4 875148262 +663 815 4 889492759 +624 824 2 879793582 +713 311 3 888882040 +830 310 4 891462185 +463 764 2 877385457 +938 477 1 891356702 +505 501 2 889334373 +615 180 4 879448475 +488 144 3 891293974 +674 827 4 887762899 +798 720 5 875915940 +10 470 4 877891747 +704 272 5 891397015 +231 300 4 888605273 +927 7 3 879177298 +747 416 5 888640916 +889 430 4 880178411 +833 5 1 879818535 +669 408 5 892549316 +890 134 5 882403122 +911 89 4 892838405 +528 427 4 886813104 +878 66 3 880869354 +715 168 4 875963657 +840 707 5 891204114 +669 647 5 891260596 +864 178 4 888887248 +189 1020 4 893265657 +721 1265 3 877138661 +249 50 4 879571695 +487 53 2 883447118 +869 242 2 884490097 +639 196 3 891239456 +766 633 4 891309947 +676 539 4 892685920 +881 476 2 879052198 +622 99 4 882592383 +622 159 3 882670309 +858 269 4 879458608 +552 181 3 879221399 +479 222 4 879460028 +923 174 5 880388872 +448 258 4 891887440 +474 505 5 887924425 +13 145 2 882397011 +59 60 5 888204965 +771 137 4 880659302 +916 28 4 880844861 +436 239 3 887769952 +804 144 4 879444890 +661 707 5 876016858 +774 215 3 888556517 +474 671 3 887926105 +854 815 2 882812981 +660 485 3 891200491 +54 250 4 880933834 +716 842 3 879796846 +87 66 5 879876403 +72 1148 4 880036911 +416 898 4 885114374 +919 418 4 875373945 +560 472 2 879976945 +669 246 4 892549497 +897 22 5 879990361 +702 222 5 885767775 +903 1073 3 891032842 +666 507 3 880567771 +586 411 2 884067199 +651 116 2 879348966 +795 655 3 881530154 +882 597 4 879863106 +897 82 5 879990361 +886 549 3 876032929 +796 286 2 892610876 +226 370 3 883890235 +848 638 5 887038073 +661 318 5 876013935 +816 313 5 891710780 +894 515 4 879896654 +503 489 4 880383625 +876 187 4 879428354 +480 79 4 891208718 +511 887 5 890004747 +892 174 5 886608616 +593 122 1 875660347 +524 126 4 884323427 +833 654 5 875039558 +727 635 2 883713419 +413 289 4 879969027 +919 268 3 875920245 +683 317 4 893286501 +303 204 4 879466491 +892 845 4 886610174 +158 385 3 880134445 +620 924 3 889987164 +655 242 4 887424795 +698 662 2 886367406 +521 108 3 884476020 +405 781 5 885547447 +648 561 2 884883679 +851 1089 3 875730418 +534 7 4 877807780 +748 64 4 879454707 +923 181 5 880387363 +343 217 3 876405771 +896 95 4 887158555 +417 411 2 879649001 +514 1115 4 875462826 +882 122 2 879863831 +940 1401 1 885921371 +919 5 4 875374088 +660 3 1 891405958 +311 222 4 884366852 +774 231 1 888557383 +174 407 1 886515295 +719 582 3 888451748 +919 1114 3 875920823 +263 484 4 891298107 +733 324 4 879535694 +766 62 3 891310475 +435 1069 4 884131489 +485 269 4 891040493 +477 794 4 875941111 +210 1118 4 887730496 +455 124 4 879109594 +540 181 4 882157060 +296 285 5 884196469 +360 285 5 880354250 +343 157 4 876405045 +773 924 1 888540146 +4 362 5 892002352 +868 228 5 877103935 +595 744 3 886921274 +652 984 2 882567180 +846 294 3 883946477 +497 719 3 879363253 +158 208 5 880135093 +668 355 2 890349190 +497 684 3 879310792 +554 527 4 876233137 +342 763 3 874984854 +664 57 4 878092649 +368 573 3 889783617 +893 237 4 874828097 +913 655 4 881725846 +820 271 2 887955020 +784 751 4 891387316 +816 288 4 891710724 +298 845 3 884183773 +851 353 3 890862878 +853 330 1 879365091 +798 88 4 875743642 +595 240 3 886921424 +738 527 5 892844111 +385 176 2 879441386 +435 636 4 884134047 +262 631 4 879793536 +716 606 5 879796214 +207 515 5 878191679 +890 142 3 882916650 +450 102 4 882468047 +683 323 3 893283903 +830 1 4 891560596 +937 268 1 876762200 +796 570 2 893048505 +898 751 3 888294621 +747 14 3 888734152 +720 268 4 891262669 +130 300 5 874953239 +727 413 2 883709710 +716 474 5 879795122 +115 79 4 881171273 +481 498 5 885828619 +70 343 4 884066910 +116 1258 2 876453376 +858 307 3 880933013 +399 24 4 882341239 +632 451 4 879459505 +919 582 5 875373214 +776 194 4 891628752 +896 238 3 887158165 +659 252 4 891045227 +847 476 4 878775961 +682 239 3 888517439 +529 332 4 882535049 +504 575 3 887912401 +606 619 4 880922565 +280 866 3 891701997 +585 1155 5 891285820 +867 181 5 880078050 +502 343 5 883702370 +378 44 3 880055037 +733 1 2 879535129 +276 65 4 874787467 +449 544 3 879959023 +676 174 5 892686459 +488 678 2 891293400 +658 467 4 875147448 +897 132 5 879990531 +896 271 1 887157278 +347 95 4 881654410 +240 349 1 885775878 +911 99 3 892840889 +301 866 4 882075171 +893 259 3 874827960 +790 273 5 884461888 +804 28 4 879445904 +795 928 1 883774317 +796 443 2 893202878 +262 476 3 879962366 +561 210 3 885809146 +380 50 4 885478497 +835 633 5 891033889 +833 826 2 875297292 +931 121 2 891036604 +576 210 4 886986400 +297 124 4 874954353 +326 227 3 879876941 +864 63 3 888893088 +747 117 2 888639780 +213 117 4 878870987 +83 1041 4 880308909 +37 7 4 880915528 +542 196 4 886533452 +733 150 2 879535440 +521 651 3 885253376 +621 50 5 874965407 +880 327 3 880166475 +334 71 3 891546299 +836 654 5 885754150 +660 95 2 891200491 +823 228 3 878438435 +624 980 4 879793358 +21 980 2 874951349 +487 966 5 883530562 +727 808 2 883712245 +922 406 4 891447944 +417 993 3 879646800 +279 95 3 875309950 +881 286 2 876961961 +875 512 5 876465408 +634 740 2 875729749 +690 655 4 881177272 +577 693 1 880475408 +253 121 5 891628142 +435 56 5 884131055 +868 201 2 877104264 +493 109 4 884130416 +286 169 3 877533101 +487 64 5 883445859 +655 581 2 887477000 +634 676 4 875729633 +413 460 3 879969536 +782 347 1 891498139 +854 664 4 882814091 +851 147 4 874728461 +846 663 4 883948873 +913 588 3 881449256 +880 1023 2 880175405 +922 449 4 891447802 +499 430 3 885598989 +880 71 4 880241289 +608 218 4 880406862 +934 223 5 891191659 +151 436 3 879524947 +178 215 5 882826807 +518 1 4 876823143 +544 313 5 884795413 +788 562 3 880871294 +655 82 2 887429559 +773 364 4 888539875 +543 318 3 874863549 +766 173 4 891309261 +596 295 4 883539402 +401 278 4 891032412 +590 1014 3 879439283 +938 763 4 891356656 +936 1086 3 886832134 +902 333 3 879463310 +839 410 1 875752274 +600 665 5 888452152 +897 161 5 879993309 +901 96 5 877130999 +919 1048 3 875289113 +923 831 4 880388211 +700 318 4 884494420 +649 471 5 891440412 +650 168 4 891381546 +538 712 3 877109773 +561 162 3 885809781 +306 303 3 876503793 +847 11 3 878939876 +373 135 1 877098784 +456 485 4 881373574 +436 348 4 887768521 +665 721 3 884294772 +872 280 3 888479275 +185 50 4 883525998 +797 127 4 879439297 +664 692 3 878152048 +618 660 3 891309040 +11 737 4 891904789 +775 302 3 891032742 +627 679 3 879531429 +361 283 4 879440694 +625 22 3 891262899 +795 96 2 881530415 +655 186 3 887428157 +293 1 2 888904861 +936 313 4 886831374 +881 625 5 876538465 +679 748 4 884312926 +897 199 4 879990465 +875 1073 5 876465230 +747 485 5 888640222 +878 707 2 880866409 +678 237 3 879544915 +537 690 2 886028604 +592 431 2 882956510 +892 423 5 886608185 +489 346 5 891362904 +332 226 5 887939092 +66 282 3 883601266 +727 841 3 883709208 +566 173 3 881649945 +894 170 4 882404329 +678 742 4 879544783 +864 229 4 888891836 +109 1016 5 880571661 +705 699 5 883427640 +610 162 5 888703343 +757 79 4 888445750 +776 708 5 891628599 +405 392 5 885545487 +840 168 5 891204868 +566 156 4 881649428 +924 1011 3 886760052 +682 1217 3 888521047 +647 79 4 876530687 +790 69 1 885155209 +751 91 4 889134705 +682 271 4 888518279 +463 1 1 890453075 +921 15 4 879379621 +303 333 4 879466088 +901 13 1 877129839 +94 91 5 891722006 +399 78 3 882348948 +748 515 4 879454662 +763 47 3 878915692 +256 96 5 882164444 +864 100 5 877214125 +633 318 4 875324813 +894 310 3 882403366 +537 190 4 886030552 +789 284 3 880332259 +712 71 5 874730261 +889 317 4 880180849 +67 756 3 875379566 +455 620 3 879108829 +536 304 3 882317183 +902 250 4 879465073 +774 393 1 888556090 +883 213 2 891693058 +847 121 3 878775523 +929 23 3 880817681 +527 129 2 879455905 +472 257 4 875978096 +919 221 4 875288898 +341 335 4 890757782 +844 24 5 877388183 +727 228 4 883711527 +216 27 3 881428365 +866 305 2 891221006 +567 492 4 882425966 +276 1036 2 889174870 +882 82 5 879867885 +629 357 4 880117062 +184 262 5 889906946 +457 388 2 882551343 +537 121 1 886030380 +385 715 3 879446671 +276 55 4 874792366 +900 200 2 877833632 +751 28 5 889133064 +840 1018 3 891211664 +630 1 4 885666779 +595 273 3 886921140 +702 449 3 885767775 +476 319 1 883365561 +899 51 1 884122387 +854 170 4 882813537 +13 853 1 882397010 +896 343 1 887235690 +500 370 3 883865952 +566 879 2 881649273 +933 546 2 874939105 +303 596 4 879468274 +406 558 3 880132276 +913 202 4 880825052 +880 603 5 880243629 +532 452 5 888630585 +897 193 3 879990466 +921 79 4 879380704 +496 705 2 876065382 +189 318 5 893265191 +407 195 4 875119886 +327 56 2 887745805 +655 340 3 888984325 +796 739 5 893047207 +844 1099 2 877387391 +886 231 2 876032247 +450 403 4 887660440 +790 825 3 884462385 +763 625 4 878923488 +294 93 4 877819713 +887 38 5 881381503 +16 591 4 877726944 +41 152 4 890687326 +831 64 5 891354534 +892 214 2 886608897 +788 550 3 880869508 +450 221 4 882395052 +488 873 3 891293152 +727 283 2 883709009 +874 150 4 888632448 +749 25 4 878846697 +941 117 5 875048886 +716 199 4 879796096 +910 252 2 881421035 +932 1512 5 891249038 +671 159 5 883949781 +766 965 3 891310540 +661 418 4 876036240 +455 50 5 878585826 +894 381 3 882404430 +447 228 4 878855682 +688 898 5 884153606 +360 83 4 880355845 +761 293 4 876190130 +243 367 3 879988976 +405 1006 1 885546445 +279 385 4 875309351 +166 315 3 886397478 +938 333 4 891356146 +884 381 5 876859751 +934 100 4 891189511 +756 89 4 874828769 +655 869 2 889282952 +654 535 3 887863962 +865 302 5 880142614 +881 432 3 876537825 +618 731 2 891309514 +178 410 4 882824467 +533 846 2 879365886 +42 826 3 881106419 +790 63 2 885157837 +545 510 3 880347957 +839 1009 3 875752560 +897 182 4 879990683 +833 209 5 875124604 +592 514 5 882955543 +803 339 3 880054834 +622 135 4 882592346 +694 510 5 875726927 +792 597 3 877910478 +870 2 2 879714351 +643 496 4 891446688 +815 542 4 878694820 +666 433 3 880568560 +181 106 2 878963167 +653 176 3 878854145 +290 993 4 880473630 +539 204 4 879788045 +486 950 4 879875069 +628 8 2 880777167 +830 71 4 891561474 +925 682 4 884717586 +407 747 3 876339940 +56 559 4 892910646 +645 22 4 892054508 +796 434 4 892676195 +269 17 2 891449670 +896 631 2 887159464 +435 1552 3 884134187 +923 245 3 880387199 +177 127 5 880130667 +552 1095 3 879222738 +796 188 2 892675654 +871 173 5 888193383 +621 313 5 883798770 +655 128 3 887429732 +401 751 1 891031532 +468 82 5 875292320 +663 1119 3 889493437 +913 175 5 881366473 +890 655 3 882915818 +774 7 2 888558539 +92 199 3 875811628 +472 150 3 875978686 +776 187 4 891628632 +879 15 4 887761865 +867 276 1 880079020 +930 763 3 879535102 +592 357 4 882956102 +521 343 3 884475605 +586 22 3 884058708 +303 461 4 879484159 +887 418 4 881380025 +637 931 1 882905388 +916 222 3 880843419 +588 222 3 890015722 +896 201 3 887158900 +474 187 5 887923708 +911 501 3 892840916 +577 708 3 880475067 +794 420 4 891035662 +939 409 4 880261532 +886 657 5 876031695 +265 288 4 875320024 +853 688 3 879365169 +119 1265 3 891287060 +618 458 3 891309579 +210 98 5 887736429 +854 463 3 882814395 +564 118 4 888730699 +527 69 4 879456490 +618 62 2 891309697 +198 475 4 884205277 +716 482 5 879795867 +704 528 3 891397491 +934 405 5 891189819 +818 690 3 891870301 +405 1487 1 885546724 +537 183 3 886031407 +752 882 4 891207846 +925 56 3 884717963 +689 410 1 876676293 +781 268 2 879633862 +286 413 3 877531226 +655 255 3 887477336 +846 1069 4 883948221 +504 330 4 887831274 +13 566 5 882397502 +280 392 5 891701328 +645 318 5 892053241 +635 682 2 878878685 +178 12 5 882826162 +379 151 4 880525771 +453 826 1 877553430 +198 343 3 884204666 +766 216 3 891310038 +828 14 4 891035819 +773 475 3 888538533 +805 47 5 881698778 +846 492 3 883947737 +111 311 4 891680028 +880 245 2 892958350 +711 42 3 876278831 +901 566 5 877131118 +815 191 5 878693183 +936 927 4 886833052 +841 873 4 889067121 +846 684 5 883948141 +749 1088 2 881602596 +422 567 3 879744218 +693 56 4 875483268 +612 259 3 875324355 +618 403 4 891309608 +700 423 4 884493943 +666 385 3 880568028 +849 174 5 879695469 +591 866 3 891039658 +524 704 4 884636691 +637 740 2 882903914 +663 15 4 889493069 +763 475 4 878915722 +704 493 4 891397190 +450 23 5 887136837 +655 23 3 887426971 +344 588 5 884900993 +882 228 5 879867694 +860 890 2 880829225 +303 1040 1 879485844 +696 748 1 886404268 +90 316 5 891382658 +536 148 4 882318820 +16 732 5 877726944 +894 898 4 883518875 +667 69 3 891035104 +268 96 5 876513953 +498 135 5 881956576 +499 624 2 885599372 +881 403 3 876539330 +828 381 3 891036568 +655 900 3 887424991 +682 790 3 888521942 +692 1047 2 876953616 +893 1218 3 874830338 +916 91 4 880844223 +474 255 4 887915600 +694 89 4 875728220 +479 431 4 879461741 +879 1284 3 887761562 +796 238 3 892761427 +420 190 5 891356864 +616 339 3 891224718 +790 68 3 885157440 +919 4 1 875374032 +128 69 4 879966867 +682 696 4 888518035 +798 1164 3 875637744 +890 215 4 882916356 +249 853 4 879572256 +608 190 4 880405527 +654 3 3 887864071 +923 689 3 880387001 +11 427 4 891904300 +864 628 4 888890639 +683 307 3 893286347 +542 282 3 886533452 +545 168 4 879900156 +900 834 1 877833536 +648 2 4 884882742 +43 421 3 883954853 +618 275 3 891307577 +174 951 1 886515551 +927 367 5 879199250 +671 566 4 884035303 +568 520 2 877907327 +666 135 4 880139562 +798 194 4 875743366 +524 1046 3 884637173 +543 183 4 874864034 +298 125 3 884125912 +608 443 5 880405824 +943 237 4 888692413 +825 130 2 889021235 +756 171 4 874827062 +899 95 5 884121612 +716 615 3 879795269 +796 45 3 892675605 +903 1101 4 891033828 +6 468 3 883602174 +712 168 2 874956357 +834 475 5 890862311 +677 289 1 889399113 +440 361 5 891548567 +374 54 4 880396048 +782 339 3 891498676 +867 168 4 880078604 +28 448 4 881961600 +160 11 4 876858091 +789 1017 3 880332316 +590 740 4 879439645 +95 250 4 882803989 +918 135 1 891986634 +854 24 4 882812352 +749 866 3 878848639 +804 195 5 879442538 +13 262 4 881514876 +714 3 5 892777876 +548 286 1 891042194 +406 724 3 884630973 +915 270 3 891030070 +562 185 5 879196075 +524 461 3 884635287 +190 258 3 891033183 +869 15 1 884491993 +717 300 5 884641808 +387 953 2 886484012 +883 49 3 891694636 +851 828 2 875730482 +186 12 1 879023460 +886 1208 3 876032596 +643 448 3 891449580 +406 444 3 879792928 +76 264 3 875027292 +345 248 5 884994083 +13 393 3 882141617 +727 941 2 883711874 +654 70 4 887864663 +524 4 4 884636498 +776 145 2 892920381 +916 721 4 880845049 +715 64 5 875963242 +929 1 3 878402162 +647 73 5 876537697 +373 233 3 877105588 +901 679 4 877131205 +790 246 4 884461283 +385 357 4 879441339 +788 963 4 880868644 +807 313 5 892527050 +632 527 4 879458429 +790 49 3 885156852 +95 1227 2 880572581 +181 1356 1 878963204 +667 210 3 891035051 +916 281 3 880843727 +416 791 2 886319550 +682 229 4 888520923 +394 24 5 880889350 +852 260 3 891036414 +749 167 2 878848701 +696 302 5 886403632 +868 198 5 877103757 +643 156 5 891446826 +13 127 5 881515411 +346 159 4 874949011 +927 274 1 879181133 +342 152 4 874984341 +404 272 4 883790181 +618 25 2 891308260 +187 137 5 879464895 +666 514 4 880139295 +240 358 2 885775857 +283 291 2 879297867 +774 44 1 888558343 +886 54 3 876031279 +7 592 5 891353652 +734 97 4 891022993 +406 602 3 882480865 +524 259 3 884320358 +732 875 1 882590201 +508 629 4 883775341 +373 88 4 877106623 +878 60 4 880867035 +796 1303 2 893048713 +694 143 4 875727513 +298 549 4 884183307 +485 346 4 891040967 +637 676 3 882903767 +846 1045 3 883950364 +474 284 4 887915645 +854 840 2 882813364 +211 528 4 879459803 +825 385 5 881101641 +788 177 3 880868513 +716 70 4 879796046 +883 331 3 891691654 +751 83 5 889134705 +64 174 5 889737478 +796 611 4 892675694 +498 517 4 881957353 +793 282 4 875104340 +690 1273 3 881180382 +850 294 5 883194367 +655 1648 2 891817435 +766 435 3 891309053 +672 1023 2 879789672 +268 219 3 875744533 +643 144 4 891447286 +900 471 2 877833259 +823 318 5 878438179 +706 148 4 880997464 +588 553 4 890025864 +887 365 5 881381610 +443 333 5 883504654 +26 284 3 891371505 +655 47 3 887426972 +790 7 4 884461796 +721 28 5 877140137 +562 318 3 879194894 +463 16 4 877385830 +880 185 5 880241355 +601 357 4 876349150 +840 430 5 891204418 +684 763 2 878232961 +743 308 2 881277314 +470 319 3 879178216 +387 286 2 886484385 +847 411 1 878939349 +354 710 4 891217340 +13 474 4 881515112 +754 477 5 879451775 +642 993 4 891317955 +764 132 5 876246236 +724 748 1 883757784 +653 984 4 884408848 +683 305 4 893286261 +311 371 5 884366137 +449 640 5 880410734 +505 724 4 889333861 +207 393 4 877838977 +806 179 5 882387870 +756 173 3 874826565 +450 734 2 882471737 +62 204 3 879373737 +514 1600 4 875723266 +790 678 3 884461115 +782 1399 2 891498919 +864 466 4 888887794 +527 86 4 879456438 +537 484 4 886031105 +662 275 4 880571006 +936 250 5 886832337 +694 69 5 875727715 +593 318 5 875671413 +535 955 3 879618338 +804 160 4 879442707 +943 471 5 875502042 +727 421 5 883711181 +164 9 4 889402050 +56 678 4 892676056 +916 51 2 880845658 +896 118 2 887159805 +841 678 4 889067313 +725 9 4 876106243 +669 191 3 892550310 +790 249 3 884461849 +836 89 4 885754029 +5 366 3 875637145 +10 699 4 877893020 +712 462 3 874730085 +934 617 4 891191778 +867 175 5 880078818 +435 824 1 884134627 +887 1079 1 881378773 +707 137 5 880059876 +838 455 4 887064275 +901 748 4 877125480 +311 51 4 884366010 +672 255 2 879789278 +345 200 4 884916339 +474 213 4 887927509 +788 726 4 880871128 +931 310 3 891035876 +290 66 4 880731963 +428 302 5 885943651 +468 963 5 875286036 +731 606 3 886182366 +405 1055 3 885546202 +715 39 3 875964273 +803 303 4 880054629 +788 100 5 880868277 +796 100 3 892611093 +690 402 3 881180497 +544 259 1 884795581 +807 418 4 892529358 +883 559 3 891695692 +144 284 3 888104213 +881 265 5 876538286 +706 682 2 880996945 +840 429 3 891204827 +149 303 4 883512752 +717 262 4 884641621 +773 710 3 888539366 +851 981 1 875730826 +618 181 5 891307263 +761 15 5 876190314 +650 432 4 891386830 +665 566 2 884293741 +650 160 3 891383572 +690 763 4 881177553 +480 185 2 891208718 +764 218 4 876245837 +927 421 4 879194661 +541 265 5 885595654 +452 385 4 875560933 +836 793 2 885754029 +697 122 4 882622248 +885 402 3 885715489 +748 498 4 879454831 +777 818 5 875980669 +857 547 3 883432633 +896 89 5 887159262 +916 1109 3 880844861 +648 1041 3 884882192 +942 193 5 891283043 +256 222 4 882150313 +46 332 4 883611482 +473 246 5 878157404 +655 381 3 887474656 +508 378 5 883777430 +826 181 5 885690526 +840 300 3 891204056 +826 195 5 885690636 +621 568 5 874963797 +661 274 4 876037199 +938 476 4 891357137 +846 133 4 883948534 +41 180 5 890687019 +934 229 4 891194539 +606 501 4 880926084 +663 237 4 889492473 +269 89 2 891448800 +886 384 3 876034074 +806 56 5 882387999 +513 685 4 885062601 +883 60 5 891693012 +774 450 2 888557557 +880 549 4 880243230 +660 809 2 891201565 +407 388 2 876348849 +925 185 4 884717963 +148 238 4 877398586 +940 170 4 885921401 +802 413 4 875986303 +393 322 4 887742825 +607 494 5 883879556 +416 72 2 886318707 +619 176 5 885954053 +95 472 5 879197329 +870 483 5 880584497 +938 9 3 891356413 +161 197 3 891171734 +893 410 4 874828649 +697 1012 1 882622824 +768 16 3 880135943 +368 53 2 889783562 +682 427 4 888523581 +854 238 5 882813648 +712 234 2 874729935 +783 881 4 884326584 +145 436 5 877343121 +450 671 3 882371416 +633 56 2 875326491 +537 642 4 886031342 +109 226 5 880578503 +504 1090 4 887910961 +665 238 4 884294772 +606 919 2 880923349 +537 419 2 886031342 +698 427 1 886367013 +619 562 3 885954341 +453 732 3 877561695 +758 540 3 882054637 +497 169 4 879309992 +610 70 4 888703609 +406 193 4 879445771 +488 239 4 891294976 +890 1039 4 882403122 +796 699 4 893188576 +754 15 5 879451743 +836 192 5 885754118 +399 794 3 882349274 +927 79 3 879184644 +530 1226 4 891568366 +535 276 3 879618965 +403 151 4 879786270 +881 826 1 879052109 +7 39 5 891353614 +524 943 3 884636453 +545 232 3 883115515 +625 423 4 891263760 +862 56 3 879305204 +798 588 4 875638447 +899 69 3 884121125 +500 151 3 883874059 +72 1051 4 880035958 +92 246 4 890251289 +472 140 3 875980823 +592 189 5 882955583 +881 168 3 876537933 +606 825 5 878149689 +804 732 4 879445037 +782 1527 2 891498641 +521 23 3 884478428 +659 1168 4 891386641 +535 566 3 879618338 +884 258 5 876857704 +595 1142 5 886921199 +639 739 3 891240868 +406 565 3 880132319 +650 732 3 891371061 +896 472 2 887160983 +670 485 5 877974945 +663 827 2 889492796 +796 1057 2 893047967 +697 7 5 882622798 +612 1060 4 875324756 +653 712 3 880153639 +437 606 4 880140978 +848 732 5 887048573 +758 344 3 888715390 +267 69 4 878971659 +920 332 3 884219953 +867 270 5 880077780 +62 237 3 879372563 +532 204 5 892863286 +632 739 3 879459210 +787 305 3 888979721 +830 211 4 891898720 +916 530 4 880844202 +121 25 5 891390316 +889 170 4 880177994 +279 152 5 882146492 +918 1171 4 891988646 +694 485 4 875728952 +916 143 3 880844463 +308 42 4 887738191 +653 185 2 880606620 +120 744 4 889490522 +592 268 5 882607286 +665 134 4 884293569 +484 211 4 891195036 +923 546 4 880387507 +815 435 4 878694269 +833 616 5 875124024 +13 322 3 882140792 +863 346 5 889288911 +537 216 3 886031540 +210 205 4 887736393 +833 30 4 875225297 +930 245 3 879534165 +573 276 3 885843964 +479 22 4 879461280 +889 180 4 880180650 +256 265 4 882164479 +851 595 3 875731021 +867 150 5 880078677 +521 222 4 884475799 +286 97 4 877533101 +782 1096 2 891499699 +758 227 4 884999133 +908 648 4 879722333 +679 168 5 884487534 +280 595 3 891701666 +887 24 5 881378219 +622 183 4 882669826 +934 554 4 891194462 +551 67 5 892785164 +862 742 5 879303298 +880 801 3 880175239 +851 1025 2 884205201 +810 288 3 879895233 +567 387 4 882426899 +454 530 2 881960174 +59 620 4 888203959 +533 748 3 890659295 +597 181 4 875340062 +40 343 1 889041790 +922 172 5 891449021 +854 294 2 882811742 +593 301 4 877728878 +779 1028 4 875996932 +393 1531 4 889731794 +897 622 3 879990877 +428 754 4 885943847 +717 888 5 884642133 +698 525 1 886367615 +586 80 2 884067003 +666 196 3 880568129 +933 550 1 874939185 +7 125 4 891353192 +327 1129 2 887745891 +878 20 2 880865715 +52 333 4 882922038 +837 25 3 875722169 +580 271 5 884124248 +150 124 2 878746442 +312 638 5 891698580 +373 69 4 877099137 +92 39 3 875656419 +47 304 3 879439144 +618 7 4 891309887 +676 269 2 892685224 +665 157 3 884294671 +868 1098 5 877107416 +624 236 3 879792358 +495 498 3 888633165 +848 679 3 887047674 +796 794 4 893047320 +714 284 3 892777438 +682 562 2 888522700 +412 214 3 879717253 +551 655 5 892783142 +579 382 3 880952237 +615 135 4 879448599 +901 56 1 877130999 +709 234 5 879847945 +262 727 3 879792897 +677 508 5 889399171 +746 403 4 885075337 +543 62 3 875663687 +575 176 4 878148087 +694 470 4 875727144 +288 98 5 886373474 +554 328 4 878801354 +890 524 4 882403379 +792 276 3 877910305 +860 846 2 887754411 +567 1012 3 882427273 +888 69 4 879365104 +704 679 2 891398726 +537 1163 1 886030347 +841 333 4 889066780 +682 801 3 888521907 +61 310 4 891206194 +844 168 4 877386990 +724 750 2 883757170 +747 304 4 888638370 +158 648 5 880135020 +548 1011 2 891415746 +715 118 2 875962395 +735 117 3 876698897 +795 429 3 880568492 +426 609 3 879441931 +130 1058 5 876252064 +698 428 1 886367955 +64 48 5 879365619 +932 1573 4 891249239 +853 288 4 879364822 +234 702 2 892335707 +831 323 2 891354275 +894 223 4 879897149 +551 531 5 892777485 +537 61 4 886031211 +809 307 5 891036809 +18 516 5 880130861 +374 274 4 880393668 +864 770 3 888891322 +887 187 4 881381610 +835 185 4 891033957 +864 541 2 888892667 +682 1067 3 888520497 +636 118 5 891449305 +663 1011 3 889493027 +689 596 3 876676134 +466 226 4 890285034 +889 676 2 880176874 +360 955 5 880356166 +273 304 3 891292935 +650 109 3 891386167 +601 743 1 876348410 +298 204 4 884182148 +339 293 5 891033282 +655 312 2 892011201 +453 780 3 877561522 +328 347 5 885596118 +887 697 1 881380623 +378 55 4 880046229 +677 300 5 889398960 +346 196 3 874950692 +913 174 5 881367620 +512 325 2 888579139 +405 380 2 885545883 +516 214 3 891290649 +643 447 4 891449249 +862 60 5 879305143 +763 234 3 878923288 +711 485 4 879993278 +451 678 5 879012510 +871 313 5 888192858 +693 528 1 875484613 +712 627 4 874956515 +670 8 4 877975594 +7 663 5 891352220 +669 522 4 892550196 +385 671 3 879443315 +933 110 1 874938664 +698 1115 2 886367955 +902 515 5 879464726 +713 269 4 888882040 +562 173 5 879196308 +447 278 3 878854810 +387 109 4 886481073 +903 98 5 892760784 +484 153 5 891194716 +405 1551 1 885546835 +663 313 5 889491617 +884 640 1 876859161 +912 483 5 875965906 +487 746 4 883529540 +863 268 5 889289240 +602 117 5 888638674 +689 260 3 879211543 +144 276 3 888104122 +883 322 5 891692168 +515 294 3 887658910 +606 181 5 878143047 +476 47 3 883364392 +666 663 4 880139409 +795 135 3 881530126 +804 552 4 879446209 +693 258 4 875481336 +758 1001 5 882055227 +863 748 3 889289456 +786 28 5 882843646 +639 483 5 891240520 +714 1 3 892776123 +831 307 2 891354064 +43 127 4 875981304 +617 453 1 883789715 +567 631 3 882426869 +655 1063 3 888474909 +645 340 4 892051762 +259 293 4 883371861 +846 96 4 883947694 +809 313 4 891036743 +887 718 1 881377812 +903 177 4 891033541 +773 855 2 888538726 +805 331 4 879971214 +810 902 5 890083210 +846 488 5 883948343 +213 64 5 878955680 +919 58 5 875374032 +877 226 3 882678547 +669 531 3 892550310 +435 33 3 884132672 +503 174 5 880472250 +833 452 1 875224178 +871 750 3 888192689 +804 1170 3 879445393 +464 295 5 878355033 +868 159 2 877107416 +907 281 5 881030348 +618 8 3 891307862 +931 744 4 891036463 +721 334 1 877136831 +828 904 3 891618316 +900 325 1 877832320 +931 275 5 891037521 +294 1028 3 877819897 +149 345 4 883512623 +788 931 2 880871551 +711 921 5 879993318 +548 305 1 891042624 +387 550 2 886483252 +393 1270 3 889731673 +201 479 4 884111397 +480 654 4 891208718 +118 508 4 875385057 +690 9 3 881178232 +901 949 3 877131500 +474 127 5 887915188 +537 528 3 886030805 +489 351 5 891446623 +13 78 1 882399218 +276 12 5 874787407 +683 272 4 893286260 +275 199 4 880315170 +653 174 5 878854051 +361 285 4 879440516 +482 328 4 887643289 +523 258 5 883699583 +763 25 4 878922982 +504 216 4 887838450 +846 575 2 883950569 +863 1434 2 889289618 +194 496 4 879520743 +682 628 4 888517364 +625 174 4 891263589 +452 1057 1 876215627 +661 657 4 876013714 +733 1226 3 879535968 +647 405 4 876532747 +805 469 4 881698243 +932 54 4 891251038 +276 303 4 892436271 +889 11 5 880177941 +747 393 2 888733111 +829 170 4 881698933 +435 181 5 884132208 +622 781 3 882671595 +679 1 3 884487688 +922 403 3 891450805 +804 1228 3 879446090 +881 71 4 876538322 +396 823 2 884646647 +198 423 3 884208241 +321 435 5 879439860 +785 168 4 879438810 +100 892 2 891375484 +13 691 4 889316404 +447 12 5 878855907 +457 284 3 882394010 +442 227 3 883390574 +659 474 2 891384739 +697 328 5 882621486 +358 114 5 891270652 +274 472 3 878945918 +387 513 5 886483330 +758 331 4 882322862 +671 1597 1 884035892 +454 147 3 888267455 +654 476 3 887863914 +844 144 3 877387825 +694 118 4 875729983 +907 333 5 885860288 +914 1355 1 887123886 +533 1174 3 882821669 +224 468 4 888104030 +889 979 3 880177435 +455 181 4 878585826 +840 512 5 891205371 +773 184 2 888540041 +514 949 3 886189510 +640 269 5 886803575 +707 64 3 886286170 +626 333 1 878771281 +943 595 2 875502597 +621 588 3 874965208 +843 133 3 879448431 +796 111 4 893047288 +699 137 4 878882667 +883 384 3 891694431 +834 25 3 890862468 +561 524 4 885807888 +889 29 3 880182428 +585 1475 3 891283681 +693 576 2 875484148 +116 298 3 876452555 +752 1127 3 891208170 +906 740 4 879435415 +498 673 3 881958343 +121 736 5 891387992 +532 234 5 889235367 +667 28 5 891034913 +679 727 4 884487961 +890 423 5 882402905 +262 255 3 879790816 +847 216 3 878940356 +883 137 5 891717356 +429 39 3 882386378 +749 658 4 878849404 +557 289 4 880484992 +606 50 5 878142864 +148 174 5 877015066 +937 515 5 876769253 +860 900 3 886354648 +787 877 2 888980193 +877 55 4 882678512 +699 220 2 885775430 +738 231 3 875350995 +869 269 4 884493279 +880 1151 3 880167454 +515 342 3 887659423 +868 825 1 877109435 +922 265 5 891447777 +788 444 3 880870626 +291 800 2 874834944 +500 411 2 883865826 +378 1074 3 880332802 +607 887 3 883878999 +276 39 3 874790995 +338 275 5 879438063 +409 180 5 881107155 +480 249 1 891207975 +432 288 5 889416456 +881 202 4 876537825 +218 204 3 877488692 +795 432 3 881258945 +763 607 4 878917850 +344 83 4 884901503 +790 431 3 885157159 +627 520 5 879529916 +18 242 5 880129305 +488 215 5 891294742 +93 276 2 888705257 +624 117 3 879792446 +796 151 5 893218765 +730 875 2 880310201 +776 432 1 891628977 +679 294 1 884312763 +826 679 2 885690712 +922 71 4 891448580 +450 43 4 887139080 +655 645 3 887474288 +843 56 3 879443174 +466 173 3 890285762 +440 923 5 891577843 +95 399 4 880572449 +843 566 3 879444766 +890 637 3 882404610 +671 1109 2 883546677 +804 692 5 879442122 +870 154 4 876319311 +236 510 3 890118543 +870 988 2 875050439 +476 90 3 883364433 +749 98 5 878847404 +899 471 4 884120007 +921 190 2 884673602 +932 589 5 891250609 +916 727 4 880845049 +690 70 2 881179584 +324 125 5 880575714 +122 357 3 879270084 +698 175 3 886367406 +468 135 5 875287895 +809 302 5 891036743 +747 603 5 888639362 +896 46 2 887160750 +537 497 4 886030863 +857 116 5 883432663 +311 91 3 884366439 +542 42 3 886532726 +271 472 2 886106165 +504 729 5 887832571 +918 190 5 891986720 +459 619 4 879563169 +435 685 2 884134345 +189 137 4 893264407 +943 62 3 888640003 +795 25 5 880556527 +795 120 3 883255416 +706 273 3 880997142 +527 558 4 879456162 +934 388 3 891197678 +462 655 5 886365467 +666 195 3 880314272 +256 1471 3 882164999 +660 1135 2 891201675 +303 636 3 879484695 +279 450 4 889326161 +608 303 4 880402983 +527 214 4 879456030 +796 484 5 892675528 +110 364 3 886989612 +912 496 4 875965939 +450 172 4 882372103 +929 271 2 880817603 +405 373 2 885548162 +916 134 5 880844123 +940 95 5 885921800 +601 135 4 876350443 +906 628 5 879435551 +912 143 5 875966694 +94 636 4 891721351 +336 585 3 877756966 +716 420 4 879796766 +857 988 2 883432423 +666 153 4 880314103 +889 190 3 880177994 +660 403 3 891357371 +125 1170 1 892838591 +838 235 2 887064515 +880 254 2 880167599 +900 294 4 877832113 +774 808 1 888557451 +765 222 2 880346340 +883 1222 5 891696999 +655 902 2 892333973 +936 14 4 886832373 +245 151 3 888513279 +608 23 5 880403239 +486 1176 3 879874388 +28 31 4 881956082 +653 809 3 880153620 +843 436 2 879443394 +709 214 1 879846922 +890 489 4 882402826 +747 875 3 888638455 +932 647 5 891250987 +774 307 1 888555792 +660 470 2 891199883 +269 186 2 891449670 +897 566 2 879991976 +655 118 2 887426666 +496 483 4 876065259 +504 205 3 887909299 +840 664 3 891204474 +532 339 5 892859148 +773 61 5 888538908 +177 174 4 880130990 +877 702 4 882677386 +745 207 2 880123609 +545 175 4 879899641 +925 323 4 884633287 +743 269 4 881277267 +504 476 5 887831447 +789 137 2 880332189 +18 88 3 880130890 +527 192 4 879455765 +843 271 5 879442947 +665 188 4 884293366 +616 349 4 891224748 +927 41 4 879195407 +532 739 5 893119335 +854 69 4 882814395 +622 174 4 882592559 +823 531 4 878437890 +889 17 4 880181910 +912 423 5 875966694 +807 969 4 892528375 +712 401 3 874957027 +807 161 4 892528919 +870 697 4 875050603 +174 99 3 886515457 +793 293 4 875104091 +152 294 4 880149098 +619 96 5 885954083 +506 529 3 874873615 +778 157 3 891233153 +103 294 4 880416515 +786 237 5 882842195 +857 283 5 883432633 +883 226 3 892557605 +393 288 3 887741960 +728 304 4 879442794 +18 856 5 880131676 +540 280 3 882157797 +280 3 2 891702406 +361 603 5 879441215 +875 753 3 876465188 +101 546 4 877137015 +936 249 5 886832808 +407 739 3 876344062 +833 240 4 875035624 +709 431 5 879848511 +919 1012 4 875289611 +901 35 4 877131685 +345 974 3 884991581 +633 77 3 877212173 +880 734 3 880175240 +442 268 4 883388092 +838 12 4 887067063 +851 881 3 875729751 +766 672 3 891310824 +64 234 4 889737800 +907 198 5 880160162 +627 28 3 879529987 +786 696 3 882842149 +896 474 3 887159426 +684 67 3 878762144 +7 132 5 891351287 +394 69 5 880887063 +293 185 5 888905840 +289 121 3 876789736 +804 432 3 879441677 +699 50 3 878881875 +447 25 4 878854630 +815 65 5 878694664 +603 222 4 891955922 +632 693 2 879458692 +804 265 4 879445037 +788 270 2 880867855 +119 751 3 886175361 +804 173 4 879442412 +747 86 5 888638958 +885 946 3 885714933 +791 9 5 879448314 +274 629 5 878946645 +918 179 2 891988337 +894 744 3 880416072 +393 398 4 889731753 +618 99 3 891308019 +870 471 4 885071869 +758 364 4 882055394 +156 157 4 888185906 +498 9 2 881954931 +931 116 4 891036734 +655 566 3 888893279 +889 97 3 880178748 +924 202 4 886760020 +600 373 3 888452490 +897 73 3 879991341 +749 9 3 878846903 +218 663 3 877488492 +592 1258 1 882608960 +486 831 3 879875316 +880 88 3 880174705 +690 73 2 881177271 +940 174 4 885921310 +623 202 1 891034620 +711 189 5 886030557 +736 286 4 878709365 +709 1218 4 879846623 +321 603 5 879438607 +128 468 1 879968243 +437 121 3 881001766 +878 317 4 880866054 +474 929 3 887916330 +541 110 4 883866114 +766 402 3 891310565 +102 785 2 892991376 +890 737 3 882917152 +837 1047 1 875722267 +721 323 3 877137598 +880 405 4 880167328 +870 641 4 875050524 +700 169 3 884493862 +94 1009 4 891722845 +535 25 4 879619176 +71 52 4 877319567 +128 229 2 879968071 +712 66 5 874729816 +870 192 5 889717102 +417 268 4 879649657 +664 611 5 878090705 +334 1202 4 891544680 +757 175 3 888445551 +896 1078 3 887160983 +693 697 4 875482574 +655 658 3 887427130 +907 713 5 880159172 +684 1301 3 878760019 +937 297 4 876769436 +487 431 3 883529593 +846 179 5 883948571 +805 772 3 881698881 +5 455 4 875635174 +411 8 3 891035761 +867 207 5 880079094 +887 760 5 881378669 +615 168 5 879449110 +474 582 5 887927728 +825 235 3 880756678 +409 475 4 881107750 +827 301 4 882201885 +648 197 3 884628644 +459 105 4 879563819 +747 39 4 888640684 +423 339 2 891394788 +881 106 4 879052493 +437 511 5 880141962 +434 15 3 886724453 +671 17 4 883546889 +207 73 3 876079087 +757 276 4 888444181 +843 275 3 879446680 +572 14 4 879449683 +586 218 3 884060705 +764 89 4 876245837 +815 650 2 878696213 +911 404 3 892840950 +897 97 5 879990622 +716 122 2 879794727 +89 15 5 879441307 +433 205 3 880585730 +751 179 4 889298074 +716 175 2 879795644 +513 841 4 885062602 +932 238 3 891250609 +940 319 2 884800944 +184 238 4 889909069 +504 185 5 887838624 +693 649 2 875483169 +719 620 4 879359034 +299 1300 2 877878382 +347 123 3 881654301 +870 302 4 878737704 +846 143 5 883948804 +783 331 3 884326461 +267 233 4 878972731 +678 515 4 879544782 +751 215 4 889133334 +674 539 1 887763151 +134 269 3 891732122 +215 181 4 891435597 +11 8 4 891904949 +624 307 3 891961056 +815 631 4 887978234 +701 275 5 891447228 +880 365 2 880242660 +751 117 4 889132269 +788 79 4 880868559 +863 339 3 889289353 +587 914 4 892871031 +763 730 5 878923456 +654 291 4 887863914 +853 299 4 879365092 +923 288 5 880386897 +640 184 5 889235992 +828 60 4 891380167 +796 316 5 892610692 +880 768 2 880242848 +907 729 5 880159821 +719 97 3 879360845 +887 252 4 881378972 +129 990 2 883245452 +665 126 4 884290751 +787 352 2 888979657 +135 554 3 879858003 +659 241 3 891387121 +788 363 2 880871088 +817 289 2 874815789 +435 549 3 884132588 +85 515 5 879829265 +629 144 5 880117430 +543 463 3 874864034 +838 408 4 887066040 +234 611 5 892078605 +537 948 1 886029239 +847 456 1 878939393 +790 585 2 885157686 +727 39 2 883712780 +443 175 2 883505396 +912 482 5 875965939 +887 926 5 881378537 +815 163 4 878695841 +256 245 4 882150152 +911 204 4 892839930 +592 1016 4 882608145 +82 895 1 884713704 +682 1178 1 888521866 +707 200 2 886286491 +795 121 3 880558035 +363 176 4 891495109 +627 1478 3 879530967 +700 73 3 884494380 +694 215 3 875728181 +758 1143 5 880672637 +537 508 4 886030108 +897 183 5 879990531 +883 227 3 891696930 +454 252 2 881959336 +198 526 4 884208273 +326 178 5 879875175 +914 451 2 887122085 +788 436 3 880871127 +622 1407 1 882672922 +880 719 3 880174961 +908 488 4 879722642 +724 1234 1 883757170 +868 180 4 877104913 +682 678 1 888516814 +263 323 1 891297485 +823 8 5 878437925 +930 283 4 879535544 +451 988 1 879012773 +223 405 1 891550005 +846 23 4 883948089 +821 476 4 874792403 +503 183 5 879454754 +666 273 3 880313292 +913 530 2 881367312 +771 304 5 886640562 +173 301 5 877557076 +788 97 3 880868235 +907 1119 5 880159865 +373 1530 2 877107138 +201 770 3 884112426 +908 479 4 879723022 +943 1011 2 875502560 +571 484 4 883354992 +916 154 4 880844552 +694 451 4 875729068 +536 378 5 882360405 +920 682 3 884220058 +630 357 3 885668090 +620 1066 5 889988069 +542 95 3 886533562 +711 116 5 888458447 +778 200 5 890726264 +812 678 4 877625294 +642 136 3 885602232 +885 196 3 885714201 +537 639 2 886031438 +889 512 5 880181372 +398 705 5 875658898 +707 4 3 886286170 +621 1035 4 880739654 +313 511 4 891013742 +429 25 4 882385985 +178 283 5 882823784 +727 440 1 883713548 +860 285 5 885990901 +577 196 5 880474357 +583 425 5 879384575 +527 168 5 879456405 +389 521 3 879991330 +663 276 3 889492435 +504 629 4 887841136 +772 259 2 877533957 +833 649 3 875224178 +711 180 4 876279059 +10 589 5 877891905 +497 22 5 879310730 +712 1221 4 874956641 +267 1145 3 878974608 +863 877 1 889289277 +806 1016 1 882386110 +435 2 4 884132619 +924 1 5 884371535 +693 591 3 875482779 +531 892 3 887049187 +767 505 4 891462560 +931 515 5 891036506 +507 252 5 889966054 +881 276 5 876536079 +802 261 3 875985032 +919 1109 3 875373824 +689 405 5 876676292 +661 170 4 888300680 +499 429 4 885599372 +318 692 4 884495561 +777 527 4 875980306 +364 268 3 875931309 +666 116 4 880313270 +854 8 5 882814571 +472 426 4 875980010 +711 238 4 879993126 +699 458 4 879148051 +429 1076 2 882387350 +747 85 3 888733144 +671 181 5 875388719 +629 245 3 880116240 +864 93 3 888889948 +288 211 5 886374473 +758 118 2 881978326 +268 37 3 876514002 +804 163 3 879445579 +405 140 3 885548932 +889 55 4 880181191 +859 293 4 885776056 +378 292 3 882136243 +299 785 2 889502865 +894 753 5 882404278 +347 180 5 881654101 +474 357 5 887924618 +707 921 4 886286361 +655 1161 3 887426446 +899 527 4 884121767 +632 679 4 879459321 +682 866 2 888522101 +862 79 5 879304623 +571 191 4 883354761 +343 202 4 876406256 +921 651 3 884673891 +550 313 5 883425610 +933 934 1 874938412 +360 651 4 880355845 +230 233 1 880485513 +775 690 3 891033022 +851 264 2 890343477 +519 1238 5 883248595 +919 326 3 875288304 +942 31 5 891283517 +385 504 4 879442360 +456 580 4 881374767 +10 238 4 877892276 +695 268 5 888805864 +711 66 4 879994801 +396 472 5 884646647 +682 184 4 888519307 +943 549 1 888639772 +880 625 4 880242933 +660 231 2 891357371 +429 469 4 882386751 +716 218 3 879796766 +500 443 4 883873679 +878 197 4 880866971 +85 204 4 879828821 +355 682 4 879485523 +527 234 5 879455706 +200 176 5 884129627 +717 333 4 884641681 +762 955 5 878719551 +554 1046 4 876550526 +934 1037 1 891197344 +864 471 5 888888862 +815 434 3 878696619 +927 1089 5 879177457 +788 68 3 880869819 +847 211 4 878940383 +548 233 5 891044596 +186 55 4 879023556 +921 422 3 879380957 +900 124 4 877832837 +771 181 4 880659653 +796 12 5 892662483 +77 121 2 884733261 +894 107 3 880993709 +777 202 5 875980669 +109 144 4 880572560 +588 755 3 890025797 +747 1631 3 888638957 +826 554 4 885690749 +368 448 3 889783365 +655 942 4 888685850 +684 66 4 878762033 +850 71 5 883195118 +889 248 4 880176984 +618 470 3 891308615 +606 204 4 880924384 +215 208 4 891436202 +766 234 4 891309558 +552 237 4 879221617 +711 566 2 879995259 +551 1304 1 892783942 +279 805 3 879573022 +314 173 1 877889359 +922 568 3 891450524 +940 549 2 885921915 +643 474 5 891446955 +456 747 4 881374331 +440 57 5 891577949 +6 464 2 883601365 +127 50 4 884364866 +587 333 4 892871031 +624 293 4 879792623 +705 625 5 883427691 +854 744 2 882812787 +716 662 3 879794962 +372 326 4 876869330 +537 328 2 886029083 +710 185 4 882064321 +690 1118 1 881177459 +606 257 5 880922503 +561 762 3 885809654 +667 357 5 891034767 +599 1278 5 880952185 +659 234 4 891384798 +655 6 4 887425812 +805 209 4 881684202 +690 240 1 881179469 +905 475 3 884984329 +751 144 4 889133219 +629 196 4 880117062 +389 182 5 879991175 +360 257 4 880354515 +912 602 5 875965981 +897 385 3 879990622 +940 474 3 885921687 +766 747 5 891310210 +666 405 2 880313662 +468 584 4 875288771 +500 31 4 883875092 +622 721 4 882670610 +924 277 3 889286765 +663 318 4 889493576 +843 1480 2 879449377 +601 318 4 876348572 +524 230 3 884636907 +764 673 4 876246504 +774 412 3 888558924 +198 71 3 884208419 +625 204 3 891999874 +900 480 4 877833603 +620 323 5 889986580 +924 228 4 886327826 +673 345 4 888787396 +757 515 5 888444007 +794 127 5 891035117 +370 650 5 879435369 +901 1620 5 877126743 +259 294 3 881641699 +119 458 5 874774575 +708 1152 5 892719143 +655 912 3 891817522 +905 313 4 884982870 +665 154 3 884294025 +881 506 4 876539020 +419 212 1 879435749 +896 275 4 887158713 +894 751 3 885427971 +682 559 4 888522837 +537 286 3 886028498 +521 290 3 884477262 +643 179 4 891447901 +903 281 4 891031677 +49 301 3 888065640 +707 305 5 879439188 +240 340 4 885775710 +746 62 3 885075434 +331 467 3 877196702 +7 427 5 891352220 +634 515 4 877018346 +13 424 1 882397068 +429 506 4 882386711 +641 64 4 879370337 +749 1139 3 878850084 +891 717 4 883489728 +698 131 4 886366955 +886 803 2 876033015 +881 523 4 876537825 +286 189 3 877533296 +709 546 4 879848475 +637 685 3 882904829 +537 72 1 886031966 +453 750 4 888201942 +838 168 5 887066678 +777 204 5 875980670 +537 140 2 886032001 +899 410 1 884122535 +918 170 4 891987205 +666 1013 3 880314029 +730 873 2 880310035 +712 94 4 874957005 +899 188 2 884121720 +429 111 2 882386532 +308 550 4 887738847 +568 199 3 877906935 +429 167 3 882386629 +655 31 3 887523200 +911 203 4 892841196 +654 689 3 887863194 +831 748 2 891354297 +661 258 4 876012997 +73 197 5 888625934 +875 481 5 876465370 +447 200 3 878855963 +506 836 4 874875062 +689 475 4 876676334 +902 176 5 879465834 +458 302 5 886394314 +605 215 3 879426163 +559 70 3 891035917 +450 345 2 884906309 +640 55 5 874777765 +402 95 5 876267235 +336 294 4 877759103 +856 688 2 891489666 +934 629 4 891191334 +933 52 3 874854161 +716 136 5 879795790 +43 102 4 875981483 +896 302 2 887157234 +923 3 4 880387707 +438 281 4 879868494 +354 185 3 891218068 +46 93 4 883616218 +881 121 5 876536391 +630 123 4 885668203 +922 94 3 891449333 +437 203 1 880140978 +792 544 4 877910822 +79 10 5 891271901 +875 172 4 876465072 +788 503 4 880869984 +903 649 4 891033628 +903 412 2 891032077 +847 161 2 878940830 +443 748 4 883505171 +909 1121 5 891920703 +374 55 2 880394929 +923 117 4 880387598 +684 217 2 875811965 +461 575 2 885355930 +833 68 4 875224515 +588 1091 4 890027865 +526 100 5 885682448 +655 1113 3 887427810 +543 212 4 875659175 +13 184 1 882397011 +699 9 2 878882133 +880 87 4 880241913 +796 483 5 892663044 +864 658 2 888890690 +798 491 4 875743196 +487 385 4 883530454 +887 1033 4 881379295 +387 521 3 886483906 +909 509 5 891920211 +151 418 3 879525002 +732 322 3 882590201 +919 471 3 875289638 +385 234 1 879445493 +263 196 4 891298164 +84 70 5 883452906 +271 97 5 885848736 +758 479 5 881975539 +833 96 5 875132134 +601 173 5 876348736 +709 672 2 879848239 +795 768 3 883252985 +655 1356 3 887426059 +606 202 4 880924921 +860 286 4 874967063 +901 578 3 877131961 +870 385 3 879714159 +524 515 4 884637409 +660 657 2 891199579 +303 236 4 879468274 +934 88 4 891194866 +141 1280 1 887424890 +716 660 4 879796718 +627 289 2 879530899 +940 4 2 885922040 +643 629 3 891450168 +714 1028 4 892777877 +913 656 3 881726004 +666 127 5 880139180 +265 284 4 875320689 +327 305 5 887820828 +194 125 2 879548026 +94 238 5 891721168 +682 941 4 888518035 +677 151 4 889399431 +588 239 5 890025704 +249 195 4 879572911 +716 174 5 879795025 +889 178 5 880178078 +894 45 4 882404250 +538 172 4 877107765 +845 346 3 885409493 +880 1478 3 880242547 +804 64 5 879442001 +62 217 2 879376387 +729 313 3 893286638 +291 64 5 874867994 +642 51 5 886132172 +919 741 3 875288805 +532 918 4 893013954 +394 940 3 881059103 +796 724 2 893047241 +719 456 1 879373729 +684 265 4 878759435 +697 127 5 882622481 +807 624 3 892530705 +682 405 2 888522456 +790 926 2 884462598 +897 71 5 879991566 +717 685 4 884642581 +59 515 4 888204430 +72 518 4 880036824 +276 179 5 874791102 +450 741 3 882376282 +221 246 5 875244457 +286 455 1 889652378 +807 63 5 892531504 +600 182 4 888451750 +916 298 3 880843334 +389 135 2 879990996 +121 257 5 891390014 +645 191 5 892053644 +622 248 4 882590420 +716 428 3 879795838 +634 15 4 875729436 +913 183 4 880757553 +503 496 5 880472474 +889 652 5 880180784 +761 275 4 876190130 +863 306 5 889289570 +940 317 4 885921577 +751 399 3 889298912 +798 377 3 875639061 +255 840 1 883216958 +64 463 4 889739212 +938 595 2 891357042 +373 528 3 877104115 +558 744 4 879436027 +871 258 5 888192970 +474 222 4 887915479 +694 657 4 875728952 +593 949 2 875672949 +879 127 5 887761249 +483 50 5 878953485 +576 294 3 886960098 +940 751 3 884801227 +674 751 3 887762398 +645 172 4 892054537 +663 696 3 889492877 +634 933 3 877017951 +668 367 5 881605587 +800 751 4 887646980 +839 50 5 875751930 +544 294 2 884795581 +186 294 3 879024099 +881 175 2 876537418 +650 493 4 891369554 +454 471 3 881960445 +698 25 2 886367917 +662 13 4 880570265 +670 484 5 877975391 +272 174 5 879455043 +37 578 3 880916010 +552 100 4 879221716 +324 286 5 880574766 +183 449 2 891463592 +695 903 4 888806082 +711 381 5 879994749 +911 102 3 892840889 +216 496 5 880233635 +747 269 4 888638183 +934 208 5 891191258 +127 690 1 884363851 +506 710 5 874874151 +517 237 1 892659923 +721 84 3 877147675 +291 1489 2 875086766 +268 61 4 875309282 +738 260 2 875348571 +682 183 3 888520638 +887 699 1 881379566 +883 342 4 891692116 +669 269 3 891517159 +866 302 2 891220955 +735 277 3 876698604 +664 1098 3 876526152 +655 657 3 891585504 +494 845 4 879541429 +207 208 4 878191679 +210 1 5 887731052 +868 56 3 877107143 +453 273 4 877552678 +592 410 5 882608402 +919 144 4 875373889 +13 174 4 882139829 +927 560 2 879191978 +933 179 5 874854135 +530 443 4 883790943 +697 1089 3 882621958 +727 66 3 883712068 +632 64 5 879457525 +299 642 4 877881276 +807 96 3 892528564 +863 1243 4 889289277 +303 783 2 879543756 +663 173 3 889493818 +712 230 3 874730467 +842 754 1 891218251 +889 185 4 880180266 +897 435 3 879991069 +397 58 5 885349202 +807 968 4 892530498 +887 1051 4 881378773 +203 237 3 880434411 +655 1380 4 887425625 +835 272 4 891035309 +883 45 5 891695570 +671 210 5 884035892 +148 969 4 877398513 +709 79 3 879846440 +629 234 4 880117215 +652 286 3 882567012 +823 660 5 878438435 +893 1215 3 874829287 +110 1055 2 886988134 +542 952 4 886533193 +276 407 2 874792310 +343 13 5 876402894 +816 349 4 891711554 +912 318 4 875966385 +846 505 5 883948343 +871 435 3 888193336 +608 286 4 880402272 +240 307 4 885775683 +717 250 1 884715146 +297 248 3 874954814 +823 218 4 878438232 +560 249 5 879976247 +588 107 5 890030781 +499 915 4 892501128 +246 155 1 884923687 +727 393 3 883712397 +453 797 1 888206339 +503 823 2 879438817 +591 1041 2 891031644 +796 775 2 893047691 +607 435 3 883879473 +637 1028 3 882905182 +413 307 2 879968794 +587 315 4 892870956 +726 117 1 890080144 +912 197 5 875966429 +846 1035 4 883949771 +774 550 2 888557277 +569 7 4 879793909 +899 385 3 884121612 +234 686 3 892334976 +445 274 2 891200164 +215 172 4 891435394 +761 358 3 876189689 +896 1217 2 887160446 +943 181 4 875409978 +653 248 3 884405730 +764 95 5 876246475 +189 157 4 893265865 +764 591 3 876243572 +697 284 5 882622581 +788 427 2 880868316 +758 968 5 881976746 +125 168 5 879454793 +934 709 3 891196314 +90 192 4 891384959 +690 294 3 881177237 +656 896 5 892318842 +451 261 2 879012647 +892 501 3 886611023 +923 281 4 880387875 +822 1110 4 891036395 +833 56 4 875122716 +642 318 2 885602369 +287 222 5 875334224 +557 875 4 881179291 +503 269 5 879438024 +671 679 3 884036050 +916 427 4 880844654 +500 483 4 883874039 +807 174 5 892528866 +213 831 4 878871062 +247 340 3 893081396 +938 105 1 891357137 +931 1022 1 891036003 +750 304 4 879446013 +479 273 4 879459909 +18 100 5 880130065 +889 1195 3 880182317 +156 655 3 888185677 +622 8 4 882592421 +314 1053 5 877891490 +809 258 3 891036903 +883 399 5 891696999 +235 66 2 889655266 +796 301 1 892611903 +682 210 4 888522326 +639 661 4 891239155 +771 768 4 880659867 +671 176 2 883546120 +750 876 2 879446014 +330 376 4 876547378 +280 112 3 891702485 +808 286 4 883949560 +167 1200 4 892738384 +846 427 4 883948948 +495 185 5 888633042 +435 76 3 884131328 +889 154 4 880180612 +892 100 5 886607642 +374 443 5 880937735 +622 665 2 882671769 +576 255 3 887081086 +864 1016 4 877214125 +815 616 1 878697189 +772 323 4 876250551 +901 234 4 877287882 +406 88 2 880131608 +712 38 4 874730553 +451 878 1 879012811 +708 127 3 877325213 +894 307 3 880415834 +337 25 3 875184963 +943 412 2 875501856 +189 8 5 893265710 +559 661 3 891034040 +918 737 3 891988123 +916 2 3 880845391 +545 431 3 879899472 +405 59 1 885549507 +537 174 3 886030622 +114 153 3 881309622 +878 70 3 880868035 +804 180 4 879442348 +501 979 3 883348308 +749 584 3 878848483 +738 408 5 875349584 +366 637 5 888858078 +639 382 2 891239913 +666 1154 3 880567658 +450 118 3 882395166 +371 127 4 877487052 +591 216 4 891031426 +542 393 3 886533142 +437 94 4 881001436 +645 960 4 892054278 +855 86 2 879825462 +842 751 4 891218192 +558 275 4 879435896 +874 191 4 888633311 +916 317 4 880845098 +694 630 3 875728912 +865 111 1 880144123 +119 124 4 874781994 +796 178 3 892662223 +932 234 3 891250060 +663 56 5 889493502 +297 181 4 875410178 +748 328 4 879454208 +746 281 3 885075434 +660 266 2 891197639 +92 118 2 875640512 +393 249 3 887744373 +2 304 4 888979197 +887 763 5 881378087 +655 1107 4 888813272 +85 921 3 879827989 +759 222 5 881476922 +505 584 4 889334067 +7 31 4 892134959 +26 293 3 891371369 +532 352 3 886585109 +450 386 4 882397049 +472 1139 5 875983231 +698 143 3 886367530 +625 283 3 891629673 +641 30 4 879370365 +708 278 4 877325956 +939 121 5 880261373 +807 416 3 892528771 +707 648 4 886285824 +150 123 4 878746852 +922 173 5 891448040 +896 86 1 887159926 +481 580 4 885829153 +910 289 3 881420491 +281 323 3 881200789 +658 471 4 875145879 +915 328 2 891031450 +886 663 4 876032823 +724 683 1 883757834 +815 69 4 878694106 +854 597 2 882813143 +724 333 4 883757670 +303 97 5 879468459 +554 15 4 876231964 +805 1054 3 881705637 +849 633 5 879695420 +532 87 5 892866230 +324 310 4 880574827 +670 175 2 877975448 +835 97 5 891033501 +738 200 3 875350086 +634 285 4 875728872 +711 1168 4 879995753 +185 703 4 883524172 +880 124 5 880166847 +722 100 4 891280894 +577 174 5 880475043 +894 327 4 881625708 +374 278 2 880393754 +119 64 4 874781460 +885 383 2 885713939 +682 111 3 888521740 +924 121 4 886760071 +184 1101 4 889909515 +710 419 4 882063766 +864 38 3 888891628 +716 222 4 879793192 +796 451 5 893047167 +878 116 2 880869638 +637 13 1 882904458 +773 1071 2 888539662 +823 198 4 878439065 +581 222 3 879641698 +342 149 5 874984788 +840 132 4 891204356 +409 289 1 881105077 +498 134 3 881956498 +200 812 4 884130621 +796 516 4 893048115 +699 15 1 878882511 +788 591 3 880869469 +898 242 4 888294441 +686 11 4 879546083 +240 748 3 885775831 +848 25 5 887046890 +927 780 1 879195783 +417 49 3 880951737 +1 149 2 878542791 +291 195 4 874835165 +814 218 3 885411030 +883 134 5 891754950 +825 181 4 880756224 +587 258 4 892871069 +70 91 3 884068138 +72 58 4 880036638 +181 871 2 878963168 +632 196 3 879457064 +625 294 3 891536483 +76 182 4 882606392 +618 568 4 891309409 +936 181 4 886832596 +268 475 4 875306644 +417 180 5 879647604 +942 969 4 891282817 +805 288 1 881695244 +43 845 5 883955547 +932 380 4 891250498 +718 831 3 883349663 +364 687 1 875931561 +249 408 5 879572540 +751 367 4 889133950 +885 189 5 885714820 +749 141 4 878848217 +447 79 3 878856110 +314 419 4 877889039 +896 732 4 887159674 +773 265 2 888540146 +628 258 5 880777167 +675 286 4 889488431 +727 268 4 883708087 +452 945 4 888323595 +660 174 4 891199293 +222 734 2 881060735 +831 83 4 891354848 +936 333 3 886831415 +805 94 1 881705412 +894 748 3 879896233 +770 15 5 875971902 +733 286 4 879535471 +790 50 4 884461387 +248 806 3 884534772 +828 510 3 891037231 +655 1646 3 891913577 +690 238 5 881177302 +460 321 3 882910510 +632 1183 2 879458142 +514 306 4 876672606 +773 121 2 888540163 +735 676 3 876698837 +15 283 4 879455505 +707 347 5 886285277 +646 908 3 888529054 +268 51 3 875745202 +943 184 5 888639247 +798 781 2 875639061 +872 763 3 888479405 +13 619 3 886952245 +693 97 5 875482604 +417 713 2 879646052 +634 1049 2 877018004 +94 746 4 891721716 +498 234 4 881957625 +747 663 5 888733111 +661 64 4 876014060 +487 67 3 884050247 +666 640 4 880314477 +36 261 5 882157581 +896 721 4 887160465 +813 898 1 883752264 +681 990 4 885409770 +407 491 4 875550328 +800 292 5 887646979 +741 692 1 891019587 +892 291 4 886607744 +312 50 5 891698300 +203 879 4 880433474 +801 354 4 890332645 +416 311 3 886314877 +292 282 4 881104661 +655 874 4 888984255 +514 12 5 875318263 +786 71 5 882843786 +851 619 4 875730629 +62 207 3 879375676 +665 418 4 884294611 +60 654 4 883326399 +896 230 4 887161728 +854 511 4 882814298 +347 249 5 881652683 +867 183 3 880078863 +719 64 5 879360442 +764 117 5 876244991 +342 88 1 875320644 +246 651 4 884921638 +870 195 4 875050602 +896 226 3 887160270 +162 122 2 877636300 +666 499 4 880139562 +933 451 1 874938507 +253 699 4 891628630 +942 131 5 891283094 +892 172 5 886607743 +592 15 5 882608457 +472 252 4 875978191 +649 181 4 891440309 +790 298 5 884461849 +18 418 3 880130515 +472 678 4 883904118 +834 294 3 890860159 +239 12 5 889178729 +807 526 5 892530061 +401 678 3 891031936 +666 310 5 880313163 +715 158 2 875965035 +934 121 3 891189819 +883 506 5 891754950 +934 771 3 891196950 +724 328 4 883757727 +743 276 5 881277855 +552 323 2 879221267 +684 756 4 875811455 +660 1 3 891406276 +927 230 5 879199250 +624 845 3 879793129 +916 22 4 880844627 +35 266 3 875458941 +327 168 4 887820828 +870 28 4 875680258 +554 179 3 876369785 +537 428 4 886031506 +620 1503 4 889988196 +663 9 2 889492435 +457 956 4 882548214 +888 286 5 879364981 +356 258 5 891406040 +862 228 5 879305097 +275 229 3 876198296 +478 946 2 889396917 +825 245 5 882109193 +684 8 5 878761120 +880 678 3 880166662 +817 327 4 874815593 +692 208 4 876953340 +121 50 5 891390014 +671 686 3 884036365 +648 62 5 884882916 +785 183 5 879439232 +721 582 3 877140490 +888 762 5 879365497 +401 490 3 891033250 +8 336 3 879361664 +934 210 4 891191206 +463 866 3 877385862 +727 227 4 883710974 +664 321 3 876526179 +323 847 3 878739225 +770 326 4 876598016 +693 521 5 875482092 +201 566 3 884112352 +883 372 3 891694544 +774 204 3 888556316 +564 298 3 888730534 +833 249 1 875133458 +707 618 3 886288282 +330 989 5 876543930 +739 318 4 886958831 +847 153 4 878941496 +586 183 4 884059196 +655 1084 3 888813272 +698 1 4 886366815 +435 39 3 884131822 +501 100 4 883347799 +657 111 5 884239368 +578 298 4 888957584 +743 302 5 881277267 +711 265 2 879994536 +877 176 5 882678484 +648 7 3 882211109 +770 328 3 875971736 +642 173 5 885602314 +798 1066 2 876175427 +537 39 2 886031407 +823 83 3 878438024 +906 307 3 879434378 +788 554 3 880870257 +730 100 5 880310371 +130 928 4 876251287 +193 182 4 890860290 +670 969 2 877975070 +919 193 2 875373471 +932 498 5 891250363 +387 239 1 886483970 +741 239 2 891456040 +416 179 2 876699578 +94 357 5 891720921 +666 213 4 880139120 +825 250 5 880755693 +435 420 4 884132561 +796 554 2 893048713 +322 507 4 887314119 +932 515 4 891249373 +880 815 4 893028814 +707 527 5 880061699 +872 925 4 888479654 +478 283 4 889388137 +913 273 3 881037670 +499 173 5 885599307 +666 98 4 880139381 +13 774 1 882396913 +486 515 5 879874417 +636 10 5 891449123 +757 665 3 888466652 +580 866 4 884125856 +916 4 4 880844395 +889 435 4 880179536 +757 257 4 888444400 +848 65 2 887038527 +731 283 4 886182367 +669 323 1 891182792 +388 672 4 886441083 +269 202 2 891450405 +90 209 5 891383173 +927 67 4 879190473 +934 675 4 891192285 +848 133 4 887047308 +924 742 3 886065661 +460 137 5 882912418 +677 243 3 889399113 +896 542 3 887160677 +592 58 5 882956388 +683 271 3 893284183 +472 67 4 892790628 +943 655 4 888639269 +820 313 5 887954934 +882 1060 3 879862652 +784 333 4 891387501 +66 535 4 883602044 +539 306 4 879787770 +394 202 5 880888245 +943 96 4 888638920 +807 133 5 892705060 +21 619 2 874951416 +436 840 3 887771997 +143 288 5 888407586 +782 691 3 891498079 +645 258 3 892051708 +709 402 3 879849185 +924 173 5 885458060 +898 286 2 888294408 +648 1033 2 882212288 +682 86 2 888518206 +44 625 3 878348691 +938 1012 5 891356500 +821 161 4 874793898 +864 181 5 888887984 +921 1034 3 879380457 +935 121 4 884472434 +346 88 4 874949380 +833 1118 3 875133924 +645 208 5 892054797 +176 458 4 886048305 +391 187 4 877399030 +598 690 3 886710735 +739 465 1 886959039 +727 546 2 883709607 +409 705 2 881109175 +179 538 4 892151231 +733 742 3 879535502 +57 988 4 883696785 +708 258 5 892719007 +269 1103 5 891447773 +654 269 4 889451420 +886 1435 3 876034174 +661 304 2 886829961 +474 1286 2 887927670 +23 154 3 874785552 +682 820 3 888523323 +892 403 3 886610372 +389 603 5 880086943 +942 500 5 891282816 +910 508 4 880821349 +524 311 4 884287428 +655 514 5 887650683 +682 738 3 888522021 +868 214 3 877106470 +650 620 2 891383977 +932 1451 5 891249675 +500 16 4 883865462 +843 1118 2 879448112 +537 517 4 886031341 +943 373 3 888640275 +605 619 4 880762205 +880 421 2 880243204 +560 151 3 879976542 +653 1183 1 880153329 +887 318 5 881379649 +880 689 4 880166577 +921 755 4 884673910 +877 70 5 882677012 +911 835 3 892838405 +153 568 4 881371140 +932 161 3 891251507 +872 977 3 888479737 +653 161 4 878854247 +707 381 3 886286457 +885 237 5 885715151 +888 137 4 879365104 +422 302 3 877162650 +138 14 3 879022730 +770 1012 5 875972730 +463 1009 3 877386047 +727 665 3 883713257 +763 222 5 878918406 +848 501 3 887048073 +878 481 5 880870854 +942 479 4 891283118 +497 231 3 879310883 +650 1215 3 891381850 +730 237 3 880310233 +398 96 4 875716709 +542 181 4 886532359 +717 299 4 884641743 +363 1067 3 891496849 +581 475 4 879641850 +884 475 4 876858914 +417 743 2 880953053 +611 680 4 891636125 +532 22 5 892867296 +910 414 4 881421332 +674 313 5 887762296 +899 934 3 884120603 +630 535 4 885667624 +796 281 4 893194929 +776 866 3 892313273 +892 88 4 886609884 +659 70 4 891383412 +713 882 3 888881988 +883 55 4 891696864 +703 322 3 875242336 +707 317 3 886286433 +659 315 3 891044991 +676 750 4 892685252 +268 176 5 875309998 +57 323 3 883696709 +690 208 5 881177302 +845 909 4 885409789 +913 210 2 880826706 +251 79 5 886271733 +916 135 4 880844552 +457 676 3 882395400 +880 21 2 880174961 +916 50 5 880843436 +728 116 4 879443291 +812 245 2 877625367 +911 240 1 892840297 +643 159 3 891449345 +286 250 4 876521887 +405 26 3 885545552 +679 322 3 884312763 +650 391 2 891382877 +405 1041 5 885547447 +659 708 3 891386641 +774 447 1 888557715 +332 678 4 887916284 +531 898 5 887049081 +455 550 4 879112700 +830 265 5 891561607 +934 179 2 891191600 +754 237 3 879451805 +524 82 4 884636583 +843 69 3 879446476 +274 1051 4 878945763 +25 121 4 885853030 +452 179 5 875265368 +919 246 3 875288523 +522 480 5 876961076 +613 435 5 891227299 +882 416 4 879879868 +734 487 4 891025498 +474 479 5 887923972 +712 1503 4 874730235 +823 173 5 878438148 +715 28 5 875963242 +393 125 4 887744239 +317 260 4 891446887 +597 151 4 875342314 +919 717 3 875288805 +697 975 1 882622044 +13 49 4 882399419 +883 1115 4 891692765 +526 273 2 885682562 +889 226 2 880182016 +883 65 4 891717319 +553 506 4 879948655 +486 408 3 879874481 +85 1113 2 879454981 +608 735 4 880406799 +894 311 4 880993317 +210 174 5 887736045 +606 475 4 878143785 +318 275 4 884470718 +815 614 3 878695964 +707 638 4 886286361 +497 1046 3 879362041 +894 1379 4 879896673 +744 9 3 881170416 +918 64 4 891987025 +790 51 3 885156193 +860 311 4 882120528 +872 350 3 888478840 +693 191 2 875482136 +769 235 3 885424186 +233 70 5 879147810 +749 740 3 878847716 +660 742 2 891198312 +611 288 3 891636073 +234 641 4 892078297 +751 382 3 889298463 +932 489 4 891249710 +684 483 5 878576905 +59 1074 4 888206409 +877 582 2 882677280 +804 123 4 879443645 +551 209 5 892777123 +313 232 3 891014957 +883 89 5 891696864 +942 172 5 891282963 +886 1231 3 876033828 +938 300 3 891350008 +287 64 5 875336775 +712 417 4 874729750 +207 597 3 876018471 +669 482 4 892550170 +795 588 5 880587862 +389 1121 4 879991485 +805 806 4 881698175 +406 513 5 879445378 +151 427 5 879524108 +795 257 3 881252002 +747 1134 5 888732609 +201 1398 4 884140079 +342 1012 4 874984639 +660 238 3 891200340 +853 332 3 879364822 +883 770 4 891696957 +215 54 4 891436607 +553 528 3 879949180 +101 866 4 877137015 +551 1253 2 892784629 +303 993 2 879544576 +303 514 5 879466667 +811 307 4 886377248 +932 1050 4 891251015 +684 411 3 875811455 +650 133 4 891381546 +713 750 3 888881939 +314 949 4 877890428 +737 474 5 884314740 +704 173 4 891397058 +692 411 4 876954021 +862 597 3 879303697 +159 591 4 880557060 +758 91 4 881977375 +731 482 3 886184770 +933 209 2 874854678 +588 380 3 890028987 +806 521 3 882387595 +561 470 3 885809872 +332 769 3 888360532 +567 657 5 882425762 +889 71 3 880180849 +269 717 1 891456493 +931 312 4 891036105 +894 471 4 880416314 +846 69 5 883947500 +622 1060 3 882671160 +718 685 4 883349301 +805 195 3 881694693 +474 423 5 887924425 +458 845 3 886394527 +472 421 5 875982200 +97 173 3 884238728 +42 111 1 881105931 +489 299 2 891447522 +408 272 4 889679683 +858 690 3 879459087 +436 925 4 887770507 +838 128 4 887066724 +889 150 5 880176984 +435 472 2 884133466 +894 275 4 882404137 +494 181 4 879541298 +703 123 4 875242787 +435 501 3 884132266 +334 761 2 891549718 +326 520 5 879875151 +805 568 3 881694854 +26 751 4 891347477 +896 497 3 887158332 +532 549 5 888637085 +379 94 5 883156810 +314 756 3 877886641 +926 300 3 888351623 +889 734 3 880182815 +577 768 3 880474787 +557 246 5 880485693 +737 11 3 884314903 +481 663 4 885828297 +823 69 5 878438095 +504 364 2 887912382 +44 328 4 878340848 +716 432 5 879795269 +601 325 4 876346551 +496 559 5 876068153 +14 654 4 890881294 +870 79 4 879270313 +200 470 4 884129782 +721 991 3 877137214 +659 479 5 891383412 +176 340 5 886046979 +553 81 3 879948732 +893 411 3 874829056 +731 66 4 886184577 +573 179 4 885844091 +738 659 4 875350804 +402 228 3 876267173 +664 53 3 876526580 +716 208 5 879795790 +877 203 4 882678427 +821 56 5 874793847 +833 177 5 875123299 +883 86 3 891693086 +288 199 4 886629592 +909 682 3 891920763 +721 678 3 877137527 +882 684 3 879877026 +721 423 5 877141373 +902 294 2 879463212 +891 25 5 891638734 +835 294 3 891032356 +670 603 5 877974465 +453 120 1 877553678 +878 517 4 880866687 +918 638 4 891987267 +8 510 4 879362233 +224 991 1 888082277 +379 181 4 880525368 +567 527 3 882426673 +876 276 4 879428354 +932 428 4 891251105 +653 581 1 880152819 +301 69 5 882076682 +798 1469 3 876175427 +573 286 3 885843476 +711 736 5 879993871 +409 538 3 881104756 +496 721 5 876067215 +56 225 2 892910292 +679 50 5 884486758 +862 173 5 879304484 +191 315 5 891560253 +909 165 5 891920233 +314 1217 2 877891638 +690 202 2 881177349 +698 499 3 886366515 +648 205 3 884628607 +868 233 2 877109566 +116 56 5 886310197 +889 327 3 880176620 +425 92 5 878738335 +719 285 4 877917156 +731 207 4 886182827 +524 708 4 884636645 +286 274 2 876521917 +553 498 4 879949042 +913 302 4 880794297 +429 596 3 882385808 +90 1192 5 891384673 +291 223 5 874867912 +479 137 4 889125448 +897 205 3 879990556 +341 299 5 890757745 +676 687 1 892685803 +405 209 3 885547124 +345 38 2 884993830 +637 246 2 882903447 +295 461 5 879966498 +130 419 5 876251515 +270 234 5 876955976 +655 411 3 887650512 +514 24 3 875463164 +726 323 3 889828641 +487 720 4 884036466 +721 660 5 877147616 +763 1101 3 878918486 +432 827 3 889416570 +925 299 3 884717478 +425 1416 3 878738695 +748 234 4 879454475 +914 692 3 887122324 +416 302 5 893214127 +712 588 4 874956515 +918 213 5 891988054 +291 27 3 874835024 +285 183 4 890595859 +751 558 3 889298216 +387 175 5 886479771 +650 506 3 891385508 +665 98 4 884293569 +425 294 2 878737512 +222 17 2 878183079 +1 43 4 878542869 +716 185 5 879796046 +828 275 3 891035614 +405 856 1 885546287 +178 993 5 882824592 +822 25 3 891039543 +592 1022 5 885280183 +535 86 4 879618385 +668 50 5 881605642 +666 194 3 880139348 +943 127 5 875501774 +865 294 4 880235263 +926 288 3 888636202 +121 12 5 891390014 +707 882 4 879439382 +896 411 2 887160842 +799 174 5 879254026 +851 125 4 875730826 +503 223 5 880472362 +625 751 4 891536426 +880 435 4 880167778 +880 1013 3 880167355 +697 815 3 882622430 +334 187 4 891547107 +843 185 3 879443341 +870 186 4 875680186 +567 178 4 882425820 +41 194 3 890687242 +666 7 4 880313329 +231 866 3 879965961 +643 197 4 891446983 +586 288 4 884057861 +862 462 4 879304624 +918 606 4 891987132 +155 306 5 879371121 +660 746 4 891199478 +213 627 4 878955680 +291 785 4 875086308 +696 1126 3 886404617 +708 546 3 877325601 +866 887 3 891221165 +298 9 4 884126202 +474 487 4 887923972 +286 123 5 876521586 +902 480 5 879465711 +653 167 2 880153429 +263 434 4 891299514 +788 1112 3 880870428 +854 49 4 882814665 +773 154 5 888539471 +891 1028 3 883489521 +889 271 3 880176573 +229 316 1 891632347 +715 222 3 875962227 +710 135 5 882064041 +325 176 3 891478455 +802 299 4 875986155 +379 1075 3 888044628 +918 16 4 891988560 +269 65 4 891448072 +497 394 3 878759862 +933 80 2 874938689 +405 241 1 885547909 +627 665 3 879531459 +698 257 3 886366141 +878 99 4 880870130 +452 481 5 885544110 +634 109 4 877017810 +718 750 3 883449953 +927 125 4 879177298 +433 457 1 880585554 +793 129 4 875104067 +804 1210 2 879447476 +880 100 5 880166966 +720 262 4 891262608 +43 4 4 875981421 +922 50 5 891447447 +937 224 4 876769480 +569 325 1 879793149 +703 300 4 875242077 +496 651 2 876065610 +805 719 4 881705389 +776 479 4 891813013 +303 997 2 879544219 +716 399 3 879797414 +188 455 4 875075432 +892 588 5 886607879 +308 546 3 887740500 +724 893 3 883757874 +751 111 3 889132657 +459 455 2 879563392 +722 628 4 891280894 +864 191 4 888887869 +533 215 4 879438941 +484 22 5 891194841 +810 269 5 891293811 +557 176 4 880486028 +720 310 4 891262762 +524 796 3 884636958 +740 302 5 879523187 +736 127 4 878709365 +719 88 3 888454637 +641 134 5 879370062 +691 500 3 875543068 +210 302 5 890059415 +927 739 3 879191360 +687 313 5 884651420 +938 873 3 891356085 +601 168 5 876350944 +870 949 3 881001249 +77 156 4 884733621 +885 451 2 885713716 +378 531 4 880045520 +829 124 4 892312784 +749 357 4 878847862 +655 863 3 887473995 +303 83 5 879467607 +81 116 3 876533504 +92 707 4 875653162 +421 98 5 892241458 +426 143 3 879444852 +523 732 4 883702125 +902 181 3 879464783 +325 616 4 891477924 +698 404 1 886368545 +491 23 2 891189306 +62 167 2 879376727 +587 289 3 892871113 +268 713 4 875742365 +758 488 3 881976262 +301 117 5 882074584 +474 609 4 887927509 +249 223 4 879572370 +154 187 5 879139096 +708 111 4 877325570 +709 209 3 879846332 +363 12 5 891495070 +620 243 3 889986676 +815 252 2 884267891 +897 133 4 879991037 +90 656 5 891385132 +941 181 5 875048887 +716 1016 3 879794032 +806 168 4 882387595 +54 823 2 880938088 +826 1222 3 885690819 +486 685 3 879875188 +889 546 4 880177435 +747 845 2 888640046 +655 742 3 888813272 +932 175 4 891250449 +497 29 4 879362569 +271 9 4 885847738 +894 1381 3 880993766 +705 62 5 883428178 +214 253 5 892668173 +843 53 2 879443442 +847 99 2 878940013 +699 288 3 878881675 +885 278 3 885715468 +764 1 4 876244181 +239 633 5 889180040 +889 95 4 880178342 +416 742 4 876697524 +169 199 4 891359353 +749 99 5 878847804 +716 216 5 879795239 +268 273 3 875742470 +128 186 5 879966895 +831 1012 4 891354970 +648 121 5 882211654 +597 688 4 875339132 +902 304 3 879464257 +268 210 3 875310571 +359 930 4 886453402 +890 230 3 882404947 +828 271 2 891035438 +899 283 4 884121424 +130 404 5 875802137 +846 1004 3 883950791 +790 763 3 884462692 +276 902 4 890979199 +379 185 5 880524582 +677 742 4 889399139 +748 132 3 879454998 +747 69 5 888640475 +933 475 2 874853605 +893 172 5 874829883 +290 385 4 880474716 +883 902 4 891691534 +422 859 3 879744218 +870 527 5 875679687 +758 1023 4 880672855 +747 12 4 888639272 +835 423 4 891033857 +830 210 5 891561607 +87 222 4 879875940 +871 345 3 888192859 +497 367 4 879362835 +659 159 4 891386540 +622 98 5 882669449 +524 203 4 884634819 +517 25 2 892659923 +880 111 4 880167132 +561 79 3 885808887 +865 432 1 880235059 +671 455 4 884035775 +533 936 4 889450822 +655 12 3 887427130 +699 619 2 887503290 +924 258 3 884336994 +495 82 5 888632969 +181 1296 1 878962006 +430 235 2 877225727 +173 329 4 877557345 +551 1044 3 892785223 +8 222 5 879362356 +936 547 5 886833795 +8 431 2 879362356 +891 459 5 891638682 +906 10 4 879435339 +363 737 1 891497174 +711 354 3 889910865 +894 900 3 887044070 +537 283 4 886029889 +736 678 1 878709212 +883 229 4 891696930 +407 184 4 875044473 +943 1074 4 888640250 +595 410 4 886921315 +675 1628 5 889489837 +5 367 3 875636281 +519 879 5 883248595 +655 127 5 888474106 +853 327 3 879364955 +666 216 3 880139642 +806 181 2 882384988 +624 321 4 879791962 +666 143 2 880568064 +806 210 5 882387520 +499 143 3 885598961 +749 164 3 878848866 +753 185 3 891401410 +324 339 3 880574827 +734 603 4 891022958 +725 333 5 876106729 +798 1239 4 875915965 +805 1 4 881695527 +535 645 4 879617856 +665 1 4 884290491 +59 434 4 888205574 +429 147 2 882385859 +843 443 4 879443297 +854 274 3 882812906 +463 19 5 877385341 +303 121 3 879485016 +415 136 5 879439684 +724 259 2 883757726 +59 1093 5 888203578 +503 582 5 880383064 +644 250 4 889077463 +825 406 2 889021208 +14 919 4 876964725 +682 196 5 888523581 +537 271 2 886028791 +833 443 3 875124348 +160 458 5 876768025 +653 1207 1 880153329 +479 357 4 889125798 +13 916 4 892870589 +542 12 4 886533774 +924 705 5 885457858 +729 300 4 893286638 +478 195 4 889396509 +868 408 5 877103935 +297 144 3 875238778 +909 289 3 891920763 +804 168 5 879442377 +395 127 5 883765034 +223 873 3 891549111 +363 24 3 891494754 +592 196 5 882955978 +501 294 3 883346694 +747 519 5 888639989 +682 713 3 888517537 +796 859 2 893218622 +412 939 4 879717253 +893 144 4 874830101 +758 430 5 881975503 +697 1047 3 882622228 +778 281 2 890803859 +690 56 4 881177349 +345 238 5 884916495 +666 963 3 880139090 +683 269 3 893282664 +674 289 2 887763151 +891 285 5 891638757 +639 526 4 891239177 +796 307 4 892611799 +871 908 3 888192745 +896 993 4 887235498 +721 245 3 877137527 +916 295 2 880843551 +301 658 3 882076463 +409 923 5 881107410 +702 748 2 885767556 +889 470 4 880180554 +354 747 2 891307069 +13 235 2 882141841 +797 687 2 879439190 +664 83 4 876524869 +632 609 3 879459677 +348 237 4 886523078 +295 546 4 879518780 +846 184 5 883949697 +653 156 4 878854633 +669 132 4 891260519 +756 230 3 874829010 +438 148 5 879868443 +506 79 5 874874054 +758 887 5 882322840 +653 143 3 880150104 +894 535 4 879896920 +638 385 5 876694917 +936 741 4 886832808 +792 926 3 877909798 +807 381 2 892530004 +630 121 4 885666823 +602 880 4 888637925 +476 401 3 883364812 +655 1426 2 888474390 +592 117 5 882608234 +747 93 4 888639685 +665 239 3 884293475 +931 269 3 891035876 +540 333 4 882156617 +727 405 3 883709571 +663 235 2 889492917 +702 258 5 885767306 +528 258 4 886812857 +921 274 4 879379971 +893 246 3 874829968 +896 640 2 887160701 +246 418 3 884921453 +894 923 5 882404278 +645 47 4 892054824 +620 138 5 889988312 +688 307 4 884153505 +497 440 1 879362430 +782 247 1 891499700 +58 1 5 884304483 +543 660 3 875659098 +389 524 5 879991081 +725 322 4 876103762 +334 1020 4 891546181 +833 262 2 875035534 +846 42 5 883948606 +129 300 3 883243934 +221 12 5 875245283 +805 748 2 879971215 +308 273 2 887737084 +936 591 4 886832373 +92 685 3 875640708 +561 473 3 885810428 +419 28 3 879435663 +312 213 5 891699067 +474 323 2 887915020 +847 261 1 878774763 +648 449 3 884882987 +560 264 3 879975231 +385 1118 3 879447047 +638 523 4 876695917 +568 519 3 877907157 +897 33 5 879992310 +795 395 2 883255008 +885 88 4 885713461 +851 228 4 875731776 +880 156 4 880243680 +152 283 4 880148616 +458 433 4 886398289 +880 11 4 880167695 +864 231 3 888891288 +57 477 4 883697655 +455 230 3 879111291 +906 475 3 879435253 +85 405 2 879453018 +682 290 1 888522217 +328 983 3 885049234 +894 1010 4 880993662 +922 257 4 891455049 +694 836 4 875727821 +48 1063 3 879434654 +566 86 4 881649622 +234 837 3 892079434 +756 235 3 874827755 +733 1163 2 879535603 +933 583 3 874854217 +455 82 5 879110818 +168 546 3 884287962 +592 285 5 882607910 +145 449 3 885557699 +500 582 4 883874290 +454 463 2 888267560 +130 123 4 875216112 +618 121 4 891308913 +894 111 3 880416102 +130 291 4 876250932 +184 160 3 889911459 +606 468 4 880923989 +711 655 4 879993605 +727 278 2 883709325 +680 150 5 877075105 +627 187 5 879529855 +934 1449 5 891191976 +288 176 4 886373565 +830 98 5 891462467 +741 699 4 891018400 +896 1134 3 887159950 +913 432 3 881366721 +450 776 4 882468402 +758 38 3 881980408 +545 434 3 884134177 +159 873 2 893256062 +586 184 2 884060807 +747 525 5 888640684 +774 196 3 888556746 +922 471 3 891453501 +235 170 4 889656113 +804 1411 3 879446129 +780 164 4 891363996 +778 54 2 890803859 +793 508 4 875104620 +762 274 4 878719371 +892 50 5 886608802 +815 647 5 878694055 +501 1014 4 883348543 +145 628 2 875270932 +901 140 4 877288179 +741 174 5 891018303 +417 40 3 879649199 +559 205 5 891033805 +838 286 4 887061035 +119 449 5 874782190 +613 576 3 891227204 +537 513 4 886030891 +900 288 2 877832113 +479 474 5 879461279 +545 944 4 879900731 +639 604 4 891240520 +747 190 4 888640305 +880 288 4 880166451 +63 14 4 875747401 +851 977 3 875730533 +882 662 3 879879807 +840 7 4 891203408 +906 7 3 879434846 +864 67 4 888891190 +587 1265 4 892871252 +568 179 2 877906935 +885 151 4 885716221 +514 89 4 875318331 +677 109 1 889399327 +942 878 4 891282702 +357 926 4 878951831 +717 288 1 884641717 +885 386 2 885713680 +851 346 5 884831499 +690 167 2 881177662 +242 294 4 879740082 +385 558 2 879442673 +846 498 4 883947861 +895 13 5 879437950 +727 685 3 883709518 +653 531 5 878854284 +210 168 5 887730342 +565 190 5 891037563 +733 744 4 879535723 +934 436 3 891196610 +911 190 5 892838864 +733 1085 4 879536607 +875 183 5 876465144 +699 10 4 883884599 +896 87 4 887158295 +435 194 4 884131627 +145 742 4 875270616 +848 200 2 887040302 +941 993 4 875048996 +450 519 4 887660820 +660 219 1 891406212 +350 187 5 882347782 +481 88 4 885829153 +406 702 3 879793295 +455 250 3 879109966 +454 285 2 881959917 +846 1066 3 883950568 +698 487 2 886367508 +882 168 5 879867631 +59 193 4 888204465 +919 285 5 875288748 +660 456 1 891198996 +844 260 1 877381312 +840 121 2 891204056 +306 1251 5 876504026 +624 477 3 879793198 +757 153 3 888468995 +735 748 3 876698022 +533 1291 1 879366076 +858 100 3 880932746 +405 99 5 885548785 +428 352 4 885943651 +269 52 4 891447329 +616 879 4 891224864 +664 182 4 876524641 +131 297 4 883681514 +499 525 4 885599660 +766 133 3 891309844 +395 866 3 883766119 +314 1063 5 877887568 +600 511 5 888451492 +828 1466 4 891380166 +650 301 2 891385035 +328 313 4 893195532 +921 227 3 879381051 +835 196 5 891033173 +561 802 1 885810726 +826 176 5 885690600 +744 302 5 881171820 +704 269 4 891397015 +630 213 2 885667994 +44 87 5 878347742 +606 211 5 880926759 +617 656 4 883789386 +59 519 4 888204965 +552 756 2 879221683 +344 408 5 884814532 +751 11 1 889133177 +620 237 4 889987123 +889 121 4 880177308 +374 829 2 885083439 +508 183 5 883767588 +871 17 3 888193275 +682 833 1 888522260 +716 486 5 879795121 +365 1011 3 891304152 +601 294 1 876346515 +883 209 3 891694311 +927 69 4 879183164 +798 378 4 875743858 +727 511 4 883710948 +905 124 4 884983889 +749 291 4 878848137 +686 265 4 879545550 +622 586 3 882671916 +796 879 4 892612031 +865 472 1 880144229 +622 404 3 882670562 +577 472 4 880470570 +160 129 4 876768828 +934 393 2 891193013 +867 186 5 880078937 +507 288 5 889964020 +625 1016 2 891273699 +286 280 4 876522097 +550 596 2 883426119 +802 302 4 875984532 +871 876 3 888192689 +276 428 4 874791870 +644 871 4 889077513 +389 969 4 880086755 +717 298 3 884715172 +799 289 3 879253720 +930 151 2 879534724 +918 443 3 891988248 +756 197 2 874829446 +299 12 5 877880350 +13 826 5 882398385 +655 640 2 888685955 +883 464 5 891717533 +665 151 3 884291017 +788 331 4 880867372 +625 522 3 891968164 +721 406 1 877154989 +199 269 5 883782458 +655 160 3 887427473 +697 257 5 882621913 +693 742 3 875483407 +898 270 4 888294408 +330 403 5 876545417 +605 371 5 879427369 +696 311 5 886404063 +295 402 5 879518820 +807 1133 3 892823295 +254 451 2 886474426 +192 255 2 881367505 +363 751 1 891493772 +452 504 2 875273544 +860 202 4 885990932 +896 291 3 887160795 +361 319 5 879440941 +930 288 1 879534001 +297 357 4 875238922 +451 302 3 879012647 +117 931 3 881010728 +218 514 4 877488316 +860 316 3 889627165 +1 165 5 874965518 +442 218 3 883390048 +655 785 2 887490946 +577 48 5 880474530 +860 333 3 876074177 +794 275 4 891034792 +586 3 5 884068767 +661 210 5 876015530 +569 100 5 879793784 +429 227 2 882385934 +833 381 4 875134016 +877 258 4 882676234 +343 150 4 876402941 +535 707 4 879618809 +715 108 4 875962315 +757 313 3 888443263 +646 751 2 888528870 +910 137 3 880822060 +807 257 4 893084232 +932 172 5 891250472 +758 898 3 883287566 +505 144 3 889333861 +846 570 4 883949698 +718 15 5 883348962 +457 147 5 882395400 +705 183 2 883427988 +681 682 1 885409810 +348 685 4 886523560 +535 265 3 879619144 +692 866 4 876953733 +883 703 3 891693139 +758 154 5 881975267 +431 269 3 877844062 +222 446 3 881060824 +652 96 4 882567356 +303 869 2 879485703 +290 95 4 880474590 +937 242 3 876762200 +429 155 2 882387633 +732 289 3 882590201 +933 196 4 874854932 +904 328 2 879735136 +916 212 5 880844879 +474 608 4 887925187 +721 684 4 877138200 +95 511 4 879196298 +921 892 3 884673402 +591 709 4 891031426 +416 80 2 886317825 +870 384 3 875680597 +716 519 3 879796555 +579 202 5 880952270 +747 507 3 888639890 +741 173 2 891018366 +497 1415 2 879363748 +567 127 5 882426246 +393 121 4 887744419 +329 8 2 891656391 +707 248 4 886285498 +648 452 3 884883679 +853 264 3 879365169 +889 12 5 880177880 +699 124 4 878882667 +826 501 3 885690380 +856 313 5 891489217 +708 118 5 877325545 +674 245 4 887762430 +456 547 3 881371660 +903 333 4 891032653 +767 183 4 891462870 +536 427 5 882359455 +303 147 4 879467816 +374 779 3 880939186 +721 51 4 877141038 +804 284 4 879442732 +643 238 3 891448095 +532 240 3 888629938 +709 7 3 879846440 +943 51 1 888640088 +87 121 5 879875893 +682 195 4 888522418 +773 185 4 888540279 +298 357 5 884181969 +738 2 3 875351530 +610 508 3 888703629 +940 855 5 885921980 +932 154 5 891249994 +429 204 4 882387757 +864 789 4 888886946 +899 483 4 884121572 +45 284 4 881014130 +75 289 1 884049789 +881 375 1 876539387 +640 391 3 874778756 +458 513 4 886396314 +682 1093 3 888522100 +42 1050 3 881107538 +800 294 3 887645970 +716 202 4 879794935 +655 262 5 888474934 +882 21 2 879863909 +500 1311 1 883877467 +883 4 4 891694276 +908 151 3 879722875 +154 496 3 879138910 +749 135 4 878848189 +714 471 4 892777903 +690 197 4 881180427 +217 17 3 889069903 +553 514 3 879948695 +847 95 4 878939503 +263 23 3 891298654 +936 243 2 886831820 +868 227 1 877110060 +711 181 4 876185574 +936 1014 3 886833571 +901 161 5 877131147 +666 162 4 880568662 +883 873 3 891695173 +452 199 5 885816768 +70 559 3 884066399 +933 72 3 874938538 +933 1246 1 874938728 +847 198 4 878940161 +487 349 3 885239880 +714 410 3 892777767 +649 250 3 891440356 +653 154 3 878867137 +903 186 5 891466376 +707 318 5 880061699 +82 640 3 878769292 +847 428 3 878940732 +916 223 4 880844087 +717 866 1 884642932 +655 761 2 888686011 +429 381 3 882385882 +927 288 5 879199250 +659 603 5 891331825 +825 289 1 882109193 +788 144 4 880868599 +810 243 4 879895350 +325 771 1 891480115 +373 529 4 877105901 +201 603 4 884113924 +760 66 2 875668932 +444 272 5 891978637 +303 289 2 879466065 +397 289 3 885349348 +308 770 4 887738057 +883 346 4 891691353 +943 226 4 888639660 +715 88 3 875964633 +311 47 2 884365654 +699 482 2 878883038 +23 89 5 874785582 +445 96 4 890987655 +798 692 4 875743140 +298 187 5 884183063 +414 324 4 884999127 +294 881 3 889241707 +433 137 5 880585904 +758 338 4 881295151 +276 316 4 892436314 +913 269 5 881725938 +927 240 3 879177456 +187 52 4 879465683 +922 183 3 891450401 +883 19 2 891692657 +875 461 4 876466687 +630 11 5 885668028 +894 86 4 882404306 +916 393 2 880845067 +877 197 4 882677827 +374 281 3 880393425 +479 157 5 879461856 +901 257 4 877127196 +655 182 4 888474106 +474 956 4 887926271 +693 192 2 875482477 +503 949 3 892667891 +615 100 3 879448693 +535 275 4 879619177 +615 97 4 879448759 +783 307 5 884326506 +297 196 4 875239267 +795 167 3 883254348 +643 845 3 891445476 +774 545 1 888555864 +234 964 4 892334852 +913 89 5 880794731 +447 276 4 878854552 +577 546 3 880470483 +725 19 5 876106729 +272 56 5 879455220 +835 484 4 891034219 +137 96 5 881433654 +915 313 4 891029965 +315 4 4 879821065 +821 560 3 874793773 +749 1023 3 881073104 +548 762 4 891415709 +223 155 5 891550952 +664 845 2 878090381 +919 687 1 875288362 +758 514 5 881974823 +940 708 3 885921953 +642 1239 4 885607097 +126 316 4 887855231 +151 174 5 879524088 +279 971 4 875314231 +782 1514 2 891500194 +750 873 3 879446013 +838 8 4 887066972 +351 895 3 883356591 +826 226 4 885690677 +707 458 3 880060724 +655 723 3 887650851 +758 628 4 881977714 +692 211 4 876953340 +474 650 4 887925187 +934 174 5 891191511 +753 181 3 891402240 +850 97 5 883195168 +743 326 3 881277656 +500 295 4 883865128 +749 153 4 878848828 +109 151 5 880571661 +732 937 4 882589967 +749 968 3 878850186 +788 637 2 880870516 +896 1423 2 887160631 +894 59 5 882404397 +416 477 4 892441480 +269 281 1 891451590 +686 178 5 879546715 +936 301 3 886831637 +442 89 4 883390416 +363 150 5 891496667 +897 410 3 879993621 +934 514 5 891191546 +334 44 4 891548224 +846 268 4 883946938 +674 15 4 887762584 +393 395 3 889731753 +437 443 4 880142851 +712 1037 4 874956981 +903 1070 4 891033335 +151 629 4 879528754 +629 309 3 880116240 +840 96 2 891204592 +711 79 4 879992739 +648 72 4 884881722 +749 418 5 878847498 +322 1019 4 887314073 +436 167 3 887770403 +274 873 3 878944491 +310 294 1 879436712 +830 172 5 891561606 +379 435 5 882563752 +615 191 5 879448759 +425 319 1 878737511 +474 421 3 887928562 +145 308 2 885557505 +429 100 5 882385807 +305 49 3 886324962 +584 450 2 885778571 +193 826 2 889126146 +567 608 4 882426021 +921 845 4 879379601 +749 527 4 878847364 +1 116 3 878542960 +28 219 5 881961728 +738 517 3 892938492 +243 237 2 879987148 +904 739 4 879735678 +896 824 1 887161541 +234 119 3 892335261 +880 144 5 880167670 +618 651 5 891307263 +514 180 3 886189927 +622 532 3 882591091 +886 518 4 876031601 +18 510 4 880130680 +554 133 4 876369272 +863 340 3 889288911 +617 531 2 883788859 +750 322 2 879445877 +193 1407 3 889126146 +892 182 5 886608507 +151 945 5 879524419 +94 1221 3 891721216 +385 528 4 879470274 +174 65 5 886514123 +760 451 5 875668781 +696 9 5 886404617 +426 100 4 879442128 +488 486 4 891295023 +615 192 5 879448780 +889 1188 2 880182784 +768 315 3 883834448 +931 258 3 891036003 +328 646 3 885046174 +50 100 2 877052400 +504 441 4 887911314 +546 758 4 885140808 +839 277 2 875752082 +843 550 3 879449152 +500 552 1 883876738 +918 792 3 891986904 +797 181 5 879439362 +822 111 4 891039414 +639 286 4 891238618 +232 294 2 880062259 +535 471 4 879618743 +721 304 3 877137285 +743 744 5 881277892 +256 11 5 882164406 +733 713 4 879535938 +870 239 3 875680597 +943 200 4 888639388 +704 135 5 891397305 +758 654 4 881975061 +545 28 4 884133814 +489 322 5 891366571 +233 523 4 877663913 +731 143 5 886182827 +630 239 4 885668061 +271 506 4 885849052 +555 111 4 879964159 +664 494 5 878089975 +227 823 2 879035599 +719 214 2 879360965 +896 157 4 887159555 +521 246 4 884475913 +290 402 4 880474422 +757 206 4 888445683 +729 294 2 893286338 +941 258 4 875048495 +263 31 4 891299387 +815 712 3 878696563 +865 1011 1 880144405 +912 194 4 875966238 +372 872 4 876869330 +933 173 3 874855020 +251 1 4 886272009 +248 79 3 884534992 +940 89 4 885921828 +13 175 4 882139717 +933 318 4 874853605 +899 193 3 884121946 +739 55 1 886958972 +724 1127 3 883758267 +669 216 3 892550170 +134 508 3 891732726 +729 751 3 893286338 +870 1267 2 879270213 +868 184 3 877107730 +921 125 3 879379774 +676 546 3 892686371 +308 211 4 887737535 +184 371 5 889909840 +855 179 3 879825528 +843 498 2 879446155 +727 118 4 883709729 +724 343 1 883757259 +642 588 5 886131546 +602 294 5 888637987 +94 51 3 891721026 +744 156 4 881170452 +737 64 4 884314740 +897 660 4 879991630 +896 576 2 887160677 +472 231 5 875980418 +536 588 3 882359726 +426 519 4 879444117 +707 1168 3 886287990 +564 272 3 888718415 +894 904 4 890409804 +663 763 5 889492614 +495 1542 4 888637643 +805 122 5 881705350 +591 64 5 891031203 +238 257 4 883576261 +942 216 4 891282963 +326 588 3 879875691 +313 427 5 891014029 +393 1225 3 889731820 +491 654 5 891189306 +736 254 1 878709262 +752 325 2 891208126 +570 286 4 881262625 +234 82 3 892334079 +119 31 5 874781779 +694 135 5 875727018 +403 147 5 879786052 +618 895 3 891309929 +788 546 3 880871429 +768 742 3 880136033 +313 89 5 891014373 +870 715 3 875680597 +506 496 5 874873615 +779 328 4 875501334 +458 76 4 886398121 +804 498 5 879442239 +597 477 5 875339970 +919 217 4 875373669 +892 176 5 886608681 +940 427 5 885921451 +379 524 4 880961742 +790 384 2 885158374 +666 188 5 880314564 +891 282 5 891639793 +727 169 5 883710419 +326 568 4 879876882 +886 475 5 876031501 +804 401 2 879445798 +819 319 4 879952627 +561 546 1 885810557 +796 1522 3 893194740 +443 269 3 883504564 +705 69 3 883518834 +549 1 5 881672182 +561 153 3 885808844 +498 317 3 881957625 +840 492 5 891204215 +406 282 3 879539987 +221 847 4 875244051 +757 98 4 888445767 +287 246 4 875333964 +417 161 3 879647519 +712 365 3 874730234 +630 465 1 885668203 +833 69 2 875039326 +297 485 3 875240267 +683 301 2 893283728 +417 163 4 879647604 +758 1527 3 888039070 +484 951 1 891195886 +655 131 2 893002283 +13 165 3 881515295 +415 258 4 879439135 +890 527 4 882405473 +682 708 3 888518104 +922 222 4 891447681 +734 173 3 891025247 +495 67 3 888636635 +901 174 5 877130965 +937 126 4 876769374 +464 520 5 878355167 +741 274 4 891019587 +921 560 2 879380981 +880 188 4 880167842 +932 226 3 891251292 +269 23 5 891447773 +621 692 4 874962614 +630 819 3 885667108 +896 198 4 887158636 +804 172 4 879442001 +883 553 4 891696782 +16 939 4 877717833 +279 1001 4 882160106 +409 657 3 881108126 +719 87 2 879360617 +778 28 4 890726618 +589 688 4 883352707 +495 80 3 888636992 +447 201 2 878855723 +757 151 4 888444684 +232 50 4 880062302 +807 477 4 892775458 +608 83 5 880406862 +509 892 1 883591489 +561 423 2 885808796 +627 591 3 879530205 +790 108 3 884462415 +271 566 4 885848707 +87 252 3 879876224 +551 97 5 892777013 +643 88 2 891449417 +825 593 3 880755468 +537 515 4 886031297 +666 527 4 880139253 +363 589 3 891496077 +843 25 2 879447523 +707 880 2 887860711 +737 154 4 884314694 +168 276 1 884287642 +326 9 1 879875852 +892 25 4 886609828 +632 356 4 879459248 +877 111 3 882677967 +757 742 4 888444563 +868 189 5 877109300 +216 315 5 883981859 +264 150 5 886122952 +480 152 4 891208390 +929 174 3 879640329 +767 724 4 891462658 +677 7 4 889399171 +894 13 4 882404137 +883 461 5 891717988 +868 922 5 877106505 +687 300 4 884652089 +846 452 3 883950950 +634 25 4 877018125 +751 1 3 889132162 +545 167 3 879900731 +591 956 4 891031286 +666 180 4 880139562 +755 300 4 882569574 +798 946 2 875639889 +456 550 2 881375381 +85 141 3 879829042 +462 539 3 886365773 +109 53 4 880583336 +450 866 4 882396565 +868 447 2 877107284 +899 73 4 884121720 +698 100 2 886367809 +246 50 5 884920788 +537 109 1 886030051 +712 495 4 874730520 +254 138 1 886474122 +489 323 5 891445388 +472 1215 4 875979562 +709 423 3 879846741 +56 238 5 892676885 +460 124 4 882912150 +628 690 5 880776981 +847 243 1 878774856 +606 516 4 880924859 +751 216 4 889133602 +174 240 1 886434241 +723 322 2 880499254 +857 275 5 883432663 +481 393 3 885829045 +550 222 4 883425979 +943 188 4 888639269 +436 50 4 887769415 +773 6 3 888538620 +551 587 4 892783525 +770 258 5 875971568 +935 237 5 884472159 +159 291 4 880485766 +761 205 4 876190511 +239 505 5 889180169 +486 9 5 879874449 +615 213 5 879447990 +498 179 4 881961133 +654 597 4 887864812 +762 270 4 878718855 +18 958 5 880129731 +892 429 4 886608559 +399 540 2 882348722 +537 222 2 886029974 +618 154 3 891308615 +881 528 5 876538536 +642 1078 5 885604239 +788 684 5 880868401 +471 82 5 889827822 +363 312 3 891494106 +894 14 4 880416472 +916 48 5 880844861 +14 240 5 880929697 +747 262 5 888638242 +691 604 5 875543025 +561 1229 1 885810220 +589 339 5 883352494 +24 655 5 875323915 +213 7 4 878870518 +693 449 2 875483407 +405 1556 1 885549635 +561 512 4 885808000 +894 909 3 889469007 +889 721 3 880179536 +884 100 5 876858820 +406 466 4 879446228 +521 550 3 885253844 +189 792 5 893265741 +669 150 3 892549477 +807 491 5 892528062 +778 132 2 891232769 +94 411 3 891724508 +705 546 3 883427377 +489 897 2 891448565 +896 518 3 887159234 +887 1116 5 881381610 +913 222 3 881037459 +218 153 4 877488692 +747 423 5 888638958 +222 1079 1 878183984 +911 727 2 892842738 +38 1028 5 892432624 +39 301 3 891400280 +538 527 3 877364067 +846 91 4 883948417 +343 496 5 876404426 +551 720 2 892784744 +495 1157 4 888637300 +733 696 3 879535909 +764 405 4 876243772 +860 949 3 885991163 +707 168 3 886286170 +406 281 3 879540296 +586 118 4 884062671 +827 689 3 882201884 +393 627 4 889729296 +586 159 4 884065719 +541 278 2 883875063 +739 751 3 886825083 +587 331 3 892871197 +807 199 5 892528374 +537 186 4 886031211 +486 324 4 879874262 +534 410 5 877807816 +916 702 3 880845157 +825 591 4 880755943 +276 554 2 874795823 +938 281 2 891356594 +907 409 4 880159151 +899 257 4 884120185 +727 423 3 883710830 +773 462 5 888538776 +435 193 3 884131243 +887 472 4 881378402 +707 6 3 886285627 +422 237 4 875130230 +13 749 3 881515521 +787 300 4 888979657 +796 69 5 892662483 +92 322 3 890251700 +766 414 4 891310150 +892 671 5 886608212 +769 1312 2 885424776 +799 748 2 879253755 +429 582 3 882384950 +560 24 2 879976772 +699 685 3 879147367 +771 892 5 886640606 +119 827 3 874775815 +896 55 3 887157978 +807 605 3 892529150 +415 483 5 879439791 +807 1411 1 893082619 +716 732 5 879795375 +846 1209 1 883950858 +452 625 3 875562159 +906 15 3 879435415 +763 230 3 878923288 +786 866 3 882842173 +627 199 5 879529702 +883 283 4 891692742 +345 570 2 884993662 +871 121 4 888193275 +899 746 4 884121512 +691 318 5 875543281 +760 365 5 875668737 +606 959 5 880927128 +767 242 4 891462614 +74 315 5 888333194 +758 687 3 881295189 +388 218 5 886441083 +387 399 3 886482969 +546 258 4 885139634 +850 168 5 883195456 +894 885 2 887044250 +924 286 3 884337043 +653 631 2 880150412 +222 50 4 877563194 +881 4 3 876538286 +552 977 3 879222033 +709 62 3 879848590 +756 79 4 874829990 +847 109 5 878938982 +666 484 4 880139149 +43 277 1 883955498 +296 211 4 884197068 +503 306 5 879438024 +838 228 4 887067390 +889 79 3 880179705 +811 286 5 886376983 +887 69 4 881380025 +715 196 4 875964131 +728 124 3 879443155 +451 306 2 879012684 +545 403 5 879899380 +733 285 4 879535299 +537 616 2 886031752 +738 169 5 892844079 +716 11 4 879795790 +505 183 3 889333392 +901 405 4 877127250 +805 418 2 881695527 +806 240 2 882385455 +880 1052 1 880175503 +460 312 4 882910837 +222 101 4 878183539 +890 654 5 882404851 +102 435 3 888801315 +253 82 3 891628295 +500 1048 3 883865532 +615 387 3 879448915 +872 1028 3 888479434 +392 517 5 891038466 +874 124 4 888632411 +79 311 4 891271278 +405 737 1 885546487 +606 282 4 878147641 +717 327 3 884641681 +704 208 3 891397262 +457 831 2 882396001 +798 220 3 875295810 +798 90 3 875914860 +307 132 4 879283333 +789 111 3 880332400 +705 1035 4 883427737 +815 494 5 878696093 +755 937 4 882569604 +916 235 3 880843749 +659 660 3 891384798 +429 789 4 882385443 +269 170 2 891447216 +756 147 4 874828826 +535 518 5 879618569 +822 358 3 891037112 +847 82 4 878941466 +878 140 2 880870486 +714 111 3 892777330 +406 924 4 879540228 +731 213 5 886183515 +943 794 3 888640143 +816 326 4 891710803 +109 810 3 880583410 +655 469 3 887427778 +875 333 5 876464801 +313 127 5 891013620 +10 502 4 877889261 +207 3 2 877846284 +930 455 1 879534692 +693 288 2 883975203 +794 181 4 891035957 +110 338 1 886987540 +181 685 2 878963381 +487 229 3 884042207 +289 15 3 876789581 +938 181 5 891356390 +863 1678 1 889289570 +143 322 4 888407708 +884 509 4 876859090 +663 475 4 889492435 +395 163 5 883764378 +922 418 4 891448580 +422 333 4 875655986 +860 381 3 885990998 +170 678 4 886623680 +722 322 3 891280402 +327 47 4 887746553 +897 55 3 879990622 +624 544 4 879792557 +201 116 1 884112800 +579 289 2 880951569 +823 151 4 878438732 +479 670 3 879461530 +918 921 4 891988029 +289 477 2 876790323 +664 654 5 876526604 +616 326 3 891224590 +796 228 5 892761629 +880 1270 3 880175187 +848 474 5 887038441 +640 214 5 874778274 +597 1016 4 875342355 +924 632 4 885458121 +291 760 2 874834037 +506 449 2 885135882 +883 116 5 891692786 +514 778 4 876067546 +751 402 3 889298216 +922 174 5 891449021 +734 478 4 891022849 +814 17 3 885411073 +931 250 2 891036673 +802 563 3 875985976 +663 100 4 889492503 +59 959 4 888206095 +344 1020 5 884814457 +757 895 4 888443483 +786 186 4 882843786 +903 931 2 891032038 +941 7 4 875048952 +457 145 3 882549998 +665 56 5 884294611 +16 286 2 877716993 +852 840 3 891036866 +274 237 4 878945678 +693 506 2 875484932 +932 183 4 891249877 +456 265 3 881374048 +201 702 1 884111986 +56 298 4 892683695 +807 1413 2 893083486 +585 20 4 891285658 +379 143 4 880525839 +735 304 4 876697679 +70 1145 3 884151622 +834 246 4 890863023 +434 118 5 886724873 +192 1265 3 881366585 +1 198 5 878542717 +693 471 3 875482653 +868 23 5 877104949 +457 28 5 882396989 +773 431 1 888540063 +385 533 4 879440602 +709 232 5 879848590 +810 300 5 890083187 +503 484 4 880472188 +295 209 5 879518233 +776 28 5 891628895 +920 328 2 884220058 +691 185 5 875543281 +681 1394 5 885409742 +889 1014 2 880177778 +574 288 4 891279174 +863 752 4 889289277 +868 658 3 877108742 +749 661 5 878847576 +887 477 1 881378570 +786 202 4 882843812 +591 168 3 891031724 +896 64 4 887158926 +167 606 4 892738452 +749 435 4 878847888 +413 515 5 879969591 +521 684 3 884478807 +813 890 4 883752708 +693 195 4 875483847 +856 322 4 891489593 +763 702 3 878917877 +527 12 4 879456637 +774 226 2 888557330 +890 174 5 882405780 +590 1061 2 879439538 +637 268 2 882898692 +271 496 5 885849140 +613 478 5 891227262 +133 539 1 890588720 +239 304 1 889181248 +846 66 4 883949290 +727 176 4 883710948 +543 1159 5 875665787 +542 94 3 886533021 +870 673 5 875679721 +643 68 3 891447338 +689 13 1 876676397 +624 690 4 879791962 +717 130 2 884642958 +886 790 4 876034095 +879 222 4 887761460 +615 302 4 879447500 +927 300 5 879176156 +797 948 1 879439230 +301 15 4 882074460 +520 871 1 885170547 +920 1612 4 884219953 +500 919 3 883865341 +141 984 4 886447880 +752 621 1 891208491 +885 318 5 885714093 +682 719 2 888521982 +452 50 5 875264825 +639 511 4 891239240 +557 252 3 880485846 +610 484 3 888703507 +753 427 5 891401712 +771 243 3 886640629 +889 204 4 880179757 +665 286 4 884289850 +111 286 4 891680076 +701 313 4 891446521 +839 508 3 875752479 +721 56 3 877150031 +758 531 5 881975061 +889 4 3 880180765 +886 1046 2 876033755 +810 286 4 891293811 +399 151 2 882511876 +747 88 2 888733218 +588 762 4 890026705 +924 923 5 886327748 +881 546 4 876536012 +643 405 3 891445859 +916 182 3 880844123 +546 200 5 885141332 +181 151 2 878962866 +234 1101 3 892335372 +843 654 2 879446359 +659 135 3 891383412 +715 205 5 875964410 +535 792 4 879618655 +738 227 4 875353533 +176 285 5 886047963 +871 96 5 888193177 +846 692 3 883949594 +932 144 3 891249710 +635 874 3 878878714 +758 151 5 881975814 +682 925 3 888520923 +249 318 5 879572256 +605 302 4 879365132 +639 173 1 891239492 +750 748 3 879446013 +634 591 4 875729535 +883 1021 5 891693058 +880 418 4 880241256 +134 678 4 891732271 +406 73 2 880131704 +429 616 3 882386333 +749 1092 3 878850703 +445 1129 4 891199994 +152 33 5 882475924 +748 647 3 879454602 +727 258 2 883709325 +896 1074 2 887161393 +744 479 5 881171482 +764 845 4 876242972 +716 241 3 879796138 +11 196 5 891904270 +933 453 1 874938833 +887 176 5 881381348 +879 597 2 887761229 +854 50 4 882812102 +909 166 5 891920166 +682 250 4 888523635 +540 257 4 882157584 +374 713 1 880935656 +926 303 3 888351713 +919 878 2 875288443 +715 81 4 875963112 +803 269 5 880054592 +840 303 5 891202889 +524 855 4 884634911 +399 176 3 882342127 +862 100 5 879304196 +457 287 4 882394010 +118 317 5 875384885 +864 48 5 888886945 +632 549 3 879459210 +940 683 3 884800988 +682 1135 2 888518035 +695 354 4 888806056 +766 205 5 891309975 +563 255 5 880506528 +749 705 4 878847612 +691 672 1 875543153 +269 476 1 891446703 +846 542 3 883950712 +908 357 3 879723046 +333 483 4 891045496 +561 1267 3 885809690 +709 413 2 879848209 +716 151 5 879793631 +622 96 5 882592449 +868 402 1 877113412 +303 17 4 879466830 +308 293 4 887741415 +711 312 5 883589763 +615 514 5 879449110 +765 275 4 880346768 +864 562 4 888891794 +610 51 5 888703523 +269 1411 3 891451829 +823 157 5 878438435 +186 1213 3 879023882 +29 303 4 882820686 +771 8 5 880659583 +497 294 4 878759351 +890 168 5 882916704 +895 50 5 879438062 +712 652 3 876251407 +843 393 2 879448858 +207 538 2 880853139 +896 596 2 887159426 +899 239 3 884121946 +693 520 2 875485037 +629 100 5 880116847 +886 582 1 876032029 +710 282 2 882063921 +184 792 4 889909840 +397 693 4 885349955 +615 325 2 879447693 +655 272 3 888474138 +316 58 3 880854267 +707 485 4 886287079 +745 202 3 880123486 +659 212 4 891387227 +487 24 4 883444558 +793 823 3 875104648 +526 325 3 885682102 +497 826 3 879311007 +733 922 3 879535406 +776 947 2 891628836 +780 603 2 891364059 +710 198 4 883705435 +783 301 4 884326424 +693 99 3 875484763 +637 257 2 882903511 +624 316 4 891961232 +856 326 2 891489450 +637 322 3 882900888 +410 689 2 888626881 +876 529 4 879428451 +606 844 4 878149278 +652 307 4 882566890 +916 190 4 880846339 +699 1061 3 879147169 +450 33 5 882398083 +890 660 2 882917026 +320 1052 2 884749097 +889 207 3 880179785 +846 1451 4 883948089 +135 581 4 879857931 +735 181 4 876698604 +655 1101 2 887427243 +804 474 4 879441524 +864 43 3 888891524 +745 230 2 880123572 +651 683 3 880126096 +244 651 4 880606069 +864 523 4 888888202 +381 124 5 892697690 +864 432 2 888887502 +912 97 4 875966783 +821 705 5 874793649 +844 89 3 877387857 +727 82 3 883711527 +785 1 4 879439137 +399 780 1 882350850 +537 347 4 886028845 +751 372 3 889297990 +782 682 4 891498513 +860 313 4 885145375 +496 28 2 876066153 +454 135 2 888266433 +478 153 3 889396212 +711 1053 4 879995099 +780 286 4 891362937 +700 174 4 884493862 +754 459 4 879451805 +551 433 5 892777787 +592 123 4 882608573 +782 1385 4 891500028 +605 210 3 879424452 +145 98 5 875271896 +269 231 1 891451013 +517 311 3 892660034 +316 427 5 880853704 +449 268 2 880410988 +297 147 3 874955183 +943 73 3 888639598 +776 355 3 892210668 +447 535 4 878854954 +556 319 3 882135437 +828 283 3 891035864 +527 357 5 879455654 +323 98 4 878739699 +600 187 5 888451750 +922 98 5 891447665 +669 187 5 892550170 +868 208 3 877108624 +656 903 2 892318777 +131 248 3 883681262 +797 286 2 879438957 +587 890 1 892871503 +694 603 4 875727476 +405 1567 1 885547123 +806 156 4 882388128 +881 435 3 876538796 +938 840 2 891357190 +775 344 5 891032777 +721 15 4 877140632 +540 15 3 882157084 +916 527 4 880845135 +70 257 4 884063946 +280 68 3 891701066 +653 245 4 893276091 +776 181 4 891628916 +774 202 5 888555964 +862 831 3 879303542 +707 766 3 886287051 +504 559 5 887840745 +503 199 4 880383625 +99 678 2 885678479 +912 185 3 875966065 +937 293 4 876769530 +454 238 3 881960361 +201 792 4 884140579 +373 739 3 877111819 +899 710 3 884122619 +413 333 2 879968933 +655 292 2 889293132 +781 87 4 879634340 +872 1061 4 888479701 +214 114 4 891544290 +894 324 3 879896168 +766 185 4 891310038 +623 15 4 891032375 +768 313 5 883835026 +741 7 3 891040277 +805 545 1 881705488 +903 105 3 891031794 +766 187 4 891309053 +593 735 4 886193600 +619 326 2 885953601 +795 168 5 881528760 +717 343 4 884641983 +464 332 4 878354761 +425 184 4 878738596 +870 646 4 875050524 +926 325 1 888636269 +189 199 5 893265263 +648 436 5 884883476 +919 919 2 875288805 +83 79 5 887665423 +690 186 4 881177349 +932 194 5 891250472 +654 121 4 887863757 +30 164 4 875060217 +781 327 4 879633862 +843 569 1 879443482 +727 188 3 883711679 +934 488 5 891192197 +727 7 2 883708927 +707 279 3 886285627 +678 276 5 879544952 +594 19 3 874781004 +694 483 5 875727449 +606 1016 3 887062032 +934 648 3 891190695 +457 25 4 882393828 +926 315 4 888351623 +840 83 5 891204215 +881 395 3 876538322 +864 209 3 888887172 +877 381 4 882677345 +907 596 4 880159015 +450 702 4 882371904 +472 566 4 875982727 +815 993 2 878691939 +399 320 3 882342537 +830 197 4 891464415 +297 367 2 875239018 +790 584 4 885156773 +901 229 4 877131205 +416 942 4 893214333 +222 38 2 878185102 +328 586 1 885048666 +567 248 4 882427273 +671 203 3 884035173 +577 465 4 880474851 +932 114 5 891249903 +818 300 2 891870222 +588 468 3 890015835 +780 339 4 891363073 +268 80 3 875743909 +5 434 5 875637033 +25 133 3 885852381 +194 67 1 879549793 +62 22 4 879373820 +643 128 3 891447617 +378 370 2 880333494 +896 674 2 887160446 +548 50 5 891044304 +346 472 4 874950937 +736 253 5 878709365 +888 535 4 879365497 +868 47 2 877108302 +389 187 5 879990996 +840 505 5 891204714 +479 831 2 879460562 +727 471 3 883709188 +222 358 2 877562839 +347 121 3 881652535 +494 514 2 879541246 +823 770 4 878438754 +318 898 4 884470237 +807 194 4 892528427 +774 365 2 888556989 +650 136 4 891372203 +870 505 4 880584752 +627 233 2 879531351 +524 12 3 884634646 +727 596 4 883709188 +577 409 5 880470682 +256 665 4 882164644 +747 215 5 888732899 +758 1244 3 881713279 +910 125 3 880821383 +598 895 2 886710977 +890 228 4 882404879 +514 710 5 875318331 +504 928 4 887831353 +938 1014 4 891356632 +730 246 4 880310264 +889 22 3 880178158 +664 582 1 876525044 +751 347 4 887134587 +378 83 4 880045989 +846 414 4 883949771 +440 324 5 891548567 +457 179 4 882397963 +577 179 2 880474829 +892 729 4 886610174 +716 404 4 879796438 +892 265 4 886608380 +701 300 3 891446520 +57 15 4 883697223 +751 96 4 889133154 +897 50 5 879994113 +671 849 3 884036050 +796 785 5 893047287 +746 204 5 885075539 +904 451 4 879735584 +189 525 5 893265946 +766 577 3 891310934 +642 1053 3 886207279 +565 509 4 891037692 +18 512 5 880131407 +200 931 3 891825627 +406 1197 3 879539884 +916 246 5 880843318 +506 607 4 874874851 +770 748 5 875971655 +727 470 5 883711847 +807 79 5 892528690 +32 455 2 883717796 +922 949 5 891454320 +447 118 4 878854578 +881 526 5 876538251 +881 125 5 876536745 +881 405 4 876536667 +593 405 3 875659943 +727 1035 2 883712245 +561 496 3 885807369 +767 300 4 891462511 +711 427 5 886030557 +13 765 2 886303934 +172 428 4 875537964 +916 213 4 880844675 +704 187 4 891397143 +223 288 3 891548562 +499 98 4 885599119 +894 121 3 880993662 +805 554 1 881695080 +695 323 2 888806292 +497 53 3 879362178 +747 475 5 888639397 +816 294 5 891711801 +758 1012 4 880672727 +94 1135 4 891722646 +758 665 2 882055988 +910 24 3 880821367 +932 611 5 891250418 +479 408 5 879460091 +398 71 5 875743517 +712 724 3 874957268 +655 313 4 888474285 +939 1190 5 880260883 +622 375 2 882592625 +859 1315 4 885775251 +611 882 4 891636192 +875 300 3 876464800 +642 405 3 885606946 +247 70 5 893097024 +659 423 4 891384414 +893 412 3 874829249 +938 370 5 891357137 +864 1303 2 888890997 +279 946 3 875313032 +796 1048 2 893047288 +807 94 2 892823225 +394 715 4 880888689 +679 249 3 884486594 +648 826 3 882212526 +536 755 4 882360993 +916 194 4 880843997 +798 28 4 875638354 +23 423 3 874786488 +843 250 4 879445087 +594 245 3 874780909 +697 456 3 882622287 +921 411 2 879380142 +652 300 4 882566890 +650 633 4 891371091 +805 476 1 881705592 +10 430 3 877886597 +662 276 3 880570080 +83 728 4 880308909 +805 525 4 881696335 +567 673 3 882427089 +201 22 2 884112201 +634 1067 4 875729069 +773 152 5 888539398 +785 288 3 879438537 +534 760 2 877808098 +763 509 5 878920895 +429 529 4 882385243 +889 511 4 880178183 +674 678 3 887762480 +659 178 5 891332261 +535 302 3 879617063 +819 381 4 884105841 +930 269 4 879535392 +902 306 4 879463212 +877 340 3 882676395 +645 656 4 892053241 +881 27 3 876538953 +379 234 5 880524541 +38 1016 5 892429542 +737 169 4 884314644 +336 368 1 877756695 +472 472 5 875979153 +551 393 5 892782901 +919 112 3 875289417 +463 125 4 877385590 +547 302 5 891282575 +634 690 3 877368446 +707 1022 3 879439088 +303 47 5 879467959 +596 300 4 883539011 +811 315 4 886377579 +774 58 1 888556698 +588 202 1 890015500 +518 289 4 876823804 +942 607 5 891282931 +504 202 3 887909347 +925 948 2 884717790 +697 742 3 882622044 +437 1006 3 881001472 +216 81 4 880233726 +580 286 4 884124750 +867 651 5 880079065 +712 716 5 874730370 +394 173 5 881057730 +437 52 3 880141402 +808 300 4 883949681 +496 190 5 876072632 +823 152 5 878437703 +899 79 5 884122278 +927 1229 3 879197198 +764 284 4 876243015 +773 209 5 888539425 +57 50 5 883697105 +722 333 5 891279945 +484 117 4 881449561 +488 178 4 891294158 +894 252 3 879896897 +507 1237 5 889964311 +235 463 4 889656008 +716 117 4 879793542 +747 429 4 888639823 +892 496 5 886609435 +707 782 3 886288263 +749 986 3 878850107 +908 484 4 879722361 +724 289 1 883757703 +437 172 4 880140257 +43 274 5 883955441 +869 294 3 884490151 +868 59 4 877103757 +854 12 5 882813990 +561 544 2 885809872 +234 31 4 892334803 +758 580 4 881974880 +601 421 1 876350060 +934 664 4 891193331 +933 651 3 874854081 +889 117 4 880177154 +11 58 3 891904596 +804 22 5 879444407 +643 403 3 891449534 +775 900 3 891032956 +710 343 3 882063327 +731 527 5 886184682 +727 328 4 883708149 +64 591 4 889740394 +643 325 2 891446581 +538 642 3 877107633 +886 939 4 876031765 +933 746 4 874854762 +899 168 4 884121799 +393 483 4 889554540 +705 1544 4 883427691 +383 316 5 891192472 +608 1063 5 880405659 +527 135 2 879456587 +170 294 3 884705913 +821 117 3 874792442 +816 331 5 891710922 +727 71 3 883711069 +447 235 2 878854605 +927 1093 4 879177243 +943 195 4 888639407 +734 313 4 891022311 +744 301 3 881171857 +880 1210 4 880243790 +822 235 3 891039543 +693 582 2 875482477 +648 472 3 882211965 +435 271 4 884130671 +796 776 4 893219065 +852 50 5 891036414 +671 1491 1 884034132 +889 300 3 880176620 +804 1016 4 879441099 +754 282 4 879451804 +324 873 5 880575108 +537 197 4 886030891 +930 845 3 879534724 +758 218 4 881977487 +717 825 2 884642558 +640 169 5 874777890 +666 237 3 880313391 +836 1065 4 885754231 +468 1070 5 875301653 +823 721 4 878438695 +916 472 3 880843697 +2 272 5 888979061 +920 270 3 884219993 +741 66 3 891018266 +484 176 4 891195298 +708 1023 3 877326114 +663 410 3 889492759 +87 174 5 879875736 +479 169 5 879460917 +374 96 4 880938870 +693 187 3 875482336 +940 310 3 884800966 +11 301 4 891902157 +389 199 5 880165388 +860 690 4 876750421 +784 315 4 891386988 +527 116 4 879456611 +932 507 5 891249675 +222 198 4 881059039 +524 275 3 884832616 +189 255 2 893277551 +286 16 3 876521809 +650 658 3 891387571 +773 432 4 888539232 +857 258 5 883432193 +787 319 3 888979721 +871 307 3 888192315 +830 29 1 891899476 +919 458 2 875289212 +417 515 4 879646225 +328 121 4 885048266 +786 357 5 882842878 +870 276 4 889717102 +863 324 5 889289385 +627 468 2 879530408 +637 237 2 882903511 +734 496 5 891025523 +609 1 1 886896185 +551 125 4 892783791 +5 63 1 878844629 +479 756 1 879462203 +751 394 4 889297640 +696 520 5 886404617 +874 197 4 888633310 +883 487 5 891755066 +897 389 3 879991341 +630 273 5 885666779 +506 218 3 874873615 +303 4 4 879467936 +472 423 5 892791017 +745 28 2 880123671 +758 550 4 881978115 +486 297 4 879874629 +432 282 5 889416456 +913 25 3 881366974 +908 111 3 879723073 +782 748 4 891498720 +846 849 3 883950129 +739 195 5 886958939 +506 604 4 874873528 +484 415 3 891195857 +904 300 4 879735109 +655 200 4 887473639 +886 239 3 876032635 +868 132 4 877103195 +618 1212 2 891309410 +641 969 4 879370259 +666 657 4 880139642 +90 750 4 891383319 +847 1204 3 878940757 +387 204 2 886479771 +711 755 3 879994581 +697 246 5 882622798 +766 403 3 891310444 +781 318 3 879634124 +795 89 4 880569085 +938 151 4 891356679 +788 199 5 880868673 +764 56 4 876244472 +666 92 3 880139493 +758 481 5 881976031 +751 154 3 888871900 +847 93 1 878775570 +871 1024 3 888192689 +532 1228 3 874789704 +863 299 2 889289385 +922 746 4 891451143 +296 276 5 884198772 +91 343 4 891438151 +648 635 2 884883476 +873 750 3 891392303 +815 86 5 878693989 +23 116 5 874784466 +334 496 3 891547040 +633 147 4 875325740 +835 183 4 891034023 +445 298 2 891199906 +899 254 2 884122845 +796 66 5 893047241 +495 631 2 888632677 +903 183 4 891032872 +864 86 4 888890547 +788 141 3 880869984 +334 208 5 891546405 +899 83 4 884121214 +892 946 3 886610996 +94 365 3 891722383 +676 222 4 892686273 +846 4 5 883948908 +882 180 4 879865307 +496 771 2 876073865 +770 298 4 875971902 +422 218 4 879744086 +791 754 4 879448086 +454 111 1 888267086 +650 494 3 891371153 +871 1137 3 888193541 +450 1135 4 882396352 +654 147 3 887863488 +387 100 5 886484336 +13 132 4 882140002 +867 22 5 880078424 +682 187 5 888517235 +894 343 2 883518895 +38 35 5 892433801 +870 332 2 879982785 +888 180 4 879365004 +655 660 2 888475101 +782 1012 2 891499344 +540 274 4 882157662 +546 50 5 885140368 +650 56 3 891369798 +706 258 4 880997001 +758 170 5 881976233 +107 322 1 891264535 +862 977 4 879302877 +354 971 3 891217482 +551 310 4 892775516 +800 289 4 887646980 +354 196 3 891218457 +181 1025 1 878961668 +603 313 5 891956091 +655 953 3 887427243 +61 294 2 891220884 +303 559 4 879467670 +919 244 2 875289025 +763 55 4 878917384 +715 471 4 875962202 +486 288 4 879874153 +751 709 4 889132929 +655 1135 3 887427743 +216 210 4 880235229 +655 56 3 887428060 +747 188 5 888639890 +456 1107 4 881375587 +916 509 4 880844312 +360 96 3 880355803 +387 172 4 886480206 +893 240 4 874828864 +58 174 4 884305271 +486 268 3 879874064 +738 189 4 875351404 +758 141 4 881977533 +279 687 4 878793072 +785 152 4 879439527 +843 52 2 879447110 +848 82 5 887039164 +540 286 4 882156584 +5 181 5 875635757 +497 665 2 879310966 +5 412 3 875635416 +871 202 4 888193385 +472 176 5 875981664 +627 942 2 879530408 +405 970 1 885546487 +276 334 4 877935456 +642 54 4 886206959 +901 181 4 877127128 +246 1220 3 884921794 +262 338 4 879961532 +2 278 3 888551647 +474 4 5 887927588 +878 165 4 880866241 +833 118 2 875038483 +864 391 4 888893224 +525 14 3 881086078 +932 1205 5 891250643 +591 435 4 891031724 +556 268 4 882135646 +859 535 5 885774867 +906 544 4 879435664 +405 1308 1 885546336 +843 628 2 879443951 +868 685 1 877111394 +763 153 4 878915692 +617 56 1 883789425 +791 301 3 879448035 +767 170 5 891462717 +314 477 3 877886375 +600 174 4 888451665 +524 1048 4 884627594 +764 237 4 876243440 +826 422 2 885690379 +754 292 3 879451958 +328 911 3 893195879 +844 97 3 877386855 +293 877 2 888904265 +711 475 5 876185673 +924 421 4 885458060 +827 302 4 882201356 +389 486 4 880086971 +716 506 4 879794775 +727 55 3 883710375 +911 205 3 892839454 +452 661 4 875261747 +727 977 2 883709948 +782 127 4 891499213 +793 248 4 875103875 +472 227 5 875981429 +751 82 4 889133334 +459 409 2 879563796 +854 735 3 882813990 +709 50 5 879846489 +424 276 2 880859623 +426 968 3 879444952 +749 215 4 878847172 +488 89 4 891294854 +158 210 4 880134296 +940 343 2 884801246 +326 427 4 879875483 +586 234 3 884060614 +936 253 5 886832454 +863 903 3 889289570 +715 2 3 875964926 +303 615 4 879467413 +276 245 3 877935446 +405 920 1 885549746 +478 393 4 889397306 +900 284 2 877833287 +928 358 5 880936023 +774 222 3 888558539 +262 596 4 879961980 +625 192 2 892000438 +489 338 3 891448200 +880 849 3 880167918 +260 881 4 890618537 +659 1267 3 891385689 +269 1427 2 891448141 +791 245 4 879448087 +885 154 3 885713434 +709 1059 5 879847945 +18 32 2 880132129 +871 1022 3 888192689 +144 100 5 888104063 +653 496 2 878866679 +276 567 3 874792794 +788 118 3 880870335 +854 461 3 882814298 +387 191 4 886479610 +896 471 3 887159972 +883 175 5 891694312 +642 411 5 885605834 +454 486 3 881960385 +7 69 5 891351728 +222 692 4 878182370 +863 342 1 889289241 +665 135 4 884294880 +819 346 5 884012487 +455 239 3 879111397 +344 628 4 884899442 +844 184 3 877387769 +15 748 3 879455262 +303 287 4 879485203 +452 102 2 875560150 +546 379 4 885141465 +455 200 5 879111092 +807 227 4 892529805 +679 215 3 884487999 +60 496 4 883326682 +305 505 3 886323006 +895 301 4 879437793 +874 14 4 888632411 +939 993 4 880260853 +405 1591 1 885549943 +279 30 2 877756984 +672 284 4 879789030 +885 588 4 885714820 +16 202 5 877724726 +463 111 2 877385414 +843 71 2 879449256 +796 761 3 893048622 +741 181 4 891036681 +790 67 3 885158007 +705 82 5 883427663 +698 181 3 886366141 +405 923 2 885549464 +655 317 3 887474269 +577 215 5 880474556 +69 79 4 882145524 +663 978 4 889492614 +795 174 4 880569625 +650 926 3 891388294 +479 485 3 879460844 +927 105 1 879181879 +568 178 4 877907327 +880 793 4 880174677 +790 716 4 885158033 +833 428 2 875134110 +661 280 3 886841562 +848 845 5 887046565 +854 144 3 882814298 +762 246 1 878719294 +425 854 4 878738854 +648 1258 2 884366613 +903 248 2 891031309 +618 73 3 891309440 +664 497 3 878092649 +798 275 4 875295842 +886 200 3 876031573 +903 1 3 891031280 +699 828 3 884152917 +650 417 3 891387591 +83 756 4 883867791 +316 582 5 880854539 +592 235 3 882608662 +568 100 4 877907281 +764 4 3 876245421 +456 402 2 881375416 +449 475 5 879958603 +830 501 3 891561474 +655 1024 3 887650979 +653 780 2 880606620 +169 482 3 891359171 +936 93 5 886833795 +919 976 2 875289453 +578 245 3 887229523 +487 803 2 884045297 +771 97 1 880659919 +293 96 3 888905519 +933 132 3 874853605 +906 676 5 879435415 +899 479 4 884121612 +655 1407 2 887491131 +758 653 3 881975922 +592 480 4 882955662 +747 176 4 888638958 +397 243 1 875063613 +932 213 3 891249038 +931 690 4 891036003 +710 346 4 883705502 +22 50 5 878887765 +848 357 5 887038104 +378 323 3 890572396 +538 483 5 877109932 +542 780 3 886533003 +896 39 2 887158739 +606 942 4 880926700 +279 180 2 875308670 +788 679 2 880871057 +707 1545 2 886288189 +934 161 4 891193290 +851 79 4 875731722 +536 631 2 882363934 +742 100 5 881335492 +886 558 3 876031656 +747 8 5 888639175 +889 252 3 880177503 +738 179 3 875353869 +830 161 4 891561870 +923 928 4 880388306 +380 97 3 885478271 +764 125 4 876243795 +712 432 4 874730056 +610 755 5 888703710 +682 363 2 888522612 +868 998 2 877112063 +942 362 3 891282420 +399 235 4 882340876 +445 281 1 891200417 +13 819 1 882141924 +916 49 3 880845673 +709 427 4 879846489 +922 550 3 891450805 +590 274 3 879439256 +721 988 3 877137598 +391 194 4 877399486 +673 323 2 888787508 +506 2 4 874874850 +504 282 4 887831838 +851 915 5 893090752 +607 462 4 883880110 +31 1019 5 881548082 +647 496 4 876534275 +796 880 3 892611840 +425 443 2 878738956 +901 111 3 877126434 +406 97 5 879446639 +102 760 1 888803245 +931 220 3 891037046 +849 568 4 879695317 +546 816 3 885141411 +869 13 3 884491199 +880 584 3 880242933 +896 568 2 887159603 +851 455 3 875730379 +751 433 3 889134186 +601 148 3 876348140 +794 286 3 891034156 +496 22 4 876065259 +447 1009 4 878854876 +757 231 2 888466614 +757 258 5 888443306 +943 27 4 888639954 +796 414 3 892663044 +453 790 4 877561800 +616 748 3 891224840 +605 12 4 881016144 +630 15 3 885666718 +861 301 4 881274504 +184 368 1 889908104 +665 88 3 884294552 +624 1067 4 879793330 +847 173 5 878940332 +708 121 3 877325349 +669 190 3 892550170 +803 321 4 880054792 +894 979 3 880416473 +738 173 5 875350012 +748 169 4 879454848 +682 585 4 888522021 +655 464 3 887523367 +259 1074 3 874725264 +417 779 2 879649577 +758 290 5 881978495 +798 82 4 875915855 +727 1224 3 883712219 +312 614 4 891698865 +934 389 3 891195811 +796 409 3 893219122 +616 895 3 891224644 +320 1291 3 884749172 +878 175 2 880869911 +308 629 4 887738894 +100 887 2 891374868 +796 1299 2 892676043 +85 42 3 879453876 +316 100 4 880854083 +773 428 4 888539512 +882 419 5 879864917 +559 566 5 891034688 +500 740 3 883865632 +62 72 3 879375762 +293 815 2 888905122 +894 475 3 880416176 +379 97 3 882563752 +222 147 4 877563694 +880 29 2 880167965 +788 1407 3 880871717 +919 100 5 875288522 +796 194 4 892662826 +738 732 3 875350316 +912 611 3 875965830 +566 134 5 881649853 +736 323 1 878709187 +70 79 4 884149453 +765 50 2 880346255 +732 332 5 882589819 +642 416 5 886455469 +782 881 3 891498381 +897 659 5 879990923 +152 393 5 884018430 +717 1282 4 884642762 +622 227 3 882592815 +382 496 3 875946945 +719 220 5 888454728 +689 300 5 876674606 +625 91 4 891263057 +521 833 2 884476869 +545 679 2 879899438 +912 654 3 875966027 +718 255 4 883348773 +727 231 3 883713286 +721 286 5 877137285 +843 661 3 879447077 +426 482 5 879442737 +921 815 5 879379942 +669 290 2 892549820 +896 209 3 887158790 +714 117 5 892777876 +880 392 3 880242475 +383 488 4 891193242 +640 42 5 874778345 +234 89 3 892079910 +758 722 3 881980408 +666 172 3 880139090 +807 195 3 892528999 +560 93 3 879976559 +782 299 3 891498079 +336 871 2 877757550 +315 137 5 879799423 +387 178 3 886483824 +798 14 2 875295930 +7 217 4 891352778 +237 483 5 879376381 +644 259 4 889076433 +336 1249 3 877756356 +606 827 3 880922625 +653 290 3 880153522 +504 225 4 887832207 +655 1149 3 887429107 +907 628 5 880158986 +911 638 4 892839391 +907 202 5 880160204 +293 229 2 888907726 +458 631 4 886397541 +234 52 4 892334141 +875 496 4 876465144 +707 732 4 886287160 +416 150 5 893214041 +766 214 2 891309667 +804 456 3 879444011 +865 240 2 880143680 +805 1014 4 881694265 +527 431 3 879456363 +825 125 5 880755942 +561 40 2 885810834 +72 708 4 880036691 +457 154 5 882397058 +674 121 4 887762881 +550 271 5 883425652 +748 483 4 879455040 +798 602 3 875639260 +684 15 5 878759758 +116 916 2 892683699 +269 432 4 891450005 +718 289 3 883348391 +437 417 5 880143482 +569 762 3 879794740 +593 204 4 875660886 +886 1095 2 876033897 +897 429 5 879990587 +932 576 2 891252198 +790 216 5 885156435 +668 288 4 882818604 +522 208 5 876961248 +648 569 3 884883578 +503 224 3 880390128 +773 98 4 888540279 +343 1267 4 876406576 +406 163 3 880131582 +790 143 3 885156193 +916 87 3 880844262 +751 494 4 889133556 +450 485 5 882373088 +758 250 4 880672766 +759 756 4 875227922 +271 729 4 885848996 +94 587 4 891721078 +222 423 4 878183657 +601 234 1 876348947 +878 435 4 880866103 +184 241 3 889909812 +747 222 2 888640180 +899 1016 3 884120149 +276 844 4 877934677 +64 1065 1 889737968 +935 924 4 884472392 +402 275 5 876266741 +751 143 5 889133882 +932 657 5 891249767 +936 50 4 886832282 +704 185 4 891398702 +407 569 3 876348296 +378 193 4 880056160 +943 405 4 875502042 +763 972 3 878918333 +894 323 2 879896268 +684 215 5 875812176 +886 227 3 876032331 +747 985 2 888732640 +453 941 2 877561613 +578 246 2 890939697 +500 755 3 883876251 +650 230 4 891369656 +703 1 4 875242851 +886 157 4 876031695 +757 1016 3 888444563 +877 737 1 882677749 +913 963 4 881725737 +561 960 4 885809605 +686 969 5 879546083 +521 249 4 884476257 +798 95 5 876175467 +697 1067 5 882622170 +805 337 2 881180971 +698 9 3 886367956 +864 578 3 888889948 +749 258 4 878846265 +181 687 1 878961814 +329 248 3 891656640 +330 694 5 876545971 +551 284 4 892783110 +663 12 5 889493576 +899 747 1 884122535 +707 703 4 886287236 +389 728 3 880089302 +880 55 3 880167778 +77 199 5 884733988 +860 1041 2 887754411 +533 121 4 879192901 +498 174 3 881956953 +818 271 4 891870389 +915 333 3 891031450 +885 821 3 885713585 +409 45 4 881168603 +373 632 3 877106233 +720 316 4 891263387 +447 175 3 878855847 +331 160 5 877196702 +805 558 5 881695243 +761 1272 1 876190160 +445 327 2 891035830 +592 246 5 882608500 +645 214 4 892054570 +493 678 3 884129979 +566 1065 5 881650709 +871 270 5 888192858 +496 94 1 876070975 +817 597 2 874816007 +711 416 3 879995215 +7 318 5 891352010 +711 250 2 876185855 +454 942 2 888267198 +697 325 4 882621673 +749 72 3 878850388 +645 708 3 892055072 +906 276 5 879435299 +541 474 5 884047153 +659 43 4 891385955 +566 411 4 881651013 +840 483 5 891208703 +222 265 3 878182279 +727 597 3 883709641 +749 402 4 878849829 +805 50 4 879971214 +763 168 5 878919055 +749 1263 2 878850533 +592 245 1 882607434 +770 988 3 875971703 +682 558 1 888519276 +758 448 4 881978805 +766 50 4 891309053 +620 100 1 889987073 +618 90 1 891309351 +464 292 5 878354722 +790 550 4 885156618 +642 932 5 885605866 +932 225 2 891251985 +933 405 3 874939157 +524 385 3 884636453 +833 923 5 875039153 +102 4 2 888801522 +500 1195 4 883875468 +708 269 3 892718875 +782 251 3 891500109 +835 421 4 891034023 +253 132 5 891628416 +332 568 4 888098151 +608 306 4 880402983 +911 272 4 892838135 +63 269 3 875746948 +784 323 4 891387704 +715 4 4 875964300 +18 8 5 880130802 +864 596 4 888890001 +903 515 4 891031178 +915 268 5 891031477 +622 934 2 882591726 +582 932 2 882963114 +160 157 5 876858346 +807 234 3 892530216 +314 540 3 877890407 +918 514 2 891987082 +561 230 3 885809426 +815 57 5 878694854 +870 22 4 875680165 +706 410 4 880997444 +727 211 4 883710464 +569 14 4 879793948 +715 257 4 875962423 +894 1658 4 882404137 +913 156 3 880824512 +627 947 3 879531301 +487 197 3 883446404 +650 431 3 891369620 +652 333 4 882566857 +416 875 2 876696938 +897 238 4 879990779 +864 1412 1 888892461 +847 1137 5 878775404 +592 222 1 882608145 +844 597 3 877382339 +533 660 5 882902988 +683 322 2 893283903 +554 95 4 876550526 +804 322 5 879440700 +748 194 4 879454773 +808 288 3 883949454 +345 462 5 884901637 +913 79 4 880758974 +903 820 4 891031768 +738 222 4 875350913 +249 92 5 879572567 +790 1244 1 884462598 +911 484 3 892839363 +286 81 3 889652601 +394 577 2 881059704 +802 674 2 875985768 +741 582 3 891456156 +4 358 2 892004275 +666 546 4 880313640 +665 756 3 884292654 +332 411 4 887938738 +936 137 4 886832544 +744 188 3 881170528 +899 204 4 884121683 +763 357 4 878919116 +851 71 4 875731567 +804 443 5 879442122 +308 179 4 887736584 +808 312 3 883949873 +847 1012 1 878775729 +704 435 4 891397058 +889 1113 5 880182295 +922 159 3 891447853 +545 380 3 884134628 +781 181 5 879634318 +747 584 5 888640524 +796 1036 4 893219522 +416 491 4 886316596 +943 423 3 888639231 +417 651 4 879648212 +883 403 5 891696999 +774 569 2 888557857 +710 432 5 882064434 +493 186 5 884131897 +770 50 3 875971949 +326 500 3 879875644 +619 27 4 885954159 +804 25 4 879442490 +425 672 2 878738887 +296 9 4 884196523 +709 541 3 879848695 +867 176 3 880079094 +503 546 4 879438685 +933 385 3 874939207 +128 506 4 879968125 +840 163 4 891204295 +919 756 3 875289170 +382 59 5 875947049 +770 14 5 875972024 +387 1187 4 886480623 +610 98 5 888702902 +908 427 5 879722642 +724 313 5 883756996 +929 318 4 879640225 +894 1048 4 880993661 +918 382 4 891986846 +800 222 4 887646226 +429 176 3 882385542 +881 530 5 876538571 +194 515 4 879524216 +655 121 3 887651060 +802 448 3 875985686 +807 610 3 892684802 +851 406 2 875731674 +580 50 5 884124927 +748 175 5 879455019 +387 179 5 886484336 +911 399 5 892840120 +755 322 3 882569912 +645 174 4 892053518 +388 328 4 886439561 +846 949 2 883949643 +804 91 4 879442192 +453 575 2 892447163 +639 1193 4 891239702 +373 459 4 877106966 +886 66 3 876032442 +731 14 3 886179040 +756 183 4 874831383 +899 238 2 884121424 +916 33 2 880845135 +782 1127 2 891497793 +569 124 5 879793886 +239 507 5 889180651 +698 709 4 886367065 +890 211 2 882915661 +239 276 5 889179506 +523 67 4 883702654 +892 820 3 886611079 +880 42 5 880174808 +901 395 3 877131500 +783 948 3 884326726 +279 431 4 875310303 +622 195 5 882591938 +402 710 2 876267206 +773 790 3 888539825 +751 174 4 889133012 +715 564 2 875964300 +813 680 2 883752660 +897 616 5 879990877 +889 1073 5 880179893 +727 1215 2 883713521 +671 550 3 884035406 +561 235 3 885809806 +815 136 5 878695311 +437 475 3 880140288 +374 693 5 880396359 +533 402 4 888845284 +279 461 3 875306820 +473 20 3 878157568 +475 258 1 891451205 +549 121 4 881672461 +567 490 4 882425673 +497 141 3 879363611 +712 395 4 874957005 +796 500 4 892761629 +872 328 4 888478822 +109 228 5 880577604 +379 663 3 891674403 +163 316 5 891219976 +592 1275 3 882956624 +692 523 3 876953204 +487 98 5 883446637 +915 307 3 891030032 +452 15 4 875275763 +712 423 3 874729960 +425 301 4 890346705 +664 186 5 876526052 +469 603 5 879524376 +429 1101 5 882385399 +506 31 4 874873247 +682 88 4 888521599 +588 326 4 890014782 +346 96 5 874948252 +113 299 5 875076986 +639 204 3 891240751 +349 291 3 879465934 +805 625 3 881695560 +745 96 4 880123399 +289 455 4 876790464 +943 943 5 888639614 +437 716 5 881002345 +910 257 3 880821349 +844 121 3 877382055 +457 135 5 882397240 +880 176 5 880167731 +796 153 5 892676155 +536 191 4 882360187 +807 627 4 892684456 +416 103 3 886320119 +321 479 4 879438607 +833 67 3 875134891 +659 86 5 891386071 +639 580 2 891239581 +891 933 3 883429998 +532 982 3 888631077 +250 154 4 878090114 +846 76 4 883949200 +438 257 4 879868159 +764 255 4 876244181 +727 779 2 883712717 +642 140 3 886569257 +497 769 3 879362430 +234 465 2 892334803 +507 751 5 889964162 +682 781 2 888521833 +305 462 5 886323525 +416 218 3 876699488 +308 709 3 887737334 +746 568 4 885075211 +429 226 3 882386145 +286 348 4 889651179 +939 222 5 880260956 +18 633 5 880131358 +804 191 4 879442025 +551 770 2 892778244 +912 14 5 875966927 +795 189 3 881265284 +878 225 3 880870765 +716 605 3 879796215 +805 118 3 881695745 +800 25 4 887646980 +923 273 5 880387474 +524 239 2 884636498 +577 202 4 880474787 +788 729 4 880870052 +141 249 2 884585386 +711 172 5 879992445 +671 184 3 884035775 +534 717 5 877808198 +756 1074 4 874831383 +933 21 1 874854383 +939 1023 4 880262057 +151 423 4 879528570 +758 134 5 881975005 +769 121 4 885423865 +854 458 3 882812826 +444 269 4 891979402 +807 141 3 892684576 +650 719 3 891387833 +200 204 5 884128822 +441 338 4 891035289 +370 523 3 879434999 +835 210 5 891033303 +648 21 3 882212609 +708 319 5 892719062 +911 82 2 892840888 +747 357 5 888638876 +494 358 3 879540901 +627 77 2 879530305 +673 300 3 888786942 +668 137 3 881605093 +774 273 1 888558539 +777 509 4 875980449 +805 202 2 881696729 +551 640 4 892783750 +839 455 4 875752107 +590 248 4 879439645 +894 256 3 879896704 +907 42 4 880159957 +747 1205 3 888639594 +681 1105 3 885409742 +927 393 5 879193732 +831 713 5 891354970 +92 708 4 875654432 +42 141 3 881109059 +456 480 4 881373573 +795 552 2 883774317 +650 88 3 891384226 +601 483 4 876348782 +854 96 3 882814467 +804 127 3 879440947 +577 317 5 880474871 +249 69 5 879572600 +268 1208 2 875745398 +659 90 2 891386577 +298 356 3 884182627 +924 211 3 885457891 +533 135 3 879191022 +758 116 5 881976289 +924 285 4 884371386 +450 273 3 882377726 +128 458 4 879968921 +650 809 3 891383926 +669 208 2 891517215 +862 416 3 879305351 +595 845 3 886921448 +766 474 5 891309011 +717 269 5 884642133 +618 679 1 891308615 +624 979 4 879793511 +624 619 3 879793408 +548 950 4 891415643 +788 755 3 880870881 +782 302 3 891497698 +378 1221 3 880056351 +682 95 5 888523581 +387 718 4 886480206 +916 221 4 880843594 +21 990 2 874951039 +613 50 5 891227365 +527 174 4 879455847 +479 203 3 879460893 +870 658 4 875679992 +130 802 5 876252136 +495 211 5 888633194 +708 845 5 892719269 +655 910 3 889458990 +85 186 3 879454273 +882 50 5 879867694 +268 765 2 875743979 +904 278 5 879735616 +624 546 3 879793093 +870 856 3 879715002 +540 13 4 882157585 +653 659 1 880150330 +786 655 4 882843683 +371 73 5 880435397 +693 161 3 875484089 +201 924 3 884140751 +747 493 5 888734012 +648 565 3 884883679 +532 12 5 893119491 +878 204 2 880869911 +297 946 2 875239092 +757 328 3 888469286 +239 133 3 889178652 +417 230 3 879647850 +702 350 1 885767336 +640 315 5 886353894 +500 328 3 883864749 +889 818 4 880177540 +807 135 5 892705362 +666 479 4 880139642 +838 22 4 887065878 +527 179 3 879456587 +772 322 4 877533546 +854 283 3 882812492 +789 742 3 880332400 +488 97 4 891293863 +270 566 5 876955939 +120 508 2 889490979 +880 316 5 892958128 +843 860 3 879443443 +709 183 5 879846590 +831 603 5 891354535 +755 880 4 882569732 +253 168 3 891628278 +450 76 3 882395913 +94 637 3 891723186 +280 405 2 891700963 +848 971 5 887043421 +409 211 4 881108829 +445 272 3 890988205 +417 188 4 879647232 +84 100 4 883452155 +727 520 4 883710288 +892 1224 4 886609792 +387 243 1 886484460 +591 70 4 891031321 +763 1129 4 878918908 +815 391 2 878697734 +554 526 4 876550100 +586 1090 3 884065797 +738 235 2 875350764 +870 431 3 885586224 +592 276 5 882608401 +296 13 3 884196665 +693 507 4 875484837 +405 1412 1 885549005 +488 322 3 891293009 +796 298 5 892660954 +919 564 2 875373770 +632 133 4 879457064 +627 628 4 879530501 +194 167 2 879549900 +805 522 5 881698095 +683 132 5 893286207 +603 988 4 891956529 +650 528 3 891370998 +805 164 3 881695293 +15 297 3 879455606 +51 692 3 883498685 +880 1664 4 892958799 +643 685 3 891445354 +853 294 2 879365035 +450 492 5 882397049 +482 243 2 887644023 +524 194 4 884634646 +592 70 4 882956803 +902 300 4 879463373 +123 288 3 879809053 +900 186 2 877833957 +747 695 2 888733111 +846 810 3 883950434 +52 282 4 882922302 +758 571 4 882054936 +600 1239 2 888452564 +1 124 5 875071484 +880 2 3 880167732 +758 650 5 881979419 +409 1346 3 881168711 +46 748 5 883614645 +690 1210 3 881180035 +711 923 5 879993629 +440 883 5 891550404 +749 609 4 881073104 +802 196 3 875985239 +327 228 4 887820171 +875 50 5 876465370 +672 874 4 879787643 +442 121 2 883390544 +829 515 4 881698803 +743 294 2 881277656 +934 432 5 891191976 +902 483 4 879465448 +454 8 5 888266643 +788 1478 3 880871173 +853 1280 4 879365091 +387 28 5 886483939 +786 195 4 882843312 +818 875 1 891870590 +468 89 4 875291722 +804 526 4 879442792 +666 654 5 880139382 +919 1278 4 875289761 +730 181 2 880310465 +524 700 5 884637246 +828 45 4 891380166 +533 554 1 879191691 +864 114 5 888888168 +741 180 4 891457855 +756 91 3 874830954 +458 56 5 886397679 +922 184 3 891449901 +92 998 2 875907649 +731 481 3 886182456 +583 519 5 879384338 +194 1112 3 879527999 +933 4 3 874854383 +566 742 3 881650627 +655 914 3 891817471 +339 187 5 891032700 +892 321 5 886610341 +738 228 5 875350316 +815 154 5 878694453 +671 89 5 884035406 +222 249 1 883815768 +875 654 4 876465230 +845 690 5 885409719 +682 362 2 888518251 +886 1048 4 876032840 +942 514 4 891283069 +479 609 5 879461951 +393 724 3 889729159 +883 647 5 891717319 +429 1220 3 882387233 +399 82 3 882344512 +748 187 4 879454958 +119 316 4 890626706 +474 137 5 887915188 +932 131 4 891250525 +398 610 4 875745631 +318 809 4 884498210 +758 173 5 881975182 +655 246 3 887474020 +749 58 3 878847988 +748 527 5 879454749 +407 67 1 876339975 +896 696 1 887235027 +757 198 4 888445864 +778 8 1 891234406 +561 178 4 885807713 +847 239 5 878940688 +653 286 4 884405346 +912 152 4 875966320 +719 71 3 883354106 +754 243 1 879451163 +476 268 4 883365503 +800 223 5 887646979 +506 657 5 874873745 +582 841 2 882962133 +589 338 3 883352654 +303 46 3 879467706 +360 258 4 880353585 +782 908 3 891498322 +313 631 2 891014313 +342 249 3 874984661 +925 332 4 884717404 +773 233 1 888540112 +37 831 2 880915607 +871 813 3 888193136 +716 511 5 879795542 +459 50 4 879563064 +928 878 5 880936022 +747 318 5 888732899 +94 47 5 891720498 +449 639 5 880410700 +815 95 3 878693381 +836 318 5 885754172 +561 156 4 885807484 +717 326 3 884641621 +374 597 4 880393460 +851 342 2 888540205 +587 301 3 892871197 +645 496 3 892053686 +774 194 3 888555998 +927 449 4 879196230 +354 65 4 891218046 +148 133 5 877019251 +755 245 4 882569881 +407 134 5 875042569 +934 384 4 891195573 +930 405 3 879534803 +693 88 3 883975500 +758 228 3 881977021 +716 69 5 879795188 +805 559 3 881695347 +932 648 5 891249903 +669 181 5 892549390 +727 89 5 883711298 +748 137 3 879454958 +699 304 4 880695431 +880 948 4 880166662 +669 514 3 892550215 +896 22 5 887157947 +42 181 5 881107291 +897 136 5 879990843 +498 423 3 881957267 +883 176 4 891696895 +843 188 2 879444767 +782 1537 3 891500066 +314 41 5 877887802 +561 233 1 885809246 +392 1226 4 891038288 +592 22 5 882955506 +523 255 5 883700144 +747 187 5 888639318 +741 92 3 891456427 +880 412 3 880167306 +638 117 4 876694995 +715 96 4 875963538 +787 937 3 888979074 +886 589 3 876031365 +908 434 4 879723128 +887 421 5 881379954 +501 108 4 883348564 +804 176 4 879441702 +543 1073 3 874863269 +795 152 4 881260622 +13 799 4 882139937 +696 124 5 886404617 +543 23 4 874864183 +276 248 4 882659269 +727 397 2 883712780 +798 110 4 875914458 +791 259 3 879448087 +825 619 4 880756834 +630 125 3 885666875 +887 946 4 881381348 +753 357 4 891401901 +450 750 3 884098229 +653 219 1 880152780 +1 95 4 875072303 +279 191 3 875734031 +642 186 5 885602739 +927 237 4 879177508 +785 886 3 879438591 +25 134 4 885852008 +758 241 3 881977109 +3 336 1 889237198 +846 26 4 883949335 +330 422 4 876547853 +807 566 4 892528999 +774 526 4 888556600 +880 293 4 880166872 +797 748 1 879439105 +865 328 3 880142857 +664 173 4 876525963 +807 181 5 892528954 +259 271 3 888721050 +449 274 2 879959003 +916 9 5 880843378 +746 161 3 885075304 +291 50 5 874805860 +706 9 3 880997105 +484 226 4 891195390 +804 1140 3 879446276 +10 180 5 877889333 +236 526 3 890116500 +213 154 5 878956101 +504 356 4 887840098 +907 696 5 880159081 +806 258 3 882384589 +543 177 4 877545356 +812 881 4 877625537 +871 127 5 888193081 +871 575 5 888192909 +763 382 5 878922829 +675 896 5 889488575 +710 886 3 882063528 +747 959 5 888733144 +896 569 2 887161488 +188 356 4 875074200 +605 79 5 879425432 +481 8 3 885828245 +795 550 3 883252004 +222 738 3 878182959 +162 474 3 877636556 +354 676 5 891216788 +912 56 2 875966027 +774 679 5 888557383 +762 815 1 878719406 +555 258 3 879962096 +741 480 5 891457855 +322 9 4 887314212 +907 248 5 880159038 +551 280 3 892778337 +766 69 4 891309668 +130 1220 5 876252343 +864 1101 4 888887502 +741 660 3 891040362 +758 28 4 881975990 +870 194 3 875679795 +890 403 1 882915661 +535 258 5 879619286 +889 171 4 880177970 +883 355 5 891692168 +899 284 3 884120205 +349 106 1 879466283 +234 495 4 892335042 +852 681 4 891036414 +889 649 2 880178511 +528 845 3 886812857 +673 12 4 888787587 +313 210 4 891014898 +657 269 5 884238002 +548 15 2 891415854 +391 705 5 877399133 +551 64 5 892776380 +450 1311 4 887139844 +330 443 4 876546377 +650 193 3 891382901 +713 270 2 888882179 +758 124 5 884999132 +533 242 4 884698095 +864 62 4 888889035 +406 563 1 879792975 +906 273 4 879434882 +796 161 5 893048377 +597 289 5 875338983 +298 742 3 884125553 +532 1300 3 888632446 +12 88 5 879960826 +538 162 3 877363863 +932 98 5 891249586 +880 720 2 880167965 +497 176 4 879310762 +597 294 4 875339083 +798 451 2 875638547 +184 318 5 889908571 +593 417 5 875671598 +682 823 2 888522613 +815 423 5 878694613 +852 274 3 891036369 +672 321 4 879787518 +774 659 3 888555864 +592 1011 4 882608699 +502 263 1 883702448 +773 940 2 888539766 +790 151 4 884461988 +658 475 4 875145667 +614 14 3 879464093 +429 228 2 882386485 +409 116 4 881107117 +854 23 4 882813647 +457 13 3 882393883 +796 586 3 893049257 +95 566 2 879196594 +408 334 2 889679901 +883 8 4 891694249 +447 716 2 878856573 +749 68 4 878849612 +498 181 2 881955014 +59 24 4 888203579 +580 619 3 884125175 +854 324 3 882811937 +398 603 4 875721548 +122 86 5 879270458 +886 623 1 876033069 +622 506 3 882670139 +778 144 4 890670638 +399 560 3 882352404 +348 151 3 886523456 +406 150 4 879446748 +435 405 4 884132540 +712 172 5 874729901 +502 313 4 883701792 +642 407 5 885606482 +582 125 3 882961632 +894 1462 3 882404642 +199 751 3 883782557 +733 283 3 879535368 +668 328 4 881523787 +759 405 4 881476969 +727 240 3 883709607 +497 123 3 879361727 +447 223 5 878856394 +45 845 4 881011188 +758 384 5 881979788 +11 88 3 891905003 +738 47 3 875353569 +620 676 3 889987190 +72 1 4 880035614 +779 258 5 875501254 +805 229 2 881694885 +189 511 4 893265349 +588 210 4 890015500 +267 157 5 878971874 +771 15 5 880659303 +870 96 4 879270357 +782 992 2 891499370 +673 528 5 888787587 +865 121 1 880144024 +568 303 4 877906697 +225 482 5 879540707 +268 144 4 875744106 +892 229 3 886610011 +867 657 5 880078769 +864 202 5 888887354 +796 747 4 893047167 +499 898 4 885597901 +801 301 5 890332820 +796 180 2 892675606 +774 510 2 888556484 +363 148 3 891497439 +659 257 2 891044849 +738 568 3 875350485 +458 527 2 886397857 +222 457 1 878181287 +806 952 2 882385578 +201 29 3 884141053 +534 125 3 877807816 +804 831 3 879443852 +368 447 1 889783453 +864 29 4 888891794 +894 1251 4 879896654 +316 127 2 880853548 +870 6 4 875680311 +804 71 4 879442538 +308 47 4 887738933 +783 300 4 884326348 +886 1170 3 876031481 +416 924 5 893212623 +881 400 2 876539128 +640 926 3 886474913 +532 1136 2 888636558 +265 815 3 875320424 +805 709 4 881696699 +543 357 4 874863803 +437 200 4 880140398 +896 770 5 887160702 +784 258 5 891387249 +782 1144 3 891499243 +934 2 4 891192087 +936 9 4 886832373 +805 323 5 879971214 +804 282 4 879444714 +727 168 5 883710152 +763 941 3 878915958 +918 962 4 891988029 +189 659 4 893265796 +108 281 4 879879985 +437 189 2 881001946 +864 106 3 877214236 +712 794 4 874957243 +913 173 5 880826542 +782 358 4 891498641 +757 230 4 888466614 +769 111 5 885424001 +882 1444 4 879877245 +921 1032 5 879381199 +751 238 3 889297524 +766 1021 2 891309011 +921 133 5 884673843 +897 465 5 879992030 +201 201 4 884112537 +682 395 3 888523657 +643 665 3 891449930 +457 1047 2 882395964 +308 1147 4 887738387 +754 922 3 879452073 +541 111 1 884645883 +154 185 5 879139002 +912 168 5 875966107 +875 258 4 876464694 +393 282 4 887744053 +724 995 1 883757597 +936 116 4 886832636 +627 655 4 879530536 +870 959 4 875680046 +643 246 5 891445312 +734 479 4 891025541 +805 190 5 881694423 +143 258 3 888407586 +642 117 4 886131655 +942 303 4 891282477 +112 258 3 884992484 +274 744 5 878945678 +753 657 5 891401665 +806 222 4 882385563 +749 271 5 879788762 +752 302 5 891208451 +877 333 4 882676259 +751 310 3 887134816 +934 145 3 891196610 +824 288 3 877020927 +887 1413 4 881380176 +406 285 5 879792811 +816 687 2 891711554 +919 676 4 875289061 +897 840 3 879993887 +766 28 5 891309668 +271 100 5 885847738 +712 67 3 874957086 +7 265 5 891350845 +717 148 3 884642958 +764 275 4 876242851 +747 333 4 888638335 +51 705 1 883498756 +381 120 1 892696587 +847 301 5 878774832 +13 767 1 882397011 +586 217 5 884061084 +796 293 5 892660251 +496 168 3 876065324 +854 100 5 882812225 +932 778 4 891251272 +733 13 3 879535694 +758 425 5 881977337 +7 275 4 891352831 +402 168 5 876267206 +269 1074 1 891448697 +890 214 4 882916588 +308 1074 3 887741271 +815 158 2 878695645 +730 322 1 880310202 +804 199 5 879442239 +642 795 4 886570173 +675 303 5 889488522 +189 588 4 893266105 +850 28 5 883195214 +913 741 4 881037004 +709 318 5 879846210 +537 184 3 886032246 +815 203 4 878696650 +505 97 4 889333676 +848 214 5 887048573 +880 99 3 880241219 +279 1288 4 891209077 +650 928 2 891370093 +797 990 2 879439456 +447 274 1 878854552 +933 241 2 874855069 +746 82 4 885075337 +455 662 4 879111554 +429 772 3 882386508 +786 111 5 882841667 +379 709 5 880526032 +927 158 2 879198608 +130 96 5 875216786 +692 194 4 876953340 +893 849 3 874830372 +740 328 3 879522814 +345 54 3 884993506 +525 676 2 881086518 +802 304 3 875985142 +913 216 4 881725796 +641 23 5 879370364 +342 89 3 875319090 +608 507 3 880403899 +634 323 4 875729217 +807 699 4 892528515 +868 90 3 877109874 +724 258 4 883757537 +504 382 4 887839709 +901 523 4 877132400 +764 1284 3 876244529 +442 1170 4 883388909 +892 615 5 886609029 +903 529 4 891033278 +326 447 4 879877388 +727 90 3 883711991 +629 288 4 880116722 +887 969 5 881379954 +393 304 4 887742110 +386 118 3 877655085 +843 667 2 879443597 +934 949 3 891197678 +354 165 4 891217755 +796 22 4 892662523 +826 99 3 885690379 +516 204 4 891290649 +805 866 1 881705412 +889 151 3 880177016 +450 1249 3 882812821 +640 540 3 874778479 +796 230 5 893048377 +932 274 5 891250704 +825 827 4 881184695 +921 934 3 879380496 +798 143 5 875639061 +901 250 3 877127196 +497 216 3 879310399 +923 334 5 880387129 +128 462 4 879966729 +738 168 3 875353869 +749 635 1 878850703 +790 405 3 884461925 +650 235 3 891388080 +534 25 5 877807845 +748 709 4 879454546 +836 56 4 885754096 +503 1009 2 884638911 +741 17 2 891455711 +389 664 4 880088290 +523 179 3 883703495 +330 284 5 876544311 +864 317 4 888887128 +723 258 4 880498768 +766 265 3 891309357 +865 117 2 880143746 +450 1107 4 887138957 +854 264 1 882811888 +943 124 3 875501995 +459 98 5 879564941 +911 969 5 892840807 +670 191 4 877975731 +756 1060 4 874831383 +847 96 4 878940301 +758 355 4 888461050 +332 173 5 888360092 +503 221 5 879438377 +697 343 4 882621548 +838 289 5 887061035 +727 164 5 883711497 +387 551 2 886481800 +916 186 3 880844175 +756 591 4 874829924 +833 656 4 875123536 +629 273 2 880117001 +385 488 5 879441599 +868 187 4 877107284 +618 709 2 891308665 +652 125 2 882567383 +1 217 3 876892676 +694 163 4 875729982 +326 90 1 879877198 +234 148 3 891228196 +655 930 2 887429812 +60 1122 5 883326498 +347 1011 3 881653155 +752 307 5 891208451 +328 751 3 885596088 +467 293 4 879532385 +521 679 3 884478515 +758 39 2 881974931 +57 195 3 883698431 +716 134 5 879795314 +757 550 3 888445820 +308 180 5 887737997 +851 748 3 874788804 +758 31 3 881977872 +746 64 4 885075790 +712 50 4 874729750 +868 410 3 877104414 +601 178 4 876348526 +617 423 1 883789294 +341 908 3 890758080 +327 778 3 887819462 +291 97 4 875087264 +577 403 4 880475187 +12 238 5 879960826 +798 996 3 875638717 +886 179 2 876032673 +374 179 1 880395575 +567 96 4 882427155 +473 1143 4 878157242 +572 222 2 879449763 +780 659 4 891363756 +606 118 4 878143785 +488 153 2 891293974 +476 780 3 883365274 +576 208 3 886986445 +680 242 4 876815942 +637 282 3 882903250 +733 258 3 879535011 +796 106 2 893194895 +938 717 2 891357060 +106 100 3 881449487 +848 517 5 887043514 +429 358 3 882387053 +864 286 5 890463283 +526 302 5 885681860 +717 24 2 884642297 +894 258 4 879896109 +839 742 3 875752200 +450 260 2 889568753 +406 806 4 879446748 +463 539 1 889936753 +512 1238 4 888578602 +599 278 3 880953441 +417 663 3 879647040 +58 134 5 884304766 +268 127 4 875309945 +314 1145 4 877892488 +673 286 4 888787508 +617 234 3 883789464 +899 50 5 884119794 +885 71 4 885714820 +726 898 2 889829235 +532 8 5 893119415 +749 300 4 878846365 +790 402 2 885156796 +455 942 4 879112011 +655 963 3 888475015 +294 257 3 877819599 +653 679 2 880153406 +804 824 3 879444133 +442 181 4 883390416 +830 449 2 891899475 +339 1240 5 891033855 +92 558 3 875906765 +882 172 5 879864970 +286 1060 5 889652989 +796 467 3 892675654 +497 151 3 879363510 +788 132 5 880869014 +798 400 3 876176160 +470 305 4 879178257 +796 831 2 893049303 +833 122 2 875135058 +786 176 4 882843069 +602 259 4 888638160 +851 330 3 884205246 +526 260 1 885681982 +570 271 4 881262256 +934 663 5 891192849 +607 137 4 883879556 +788 582 4 880869396 +233 528 5 877665324 +899 658 2 884121911 +840 671 3 891204891 +846 59 4 883948457 +496 155 1 876070859 +889 235 3 880177648 +934 605 4 891195288 +159 125 5 880557192 +780 385 4 891364125 +406 130 3 879540147 +774 178 4 888556483 +467 127 5 879532478 +419 174 5 879435628 +622 625 3 882671120 +653 293 3 886051879 +918 495 3 891987689 +641 657 4 879370062 +592 9 5 882608182 +503 190 5 880383030 +892 570 3 886610566 +709 97 5 879846784 +711 433 4 879992994 +901 443 3 877287910 +932 218 3 891250915 +385 497 5 879443186 +138 474 5 879024327 +585 855 3 891284184 +162 55 3 877636713 +727 250 5 883709242 +787 258 5 888979605 +83 127 4 887665549 +463 591 4 877385590 +901 419 5 877131763 +650 117 4 891370852 +594 221 4 874781207 +936 475 5 886832282 +95 855 3 888954609 +487 568 4 883446322 +492 650 2 879969644 +490 1383 1 875428417 +883 693 4 891717988 +807 550 5 892979747 +239 463 5 889178689 +727 219 3 883712476 +751 313 2 889727869 +860 272 3 885145344 +655 223 3 887473856 +937 301 1 876768812 +192 269 3 881366436 +436 747 5 887770640 +796 432 2 893218728 +871 794 3 888193541 +705 142 2 883427932 +882 118 4 879863031 +940 628 4 885921800 +863 262 3 889289618 +655 220 2 887426583 +776 282 3 892313246 +934 56 5 891191922 +390 754 4 879693561 +894 1501 4 882404363 +828 327 4 891033756 +705 597 4 883427339 +271 178 3 885849087 +624 1289 3 879793093 +851 841 3 875730757 +557 165 5 881179653 +303 1228 2 879543459 +387 531 3 886479528 +647 1263 3 876776321 +417 405 3 879646531 +781 289 3 879633862 +718 121 4 883348773 +405 425 2 885546112 +279 1070 3 875309760 +790 250 5 885158562 +875 64 5 876465275 +393 560 3 889728584 +846 404 4 883949046 +698 479 2 886368545 +159 293 4 880485879 +210 121 4 887737244 +804 415 3 879446391 +592 680 1 882607690 +650 135 4 891381545 +144 58 3 888105548 +648 713 2 884795447 +880 770 4 880167880 +936 268 4 886831415 +504 834 2 887911059 +654 87 4 887864471 +595 111 4 886921496 +342 114 5 875318962 +621 2 3 880739909 +479 32 3 879461354 +655 741 3 887426201 +760 873 4 875665908 +655 218 3 887523477 +277 100 4 879543421 +457 210 5 882397337 +763 432 5 878922982 +145 1033 1 875270903 +374 1322 3 880394000 +764 64 5 876244991 +846 732 4 883948840 +243 26 3 879988459 +634 281 4 877017829 +437 153 5 881001888 +588 542 3 890026787 +476 451 3 883364475 +747 462 5 888639272 +498 190 4 881956203 +815 419 3 878695490 +795 231 4 883254844 +95 739 3 880572689 +340 95 5 884991083 +613 318 5 891227299 +711 380 3 879993959 +889 232 3 880182270 +145 226 1 875272196 +766 630 3 891310772 +796 250 5 892660984 +871 183 3 888193177 +672 515 5 879787812 +168 273 4 884287509 +823 100 5 878437658 +897 68 5 879994113 +900 618 4 877833957 +810 338 4 891873660 +193 715 3 890860076 +506 705 5 878044851 +130 820 5 876251312 +826 91 4 885690342 +702 688 1 885767629 +506 174 5 874873157 +363 302 5 891493571 +938 15 2 891356615 +694 318 5 875727099 +804 7 4 879443673 +940 300 5 884801316 +536 80 2 882360802 +907 98 5 880160037 +710 656 5 882064321 +806 789 4 882389319 +774 94 2 888556248 +450 1197 3 882395662 +778 79 3 890725776 +739 498 4 886958939 +330 423 5 876545971 +789 248 3 880332148 +562 50 5 879196445 +173 262 4 877556864 +493 89 4 884130933 +826 1 4 885690250 +890 1149 5 883009400 +199 243 1 883782636 +825 687 5 882109250 +425 233 2 878738643 +487 1314 1 883530929 +666 64 4 880139120 +122 127 5 879270424 +256 977 4 882154058 +555 319 5 879962096 +234 513 5 892333980 +747 529 5 888640099 +758 1074 1 882054297 +429 999 2 882387163 +416 282 5 893213796 +314 1 5 877886317 +625 176 4 891263960 +821 121 3 874792752 +62 1133 4 879376332 +592 568 5 882956201 +552 121 4 879222698 +524 739 2 884637128 +882 566 4 879876806 +899 157 4 884122419 +846 29 2 883949508 +649 121 2 891440214 +406 709 5 880131642 +437 139 3 881001576 +2 288 3 888550252 +848 650 4 887037822 +285 185 3 890595859 +842 313 4 891217891 +731 485 4 886187414 +568 653 4 877907877 +534 1215 3 877808120 +109 175 1 880577734 +621 783 3 874963273 +328 498 5 885046654 +761 123 3 876190160 +747 1497 4 888732538 +795 319 4 880554132 +896 405 2 887160270 +169 606 5 891359137 +802 379 4 875985976 +726 833 5 889832807 +456 289 4 881372687 +95 62 4 879196354 +737 192 5 884314970 +728 1355 4 879443265 +723 172 4 880498890 +203 477 4 880434755 +606 591 3 880923349 +486 289 3 879874262 +460 1011 4 882912205 +870 810 3 879714883 +804 720 3 879445072 +880 128 3 880167806 +59 285 4 888202941 +770 813 5 875971850 +867 431 4 880078841 +291 747 4 875087290 +374 1093 2 883627582 +346 515 5 874948890 +883 748 5 891692168 +276 109 4 874786686 +452 275 4 875264491 +716 121 5 879794116 +846 127 5 883947911 +407 708 3 876344712 +761 458 1 876190623 +189 531 3 893265327 +682 1225 4 888521783 +499 165 5 885598961 +772 315 5 889028363 +339 504 5 891032255 +936 1097 5 886833795 +164 826 4 889402340 +561 88 2 885810769 +943 94 4 888639929 +919 1277 4 875289887 +715 208 3 875963836 +921 96 4 879380656 +831 354 4 891354063 +728 237 4 879443155 +593 977 3 875660215 +802 681 4 875986155 +600 720 3 888452151 +936 1007 5 886833795 +894 306 4 879896756 +655 1174 3 887523477 +485 242 5 891040423 +839 93 4 875752056 +766 605 3 891310650 +659 705 5 891383561 +45 181 4 881010742 +533 393 4 879192069 +881 323 2 879051487 +671 810 2 884036050 +712 376 3 874956903 +730 269 5 880309870 +932 676 4 891251738 +279 449 3 875312378 +654 118 2 887863914 +234 661 5 892333573 +939 326 5 880260636 +757 96 4 888466461 +144 235 1 888104715 +749 650 3 878848189 +452 265 3 887719158 +378 225 3 880045006 +661 756 3 876037089 +44 419 4 878348784 +796 553 4 893047208 +661 573 3 876036043 +901 89 3 877288929 +778 249 3 891233675 +622 434 4 882592523 +533 550 4 879439340 +671 838 3 884036365 +916 56 5 880844038 +555 50 5 879962152 +456 209 3 881372849 +853 877 2 879364882 +612 147 4 875324975 +727 552 2 883712751 +821 28 5 874793469 +655 650 3 887427009 +222 174 5 878181934 +409 171 4 881107084 +864 568 4 888888115 +90 1201 5 891383687 +535 709 5 879618925 +492 199 3 879969255 +496 1157 1 876070937 +243 1115 3 879987465 +733 1047 2 879536659 +608 479 5 880404636 +846 401 5 883949643 +497 946 4 879310021 +771 274 4 880659941 +554 735 3 876369162 +387 567 2 886481737 +813 310 4 883752290 +577 1054 3 880471823 +628 332 5 880777096 +95 49 3 879198604 +611 353 3 891636125 +497 433 3 878759806 +429 307 3 882384437 +417 210 3 879647749 +894 299 3 879896200 +234 367 4 892334976 +279 1224 3 878082804 +774 29 1 888557519 +871 549 3 888193541 +537 732 3 886031912 +587 307 4 892870992 +463 276 3 877385287 +177 327 3 880130467 +670 1099 3 877975018 +650 1135 2 891383977 +838 56 5 887066782 +663 210 3 889493818 +929 185 5 879640184 +843 485 2 879447007 +450 588 4 882376658 +747 162 5 888639594 +279 2 4 875313311 +244 276 5 880604234 +405 182 1 885545974 +618 693 3 891307540 +805 123 4 881695723 +44 523 4 878348784 +653 1478 2 880153705 +764 22 4 876245549 +617 855 3 883789294 +543 197 4 874866116 +830 204 3 891898551 +244 528 3 880606533 +940 9 3 885921687 +655 7 3 887425969 +450 546 4 887139019 +774 188 3 888557329 +674 255 4 887763012 +190 327 2 891033349 +648 167 4 884882407 +13 779 3 882398255 +611 311 4 891636073 +185 258 4 883526267 +303 484 5 879466966 +391 177 4 877398951 +719 890 1 879358395 +773 1069 4 888539559 +773 216 4 888539608 +233 647 5 877661364 +586 393 3 884066799 +484 566 4 891195416 +903 696 3 891031906 +407 154 5 875116964 +588 155 5 890026882 +592 1071 4 882956668 +483 510 3 878953751 +909 744 3 891920763 +111 307 2 891680243 +708 742 1 892719385 +779 926 4 875992442 +926 289 3 888636269 +471 393 5 889827918 +694 527 5 875727449 +826 233 4 885690713 +784 326 5 891387155 +7 415 2 891354438 +537 1194 3 886030584 +939 818 3 880262057 +455 716 3 879112259 +891 313 5 891638337 +618 550 3 891308261 +901 135 4 877131961 +627 402 3 879530866 +194 435 4 879520813 +133 286 2 890588524 +532 1199 3 874789155 +68 181 5 876973884 +541 73 4 883865693 +458 960 1 886397726 +877 328 2 882676366 +655 219 2 890497653 +75 117 4 884050164 +495 491 5 888632443 +291 125 4 874834019 +693 130 1 875483144 +862 928 4 879303542 +747 285 5 888732899 +929 32 3 880817818 +749 136 5 878849404 +916 578 1 880844985 +299 597 3 877880111 +782 1252 3 891500066 +867 64 5 880078547 +537 314 1 886029239 +758 536 2 880672747 +291 151 5 874833668 +561 462 3 885809246 +833 218 4 875124495 +425 1222 2 878738757 +650 29 2 891382877 +585 543 3 891284393 +247 58 4 893081396 +756 159 4 874829924 +181 473 2 878962919 +682 298 4 888518639 +299 856 3 889503334 +429 443 4 882385210 +923 763 4 880387908 +880 180 5 880241822 +682 583 2 888517587 +766 181 4 891309177 +586 177 3 884061343 +869 411 4 884492828 +650 100 4 891369954 +786 416 4 882843534 +774 182 4 888556398 +943 281 4 875502299 +932 459 4 891250944 +72 198 5 880037881 +829 509 5 881698976 +891 286 5 891638433 +104 222 3 888465319 +526 248 4 885682635 +812 289 1 877625461 +803 306 4 880054629 +290 566 3 880474388 +830 203 4 891898061 +840 949 4 891211530 +445 546 2 891200417 +564 127 4 888730974 +213 197 5 878955707 +798 49 4 875814021 +773 187 5 888539962 +916 217 4 880845282 +263 322 3 891297485 +835 186 4 891034285 +605 408 5 881016144 +99 276 2 885678973 +451 304 3 879012684 +588 729 3 890024488 +381 96 5 892697174 +840 640 3 891209242 +619 298 5 885953778 +424 990 5 880858979 +770 334 5 876597960 +936 1344 5 886832183 +778 82 3 890803491 +1 58 4 878542960 +797 1254 2 879439548 +756 289 4 874828027 +62 546 4 879373118 +851 1094 1 875730455 +645 435 4 892054364 +776 5 4 892920320 +207 428 4 877838826 +262 567 1 879795430 +610 133 4 888703648 +833 445 4 875123299 +886 715 1 876033434 +13 810 5 882398076 +790 664 3 885158235 +577 550 3 880475130 +738 636 3 875350944 +447 508 3 878854195 +823 478 4 878439113 +640 691 4 890014144 +766 432 3 891309250 +152 367 3 882475972 +379 526 4 880525031 +399 526 3 882343171 +504 181 3 887831773 +924 82 4 885458168 +836 603 5 885754029 +626 681 1 878771477 +880 117 4 880166872 +648 90 3 884882271 +642 398 2 886454837 +347 284 3 881652480 +276 425 4 874791101 +715 462 4 875963998 +790 1025 1 884461188 +311 135 4 884366617 +804 1291 3 879444115 +560 405 4 879976970 +629 277 5 880117459 +829 70 4 881699060 +379 175 5 880525108 +851 367 2 875731674 +881 195 4 876539636 +553 525 4 879949153 +405 357 5 885544974 +796 39 3 893048562 +896 27 1 887235026 +363 455 5 891496927 +840 134 3 891204160 +870 77 3 879714103 +780 318 5 891364124 +776 514 5 891628916 +921 395 3 879380908 +738 147 3 875350764 +872 742 4 888479171 +883 286 3 891691654 +807 82 4 892529278 +862 271 5 879302763 +344 69 2 884901093 +703 276 3 875242964 +601 479 4 876349358 +498 509 3 881955867 +308 637 3 887741108 +934 529 5 891194866 +567 433 4 882426673 +766 215 3 891309250 +429 816 2 882387474 +496 195 4 876065715 +934 97 4 891192329 +15 258 3 879455473 +373 153 5 877100354 +250 183 4 878091870 +933 508 3 874853927 +588 969 5 890023831 +916 732 3 880844862 +500 7 5 883865104 +921 369 1 879380328 +217 761 4 889070232 +704 69 3 891397441 +793 1365 2 875104718 +674 866 5 887763062 +807 570 4 893081426 +936 1279 3 886833360 +301 387 3 882078084 +889 50 4 880176807 +251 468 2 886271641 +267 1110 3 878973329 +588 268 5 890014648 +201 232 2 884112282 +780 474 3 891363723 +232 178 5 888549988 +165 326 5 879525672 +854 246 3 882812195 +919 85 2 875372947 +18 524 4 880129816 +682 219 2 888522857 +296 244 1 884196896 +650 389 3 891387571 +379 474 5 886317533 +200 288 5 884125846 +928 877 5 880936022 +878 474 5 880868819 +425 181 4 878738435 +595 50 5 886921112 +279 269 4 892865492 +664 98 4 876526462 +393 585 2 889731649 +406 70 3 879793295 +757 183 4 888445864 +894 886 3 879982820 +916 85 2 880845115 +840 526 4 891204971 +343 64 5 876405697 +727 183 3 883710186 +835 133 5 891033718 +305 60 3 886324097 +834 405 4 890862563 +643 186 4 891447663 +545 164 4 879899906 +629 92 4 880117163 +931 347 4 891035946 +389 489 4 879991115 +107 327 3 891264501 +699 473 3 880696344 +834 315 5 890860687 +254 457 2 886470931 +97 1126 3 884239687 +744 307 4 881171839 +802 185 3 875985601 +322 483 5 887314417 +713 315 4 888881988 +645 98 4 892053241 +666 760 3 880313789 +92 401 3 875907535 +747 842 5 888640916 +337 227 5 875185319 +463 1115 4 877385531 +555 328 4 879962096 +894 919 4 881625708 +469 168 4 879524006 +738 254 2 875349111 +524 22 3 884634731 +174 781 4 886513788 +864 577 3 888892917 +716 73 4 879797256 +773 181 5 888540020 +761 1163 2 876190752 +748 323 4 879454208 +694 144 4 875728912 +845 751 2 885409719 +802 326 5 875984637 +862 172 5 879304243 +660 122 1 891198996 +13 438 1 882397068 +496 496 1 876066424 +862 182 5 879304526 +622 419 4 882670009 +508 451 3 883777281 +747 182 5 888639272 +599 1357 2 880952905 +682 202 4 888521413 +807 211 4 892529448 +412 174 5 879716918 +453 227 3 888207162 +416 293 5 893213019 +661 631 3 886841831 +787 681 3 888979657 +894 855 4 882404460 +871 92 3 888193338 +735 319 4 876697647 +235 344 5 889654419 +610 203 4 888703749 +798 162 3 876177353 +727 100 2 883708830 +817 7 4 874815885 +316 988 1 880853152 +854 133 3 882814091 +929 182 4 879640225 +862 143 5 879304722 +311 443 3 884365718 +751 559 4 889298622 +474 654 5 887924469 +842 1105 2 891218353 +745 79 3 880123540 +802 331 4 875986155 +480 485 4 891208186 +148 189 4 877019698 +805 56 4 881694423 +622 1016 3 882591014 +881 51 5 876538889 +161 194 1 891171503 +342 150 3 874984531 +367 185 5 876689991 +806 257 4 882385394 +758 252 3 880672830 +540 269 4 882156584 +650 588 3 891372286 +494 329 3 879540819 +332 225 3 887938706 +899 197 4 884121512 +860 274 3 885991476 +144 1028 3 888104495 +95 73 4 879198161 +788 1126 5 880869278 +128 223 5 879966839 +660 786 1 891265453 +622 29 4 882592735 +851 1034 1 875731105 +550 237 3 883426119 +565 171 5 891037252 +194 715 3 879527263 +880 742 4 880166847 +863 910 2 889289570 +58 203 5 884305185 +587 262 4 892871069 +405 468 3 885544698 +561 943 3 885809197 +639 1005 2 891239813 +535 207 4 879618613 +923 338 4 880387172 +592 754 3 882607325 +207 517 3 882081278 +472 191 5 875980283 +718 744 3 883348824 +896 50 5 887159211 +687 321 4 884651818 +549 748 4 881671952 +837 294 4 875721502 +297 527 5 875239018 +268 1178 1 875743534 +892 393 4 886607679 +771 462 3 880659426 +349 619 4 879466000 +648 746 4 884881524 +5 163 5 879197864 +774 554 1 888557556 +481 181 5 885827974 +829 462 4 881698976 +501 222 4 883347919 +617 443 4 883788782 +178 471 4 882823930 +934 168 4 891191875 +437 182 2 880140432 +222 193 4 878182005 +846 1107 4 883950128 +807 546 4 892978966 +149 313 5 883512557 +815 417 5 878694664 +613 297 5 891227338 +901 521 2 877289241 +850 648 5 883195527 +749 127 4 881073104 +566 133 4 881649670 +474 1200 4 887927339 +846 388 3 883950950 +860 56 4 885990862 +774 386 2 888556225 +595 717 2 886921977 +748 208 4 879454522 +653 642 1 878866604 +864 136 4 888886913 +484 471 4 881449737 +315 433 4 879821037 +788 685 3 880870996 +506 762 3 877861473 +18 172 3 880130551 +806 357 3 882387373 +498 14 4 881955189 +835 288 2 891032224 +727 180 3 883711589 +521 208 3 885253562 +786 280 3 882841745 +833 475 3 875035718 +782 1615 3 891499611 +833 431 2 875223813 +406 197 4 882480710 +758 352 4 885948283 +703 288 4 875242076 +786 501 4 882843534 +666 204 3 880139090 +450 392 4 887660762 +798 951 3 875639767 +634 1084 2 875728783 +786 1044 4 882844127 +862 434 5 879304410 +634 117 4 875729535 +533 38 2 879191691 +798 1139 3 876177661 +916 930 2 880843934 +380 89 5 885478583 +158 22 5 880134333 +198 474 5 884207298 +757 97 4 888445714 +938 284 2 891356827 +374 472 2 880393783 +749 655 5 878848044 +724 948 1 883758119 +276 728 2 874792277 +429 1109 2 882386448 +505 358 3 888631555 +702 352 1 885767435 +869 126 2 884491927 +934 67 4 891193373 +896 1248 2 887160187 +639 194 4 891240160 +727 774 3 883713257 +833 671 5 875039204 +843 379 2 879443394 +405 698 1 885546069 +902 298 2 879465016 +561 615 4 885807930 +485 345 1 891040560 +523 197 5 883703048 +747 26 3 888733314 +858 334 4 880933072 +592 96 5 882956241 +580 151 2 884126077 +819 300 5 879952538 +534 129 4 877807718 +541 29 2 883865336 +872 1047 4 888479603 +821 1197 5 874792889 +763 100 5 878915958 +682 228 4 888520923 +698 431 1 886367750 +767 524 5 891462560 +308 7 4 887738847 +758 291 4 881978115 +875 185 4 876466687 +807 154 2 892528919 +201 590 1 884114813 +759 984 2 881476642 +763 392 4 878919055 +804 1050 3 879442269 +506 132 4 874873615 +851 129 4 875730379 +561 186 3 885809447 +378 67 2 880332563 +830 968 4 891898211 +916 959 4 880845328 +110 780 3 886989566 +829 281 3 881712349 +425 157 2 878738149 +342 488 5 875319536 +916 1 4 880843361 +274 1060 4 878945645 +130 389 3 875216786 +686 518 5 879546497 +380 480 4 885478718 +779 7 3 875993165 +59 68 2 888205228 +468 508 4 875280539 +707 319 5 879439088 +551 509 4 892777274 +838 87 4 887065750 +843 177 3 879444767 +455 28 4 879111371 +13 209 3 882141306 +716 1124 3 879795838 +299 241 3 889502640 +592 475 5 882608107 +506 523 5 874873112 +899 474 3 884121612 +825 322 5 884642187 +398 837 4 875718614 +256 92 1 882164603 +653 62 3 880151691 +531 311 4 887048763 +503 356 4 879454841 +779 509 2 875999211 +805 102 4 881695591 +938 815 3 891356532 +648 38 5 884882803 +291 71 4 875086887 +890 636 3 882404879 +733 515 5 879535213 +833 522 2 875039039 +60 133 4 883326893 +881 554 1 876539636 +288 258 4 886372882 +871 1388 4 888193136 +741 22 5 891018303 +707 744 3 880060261 +450 78 2 882396245 +896 1522 2 887160750 +830 588 5 891561474 +347 148 3 881652888 +405 1546 1 885549408 +488 589 3 891294400 +327 255 3 887745911 +660 40 2 891201674 +743 301 4 881277357 +354 181 4 891216656 +548 659 4 891044446 +128 553 3 879968718 +303 1044 3 879485685 +470 129 3 879178542 +660 658 1 891200193 +405 303 1 885549904 +616 258 4 891224676 +374 239 4 880396622 +796 732 5 893047241 +893 1245 2 874828812 +291 939 4 874834768 +413 25 3 879969791 +279 56 4 875306515 +716 692 5 879795239 +682 226 3 888520923 +121 172 5 891388090 +475 354 2 891627606 +649 117 5 891440460 +541 393 3 883865693 +868 128 5 877108123 +818 346 4 891870364 +645 180 4 892054402 +249 238 5 879572451 +332 367 4 888360212 +48 243 3 879434330 +934 855 4 891192849 +889 191 4 880178078 +847 200 3 878940756 +450 597 4 882473914 +277 284 4 879543972 +728 289 3 879442761 +221 56 5 875245592 +429 1301 4 882385963 +796 608 3 892675492 +751 161 2 889134419 +13 187 5 882140205 +712 195 3 874730085 +625 519 2 891263703 +811 300 5 886377373 +509 338 3 883591319 +288 205 5 889225443 +806 1018 4 882389908 +877 921 4 882677128 +613 176 5 891227237 +913 603 4 880758150 +939 890 2 880260636 +881 21 3 876536667 +509 266 1 883591489 +653 728 2 880153568 +429 380 3 882387576 +903 96 2 891032842 +465 135 3 883531380 +795 143 3 883252292 +773 172 5 888539992 +907 934 4 880159222 +894 245 4 882404136 +807 1084 4 892529519 +832 286 3 888258806 +826 68 3 885690677 +815 1039 5 878693870 +588 24 2 890015766 +642 496 4 885603516 +429 637 3 882387506 +129 323 1 883245452 +654 1048 3 887864050 +741 83 4 891457855 +815 176 4 878694705 +653 702 3 880151918 +57 1016 4 883697730 +577 49 4 880474955 +868 94 1 877109814 +911 210 3 892839745 +836 269 5 885753475 +276 215 4 874791145 +459 235 1 879563367 +773 96 2 888540063 +500 215 1 883874528 +504 846 4 887831806 +455 183 4 879111862 +747 168 4 888639015 +503 197 5 880383358 +869 596 3 884491734 +886 237 4 876031850 +532 120 2 888630742 +645 367 3 892055039 +506 194 5 874873247 +533 511 4 879439379 +759 220 5 875227904 +833 684 3 875123195 +721 81 2 877139301 +95 552 1 888956422 +899 367 4 884122450 +498 657 3 881957488 +758 510 3 881974823 +761 840 4 876190753 +878 151 1 880870609 +670 83 3 877975018 +387 42 4 886480548 +646 1022 4 888528955 +806 98 4 882387798 +54 405 4 880934806 +889 1231 3 880182871 +224 222 4 888103729 +159 272 5 885501645 +724 938 3 883757671 +830 498 5 891899535 +489 749 4 891366571 +699 1336 3 884152976 +642 399 3 886131257 +194 661 5 879523104 +826 420 3 885690342 +904 736 4 879735499 +722 111 3 891281077 +892 143 2 886608238 +620 181 4 889988146 +854 195 3 882813537 +935 148 4 884472892 +151 258 5 879523838 +727 751 3 883708208 +843 82 3 879444801 +919 748 1 875288253 +416 415 4 886319408 +656 302 3 892318450 +916 961 3 880844202 +402 137 4 876266701 +705 252 1 883427552 +942 496 5 891283043 +933 73 4 874854629 +211 443 1 879460096 +804 576 4 879445355 +901 465 4 877131654 +682 248 3 888518640 +1 142 2 878543238 +207 385 3 875509346 +905 1011 3 884984382 +268 379 1 875744582 +623 228 3 891034343 +279 759 4 875313616 +483 222 3 878953485 +236 273 1 890116670 +720 347 3 891262608 +943 1188 3 888640250 +479 490 4 879461337 +880 1415 2 880243093 +798 161 3 875639235 +622 808 3 882671534 +28 672 3 881961728 +13 143 1 882140205 +762 749 1 878718996 +311 966 4 884365617 +924 13 3 887421305 +159 880 1 893256084 +894 1073 4 882404397 +537 693 4 886031786 +109 257 5 880563331 +804 70 4 879443137 +303 805 4 879485475 +636 283 3 891448916 +856 690 4 891489356 +796 1012 3 892660466 +648 210 4 882213502 +885 660 5 885714317 +819 70 4 884105841 +476 399 3 883364812 +923 125 4 880388289 +551 1136 5 892784049 +506 177 5 888848342 +916 54 3 880845790 +296 632 5 884197264 +290 102 3 880475585 +896 31 3 887158830 +919 240 3 875289611 +450 213 4 882396351 +802 678 4 875984776 +735 289 1 876698022 +881 812 2 876539505 +295 449 4 879518864 +760 631 3 875668368 +830 484 5 891898661 +815 77 4 878695798 +399 426 3 882350431 +195 1315 4 878019299 +689 257 5 876676397 +566 231 1 881651317 +934 963 5 891192914 +585 60 4 891282808 +660 204 3 891200370 +521 566 3 885254925 +881 90 3 876539595 +306 1028 2 876504581 +824 687 2 877021077 +804 358 3 879440787 +490 118 2 875428703 +769 1011 3 885424142 +663 121 4 889493182 +430 1375 4 877225660 +787 308 3 888979181 +788 405 4 880868974 +503 98 5 879454675 +917 276 5 882912385 +592 95 4 882956276 +829 1193 4 881699425 +864 72 4 888891288 +524 23 5 884635031 +788 636 3 880870583 +881 214 4 876538322 +887 96 4 881380403 +822 588 2 891037394 +815 87 5 878694199 +545 172 5 879899125 +781 245 2 879633862 +923 295 5 880387579 +882 89 5 879867508 +833 152 2 875134063 +406 670 3 879792928 +333 127 4 891045496 +887 47 5 881381679 +391 186 5 877399658 +694 1126 5 875727449 +815 518 3 878693183 +870 45 5 875679795 +617 413 1 883789635 +693 939 4 875483381 +840 514 5 891205093 +196 269 3 881250949 +833 589 5 875038807 +680 203 3 876816162 +889 566 3 880181275 +251 595 3 886272486 +588 225 5 890027113 +682 39 4 888518009 +595 121 2 886921550 +712 944 4 874956981 +43 144 4 883955415 +775 750 5 891032804 +916 77 3 880845620 +699 246 4 883278783 +843 501 2 879447578 +184 276 4 889907685 +905 125 3 884984009 +846 431 5 883947590 +851 299 4 886534617 +223 289 1 891549017 +648 63 4 884882103 +721 332 4 877137358 +10 70 4 877891747 +595 472 3 886921847 +342 1094 3 874984873 +269 187 4 891447841 +406 661 5 879446268 +889 93 3 880177219 +943 117 4 875501937 +655 503 3 887523477 +805 135 4 881698095 +1 216 5 876892701 +130 1157 3 880396861 +889 1067 3 880177131 +757 679 4 888466583 +407 176 4 875046427 +838 114 4 887065822 +727 771 3 883713692 +562 393 2 879195954 +122 513 4 879270084 +197 272 4 891409160 +835 318 5 891033718 +699 1163 5 879148050 +893 77 4 874829706 +741 56 4 891018303 +733 130 2 879544411 +669 614 4 891260778 +796 78 3 893219254 +826 258 4 885689759 +181 717 1 878963418 +787 306 3 888979007 +665 419 4 884295126 +305 228 2 886323998 +758 179 5 881976031 +178 588 4 882826242 +650 1627 3 891383786 +655 995 3 887424991 +870 1208 2 879902128 +884 1009 2 876859024 +880 68 5 880167843 +535 488 5 879618965 +889 749 2 880176718 +128 531 4 879966685 +797 269 3 879438957 +735 93 2 876698604 +927 410 1 879190223 +533 654 3 879191770 +327 245 1 887743705 +477 739 4 875941191 +275 393 3 880314772 +365 815 3 891304152 +861 531 4 881274529 +344 530 4 884901403 +796 1076 2 893219150 +92 368 1 886443672 +234 1011 3 891227730 +263 435 4 891298914 +738 164 5 892844112 +829 733 2 887584684 +591 182 3 891031171 +30 403 2 875061066 +805 1033 3 881706146 +491 294 2 891189842 +767 615 4 891463095 +936 508 3 886832282 +851 122 2 875731105 +716 549 4 879797372 +807 254 4 893085166 +878 371 3 880869239 +279 379 3 875314386 +586 50 4 884057387 +886 826 1 876032929 +683 325 2 893286346 +543 234 4 876896210 +897 234 5 879991729 +838 134 3 887066304 +891 237 5 891638601 +693 176 2 875483268 +777 15 4 875980306 +867 655 4 880078906 +325 511 4 891478047 +788 1303 3 880871577 +524 227 2 884636498 +207 847 3 885139179 +442 470 4 883391167 +551 196 5 892776982 +776 618 3 892474057 +562 582 4 879196249 +804 747 3 879445699 +749 239 4 878849286 +487 27 5 884044329 +188 11 5 875071520 +838 274 4 887064388 +846 209 4 883948377 +870 66 4 875680493 +450 489 4 882373464 +822 71 4 891037465 +564 685 3 888730658 +504 158 3 887910737 +796 945 5 892663009 +391 715 2 877399588 +850 519 4 883195168 +587 319 3 892871113 +365 741 2 891304059 +682 263 1 888518541 +524 222 2 884323500 +503 100 5 879438346 +795 58 4 881259362 +538 655 3 877108345 +833 515 3 875035660 +848 610 5 887046259 +727 114 5 883710152 +666 154 3 880568662 +159 742 2 880557192 +922 237 4 891448247 +833 667 1 875224381 +899 176 4 884121173 +846 367 4 883949121 +630 864 4 885667600 +933 1 3 874854294 +805 235 2 881705350 +560 109 3 879976651 +684 50 4 875810897 +862 70 4 879305172 +870 813 4 875051101 +846 185 5 883948534 +586 123 3 884057661 +828 902 4 891380167 +848 495 2 887039018 +574 242 5 891278860 +924 408 3 889286721 +495 636 3 888634475 +343 286 4 876402390 +90 479 5 891384147 +805 352 5 885845656 +887 254 4 881379145 +276 96 5 874792435 +291 404 4 875086958 +389 386 3 880089302 +608 157 1 880405085 +864 972 2 888890475 +919 11 4 875373582 +393 80 3 889729561 +927 763 4 879181749 +942 95 5 891283516 +825 363 4 881185343 +883 323 5 891692168 +757 270 3 888443434 +629 693 5 880117215 +464 270 4 878354762 +543 60 5 874864346 +896 840 2 887161469 +875 511 5 876465188 +392 495 3 891038401 +840 52 3 891205320 +321 1101 3 879440660 +345 86 4 884916235 +427 268 5 879701253 +622 451 4 882671221 +645 61 5 892054508 +846 608 4 883948377 +615 271 2 879447642 +698 483 3 886367133 +602 261 3 888638248 +499 55 4 885599598 +429 425 3 882385859 +494 143 5 879541245 +724 988 1 883758119 +773 455 4 888539471 +635 307 4 878878654 +622 22 4 882592178 +804 670 4 879444536 +712 63 4 874956903 +461 294 3 885355805 +880 1095 3 880175503 +642 771 3 885607115 +937 300 4 876768813 +363 257 2 891499595 +615 48 5 879448399 +804 1489 3 879445441 +854 188 4 882814368 +816 332 4 891710994 +914 643 4 887123886 +717 472 4 884642581 +815 582 1 878695311 +765 42 5 880346975 +896 8 5 887159343 +500 1135 3 883875561 +837 258 4 875721473 +749 1041 4 878849979 +456 544 3 881372114 +721 97 4 877140780 +592 887 5 882607780 +825 455 4 880756796 +939 934 3 880262139 +527 1211 3 879455765 +886 425 4 876032029 +831 28 3 891354848 +630 111 5 885666956 +239 116 5 889181093 +918 631 4 891986664 +786 496 5 882843312 +8 55 5 879362286 +405 398 1 885548094 +803 683 1 880054885 +593 238 4 877728878 +919 328 2 875288304 +846 525 4 883947819 +835 427 4 891033380 +774 1016 3 888559123 +938 472 4 891356656 +824 323 2 877020965 +506 580 3 874875062 +563 257 5 880506596 +72 215 4 880036718 +436 470 4 887770566 +859 1281 3 885774937 +757 53 3 888466737 +144 455 3 888104382 +496 443 2 876066353 +566 378 4 881650467 +533 289 2 879773297 +847 1007 4 878775444 +845 310 4 885409493 +407 402 2 876344329 +537 966 2 886032098 +653 208 3 890181185 +786 322 3 882842463 +481 199 5 885828543 +436 278 2 887771924 +189 405 2 893264487 +807 473 3 892530705 +868 181 5 877103280 +387 1 4 886480681 +846 227 4 883949698 +543 778 4 877550399 +830 96 3 891561673 +894 12 5 881625708 +919 1284 3 875289566 +815 240 2 878692319 +639 731 2 891239613 +804 636 3 879445334 +312 1172 5 891699538 +864 405 5 877214158 +645 60 5 892053748 +639 740 4 891239324 +665 1315 4 884291413 +847 151 4 878775914 +882 205 5 879865307 +15 823 2 879456351 +387 530 4 886483099 +655 1106 2 891817472 +496 506 3 876067215 +861 14 4 881274612 +551 1439 5 892783612 +445 902 4 891200870 +194 228 1 879535548 +450 619 3 882377861 +886 380 3 876032929 +671 379 3 884035303 +506 191 4 874873615 +582 919 5 882961540 +291 402 4 874871498 +566 576 2 881651013 +919 709 3 875374088 +793 928 3 875104864 +773 919 5 888538643 +585 1149 4 891283921 +870 873 2 875050370 +417 450 2 880953014 +98 210 4 880498968 +664 657 5 876526685 +116 1220 2 876453865 +712 996 4 874956903 +717 455 2 884642479 +425 326 1 890346567 +742 546 1 881335598 +521 1240 3 884478667 +789 249 3 880332296 +890 739 2 882915661 +455 15 2 879110767 +77 192 3 884752900 +663 3 4 889492614 +677 91 5 889399671 +627 387 2 879529916 +394 742 5 880888167 +880 986 3 880167569 +655 391 2 887429784 +719 216 4 879373935 +420 124 5 891356891 +666 1474 3 880567612 +924 504 5 885458009 +889 144 4 880178224 +833 100 4 875036169 +749 209 4 878848828 +871 272 2 888192859 +263 234 4 891298792 +464 515 5 878354965 +823 450 1 878439412 +887 294 5 881378219 +500 409 4 883865985 +754 1016 4 879451585 +763 1006 2 878919116 +699 1328 4 879148051 +682 553 3 888517627 +889 664 2 880182695 +398 100 3 875652816 +715 588 4 875963353 +450 214 1 882371416 +913 750 4 883110363 +200 429 5 884130014 +919 218 4 875374032 +474 523 5 887924083 +59 492 4 888205370 +659 720 3 891386492 +804 120 3 879444077 +878 213 3 880867854 +276 975 3 874836629 +545 720 3 883115664 +833 188 4 875124495 +848 265 4 887047808 +830 474 5 891898661 +532 118 4 888634813 +881 465 3 876538595 +629 658 4 880117813 +340 497 5 884990951 +697 310 3 882621431 +854 118 2 882813219 +848 496 2 887037980 +756 118 2 874828967 +630 181 3 885666650 +783 343 5 884326787 +33 880 3 891964230 +454 371 3 888267198 +299 640 3 889501995 +645 96 3 892054444 +920 350 4 884219953 +790 862 1 885158374 +186 1042 5 879023632 +535 144 3 879618123 +615 70 4 879448915 +326 474 5 879875025 +71 302 3 880864015 +642 1224 4 886132139 +654 462 4 887864998 +420 127 5 891357104 +790 105 2 884462907 +405 54 2 885546379 +13 504 5 881515011 +855 165 4 879825382 +455 77 4 879111528 +297 294 3 874953948 +304 243 3 884967391 +790 485 3 885156709 +727 158 2 883713668 +500 134 5 883873461 +889 1262 3 880182270 +790 294 2 884460878 +234 464 4 892079288 +640 182 5 874777925 +809 748 3 891037091 +857 24 1 883432711 +919 372 3 875920948 +883 127 5 891717319 +805 413 2 881695414 +542 347 3 886532176 +797 300 2 879439031 +556 707 3 882136396 +830 195 3 891464054 +189 1404 5 893266325 +875 98 5 876464967 +758 195 5 881975416 +429 808 3 882387576 +730 248 3 880310324 +892 1454 3 886610267 +896 223 4 887158830 +920 346 4 884219768 +390 475 1 879694232 +796 493 3 892675424 +919 628 3 875288898 +634 290 3 877017891 +851 355 4 888540240 +600 183 5 888451750 +790 214 3 885156618 +796 86 5 893047321 +887 28 5 881379522 +92 406 2 881008058 +880 258 4 880166499 +184 387 4 889909515 +486 303 4 879874388 +846 642 5 883950220 +845 302 3 885409374 +694 665 4 875728729 +5 404 2 875721216 +835 371 5 891034366 +795 175 5 881263767 +847 499 4 878940013 +313 326 4 891012907 +59 567 4 888206562 +852 1052 4 891037888 +716 485 5 879795375 +389 654 5 879991411 +729 272 4 893286638 +13 647 5 882140206 +716 724 4 879796138 +698 202 3 886367775 +389 371 4 880088309 +755 331 3 882569771 +394 29 3 881058201 +312 618 5 891698300 +715 11 4 875963306 +532 1217 4 888630453 +145 1216 2 888398238 +910 250 1 880821033 +622 80 3 882671446 +792 121 4 877910412 +682 192 3 888516979 +269 132 5 891449145 +297 148 3 875239619 +819 327 4 879952656 +178 147 4 886678902 +699 185 4 878883038 +625 121 3 891273698 +378 216 4 880055268 +870 327 4 875050410 +764 111 4 876243595 +405 401 1 885547448 +863 321 4 889289157 +660 391 2 891201823 +625 476 2 891632164 +450 696 4 882398666 +862 476 4 879303622 +719 298 2 888451537 +880 375 1 880242782 +108 1 4 879879720 +871 315 3 888192286 +661 89 5 888300344 +933 403 3 874939105 +880 217 4 880241411 +445 288 2 891035830 +805 1101 5 881698745 +601 121 2 876347267 +393 485 2 887746670 +693 685 4 875483947 +710 340 4 882063367 +457 175 5 882547139 +533 591 4 887721848 +805 1110 5 881694978 +420 855 5 891357021 +523 97 4 883702946 +882 380 5 879868197 +830 679 3 891561805 +605 338 2 881015064 +825 928 3 880756224 +198 682 3 884204709 +71 168 5 885016641 +730 257 5 880310541 +116 295 3 876452582 +917 150 5 882912385 +351 307 4 879481550 +659 451 5 891385534 +379 197 5 880568253 +745 194 4 880123262 +781 195 4 879633942 +447 83 5 878856458 +659 183 4 891385079 +897 265 3 879990466 +704 1299 3 891398702 +703 748 3 875242281 +908 447 3 879722850 +399 218 4 882344597 +896 1183 2 887160842 +682 686 4 888519725 +472 294 4 875977735 +301 636 3 882077811 +130 77 5 880396792 +897 240 4 879993823 +577 1219 3 880475067 +753 523 4 891401851 +716 620 3 879797287 +734 15 4 891026009 +780 294 3 891363259 +788 215 3 880869908 +642 21 5 885605148 +349 285 5 879465477 +815 117 3 878691884 +240 895 5 885775711 +655 568 3 887429640 +936 628 1 886832758 +166 687 1 886397777 +935 864 5 884472704 +704 631 3 891397366 +279 566 4 875313387 +884 382 5 876859351 +846 178 4 883947630 +849 121 5 879695086 +586 284 3 884057518 +628 294 4 880777167 +748 83 3 879455019 +846 751 5 883946938 +504 791 3 887911789 +788 286 5 880867372 +292 419 4 881105657 +276 919 4 874786467 +557 346 2 884357321 +780 186 4 891363651 +835 25 5 891032764 +474 504 5 887924469 +815 485 4 878694820 +398 208 5 875723253 +624 93 5 879792557 +181 546 2 878962919 +870 1118 3 881001249 +474 204 4 887924084 +753 174 4 891402323 +916 570 3 880845368 +933 471 3 874854611 +747 404 5 888640648 +840 659 5 891204827 +727 722 2 883712993 +654 568 4 887864868 +380 211 3 885479487 +843 174 4 879444670 +472 651 4 875981830 +332 147 4 887938524 +698 198 2 886367442 +497 951 2 879363695 +728 15 4 879443387 +234 925 2 892334976 +868 480 4 877103280 +385 210 1 879453773 +638 128 3 876695216 +181 1008 1 878963276 +524 485 2 884635085 +774 401 2 888556169 +889 262 4 880176620 +843 739 2 879447523 +835 69 5 891034366 +795 931 2 880560078 +793 148 4 875104498 +160 55 4 876858091 +885 79 4 885715803 +788 433 2 880869621 +936 282 2 886832714 +666 644 3 880314453 +782 1255 2 891500194 +745 12 5 880123905 +695 324 2 888805981 +853 358 1 879365035 +774 197 1 888556746 +642 288 1 885604085 +523 638 4 883701065 +178 100 4 882823758 +763 50 4 878914968 +839 713 2 875751774 +214 276 3 891543271 +201 549 3 884140750 +802 573 4 875985840 +354 451 3 891307114 +870 328 3 875050410 +577 496 5 880474455 +339 434 4 891033350 +325 93 4 891478627 +684 716 2 878761751 +833 435 2 878078229 +889 856 4 880181138 +601 50 5 876346810 +94 465 5 891721851 +608 505 5 880406862 +851 879 4 875729820 +804 988 4 879440663 +64 275 4 879365670 +870 401 3 880584584 +276 150 4 874786924 +568 631 5 877907367 +872 895 5 888478882 +255 332 2 883215586 +669 268 3 891517159 +455 553 3 879111907 +921 275 1 879379642 +581 1097 4 879641787 +139 237 3 879538254 +823 606 4 878438856 +805 217 2 881695293 +493 1088 2 884131777 +727 274 5 883709438 +495 568 1 888635294 +389 1 4 879915860 +889 636 4 880181663 +497 200 3 879362359 +833 168 5 875038775 +846 484 5 883948048 +770 929 4 875971989 +830 176 3 891561673 +921 1279 2 879380142 +804 447 3 879445625 +441 538 3 891035144 +271 181 5 885848707 +752 1024 3 891207940 +788 431 2 880868401 +450 220 4 882394097 +142 42 4 888640489 +747 13 3 888733348 +430 748 3 877225239 +859 287 5 885775358 +487 274 4 883444631 +461 327 4 885355757 +788 182 2 880868599 +715 234 4 875963242 +716 609 3 879796354 +880 790 3 880175050 +806 655 3 882388128 +730 328 2 880310201 +690 747 3 881180427 +47 286 3 879438984 +826 624 4 885690379 +833 289 1 875035487 +537 521 2 886030831 +453 1145 2 888206492 +452 475 2 876299004 +916 1005 4 880845303 +666 511 4 880139120 +439 290 4 882894084 +786 203 4 882843753 +922 217 3 891449993 +381 313 2 892697869 +543 249 2 888209667 +222 48 5 878181592 +634 276 5 877018125 +650 177 2 891371061 +814 53 4 885411132 +497 402 4 879310508 +746 2 3 885075304 +851 983 2 875731021 +763 483 4 878915628 +102 153 2 892991376 +14 186 4 879119497 +495 55 2 888634389 +793 151 5 875104142 +354 170 4 891217194 +85 9 4 879456308 +246 827 1 884923829 +907 8 3 880159688 +637 460 2 882905388 +833 238 2 875124225 +586 808 3 884062405 +837 151 5 875721734 +7 52 4 891353801 +378 71 4 880055672 +854 9 5 882814570 +913 747 3 881369407 +504 595 4 887832097 +851 250 5 875730379 +938 748 2 891356282 +846 559 5 883949200 +788 326 4 880867477 +758 242 3 880672230 +867 588 3 880078887 +894 1080 4 882404507 +699 886 3 893140639 +611 340 5 891636192 +200 930 3 876042790 +707 81 2 886286491 +224 125 3 888103942 +878 509 4 880866288 +807 541 4 893083740 +236 294 2 890116895 +417 212 1 879647800 +398 684 4 875908134 +863 1313 1 889289067 +925 333 3 884717790 +911 622 3 892840996 +621 25 4 880738699 +608 469 3 880405395 +761 877 2 876189931 +796 934 3 893048024 +748 210 3 879454584 +275 825 2 876197904 +867 9 5 880078958 +201 55 4 884114471 +919 794 4 875373521 +690 357 5 881179122 +796 480 4 892663155 +535 301 4 879617199 +795 472 3 880559543 +562 190 4 879196445 +588 625 3 890024325 +798 258 4 875286981 +450 812 4 882468402 +181 988 2 878961847 +796 768 2 893219065 +318 1160 5 884494976 +899 655 4 884121267 +631 682 2 888465247 +938 546 3 891356532 +759 591 3 881476891 +694 179 4 875730980 +409 127 4 881106605 +380 200 4 885479104 +903 185 5 891033070 +769 411 3 885424099 +844 117 4 877381450 +851 412 2 875731105 +868 739 2 877111542 +790 227 3 885156647 +308 392 4 887740367 +749 101 4 878848700 +474 25 5 887916608 +342 486 5 874984207 +82 770 4 878769777 +498 237 2 881957625 +852 825 3 891037586 +506 516 4 874874525 +808 332 4 883949639 +222 35 1 878184007 +896 327 5 887235643 +830 925 4 892502651 +279 321 5 875249102 +824 325 4 877021121 +851 411 3 875731021 +761 237 5 876190417 +645 482 4 892053340 +621 154 5 881444499 +13 863 4 882140487 +805 58 4 881698778 +381 596 3 892697297 +773 59 5 888540617 +918 856 4 891988491 +679 222 4 884487418 +826 33 3 885690600 +644 977 4 889076922 +684 63 4 878762087 +272 32 4 879455113 +768 14 5 883835026 +879 866 5 887761460 +500 1469 1 883876224 +700 173 5 884493713 +910 751 3 884229194 +848 478 5 887039531 +752 344 4 891208212 +497 68 4 879310850 +561 184 3 885808843 +346 175 4 874947644 +486 242 4 879874018 +887 411 4 881379059 +886 1209 2 876034041 +557 1244 2 880485863 +863 328 5 889288943 +601 239 3 876350537 +316 487 3 880853810 +429 235 3 882386966 +825 1087 3 881343153 +740 326 3 879522814 +786 289 4 882844336 +537 431 4 886031678 +869 1382 3 884492201 +42 174 5 881106711 +532 815 4 888635376 +354 527 4 891217394 +640 62 3 874778612 +117 475 5 880125746 +838 190 4 887066988 +586 164 2 884059486 +790 144 4 885155572 +192 289 4 881366615 +645 641 5 892054600 +904 155 4 879735616 +724 873 3 883757784 +903 48 4 891033005 +716 56 5 879796171 +804 515 5 879441000 +828 886 1 891035438 +318 134 5 884495639 +548 370 3 891416050 +715 71 3 875963354 +854 423 4 882813963 +929 483 4 879640036 +824 989 2 877021121 +457 120 2 882551344 +889 249 3 880177266 +540 332 4 882156677 +790 83 3 885155034 +734 274 4 891025943 +416 273 4 876697415 +855 529 4 879825613 +378 56 4 880045760 +933 1070 2 874854031 +739 333 4 886825227 +622 386 3 882671727 +822 539 2 891035086 +707 614 2 886287876 +551 559 5 892784479 +422 717 3 875130173 +758 23 4 881975814 +709 472 4 879848792 +76 203 4 875027507 +102 241 3 888802038 +407 659 5 875550174 +344 64 5 884900818 +393 195 3 889555272 +799 286 5 879253668 +576 763 3 886985695 +909 529 3 891920763 +839 121 3 875752237 +486 919 3 879874902 +798 417 3 876176043 +627 52 3 879530146 +854 924 4 882812314 +943 581 4 888639814 +777 127 1 875980391 +923 322 4 880387130 +534 291 4 877808031 +484 1016 4 883402866 +886 20 2 876031739 +846 188 3 883948642 +915 321 3 891030002 +25 527 4 885852248 +620 755 5 889988169 +634 248 4 877018311 +495 576 3 888637440 +556 324 4 882135805 +846 640 1 883948642 +156 480 5 888185606 +851 347 5 891961663 +71 153 4 885016495 +838 71 3 887066782 +813 892 1 883752708 +717 303 4 884641644 +790 393 2 885156290 +537 568 2 886031912 +843 206 3 879448112 +222 72 4 878183311 +935 1016 4 884472434 +579 234 3 880951708 +747 175 4 888640180 +18 493 5 880132437 +843 157 2 879448199 +932 550 2 891251331 +804 366 4 879445579 +655 1266 3 887428911 +542 321 4 886532928 +504 620 4 887831419 +801 328 5 890332748 +881 99 3 876538571 +932 211 5 891249710 +514 157 4 875309350 +630 9 2 885666536 +698 300 4 886365577 +75 833 2 884051113 +887 140 5 881381425 +293 451 3 888907245 +853 286 3 879364668 +655 584 3 887429171 +691 178 5 875543281 +887 828 3 881378854 +284 319 3 885329238 +366 17 5 888857866 +735 515 4 876698755 +600 947 4 888452071 +790 73 4 885157489 +795 419 3 880569526 +805 1098 3 881704150 +862 436 4 879305386 +541 151 3 883874717 +798 121 5 875295930 +751 751 4 887396425 +776 98 4 891628837 +338 86 4 879438505 +293 51 3 888907674 +878 588 2 880870048 +758 168 5 881975416 +867 323 3 880077951 +943 55 5 888639118 +764 747 3 876246291 +25 204 5 885853415 +559 863 5 891033956 +592 129 5 882608457 +833 202 4 875133924 +943 54 4 888639972 +340 480 5 884991114 +888 514 5 879365154 +825 979 4 889021134 +637 815 2 882904678 +445 508 2 891200078 +747 315 4 888638774 +847 527 2 878939536 +889 650 2 880178130 +736 533 3 878709108 +887 431 3 881379685 +790 237 4 884461541 +715 746 5 875964025 +603 22 4 891956776 +786 285 3 882842726 +711 155 4 879995382 +648 781 4 884882078 +388 276 2 886440608 +795 234 4 883251200 +704 492 5 891397491 +417 111 3 879647768 +60 175 5 883326919 +28 567 4 881961782 +548 546 4 891415815 +334 11 4 891545741 +532 426 5 888635197 +812 292 3 877625610 +908 963 4 879722397 +745 483 1 880123361 +782 289 3 891498436 +397 343 2 885349148 +642 673 2 886130929 +848 181 5 887046674 +290 472 4 880475495 +852 969 5 891037917 +181 1061 2 878963086 +940 521 4 885921915 +331 31 2 877196567 +920 302 4 884219701 +653 684 5 878854247 +327 28 3 887747971 +299 10 5 877878601 +863 327 5 889289327 +595 274 3 886921584 +850 568 5 883194768 +645 64 3 892053429 +846 697 5 883949254 +653 1139 3 880153145 +553 1 3 879949153 +580 121 4 884125457 +614 276 4 879464234 +872 274 3 888479560 +562 204 1 879196288 +766 481 4 891308968 +786 181 4 882841955 +805 22 1 881694423 +584 222 4 885774483 +854 1134 3 882812787 +896 508 2 887159035 +825 825 4 881187129 +268 172 5 875310031 +823 356 3 878439467 +844 70 4 877386990 +911 483 3 892838637 +756 96 4 874828640 +601 416 3 876350683 +506 48 2 874873158 +756 755 3 874830598 +465 98 4 883531409 +727 65 2 883712343 +738 118 3 875351438 +94 245 1 891724828 +737 475 4 884314693 +815 615 2 878696181 +874 325 2 888633197 +256 216 5 882165032 +892 153 5 886609793 +770 475 5 875972381 +566 20 4 881650551 +749 191 4 878848217 +860 49 2 885991316 +276 95 5 874792839 +843 380 3 879448262 +44 172 4 878348521 +269 441 1 891450857 +806 403 4 882388706 +850 22 5 883195527 +78 476 3 879633767 +758 896 5 886658068 +458 475 4 886394729 +833 1029 1 875134940 +854 64 5 882814121 +655 638 4 890497592 +848 509 4 887046674 +7 664 3 891353977 +933 765 1 874938644 +476 384 4 883365274 +249 302 4 879571438 +833 233 2 875223756 +655 480 4 888984506 +751 385 4 889135244 +182 1 4 885613092 +539 531 4 879788572 +336 1094 1 877757062 +7 11 3 891352451 +56 930 3 892679481 +828 322 3 891034515 +504 44 4 887838846 +751 55 4 889134419 +677 539 3 889399113 +773 386 3 888539643 +896 121 3 887159343 +868 217 2 877109895 +889 866 4 880177407 +905 742 4 884983888 +586 265 5 884062405 +436 264 2 887768669 +360 193 5 880355803 +464 288 4 878354626 +896 1437 1 887161564 +705 71 5 883427640 +826 309 4 885689892 +795 7 5 880557294 +666 293 3 880313310 +916 70 4 880845099 +865 21 2 880144229 +621 233 3 874964375 +892 132 5 886608897 +194 710 3 879524393 +345 412 3 884991600 +624 329 3 891961120 +933 161 2 874939105 +545 205 4 884134276 +749 1185 4 878849375 +711 955 1 879992739 +425 1013 1 878739054 +712 843 3 874957140 +426 404 3 879444321 +919 140 5 875373471 +508 175 4 883767465 +942 50 5 891282816 +79 275 4 891271627 +766 186 3 891309522 +875 174 5 876465025 +537 107 3 886030281 +648 769 1 884883724 +854 484 3 882814368 +576 324 2 887168978 +425 96 4 878738335 +343 387 4 876405521 +648 47 2 884881807 +551 380 3 892783488 +899 31 3 884121513 +907 318 5 880159642 +881 357 5 876537457 +896 808 3 887160270 +859 15 4 885776056 +908 423 4 879722822 +627 271 5 879529432 +846 468 4 883948949 +198 367 3 884209379 +756 195 3 874828967 +712 191 3 874730396 +727 179 3 883711150 +721 880 3 877137109 +537 723 2 886032098 +868 746 2 877109082 +437 1267 4 880141528 +536 209 2 882360030 +870 56 5 875050826 +541 655 4 883864782 +688 309 5 884153606 +870 174 5 875050698 +416 510 4 876698853 +453 56 5 877554771 +63 262 4 875746917 +831 741 2 891354726 +579 692 4 880952440 +7 632 5 891352261 +629 392 4 880117747 +881 63 4 876538853 +650 447 3 891386120 +900 318 4 877833672 +690 153 5 881177485 +815 684 4 878696441 +666 66 4 880568560 +906 125 4 879435365 +181 130 1 878963241 +548 316 4 891044139 +896 476 2 887161541 +624 246 4 879792493 +725 301 4 876106729 +393 332 4 887742764 +776 525 2 891629157 +222 90 2 878181647 +643 1016 3 891445766 +846 485 5 883947590 +909 14 4 891920763 +796 797 3 893049257 +655 237 3 887426116 +590 275 4 879439645 +406 472 3 879539884 +828 26 3 891037948 +372 53 5 876869553 +781 286 1 879633495 +823 28 3 878438058 +622 173 5 882670057 +738 128 4 875351873 +305 59 3 886322758 +741 50 5 891018339 +846 208 5 883949547 +749 531 5 878847171 +881 451 1 876539186 +456 739 3 881375226 +932 640 2 891249239 +503 66 3 880383468 +906 117 4 879435574 +474 482 3 887925395 +829 319 4 892312728 +622 480 4 882669414 +833 235 4 875036418 +566 49 2 881651561 +505 328 4 888631175 +315 741 5 879821349 +796 118 4 893048505 +267 554 3 878972040 +799 292 4 879253720 +682 876 3 888521290 +643 509 3 891448839 +924 1478 4 886759691 +657 302 2 884237291 +874 116 4 888632484 +864 401 4 888893271 +812 328 4 877625368 +814 672 3 885411030 +15 472 3 879456204 +846 720 4 883949643 +738 141 3 875352771 +435 479 3 884131901 +42 73 4 881108484 +650 551 3 891370446 +806 158 2 882390404 +912 173 4 875966238 +632 568 3 879458142 +536 222 4 882360552 +627 9 4 879530014 +693 272 4 885703603 +843 182 2 879444739 +805 24 4 881694923 +581 7 4 879643079 +833 324 3 875035487 +848 202 5 887043040 +393 820 3 887745380 +537 660 3 886031149 +97 193 4 884238997 +815 449 2 878698661 +936 275 4 886832134 +209 249 2 883417640 +580 282 5 884125292 +487 85 2 884044654 +527 508 3 879456363 +851 531 3 875731189 +804 177 5 879441727 +851 975 2 875731105 +797 340 2 879439735 +524 96 4 884635172 +698 855 2 886367615 +862 200 5 879304980 +708 687 2 892719062 +487 301 4 883440613 +305 469 2 886323757 +932 180 4 891251014 +921 322 3 879379428 +811 308 4 886377082 +748 318 5 879454475 +907 245 4 880158556 +647 29 4 876533657 +561 77 1 885809246 +246 252 1 884924473 +875 289 4 876464800 +704 14 3 891397190 +642 775 4 886569570 +690 629 1 881177459 +847 79 4 878941588 +643 432 5 891449771 +390 300 5 879693770 +749 284 4 878846812 +92 402 3 875813098 +817 258 3 874815541 +890 632 5 882916538 +901 520 5 877287882 +447 181 5 878854520 +698 490 3 886366814 +911 21 4 892840144 +861 179 1 881274672 +916 763 3 880843683 +639 662 2 891239581 +653 205 1 880150126 +788 356 4 880870827 +931 255 4 891036755 +608 127 5 880403320 +823 195 4 878437703 +585 509 4 891283000 +863 330 2 889289191 +102 511 3 888801407 +846 56 5 883948003 +665 89 4 884294935 +819 302 5 884012512 +854 455 2 882812906 +868 164 2 877104157 +498 410 3 881954931 +749 95 3 878848333 +479 584 3 879461873 +831 358 2 891354371 +461 748 1 885355839 +277 1008 3 879543621 +863 1431 4 889289618 +761 1287 1 876190072 +863 322 1 889289327 +828 694 2 891036717 +889 523 4 880178078 +848 498 5 887037935 +216 151 3 880232936 +880 1165 2 880175527 +758 143 5 881975314 +496 196 3 876066374 +758 217 2 881978805 +480 56 4 891208492 +159 298 5 880557386 +594 269 4 877816219 +469 152 4 879523947 +599 245 3 880953441 +788 1139 1 880871605 +515 304 4 887658782 +339 9 5 891033044 +91 662 4 891439439 +727 408 4 883708895 +892 367 4 886610588 +901 230 5 877131087 +655 1233 3 887650512 +524 69 4 884634578 +712 415 4 874957161 +851 840 3 875731105 +840 70 3 891208919 +756 50 4 874828592 +892 58 4 886609469 +896 88 5 887159426 +872 756 4 888479370 +770 275 5 875972219 +715 595 3 875962718 +916 228 3 880845049 +871 190 2 888193275 +882 748 5 879861155 +758 313 4 882926095 +586 1218 5 884066959 +735 288 4 876697610 +886 1119 4 876032553 +573 423 3 885844127 +851 336 4 890804691 +666 956 4 880568637 +782 355 3 891498821 +921 121 5 879379736 +339 211 5 891034215 +11 431 2 891905896 +435 202 4 884131901 +711 961 5 886030557 +660 449 3 891201796 +186 177 4 891719775 +850 705 5 883195034 +567 434 5 882425997 +765 1009 5 880346606 +798 1076 3 876176043 +474 652 4 887925838 +782 1082 3 891500230 +650 563 3 891388170 +823 709 3 878438095 +911 183 4 892839492 +791 748 3 879448035 +889 1016 3 880177070 +829 427 4 891204271 +537 319 4 886028604 +429 412 4 882387411 +645 72 3 892053686 +844 173 5 877388182 +868 153 2 877105916 +244 28 4 880606300 +385 378 1 879447555 +416 571 3 886318860 +875 195 4 876466687 +739 98 3 886958972 +896 636 3 887159464 +796 182 4 893048342 +749 398 3 878850038 +532 1407 2 874794386 +589 310 5 883352494 +943 174 4 875410099 +851 880 3 886534617 +889 1097 3 880176984 +587 681 2 892871641 +851 1676 2 875731674 +20 323 4 879667684 +686 299 5 879543557 +308 218 5 887738717 +770 246 5 875971813 +570 886 2 881262534 +648 717 4 884366425 +181 1353 1 878962200 +655 454 3 888813372 +840 173 5 891204356 +854 235 2 882813179 +868 382 4 877109874 +877 207 3 882677012 +650 231 2 891381709 +331 306 5 877196819 +867 1159 5 880078796 +751 173 4 889134393 +524 218 3 884636453 +881 108 3 879052402 +409 1328 2 881106287 +849 133 5 879696059 +614 508 4 879464093 +749 77 3 878849534 +823 215 4 878437925 +489 895 4 891448147 +825 1199 4 880755762 +617 424 1 883789716 +825 931 3 889021287 +848 663 5 887046329 +523 257 5 883700187 +711 275 5 876185855 +497 111 4 878759828 +905 302 5 884982870 +784 877 4 891387622 +659 56 5 891331825 +407 1263 2 876344668 +828 1068 4 891035864 +398 482 5 875657802 +796 568 4 892676114 +919 1134 2 875289356 +889 642 3 880181455 +635 331 4 878878654 +795 382 4 881529077 +896 887 2 887235769 +6 306 4 883268246 +835 650 5 891033957 +437 226 1 880142942 +863 901 1 889288972 +674 111 5 887763336 +327 393 3 887819507 +896 575 2 887161469 +437 15 4 881001946 +622 79 5 882591979 +838 172 5 887066143 +867 474 5 880078840 +653 132 3 880149897 +839 258 4 875751411 +863 319 2 889289123 +7 197 4 891351082 +152 944 4 882476632 +664 31 4 876526555 +612 864 4 875324756 +887 443 4 881380883 +630 282 3 885666804 +511 1527 4 890004952 +378 164 4 880056582 +906 473 4 879435598 +601 429 5 876349387 +488 286 1 891292852 +515 538 3 887658676 +843 434 4 879447146 +622 230 3 882592815 +659 294 4 891044849 +774 12 3 888559437 +690 66 3 881177581 +854 492 4 882814333 +932 661 5 891250109 +758 455 4 881977309 +394 431 5 880889607 +655 1086 3 888474358 +880 47 4 880174730 +693 218 4 875483473 +130 330 4 874953424 +622 1216 4 882590344 +894 1115 4 882404430 +657 301 3 884237633 +883 740 4 891692742 +115 644 3 881172183 +49 147 1 888069416 +241 286 5 887249482 +834 346 3 890860194 +637 147 1 882903645 +788 385 3 880869434 +553 609 4 879948806 +848 489 5 887043821 +937 14 4 876769080 +648 575 3 884882553 +934 674 4 891193814 +160 408 4 876767023 +749 540 3 878850388 +425 435 3 878738334 +815 602 3 878694269 +249 427 5 879572472 +919 531 3 875373669 +788 589 5 880868005 +804 582 3 879444963 +870 315 2 883876178 +774 831 2 888558594 +308 356 3 887740833 +666 1451 3 880139614 +624 993 4 879793486 +457 276 4 882393306 +795 1413 3 883254987 +506 137 2 874872872 +707 480 3 886286360 +886 591 3 876031765 +660 259 4 891197778 +868 783 1 877113481 +21 873 2 874950932 +643 504 4 891447370 +889 631 3 880178449 +833 293 4 875035885 +721 292 3 877137527 +727 191 4 883710717 +533 403 3 879439341 +932 441 2 891252504 +878 498 4 880866758 +880 394 3 880243319 +865 627 1 880235060 +296 194 5 884197193 +393 411 2 887745501 +454 984 3 891377968 +586 576 3 884062671 +729 310 3 893286204 +716 559 2 879796846 +192 9 5 881367527 +880 28 5 880175690 +660 173 5 891199556 +669 511 5 891260778 +447 411 2 878855107 +524 64 2 884634877 +32 628 4 883718121 +524 208 5 884635287 +671 174 5 884035685 +451 324 4 879012647 +460 304 2 882911101 +724 268 4 883757397 +13 445 4 882139774 +938 473 3 891357106 +897 184 4 879991226 +463 1028 2 877386082 +405 512 1 885549589 +754 291 4 879451991 +346 1011 1 874947609 +711 651 4 879993707 +940 358 1 884801227 +889 132 4 880181910 +913 498 3 880757473 +655 686 2 887427866 +854 106 3 882813248 +405 542 1 885549095 +916 484 4 880844156 +506 586 2 885135882 +474 1221 4 887926999 +773 357 4 888540448 +436 941 4 887771997 +823 56 5 878438119 +889 471 3 880176926 +716 162 4 879796311 +537 684 3 886030738 +690 705 1 881179505 +795 559 2 883774317 +846 198 5 883948457 +622 363 4 882591484 +561 794 2 885809731 +222 566 4 878185044 +347 696 4 881653266 +840 195 5 891204847 +932 745 5 891250584 +468 117 2 875280499 +716 58 5 879795239 +938 1028 5 891356679 +653 175 2 878854332 +919 1 4 875289321 +533 281 4 887032214 +588 713 3 890015791 +896 895 2 887235788 +655 927 3 887564613 +835 286 3 891032224 +279 1039 4 881731303 +942 1050 5 891283043 +746 423 3 885075612 +94 1010 4 891721117 +748 114 4 879454773 +313 181 4 891014782 +286 408 4 875806800 +536 614 4 882359653 +478 64 5 889388862 +325 408 5 891478307 +514 195 5 876063938 +850 196 3 883194792 +815 222 4 884320310 +655 731 3 888474872 +163 326 3 891219977 +479 196 4 879461207 +916 71 3 880844897 +752 350 4 891208357 +846 1530 2 883949335 +699 477 3 878882411 +516 515 4 891290566 +778 755 2 890804547 +807 1066 5 893081508 +113 300 3 875075887 +796 82 3 892676195 +498 462 3 881958897 +882 756 3 879863457 +880 284 4 880242528 +806 187 5 882387670 +830 79 4 891561607 +943 721 5 888639660 +843 153 3 879446281 +479 202 4 879461567 +660 1065 2 891201049 +749 184 2 878848137 +881 831 2 879052493 +834 316 5 890860566 +274 596 3 878945404 +821 845 5 874792591 +483 515 4 878950971 +535 186 4 879618925 +740 873 2 879522872 +246 56 1 884920948 +489 880 2 891447302 +932 1454 4 891251985 +933 1028 2 874938620 +87 715 3 879876885 +941 475 4 875049038 +778 69 2 890803860 +693 291 3 889167954 +694 194 5 875727143 +618 133 4 891307784 +851 1276 2 875730601 +535 187 2 879617701 +186 1385 2 879023968 +825 249 3 880755693 +831 260 2 891354371 +257 86 4 879547655 +480 302 4 891207539 +698 707 2 886366814 +569 288 3 879793228 +542 423 4 886532676 +6 285 3 883599431 +526 1007 3 885682657 +524 526 3 884636907 +543 188 4 877545717 +462 873 4 886365706 +190 237 5 891033773 +234 631 3 892334577 +916 1401 3 880844262 +158 1303 3 880134865 +846 513 5 883947589 +551 1220 5 892784524 +405 429 5 885545200 +911 923 4 892842509 +637 742 4 882904233 +457 528 5 882397543 +568 127 4 877907050 +116 650 2 876452806 +715 173 5 875963998 +804 637 3 879444943 +942 892 3 891282644 +894 316 4 888280105 +293 88 3 888907266 +621 55 5 874963594 +603 326 4 891956344 +933 559 2 874938808 +478 96 2 889396509 +621 40 3 874963273 +450 571 2 882471604 +336 734 1 877757516 +890 234 5 882404484 +655 722 1 887431047 +559 1556 3 891033759 +374 457 1 880392626 +543 265 4 877545356 +751 431 4 889134705 +896 73 3 887159368 +846 44 1 883947737 +757 562 3 888466737 +932 430 4 891249849 +815 217 3 878696681 +902 497 5 879465894 +889 237 4 880176874 +132 100 4 891278744 +577 559 3 880474903 +210 173 4 887730264 +373 684 4 877098784 +593 742 4 888872002 +676 294 4 892685591 +357 748 5 878951101 +870 1090 2 879902161 +758 147 4 881977021 +608 163 1 880405085 +406 657 5 884630493 +898 358 4 888294739 +334 527 3 891546231 +544 304 3 884795135 +768 15 2 883835210 +411 603 5 892845986 +893 820 3 874829161 +504 612 4 887838677 +863 1680 2 889289570 +794 14 5 891034956 +145 338 3 882181335 +847 426 2 878940485 +498 64 4 881956575 +870 469 4 875679958 +943 421 2 888639351 +380 79 4 885479104 +727 1165 2 883709948 +505 173 3 889333534 +699 596 3 884152780 +749 111 3 878848405 +843 627 2 879447718 +49 577 1 888069329 +664 356 3 876526685 +919 21 2 875289356 +886 1065 4 876033731 +659 64 4 891384152 +814 234 3 885410957 +705 862 1 883427875 +859 257 2 885775330 +793 235 3 875104068 +826 22 5 885690481 +790 944 1 885157299 +653 628 4 878866413 +828 24 4 891035864 +815 671 4 878695679 +486 269 4 879874388 +486 883 3 879874388 +392 837 5 891038466 +833 106 2 879818799 +654 845 4 887863613 +264 275 5 886122706 +533 483 4 879438470 +840 419 5 891208897 +104 678 2 888442404 +776 440 2 892920480 +498 7 3 881954741 +897 423 5 879994113 +535 211 4 879617489 +939 1051 5 880262090 +815 402 5 878695438 +807 222 4 892528174 +682 318 4 888517168 +917 278 3 882911767 +842 1395 4 891218060 +246 735 4 884921679 +887 470 3 881380773 +407 151 4 876340363 +785 318 4 879439232 +844 568 4 877387964 +454 498 3 888267559 +18 174 4 880130613 +872 313 5 888478786 +889 268 4 880176620 +715 122 4 875962718 +872 928 2 888479582 +881 392 5 876538155 +890 50 5 882405807 +236 333 3 890117748 +846 693 5 883949335 +804 292 2 879441099 +846 265 5 883947630 +551 326 4 892775612 +632 877 1 879459777 +838 70 4 887066207 +883 11 2 891696824 +883 603 4 891755017 +115 185 5 881171409 +863 334 5 889289353 +936 129 4 886832134 +875 55 3 876465370 +13 549 4 882399357 +437 23 4 880140288 +749 586 4 878850657 +747 504 5 888640605 +880 685 4 880167083 +896 430 3 887159234 +885 582 2 885714487 +846 772 4 883949421 +181 1366 1 878962200 +796 257 5 892660283 +454 275 2 888267419 +861 1009 5 881274857 +774 8 1 888556090 +664 642 4 876526554 +374 806 3 880396659 +942 97 5 891283239 +896 1471 1 887235026 +336 210 5 877757700 +747 732 3 888639138 +328 299 2 885044904 +5 383 3 875636588 +758 568 4 881977669 +540 270 4 882156731 +294 515 5 889242081 +494 300 5 879540593 +840 154 3 891204564 +886 1019 4 876031695 +728 319 3 879442612 +129 310 2 883244011 +464 510 4 878355167 +900 483 4 877833924 +733 1338 4 879536608 +541 99 4 883874717 +733 591 3 879535440 +452 474 3 875263067 +619 233 4 885954158 +889 282 4 880177246 +878 191 4 880866564 +633 50 4 875326664 +533 192 3 879438486 +752 900 4 891207791 +497 128 4 879362496 +805 393 3 881705843 +880 240 4 880167151 +495 378 5 888634896 +727 410 2 883709710 +363 385 4 891497129 +881 233 3 876538922 +847 220 4 878939327 +727 1025 2 883708149 +823 187 5 878438148 +937 93 4 876780336 +532 447 4 888630205 +585 1501 4 891284393 +779 235 4 875502286 +878 650 2 880866883 +763 59 5 878915765 +347 421 2 881653635 +660 172 4 891199017 +403 1 4 879785974 +771 588 5 880659815 +681 289 5 885410009 +501 829 3 883348656 +393 507 2 889554859 +391 301 4 877399745 +566 496 5 881649428 +615 699 3 879448823 +768 475 2 883835210 +86 326 3 879570423 +625 385 4 892053920 +663 628 4 889492615 +932 736 3 891249261 +643 515 4 891445140 +327 749 3 887743644 +115 192 5 881171137 +586 735 3 884066230 +805 436 3 881695347 +718 597 5 883348938 +663 147 3 889493069 +721 331 3 877137285 +823 654 5 878437703 +650 450 1 891382877 +776 431 4 891628916 +226 12 5 883889322 +773 168 5 888539425 +927 866 4 879181621 +843 657 3 879443668 +495 1188 5 888637147 +430 523 4 877226568 +707 425 5 886287268 +896 484 4 887159302 +727 739 4 883711735 +671 570 3 884036411 +648 384 4 884882235 +629 86 5 880117163 +552 126 4 879221876 +524 310 4 884701677 +711 662 3 879993918 +385 30 5 879442988 +892 117 4 886611161 +826 1228 3 885690900 +595 460 4 886921699 +653 15 3 878854383 +880 82 3 880167806 +686 2 3 879546443 +744 481 3 881171420 +321 705 3 879439812 +726 763 2 889831115 +688 1127 5 884153606 +506 443 4 874874760 +864 290 3 888892053 +873 286 2 891392091 +868 1509 1 877111487 +425 64 4 878738245 +655 794 1 887431019 +759 471 4 881476969 +102 879 3 879443144 +65 237 4 879217320 +416 869 3 892439992 +772 752 3 889028773 +782 325 2 891498720 +531 329 5 887049081 +154 641 5 879138831 +280 9 5 891700664 +158 195 5 880134398 +474 259 1 887914878 +821 237 5 874792491 +851 64 5 875731674 +268 388 1 875743979 +880 249 4 880166966 +343 531 5 876404539 +378 470 3 880056104 +299 855 4 889502087 +796 1297 2 893047504 +667 660 4 891035164 +676 892 4 892685900 +437 156 2 880140627 +903 528 4 892760784 +405 1552 1 885546636 +528 204 5 888522547 +721 359 3 877137359 +633 237 4 875324891 +606 451 3 880927247 +406 100 4 879446062 +933 218 3 874854678 +273 307 2 891292761 +318 735 5 884496182 +60 603 5 883326652 +729 338 1 893286373 +741 682 3 891455960 +645 1159 4 892054632 +864 561 4 888888937 +189 179 5 893265478 +621 721 4 874963126 +873 289 2 891392577 +678 100 5 879544750 +113 333 4 875935609 +533 580 3 879192034 +833 89 5 875124495 +233 304 5 877665323 +442 172 5 883389580 +687 294 3 884651894 +660 800 2 891201675 +568 427 4 877907720 +708 15 3 877325404 +707 111 4 880060420 +286 3 2 876522316 +95 238 5 880570823 +868 579 1 877108241 +770 333 5 875971612 +422 295 3 875130063 +880 456 3 880175270 +611 342 3 891636223 +877 727 4 882677967 +682 716 2 888522074 +622 257 3 882590485 +185 480 4 883526267 +709 144 3 879846622 +468 531 4 875295368 +733 277 1 879536523 +889 357 4 880177906 +843 258 4 879442947 +921 929 1 879380142 +943 161 4 888639772 +445 994 1 891199682 +222 628 5 877563485 +731 484 3 886179289 +262 216 3 879793216 +592 47 5 882955889 +276 97 3 874787549 +653 693 1 880151651 +661 1 5 876016545 +865 546 1 880143917 +840 50 4 891203366 +943 720 1 888640048 +478 762 4 889388161 +654 25 1 887863381 +788 586 2 880871490 +807 172 5 892528515 +84 756 3 883452765 +869 515 5 884493279 +790 161 4 885157181 +381 196 5 892697083 +772 748 3 877533625 +311 227 4 884365617 +650 355 2 891369190 +716 260 1 879793001 +870 340 3 882464808 +501 696 4 883348185 +836 322 2 885753639 +109 358 2 880562908 +453 257 3 877552590 +878 19 4 880865470 +13 811 5 882139829 +763 212 4 878920656 +867 56 5 880078818 +614 293 3 879464157 +883 276 5 891717462 +684 393 4 878761751 +537 276 4 886029806 +324 273 5 880575449 +872 278 3 888479206 +870 65 3 879713898 +943 23 4 888638897 +361 47 4 879440516 +870 333 3 882123130 +889 85 3 880181976 +463 275 5 877385287 +868 636 3 877103449 +7 144 5 891351201 +887 562 5 881381071 +536 694 5 882360622 +836 327 3 885753639 +666 81 4 880314194 +873 313 5 891392177 +943 928 5 875502074 +896 836 3 887158635 +871 937 3 888192689 +577 234 3 880474257 +476 430 4 883364143 +234 93 3 891227771 +796 144 5 892662524 +110 29 3 886988374 +871 195 5 888193274 +817 329 4 874815649 +699 7 2 878882272 +269 1005 4 891447427 +845 1238 2 885409374 +929 480 3 879639969 +920 292 3 884220058 +508 527 5 883775361 +868 239 3 877107924 +359 50 5 886453271 +687 323 2 884651894 +383 166 4 891192858 +500 168 4 883873616 +308 172 4 887736532 +881 56 1 876962037 +934 83 4 891191831 +833 291 3 879818619 +357 283 5 878951616 +694 141 5 875727399 +815 529 5 878694854 +796 447 3 893218485 +653 125 2 878866973 +659 610 3 891332044 +917 535 4 882912385 +174 284 4 886433771 +751 196 4 889133039 +773 737 3 888539064 +145 77 3 875272348 +198 204 3 884207584 +854 302 3 882811836 +878 462 4 880866509 +916 239 3 880844627 +838 210 4 887067359 +805 708 3 881699661 +623 603 4 891034294 +505 207 3 889334004 +854 203 4 882813933 +773 170 5 888538980 +716 636 2 879796651 +795 169 5 880567884 +642 584 4 885842877 +774 91 1 888558018 +889 718 4 880176807 +882 423 5 879878486 +308 1121 3 887737647 +585 640 2 891284816 +297 208 4 875049192 +590 1331 4 879439645 +15 938 3 879455233 +279 375 1 884556678 +299 747 4 889502640 +398 427 4 875657734 +659 476 3 891331534 +716 200 4 879795606 +934 526 2 891192197 +864 423 5 888887739 +882 11 4 879867816 +873 321 1 891392577 +707 641 1 886285907 +353 898 2 891402587 +833 508 5 875035953 +393 689 3 887742991 +703 323 2 875242281 +521 273 3 884476168 +864 663 4 888887248 +795 151 3 880558562 +897 416 5 879991186 +829 294 2 881707829 +780 520 4 891363904 +280 245 3 891700185 +677 294 5 885191227 +773 89 4 888540020 +568 604 4 877907156 +862 423 4 879305273 +814 441 2 885411347 +766 523 3 891309011 +385 1535 4 879448294 +807 826 3 893082505 +794 116 5 891035307 +488 79 4 891294334 +805 204 2 881704016 +716 209 3 879795543 +43 1055 2 883955969 +450 1297 4 882812635 +643 174 4 891446652 +788 720 3 880870482 +869 253 4 884493279 +504 121 4 887831642 +829 259 2 881707829 +680 14 5 877075079 +887 288 4 881378040 +62 673 2 879375323 +666 97 4 880139642 +24 223 5 875322727 +880 619 4 880243499 +437 961 5 881002323 +752 331 4 891208036 +757 204 4 888468577 +660 281 3 891198588 +301 24 4 882074312 +85 474 5 879454500 +880 246 5 892958837 +847 174 4 878941168 +648 743 1 884367366 +846 514 3 883947590 +456 367 3 881373900 +696 286 5 886403578 +854 124 5 882814570 +831 905 4 891354020 +846 441 4 883950252 +864 237 4 878179514 +907 647 3 880159844 +763 83 3 878917877 +804 94 4 879446194 +671 546 5 884036050 +380 179 3 885478313 +918 417 2 891988521 +828 70 3 893186210 +892 625 3 886610565 +345 12 5 884901701 +776 91 4 891628752 +712 238 3 874730206 +786 546 4 882844294 +746 385 5 885075367 +825 982 5 881184695 +916 1220 3 880845282 +96 514 4 884402977 +606 81 3 880924921 +497 416 2 879363611 +897 99 5 879994113 +328 275 4 885046420 +792 840 2 877910539 +72 271 1 880036346 +878 482 4 880866134 +426 484 5 879444662 +707 483 5 886286004 +592 893 1 882955292 +58 491 4 891611593 +870 354 4 889409590 +865 148 3 880144194 +741 209 3 891457342 +878 9 4 880865562 +393 384 3 889729508 +643 161 3 891449381 +537 89 4 886030862 +889 544 3 880177104 +884 323 2 876857745 +216 65 4 880233939 +883 387 5 891696750 +865 271 1 880142778 +527 275 3 879455961 +653 191 5 880150019 +872 905 4 888479034 +782 312 4 891498436 +95 110 2 880572323 +881 456 1 879052291 +722 294 2 891280219 +931 127 5 891037521 +705 419 3 883427663 +712 418 3 874730553 +71 98 4 885016536 +805 21 2 881705055 +900 1132 1 877833364 +393 748 3 887742851 +495 633 5 888632738 +580 288 5 884125658 +620 82 5 889988146 +900 871 1 877833443 +256 984 3 882150192 +836 292 5 885753475 +796 449 4 893048622 +493 1013 1 884131777 +892 425 5 886608977 +301 367 4 882076619 +524 495 4 884635358 +802 134 3 875985347 +859 1048 3 885775767 +456 191 3 881372849 +870 265 4 880584497 +558 9 4 879436069 +883 519 5 891717283 +758 93 5 881975922 +704 300 2 891396674 +524 269 4 884287379 +421 525 4 892241422 +645 654 5 892053686 +881 192 5 876537577 +851 1105 4 890862961 +698 1020 2 886367558 +59 380 3 888205956 +126 286 3 887853469 +526 285 5 885682503 +254 112 2 886473631 +889 408 3 880176960 +887 284 4 881378669 +886 685 2 876032378 +223 477 3 891550144 +826 849 4 885690750 +921 215 4 879380677 +304 879 3 884966972 +901 259 2 877129839 +848 393 5 887047962 +486 547 3 879874753 +405 703 2 885546112 +865 222 2 880143482 +910 298 2 880821124 +438 301 4 879867960 +349 546 3 879466200 +886 496 4 876031952 +809 245 3 891037127 +453 282 4 877561382 +25 79 4 885852757 +833 175 4 875124535 +815 195 4 878695278 +883 796 3 891696782 +85 1039 4 879453903 +749 429 4 878847461 +458 1039 5 886397275 +517 328 3 892660034 +577 183 5 880474747 +699 471 3 879147597 +752 354 2 891208261 +593 121 4 875660036 +286 473 3 875806918 +864 692 2 888890316 +863 350 1 889289457 +437 1142 4 880141696 +648 864 3 882211418 +804 161 4 879442269 +776 674 3 892920321 +453 82 3 877561694 +347 105 2 881653198 +784 304 4 891387501 +894 10 4 880416381 +868 139 1 877109300 +939 597 4 880261610 +663 591 3 889492759 +921 202 4 884673891 +647 77 4 876533851 +290 136 4 880474367 +540 117 4 882157706 +788 180 4 880869174 +663 42 5 889493732 +720 319 3 891263340 +708 151 4 892719211 +865 71 1 880235059 +806 1098 4 882387925 +862 519 4 879304326 +645 30 4 892054824 +667 268 3 891034404 +650 315 3 891368885 +769 222 4 885423824 +566 693 5 881649727 +313 216 4 891013525 +666 498 5 880139669 +883 1009 4 891692811 +588 29 3 890027063 +655 13 3 887426237 +851 473 4 874728396 +394 12 4 880887035 +804 969 4 879442687 +916 5 3 880845099 +648 585 3 884882234 +606 127 4 878143509 +754 295 4 879451626 +846 490 4 883947862 +854 757 3 882814235 +497 622 2 879363586 +650 499 3 891372316 +896 658 4 887159895 +647 177 5 876534131 +694 490 4 875727877 +663 129 3 889492503 +715 176 5 875963792 +864 629 3 888888282 +668 596 3 881591297 +627 135 4 879529702 +177 210 4 880130990 +643 656 4 891447196 +834 323 2 890860471 +503 237 4 879438505 +642 569 2 886569538 +218 288 2 877487931 +239 509 5 889180071 +286 101 5 877532204 +771 381 3 880659970 +864 735 5 888886882 +788 44 4 880869434 +716 213 5 879795906 +854 151 4 882812451 +838 28 4 887065709 +890 404 4 882915696 +592 299 1 882607573 +450 725 3 882469863 +880 568 5 880167843 +437 117 1 881001121 +943 450 1 888693158 +151 491 4 879524536 +735 50 5 876698683 +56 636 4 892683533 +870 772 4 875679767 +823 708 4 878438930 +627 511 4 879529986 +255 219 5 883216544 +780 419 4 891363826 +840 708 4 891209033 +551 9 5 892776982 +222 98 4 878181387 +230 499 4 880484870 +893 815 3 874830372 +405 443 4 885548330 +798 1285 3 876177330 +889 33 5 880180817 +737 32 4 884314993 +846 630 3 883948642 +854 150 3 882812314 +731 64 5 886179040 +748 271 3 879454302 +750 327 4 879446013 +409 890 1 881105677 +8 243 2 879361732 +886 1267 3 876032072 +280 423 5 891700276 +774 585 1 888556225 +541 172 5 884645816 +727 556 2 883713632 +653 521 4 878854441 +643 2 3 891448218 +746 22 4 885075211 +665 546 2 884291376 +734 28 4 891022627 +864 9 5 877214236 +885 662 3 885714362 +883 661 4 891718914 +579 210 3 880951944 +395 515 4 883765297 +566 234 3 881650148 +410 303 3 888626583 +346 720 2 875265528 +702 751 4 885767576 +452 153 4 875276361 +416 631 3 886316295 +788 1183 2 880871891 +497 441 2 879362407 +354 8 5 891217160 +882 275 5 879861678 +758 240 3 882053986 +864 25 4 888888240 +894 315 4 885428012 +793 118 2 875104119 +655 504 5 887650683 +697 235 4 882622188 +676 272 4 892685224 +545 1188 3 883115515 +232 172 4 888549412 +113 742 3 875076827 +634 546 4 875729535 +506 712 3 874873893 +886 202 3 876032509 +878 194 4 880869911 +932 646 4 891250498 +707 387 4 886287733 +756 739 4 874829743 +868 145 1 877109082 +655 676 2 887426665 +901 662 4 877132632 +655 1238 2 888474843 +727 28 5 883710075 +429 231 2 882385489 +860 220 3 885145702 +629 270 3 880116023 +837 763 1 875722123 +495 655 5 888634536 +651 127 4 879348965 +715 254 1 875962762 +922 153 4 891451037 +790 373 3 885158459 +844 207 4 877387392 +561 433 1 885808867 +399 28 2 882344134 +431 328 4 877844377 +538 528 5 877107536 +796 665 2 893048622 +660 435 4 891199883 +416 1337 1 876698083 +475 269 4 891451276 +843 435 2 879446477 +155 300 2 879370963 +816 328 4 891710968 +675 86 4 889489574 +698 435 3 886366980 +840 186 4 891204827 +533 53 1 879191621 +486 1611 3 879874692 +828 328 3 891033988 +506 739 4 874874525 +871 360 3 888192475 +618 111 3 891308946 +84 815 4 883452462 +796 356 4 893194646 +841 313 5 889066779 +886 783 1 876033784 +758 223 5 881975119 +896 83 5 887159554 +543 568 3 877547005 +747 83 4 888732571 +803 325 4 880054885 +805 629 3 881704553 +903 282 4 891031384 +332 385 5 888098398 +898 689 3 888294842 +470 273 3 879178370 +846 11 5 883948343 +848 606 4 887038441 +506 204 5 874874055 +457 367 4 882396989 +864 569 3 888891794 +846 662 3 883948765 +823 425 5 878438298 +871 1431 4 888192971 +416 520 5 893214225 +503 347 5 884637610 +388 294 4 886439561 +21 15 4 874951188 +833 521 4 875124495 +764 1046 4 876244895 +764 692 4 876246358 +588 12 5 890015324 +793 100 4 875104031 +498 269 4 881953527 +655 966 3 887477409 +823 170 4 878438357 +738 550 3 875351603 +881 654 4 876539156 +705 97 3 883518765 +930 1315 3 879534692 +650 625 3 891387616 +568 1125 4 877907281 +416 235 2 885115041 +936 813 5 886832222 +896 719 1 887235026 +256 274 5 882151456 +331 8 3 877196444 +459 294 5 879561755 +882 132 5 879864970 +524 92 4 884635171 +846 226 4 883948495 +682 245 3 888516841 +885 655 3 885713294 +919 681 2 875920347 +178 823 2 882824592 +448 1062 5 891888178 +749 227 4 878848189 +865 118 1 880144229 +833 234 3 875122884 +620 172 4 889988146 +207 18 2 877878739 +749 763 1 878848483 +308 449 3 887741003 +793 240 4 875104565 +880 380 3 880242281 +327 175 2 887744205 +828 547 2 891035864 +523 863 4 883700743 +303 1041 2 879485507 +648 95 3 884368371 +210 132 4 887736206 +758 175 4 881976061 +669 168 4 891517259 +378 473 3 880906178 +901 1041 5 877131443 +401 584 3 891033227 +782 1668 3 891500067 +728 287 4 879443155 +837 250 2 875722104 +707 443 3 886287191 +826 540 3 885690854 +886 10 3 876032030 +866 889 2 891221006 +889 687 2 880177797 +831 313 5 891354000 +236 282 5 890117028 +543 200 4 874864870 +813 9 3 883752051 +496 699 3 876068220 +345 980 4 884991688 +620 78 4 889988340 +890 480 5 882403477 +826 1409 2 885690442 +673 307 3 888787355 +883 724 4 891696689 +392 604 5 891039015 +454 687 3 881959468 +830 229 2 891561937 +759 748 4 875227708 +326 199 5 879875552 +177 144 5 880131011 +332 350 4 891214762 +884 268 4 876857704 +95 946 3 888956489 +457 225 4 882395825 +299 408 4 877877847 +151 1050 4 879524879 +943 765 3 888640227 +834 307 4 890860566 +870 503 4 879713899 +732 288 4 882590200 +865 847 5 880143386 +795 91 5 881265483 +519 874 5 883250102 +895 275 5 879438011 +774 318 1 888556483 +833 194 3 875133840 +520 893 2 885170330 +504 161 4 887839195 +405 1564 1 885546288 +807 588 5 892530251 +374 220 2 882158147 +387 588 3 886480163 +880 7 3 880166872 +735 764 3 876698837 +380 196 4 885479777 +926 340 4 888351623 +72 197 5 880037702 +815 1 5 878691975 +710 202 3 882063793 +535 614 5 879618850 +645 506 5 892055072 +378 64 4 880055239 +533 292 4 883583127 +269 11 3 891448365 +762 934 1 878719406 +311 131 3 884365252 +141 742 4 884584930 +798 472 3 875638178 +846 562 5 883950463 +87 1180 3 879877127 +497 232 3 879310850 +731 486 4 886182556 +99 789 4 885680176 +709 554 4 879848744 +939 1277 5 880261945 +899 121 5 884120164 +916 177 3 880844312 +500 10 3 883865391 +921 228 3 884673823 +716 230 3 879797198 +751 172 5 889133129 +642 368 4 885606271 +889 31 3 880178449 +303 687 1 879544923 +398 607 3 875720467 +856 289 1 891489525 +886 726 1 876033340 +495 418 4 888633440 +936 118 3 886833516 +835 1063 4 891034285 +933 367 4 874854190 +788 112 3 880871173 +90 69 1 891383424 +916 210 4 880844694 +773 288 2 888538199 +11 213 4 891906389 +788 9 4 880869508 +378 1092 3 880332683 +374 1206 2 880396080 +766 176 2 891308927 +843 420 3 879448073 +779 121 3 875503280 +741 1016 3 891458249 +805 451 5 881696759 +537 733 3 886031297 +504 664 3 887910718 +942 357 4 891283239 +840 580 3 891211972 +905 129 4 884984009 +923 291 4 880387707 +336 25 3 877756934 +90 753 4 891385751 +788 879 4 880867422 +907 283 4 880158827 +932 968 4 891250816 +123 187 4 879809943 +934 1285 3 891196516 +796 237 5 893047126 +798 577 2 875639441 +933 168 3 874853869 +943 98 5 888638980 +235 96 4 889654971 +854 194 3 882814235 +747 655 3 888639685 +327 161 3 887820417 +539 340 2 879787771 +842 315 3 891217834 +276 187 5 874791102 +828 512 5 891037948 +464 259 4 878354859 +921 603 3 884673868 +144 72 4 888105338 +861 529 5 881274718 +806 47 4 882387563 +792 596 3 877910241 +776 483 5 891628731 +527 475 3 879455847 +598 751 3 886710494 +130 88 2 875217265 +385 568 3 879446465 +587 260 4 892871284 +934 660 5 891194836 +804 1139 3 879446145 +709 849 4 879848590 +18 612 4 880131591 +758 105 2 882054936 +234 655 3 892333616 +843 473 2 879449193 +666 653 4 880139120 +785 56 4 879438920 +903 179 5 891466376 +314 1047 4 877886279 +721 269 5 877135269 +514 796 4 876067205 +326 202 4 879875724 +907 275 5 880158692 +9 7 4 886960030 +11 356 4 891906327 +716 210 5 879796651 +782 349 3 891498720 +932 649 4 891251199 +721 58 2 877140781 +592 97 4 882956718 +804 99 4 879442984 +73 96 2 888626523 +34 289 1 888602950 +460 19 5 882912418 +912 15 4 875967028 +797 336 2 879439136 +709 121 4 879848475 +896 190 5 887159530 +907 520 5 880159865 +721 942 4 877147140 +394 91 4 880886821 +618 172 5 891307098 +875 332 3 876464801 +454 81 1 888266433 +776 551 3 892920480 +805 665 4 881684185 +551 162 5 892783242 +592 526 5 882956241 +770 222 4 875973686 +825 871 3 880932283 +894 903 4 888280029 +682 932 1 888522017 +736 294 3 878709025 +807 386 4 893080516 +848 215 5 887046565 +870 514 5 875050637 +792 125 3 877910539 +451 358 1 879012550 +839 255 3 875752138 +880 571 2 880175187 +790 391 2 885158299 +883 319 3 891691560 +624 121 3 879793156 +95 671 3 880571045 +716 294 4 879793653 +796 429 4 892690102 +774 406 1 888559013 +541 931 3 883875370 +756 141 3 874831227 +774 732 1 888556814 +704 488 5 891397570 +893 118 4 874828864 +697 546 4 882622626 +872 826 3 888479654 +274 234 5 878946536 +112 888 4 886398699 +447 50 5 878854552 +825 118 4 880756725 +740 332 3 879522681 +805 13 3 881704063 +840 528 5 891209260 +861 582 2 881274796 +769 118 4 885424099 +844 255 3 877382008 +854 1226 4 882814571 +486 106 1 879875408 +883 1592 5 891692168 +224 924 3 888103646 +187 710 4 879465242 +738 252 4 875349045 +610 480 5 888702962 +848 166 5 887038159 +426 136 4 879442083 +887 597 5 881378325 +682 28 3 888516953 +904 216 4 879735461 +765 507 5 880347034 +538 276 1 877107340 +840 519 5 891204356 +588 178 5 890015323 +468 65 3 875294549 +647 1063 3 876776320 +870 582 5 879713817 +606 284 4 878148425 +523 432 5 883701800 +524 302 5 884287406 +622 763 4 882591047 +924 7 4 885458060 +313 176 4 891013713 +933 151 4 874853977 +128 275 5 879967016 +766 226 3 891310150 +452 1255 2 876298932 +877 549 4 882677935 +189 28 4 893266298 +424 969 1 880859385 +880 49 3 880174858 +916 561 3 880845227 +188 635 2 875074667 +345 244 3 884994658 +666 381 3 880139349 +315 163 3 879821158 +940 792 2 885921892 +733 273 4 879535603 +886 26 4 876032929 +665 96 3 884293831 +721 321 3 877137447 +894 179 5 882404485 +94 188 4 885870665 +556 286 4 882135437 +94 159 3 891723081 +848 527 3 887038280 +886 81 4 876032531 +766 194 3 891309117 +605 245 3 879366335 +347 11 5 881653544 +279 547 1 875295812 +660 393 2 891201541 +655 462 3 888474960 +751 631 5 889297711 +414 313 4 884998953 +804 373 2 879447476 +843 50 3 879444670 +716 183 2 879796279 +642 725 4 885606067 +435 444 3 884134075 +865 455 4 880143612 +763 171 3 878915015 +507 1016 5 889966088 +81 717 2 876533824 +848 433 3 887043180 +790 561 3 885158082 +805 509 5 881698095 +393 982 3 889731649 +1 126 2 875071713 +603 210 4 891957110 +699 683 3 880695597 +363 1056 4 891496169 +905 116 3 884984066 +617 653 4 883788955 +214 182 4 891544175 +901 28 5 877131624 +544 270 3 884795135 +343 72 5 876407706 +627 125 2 879530346 +887 412 5 881379188 +308 504 4 887738570 +828 59 5 891036972 +296 469 5 884197264 +807 1039 4 892528324 +886 79 5 876032884 +896 1004 2 887161542 +15 322 3 879455262 +889 1142 4 880176926 +882 739 4 879880131 +738 313 5 892938181 +643 568 4 891447663 +850 50 5 883195143 +389 419 3 880087003 +405 1192 1 885545975 +712 762 4 874956244 +833 79 3 875039254 +690 148 3 881178365 +293 85 3 888906927 +6 496 4 883601155 +621 1016 4 880737785 +692 476 3 876953279 +405 213 2 885549309 +555 89 4 879975438 +798 420 3 876175937 +445 1534 1 891199749 +897 98 5 879990361 +28 444 3 881961728 +942 1028 4 891283209 +373 170 5 877098751 +698 183 3 886366916 +447 471 4 878854340 +938 111 5 891356742 +486 251 5 879874582 +859 282 3 885774964 +854 1016 2 882812406 +862 521 5 879304762 +496 252 2 876065105 +664 449 2 876526718 +834 544 4 890862563 +568 735 2 877907327 +694 138 3 875730082 +391 228 2 877399486 +876 289 3 879428145 +844 99 3 877388040 +783 299 5 884326620 +676 480 5 892686666 +833 460 2 875036827 +748 97 4 879454848 +916 68 3 880845636 +848 805 5 887048111 +523 694 5 883703048 +795 123 4 880558447 +840 216 4 891205123 +361 202 3 879440941 +489 360 5 891362904 +793 273 3 875103942 +864 275 4 878179445 +918 133 1 891987267 +870 180 3 875679860 +452 196 4 875275763 +567 612 4 882427124 +18 212 5 880129990 +840 516 5 891205245 +248 343 4 884534436 +667 9 5 891034831 +684 172 5 875812299 +606 98 5 880923925 +851 160 5 875731224 +311 241 3 884364695 +399 541 3 882345622 +869 125 3 884491867 +666 811 4 880568396 +167 674 2 892738384 +406 124 4 879446588 +774 410 1 888558762 +235 970 4 889655204 +665 255 4 884290608 +455 463 4 879111737 +652 275 4 882567294 +807 520 5 892529358 +659 218 4 891384798 +655 451 3 887428280 +648 596 3 882211419 +267 1240 5 878974783 +406 483 4 879446062 +882 211 4 879867431 +643 67 4 891449476 +642 734 3 886569960 +654 274 4 887863635 +334 236 4 891544765 +690 781 2 881177662 +788 715 3 880871664 +905 748 2 884983627 +1 83 3 875072370 +880 577 3 880175207 +828 1062 4 891380166 +751 428 4 889297239 +518 744 4 876823266 +796 269 3 892610692 +870 763 4 879902059 +380 610 2 885478886 +301 425 4 882077033 +886 195 4 876032030 +486 713 3 879874902 +869 116 4 884490892 +682 237 3 888517324 +936 748 2 886831738 +827 269 5 882201356 +10 23 5 877886911 +110 576 2 886988574 +566 144 3 881649530 +421 269 3 892241210 +880 779 3 880167965 +424 690 3 880858792 +709 559 3 879848209 +852 259 4 891036414 +854 328 1 882811865 +922 476 1 891455167 +541 501 4 883874682 +101 763 3 877136789 +896 28 2 887158738 +788 655 3 880868644 +934 175 4 891190854 +780 210 5 891364027 +91 300 4 891438004 +543 469 4 875663056 +11 173 5 891904920 +686 654 5 879546954 +717 742 5 884642427 +705 83 4 883518834 +906 742 3 879435278 +889 54 3 880182815 +765 10 4 880346308 +897 230 4 879991607 +730 294 4 880309996 +862 96 4 879305051 +782 1393 2 891498512 +843 7 5 879443297 +276 172 5 874792435 +704 214 2 891398702 +96 196 4 884403057 +334 121 3 891545067 +160 59 4 876858346 +892 636 4 886609884 +682 1047 3 888521803 +761 748 4 876189614 +321 419 4 879439620 +504 292 5 887831273 +620 595 5 889987792 +588 88 5 890024730 +716 274 5 879793631 +741 196 5 891018460 +782 534 3 891500109 +234 1449 4 892333573 +893 151 4 874829427 +881 685 2 876536877 +844 83 5 877388183 +896 1194 3 887158604 +896 1042 2 887161151 +911 93 4 892839784 +246 597 2 884921965 +943 559 4 888639638 +925 563 2 884718204 +934 190 4 891191660 +579 70 3 880952299 +640 33 3 874778696 +894 61 4 882404572 +790 1188 3 885157984 +548 300 5 891044304 +908 47 3 879723095 +833 1386 4 875035660 +592 298 5 882608061 +749 4 4 878847863 +846 373 3 883950391 +91 294 3 891438288 +655 534 2 887693376 +878 732 4 880869302 +758 82 4 881976168 +889 177 4 880178183 +823 625 4 878438807 +58 354 3 890321652 +849 234 5 879695469 +533 739 5 882902988 +230 143 5 880484501 +889 473 4 880177503 +632 173 5 879458649 +268 408 5 875742316 +882 79 5 879878486 +790 687 1 884461162 +887 240 5 881378972 +934 302 4 891188367 +749 48 3 878848015 +806 6 2 882385063 +428 288 4 885943847 +886 466 1 876032577 +930 237 3 879534587 +650 491 3 891385775 +332 276 3 887938299 +875 135 4 876465188 +662 1342 4 880570112 +883 971 3 891693200 +886 449 3 876033784 +539 59 5 879788224 +279 284 1 886015853 +405 1419 2 885548137 +732 243 5 882589879 +343 22 4 876406181 +264 430 5 886123531 +227 319 4 879035072 +766 1298 3 891309736 +893 258 3 874827508 +788 553 3 880869687 +624 1012 4 879793408 +597 275 4 875339876 +698 89 4 886366454 +846 430 3 883947778 +682 732 3 888517740 +880 477 3 880166966 +881 527 3 876537900 +233 660 5 877661634 +479 199 5 879460863 +566 64 5 881649530 +798 585 3 875743912 +889 91 4 880180784 +183 739 4 891467353 +450 322 4 882370316 +925 245 3 884633287 +901 121 4 877127219 +810 323 4 879895314 +586 182 3 884066016 +940 116 2 885921741 +863 359 3 889289158 +26 760 1 891383899 +699 878 3 879382955 +328 651 5 885046580 +472 265 4 892790676 +506 63 4 874873944 +534 109 4 877808053 +641 270 3 879369827 +456 1604 4 881372849 +435 17 2 884132540 +296 250 2 884196689 +823 792 3 878438057 +897 95 3 879990586 +745 182 2 880123314 +872 820 3 888479624 +773 90 4 888539643 +896 1214 2 887159302 +305 66 3 886325023 +795 820 3 880560679 +868 200 3 877107189 +90 215 2 891385335 +526 150 2 885682370 +840 100 5 891203166 +640 591 4 875732368 +529 301 4 882535639 +789 1007 4 880332215 +269 603 5 891448871 +694 71 4 875730889 +804 153 4 879441346 +847 25 3 878775796 +939 220 5 880261658 +399 462 3 882510290 +540 1016 4 882157662 +301 258 4 882074363 +540 471 4 882157706 +707 367 4 886291531 +901 477 3 877127021 +784 300 4 891386988 +871 172 5 888193177 +345 469 5 884916274 +899 202 4 884122419 +921 240 1 879379621 +780 705 5 891363685 +833 55 3 875038807 +314 585 2 877890381 +132 664 5 891278996 +7 211 5 891352557 +629 238 5 880117285 +635 246 5 878879190 +899 153 5 884122331 +553 631 5 879948695 +727 67 4 883712652 +505 11 4 889333861 +880 105 3 880175077 +852 25 3 891036802 +560 121 3 879976705 +702 271 1 885767534 +323 64 5 878740017 +777 223 4 875980306 +790 116 4 884461334 +638 188 3 876694995 +703 15 5 875242814 +885 169 5 885714820 +826 1240 5 885690442 +896 202 2 887159464 +592 471 4 882608234 +758 311 4 880672321 +709 273 4 879847686 +940 321 4 884801316 +429 284 3 882386424 +188 50 4 875072741 +932 615 5 891249621 +938 405 3 891356847 +936 1368 5 886832337 +31 611 4 881548111 +643 7 4 891445354 +854 1 3 882812225 +864 472 4 888888861 +621 1036 1 874963446 +669 192 5 891260542 +746 121 3 885075337 +650 823 3 891381661 +788 498 5 880867933 +524 116 4 884322047 +240 286 5 885775625 +671 288 5 883950232 +282 358 3 879949594 +924 322 2 884337164 +916 163 3 880844834 +747 154 3 888733182 +667 283 4 891034947 +541 204 4 884645816 +537 30 3 886031606 +625 25 2 891632018 +840 45 4 891205222 +712 1055 4 874730155 +472 200 4 875981158 +497 541 4 879362546 +533 449 4 879191713 +130 771 2 878537631 +537 211 4 886030831 +43 73 4 883956099 +825 678 4 880757103 +771 134 4 880659482 +897 211 5 879991186 +796 565 3 893218556 +844 55 4 877387769 +863 300 5 889289157 +879 255 4 887761156 +880 64 5 880175646 +889 169 5 880177906 +496 426 3 876071419 +794 109 4 891035941 +883 315 3 891691353 +194 223 4 879547032 +456 1101 3 881374710 +451 1295 2 879012811 +240 302 5 885775536 +302 271 4 879436911 +777 238 4 875980541 +676 1234 1 892685775 +606 651 4 880926018 +894 279 4 880993709 +815 71 5 878694341 +117 252 3 881010322 +459 307 5 879561630 +896 820 2 887159926 +899 48 4 884122044 +756 323 3 874832096 +897 550 3 879990923 +697 369 5 882622481 +754 293 4 879451466 +627 528 4 879530662 +514 898 2 885180893 +844 921 5 877388183 +305 663 3 886323591 +846 1124 4 883948048 +65 471 4 879217434 +873 879 2 891392577 +457 125 4 882393343 +221 751 4 885081300 +503 124 5 879438233 +417 418 4 879647471 +833 135 4 875123677 +757 172 4 888445587 +647 197 5 876534131 +763 224 5 878919153 +707 702 3 886286193 +833 227 2 879818619 +429 136 4 882386071 +101 831 3 877136954 +460 306 4 882912418 +92 63 3 875907504 +11 393 4 891905222 +748 168 3 879454930 +889 428 4 880179536 +844 45 4 877387548 +894 508 3 880993490 +595 1028 3 886921475 +864 65 3 888890690 +256 187 3 882164444 +405 1544 1 885549095 +833 745 4 875134063 +843 164 3 879443297 +62 931 1 879373522 +588 168 5 890024002 +911 507 4 892839289 +425 11 3 878737981 +863 683 1 889289241 +560 1215 2 879977336 +416 78 2 886319785 +922 662 3 891448246 +16 480 5 877720297 +449 462 5 880410674 +690 393 4 881177616 +742 14 5 881335361 +782 270 4 891497963 +840 484 5 891204295 +747 811 3 888639735 +901 155 5 877132671 +899 222 4 884119910 +579 393 4 880952409 +862 647 5 879304369 +943 121 3 875502096 +527 878 1 879455511 +622 95 4 882669556 +916 931 1 880843798 +402 118 4 876267096 +450 111 4 882377590 +798 81 3 876177211 +861 319 5 881274504 +887 1029 5 881381740 +471 432 1 889827822 +395 750 5 883762266 +888 100 4 879365004 +922 274 3 891448247 +13 242 2 881515193 +621 1185 3 881445012 +336 591 5 877759598 +454 611 2 888266685 +234 280 3 892334803 +748 603 5 879454455 +505 181 3 889333974 +654 588 4 887864797 +286 235 4 875807003 +279 259 3 883546906 +806 271 3 882384844 +934 506 4 891193331 +862 238 4 879304624 +889 192 3 880178204 +452 94 1 888568349 +253 518 5 891628392 +888 644 4 879365054 +838 919 5 887064316 +484 720 4 891195532 +268 1110 3 876514077 +181 1079 1 878963122 +387 518 4 886483151 +318 187 4 884495742 +854 620 2 882813453 +411 79 4 892845634 +655 359 3 887424883 +775 313 4 891032837 +165 1119 3 879525922 +532 282 5 893119415 +896 1240 4 887159012 +899 291 4 884122279 +176 1097 4 886047963 +279 1481 4 875313925 +913 168 4 881725796 +18 604 5 880129731 +870 83 4 889717102 +486 544 4 879875249 +682 684 3 888520705 +758 895 4 883190310 +860 204 4 885990901 +823 640 1 878439315 +601 921 5 876351214 +833 436 2 875224252 +894 148 3 880416137 +459 127 4 879562834 +655 76 3 888813372 +497 743 3 879362638 +551 54 3 892784093 +897 378 5 879991137 +878 269 4 880865183 +648 217 2 884883616 +838 258 5 887060659 +880 876 4 892958376 +760 111 4 875666242 +847 447 3 878940890 +931 283 4 891036604 +648 629 4 882213596 +13 905 2 886302261 +829 286 4 891204271 +735 321 3 876698022 +350 427 5 882346118 +868 854 4 877103371 +915 334 3 891031477 +654 255 2 887863513 +934 257 4 891189598 +818 269 3 891870173 +933 211 4 874854251 +897 479 4 879991566 +796 478 5 892761629 +807 831 4 892530881 +804 238 4 879441727 +786 849 2 882844052 +903 89 4 891032842 +854 713 4 882812288 +851 833 3 875731105 +804 216 4 879441450 +851 340 5 883148669 +903 642 4 891033005 +452 520 3 875261100 +568 423 4 877907281 +736 748 2 878708465 +440 462 5 891577994 +833 24 4 875036213 +548 275 3 891415411 +11 451 2 891905003 +655 43 3 888474456 +798 191 4 875743458 +670 705 5 877974905 +942 322 3 891282539 +474 663 4 887924084 +630 1197 3 885667464 +757 27 4 888466683 +74 331 4 888333352 +665 33 2 884293873 +396 281 3 884646647 +882 405 4 879861939 +524 135 3 884634679 +815 660 4 878696441 +545 155 3 879902060 +541 993 4 884046295 +758 216 4 881974931 +180 40 4 877127296 +406 604 3 879446361 +94 474 5 885870322 +655 844 4 887650979 +525 282 4 881085648 +864 55 4 888887045 +763 732 3 878919206 +847 289 5 878774856 +885 274 5 885712996 +13 176 3 882140455 +916 423 3 880844654 +903 111 3 891031677 +216 129 4 880232615 +839 813 4 875752082 +537 302 4 886028446 +715 95 4 875963621 +425 1129 3 878738245 +653 96 4 878854145 +806 230 4 882388520 +756 22 3 874828592 +885 568 4 885715889 +406 531 3 879445475 +752 751 4 891208212 +913 132 3 880758150 +897 864 4 879993772 +569 471 3 879793466 +889 431 4 880179725 +931 300 5 891037521 +798 498 3 875639581 +747 288 4 888638091 +112 332 4 886398611 +936 926 4 886833191 +839 7 2 875751992 +887 22 5 881379566 +268 719 1 875744021 +896 143 4 887158901 +666 660 4 880568094 +560 168 4 879975718 +588 307 4 890014887 +331 1 1 877196567 +534 597 5 877808175 +533 255 2 882195237 +304 323 3 884967391 +804 393 3 879445072 +887 222 3 881378153 +805 214 2 881700713 +660 217 2 891200817 +888 153 4 879365154 +917 287 4 882911185 +747 367 3 888733070 +265 975 4 875320601 +870 211 3 879539713 +586 117 4 884057578 +23 181 4 874784337 +846 1218 4 883950434 +796 391 4 893048713 +523 42 3 883703495 +882 56 4 879865307 +707 632 4 886287426 +802 358 3 875984722 +872 272 4 888478822 +326 94 4 879877304 +653 670 1 880152902 +877 288 3 882675993 +548 254 1 891043999 +788 482 4 880869787 +719 655 4 879360617 +619 121 5 885953805 +931 896 3 891036080 +774 568 2 888557329 +720 321 4 891262762 +642 969 2 885603662 +756 1149 5 874827023 +851 266 3 886534672 +819 246 4 884012614 +734 144 2 891023019 +766 40 3 891310851 +922 175 3 891451240 +867 496 5 880078574 +161 177 2 891171848 +880 956 3 880242380 +731 125 3 886186940 +662 246 5 880571006 +815 945 4 878697261 +938 298 4 891356573 +847 56 1 878939975 +654 146 3 887864105 +773 42 3 888539398 +924 205 4 886327826 +337 67 4 875236631 +843 210 3 879444670 +807 28 4 892528918 +828 6 1 891035614 +840 1214 1 891211729 +406 506 4 882480802 +280 70 4 891700366 +892 613 5 886608714 +796 265 5 892761544 +632 201 4 879457641 +907 83 5 880159865 +146 294 1 891457668 +890 1 4 882402975 +886 178 5 876031829 +771 477 5 880660199 +620 406 4 889987073 +59 526 4 888204928 +405 1574 1 885546529 +854 632 4 882813797 +611 1243 3 891636244 +839 1048 1 875752990 +806 227 2 882388353 +713 752 2 888882276 +840 661 5 891204441 +749 161 3 878847461 +477 546 4 875941972 +894 1404 3 882404536 +198 89 5 884208623 +864 196 4 888887914 +568 488 5 877907782 +626 678 1 878771505 +620 94 5 889988340 +874 305 4 888632057 +751 214 4 889298463 +632 523 3 879458900 +826 578 5 885690713 +640 2 4 874778568 +7 569 4 892131978 +940 151 3 885921800 +664 566 4 876526631 +747 1020 4 888639642 +848 108 5 887040302 +808 751 3 883949560 +771 86 5 880659539 +49 652 5 888066446 +669 22 3 891517159 +924 496 5 886327689 +839 118 2 875752317 +846 705 3 883948141 +859 275 3 885774828 +548 347 2 891415257 +483 101 2 884047278 +463 313 4 889935655 +880 260 4 892958484 +822 91 3 891037394 +655 15 3 888685735 +638 202 3 876695819 +757 576 3 888469012 +869 1061 1 884492377 +617 496 1 883789080 +782 1378 2 891499494 +889 174 4 880178183 +230 422 3 880485633 +73 183 4 888626262 +902 172 4 879465522 +659 1064 5 891385866 +489 688 2 891448861 +899 255 4 884120149 +854 652 3 882813825 +883 100 4 891717462 +802 288 3 875984637 +790 928 3 884462598 +755 258 5 882569732 +503 211 5 880472435 +399 820 4 882341191 +404 938 4 883790749 +303 655 5 879483568 +698 10 4 886366652 +933 467 3 874854479 +279 833 4 875297410 +854 56 5 882814571 +864 239 4 888889466 +664 431 2 876526631 +891 111 3 891639737 +805 1629 5 881703690 +697 280 3 882622597 +544 877 2 884795612 +746 132 4 885075756 +655 803 3 888474358 +638 211 4 876695774 +614 289 2 879463669 +886 94 4 876033200 +923 105 4 880388547 +894 529 4 881625708 +510 748 3 887667707 +815 82 4 884267891 +780 204 5 891363651 +876 435 4 879428421 +798 394 4 875914484 +938 829 1 891357085 +487 204 4 883445495 +618 755 2 891309670 +843 1065 3 879448751 +786 198 5 882843753 +37 233 4 880916046 +603 250 5 891956173 +943 402 2 888639702 +883 1448 5 891695570 +806 1048 3 882385806 +883 956 4 891717885 +569 301 4 879793149 +753 272 4 891399135 +881 411 3 879052376 +527 279 4 879456438 +524 651 4 884634578 +806 45 4 882388159 +940 173 4 885921400 +561 507 4 885807429 +546 5 5 885141411 +276 685 4 874786784 +727 588 4 883710495 +535 484 5 879617819 +773 109 4 888539328 +453 763 4 877553221 +830 625 3 891561541 +453 451 2 877561836 +655 1098 3 887473905 +459 405 3 879563334 +327 83 2 887744101 +308 223 4 887737130 +622 541 2 882592781 +854 1335 2 882812288 +142 91 5 888640404 +394 123 5 880888566 +827 245 3 882807611 +801 302 4 890332645 +862 825 5 879303668 +836 531 4 885754150 +723 168 5 880498912 +807 470 5 892529448 +184 192 4 889908843 +919 558 5 875372988 +128 380 4 879968946 +611 906 2 891636223 +835 191 4 891033276 +699 286 3 880695246 +750 325 1 879446215 +838 705 5 887065750 +489 347 5 891448774 +42 168 3 881107773 +864 5 4 888889657 +221 399 3 875246459 +500 313 3 893192133 +94 86 5 891720971 +274 756 3 878946030 +747 210 4 888639272 +437 602 3 880140822 +586 780 4 884067151 +44 22 4 878347942 +861 286 4 881274504 +498 430 4 881958174 +747 238 3 888638957 +886 403 4 876031765 +796 54 4 893194685 +790 665 3 885158495 +807 402 5 892705096 +827 294 4 882807611 +833 506 2 875132079 +339 53 4 891034254 +593 111 5 875659576 +880 1258 3 880175368 +740 340 4 879523187 +640 580 5 874778096 +234 371 3 892335850 +880 238 4 880174652 +828 582 3 891037813 +453 452 2 888206630 +327 396 3 887819538 +733 458 2 879535129 +745 50 2 880122928 +835 15 5 891032930 +804 98 5 879441503 +796 226 3 893048410 +849 676 5 879695896 +871 300 4 888192971 +889 615 3 880180707 +833 1143 4 887158946 +686 542 1 879546443 +774 183 4 888557198 +250 259 1 883262792 +593 762 4 875659849 +576 124 4 886985002 +697 244 5 882622481 +827 288 3 882204460 +770 250 5 875971902 +883 1462 5 891695570 +449 515 5 879958685 +291 95 4 875086921 +766 197 3 891309011 +551 385 5 892783791 +719 284 2 888449573 +437 476 4 880142177 +903 693 5 891466376 +109 22 4 880572950 +346 660 2 874948979 +468 647 5 875293386 +497 944 3 879362798 +774 187 3 888556483 +405 663 2 885547221 +899 423 4 884121214 +889 575 3 880182850 +59 81 4 888205336 +806 408 5 882385237 +921 484 3 884673633 +790 196 3 885156500 +451 948 3 879012890 +880 208 5 880174652 +137 79 5 881433689 +122 519 4 879270129 +673 321 3 888787355 +481 202 4 885829240 +807 206 2 892684932 +823 1046 3 878439467 +790 72 2 885157661 +279 131 1 886020902 +870 168 4 875680472 +872 268 1 888478864 +485 889 5 891040560 +806 76 3 882389054 +863 906 4 889289570 +887 172 5 881379718 +758 53 4 882053613 +764 50 3 876242649 +303 77 4 879483978 +21 127 5 874951188 +908 527 3 879722754 +592 971 4 882955978 +429 192 3 882385612 +901 1389 5 877127052 +851 1280 4 890343493 +517 740 4 892660728 +606 323 4 877642209 +854 522 2 882814189 +567 79 2 882427023 +275 230 3 876198296 +770 117 5 875971989 +560 498 4 879975718 +868 218 3 877104913 +903 47 5 891033522 +927 405 5 879181451 +935 405 4 884472704 +662 100 5 880571006 +898 347 3 888294485 +790 1165 2 884462890 +406 176 5 879445474 +859 476 5 885775727 +627 1044 2 879530899 +517 294 1 892607194 +513 210 5 885063273 +406 569 3 879792974 +749 38 3 878850724 +257 285 5 882049950 +788 561 3 880870626 +716 284 3 879794116 +532 531 5 893119491 +932 863 4 891249063 +868 496 2 877107597 +175 869 3 877107500 +119 315 5 886175571 +913 418 3 881368742 +194 318 5 879521328 +667 182 5 891034767 +708 993 4 877325349 +933 176 3 874854315 +694 499 4 875728345 +887 1239 3 881381679 +13 590 2 882397068 +524 386 4 884637032 +903 443 5 891033755 +561 748 2 888557502 +396 118 4 884646314 +133 355 2 890588928 +903 196 4 891033781 +868 367 2 877106505 +867 204 4 880078958 +495 1133 3 888636487 +862 520 4 879304484 +907 284 5 881030348 +862 10 5 879303249 +870 288 4 875050370 +682 1039 4 888517510 +660 72 3 891201436 +499 328 5 882996296 +268 185 3 875309801 +795 546 3 880559275 +682 729 3 888518035 +747 136 5 888639481 +870 1021 2 881001249 +916 764 3 880843798 +708 299 1 892718964 +833 861 3 875224309 +863 908 1 889289240 +474 185 5 887923923 +586 17 5 884060807 +714 258 4 892777903 +851 48 4 875731489 +797 309 3 879438992 +344 290 2 884899837 +321 221 5 879438793 +124 1 3 890287733 +694 474 4 875727226 +885 685 3 885715671 +213 212 4 878955474 +514 134 3 875463665 +640 1258 3 886474866 +916 171 4 880844332 +870 135 3 875680045 +73 285 4 888792900 +880 845 3 880167200 +351 898 5 883356784 +537 702 3 886031375 +668 347 4 890349005 +883 202 4 891694312 +790 2 3 885156988 +749 214 3 878849177 +796 236 4 893048149 +828 1462 3 891037948 +922 176 3 891450401 +330 479 5 876546105 +578 346 3 887229335 +839 264 3 875751559 +798 415 3 875639260 +796 1046 3 893194607 +868 162 3 877109505 +181 245 2 878961369 +887 932 2 881379009 +244 744 3 880606923 +870 182 5 883876178 +792 363 3 877910478 +756 8 4 874827755 +903 180 5 891033585 +105 751 2 889214381 +851 56 5 875731489 +178 531 4 882826242 +905 237 3 884983951 +484 742 3 881449737 +586 1046 3 884064912 +867 12 5 880078656 +92 69 5 875653198 +885 584 3 885716328 +889 69 3 880179785 +619 391 3 885954215 +1 231 1 876893031 +589 334 1 883352631 +184 1086 4 889907711 +437 196 4 880140627 +629 1038 3 880116240 +907 260 2 885860511 +901 864 5 877289441 +880 1139 4 880242577 +807 542 5 893081951 +786 173 4 882843069 +682 174 4 888523581 +916 428 4 880844350 +719 127 3 879358453 +618 56 4 891307175 +880 1446 4 880174705 +509 328 1 883590800 +603 228 3 891955922 +942 183 3 891283184 +533 713 2 879192582 +312 602 4 891699263 +393 77 3 889729440 +870 479 5 875050801 +463 129 2 877385287 +889 847 4 880176926 +887 202 5 881379346 +813 271 4 883752455 +900 405 3 877833364 +724 751 2 883757397 +200 22 4 884128372 +758 652 5 881975853 +807 136 5 892529185 +655 176 2 887429999 +878 179 4 880866626 +712 393 3 874730320 +347 748 2 881652142 +871 210 5 888193275 +890 520 4 882403643 +923 168 5 880388872 +873 269 2 891392092 +741 79 4 891455610 +899 144 3 884121173 +922 155 2 891448473 +872 892 3 888479052 +707 15 4 880059876 +329 294 2 891655383 +648 405 4 882211924 +649 678 3 891440562 +144 294 4 888103573 +407 1041 3 876345492 +417 771 3 879649368 +878 168 4 880866626 +894 883 3 880415885 +414 895 4 884999170 +513 739 5 885063056 +372 844 4 876869481 +833 172 2 875224482 +533 480 4 879190670 +485 302 5 891040423 +536 500 4 882360946 +325 1118 3 891479665 +916 265 4 880844813 +647 300 4 876534131 +682 241 4 888522541 +881 226 3 876538400 +790 159 3 885156934 +67 273 4 875379288 +868 216 2 877109234 +619 406 2 885953931 +622 450 1 882592850 +889 554 4 880181976 +912 246 2 875967072 +717 312 5 884642133 +542 87 3 886532676 +892 482 5 886608136 +474 55 4 887926271 +727 609 3 883711923 +714 1152 2 892777651 +762 709 3 878719594 +409 206 4 881109264 +899 431 1 884122645 +528 526 4 886101505 +894 1258 3 879896949 +898 243 1 888294707 +343 663 5 876405045 +833 430 4 875133840 +210 114 4 887736175 +796 479 4 892761427 +883 1227 3 891693200 +796 63 3 893218764 +833 182 5 875039254 +749 423 4 878847645 +870 841 2 878737915 +802 217 3 875985767 +759 245 3 881476616 +622 153 4 882592314 +868 237 1 877108989 +472 91 5 892791063 +840 182 4 891204798 +778 117 3 890727011 +883 386 3 891694372 +867 286 5 880077721 +486 889 4 879873973 +760 776 5 875667247 +422 563 3 879744219 +834 333 5 890860566 +363 232 2 891495272 +835 488 5 891034117 +543 1416 2 876718718 +851 1376 2 875730895 +328 578 2 885048895 +115 218 3 881171623 +666 650 5 880139409 +710 479 5 882064120 +592 683 1 882607745 +921 924 3 879379736 +347 4 4 881654452 +301 90 3 882078360 +87 134 4 879877740 +907 1326 4 880159512 +917 591 3 882911185 +49 289 4 888065744 +790 959 3 885156686 +453 237 4 877552657 +757 559 4 888467400 +454 588 3 881960083 +846 176 4 883947694 +276 89 5 874792366 +655 122 2 887523605 +569 455 3 879794265 +673 310 5 888786997 +870 425 4 889717575 +767 22 4 891462614 +801 752 4 890332853 +747 792 5 888639102 +323 1073 4 878739857 +724 338 3 883758119 +453 1037 1 888206630 +714 100 1 892775786 +682 672 2 888522894 +795 201 4 880569984 +232 268 4 885939544 +10 700 4 877892277 +216 134 4 880233651 +804 1065 3 879441727 +655 823 2 888685759 +738 50 5 892844112 +914 1406 4 887123886 +862 650 4 879304941 +798 210 4 875743410 +788 241 5 880869075 +663 895 4 889491811 +867 132 3 880078629 +399 328 4 882340311 +575 357 5 878148388 +479 471 4 879460028 +852 235 4 891036765 +474 28 4 887924619 +896 53 1 887235026 +533 684 4 879191594 +862 186 3 879305143 +858 333 4 880933013 +682 159 3 888521005 +896 760 2 887235788 +815 258 4 884320310 +98 659 5 880498861 +916 55 3 880844369 +405 640 1 885549589 +841 306 4 889066824 +892 121 4 886609829 +915 345 4 891030145 +655 775 2 887523815 +851 912 4 891961214 +934 212 4 891194802 +409 603 5 881107351 +927 422 4 879199110 +715 1217 2 875963998 +881 480 4 876537679 +788 627 4 880870654 +400 343 4 885676552 +919 432 4 875373824 +717 546 3 884642932 +880 283 3 880167008 +894 126 3 880416381 +938 406 3 891357060 +455 924 3 879110154 +805 346 4 883766007 +286 629 5 877531661 +465 151 3 883530818 +880 38 3 880168411 +592 427 5 882955735 +524 433 5 884636444 +712 1036 5 874956981 +796 134 3 892663009 +91 527 4 891439057 +664 482 5 878090180 +503 172 5 880383588 +593 845 3 875671033 +805 678 4 879971214 +474 678 2 887915020 +234 662 3 892079585 +458 137 5 886394730 +684 585 2 878762273 +829 190 4 881698876 +548 472 2 891415967 +883 185 5 891695692 +848 435 3 887042427 +844 864 3 877381873 +116 326 2 876453376 +297 34 3 875410124 +413 283 5 879969484 +930 153 2 879535685 +259 173 4 874724843 +404 286 1 883790181 +174 582 4 886439537 +379 265 4 883156656 +514 265 4 886190600 +766 616 3 891309589 +897 510 3 879990531 +774 69 4 888556544 +638 455 3 876695059 +864 399 4 888893088 +907 144 5 880159937 +887 225 4 881379094 +864 96 5 888887830 +487 70 3 883530929 +919 323 4 875288362 +902 302 3 879463109 +847 369 1 878939451 +677 129 5 889399199 +726 255 2 889832297 +468 248 4 875280352 +640 96 5 874778240 +655 825 2 887429669 +667 315 4 891034426 +608 79 5 880405863 +405 668 1 885548275 +405 1535 1 885549635 +416 269 4 876696643 +719 185 4 877310932 +831 284 3 891355004 +556 427 5 882136440 +643 215 3 891447037 +900 602 1 877834025 +268 435 4 875309859 +484 684 5 891195390 +446 289 3 879786984 +851 754 2 891961831 +536 86 3 882360573 +846 139 2 883949508 +367 565 2 876690048 +624 302 4 885215462 +782 538 4 891498214 +816 342 4 891711519 +585 557 4 891285820 +846 391 3 883950605 +615 215 4 879448632 +616 245 3 891224767 +758 129 4 881975962 +646 294 2 888528870 +890 589 5 882403221 +297 479 5 875240015 +912 443 4 875966027 +922 427 5 891449123 +332 552 3 888360488 +796 23 2 892690382 +411 89 3 891035761 +109 476 3 880571831 +551 155 4 892784259 +880 148 2 880167030 +756 143 5 874831383 +109 831 2 880572296 +187 1065 4 879465717 +892 192 5 886608473 +567 423 2 882426869 +866 269 3 891221165 +783 286 3 884326274 +389 161 2 880088269 +899 546 2 884120317 +637 591 3 882904233 +883 634 3 891692874 +405 733 1 885546248 +92 926 3 875640542 +930 126 5 879535392 +753 750 2 891401167 +823 161 3 878438535 +663 98 5 889493540 +463 246 4 877387935 +707 1204 3 886286283 +896 317 4 887159069 +626 302 4 878771242 +727 222 3 883709350 +393 893 3 889554457 +521 147 4 884476837 +872 117 4 888479171 +450 286 4 882215617 +405 27 1 885546487 +435 930 3 884134019 +401 125 3 891033651 +48 650 3 879434819 +437 100 4 880140051 +880 655 4 880174623 +405 1266 1 885549634 +933 135 4 874854444 +448 1022 5 891888244 +840 616 5 891209364 +716 237 5 879793844 +892 417 3 886610588 +340 211 3 884991431 +458 199 4 886396140 +782 879 3 891498267 +641 336 3 879369943 +436 693 5 887769515 +846 436 4 883950286 +692 1132 4 876953954 +860 1047 2 885991563 +119 196 5 886177162 +758 475 5 881977205 +717 313 5 884642133 +880 70 4 880174677 +823 294 3 878439981 +849 197 5 879695782 +761 117 5 876190314 +391 652 4 877399588 +474 427 5 887923924 +864 800 1 888891154 +23 603 4 874785448 +896 425 2 887159110 +715 273 5 875961998 +650 271 3 891369143 +840 118 3 891204056 +896 371 2 887159723 +916 202 3 880845028 +405 725 1 885547691 +916 1208 2 880845249 +535 1063 4 879618613 +882 1 5 879864558 +806 288 3 882384554 +659 489 4 891045747 +593 8 3 875673098 +776 241 1 892313489 +779 1 4 875501555 +590 284 2 879439345 +1 204 5 875072688 +655 1445 3 887427538 +592 423 5 882955918 +178 881 2 886678484 +601 82 1 876351298 +785 748 3 879438705 +911 193 4 892839056 +896 426 2 887160722 +566 22 3 881649358 +436 469 3 887769128 +655 318 4 887473702 +877 553 4 882678137 +897 436 4 879991037 +466 4 3 890285034 +870 378 3 879902226 +892 68 4 886611162 +99 98 5 885679596 +640 81 5 874777735 +923 455 4 880387946 +334 130 4 891545318 +5 233 4 875729064 +629 425 3 880117163 +312 189 5 891698516 +865 501 1 880235060 +854 762 2 882812905 +534 685 3 877807653 +864 197 4 888888282 +724 1591 1 883757468 +880 825 4 880167288 +407 568 2 876338730 +921 304 2 879379428 +395 748 3 883762577 +694 435 4 875728639 +667 694 4 891034730 +363 153 3 891495169 +839 117 5 875752169 +412 431 4 879717549 +707 13 4 880059957 +843 616 3 879449256 +276 269 4 885871420 +487 22 5 883445495 +881 58 3 876538796 +637 235 1 882904233 +564 281 3 888730658 +70 739 2 884150753 +917 246 4 882910971 +849 421 5 879695588 +894 754 4 880993317 +244 65 4 880605766 +684 381 2 878762033 +889 484 4 880178313 +610 607 5 888703157 +271 216 5 885848672 +860 302 4 876074139 +90 276 4 891384476 +329 657 3 891656391 +747 95 3 888639318 +927 72 5 879193848 +921 328 5 879379338 +675 244 3 889489775 +883 24 4 891692657 +840 14 5 891203250 +828 86 3 891037047 +896 554 2 887161199 +913 742 3 881036957 +796 28 3 892662523 +620 742 5 889987792 +476 201 4 883364324 +892 222 4 886608094 +597 742 4 875341603 +788 984 3 880867855 +666 516 5 880139348 +707 1021 3 886287079 +715 268 4 875961674 +92 147 2 875640542 +788 151 1 880869908 +825 740 2 880756320 +311 81 3 884365451 +880 781 3 880174961 +616 307 2 891224448 +818 303 5 891870222 +864 755 4 888892128 +829 310 3 890956632 +617 446 2 883789590 +263 378 5 891299630 +896 154 3 887159212 +682 128 4 888522575 +802 219 5 875985767 +405 1545 2 885546201 +722 310 4 891279945 +866 900 4 891221165 +326 648 5 879875644 +886 201 3 876031695 +903 129 3 891031144 +605 135 5 879424369 +577 823 3 880471304 +538 182 4 877107408 +897 88 4 879991283 +883 257 5 891914605 +474 143 4 887926573 +389 482 5 880086777 +380 234 2 885478447 +862 59 5 879305204 +639 694 5 891239492 +321 133 5 879440612 +615 1065 4 879448567 +234 984 2 891033966 +838 204 4 887066040 +854 606 4 882813691 +125 1037 2 892839143 +429 42 5 882385593 +327 466 3 887820171 +843 158 2 879449336 +621 418 3 874965298 +630 820 4 885667391 +934 237 4 891189879 +943 68 4 888639500 +642 369 2 885606090 +267 210 4 878972434 +460 288 2 882910678 +773 675 5 888540279 +500 174 2 883873505 +330 64 5 876546409 +913 613 5 881725796 +764 151 4 876242912 +863 876 2 889289457 +671 511 3 884035406 +382 151 4 875946830 +727 384 2 883712804 +788 176 5 880868743 +178 295 3 882824055 +935 815 4 884472576 +747 466 3 888640136 +345 393 3 884993485 +345 678 2 884901497 +843 690 5 879442947 +843 144 3 879444711 +911 186 5 892839929 +541 812 3 883874872 +940 746 3 885921669 +871 662 3 888193541 +863 259 1 889289240 +933 710 2 874938309 +403 760 1 879790343 +465 868 2 883532119 +755 323 4 882570077 +883 316 5 891692168 +774 180 5 888556634 +538 208 3 877107085 +39 288 5 891400704 +927 623 3 879199110 +606 230 2 880926084 +716 468 3 879796596 +868 640 5 877103371 +916 417 2 880845949 +21 264 3 874950972 +940 316 4 889480582 +796 204 5 892662441 +880 780 3 880175157 +535 180 4 879618655 +548 750 4 891042353 +864 660 4 888889510 +882 841 1 879863909 +689 117 4 876676293 +758 737 3 881978864 +468 286 4 875279126 +374 1194 4 880396292 +653 199 4 880150239 +943 1028 2 875502096 +472 22 5 892790953 +452 515 4 875261747 +716 1113 4 879797443 +222 431 4 881059461 +892 401 3 886609264 +724 242 1 883758268 +802 184 4 875986155 +891 107 5 883490041 +815 1299 3 878697015 +610 516 3 888703710 +279 388 3 875659844 +92 631 4 875658112 +846 955 3 883948720 +293 176 4 888906536 +790 1215 1 884462737 +854 173 4 882813537 +624 298 4 879792378 +938 471 3 891356413 +417 823 2 879646860 +939 127 5 880260745 +887 755 5 881381425 +837 328 4 875721604 +925 773 1 884717862 +678 117 4 879544989 +700 48 4 884494215 +880 1215 1 880167599 +846 61 3 883947911 +815 227 2 878695147 +205 294 3 888284402 +201 217 3 884112627 +320 470 5 884751263 +903 582 3 891033564 +823 79 4 878439038 +653 63 2 880153077 +900 31 2 877833995 +707 197 4 886287130 +863 331 4 889289278 +593 283 4 875659665 +870 1230 2 879901998 +807 298 4 893083851 +796 339 2 892874859 +236 595 3 890117267 +881 8 4 876537457 +843 440 1 879443544 +13 362 4 890704999 +919 237 4 875288805 +885 523 3 885713357 +919 715 5 875921442 +497 774 4 879362407 +716 435 4 879795071 +747 604 5 888638913 +883 732 3 891694340 +293 237 3 888904696 +875 603 4 876465111 +885 225 3 885716242 +848 661 3 887040302 +694 427 4 875727226 +694 482 5 875728435 +762 332 1 878718996 +742 294 3 881005590 +654 596 3 887863802 +867 203 4 880078484 +889 686 3 880180612 +417 151 5 879646463 +734 465 4 891022734 +659 506 3 891385379 +815 9 4 878691739 +725 881 5 876106729 +417 537 4 880949849 +867 31 5 880078656 +327 121 2 887822530 +663 328 4 889491861 +387 367 3 886482883 +650 357 4 891372286 +831 237 4 891355004 +295 232 3 879518900 +847 125 3 878774969 +110 1228 3 886988689 +707 863 4 886286662 +715 480 5 875963387 +342 182 5 875319173 +591 1120 4 891039637 +256 989 5 882150192 +504 504 4 887909890 +631 288 3 888464916 +782 536 2 891500150 +611 272 5 891636098 +860 508 4 885991076 +796 318 4 892661988 +760 300 1 875665867 +627 576 3 879531504 +749 174 5 878847209 +657 117 4 884240629 +13 798 2 882397974 +896 237 5 887158714 +812 873 4 877625537 +922 1110 4 891450768 +921 66 5 884673700 +556 302 4 882135437 +916 76 3 880845049 +694 205 5 875726968 +216 47 4 880244870 +886 48 4 876031526 +821 111 4 874793049 +606 255 5 887061723 +788 649 3 880869649 +868 1285 2 877109926 +900 744 2 877833195 +776 1219 3 891628837 +391 696 4 877400117 +758 131 3 881975243 +868 451 2 877112063 +660 358 2 891197796 +588 66 3 890023646 +897 1051 3 879993772 +886 268 5 876031109 +431 332 3 877844377 +445 56 5 891200869 +738 258 4 875348442 +830 554 5 891561999 +877 88 4 882677967 +804 597 3 879444011 +907 1040 5 880159496 +389 430 5 880087003 +642 419 4 885603537 +757 827 3 888466758 +752 348 4 891208213 +833 1428 3 875123494 +927 257 5 879177353 +679 527 4 884486985 +606 8 2 880923579 +881 216 4 876538922 +634 294 4 876170101 +363 116 4 891495595 +152 319 2 890322385 +892 612 5 886609551 +705 755 5 883427691 +721 729 3 877141222 +347 147 4 881652710 +716 498 5 879795122 +707 106 3 886288189 +892 739 4 886609469 +551 264 3 892775970 +450 724 5 882395537 +885 69 4 885714201 +933 157 4 874854932 +697 287 4 882622170 +717 815 3 884642817 +752 909 3 891208036 +530 220 5 886628953 +870 640 3 886883147 +901 82 5 877131624 +828 207 4 891036492 +427 331 4 879700850 +870 684 3 879714246 +352 174 5 884289760 +807 1078 4 892979639 +540 405 3 882157612 +178 133 4 885784518 +533 227 4 879191563 +453 272 5 887941892 +847 1167 5 878939645 +616 362 3 891224517 +883 318 4 891717936 +802 769 5 875985976 +619 161 4 885954133 +84 408 5 883450553 +542 1 4 886532534 +881 188 4 876538665 +685 872 2 879447443 +406 631 5 882461650 +174 934 4 886434421 +840 473 5 891203408 +181 120 1 878963204 +881 414 5 876537752 +593 685 3 875660081 +308 525 5 887738847 +776 667 2 892920480 +843 179 4 879446774 +484 233 5 891195444 +452 516 3 888324014 +925 327 3 884717790 +492 153 4 879969454 +194 790 1 879535549 +916 709 3 880844123 +851 984 3 874809850 +898 334 3 888294739 +269 710 1 891449843 +843 175 4 879446911 +227 287 4 879035704 +279 451 1 888465592 +679 109 3 884488283 +795 12 4 881260621 +943 76 4 888639523 +653 755 2 880153077 +851 231 4 875807019 +500 289 4 883864818 +874 346 3 888632147 +709 231 3 879848646 +934 156 3 891190813 +846 665 4 883950434 +159 254 3 884026738 +913 518 4 881725761 +916 790 2 880845790 +846 699 3 883947960 +887 655 1 881379609 +314 8 4 877888059 +807 503 3 892530004 +896 139 2 887161033 +611 305 4 891636192 +916 433 3 880844958 +114 135 4 881260611 +655 1112 2 887475641 +846 474 5 883947960 +276 200 5 874792663 +76 806 4 882606471 +342 137 2 874984455 +747 320 5 888732899 +761 457 1 876189950 +144 527 5 888105665 +342 246 4 874984480 +936 827 2 886833191 +486 325 2 879874296 +600 578 2 888451839 +694 495 4 875727018 +536 28 5 882359678 +616 937 4 891224919 +867 483 5 880078372 +471 172 4 889827822 +907 869 5 880160123 +536 197 3 882359567 +774 385 1 888557329 +934 501 4 891196464 +942 1204 4 891283209 +798 254 5 875637836 +748 209 4 879454728 +928 1025 5 880936022 +802 98 4 875985601 +569 277 2 879794385 +911 482 4 892838864 +543 153 3 874863035 +758 502 4 881978864 +615 269 4 879447500 +63 257 3 875747342 +726 409 3 890087998 +592 249 4 882608795 +537 633 3 886031342 +716 735 5 879795644 +936 405 2 886833053 +457 660 5 882396449 +294 334 4 877818861 +798 1032 3 875639212 +918 707 5 891987446 +680 50 5 876816310 +890 447 3 882404541 +379 403 4 880525598 +881 1089 1 876537011 +896 204 4 887157947 +608 690 4 880402527 +733 1011 4 879535644 +698 127 4 886366101 +210 651 4 887736140 +178 232 5 882827162 +897 443 5 879991666 +908 525 4 879722300 +758 1135 2 881980034 +916 181 4 880843401 +572 286 4 879449179 +486 1016 2 879874970 +260 307 3 890618295 +796 514 3 892676231 +790 70 3 885157776 +881 1028 3 876537056 +699 985 3 879147814 +450 457 2 882466909 +758 11 3 881975289 +622 229 2 882592850 +930 107 3 879535207 +761 1152 2 876190623 +804 742 4 879442732 +655 674 3 887523427 +269 371 5 891450880 +903 523 5 891033606 +479 335 3 879459752 +648 684 4 884882702 +650 323 3 891369285 +551 82 5 892783525 +698 613 5 886366770 +385 251 2 879440098 +892 422 1 886610996 +567 199 4 882425820 +924 562 3 886759657 +896 591 3 887160702 +688 877 5 884153751 +73 129 4 888625907 +930 871 3 879535138 +892 274 4 886610451 +916 72 3 880845808 +763 60 5 878914968 +833 134 5 875038987 +776 95 4 892210688 +919 25 4 875289113 +670 519 5 877974604 +913 184 3 880826706 +378 932 2 880056930 +711 218 4 879994852 +658 24 3 875145493 +436 144 5 887769444 +916 96 3 880844813 +864 715 4 888891238 +943 122 1 875502576 +741 226 2 891455711 +492 651 3 879969814 +930 300 4 879535392 +871 352 3 888192971 +246 111 3 884921861 +765 847 4 880346466 +454 302 4 881958326 +852 1 4 891036457 +327 24 2 887745934 +186 331 3 889817888 +840 202 5 891204322 +918 1137 5 891986999 +909 261 5 891919599 +605 1 4 879365748 +869 276 4 884491082 +399 1 4 882340657 +844 432 5 877388183 +707 1061 3 880060118 +932 1021 4 891249146 +650 579 3 891370182 +363 180 3 891494754 +932 516 5 891249877 +766 191 4 891310067 +28 196 4 881956081 +655 607 4 887523427 +123 134 4 879872275 +82 118 3 878768510 +892 768 4 886609977 +184 837 3 889908630 +99 294 4 885678453 +826 271 4 885690022 +374 818 3 880394301 +834 751 3 890860298 +442 69 3 883390935 +583 483 5 879384338 +757 323 3 888443483 +894 879 4 879896141 +632 73 3 879459649 +833 1210 1 879818799 +865 1047 1 880144265 +458 79 5 886396192 +1 3 4 878542960 +303 284 4 879467465 +854 514 4 882813537 +246 164 3 884921613 +880 41 1 880175239 +829 129 4 881712252 +936 273 3 886832453 +106 9 4 883876572 +880 174 4 880167670 +864 732 4 888888067 +878 514 4 880870854 +707 718 5 880059876 +454 95 2 888266433 +592 877 2 882607647 +625 95 3 891953755 +932 141 4 891250363 +896 203 5 887158713 +804 573 3 879445232 +695 264 1 888806222 +890 265 2 882405059 +659 502 4 891385438 +655 30 5 888474646 +465 845 4 883530743 +878 529 5 880870854 +87 152 4 879876564 +466 909 5 890284231 +632 54 3 879459304 +930 45 4 879535492 +937 258 4 876762200 +796 769 4 893218622 +896 23 2 887159145 +429 685 3 882387434 +782 888 3 891498919 +932 659 5 891250770 +905 273 3 884984148 +347 186 5 881653912 +396 271 4 884645790 +805 636 4 881694978 +885 417 3 885716369 +533 111 4 879192474 +782 1388 3 891500028 +269 806 3 891448019 +381 1060 5 892697677 +747 286 4 888638335 +308 824 3 887742013 +788 186 3 880868559 +307 109 5 879283787 +496 416 1 876067754 +585 275 4 891283124 +848 170 5 887039271 +833 192 5 875038529 +904 781 4 879735678 +663 521 3 889493467 +595 979 3 886921847 +429 173 4 882384494 +328 237 4 885047373 +883 289 5 891692168 +655 295 3 887425530 +771 286 2 880659235 +889 13 4 880177179 +930 175 2 879535713 +721 301 4 877136358 +919 832 3 875289726 +907 1221 5 880160080 +892 81 3 886608473 +5 200 2 875720717 +728 243 2 879442892 +473 475 5 878157299 +110 651 4 886988018 +896 582 2 887160040 +877 164 5 882678547 +655 113 3 891585477 +766 972 3 891310907 +867 1039 5 880078677 +554 728 3 876369995 +878 318 5 880866013 +294 1 5 877819634 +653 471 2 884405560 +934 172 5 891191206 +650 73 3 891387542 +553 1194 5 879948995 +685 333 1 879451147 +760 237 3 875666179 +804 520 4 879445904 +891 742 4 891639497 +881 187 4 876539091 +776 670 3 892920351 +734 724 3 891022684 +159 1152 4 880557464 +697 1025 2 882621523 +862 496 5 879304902 +721 64 4 877139301 +922 747 3 891448247 +886 234 3 876031932 +827 316 3 892157262 +815 1157 2 884267828 +458 338 3 889323660 +915 315 4 891029965 +90 60 4 891385039 +618 487 4 891309886 +94 338 4 891725030 +922 294 4 891447296 +826 265 5 885690526 +43 580 3 883956417 +697 126 5 882622581 +730 535 2 880310506 +59 946 1 888206445 +642 245 4 891317923 +469 607 5 879524117 +921 380 4 879381051 +371 66 4 877487213 +657 744 4 884239566 +664 228 4 876526462 +943 485 5 888639523 +601 260 4 876346633 +540 1011 4 882157509 +936 117 4 886832713 +727 135 2 883711069 +805 998 4 881705327 +535 693 3 879619107 +620 596 2 889987954 +747 498 5 888639318 +478 708 3 889397239 +896 1231 1 887160880 +646 1176 4 888528955 +363 256 3 891499542 +932 188 3 891250142 +896 85 3 887160427 +211 117 4 879461498 +932 196 4 891251038 +889 562 3 880181911 +593 49 3 875671891 +328 327 3 885044566 +937 408 5 876769323 +91 474 3 891438947 +843 561 4 879443482 +889 87 4 880178367 +746 597 4 885075304 +83 151 3 880306745 +758 746 4 881976746 +922 22 5 891450586 +645 955 4 892054989 +919 222 3 875288983 +350 603 5 882345975 +943 756 2 875502146 +916 636 3 880845391 +537 950 3 886030347 +875 56 5 876466687 +901 91 1 877131817 +591 66 2 891031526 +835 234 5 891033857 +861 740 4 881274760 +820 333 5 887954878 +789 591 3 880332259 +49 789 4 888068033 +670 222 4 877974857 +704 98 5 891397305 +663 300 4 889491655 +886 127 4 876032472 +693 186 2 875484882 +303 631 4 879483617 +517 748 4 892660728 +764 25 2 876243015 +907 689 4 885860672 +940 168 3 885921597 +913 69 2 880757553 +167 86 4 892738212 +773 730 3 888538852 +881 412 1 876536523 +888 274 4 879365497 +454 327 3 881958428 +887 9 2 881378118 +928 266 5 880936022 +625 654 3 891262837 +747 479 5 888732719 +823 89 5 878438780 +393 1409 4 889729536 +763 135 5 878918332 +167 137 5 892738081 +843 172 3 879444711 +595 871 2 886921945 +862 174 5 879304721 +586 53 5 884061084 +41 969 4 890687438 +798 174 4 875743140 +347 546 4 881653059 +315 673 4 879821267 +860 516 3 885991040 +13 837 4 882139717 +711 403 4 879994513 +693 632 5 875482626 +927 417 4 879184710 +894 1023 3 879896898 +931 252 3 891037070 +707 57 4 886287310 +506 1063 5 888848303 +667 487 5 891035084 +887 125 5 881377933 +894 295 3 879896704 +389 274 4 880088421 +751 332 3 887134842 +314 144 3 877889275 +405 372 1 885547313 +716 650 3 879796278 +553 50 4 879948732 +837 284 1 875722104 +773 93 3 888539366 +864 118 4 888888994 +268 456 2 875743012 +617 611 4 883789386 +795 716 3 880569984 +936 1241 4 886832808 +301 226 5 882077222 +913 268 2 880753802 +899 111 4 884120105 +809 1025 1 891037205 +446 338 2 879786943 +535 197 5 879618288 +632 228 3 879457157 +654 83 5 887864680 +49 99 4 888067031 +442 1074 3 883389053 +741 367 2 891457280 +457 294 2 882393514 +608 59 5 880403856 +867 51 3 880079142 +839 100 3 875751991 +650 206 4 891371186 +880 1181 3 880242781 +522 168 5 876960956 +41 173 4 890687549 +878 88 4 880869418 +92 212 4 875656086 +870 95 4 875050559 +493 974 3 884132914 +533 117 5 879192901 +805 4 2 881694798 +852 122 1 891037738 +881 140 2 876538098 +806 856 5 882387644 +178 69 5 882826437 +592 975 4 882608873 +918 25 4 891988123 +694 100 4 875727640 +924 701 4 885457922 +749 748 3 878846384 +264 234 4 886122261 +831 144 5 891354815 +899 663 4 884122719 +885 143 4 885716344 +521 127 4 885253352 +825 1254 1 880756678 +624 235 4 879793156 +92 260 1 890463551 +714 1014 3 892777694 +643 55 4 891448218 +773 7 2 888539992 +301 288 4 882074291 +179 271 1 892151565 +354 292 4 891180489 +851 92 5 875806791 +608 288 5 880402982 +548 291 5 891415677 +896 468 2 887158866 +782 877 3 891498213 +618 723 3 891309514 +747 582 5 888639362 +804 982 4 879444048 +633 97 3 877211083 +570 358 2 881262582 +941 257 4 875048952 +224 544 1 888103812 +293 1264 3 888905582 +916 697 4 880844937 +573 654 4 885844535 +745 14 3 880122863 +204 269 4 892388976 +642 1133 3 886569295 +805 452 3 881695445 +416 1152 4 876697105 +896 234 4 887157925 +758 181 4 880672747 +311 436 3 884366269 +931 909 5 891037521 +678 1129 1 879544915 +325 71 3 891478981 +498 251 3 881954219 +327 268 4 887737629 +44 318 5 878347340 +504 503 4 887837958 +601 365 3 876350812 +806 1010 3 882385806 +655 553 2 887431019 +416 278 3 876698280 +259 748 4 883371839 +852 827 2 891036866 +82 483 5 878769888 +790 546 1 884461590 +887 476 1 881379059 +752 333 3 891207791 +393 310 4 887742040 +826 39 4 885690600 +670 245 4 877974070 +904 288 4 879735109 +653 407 1 878867398 +937 286 4 876762200 +919 98 5 875373470 +234 165 5 892079040 +738 951 2 875351906 +224 402 5 888103872 +267 188 5 878971745 +896 746 3 887159658 +936 1190 3 886833707 +545 142 3 884135088 +450 259 3 887834953 +881 209 3 876537718 +807 142 3 892530752 +766 518 3 891309878 +864 174 5 888887354 +883 463 3 891693058 +518 240 1 876824079 +676 326 2 892685592 +868 843 1 877109748 +731 28 4 886182826 +807 102 4 892979501 +791 306 5 879447977 +267 135 5 878972463 +866 344 2 891221165 +866 347 4 891221165 +690 993 3 881178697 +868 426 4 877103935 +577 318 5 880472055 +770 294 3 875971655 +825 291 5 880756603 +158 514 3 880135093 +59 116 4 888203018 +831 479 4 891354726 +586 241 4 884061623 +65 66 3 879217972 +840 215 4 891209285 +807 1409 4 892978256 +749 326 4 878846365 +500 249 3 887720111 +689 237 3 876676293 +747 64 5 888639642 +864 655 4 888887128 +475 327 4 891451149 +679 100 3 884487089 +846 174 5 883947737 +863 344 4 889289456 +836 210 4 885754058 +829 1120 2 881707829 +521 210 3 884478119 +683 347 4 893286208 +780 498 5 891363756 +484 4 4 891195154 +921 196 5 884673724 +779 304 3 875501254 +934 135 4 891191659 +102 792 3 892992297 +846 234 5 883948495 +847 1400 5 878940830 +898 539 3 888294441 +695 328 3 888806056 +715 549 3 875964519 +919 245 2 875288253 +664 237 2 876525002 +823 101 3 878438807 +936 325 5 886831709 +840 204 4 891205245 +775 245 3 891032989 +715 31 4 875963692 +897 323 4 879988868 +200 934 2 884127370 +934 65 4 891192914 +502 328 4 883701980 +896 11 2 887158333 +707 185 3 886286032 +504 505 4 887837957 +653 69 4 878854284 +886 544 4 876031850 +880 200 4 880241355 +312 1050 5 891698832 +933 1228 1 874939247 +648 164 4 884883424 +790 4 3 885156773 +128 117 5 879967631 +670 195 4 877974787 +831 301 2 891354275 +716 228 4 879794870 +804 55 4 879442141 +940 286 3 884800898 +709 5 4 879848167 +932 30 4 891249196 +643 492 4 891448586 +648 386 4 884882192 +7 12 5 892135346 +916 118 2 880843838 +301 80 3 882078883 +547 294 1 891282757 +450 44 3 882376658 +21 330 4 874951040 +891 1040 3 883489783 +474 485 4 887926804 +735 331 3 876698022 +650 132 4 891372365 +453 202 4 877553999 +655 304 2 888475101 +940 294 4 884801316 +721 162 2 877147503 +395 21 3 883764534 +872 300 5 888478766 +449 106 3 879958936 +727 1049 1 883709711 +168 181 4 884287298 +181 1276 1 878962586 +109 1135 4 880582976 +836 690 3 885753435 +622 24 4 882590367 +923 264 3 880387199 +551 765 1 892785194 +863 1395 4 889289491 +483 68 1 878953693 +919 284 3 875289280 +633 871 3 875326698 +885 756 2 885713101 +374 1059 2 883627906 +881 193 5 876538131 +863 885 1 889289456 +291 943 4 874834735 +864 433 3 888887703 +334 882 3 891544135 +663 315 4 889491560 +719 215 4 879360781 +476 940 3 883365336 +593 1014 1 875659755 +181 107 1 878963343 +603 50 5 891955922 +680 137 4 876816310 +802 879 5 875984938 +682 895 4 888518380 +608 168 1 880403810 +600 566 3 888451908 +145 827 2 888398238 +901 378 5 877131654 +881 64 5 876537933 +940 69 2 885921265 +354 45 5 891218046 +885 625 3 885714858 +885 1061 2 885713138 +717 147 4 884642297 +412 169 4 879717038 +894 248 4 879896836 +588 67 1 890032343 +846 602 4 883949255 +407 162 4 876339101 +551 218 5 892783212 +823 206 4 878439089 +804 69 4 879444890 +702 289 2 885767604 +668 993 4 881591257 +749 393 5 878849903 +815 523 4 878693462 +677 288 5 885191166 +838 713 4 887064193 +326 493 5 879874825 +528 422 2 886813066 +931 286 5 891037521 +761 125 4 876190798 +521 125 3 884476020 +660 747 4 891200639 +91 333 5 891438106 +715 195 4 875963657 +537 200 3 886031473 +923 100 5 880387474 +639 280 3 891240868 +838 494 4 887066644 +889 257 4 880176845 +892 435 4 886609149 +346 566 5 874950766 +862 97 4 879305143 +798 265 5 875915777 +523 408 5 883700527 +796 988 3 893219180 +787 1671 1 888980193 +514 474 5 875462689 +387 731 1 886482969 +943 42 5 888639042 +504 973 4 887911444 +610 673 4 888704000 +21 321 3 874950972 +712 51 3 874957293 +601 475 4 876346890 +894 339 4 880415854 +504 735 5 887838510 +807 68 4 892705239 +406 671 5 879792863 +389 559 3 880088680 +847 98 4 878940067 +752 338 3 891208329 +297 751 4 885922463 +283 173 5 879298206 +770 936 5 875971902 +798 878 4 875295521 +905 873 3 884983396 +64 389 4 889739834 +526 127 4 885682426 +885 245 2 885712224 +829 458 3 891990881 +698 481 3 886367473 +927 738 3 879196762 +543 195 4 874863155 +504 200 4 887838450 +709 182 4 879846741 +922 99 4 891448580 +554 50 4 876550778 +880 282 2 880166966 +234 176 3 892079190 +870 1 5 889717102 +112 690 4 884992462 +724 269 4 883756996 +426 661 4 879444321 +893 759 3 874830137 +518 713 5 876823071 +109 1210 3 880582230 +537 689 1 886029239 +825 9 3 880755418 +795 746 3 881529904 +694 605 4 875727513 +202 96 4 879727059 +896 709 3 887158866 +292 472 3 881104760 +653 823 2 880153568 +919 895 4 885059623 +870 258 4 886883539 +659 191 5 891332293 +907 286 5 880158316 +749 71 4 878847576 +343 425 5 876406514 +868 946 1 877107189 +66 9 4 883601265 +840 1451 5 891205123 +881 208 3 876538098 +936 975 3 886832714 +848 443 5 887047921 +678 298 3 879544750 +213 195 5 878956156 +334 810 3 891549267 +320 56 5 884749227 +848 582 4 887046329 +802 669 1 875985840 +405 672 1 885548434 +695 748 1 888806270 +393 833 4 887744626 +518 237 4 876823804 +64 10 5 889739733 +870 178 4 875050559 +423 316 4 891394985 +870 474 4 875050559 +618 238 1 891308391 +615 435 5 879449089 +758 343 2 882055987 +76 293 4 879117673 +936 124 4 886832282 +870 50 3 875050865 +96 234 4 884403336 +398 79 4 875660535 +87 648 5 879876448 +790 1230 2 885158235 +62 509 4 879373568 +82 318 4 878769629 +916 762 3 880843579 +341 881 5 890757961 +556 133 5 882136396 +244 291 2 880604379 +710 210 4 882064283 +815 639 2 878696681 +18 15 4 880131054 +655 1176 4 888474934 +549 282 3 881672300 +919 740 3 875289113 +817 455 3 874815947 +788 572 3 880871891 +711 154 4 879992739 +639 193 3 891239177 +63 137 4 875747368 +891 274 5 883429853 +427 881 5 879701253 +913 317 4 881725876 +774 121 1 888558565 +405 35 2 885549095 +417 576 3 879649410 +303 7 4 879467514 +92 1194 4 875654432 +864 214 2 888890052 +868 61 5 877109435 +846 1439 2 883950463 +152 401 3 884018905 +881 9 3 876536198 +458 21 2 886395393 +486 292 4 879874388 +363 386 1 891498407 +11 399 3 891905279 +25 612 4 885852120 +445 249 2 891200447 +92 761 2 875907134 +907 294 4 880158502 +711 120 2 879992038 +467 1059 4 879532693 +128 507 4 879966685 +313 225 4 891030228 +311 739 4 884365823 +722 286 4 891280046 +384 258 4 891273683 +901 795 3 877131738 +867 652 5 880078745 +870 273 3 875051100 +415 684 3 879439610 +828 751 3 891034306 +899 258 5 884119973 +774 451 1 888556169 +537 960 3 886031540 +763 280 2 878915015 +524 514 5 884634938 +938 255 1 891356329 +478 178 4 889388562 +612 7 3 875324876 +592 286 5 882607356 +881 849 2 876539051 +883 648 4 891694249 +280 241 2 891700945 +905 294 3 884983556 +905 100 4 884983888 +450 722 5 882471524 +551 184 1 892777855 +932 613 4 891250363 +939 118 5 880261450 +727 43 3 883712123 +277 1 4 879544145 +592 269 4 882607286 +426 659 4 879442128 +863 329 2 889289157 +345 684 4 884992005 +902 246 1 879465073 +883 313 3 891692285 +566 135 5 881649389 +755 328 4 882569881 +939 298 5 880261184 +447 22 4 878856422 +715 761 3 875965009 +911 548 3 892841073 +250 276 4 878089436 +903 52 3 891466551 +254 163 2 886472023 +467 181 3 879532420 +497 33 4 879310730 +823 234 4 878438608 +326 196 4 879875822 +259 286 4 874724727 +894 236 4 880416177 +933 789 4 874853957 +174 87 5 886514089 +489 359 5 891362812 +756 95 3 874829258 +752 1265 3 891208126 +691 650 5 875543281 +942 315 4 891282355 +880 137 4 880166827 +897 470 4 879991493 +822 169 4 891037394 +627 237 4 879530346 +610 204 1 888703343 +637 285 3 882901356 +882 174 5 879864697 +892 90 2 886610078 +592 326 4 882607573 +275 188 2 880315243 +773 780 4 888539857 +815 83 4 878695311 +545 233 4 879899380 +897 699 4 879990973 +447 265 4 878856394 +851 823 3 875730532 +160 628 3 876767360 +870 1019 3 881001249 +916 318 4 880844175 +707 199 2 886285824 +276 237 5 874786756 +833 1019 5 875039039 +690 1 4 881179631 +822 751 3 891035141 +703 591 4 875243049 +848 88 4 887048260 +481 191 5 885828543 +624 1010 4 879793155 +342 428 5 875320334 +606 201 4 880927417 +598 286 5 886711452 +141 988 3 884584460 +551 153 3 892777310 +877 557 4 882677715 +380 199 3 885478845 +405 194 1 885547176 +864 609 3 888888861 +479 986 1 879460648 +653 1133 2 880153674 +881 1133 2 876539360 +311 511 4 884365202 +933 239 3 874938412 +924 196 4 886759657 +848 514 5 887043777 +923 685 4 880387396 +145 235 4 875270507 +625 855 4 891953479 +610 378 5 888703609 +550 1089 3 883425485 +572 301 4 879449243 +877 228 4 882678387 +618 468 3 891308665 +933 202 2 874854745 +937 304 4 876768813 +712 294 4 876251330 +904 1041 2 879735710 +896 160 3 887160247 +794 285 5 891035355 +930 174 3 879535513 +280 451 5 891701377 +881 864 3 876536198 +870 489 4 875050827 +562 357 1 879195125 +896 250 3 887235144 +94 71 4 891721642 +174 167 3 886514953 +684 408 5 875810796 +890 23 5 882403221 +899 717 1 884120967 +198 137 4 884205252 +936 258 3 886831374 +887 164 4 881380139 +655 574 2 887489222 +823 194 5 878439136 +870 1008 3 879377028 +389 553 2 880089015 +862 515 4 879302877 +587 916 3 892871610 +922 168 3 891450968 +383 286 5 891192186 +780 216 4 891363617 +891 100 5 891638433 +653 546 2 880153253 +861 26 3 881274936 +882 95 4 879877155 +453 144 4 877554443 +796 762 3 892676115 +943 318 3 888639093 +593 974 2 875660347 +336 949 4 877757952 +846 52 4 883949290 +724 302 3 883756996 +879 294 3 887760951 +881 185 5 876537418 +833 455 3 875297104 +883 1065 5 891717533 +417 134 4 879647196 +804 108 3 879443819 +827 748 4 882808465 +55 174 4 878176397 +860 865 4 885990862 +749 179 4 878848015 +896 1220 1 887161033 +756 251 4 875129238 +882 98 5 879865750 +639 283 4 891239913 +762 421 4 878719594 +615 475 4 879447919 +139 475 5 879538415 +660 159 1 891200817 +504 122 1 887832268 +829 408 4 891991300 +854 25 3 882813219 +846 657 5 883947590 +514 274 4 876067433 +566 56 4 881649828 +224 237 3 888082742 +836 42 3 885754266 +786 179 4 882843500 +751 497 4 889134393 +878 236 2 880865470 +524 663 2 884635358 +774 235 1 888558806 +776 109 4 892210576 +766 527 5 891309558 +450 47 3 882394180 +276 1199 4 888873674 +919 276 5 875288612 +543 324 3 890723992 +94 367 4 891723328 +764 864 4 876243232 +63 283 4 875747401 +896 651 4 887158958 +804 529 4 879441913 +643 603 5 891447459 +897 1028 4 879993621 +114 224 3 881259839 +821 284 3 874792521 +907 88 5 881030348 +683 245 2 893283728 +94 1219 4 891722306 +938 676 3 891356428 +301 820 3 882075082 +756 419 3 874830513 +500 170 5 883874446 +916 219 3 880845755 +116 1244 2 876453191 +938 127 5 891356446 +757 254 2 888445172 +758 292 4 880672402 +874 357 5 888633311 +666 974 4 880313929 +807 89 4 892528470 +94 233 3 891722934 +809 340 4 891036744 +932 650 5 891250498 +660 428 4 891200594 +883 211 5 891694249 +916 173 4 880844332 +625 479 4 891262983 +803 261 1 880054754 +848 431 5 887038528 +493 881 1 884130009 +864 188 3 888887172 +560 271 4 879975194 +670 474 3 877975070 +880 56 5 880167731 +828 896 4 891379760 +896 705 5 887158768 +37 472 2 880915711 +933 238 2 874853819 +722 130 4 891281679 +886 128 4 876031551 +756 30 4 874827283 +804 50 4 879440912 +312 169 5 891698893 +144 962 4 888105612 +76 919 3 875027945 +586 679 3 884062742 +625 200 3 892000686 +184 509 4 889908694 +843 181 3 879444670 +788 289 4 880867565 +682 76 3 888517049 +611 886 4 891636399 +561 701 3 885807930 +284 877 2 885329395 +894 300 4 879896466 +570 268 3 881262404 +608 611 3 880403537 +653 686 2 878854247 +756 501 3 874829296 +104 310 2 888442275 +399 54 4 882343126 +830 751 2 891464054 +232 744 3 880062645 +62 116 3 879372480 +851 302 5 888540054 +651 515 5 879348966 +456 150 4 881371453 +828 303 4 891033574 +936 269 4 886831415 +194 604 3 879546498 +632 69 4 879457371 +804 154 3 879441598 +848 462 5 887038634 +829 257 4 881699584 +868 506 4 877104879 +435 778 4 884131844 +932 494 4 891250060 +562 511 2 879195819 +543 462 4 874864182 +711 71 3 879994581 +561 739 2 885810271 +774 232 2 888556121 +312 836 5 891698921 +773 1529 5 888539120 +405 724 1 885546530 +933 87 4 874854723 +491 408 5 891185298 +896 54 2 887160606 +793 1014 3 875103810 +629 632 3 880117031 +790 241 5 885156825 +650 597 3 891381818 +798 736 5 875639010 +681 750 5 885409438 +442 313 3 883387916 +804 379 3 879445465 +504 214 4 887840764 +931 316 5 891037521 +608 294 3 880402450 +680 7 5 876816310 +303 290 4 879483941 +882 227 4 879879868 +916 1098 4 880844862 +560 302 5 879975087 +851 22 5 875731330 +880 423 5 880175690 +40 346 2 889041358 +48 302 4 879434954 +279 87 1 875306613 +881 1215 1 879052376 +262 655 4 879793938 +833 164 2 879818575 +803 300 3 880054629 +878 418 3 880870130 +592 1059 3 882608457 +813 307 4 883752265 +846 1206 3 883948989 +373 471 3 877100458 +936 248 4 886833006 +846 203 5 883948606 +468 955 4 875288504 +924 31 3 885458168 +450 616 4 882373597 +904 553 3 879735710 +745 923 3 880123720 +654 302 5 887862964 +913 9 5 881725816 +302 333 3 879436785 +429 121 3 882386145 +937 847 4 876769213 +723 89 3 880498996 +394 77 3 880888603 +790 269 3 892305174 +820 324 3 887955020 +500 423 3 883875388 +835 176 4 891035309 +682 158 2 888522260 +234 503 2 892333653 +292 789 4 881105701 +894 293 4 881625708 +668 302 5 881523612 +130 681 3 875801315 +601 100 4 876346757 +815 629 4 878695527 +798 63 5 875914939 +87 194 5 879876403 +474 630 3 887928793 +521 421 4 885254070 +927 1014 3 879176876 +563 321 5 880506197 +295 11 4 879517062 +749 498 4 878847926 +10 525 5 877892210 +462 181 4 886365443 +864 109 5 888888994 +916 480 4 880844201 +427 322 3 879701051 +721 631 5 877147260 +453 151 3 877552970 +890 127 5 882402949 +881 1177 1 876539418 +870 188 5 875050672 +764 595 4 876243703 +796 1163 3 892660364 +468 432 5 875287826 +64 172 4 889739091 +724 1432 1 883758208 +830 193 5 891898415 +916 528 3 880846339 +363 705 2 891495371 +926 258 4 888636202 +761 1012 1 876190417 +497 91 2 879309993 +916 631 4 880844654 +880 121 2 880167030 +782 751 2 891498323 +908 419 4 879722875 +927 395 3 879193732 +883 183 5 891696895 +796 143 5 893218728 +169 525 3 891359250 +497 569 2 879362359 +749 273 4 878848243 +429 1074 3 882387163 +882 1412 3 879867368 +367 876 3 876689418 +842 328 2 891218192 +336 407 1 877757373 +755 688 3 882570077 +787 328 3 888979874 +833 806 4 875122675 +825 127 3 880755612 +286 906 5 884069544 +664 705 4 878092802 +777 522 5 875980669 +610 423 4 888703710 +936 476 4 886832544 +894 26 4 882404460 +901 63 5 877131307 +541 678 5 883864160 +663 265 4 889493691 +603 273 1 891956124 +823 427 4 878439038 +846 288 4 883946837 +655 157 3 887611445 +313 229 3 891028241 +864 1112 2 888891097 +313 582 2 891016622 +893 161 5 874830122 +940 47 3 885921758 +864 95 5 888887045 +864 939 4 888890102 +173 881 3 877557168 +680 143 4 876816224 +938 25 4 891356532 +268 29 1 875744356 +943 64 5 875409939 +819 345 4 884618137 +276 332 4 877933879 +768 9 5 883835026 +536 1030 3 882364170 +796 849 4 893048562 +937 255 3 876769323 +805 1119 3 881696759 +87 1118 3 879877007 +184 629 3 889911162 +389 663 4 880087026 +456 56 5 881373353 +716 154 5 879795867 +864 546 4 888892015 +529 991 1 882535639 +937 124 4 876769212 +484 732 5 891194864 +463 740 4 877385922 +869 815 1 884491966 +823 141 4 878438484 +527 175 3 879456132 +877 307 3 882676190 +361 155 3 879441008 +344 463 4 884901210 +715 56 5 875963387 +497 239 4 879362835 +749 196 4 878848302 +833 742 3 875036468 +680 294 4 876816043 +805 724 2 881696699 +840 656 4 891205041 +689 181 5 876674861 +312 124 3 891698726 +902 307 3 879463582 +313 576 3 891028472 +423 100 5 891395448 +682 161 3 888522542 +796 172 4 892663090 +870 13 4 876319137 +328 50 4 885045702 +891 409 4 883490041 +880 357 5 880175622 +930 705 2 879535609 +601 934 1 876348285 +93 934 3 888705988 +725 288 3 876103725 +828 355 2 891035437 +698 28 2 886366916 +773 50 5 888539993 +531 1316 4 887049214 +37 226 5 880916010 +381 520 5 892696757 +916 715 4 880845099 +593 468 3 886193438 +814 444 2 885411347 +566 168 4 881650003 +347 237 4 881652629 +793 628 3 875103942 +627 79 3 879531158 +618 418 3 891308260 +537 1 2 886029889 +363 1478 1 891498469 +336 1118 4 877758055 +749 292 4 878846384 +525 742 3 881085843 +745 168 3 880123671 +907 1284 5 881030348 +527 23 5 879456611 +666 696 3 880313811 +565 207 4 891037393 +854 260 3 882812030 +864 993 4 878179411 +647 82 4 876533912 +532 761 4 874787387 +598 748 4 886711034 +883 269 3 891691436 +834 15 4 890863052 +458 276 5 886394470 +872 405 4 888479151 +936 259 3 886831709 +919 307 4 885059506 +902 228 3 879465834 +804 554 2 879447476 +786 208 5 882843150 +896 1351 2 887160399 +847 742 3 878774969 +854 153 4 882813990 +886 1067 5 876032509 +125 66 5 879455184 +902 423 4 879465765 +708 1054 3 877326158 +551 219 5 892784479 +214 896 4 892668197 +601 1039 4 876350185 +443 307 3 883504564 +653 54 3 880152523 +872 974 4 888479701 +919 367 4 875921085 +748 421 4 879454630 +561 24 3 885807776 +891 1278 5 883489709 +312 459 4 891698365 +450 91 4 887660763 +535 466 3 879618385 +655 695 3 891585242 +881 240 1 879052141 +792 237 3 877910444 +863 307 5 889289157 +297 100 5 874954183 +470 874 3 879189137 +653 38 3 880152955 +851 751 4 883148669 +615 262 4 879447556 +892 951 4 886610649 +806 419 5 882388706 +30 135 5 885941156 +407 234 3 875042268 +686 427 5 879546319 +564 302 3 888718415 +927 401 2 879196762 +863 310 5 889288943 +824 245 2 877021121 +654 1014 3 887863981 +841 689 5 889067253 +657 340 4 884237291 +406 1073 3 882480671 +489 984 5 891362904 +391 291 3 877400062 +826 1231 3 885690854 +778 154 5 890670560 +868 556 3 877110060 +804 685 4 879443946 +883 153 5 891723290 +792 118 2 877910538 +405 1488 1 885546680 +773 809 1 888540186 +763 527 3 878915692 +708 112 1 877325934 +535 919 4 879618207 +805 8 3 881704063 +328 810 3 885049535 +837 222 3 875721793 +253 200 4 891628392 +216 1067 5 881432392 +724 329 4 883757670 +6 533 4 883599830 +867 1154 5 880078991 +694 202 4 875727189 +845 1234 4 885409719 +927 227 2 879196283 +886 799 1 876032973 +721 1025 3 877138200 +788 322 4 880867422 +267 68 4 878972931 +795 109 3 880557210 +618 939 2 891308791 +883 523 5 891694276 +804 429 4 879445037 +797 243 2 879439104 +942 258 4 891282438 +933 233 2 874939008 +921 222 5 879381128 +622 578 4 882670843 +11 365 3 891904764 +446 322 3 879787226 +839 127 5 875751723 +912 186 3 875966202 +409 134 5 881106734 +566 790 3 881651464 +476 325 1 883365684 +804 79 4 879441627 +904 402 4 879735679 +677 455 5 889399470 +914 739 2 887124376 +927 625 3 879191360 +790 577 2 885158122 +892 195 5 886607710 +233 462 5 879147730 +535 132 5 879619035 +840 190 5 891211236 +790 1471 2 885158374 +757 125 2 888467666 +727 395 3 883713692 +919 261 3 885059658 +601 65 4 876350017 +886 721 5 876033460 +590 591 3 879439256 +880 210 4 880167670 +777 273 4 875979432 +847 47 2 878939700 +751 596 4 889133852 +921 1016 4 879379562 +717 289 4 884641911 +788 43 3 880870299 +535 268 3 879617199 +943 284 2 875502192 +521 257 3 884476035 +868 646 5 877109435 +933 195 4 874854589 +868 142 1 877109874 +265 294 4 875320052 +730 340 3 880309892 +840 23 5 891204827 +757 64 5 888445298 +871 310 3 888192858 +622 175 4 882669645 +293 223 4 888905990 +560 546 2 879976705 +804 307 4 879440600 +837 16 2 875721793 +588 584 3 890024677 +892 210 4 886608507 +798 482 3 875638884 +115 302 4 881169559 +896 742 1 887159464 +749 495 4 878847612 +749 1136 4 878847804 +901 73 5 877131416 +864 443 4 888890639 +401 216 4 891032803 +848 180 2 887038993 +130 144 5 875216717 +610 71 4 888703258 +889 480 5 880178019 +823 4 5 878438607 +767 1121 5 891462917 +660 118 2 891198479 +938 1047 3 891357107 +145 269 5 879161576 +700 202 3 884493899 +516 474 5 891290648 +486 405 4 879875040 +269 747 4 891449646 +838 1 5 887064024 +815 91 3 878696840 +708 276 2 877325905 +928 288 3 880935738 +470 222 3 879178711 +804 434 4 879442642 +429 1139 2 882387434 +233 135 4 877661881 +702 690 1 885767392 +917 100 4 882910830 +774 444 1 888557772 +749 428 3 878849534 +506 1020 4 874873067 +902 87 4 879465834 +661 515 5 876017294 +716 79 4 879794935 +596 328 5 883539103 +650 519 4 891381545 +864 282 3 888887469 +830 550 5 891561870 +797 720 2 879439735 +514 118 2 875463416 +624 312 4 891961343 +276 710 4 889174849 +653 356 1 880151734 +487 405 4 883443504 +406 432 5 879793081 +933 265 4 874854697 +368 844 3 889783453 +840 607 4 891204627 +709 250 4 879847626 +349 284 5 879466156 +104 121 2 888466002 +629 268 5 880116722 +405 382 1 885546336 +558 100 5 879436396 +899 742 4 884119830 +851 204 4 875731567 +362 347 5 885019261 +640 373 3 874778756 +406 1170 4 880131851 +343 258 5 876402390 +876 174 4 879428378 +662 268 5 880571005 +613 530 5 891227262 +899 566 3 884122535 +880 97 4 880175714 +326 507 2 879875873 +669 515 5 891517238 +936 995 3 886831637 +892 516 5 886608263 +892 155 2 886609435 +758 79 4 881976061 +708 281 4 877326014 +634 547 4 877979407 +621 276 4 880736723 +804 328 4 879440600 +758 1088 3 880672830 +553 507 3 879948831 +60 423 4 883326593 +589 304 5 883352599 +497 55 3 879310705 +259 168 5 876365003 +883 88 4 891696715 +100 885 2 891375359 +758 713 3 881977533 +519 895 4 883248222 +58 823 1 892242419 +790 268 4 884460878 +733 274 3 879536723 +836 286 3 885753435 +392 316 5 891037811 +577 1042 4 880475286 +804 152 4 879445466 +712 941 5 874730491 +175 136 4 877108051 +312 529 5 891699121 +624 411 4 879793269 +716 949 3 879796718 +916 30 4 880844463 +246 765 2 884924026 +535 179 4 879617489 +889 607 4 880179868 +569 274 4 879794740 +466 300 3 890282795 +717 121 2 884642762 +406 57 4 879446062 +710 156 4 882064524 +629 324 2 880116023 +711 98 5 879992994 +933 357 4 874853635 +643 780 4 891449442 +916 512 5 880844675 +633 45 3 877211326 +758 262 5 880672257 +533 177 4 879191300 +932 204 4 891250667 +846 792 4 883948221 +653 771 2 880606620 +595 127 5 886921199 +806 111 3 882385237 +567 340 3 882426300 +406 1109 4 882480865 +817 876 4 874815542 +868 434 3 877107056 +934 225 2 891197375 +506 447 4 874873847 +851 328 3 886534572 +897 28 4 879990779 +883 61 5 891693012 +886 176 4 876032143 +773 286 3 888538269 +886 212 2 876031897 +708 930 3 892719363 +835 509 4 891035309 +880 366 2 880242257 +492 462 3 879969292 +916 192 4 880844552 +875 963 4 876465275 +197 50 5 891409839 +478 71 3 889388790 +846 785 4 883950364 +927 95 5 879184447 +682 1132 3 888521907 +10 153 4 877886722 +542 88 3 886532727 +880 410 4 880166938 +733 20 5 879535299 +922 83 4 891448115 +716 740 4 879793714 +886 733 4 876032776 +881 22 5 876538028 +776 23 4 891628708 +524 221 4 884323464 +378 265 4 880045989 +13 60 4 884538767 +936 1023 2 886833661 +640 92 4 874778515 +270 242 5 876953744 +887 121 5 881378370 +901 436 4 877131961 +795 567 2 883253903 +52 277 5 882922661 +864 549 3 888890730 +679 42 4 884487584 +393 941 4 889729212 +880 575 3 880175077 +5 380 3 875637191 +94 584 4 885872942 +468 218 4 875294971 +804 239 4 879442122 +94 737 4 891723459 +818 245 4 891870515 +731 190 5 886187538 +562 483 4 879195954 +766 484 4 891309391 +606 215 4 880923925 +941 15 4 875049144 +805 226 3 881694978 +21 877 2 874950972 +796 977 2 893194992 +655 1018 3 887472791 +567 427 3 882427124 +294 872 4 877818580 +804 72 4 879445281 +823 1070 4 878438332 +882 510 5 879864642 +327 33 3 887820341 +931 297 4 891036673 +393 250 4 887743453 +878 796 2 880869473 +779 596 4 875994324 +848 485 5 887042341 +234 1120 3 892079288 +825 628 4 880756504 +660 235 3 891198401 +735 123 3 876698866 +831 210 5 891354612 +380 86 4 885478374 +766 23 4 891309177 +72 237 3 880036346 +210 28 4 887736175 +906 823 3 879435664 +456 588 3 881374462 +896 181 5 887158829 +197 576 4 891410039 +934 435 4 891191365 +851 159 3 875806953 +303 33 4 879468021 +107 1243 3 891264466 +795 425 3 883249522 +829 125 3 891990619 +639 423 2 891239030 +796 227 4 893048471 +412 1 4 879716962 +883 712 3 891694249 +932 432 4 891250109 +755 340 1 882569732 +632 100 3 879457603 +673 326 4 888787423 +727 94 4 883713257 +406 372 4 880131929 +798 418 4 875639212 +592 527 5 882955889 +897 239 2 879992310 +756 919 5 874831383 +429 498 5 882384796 +599 284 4 880952229 +381 118 1 892697051 +671 123 5 883546677 +463 892 2 889936774 +92 369 3 886443672 +710 92 3 883705436 +572 924 1 879449840 +829 276 4 891990694 +796 15 4 893188341 +363 127 4 891495169 +660 675 3 891199556 +58 191 5 892791893 +601 382 4 876351582 +851 127 5 891961664 +866 882 2 891221165 +883 39 4 891696864 +326 429 5 879875175 +727 226 3 883711966 +889 1153 4 880181935 +624 340 3 879791884 +189 489 5 893265452 +622 739 2 882671554 +825 930 5 881184695 +315 475 4 879821036 +5 105 3 875635443 +838 945 4 887065917 +614 235 5 879464437 +602 508 3 888638618 +804 2 4 879445493 +110 31 3 886989057 +1 207 5 875073067 +922 447 1 891449901 +901 866 3 877126963 +579 327 3 880951494 +413 276 4 879969674 +886 423 3 876032422 +712 40 5 874956956 +38 451 5 892431727 +758 199 4 881975687 +57 168 3 883698362 +214 209 5 892668173 +932 495 5 891251105 +925 876 3 884717404 +64 919 4 889739834 +405 792 5 885545552 +627 245 4 879529556 +769 597 2 885424001 +170 300 5 884103732 +530 607 5 883790567 +835 28 4 891034052 +932 1126 5 891250862 +804 1025 4 879440765 +901 216 4 877132578 +919 332 4 885059537 +42 2 5 881109271 +144 198 4 888105287 +929 435 3 880817753 +904 181 3 879735362 +429 293 4 882385293 +788 89 5 880869548 +728 471 4 879443291 +731 1086 1 886186091 +716 633 4 879796808 +734 288 4 891022311 +856 294 4 891489502 +666 443 4 880568638 +936 20 5 886833795 +851 1143 5 891961798 +838 82 4 887066783 +930 238 4 879535544 +919 283 4 875288748 +682 468 5 888517869 +655 699 2 887650593 +707 476 3 880061111 +389 684 4 880087761 +904 237 5 879735551 +854 507 4 882813623 +717 285 5 884642214 +906 1009 2 879435212 +588 22 5 890024195 +782 1611 3 891500066 +668 69 1 881702566 +872 591 3 888479253 +758 230 4 884999132 +532 298 4 892859148 +934 818 1 891190288 +617 668 4 883789716 +872 151 2 888479434 +801 332 5 890332719 +87 685 3 879875856 +943 182 5 888639066 +497 413 3 879362292 +614 7 2 879464215 +87 372 3 879876565 +504 676 4 887908756 +387 655 3 886480352 +495 210 5 888632496 +805 433 4 883415418 +606 38 4 880927923 +892 79 5 886609622 +871 1386 3 888193136 +934 427 4 891191027 +710 56 5 882064021 +868 64 5 877103548 +709 69 5 879846332 +391 209 5 877399541 +806 131 4 882390496 +679 83 5 884486694 +727 982 4 883713632 +830 294 3 891464054 +864 542 4 888892841 +806 455 3 882385455 +922 660 3 891453122 +267 161 4 878972706 +916 216 4 880844312 +880 468 3 880242422 +253 751 3 891627815 +495 582 4 888635080 +165 432 5 879526046 +650 670 3 891387915 +815 625 4 878694705 +283 732 4 879298239 +665 92 4 884295080 +837 278 3 875722246 +906 129 4 879435469 +747 235 5 888733444 +151 143 5 879524878 +796 200 5 893218420 +916 234 4 880845206 +389 686 3 879991434 +445 343 1 891199385 +850 69 5 883195456 +393 577 4 889731437 +933 160 3 874853755 +743 259 3 881277656 +89 25 5 879441637 +896 127 5 887158578 +906 270 4 879434471 +887 588 4 881380298 +640 226 5 874778569 +303 577 3 879544340 +766 436 4 891310038 +899 470 4 884122016 +566 508 4 881649577 +99 544 4 885679183 +903 1048 4 891031906 +766 659 3 891309736 +135 38 3 879858003 +699 333 3 893140662 +532 2 5 893119336 +206 1433 1 888180049 +921 526 4 884673930 +109 56 5 880577804 +399 139 3 882348153 +806 175 5 882387756 +566 172 3 881649644 +500 462 4 883874715 +764 278 4 876243343 +804 671 3 879445493 +18 50 4 880130155 +537 311 3 886028446 +691 748 4 875542868 +650 211 4 891370971 +899 1101 5 884122112 +796 126 3 892690173 +889 231 3 880182444 +279 1250 1 888466349 +606 82 5 880925646 +916 1042 3 880845328 +561 117 3 885810220 +735 13 4 876698643 +862 282 5 879303123 +788 423 5 880868235 +892 2 4 886609006 +832 243 2 888259984 +354 512 3 891306892 +758 222 4 884999132 +342 476 4 875318488 +592 140 3 882956551 +901 243 2 877129839 +194 570 3 879529356 +792 762 4 877910206 +927 403 4 879194335 +918 1265 1 891986494 +795 739 1 883774317 +805 1149 4 881697229 +905 319 2 884983463 +621 299 1 880227012 +749 678 2 878846423 +648 809 3 884883323 +604 98 2 883668097 +933 1110 3 874938728 +848 109 4 887043421 +37 568 3 880915942 +407 175 4 875042865 +651 301 3 880126632 +567 654 5 882425701 +498 479 3 881957054 +880 1496 4 880243147 +643 1221 3 891450316 +751 101 4 889298622 +916 511 5 880844395 +889 436 3 880181275 +181 1281 1 878963241 +363 17 4 891495918 +883 477 5 891914545 +913 483 3 880757975 +682 365 3 888517986 +924 480 3 885457891 +21 991 2 874951039 +415 174 5 879439864 +653 692 2 880151884 +705 96 5 883428028 +890 286 5 882402181 +691 304 3 875542868 +882 185 5 879877245 +442 77 3 883391325 +189 14 5 893263994 +854 512 3 882814063 +711 214 4 879993871 +890 167 2 883010326 +178 203 4 882826242 +938 762 4 891356780 +764 202 4 876246312 +32 50 4 883717521 +934 132 4 891190609 +916 735 4 880844879 +76 1159 3 882606623 +332 685 4 887938277 +942 234 4 891283161 +783 292 4 884326382 +878 855 3 880867803 +930 113 5 879535573 +805 271 3 880055033 +934 4 5 891195713 +429 180 5 882385464 +939 742 5 880260915 +833 271 5 879818341 +497 739 4 879310474 +924 2 3 886759997 +627 188 4 879531196 +889 23 3 880179785 +508 163 3 883768862 +656 312 1 892318777 +807 523 3 892529519 +739 168 1 886958831 +901 235 3 877126963 +292 228 5 881105211 +835 486 4 891034084 +551 228 5 892783212 +577 133 4 880474694 +660 175 3 891199367 +622 4 4 882671120 +253 4 4 891628670 +594 292 3 874780864 +425 89 4 878738435 +618 87 3 891307931 +871 1072 3 888193541 +64 356 3 889740154 +679 432 4 884487514 +224 107 3 888104522 +313 497 4 891015296 +603 89 5 891956825 +437 8 4 880140752 +943 218 4 888639929 +707 739 2 886287919 +436 869 4 887771722 +661 185 5 876013447 +851 298 5 875730379 +405 1464 1 885546154 +540 343 4 882156677 +922 195 3 891450401 +303 562 4 879485447 +402 15 5 876267115 +918 175 3 891987339 +6 216 5 883601500 +907 1163 4 880159015 +536 87 3 882359584 +733 151 4 879535694 +823 418 4 878438672 +436 986 3 887770300 +655 132 3 887565138 +421 423 2 892241707 +642 609 3 885604859 +590 111 3 879438936 +846 41 3 883950859 +566 50 2 881650063 +606 273 4 878143509 +788 810 3 880870773 +232 475 5 880062469 +821 125 4 874792860 +837 9 3 875721889 +923 222 4 880388211 +330 966 5 876547311 +524 792 4 884636519 +840 493 5 891208958 +479 151 4 879461914 +296 153 4 884197419 +846 561 3 883950753 +727 238 2 883710910 +864 684 4 888887289 +896 4 3 887159173 +933 230 3 874854338 +890 195 5 882403045 +886 29 1 876033576 +406 56 5 879792811 +330 209 3 876547032 +533 498 4 879438850 +794 473 4 891036222 +778 143 1 890804547 +752 269 5 891208451 +717 7 4 884642160 +457 69 5 882396659 +889 182 4 880179586 +741 451 3 891457395 +721 282 4 877145657 +450 699 4 882395537 +864 85 2 888889327 +889 250 4 880177179 +420 493 3 891356864 +825 121 5 880756076 +399 1207 3 882350813 +392 326 2 891037685 +653 1 4 878855383 +790 79 4 885156538 +373 1444 3 877112116 +936 1008 5 886833098 +393 684 4 889554811 +177 98 5 880131026 +864 805 4 888889327 +38 185 2 892432573 +916 73 3 880845829 +653 100 4 878854666 +328 72 3 885046686 +807 132 4 892530003 +551 1303 1 892785399 +394 546 4 881058167 +848 405 5 887046915 +435 249 4 884134242 +466 195 4 890284857 +889 627 2 880181646 +661 228 5 876016545 +932 509 3 891248893 +920 310 4 884219768 +882 203 4 879867508 +936 1163 5 886833099 +899 732 3 884122776 +768 245 2 879523820 +846 527 5 883947500 +567 190 4 882427068 +932 14 4 891248856 +429 1133 2 882386848 +633 423 4 877212367 +873 328 4 891392756 +668 13 4 881591075 +28 588 3 881957425 +20 22 5 879669339 +654 24 4 887863651 +927 588 5 879183683 +486 25 4 879874838 +786 97 4 882843683 +807 373 4 893081695 +864 1044 3 888891049 +851 262 4 890343320 +822 101 2 891037465 +654 14 2 887863557 +349 985 3 879466118 +871 187 5 888193081 +327 433 4 887818991 +655 435 2 887860616 +815 79 4 878694493 +545 218 4 879899906 +897 433 4 879991434 +881 1033 1 876536745 +640 150 4 886474493 +254 143 4 886472643 +897 173 3 879990779 +903 4 4 891033564 +655 316 4 889978343 +932 133 4 891249675 +798 112 3 875296234 +514 188 5 875463028 +746 506 3 885075824 +715 944 2 875963755 +593 478 5 875660788 +640 209 5 874778154 +920 299 2 884220163 +796 578 4 893048562 +707 707 5 886286133 +633 82 4 875325273 +748 192 3 879454584 +825 405 5 880756442 +635 358 1 878878838 +648 663 1 882213502 +930 265 3 879535685 +321 430 3 879439734 +128 28 5 879966785 +428 242 4 885943651 +896 578 2 887160653 +896 455 2 887159723 +593 285 2 886193129 +586 410 3 884057783 +893 928 3 874829129 +697 326 4 882621548 +490 952 2 875427532 +345 58 4 884916322 +825 685 4 880756321 +592 654 5 882955703 +623 451 4 891034973 +747 1021 5 888640099 +659 82 4 891384499 +472 214 4 875979964 +934 173 3 891192965 +409 876 2 881105677 +707 770 3 886287405 +234 162 3 892335541 +506 231 3 874873847 +682 49 3 888522194 +804 449 3 879445281 +810 876 3 886614969 +910 273 3 880821492 +393 790 4 889729773 +457 695 3 882398345 +24 7 4 875323676 +201 806 3 884140049 +922 82 3 891449123 +222 245 3 878181198 +882 216 4 879867508 +213 42 5 878956263 +870 513 4 879713578 +749 1188 3 878850610 +221 550 4 875246183 +702 895 1 885767534 +719 274 3 888449274 +336 273 5 877760032 +77 636 2 884753061 +627 53 4 879531504 +913 7 5 881725846 +292 193 4 881105734 +875 418 4 876465230 +358 258 4 891269077 +168 845 4 884287668 +836 163 5 885754058 +890 385 4 882574402 +901 393 5 877131738 +494 238 5 879541207 +626 336 1 878771477 +619 33 3 885954133 +914 313 3 887121969 +906 471 3 879435415 +867 1065 5 880078424 +916 256 3 880843551 +864 470 4 888890052 +798 568 4 875656111 +436 507 4 887769801 +854 825 3 882813143 +896 148 2 887160606 +671 62 5 884036411 +717 887 5 884642133 +753 98 5 891401366 +913 57 4 880758348 +798 73 4 875914114 +721 335 3 877137359 +560 1019 4 879975529 +896 9 4 887158266 +844 294 2 877381206 +279 854 1 875306613 +833 226 3 887158946 +303 390 3 879544365 +312 601 5 891699067 +870 58 5 875050723 +56 193 5 892678669 +847 262 5 878774788 +919 31 3 875373416 +916 685 2 880843727 +711 88 5 886030557 +840 1639 4 891211447 +484 121 4 881449910 +851 925 3 875731022 +521 195 4 884477775 +21 408 5 874951188 +506 521 5 874873529 +847 317 3 878940732 +784 334 3 891387812 +151 124 5 879524491 +893 976 1 874828981 +815 226 3 878698704 +932 519 4 891249710 +878 276 3 880865715 +679 568 2 884488259 +804 647 5 879442001 +697 324 5 882622481 +648 435 5 882212651 +903 461 3 891033334 +694 661 5 875727926 +497 63 3 879362985 +669 357 4 891260616 +650 628 3 891369982 +931 459 4 891036506 +587 328 1 892871284 +833 840 2 875297195 +659 611 4 891384606 +454 606 2 881960330 +934 492 4 891192087 +458 116 4 886394623 +394 168 5 880886919 +851 690 4 891961166 +907 462 4 880159666 +537 482 4 886031375 +650 604 3 891385178 +655 507 4 888813371 +422 339 2 879743848 +398 111 3 875652318 +664 95 4 878090125 +711 186 3 879993237 +928 165 5 880936863 +886 709 3 876032473 +450 601 3 882376658 +821 484 5 874793898 +450 186 3 882396799 +295 143 4 879517682 +887 257 5 881377854 +566 260 2 881649273 +805 768 2 881706049 +715 249 4 875961919 +514 177 3 886189816 +332 1210 3 888360460 +823 238 5 878438057 +576 471 4 886986237 +321 526 3 879440245 +541 83 5 883864806 +747 664 2 888638876 +144 411 4 888104588 +757 227 4 888466652 +259 928 4 874724937 +646 877 3 888529014 +854 58 3 882813825 +440 258 4 891547637 +453 229 2 888206219 +869 476 1 884492519 +311 939 2 884364694 +933 388 1 874938620 +454 504 2 888266955 +560 201 3 879975718 +87 1186 3 879876886 +372 7 3 876869387 +893 1012 3 874828163 +524 6 5 884627388 +823 631 4 878439293 +308 259 3 887736408 +548 539 2 891415257 +868 432 2 877108624 +808 340 5 883949986 +796 1055 3 893188577 +892 1035 3 886608643 +830 174 5 891561606 +664 306 4 876523133 +661 164 4 876035968 +774 150 1 888558787 +815 686 5 878695092 +303 63 1 879484327 +878 215 2 880866687 +766 429 4 891310067 +922 181 5 891449122 +586 44 3 884065692 +796 71 4 893218764 +865 412 1 880144504 +354 714 4 891217449 +372 234 5 876869387 +910 56 4 880821656 +13 825 1 882397651 +450 603 5 882373088 +847 1 3 878775523 +764 273 3 876242649 +487 210 4 883529505 +339 654 5 891032150 +798 125 3 875296178 +805 428 5 881704337 +936 274 3 886832858 +457 423 5 882397699 +488 193 3 891293911 +919 313 5 885059400 +254 241 4 886473190 +504 454 5 887838008 +939 255 5 880261094 +670 96 5 877975070 +897 483 3 879991921 +645 185 5 892054537 +826 779 3 885690900 +833 433 3 875124181 +194 136 5 879521167 +934 13 5 891189566 +530 237 4 886629307 +823 58 5 878438930 +394 118 4 880889066 +648 228 5 884882702 +881 575 2 876539330 +930 235 2 879535207 +887 243 1 881378370 +801 245 3 890333042 +712 142 4 876251366 +927 143 3 879196231 +567 507 5 882425820 +934 414 5 891191027 +279 1034 4 875297381 +230 423 5 880484825 +682 775 1 888521981 +645 50 4 892054824 +790 570 2 885158057 +279 428 1 875307379 +279 429 4 875306910 +581 844 5 879642274 +576 678 3 886960535 +848 739 5 887048260 +1 244 2 887431973 +936 696 2 886833191 +939 266 2 880260636 +815 230 5 878698098 +737 171 4 884314644 +478 780 3 889397808 +660 8 2 891199781 +590 476 3 879439345 +130 17 5 875217096 +727 627 3 883711150 +943 79 5 888639019 +498 100 3 881955291 +925 788 3 884718204 +936 678 3 886831820 +474 1124 4 887927152 +151 301 4 879523925 +655 191 4 887472744 +543 82 4 877545605 +457 47 4 882396935 +645 653 5 892054990 +197 802 4 891410082 +922 739 3 891448516 +479 235 3 879460503 +890 667 2 882404652 +758 362 5 888020763 +222 790 1 878185068 +821 471 4 874792752 +768 127 5 883835026 +918 154 2 891987411 +782 257 3 891499278 +497 417 2 879363627 +883 56 5 891694276 +92 1037 2 875907702 +842 752 4 891218353 +815 613 5 878694983 +927 1035 4 879199030 +588 552 1 890031021 +753 64 4 891402379 +365 108 2 891304019 +805 642 4 881695830 +393 625 4 889554780 +810 328 5 885406635 +862 655 5 879305016 +382 235 5 875946830 +833 150 3 875036213 +435 412 3 884134677 +848 520 5 887039329 +796 633 5 892662070 +879 181 4 887761088 +880 1277 4 880167355 +555 47 2 879975505 +916 581 4 880845543 +584 228 5 885774171 +890 501 4 882403085 +858 678 1 879459926 +82 603 5 878769479 +495 662 5 888636810 +625 300 3 891262561 +299 503 4 878192601 +846 506 3 883948908 +428 245 5 885943713 +347 627 4 881654545 +698 195 4 886366483 +880 250 3 880167521 +303 155 3 879484159 +288 210 3 886373509 +835 591 4 891032579 +280 403 3 891701506 +659 214 3 891387399 +562 1126 4 879196045 +804 655 4 879442377 +896 527 4 887159723 +838 175 3 887066186 +881 95 4 876537679 +660 210 4 891199293 +902 479 4 879465583 +813 266 2 883752660 +833 217 2 875224252 +933 181 2 874854100 +881 521 4 876537870 +94 248 4 891724341 +575 318 5 878148087 +634 950 5 877018125 +486 458 3 879875069 +630 22 3 885668328 +787 362 3 888979657 +83 479 5 880307699 +747 70 4 888733218 +68 926 1 876974298 +746 455 4 885075304 +868 709 4 877109197 +883 347 4 891691559 +796 48 3 892663090 +7 421 3 891352134 +828 179 4 891036972 +608 736 4 880403484 +221 737 4 875393346 +752 750 2 891207791 +562 323 2 879194768 +453 55 4 877554301 +916 290 3 880845206 +293 284 2 888905122 +624 3 3 879793436 +92 149 3 886443494 +825 100 4 880755942 +856 286 4 891489299 +943 508 5 875501795 +727 568 3 883711476 +853 270 4 879364822 +705 257 4 883426944 +537 1420 1 886029181 +938 756 3 891357019 +903 61 4 891033302 +854 98 4 882814394 +632 685 2 879459394 +897 526 5 879990813 +537 204 3 886031786 +762 286 4 878718810 +188 259 3 875071443 +223 1234 3 891548646 +566 685 3 881651183 +59 658 4 888205188 +606 833 5 887060394 +472 105 3 875979402 +932 429 5 891249675 +939 1028 5 880261868 +552 258 4 879220564 +339 92 4 891033452 +311 578 2 884365930 +548 597 4 891415890 +934 792 3 891193132 +629 153 5 880116818 +865 588 2 880235060 +716 495 4 879795762 +830 427 5 891462531 +854 297 4 882812263 +833 181 2 875036321 +658 69 4 875147995 +708 336 2 892718846 +524 676 3 884322379 +568 1137 4 877907092 +234 385 2 892335309 +16 135 4 877720916 +436 143 2 887770092 +647 1016 4 876534131 +796 779 3 893048713 +659 447 3 891386910 +454 604 3 881959960 +916 164 4 880845028 +825 148 4 880756725 +795 402 2 883254905 +509 690 3 883590676 +617 74 5 883788859 +521 203 3 884477896 +296 898 4 884196284 +234 144 3 892079840 +648 475 1 884364250 +931 137 3 891036552 +886 159 2 876031695 +639 215 1 891239271 +747 433 3 888733387 +779 111 4 875994324 +627 82 4 879531248 +871 262 3 888192970 +20 50 3 879667937 +876 604 5 879428406 +757 17 3 888466490 +535 32 3 879617574 +733 148 3 879536607 +774 778 5 888556046 +870 70 4 889409590 +30 780 4 875060217 +64 435 4 889737771 +588 159 1 890029795 +743 258 5 881277357 +897 406 3 879993577 +867 603 5 880078452 +233 180 5 877661364 +64 241 3 889739380 +696 327 4 886404144 +1 19 5 875071515 +38 673 5 892432062 +201 1355 1 884111637 +765 170 5 880346854 +853 304 4 879364822 +667 475 5 891035051 +896 265 4 887158604 +690 232 4 881177689 +774 548 1 888558041 +663 676 3 889492435 +716 630 4 879796138 +916 755 2 880845574 +371 176 4 877487135 +608 421 5 880406427 +666 124 3 880313391 +514 137 3 875318114 +506 333 4 887230118 +846 1297 3 883950665 +746 265 4 885075399 +655 1010 3 887477191 +154 475 4 879138832 +270 563 3 876956442 +804 32 3 879444352 +763 137 4 878918332 +458 275 5 886394471 +880 1058 2 880242421 +936 125 4 886832757 +913 200 5 880825443 +716 515 5 879793293 +159 118 4 880557464 +928 487 5 880936769 +927 420 5 879193437 +62 76 4 879374045 +271 428 4 885849188 +815 233 3 878694381 +363 372 4 891496077 +548 250 5 891044304 +712 178 2 874956357 +749 240 1 878850656 +880 1036 2 880243147 +913 235 1 881725960 +244 924 4 880604550 +535 608 4 879617856 +763 194 5 878918406 +843 504 2 879446911 +855 855 4 879825488 +534 288 4 877807429 +597 990 2 875339041 +782 181 3 891499213 +2 286 4 888549960 +842 306 4 891217942 +627 566 3 879531249 +407 737 4 875117053 +666 23 4 880139467 +343 222 4 876402978 +840 603 5 891204564 +790 739 4 885156686 +276 1052 2 889174870 +786 281 4 882842044 +571 69 2 883354760 +873 342 4 891392698 +95 52 4 879198800 +328 447 2 885045528 +472 825 5 875979439 +459 186 4 879566321 +892 8 5 886607879 +901 435 5 877131342 +894 171 3 882404595 +258 326 5 885701024 +577 50 4 880474394 +716 300 5 879792599 +878 14 5 880865865 +621 184 3 874964267 +56 393 4 892677047 +727 402 3 883711847 +899 174 5 884121125 +378 313 5 889665301 +276 1019 5 883822485 +733 544 1 879535407 +749 1013 1 881073081 +785 69 4 879439137 +932 38 2 891251696 +611 354 3 891636192 +682 23 4 888519725 +548 431 5 891044446 +873 339 3 891392871 +831 742 3 891354866 +887 596 5 881378118 +562 514 1 879195848 +20 243 4 879667799 +815 97 5 878694983 +653 183 3 878854100 +335 340 5 891566808 +827 289 3 882807571 +748 7 4 879454662 +833 163 3 875122814 +883 113 4 891693723 +650 1419 3 891381884 +880 85 3 880174904 +897 79 5 879994113 +18 142 4 880131173 +651 995 1 880126547 +467 222 3 879532651 +863 909 3 889289619 +256 449 3 882164999 +782 304 4 891497906 +922 579 3 891447988 +648 692 4 882213535 +424 840 4 880859693 +497 805 3 879362835 +398 655 4 875658967 +790 135 3 885156538 +722 25 4 891281108 +399 561 2 882345335 +861 242 5 881274504 +886 69 2 876031932 +939 756 5 880261532 +892 56 4 886607957 +919 238 3 875372988 +654 237 4 887863339 +880 150 4 880166798 +478 150 4 889388098 +727 815 3 883709188 +883 208 4 891694340 +673 895 3 888787423 +378 287 2 880044802 +655 502 4 887477168 +933 654 4 874854338 +831 327 2 891353940 +94 412 2 891724485 +280 452 2 891702387 +757 250 4 888444088 +642 91 4 885603897 +46 286 5 883611352 +250 588 5 878091736 +804 252 4 879441160 +343 116 5 876403009 +886 1010 5 876032103 +923 280 3 880388097 +795 191 4 883249962 +880 231 2 880167880 +425 161 3 878738187 +494 323 3 879540901 +699 546 3 879147769 +781 294 1 879633862 +447 211 4 878855724 +883 96 4 891696864 +832 264 3 888259480 +894 32 4 882404137 +605 508 5 879425432 +526 181 4 885682448 +929 195 4 880817681 +876 527 5 879428406 +508 228 5 883777430 +940 692 4 885921651 +437 249 5 880142027 +537 494 4 886031752 +35 321 3 875458970 +835 132 5 891033232 +916 559 3 880845658 +385 240 4 879447317 +916 767 4 880845522 +536 993 3 882318629 +848 238 4 887046329 +931 685 4 891036902 +620 432 4 889988036 +550 15 5 883426027 +476 959 3 883364433 +655 1082 3 887425655 +3 353 1 889237122 +119 727 5 887038711 +903 198 4 891032872 +843 1135 3 879447377 +634 410 4 877017872 +484 14 4 885237963 +847 417 2 878941588 +807 144 4 892528771 +863 292 2 889289067 +301 299 3 882075520 +119 172 4 874782191 +513 435 5 885063304 +160 832 1 876770673 +840 503 4 891209322 +925 260 3 884717669 +184 480 4 889908571 +699 270 4 893140745 +664 157 3 876524731 +405 181 5 885547909 +747 1170 2 888733182 +406 425 3 884630617 +764 222 4 876243440 +285 286 3 890595584 +527 582 2 879456078 +805 1118 5 881704553 +823 181 4 878438260 +804 1244 2 879441132 +937 326 1 876768813 +751 916 1 893113145 +851 327 4 890804671 +546 343 3 885140117 +913 227 1 881368310 +825 195 5 881101543 +586 356 4 884065692 +407 85 4 876339975 +655 793 3 888813186 +437 420 3 881002191 +919 126 4 875289170 +825 620 3 889021134 +579 268 3 880951444 +897 208 5 879991037 +698 187 2 886366916 +622 9 4 882669969 +394 418 4 880887462 +943 187 5 888639147 +897 168 3 879991341 +478 1041 3 889396449 +38 433 5 892433771 +592 815 3 882608625 +846 550 4 883949156 +42 658 2 881107502 +916 919 5 880843465 +846 448 5 883949547 +395 300 3 883762362 +393 541 3 889555384 +694 133 5 875727189 +81 79 5 876534817 +542 432 5 886532552 +158 83 5 880134913 +279 27 5 875313015 +372 273 5 876869730 +888 631 4 879365224 +794 224 4 891035793 +394 403 4 880889034 +836 289 1 885753691 +694 530 5 875726708 +683 288 3 893286259 +321 659 4 879440980 +149 311 3 883512752 +14 382 5 879119739 +49 200 3 888067358 +416 345 5 893214332 +846 1078 2 883949982 +832 895 2 888259285 +768 763 2 883835210 +643 716 3 891449507 +806 128 3 882388419 +942 528 5 891282840 +453 1303 2 888206730 +603 227 3 891955972 +435 658 3 884133223 +863 304 3 889289240 +119 287 4 874775465 +805 411 2 881705350 +843 216 2 879446806 +416 173 5 893214127 +537 506 3 886031860 +802 259 2 875984938 +911 134 4 892838823 +560 58 3 879975485 +629 42 2 880117430 +850 659 4 883194709 +896 379 2 887159805 +829 86 4 891992008 +523 202 4 883702054 +125 289 5 892835854 +942 659 5 891283161 +763 12 5 878918486 +406 9 5 879445735 +880 976 2 880243588 +727 108 3 883709948 +506 641 5 874873158 +886 9 5 876032274 +588 697 5 890024002 +892 357 5 886607568 +458 194 2 886397504 +823 174 5 878437589 +901 194 5 877131342 +747 199 4 888639102 +572 100 3 879449632 +600 1004 4 888451839 +595 1010 4 886922069 +393 720 3 889554648 +864 651 5 888888168 +577 763 3 880470638 +870 793 5 875680258 +566 78 1 881651829 +807 428 4 892530439 +933 392 3 874854652 +671 11 4 884035774 +497 795 1 879363284 +868 24 2 877108385 +756 225 1 874830864 +864 28 5 888887247 +829 410 3 881086959 +854 258 4 882811810 +907 117 5 880159172 +833 526 4 875224515 +184 676 4 889907925 +659 512 3 891386040 +498 268 2 881954618 +919 989 2 875288418 +589 751 4 883352562 +377 678 2 891297043 +846 425 5 883949156 +655 1578 3 887650714 +936 286 5 886833794 +892 465 4 886609295 +59 608 4 888204502 +757 143 3 888468693 +697 339 2 882621714 +661 86 4 876035679 +450 61 4 882376446 +872 845 3 888479313 +496 68 4 876067192 +299 211 4 877880961 +201 697 4 884140115 +751 865 2 889135211 +455 52 3 879112011 +919 116 3 875288749 +869 275 4 884490936 +807 205 3 892528605 +887 109 5 881378289 +554 717 3 876232553 +59 90 2 888206363 +361 121 2 879441324 +731 694 5 886184421 +479 143 1 879461669 +846 200 4 883948685 +927 815 3 879181259 +58 56 5 884305369 +405 435 1 885547176 +741 732 4 891456509 +542 401 3 886533193 +389 418 4 880165168 +682 752 4 888523634 +342 9 5 874984233 +932 654 5 891249877 +546 219 5 885141439 +897 530 3 879990531 +807 422 4 893082741 +868 193 2 877108123 +878 174 3 880872669 +569 118 4 879794265 +932 479 5 891249794 +303 419 4 879467328 +917 756 4 882911622 +92 841 3 886443455 +897 135 3 879990843 +712 510 2 874729749 +350 190 4 882346900 +830 173 4 891464148 +537 708 3 886031860 +804 632 3 879444488 +397 484 5 885349759 +795 202 3 881529874 +442 92 5 883389776 +749 22 5 878847327 +734 483 4 891025247 +565 86 5 891037757 +710 179 4 882063766 +701 326 4 891446707 +516 357 3 891290685 +864 203 5 888886846 +911 584 3 892841033 +892 136 4 886609365 +682 625 3 888523155 +840 22 3 891204265 +414 11 5 884999347 +934 614 3 891191334 +514 100 4 875318163 +654 508 1 887863355 +632 550 2 879458900 +768 682 3 883834776 +886 328 3 876031173 +727 186 5 883710598 +918 216 2 891987205 +712 42 1 874729935 +201 1 3 884113635 +392 11 4 891038371 +552 628 3 879221833 +315 466 1 879821349 +745 20 1 880123905 +922 455 4 891450688 +904 709 3 879735499 +222 472 2 877563998 +535 848 3 879618743 +476 433 4 883364250 +664 414 5 878090415 +711 941 3 879994608 +145 234 5 875271948 +915 346 2 891030070 +903 655 5 891466376 +846 489 4 883948606 +158 298 3 880132513 +896 188 3 887159011 +883 504 5 891754950 +764 371 3 876246436 +398 633 4 875726786 +486 50 5 879874582 +28 529 4 881957310 +340 969 5 884991647 +545 67 1 880348933 +934 661 4 891190960 +517 1177 5 892660728 +930 117 3 879534803 +869 1132 1 884492906 +328 316 5 888641915 +715 97 3 875964330 +381 268 4 892697982 +843 650 3 879447801 +847 663 2 878940954 +586 423 2 884058708 +484 87 5 891195746 +766 663 5 891310067 +634 744 5 877018125 +276 373 2 874977513 +878 921 4 880867665 +551 520 4 892777339 +870 286 4 875050332 +587 322 3 892871113 +881 1066 3 876538726 +892 663 5 886609330 +49 283 3 888066086 +848 183 3 887038104 +862 472 5 879303505 +403 476 4 879790468 +774 101 2 888558018 +704 432 5 891397535 +479 470 5 889125718 +747 1427 2 888639594 +231 15 4 879965704 +782 313 5 891497697 +806 29 4 882390296 +177 156 5 880130931 +666 294 3 880139037 +563 301 4 880506234 +59 73 4 888206254 +416 620 4 878879237 +833 200 4 875131847 +899 515 3 884121945 +336 85 3 877758078 +389 722 2 880089192 +932 67 2 891251611 +856 307 4 891489250 +450 11 5 882376365 +922 433 4 891451143 +919 129 5 875289025 +714 281 3 892777651 +882 208 5 879868197 +173 258 4 877556625 +828 752 1 891035438 +537 972 3 886032123 +301 41 3 882079446 +234 615 5 892079722 +862 81 5 879305237 +869 237 4 884490745 +805 928 3 881695930 +779 879 3 875501300 +899 455 3 884119910 +524 528 4 884634818 +18 187 5 880130393 +234 304 3 891033591 +582 742 3 882961082 +500 557 3 883875136 +847 210 3 878940584 +842 324 4 891218060 +915 347 5 891031477 +537 378 2 886032154 +870 53 2 879714351 +890 357 5 882403299 +429 357 5 882385636 +934 755 4 891196610 +848 973 5 887046619 +234 635 2 892336358 +875 187 4 876466687 +815 114 5 878695019 +758 62 2 881978368 +159 1012 5 880557080 +919 20 1 875289499 +466 260 4 890283592 +416 597 3 876698178 +798 432 4 876176259 +881 1480 2 876539636 +827 300 3 882201725 +861 292 4 881274504 +343 466 4 876404957 +734 485 5 891022976 +796 693 3 893188650 +592 182 5 882955662 +102 2 2 888801522 +472 402 5 892791063 +886 33 4 876033088 +474 431 4 887926999 +806 879 3 882384802 +303 412 3 879543756 +789 150 5 880332333 +878 285 5 880865562 +727 230 3 883711847 +826 29 3 885690750 +13 899 1 892015288 +876 511 5 879428354 +805 273 2 883415418 +545 1028 4 879900731 +823 426 4 878437658 +838 60 4 887067575 +881 756 4 876536012 +938 328 2 891356282 +269 167 1 891451648 +815 521 4 878694381 +659 517 5 891384888 +825 823 4 881342978 +932 173 3 891250337 +655 1042 2 887523641 +882 429 4 879866320 +774 508 3 888558731 +595 676 2 886921140 +734 202 5 891022684 +392 269 5 891037385 +899 827 2 884120388 +897 974 4 879993553 +903 188 5 891466376 +645 182 5 892053686 +524 1540 2 884635326 +805 890 3 882216972 +708 405 4 877325881 +764 2 3 876244856 +752 887 1 891207846 +897 528 3 879991933 +885 117 4 885715643 +903 871 3 891031833 +749 328 4 878846422 +648 186 5 882213597 +671 66 5 884204727 +820 328 2 887955079 +886 100 4 876032187 +796 31 4 893194547 +854 269 4 882811742 +606 1 5 878148365 +452 527 3 885490722 +452 825 5 885816916 +851 333 5 890862741 +435 288 4 884130605 +379 1035 3 880962256 +894 7 4 880993632 +731 655 5 886183515 +922 250 2 891454910 +913 19 5 881366383 +505 121 4 889334004 +887 559 4 881381555 +764 693 3 876246687 +881 23 4 876537419 +766 193 3 891309668 +896 800 3 887161448 +276 696 2 874786632 +542 435 4 886532818 +756 228 3 874828640 +875 213 4 876465408 +284 334 3 885329468 +936 272 4 886831374 +887 7 4 881377812 +786 210 4 882843039 +750 886 3 879446114 +805 950 3 881698828 +934 254 4 891190478 +292 331 5 877560833 +152 568 5 882829846 +608 268 4 880402983 +600 391 3 888452491 +378 561 3 880333695 +389 155 2 880088900 +916 24 2 880843419 +620 931 3 889987875 +622 88 3 882670749 +758 236 4 881974742 +921 97 2 884673891 +627 530 3 879531195 +834 276 5 890862468 +881 1411 2 876539595 +851 681 1 886534672 +896 33 2 887160209 +937 864 3 876769530 +250 323 2 878089100 +365 319 4 891303694 +753 313 5 891399135 +537 430 3 886031297 +546 109 5 885141260 +691 182 5 875543228 +887 118 5 881378289 +886 168 4 876031573 +770 240 2 875972582 +643 147 3 891445526 +308 480 4 887736532 +538 273 3 877107879 +678 222 3 879544989 +848 186 5 887039271 +734 605 4 891025555 +869 287 2 884492047 +883 1656 5 891692168 +592 24 4 882608021 +266 289 3 892256967 +764 819 3 876243159 +710 64 4 882063766 +717 628 5 884644605 +537 471 3 886030012 +102 174 4 888801360 +534 985 4 877807815 +880 281 4 880167384 +500 358 4 887755810 +887 151 5 881378325 +222 1145 3 878185137 +655 1195 3 887693376 +860 315 3 884029545 +896 284 4 887159972 +125 95 5 879454628 +486 100 5 879875465 +49 702 3 888066614 +937 236 4 876769373 +588 928 4 890027063 +840 639 4 891204564 +805 1002 1 881705592 +677 117 4 889399171 +826 586 4 885690819 +624 1059 1 879793358 +409 1050 4 881109420 +830 566 3 891561937 +862 767 4 879303807 +899 161 4 884122367 +246 226 2 884923329 +90 137 5 891384754 +773 235 4 888539677 +504 9 4 887831567 +299 381 3 889502198 +892 576 4 886610840 +125 85 3 892838424 +11 382 3 891904573 +943 609 2 888639702 +883 279 3 891717356 +803 304 3 880054792 +870 1451 3 891214479 +855 170 2 879825383 +823 202 4 878438672 +854 271 4 882811937 +938 343 4 891356062 +932 708 4 891251647 +933 105 2 874938475 +782 894 2 891498031 +464 479 4 878355167 +279 630 4 875313351 +592 180 5 882956102 +798 671 2 875639115 +500 554 3 883877162 +846 54 3 883949459 +855 919 3 879825462 +844 2 4 877387933 +370 57 5 879435431 +655 226 3 887429732 +870 64 5 889717102 +833 591 2 875036139 +659 73 4 891387083 +474 151 3 887916203 +167 216 4 892738237 +94 823 3 891722458 +698 135 3 886366483 +907 356 4 880159937 +804 290 4 879443795 +907 322 5 881030348 +392 657 5 891038401 +273 286 3 891292761 +600 518 5 888451908 +833 1335 2 875038433 +771 202 4 880659941 +840 71 3 891209572 +846 655 3 883948804 +786 455 1 882842762 +689 717 3 876676359 +886 12 5 876031279 +883 435 4 891696895 +362 879 5 885019357 +798 648 3 875914785 +773 887 2 888538175 +262 204 3 879793667 +621 790 4 874963081 +655 972 3 887475213 +618 633 3 891308571 +764 472 3 876243925 +761 7 4 876190206 +683 327 4 893286260 +524 488 4 884634707 +145 64 4 882181785 +769 473 3 885424337 +894 334 3 879896200 +874 751 3 888632147 +406 1101 4 879445771 +416 4 4 876699903 +772 344 4 889028581 +890 474 5 882403587 +314 812 4 877889163 +582 100 5 882960863 +879 685 4 887761865 +848 654 5 887038104 +567 182 5 882425701 +803 340 5 880055088 +895 988 3 879437845 +634 93 5 877018125 +617 452 1 883789590 +742 124 4 881335461 +711 1024 5 883589512 +13 28 5 882398814 +692 257 4 876953340 +934 94 4 891196117 +774 655 1 888555998 +554 284 3 876549009 +104 328 3 888442249 +843 226 3 879443865 +846 88 4 883948948 +203 748 2 880433474 +916 483 5 880844419 +455 22 4 879111500 +618 566 3 891308261 +804 629 3 879445072 +844 174 4 877387768 +334 561 2 891549455 +532 368 3 888630991 +846 140 4 883950634 +618 313 4 891306927 +216 97 4 880235571 +901 932 4 877127021 +886 191 5 876031309 +566 137 5 881649928 +337 151 5 875185627 +846 141 4 883948948 +749 568 4 878848098 +758 285 5 881974823 +942 484 5 891282963 +848 403 4 887043266 +664 96 3 878094973 +807 300 5 892527168 +916 550 2 880844985 +669 175 4 892550170 +760 71 4 875668080 +524 13 4 884323551 +497 372 4 879362875 +491 325 1 891189876 +56 1091 2 892737210 +875 518 4 876465408 +790 1185 2 885158257 +573 135 4 885843964 +663 466 3 889493467 +715 977 2 875962718 +833 429 3 875123506 +870 497 4 875050559 +829 116 4 881698644 +10 85 4 877892438 +119 349 3 887038665 +930 756 3 879535015 +374 825 3 880394233 +903 721 4 891380524 +504 705 4 887838935 +815 871 1 878693073 +941 455 4 875049038 +701 124 5 891447164 +632 485 4 879457157 +704 156 3 891397819 +938 243 4 891356085 +877 326 4 882676190 +804 651 4 879445904 +774 380 2 888556968 +63 10 4 875748004 +659 514 5 891385044 +847 181 4 878775821 +907 483 4 880159937 +785 661 3 879438810 +815 835 3 878694269 +653 111 2 878854996 +592 931 1 882608960 +782 1598 2 891499556 +7 509 5 891352778 +586 72 2 884067378 +91 183 5 891438909 +616 316 4 891224840 +883 659 3 891694218 +772 264 4 876250551 +457 169 5 882396935 +796 152 3 892690101 +868 169 5 877106505 +888 191 5 879365004 +749 1244 3 878847101 +864 133 5 888887984 +710 327 3 882063407 +612 477 2 875324876 +615 83 4 879448399 +933 95 3 874853666 +829 705 4 891204271 +907 699 5 880159619 +823 50 5 878438435 +907 471 5 880159059 +327 217 3 887746328 +691 64 5 875543191 +903 11 2 891033335 +868 127 4 877103679 +611 690 3 891636098 +880 823 3 880167435 +825 124 3 881097389 +886 156 4 876031413 +898 1296 4 888294942 +701 269 5 891446488 +892 515 5 886608380 +495 419 1 888632070 +916 204 3 880844813 +880 693 5 880242191 +531 894 1 887049214 +649 252 4 891440624 +543 69 4 874863436 +867 28 5 880078887 +727 544 3 883709518 +932 193 3 891250142 +78 411 4 879634223 +735 301 3 876697610 +276 452 3 880913767 +840 525 5 891204535 +145 9 2 875270394 +875 358 3 876464800 +885 142 2 885716369 +76 851 4 879576570 +487 393 4 884042207 +468 204 5 875287826 +852 252 3 891036866 +898 343 3 888294805 +851 483 4 875806721 +648 526 3 884368232 +665 456 4 884291662 +436 1248 3 887770485 +881 199 5 876538824 +758 388 3 882055289 +823 655 5 878439364 +525 293 3 881086108 +360 15 3 880354436 +44 175 4 878347972 +855 509 3 879825613 +308 684 3 887737593 +198 470 3 884208571 +936 1011 4 886832757 +687 879 3 884651894 +659 528 4 891385012 +918 69 3 891987497 +643 176 5 891447157 +545 271 3 879898362 +425 228 4 878738334 +16 127 5 877719206 +437 152 4 880141129 +399 433 3 882344269 +346 658 3 874949011 +880 902 4 892958301 +825 831 3 880756796 +648 428 2 884881754 +267 710 4 878972493 +495 77 4 888634475 +682 280 3 888517740 +870 98 4 880584497 +649 257 5 891440496 +530 1136 4 891568851 +823 12 4 878437925 +771 169 5 880659426 +201 1208 4 884140927 +738 28 4 875350913 +776 185 4 892920290 +494 603 3 879541298 +643 11 4 891446720 +709 38 3 879848744 +275 174 4 875155257 +749 1133 2 878850084 +511 343 3 890004892 +543 218 3 874864034 +90 847 5 891383753 +748 657 4 879455221 +363 8 5 891497853 +805 98 5 881695196 +707 251 5 880059647 +82 1059 1 884714456 +686 806 5 879546319 +536 275 5 882318287 +939 285 5 880261184 +452 1204 4 875560150 +860 692 5 885990965 +880 17 3 880174808 +699 870 3 879147814 +535 495 3 879618849 +504 756 3 887910240 +835 505 3 891033857 +521 827 1 884476904 +911 647 4 892839140 +782 300 4 891497906 +885 167 3 885713807 +886 144 4 876032509 +405 704 2 885546577 +393 82 4 887746174 +13 671 3 882396790 +500 425 4 883874413 +905 471 4 884983952 +881 182 3 876538571 +786 504 4 882843352 +648 391 3 884883031 +13 358 3 881515521 +577 98 4 880474530 +823 66 4 878439391 +770 596 4 875972988 +278 302 3 891294959 +474 606 3 887924571 +710 181 3 882064160 +721 326 4 877136236 +92 40 3 875656164 +393 732 4 889555272 +894 165 4 882404329 +908 216 3 879723074 +903 1067 2 891031412 +714 276 2 892777242 +804 797 4 879445280 +786 98 5 882843190 +791 304 4 879448035 +846 700 2 883950605 +671 451 4 884037004 +653 367 3 878867228 +318 294 4 884469971 +894 20 5 881625708 +790 685 4 884461988 +838 93 3 887063937 +914 732 2 887123465 +538 289 1 877095667 +378 803 3 880334440 +886 940 2 876034255 +745 276 1 880123905 +788 1459 2 880871857 +887 100 2 881377854 +835 988 3 891032391 +561 488 4 885807290 +870 1074 2 879270213 +460 151 3 882912205 +630 866 3 885667148 +933 575 1 874938620 +141 866 5 884585071 +840 657 5 891205287 +790 365 4 885157465 +455 770 3 879111586 +933 474 5 874853734 +521 216 2 885253247 +682 797 2 888522613 +798 1435 2 875639836 +445 93 1 891199945 +49 174 1 888067691 +913 604 2 882201336 +868 726 2 877109926 +851 591 5 891961663 +887 128 5 881380218 +327 318 5 887820828 +806 675 3 882388381 +566 136 4 881649621 +881 274 3 876536850 +889 789 2 880179508 +825 237 4 880931932 +92 155 2 875654888 +786 88 4 882844010 +542 293 3 886532466 +880 763 3 880167247 +401 211 4 891033092 +862 544 5 879304196 +846 357 4 883947960 +543 59 4 875659256 +871 324 3 888192689 +694 204 4 875728639 +933 153 3 874853779 +870 421 2 879539965 +653 79 4 878854051 +669 183 3 891260577 +788 130 2 880869396 +848 427 5 887039136 +458 97 1 886397931 +44 173 5 878348725 +455 159 3 879111500 +776 509 5 891628773 +870 722 2 879270213 +406 1153 2 882480836 +42 755 4 881108425 +622 127 5 882590534 +786 385 4 882844294 +877 56 5 882678483 +476 210 4 883364218 +923 282 4 880387624 +806 484 4 882387373 +846 478 4 883947819 +634 1197 4 875729106 +796 405 5 892660954 +881 1 4 876535796 +851 1287 1 875731105 +790 949 4 885156825 +745 169 4 880123671 +758 88 4 881979942 +618 144 4 891309887 +707 10 5 880059687 +174 143 5 886515457 +417 25 2 879646413 +561 636 1 885809670 +815 143 5 878694665 +747 735 4 888639735 +21 672 3 874951727 +760 375 4 875669114 +567 152 4 882426673 +651 690 3 880126508 +224 570 4 888104522 +653 739 3 880152902 +394 82 4 880889553 +393 66 3 889554707 +782 1620 3 891499440 +825 325 5 882109250 +835 127 4 891032536 +429 607 3 882385785 +806 79 3 882387448 +843 101 3 879447424 +863 990 1 889289385 +899 403 3 884122844 +884 529 5 876859301 +699 1057 3 880696553 +510 326 4 887667751 +708 225 2 892719172 +751 537 4 889134006 +880 385 4 880167843 +872 1165 2 888479537 +907 402 5 880160037 +408 310 4 889679761 +1 29 1 878542869 +886 761 4 876033368 +653 142 2 880153378 +484 197 4 891195973 +542 695 2 886532788 +846 836 5 883950186 +846 944 2 883949547 +727 576 4 883713454 +709 665 3 879848272 +140 321 4 879013651 +848 174 5 887038104 +151 135 5 879524471 +894 887 4 880993374 +932 480 5 891250746 +881 238 1 876537679 +943 1228 3 888640275 +789 276 5 880332063 +790 202 3 885156904 +854 498 3 882813877 +940 200 3 885922016 +789 151 2 880332365 +615 153 4 879449130 +621 142 3 874965299 +766 180 4 891308927 +670 144 4 877975285 +913 151 4 881368824 +342 12 5 874984315 +893 771 3 874830424 +472 385 5 892790676 +642 1336 2 885606520 +21 9 5 874951188 +472 831 5 875979498 +130 819 3 874953825 +542 509 4 886532209 +697 305 5 882621431 +115 628 5 881169883 +789 129 5 880332063 +645 301 2 892052070 +896 1267 2 887160165 +938 866 5 891356991 +425 743 4 878739054 +551 210 4 892777787 +446 321 4 879786943 +181 1368 1 878962200 +943 475 5 875501889 +781 69 3 879634147 +777 180 5 875980306 +677 290 1 889399295 +880 300 3 880166451 +280 33 3 891700715 +619 333 2 885953574 +877 159 4 882678512 +841 326 4 889067216 +915 301 2 891030032 +929 521 5 879640184 +492 275 2 879969210 +805 241 2 881694923 +160 288 5 876771285 +606 637 3 880927750 +663 845 3 889492796 +909 382 5 891920327 +769 1 4 885423720 +929 187 5 879640290 +409 511 5 881107943 +605 523 5 879424345 +92 217 3 875657595 +796 231 3 893048622 +643 1028 3 891446404 +907 819 4 880159442 +435 53 3 884133447 +824 319 2 877020927 +503 86 5 880383098 +5 210 3 875636099 +326 514 3 879875612 +660 652 4 891200370 +890 132 5 882403045 +846 65 3 883949254 +939 411 4 880261917 +943 840 4 888693104 +620 173 5 889988121 +913 176 5 880759221 +904 275 5 879735461 +521 526 3 885254307 +659 483 4 891383889 +907 185 4 880159801 +759 50 4 881476824 +752 323 1 891208261 +343 252 4 876403491 +875 131 4 876465229 +807 843 2 892684615 +875 421 4 876465335 +840 82 3 891209183 +885 72 1 885713631 +773 408 5 888539232 +604 672 1 883668261 +454 71 3 888266754 +201 284 3 884140336 +854 466 3 882813761 +465 929 3 883530818 +429 98 4 882384494 +752 1176 2 891208170 +867 528 4 880078371 +370 170 4 879435369 +829 529 4 881698976 +921 210 4 884673633 +716 52 5 879795467 +938 1016 3 891356799 +391 378 3 877399171 +880 818 2 880175468 +267 77 3 878972650 +643 959 3 891449741 +893 11 4 874829753 +931 333 5 891037521 +885 213 3 885715221 +588 568 4 890024876 +235 1134 4 889655723 +619 231 4 885954185 +698 357 4 886366454 +379 345 3 892879380 +537 91 2 886031438 +927 542 2 879193676 +642 410 1 885605988 +636 15 5 891449237 +823 176 4 878438807 +661 96 4 876015607 +886 228 4 876031601 +870 202 3 879714181 +406 207 2 879446529 +776 174 5 891629157 +94 622 3 891722609 +859 1009 4 885775277 +868 498 3 877104913 +535 192 4 879617931 +896 587 3 887159603 +62 7 4 879372277 +524 657 4 884634995 +876 288 3 879428101 +568 191 4 877907126 +751 25 5 889132252 +669 649 4 891260754 +864 82 5 888887830 +92 25 3 875640072 +327 176 4 887744240 +897 633 5 879991007 +733 471 3 879535814 +397 357 5 885350381 +504 514 4 887838485 +748 402 2 879454476 +909 880 4 891919406 +428 892 4 885944044 +642 1185 4 885606024 +697 276 5 882622505 +792 742 3 877909709 +854 479 4 882813623 +336 716 2 877758001 +846 95 3 883947778 +686 191 5 879546954 +207 45 3 878104569 +663 281 3 889492759 +425 334 4 890346567 +707 310 4 882200872 +818 312 2 891870546 +609 285 5 886894879 +593 144 4 875660569 +429 507 5 882385210 +615 238 3 879449044 +865 100 4 880143232 +766 219 3 891310241 +788 11 2 880868513 +709 959 4 879846169 +936 1202 4 886832221 +847 235 1 878776020 +843 708 2 879448230 +425 269 4 890346376 +682 693 3 888517537 +406 1147 4 879446228 +592 892 1 882607690 +544 300 4 884795612 +295 1050 5 879517761 +919 312 2 885059658 +896 173 5 887158683 +721 809 1 877139384 +332 89 5 888098060 +42 282 4 881105677 +778 712 3 890803176 +234 127 4 892078386 +638 22 5 876694787 +860 257 3 891733877 +738 121 4 875353780 +557 865 3 881179268 +655 1153 3 887477336 +775 347 3 891032837 +642 975 2 886130929 +615 521 4 879448475 +897 294 3 879988800 +749 140 3 878847673 +897 203 4 879990813 +774 100 1 888558731 +588 95 4 890015722 +233 64 5 880612285 +890 444 4 882404610 +697 307 4 882621431 +94 127 5 885870175 +303 71 3 879468179 +13 841 1 882398076 +896 557 3 887160426 +896 145 1 887161413 +862 211 5 879305051 +887 1120 5 881378439 +846 806 3 883948343 +144 760 2 888104283 +579 50 5 880951984 +798 571 3 875914458 +868 778 2 877109375 +929 100 4 878402162 +561 435 3 888232990 +542 90 4 886533227 +456 33 4 881374086 +829 639 4 881699005 +897 708 2 879991226 +156 9 4 888185735 +239 186 1 889179253 +892 67 4 886610480 +639 1065 1 891239030 +922 421 4 891448473 +73 188 5 888625553 +938 678 3 891356282 +806 161 3 882388328 +758 1090 1 882055460 +598 22 5 886711521 +4 360 5 892002352 +886 1489 1 876034074 +896 320 3 887159530 +870 433 3 879901879 +25 125 5 885852817 +871 216 3 888193384 +648 294 3 884366184 +933 940 1 874938664 +879 50 4 887761865 +643 226 2 891449476 +687 268 5 884652088 +804 1615 4 879441195 +921 662 4 884673724 +881 490 4 876538763 +398 478 5 875657857 +504 1037 1 887912584 +776 182 3 891628773 +405 46 1 885546445 +6 111 2 883599478 +748 813 4 879454497 +472 554 5 875982771 +610 195 3 888703583 +938 117 3 891356350 +868 509 3 877106470 +875 42 4 876465336 +373 238 4 877098890 +894 340 4 879896756 +932 1030 2 891252338 +880 550 4 880167880 +435 755 2 884132266 +524 1073 5 884635287 +774 573 2 888557804 +763 4 5 878917877 +880 31 4 880243629 +731 603 5 886182631 +624 696 4 879793223 +648 474 4 884368002 +546 760 5 885140808 +721 1119 4 877147795 +875 327 4 876464873 +650 585 1 891387979 +587 305 4 892871068 +846 89 5 883948003 +901 172 5 877131205 +682 300 2 888518320 +918 166 4 891987238 +536 483 4 882359625 +642 118 3 885603566 +795 640 4 883251200 +630 120 4 885667678 +857 892 3 883432515 +932 56 4 891250584 +130 219 5 876252472 +573 519 4 885844567 +905 137 3 884984148 +934 516 3 891191334 +840 414 4 891204535 +276 143 5 874792870 +871 526 5 888193337 +417 94 3 879649177 +883 154 4 891754985 +758 68 3 881977265 +105 880 3 889214335 +695 289 2 888806150 +932 167 4 891251647 +882 357 4 879864917 +198 128 3 884209451 +741 357 5 891018507 +13 803 3 882398255 +934 154 3 891191401 +472 916 5 892790627 +213 1012 3 878870719 +226 474 3 883889063 +936 1079 1 886832714 +880 1225 2 880174834 +886 188 4 876031365 +768 1061 1 883835210 +871 242 3 888192858 +795 1041 3 883254780 +805 150 5 883766549 +60 519 4 883326370 +799 427 5 879254077 +757 732 3 888467829 +646 748 3 888529054 +393 864 3 887745230 +833 64 3 875039204 +399 11 4 882344199 +405 940 1 885547605 +627 941 3 879530866 +303 173 5 879466604 +918 485 3 891987689 +852 358 3 891036414 +940 657 4 885921471 +106 463 3 881453413 +916 236 4 880843482 +933 216 3 874938239 +699 20 4 879147239 +363 582 2 891496306 +606 404 4 880925200 +430 168 4 877226568 +214 11 5 892668153 +633 94 4 877211684 +925 561 3 884718100 +646 272 4 888528483 +749 780 1 878849682 +864 52 4 888888861 +573 836 3 885844605 +401 99 4 891033582 +904 274 5 879735551 +896 810 1 887160958 +807 168 4 892529893 +791 275 5 879448314 +917 268 4 882910409 +715 155 4 875964580 +864 717 3 878179608 +880 93 4 880174623 +876 878 2 879428253 +458 99 4 886397110 +399 511 3 882341848 +489 312 2 891366748 +896 206 3 887159368 +846 177 3 883947737 +843 154 3 879446281 +677 101 5 889399671 +843 671 3 879446889 +854 799 3 882814298 +692 410 5 876953824 +296 150 1 884196556 +872 476 4 888479737 +850 419 5 883195394 +616 301 3 891224748 +303 221 5 879466491 +881 573 3 876539260 +639 86 4 891239406 +727 1188 2 883712632 +308 411 4 887739987 +748 216 4 879454998 +748 655 3 879454879 +560 1134 3 879976478 +752 315 2 891207791 +637 1258 1 882905070 +916 88 4 880845157 +320 827 4 884749030 +563 172 5 880507339 +741 164 3 891455766 +99 174 5 885679705 +788 523 4 880868559 +550 249 4 883425388 +928 176 3 880936817 +870 177 4 875050827 +289 117 4 876789514 +887 1383 4 881379239 +784 750 5 891386988 +474 378 4 887927152 +922 91 4 891448833 +734 95 4 891025573 +782 295 2 891499321 +593 73 2 875671807 +897 243 4 879988868 +385 1506 4 879442606 +758 99 3 882052960 +798 1043 3 875915279 +788 117 4 880869014 +793 406 2 875104221 +262 219 3 879794206 +380 514 2 885478780 +232 425 4 888549790 +65 77 5 879217689 +790 85 3 885156825 +592 1264 4 882955460 +373 328 4 877098041 +120 515 5 889489772 +856 347 2 891489217 +864 73 5 888888994 +203 628 4 880434810 +792 25 2 877909892 +885 135 2 885714159 +758 405 4 881978635 +586 696 3 884065851 +928 876 5 880936023 +533 919 2 888239673 +733 950 4 879535643 +663 111 3 889492562 +659 345 4 891044849 +831 294 4 891354043 +835 205 3 891034084 +927 541 5 879199250 +551 200 4 892782936 +756 432 4 874829258 +482 286 3 887644023 +663 294 3 889491811 +913 343 1 881037310 +548 271 3 891043509 +795 998 3 883255182 +883 511 4 891717419 +373 125 4 877098821 +416 765 4 886319522 +342 716 2 875320014 +661 294 4 876036384 +881 561 4 876538465 +174 708 5 886514243 +666 744 3 880313661 +823 410 4 878438535 +488 651 5 891294014 +839 323 4 875751559 +804 495 3 879442792 +934 316 4 891188727 +843 637 2 879443297 +686 89 4 879545481 +911 176 4 892841255 +486 1143 3 879874726 +918 1266 4 891988586 +671 443 3 884034132 +495 739 4 888637042 +774 1118 3 888556047 +942 661 4 891283139 +875 8 3 876465072 +592 886 3 882607476 +868 68 2 877106505 +784 344 4 891387078 +889 869 3 880182428 +782 1664 4 891499699 +919 305 4 885059623 +919 16 4 875289533 +721 948 1 877137109 +913 64 5 881725876 +328 96 4 885046174 +655 327 3 888685734 +823 230 3 878439557 +828 316 5 891034440 +758 137 5 881975539 +298 275 3 884125672 +637 300 3 882900888 +704 222 3 891397058 +374 595 3 880393921 +678 127 5 879544782 +874 311 4 888632098 +21 987 3 874951616 +870 172 4 875680098 +752 589 4 891208491 +232 196 5 888549757 +130 258 4 874953526 +908 123 3 879722822 +815 1204 5 878696619 +291 928 2 874834389 +143 271 4 888407708 +668 475 4 881605210 +697 881 2 882621523 +677 475 4 889399265 +896 231 1 887160771 +883 781 3 891694340 +751 7 3 889132251 +201 125 2 884140709 +497 391 3 879362545 +852 472 3 891037605 +837 111 4 875722050 +846 70 4 883949156 +655 88 2 890887261 +486 459 2 879875040 +734 283 5 891023066 +806 143 5 882390296 +595 290 4 886921748 +471 71 3 889828154 +804 97 4 879442057 +825 222 5 880755468 +151 922 4 879542847 +743 748 4 881277656 +675 321 2 889488708 +870 608 4 875680098 +788 391 2 880871746 +535 318 4 879618502 +712 1220 5 874729996 +830 661 4 891462594 +920 333 4 884219993 +244 1428 4 880603411 +548 515 5 891044304 +870 651 3 879539936 +44 151 4 878341370 +932 663 4 891251506 +385 1065 3 879445153 +816 260 3 891711579 +920 307 3 884219993 +846 47 5 883948803 +782 1513 2 891499440 +758 750 2 883518021 +761 283 4 876190160 +624 762 4 879793330 +851 875 5 884205151 +338 479 5 879438250 +553 487 5 879948996 +846 233 5 883949547 +763 738 2 878922982 +942 879 4 891282539 +896 92 1 887160296 +833 679 3 875224482 +532 917 4 892520128 +884 127 4 876858877 +911 83 4 892839784 +933 384 1 874938475 +7 50 5 891351042 +576 204 4 886986445 +452 290 2 875562903 +424 688 2 880859228 +896 282 2 887158555 +661 204 5 876017801 +663 324 2 889492019 +378 443 4 880055336 +761 263 1 876189950 +883 896 5 891691465 +908 28 4 879723073 +296 246 4 884196584 +791 302 4 879447940 +655 712 3 887474050 +894 512 5 879897489 +591 237 3 891039974 +654 367 4 887864923 +716 31 3 879794996 +938 275 4 891356350 +867 7 5 880078604 +882 177 5 879867885 +933 228 4 874854217 +804 402 3 879445441 +852 117 4 891036707 +885 815 4 885715169 +904 796 3 879735710 +886 385 3 876033293 +880 393 3 880174926 +158 285 5 880132383 +666 646 3 880139180 +860 629 3 885991198 +834 284 4 890862468 +694 481 4 875727781 +85 172 4 882813285 +864 128 4 888886882 +503 963 5 880472061 +330 25 5 876544582 +749 202 5 878847461 +161 225 1 891172322 +642 110 2 885606048 +870 127 5 875050602 +390 690 3 879693677 +661 199 5 876016726 +804 949 3 879445254 +524 131 5 884636498 +872 1040 3 888479701 +751 1035 2 889298585 +757 235 3 888444935 +908 223 4 879722953 +892 763 2 886609726 +368 164 3 889783364 +885 423 4 885714136 +566 385 3 881650825 +854 544 3 882812852 +903 64 5 891033564 +882 183 4 879864789 +417 117 4 879646484 +456 772 4 881373228 +880 161 2 880167778 +503 303 5 879438024 +537 1154 1 886032000 +840 588 4 891205321 +932 639 5 891249171 +688 302 5 884153425 +606 79 3 880927127 +709 176 4 879848432 +526 845 5 885682590 +330 228 5 876547220 +932 482 5 891250211 +716 525 3 879794815 +864 116 4 888887045 +862 845 4 879303249 +896 180 5 887158660 +401 591 3 891032607 +896 7 4 887159145 +860 26 3 885991163 +932 70 4 891249171 +758 1292 1 880672876 +56 281 2 892683611 +901 391 5 877131205 +848 163 5 887048073 +238 255 3 883576644 +621 91 3 874965299 +151 966 4 879543457 +933 476 2 874854953 +845 340 1 885409719 +156 528 4 888185906 +416 727 5 893212730 +504 449 4 887839810 +793 7 3 875104031 +896 80 2 887160938 +322 655 5 887313946 +800 476 3 887646776 +724 1434 1 883757597 +880 356 4 880242475 +592 151 4 882608402 +459 271 4 879561731 +527 1149 4 879456637 +875 921 5 876465275 +933 569 1 874938850 +682 378 3 888517986 +916 183 4 880844395 +624 508 4 879793092 +821 473 3 874792813 +551 333 5 892775584 +782 1590 3 891500028 +77 98 4 884752901 +934 1018 4 891192849 +130 752 5 888211864 +567 1298 5 882425998 +872 121 4 888479206 +537 224 3 886030109 +769 685 3 885424305 +450 423 5 882371904 +862 568 3 879304799 +727 559 2 883712282 +159 322 5 880485443 +788 665 2 880867890 +932 560 2 891252198 +102 301 3 885697464 +391 427 5 877399512 +715 98 5 875963792 +217 405 3 889069878 +387 324 4 886481002 +722 845 5 891280842 +805 38 3 881695080 +854 14 4 882812225 +710 357 4 882063649 +798 1063 3 875303502 +642 147 4 885606986 +104 407 2 888465936 +933 866 2 874938620 +655 1631 4 888685734 +782 316 4 891498436 +633 71 3 875325804 +176 181 3 886047879 +587 302 3 892870956 +790 155 3 885157061 +271 963 5 885848518 +387 173 4 886480288 +943 172 4 888638940 +602 243 3 888638277 +883 66 3 891694636 +537 131 4 886031407 +553 213 5 879949290 +788 470 3 880868042 +389 196 3 880087516 +878 739 3 880869303 +893 298 4 874827623 +344 473 4 884900248 +941 222 2 875049038 +482 249 2 887644102 +753 304 4 891399686 +854 1281 2 882812314 +305 865 3 886323563 +878 321 2 880865300 +472 143 4 875980823 +234 258 2 891033627 +521 496 2 885253668 +698 22 1 886368545 +184 212 4 889909618 +833 346 5 884828744 +762 256 3 878719448 +919 988 3 875288362 +518 742 5 876823804 +919 412 2 875289061 +914 775 3 887124121 +942 71 5 891282840 +896 172 5 887158555 +923 460 4 880388426 +773 652 3 888538950 +890 429 4 882403045 +790 1028 3 884462692 +280 364 3 891702291 +886 153 3 876031279 +880 369 1 880175503 +399 465 3 882350005 +631 294 3 888465155 +804 159 4 879445441 +833 655 2 875131810 +498 238 4 881957195 +864 69 5 888889863 +846 12 5 883947777 +892 420 2 886610267 +747 134 5 888640180 +940 50 4 885921542 +489 328 4 891366748 +326 428 5 879877283 +795 410 2 880559227 +134 338 4 891732532 +892 1124 4 886608423 +459 932 4 879563334 +883 170 3 891693139 +878 393 3 880870487 +653 145 2 880153705 +843 632 2 879447146 +727 53 1 883712851 +664 1 4 878090087 +25 7 4 885853155 +892 436 3 886610201 +712 78 4 874957207 +869 100 5 884493279 +669 252 2 892549865 +840 499 4 891209241 +350 127 5 882345502 +452 288 2 876298593 +903 824 3 891031833 +236 717 3 890117409 +851 8 4 875731776 +474 1063 5 887927728 +883 302 5 891691410 +385 100 4 879440098 +5 448 2 875720692 +913 204 4 880946539 +874 182 4 888633311 +7 357 5 892135347 +622 117 4 882590291 +798 785 3 875639553 +639 990 1 891238689 +712 228 3 874730261 +116 124 3 876453733 +933 25 2 874854589 +497 156 5 879361872 +483 173 4 884047454 +825 566 5 881101543 +513 257 4 885062519 +374 241 5 880939035 +862 823 4 879303869 +753 69 4 891401851 +405 730 1 885545975 +789 100 5 880332089 +846 495 4 883948840 +11 239 4 891904617 +851 831 5 875731105 +682 922 3 888517816 +847 740 4 878938982 +489 300 5 891366571 +932 155 3 891251869 +918 958 3 891988491 +889 156 5 880178204 +271 174 5 885848314 +776 200 4 892920381 +916 756 3 880843892 +709 226 3 879848551 +452 285 3 888492147 +298 485 3 884124993 +544 346 4 884795135 +605 546 2 879429729 +472 581 4 875981551 +342 475 5 874984233 +764 418 4 876430033 +903 156 5 891466376 +918 1 3 891987059 +826 89 5 885690526 +851 326 3 891961717 +524 501 2 884636262 +823 514 5 878438024 +773 1036 3 888539907 +462 322 5 886365773 +889 731 2 880181191 +895 1014 3 879438082 +881 504 3 876537577 +846 365 2 883950434 +862 222 5 879304196 +927 29 5 879194033 +804 1101 3 879444805 +302 266 2 879436981 +892 473 3 886611023 +351 258 5 879481386 +851 223 4 875731567 +846 580 5 883949335 +877 738 4 882678137 +919 99 4 875373945 +175 111 4 877108015 +897 498 5 879990683 +290 62 2 880473583 +314 93 1 877886221 +772 1025 3 877533820 +719 162 4 879361003 +823 588 3 878438179 +42 136 4 881107329 +416 147 5 893212730 +347 411 5 881653132 +650 363 2 891382876 +661 179 4 876014125 +850 435 4 883194859 +230 64 5 880484416 +781 135 5 879634387 +749 1034 2 878850656 +201 1166 3 884113806 +405 1027 1 885548048 +450 781 4 882398220 +886 435 3 876031459 +622 418 3 882669905 +178 873 3 886678647 +506 205 5 874874760 +711 447 4 879994656 +880 461 4 880175666 +863 302 4 889288910 +896 616 3 887160653 +851 180 5 875731605 +943 53 3 888640067 +840 504 3 891208647 +294 455 3 877819490 +910 284 3 880821969 +943 541 4 888639954 +868 1206 3 877112033 +314 1291 1 877892519 +576 1 4 886985079 +866 315 4 891221206 +707 70 3 886287376 +880 53 4 880168411 +782 1190 2 891500230 +862 257 5 879303207 +887 195 4 881380438 +741 28 3 891018339 +328 471 3 885048004 +609 948 1 886895886 +453 403 4 877562293 +782 331 3 891497854 +767 432 5 891462829 +872 334 1 888479894 +936 16 4 886832596 +856 300 4 891489386 +796 1197 3 892660955 +925 447 4 884717963 +792 405 3 877909753 +805 425 5 881698745 +747 22 3 888640099 +547 321 4 891282732 +561 639 3 885809291 +715 22 4 875963792 +647 294 3 876532501 +738 4 4 875351486 +722 405 3 891280918 +861 321 1 881274504 +725 873 4 876103794 +387 153 4 886479649 +680 1 4 876816224 +805 588 2 881695527 +887 168 4 881380067 +880 298 4 880166827 +503 381 5 880383174 +906 300 3 879434378 +787 748 4 888979606 +719 468 3 879361023 +939 15 5 880261094 +882 546 2 879863031 +405 757 1 885549095 +833 860 2 875124604 +796 525 4 892761390 +437 401 5 880143505 +847 496 4 878940954 +385 693 4 879443315 +793 181 4 875103810 +747 96 5 888639397 +6 182 4 883268776 +486 279 4 879874939 +82 212 4 878769410 +618 88 4 891309440 +10 40 4 877892438 +741 131 4 891456776 +405 341 1 885549904 +374 406 3 880936233 +871 326 5 888192971 +665 924 4 884291165 +899 427 5 884121267 +459 477 1 879562995 +668 340 4 881523737 +22 209 4 878886518 +805 1065 5 881697792 +521 183 3 884477630 +790 1016 2 884461925 +354 10 5 891216692 +429 737 4 882387505 +654 1115 3 887863779 +807 432 5 892530498 +916 268 5 880843093 +497 172 5 879310705 +598 260 3 886711034 +870 558 4 879270313 +650 1050 3 891369620 +930 282 4 879534667 +911 432 3 892839551 +632 318 5 879456843 +608 134 3 880403810 +612 202 2 875325221 +806 127 5 882386323 +770 302 2 875971568 +669 235 2 892549865 +924 12 4 885458093 +195 135 5 875771440 +835 1045 4 891034023 +801 682 5 890332775 +114 522 5 881309662 +805 942 3 881698861 +682 756 2 888521942 +778 550 4 890670638 +663 546 3 889493118 +459 926 4 879563639 +642 384 5 886131546 +13 280 4 882399528 +916 249 3 880843579 +892 755 4 886610048 +900 654 2 877833924 +620 112 4 889988341 +870 496 5 882801371 +914 381 3 887122325 +867 273 3 880078991 +886 87 4 876032473 +198 942 4 884209569 +831 156 4 891354751 +502 754 2 883701927 +599 846 5 880952229 +694 180 4 875727672 +405 658 4 885545516 +727 553 2 883710186 +751 121 4 889135401 +846 794 5 883948495 +846 376 2 883950665 +661 496 5 876015530 +921 71 4 879380957 +880 771 3 880243848 +875 652 5 876465275 +807 403 4 892979116 +922 288 2 891445064 +659 387 4 891387227 +788 520 4 880868919 +650 504 3 891369889 +934 66 4 891193187 +671 583 3 884034132 +378 550 2 880332949 +450 521 4 882394180 +63 285 3 875747470 +328 51 3 885047417 +809 319 3 891036744 +886 216 5 876031695 +911 855 5 892839084 +424 259 2 880858979 +761 9 2 876190235 +755 299 2 882569732 +479 154 3 889126007 +94 631 5 891720950 +759 127 2 875227798 +798 72 3 875638883 +664 4 4 876526152 +536 1 5 882318394 +707 275 4 880059687 +548 252 3 891043977 +619 597 4 885953850 +943 233 5 888639327 +902 275 4 879465894 +339 250 5 891033830 +793 50 5 875103942 +346 58 3 875122112 +545 385 3 879899266 +892 135 5 886608643 +843 162 2 879447625 +642 1054 3 885606482 +682 77 3 888517562 +456 204 3 881374086 +642 796 4 885605909 +539 202 5 879788405 +710 271 3 882063367 +851 9 4 875730379 +615 190 3 879447968 +835 257 3 891032738 +18 381 4 880131474 +896 801 2 887161564 +896 117 2 887159173 +766 178 4 891308968 +659 836 4 891045943 +545 395 4 879901092 +273 268 5 891292905 +486 148 2 879874903 +632 7 3 879456955 +448 874 3 891889281 +798 1003 3 875639478 +887 65 5 881381679 +391 131 2 877399455 +62 275 4 879372325 +782 1143 2 891500194 +629 276 5 880116887 +187 204 2 879465370 +878 662 1 880871600 +593 1016 4 888872636 +617 1612 1 883788511 +805 196 2 881698778 +846 173 4 883947819 +833 223 4 875038888 +878 237 3 880868955 +910 1025 2 881420507 +115 83 3 881172183 +891 866 5 883489497 +458 52 4 886398187 +932 484 5 891249586 +308 257 4 887741526 +537 676 4 886029889 +892 96 4 886608977 +537 514 4 886030583 +792 1054 1 877910666 +934 234 2 891191875 +408 242 4 889679947 +885 82 4 885715907 +864 283 5 878179514 +279 482 4 875306613 +833 401 2 875135113 +879 304 4 887760912 +698 211 2 886367066 +927 255 4 879177027 +442 871 1 883389455 +782 887 4 891498676 +660 429 4 891199833 +344 117 3 884899767 +308 66 4 887740788 +407 1160 1 890687550 +883 1404 3 891694372 +889 955 3 880179536 +843 527 3 879448138 +933 1188 1 874938474 +64 693 3 889737654 +919 331 4 875920290 +140 988 3 879013719 +840 127 4 891203366 +524 56 4 884634849 +913 60 3 880946006 +394 795 2 881059103 +916 42 5 880844958 +478 235 2 889388357 +782 333 3 891497698 +936 246 4 886832282 +410 272 4 888627138 +276 23 5 874787467 +639 714 2 891239886 +167 641 4 892738341 +279 47 4 875296375 +840 520 5 891204089 +434 411 5 886724873 +617 218 2 883789464 +749 208 5 878848044 +714 748 5 892777877 +894 117 3 880416219 +862 180 5 879305097 +896 632 2 887159261 +907 96 5 881030348 +303 831 4 879544080 +878 640 1 880867751 +934 495 4 891195604 +104 471 3 888465290 +416 1483 4 893214333 +339 94 2 891036423 +407 443 3 876341493 +496 333 3 876063848 +592 1276 1 882609057 +378 69 3 880046069 +933 652 3 874854424 +621 890 1 883799608 +870 458 1 879377028 +795 132 3 883249522 +724 264 3 883758119 +938 50 5 891356314 +798 1035 4 875638717 +201 1103 3 884140487 +387 53 4 886481737 +763 133 3 878923609 +716 142 3 879797555 +488 509 2 891294365 +748 286 3 879454107 +470 291 2 879178777 +707 173 2 886286380 +293 696 2 888905229 +848 121 4 887043266 +805 9 3 881697667 +775 887 4 891032866 +847 191 4 878940652 +528 202 5 886101846 +786 4 4 882844294 +582 271 4 882960418 +502 323 4 883702447 +666 108 3 880313929 +868 69 2 877107416 +659 467 3 891384414 +768 620 2 880136410 +76 24 2 882607536 +455 372 4 879112055 +346 395 1 875264785 +649 815 3 891440274 +271 125 3 885848062 +846 218 4 883948089 +848 421 5 887043777 +632 182 3 879457641 +699 19 4 878882667 +868 161 2 877107056 +749 621 3 878848795 +660 181 4 891197998 +286 173 4 877531407 +324 268 4 880575045 +847 8 4 878941082 +223 278 4 891549901 +788 448 2 880869355 +926 313 3 888351622 +869 127 5 884493279 +391 96 3 877399171 +798 476 2 875637822 +781 878 1 879633752 +385 514 4 879443045 +776 318 4 891628632 +888 280 3 879365475 +143 690 2 888407622 +919 260 4 875288362 +566 1028 2 881651339 +840 971 4 891209449 +870 317 4 875050723 +437 129 1 880140433 +625 705 3 891262983 +554 7 3 876549087 +793 122 3 875104532 +779 117 4 875503280 +652 748 3 882566948 +429 746 3 882386096 +710 12 4 882063648 +878 535 1 880871600 +417 121 3 879646591 +625 597 2 891273801 +932 178 5 891249821 +748 633 4 879454428 +101 1028 3 877136449 +716 227 3 879797177 +860 269 2 891535991 +630 264 2 885666353 +506 489 4 874876651 +345 215 4 884993464 +62 117 4 879372563 +848 504 3 887038397 +776 588 4 892210723 +558 137 4 879435896 +815 427 5 887978255 +586 693 3 884066060 +648 514 2 884796822 +709 1188 4 879848695 +882 194 3 879879668 +882 147 4 879863106 +805 68 3 881694886 +907 1244 5 880159381 +636 106 4 891449328 +275 419 3 880314383 +851 472 3 875730312 +875 937 4 876464830 +843 230 3 879443763 +23 451 2 874787256 +705 363 2 883427530 +167 184 1 892738278 +70 993 3 884064688 +363 39 4 891495339 +709 98 4 879846648 +938 1283 3 891357190 +840 212 4 891209159 +101 472 3 877136711 +123 294 1 879809529 +749 67 1 878850588 +659 226 4 891387194 +574 887 4 891279214 +280 216 5 891701685 +494 498 4 879541246 +883 1226 3 891914483 +683 879 3 893283997 +747 231 3 888734113 +786 286 4 882841571 +557 270 3 881179166 +880 762 4 893028813 +643 96 5 891447747 +874 676 3 888632585 +633 581 3 877212085 +833 576 3 875224603 +755 310 4 882569604 +734 22 3 891025301 +561 1294 1 891710133 +406 95 4 879793081 +916 792 3 880844569 +696 178 4 886404542 +910 300 4 881420194 +615 28 4 879448759 +426 617 3 879441978 +840 645 3 891204714 +894 902 3 890409704 +222 380 4 878184545 +773 318 4 888540484 +116 690 3 877934548 +593 284 4 875659236 +918 88 2 891988276 +622 1419 2 882672120 +577 427 4 880474715 +805 111 3 881696671 +504 548 2 887909864 +883 1131 5 891695570 +660 47 2 891200456 +543 603 5 875665787 +903 293 4 891031226 +480 208 2 891208650 +916 60 4 880844058 +862 260 5 879302583 +509 245 2 883591109 +595 986 2 886921945 +847 141 3 878941144 +607 174 3 883879516 +479 234 5 879461318 +862 195 5 879304902 +378 569 3 880056736 +881 143 5 876539128 +538 176 4 877106918 +889 279 2 880177104 +190 826 3 891626040 +638 511 3 876695478 +497 144 4 879310792 +882 191 5 879867694 +886 710 4 876031601 +709 651 4 879846705 +1 18 4 887432020 +821 95 5 874793898 +871 359 3 888192743 +577 1336 1 880472018 +804 616 3 879442984 +875 479 4 876466687 +612 243 2 875324355 +14 276 4 879119390 +393 33 3 889554648 +903 324 4 891031697 +936 535 2 886833052 +709 833 4 879848792 +929 172 4 879640329 +927 471 4 879193906 +58 730 5 884305004 +534 824 4 877808260 +561 182 3 885807318 +887 1496 4 881380996 +676 993 5 892686294 +653 585 2 880153522 +854 1047 1 882812906 +529 324 2 882535563 +880 302 5 880166451 +896 195 4 887159578 +486 307 3 879874388 +881 763 3 879052317 +301 334 3 882075500 +694 172 5 875727399 +893 845 3 874828772 +254 228 4 886472609 +894 260 2 879896268 +699 95 3 878883173 +196 110 1 881252305 +882 143 4 879876806 +682 472 3 888522699 +642 385 5 885602571 +653 118 3 878854810 +447 202 3 878856078 +94 134 5 886008885 +721 268 4 877136831 +663 326 4 889491861 +798 243 4 875295566 +804 155 3 879445660 +703 121 5 875243049 +733 1375 3 879535559 +864 186 4 888887658 +916 150 4 880843318 +389 488 5 880087260 +838 718 5 887064051 +354 744 4 891216656 +817 300 3 874815542 +117 249 4 880125911 +707 160 5 886286193 +668 895 3 890349136 +774 96 2 888557276 +698 516 2 886367809 +826 665 5 885690819 +903 7 2 891031259 +669 79 2 891260474 +487 340 1 883440613 +696 285 4 886404617 +561 284 1 885809626 +940 98 4 885921421 +911 428 4 892839929 +361 226 3 879441352 +896 662 3 887160529 +782 301 3 891498139 +837 1049 1 875722298 +881 62 4 876538666 +578 268 2 890939697 +606 713 4 878142865 +878 781 1 880871600 +885 1221 3 885714362 +821 281 3 874793218 +777 9 5 875979380 +916 159 3 880845303 +870 87 5 889717575 +892 82 3 886609149 +883 900 5 891691654 +765 151 4 880346204 +930 176 3 879535663 +777 523 4 875980235 +863 362 1 889289122 +894 971 3 882404460 +847 117 2 878775570 +690 63 3 881177804 +472 264 3 875977870 +395 318 4 883764004 +805 100 5 881695196 +468 24 3 875280462 +828 331 4 891380166 +869 298 3 884491734 +922 810 4 891450866 +551 721 5 892784898 +881 419 5 876538691 +868 67 3 877109597 +334 38 2 891550141 +303 240 3 879468513 +806 302 4 882384513 +533 208 4 879191374 +291 576 4 874835198 +924 144 3 885458093 +899 518 4 884121379 +516 582 5 891290594 +138 147 4 879023779 +568 529 4 877907877 +901 402 4 877132632 +837 472 3 875722141 +416 420 3 886318155 +388 219 5 886441083 +897 140 3 879991403 +592 315 5 885280156 +924 433 5 885458168 +593 553 2 875672852 +843 214 3 879447453 +848 689 1 887037584 +932 109 2 891251891 +502 682 5 883701927 +867 222 4 880079094 +663 176 5 889493502 +887 845 4 881378087 +897 501 5 879991566 +648 1060 2 882212373 +683 626 3 893286550 +747 202 4 888733047 +587 1625 4 892871732 +494 245 3 879540720 +921 778 3 879380704 +911 479 5 892838787 +705 566 4 883428058 +903 121 3 891031487 +632 2 4 879459505 +751 237 2 889132301 +894 116 4 880416473 +735 275 4 876698643 +374 654 3 880396622 +1 59 5 876892817 +855 171 3 879825383 +826 426 2 885690379 +189 459 4 893264595 +588 732 4 890024325 +937 222 3 876769530 +889 1 3 880177104 +883 945 4 891754985 +664 496 5 878090381 +943 816 4 888640186 +193 159 4 889124191 +919 88 2 875373621 +378 588 5 880318415 +500 122 3 883876795 +639 323 1 891238876 +863 538 2 889289122 +774 1228 1 888557556 +532 834 4 874796151 +774 72 1 888556121 +811 895 5 886377311 +374 27 4 880396444 +879 117 4 887761865 +13 522 5 882140425 +839 235 4 875752433 +871 4 3 888193338 +159 358 1 893255969 +301 62 3 882078419 +38 1032 4 892432624 +880 27 3 880167965 +504 322 4 887831274 +525 7 3 881086051 +804 230 4 879442001 +394 90 3 880889528 +782 340 3 891497963 +694 385 4 875730082 +833 264 2 878077967 +896 496 4 887158029 +840 209 4 891204418 +503 116 5 879438559 +943 97 2 888639445 +715 85 3 875964300 +749 809 3 878848673 +690 77 3 881179906 +747 185 5 888640437 +592 463 4 882956321 +810 881 4 879895350 +897 684 2 879991524 +244 188 4 880605869 +892 641 5 886607845 +405 378 4 885546379 +701 312 3 891446730 +198 151 4 884206401 +889 1139 1 880182582 +804 737 3 879444781 +1 15 5 875071608 +838 174 4 887066078 +788 651 4 880868838 +541 90 4 883866093 +896 393 3 887159464 +889 739 3 880182517 +932 524 5 891249675 +57 1 5 883698581 +931 471 3 891036506 +354 1039 4 891217249 +919 300 4 875288164 +936 1009 4 886833231 +883 210 4 891723351 +870 132 4 882123548 +435 406 3 884134810 +393 248 4 887744202 +549 24 3 881672556 +875 462 4 876465188 +916 978 1 880843949 +570 321 1 881262795 +916 863 3 880846735 +823 25 3 878438642 +901 195 5 877131118 +393 1 3 887743611 +727 17 1 883711011 +774 1090 1 888558419 +788 566 4 880869908 +758 276 2 881976574 +856 312 2 891489450 +293 315 3 888904513 +886 101 4 876032103 +643 430 5 891447403 +537 651 3 886030862 +899 173 3 884121089 +493 317 3 884132267 +342 1016 1 874984596 +803 289 3 880055309 +450 498 3 882396351 +932 222 4 891251485 +835 606 5 891033200 +911 1039 4 892838357 +880 473 3 880167132 +435 139 2 884134134 +882 135 5 879876806 +660 1615 2 891198441 +747 32 5 888639890 +913 428 3 881367151 +864 736 5 888888025 +748 847 4 879454546 +620 95 4 889988005 +894 262 4 879896141 +401 185 4 891033523 +835 160 3 891034219 +268 450 1 875745536 +305 650 4 886323406 +723 164 4 880499019 +331 132 3 877196174 +932 163 4 891251246 +884 86 3 876859208 +917 282 4 882911480 +912 28 4 875966756 +609 147 1 886895016 +833 23 5 875123427 +825 274 4 889020826 +846 134 4 883947630 +371 496 4 877487052 +526 271 3 885682124 +682 774 4 888522894 +875 288 4 876464755 +548 9 1 891043008 +758 229 3 881978057 +536 416 4 882360929 +653 619 3 880152085 +373 216 4 877100232 +932 529 4 891251153 +707 936 4 880059836 +655 1044 3 887564483 +916 196 4 880844920 +833 32 5 875123255 +790 10 1 884461988 +907 225 5 880159442 +577 588 4 880474808 +900 478 2 877833923 +279 62 3 875310303 +300 1012 4 875650329 +882 181 5 879867430 +678 332 4 879544254 +862 7 5 879304196 +363 25 3 891496337 +854 469 5 882814571 +837 125 5 875722032 +921 172 4 884673823 +456 59 4 881372779 +514 237 4 875462611 +682 367 3 888521783 +894 676 3 880416315 +847 219 4 878940618 +280 946 4 891701027 +942 316 4 891282618 +892 15 4 886608237 +911 709 5 892839846 +895 117 3 879438082 +843 446 3 879443442 +750 338 3 879445961 +903 9 3 891031309 +843 528 3 879447030 +405 954 4 885547268 +897 176 5 879990492 +878 127 4 880867444 +835 378 4 891035309 +833 184 3 875039039 +159 845 1 880557130 +442 928 3 883391299 +601 228 5 876350400 +896 153 4 887158165 +881 7 4 876536164 +751 118 2 889298074 +550 682 4 883425783 +458 531 5 886395758 +660 423 3 891199942 +707 172 2 886286134 +545 139 3 884134959 +436 928 4 887770547 +160 302 5 878078074 +773 1555 4 888540618 +776 191 5 891628837 +798 172 4 875639656 +557 305 3 881179268 +747 473 3 888640305 +393 272 4 887742006 +838 124 4 887063696 +543 9 4 876382812 +871 79 5 888193275 +518 235 4 876823597 +894 472 3 880993730 +659 121 4 891331301 +817 924 3 874815947 +532 684 5 888635197 +514 68 4 875463551 +344 100 5 886382272 +806 504 4 882388658 +567 39 3 882426974 +886 433 2 876032165 +908 183 4 879722427 +748 204 3 879454662 +454 988 2 888015879 +738 271 3 892938330 +907 268 4 885860288 +704 286 5 891397015 +749 391 3 878849149 +844 161 3 877387857 +303 238 4 879467295 +893 290 3 874829161 +561 596 2 885809958 +854 19 3 882812826 +938 291 4 891356594 +387 95 2 886483620 +203 458 3 880434336 +868 191 3 877107143 +749 200 4 878848302 +788 4 3 880868401 +521 1 2 884475825 +496 151 3 876067445 +907 182 5 880159844 +854 13 3 882812755 +699 269 4 893140697 +328 300 5 885044640 +916 7 4 880843361 +551 300 4 892775687 +2 275 5 888550939 +276 365 3 874791339 +493 208 4 884131897 +684 216 3 878761717 +749 930 3 878849558 +932 434 5 891251015 +60 592 4 883327566 +846 569 3 883949728 +484 930 3 880270596 +63 322 2 875746986 +607 950 3 883879691 +297 724 3 875238883 +650 898 3 891368914 +521 403 4 885253758 +916 111 4 880843636 +417 818 2 886186925 +885 7 3 885715889 +655 59 4 887564613 +697 254 2 882621958 +719 410 1 883354126 +940 529 3 885921669 +180 735 4 877355337 +692 762 4 876953681 +923 823 4 880388383 +181 1215 1 878963304 +846 302 5 883946861 +907 928 5 880159198 +655 427 4 891585242 +660 209 4 891406212 +814 413 2 885411749 +550 258 5 883425409 +311 428 4 884366111 +916 642 3 880845227 +907 1220 5 880159642 +625 135 5 891999874 +633 96 4 875324997 +617 674 3 883789536 +935 286 5 884471835 +620 234 3 889987560 +749 233 5 878849286 +910 357 4 880821718 +298 402 3 884183063 +745 1 2 880122809 +708 628 3 892719246 +707 865 5 886286360 +790 233 3 885157230 +299 733 3 888855244 +622 69 4 882592041 +907 123 4 880159442 +787 294 3 888979606 +889 469 4 880180414 +746 405 2 885075476 +405 89 1 885547952 +643 210 4 891448318 +908 654 3 879722822 +892 566 4 886610318 +665 313 4 884618217 +887 496 4 881379685 +885 209 2 885713502 +882 96 4 879878140 +83 944 3 880308871 +807 930 5 893082778 +601 1116 4 876350944 +928 269 5 880935738 +870 589 4 880584534 +660 163 2 891199992 +655 479 4 888474107 +619 11 2 885954019 +940 213 4 885921597 +1 111 5 889751711 +782 307 4 891497854 +650 25 3 891385826 +1 52 4 875072205 +721 319 3 877137527 +521 265 3 885253247 +503 44 5 879454841 +655 333 2 887472879 +916 597 2 880843727 +624 405 4 879792671 +588 1078 4 890026999 +880 1620 3 880167288 +374 137 2 880393511 +915 305 2 891030070 +911 211 3 892839418 +916 385 3 880844834 +878 57 4 880867987 +916 155 2 880845808 +795 412 3 883254675 +256 100 4 882150313 +833 581 1 875223813 +92 1052 2 890251841 +834 628 5 890862648 +394 1484 4 881059619 +357 825 3 878952080 +313 778 2 891028904 +942 174 5 891283209 +618 416 4 891309720 +498 180 4 881955866 +654 282 3 887863513 +835 928 3 891032899 +332 64 5 888359944 +851 303 4 890804569 +671 38 5 884035992 +279 1437 3 892173418 +881 289 1 876535544 +919 295 3 875289170 +881 215 3 876538726 +873 358 2 891392698 +937 225 2 876769436 +917 879 2 882910604 +883 1118 4 891694276 +892 765 2 886610840 +620 627 5 889988037 +379 843 4 880962285 +561 526 3 885808796 +95 294 2 884266083 +825 407 3 889021180 +671 452 4 884035173 +556 523 5 882136205 +580 25 3 884125457 +846 419 5 883948949 +530 275 5 890627396 +767 481 5 891462614 +417 141 3 879648510 +880 383 3 880243147 +588 313 5 890014782 +864 145 4 888892230 +561 11 4 885807743 +907 744 5 880159015 +447 24 3 878854520 +859 381 4 885776352 +305 45 5 886323275 +870 31 4 875680070 +592 409 1 882609056 +474 729 4 887927152 +891 121 4 883490041 +219 433 5 889403133 +940 482 5 885921198 +816 243 4 891711554 +378 412 2 880334409 +779 275 4 875992583 +429 230 2 882385985 +886 568 3 876032973 +741 255 3 891458098 +642 1425 2 885606024 +835 685 4 891032627 +916 684 3 880844395 +843 89 5 879444670 +618 1221 2 891309636 +468 91 5 875301056 +622 190 4 882669762 +933 194 4 874854135 +864 333 5 890463283 +607 855 4 883880027 +938 235 1 891357137 +526 298 4 885682528 +882 101 3 879879807 +774 174 3 888557198 +864 66 3 888889784 +385 231 2 879449309 +898 271 3 888294567 +880 409 2 880243069 +144 690 3 888103573 +903 13 5 891031632 +851 112 1 875730629 +619 849 2 885954184 +880 1093 3 880167384 +748 172 4 879454810 +924 178 5 885457922 +676 255 5 892686348 +844 930 2 877382574 +885 25 4 885713017 +886 28 4 876031413 +847 196 3 878939839 +896 450 1 887161728 +805 65 3 881698861 +919 236 5 875288681 +943 282 5 875502230 +795 81 4 883250055 +890 523 4 882403299 +639 28 4 891239239 +690 203 4 881179631 +144 137 4 888104150 +315 79 4 879821349 +904 732 3 879735584 +150 291 4 878746764 +932 100 5 891249586 +690 158 4 881177835 +881 322 4 879051511 +795 62 4 883254564 +913 461 4 881725816 +200 239 3 884129602 +417 158 2 879649389 +537 463 3 886030738 +902 289 3 879463433 +588 821 4 890026339 +826 720 3 885690819 +22 526 4 878888026 +721 329 3 877137214 +627 56 2 879531248 +587 321 2 892871113 +456 94 3 881375482 +715 125 3 875962477 +548 405 4 891415643 +160 250 4 876768106 +773 343 1 888538175 +854 696 2 882812961 +42 735 4 881108548 +671 121 4 875389187 +537 890 1 886029526 +868 158 1 877111328 +462 328 5 886365773 +943 614 5 888639351 +614 121 4 879464398 +609 313 5 886894637 +291 405 4 874805984 +708 678 2 892719007 +846 380 3 883949380 +907 1167 5 880160106 +894 298 3 879896673 +908 194 3 879722932 +933 229 1 874939078 +726 1 4 890079166 +933 89 4 874853957 +301 721 3 882076494 +655 975 3 887426446 +590 298 2 879438911 +712 451 5 874956872 +940 301 3 884800988 +381 142 3 892697337 +844 549 3 877387280 +655 378 1 887430410 +642 1091 4 885606608 +450 140 3 882376585 +904 747 4 879735584 +694 506 4 875727270 +416 387 3 886319288 +506 135 5 874873157 +541 304 4 883864207 +125 67 5 892838865 +843 300 3 879442947 +916 153 3 880844087 +655 448 4 888474934 +552 1362 3 879222698 +157 244 5 886890406 +745 275 1 880123905 +69 222 3 882072956 +924 288 3 886065748 +246 433 5 884921488 +907 1157 5 885862211 +663 975 4 889492720 +276 33 4 874792018 +870 569 2 879714631 +670 521 4 877975344 +865 99 1 880235060 +795 564 1 883774317 +292 203 4 881105442 +833 664 3 875124225 +492 172 3 879969415 +924 114 3 886327724 +106 70 3 881452355 +537 806 3 886031074 +645 177 4 892053274 +567 197 5 882425901 +157 235 5 874813703 +145 96 5 882181728 +405 69 4 885545111 +884 949 2 876860604 +582 676 2 882961133 +659 357 4 891331959 +871 286 3 888193136 +891 476 5 883489605 +716 283 4 879793294 +893 125 3 874828864 +495 969 4 888632443 +534 300 4 877807486 +782 261 2 891498865 +916 948 2 880843838 +233 9 5 876021262 +758 328 1 880672321 +60 483 5 883326497 +116 270 3 879864042 +870 461 4 875680099 +825 16 3 889020779 +889 1065 4 880180817 +855 59 3 879825488 +798 746 4 875914066 +265 1016 3 875320462 +783 880 4 884326545 +247 100 3 893081395 +642 779 3 885843177 +756 97 3 874829484 +699 1010 3 878882563 +835 465 3 891033957 +907 1048 5 880159404 +868 732 3 877107416 +804 96 5 879441677 +882 393 4 879880132 +495 233 4 888633594 +452 76 4 875562410 +548 683 4 891042954 +305 961 3 886323440 +269 479 4 891448980 +588 463 4 890023879 +802 665 4 875985469 +382 1268 5 875947296 +801 355 3 890332929 +566 108 2 881651360 +843 239 3 879447670 +701 292 4 891446754 +349 696 3 879465934 +416 255 5 893214041 +913 191 5 881725737 +758 506 3 881975061 +883 512 5 891693058 +721 380 5 877138661 +269 697 4 891447931 +757 148 4 888444948 +478 232 2 889396180 +632 475 3 879457582 +625 50 5 891273543 +943 151 4 888692699 +896 493 5 887157978 +938 222 5 891356479 +385 197 4 879442360 +445 1067 1 891200390 +863 886 3 889289327 +589 336 1 883352535 +318 208 4 884495664 +24 1007 5 875322758 +158 290 4 880135160 +450 151 5 882376658 +868 631 4 877111453 +910 50 5 880822060 +854 180 4 882813537 +663 1161 3 889493069 +280 379 5 891702171 +503 283 5 879438258 +897 418 4 879991282 +721 125 3 877147080 +881 176 4 876537679 +886 184 4 876031309 +806 174 5 882387870 +848 141 4 887040159 +880 1041 4 880175128 +476 70 3 883364680 +864 367 5 888890316 +894 935 3 879896815 +872 282 5 888479253 +933 53 1 874855104 +814 288 4 885410789 +941 358 2 875048581 +313 357 5 891013773 +719 509 2 879360933 +49 477 2 888067727 +761 402 3 876189829 +871 342 4 888192475 +624 410 4 879793156 +695 887 3 888805797 +622 154 4 882669740 +709 288 5 879847945 +892 168 4 886607778 +855 512 4 879825382 +23 642 3 874785843 +747 63 3 888733510 +373 229 4 877104048 +870 657 5 875050748 +741 1041 4 891457424 +885 100 3 885712944 +453 90 3 877561942 +239 382 3 889180578 +916 286 4 880843062 +535 429 3 879618569 +913 228 5 881368310 +880 177 5 880167778 +189 568 4 893266205 +328 385 3 885046027 +507 754 5 889964121 +880 230 3 880167732 +763 1039 4 878923513 +760 255 3 875666375 +598 243 2 886711192 +216 189 3 880244972 +882 131 4 879876573 +664 522 3 876525998 +559 259 3 891035407 +932 174 4 891250017 +645 23 5 892054364 +734 282 4 891025974 +559 261 3 891035378 +770 100 5 875971949 +805 127 3 879971215 +334 218 3 891548317 +18 28 3 880129527 +747 94 4 888733537 +561 737 3 885810706 +934 209 1 891190695 +900 100 4 877832904 +897 181 3 879990622 +847 568 4 878941442 +697 260 3 882621651 +178 328 3 882823416 +881 255 3 876536332 +466 7 4 890284819 +878 154 3 880866369 +878 1149 4 880868820 +563 167 4 880506771 +189 170 4 893265380 +655 515 4 887425458 +374 546 5 880936389 +423 887 5 891394673 +268 239 3 875310491 +643 527 3 891448502 +582 508 4 882961082 +614 286 2 879464507 +393 392 4 889555225 +58 223 5 884305150 +922 77 4 891447833 +757 470 3 888467016 +932 517 5 891250643 +899 71 4 884121424 +864 157 4 888886984 +561 478 4 885807290 +698 945 2 886367100 +207 129 3 877751037 +916 218 3 880845303 +825 456 3 889021287 +927 168 4 879193383 +642 581 2 886569209 +702 380 4 885767774 +787 879 4 888979721 +391 435 5 877399100 +665 1028 4 884291133 +487 94 3 884050838 +886 56 4 876031365 +864 1248 3 888891628 +693 211 2 875484789 +635 877 3 878878901 +833 38 1 879818760 +904 682 4 879735158 +653 198 4 880151426 +537 195 3 886031407 +261 300 5 890454310 +910 12 4 880821718 +429 697 3 882385858 +615 286 4 879447500 +537 483 4 886030583 +796 294 3 892611979 +903 421 3 891380488 +782 1173 2 891500230 +573 237 4 885843527 +892 378 4 886610137 +32 181 4 883717628 +513 258 4 885062286 +832 288 3 888259984 +758 209 5 881975118 +18 56 5 880129454 +939 717 4 880261784 +607 100 4 883879316 +85 745 3 879829021 +896 720 1 887235026 +751 21 5 889298093 +842 749 4 891218060 +479 498 5 879461179 +902 144 5 879465894 +708 117 4 877325236 +932 636 3 891251063 +119 492 5 874781198 +223 819 3 891550404 +769 237 3 885423954 +451 887 1 879012858 +878 97 3 880869090 +906 405 3 879435551 +653 318 4 878854383 +343 583 4 876407202 +826 177 5 885690676 +727 163 4 883711550 +578 313 5 887229355 +514 98 5 875309473 +488 223 4 891294158 +711 167 2 879995146 +568 523 3 877907877 +409 499 3 881168631 +627 17 2 879531397 +593 88 4 875672874 +813 304 1 883752380 +902 191 5 879465583 +95 194 5 879197603 +672 301 4 879787500 +757 405 4 888444583 +894 50 4 880416008 +328 71 4 885048004 +489 307 4 891363191 +682 550 2 888522541 +269 108 5 891457067 +878 1041 1 880871600 +227 756 3 879035658 +126 310 2 887854652 +892 72 4 886609939 +620 50 4 889988121 +903 272 4 892493587 +666 651 5 880139149 +577 1035 3 880475130 +707 506 2 886286742 +846 67 4 883950252 +882 202 4 879876806 +893 235 3 874829035 +456 214 4 881374586 +638 4 4 876695108 +653 333 5 878853678 +840 187 3 891205222 +90 942 4 891385165 +930 286 3 879533975 +833 1187 5 875035850 +426 489 5 879441978 +486 293 3 879874545 +293 411 2 888905170 +378 399 3 880333598 +545 227 4 879899380 +198 96 4 884208326 +870 428 4 875050672 +899 66 4 884122087 +805 234 5 881695244 +59 969 3 888204802 +793 237 3 875103842 +790 22 5 885155540 +824 748 1 877021077 +110 739 4 886988937 +305 222 2 886323378 +864 226 3 888889601 +747 608 4 888640475 +802 264 4 875986155 +622 1411 4 882671664 +500 161 2 883877001 +468 5 3 875287686 +648 763 2 882212200 +592 512 5 882956803 +429 241 3 882385934 +746 229 2 885075399 +851 1095 3 875731105 +870 55 3 879713899 +786 211 4 882843500 +835 405 3 891032793 +878 59 3 880866054 +659 210 5 891383889 +907 686 4 880159778 +733 762 4 879535847 +773 189 5 888539232 +693 504 5 875483302 +854 42 4 882813990 +934 1311 1 891195713 +733 245 3 879544466 +846 161 4 883948534 +796 248 3 892660465 +595 100 4 886921112 +542 64 4 886533421 +846 211 2 883948089 +494 204 5 879541298 +345 318 5 884916354 +737 258 5 884315127 +276 1232 3 874791488 +923 1011 4 880388097 +486 294 2 879874187 +532 229 5 892859148 +663 64 5 889493502 +311 79 4 884364623 +533 64 5 882902988 +903 157 4 891033430 +330 143 5 876546470 +393 1197 3 887743611 +924 482 4 885457858 +887 180 4 881380177 +910 313 4 884229092 +537 56 5 886030652 +653 237 2 878855365 +798 140 4 876175467 +320 358 4 884748485 +916 31 3 880844789 +883 273 4 892557850 +503 83 5 880383098 +478 869 2 889396102 +592 198 5 882956241 +613 1157 2 891227204 +207 177 3 891759050 +200 1028 2 884128176 +844 82 3 877387857 +504 667 3 887911808 +395 1060 2 886481149 +924 275 4 889286721 +397 474 5 882839559 +436 1489 2 887770731 +843 392 2 879447377 +217 11 4 889069741 +786 275 4 882841772 +710 301 3 882063407 +834 286 4 890860566 +862 99 4 879305097 +925 217 2 884718100 +537 325 1 886029153 +475 539 3 891451693 +868 503 3 877106421 +612 476 3 875324947 +805 140 3 881705892 +862 930 5 879303843 +734 162 3 891025393 +841 315 4 889066780 +622 1230 1 882672922 +806 628 3 882385309 +526 125 2 885682657 +746 233 4 885075399 +870 246 3 881000751 +541 924 5 883865133 +887 432 5 881379988 +401 429 3 891032847 +804 412 2 879445955 +505 951 3 889334067 +896 77 4 887160270 +85 482 4 879454304 +618 265 4 891307289 +487 426 3 884025034 +10 12 5 877886911 +30 69 5 885941156 +881 28 5 876537612 +652 328 4 882567058 +648 740 4 882211301 +932 675 4 891249538 +424 304 4 880858861 +738 91 4 875351462 +733 244 2 879535886 +836 750 3 885753475 +637 328 4 882900888 +916 1074 3 880844985 +942 272 5 891282420 +773 212 2 888538980 +406 502 1 880131642 +861 462 4 881274698 +932 603 5 891249877 +30 319 4 875060217 +580 829 2 884126077 +276 284 4 874786605 +500 367 3 883875835 +747 1015 4 888640046 +562 88 5 879196680 +916 820 2 880843636 +899 740 5 884120077 +583 286 4 879384052 +348 369 3 886523758 +711 408 5 886030557 +222 333 5 877562819 +468 124 5 875280331 +723 988 1 880499254 +934 211 4 891194661 +854 826 2 882813453 +754 127 4 879451420 +87 396 1 879877280 +95 392 3 880571428 +663 282 3 889492759 +795 431 4 883253193 +878 216 4 880869135 +271 427 5 885848518 +131 536 5 883681723 +711 958 5 876278721 +918 430 1 891987205 +935 274 5 884472352 +896 101 3 887160070 +766 514 4 891308927 +393 143 5 889554930 +851 456 2 875730719 +805 162 2 881698069 +727 111 3 883709266 +840 644 4 891204592 +825 106 4 880756504 +790 259 2 884461023 +577 1147 4 880474394 +671 2 4 884035892 +757 568 4 888466490 +592 762 5 882608402 +486 473 3 879875188 +831 208 2 891354612 +663 685 4 889492917 +894 9 4 880416039 +442 986 1 883391377 +100 346 3 891375630 +766 503 3 891309329 +709 825 2 879848744 +268 363 1 875744228 +642 121 5 885842289 +698 132 4 886367066 +435 432 3 884132968 +913 423 3 881368310 +566 660 4 881650172 +671 7 5 875388719 +543 66 3 874866535 +776 1172 2 892051948 +700 56 3 884493899 +782 1665 2 891500194 +830 418 3 891561540 +682 143 3 888523115 +796 385 5 893048342 +864 403 5 888887944 +928 114 5 880936742 +4 301 5 892002353 +387 676 1 886480733 +1 88 4 878542791 +826 1110 4 885690900 +610 66 3 888704000 +830 732 5 891464415 +614 237 2 879464216 +942 662 4 891283517 +883 382 3 891693200 +406 674 4 879792897 +271 176 3 885848640 +552 619 3 879222632 +838 750 4 887060879 +709 118 5 879848824 +751 90 3 889298528 +698 640 2 886367849 +655 164 2 887430072 +352 210 3 884290328 +807 757 4 892528374 +901 50 4 877126576 +886 1421 2 876034174 +851 193 4 875731722 +928 173 4 880936863 +617 1187 3 883788900 +883 52 3 891693169 +109 250 2 880563471 +851 248 4 875730379 +363 28 4 891495339 +798 50 5 875295810 +634 147 2 875729749 +405 1069 1 885546154 +867 1 4 880078521 +896 328 1 887235731 +860 216 4 885990901 +747 274 4 888733348 +927 154 3 879184534 +868 154 3 877107539 +744 174 4 881171421 +477 275 5 875941763 +693 382 4 875482689 +751 213 5 889132808 +486 222 3 879874939 +830 87 4 891462594 +810 678 4 879895453 +195 242 4 879141989 +659 609 4 891385769 +835 285 4 891032792 +567 59 5 882425762 +618 24 2 891308515 +622 7 5 882590269 +182 15 4 885612967 +843 194 2 879445590 +919 1014 4 875289384 +881 588 3 876538027 +360 175 3 880355888 +766 65 4 891309810 +633 148 1 875326138 +840 81 4 891204948 +922 252 2 891455230 +119 655 5 874781628 +883 1171 5 891695570 +867 182 4 880078521 +398 185 5 875717638 +406 185 5 879792811 +897 141 4 879991403 +126 303 3 887854825 +862 188 5 879305312 +903 214 4 891033781 +455 1167 4 879111123 +796 1415 3 893219254 +682 144 3 888522418 +413 321 3 879969259 +119 93 4 874775262 +151 531 3 879524738 +921 392 4 884673868 +640 161 4 874778479 +709 155 2 879849185 +195 841 2 891841129 +109 28 3 880572721 +902 328 3 879463212 +879 1047 2 887761477 +881 620 2 879052198 +893 597 4 874829230 +586 763 4 884067105 +184 197 4 889908873 +70 1 4 884065277 +583 655 5 879384471 +878 98 4 880866848 +871 289 3 888192475 +318 423 5 884495561 +936 1016 3 886832966 +293 117 3 888904696 +624 126 4 879792395 +796 300 4 892611903 +911 506 3 892839518 +296 514 5 884199624 +894 1281 3 885428159 +583 100 5 879384404 +691 692 5 875543153 +892 826 2 886610523 +852 826 3 891037806 +604 567 5 883668352 +647 196 4 876537620 +394 176 5 881130008 +628 984 5 880776981 +733 276 5 879535299 +939 283 5 880261291 +839 106 2 875752317 +877 173 4 882677865 +696 899 3 886403673 +903 12 5 891033334 +372 264 4 876869330 +506 199 4 874874109 +870 699 3 879901671 +894 331 4 881625708 +889 188 5 880181317 +645 746 4 892054683 +823 866 2 878438179 +435 946 2 884132072 +608 509 1 880403855 +921 1317 2 879380981 +886 399 3 876034041 +807 229 4 892530752 +738 117 3 875350913 +918 165 4 891986998 +642 1037 2 885605866 +884 923 3 876859109 +902 204 3 879465952 +527 433 4 879456464 +883 414 3 891694431 +906 124 4 879435212 +916 748 2 880843249 +757 472 3 888445086 +921 763 3 879380258 +738 269 2 892938254 +923 307 4 880386897 +463 1007 3 877387935 +807 421 3 892529805 +757 252 3 888444827 +564 924 3 888730534 +815 179 2 878694228 +439 268 4 882892424 +870 631 2 882123130 +894 1150 4 882404137 +784 332 4 891387812 +825 1008 1 889020680 +486 328 2 879873973 +870 945 4 879714039 +618 233 3 891309471 +399 356 3 882344512 +644 276 4 889077344 +655 1090 3 887430855 +492 478 2 879969583 +853 334 3 879364744 +715 367 3 875964272 +567 523 3 882425966 +782 1243 3 891498558 +864 159 4 888891049 +694 484 4 875726707 +943 824 4 875502483 +879 292 4 887760823 +847 480 3 878940039 +757 825 3 888444865 +79 285 5 891271652 +655 1248 3 887473879 +316 223 4 880853849 +929 127 5 878402162 +342 153 4 874984261 +885 735 3 885714764 +631 323 2 888465216 +646 259 3 888528978 +798 755 3 875638627 +794 455 4 891034986 +788 742 3 880869508 +704 506 4 891397712 +414 433 5 884999394 +892 180 5 886609622 +887 491 2 881379566 +488 127 4 891294606 +319 350 3 889816233 +430 123 2 877225965 +773 732 3 888539492 +649 127 5 891440356 +797 327 2 879438992 +588 716 5 890028167 +41 156 4 890687304 +901 739 5 877132671 +807 720 4 893080801 +419 1 4 879435590 +785 496 4 879438810 +535 300 3 879617199 +932 191 4 891249620 +897 196 3 879991258 +852 121 4 891036901 +363 230 2 891497440 +795 21 3 880557953 +599 1048 2 880952357 +844 588 4 877388040 +281 300 4 881200643 +830 424 1 891560972 +845 896 3 885409374 +142 268 5 888639837 +927 768 4 879195972 +537 79 3 886032123 +505 95 4 889333313 +412 195 4 879717621 +936 815 3 886833571 +864 223 5 888887097 +916 678 2 880843249 +912 479 4 875966107 +373 231 3 877104976 +936 300 3 886831501 +655 197 3 887426864 +299 399 2 889503373 +881 393 4 876539091 +894 289 2 879896109 +885 953 3 885714531 +720 896 5 891262669 +342 42 3 875319659 +350 1039 4 882345975 +16 943 3 877719206 +612 100 4 875324790 +321 942 3 879440954 +655 447 4 888813372 +919 750 3 885059452 +807 398 3 893082268 +279 231 2 879573060 +940 629 3 885921800 +306 257 4 876504354 +882 196 4 879867263 +451 873 5 879012684 +636 272 5 891448155 +896 928 3 887161033 +724 906 1 883757468 +802 201 4 875985601 +629 732 5 880117430 +833 273 3 875035954 +92 169 5 875653121 +916 549 3 880845543 +332 50 5 887916675 +870 653 4 875050559 +896 482 3 887158359 +271 43 3 885849817 +504 155 3 887912634 +805 729 3 881699728 +774 181 3 888557236 +537 603 4 886030622 +712 1074 3 874957086 +758 715 4 881977057 +870 191 3 881001249 +638 187 2 876694704 +914 781 5 887123464 +894 113 4 882404484 +749 143 4 878847926 +927 121 5 879199250 +924 172 4 885458060 +894 678 3 879896268 +520 990 4 885168906 +655 1136 2 887427568 +722 328 5 891280272 +406 367 4 880131929 +757 82 4 888466490 +916 198 4 880844463 +223 28 4 891550684 +732 294 3 882590201 +882 290 4 879862217 +269 268 5 891446132 +871 651 2 888193337 +399 1042 3 882348283 +345 40 3 884993662 +621 118 3 880738353 +655 639 3 887473803 +339 229 3 891035584 +715 145 2 875963657 +593 496 5 875671198 +911 209 5 892839784 +864 591 4 878179608 +385 204 1 879441728 +766 606 3 891309011 +456 217 3 881374883 +455 581 3 879111763 +62 747 3 879375247 +697 271 4 882621460 +896 679 3 887160813 +733 281 2 879536567 +868 566 1 877111394 +693 185 5 875483301 +930 255 3 879534667 +733 250 1 879535502 +63 993 2 875747635 +277 1012 3 879543454 +796 79 5 892661988 +726 294 5 889828701 +823 735 4 878438754 +766 172 3 891309052 +940 382 3 885921953 +894 1194 5 879897235 +263 181 4 891299448 +864 318 5 888887071 +621 3 5 881444887 +724 294 4 883757726 +553 187 5 879948609 +453 652 3 877554443 +885 174 5 885715780 +634 866 3 875729668 +655 1549 2 891585574 +344 258 3 884814359 +701 19 5 891447164 +394 294 4 880886919 +38 162 5 892431727 +892 233 5 886610049 +697 252 1 882621940 +916 380 2 880845206 +913 346 3 883110406 +592 813 4 882607955 +943 100 5 875501725 +92 418 3 875653769 +680 517 4 876816162 +845 308 4 885409493 +592 735 5 882956158 +758 922 5 881980034 +618 95 3 891309319 +75 222 5 884050194 +924 318 5 885458060 +354 887 4 891180527 +934 533 3 891189640 +6 8 4 883600657 +881 105 3 876537285 +922 715 3 891452354 +887 465 5 881381307 +931 293 4 891036604 +650 203 3 891369924 +592 287 3 882608457 +773 11 2 888539963 +897 118 5 879993275 +899 229 2 884122254 +851 820 3 875730947 +524 58 4 884635031 +314 1225 3 877891575 +405 1429 1 885549903 +578 751 3 887229503 +749 941 5 878849877 +786 174 4 882844294 +136 257 3 882693234 +442 164 2 883390083 +575 603 5 878148012 +684 73 4 878762087 +897 496 5 879994113 +340 196 4 884990861 +936 346 4 886831445 +773 23 5 888540507 +929 284 2 878402162 +727 810 2 883712652 +903 664 4 891033755 +222 685 4 881061165 +897 281 4 879993553 +911 154 4 892839492 +442 441 3 883390083 +276 636 4 874792483 +773 720 1 888540218 +916 746 3 880844262 +903 346 3 891380391 +693 611 4 875484406 +862 250 5 879303158 +347 713 3 881652568 +682 346 2 888518320 +57 257 5 883698580 +940 204 4 885922015 +782 321 2 891498381 +218 657 5 881288265 +789 741 5 880332148 +495 208 5 888632134 +910 98 4 881421309 +664 183 3 876526462 +828 906 3 891034148 +301 755 4 882078308 +682 235 1 888521833 +936 898 1 886831535 +932 528 5 891249962 +788 29 3 880871240 +680 24 4 877075214 +625 97 4 891263057 +826 79 4 885690526 +397 529 4 885350326 +642 926 5 885605454 +932 357 5 891280138 +814 669 3 885411204 +727 144 4 883710395 +940 12 4 885921979 +803 259 2 880054971 +934 550 4 891193097 +545 188 2 879899233 +882 412 1 879863735 +908 494 3 879723046 +927 928 4 879183019 +921 678 5 879379447 +458 969 4 886395899 +620 420 3 889988005 +943 202 2 888639170 +123 1269 2 879872867 +698 385 4 886367366 +499 205 5 885599413 +336 393 3 877756618 +851 895 3 886534529 +889 128 5 880180897 +911 172 4 892838636 +523 1472 5 883701124 +294 293 4 877819897 +786 451 2 882844171 +716 419 5 879794775 +781 56 3 879633919 +749 66 3 878849433 +470 277 4 879178593 +848 512 5 887040025 +868 433 4 877103195 +447 952 4 878854315 +271 315 4 885847170 +894 109 1 880416219 +666 493 5 880139252 +906 9 4 879434846 +894 313 4 883518874 +782 1014 2 891499611 +678 14 3 879544815 +529 307 5 882534996 +592 237 4 882608061 +175 566 3 877108015 +907 1051 5 880159530 +831 1119 3 891354751 +566 143 3 881650502 +551 1051 4 892784593 +10 286 4 877886162 +605 930 2 879429706 +479 338 1 887064372 +416 470 4 878880154 +758 509 5 881975213 +926 321 3 888636202 +160 9 3 876767023 +773 568 1 888540091 +942 99 5 891282880 +626 270 2 878771355 +905 345 4 884983089 +658 201 3 875147873 +637 1284 1 882905070 +421 173 1 892241319 +922 1 5 891448551 +943 426 4 888640027 +748 213 3 879455454 +26 471 2 891371676 +592 985 4 882608698 +693 230 2 875483381 +316 323 1 880853152 +18 83 5 880129877 +10 179 5 877889004 +314 69 5 877888212 +908 591 4 879722996 +805 403 4 881694886 +806 265 4 882388328 +742 24 3 881335248 +790 121 3 884461657 +682 82 4 888522541 +883 805 4 891723323 +495 9 5 888632069 +471 627 1 889827881 +833 174 2 875038529 +892 215 4 886608743 +168 1028 2 884287846 +699 1643 3 879147169 +916 476 2 880843775 +393 367 3 889730187 +833 1149 4 875123677 +860 100 4 885991075 +788 510 5 880867933 +843 495 3 879447170 +186 77 5 879023694 +934 153 5 891225716 +389 579 1 881384611 +328 56 4 885045993 +911 142 4 892840950 +654 751 3 887863034 +896 147 2 887159464 +727 1206 2 883712315 +632 258 4 879459777 +911 216 4 892839929 +189 1154 3 893265380 +807 510 5 892529401 +7 607 3 891352831 +596 289 3 883539079 +537 381 3 886031678 +885 94 2 885713833 +495 1263 4 888636062 +617 1316 1 883788511 +781 50 5 879634362 +874 100 4 888632411 +828 170 3 891037231 +795 1095 3 883767108 +279 17 4 875306552 +913 11 4 881037106 +711 70 5 879993824 +808 875 4 883949915 +878 152 4 880870854 +921 151 3 879379994 +875 28 4 876465408 +799 127 4 879254026 +884 146 3 876858877 +773 32 4 888540467 +715 68 4 875963486 +823 156 5 878438403 +851 824 4 874767550 +616 292 4 891224448 +659 186 3 891385197 +247 181 4 893081396 +913 164 2 880826620 +815 472 1 878692826 +851 1059 3 875730533 +249 1167 4 879572284 +897 673 5 879990744 +627 148 3 879530463 +879 751 2 887760879 +441 100 3 891035441 +756 275 3 874827103 +642 220 4 887663380 +711 317 4 879993173 +684 732 4 878761717 +752 1527 1 891208077 +727 940 2 883713521 +561 1021 4 885807962 +455 385 3 879111907 +907 19 5 880158730 +854 1011 2 882813047 +717 240 2 884642868 +450 756 3 882398940 +532 1483 4 891909911 +653 840 4 878854737 +624 689 3 891961187 +882 66 4 879867980 +829 151 4 891990672 +860 1059 1 891536049 +156 77 2 888185906 +859 458 3 885775382 +632 210 5 879459738 +851 410 4 875730379 +624 255 3 879793435 +405 313 4 885544635 +880 209 3 880174623 +588 370 5 890031141 +851 845 3 874767408 +685 882 3 879451401 +862 61 5 879304244 +843 215 2 879447214 +426 671 4 879444170 +877 241 4 882678194 +896 1098 3 887159146 +874 125 3 888632585 +854 493 5 882813933 +790 1118 3 885156046 +488 288 2 891292682 +853 690 2 879364744 +661 652 2 888300680 +748 197 3 879454630 +503 475 2 879438319 +912 474 3 875965906 +705 526 3 883428028 +933 127 5 874853898 +889 411 2 880177541 +838 568 4 887067309 +847 578 3 878940805 +879 125 5 887761174 +436 273 4 887769233 +864 169 5 888887402 +829 1121 4 883149815 +416 223 5 893212572 +871 955 3 888193541 +193 333 1 889123039 +821 148 3 874792650 +805 739 1 881697013 +185 239 3 883524206 +373 735 5 877099137 +704 210 4 891397112 +862 640 3 879305351 +43 226 3 883956442 +875 269 4 876464694 +890 452 2 882404723 +746 176 5 885075243 +145 869 4 875272926 +606 472 4 880921408 +194 550 3 879524504 +142 338 2 888640199 +370 173 3 879434707 +854 83 4 882813691 +306 289 3 876503793 +881 200 2 876538185 +881 728 3 876539129 +664 174 5 878092802 +875 707 4 876464967 +605 526 5 879426371 +81 210 4 876534704 +606 527 4 880924790 +588 21 5 890015791 +661 566 4 876015688 +270 1007 5 876954036 +561 692 1 885810084 +708 819 3 877325349 +181 299 1 878961749 +713 272 4 888881939 +801 343 4 890332986 +798 584 3 876176071 +621 108 3 881445012 +851 23 4 875806721 +886 772 1 876031973 +863 272 5 889288910 +186 405 3 879023677 +747 192 5 888639014 +894 60 5 882404363 +936 24 4 886832904 +868 747 2 877109566 +768 255 4 888798611 +73 246 3 888792938 +701 127 4 891447139 +896 735 3 887159262 +868 1037 1 877113481 +766 198 4 891310210 +206 1233 1 888180018 +805 432 5 881695527 +120 118 2 889490979 +807 208 4 892528646 +669 483 3 892550196 +7 86 4 891350810 +432 313 4 889415763 +889 746 4 880179893 +916 399 3 880845135 +738 216 3 875352679 +795 919 4 880557617 +882 465 3 879876573 +728 286 3 879442532 +851 676 3 875729887 +452 77 3 875562997 +42 411 4 881106317 +862 135 5 879304762 +807 659 4 892977077 +555 1013 4 879962642 +776 89 5 891628708 +690 89 2 881179505 +847 13 3 878938897 +757 174 5 888445637 +805 946 2 881695591 +804 496 5 879441973 +936 324 5 886831576 +881 136 4 876538537 +763 26 4 878919055 +907 173 4 880160140 +933 232 1 874938354 +592 458 3 882608107 +715 1016 4 875962049 +630 472 3 885667391 +574 1022 2 891278916 +862 89 5 879304526 +368 441 3 889783617 +589 690 4 883352600 +877 202 4 882677936 +429 739 3 882387140 +379 707 5 880525926 +753 173 5 891401757 +854 421 3 882814028 +864 474 4 888889863 +624 879 3 879792171 +561 201 3 885807291 +396 974 4 884646152 +714 924 3 892777408 +637 619 2 882903914 +780 28 5 891363618 +940 209 4 885921800 +892 1118 3 886609939 +655 944 3 891585504 +779 125 4 875996809 +429 651 4 882384772 +145 11 5 875273120 +326 1126 2 879875243 +798 554 2 875638884 +259 546 3 883372151 +869 1163 2 884492238 +442 239 3 883388401 +796 36 1 893047967 +896 1249 2 887161518 +559 22 1 891034003 +629 56 5 880117430 +450 1112 3 882396352 +217 684 5 889069782 +622 231 4 882592735 +690 53 2 881180005 +632 1028 2 879459649 +23 449 2 874787083 +460 9 3 882912150 +591 710 3 891031603 +716 826 2 879794410 +934 162 3 891191546 +618 174 5 891307539 +859 763 4 885775699 +882 568 5 879865629 +943 399 1 888639886 +902 95 4 879465834 +927 132 2 879194268 +425 403 4 878738548 +708 981 3 892719304 +889 98 4 880177857 +378 577 2 880333995 +894 990 3 879896268 +784 690 4 891387249 +645 521 4 892054990 +887 127 3 881377854 +897 188 5 879991493 +788 748 3 880867855 +666 707 5 880314103 +92 239 4 875654125 +887 928 5 881378620 +715 182 5 875965035 +62 285 4 879372455 +758 210 4 882053302 +438 619 4 879868159 +921 128 1 879381287 +830 222 3 891561065 +763 692 2 878915958 +830 451 4 892503035 +861 45 5 881274698 +328 258 5 885044482 +788 658 3 880869862 +429 540 3 882386916 +851 435 4 875731225 +653 172 3 878854051 +854 471 2 882812928 +695 312 3 888806193 +257 1010 4 882050150 +640 301 2 886353820 +591 85 3 891031500 +758 350 4 885016523 +488 132 3 891294108 +938 928 5 891356656 +141 294 4 884584247 +776 510 5 891628708 +817 294 4 874815593 +889 493 3 880178313 +886 63 3 876033015 +301 183 3 882076291 +389 87 5 879991330 +854 357 4 882814235 +802 200 4 875985686 +437 202 5 881001715 +796 550 3 893048562 +8 358 2 879361732 +787 359 3 888979547 +363 789 4 891494962 +711 582 5 879993605 +145 926 3 875271094 +865 547 5 880143232 +813 750 4 883752264 +95 679 2 879196513 +38 1029 1 892434626 +330 117 5 876544654 +532 311 2 885415471 +178 174 5 882826719 +892 7 4 886608473 +315 202 3 879821037 +430 151 4 877225516 +797 298 3 879439362 +940 1167 4 885921198 +334 290 3 891544997 +437 215 3 880140325 +742 127 5 881335361 +707 482 3 886286032 +922 29 3 891450805 +497 449 2 879310966 +561 1115 3 885809146 +644 546 4 889076875 +833 578 1 875224603 +880 541 2 880167918 +650 208 5 891371090 +881 43 3 876539595 +903 106 2 891031883 +591 712 3 891040366 +642 4 3 885605768 +936 25 4 886833231 +147 286 5 885594040 +495 1207 5 888637300 +465 275 4 883530521 +874 313 3 888632098 +698 228 3 886367442 +916 180 5 880844753 +910 307 2 880821815 +165 202 4 879525855 +34 898 5 888602842 +938 121 5 891356895 +327 875 4 887743600 +497 388 4 879363253 +805 679 4 881694854 +848 23 2 887040025 +652 879 3 882566924 +455 79 4 879112377 +896 62 2 887161488 +38 1037 4 892434283 +374 196 1 880395426 +743 9 5 881278061 +881 96 3 876537718 +658 530 4 875147995 +650 191 4 891381546 +405 1101 3 885546287 +835 200 4 891033927 +312 181 4 891699426 +883 124 5 891717419 +786 126 4 882842019 +114 200 3 881260409 +747 7 4 888639176 +761 742 2 876190370 +18 962 4 880131631 +922 380 4 891454218 +623 258 4 891032358 +760 195 4 875668535 +908 50 4 879722397 +911 1060 4 892841033 +887 56 5 881381382 +784 299 3 891387155 +943 393 2 888639638 +469 238 4 879525237 +848 50 5 887038397 +917 237 5 882912385 +843 651 2 879447837 +877 692 4 882677898 +631 315 4 888464916 +871 333 2 888192202 +763 13 3 878919116 +927 82 2 879197269 +930 165 5 879535609 +919 117 4 875288934 +903 120 2 891032101 +328 518 2 885048198 +668 902 2 890349285 +880 1119 3 880242028 +932 443 4 891250059 +847 70 3 878940584 +555 252 5 879962551 +894 70 3 882404536 +22 174 5 878887765 +19 294 3 885412034 +397 14 3 885349348 +795 95 4 881529851 +897 521 5 879990877 +916 825 1 880843750 +181 1325 1 878962816 +537 845 2 886030078 +559 94 3 891035979 +887 385 4 881380502 +804 425 4 879442643 +59 727 2 888205265 +886 919 4 876031869 +864 404 4 888890316 +519 268 5 883248065 +812 333 5 877625294 +600 53 4 888452563 +559 202 1 891035674 +523 169 5 883701800 +665 471 3 884292009 +749 180 4 878848483 +899 89 4 884121647 +490 255 1 875428309 +712 141 3 874730320 +451 1038 1 879012889 +940 70 3 885921500 +699 206 3 878883173 +893 260 2 874828296 +823 1067 4 878438511 +930 64 4 879535641 +216 3 4 880233061 +222 1250 1 881060635 +881 576 3 876538824 +916 147 1 880843578 +405 709 1 885547314 +840 654 4 891204160 +417 238 4 879647768 +551 265 4 892776336 +561 207 3 885809245 +759 118 5 875227954 +545 542 2 880348933 +751 486 3 889133737 +916 652 4 880844291 +804 930 3 879444115 +925 98 4 884717862 +716 494 5 879795542 +722 823 3 891281570 +927 775 3 879197949 +885 50 3 885712252 +279 222 1 875295943 +472 100 5 875978534 +881 768 3 876539505 +551 672 1 892785056 +538 174 4 877106619 +806 553 3 882389831 +519 751 4 884545801 +790 427 4 885155172 +913 180 3 880758150 +472 216 4 875981230 +10 479 5 877891966 +752 260 3 891208261 +450 59 4 882371904 +592 685 2 882608662 +59 505 4 888204260 +796 1039 4 892662223 +843 385 3 879444801 +896 422 3 887159972 +511 678 2 890005076 +913 83 4 881725904 +447 132 4 878855963 +896 380 2 887159748 +482 294 4 887643365 +334 419 3 891546181 +738 82 5 892844079 +843 229 3 879443908 +551 1118 5 892784199 +62 276 5 879372182 +420 286 4 891356790 +650 601 3 891386964 +864 127 4 888887216 +424 258 2 880858792 +854 1028 2 882813421 +698 526 2 886366611 +181 1242 1 878962349 +561 629 3 885809119 +896 655 4 887159109 +903 427 5 891466376 +626 879 1 878771418 +847 482 2 878940584 +664 724 3 876525695 +655 1144 3 888475015 +636 25 5 891449237 +422 271 3 879743635 +821 389 5 874793469 +854 756 3 882813364 +886 405 3 876033434 +768 597 2 883835210 +436 592 3 887770379 +893 476 3 874828772 +562 550 4 879196445 +887 501 4 881380884 +796 209 3 893048115 +938 260 4 891355996 +202 179 1 879727294 +943 406 3 875502597 +828 748 2 891035438 +247 258 5 893097024 +588 692 4 890024051 +862 467 4 879305143 +417 66 3 879648026 +551 760 3 892784592 +537 715 4 886032029 +894 1 4 880416286 +542 744 2 886532676 +751 481 4 889133684 +773 1170 3 888539711 +94 1065 4 885872942 +881 417 2 876538131 +426 641 4 879441931 +274 1163 2 878946162 +804 162 2 879446037 +727 474 3 883710910 +796 1511 3 892660955 +707 847 5 880060066 +506 484 4 882100828 +931 355 2 891036148 +8 566 3 879362423 +44 432 5 878347569 +749 485 4 878848097 +870 100 4 889717102 +929 22 5 879640394 +26 515 4 891352940 +774 250 3 888559123 +460 13 3 882912371 +838 9 4 887063696 +755 538 4 882570023 +923 1012 5 880387624 +551 211 5 892778035 +597 825 5 875343583 +177 42 4 880130972 +645 92 3 892054444 +930 137 2 879535734 +929 56 4 880817844 +871 181 3 888193335 +782 1292 3 891499700 +862 98 5 879304865 +1 13 5 875071805 +809 333 3 891036903 +875 32 5 876465275 +373 190 5 877100161 +880 1134 5 880241609 +457 160 4 882395078 +916 237 3 880843419 +153 322 3 881370900 +904 762 2 879735617 +938 323 3 891356282 +622 198 4 882669612 +622 431 5 882670169 +501 276 4 883348138 +891 148 5 891639793 +932 385 2 891251331 +933 144 4 874854932 +870 124 4 879376994 +60 228 4 883327472 +747 47 5 888639939 +588 286 4 890014710 +561 176 4 885807345 +655 471 3 887611594 +878 497 2 880872395 +897 1033 4 879993713 +859 288 4 885776056 +881 132 3 876538726 +117 1059 3 881008632 +715 629 2 875963921 +910 9 4 880821079 +555 301 4 879962096 +698 498 4 886366515 +653 482 2 880150218 +450 69 4 882373532 +406 1079 2 880132048 +846 87 4 883948417 +176 345 5 886046979 +838 83 5 887065807 +942 79 5 891282903 +33 288 4 891964066 +840 181 3 891204056 +717 1011 4 884644419 +868 755 4 877112184 +456 1421 3 881374437 +177 238 3 880131143 +898 327 5 888294529 +860 517 4 885991076 +385 23 5 879441313 +870 574 1 879902181 +363 384 1 891498066 +645 56 3 892053241 +227 15 4 879035725 +923 628 4 880387428 +753 653 4 891401851 +932 427 4 891249709 +880 109 4 880167114 +533 28 4 879192315 +690 636 4 881179969 +780 174 5 891363783 +887 419 2 881379748 +16 33 2 877722001 +936 455 3 886833148 +425 258 2 878737511 +921 820 3 879380328 +625 165 3 891999926 +145 333 2 885557626 +318 167 4 884497611 +926 302 4 888351713 +912 653 3 875965906 +508 79 2 883767543 +389 209 4 880087048 +16 410 5 877718107 +925 816 3 884718156 +865 475 4 880143425 +617 302 4 883788511 +928 48 5 880936817 +933 840 3 874939230 +933 167 2 874938491 +881 420 3 876539549 +360 471 4 880355177 +862 498 4 879304445 +504 401 2 887911789 +622 226 4 882670367 +661 195 5 888300488 +933 94 1 874938475 +897 65 4 879992811 +918 664 4 891987914 +921 1028 4 879380142 +689 358 4 876674762 +843 168 3 879446255 +222 230 4 878182058 +903 763 5 891031450 +740 271 2 879522753 +158 294 1 880132193 +66 300 5 883601089 +907 1016 5 880158939 +825 409 3 889020852 +622 1228 1 882672922 +872 546 4 888479560 +343 1047 1 876403776 +405 738 1 885547447 +848 127 3 887038159 +643 187 4 891447127 +499 519 3 885599040 +937 295 4 876780336 +813 263 3 883752606 +815 403 4 878697532 +859 118 3 885775193 +178 269 4 882823324 +21 286 3 874950889 +254 200 3 886472504 +754 286 3 879450947 +851 1014 3 874767408 +690 642 3 881179937 +867 69 2 880078797 +816 264 4 891711495 +771 172 4 880659482 +636 760 5 891449263 +707 167 2 886288133 +796 778 4 893047021 +772 328 5 876250551 +627 23 4 879529986 +766 497 3 891309736 +847 89 2 878940332 +896 24 4 887159344 +777 135 3 875980391 +837 1009 5 875721765 +724 895 4 883757727 +90 135 5 891384570 +387 12 5 886484336 +774 214 3 888556517 +929 433 2 880817753 +496 1091 1 876068433 +145 1279 1 875270903 +401 88 4 891033319 +734 164 3 891025524 +919 879 3 875920627 +764 633 5 876244991 +313 79 5 891015114 +425 455 2 878738992 +234 1010 2 892335415 +790 183 4 885156193 +919 875 1 875288362 +537 340 4 886028604 +792 15 4 877909865 +710 286 4 882063223 +419 69 4 879435628 +621 82 5 874964267 +748 408 5 879454428 +499 1483 1 892501259 +916 144 3 880844016 +719 98 5 877310859 +12 69 5 879958902 +908 515 4 879722463 +545 451 3 879900366 +897 866 5 879993797 +810 342 5 890083580 +686 50 4 879545413 +894 290 2 880416285 +605 333 4 880554130 +13 336 2 882140848 +629 435 4 880116756 +796 685 4 892660466 +892 98 5 886607912 +636 235 4 891449371 +932 162 4 891250704 +896 420 4 887158739 +213 924 4 878870846 +749 298 4 879788916 +807 515 4 892528999 +466 679 3 890285159 +344 496 4 889814194 +942 705 4 891283095 +941 763 3 875048996 +805 258 3 879971215 +883 785 3 891694372 +752 332 4 891208170 +326 523 4 879875057 +880 1014 4 892959041 +846 215 5 883949156 +688 879 5 884153712 +880 1224 3 880242632 +878 136 4 880866241 +344 319 1 886381985 +870 198 4 875679860 +218 98 5 881288233 +643 956 4 891448586 +752 752 3 891208213 +171 326 2 891034801 +695 333 2 888805952 +883 173 4 891694182 +394 549 4 880888452 +455 172 4 879112054 +795 50 3 880557114 +892 568 4 886610451 +608 197 5 880405431 +848 197 5 887038021 +266 100 5 892257865 +749 821 3 878847328 +846 515 5 883948457 +388 200 5 886441083 +883 304 3 891691534 +600 568 4 888451908 +891 118 4 883490041 +500 846 3 883865566 +513 763 3 885062453 +599 1 4 880951657 +663 864 3 889492917 +436 425 4 887769335 +326 519 5 879875533 +470 327 3 879178274 +889 405 2 880177567 +456 793 3 881374883 +716 72 3 879796766 +72 106 4 880036185 +373 465 4 877104202 +44 190 5 878348000 +833 13 2 875036139 +800 121 4 887646423 +908 482 3 879722667 +711 161 4 879994495 +655 372 3 887428507 +394 627 5 880888972 +727 25 3 883708927 +863 336 2 889289327 +724 351 1 883758241 +934 498 3 891191511 +751 739 3 889133556 +561 25 2 885809426 +221 117 4 875244633 +899 357 4 884121342 +436 11 5 887769777 +928 172 5 880936769 +293 410 2 888905034 +612 25 3 875324915 +160 325 3 878078115 +804 646 4 879441936 +916 425 5 880844102 +267 12 5 878971659 +647 202 4 876534275 +771 694 3 880659894 +798 801 3 875915317 +932 1411 4 891251647 +872 1376 2 888479603 +374 925 3 880394301 +704 197 5 891397948 +864 49 3 888892091 +523 1036 4 883702552 +829 20 3 881707829 +509 181 4 883591826 +13 813 1 882139863 +766 968 4 891310241 +877 98 5 882678427 +727 679 5 883712315 +650 642 3 891370065 +342 514 5 874984341 +778 35 1 891234406 +293 238 4 888906464 +458 515 4 886396729 +943 2 5 888639953 +614 1142 3 879463965 +862 1009 4 879303622 +638 226 5 876695217 +764 7 4 876243159 +272 134 5 879455176 +918 529 3 891987290 +887 143 5 881379781 +95 462 4 879197022 +840 637 3 891205199 +881 520 5 876538986 +883 550 3 892557605 +894 960 5 882404572 +936 221 4 886832373 +887 115 5 881380218 +642 393 5 885605834 +880 556 3 880242451 +549 323 2 881671879 +152 660 5 880150075 +833 76 2 875124382 +201 508 4 884140458 +833 197 3 875123427 +666 69 3 880139149 +910 1 4 880822060 +730 151 4 880310371 +932 165 4 891248996 +826 651 4 885690526 +293 820 2 888905306 +868 82 2 877112001 +757 145 3 888467442 +591 110 2 891031676 +642 191 4 886131970 +823 143 4 878438024 +916 188 3 880844789 +682 1019 5 888519519 +782 245 4 891498139 +782 1254 3 891499829 +592 688 1 882607744 +661 180 5 876016545 +721 876 3 877137447 +323 156 5 878739720 +94 997 4 891723190 +923 129 5 880387474 +250 202 4 878090253 +454 602 2 888267521 +795 203 3 881530198 +816 271 4 891711378 +116 127 5 876454257 +492 699 3 879969210 +193 347 4 889122906 +782 1088 2 891499611 +776 657 3 891628977 +896 183 4 887235690 +840 89 5 891204418 +501 544 4 883348372 +825 866 4 880756376 +627 690 5 879529406 +905 879 3 884983627 +13 882 3 886952438 +807 50 5 892529076 +916 566 3 880845574 +527 318 3 879456104 +12 127 4 879959488 +708 289 4 892719062 +796 559 3 893218453 +398 483 5 875720673 +592 1142 5 882608145 +393 9 4 887744448 +788 135 3 880869014 +328 715 2 885046853 +627 89 5 879531158 +907 71 5 880159911 +894 93 4 880416219 +374 823 1 880936476 +886 117 2 876033624 +374 181 3 880392846 +826 210 5 885690526 +910 25 3 880822203 +508 186 3 883777109 +901 210 4 877130999 +927 374 4 879195783 +659 79 4 891384036 +898 272 4 888294375 +920 288 3 884219768 +766 530 4 891309703 +328 167 3 885048861 +591 603 5 891031116 +813 270 5 883752380 +915 752 3 891030120 +834 287 2 890862974 +833 298 5 875036383 +932 478 4 891249962 +936 410 3 886833099 +896 68 3 887160313 +892 129 3 886608897 +183 50 2 891467546 +938 1254 1 891357019 +911 443 4 892841220 +727 128 4 883712016 +939 9 5 880260745 +706 117 4 880997195 +884 462 4 876859237 +870 693 4 879713979 +892 419 3 886609520 +860 307 3 879801617 +854 249 3 882812928 +880 147 4 880167224 +930 1048 2 879535160 +896 402 4 887159173 +872 930 3 888479654 +890 162 4 882403007 +936 6 5 886832636 +707 507 5 886286819 +830 134 3 891464054 +670 1299 4 877974905 +864 559 4 888888680 +805 810 2 881695105 +878 702 1 880871600 +870 9 5 879376967 +896 274 2 887158865 +591 283 4 891039565 +506 12 5 874873247 +655 61 3 887564614 +482 258 2 887644023 +882 1116 4 879879868 +899 684 3 884122501 +782 1670 3 891497793 +722 696 4 891281570 +931 315 5 891037577 +658 919 2 875145841 +774 597 2 888558565 +244 193 4 880605638 +588 216 5 890024781 +786 484 4 882843398 +660 257 4 891197934 +788 736 3 880870299 +435 55 5 884131434 +943 194 5 888639192 +864 194 4 888886984 +881 25 3 876536198 +537 980 3 886030051 +881 515 4 876535967 +763 317 3 878919180 +706 24 3 880997172 +430 303 4 877225239 +489 879 5 891366652 +590 137 5 879438878 +806 226 3 882389908 +676 286 4 892685252 +889 294 3 880176686 +38 768 5 892433062 +587 988 2 892871641 +758 640 5 881975119 +387 568 2 886483099 +871 1430 3 888192744 +716 489 4 879795496 +661 471 4 876037167 +829 1 4 891990554 +922 51 4 891448451 +95 631 4 880573627 +650 258 3 891368960 +844 222 3 877381629 +719 402 4 879360933 +748 4 4 879454912 +249 844 5 879572795 +643 357 5 891446889 +680 151 5 877075164 +450 366 3 882396489 +711 306 5 879991049 +425 50 5 878738335 +781 172 5 879634362 +903 1142 5 891466376 +673 898 3 888787312 +940 516 4 885921401 +844 919 3 877381534 +425 27 3 878738695 +457 208 4 882396705 +864 678 4 887686545 +659 655 4 891383561 +883 955 5 891696689 +929 423 4 879640394 +839 864 3 875751958 +790 80 2 885157575 +539 163 4 879788572 +714 9 3 892775786 +405 1529 1 885549635 +759 24 3 875227904 +723 178 3 880498938 +827 938 3 892157282 +330 82 4 876546298 +92 597 2 886443328 +711 200 4 879993918 +940 302 4 884801316 +807 393 4 892528954 +497 926 2 879309759 +592 518 5 882956011 +804 642 3 879445556 +238 237 3 883576281 +733 297 3 879535559 +846 213 3 883948534 +924 427 4 885458010 +560 22 2 879975613 +705 377 4 883427857 +898 315 5 888294375 +659 1044 4 891386071 +428 310 4 885943651 +766 71 3 891309913 +429 936 4 882385934 +711 387 4 879994777 +907 313 5 885860093 +551 143 4 892777274 +330 468 5 876547608 +887 142 1 881381207 +889 433 4 880180612 +213 288 4 878870226 +933 210 3 874853734 +882 1052 2 879864125 +393 315 5 887741960 +422 323 3 875129668 +851 332 1 884205263 +429 177 4 882385065 +940 651 4 885921243 +731 494 3 886179161 +541 623 3 883874778 +496 206 4 876068615 +868 114 5 877103371 +806 231 3 882390614 +904 202 2 879735584 +940 269 4 884801316 +656 300 2 892318614 +796 8 5 892690059 +878 515 4 880865900 +622 725 3 882672177 +766 1050 3 891309668 +632 203 3 879457217 +567 83 4 882425791 +823 42 4 878438357 +865 1240 5 880235099 +892 184 4 886609726 +224 729 3 888104188 +273 896 4 891292873 +938 508 4 891356367 +446 300 3 879787149 +840 756 4 891203664 +716 168 5 879796942 +804 182 4 879444924 +781 134 5 879634256 +896 128 4 887159321 +479 647 5 879461039 +933 665 1 874938878 +902 326 3 879463310 +870 382 3 875680568 +798 734 3 875639061 +527 134 5 879456490 +885 99 4 885714858 +883 1005 5 891695570 +883 778 4 891694372 +782 256 2 891500150 +790 203 4 885155459 +815 121 2 878692344 +825 844 2 892949244 +840 501 4 891209159 +499 258 2 885598932 +904 603 4 879735843 +435 818 2 884133938 +929 205 4 879639969 +933 186 4 874938563 +871 82 3 888193336 +916 568 4 880845949 +592 282 4 882608572 +764 531 5 876244991 +863 286 5 889289191 +880 384 3 880175157 +655 111 2 887523664 +899 603 4 884121379 +878 584 4 880867803 +871 331 3 888192202 +567 489 5 882426673 +655 357 4 887426864 +870 196 3 879539965 +114 172 5 881259495 +883 204 4 891694182 +181 370 2 878963418 +852 264 3 891035999 +758 61 3 881976289 +601 387 3 876350583 +537 173 4 886030682 +713 690 1 888882179 +870 477 4 876319062 +883 12 4 891717356 +506 85 3 874873795 +940 100 3 885921471 +883 285 5 891723351 +256 21 4 882163677 +405 170 1 885549506 +737 160 4 884314881 +756 983 2 874830305 +678 300 4 879544295 +846 802 2 883949508 +884 1018 2 876860514 +749 546 3 878849857 +855 475 4 879825383 +633 654 3 875324654 +622 172 5 882669826 +554 77 4 876550778 +851 176 4 875731816 +125 763 3 892836574 +121 315 4 891389282 +886 693 4 876033897 +572 813 4 879449573 +505 82 4 889333274 +435 235 4 884132266 +923 713 5 880388173 +624 282 4 879793330 +405 1573 1 885549464 +709 540 3 879848744 +844 421 4 877387219 +472 208 5 875981317 +663 13 3 889492562 +346 226 3 886273914 +788 528 5 880868144 +450 1518 4 887138957 +27 1017 4 891542897 +790 475 3 884461657 +846 432 3 883948457 +897 402 5 879991069 +280 411 3 891701871 +919 250 3 875288749 +904 794 4 879735710 +417 1411 3 880952418 +25 177 3 885852488 +795 405 1 883774317 +851 689 3 883148867 +715 233 3 875964468 +892 487 5 886609295 +222 223 4 878181535 +753 187 3 891401851 +868 1188 1 877110060 +620 1091 4 889988069 +903 79 4 891033070 +665 931 3 884291810 +809 315 5 891036743 +758 419 4 881974639 +561 925 3 885810084 +862 559 4 879305312 +911 153 5 892839784 +533 44 4 879191594 +939 280 5 880261291 +868 317 5 877107961 +749 139 4 878850084 +627 276 2 879530173 +934 213 4 891190744 +663 1067 3 889492562 +766 132 4 891309522 +786 50 4 882844295 +548 98 5 891044410 +267 89 5 878971690 +788 172 3 880869687 +593 179 5 877728878 +479 15 3 879460140 +653 232 2 880152426 +453 67 4 888205882 +870 710 3 875680212 +933 56 5 874853688 +634 225 3 875729668 +864 81 3 888891836 +7 317 4 892133670 +881 229 4 876538726 +94 721 2 891721078 +927 278 1 879181133 +934 99 3 891194379 +897 40 3 879990361 +529 689 2 882535049 +707 504 1 886286246 +937 50 5 876769374 +887 50 5 881377758 +778 246 2 890769632 +854 175 4 882813797 +159 597 5 880989838 +308 1118 4 887740500 +773 251 3 888538573 +868 550 4 877112393 +254 135 5 886471880 +217 825 3 889070266 +484 161 4 891195444 +643 234 4 891447260 +629 200 4 880117333 +450 405 4 882474001 +494 127 5 879541080 +751 99 4 889134483 +738 197 4 875353869 +829 258 3 886993238 +663 948 4 889492258 +788 662 4 880871359 +276 469 4 874787441 +524 1184 3 884637173 +916 535 3 880843949 +398 662 2 875723172 +73 514 4 888626153 +854 168 4 882814435 +529 260 4 882535693 +429 562 2 882387575 +795 39 4 883253661 +445 879 2 891199331 +880 1217 3 880243712 +704 100 4 891397491 +882 99 5 879878486 +162 28 4 877636746 +430 298 3 877225547 +201 45 2 884111958 +906 286 5 879434335 +74 300 3 888333194 +862 678 4 879302614 +181 287 2 878963038 +889 83 4 880180817 +524 418 1 884637598 +63 294 2 875747047 +226 23 3 883889355 +144 183 4 888105140 +919 334 4 885059506 +917 248 4 882912385 +395 288 2 886481149 +825 25 4 880756904 +883 430 5 891694401 +880 1244 3 880167411 +342 1011 3 875318467 +430 297 4 877225599 +670 419 4 877974945 +833 645 3 875039416 +72 770 4 880037306 +756 222 2 874828967 +738 930 3 875351956 +343 735 5 876406576 +452 71 3 875273415 +782 1257 1 891500230 +392 875 3 891037851 +646 323 3 888529153 +655 603 4 887473605 +894 276 5 880416314 +663 984 3 889491690 +738 1 5 892844079 +709 65 2 879846868 +938 456 1 891357161 +901 1 5 877129870 +329 322 3 891655570 +815 837 5 878694983 +933 735 3 874853846 +617 854 1 883789464 +934 732 5 891194089 +405 466 1 885548633 +642 812 4 886455357 +504 739 3 887841201 +887 13 1 881378928 +932 77 2 891251869 +892 64 4 886608347 +778 405 3 890727091 +437 248 2 880141716 +804 504 3 879444444 +883 584 3 891693200 +721 204 5 877154765 +794 137 5 891035307 +796 245 3 892612031 +894 268 3 879896041 +429 300 3 882385168 +831 688 1 891354424 +553 527 3 879949290 +250 159 4 878092144 +851 310 5 891961663 +60 141 3 883327472 +586 56 5 884060112 +798 1503 3 876176071 +244 1012 2 880604670 +582 313 5 882960461 +833 448 3 875124495 +570 340 3 881262145 +788 230 3 880869754 +833 980 3 875035800 +320 51 5 884750992 +529 300 4 882535049 +911 451 2 892840253 +753 316 4 891399903 +892 1091 2 886611079 +505 648 4 889334614 +38 413 1 892434626 +650 639 3 891371116 +849 118 5 879695153 +703 926 4 875242885 +793 222 3 875103971 +178 223 4 882827433 +522 180 5 876960824 +571 181 4 883354940 +853 880 5 879364822 +936 235 3 886833099 +922 576 4 891450805 +796 216 5 892761543 +749 226 4 878848533 +846 778 4 883948804 +234 843 2 892334400 +864 164 4 888887216 +293 73 2 888906869 +314 568 5 877888391 +823 503 5 878439315 +846 497 5 883948685 +506 455 3 876070976 +867 191 5 880079117 +630 568 4 885668328 +537 499 3 886031634 +252 124 5 891457490 +921 400 4 879381158 +882 411 3 879863457 +297 659 4 881708055 +710 100 4 882063920 +267 959 3 878972524 +378 82 4 880045935 +877 52 4 882677507 +886 180 5 876031392 +486 281 3 879874629 +932 1116 4 891250943 +75 866 2 884050733 +577 22 5 880472153 +399 919 2 882510379 +880 401 3 880175077 +892 238 4 886608296 +660 523 3 891200534 +913 100 3 880824823 +85 663 5 879454437 +546 892 4 885141260 +620 588 5 889988036 +457 252 4 882395638 +932 447 3 891250944 +378 204 4 880056826 +918 72 1 891988491 +715 713 4 875962201 +629 326 3 880116103 +908 79 4 879722850 +244 56 5 880602440 +299 510 5 889501392 +416 926 2 886315298 +608 234 5 880404847 +805 645 5 881704193 +919 304 4 875920245 +665 237 3 884290635 +761 282 4 876190752 +588 151 4 890026263 +775 315 5 891032742 +314 1048 4 877886221 +690 127 4 881178213 +293 66 2 888906781 +746 174 5 885075243 +886 58 4 876032331 +443 948 1 883504844 +617 200 5 883789425 +234 768 2 892335990 +450 415 3 882398220 +537 953 3 886031473 +903 240 4 891031730 +787 691 4 888979123 +493 959 2 884131263 +234 699 3 892079538 +783 294 3 884326506 +666 50 3 880313447 +877 463 4 882677311 +675 223 1 889490151 +230 10 3 880485530 +524 493 4 884638025 +860 287 3 885991407 +666 100 4 880313310 +450 232 4 882398666 +719 294 2 877311109 +295 941 4 879518359 +648 286 1 882210926 +868 207 3 877107189 +416 1136 4 886318186 +416 624 3 886317237 +429 583 3 882386121 +758 43 3 881977747 +932 470 3 891251331 +748 79 4 879454998 +468 143 5 875288197 +448 288 1 891887161 +459 1014 1 879563506 +269 673 4 891448322 +717 1051 3 884642868 +816 678 4 891710837 +43 143 4 883955247 +872 294 3 888478882 +846 99 4 883948989 +693 228 2 875483947 +670 161 2 877975392 +328 481 3 885048500 +470 742 4 879178455 +916 58 5 880844291 +756 88 1 874829743 +863 348 2 889289456 +374 732 4 880395320 +661 298 3 886841348 +405 1090 1 885548670 +349 459 4 879465569 +535 135 3 879617978 +679 111 3 884487715 +877 155 2 882677997 +296 659 5 884198772 +551 33 5 892778297 +790 168 4 885155230 +843 197 2 879446638 +833 467 2 875038626 +939 680 2 880260636 +159 15 5 880485972 +833 230 1 875223923 +751 738 4 889299733 +896 51 2 887159951 +327 250 2 887745272 +303 1209 2 879544021 +594 276 3 874783470 +790 283 2 884461517 +246 175 4 884921362 +933 411 2 874938689 +643 172 5 891447093 +591 511 3 891031145 +201 33 4 884112487 +889 147 3 880176926 +592 591 4 882608402 +6 237 2 883599914 +425 684 2 878738385 +655 1448 3 887523224 +268 449 2 875744357 +41 514 4 890687042 +130 203 4 875801716 +435 10 5 884131950 +7 164 5 891351813 +757 1014 3 888444827 +880 731 4 880175023 +90 491 4 891384959 +536 95 5 882360361 +445 1378 2 891199635 +362 678 2 885019651 +695 302 4 888805836 +407 189 4 875042268 +889 124 4 880177050 +538 58 4 877109688 +621 62 4 874964496 +858 754 4 879459087 +664 525 4 876526580 +846 212 5 883948804 +479 200 5 889125775 +910 124 3 880821124 +825 1051 4 880755693 +591 4 4 891040366 +887 471 3 881377972 +747 1041 4 888733567 +330 627 5 876545479 +936 244 4 886833099 +286 183 4 877531864 +859 410 4 885776056 +422 234 4 879744015 +872 717 4 888479582 +679 751 5 884325826 +835 514 3 891033986 +941 298 5 875048887 +378 728 3 880332998 +14 524 5 879119497 +682 48 4 888517264 +748 300 4 879454172 +877 531 5 882677128 +635 742 3 878879190 +567 303 3 882426350 +727 147 3 883709402 +463 286 4 877387935 +382 252 2 875946262 +846 181 5 883947694 +846 271 5 883946611 +174 98 5 886452583 +429 11 4 882385464 +921 762 2 879380237 +664 317 3 878095280 +694 241 3 875727877 +892 760 3 886609330 +870 713 4 879376966 +815 659 5 878694952 +539 215 4 879788623 +940 709 5 885921451 +918 1639 5 891987571 +830 399 5 891561999 +435 79 4 884131016 +757 188 3 888466614 +586 551 2 884061189 +514 268 4 885180579 +727 366 3 883712397 +918 1195 4 891986664 +851 597 4 875730686 +897 290 4 879993457 +435 155 3 884133710 +267 181 5 878974783 +222 465 2 878183898 +296 462 4 884197330 +543 47 3 877547672 +807 484 4 892530966 +790 568 3 885157087 +919 148 3 875289417 +774 674 2 888557683 +799 331 4 879253795 +224 526 4 888082495 +92 108 2 886443416 +455 744 3 879109881 +721 237 3 877145312 +892 525 5 886607957 +588 50 5 890024427 +881 580 5 876538251 +666 129 4 880313270 +588 403 3 890027525 +201 737 2 884112077 +582 473 3 882962062 +919 82 5 875373945 +405 621 1 885548932 +885 188 3 885715946 +606 1011 3 880921408 +671 654 3 884034800 +916 117 2 880843509 +851 1051 2 875730279 +618 1163 2 891309266 +741 216 4 891457342 +878 485 3 880866103 +846 182 5 883948089 +705 117 5 883426944 +786 188 5 882843237 +890 663 4 882402949 +585 286 4 891281385 +657 508 4 884239057 +318 941 4 884497715 +885 393 3 885713680 +239 179 5 889180410 +745 302 4 880122475 +803 264 2 880055309 +615 14 5 879448016 +889 239 4 880180554 +880 96 4 880167695 +731 202 5 886186568 +397 591 4 885349562 +474 126 4 887915366 +884 638 4 876859301 +883 338 4 891695193 +849 207 5 879695680 +648 151 2 882212288 +472 603 5 875980376 +588 720 4 890027247 +767 648 4 891462917 +864 625 4 888890273 +939 591 5 880260994 +413 100 4 879969535 +885 111 4 885712996 +398 283 3 875652760 +270 118 3 876956038 +916 674 3 880845522 +886 265 4 876032553 +864 563 3 888892539 +784 260 4 891387704 +435 953 3 884132968 +886 15 3 876031869 +599 866 2 880952229 +886 659 4 876033731 +776 679 4 891628708 +200 465 4 884129112 +676 483 4 892686459 +682 1228 1 888522699 +897 121 5 879993376 +880 761 4 880167965 +43 731 4 875981190 +449 213 3 880410652 +643 82 3 891448095 +529 690 3 882535180 +896 1045 3 887159012 +935 282 4 884472539 +592 99 5 882955663 +768 274 3 880136201 +804 951 3 879444781 +289 109 3 876789628 +655 1311 3 887474473 +794 273 4 891036111 +697 263 1 882621714 +815 190 5 878693381 +889 919 5 880177050 +868 547 3 877112559 +795 1 4 883767204 +660 182 2 891200213 +503 185 5 879454753 +727 399 3 883712717 +380 1101 4 885479487 +345 210 4 884992174 +189 185 5 893265428 +892 62 4 886610011 +862 483 5 879304326 +497 42 4 878759777 +716 234 5 879795269 +828 288 3 891034237 +880 24 3 880167175 +831 271 2 891354225 +758 616 4 881976377 +796 43 4 893188486 +942 265 5 891282880 +659 1021 5 891331825 +932 600 2 891252412 +886 92 3 876031481 +833 47 5 875123299 +491 493 4 891185129 +115 100 5 881171982 +886 959 3 876032473 +634 845 3 875729148 +588 234 5 890024161 +121 11 2 891387992 +883 863 3 891693497 +80 887 4 887401236 +201 705 3 884113302 +795 10 4 880556527 +943 1044 3 888639903 +793 3 4 875104592 +545 684 4 879899380 +311 781 2 884366307 +889 258 4 880176550 +665 121 2 884290480 +933 166 3 874854062 +633 195 4 875324997 +347 260 1 881652250 +910 118 3 881420857 +416 330 3 885114446 +754 1197 3 879451841 +747 644 5 888639397 +13 778 3 886302694 +757 449 3 888466782 +535 504 3 879617574 +938 597 3 891356679 +634 245 3 875729217 +710 420 4 882064434 +393 586 3 889731040 +181 1341 1 878962169 +209 293 4 883417796 +617 671 4 883789425 +880 588 4 880241219 +741 178 5 891018435 +312 484 5 891698174 +843 1 3 879446186 +655 93 3 888474986 +118 234 5 875385386 +897 235 3 879993519 +532 98 5 893119438 +934 1411 4 891195437 +814 667 2 885411204 +294 255 3 889241958 +782 880 4 891498322 +763 1180 2 878915765 +488 134 2 891294707 +524 429 2 884635358 +707 462 4 886286133 +895 294 4 879437727 +145 249 4 875270832 +818 258 4 891870301 +901 423 4 877131685 +853 340 1 879364744 +758 433 5 881976820 +758 447 4 881977487 +180 181 2 877125956 +541 709 5 885595735 +654 223 4 887864497 +860 712 3 885991316 +880 248 4 892958863 +487 178 5 883445540 +830 49 5 892503093 +887 378 5 881381207 +46 262 5 883614766 +842 340 5 891218192 +918 168 3 891986999 +880 234 5 880241327 +540 147 3 882157612 +655 1388 3 887477336 +823 52 3 878439605 +239 1065 5 889181015 +815 1133 3 878697466 +648 527 4 884368643 +592 1166 3 882956668 +528 250 3 886812886 +864 232 4 888889327 +841 1294 5 889067507 +26 936 4 891352136 +796 64 4 892662400 +887 1013 4 881379295 +145 218 3 877343121 +901 151 3 877129870 +918 196 3 891987267 +727 1185 1 883711847 +758 293 3 880672727 +942 310 4 891282396 +601 195 3 876348611 +44 181 4 878341290 +567 56 4 882425630 +889 385 3 880180376 +326 131 2 879875457 +932 487 3 891250558 +734 821 2 891023086 +885 420 4 885714858 +743 340 3 881277551 +654 12 5 887864389 +868 429 2 877103834 +774 566 2 888557277 +532 840 4 892867296 +299 49 4 889502823 +534 282 5 877808174 +513 121 5 885062602 +788 62 3 880870179 +716 708 4 879797443 +940 258 5 884801316 +38 627 5 892431586 +827 332 3 882204460 +596 50 5 883539402 +682 721 4 888518937 +533 451 2 879439465 +894 875 3 880415952 +383 528 4 891193242 +682 180 3 888516979 +537 1011 3 886030416 +892 418 4 886610996 +265 273 5 875320714 +894 961 4 882404642 +225 478 5 879539767 +642 928 5 886131546 +938 288 5 891354203 +401 482 4 891033343 +805 191 4 881697713 +402 408 5 876266741 +815 133 5 878694613 +833 378 3 875124648 +514 87 5 875318163 +559 521 2 891033911 +774 743 1 888558623 +561 709 3 885808824 +324 508 5 880575618 +880 930 2 880167551 +916 125 3 880843750 +409 79 4 881108246 +790 258 3 884461387 +938 225 4 891357161 +693 566 2 875483473 +919 315 3 885059569 +776 603 4 891628599 +796 1032 3 893219451 +804 413 4 879443918 +506 196 4 874873745 +924 200 4 885458093 +880 81 4 880242094 +725 748 4 876103744 +375 1046 2 886622131 +836 900 2 885753475 +846 381 4 883950311 +934 163 4 891193331 +919 28 4 875373888 +899 179 2 884121267 +795 72 3 883252003 +653 1136 2 880152759 +579 523 3 880951740 +917 751 2 882910409 +888 111 4 879365072 +405 665 1 885548094 +870 690 2 886372265 +634 696 4 875729535 +180 655 5 877127159 +758 66 3 881977169 +757 931 2 888445150 +846 638 4 883947694 +537 591 3 886030051 +383 124 4 891192949 +747 517 5 888734012 +871 182 5 888192925 +243 77 3 879988587 +686 22 5 879545181 +922 258 4 891454681 +646 880 3 888529127 +48 193 2 879434751 +532 864 4 887041540 +653 620 3 880153740 +533 508 4 879192702 +608 514 5 880403320 +922 67 3 891452928 +855 510 4 879825578 +111 304 4 891679840 +719 300 2 888449132 +635 333 5 878878685 +894 536 5 879896756 +406 210 5 880131703 +546 665 2 885141411 +903 684 3 891033828 +865 473 3 880144194 +634 1162 1 877017951 +569 333 3 879793036 +64 496 5 889737567 +894 736 4 882404572 +151 173 5 879524130 +548 293 4 891043760 +307 269 4 879283333 +892 194 4 886608423 +280 318 5 891700607 +74 358 2 888333372 +780 4 3 891363969 +889 203 2 880181275 +728 323 3 879442685 +864 258 5 877214042 +862 196 5 879304799 +33 300 4 891964131 +878 923 3 880866687 +938 1061 4 891357085 +890 194 5 882402774 +747 174 5 888639138 +447 762 3 878855139 +642 432 2 885602369 +583 195 4 879384404 +669 195 2 891260542 +751 204 4 889133950 +95 648 3 888954170 +866 896 2 891221006 +851 818 2 875730279 +805 597 3 881695080 +847 419 3 878941027 +823 231 3 878439337 +236 521 3 890115996 +823 128 2 878438733 +478 204 4 889388658 +497 928 3 879361744 +608 340 4 880402982 +542 22 3 886532314 +894 1005 5 882404669 +901 636 2 877131147 +811 988 4 886377686 +678 277 3 879544882 +151 28 4 879524199 +677 740 1 889399265 +743 408 4 881277931 +532 1240 2 874793852 +916 168 4 880844369 +890 484 3 882915942 +758 96 5 881976985 +877 690 4 882676098 +799 321 4 879253720 +672 181 3 879788708 +639 949 3 891240868 +881 409 4 879052545 +766 375 2 891310907 +190 24 3 891033773 +936 3 4 886833148 +539 56 2 879788046 +766 609 3 891309767 +757 164 3 888445684 +296 696 4 884196805 +398 97 4 875721348 +932 205 5 891250211 +935 9 1 884472352 +747 653 5 888639939 +892 659 4 886608681 +181 544 1 878962919 +878 64 5 880866446 +903 154 4 891033781 +891 924 5 891639737 +391 98 4 877399133 +393 652 3 889729375 +121 458 1 891388847 +883 275 4 891692657 +921 1051 3 879380433 +194 199 4 879521329 +898 312 2 888294707 +64 347 3 889737062 +648 576 4 884882916 +776 444 2 892920423 +877 302 2 882676054 +807 998 3 893081656 +398 135 3 875657802 +471 1219 4 889828026 +824 259 4 877020927 +738 225 3 875351837 +429 796 3 882386601 +102 1 3 883748352 +407 219 4 876348318 +498 337 4 881954617 +343 1117 3 876403563 +774 530 5 888557197 +100 751 4 891374868 +819 177 4 884105025 +787 313 5 888979547 +828 475 4 891035724 +921 1287 1 879380401 +778 216 3 890726264 +880 1017 3 880175077 +683 354 3 893286347 +930 106 4 879535392 +13 515 2 881515193 +465 836 3 883531155 +769 1093 3 885423632 +746 720 3 885075399 +880 470 4 880242306 +466 241 5 890284857 +868 327 4 877103039 +882 199 5 879867508 +327 183 3 887744065 +864 235 5 888891794 +913 596 1 881367210 +796 486 5 892676072 +523 1121 5 883700969 +363 301 3 891493918 +770 268 5 875971568 +907 50 4 880158692 +543 796 3 877550790 +378 660 4 880056547 +872 290 2 888479537 +840 175 4 891205004 +100 271 3 891375260 +860 321 3 880829225 +745 9 4 880122809 +646 1313 3 888529180 +943 31 4 888639066 +903 87 4 891032981 +787 286 3 888979007 +89 173 5 879459859 +932 195 4 891250643 +697 9 4 882622505 +406 294 3 879445250 +916 971 4 880845476 +424 300 2 880859199 +504 168 5 887839164 +148 173 5 877017054 +13 9 3 882140205 +903 60 4 891033048 +523 531 5 883700792 +682 27 3 888518104 +642 208 5 886131547 +681 292 4 885409883 +911 374 1 892841118 +429 80 3 882386684 +936 121 4 886832544 +938 1152 3 891357106 +880 310 3 892958036 +650 257 3 891384844 +889 651 4 880177906 +916 569 2 880845606 +916 97 4 880844789 +275 679 3 880315080 +234 447 3 892336047 +919 294 3 875288304 +561 928 2 885810330 +916 1101 4 880844419 +94 226 2 891721238 +807 543 2 892528427 +684 83 5 878761676 +854 411 2 882813143 +669 111 4 892549583 +912 661 2 875965981 +919 271 4 885059476 +312 429 5 891698951 +927 11 5 879183303 +408 751 4 889679982 +848 153 5 887039271 +895 742 4 879438123 +883 13 4 891723351 +942 750 4 891282355 +922 204 3 891451100 +261 596 2 890456142 +872 284 3 888479369 +158 70 4 880135118 +901 1047 3 877131391 +618 483 5 891308199 +894 277 4 880416341 +921 194 3 879380704 +934 420 4 891191469 +899 181 3 884119877 +318 1030 2 884498787 +894 212 5 882404572 +843 143 2 879447757 +896 179 2 887159630 +141 1040 3 884585547 +746 68 4 885075337 +582 294 1 882960396 +833 517 2 875133633 +632 468 3 879457925 +693 654 3 875483381 +805 141 2 881705843 +941 408 5 875048886 +563 220 4 880506703 +774 97 2 888556600 +796 387 3 893047504 +313 559 3 891029877 +864 665 3 888892300 +881 542 1 876538763 +157 1016 5 886890341 +738 211 3 892958137 +901 451 4 877132604 +913 531 2 880946475 +835 485 5 891033525 +593 393 4 886194041 +99 329 4 886518562 +848 484 5 887043040 +913 474 5 881725737 +881 186 3 876538221 +456 109 3 881371660 +214 518 3 891544000 +663 1059 2 889492614 +933 50 4 874854383 +293 712 2 888907603 +894 125 3 885428261 +784 346 4 891387077 +917 696 5 882912385 +596 286 4 883538815 +882 820 3 879863969 +642 660 3 886132089 +894 19 4 879897100 +927 535 3 879181694 +836 523 5 885754150 +598 300 4 886710671 +831 750 4 891354225 +569 546 3 879794302 +506 692 4 874873529 +683 315 4 893285557 +754 340 2 879451010 +541 95 4 883874682 +905 301 4 884983556 +722 866 4 891281108 +894 198 4 882404460 +881 582 1 876538465 +738 109 4 875353678 +256 829 4 882153751 +409 83 3 881108971 +474 9 5 887916203 +782 890 1 891498865 +937 19 1 876769436 +629 699 3 880117460 +374 88 3 880395665 +933 578 1 874939230 +796 342 5 892611871 +883 10 5 892557605 +916 193 4 880844420 +840 615 5 891204356 +892 484 5 886607568 +742 284 3 881335492 +798 694 3 875303718 +763 515 4 878915628 +208 781 3 883108498 +455 258 5 878585250 +79 763 5 891271741 +932 148 2 891252140 +776 524 5 891628752 +655 137 4 892333972 +882 151 5 879862327 +880 1185 1 880174995 +378 1168 3 880333383 +932 189 5 891250449 +896 29 2 887160916 +175 98 5 877107390 +773 541 1 888540187 +843 170 1 879446863 +456 14 5 881371427 +933 184 1 874938850 +894 190 5 879897100 +514 222 4 875462611 +932 530 4 891249903 +756 66 4 874829705 +591 194 4 891031171 +918 855 5 891987497 +825 597 5 880756933 +774 1215 1 888558623 +892 70 4 886608802 +848 528 3 887037980 +918 153 1 891987291 +588 100 1 890015374 +576 7 5 886985003 +840 609 4 891204627 +938 148 3 891356500 +641 558 5 879370299 +840 855 4 891205093 +894 303 4 879896756 +615 666 2 879448270 +815 168 3 878693424 +640 175 5 874777735 +882 121 4 879861739 +303 259 3 879466116 +206 326 1 888179713 +907 25 5 880159113 +645 48 4 892053748 +859 1008 4 885776056 +297 1136 3 875240053 +865 744 4 880144024 +694 72 4 875729107 +894 978 3 880416176 +303 81 4 879466866 +267 1035 4 878973971 +916 79 3 880845249 +712 946 4 874730521 +625 197 5 891262724 +7 309 3 891350704 +938 7 4 891356679 +568 430 3 877907834 +643 58 4 891448062 +795 17 2 883252686 +343 715 5 876405943 +771 164 2 880660025 +820 286 4 887954853 +757 1 4 888443974 +882 258 3 879860936 +834 148 4 890862563 +788 399 3 880871128 +655 298 4 887425564 +932 134 4 891250169 +642 40 4 885605866 +727 1250 1 883713760 +892 69 5 886610048 +24 699 3 875323051 +848 134 5 887043265 +914 1259 1 887123886 +835 135 5 891033560 +747 129 5 888639138 +733 116 4 879535368 +334 1011 4 891544680 +677 908 4 885191403 +503 8 5 880472435 +930 523 2 879535574 +910 254 1 881421240 +913 419 5 881725737 +890 179 5 882403299 +22 998 1 878886571 +752 995 4 891208261 +777 692 5 875980670 +790 582 3 885156852 +846 521 3 883948141 +588 111 1 890028509 +790 275 4 884461774 +561 588 2 885809197 +146 342 1 891457978 +880 381 4 880174808 +716 385 1 879796011 +758 12 5 881975243 +933 627 2 874854874 +551 727 5 892783559 +716 631 5 879795867 +669 654 5 891260754 +500 82 4 883874290 +427 334 5 879701326 +838 69 4 887067609 +930 1 3 879534525 +458 1335 1 886395565 +872 682 3 888478822 +715 1188 2 875964843 +916 250 4 880843361 +710 173 3 882063685 +313 235 3 891029148 +847 1031 2 878941005 +290 64 4 880474034 +847 820 1 878939375 +929 135 5 880817818 +276 293 4 874786686 +795 68 3 883253137 +916 541 2 880845206 +933 38 2 874939185 +221 423 2 875245167 +880 127 5 880167066 +934 428 4 891195503 +371 204 5 880435210 +643 202 3 891447835 +459 275 4 879562859 +935 597 4 884472576 +660 298 2 891198441 +342 324 1 874984002 +881 495 5 876537752 +886 132 3 876032399 +422 7 3 875129882 +923 293 4 880387908 +834 300 3 890860334 +207 1170 2 875506807 +218 431 3 881288386 +708 1049 2 877326086 +94 690 4 891928703 +561 385 2 885810144 +655 889 3 888474285 +288 100 5 886629749 +834 181 5 890862526 +532 660 4 888634801 +497 1041 3 879310473 +683 914 2 893283104 +932 616 5 891251153 +883 385 1 891696999 +464 50 4 878354966 +916 161 3 880845658 +927 111 4 879177457 +916 387 4 880845328 +617 192 5 883788900 +708 676 3 892719172 +488 31 4 891294439 +435 169 5 884130995 +59 143 1 888204641 +290 357 3 880474107 +841 325 3 889067216 +181 1352 1 878962240 +663 319 1 889492229 +738 528 4 875352679 +112 315 5 891299783 +881 1228 3 876538986 +645 46 5 892054508 +935 300 4 884471955 +670 483 5 877975200 +26 282 4 891373086 +826 82 3 885690482 +936 1335 4 886833325 +435 627 3 884133194 +931 126 4 891036463 +805 169 4 881695527 +870 197 5 875050723 +149 333 1 883512591 +411 194 5 892845605 +887 305 5 881377532 +896 637 2 887160041 +664 134 5 878092758 +89 405 3 879441586 +592 558 5 882955948 +671 526 2 884035406 +560 275 4 879975718 +943 231 2 888640186 +216 833 2 880233233 +605 934 4 879425706 +930 116 5 879535392 +830 88 4 891464148 +911 465 5 892840807 +843 74 2 879448830 +880 1188 2 880167880 +865 685 3 880144071 +445 271 1 891199458 +804 448 3 879445841 +793 106 3 875104340 +727 98 4 883710152 +537 518 4 886031105 +910 174 5 880822060 +886 566 3 876033461 +276 1273 2 874795823 +642 1058 3 886132139 +838 255 4 887063937 +711 727 4 879993629 +865 108 1 880143680 +803 538 4 880054834 +836 324 4 885753595 +655 1118 3 887473605 +95 50 5 879197329 +561 651 3 885807574 +648 220 3 882212039 +846 63 3 883950220 +868 378 2 877108056 +841 258 5 889067076 +650 290 2 891387979 +889 3 4 880177664 +102 684 2 888802176 +482 313 5 887643146 +892 159 4 886609977 +843 196 2 879446806 +937 303 4 876762200 +655 279 3 888685989 +934 630 4 891192285 +846 82 2 883948089 +542 249 4 886532432 +102 1076 2 883748527 +805 357 5 881697713 +620 151 4 889988196 +862 546 4 879302944 +787 351 3 888979657 +639 14 5 891239813 +858 9 5 880932449 +779 294 5 875501334 +194 712 3 879555147 +796 655 3 893048115 +825 840 4 880757103 +727 252 2 883709438 +620 758 2 889987073 +378 51 3 880333195 +824 243 1 877021002 +885 365 3 885714431 +777 652 5 875980670 +45 24 3 881014550 +748 118 2 879455040 +798 181 5 875295772 +421 509 2 892241532 +683 127 4 893286501 +934 712 4 891196564 +771 173 4 880659894 +809 322 3 891037069 +817 9 3 874815836 +406 462 5 879445562 +751 655 3 889133377 +932 493 5 891249767 +894 30 4 882404250 +530 470 3 891568895 +916 257 3 880843401 +932 228 4 891251442 +796 195 5 892675424 +894 718 3 885428386 +239 528 5 889178562 +932 520 4 891249794 +41 50 5 890687066 +329 534 3 891656639 +642 172 5 885604299 +59 507 4 888204877 +709 295 3 879847731 +389 367 4 880086820 +436 427 3 887769105 +905 751 3 884983034 +887 455 5 881378620 +693 546 1 875483234 +940 183 3 885921422 +551 17 5 892784942 +911 173 5 892838677 +250 469 4 878091772 +605 187 5 879425432 +863 895 5 889289385 +460 245 3 882910657 +881 194 3 876538185 +155 322 2 879371261 +798 1446 4 875914898 +690 69 5 881179293 +650 520 4 891369759 +938 259 2 891356282 +724 323 2 883757874 +608 42 5 880406168 +894 270 3 879896141 +514 199 3 875463351 +648 742 5 882211175 +545 50 5 879898644 +905 1051 2 884984329 +577 294 4 880469903 +933 39 3 874854100 +296 1251 5 884196469 +617 17 1 883789507 +294 21 3 877819897 +653 1035 2 880153099 +655 196 3 888685556 +919 880 3 885059601 +642 1032 4 886569012 +22 731 3 878887116 +180 235 4 877127758 +864 393 3 888889129 +934 449 4 891194900 +784 302 5 891386988 +782 752 4 891497793 +757 118 3 888444920 +870 427 4 880584516 +429 528 4 882385034 +897 25 2 879993346 +533 627 2 879439593 +151 664 5 879524713 +846 463 5 883948222 +910 597 3 881421048 +833 819 1 875133458 +378 956 3 880332034 +435 585 3 884133447 +468 55 5 875287615 +930 14 4 879535392 +492 474 5 879969879 +90 516 5 891383987 +286 1133 4 877534137 +645 288 3 892051741 +13 218 1 882396869 +840 463 5 891205287 +804 928 4 879443736 +864 58 5 888887739 +276 949 3 874836725 +868 1240 5 877107284 +429 71 3 882385705 +806 70 2 882388628 +109 50 5 880563331 +932 212 4 891249109 +805 549 3 881696759 +734 705 4 891023131 +838 487 4 887067126 +268 840 2 875744357 +846 97 4 883949255 +619 293 3 885953804 +502 307 4 883701980 +898 328 2 888294567 +543 144 4 874863269 +814 447 3 885411030 +805 82 3 881694854 +807 1274 3 893083179 +659 559 1 891386641 +307 121 1 879114143 +524 60 5 884634938 +416 303 4 876696643 +299 354 4 888854746 +145 544 4 875271312 +933 164 2 874854461 +328 610 3 886036967 +330 384 2 876547813 +553 483 5 879948423 +455 736 3 879112460 +872 975 4 888479654 +267 265 5 878972903 +758 319 4 880672321 +504 100 5 887831486 +536 205 5 882360424 +555 13 5 879964092 +934 89 5 891191157 +618 214 2 891308176 +657 7 3 884239057 +896 952 4 887159012 +798 828 4 875637986 +91 79 5 891439018 +756 151 4 874830550 +934 170 4 891190744 +224 147 3 888103646 +367 217 5 876690021 +870 88 2 879270213 +562 148 5 879195442 +864 509 5 888887944 +883 496 2 891755066 +622 427 4 882592178 +903 273 3 891031203 +363 1013 3 891499875 +645 135 5 892054707 +479 205 3 879461015 +722 117 4 891281132 +774 518 1 888556746 +650 145 3 891387953 +918 381 5 891988123 +896 129 4 887159531 +862 979 5 879303409 +837 277 2 875722169 +144 212 5 888105993 +537 19 4 886030051 +393 769 4 889731593 +329 423 4 891656237 +578 300 4 887229386 +405 550 2 885547909 +894 124 5 881625708 +883 237 3 891717963 +325 172 4 891478851 +179 347 3 892151064 +655 559 2 887472965 +896 164 4 887159321 +478 433 3 889396330 +897 125 4 879993314 +916 367 3 880845451 +222 597 1 877564076 +271 735 4 885849140 +552 111 3 879222238 +577 216 4 880472124 +398 237 3 875653168 +880 151 4 880242848 +929 28 4 879640084 +26 1013 1 891383836 +452 480 5 875261261 +323 273 4 878739355 +896 43 3 887161171 +758 77 3 882054049 +751 597 2 889299290 +472 235 5 875978994 +933 834 1 874938878 +788 828 3 880869396 +889 165 3 880178131 +881 748 3 876535544 +880 63 3 880174926 +886 214 3 876032072 +591 954 3 891031403 +877 222 2 882678484 +880 636 3 880167918 +723 150 3 880499050 +524 647 3 884634911 +332 472 3 887938277 +887 409 4 881378971 +868 55 5 877106505 +286 402 3 877534216 +932 96 4 891250060 +926 272 5 888351623 +650 176 4 891369798 +847 603 3 878939876 +279 945 5 879647064 +738 100 2 875349968 +747 172 5 888639222 +393 819 3 889731592 +487 1220 4 884050879 +795 583 4 883250168 +817 288 4 874815593 +943 204 3 888639117 +655 1628 2 888729735 +870 579 2 879902161 +586 232 3 884058809 +830 510 4 891561673 +263 141 5 891299877 +648 364 5 884882528 +870 313 4 883405554 +540 762 4 882157545 +698 214 1 886367874 +722 148 3 891281710 +916 369 2 880843906 +653 393 2 880152426 +747 1246 1 888733415 +774 211 3 888555897 +774 62 2 888557520 +537 792 3 886030805 +804 167 3 879445956 +805 338 1 879970974 +883 265 3 891696864 +801 358 4 890333094 +645 194 4 892053644 +773 324 3 888538269 +472 95 3 875980209 +603 474 4 891956803 +808 264 5 883949986 +922 834 1 891455565 +871 1434 3 888192689 +942 328 3 891282503 +537 978 2 886029841 +870 692 2 879270213 +943 132 3 888639093 +162 294 3 877634955 +85 162 2 879454235 +543 562 2 877547004 +601 406 2 876350998 +539 301 5 879787770 +828 462 3 891036630 +919 423 5 875374032 +490 289 1 875427021 +484 89 4 891195298 +430 64 4 877226130 +543 432 4 874862967 +727 1615 1 883709884 +577 941 4 880475435 +582 988 1 882960718 +846 737 4 883949771 +307 708 4 879283322 +918 82 3 891988521 +618 186 4 891307224 +919 287 4 875289611 +943 56 5 888639269 +705 423 2 883427904 +407 152 4 875043826 +886 64 5 876031573 +838 121 2 887064248 +919 527 4 875373416 +405 174 5 885544739 +279 242 3 877756647 +932 510 4 891249146 +784 268 3 891387501 +918 630 3 891988672 +617 164 1 883789664 +532 143 4 874788755 +916 462 4 880844058 +807 318 5 892528062 +935 546 4 884472743 +870 268 3 881000751 +629 881 3 880116023 +715 50 5 875961998 +234 1003 2 892334267 +747 169 5 888640305 +554 276 3 876548886 +860 332 2 880829226 +884 921 5 876859277 +840 11 3 891204921 +189 297 3 893264023 +454 732 4 888267560 +848 176 4 887037980 +804 250 4 879441000 +307 831 1 879114143 +704 382 4 891397571 +889 514 1 880178158 +807 449 5 893082893 +831 508 3 891354947 +823 127 5 878438357 +741 172 5 891018339 +481 144 4 885828732 +320 597 3 884748774 +318 451 4 884497546 +533 70 4 879191938 +771 128 2 880659482 +881 596 3 876536241 +883 396 2 891695743 +815 204 4 878693871 +896 654 3 887159895 +747 17 4 888733387 +650 614 3 891385876 +102 316 3 889362833 +870 1221 3 881001249 +592 789 4 882956419 +850 318 5 883194737 +848 647 5 887039329 +582 117 3 882961000 +883 530 3 891696823 +880 1049 3 892959087 +867 257 4 880078090 +772 294 4 877533625 +894 347 4 885427952 +758 386 3 881978259 +907 79 5 880160008 +13 870 3 882397271 +841 751 3 889066880 +645 39 3 892054324 +583 602 4 879384471 +568 482 4 877907781 +854 197 4 882813797 +862 633 5 879304722 +896 1028 2 887160554 +293 432 5 888906516 +505 755 3 889334248 +617 441 3 883789590 +704 494 5 891397948 +883 989 5 891692168 +936 717 2 886833325 +807 95 4 892529185 +303 116 5 879466771 +910 210 4 881421309 +642 794 4 886568429 +764 939 4 876245880 +846 48 5 883949046 +449 86 4 880410599 +758 196 4 881977229 +194 654 2 879522445 +890 176 4 882404851 +707 654 4 880061578 +776 7 4 891629077 +806 690 2 882384589 +931 845 3 891036883 +673 340 5 888786969 +851 349 3 890862917 +938 258 5 891353196 +834 13 2 890862648 +880 1047 3 880175157 +890 187 5 882403221 +919 953 3 875921051 +369 196 5 889428642 +854 121 1 882813074 +653 1087 2 880153207 +534 276 5 877807873 +463 985 1 877386923 +659 482 4 891383674 +936 358 4 886831820 +399 1060 3 882510269 +862 969 5 879304410 +463 936 2 890460826 +560 197 4 879975613 +897 120 3 879993886 +698 419 3 886367474 +600 759 2 888453145 +256 934 3 882163730 +642 64 5 885602482 +727 616 2 883713348 +346 195 5 874948703 +242 275 5 879741196 +498 1404 3 881957054 +577 121 5 880470258 +156 100 4 888185677 +907 475 3 880158692 +862 132 5 879304980 +495 135 3 888633011 +479 62 3 879462007 +479 250 4 879460393 +416 544 2 888700566 +705 230 4 883428083 +894 591 4 880416137 +763 79 5 878919083 +874 20 3 888632615 +661 31 3 876017533 +881 712 3 876539156 +693 402 3 883975558 +842 874 5 891218060 +891 595 3 883489668 +733 1117 2 879536659 +922 80 3 891452817 +773 174 3 888539962 +889 509 2 880180650 +874 127 5 888633310 +699 202 3 878883112 +429 1112 3 882386785 +660 87 2 891199133 +867 300 2 880077751 +877 14 5 882677048 +933 435 4 874854251 +497 1615 3 879310650 +627 693 2 879530205 +826 511 3 885690482 +281 259 3 881200789 +848 566 4 887046823 +821 71 5 874793969 +899 195 4 884121884 +176 273 4 886048230 +556 173 3 882136162 +876 22 4 879428451 +899 1 3 884120105 +900 117 2 877833029 +658 923 3 875148059 +940 164 2 885921915 +618 55 2 891308063 +514 568 4 875462689 +741 186 5 891455317 +807 748 4 892527267 +889 276 4 880177104 +287 742 3 875334196 +748 427 4 879454405 +930 411 1 879535272 +65 194 4 879217881 +776 860 3 892920381 +908 7 3 879722334 +422 441 4 879744183 +312 197 4 891698764 +60 419 3 883327612 +881 14 1 879051971 +892 318 5 886607641 +438 300 4 879867960 +916 650 4 880844711 +387 665 2 886481851 +521 231 2 885254307 +611 750 5 891636222 +880 342 3 892958275 +932 491 5 891249621 +846 661 4 883948840 +527 423 3 879456248 +870 606 4 875679687 +758 902 4 889328320 +577 819 3 880470604 +902 257 3 879464964 +886 550 4 876034228 +75 129 3 884049939 +1 28 4 875072173 +882 407 2 879863831 +867 855 5 880078604 +880 1012 4 880166827 +827 312 2 882809814 +934 965 4 891192914 +164 248 4 889402030 +847 928 3 878939375 +900 205 4 877833712 +632 22 4 879457394 +916 92 5 880844291 +927 25 3 879177403 +891 405 3 883489646 +721 682 3 877137285 +700 651 4 884493712 +194 575 1 879554453 +880 226 4 880167806 +942 1221 4 891282783 +768 237 4 883834705 +642 940 2 886569847 +706 237 4 880997482 +903 175 4 891032760 +943 625 3 888639427 +59 53 5 888206161 +659 170 3 891045943 +532 99 5 893119438 +786 419 4 882843312 +117 164 5 881011727 +25 82 4 885852150 +872 628 4 888479151 +625 652 4 891262983 +296 187 5 884198772 +785 269 5 879438537 +454 511 3 881960173 +691 322 3 875542976 +918 197 2 891987387 +796 243 3 892612354 +178 173 5 882826306 +382 514 3 875946730 +600 82 5 888451583 +592 748 2 882607434 +941 300 4 875048495 +643 408 4 891445176 +655 915 4 891817435 +805 419 4 881705766 +795 747 3 883252630 +707 134 4 886286004 +889 59 4 880177906 +711 378 4 879995099 +535 134 5 879619144 +878 740 2 880865813 +918 965 4 891988276 +798 1284 3 875637744 +763 143 3 878918332 +889 763 4 880177502 +848 945 5 887043821 +782 348 4 891498213 +861 70 4 881274672 +927 195 4 879183245 +711 729 3 879994413 +754 307 3 879451191 +618 713 4 891307224 +646 352 1 888529153 +327 952 2 887819354 +730 1 4 880310285 +435 101 3 884132184 +943 1330 3 888692465 +847 507 3 878940161 +405 641 1 885546201 +854 11 5 882814570 +409 663 4 881107251 +121 1 4 891388475 +291 293 5 874833668 +872 273 3 888479274 +882 7 4 879862652 +464 12 5 878355167 +887 368 5 881381679 +308 583 4 887737483 +624 595 3 879793408 +909 339 4 891919406 +389 412 3 880089170 +886 95 5 876032531 +34 899 5 888603123 +865 95 1 880235059 +496 1041 1 876068615 +402 100 5 876266904 +501 273 4 883347975 +508 215 3 883776977 +125 82 5 879454386 +132 1019 3 891278867 +796 477 2 892660465 +682 172 5 888522417 +204 9 5 892513979 +537 501 3 886032000 +100 898 4 891375454 +267 576 3 878973760 +532 754 4 892854961 +117 271 4 880124397 +908 124 3 879722694 +919 275 5 875288522 +851 480 5 875731406 +896 473 2 887161393 +843 521 2 879446359 +891 126 5 891638601 +887 1084 5 881377893 +870 490 3 886883147 +691 205 5 875543395 +880 467 4 880241821 +500 1315 4 883865463 +456 483 4 881372911 +836 260 2 885753691 +666 566 3 880314500 +532 453 4 888631524 +94 1007 4 891724282 +49 208 4 888068715 +786 703 3 882843190 +886 1014 5 876034371 +862 185 5 879304571 +665 248 4 884292068 +653 188 5 878854145 +706 125 5 880997172 +279 1274 3 875314001 +383 604 5 891193042 +447 474 3 878856022 +545 386 2 884134780 +561 531 1 885807215 +655 1636 4 887473570 +814 635 2 885411749 +561 357 3 885807612 +3 340 5 889237455 +715 692 3 875963836 +796 125 4 892660465 +942 520 5 891282963 +887 405 5 881378439 +943 569 2 888640186 +56 1074 3 892683941 +442 738 3 883389164 +621 386 3 874963126 +917 763 3 882911480 +440 245 4 891548470 +230 627 5 880484661 +932 705 4 891250017 +709 597 4 879848824 +524 117 3 884322113 +747 649 3 888640916 +884 14 4 876858946 +548 127 5 891043008 +553 170 4 879948806 +933 597 1 874939230 +686 603 5 879546847 +435 596 4 884132184 +747 276 5 888639989 +38 678 5 892428658 +887 25 2 881378537 +658 171 4 875147448 +758 1047 3 882054250 +880 732 4 880174652 +869 25 2 884491767 +860 894 2 883678286 +699 117 4 879148051 +840 91 5 891208998 +934 199 4 891191778 +907 291 5 880158913 +101 595 2 877136391 +886 42 5 876032248 +451 748 4 879012550 +814 201 2 885410957 +606 180 4 880926245 +896 710 4 887159657 +934 1065 2 891191108 +804 118 4 879443900 +771 496 5 880659606 +840 172 3 891204627 +705 393 4 883427716 +705 576 4 883428128 +943 546 4 875502229 +251 185 5 886271884 +922 15 4 891453122 +788 402 3 880870544 +21 858 1 874951858 +834 886 4 890860566 +889 1239 1 880182815 +847 66 3 878941398 +932 488 5 891250282 +916 713 3 880843636 +707 9 5 880059647 +862 1050 5 879305351 +495 577 1 888637477 +401 203 4 891033288 +291 739 3 875087334 +927 56 4 879184534 +650 71 3 891386755 +932 890 1 891248778 +574 305 3 891279012 +258 300 5 885700877 +437 558 3 880142365 +910 181 1 880821033 +927 477 3 879176876 +358 221 5 891269077 +246 477 4 884921767 +650 559 3 891387520 +110 569 4 886988321 +913 50 4 880758348 +846 576 4 883950186 +232 44 4 888549412 +924 511 5 885457827 +568 524 2 877907281 +727 371 2 883712193 +840 157 4 891208998 +916 582 4 880844728 +244 383 3 880608957 +746 186 4 885075497 +429 462 4 882386662 +528 79 5 886101911 +334 403 4 891547016 +49 225 2 888068651 +49 256 4 888066215 +745 127 2 880122986 +878 1100 3 880869418 +266 325 1 892257419 +927 412 1 879182833 +411 202 4 891035663 +641 203 4 879370337 +846 523 4 883948048 +921 538 4 884673311 +912 517 4 875966458 +705 283 5 883427048 +411 174 4 892845634 +892 27 4 886610682 +536 549 3 882360283 +867 188 4 880078796 +758 289 2 880672402 +936 19 5 886832092 +916 475 4 880843334 +743 242 4 881277267 +934 483 3 891190609 +26 328 2 891348011 +842 258 3 891217835 +591 8 3 891031203 +763 190 4 878917384 +248 187 3 884535046 +886 762 5 876033228 +883 517 4 891694218 +664 318 5 876525044 +877 61 5 882677244 +524 174 4 884634911 +334 214 3 891549045 +372 1212 4 876869932 +843 357 2 879446502 +788 22 5 880868513 +892 227 4 886609520 +798 944 4 875914573 +634 1011 4 875729633 +432 475 4 889416147 +790 721 3 885157017 +766 739 2 891310241 +161 118 2 891172421 +934 811 4 891192145 +504 622 4 887910487 +802 194 4 875986155 +727 748 4 883708119 +804 156 4 879444781 +631 877 2 888465131 +693 1090 4 875483564 +585 14 4 891282808 +541 826 3 883871755 +846 768 4 883949508 +899 203 4 884121513 +110 67 3 886989566 +922 450 4 891447876 +682 1153 3 888517869 +943 385 4 888639308 +910 831 1 881421142 +812 332 4 877625368 +932 612 5 891249620 +26 1010 2 891377609 +77 191 3 884752948 +846 1249 3 883949771 +195 109 3 878019342 +653 265 4 878866995 +896 1681 3 887160722 +889 42 5 880180191 +699 1009 4 878882668 +470 124 3 879178486 +940 191 4 885921710 +705 820 3 883427817 +707 242 4 879439088 +892 28 4 886607845 +276 541 3 874792520 +655 1638 3 887488947 +145 1011 5 888398162 +922 391 3 891450840 +328 566 5 885047374 +939 257 5 880260805 +893 288 3 874827526 +899 568 4 884121720 +763 819 2 878915766 +783 895 4 884326787 +560 1016 3 879976216 +275 228 4 876198296 +919 447 4 875372903 +878 663 5 880868635 +708 1028 2 877326217 +237 64 5 879376671 +815 443 3 878695055 +918 132 4 891986904 +773 153 5 888539425 +844 405 2 877382189 +690 154 3 881179222 +665 535 4 884291094 +606 63 3 880927666 +484 172 5 891195298 +403 50 5 879785736 +931 508 4 891036696 +697 291 5 882622481 +593 163 4 876506675 +374 193 4 883628973 +774 88 1 888556193 +842 349 3 891218459 +342 236 3 875318536 +788 175 3 880868401 +933 69 4 874854009 +927 761 3 879198085 +407 498 4 875046427 +416 603 5 893212484 +11 107 4 891903276 +617 515 3 883788782 +84 591 4 883451664 +795 226 3 883251800 +932 527 4 891249710 +854 1284 2 882812961 +916 233 3 880845391 +908 172 3 879722780 +826 190 3 885690636 +749 162 3 878848333 +906 991 3 879434410 +840 208 4 891204295 +927 71 5 879190473 +880 257 5 880167521 +228 275 3 889388521 +932 47 4 891250142 +525 181 4 881085740 +708 1040 2 877326037 +630 195 4 885667968 +94 355 2 891725090 +488 321 3 891293152 +592 681 1 882607780 +723 50 4 880498889 +596 222 3 883539402 +826 568 4 885690636 +752 678 3 891208299 +194 399 2 879528454 +938 250 3 891356532 +561 206 3 885809506 +686 168 5 879547129 +936 257 3 886832808 +808 748 4 883949873 +497 249 5 879309734 +57 717 4 883697960 +59 1120 1 888203900 +788 623 3 880870936 +804 245 4 879441132 +645 181 4 892053483 +914 216 3 887122324 +542 48 5 886533452 +653 447 2 880606620 +880 570 3 880167965 +907 506 5 881030348 +880 657 4 880243629 +653 238 1 878866604 +731 215 5 886182555 +838 257 5 887064014 +908 558 4 879722667 +796 511 4 892676155 +804 523 5 879441476 +723 433 3 880499019 +620 699 5 889988121 +180 356 3 877442079 +655 716 2 888475101 +807 417 3 892979746 +890 521 5 882916429 +410 352 3 888626682 +599 220 5 880951479 +624 870 4 879793155 +753 269 5 891399367 +878 549 4 880869303 +526 272 5 885681860 +897 179 3 879991069 +771 95 4 880659606 +899 147 2 884120106 +894 312 3 883518949 +623 70 4 891034950 +777 212 5 875980348 +577 452 3 880475644 +358 1159 5 891269617 +279 576 3 875312441 +106 82 3 881453290 +927 1415 4 879196853 +833 1070 5 875038987 +928 268 5 880935814 +770 410 4 875973047 +846 421 4 883948173 +435 559 3 884132342 +450 504 5 882377590 +9 385 5 886960055 +813 893 3 883752708 +416 1229 2 893210527 +835 187 4 891033078 +731 237 4 886185851 +933 204 3 874854723 +655 1137 3 888474807 +795 210 4 880567593 +874 521 5 888633311 +463 690 4 877384802 +450 63 4 882469941 +846 1220 2 883950434 +711 905 3 886559521 +70 449 2 884065247 +862 45 4 879304721 +693 28 2 875482280 +657 327 1 884238247 +864 225 3 878179608 +730 1012 5 880310426 +600 79 4 888451582 +639 835 4 891240543 +429 663 4 882385358 +846 728 4 883949422 +916 583 4 880845690 +710 277 4 882063967 +911 228 4 892841220 +705 173 2 883427640 +772 751 3 889028876 +493 170 3 884131089 +805 145 2 881695445 +834 515 5 890862231 +935 313 5 884471835 +934 82 4 891194221 +889 695 3 880179586 +1 172 5 874965478 +327 66 3 887819582 +353 313 5 891402757 +924 153 4 886327689 +883 59 5 891692982 +479 238 4 879461039 +894 1403 3 882404641 +871 905 3 888192744 +679 173 5 884486966 +846 68 3 883948765 +762 111 2 878719371 +867 678 3 880078004 +644 125 4 889076851 +703 328 3 875242303 +226 92 2 883889102 +417 102 3 879648656 +901 222 4 877126648 +407 71 3 875046460 +393 210 4 887747108 +846 385 5 883949156 +660 679 2 891201069 +840 650 4 891209364 +843 596 3 879448486 +936 1068 4 886832904 +896 966 4 887159531 +152 451 5 882476911 +889 164 4 880179757 +826 625 3 885690442 +416 1286 5 893213549 +913 131 5 881367150 +766 443 3 891309844 +897 1531 4 879991933 +401 634 1 891033319 +881 205 4 876538465 +933 154 2 874938389 +885 172 3 885715888 +407 408 4 875552445 +545 1091 3 879901483 +738 154 3 875353105 +883 251 5 891692657 +468 161 3 875296309 +931 181 4 891036786 +883 922 5 891717963 +487 789 4 883446757 +915 750 4 891030070 +506 172 5 885135819 +669 64 4 891260440 +615 683 1 879447642 +847 455 2 878775647 +943 227 1 888693158 +234 190 3 892079190 +437 319 5 881001538 +804 431 4 879442707 +929 204 4 879640126 +536 117 4 882318415 +537 284 3 886030347 +906 1011 4 879435365 +901 826 2 877129839 +801 681 1 890332820 +887 568 2 881379566 +643 436 4 891449870 +942 689 3 891282644 +634 760 3 879787621 +501 93 4 883347891 +752 1243 4 891207939 +854 89 4 882814467 +764 318 5 876244991 +733 1132 4 879536488 +805 417 2 881705918 +861 10 3 881274739 +651 269 5 880126096 +925 288 5 884633224 +705 15 3 883427297 +716 367 4 879796942 +416 1168 4 886318953 +130 239 4 878538071 +922 62 3 891450768 +286 856 2 877533698 +847 135 4 878941144 +888 202 4 879365072 +626 292 1 878771281 +805 155 1 881696923 +881 172 4 876538986 +934 703 4 891195437 +900 136 2 877833712 +301 217 3 882079503 +727 451 5 883712681 +825 932 3 880756862 +893 323 2 874827595 +877 371 5 882677935 +819 533 4 884618086 +674 292 4 887762415 +815 313 5 884222552 +23 387 3 874786098 +178 339 3 892239822 +892 405 4 886609977 +356 288 4 891406076 +861 116 4 881274739 +463 1216 3 877387935 +727 538 3 883708066 +864 380 3 888889744 +758 239 3 881976574 +885 179 1 885714226 +122 1074 4 879270901 +561 69 1 885807215 +940 357 4 885921219 +639 509 3 891239271 +823 102 4 878438807 +469 510 4 879523802 +393 866 3 889728074 +264 517 5 886123358 +409 529 5 881109019 +881 227 4 876538953 +691 79 5 875543025 +591 856 4 891040366 +399 182 4 882342570 +519 682 1 883248278 +40 302 3 889041283 +918 199 3 891986846 +47 1022 3 879440429 +933 62 1 874854994 +714 118 5 892777877 +561 514 4 885807713 +834 1017 2 890862563 +847 228 4 878940383 +13 135 5 882139541 +712 553 5 874729850 +24 97 4 875323193 +130 293 5 874953769 +236 520 4 890116095 +299 89 5 878192756 +892 213 3 886608942 +892 447 3 886610174 +916 121 3 880843864 +436 234 3 887769471 +923 325 4 880387081 +655 1284 2 887477511 +880 62 3 880168411 +908 496 5 879722361 +889 1194 4 880180817 +398 86 3 875726010 +923 257 5 880387946 +151 610 5 879528607 +106 318 5 881449830 +833 1427 3 875131974 +749 566 3 878849857 +935 1048 3 884472465 +848 432 2 887038022 +653 144 3 878867346 +698 607 2 886368545 +665 265 3 884294716 +18 133 5 880130713 +222 1291 2 877564031 +922 122 2 891455788 +230 549 5 880485380 +711 49 4 879994903 +871 147 5 888193136 +919 535 3 885059887 +911 514 3 892839454 +815 732 5 878694106 +930 274 4 879534803 +942 210 4 891283184 +621 8 5 874965407 +675 235 1 889490151 +651 302 5 879348880 +417 496 3 879647040 +796 147 5 893048410 +933 42 1 874853635 +399 100 3 882509855 +892 523 5 886607711 +886 833 5 876033460 +838 254 3 887065606 +72 23 4 880036550 +864 24 5 888887502 +495 448 5 888634896 +916 960 4 880844861 +624 301 3 879792131 +886 692 3 876032225 +880 39 4 880167731 +922 68 4 891450586 +942 480 5 891282985 +714 323 4 892777903 +647 136 5 876534131 +766 465 3 891310281 +586 79 4 884058986 +250 81 4 878092143 +207 1023 3 875506634 +584 541 3 885774508 +664 792 4 876524474 +425 4 4 878738290 +907 1028 5 880158913 +610 135 3 888703730 +806 1012 4 882385278 +312 511 5 891699156 +830 431 3 891561737 +883 794 4 891696750 +474 492 4 887925838 +906 237 4 879435469 +709 515 4 879846816 +835 225 2 891032898 +435 177 5 884131267 +897 826 4 879993578 +833 931 4 879818760 +906 240 3 879435758 +888 237 5 879365449 +548 1 4 891043182 +693 636 1 875483473 +669 196 3 892550234 +859 1326 4 885775859 +533 1086 3 880402916 +936 1 4 886832453 +404 876 2 883790286 +777 288 4 875979201 +745 936 1 880122907 +151 202 5 879542753 +804 527 4 879441752 +894 1255 4 879896949 +868 520 4 877103756 +884 515 4 876858914 +875 180 5 876464967 +919 125 4 875289113 +249 129 5 879571883 +558 285 5 879436396 +795 926 2 880561783 +85 715 4 882995967 +538 50 5 877107656 +863 343 5 889289328 +841 302 5 889066959 +804 444 4 879444743 +456 1551 3 881374193 +897 288 5 879988800 +924 313 4 886065805 +903 234 4 891033808 +475 303 1 891451341 +882 582 5 879876573 +916 211 4 880844395 +747 555 2 888734152 +936 1160 5 886833795 +425 300 2 878737512 +851 1023 3 875730601 +621 751 4 883799651 +782 1667 3 891500110 +935 255 4 884472247 +880 329 4 892958250 +852 109 3 891036505 +796 530 3 893048410 +878 45 3 880867665 +370 14 3 879434707 +896 461 3 887159069 +823 408 5 878437589 +705 161 5 883428028 +880 328 4 880166557 +328 38 3 885049275 +435 742 4 884132840 +682 288 4 888516814 +843 222 3 879443837 +901 204 5 877131307 +870 89 3 879539936 +23 176 3 874785843 +842 302 5 891217834 +787 749 4 888979657 +936 1199 4 886833148 +816 300 4 891710724 +749 419 5 878847765 +823 651 5 878438179 +889 474 4 880177941 +932 389 3 891251331 +854 222 4 882812492 +846 787 4 883949335 +890 186 2 882916276 +249 123 3 879640261 +363 260 2 891494049 +299 83 5 878192344 +846 614 5 883948765 +544 327 2 884795516 +916 69 4 880844694 +328 281 4 885048930 +381 483 5 892696698 +833 357 4 875038709 +864 77 4 888891627 +545 449 2 879899497 +825 1013 2 881185672 +536 73 4 882360894 +833 447 5 875224309 +870 223 4 878737979 +716 604 3 879795071 +716 193 5 879796596 +887 289 5 881380623 +87 56 4 879876524 +840 69 4 891204535 +592 350 4 885280124 +267 2 3 878972463 +109 385 4 880577961 +497 177 4 879310762 +936 756 4 886833052 +803 260 3 880055454 +877 739 4 882678105 +943 468 2 888639575 +886 512 1 876031526 +488 300 4 891293606 +749 969 4 878848243 +276 1010 3 874786784 +830 568 4 891561607 +315 1084 4 879799423 +848 1063 5 887038197 +301 655 1 882076187 +705 181 5 883426892 +912 64 4 875966027 +682 527 3 888517168 +389 675 3 880165702 +126 881 5 887938392 +693 135 4 875482524 +894 463 4 882404430 +899 8 4 884121572 +541 173 5 883865534 +922 11 5 891450401 +345 815 3 884991546 +931 306 4 891036026 +661 121 2 876037619 +907 476 4 880159134 +916 209 3 880844017 +650 159 3 891370093 +266 276 3 892258004 +254 405 3 886471522 +916 1070 4 880844202 +86 259 4 879570423 +800 237 4 887646980 +871 11 3 888193274 +782 293 2 891499278 +727 385 3 883710994 +795 222 3 880558122 +457 202 4 882398275 +704 889 3 891397015 +407 121 4 876343028 +880 1044 4 880242577 +904 1152 4 879735551 +890 657 5 882403379 +715 183 3 875964491 +846 581 4 883950129 +257 1137 5 882049896 +920 268 3 884220163 +896 774 3 887159973 +338 169 5 879438196 +378 1147 4 880055101 +49 904 2 888065527 +758 576 4 882055054 +883 1288 4 892439357 +889 322 3 880176717 +911 197 4 892842771 +650 162 3 891382928 +907 151 4 880159222 +546 567 4 885141502 +868 679 3 877109748 +146 286 3 891457493 +642 58 3 886131744 +502 266 3 883702255 +901 117 4 877127196 +405 385 1 885547910 +606 951 2 880928181 +880 992 4 892959014 +318 629 4 884497236 +916 693 3 880844087 +634 284 4 875729668 +870 7 4 875051072 +533 298 4 882195203 +823 136 5 878438206 +932 755 2 891251822 +677 351 2 889399113 +249 658 4 879572944 +896 307 3 887157636 +607 482 5 883879556 +709 379 3 879848209 +716 430 5 879796620 +934 972 3 891225716 +889 482 4 880178367 +711 254 2 879992038 +431 303 4 877844183 +419 197 5 879435749 +595 547 4 886922069 +880 122 3 880175208 +881 259 3 876535599 +646 895 3 888528978 +588 1098 4 890026656 +903 238 5 891033502 +897 368 1 879993886 +805 402 2 881697013 +334 14 3 891544810 +731 720 3 886184771 +423 10 4 891395734 +66 257 3 883601355 +221 288 3 875244232 +885 204 4 885713294 +641 198 5 879370028 +943 234 3 888693184 +816 323 4 891711324 +566 388 3 881651512 +136 258 5 882693234 +758 139 4 882053834 +486 532 4 879874871 +659 187 5 891331825 +854 275 4 882814571 +642 420 4 885606581 +313 490 4 891016280 +901 409 3 877129911 +314 476 5 877886921 +738 152 4 875350265 +872 871 3 888479677 +880 184 4 880167843 +848 1065 2 887048154 +872 354 4 888478822 +716 505 4 879796381 +44 201 2 878347392 +44 31 4 878348998 +347 1244 3 881653300 +875 211 5 876465144 +757 1073 4 888466983 +825 290 4 880755869 +807 602 5 893083772 +624 326 3 891961210 +716 451 4 879796961 +943 72 2 888639814 +833 577 1 875135113 +460 283 3 882912316 +796 660 5 892690101 +709 233 3 879848511 +503 684 4 879454950 +650 489 3 891387277 +417 549 3 879647924 +13 756 2 886302858 +221 1016 3 875244713 +269 825 1 891456033 +451 258 4 879012343 +844 172 4 877387768 +712 143 5 874957306 +896 1112 3 887161393 +457 133 4 882547820 +279 823 3 875297456 +751 153 4 889133240 +634 988 1 875729217 +95 450 2 880572787 +640 770 4 874777658 +901 560 3 877131624 +895 748 3 879437712 +559 56 3 891034550 +843 211 2 879446255 +666 208 3 880139467 +833 179 5 875124181 +198 81 5 884208326 +13 8 4 882140001 +727 930 3 883709802 +795 755 3 883254564 +840 196 4 891205070 +83 50 3 880327590 +305 311 5 886307971 +860 393 2 885991129 +627 658 3 879530536 +286 215 3 889651630 +738 343 3 892938330 +13 285 5 882139937 +727 578 3 883711897 +682 216 4 888521381 +767 344 4 891462511 +669 313 4 891182948 +844 946 3 877388107 +623 153 3 891034757 +940 150 3 885921422 +903 211 5 891033808 +627 317 5 879530071 +320 96 5 884749255 +533 744 2 887721800 +541 1091 3 883874804 +692 1028 3 876953823 +17 269 4 885165619 +717 476 4 884642868 +405 1043 1 885547644 +537 493 4 886030707 +642 69 5 885602631 +758 566 4 881977488 +276 161 3 874792483 +892 49 4 886610173 +90 708 5 891385787 +340 378 5 884990891 +550 275 4 883425958 +208 393 4 883108398 +586 431 3 884061343 +307 50 5 879284239 +928 749 5 880936022 +936 866 2 886833099 +450 795 3 882468790 +907 496 4 880159666 +577 356 4 880474903 +490 24 4 875428765 +805 231 3 881694978 +796 333 5 892610876 +271 136 3 885848863 +518 508 3 876823266 +707 190 5 886286283 +833 646 5 875123427 +250 991 2 878089202 +768 272 5 884970491 +13 260 1 882140848 +771 652 4 880659507 +486 1142 5 879874725 +940 161 3 885921870 +500 182 2 883873556 +299 1379 3 877878080 +724 749 4 883757670 +782 1278 4 891499278 +925 559 3 884717963 +844 471 3 877381736 +472 50 5 875978010 +939 424 3 880262019 +912 192 4 875966349 +222 162 2 878184087 +833 1274 1 878078280 +542 50 4 886532209 +643 393 4 891450273 +197 751 3 891409290 +878 755 2 880870486 +851 1291 2 875730979 +890 675 5 882404541 +908 603 4 879722361 +889 519 4 880179757 +246 240 3 884923547 +650 265 4 891370031 +932 9 5 891249649 +377 294 5 891296356 +851 174 5 875731776 +763 464 3 878918960 +795 473 2 880561783 +737 137 5 884314694 +872 347 2 888478743 +716 566 3 879796010 +393 302 4 891364609 +118 100 5 875384751 +802 436 4 875985686 +785 294 4 879438705 +933 117 2 874939157 +60 15 4 883328033 +450 628 4 882377590 +807 118 4 892529713 +118 5 2 875385256 +391 133 4 877398898 +507 181 5 889965997 +735 1012 2 876698897 +894 818 3 880416340 +768 762 1 883835210 +899 177 3 884122367 +887 1047 5 881378773 +877 475 4 882677085 +858 689 5 879459087 +757 69 3 888445768 +416 124 4 876697017 +749 380 3 878849586 +391 648 5 877399100 +82 134 4 878769442 +436 187 5 887768982 +913 171 3 880758348 +269 237 2 891446368 +923 294 4 880387081 +851 1675 3 884222085 +327 275 4 887747338 +776 607 4 892920221 +592 185 5 882956201 +695 678 4 888806292 +785 79 4 879438984 +561 185 4 885807173 +868 95 2 877108302 +686 23 5 879547177 +916 741 3 880843401 +812 300 5 877625461 +790 97 2 885155770 +387 232 2 886483289 +590 19 5 879438735 +154 152 4 879138832 +866 313 1 891220955 +622 176 4 882669851 +881 225 2 876536012 +446 340 2 879786691 +937 100 3 876769080 +45 826 3 881015386 +394 183 4 881130008 +897 546 4 879993489 +749 984 3 881073009 +863 750 4 889288973 +889 303 3 880176550 +826 96 5 885690600 +380 318 4 885478624 +841 316 4 889067313 +116 596 5 876452854 +927 755 5 879192381 +695 286 3 888805913 +7 561 4 891354611 +916 86 4 880844655 +901 403 2 877131086 +804 219 3 879445072 +399 404 3 882344684 +490 987 3 875428702 +804 603 5 879441937 +896 1119 3 887160040 +665 301 4 884290096 +683 678 1 893283948 +848 42 2 887040097 +472 338 4 892790531 +901 88 5 877132604 +650 173 5 891369520 +457 275 5 882393648 +498 527 3 881957757 +532 248 4 888635264 +587 292 3 892871141 +846 1221 3 883950220 +852 1615 2 891036457 +807 408 3 892528813 +561 133 3 885807888 +881 69 3 876537933 +887 105 3 881379009 +727 12 5 883710598 +889 524 4 880180650 +399 232 2 882350431 +894 698 4 882404669 +864 394 3 888890432 +738 234 4 875349850 +758 820 4 882054112 +458 619 2 886394778 +813 326 3 883752380 +843 422 2 879448431 +837 926 1 875722371 +882 420 5 879879807 +409 466 4 881107666 +895 283 4 879438028 +924 50 5 884371386 +308 121 3 887739471 +118 179 5 875384612 +881 234 3 876537870 +313 845 3 891016853 +633 300 4 875324233 +881 568 4 876539020 +617 427 4 883789042 +811 321 3 886377483 +796 607 4 892662964 +791 332 5 879448166 +553 657 5 879949212 +536 22 5 882359863 +622 218 3 882670057 +815 175 3 878694952 +911 194 4 892839929 +327 156 4 887747668 +535 1098 5 879618464 +483 228 5 878953485 +490 1012 3 875428416 +620 1219 3 889988069 +894 292 4 879896168 +825 370 3 889021180 +848 511 4 887037822 +207 805 3 882081278 +436 550 4 887771093 +92 233 3 875654732 +751 202 4 889133129 +385 132 4 879446235 +230 69 4 880484338 +85 325 2 879452386 +943 24 4 875502074 +768 235 2 885319496 +314 1297 4 877890734 +908 195 4 879722754 +679 588 3 884487825 +882 210 4 879867568 +658 960 4 875147873 +559 1401 3 891034172 +881 820 2 876537285 +286 345 4 884069337 +847 652 5 878941005 +907 272 5 885860093 +833 201 4 875134150 +10 610 4 877888613 +897 411 5 879993797 +268 1016 3 875742470 +405 1220 3 885546202 +698 174 3 886367337 +862 495 4 879305097 +500 1069 4 883876300 +280 276 5 891700664 +709 569 3 879848209 +901 118 3 877127250 +933 121 3 874855138 +5 419 3 875636815 +886 559 2 876033265 +885 29 1 885714487 +642 155 3 886568726 +749 637 1 878850456 +943 80 2 888640048 +782 936 3 891500110 +894 1009 4 880993709 +910 222 4 880822060 +889 159 3 880182295 +868 100 5 877103935 +627 193 5 879529767 +271 116 2 885847636 +758 312 3 883190351 +399 366 3 882345271 +760 1135 4 875668968 +472 866 5 875978600 +885 290 1 885712921 +815 479 4 878694106 +804 631 3 879444463 +557 739 3 881179539 +466 403 3 890284857 +249 93 4 879640194 +867 144 3 880078484 +552 300 4 879220610 +671 55 3 883546890 +863 316 5 889289419 +789 288 3 880331942 +200 139 3 884130540 +677 358 5 885191454 +749 234 4 878848044 +514 114 5 875462466 +751 227 4 889298892 +270 672 5 876956390 +883 479 5 891755017 +880 403 3 880167778 +907 697 5 880159982 +433 245 3 880585491 +908 100 4 879722427 +17 276 4 885272654 +548 164 5 891044446 +896 559 3 887160187 +843 530 3 879444670 +894 242 4 879896041 +363 496 4 891494563 +577 200 3 880475226 +817 222 4 874815835 +716 173 4 879797328 +643 194 4 891446652 +698 121 2 886368545 +554 70 4 876369382 +592 170 5 882955703 +798 105 3 875555000 +796 796 4 893047320 +890 151 5 882916941 +177 187 4 880131040 +834 9 3 890862311 +903 59 4 891466808 +452 164 4 875269386 +491 12 5 891189305 +870 235 3 885312790 +889 290 2 880181601 +929 50 4 878402162 +338 478 3 879438505 +927 64 5 879199250 +865 405 2 880144194 +846 470 5 883949200 +886 23 4 876031365 +873 875 1 891392577 +682 332 4 888518320 +655 22 2 888474424 +588 186 4 890024079 +758 332 4 886464043 +918 517 3 891987622 +639 516 4 891240678 +532 161 5 892519934 +892 601 5 886609149 +463 476 3 877385664 +653 1101 2 878866755 +870 583 2 879714351 +737 501 1 884314922 +815 705 5 878693183 +826 526 3 885690677 +932 496 4 891250169 +879 25 4 887761865 +835 134 3 891033927 +903 1098 5 891033606 +922 271 3 891445117 +883 198 5 891695570 +913 478 4 880824512 +59 28 5 888204841 +642 934 2 885606137 +880 187 5 880167671 +327 42 3 887746665 +891 181 3 891638601 +933 172 2 874939031 +577 402 4 880475318 +907 924 5 880159240 +929 484 3 879639969 +601 15 1 876347040 +846 194 4 883947630 +339 143 5 891034810 +44 633 3 878347633 +881 705 1 876537679 +711 622 4 879993997 +897 651 3 879990587 +875 423 5 876464967 +14 588 4 890881433 +897 760 5 879993609 +67 117 5 875379794 +848 97 5 887043607 +835 239 5 891034084 +782 895 4 891497964 +880 158 2 880175128 +62 191 5 879373613 +901 95 4 877131685 +838 354 4 892153360 +717 127 4 884715172 +930 50 2 879534410 +798 1509 3 875915155 +897 89 4 879990683 +916 206 3 880844597 +815 392 4 878697163 +694 238 3 875727306 +639 953 2 891239407 +796 284 3 892660954 +938 286 3 891356282 +119 258 2 887037225 +291 577 1 875086669 +823 183 4 878438403 +825 411 3 889021134 +936 1370 4 886833571 +389 494 5 879991411 +833 761 2 879818719 +800 181 4 887646203 +682 431 4 888520799 +852 407 3 891037778 +790 1040 2 884462954 +159 1132 5 880557584 +894 702 4 882404768 +423 292 4 891394504 +846 511 5 883947911 +758 841 3 882055193 +749 79 4 878848069 +621 795 1 874963273 +49 715 3 888069040 +458 83 4 886398071 +880 202 4 880174834 +561 617 4 885808738 +521 68 4 886061689 +509 309 2 883590609 +912 418 4 875966694 +883 151 5 892439523 +501 678 3 883346886 +909 86 5 891920125 +664 458 3 878091463 +704 58 3 891397366 +792 508 2 877910478 +890 152 4 882403299 +432 293 5 889415812 +881 1057 1 879052341 +857 328 3 883432301 +142 322 2 888640054 +786 197 3 882843431 +908 205 3 879722901 +788 65 4 880869584 +725 879 4 876106729 +687 324 2 884651648 +796 213 4 893047167 +864 288 5 878179381 +625 515 4 891263589 +201 7 3 884112201 +654 418 4 887864588 +919 70 4 875921442 +776 567 2 892920351 +896 660 5 887159872 +635 150 3 878879236 +653 571 1 880153406 +651 332 3 879348880 +805 959 2 881705327 +916 1194 4 880844753 +551 399 3 892785364 +934 131 4 891191778 +655 762 2 888984255 +222 64 5 878183136 +324 846 5 880575715 +774 708 2 888556893 +727 1028 2 883712016 +761 151 2 876190394 +828 20 2 891035969 +796 423 4 892690262 +928 134 5 880936742 +859 475 4 885776056 +788 167 3 880870582 +923 742 4 880387792 +510 873 3 887667780 +536 510 4 882359838 +887 204 5 881380067 +39 302 5 891400188 +868 7 5 877104157 +764 717 3 876243644 +796 283 3 892660322 +218 164 3 881288574 +844 176 3 877387933 +537 208 4 886031297 +943 449 1 888693158 +749 94 5 878849829 +716 161 3 879796651 +937 137 3 876769480 +405 1480 2 885549005 +378 97 5 880045612 +798 399 5 875638680 +488 205 4 891375784 +916 280 2 880843864 +659 521 5 891384499 +922 230 4 891447723 +815 527 5 878693830 +817 831 1 874816007 +712 95 4 874730552 +908 174 3 879722642 +846 623 1 883950889 +308 139 3 887741179 +506 324 1 877984213 +517 181 4 892660033 +403 405 5 879786747 +749 731 3 878848828 +796 672 3 893218485 +907 762 5 880159496 +704 639 2 891397667 +532 448 4 888635429 +777 196 5 875980306 +863 347 2 889289067 +420 690 5 891357271 +553 589 5 879948964 +854 132 5 882813877 +766 433 3 891309391 +373 131 4 877099968 +472 202 5 875979737 +632 194 4 879457712 +543 642 3 874863803 +556 482 5 882136440 +892 478 5 886608616 +655 57 3 887427743 +582 458 4 882961968 +449 1005 5 880410734 +588 735 5 890024196 +615 519 5 879448598 +558 269 4 879436396 +492 521 5 879969644 +405 1005 1 885549407 +771 114 4 880659539 +840 357 5 891204114 +711 228 3 879993997 +655 865 4 887523909 +560 50 5 879976109 +758 356 2 881977872 +886 578 4 876034205 +916 106 3 880843934 +878 512 5 880867709 +870 1073 5 875050748 +907 633 5 881030348 +763 99 4 878915765 +890 121 2 882915661 +472 419 4 875982337 +634 292 3 876170101 +409 326 3 881105077 +930 275 4 879534550 +48 428 4 879434608 +771 596 4 880659815 +70 946 3 884150691 +712 1040 4 874729682 +77 134 4 884752562 +890 185 5 882402301 +932 199 5 891249538 +936 294 3 886831679 +851 286 4 883148669 +819 286 5 879952508 +915 286 4 891030032 +654 785 4 887864976 +13 525 5 882140624 +724 898 1 883757784 +540 825 4 882157172 +943 205 5 888639478 +916 64 5 880843996 +911 427 3 892838538 +543 461 3 875659175 +15 845 2 879456108 +889 265 4 880180816 +411 238 3 891035525 +880 623 4 880243069 +880 315 5 892958175 +878 553 3 880869303 +311 448 5 884365718 +894 936 4 879896836 +767 921 5 891462717 +917 476 5 882912385 +804 257 5 879441014 +571 32 2 883355063 +627 435 5 879531158 +478 15 5 889397306 +383 736 5 891192949 +145 49 3 875272926 +394 62 4 881132876 +654 748 4 887863081 +174 202 5 886513729 +609 750 4 886895397 +190 930 2 891042916 +567 589 5 882425932 +457 1 4 882393244 +880 33 3 880167880 +664 69 3 876525364 +380 302 5 885477742 +932 541 1 891251421 +7 521 5 891353124 +601 284 4 876347523 +488 216 2 891294785 +642 447 4 886569328 +535 419 3 879618654 +878 202 4 880869090 +806 273 4 882385524 +881 1164 1 876537106 +305 485 2 886323648 +491 14 2 891185298 +620 260 5 889986624 +855 582 3 879825578 +664 54 3 876526684 +671 172 5 884035774 +560 508 3 879976502 +881 177 4 876537900 +798 38 4 875915806 +782 937 1 891498918 +833 824 1 875134843 +741 479 5 891456874 +318 458 4 884494861 +749 230 3 878848272 +495 637 3 888635995 +535 50 5 879618091 +758 340 3 880672345 +95 219 4 880572658 +825 748 5 880756504 +923 405 4 880387429 +863 271 4 889289191 +731 845 2 886184681 +72 81 3 880036876 +846 58 4 883949200 +886 584 4 876031993 +437 210 3 881002191 +49 1073 5 888066424 +665 1048 4 884292325 +6 539 2 883681433 +660 179 4 891200073 +833 267 1 875655669 +817 117 5 874815947 +897 232 5 879994113 +158 4 4 880134477 +655 543 3 887474050 +618 33 2 891309351 +399 123 2 882340807 +561 144 3 885807547 +936 323 3 886831820 +171 272 5 891034835 +708 222 5 892719172 +570 327 4 881262795 +331 511 5 877196633 +592 183 5 882955613 +763 125 3 878923322 +796 869 4 893047287 +451 321 3 879012470 +795 79 2 880568325 +854 855 4 882814063 +806 188 3 882388159 +186 147 4 891719774 +701 751 4 891446788 +819 245 3 879952688 +798 419 4 876175937 +387 641 5 886483824 +538 121 3 877110209 +933 823 2 874854813 +870 735 3 875679721 +622 719 2 882671622 +69 628 3 882126125 +863 887 3 889289328 +908 96 4 879722932 +907 1054 3 880159598 +938 929 2 891356966 +768 100 5 883835026 +648 88 4 884881679 +445 151 4 891200869 +894 278 4 880416419 +924 134 4 885457827 +890 451 2 882575274 +793 1 4 875104091 +846 1478 4 883950523 +545 95 4 879901458 +940 176 4 885921979 +850 98 1 883195192 +832 307 4 888259231 +804 926 4 879443993 +602 118 3 888638703 +899 748 4 884120232 +551 276 5 892783451 +763 191 4 878915063 +801 313 5 890332694 +887 1283 5 881378896 +201 583 1 884112352 +846 789 4 883948417 +509 294 2 883590972 +537 894 1 886029526 +942 135 3 891283017 +586 222 3 884057387 +923 50 5 880387306 +936 276 5 886832282 +806 249 4 882385476 +645 195 4 892054537 +533 168 4 879191864 +940 347 3 884801024 +119 271 4 886175150 +363 42 2 891495070 +152 1035 4 882477755 +13 793 5 882141841 +715 121 4 875962524 +774 265 3 888557237 +417 209 4 879647299 +825 147 5 880756643 +869 315 3 884490332 +798 473 2 875296109 +739 288 1 886825083 +344 715 4 889814195 +932 811 4 891250392 +407 191 5 876339940 +798 728 4 875914458 +643 4 4 891448136 +216 147 4 880232787 +889 338 1 880176666 +901 294 3 877125532 +539 258 4 879787770 +868 133 2 877108302 +833 523 3 875133840 +536 167 3 882361317 +736 324 3 878708991 +738 665 2 875351873 +230 195 3 880484416 +919 64 5 875374088 +851 128 4 875731330 +795 105 1 883774317 +900 129 4 877833080 +363 652 4 891495143 +584 181 4 885778120 +933 284 2 874854294 +877 451 4 882677865 +704 606 2 891397441 +916 1011 4 880843666 +566 467 3 881650030 +868 222 3 877108989 +746 208 4 885075569 +406 144 1 879445475 +389 608 3 880087832 +693 77 2 875482860 +705 815 3 883427297 +510 324 1 887667618 +774 199 4 888556517 +918 709 4 891986820 +483 9 2 878952471 +807 186 4 892530004 +416 732 5 893213404 +767 1 5 891462829 +927 568 5 879199250 +806 1 4 882385082 +664 121 3 876526659 +135 226 3 879857956 +927 1016 5 879199250 +846 270 3 883946284 +778 226 4 890670638 +326 237 2 879875572 +446 299 2 879787149 +883 47 3 891694182 +676 316 4 892685224 +838 45 4 887066644 +130 7 5 874953557 +854 742 2 882812960 +243 8 5 879989217 +517 472 2 892659923 +647 402 4 876534009 +851 1258 3 890343790 +646 286 3 888528927 +181 1317 1 878962086 +899 356 2 884122087 +896 219 3 887160500 +770 297 5 875972099 +624 750 4 891961163 +330 231 5 876545418 +669 657 5 891517185 +406 382 5 879793295 +934 193 4 891192236 +254 526 3 886472609 +517 755 3 892659893 +916 720 2 880844920 +859 313 5 885774773 +413 237 4 879969755 +846 586 2 883950712 +711 472 1 879991585 +673 313 4 888786942 +751 52 2 889297948 +716 108 2 879794290 +303 427 4 879466547 +405 806 1 885545974 +943 22 4 888639042 +796 371 5 893047167 +941 919 5 875048887 +653 1244 3 878854769 +796 95 4 892690382 +474 549 5 887926999 +864 200 4 888889162 +192 111 2 881368222 +879 121 4 887761865 +883 367 5 891694218 +669 271 2 891182948 +889 1428 3 880179757 +790 470 4 885158547 +109 1161 3 880564678 +906 221 4 879435365 +796 88 5 893047287 +802 183 5 875985469 +721 872 3 877137598 +345 161 3 884993555 +394 720 2 881058146 +28 603 3 881957090 +810 339 5 891294039 +882 288 3 879860762 +758 150 5 881975243 +868 234 4 877103935 +416 535 4 876697847 +314 322 4 877886029 +525 248 4 881085709 +864 597 4 888888625 +682 1267 3 888517627 +363 273 3 891495630 +618 148 3 891309670 +908 127 4 879722694 +87 128 3 879876037 +901 728 4 877132632 +800 275 4 887646203 +889 60 3 880181275 +613 603 5 891227298 +894 286 5 879896756 +800 50 4 887646263 +815 655 3 878694563 +774 567 1 888557772 +675 272 3 889488431 +864 1284 3 888891900 +815 210 2 878698553 +838 419 5 887066989 +478 182 5 889389014 +864 111 3 888888115 +311 614 4 884365357 +540 25 4 882157635 +850 153 4 883194792 +791 331 1 879447940 +903 25 4 891031259 +617 547 1 883789464 +867 529 5 880078863 +827 326 3 882807503 +450 22 5 882373865 +943 28 4 875409978 +760 25 2 875666317 +764 1057 1 876243990 +920 245 2 884220131 +505 117 4 889333508 +840 137 5 891203309 +828 961 2 891038222 +878 111 4 880867282 +771 283 4 880659303 +420 179 5 891356864 +929 136 3 879640184 +60 601 4 883325944 +560 257 3 879976172 +889 833 3 880177472 +716 501 5 879796215 +506 89 5 874874109 +334 1263 4 891549926 +615 283 4 879448015 +632 191 5 879457603 +896 1011 2 887160296 +844 684 3 877387933 +655 222 2 887650944 +920 258 4 884220094 +756 9 2 874828453 +615 72 2 879449164 +916 151 3 880843578 +405 428 1 885547314 +821 707 5 874793848 +903 357 5 891032872 +409 136 4 881107992 +878 432 3 880870048 +840 936 4 891203504 +391 23 4 877398992 +497 642 3 879362041 +454 589 2 888267487 +805 831 4 881695040 +457 368 1 882396133 +918 1099 4 891987571 +323 181 5 878739177 +538 204 3 877363950 +63 181 3 875747556 +878 234 1 880872619 +699 294 3 878881676 +58 200 3 884305295 +795 658 2 883251696 +83 845 3 880306648 +934 451 4 891192562 +715 941 2 875964072 +468 1134 5 875280670 +190 9 1 891033725 +716 229 3 879797177 +881 380 4 876538763 +250 629 4 878091965 +889 100 4 880176845 +655 1011 3 887651060 +894 462 4 882404278 +772 258 5 877533440 +234 1460 3 892335460 +916 11 4 880844369 +881 615 4 876539291 +445 933 1 891200390 +472 62 5 875981876 +648 109 5 882211419 +893 531 4 874830160 +181 281 2 878963038 +671 219 3 884338399 +58 7 5 884304656 +479 403 3 879461988 +531 908 1 887048836 +347 455 2 881653087 +887 1028 5 881379059 +928 246 5 880937184 +723 748 5 880498795 +534 919 5 877807816 +653 431 4 878854666 +907 748 5 880158537 +835 204 3 891033380 +851 252 3 875730418 +479 475 1 879460028 +618 135 4 891307224 +896 58 3 887159531 +890 434 4 882403587 +42 433 2 881108760 +831 129 2 891354866 +882 28 5 879867508 +844 175 3 877386897 +922 200 3 891449878 +881 197 3 876537870 +903 30 5 891466808 +699 106 3 886568066 +840 675 4 891205093 +588 237 2 890015894 +332 820 4 887938524 +886 49 4 876032187 +269 1478 1 891448643 +580 3 5 884125916 +750 1280 1 879445877 +877 584 4 882677507 +585 198 5 891283921 +819 304 4 879952565 +682 540 2 888521291 +727 802 2 883712780 +535 156 2 879617613 +566 23 4 881650405 +655 513 3 891585504 +832 748 3 888259984 +121 318 5 891390013 +357 412 2 878951918 +181 1358 1 878962120 +881 139 3 876538922 +118 427 5 875384751 +635 268 5 878878654 +886 89 4 876031720 +936 127 5 886833795 +537 371 3 886031407 +793 9 3 875103810 +851 284 3 874728338 +805 401 4 881705108 +653 1046 1 880151580 +942 300 5 891282564 +500 371 4 883874341 +486 1610 2 879874811 +286 1053 4 877532093 +864 473 4 888892300 +889 943 3 880178512 +537 270 3 886028498 +537 496 4 886030831 +931 14 4 891036648 +584 108 3 885774575 +455 11 3 879110971 +481 500 4 885828732 +938 290 3 891356679 +751 603 4 889132776 +747 1179 1 888733387 +244 88 4 880607684 +851 295 5 874728370 +869 696 2 884493021 +271 244 2 886106039 +890 69 4 882403446 +871 907 3 888192745 +719 510 4 879360493 +942 215 5 891283117 +569 295 3 879793983 +807 472 4 892530625 +294 520 5 889854323 +756 300 4 874826502 +846 568 4 883948571 +529 268 5 882535220 +866 272 2 891221006 +655 673 3 887523427 +648 633 3 884796858 +648 144 4 884368273 +782 749 4 891498079 +466 33 4 890285113 +622 249 5 882590394 +267 195 4 878972092 +886 174 5 876032739 +894 284 3 880416220 +254 842 3 886475952 +932 203 4 891250584 +320 248 5 884750644 +399 29 3 882349198 +294 354 3 889241377 +897 201 5 879990556 +851 825 4 875730533 +846 729 4 883950053 +896 763 2 887161199 +13 116 5 882140455 +921 230 3 879381051 +82 435 5 878769409 +336 238 3 877757700 +425 33 4 878738435 +490 222 3 875427103 +664 176 4 876526462 +920 340 4 884219993 +346 365 1 874951029 +907 121 4 880159015 +896 1208 3 887160339 +712 174 5 874729995 +919 732 3 875373471 +246 658 4 884923329 +724 332 4 883757670 +345 150 5 884991105 +533 385 4 879438666 +139 744 5 879538169 +677 322 4 885191280 +693 9 3 875481856 +867 134 5 880078723 +466 510 2 890284857 +682 403 3 888517792 +892 228 3 886608095 +758 520 5 881976089 +495 441 3 888633440 +790 328 3 884461023 +870 203 4 875680098 +798 1337 3 875554892 +892 582 3 886608559 +821 495 5 874793574 +325 386 4 891479890 +882 70 3 879876573 +500 763 3 883865589 +187 694 5 879465532 +919 264 3 875288362 +114 171 4 881309511 +401 663 1 891033549 +901 430 3 877131416 +497 73 3 879362858 +383 188 5 891192949 +805 405 3 881694885 +883 190 4 891693058 +251 480 5 886271733 +592 7 5 882607986 +540 515 5 882157105 +788 203 5 880869215 +7 173 5 891351002 +669 121 3 892549673 +896 809 2 887160771 +758 342 4 881295151 +825 288 1 880931932 +450 356 4 887138756 +535 1101 4 879619177 +716 627 4 879797475 +669 205 4 892550137 +916 943 4 880844834 +782 885 3 891498766 +332 974 4 888360532 +886 396 2 876032739 +934 902 4 891188580 +540 276 4 882157061 +875 357 5 876465072 +924 28 4 885457827 +870 208 4 879270313 +405 1306 1 885546529 +927 1095 2 879182939 +927 63 4 879197074 +863 289 4 889289457 +818 288 5 891870364 +514 190 5 875318224 +494 663 5 879541080 +831 204 5 891354645 +402 181 4 876266860 +846 604 4 883947777 +804 380 4 879445715 +468 772 4 875291722 +921 147 3 879379843 +619 546 2 885953826 +857 20 3 883432688 +914 402 5 887124376 +549 258 5 881671833 +892 31 4 886608643 +478 144 5 889396509 +883 58 3 891717380 +738 97 4 875350122 +563 304 2 880506234 +870 1098 4 889812986 +45 764 4 881015310 +938 411 3 891357042 +851 234 4 875731189 +72 403 3 880037277 +886 631 4 876033645 +912 523 4 875965830 +799 307 3 879253795 +554 288 3 876231123 +617 558 3 883789425 +932 665 2 891252058 +899 588 3 884122155 +306 285 4 876504354 +292 165 4 881105657 +619 68 3 885954105 +716 603 5 879794775 +342 165 3 875318907 +806 200 4 882387670 +772 354 4 889028692 +655 847 2 891585279 +555 244 5 879962642 +619 327 3 885953743 +488 174 4 891294853 +807 743 3 893083216 +919 813 4 875288681 +868 710 3 877103320 +782 350 4 891498641 +49 12 4 888068057 +496 217 5 876073320 +889 732 2 880179612 +1 122 3 875241498 +152 559 1 882475972 +468 127 4 875280126 +195 507 4 875436627 +460 1171 3 882912235 +805 294 1 879970879 +878 170 4 880867485 +468 226 2 875302208 +814 184 3 885411073 +943 732 4 888639789 +675 750 4 889488487 +774 1274 1 888557557 +693 178 5 875482309 +860 312 4 888169119 +721 1442 4 877147872 +912 648 3 875966616 +942 282 5 891282816 +539 660 5 879788346 +725 111 3 876106206 +445 1009 2 891200321 +655 961 3 888685735 +832 313 5 888258754 +889 92 3 880177970 +923 340 5 880387080 +892 1269 5 886607958 +45 993 4 881014785 +697 763 4 882622208 +875 806 4 876465230 +711 258 4 876185488 +916 276 4 880843551 +880 98 5 880241327 +666 12 4 880139323 +896 665 1 887235690 +900 864 2 877833000 +763 159 3 878917818 +854 472 1 882813143 +897 11 2 879990744 +864 465 3 888889327 +805 179 4 881697792 +927 826 4 879181451 +354 922 4 891216825 +532 1594 4 893115576 +741 283 4 891458250 +892 125 4 886610588 +592 501 4 882956276 +244 735 5 880605697 +407 168 5 875042424 +889 663 3 880180554 +532 576 5 893118712 +872 409 3 888479677 +275 227 3 876198296 +932 490 4 891250891 +883 306 3 891691410 +907 120 4 880159562 +651 322 3 880126632 +855 462 4 879825383 +934 1 2 891225958 +393 134 2 887746824 +895 885 2 879437868 +394 151 5 880886919 +555 274 4 879964240 +716 83 4 879795906 +891 323 3 883489806 +862 789 5 879304941 +943 831 2 875502283 +622 977 2 882591804 +645 357 5 892053274 +10 707 5 877886783 +764 231 3 876246409 +648 1626 1 884795447 +916 739 3 880845589 +167 465 5 892738341 +882 455 3 879862652 +343 260 1 876402556 +138 742 4 879023245 +592 3 4 882608960 +343 317 5 876405130 +416 96 4 893142245 +919 660 4 875373945 +918 143 4 891988726 +823 219 2 878439038 +896 715 3 887159895 +882 969 5 879880132 +236 411 1 890117095 +843 62 4 879444891 +671 237 5 884037003 +507 895 5 889964202 +815 167 2 878697705 +465 513 5 883530015 +18 317 5 880131144 +650 226 3 891370031 +798 133 3 875303559 +6 537 4 883601277 +795 144 4 881265483 +495 154 4 888633277 +655 715 3 887476942 +619 56 3 885953992 +828 116 4 891035724 +869 1014 4 884493279 +425 97 2 890347247 +840 221 4 891203309 +317 683 2 891446412 +761 243 3 876189749 +932 86 4 891249146 +592 628 3 882608107 +870 732 2 882123355 +936 1377 5 886832183 +854 509 4 882814333 +498 265 2 881957489 +834 237 5 890862437 +551 568 4 892783906 +847 77 4 878941421 +826 2 3 885690713 +856 316 5 891489547 +901 20 1 877130406 +898 313 4 888294375 +452 528 4 875261261 +638 185 5 876695601 +836 302 5 885753506 +536 88 4 882360601 +452 172 4 876297413 +927 8 4 879183164 +342 57 3 875319457 +929 654 3 879640290 +703 742 3 875242852 +933 483 4 874854424 +927 411 4 879182939 +207 238 2 876079087 +858 293 3 880932692 +932 836 5 891250142 +894 1153 3 882404642 +892 99 3 886610996 +907 393 5 880160009 +823 154 5 878438607 +119 471 4 886177338 +773 264 2 888538348 +748 588 4 879454497 +930 281 4 879535056 +747 9 5 888734012 +776 637 3 892920381 +894 25 2 880416137 +295 582 5 879517721 +546 271 5 885139779 +933 424 1 874938833 +451 885 1 879012890 +655 954 2 887428031 +666 282 3 880313482 +814 145 2 885411749 +846 175 5 883948048 +768 222 4 883834705 +500 49 4 883876053 +798 395 3 875915279 +643 428 4 891447196 +507 306 5 889964677 +886 282 3 876032378 +897 649 3 879992004 +757 433 4 888445684 +894 707 4 882404250 +903 479 4 891032793 +825 1034 4 881185343 +695 343 4 888806120 +394 33 4 880889259 +859 151 2 885775067 +916 176 4 880844419 +379 28 4 880524943 +862 566 3 879304571 +436 1263 3 887772060 +39 319 4 891400094 +269 940 1 891451908 +406 184 2 879792863 +592 203 5 882956276 +271 1282 2 885847666 +708 352 1 892718596 +719 427 4 883354106 +625 486 3 891953617 +894 639 5 882404430 +632 633 4 879459003 +933 67 1 874938430 +214 721 3 891635915 +450 1421 4 882399664 +943 173 5 888638960 +794 13 4 891035582 +456 129 3 881372604 +779 225 4 877454525 +833 336 2 878078056 +336 50 4 877759224 +864 195 4 888888937 +922 127 3 891453105 +889 269 4 880176518 +311 230 5 884364931 +896 470 2 887159531 +786 684 4 882843607 +864 97 4 888887216 +840 183 5 891204664 +908 12 3 879722603 +184 274 4 889907812 +831 197 4 891354751 +873 259 1 891392698 +770 123 3 875972100 +653 441 3 890181186 +916 1010 4 880843482 +889 700 3 880182295 +95 473 4 879193353 +917 285 4 882911122 +796 591 3 892611093 +905 871 2 884984149 +645 428 4 892054684 +829 582 4 881699060 +752 1279 3 891208491 +119 1137 5 886176922 +940 508 5 885921198 +10 484 5 877891904 +796 53 1 893048713 +655 1645 4 892871225 +854 185 4 882813877 +450 25 3 882376188 +880 172 5 880167695 +850 132 5 883195236 +790 317 4 885155949 +527 499 5 879456490 +293 558 3 888906143 +904 255 5 879735380 +868 588 1 877106421 +197 227 3 891409936 +405 972 1 885546445 +890 436 3 882402949 +443 39 1 883505492 +727 22 4 883710236 +899 318 4 884121512 +757 403 4 888466461 +77 222 4 884732873 +634 685 4 875729535 +585 462 3 891283124 +839 130 3 875753029 +806 1129 3 882384988 +905 322 3 884983341 +805 367 4 881705108 +686 194 5 879546443 +870 47 3 875679958 +916 1014 3 880843683 +617 559 1 883789507 +175 187 4 877107338 +846 73 4 883949728 +405 1208 1 885546577 +897 717 1 879993912 +588 283 4 890015835 +932 511 5 891250282 +405 638 1 885549589 +932 805 4 891250236 +896 399 1 887161151 +896 241 5 887158791 +117 895 2 886019030 +586 806 4 884058611 +807 578 4 892530582 +937 988 2 876768983 +521 79 4 884477656 +774 413 1 888559013 +85 1075 3 879454400 +627 229 2 879531459 +711 1289 2 879991458 +683 607 5 893286207 +551 51 5 892784780 +552 845 3 879222368 +882 69 5 879864917 +854 286 1 882811742 +741 313 4 891455095 +788 629 1 880870149 +919 333 4 875920290 +746 210 5 885075211 +922 145 3 891450315 +892 480 4 886607844 +660 121 2 891197954 +683 346 4 893286347 +936 864 4 886833360 +773 200 4 888540279 +483 473 3 878953090 +361 527 4 879441462 +466 121 3 890285034 +650 151 3 891387418 +889 540 2 880182317 +927 328 4 879176059 +299 319 3 889501480 +695 358 5 888806270 +148 164 4 877398444 +164 690 4 889401241 +882 378 5 879868198 +486 246 3 879874545 +151 498 5 879524150 +887 673 5 881381382 +846 615 5 883948003 +908 481 3 879722754 +907 5 5 881030348 +896 260 2 887157732 +246 384 2 884923632 +716 1101 5 879795467 +697 895 2 882621548 +693 662 4 875482604 +606 154 3 880923862 +814 98 4 885410957 +671 98 4 883949357 +405 877 1 885549903 +650 2 3 891381709 +924 100 4 884371558 +911 627 3 892840888 +26 248 3 891377468 +416 231 3 878880244 +666 428 3 880139439 +429 44 3 882386171 +248 323 1 884534472 +907 258 4 880158316 +747 258 2 888638335 +332 562 5 888098328 +916 1597 3 880845206 +892 202 4 886608135 +844 241 4 877387150 +815 88 4 878695176 +601 9 4 876347196 +77 183 5 884732606 +198 428 4 884209188 +935 125 4 884472575 +177 204 3 880131011 +115 696 4 881169984 +267 183 4 878971438 +834 268 3 890860194 +932 136 5 891249736 +222 1206 2 878184899 +378 428 3 880055101 +846 496 3 883947630 +683 513 5 893286208 +883 739 2 891696715 +679 423 3 884487112 +933 234 3 874853957 +927 118 5 879181042 +592 134 5 882955794 +798 703 4 876177414 +474 343 3 887915082 +159 1254 1 884360361 +804 746 4 879444890 +532 759 2 888631120 +387 188 5 886483151 +870 570 2 879714681 +591 26 3 891031526 +913 276 3 881037047 +926 292 3 888636202 +916 844 3 880843465 +796 649 3 893194646 +788 317 4 880869945 +909 170 5 891920276 +532 127 5 893119438 +543 732 3 877547863 +794 1251 4 891034755 +730 685 2 880310569 +10 686 4 877886911 +374 82 4 880394484 +922 219 1 891449901 +484 186 4 891195219 +13 141 2 890705034 +339 736 3 891035093 +691 227 4 875543108 +711 83 5 879993628 +749 833 2 878850565 +455 286 5 878585250 +663 597 3 889492917 +436 635 3 887771875 +823 204 4 878438930 +643 218 3 891449680 +835 523 3 891033560 +871 909 3 888192475 +707 923 5 886286092 +741 210 3 891455353 +499 524 4 885599073 +327 260 1 887743705 +889 26 4 880178748 +548 272 2 891042194 +886 467 4 876032577 +145 943 3 875272050 +727 209 3 883710186 +843 633 3 879447285 +666 357 4 880139526 +457 386 3 882549133 +759 294 5 875227708 +932 235 2 891250770 +234 1185 3 892335951 +711 419 5 879994581 +658 628 3 875145841 +536 181 5 882318369 +805 228 3 881694423 +682 728 3 888522021 +786 692 4 882843190 +70 418 3 884149806 +864 15 4 888887658 +943 419 2 888638920 +908 483 4 879722718 +880 218 4 880241355 +749 729 4 878848015 +697 879 4 882621486 +921 111 4 879380097 +487 11 5 883445495 +925 325 4 884633349 +896 489 5 887159674 +851 1598 3 886534882 +889 533 3 880177352 +921 259 4 884673369 +378 38 3 880333383 +936 904 5 886831415 +472 356 3 875983231 +508 50 5 883777430 +146 311 4 891457714 +920 313 5 884219701 +425 293 4 878738992 +943 239 5 888639867 +893 358 2 874828296 +721 222 5 877138584 +911 151 5 892840916 +669 97 4 891517238 +414 270 5 884998972 +405 176 1 885547909 +5 375 3 875637587 +24 518 4 875323552 +892 22 5 886608714 +846 28 5 883948685 +535 498 4 879619224 +524 134 5 884634848 +683 328 2 893283728 +13 182 5 882139347 +95 433 4 880571950 +357 826 3 878951984 +546 121 5 885140909 +559 513 5 891033956 +26 323 2 891349184 +919 23 3 875373074 +833 250 3 875036499 +716 178 5 879795269 +379 433 4 880525259 +787 288 1 888979236 +450 228 4 882373019 +932 1449 5 891248937 +904 815 4 879735678 +846 510 4 883948003 +807 230 4 892530216 +921 245 1 879379361 +618 31 4 891307577 +899 29 2 884122844 +932 1558 5 891248996 +618 506 4 891308296 +825 284 3 880756603 +416 392 5 893213444 +847 716 3 878941370 +56 295 3 893257941 +855 166 4 879825578 +721 1393 3 877137598 +934 708 3 891192329 +932 121 3 891251669 +671 562 5 884036365 +902 8 5 879465765 +913 95 4 880826766 +781 302 5 879633862 +299 114 4 878191943 +923 9 4 880387306 +913 729 3 881368824 +650 131 3 891372258 +305 69 3 886324299 +181 1137 1 878962392 +779 118 5 875994324 +642 1152 5 886569828 +880 227 2 880167918 +387 25 2 886481271 +864 257 4 891044192 +931 298 4 891036849 +887 95 4 881379718 +940 436 4 885921542 +699 323 4 879147366 +62 528 5 879375080 +841 322 4 889067152 +896 2 3 887160000 +560 606 4 879975613 +896 480 3 887158185 +693 58 3 875482477 +908 478 4 879723046 +759 281 4 881476991 +438 252 4 879868364 +906 283 4 879435524 +812 682 4 877625224 +901 94 4 877131738 +825 252 5 880757103 +913 427 4 881725960 +890 671 5 882404571 +932 855 5 891249109 +875 294 2 876464755 +671 118 5 875389187 +537 12 3 886031074 +934 72 3 891195982 +666 291 3 880313640 +622 3 1 882672922 +224 126 3 888103704 +684 210 3 878759474 +798 732 2 875638759 +669 248 4 892549412 +935 118 4 884472704 +392 174 5 891038979 +374 471 4 880393056 +913 919 4 880758150 +34 288 2 888601628 +711 94 2 879995728 +778 219 3 890727129 +283 109 4 879297237 +720 272 4 891262762 +864 729 4 888889035 +745 10 5 880123905 +651 276 4 879348966 +429 939 4 882384986 +719 520 5 879360466 +922 43 3 891454445 +864 143 4 888887703 +833 58 2 875124495 +805 716 4 881696980 +524 471 4 884322169 +910 628 1 880821319 +660 79 2 891199348 +53 15 5 879443027 +833 4 3 875123781 +542 72 3 886532818 +788 1107 3 880870773 +870 357 5 875679687 +456 72 1 881374801 +24 58 3 875323745 +342 1010 1 874984574 +902 271 2 879463433 +913 657 5 881725761 +788 96 3 880868803 +718 1028 4 883349191 +864 117 4 888889466 +715 576 2 875964468 +897 506 4 879991524 +889 28 4 880181995 +865 763 1 880143680 +911 655 5 892839719 +693 50 3 875483881 +651 309 1 880126632 +862 435 5 879304244 +727 827 3 883709839 +727 229 2 883711476 +554 866 3 876232486 +794 19 4 891036111 +883 694 5 891693110 +923 151 4 880388021 +404 339 1 883790609 +809 300 4 891036903 +711 157 3 879994608 +758 6 2 881976919 +648 441 3 884883724 +551 229 5 892784779 +931 750 5 891037521 +463 1199 1 889937778 +912 659 5 875966202 +523 155 4 883703091 +927 552 4 879196283 +664 509 4 876523654 +758 541 4 881977747 +833 940 2 875134411 +667 427 5 891034767 +666 513 4 880139323 +624 866 3 879793436 +878 1039 3 880866508 +860 344 3 887028250 +554 56 4 876550257 +749 478 5 878847328 +387 408 4 886484492 +768 346 3 883834705 +823 17 4 878439655 +398 712 2 875736732 +567 429 4 882426899 +627 526 4 879529916 +907 710 4 880160106 +95 507 4 880571226 +880 1184 3 880167806 +856 327 4 891489478 +551 628 5 892783177 +839 845 4 875752237 +804 357 5 879441450 +886 628 3 876031695 +704 519 3 891397262 +804 455 5 879443609 +354 936 4 891216607 +336 579 3 877757373 +639 165 3 891239658 +490 458 3 875428417 +907 1047 5 881030348 +890 313 5 882914803 +659 164 4 891384606 +20 82 4 879669697 +893 286 4 874828384 +942 435 5 891282931 +429 194 4 882385705 +312 644 5 891698987 +323 651 5 878739829 +786 458 3 882842195 +880 191 5 880175597 +675 427 5 889489691 +901 1605 5 877127052 +560 11 4 879975485 +618 49 3 891309514 +778 423 1 890803860 +819 147 5 884105025 +620 560 4 889988232 +926 294 3 888636269 +748 58 4 879455083 +862 82 4 879305237 +843 234 4 879443297 +378 436 4 880046437 +660 123 2 891198109 +700 98 3 884494215 +642 95 5 886131547 +822 1 4 891037291 +709 697 5 879847946 +886 943 3 876032248 +63 121 1 875748139 +890 136 5 882403045 +603 288 3 891956283 +927 155 4 879193972 +924 237 4 889286746 +826 810 3 885690854 +64 732 4 889739288 +659 499 4 891385438 +883 14 3 891693675 +689 1 3 876676211 +682 42 5 888518979 +374 25 5 880393191 +906 277 3 879435469 +363 100 5 891495070 +886 47 4 876031601 +93 118 3 888705416 +756 588 4 874829258 +664 100 5 876523833 +867 156 5 880078574 +940 271 2 884801053 +70 1030 2 884151801 +347 693 5 881654156 +592 1620 1 882609057 +703 1012 4 875242852 +884 713 3 876858914 +639 356 2 891239380 +608 187 4 880403055 +704 89 5 891397305 +499 100 4 885599040 +92 225 3 875640740 +648 496 4 884796822 +299 20 3 877880111 +606 546 4 878149278 +916 83 4 880845206 +578 325 1 888957735 +747 1659 1 888733313 +940 137 3 885921758 +919 755 3 875373889 +694 28 4 875729304 +533 1001 1 879366160 +290 183 4 880474054 +939 254 3 880262319 +939 841 4 880261868 +407 94 4 876345492 +913 436 3 881367312 +798 941 3 876176561 +867 328 5 880077855 +7 639 5 891353676 +409 854 4 881108648 +119 323 4 874774449 +896 387 2 887159368 +679 286 5 884312660 +386 181 3 877654961 +593 775 3 875672949 +620 422 1 889988036 +290 151 2 880474835 +406 157 3 882480865 +871 226 5 888193177 +749 977 4 878850502 +804 229 4 879445816 +894 1592 4 889469391 +784 331 4 891387155 +804 100 5 879445904 +892 521 5 886608263 +897 76 4 879992811 +352 175 1 884290574 +548 1047 4 891416011 +653 42 2 880151818 +554 117 4 876231777 +598 259 3 886710977 +323 334 3 878738865 +690 72 2 881177553 +669 125 3 892549622 +688 749 5 884153712 +889 1553 3 880180979 +900 237 4 877832803 +653 410 1 878855024 +933 227 1 874939078 +239 39 5 889181093 +766 550 3 891310210 +692 66 2 876953130 +49 235 2 888068990 +613 89 5 891227237 +927 404 4 879197692 +682 284 4 888519725 +613 12 5 891227299 +455 546 3 879110767 +849 406 4 879695125 +896 313 4 887235122 +869 151 5 884493279 +506 5 4 874874947 +804 208 5 879441412 +927 402 4 879192123 +758 208 4 881978148 +801 881 3 890332820 +417 568 2 879648155 +682 765 4 888523581 +919 301 3 875288164 +815 444 2 878698407 +646 288 3 888529127 +852 568 4 891037947 +808 872 5 883949986 +160 488 5 876862078 +890 603 5 882404851 +575 168 5 878148358 +683 331 2 893283728 +907 277 5 880158794 +72 844 4 880035708 +899 214 4 884122044 +56 405 4 892679460 +847 204 4 878939912 +764 286 4 876232900 +721 322 4 877136891 +188 300 4 875071195 +881 474 3 876537870 +428 269 5 885943749 +11 229 4 891905878 +405 1382 1 885549790 +758 435 5 881975853 +790 213 3 885156336 +779 252 3 877453656 +883 81 5 891717908 +906 287 5 879435524 +328 582 5 885045844 +694 434 5 875727018 +537 1147 3 886031473 +883 354 4 891692000 +939 405 4 880261450 +927 722 3 879197421 +749 401 1 878850015 +916 431 3 880844655 +932 45 5 891249063 +416 111 4 876697592 +430 127 4 877225484 +830 487 5 891898415 +615 86 5 879448439 +911 603 5 892838864 +708 457 4 892718965 +325 1487 3 891480086 +864 172 5 888887795 +381 588 3 892697338 +297 690 5 876717812 +921 136 4 879380806 +541 459 5 884047153 +648 671 3 884883476 +717 1047 4 884642981 +748 195 4 879455083 +314 609 4 877889311 +890 200 4 882402633 +896 1622 2 887160296 +886 181 5 876031392 +567 10 4 882426508 +940 82 4 885922040 +817 273 5 874815885 +927 756 4 879181259 +429 156 4 882384920 +42 87 4 881107576 +433 300 3 880585068 +731 1039 4 886182366 +201 239 1 884140275 +891 756 4 883429918 +600 1419 3 888452564 +846 616 3 883950753 +655 956 3 888984538 +743 286 3 881277602 +933 11 4 874853899 +776 193 3 891628895 +875 302 5 876464694 +633 226 4 877212085 +602 300 3 888637847 +889 1110 3 880182943 +660 1133 2 891201419 +638 405 3 876695338 +683 289 4 893286260 +568 134 5 877907092 +930 690 3 879534335 +650 144 3 891381585 +892 1285 4 886609435 +526 258 3 885681860 +790 90 2 885157440 +924 849 3 886760052 +934 286 4 891188367 +321 498 5 879438699 +650 443 5 891369982 +682 209 3 888521381 +890 604 5 882403299 +533 293 3 879191469 +579 4 2 880952271 +796 99 3 893218764 +782 328 5 891498030 +943 722 3 888640208 +181 273 1 878962774 +721 127 5 877140409 +868 1076 1 877111487 +711 723 5 879994852 +933 7 4 874854190 +608 216 5 880403239 +756 622 3 874830790 +627 660 4 879530463 +43 254 3 875975323 +889 881 3 880176717 +922 69 3 891453106 +435 208 4 884131515 +901 768 3 877131793 +654 189 4 887864230 +627 684 4 879531301 +880 881 4 892958401 +222 410 2 877563326 +406 26 3 879793235 +405 79 5 885544798 +567 705 5 882426105 +655 1173 2 887431157 +622 109 5 882590559 +622 391 2 882671827 +701 237 5 891447198 +666 962 3 880314272 +899 597 2 884120270 +41 191 4 890687473 +105 347 3 889214334 +93 14 4 888705200 +533 56 3 879439379 +919 319 3 875288164 +896 845 3 887159531 +409 632 3 881107902 +858 323 2 879459926 +843 180 3 879447234 +769 1322 2 885424730 +865 946 1 880235099 +896 42 4 887160000 +919 93 5 875288681 +354 432 3 891218380 +764 200 4 876244895 +761 1558 1 876190511 +393 1001 4 887745410 +200 447 4 884130014 +938 126 4 891356656 +889 684 2 880180376 +708 740 5 877325687 +514 153 4 875463386 +943 785 2 888640088 +635 688 2 878878838 +881 511 5 876537419 +660 419 2 891199348 +837 950 2 875722169 +440 304 5 891546785 +321 52 3 879440612 +15 225 3 879456447 +579 153 4 880952335 +551 49 3 892783281 +865 411 1 880144153 +850 496 5 883195079 +749 449 3 878850610 +276 92 4 888873675 +621 926 3 880738894 +291 240 4 874833726 +754 273 3 879451516 +64 651 4 889740795 +933 180 5 874854723 +883 199 4 891717462 +845 904 3 885409374 +890 173 4 882575167 +772 331 5 876250551 +835 632 5 891033747 +488 162 3 891376081 +593 535 3 875659943 +505 300 4 888631046 +894 272 4 885427952 +130 751 5 884623756 +796 748 5 892611979 +629 271 4 880116722 +862 658 5 879304526 +144 59 4 888105197 +658 192 4 875147935 +735 300 4 876697647 +226 596 3 883889884 +600 1274 2 888453145 +917 405 3 882911215 +561 492 4 885807369 +704 193 5 891397305 +943 229 2 888693158 +934 481 4 891191402 +874 514 5 888633311 +270 1109 5 876955899 +935 1 3 884472064 +879 118 3 887761562 +286 800 5 877534528 +839 1 4 875751723 +339 213 4 891033542 +861 463 3 881274698 +896 642 2 887160702 +184 735 3 889909868 +58 168 5 891611548 +826 183 5 885690482 +883 48 4 891717283 +747 403 5 888734113 +89 451 3 879459884 +373 168 5 877098297 +912 507 3 875965906 +479 131 3 879460999 +676 250 4 892686164 +594 100 4 874781004 +916 101 3 880845690 +846 183 4 883948048 +805 922 5 881702716 +741 67 3 891457456 +553 605 4 879949251 +474 509 5 887927457 +154 523 5 879138831 +262 747 4 879793641 +195 366 3 885110899 +592 531 5 882955765 +676 100 5 892686083 +854 709 4 882814395 +715 1088 1 875962454 +424 292 4 880859228 +919 419 5 875374269 +734 121 4 891026028 +804 763 4 879443776 +721 435 4 877139384 +806 196 5 882388437 +897 925 5 879993739 +747 726 2 888733387 +881 399 4 876538465 +393 575 2 889728712 +890 208 5 882403007 +655 153 2 887523641 +814 7 4 885411073 +735 237 4 876698714 +825 273 5 880756401 +308 396 4 887740099 +627 241 4 879531397 +943 566 4 888639886 +814 358 2 885410837 +825 696 3 889020961 +566 166 4 881649709 +504 561 4 887910023 +747 181 5 888639014 +14 663 5 879119651 +881 742 4 876536773 +778 168 5 890670560 +655 54 2 887430746 +373 79 4 877098979 +805 1157 5 881696124 +643 183 5 891447790 +563 294 3 880506121 +47 305 5 879439040 +802 266 3 875984938 +929 12 4 879640036 +85 196 4 879454952 +487 173 4 883445580 +145 293 4 875270276 +279 826 4 875297456 +681 538 3 885409516 +213 194 4 878955766 +642 252 5 885842962 +336 746 3 877758103 +530 181 3 886202320 +854 123 1 882812406 +14 25 2 876965165 +618 200 5 891307367 +936 928 3 886832502 +707 285 5 880059749 +903 46 4 891033123 +727 83 5 883710889 +523 56 3 883703495 +589 326 1 883352600 +561 160 3 885808904 +757 426 3 888467270 +943 230 1 888693158 +616 327 3 891224558 +887 756 5 881379094 +768 301 5 883835026 +880 186 4 880174808 +851 1254 1 875730895 +178 268 4 884837324 +795 154 3 881529904 +276 413 3 877934705 +551 660 3 892783672 +758 13 5 881977205 +67 1047 3 875379750 +495 1 4 888632943 +918 340 1 891986174 +556 321 4 882135994 +521 174 4 884478721 +866 303 4 891221165 +416 122 3 886315885 +5 373 3 875635907 +918 971 4 891987780 +534 118 4 877807935 +875 428 4 876465112 +620 393 5 889988196 +483 258 4 878950353 +802 569 3 875985840 +256 597 4 882152509 +49 404 3 888067765 +500 13 5 883865232 +648 1337 3 884367366 +454 387 2 888267279 +221 1208 3 875247565 +498 77 2 881961627 +924 429 4 886760020 +815 229 3 878695527 +650 174 4 891369479 +525 147 3 881085893 +848 199 5 887042341 +755 301 3 882569771 +697 237 5 882622414 +559 300 4 891035137 +775 333 4 891033022 +798 815 5 875295695 +398 8 3 875716709 +456 324 4 881372687 +727 472 2 883709374 +902 268 1 879463373 +862 69 5 879304244 +181 880 1 878961668 +848 483 5 887038021 +847 195 4 878940301 +459 257 5 879563245 +902 989 2 879465336 +314 12 4 877888758 +704 481 5 891397667 +660 444 2 891201948 +592 135 5 882955765 +847 172 4 878939803 +270 56 5 876955976 +586 978 2 884065825 +506 693 4 874876651 +843 431 3 879443763 +452 456 1 876209837 +751 484 3 889134483 +815 265 5 878696181 +880 67 1 880175023 +545 62 5 879899438 +883 195 5 891696824 +933 576 1 874939185 +870 802 3 879714763 +312 91 3 891699655 +923 926 4 880388383 +198 684 3 884208778 +189 473 5 893264558 +931 344 4 891035917 +880 179 4 880175735 +526 313 5 885681934 +435 98 5 884131576 +901 1643 5 877130473 +663 299 2 889491739 +271 466 4 885849490 +85 161 4 882819528 +435 333 3 884130647 +397 522 5 885349476 +452 223 5 885816768 +838 191 5 887065709 +798 323 4 875295469 +919 310 3 885059537 +727 96 4 883710152 +679 95 3 884487688 +727 363 3 883709641 +62 15 2 879372634 +579 331 3 880951346 +934 313 3 891188441 +916 402 3 880845177 +703 127 5 875242663 +931 125 4 891036786 +763 466 4 878922422 +122 197 5 879270482 +582 1 4 882961257 +655 1012 3 888474357 +456 229 3 881375482 +144 170 4 888105364 +130 794 5 875802137 +706 323 4 880996945 +832 678 2 888259984 +910 405 4 881420841 +848 519 5 887037980 +87 1178 3 879877208 +272 69 4 879455113 +932 506 4 891249710 +924 216 4 885458010 +644 873 4 889076310 +934 152 4 891194303 +592 148 2 882608961 +851 717 3 874728598 +682 692 3 888519207 +807 625 3 892978296 +301 17 4 882077142 +102 272 3 888112484 +943 431 4 888639724 +919 343 4 885059506 +922 631 3 891453171 +543 14 4 876896210 +916 132 3 880844597 +661 58 4 886841865 +394 393 4 880889350 +943 724 1 888639478 +650 378 3 891383879 +854 431 3 882813726 +943 67 4 888640143 +912 174 3 875966756 +918 86 4 891986798 +867 180 5 880078656 +922 402 3 891448451 +933 410 3 874854383 +843 161 2 879444891 +936 321 3 886831769 +757 455 3 888445035 +290 99 4 880473918 +41 205 4 890687353 +782 1589 3 891500028 +923 825 4 880387525 +864 451 4 888889563 +861 509 5 881274739 +864 228 5 888888067 +620 1480 3 889988281 +698 133 2 886367586 +721 748 3 877136967 +913 186 3 880946006 +883 514 4 891694182 +585 652 4 891285658 +911 163 4 892839846 +798 168 4 875743765 +720 902 4 891263460 +308 642 5 887738226 +846 204 3 883948141 +314 1029 2 877891603 +722 748 4 891280154 +537 703 3 886031859 +536 432 4 882360552 +919 946 4 875373416 +733 933 1 879535752 +889 1022 4 880176667 +940 313 5 884801316 +104 9 2 888465201 +884 198 5 876859237 +653 1231 2 880153349 +405 660 2 885546247 +757 561 2 888467380 +699 475 4 878882667 +405 389 2 885548932 +925 219 3 884718099 +943 201 5 888639351 +499 647 5 885599013 +682 1221 3 888517265 +892 1 5 886608185 +752 1463 4 891208261 +825 326 4 886696420 +507 345 5 889964202 +749 430 4 878847926 +189 532 4 893264150 +938 358 4 891355972 +407 131 3 875552400 +868 589 4 877106421 +943 386 1 888640186 +850 95 5 883195301 +862 252 3 879302910 +577 770 4 880475149 +234 623 2 892318107 +938 871 2 891356549 +553 524 5 879948996 +894 213 4 882404278 +631 332 3 888465180 +604 447 4 883668352 +94 182 5 885873089 +773 182 4 888539993 +907 111 5 880158883 +722 871 2 891281876 +90 500 4 891384721 +718 257 4 883348845 +334 10 4 891545265 +541 1409 4 883874778 +292 483 5 881105442 +642 759 3 885843824 +880 1035 4 880242933 +922 214 2 891454071 +488 323 1 891293263 +934 794 4 891192849 +532 187 4 884594932 +128 180 5 879967174 +907 405 4 880159113 +738 98 4 875350515 +886 194 3 876031365 +894 57 4 882404397 +757 574 3 888467187 +757 298 4 888444208 +339 346 5 891032255 +880 1157 4 880243817 +913 96 5 881725904 +533 778 4 879192157 +655 45 3 891585477 +880 591 4 880166990 +650 474 4 891385315 +870 1046 3 879714310 +771 111 4 880659919 +856 270 3 891489412 +932 153 4 891251063 +332 245 4 888098170 +751 809 3 889299429 +416 184 4 876699758 +770 473 5 875972612 +638 175 4 876695774 +623 185 4 891034343 +291 153 4 874871736 +682 24 4 888522575 +718 282 5 883348712 +641 483 5 879370259 +606 236 3 878150506 +822 189 4 891037394 +781 232 3 879634318 +854 482 3 882813761 +495 578 3 888636653 +916 531 4 880844331 +201 195 3 884111397 +447 237 4 878854234 +542 173 4 886532265 +918 462 3 891986933 +826 385 5 885690677 +828 463 2 891036717 +903 628 3 891031384 +894 933 3 880416472 +865 418 1 880235099 +542 384 3 886533227 +802 440 3 875985686 +233 215 5 877665324 +840 511 4 891204089 +585 30 4 891284393 +589 332 4 883352536 +643 118 2 891445741 +504 400 3 887911277 +889 9 4 880176896 +850 162 3 883195301 +647 298 3 876533005 +716 298 5 879793501 +821 459 5 874792698 +934 186 2 891190854 +620 418 3 889988005 +825 126 3 880755982 +59 129 5 888202941 +459 471 3 879562659 +886 581 4 876032103 +457 433 5 882397020 +533 755 3 888845338 +630 732 4 885668203 +280 222 3 891700624 +545 326 3 879898447 +622 161 3 882670712 +701 1 4 891447139 +901 688 2 877129839 +727 379 2 883712805 +854 811 3 882814091 +854 628 2 882812451 +480 169 5 891208327 +846 131 3 883948457 +653 76 3 880150702 +776 53 2 892313246 +592 1082 3 882608625 +885 300 4 885712224 +943 228 3 888693158 +896 386 3 887161172 +328 435 4 885045844 +473 285 4 878157404 +203 744 2 880434495 +798 826 5 875295695 +615 268 4 879447642 +320 340 2 884748230 +741 218 4 891455711 +935 934 4 884472743 +681 270 1 885409370 +921 419 5 879381234 +370 835 5 879434909 +398 153 4 875732862 +629 241 5 880116911 +839 1245 4 875752408 +466 684 4 890285034 +851 806 4 875731330 +645 674 3 892054402 +627 282 2 879530463 +637 1060 2 882904148 +663 1327 4 889493210 +922 375 2 891454552 +920 301 2 884220058 +927 204 4 879183511 +903 709 4 891033502 +879 276 4 887761865 +547 269 3 891282555 +889 427 4 880177880 +870 204 4 875680448 +115 117 4 881171009 +788 226 4 880870710 +933 79 3 874853819 +819 258 2 879952538 +932 562 2 891251611 +713 300 2 888881939 +546 682 3 885140097 +927 409 4 879176876 +903 520 4 891032911 +429 1438 1 882385705 +343 274 3 876403443 +899 499 3 884122308 +864 781 3 888891238 +923 1277 5 880388322 +774 525 2 888558305 +892 470 4 886609977 +563 871 2 880507263 +851 1540 2 875731529 +666 692 3 880568505 +927 819 3 879181508 +619 684 4 885954083 +345 42 2 884991873 +158 709 5 880135020 +911 191 5 892838676 +354 97 3 891217610 +839 181 3 875751991 +883 22 3 891696824 +403 237 5 879786221 +521 215 1 886062095 +217 808 2 889069808 +833 219 4 875224309 +548 294 3 891042954 +466 92 4 890285034 +910 134 3 880821676 +918 499 4 891986775 +933 200 4 874854783 +632 367 2 879459544 +297 338 2 881707832 +690 118 4 881180056 +919 183 3 875372802 +639 285 1 891239131 +535 190 4 879617747 +630 64 5 885668276 +781 1500 5 879634096 +793 685 3 875104718 +883 90 3 891694672 +935 281 5 884472310 +193 487 5 889124287 +498 1495 3 881958237 +85 520 3 882996257 +682 54 4 888517628 +889 297 3 880176845 +653 472 1 880606675 +606 58 3 880924483 +643 1098 4 891447696 +916 1682 3 880845755 +764 411 3 876243668 +904 117 4 879735316 +897 1219 4 879991137 +799 191 3 879254077 +707 26 3 886286954 +690 106 3 881180138 +811 678 5 886377686 +637 15 4 882903447 +135 5 3 879857868 +393 787 5 889554674 +308 537 4 887739136 +825 746 5 881101782 +607 19 3 883879613 +846 39 3 883948873 +919 1173 3 885059859 +927 174 3 879185327 +916 203 4 880844157 +884 213 4 876859207 +442 742 3 883391146 +901 211 4 877131342 +687 286 3 884651648 +769 476 4 885424142 +930 171 1 879535685 +537 584 2 886031678 +940 527 3 885921710 +882 369 3 879863257 +332 984 2 887916411 +820 302 5 887954906 +874 137 4 888632484 +142 134 5 888640356 +507 841 5 889966054 +537 423 2 886030622 +711 203 4 879994433 +880 201 4 880174834 +342 14 5 874984661 +616 302 5 891224517 +638 29 2 876694917 +889 216 4 880180191 +936 1115 4 886832859 +648 603 5 882212651 +889 1152 3 880177778 +847 705 3 878939700 +607 238 4 883879556 +860 310 4 880914645 +875 523 4 876465408 +708 294 3 892719033 +804 428 3 879445841 +270 554 1 876956264 +844 418 3 877388040 +694 185 4 875729520 +943 941 1 888639725 +933 561 3 874938808 +889 658 4 880181086 +606 184 5 880924790 +885 538 4 885712224 +896 392 3 887160187 +381 419 5 892696446 +585 283 4 891283124 +897 670 3 879991258 +870 253 4 887567321 +659 180 5 891385044 +562 566 4 879196483 +507 258 4 889963959 +659 162 3 891385136 +181 826 1 878963304 +535 382 5 879618058 +312 647 5 891698726 +899 433 4 884122178 +389 286 2 879915633 +890 102 3 882574982 +194 502 4 879548624 +642 568 4 885606735 +814 436 3 885411073 +450 170 5 887660440 +840 435 4 891204114 +766 385 3 891310281 +870 480 5 875680142 +58 584 5 884305271 +846 487 4 883948685 +771 251 5 880660087 +503 633 5 880472344 +927 96 5 879184761 +675 242 4 889488522 +890 210 4 882403587 +793 405 3 875104340 +6 490 5 883601365 +707 287 4 880059774 +454 86 2 888267280 +932 198 4 891249109 +87 598 2 879877279 +932 436 3 891251225 +790 240 3 884462692 +772 245 5 877533546 +932 101 3 891251225 +927 385 4 879193625 +749 1016 5 878846958 +676 912 3 892685489 +864 1033 2 888891473 +752 683 4 891208299 +846 549 4 883949421 +834 326 4 890860386 +897 117 3 879993210 +882 265 5 879867431 +145 268 4 888396828 +865 258 4 880142652 +921 405 3 879379774 +425 347 4 890346517 +432 1012 5 889415947 +907 553 5 880160056 +95 227 2 880572356 +756 155 4 874829637 +459 1013 3 879563226 +886 686 4 876033228 +916 230 3 880845177 +883 222 3 891717495 +898 316 5 888294739 +673 896 5 888787355 +843 419 2 879446617 +551 941 4 892782734 +70 227 3 884067476 +894 628 3 880416102 +582 321 3 882960555 +835 616 4 891033718 +660 91 4 891200193 +577 1028 4 880470764 +851 318 5 891961664 +851 17 5 875807089 +624 310 4 891961078 +823 26 5 878438930 +194 208 3 879521329 +916 3 3 880843838 +495 218 4 888635080 +761 477 1 876190235 +621 73 5 874962772 +864 343 5 887686545 +504 462 4 887838740 +707 1255 3 880061252 +671 255 5 884375221 +883 713 3 891692742 +663 509 4 889493437 +593 313 4 888871903 +551 475 5 892777910 +347 357 5 881653774 +541 543 4 883875432 +405 1260 1 885546835 +650 511 5 891369520 +878 1121 2 880867895 +243 306 4 879988830 +25 692 4 885852656 +899 28 5 884121214 +650 68 3 891381784 +479 252 2 879460628 +922 135 2 891453820 +796 707 3 892663154 +519 346 4 885929222 +889 125 4 880177435 +894 100 4 882404137 +756 1240 4 874829333 +658 55 4 875148059 +858 1368 4 880932449 +673 322 4 888787450 +655 528 5 887473570 +698 988 1 886365802 +922 228 4 891447665 +813 751 5 883752264 +334 304 3 891550557 +493 833 2 884131738 +417 191 5 879647498 +484 95 4 891195773 +932 208 5 891249794 +870 169 4 888095560 +201 15 3 884140670 +752 321 3 891208212 +615 582 3 879447968 +721 209 3 877150031 +883 515 5 891692657 +813 300 4 883752331 +514 432 4 875311156 +666 649 3 880568694 +194 501 3 879548319 +887 720 5 881380813 +793 979 3 875104620 +899 64 4 884121647 +899 724 5 884122776 +915 302 4 891029965 +933 159 3 874854190 +483 227 3 878953592 +178 118 4 882824291 +906 744 4 879435524 +417 153 5 879647580 +106 59 4 881453318 +797 257 5 879439362 +886 24 4 876031973 +913 169 4 880757553 +932 170 4 891248967 +548 471 5 891415709 +885 476 4 885713062 +223 173 5 891550711 +845 286 5 885409719 +535 632 4 879618965 +23 919 5 874784440 +802 646 4 875986155 +936 252 2 886833099 +661 50 5 876013935 +933 125 4 874854251 +586 227 2 884062010 +524 212 5 884635326 +889 742 3 880177219 +450 1126 4 887661961 +932 185 4 891250392 +941 273 3 875049038 +843 199 3 879446503 +848 479 5 887040302 +553 607 4 879949107 +251 202 4 886271920 +731 133 1 886184852 +380 174 4 885478924 +943 217 3 888640067 +894 350 3 886027788 +397 12 4 885349790 +860 70 5 885991040 +854 156 3 882813574 +332 554 3 888360460 +851 924 4 874789109 +493 262 3 884129793 +587 245 1 892871253 +796 91 2 893219033 +808 270 4 883949560 +71 100 4 877319197 +393 145 3 889731820 +886 367 4 876031622 +27 123 5 891543191 +936 825 4 886832502 +886 381 2 876032308 +747 511 5 888639138 +642 452 1 886569699 +843 660 2 879447484 +295 56 4 879517348 +405 582 3 885546336 +823 88 5 878438780 +20 204 3 879670039 +764 252 3 876244023 +405 657 1 885548578 +615 1128 1 879448715 +897 96 5 879990430 +561 89 4 885809556 +395 258 4 883762309 +429 778 3 882385294 +864 167 4 888891794 +691 243 1 875542944 +617 868 4 883788820 +759 181 5 875227798 +405 86 1 885546154 +721 1 5 877137877 +677 988 4 889399113 +128 1136 3 879969084 +938 596 5 891356532 +234 86 2 892333765 +892 430 5 886608296 +936 319 4 886831576 +940 420 4 885921979 +562 432 5 879196074 +642 827 1 886131332 +805 552 3 881696124 +880 1468 4 880242139 +486 108 4 879874810 +919 382 5 875373214 +934 581 2 891193814 +234 494 4 892078837 +515 259 3 887659123 +772 302 5 877533625 +918 520 3 891987571 +846 526 4 883947960 +869 1079 2 884493021 +328 54 3 885047194 +848 655 4 887040097 +95 623 3 880572388 +497 300 3 878759351 +181 237 5 878962996 +840 642 4 891204664 +447 282 4 878856290 +863 269 3 889288973 +643 79 4 891446826 +620 7 4 889987073 +804 193 4 879444518 +533 921 2 879439061 +683 259 3 893283642 +671 841 2 875388720 +932 632 4 891249649 +892 479 5 886608616 +361 50 5 879441417 +896 184 3 887159578 +784 327 4 891387315 +38 195 1 892429952 +917 473 3 882911390 +825 285 3 880756504 +838 584 4 887066143 +807 1076 3 893082227 +942 478 5 891283017 +927 217 1 879196955 +2 302 5 888552084 +806 234 4 882388036 +892 216 5 886609028 +234 792 4 892336165 +14 525 5 890881557 +637 93 3 882903511 +714 369 3 892777581 +559 347 3 891035343 +627 541 4 879531504 +842 288 3 891218192 +362 683 1 885019722 +862 258 5 879302461 +660 315 4 891197462 +776 219 3 892920321 +90 730 5 891384147 +293 501 4 888906378 +776 590 1 892920446 +892 150 5 886608136 +861 737 3 881274883 +669 474 4 891260369 +574 268 5 891279174 +440 213 4 891577950 +776 179 4 891628678 +528 1254 3 886812920 +659 519 4 891383889 +711 133 5 879992739 +465 127 4 883530667 +588 472 4 890026059 +185 302 4 883526267 +807 228 4 892529448 +788 511 5 880868277 +62 215 3 879374640 +92 922 1 875644796 +621 200 4 874964816 +671 504 4 883949781 +931 100 4 891036430 +770 129 5 875972352 +707 1024 5 890008041 +927 820 4 879177403 +621 79 5 874963594 +798 132 4 875639134 +695 989 3 888806056 +885 181 3 885712280 +305 242 5 886307828 +266 924 2 892258038 +795 108 3 880559483 +30 29 3 875106638 +735 127 4 876698755 +600 802 2 888453082 +881 217 3 876538131 +933 449 1 874939207 +898 310 4 888294441 +660 550 2 891201541 +912 268 2 875965695 +181 1033 1 878963381 +749 483 4 878847540 +38 447 5 892434430 +889 234 4 880177857 +913 56 5 880758974 +449 333 3 879958474 +748 732 4 879454749 +918 208 3 891988002 +116 275 2 876453519 +907 739 5 880159982 +916 405 2 880843579 +821 597 3 874793022 +864 357 5 888887794 +916 238 4 880845011 +250 144 4 878092059 +919 340 5 885059506 +878 451 2 880869135 +933 100 5 874853927 +838 127 5 887063657 +925 672 3 884718099 +826 95 5 885690342 +262 82 3 879794918 +725 328 4 876106729 +206 336 1 888179928 +659 616 4 891386577 +553 178 5 879948460 +862 197 4 879304623 +605 274 3 879425663 +907 235 4 880159222 +894 322 3 879896267 +586 257 3 884057471 +355 1429 4 879485423 +854 705 4 882813963 +805 79 5 881694423 +655 382 3 887427131 +894 1089 2 885428261 +893 69 5 874827818 +919 69 3 875921182 +666 211 4 880139382 +907 129 5 885862428 +643 571 3 891450316 +299 45 3 878192238 +864 402 3 888892128 +864 930 3 888892841 +877 185 4 882678387 +569 291 4 879794348 +880 684 4 880167778 +911 480 4 892838823 +924 896 4 884337242 +517 117 4 892659893 +90 498 5 891383173 +583 200 5 879384404 +795 28 4 880569414 +648 235 4 882212071 +927 1047 4 879181192 +709 693 4 879847082 +877 744 5 882677280 +880 239 4 880174808 +897 705 3 879991226 +864 1109 4 888890639 +826 227 4 885690713 +511 340 4 890004687 +880 95 3 880241219 +834 272 4 890860566 +551 4 2 892783711 +579 25 4 880952335 +807 1016 4 893083991 +576 100 4 886984965 +846 1210 2 883950791 +925 324 4 884633348 +707 692 4 886286092 +268 380 2 875310704 +693 443 2 875483741 +719 254 1 879360298 +373 317 4 877100061 +711 151 4 876185920 +18 116 5 880131358 +627 470 3 879530264 +222 405 3 877563570 +682 168 5 888521381 +733 100 5 879535471 +753 328 3 891401167 +489 876 2 891447218 +897 273 3 879993164 +551 85 1 892783749 +716 98 5 879795336 +877 971 4 882677386 +862 151 5 879304196 +394 928 4 881059902 +933 273 3 874855069 +842 303 5 891218002 +11 324 1 891902222 +25 657 4 885852720 +405 576 1 885548093 +343 1112 3 876406314 +582 240 4 882961804 +782 886 3 891498267 +936 295 3 886832502 +154 172 4 879138783 +863 354 1 889289191 +653 708 2 880152598 +921 50 4 879381051 +896 124 4 887158830 +933 58 3 874855121 +886 1228 2 876034228 +766 519 4 891308968 +896 435 4 887158579 +899 234 4 884122674 +758 211 4 881975736 +827 343 4 882201532 +26 288 4 891347477 +213 98 5 878955598 +22 385 4 878887869 +881 795 2 876539418 +660 271 3 891197561 +781 97 4 879634096 +830 648 5 891464148 +320 774 4 884751552 +755 938 3 882570023 +880 628 2 880166799 +439 1600 5 882893291 +524 226 3 884635085 +491 684 5 891189575 +457 88 4 882397763 +721 1221 3 877139637 +743 181 3 881277931 +880 1 4 880166744 +892 204 4 886608714 +268 747 3 875310412 +387 174 5 886480384 +880 194 5 880174623 +222 762 3 877563530 +923 475 5 880387664 +506 434 4 874876599 +758 300 2 880672402 +919 1073 4 875373416 +416 655 5 893213103 +805 181 3 879971215 +721 1295 3 877137214 +622 228 5 882592815 +905 508 4 884984066 +877 662 5 882677936 +622 501 3 882670480 +551 89 4 892777787 +903 302 4 891380461 +846 1479 3 883948720 +537 569 2 886032183 +854 171 4 882814333 +641 301 4 879369925 +326 478 3 879875083 +747 195 4 888640136 +665 222 3 884290676 +921 257 3 879379898 +721 266 3 877136967 +899 237 4 884120026 +934 157 2 891194498 +543 168 3 875663170 +419 494 3 879435749 +120 50 4 889489973 +588 1311 1 890029079 +825 98 5 881101641 +776 238 4 891628708 +943 41 4 888640251 +99 1047 4 885679472 +880 287 4 892958966 +451 990 3 879012684 +606 441 4 880927750 +401 610 4 891033651 +52 191 5 882923031 +533 521 3 879191022 +916 89 5 880844241 +223 121 3 891549294 +846 660 3 883948765 +763 845 4 878918712 +886 65 3 876031870 +672 237 2 879787811 +95 1222 2 880572602 +939 546 4 880261610 +908 528 4 879722397 +823 227 1 878439497 +894 689 3 880993390 +524 175 3 884634911 +629 160 4 880117361 +883 886 3 892439422 +917 312 2 882910627 +47 262 5 879439040 +788 670 3 880870935 +938 591 3 891356463 +691 735 5 875543228 +489 898 3 891366652 +748 479 4 879454428 +921 472 2 879380057 +943 92 5 888639660 +554 1284 3 876232053 +674 410 3 887763150 +805 431 1 881694713 +773 948 2 888538438 +796 33 3 893048471 +7 441 2 891354257 +867 198 5 880078723 +189 186 2 893266027 +293 628 3 888905004 +796 783 4 893047691 +733 846 2 879535848 +21 876 2 874950932 +354 210 3 891217717 +496 661 3 876067001 +933 679 1 874939078 +435 8 3 884131576 +758 582 3 881974823 +655 367 3 887428031 +49 1069 3 888068912 +804 174 5 879441476 +297 1109 3 875238922 +561 55 4 885808796 +918 83 4 891987914 +748 182 4 879454630 +712 90 3 874957027 +835 194 4 891034143 +405 110 1 885547506 +429 182 4 882384821 +881 1078 3 876539260 +684 477 5 878759560 +504 154 4 887839081 +501 1097 5 883347950 +751 689 2 888871738 +699 532 3 878882410 +507 307 5 889964239 +472 1029 4 875983321 +715 206 4 875964438 +663 749 3 889491617 +916 174 5 880844569 +449 1010 4 879958664 +756 82 3 874830748 +109 871 2 880572350 +921 760 2 879380164 +664 516 5 876525963 +663 259 2 889491861 +724 331 3 883757468 +833 347 3 887158791 +826 771 3 885690900 +671 1303 3 884036365 +94 559 4 891721777 +751 323 1 888871598 +899 190 4 884121051 +867 423 3 880078991 +376 705 3 879434750 +508 174 4 883767728 +450 516 5 882396564 +313 531 3 891014524 +722 597 3 891281710 +813 690 4 883752331 +731 195 1 886185851 +87 849 5 879875996 +286 240 3 876521858 +590 293 3 879439114 +645 198 3 892053644 +601 431 4 876351413 +544 301 2 884795580 +702 307 2 885767336 +419 300 4 879435347 +654 15 3 887863557 +125 571 3 892838827 +924 519 4 886759888 +548 413 3 891416049 +64 197 3 889737506 +657 455 1 884239498 +917 328 2 882910506 +682 944 3 888522073 +541 395 2 883866300 +298 282 4 884125629 +299 61 4 877880648 +851 4 5 875731489 +837 717 1 875722393 +897 646 5 879994113 +835 310 4 891035309 +875 286 3 876464694 +23 173 5 874787587 +592 260 4 882607690 +59 392 2 888206562 +846 195 4 883948141 +525 713 4 881086393 +92 433 5 875654665 +859 3 5 885775513 +332 302 5 893027264 +737 174 2 884314740 +632 651 5 879459738 +825 105 3 889021208 +474 448 5 887925751 +763 87 2 878919019 +693 628 4 875483020 +846 941 2 883949379 +339 178 5 891033310 +671 553 5 884036846 +871 752 3 888192744 +654 82 5 887864797 +870 193 5 889717102 +345 218 3 884992218 +861 381 4 881274780 +717 258 5 884642133 +821 483 5 874793517 +934 657 3 891191027 +110 403 3 886988134 +740 258 3 879522681 +551 245 3 892775723 +532 523 5 888637085 +912 655 5 875966320 +916 806 4 880844552 +299 179 4 878191943 +699 328 2 885775345 +279 644 1 875306552 +514 196 5 875318331 +870 21 3 876319159 +892 133 3 886609149 +830 127 4 891464054 +938 252 4 891357042 +551 790 2 892783942 +933 22 5 874853634 +896 258 5 887157258 +621 235 3 880738142 +92 855 5 875653162 +844 95 4 877388040 +864 531 5 888887739 +934 70 4 891195713 +551 96 5 892777987 +715 237 4 875962280 +679 290 2 884487715 +846 392 2 883950185 +938 245 3 891356282 +505 243 2 888631415 +913 189 3 881367594 +832 50 3 888260089 +870 1210 1 879902161 +435 366 2 884133134 +902 127 3 879464726 +804 187 4 879441973 +109 1139 2 880583463 +933 636 2 874939105 +820 358 1 887954972 +923 975 4 880388245 +932 486 5 891251177 +864 768 3 888890776 +665 271 2 884290055 +932 230 4 891251153 +537 45 3 886031786 +280 12 5 891700803 +458 64 4 886396005 +919 151 4 875289025 +597 286 3 875338983 +934 805 4 891194221 +484 125 4 881450017 +919 288 4 875288164 +345 286 3 884900521 +461 305 2 885355757 +914 778 5 887122085 +771 98 1 880659990 +577 732 4 880474414 +393 934 3 887745544 +655 535 2 888685914 +925 567 3 884718156 +434 424 1 886724913 +843 200 3 879447801 +269 1361 4 891446756 +897 180 5 879991007 +738 1016 3 875348912 +782 330 4 891498213 +905 117 3 884984066 +402 1284 3 876266984 +738 54 3 875351872 +697 225 3 882622680 +896 257 4 887235105 +176 257 1 886048188 +650 385 4 891381585 +918 70 3 891988248 +932 1139 2 891251562 +526 591 4 885682503 +864 79 5 888887830 +889 318 4 880180265 +659 155 3 891386540 +698 66 3 886367100 +297 284 4 874954497 +655 690 2 887477489 +805 71 3 881695560 +864 373 2 888892053 +472 549 5 892791063 +593 272 5 888871874 +565 923 4 891037333 +643 47 4 891446791 +159 9 3 880485766 +650 657 4 891372339 +911 478 5 892838823 +397 358 2 882838937 +293 98 4 888905898 +632 12 5 879456910 +894 1007 3 880416072 +846 142 3 883950053 +54 148 3 880937490 +763 85 4 878918960 +90 23 5 891384997 +892 181 4 886608212 +831 173 3 891354798 +823 715 5 878439065 +878 265 3 880866626 +327 249 2 887744432 +296 498 5 884197352 +867 197 4 880078796 +483 676 4 878950972 +151 73 4 879528909 +664 764 4 878092758 +758 608 5 881975182 +24 276 5 875322951 +429 479 4 882385358 +693 172 3 875483947 +445 1016 1 891200164 +892 684 5 886608743 +796 705 4 892690263 +76 96 5 875312034 +782 255 4 891499321 +773 240 2 888539273 +562 234 5 879196074 +452 210 4 875561852 +198 93 3 884205346 +927 229 3 879191722 +756 1031 2 874830819 +435 722 3 884133818 +757 228 4 888466461 +835 287 4 891035309 +727 879 4 883708208 +711 316 4 889911048 +943 50 4 875501835 +907 237 5 880159059 +561 159 1 885809356 +103 56 5 880416602 +880 554 3 880168411 +913 15 3 881367770 +870 1664 4 890057322 +924 605 3 885457975 +303 542 2 879484194 +871 989 3 888192744 +642 357 2 885603565 +919 191 5 875373824 +500 93 4 883865020 +934 650 4 891195503 +451 245 2 879012550 +363 224 4 891495682 +865 456 1 880144405 +889 604 3 880178342 +883 750 3 891691485 +890 7 4 882402739 +663 174 5 889493540 +551 215 4 892778035 +589 877 4 883352562 +786 265 4 882842946 +454 132 2 888266874 +936 100 4 886832092 +599 546 4 880953441 +666 655 4 880139439 +301 155 1 882078308 +911 625 5 892840807 +930 100 3 879534506 +644 308 4 889076095 +760 845 5 875666110 +612 127 2 875325049 +629 39 2 880117747 +825 323 4 881185672 +349 713 3 879465673 +611 302 5 891636073 +852 100 4 891036457 +875 45 3 876465072 +244 121 1 880604583 +797 1023 3 879439519 +489 683 2 891449099 +934 191 5 891190695 +918 498 4 891987025 +632 51 4 879459166 +716 135 3 879795071 +462 346 1 886365928 +885 338 3 885712224 +942 124 4 891283068 +868 80 2 877111453 +805 121 3 881694885 +407 650 2 875044400 +467 302 4 879532127 +581 137 5 879641787 +886 1093 1 876032654 +389 240 3 879916254 +921 659 5 884673799 +320 292 3 884748299 +77 42 5 884752948 +861 20 4 881274857 +815 98 4 878693183 +682 117 4 888522455 +943 367 4 888639679 +504 125 4 889550735 +715 17 3 875964105 +878 956 2 880866810 +936 237 4 886832672 +919 282 4 875289113 +326 701 4 879876141 +896 19 2 887159211 +905 591 4 884983951 +804 479 4 879441542 +816 322 4 891710922 +279 165 4 875310233 +774 64 3 888556517 +38 420 5 892429347 +845 242 4 885409493 +782 50 3 891499243 +868 12 5 877103834 +224 378 4 888103775 +566 94 2 881651636 +883 216 4 891694249 +913 22 5 881369920 +276 175 5 874787376 +130 117 5 874953895 +56 28 5 892678669 +533 820 2 887032380 +650 62 3 891381784 +586 67 5 884067059 +554 191 5 876243914 +482 682 3 887644022 +889 86 4 880180191 +328 176 5 885046052 +934 510 5 891193751 +648 82 5 884882742 +603 7 5 891956075 +280 1063 3 891700607 +839 458 5 875751893 +865 408 5 880143385 +496 88 1 876067346 +881 257 5 876536040 +802 565 3 875985976 +290 120 4 880732712 +595 1047 2 886921769 +795 2 3 883252599 +825 833 4 881101329 +886 546 1 876031550 +715 235 2 875962140 +750 258 3 879445755 +942 414 4 891282857 +930 24 1 879535015 +892 29 2 886610565 +899 498 4 884121767 +910 127 5 880822060 +761 508 1 876190206 +933 183 4 874853819 +804 1260 3 879445660 +776 134 4 892210460 +405 95 3 885548785 +916 382 4 880844674 +345 941 3 884993932 +889 291 3 880182815 +712 83 4 874730396 +234 659 3 892078660 +94 151 5 891721716 +757 95 4 888467270 +785 50 5 879439021 +912 498 5 875965830 +533 1142 4 888347670 +747 521 5 888640567 +526 245 2 885682124 +912 610 4 875966027 +894 345 4 884036815 +211 890 2 879461395 +911 431 4 892842368 +560 515 3 879976109 +641 432 5 879370119 +934 86 3 891191831 +815 559 3 878695877 +663 652 4 889493540 +919 303 4 875920245 +393 1058 4 887746916 +775 305 4 891032837 +694 15 4 875728842 +621 804 4 881445120 +843 423 2 879448019 +913 143 5 881725761 +207 792 2 876079016 +883 26 3 891693139 +919 1197 4 875288613 +550 257 4 883425337 +615 629 4 879449184 +719 382 2 879360965 +864 797 3 888892539 +59 86 3 888205145 +515 895 4 887659123 +920 286 2 884219953 +788 371 3 880870626 +793 127 5 875103773 +927 1 5 879191524 +757 554 3 888466683 +871 566 3 888193337 +782 1384 3 891500110 +910 684 4 880821696 +747 204 5 888732899 +659 712 3 891386307 +940 678 4 884801316 +486 813 5 879874516 +753 183 1 891401798 +840 521 5 891205069 +25 86 4 885852248 +866 340 2 891221165 +294 294 4 877818860 +606 185 3 880926759 +540 121 2 882157148 +910 310 3 881420170 +682 81 3 888517439 +782 269 3 891497698 +933 163 2 874938309 +752 902 5 891208452 +500 402 3 883875388 +846 558 4 883948221 +848 451 4 887042377 +358 208 2 891270510 +727 173 5 883710437 +833 802 1 887158946 +869 249 4 884493279 +846 386 3 883950154 +519 991 2 883250021 +931 304 4 891036105 +907 427 5 880159821 +912 646 3 875966429 +435 430 5 884131712 +631 873 2 888465084 +938 742 3 891356702 +932 474 5 891250418 +94 293 4 891724044 +875 23 5 876466687 +763 955 2 878917433 +851 161 3 875731490 +938 926 3 891357137 +716 1269 4 879795122 +896 100 3 887158294 +918 704 4 891988123 +294 295 4 877820132 +434 1 4 886724590 +922 432 5 891448551 +349 25 3 879465966 +533 609 4 879191184 +865 1 1 880143424 +896 211 4 887159554 +841 888 5 889067432 +103 98 3 880420565 +316 304 3 880853193 +332 550 5 887939092 +693 117 4 875483977 +679 483 5 884487010 +795 423 2 881265617 +919 118 4 875373582 +904 88 3 879735710 +893 220 3 874829187 +919 9 5 875288749 +555 235 3 879964209 +553 134 4 879948806 +892 196 4 886609622 +763 1098 3 878919083 +56 871 2 892910207 +552 1 3 879221716 +721 284 4 877141038 +477 111 5 875941763 +801 268 5 890332645 +880 23 5 880175735 +638 210 4 876695478 +621 585 4 874962988 +790 1047 3 885157621 +825 1049 3 880756834 +334 518 4 891547334 +49 300 1 888065577 +544 302 5 884795135 +523 168 4 883701962 +828 985 3 893186246 +297 153 5 875240053 +293 1119 1 888906655 +551 366 5 892784049 +916 157 4 880845011 +96 423 5 884403057 +788 323 3 880867855 +821 22 5 874793418 +892 239 4 886609829 +747 476 3 888733595 +716 696 2 879794615 +406 98 4 879446529 +642 402 4 885603792 +279 744 2 892864943 +758 176 5 882055987 +707 313 2 886288754 +900 661 4 877833747 +916 172 5 880843997 +403 282 5 879786052 +823 742 4 878438535 +889 135 2 880180101 +521 597 2 884476302 +919 137 2 875288749 +774 561 1 888557772 +532 407 2 874794386 +782 994 2 891500194 +854 343 3 882811773 +766 837 3 891309878 +406 286 3 879445250 +606 235 3 880922566 +114 527 3 881309586 +486 302 5 879873973 +903 210 4 891033541 +801 271 5 890332929 +936 988 3 886831912 +381 225 3 892697495 +923 544 4 880387507 +524 150 2 884832650 +551 686 3 892783829 +815 144 4 878693989 +646 307 3 888528902 +798 1102 4 875637680 +893 50 5 874829883 +840 1674 4 891211682 +942 678 3 891282673 +192 287 4 881368016 +606 198 4 880927665 +658 235 2 875145572 +747 659 4 888639175 +864 672 2 888889389 +893 819 3 874829355 +753 89 3 891402240 +897 371 2 879991007 +877 86 4 882677827 +805 371 1 881696759 +893 24 4 874828649 +514 1101 4 886189893 +847 164 3 878941056 +49 813 3 888068686 +693 134 4 875484539 +99 473 4 885679353 +881 70 2 876539220 +930 1010 2 879534692 +606 188 4 880924921 +878 153 5 880866177 +477 274 5 875941763 +872 685 4 888479348 +664 58 4 876525292 +712 501 3 874957140 +870 736 1 879901654 +312 83 4 891699538 +751 210 5 889133106 +666 192 4 880139615 +383 185 5 891192985 +312 525 5 891698424 +794 257 4 891036265 +711 91 4 879994413 +705 588 3 883427640 +758 345 5 883806413 +904 535 3 879735404 +708 880 3 892718919 +453 781 3 888206022 +896 288 3 887235788 +896 199 3 887158005 +896 79 5 887158384 +894 1295 3 879896268 +537 315 4 886029116 +889 82 4 880180122 +943 585 1 888640250 +881 79 4 876537825 +876 318 5 879428406 +504 153 3 887838624 +109 595 3 880572108 +833 284 1 885328485 +672 220 2 879787729 +308 530 4 887736584 +705 797 4 883428258 +634 111 4 875729794 +730 268 4 880309927 +773 29 2 888540218 +880 376 3 880175239 +661 665 3 876035999 +860 262 4 874967063 +138 497 5 879023947 +295 132 5 879517348 +933 452 1 874938808 +647 147 4 876532975 +463 269 5 877384802 +75 864 4 884049876 +871 97 3 888193541 +643 1215 3 891446489 +936 13 4 886832596 +714 257 3 892776410 +921 237 3 879379562 +213 70 3 878955766 +22 265 3 878888066 +379 317 5 880525001 +790 403 4 885157036 +773 367 2 888539576 +833 410 3 878078390 +782 361 3 891498139 +99 433 4 886780105 +11 11 2 891904271 +932 503 4 891249962 +764 69 5 876244991 +284 315 5 885329593 +784 340 3 891387895 +929 197 3 880817780 +918 972 5 891988054 +585 313 3 891281385 +862 406 4 879303843 +468 44 4 875302208 +630 471 4 885666955 +889 96 4 880181015 +264 173 5 886123358 +716 465 5 879797177 +682 586 1 888522700 +244 455 2 880604503 +846 509 4 883948765 +291 582 4 875087720 +486 825 2 879875188 +663 833 4 889492796 +628 301 4 880777046 +790 1014 2 884462551 +690 514 1 881177430 +641 258 3 879369806 +878 1092 3 880867444 +311 415 3 884365654 +880 91 3 880241256 +457 1221 4 882549438 +807 596 4 892530792 +880 411 4 880167328 +804 476 3 879443852 +674 181 4 887762603 +537 303 4 886028706 +829 10 3 881707829 +305 127 5 886322412 +788 148 3 880869215 +11 747 3 891906426 +690 443 3 881179937 +645 959 4 892053541 +579 294 4 880951494 +291 562 4 874835242 +655 916 2 892436455 +893 121 4 874830313 +711 549 4 879994719 +751 94 3 889298964 +661 218 3 876035933 +771 82 2 880659686 +829 212 4 881699005 +49 121 1 888068100 +581 936 3 879643155 +200 523 4 884129627 +906 284 4 879435469 +878 690 2 880865230 +877 306 3 882675993 +922 367 3 891452743 +823 919 4 878438206 +82 660 5 878769848 +10 604 4 877892110 +820 347 4 887954853 +915 691 4 891030108 +918 42 3 891987059 +682 401 1 888522260 +936 1171 5 886832757 +435 409 3 884134019 +343 478 5 876404499 +921 185 3 879380826 +758 237 4 881976377 +843 482 2 879447007 +130 444 4 880396495 +683 258 3 893282978 +729 346 1 893286168 +257 936 4 882050151 +682 147 1 888523619 +747 127 5 888639362 +378 25 4 880044489 +744 483 4 881171452 +740 1038 4 879523187 +716 1126 3 879796138 +892 288 4 886610626 +756 1652 1 874828198 +760 748 4 875665867 +721 1026 3 877137214 +804 40 3 879445739 +22 233 3 878888066 +493 435 5 884132015 +864 201 5 888887172 +326 56 2 879875691 +606 1065 5 880924323 +92 1210 1 875907179 +533 740 4 879192815 +890 448 2 882915661 +662 1511 4 880570301 +870 659 4 875680020 +454 1089 2 881959437 +935 620 2 884472627 +880 475 4 880166798 +881 473 2 876536636 +892 511 5 886608296 +639 865 1 891239427 +881 120 2 879052376 +682 62 3 888522541 +660 301 3 891197661 +902 79 5 879465952 +871 269 3 888192970 +711 969 5 886030557 +64 503 4 889740342 +731 608 4 886183515 +938 237 2 891356549 +840 653 5 891209389 +788 531 4 880868144 +932 1456 4 891250891 +932 502 4 891249710 +512 186 5 888579520 +339 644 5 891033200 +541 1030 3 885595972 +930 257 4 879535392 +800 15 4 887646631 +655 1142 2 891585344 +796 573 4 893218521 +588 447 3 890026009 +375 234 5 886621917 +788 159 3 880869135 +253 966 5 891628181 +763 198 5 878915958 +592 984 1 882607690 +880 794 4 880243265 +535 277 5 879619107 +846 51 4 883949121 +406 101 3 879793112 +846 1041 4 883950791 +679 318 5 884486812 +927 426 4 879191432 +918 1172 3 891987622 +618 1063 3 891308459 +804 483 5 879441627 +815 159 3 878694306 +509 271 4 883591195 +860 663 3 885991101 +871 301 4 888192475 +932 82 3 891251246 +13 429 5 884538727 +848 523 5 887042341 +787 345 3 888979007 +269 739 1 891451431 +734 230 2 891022803 +851 815 3 874767550 +653 1042 2 880151488 +924 527 4 885458009 +318 143 5 884495944 +911 26 4 892840048 +843 1157 3 879444114 +894 237 4 880416176 +913 258 4 889331049 +919 124 3 875288522 +934 624 4 891193290 +793 742 3 875104648 +548 176 4 891044355 +864 1140 1 888892491 +655 1245 3 887426087 +561 99 3 885808673 +279 544 1 890451433 +44 97 2 878348000 +805 213 3 881696699 +886 55 4 876031622 +178 1028 3 882824670 +852 506 4 891037917 +567 513 4 882426719 +907 312 5 885860416 +608 287 3 880406950 +16 66 4 877719075 +797 294 3 879439105 +495 240 4 888636773 +776 559 4 892920351 +601 473 3 876347665 +682 65 3 888517416 +117 282 5 880126295 +1 152 5 878542589 +933 393 2 874938371 +806 180 4 882388082 +177 160 4 880131011 +41 135 4 890687473 +658 198 5 875148108 +221 38 2 875246506 +622 1149 3 882592314 +514 421 4 875463269 +657 873 3 884238614 +659 505 4 891385769 +500 1057 3 883877359 +823 517 5 878437658 +919 111 4 875288681 +892 300 4 886607521 +445 183 2 890987687 +836 187 5 885754200 +705 471 5 883427339 +650 602 4 891371116 +305 97 4 886322560 +812 302 3 877625109 +303 191 5 879466937 +567 494 5 882425932 +919 147 4 875289322 +554 1028 3 876551044 +338 990 4 879437607 +758 117 4 881976203 +560 222 4 879976706 +913 408 5 880758348 +829 105 3 881711924 +435 603 3 884131118 +623 274 4 891034053 +639 60 3 891239790 +862 176 5 879304672 +373 178 4 877099352 +896 91 2 887159369 +279 7 5 891209102 +804 291 4 879443819 +930 143 2 879535462 +280 183 3 891700588 +561 9 4 885807546 +838 1039 5 887065782 +929 144 3 879640394 +315 288 3 879821349 +709 762 3 879848925 +588 301 5 890015021 +21 53 4 874951820 +630 1079 1 885667508 +642 257 5 886131546 +942 318 5 891282903 +891 127 4 883431353 +21 273 4 874951349 +883 70 3 891693169 +492 1121 2 879969720 +747 196 2 888640046 +499 56 4 885599182 +875 134 5 876465188 +899 414 2 884122228 +606 588 5 880923862 +642 1055 4 886569483 +839 333 4 875751442 +130 1278 5 876251127 +3 346 5 889237455 +887 1060 5 881378570 +719 255 2 883981599 +387 581 4 886483394 +382 756 3 875946185 +922 411 1 891455379 +769 13 4 885424214 +889 705 4 880178287 +904 785 5 879735731 +582 328 3 882960555 +870 1044 2 879714772 +729 894 1 893286511 +916 137 5 880843482 +749 433 3 878848217 +892 483 5 886607642 +938 118 5 891356799 +929 589 5 880817708 +846 187 4 883947911 +458 69 2 886397988 +645 202 3 892053518 +630 546 3 885667056 +889 959 3 880182103 +407 101 3 876338186 +935 181 4 884472039 +654 248 2 887863596 +330 496 5 876546172 +559 652 4 891035633 +896 69 5 887158768 +833 180 5 875123677 +932 523 4 891250080 +923 121 4 880387908 +650 153 4 891382138 +830 228 3 891561607 +896 661 4 887158384 +465 835 3 883531026 +788 192 4 880868838 +940 264 1 884801053 +901 321 1 877129839 +916 98 5 880844038 +911 87 5 892839056 +85 333 1 886282927 +691 772 5 875543281 +449 70 4 880410777 +907 172 4 880160008 +739 749 5 886825529 +847 157 1 878940463 +268 116 4 875306760 +484 393 1 891195246 +897 405 5 879993042 +932 99 4 891250236 +842 902 5 891218459 +524 1107 4 884636262 +833 26 1 875133661 +312 199 5 891698516 +293 162 3 888907312 +773 196 4 888540467 +374 117 5 880392846 +833 153 3 875038709 +881 651 5 876539549 +435 441 3 884133084 +239 203 1 889179291 +900 9 2 877832868 +943 427 4 888639147 +601 208 4 876350017 +577 97 5 880472153 +838 153 4 887066783 +896 300 2 887157234 +595 108 2 886921634 +770 323 5 875971612 +831 22 5 891354573 +829 475 4 891990718 +269 378 3 891449962 +868 65 2 877104212 +815 228 5 878694735 +682 804 3 888521740 +521 239 5 885254354 +625 732 3 891263960 +158 7 5 880132744 +374 477 1 885107929 +627 385 2 879531351 +894 271 2 880993335 +882 746 4 879865163 +908 663 3 879723022 +56 66 3 892911110 +932 513 5 891250316 +756 403 2 874828826 +659 526 5 891332224 +378 1091 2 880332911 +907 742 5 880158939 +931 281 3 891036883 +917 289 4 882910457 +184 95 4 889908801 +938 100 5 891356350 +885 1030 1 885713975 +642 400 4 886569278 +361 692 4 879440774 +407 73 4 892060474 +773 522 4 888539328 +803 322 2 880055043 +792 1164 3 877910629 +389 347 4 887868071 +894 52 4 882404507 +478 32 3 889395678 +527 9 5 879455873 +806 318 5 882387484 +916 1079 2 880843811 +621 148 4 880739654 +710 887 2 882063612 +894 595 3 880993632 +882 470 4 879867816 +715 101 3 875964131 +825 321 3 886697076 +733 9 3 879535406 +548 328 4 891042954 +923 1 3 880387306 +830 151 3 891560596 +847 602 3 878940732 +932 168 5 891250746 +329 127 4 891655741 +493 274 5 884131480 +167 1125 5 892738419 +823 168 5 878437658 +188 187 3 875072211 +496 419 2 876066874 +936 1323 4 886833281 +916 226 3 880845177 +727 447 3 883713194 +464 249 2 878355119 +749 178 4 878847540 +896 245 4 887235265 +864 108 3 888891627 +28 434 4 881961104 +588 382 3 890024730 +442 96 4 883390328 +913 172 5 881726004 +537 1048 2 886030381 +895 222 3 879437965 +574 312 4 891279410 +782 254 2 891499660 +901 429 5 877132301 +324 321 3 880575002 +868 155 2 877111623 +648 249 3 882211348 +766 294 2 891307007 +551 302 3 892775389 +43 202 5 875981190 +911 473 3 892840996 +890 133 5 882402518 +537 345 4 886028446 +747 100 5 888639397 +310 1142 5 879436467 +770 111 5 875972059 +897 185 5 879991137 +643 5 3 891449741 +834 298 4 890862648 +573 495 2 885844339 +654 455 3 887863826 +5 368 1 875635457 +85 181 4 882813312 +889 947 4 880181225 +849 38 5 879695420 +916 273 3 880843361 +531 313 5 887049364 +901 1035 4 877131793 +670 515 2 877974699 +804 820 4 879444115 +442 405 3 883390497 +939 274 5 880261334 +939 252 3 880261185 +805 1071 4 881705456 +474 411 2 887915684 +864 1425 2 888890475 +650 635 3 891370155 +37 62 5 880916070 +646 354 3 888528902 +774 217 2 888557772 +610 485 5 888703815 +656 340 3 892318488 +269 1267 1 891448643 +938 220 4 891357085 +181 280 4 878963381 +339 518 5 891033984 +854 476 3 882813219 +907 220 5 880159360 +887 578 4 881381610 +834 342 2 890860334 +601 660 3 876349937 +416 17 2 886318084 +807 139 2 893082430 +705 416 3 883427716 +924 1149 3 888351470 +556 135 2 882136252 +919 277 5 875288805 +907 988 3 880158612 +864 230 2 888889129 +896 483 3 887158333 +823 686 4 878439257 +286 367 5 877531574 +707 479 3 886286092 +642 131 3 885603566 +294 333 4 877818861 +943 185 2 888639370 +749 405 2 878848673 +908 264 3 879722206 +286 537 4 889651402 +640 1010 3 886474753 +400 313 5 885676316 +781 523 5 879634038 +672 1190 2 879789437 +201 440 2 884114770 +795 436 3 883767338 +634 269 4 890779855 +759 323 4 875227724 +943 403 4 888639746 +385 448 3 879448263 +804 145 3 879446276 +716 195 1 879795425 +882 230 5 879867508 +504 248 4 887831622 +934 1203 5 891193013 +566 521 4 881649802 +837 181 3 875721869 +943 401 1 888639867 +917 3 1 882911567 +751 658 3 889133106 +741 724 4 891019625 +843 228 4 879443763 +933 515 3 874854062 +749 356 4 878847804 +109 410 1 880564534 +125 222 5 892836465 +932 399 4 891251798 +655 1262 3 891585279 +881 447 4 876538953 +932 526 5 891250746 +851 339 4 888540093 +934 602 3 891195063 +450 1480 3 882468686 +533 147 1 884698117 +692 1 4 876953340 +44 183 4 883613372 +865 831 1 880144480 +917 255 3 882911158 +798 699 3 875303502 +719 137 1 884899841 +189 523 4 893265596 +409 178 5 881107817 +328 68 3 885048198 +870 170 5 875050637 +936 343 3 886831576 +789 762 3 880332232 +749 1440 3 878849534 +747 488 5 888640524 +65 9 5 879217138 +829 845 3 891990650 +622 742 3 882590420 +712 204 4 874956810 +321 428 4 879441336 +610 317 3 888703553 +611 315 5 891636098 +280 585 3 891702441 +648 211 4 884368643 +919 181 4 875289250 +864 121 4 877214085 +303 634 3 879467035 +833 1353 3 875035885 +863 355 4 889289419 +749 420 4 878849682 +664 230 3 876526659 +458 483 5 886396460 +798 402 3 875916297 +795 208 4 881252835 +407 288 4 890687293 +846 428 3 883948377 +653 182 3 878854051 +716 190 5 879797152 +709 738 1 879849330 +324 742 5 880575493 +201 1137 4 884111830 +761 201 2 876190511 +650 89 4 891381585 +65 392 5 879217689 +305 173 3 886322670 +551 546 2 892784673 +746 135 1 885075655 +500 242 3 891916883 +393 774 4 889731673 +145 53 2 875272245 +627 518 4 879530146 +806 96 5 882389908 +858 127 5 880932912 +861 213 5 881274759 +751 479 2 889132776 +804 218 4 879445072 +805 477 4 881705810 +608 1281 4 880407079 +886 1467 5 876033987 +24 151 5 875322848 +584 50 4 885777950 +774 177 4 888557277 +429 472 3 882387434 +758 204 4 881975787 +680 257 4 877075273 +528 213 4 886101505 +406 601 3 882480749 +323 1048 3 878739594 +593 40 1 875671757 +6 202 3 883602690 +922 431 4 891447723 +406 154 5 879792811 +840 176 3 891204755 +537 462 3 886030805 +883 207 3 891693012 +774 421 1 888558128 +715 100 2 875961816 +532 347 4 884594422 +699 591 2 880696196 +731 1275 1 886186940 +442 450 3 883391377 +536 1050 5 882360124 +860 327 3 880829225 +452 213 4 875265265 +521 181 4 884475845 +821 504 4 874793848 +828 345 1 891035438 +537 527 4 886031860 +774 82 2 888557277 +757 638 3 888468871 +421 79 4 892241459 +881 72 2 876539220 +123 321 4 879809220 +474 647 4 887924571 +916 640 4 880845157 +72 649 4 880036783 +314 932 4 877887316 +805 1105 2 884881781 +748 227 3 879455150 +932 89 5 891249586 +727 198 4 883710687 +435 201 4 884131356 +918 656 4 891986609 +660 1139 2 891201966 +642 686 5 886131546 +366 758 3 888857684 +846 560 1 883950889 +717 245 4 884641842 +648 176 4 884367538 +721 739 4 877139551 +749 155 2 878849829 +690 47 1 881179469 +578 1016 4 888957666 +887 228 4 881380709 +749 203 4 878848639 +936 1315 3 886833191 +919 1119 3 875373824 +459 298 3 879562895 +890 205 5 882405473 +435 635 3 884133544 +864 204 5 888888937 +738 655 3 875350456 +577 68 4 880475021 +877 1402 4 882677386 +868 655 4 877107996 +798 83 4 875303683 +936 289 5 886831769 +711 51 4 879994778 +526 123 3 885682614 +806 88 4 882390191 +907 107 5 880158939 +840 199 4 891209183 +918 507 5 891987363 +401 188 1 891033267 +934 303 4 891188441 +382 168 4 875946700 +347 363 1 881653244 +875 480 5 876465275 +262 234 3 879794359 +807 496 5 892528918 +843 427 2 879446281 +904 1074 4 879735710 +921 797 3 879381287 +913 4 4 874786460 +881 498 4 876537577 +556 243 1 882135994 +327 529 3 887822770 +844 100 4 877381607 +871 1176 3 888192858 +474 59 3 887923708 +884 212 4 876859238 +846 192 5 883949254 +631 886 4 888465216 +848 430 5 887041354 +532 1011 5 893119491 +873 326 4 891392656 +834 245 4 890860416 +889 737 3 880181515 +77 228 3 884753105 +808 327 5 883949986 +747 715 5 888733274 +360 137 5 880354379 +648 904 2 884794555 +23 73 3 874787016 +308 429 4 887737890 +660 636 2 891200704 +889 208 4 880181275 +940 879 3 889480535 +901 142 4 877131739 +457 356 4 882547670 +892 477 4 886609551 +537 1404 2 886032204 +234 2 2 892335142 +937 283 4 876769212 +772 271 4 889028773 +666 236 4 880313250 +790 176 3 885155489 +815 588 5 878693906 +851 261 3 877831111 +62 151 5 879372651 +804 235 5 879443736 +698 496 3 886366690 +588 356 4 890025751 +682 1311 3 888518035 +618 588 4 891307224 +833 1006 1 875039153 +666 642 5 880139586 +291 833 3 874834236 +721 228 5 877138585 +896 802 2 887161172 +903 509 4 891033380 +902 301 2 879463373 +389 487 5 879991115 +800 405 4 887646705 +454 527 4 881960201 +918 151 2 891988646 +592 603 5 882955543 +845 303 1 885409374 +844 125 3 877382269 +279 1496 3 875298419 +806 702 3 882388795 +862 651 5 879304624 +398 708 3 875747159 +533 243 3 879193517 +561 566 3 885809873 +385 92 3 879443217 +426 496 3 879442841 +339 790 2 891034151 +758 307 3 880672345 +181 815 3 878963168 +13 188 4 882140130 +707 345 5 886285168 +642 181 5 885603699 +782 1608 3 891499399 +457 569 3 882549356 +577 5 4 880475318 +749 181 5 878846998 +648 377 3 884881837 +882 291 4 879862936 +758 270 4 889062124 +788 153 3 880868277 +571 144 2 883354992 +88 326 5 891038103 +851 687 2 874728168 +174 1017 2 886434187 +641 528 4 879370150 +758 393 4 881979012 +417 473 2 879646860 +862 432 5 879304902 +459 125 4 879563169 +930 709 4 879535663 +351 304 3 879481675 +87 180 4 879875649 +924 181 3 884371535 +787 906 1 888979721 +871 271 5 888192349 +796 662 5 893047207 +919 293 4 875288681 +937 237 4 876769530 +295 416 4 879518630 +639 61 3 891239790 +862 91 5 879304762 +774 218 1 888557739 +916 52 5 880844813 +881 243 2 876535663 +655 815 2 887651149 +609 15 5 886895150 +854 322 1 882811865 +619 182 4 885954019 +551 895 3 892775752 +460 870 2 882912469 +151 705 5 879524778 +794 187 5 891035117 +503 529 2 880383030 +927 1178 2 879192052 +940 171 2 885921401 +897 763 3 879993404 +934 226 4 891191831 +318 944 2 884497208 +639 100 1 891240495 +521 204 4 884477853 +880 407 1 880175503 +214 55 4 892668197 +833 1628 3 875225219 +932 448 2 891251588 +922 385 3 891450586 +864 183 4 888888115 +864 189 4 888889268 +933 177 4 874854994 +336 173 5 877757637 +796 62 4 893048562 +929 496 3 879640256 +514 433 5 875462795 +622 769 1 882672922 +442 2 3 883390544 +715 1222 2 875965035 +751 315 3 887134587 +130 233 4 875801750 +559 167 3 891035840 +883 580 3 891693200 +889 210 4 880178342 +62 924 1 879373175 +851 1120 2 890343707 +561 1210 1 885810813 +934 705 4 891191778 +908 144 4 879722850 +870 12 4 875050748 +675 269 5 889488487 +697 986 1 882622680 +924 276 2 884371386 +399 47 3 882511093 +880 940 3 880175157 +886 204 3 876031932 +545 692 3 879900654 +536 386 4 882361162 +577 125 4 880470604 +934 144 4 891192087 +917 121 1 882911567 +738 240 3 875350385 +921 174 5 884673780 +901 756 4 877126935 +840 179 5 891205069 +886 209 4 876031850 +276 772 4 874790826 +936 7 4 886832221 +763 703 5 878923433 +932 462 4 891249038 +843 173 2 879446215 +566 265 4 881650849 +938 410 1 891356780 +83 704 3 880327216 +189 582 5 893265998 +856 272 5 891489217 +747 1045 4 888639823 +846 197 4 883948417 +805 144 3 881694693 +243 246 4 879987085 +451 266 2 879012811 +933 175 4 874854444 +404 301 3 883790286 +313 603 5 891013681 +896 248 4 887235249 +593 274 3 875659849 +924 56 3 886327724 +374 504 4 880395973 +655 1155 3 887474289 +874 285 4 888632411 +669 7 3 892549266 +59 243 1 888206764 +751 274 4 889298694 +933 9 3 874854402 +389 239 3 880087939 +943 576 4 888640106 +244 67 4 880608820 +239 14 5 889179478 +922 919 5 891454625 +183 1215 1 891467546 +177 221 3 880130775 +773 68 2 888540091 +872 926 4 888479516 +232 286 3 880062259 +796 450 3 893049399 +157 258 3 886890296 +528 678 3 888520525 +880 1222 4 880168411 +391 591 4 877399894 +919 406 3 875289417 +523 1069 5 883701962 +810 878 4 879895500 +363 313 5 891493571 +682 33 4 888520864 +742 282 3 881335857 +246 159 3 884923003 +913 466 3 882544673 +799 1545 4 879254026 +726 1038 2 889832053 +931 111 3 891036648 +847 50 4 878774969 +862 265 5 879304980 +923 815 4 880387792 +82 484 4 878769597 +884 510 5 876859330 +846 738 4 883950364 +883 349 2 892557605 +909 707 5 891920327 +503 187 5 880383625 +796 145 2 893218485 +929 429 4 879640225 +225 479 4 879539614 +59 4 4 888205188 +821 993 4 874792570 +339 216 3 891032286 +912 419 4 875966756 +305 566 3 886324486 +209 129 2 883417667 +374 411 3 880394088 +936 1375 5 886832596 +617 320 5 883789424 +315 318 5 879799422 +232 435 4 888550013 +276 182 5 874787549 +488 746 4 891293771 +854 1283 2 882813047 +919 22 5 875374269 +799 306 4 879253795 +788 294 3 880867855 +835 1278 5 891032653 +795 1030 3 883255381 +311 550 3 884364812 +907 978 5 880159473 +868 2 2 877112290 +660 94 2 891201887 +894 534 4 879896704 +655 307 3 892011201 +642 748 5 885601998 +681 894 1 885409742 +435 84 2 884133757 +523 213 5 883700743 +926 245 3 888636270 +429 129 4 882385065 +441 300 3 891035056 +293 122 3 888905399 +199 1354 1 883782952 +774 553 2 888556867 +151 380 5 879543146 +653 371 1 880152058 +921 276 1 879381004 +903 127 5 891031144 +542 194 4 886532534 +938 845 1 891356780 +885 549 3 885714409 +924 9 4 886759657 +709 17 4 879848120 +889 949 3 880181646 +903 928 2 891031749 +751 660 4 889297990 +610 176 4 888703157 +615 300 4 879447613 +882 133 5 879867263 +758 831 4 882054415 +548 924 3 891415786 +805 519 4 881698095 +892 497 4 886608347 +786 100 4 882841667 +803 305 5 880055604 +537 604 3 886031211 +813 243 3 883752660 +927 210 5 879194937 +759 237 3 881476891 +665 200 4 884293741 +79 236 5 891271719 +10 93 4 877892160 +773 24 3 888538677 +592 295 4 882608357 +758 320 5 881976061 +780 427 3 891363904 +894 287 4 880993766 +846 747 3 883948417 +345 181 4 884992479 +405 1445 1 885546336 +8 260 3 879361665 +699 291 3 892709098 +795 47 3 881265108 +181 1381 2 878962349 +164 328 5 889401362 +532 215 5 892866230 +436 856 4 887769952 +534 508 4 877807973 +870 367 4 875679768 +629 194 5 880116887 +604 288 3 883668261 +536 431 5 882359813 +701 286 4 891446488 +912 357 5 875966429 +537 609 3 886031606 +653 210 4 880150103 +13 400 4 885744650 +826 4 4 885690526 +159 932 3 880557464 +541 1041 3 883865929 +747 194 3 888639222 +682 1478 3 888519226 +667 275 4 891035084 +393 8 3 887746145 +734 498 4 891022938 +229 882 4 891633029 +871 402 3 888193541 +903 369 4 891032101 +425 827 1 878739095 +851 95 4 875731282 +416 95 3 878879688 +588 660 4 890024002 +537 228 3 886031474 +272 187 5 879455043 +910 121 1 880821492 +453 1079 1 887942484 +805 317 4 881698745 +497 226 3 879310913 +910 742 4 880822031 +547 751 4 891282597 +488 492 2 891375784 +910 183 4 880822060 +747 900 5 888638183 +788 445 4 880869718 +779 447 4 875999211 +830 231 2 891561938 +887 71 5 881380996 +854 508 4 882812492 +927 571 3 879196853 +271 610 3 885848584 +901 69 5 877132346 +825 1011 3 881101246 +332 619 3 887938524 +907 781 5 885862325 +870 939 3 879714066 +389 257 3 879916077 +796 234 2 892690173 +887 609 4 881381207 +860 781 2 887754411 +826 399 4 885690790 +943 717 4 875502116 +731 520 4 886186567 +892 797 4 886610372 +876 286 5 879428072 +758 315 5 883793836 +606 1149 4 880925289 +881 1217 5 876538506 +271 429 4 885848672 +876 523 5 879428378 +924 402 3 886759965 +916 66 3 880845264 +770 257 4 875972059 +927 1284 4 879181133 +916 421 5 880844291 +745 603 4 880123243 +586 939 4 884064459 +940 7 4 885921597 +815 239 5 878694563 +892 175 4 886608559 +921 69 4 879380862 +919 678 2 875288253 +848 132 5 887038197 +546 300 3 885139842 +919 95 4 875921182 +321 59 4 879440687 +597 748 5 875339041 +537 69 2 886031178 +785 137 2 879438810 +389 618 4 880088115 +484 38 4 891195532 +933 226 2 874854874 +746 83 4 885075497 +574 311 4 891279410 +637 127 2 882901356 +856 328 3 891489478 +862 202 5 879304624 +790 210 4 885155209 +618 776 2 891307098 +133 271 5 890588766 +495 393 5 888635339 +871 305 3 888192475 +728 748 3 879442532 +682 8 3 888521833 +469 487 5 879524178 +883 241 4 891696714 +721 1065 5 877147383 +201 28 3 884111217 +457 238 5 882392976 +536 640 4 882361042 +896 478 5 887158739 +776 427 3 892313246 +886 164 4 876033053 +655 410 2 891585344 +280 182 3 891700276 +303 88 4 879468307 +712 96 5 874729850 +896 427 4 887158384 +686 26 5 879546847 +42 591 4 881110138 +394 343 3 881130008 +350 429 4 882345668 +298 679 3 884183099 +598 538 4 886711452 +622 978 2 882591453 +934 1135 3 891196117 +710 501 3 882064435 +882 501 5 879879807 +802 748 4 875984776 +804 513 5 879441937 +791 294 3 879447940 +679 97 3 884487300 +495 590 4 888637612 +870 654 4 875050801 +916 23 4 880843997 +363 80 4 891498434 +917 1 3 882910888 +851 930 3 875730312 +864 88 4 888887469 +727 840 2 883709884 +860 678 3 887754112 +288 286 4 886372862 +639 863 4 891239702 +643 572 3 891450341 +930 210 2 879535713 +650 158 2 891388149 +889 193 4 880180191 +815 333 3 887978234 +624 275 4 879792493 +279 374 1 888806649 +768 284 1 883835210 +434 1197 5 886724913 +669 603 5 891260719 +735 756 2 876698684 +782 1387 3 891499278 +503 580 3 880383236 +895 151 5 879438101 +59 517 5 888205714 +392 528 5 891038371 +448 270 5 891888137 +592 750 5 886394208 +659 673 4 891384499 +847 222 5 878775470 +303 943 2 879467815 +100 315 5 891375557 +749 470 5 878849259 +882 432 5 879865307 +755 286 5 882569670 +20 15 4 879667937 +327 628 2 887820226 +880 527 4 880241943 +115 558 5 881171203 +557 307 5 881179653 +368 413 1 889783454 +943 216 4 888639327 +883 1012 5 891916324 +371 202 5 880435313 +790 792 2 885155603 +245 717 4 888513447 +901 1120 4 877127021 +416 100 5 893212895 +2 296 3 888550871 +605 111 3 879425663 +650 23 3 891369890 +923 741 5 880387792 +234 1448 3 892335187 +671 82 4 884035686 +924 129 4 889286888 +805 11 2 881694423 +21 1 5 874951244 +916 558 3 880844767 +907 15 5 880158861 +847 501 3 878940463 +844 12 5 877388182 +44 198 4 878348947 +883 82 3 891696999 +788 300 5 880867477 +860 339 3 882831410 +886 410 4 876031459 +546 236 4 885141260 +246 66 3 884922252 +830 692 4 891464148 +880 318 5 880241746 +334 161 3 891549304 +916 123 3 880843524 +908 709 4 879722490 +815 318 5 878693497 +928 127 5 880936905 +883 490 4 891755017 +911 199 3 892839333 +937 874 3 876768956 +655 1640 3 888474646 +724 1105 1 883757537 +786 376 3 882844096 +874 654 5 888633311 +383 213 5 891193137 +577 660 3 880474613 +804 841 4 879443709 +621 405 5 880740034 +930 240 1 879535207 +904 280 5 879735678 +655 734 3 887523477 +573 134 4 885843928 +18 127 5 880129668 +887 90 5 881381071 +934 204 4 891192444 +704 633 5 891397819 +779 255 4 875993165 +145 1012 4 875270322 +837 285 4 875722187 +894 922 4 882404137 +537 300 1 886028446 +216 181 3 880232597 +645 184 3 892055213 +515 326 2 887660131 +873 348 3 891392577 +943 763 4 875501813 +806 1059 3 882390426 +846 80 4 883949594 +774 399 2 888556169 +710 294 3 882063224 +374 31 5 880396659 +815 919 5 878691844 +646 328 3 888528457 +815 2 3 878696355 +658 127 5 875145614 +892 526 4 886608771 +425 70 3 878738245 +928 276 5 880937144 +798 2 4 875743787 +908 209 3 879722694 +886 53 1 876032422 +902 1 5 879465583 +864 8 5 888887402 +389 143 3 880087026 +727 491 4 883710213 +305 484 3 886322838 +239 433 5 889180447 +815 28 4 878694199 +894 874 4 879982788 +889 483 4 880178183 +819 255 1 884105841 +724 887 3 883757468 +937 508 1 876780336 +931 313 4 891035876 +862 92 5 879305051 +538 88 2 877108078 +916 710 3 880844332 +374 184 2 880939034 +627 1267 4 879530346 +634 300 3 881952599 +753 300 1 891401167 +868 168 3 877104157 +796 199 3 892662223 +293 507 4 888905665 +882 4 4 879868118 +924 71 5 885457922 +271 515 5 885848558 +609 352 1 886895699 +912 520 2 875966429 +640 802 3 874778756 +622 178 4 882592421 +711 365 3 879995850 +346 640 3 874947923 +749 975 4 878848369 +922 562 3 891450866 +727 849 2 883713348 +827 286 3 882201725 +682 783 2 888521291 +838 50 5 887063657 +910 291 1 881421090 +723 286 3 880498746 +641 497 5 879370259 +731 1087 1 886186091 +921 122 2 879380433 +468 943 3 875287721 +786 228 4 882844295 +903 475 4 891031144 +923 276 5 880387429 +315 93 5 879821065 +566 153 2 881649747 +878 166 4 880870854 +393 1419 3 889729319 +561 664 4 885807574 +798 111 1 875296109 +543 191 4 874863035 +473 127 5 878157299 +706 687 1 880996945 +428 751 5 885943818 +593 293 1 877727988 +785 995 3 879438736 +803 990 2 880054792 +620 419 2 889988169 +524 614 5 884634731 +189 59 3 893265191 +296 23 5 884197235 +774 193 5 888556746 +452 98 5 875263330 +819 744 5 880382355 +793 252 4 875104498 +308 513 3 887736584 +921 410 2 879380957 +916 227 3 880845067 +726 25 4 889831222 +360 474 5 880355803 +756 568 3 874828903 +543 528 4 874864666 +507 294 5 889964274 +290 378 3 880475169 +796 323 2 892611953 +854 945 3 882813761 +805 659 3 881695677 +703 100 4 875242663 +519 1434 5 883250102 +711 97 4 879993605 +894 509 4 882404278 +885 153 2 885713357 +443 245 3 883504796 +748 1 4 879455040 +693 735 4 875482912 +726 832 5 889832807 +405 177 1 885547996 +753 172 3 891401510 +911 419 5 892840916 +933 732 3 874854651 +918 161 1 891988824 +568 497 2 877907092 +575 531 1 878148199 +271 186 4 885848915 +766 380 2 891310475 +773 840 1 888540218 +420 285 5 891356891 +592 13 5 882608401 +588 56 4 890024246 +622 1406 3 882671381 +827 358 2 882808622 +693 180 3 875482309 +889 944 3 880182173 +416 1133 4 893142244 +399 246 3 882340639 +234 656 4 892079288 +551 233 4 892784259 +855 638 4 879825462 +452 1410 1 876297577 +843 91 3 879446155 +921 280 3 879379562 +943 69 5 888639427 +730 121 4 880310506 +923 249 4 880388021 +886 183 5 876033088 +71 6 3 880864124 +901 58 4 877132091 +193 405 3 889125945 +913 508 3 880759072 +796 606 4 892761504 +883 856 5 891694401 +119 257 4 874775614 +506 514 5 874873287 +727 235 3 883709518 +817 121 3 874815835 +883 684 3 891755066 +116 532 2 876452651 +930 244 4 879535392 +757 29 2 888466683 +909 294 3 891920763 +363 739 3 891498183 +840 174 4 891204114 +767 659 5 891462560 +892 449 2 886610565 +776 549 5 891628731 +279 486 4 875310041 +828 557 2 891036826 +850 79 5 883195192 +683 683 3 893286347 +901 180 2 877289290 +871 510 3 888193335 +798 845 5 875295930 +779 95 5 875999285 +828 737 1 891037948 +529 333 4 882534996 +919 12 3 875373294 +884 285 4 876858820 +655 1166 3 891585477 +922 1079 1 891455277 +794 936 5 891035219 +916 1217 1 880845606 +774 398 1 888557482 +943 168 2 888638897 +665 496 3 884294200 +850 385 5 883195099 +7 198 3 891351685 +697 1022 1 882621523 +650 565 3 891388266 +889 1069 1 880182127 +798 610 3 875743314 +907 366 5 885862156 +373 187 2 877098849 +773 70 3 888538810 +342 833 3 874984751 +938 1 4 891356314 +13 541 1 882397650 +938 273 5 891356532 +642 1287 2 885606463 +677 240 5 889399431 +396 151 3 884646401 +484 241 3 891195390 +889 32 4 880180376 +396 323 4 884645790 +916 158 2 880845829 +933 585 1 874938728 +188 176 4 875072876 +919 864 2 875288848 +847 142 3 878941168 +505 491 3 889333861 +805 406 1 881695445 +892 380 4 886609180 +830 837 5 891462467 +551 833 3 892784166 +594 127 4 874781076 +934 69 5 891193013 +157 475 3 886890650 +743 322 3 881277750 +874 111 3 888632411 +693 197 3 875482197 +589 324 1 883352402 +483 91 3 884047427 +533 1161 3 883583033 +13 893 3 882774005 +930 190 4 879535492 +323 535 3 878739643 +935 15 5 884472177 +749 549 3 878847926 +311 392 5 884366067 +280 739 3 891701359 +677 1011 3 889399431 +932 1020 5 891249621 +642 477 5 886131563 +907 485 5 880160008 +378 735 4 880046229 +847 133 3 878941027 +758 310 3 880672402 +753 179 2 891401410 +747 305 5 888638183 +749 85 4 878849259 +471 946 2 889827982 +930 16 1 879534925 +567 525 5 882425901 +234 200 5 892335074 +537 901 1 886029488 +764 21 2 876243794 +889 1048 3 880177435 +727 122 2 883709802 +748 133 3 879454455 +731 496 5 886179040 +699 3 3 879147917 +773 751 3 888538175 +720 311 5 891262635 +639 673 4 891239406 +541 139 3 884047204 +346 1188 1 875264472 +533 172 4 879191184 +803 307 4 880055604 +783 330 1 884326755 +763 609 4 878918712 +916 241 4 880845368 +870 647 4 879270400 +715 144 5 875962991 +682 176 4 888521195 +43 892 3 883954776 +660 1240 3 891201637 +934 527 3 891191334 +21 323 2 874950972 +836 357 5 885754173 +935 283 4 884472136 +934 584 4 891196384 +416 310 5 893214225 +653 1065 1 880152085 +901 66 5 877131307 +848 855 5 887046915 +908 300 3 879722076 +932 1149 4 891249767 +682 722 4 888522073 +796 939 3 892761504 +653 1132 1 880153429 +798 393 3 875915029 +156 646 4 888185947 +774 546 1 888558565 +13 629 1 882141582 +747 505 5 888639823 +204 12 4 892513865 +577 826 4 880470852 +158 431 5 880134477 +632 176 3 879457812 +727 651 3 883710104 +862 1109 5 879305016 +899 151 2 884122367 +645 650 5 892055285 +52 7 5 882922204 +780 604 3 891363933 +325 235 1 891479292 +782 272 5 891497698 +339 660 4 891034778 +868 578 2 877112439 +870 289 2 875050332 +378 238 3 880046161 +450 1061 4 882398313 +593 126 5 875659777 +923 1017 5 880387525 +711 710 4 879994903 +573 523 4 885844007 +334 479 4 891545926 +806 117 2 882385237 +183 258 3 891462811 +57 144 3 883698408 +895 328 4 879437748 +774 50 4 888557198 +805 210 3 881694693 +919 272 5 885059452 +606 393 4 880925453 +933 174 4 874854745 +751 209 4 889133377 +659 486 4 891383733 +544 748 3 884795986 +487 62 3 884042630 +899 213 4 884122698 +435 709 4 884131822 +642 553 5 886132153 +790 597 3 884462047 +262 269 3 879961283 +940 471 4 885921628 +918 660 4 891987752 +44 692 3 878347532 +642 1182 2 885606178 +774 866 1 888558853 +450 234 3 882396245 +799 1063 4 879254026 +738 250 4 875348912 +622 62 4 882592850 +869 288 3 884490011 +398 367 3 875717020 +887 122 5 881379239 +401 537 4 891033466 +222 241 3 878181696 +789 628 3 880332215 +242 1355 5 879741196 +497 265 4 879310883 +55 7 3 878176047 +778 196 2 890769633 +932 1035 4 891251869 +919 255 4 875289170 +174 1313 4 888155294 +926 262 3 888636082 +324 410 5 880575449 +928 168 5 880936817 +771 50 4 880659347 +880 926 3 880167328 +807 91 5 892684675 +827 333 3 892157242 +293 1044 2 888908117 +590 1009 3 879439483 +228 56 2 889388607 +903 192 5 891033628 +497 50 5 879310580 +868 199 5 877105882 +911 474 5 892838637 +894 827 3 880993766 +833 641 4 875038626 +890 97 4 882402774 +416 300 4 876696823 +594 199 4 877816302 +151 1041 3 879543306 +919 302 4 875920245 +883 345 3 891691465 +833 176 2 875038850 +881 29 2 876539091 +406 205 2 879445642 +780 515 3 891364124 +922 235 2 891452407 +658 22 4 875147448 +532 477 4 892520198 +840 198 3 891204356 +622 276 4 882590485 +629 127 5 880117605 +488 82 4 891294942 +927 742 5 879199250 +632 566 4 879458649 +871 161 5 888193275 +145 754 3 882181058 +436 468 4 887771826 +625 198 4 891263665 +406 217 4 879792928 +933 70 2 874855020 +617 816 1 883789747 +913 289 5 880658260 +880 795 2 880243147 +568 611 3 877907782 +880 379 4 880241434 +428 749 4 885943782 +279 83 5 878082781 +807 258 3 892527100 +647 174 4 876530784 +766 448 3 891310934 +940 259 4 884801316 +768 895 2 883750415 +52 288 3 882922454 +230 203 2 880484890 +870 111 3 880584548 +896 550 2 887160880 +846 633 3 883948534 +843 218 2 879443297 +592 109 4 882608145 +815 515 5 878691739 +847 240 1 878939309 +709 841 4 879848824 +880 120 2 880175503 +70 172 5 884064217 +232 357 4 888549721 +896 1222 2 887161393 +727 172 5 883710104 +659 199 4 891383965 +429 1012 3 882385963 +918 995 3 891986143 +891 597 3 883489324 +887 132 4 881380218 +693 484 3 875484837 +903 81 5 891466376 +870 284 2 875051072 +605 64 5 879425432 +581 1353 4 879641850 +59 91 4 888205265 +362 321 2 885019435 +326 211 4 879876184 +733 924 4 879536523 +763 737 2 878919055 +938 823 4 891357019 +848 812 2 887038475 +820 258 3 887954853 +738 919 4 875349807 +326 97 4 879874897 +894 250 4 879896898 +878 699 1 880871600 +716 177 2 879794935 +738 755 3 875350913 +934 196 5 891191108 +795 70 3 883253481 +894 1038 3 880415855 +155 872 3 879370860 +782 1089 2 891499660 +405 1423 1 885546725 +786 528 5 882842878 +910 286 3 883760216 +49 2 1 888069606 +932 607 4 891249621 +868 135 5 877104987 +933 959 1 874938430 +671 273 4 875389187 +858 515 4 880932911 +798 731 3 875303765 +679 172 5 884486758 +903 595 2 891031714 +562 485 5 879196074 +886 196 3 876031365 +566 289 1 881649273 +887 1279 3 881378402 +900 410 2 877833326 +378 402 4 880045856 +294 829 3 889242788 +907 764 4 880159113 +686 179 5 879545814 +435 763 5 884133544 +537 429 3 886030863 +938 106 5 891357019 +642 998 3 886569765 +544 292 4 884795470 +269 708 4 891448323 +709 68 5 879848551 +406 393 4 880131851 +904 90 2 879735731 +892 431 4 886607957 +685 289 2 879451253 +479 340 1 887064320 +577 88 3 880475226 +912 616 3 875966065 +898 309 5 888294805 +334 549 4 891547261 +861 475 3 881274760 +102 227 4 888801673 +60 135 5 883327087 +864 742 4 878179445 +817 405 3 874815947 +801 299 2 890333011 +916 90 3 880845115 +7 152 4 891351851 +779 50 5 875992279 +193 1090 2 889124778 +475 302 3 891451083 +561 197 4 885807484 +796 77 5 893194646 +887 427 5 881379718 +889 603 4 880180122 +303 368 1 879544340 +883 271 2 891692116 +222 133 1 878182338 +846 199 5 883947911 +878 258 3 880865562 +685 875 3 879451401 +561 17 2 885810167 +845 306 2 885409374 +704 523 5 891397667 +455 523 4 879110946 +323 322 2 878738910 +655 192 3 887473753 +318 25 5 884494757 +533 676 5 879439720 +685 886 1 879451211 +7 367 5 891350810 +927 99 2 879195472 +515 340 3 887658782 +919 223 4 875372844 +707 420 3 886287160 +508 655 4 883767525 +416 659 5 893213404 +932 841 2 891250317 +940 354 5 889480493 +862 748 4 879302533 +450 399 4 882468239 +453 25 4 877552872 +486 244 3 879875220 +749 118 3 878846841 +591 523 4 891031724 +896 730 4 887158294 +886 177 4 876031973 +716 1286 2 879795239 +938 248 1 891356390 +564 258 4 888718771 +766 584 3 891309844 +807 2 4 892978338 +246 739 2 884922678 +173 245 4 877556927 +716 655 4 879795838 +504 300 4 887831274 +863 1127 4 889289157 +896 588 5 887158265 +749 365 3 878848951 +291 1047 2 874834165 +760 258 5 875665793 +328 46 2 885048004 +363 168 4 891494905 +455 117 3 879111345 +504 742 4 887831860 +387 214 5 886483753 +887 393 4 881381114 +497 121 4 879310581 +267 5 3 878972399 +897 23 3 879990683 +314 768 5 877890261 +432 255 5 889416608 +256 230 4 882164480 +283 71 4 879297965 +561 942 3 885809712 +178 1119 4 882827400 +586 68 4 884062010 +870 1020 3 882385179 +478 710 5 889396029 +727 92 2 883710806 +659 188 3 891384606 +892 495 4 886609218 +561 199 4 885809939 +682 999 2 888521942 +724 322 1 883757784 +848 173 5 887038134 +931 290 2 891036883 +501 628 4 883348519 +901 732 5 877132578 +625 70 3 891262724 +235 285 4 889655204 +698 663 1 886366955 +653 160 3 878854441 +837 740 5 875722123 +643 630 3 891448352 +766 607 1 891309090 +883 513 5 891717319 +86 1176 5 879570973 +764 98 5 876244991 +747 178 5 888639939 +805 322 2 879971215 +798 15 4 875295810 +201 800 2 884114713 +865 471 1 880143612 +851 12 4 875731370 +919 877 3 875288304 +936 1129 5 886833795 +301 100 5 882074408 +943 526 4 888639523 +823 710 4 878438457 +828 558 3 891037047 +18 959 3 880131450 +899 133 3 884122308 +910 3 2 881421019 +233 845 4 880190627 +933 193 4 874853927 +665 210 4 884293789 +94 1101 3 891720590 +778 441 3 890804387 +897 77 4 879990877 +870 746 3 879270400 +620 452 3 889987604 +867 89 5 880078769 +892 692 4 886608296 +293 45 5 888906315 +374 164 4 880937735 +936 327 4 886831445 +296 209 4 884199625 +588 378 3 890026059 +213 125 5 878955295 +897 404 4 879991186 +796 96 4 892662523 +481 211 5 885828426 +908 631 4 879723128 +493 333 4 884133084 +343 963 5 876404880 +835 504 5 891033772 +897 187 5 879990622 +896 239 4 887158165 +916 195 3 880844920 +870 148 2 879377064 +931 302 4 891035876 +373 174 4 877099137 +943 196 5 888639192 +387 847 3 886480325 +890 483 5 882402477 +432 298 3 889415852 +357 841 3 878951918 +712 419 3 874730234 +782 905 4 891498791 +276 807 2 874795574 +869 122 3 884493060 +858 327 3 879459504 +903 1009 4 891031906 +686 318 5 879545814 +82 22 3 878769777 +861 937 4 881274504 +130 272 5 888962577 +896 570 2 887161198 +328 187 4 885045993 +495 1116 3 888632738 +536 450 2 882364152 +548 151 1 891415786 +490 547 4 875428765 +437 135 4 880140101 +889 219 2 880178131 +915 896 2 891030070 +933 391 1 874939230 +168 924 2 884287614 +790 368 2 884462954 +615 197 4 879448439 +116 311 3 886978067 +758 471 3 881975472 +796 58 3 892675605 +704 134 5 891397441 +902 754 3 879463310 +892 825 4 886610682 +13 166 5 884538663 +583 524 5 879384522 +826 550 3 885690750 +655 1554 2 887611677 +648 448 3 884883476 +756 256 4 874827486 +601 198 4 876350104 +890 229 2 882405059 +509 705 4 883591687 +933 763 3 874938644 +907 332 5 885862325 +870 475 5 875051100 +932 1 4 891249932 +605 275 4 879366177 +650 270 4 891368959 +943 9 3 875501960 +804 708 3 879445783 +17 222 3 885272751 +843 83 3 879446948 +629 275 5 880117565 +918 89 5 891987780 +710 302 4 882063224 +798 945 3 875743518 +900 696 2 877833195 +711 417 4 879994749 +655 1465 2 887472943 +887 404 4 881381071 +458 7 4 886394373 +654 720 4 887864923 +262 70 4 879962517 +16 367 3 877726390 +398 582 2 875659518 +870 318 5 875050865 +889 980 4 880178748 +804 288 1 879447476 +889 657 4 880177941 +868 186 2 877109234 +13 834 1 882397068 +653 187 4 878853780 +920 311 3 884219701 +612 480 4 875325049 +687 269 4 884651420 +854 20 2 882813179 +573 528 4 885843928 +868 174 5 877107320 +655 4 2 887611649 +853 682 4 879364823 +251 25 4 886272615 +885 739 4 885715241 +839 846 2 875753052 +811 243 3 886377579 +406 654 4 879445522 +500 383 3 883877467 +768 535 3 882190750 +727 392 4 883711847 +756 383 3 874831050 +836 185 5 885754118 +928 191 5 880936863 +727 465 2 883712159 +401 243 3 891031867 +666 483 5 880139348 +896 566 4 887159805 +472 96 5 875980823 +361 1152 2 879441008 +735 325 1 876698022 +938 458 4 891356780 +916 546 2 880843864 +505 182 1 889334555 +922 276 3 891453854 +450 178 4 882394251 +179 313 4 892151270 +923 866 4 880388383 +639 1101 3 891239177 +665 417 3 884293569 +916 1073 4 880844445 +61 301 1 891206450 +846 435 5 883948222 +606 87 4 880924483 +825 919 1 881099316 +846 396 5 883949508 +239 269 5 889181247 +768 269 3 885319349 +59 953 5 888205787 +642 756 5 885604859 +913 181 3 880825135 +363 238 4 891497583 +715 939 4 875964545 +49 154 5 888068715 +703 819 2 875242912 +147 302 4 885593845 +934 96 4 891191157 +376 815 3 879459207 +294 328 4 877818982 +732 321 3 882590201 +82 237 3 876311319 +774 219 4 888557739 +886 655 4 876032973 +864 125 4 888889162 +648 458 2 882211418 +348 827 4 886523387 +393 399 4 889728353 +793 117 4 875103739 +943 672 5 888640125 +477 451 5 875941763 +682 1046 3 888520799 +833 540 1 875224687 +766 161 3 891310372 +655 1637 3 888984255 +796 127 5 892660147 +932 521 5 891249994 +922 384 4 891452521 +673 302 3 888786942 +158 125 3 880132745 +42 103 3 881106162 +843 441 2 879443544 +864 1208 2 888890731 +916 1009 5 880843551 +683 294 3 893286346 +685 288 2 879451147 +923 591 5 880387875 +682 85 3 888521833 +624 833 4 879793582 +346 1210 3 875265335 +772 272 5 889028581 +938 841 3 891357190 +795 434 3 880569983 +137 690 2 881432482 +916 537 4 880844087 +66 1016 3 883601859 +830 89 5 891561607 +940 430 4 885921542 +515 332 3 887658676 +14 19 5 880929651 +655 1143 3 887425458 +757 358 3 888443570 +831 56 5 891354751 +833 12 5 875039416 +336 72 3 877756127 +293 765 3 888907836 +667 197 4 891035033 +423 508 4 891395394 +537 492 3 886031342 +842 272 4 891217834 +940 238 4 885921628 +823 96 4 878438179 +255 826 1 883216958 +943 38 3 888640208 +936 255 5 886833795 +655 911 2 891817522 +479 136 4 879461447 +507 118 5 889966127 +384 286 4 891273649 +587 539 3 892871437 +890 190 4 882403587 +938 1013 2 891357042 +796 94 3 893219065 +932 475 4 891248856 +758 174 5 881975005 +835 98 5 891034401 +308 778 3 887740603 +393 572 4 889731618 +898 258 3 888294407 +837 934 2 875722483 +942 197 5 891283043 +501 928 3 883347773 +22 792 4 878886647 +474 47 4 887927339 +903 410 4 891031677 +670 186 4 877975594 +934 134 4 891191157 +911 530 4 892838677 +929 98 5 879640394 +892 542 1 886611023 +934 181 4 891189275 +385 201 4 879441982 +458 435 4 886397504 +767 177 5 891462614 +921 294 4 879379338 +804 625 3 879445493 +551 58 5 892783451 +325 1140 3 891479681 +732 304 5 882589792 +701 344 3 891446788 +880 25 4 880166938 +939 508 5 880261141 +916 80 3 880845476 +468 237 4 875280181 +613 279 4 891227410 +889 179 3 880179705 +940 216 4 885921310 +867 690 5 880077751 +720 887 5 891262608 +592 127 5 882608021 +623 288 1 891032140 +890 530 4 882405780 +809 331 2 891036809 +941 1 5 875049144 +684 98 4 878759970 +474 381 4 887924683 +395 118 3 883765791 +922 1157 2 891447853 +883 98 3 891695666 +669 480 5 891517259 +844 257 4 877381784 +291 508 5 874805892 +899 98 4 884121572 +870 1014 2 884789665 +934 474 4 891191976 +599 280 5 880952229 +569 328 4 879793253 +537 745 2 886031074 +822 95 4 891037394 +339 241 4 891034152 +26 683 3 891350372 +798 930 5 875637661 +722 121 5 891281182 +416 680 3 876696938 +622 181 5 882592041 +715 282 3 875962423 +454 140 3 888267386 +690 428 1 881177506 +795 825 2 880559026 +625 961 4 891962917 +889 741 4 880177131 +553 655 4 879949289 +523 435 5 883702263 +682 746 3 888521413 +846 491 3 883947960 +233 4 3 877663337 +943 274 3 875502074 +711 22 4 879993073 +594 520 4 874786664 +582 25 3 882961608 +883 745 5 891694431 +883 408 5 891914522 +262 699 5 879793022 +913 469 3 881037459 +237 286 3 879376220 +401 191 4 891032847 +532 332 4 876696298 +429 217 3 882387715 +894 137 5 880416340 +786 196 4 882843683 +807 431 4 892528062 +437 66 3 880143167 +661 169 5 876017294 +450 584 5 882397223 +198 673 3 884209451 +721 153 4 877150031 +878 51 4 880869239 +504 1093 1 887841073 +749 204 4 878847576 +425 1188 3 878738695 +707 1142 1 880059921 +889 199 5 880181138 +629 876 3 880116023 +892 186 3 886608643 +938 257 5 891356350 +442 90 3 883388609 +766 712 3 891310444 +846 1109 3 883948908 +710 483 5 882063685 +535 162 3 879619035 +822 902 4 891033747 +829 284 3 891990799 +826 62 4 885690790 +880 748 4 892958250 +660 84 2 891201823 +308 9 4 887737194 +798 660 3 876177436 +887 548 1 881381555 +923 248 4 880387474 +292 602 4 881105481 +266 9 4 892258004 +840 185 5 891204356 +92 13 4 886443292 +660 196 4 891199557 +864 153 5 888886946 +880 585 1 880175050 +918 659 4 891987622 +552 148 3 879222452 +559 311 3 891033635 +308 169 5 887736532 +506 363 3 874862646 +618 521 2 891307784 +761 628 4 876190689 +230 699 4 880484975 +890 674 3 882404610 +344 173 5 884814697 +116 269 3 886309452 +874 302 5 888632098 +896 1046 2 887160583 +798 281 4 875296234 +937 1007 4 876769373 +758 1034 4 882054415 +13 822 3 884538634 +722 928 3 891281228 +448 312 1 891888653 +70 380 3 884066399 +710 258 2 882063224 +97 208 5 884239744 +109 924 3 880564415 +934 507 4 891192145 +634 934 2 877018033 +132 806 3 891278896 +889 195 4 880178204 +868 268 4 877102974 +881 430 4 876537870 +550 243 2 883426119 +426 289 2 879441754 +892 837 5 886608743 +815 54 3 878696355 +648 110 3 884882407 +852 250 4 891036414 +457 227 4 882392853 +405 1475 1 885547268 +246 158 1 884923955 +870 523 5 875050774 +537 928 1 886030442 +158 230 2 880134445 +655 1630 3 887428735 +497 184 3 879310792 +579 228 3 880951984 +890 496 5 882916460 +503 509 5 880383098 +802 176 5 875985469 +763 498 4 878915600 +574 754 4 891279122 +864 619 3 888889327 +358 1396 4 891269827 +551 583 3 892778369 +897 215 4 879990683 +521 188 4 884478101 +942 945 5 891283239 +904 111 4 879735641 +186 295 2 879023390 +551 192 5 892776750 +286 652 4 877531899 +864 190 4 888887437 +790 62 3 885157465 +881 679 1 876539129 +884 1073 4 876859138 +854 282 2 882812960 +280 172 3 891700768 +746 168 3 885075790 +499 174 3 885598961 +727 11 3 883710152 +933 282 3 874855104 +896 71 5 887158927 +705 229 3 883428154 +930 535 4 879535392 +763 132 3 878920656 +710 127 5 882064096 +825 137 2 880756224 +479 496 3 879461084 +941 294 4 875048532 +929 431 1 879640225 +639 19 4 891239813 +891 116 3 891639552 +429 222 4 882385518 +796 1126 1 892662826 +773 127 5 888539962 +848 71 5 887046915 +555 118 4 879962569 +269 823 3 891446514 +854 1013 1 882813453 +474 190 3 887923972 +889 1487 3 880182871 +330 732 5 876547220 +782 253 2 891500150 +95 386 2 880572356 +413 273 2 879969484 +788 1042 3 880871240 +921 323 4 879379428 +919 1060 3 875289322 +393 823 3 889730262 +939 275 4 880260852 +342 507 4 875319295 +119 1264 3 886176993 +293 502 3 888906428 +610 606 5 888703343 +589 328 5 883352562 +614 535 2 879464376 +655 1643 5 887611511 +590 547 4 879439086 +796 274 5 893047167 +518 920 3 876824121 +943 568 3 888639042 +826 71 5 885690342 +766 238 4 891309450 +663 182 5 889493691 +389 629 2 880166028 +733 1380 2 879536567 +907 1 5 880158712 +653 151 3 878866475 +299 212 4 878191889 +141 181 4 884584709 +405 513 1 885546112 +862 866 4 879303697 +913 238 3 880825052 +921 254 3 879380908 +910 748 3 881420228 +312 430 5 891699426 +387 1198 3 886479575 +506 228 5 874873571 +876 531 4 879428481 +364 678 4 875931478 +339 480 5 891032885 +798 926 4 875638203 +878 463 2 880866177 +464 127 5 878354966 +313 197 5 891013910 +7 598 3 891353801 +698 515 4 886366190 +22 68 4 878887925 +334 99 4 891548533 +749 186 4 878847862 +721 229 5 877138585 +615 708 2 879448882 +519 348 5 883250148 +816 1025 4 891711495 +466 161 2 890285113 +915 258 2 891030108 +666 91 3 880139409 +916 498 3 880844241 +940 1137 3 885921577 +286 72 4 877534025 +804 436 5 879444984 +724 352 1 883757259 +500 546 4 887720050 +936 919 5 886832808 +660 946 2 891201696 +943 139 1 888640027 +815 484 4 878693989 +548 288 3 891042794 +847 88 2 878941168 +303 546 2 879484373 +409 338 3 881104916 +355 319 5 879486529 +774 453 2 888557804 +501 274 3 883348474 +790 153 3 885155077 +535 638 4 879618655 +913 462 3 881037459 +712 400 3 874957179 +488 633 5 891294334 +761 245 5 876189715 +782 1610 1 891500230 +871 347 5 888192315 +521 300 3 884475555 +916 939 3 880844694 +907 326 5 880158448 +854 174 3 882813574 +896 210 4 887158332 +838 283 5 887063994 +281 748 5 881200745 +938 685 3 891356894 +286 403 5 877533543 +416 291 4 878879275 +749 739 3 878848558 +236 304 4 890117676 +916 12 4 880844445 +293 94 2 888908066 +83 88 5 880308186 +387 727 5 886484098 +802 670 4 875986155 +843 526 3 879447625 +457 451 4 882549212 +741 945 5 891456827 +710 303 4 882063224 +308 255 4 887741693 +727 56 3 883711150 +756 420 4 874829373 +919 258 4 875288164 +829 255 3 891547657 +648 39 3 884882742 +407 169 5 875042642 +923 1001 1 880388173 +682 717 3 888521090 +407 474 3 875042378 +907 271 5 881030073 +267 431 4 878973426 +517 229 3 892660034 +715 412 2 875962783 +727 205 5 883710104 +823 473 3 878439065 +765 283 4 880346282 +769 120 1 885424401 +919 1258 3 875289453 +524 265 4 884636583 +848 191 5 887038564 +725 294 3 876103726 +186 269 1 889818094 +655 155 4 887473702 +881 191 5 876537457 +889 161 4 880180897 +682 470 5 888517628 +273 338 3 891293304 +790 451 3 885157299 +870 1412 2 879714435 +716 487 5 879794934 +639 514 4 891240566 +454 64 4 881959652 +430 7 3 877225660 +327 678 3 887743705 +635 302 4 878878587 +178 111 4 882823905 +889 423 4 880177941 +932 119 5 891249586 +504 371 3 887912236 +454 748 4 881958551 +913 195 4 881725846 +774 117 2 888558646 +936 108 4 886832758 +790 13 3 884461820 +406 971 3 879793328 +836 174 5 885754266 +326 1118 2 879877264 +896 229 4 887160399 +655 558 4 887427506 +872 1011 1 888479333 +934 961 4 891193854 +864 328 5 887686456 +251 597 3 886272514 +932 169 5 891249649 +853 322 3 879364883 +719 77 3 879360846 +716 132 5 879796438 +833 288 2 875035487 +774 523 2 888555964 +881 82 5 876538286 +846 79 4 883947630 +807 69 5 892528110 +97 423 5 884239472 +648 50 5 882211016 +659 255 3 891045161 +548 475 4 891415411 +622 185 3 882592041 +755 879 4 882569844 +195 615 4 880650666 +487 825 3 883444674 +554 68 2 876368907 +753 193 4 891401366 +145 59 1 882181695 +917 9 5 882912385 +524 955 1 884637914 +548 183 5 891044410 +881 181 4 876535928 +894 318 5 879897168 +298 482 5 884182657 +673 79 5 888787587 +450 732 3 882395662 +921 284 4 879379943 +864 4 4 888890690 +931 900 4 891035917 +716 823 3 879794428 +738 7 4 875349530 +907 143 5 880159982 +487 1209 4 884045135 +911 215 3 892839140 +682 73 5 888521564 +828 652 5 891036492 +630 1061 2 885667581 +911 208 4 892839970 +690 284 4 881178442 +838 222 4 887064356 +881 31 5 876537577 +684 924 2 878232961 +894 531 3 882404363 +488 56 4 891294785 +456 1129 4 881371548 +892 969 4 886608380 +919 591 3 875289667 +12 480 4 879959161 +788 46 3 880870018 +393 97 4 889555126 +561 226 1 885809806 +802 197 3 875985347 +62 64 4 879373638 +634 333 4 881007052 +289 363 3 876790653 +527 144 4 879456186 +776 523 4 891628937 +518 619 4 876823018 +419 269 4 879435190 +606 692 5 880924790 +548 218 4 891044538 +907 97 5 880160204 +475 306 5 891451276 +18 724 4 880132055 +160 952 4 876767299 +468 64 5 875286450 +808 346 5 883949986 +889 831 2 880177387 +593 181 4 875658800 +758 735 5 881976855 +848 241 5 887047243 +344 756 2 884900529 +70 94 3 884151014 +932 481 4 891249877 +80 64 5 887401475 +847 609 2 878940383 +826 102 4 885690442 +868 230 3 877112349 +923 829 4 880388426 +130 761 3 876251650 +702 450 1 885767775 +893 781 3 874828569 +555 100 5 879964092 +883 228 4 891696824 +697 250 4 882621940 +901 237 3 877126757 +708 181 5 877325279 +494 707 4 879541112 +933 1183 3 874938596 +606 178 5 880925579 +864 265 5 888886946 +856 748 3 891489638 +932 1121 5 891249261 +714 294 4 892777903 +416 305 3 878877919 +501 248 4 883347975 +773 1252 4 888538643 +868 238 4 877103249 +192 118 2 881367932 +141 591 4 884584865 +804 1177 3 879446390 +825 282 4 880755693 +921 367 4 879381021 +581 1367 5 879641603 +582 831 2 882962561 +901 38 3 877131087 +844 13 3 877381708 +125 710 5 879454699 +293 303 4 888904220 +655 1641 3 887427810 +405 375 1 885546835 +697 886 5 882622481 +889 647 2 880181191 +607 56 5 883880155 +846 735 2 883948141 +805 1008 4 881699661 +201 471 2 884140637 +892 633 4 886609551 +826 187 4 885690481 +477 66 5 875941763 +882 25 2 879862652 +922 655 2 891451327 +426 481 5 879442892 +145 97 5 875272652 +381 480 5 892696019 +794 249 3 891035885 +493 249 4 884132784 +293 28 3 888906071 +892 679 3 886610049 +24 324 5 875322875 +666 370 2 880313811 +786 497 4 882842946 +405 445 4 885548435 +790 131 2 885156852 +811 901 4 886377771 +880 94 3 880175097 +916 109 3 880845099 +892 1078 3 886610566 +695 340 4 888806082 +798 827 4 875637541 +37 121 2 880915528 +846 942 4 883948765 +279 1444 3 875313351 +932 514 5 891249932 +711 1190 3 886030579 +767 180 5 891462870 +846 650 5 883948534 +901 322 4 877125575 +301 21 2 882074967 +843 378 2 879448230 +752 355 2 891208036 +934 502 4 891194539 +420 547 4 891357104 +557 1176 5 881179653 +774 391 1 888557520 +34 991 4 888602618 +883 238 4 891694218 +843 127 2 879445059 +942 498 5 891282931 +153 187 2 881371198 +941 1007 4 875049077 +903 252 3 891031715 +26 845 3 891377468 +897 210 5 879991007 +627 64 5 879530015 +843 1039 3 879446215 +919 292 3 875288253 +178 220 3 882827247 +943 825 3 875502283 +665 1047 1 884291376 +671 195 5 884035774 +892 183 5 886608681 +213 157 4 878955501 +478 124 4 889387982 +870 248 4 880124496 +943 193 4 888639093 +887 218 5 881381471 +870 724 4 875679906 +848 210 5 887039271 +145 121 2 875270507 +850 96 4 883195236 +642 955 3 888123262 +887 420 5 881381425 +913 288 2 880755823 +429 440 1 882387411 +666 193 4 880567810 +868 1183 1 877112141 +548 25 2 891415746 +778 623 1 890804625 +886 364 3 876034006 +49 475 4 888066109 +882 284 3 879862865 +933 88 3 874854696 +450 388 3 882471604 +933 82 3 874939130 +678 285 3 879544397 +873 307 3 891392360 +807 483 5 892529756 +404 288 3 883790314 +899 194 5 884121125 +932 414 4 891251959 +916 1119 3 880845505 +537 86 4 886031786 +885 216 3 885715221 +934 462 4 891191511 +766 810 2 891310620 +896 235 1 887161198 +815 514 1 878693183 +850 485 5 883195168 +899 96 4 884121125 +574 286 3 891278916 +665 742 4 884290704 +933 12 4 874854135 +854 321 3 882811913 +883 1074 4 891694340 +919 539 3 885059682 +542 386 3 886533046 +796 378 4 893218764 +407 210 4 875044037 +694 211 5 875727189 +721 878 3 877137598 +708 887 2 892718820 +121 292 4 891388960 +896 225 1 887161518 +880 273 5 880166770 +655 143 4 887523176 +561 504 3 885809447 +1 94 2 875072956 +843 465 2 879449152 +764 732 3 876246475 +942 259 4 891282673 +504 423 4 887840960 +551 258 4 892775584 +650 27 3 891381745 +184 372 3 889910053 +815 151 4 878692207 +543 64 4 874863336 +458 100 4 886394373 +399 90 2 882350653 +716 141 4 879797555 +909 326 4 891919458 +747 865 5 888640916 +654 496 4 887864230 +727 1446 3 883712123 +932 405 4 891251177 +943 470 4 888639814 +457 98 5 882553113 +894 305 4 880415834 +882 176 4 879867980 +294 1047 3 877820240 +821 294 4 874792194 +221 633 3 875246459 +833 1181 1 875133458 +567 650 4 882426762 +504 67 2 887912382 +807 289 4 892527665 +806 237 2 882385135 +796 328 5 892612057 +250 984 3 878089229 +846 1178 2 883950524 +764 106 2 876243990 +486 546 2 879875440 +797 259 3 879439136 +816 690 4 891710922 +788 443 4 880868473 +880 168 3 880174623 +399 343 2 882340517 +758 919 5 881976262 +932 197 5 891249649 +908 732 3 879722974 +59 602 2 888206295 +691 1172 5 875543191 +549 151 3 881672300 +721 995 3 877137447 +928 135 4 880936884 +828 640 2 891037948 +766 499 3 891310125 +303 1217 1 879484948 +16 39 5 877720118 +562 82 5 879196401 +224 731 4 888103872 +608 93 4 880406299 +927 38 5 879195783 +492 1098 4 879969512 +717 260 1 884641911 +919 1514 2 885059812 +861 305 4 881274504 +943 1047 2 875502146 +99 348 4 886518562 +804 310 4 879440600 +449 198 4 880410624 +842 333 4 891218107 +214 250 2 891543036 +933 568 2 874939207 +561 417 2 885809690 +810 873 3 879895403 +637 117 2 882904148 +361 367 3 879440475 +831 690 4 891354064 +937 116 4 876769080 +234 835 3 892334481 +94 1140 2 891723328 +405 1246 1 885547735 +264 209 5 886123415 +886 1217 4 876033602 +615 332 2 879447585 +287 895 2 888177213 +592 1079 1 882608873 +932 210 4 891250793 +786 117 4 882841996 +437 462 5 881002324 +897 849 4 879990877 +555 405 4 879962569 +189 180 5 893265741 +919 14 4 875288934 +887 929 1 881379059 +292 249 3 881104820 +836 663 5 885754266 +478 100 5 889388863 +896 1303 4 887161518 +65 178 5 879217689 +251 294 3 886272283 +271 28 5 885849025 +626 327 4 878771419 +13 432 4 882398654 +943 415 1 888640027 +174 168 1 886434621 +934 403 4 891195537 +738 204 4 875350053 +339 176 4 891032413 +906 408 4 879435212 +416 1594 5 893212484 +155 245 2 879371061 +880 268 5 892958128 +655 21 2 888685787 +862 12 5 879304571 +883 736 3 891696750 +592 1012 5 882608401 +806 81 5 882389727 +474 405 4 887916260 +638 153 3 876695819 +788 28 5 880868876 +82 582 4 878769410 +922 95 3 891448580 +919 174 4 875372947 +709 576 4 879848695 +697 245 3 882621621 +790 100 2 884461334 +821 14 4 874792369 +113 979 5 875936424 +910 205 4 880822060 +796 736 3 893047126 +480 98 4 891208239 +588 7 3 890024611 +704 322 2 891396881 +857 304 2 883432301 +256 930 3 882153258 +524 519 4 884634818 +875 179 5 876465188 +479 271 3 879459692 +880 627 3 880241256 +848 72 5 887042341 +253 318 5 891628323 +919 815 2 875289533 +606 926 3 880922625 +846 429 2 883947819 +739 22 5 886958860 +833 11 5 875038850 +865 625 1 880235099 +916 737 3 880845328 +56 748 4 892676028 +417 365 4 879648860 +889 298 4 880177016 +622 1231 2 882670653 +804 197 4 879443136 +354 283 4 891216632 +901 252 3 877127250 +501 150 5 883347773 +304 274 4 884968415 +864 734 3 888892874 +883 847 4 892557605 +890 514 5 882402478 +90 196 4 891385250 +622 199 5 882592143 +140 288 3 879013617 +929 479 4 879640329 +805 173 4 881696671 +794 515 5 891034755 +738 449 3 875351438 +486 1405 5 879874516 +339 217 3 891034254 +922 699 3 891449048 +846 210 5 883947500 +561 505 4 885807510 +917 628 5 882912385 +122 699 5 879270541 +145 740 2 875272786 +110 1229 3 886988374 +774 840 2 888558594 +26 122 1 891380200 +664 202 4 878094973 +305 1286 5 886324687 +809 299 4 891037069 +588 294 4 890014887 +280 588 5 891700803 +815 380 3 878695744 +198 238 4 884207733 +931 272 5 891037521 +524 430 3 884637914 +785 273 3 879439527 +850 88 5 883195479 +913 203 4 880825916 +692 508 3 876953424 +388 121 4 886436756 +720 242 4 891262608 +265 1 5 875320247 +919 892 3 885059724 +805 153 4 881704063 +223 546 5 891550118 +18 357 4 880129421 +367 331 4 876689418 +538 89 4 877109831 +190 288 5 891033606 +325 527 4 891478140 +880 294 4 880166557 +699 70 4 878883038 +707 815 2 880060609 +484 423 5 891195746 +894 280 3 880993709 +554 1041 3 876369560 +110 585 2 886989473 +870 644 2 882123665 +338 382 5 879438762 +694 357 5 875726618 +163 202 3 891220137 +83 1049 3 880307588 +709 1 4 879847730 +316 97 5 880854142 +882 588 4 879867430 +357 508 5 878951616 +296 137 4 884196741 +484 468 5 891194886 +551 403 3 892782807 +545 195 4 879899158 +894 16 3 880993614 +742 591 4 881335461 +919 297 4 875288749 +473 150 5 878157329 +276 300 4 874786338 +786 95 5 882843397 +549 405 4 881672556 +468 9 5 875280041 +385 522 4 879924244 +347 1291 1 881653340 +892 276 4 886608559 +900 1298 2 877833923 +774 452 1 888557805 +770 937 4 876598016 +624 1114 4 879792557 +655 69 3 887476943 +13 904 1 892015178 +517 131 3 892659922 +279 969 3 875308799 +555 265 3 879975505 +916 156 5 880844016 +871 276 5 888193136 +717 995 5 884642132 +737 357 5 884314944 +924 64 4 886327778 +776 132 3 891629157 +868 762 4 877109535 +933 97 2 874854161 +664 97 3 876525363 +943 219 4 888639575 +311 170 5 884364999 +269 124 5 891446165 +833 344 4 888536031 +758 1283 4 880672876 +438 282 5 879868264 +397 492 4 885349955 +376 100 4 879454598 +318 393 5 884497449 +445 458 2 891200272 +757 431 4 888466584 +896 692 4 887159173 +150 14 4 878746889 +806 518 3 882388231 +748 96 5 879454662 +719 735 5 888454612 +864 673 3 888890273 +148 194 5 877015066 +542 132 3 886532620 +828 900 2 891035438 +151 836 4 879524514 +770 924 5 875971902 +151 190 4 879528673 +102 154 3 888803708 +85 1166 4 879455021 +294 342 3 889241466 +31 192 4 881548054 +916 679 3 880845690 +908 318 5 879722717 +425 405 2 878738643 +787 751 4 888979235 +402 410 1 876266985 +904 724 4 879735616 +932 431 3 891250944 +883 582 3 891693387 +249 147 5 879640343 +523 949 5 883700792 +168 1051 4 884288222 +906 285 5 879434846 +18 952 2 880130582 +445 1 3 891199749 +197 306 2 891409160 +669 56 2 891260497 +851 475 4 875731674 +916 461 4 880844087 +270 283 5 876954456 +655 649 3 888685989 +618 382 2 891307540 +711 715 4 879994581 +360 144 2 880355527 +868 727 2 877110277 +853 261 3 879365360 +896 647 3 887159502 +522 514 2 876960956 +398 1 5 875652927 +159 288 3 884026901 +276 1413 1 874977513 +193 282 5 889124965 +778 629 2 890802784 +807 423 5 892528470 +902 1016 2 879464783 +838 238 4 887067359 +661 255 3 876037088 +574 750 3 891278962 +44 307 4 878340940 +527 526 5 879456312 +174 88 5 886513752 +868 211 3 877107730 +682 1 4 888523054 +637 508 2 882903301 +863 1296 3 889289617 +889 646 3 880177970 +748 199 4 879455454 +497 182 4 879310705 +907 288 5 880158476 +279 901 4 883893835 +403 1199 2 879790506 +853 307 1 879364744 +899 125 3 884120185 +897 609 5 879991105 +89 402 4 879460347 +788 696 3 880871173 +829 313 4 891204191 +582 118 2 882962523 +865 926 1 880144405 +864 550 4 888889389 +599 294 4 880951113 +429 409 2 882386751 +764 216 4 876245520 +551 926 2 892785300 +396 406 2 884646468 +932 64 2 891250059 +733 291 2 879536608 +416 79 5 893213405 +822 206 3 891036851 +870 655 4 875050865 +590 124 5 879438735 +577 1046 4 880475226 +731 591 1 886184577 +655 305 4 887523909 +412 208 4 879717621 +225 98 5 879539672 +694 183 5 875727061 +932 151 3 891251225 +895 1 4 879437950 +790 755 3 885157928 +716 517 5 879797221 +634 408 3 875728783 +543 947 4 877545605 +521 42 5 884478721 +916 284 2 880843666 +892 705 4 886607912 +864 801 3 888892667 +382 286 2 875945173 +889 209 2 880178019 +749 47 4 878848098 +938 276 3 891356572 +488 705 4 891294473 +832 260 3 888259404 +59 1114 5 888203415 +279 779 3 878262194 +926 237 3 888351813 +852 926 3 891036902 +682 1012 4 888518747 +458 823 3 886395119 +594 515 5 874781050 +747 1 5 888639138 +905 458 4 884984382 +455 259 2 884027220 +804 435 3 879444488 +821 98 5 874793847 +661 145 1 876035968 +749 845 3 878848189 +927 94 2 879198972 +668 896 4 882818549 +777 245 5 875979241 +660 154 4 891200534 +611 306 5 891636152 +810 289 5 879895403 +782 332 4 891498139 +455 164 4 879110844 +903 147 3 891031178 +919 200 4 875373294 +894 330 3 880415951 +776 217 4 892920351 +716 13 2 879793376 +405 196 1 885546112 +883 531 3 891693497 +181 1287 1 878963380 +280 233 4 891702049 +581 922 5 879642333 +923 411 4 880387664 +872 893 4 888478902 +885 161 4 885715827 +291 573 4 874834944 +785 174 5 879438957 +749 443 4 878847954 +938 289 1 891356282 +89 107 5 879441780 +899 117 4 884119830 +862 177 4 879305016 +747 58 3 888639594 +580 257 5 884125243 +122 28 4 879270084 +449 593 4 879959101 +640 689 4 886353852 +643 721 2 892502531 +806 252 1 882386110 +572 284 3 879449840 +344 302 5 884814359 +608 92 3 880408150 +940 215 2 885921451 +632 134 5 879457217 +899 180 3 884121308 +294 405 4 877819761 +698 86 2 886367508 +782 271 2 891498213 +666 960 4 880567810 +588 91 5 890026656 +891 740 5 891639497 +417 302 3 879645999 +160 127 5 876770168 +293 127 5 888904614 +802 333 4 875986155 +486 252 3 879875316 +699 764 3 886568162 +533 8 3 879191938 +911 420 4 892840950 +760 98 3 875667717 +804 294 5 879441099 +532 916 3 893115293 +737 100 5 884314664 +148 127 1 877399351 +506 686 3 889874717 +57 121 4 883697432 +732 269 5 882589593 +643 655 4 891448176 +708 1079 1 892719385 +684 409 3 878760614 +912 501 4 875966756 +541 1412 1 883874834 +886 217 2 876032776 +734 50 4 891022627 +932 606 4 891250169 +922 596 4 891448833 +892 188 5 886608185 +715 106 2 875962140 +347 427 4 881654004 +501 245 3 883346844 +933 1037 1 874938620 +889 513 4 880178748 +617 498 3 883788955 +782 342 2 891498322 +115 508 5 881170438 +529 875 4 882535714 +421 427 4 892241735 +875 1103 5 876465144 +936 845 4 886833006 +919 689 2 885059506 +644 255 4 889077513 +537 192 4 886031473 +346 693 4 874950937 +92 65 4 875653960 +798 929 3 875638090 +774 189 2 888557987 +58 238 5 884305185 +804 132 4 879445305 +815 214 5 878693497 +916 704 3 880845177 +690 274 3 881177721 +846 318 5 883947777 +497 584 4 879363611 +868 385 2 877103834 +618 15 3 891308391 +488 71 3 891294606 +621 38 3 874964495 +627 232 3 879531302 +561 49 2 885809269 +940 285 4 885921846 +927 91 4 879196955 +524 318 4 884635287 +788 357 4 880869687 +883 421 5 891696689 +883 952 3 891916924 +429 1018 3 882386051 +804 1060 3 879443918 +747 514 4 888639823 +542 240 3 886533142 +749 50 5 878846978 +916 215 3 880844552 +110 947 3 886988574 +165 223 4 879525894 +852 290 4 891036817 +894 166 4 882404306 +894 750 4 883518875 +902 879 4 879463485 +270 265 4 876956137 +766 664 2 891309589 +590 676 4 879439060 +10 9 4 877889005 +75 473 3 884050733 +933 222 1 874854783 +293 509 3 888905948 +201 237 4 884140307 +660 89 3 891199965 +893 96 4 874830314 +497 763 3 879309780 +926 269 5 888636082 +221 931 3 875245100 +805 185 5 881695196 +854 111 3 882812906 +226 179 4 883888853 +321 478 4 879439926 +721 161 5 877138816 +654 405 4 887863866 +537 25 2 886030199 +269 515 4 891446132 +109 180 3 880581127 +657 258 2 884238559 +936 312 3 886831853 +693 210 3 875484044 +622 474 3 882669509 +928 328 3 880937258 +643 451 2 891449301 +655 692 3 887523453 +244 650 3 880607231 +393 693 3 887746883 +894 905 3 887044109 +892 162 4 886609390 +806 100 4 882385063 +669 475 3 892549336 +938 293 3 891356501 +943 796 3 888640311 +541 258 4 883864123 +151 559 2 879543075 +450 1490 3 882396929 +566 462 4 881650090 +927 28 4 879183511 +541 468 4 883865007 +708 762 5 877325838 +928 9 5 880937163 +535 7 5 879618776 +881 566 4 876538796 +870 943 2 879714310 +707 505 4 886286311 +717 591 4 884642297 +847 685 2 878938922 +892 1444 3 886610267 +820 895 2 887955046 +334 47 4 891547171 +209 276 2 883417796 +495 1039 5 888635180 +786 1 4 882841828 +318 340 4 884470115 +465 408 5 883530391 +552 281 3 879222306 +867 294 3 880077831 +936 1226 3 886833148 +871 904 3 888192858 +903 405 4 891031678 +901 447 3 877132015 +934 419 4 891192849 +862 208 2 879304282 +59 273 2 888203129 +886 50 5 876031501 +912 427 5 875965830 +798 924 3 875296148 +892 131 4 886610451 +339 212 4 891035215 +909 224 5 891920089 +897 174 5 879990587 +593 58 4 875671579 +354 319 3 891180399 +64 184 4 889739243 +889 181 4 880177131 +798 443 3 876249370 +901 15 5 877130439 +830 834 1 891899475 +773 895 2 888538417 +528 410 4 886813104 +271 169 5 885848475 +346 151 4 874949244 +838 993 3 887064231 +698 134 3 886366558 +238 151 2 883576398 +474 31 4 887926573 +642 73 4 885605735 +870 11 4 875679992 +643 39 4 891447747 +887 98 3 881379345 +846 40 2 883950253 +846 98 4 883947819 +503 692 3 880383467 +898 302 4 888294567 +916 557 4 880844527 +896 751 4 887235605 +918 747 3 891988705 +664 660 3 876525718 +935 120 3 884472942 +766 498 4 891309913 +806 170 5 882387520 +907 278 5 880159016 +588 265 5 890025621 +805 128 5 881694798 +931 546 3 891036849 +554 181 4 876550100 +913 28 3 881369039 +820 751 1 887955180 +896 176 5 887235690 +306 741 1 876504286 +533 265 3 879191563 +939 237 5 880261056 +782 351 3 891498139 +738 135 5 892844111 +790 1077 3 885156619 +875 22 3 876465072 +83 245 2 891181703 +870 508 3 881001249 +787 268 4 888979007 +574 358 2 891279520 +303 627 3 879484733 +815 526 4 878696093 +621 384 3 874963081 +43 591 5 875975656 +43 123 1 875975520 +800 1 4 887646283 +847 120 1 878939349 +880 3 1 880175023 +518 405 5 876823926 +655 872 3 888685879 +712 1480 4 874957161 +25 176 4 885852862 +886 11 5 876031365 +890 157 4 882916239 +694 188 5 875727715 +881 732 5 876538465 +496 660 3 876067108 +749 444 2 878850632 +388 53 5 886441248 +704 340 3 891396636 +781 179 5 879634017 +682 71 5 888523135 +451 876 4 879012431 +474 56 5 887924083 +422 267 4 875655986 +920 272 3 884219701 +707 52 3 886287268 +741 151 3 891458539 +715 143 3 875963946 +870 4 2 879270213 +619 79 5 885953992 +648 281 3 884365970 +933 96 2 874855020 +746 228 4 885075243 +872 1284 3 888479434 +525 106 2 881086938 +691 496 5 875543025 +140 303 5 879013684 +327 498 4 887819860 +32 408 3 883717684 +892 208 4 886609029 +840 480 5 891208647 +98 194 5 880498898 +518 410 3 876823541 +798 202 2 875639095 +814 5 3 885411030 +577 181 5 880474612 +869 1047 2 884492571 +843 132 3 879446186 +472 420 3 875982149 +399 1542 2 882348592 +924 471 4 884371635 +474 124 5 887915269 +892 157 5 886609029 +939 471 5 880261254 +862 485 5 879304410 +495 573 4 888636928 +405 958 1 885549590 +749 712 3 878849375 +807 204 4 892528954 +721 242 3 877137597 +868 172 5 877107847 +854 290 1 882813179 +839 1381 3 875752456 +902 187 3 879465834 +864 418 3 888887247 +862 205 4 879304282 +766 428 5 891309622 +603 56 4 891957053 +789 124 4 880332089 +826 260 3 885690022 +18 967 3 880131901 +907 815 5 880158913 +450 654 4 882373928 +665 378 3 884294237 +854 528 4 882813623 +378 441 3 880333995 +880 110 3 880175128 +532 425 4 888634801 +851 553 4 875731225 +633 159 4 875325093 +653 135 5 878866755 +348 596 4 886523456 +749 205 4 878847804 +934 786 1 891194089 +806 875 3 882384802 +524 481 4 884634785 +860 732 4 885991129 +721 263 3 877137598 +618 531 4 891309886 +903 544 2 891031470 +737 22 4 884314993 +752 268 2 891208036 +897 523 5 879991186 +56 575 3 892911469 +865 743 1 880144504 +886 2 4 876033368 +781 210 4 879634295 +849 625 5 879695420 +606 576 3 880927750 +303 939 3 879467739 +870 435 3 880584549 +13 446 1 882397039 +747 124 5 888639138 +204 333 1 892391748 +925 558 1 884718099 +878 155 3 880869418 +880 5 3 880241379 +916 356 3 880845722 +188 484 5 875072392 +846 101 4 883949336 +389 133 5 880086888 +879 596 2 887761380 +840 432 5 891209342 +626 680 1 878771476 +804 233 4 879445815 +663 240 3 889493027 +145 769 2 877343280 +818 313 4 891870173 +574 328 3 891279174 +648 456 2 884367180 +806 169 5 882387756 +666 265 3 880139274 +794 100 5 891035063 +303 1086 1 879468021 +933 441 2 874938833 +519 887 5 883250102 +867 172 5 880078769 +889 550 3 880181434 +938 993 5 891356413 +532 990 3 875511963 +487 313 3 883439795 +659 216 4 891045892 +943 739 4 888639929 +416 153 4 886317272 +864 151 5 888889466 +932 416 3 891250498 +734 294 1 891025891 +874 275 4 888632448 +903 1381 4 891031864 +303 363 1 879485134 +921 25 3 879379736 +788 157 5 880869396 +634 1028 3 875729456 +916 148 2 880843892 +892 631 4 886609726 +401 405 2 891032453 +10 198 3 877889005 +689 258 5 876674954 +5 174 5 875636130 +891 978 4 883489282 +921 143 5 879381257 +23 227 3 874787738 +848 216 5 887040159 +739 50 4 886958895 +869 282 3 884490987 +747 510 5 888639890 +913 318 4 880794731 +835 588 3 891033857 +723 9 3 880498912 +935 685 4 884472310 +537 675 3 886031860 +694 705 5 875728048 +937 294 1 876769480 +707 864 4 880060262 +899 200 4 884122674 +561 611 5 885807547 +826 748 4 885689918 +773 232 3 888540146 +749 823 3 878850060 +806 90 4 882390164 +884 463 5 876859070 +707 708 3 886286170 +535 1170 3 879618019 +383 200 5 891193181 +903 651 5 891032793 +887 274 1 881378478 +484 210 5 891194743 +715 778 2 875965171 +879 111 4 887761865 +710 79 4 882064283 +711 48 4 879993053 +669 479 5 891260806 +684 248 3 878576473 +407 7 4 893253637 +889 8 3 880179757 +619 578 4 885954215 +485 752 3 891040967 +393 613 4 887745937 +853 333 4 879364669 +887 1063 1 881380404 +838 313 5 887060659 +447 770 3 878856601 +527 659 4 879455617 +606 97 5 880925453 +630 815 3 885667229 +806 209 3 882387837 +867 748 4 880077951 +693 1136 3 883975358 +648 318 3 884368371 +875 964 4 876465335 +749 636 4 878849929 +490 109 5 875428765 +441 282 4 891035528 +851 1013 2 891961856 +883 234 4 891695666 +102 7 2 888801407 +896 96 5 887158635 +935 117 4 884472229 +358 1005 4 891269723 +874 286 4 888632057 +896 511 5 887158830 +828 531 4 891036972 +835 174 5 891033623 +593 223 5 888872089 +904 173 3 879735499 +764 281 3 876243854 +741 696 3 891455901 +930 410 3 879534973 +798 659 4 875914337 +211 215 5 879460294 +554 172 5 876550372 +659 657 5 891383965 +931 257 4 891036530 +221 144 4 875245427 +207 173 3 877878923 +936 251 4 886832134 +868 405 1 877109082 +102 172 3 888801232 +903 50 5 891031329 +653 411 2 878854906 +895 100 4 879437997 +379 621 4 880525815 +130 824 3 875801830 +929 276 2 879640184 +788 328 4 880867477 +577 176 5 880474311 +725 276 4 876106243 +851 1337 3 875730719 +889 77 3 880182359 +780 313 5 891362901 +828 346 4 891380167 +593 1 3 875659150 +363 181 5 891494783 +925 200 2 884717963 +862 120 3 879303953 +848 708 4 887046619 +563 566 4 880507042 +500 1010 4 883865483 +780 50 5 891363685 +823 134 5 878438232 +130 93 5 874953665 +130 121 5 876250746 +537 778 3 886031106 +655 913 4 891817521 +889 2 3 880182460 +865 1009 5 880144368 +851 979 3 875730244 +833 474 5 875122675 +394 380 4 881132876 +193 690 4 889123221 +621 809 4 880740136 +766 91 5 891310125 +650 479 5 891372339 +429 199 5 882386006 +847 596 3 878938982 +934 216 1 891191511 +788 556 2 880871128 +897 369 4 879993713 +936 287 4 886832419 +936 766 3 886832597 +449 120 1 879959573 +661 762 2 876037121 +721 874 3 877137447 +821 151 4 874792889 +764 596 3 876243046 +537 443 3 886031752 +618 628 2 891308019 +487 291 3 883445079 +113 975 5 875936424 +943 391 2 888640291 +864 685 4 888891900 +750 323 3 879445877 +279 64 1 875308510 +646 750 3 888528902 +654 370 2 887863914 +617 582 4 883789294 +913 690 3 880824288 +660 229 2 891406212 +421 498 4 892241344 +495 1091 4 888637503 +806 421 4 882388897 +676 538 4 892685437 +721 262 3 877137285 +913 209 2 881367150 +378 78 3 880056976 +880 476 3 880175444 +716 204 5 879795543 +276 1090 1 874795795 +13 225 2 882399156 +12 203 3 879959583 diff --git a/MovieLens Movie Recommendation/Python/ml-100k/u.genre b/MovieLens Movie Recommendation/Python/ml-100k/u.genre new file mode 100644 index 00000000..ae1e29c6 --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/u.genre @@ -0,0 +1,20 @@ +unknown|0 +Action|1 +Adventure|2 +Animation|3 +Children's|4 +Comedy|5 +Crime|6 +Documentary|7 +Drama|8 +Fantasy|9 +Film-Noir|10 +Horror|11 +Musical|12 +Mystery|13 +Romance|14 +Sci-Fi|15 +Thriller|16 +War|17 +Western|18 + diff --git a/MovieLens Movie Recommendation/Python/ml-100k/u.info b/MovieLens Movie Recommendation/Python/ml-100k/u.info new file mode 100644 index 00000000..f936f98e --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/u.info @@ -0,0 +1,3 @@ +943 users +1682 items +100000 ratings diff --git a/MovieLens Movie Recommendation/Python/ml-100k/u.item b/MovieLens Movie Recommendation/Python/ml-100k/u.item new file mode 100644 index 00000000..91bb56d5 --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/u.item @@ -0,0 +1,1682 @@ +1|Toy Story (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Toy%20Story%20(1995)|0|0|0|1|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +2|GoldenEye (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?GoldenEye%20(1995)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +3|Four Rooms (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Four%20Rooms%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +4|Get Shorty (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Get%20Shorty%20(1995)|0|1|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +5|Copycat (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Copycat%20(1995)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|1|0|0 +6|Shanghai Triad (Yao a yao yao dao waipo qiao) (1995)|01-Jan-1995||http://us.imdb.com/Title?Yao+a+yao+yao+dao+waipo+qiao+(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +7|Twelve Monkeys (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Twelve%20Monkeys%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|1|0|0|0 +8|Babe (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Babe%20(1995)|0|0|0|0|1|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +9|Dead Man Walking (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Dead%20Man%20Walking%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +10|Richard III (1995)|22-Jan-1996||http://us.imdb.com/M/title-exact?Richard%20III%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +11|Seven (Se7en) (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Se7en%20(1995)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0 +12|Usual Suspects, The (1995)|14-Aug-1995||http://us.imdb.com/M/title-exact?Usual%20Suspects,%20The%20(1995)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0 +13|Mighty Aphrodite (1995)|30-Oct-1995||http://us.imdb.com/M/title-exact?Mighty%20Aphrodite%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +14|Postino, Il (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Postino,%20Il%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +15|Mr. Holland's Opus (1995)|29-Jan-1996||http://us.imdb.com/M/title-exact?Mr.%20Holland's%20Opus%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +16|French Twist (Gazon maudit) (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Gazon%20maudit%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +17|From Dusk Till Dawn (1996)|05-Feb-1996||http://us.imdb.com/M/title-exact?From%20Dusk%20Till%20Dawn%20(1996)|0|1|0|0|0|1|1|0|0|0|0|1|0|0|0|0|1|0|0 +18|White Balloon, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Badkonake%20Sefid%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +19|Antonia's Line (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Antonia%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +20|Angels and Insects (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Angels%20and%20Insects%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +21|Muppet Treasure Island (1996)|16-Feb-1996||http://us.imdb.com/M/title-exact?Muppet%20Treasure%20Island%20(1996)|0|1|1|0|0|1|0|0|0|0|0|0|1|0|0|0|1|0|0 +22|Braveheart (1995)|16-Feb-1996||http://us.imdb.com/M/title-exact?Braveheart%20(1995)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +23|Taxi Driver (1976)|16-Feb-1996||http://us.imdb.com/M/title-exact?Taxi%20Driver%20(1976)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +24|Rumble in the Bronx (1995)|23-Feb-1996||http://us.imdb.com/M/title-exact?Hong%20Faan%20Kui%20(1995)|0|1|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +25|Birdcage, The (1996)|08-Mar-1996||http://us.imdb.com/M/title-exact?Birdcage,%20The%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +26|Brothers McMullen, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Brothers%20McMullen,%20The%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +27|Bad Boys (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Bad%20Boys%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +28|Apollo 13 (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Apollo%2013%20(1995)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +29|Batman Forever (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Batman%20Forever%20(1995)|0|1|1|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0 +30|Belle de jour (1967)|01-Jan-1967||http://us.imdb.com/M/title-exact?Belle%20de%20jour%20(1967)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +31|Crimson Tide (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Crimson%20Tide%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|1|0 +32|Crumb (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Crumb%20(1994)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +33|Desperado (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Desperado%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0|0 +34|Doom Generation, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Doom%20Generation,%20The%20(1995)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +35|Free Willy 2: The Adventure Home (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Free%20Willy%202:%20The%20Adventure%20Home%20(1995)|0|0|1|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +36|Mad Love (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Mad%20Love%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +37|Nadja (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Nadja%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +38|Net, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Net,%20The%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +39|Strange Days (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Strange%20Days%20(1995)|0|1|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0 +40|To Wong Foo, Thanks for Everything! Julie Newmar (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?To%20Wong%20Foo,%20Thanks%20for%20Everything!%20Julie%20Newmar%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +41|Billy Madison (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Billy%20Madison%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +42|Clerks (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Clerks%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +43|Disclosure (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Disclosure%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +44|Dolores Claiborne (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Dolores%20Claiborne%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +45|Eat Drink Man Woman (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Yinshi%20Nan%20Nu%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +46|Exotica (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Exotica%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +47|Ed Wood (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Ed%20Wood%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +48|Hoop Dreams (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Hoop%20Dreams%20(1994)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +49|I.Q. (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?I.Q.%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +50|Star Wars (1977)|01-Jan-1977||http://us.imdb.com/M/title-exact?Star%20Wars%20(1977)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|1|1|0|1|0 +51|Legends of the Fall (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Legends%20of%20the%20Fall%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|1|1 +52|Madness of King George, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Madness%20of%20King%20George,%20The%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +53|Natural Born Killers (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Natural%20Born%20Killers%20(1994)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +54|Outbreak (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Outbreak%20(1995)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +55|Professional, The (1994)|01-Jan-1994||http://us.imdb.com/Title?L%E9on+(1994)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|1|0|1|0|0 +56|Pulp Fiction (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Pulp%20Fiction%20(1994)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +57|Priest (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Priest%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +58|Quiz Show (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Quiz%20Show%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +59|Three Colors: Red (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Trzy%20kolory:%20Czerwony%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +60|Three Colors: Blue (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Trzy%20kolory:%20Niebieski%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +61|Three Colors: White (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Trzy%20kolory:%20Bialy%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +62|Stargate (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Stargate%20(1994)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +63|Santa Clause, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Santa%20Clause,%20The%20(1994)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +64|Shawshank Redemption, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Shawshank%20Redemption,%20The%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +65|What's Eating Gilbert Grape (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?What's%20Eating%20Gilbert%20Grape%20(1993)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +66|While You Were Sleeping (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?While%20You%20Were%20Sleeping%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +67|Ace Ventura: Pet Detective (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Ace%20Ventura:%20Pet%20Detective%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +68|Crow, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Crow,%20The%20(1994)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0|0 +69|Forrest Gump (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Forrest%20Gump%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|1|0 +70|Four Weddings and a Funeral (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Four%20Weddings%20and%20a%20Funeral%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +71|Lion King, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Lion%20King,%20The%20(1994)|0|0|0|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +72|Mask, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Mask,%20The%20(1994)|0|0|0|0|0|1|1|0|0|1|0|0|0|0|0|0|0|0|0 +73|Maverick (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Maverick%20(1994)|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1 +74|Faster Pussycat! Kill! Kill! (1965)|01-Jan-1965||http://us.imdb.com/M/title-exact?Faster%20Pussycat!%20Kill!%20Kill!%20(1965)|0|1|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +75|Brother Minister: The Assassination of Malcolm X (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Brother%20Minister:%20The%20Assassination%20of%20Malcolm%20X%20(1994)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +76|Carlito's Way (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Carlito's%20Way%20(1993)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +77|Firm, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Firm,%20The%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +78|Free Willy (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Free%20Willy%20(1993)|0|0|1|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +79|Fugitive, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Fugitive,%20The%20(1993)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +80|Hot Shots! Part Deux (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Hot%20Shots!%20Part%20Deux%20(1993)|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0 +81|Hudsucker Proxy, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Hudsucker%20Proxy,%20The%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +82|Jurassic Park (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Jurassic%20Park%20(1993)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +83|Much Ado About Nothing (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Much%20Ado%20About%20Nothing%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +84|Robert A. Heinlein's The Puppet Masters (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Robert%20A.%20Heinlein's%20The%20Puppet%20Masters%20(1994)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|1|0|0|0 +85|Ref, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Ref,%20The%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +86|Remains of the Day, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Remains%20of%20the%20Day,%20The%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +87|Searching for Bobby Fischer (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Searching%20for%20Bobby%20Fischer%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +88|Sleepless in Seattle (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Sleepless%20in%20Seattle%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +89|Blade Runner (1982)|01-Jan-1982||http://us.imdb.com/M/title-exact?Blade%20Runner%20(1982)|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0|0 +90|So I Married an Axe Murderer (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?So%20I%20Married%20an%20Axe%20Murderer%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|1|0|0 +91|Nightmare Before Christmas, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Nightmare%20Before%20Christmas,%20The%20(1993)|0|0|0|0|1|1|0|0|0|0|0|0|1|0|0|0|0|0|0 +92|True Romance (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?True%20Romance%20(1993)|0|1|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0|0|0 +93|Welcome to the Dollhouse (1995)|24-May-1996||http://us.imdb.com/Title?Welcome+to+the+Dollhouse+(1995)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +94|Home Alone (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Home%20Alone%20(1990)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +95|Aladdin (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Aladdin%20(1992)|0|0|0|1|1|1|0|0|0|0|0|0|1|0|0|0|0|0|0 +96|Terminator 2: Judgment Day (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Terminator%202:%20Judgment%20Day%20(1991)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +97|Dances with Wolves (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Dances%20with%20Wolves%20(1990)|0|0|1|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1 +98|Silence of the Lambs, The (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Silence%20of%20the%20Lambs,%20The%20(1991)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +99|Snow White and the Seven Dwarfs (1937)|01-Jan-1937||http://us.imdb.com/M/title-exact?Snow%20White%20and%20the%20Seven%20Dwarfs%20(1937)|0|0|0|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +100|Fargo (1996)|14-Feb-1997||http://us.imdb.com/M/title-exact?Fargo%20(1996)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|1|0|0 +101|Heavy Metal (1981)|08-Mar-1981||http://us.imdb.com/M/title-exact?Heavy%20Metal%20(1981)|0|1|1|1|0|0|0|0|0|0|0|1|0|0|0|1|0|0|0 +102|Aristocats, The (1970)|01-Jan-1970||http://us.imdb.com/M/title-exact?Aristocats,%20The%20(1970)|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +103|All Dogs Go to Heaven 2 (1996)|29-Mar-1996||http://us.imdb.com/M/title-exact?All%20Dogs%20Go%20to%20Heaven%202%20(1996)|0|0|0|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +104|Theodore Rex (1995)|29-Mar-1996||http://us.imdb.com/M/title-exact?Theodore%20Rex%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +105|Sgt. Bilko (1996)|29-Mar-1996||http://us.imdb.com/M/title-exact?Sgt.%20Bilko%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +106|Diabolique (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Diabolique%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +107|Moll Flanders (1996)|14-Jun-1996||http://us.imdb.com/M/title-exact?Moll%20Flanders%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +108|Kids in the Hall: Brain Candy (1996)|12-Apr-1996||http://us.imdb.com/M/title-exact?Kids%20in%20the%20Hall:%20Brain%20Candy%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +109|Mystery Science Theater 3000: The Movie (1996)|19-Apr-1996||http://us.imdb.com/M/title-exact?Mystery%20Science%20Theater%203000:%20The%20Movie%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0 +110|Operation Dumbo Drop (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Operation%20Dumbo%20Drop%20(1995)|0|1|1|0|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0 +111|Truth About Cats & Dogs, The (1996)|26-Apr-1996||http://us.imdb.com/M/title-exact?Truth%20About%20Cats%20&%20Dogs,%20The%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +112|Flipper (1996)|10-May-1996||http://us.imdb.com/M/title-exact?Flipper%20(1996)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +113|Horseman on the Roof, The (Hussard sur le toit, Le) (1995)|19-Apr-1996||http://us.imdb.com/M/title-exact?Hussard%20sur%20le%20toit,%20Le%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +114|Wallace & Gromit: The Best of Aardman Animation (1996)|05-Apr-1996||http://us.imdb.com/Title?Wallace+%26+Gromit%3A+The+Best+of+Aardman+Animation+(1996)|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +115|Haunted World of Edward D. Wood Jr., The (1995)|26-Apr-1996||http://us.imdb.com/Title?Haunted+World+of+Edward+D.+Wood+Jr.,+The+(1995)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +116|Cold Comfort Farm (1995)|23-Apr-1996||http://us.imdb.com/M/title-exact?Cold%20Comfort%20Farm%20(1995)%20(TV)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +117|Rock, The (1996)|07-Jun-1996||http://us.imdb.com/M/title-exact?Rock,%20The%20(1996)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +118|Twister (1996)|10-May-1996||http://us.imdb.com/M/title-exact?Twister%20(1996)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +119|Maya Lin: A Strong Clear Vision (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Maya%20Lin:%20A%20Strong%20Clear%20Vision%20(1994)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +120|Striptease (1996)|28-Jun-1996||http://us.imdb.com/M/title-exact?Striptease%20(1996)|0|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0 +121|Independence Day (ID4) (1996)|03-Jul-1996||http://us.imdb.com/M/title-exact?Independence%20Day%20(1996)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0 +122|Cable Guy, The (1996)|14-Jun-1996||http://us.imdb.com/M/title-exact?Cable%20Guy,%20The%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +123|Frighteners, The (1996)|19-Jul-1996||http://us.imdb.com/M/title-exact?Frighteners,%20The%20(1996)|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0|0|0|0 +124|Lone Star (1996)|21-Jun-1996||http://us.imdb.com/M/title-exact?Lone%20Star%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0|0|0|0 +125|Phenomenon (1996)|29-Jun-1996||http://us.imdb.com/M/title-exact?Phenomenon%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +126|Spitfire Grill, The (1996)|06-Sep-1996||http://us.imdb.com/M/title-exact?Spitfire%20Grill,%20The%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +127|Godfather, The (1972)|01-Jan-1972||http://us.imdb.com/M/title-exact?Godfather,%20The%20(1972)|0|1|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +128|Supercop (1992)|26-Jul-1996||http://us.imdb.com/M/title-exact?Police%20Story%20III:%20Supercop%20(1992)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +129|Bound (1996)|04-Oct-1996||http://us.imdb.com/M/title-exact?Bound%20(1996)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|1|0|1|0|0 +130|Kansas City (1996)|16-Aug-1996||http://us.imdb.com/M/title-exact?Kansas%20City%20(1996)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +131|Breakfast at Tiffany's (1961)|01-Jan-1961||http://us.imdb.com/M/title-exact?Breakfast%20at%20Tiffany's%20(1961)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +132|Wizard of Oz, The (1939)|01-Jan-1939||http://us.imdb.com/M/title-exact?Wizard%20of%20Oz,%20The%20(1939)|0|0|1|0|1|0|0|0|1|0|0|0|1|0|0|0|0|0|0 +133|Gone with the Wind (1939)|01-Jan-1939||http://us.imdb.com/M/title-exact?Gone%20with%20the%20Wind%20(1939)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|1|0 +134|Citizen Kane (1941)|01-Jan-1941||http://us.imdb.com/M/title-exact?Citizen%20Kane%20(1941)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +135|2001: A Space Odyssey (1968)|01-Jan-1968||http://us.imdb.com/M/title-exact?2001:%20A%20Space%20Odyssey%20(1968)|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|1|1|0|0 +136|Mr. Smith Goes to Washington (1939)|01-Jan-1939||http://us.imdb.com/M/title-exact?Mr.%20Smith%20Goes%20to%20Washington%20(1939)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +137|Big Night (1996)|20-Sep-1996||http://us.imdb.com/M/title-exact?Big%20Night%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +138|D3: The Mighty Ducks (1996)|04-Oct-1996||http://us.imdb.com/M/title-exact?D3:%20The%20Mighty%20Ducks%20(1996)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +139|Love Bug, The (1969)|01-Jan-1969||http://us.imdb.com/M/title-exact?Love%20Bug,%20The%20(1969)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +140|Homeward Bound: The Incredible Journey (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Homeward%20Bound:%20The%20Incredible%20Journey%20(1993)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +141|20,000 Leagues Under the Sea (1954)|01-Jan-1954||http://us.imdb.com/M/title-exact?20,000%20Leagues%20Under%20the%20Sea%20(1954)|0|0|1|0|1|0|0|0|0|1|0|0|0|0|0|1|0|0|0 +142|Bedknobs and Broomsticks (1971)|01-Jan-1971||http://us.imdb.com/M/title-exact?Bedknobs%20and%20Broomsticks%20(1971)|0|0|1|0|1|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +143|Sound of Music, The (1965)|01-Jan-1965||http://us.imdb.com/M/title-exact?Sound%20of%20Music,%20The%20(1965)|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +144|Die Hard (1988)|01-Jan-1988||http://us.imdb.com/M/title-exact?Die%20Hard%20(1988)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +145|Lawnmower Man, The (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Lawnmower%20Man,%20The%20(1992)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +146|Unhook the Stars (1996)|30-Oct-1996||http://us.imdb.com/M/title-exact?Unhook%20the%20Stars%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +147|Long Kiss Goodnight, The (1996)|05-Oct-1996||http://us.imdb.com/M/title-exact?Long%20Kiss%20Goodnight,%20The%20(1996)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +148|Ghost and the Darkness, The (1996)|11-Oct-1996||http://us.imdb.com/M/title-exact?Ghost%20and%20the%20Darkness,%20The%20(1996)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +149|Jude (1996)|01-Nov-1996||http://us.imdb.com/M/title-exact?Jude%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +150|Swingers (1996)|18-Oct-1996||http://us.imdb.com/M/title-exact?Swingers%20(1996)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +151|Willy Wonka and the Chocolate Factory (1971)|01-Jan-1971||http://us.imdb.com/M/title-exact?Willy%20Wonka%20and%20the%20Chocolate%20Factory%20(1971)|0|0|1|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +152|Sleeper (1973)|01-Jan-1973||http://us.imdb.com/M/title-exact?Sleeper%20(1973)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0 +153|Fish Called Wanda, A (1988)|01-Jan-1988||http://us.imdb.com/M/title-exact?Fish%20Called%20Wanda,%20A%20(1988)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +154|Monty Python's Life of Brian (1979)|01-Jan-1979||http://us.imdb.com/M/title-exact?Life%20of%20Brian%20(1979)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +155|Dirty Dancing (1987)|01-Jan-1987||http://us.imdb.com/M/title-exact?Dirty%20Dancing%20(1987)|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0|0|0|0 +156|Reservoir Dogs (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Reservoir%20Dogs%20(1992)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0 +157|Platoon (1986)|01-Jan-1986||http://us.imdb.com/M/title-exact?Platoon%20(1986)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +158|Weekend at Bernie's (1989)|01-Jan-1989||http://us.imdb.com/M/title-exact?Weekend%20at%20Bernie's%20(1989)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +159|Basic Instinct (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Basic%20Instinct%20(1992)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0 +160|Glengarry Glen Ross (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Glengarry%20Glen%20Ross%20(1992)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +161|Top Gun (1986)|01-Jan-1986||http://us.imdb.com/M/title-exact?Top%20Gun%20(1986)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +162|On Golden Pond (1981)|01-Jan-1981||http://us.imdb.com/M/title-exact?On%20Golden%20Pond%20(1981)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +163|Return of the Pink Panther, The (1974)|01-Jan-1974||http://us.imdb.com/M/title-exact?Return%20of%20the%20Pink%20Panther,%20The%20(1974)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +164|Abyss, The (1989)|01-Jan-1989||http://us.imdb.com/M/title-exact?Abyss,%20The%20(1989)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +165|Jean de Florette (1986)|01-Jan-1986||http://us.imdb.com/M/title-exact?Jean%20de%20Florette%20(1986)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +166|Manon of the Spring (Manon des sources) (1986)|01-Jan-1986||http://us.imdb.com/M/title-exact?Manon%20des%20sources%20(1986)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +167|Private Benjamin (1980)|01-Jan-1980||http://us.imdb.com/M/title-exact?Private%20Benjamin%20(1980)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +168|Monty Python and the Holy Grail (1974)|01-Jan-1974||http://us.imdb.com/M/title-exact?Monty%20Python%20and%20the%20Holy%20Grail%20(1974)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +169|Wrong Trousers, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Wrong%20Trousers,%20The%20(1993)|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +170|Cinema Paradiso (1988)|01-Jan-1988||http://us.imdb.com/M/title-exact?Nuovo%20cinema%20Paradiso%20(1988)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|1|0|0|0|0 +171|Delicatessen (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Delicatessen%20(1991)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0 +172|Empire Strikes Back, The (1980)|01-Jan-1980||http://us.imdb.com/M/title-exact?Empire%20Strikes%20Back,%20The%20(1980)|0|1|1|0|0|0|0|0|1|0|0|0|0|0|1|1|0|1|0 +173|Princess Bride, The (1987)|01-Jan-1987||http://us.imdb.com/M/title-exact?Princess%20Bride,%20The%20(1987)|0|1|1|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +174|Raiders of the Lost Ark (1981)|01-Jan-1981||http://us.imdb.com/M/title-exact?Raiders%20of%20the%20Lost%20Ark%20(1981)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +175|Brazil (1985)|01-Jan-1985||http://us.imdb.com/M/title-exact?Brazil%20(1985)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +176|Aliens (1986)|01-Jan-1986||http://us.imdb.com/M/title-exact?Aliens%20(1986)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|1|0 +177|Good, The Bad and The Ugly, The (1966)|01-Jan-1966||http://us.imdb.com/M/title-exact?Buono,%20il%20brutto,%20il%20cattivo,%20Il%20(1966)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1 +178|12 Angry Men (1957)|01-Jan-1957||http://us.imdb.com/M/title-exact?12%20Angry%20Men%20(1957)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +179|Clockwork Orange, A (1971)|01-Jan-1971||http://us.imdb.com/M/title-exact?Clockwork%20Orange,%20A%20(1971)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +180|Apocalypse Now (1979)|01-Jan-1979||http://us.imdb.com/M/title-exact?Apocalypse%20Now%20(1979)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +181|Return of the Jedi (1983)|14-Mar-1997||http://us.imdb.com/M/title-exact?Return%20of%20the%20Jedi%20(1983)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|1|1|0|1|0 +182|GoodFellas (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?GoodFellas%20(1990)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +183|Alien (1979)|01-Jan-1979||http://us.imdb.com/M/title-exact?Alien%20(1979)|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0|1|1|0|0 +184|Army of Darkness (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Army%20of%20Darkness%20(1993)|0|1|1|0|0|1|0|0|0|0|0|1|0|0|0|1|0|0|0 +185|Psycho (1960)|01-Jan-1960||http://us.imdb.com/M/title-exact?Psycho%20(1960)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|1|0|0 +186|Blues Brothers, The (1980)|01-Jan-1980||http://us.imdb.com/M/title-exact?Blues%20Brothers,%20The%20(1980)|0|1|0|0|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0 +187|Godfather: Part II, The (1974)|01-Jan-1974||http://us.imdb.com/M/title-exact?Godfather:%20Part%20II,%20The%20(1974)|0|1|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +188|Full Metal Jacket (1987)|01-Jan-1987||http://us.imdb.com/M/title-exact?Full%20Metal%20Jacket%20(1987)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +189|Grand Day Out, A (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Grand%20Day%20Out,%20A%20(1992)|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +190|Henry V (1989)|01-Jan-1989||http://us.imdb.com/M/title-exact?Henry%20V%20(1989)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +191|Amadeus (1984)|01-Jan-1984||http://us.imdb.com/M/title-exact?Amadeus%20(1984)|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0|0|0|0 +192|Raging Bull (1980)|01-Jan-1980||http://us.imdb.com/M/title-exact?Raging%20Bull%20(1980)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +193|Right Stuff, The (1983)|01-Jan-1983||http://us.imdb.com/M/title-exact?Right%20Stuff,%20The%20(1983)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +194|Sting, The (1973)|01-Jan-1973||http://us.imdb.com/M/title-exact?Sting,%20The%20(1973)|0|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0 +195|Terminator, The (1984)|01-Jan-1984||http://us.imdb.com/M/title-exact?Terminator,%20The%20(1984)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +196|Dead Poets Society (1989)|01-Jan-1989||http://us.imdb.com/M/title-exact?Dead%20Poets%20Society%20(1989)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +197|Graduate, The (1967)|01-Jan-1967||http://us.imdb.com/M/title-exact?Graduate,%20The%20(1967)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +198|Nikita (La Femme Nikita) (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Nikita%20(1990)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +199|Bridge on the River Kwai, The (1957)|01-Jan-1957||http://us.imdb.com/M/title-exact?Bridge%20on%20the%20River%20Kwai,%20The%20(1957)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +200|Shining, The (1980)|01-Jan-1980||http://us.imdb.com/M/title-exact?Shining,%20The%20(1980)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +201|Evil Dead II (1987)|01-Jan-1987||http://us.imdb.com/M/title-exact?Evil%20Dead%20II%20(1987)|0|1|1|0|0|1|0|0|0|0|0|1|0|0|0|0|0|0|0 +202|Groundhog Day (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Groundhog%20Day%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +203|Unforgiven (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Unforgiven%20(1992)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1 +204|Back to the Future (1985)|01-Jan-1985||http://us.imdb.com/M/title-exact?Back%20to%20the%20Future%20(1985)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0 +205|Patton (1970)|01-Jan-1970||http://us.imdb.com/M/title-exact?Patton%20(1970)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +206|Akira (1988)|01-Jan-1988||http://us.imdb.com/M/title-exact?Akira%20(1988)|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +207|Cyrano de Bergerac (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Cyrano%20de%20Bergerac%20(1990)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +208|Young Frankenstein (1974)|01-Jan-1974||http://us.imdb.com/M/title-exact?Young%20Frankenstein%20(1974)|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0|0|0|0 +209|This Is Spinal Tap (1984)|01-Jan-1984||http://us.imdb.com/M/title-exact?This%20Is%20Spinal%20Tap%20(1984)|0|0|0|0|0|1|0|0|1|0|0|0|1|0|0|0|0|0|0 +210|Indiana Jones and the Last Crusade (1989)|01-Jan-1989||http://us.imdb.com/M/title-exact?Indiana%20Jones%20and%20the%20Last%20Crusade%20(1989)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +211|M*A*S*H (1970)|01-Jan-1970||http://us.imdb.com/M/title-exact?MASH%20(1970)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0 +212|Unbearable Lightness of Being, The (1988)|01-Jan-1988||http://us.imdb.com/M/title-exact?Unbearable%20Lightness%20of%20Being,%20The%20(1988)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +213|Room with a View, A (1986)|01-Jan-1986||http://us.imdb.com/M/title-exact?Room%20with%20a%20View,%20A%20(1986)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +214|Pink Floyd - The Wall (1982)|01-Jan-1982||http://us.imdb.com/M/title-exact?Pink%20Floyd%20-%20The%20Wall%20(1982)|0|0|0|0|0|0|0|0|1|0|0|0|1|0|0|0|0|1|0 +215|Field of Dreams (1989)|01-Jan-1989||http://us.imdb.com/M/title-exact?Field%20of%20Dreams%20(1989)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +216|When Harry Met Sally... (1989)|01-Jan-1989||http://us.imdb.com/M/title-exact?When%20Harry%20Met%20Sally...%20(1989)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +217|Bram Stoker's Dracula (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Bram%20Stoker's%20Dracula%20(1992)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0|0|0 +218|Cape Fear (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Cape%20Fear%20(1991)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +219|Nightmare on Elm Street, A (1984)|01-Jan-1984||http://us.imdb.com/M/title-exact?Nightmare%20on%20Elm%20Street,%20A%20(1984)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +220|Mirror Has Two Faces, The (1996)|15-Nov-1996||http://us.imdb.com/M/title-exact?Mirror%20Has%20Two%20Faces,%20The%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +221|Breaking the Waves (1996)|15-Nov-1996||http://us.imdb.com/M/title-exact?Breaking%20the%20Waves%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +222|Star Trek: First Contact (1996)|22-Nov-1996||http://us.imdb.com/M/title-exact?Star%20Trek:%20First%20Contact%20(1996)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +223|Sling Blade (1996)|22-Nov-1996||http://us.imdb.com/M/title-exact?Sling%20Blade%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +224|Ridicule (1996)|27-Nov-1996||http://us.imdb.com/M/title-exact?Ridicule%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +225|101 Dalmatians (1996)|27-Nov-1996||http://us.imdb.com/M/title-exact?101%20Dalmatians%20(1996)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +226|Die Hard 2 (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Die%20Hard%202%20(1990)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +227|Star Trek VI: The Undiscovered Country (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Star%20Trek%20VI:%20The%20Undiscovered%20Country%20(1991)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +228|Star Trek: The Wrath of Khan (1982)|01-Jan-1982||http://us.imdb.com/M/title-exact?Star%20Trek:%20The%20Wrath%20of%20Khan%20(1982)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +229|Star Trek III: The Search for Spock (1984)|01-Jan-1984||http://us.imdb.com/M/title-exact?Star%20Trek%20III:%20The%20Search%20for%20Spock%20(1984)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +230|Star Trek IV: The Voyage Home (1986)|01-Jan-1986||http://us.imdb.com/M/title-exact?Star%20Trek%20IV:%20The%20Voyage%20Home%20(1986)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +231|Batman Returns (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Batman%20Returns%20(1992)|0|1|1|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0 +232|Young Guns (1988)|01-Jan-1988||http://us.imdb.com/M/title-exact?Young%20Guns%20(1988)|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1 +233|Under Siege (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Under%20Siege%20(1992)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +234|Jaws (1975)|01-Jan-1975||http://us.imdb.com/M/title-exact?Jaws%20(1975)|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +235|Mars Attacks! (1996)|13-Dec-1996||http://us.imdb.com/M/title-exact?Mars%20Attacks!%20(1996)|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|1|0 +236|Citizen Ruth (1996)|13-Dec-1996||http://us.imdb.com/M/title-exact?Citizen%20Ruth%20(1996)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +237|Jerry Maguire (1996)|13-Dec-1996||http://us.imdb.com/M/title-exact?Jerry%20Maguire%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +238|Raising Arizona (1987)|01-Jan-1987||http://us.imdb.com/M/title-exact?Raising%20Arizona%20(1987)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +239|Sneakers (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Sneakers%20(1992)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|1|0|0|0 +240|Beavis and Butt-head Do America (1996)|20-Dec-1996||http://us.imdb.com/M/title-exact?Beavis%20and%20Butt-head%20Do%20America%20(1996)|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +241|Last of the Mohicans, The (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Last%20of%20the%20Mohicans,%20The%20(1992)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0 +242|Kolya (1996)|24-Jan-1997||http://us.imdb.com/M/title-exact?Kolya%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +243|Jungle2Jungle (1997)|07-Mar-1997||http://us.imdb.com/M/title-exact?Jungle2Jungle%20(1997)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +244|Smilla's Sense of Snow (1997)|14-Mar-1997||http://us.imdb.com/M/title-exact?Smilla%27s%20Sense%20of%20Snow%20(1997)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +245|Devil's Own, The (1997)|26-Mar-1997||http://us.imdb.com/M/title-exact?Devil%27s%20Own%2C%20The%20(1997)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|1|0 +246|Chasing Amy (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Chasing+Amy+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +247|Turbo: A Power Rangers Movie (1997)|28-Mar-1997||http://us.imdb.com/M/title-exact?Turbo%3A%20A%20Power%20Rangers%20Movie%20%281997%29|0|1|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +248|Grosse Pointe Blank (1997)|11-Apr-1997||http://us.imdb.com/M/title-exact?Grosse%20Pointe%20Blank%20%281997%29|0|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0 +249|Austin Powers: International Man of Mystery (1997)|02-May-1997||http://us.imdb.com/M/title-exact?Austin%20Powers%3A%20International%20Man%20of%20Mystery%20%281997%29|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +250|Fifth Element, The (1997)|09-May-1997||http://us.imdb.com/M/title-exact?Fifth%20Element%2C%20The%20%281997%29|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +251|Shall We Dance? (1996)|11-Jul-1997||http://us.imdb.com/M/title-exact?Shall%20we%20DANSU%3F%20%281996%29|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +252|Lost World: Jurassic Park, The (1997)|23-May-1997||http://us.imdb.com/M/title-exact?Lost%20World%3A%20Jurassic%20Park%2C%20The%20%281997%29|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +253|Pillow Book, The (1995)|13-Jun-1997||http://us.imdb.com/M/title-exact?Pillow%20Book%2C%20The%20%281995%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +254|Batman & Robin (1997)|20-Jun-1997||http://us.imdb.com/M/title-exact?Batman+%26+Robin+(1997)|0|1|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +255|My Best Friend's Wedding (1997)|20-Jun-1997||http://us.imdb.com/M/title-exact?My+Best+Friend%27s+Wedding+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +256|When the Cats Away (Chacun cherche son chat) (1996)|20-Jun-1997||http://us.imdb.com/M/title-exact?Chacun+cherche+son+chat+(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +257|Men in Black (1997)|04-Jul-1997||http://us.imdb.com/M/title-exact?Men+in+Black+(1997)|0|1|1|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0 +258|Contact (1997)|11-Jul-1997||http://us.imdb.com/Title?Contact+(1997/I)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|1|0|0|0 +259|George of the Jungle (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?George+of+the+Jungle+(1997)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +260|Event Horizon (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Event+Horizon+(1997)|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0|1|1|0|0 +261|Air Bud (1997)|01-Aug-1997||http://us.imdb.com/M/title-exact?Air+Bud+(1997)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +262|In the Company of Men (1997)|01-Aug-1997||http://us.imdb.com/M/title-exact?In+the+Company+of+Men+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +263|Steel (1997)|15-Aug-1997||http://us.imdb.com/M/title-exact?Steel+(1997)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +264|Mimic (1997)|22-Aug-1997||http://us.imdb.com/M/title-exact?Mimic+(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +265|Hunt for Red October, The (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Hunt+for+Red+October%2C+The+(1990)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +266|Kull the Conqueror (1997)|29-Aug-1997||http://us.imdb.com/M/title-exact?Kull+the+Conqueror+(1997)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +267|unknown||||1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +268|Chasing Amy (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Chasing+Amy+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +269|Full Monty, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Full+Monty%2C+The+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +270|Gattaca (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Gattaca+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|1|1|0|0 +271|Starship Troopers (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Starship+Troopers+(1997)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0 +272|Good Will Hunting (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-119217|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +273|Heat (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Heat%20(1995)|0|1|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0 +274|Sabrina (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Sabrina%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +275|Sense and Sensibility (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Sense%20and%20Sensibility%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +276|Leaving Las Vegas (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Leaving%20Las%20Vegas%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +277|Restoration (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Restoration%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +278|Bed of Roses (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Bed%20of%20Roses%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +279|Once Upon a Time... When We Were Colored (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Once%20Upon%20a%20Time... When%20We%20Were%20Colored%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +280|Up Close and Personal (1996)|01-Mar-1996||http://us.imdb.com/M/title-exact?Up%20Close%20and%20Personal%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +281|River Wild, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?River%20Wild,%20The%20(1994)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +282|Time to Kill, A (1996)|13-Jul-1996||http://us.imdb.com/M/title-exact?Time%20to%20Kill,%20A%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +283|Emma (1996)|02-Aug-1996||http://us.imdb.com/M/title-exact?Emma%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +284|Tin Cup (1996)|16-Aug-1996||http://us.imdb.com/M/title-exact?Tin%20Cup%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +285|Secrets & Lies (1996)|04-Oct-1996||http://us.imdb.com/M/title-exact?Secrets%20&%20Lies%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +286|English Patient, The (1996)|15-Nov-1996||http://us.imdb.com/M/title-exact?English%20Patient,%20The%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|1|0 +287|Marvin's Room (1996)|18-Dec-1996||http://us.imdb.com/M/title-exact?Marvin's%20Room%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +288|Scream (1996)|20-Dec-1996||http://us.imdb.com/M/title-exact?Scream%20(1996)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0 +289|Evita (1996)|25-Dec-1996||http://us.imdb.com/M/title-exact?Evita%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0 +290|Fierce Creatures (1997)|10-Jan-1997||http://us.imdb.com/M/title-exact?Fierce%20Creatures%20(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +291|Absolute Power (1997)|14-Feb-1997||http://us.imdb.com/M/title-exact?Absolute%20Power%20(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0 +292|Rosewood (1997)|21-Feb-1997||http://us.imdb.com/M/title-exact?Rosewood%20(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +293|Donnie Brasco (1997)|28-Feb-1997||http://us.imdb.com/M/title-exact?Donnie%20Brasco%20(1997)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +294|Liar Liar (1997)|21-Mar-1997||http://us.imdb.com/Title?Liar+Liar+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +295|Breakdown (1997)|02-May-1997||http://us.imdb.com/M/title-exact?Breakdown%20%281997%29|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +296|Promesse, La (1996)|16-May-1997||http://us.imdb.com/M/title-exact?Promesse%2C%20La%20%281996%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +297|Ulee's Gold (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Ulee%27s+Gold+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +298|Face/Off (1997)|27-Jun-1997||http://us.imdb.com/M/title-exact?Face/Off+(1997)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +299|Hoodlum (1997)|22-Aug-1997||http://us.imdb.com/M/title-exact?Hoodlum+(1997)|0|0|0|0|0|0|1|0|1|0|1|0|0|0|0|0|0|0|0 +300|Air Force One (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Air+Force+One+(1997)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +301|In & Out (1997)|19-Sep-1997||http://us.imdb.com/Title?In+%26+Out+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +302|L.A. Confidential (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?L%2EA%2E+Confidential+(1997)|0|0|0|0|0|0|1|0|0|0|1|0|0|1|0|0|1|0|0 +303|Ulee's Gold (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Ulee%27s+Gold+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +304|Fly Away Home (1996)|13-Sep-1996||http://us.imdb.com/M/title-exact?Fly%20Away%20Home%20(1996)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +305|Ice Storm, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Ice+Storm%2C+The+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +306|Mrs. Brown (Her Majesty, Mrs. Brown) (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Her+Majesty%2C+Mrs%2E+Brown+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +307|Devil's Advocate, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Devil's+Advocate,+The+(1997)|0|0|0|0|0|0|1|0|0|0|0|1|0|1|0|0|1|0|0 +308|FairyTale: A True Story (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Fairytale:+A+True+Story+(1997)|0|0|0|0|1|0|0|0|1|1|0|0|0|0|0|0|0|0|0 +309|Deceiver (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Liar+(1997)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +310|Rainmaker, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Rainmaker,+The+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +311|Wings of the Dove, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Wings+of+the+Dove%2C+The+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|1|0|0 +312|Midnight in the Garden of Good and Evil (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Midnight+in+the+Garden+of+Good+and+Evil+(1997)|0|0|0|0|0|1|1|0|1|0|0|0|0|1|0|0|0|0|0 +313|Titanic (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-120338|0|1|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +314|3 Ninjas: High Noon At Mega Mountain (1998)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-118539|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +315|Apt Pupil (1998)|23-Oct-1998||http://us.imdb.com/Title?Apt+Pupil+(1998)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +316|As Good As It Gets (1997)|23-Dec-1997||http://us.imdb.com/Title?As+Good+As+It+Gets+(1997)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +317|In the Name of the Father (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?In%20the%20Name%20of%20the%20Father%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +318|Schindler's List (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Schindler's%20List%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +319|Everyone Says I Love You (1996)|06-Dec-1996||http://us.imdb.com/M/title-exact?Everyone%20Says%20I%20Love%20You%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|1|0|1|0|0|0|0 +320|Paradise Lost: The Child Murders at Robin Hood Hills (1996)|06-Dec-1996||http://us.imdb.com/M/title-exact?Paradise%20Lost%3a%20The%20Child%20Murders%20at%20Robin%20Hood%20Hills%20(1996)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +321|Mother (1996)|25-Dec-1996||http://us.imdb.com/M/title-exact?Mother%20(1996/I)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +322|Murder at 1600 (1997)|18-Apr-1997||http://us.imdb.com/M/title-exact?Murder%20at%201600%20(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0 +323|Dante's Peak (1997)|07-Feb-1997||http://us.imdb.com/M/title-exact?Dante's%20Peak%20(1997)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +324|Lost Highway (1997)|21-Feb-1997||http://us.imdb.com/Title?Lost+Highway+(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0 +325|Crash (1996)|21-Mar-1997||http://us.imdb.com/M/title-exact?Crash%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +326|G.I. Jane (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?G%2EI%2E+Jane+(1997)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +327|Cop Land (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Cop+Land+(1997)|0|0|0|0|0|0|1|0|1|0|0|0|0|1|0|0|0|0|0 +328|Conspiracy Theory (1997)|08-Aug-1997||http://us.imdb.com/M/title-exact?Conspiracy+Theory+(1997)|0|1|0|0|0|0|0|0|0|0|0|0|0|1|1|0|1|0|0 +329|Desperate Measures (1998)|30-Jan-1998||http://us.imdb.com/Title?Desperate+Measures+(1998)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|1|0|0 +330|187 (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?187+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +331|Edge, The (1997)|26-Sep-1997||http://us.imdb.com/M/title-exact?Edge%2C+The+(1997/I)|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +332|Kiss the Girls (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Kiss+the+Girls+(1997)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|1|0|0 +333|Game, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Game%2C+The+(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0 +334|U Turn (1997)|01-Jan-1997||http://us.imdb.com/Title?U+Turn+(1997)|0|1|0|0|0|0|1|0|0|0|0|0|0|1|0|0|0|0|0 +335|How to Be a Player (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?How+to+Be+a+Player+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +336|Playing God (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Playing+God+(1997)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0 +337|House of Yes, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?House+of+Yes,+The+(1997)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|1|0|0 +338|Bean (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Bean+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +339|Mad City (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Mad+City+(1997)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +340|Boogie Nights (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Boogie+Nights+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +341|Critical Care (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Critical+Care+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +342|Man Who Knew Too Little, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Man+Who+Knew+Too+Little%2C+The+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0|0|0|0 +343|Alien: Resurrection (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Alien%3A+Resurrection+(1997)|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0|1|0|0|0 +344|Apostle, The (1997)|18-Dec-1997||http://us.imdb.com/M/title-exact?imdb-title-118632|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +345|Deconstructing Harry (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-118954|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +346|Jackie Brown (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-119396|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +347|Wag the Dog (1997)|09-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-120885|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +348|Desperate Measures (1998)|30-Jan-1998||http://us.imdb.com/Title?Desperate+Measures+(1998)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|1|0|0 +349|Hard Rain (1998)|16-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-120696|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +350|Fallen (1998)|16-Jan-1998||http://us.imdb.com/Title?Fallen+(1998)|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0 +351|Prophecy II, The (1998)|16-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-119959|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +352|Spice World (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-120185|0|0|0|0|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0 +353|Deep Rising (1998)|30-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-118956|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0|1|0|0|0 +354|Wedding Singer, The (1998)|13-Feb-1998||http://us.imdb.com/M/title-exact?Wedding+Singer%2C+The+(1998)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +355|Sphere (1998)|13-Feb-1998||http://us.imdb.com/M/title-exact?Sphere+(1998)|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +356|Client, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Client,%20The%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0|1|0|0 +357|One Flew Over the Cuckoo's Nest (1975)|01-Jan-1975||http://us.imdb.com/M/title-exact?One%20Flew%20Over%20the%20Cuckoo's%20Nest%20(1975)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +358|Spawn (1997)|01-Aug-1997||http://us.imdb.com/M/title-exact?Spawn+(1997/I)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +359|Assignment, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Assignment%2C+The+(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +360|Wonderland (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Wonderland+(1997)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +361|Incognito (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Incognito+(1997)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0 +362|Blues Brothers 2000 (1998)|06-Feb-1998||http://us.imdb.com/M/title-exact?Blues+Brothers+2000+(1998)|0|1|0|0|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0 +363|Sudden Death (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Sudden%20Death%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +364|Ace Ventura: When Nature Calls (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Ace%20Ventura:%20When%20Nature%20Calls%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +365|Powder (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Powder%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +366|Dangerous Minds (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Dangerous%20Minds%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +367|Clueless (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Clueless%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +368|Bio-Dome (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Bio-Dome%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +369|Black Sheep (1996)|02-Feb-1996||http://us.imdb.com/M/title-exact?Black%20Sheep%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +370|Mary Reilly (1996)|23-Feb-1996||http://us.imdb.com/M/title-exact?Mary%20Reilly%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +371|Bridges of Madison County, The (1995)|09-Feb-1996||http://us.imdb.com/M/title-exact?Bridges%20of%20Madison%20County,%20The%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +372|Jeffrey (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Jeffrey%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +373|Judge Dredd (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Judge%20Dredd%20(1995)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +374|Mighty Morphin Power Rangers: The Movie (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Mighty%20Morphin%20Power%20Rangers:%20The%20Movie%20(1995)|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +375|Showgirls (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Showgirls%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +376|Houseguest (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Houseguest%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +377|Heavyweights (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Heavyweights%20(1994)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +378|Miracle on 34th Street (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Miracle%20on%2034th%20Street%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +379|Tales From the Crypt Presents: Demon Knight (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Tales%20From%20the%20Crypt%20Presents:%20Demon%20Knight%20(1995)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +380|Star Trek: Generations (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Star%20Trek:%20Generations%20(1994)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +381|Muriel's Wedding (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Muriel's%20Wedding%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +382|Adventures of Priscilla, Queen of the Desert, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Adventures%20of%20Priscilla,%20Queen%20of%20the%20Desert,%20The%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +383|Flintstones, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Flintstones,%20The%20(1994)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +384|Naked Gun 33 1/3: The Final Insult (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Naked%20Gun%2033%201/3:%20The%20Final%20Insult%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +385|True Lies (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?True%20Lies%20(1994)|0|1|1|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +386|Addams Family Values (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Addams%20Family%20Values%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +387|Age of Innocence, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Age%20of%20Innocence,%20The%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +388|Beverly Hills Cop III (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Beverly%20Hills%20Cop%20III%20(1994)|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +389|Black Beauty (1994)|01-Jan-1994||http://us.imdb.com/Title?Black+Beauty+(1994/I)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +390|Fear of a Black Hat (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Fear%20of%20a%20Black%20Hat%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +391|Last Action Hero (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Last%20Action%20Hero%20(1993)|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +392|Man Without a Face, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Man%20Without%20a%20Face,%20The%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +393|Mrs. Doubtfire (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Mrs.%20Doubtfire%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +394|Radioland Murders (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Radioland%20Murders%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|1|1|0|0|0|0 +395|Robin Hood: Men in Tights (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Robin%20Hood:%20Men%20in%20Tights%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +396|Serial Mom (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Serial%20Mom%20(1994)|0|0|0|0|0|1|1|0|0|0|0|1|0|0|0|0|0|0|0 +397|Striking Distance (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Striking%20Distance%20(1993)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +398|Super Mario Bros. (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Super%20Mario%20Bros.%20(1993)|0|1|1|0|1|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +399|Three Musketeers, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Three%20Musketeers,%20The%20(1993)|0|1|1|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +400|Little Rascals, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Little%20Rascals,%20The%20(1994)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +401|Brady Bunch Movie, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Brady%20Bunch%20Movie,%20The%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +402|Ghost (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Ghost%20(1990)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|1|0|0 +403|Batman (1989)|01-Jan-1989||http://us.imdb.com/M/title-exact?Batman%20(1989)|0|1|1|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +404|Pinocchio (1940)|01-Jan-1940||http://us.imdb.com/M/title-exact?Pinocchio%20(1940)|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +405|Mission: Impossible (1996)|22-May-1996||http://us.imdb.com/M/title-exact?Mission:%20Impossible%20(1996)|0|1|1|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0 +406|Thinner (1996)|25-Oct-1996||http://us.imdb.com/M/title-exact?Thinner%20(1996)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0 +407|Spy Hard (1996)|24-May-1996||http://us.imdb.com/M/title-exact?Spy%20Hard%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +408|Close Shave, A (1995)|28-Apr-1996||http://us.imdb.com/M/title-exact?Close%20Shave,%20A%20(1995)|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|1|0|0 +409|Jack (1996)|07-Aug-1996||http://us.imdb.com/M/title-exact?Jack%20(1996)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +410|Kingpin (1996)|12-Jul-1996||http://us.imdb.com/M/title-exact?Kingpin%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +411|Nutty Professor, The (1996)|28-Jun-1996||http://us.imdb.com/M/title-exact?Nutty%20Professor,%20The%20(1996)|0|0|0|0|0|1|0|0|0|1|0|0|0|0|1|1|0|0|0 +412|Very Brady Sequel, A (1996)|23-Aug-1996||http://us.imdb.com/M/title-exact?Very%20Brady%20Sequel,%20A%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +413|Tales from the Crypt Presents: Bordello of Blood (1996)|19-Jul-1996||http://us.imdb.com/M/title-exact?Tales%20from%20the%20Crypt%20Presents:%20Bordello%20of%20Blood%20(1996)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +414|My Favorite Year (1982)|01-Jan-1982||http://us.imdb.com/M/title-exact?My%20Favorite%20Year%20(1982)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +415|Apple Dumpling Gang, The (1975)|01-Jan-1975||http://us.imdb.com/M/title-exact?Apple%20Dumpling%20Gang,%20The%20(1975)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1 +416|Old Yeller (1957)|01-Jan-1957||http://us.imdb.com/M/title-exact?Old%20Yeller%20(1957)|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +417|Parent Trap, The (1961)|01-Jan-1961||http://us.imdb.com/M/title-exact?Parent%20Trap,%20The%20(1961)|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +418|Cinderella (1950)|01-Jan-1950||http://us.imdb.com/M/title-exact?Cinderella%20(1950)|0|0|0|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +419|Mary Poppins (1964)|01-Jan-1964||http://us.imdb.com/M/title-exact?Mary%20Poppins%20(1964)|0|0|0|0|1|1|0|0|0|0|0|0|1|0|0|0|0|0|0 +420|Alice in Wonderland (1951)|01-Jan-1951||http://us.imdb.com/M/title-exact?Alice%20in%20Wonderland%20(1951)|0|0|0|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +421|William Shakespeare's Romeo and Juliet (1996)|25-Oct-1996||http://us.imdb.com/Title?Romeo+%2B+Juliet+(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +422|Aladdin and the King of Thieves (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Aladdin%20and%20the%20King%20of%20Thieves%20(1996)%20(V)|0|0|0|1|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +423|E.T. the Extra-Terrestrial (1982)|01-Jan-1982||http://us.imdb.com/M/title-exact?E%2ET%2E%20the%20Extra-Terrestrial%20%281982%29|0|0|0|0|1|0|0|0|1|1|0|0|0|0|0|1|0|0|0 +424|Children of the Corn: The Gathering (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Children%20of%20the%20Corn%3A%20The%20Gathering%20%281996%29|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +425|Bob Roberts (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Bob%20Roberts%20(1992)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +426|Transformers: The Movie, The (1986)|01-Jan-1986||http://us.imdb.com/M/title-exact?Transformers:%20The%20Movie,%20The%20(1986)|0|1|0|1|1|0|0|0|0|0|0|0|0|0|0|1|1|1|0 +427|To Kill a Mockingbird (1962)|01-Jan-1962||http://us.imdb.com/M/title-exact?To%20Kill%20a%20Mockingbird%20(1962)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +428|Harold and Maude (1971)|01-Jan-1971||http://us.imdb.com/M/title-exact?Harold%20and%20Maude%20(1971)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +429|Day the Earth Stood Still, The (1951)|01-Jan-1951||http://us.imdb.com/M/title-exact?Day%20the%20Earth%20Stood%20Still,%20The%20(1951)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|1|0|0|0 +430|Duck Soup (1933)|01-Jan-1933||http://us.imdb.com/M/title-exact?Duck%20Soup%20(1933)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0 +431|Highlander (1986)|01-Jan-1986||http://us.imdb.com/M/title-exact?Highlander%20(1986)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +432|Fantasia (1940)|01-Jan-1940||http://us.imdb.com/M/title-exact?Fantasia%20(1940)|0|0|0|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +433|Heathers (1989)|01-Jan-1989||http://us.imdb.com/M/title-exact?Heathers%20(1989)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +434|Forbidden Planet (1956)|01-Jan-1956||http://us.imdb.com/M/title-exact?Forbidden%20Planet%20(1956)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +435|Butch Cassidy and the Sundance Kid (1969)|01-Jan-1969||http://us.imdb.com/M/title-exact?Butch%20Cassidy%20and%20the%20Sundance%20Kid%20(1969)|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1 +436|American Werewolf in London, An (1981)|01-Jan-1981||http://us.imdb.com/M/title-exact?American%20Werewolf%20in%20London,%20An%20(1981)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +437|Amityville 1992: It's About Time (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Amityville%201992:%20It's%20About%20Time%20(1992)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +438|Amityville 3-D (1983)|01-Jan-1983||http://us.imdb.com/M/title-exact?Amityville%203-D%20(1983)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +439|Amityville: A New Generation (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Amityville:%20A%20New%20Generation%20(1993)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +440|Amityville II: The Possession (1982)|01-Jan-1982||http://us.imdb.com/M/title-exact?Amityville%20II:%20The%20Possession%20(1982)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +441|Amityville Horror, The (1979)|01-Jan-1979||http://us.imdb.com/M/title-exact?Amityville%20Horror,%20The%20(1979)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +442|Amityville Curse, The (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Amityville%20Curse,%20The%20(1990)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +443|Birds, The (1963)|01-Jan-1963||http://us.imdb.com/M/title-exact?Birds,%20The%20(1963)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +444|Blob, The (1958)|01-Jan-1958||http://us.imdb.com/M/title-exact?Blob,%20The%20(1958)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|1|0|0|0 +445|Body Snatcher, The (1945)|01-Jan-1945||http://us.imdb.com/M/title-exact?Body%20Snatcher,%20The%20(1945)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +446|Burnt Offerings (1976)|01-Jan-1976||http://us.imdb.com/M/title-exact?Burnt%20Offerings%20(1976)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +447|Carrie (1976)|01-Jan-1976||http://us.imdb.com/M/title-exact?Carrie%20(1976)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +448|Omen, The (1976)|01-Jan-1976||http://us.imdb.com/M/title-exact?Omen,%20The%20(1976)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +449|Star Trek: The Motion Picture (1979)|01-Jan-1979||http://us.imdb.com/M/title-exact?Star%20Trek:%20The%20Motion%20Picture%20(1979)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +450|Star Trek V: The Final Frontier (1989)|01-Jan-1989||http://us.imdb.com/M/title-exact?Star%20Trek%20V:%20The%20Final%20Frontier%20(1989)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +451|Grease (1978)|01-Jan-1978||http://us.imdb.com/M/title-exact?Grease%20(1978)|0|0|0|0|0|1|0|0|0|0|0|0|1|0|1|0|0|0|0 +452|Jaws 2 (1978)|01-Jan-1978||http://us.imdb.com/M/title-exact?Jaws%202%20(1978)|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +453|Jaws 3-D (1983)|01-Jan-1983||http://us.imdb.com/M/title-exact?Jaws%203-D%20(1983)|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +454|Bastard Out of Carolina (1996)|15-Dec-1996||http://us.imdb.com/M/title-exact?Bastard%20Out%20of%20Carolina%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +455|Jackie Chan's First Strike (1996)|10-Jan-1997||http://us.imdb.com/M/title-exact?Police%20Story%204:%20First%20Strike%20(1996)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +456|Beverly Hills Ninja (1997)|17-Jan-1997||http://us.imdb.com/M/title-exact?Beverly%20Hills%20Ninja%20(1997)|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +457|Free Willy 3: The Rescue (1997)|08-Aug-1997||http://us.imdb.com/M/title-exact?Free+Willy+3%3A+The+Rescue+(1997)|0|0|1|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +458|Nixon (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Nixon%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +459|Cry, the Beloved Country (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Cry,%20the%20Beloved%20Country%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +460|Crossing Guard, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Crossing%20Guard,%20The%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +461|Smoke (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Smoke%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +462|Like Water For Chocolate (Como agua para chocolate) (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Como%20agua%20para%20chocolate%20(1992)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +463|Secret of Roan Inish, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Secret%20of%20Roan%20Inish,%20The%20(1994)|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +464|Vanya on 42nd Street (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Vanya%20on%2042nd%20Street%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +465|Jungle Book, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Jungle%20Book,%20The%20(1994)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +466|Red Rock West (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Red%20Rock%20West%20(1992)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +467|Bronx Tale, A (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Bronx%20Tale,%20A%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +468|Rudy (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Rudy%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +469|Short Cuts (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Short%20Cuts%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +470|Tombstone (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Tombstone%20(1993)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1 +471|Courage Under Fire (1996)|08-Mar-1996||http://us.imdb.com/M/title-exact?Courage%20Under%20Fire%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +472|Dragonheart (1996)|31-May-1996||http://us.imdb.com/M/title-exact?Dragonheart%20(1996)|0|1|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0 +473|James and the Giant Peach (1996)|12-Apr-1996||http://us.imdb.com/M/title-exact?James%20and%20the%20Giant%20Peach%20(1996)|0|0|0|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +474|Dr. Strangelove or: How I Learned to Stop Worrying and Love the Bomb (1963)|01-Jan-1963||http://us.imdb.com/M/title-exact?Dr.%20Strangelove%20or:%20How%20I%20Learned%20to%20Stop%20Worrying%20and%20Love%20the%20Bomb%20(1963)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0 +475|Trainspotting (1996)|19-Jul-1996||http://us.imdb.com/Title?Trainspotting+(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +476|First Wives Club, The (1996)|14-Sep-1996||http://us.imdb.com/M/title-exact?First%20Wives%20Club,%20The%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +477|Matilda (1996)|02-Aug-1996||http://us.imdb.com/M/title-exact?Matilda%20(1996)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +478|Philadelphia Story, The (1940)|01-Jan-1940||http://us.imdb.com/M/title-exact?Philadelphia%20Story,%20The%20(1940)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +479|Vertigo (1958)|01-Jan-1958||http://us.imdb.com/M/title-exact?Vertigo%20(1958)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0 +480|North by Northwest (1959)|01-Jan-1959||http://us.imdb.com/M/title-exact?North%20by%20Northwest%20(1959)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|1|0|0 +481|Apartment, The (1960)|01-Jan-1960||http://us.imdb.com/M/title-exact?Apartment,%20The%20(1960)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +482|Some Like It Hot (1959)|01-Jan-1959||http://us.imdb.com/M/title-exact?Some%20Like%20It%20Hot%20(1959)|0|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0 +483|Casablanca (1942)|01-Jan-1942||http://us.imdb.com/M/title-exact?Casablanca%20(1942)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|1|0 +484|Maltese Falcon, The (1941)|01-Jan-1941||http://us.imdb.com/M/title-exact?Maltese%20Falcon,%20The%20(1941)|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0|0|0|0 +485|My Fair Lady (1964)|01-Jan-1964||http://us.imdb.com/M/title-exact?My%20Fair%20Lady%20(1964)|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0|0|0|0 +486|Sabrina (1954)|01-Jan-1954||http://us.imdb.com/M/title-exact?Sabrina%20(1954)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +487|Roman Holiday (1953)|01-Jan-1953||http://us.imdb.com/M/title-exact?Roman%20Holiday%20(1953)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +488|Sunset Blvd. (1950)|01-Jan-1950||http://us.imdb.com/M/title-exact?Sunset%20Boulevard%20(1950)|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0 +489|Notorious (1946)|01-Jan-1946||http://us.imdb.com/M/title-exact?Notorious%20(1946)|0|0|0|0|0|0|0|0|0|0|1|0|0|0|1|0|1|0|0 +490|To Catch a Thief (1955)|01-Jan-1955||http://us.imdb.com/M/title-exact?To%20Catch%20a%20Thief%20(1955)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|1|0|0 +491|Adventures of Robin Hood, The (1938)|01-Jan-1938||http://us.imdb.com/M/title-exact?Adventures%20of%20Robin%20Hood,%20The%20(1938)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +492|East of Eden (1955)|01-Jan-1955||http://us.imdb.com/M/title-exact?East%20of%20Eden%20(1955)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +493|Thin Man, The (1934)|01-Jan-1934||http://us.imdb.com/M/title-exact?Thin%20Man,%20The%20(1934)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0 +494|His Girl Friday (1940)|01-Jan-1940||http://us.imdb.com/M/title-exact?His%20Girl%20Friday%20(1940)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +495|Around the World in 80 Days (1956)|01-Jan-1956||http://us.imdb.com/M/title-exact?Around%20the%20World%20in%2080%20Days%20(1956)|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +496|It's a Wonderful Life (1946)|01-Jan-1946||http://us.imdb.com/M/title-exact?It's%20a%20Wonderful%20Life%20(1946)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +497|Bringing Up Baby (1938)|01-Jan-1938||http://us.imdb.com/M/title-exact?Bringing%20Up%20Baby%20(1938)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +498|African Queen, The (1951)|01-Jan-1951||http://us.imdb.com/M/title-exact?African%20Queen,%20The%20(1951)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0 +499|Cat on a Hot Tin Roof (1958)|01-Jan-1958||http://us.imdb.com/M/title-exact?Cat%20on%20a%20Hot%20Tin%20Roof%20(1958)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +500|Fly Away Home (1996)|13-Sep-1996||http://us.imdb.com/M/title-exact?Fly%20Away%20Home%20(1996)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +501|Dumbo (1941)|01-Jan-1941||http://us.imdb.com/M/title-exact?Dumbo%20(1941)|0|0|0|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +502|Bananas (1971)|01-Jan-1971||http://us.imdb.com/M/title-exact?Bananas%20(1971)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0 +503|Candidate, The (1972)|01-Jan-1972||http://us.imdb.com/M/title-exact?Candidate,%20The%20(1972)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +504|Bonnie and Clyde (1967)|01-Jan-1967||http://us.imdb.com/M/title-exact?Bonnie%20and%20Clyde%20(1967)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +505|Dial M for Murder (1954)|01-Jan-1954||http://us.imdb.com/M/title-exact?Dial%20M%20for%20Murder%20(1954)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0 +506|Rebel Without a Cause (1955)|01-Jan-1955||http://us.imdb.com/M/title-exact?Rebel%20Without%20a%20Cause%20(1955)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +507|Streetcar Named Desire, A (1951)|01-Jan-1951||http://us.imdb.com/M/title-exact?Streetcar%20Named%20Desire,%20A%20(1951)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +508|People vs. Larry Flynt, The (1996)|27-Dec-1996||http://us.imdb.com/M/title-exact?People%20vs.%20Larry%20Flynt,%20The%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +509|My Left Foot (1989)|01-Jan-1989||http://us.imdb.com/M/title-exact?My%20Left%20Foot%20(1989)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +510|Magnificent Seven, The (1954)|01-Jan-1954||http://us.imdb.com/M/title-exact?Shichinin%20no%20samurai%20(1954)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1 +511|Lawrence of Arabia (1962)|01-Jan-1962||http://us.imdb.com/M/title-exact?Lawrence%20of%20Arabia%20(1962)|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0 +512|Wings of Desire (1987)|01-Jan-1987||http://us.imdb.com/Title?Himmel+%FCber+Berlin,+Der+(1987)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|1|0|0|0|0 +513|Third Man, The (1949)|01-Jan-1949||http://us.imdb.com/M/title-exact?Third%20Man,%20The%20(1949)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0 +514|Annie Hall (1977)|01-Jan-1977||http://us.imdb.com/M/title-exact?Annie%20Hall%20(1977)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +515|Boot, Das (1981)|04-Apr-1997||http://us.imdb.com/M/title-exact?Boot,%20Das%20(1981)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +516|Local Hero (1983)|01-Jan-1983||http://us.imdb.com/M/title-exact?Local%20Hero%20(1983)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +517|Manhattan (1979)|01-Jan-1979||http://us.imdb.com/M/title-exact?Manhattan%20(1979)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|1|0|0|0|0 +518|Miller's Crossing (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Miller's%20Crossing%20(1990)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +519|Treasure of the Sierra Madre, The (1948)|01-Jan-1948||http://us.imdb.com/M/title-exact?Treasure%20of%20the%20Sierra%20Madre,%20The%20(1948)|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +520|Great Escape, The (1963)|01-Jan-1963||http://us.imdb.com/M/title-exact?Great%20Escape,%20The%20(1963)|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0 +521|Deer Hunter, The (1978)|01-Jan-1978||http://us.imdb.com/M/title-exact?Deer%20Hunter,%20The%20(1978)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +522|Down by Law (1986)|01-Jan-1986||http://us.imdb.com/M/title-exact?Down%20by%20Law%20(1986)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +523|Cool Hand Luke (1967)|01-Jan-1967||http://us.imdb.com/M/title-exact?Cool%20Hand%20Luke%20(1967)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +524|Great Dictator, The (1940)|01-Jan-1940||http://us.imdb.com/M/title-exact?Great%20Dictator,%20The%20(1940)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +525|Big Sleep, The (1946)|01-Jan-1946||http://us.imdb.com/M/title-exact?Big%20Sleep,%20The%20(1946)|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0|0|0|0 +526|Ben-Hur (1959)|01-Jan-1959||http://us.imdb.com/M/title-exact?Ben-Hur%20(1959)|0|1|1|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +527|Gandhi (1982)|01-Jan-1982||http://us.imdb.com/M/title-exact?Gandhi%20(1982)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +528|Killing Fields, The (1984)|01-Jan-1984||http://us.imdb.com/M/title-exact?Killing%20Fields,%20The%20(1984)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +529|My Life as a Dog (Mitt liv som hund) (1985)|01-Jan-1985||http://us.imdb.com/M/title-exact?Mitt%20liv%20som%20hund%20(1985)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +530|Man Who Would Be King, The (1975)|01-Jan-1975||http://us.imdb.com/M/title-exact?Man%20Who%20Would%20Be%20King,%20The%20(1975)|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +531|Shine (1996)|22-Nov-1996||http://us.imdb.com/M/title-exact?Shine%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +532|Kama Sutra: A Tale of Love (1996)|07-Mar-1997||http://us.imdb.com/M/title-exact?Kama%20Sutra%20(1996)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +533|Daytrippers, The (1996)|21-Mar-1997||http://us.imdb.com/M/title-exact?Daytrippers%2C%20The%20(1996)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0 +534|Traveller (1997)|18-Apr-1997||http://us.imdb.com/M/title-exact?Traveller%20%281997%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +535|Addicted to Love (1997)|23-May-1997||http://us.imdb.com/M/title-exact?Addicted%20to%20Love%20%281997%29|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +536|Ponette (1996)|23-May-1997||http://us.imdb.com/M/title-exact?Ponette%20%281996%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +537|My Own Private Idaho (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?My+Own+Private+Idaho+(1991)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +538|Anastasia (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Anastasia+(1997)|0|0|0|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +539|Mouse Hunt (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-119715|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +540|Money Train (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Money%20Train%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +541|Mortal Kombat (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Mortal%20Kombat%20(1995)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +542|Pocahontas (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Pocahontas%20(1995)|0|0|0|1|1|0|0|0|0|0|0|0|1|0|1|0|0|0|0 +543|Misrables, Les (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Mis%E9rables%2C%20Les%20%281995%29|0|0|0|0|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0 +544|Things to Do in Denver when You're Dead (1995)|02-Feb-1996||http://us.imdb.com/M/title-exact?Things%20to%20Do%20in%20Denver%20when%20You're%20Dead%20(1995)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|1|0|0|0|0 +545|Vampire in Brooklyn (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Vampire%20in%20Brooklyn%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +546|Broken Arrow (1996)|09-Feb-1996||http://us.imdb.com/M/title-exact?Broken%20Arrow%20(1996)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +547|Young Poisoner's Handbook, The (1995)|23-Feb-1996||http://us.imdb.com/M/title-exact?Young%20Poisoner's%20Handbook,%20The%20(1995)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +548|NeverEnding Story III, The (1994)|02-Feb-1996||http://us.imdb.com/M/title-exact?NeverEnding%20Story%20III,%20The%20(1994)|0|0|0|0|1|0|0|0|0|1|0|0|0|0|0|0|0|0|0 +549|Rob Roy (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Rob%20Roy%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|1|0 +550|Die Hard: With a Vengeance (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Die%20Hard:%20With%20a%20Vengeance%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +551|Lord of Illusions (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Lord%20of%20Illusions%20(1995)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +552|Species (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Species%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +553|Walk in the Clouds, A (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Walk%20in%20the%20Clouds,%20A%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +554|Waterworld (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Waterworld%20(1995)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +555|White Man's Burden (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?White%20Man's%20Burden%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +556|Wild Bill (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Wild%20Bill%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1 +557|Farinelli: il castrato (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Farinelli:%20il%20castrato%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0 +558|Heavenly Creatures (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Heavenly%20Creatures%20(1994)|0|0|0|0|0|0|0|0|1|1|0|0|0|0|0|0|1|0|0 +559|Interview with the Vampire (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Interview%20with%20the%20Vampire%20(1994)|0|0|0|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0 +560|Kid in King Arthur's Court, A (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Kid%20in%20King%20Arthur's%20Court,%20A%20(1995)|0|0|1|0|1|1|0|0|0|1|0|0|0|0|1|1|0|0|0 +561|Mary Shelley's Frankenstein (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Mary%20Shelley's%20Frankenstein%20(1994)|0|0|0|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0 +562|Quick and the Dead, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Quick%20and%20the%20Dead,%20The%20(1995)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1 +563|Stephen King's The Langoliers (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?%22Langoliers,%20The%22%20(1995)%20(mini)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +564|Tales from the Hood (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Tales%20from%20the%20Hood%20(1995)|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0|0|0|0 +565|Village of the Damned (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Village%20of%20the%20Damned%20(1995)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0 +566|Clear and Present Danger (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Clear%20and%20Present%20Danger%20(1994)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +567|Wes Craven's New Nightmare (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Wes%20Craven's%20New%20Nightmare%20(1994)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +568|Speed (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Speed%20(1994/I)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0|0 +569|Wolf (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Wolf%20(1994)|0|0|0|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0 +570|Wyatt Earp (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Wyatt%20Earp%20(1994)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1 +571|Another Stakeout (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Another%20Stakeout%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|1|0|0 +572|Blown Away (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Blown%20Away%20(1994)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +573|Body Snatchers (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Body%20Snatchers%20(1993)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|1|1|0|0 +574|Boxing Helena (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Boxing%20Helena%20(1993)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|1|0|0 +575|City Slickers II: The Legend of Curly's Gold (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?City%20Slickers%20II:%20The%20Legend%20of%20Curly's%20Gold%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1 +576|Cliffhanger (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Cliffhanger%20(1993)|0|1|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +577|Coneheads (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Coneheads%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0 +578|Demolition Man (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Demolition%20Man%20(1993)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +579|Fatal Instinct (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Fatal%20Instinct%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +580|Englishman Who Went Up a Hill, But Came Down a Mountain, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Englishman%20Who%20Went%20Up%20a%20Hill,%20But%20Came%20Down%20a%20Mountain,%20The%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +581|Kalifornia (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Kalifornia%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +582|Piano, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Piano,%20The%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +583|Romeo Is Bleeding (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Romeo%20Is%20Bleeding%20(1993)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0 +584|Secret Garden, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Secret%20Garden,%20The%20(1993)|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +585|Son in Law (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Son%20in%20Law%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +586|Terminal Velocity (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Terminal%20Velocity%20(1994)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +587|Hour of the Pig, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Hour%20of%20the%20Pig,%20The%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0|0|0|0 +588|Beauty and the Beast (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Beauty%20and%20the%20Beast%20(1991)|0|0|0|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +589|Wild Bunch, The (1969)|01-Jan-1969||http://us.imdb.com/M/title-exact?Wild%20Bunch,%20The%20(1969)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1 +590|Hellraiser: Bloodline (1996)|08-Mar-1996||http://us.imdb.com/M/title-exact?Hellraiser:%20Bloodline%20(1996)|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0|1|0|0|0 +591|Primal Fear (1996)|30-Mar-1996||http://us.imdb.com/M/title-exact?Primal%20Fear%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +592|True Crime (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?True%20Crime%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0 +593|Stalingrad (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Stalingrad%20(1993)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0 +594|Heavy (1995)|05-Jun-1996||http://us.imdb.com/M/title-exact?Heavy%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +595|Fan, The (1996)|16-Aug-1996||http://us.imdb.com/M/title-exact?Fan,%20The%20(1996)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +596|Hunchback of Notre Dame, The (1996)|21-Jun-1996||http://us.imdb.com/M/title-exact?Hunchback%20of%20Notre%20Dame,%20The%20(1996)|0|0|0|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +597|Eraser (1996)|21-Jun-1996||http://us.imdb.com/M/title-exact?Eraser%20(1996)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +598|Big Squeeze, The (1996)|06-Sep-1996||http://us.imdb.com/M/title-exact?Big%20Squeeze,%20The%20(1996)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +599|Police Story 4: Project S (Chao ji ji hua) (1993)|16-Aug-1996||http://us.imdb.com/M/title-exact?Project%20S%20(1993)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +600|Daniel Defoe's Robinson Crusoe (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Robinson%20Crusoe%20(1996)|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +601|For Whom the Bell Tolls (1943)|01-Jan-1943||http://us.imdb.com/M/title-exact?For%20Whom%20the%20Bell%20Tolls%20(1943)|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0 +602|American in Paris, An (1951)|01-Jan-1951||http://us.imdb.com/M/title-exact?American%20in%20Paris,%20An%20(1951)|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0|0|0|0 +603|Rear Window (1954)|01-Jan-1954||http://us.imdb.com/M/title-exact?Rear%20Window%20(1954)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0 +604|It Happened One Night (1934)|01-Jan-1934||http://us.imdb.com/M/title-exact?It%20Happened%20One%20Night%20(1934)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +605|Meet Me in St. Louis (1944)|01-Jan-1944||http://us.imdb.com/M/title-exact?Meet%20Me%20in%20St.%20Louis%20(1944)|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +606|All About Eve (1950)|01-Jan-1950||http://us.imdb.com/M/title-exact?All%20About%20Eve%20(1950)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +607|Rebecca (1940)|01-Jan-1940||http://us.imdb.com/M/title-exact?Rebecca%20(1940)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0|0 +608|Spellbound (1945)|01-Jan-1945||http://us.imdb.com/M/title-exact?Spellbound%20(1945)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|1|0|0 +609|Father of the Bride (1950)|01-Jan-1950||http://us.imdb.com/M/title-exact?Father%20of%20the%20Bride%20(1950)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +610|Gigi (1958)|01-Jan-1958||http://us.imdb.com/M/title-exact?Gigi%20(1958)|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +611|Laura (1944)|01-Jan-1944||http://us.imdb.com/M/title-exact?Laura%20(1944)|0|0|0|0|0|0|1|0|0|0|1|0|0|1|0|0|0|0|0 +612|Lost Horizon (1937)|01-Jan-1937||http://us.imdb.com/M/title-exact?Lost%20Horizon%20(1937)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +613|My Man Godfrey (1936)|01-Jan-1936||http://us.imdb.com/M/title-exact?My%20Man%20Godfrey%20(1936)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +614|Giant (1956)|01-Jan-1956||http://us.imdb.com/M/title-exact?Giant%20(1956)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +615|39 Steps, The (1935)|01-Jan-1935||http://us.imdb.com/M/title-exact?39%20Steps,%20The%20(1935)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +616|Night of the Living Dead (1968)|01-Jan-1968||http://us.imdb.com/M/title-exact?Night%20of%20the%20Living%20Dead%20(1968)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|1|0|0|0 +617|Blue Angel, The (Blaue Engel, Der) (1930)|01-Jan-1930||http://us.imdb.com/M/title-exact?Blaue%20Engel,%20Der%20(1930)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +618|Picnic (1955)|01-Jan-1955||http://us.imdb.com/M/title-exact?Picnic%20(1955)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +619|Extreme Measures (1996)|27-Sep-1996||http://us.imdb.com/M/title-exact?Extreme%20Measures%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +620|Chamber, The (1996)|11-Oct-1996||http://us.imdb.com/M/title-exact?Chamber,%20The%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +621|Davy Crockett, King of the Wild Frontier (1955)|01-Jan-1955||http://us.imdb.com/M/title-exact?Davy%20Crockett%2C%20King%20of%20the%20Wild%20Frontier%20%281955%29|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1 +622|Swiss Family Robinson (1960)|01-Jan-1960||http://us.imdb.com/M/title-exact?Swiss%20Family%20Robinson%20(1960)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +623|Angels in the Outfield (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Angels%20in%20the%20Outfield%20(1994)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +624|Three Caballeros, The (1945)|01-Jan-1945||http://us.imdb.com/M/title-exact?Three%20Caballeros,%20The%20(1945)|0|0|0|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +625|Sword in the Stone, The (1963)|01-Jan-1963||http://us.imdb.com/M/title-exact?Sword%20in%20the%20Stone,%20The%20(1963)|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +626|So Dear to My Heart (1949)|01-Jan-1949||http://us.imdb.com/Title?So+Dear+to+My+Heart+(1949)|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +627|Robin Hood: Prince of Thieves (1991)|01-Jan-1991||http://us.imdb.com/Title?Robin+Hood%3A+Prince+of+Thieves+(1991)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +628|Sleepers (1996)|18-Oct-1996||http://us.imdb.com/M/title-exact?Sleepers%20(1996)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +629|Victor/Victoria (1982)|01-Jan-1982||http://us.imdb.com/M/title-exact?Victor/Victoria%20%281982%29|0|0|0|0|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0 +630|Great Race, The (1965)|01-Jan-1965||http://us.imdb.com/M/title-exact?Great%20Race,%20The%20(1965)|0|0|0|0|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0 +631|Crying Game, The (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Crying%20Game,%20The%20(1992)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|1|0 +632|Sophie's Choice (1982)|01-Jan-1982||http://us.imdb.com/M/title-exact?Sophie's%20Choice%20(1982)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +633|Christmas Carol, A (1938)|01-Jan-1938||http://us.imdb.com/M/title-exact?Christmas%20Carol,%20A%20(1938)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +634|Microcosmos: Le peuple de l'herbe (1996)|11-Oct-1996||http://us.imdb.com/M/title-exact?Microcosmos%3A%20Le%20peuple%20de%20l%27herbe%20%281996%29|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +635|Fog, The (1980)|01-Jan-1980||http://us.imdb.com/M/title-exact?Fog,%20The%20(1980)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +636|Escape from New York (1981)|01-Jan-1981||http://us.imdb.com/M/title-exact?Escape%20from%20New%20York%20(1981)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +637|Howling, The (1981)|01-Jan-1981||http://us.imdb.com/M/title-exact?Howling,%20The%20(1981)|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0|0|0|0 +638|Return of Martin Guerre, The (Retour de Martin Guerre, Le) (1982)|01-Jan-1982||http://us.imdb.com/M/title-exact?Retour%20de%20Martin%20Guerre,%20Le%20(1982)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +639|Tin Drum, The (Blechtrommel, Die) (1979)|01-Jan-1979||http://us.imdb.com/M/title-exact?Blechtrommel,%20Die%20(1979)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +640|Cook the Thief His Wife & Her Lover, The (1989)|01-Jan-1989||http://us.imdb.com/M/title-exact?Cook%20the%20Thief%20His%20Wife%20&%20Her%20Lover,%20The%20(1989)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +641|Paths of Glory (1957)|01-Jan-1957||http://us.imdb.com/M/title-exact?Paths%20of%20Glory%20(1957)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +642|Grifters, The (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Grifters,%20The%20(1990)|0|0|0|0|0|0|1|0|1|0|1|0|0|0|0|0|0|0|0 +643|The Innocent (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Innocent,%20The%20(1994)%20(TV)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +644|Thin Blue Line, The (1988)|01-Jan-1988||http://us.imdb.com/M/title-exact?Thin%20Blue%20Line,%20The%20(1988)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +645|Paris Is Burning (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Paris%20Is%20Burning%20(1990)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +646|Once Upon a Time in the West (1969)|01-Jan-1969||http://us.imdb.com/M/title-exact?C'era%20una%20volta%20il%20west%20(1969)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1 +647|Ran (1985)|01-Jan-1985||http://us.imdb.com/M/title-exact?Ran%20(1985)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +648|Quiet Man, The (1952)|01-Jan-1952||http://us.imdb.com/M/title-exact?Quiet%20Man,%20The%20(1952)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +649|Once Upon a Time in America (1984)|01-Jan-1984||http://us.imdb.com/M/title-exact?Once%20Upon%20a%20Time%20in%20America%20(1984)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|1|0|0 +650|Seventh Seal, The (Sjunde inseglet, Det) (1957)|01-Jan-1957||http://us.imdb.com/M/title-exact?Sjunde%20inseglet,%20Det%20(1957)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +651|Glory (1989)|01-Jan-1989||http://us.imdb.com/M/title-exact?Glory%20(1989)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +652|Rosencrantz and Guildenstern Are Dead (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Rosencrantz%20and%20Guildenstern%20Are%20Dead%20(1990)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +653|Touch of Evil (1958)|01-Jan-1958||http://us.imdb.com/M/title-exact?Touch%20of%20Evil%20(1958)|0|0|0|0|0|0|1|0|0|0|1|0|0|0|0|0|1|0|0 +654|Chinatown (1974)|01-Jan-1974||http://us.imdb.com/M/title-exact?Chinatown%20(1974)|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0|1|0|0 +655|Stand by Me (1986)|01-Jan-1986||http://us.imdb.com/M/title-exact?Stand%20by%20Me%20(1986)|0|0|1|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +656|M (1931)|01-Jan-1931||http://us.imdb.com/M/title-exact?M%20(1931)|0|0|0|0|0|0|1|0|0|0|1|0|0|0|0|0|1|0|0 +657|Manchurian Candidate, The (1962)|01-Jan-1962||http://us.imdb.com/M/title-exact?Manchurian%20Candidate,%20The%20(1962)|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0 +658|Pump Up the Volume (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Pump%20Up%20the%20Volume%20(1990)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +659|Arsenic and Old Lace (1944)|01-Jan-1944||http://us.imdb.com/M/title-exact?Arsenic%20and%20Old%20Lace%20(1944)|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0|1|0|0 +660|Fried Green Tomatoes (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Fried%20Green%20Tomatoes%20at%20the%20Whistle%20Stop%20Cafe%20(1991)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +661|High Noon (1952)|01-Jan-1952||http://us.imdb.com/M/title-exact?High%20Noon%20(1952)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1 +662|Somewhere in Time (1980)|01-Jan-1980||http://us.imdb.com/M/title-exact?Somewhere%20in%20Time%20(1980)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +663|Being There (1979)|01-Jan-1979||http://us.imdb.com/M/title-exact?Being%20There%20(1979)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +664|Paris, Texas (1984)|01-Jan-1984||http://us.imdb.com/M/title-exact?Paris,%20Texas%20(1984)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +665|Alien 3 (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Alien%203%20(1992)|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0|1|1|0|0 +666|Blood For Dracula (Andy Warhol's Dracula) (1974)|01-Jan-1974||http://us.imdb.com/M/title-exact?Andy%20Warhol's%20Dracula%20(1974)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +667|Audrey Rose (1977)|01-Jan-1977||http://us.imdb.com/M/title-exact?Audrey%20Rose%20(1977)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +668|Blood Beach (1981)|01-Jan-1981||http://us.imdb.com/M/title-exact?Blood%20Beach%20(1981)|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +669|Body Parts (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Body%20Parts%20(1991)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +670|Body Snatchers (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Body%20Snatchers%20(1993)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|1|1|0|0 +671|Bride of Frankenstein (1935)|01-Jan-1935||http://us.imdb.com/M/title-exact?Bride%20of%20Frankenstein%20(1935)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +672|Candyman (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Candyman%20(1992)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +673|Cape Fear (1962)|01-Jan-1962||http://us.imdb.com/M/title-exact?Cape%20Fear%20(1962)|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0 +674|Cat People (1982)|01-Jan-1982||http://us.imdb.com/M/title-exact?Cat%20People%20(1982)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +675|Nosferatu (Nosferatu, eine Symphonie des Grauens) (1922)|01-Jan-1922||http://us.imdb.com/M/title-exact?Nosferatu,%20eine%20Symphonie%20des%20Grauens%20(1922)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +676|Crucible, The (1996)|27-Nov-1996||http://us.imdb.com/M/title-exact?Crucible,%20The%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +677|Fire on the Mountain (1996)|24-Jan-1997||http://us.imdb.com/M/title-exact?Fire%20on%20the%20Mountain%20(1996)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +678|Volcano (1997)|25-Apr-1997||http://us.imdb.com/M/title-exact?Volcano%20%281997%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +679|Conan the Barbarian (1981)|01-Jan-1981||http://us.imdb.com/M/title-exact?Conan+the+Barbarian+(1981)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +680|Kull the Conqueror (1997)|29-Aug-1997||http://us.imdb.com/M/title-exact?Kull+the+Conqueror+(1997)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +681|Wishmaster (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Wishmaster+(1997)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +682|I Know What You Did Last Summer (1997)|17-Oct-1997||http://us.imdb.com/M/title-exact?I+Know+What+You+Did+Last+Summer+(1997)|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0|0|1|0|0 +683|Rocket Man (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Rocket+Man+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +684|In the Line of Fire (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?In%20the%20Line%20of%20Fire%20(1993)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +685|Executive Decision (1996)|09-Mar-1996||http://us.imdb.com/M/title-exact?Executive%20Decision%20(1996)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +686|Perfect World, A (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Perfect%20World,%20A%20(1993)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +687|McHale's Navy (1997)|18-Apr-1997||http://us.imdb.com/M/title-exact?McHale's%20Navy%20(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0 +688|Leave It to Beaver (1997)|22-Aug-1997||http://us.imdb.com/M/title-exact?Leave+It+To+Beaver+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +689|Jackal, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Jackal%2C+The+(1997)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +690|Seven Years in Tibet (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Seven+Years+in+Tibet+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +691|Dark City (1998)|09-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-118929|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|1|1|0|0 +692|American President, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?American%20President,%20The%20(1995)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|1|0|0|0|0 +693|Casino (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Casino%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +694|Persuasion (1995)|25-Sep-1995||http://us.imdb.com/Title?Persuasion+(1995/I)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +695|Kicking and Screaming (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Kicking%20and%20Screaming%20(1995)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +696|City Hall (1996)|16-Feb-1996||http://us.imdb.com/M/title-exact?City%20Hall%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +697|Basketball Diaries, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Basketball%20Diaries,%20The%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +698|Browning Version, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Browning%20Version,%20The%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +699|Little Women (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Little%20Women%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +700|Miami Rhapsody (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Miami%20Rhapsody%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +701|Wonderful, Horrible Life of Leni Riefenstahl, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Macht%20der%20Bilder:%20Leni%20Riefenstahl,%20Die%20(1993)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +702|Barcelona (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Barcelona%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +703|Widows' Peak (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Widows'%20Peak%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +704|House of the Spirits, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?House%20of%20the%20Spirits,%20The%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +705|Singin' in the Rain (1952)|01-Jan-1952||http://us.imdb.com/M/title-exact?Singin'%20in%20the%20Rain%20(1952)|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0|0|0|0 +706|Bad Moon (1996)|01-Nov-1996||http://us.imdb.com/M/title-exact?Bad%20Moon%20(1996)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +707|Enchanted April (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Enchanted%20April%20(1991)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +708|Sex, Lies, and Videotape (1989)|01-Jan-1989||http://us.imdb.com/M/title-exact?sex,%20lies,%20and%20videotape%20(1989)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +709|Strictly Ballroom (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Strictly%20Ballroom%20(1992)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +710|Better Off Dead... (1985)|01-Jan-1985||http://us.imdb.com/Title?Better+Off+Dead...+(1985)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +711|Substance of Fire, The (1996)|06-Dec-1996||http://us.imdb.com/M/title-exact?Substance%20of%20Fire,%20The%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +712|Tin Men (1987)|01-Jan-1987||http://us.imdb.com/M/title-exact?Tin%20Men%20(1987)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +713|Othello (1995)|18-Dec-1995||http://us.imdb.com/M/title-exact?Othello%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +714|Carrington (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Carrington%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +715|To Die For (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?To%20Die%20For%20(1995)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +716|Home for the Holidays (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Home%20for%20the%20Holidays%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +717|Juror, The (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Juror,%20The%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +718|In the Bleak Midwinter (1995)|23-Feb-1996||http://us.imdb.com/M/title-exact?In%20the%20Bleak%20Midwinter%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +719|Canadian Bacon (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Canadian%20Bacon%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0 +720|First Knight (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?First%20Knight%20(1995)|0|1|1|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +721|Mallrats (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Mallrats%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +722|Nine Months (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Nine%20Months%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +723|Boys on the Side (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Boys%20on%20the%20Side%20(1995)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +724|Circle of Friends (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Circle%20of%20Friends%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +725|Exit to Eden (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Exit%20to%20Eden%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +726|Fluke (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Fluke%20(1995)|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +727|Immortal Beloved (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Immortal%20Beloved%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +728|Junior (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Junior%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0 +729|Nell (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Nell%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +730|Queen Margot (Reine Margot, La) (1994)|01-Jan-1996||http://us.imdb.com/Title?Reine+Margot,+La+(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +731|Corrina, Corrina (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Corrina,%20Corrina%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|1|0|0|0|0 +732|Dave (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Dave%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +733|Go Fish (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Go%20Fish%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +734|Made in America (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Made%20in%20America%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +735|Philadelphia (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Philadelphia%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +736|Shadowlands (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Shadowlands%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +737|Sirens (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Sirens%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +738|Threesome (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Threesome%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +739|Pretty Woman (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Pretty%20Woman%20(1990)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +740|Jane Eyre (1996)|05-Apr-1996||http://us.imdb.com/M/title-exact?Jane%20Eyre%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +741|Last Supper, The (1995)|05-Apr-1996||http://us.imdb.com/M/title-exact?Last%20Supper,%20The%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +742|Ransom (1996)|08-Nov-1996||http://us.imdb.com/M/title-exact?Ransom%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +743|Crow: City of Angels, The (1996)|30-Aug-1996||http://us.imdb.com/M/title-exact?Crow%3A%20City%20of%20Angels%2C%20The%20%281996%29|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +744|Michael Collins (1996)|11-Oct-1996||http://us.imdb.com/M/title-exact?Michael%20Collins%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +745|Ruling Class, The (1972)|01-Jan-1972||http://us.imdb.com/M/title-exact?Ruling%20Class,%20The%20(1972)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +746|Real Genius (1985)|01-Jan-1985||http://us.imdb.com/M/title-exact?Real%20Genius%20(1985)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +747|Benny & Joon (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Benny%20&%20Joon%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +748|Saint, The (1997)|14-Mar-1997||http://us.imdb.com/M/title-exact?Saint%2C%20The%20(1997)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0|0 +749|MatchMaker, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Matchmaker%2C+The+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +750|Amistad (1997)|18-Dec-1997||http://us.imdb.com/M/title-exact?imdb-title-118607|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +751|Tomorrow Never Dies (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-120347|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0|0 +752|Replacement Killers, The (1998)|06-Feb-1998||http://us.imdb.com/M/title-exact?Replacement+Killers%2C+The+(1998)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +753|Burnt By the Sun (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Utomlyonnye%20Solntsem%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +754|Red Corner (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Red+Corner+(1997)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0 +755|Jumanji (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Jumanji%20(1995)|0|1|1|0|1|0|0|0|0|1|0|0|0|0|0|1|0|0|0 +756|Father of the Bride Part II (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Father%20of%20the%20Bride%20Part%20II%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +757|Across the Sea of Time (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Across%20The%20Sea%20of%20Time%20(1995)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +758|Lawnmower Man 2: Beyond Cyberspace (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Lawnmower%20Man%202:%20Beyond%20Cyberspace%20(1996)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +759|Fair Game (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Fair%20Game%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +760|Screamers (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Screamers%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +761|Nick of Time (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Nick%20of%20Time%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +762|Beautiful Girls (1996)|09-Feb-1996||http://us.imdb.com/M/title-exact?Beautiful%20Girls%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +763|Happy Gilmore (1996)|16-Feb-1996||http://us.imdb.com/M/title-exact?Happy%20Gilmore%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +764|If Lucy Fell (1996)|08-Mar-1996||http://us.imdb.com/M/title-exact?If%20Lucy%20Fell%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +765|Boomerang (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Boomerang%20(1992)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +766|Man of the Year (1995)|01-Mar-1996||http://us.imdb.com/M/title-exact?Man%20of%20the%20Year%20(1995)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +767|Addiction, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Addiction,%20The%20(1995)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +768|Casper (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Casper%20(1995)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +769|Congo (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Congo%20(1995)|0|1|1|0|0|0|0|0|0|0|0|0|0|1|0|1|0|0|0 +770|Devil in a Blue Dress (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Devil%20in%20a%20Blue%20Dress%20(1995)|0|0|0|0|0|0|1|0|0|0|1|0|0|1|0|0|1|0|0 +771|Johnny Mnemonic (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Johnny%20Mnemonic%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +772|Kids (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Kids%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +773|Mute Witness (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Mute%20Witness%20(1994)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +774|Prophecy, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Prophecy,%20The%20(1995)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +775|Something to Talk About (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Something%20to%20Talk%20About%20(1995)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|1|0|0|0|0 +776|Three Wishes (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Three%20Wishes%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +777|Castle Freak (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Castle%20Freak%20(1995)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +778|Don Juan DeMarco (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Don%20Juan%20DeMarco%20and%20the%20Centerfold%20(1995)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|1|0|0|0|0 +779|Drop Zone (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Drop%20Zone%20(1994)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +780|Dumb & Dumber (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Dumb%20&%20Dumber%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +781|French Kiss (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?French%20Kiss%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +782|Little Odessa (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Little%20Odessa%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +783|Milk Money (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Milk%20Money%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +784|Beyond Bedlam (1993)|01-Jan-1993||http://us.imdb.com/Title?Beyond+Bedlam+(1993)|0|0|0|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0 +785|Only You (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Only%20You%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +786|Perez Family, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Perez%20Family,%20The%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +787|Roommates (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Roommates%20(1995)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +788|Relative Fear (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Relative%20Fear%20(1994)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0 +789|Swimming with Sharks (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Swimming%20with%20Sharks%20(1995)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +790|Tommy Boy (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Tommy%20Boy%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +791|Baby-Sitters Club, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Baby-Sitters%20Club,%20The%20(1995)|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +792|Bullets Over Broadway (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Bullets%20Over%20Broadway%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +793|Crooklyn (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Crooklyn%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +794|It Could Happen to You (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?It%20Could%20Happen%20to%20You%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +795|Richie Rich (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Richie%20Rich%20(1994)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +796|Speechless (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Speechless%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +797|Timecop (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Timecop%20(1994)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +798|Bad Company (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Bad%20Company%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +799|Boys Life (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Boys%20Life%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +800|In the Mouth of Madness (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?In%20the%20Mouth%20of%20Madness%20(1995)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0 +801|Air Up There, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Air%20Up%20There,%20The%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +802|Hard Target (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Hard%20Target%20(1993)|0|1|1|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0 +803|Heaven & Earth (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Heaven%20&%20Earth%20(1993)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +804|Jimmy Hollywood (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Jimmy%20Hollywood%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +805|Manhattan Murder Mystery (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Manhattan%20Murder%20Mystery%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0|0|0|0 +806|Menace II Society (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Menace%20II%20Society%20(1993)|0|1|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +807|Poetic Justice (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Poetic%20Justice%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +808|Program, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Program,%20The%20(1993)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +809|Rising Sun (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Rising%20Sun%20(1993)|0|1|0|0|0|0|0|0|1|0|0|0|0|1|0|0|0|0|0 +810|Shadow, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Shadow,%20The%20(1994)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +811|Thirty-Two Short Films About Glenn Gould (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Thirty-Two%20Short%20Films%20About%20Glenn%20Gould%20(1993)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +812|Andre (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Andre%20(1994)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +813|Celluloid Closet, The (1995)|15-Mar-1996||http://us.imdb.com/M/title-exact?Celluloid%20Closet,%20The%20(1995)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +814|Great Day in Harlem, A (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Great%20Day%20in%20Harlem,%20A%20(1994)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +815|One Fine Day (1996)|30-Nov-1996||http://us.imdb.com/M/title-exact?One%20Fine%20Day%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +816|Candyman: Farewell to the Flesh (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Candyman:%20Farewell%20to%20the%20Flesh%20(1995)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +817|Frisk (1995)|29-Mar-1996||http://us.imdb.com/M/title-exact?Frisk%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +818|Girl 6 (1996)|22-Mar-1996||http://us.imdb.com/M/title-exact?Girl%206%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +819|Eddie (1996)|31-May-1996||http://us.imdb.com/M/title-exact?Eddie%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +820|Space Jam (1996)|15-Nov-1996||http://us.imdb.com/M/title-exact?Space%20Jam%20(1996)|0|0|1|1|1|1|0|0|0|1|0|0|0|0|0|0|0|0|0 +821|Mrs. Winterbourne (1996)|19-Apr-1996||http://us.imdb.com/M/title-exact?Mrs.%20Winterbourne%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +822|Faces (1968)|01-Jan-1968||http://us.imdb.com/M/title-exact?Faces%20(1968)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +823|Mulholland Falls (1996)|26-Apr-1996||http://us.imdb.com/M/title-exact?Mulholland%20Falls%20(1996)|0|0|0|0|0|0|1|0|0|0|1|0|0|0|0|0|1|0|0 +824|Great White Hype, The (1996)|03-May-1996||http://us.imdb.com/M/title-exact?Great%20White%20Hype,%20The%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +825|Arrival, The (1996)|31-May-1996||http://us.imdb.com/M/title-exact?Arrival,%20The%20(1996)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +826|Phantom, The (1996)|07-Jun-1996||http://us.imdb.com/M/title-exact?Phantom,%20The%20(1996)|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +827|Daylight (1996)|06-Dec-1996||http://us.imdb.com/M/title-exact?Daylight%20(1996)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +828|Alaska (1996)|21-Aug-1996||http://us.imdb.com/M/title-exact?Alaska%20(1996)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +829|Fled (1996)|19-Jul-1996||http://us.imdb.com/M/title-exact?Fled%20(1996)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +830|Power 98 (1995)|17-May-1996||http://us.imdb.com/M/title-exact?Power%2098%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0 +831|Escape from L.A. (1996)|09-Aug-1996||http://us.imdb.com/M/title-exact?Escape%20from%20L.A.%20(1996)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +832|Bogus (1996)|06-Sep-1996||http://us.imdb.com/M/title-exact?Bogus%20(1996)|0|0|0|0|1|0|0|0|1|1|0|0|0|0|0|0|0|0|0 +833|Bulletproof (1996)|06-Sep-1996||http://us.imdb.com/M/title-exact?Bulletproof%20(1996)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +834|Halloween: The Curse of Michael Myers (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Halloween:%20The%20Curse%20of%20Michael%20Myers%20(1995)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0 +835|Gay Divorcee, The (1934)|01-Jan-1934||http://us.imdb.com/M/title-exact?Gay%20Divorcee%2C%20The%20%281934%29|0|0|0|0|0|1|0|0|0|0|0|0|1|0|1|0|0|0|0 +836|Ninotchka (1939)|01-Jan-1939||http://us.imdb.com/M/title-exact?Ninotchka%20(1939)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +837|Meet John Doe (1941)|01-Jan-1941||http://us.imdb.com/M/title-exact?Meet%20John%20Doe%20(1941)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +838|In the Line of Duty 2 (1987)|30-Aug-1996||http://us.imdb.com/M/title-exact?In%20the%20Line%20of%20Duty%202%20(1987)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +839|Loch Ness (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Loch%20Ness%20(1995)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0 +840|Last Man Standing (1996)|20-Sep-1996||http://us.imdb.com/M/title-exact?Last%20Man%20Standing%20(1996/I)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1 +841|Glimmer Man, The (1996)|04-Oct-1996||http://us.imdb.com/M/title-exact?Glimmer%20Man,%20The%20(1996)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +842|Pollyanna (1960)|01-Jan-1960||http://us.imdb.com/M/title-exact?Pollyanna%20(1960)|0|0|0|0|1|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +843|Shaggy Dog, The (1959)|01-Jan-1959||http://us.imdb.com/M/title-exact?Shaggy%20Dog,%20The%20(1959)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +844|Freeway (1996)|23-Aug-1996||http://us.imdb.com/M/title-exact?Freeway%20(1996)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +845|That Thing You Do! (1996)|28-Sep-1996||http://us.imdb.com/M/title-exact?That%20Thing%20You%20Do!%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +846|To Gillian on Her 37th Birthday (1996)|18-Oct-1996||http://us.imdb.com/M/title-exact?To%20Gillian%20on%20Her%2037th%20Birthday%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +847|Looking for Richard (1996)|11-Oct-1996||http://us.imdb.com/M/title-exact?Looking%20for%20Richard%20(1996)|0|0|0|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0 +848|Murder, My Sweet (1944)|01-Jan-1944||http://us.imdb.com/M/title-exact?Murder,%20My%20Sweet%20(1944)|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0 +849|Days of Thunder (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Days%20of%20Thunder%20(1990)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +850|Perfect Candidate, A (1996)|27-Sep-1996||http://us.imdb.com/M/title-exact?Perfect%20Candidate,%20A%20(1996)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +851|Two or Three Things I Know About Her (1966)|01-Jan-1966||http://us.imdb.com/M/title-exact?Deux%20ou%20trois%20choses%20que%20je%20sais%20d'elle%20(1966)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +852|Bloody Child, The (1996)|26-Oct-1996||http://us.imdb.com/M/title-exact?Bloody%20Child%2C%20The%20%281996%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +853|Braindead (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Braindead%20(1992)|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0|0|0|0 +854|Bad Taste (1987)|01-Jan-1987||http://us.imdb.com/M/title-exact?Bad%20Taste%20(1987)|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0|0|0|0 +855|Diva (1981)|01-Jan-1981||http://us.imdb.com/M/title-exact?Diva%20(1981)|0|1|0|0|0|0|0|0|1|0|0|0|0|1|1|0|1|0|0 +856|Night on Earth (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Night%20on%20Earth%20(1991)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +857|Paris Was a Woman (1995)|08-Nov-1996||http://us.imdb.com/M/title-exact?Paris%20Was%20a%20Woman%20(1995)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +858|Amityville: Dollhouse (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Amityville:%20Dollhouse%20(1996)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +859|April Fool's Day (1986)|01-Jan-1986||http://us.imdb.com/M/title-exact?April%20Fool's%20Day%20(1986)|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0|0|0|0 +860|Believers, The (1987)|01-Jan-1987||http://us.imdb.com/M/title-exact?Believers,%20The%20(1987)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0 +861|Nosferatu a Venezia (1986)|01-Jan-1986||http://us.imdb.com/M/title-exact?Nosferatu%20a%20Venezia%20(1986)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +862|Jingle All the Way (1996)|22-Nov-1996||http://us.imdb.com/M/title-exact?Jingle%20All%20the%20Way%20(1996)|0|0|1|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +863|Garden of Finzi-Contini, The (Giardino dei Finzi-Contini, Il) (1970)|08-Nov-1996||http://us.imdb.com/M/title-exact?Giardino%20dei%20Finzi-Contini,%20Il%20(1970)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +864|My Fellow Americans (1996)|20-Dec-1996||http://us.imdb.com/M/title-exact?My%20Fellow%20Americans%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +865|Ice Storm, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Ice+Storm%2C+The+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +866|Michael (1996)|25-Dec-1996||http://us.imdb.com/M/title-exact?Michael%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +867|Whole Wide World, The (1996)|25-Dec-1996||http://us.imdb.com/M/title-exact?Whole%20Wide%20World,%20The%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +868|Hearts and Minds (1996)|10-Jan-1997||http://us.imdb.com/M/title-exact?Hearts%20and%20Minds%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +869|Fools Rush In (1997)|14-Feb-1997||http://us.imdb.com/M/title-exact?Fools%20Rush%20In%20(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +870|Touch (1997)|14-Feb-1997||http://us.imdb.com/M/title-exact?Touch%20(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +871|Vegas Vacation (1997)|14-Feb-1997||http://us.imdb.com/M/title-exact?Vegas%20Vacation%20(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +872|Love Jones (1997)|14-Mar-1997||http://us.imdb.com/M/title-exact?Love%20Jones%20(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +873|Picture Perfect (1997)|01-Aug-1997||http://us.imdb.com/M/title-exact?Picture+Perfect+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +874|Career Girls (1997)|08-Aug-1997||http://us.imdb.com/M/title-exact?Career+Girls+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +875|She's So Lovely (1997)|22-Aug-1997||http://us.imdb.com/M/title-exact?She%27s+So+Lovely+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +876|Money Talks (1997)|22-Aug-1997||http://us.imdb.com/M/title-exact?Money+Talks+(1997)|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +877|Excess Baggage (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Excess+Baggage+(1997)|0|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +878|That Darn Cat! (1997)|14-Feb-1997||http://us.imdb.com/M/title-exact?That%20Darn%20Cat%20(1997)|0|0|0|0|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0 +879|Peacemaker, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Peacemaker%2C+The+(1997)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0 +880|Soul Food (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Soul+Food+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +881|Money Talks (1997)|22-Aug-1997||http://us.imdb.com/M/title-exact?Money+Talks+(1997)|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +882|Washington Square (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Washington+Square+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +883|Telling Lies in America (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Telling+Lies+in+America+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +884|Year of the Horse (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Year+of+the+Horse+(1997)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +885|Phantoms (1998)|01-Jan-1998||http://us.imdb.com/M/title-exact?Phantoms+(1998)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +886|Life Less Ordinary, A (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Life+Less+Ordinary,+A+(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0|0 +887|Eve's Bayou (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Eve's+Bayou+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +888|One Night Stand (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?One+Night+Stand+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +889|Tango Lesson, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Tango+Lesson,+The+(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +890|Mortal Kombat: Annihilation (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Mortal+Kombat%3A+Annihilation+(1997)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +891|Bent (1997)|18-Dec-1997||http://us.imdb.com/M/title-exact?imdb-title-118698|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +892|Flubber (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-119137|0|0|0|0|1|1|0|0|0|1|0|0|0|0|0|0|0|0|0 +893|For Richer or Poorer (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-119142|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +894|Home Alone 3 (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-119303|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +895|Scream 2 (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-120082|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0 +896|Sweet Hereafter, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Sweet+Hereafter%2C+The+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +897|Time Tracers (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?imdb-title-128755|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +898|Postman, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-119925|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +899|Winter Guest, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-120521|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +900|Kundun (1997)|25-Dec-1997||http://us.imdb.com/M/title-exact?imdb-title-119485|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +901|Mr. Magoo (1997)|25-Dec-1997||http://us.imdb.com/M/title-exact?imdb-title-119718|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +902|Big Lebowski, The (1998)|26-Dec-1997||http://us.imdb.com/M/title-exact?imdb-title-118715|0|0|0|0|0|1|1|0|0|0|0|0|0|1|0|0|1|0|0 +903|Afterglow (1997)|26-Dec-1997||http://us.imdb.com/M/title-exact?imdb-title-118566|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +904|Ma vie en rose (My Life in Pink) (1997)|26-Dec-1997||http://us.imdb.com/M/title-exact?imdb-title-119590|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +905|Great Expectations (1998)|01-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-119223|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +906|Oscar & Lucinda (1997)|31-Dec-1997||http://us.imdb.com/M/title-exact?imdb-title-119843|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +907|Vermin (1998)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-120881|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +908|Half Baked (1998)|16-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-120693|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +909|Dangerous Beauty (1998)|23-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-118892|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +910|Nil By Mouth (1997)|06-Feb-1998||http://us.imdb.com/Title?Nil+By+Mouth+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +911|Twilight (1998)|30-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-119594|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +912|U.S. Marshalls (1998)|10-Mar-1998||http://us.imdb.com/Title?U.S.+Marshals+(1998)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +913|Love and Death on Long Island (1997)|10-Mar-1998||http://us.imdb.com/Title?Love+and+Death+on+Long+Island+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +914|Wild Things (1998)|14-Mar-1998||http://us.imdb.com/Title?Wild+Things+(1998)|0|0|0|0|0|0|1|0|1|0|0|0|0|1|0|0|1|0|0 +915|Primary Colors (1998)|20-Mar-1998||http://us.imdb.com/Title?Primary+Colors+(1998)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +916|Lost in Space (1998)|27-Mar-1998||http://us.imdb.com/Title?Lost+in+Space+(1998)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +917|Mercury Rising (1998)|27-Mar-1998||http://us.imdb.com/Title?Mercury+Rising+(1998)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +918|City of Angels (1998)|03-Apr-1998||http://us.imdb.com/Title?City+of+Angels+(1998)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +919|City of Lost Children, The (1995)|01-Jan-1995||http://us.imdb.com/Title?Cit%E9+des+enfants+perdus,+La+(1995)|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +920|Two Bits (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Two%20Bits%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +921|Farewell My Concubine (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Ba%20Wang%20Bie%20Ji%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +922|Dead Man (1995)|10-May-1996||http://us.imdb.com/M/title-exact?Dead%20Man%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1 +923|Raise the Red Lantern (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Da%20Hong%20Deng%20Long%20Gao%20Gao%20Gua%20(1991)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +924|White Squall (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?White%20Squall%20(1996)|0|0|1|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +925|Unforgettable (1996)|23-Feb-1996||http://us.imdb.com/Title?Unforgettable+(1996)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +926|Down Periscope (1996)|01-Mar-1996||http://us.imdb.com/M/title-exact?Down%20Periscope%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +927|Flower of My Secret, The (Flor de mi secreto, La) (1995)|08-Mar-1996||http://us.imdb.com/M/title-exact?Flor%20de%20mi%20secreto,%20La%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +928|Craft, The (1996)|26-Apr-1996||http://us.imdb.com/M/title-exact?Craft,%20The%20(1996)|0|0|0|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0 +929|Harriet the Spy (1996)|03-Jul-1996||http://us.imdb.com/M/title-exact?Harriet%20the%20Spy%20(1996)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +930|Chain Reaction (1996)|31-Jul-1996||http://us.imdb.com/M/title-exact?Chain%20Reaction%20(1996)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +931|Island of Dr. Moreau, The (1996)|23-Aug-1996||http://us.imdb.com/M/title-exact?Island%20of%20Dr.%20Moreau,%20The%20(1996)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +932|First Kid (1996)|30-Aug-1996||http://us.imdb.com/M/title-exact?First%20Kid%20(1996)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +933|Funeral, The (1996)|25-Oct-1996||http://us.imdb.com/M/title-exact?Funeral,%20The%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +934|Preacher's Wife, The (1996)|13-Dec-1996||http://us.imdb.com/M/title-exact?Preacher's%20Wife,%20The%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +935|Paradise Road (1997)|18-Apr-1997||http://us.imdb.com/M/title-exact?Paradise%20Road%20%281997%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +936|Brassed Off (1996)|13-Jun-1997||http://us.imdb.com/M/title-exact?Brassed%20Off%20%281996%29|0|0|0|0|0|1|0|0|1|0|0|0|0|0|1|0|0|0|0 +937|Thousand Acres, A (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Thousand+Acres%2C+A+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +938|Smile Like Yours, A (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Smile+Like+Yours%2C+A+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +939|Murder in the First (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Murder%20in%20the%20First%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +940|Airheads (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Airheads%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +941|With Honors (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?With%20Honors%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +942|What's Love Got to Do with It (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?What's%20Love%20Got%20to%20Do%20with%20It%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +943|Killing Zoe (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Killing%20Zoe%20(1994)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +944|Renaissance Man (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Renaissance%20Man%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|1|0 +945|Charade (1963)|01-Jan-1963||http://us.imdb.com/M/title-exact?Charade%20(1963)|0|0|0|0|0|1|0|0|0|0|0|0|0|1|1|0|1|0|0 +946|Fox and the Hound, The (1981)|01-Jan-1981||http://us.imdb.com/M/title-exact?Fox%20and%20the%20Hound,%20The%20(1981)|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +947|Big Blue, The (Grand bleu, Le) (1988)|01-Jan-1988||http://us.imdb.com/M/title-exact?Grand%20bleu,%20Le%20(1988)|0|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +948|Booty Call (1997)|28-Feb-1997||http://us.imdb.com/M/title-exact?Booty%20Call%20(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +949|How to Make an American Quilt (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?How%20to%20Make%20an%20American%20Quilt%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +950|Georgia (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Georgia%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +951|Indian in the Cupboard, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Indian%20in%20the%20Cupboard,%20The%20(1995)|0|0|1|0|1|0|0|0|0|1|0|0|0|0|0|0|0|0|0 +952|Blue in the Face (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Blue%20in%20the%20Face%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +953|Unstrung Heroes (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Unstrung%20Heroes%20(1995)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +954|Unzipped (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Unzipped%20(1995)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +955|Before Sunrise (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Before%20Sunrise%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +956|Nobody's Fool (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Nobody's%20Fool%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +957|Pushing Hands (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Tui%20Shou%20(1992)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +958|To Live (Huozhe) (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Huozhe%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +959|Dazed and Confused (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Dazed%20and%20Confused%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +960|Naked (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Naked%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +961|Orlando (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Orlando%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +962|Ruby in Paradise (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Ruby%20in%20Paradise%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +963|Some Folks Call It a Sling Blade (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Some%20Folks%20Call%20It%20a%20Sling%20Blade%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +964|Month by the Lake, A (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Month%20by%20The%20Lake,%20A%20(1995)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +965|Funny Face (1957)|01-Jan-1957||http://us.imdb.com/M/title-exact?Funny%20Face%20(1957)|0|0|0|0|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0 +966|Affair to Remember, An (1957)|01-Jan-1957||http://us.imdb.com/M/title-exact?Affair%20to%20Remember,%20An%20(1957)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +967|Little Lord Fauntleroy (1936)|01-Jan-1936||http://us.imdb.com/M/title-exact?Little%20Lord%20Fauntleroy%20(1936)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +968|Inspector General, The (1949)|01-Jan-1949||http://us.imdb.com/M/title-exact?Inspector%20General,%20The%20(1949)|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +969|Winnie the Pooh and the Blustery Day (1968)|01-Jan-1968||http://us.imdb.com/M/title-exact?Winnie%20the%20Pooh%20and%20the%20Blustery%20Day%20%281968%29|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +970|Hear My Song (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Hear%20My%20Song%20(1991)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +971|Mediterraneo (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Mediterraneo%20(1991)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0 +972|Passion Fish (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Passion%20Fish%20(1992)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +973|Grateful Dead (1995)|18-Oct-1996||http://us.imdb.com/M/title-exact?Grateful%20Dead%20(1995)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +974|Eye for an Eye (1996)|01-Jan-1996||http://us.imdb.com/Title?Eye+for+an+Eye+(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +975|Fear (1996)|12-Apr-1996||http://us.imdb.com/M/title-exact?Fear%20(1996)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +976|Solo (1996)|23-Aug-1996||http://us.imdb.com/M/title-exact?Solo%20(1996)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +977|Substitute, The (1996)|19-Apr-1996||http://us.imdb.com/M/title-exact?Substitute,%20The%20(1996)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +978|Heaven's Prisoners (1996)|10-May-1996||http://us.imdb.com/M/title-exact?Heaven's%20Prisoners%20(1996)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0 +979|Trigger Effect, The (1996)|30-Aug-1996||http://us.imdb.com/M/title-exact?Trigger%20Effect,%20The%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +980|Mother Night (1996)|01-Nov-1996||http://us.imdb.com/M/title-exact?Mother%20Night%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +981|Dangerous Ground (1997)|04-Sep-1996||http://us.imdb.com/M/title-exact?Dangerous%20Ground%20(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +982|Maximum Risk (1996)|13-Sep-1996||http://us.imdb.com/M/title-exact?Maximum%20Risk%20(1996)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +983|Rich Man's Wife, The (1996)|13-Sep-1996||http://us.imdb.com/M/title-exact?Rich%20Man's%20Wife,%20The%20(1996)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +984|Shadow Conspiracy (1997)|31-Jan-1997||http://us.imdb.com/M/title-exact?Shadow%20Conspiracy%20(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +985|Blood & Wine (1997)|15-Nov-1996||http://us.imdb.com/Title?Blood+%26+Wine+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +986|Turbulence (1997)|10-Jan-1997||http://us.imdb.com/M/title-exact?Turbulence%20(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +987|Underworld (1997)|09-May-1997||http://us.imdb.com/M/title-exact?Underworld%20(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +988|Beautician and the Beast, The (1997)|07-Feb-1997||http://us.imdb.com/M/title-exact?Beautician%20and%20the%20Beast,%20The%20(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +989|Cats Don't Dance (1997)|26-Mar-1997||http://us.imdb.com/M/title-exact?Cats%20Don%27t%20Dance%20(1997)|0|0|0|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +990|Anna Karenina (1997)|04-Apr-1997||http://us.imdb.com/M/title-exact?Anna%20Karenina%20%281997%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +991|Keys to Tulsa (1997)|11-Apr-1997||http://us.imdb.com/Title?Keys+to+Tulsa+(1997)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +992|Head Above Water (1996)|20-Jun-1997||http://us.imdb.com/M/title-exact?Head+Above+Water+(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|1|0|0 +993|Hercules (1997)|27-Jun-1997||http://us.imdb.com/M/title-exact?Hercules+(1997)|0|0|1|1|1|1|0|0|0|0|0|0|1|0|0|0|0|0|0 +994|Last Time I Committed Suicide, The (1997)|20-Jun-1997||http://us.imdb.com/M/title-exact?Last+Time+I+Committed+Suicide%2C+The+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +995|Kiss Me, Guido (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Kiss+Me%2C+Guido+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +996|Big Green, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Big%20Green,%20The%20(1995)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +997|Stuart Saves His Family (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Stuart%20Saves%20His%20Family%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +998|Cabin Boy (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Cabin%20Boy%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +999|Clean Slate (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Clean%20Slate%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1000|Lightning Jack (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Lightning%20Jack%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1 +1001|Stupids, The (1996)|30-Aug-1996||http://us.imdb.com/M/title-exact?Stupids,%20The%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1002|Pest, The (1997)|07-Feb-1997||http://us.imdb.com/M/title-exact?Pest,%20The%20(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1003|That Darn Cat! (1997)|14-Feb-1997||http://us.imdb.com/M/title-exact?That%20Darn%20Cat%20(1997)|0|0|0|0|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0 +1004|Geronimo: An American Legend (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Geronimo:%20An%20American%20Legend%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1 +1005|Double vie de Vronique, La (Double Life of Veronique, The) (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Podwojne%20zycie%20Weroniki%20(1991)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1006|Until the End of the World (Bis ans Ende der Welt) (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Bis%20ans%20Ende%20der%20Welt%20(1991)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|1|0|0|0 +1007|Waiting for Guffman (1996)|31-Jan-1997||http://us.imdb.com/M/title-exact?Waiting%20for%20Guffman%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1008|I Shot Andy Warhol (1996)|01-May-1996||http://us.imdb.com/M/title-exact?I%20Shot%20Andy%20Warhol%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1009|Stealing Beauty (1996)|14-Jun-1996||http://us.imdb.com/M/title-exact?Stealing%20Beauty%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1010|Basquiat (1996)|16-Aug-1996||http://us.imdb.com/M/title-exact?Basquiat%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1011|2 Days in the Valley (1996)|27-Sep-1996||http://us.imdb.com/M/title-exact?2%20Days%20in%20the%20Valley%20(1996)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +1012|Private Parts (1997)|07-Mar-1997||http://us.imdb.com/M/title-exact?Private%20Parts%20(1997)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1013|Anaconda (1997)|11-Apr-1997||http://us.imdb.com/M/title-exact?Anaconda%20%281997%29|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1014|Romy and Michele's High School Reunion (1997)|25-Apr-1997||http://us.imdb.com/M/title-exact?Romy%20and%20Michele%27s%20High%20School%20Reunion%20%281997%29|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1015|Shiloh (1997)|23-May-1997||http://us.imdb.com/M/title-exact?Shiloh%20%281997%29|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1016|Con Air (1997)|06-Jun-1997||http://us.imdb.com/M/title-exact?Con%20Air%20%281997%29|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1017|Trees Lounge (1996)|11-Oct-1996||http://us.imdb.com/M/title-exact?Trees%20Lounge%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1018|Tie Me Up! Tie Me Down! (1990)|01-Jan-1990||http://us.imdb.com/Title?%A1%C1tame%21+(1990)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1019|Die xue shuang xiong (Killer, The) (1989)|01-Jan-1989||http://us.imdb.com/M/title-exact?Die%20xue%20shuang%20xiong%20(1989)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1020|Gaslight (1944)|01-Jan-1944||http://us.imdb.com/M/title-exact?Gaslight%20(1944)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0 +1021|8 1/2 (1963)|01-Jan-1963||http://us.imdb.com/M/title-exact?8%201/2%20(1963)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1022|Fast, Cheap & Out of Control (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Fast,+Cheap+&+Out+of+Control+(1997)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1023|Fathers' Day (1997)|09-May-1997||http://us.imdb.com/M/title-exact?Fathers%27%20Day%20%281997%29|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1024|Mrs. Dalloway (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Mrs%2E+Dalloway+(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1025|Fire Down Below (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Fire+Down+Below+(1997)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +1026|Lay of the Land, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Lay+of+the+Land%2C+The+(1997)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1027|Shooter, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Shooter,%20The%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1028|Grumpier Old Men (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Grumpier%20Old%20Men%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1029|Jury Duty (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Jury%20Duty%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1030|Beverly Hillbillies, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Beverly%20Hillbillies,%20The%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1031|Lassie (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Lassie%20(1994)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1032|Little Big League (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Little%20Big%20League%20(1994)|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1033|Homeward Bound II: Lost in San Francisco (1996)|08-Mar-1996||http://us.imdb.com/M/title-exact?Homeward%20Bound%20II:%20Lost%20in%20San%20Francisco%20(1996)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1034|Quest, The (1996)|26-Apr-1996||http://us.imdb.com/M/title-exact?Quest,%20The%20(1996/I)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1035|Cool Runnings (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Cool%20Runnings%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1036|Drop Dead Fred (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Drop%20Dead%20Fred%20(1991)|0|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0 +1037|Grease 2 (1982)|01-Jan-1982||http://us.imdb.com/M/title-exact?Grease%202%20(1982)|0|0|0|0|0|1|0|0|0|0|0|0|1|0|1|0|0|0|0 +1038|Switchback (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Switchback+(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1039|Hamlet (1996)|24-Jan-1997||http://us.imdb.com/M/title-exact?Hamlet%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1040|Two if by Sea (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Two%20if%20by%20Sea%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1041|Forget Paris (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Forget%20Paris%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1042|Just Cause (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Just%20Cause%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0 +1043|Rent-a-Kid (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Rent-a-Kid%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1044|Paper, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Paper,%20The%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1045|Fearless (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Fearless%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1046|Malice (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Malice%20(1993)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1047|Multiplicity (1996)|12-Jul-1996||http://us.imdb.com/M/title-exact?Multiplicity%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1048|She's the One (1996)|23-Aug-1996||http://us.imdb.com/M/title-exact?She's%20the%20One%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1049|House Arrest (1996)|02-Aug-1996||http://us.imdb.com/Title?House+Arrest+(1996/I)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1050|Ghost and Mrs. Muir, The (1947)|01-Jan-1947||http://us.imdb.com/M/title-exact?Ghost%20and%20Mrs.%20Muir,%20The%20(1947)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1051|Associate, The (1996)|19-Oct-1996||http://us.imdb.com/M/title-exact?Associate,%20The%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1052|Dracula: Dead and Loving It (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Dracula:%20Dead%20and%20Loving%20It%20(1995)|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0|0|0|0 +1053|Now and Then (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Now%20and%20Then%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1054|Mr. Wrong (1996)|16-Feb-1996||http://us.imdb.com/M/title-exact?Mr.%20Wrong%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1055|Simple Twist of Fate, A (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Simple%20Twist%20of%20Fate,%20A%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1056|Cronos (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Cronos%20(1992)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +1057|Pallbearer, The (1996)|19-Apr-1996||http://us.imdb.com/M/title-exact?Pallbearer,%20The%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1058|War, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?War,%20The%20(1994)|0|0|1|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1059|Don't Be a Menace to South Central While Drinking Your Juice in the Hood (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Don't%20Be%20a%20Menace%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1060|Adventures of Pinocchio, The (1996)|26-Jul-1996||http://us.imdb.com/M/title-exact?Adventures%20of%20Pinocchio,%20The%20(1996)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1061|Evening Star, The (1996)|25-Dec-1996||http://us.imdb.com/M/title-exact?Evening%20Star,%20The%20(1996)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1062|Four Days in September (1997)|23-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-119815|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1063|Little Princess, A (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Little%20Princess,%20A%20(1995)|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1064|Crossfire (1947)|01-Jan-1947||http://us.imdb.com/M/title-exact?Crossfire%20(1947)|0|0|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0|0|0 +1065|Koyaanisqatsi (1983)|01-Jan-1983||http://us.imdb.com/M/title-exact?Koyaanisqatsi%20(1983)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0 +1066|Balto (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Balto%20(1995)|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1067|Bottle Rocket (1996)|21-Feb-1996||http://us.imdb.com/M/title-exact?Bottle%20Rocket%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1068|Star Maker, The (Uomo delle stelle, L') (1995)|01-Mar-1996||http://us.imdb.com/M/title-exact?Uomo%20delle%20stelle,%20L'%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1069|Amateur (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Amateur%20(1994)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|1|0|0 +1070|Living in Oblivion (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Living%20in%20Oblivion%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1071|Party Girl (1995)|01-Jan-1995||http://us.imdb.com/Title?Party+Girl+(1995/I)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1072|Pyromaniac's Love Story, A (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Pyromaniac's%20Love%20Story,%20A%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1073|Shallow Grave (1994)|01-Jan-1994||http://us.imdb.com/Title?Shallow+Grave+(1994)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1074|Reality Bites (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Reality%20Bites%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1075|Man of No Importance, A (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Man%20of%20No%20Importance,%20A%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1076|Pagemaster, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Pagemaster,%20The%20(1994)|0|1|1|1|1|0|0|0|0|1|0|0|0|0|0|0|0|0|0 +1077|Love and a .45 (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Love%20and%20a%20.45%20(1994)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1078|Oliver & Company (1988)|29-Mar-1988||http://us.imdb.com/M/title-exact?Oliver%20&%20Company%20(1988)|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1079|Joe's Apartment (1996)|26-Jul-1996||http://us.imdb.com/M/title-exact?Joe's%20Apartment%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0 +1080|Celestial Clockwork (1994)|12-Jul-1996||http://us.imdb.com/Title?Cort%E1zar+(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1081|Curdled (1996)|27-Sep-1996||http://us.imdb.com/M/title-exact?Curdled%20(1996)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +1082|Female Perversions (1996)|25-Apr-1997||http://us.imdb.com/M/title-exact?Female%20Perversions%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1083|Albino Alligator (1996)|17-Jan-1997||http://us.imdb.com/M/title-exact?Albino%20Alligator%20(1996)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0 +1084|Anne Frank Remembered (1995)|23-Feb-1996||http://us.imdb.com/M/title-exact?Anne%20Frank%20Remembered%20(1995)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1085|Carried Away (1996)|29-Mar-1996||http://us.imdb.com/M/title-exact?Carried%20Away%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1086|It's My Party (1995)|22-Mar-1996||http://us.imdb.com/M/title-exact?It's%20My%20Party%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1087|Bloodsport 2 (1995)|01-Mar-1996||http://us.imdb.com/M/title-exact?Bloodsport%202%20%281995%29|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1088|Double Team (1997)|04-Apr-1997||http://us.imdb.com/M/title-exact?Double%20Team%20%281997%29|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1089|Speed 2: Cruise Control (1997)|13-Jun-1997||http://us.imdb.com/M/title-exact?Speed%202%3A%20Cruise%20Control%20%281997%29|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0|0 +1090|Sliver (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Sliver%20(1993)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1091|Pete's Dragon (1977)|01-Jan-1977||http://us.imdb.com/M/title-exact?Pete's%20Dragon%20(1977)|0|0|1|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +1092|Dear God (1996)|01-Nov-1996||http://us.imdb.com/M/title-exact?Dear%20God%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1093|Live Nude Girls (1995)|01-Mar-1996||http://us.imdb.com/M/title-exact?Live%20Nude%20Girls%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1094|Thin Line Between Love and Hate, A (1996)|03-Apr-1996||http://us.imdb.com/M/title-exact?Thin%20Line%20Between%20Love%20and%20Hate,%20A%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1095|High School High (1996)|25-Oct-1996||http://us.imdb.com/M/title-exact?High%20School%20High%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1096|Commandments (1997)|02-May-1997||http://us.imdb.com/Title?Commandments+(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1097|Hate (Haine, La) (1995)|09-Feb-1996||http://us.imdb.com/M/title-exact?Haine,%20La%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1098|Flirting With Disaster (1996)|22-Mar-1996||http://us.imdb.com/M/title-exact?Flirting%20With%20Disaster%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1099|Red Firecracker, Green Firecracker (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Pao%20Da%20Shuang%20Deng%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1100|What Happened Was... (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?What%20Happened%20Was...%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|1|0|0|0|0 +1101|Six Degrees of Separation (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Six%20Degrees%20of%20Separation%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0|0|0|0 +1102|Two Much (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Two%20Much%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1103|Trust (1990)|01-Jan-1990||http://us.imdb.com/Title?Trust+(1990)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1104|C'est arriv prs de chez vous (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?C%27est%20arriv%E9%20pr%E8s%20de%20chez%20vous%20%281992%29|0|0|0|0|0|1|1|0|1|0|0|0|0|0|0|0|0|0|0 +1105|Firestorm (1998)|09-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-120670|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1106|Newton Boys, The (1998)|14-Mar-1998||http://us.imdb.com/Title?Newton+Boys,+The+(1998)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +1107|Beyond Rangoon (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Beyond%20Rangoon%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1108|Feast of July (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Feast%20of%20July%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1109|Death and the Maiden (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Death%20and%20the%20Maiden%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +1110|Tank Girl (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Tank%20Girl%20(1995)|0|1|0|0|0|1|0|0|0|0|0|0|1|0|0|1|0|0|0 +1111|Double Happiness (1994)|01-Mar-1996||http://us.imdb.com/M/title-exact?Double%20Happiness%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1112|Cobb (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Cobb%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1113|Mrs. Parker and the Vicious Circle (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Mrs.%20Parker%20and%20the%20Vicious%20Circle%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1114|Faithful (1996)|03-Apr-1996||http://us.imdb.com/M/title-exact?Faithful%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1115|Twelfth Night (1996)|25-Oct-1996||http://us.imdb.com/M/title-exact?Twelfth%20Night:%20Or%20What%20You%20Will%20(1996)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|1|0|0|0|0 +1116|Mark of Zorro, The (1940)|01-Jan-1940||http://us.imdb.com/M/title-exact?Mark%20of%20Zorro,%20The%20(1940)|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1117|Surviving Picasso (1996)|20-Sep-1996||http://us.imdb.com/M/title-exact?Surviving%20Picasso%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1118|Up in Smoke (1978)|01-Jan-1978||http://us.imdb.com/M/title-exact?Up%20in%20Smoke%20(1978)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1119|Some Kind of Wonderful (1987)|01-Jan-1987||http://us.imdb.com/M/title-exact?Some%20Kind%20of%20Wonderful%20(1987)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1120|I'm Not Rappaport (1996)|13-Nov-1996||http://us.imdb.com/M/title-exact?I'm%20Not%20Rappaport%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1121|Umbrellas of Cherbourg, The (Parapluies de Cherbourg, Les) (1964)|05-Apr-1996||http://us.imdb.com/M/title-exact?Parapluies%20de%20Cherbourg,%20Les%20(1964)|0|0|0|0|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0 +1122|They Made Me a Criminal (1939)|01-Jan-1939||http://us.imdb.com/M/title-exact?They%20Made%20Me%20a%20Criminal%20(1939)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +1123|Last Time I Saw Paris, The (1954)|01-Jan-1954||http://us.imdb.com/M/title-exact?Last%20Time%20I%20Saw%20Paris,%20The%20(1954)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1124|Farewell to Arms, A (1932)|01-Jan-1932||http://us.imdb.com/M/title-exact?Farewell%20to%20Arms,%20A%20(1932)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0 +1125|Innocents, The (1961)|01-Jan-1961||http://us.imdb.com/M/title-exact?Innocents,%20The%20(1961)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1126|Old Man and the Sea, The (1958)|01-Jan-1958||http://us.imdb.com/M/title-exact?Old%20Man%20and%20the%20Sea,%20The%20(1958)|0|0|1|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1127|Truman Show, The (1998)|01-Jan-1998||http://us.imdb.com/Title?Truman+Show,+The+(1998)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1128|Heidi Fleiss: Hollywood Madam (1995) |09-Feb-1996||http://us.imdb.com/M/title-exact?Heidi%20Fleiss:%20Hollywood%20Madam%20(1995)%20(TV)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1129|Chungking Express (1994)|16-Feb-1996||http://us.imdb.com/M/title-exact?Chongqing%20Senlin%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|1|1|0|0|0|0 +1130|Jupiter's Wife (1994)|09-Feb-1996||http://us.imdb.com/M/title-exact?Jupiter's%20Wife%20(1994)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1131|Safe (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Safe%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1132|Feeling Minnesota (1996)|13-Sep-1996||http://us.imdb.com/M/title-exact?Feeling%20Minnesota%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1133|Escape to Witch Mountain (1975)|01-Jan-1975||http://us.imdb.com/M/title-exact?Escape%20to%20Witch%20Mountain%20(1975)|0|0|1|0|1|0|0|0|0|1|0|0|0|0|0|0|0|0|0 +1134|Get on the Bus (1996)|16-Oct-1996||http://us.imdb.com/M/title-exact?Get%20on%20the%20Bus%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1135|Doors, The (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Doors,%20The%20(1991)|0|0|0|0|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0 +1136|Ghosts of Mississippi (1996)|20-Dec-1996||http://us.imdb.com/M/title-exact?Ghosts%20of%20Mississippi%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1137|Beautiful Thing (1996)|09-Oct-1996||http://us.imdb.com/M/title-exact?Beautiful%20Thing%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1138|Best Men (1997)|01-Sep-1997||http://us.imdb.com/M/title-exact/Independence%20(1997)|0|1|0|0|0|1|1|0|1|0|0|0|0|0|0|0|0|0|0 +1139|Hackers (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Hackers%20(1995)|0|1|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0 +1140|Road to Wellville, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Road%20to%20Wellville,%20The%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1141|War Room, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?War%20Room,%20The%20(1993)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1142|When We Were Kings (1996)|14-Feb-1997||http://us.imdb.com/M/title-exact?When%20We%20Were%20Kings%20(1996)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1143|Hard Eight (1996)|28-Feb-1997||http://us.imdb.com/Title?Hard+Eight+(1996)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0 +1144|Quiet Room, The (1996)|02-May-1997||http://us.imdb.com/M/title-exact?Quiet%20Room%2C%20The%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1145|Blue Chips (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Blue%20Chips%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1146|Calendar Girl (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Calendar%20Girl%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1147|My Family (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?My%20Family%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1148|Tom & Viv (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Tom%20&%20Viv%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1149|Walkabout (1971)|20-Dec-1971||http://us.imdb.com/M/title-exact?Walkabout%20(1971)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1150|Last Dance (1996)|03-May-1996||http://us.imdb.com/M/title-exact?Last%20Dance%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1151|Original Gangstas (1996)|10-May-1996||http://us.imdb.com/M/title-exact?Original%20Gangstas%20(1996)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +1152|In Love and War (1996)|24-Jan-1997||http://us.imdb.com/M/title-exact?In%20Love%20and%20War%20(1996)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0 +1153|Backbeat (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Backbeat%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0 +1154|Alphaville (1965)|01-Jan-1965||http://us.imdb.com/M/title-exact?Alphaville%20(1965)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +1155|Rendezvous in Paris (Rendez-vous de Paris, Les) (1995)|28-Jun-1996||http://us.imdb.com/M/title-exact?Rendez-vous%20de%20Paris,%20Les%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1156|Cyclo (1995)|02-Aug-1996||http://us.imdb.com/M/title-exact?Cyclo%20(1995)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +1157|Relic, The (1997)|17-Jan-1997||http://us.imdb.com/M/title-exact?Relic,%20The%20(1997)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +1158|Fille seule, La (A Single Girl) (1995)|30-Oct-1996||http://us.imdb.com/M/title-exact?Fille%20seule,%20La%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1159|Stalker (1979)|01-Jan-1979||http://us.imdb.com/M/title-exact?Stalker%20(1979)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0|0|0 +1160|Love! Valour! Compassion! (1997)|16-May-1997||http://us.imdb.com/Title?Love%21+Valour%21+Compassion%21+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1161|Palookaville (1996)|25-Oct-1996||http://us.imdb.com/M/title-exact?Palookaville%20(1996)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1162|Phat Beach (1996)|02-Aug-1996||http://us.imdb.com/M/title-exact?Phat%20Beach%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1163|Portrait of a Lady, The (1996)|27-Dec-1996||http://us.imdb.com/M/title-exact?Portrait%20of%20a%20Lady%2C%20The%20%281996%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1164|Zeus and Roxanne (1997)|10-Jan-1997||http://us.imdb.com/M/title-exact?Zeus%20and%20Roxanne%20(1997)|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1165|Big Bully (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Big%20Bully%20(1996)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1166|Love & Human Remains (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Love%20&%20Human%20Remains%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1167|Sum of Us, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Sum%20of%20Us,%20The%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1168|Little Buddha (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Little%20Buddha%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1169|Fresh (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Fresh%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1170|Spanking the Monkey (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Spanking%20the%20Monkey%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1171|Wild Reeds (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Roseaux%20sauvages%2C%20Les%20%281994%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1172|Women, The (1939)|01-Jan-1939||http://us.imdb.com/M/title-exact?Women,%20The%20(1939)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1173|Bliss (1997)|06-Jun-1997||http://us.imdb.com/M/title-exact?Bliss%20(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1174|Caught (1996)|27-Sep-1996||http://us.imdb.com/M/title-exact?Caught%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +1175|Hugo Pool (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Hugo+Pool+(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1176|Welcome To Sarajevo (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Welcome+To+Sarajevo+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +1177|Dunston Checks In (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Dunston%20Checks%20In%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1178|Major Payne (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Major%20Payne%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1179|Man of the House (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Man%20of%20the%20House%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1180|I Love Trouble (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?I%20Love%20Trouble%20(1994)|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1181|Low Down Dirty Shame, A (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Low%20Down%20Dirty%20Shame,%20A%20(1994)|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1182|Cops and Robbersons (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Cops%20and%20Robbersons%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1183|Cowboy Way, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Cowboy%20Way,%20The%20(1994)|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1184|Endless Summer 2, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Endless%20Summer%202,%20The%20(1994)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1185|In the Army Now (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?In%20the%20Army%20Now%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0 +1186|Inkwell, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Inkwell,%20The%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1187|Switchblade Sisters (1975)|17-May-1975||http://us.imdb.com/M/title-exact?Switchblade%20Sisters%20(1975)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +1188|Young Guns II (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Young%20Guns%20II%20(1990)|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1 +1189|Prefontaine (1997)|24-Jan-1997||http://us.imdb.com/M/title-exact?Prefontaine%20(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1190|That Old Feeling (1997)|04-Apr-1997||http://us.imdb.com/M/title-exact?That%20Old%20Feeling%20(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1191|Letter From Death Row, A (1998)|01-Feb-1998||http://us.imdb.com/M/title-exact?Letter+From+Death+Row%2C+A+(1998)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +1192|Boys of St. Vincent, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Boys%20of%20St.%20Vincent,%20The%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1193|Before the Rain (Pred dozhdot) (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Pred%20dozhdot%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1194|Once Were Warriors (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Once%20Were%20Warriors%20(1994)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +1195|Strawberry and Chocolate (Fresa y chocolate) (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Fresa%20y%20chocolate%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1196|Savage Nights (Nuits fauves, Les) (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Nuits%20fauves,%20Les%20(1992)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1197|Family Thing, A (1996)|23-Mar-1996||http://us.imdb.com/M/title-exact?Family%20Thing,%20A%20(1996)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1198|Purple Noon (1960)|28-Jun-1960||http://us.imdb.com/M/title-exact?Plein%20soleil%20(1960)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0 +1199|Cemetery Man (Dellamorte Dellamore) (1994)|12-Apr-1996||http://us.imdb.com/M/title-exact?Dellamorte%20Dellamore%20(1994)|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0|0|0|0 +1200|Kim (1950)|01-Jan-1950||http://us.imdb.com/M/title-exact?Kim%20(1950)|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1201|Marlene Dietrich: Shadow and Light (1996) |02-Apr-1996||http://us.imdb.com/M/title-exact?Marlene%20Dietrich:%20Shadow%20and%20Light%20(1996)%20(TV)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1202|Maybe, Maybe Not (Bewegte Mann, Der) (1994)|19-Jul-1996||http://us.imdb.com/M/title-exact?Bewegte%20Mann,%20Der%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1203|Top Hat (1935)|01-Jan-1935||http://us.imdb.com/M/title-exact?Top%20Hat%20(1935)|0|0|0|0|0|1|0|0|0|0|0|0|1|0|1|0|0|0|0 +1204|To Be or Not to Be (1942)|01-Jan-1942||http://us.imdb.com/M/title-exact?To%20Be%20or%20Not%20to%20Be%20(1942)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|1|0 +1205|Secret Agent, The (1996)|08-Nov-1996||http://us.imdb.com/M/title-exact?Secret%20Agent,%20The%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1206|Amos & Andrew (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Amos%20&%20Andrew%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1207|Jade (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Jade%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1208|Kiss of Death (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Kiss%20of%20Death%20(1995)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|1|0|0 +1209|Mixed Nuts (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Mixed%20Nuts%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1210|Virtuosity (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Virtuosity%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +1211|Blue Sky (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Blue%20Sky%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1212|Flesh and Bone (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Flesh%20and%20Bone%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|1|1|0|0|0|0 +1213|Guilty as Sin (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Guilty%20as%20Sin%20(1993)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|1|0|0 +1214|In the Realm of the Senses (Ai no corrida) (1976)|08-Mar-1976||http://us.imdb.com/M/title-exact?Ai%20no%20Corrida%20(1976)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1215|Barb Wire (1996)|03-May-1996||http://us.imdb.com/M/title-exact?Barb%20Wire%20(1996)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +1216|Kissed (1996)|18-Apr-1997||http://us.imdb.com/M/title-exact?Kissed%20%281996%29|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1217|Assassins (1995)|01-Jan-1995||http://us.imdb.com/Title?Assassins+(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1218|Friday (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Friday%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1219|Goofy Movie, A (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Goofy%20Movie,%20A%20(1995)|0|0|0|1|1|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1220|Higher Learning (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Higher%20Learning%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1221|When a Man Loves a Woman (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?When%20a%20Man%20Loves%20a%20Woman%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1222|Judgment Night (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Judgment%20Night%20(1993)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1223|King of the Hill (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?King%20of%20the%20Hill%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1224|Scout, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Scout,%20The%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1225|Angus (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Angus%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1226|Night Falls on Manhattan (1997)|16-May-1997||http://us.imdb.com/M/title-exact?Night%20Falls%20on%20Manhattan%20(1997)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +1227|Awfully Big Adventure, An (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Awfully%20Big%20Adventure,%20An%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1228|Under Siege 2: Dark Territory (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Under%20Siege%202:%20Dark%20Territory%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1229|Poison Ivy II (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Poison%20Ivy%20II%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +1230|Ready to Wear (Pret-A-Porter) (1994)|01-Jan-1994||http://us.imdb.com/Title?Pr%EAt-%E0-Porter+(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1231|Marked for Death (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Marked%20for%20Death%20(1990)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1232|Madonna: Truth or Dare (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Madonna:%20Truth%20or%20Dare%20(1991)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1233|Nnette et Boni (1996)|01-Jan-1996||http://us.imdb.com/Title?N%E9nette+et+Boni+(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1234|Chairman of the Board (1998)|01-Jan-1998||http://us.imdb.com/Title?Chairman+of+the+Board+(1998)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1235|Big Bang Theory, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?imdb-title-109266|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +1236|Other Voices, Other Rooms (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-119845|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1237|Twisted (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?imdb-title-117994|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1238|Full Speed (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?imdb-title-118230|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1239|Cutthroat Island (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Cutthroat%20Island%20(1995)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1240|Ghost in the Shell (Kokaku kidotai) (1995)|12-Apr-1996||http://us.imdb.com/M/title-exact?Kokaku%20Kidotai%20(1995)|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +1241|Van, The (1996)|27-Jun-1997||http://us.imdb.com/M/title-exact?Van%2C%20The%20(1996)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1242|Old Lady Who Walked in the Sea, The (Vieille qui marchait dans la mer, La) (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?Vieille%20qui%20marchait%20dans%20la%20mer,%20La%20(1991)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1243|Night Flier (1997)|06-Feb-1998||http://us.imdb.com/M/title-exact?Night+Flier+(1997)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +1244|Metro (1997)|17-Jan-1997||http://us.imdb.com/M/title-exact?Metro%20(1997)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1245|Gridlock'd (1997)|29-Jan-1997||http://us.imdb.com/M/title-exact?Gridlock'd%20(1997)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +1246|Bushwhacked (1995)|01-Jan-1995||http://us.imdb.com/Title?Bushwhacked+(1995/I)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1247|Bad Girls (1994)|01-Jan-1994||http://us.imdb.com/Title?Bad+Girls+(1994/I)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1 +1248|Blink (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Blink%20(1994)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1249|For Love or Money (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?For%20Love%20or%20Money%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1250|Best of the Best 3: No Turning Back (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Best%20of%20the%20Best%203:%20No%20Turning%20Back%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1251|A Chef in Love (1996)|25-Apr-1997||http://us.imdb.com/M/title-exact?Mille%20et%20une%20recettes%20du%20cuisinier%20amoureux%2C%20Les%20%281996%29|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1252|Contempt (Mpris, Le) (1963)|27-Jun-1997||http://us.imdb.com/M/title-exact?M%E9pris%2C+Le+(1963)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1253|Tie That Binds, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Tie%20That%20Binds,%20The%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1254|Gone Fishin' (1997)|30-May-1997||http://us.imdb.com/M/title-exact?Gone%20Fishin'%20(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1255|Broken English (1996)|02-May-1997||http://us.imdb.com/M/title-exact?Broken%20English%20%281996%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1256|Designated Mourner, The (1997)|23-May-1997||http://us.imdb.com/M/title-exact?Designated%20Mourner%2C%20The%20%281997%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1257|Designated Mourner, The (1997)|23-May-1997||http://us.imdb.com/M/title-exact?Designated%20Mourner%2C%20The%20%281997%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1258|Trial and Error (1997)|30-May-1997||http://us.imdb.com/M/title-exact?Trial%20and%20Error%20%281997%29|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1259|Pie in the Sky (1995)|09-Feb-1996||http://us.imdb.com/M/title-exact?Pie%20in%20the%20Sky%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1260|Total Eclipse (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Total%20Eclipse%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1261|Run of the Country, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Run%20of%20the%20Country,%20The%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1262|Walking and Talking (1996)|12-Jul-1996||http://us.imdb.com/M/title-exact?Walking%20and%20Talking%20(1996)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1263|Foxfire (1996)|23-Aug-1996||http://us.imdb.com/M/title-exact?Foxfire%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1264|Nothing to Lose (1994)|16-Aug-1996||http://us.imdb.com/M/title-exact?Nothing%20to%20Lose%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1265|Star Maps (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Star+Maps+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1266|Bread and Chocolate (Pane e cioccolata) (1973)|01-Jan-1973||http://us.imdb.com/M/title-exact?Pane%20e%20Cioccolata%20(1973)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1267|Clockers (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Clockers%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1268|Bitter Moon (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Lunes%20de%20fiel%20(1992)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1269|Love in the Afternoon (1957)|01-Jan-1957||http://us.imdb.com/M/title-exact?Love%20in%20the%20Afternoon%20(1957)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1270|Life with Mikey (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Life%20with%20Mikey%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1271|North (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?North%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1272|Talking About Sex (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Talking%20About%20Sex%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1273|Color of Night (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Color%20of%20Night%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +1274|Robocop 3 (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Robocop%203%20(1993)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +1275|Killer (Bulletproof Heart) (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Killer%20(1994)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1276|Sunset Park (1996)|26-Apr-1996||http://us.imdb.com/M/title-exact?Sunset%20Park%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1277|Set It Off (1996)|25-Sep-1996||http://us.imdb.com/M/title-exact?Set%20It%20Off%20(1996)|0|1|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +1278|Selena (1997)|21-Mar-1997||http://us.imdb.com/M/title-exact?Selena%20(1997)|0|0|0|0|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0 +1279|Wild America (1997)|04-Jul-1997||http://us.imdb.com/M/title-exact?Wild+America+(1997)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1280|Gang Related (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Gang+Related+(1997)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +1281|Manny & Lo (1996)|26-Jul-1996||http://us.imdb.com/M/title-exact?Manny%20&%20Lo%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1282|Grass Harp, The (1995)|11-Oct-1996||http://us.imdb.com/M/title-exact?Grass%20Harp,%20The%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1283|Out to Sea (1997)|04-Jul-1997||http://us.imdb.com/M/title-exact?Out+to+Sea+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1284|Before and After (1996)|23-Feb-1996||http://us.imdb.com/M/title-exact?Before%20and%20After%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0|0|0|0 +1285|Princess Caraboo (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Princess%20Caraboo%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1286|Shall We Dance? (1937)|01-Jan-1937||http://us.imdb.com/M/title-exact?Shall%20We%20Dance?%20(1937)|0|0|0|0|0|1|0|0|0|0|0|0|1|0|1|0|0|0|0 +1287|Ed (1996)|08-Mar-1996||http://us.imdb.com/M/title-exact?Ed%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1288|Denise Calls Up (1995)|29-Mar-1996||http://us.imdb.com/M/title-exact?Denise%20Calls%20Up%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1289|Jack and Sarah (1995)|22-Mar-1996||http://us.imdb.com/M/title-exact?Jack%20and%20Sarah%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1290|Country Life (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Country%20Life%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1291|Celtic Pride (1996)|19-Apr-1996||http://us.imdb.com/M/title-exact?Celtic%20Pride%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1292|Simple Wish, A (1997)|11-Jul-1997||http://us.imdb.com/M/title-exact?Simple+Wish%2C+A+(1997)|0|0|0|0|1|0|0|0|0|1|0|0|0|0|0|0|0|0|0 +1293|Star Kid (1997)|16-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-120478|0|0|1|0|1|0|0|0|0|1|0|0|0|0|0|1|0|0|0 +1294|Ayn Rand: A Sense of Life (1997)|13-Feb-1998||http://us.imdb.com/Title?Ayn+Rand%3A+A+Sense+of+Life+(1997)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1295|Kicked in the Head (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Kicked+in+the+Head+(1997)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1296|Indian Summer (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Indian+Summer+(1996)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1297|Love Affair (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Love%20Affair%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1298|Band Wagon, The (1953)|01-Jan-1953||http://us.imdb.com/M/title-exact?Band%20Wagon,%20The%20(1953)|0|0|0|0|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0 +1299|Penny Serenade (1941)|01-Jan-1941||http://us.imdb.com/M/title-exact?Penny%20Serenade%20(1941)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1300|'Til There Was You (1997)|30-May-1997||http://us.imdb.com/Title?%27Til+There+Was+You+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1301|Stripes (1981)|01-Jan-1981||http://us.imdb.com/M/title-exact?Stripes+(1981)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1302|Late Bloomers (1996)|06-Jun-1997||http://us.imdb.com/M/title-exact?Late%20Bloomers%20%281996%29|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1303|Getaway, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Getaway,%20The%20(1994)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1304|New York Cop (1996)|01-Jan-1996||http://us.imdb.com/Title?New+York+Cop+(1996)|0|1|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +1305|National Lampoon's Senior Trip (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?National%20Lampoon's%20Senior%20Trip%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1306|Delta of Venus (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Delta%20of%20Venus%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1307|Carmen Miranda: Bananas Is My Business (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Carmen%20Miranda:%20Bananas%20Is%20My%20Business%20(1994)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1308|Babyfever (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Babyfever%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1309|Very Natural Thing, A (1974)|01-Jan-1974||http://us.imdb.com/M/title-exact?Very%20Natural%20Thing,%20A%20(1974)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1310|Walk in the Sun, A (1945)|01-Jan-1945||http://us.imdb.com/M/title-exact?Walk%20in%20the%20Sun,%20A%20(1945)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1311|Waiting to Exhale (1995)|15-Jan-1996||http://us.imdb.com/M/title-exact?Waiting%20to%20Exhale%20(1995)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1312|Pompatus of Love, The (1996)|26-Jul-1996||http://us.imdb.com/M/title-exact?Pompatus%20of%20Love,%20The%20(1996)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1313|Palmetto (1998)|20-Feb-1998||http://us.imdb.com/M/title-exact?Palmetto+(1998)|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0|1|0|0 +1314|Surviving the Game (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Surviving%20the%20Game%20(1994)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1315|Inventing the Abbotts (1997)|04-Apr-1997||http://us.imdb.com/M/title-exact?Inventing%20the%20Abbotts%20%281997%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1316|Horse Whisperer, The (1998)|25-Dec-1997||http://us.imdb.com/M/title-exact?imdb-title-119314|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1317|Journey of August King, The (1995)|22-Mar-1996||http://us.imdb.com/M/title-exact?Journey%20of%20August%20King,%20The%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1318|Catwalk (1995)|07-Jun-1996||http://us.imdb.com/Title?Catwalk+(1995/I)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1319|Neon Bible, The (1995)|01-Mar-1996||http://us.imdb.com/M/title-exact?Neon%20Bible,%20The%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1320|Homage (1995)|03-May-1996||http://us.imdb.com/M/title-exact?Homage%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1321|Open Season (1996)|10-May-1996||http://us.imdb.com/Title?Open+Season+(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1322|Metisse (Caf au Lait) (1993)|01-Jan-1993||http://us.imdb.com/Title?M%E9tisse+(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1323|Wooden Man's Bride, The (Wu Kui) (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Wu%20Kui%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1324|Loaded (1994)|12-Apr-1996||http://us.imdb.com/M/title-exact?Loaded%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +1325|August (1996)|12-Apr-1996||http://us.imdb.com/M/title-exact?August%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1326|Boys (1996)|10-May-1996||http://us.imdb.com/M/title-exact?Boys%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1327|Captives (1994)|16-Sep-1994||http://us.imdb.com/Title?Captives+(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1328|Of Love and Shadows (1994)|10-May-1996||http://us.imdb.com/M/title-exact?Of%20Love%20and%20Shadows%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1329|Low Life, The (1994)|10-May-1996||http://us.imdb.com/Title?Low+Life,+The+(1994/I)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1330|An Unforgettable Summer (1994)|01-Jan-1994||http://us.imdb.com/Title?Un+%E9t%E9+inoubliable+(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1331|Last Klezmer: Leopold Kozlowski, His Life and Music, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Last%20Klezmer%3A%20Leopold%20Kozlowski%2C%20His%20Life%20and%20Music%2C%20The%20%281995%29|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1332|My Life and Times With Antonin Artaud (En compagnie d'Antonin Artaud) (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?En%20compagnie%20d'Antonin%20Artaud%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1333|Midnight Dancers (Sibak) (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Sibak%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1334|Somebody to Love (1994)|14-Jun-1996||http://us.imdb.com/Title?Somebody+to+Love+(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1335|American Buffalo (1996)|13-Sep-1996||http://us.imdb.com/M/title-exact?American%20Buffalo%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1336|Kazaam (1996)|17-Jul-1996||http://us.imdb.com/M/title-exact?Kazaam%20(1996)|0|0|0|0|1|1|0|0|0|1|0|0|0|0|0|0|0|0|0 +1337|Larger Than Life (1996)|01-Nov-1996||http://us.imdb.com/M/title-exact?Larger%20Than%20Life%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1338|Two Deaths (1995)|09-Aug-1996||http://us.imdb.com/Title?Two+Deaths+(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1339|Stefano Quantestorie (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Stefano%20Quantestorie%20%281993%29|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1340|Crude Oasis, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Crude%20Oasis,%20The%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1341|Hedd Wyn (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Hedd%20Wyn%20(1992)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1342|Convent, The (Convento, O) (1995)|14-Jun-1996||http://us.imdb.com/M/title-exact?Convento,%20O%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1343|Lotto Land (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Lotto%20Land%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1344|Story of Xinghua, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Story%20of%20Xinghua,%20The%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1345|Day the Sun Turned Cold, The (Tianguo niezi) (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Tianguo%20Niezi%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1346|Dingo (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Dingo%20(1992)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1347|Ballad of Narayama, The (Narayama Bushiko) (1958)|01-Jan-1958||http://us.imdb.com/M/title-exact?Narayama%20Bushiko%20%281958%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1348|Every Other Weekend (1990)|01-Jan-1990||http://us.imdb.com/Title?Un+week-end+sur+deux+(1990)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1349|Mille bolle blu (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Mille%20bolle%20blu%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1350|Crows and Sparrows (1949)|01-Jan-1949||http://us.imdb.com/Title?Wuya+yu+maque+(1949)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1351|Lover's Knot (1996)|12-Jul-1996||http://us.imdb.com/M/title-exact?Lover's%20Knot%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1352|Shadow of Angels (Schatten der Engel) (1976)|01-Jan-1976||http://us.imdb.com/M/title-exact?Schatten%20der%20Engel%20(1976)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1353|1-900 (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?06%20(1994)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1354|Venice/Venice (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Venice/Venice%20(1992)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1355|Infinity (1996)|04-Oct-1996||http://us.imdb.com/M/title-exact?Infinity%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1356|Ed's Next Move (1996)|04-Oct-1996||http://us.imdb.com/M/title-exact?Ed%27s%20Next%20Move%20%281996%29|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1357|For the Moment (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?For%20the%20Moment%20(1994)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0 +1358|The Deadly Cure (1996)|16-Sep-1996|||0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1359|Boys in Venice (1996)|24-Sep-1996|||0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1360|Sexual Life of the Belgians, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Vie%20sexuelle%20des%20Belges,%20La%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1361|Search for One-eye Jimmy, The (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Search%20for%20One-eye%20Jimmy,%20The%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1362|American Strays (1996)|13-Sep-1996||http://us.imdb.com/M/title-exact?American%20Strays%20(1996)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1363|Leopard Son, The (1996)|27-Sep-1996||http://us.imdb.com/M/title-exact?Leopard%20Son,%20The%20(1996)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1364|Bird of Prey (1996)|04-Oct-1996||http://us.imdb.com/M/title-exact?Bird%20of%20Prey%20(1996)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1365|Johnny 100 Pesos (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Johnny%20100%20Pesos%20(1993)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1366|JLG/JLG - autoportrait de dcembre (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?JLG/JLG%20-%20autoportrait%20de%20d%E9cembre%20%281994%29|0|0|0|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0 +1367|Faust (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Faust%20%281994%29|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1368|Mina Tannenbaum (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Mina%20Tannenbaum%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1369|Forbidden Christ, The (Cristo proibito, Il) (1950)|01-Jan-1950||http://us.imdb.com/M/title-exact?Cristo%20proibito%2C%20Il%20%281950%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1370|I Can't Sleep (J'ai pas sommeil) (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?J'ai%20pas%20sommeil%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +1371|Machine, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Machine,%20La%20(1994)|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0|0|0|0 +1372|Stranger, The (1994)|01-Jan-1994||http://us.imdb.com/Title?Stranger,+The+(1994/II)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1373|Good Morning (1971)|4-Feb-1971||http://us.imdb.com/M/title-exact?Good%20Morning%20(1971)|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1374|Falling in Love Again (1980)|01-Jan-1980||http://us.imdb.com/M/title-exact?Falling%20in%20Love%20Again%20(1980)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1375|Cement Garden, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Cement%20Garden,%20The%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1376|Meet Wally Sparks (1997)|31-Jan-1997||http://us.imdb.com/M/title-exact?Meet%20Wally%20Sparks%20(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1377|Hotel de Love (1996)|07-Feb-1997||http://us.imdb.com/M/title-exact?Hotel%20de%20Love%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1378|Rhyme & Reason (1997)|05-Mar-1997||http://us.imdb.com/M/title-exact?Rhyme%20%26%20Reason%20(1997)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1379|Love and Other Catastrophes (1996)|28-Mar-1997||http://us.imdb.com/M/title-exact?Love%20and%20Other%20Catastrophes%20%281996%29|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1380|Hollow Reed (1996)|02-May-1997||http://us.imdb.com/Title?Hollow+Reed+(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1381|Losing Chase (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Losing%20Chase%20%281996%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1382|Bonheur, Le (1965)|16-May-1997||http://us.imdb.com/M/title-exact?Bonheur%2C%20Le%20%281965%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1383|Second Jungle Book: Mowgli & Baloo, The (1997)|16-May-1997||http://us.imdb.com/M/title-exact?Second%20Jungle%20Book%3A%20Mowgli%20%26%20Baloo%2C%20The%20%281997%29|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1384|Squeeze (1996)|13-Jun-1997||http://us.imdb.com/M/title-exact?Squeeze%20%281996%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1385|Roseanna's Grave (For Roseanna) (1997)|20-Jun-1997||http://us.imdb.com/M/title-exact?Roseanna%27s+Grave+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1386|Tetsuo II: Body Hammer (1992)|20-Jun-1997||http://us.imdb.com/M/title-exact?Tetsuo+II%3A+Body+Hammer+(1992)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +1387|Fall (1997)|27-Jun-1997||http://us.imdb.com/M/title-exact?Fall+(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1388|Gabbeh (1996)|27-Jun-1997||http://us.imdb.com/M/title-exact?Gabbeh+(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1389|Mondo (1996)|27-Jun-1997||http://us.imdb.com/M/title-exact?Mondo+(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1390|Innocent Sleep, The (1995)|27-Jun-1997||http://us.imdb.com/M/title-exact?Innocent+Sleep%2C+The+(1995)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +1391|For Ever Mozart (1996)|04-Jul-1997||http://us.imdb.com/M/title-exact?For+Ever+Mozart+(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1392|Locusts, The (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Locusts%2C+The+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1393|Stag (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Stag+(1997)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1394|Swept from the Sea (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Swept+from+the+Sea+(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1395|Hurricane Streets (1998)|01-Jan-1998||http://us.imdb.com/Title?Hurricane+Streets+(1998)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1396|Stonewall (1995)|26-Jul-1996||http://us.imdb.com/M/title-exact?Stonewall%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1397|Of Human Bondage (1934)|01-Jan-1934||http://us.imdb.com/M/title-exact?Of%20Human%20Bondage%20(1934)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1398|Anna (1996)|13-Nov-1996||http://us.imdb.com/M/title-exact?Anna%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1399|Stranger in the House (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-120222|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1400|Picture Bride (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Picture%20Bride%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1401|M. Butterfly (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?M.%20Butterfly%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1402|Ciao, Professore! (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Io%20speriamo%20che%20me%20la%20cavo%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1403|Caro Diario (Dear Diary) (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Caro%20diario%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1404|Withnail and I (1987)|01-Jan-1987||http://us.imdb.com/M/title-exact?Withnail%20and%20I%20(1987)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1405|Boy's Life 2 (1997)|07-Mar-1997||http://us.imdb.com/M/title-exact?Boy%27s%20Life%202%20(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1406|When Night Is Falling (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?When%20Night%20is%20Falling%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1407|Specialist, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Specialist,%20The%20(1994)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1408|Gordy (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Gordy%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1409|Swan Princess, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Swan%20Princess,%20The%20(1994)|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1410|Harlem (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Harlem%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1411|Barbarella (1968)|01-Jan-1968||http://us.imdb.com/M/title-exact?Barbarella%20(1968)|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +1412|Land Before Time III: The Time of the Great Giving (1995) (V)|01-Jan-1995||http://us.imdb.com/M/title-exact?Land%20Before%20Time%20III%3A%20The%20Time%20of%20the%20Great%20Giving%20%281995%29%20%28V%29|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1413|Street Fighter (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Street%20Fighter%20(1994)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1414|Coldblooded (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Coldblooded%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1415|Next Karate Kid, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Next%20Karate%20Kid,%20The%20(1994)|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1416|No Escape (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?No%20Escape%20(1994)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +1417|Turning, The (1992)|02-May-1997||http://us.imdb.com/M/title-exact?Turning%2C%20The%20%281992%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1418|Joy Luck Club, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Joy+Luck+Club%2C+The+(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1419|Highlander III: The Sorcerer (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Highlander%20III:%20The%20Sorcerer%20(1994)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0 +1420|Gilligan's Island: The Movie (1998)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-119195|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1421|My Crazy Life (Mi vida loca) (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Mi%20vida%20loca%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1422|Suture (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Suture%20(1993)|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0 +1423|Walking Dead, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Walking%20Dead,%20The%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +1424|I Like It Like That (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?I%20Like%20It%20Like%20That%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|1|0|0|0|0 +1425|I'll Do Anything (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?I'll%20Do%20Anything%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1426|Grace of My Heart (1996)|13-Sep-1996||http://us.imdb.com/M/title-exact?Grace%20of%20My%20Heart%20(1996)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1427|Drunks (1995)|01-Nov-1996||http://us.imdb.com/M/title-exact?Drunks%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1428|SubUrbia (1997)|07-Feb-1997||http://us.imdb.com/M/title-exact?SubUrbia%20(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1429|Sliding Doors (1998)|01-Jan-1998||http://us.imdb.com/Title?Sliding+Doors+(1998)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1430|Ill Gotten Gains (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-119352|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1431|Legal Deceit (1997)|01-Jan-1997||http://us.imdb.com/Title?Legal+Deceit+(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1432|Mighty, The (1998)|09-Oct-1998||http://us.imdb.com/Title?Mighty,+The+(1998)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1433|Men of Means (1998)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-119655|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1434|Shooting Fish (1997)|16-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-120122|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1435|Steal Big, Steal Little (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Steal%20Big,%20Steal%20Little%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1436|Mr. Jones (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Mr.%20Jones%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1437|House Party 3 (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?House%20Party%203%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1438|Panther (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Panther%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1439|Jason's Lyric (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Jason's%20Lyric%20(1994)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +1440|Above the Rim (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Above%20the%20Rim%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1441|Moonlight and Valentino (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Moonlight%20and%20Valentino%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1442|Scarlet Letter, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Scarlet%20Letter,%20The%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1443|8 Seconds (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?8%20Seconds%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1444|That Darn Cat! (1965)|01-Jan-1965||http://us.imdb.com/Title?That+Darn+Cat%21+(1965)|0|0|0|0|1|1|0|0|0|0|0|0|0|1|0|0|0|0|0 +1445|Ladybird Ladybird (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Ladybird%20Ladybird%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1446|Bye Bye, Love (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Bye%20Bye,%20Love%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1447|Century (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Century%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1448|My Favorite Season (1993)|19-Apr-1996||http://us.imdb.com/Title?Ma+saison+pr%E9f%E9r%E9e+(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1449|Pather Panchali (1955)|22-Mar-1996||http://us.imdb.com/M/title-exact?Pather%20Panchali%20(1955)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1450|Golden Earrings (1947)|01-Jan-1947||http://us.imdb.com/M/title-exact?Golden%20Earrings%20%281947%29|0|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1451|Foreign Correspondent (1940)|01-Jan-1940||http://us.imdb.com/M/title-exact?Foreign%20Correspondent%20(1940)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1452|Lady of Burlesque (1943)|01-Jan-1943||http://us.imdb.com/M/title-exact?Lady%20of%20Burlesque%20(1943)|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0|0|0|0 +1453|Angel on My Shoulder (1946)|01-Jan-1946||http://us.imdb.com/M/title-exact?Angel%20on%20My%20Shoulder%20(1946)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +1454|Angel and the Badman (1947)|01-Jan-1947||http://us.imdb.com/M/title-exact?Angel%20and%20the%20Badman%20(1947)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1 +1455|Outlaw, The (1943)|01-Jan-1943||http://us.imdb.com/M/title-exact?Outlaw,%20The%20(1943)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1 +1456|Beat the Devil (1954)|01-Jan-1954||http://us.imdb.com/M/title-exact?Beat%20the%20Devil%20(1954)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1457|Love Is All There Is (1996)|11-Oct-1996||http://us.imdb.com/M/title-exact?Love%20Is%20All%20There%20Is%20(1996)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1458|Damsel in Distress, A (1937)|01-Jan-1937||http://us.imdb.com/M/title-exact?Damsel%20in%20Distress,%20A%20(1937)|0|0|0|0|0|1|0|0|0|0|0|0|1|0|1|0|0|0|0 +1459|Madame Butterfly (1995)|20-Sep-1996||http://us.imdb.com/M/title-exact?Madame%20Butterfly%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0 +1460|Sleepover (1995)|25-Oct-1996||http://us.imdb.com/M/title-exact?Sleepover%20(1995)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1461|Here Comes Cookie (1935)|01-Jan-1935||http://us.imdb.com/M/title-exact?Here%20Comes%20Cookie%20(1935)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1462|Thieves (Voleurs, Les) (1996)|25-Dec-1996||http://us.imdb.com/M/title-exact?Voleurs,%20Les%20(1996)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|1|0|0|0|0 +1463|Boys, Les (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-118764|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1464|Stars Fell on Henrietta, The (1995)|01-Jan-1995||http://us.imdb.com/Title?Stars+Fell+on+Henrietta,+The+(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1465|Last Summer in the Hamptons (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Last%20Summer%20in%20the%20Hamptons%20(1995)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1466|Margaret's Museum (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Margaret's%20Museum%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1467|Saint of Fort Washington, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Saint%20of%20Fort%20Washington,%20The%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1468|Cure, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Cure,%20The%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1469|Tom and Huck (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Tom%20and%20Huck%20(1995)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1470|Gumby: The Movie (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Gumby:%20The%20Movie%20(1995)|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1471|Hideaway (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Hideaway%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1472|Visitors, The (Visiteurs, Les) (1993)|19-Jul-1996||http://us.imdb.com/M/title-exact?Visiteurs,%20Les%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0|0 +1473|Little Princess, The (1939)|01-Jan-1939||http://us.imdb.com/M/title-exact?Little%20Princess,%20The%20(1939)|0|0|0|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1474|Nina Takes a Lover (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Nina%20Takes%20a%20Lover%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1475|Bhaji on the Beach (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Bhaji%20on%20the%20Beach%20(1993)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1476|Raw Deal (1948)|01-Jan-1948||http://us.imdb.com/M/title-exact?Raw%20Deal%20(1948)|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0 +1477|Nightwatch (1997)|22-Apr-1997||http://us.imdb.com/M/title-exact?Nightwatch%20(1997)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0 +1478|Dead Presidents (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Dead%20Presidents%20(1995)|0|1|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +1479|Reckless (1995)|01-Jan-1995||http://us.imdb.com/Title?Reckless+(1995/I)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1480|Herbie Rides Again (1974)|01-Jan-1974||http://us.imdb.com/M/title-exact?Herbie%20Rides%20Again%20(1974)|0|0|1|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1481|S.F.W. (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?S.F.W.%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1482|Gate of Heavenly Peace, The (1995)|10-May-1996||http://us.imdb.com/M/title-exact?Gate%20of%20Heavenly%20Peace,%20The%20(1995)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1483|Man in the Iron Mask, The (1998)|17-Mar-1998||http://us.imdb.com/Title?Man+in+the+Iron+Mask,+The+(1998/I)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1484|Jerky Boys, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Jerky%20Boys,%20The%20(1994)|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1485|Colonel Chabert, Le (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Colonel%20Chabert,%20Le%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|1|0 +1486|Girl in the Cadillac (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Girl%20in%20the%20Cadillac%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1487|Even Cowgirls Get the Blues (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Even%20Cowgirls%20Get%20the%20Blues%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1488|Germinal (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Germinal%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1489|Chasers (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Chasers%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1490|Fausto (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Fausto%20%281993%29|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1491|Tough and Deadly (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Tough%20and%20Deadly%20(1995)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +1492|Window to Paris (1994)|01-Jan-1994||http://us.imdb.com/Title?Okno+v+Parizh+(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1493|Modern Affair, A (1995)|06-Sep-1996||http://us.imdb.com/M/title-exact?Modern%20Affair,%20A%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1494|Mostro, Il (1994)|19-Apr-1996||http://us.imdb.com/M/title-exact?Mostro,%20Il%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1495|Flirt (1995)|07-Aug-1996||http://us.imdb.com/Title?Flirt+(1995/I)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1496|Carpool (1996)|23-Aug-1996||http://us.imdb.com/M/title-exact?Carpool%20(1996)|0|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0 +1497|Line King: Al Hirschfeld, The (1996)|11-Oct-1996||http://us.imdb.com/M/title-exact?Line%20King,%20The%20(1996)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1498|Farmer & Chase (1995)|10-Jan-1997||http://us.imdb.com/M/title-exact?Farmer%20&%20Chase%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1499|Grosse Fatigue (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Grosse%20fatigue%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1500|Santa with Muscles (1996)|08-Nov-1996||http://us.imdb.com/M/title-exact?Santa%20with%20Muscles%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1501|Prisoner of the Mountains (Kavkazsky Plennik) (1996)|31-Jan-1997||http://us.imdb.com/M/title-exact?Kavkazsky%20Plennik%20(1996)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0 +1502|Naked in New York (1994)|01-Jan-1994||http://us.imdb.com/Title?Naked+in+New+York+(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1503|Gold Diggers: The Secret of Bear Mountain (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Gold%20Diggers:%20The%20Secret%20of%20Bear%20Mountain%20(1995)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1504|Bewegte Mann, Der (1994)|12-Jul-1996||http://us.imdb.com/M/title-exact?Bewegte%20Mann%2C%20Der%20%281994%29|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1505|Killer: A Journal of Murder (1995)|06-Sep-1996||http://us.imdb.com/M/title-exact?Killer:%20A%20Journal%20of%20Murder%20(1995)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +1506|Nelly & Monsieur Arnaud (1995)|12-Apr-1996||http://us.imdb.com/M/title-exact?Nelly%20%26%20Monsieur%20Arnaud%20%281995%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1507|Three Lives and Only One Death (1996)|11-Oct-1996||http://us.imdb.com/M/title-exact?Trois%20vies%20et%20une%20seule%20mort%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1508|Babysitter, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Babysitter,%20The%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +1509|Getting Even with Dad (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Getting%20Even%20with%20Dad%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1510|Mad Dog Time (1996)|08-Nov-1996||http://us.imdb.com/M/title-exact?Mad%20Dog%20Time%20(1996)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +1511|Children of the Revolution (1996)|01-May-1997||http://us.imdb.com/M/title-exact?Children%20of%20the%20Revolution%20%281996%29|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1512|World of Apu, The (Apur Sansar) (1959)|05-Apr-1996||http://us.imdb.com/M/title-exact?Apur%20Sansar%20(1959)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1513|Sprung (1997)|14-May-1997||http://us.imdb.com/M/title-exact?Sprung%20%281997%29|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1514|Dream With the Fishes (1997)|20-Jun-1997||http://us.imdb.com/M/title-exact?Dream+With+the+Fishes+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1515|Wings of Courage (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Wings%20of%20Courage%20(1995)|0|0|1|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1516|Wedding Gift, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Wedding%20Gift,%20The%20(1994)%20(TV)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1517|Race the Sun (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?Race%20the%20Sun%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1518|Losing Isaiah (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Losing%20Isaiah%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1519|New Jersey Drive (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?New%20Jersey%20Drive%20(1995)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +1520|Fear, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Fear,%20The%20(1995)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +1521|Mr. Wonderful (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Mr.%20Wonderful%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1522|Trial by Jury (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Trial%20by%20Jury%20(1994)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1523|Good Man in Africa, A (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Good%20Man%20in%20Africa,%20A%20(1994)|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1524|Kaspar Hauser (1993)|07-Jun-1996||http://us.imdb.com/Title?Kaspar+Hauser+(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1525|Object of My Affection, The (1998)|20-Mar-1998||http://us.imdb.com/Title?Object+of+My+Affection,+The+(1998)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1526|Witness (1985)|01-Jan-1985||http://us.imdb.com/M/title-exact?Witness+(1985)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|1|0|0 +1527|Senseless (1998)|09-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-120820|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1528|Nowhere (1997)|09-May-1997||http://us.imdb.com/M/title-exact?Nowhere%20%281997%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1529|Underground (1995)|29-Mar-1996||http://us.imdb.com/M/title-exact?Underground%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0 +1530|Jefferson in Paris (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Jefferson%20in%20Paris%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1531|Far From Home: The Adventures of Yellow Dog (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Far%20From%20Home:%20The%20Adventures%20of%20Yellow%20Dog%20(1995)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1532|Foreign Student (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Foreign%20Student%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1533|I Don't Want to Talk About It (De eso no se habla) (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?De%20Eso%20No%20Se%20Habla%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1534|Twin Town (1997)|30-May-1997||http://us.imdb.com/M/title-exact?Twin%20Town%20%281997%29|0|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0|0|0 +1535|Enfer, L' (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Enfer,%20L'%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1536|Aiqing wansui (1994)|22-Jul-1996||http://us.imdb.com/M/title-exact?Aiqing%20Wansui%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1537|Cosi (1996)|11-Apr-1997||http://us.imdb.com/M/title-exact?Cosi%20(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1538|All Over Me (1997)|25-Apr-1997||http://us.imdb.com/M/title-exact?All%20Over%20Me%20%281997%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1539|Being Human (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Being%20Human%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1540|Amazing Panda Adventure, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Amazing%20Panda%20Adventure,%20The%20(1995)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1541|Beans of Egypt, Maine, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Beans%20of%20Egypt,%20Maine,%20The%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1542|Scarlet Letter, The (1926)|01-Jan-1926||http://us.imdb.com/M/title-exact?Scarlet%20Letter,%20The%20(1926)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1543|Johns (1996)|18-Oct-1996||http://us.imdb.com/M/title-exact?Johns%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1544|It Takes Two (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?It%20Takes%20Two%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1545|Frankie Starlight (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Frankie%20Starlight%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1546|Shadows (Cienie) (1988)|01-Jan-1988||http://us.imdb.com/M/title-exact?Cienie%20(1988)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1547|Show, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Show,%20The%20(1995)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1548|The Courtyard (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Courtyard,%20The%20(1995)%20(TV)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1549|Dream Man (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Dream%20Man%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1550|Destiny Turns on the Radio (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Destiny%20Turns%20on%20the%20Radio%20(1995)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1551|Glass Shield, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Glass%20Shield,%20The%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1552|Hunted, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Hunted,%20The%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1553|Underneath, The (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Underneath,%20The%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|1|0|0 +1554|Safe Passage (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Safe%20Passage%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1555|Secret Adventures of Tom Thumb, The (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Secret%20Adventures%20of%20Tom%20Thumb,%20The%20(1993)|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0 +1556|Condition Red (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Condition%20Red%20(1995)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +1557|Yankee Zulu (1994)|16-Feb-1996||http://us.imdb.com/M/title-exact?Yankee%20Zulu%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1558|Aparajito (1956)|29-Mar-1996||http://us.imdb.com/M/title-exact?Aparajito%20(1956)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1559|Hostile Intentions (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Hostile%20Intentions%20(1994)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +1560|Clean Slate (Coup de Torchon) (1981)|01-Jan-1981||http://us.imdb.com/M/title-exact?Coup%20de%20torchon%20(1981)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +1561|Tigrero: A Film That Was Never Made (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Tigrero:%20A%20Film%20That%20Was%20Never%20Made%20(1994)|0|0|0|0|0|0|0|1|1|0|0|0|0|0|0|0|0|0|0 +1562|Eye of Vichy, The (Oeil de Vichy, L') (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Oeil%20de%20Vichy,%20L'%20(1993)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1563|Promise, The (Versprechen, Das) (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Versprechen,%20Das%20(1994)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1564|To Cross the Rubicon (1991)|01-Jan-1991||http://us.imdb.com/M/title-exact?To%20Cross%20the%20Rubicon%20(1991)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1565|Daens (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Daens%20(1992)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1566|Man from Down Under, The (1943)|01-Jan-1943||http://us.imdb.com/Title?Man+from+Down+Under,+The+(1943)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1567|Careful (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Careful%20(1992)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1568|Vermont Is For Lovers (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Vermont%20Is%20For%20Lovers%20(1992)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1569|Vie est belle, La (Life is Rosey) (1987)|01-Jan-1987||http://us.imdb.com/M/title-exact?Vie%20est%20belle,%20La%20(1987)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1570|Quartier Mozart (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Quartier%20Mozart%20(1992)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1571|Touki Bouki (Journey of the Hyena) (1973)|01-Jan-1973||http://us.imdb.com/M/title-exact?Touki%20Bouki%20(1973)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1572|Wend Kuuni (God's Gift) (1982)|01-Jan-1982||http://us.imdb.com/M/title-exact?Wend%20Kuuni%20(1982)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1573|Spirits of the Dead (Tre passi nel delirio) (1968)|01-Jan-1968||http://us.imdb.com/M/title-exact?Tre%20passi%20nel%20delirio%20(1968)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0 +1574|Pharaoh's Army (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Pharaoh's%20Army%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0 +1575|I, Worst of All (Yo, la peor de todas) (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?Yo,%20la%20Peor%20de%20Todas%20(1990)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1576|Hungarian Fairy Tale, A (1987)|01-Jan-1987||http://us.imdb.com/M/title-exact?Hol%20volt,%20hol%20nem%20volt%20(1987)|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0 +1577|Death in the Garden (Mort en ce jardin, La) (1956)|01-Jan-1956||http://us.imdb.com/Title?Mort+en+ce+jardin,+La+(1956)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1578|Collectionneuse, La (1967)|01-Jan-1967||http://us.imdb.com/M/title-exact?Collectionneuse,%20La%20(1967)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1579|Baton Rouge (1988)|01-Jan-1988||http://us.imdb.com/Title?B%E2ton+rouge+(1988)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1580|Liebelei (1933)|01-Jan-1933||http://us.imdb.com/M/title-exact?Liebelei%20(1933)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1581|Woman in Question, The (1950)|01-Jan-1950||http://us.imdb.com/M/title-exact?Woman%20in%20Question,%20The%20(1950)|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0 +1582|T-Men (1947)|01-Jan-1947||http://us.imdb.com/M/title-exact?T-Men%20(1947)|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0 +1583|Invitation, The (Zaproszenie) (1986)|01-Jan-1986||http://us.imdb.com/M/title-exact?Zaproszenie%20(1986)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1584|Symphonie pastorale, La (1946)|01-Jan-1946||http://us.imdb.com/M/title-exact?Symphonie%20pastorale,%20La%20(1946)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1585|American Dream (1990)|01-Jan-1990||http://us.imdb.com/M/title-exact?American%20Dream%20(1990)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1586|Lashou shentan (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Lashou%20Shentan%20(1992)|0|1|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +1587|Terror in a Texas Town (1958)|01-Jan-1958||http://us.imdb.com/M/title-exact?Terror%20in%20a%20Texas%20Town%20(1958)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1 +1588|Salut cousin! (1996)|21-Feb-1997||http://us.imdb.com/M/title-exact?Salut%20cousin!%20(1996)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1589|Schizopolis (1996)|23-May-1997||http://us.imdb.com/Title?Schizopolis+(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1590|To Have, or Not (1995)|06-Jun-1997||http://us.imdb.com/M/title-exact?En%20avoir%20%28ou%20pas%29%20%281995%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1591|Duoluo tianshi (1995)|21-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-112913|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1592|Magic Hour, The (1998)|30-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-119594|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1593|Death in Brunswick (1991)|16-Aug-1996||http://us.imdb.com/M/title-exact?Death%20in%20Brunswick%20(1991)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1594|Everest (1998)|10-Mar-1998||http://us.imdb.com/Title?Everest+(1998)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1595|Shopping (1994)|09-Feb-1996||http://us.imdb.com/M/title-exact?Shopping%20(1994)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1596|Nemesis 2: Nebula (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Nemesis%202:%20Nebula%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|1|1|0|0 +1597|Romper Stomper (1992)|01-Jan-1992||http://us.imdb.com/M/title-exact?Romper%20Stomper%20(1992)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1598|City of Industry (1997)|14-Mar-1997||http://us.imdb.com/M/title-exact?City%20of%20Industry%20(1997)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|1|0|0 +1599|Someone Else's America (1995)|10-May-1996||http://us.imdb.com/M/title-exact?Someone%20Else's%20America%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1600|Guantanamera (1994)|16-May-1997||http://us.imdb.com/M/title-exact?Guantanamera%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1601|Office Killer (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?imdb-title-119819|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1602|Price Above Rubies, A (1998)|20-Mar-1998||http://us.imdb.com/Title?Price+Above+Rubies,+A+(1998)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1603|Angela (1995)|16-Feb-1996||http://us.imdb.com/M/title-exact?Angela%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1604|He Walked by Night (1948)|01-Jan-1948||http://us.imdb.com/M/title-exact?He%20Walked%20by%20Night%20(1948)|0|0|0|0|0|0|1|0|0|0|1|0|0|0|0|0|1|0|0 +1605|Love Serenade (1996)|11-Jul-1997||http://us.imdb.com/M/title-exact?Love+Serenade+(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1606|Deceiver (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Liar+(1997)|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +1607|Hurricane Streets (1998)|01-Jan-1998||http://us.imdb.com/Title?Hurricane+Streets+(1998)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1608|Buddy (1997)|06-Jun-1997||http://us.imdb.com/M/title-exact?Buddy%20%281997%29|0|0|1|0|1|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1609|B*A*P*S (1997)|28-Mar-1997||http://us.imdb.com/M/title-exact?B%2EA%2EP%2ES%2E%20(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1610|Truth or Consequences, N.M. (1997)|02-May-1997||http://us.imdb.com/Title?Truth+or+Consequences,+N.M.+(1997)|0|1|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0|0|0 +1611|Intimate Relations (1996)|09-May-1997||http://us.imdb.com/M/title-exact?Intimate%20Relations%20%281996%29|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1612|Leading Man, The (1996)|16-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-116845|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1613|Tokyo Fist (1995)|11-Feb-1998||http://us.imdb.com/M/title-exact?Tokyo+Fist+(1995)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1614|Reluctant Debutante, The (1958)|01-Jan-1958||http://us.imdb.com/M/title-exact?Reluctant%20Debutante,%20The%20(1958)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1615|Warriors of Virtue (1997)|02-May-1997||http://us.imdb.com/M/title-exact?Warriors%20of%20Virtue%20%281997%29|0|1|1|0|1|0|0|0|0|1|0|0|0|0|0|0|0|0|0 +1616|Desert Winds (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Desert%20Winds%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1617|Hugo Pool (1997)|01-Jan-1997||http://us.imdb.com/M/title-exact?Hugo+Pool+(1997)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1618|King of New York (1990)|01-Jan-1990||http://us.imdb.com/Title?King+of+New+York+(1990)|0|1|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0 +1619|All Things Fair (1996)|08-Mar-1996||http://us.imdb.com/Title?Lust+och+f%E4gring+stor+(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1620|Sixth Man, The (1997)|28-Mar-1997||http://us.imdb.com/M/title-exact?Sixth%20Man%2C%20The%20(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1621|Butterfly Kiss (1995)|26-Apr-1996||http://us.imdb.com/M/title-exact?Butterfly%20Kiss%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1622|Paris, France (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Paris,%20France%20(1993)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1623|Crmonie, La (1995)|20-Dec-1996||http://us.imdb.com/M/title-exact?C%E9r%E9monie%2C%20La%20%281995%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1624|Hush (1998)|10-Mar-1998||http://us.imdb.com/Title?Hush+(1998)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1625|Nightwatch (1997)|22-Apr-1997||http://us.imdb.com/M/title-exact?Nightwatch%20(1997)|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0|1|0|0 +1626|Nobody Loves Me (Keiner liebt mich) (1994)|09-Feb-1996||http://us.imdb.com/M/title-exact?Keiner%20liebt%20mich%20(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1627|Wife, The (1995)|26-Jul-1996||http://us.imdb.com/Title?Wife,+The+(1995)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1628|Lamerica (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Lamerica%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1629|Nico Icon (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Nico%20Icon%20(1995)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1630|Silence of the Palace, The (Saimt el Qusur) (1994)|02-Feb-1996||http://us.imdb.com/M/title-exact?Saimt%20el%20Qusur%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1631|Slingshot, The (1993)|01-Jan-1993||http://us.imdb.com/Title?K%E5disbellan+(1993)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1632|Land and Freedom (Tierra y libertad) (1995)|29-Mar-1996||http://us.imdb.com/M/title-exact?Tierra%20y%20libertad%20(1995)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0 +1633| kldum klaka (Cold Fever) (1994)|08-Mar-1996||http://us.imdb.com/Title?%C1+k%F6ldum+klaka+(1994)|0|0|0|0|0|1|0|0|1|0|0|0|0|0|0|0|0|0|0 +1634|Etz Hadomim Tafus (Under the Domin Tree) (1994)|19-Apr-1996||http://us.imdb.com/M/title-exact?Etz%20Hadomim%20Tafus%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1635|Two Friends (1986) |26-Apr-1986||http://us.imdb.com/M/title-exact?Two%20Friends%20(1986)%20(TV)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1636|Brothers in Trouble (1995)|26-Apr-1996||http://us.imdb.com/M/title-exact?Brothers%20in%20Trouble%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1637|Girls Town (1996)|23-Aug-1996||http://us.imdb.com/M/title-exact?Girls%20Town%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1638|Normal Life (1996)|25-Oct-1996||http://us.imdb.com/M/title-exact?Normal%20Life%20(1996)|0|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0 +1639|Bitter Sugar (Azucar Amargo) (1996)|22-Nov-1996||http://us.imdb.com/M/title-exact?Bitter%20Sugar%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1640|Eighth Day, The (1996)|01-Nov-1996||http://us.imdb.com/Title?Huiti%E8me+jour,+Le+(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1641|Dadetown (1995)|18-Sep-1996||http://us.imdb.com/M/title-exact?Dadetown%20(1995)|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0 +1642|Some Mother's Son (1996)|27-Dec-1996||http://us.imdb.com/M/title-exact?Some%20Mother's%20Son%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1643|Angel Baby (1995)|10-Jan-1997||http://us.imdb.com/Title?Angel+Baby+(1995/I)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1644|Sudden Manhattan (1996)|13-Jun-1997||http://us.imdb.com/M/title-exact?Sudden%20Manhattan%20%281996%29|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1645|Butcher Boy, The (1998)|01-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-118804|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1646|Men With Guns (1997)|06-Mar-1998||http://us.imdb.com/Title?Men+with+Guns+(1997/I)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1647|Hana-bi (1997)|20-Mar-1998||http://us.imdb.com/Title?Hana-bi+(1997)|0|0|0|0|0|1|1|0|1|0|0|0|0|0|0|0|0|0|0 +1648|Niagara, Niagara (1997)|20-Mar-1998||http://us.imdb.com/Title?Niagara,+Niagara+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1649|Big One, The (1997)|27-Mar-1998||http://us.imdb.com/Title?Big+One,+The+(1997)|0|0|0|0|0|1|0|1|0|0|0|0|0|0|0|0|0|0|0 +1650|Butcher Boy, The (1998)|01-Jan-1998||http://us.imdb.com/M/title-exact?imdb-title-118804|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1651|Spanish Prisoner, The (1997)|27-Mar-1998||http://us.imdb.com/Title?Spanish+Prisoner,+The+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|1|0|0 +1652|Temptress Moon (Feng Yue) (1996)|13-Jun-1997||http://us.imdb.com/M/title-exact?Feng%20Yue%20%281996%29|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0|0|0 +1653|Entertaining Angels: The Dorothy Day Story (1996)|27-Sep-1996||http://us.imdb.com/M/title-exact?Entertaining%20Angels:%20The%20Dorothy%20Day%20Story%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1654|Chairman of the Board (1998)|01-Jan-1998||http://us.imdb.com/Title?Chairman+of+the+Board+(1998)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1655|Favor, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?Favor,%20The%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1656|Little City (1998)|20-Feb-1998||http://us.imdb.com/M/title-exact?Little+City+(1998)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0|0|0|0 +1657|Target (1995)|28-Feb-1996||http://us.imdb.com/M/title-exact?Target%20(1995)|0|1|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1658|Substance of Fire, The (1996)|06-Dec-1996||http://us.imdb.com/M/title-exact?Substance%20of%20Fire,%20The%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1659|Getting Away With Murder (1996)|12-Apr-1996||http://us.imdb.com/Title?Getting+Away+With+Murder+(1996)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1660|Small Faces (1995)|09-Aug-1996||http://us.imdb.com/M/title-exact?Small%20Faces%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1661|New Age, The (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?New%20Age,%20The%20(1994)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1662|Rough Magic (1995)|30-May-1997||http://us.imdb.com/M/title-exact?Rough%20Magic%20%281995%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1663|Nothing Personal (1995)|30-Apr-1997||http://us.imdb.com/M/title-exact?Nothing%20Personal%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|1|0 +1664|8 Heads in a Duffel Bag (1997)|18-Apr-1997||http://us.imdb.com/Title?8+Heads+in+a+Duffel+Bag+(1997)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1665|Brother's Kiss, A (1997)|25-Apr-1997||http://us.imdb.com/M/title-exact?Brother%27s%20Kiss%2C%20A%20%281997%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1666|Ripe (1996)|02-May-1997||http://us.imdb.com/M/title-exact?Ripe%20%281996%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1667|Next Step, The (1995)|13-Jun-1997||http://us.imdb.com/M/title-exact?Next%20Step%2C%20The%20%281995%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1668|Wedding Bell Blues (1996)|13-Jun-1997||http://us.imdb.com/M/title-exact?Wedding%20Bell%20Blues%20%281996%29|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1669|MURDER and murder (1996)|20-Jun-1997||http://us.imdb.com/M/title-exact?MURDER+and+murder+(1996)|0|0|0|0|0|0|1|0|1|0|0|0|0|1|0|0|0|0|0 +1670|Tainted (1998)|01-Feb-1998||http://us.imdb.com/M/title-exact?Tainted+(1998)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|1|0|0 +1671|Further Gesture, A (1996)|20-Feb-1998||http://us.imdb.com/M/title-exact?Further+Gesture%2C+A+(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1672|Kika (1993)|01-Jan-1993||http://us.imdb.com/M/title-exact?Kika%20(1993)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1673|Mirage (1995)|01-Jan-1995||http://us.imdb.com/M/title-exact?Mirage%20(1995)|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|0 +1674|Mamma Roma (1962)|01-Jan-1962||http://us.imdb.com/M/title-exact?Mamma%20Roma%20(1962)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1675|Sunchaser, The (1996)|25-Oct-1996||http://us.imdb.com/M/title-exact?Sunchaser,%20The%20(1996)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1676|War at Home, The (1996)|01-Jan-1996||http://us.imdb.com/M/title-exact?War%20at%20Home%2C%20The%20%281996%29|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1677|Sweet Nothing (1995)|20-Sep-1996||http://us.imdb.com/M/title-exact?Sweet%20Nothing%20(1995)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1678|Mat' i syn (1997)|06-Feb-1998||http://us.imdb.com/M/title-exact?Mat%27+i+syn+(1997)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 +1679|B. Monkey (1998)|06-Feb-1998||http://us.imdb.com/M/title-exact?B%2E+Monkey+(1998)|0|0|0|0|0|0|0|0|0|0|0|0|0|0|1|0|1|0|0 +1680|Sliding Doors (1998)|01-Jan-1998||http://us.imdb.com/Title?Sliding+Doors+(1998)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|1|0|0|0|0 +1681|You So Crazy (1994)|01-Jan-1994||http://us.imdb.com/M/title-exact?You%20So%20Crazy%20(1994)|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0|0|0|0 +1682|Scream of Stone (Schrei aus Stein) (1991)|08-Mar-1996||http://us.imdb.com/M/title-exact?Schrei%20aus%20Stein%20(1991)|0|0|0|0|0|0|0|0|1|0|0|0|0|0|0|0|0|0|0 diff --git a/MovieLens Movie Recommendation/Python/ml-100k/u.occupation b/MovieLens Movie Recommendation/Python/ml-100k/u.occupation new file mode 100644 index 00000000..6e4f9e05 --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/u.occupation @@ -0,0 +1,21 @@ +administrator +artist +doctor +educator +engineer +entertainment +executive +healthcare +homemaker +lawyer +librarian +marketing +none +other +programmer +retired +salesman +scientist +student +technician +writer diff --git a/MovieLens Movie Recommendation/Python/ml-100k/u.user b/MovieLens Movie Recommendation/Python/ml-100k/u.user new file mode 100644 index 00000000..53d296f9 --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/u.user @@ -0,0 +1,943 @@ +1|24|M|technician|85711 +2|53|F|other|94043 +3|23|M|writer|32067 +4|24|M|technician|43537 +5|33|F|other|15213 +6|42|M|executive|98101 +7|57|M|administrator|91344 +8|36|M|administrator|05201 +9|29|M|student|01002 +10|53|M|lawyer|90703 +11|39|F|other|30329 +12|28|F|other|06405 +13|47|M|educator|29206 +14|45|M|scientist|55106 +15|49|F|educator|97301 +16|21|M|entertainment|10309 +17|30|M|programmer|06355 +18|35|F|other|37212 +19|40|M|librarian|02138 +20|42|F|homemaker|95660 +21|26|M|writer|30068 +22|25|M|writer|40206 +23|30|F|artist|48197 +24|21|F|artist|94533 +25|39|M|engineer|55107 +26|49|M|engineer|21044 +27|40|F|librarian|30030 +28|32|M|writer|55369 +29|41|M|programmer|94043 +30|7|M|student|55436 +31|24|M|artist|10003 +32|28|F|student|78741 +33|23|M|student|27510 +34|38|F|administrator|42141 +35|20|F|homemaker|42459 +36|19|F|student|93117 +37|23|M|student|55105 +38|28|F|other|54467 +39|41|M|entertainment|01040 +40|38|M|scientist|27514 +41|33|M|engineer|80525 +42|30|M|administrator|17870 +43|29|F|librarian|20854 +44|26|M|technician|46260 +45|29|M|programmer|50233 +46|27|F|marketing|46538 +47|53|M|marketing|07102 +48|45|M|administrator|12550 +49|23|F|student|76111 +50|21|M|writer|52245 +51|28|M|educator|16509 +52|18|F|student|55105 +53|26|M|programmer|55414 +54|22|M|executive|66315 +55|37|M|programmer|01331 +56|25|M|librarian|46260 +57|16|M|none|84010 +58|27|M|programmer|52246 +59|49|M|educator|08403 +60|50|M|healthcare|06472 +61|36|M|engineer|30040 +62|27|F|administrator|97214 +63|31|M|marketing|75240 +64|32|M|educator|43202 +65|51|F|educator|48118 +66|23|M|student|80521 +67|17|M|student|60402 +68|19|M|student|22904 +69|24|M|engineer|55337 +70|27|M|engineer|60067 +71|39|M|scientist|98034 +72|48|F|administrator|73034 +73|24|M|student|41850 +74|39|M|scientist|T8H1N +75|24|M|entertainment|08816 +76|20|M|student|02215 +77|30|M|technician|29379 +78|26|M|administrator|61801 +79|39|F|administrator|03755 +80|34|F|administrator|52241 +81|21|M|student|21218 +82|50|M|programmer|22902 +83|40|M|other|44133 +84|32|M|executive|55369 +85|51|M|educator|20003 +86|26|M|administrator|46005 +87|47|M|administrator|89503 +88|49|F|librarian|11701 +89|43|F|administrator|68106 +90|60|M|educator|78155 +91|55|M|marketing|01913 +92|32|M|entertainment|80525 +93|48|M|executive|23112 +94|26|M|student|71457 +95|31|M|administrator|10707 +96|25|F|artist|75206 +97|43|M|artist|98006 +98|49|F|executive|90291 +99|20|M|student|63129 +100|36|M|executive|90254 +101|15|M|student|05146 +102|38|M|programmer|30220 +103|26|M|student|55108 +104|27|M|student|55108 +105|24|M|engineer|94043 +106|61|M|retired|55125 +107|39|M|scientist|60466 +108|44|M|educator|63130 +109|29|M|other|55423 +110|19|M|student|77840 +111|57|M|engineer|90630 +112|30|M|salesman|60613 +113|47|M|executive|95032 +114|27|M|programmer|75013 +115|31|M|engineer|17110 +116|40|M|healthcare|97232 +117|20|M|student|16125 +118|21|M|administrator|90210 +119|32|M|programmer|67401 +120|47|F|other|06260 +121|54|M|librarian|99603 +122|32|F|writer|22206 +123|48|F|artist|20008 +124|34|M|student|60615 +125|30|M|lawyer|22202 +126|28|F|lawyer|20015 +127|33|M|none|73439 +128|24|F|marketing|20009 +129|36|F|marketing|07039 +130|20|M|none|60115 +131|59|F|administrator|15237 +132|24|M|other|94612 +133|53|M|engineer|78602 +134|31|M|programmer|80236 +135|23|M|student|38401 +136|51|M|other|97365 +137|50|M|educator|84408 +138|46|M|doctor|53211 +139|20|M|student|08904 +140|30|F|student|32250 +141|49|M|programmer|36117 +142|13|M|other|48118 +143|42|M|technician|08832 +144|53|M|programmer|20910 +145|31|M|entertainment|V3N4P +146|45|M|artist|83814 +147|40|F|librarian|02143 +148|33|M|engineer|97006 +149|35|F|marketing|17325 +150|20|F|artist|02139 +151|38|F|administrator|48103 +152|33|F|educator|68767 +153|25|M|student|60641 +154|25|M|student|53703 +155|32|F|other|11217 +156|25|M|educator|08360 +157|57|M|engineer|70808 +158|50|M|educator|27606 +159|23|F|student|55346 +160|27|M|programmer|66215 +161|50|M|lawyer|55104 +162|25|M|artist|15610 +163|49|M|administrator|97212 +164|47|M|healthcare|80123 +165|20|F|other|53715 +166|47|M|educator|55113 +167|37|M|other|L9G2B +168|48|M|other|80127 +169|52|F|other|53705 +170|53|F|healthcare|30067 +171|48|F|educator|78750 +172|55|M|marketing|22207 +173|56|M|other|22306 +174|30|F|administrator|52302 +175|26|F|scientist|21911 +176|28|M|scientist|07030 +177|20|M|programmer|19104 +178|26|M|other|49512 +179|15|M|entertainment|20755 +180|22|F|administrator|60202 +181|26|M|executive|21218 +182|36|M|programmer|33884 +183|33|M|scientist|27708 +184|37|M|librarian|76013 +185|53|F|librarian|97403 +186|39|F|executive|00000 +187|26|M|educator|16801 +188|42|M|student|29440 +189|32|M|artist|95014 +190|30|M|administrator|95938 +191|33|M|administrator|95161 +192|42|M|educator|90840 +193|29|M|student|49931 +194|38|M|administrator|02154 +195|42|M|scientist|93555 +196|49|M|writer|55105 +197|55|M|technician|75094 +198|21|F|student|55414 +199|30|M|writer|17604 +200|40|M|programmer|93402 +201|27|M|writer|E2A4H +202|41|F|educator|60201 +203|25|F|student|32301 +204|52|F|librarian|10960 +205|47|M|lawyer|06371 +206|14|F|student|53115 +207|39|M|marketing|92037 +208|43|M|engineer|01720 +209|33|F|educator|85710 +210|39|M|engineer|03060 +211|66|M|salesman|32605 +212|49|F|educator|61401 +213|33|M|executive|55345 +214|26|F|librarian|11231 +215|35|M|programmer|63033 +216|22|M|engineer|02215 +217|22|M|other|11727 +218|37|M|administrator|06513 +219|32|M|programmer|43212 +220|30|M|librarian|78205 +221|19|M|student|20685 +222|29|M|programmer|27502 +223|19|F|student|47906 +224|31|F|educator|43512 +225|51|F|administrator|58202 +226|28|M|student|92103 +227|46|M|executive|60659 +228|21|F|student|22003 +229|29|F|librarian|22903 +230|28|F|student|14476 +231|48|M|librarian|01080 +232|45|M|scientist|99709 +233|38|M|engineer|98682 +234|60|M|retired|94702 +235|37|M|educator|22973 +236|44|F|writer|53214 +237|49|M|administrator|63146 +238|42|F|administrator|44124 +239|39|M|artist|95628 +240|23|F|educator|20784 +241|26|F|student|20001 +242|33|M|educator|31404 +243|33|M|educator|60201 +244|28|M|technician|80525 +245|22|M|student|55109 +246|19|M|student|28734 +247|28|M|engineer|20770 +248|25|M|student|37235 +249|25|M|student|84103 +250|29|M|executive|95110 +251|28|M|doctor|85032 +252|42|M|engineer|07733 +253|26|F|librarian|22903 +254|44|M|educator|42647 +255|23|M|entertainment|07029 +256|35|F|none|39042 +257|17|M|student|77005 +258|19|F|student|77801 +259|21|M|student|48823 +260|40|F|artist|89801 +261|28|M|administrator|85202 +262|19|F|student|78264 +263|41|M|programmer|55346 +264|36|F|writer|90064 +265|26|M|executive|84601 +266|62|F|administrator|78756 +267|23|M|engineer|83716 +268|24|M|engineer|19422 +269|31|F|librarian|43201 +270|18|F|student|63119 +271|51|M|engineer|22932 +272|33|M|scientist|53706 +273|50|F|other|10016 +274|20|F|student|55414 +275|38|M|engineer|92064 +276|21|M|student|95064 +277|35|F|administrator|55406 +278|37|F|librarian|30033 +279|33|M|programmer|85251 +280|30|F|librarian|22903 +281|15|F|student|06059 +282|22|M|administrator|20057 +283|28|M|programmer|55305 +284|40|M|executive|92629 +285|25|M|programmer|53713 +286|27|M|student|15217 +287|21|M|salesman|31211 +288|34|M|marketing|23226 +289|11|M|none|94619 +290|40|M|engineer|93550 +291|19|M|student|44106 +292|35|F|programmer|94703 +293|24|M|writer|60804 +294|34|M|technician|92110 +295|31|M|educator|50325 +296|43|F|administrator|16803 +297|29|F|educator|98103 +298|44|M|executive|01581 +299|29|M|doctor|63108 +300|26|F|programmer|55106 +301|24|M|student|55439 +302|42|M|educator|77904 +303|19|M|student|14853 +304|22|F|student|71701 +305|23|M|programmer|94086 +306|45|M|other|73132 +307|25|M|student|55454 +308|60|M|retired|95076 +309|40|M|scientist|70802 +310|37|M|educator|91711 +311|32|M|technician|73071 +312|48|M|other|02110 +313|41|M|marketing|60035 +314|20|F|student|08043 +315|31|M|educator|18301 +316|43|F|other|77009 +317|22|M|administrator|13210 +318|65|M|retired|06518 +319|38|M|programmer|22030 +320|19|M|student|24060 +321|49|F|educator|55413 +322|20|M|student|50613 +323|21|M|student|19149 +324|21|F|student|02176 +325|48|M|technician|02139 +326|41|M|administrator|15235 +327|22|M|student|11101 +328|51|M|administrator|06779 +329|48|M|educator|01720 +330|35|F|educator|33884 +331|33|M|entertainment|91344 +332|20|M|student|40504 +333|47|M|other|V0R2M +334|32|M|librarian|30002 +335|45|M|executive|33775 +336|23|M|salesman|42101 +337|37|M|scientist|10522 +338|39|F|librarian|59717 +339|35|M|lawyer|37901 +340|46|M|engineer|80123 +341|17|F|student|44405 +342|25|F|other|98006 +343|43|M|engineer|30093 +344|30|F|librarian|94117 +345|28|F|librarian|94143 +346|34|M|other|76059 +347|18|M|student|90210 +348|24|F|student|45660 +349|68|M|retired|61455 +350|32|M|student|97301 +351|61|M|educator|49938 +352|37|F|programmer|55105 +353|25|M|scientist|28480 +354|29|F|librarian|48197 +355|25|M|student|60135 +356|32|F|homemaker|92688 +357|26|M|executive|98133 +358|40|M|educator|10022 +359|22|M|student|61801 +360|51|M|other|98027 +361|22|M|student|44074 +362|35|F|homemaker|85233 +363|20|M|student|87501 +364|63|M|engineer|01810 +365|29|M|lawyer|20009 +366|20|F|student|50670 +367|17|M|student|37411 +368|18|M|student|92113 +369|24|M|student|91335 +370|52|M|writer|08534 +371|36|M|engineer|99206 +372|25|F|student|66046 +373|24|F|other|55116 +374|36|M|executive|78746 +375|17|M|entertainment|37777 +376|28|F|other|10010 +377|22|M|student|18015 +378|35|M|student|02859 +379|44|M|programmer|98117 +380|32|M|engineer|55117 +381|33|M|artist|94608 +382|45|M|engineer|01824 +383|42|M|administrator|75204 +384|52|M|programmer|45218 +385|36|M|writer|10003 +386|36|M|salesman|43221 +387|33|M|entertainment|37412 +388|31|M|other|36106 +389|44|F|writer|83702 +390|42|F|writer|85016 +391|23|M|student|84604 +392|52|M|writer|59801 +393|19|M|student|83686 +394|25|M|administrator|96819 +395|43|M|other|44092 +396|57|M|engineer|94551 +397|17|M|student|27514 +398|40|M|other|60008 +399|25|M|other|92374 +400|33|F|administrator|78213 +401|46|F|healthcare|84107 +402|30|M|engineer|95129 +403|37|M|other|06811 +404|29|F|programmer|55108 +405|22|F|healthcare|10019 +406|52|M|educator|93109 +407|29|M|engineer|03261 +408|23|M|student|61755 +409|48|M|administrator|98225 +410|30|F|artist|94025 +411|34|M|educator|44691 +412|25|M|educator|15222 +413|55|M|educator|78212 +414|24|M|programmer|38115 +415|39|M|educator|85711 +416|20|F|student|92626 +417|27|F|other|48103 +418|55|F|none|21206 +419|37|M|lawyer|43215 +420|53|M|educator|02140 +421|38|F|programmer|55105 +422|26|M|entertainment|94533 +423|64|M|other|91606 +424|36|F|marketing|55422 +425|19|M|student|58644 +426|55|M|educator|01602 +427|51|M|doctor|85258 +428|28|M|student|55414 +429|27|M|student|29205 +430|38|M|scientist|98199 +431|24|M|marketing|92629 +432|22|M|entertainment|50311 +433|27|M|artist|11211 +434|16|F|student|49705 +435|24|M|engineer|60007 +436|30|F|administrator|17345 +437|27|F|other|20009 +438|51|F|administrator|43204 +439|23|F|administrator|20817 +440|30|M|other|48076 +441|50|M|technician|55013 +442|22|M|student|85282 +443|35|M|salesman|33308 +444|51|F|lawyer|53202 +445|21|M|writer|92653 +446|57|M|educator|60201 +447|30|M|administrator|55113 +448|23|M|entertainment|10021 +449|23|M|librarian|55021 +450|35|F|educator|11758 +451|16|M|student|48446 +452|35|M|administrator|28018 +453|18|M|student|06333 +454|57|M|other|97330 +455|48|M|administrator|83709 +456|24|M|technician|31820 +457|33|F|salesman|30011 +458|47|M|technician|Y1A6B +459|22|M|student|29201 +460|44|F|other|60630 +461|15|M|student|98102 +462|19|F|student|02918 +463|48|F|healthcare|75218 +464|60|M|writer|94583 +465|32|M|other|05001 +466|22|M|student|90804 +467|29|M|engineer|91201 +468|28|M|engineer|02341 +469|60|M|educator|78628 +470|24|M|programmer|10021 +471|10|M|student|77459 +472|24|M|student|87544 +473|29|M|student|94708 +474|51|M|executive|93711 +475|30|M|programmer|75230 +476|28|M|student|60440 +477|23|F|student|02125 +478|29|M|other|10019 +479|30|M|educator|55409 +480|57|M|retired|98257 +481|73|M|retired|37771 +482|18|F|student|40256 +483|29|M|scientist|43212 +484|27|M|student|21208 +485|44|F|educator|95821 +486|39|M|educator|93101 +487|22|M|engineer|92121 +488|48|M|technician|21012 +489|55|M|other|45218 +490|29|F|artist|V5A2B +491|43|F|writer|53711 +492|57|M|educator|94618 +493|22|M|engineer|60090 +494|38|F|administrator|49428 +495|29|M|engineer|03052 +496|21|F|student|55414 +497|20|M|student|50112 +498|26|M|writer|55408 +499|42|M|programmer|75006 +500|28|M|administrator|94305 +501|22|M|student|10025 +502|22|M|student|23092 +503|50|F|writer|27514 +504|40|F|writer|92115 +505|27|F|other|20657 +506|46|M|programmer|03869 +507|18|F|writer|28450 +508|27|M|marketing|19382 +509|23|M|administrator|10011 +510|34|M|other|98038 +511|22|M|student|21250 +512|29|M|other|20090 +513|43|M|administrator|26241 +514|27|M|programmer|20707 +515|53|M|marketing|49508 +516|53|F|librarian|10021 +517|24|M|student|55454 +518|49|F|writer|99709 +519|22|M|other|55320 +520|62|M|healthcare|12603 +521|19|M|student|02146 +522|36|M|engineer|55443 +523|50|F|administrator|04102 +524|56|M|educator|02159 +525|27|F|administrator|19711 +526|30|M|marketing|97124 +527|33|M|librarian|12180 +528|18|M|student|55104 +529|47|F|administrator|44224 +530|29|M|engineer|94040 +531|30|F|salesman|97408 +532|20|M|student|92705 +533|43|M|librarian|02324 +534|20|M|student|05464 +535|45|F|educator|80302 +536|38|M|engineer|30078 +537|36|M|engineer|22902 +538|31|M|scientist|21010 +539|53|F|administrator|80303 +540|28|M|engineer|91201 +541|19|F|student|84302 +542|21|M|student|60515 +543|33|M|scientist|95123 +544|44|F|other|29464 +545|27|M|technician|08052 +546|36|M|executive|22911 +547|50|M|educator|14534 +548|51|M|writer|95468 +549|42|M|scientist|45680 +550|16|F|student|95453 +551|25|M|programmer|55414 +552|45|M|other|68147 +553|58|M|educator|62901 +554|32|M|scientist|62901 +555|29|F|educator|23227 +556|35|F|educator|30606 +557|30|F|writer|11217 +558|56|F|writer|63132 +559|69|M|executive|10022 +560|32|M|student|10003 +561|23|M|engineer|60005 +562|54|F|administrator|20879 +563|39|F|librarian|32707 +564|65|M|retired|94591 +565|40|M|student|55422 +566|20|M|student|14627 +567|24|M|entertainment|10003 +568|39|M|educator|01915 +569|34|M|educator|91903 +570|26|M|educator|14627 +571|34|M|artist|01945 +572|51|M|educator|20003 +573|68|M|retired|48911 +574|56|M|educator|53188 +575|33|M|marketing|46032 +576|48|M|executive|98281 +577|36|F|student|77845 +578|31|M|administrator|M7A1A +579|32|M|educator|48103 +580|16|M|student|17961 +581|37|M|other|94131 +582|17|M|student|93003 +583|44|M|engineer|29631 +584|25|M|student|27511 +585|69|M|librarian|98501 +586|20|M|student|79508 +587|26|M|other|14216 +588|18|F|student|93063 +589|21|M|lawyer|90034 +590|50|M|educator|82435 +591|57|F|librarian|92093 +592|18|M|student|97520 +593|31|F|educator|68767 +594|46|M|educator|M4J2K +595|25|M|programmer|31909 +596|20|M|artist|77073 +597|23|M|other|84116 +598|40|F|marketing|43085 +599|22|F|student|R3T5K +600|34|M|programmer|02320 +601|19|F|artist|99687 +602|47|F|other|34656 +603|21|M|programmer|47905 +604|39|M|educator|11787 +605|33|M|engineer|33716 +606|28|M|programmer|63044 +607|49|F|healthcare|02154 +608|22|M|other|10003 +609|13|F|student|55106 +610|22|M|student|21227 +611|46|M|librarian|77008 +612|36|M|educator|79070 +613|37|F|marketing|29678 +614|54|M|educator|80227 +615|38|M|educator|27705 +616|55|M|scientist|50613 +617|27|F|writer|11201 +618|15|F|student|44212 +619|17|M|student|44134 +620|18|F|writer|81648 +621|17|M|student|60402 +622|25|M|programmer|14850 +623|50|F|educator|60187 +624|19|M|student|30067 +625|27|M|programmer|20723 +626|23|M|scientist|19807 +627|24|M|engineer|08034 +628|13|M|none|94306 +629|46|F|other|44224 +630|26|F|healthcare|55408 +631|18|F|student|38866 +632|18|M|student|55454 +633|35|M|programmer|55414 +634|39|M|engineer|T8H1N +635|22|M|other|23237 +636|47|M|educator|48043 +637|30|M|other|74101 +638|45|M|engineer|01940 +639|42|F|librarian|12065 +640|20|M|student|61801 +641|24|M|student|60626 +642|18|F|student|95521 +643|39|M|scientist|55122 +644|51|M|retired|63645 +645|27|M|programmer|53211 +646|17|F|student|51250 +647|40|M|educator|45810 +648|43|M|engineer|91351 +649|20|M|student|39762 +650|42|M|engineer|83814 +651|65|M|retired|02903 +652|35|M|other|22911 +653|31|M|executive|55105 +654|27|F|student|78739 +655|50|F|healthcare|60657 +656|48|M|educator|10314 +657|26|F|none|78704 +658|33|M|programmer|92626 +659|31|M|educator|54248 +660|26|M|student|77380 +661|28|M|programmer|98121 +662|55|M|librarian|19102 +663|26|M|other|19341 +664|30|M|engineer|94115 +665|25|M|administrator|55412 +666|44|M|administrator|61820 +667|35|M|librarian|01970 +668|29|F|writer|10016 +669|37|M|other|20009 +670|30|M|technician|21114 +671|21|M|programmer|91919 +672|54|F|administrator|90095 +673|51|M|educator|22906 +674|13|F|student|55337 +675|34|M|other|28814 +676|30|M|programmer|32712 +677|20|M|other|99835 +678|50|M|educator|61462 +679|20|F|student|54302 +680|33|M|lawyer|90405 +681|44|F|marketing|97208 +682|23|M|programmer|55128 +683|42|M|librarian|23509 +684|28|M|student|55414 +685|32|F|librarian|55409 +686|32|M|educator|26506 +687|31|F|healthcare|27713 +688|37|F|administrator|60476 +689|25|M|other|45439 +690|35|M|salesman|63304 +691|34|M|educator|60089 +692|34|M|engineer|18053 +693|43|F|healthcare|85210 +694|60|M|programmer|06365 +695|26|M|writer|38115 +696|55|M|other|94920 +697|25|M|other|77042 +698|28|F|programmer|06906 +699|44|M|other|96754 +700|17|M|student|76309 +701|51|F|librarian|56321 +702|37|M|other|89104 +703|26|M|educator|49512 +704|51|F|librarian|91105 +705|21|F|student|54494 +706|23|M|student|55454 +707|56|F|librarian|19146 +708|26|F|homemaker|96349 +709|21|M|other|N4T1A +710|19|M|student|92020 +711|22|F|student|15203 +712|22|F|student|54901 +713|42|F|other|07204 +714|26|M|engineer|55343 +715|21|M|technician|91206 +716|36|F|administrator|44265 +717|24|M|technician|84105 +718|42|M|technician|64118 +719|37|F|other|V0R2H +720|49|F|administrator|16506 +721|24|F|entertainment|11238 +722|50|F|homemaker|17331 +723|26|M|executive|94403 +724|31|M|executive|40243 +725|21|M|student|91711 +726|25|F|administrator|80538 +727|25|M|student|78741 +728|58|M|executive|94306 +729|19|M|student|56567 +730|31|F|scientist|32114 +731|41|F|educator|70403 +732|28|F|other|98405 +733|44|F|other|60630 +734|25|F|other|63108 +735|29|F|healthcare|85719 +736|48|F|writer|94618 +737|30|M|programmer|98072 +738|35|M|technician|95403 +739|35|M|technician|73162 +740|25|F|educator|22206 +741|25|M|writer|63108 +742|35|M|student|29210 +743|31|M|programmer|92660 +744|35|M|marketing|47024 +745|42|M|writer|55113 +746|25|M|engineer|19047 +747|19|M|other|93612 +748|28|M|administrator|94720 +749|33|M|other|80919 +750|28|M|administrator|32303 +751|24|F|other|90034 +752|60|M|retired|21201 +753|56|M|salesman|91206 +754|59|F|librarian|62901 +755|44|F|educator|97007 +756|30|F|none|90247 +757|26|M|student|55104 +758|27|M|student|53706 +759|20|F|student|68503 +760|35|F|other|14211 +761|17|M|student|97302 +762|32|M|administrator|95050 +763|27|M|scientist|02113 +764|27|F|educator|62903 +765|31|M|student|33066 +766|42|M|other|10960 +767|70|M|engineer|00000 +768|29|M|administrator|12866 +769|39|M|executive|06927 +770|28|M|student|14216 +771|26|M|student|15232 +772|50|M|writer|27105 +773|20|M|student|55414 +774|30|M|student|80027 +775|46|M|executive|90036 +776|30|M|librarian|51157 +777|63|M|programmer|01810 +778|34|M|student|01960 +779|31|M|student|K7L5J +780|49|M|programmer|94560 +781|20|M|student|48825 +782|21|F|artist|33205 +783|30|M|marketing|77081 +784|47|M|administrator|91040 +785|32|M|engineer|23322 +786|36|F|engineer|01754 +787|18|F|student|98620 +788|51|M|administrator|05779 +789|29|M|other|55420 +790|27|M|technician|80913 +791|31|M|educator|20064 +792|40|M|programmer|12205 +793|22|M|student|85281 +794|32|M|educator|57197 +795|30|M|programmer|08610 +796|32|F|writer|33755 +797|44|F|other|62522 +798|40|F|writer|64131 +799|49|F|administrator|19716 +800|25|M|programmer|55337 +801|22|M|writer|92154 +802|35|M|administrator|34105 +803|70|M|administrator|78212 +804|39|M|educator|61820 +805|27|F|other|20009 +806|27|M|marketing|11217 +807|41|F|healthcare|93555 +808|45|M|salesman|90016 +809|50|F|marketing|30803 +810|55|F|other|80526 +811|40|F|educator|73013 +812|22|M|technician|76234 +813|14|F|student|02136 +814|30|M|other|12345 +815|32|M|other|28806 +816|34|M|other|20755 +817|19|M|student|60152 +818|28|M|librarian|27514 +819|59|M|administrator|40205 +820|22|M|student|37725 +821|37|M|engineer|77845 +822|29|F|librarian|53144 +823|27|M|artist|50322 +824|31|M|other|15017 +825|44|M|engineer|05452 +826|28|M|artist|77048 +827|23|F|engineer|80228 +828|28|M|librarian|85282 +829|48|M|writer|80209 +830|46|M|programmer|53066 +831|21|M|other|33765 +832|24|M|technician|77042 +833|34|M|writer|90019 +834|26|M|other|64153 +835|44|F|executive|11577 +836|44|M|artist|10018 +837|36|F|artist|55409 +838|23|M|student|01375 +839|38|F|entertainment|90814 +840|39|M|artist|55406 +841|45|M|doctor|47401 +842|40|M|writer|93055 +843|35|M|librarian|44212 +844|22|M|engineer|95662 +845|64|M|doctor|97405 +846|27|M|lawyer|47130 +847|29|M|student|55417 +848|46|M|engineer|02146 +849|15|F|student|25652 +850|34|M|technician|78390 +851|18|M|other|29646 +852|46|M|administrator|94086 +853|49|M|writer|40515 +854|29|F|student|55408 +855|53|M|librarian|04988 +856|43|F|marketing|97215 +857|35|F|administrator|V1G4L +858|63|M|educator|09645 +859|18|F|other|06492 +860|70|F|retired|48322 +861|38|F|student|14085 +862|25|M|executive|13820 +863|17|M|student|60089 +864|27|M|programmer|63021 +865|25|M|artist|11231 +866|45|M|other|60302 +867|24|M|scientist|92507 +868|21|M|programmer|55303 +869|30|M|student|10025 +870|22|M|student|65203 +871|31|M|executive|44648 +872|19|F|student|74078 +873|48|F|administrator|33763 +874|36|M|scientist|37076 +875|24|F|student|35802 +876|41|M|other|20902 +877|30|M|other|77504 +878|50|F|educator|98027 +879|33|F|administrator|55337 +880|13|M|student|83702 +881|39|M|marketing|43017 +882|35|M|engineer|40503 +883|49|M|librarian|50266 +884|44|M|engineer|55337 +885|30|F|other|95316 +886|20|M|student|61820 +887|14|F|student|27249 +888|41|M|scientist|17036 +889|24|M|technician|78704 +890|32|M|student|97301 +891|51|F|administrator|03062 +892|36|M|other|45243 +893|25|M|student|95823 +894|47|M|educator|74075 +895|31|F|librarian|32301 +896|28|M|writer|91505 +897|30|M|other|33484 +898|23|M|homemaker|61755 +899|32|M|other|55116 +900|60|M|retired|18505 +901|38|M|executive|L1V3W +902|45|F|artist|97203 +903|28|M|educator|20850 +904|17|F|student|61073 +905|27|M|other|30350 +906|45|M|librarian|70124 +907|25|F|other|80526 +908|44|F|librarian|68504 +909|50|F|educator|53171 +910|28|M|healthcare|29301 +911|37|F|writer|53210 +912|51|M|other|06512 +913|27|M|student|76201 +914|44|F|other|08105 +915|50|M|entertainment|60614 +916|27|M|engineer|N2L5N +917|22|F|student|20006 +918|40|M|scientist|70116 +919|25|M|other|14216 +920|30|F|artist|90008 +921|20|F|student|98801 +922|29|F|administrator|21114 +923|21|M|student|E2E3R +924|29|M|other|11753 +925|18|F|salesman|49036 +926|49|M|entertainment|01701 +927|23|M|programmer|55428 +928|21|M|student|55408 +929|44|M|scientist|53711 +930|28|F|scientist|07310 +931|60|M|educator|33556 +932|58|M|educator|06437 +933|28|M|student|48105 +934|61|M|engineer|22902 +935|42|M|doctor|66221 +936|24|M|other|32789 +937|48|M|educator|98072 +938|38|F|technician|55038 +939|26|F|student|33319 +940|32|M|administrator|02215 +941|20|M|student|97229 +942|48|F|librarian|78209 +943|22|M|student|77841 diff --git a/MovieLens Movie Recommendation/Python/ml-100k/u1.base b/MovieLens Movie Recommendation/Python/ml-100k/u1.base new file mode 100644 index 00000000..32610208 --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/u1.base @@ -0,0 +1,80000 @@ +1 1 5 874965758 +1 2 3 876893171 +1 3 4 878542960 +1 4 3 876893119 +1 5 3 889751712 +1 7 4 875071561 +1 8 1 875072484 +1 9 5 878543541 +1 11 2 875072262 +1 13 5 875071805 +1 15 5 875071608 +1 16 5 878543541 +1 18 4 887432020 +1 19 5 875071515 +1 21 1 878542772 +1 22 4 875072404 +1 25 4 875071805 +1 26 3 875072442 +1 28 4 875072173 +1 29 1 878542869 +1 30 3 878542515 +1 32 5 888732909 +1 34 2 878542869 +1 35 1 878542420 +1 37 2 878543030 +1 38 3 878543075 +1 40 3 876893230 +1 41 2 876892818 +1 42 5 876892425 +1 43 4 878542869 +1 45 5 875241687 +1 46 4 876893230 +1 48 5 875072520 +1 50 5 874965954 +1 52 4 875072205 +1 55 5 875072688 +1 57 5 878542459 +1 58 4 878542960 +1 59 5 876892817 +1 63 2 878543196 +1 66 4 878543030 +1 68 4 875072688 +1 71 3 876892425 +1 75 4 878543238 +1 77 4 876893205 +1 79 4 875072865 +1 83 3 875072370 +1 87 5 878543541 +1 88 4 878542791 +1 89 5 875072484 +1 93 5 875071484 +1 94 2 875072956 +1 95 4 875072303 +1 99 3 875072547 +1 101 2 878542845 +1 105 2 875240739 +1 106 4 875241390 +1 109 5 874965739 +1 110 1 878542845 +1 111 5 889751711 +1 115 5 878541637 +1 116 3 878542960 +1 119 5 876893098 +1 122 3 875241498 +1 123 4 875071541 +1 124 5 875071484 +1 126 2 875071713 +1 127 5 874965706 +1 131 1 878542552 +1 133 4 876892818 +1 135 4 875072404 +1 136 3 876893206 +1 137 5 875071541 +1 138 1 878543006 +1 139 3 878543216 +1 141 3 878542608 +1 142 2 878543238 +1 144 4 875073180 +1 146 4 875071561 +1 147 3 875240993 +1 149 2 878542791 +1 152 5 878542589 +1 153 3 876893230 +1 156 4 874965556 +1 158 3 878542699 +1 162 4 878542420 +1 165 5 874965518 +1 166 5 874965677 +1 167 2 878542383 +1 168 5 874965478 +1 169 5 878543541 +1 172 5 874965478 +1 173 5 878541803 +1 176 5 876892468 +1 178 5 878543541 +1 179 3 875072370 +1 181 5 874965739 +1 182 4 875072520 +1 187 4 874965678 +1 191 5 875072956 +1 192 4 875072547 +1 194 4 876892743 +1 195 5 876892855 +1 197 5 875072956 +1 198 5 878542717 +1 199 4 875072262 +1 203 4 878542231 +1 204 5 875072688 +1 205 3 878542909 +1 207 5 875073067 +1 211 3 878541970 +1 216 5 876892701 +1 217 3 876892676 +1 220 3 875241390 +1 223 5 876892918 +1 231 1 876893031 +1 234 4 876892355 +1 237 2 875071749 +1 238 4 875072235 +1 239 4 878542845 +1 240 3 875071898 +1 244 2 887431973 +1 245 2 875071713 +1 246 5 874965905 +1 247 1 875241619 +1 249 4 874965970 +1 251 4 875071843 +1 256 4 889751712 +1 257 4 874965954 +1 261 1 875692992 +1 263 1 875693007 +1 268 5 875692927 +1 269 5 877482427 +1 270 5 888732827 +1 271 2 887431672 +2 1 4 888550871 +2 10 2 888551853 +2 14 4 888551853 +2 25 4 888551648 +2 100 5 888552084 +2 111 4 888551853 +2 127 5 888552084 +2 237 4 888552017 +2 242 5 888552084 +2 255 4 888551341 +2 258 3 888549961 +2 269 4 888550774 +2 272 5 888979061 +2 273 4 888551647 +2 274 3 888551497 +2 275 5 888550939 +2 276 4 888551552 +2 277 4 888551174 +2 278 3 888551647 +2 282 4 888551922 +2 283 5 888552084 +2 284 4 888552017 +2 285 5 888552084 +2 286 4 888549960 +2 287 3 888551235 +2 288 3 888550252 +2 289 3 888979353 +2 291 3 888551647 +2 293 4 888550939 +2 294 1 888551648 +2 295 4 888551164 +2 296 3 888550871 +2 300 4 888979197 +2 302 5 888552084 +2 304 4 888979197 +2 305 3 888550065 +2 306 4 888550774 +2 309 1 888980029 +2 310 4 888979061 +2 311 5 888552084 +3 181 4 889237482 +3 258 2 889237026 +3 260 4 889237455 +3 268 3 889236961 +3 271 3 889237224 +3 288 2 889237026 +3 302 2 889236939 +3 303 3 889236983 +3 317 2 889237482 +3 319 2 889237026 +3 320 5 889237482 +3 321 5 889237455 +3 322 3 889237269 +3 325 1 889237297 +3 326 2 889237224 +3 329 4 889237455 +3 333 2 889236939 +3 336 1 889237198 +3 338 2 889237297 +3 339 3 889237141 +3 340 5 889237455 +3 342 4 889237174 +3 344 4 889236939 +3 346 5 889237455 +3 347 5 889237455 +3 352 2 889237055 +3 353 1 889237122 +3 355 3 889237247 +4 11 4 892004520 +4 210 3 892003374 +4 258 5 892001374 +4 271 4 892001690 +4 300 5 892001445 +4 301 5 892002353 +4 324 5 892002353 +4 327 5 892002352 +4 328 3 892001537 +4 329 5 892002352 +4 358 2 892004275 +4 359 5 892002352 +4 360 5 892002352 +4 362 5 892002352 +5 21 3 875635327 +5 25 3 875635318 +5 29 4 875637023 +5 50 4 875635758 +5 63 1 878844629 +5 66 1 875721019 +5 70 4 875636389 +5 95 4 875721168 +5 99 3 875721216 +5 101 5 878844510 +5 105 3 875635443 +5 121 4 875635189 +5 135 4 875637536 +5 145 1 875720830 +5 151 3 875635723 +5 162 1 875721572 +5 163 5 879197864 +5 168 3 875636691 +5 169 5 878844495 +5 172 5 875636130 +5 174 5 875636130 +5 181 5 875635757 +5 183 4 875636014 +5 186 5 875636375 +5 189 5 878844495 +5 194 4 878845197 +5 200 2 875720717 +5 204 4 875636675 +5 208 4 875636675 +5 210 3 875636099 +5 216 1 875720967 +5 226 3 875635962 +5 228 5 875636070 +5 229 2 875635947 +5 233 4 875729064 +5 235 4 875635384 +5 239 4 875636655 +5 250 3 875635265 +5 257 5 875635239 +5 365 1 875637144 +5 366 3 875637145 +5 367 3 875636281 +5 368 1 875635457 +5 371 1 875720967 +5 373 3 875635907 +5 374 3 875636905 +5 375 3 875637587 +5 378 1 875721167 +5 380 3 875637191 +5 381 1 875636540 +5 383 3 875636588 +5 386 2 875636230 +5 387 3 875637419 +5 390 5 875636340 +5 392 2 875637330 +5 395 2 879198898 +5 396 5 875636265 +5 398 2 875636167 +5 399 3 875635947 +5 401 5 875636308 +5 404 2 875721216 +5 405 3 875635225 +5 406 1 875635807 +5 408 5 878844495 +5 409 2 878844651 +5 412 3 875635416 +5 414 3 875636691 +5 415 1 875636842 +5 416 1 875721196 +5 419 3 875636815 +5 420 3 875721168 +5 425 2 875637440 +5 427 3 875721167 +5 430 5 875636631 +5 431 3 875636099 +5 432 4 875636793 +5 434 5 875637033 +5 437 1 878844423 +5 438 1 878844423 +5 440 1 878844423 +5 442 1 879198898 +5 443 4 875720744 +5 446 4 875720845 +5 447 3 875720744 +5 448 2 875720692 +5 449 2 875636099 +5 450 1 875635962 +5 451 1 875636571 +5 452 1 878844397 +5 455 4 875635174 +5 456 1 875636375 +6 1 4 883599478 +6 7 2 883599102 +6 8 4 883600657 +6 9 4 883599205 +6 12 4 883601053 +6 13 2 883599400 +6 21 3 883600152 +6 22 3 883602048 +6 47 3 883600943 +6 50 4 883600842 +6 64 4 883600597 +6 71 4 883601053 +6 79 3 883600747 +6 89 4 883600842 +6 111 2 883599478 +6 127 5 883599134 +6 132 5 883602422 +6 137 5 883599327 +6 153 4 883603013 +6 165 5 883600747 +6 166 4 883601426 +6 168 4 883602865 +6 169 4 883600943 +6 170 4 883602574 +6 173 5 883602462 +6 174 4 883600985 +6 177 4 883600818 +6 178 4 883600785 +6 182 4 883268776 +6 185 5 883601393 +6 186 4 883602730 +6 191 4 883601088 +6 192 4 883600914 +6 194 4 883601365 +6 200 3 883602422 +6 202 3 883602690 +6 203 3 883602864 +6 216 5 883601500 +6 223 4 883600747 +6 237 2 883599914 +6 242 4 883268170 +6 246 3 883599509 +6 257 2 883599478 +6 259 1 883268375 +6 261 3 883268522 +6 268 3 883268406 +6 272 4 883717304 +6 274 4 883602501 +6 285 3 883599431 +6 293 3 883599327 +6 298 3 883599558 +6 302 4 883268222 +6 303 3 883268321 +6 306 4 883268246 +6 308 3 883600445 +6 309 2 883268430 +6 310 2 883268353 +6 317 3 883602174 +6 321 3 883268353 +6 340 2 883268278 +6 367 2 883602690 +6 405 1 883600066 +6 408 4 883599075 +6 410 4 883599707 +6 419 4 883602284 +6 425 3 883602865 +6 427 4 883600707 +6 435 4 883601529 +6 460 2 883600004 +6 461 4 883601393 +6 462 5 883600914 +6 464 2 883601365 +6 465 1 883683508 +6 468 3 883602174 +6 472 1 883600003 +6 473 2 883600111 +6 474 5 883601277 +6 482 4 883601203 +6 485 5 883602664 +6 489 5 883601011 +6 490 5 883601365 +6 491 4 883602174 +6 493 5 883601713 +6 494 4 883601713 +6 495 4 883601366 +6 496 4 883601155 +6 497 4 883601088 +6 501 5 883602730 +6 502 4 883602664 +6 503 3 883602133 +6 504 3 883601155 +6 505 4 883602422 +6 507 4 883601310 +6 510 4 883600785 +6 512 4 883601155 +6 514 5 883600657 +6 516 4 883602664 +6 519 5 883601365 +6 520 4 883600985 +6 522 5 883601500 +6 527 4 883600877 +6 529 4 883601459 +6 530 4 883601203 +6 531 4 883600747 +6 533 4 883599830 +6 535 2 883600030 +6 536 4 883599400 +6 537 4 883601277 +6 538 2 883268483 +6 539 2 883681433 +7 4 5 891351772 +7 9 5 891351432 +7 11 3 891352451 +7 12 5 892135346 +7 23 3 891351383 +7 25 3 891352451 +7 27 4 891352692 +7 29 3 891353828 +7 31 4 892134959 +7 39 5 891353614 +7 47 5 891352692 +7 50 5 891351042 +7 51 2 891352984 +7 52 4 891353801 +7 56 5 891351432 +7 62 3 891354499 +7 64 5 891350756 +7 68 4 891351547 +7 69 5 891351728 +7 70 1 891352557 +7 71 5 891352692 +7 73 3 892133154 +7 77 5 891353325 +7 80 4 891354381 +7 86 4 891350810 +7 91 3 891353860 +7 96 5 891351383 +7 97 5 891351201 +7 98 4 891351002 +7 99 5 891352557 +7 100 5 891351082 +7 125 4 891353192 +7 132 5 891351287 +7 134 4 892134959 +7 135 5 891351547 +7 140 5 891353124 +7 141 5 891353444 +7 143 3 892132627 +7 144 5 891351201 +7 145 1 891354530 +7 152 4 891351851 +7 157 5 891352059 +7 164 5 891351813 +7 173 5 891351002 +7 175 5 892133057 +7 178 4 891350932 +7 179 5 891352303 +7 180 5 891350782 +7 186 4 891350900 +7 187 4 891350757 +7 192 4 891352010 +7 194 5 891351851 +7 197 4 891351082 +7 198 3 891351685 +7 199 5 892135346 +7 201 2 891351471 +7 202 3 891352947 +7 204 5 891351121 +7 211 5 891352557 +7 213 3 891351686 +7 214 5 891352384 +7 215 4 891351624 +7 216 4 891350900 +7 217 4 891352778 +7 219 1 892131924 +7 229 3 891352384 +7 230 3 891353326 +7 231 3 892132885 +7 234 5 891351041 +7 237 5 891351772 +7 238 5 891351814 +7 258 4 892135277 +7 265 5 891350845 +7 275 4 891352831 +7 286 4 891350703 +7 294 1 892130809 +7 309 3 891350704 +7 317 4 892133670 +7 318 5 891352010 +7 324 1 892135078 +7 341 3 892333206 +7 356 4 891351728 +7 357 5 892135347 +7 365 4 891353744 +7 367 5 891350810 +7 379 4 891353325 +7 380 4 891354053 +7 384 3 891353710 +7 386 4 892133310 +7 387 3 892133670 +7 391 3 892132943 +7 402 5 891352904 +7 403 4 891351234 +7 405 3 891353290 +7 415 2 891354438 +7 416 5 891353051 +7 417 3 892132652 +7 419 3 891350900 +7 421 3 891352134 +7 427 5 891352220 +7 429 5 891351002 +7 433 5 892135347 +7 434 4 891352384 +7 436 5 891351471 +7 440 1 892131978 +7 441 2 891354257 +7 443 5 891353254 +7 444 5 891354288 +7 446 2 892132020 +7 447 5 891350900 +7 449 3 891354785 +7 452 5 891353860 +7 463 4 891353192 +7 465 4 891353154 +7 470 3 891352489 +7 474 5 891351002 +7 487 3 891352178 +7 488 4 891351041 +7 499 4 891351472 +7 502 5 891352261 +7 503 4 891353950 +7 506 5 891353614 +7 507 5 891352383 +7 509 5 891352778 +7 510 5 891352134 +7 513 4 891351772 +7 521 5 891353124 +7 523 4 891350845 +7 527 5 891351772 +7 529 2 891352626 +7 540 3 892132972 +7 544 3 891353254 +7 545 2 891354882 +7 546 4 891353444 +7 547 3 891353710 +7 549 4 891353086 +7 551 1 892131978 +7 552 4 891354531 +7 556 3 891352659 +7 557 4 892132145 +7 558 4 892131924 +7 561 4 891354611 +7 565 4 892132019 +7 566 4 891353411 +7 568 5 891352261 +7 569 4 892131978 +7 571 3 891353950 +7 572 3 891354331 +7 573 5 891353828 +7 574 5 892132402 +7 575 3 892133271 +7 577 2 892133310 +7 578 3 891354090 +7 583 2 892132380 +7 584 4 891352093 +7 585 4 892133180 +7 586 3 891354639 +7 588 4 891352261 +7 590 2 891354730 +7 591 3 891352179 +7 592 5 891353652 +7 593 5 891351851 +7 594 3 891354114 +7 595 2 891353801 +7 596 5 891351728 +7 597 3 891353744 +7 598 3 891353801 +7 600 4 891354090 +7 601 5 891353744 +7 602 3 891352594 +7 603 4 891350757 +7 605 4 891353290 +7 606 3 891352904 +7 607 3 891352831 +7 609 3 891352749 +7 610 5 891353086 +7 611 3 891351161 +7 612 5 891351121 +7 613 4 891352010 +7 615 4 891351585 +7 616 4 891351002 +7 617 5 891354588 +7 620 4 891353892 +7 625 3 892131824 +7 628 3 891352831 +7 629 3 891352526 +7 631 4 891352984 +7 632 5 891352261 +7 634 5 891351287 +7 635 3 891352864 +7 638 4 892132122 +7 639 5 891353676 +7 640 3 891353614 +7 641 5 892135346 +7 646 5 891351383 +7 649 5 891353254 +7 651 5 891350932 +7 652 3 891352659 +7 655 5 891351384 +7 656 3 891351509 +7 660 5 891353051 +7 663 5 891352220 +7 664 3 891353977 +7 665 4 891354471 +7 666 4 892132192 +7 668 4 891352778 +7 670 5 891353254 +7 671 5 891351728 +7 672 1 892131925 +7 677 3 891354499 +7 678 3 891350356 +7 679 5 891353124 +7 682 2 891350383 +8 11 3 879362233 +8 55 5 879362286 +8 82 5 879362356 +8 96 3 879362183 +8 174 5 879362183 +8 177 4 879362233 +8 181 4 879362183 +8 187 4 879362123 +8 195 5 879362287 +8 222 5 879362356 +8 227 4 879362423 +8 228 5 879362286 +8 229 5 879362356 +8 233 4 879362423 +8 241 4 879362423 +8 243 2 879361732 +8 259 1 879361604 +8 260 3 879361665 +8 273 3 879362287 +8 336 3 879361664 +8 341 2 879361825 +8 358 2 879361732 +8 403 4 879362234 +8 431 2 879362356 +8 435 5 879362233 +8 510 4 879362233 +8 518 4 879362422 +8 566 3 879362423 +8 684 4 879362356 +8 688 1 879361732 +9 7 4 886960030 +9 50 5 886960055 +9 201 5 886960055 +9 242 4 886958715 +9 276 4 886959423 +9 294 4 886959453 +9 371 5 886960055 +9 385 5 886960055 +9 402 4 886959343 +9 483 5 886960056 +9 615 4 886959344 +9 690 1 886959344 +10 9 4 877889005 +10 11 4 877888677 +10 12 5 877886911 +10 23 5 877886911 +10 32 4 877886661 +10 33 4 877893020 +10 40 4 877892438 +10 50 5 877888545 +10 59 4 877886722 +10 60 3 877892110 +10 69 4 877889131 +10 70 4 877891747 +10 82 4 877886912 +10 85 4 877892438 +10 93 4 877892160 +10 116 4 877888944 +10 129 4 877891966 +10 134 5 877889131 +10 137 4 877889186 +10 153 4 877886722 +10 157 5 877889004 +10 161 4 877892050 +10 162 4 877892210 +10 170 4 877889333 +10 174 4 877886661 +10 178 5 877888677 +10 179 5 877889004 +10 180 5 877889333 +10 182 5 877888876 +10 185 5 877888876 +10 192 4 877891966 +10 197 5 877888944 +10 198 3 877889005 +10 205 5 877888812 +10 211 5 877889130 +10 216 4 877889333 +10 221 4 877888677 +10 230 4 877892210 +10 238 4 877892276 +10 245 4 877886281 +10 273 4 877888613 +10 274 4 877889333 +10 276 4 877891904 +10 286 4 877886162 +10 302 4 877886162 +10 319 3 877886223 +10 333 4 877886359 +10 334 4 877886281 +10 357 5 877889186 +10 404 4 877886911 +10 414 4 877891966 +10 430 3 877886597 +10 432 4 877892160 +10 462 3 877891747 +10 467 4 877891904 +10 470 4 877891747 +10 478 5 877889004 +10 479 5 877891966 +10 480 5 877888943 +10 482 4 877889262 +10 484 5 877891904 +10 499 4 877893021 +10 502 4 877889261 +10 510 5 877892209 +10 511 4 877888877 +10 513 4 877886598 +10 518 4 877886722 +10 525 5 877892210 +10 527 4 877886597 +10 529 3 877892438 +10 530 4 877892210 +10 531 5 877886911 +10 582 4 877892276 +10 589 5 877891905 +10 602 5 877889057 +10 604 4 877892110 +10 606 5 877888876 +10 610 4 877888613 +10 617 5 877892160 +10 629 4 877886722 +10 654 5 877886597 +10 663 3 877886598 +10 664 4 877886911 +10 686 4 877886911 +10 692 4 877889261 +10 693 4 877886783 +10 694 5 877892437 +10 697 3 877888677 +10 699 4 877893020 +10 700 4 877892277 +10 701 4 877888812 +10 707 5 877886783 +10 708 4 877892438 +10 709 4 877888613 +11 8 4 891904949 +11 11 2 891904271 +11 15 5 891903067 +11 24 3 891904016 +11 25 3 891903836 +11 28 5 891904241 +11 29 3 891904805 +11 39 3 891905824 +11 42 3 891905058 +11 52 3 891904335 +11 54 3 891905936 +11 56 4 891904949 +11 57 2 891904552 +11 58 3 891904596 +11 69 3 891904270 +11 70 4 891904573 +11 79 4 891905783 +11 83 5 891904335 +11 86 4 891904551 +11 88 3 891905003 +11 98 2 891905783 +11 107 4 891903276 +11 121 3 891902745 +11 123 3 891902745 +11 125 4 891903108 +11 168 3 891904949 +11 173 5 891904920 +11 176 3 891905783 +11 180 2 891904335 +11 196 5 891904270 +11 208 4 891905032 +11 211 3 891905003 +11 213 4 891906389 +11 222 3 891902718 +11 228 3 891905824 +11 229 4 891905878 +11 237 4 891903005 +11 238 3 891905032 +11 239 4 891904617 +11 258 5 891901696 +11 259 3 891902270 +11 274 3 891906510 +11 286 5 891901606 +11 290 3 891903877 +11 301 4 891902157 +11 317 4 891904174 +11 318 5 891904194 +11 324 1 891902222 +11 332 5 891901769 +11 356 4 891906327 +11 357 5 891904241 +11 365 3 891904764 +11 367 3 891905058 +11 370 3 891902880 +11 372 4 891904968 +11 382 3 891904573 +11 386 3 891905279 +11 393 4 891905222 +11 399 3 891905279 +11 401 3 891905324 +11 405 3 891904016 +11 414 3 891905393 +11 423 5 891904174 +11 427 4 891904300 +11 430 3 891905032 +11 431 2 891905896 +11 433 4 891905003 +11 434 4 891904270 +11 449 3 891906327 +11 451 2 891905003 +11 504 3 891905856 +11 508 4 891903005 +11 526 3 891904859 +11 527 4 891904335 +11 544 4 891903226 +11 549 4 891904617 +11 577 3 891905555 +11 580 5 891905222 +11 603 4 891905783 +11 646 3 891904389 +11 654 3 891905856 +11 659 5 891904920 +11 662 3 891904300 +11 690 4 891901716 +11 692 4 891905003 +11 699 4 891904389 +11 707 5 891906389 +11 715 3 891904764 +11 716 3 891905058 +11 717 2 891902815 +11 718 5 891903836 +11 719 3 891905279 +11 724 3 891904551 +11 727 3 891904335 +11 728 3 891905366 +11 729 4 891904637 +11 731 4 891904789 +11 737 4 891904789 +11 738 3 891905324 +11 742 3 891902815 +11 745 5 891905324 +11 747 3 891906426 +11 748 1 891902270 +11 749 5 891901797 +11 750 5 891901629 +12 4 5 879960826 +12 69 5 879958902 +12 88 5 879960826 +12 98 5 879959068 +12 127 4 879959488 +12 133 4 879959670 +12 159 4 879959306 +12 161 5 879959553 +12 168 4 879959513 +12 170 4 879959374 +12 174 5 879958969 +12 195 4 879959670 +12 202 4 879959514 +12 203 3 879959583 +12 215 4 879959553 +12 216 5 879960826 +12 228 4 879959465 +12 238 5 879960826 +12 242 5 879960826 +12 328 4 879958742 +12 392 4 879959025 +12 416 3 879959025 +12 480 4 879959161 +12 591 5 879959212 +12 708 3 879959394 +13 1 3 882140487 +13 4 5 882141306 +13 5 1 882396869 +13 7 2 882396790 +13 8 4 882140001 +13 9 3 882140205 +13 12 5 881515011 +13 13 5 882141617 +13 17 1 882396954 +13 22 4 882140487 +13 23 5 882139937 +13 28 5 882398814 +13 32 4 882140286 +13 33 5 882397581 +13 37 1 882397011 +13 38 3 882397974 +13 39 3 882397581 +13 49 4 882399419 +13 50 5 882140001 +13 51 3 882399419 +13 53 1 882396955 +13 58 4 882139966 +13 60 4 884538767 +13 62 5 882397833 +13 67 1 882141686 +13 68 3 882397741 +13 69 4 884538766 +13 70 3 882140691 +13 78 1 882399218 +13 79 3 882139746 +13 82 2 882397503 +13 83 2 886303585 +13 86 1 881515348 +13 87 5 882398814 +13 89 4 882139717 +13 91 2 882398724 +13 92 3 882397271 +13 95 5 882140104 +13 96 4 882140104 +13 99 4 882398654 +13 110 3 882141130 +13 111 5 882140588 +13 116 5 882140455 +13 117 3 882398138 +13 127 5 881515411 +13 128 1 882397502 +13 132 4 882140002 +13 135 5 882139541 +13 138 1 882399218 +13 141 2 890705034 +13 143 1 882140205 +13 145 2 882397011 +13 152 5 882141393 +13 155 2 882399615 +13 157 3 882140552 +13 158 1 882142057 +13 160 4 882140070 +13 163 3 882141582 +13 164 3 882396790 +13 165 3 881515295 +13 166 5 884538663 +13 170 5 882139774 +13 172 5 882140355 +13 174 4 882139829 +13 175 4 882139717 +13 176 3 882140455 +13 177 5 882397271 +13 179 2 882140206 +13 182 5 882139347 +13 183 4 882397271 +13 184 1 882397011 +13 187 5 882140205 +13 188 4 882140130 +13 191 3 881515193 +13 193 5 882139937 +13 194 5 882141458 +13 197 4 881515239 +13 199 5 882140001 +13 200 3 882140552 +13 202 5 882141425 +13 204 5 882140318 +13 205 2 881515193 +13 209 3 882141306 +13 211 4 882140002 +13 216 3 881515193 +13 218 1 882396869 +13 222 3 882140285 +13 223 5 882139901 +13 224 4 882140166 +13 225 2 882399156 +13 227 5 882397650 +13 228 4 882140389 +13 231 3 882397582 +13 233 4 882397650 +13 234 5 882140252 +13 235 2 882141841 +13 237 5 882140285 +13 239 4 882141752 +13 241 3 882397502 +13 242 2 881515193 +13 260 1 882140848 +13 262 4 881514876 +13 264 4 882140848 +13 274 3 882399384 +13 275 3 886303585 +13 279 5 882139804 +13 280 4 882399528 +13 285 5 882139937 +13 286 3 881514683 +13 288 1 882396790 +13 292 5 882140867 +13 299 3 881515698 +13 306 3 881514876 +13 307 2 881514684 +13 310 4 881514683 +13 311 3 881514726 +13 313 4 882774047 +13 316 5 888073653 +13 321 2 882140740 +13 322 3 882140792 +13 323 3 882140848 +13 326 3 882140792 +13 327 3 881515521 +13 328 3 881514811 +13 329 2 886952246 +13 332 3 881515457 +13 336 2 882140848 +13 339 3 882140718 +13 342 4 885744650 +13 346 4 883670552 +13 347 5 885185824 +13 348 2 886952246 +13 350 2 886302293 +13 355 3 888688733 +13 357 3 881515411 +13 358 3 881515521 +13 362 4 890704999 +13 367 3 882141458 +13 370 1 882396984 +13 371 3 882399385 +13 382 1 882140624 +13 393 3 882141617 +13 394 2 882399615 +13 398 2 882398410 +13 400 4 885744650 +13 401 1 882141841 +13 403 2 882397271 +13 404 5 882399014 +13 406 1 882397011 +13 410 1 882141997 +13 411 2 882141924 +13 413 1 882396984 +13 417 2 882398934 +13 419 3 882398814 +13 424 1 882397068 +13 427 5 882398814 +13 429 5 884538727 +13 430 5 882139495 +13 432 4 882398654 +13 433 4 881515239 +13 435 5 882141392 +13 438 1 882397068 +13 439 1 882397040 +13 441 1 882396984 +13 442 1 890705056 +13 444 4 882396984 +13 445 4 882139774 +13 446 1 882397039 +13 448 1 882396869 +13 453 2 882397067 +13 455 3 882141425 +13 462 5 882140487 +13 463 5 882140318 +13 471 1 882140455 +13 473 4 882398724 +13 474 4 881515112 +13 475 3 881515113 +13 478 4 884538571 +13 484 5 882139804 +13 485 1 882140624 +13 491 4 882140166 +13 492 5 882140552 +13 494 4 881515295 +13 497 5 882140166 +13 504 5 881515011 +13 506 5 882140691 +13 507 1 882140070 +13 510 5 882139717 +13 511 5 882139863 +13 515 2 881515193 +13 518 4 882140252 +13 522 5 882140425 +13 523 4 882141306 +13 525 5 882140624 +13 527 5 882140252 +13 529 4 882140206 +13 531 3 882140104 +13 538 1 884538448 +13 541 1 882397650 +13 547 1 882397011 +13 549 4 882399357 +13 550 4 882397741 +13 551 1 882397084 +13 553 2 882399419 +13 554 2 882397833 +13 558 1 882397011 +13 559 1 882396913 +13 561 1 882396914 +13 563 1 882397039 +13 565 1 882397040 +13 566 5 882397502 +13 568 3 882140552 +13 569 2 882396955 +13 572 2 882398255 +13 573 3 882396955 +13 576 3 882398076 +13 578 3 882397974 +13 585 4 882141814 +13 586 3 882398326 +13 590 2 882397068 +13 602 4 884538634 +13 603 4 884538571 +13 606 4 882140130 +13 613 4 881515411 +13 619 3 886952245 +13 621 4 882398934 +13 629 1 882141582 +13 630 2 886302261 +13 631 3 882140624 +13 635 1 882396984 +13 636 2 882397502 +13 637 2 882396913 +13 638 3 881515239 +13 639 3 882139804 +13 646 4 882140037 +13 647 5 882140206 +13 650 2 882140425 +13 654 5 881515295 +13 655 5 886261387 +13 656 5 882139746 +13 657 4 882139829 +13 661 5 881515411 +13 662 5 882399420 +13 663 5 882140252 +13 667 1 882397040 +13 668 1 882397068 +13 669 1 882397067 +13 670 3 882396955 +13 671 3 882396790 +13 672 1 882396914 +13 674 3 882396955 +13 675 5 882396955 +13 679 4 882397650 +13 684 5 882397271 +13 686 5 882397146 +13 687 1 883670705 +13 688 1 883670819 +13 689 2 881515735 +13 690 3 881514811 +13 691 4 889316404 +13 692 4 882141659 +13 706 1 882396869 +13 709 4 882139863 +13 712 4 882141872 +13 722 3 882399528 +13 732 5 882141617 +13 733 5 882399528 +13 736 4 882399528 +13 737 4 882399615 +13 739 4 886303745 +13 740 1 882140355 +13 746 3 884538766 +13 747 4 882140624 +13 748 4 882140792 +13 749 3 881515521 +13 750 5 883670552 +13 751 5 882774081 +13 754 4 882140718 +13 756 2 886302858 +13 757 3 882398934 +13 758 1 882397084 +13 760 1 882396914 +13 761 4 882398076 +13 762 5 882141336 +13 763 1 882141458 +13 765 2 886303934 +13 767 1 882397011 +13 768 4 882398724 +13 769 3 882397040 +13 770 4 882397581 +13 771 3 882398410 +13 773 1 882396869 +13 774 1 882396913 +13 775 4 886304188 +13 777 1 882397084 +13 778 3 886302694 +13 779 3 882398255 +13 785 3 882141924 +13 789 5 882140389 +13 790 2 882141841 +13 791 5 882141686 +13 792 5 882139686 +13 793 5 882141841 +13 795 2 882399219 +13 796 3 886304188 +13 797 5 882398327 +13 798 2 882397974 +13 799 4 882139937 +13 800 1 882397067 +13 801 3 886303172 +13 803 3 882398255 +13 804 2 882141997 +13 806 5 882140426 +13 810 5 882398076 +13 811 5 882139829 +13 813 1 882139863 +13 815 4 886303934 +13 817 1 882396914 +13 818 3 882141814 +13 819 1 882141924 +13 822 3 884538634 +13 824 3 886302261 +13 825 1 882397651 +13 826 5 882398385 +13 827 3 882398327 +13 829 3 882398385 +13 832 4 882399156 +13 833 2 882397974 +13 834 1 882397068 +13 835 3 882139901 +13 837 4 882139717 +13 838 1 882397742 +13 841 1 882398076 +13 843 5 882399156 +13 845 3 882141503 +13 846 2 882141997 +13 849 1 882397833 +13 850 4 882140318 +13 851 5 882139966 +13 853 1 882397010 +13 855 4 882140130 +13 862 3 882399074 +13 863 4 882140487 +13 865 5 882141425 +13 867 5 882399615 +13 870 3 882397271 +13 871 2 882141924 +13 872 3 882139327 +13 873 1 881515565 +13 879 2 881515697 +13 880 3 882140966 +13 881 2 881514876 +13 882 3 886952438 +13 883 3 882140848 +13 884 2 882140814 +13 886 5 881515613 +13 889 3 892015236 +13 891 1 892015288 +13 893 3 882774005 +13 895 1 883670515 +13 896 5 891036745 +13 897 1 886952422 +13 899 1 892015288 +13 900 5 888279677 +13 902 3 891749765 +13 903 3 890704759 +13 904 1 892015178 +13 905 2 886302261 +13 909 5 890704721 +13 911 2 892015141 +13 914 2 892870589 +13 916 4 892870589 +13 917 4 892015104 +14 12 5 890881216 +14 19 5 880929651 +14 25 2 876965165 +14 32 5 890881485 +14 81 5 890881384 +14 96 4 890881433 +14 124 5 876964936 +14 127 2 879644647 +14 173 4 879119579 +14 186 4 879119497 +14 191 4 890881557 +14 195 5 890881336 +14 210 5 879119739 +14 222 4 876965061 +14 238 5 879119579 +14 240 5 880929697 +14 265 3 890881216 +14 276 4 879119390 +14 288 4 876964936 +14 302 5 890880970 +14 319 1 884482684 +14 382 5 879119739 +14 427 5 890881433 +14 428 4 879119497 +14 430 5 879119692 +14 473 5 876964936 +14 507 4 890881521 +14 523 4 879119497 +14 524 5 879119497 +14 525 5 890881557 +14 588 4 890881433 +14 628 5 880929697 +14 654 4 890881294 +14 663 5 879119651 +14 750 3 891014196 +14 762 3 876964936 +14 820 3 882839856 +14 919 4 876964725 +14 920 4 880929745 +14 921 5 890881384 +14 923 5 890881294 +15 13 1 879455940 +15 14 4 879455659 +15 15 4 879455939 +15 50 5 879455606 +15 111 4 879455914 +15 118 1 879456381 +15 121 3 879456168 +15 125 5 879456049 +15 181 5 879455710 +15 220 4 879456262 +15 225 3 879456447 +15 235 1 879456424 +15 237 3 879455871 +15 243 1 879455362 +15 248 1 879455871 +15 249 1 879455764 +15 251 2 879455541 +15 252 2 879456351 +15 255 5 879455764 +15 257 4 879455821 +15 258 3 879455473 +15 269 5 879455165 +15 275 4 879455562 +15 280 3 879456167 +15 282 3 879456204 +15 283 4 879455505 +15 285 4 879455635 +15 291 3 879456084 +15 292 5 879455128 +15 297 3 879455606 +15 302 4 879455049 +15 303 3 879455080 +15 306 5 879455165 +15 308 5 879455334 +15 310 4 879455049 +15 322 3 879455262 +15 323 1 879455311 +15 328 3 879455192 +15 333 1 879455128 +15 409 3 879456324 +15 455 1 879455914 +15 472 3 879456204 +15 546 2 879456324 +15 676 4 879455871 +15 690 4 879455128 +15 748 3 879455262 +15 823 2 879456351 +15 845 2 879456108 +15 866 4 879456288 +15 879 3 879455311 +15 925 2 879455764 +15 926 1 879456424 +15 927 4 879456381 +15 928 1 879456404 +15 930 2 879456381 +15 931 1 879456507 +15 934 4 879456507 +15 935 3 879455710 +15 936 5 879455889 +15 938 3 879455233 +16 1 5 877717833 +16 4 5 877726390 +16 11 5 877718755 +16 12 5 877718168 +16 15 5 877722001 +16 33 2 877722001 +16 39 5 877720118 +16 58 4 877720118 +16 66 4 877719075 +16 71 5 877721071 +16 79 5 877727122 +16 87 4 877720916 +16 95 5 877728417 +16 98 5 877718107 +16 100 5 877720437 +16 109 4 877719333 +16 125 3 877726944 +16 127 5 877719206 +16 135 4 877720916 +16 143 5 877727192 +16 152 4 877728417 +16 158 4 877727280 +16 172 5 877724726 +16 180 5 877726790 +16 199 5 877719645 +16 200 5 877722736 +16 202 5 877724726 +16 204 5 877722736 +16 208 5 877727054 +16 216 5 877722736 +16 227 5 877727193 +16 234 5 877720185 +16 237 5 877719504 +16 240 4 877724603 +16 273 5 877722736 +16 282 5 877718755 +16 286 2 877716993 +16 302 5 877716993 +16 321 3 877717116 +16 367 3 877726390 +16 385 5 877727192 +16 404 5 877728417 +16 410 5 877718107 +16 423 5 877721142 +16 427 5 877722001 +16 448 5 877722736 +16 467 5 877720733 +16 469 3 877720916 +16 476 3 877720437 +16 480 5 877720297 +16 498 5 877719333 +16 502 4 877723670 +16 509 2 877720118 +16 510 4 877727280 +16 531 5 877722736 +16 583 4 877720186 +16 591 4 877726944 +16 642 5 877719075 +16 661 4 877726789 +16 684 5 877719863 +16 732 5 877726944 +16 770 3 877724979 +16 939 4 877717833 +16 941 1 877720437 +16 943 3 877719206 +16 945 4 877719158 +16 946 5 877724727 +16 947 4 877719454 +16 948 3 877717397 +17 7 4 885272487 +17 100 4 885272520 +17 111 3 885272674 +17 117 3 885272724 +17 126 4 885272724 +17 137 4 885272606 +17 150 5 885272654 +17 221 2 885272654 +17 222 3 885272751 +17 243 1 885166209 +17 269 4 885165619 +17 276 4 885272654 +17 286 3 885165619 +17 294 4 885166209 +17 323 1 885166256 +17 471 2 885272779 +17 475 4 885272520 +17 628 1 885272724 +17 919 4 885272696 +18 4 3 880132150 +18 6 5 880130764 +18 8 5 880130802 +18 9 5 880130550 +18 15 4 880131054 +18 22 5 880130640 +18 23 4 880130065 +18 28 3 880129527 +18 32 2 880132129 +18 42 3 880130713 +18 45 5 880130739 +18 48 4 880130515 +18 50 4 880130155 +18 52 5 880130680 +18 56 5 880129454 +18 59 4 880132501 +18 60 4 880132055 +18 61 4 880130803 +18 65 5 880130333 +18 66 3 880131728 +18 72 3 880132252 +18 79 4 880131450 +18 81 3 880130890 +18 83 5 880129877 +18 88 3 880130890 +18 91 3 880130393 +18 94 3 880131676 +18 95 4 880131297 +18 98 5 880129527 +18 100 5 880130065 +18 111 3 880131631 +18 116 5 880131358 +18 125 3 880131004 +18 127 5 880129668 +18 132 5 880132437 +18 133 5 880130713 +18 134 5 880129877 +18 137 5 880132437 +18 142 4 880131173 +18 143 4 880131474 +18 153 4 880130551 +18 157 3 880131849 +18 165 4 880129527 +18 166 4 880129595 +18 168 3 880130431 +18 172 3 880130551 +18 174 4 880130613 +18 175 4 880130431 +18 177 3 880131297 +18 178 3 880129628 +18 187 5 880130393 +18 189 5 880129816 +18 197 4 880130109 +18 198 3 880130613 +18 200 3 880131775 +18 204 3 880131407 +18 208 4 880131004 +18 210 5 880131054 +18 211 5 880131358 +18 212 5 880129990 +18 213 5 880131201 +18 216 4 880129527 +18 221 5 880129816 +18 223 5 880129731 +18 236 3 880131077 +18 238 5 880132437 +18 242 5 880129305 +18 269 5 880129305 +18 283 5 880130551 +18 284 3 880131804 +18 285 5 880130333 +18 287 4 880131144 +18 317 5 880131144 +18 319 4 880129305 +18 357 4 880129421 +18 378 3 880131804 +18 381 4 880131474 +18 382 3 880129595 +18 386 2 880131986 +18 392 3 880130193 +18 402 3 880132225 +18 403 3 880132103 +18 404 4 880132055 +18 411 3 880131986 +18 414 4 880131054 +18 416 5 880131144 +18 418 3 880130515 +18 419 3 880131878 +18 425 3 880130713 +18 427 5 880129421 +18 430 4 880130155 +18 434 3 880131297 +18 435 4 880130890 +18 461 4 880130713 +18 474 4 880129731 +18 476 3 880132399 +18 478 5 880129691 +18 480 4 880129595 +18 482 5 880130582 +18 486 3 880131559 +18 489 4 880129769 +18 492 4 880131054 +18 493 5 880132437 +18 504 5 880129940 +18 510 4 880130680 +18 512 5 880131407 +18 516 5 880130861 +18 517 2 880129388 +18 519 4 880129991 +18 520 4 880129595 +18 524 4 880129816 +18 528 4 880129489 +18 529 5 880130515 +18 549 4 880131173 +18 582 5 880131450 +18 588 4 880131201 +18 603 3 880129388 +18 604 5 880129731 +18 612 4 880131591 +18 613 5 880129769 +18 614 4 880130861 +18 627 3 880131931 +18 631 5 880129691 +18 633 5 880131358 +18 639 4 880131407 +18 649 3 880131591 +18 654 4 880130110 +18 663 4 880129454 +18 702 3 880131407 +18 704 3 880131986 +18 707 3 880131450 +18 708 3 880129595 +18 709 5 880131028 +18 714 4 880130334 +18 716 5 880131676 +18 724 4 880132055 +18 735 4 880130582 +18 736 4 880131028 +18 737 3 880132055 +18 747 3 880132225 +18 753 4 880129816 +18 762 3 880132103 +18 781 3 880132188 +18 805 4 880131358 +18 845 3 880131236 +18 856 5 880131676 +18 949 3 880131559 +18 951 3 880129595 +18 952 2 880130582 +18 956 5 880131525 +18 957 3 880132188 +18 958 5 880129731 +18 959 3 880131450 +18 962 4 880131631 +18 963 5 880132437 +18 967 3 880131901 +18 969 3 880131106 +18 972 3 880130515 +18 973 3 880129595 +19 8 5 885412723 +19 202 4 885412723 +19 210 3 885412840 +19 211 4 885412840 +19 268 2 885412034 +19 288 3 885411840 +19 294 3 885412034 +19 319 4 885411465 +19 325 4 885412251 +19 887 4 885411465 +20 15 4 879667937 +20 22 5 879669339 +20 50 3 879667937 +20 82 4 879669697 +20 94 2 879669954 +20 143 3 879669040 +20 148 5 879668713 +20 151 3 879668555 +20 174 4 879669087 +20 181 4 879667904 +20 204 3 879670039 +20 210 4 879669065 +20 243 4 879667799 +20 274 4 879668248 +20 323 4 879667684 +20 357 1 879669244 +20 378 3 879669630 +20 423 2 879669313 +20 496 5 879669244 +20 498 3 879669001 +20 588 4 879669120 +20 633 4 879668979 +20 763 1 879668476 +20 820 2 879668626 +20 866 1 879668583 +20 934 4 879668783 +21 1 5 874951244 +21 5 2 874951761 +21 7 5 874951292 +21 9 5 874951188 +21 15 4 874951188 +21 17 4 874951695 +21 50 3 874951131 +21 53 4 874951820 +21 123 4 874951382 +21 127 5 874951188 +21 145 1 874951761 +21 185 5 874951658 +21 200 5 874951695 +21 201 5 874951658 +21 240 4 874951245 +21 243 2 874951039 +21 244 4 874951349 +21 259 2 874951005 +21 260 2 874950972 +21 261 1 874951006 +21 262 4 874950931 +21 263 1 874951040 +21 264 3 874950972 +21 273 4 874951349 +21 281 2 874951416 +21 286 3 874950889 +21 289 3 874950972 +21 300 3 874950889 +21 301 4 874951054 +21 321 3 874950972 +21 322 3 874951005 +21 323 2 874950972 +21 330 4 874951040 +21 358 3 874951616 +21 379 3 874951820 +21 406 1 874951293 +21 408 5 874951188 +21 413 2 874951293 +21 436 4 874951858 +21 437 1 874951858 +21 438 1 874951858 +21 443 4 874951761 +21 444 3 874951859 +21 453 2 874951797 +21 547 2 874951292 +21 551 3 874951898 +21 559 1 874951761 +21 561 1 874951761 +21 563 2 874951898 +21 564 3 874951797 +21 567 2 874951858 +21 573 2 874951898 +21 619 2 874951416 +21 628 3 874951616 +21 635 4 874951727 +21 637 4 874951695 +21 656 5 874951797 +21 669 1 874951761 +21 672 3 874951727 +21 674 2 874951897 +21 675 5 874951897 +21 680 1 874950972 +21 706 2 874951695 +21 748 1 874950889 +21 760 1 874951293 +21 767 1 874951314 +21 769 1 874951916 +21 800 1 874951727 +21 817 3 874951695 +21 853 5 874951658 +21 854 5 874951657 +21 858 1 874951858 +21 872 2 874950889 +21 873 2 874950932 +21 874 2 874951005 +21 876 2 874950932 +21 877 2 874950972 +21 878 2 874951039 +21 925 2 874951447 +21 975 3 874951447 +21 976 1 874951483 +21 978 1 874951483 +21 980 2 874951349 +21 981 2 874951382 +21 983 2 874951416 +21 984 1 874951040 +21 986 1 874951482 +21 987 3 874951616 +21 988 1 874951005 +21 989 3 874951039 +21 990 2 874951039 +21 991 2 874951039 +21 992 2 874951349 +21 993 4 874951245 +21 994 2 874951104 +22 2 2 878887925 +22 4 5 878886571 +22 17 4 878886682 +22 21 4 878886750 +22 24 5 878888026 +22 50 5 878887765 +22 53 3 878888107 +22 62 4 878887925 +22 68 4 878887925 +22 85 5 878886989 +22 89 5 878887680 +22 94 3 878887277 +22 105 1 878887347 +22 109 4 878886710 +22 127 5 878887869 +22 144 5 878887680 +22 161 4 878887925 +22 163 1 878886845 +22 167 3 878887023 +22 174 5 878887765 +22 175 4 878886682 +22 181 5 878887765 +22 184 5 878887869 +22 187 5 878887680 +22 201 4 878886449 +22 202 5 878886480 +22 209 4 878886518 +22 210 3 878886479 +22 211 3 878886518 +22 216 4 878886682 +22 228 4 878887810 +22 229 2 878887925 +22 231 2 878887983 +22 233 3 878888066 +22 250 5 878888251 +22 265 3 878888066 +22 290 5 878886607 +22 367 1 878886571 +22 384 3 878887413 +22 385 4 878887869 +22 405 1 878888067 +22 430 4 878886607 +22 431 4 878888026 +22 449 1 878888145 +22 451 4 878887062 +22 515 5 878887869 +22 523 5 878886845 +22 526 4 878888026 +22 546 3 878888107 +22 566 3 878888145 +22 568 4 878887810 +22 636 3 878888106 +22 651 4 878887810 +22 665 1 878888145 +22 684 3 878887983 +22 688 1 878886307 +22 712 4 878887186 +22 731 3 878887116 +22 732 4 878886710 +22 792 4 878886647 +22 840 4 878888184 +22 862 1 878886845 +22 926 1 878887062 +22 932 1 878887277 +22 988 1 878887116 +22 996 1 878887158 +22 998 1 878886571 +22 1000 3 878886333 +22 1002 1 878887186 +22 1003 1 878887277 +23 7 4 874784385 +23 8 4 874785474 +23 14 4 874784440 +23 19 4 874784466 +23 55 4 874785624 +23 56 4 874785233 +23 59 4 874785526 +23 62 3 874786880 +23 73 3 874787016 +23 79 4 874785957 +23 82 3 874787449 +23 89 5 874785582 +23 91 4 884550049 +23 95 4 874786220 +23 96 4 874785551 +23 100 5 874784557 +23 102 3 874785957 +23 116 5 874784466 +23 124 5 874784440 +23 131 4 884550021 +23 132 4 874785756 +23 134 4 874786098 +23 144 3 874785926 +23 145 3 874786244 +23 151 3 874784668 +23 153 4 874786438 +23 154 3 874785552 +23 155 3 874787059 +23 156 3 877817091 +23 161 2 874787017 +23 162 3 874786950 +23 171 5 874785809 +23 173 5 874787587 +23 174 4 874785652 +23 175 5 874785526 +23 176 3 874785843 +23 181 4 874784337 +23 185 4 874785756 +23 194 4 874786016 +23 195 4 874786993 +23 202 3 874785165 +23 203 4 874786746 +23 204 3 874786122 +23 211 4 874786512 +23 214 3 874785701 +23 216 4 874787204 +23 217 2 874787144 +23 224 5 874784638 +23 227 3 874787738 +23 230 4 874785809 +23 234 2 874785624 +23 235 1 874784712 +23 250 4 874784338 +23 275 5 874785474 +23 283 4 874784575 +23 294 1 876785901 +23 367 4 874785957 +23 386 4 874789001 +23 387 3 874786098 +23 408 5 874784538 +23 414 3 874785526 +23 418 4 874786037 +23 423 3 874786488 +23 432 4 884550048 +23 433 5 874785233 +23 449 2 874787083 +23 451 2 874787256 +23 472 2 874784972 +23 479 5 874785728 +23 522 4 874785447 +23 526 3 874787116 +23 530 4 874789279 +23 541 4 876785720 +23 588 4 884550021 +23 597 3 874785024 +23 603 4 874785448 +23 629 4 874786098 +23 642 3 874785843 +23 652 4 874785926 +23 655 3 874787330 +23 679 3 874788443 +23 694 4 884550049 +23 713 4 874784337 +23 780 1 874788388 +23 856 4 874787288 +23 919 5 874784440 +23 961 5 874785165 +23 1004 3 874788318 +24 7 4 875323676 +24 8 5 875323002 +24 11 5 875323100 +24 12 5 875323711 +24 41 5 875323594 +24 55 5 875323308 +24 58 3 875323745 +24 69 5 875323051 +24 71 5 875323833 +24 79 4 875322796 +24 92 5 875323241 +24 97 4 875323193 +24 98 5 875323401 +24 127 5 875323879 +24 132 3 875323274 +24 151 5 875322848 +24 173 5 875323474 +24 176 5 875323595 +24 180 5 875322847 +24 200 5 875323440 +24 223 5 875322727 +24 237 4 875323002 +24 238 5 875323274 +24 249 4 875246216 +24 276 5 875322951 +24 288 3 875245985 +24 289 3 875245985 +24 300 4 875245985 +24 324 5 875322875 +24 357 5 875323100 +24 402 4 875323308 +24 421 5 875323712 +24 486 3 875322908 +24 518 4 875323552 +24 582 4 875323368 +24 655 5 875323915 +24 699 3 875323051 +24 727 3 875322727 +24 729 5 875323475 +24 919 3 875246185 +24 1007 5 875322758 +25 1 5 885853415 +25 7 4 885853155 +25 23 4 885852529 +25 79 4 885852757 +25 82 4 885852150 +25 86 4 885852248 +25 98 5 885853415 +25 116 4 885853335 +25 121 4 885853030 +25 125 5 885852817 +25 131 4 885852611 +25 133 3 885852381 +25 134 4 885852008 +25 141 4 885852720 +25 143 3 885852529 +25 173 4 885852969 +25 176 4 885852862 +25 177 3 885852488 +25 183 4 885852008 +25 186 4 885852569 +25 195 4 885852008 +25 204 5 885853415 +25 265 4 885853415 +25 404 3 885852920 +25 408 5 885852920 +25 419 4 885852218 +25 430 4 885852920 +25 463 4 885852529 +25 474 4 885852008 +25 479 5 885852569 +25 495 4 885852862 +25 527 4 885852248 +25 568 4 885852529 +25 604 4 885852008 +25 612 4 885852120 +25 655 4 885852248 +25 657 4 885852720 +25 692 4 885852656 +25 837 4 885852611 +25 929 4 885852178 +25 968 4 885852218 +26 1 3 891350625 +26 14 3 891371505 +26 24 3 891377540 +26 50 4 891386368 +26 109 3 891376987 +26 111 3 891371437 +26 116 2 891352941 +26 118 3 891385691 +26 121 3 891377540 +26 122 1 891380200 +26 126 4 891371676 +26 129 4 891350566 +26 148 3 891377540 +26 151 3 891372429 +26 181 4 891386369 +26 222 3 891371369 +26 246 4 891351590 +26 248 3 891377468 +26 249 2 891377609 +26 250 3 891350826 +26 252 3 891385569 +26 271 3 891348070 +26 274 3 891385634 +26 276 4 891386369 +26 282 4 891373086 +26 283 3 891371437 +26 284 3 891371505 +26 288 4 891347477 +26 291 3 891379753 +26 293 3 891371369 +26 298 3 891371505 +26 300 4 891347537 +26 302 5 891386368 +26 304 4 891348011 +26 313 5 891386368 +26 316 3 891349122 +26 323 2 891349184 +26 328 2 891348011 +26 369 2 891379664 +26 405 2 891376986 +26 413 2 891386049 +26 456 1 891386174 +26 458 3 891352941 +26 471 2 891371676 +26 475 3 891350826 +26 515 4 891352940 +26 546 2 891371676 +26 591 3 891351590 +26 628 3 891372429 +26 678 2 891349122 +26 683 3 891350372 +26 748 1 891348192 +26 750 4 891347478 +26 751 4 891347477 +26 760 1 891383899 +26 815 2 891371597 +26 831 2 891379753 +26 840 2 891386049 +26 841 2 891380200 +26 845 3 891377468 +26 936 4 891352136 +26 1010 2 891377609 +26 1011 3 891371597 +26 1012 4 891386369 +26 1013 1 891383836 +26 1014 3 891384414 +27 9 4 891542942 +27 50 3 891542897 +27 118 3 891543222 +27 123 5 891543191 +27 148 3 891543129 +27 244 3 891543222 +27 286 3 891543393 +27 288 3 891543129 +27 930 2 891543222 +27 1017 4 891542897 +28 5 3 881961600 +28 11 4 881956144 +28 28 4 881956853 +28 31 4 881956082 +28 56 5 881957479 +28 96 5 881957250 +28 117 4 881957002 +28 164 4 881960945 +28 176 5 881956445 +28 185 5 881957002 +28 195 4 881957250 +28 196 4 881956081 +28 200 2 881961671 +28 219 5 881961728 +28 227 4 881961393 +28 229 2 881961393 +28 230 4 881961393 +28 286 3 881955018 +28 288 5 882826398 +28 322 2 881955343 +28 323 3 882826593 +28 332 2 881954915 +28 429 5 881960794 +28 434 4 881961104 +28 443 4 881961671 +28 444 3 881961728 +28 447 3 881961532 +28 448 4 881961600 +28 449 2 881961394 +28 529 4 881957310 +28 567 4 881961782 +28 573 4 881961842 +28 588 3 881957425 +28 603 3 881957090 +28 609 3 881956220 +28 670 4 881961600 +28 672 3 881961728 +28 760 3 882826399 +28 859 3 881961842 +29 12 5 882821989 +29 79 4 882821989 +29 180 4 882821989 +29 182 4 882821989 +29 264 3 882820897 +29 268 5 882820686 +29 286 5 882820663 +29 300 3 882820897 +29 303 4 882820686 +29 306 4 882820730 +29 312 4 882821705 +29 326 2 882820869 +29 480 4 882821989 +29 657 4 882821942 +29 661 5 882821942 +29 879 3 882821161 +29 1019 4 882821989 +30 2 3 875061066 +30 29 3 875106638 +30 50 3 875061066 +30 69 5 885941156 +30 135 5 885941156 +30 161 4 875060883 +30 164 4 875060217 +30 172 4 875060742 +30 174 5 885941156 +30 242 5 885941156 +30 252 3 875140740 +30 257 4 885941257 +30 258 5 885941156 +30 259 4 875058280 +30 304 4 875988548 +30 313 5 885941156 +30 315 4 885941412 +30 319 4 875060217 +30 321 4 875988547 +30 403 2 875061066 +30 683 3 885941798 +30 751 3 884310551 +30 780 4 875060217 +30 873 1 875061066 +30 892 4 884310496 +31 32 5 881548030 +31 136 5 881548030 +31 153 4 881548110 +31 175 5 881548053 +31 192 4 881548054 +31 262 5 881547766 +31 268 3 881547746 +31 271 4 881547854 +31 299 4 881547814 +31 303 3 881547719 +31 306 3 881547814 +31 319 4 881547788 +31 328 2 881547746 +31 340 3 881547788 +31 490 4 881548030 +31 519 4 881548053 +31 611 4 881548111 +31 811 4 881548053 +31 875 4 881547938 +31 1019 5 881548082 +31 1020 3 881548030 +31 1021 3 881548082 +31 1022 5 881547814 +32 7 4 883717766 +32 9 3 883717747 +32 50 4 883717521 +32 111 3 883717986 +32 181 4 883717628 +32 222 3 883717600 +32 240 2 883717967 +32 248 4 883717816 +32 268 5 883709797 +32 271 3 883709953 +32 288 4 883709915 +32 298 5 883717581 +32 307 2 883709915 +32 313 4 883709840 +32 405 4 883718008 +32 408 3 883717684 +32 455 2 883717796 +32 475 5 883717766 +32 508 4 883717581 +32 628 4 883718121 +32 742 3 883717628 +32 1023 3 883717913 +33 245 3 891964326 +33 260 4 891964306 +33 271 4 891964166 +33 288 4 891964066 +33 294 3 891964166 +33 300 4 891964131 +33 323 4 891964373 +33 329 4 891964326 +33 339 3 891964111 +33 348 4 891964404 +33 678 4 891964306 +33 682 4 891964274 +33 879 3 891964230 +33 880 3 891964230 +34 288 2 888601628 +34 289 1 888602950 +34 292 5 888602742 +34 294 1 888602808 +34 324 5 888602808 +34 898 5 888602842 +34 899 5 888603123 +34 990 5 888602808 +34 991 4 888602618 +34 1024 5 888602618 +35 258 2 875458941 +35 261 3 875459046 +35 264 2 875459099 +35 266 3 875458941 +35 300 5 875458970 +35 321 3 875458970 +35 326 3 875459017 +35 327 3 875459017 +35 328 3 875459046 +35 333 4 875459017 +35 358 1 875459073 +35 678 3 875459017 +35 748 4 875458970 +35 876 2 875458970 +35 879 4 875459073 +35 881 2 875459127 +35 937 4 875459237 +36 261 5 882157581 +36 288 4 882157227 +36 289 2 882157356 +36 333 4 882157227 +36 358 5 882157581 +36 873 3 882157386 +36 875 3 882157470 +36 878 5 882157581 +36 1026 5 882157581 +37 7 4 880915528 +37 27 4 880915942 +37 50 5 880915838 +37 62 5 880916070 +37 68 5 880915902 +37 82 1 880915942 +37 89 4 880930072 +37 92 4 880930072 +37 96 4 880915810 +37 118 2 880915633 +37 121 2 880915528 +37 127 4 880930071 +37 147 3 880915749 +37 172 4 880930072 +37 174 5 880915810 +37 210 4 880915810 +37 226 5 880916010 +37 230 4 880915942 +37 231 2 880916046 +37 233 4 880916046 +37 273 3 880915528 +37 385 4 880915902 +37 405 4 880915565 +37 472 2 880915711 +37 546 3 880915565 +37 550 4 880915902 +37 566 4 880916010 +37 568 3 880915942 +37 578 3 880916010 +37 665 3 880916046 +37 825 2 880915565 +37 827 3 880915607 +37 831 2 880915607 +37 833 4 880915565 +37 841 3 880915711 +37 930 3 880915711 +37 1027 3 880930072 +38 35 5 892433801 +38 69 5 892430486 +38 70 5 892432424 +38 78 5 892433062 +38 84 5 892430937 +38 97 5 892430369 +38 105 3 892434217 +38 112 5 892432751 +38 127 2 892429460 +38 144 5 892430369 +38 155 5 892432090 +38 162 5 892431727 +38 185 2 892432573 +38 188 2 892431953 +38 195 1 892429952 +38 200 5 892432180 +38 202 2 892431665 +38 243 3 892429095 +38 247 5 892429460 +38 259 3 892428754 +38 288 5 892428188 +38 294 5 892428584 +38 313 5 892428216 +38 326 5 892428688 +38 356 2 892430309 +38 395 3 892434164 +38 400 1 892434036 +38 401 3 892434585 +38 402 5 892430539 +38 405 5 892432205 +38 406 2 892434251 +38 409 5 892433135 +38 410 3 892432750 +38 411 3 892433290 +38 413 1 892434626 +38 418 5 892431026 +38 420 5 892429347 +38 433 5 892433771 +38 445 2 892429399 +38 447 5 892434430 +38 451 5 892431727 +38 452 5 892434523 +38 501 5 892429801 +38 588 5 892429225 +38 590 1 892434373 +38 627 5 892431586 +38 637 2 892434452 +38 673 5 892432062 +38 678 5 892428658 +38 681 5 892429065 +38 717 1 892433945 +38 742 5 892430001 +38 768 5 892433062 +38 940 1 892434742 +38 1016 5 892429542 +38 1028 5 892432624 +38 1029 1 892434626 +38 1031 5 892433801 +38 1032 4 892432624 +38 1033 5 892432531 +38 1035 5 892431907 +38 1036 4 892433704 +38 1037 4 892434283 +39 269 4 891400188 +39 270 4 891400609 +39 272 2 891400094 +39 288 5 891400704 +39 294 4 891400609 +39 301 3 891400280 +39 302 5 891400188 +39 307 2 891400342 +39 313 4 891400159 +39 319 4 891400094 +39 339 3 891400609 +39 748 5 891400704 +39 937 5 891400704 +40 242 4 889041330 +40 245 3 889041671 +40 259 2 889041643 +40 269 1 889041283 +40 270 3 889041477 +40 272 2 889041283 +40 286 2 889041430 +40 300 3 889041523 +40 302 3 889041283 +40 305 4 889041430 +40 310 3 889041283 +40 316 3 889041643 +40 321 4 889041523 +40 328 3 889041595 +40 337 4 889041523 +40 343 1 889041790 +40 346 2 889041358 +40 358 3 889041741 +40 876 3 889041694 +40 879 2 889041595 +40 896 4 889041402 +40 1038 1 889041741 +41 50 5 890687066 +41 56 4 890687472 +41 58 3 890687353 +41 96 4 890687019 +41 97 3 890687665 +41 135 4 890687473 +41 152 4 890687326 +41 156 4 890687304 +41 168 5 890687304 +41 173 4 890687549 +41 175 5 890687526 +41 180 5 890687019 +41 188 4 890687571 +41 191 4 890687473 +41 194 3 890687242 +41 195 4 890687042 +41 196 3 890687593 +41 202 2 890687326 +41 205 4 890687353 +41 216 3 890687571 +41 238 5 890687472 +41 276 2 890687304 +41 318 4 890687353 +41 357 4 890687175 +41 414 4 890687550 +41 430 5 890692860 +41 474 5 890687066 +41 514 4 890687042 +41 516 5 890687242 +41 969 4 890687438 +41 1039 3 890687642 +42 1 5 881105633 +42 2 5 881109271 +42 15 4 881105633 +42 38 3 881109148 +42 43 2 881109325 +42 50 5 881107178 +42 54 4 881108982 +42 58 5 881108040 +42 64 5 881106711 +42 66 4 881108280 +42 71 4 881108229 +42 73 4 881108484 +42 83 4 881108093 +42 86 3 881107880 +42 87 4 881107576 +42 97 3 881107502 +42 103 3 881106162 +42 111 1 881105931 +42 125 4 881105462 +42 132 5 881107502 +42 135 4 881109148 +42 136 4 881107329 +42 141 3 881109059 +42 151 4 881110578 +42 161 4 881108229 +42 168 3 881107773 +42 173 5 881107220 +42 174 5 881106711 +42 175 2 881107687 +42 181 5 881107291 +42 202 5 881107687 +42 203 4 881107413 +42 219 1 881109324 +42 227 4 881109060 +42 228 4 881107538 +42 229 4 881108684 +42 237 4 881105882 +42 239 5 881108187 +42 273 3 881105817 +42 282 4 881105677 +42 283 3 881110483 +42 284 3 881105581 +42 290 3 881106072 +42 294 4 881105296 +42 318 5 881107718 +42 369 4 881105931 +42 371 4 881108760 +42 385 5 881108147 +42 387 3 881108760 +42 402 5 881108982 +42 411 4 881106317 +42 419 5 881107178 +42 427 4 881107773 +42 433 2 881108760 +42 443 3 881108093 +42 462 2 881108093 +42 467 3 881108425 +42 468 4 881108346 +42 469 4 881109324 +42 471 4 881105505 +42 491 3 881106711 +42 501 5 881108345 +42 523 5 881107375 +42 559 2 881109271 +42 582 3 881108928 +42 591 4 881110138 +42 595 1 881106582 +42 627 2 881109271 +42 655 3 881107642 +42 658 2 881107502 +42 660 3 881108484 +42 679 2 881108548 +42 720 4 881109149 +42 729 3 881108345 +42 735 4 881108548 +42 755 4 881108425 +42 756 5 881106420 +42 826 3 881106419 +42 924 3 881105677 +42 926 3 881105766 +42 934 4 881106419 +42 941 4 881109060 +42 969 5 881107687 +42 1042 3 881109325 +42 1046 3 881108760 +42 1047 4 881106419 +42 1048 1 881106220 +42 1050 3 881107538 +43 3 2 884029543 +43 4 4 875981421 +43 8 4 875975717 +43 9 4 875975656 +43 12 5 883955048 +43 25 5 875975656 +43 28 4 875981452 +43 58 3 883955859 +43 69 4 875981421 +43 70 4 883955048 +43 73 4 883956099 +43 79 4 875981335 +43 82 4 883955498 +43 86 4 883955020 +43 88 5 883955702 +43 97 5 883955293 +43 100 4 875975656 +43 102 4 875981483 +43 111 4 883955745 +43 121 4 883955907 +43 122 2 884029709 +43 123 1 875975520 +43 124 4 891294050 +43 127 4 875981304 +43 131 3 883954997 +43 133 4 875981483 +43 140 4 883955110 +43 143 4 883955247 +43 144 4 883955415 +43 168 4 875981159 +43 169 5 875981128 +43 172 4 883955135 +43 174 4 875975687 +43 186 3 875981335 +43 189 5 875981220 +43 196 4 875981190 +43 202 5 875981190 +43 208 5 883955547 +43 211 4 883955785 +43 217 2 883955930 +43 222 4 883955547 +43 226 3 883956442 +43 231 4 883955995 +43 248 4 875975237 +43 250 2 875975383 +43 254 3 875975323 +43 257 4 875975276 +43 258 5 875975028 +43 269 5 888177393 +43 274 5 883955441 +43 276 4 883954876 +43 277 1 883955498 +43 278 3 884029259 +43 280 3 883955806 +43 283 2 883955415 +43 290 4 884029192 +43 291 3 883955995 +43 294 5 875975061 +43 301 5 875975135 +43 312 4 883953502 +43 313 5 887076865 +43 317 2 883955319 +43 347 3 888177393 +43 354 4 891293957 +43 367 4 883956494 +43 385 5 883955387 +43 408 5 875975492 +43 411 3 884029519 +43 418 4 883955387 +43 421 3 883954853 +43 473 3 884029309 +43 479 4 875981365 +43 482 4 875981421 +43 491 4 883954997 +43 496 5 883955605 +43 539 3 883953716 +43 542 3 883956518 +43 546 4 875975613 +43 550 3 883956040 +43 559 1 883956468 +43 566 3 883955969 +43 580 3 883956417 +43 581 3 883956468 +43 588 4 883955745 +43 591 5 875975656 +43 625 4 883956146 +43 660 4 883955859 +43 686 3 883955884 +43 699 4 883956040 +43 729 4 883956387 +43 731 4 875981190 +43 735 4 875981275 +43 742 5 883955650 +43 747 4 883956169 +43 755 3 883956075 +43 756 3 884029519 +43 778 5 883955363 +43 781 3 883956494 +43 785 3 883956538 +43 845 5 883955547 +43 892 3 883954776 +43 926 2 875975613 +43 939 3 883955547 +43 969 5 875981159 +43 1023 3 875975323 +43 1035 4 883955745 +43 1047 3 883956387 +43 1048 3 883956260 +43 1052 1 892350297 +43 1054 3 884029658 +43 1055 2 883955969 +43 1056 3 883955498 +44 1 4 878341315 +44 7 5 878341246 +44 22 4 878347942 +44 24 3 878346575 +44 25 2 878346431 +44 31 4 878348998 +44 50 5 878341246 +44 64 5 878347915 +44 67 3 878348111 +44 69 4 878347711 +44 71 3 878347633 +44 81 4 878348499 +44 87 5 878347742 +44 89 5 878347315 +44 90 2 878348784 +44 97 2 878348000 +44 98 2 878347420 +44 99 4 878348812 +44 100 5 878341196 +44 102 2 878348499 +44 109 3 878346431 +44 121 4 878346946 +44 132 4 878347315 +44 133 4 878347569 +44 135 5 878347259 +44 143 4 878347392 +44 144 4 878347532 +44 151 4 878341370 +44 157 4 878347711 +44 159 3 878347633 +44 163 4 878348627 +44 172 4 878348521 +44 173 5 878348725 +44 175 4 878347972 +44 181 4 878341290 +44 183 4 883613372 +44 190 5 878348000 +44 194 5 878347504 +44 196 4 878348885 +44 197 4 878347420 +44 198 4 878348947 +44 200 4 878347633 +44 201 2 878347392 +44 211 4 878347598 +44 222 4 883613334 +44 231 2 878347915 +44 249 4 878346630 +44 260 4 878340905 +44 298 2 883612726 +44 307 4 878340940 +44 313 4 883612268 +44 318 5 878347340 +44 328 4 878340848 +44 380 4 883613334 +44 405 3 878346512 +44 419 4 878348784 +44 423 4 878348111 +44 427 3 878348547 +44 429 4 878347791 +44 432 5 878347569 +44 447 4 878347598 +44 448 2 878348547 +44 450 2 883613335 +44 480 4 878347315 +44 496 4 878348885 +44 520 5 878347874 +44 523 4 878348784 +44 553 3 878347847 +44 591 4 878341315 +44 625 3 878348691 +44 631 1 883613297 +44 633 3 878347633 +44 636 4 878348969 +44 655 3 878347455 +44 678 3 878340887 +44 692 3 878347532 +44 737 1 883613298 +44 756 3 878346904 +44 871 3 883613005 +44 946 3 878347847 +45 7 3 881008080 +45 13 5 881012356 +45 24 3 881014550 +45 50 5 881007272 +45 111 4 881011550 +45 151 2 881013885 +45 181 4 881010742 +45 225 4 881014070 +45 257 5 881008781 +45 278 3 881014550 +45 282 4 881008636 +45 284 4 881014130 +45 288 3 880996629 +45 411 3 881015657 +45 596 3 881014015 +45 597 3 881014070 +45 742 4 881013176 +45 756 2 881015244 +45 762 4 881013563 +45 764 4 881015310 +45 820 4 881015860 +45 823 4 881014785 +45 826 3 881015386 +45 845 4 881011188 +45 926 3 881015386 +45 934 2 881015860 +45 993 4 881014785 +45 1001 3 881014785 +45 1059 2 881014417 +46 50 4 883616254 +46 93 4 883616218 +46 100 4 883616134 +46 125 4 883616284 +46 245 3 883614625 +46 262 5 883614766 +46 286 5 883611352 +46 300 3 883611307 +46 305 5 883614766 +46 332 4 883611482 +46 748 5 883614645 +47 258 4 879438984 +47 262 5 879439040 +47 269 4 879438984 +47 286 3 879438984 +47 288 2 879439078 +47 289 4 879439040 +47 301 4 879440333 +47 303 4 879439112 +47 304 3 879439144 +47 305 5 879439040 +47 307 4 879439112 +47 322 2 879439078 +47 327 4 879440360 +47 683 3 879439143 +47 874 3 879439078 +47 1022 3 879440429 +48 56 3 879434723 +48 98 5 879434954 +48 136 4 879434689 +48 183 5 879434608 +48 185 4 879434819 +48 191 5 879434954 +48 193 2 879434751 +48 194 4 879434819 +48 209 5 879434954 +48 215 4 879434751 +48 243 3 879434330 +48 269 1 879434094 +48 289 1 879434252 +48 294 3 879434212 +48 302 4 879434954 +48 323 3 879434181 +48 357 5 879434653 +48 428 4 879434608 +48 479 4 879434723 +48 480 4 879434653 +48 483 5 879434607 +48 496 5 879434791 +48 519 3 879434689 +48 523 5 879434689 +48 524 3 879434723 +48 527 4 879434654 +48 528 5 879434954 +48 529 4 879434850 +48 647 4 879434819 +48 650 3 879434819 +48 1063 3 879434654 +48 1064 4 879434688 +48 1065 2 879434792 +49 2 1 888069606 +49 4 2 888069512 +49 8 3 888067691 +49 12 4 888068057 +49 13 3 888068816 +49 25 2 888068791 +49 42 4 888068791 +49 50 1 888067691 +49 54 2 888068265 +49 57 4 888066571 +49 62 2 888069660 +49 71 3 888067096 +49 77 1 888068289 +49 80 1 888069117 +49 82 1 888067765 +49 85 3 888068934 +49 90 1 888069194 +49 91 5 888066979 +49 93 5 888068912 +49 96 1 888069512 +49 98 4 888067307 +49 99 4 888067031 +49 121 1 888068100 +49 145 1 888067460 +49 147 1 888069416 +49 154 5 888068715 +49 159 2 888068245 +49 161 1 888069513 +49 171 4 888066551 +49 174 1 888067691 +49 181 1 888067765 +49 182 3 888069416 +49 200 3 888067358 +49 208 4 888068715 +49 209 5 888068877 +49 217 3 888067405 +49 218 2 888068651 +49 225 2 888068651 +49 235 2 888068990 +49 239 2 888068912 +49 240 3 888067031 +49 256 4 888066215 +49 262 5 888065620 +49 270 2 888065432 +49 283 3 888066086 +49 287 4 888068842 +49 289 4 888065744 +49 300 1 888065577 +49 301 3 888065640 +49 320 5 888067334 +49 324 4 888065702 +49 328 2 888068651 +49 358 1 888065805 +49 367 3 888069117 +49 372 4 888069040 +49 382 2 888066705 +49 396 4 888067482 +49 403 3 888069636 +49 404 3 888067765 +49 419 4 888067691 +49 420 4 888067031 +49 428 5 888068791 +49 432 5 888066979 +49 433 5 888068739 +49 455 1 888068791 +49 465 3 888067798 +49 475 4 888066109 +49 477 2 888067727 +49 501 3 888066979 +49 557 3 888066394 +49 561 2 888067460 +49 577 1 888069329 +49 627 2 888067096 +49 640 1 888066685 +49 652 5 888066446 +49 692 1 888069040 +49 698 2 888066776 +49 702 3 888066614 +49 715 3 888069040 +49 717 2 888068651 +49 725 2 888069354 +49 789 4 888068033 +49 813 3 888068686 +49 820 1 888067164 +49 904 2 888065527 +49 919 5 888066133 +49 928 2 888068651 +49 946 2 888067096 +49 997 1 888069117 +49 1017 3 888069040 +49 1018 2 888066755 +49 1021 5 888066647 +49 1028 2 888069304 +49 1036 2 888069304 +49 1066 2 888067187 +49 1067 3 888068842 +49 1069 3 888068912 +49 1071 3 888069138 +49 1072 1 888069194 +49 1073 5 888066424 +49 1074 2 888069165 +49 1075 2 888066424 +49 1077 4 888068057 +49 1079 1 888069165 +49 1080 4 888066734 +49 1081 3 888069246 +49 1083 2 888068651 +50 15 2 877052438 +50 100 2 877052400 +50 124 1 877052400 +50 268 4 877051656 +50 276 2 877052400 +50 288 4 877052008 +50 319 5 877051687 +50 324 5 877052008 +50 327 3 877052093 +50 544 4 877052937 +50 547 4 877052297 +50 1008 5 877052805 +50 1010 5 877052329 +51 50 5 883498685 +51 83 5 883498937 +51 134 2 883498844 +51 136 4 883498756 +51 144 5 883498894 +51 172 5 883498936 +51 173 5 883498844 +51 181 5 883498655 +51 184 3 883498685 +51 203 4 883498685 +51 210 4 883498844 +51 479 3 883498655 +51 603 3 883498728 +51 655 3 883498728 +51 692 3 883498685 +51 705 1 883498756 +52 7 5 882922204 +52 13 5 882922485 +52 19 5 882922407 +52 22 5 882922833 +52 25 5 882922562 +52 100 4 882922204 +52 107 4 882922540 +52 111 4 882922357 +52 117 4 882922629 +52 121 4 882922382 +52 126 5 882922589 +52 151 5 882922249 +52 191 5 882923031 +52 204 4 882923012 +52 237 4 882922227 +52 258 5 882922065 +52 277 5 882922661 +52 282 4 882922302 +52 285 5 882922227 +52 288 3 882922454 +52 302 4 882922065 +52 318 5 882922974 +52 333 4 882922038 +52 463 5 882922927 +52 471 4 882922562 +52 473 4 882922661 +52 527 5 882922927 +52 588 4 882922927 +52 741 4 882922302 +52 762 3 882922806 +52 815 4 882922357 +52 864 3 882922661 +52 919 5 882922140 +52 1011 4 882922588 +52 1085 4 882922454 +53 7 3 879442991 +53 15 5 879443027 +53 25 4 879442538 +53 50 4 879442978 +53 64 5 879442384 +53 96 4 879442514 +53 118 4 879443253 +53 121 4 879443329 +53 151 4 879443011 +53 156 4 879442561 +53 257 4 879443188 +53 284 2 879442901 +53 546 4 879443329 +53 568 4 879442538 +53 628 5 879443253 +53 1087 4 879443329 +54 1 4 880931595 +54 7 4 880935294 +54 24 1 880937311 +54 25 4 880936500 +54 100 5 880931595 +54 117 5 880935384 +54 148 3 880937490 +54 151 2 880936670 +54 181 5 880931358 +54 240 4 880936500 +54 245 4 880929738 +54 250 4 880933834 +54 252 3 880937630 +54 255 3 882153415 +54 272 5 890608175 +54 288 4 880928957 +54 291 1 891898613 +54 295 3 880936905 +54 307 4 891813846 +54 328 4 880928957 +54 338 3 880929490 +54 340 4 890608225 +54 346 4 890608303 +54 405 4 880934806 +54 471 4 880937399 +54 546 3 880937583 +54 634 1 892681013 +54 823 2 880938088 +54 829 2 880937311 +54 930 1 880937813 +55 7 3 878176047 +55 22 5 878176397 +55 50 4 878176005 +55 79 5 878176398 +55 117 3 878176047 +55 118 5 878176134 +55 121 3 878176084 +55 174 4 878176397 +55 181 4 878176237 +55 597 2 878176134 +56 11 4 892676376 +56 22 5 892676376 +56 28 5 892678669 +56 42 4 892676933 +56 50 5 892737154 +56 53 3 892679163 +56 62 5 892910890 +56 66 3 892911110 +56 67 2 892677114 +56 78 3 892910544 +56 87 4 892678508 +56 88 1 892683895 +56 89 4 892676314 +56 97 3 892677186 +56 111 2 892683877 +56 114 4 892683248 +56 117 5 892679439 +56 144 5 892910796 +56 151 4 892910207 +56 153 4 892911144 +56 154 2 892911144 +56 158 3 892911539 +56 161 4 892910890 +56 167 3 892911494 +56 173 4 892737191 +56 176 5 892676377 +56 183 5 892676314 +56 191 4 892678526 +56 193 5 892678669 +56 200 4 892679088 +56 204 5 892676908 +56 210 5 892676377 +56 225 2 892910292 +56 226 4 892679277 +56 227 3 892676430 +56 229 3 892676340 +56 232 4 892676339 +56 233 1 892679308 +56 234 4 892679067 +56 237 5 892679540 +56 238 5 892676885 +56 265 4 892676314 +56 280 4 892683913 +56 281 2 892683611 +56 295 3 893257941 +56 298 4 892683695 +56 300 4 892675935 +56 323 3 892676028 +56 373 4 892910950 +56 376 3 892911420 +56 385 4 892676429 +56 386 3 892911494 +56 393 4 892677047 +56 395 3 892911625 +56 399 4 892910247 +56 403 4 892678942 +56 405 4 892679460 +56 408 4 892683248 +56 410 4 892911348 +56 421 4 892677186 +56 423 5 892737191 +56 441 4 892679163 +56 443 4 892679144 +56 473 2 892683323 +56 483 4 892682889 +56 501 3 892737210 +56 523 4 892676970 +56 550 4 892910860 +56 559 4 892910646 +56 575 3 892911469 +56 578 3 892910860 +56 596 4 892683275 +56 636 4 892683533 +56 655 4 892676996 +56 678 4 892676056 +56 720 3 892910860 +56 732 4 892677147 +56 748 4 892676028 +56 778 4 892678669 +56 781 4 892677147 +56 794 3 892683960 +56 820 3 892683303 +56 862 3 892910292 +56 871 2 892910207 +56 930 3 892679481 +56 946 4 892737210 +56 969 3 892683303 +56 1028 4 892911227 +56 1035 4 892910268 +56 1057 3 892683978 +56 1074 3 892683941 +56 1091 2 892737210 +57 1 5 883698581 +57 8 4 883698292 +57 11 3 883698454 +57 15 4 883697223 +57 24 3 883697459 +57 42 5 883698324 +57 50 5 883697105 +57 64 5 883698431 +57 105 3 883698009 +57 109 4 883697293 +57 111 4 883697679 +57 117 4 883697512 +57 121 4 883697432 +57 125 3 883697223 +57 126 3 883697293 +57 144 3 883698408 +57 168 3 883698362 +57 181 5 883697352 +57 194 4 883698272 +57 195 3 883698431 +57 240 2 883697512 +57 245 4 883696709 +57 249 5 883697704 +57 257 5 883698580 +57 258 5 883698581 +57 284 3 883697158 +57 288 4 883696347 +57 295 5 883698581 +57 318 5 883698580 +57 323 3 883696709 +57 405 4 883697459 +57 471 4 883697134 +57 472 1 883697253 +57 473 3 883697916 +57 475 2 883697223 +57 477 4 883697655 +57 496 4 883698362 +57 546 4 883697482 +57 678 3 883696547 +57 710 3 883698324 +57 717 4 883697960 +57 748 4 883696629 +57 763 5 883698581 +57 820 3 883698039 +57 826 2 883697990 +57 833 4 883697705 +57 845 4 883697253 +57 871 3 883697536 +57 930 2 883698039 +57 988 4 883696785 +57 1001 1 883698039 +57 1016 4 883697730 +57 1073 3 883698525 +57 1096 3 883697940 +58 1 5 884304483 +58 7 5 884304656 +58 11 5 884305019 +58 12 5 884304895 +58 25 4 884304570 +58 56 5 884305369 +58 70 4 890321652 +58 98 4 884304747 +58 111 4 884304638 +58 116 5 884304409 +58 121 2 892242300 +58 124 5 884304483 +58 127 4 884304503 +58 134 5 884304766 +58 135 4 884305150 +58 137 5 884304430 +58 151 3 884304553 +58 153 5 884304896 +58 168 5 891611548 +58 169 4 884304936 +58 171 5 884663379 +58 172 5 884305241 +58 174 4 884305271 +58 175 5 884663324 +58 176 4 884304936 +58 181 3 884304447 +58 185 2 884304896 +58 189 3 884304790 +58 191 5 892791893 +58 199 4 891611501 +58 200 3 884305295 +58 203 5 884305185 +58 209 5 884305019 +58 210 4 884305042 +58 213 5 884663379 +58 223 5 884305150 +58 238 5 884305185 +58 249 4 892242272 +58 255 4 890321652 +58 269 4 884304267 +58 300 4 884388247 +58 310 4 884459024 +58 313 5 884304267 +58 354 3 890321652 +58 367 5 892243053 +58 405 2 892242047 +58 433 5 884305165 +58 462 4 884304865 +58 463 3 884305241 +58 474 4 884305087 +58 491 4 891611593 +58 496 2 891611593 +58 497 2 884305123 +58 501 2 884305220 +58 511 5 884304979 +58 512 3 890770101 +58 514 5 884305321 +58 584 5 884305271 +58 603 5 884304812 +58 640 5 884304767 +58 645 5 884304838 +58 651 4 884305185 +58 652 5 884304728 +58 655 5 884304865 +58 692 2 884305123 +58 730 5 884305004 +58 732 3 884305321 +58 741 2 892242159 +58 773 4 884304790 +58 823 1 892242419 +58 1006 2 884304865 +58 1008 1 884304609 +58 1012 4 884304627 +58 1048 1 892242190 +58 1063 1 884304728 +58 1070 4 884304936 +58 1084 4 884304896 +58 1089 1 892242818 +58 1101 5 890421373 +58 1105 2 884794758 +59 1 2 888203053 +59 3 4 888203814 +59 4 4 888205188 +59 9 4 888203053 +59 11 5 888205744 +59 15 5 888203449 +59 22 4 888204260 +59 24 4 888203579 +59 28 5 888204841 +59 30 5 888205787 +59 32 4 888205228 +59 42 5 888204841 +59 44 4 888206048 +59 51 5 888206095 +59 52 4 888205615 +59 53 5 888206161 +59 55 5 888204553 +59 56 5 888204465 +59 58 4 888204389 +59 59 5 888204928 +59 60 5 888204965 +59 61 4 888204597 +59 64 5 888204309 +59 68 2 888205228 +59 69 5 888205087 +59 73 4 888206254 +59 79 5 888204260 +59 81 4 888205336 +59 83 4 888204802 +59 86 3 888205145 +59 87 4 888205228 +59 89 5 888204965 +59 90 2 888206363 +59 91 4 888205265 +59 96 5 888205659 +59 97 5 888205921 +59 99 4 888205033 +59 106 4 888203959 +59 111 4 888203095 +59 116 4 888203018 +59 123 3 888203343 +59 129 5 888202941 +59 133 3 888204349 +59 135 5 888204758 +59 137 5 888203234 +59 143 1 888204641 +59 147 5 888203270 +59 149 4 888203313 +59 151 5 888203053 +59 161 3 888205855 +59 168 5 888204641 +59 174 5 888204553 +59 176 5 888205574 +59 179 5 888204996 +59 180 4 888204597 +59 181 5 888204877 +59 182 5 888204877 +59 184 4 888206094 +59 185 5 888205228 +59 187 5 888204349 +59 190 5 888205033 +59 191 4 888204841 +59 193 4 888204465 +59 194 3 888204841 +59 197 5 888205462 +59 198 5 888204389 +59 199 4 888205410 +59 201 4 888204260 +59 205 3 888204260 +59 210 4 888204309 +59 211 5 888206048 +59 212 4 888205463 +59 216 4 888205228 +59 219 5 888206485 +59 220 2 888203175 +59 226 4 888206362 +59 228 4 888205714 +59 232 3 888206485 +59 234 5 888204928 +59 237 3 888203371 +59 240 2 888203579 +59 243 1 888206764 +59 265 4 888205410 +59 273 2 888203129 +59 276 5 888203095 +59 277 4 888203234 +59 284 2 888203449 +59 285 4 888202941 +59 288 5 888202787 +59 290 3 888203750 +59 313 5 888202532 +59 321 4 888206764 +59 357 5 888204349 +59 369 2 888203959 +59 371 4 888206095 +59 380 3 888205956 +59 392 2 888206562 +59 393 2 888205714 +59 402 4 888206296 +59 403 5 888206605 +59 404 3 888205463 +59 410 3 888203270 +59 416 3 888205660 +59 423 5 888204465 +59 425 4 888204928 +59 430 5 888205228 +59 432 4 888204802 +59 434 4 888205574 +59 435 5 888204553 +59 436 5 888206094 +59 443 5 888205370 +59 451 5 888206049 +59 458 4 888203128 +59 462 5 888205787 +59 465 2 888206363 +59 466 4 888204389 +59 472 3 888203482 +59 474 5 888204430 +59 477 3 888203415 +59 479 5 888205370 +59 480 5 888204802 +59 483 5 888204309 +59 484 4 888204502 +59 489 4 888205300 +59 491 4 888206689 +59 492 4 888205370 +59 498 5 888204927 +59 503 4 888205855 +59 504 5 888205921 +59 505 4 888204260 +59 507 4 888204877 +59 508 5 888203095 +59 510 4 888204502 +59 514 5 888204641 +59 515 4 888204430 +59 517 5 888205714 +59 519 4 888204965 +59 523 4 888204389 +59 524 3 888206689 +59 525 3 888204758 +59 526 4 888204928 +59 529 4 888205145 +59 567 4 888206562 +59 581 5 888206015 +59 584 4 888205145 +59 591 4 888203270 +59 595 3 888203658 +59 602 2 888206295 +59 603 5 888204309 +59 606 4 888204802 +59 608 4 888204502 +59 610 4 888205615 +59 612 3 888206161 +59 615 4 888204553 +59 616 5 888206049 +59 618 4 888205956 +59 620 4 888203959 +59 622 4 888206015 +59 633 3 888204641 +59 642 5 888206254 +59 644 4 888205033 +59 647 5 888205336 +59 649 4 888205660 +59 650 5 888205534 +59 651 5 888204997 +59 654 4 888204309 +59 655 5 888204642 +59 657 4 888204597 +59 658 4 888205188 +59 662 3 888206125 +59 670 4 888206485 +59 672 5 888206015 +59 673 5 888204802 +59 675 5 888205534 +59 679 4 888205714 +59 684 3 888204553 +59 687 1 888206764 +59 705 4 888205087 +59 713 5 888203579 +59 727 2 888205265 +59 736 5 888205145 +59 741 4 888203175 +59 746 5 888204642 +59 747 4 888205410 +59 755 4 888206254 +59 756 2 888203658 +59 762 4 888203708 +59 770 4 888205534 +59 774 2 888206562 +59 781 4 888206605 +59 789 4 888205087 +59 792 4 888206362 +59 845 5 888203579 +59 900 4 888202814 +59 919 4 888203018 +59 929 2 888203018 +59 946 1 888206445 +59 953 5 888205787 +59 959 4 888206095 +59 963 5 888204757 +59 969 3 888204802 +59 975 4 888203610 +59 1005 5 888206363 +59 1021 4 888204996 +59 1048 4 888203270 +59 1050 2 888205188 +59 1074 4 888206409 +59 1093 5 888203578 +59 1101 5 888205265 +59 1111 5 888204758 +59 1112 3 888206161 +59 1114 5 888203415 +59 1115 3 888203128 +59 1119 4 888206094 +59 1120 1 888203900 +60 7 5 883326241 +60 8 3 883326370 +60 9 5 883326399 +60 12 4 883326463 +60 15 4 883328033 +60 23 4 883326652 +60 30 5 883325944 +60 50 5 883326566 +60 59 5 883326155 +60 69 4 883326215 +60 70 4 883326838 +60 73 4 883326995 +60 89 5 883326463 +60 95 4 883327799 +60 96 4 883326122 +60 97 3 883326215 +60 121 4 883327664 +60 128 3 883326566 +60 131 4 883327441 +60 133 4 883326893 +60 134 4 883326215 +60 135 5 883327087 +60 136 4 883326057 +60 141 3 883327472 +60 144 4 883325944 +60 153 3 883326733 +60 160 4 883326525 +60 166 4 883326593 +60 168 5 883326837 +60 173 4 883326498 +60 174 4 883326497 +60 175 5 883326919 +60 181 4 883326754 +60 185 4 883326682 +60 195 4 883326086 +60 204 4 883326086 +60 205 4 883326426 +60 209 5 883326593 +60 210 4 883326241 +60 211 4 883327493 +60 212 5 883327087 +60 215 4 883327566 +60 225 3 883327976 +60 227 4 883326784 +60 228 4 883327472 +60 229 4 883327472 +60 230 4 883327441 +60 237 4 883327442 +60 265 5 883327591 +60 275 4 883326682 +60 286 5 883325421 +60 327 4 883325508 +60 357 4 883326273 +60 366 4 883327368 +60 378 4 883327566 +60 385 4 883327799 +60 393 4 883327754 +60 404 3 883327287 +60 405 4 883326958 +60 411 3 883327827 +60 418 3 883327342 +60 419 3 883327612 +60 423 4 883326593 +60 429 5 883326733 +60 433 4 883327342 +60 434 5 883327368 +60 435 4 883326122 +60 445 5 883326273 +60 479 5 883326301 +60 482 4 883326958 +60 483 5 883326497 +60 484 5 883326370 +60 491 4 883326301 +60 494 4 883326399 +60 496 4 883326682 +60 501 3 883327472 +60 506 5 883327441 +60 510 5 883327174 +60 513 5 883325994 +60 515 5 883326784 +60 517 4 883327265 +60 519 4 883326370 +60 524 4 883325994 +60 528 4 883326086 +60 546 4 883326837 +60 582 4 883327664 +60 592 4 883327566 +60 593 5 883326185 +60 601 4 883325944 +60 602 4 883326958 +60 603 5 883326652 +60 608 5 883326028 +60 609 3 883327923 +60 615 5 883326215 +60 617 4 883326273 +60 618 3 883327113 +60 629 3 883327175 +60 637 4 883327975 +60 641 5 883326086 +60 650 4 883327201 +60 654 4 883326399 +60 656 4 883327018 +60 661 4 883326808 +60 665 4 883326893 +60 675 4 883326995 +60 684 4 883328033 +60 705 4 883326710 +60 708 4 883326784 +60 735 5 883327711 +60 736 5 883327923 +60 745 5 883327442 +60 755 4 883327639 +60 799 4 883326995 +60 835 4 883326893 +60 1050 3 883327923 +60 1060 4 883326995 +60 1121 3 883326215 +60 1122 5 883326498 +60 1125 4 883326497 +61 258 4 891206125 +61 269 3 891206125 +61 271 1 892302231 +61 294 2 891220884 +61 300 5 891206407 +61 301 1 891206450 +61 304 4 891220884 +61 310 4 891206194 +61 327 2 891206407 +61 333 3 891206232 +61 748 2 892302120 +61 751 3 891206274 +62 1 2 879372813 +62 7 4 879372277 +62 9 4 879372182 +62 13 4 879372634 +62 15 2 879372634 +62 22 4 879373820 +62 44 3 879374142 +62 50 5 879372216 +62 53 2 879376270 +62 56 5 879373711 +62 62 3 879375781 +62 64 4 879373638 +62 69 4 879374015 +62 70 3 879373960 +62 71 4 879374661 +62 72 3 879375762 +62 76 4 879374045 +62 81 4 879375323 +62 82 4 879375414 +62 83 5 879375000 +62 91 4 879375196 +62 97 2 879373795 +62 98 4 879373543 +62 116 3 879372480 +62 117 4 879372563 +62 127 4 879372216 +62 128 2 879374866 +62 129 3 879372276 +62 134 4 879373768 +62 144 3 879374785 +62 151 5 879372651 +62 159 3 879375762 +62 167 2 879376727 +62 170 3 879373848 +62 171 4 879373659 +62 172 5 879373794 +62 174 4 879374916 +62 188 3 879373638 +62 190 5 879374686 +62 191 5 879373613 +62 195 5 879373960 +62 196 4 879374015 +62 199 4 879373692 +62 204 3 879373737 +62 207 3 879375676 +62 210 4 879374640 +62 215 3 879374640 +62 217 2 879376387 +62 222 5 879372480 +62 230 2 879375738 +62 237 3 879372563 +62 238 5 879373568 +62 241 1 879375562 +62 245 2 879373232 +62 250 5 879372455 +62 252 3 879373272 +62 271 1 879371909 +62 273 4 879371980 +62 275 4 879372325 +62 276 5 879372182 +62 283 4 879372598 +62 285 4 879372455 +62 290 3 879373007 +62 357 4 879374706 +62 380 5 879375626 +62 387 2 879376115 +62 402 3 879375883 +62 403 4 879375588 +62 405 3 879373118 +62 431 2 879374969 +62 436 3 879375883 +62 451 3 879375716 +62 455 3 879372696 +62 463 4 879374916 +62 466 3 879374785 +62 472 2 879373152 +62 474 4 879373613 +62 483 4 879373768 +62 509 4 879373568 +62 511 4 879373586 +62 512 4 879374894 +62 521 5 879374706 +62 528 5 879375080 +62 546 4 879373118 +62 554 1 879375562 +62 568 3 879375080 +62 569 1 879376158 +62 582 4 879374753 +62 597 2 879373254 +62 605 3 879375364 +62 651 4 879373848 +62 652 4 879375364 +62 655 3 879375453 +62 673 2 879375323 +62 676 3 879372633 +62 699 4 879375022 +62 704 2 879375477 +62 708 3 879375912 +62 710 3 879375453 +62 715 2 879375912 +62 723 2 879375738 +62 729 3 879375414 +62 739 2 879375454 +62 744 3 879372304 +62 747 3 879375247 +62 866 2 879373195 +62 875 4 879371909 +62 924 1 879373175 +62 931 1 879373522 +62 949 4 879376210 +62 952 3 879372505 +62 959 4 879375269 +62 1009 4 879372869 +62 1018 3 879375606 +62 1028 1 879373215 +62 1077 3 879374607 +62 1091 3 879376709 +62 1129 5 879372060 +62 1130 4 879376686 +62 1132 2 879373404 +62 1133 4 879376332 +62 1134 2 879372936 +62 1135 2 879376159 +63 1 3 875747368 +63 3 2 875748068 +63 10 4 875748004 +63 14 4 875747401 +63 15 3 875747439 +63 25 4 875747292 +63 79 3 875748245 +63 108 2 875748164 +63 121 1 875748139 +63 137 4 875747368 +63 181 3 875747556 +63 224 4 875747635 +63 257 3 875747342 +63 258 3 875746809 +63 259 3 875747047 +63 262 4 875746917 +63 269 3 875746948 +63 276 4 875747265 +63 282 1 875747657 +63 283 4 875747401 +63 284 3 875747581 +63 285 3 875747470 +63 286 4 875746809 +63 287 3 875747829 +63 294 2 875747047 +63 302 3 875746809 +63 321 3 875746917 +63 322 2 875746986 +63 325 2 875747047 +63 333 4 875746917 +63 405 4 875748109 +63 473 2 875747635 +63 475 4 875747319 +63 480 3 875748245 +63 546 2 875747789 +63 591 3 875747581 +63 596 2 875747470 +63 676 3 875747470 +63 713 3 875747556 +63 741 3 875747854 +63 748 4 875747010 +63 813 5 875747265 +63 828 1 875747936 +63 929 3 875747955 +63 993 2 875747635 +63 1010 3 875747829 +63 1012 3 875747854 +63 1138 2 875747789 +64 10 5 889739733 +64 11 4 889737376 +64 22 4 889737376 +64 28 4 889737851 +64 31 4 889739318 +64 32 1 889739346 +64 48 5 879365619 +64 50 5 889737914 +64 79 4 889737943 +64 81 4 889739460 +64 82 3 889740199 +64 87 4 889737851 +64 89 3 889737376 +64 91 4 889739733 +64 97 3 889738085 +64 98 4 889737654 +64 101 2 889740225 +64 111 4 889739975 +64 121 2 889739678 +64 127 5 879366214 +64 132 4 889737851 +64 135 4 889737889 +64 141 4 889739517 +64 143 4 889739051 +64 144 3 889737771 +64 153 3 889739243 +64 162 3 889739262 +64 168 5 889739243 +64 172 4 889739091 +64 174 5 889737478 +64 179 5 889739460 +64 182 4 889738030 +64 183 5 889737914 +64 184 4 889739243 +64 185 4 889739517 +64 186 4 889737691 +64 188 4 889739586 +64 190 4 889737851 +64 191 4 889740740 +64 194 5 889737710 +64 195 5 889737914 +64 196 4 889737992 +64 197 3 889737506 +64 203 4 889737851 +64 209 5 889737654 +64 210 3 889737654 +64 218 1 889739517 +64 227 3 889740880 +64 228 4 889739438 +64 234 4 889737800 +64 235 4 889740567 +64 237 4 889740310 +64 241 3 889739380 +64 258 3 879365313 +64 265 4 879365491 +64 269 5 879365313 +64 271 3 889737047 +64 273 2 889739381 +64 275 4 879365670 +64 288 4 879365313 +64 300 3 879365314 +64 310 4 889737047 +64 313 4 889736971 +64 326 3 879365313 +64 340 4 879365313 +64 347 3 889737062 +64 356 3 889740154 +64 384 2 889740367 +64 389 4 889739834 +64 405 3 889739288 +64 419 2 889740310 +64 423 4 889739569 +64 425 4 889739051 +64 431 4 889737376 +64 434 4 889739052 +64 435 4 889737771 +64 436 5 889739625 +64 463 4 889739212 +64 475 5 889738993 +64 480 3 879365619 +64 496 5 889737567 +64 503 4 889740342 +64 511 4 889739779 +64 520 5 889737851 +64 531 3 889740718 +64 546 3 889739883 +64 559 3 889740310 +64 568 4 889737506 +64 569 3 889740602 +64 588 4 889739091 +64 591 4 889740394 +64 603 3 889737506 +64 625 3 889740286 +64 650 3 889740225 +64 651 4 889740795 +64 652 2 879365590 +64 655 4 889739243 +64 679 3 889740033 +64 693 3 889737654 +64 718 4 889739243 +64 732 4 889739288 +64 748 1 879365314 +64 751 2 889737047 +64 768 2 889739954 +64 847 3 879365558 +64 919 4 889739834 +64 969 3 889737889 +64 1065 1 889737968 +64 1140 1 889740676 +65 1 3 879217290 +65 9 5 879217138 +65 15 5 879217138 +65 25 4 879217406 +65 28 4 879216734 +65 50 5 879217689 +65 63 2 879217913 +65 64 5 879216529 +65 65 3 879216672 +65 66 3 879217972 +65 69 3 879216479 +65 73 4 879217998 +65 77 5 879217689 +65 87 5 879217689 +65 88 4 879217942 +65 98 4 879218418 +65 111 4 879217375 +65 168 4 879217851 +65 178 5 879217689 +65 179 3 879216605 +65 185 4 879218449 +65 194 4 879217881 +65 215 5 879217689 +65 237 4 879217320 +65 238 3 879218449 +65 255 3 879217406 +65 258 3 879216131 +65 294 4 879217320 +65 356 5 879216825 +65 365 3 879216672 +65 378 5 879217032 +65 392 5 879217689 +65 393 4 879217881 +65 402 4 879216949 +65 423 5 879216702 +65 471 4 879217434 +65 476 3 879217290 +65 511 4 879216567 +65 514 4 879217998 +65 531 4 879218328 +65 651 4 879216371 +65 655 4 879216769 +65 660 5 879216880 +65 735 4 879216769 +65 778 4 879216949 +65 956 4 879216797 +65 1041 3 879217942 +65 1044 3 879217002 +66 9 4 883601265 +66 24 3 883601582 +66 50 5 883601236 +66 121 3 883601834 +66 127 4 883601156 +66 237 4 883601355 +66 248 4 883601426 +66 257 3 883601355 +66 282 3 883601266 +66 284 3 883601812 +66 286 1 883601089 +66 294 4 883601089 +66 295 3 883601456 +66 300 5 883601089 +66 405 3 883601990 +66 508 4 883601387 +66 535 4 883602044 +66 741 4 883601664 +66 763 4 883602094 +66 825 3 883602268 +66 1016 3 883601859 +67 24 4 875379729 +67 25 4 875379420 +67 105 4 875379683 +67 117 5 875379794 +67 125 4 875379643 +67 235 3 875379643 +67 273 4 875379288 +67 412 1 875379540 +67 546 3 875379288 +67 756 3 875379566 +67 1047 3 875379750 +67 1052 3 875379419 +68 9 4 876974073 +68 25 4 876974176 +68 111 3 876974276 +68 121 1 876974176 +68 127 4 876973969 +68 181 5 876973884 +68 258 5 876973692 +68 275 5 876973969 +68 276 5 876973884 +68 286 5 876973692 +68 409 3 876974677 +68 458 1 876974048 +68 475 5 876973917 +68 596 2 876974023 +68 713 2 876974073 +68 763 1 876973917 +68 926 1 876974298 +68 1089 1 876974484 +69 7 5 882126086 +69 42 5 882145548 +69 50 5 882072748 +69 79 4 882145524 +69 98 5 882145375 +69 117 4 882072748 +69 123 4 882126125 +69 124 4 882072869 +69 172 5 882145548 +69 181 5 882072778 +69 182 4 882145400 +69 197 5 882145548 +69 222 3 882072956 +69 234 5 882145505 +69 235 3 882126048 +69 236 4 882072827 +69 237 3 882072920 +69 245 1 882027284 +69 246 5 882072827 +69 265 4 882145400 +69 273 3 882072803 +69 282 3 882126048 +69 288 5 882027173 +69 289 4 882027133 +69 294 2 882027233 +69 298 4 882072998 +69 302 4 882027109 +69 307 2 882027204 +69 334 3 882125962 +69 475 3 882072869 +69 628 3 882126125 +69 742 3 882072956 +69 763 3 882126156 +69 879 1 882027284 +69 886 4 882027284 +69 1016 3 882072956 +69 1142 4 882072956 +69 1144 5 882126156 +70 1 4 884065277 +70 8 4 884064986 +70 15 3 884148728 +70 24 4 884064743 +70 28 4 884065757 +70 63 3 884151168 +70 79 4 884149453 +70 83 4 884065895 +70 88 4 884067394 +70 91 3 884068138 +70 94 3 884151014 +70 95 4 884065501 +70 99 4 884067222 +70 101 3 884150753 +70 132 4 884067281 +70 135 4 884065387 +70 142 3 884150884 +70 143 5 884149431 +70 150 3 884065247 +70 161 3 884067638 +70 168 4 884065423 +70 172 5 884064217 +70 173 4 884149452 +70 174 5 884065782 +70 175 3 884150422 +70 181 4 884064416 +70 183 4 884149894 +70 204 3 884066399 +70 208 4 884149431 +70 214 3 884067842 +70 222 4 884064269 +70 225 3 884148916 +70 227 3 884067476 +70 229 3 884064269 +70 230 4 884064269 +70 231 3 884064862 +70 257 4 884063946 +70 264 4 884063668 +70 289 3 884066399 +70 300 4 884063569 +70 313 4 884063469 +70 343 4 884066910 +70 380 3 884066399 +70 393 4 884068497 +70 403 4 884064862 +70 404 4 884149622 +70 405 3 884149117 +70 408 4 884152129 +70 411 3 884066399 +70 418 3 884149806 +70 429 3 884150369 +70 449 2 884065247 +70 450 1 884064269 +70 451 4 884065678 +70 473 3 884066399 +70 483 5 884064444 +70 496 4 884064545 +70 501 4 884067201 +70 507 4 884066886 +70 538 2 884066399 +70 554 3 884068277 +70 559 3 884066399 +70 568 3 884149722 +70 576 2 884065248 +70 596 3 884148728 +70 597 3 884148999 +70 655 4 884150153 +70 678 3 884063627 +70 684 3 884149646 +70 739 2 884150753 +70 755 3 884150865 +70 820 1 884152379 +70 946 3 884150691 +70 993 3 884064688 +70 1030 2 884151801 +70 1145 3 884151622 +70 1146 3 884151576 +71 6 3 880864124 +71 14 5 877319375 +71 52 4 877319567 +71 64 4 885016536 +71 98 4 885016536 +71 100 4 877319197 +71 153 4 885016495 +71 168 5 885016641 +71 174 2 877319610 +71 175 4 885016882 +71 177 2 885016961 +71 181 3 877319414 +71 197 5 885016990 +71 248 3 877319446 +71 257 5 877319414 +71 282 3 885016990 +71 286 4 877319080 +71 302 3 880864015 +71 357 5 885016495 +71 429 4 877319610 +71 514 4 877319567 +71 744 4 877319294 +72 1 4 880035614 +72 2 3 880037376 +72 5 4 880037418 +72 7 1 880036347 +72 9 5 880035636 +72 15 5 880035708 +72 23 4 880036550 +72 25 5 880035588 +72 50 2 880037119 +72 56 5 880037702 +72 58 4 880036638 +72 69 4 880036579 +72 77 4 880036945 +72 81 3 880036876 +72 97 4 880036638 +72 98 5 880037417 +72 106 4 880036185 +72 118 3 880036346 +72 134 5 880037793 +72 147 5 880037702 +72 170 3 880037793 +72 174 5 880037702 +72 187 4 880036638 +72 188 4 880037203 +72 191 5 880036515 +72 194 4 880037793 +72 197 5 880037702 +72 198 5 880037881 +72 212 5 880036946 +72 215 4 880036718 +72 220 3 880035786 +72 222 1 880036346 +72 228 1 880037204 +72 229 1 880037307 +72 233 4 880037242 +72 237 3 880036346 +72 241 4 880037242 +72 271 1 880036346 +72 318 5 880037702 +72 380 1 880036854 +72 402 4 880036824 +72 403 3 880037277 +72 405 3 880036346 +72 443 3 880037418 +72 461 3 880036824 +72 466 4 880037461 +72 471 4 880035588 +72 476 4 880036048 +72 493 5 880037768 +72 518 4 880036824 +72 521 4 880036718 +72 525 4 880037436 +72 526 4 880037164 +72 553 5 880036638 +72 582 4 880036783 +72 591 5 880035708 +72 628 4 880035857 +72 642 4 880037479 +72 647 1 880036550 +72 649 4 880036783 +72 654 4 880037461 +72 655 5 880037702 +72 664 3 880037020 +72 684 4 880037203 +72 685 4 880035588 +72 708 4 880036691 +72 770 4 880037306 +72 792 3 880036718 +72 844 4 880035708 +72 972 4 880036911 +72 1051 4 880035958 +72 1147 5 880036783 +72 1148 4 880036911 +73 1 2 888626065 +73 32 4 888626220 +73 59 5 888625980 +73 64 5 888625042 +73 82 2 888625754 +73 96 2 888626523 +73 129 4 888625907 +73 135 5 888626371 +73 152 3 888626496 +73 153 3 888626007 +73 154 5 888625343 +73 171 5 888626199 +73 175 5 888625785 +73 179 5 888626041 +73 183 4 888626262 +73 187 5 888625934 +73 188 5 888625553 +73 197 5 888625934 +73 213 4 888625753 +73 246 3 888792938 +73 255 2 888792938 +73 268 3 888625754 +73 269 4 888792172 +73 272 4 888792247 +73 285 4 888792900 +73 289 2 888792410 +73 382 4 888626496 +73 433 4 888626437 +73 514 4 888626153 +73 650 3 888626152 +73 660 4 888625754 +73 683 2 888792535 +73 748 2 888792247 +73 894 1 888625592 +74 7 4 888333458 +74 13 4 888333542 +74 245 3 888333280 +74 258 4 888333194 +74 268 3 888333195 +74 276 4 888333458 +74 294 4 888333311 +74 300 3 888333194 +74 302 4 888333219 +74 307 4 888333329 +74 313 5 888333219 +74 315 5 888333194 +74 328 4 888333280 +74 331 4 888333352 +74 340 5 888333194 +74 351 3 888333352 +74 354 3 888333194 +74 358 2 888333372 +74 508 4 888333542 +74 539 3 888333255 +74 690 4 888333352 +75 1 4 884050018 +75 13 5 884050102 +75 25 5 884049875 +75 56 5 884051921 +75 79 5 884051893 +75 111 4 884050502 +75 114 4 884051893 +75 117 4 884050164 +75 123 3 884050164 +75 129 3 884049939 +75 196 4 884051948 +75 220 1 884050705 +75 222 5 884050194 +75 225 2 884050940 +75 235 4 884050502 +75 289 1 884049789 +75 294 3 884049758 +75 301 4 884051510 +75 304 2 884051610 +75 322 1 884049789 +75 323 2 884049789 +75 405 4 884050164 +75 408 4 884050046 +75 413 2 884050979 +75 427 4 884051921 +75 460 5 884050829 +75 473 3 884050733 +75 477 4 884050102 +75 508 4 884050102 +75 678 3 884049758 +75 685 4 884050134 +75 756 2 884050309 +75 825 1 884050393 +75 831 3 884051056 +75 833 2 884051113 +75 845 3 884050194 +75 864 4 884049876 +75 866 2 884050733 +75 926 3 884050393 +75 988 2 884049820 +75 1028 4 884050590 +75 1048 4 884050705 +75 1059 1 884050760 +75 1152 1 884050502 +76 6 5 875028165 +76 7 4 875312133 +76 24 2 882607536 +76 42 3 882606243 +76 56 5 875027739 +76 60 4 875028007 +76 70 4 875027981 +76 77 2 882607017 +76 93 4 882606572 +76 96 5 875312034 +76 129 3 878101114 +76 137 5 875498777 +76 156 3 882606108 +76 172 5 882606080 +76 182 4 882606392 +76 192 5 875027442 +76 203 4 875027507 +76 216 4 875028624 +76 223 2 882606623 +76 264 3 875027292 +76 270 3 879117602 +76 293 4 879117673 +76 318 3 882606166 +76 324 4 875027206 +76 343 3 882129361 +76 358 2 878101114 +76 513 5 882606305 +76 514 4 882129456 +76 517 5 882129432 +76 547 2 882607017 +76 628 2 882606768 +76 769 1 882607018 +76 806 4 882606471 +76 851 4 879576570 +76 919 3 875027945 +76 955 4 882606789 +76 1006 3 875027907 +76 1019 3 879576256 +76 1048 2 882607017 +76 1071 3 882606017 +76 1153 2 882607017 +76 1154 5 878100710 +76 1155 2 882607017 +76 1157 1 882607018 +76 1159 3 882606623 +77 1 5 884732808 +77 15 2 884732873 +77 25 2 884733055 +77 28 5 884753061 +77 31 3 884753292 +77 42 5 884752948 +77 56 4 884752900 +77 96 3 884752562 +77 97 2 884753292 +77 98 4 884752901 +77 121 2 884733261 +77 127 2 884732927 +77 132 3 884753028 +77 133 2 884752997 +77 134 4 884752562 +77 154 5 884733922 +77 156 4 884733621 +77 173 5 884752689 +77 175 4 884733655 +77 183 5 884732606 +77 191 3 884752948 +77 192 3 884752900 +77 199 5 884733988 +77 201 4 884752785 +77 209 4 884752562 +77 215 2 884752757 +77 222 4 884732873 +77 228 3 884753105 +77 246 5 884732808 +77 250 3 884732873 +77 252 1 884733379 +77 268 5 884733857 +77 455 3 884732873 +77 511 2 884753152 +77 519 5 884752874 +77 527 4 884752853 +77 636 2 884753061 +77 641 5 884733621 +77 833 1 884733284 +78 25 3 879633785 +78 93 4 879633766 +78 237 5 879634264 +78 257 4 879633721 +78 288 4 879633467 +78 294 3 879633495 +78 301 5 879633467 +78 327 1 879633495 +78 411 4 879634223 +78 476 3 879633767 +78 813 2 879633745 +78 871 3 879634199 +78 880 5 879633600 +78 1047 1 879634199 +79 1 4 891271870 +79 10 5 891271901 +79 19 5 891271792 +79 93 2 891271676 +79 116 5 891271676 +79 222 4 891271957 +79 236 5 891271719 +79 257 3 891271545 +79 258 5 891271308 +79 268 5 891271792 +79 275 4 891271627 +79 276 3 891271957 +79 283 4 891271627 +79 285 5 891271652 +79 306 5 891271792 +79 311 4 891271278 +79 319 4 891271278 +79 333 2 891271086 +79 340 4 891271180 +79 515 5 891271792 +79 582 5 891271806 +79 676 3 891271957 +79 690 4 891271308 +79 763 5 891271741 +79 902 3 891271086 +79 906 5 891271792 +79 1022 5 891271792 +80 64 5 887401475 +80 79 4 887401407 +80 86 5 887401496 +80 100 5 887401453 +80 154 3 887401307 +80 205 5 887401533 +80 213 3 887401407 +80 237 4 887401732 +80 260 1 883605215 +80 303 4 883605055 +80 483 5 887401328 +80 514 3 887401533 +80 531 4 887401430 +80 887 4 887401236 +81 1 4 876534949 +81 25 5 876533946 +81 42 4 876534704 +81 79 5 876534817 +81 100 3 876533545 +81 111 3 876534174 +81 116 3 876533504 +81 121 4 876533586 +81 150 3 876533619 +81 186 5 876534783 +81 210 4 876534704 +81 237 4 876533764 +81 269 3 876533229 +81 275 4 876533657 +81 276 4 876533545 +81 283 4 876533504 +81 284 3 876533894 +81 288 3 876533229 +81 289 3 876533229 +81 405 3 876533764 +81 456 1 876533504 +81 475 5 876533504 +81 591 5 876534124 +81 596 3 876533824 +81 619 3 876534009 +81 717 2 876533824 +81 726 4 876534505 +81 928 4 876534214 +81 1047 3 876533988 +81 1059 3 876534366 +82 1 4 876311241 +82 3 2 878768765 +82 7 3 876311217 +82 9 4 876311146 +82 21 1 884714456 +82 22 3 878769777 +82 28 3 878769815 +82 50 5 876311146 +82 71 4 878770169 +82 79 3 878769334 +82 81 3 878770059 +82 87 3 878769598 +82 97 4 878769777 +82 99 4 878769949 +82 100 5 876311299 +82 111 4 876311423 +82 112 1 877452357 +82 118 3 878768510 +82 121 4 876311387 +82 125 3 877452380 +82 133 4 878769410 +82 134 4 878769442 +82 168 5 878769748 +82 169 4 878769442 +82 170 4 878769703 +82 175 4 878769598 +82 181 4 876311241 +82 197 4 878769847 +82 211 4 878769815 +82 212 4 878769410 +82 228 3 878769629 +82 230 2 878769815 +82 235 1 876311517 +82 237 3 876311319 +82 238 3 878769373 +82 241 3 878769992 +82 274 3 876311492 +82 283 2 884714164 +82 284 4 876311387 +82 286 4 876311004 +82 288 3 876311518 +82 304 3 884713664 +82 318 4 878769629 +82 326 2 879788343 +82 338 1 884713704 +82 367 4 878769848 +82 409 1 884714421 +82 412 1 884714513 +82 418 4 878769848 +82 424 1 878768811 +82 430 5 878769703 +82 432 4 878769373 +82 435 5 878769409 +82 456 1 884714618 +82 462 4 878769992 +82 473 2 878768765 +82 474 3 878769597 +82 475 1 884714181 +82 483 5 878769888 +82 484 4 878769597 +82 496 4 878769992 +82 511 3 878769948 +82 514 4 878769442 +82 523 5 878769373 +82 539 3 884713704 +82 546 3 876311423 +82 582 4 878769410 +82 588 5 878769917 +82 603 5 878769479 +82 640 3 878769292 +82 660 5 878769848 +82 678 1 884714726 +82 740 2 884714249 +82 770 4 878769777 +82 820 3 878768902 +82 822 2 878769262 +82 826 3 876311646 +82 834 1 884714618 +82 866 3 878768840 +82 895 1 884713704 +82 946 2 878769748 +82 1059 1 884714456 +82 1063 3 878769815 +82 1078 3 878769748 +82 1128 1 884714361 +82 1163 2 884714204 +83 2 4 881971771 +83 4 2 880336655 +83 15 4 880307000 +83 25 2 883867729 +83 31 5 880307751 +83 38 5 887665422 +83 50 3 880327590 +83 56 1 886534501 +83 64 5 887665422 +83 66 4 880307898 +83 69 4 887665549 +83 70 4 880308256 +83 71 3 880328167 +83 79 5 887665423 +83 88 5 880308186 +83 111 3 884647519 +83 121 4 880306951 +83 127 4 887665549 +83 151 3 880306745 +83 161 4 887665549 +83 174 5 880307699 +83 191 4 880308038 +83 196 5 880307996 +83 204 5 880307922 +83 225 3 880307208 +83 233 4 887665549 +83 235 1 883867920 +83 240 1 883870084 +83 243 3 891181725 +83 245 2 891181703 +83 248 3 883868788 +83 249 2 887664680 +83 259 2 883869199 +83 274 4 880306810 +83 298 4 891181511 +83 300 3 889050543 +83 319 1 886532955 +83 322 3 889681216 +83 356 4 880308755 +83 371 3 880308408 +83 393 5 887665423 +83 406 2 891182431 +83 409 4 880307417 +83 411 2 880307259 +83 477 2 887665798 +83 479 5 880307699 +83 508 2 887665655 +83 527 4 880307807 +83 546 4 887665549 +83 566 4 880308099 +83 580 4 883869630 +83 584 4 880308453 +83 591 4 880306745 +83 597 2 891182270 +83 704 3 880327216 +83 717 4 880307339 +83 728 4 880308909 +83 732 4 880308390 +83 739 5 880308141 +83 751 3 883869440 +83 755 5 887665423 +83 756 4 883867791 +83 781 4 883868890 +83 820 2 881971231 +83 828 3 883868208 +83 832 3 883868300 +83 845 3 880306648 +83 846 3 891181639 +83 862 4 883868805 +83 864 4 883954588 +83 871 2 891182319 +83 944 3 880308871 +83 993 2 883868978 +83 1016 4 883868345 +83 1041 4 880308909 +83 1047 2 891182319 +83 1049 3 880307588 +83 1060 3 880306926 +84 1 2 883452108 +84 4 3 883453713 +84 15 4 883449993 +84 25 3 883452462 +84 70 5 883452906 +84 79 4 883453520 +84 87 5 883453587 +84 95 4 883453642 +84 98 4 883453755 +84 100 4 883452155 +84 111 4 883453108 +84 117 4 883450553 +84 203 3 883453587 +84 225 4 883452307 +84 245 4 883449530 +84 258 4 883449347 +84 273 4 883452086 +84 274 4 883452462 +84 276 4 883449944 +84 282 4 883450434 +84 286 5 883449271 +84 294 3 883449317 +84 300 4 883449419 +84 317 3 883453587 +84 318 5 883453617 +84 408 5 883450553 +84 411 2 883452516 +84 466 4 883453148 +84 477 4 883452307 +84 486 5 883453664 +84 543 5 883453713 +84 546 3 883452462 +84 591 4 883451664 +84 597 3 883452200 +84 628 3 883450434 +84 685 3 883452274 +84 744 4 883449965 +84 756 3 883452765 +84 815 4 883452462 +84 823 3 883452672 +84 866 4 883452174 +84 1028 3 883452155 +84 1047 2 883452694 +85 9 4 879456308 +85 10 4 879452898 +85 14 4 879452638 +85 23 4 879454272 +85 27 4 879827488 +85 28 4 879829301 +85 30 3 882995290 +85 42 3 879453876 +85 50 5 882813248 +85 52 3 881705026 +85 57 5 879828107 +85 64 5 879454046 +85 65 3 879455021 +85 69 4 879454582 +85 79 3 879453845 +85 82 3 879454633 +85 87 4 879829327 +85 99 5 880838306 +85 100 3 879452693 +85 121 2 879453167 +85 132 5 879453965 +85 134 5 879454004 +85 135 5 879453845 +85 136 4 879454349 +85 141 3 879829042 +85 143 4 879456247 +85 150 3 890255432 +85 152 5 879454751 +85 153 3 879453658 +85 161 4 882819528 +85 162 2 879454235 +85 168 4 879454304 +85 170 4 879453748 +85 172 4 882813285 +85 173 3 879454045 +85 174 4 879454139 +85 180 4 879454820 +85 181 4 882813312 +85 182 4 893110061 +85 186 3 879454273 +85 188 2 879454782 +85 190 4 879453845 +85 191 4 879455021 +85 193 3 879454189 +85 194 4 879454189 +85 195 3 882995132 +85 196 4 879454952 +85 197 5 879455197 +85 204 4 879828821 +85 205 4 879454004 +85 210 3 879454981 +85 221 2 879452693 +85 222 2 879452831 +85 229 3 882813248 +85 230 3 882813248 +85 231 2 882995615 +85 232 3 882995966 +85 238 2 879453965 +85 246 4 881704999 +85 258 4 882812472 +85 270 3 890255063 +85 281 3 879452971 +85 284 3 879452866 +85 291 3 882994658 +85 301 4 886283002 +85 310 3 880838201 +85 313 4 884820133 +85 316 3 893110061 +85 319 4 879452334 +85 325 2 879452386 +85 328 3 884906441 +85 333 1 886282927 +85 345 4 884820077 +85 357 4 879454045 +85 378 4 879829642 +85 385 3 879455021 +85 393 4 879828967 +85 405 2 879453018 +85 412 3 879453288 +85 416 3 882994912 +85 419 5 882819427 +85 423 4 879454046 +85 428 5 879454235 +85 432 4 880838305 +85 435 4 879828911 +85 447 3 882994767 +85 458 3 879452867 +85 462 4 879454189 +85 465 4 879454437 +85 474 5 879454500 +85 476 3 879453018 +85 478 4 879454951 +85 481 4 879454582 +85 482 4 879454304 +85 483 5 879453933 +85 485 5 879454400 +85 495 3 882994860 +85 496 4 879453781 +85 504 4 879453748 +85 506 4 886282959 +85 510 4 879454400 +85 512 3 879456199 +85 513 4 879454350 +85 515 5 879829265 +85 516 4 879454272 +85 519 4 879829265 +85 520 3 882996257 +85 521 3 879829471 +85 526 4 879454500 +85 527 4 879455114 +85 529 3 879827935 +85 531 4 879454112 +85 582 4 879828014 +85 589 3 879453587 +85 596 3 880838337 +85 606 4 886282959 +85 610 3 879454582 +85 630 3 879453623 +85 631 4 886282927 +85 641 4 879454952 +85 654 4 879454272 +85 657 4 879454189 +85 659 4 879453844 +85 663 5 879454437 +85 664 4 879829562 +85 697 3 879829471 +85 705 5 882994912 +85 707 4 879454350 +85 710 2 879828912 +85 712 3 882995754 +85 715 4 882995967 +85 732 3 879455238 +85 735 3 879454905 +85 745 3 879829021 +85 751 3 884820157 +85 782 2 879829757 +85 813 4 879452664 +85 822 3 880581629 +85 845 3 879828456 +85 921 3 879827989 +85 923 4 879455403 +85 924 1 879453114 +85 955 4 879454400 +85 1006 3 882995833 +85 1010 2 879452971 +85 1018 4 882995668 +85 1039 4 879453903 +85 1070 4 879453809 +85 1075 3 879454400 +85 1103 3 882995489 +85 1113 2 879454981 +85 1121 3 879454820 +85 1136 3 879455402 +85 1166 4 879455021 +85 1170 3 879456350 +85 1171 3 879452638 +85 1172 4 879453781 +85 1173 4 884820209 +85 1174 3 879454633 +86 242 4 879569486 +86 259 4 879570423 +86 269 4 879569486 +86 270 5 879570974 +86 304 3 879570149 +86 326 3 879570423 +86 328 2 879569555 +86 338 1 879570277 +86 683 5 879570974 +86 888 4 879570218 +86 1176 5 879570973 +87 13 3 879876734 +87 21 3 879877173 +87 22 4 879875817 +87 27 4 879876037 +87 38 5 879875940 +87 47 3 879876637 +87 48 4 879875649 +87 49 5 879876564 +87 50 5 879876194 +87 56 4 879876524 +87 62 5 879875996 +87 66 5 879876403 +87 72 3 879876848 +87 80 4 879877241 +87 89 4 879875818 +87 94 4 879876703 +87 100 5 879876488 +87 111 4 879876611 +87 121 5 879875893 +87 127 4 879876194 +87 128 3 879876037 +87 132 5 879877930 +87 134 4 879877740 +87 144 4 879875734 +87 152 4 879876564 +87 153 5 879876703 +87 158 3 879877173 +87 167 4 879876703 +87 172 5 879875737 +87 174 5 879875736 +87 179 4 879875649 +87 180 4 879875649 +87 181 5 879876194 +87 188 4 879875818 +87 194 5 879876403 +87 195 5 879875736 +87 199 5 879875649 +87 202 5 879876403 +87 204 5 879876447 +87 216 5 879876448 +87 222 4 879875940 +87 228 5 879875893 +87 230 5 879875818 +87 232 3 879876037 +87 235 3 879877208 +87 252 3 879876224 +87 273 3 879875857 +87 281 4 879876074 +87 297 3 879877404 +87 321 2 879876813 +87 323 3 879876256 +87 372 3 879876565 +87 396 1 879877280 +87 405 4 879875893 +87 410 4 879876565 +87 414 3 879876673 +87 423 3 879877710 +87 427 4 879877824 +87 433 3 879876702 +87 435 5 879875818 +87 449 3 879876110 +87 451 4 879876448 +87 472 4 879875996 +87 476 2 879877241 +87 477 3 879876610 +87 496 5 879877709 +87 502 5 879876524 +87 510 5 879875818 +87 514 4 879876672 +87 535 4 879876315 +87 546 3 879876074 +87 570 3 879876163 +87 575 3 879877208 +87 577 4 879877127 +87 578 3 879875940 +87 598 2 879877279 +87 648 5 879876448 +87 657 4 879877740 +87 685 3 879875856 +87 692 5 879876565 +87 709 3 879876812 +87 715 3 879876885 +87 722 4 879876946 +87 728 4 879876768 +87 765 3 879877006 +87 780 4 879877173 +87 781 5 879876524 +87 783 4 879877279 +87 789 3 879876610 +87 791 2 879877280 +87 801 3 879876768 +87 802 4 879875940 +87 804 3 879877083 +87 808 3 879875996 +87 824 3 879877043 +87 845 4 879876564 +87 849 5 879875996 +87 866 4 879877208 +87 871 4 879876734 +87 926 4 879877043 +87 944 5 879876848 +87 1028 4 879876946 +87 1041 4 879877007 +87 1049 3 879876812 +87 1118 3 879877007 +87 1177 1 879877280 +87 1178 3 879877208 +87 1179 3 879877127 +87 1180 3 879877127 +87 1181 3 879875940 +87 1185 4 879876885 +87 1186 3 879876886 +87 1188 2 879876110 +88 286 5 891037111 +88 300 3 891037466 +88 308 4 891037396 +88 311 5 891037336 +88 313 3 891037201 +88 319 3 891037708 +88 326 5 891038103 +88 354 5 891037708 +88 880 3 891037466 +88 898 4 891037859 +88 1191 5 891038103 +89 1 5 879461219 +89 7 5 879441422 +89 13 2 879441672 +89 15 5 879441307 +89 25 5 879441637 +89 49 4 879460347 +89 50 5 879461219 +89 66 3 879459980 +89 86 5 879459859 +89 88 4 879459980 +89 100 5 879441271 +89 107 5 879441780 +89 111 4 879441452 +89 137 1 879441335 +89 173 5 879459859 +89 181 4 879441491 +89 187 5 879461246 +89 202 3 879459859 +89 222 5 879441491 +89 235 5 879441657 +89 236 5 879441400 +89 237 4 879441381 +89 240 4 879441571 +89 269 5 879461219 +89 275 5 879441307 +89 301 5 879461219 +89 321 4 879441049 +89 402 4 879460347 +89 405 3 879441586 +89 451 3 879459884 +89 475 5 879441307 +89 702 5 879459999 +89 709 3 879459980 +89 724 4 879460027 +89 731 3 879460347 +89 736 3 879460027 +89 875 3 879441160 +89 880 5 879461219 +89 1074 5 879459909 +89 1119 3 879459884 +90 8 5 891383424 +90 10 5 891383987 +90 18 3 891383687 +90 19 3 891384020 +90 20 4 891384357 +90 23 5 891384997 +90 26 4 891385842 +90 52 5 891385522 +90 56 5 891384516 +90 57 5 891385389 +90 59 5 891383173 +90 60 4 891385039 +90 64 4 891383912 +90 65 4 891385298 +90 69 1 891383424 +90 70 5 891383866 +90 89 5 891385039 +90 97 5 891383987 +90 117 3 891385389 +90 126 2 891384611 +90 127 4 891383561 +90 133 5 891384147 +90 134 5 891383204 +90 135 5 891384570 +90 136 5 891383241 +90 137 5 891384754 +90 141 5 891385899 +90 151 2 891385190 +90 153 5 891384754 +90 154 5 891384516 +90 156 4 891384147 +90 162 5 891385190 +90 170 5 891383561 +90 171 2 891384476 +90 174 5 891383866 +90 175 3 891383912 +90 192 4 891384959 +90 193 4 891383752 +90 194 5 891383424 +90 196 4 891385250 +90 198 5 891383204 +90 208 3 891384065 +90 209 5 891383173 +90 211 5 891383424 +90 212 4 891384147 +90 215 2 891385335 +90 216 5 891383626 +90 218 5 891385899 +90 220 4 891385165 +90 221 4 891383987 +90 223 4 891383912 +90 234 4 891383835 +90 242 4 891382267 +90 268 4 891382392 +90 270 4 891382310 +90 273 3 891385040 +90 275 5 891383626 +90 276 4 891384476 +90 285 5 891383687 +90 286 5 891382267 +90 300 3 891382163 +90 302 5 891383319 +90 303 4 891382193 +90 306 4 891382267 +90 310 3 891382240 +90 316 5 891382658 +90 317 4 891383626 +90 322 4 891382658 +90 340 4 891382121 +90 356 4 891385752 +90 385 4 891385899 +90 387 5 891385215 +90 402 5 891385335 +90 427 5 891384423 +90 430 3 891383835 +90 443 4 891385250 +90 447 5 891385389 +90 454 2 891383423 +90 462 5 891383752 +90 464 5 891385039 +90 474 5 891383599 +90 479 5 891384147 +90 480 5 891383835 +90 481 5 891384516 +90 482 5 891383204 +90 485 5 891383687 +90 488 5 891384065 +90 490 5 891383753 +90 491 4 891384959 +90 493 5 891383600 +90 496 4 891385787 +90 497 5 891384996 +90 498 5 891383173 +90 500 4 891384721 +90 505 5 891383687 +90 509 5 891383866 +90 511 5 891384476 +90 515 5 891385165 +90 516 5 891383987 +90 519 5 891384423 +90 523 4 891383423 +90 527 5 891384959 +90 528 5 891384065 +90 530 3 891385522 +90 531 4 891383204 +90 543 3 891383173 +90 568 5 891385165 +90 606 5 891383173 +90 607 5 891384673 +90 609 5 891384357 +90 610 5 891383753 +90 617 4 891383835 +90 632 5 891384113 +90 639 5 891385039 +90 644 5 891384065 +90 647 5 891383204 +90 650 5 891384516 +90 651 5 891384997 +90 654 5 891384357 +90 656 5 891385132 +90 660 4 891385652 +90 661 5 891385522 +90 676 2 891384066 +90 684 3 891385335 +90 699 4 891385298 +90 703 3 891384997 +90 708 5 891385787 +90 709 5 891383752 +90 721 3 891385215 +90 730 5 891384147 +90 732 5 891383241 +90 750 4 891383319 +90 753 4 891385751 +90 762 3 891385250 +90 811 4 891384516 +90 836 5 891385190 +90 837 5 891384476 +90 847 5 891383753 +90 863 4 891384114 +90 875 1 891382612 +90 889 3 891382731 +90 896 3 891382163 +90 905 4 891383319 +90 942 4 891385165 +90 954 4 891385522 +90 965 5 891383561 +90 972 4 891384476 +90 990 3 891382522 +90 1005 2 891383912 +90 1039 5 891383599 +90 1045 2 891385843 +90 1097 4 891384885 +90 1134 3 891385752 +90 1136 3 891385899 +90 1137 2 891384516 +90 1192 5 891384673 +90 1195 5 891384789 +90 1196 4 891383599 +90 1199 5 891385652 +90 1201 5 891383687 +90 1202 5 891385132 +90 1203 5 891385466 +90 1204 4 891384959 +90 1205 3 891383687 +91 22 5 891439208 +91 31 5 891438875 +91 50 5 891439386 +91 56 1 891439057 +91 69 5 891439057 +91 79 5 891439018 +91 98 5 891439130 +91 127 5 891439018 +91 132 3 891439503 +91 135 4 891439302 +91 136 4 891438909 +91 143 4 891439386 +91 176 5 891439130 +91 182 4 891439439 +91 183 5 891438909 +91 187 5 891438908 +91 192 4 891439302 +91 204 4 891438909 +91 205 5 891438947 +91 210 5 891439208 +91 211 2 891439208 +91 294 3 891438288 +91 300 4 891438004 +91 328 4 891438245 +91 333 5 891438106 +91 343 4 891438151 +91 389 2 891439130 +91 418 2 891439503 +91 429 4 891439324 +91 474 3 891438947 +91 483 4 891439208 +91 495 4 891439171 +91 498 3 891439271 +91 501 2 891439130 +91 511 5 891439243 +91 520 4 891439414 +91 527 4 891439057 +91 568 2 891439018 +91 601 4 891439171 +91 603 5 891439171 +91 612 4 891439471 +91 614 4 891439018 +91 651 5 891439057 +91 657 4 891439130 +91 662 4 891439439 +91 735 4 891439503 +91 750 5 891438209 +91 988 2 891438583 +91 1126 1 891439301 +91 1192 4 891439243 +92 1 4 875810511 +92 4 4 875654222 +92 5 4 875654432 +92 7 4 876175754 +92 8 5 875654159 +92 9 4 875640148 +92 12 5 875652934 +92 13 4 886443292 +92 25 3 875640072 +92 29 3 875656624 +92 38 3 875657640 +92 39 3 875656419 +92 40 3 875656164 +92 44 3 875906989 +92 47 4 875654732 +92 49 3 875907416 +92 50 5 875640148 +92 51 4 875812305 +92 54 3 875656624 +92 55 3 875654245 +92 56 5 875653271 +92 58 4 875653836 +92 63 3 875907504 +92 64 4 875653519 +92 65 4 875653960 +92 68 3 875653699 +92 69 5 875653198 +92 71 5 875654888 +92 72 3 875658159 +92 78 3 876175191 +92 80 2 875907504 +92 82 2 875654846 +92 91 3 875660164 +92 92 4 875654846 +92 95 3 875653664 +92 100 5 875640294 +92 108 2 886443416 +92 111 3 875641135 +92 116 3 875640251 +92 117 4 875640214 +92 118 2 875640512 +92 120 2 875642089 +92 122 3 875907535 +92 125 4 876175004 +92 143 3 875653960 +92 145 2 875654929 +92 147 2 875640542 +92 149 3 886443494 +92 153 4 875653605 +92 155 2 875654888 +92 156 4 875656086 +92 157 4 875653988 +92 160 4 875654125 +92 167 3 875656557 +92 169 5 875653121 +92 171 4 875652981 +92 174 5 875654189 +92 179 5 875653077 +92 182 4 875653836 +92 186 4 875653960 +92 193 4 875654222 +92 195 5 875652981 +92 198 5 875653016 +92 199 3 875811628 +92 200 3 875811717 +92 202 3 875653805 +92 204 4 875653913 +92 208 4 875656288 +92 210 4 875653519 +92 212 4 875656086 +92 217 3 875657595 +92 218 4 875654846 +92 222 4 886440557 +92 225 3 875640740 +92 227 1 875654846 +92 228 4 875653867 +92 230 3 875656055 +92 231 3 875654732 +92 233 3 875654732 +92 234 4 875654297 +92 235 3 875640338 +92 237 4 875640318 +92 239 4 875654125 +92 240 2 875640189 +92 243 1 875644795 +92 245 4 877966971 +92 246 4 890251289 +92 250 4 890251534 +92 257 2 875640273 +92 258 4 886440479 +92 260 1 890463551 +92 265 4 875657620 +92 268 4 890251912 +92 271 2 880149111 +92 274 4 876175626 +92 282 4 876769303 +92 284 2 876175733 +92 294 3 875640679 +92 304 4 888469716 +92 307 4 892655699 +92 322 3 890251700 +92 356 3 875813171 +92 363 3 886443455 +92 364 3 875907702 +92 368 1 886443672 +92 369 3 886443672 +92 370 1 875644796 +92 382 4 875656317 +92 383 1 876175191 +92 385 4 875653665 +92 396 3 875654733 +92 401 3 875907535 +92 402 3 875813098 +92 405 2 875644795 +92 406 2 881008058 +92 408 4 876175704 +92 409 3 890251791 +92 411 4 875640189 +92 418 3 875653769 +92 421 4 875654534 +92 425 4 875812898 +92 428 4 875653519 +92 432 3 876175031 +92 433 5 875654665 +92 436 4 875654534 +92 449 3 875812511 +92 450 2 875907134 +92 451 3 875660083 +92 452 2 875906828 +92 456 2 888469668 +92 466 4 875811549 +92 474 4 875653519 +92 500 4 883433734 +92 504 3 875653050 +92 546 2 875640512 +92 554 2 875907180 +92 558 3 875906765 +92 566 4 875658112 +92 575 2 875907763 +92 577 3 875907649 +92 583 3 875907134 +92 591 4 875640294 +92 597 2 886443328 +92 620 3 875813224 +92 627 3 875654159 +92 631 4 875658112 +92 636 3 875812064 +92 642 3 875654929 +92 651 4 875653271 +92 658 3 875654353 +92 674 4 875906853 +92 679 4 875660468 +92 684 3 875656502 +92 685 3 875640708 +92 702 3 875656054 +92 704 3 875812121 +92 707 4 875653162 +92 708 4 875654432 +92 729 4 875656624 +92 732 3 875812841 +92 735 3 875656121 +92 737 4 875654125 +92 742 3 886443192 +92 743 2 890251826 +92 755 3 875656055 +92 758 1 875644796 +92 761 2 875907134 +92 771 1 875907180 +92 780 3 875660494 +92 783 3 875907574 +92 789 5 875653242 +92 800 3 875906802 +92 823 4 875654846 +92 826 2 886443534 +92 841 3 886443455 +92 855 5 875653162 +92 922 1 875644796 +92 926 3 875640542 +92 934 2 875639642 +92 949 3 875653664 +92 974 2 886443626 +92 980 3 883433686 +92 984 2 888469687 +92 993 4 890251516 +92 998 2 875907649 +92 1011 3 886443471 +92 1018 4 875653769 +92 1023 2 892655775 +92 1028 2 876769174 +92 1037 2 875907702 +92 1040 3 876175658 +92 1042 3 875907079 +92 1046 3 875812841 +92 1052 2 890251841 +92 1073 5 875653271 +92 1074 3 875907535 +92 1090 3 875907079 +92 1157 2 875812435 +92 1194 4 875654432 +92 1208 4 875812741 +92 1210 1 875907179 +92 1211 3 876175395 +92 1214 2 876174925 +92 1216 4 886442386 +93 1 5 888705321 +93 14 4 888705200 +93 118 3 888705416 +93 121 3 888705053 +93 151 1 888705360 +93 276 2 888705257 +93 283 4 888705146 +93 866 2 888705780 +93 934 3 888705988 +94 4 4 891721168 +94 7 4 885873089 +94 11 5 885870231 +94 22 4 885872758 +94 25 3 891724142 +94 29 2 891723883 +94 32 5 891721851 +94 41 3 891723355 +94 42 4 885870577 +94 47 5 891720498 +94 49 4 891722174 +94 51 3 891721026 +94 53 4 891721378 +94 54 4 891722432 +94 56 5 891725331 +94 66 2 891721889 +94 67 3 891723296 +94 69 3 885870057 +94 71 4 891721642 +94 72 3 891723220 +94 77 3 891721462 +94 80 2 891723525 +94 81 4 885870577 +94 83 4 885873653 +94 86 5 891720971 +94 90 3 891721889 +94 91 5 891722006 +94 93 4 891724282 +94 94 2 891723883 +94 97 4 891721317 +94 98 4 891721192 +94 111 4 891721414 +94 121 2 891721815 +94 125 1 891721851 +94 127 5 885870175 +94 132 4 891720862 +94 134 5 886008885 +94 142 3 891721749 +94 143 4 891722609 +94 151 5 891721716 +94 154 5 886008791 +94 159 3 891723081 +94 160 4 891721942 +94 164 3 891721528 +94 172 4 885870175 +94 173 4 885872758 +94 176 4 891720570 +94 177 5 885870284 +94 179 5 885870577 +94 181 4 885872942 +94 182 5 885873089 +94 183 5 891720921 +94 187 4 885870362 +94 188 4 885870665 +94 190 5 885870231 +94 191 5 885870175 +94 192 4 891721142 +94 194 4 885870284 +94 195 3 885870231 +94 196 4 891721462 +94 200 4 891721414 +94 201 4 891721378 +94 204 4 891721317 +94 208 4 891720643 +94 209 5 886008301 +94 210 4 886008459 +94 215 4 891722174 +94 219 4 891721528 +94 225 3 891722646 +94 226 2 891721238 +94 228 4 891720996 +94 230 2 891723124 +94 233 3 891722934 +94 238 5 891721168 +94 245 1 891724828 +94 248 4 891724341 +94 250 4 891724257 +94 260 2 891725049 +94 268 4 891724925 +94 274 4 891722511 +94 281 3 891722576 +94 286 4 891724122 +94 293 4 891724044 +94 302 4 891928684 +94 317 5 885873653 +94 318 5 891721191 +94 328 3 891724990 +94 338 4 891725030 +94 355 2 891725090 +94 356 4 891722646 +94 357 5 891720921 +94 365 3 891722383 +94 367 4 891723328 +94 368 2 891724846 +94 369 1 891723459 +94 372 4 891723124 +94 381 4 886008764 +94 386 4 891722382 +94 391 3 891723644 +94 392 3 891722646 +94 399 4 891722802 +94 401 4 891722678 +94 403 3 891723188 +94 404 4 891721615 +94 411 3 891724508 +94 412 2 891724485 +94 417 3 891722799 +94 418 3 891721317 +94 419 3 891721615 +94 423 4 885873302 +94 432 4 885873089 +94 433 4 891721078 +94 435 4 885870418 +94 436 5 891721815 +94 451 4 891723494 +94 464 5 885873302 +94 465 5 891721851 +94 469 4 891721048 +94 474 5 885870322 +94 475 5 885870362 +94 477 2 885870323 +94 484 5 891720996 +94 501 4 891721642 +94 504 5 885870612 +94 506 5 891721642 +94 508 5 891720712 +94 509 5 885873159 +94 510 5 885873089 +94 518 5 891720950 +94 525 5 891721439 +94 527 5 886008885 +94 528 5 885870323 +94 544 3 891721562 +94 549 5 891721528 +94 553 3 891722511 +94 559 4 891721777 +94 568 3 891721974 +94 569 1 891722980 +94 584 4 885872942 +94 585 3 891723494 +94 586 1 891723707 +94 587 4 891721078 +94 589 5 891720786 +94 597 2 891723078 +94 622 3 891722609 +94 627 3 891722678 +94 629 4 891721286 +94 631 5 891720950 +94 636 4 891721351 +94 637 3 891723186 +94 642 4 891720590 +94 647 5 891720921 +94 654 5 885872684 +94 658 3 891722533 +94 665 3 891723328 +94 670 3 891722249 +94 673 3 891721615 +94 679 4 891722006 +94 686 4 891720540 +94 690 4 891928703 +94 692 4 891722249 +94 703 3 891721562 +94 710 3 891721117 +94 716 3 885873006 +94 721 2 891721078 +94 722 2 891723494 +94 728 2 891723748 +94 732 3 891721216 +94 735 5 891721528 +94 736 5 891721077 +94 737 4 891723459 +94 739 2 891723156 +94 741 4 891721352 +94 746 4 891721716 +94 750 4 891725501 +94 763 3 891722006 +94 780 3 891723558 +94 786 3 891723593 +94 797 2 891723848 +94 800 3 891723296 +94 808 2 891723931 +94 809 2 891723155 +94 813 5 891720786 +94 823 3 891722458 +94 864 2 891723397 +94 923 5 885882685 +94 928 3 891723774 +94 930 2 891724747 +94 932 2 891724691 +94 939 4 885873423 +94 943 3 891722338 +94 944 1 891723619 +94 951 3 891722214 +94 959 5 891725332 +94 993 4 891724303 +94 997 4 891723190 +94 1007 4 891724282 +94 1009 4 891722845 +94 1010 4 891721117 +94 1011 4 891722214 +94 1012 4 891724100 +94 1014 4 891724256 +94 1045 4 891721815 +94 1046 2 891723262 +94 1058 4 891722609 +94 1065 4 885872942 +94 1073 5 891720540 +94 1091 3 891722306 +94 1101 3 891720590 +94 1110 4 891722801 +94 1118 4 891722482 +94 1135 4 891722646 +94 1140 2 891723328 +94 1188 3 891723525 +94 1209 2 891723459 +94 1211 5 891722458 +94 1218 4 891722511 +94 1219 4 891722306 +94 1221 3 891721216 +94 1222 3 891723848 +94 1225 3 891723262 +95 8 5 879198262 +95 22 4 888953953 +95 25 3 879192597 +95 28 4 879197603 +95 31 4 888954513 +95 49 3 879198604 +95 50 5 879197329 +95 51 4 879198353 +95 52 4 879198800 +95 58 3 879197834 +95 62 4 879196354 +95 63 3 880572218 +95 65 4 879197918 +95 67 2 879198109 +95 70 4 880571951 +95 71 5 880573288 +95 72 2 880571389 +95 73 4 879198161 +95 77 4 880571746 +95 78 3 888956901 +95 82 3 879196408 +95 89 3 879196353 +95 91 5 880573288 +95 94 5 880573288 +95 95 3 879198109 +95 97 4 879198652 +95 98 4 879197385 +95 99 4 888954699 +95 102 4 880572474 +95 110 2 880572323 +95 121 4 879194114 +95 127 4 879195062 +95 133 3 888954341 +95 139 4 880572250 +95 140 3 879199014 +95 141 4 888954631 +95 144 5 879197329 +95 153 5 879197022 +95 168 4 879197970 +95 170 5 880573288 +95 175 5 879197603 +95 177 3 879196408 +95 179 3 880570909 +95 180 3 880570852 +95 182 2 879198210 +95 183 5 879197329 +95 186 5 880573288 +95 188 3 879196354 +95 190 4 888954513 +95 193 3 879198482 +95 194 5 879197603 +95 195 5 879196231 +95 196 4 879198354 +95 197 4 888954243 +95 198 5 880570823 +95 199 5 880570964 +95 200 2 888954552 +95 203 3 879198888 +95 205 3 888954412 +95 207 5 880571164 +95 208 4 879198353 +95 209 4 879197021 +95 210 5 879196566 +95 215 4 879198109 +95 216 5 880573287 +95 219 4 880572658 +95 227 2 880572356 +95 228 4 879196231 +95 234 2 879197886 +95 237 2 879192708 +95 238 5 880570823 +95 250 4 882803989 +95 257 5 879197329 +95 274 4 879193881 +95 275 3 879192819 +95 282 4 880573506 +95 290 3 879193973 +95 294 2 884266083 +95 356 4 880571117 +95 381 4 880571678 +95 386 2 880572356 +95 389 4 880572388 +95 391 2 879196566 +95 392 3 880571428 +95 398 1 888956804 +95 399 4 880572449 +95 405 3 879194159 +95 415 3 888956582 +95 419 4 879198547 +95 420 4 888956001 +95 423 5 880571479 +95 431 3 879196629 +95 433 4 880571950 +95 436 5 879198547 +95 447 2 880572166 +95 448 3 879197783 +95 449 3 879196665 +95 450 2 880572787 +95 451 3 880572249 +95 462 4 879197022 +95 463 5 880573287 +95 465 3 882803918 +95 472 5 879197329 +95 473 4 879193353 +95 485 5 888954129 +95 491 4 879197783 +95 495 4 888954760 +95 506 3 888954552 +95 507 4 880571226 +95 509 4 879197728 +95 511 4 879196298 +95 515 5 879197329 +95 520 4 879197970 +95 532 4 881011974 +95 539 4 884266022 +95 542 2 888954039 +95 552 1 888956422 +95 566 2 879196594 +95 586 2 881599672 +95 596 2 879193651 +95 597 3 879194663 +95 623 3 880572388 +95 631 4 880573627 +95 640 3 880571746 +95 648 3 888954170 +95 649 4 880571678 +95 650 4 880572132 +95 665 2 879196666 +95 671 3 880571045 +95 679 2 879196513 +95 692 4 879198482 +95 705 5 880570964 +95 707 3 880572009 +95 708 2 880571951 +95 715 1 880572060 +95 739 3 880572689 +95 779 3 880572288 +95 781 2 880572495 +95 815 3 879193708 +95 855 3 888954609 +95 892 3 882803890 +95 946 3 888956489 +95 960 2 888954129 +95 968 5 880571117 +95 971 3 879198262 +95 1047 3 879193881 +95 1091 3 880572658 +95 1101 2 879197970 +95 1116 4 888956137 +95 1126 4 879197445 +95 1133 3 880572416 +95 1188 2 880572787 +95 1221 4 880572448 +95 1222 2 880572602 +95 1227 2 880572581 +95 1228 3 880572689 +95 1231 1 880572787 +96 7 5 884403811 +96 42 1 884403214 +96 56 5 884403336 +96 83 3 884403758 +96 89 5 884402896 +96 98 5 884403214 +96 127 5 884403214 +96 144 4 884403250 +96 174 5 884403020 +96 181 5 884403687 +96 182 4 884402791 +96 183 4 884403123 +96 185 5 884403866 +96 187 5 884402791 +96 190 4 884402978 +96 194 2 884403392 +96 195 5 884403159 +96 196 4 884403057 +96 200 5 884403215 +96 216 4 884403095 +96 234 4 884403336 +96 238 4 884403250 +96 265 5 884403758 +96 318 5 884403057 +96 423 5 884403057 +96 445 4 884403095 +96 486 3 884403392 +96 514 4 884402977 +97 1 4 884238911 +97 23 5 884239553 +97 69 5 884239616 +97 82 4 884239552 +97 83 1 884238817 +97 96 5 884239712 +97 100 2 884238778 +97 132 5 884238693 +97 133 1 884239655 +97 135 5 884238652 +97 153 5 884239686 +97 169 5 884238887 +97 172 4 884238939 +97 173 3 884238728 +97 175 5 884239616 +97 183 5 884238911 +97 186 3 884239574 +97 189 4 884238887 +97 191 5 884239472 +97 193 4 884238997 +97 195 5 884238966 +97 197 3 884239655 +97 204 5 884238966 +97 205 2 884238817 +97 208 5 884239744 +97 408 5 884238652 +97 423 5 884239472 +97 431 3 884239616 +97 434 4 884239791 +97 496 2 884238693 +97 526 3 884239687 +97 603 4 884238817 +97 663 5 884239791 +97 919 5 884239616 +97 1126 3 884239687 +98 25 5 880499111 +98 88 3 880499087 +98 152 3 880498968 +98 168 2 880498834 +98 194 5 880498898 +98 210 4 880498968 +98 211 4 880498797 +98 322 3 880498586 +98 428 5 880498834 +98 435 5 880498967 +98 502 2 880499053 +98 514 5 880498898 +98 523 5 880498967 +98 629 5 880499111 +98 659 5 880498861 +98 988 1 880498668 +99 1 4 886518459 +99 22 5 885679596 +99 25 3 885679025 +99 28 3 885680578 +99 64 5 885680578 +99 92 4 885680837 +99 98 5 885679596 +99 105 2 885679353 +99 116 2 888469419 +99 117 5 885678784 +99 120 2 885679472 +99 121 3 885679261 +99 125 4 885678840 +99 147 5 885678997 +99 172 5 885679952 +99 173 4 885680062 +99 174 5 885679705 +99 201 3 885680348 +99 210 5 885679705 +99 238 4 885680616 +99 240 4 885679279 +99 275 1 888469419 +99 276 2 885678973 +99 282 3 885678753 +99 290 4 886518628 +99 294 4 885678453 +99 300 4 885678397 +99 310 3 885678348 +99 313 5 885678348 +99 315 4 885678479 +99 326 3 885678267 +99 329 4 886518562 +99 332 3 885678348 +99 342 1 885678348 +99 345 3 885678696 +99 348 4 886518562 +99 358 2 885678520 +99 367 4 886519075 +99 405 4 885678813 +99 433 4 886780105 +99 456 3 885679504 +99 471 4 885679091 +99 473 4 885679353 +99 475 5 885678785 +99 544 4 885679183 +99 591 4 885678840 +99 595 4 885679504 +99 619 4 885679091 +99 651 5 885679833 +99 678 2 885678479 +99 751 4 885678397 +99 763 5 885679138 +99 780 5 886780007 +99 789 4 885680176 +99 815 2 885679237 +99 829 4 885679382 +99 845 3 885679183 +99 931 2 886780147 +99 975 3 885679472 +99 1047 4 885679472 +99 1048 4 885679411 +99 1079 3 885679504 +99 1132 4 885679319 +100 258 4 891374675 +100 269 4 891374641 +100 270 3 891375016 +100 271 3 891375260 +100 272 4 891375629 +100 286 3 891375629 +100 294 4 891375313 +100 300 4 891375112 +100 310 3 891375522 +100 315 5 891375557 +100 326 3 891375630 +100 328 4 891375212 +100 346 3 891375630 +100 347 4 891375212 +100 349 3 891375629 +100 678 3 891375428 +100 690 4 891375629 +100 751 4 891374868 +100 874 1 891374868 +100 879 4 891374946 +100 880 1 891375260 +100 881 1 891375186 +100 885 2 891375359 +100 886 3 891375522 +100 887 2 891374868 +100 892 2 891375484 +100 895 2 891375212 +100 898 4 891375454 +100 900 4 891374832 +100 908 1 891375068 +100 1233 3 891375112 +100 1234 1 891375068 +100 1235 4 891375454 +100 1237 3 891375630 +101 1 3 877136039 +101 7 3 877135944 +101 111 2 877136686 +101 117 4 877136067 +101 125 4 877137015 +101 147 4 877136506 +101 151 3 877136628 +101 181 4 877137015 +101 225 3 877136814 +101 255 4 877137015 +101 257 4 877137015 +101 278 2 877136737 +101 280 3 877136039 +101 288 4 877137015 +101 370 2 877136711 +101 411 2 877136891 +101 412 2 877136842 +101 472 3 877136711 +101 546 4 877137015 +101 595 2 877136391 +101 597 3 877136928 +101 717 3 877136928 +101 742 4 877136302 +101 763 3 877136789 +101 819 1 877136424 +101 820 3 877136954 +101 826 3 877136686 +101 831 3 877136954 +101 841 2 877136763 +101 845 3 877136302 +101 846 3 877135914 +101 866 4 877137015 +101 924 4 877136535 +101 926 3 877136628 +101 979 2 877136711 +101 1009 2 877136598 +101 1028 3 877136449 +101 1132 3 877136954 +102 1 3 883748352 +102 2 2 888801522 +102 4 2 888801522 +102 7 2 888801407 +102 11 3 888801232 +102 13 3 892991118 +102 29 1 888802677 +102 38 2 888801622 +102 49 2 892992129 +102 53 2 888801577 +102 55 3 888801465 +102 56 3 888801360 +102 68 2 888801673 +102 72 3 888803602 +102 73 3 892992297 +102 82 2 888801360 +102 88 3 892991311 +102 91 3 883748488 +102 95 4 883748488 +102 117 3 888801232 +102 127 2 888801316 +102 153 2 892991376 +102 154 3 888803708 +102 168 3 888803537 +102 172 3 888801232 +102 174 4 888801360 +102 175 4 892991117 +102 182 3 889362833 +102 185 3 888802940 +102 187 3 888801232 +102 188 2 888801812 +102 194 3 888803537 +102 200 3 888803051 +102 201 2 888803051 +102 204 4 888803487 +102 210 3 888801522 +102 211 3 892993190 +102 218 3 888803002 +102 219 2 888803149 +102 226 2 888801673 +102 227 4 888801673 +102 228 4 888801465 +102 229 3 888801623 +102 230 2 888801232 +102 231 2 888802319 +102 234 3 888802940 +102 235 3 892993605 +102 241 3 888802038 +102 245 3 883748222 +102 258 4 875886337 +102 260 2 883277645 +102 265 3 888801622 +102 269 2 891427996 +102 272 3 888112484 +102 273 3 888801465 +102 288 2 887051621 +102 294 2 883277645 +102 301 3 885697464 +102 316 3 889362833 +102 319 4 875886434 +102 327 2 884870872 +102 328 2 883277645 +102 332 3 883277920 +102 334 2 888295889 +102 338 2 887051723 +102 373 2 888802508 +102 384 2 892993827 +102 386 2 892993735 +102 396 2 892993735 +102 409 2 892993855 +102 411 2 892993786 +102 431 3 888801407 +102 435 3 888801315 +102 436 2 888803051 +102 447 4 888803002 +102 449 4 888802176 +102 450 1 888802768 +102 476 3 892993827 +102 501 2 883748418 +102 511 3 888801407 +102 522 3 888803487 +102 541 2 888801673 +102 546 3 888801876 +102 548 2 885126313 +102 550 2 888801812 +102 566 2 888801876 +102 596 2 883748352 +102 612 4 879082395 +102 650 3 888801063 +102 652 2 892992129 +102 655 3 888803802 +102 665 1 888802319 +102 667 3 888803002 +102 671 3 888803002 +102 672 1 888803148 +102 684 2 888802176 +102 751 3 885100000 +102 760 1 888803245 +102 771 2 888802508 +102 778 3 892991448 +102 785 2 892991376 +102 792 3 892992297 +102 841 2 888802319 +102 856 2 892993927 +102 879 3 879443144 +102 892 2 883278138 +102 947 3 888801360 +102 993 2 883748352 +102 1052 2 892993983 +102 1076 2 883748527 +102 1228 1 888802508 +102 1240 2 883748450 +103 56 5 880416602 +103 98 3 880420565 +103 118 3 880420002 +103 181 4 880415875 +103 204 3 880423118 +103 211 3 880420565 +103 250 4 880415918 +103 252 2 880420020 +103 255 5 880416423 +103 257 3 880415892 +103 294 4 880416515 +103 301 4 880416704 +103 405 3 880416424 +103 487 4 880421001 +103 1089 1 880420178 +104 3 3 888465739 +104 9 2 888465201 +104 10 2 888465413 +104 13 3 888465634 +104 15 5 888465413 +104 50 5 888465972 +104 111 1 888465675 +104 121 2 888466002 +104 124 2 888465226 +104 126 4 888465513 +104 127 3 888465201 +104 130 1 888465554 +104 181 5 888465972 +104 222 3 888465319 +104 237 3 888465263 +104 246 3 888465319 +104 250 3 888465972 +104 255 1 888465604 +104 257 4 888465582 +104 258 3 888442249 +104 268 3 888442172 +104 270 4 888442337 +104 271 1 888442370 +104 272 4 888441878 +104 273 3 888465972 +104 276 4 888465290 +104 286 1 888442304 +104 289 4 888442112 +104 290 4 888465739 +104 294 3 888442404 +104 302 5 888441877 +104 307 2 888442249 +104 310 2 888442275 +104 311 1 888442112 +104 313 4 888441878 +104 316 4 888442461 +104 328 3 888442249 +104 330 1 888442530 +104 332 2 888442305 +104 333 2 888442305 +104 340 3 888441878 +104 345 4 888442171 +104 405 3 888466028 +104 407 2 888465936 +104 456 3 888465853 +104 471 3 888465290 +104 508 2 888465201 +104 534 2 888465554 +104 591 4 888465263 +104 628 4 888465347 +104 678 2 888442404 +104 748 2 888442461 +104 750 5 888442171 +104 825 1 888466028 +104 840 1 888466086 +104 845 3 888465634 +104 847 2 888465263 +104 871 2 888465853 +104 895 2 888442507 +104 926 1 888465936 +104 1012 4 888465708 +104 1028 2 888465818 +104 1115 4 888465263 +105 264 2 889214491 +105 269 4 889214193 +105 270 5 889214245 +105 271 2 889214245 +105 288 4 889214335 +105 302 5 889214193 +105 313 5 889214193 +105 324 4 889214245 +105 327 4 889214406 +105 340 3 889214245 +105 343 2 889214524 +105 347 3 889214334 +105 690 3 889214306 +105 748 2 889214406 +105 751 2 889214381 +105 880 3 889214335 +106 9 4 883876572 +106 12 4 881451234 +106 14 4 881449486 +106 25 4 881451016 +106 28 4 881451144 +106 59 4 881453318 +106 70 3 881452355 +106 82 3 881453290 +106 100 3 881449487 +106 161 3 881452816 +106 162 5 881450758 +106 191 5 881451453 +106 210 4 881450810 +106 211 4 881452532 +106 216 5 881452998 +106 244 4 883877094 +106 274 3 883876146 +106 275 4 883877219 +106 280 2 883876680 +106 318 5 881449830 +106 463 3 881453413 +106 495 4 881451016 +106 566 4 881452711 +106 647 3 881450440 +106 712 3 881452599 +106 739 3 881453290 +106 1028 3 883876085 +106 1242 4 881516731 +107 259 2 891264630 +107 264 3 891264598 +107 268 4 891264387 +107 286 2 891264266 +107 288 3 891264432 +107 312 4 891264535 +107 313 2 891264266 +107 322 1 891264535 +107 323 1 891264566 +107 325 3 891264659 +107 327 3 891264501 +107 902 5 891264501 +107 1243 3 891264466 +108 1 4 879879720 +108 7 5 879879812 +108 124 4 879879757 +108 127 4 879879720 +108 222 2 879879720 +108 252 3 879879961 +108 255 2 879880094 +108 281 4 879879985 +108 284 3 879879911 +108 294 4 879879662 +108 304 3 879879662 +108 319 5 879879662 +108 405 3 879880157 +108 718 4 879879985 +108 740 3 879880055 +108 748 3 879879662 +108 931 2 879880190 +109 11 4 880572786 +109 12 4 880577542 +109 15 4 880577868 +109 17 4 880582132 +109 22 4 880572950 +109 25 4 880571741 +109 28 3 880572721 +109 29 3 880582783 +109 50 5 880563331 +109 53 4 880583336 +109 54 3 880578286 +109 55 2 880572756 +109 56 5 880577804 +109 63 3 880582679 +109 64 2 880572560 +109 67 5 880580719 +109 70 4 880578038 +109 71 4 880578066 +109 72 5 880577892 +109 77 4 880578388 +109 79 5 880572721 +109 81 2 880580030 +109 82 5 880572680 +109 88 4 880581942 +109 95 4 880572721 +109 98 4 880572755 +109 111 4 880564570 +109 118 3 880571801 +109 122 2 880583493 +109 125 5 880564534 +109 144 4 880572560 +109 151 5 880571661 +109 156 5 880573084 +109 161 3 880572756 +109 164 5 880578066 +109 168 3 880577734 +109 173 5 880572786 +109 174 5 880572721 +109 175 1 880577734 +109 177 4 880578358 +109 179 4 880577961 +109 180 3 880581127 +109 181 5 880563471 +109 186 3 880572786 +109 191 4 880577844 +109 202 5 880578632 +109 209 1 880572756 +109 210 5 880573084 +109 211 5 880578230 +109 216 3 880572891 +109 222 4 880563471 +109 226 5 880578503 +109 227 5 880579417 +109 228 5 880577604 +109 229 5 880578632 +109 231 3 880582976 +109 233 4 880578502 +109 234 4 880578286 +109 238 2 880580637 +109 239 4 880578632 +109 250 2 880563471 +109 257 5 880563331 +109 265 5 880578185 +109 282 3 880564678 +109 288 5 880562908 +109 317 2 880573085 +109 323 3 880562908 +109 332 3 880562908 +109 358 2 880562908 +109 365 4 880581817 +109 367 3 880578121 +109 373 5 880583241 +109 385 4 880577961 +109 386 1 880579916 +109 391 2 880581127 +109 395 3 880583672 +109 403 5 880581719 +109 405 5 880564640 +109 410 1 880564534 +109 411 4 880572296 +109 413 3 880572382 +109 425 2 880582317 +109 431 3 880578186 +109 449 5 880581987 +109 451 5 880583192 +109 452 2 880583753 +109 476 3 880571831 +109 508 4 880571629 +109 527 3 880577604 +109 531 4 880578066 +109 542 3 880582045 +109 545 2 880583493 +109 564 3 880582633 +109 568 5 880578186 +109 572 3 880583308 +109 576 3 880580663 +109 584 2 880581127 +109 595 3 880572108 +109 597 2 880571715 +109 628 2 880564640 +109 636 5 880581817 +109 655 3 880577735 +109 679 3 880578093 +109 715 2 880583519 +109 722 3 880583493 +109 732 3 880572588 +109 735 5 880577989 +109 739 4 880579107 +109 748 3 880562908 +109 755 5 880578814 +109 763 2 880571715 +109 790 2 880580662 +109 809 4 880582945 +109 810 3 880583410 +109 826 3 880572064 +109 831 2 880572296 +109 834 3 880583308 +109 871 2 880572350 +109 924 3 880564415 +109 928 3 880572134 +109 940 3 880583133 +109 944 3 880579107 +109 986 2 880572382 +109 1016 5 880571661 +109 1035 2 880579787 +109 1060 4 880571661 +109 1074 4 880583308 +109 1135 4 880582976 +109 1139 2 880583463 +109 1161 3 880564678 +109 1210 3 880582230 +109 1222 4 880579758 +109 1228 3 880582758 +109 1245 2 880571872 +110 2 3 886988536 +110 12 4 886987826 +110 29 3 886988374 +110 31 3 886989057 +110 33 4 886988631 +110 41 4 886989399 +110 43 3 886988100 +110 54 4 886988202 +110 55 3 886988449 +110 56 1 886988449 +110 63 3 886989363 +110 64 4 886987894 +110 67 3 886989566 +110 69 4 886987860 +110 88 4 886988967 +110 94 4 886989473 +110 96 4 886988449 +110 161 5 886988631 +110 173 1 886988909 +110 184 1 886988631 +110 196 4 886987978 +110 215 3 886987894 +110 226 3 886988536 +110 230 3 886988750 +110 231 1 886988664 +110 238 3 886989340 +110 258 4 886987183 +110 272 4 886987145 +110 288 4 886987145 +110 294 3 886987540 +110 313 5 886987183 +110 315 4 886987726 +110 325 3 886987561 +110 326 4 886987417 +110 333 4 886987288 +110 338 1 886987540 +110 340 3 886987183 +110 364 3 886989612 +110 366 3 886988341 +110 376 2 886989340 +110 385 3 886988574 +110 393 3 886989363 +110 397 3 886988688 +110 401 3 886989399 +110 402 4 886988293 +110 403 3 886988134 +110 421 4 886988873 +110 451 4 886988909 +110 468 3 886988202 +110 566 4 886988574 +110 569 4 886988321 +110 576 2 886988574 +110 585 2 886989473 +110 586 3 886988536 +110 642 2 886989126 +110 651 4 886988018 +110 684 4 886988480 +110 689 3 886987584 +110 692 4 886988937 +110 722 3 886989028 +110 739 4 886988937 +110 765 3 886989028 +110 780 3 886989566 +110 802 3 886988793 +110 808 2 886988250 +110 849 3 886988664 +110 873 2 886987505 +110 895 2 886987354 +110 905 3 886987236 +110 939 4 886988042 +110 947 3 886988574 +110 1055 2 886988134 +110 1090 2 886989191 +110 1182 2 886989566 +110 1210 3 886989191 +110 1218 3 886989473 +110 1222 2 886989191 +110 1228 3 886988689 +110 1229 3 886988374 +110 1231 2 886988664 +110 1247 2 886988413 +110 1249 3 886989612 +111 258 4 891679692 +111 286 4 891680076 +111 302 5 891679971 +111 303 3 891680028 +111 304 4 891679840 +111 305 2 891680243 +111 307 2 891680243 +111 311 4 891680028 +111 315 5 891679692 +111 321 3 891680076 +111 344 2 891680243 +111 354 4 891679692 +112 245 4 884992691 +112 258 3 884992484 +112 269 3 884992651 +112 272 5 886398204 +112 294 3 884992566 +112 301 3 884992566 +112 310 4 884992444 +112 313 5 884992444 +112 315 5 891299783 +112 321 3 884992484 +112 323 3 884992651 +112 328 4 884992566 +112 332 4 886398611 +112 333 4 884992566 +112 339 4 892439990 +112 346 5 891307980 +112 690 4 884992462 +112 751 4 884992754 +112 879 4 884992566 +112 887 5 884992444 +112 888 4 886398699 +112 891 3 892439990 +112 937 4 884992801 +112 1106 4 892439835 +113 7 3 875076827 +113 9 3 875076307 +113 50 5 875076416 +113 116 3 875076246 +113 124 3 875076307 +113 127 4 875935610 +113 222 3 875076872 +113 237 3 875076246 +113 245 3 875325377 +113 255 5 875935609 +113 257 5 875935609 +113 258 5 875075887 +113 268 4 875935609 +113 273 4 875935609 +113 288 3 875075887 +113 289 2 875075887 +113 292 3 875076105 +113 299 5 875076986 +113 300 3 875075887 +113 303 5 875935244 +113 323 4 875325377 +113 325 4 875935610 +113 328 5 875076044 +113 333 4 875935609 +113 424 1 875076357 +113 742 3 875076827 +113 874 5 875935338 +113 948 3 875935312 +113 975 5 875936424 +113 979 5 875936424 +113 1251 5 875325377 +114 56 3 881260545 +114 89 5 881260024 +114 98 4 881259495 +114 135 4 881260611 +114 153 3 881309622 +114 156 4 881309662 +114 168 3 881259927 +114 171 4 881309511 +114 172 5 881259495 +114 176 5 881260203 +114 180 3 881309718 +114 197 4 881260506 +114 200 3 881260409 +114 224 3 881259839 +114 318 3 881259495 +114 357 4 881259525 +114 474 5 881260170 +114 483 4 881260246 +114 485 3 881260409 +114 522 5 881309662 +114 527 3 881309586 +114 615 2 881260441 +114 646 4 881260473 +114 655 3 881260506 +114 659 4 881259495 +114 679 2 881259741 +114 855 3 881260473 +115 4 4 881172117 +115 7 5 881171982 +115 13 5 881171983 +115 23 5 881171348 +115 33 4 881171693 +115 48 5 881171203 +115 56 5 881171409 +115 79 4 881171273 +115 83 3 881172183 +115 96 3 881172117 +115 98 3 881171409 +115 100 5 881171982 +115 117 4 881171009 +115 121 3 881170065 +115 124 5 881170332 +115 137 5 881169776 +115 174 5 881171137 +115 176 5 881171203 +115 177 5 881172117 +115 183 5 881171488 +115 185 5 881171409 +115 192 5 881171137 +115 218 3 881171623 +115 229 3 881171693 +115 237 2 881171075 +115 240 5 881171982 +115 273 4 881169984 +115 279 3 881170725 +115 282 4 881171009 +115 284 2 881170902 +115 302 4 881169559 +115 317 5 881171137 +115 357 5 881171982 +115 479 5 881171825 +115 508 5 881170438 +115 558 5 881171203 +115 596 1 881170663 +115 628 5 881169883 +115 644 3 881172183 +115 654 5 881171409 +115 657 3 881171488 +115 673 3 881171558 +115 684 3 881171489 +115 696 4 881169984 +115 741 3 881170065 +115 772 4 881171273 +115 847 4 881170844 +115 922 3 881170252 +115 980 4 881169984 +116 11 5 886310197 +116 20 3 892683858 +116 47 3 876454238 +116 50 3 876452443 +116 56 5 886310197 +116 116 3 876453733 +116 124 3 876453733 +116 127 5 876454257 +116 145 2 876452980 +116 181 4 876452523 +116 191 4 876453961 +116 193 4 876453681 +116 203 5 876453915 +116 221 4 876453560 +116 246 5 876452405 +116 249 2 876452705 +116 252 2 876453376 +116 253 3 876452492 +116 258 4 876451911 +116 268 5 886310197 +116 269 3 886309452 +116 270 3 879864042 +116 272 3 886309505 +116 275 2 876453519 +116 285 4 876454023 +116 288 3 886309812 +116 289 4 876452094 +116 292 4 876453847 +116 295 3 876452582 +116 297 3 890633075 +116 298 3 876452555 +116 300 3 876452094 +116 302 3 876451911 +116 303 3 890633075 +116 304 2 876453376 +116 306 3 876751342 +116 307 3 879864042 +116 310 4 886309549 +116 311 3 886978067 +116 315 3 886309605 +116 323 3 876452186 +116 324 2 876452133 +116 325 3 876452186 +116 326 2 876453376 +116 328 3 876452186 +116 333 2 876452054 +116 340 3 879864008 +116 343 2 881246552 +116 346 4 886310197 +116 349 2 886977905 +116 355 2 887605347 +116 358 2 876452094 +116 390 4 876454090 +116 479 4 876454191 +116 511 4 876453519 +116 515 4 876452443 +116 519 5 886310197 +116 532 2 876452651 +116 539 2 886309573 +116 596 5 876452854 +116 603 3 876454174 +116 607 2 876453961 +116 640 3 876453560 +116 650 2 876452806 +116 655 4 886309958 +116 678 3 876452228 +116 690 3 877934548 +116 748 2 876452186 +116 872 3 876452228 +116 879 2 876452094 +116 888 2 886309958 +116 896 2 890632896 +116 900 4 888311676 +116 902 2 890632896 +116 916 2 892683699 +116 1013 3 876453222 +116 1020 3 887605454 +116 1039 4 876453915 +116 1134 4 886310197 +116 1142 4 876452492 +116 1214 3 876453422 +116 1220 2 876453865 +116 1226 2 876454090 +116 1244 2 876453191 +116 1254 2 876453377 +116 1255 2 876453377 +116 1256 1 876453222 +116 1258 2 876453376 +117 7 3 880125780 +117 11 5 881011824 +117 33 4 881011697 +117 96 5 881012530 +117 122 2 886022187 +117 132 4 881012110 +117 144 4 881011807 +117 156 4 881011376 +117 164 5 881011727 +117 172 5 881012623 +117 173 5 881011697 +117 179 5 881012776 +117 184 3 881012601 +117 210 4 881012293 +117 237 4 880126232 +117 249 4 880125911 +117 252 3 881010322 +117 265 4 881012940 +117 271 4 880124397 +117 282 5 880126295 +117 406 3 881010556 +117 410 3 886021458 +117 423 4 881012472 +117 475 5 880125746 +117 546 3 881009758 +117 596 3 880126392 +117 678 4 880124435 +117 743 1 881010401 +117 748 3 880124378 +117 763 5 881009890 +117 789 4 881011413 +117 895 2 886019030 +117 931 3 881010728 +117 977 3 881009738 +117 1059 3 881008632 +117 1165 3 881010727 +118 5 2 875385256 +118 7 5 875385198 +118 53 5 875385280 +118 55 5 875385099 +118 56 5 875385198 +118 79 5 875384885 +118 98 5 875384979 +118 100 5 875384751 +118 132 4 875384793 +118 135 5 875384591 +118 171 5 875384825 +118 172 5 875384751 +118 175 5 875384885 +118 179 5 875384612 +118 180 5 875385136 +118 188 5 875384669 +118 201 5 875385198 +118 210 5 875384825 +118 223 5 875385386 +118 234 5 875385386 +118 258 5 875385386 +118 288 5 875385386 +118 317 5 875384885 +118 320 5 875385386 +118 396 5 875385335 +118 413 4 875385306 +118 427 5 875384751 +118 508 4 875385057 +118 513 5 875384751 +118 551 5 875385306 +118 558 5 875385228 +118 559 4 875385306 +118 564 1 875385335 +118 603 4 875384916 +118 641 5 875385386 +118 672 4 875385257 +118 675 5 875385386 +118 800 4 875385280 +118 844 5 875385256 +118 919 5 875385386 +118 960 5 875385136 +118 1079 4 875385442 +119 7 5 874775185 +119 9 4 890627252 +119 11 5 874781198 +119 22 4 874781698 +119 23 3 874782100 +119 25 5 886177013 +119 28 5 874782022 +119 31 5 874781779 +119 50 5 874774718 +119 52 3 890627339 +119 56 4 874781198 +119 64 4 874781460 +119 70 3 874781829 +119 82 2 874781352 +119 89 4 874781352 +119 93 4 874775262 +119 96 5 874781257 +119 121 4 874775311 +119 124 4 874781994 +119 125 5 874775262 +119 132 5 874782228 +119 137 5 886176486 +119 168 5 874781351 +119 172 4 874782191 +119 181 4 874775406 +119 194 5 874781257 +119 196 5 886177162 +119 204 4 886177659 +119 210 5 874781407 +119 226 3 887038665 +119 252 3 874780832 +119 255 3 874775914 +119 257 4 874775614 +119 258 2 887037225 +119 259 4 886175571 +119 271 4 886175150 +119 276 2 874775262 +119 277 4 874774993 +119 286 5 874774286 +119 287 4 874775465 +119 288 4 886175150 +119 294 1 892564313 +119 298 4 874775038 +119 299 4 890626446 +119 300 5 874774286 +119 301 4 886176779 +119 315 5 886175571 +119 316 4 890626706 +119 323 4 874774449 +119 329 3 886433226 +119 332 4 886175313 +119 340 4 886176485 +119 348 3 886433226 +119 349 3 887038665 +119 354 5 890626231 +119 405 4 874775815 +119 410 1 890627339 +119 412 4 874775136 +119 449 5 874782190 +119 458 5 874774575 +119 459 4 887038711 +119 471 4 886177338 +119 473 3 874775647 +119 475 4 874775580 +119 492 5 874781198 +119 506 5 886176779 +119 537 5 886176618 +119 591 4 886177235 +119 597 4 874775465 +119 655 5 874781628 +119 685 4 886177048 +119 689 4 886175431 +119 710 4 886177162 +119 727 5 887038711 +119 751 3 886175361 +119 755 1 886176678 +119 762 4 874775465 +119 813 4 874774956 +119 823 3 874775406 +119 825 3 874780860 +119 826 4 874775580 +119 827 3 874775815 +119 831 2 874775980 +119 879 5 875720232 +119 916 1 892564442 +119 917 4 892564349 +119 924 4 874775535 +119 931 1 886178294 +119 986 3 874781068 +119 1016 5 874775262 +119 1034 3 874775980 +119 1052 4 886177162 +119 1137 5 886176922 +119 1166 5 887038711 +119 1244 3 874781037 +119 1260 5 874781547 +119 1264 3 886176993 +119 1265 3 891287060 +120 1 4 889490412 +120 15 4 889490244 +120 50 4 889489973 +120 117 3 889490979 +120 118 2 889490979 +120 121 4 889490290 +120 127 4 889489772 +120 237 3 889490172 +120 258 5 889490124 +120 508 2 889490979 +120 515 5 889489772 +120 742 4 889490549 +120 744 4 889490522 +120 827 2 889490979 +121 1 4 891388475 +121 11 2 891387992 +121 12 5 891390014 +121 25 5 891390316 +121 50 5 891390014 +121 83 4 891388210 +121 100 4 891388035 +121 118 2 891390501 +121 124 5 891388063 +121 127 5 891388333 +121 135 5 891388090 +121 156 4 891388145 +121 165 4 891388210 +121 172 5 891388090 +121 197 4 891388286 +121 237 5 891388708 +121 250 2 891388676 +121 257 5 891390014 +121 276 3 891388453 +121 282 1 891389037 +121 292 4 891388960 +121 298 2 891388676 +121 300 3 891387810 +121 313 5 891390013 +121 315 4 891389282 +121 318 5 891390013 +121 347 3 891389304 +121 357 5 891388063 +121 411 1 891390544 +121 427 4 891388286 +121 458 1 891388847 +121 472 3 891390599 +121 479 5 891388113 +121 546 1 891390521 +121 582 2 891390034 +121 595 2 891390521 +121 628 3 891389037 +121 644 4 891388035 +121 717 5 891390688 +121 736 5 891387992 +121 742 5 891390013 +121 744 3 891388936 +121 792 3 891388250 +121 937 4 891389924 +121 1194 4 891388210 +121 1266 4 891388250 +122 11 1 879270424 +122 28 4 879270084 +122 57 2 879270644 +122 69 2 879270511 +122 83 5 879270327 +122 86 5 879270458 +122 127 5 879270424 +122 135 4 879270327 +122 180 5 879270327 +122 190 4 879270424 +122 193 4 879270605 +122 197 5 879270482 +122 239 4 879270741 +122 269 5 879269963 +122 357 3 879270084 +122 403 4 879270805 +122 429 3 879270165 +122 469 5 879270644 +122 513 4 879270084 +122 519 4 879270129 +122 582 5 879270644 +122 660 3 879270644 +122 661 4 879270327 +122 673 3 879270511 +122 699 5 879270541 +122 724 4 879270677 +122 956 4 879270850 +122 1044 5 879270923 +122 1045 4 879270605 +122 1074 4 879270901 +122 1113 5 879270677 +122 1119 3 879270769 +122 1168 4 879270902 +122 1267 4 879270769 +123 9 5 879873726 +123 14 5 879872540 +123 23 4 879873020 +123 64 3 879872791 +123 98 4 879872672 +123 100 4 879872792 +123 134 4 879872275 +123 182 4 879872671 +123 185 4 879873120 +123 187 4 879809943 +123 197 5 879872066 +123 242 5 879809053 +123 276 4 879873830 +123 286 5 879809053 +123 288 3 879809053 +123 289 1 879809220 +123 294 1 879809529 +123 319 4 879809220 +123 321 4 879809220 +123 432 5 879873120 +123 435 5 879809943 +123 462 4 879872540 +123 479 4 879872066 +123 483 4 879873020 +123 504 5 879872948 +123 514 5 879872193 +123 523 3 879872406 +123 657 4 879872066 +123 1269 2 879872867 +124 1 3 890287733 +124 7 4 890287645 +124 28 3 890287068 +124 98 4 890287822 +124 117 3 890287181 +124 144 4 890287645 +124 154 5 890287645 +124 168 5 890287645 +124 172 3 890287645 +124 173 2 890287687 +124 174 3 890287317 +124 195 4 890399864 +124 209 3 890399902 +124 474 3 890287221 +125 8 4 879454419 +125 21 3 892838424 +125 41 2 892838510 +125 49 3 879455241 +125 56 1 879454345 +125 66 5 879455184 +125 67 5 892838865 +125 70 3 892838287 +125 72 4 892838322 +125 79 5 879454100 +125 82 5 879454386 +125 85 3 892838424 +125 90 5 892838623 +125 95 5 879454628 +125 105 3 892839021 +125 109 3 892838288 +125 111 3 892838322 +125 117 3 879454699 +125 122 1 892839312 +125 144 5 879454197 +125 153 2 879454419 +125 168 5 879454793 +125 172 5 879454448 +125 176 5 879454448 +125 181 5 879454139 +125 186 3 879454448 +125 191 5 879454385 +125 195 5 892836465 +125 201 3 879455019 +125 202 5 892836523 +125 205 5 879454345 +125 209 4 879455241 +125 210 5 879454243 +125 211 3 879455184 +125 216 3 879454419 +125 222 5 892836465 +125 243 2 892836123 +125 258 5 892835624 +125 269 1 879454002 +125 289 5 892835854 +125 294 4 892835778 +125 300 5 892835836 +125 323 3 892836124 +125 340 1 892835659 +125 364 3 892839191 +125 367 4 892836551 +125 369 3 892838777 +125 372 1 879454892 +125 376 3 892838510 +125 388 2 892839270 +125 393 4 879455241 +125 395 3 892838687 +125 399 3 892838509 +125 401 4 892838656 +125 412 3 892839191 +125 427 4 879454277 +125 430 4 879454309 +125 435 4 892836550 +125 451 4 892838288 +125 455 5 879454987 +125 474 3 892836422 +125 482 1 892836309 +125 508 1 892838351 +125 513 4 879454385 +125 520 5 892836309 +125 571 3 892838827 +125 585 4 892838463 +125 659 4 879454628 +125 663 3 879454956 +125 687 3 892836268 +125 705 5 879454243 +125 709 3 879454891 +125 710 5 879454699 +125 728 3 892838425 +125 746 3 879455018 +125 748 3 892835778 +125 751 5 892835624 +125 756 4 892838424 +125 763 3 892836574 +125 780 2 892839270 +125 790 4 892838462 +125 914 1 892835594 +125 1037 2 892839143 +125 1115 3 879454345 +125 1170 1 892838591 +125 1185 3 892838509 +125 1204 3 879454419 +125 1246 2 892838687 +125 1270 3 892838977 +125 1271 2 892839021 +126 266 5 887938392 +126 272 3 887853469 +126 286 3 887853469 +126 300 4 887854943 +126 303 3 887854825 +126 310 2 887854652 +126 311 4 887855173 +126 315 4 887853469 +126 316 4 887855231 +126 326 2 887853919 +126 328 5 887853735 +126 333 2 887853919 +126 337 5 887938392 +126 340 5 887854982 +126 344 4 887853735 +126 346 3 887853735 +126 350 2 887854892 +126 353 5 887938392 +126 678 3 887855283 +126 681 5 887938392 +126 690 3 887853735 +126 881 5 887938392 +126 990 4 887855231 +127 50 4 884364866 +127 62 5 884364950 +127 222 5 884364866 +127 228 5 884364866 +127 230 5 884364866 +127 258 5 884364017 +127 271 5 884364866 +127 343 5 884364151 +127 690 1 884363851 +127 750 1 884363851 +127 901 5 884363990 +128 25 3 879968185 +128 26 4 879969032 +128 28 5 879966785 +128 66 3 879969329 +128 69 4 879966867 +128 70 3 879967341 +128 71 4 879967576 +128 73 3 879969032 +128 82 5 879968185 +128 88 4 879969390 +128 117 5 879967631 +128 121 4 879968278 +128 131 5 879967452 +128 132 3 879966785 +128 133 5 879967248 +128 159 4 879968390 +128 161 5 879968896 +128 168 4 879966685 +128 172 3 879967248 +128 174 3 879966954 +128 179 3 879967767 +128 180 5 879967174 +128 181 4 879966954 +128 186 5 879966895 +128 191 4 879967080 +128 193 3 879967249 +128 196 5 879967550 +128 197 4 879966729 +128 202 2 879968579 +128 218 3 879969244 +128 220 1 879968352 +128 222 3 879967249 +128 223 5 879966839 +128 229 2 879968071 +128 245 2 879966524 +128 258 2 879966299 +128 268 3 879966355 +128 274 4 879969084 +128 275 5 879967016 +128 319 5 879966274 +128 328 2 879966406 +128 340 4 879966355 +128 367 4 879968858 +128 380 4 879968946 +128 381 3 879969033 +128 387 2 879968774 +128 392 3 879967102 +128 393 4 879969136 +128 404 3 879968308 +128 405 4 879968859 +128 416 3 879967367 +128 419 3 879967268 +128 432 2 879968125 +128 433 4 879967225 +128 451 4 879967879 +128 458 4 879968921 +128 462 4 879966729 +128 465 4 879968008 +128 468 1 879968243 +128 471 4 879967804 +128 478 5 879966840 +128 483 5 879966785 +128 487 5 879968029 +128 490 5 879966785 +128 496 5 879967225 +128 497 3 879967102 +128 499 5 879967767 +128 501 3 879968921 +128 506 4 879968125 +128 507 4 879966685 +128 531 4 879966685 +128 553 3 879968718 +128 605 3 879967804 +128 622 4 879968332 +128 633 4 879967729 +128 651 5 879966983 +128 652 3 879966603 +128 655 3 879969064 +128 684 4 879969390 +128 685 3 879968774 +128 690 3 879966274 +128 692 4 879967197 +128 702 3 879967879 +128 705 3 879968096 +128 715 4 879968512 +128 729 2 879968447 +128 732 4 879967047 +128 742 3 879967197 +128 770 3 879968008 +128 815 3 879968827 +128 838 5 879968164 +128 869 3 879969064 +128 873 1 879966524 +128 924 3 879967341 +128 942 5 879968742 +128 955 5 879969064 +128 1035 3 879968921 +128 1048 2 879968858 +128 1053 3 879968494 +128 1136 3 879969084 +128 1192 2 879967576 +128 1221 3 879968279 +129 242 4 883243972 +129 286 5 883243934 +129 300 3 883243934 +129 302 4 883243934 +129 304 3 883244707 +129 310 2 883244011 +129 311 3 883244059 +129 323 1 883245452 +129 678 1 883245452 +129 748 2 883245452 +129 882 2 883244662 +129 903 2 883245311 +129 906 5 883245310 +129 990 2 883245452 +129 1176 4 883244059 +130 1 5 874953595 +130 2 4 876252327 +130 5 4 876251650 +130 7 5 874953557 +130 11 5 875216545 +130 17 5 875217096 +130 24 5 874953866 +130 27 4 875802105 +130 29 3 878537558 +130 31 4 875801801 +130 38 4 876252263 +130 42 4 875801422 +130 54 5 876251895 +130 62 4 876252175 +130 64 5 875801549 +130 65 4 875216786 +130 67 4 876252064 +130 77 5 880396792 +130 79 5 875217392 +130 82 5 875802080 +130 88 2 875217265 +130 89 4 875216458 +130 93 5 874953665 +130 95 5 875216867 +130 96 5 875216786 +130 98 5 875216507 +130 100 3 874953558 +130 117 5 874953895 +130 118 4 874953895 +130 121 5 876250746 +130 123 4 875216112 +130 132 5 875802006 +130 144 5 875216717 +130 156 3 875801447 +130 159 4 875802211 +130 179 4 875217265 +130 181 5 874953621 +130 185 5 875217033 +130 188 4 876251895 +130 196 5 875801695 +130 203 4 875801716 +130 215 5 875802035 +130 219 5 876252472 +130 227 3 875801868 +130 233 4 875801750 +130 235 4 874953728 +130 236 5 876251160 +130 237 5 874953621 +130 239 4 878538071 +130 246 4 874953698 +130 248 3 874953769 +130 249 5 876250746 +130 250 3 876250833 +130 252 5 876250932 +130 257 4 874953665 +130 258 4 874953526 +130 261 4 874953525 +130 262 3 877926419 +130 269 4 881075976 +130 272 5 888962577 +130 289 5 874953291 +130 290 3 876250955 +130 291 4 876250932 +130 293 5 874953769 +130 294 5 874953337 +130 299 3 874953526 +130 300 5 874953239 +130 305 4 886023938 +130 313 5 884623736 +130 315 4 884623887 +130 321 5 874953291 +130 326 5 874953239 +130 328 4 874953525 +130 329 4 874953337 +130 330 4 874953424 +130 342 3 881076199 +130 343 4 881536273 +130 347 4 884623800 +130 350 4 886023989 +130 354 5 888211701 +130 355 4 888211731 +130 373 4 878537681 +130 389 3 875216786 +130 392 4 876252243 +130 398 3 878537516 +130 403 5 876251922 +130 404 5 875802137 +130 407 2 876251388 +130 411 5 876251217 +130 412 4 874953866 +130 419 5 876251515 +130 420 5 876252472 +130 423 5 875216978 +130 426 4 875801897 +130 427 5 875217033 +130 436 3 875801573 +130 444 4 880396495 +130 449 4 878537516 +130 450 2 878537602 +130 452 4 880396495 +130 453 3 880396602 +130 455 4 874953728 +130 465 5 875801596 +130 469 5 876251693 +130 470 2 875217096 +130 471 2 874953928 +130 472 4 876251072 +130 475 3 874953595 +130 477 4 875216593 +130 501 5 875801716 +130 527 5 875801447 +130 531 5 875216628 +130 532 5 876250955 +130 538 5 884623983 +130 552 5 876252225 +130 555 4 888211930 +130 565 3 880396541 +130 578 5 878537681 +130 589 4 875216717 +130 658 5 875802173 +130 665 3 876252175 +130 681 3 875801315 +130 692 5 875801422 +130 739 5 876252420 +130 746 5 876252012 +130 751 5 884623756 +130 752 5 888211864 +130 761 3 876251650 +130 763 5 874953728 +130 765 4 876252420 +130 769 3 880396541 +130 771 2 878537631 +130 794 5 875802137 +130 802 5 876252136 +130 808 5 878537631 +130 816 5 880396518 +130 819 3 874953825 +130 820 5 876251312 +130 824 3 875801830 +130 827 4 876251312 +130 864 2 874953595 +130 888 3 881076146 +130 892 3 884623832 +130 894 4 884624087 +130 895 5 884623799 +130 928 4 876251287 +130 929 4 876251160 +130 932 3 876251389 +130 934 4 876251341 +130 939 4 876252041 +130 944 4 876252042 +130 974 4 876250932 +130 982 1 880396831 +130 1013 4 876251287 +130 1019 4 875801530 +130 1028 4 876250805 +130 1034 2 876250833 +130 1039 4 875216420 +130 1046 4 880396831 +130 1058 5 876252064 +130 1079 3 876251217 +130 1088 2 876250805 +130 1089 2 876250718 +130 1095 3 876251192 +130 1142 4 874953595 +130 1151 3 877984840 +130 1157 3 880396861 +130 1210 2 880396831 +130 1220 5 876252343 +130 1231 4 878537778 +130 1244 4 876251192 +130 1245 3 876251312 +130 1267 4 875217265 +130 1275 5 876252288 +130 1276 4 876251312 +130 1278 5 876251127 +130 1279 4 876251217 +130 1280 4 877984734 +131 9 5 883681723 +131 124 5 883681313 +131 127 4 883681418 +131 137 1 883681466 +131 242 5 883681723 +131 248 3 883681262 +131 251 5 883681723 +131 269 5 883681723 +131 276 5 883681723 +131 287 4 883681351 +131 293 3 883681442 +131 297 4 883681514 +131 536 5 883681723 +131 744 4 883681384 +131 813 3 883681466 +132 12 4 891278867 +132 50 3 891278774 +132 56 5 891278996 +132 100 4 891278744 +132 127 4 891278937 +132 151 3 891278774 +132 175 3 891278807 +132 251 4 891278996 +132 285 4 891278996 +132 286 3 891278680 +132 484 4 891278807 +132 521 4 891278996 +132 523 4 891278996 +132 664 5 891278996 +132 806 3 891278896 +132 1019 3 891278867 +132 1154 3 891278896 +133 243 3 890589035 +133 245 3 890588878 +133 269 4 890588766 +133 271 5 890588766 +133 272 5 890588672 +133 286 2 890588524 +133 300 3 890588577 +133 306 4 890588612 +133 308 4 890588639 +133 313 3 890588524 +133 316 4 890588928 +133 343 2 890589188 +133 346 3 890588577 +133 355 2 890588928 +133 539 1 890588720 +133 749 4 890588720 +133 750 4 890588720 +133 902 3 890588672 +134 1 5 891732756 +134 269 3 891732122 +134 294 4 891732365 +134 301 2 891732296 +134 302 2 891732150 +134 315 3 891732122 +134 316 4 891732418 +134 326 5 891732296 +134 328 4 891732335 +134 338 4 891732532 +134 508 3 891732726 +134 678 4 891732271 +135 5 3 879857868 +135 38 3 879858003 +135 55 4 879857797 +135 56 4 879857765 +135 98 5 879857765 +135 173 4 879857723 +135 203 4 879857797 +135 226 3 879857956 +135 230 3 879857843 +135 234 4 879857797 +135 260 3 879857575 +135 288 3 879857575 +135 321 4 879857575 +135 324 3 879857575 +135 327 4 879857575 +135 452 2 879857843 +135 470 4 879857931 +135 554 3 879858003 +135 581 4 879857931 +135 1217 2 879857956 +136 9 5 882693429 +136 15 4 882693723 +136 116 5 882693723 +136 124 5 882693489 +136 127 5 882693404 +136 137 5 882693339 +136 204 4 882848866 +136 237 4 882693597 +136 257 3 882693234 +136 258 5 882693234 +136 269 5 882693234 +136 275 4 882693723 +136 283 4 882693529 +136 286 5 882693234 +136 303 4 882693234 +136 318 5 882848820 +136 475 4 882693339 +136 525 5 882848925 +136 647 5 882848783 +136 744 5 882693569 +137 1 3 881433048 +137 79 5 881433689 +137 89 5 881433719 +137 96 5 881433654 +137 118 5 881433179 +137 121 5 881432881 +137 174 5 881433654 +137 181 5 881433015 +137 210 5 881433654 +137 243 4 881432790 +137 260 3 881432735 +137 289 3 881432671 +137 385 5 881433719 +137 405 5 881433336 +137 411 5 881433490 +137 476 1 881433524 +137 680 5 881432735 +137 685 5 881433296 +137 690 2 881432482 +137 748 4 881432626 +137 866 3 881433090 +137 892 3 882809210 +137 1028 5 881433409 +137 1117 2 881433435 +138 1 4 879023031 +138 12 5 879024232 +138 13 4 879023345 +138 14 3 879022730 +138 15 4 879023389 +138 45 5 879024232 +138 56 5 879024232 +138 117 4 879023245 +138 133 4 879024043 +138 137 5 879023131 +138 147 4 879023779 +138 182 4 879023948 +138 187 5 879024043 +138 194 5 879024184 +138 209 4 879023948 +138 222 4 879023345 +138 435 5 879024232 +138 474 5 879024327 +138 487 3 879023853 +138 497 5 879023947 +138 509 4 879024232 +138 513 5 879024043 +138 518 4 879024327 +138 602 4 879024382 +138 603 4 879024184 +138 662 4 879024128 +138 742 4 879023245 +139 100 5 879538199 +139 150 4 879538327 +139 237 3 879538254 +139 242 3 879537876 +139 288 4 879537918 +139 296 4 879538218 +139 297 5 879538275 +139 302 3 879537844 +139 460 3 879538199 +139 475 5 879538415 +139 676 4 879538275 +139 740 2 879538254 +139 744 5 879538169 +139 1176 4 879538080 +139 1233 5 879537844 +140 245 3 879013720 +140 286 5 879013617 +140 288 3 879013617 +140 294 3 879013651 +140 302 4 879013617 +140 303 5 879013684 +140 304 4 879013747 +140 321 4 879013651 +140 873 2 879013719 +140 988 3 879013719 +141 7 5 884584981 +141 15 5 884584981 +141 25 5 884585105 +141 100 4 884584688 +141 118 5 884585274 +141 121 4 884585071 +141 126 5 884585642 +141 127 2 884584735 +141 147 4 884584906 +141 181 4 884584709 +141 235 1 884585437 +141 244 5 884585247 +141 248 3 884585039 +141 249 2 884585386 +141 250 4 884585128 +141 255 4 884585039 +141 257 3 884584773 +141 259 1 886447904 +141 261 1 886447904 +141 276 1 884584817 +141 279 1 884584817 +141 282 5 884585642 +141 284 5 884585071 +141 286 4 884584247 +141 291 5 884585220 +141 292 1 884584906 +141 293 2 884584735 +141 294 4 884584247 +141 298 5 884584790 +141 313 5 884584271 +141 323 4 884584480 +141 330 1 886447735 +141 333 5 887424639 +141 335 1 886447735 +141 346 1 886447613 +141 407 2 884585523 +141 409 5 884585274 +141 591 4 884584865 +141 597 4 884585071 +141 619 4 884585039 +141 676 5 884585001 +141 696 4 884585498 +141 717 4 884585470 +141 742 4 884584930 +141 756 3 884585363 +141 815 4 884585070 +141 823 3 884585437 +141 831 2 884585470 +141 866 5 884585071 +141 871 3 884585148 +141 926 4 884585300 +141 930 4 884585247 +141 974 4 884585300 +141 984 4 886447880 +141 985 4 884585363 +141 988 3 884584460 +141 1014 3 884585572 +141 1023 4 884585274 +141 1028 4 884585168 +141 1040 3 884585547 +141 1047 4 884585220 +141 1244 3 884585364 +141 1280 1 887424890 +141 1282 3 884585320 +141 1283 3 884585168 +142 7 4 888640489 +142 42 4 888640489 +142 91 5 888640404 +142 124 4 888640379 +142 134 5 888640356 +142 147 1 888640356 +142 176 5 888640455 +142 186 4 888640430 +142 259 3 888640104 +142 268 5 888639837 +142 294 3 888640054 +142 315 3 888639837 +142 322 2 888640054 +142 333 5 888639968 +142 338 2 888640199 +142 346 5 888639815 +142 408 4 888640379 +142 425 4 888640489 +142 463 3 888640489 +142 514 5 888640317 +143 258 3 888407586 +143 271 4 888407708 +143 272 4 888407586 +143 286 2 888407586 +143 288 5 888407586 +143 294 3 888407708 +143 307 4 888407622 +143 313 5 888407586 +143 315 4 888407542 +143 322 4 888407708 +143 323 3 888407656 +143 326 5 888407708 +143 333 5 888407708 +143 690 2 888407622 +143 1038 3 888407656 +144 1 4 888104063 +144 4 4 888105873 +144 7 2 888104087 +144 8 4 888105612 +144 9 5 888104191 +144 12 4 888105419 +144 14 4 888104122 +144 15 4 888104150 +144 20 4 888104559 +144 24 4 888104541 +144 48 5 888105197 +144 54 2 888105473 +144 55 4 888105254 +144 56 4 888105387 +144 58 3 888105548 +144 59 4 888105197 +144 61 3 888106182 +144 68 2 888105665 +144 69 5 888105140 +144 70 4 888105587 +144 72 4 888105338 +144 87 5 888105548 +144 98 4 888105587 +144 100 5 888104063 +144 116 4 888104258 +144 117 4 888103969 +144 124 4 888104063 +144 126 4 888104150 +144 127 4 888105823 +144 135 5 888105364 +144 137 4 888104150 +144 144 4 888105254 +144 147 3 888104402 +144 170 4 888105364 +144 173 5 888105902 +144 174 5 888105612 +144 183 4 888105140 +144 187 4 888105312 +144 196 4 888105743 +144 198 4 888105287 +144 212 5 888105993 +144 213 4 888105387 +144 215 4 888105714 +144 223 4 888105197 +144 234 4 888105115 +144 235 1 888104715 +144 242 4 888103444 +144 244 3 888104588 +144 248 4 888104032 +144 251 4 888103929 +144 257 4 888104258 +144 258 4 888103371 +144 262 3 888103444 +144 271 2 888103632 +144 276 3 888104122 +144 280 1 888104625 +144 281 3 888104191 +144 282 4 888104123 +144 284 3 888104213 +144 288 2 888103509 +144 294 4 888103573 +144 307 1 888103407 +144 316 5 888103666 +144 318 5 888105419 +144 319 3 888103509 +144 326 4 888103530 +144 327 3 888103444 +144 333 3 888103371 +144 343 2 888103725 +144 357 4 888105254 +144 405 4 888104419 +144 411 4 888104588 +144 423 5 888105714 +144 435 4 888105387 +144 455 3 888104382 +144 466 2 888105823 +144 470 2 888105993 +144 474 4 888105311 +144 475 1 888104032 +144 476 2 888104625 +144 478 4 888105337 +144 500 4 888105419 +144 514 5 888105197 +144 524 5 888105081 +144 527 5 888105665 +144 533 4 888104258 +144 588 4 888105549 +144 632 4 888105472 +144 647 4 888105338 +144 651 4 888105197 +144 654 4 888105823 +144 690 3 888103573 +144 729 4 888105665 +144 751 4 888103725 +144 760 2 888104283 +144 823 3 888104659 +144 847 4 888104063 +144 962 4 888105612 +144 963 4 888105254 +144 1010 3 888104834 +144 1012 4 888104521 +144 1013 1 888104446 +144 1028 3 888104495 +144 1065 4 888105714 +144 1101 4 888105312 +144 1138 4 888104684 +144 1197 4 888104322 +144 1226 4 888104737 +145 9 2 875270394 +145 11 5 875273120 +145 12 5 882182917 +145 17 3 875272132 +145 23 4 875271896 +145 31 5 875271896 +145 49 3 875272926 +145 53 2 875272245 +145 54 5 888398669 +145 55 3 875272009 +145 59 1 882181695 +145 62 2 885557699 +145 64 4 882181785 +145 66 4 875272786 +145 77 3 875272348 +145 88 5 875272833 +145 89 4 882181605 +145 96 5 882181728 +145 97 5 875272652 +145 98 5 875271896 +145 106 4 875270655 +145 111 3 875270322 +145 117 5 875270655 +145 118 3 875270764 +145 121 2 875270507 +145 123 4 879161848 +145 134 4 882181695 +145 135 5 885557731 +145 150 5 875270655 +145 155 2 875272871 +145 156 5 875271896 +145 164 4 875271948 +145 173 5 875272604 +145 176 5 875271838 +145 181 5 875270507 +145 202 4 875272694 +145 209 4 882181659 +145 218 3 877343121 +145 219 5 877343185 +145 222 5 885557660 +145 226 1 875272196 +145 227 4 885557660 +145 228 4 885557660 +145 234 5 875271948 +145 235 4 875270507 +145 236 1 888397981 +145 240 5 875270764 +145 242 5 875269755 +145 246 4 888397946 +145 249 4 875270832 +145 257 5 875270932 +145 259 3 875269871 +145 268 4 888396828 +145 269 5 879161576 +145 271 4 885557660 +145 274 3 875270800 +145 276 1 882182634 +145 282 5 875270570 +145 284 4 888398104 +145 293 4 875270276 +145 294 4 875269871 +145 300 3 875269755 +145 308 2 885557505 +145 310 4 883840666 +145 312 3 885622510 +145 313 4 883840638 +145 316 5 888396966 +145 328 5 875270006 +145 329 4 888397542 +145 331 3 879161554 +145 333 2 885557626 +145 338 3 882181335 +145 342 4 882181205 +145 343 5 882181082 +145 347 3 891509921 +145 352 4 885556043 +145 354 4 891509877 +145 356 4 875272299 +145 358 4 875273234 +145 363 4 875271607 +145 379 3 875272299 +145 380 3 885557699 +145 394 1 888398833 +145 405 3 875270970 +145 407 2 888398400 +145 410 4 875270616 +145 412 4 888398492 +145 436 5 877343121 +145 447 5 877343185 +145 449 3 885557699 +145 450 3 885557660 +145 452 3 882182762 +145 454 1 885557699 +145 486 3 882181659 +145 510 4 882181859 +145 515 5 875270394 +145 544 4 875271312 +145 546 3 875271047 +145 554 3 875272245 +145 558 2 877343121 +145 559 2 877343156 +145 563 3 877343280 +145 566 5 875272010 +145 572 5 888398747 +145 590 1 882182802 +145 595 3 885557505 +145 597 4 875271477 +145 603 5 875272009 +145 628 2 875270932 +145 635 4 875272349 +145 636 4 875272050 +145 642 3 875272010 +145 650 4 875273120 +145 652 5 882181571 +145 673 4 875272299 +145 678 2 879161675 +145 687 2 882181335 +145 688 4 875269822 +145 690 4 877342952 +145 692 2 885557505 +145 728 2 875272988 +145 731 3 875272833 +145 732 4 875272833 +145 738 3 875272927 +145 740 2 875272786 +145 742 4 875270616 +145 754 3 882181058 +145 761 4 882182850 +145 762 3 875272926 +145 767 2 879161882 +145 769 2 877343280 +145 771 2 888398867 +145 789 4 875272132 +145 800 2 875272349 +145 816 5 877343156 +145 820 2 885557732 +145 821 3 875272833 +145 823 3 875271397 +145 825 4 875271477 +145 826 2 875271312 +145 827 2 888398238 +145 859 3 882182763 +145 869 4 875272926 +145 877 2 885557506 +145 879 5 877343000 +145 890 2 885557505 +145 892 2 885557505 +145 894 1 883840965 +145 898 1 885555980 +145 901 1 885556116 +145 925 4 875271047 +145 926 3 875271094 +145 929 2 888398069 +145 930 2 888398833 +145 934 1 875270394 +145 939 4 875272050 +145 943 3 875272050 +145 977 3 879161931 +145 979 3 879161882 +145 988 1 891510040 +145 1009 2 875270764 +145 1011 5 888398162 +145 1012 4 875270322 +145 1023 1 885557545 +145 1025 4 877343020 +145 1028 5 875271607 +145 1033 1 875270903 +145 1041 5 875272987 +145 1046 4 888398702 +145 1047 3 875270764 +145 1051 2 888398087 +145 1073 5 875272009 +145 1087 1 875271357 +145 1132 3 875271522 +145 1210 1 888398766 +145 1215 2 888398400 +145 1216 2 888398238 +145 1273 5 875272196 +145 1279 1 875270903 +145 1283 1 875270903 +145 1287 2 888398563 +145 1288 4 888398197 +145 1289 1 875271660 +145 1290 1 875272732 +145 1291 3 888398563 +146 245 5 891458080 +146 258 4 891457714 +146 269 4 891457591 +146 271 3 891457749 +146 272 5 891457538 +146 286 3 891457493 +146 294 1 891457668 +146 301 2 891457905 +146 311 4 891457714 +146 315 5 891458193 +146 319 4 891457538 +146 327 3 891457905 +146 328 3 891458079 +146 331 5 891458193 +146 336 5 891458193 +146 340 4 891457714 +146 342 1 891457978 +146 345 4 891457538 +146 1293 5 891458080 +147 270 3 885594204 +147 286 5 885594040 +147 301 5 885594204 +147 302 4 885593845 +147 304 5 885593942 +147 313 4 885593965 +147 319 4 885593812 +147 750 5 885593812 +147 898 5 885593965 +147 937 3 885593997 +148 8 4 877020297 +148 50 5 877016805 +148 56 5 877398212 +148 69 5 877019101 +148 89 5 877398587 +148 127 1 877399351 +148 132 4 877020715 +148 133 5 877019251 +148 135 5 877016514 +148 151 4 877400124 +148 164 4 877398444 +148 168 5 877015900 +148 173 5 877017054 +148 174 5 877015066 +148 175 4 877016259 +148 181 5 877399135 +148 189 4 877019698 +148 190 2 877398586 +148 191 1 877020715 +148 194 5 877015066 +148 209 5 877398648 +148 222 4 877398901 +148 227 4 877399083 +148 234 3 877020297 +148 238 4 877398586 +148 418 3 877019251 +148 432 5 877019698 +148 474 5 877019882 +148 496 3 877015066 +148 521 1 877398836 +148 549 3 877398385 +148 663 5 877399018 +148 969 4 877398513 +149 245 3 883512813 +149 258 3 883512658 +149 262 1 883512623 +149 268 4 883512715 +149 272 3 883512591 +149 286 5 883512591 +149 300 3 883512715 +149 302 4 883512623 +149 303 4 883512752 +149 311 3 883512752 +149 313 5 883512557 +149 323 2 883512928 +149 325 2 883512834 +149 326 3 883512856 +149 328 2 883512689 +149 333 1 883512591 +149 337 2 883512968 +149 338 2 883512904 +149 340 4 883512775 +149 345 4 883512623 +149 346 4 883512658 +149 678 2 883512928 +149 874 3 883512752 +149 1295 3 883512813 +149 1296 3 883512752 +150 14 4 878746889 +150 123 4 878746852 +150 124 2 878746442 +150 150 3 878746824 +150 151 4 878746824 +150 276 5 878746982 +150 288 4 878746174 +150 291 4 878746764 +150 319 4 878746174 +150 324 4 878746225 +151 1 5 879524151 +151 4 5 879524922 +151 9 4 879524199 +151 14 5 879524325 +151 26 3 879542252 +151 28 4 879524199 +151 31 3 879524713 +151 33 5 879543181 +151 44 4 879542413 +151 50 5 879525034 +151 52 5 879524586 +151 56 4 879524879 +151 69 4 879524368 +151 70 4 879524947 +151 73 4 879528909 +151 81 5 879524293 +151 82 3 879524819 +151 86 5 879524345 +151 88 5 879542645 +151 93 5 879525002 +151 97 5 879528801 +151 98 4 879524088 +151 111 4 879542775 +151 118 3 879542588 +151 124 5 879524491 +151 125 4 879542939 +151 131 5 879525075 +151 132 5 879524669 +151 133 5 879524797 +151 134 4 879524131 +151 135 5 879524471 +151 136 4 879524293 +151 137 5 879528754 +151 143 5 879524878 +151 147 2 879524947 +151 151 5 879524760 +151 152 3 879525075 +151 154 4 879524642 +151 168 5 879528495 +151 170 5 879524669 +151 171 5 879524921 +151 173 5 879524130 +151 174 5 879524088 +151 178 5 879524586 +151 181 5 879524394 +151 185 4 879528801 +151 190 4 879528673 +151 194 4 879524443 +151 195 3 879524642 +151 198 4 879524472 +151 199 3 879524563 +151 202 5 879542753 +151 204 4 879524641 +151 208 4 879524443 +151 209 4 879524443 +151 211 5 879528588 +151 215 3 879524420 +151 216 4 879524713 +151 222 5 879525002 +151 230 3 879528647 +151 238 5 879542286 +151 258 5 879523838 +151 265 5 879542566 +151 275 5 879524443 +151 277 4 879524642 +151 286 5 879523838 +151 290 1 879543400 +151 301 4 879523925 +151 302 3 879523860 +151 371 4 879542891 +151 378 4 879528520 +151 380 5 879543146 +151 381 5 879528754 +151 382 4 879528754 +151 385 3 879542775 +151 408 5 879524222 +151 418 3 879525002 +151 423 4 879528570 +151 427 5 879524108 +151 430 4 879528418 +151 436 3 879524947 +151 443 5 879524947 +151 448 2 879528779 +151 462 4 879524088 +151 463 5 879525002 +151 466 5 879528496 +151 469 1 879528852 +151 470 3 879528674 +151 473 4 879524974 +151 474 5 879524222 +151 476 3 879543423 +151 483 5 879524244 +151 487 5 879524669 +151 488 4 879524900 +151 491 4 879524536 +151 492 3 879524738 +151 496 4 879524974 +151 497 5 879524325 +151 498 5 879524150 +151 499 5 879524585 +151 504 4 879528868 +151 507 5 879524394 +151 512 5 879524712 +151 516 5 879542707 +151 517 2 879542588 +151 523 5 879524173 +151 525 4 879528570 +151 528 5 879524849 +151 531 3 879524738 +151 549 4 879543324 +151 559 2 879543075 +151 561 3 879543342 +151 566 3 879528890 +151 582 5 879524563 +151 603 5 879524641 +151 606 5 879528496 +151 609 4 879525075 +151 610 5 879528607 +151 611 4 879524514 +151 614 4 879528729 +151 627 2 879542796 +151 628 5 879528674 +151 629 4 879528754 +151 631 3 879524849 +151 632 4 879528779 +151 638 5 879528819 +151 642 3 879524713 +151 652 5 879524472 +151 657 5 879524760 +151 661 4 879524419 +151 663 4 879524268 +151 664 5 879524713 +151 686 3 879525035 +151 705 5 879524778 +151 716 2 879528778 +151 724 4 879542270 +151 741 2 879524394 +151 748 2 879523925 +151 761 3 879542813 +151 770 4 879542527 +151 781 3 879543181 +151 782 4 879542566 +151 805 4 879542567 +151 836 4 879524514 +151 845 4 879525035 +151 847 5 879528459 +151 922 4 879542847 +151 939 4 879524514 +151 945 5 879524419 +151 952 3 879528729 +151 953 5 879524948 +151 956 4 879542567 +151 962 1 879524394 +151 965 5 879524849 +151 966 4 879543457 +151 971 5 879528607 +151 1039 4 879524471 +151 1041 3 879543306 +151 1047 2 879543036 +151 1050 4 879524879 +151 1070 4 879524174 +151 1098 1 879528890 +151 1203 5 879542670 +151 1269 5 879528438 +151 1286 5 879524173 +151 1299 4 879543423 +152 8 5 882829050 +152 15 5 880148843 +152 21 3 880149253 +152 33 5 882475924 +152 49 5 882477402 +152 66 5 886535773 +152 69 5 882474000 +152 71 5 882900320 +152 88 5 884035964 +152 117 4 880148782 +152 120 2 880149686 +152 121 5 880149166 +152 133 5 882474845 +152 143 5 882474378 +152 153 4 880149924 +152 155 5 884018390 +152 161 5 882476363 +152 173 5 882474378 +152 215 5 880149882 +152 234 4 882474970 +152 237 5 880148734 +152 274 5 880149166 +152 275 4 880148664 +152 278 4 880149166 +152 280 5 880148941 +152 283 4 880148616 +152 284 5 880149045 +152 294 4 880149098 +152 319 2 890322385 +152 354 3 890322242 +152 364 4 884019146 +152 367 3 882475972 +152 371 4 882477356 +152 393 5 884018430 +152 401 3 884018905 +152 402 5 882829501 +152 410 4 882478038 +152 411 4 880149350 +152 423 5 882899511 +152 451 5 882476911 +152 487 5 882474587 +152 504 4 882476261 +152 527 4 882477356 +152 549 4 882476261 +152 559 1 882475972 +152 568 5 882829846 +152 596 2 880148941 +152 632 4 882474734 +152 660 5 880150075 +152 692 5 880149963 +152 720 5 882477356 +152 724 5 884035936 +152 739 5 882475924 +152 740 4 880149197 +152 763 5 884018370 +152 775 4 884018798 +152 778 3 882476683 +152 781 5 882476486 +152 783 4 884018961 +152 785 5 886535773 +152 794 5 886535773 +152 871 3 884018842 +152 944 4 882476632 +152 1035 4 882477755 +152 1041 5 882477572 +152 1053 5 882475618 +152 1054 1 880149643 +152 1136 5 882477202 +152 1300 4 886535827 +152 1301 5 884018462 +153 50 1 881371140 +153 79 5 881371198 +153 172 1 881371140 +153 181 1 881371140 +153 182 5 881371198 +153 187 2 881371198 +153 258 5 881371336 +153 265 4 881371032 +153 294 2 881370859 +153 322 3 881370900 +153 325 2 881370935 +153 357 5 881371059 +153 568 4 881371140 +154 61 4 879138657 +154 152 4 879138832 +154 172 4 879138783 +154 174 5 879138657 +154 185 5 879139002 +154 187 5 879139096 +154 191 4 879138832 +154 197 5 879139003 +154 200 5 879138832 +154 211 4 879139002 +154 222 2 879138910 +154 238 5 879139040 +154 258 3 879138235 +154 288 3 879138235 +154 324 2 879138287 +154 474 5 879138783 +154 475 4 879138832 +154 482 4 879138831 +154 496 3 879138910 +154 515 4 879138657 +154 523 5 879138831 +154 641 5 879138831 +154 642 3 879138910 +154 651 4 879138783 +154 874 3 879138368 +154 919 4 879138712 +154 945 3 879138713 +155 245 2 879371061 +155 288 3 879370860 +155 300 2 879370963 +155 306 5 879371121 +155 322 2 879371261 +155 326 2 879371121 +155 327 2 879371061 +155 331 3 879370860 +155 332 2 879371121 +155 872 3 879370860 +155 990 3 879371194 +156 9 4 888185735 +156 77 2 888185906 +156 83 3 888185677 +156 86 4 888185854 +156 100 4 888185677 +156 157 4 888185906 +156 178 5 888185777 +156 187 5 888185778 +156 357 4 888185677 +156 480 5 888185606 +156 510 4 888186093 +156 515 3 888185735 +156 528 4 888185906 +156 646 4 888185947 +156 651 4 888185906 +156 655 3 888185677 +156 772 3 888185947 +156 806 3 888185777 +157 50 4 886890541 +157 100 5 886890650 +157 111 3 886889876 +157 117 5 886890296 +157 118 2 886890439 +157 120 1 886891243 +157 235 5 874813703 +157 244 5 886890406 +157 255 3 886889876 +157 258 3 886890296 +157 269 4 886889876 +157 276 4 886889876 +157 286 5 874813268 +157 289 4 886889876 +157 290 4 886890787 +157 313 5 886889616 +157 340 5 886889616 +157 410 4 886890855 +157 475 3 886890650 +157 476 1 886891173 +157 515 5 874813477 +157 597 3 886890406 +157 685 3 886890372 +157 934 2 886890878 +157 1016 5 886890341 +157 1051 4 886890835 +157 1244 3 886891194 +158 4 4 880134477 +158 7 5 880132744 +158 10 4 880132513 +158 20 4 880134261 +158 22 5 880134333 +158 29 3 880134607 +158 39 5 880134398 +158 53 1 880134781 +158 55 4 880134407 +158 56 5 880134296 +158 70 4 880135118 +158 83 5 880134913 +158 89 5 880133189 +158 92 4 880134407 +158 96 4 880134332 +158 107 3 880132960 +158 111 4 880134261 +158 118 5 880132638 +158 120 1 880134014 +158 121 4 880132701 +158 123 3 880132488 +158 125 3 880132745 +158 129 5 880132383 +158 161 2 880134477 +158 168 5 880134948 +158 173 5 880134913 +158 174 5 880134332 +158 175 4 880135044 +158 181 3 880132383 +158 187 5 880134332 +158 188 4 880134332 +158 194 5 880134913 +158 195 5 880134398 +158 202 5 880135001 +158 208 5 880135093 +158 209 5 880135001 +158 210 4 880134296 +158 217 5 880133095 +158 221 2 880132421 +158 226 3 880134675 +158 227 2 880134499 +158 230 2 880134445 +158 231 2 880134532 +158 232 3 880134477 +158 233 3 880134477 +158 238 5 880134913 +158 250 4 880132356 +158 252 3 880132893 +158 275 5 880132313 +158 283 5 880132421 +158 284 5 880132638 +158 285 5 880132383 +158 290 4 880135160 +158 293 4 880132513 +158 294 1 880132193 +158 298 3 880132513 +158 302 4 880132193 +158 325 4 880133920 +158 367 4 880134913 +158 385 3 880134445 +158 399 3 880134595 +158 408 5 880132313 +158 430 5 880135093 +158 431 5 880134477 +158 449 2 880134815 +158 450 3 880134815 +158 455 4 880132772 +158 471 4 880132513 +158 511 5 880134296 +158 514 3 880135093 +158 518 4 880134398 +158 544 2 880132638 +158 546 3 880132719 +158 562 4 880134607 +158 570 3 880134445 +158 576 4 880134607 +158 583 3 880134477 +158 648 5 880135020 +158 651 5 880134296 +158 652 4 880134966 +158 659 5 880134947 +158 684 3 880134332 +158 686 5 880134499 +158 694 5 880133209 +158 709 5 880135020 +158 742 4 880134261 +158 744 4 880132462 +158 745 4 880135044 +158 797 3 880134701 +158 798 4 880134815 +158 810 4 880134759 +158 823 2 880132941 +158 866 2 880132701 +158 978 3 880133937 +158 985 4 880134261 +158 1016 3 880132701 +158 1047 4 880134261 +158 1067 4 880134261 +158 1303 3 880134865 +159 7 5 880485861 +159 9 3 880485766 +159 15 5 880485972 +159 24 5 880989865 +159 25 5 880557112 +159 67 1 884026964 +159 72 3 884026946 +159 96 4 884360539 +159 118 4 880557464 +159 125 5 880557192 +159 126 5 880557038 +159 130 1 880557322 +159 195 3 884360539 +159 243 4 880485529 +159 250 3 881679988 +159 254 3 884026738 +159 255 3 885501660 +159 260 2 893255969 +159 272 5 885501645 +159 273 5 880485935 +159 274 3 880557387 +159 276 5 880485824 +159 288 3 884026901 +159 291 4 880485766 +159 293 4 880485879 +159 294 4 884026788 +159 298 5 880557386 +159 299 3 893256013 +159 301 2 880485344 +159 319 1 880485290 +159 322 5 880485443 +159 326 3 880485345 +159 333 5 893255761 +159 358 1 893255969 +159 364 1 884026964 +159 405 5 880557564 +159 456 3 880557848 +159 476 5 880557564 +159 588 2 884027316 +159 591 4 880557060 +159 595 5 880486009 +159 597 5 880989838 +159 628 3 880486071 +159 742 2 880557192 +159 829 4 880557741 +159 832 3 880557864 +159 845 1 880557130 +159 866 5 880557539 +159 873 2 893256062 +159 876 2 893255905 +159 880 1 893256084 +159 918 4 893255798 +159 932 3 880557464 +159 948 2 880485344 +159 988 3 880485529 +159 1012 5 880557080 +159 1013 4 880557170 +159 1014 4 884027206 +159 1023 2 880557741 +159 1048 3 880557584 +159 1049 4 880485972 +159 1092 2 880989744 +159 1095 5 880557824 +159 1132 5 880557584 +159 1152 4 880557464 +159 1221 5 884027141 +159 1254 1 884360361 +159 1258 1 884026823 +159 1278 3 880557782 +160 9 3 876767023 +160 11 4 876858091 +160 13 4 876768990 +160 15 2 876768609 +160 55 4 876858091 +160 59 4 876858346 +160 61 4 876861799 +160 100 5 876767023 +160 127 5 876770168 +160 129 4 876768828 +160 150 4 876767440 +160 151 4 876769097 +160 153 3 876860808 +160 157 5 876858346 +160 168 4 876858091 +160 169 4 876862077 +160 182 5 876770311 +160 185 5 876861185 +160 192 5 876861185 +160 195 4 876859413 +160 201 5 876858346 +160 202 4 876862077 +160 211 4 876862171 +160 213 4 876859778 +160 237 3 876768609 +160 240 4 876768990 +160 248 5 876768828 +160 250 4 876768106 +160 273 5 876767660 +160 276 5 876768106 +160 282 4 876768025 +160 285 4 876767660 +160 288 5 876771285 +160 293 5 876767572 +160 302 5 878078074 +160 325 3 878078115 +160 405 3 876770441 +160 408 4 876767023 +160 410 4 876769148 +160 455 4 876769689 +160 458 5 876768025 +160 461 5 876857977 +160 474 4 876857977 +160 483 5 876859413 +160 488 5 876862078 +160 497 4 876858346 +160 508 5 876768025 +160 514 4 876858091 +160 531 5 876942699 +160 589 3 876857977 +160 628 3 876767360 +160 640 3 876860808 +160 671 5 876859778 +160 763 4 876768025 +160 770 4 876861878 +160 825 2 876767299 +160 832 1 876770673 +160 844 3 876767822 +160 922 5 876767621 +160 933 3 876767621 +160 952 4 876767299 +160 955 4 876862243 +160 1012 5 876769689 +160 1134 4 876768828 +160 1142 5 876768609 +160 1197 4 876768609 +161 15 2 891172284 +161 22 2 891171282 +161 50 2 891170972 +161 69 4 891171657 +161 70 3 891171064 +161 100 4 891171127 +161 118 2 891172421 +161 132 1 891171458 +161 133 2 891171023 +161 177 2 891171848 +161 181 2 891171848 +161 186 4 891171530 +161 194 1 891171503 +161 197 3 891171734 +161 204 2 891170947 +161 210 2 891171698 +161 225 1 891172322 +161 257 3 891172174 +161 265 2 891171597 +161 272 5 891170514 +161 284 3 891172246 +161 309 2 891170018 +161 315 5 891169965 +161 316 5 891170275 +161 428 3 891171023 +161 435 2 891171104 +161 473 1 891172358 +161 483 3 891171214 +161 486 1 891171657 +161 487 3 891171357 +161 496 3 891171734 +161 640 2 891171558 +161 929 1 891172377 +161 1117 3 891172402 +162 1 4 877635819 +162 7 3 877635869 +162 11 4 877636772 +162 28 4 877636746 +162 55 3 877636713 +162 79 4 877636713 +162 105 2 877636458 +162 122 2 877636300 +162 144 3 877636746 +162 147 4 877636147 +162 179 3 877636794 +162 208 3 877636746 +162 237 4 877635980 +162 294 3 877634955 +162 358 3 877635375 +162 403 3 877636713 +162 474 3 877636556 +162 508 5 877635662 +162 826 3 877635965 +162 1011 4 877636370 +163 28 3 891220019 +163 202 3 891220137 +163 258 4 891219977 +163 269 3 891219977 +163 272 4 891219977 +163 300 3 891219977 +163 301 3 891219977 +163 305 2 891219977 +163 316 5 891219976 +163 326 3 891219977 +163 357 4 891220097 +163 433 1 891220137 +163 879 2 891219643 +164 9 4 889402050 +164 100 5 889401998 +164 222 4 889401927 +164 248 4 889402030 +164 252 4 889402265 +164 258 5 889401221 +164 282 5 889401927 +164 291 5 889401963 +164 293 4 889402121 +164 298 3 889401835 +164 307 5 889401284 +164 326 3 889401362 +164 328 5 889401362 +164 329 4 889401410 +164 342 2 889401691 +164 370 5 889402443 +164 405 5 889402160 +164 407 2 889402443 +164 411 2 889402407 +164 471 5 889402245 +164 472 5 889402071 +164 515 4 889401906 +164 678 4 889401432 +164 690 4 889401241 +164 717 3 889402265 +164 742 5 889401981 +164 751 4 889401263 +164 825 4 889402203 +164 826 4 889402340 +164 845 3 889402071 +164 866 5 889402121 +164 934 5 889402547 +164 1016 3 889402091 +165 15 5 879525799 +165 127 4 879525706 +165 156 3 879525894 +165 169 5 879525832 +165 174 4 879525961 +165 176 4 879526007 +165 187 3 879526046 +165 202 4 879525855 +165 222 5 879525987 +165 223 4 879525894 +165 260 3 879525673 +165 270 4 879525672 +165 318 5 879525961 +165 326 5 879525672 +165 328 3 879525673 +165 432 5 879526046 +165 500 3 879525832 +165 1119 3 879525922 +166 243 3 886397827 +166 286 1 886397562 +166 294 3 886397596 +166 313 5 886397478 +166 315 3 886397478 +166 347 5 886397562 +166 687 1 886397777 +166 688 3 886397855 +166 751 4 886397665 +166 984 5 886397802 +167 8 5 892738237 +167 83 5 892738384 +167 86 4 892738212 +167 96 5 892738307 +167 99 4 892738385 +167 137 5 892738081 +167 184 1 892738278 +167 216 4 892738237 +167 225 3 892737995 +167 237 4 892737972 +167 238 4 892738341 +167 240 1 892737972 +167 241 5 892738419 +167 288 3 892737972 +167 318 5 892738307 +167 435 5 892738453 +167 465 5 892738341 +167 478 5 892738452 +167 493 4 892738307 +167 512 5 892738341 +167 513 4 892738385 +167 521 5 892738307 +167 530 5 892738453 +167 554 1 892738237 +167 606 4 892738452 +167 615 5 892738277 +167 641 4 892738341 +167 655 4 892738237 +167 673 4 892738341 +167 674 2 892738384 +167 726 1 892738385 +167 735 4 892738277 +167 831 3 892738141 +167 1125 5 892738419 +167 1200 4 892738384 +167 1225 3 892738277 +167 1304 4 892738277 +167 1308 1 892738307 +168 1 5 884287509 +168 9 1 884287394 +168 118 4 884288009 +168 121 4 884287731 +168 125 4 884287731 +168 126 5 884287962 +168 181 4 884287298 +168 225 5 884288304 +168 252 1 884288304 +168 273 4 884287509 +168 275 3 884287822 +168 276 1 884287642 +168 280 4 884287580 +168 291 4 884287668 +168 294 4 884286862 +168 300 5 884287011 +168 313 5 884286862 +168 325 1 884287073 +168 405 4 884287927 +168 458 1 884288058 +168 473 2 884288178 +168 546 3 884287962 +168 597 3 884288112 +168 678 1 884287109 +168 685 3 884287759 +168 744 5 884288058 +168 763 2 884288033 +168 845 4 884287668 +168 871 3 884287711 +168 924 2 884287614 +168 930 3 884288243 +168 931 3 884288329 +168 1012 5 884287509 +168 1028 2 884287846 +168 1051 4 884288222 +169 50 5 891359250 +169 134 5 891359250 +169 199 4 891359353 +169 204 3 891359317 +169 211 5 891359200 +169 213 5 891359354 +169 243 3 891268851 +169 258 5 891268552 +169 300 5 891268491 +169 321 3 891268777 +169 331 5 891268491 +169 443 4 891359418 +169 480 4 891359137 +169 482 3 891359171 +169 483 3 891359200 +169 495 3 891359276 +169 498 3 891359170 +169 499 3 891359354 +169 525 3 891359250 +169 538 4 891268653 +169 606 5 891359137 +169 683 3 891268976 +169 684 5 891359354 +170 258 3 884104016 +170 259 3 886623680 +170 288 3 884706012 +170 294 3 884705913 +170 300 5 884103732 +170 304 4 887646133 +170 322 5 884103801 +170 323 3 884293671 +170 326 5 886623057 +170 348 3 887646014 +170 678 4 886623680 +170 687 3 884706063 +170 876 3 886190449 +170 984 5 884103918 +170 988 3 884706063 +171 258 4 891034801 +171 262 4 891034641 +171 269 4 891034835 +171 270 4 891034835 +171 272 5 891034835 +171 286 3 891034801 +171 288 2 891034606 +171 303 4 891034801 +171 304 3 891034756 +171 305 2 891034606 +171 310 4 891034835 +171 315 4 891034835 +171 326 2 891034801 +171 340 3 891034756 +171 346 4 891034835 +171 354 3 891034606 +171 690 3 891034756 +171 887 4 891034835 +171 906 3 891034684 +172 23 3 875537717 +172 124 4 875537151 +172 425 1 875536591 +172 428 4 875537964 +172 463 4 875537502 +172 606 3 875537964 +172 612 3 875537964 +172 642 4 875538028 +172 772 1 875537099 +173 245 4 877556927 +173 258 4 877556625 +173 259 3 877557239 +173 262 4 877556864 +173 269 4 877556626 +173 299 4 877556926 +173 301 5 877557076 +173 302 5 877556626 +173 303 5 877556864 +173 305 5 877556626 +173 306 5 877556626 +173 319 4 877556926 +173 321 4 877556864 +173 324 5 877556864 +173 326 5 877556988 +173 327 5 877557168 +173 329 4 877557345 +173 331 4 877557028 +173 332 4 877557028 +173 334 4 877556926 +173 687 1 877557132 +173 690 5 877557076 +173 874 4 877556926 +173 881 3 877557168 +173 937 4 877557077 +173 984 4 877556988 +173 995 5 877556988 +174 1 3 886433898 +174 9 5 886439492 +174 11 5 886439516 +174 12 5 886439091 +174 15 5 886434065 +174 31 4 886434566 +174 50 4 886433166 +174 65 5 886514123 +174 69 5 886514201 +174 70 5 886453169 +174 87 5 886514089 +174 88 5 886513752 +174 98 5 886452583 +174 99 3 886515457 +174 100 5 886433788 +174 111 5 886433898 +174 125 5 886514069 +174 126 5 886433166 +174 132 2 886439516 +174 139 3 886515591 +174 140 4 886515514 +174 143 5 886515457 +174 147 4 886433936 +174 151 3 886434013 +174 155 4 886513767 +174 158 2 886514921 +174 167 3 886514953 +174 168 1 886434621 +174 178 5 886513947 +174 202 5 886513729 +174 210 4 886514788 +174 215 5 886514220 +174 221 4 886433771 +174 238 5 890168700 +174 239 4 886439537 +174 240 1 886434241 +174 244 4 886433881 +174 246 5 886433833 +174 269 5 886432811 +174 278 5 886433833 +174 280 5 886433862 +174 284 4 886433771 +174 286 5 890168158 +174 323 1 886434241 +174 340 5 886432749 +174 364 1 886515240 +174 371 5 886513674 +174 381 5 886513706 +174 384 1 886515121 +174 386 1 886515130 +174 388 1 886515335 +174 401 1 886515063 +174 407 1 886515295 +174 417 4 886515490 +174 433 5 886514757 +174 451 5 886513752 +174 546 3 886514323 +174 553 5 886513674 +174 582 4 886439537 +174 623 3 886515532 +174 648 5 886513648 +174 662 5 886513752 +174 696 4 886434087 +174 708 5 886514243 +174 709 4 890168554 +174 715 3 886514397 +174 716 5 886513674 +174 721 2 886514889 +174 722 4 886513896 +174 723 5 886514448 +174 724 5 886453169 +174 739 5 886513729 +174 742 4 886434087 +174 747 5 886513729 +174 763 1 886434260 +174 764 4 886434343 +174 780 1 886515030 +174 781 4 886513788 +174 843 2 886515551 +174 846 5 886433996 +174 871 1 886434166 +174 905 3 890168415 +174 934 4 886434421 +174 951 1 886515551 +174 953 5 886514377 +174 988 1 886515335 +174 1017 2 886434187 +174 1035 4 886515532 +174 1074 4 886514529 +174 1086 5 886434047 +174 1091 3 886515591 +174 1221 5 886514398 +174 1262 5 886434566 +174 1282 5 886433862 +174 1311 3 886514430 +174 1313 4 888155294 +175 11 5 877107339 +175 12 4 877108146 +175 50 5 877107138 +175 64 5 877107552 +175 88 4 877108146 +175 98 5 877107390 +175 100 2 877107712 +175 111 4 877108015 +175 133 4 877107390 +175 136 4 877108051 +175 147 3 877108146 +175 172 5 877107339 +175 186 4 877107790 +175 187 4 877107338 +175 193 4 877108098 +175 195 3 877107790 +175 234 5 877108015 +175 273 2 877107640 +175 419 5 877108098 +175 508 1 877107712 +175 566 3 877108015 +175 661 4 877107432 +175 869 3 877107500 +176 7 5 886048188 +176 25 3 886048188 +176 93 5 886047963 +176 111 4 886048040 +176 117 4 886048305 +176 129 3 886048391 +176 150 4 886047879 +176 151 4 886048305 +176 181 3 886047879 +176 222 5 886048145 +176 237 3 886048145 +176 246 5 886047994 +176 257 1 886048188 +176 262 4 886047292 +176 268 5 886046979 +176 273 4 886048230 +176 285 5 886047963 +176 286 2 886046979 +176 289 3 886047292 +176 293 5 886048040 +176 298 4 886047918 +176 319 3 886046979 +176 321 4 886047176 +176 325 3 886047375 +176 328 4 886047375 +176 340 5 886046979 +176 343 2 886047595 +176 345 5 886046979 +176 347 4 886047442 +176 405 2 886048262 +176 458 4 886048305 +176 475 5 886047918 +176 508 3 886047879 +176 741 3 886048145 +176 874 4 886047118 +176 876 3 886047375 +176 881 3 886047531 +176 919 2 886048391 +176 927 3 886048305 +176 952 2 886048230 +176 1008 4 886048040 +176 1097 4 886047963 +177 7 4 880130881 +177 11 4 880131161 +177 12 5 880130825 +177 23 5 880130758 +177 42 4 880130972 +177 50 5 880131216 +177 55 3 880131143 +177 60 4 880130634 +177 64 4 880130736 +177 92 4 882142295 +177 96 3 880130898 +177 98 5 880131026 +177 121 2 880131123 +177 127 5 880130667 +177 129 3 880130653 +177 135 5 880130712 +177 144 5 880131011 +177 153 4 880130972 +177 154 4 880130600 +177 156 5 880130931 +177 160 4 880131011 +177 161 3 880130915 +177 173 4 880130667 +177 174 4 880130990 +177 176 4 880130951 +177 181 4 880130931 +177 183 4 880130972 +177 186 4 880130990 +177 187 4 880131040 +177 200 4 880130951 +177 204 3 880131011 +177 210 4 880130990 +177 216 4 880130653 +177 217 3 880131230 +177 221 3 880130775 +177 223 4 880130758 +177 238 3 880131143 +177 258 3 880130379 +177 268 3 880130452 +177 288 5 880130467 +177 292 3 880130415 +177 302 4 880130379 +177 307 4 882141842 +177 322 2 880130534 +177 324 4 880130434 +177 327 3 880130467 +177 340 4 880130415 +177 343 3 882141885 +177 358 2 882141918 +177 421 3 880130881 +177 469 4 880131201 +177 527 4 880130898 +177 568 3 880130915 +177 628 2 882143736 +177 642 4 880130972 +177 654 4 880131106 +177 678 3 882142086 +177 693 4 880130653 +177 748 3 880130534 +177 806 4 880131216 +177 963 4 880130736 +177 1110 3 880131123 +177 1218 4 880131231 +178 1 4 882823805 +178 2 4 882827375 +178 7 4 882823805 +178 9 2 882823758 +178 11 5 882826162 +178 12 5 882826162 +178 24 3 882824221 +178 31 4 882827083 +178 38 3 882827574 +178 50 5 882823857 +178 51 4 882828021 +178 56 4 882825767 +178 62 4 882827083 +178 64 5 882826242 +178 66 4 882826868 +178 69 5 882826437 +178 77 4 882827947 +178 79 4 882826306 +178 82 5 882826242 +178 87 4 885784558 +178 90 3 882827985 +178 92 3 882827803 +178 95 5 882826514 +178 97 5 882827020 +178 100 4 882823758 +178 111 4 882823905 +178 118 4 882824291 +178 123 4 882824325 +178 124 4 882823758 +178 127 5 882823978 +178 133 4 885784518 +178 143 4 882827574 +178 144 4 882825768 +178 147 4 886678902 +178 153 4 882826347 +178 155 4 882828021 +178 156 2 882826395 +178 157 5 882827400 +178 161 5 882827645 +178 164 3 882827288 +178 168 4 882826347 +178 172 4 882826555 +178 173 5 882826306 +178 174 5 882826719 +178 176 4 882826782 +178 180 3 882826395 +178 184 5 882827947 +178 194 4 882826306 +178 197 2 882826720 +178 200 3 882826983 +178 202 5 882826782 +178 203 4 882826242 +178 215 5 882826807 +178 219 4 882828350 +178 220 3 882827247 +178 222 4 882823857 +178 223 4 882827433 +178 226 4 882826187 +178 229 4 885784558 +178 230 4 882826889 +178 232 5 882827162 +178 233 4 882827375 +178 235 1 882824467 +178 237 4 882824291 +178 238 4 882826577 +178 246 4 884837324 +178 249 3 884836855 +178 260 1 886678700 +178 265 5 882826394 +178 268 4 884837324 +178 269 4 882823324 +178 274 4 882824253 +178 280 4 882824592 +178 281 3 882824028 +178 283 5 882823784 +178 293 4 882823954 +178 295 3 882824055 +178 298 2 882823905 +178 300 5 882823301 +178 304 4 882823375 +178 313 5 884836422 +178 316 4 888513290 +178 318 5 882826982 +178 319 1 884836946 +178 322 3 882823460 +178 328 3 882823416 +178 331 4 882823301 +178 333 3 884836479 +178 339 3 892239822 +178 340 1 882823353 +178 354 4 892239771 +178 405 3 882823905 +178 410 4 882824467 +178 423 4 882826556 +178 435 4 882827043 +178 460 2 882824869 +178 469 3 882827870 +178 471 4 882823930 +178 472 4 882824194 +178 476 3 882824713 +178 483 4 882826210 +178 484 4 882826187 +178 506 3 882827084 +178 511 5 882827532 +178 531 4 882826242 +178 535 3 882824671 +178 578 4 882828021 +178 588 4 882826242 +178 591 5 882827288 +178 607 3 882826347 +178 625 3 884837073 +178 628 4 882824027 +178 654 3 882827506 +178 658 5 882827162 +178 679 4 882826944 +178 684 5 882827019 +178 685 4 882824253 +178 720 3 882827645 +178 724 4 882827433 +178 729 4 882827020 +178 735 5 882827083 +178 744 3 882824028 +178 748 4 882823460 +178 751 4 882823353 +178 756 3 882824983 +178 763 4 882824253 +178 764 3 888514648 +178 781 4 882827716 +178 783 4 886678484 +178 790 3 882827870 +178 792 5 882827834 +178 809 4 882827084 +178 819 2 882824670 +178 823 2 882824592 +178 846 3 882824467 +178 873 3 886678647 +178 876 2 886678484 +178 881 2 886678484 +178 993 5 882824592 +178 1011 3 882824431 +178 1016 4 882824253 +178 1028 3 882824670 +178 1033 2 882824869 +178 1038 2 882823566 +178 1047 2 882824326 +178 1048 2 884837073 +178 1101 4 882827019 +178 1119 4 882827400 +178 1157 3 882827375 +178 1197 4 882824055 +178 1258 4 882823930 +178 1314 3 882827134 +178 1315 4 882824291 +179 271 1 892151565 +179 288 5 892151489 +179 300 4 892151231 +179 302 4 892151173 +179 307 3 892151565 +179 313 4 892151270 +179 321 1 892151331 +179 333 5 892151459 +179 340 4 892151064 +179 347 3 892151064 +179 353 1 892151270 +179 362 1 892151231 +179 538 4 892151231 +179 682 5 892151459 +179 690 1 892151489 +179 691 3 892151331 +179 893 2 892151565 +179 902 1 892151064 +179 914 5 892151174 +179 916 5 892151064 +179 917 3 892151231 +179 1127 1 892151270 +179 1234 1 892151459 +180 12 2 877355568 +180 40 4 877127296 +180 53 5 877442125 +180 98 5 877544444 +180 153 1 877126182 +180 181 2 877125956 +180 186 4 877127189 +180 191 4 877372188 +180 196 5 877355617 +180 201 2 877127189 +180 222 5 877127815 +180 235 4 877127758 +180 258 5 877125493 +180 318 5 877355315 +180 356 3 877442079 +180 367 1 877127486 +180 372 5 877127237 +180 380 5 877127796 +180 469 5 877372278 +180 655 5 877127159 +180 658 5 877355598 +180 660 5 877372188 +180 684 5 877442058 +180 729 5 877355598 +180 733 5 877128388 +180 735 4 877355337 +180 739 3 877128156 +180 747 4 877128156 +180 778 2 877128388 +180 785 4 877128388 +180 790 1 877127572 +180 939 4 877355472 +180 961 5 877544384 +180 1046 2 877442125 +181 6 1 878962866 +181 15 3 878962816 +181 18 1 878962623 +181 19 1 878962392 +181 24 1 878962866 +181 93 1 878962773 +181 100 3 878962816 +181 104 1 878962866 +181 105 1 878963304 +181 106 2 878963167 +181 107 1 878963343 +181 108 1 878963343 +181 109 1 878962955 +181 111 3 878962774 +181 116 1 878962550 +181 117 2 878962918 +181 118 2 878962955 +181 120 1 878963204 +181 122 2 878963276 +181 126 2 878962585 +181 129 2 878962279 +181 130 1 878963241 +181 137 2 878962465 +181 151 2 878962866 +181 222 4 878962919 +181 224 1 878962623 +181 235 1 878963168 +181 236 1 878962350 +181 237 5 878962996 +181 242 1 878961814 +181 245 2 878961369 +181 259 1 878961668 +181 263 1 878961709 +181 270 4 878961270 +181 273 1 878962774 +181 274 4 878962720 +181 275 3 878962720 +181 280 4 878963381 +181 281 2 878963038 +181 282 4 878962816 +181 285 2 878962816 +181 287 2 878963038 +181 289 4 878961332 +181 290 2 878963168 +181 291 3 878962997 +181 292 1 878961781 +181 294 2 878961173 +181 299 1 878961749 +181 300 3 878961227 +181 303 1 878961749 +181 305 2 878961542 +181 307 1 878962006 +181 322 1 878961814 +181 323 2 878961304 +181 326 1 878961709 +181 331 1 878961511 +181 332 2 878961173 +181 333 3 878961227 +181 336 2 878961709 +181 358 2 878961709 +181 360 1 878962005 +181 363 1 878963342 +181 370 2 878963418 +181 407 2 878963038 +181 409 2 878963276 +181 410 1 878962955 +181 411 3 878963276 +181 412 2 878963122 +181 413 2 878963241 +181 455 1 878962623 +181 456 1 878962586 +181 460 1 878963418 +181 471 2 878962919 +181 473 2 878962919 +181 475 2 878962720 +181 476 4 878962996 +181 477 1 878962465 +181 508 3 878962623 +181 544 1 878962919 +181 546 2 878962919 +181 547 1 878962720 +181 591 4 878962996 +181 593 1 878962349 +181 595 2 878962918 +181 596 4 878962866 +181 598 1 878962623 +181 628 3 878962392 +181 678 2 878961369 +181 681 1 878961474 +181 683 1 878962006 +181 685 2 878963381 +181 687 1 878961814 +181 713 2 878962774 +181 717 1 878963418 +181 718 1 878962675 +181 743 1 878963241 +181 744 2 878962720 +181 749 1 878961586 +181 756 2 878962866 +181 758 1 878963418 +181 760 1 878963418 +181 767 1 878963381 +181 813 2 878962279 +181 815 3 878963168 +181 818 1 878963380 +181 820 1 878963342 +181 826 1 878963304 +181 828 1 878963086 +181 831 1 878963241 +181 833 1 878963205 +181 844 1 878962816 +181 845 3 878962816 +181 847 1 878962550 +181 864 2 878962774 +181 871 2 878963168 +181 875 3 878961623 +181 876 1 878961781 +181 877 2 878961668 +181 880 1 878961668 +181 883 1 878961847 +181 884 1 878961847 +181 885 1 878962006 +181 919 1 878962550 +181 920 1 878962496 +181 924 3 878963168 +181 931 1 878963205 +181 932 1 878963121 +181 934 3 878963086 +181 974 4 878963417 +181 977 1 878962997 +181 981 1 878962279 +181 982 1 878963205 +181 983 2 878963038 +181 988 2 878961847 +181 989 1 878961780 +181 991 1 878961814 +181 1002 1 878963122 +181 1008 1 878963276 +181 1011 1 878963204 +181 1022 1 878962006 +181 1025 1 878961668 +181 1026 1 878961781 +181 1033 1 878963381 +181 1034 1 878962586 +181 1038 1 878962005 +181 1047 2 878962866 +181 1054 2 878963418 +181 1059 1 878963440 +181 1061 2 878963086 +181 1079 1 878963122 +181 1084 2 878962550 +181 1085 1 878962623 +181 1086 1 878962464 +181 1095 1 878962955 +181 1097 1 878962720 +181 1102 1 878963381 +181 1114 1 878963342 +181 1115 1 878962774 +181 1117 2 878962585 +181 1132 1 878963342 +181 1137 1 878962392 +181 1150 1 878963305 +181 1152 2 878962496 +181 1161 1 878962119 +181 1162 1 878962392 +181 1163 2 878963086 +181 1171 1 878962773 +181 1173 1 878962052 +181 1187 1 878962816 +181 1197 1 878962774 +181 1199 1 878962675 +181 1215 1 878963304 +181 1242 1 878962349 +181 1245 1 878962550 +181 1252 1 878962168 +181 1255 1 878962086 +181 1276 1 878962586 +181 1277 2 878963085 +181 1280 1 878961668 +181 1281 1 878963241 +181 1287 1 878963380 +181 1296 1 878962006 +181 1302 1 878962086 +181 1317 1 878962086 +181 1319 1 878962120 +181 1321 1 878962200 +181 1323 1 878962119 +181 1325 1 878962816 +181 1326 1 878963342 +181 1328 1 878962240 +181 1329 1 878962240 +181 1331 1 878962052 +181 1335 1 878963241 +181 1337 1 878963121 +181 1338 1 878962240 +181 1339 1 878962086 +181 1340 1 878962240 +181 1341 1 878962169 +181 1345 1 878962168 +181 1349 1 878962278 +181 1350 1 878962120 +181 1352 1 878962240 +181 1353 1 878962200 +181 1355 1 878963086 +181 1356 1 878963204 +181 1358 1 878962120 +181 1359 1 878962200 +181 1363 1 878962279 +181 1365 1 878963086 +181 1366 1 878962200 +181 1368 1 878962200 +181 1372 1 878962279 +181 1380 1 878962086 +181 1381 2 878962349 +181 1382 1 878962168 +181 1389 1 878962119 +181 1391 1 878962168 +181 1394 1 878961847 +182 1 4 885613092 +182 15 4 885612967 +182 48 3 876436556 +182 50 5 885613018 +182 111 4 885613238 +182 126 5 885613153 +182 150 3 885613294 +182 178 5 876435434 +182 181 5 885612967 +182 191 4 876435434 +182 203 3 876436556 +182 257 3 885613117 +182 479 5 876436556 +182 596 5 885613152 +183 50 2 891467546 +183 55 4 891466266 +183 62 2 891479217 +183 77 3 891466405 +183 94 3 891466863 +183 121 3 891463809 +183 144 3 891479783 +183 176 3 891466266 +183 177 5 892323452 +183 181 2 891463937 +183 202 4 891463320 +183 210 3 891465869 +183 212 4 891467870 +183 216 4 891479033 +183 226 3 891466350 +183 228 4 891463591 +183 229 3 891463591 +183 230 5 892323452 +183 258 3 891462811 +183 274 5 892323452 +183 356 3 891466447 +183 375 2 891467545 +183 380 4 891463592 +183 431 2 891467545 +183 449 2 891463592 +183 649 4 891464079 +183 739 4 891467353 +183 1090 2 891467546 +183 1159 3 891479702 +183 1215 1 891467546 +184 1 4 889907652 +184 7 3 889907738 +184 20 4 889907771 +184 25 4 889908068 +184 29 3 889910326 +184 40 4 889910326 +184 44 4 889909746 +184 50 4 889907396 +184 51 4 889909069 +184 56 3 889908657 +184 65 4 889909516 +184 66 4 889910013 +184 79 3 889909551 +184 82 3 889909934 +184 93 4 889907771 +184 95 4 889908801 +184 97 2 889908539 +184 117 2 889907995 +184 118 2 889908344 +184 121 2 889908026 +184 127 5 889907396 +184 134 5 889909618 +184 160 3 889911459 +184 165 4 889911178 +184 166 3 889910684 +184 170 5 889913687 +184 175 3 889908985 +184 176 4 889908740 +184 182 4 889908497 +184 183 4 889908630 +184 185 4 889908843 +184 192 4 889908843 +184 197 4 889908873 +184 203 3 889908571 +184 210 4 889911069 +184 212 4 889909618 +184 213 5 889909045 +184 215 4 889909812 +184 216 4 889908539 +184 220 3 889908264 +184 221 5 889907838 +184 223 4 889911195 +184 235 2 889907862 +184 238 4 889909069 +184 241 3 889909812 +184 262 5 889906946 +184 272 4 889907301 +184 274 4 889907812 +184 276 4 889907685 +184 283 5 889913687 +184 285 5 889907771 +184 301 3 889907045 +184 313 4 889906905 +184 317 3 889909426 +184 318 5 889908571 +184 340 5 889906905 +184 357 5 889913687 +184 368 1 889908104 +184 371 5 889909840 +184 372 3 889910053 +184 378 4 889909551 +184 381 4 889909962 +184 387 4 889909515 +184 393 4 889909788 +184 396 3 889910326 +184 399 3 889910159 +184 401 3 889910418 +184 402 3 889910013 +184 403 3 889909746 +184 411 3 889908207 +184 428 4 889909551 +184 443 3 889911552 +184 451 4 889909914 +184 473 4 889908133 +184 476 2 889908207 +184 480 4 889908571 +184 483 5 889908630 +184 485 4 889908947 +184 487 4 889908571 +184 488 5 889913687 +184 492 4 889908947 +184 496 5 889908539 +184 504 4 889908630 +184 506 4 889909569 +184 508 4 889907738 +184 509 4 889908694 +184 512 4 889908716 +184 523 4 889909618 +184 527 4 889908462 +184 528 5 889908462 +184 529 4 889909445 +184 591 3 889907711 +184 596 4 889907812 +184 629 3 889911162 +184 631 4 889910612 +184 632 5 889913687 +184 639 3 889909590 +184 640 4 889909551 +184 644 4 889908947 +184 651 3 889908462 +184 654 4 889908824 +184 655 3 889908630 +184 657 4 889908497 +184 664 3 889911712 +184 676 4 889907925 +184 692 4 889909672 +184 694 5 889908824 +184 707 4 889908873 +184 708 4 889909962 +184 715 4 889909590 +184 724 4 889909672 +184 735 3 889909868 +184 736 3 889911633 +184 738 3 889910372 +184 739 3 889910257 +184 747 3 889909672 +184 792 4 889909840 +184 813 4 889907711 +184 837 3 889908630 +184 845 3 889907971 +184 945 4 889909721 +184 956 3 889908693 +184 1008 4 889907896 +184 1014 2 889907468 +184 1061 3 889908264 +184 1086 4 889907711 +184 1101 4 889909515 +184 1117 2 889907771 +184 1121 4 889910545 +184 1148 3 889910098 +184 1160 5 889907363 +184 1167 5 889913687 +184 1297 2 889910257 +185 9 4 883524396 +185 25 4 883525206 +185 47 4 883524249 +185 50 4 883525998 +185 111 4 883524529 +185 116 4 883526268 +185 160 1 883524281 +185 178 4 883524364 +185 181 4 883524475 +185 205 3 883524320 +185 239 3 883524206 +185 258 4 883526267 +185 276 4 883524475 +185 286 4 883523876 +185 302 4 883526267 +185 321 5 883524428 +185 423 5 883524428 +185 480 4 883526267 +185 514 5 883524428 +185 690 4 883526267 +185 701 3 883524364 +185 703 4 883524172 +185 845 4 883524507 +185 1020 4 883524172 +186 12 1 879023460 +186 38 5 879023723 +186 55 4 879023556 +186 56 3 879023460 +186 77 5 879023694 +186 79 5 879023460 +186 98 5 891719859 +186 106 2 879023242 +186 121 2 879023074 +186 147 4 891719774 +186 159 5 879023723 +186 177 4 891719775 +186 203 5 879023529 +186 243 2 879024099 +186 258 1 879720880 +186 269 1 889818094 +186 291 4 879023073 +186 294 3 879024099 +186 295 2 879023390 +186 298 3 879023073 +186 303 3 891717938 +186 306 4 891717690 +186 330 4 891718038 +186 331 3 889817888 +186 332 4 891719775 +186 356 5 879023663 +186 405 3 879023677 +186 477 4 891719775 +186 540 4 879024014 +186 568 4 879024014 +186 595 3 879023390 +186 684 4 879023599 +186 689 4 889817888 +186 754 2 891717690 +186 820 2 879024345 +186 829 4 891719775 +186 880 3 891718700 +186 887 4 891717761 +186 934 3 879023968 +186 1016 5 879023643 +186 1033 3 879024212 +186 1042 5 879023632 +186 1046 3 879023751 +186 1083 1 879023599 +186 1213 3 879023882 +186 1336 3 879024346 +186 1385 2 879023968 +186 1399 2 891718530 +187 8 5 879465273 +187 23 4 879465631 +187 52 4 879465683 +187 65 5 879465507 +187 69 4 879465566 +187 83 5 879465274 +187 97 3 879465717 +187 134 3 879465079 +187 137 5 879464895 +187 168 5 879465273 +187 173 5 879465307 +187 179 5 879465782 +187 186 4 879465308 +187 197 4 879465597 +187 204 2 879465370 +187 209 4 879465370 +187 213 4 879465858 +187 214 4 879465632 +187 216 5 879465394 +187 241 3 879465858 +187 300 4 879464783 +187 423 4 879465745 +187 428 4 879465308 +187 435 4 879465242 +187 462 5 879466062 +187 651 5 879465566 +187 660 5 879465744 +187 663 3 879465242 +187 694 5 879465532 +187 707 5 879465882 +187 710 4 879465242 +187 735 4 879465532 +187 736 4 879465632 +187 1065 4 879465717 +188 5 4 875074266 +188 11 5 875071520 +188 22 5 875072459 +188 28 3 875072972 +188 50 4 875072741 +188 54 4 875074589 +188 64 5 875071891 +188 76 4 875073048 +188 97 5 875071891 +188 100 4 875074127 +188 118 3 875072972 +188 121 4 875073647 +188 144 3 875071520 +188 151 3 875073909 +188 153 5 875075062 +188 157 3 875072674 +188 162 4 875072972 +188 174 5 875072741 +188 176 4 875072876 +188 177 4 875073329 +188 180 5 875073329 +188 187 3 875072211 +188 194 3 875073329 +188 199 4 875071658 +188 226 3 875074266 +188 259 3 875071443 +188 265 5 875071520 +188 281 3 875074772 +188 288 4 875071195 +188 294 2 875071249 +188 300 4 875071195 +188 318 5 875072518 +188 356 4 875074200 +188 455 4 875075432 +188 462 4 875073246 +188 468 4 875073329 +188 470 5 875073647 +188 483 5 875072009 +188 484 5 875072392 +188 498 5 875073828 +188 510 3 875071775 +188 519 4 875072972 +188 553 4 875071775 +188 566 5 875074200 +188 568 4 875072583 +188 591 5 875072674 +188 629 4 875073246 +188 635 2 875074667 +188 651 4 875073408 +188 673 4 875074127 +188 678 3 875071361 +188 684 3 875073477 +188 742 5 875073909 +188 764 4 875072087 +188 877 2 875071361 +188 928 3 875074847 +188 1041 3 875072328 +188 1263 3 875071891 +189 4 5 893265741 +189 7 3 893264300 +189 8 5 893265710 +189 10 5 893264335 +189 13 4 893264220 +189 14 5 893263994 +189 24 4 893264248 +189 28 4 893266298 +189 44 4 893266376 +189 50 5 893263994 +189 59 3 893265191 +189 61 3 893265826 +189 83 4 893265624 +189 89 5 893265624 +189 97 4 893277579 +189 99 5 893265684 +189 105 2 893264865 +189 118 1 893264735 +189 124 5 893264048 +189 131 4 893265710 +189 132 5 893265865 +189 133 5 893265773 +189 136 4 893265535 +189 137 4 893264407 +189 150 4 893277702 +189 151 5 893264378 +189 157 4 893265865 +189 162 3 893266230 +189 165 5 893265535 +189 166 4 893265657 +189 170 4 893265380 +189 172 5 893265683 +189 175 5 893265506 +189 178 5 893265191 +189 179 5 893265478 +189 180 5 893265741 +189 181 3 893264023 +189 185 5 893265428 +189 186 2 893266027 +189 191 5 893265402 +189 196 5 893266204 +189 198 4 893265657 +189 199 5 893265263 +189 204 5 893265657 +189 207 5 893266161 +189 209 1 893265826 +189 214 1 893266326 +189 238 5 893265683 +189 241 3 893265947 +189 246 4 893264048 +189 255 2 893277551 +189 283 5 893264300 +189 297 3 893264023 +189 313 2 893263960 +189 317 4 893265826 +189 318 5 893265191 +189 378 4 893266137 +189 405 2 893264487 +189 418 3 893266204 +189 423 5 893265796 +189 433 5 893266326 +189 459 4 893264595 +189 473 5 893264558 +189 485 4 893265710 +189 486 5 893266105 +189 487 5 893265568 +189 489 5 893265452 +189 492 3 893265535 +189 498 5 893265773 +189 499 4 893265596 +189 500 5 893266351 +189 501 4 893265893 +189 503 3 893266137 +189 511 4 893265349 +189 516 1 893265568 +189 517 4 893265535 +189 523 4 893265596 +189 525 5 893265946 +189 527 5 893265327 +189 531 3 893265327 +189 532 4 893264150 +189 568 4 893266205 +189 582 5 893265998 +189 588 4 893266105 +189 603 5 893265239 +189 630 4 893266376 +189 647 4 893265826 +189 654 3 893265291 +189 656 4 893265568 +189 659 4 893265796 +189 661 4 893265569 +189 663 3 893265773 +189 742 3 893264270 +189 792 5 893265741 +189 855 3 893265657 +189 863 4 893266161 +189 914 2 893265046 +189 934 2 893264678 +189 952 5 893264619 +189 990 3 893264849 +189 1020 4 893265657 +189 1056 3 893265123 +189 1065 5 893265478 +189 1154 3 893265380 +189 1315 3 893264220 +189 1400 3 893265684 +189 1401 4 893266137 +189 1402 4 893266051 +189 1404 5 893266325 +190 7 4 891033653 +190 9 1 891033725 +190 15 4 891033697 +190 24 3 891033773 +190 100 4 891033653 +190 121 3 891033773 +190 125 3 891033863 +190 148 4 891033742 +190 237 5 891033773 +190 245 4 891033487 +190 258 3 891033183 +190 272 5 891033606 +190 273 4 891033676 +190 276 4 891033632 +190 281 3 891042916 +190 288 5 891033606 +190 310 4 891033607 +190 313 5 891033606 +190 326 4 891033305 +190 327 2 891033349 +190 328 3 891033305 +190 354 4 891033606 +190 471 5 891033632 +190 508 3 891033905 +190 539 2 891033370 +190 544 4 891033806 +190 546 3 891626000 +190 591 4 891033863 +190 597 2 891626023 +190 685 3 891033725 +190 696 3 891042883 +190 823 2 891626040 +190 826 3 891626040 +190 898 2 891033349 +190 930 2 891042916 +190 989 3 891033327 +191 300 4 891560842 +191 315 5 891560253 +191 316 5 891561456 +191 331 4 891560631 +191 339 3 891562090 +191 340 4 891560842 +191 345 4 891560753 +191 750 4 891560253 +191 891 3 891560481 +191 900 4 891560481 +192 7 4 881367791 +192 9 5 881367527 +192 25 4 881367618 +192 50 4 881367505 +192 100 5 881367706 +192 108 4 881368339 +192 111 2 881368222 +192 118 2 881367932 +192 121 2 881368127 +192 125 3 881367849 +192 235 3 881368090 +192 255 2 881367505 +192 269 3 881366436 +192 284 5 881367987 +192 287 4 881368016 +192 289 4 881366615 +192 515 4 881367889 +192 813 4 881367456 +192 1171 2 881368358 +192 1265 3 881366585 +193 1 4 890859954 +193 23 4 889126609 +193 24 2 889125880 +193 25 4 889127301 +193 38 3 889126055 +193 69 5 889125287 +193 72 2 889127301 +193 73 3 889127237 +193 79 4 889125755 +193 82 2 889125880 +193 94 3 889127592 +193 121 3 889125913 +193 122 1 889127698 +193 153 4 889125629 +193 159 4 889124191 +193 161 3 889125912 +193 177 4 890860290 +193 182 4 890860290 +193 187 4 890860351 +193 199 5 889125535 +193 218 4 889126705 +193 237 4 889124327 +193 246 3 890859402 +193 269 4 889123086 +193 274 3 889126272 +193 280 4 889124016 +193 282 5 889124965 +193 286 4 889122906 +193 294 1 889123777 +193 300 4 889123039 +193 310 4 890834947 +193 313 4 889122950 +193 333 1 889123039 +193 343 1 889123777 +193 347 4 889122906 +193 354 3 889123158 +193 366 4 890860428 +193 402 3 889126375 +193 403 3 889125945 +193 405 3 889125945 +193 412 3 889127787 +193 476 2 889127698 +193 487 5 889124287 +193 508 4 889125319 +193 541 1 889125976 +193 562 3 889126055 +193 580 4 889127270 +193 690 4 889123221 +193 715 3 890860076 +193 739 4 889126427 +193 742 4 889126673 +193 755 4 889126919 +193 763 3 889127457 +193 781 3 889124469 +193 826 2 889126146 +193 895 1 889123777 +193 905 4 889123458 +193 1074 3 889126453 +193 1090 2 889124778 +193 1168 4 890860234 +193 1407 3 889126146 +194 8 3 879521719 +194 9 4 879535704 +194 13 4 879539410 +194 15 4 879539127 +194 22 5 879521474 +194 28 5 879522324 +194 29 2 879528342 +194 31 3 879549793 +194 50 3 879521396 +194 67 1 879549793 +194 69 4 879521595 +194 72 3 879554100 +194 73 3 879527145 +194 76 2 879549503 +194 78 1 879535549 +194 79 3 879521088 +194 81 2 879523576 +194 86 3 879520991 +194 87 4 879523104 +194 88 3 879549394 +194 89 3 879521328 +194 90 3 879552841 +194 91 3 879524892 +194 97 3 879524291 +194 100 4 879539305 +194 118 3 879539229 +194 121 2 879539794 +194 125 2 879548026 +194 133 3 879523575 +194 134 2 879521719 +194 135 3 879521474 +194 136 5 879521167 +194 143 3 879524643 +194 154 3 879546305 +194 155 3 879550737 +194 157 4 879547184 +194 159 3 879552401 +194 167 2 879549900 +194 168 5 879521254 +194 173 5 879521088 +194 174 4 879520916 +194 177 3 879523104 +194 178 3 879521253 +194 179 4 879521329 +194 182 3 879521475 +194 183 3 879520916 +194 186 5 879521088 +194 194 4 879523575 +194 197 4 879522021 +194 199 4 879521329 +194 204 4 879522324 +194 208 3 879521329 +194 209 3 879521936 +194 211 4 879524292 +194 219 2 879527865 +194 223 4 879547032 +194 225 3 879543589 +194 228 1 879535548 +194 229 1 879535548 +194 230 1 879535548 +194 238 5 879521396 +194 241 2 879527725 +194 265 4 879520991 +194 276 3 879539127 +194 282 3 879539614 +194 294 4 879520305 +194 318 5 879521328 +194 356 2 879524892 +194 357 4 879520916 +194 367 3 879525624 +194 371 3 879527584 +194 376 2 879528752 +194 380 1 879535549 +194 387 2 879527146 +194 393 2 879524007 +194 399 2 879528454 +194 402 3 879524008 +194 403 2 879527725 +194 405 2 879539305 +194 414 3 879522240 +194 419 2 879521088 +194 423 3 879548121 +194 432 4 879524007 +194 435 4 879520813 +194 449 1 879554897 +194 456 1 879544303 +194 465 3 879527513 +194 467 5 879521253 +194 474 4 879521396 +194 481 3 879524291 +194 483 4 879520916 +194 485 3 879546498 +194 488 3 879521475 +194 491 3 879520916 +194 496 4 879520743 +194 498 3 879521595 +194 501 3 879548319 +194 502 4 879548624 +194 503 4 879522916 +194 507 4 879520916 +194 515 4 879524216 +194 516 3 879522021 +194 518 4 879524291 +194 521 4 879524504 +194 529 4 879523575 +194 540 1 879554950 +194 542 3 879551849 +194 546 3 879541806 +194 549 3 879527263 +194 550 3 879524504 +194 562 2 879524007 +194 570 3 879529356 +194 575 1 879554453 +194 580 4 879525876 +194 604 3 879546498 +194 624 2 879525695 +194 625 3 879527145 +194 628 3 879540171 +194 629 3 879552401 +194 633 3 879521254 +194 640 1 879535548 +194 642 2 879527514 +194 651 3 879520991 +194 654 2 879522445 +194 655 5 879520813 +194 657 4 879521328 +194 659 4 879520743 +194 661 5 879523104 +194 674 2 879553988 +194 679 2 879523104 +194 693 4 879524216 +194 710 3 879524393 +194 712 3 879555147 +194 715 3 879527263 +194 720 2 879553883 +194 732 3 879522021 +194 736 2 879548122 +194 737 4 879553003 +194 762 3 879539305 +194 783 2 879527865 +194 790 1 879535549 +194 820 1 879541742 +194 837 4 879546671 +194 864 2 879539305 +194 871 2 879554603 +194 939 3 879550615 +194 944 2 879551999 +194 991 2 879520306 +194 997 3 879553988 +194 1011 3 879539794 +194 1041 2 879553591 +194 1044 2 879524579 +194 1045 2 879524644 +194 1066 3 879554383 +194 1091 3 879528568 +194 1107 3 879525624 +194 1112 3 879527999 +194 1207 1 879555410 +194 1408 1 879555267 +194 1410 2 879553404 +194 1411 1 879554331 +194 1412 2 879551921 +195 47 5 876632643 +195 59 3 888737346 +195 60 3 888737240 +195 93 3 891762536 +195 109 3 878019342 +195 127 5 875771441 +195 134 5 875771441 +195 135 5 875771440 +195 143 5 875771441 +195 152 3 890589490 +195 198 3 884420000 +195 234 5 875771441 +195 242 4 879141989 +195 264 3 890721304 +195 276 4 880710086 +195 313 5 883688297 +195 326 3 887439400 +195 358 2 883463275 +195 366 3 885110899 +195 373 3 875158215 +195 384 2 874825826 +195 386 2 874825826 +195 413 3 885110849 +195 431 3 877835063 +195 433 3 878019342 +195 451 5 875771441 +195 500 4 876617344 +195 507 4 875436627 +195 508 3 886782519 +195 558 3 890589408 +195 582 4 883822804 +195 615 4 880650666 +195 678 3 883295570 +195 740 3 890985743 +195 748 2 876632518 +195 753 3 874824313 +195 797 3 877835268 +195 809 3 877835548 +195 841 2 891841129 +195 877 3 887567629 +195 982 2 877835350 +195 1030 2 877835451 +195 1193 4 888737346 +195 1315 4 878019299 +195 1407 2 874825826 +195 1413 2 877835268 +195 1414 2 874825826 +195 1415 1 874825827 +195 1416 2 884504132 +196 13 2 881251955 +196 66 3 881251911 +196 70 3 881251842 +196 108 4 881252110 +196 110 1 881252305 +196 116 3 881251753 +196 153 5 881251820 +196 173 2 881251820 +196 202 3 881251728 +196 257 2 881251577 +196 269 3 881250949 +196 285 5 881251753 +196 287 3 881251884 +196 340 3 881251045 +196 382 4 881251843 +196 411 4 881252090 +196 762 3 881251955 +196 845 4 881251954 +196 1007 4 881251601 +196 1022 4 881251143 +196 1241 3 881251642 +197 2 3 891409981 +197 4 3 891409981 +197 11 1 891409893 +197 22 5 891409839 +197 29 3 891410170 +197 38 3 891410039 +197 39 2 891409982 +197 50 5 891409839 +197 56 1 891409799 +197 82 5 891409893 +197 172 5 891409839 +197 177 5 891409935 +197 182 3 891409935 +197 183 5 891409839 +197 184 1 891409981 +197 188 3 891409982 +197 227 3 891409936 +197 228 4 891409894 +197 230 4 891409893 +197 232 4 891410082 +197 241 3 891409893 +197 245 4 891409352 +197 265 5 891409893 +197 272 4 891409160 +197 306 2 891409160 +197 307 3 891409323 +197 311 4 891409070 +197 322 3 891409475 +197 326 3 891409199 +197 332 2 891409290 +197 333 2 891409111 +197 354 2 891409199 +197 373 1 891410124 +197 399 2 891410082 +197 403 3 891410038 +197 435 5 891409935 +197 526 5 891409935 +197 538 3 891409535 +197 554 4 891410170 +197 568 4 891410038 +197 576 4 891410039 +197 586 3 891410170 +197 678 2 891409593 +197 679 1 891409935 +197 684 4 891409981 +197 751 3 891409290 +197 802 4 891410082 +197 879 4 891409535 +197 895 3 891409199 +197 947 2 891410083 +197 1222 3 891410082 +197 1420 1 891409683 +198 1 4 884205081 +198 4 3 884209536 +198 6 2 884206270 +198 25 2 884205114 +198 27 2 884208595 +198 31 3 884207897 +198 50 5 884204919 +198 55 3 884207525 +198 56 5 884207392 +198 64 4 884207206 +198 69 4 884207560 +198 70 3 884207691 +198 71 3 884208419 +198 73 3 884208419 +198 81 5 884208326 +198 89 5 884208623 +198 93 3 884205346 +198 96 4 884208326 +198 98 4 884207611 +198 101 5 884209569 +198 108 3 884206270 +198 117 1 884205114 +198 121 3 884206330 +198 122 1 884206807 +198 127 5 884204919 +198 128 3 884209451 +198 131 3 884208952 +198 132 4 884208137 +198 137 4 884205252 +198 143 3 884208951 +198 151 4 884206401 +198 153 4 884207858 +198 161 3 884208454 +198 164 3 884208571 +198 168 4 884207654 +198 173 4 884207492 +198 181 4 884205050 +198 185 3 884209264 +198 186 5 884207733 +198 187 4 884207239 +198 191 4 884208682 +198 195 3 884207267 +198 198 4 884207654 +198 200 4 884207239 +198 201 3 884207897 +198 204 3 884207584 +198 208 3 884208571 +198 210 4 884207612 +198 215 4 884208098 +198 216 4 884208490 +198 222 3 884204993 +198 229 3 884209353 +198 230 3 884209073 +198 237 2 884206191 +198 238 4 884207733 +198 248 3 884205385 +198 265 3 884207206 +198 276 3 884205317 +198 291 2 884205219 +198 298 1 884204993 +198 300 2 884204427 +198 343 3 884204666 +198 356 3 884208455 +198 367 3 884209379 +198 369 1 884206806 +198 382 4 884207525 +198 403 4 884209353 +198 405 2 884206428 +198 411 1 884206659 +198 423 3 884208241 +198 428 4 884209188 +198 431 3 884208137 +198 433 2 884208326 +198 434 3 884208061 +198 447 4 884209188 +198 462 3 884209535 +198 470 3 884208571 +198 474 5 884207298 +198 475 4 884205277 +198 480 4 884207239 +198 518 3 884208876 +198 526 4 884208273 +198 531 5 884207525 +198 581 3 884209504 +198 652 3 884209569 +198 655 4 884209188 +198 673 3 884209451 +198 682 3 884204709 +198 684 3 884208778 +198 690 3 884204427 +198 693 3 884207734 +198 707 2 884207009 +198 727 4 884208876 +198 763 3 884206482 +198 820 1 884206773 +198 823 2 884206587 +198 824 2 884206847 +198 871 1 884205277 +198 923 3 884207946 +198 939 3 884209412 +198 942 4 884209569 +198 959 3 884209264 +198 979 5 884206748 +198 1142 5 884205114 +198 1244 2 884206659 +198 1245 4 884205317 +199 1 1 883782854 +199 7 4 883782854 +199 9 5 883782853 +199 14 4 883783005 +199 93 4 883782825 +199 100 3 883782807 +199 116 5 883782807 +199 243 1 883782636 +199 269 5 883782458 +199 313 4 883782557 +199 323 3 883782655 +199 408 5 883782716 +199 508 4 883782899 +199 539 1 883782509 +199 751 3 883782557 +199 813 3 883782807 +199 892 1 883782485 +199 1326 3 883782934 +199 1354 1 883782952 +200 1 5 876042340 +200 9 4 884126833 +200 22 4 884128372 +200 28 5 884128458 +200 43 3 884129814 +200 48 2 884129029 +200 54 4 884129920 +200 58 4 884129301 +200 62 5 884130146 +200 63 4 884130415 +200 68 5 884129729 +200 69 5 884128788 +200 71 4 884129409 +200 79 5 884128499 +200 89 5 884128788 +200 91 4 884129814 +200 94 4 884130046 +200 95 5 884128979 +200 98 5 884128933 +200 99 5 884128858 +200 107 3 884128022 +200 117 5 876042268 +200 118 4 876042299 +200 132 5 884130792 +200 139 3 884130540 +200 141 4 884129346 +200 161 4 884128979 +200 169 5 884128822 +200 172 5 884128554 +200 176 5 884129627 +200 177 4 884129656 +200 179 4 884129029 +200 188 4 884129160 +200 193 4 884129209 +200 195 5 884128822 +200 202 5 884129275 +200 204 5 884128822 +200 226 4 884130085 +200 230 5 884128400 +200 234 4 884129381 +200 235 2 884128065 +200 239 3 884129602 +200 243 3 876041719 +200 245 3 884126687 +200 280 4 884127798 +200 282 4 884127745 +200 288 5 884125846 +200 323 3 884125973 +200 325 5 876041719 +200 358 5 884127221 +200 378 5 884129301 +200 380 5 884129381 +200 385 5 884129696 +200 392 5 884128858 +200 401 2 884130085 +200 405 3 884127370 +200 410 3 876042204 +200 411 3 876042824 +200 419 4 884129232 +200 423 5 884129275 +200 429 5 884130014 +200 443 5 884129468 +200 447 4 884130014 +200 449 5 884130540 +200 451 4 884129006 +200 455 3 876042340 +200 462 4 884128858 +200 465 4 884129112 +200 470 4 884129782 +200 472 4 884127890 +200 483 5 884128426 +200 495 3 884129092 +200 496 5 884128904 +200 501 4 884129504 +200 509 4 884129602 +200 515 5 884129381 +200 523 4 884129627 +200 527 4 884129656 +200 546 3 884127745 +200 549 4 884129567 +200 552 4 884130540 +200 568 5 884128372 +200 582 4 884129782 +200 596 4 876042584 +200 609 3 884129457 +200 622 3 884129782 +200 679 4 884129920 +200 720 4 884130114 +200 742 4 876042133 +200 748 3 884125953 +200 756 3 876042493 +200 758 3 884127370 +200 760 4 876042753 +200 812 4 884130621 +200 826 4 876042556 +200 841 3 876042556 +200 866 4 891825324 +200 890 4 884127082 +200 924 5 876042368 +200 930 3 876042790 +200 931 3 891825627 +200 934 2 884127370 +200 951 5 884130014 +200 982 2 891825589 +200 984 3 884125996 +200 1028 2 884128176 +200 1034 3 891825521 +200 1073 3 884129542 +200 1091 4 884129814 +200 1217 4 884130014 +200 1219 3 884130289 +200 1419 5 884130679 +201 1 3 884113635 +201 7 3 884112201 +201 10 3 884114169 +201 11 4 884112201 +201 12 4 884111269 +201 15 3 884140670 +201 17 3 884112581 +201 22 2 884112201 +201 28 3 884111217 +201 29 3 884141053 +201 31 1 884114232 +201 33 4 884112487 +201 42 4 884113713 +201 45 2 884111958 +201 46 4 884140247 +201 47 4 884140610 +201 48 3 884111485 +201 53 3 884114713 +201 55 4 884114471 +201 58 4 884140488 +201 59 4 884111546 +201 64 3 884111436 +201 65 4 884113806 +201 76 4 884140709 +201 81 1 884140488 +201 82 4 884114471 +201 86 4 884111637 +201 93 5 884113662 +201 95 3 884114015 +201 96 4 884112352 +201 97 2 884140115 +201 116 1 884112800 +201 118 1 884310148 +201 121 2 884114275 +201 124 3 884112991 +201 125 2 884140709 +201 127 5 884111708 +201 129 4 884114471 +201 134 4 884113772 +201 137 4 884112901 +201 144 4 884112245 +201 145 3 884114813 +201 157 4 884113453 +201 160 5 884113368 +201 171 3 884111678 +201 172 5 884111269 +201 173 3 884111360 +201 179 5 884114471 +201 180 3 884140078 +201 181 2 884112245 +201 182 4 884111485 +201 183 4 884112245 +201 185 5 884111217 +201 186 3 884114069 +201 188 4 884112201 +201 191 4 884114471 +201 192 4 884111637 +201 195 3 884111397 +201 196 4 884111677 +201 200 5 884112537 +201 201 4 884112537 +201 202 3 884112747 +201 207 3 884111360 +201 211 3 884112840 +201 212 4 884111899 +201 216 4 884111360 +201 217 3 884112627 +201 218 4 884114471 +201 222 3 884112201 +201 223 4 884113343 +201 226 3 884114232 +201 227 4 884310149 +201 228 3 884112427 +201 230 3 884112487 +201 231 2 884310104 +201 232 2 884112282 +201 233 4 884310104 +201 234 5 884112537 +201 237 4 884140307 +201 238 3 884113343 +201 239 1 884140275 +201 258 2 884110667 +201 268 4 884110637 +201 269 3 886013700 +201 273 2 884112352 +201 282 2 884140428 +201 284 3 884140336 +201 286 2 884110702 +201 288 4 884110887 +201 303 2 884110667 +201 315 3 884111029 +201 317 3 884113634 +201 318 5 884111269 +201 334 4 884110927 +201 346 4 884110766 +201 358 1 884111095 +201 366 2 884141015 +201 379 3 884114813 +201 381 3 884111986 +201 387 2 884140825 +201 396 3 884114682 +201 402 2 884140975 +201 408 4 884111436 +201 423 4 884112901 +201 425 3 884140246 +201 431 1 884112352 +201 435 4 884112201 +201 436 3 884112627 +201 438 1 884114813 +201 440 2 884114770 +201 441 1 884112537 +201 448 3 884112581 +201 455 3 884112487 +201 458 4 884140428 +201 464 1 884140522 +201 466 4 884113453 +201 468 4 884140927 +201 469 4 884113453 +201 471 2 884140637 +201 473 3 884141470 +201 479 4 884111397 +201 483 3 884111546 +201 505 3 884113772 +201 506 4 884114471 +201 508 4 884140458 +201 511 3 884112201 +201 514 3 884112747 +201 515 5 884111546 +201 521 2 884111637 +201 546 2 884140891 +201 549 3 884140750 +201 556 4 884111397 +201 566 3 884112352 +201 567 3 884112673 +201 568 3 884112245 +201 581 3 884140788 +201 582 5 884111873 +201 583 1 884112352 +201 588 4 884113490 +201 590 1 884114813 +201 591 3 884140307 +201 603 4 884113924 +201 607 4 884111485 +201 631 2 884140750 +201 637 3 884112627 +201 640 4 884112029 +201 644 3 884113924 +201 654 3 884113422 +201 656 4 884111775 +201 658 3 884111677 +201 665 2 884114770 +201 667 2 884114682 +201 672 2 884112673 +201 679 3 884310104 +201 682 3 884110887 +201 685 3 884112352 +201 692 3 884114895 +201 697 4 884140115 +201 699 3 884140610 +201 702 1 884111986 +201 705 3 884113302 +201 715 4 884140382 +201 729 2 884140975 +201 733 3 884140522 +201 735 3 884113975 +201 737 2 884112077 +201 750 3 884110598 +201 751 3 884110766 +201 770 3 884112426 +201 772 5 884113343 +201 773 4 884112627 +201 789 3 884112840 +201 792 4 884140579 +201 800 2 884114713 +201 803 2 884112282 +201 806 3 884140049 +201 855 4 884111873 +201 886 1 884110927 +201 895 3 884110702 +201 923 3 884113592 +201 924 3 884140751 +201 950 3 884140610 +201 956 4 884140522 +201 962 4 884113082 +201 972 3 884140522 +201 1006 2 884112136 +201 1011 3 884140853 +201 1045 2 884140788 +201 1056 2 884113592 +201 1069 2 884111312 +201 1070 5 884111677 +201 1073 2 884111899 +201 1103 3 884140487 +201 1128 4 884140825 +201 1131 5 884111359 +201 1135 5 884140750 +201 1136 1 884140637 +201 1137 4 884111830 +201 1166 3 884113806 +201 1170 4 884141053 +201 1174 5 884140670 +201 1192 3 884113772 +201 1193 4 884111873 +201 1208 4 884140927 +201 1224 2 884140891 +201 1267 3 884141053 +201 1268 4 884112077 +201 1355 1 884111637 +201 1398 4 884140079 +201 1401 2 884140670 +201 1421 3 884141015 +201 1422 2 884114194 +201 1423 3 884140853 +201 1426 2 884114015 +201 1428 4 884114099 +202 1 3 879727059 +202 96 4 879727059 +202 179 1 879727294 +202 191 2 879727294 +202 195 4 879726914 +202 204 3 879727058 +202 242 3 879726342 +202 258 4 879726342 +202 269 4 879726420 +202 318 1 879727116 +202 423 3 879727116 +202 481 1 879726642 +202 516 4 879726778 +203 100 1 880434411 +203 150 5 880434278 +203 222 4 880434318 +203 237 3 880434411 +203 257 3 880434298 +203 258 3 880433368 +203 276 4 880434810 +203 283 5 880434359 +203 288 5 880433368 +203 323 3 880433558 +203 458 3 880434336 +203 475 3 880434318 +203 477 4 880434755 +203 628 4 880434810 +203 742 3 880434882 +203 744 2 880434495 +203 748 2 880433474 +203 815 4 880434882 +203 879 4 880433474 +203 890 2 880433499 +203 993 3 880434919 +203 1049 2 880434463 +204 9 5 892513979 +204 12 4 892513865 +204 146 3 892513979 +204 170 5 892513865 +204 242 5 892388935 +204 262 4 892389137 +204 268 3 892388935 +204 269 4 892388976 +204 288 3 892389137 +204 300 3 892388900 +204 301 4 892389328 +204 303 5 892389020 +204 316 4 892388935 +204 318 5 892513819 +204 321 1 892388900 +204 322 3 892391947 +204 333 1 892391748 +204 880 2 892388976 +204 1296 5 892392078 +205 242 4 888284313 +205 268 2 888284618 +205 286 2 888284245 +205 294 3 888284402 +205 300 3 888284245 +205 315 4 888284245 +205 322 3 888284577 +205 748 4 888284710 +205 875 2 888284532 +205 1025 1 888284495 +206 242 3 888180049 +206 262 1 888180049 +206 269 4 888180018 +206 272 5 888179565 +206 300 1 888179565 +206 308 2 888180049 +206 310 5 888179625 +206 326 1 888179713 +206 332 3 888179602 +206 336 1 888179928 +206 337 2 888180049 +206 343 1 888179788 +206 346 5 888179981 +206 359 1 888179980 +206 360 1 888180081 +206 361 1 888180082 +206 682 3 888179694 +206 683 1 888179980 +206 691 1 888180081 +206 748 4 888179833 +206 749 2 888179980 +206 1022 1 888179980 +206 1024 1 888180049 +206 1062 3 888180018 +206 1175 1 888180049 +206 1176 1 888180049 +206 1233 1 888180018 +206 1395 1 888180081 +206 1429 1 888180018 +206 1431 1 888180018 +206 1432 1 888180082 +206 1433 1 888180049 +206 1434 1 888180082 +207 3 2 877846284 +207 5 3 880839802 +207 9 4 880911845 +207 11 3 878104245 +207 12 3 878104200 +207 15 4 876198392 +207 18 2 877878739 +207 22 3 875509262 +207 23 4 875509888 +207 33 2 877125422 +207 38 3 875509507 +207 45 3 878104569 +207 55 3 875509395 +207 56 4 875503973 +207 60 3 877845845 +207 64 5 877846793 +207 69 4 877878342 +207 70 3 875506737 +207 73 3 876079087 +207 82 3 877125249 +207 88 2 878104627 +207 92 2 875509346 +207 96 3 877847025 +207 111 3 880839802 +207 117 3 875504809 +207 125 4 877878688 +207 127 5 875506634 +207 129 3 877751037 +207 137 3 877821612 +207 143 4 878191679 +207 158 3 878191798 +207 160 2 878191632 +207 173 3 877878923 +207 175 1 877845982 +207 177 3 891759050 +207 179 4 877822224 +207 180 3 879665352 +207 182 3 891759050 +207 185 4 875509832 +207 195 3 875509307 +207 196 4 880911845 +207 197 4 875774463 +207 202 3 875506771 +207 204 3 875506737 +207 208 4 878191679 +207 210 3 878191574 +207 211 5 878191679 +207 216 5 877878688 +207 223 3 880388784 +207 224 3 884386473 +207 226 2 877125390 +207 233 3 877124847 +207 237 4 877878342 +207 238 2 876079087 +207 239 3 876079016 +207 242 4 890793823 +207 248 3 877878409 +207 255 3 877845763 +207 276 2 875504835 +207 281 3 876018471 +207 282 4 879577372 +207 284 3 877746137 +207 286 2 875504669 +207 291 3 876018608 +207 293 2 878104486 +207 298 3 875509150 +207 302 4 891759118 +207 316 5 891759050 +207 317 4 875506634 +207 319 3 879664891 +207 357 5 878191679 +207 367 3 875508873 +207 385 3 875509346 +207 393 4 877838977 +207 411 3 877750701 +207 414 2 876078916 +207 423 4 875774463 +207 428 4 877838826 +207 435 4 875506807 +207 458 3 875991160 +207 461 3 878104017 +207 462 3 877845656 +207 470 3 879665381 +207 471 3 875509715 +207 475 2 875503932 +207 483 5 875774491 +207 509 4 877878688 +207 514 4 877878343 +207 515 5 878191679 +207 517 3 882081278 +207 521 4 878191679 +207 524 4 878104569 +207 526 4 875509507 +207 527 4 877879172 +207 535 3 877750595 +207 538 2 880853139 +207 546 3 876018553 +207 562 2 875509507 +207 566 4 875509434 +207 597 3 876018471 +207 609 4 877879173 +207 631 2 877847187 +207 655 4 877878342 +207 660 4 877847100 +207 684 3 875509307 +207 685 3 876018471 +207 692 3 877750738 +207 696 3 877751310 +207 712 4 877847025 +207 722 3 878191750 +207 735 4 877878688 +207 742 4 876018580 +207 748 3 877750478 +207 756 2 877878923 +207 763 3 877743609 +207 792 2 876079016 +207 805 3 882081278 +207 826 2 877751143 +207 841 3 876018501 +207 847 3 885139179 +207 849 3 877822704 +207 871 5 880839802 +207 993 3 877879206 +207 1012 3 876109074 +207 1023 3 875506634 +207 1028 3 877847025 +207 1049 3 877878860 +207 1170 2 875506807 +207 1225 3 875508817 +207 1272 3 879132830 +207 1331 3 877995673 +207 1333 3 877995615 +207 1435 2 877821612 +208 66 4 883108477 +208 86 2 883108895 +208 97 4 883108797 +208 194 5 883108360 +208 310 4 883108105 +208 371 5 883108842 +208 393 4 883108398 +208 517 3 883108398 +208 739 4 883108873 +208 781 3 883108498 +208 996 3 883108684 +209 1 5 883460644 +209 9 3 883417547 +209 14 3 883417547 +209 16 4 883417810 +209 127 5 883417589 +209 129 2 883417667 +209 181 4 883417491 +209 249 2 883417640 +209 271 2 883589607 +209 276 2 883417796 +209 285 5 883417613 +209 286 2 883417458 +209 293 4 883417796 +209 333 2 883589568 +209 813 5 883417810 +209 1086 4 883417667 +210 1 5 887731052 +210 4 4 887730443 +210 15 4 887737710 +210 23 5 887730102 +210 28 4 887736175 +210 56 5 887730264 +210 69 4 887736482 +210 72 3 891036310 +210 79 4 887736352 +210 94 4 891036181 +210 98 5 887736429 +210 99 4 887736937 +210 105 3 891036331 +210 114 4 887736175 +210 121 4 887737244 +210 132 4 887736206 +210 153 5 887730297 +210 154 4 887730341 +210 163 3 887730407 +210 167 4 891036054 +210 168 5 887730342 +210 172 5 887736261 +210 173 4 887730264 +210 174 5 887736045 +210 180 4 887735872 +210 181 5 887731082 +210 195 4 887736429 +210 205 4 887736393 +210 208 5 887730443 +210 222 4 887737603 +210 230 3 887736323 +210 234 4 887737108 +210 235 3 887730842 +210 290 4 887730813 +210 301 4 887731435 +210 302 5 890059415 +210 315 5 887731417 +210 327 4 887735288 +210 392 3 887736017 +210 393 3 891035904 +210 402 5 887737171 +210 411 3 887730931 +210 423 5 887737338 +210 435 4 887730407 +210 443 4 887737487 +210 451 3 891036054 +210 482 5 887736739 +210 483 5 887736482 +210 514 5 887730532 +210 517 4 887730342 +210 568 4 887735960 +210 629 3 891035928 +210 651 4 887736140 +210 654 5 887737559 +210 655 5 887730496 +210 657 4 887736429 +210 684 3 887737171 +210 708 5 887731391 +210 732 4 887730676 +210 755 3 887737631 +210 763 2 887730750 +210 792 3 887730532 +210 821 3 887730532 +210 832 3 887730264 +210 926 2 887730909 +210 956 3 887736900 +210 969 4 887730221 +210 1012 4 887730789 +210 1028 3 887730931 +210 1118 4 887730496 +211 9 3 879460172 +211 64 3 879460213 +211 117 4 879461498 +211 199 5 879459952 +211 205 5 879459952 +211 215 5 879460294 +211 230 3 879460294 +211 275 2 879460096 +211 423 5 879459846 +211 443 1 879460096 +211 457 4 879437184 +211 462 4 879460096 +211 491 3 879459876 +211 520 4 879460096 +211 528 4 879459803 +211 596 3 879460294 +211 705 4 879459952 +211 890 2 879461395 +211 1025 3 879461394 +211 1127 1 879461395 +211 1330 3 879460096 +212 86 4 879303830 +212 87 5 879304010 +212 127 2 879303571 +212 199 5 879303831 +212 246 5 879303571 +212 268 5 879303468 +212 269 3 879303468 +212 317 5 879303638 +212 318 5 879303928 +212 382 5 879303929 +212 423 4 879304010 +212 527 5 879303892 +212 528 5 879303950 +212 631 5 879303929 +212 645 3 879303795 +212 735 4 879304010 +212 863 2 879303863 +213 7 4 878870518 +213 24 5 878870846 +213 31 4 878956338 +213 42 5 878956263 +213 55 5 878955680 +213 56 5 878955635 +213 64 5 878955680 +213 69 3 878955534 +213 70 3 878955766 +213 98 5 878955598 +213 106 4 878870904 +213 117 4 878870987 +213 118 4 878870871 +213 125 5 878955295 +213 127 5 878870790 +213 143 5 878955766 +213 154 5 878956101 +213 156 5 878955474 +213 157 4 878955501 +213 164 5 878956300 +213 170 5 878955886 +213 175 4 878955599 +213 181 4 878870552 +213 182 4 878955766 +213 185 5 878955501 +213 187 5 878956022 +213 192 5 878955474 +213 194 4 878955766 +213 195 5 878956156 +213 197 5 878955707 +213 199 5 878956000 +213 212 4 878955474 +213 213 5 878956300 +213 214 5 878955816 +213 218 4 878956074 +213 222 3 878870790 +213 252 3 878870456 +213 257 4 878870846 +213 258 4 878870226 +213 284 5 878955164 +213 286 3 878870598 +213 288 4 878870226 +213 393 3 878955973 +213 405 3 878870904 +213 432 4 878956047 +213 455 4 878870749 +213 458 4 878870679 +213 463 5 878956000 +213 478 5 878956129 +213 479 4 878955534 +213 483 5 878955848 +213 502 5 878956263 +213 504 5 878955885 +213 508 4 878870790 +213 511 4 878955442 +213 521 4 878955474 +213 582 4 878955442 +213 597 5 878871062 +213 627 4 878955680 +213 655 4 878956300 +213 685 3 878870987 +213 756 2 878955319 +213 831 4 878871062 +213 924 4 878870846 +213 942 4 878955533 +213 985 3 878955164 +213 1012 3 878870719 +214 8 4 892668196 +214 11 5 892668153 +214 24 3 891543176 +214 55 4 892668197 +214 64 5 892668130 +214 69 2 891544445 +214 89 4 892668249 +214 92 4 892668249 +214 93 4 892668249 +214 98 4 892668249 +214 100 4 891542986 +214 114 4 891544290 +214 127 4 891542986 +214 135 3 891544175 +214 154 3 891544000 +214 156 5 892668172 +214 166 4 891544512 +214 168 3 891544222 +214 169 4 891544175 +214 171 4 891544323 +214 172 3 891544390 +214 173 4 892668249 +214 174 4 892668249 +214 175 5 892668153 +214 180 5 892668130 +214 181 3 891543036 +214 182 4 891544175 +214 188 5 892668173 +214 191 4 891544472 +214 196 4 891544493 +214 209 5 892668173 +214 223 3 891544200 +214 249 3 891543256 +214 250 2 891543036 +214 253 5 892668173 +214 276 3 891543271 +214 298 3 891543191 +214 318 4 892668249 +214 319 3 891542735 +214 357 5 892668130 +214 427 5 892668172 +214 462 4 892668197 +214 475 5 892668153 +214 479 4 891544052 +214 482 4 891544114 +214 496 4 891544545 +214 508 4 891543157 +214 516 5 892668173 +214 518 3 891544000 +214 522 4 891544052 +214 527 4 891544089 +214 582 3 891544236 +214 603 4 891544089 +214 608 4 891544114 +214 650 5 892668173 +214 705 4 891544414 +214 708 4 891544152 +214 721 3 891635915 +214 752 2 891542578 +214 896 4 892668197 +214 960 2 891544152 +214 1017 4 891543156 +214 1073 5 892668130 +215 15 3 891435761 +215 23 3 891436048 +215 28 4 891435416 +215 50 5 891436543 +215 54 4 891436607 +215 56 5 891436543 +215 77 3 891436690 +215 87 5 891436543 +215 88 3 891436277 +215 98 5 891436543 +215 99 4 891435731 +215 127 4 891435183 +215 132 5 891435548 +215 134 4 891435266 +215 159 3 891436707 +215 168 5 891436024 +215 172 4 891435394 +215 174 4 891435995 +215 176 5 891435804 +215 180 3 891435060 +215 181 4 891435597 +215 191 4 891435460 +215 195 5 891435655 +215 196 4 891435548 +215 202 4 891435295 +215 203 3 891435266 +215 204 3 891436129 +215 208 4 891436202 +215 218 3 891436607 +215 226 4 891436633 +215 228 5 891436543 +215 229 3 891436469 +215 234 4 891435655 +215 237 4 891435761 +215 270 3 891434683 +215 271 4 891434733 +215 272 3 891434619 +215 288 2 891434563 +215 300 3 891434733 +215 313 5 891436543 +215 380 3 891436470 +215 433 3 891435501 +215 480 5 891436543 +215 496 5 891435183 +215 517 5 891436543 +215 523 4 891435060 +215 552 3 891436730 +215 636 2 891436690 +215 692 3 891436277 +215 1063 5 891436543 +216 1 4 880232615 +216 3 4 880233061 +216 11 5 880234346 +216 22 5 880234346 +216 25 3 881428365 +216 27 3 881428365 +216 42 5 880234469 +216 47 4 880244870 +216 50 4 880232637 +216 56 5 880233608 +216 58 4 880244972 +216 64 5 881432544 +216 65 4 880233939 +216 66 2 881428365 +216 67 3 881721843 +216 79 4 880235381 +216 81 4 880233726 +216 82 4 880244446 +216 91 4 880235546 +216 97 4 880235571 +216 98 5 881432467 +216 100 5 880232597 +216 122 5 881432488 +216 129 4 880232615 +216 134 4 880233651 +216 147 4 880232787 +216 151 3 880232936 +216 156 5 880233608 +216 169 3 880233635 +216 181 3 880232597 +216 182 4 883981859 +216 184 4 880245056 +216 188 5 880245075 +216 189 3 880244972 +216 201 3 880235734 +216 210 4 880235229 +216 215 5 880235120 +216 216 4 883981877 +216 221 4 881432501 +216 237 5 880232752 +216 238 5 880244446 +216 257 3 880232830 +216 276 4 880232830 +216 280 2 880233043 +216 302 5 881966913 +216 313 5 883981737 +216 315 5 883981859 +216 318 5 880233564 +216 356 3 880245125 +216 396 3 880245260 +216 402 2 881432430 +216 403 3 880244446 +216 408 3 880232547 +216 412 2 880233197 +216 416 3 880245165 +216 423 4 881432467 +216 466 4 880234347 +216 475 5 880232768 +216 496 5 880233635 +216 508 4 881432564 +216 546 2 880233197 +216 569 3 880245291 +216 655 5 880233726 +216 673 4 880244779 +216 735 5 880244758 +216 747 4 880245260 +216 763 4 880232953 +216 789 5 880233957 +216 790 3 881428365 +216 833 2 880233233 +216 943 5 881721799 +216 1067 5 881432392 +216 1218 3 881428365 +217 11 4 889069741 +217 17 3 889069903 +217 29 2 889070011 +217 33 4 889069878 +217 50 1 889069684 +217 56 5 889069709 +217 62 2 889070050 +217 79 5 889069741 +217 96 4 889069741 +217 147 3 889070174 +217 172 1 889069684 +217 181 1 889069878 +217 183 3 889069741 +217 210 4 889069709 +217 222 5 889069944 +217 233 4 889069878 +217 300 4 889069555 +217 373 2 889070307 +217 385 2 889069808 +217 403 5 889069944 +217 405 3 889069878 +217 472 3 889070011 +217 541 3 889069974 +217 546 2 889070196 +217 550 1 889069842 +217 562 3 889070211 +217 568 4 889069782 +217 586 2 889070050 +217 636 2 889069878 +217 679 5 889069878 +217 684 5 889069782 +217 720 3 889070011 +217 761 4 889070232 +217 779 1 889070266 +217 808 2 889069808 +217 825 3 889070266 +217 1034 3 889070266 +218 8 3 881288574 +218 23 4 881288298 +218 39 2 881288265 +218 42 4 877488546 +218 47 4 877488492 +218 55 4 881288265 +218 56 3 881288574 +218 98 5 881288233 +218 153 4 877488692 +218 164 3 881288574 +218 168 4 877488316 +218 173 3 877488316 +218 175 3 877488492 +218 176 5 881288299 +218 183 5 881288265 +218 186 3 877488366 +218 203 4 881288620 +218 204 3 877488692 +218 269 4 877487931 +218 288 2 877487931 +218 294 2 881288574 +218 431 3 881288386 +218 466 4 881288234 +218 514 4 877488316 +218 591 3 881288574 +218 603 4 881288234 +218 642 3 881288351 +218 648 4 877488233 +218 657 5 881288265 +218 659 4 877488366 +218 663 3 877488492 +218 712 3 877488902 +218 1073 5 881288265 +219 4 4 889452481 +219 38 1 889452455 +219 71 1 889452455 +219 223 5 892039530 +219 258 5 889386635 +219 269 5 889386655 +219 382 5 889451412 +219 433 5 889403133 +219 616 5 889403435 +219 631 5 889403559 +219 664 5 889403761 +219 855 5 889452619 +219 879 4 892039556 +219 906 4 892039575 +219 936 4 889387284 +219 1014 3 892039611 +220 258 3 881197771 +220 264 3 881198524 +220 269 5 881197597 +220 289 4 881198113 +220 294 4 881197663 +220 300 5 881197663 +220 305 4 881197771 +220 332 3 881198246 +220 340 4 881197663 +220 995 3 881197948 +221 7 4 875244204 +221 12 5 875245283 +221 23 4 875245462 +221 27 4 875247754 +221 29 3 875245739 +221 38 2 875246506 +221 42 5 875245813 +221 50 4 875244125 +221 55 4 875245319 +221 56 5 875245592 +221 59 2 875245514 +221 64 5 875245350 +221 79 4 875245715 +221 94 3 875246857 +221 96 5 875245672 +221 108 3 875244866 +221 117 4 875244633 +221 121 2 875244813 +221 144 4 875245427 +221 150 5 875244557 +221 151 1 875246008 +221 156 5 875245533 +221 174 4 875245514 +221 178 4 875245989 +221 181 4 875244087 +221 184 4 875245574 +221 186 4 875245641 +221 210 5 875245760 +221 215 4 875245514 +221 218 4 875246308 +221 222 3 875244232 +221 227 3 875247522 +221 230 3 875246506 +221 240 4 875244352 +221 246 5 875244457 +221 259 4 875243990 +221 273 5 875244183 +221 282 4 875244558 +221 286 4 885081264 +221 288 3 875244232 +221 298 4 875244331 +221 335 4 876502948 +221 346 5 885081300 +221 358 3 875244232 +221 384 3 875246919 +221 385 4 875245948 +221 386 3 875246662 +221 391 3 875247754 +221 399 3 875246459 +221 402 2 875393426 +221 405 3 875244633 +221 407 2 875245100 +221 423 2 875245167 +221 469 3 875245481 +221 470 3 875245374 +221 485 2 875245265 +221 544 4 875244512 +221 550 4 875246183 +221 566 3 875246308 +221 568 4 875246398 +221 576 3 875246824 +221 578 4 875247023 +221 633 3 875246459 +221 651 4 875245350 +221 695 4 875245776 +221 732 4 875246330 +221 737 4 875393346 +221 751 4 885081300 +221 762 4 875244598 +221 763 4 875244232 +221 809 3 875247775 +221 847 4 875244051 +221 931 3 875245100 +221 1011 4 875244792 +221 1016 3 875244713 +221 1017 4 875244268 +221 1090 3 875246783 +221 1098 4 875245283 +221 1185 3 875246710 +221 1208 3 875247565 +221 1217 4 875247421 +221 1267 3 875246459 +221 1437 3 875245967 +222 11 5 878181534 +222 17 2 878183079 +222 24 3 877563622 +222 28 5 878182370 +222 31 5 878182453 +222 35 1 878184007 +222 38 2 878185102 +222 41 3 881060659 +222 44 3 881059877 +222 48 5 878181592 +222 50 4 877563194 +222 51 3 881059816 +222 54 4 878183111 +222 56 5 878182058 +222 63 3 878183713 +222 64 5 878183136 +222 66 4 878183837 +222 67 4 878183616 +222 68 4 881059876 +222 72 4 878183311 +222 73 4 878181976 +222 78 1 878184899 +222 79 5 878181906 +222 80 2 881060155 +222 89 5 878181739 +222 90 2 878181647 +222 91 2 878183777 +222 95 4 878182453 +222 98 4 878181387 +222 99 3 878182059 +222 100 5 877563052 +222 101 4 878183539 +222 102 2 878183043 +222 109 3 878184136 +222 117 5 877563227 +222 121 3 877564031 +222 132 2 878181829 +222 133 1 878182338 +222 140 1 881060062 +222 145 2 878181804 +222 147 4 877563694 +222 150 3 878181869 +222 154 3 878183747 +222 156 4 878183777 +222 158 3 878184171 +222 162 2 878184087 +222 167 3 878183588 +222 168 4 878181616 +222 174 5 878181934 +222 175 3 878181739 +222 176 4 878181804 +222 180 3 878181804 +222 181 4 877563168 +222 183 4 878181535 +222 185 4 881059419 +222 186 5 878184195 +222 188 3 878184393 +222 191 2 878181906 +222 193 4 878182005 +222 195 4 878182132 +222 198 4 881059039 +222 208 3 881059014 +222 209 4 878181457 +222 214 4 878182453 +222 216 4 878182632 +222 219 4 878184675 +222 223 4 878181535 +222 225 1 877563353 +222 226 3 878185044 +222 227 3 878184171 +222 228 5 878181869 +222 229 3 878184315 +222 230 4 878182058 +222 233 2 881060205 +222 237 4 877563437 +222 238 5 878181673 +222 241 3 878181696 +222 245 3 878181198 +222 246 4 877563597 +222 249 1 883815768 +222 255 3 883815804 +222 257 4 877563353 +222 258 5 877562748 +222 265 3 878182279 +222 271 4 881057647 +222 282 4 877563227 +222 284 3 877563462 +222 294 3 877562795 +222 318 5 878181934 +222 326 4 877562819 +222 328 5 877562772 +222 333 5 877562819 +222 338 1 881058145 +222 356 4 878184571 +222 358 2 877562839 +222 363 2 877563852 +222 365 4 878184765 +222 367 2 878181563 +222 375 1 878182880 +222 377 1 881060205 +222 378 1 881059993 +222 380 4 878184545 +222 386 2 881060205 +222 388 2 878184765 +222 391 3 881060635 +222 392 4 881059920 +222 393 4 878184028 +222 396 1 878183381 +222 402 4 878185044 +222 405 3 877563570 +222 407 2 883816411 +222 410 2 877563326 +222 412 1 877564050 +222 418 2 878182959 +222 422 2 878183657 +222 423 4 878183657 +222 424 1 881061049 +222 431 4 881059461 +222 446 3 881060824 +222 450 3 881060824 +222 451 3 878185014 +222 455 3 877563437 +222 457 1 878181287 +222 465 2 878183898 +222 468 2 881060412 +222 470 3 878181869 +222 472 2 877563998 +222 473 1 877563622 +222 475 4 877563252 +222 476 3 877563739 +222 477 2 883815749 +222 506 2 878183264 +222 508 3 877563326 +222 521 5 878184866 +222 537 4 881060735 +222 540 3 878184087 +222 541 2 878184973 +222 542 2 878183837 +222 546 3 877563462 +222 549 4 878184055 +222 559 3 878184291 +222 566 4 878185044 +222 569 2 878184866 +222 571 2 881060823 +222 575 3 881060550 +222 576 3 881060305 +222 578 3 881060281 +222 580 3 878715168 +222 585 3 881060062 +222 588 4 881059537 +222 596 3 877563739 +222 597 1 877564076 +222 619 4 877563953 +222 620 3 877563873 +222 623 2 878183985 +222 627 3 878183173 +222 628 5 877563485 +222 636 4 878184055 +222 637 2 878183713 +222 642 3 878181421 +222 651 4 878184290 +222 654 3 878184087 +222 655 4 878182210 +222 678 3 877562973 +222 679 2 881059678 +222 685 4 881061165 +222 692 4 878182370 +222 693 4 878184514 +222 710 4 881059714 +222 712 3 881060735 +222 716 2 878183481 +222 717 1 877563716 +222 723 3 878184812 +222 729 4 878184315 +222 732 4 878183425 +222 734 2 881060735 +222 735 5 878184087 +222 738 3 878182959 +222 742 5 877563597 +222 747 2 878181976 +222 762 3 877563530 +222 769 2 881060608 +222 770 3 878181592 +222 772 2 878181906 +222 790 1 878185068 +222 806 4 878181534 +222 816 1 881060412 +222 826 2 883816093 +222 845 3 877563530 +222 929 1 881061213 +222 934 2 877563758 +222 941 3 881059736 +222 1011 4 881061049 +222 1016 3 877563530 +222 1035 2 881060015 +222 1045 3 881060412 +222 1060 2 878184055 +222 1066 1 881060435 +222 1074 3 881060504 +222 1079 1 878183984 +222 1087 1 878185102 +222 1139 3 878185137 +222 1145 3 878185137 +222 1178 2 878184392 +222 1188 3 881060281 +222 1206 2 878184899 +222 1218 1 878183218 +222 1220 4 878184290 +222 1250 1 881060635 +222 1291 2 877564031 +222 1336 2 877563998 +222 1439 3 878183951 +222 1440 3 878184697 +223 28 4 891550684 +223 71 5 891550649 +223 95 5 891550649 +223 117 5 891549529 +223 121 3 891549294 +223 125 3 891549294 +223 155 5 891550952 +223 173 5 891550711 +223 185 2 891550684 +223 243 3 891549079 +223 257 4 891550005 +223 259 3 891548920 +223 278 4 891549901 +223 284 2 891549683 +223 288 3 891548562 +223 289 1 891549017 +223 295 3 891549410 +223 309 4 891548750 +223 313 5 891548750 +223 329 2 891549079 +223 333 4 891548675 +223 339 4 891549212 +223 405 1 891550005 +223 476 3 891550349 +223 477 3 891550144 +223 535 3 891549876 +223 546 5 891550118 +223 591 3 891549627 +223 619 2 891549570 +223 620 2 891550253 +223 682 4 891548828 +223 749 4 891549049 +223 819 3 891550404 +223 820 4 891550371 +223 864 3 891550094 +223 866 4 891549945 +223 873 3 891549111 +223 924 1 891549975 +223 926 4 891549792 +223 929 3 891549975 +223 930 2 891550326 +223 974 2 891550504 +223 984 3 891548987 +223 993 4 891549876 +223 1009 1 891549475 +223 1016 5 891549657 +223 1051 3 891549945 +223 1052 1 891550404 +223 1088 4 891550326 +223 1234 3 891548646 +223 1284 1 891550295 +223 1291 3 891550431 +224 28 4 888082468 +224 54 3 888104313 +224 70 2 888103812 +224 92 1 888103812 +224 97 5 888082552 +224 107 3 888104522 +224 125 3 888103942 +224 126 3 888103704 +224 147 3 888103646 +224 157 4 888103971 +224 193 4 888082552 +224 221 2 888103812 +224 222 4 888103729 +224 237 3 888082742 +224 239 4 888104554 +224 276 3 888104116 +224 280 4 888104353 +224 284 3 888104117 +224 286 3 888081843 +224 313 5 888081843 +224 321 2 888082134 +224 326 4 888082071 +224 328 4 888081947 +224 329 3 888082187 +224 333 3 888081976 +224 349 4 888082246 +224 356 4 888103840 +224 365 3 888104188 +224 366 3 888104457 +224 378 4 888103775 +224 380 4 888104188 +224 402 5 888103872 +224 423 4 888103581 +224 468 4 888104030 +224 469 1 888104219 +224 470 4 888082742 +224 526 4 888082495 +224 544 1 888103812 +224 553 4 888104393 +224 555 3 888104030 +224 556 1 888103942 +224 570 4 888104522 +224 582 4 888104030 +224 591 3 888082584 +224 660 4 888103703 +224 676 3 888103942 +224 687 2 888082135 +224 689 3 888082246 +224 699 4 888103703 +224 715 1 888104487 +224 729 3 888104188 +224 731 4 888103872 +224 736 3 888082742 +224 744 1 888103646 +224 748 3 888082099 +224 924 3 888103646 +224 925 3 888104281 +224 980 1 888104353 +224 991 1 888082277 +224 1058 3 888104219 +224 1152 3 888104313 +224 1221 3 888082742 +224 1381 3 888104589 +224 1401 1 888104554 +225 98 5 879539672 +225 194 5 879540678 +225 215 5 879539789 +225 286 4 879539027 +225 427 5 879539615 +225 478 5 879539767 +225 479 4 879539614 +225 482 5 879540707 +225 510 5 879539672 +225 566 4 879540678 +225 603 5 879540649 +225 604 5 879540778 +225 606 5 879540649 +225 705 5 879540707 +225 1203 5 879540778 +226 12 5 883889322 +226 23 3 883889355 +226 25 4 883890235 +226 69 4 883889430 +226 89 5 883889229 +226 92 2 883889102 +226 97 3 883889355 +226 109 4 883889063 +226 174 4 883889186 +226 176 4 883888978 +226 179 4 883888853 +226 182 1 883889322 +226 191 4 883889229 +226 203 5 883888978 +226 224 4 883889690 +226 236 3 883889844 +226 275 3 883889764 +226 286 4 883888600 +226 370 3 883890235 +226 405 4 883889507 +226 408 5 883888853 +226 474 3 883889063 +226 507 2 883889146 +226 508 4 883889984 +226 509 4 883889322 +226 513 3 883889256 +226 527 4 883889430 +226 596 3 883889884 +226 652 3 883889012 +226 713 5 883889884 +226 813 4 883890235 +227 13 5 879035205 +227 14 4 879035463 +227 15 4 879035725 +227 100 5 879035251 +227 124 4 879035158 +227 127 4 879035387 +227 129 5 879035387 +227 137 5 879035289 +227 221 4 879035535 +227 240 1 879035934 +227 249 2 879035775 +227 250 2 879035637 +227 273 3 879035206 +227 274 4 879035963 +227 285 4 879035347 +227 287 4 879035704 +227 288 2 879035072 +227 294 3 879035431 +227 319 4 879035072 +227 321 3 881518363 +227 322 3 881518461 +227 324 4 879035963 +227 405 2 879035934 +227 460 2 879035963 +227 741 3 879035464 +227 748 1 879035387 +227 756 3 879035658 +227 823 2 879035599 +227 934 2 879035874 +227 1007 4 879035158 +227 1011 4 879035834 +227 1028 2 879035803 +227 1047 2 879035834 +227 1067 4 879035572 +227 1068 4 879035289 +227 1143 4 879035803 +228 56 2 889388607 +228 137 1 889388662 +228 275 3 889388521 +228 286 5 889387172 +228 750 3 889388440 +228 812 5 889388547 +228 938 1 889387173 +229 245 3 891632385 +229 269 4 891633029 +229 272 3 891632073 +229 288 4 891633028 +229 300 2 891632142 +229 303 1 891632073 +229 311 5 891633028 +229 316 1 891632347 +229 344 5 891633028 +229 751 3 891632164 +229 882 4 891633029 +229 886 1 891632164 +229 896 4 891633029 +229 898 5 891633028 +229 937 2 891632347 +230 1 5 880484370 +230 10 3 880485530 +230 22 5 880484850 +230 25 3 880485282 +230 28 5 880484444 +230 56 3 880484416 +230 64 5 880484416 +230 69 4 880484338 +230 71 5 880484911 +230 79 5 880484778 +230 82 5 880485311 +230 91 3 880485043 +230 95 5 880484850 +230 98 5 880484391 +230 99 3 880485066 +230 100 4 880485856 +230 117 5 880484320 +230 121 4 880484998 +230 132 5 880484475 +230 134 4 880484755 +230 135 2 880485216 +230 141 4 880485489 +230 143 5 880484501 +230 161 5 880485468 +230 162 4 880484587 +230 168 4 880484616 +230 174 5 880484661 +230 195 3 880484416 +230 203 2 880484890 +230 204 4 880484616 +230 205 3 880484476 +230 211 5 880485181 +230 214 4 880485573 +230 216 4 880484444 +230 223 5 880484415 +230 233 1 880485513 +230 237 5 880484800 +230 239 4 880484320 +230 240 1 880484320 +230 265 5 880484544 +230 266 4 880484286 +230 280 4 880485254 +230 284 1 880485634 +230 294 5 880484286 +230 371 4 880485330 +230 405 4 880485634 +230 418 5 880484937 +230 420 5 880485726 +230 422 3 880485633 +230 423 5 880484825 +230 427 5 880484501 +230 431 3 880485254 +230 435 4 880484444 +230 447 1 880485513 +230 451 4 880485402 +230 491 3 880484975 +230 496 5 880484501 +230 498 5 880484755 +230 499 4 880484870 +230 501 3 880485352 +230 504 3 880485136 +230 515 5 880484567 +230 549 5 880485380 +230 568 3 880484567 +230 570 4 880485689 +230 588 5 880484683 +230 609 3 880485311 +230 621 2 880485380 +230 622 3 880485380 +230 627 5 880484661 +230 628 3 880485421 +230 650 4 880484778 +230 693 2 880485594 +230 699 4 880484975 +230 951 5 880485181 +231 1 3 879965704 +231 15 4 879965704 +231 50 4 888605273 +231 255 3 879965760 +231 289 4 888605273 +231 300 4 888605273 +231 313 3 888604920 +231 471 5 888605273 +231 597 3 879966146 +231 866 3 879965961 +232 4 4 888550130 +232 32 4 888549467 +232 44 4 888549412 +232 48 5 888549879 +232 50 4 880062302 +232 69 3 888549376 +232 76 3 888550060 +232 100 5 880062447 +232 117 3 891565128 +232 127 3 888550101 +232 132 5 888549721 +232 133 4 888549988 +232 150 3 891565095 +232 165 4 888550036 +232 166 4 888549815 +232 170 5 888549929 +232 172 4 888549412 +232 178 5 888549988 +232 186 4 888549790 +232 196 5 888549757 +232 209 3 888549563 +232 246 4 885939945 +232 250 4 880062618 +232 268 4 885939544 +232 269 3 891565001 +232 286 3 880062259 +232 289 4 880062259 +232 294 2 880062259 +232 302 5 885939473 +232 357 4 888549721 +232 419 4 888550013 +232 423 4 888549595 +232 425 4 888549790 +232 435 4 888550013 +232 475 5 880062469 +232 508 1 880062447 +232 514 4 888549879 +232 531 4 888549647 +232 582 5 888549595 +232 589 3 888549790 +232 603 4 888549376 +232 655 4 888549721 +232 690 4 880062259 +232 744 3 880062645 +232 750 3 885939690 +232 900 5 888364663 +232 1149 5 888549674 +233 4 3 877663337 +233 8 3 877663612 +233 9 5 876021262 +233 12 2 880610333 +233 14 4 876021262 +233 23 5 877665324 +233 47 5 877661881 +233 50 3 876021213 +233 64 5 880612285 +233 70 5 879147810 +233 71 5 876812281 +233 89 3 875508225 +233 91 3 876812281 +233 95 5 877661496 +233 100 4 877661294 +233 121 4 880190627 +233 127 5 877661364 +233 129 3 876374463 +233 133 5 877661364 +233 135 4 877661881 +233 143 4 877663383 +233 168 5 877663302 +233 180 5 877661364 +233 187 4 876021170 +233 192 5 875508485 +233 194 4 877663913 +233 196 5 880610814 +233 197 5 877663303 +233 203 3 880923202 +233 204 5 880923202 +233 215 5 877665324 +233 216 5 877665357 +233 223 4 875508225 +233 234 4 877664010 +233 261 5 883356913 +233 275 5 885147637 +233 293 4 877660832 +233 304 5 877665323 +233 318 5 877665324 +233 371 5 880190399 +233 378 4 877663429 +233 432 3 877663383 +233 435 5 877665324 +233 462 5 879147730 +233 478 5 877661437 +233 483 5 876021170 +233 498 5 877663465 +233 501 3 877663383 +233 504 5 877663128 +233 506 5 877663337 +233 509 4 877663646 +233 511 5 876021120 +233 521 5 877663071 +233 523 4 877663913 +233 527 5 877665324 +233 528 5 877665324 +233 584 4 877663548 +233 588 5 877661553 +233 603 4 880190566 +233 614 4 877661437 +233 623 3 876374602 +233 633 5 877663185 +233 640 2 875508639 +233 647 5 877661364 +233 660 5 877661634 +233 735 5 880610635 +233 828 4 875508169 +233 845 4 880190627 +234 2 2 892335142 +234 4 4 892334610 +234 5 3 892334338 +234 9 3 891227689 +234 11 2 892079140 +234 13 3 892335342 +234 16 2 891227771 +234 22 4 892334644 +234 23 4 892334368 +234 25 3 892335797 +234 28 4 892079538 +234 30 4 892335951 +234 31 4 892334803 +234 40 2 892335894 +234 44 3 892335707 +234 45 4 892079140 +234 47 2 892334543 +234 48 2 892334107 +234 52 4 892334141 +234 56 3 892078837 +234 64 4 892078983 +234 66 3 892334765 +234 69 4 892078567 +234 82 3 892334079 +234 86 2 892333765 +234 88 3 892335920 +234 89 3 892079910 +234 93 3 891227771 +234 97 2 892334267 +234 99 5 892333573 +234 100 4 892079769 +234 102 2 892335616 +234 106 4 892336322 +234 111 3 892318060 +234 116 2 892079434 +234 119 3 892335261 +234 124 4 891227689 +234 125 3 892335739 +234 127 4 892078386 +234 130 1 892336194 +234 131 3 892334680 +234 133 3 892334680 +234 137 3 891227730 +234 140 2 892334766 +234 143 3 892079288 +234 144 3 892079840 +234 148 3 891228196 +234 153 3 892333830 +234 154 3 892078605 +234 156 2 892078936 +234 160 2 892336119 +234 162 3 892335541 +234 163 3 892335951 +234 164 3 892334644 +234 165 5 892079040 +234 166 5 892079237 +234 172 3 892078837 +234 173 3 892334577 +234 174 3 892078605 +234 175 2 892079076 +234 176 3 892079190 +234 177 3 892079040 +234 178 5 892078890 +234 180 3 892079910 +234 181 3 892079373 +234 182 3 892078567 +234 183 4 892079585 +234 185 3 892078936 +234 188 2 892079288 +234 190 3 892079190 +234 195 2 892078936 +234 197 5 892333616 +234 199 5 892079040 +234 200 5 892335074 +234 204 2 892079617 +234 207 2 892078605 +234 211 3 892079475 +234 215 3 892079722 +234 216 3 892078605 +234 219 2 892336287 +234 222 3 892079803 +234 223 3 892079336 +234 224 4 892334107 +234 226 2 892335673 +234 238 3 892079040 +234 243 1 891034107 +234 258 2 891033627 +234 259 2 891033686 +234 268 2 891033261 +234 273 3 892336165 +234 277 3 892334680 +234 279 3 892333980 +234 280 3 892334803 +234 285 4 891227771 +234 286 3 891033314 +234 290 3 892333980 +234 301 3 892826947 +234 304 3 891033591 +234 307 2 891033427 +234 313 4 891033261 +234 317 2 892334189 +234 319 3 892334883 +234 321 2 891033393 +234 329 2 891033922 +234 357 4 892333573 +234 358 1 891034007 +234 367 4 892334976 +234 371 3 892335850 +234 378 4 892335213 +234 381 3 892335739 +234 385 2 892335309 +234 389 3 892335309 +234 393 2 892335108 +234 404 4 892333830 +234 412 2 892336322 +234 416 4 892335616 +234 417 3 892336119 +234 418 3 892079373 +234 419 4 892334644 +234 429 4 892079434 +234 430 4 892333683 +234 432 4 892079722 +234 436 3 892334765 +234 443 3 892334079 +234 445 2 892334713 +234 447 3 892336047 +234 463 4 892333865 +234 464 4 892079288 +234 465 2 892334803 +234 466 4 892334368 +234 470 2 892335797 +234 473 5 892334976 +234 474 4 892317967 +234 477 1 892335108 +234 478 3 892079538 +234 479 5 892334107 +234 480 4 892078485 +234 488 4 892078386 +234 489 3 892079237 +234 492 3 892078936 +234 494 4 892078837 +234 495 4 892335042 +234 496 4 892079190 +234 497 4 892334481 +234 498 5 892078699 +234 503 2 892333653 +234 504 4 892078485 +234 505 4 892333798 +234 510 4 892079840 +234 511 5 892078567 +234 513 5 892333980 +234 515 5 892078424 +234 516 3 892079140 +234 517 3 892333919 +234 520 4 892078890 +234 524 3 892079910 +234 525 4 892078984 +234 527 3 892334189 +234 528 4 892079689 +234 530 4 892333573 +234 531 3 892078984 +234 546 1 891227851 +234 550 2 892334883 +234 552 2 892336322 +234 557 1 892335989 +234 591 3 892335142 +234 602 4 892334368 +234 605 3 892333798 +234 606 5 892318060 +234 607 4 892079140 +234 608 3 892078741 +234 609 3 892335186 +234 610 4 892079769 +234 611 5 892078605 +234 613 4 892079434 +234 615 5 892079722 +234 619 2 891227851 +234 622 2 892335415 +234 623 2 892318107 +234 625 3 892336286 +234 629 4 892335042 +234 630 2 892334141 +234 631 3 892334577 +234 635 2 892336358 +234 636 3 892336358 +234 641 4 892078297 +234 642 3 892334766 +234 646 3 892335500 +234 647 3 892826411 +234 649 3 892335870 +234 650 3 892078837 +234 653 3 892335108 +234 655 3 892333616 +234 656 4 892079288 +234 659 3 892078660 +234 661 5 892333573 +234 662 3 892079585 +234 663 4 892335707 +234 675 4 892078342 +234 686 3 892334976 +234 692 3 892335990 +234 694 3 892079040 +234 699 3 892079538 +234 702 2 892335707 +234 712 2 892336077 +234 724 4 892335739 +234 735 3 892079803 +234 745 4 892333573 +234 746 2 892335213 +234 749 3 891033772 +234 765 3 892336322 +234 768 2 892335990 +234 770 4 892335920 +234 785 3 892336119 +234 792 4 892336165 +234 806 2 892334766 +234 832 2 892335501 +234 835 3 892334481 +234 836 4 892317967 +234 837 3 892079434 +234 842 4 892334045 +234 843 2 892334400 +234 845 3 892335825 +234 855 3 892079803 +234 863 5 892079689 +234 867 4 892826174 +234 873 3 891034007 +234 887 3 891034078 +234 923 4 892078741 +234 925 2 892334976 +234 939 2 892333798 +234 942 3 892334610 +234 950 2 892079538 +234 951 1 892334766 +234 956 3 892826643 +234 964 4 892334852 +234 970 4 892335437 +234 980 2 891227851 +234 984 2 891033966 +234 989 2 891033966 +234 1003 2 892334267 +234 1010 2 892335415 +234 1011 3 891227730 +234 1021 4 892333765 +234 1039 3 892078741 +234 1044 2 892336194 +234 1051 2 892336322 +234 1063 3 892079769 +234 1064 4 892333683 +234 1075 3 892335797 +234 1100 2 892335500 +234 1101 3 892335372 +234 1120 3 892079288 +234 1121 5 892334481 +234 1133 3 892336358 +234 1168 2 892335108 +234 1169 4 892334543 +234 1170 1 892336077 +234 1185 3 892335951 +234 1200 3 892333865 +234 1203 4 892079910 +234 1204 3 892078297 +234 1205 1 892335501 +234 1221 4 892334852 +234 1269 3 892078297 +234 1285 3 892335764 +234 1330 3 892078343 +234 1369 3 892333765 +234 1445 4 892336286 +234 1446 3 892335739 +234 1447 3 892336119 +234 1448 3 892335187 +234 1449 4 892333573 +234 1450 3 892335213 +234 1452 4 892335342 +234 1453 2 892335415 +234 1460 3 892335460 +234 1461 2 892078297 +235 1 4 889655571 +235 50 5 889655403 +235 66 2 889655266 +235 69 4 889655468 +235 82 2 889655403 +235 83 4 889656068 +235 86 4 889656113 +235 96 4 889654971 +235 153 4 889655662 +235 170 4 889656113 +235 175 4 889654971 +235 179 5 889656028 +235 181 3 889655360 +235 191 4 889654971 +235 192 4 889655298 +235 194 5 889655232 +235 195 4 889655162 +235 196 3 889655162 +235 207 4 889656132 +235 285 4 889655204 +235 303 4 889654483 +235 318 5 889654971 +235 327 3 889654594 +235 338 1 889654821 +235 344 5 889654419 +235 429 4 889655662 +235 431 2 889655490 +235 462 3 889656168 +235 463 4 889656008 +235 483 5 889655204 +235 496 4 889655662 +235 512 5 889656044 +235 522 5 889655086 +235 524 5 889655204 +235 603 3 889655044 +235 655 4 889655550 +235 692 4 889655595 +235 701 4 889655086 +235 923 4 889656132 +235 970 4 889655204 +235 971 4 889656113 +235 1021 5 889656090 +235 1105 2 889654460 +235 1134 4 889655723 +235 1176 5 889655820 +235 1193 4 889655232 +235 1451 4 889655112 +236 9 5 890116792 +236 28 4 890116539 +236 50 3 890116059 +236 56 5 890116254 +236 64 5 890116163 +236 88 2 890116709 +236 97 5 890118228 +236 98 5 890116253 +236 100 3 890116402 +236 117 3 890116818 +236 127 5 890116032 +236 132 4 890115897 +236 133 5 890116059 +236 135 2 890116033 +236 151 2 890116964 +236 174 3 890116539 +236 176 2 890115933 +236 179 1 890118417 +236 181 4 890115933 +236 191 4 890116335 +236 194 3 890116426 +236 196 1 890115966 +236 199 4 890118307 +236 203 4 890116132 +236 207 3 890116221 +236 210 2 890118153 +236 211 3 890116539 +236 216 5 890116163 +236 225 3 890117465 +236 255 3 890116747 +236 273 1 890116670 +236 274 1 890117073 +236 275 3 890116499 +236 282 5 890117028 +236 294 2 890116895 +236 304 4 890117676 +236 318 5 890116539 +236 328 5 890117711 +236 333 3 890117748 +236 370 3 890117353 +236 411 1 890117095 +236 423 5 890116304 +236 427 5 890118153 +236 429 1 890118632 +236 432 5 890118251 +236 435 4 890115966 +236 462 4 890115933 +236 476 3 890117308 +236 483 5 890116221 +236 496 3 890116499 +236 504 3 890118075 +236 505 3 890116575 +236 510 3 890118543 +236 520 4 890116095 +236 521 3 890115996 +236 523 2 890116221 +236 526 3 890116500 +236 591 4 890117029 +236 595 3 890117267 +236 655 3 890116670 +236 659 3 890116599 +236 673 4 890116132 +236 685 2 890117308 +236 692 4 890116670 +236 717 3 890117409 +236 750 5 890117676 +236 866 3 890117223 +236 934 4 890117570 +236 1039 2 890115996 +236 1401 3 890116335 +237 9 4 879376730 +237 58 4 879376434 +237 64 5 879376671 +237 127 5 879376671 +237 134 5 879376327 +237 169 5 879376381 +237 174 4 879376773 +237 176 3 879376328 +237 178 4 879376671 +237 179 4 879376641 +237 180 4 879376730 +237 187 3 879376553 +237 190 4 879376515 +237 197 4 879376515 +237 238 4 879376435 +237 286 3 879376220 +237 357 4 879376327 +237 408 5 879376434 +237 474 5 879376327 +237 483 5 879376381 +237 485 4 879376553 +237 489 4 879376381 +237 498 4 879376698 +237 525 4 879376487 +237 656 4 879376730 +237 659 4 879376553 +237 705 3 879376487 +238 125 3 883576230 +238 151 2 883576398 +238 237 3 883576281 +238 255 3 883576644 +238 257 4 883576261 +238 286 5 883575683 +238 294 3 883575813 +238 301 3 883575855 +238 405 4 883576424 +238 471 4 883576359 +238 538 4 883575749 +238 845 3 883576424 +238 926 3 883576543 +238 1258 1 883576666 +239 12 5 889178729 +239 14 5 889179478 +239 39 5 889181093 +239 42 5 889180578 +239 45 5 889180578 +239 46 4 889180487 +239 50 5 889179131 +239 64 1 889178616 +239 65 5 889180041 +239 69 1 889179544 +239 91 4 889180487 +239 116 5 889181093 +239 132 5 889178986 +239 133 3 889178652 +239 137 5 889178688 +239 150 5 889179131 +239 162 5 889179131 +239 165 5 889180411 +239 171 5 889178986 +239 172 4 889178833 +239 174 4 889179131 +239 179 5 889180410 +239 180 5 889178833 +239 181 3 889180411 +239 185 4 889178688 +239 186 1 889179253 +239 190 1 889178616 +239 203 1 889179291 +239 205 3 889181015 +239 208 3 889181015 +239 209 5 889179032 +239 221 5 889180447 +239 228 2 889180651 +239 238 5 889180747 +239 242 5 889178512 +239 268 2 889178512 +239 269 5 889181247 +239 276 5 889179506 +239 300 1 889178513 +239 304 1 889181248 +239 318 1 889178798 +239 382 3 889180578 +239 419 3 889178689 +239 421 5 889181048 +239 427 5 889180888 +239 428 5 889180978 +239 433 5 889180447 +239 434 5 889180041 +239 443 5 889181015 +239 462 5 889179623 +239 463 5 889178689 +239 474 5 889179095 +239 482 3 889180978 +239 483 5 889179253 +239 484 5 889179095 +239 489 5 889178833 +239 498 4 889179623 +239 499 5 889179808 +239 504 4 889179544 +239 505 5 889180169 +239 507 5 889180651 +239 509 5 889180071 +239 511 5 889178798 +239 512 5 889180921 +239 514 1 889178562 +239 518 3 889180949 +239 527 5 889178833 +239 528 5 889178562 +239 531 5 889178762 +239 589 3 889180978 +239 632 5 889181015 +239 633 5 889180040 +239 634 4 889180487 +239 647 5 889180651 +239 652 5 889178762 +239 659 3 889179808 +239 675 5 889180617 +239 745 5 889180338 +239 753 5 889179478 +239 921 5 889181092 +239 961 5 889181093 +239 1065 5 889181015 +239 1098 5 889180487 +239 1115 2 889180651 +239 1204 4 889178986 +239 1332 3 889180888 +240 242 5 885775683 +240 245 4 885775831 +240 269 5 885775536 +240 272 5 885775536 +240 286 5 885775625 +240 302 5 885775536 +240 307 4 885775683 +240 340 4 885775710 +240 349 1 885775878 +240 353 1 885775959 +240 358 2 885775857 +240 748 3 885775831 +240 751 3 885775683 +240 873 2 885775857 +240 895 5 885775711 +241 268 4 887249576 +241 270 3 887250026 +241 286 5 887249482 +241 288 5 887249745 +241 300 4 887249685 +241 310 4 887249576 +241 335 3 887250085 +241 343 2 887250085 +241 346 3 887249482 +241 682 2 887249745 +241 689 3 887250085 +241 895 2 887250085 +242 1 4 879740362 +242 111 4 879741196 +242 268 5 879741340 +242 275 5 879741196 +242 283 4 879740362 +242 294 4 879740082 +242 331 5 879741340 +242 475 3 879740223 +242 740 5 879741196 +242 1011 3 879740800 +242 1355 5 879741196 +243 1 4 879987239 +243 7 3 879987362 +243 8 5 879989217 +243 10 4 879987526 +243 14 3 879987239 +243 22 3 879988104 +243 25 3 879987875 +243 26 3 879988459 +243 77 3 879988587 +243 86 5 879989217 +243 111 4 879987793 +243 116 4 879987526 +243 125 3 879988298 +243 151 3 879987397 +243 157 5 879989217 +243 162 4 879988459 +243 191 5 879989217 +243 215 3 879988046 +243 237 2 879987148 +243 246 4 879987085 +243 280 1 879987148 +243 283 3 879987362 +243 285 5 879989217 +243 306 4 879988830 +243 318 4 879988071 +243 367 3 879988976 +243 423 3 879988587 +243 458 4 879987397 +243 461 3 879988132 +243 468 3 879988298 +243 477 4 879987736 +243 509 4 879988369 +243 514 4 879989006 +243 631 4 879988298 +243 694 4 879988262 +243 699 4 879988397 +243 708 3 879988520 +243 724 3 879988459 +243 732 4 879988557 +243 736 4 879988520 +243 737 3 879988557 +243 1115 3 879987465 +243 1148 3 879988723 +243 1197 4 879988337 +243 1465 3 879988215 +244 1 4 880604405 +244 3 5 880602451 +244 9 5 880604179 +244 26 5 880606274 +244 28 4 880606300 +244 32 2 880605514 +244 50 5 880604379 +244 56 5 880602440 +244 58 3 880605438 +244 64 5 880605638 +244 65 4 880605766 +244 66 4 880607683 +244 67 4 880608820 +244 68 5 880602170 +244 70 4 880604077 +244 71 4 880606874 +244 80 3 880607489 +244 82 3 880606667 +244 86 4 880605896 +244 88 4 880607684 +244 92 4 880602478 +244 105 2 880605333 +244 109 4 880604798 +244 111 4 880604550 +244 114 4 880603219 +244 118 2 880604981 +244 121 1 880604583 +244 126 4 880604302 +244 144 1 880602264 +244 153 4 880606069 +244 156 4 880602517 +244 158 3 880608904 +244 162 4 880606993 +244 169 5 880606274 +244 171 5 880606385 +244 173 4 880605458 +244 174 3 880605896 +244 188 4 880605869 +244 193 4 880605638 +244 197 4 880605838 +244 200 5 880606698 +244 214 5 880603219 +244 215 4 880603242 +244 222 2 880604379 +244 234 3 880606593 +244 235 1 880604910 +244 241 4 880602893 +244 246 5 880604302 +244 249 4 880604930 +244 268 5 880601904 +244 276 5 880604234 +244 281 3 880605010 +244 291 2 880604379 +244 317 5 880602083 +244 318 5 880603082 +244 357 5 880605553 +244 383 3 880608957 +244 393 3 880607365 +244 401 3 880607424 +244 410 4 880606593 +244 433 5 880603683 +244 451 4 880608112 +244 455 2 880604503 +244 458 3 880604405 +244 468 1 880606947 +244 471 1 880606874 +244 521 4 880606385 +244 527 5 880606155 +244 528 3 880606533 +244 537 5 880602593 +244 553 5 880606215 +244 581 4 880607903 +244 609 3 880607154 +244 629 4 880606442 +244 650 3 880607231 +244 651 4 880606069 +244 655 5 880605766 +244 660 4 880603881 +244 697 4 880607335 +244 708 4 880607231 +244 710 3 880607034 +244 716 3 880607641 +244 721 5 880602031 +244 732 1 880604148 +244 735 5 880605697 +244 744 3 880606923 +244 746 3 880606180 +244 754 4 880603960 +244 763 4 880604830 +244 772 4 880601937 +244 780 4 880602843 +244 833 3 880607878 +244 845 3 880606634 +244 856 5 880602002 +244 871 3 880605010 +244 924 4 880604550 +244 941 4 880603618 +244 946 4 880607545 +244 949 4 880606874 +244 959 4 880607684 +244 1012 2 880604670 +244 1028 3 880604830 +244 1041 4 880608788 +244 1053 2 880606993 +244 1057 4 880608992 +244 1079 2 880605333 +244 1095 2 880605333 +244 1109 4 880607116 +244 1118 4 880608087 +244 1119 5 880606993 +244 1132 4 880605132 +244 1136 3 880608162 +244 1150 4 880604195 +244 1168 4 880608788 +244 1188 4 880608864 +244 1428 4 880603411 +244 1467 5 880605553 +245 21 3 888513502 +245 133 2 888513058 +245 151 3 888513279 +245 210 3 888513026 +245 258 4 888513691 +245 300 4 888513026 +245 596 4 888513361 +245 597 4 888513326 +245 717 4 888513447 +245 756 3 888513425 +245 894 1 888513860 +245 1033 5 888513522 +245 1047 3 888513393 +246 11 4 884922512 +246 12 5 884921948 +246 24 4 884921345 +246 25 3 884922383 +246 38 2 884923175 +246 41 2 884923811 +246 50 5 884920788 +246 56 1 884920948 +246 66 3 884922252 +246 67 2 884923893 +246 69 3 884921202 +246 77 2 884921839 +246 81 5 884921638 +246 92 1 884921661 +246 95 3 884920949 +246 96 3 884920900 +246 97 3 884922272 +246 111 3 884921861 +246 118 1 884923175 +246 132 4 884921319 +246 133 3 884921705 +246 138 1 884923715 +246 155 1 884923687 +246 158 1 884923955 +246 159 3 884923003 +246 164 3 884921613 +246 172 5 884922042 +246 173 5 884921227 +246 174 3 884921086 +246 175 4 884921362 +246 178 5 884920918 +246 181 5 884920978 +246 185 5 884921428 +246 198 4 884922196 +246 204 3 884921638 +246 208 4 884921394 +246 210 3 884921319 +246 211 4 884922605 +246 216 3 884920949 +246 219 5 884922801 +246 223 5 884921033 +246 226 2 884923329 +246 227 4 884922475 +246 228 3 884921558 +246 235 3 884921965 +246 238 5 884921429 +246 240 3 884923547 +246 250 4 884924327 +246 252 1 884924473 +246 254 1 884924710 +246 257 4 884924327 +246 288 5 884922235 +246 384 2 884923632 +246 393 3 884922627 +246 401 1 884923750 +246 404 3 884922434 +246 411 3 884923715 +246 412 1 884923305 +246 413 4 884923922 +246 418 3 884921453 +246 420 3 884922272 +246 431 3 884921661 +246 432 3 884921511 +246 433 5 884921488 +246 441 3 884922538 +246 444 4 884923715 +246 447 3 884922714 +246 475 4 884921637 +246 477 4 884921767 +246 550 3 884922740 +246 559 3 884922898 +246 567 5 884923348 +246 570 1 884923592 +246 572 3 884923127 +246 576 1 884923864 +246 597 2 884921965 +246 616 5 884922475 +246 633 3 884920997 +246 651 4 884921638 +246 652 5 884921033 +246 658 4 884923329 +246 672 4 884923047 +246 679 2 884922917 +246 724 4 884922383 +246 735 4 884921679 +246 739 2 884922678 +246 741 5 884921533 +246 746 4 884922070 +246 748 1 884924441 +246 758 1 884924813 +246 765 2 884924026 +246 798 2 884924001 +246 809 2 884923767 +246 827 1 884923829 +246 831 1 884924025 +246 841 1 884923829 +246 853 5 884922383 +246 941 1 884923547 +246 981 1 884924765 +246 993 3 884920770 +246 1028 3 884923653 +246 1039 4 884921227 +246 1044 1 884922869 +246 1052 1 884924710 +246 1089 1 884924710 +246 1135 1 884922605 +246 1139 2 884923811 +246 1188 3 884924001 +246 1220 3 884921794 +246 1228 1 884923971 +246 1411 2 884924026 +247 7 4 893081395 +247 58 4 893081396 +247 64 5 893097024 +247 70 5 893097024 +247 100 3 893081395 +247 121 4 893081396 +247 181 4 893081396 +247 222 3 893081411 +247 258 5 893097024 +247 259 3 893081411 +247 269 4 893097024 +247 300 2 893081411 +247 340 3 893081396 +247 750 4 893081381 +247 1022 4 893097024 +248 1 3 884535744 +248 7 2 884534968 +248 22 2 884534752 +248 50 5 884535013 +248 64 5 884534735 +248 69 1 884534695 +248 79 3 884534992 +248 89 5 884535046 +248 98 5 884534673 +248 121 2 884536206 +248 156 5 884534945 +248 172 4 884534992 +248 176 5 884534808 +248 180 3 884534735 +248 187 3 884535046 +248 196 2 884535013 +248 250 3 884535532 +248 283 1 884535157 +248 323 1 884534472 +248 343 4 884534436 +248 806 3 884534772 +249 1 4 879572210 +249 2 3 879641284 +249 4 4 879572142 +249 7 5 879572760 +249 12 5 879572472 +249 31 4 879572688 +249 50 4 879571695 +249 53 4 879572760 +249 56 5 879572189 +249 64 5 879572210 +249 69 5 879572600 +249 89 5 879572229 +249 92 5 879572567 +249 93 4 879640194 +249 96 4 879572600 +249 114 5 879572314 +249 117 4 879640414 +249 123 3 879640261 +249 125 3 879640210 +249 129 5 879571883 +249 135 5 879572668 +249 144 4 879572567 +249 147 5 879640343 +249 148 3 879640361 +249 156 5 879572402 +249 173 5 879572229 +249 175 4 879572106 +249 179 5 879641140 +249 181 3 879571998 +249 183 4 879572540 +249 191 4 879572167 +249 195 4 879572911 +249 203 5 879572167 +249 209 5 879572582 +249 210 3 879641305 +249 223 4 879572370 +249 228 4 879572496 +249 237 5 879640361 +249 238 5 879572451 +249 242 5 879571438 +249 248 5 879571695 +249 250 4 879571678 +249 252 2 879571998 +249 257 3 879571715 +249 258 5 879571438 +249 273 4 879640284 +249 275 4 879572451 +249 283 5 879572600 +249 290 2 879640521 +249 294 3 879571557 +249 298 4 879571715 +249 302 4 879571438 +249 309 3 879571456 +249 317 5 879572106 +249 318 5 879572256 +249 327 4 879571489 +249 403 4 879640998 +249 405 3 879640284 +249 407 3 879640618 +249 408 5 879572540 +249 409 4 879640452 +249 421 5 879572516 +249 423 4 879572167 +249 427 5 879572472 +249 462 5 879572725 +249 467 4 879572795 +249 471 4 879640241 +249 478 4 879572911 +249 480 5 879572210 +249 483 5 879572314 +249 546 3 879640436 +249 568 4 879572256 +249 583 4 879640918 +249 588 3 879572256 +249 603 5 879640935 +249 658 4 879572944 +249 741 4 879572402 +249 742 3 879640241 +249 789 5 879572911 +249 806 5 879572167 +249 844 5 879572795 +249 853 4 879572256 +249 1011 5 879640284 +249 1012 3 879571998 +249 1039 5 879572725 +249 1047 3 879640603 +249 1069 5 879572890 +249 1073 4 879640918 +249 1167 4 879572284 +250 9 2 878089547 +250 12 5 878090499 +250 28 4 878090153 +250 50 5 878089393 +250 55 5 878091915 +250 81 4 878092143 +250 91 5 878091965 +250 95 5 878090499 +250 98 5 878090365 +250 100 5 878089786 +250 116 4 878089921 +250 123 3 878089837 +250 144 4 878092059 +250 151 4 878089677 +250 153 2 878090066 +250 154 4 878090114 +250 159 4 878092144 +250 175 5 878090004 +250 179 4 883263374 +250 181 4 878089393 +250 183 4 878091870 +250 191 5 878091869 +250 202 4 878090253 +250 222 4 878089547 +250 234 3 878091736 +250 235 2 878089786 +250 237 2 878089753 +250 248 2 883263390 +250 258 4 878088969 +250 259 1 883262792 +250 270 4 883263374 +250 271 4 883263374 +250 276 4 878089436 +250 288 4 878088970 +250 313 5 883262672 +250 322 3 878089182 +250 323 2 878089100 +250 325 4 883262927 +250 331 3 878089033 +250 333 4 883263374 +250 340 4 883263374 +250 367 4 878090330 +250 418 5 878090199 +250 458 5 878092104 +250 469 4 878091772 +250 475 4 878089436 +250 501 5 878090199 +250 527 4 878091735 +250 558 4 878091965 +250 588 5 878091736 +250 629 4 878091965 +250 676 5 878089547 +250 687 1 883263007 +250 751 2 883262694 +250 754 4 883263374 +250 844 4 878090414 +250 933 3 878089467 +250 943 4 878091870 +250 984 3 878089229 +250 988 4 878089182 +250 991 2 878089202 +250 993 5 878089881 +250 1073 5 878090114 +250 1199 3 878089467 +250 1426 5 878091771 +251 1 4 886272009 +251 7 3 886272146 +251 22 5 886271955 +251 24 3 886272283 +251 25 4 886272615 +251 33 3 886271675 +251 45 5 886271855 +251 60 4 886271641 +251 64 5 886271640 +251 79 5 886271733 +251 111 3 886272319 +251 117 4 886272009 +251 118 3 886272514 +251 125 4 886272346 +251 147 3 886272319 +251 151 5 886272118 +251 185 5 886271884 +251 202 4 886271920 +251 210 4 886271675 +251 248 4 886272223 +251 250 3 886272378 +251 275 4 886271675 +251 281 4 886272456 +251 282 4 886272223 +251 294 3 886272283 +251 300 4 886271472 +251 313 5 886271472 +251 405 3 886272547 +251 429 4 886271955 +251 468 2 886271641 +251 471 3 886272319 +251 472 3 886272585 +251 480 5 886271733 +251 535 3 886272283 +251 595 3 886272486 +251 597 3 886272514 +251 685 4 886272585 +251 742 5 886272486 +251 813 3 886272086 +251 845 4 886272378 +251 978 2 886272585 +251 1012 4 886272175 +251 1016 3 886272197 +251 1098 3 886271920 +252 1 5 891456989 +252 14 4 891456876 +252 124 5 891457490 +252 149 5 891456876 +252 224 4 891456738 +252 276 5 891456877 +252 286 5 891455263 +252 290 3 891456877 +252 410 5 891456989 +252 475 5 891456876 +252 847 4 891456738 +253 1 5 891628467 +253 4 4 891628670 +253 8 4 891628323 +253 12 5 891628159 +253 15 4 891628019 +253 22 5 891628435 +253 56 3 891628229 +253 81 4 891628614 +253 82 3 891628295 +253 96 5 891628651 +253 100 4 891628122 +253 121 5 891628142 +253 125 3 891628033 +253 132 5 891628416 +253 153 3 891628278 +253 156 3 891628614 +253 168 3 891628278 +253 182 3 891628374 +253 190 5 891628278 +253 192 1 891628884 +253 200 4 891628392 +253 202 5 891628392 +253 220 4 891628060 +253 222 4 891628548 +253 234 4 891628252 +253 273 3 891628060 +253 300 4 891627724 +253 318 5 891628323 +253 328 4 891627790 +253 331 3 891627664 +253 343 4 891627815 +253 427 5 891628229 +253 433 3 891628670 +253 482 5 891628451 +253 485 5 891628435 +253 490 5 891628374 +253 494 5 891628341 +253 518 5 891628392 +253 523 4 891628501 +253 588 5 891628416 +253 591 3 891628358 +253 655 4 891628142 +253 659 5 891628358 +253 679 3 891628578 +253 685 2 891628884 +253 689 5 891627775 +253 699 4 891628630 +253 732 4 891628651 +253 751 3 891627815 +253 895 4 891627893 +253 966 5 891628181 +253 1016 3 891628094 +253 1025 3 891627878 +253 1039 4 891628199 +253 1404 3 891628651 +253 1468 3 891628142 +254 1 3 887347350 +254 8 5 887347000 +254 21 3 886474518 +254 22 4 887347350 +254 28 4 886472369 +254 29 2 886474847 +254 62 3 886474009 +254 64 4 886472051 +254 69 5 886471959 +254 71 3 886472737 +254 78 3 886475476 +254 82 4 886472767 +254 94 3 887347350 +254 102 3 886473929 +254 112 2 886473631 +254 118 4 886475406 +254 126 3 887347350 +254 133 5 886473158 +254 135 5 886471880 +254 138 1 886474122 +254 142 3 886474489 +254 143 4 886472643 +254 151 2 886474396 +254 163 2 886472023 +254 167 3 886474712 +254 168 1 886472400 +254 172 5 886472051 +254 181 5 886471151 +254 196 4 886472400 +254 200 3 886472504 +254 204 4 886472434 +254 210 5 886472172 +254 225 3 886475952 +254 227 4 886474806 +254 228 4 886472609 +254 231 3 886474712 +254 241 4 886473190 +254 265 3 886471695 +254 269 2 887346935 +254 313 5 886470465 +254 323 3 886470765 +254 343 2 886470904 +254 386 2 886475616 +254 389 3 886473852 +254 393 3 886473489 +254 400 3 886475790 +254 403 3 887347350 +254 405 3 886471522 +254 415 3 886475523 +254 416 4 886472713 +254 417 3 886473408 +254 423 5 886472799 +254 432 2 886473158 +254 435 3 886472089 +254 441 3 886475831 +254 449 5 886475446 +254 451 2 886474426 +254 457 2 886470931 +254 465 3 886473078 +254 496 4 886471982 +254 498 4 886472115 +254 526 3 886472609 +254 542 3 886475034 +254 548 2 886475319 +254 554 3 886475952 +254 584 3 886473283 +254 588 3 886473701 +254 616 1 886473736 +254 622 4 887347350 +254 629 2 886472337 +254 665 2 886475234 +254 678 3 886470859 +254 768 3 886475004 +254 842 3 886475952 +254 871 2 886475682 +254 1028 2 886474619 +254 1033 3 886475034 +254 1050 3 886472609 +254 1060 3 886472466 +254 1091 3 886475586 +254 1183 4 887347350 +254 1263 1 886474426 +254 1443 4 887347382 +254 1469 3 886473929 +254 1470 2 886474650 +255 5 2 883216599 +255 7 2 883216358 +255 56 5 883216448 +255 100 3 883216358 +255 117 2 883216845 +255 118 1 883216958 +255 121 2 883216902 +255 147 4 883216845 +255 200 3 883216544 +255 219 5 883216544 +255 222 3 883216845 +255 245 1 883215723 +255 264 2 883215829 +255 273 2 883216845 +255 281 1 883216902 +255 294 2 883215406 +255 300 3 883215358 +255 322 2 883215723 +255 324 5 883215586 +255 325 1 883215723 +255 328 2 883215630 +255 332 2 883215586 +255 335 4 883215630 +255 343 2 883215867 +255 443 1 883216544 +255 447 3 883216599 +255 546 3 883216902 +255 559 4 883216748 +255 564 1 883216600 +255 597 4 883216958 +255 665 3 883216748 +255 672 2 883216544 +255 682 5 883215759 +255 685 3 883216845 +255 743 1 883217030 +255 760 1 883216185 +255 826 1 883216958 +255 827 2 883216958 +255 829 1 883216903 +255 831 4 883216902 +255 834 4 883216358 +255 840 1 883216958 +255 872 4 883215723 +255 895 2 883216185 +255 930 1 883216958 +255 982 2 883217030 +256 1 5 882150980 +256 5 5 882164727 +256 11 5 882164406 +256 15 5 882150644 +256 21 4 882163677 +256 22 5 882164259 +256 31 5 882164867 +256 36 3 882165269 +256 38 4 882164927 +256 44 4 882164893 +256 50 4 882164443 +256 54 5 882164955 +256 56 3 882164406 +256 64 5 882164231 +256 66 4 882165103 +256 79 5 882164406 +256 82 5 882164559 +256 88 5 882165296 +256 89 5 882164525 +256 92 1 882164603 +256 96 5 882164444 +256 98 5 882164696 +256 100 4 882150313 +256 106 4 882153724 +256 117 5 882150313 +256 118 5 882151123 +256 123 2 882150508 +256 147 4 882152540 +256 151 5 882151623 +256 174 4 882164406 +256 182 4 882164479 +256 185 5 882164696 +256 187 3 882164444 +256 203 4 882164867 +256 210 4 882164443 +256 216 5 882165032 +256 218 3 882164727 +256 222 4 882150313 +256 225 4 882152605 +256 228 3 882164559 +256 229 3 882164644 +256 230 4 882164480 +256 232 3 882164525 +256 233 4 882164479 +256 234 5 882164696 +256 243 4 882150193 +256 245 4 882150152 +256 265 4 882164479 +256 274 5 882151456 +256 282 3 882151017 +256 283 3 882150313 +256 284 4 882151576 +256 288 5 882150122 +256 319 2 882150053 +256 322 4 882150152 +256 323 5 882150193 +256 356 3 882164927 +256 363 3 882163834 +256 381 5 882165135 +256 387 4 882165328 +256 403 4 882164603 +256 405 4 882151088 +256 409 4 882163654 +256 449 3 882164999 +256 451 4 882165135 +256 460 4 882153987 +256 471 5 882150644 +256 526 3 882164443 +256 538 5 882150122 +256 546 4 882151088 +256 554 4 882164644 +256 568 5 882164603 +256 583 5 882164603 +256 591 5 882151017 +256 595 4 882164037 +256 597 4 882152509 +256 620 3 882151743 +256 628 5 882150848 +256 657 5 882164727 +256 665 4 882164644 +256 678 5 882150192 +256 679 3 882164525 +256 684 5 882164480 +256 732 5 882165067 +256 739 5 882165135 +256 741 4 882151517 +256 769 5 882164955 +256 785 4 882165296 +256 794 4 882165135 +256 796 5 882165328 +256 808 4 882164559 +256 815 5 882151743 +256 829 4 882153751 +256 841 2 882163857 +256 930 3 882153258 +256 934 3 882163730 +256 975 3 882151017 +256 977 4 882154058 +256 984 3 882150192 +256 986 5 882164059 +256 988 4 882150193 +256 989 5 882150192 +256 1033 4 882152838 +256 1041 4 882165328 +256 1042 5 882164927 +256 1046 4 882164927 +256 1047 4 882151743 +256 1051 4 882150552 +256 1109 4 882164867 +256 1114 4 882153699 +256 1150 5 882152570 +256 1208 3 882164927 +256 1228 1 882164643 +256 1424 3 882165066 +256 1471 3 882164999 +257 14 5 879029742 +257 57 5 879547717 +257 60 5 879547440 +257 61 5 879547534 +257 70 4 880496892 +257 86 4 879547655 +257 113 4 879547534 +257 121 3 882050360 +257 129 4 880008245 +257 166 4 880496522 +257 181 5 882050131 +257 198 3 880496822 +257 245 4 884151807 +257 269 3 879029516 +257 275 4 879029716 +257 285 5 882049950 +257 286 5 879029516 +257 313 5 884151683 +257 324 5 879029543 +257 381 5 880496690 +257 475 5 879029716 +257 582 5 879547608 +257 676 4 882050006 +257 921 5 883982173 +257 936 4 882050151 +257 1010 4 882050150 +257 1022 2 879547764 +257 1129 5 879585415 +257 1137 5 882049896 +257 1160 4 882049973 +257 1472 2 880496943 +258 258 2 885700811 +258 286 5 885700778 +258 294 4 885700898 +258 300 5 885700877 +258 326 5 885701024 +258 328 3 885700877 +258 333 2 885700811 +258 877 3 885701044 +259 15 3 881378653 +259 39 4 888720644 +259 65 3 883371001 +259 97 4 874809292 +259 121 3 881379128 +259 147 4 888630664 +259 154 5 876365003 +259 168 5 876365003 +259 172 4 883371882 +259 173 4 874724843 +259 179 4 877924028 +259 181 4 874809057 +259 185 4 874724781 +259 271 3 888721050 +259 286 4 874724727 +259 288 3 874724905 +259 293 4 883371861 +259 294 3 881641699 +259 298 4 874724754 +259 475 5 877925049 +259 484 4 888720541 +259 546 3 883372151 +259 748 4 883371839 +259 781 3 888630664 +259 928 4 874724937 +259 1074 3 874725264 +259 1135 5 877926006 +260 258 3 890618198 +260 270 5 890618728 +260 288 3 890618476 +260 307 3 890618295 +260 333 4 890618198 +260 334 5 890618729 +260 350 4 890618476 +260 748 4 890618198 +260 881 4 890618537 +260 882 5 890618729 +260 891 5 890618729 +260 1243 5 890618729 +261 125 5 890456142 +261 243 5 890454351 +261 245 4 890454190 +261 288 4 890454087 +261 300 5 890454310 +261 301 4 890454246 +261 321 3 890455521 +261 326 4 890454279 +261 596 2 890456142 +261 687 5 890455020 +262 1 3 879962366 +262 7 4 879790603 +262 40 4 879795405 +262 52 3 879792331 +262 55 3 879791790 +262 56 4 879792027 +262 58 3 879792452 +262 65 4 879793897 +262 66 3 879794338 +262 68 2 879794887 +262 69 4 879793479 +262 70 4 879962517 +262 72 3 879962366 +262 82 3 879794918 +262 86 3 879791948 +262 90 4 879795270 +262 92 3 879794205 +262 95 3 879793503 +262 99 3 879792262 +262 100 3 879962366 +262 125 3 879961882 +262 131 5 879961282 +262 132 3 879792604 +262 153 3 879793346 +262 169 3 879791844 +262 172 2 879791875 +262 181 3 879961819 +262 204 3 879793667 +262 210 3 879792962 +262 216 3 879793216 +262 219 3 879794206 +262 234 3 879794359 +262 235 2 879790783 +262 255 3 879790816 +262 269 3 879961283 +262 278 3 879790741 +262 283 3 879962366 +262 288 3 879961374 +262 294 2 879962366 +262 338 4 879961532 +262 367 4 879792818 +262 369 2 879791160 +262 385 2 879795030 +262 402 4 879795059 +262 411 2 879791130 +262 417 2 879795319 +262 418 3 879794223 +262 420 3 879793854 +262 421 4 879792331 +262 423 4 879793854 +262 427 4 879791999 +262 433 4 879791790 +262 443 3 879792027 +262 451 4 879794446 +262 473 2 879791216 +262 476 3 879962366 +262 485 4 879793363 +262 486 5 879794296 +262 496 4 879792402 +262 546 2 879791049 +262 559 3 879792792 +262 567 1 879795430 +262 582 4 879962517 +262 596 4 879961980 +262 609 3 879793736 +262 631 4 879793536 +262 650 4 879792604 +262 655 4 879793938 +262 660 4 879794419 +262 699 5 879793022 +262 727 3 879792897 +262 735 4 879793854 +262 747 4 879793641 +262 785 3 879794359 +262 955 2 879792604 +262 959 2 879794739 +262 974 3 879791447 +262 1013 2 879791471 +262 1014 5 879961954 +262 1035 3 879794530 +262 1095 2 879791537 +262 1135 3 879794599 +263 1 5 891299207 +263 23 3 891298654 +263 28 3 891298219 +263 31 4 891299387 +263 50 5 891300029 +263 58 4 891299264 +263 87 4 891298977 +263 98 4 891297988 +263 100 5 891298453 +263 132 5 891298392 +263 133 5 891298977 +263 135 5 891299877 +263 136 4 891298337 +263 141 5 891299877 +263 174 5 891299697 +263 180 4 891297921 +263 181 4 891299448 +263 194 5 891298107 +263 196 4 891298164 +263 199 5 891298914 +263 202 4 891299031 +263 204 4 891298854 +263 222 4 891299573 +263 234 4 891298792 +263 250 2 891300103 +263 258 3 891296969 +263 260 2 891297677 +263 271 1 891297276 +263 300 3 891297330 +263 315 4 891296896 +263 316 5 891297416 +263 322 3 891297485 +263 323 1 891297485 +263 357 5 891299573 +263 378 5 891299630 +263 434 4 891299514 +263 435 4 891298914 +263 443 5 891298914 +263 465 4 891299697 +263 480 3 891298453 +263 482 4 891298976 +263 484 4 891298107 +263 496 5 891298218 +263 498 5 891298046 +263 511 5 891299324 +263 515 5 891298592 +263 520 3 891298163 +263 527 5 891299148 +263 543 5 891298727 +263 588 3 891298273 +263 602 4 891298592 +263 622 4 891299949 +263 646 5 891299877 +263 662 4 891299324 +263 690 5 891297209 +263 699 4 891299207 +263 732 5 891299265 +263 879 2 891297416 +263 1020 3 891298337 +263 1126 5 891298391 +264 7 5 886122261 +264 14 4 886122771 +264 19 5 886122952 +264 23 5 886122577 +264 26 4 886123727 +264 47 5 886123472 +264 88 3 886123728 +264 93 5 886123993 +264 98 5 886122098 +264 100 5 886122261 +264 116 4 886122892 +264 123 4 886122952 +264 137 3 886122892 +264 150 5 886122952 +264 156 2 886122577 +264 173 5 886123358 +264 182 5 886122098 +264 184 5 886122447 +264 185 5 886122261 +264 186 5 886123728 +264 192 4 886122099 +264 194 5 886123358 +264 201 5 886122261 +264 202 5 886123596 +264 204 5 886123472 +264 209 5 886123415 +264 211 5 886123472 +264 217 3 886122446 +264 222 5 886122577 +264 234 4 886122261 +264 235 5 886122952 +264 240 4 886124352 +264 269 5 886121456 +264 275 5 886122706 +264 286 2 886121691 +264 288 5 886121631 +264 367 4 886123656 +264 430 5 886123531 +264 447 5 886122352 +264 478 5 886122194 +264 514 5 886123359 +264 517 5 886123358 +264 525 5 886122508 +264 603 5 886122508 +264 637 4 886122446 +264 645 4 886123358 +264 656 4 886122099 +264 675 4 886122352 +264 676 3 886123172 +264 702 4 886123531 +264 742 2 886122578 +264 746 3 886123358 +264 774 2 886122446 +264 789 4 886122644 +264 856 3 886123472 +264 873 3 886121517 +264 1009 4 886124417 +264 1070 4 886123415 +264 1074 4 886123727 +264 1118 4 886123656 +264 1355 4 886124417 +264 1474 2 886123728 +264 1475 2 886123596 +265 1 5 875320247 +265 50 2 875320398 +265 100 5 875320601 +265 107 1 875320398 +265 111 2 875320371 +265 117 5 875320332 +265 237 5 875320462 +265 240 3 875320633 +265 245 4 875320112 +265 273 5 875320714 +265 282 5 875320714 +265 284 4 875320689 +265 288 4 875320024 +265 293 4 875320661 +265 294 4 875320052 +265 298 5 875320633 +265 323 3 875320112 +265 327 3 875320052 +265 628 4 875320516 +265 676 2 875320487 +265 688 2 875320084 +265 748 5 875320112 +265 756 4 875320574 +265 815 3 875320424 +265 975 4 875320601 +265 1016 3 875320462 +265 1197 2 875320542 +266 9 4 892258004 +266 14 4 892258004 +266 25 3 892257940 +266 100 5 892257865 +266 237 3 892257940 +266 245 1 892257446 +266 268 4 892256828 +266 275 5 892257831 +266 276 3 892258004 +266 285 4 892257940 +266 286 4 892256662 +266 289 3 892256967 +266 319 2 892256765 +266 321 3 892256892 +266 325 1 892257419 +266 924 2 892258038 +267 2 3 878972463 +267 5 3 878972399 +267 12 5 878971659 +267 29 3 878973426 +267 31 4 878972119 +267 33 5 878972650 +267 47 5 878972369 +267 53 4 878972842 +267 56 5 878972493 +267 62 3 878973597 +267 64 5 878972193 +267 65 4 878972071 +267 68 4 878972931 +267 69 4 878971659 +267 77 3 878972650 +267 81 4 878972434 +267 82 4 878973675 +267 89 5 878971690 +267 92 4 878971514 +267 98 5 878971989 +267 100 5 878970427 +267 108 4 878971224 +267 124 5 878970473 +267 127 5 878970529 +267 128 5 878972170 +267 135 5 878972463 +267 141 4 878972147 +267 143 4 878973329 +267 144 5 878971463 +267 153 5 878974783 +267 155 3 878973088 +267 156 5 878971599 +267 157 5 878971874 +267 158 4 878973126 +267 159 4 878974659 +267 161 4 878972706 +267 164 3 878972342 +267 169 5 878972614 +267 174 5 878971405 +267 176 5 878971874 +267 179 5 878972314 +267 180 5 878971690 +267 181 5 878974783 +267 182 5 878971773 +267 183 4 878971438 +267 186 5 878972071 +267 188 5 878971745 +267 189 4 878971874 +267 195 4 878972092 +267 198 5 878971745 +267 202 5 878972398 +267 203 5 878972241 +267 206 5 878974783 +267 209 5 878971745 +267 210 4 878972434 +267 217 4 878973760 +267 218 4 878972650 +267 229 4 878972558 +267 230 4 878972493 +267 231 4 878973153 +267 233 4 878972731 +267 235 3 878970578 +267 239 4 878972873 +267 265 5 878972903 +267 293 4 878970785 +267 364 2 878974460 +267 380 2 878973426 +267 385 3 878972873 +267 391 3 878973675 +267 405 3 878970953 +267 408 5 878974783 +267 411 3 878974325 +267 431 4 878973426 +267 455 3 878970578 +267 483 5 878971463 +267 498 5 878971902 +267 515 5 878970710 +267 550 4 878973047 +267 554 3 878972040 +267 566 3 878973047 +267 576 3 878973760 +267 579 3 878973126 +267 614 5 878972015 +267 655 4 878971989 +267 665 4 878973825 +267 679 4 878974509 +267 710 4 878972493 +267 715 4 878972682 +267 720 3 878973946 +267 732 4 878973650 +267 742 3 878970621 +267 774 3 878973701 +267 789 5 878972119 +267 810 3 878973568 +267 826 3 878971266 +267 926 2 878970785 +267 944 3 878973179 +267 959 3 878972524 +267 1028 3 878971143 +267 1035 4 878973971 +267 1090 3 878973854 +267 1110 3 878973329 +267 1145 3 878974608 +267 1185 2 878973995 +267 1240 5 878974783 +267 1336 1 878974659 +268 3 1 875743161 +268 4 4 875309829 +268 10 4 875306691 +268 11 4 875309507 +268 12 4 875310116 +268 13 3 875742647 +268 24 2 876514002 +268 25 3 875742556 +268 27 4 875744136 +268 29 1 875744356 +268 33 3 875310645 +268 37 3 876514002 +268 39 3 875309914 +268 47 1 875310645 +268 50 5 875309719 +268 51 3 875745202 +268 53 3 875744173 +268 56 4 875309998 +268 59 5 875309282 +268 60 5 875309344 +268 61 4 875309282 +268 70 3 875309282 +268 71 3 875309486 +268 72 3 875743831 +268 77 2 875745453 +268 79 3 875309801 +268 80 3 875743909 +268 88 2 875743760 +268 89 4 876513897 +268 92 4 875310745 +268 95 4 875309945 +268 96 5 876513953 +268 100 3 875742316 +268 116 4 875306760 +268 117 4 875742613 +268 120 2 875743282 +268 124 4 875742499 +268 127 4 875309945 +268 128 3 875744199 +268 143 2 875310116 +268 144 4 875744106 +268 151 3 875742470 +268 156 3 875745398 +268 158 2 875743678 +268 159 2 875745350 +268 164 2 875744556 +268 172 5 875310031 +268 173 4 875310031 +268 174 5 875309882 +268 176 5 875309998 +268 178 4 876518557 +268 179 4 875309258 +268 180 3 875309719 +268 184 4 875310524 +268 185 3 875309801 +268 186 3 875310311 +268 188 4 875309859 +268 191 4 875310784 +268 195 4 875309719 +268 200 4 875309459 +268 201 3 875309801 +268 203 5 876513855 +268 204 3 875310311 +268 208 4 875309430 +268 210 3 875310571 +268 218 2 875744469 +268 219 3 875744533 +268 222 4 875742275 +268 223 3 875745728 +268 226 4 875310784 +268 227 4 875310824 +268 229 2 875310784 +268 230 3 875310824 +268 234 4 875309430 +268 235 3 875742556 +268 239 3 875310491 +268 240 2 875742341 +268 241 3 875310603 +268 249 4 875742437 +268 257 4 875742866 +268 259 3 876513675 +268 260 3 876513643 +268 268 5 876513491 +268 273 3 875742470 +268 284 3 875742407 +268 286 5 875306477 +268 288 4 875306477 +268 290 3 875742866 +268 294 3 876513675 +268 324 4 876513708 +268 328 1 876513643 +268 358 3 876513643 +268 363 1 875744228 +268 369 1 875744021 +268 379 1 875744582 +268 380 2 875310704 +268 381 3 875309344 +268 384 3 875743868 +268 388 1 875743979 +268 391 3 876513897 +268 397 2 875744321 +268 399 3 875743656 +268 402 1 875745231 +268 405 2 875742822 +268 407 1 876514002 +268 408 5 875742316 +268 423 2 875309859 +268 435 4 875309859 +268 449 2 875744357 +268 450 1 875745536 +268 452 1 876514002 +268 455 3 875742499 +268 456 2 875743012 +268 466 3 875310571 +268 475 4 875306644 +268 479 4 875310463 +268 480 5 875309430 +268 506 4 875310625 +268 525 4 875309913 +268 541 3 875744357 +268 544 3 875743090 +268 550 2 875310524 +268 559 2 875744556 +268 561 3 876513897 +268 562 4 875744357 +268 574 2 875745579 +268 576 1 875744289 +268 578 2 875744388 +268 579 1 875744021 +268 588 3 875310745 +268 597 2 875743310 +268 622 3 875310145 +268 627 3 875310603 +268 630 4 875542174 +268 636 3 875744174 +268 652 4 875309232 +268 654 5 875309718 +268 655 4 875309486 +268 658 3 875310524 +268 710 3 875309719 +268 713 4 875742365 +268 718 4 875306805 +268 719 1 875744021 +268 727 2 875310116 +268 728 2 875744051 +268 729 3 875310673 +268 738 2 875744021 +268 743 1 875743335 +268 747 3 875310412 +268 765 2 875743979 +268 780 3 875743929 +268 802 3 875744388 +268 831 3 875744357 +268 840 2 875744357 +268 860 1 875744501 +268 940 2 875743888 +268 941 2 875310463 +268 981 1 875743283 +268 1016 3 875742470 +268 1037 2 875745255 +268 1046 3 875745501 +268 1054 1 875744051 +268 1073 4 875309304 +268 1074 3 875744051 +268 1091 2 875744895 +268 1098 3 875743534 +268 1110 3 876514077 +268 1118 3 875310673 +268 1178 1 875743534 +268 1188 3 875743735 +268 1208 2 875745398 +268 1222 2 875744174 +268 1228 1 875744357 +268 1231 2 875744228 +268 1273 2 875745476 +268 1303 1 875744228 +268 1314 2 875744289 +268 1413 2 875744388 +268 1476 2 876513897 +269 3 3 891446722 +269 8 2 891449985 +269 11 3 891448365 +269 17 2 891449670 +269 23 5 891447773 +269 42 5 891449646 +269 48 5 891455816 +269 51 2 891451111 +269 52 4 891447329 +269 53 1 891451111 +269 56 5 891455815 +269 58 2 891447842 +269 59 4 891447141 +269 65 4 891448072 +269 66 1 891451063 +269 68 3 891449751 +269 69 1 891448048 +269 77 1 891451374 +269 81 3 891448323 +269 88 1 891450427 +269 89 2 891448800 +269 96 1 891450755 +269 108 5 891457067 +269 111 1 891446703 +269 121 1 891451013 +269 122 1 891446873 +269 124 5 891446165 +269 132 5 891449145 +269 133 3 891449280 +269 134 4 891448849 +269 135 4 891447931 +269 148 1 891446443 +269 151 5 891450489 +269 154 3 891449189 +269 157 3 891448092 +269 160 2 891448220 +269 162 3 891448141 +269 163 2 891449751 +269 167 1 891451648 +269 170 2 891447216 +269 173 1 891449429 +269 181 2 891448871 +269 182 4 891447961 +269 185 5 891448951 +269 186 2 891449670 +269 187 4 891447841 +269 191 5 891457067 +269 192 4 891447979 +269 196 1 891448283 +269 197 5 891447961 +269 200 4 891449984 +269 202 2 891450405 +269 204 2 891449842 +269 208 2 891449304 +269 212 4 891447002 +269 218 2 891450509 +269 231 1 891451013 +269 232 1 891450817 +269 237 2 891446368 +269 239 2 891448386 +269 241 1 891450405 +269 255 1 891446703 +269 268 5 891446132 +269 274 1 891450901 +269 281 1 891451590 +269 302 3 891446132 +269 315 4 891446132 +269 318 4 891447791 +269 357 5 891447773 +269 365 2 891448738 +269 371 5 891450880 +269 378 3 891449962 +269 393 1 891451036 +269 402 2 891448697 +269 403 1 891448522 +269 410 4 891446662 +269 417 2 891451303 +269 425 5 891448345 +269 428 5 891448980 +269 432 4 891450005 +269 441 1 891450857 +269 445 3 891450385 +269 448 2 891450623 +269 451 1 891450880 +269 462 3 891447216 +269 464 3 891448283 +269 469 4 891448072 +269 476 1 891446703 +269 479 4 891448980 +269 488 4 891448926 +269 496 5 891455816 +269 502 3 891449842 +269 508 4 891446265 +269 509 4 891447280 +269 515 4 891446132 +269 517 4 891449189 +269 518 4 891447815 +269 521 4 891448048 +269 523 5 891447593 +269 528 4 891447593 +269 530 3 891448926 +269 537 5 891455816 +269 582 4 891447234 +269 602 4 891449346 +269 603 5 891448871 +269 604 3 891448895 +269 629 2 891451396 +269 631 4 891447891 +269 632 4 891447931 +269 639 4 891447216 +269 644 5 891447593 +269 647 4 891447815 +269 649 2 891448220 +269 657 4 891449550 +269 659 4 891449406 +269 660 1 891448220 +269 661 4 891447773 +269 663 4 891449880 +269 673 4 891448322 +269 679 1 891449962 +269 697 4 891447931 +269 707 2 891449304 +269 708 4 891448323 +269 710 1 891449843 +269 715 4 891448092 +269 717 1 891456493 +269 723 1 891448643 +269 735 2 891448120 +269 739 1 891451431 +269 747 4 891449646 +269 762 1 891446662 +269 775 1 891451571 +269 778 3 891448547 +269 783 1 891451889 +269 792 4 891448436 +269 806 3 891448019 +269 818 3 891446873 +269 821 1 891450427 +269 823 3 891446514 +269 825 1 891456033 +269 831 2 891451611 +269 928 1 891451754 +269 931 1 891451754 +269 939 2 891448177 +269 940 1 891451908 +269 956 3 891448475 +269 1005 4 891447427 +269 1006 3 891447409 +269 1011 4 891446246 +269 1017 5 892567767 +269 1040 1 891456425 +269 1073 3 891447169 +269 1074 1 891448697 +269 1103 5 891447773 +269 1110 2 891450385 +269 1135 2 891448456 +269 1148 4 891447062 +269 1188 1 891451857 +269 1267 1 891448643 +269 1361 4 891446756 +269 1397 4 891450575 +269 1411 3 891451829 +269 1427 2 891448141 +269 1428 5 891447409 +269 1444 1 891451947 +269 1478 1 891448643 +269 1479 2 891451111 +270 5 5 876956064 +270 7 4 876954004 +270 26 5 876954995 +270 50 5 876954004 +270 56 5 876955976 +270 60 5 876955066 +270 79 4 876955938 +270 86 4 876955067 +270 88 5 876955711 +270 90 5 876955770 +270 93 5 876954522 +270 118 3 876956038 +270 121 4 876954093 +270 123 5 876954223 +270 145 3 876956419 +270 164 5 876956137 +270 183 5 876955938 +270 185 5 876955938 +270 200 5 876956360 +270 213 5 876955067 +270 219 5 876956389 +270 226 4 876956038 +270 234 5 876955976 +270 242 5 876953744 +270 244 3 876954004 +270 250 2 876954223 +270 251 5 876954752 +270 257 4 876954223 +270 265 4 876956137 +270 268 5 876953745 +270 279 5 876954093 +270 283 5 876954456 +270 319 5 876955633 +270 324 2 876954733 +270 335 3 876953900 +270 356 3 876956064 +270 421 5 876955633 +270 443 3 876955976 +270 447 4 876956360 +270 475 5 876954122 +270 531 4 876954945 +270 535 5 876954123 +270 546 4 876954484 +270 554 1 876956264 +270 559 5 876956442 +270 563 3 876956442 +270 566 5 876955939 +270 574 3 876956038 +270 581 5 876955938 +270 582 3 876955087 +270 583 5 876956038 +270 584 5 876955067 +270 603 5 876955868 +270 665 4 876956419 +270 672 5 876956390 +270 694 5 876954927 +270 713 5 876954122 +270 722 4 876955689 +270 727 5 876955563 +270 739 4 876955729 +270 742 2 876954248 +270 794 4 876955689 +270 815 4 876954522 +270 860 5 876956464 +270 869 1 876955633 +270 928 4 876956137 +270 943 5 876956038 +270 1007 5 876954036 +270 1009 5 876954522 +270 1073 5 876955202 +270 1074 5 876955770 +270 1109 5 876955899 +271 2 1 885849386 +271 4 5 885849357 +271 9 4 885847738 +271 12 4 885848314 +271 28 5 885849025 +271 40 1 885849558 +271 43 3 885849817 +271 47 3 885849386 +271 48 4 885849087 +271 51 4 885849386 +271 62 2 885849386 +271 69 4 885848559 +271 73 2 885848707 +271 77 4 885849231 +271 79 4 885848672 +271 81 3 885849113 +271 87 3 885848802 +271 88 4 885849087 +271 89 3 885848518 +271 97 5 885848736 +271 98 5 885848559 +271 100 5 885847738 +271 107 1 885848179 +271 116 2 885847636 +271 118 3 885848132 +271 124 4 886105886 +271 125 3 885848062 +271 126 3 885848034 +271 127 5 885848863 +271 130 1 885848218 +271 131 4 885849419 +271 135 4 885848373 +271 136 3 885848863 +271 137 4 885847636 +271 148 3 886106165 +271 161 2 885849470 +271 168 2 885848343 +271 169 5 885848475 +271 173 4 885848672 +271 174 5 885848314 +271 176 3 885848640 +271 177 3 885848373 +271 178 3 885849087 +271 179 4 885848616 +271 181 5 885848707 +271 182 3 885848408 +271 186 4 885848915 +271 188 2 885849087 +271 190 4 885848707 +271 193 5 885848475 +271 194 5 885848770 +271 196 4 885848886 +271 198 4 885848616 +271 202 4 885849025 +271 203 4 885848448 +271 205 5 885848343 +271 208 4 885848916 +271 210 4 885848447 +271 215 4 885849300 +271 216 5 885848672 +271 218 3 885849087 +271 234 5 885848640 +271 235 3 885848062 +271 238 4 885848408 +271 239 3 885849419 +271 244 2 886106039 +271 257 4 886106038 +271 269 4 885844430 +271 276 3 885847800 +271 277 4 885847714 +271 282 2 885847666 +271 285 4 885847876 +271 286 4 885844610 +271 302 5 885844430 +271 313 4 885844583 +271 315 4 885847170 +271 347 3 885844634 +271 357 5 885848408 +271 371 5 885849188 +271 381 3 885849536 +271 392 3 885848343 +271 393 4 885849648 +271 405 2 885848179 +271 427 5 885848518 +271 428 4 885849188 +271 429 4 885848672 +271 441 3 885849648 +271 443 3 885848943 +271 461 5 885849582 +271 462 4 885848448 +271 466 4 885849490 +271 470 3 885848707 +271 472 2 886106165 +271 474 3 885848518 +271 476 1 885848062 +271 477 3 885847955 +271 479 4 885848615 +271 480 4 885848475 +271 481 3 885848559 +271 487 4 885848770 +271 493 4 885848558 +271 494 4 885848770 +271 495 5 885849052 +271 496 5 885849140 +271 498 5 885848672 +271 499 3 885848971 +271 504 3 885849025 +271 505 4 885848475 +271 506 4 885849052 +271 507 2 885848707 +271 509 4 885848559 +271 511 5 885848736 +271 515 5 885848558 +271 520 5 885848615 +271 521 5 885848373 +271 523 4 885848770 +271 526 5 885849188 +271 527 5 885848736 +271 529 4 885848475 +271 539 1 885847170 +271 546 2 885848102 +271 566 4 885848707 +271 570 3 885849742 +271 580 2 885849386 +271 591 4 885847901 +271 602 3 885848886 +271 603 4 885848802 +271 610 3 885848584 +271 614 4 885848373 +271 625 3 885849606 +271 648 4 885848770 +271 649 3 885849510 +271 651 4 885848584 +271 654 5 885848475 +271 659 3 885848827 +271 660 5 885848971 +271 663 4 885849052 +271 690 4 885844430 +271 692 4 885849582 +271 697 4 885848863 +271 699 4 885849025 +271 703 3 885848559 +271 707 4 885849140 +271 729 4 885848996 +271 735 4 885849140 +271 747 3 885849087 +271 756 2 885848218 +271 763 3 885847876 +271 792 4 885849536 +271 815 3 885848153 +271 845 1 885847800 +271 847 4 885847926 +271 864 3 886106165 +271 924 3 885847974 +271 956 4 885848997 +271 963 5 885848518 +271 1046 4 885849357 +271 1117 3 885847763 +271 1120 2 885847800 +271 1282 2 885847666 +271 1411 2 885849895 +272 23 5 879454725 +272 32 4 879455113 +272 42 4 879454939 +272 50 4 879454900 +272 56 5 879455220 +272 69 4 879455113 +272 79 5 879455015 +272 96 5 879454845 +272 98 4 879454797 +272 133 1 879455143 +272 134 5 879455176 +272 174 5 879455043 +272 175 5 879455043 +272 183 4 879454726 +272 187 5 879455043 +272 193 4 879455254 +272 194 5 879455043 +272 200 5 879455043 +272 204 4 879454939 +272 205 5 879454726 +272 208 4 879455176 +272 210 5 879455220 +272 211 5 879454845 +272 234 4 879455143 +272 238 5 879455143 +272 423 4 879454939 +272 514 5 879455254 +272 604 4 879455113 +272 651 4 879454797 +272 654 5 879454977 +272 746 3 879454797 +273 268 5 891292905 +273 272 4 891292811 +273 286 3 891292761 +273 304 3 891292935 +273 307 2 891292761 +273 313 3 891292873 +273 315 4 891292846 +273 316 4 891293201 +273 338 3 891293304 +273 340 3 891292761 +273 347 4 891293008 +273 896 4 891292873 +274 9 5 878945404 +274 15 5 878945505 +274 69 5 878946644 +274 71 4 878946612 +274 98 5 878946536 +274 100 5 878945404 +274 125 4 878945711 +274 200 4 878946612 +274 211 5 878946612 +274 220 4 878946107 +274 234 5 878946536 +274 237 4 878945678 +274 258 5 878944379 +274 274 4 878945963 +274 276 4 878945437 +274 280 1 878946162 +274 282 5 878945788 +274 300 5 878944464 +274 318 5 878946577 +274 472 3 878945918 +274 591 4 878945466 +274 596 3 878945404 +274 597 3 878946133 +274 628 4 878945505 +274 629 5 878946645 +274 685 5 878945542 +274 744 5 878945678 +274 756 3 878946030 +274 762 5 878945610 +274 846 2 878946204 +274 866 4 878946107 +274 873 3 878944491 +274 877 3 878944543 +274 924 3 878945918 +274 1051 4 878945763 +274 1060 4 878945645 +274 1063 4 878946502 +274 1152 4 878945939 +274 1163 2 878946162 +275 1 4 875154310 +275 22 3 880314528 +275 50 4 876198296 +275 62 3 876198328 +275 71 3 875154535 +275 96 3 880314914 +275 99 3 875154718 +275 121 3 876197678 +275 132 3 880314529 +275 135 3 880314824 +275 154 2 875154878 +275 162 3 880315276 +275 164 4 880313886 +275 169 3 875154535 +275 174 4 875155257 +275 181 4 876197615 +275 188 2 880315243 +275 196 3 880314969 +275 199 4 880315170 +275 210 4 880314320 +275 227 3 876198296 +275 228 4 876198296 +275 229 3 876198296 +275 230 3 876198296 +275 257 3 876197645 +275 294 4 876197443 +275 380 3 876198328 +275 393 3 880314772 +275 408 3 875154438 +275 416 3 880314991 +275 419 3 880314383 +275 420 2 875154535 +275 431 3 880314969 +275 432 4 875154535 +275 434 3 880315396 +275 448 3 880314383 +275 450 3 876198296 +275 470 3 880314772 +275 472 3 876197944 +275 473 3 880313679 +275 515 3 876197552 +275 542 3 880313680 +275 624 3 880313679 +275 625 2 875154655 +275 679 3 880315080 +275 825 2 876197904 +275 826 2 876197904 +275 1219 2 880313679 +276 1 5 874786568 +276 3 3 874786924 +276 7 5 874786517 +276 9 5 889174849 +276 12 5 874787407 +276 17 4 874791894 +276 21 3 874787195 +276 23 5 874787467 +276 24 4 874792366 +276 25 4 874786686 +276 27 3 874787407 +276 28 4 874787441 +276 29 3 874796373 +276 31 4 874795704 +276 33 4 874792018 +276 39 3 874790995 +276 42 4 874791623 +276 44 3 874795637 +276 47 4 874787407 +276 50 5 880913800 +276 51 3 874791025 +276 53 4 883822485 +276 55 4 874792366 +276 62 2 874792574 +276 65 4 874787467 +276 67 3 874791993 +276 71 4 874792870 +276 72 4 874791960 +276 73 3 874791805 +276 79 4 874792436 +276 80 3 874792237 +276 82 4 874792402 +276 84 2 877934232 +276 86 3 874791101 +276 88 3 874791960 +276 89 5 874792366 +276 92 4 888873675 +276 95 5 874792839 +276 96 5 874792435 +276 97 3 874787549 +276 98 5 874792663 +276 99 4 874792907 +276 100 5 874786605 +276 108 3 874786924 +276 109 4 874786686 +276 120 2 874787172 +276 122 3 874787150 +276 123 4 874786657 +276 128 4 874792436 +276 143 5 874792870 +276 144 5 874792401 +276 148 3 874786924 +276 150 4 874786924 +276 151 5 874786568 +276 153 4 874791667 +276 158 3 874791932 +276 159 3 874795637 +276 160 4 874787441 +276 161 3 874792483 +276 172 5 874792435 +276 173 5 874791993 +276 174 5 874792366 +276 175 5 874787376 +276 179 5 874791102 +276 182 5 874787549 +276 183 5 874792402 +276 184 4 874792547 +276 185 4 874792663 +276 187 5 874791102 +276 189 4 874977555 +276 192 5 874787353 +276 193 4 874790952 +276 195 5 874792483 +276 197 5 874787549 +276 200 5 874792663 +276 201 5 889174849 +276 202 4 874791871 +276 215 4 874791145 +276 217 4 874792692 +276 218 4 874792663 +276 219 4 874792692 +276 222 4 880913800 +276 225 3 874786854 +276 233 3 874792436 +276 235 4 874786734 +276 237 5 874786756 +276 239 4 874791194 +276 240 4 874786713 +276 241 4 874792402 +276 245 3 877935446 +276 248 4 882659269 +276 252 3 874787006 +276 254 2 874796373 +276 257 4 874786657 +276 258 5 874786337 +276 260 3 874786439 +276 264 3 892436418 +276 269 4 885871420 +276 271 4 880913800 +276 274 3 874791960 +276 281 3 874787065 +276 284 4 874786605 +276 289 2 890979634 +276 293 4 874786686 +276 298 5 874786467 +276 300 4 874786338 +276 303 4 892436271 +276 313 5 885159577 +276 316 4 892436314 +276 323 3 874786392 +276 325 3 874786419 +276 328 4 874786366 +276 331 4 890979062 +276 332 4 877933879 +276 334 4 877935456 +276 343 4 881563147 +276 346 4 885159545 +276 354 4 888873388 +276 355 3 887601451 +276 356 3 874791101 +276 358 3 874786419 +276 365 3 874791339 +276 367 3 874791667 +276 373 2 874977513 +276 375 1 874791339 +276 380 3 874791383 +276 382 4 874791236 +276 385 4 874792547 +276 387 3 874787526 +276 388 2 874792094 +276 391 2 874977442 +276 392 3 874790996 +276 393 4 874792094 +276 395 2 877935377 +276 396 4 874792118 +276 397 1 874792601 +276 399 2 874792634 +276 402 3 874791407 +276 405 3 874787044 +276 407 2 874792310 +276 410 4 874786686 +276 411 4 874786807 +276 413 3 877934705 +276 415 3 874793062 +276 421 4 874795500 +276 425 4 874791101 +276 426 3 874793092 +276 428 4 874791870 +276 431 3 874977474 +276 433 4 874791960 +276 443 4 874792692 +276 447 4 874792663 +276 451 3 874792216 +276 452 3 880913767 +276 453 1 880913767 +276 455 4 874786713 +276 458 4 874786854 +276 461 4 874787526 +276 462 4 874795868 +276 469 4 874787441 +276 472 3 874787109 +276 473 4 874786831 +276 475 5 874786756 +276 479 5 874836703 +276 501 4 874793035 +276 508 5 874786467 +276 518 4 888873407 +276 523 4 874787496 +276 526 4 874791123 +276 531 4 874790801 +276 540 1 874792519 +276 541 3 874792520 +276 546 3 874786568 +276 552 3 874795795 +276 554 2 874795823 +276 558 4 874787526 +276 567 3 874792794 +276 572 3 874795823 +276 575 2 874792310 +276 582 3 874787407 +276 586 3 874977512 +276 590 2 874977334 +276 591 3 874786632 +276 603 5 874795613 +276 624 2 874792969 +276 627 3 874792907 +276 634 4 874795888 +276 636 4 874792483 +276 647 4 874790903 +276 653 5 874795729 +276 655 4 874791297 +276 658 4 874791194 +276 678 3 874786419 +276 679 3 874792520 +276 685 4 874786784 +276 691 4 888873488 +276 692 4 874791960 +276 696 2 874786632 +276 709 4 874792018 +276 710 4 889174849 +276 715 3 874791194 +276 720 2 874791464 +276 721 3 874791871 +276 725 2 877935392 +276 728 2 874792277 +276 734 1 877935262 +276 735 4 874791214 +276 739 2 874795538 +276 750 4 882659186 +276 755 3 874792870 +276 759 1 874796412 +276 763 3 874787214 +276 765 3 877935335 +276 768 3 874793118 +276 769 1 874977334 +276 771 2 874795795 +276 772 4 874790826 +276 783 1 874792143 +276 790 3 877935306 +276 794 2 874793198 +276 797 3 877934643 +276 800 3 874792745 +276 802 3 874792634 +276 807 2 874795574 +276 820 3 874793062 +276 823 3 874786807 +276 825 3 874787006 +276 844 4 877934677 +276 871 2 874836608 +276 881 3 885537717 +276 890 3 880913460 +276 902 4 890979199 +276 915 4 892436368 +276 916 4 892436298 +276 919 4 874786467 +276 928 3 874836629 +276 931 2 874836682 +276 942 4 889174904 +276 943 4 883822485 +276 949 3 874836725 +276 951 3 874792969 +276 959 4 874791695 +276 974 2 874786945 +276 975 3 874836629 +276 993 3 874787065 +276 1000 2 877935262 +276 1006 3 874787353 +276 1010 3 874786784 +276 1011 3 874836682 +276 1016 3 874786713 +276 1019 5 883822485 +276 1028 3 874787044 +276 1031 2 874793035 +276 1036 2 889174870 +276 1042 1 874795823 +276 1046 3 874795772 +276 1047 3 889174658 +276 1052 2 889174870 +276 1056 4 874796201 +276 1074 3 877934446 +276 1079 2 874787300 +276 1083 3 877934891 +276 1090 1 874795795 +276 1098 4 880913684 +276 1109 3 882659656 +276 1118 4 874791830 +276 1140 2 874791894 +276 1141 3 874790773 +276 1145 2 874977115 +276 1170 4 877934392 +276 1194 3 874790875 +276 1199 4 888873674 +276 1208 3 882659656 +276 1213 1 874791407 +276 1221 3 890979470 +276 1232 3 874791488 +276 1244 3 874836608 +276 1245 3 874787091 +276 1267 4 874791102 +276 1273 2 874795823 +276 1301 4 885871474 +276 1407 1 874977513 +276 1413 1 874977513 +276 1481 2 877934446 +276 1482 4 874791383 +276 1483 3 892436354 +277 1 4 879544145 +277 7 2 879543377 +277 50 3 879543652 +277 100 4 879543421 +277 111 4 879543487 +277 124 3 879543421 +277 137 3 879543336 +277 147 4 879543822 +277 221 4 879544146 +277 237 4 879544145 +277 258 4 879544145 +277 276 4 879543454 +277 278 1 879543879 +277 284 4 879543972 +277 293 4 879544145 +277 471 3 879543377 +277 472 1 879544058 +277 473 2 879543879 +277 508 4 879543487 +277 619 4 879543801 +277 742 4 879543845 +277 762 3 879543931 +277 844 4 879543528 +277 925 4 879543592 +277 1008 3 879543621 +277 1012 3 879543454 +277 1129 3 879543421 +277 1283 2 879543592 +278 245 3 891295230 +278 258 3 891295099 +278 286 5 891295044 +278 288 5 891295230 +278 302 3 891294959 +278 313 5 891294932 +278 315 4 891294932 +278 515 5 891295330 +278 538 4 891295164 +278 752 5 891295164 +278 882 3 891295007 +278 923 5 891295330 +279 2 4 875313311 +279 7 5 891209102 +279 10 4 875295838 +279 12 2 875306515 +279 16 4 875296792 +279 17 4 875306552 +279 21 3 875297456 +279 22 1 875296374 +279 27 5 875313015 +279 28 2 875296461 +279 29 2 879573041 +279 30 2 877756984 +279 31 3 875309667 +279 32 3 875298696 +279 33 4 875308510 +279 41 2 875313646 +279 44 1 875313514 +279 47 4 875296375 +279 56 4 875306515 +279 60 4 875310263 +279 61 4 875306552 +279 62 3 875310303 +279 64 1 875308510 +279 70 1 875309141 +279 71 3 890780576 +279 81 4 875732652 +279 83 5 878082781 +279 87 1 875306613 +279 94 3 892865054 +279 95 3 875309950 +279 99 3 890451347 +279 100 4 875249259 +279 109 5 880869018 +279 124 3 878261977 +279 128 5 875296461 +279 129 1 884986081 +279 130 1 892864707 +279 131 1 886020902 +279 132 3 875308670 +279 137 4 886014686 +279 139 3 890780864 +279 146 1 875297281 +279 150 3 886019867 +279 151 4 875249259 +279 152 5 882146492 +279 153 5 891209077 +279 156 4 875306580 +279 158 3 875313351 +279 165 4 875310233 +279 166 4 879572893 +279 169 5 875306910 +279 170 3 875312643 +279 172 2 878082751 +279 176 3 875310606 +279 180 2 875308670 +279 181 3 875298494 +279 186 5 875309482 +279 189 5 878082781 +279 190 3 875307407 +279 191 3 875734031 +279 193 2 875307407 +279 198 3 882456211 +279 203 2 875310676 +279 204 3 878082751 +279 210 4 878261893 +279 211 4 875309616 +279 219 2 875736276 +279 222 1 875295943 +279 229 4 889326161 +279 230 4 892865054 +279 231 2 879573060 +279 234 2 875654542 +279 239 4 875310418 +279 242 3 877756647 +279 257 5 875295736 +279 259 3 883546906 +279 269 4 892865492 +279 274 3 875296792 +279 283 3 875296652 +279 284 1 886015853 +279 288 3 875249102 +279 291 3 878878420 +279 294 2 875249117 +279 301 4 878082781 +279 321 5 875249102 +279 342 4 881375917 +279 364 4 891209077 +279 367 3 875309861 +279 372 4 875310117 +279 373 4 875659844 +279 374 1 888806649 +279 375 1 884556678 +279 379 3 875314386 +279 380 4 889326161 +279 385 4 875309351 +279 388 3 875659844 +279 395 4 875659329 +279 396 3 875314231 +279 398 4 875310764 +279 401 5 875310730 +279 403 1 879573060 +279 407 4 875297479 +279 410 5 890780547 +279 413 4 889151529 +279 421 3 892864867 +279 425 4 875306430 +279 428 1 875307379 +279 429 4 875306910 +279 431 4 875310303 +279 436 4 891209332 +279 444 3 875659746 +279 449 3 875312378 +279 450 4 889326161 +279 451 1 888465592 +279 455 5 877236424 +279 456 3 875296924 +279 461 3 875306820 +279 462 3 875309911 +279 470 3 878262194 +279 474 5 892173363 +279 480 3 875309189 +279 482 4 875306613 +279 486 4 875310041 +279 502 5 875310263 +279 514 4 875307210 +279 515 3 875295943 +279 517 4 879572893 +279 529 3 875308843 +279 532 1 875298597 +279 544 1 890451433 +279 546 3 875296924 +279 547 1 875295812 +279 550 4 880850073 +279 554 1 875314231 +279 558 4 875307210 +279 566 4 875313387 +279 576 3 875312441 +279 591 2 875297381 +279 594 1 891209021 +279 597 5 875297456 +279 624 4 875734996 +279 625 3 878261977 +279 630 4 875313351 +279 636 5 875313387 +279 644 1 875306552 +279 649 3 875312719 +279 659 5 877756699 +279 660 4 875313473 +279 663 3 875310394 +279 666 2 890451373 +279 671 2 875296238 +279 679 4 884556545 +279 684 3 880825843 +279 687 4 878793072 +279 710 4 890451408 +279 712 5 875312339 +279 713 3 886015169 +279 728 4 875314287 +279 744 2 892864943 +279 751 4 882593314 +279 759 4 875313616 +279 760 3 875297522 +279 763 3 875297522 +279 764 3 888425981 +279 778 4 891209332 +279 779 3 878262194 +279 781 3 875314001 +279 797 4 875744512 +279 802 4 875313600 +279 805 3 879573022 +279 809 3 891208945 +279 823 3 875297456 +279 824 4 875297456 +279 826 4 875297456 +279 833 4 875297410 +279 843 4 875314313 +279 845 1 888426577 +279 854 1 875306613 +279 862 5 875313646 +279 864 5 875296829 +279 869 1 892176473 +279 890 3 882146458 +279 901 4 883893835 +279 922 3 890451433 +279 926 4 875296696 +279 932 3 892174381 +279 945 5 879647064 +279 946 3 875313032 +279 948 3 891209078 +279 969 3 875308799 +279 971 4 875314231 +279 976 3 877756631 +279 977 4 875297281 +279 978 1 889231898 +279 990 1 875249134 +279 1001 4 882160106 +279 1012 5 875298447 +279 1025 2 880825843 +279 1027 4 891208908 +279 1028 4 875296104 +279 1030 4 875659761 +279 1034 4 875297381 +279 1037 1 888806543 +279 1039 4 881731303 +279 1059 4 891209332 +279 1070 3 875309760 +279 1072 4 890780735 +279 1087 2 891209189 +279 1088 4 877756804 +279 1121 4 875310101 +279 1132 1 892864828 +279 1170 1 891209102 +279 1178 4 875744641 +279 1185 1 888805868 +279 1195 1 875312339 +279 1205 3 888461244 +279 1206 5 884986688 +279 1215 2 884556545 +279 1224 3 878082804 +279 1242 1 888797284 +279 1244 3 875298652 +279 1250 1 888466349 +279 1266 1 875308843 +279 1274 3 875314001 +279 1288 4 891209077 +279 1305 4 875313406 +279 1321 4 888806671 +279 1361 3 878261977 +279 1402 1 888462243 +279 1435 3 892174339 +279 1437 3 892173418 +279 1444 3 875313351 +279 1480 3 875314370 +279 1481 4 875313925 +279 1485 4 878262195 +279 1486 1 875314076 +279 1488 4 875659924 +279 1490 4 875312947 +279 1491 5 890451408 +279 1494 1 889232401 +279 1496 3 875298419 +279 1499 4 890451408 +280 2 3 891701278 +280 3 2 891702406 +280 8 5 891700303 +280 9 5 891700664 +280 12 5 891700803 +280 13 5 891700257 +280 22 5 891700552 +280 29 3 891701852 +280 31 4 891701344 +280 33 3 891700715 +280 56 5 891702544 +280 58 4 891700514 +280 66 5 891701148 +280 67 4 891701785 +280 68 3 891701066 +280 70 4 891700366 +280 71 4 891700818 +280 72 4 891702276 +280 76 2 891700699 +280 77 3 891702086 +280 79 4 891700453 +280 80 3 891701998 +280 88 3 891701556 +280 90 4 891701530 +280 94 2 891702028 +280 98 5 891700208 +280 103 3 891702122 +280 111 4 891700983 +280 112 3 891702485 +280 118 2 891701027 +280 126 3 891700643 +280 140 4 891701223 +280 142 4 891701747 +280 155 5 891702544 +280 156 4 891700643 +280 158 2 891701764 +280 161 4 891701249 +280 162 3 891701431 +280 167 4 891701631 +280 172 3 891700768 +280 173 3 891700453 +280 174 3 891700588 +280 176 3 891700426 +280 182 3 891700276 +280 183 3 891700588 +280 197 2 891700836 +280 200 5 891702544 +280 203 4 891701530 +280 215 3 891701723 +280 216 5 891701685 +280 217 3 891701832 +280 218 4 891701474 +280 219 2 891702199 +280 220 5 891700426 +280 222 3 891700624 +280 226 3 891701998 +280 228 3 891701405 +280 229 3 891702171 +280 232 3 891701649 +280 233 4 891702049 +280 235 5 891701649 +280 239 3 891701344 +280 241 2 891700945 +280 245 3 891700185 +280 276 5 891700664 +280 284 3 891701090 +280 294 2 891700021 +280 313 3 891699839 +280 315 5 891700184 +280 318 5 891700607 +280 324 5 891700185 +280 364 3 891702291 +280 367 5 891701002 +280 379 5 891702171 +280 380 2 891700226 +280 384 4 891702137 +280 385 5 891702544 +280 388 2 891702486 +280 389 5 891701913 +280 392 5 891701328 +280 393 4 891702323 +280 402 4 891701249 +280 403 3 891701506 +280 405 2 891700963 +280 409 3 891702441 +280 411 3 891701871 +280 416 5 891701666 +280 423 5 891700276 +280 451 5 891701377 +280 452 2 891702387 +280 471 3 891700553 +280 486 5 891700751 +280 496 5 891700321 +280 507 3 891700682 +280 527 5 891700768 +280 528 3 891700553 +280 546 4 891702252 +280 550 2 891701764 +280 575 2 891702422 +280 584 4 891701223 +280 585 3 891702441 +280 588 5 891700803 +280 595 3 891701666 +280 609 4 891701278 +280 619 4 891701913 +280 660 5 891701114 +280 670 2 891702485 +280 673 4 891701223 +280 678 2 891700124 +280 697 5 891701506 +280 699 4 891700341 +280 725 3 891702387 +280 728 3 891701614 +280 729 2 891700963 +280 731 3 891702049 +280 739 3 891701359 +280 742 4 891701249 +280 746 4 891701148 +280 748 2 891700080 +280 750 5 891700185 +280 751 3 891699925 +280 755 2 891701278 +280 764 4 891701685 +280 765 4 891701816 +280 769 3 891702441 +280 771 3 891702122 +280 866 3 891701997 +280 925 4 891701723 +280 928 5 891700850 +280 946 4 891701027 +280 1035 4 891701785 +280 1041 5 891702544 +280 1048 4 891701002 +280 1051 4 891700904 +280 1063 3 891700607 +280 1066 4 891701928 +280 1099 5 891701114 +280 1112 4 891702324 +280 1114 4 891702199 +280 1133 3 891700242 +280 1182 3 891702214 +280 1207 4 891701998 +280 1217 5 891702544 +280 1221 5 891701944 +280 1297 4 891702230 +280 1466 5 891700836 +280 1473 3 891700904 +281 259 3 881200789 +281 271 5 881200457 +281 288 4 881200264 +281 289 3 881200704 +281 294 3 881200643 +281 300 4 881200643 +281 301 3 881200643 +281 304 5 881200745 +281 308 1 881200297 +281 310 4 881200264 +281 323 3 881200789 +281 326 1 881200491 +281 331 3 881200491 +281 333 3 881200457 +281 342 1 881200789 +281 690 5 881200264 +281 748 5 881200745 +282 262 4 879949417 +282 268 4 879949438 +282 300 3 879949438 +282 319 4 879949394 +282 333 3 879949394 +282 340 3 879949394 +282 343 4 881702939 +282 358 3 879949594 +282 689 2 881703044 +282 890 4 879949468 +283 21 3 879297867 +283 49 4 879298333 +283 56 5 879298206 +283 71 4 879297965 +283 91 5 879297965 +283 100 4 879297160 +283 109 4 879297237 +283 151 4 879297318 +283 168 5 879298206 +283 173 5 879298206 +283 175 4 879298270 +283 202 5 879298206 +283 204 4 879298239 +283 208 5 879298239 +283 211 4 879298271 +283 291 2 879297867 +283 294 4 879297013 +283 393 4 879298295 +283 409 4 879297442 +283 412 5 879297526 +283 433 4 879298333 +283 435 5 879298206 +283 625 3 879298007 +283 732 4 879298239 +283 820 4 879297904 +283 866 3 879297867 +283 1009 3 879297867 +283 1079 4 879297526 +284 262 4 885328836 +284 268 5 885329065 +284 270 3 885328906 +284 272 5 885328727 +284 289 3 885329671 +284 301 5 885329593 +284 302 4 885328906 +284 303 5 885328991 +284 306 4 885329146 +284 307 4 885329322 +284 310 3 885328991 +284 315 5 885329593 +284 319 3 885329238 +284 333 3 885329146 +284 334 3 885329468 +284 345 4 885328728 +284 347 5 885328727 +284 539 2 885329821 +284 687 3 885329902 +284 690 3 885329468 +284 748 3 885329671 +284 750 3 885328906 +284 751 3 885329322 +284 754 3 885329065 +284 877 2 885329395 +284 900 4 885328991 +284 903 4 885329238 +284 938 3 885329821 +285 64 3 890595777 +285 100 4 890595636 +285 183 4 890595859 +285 185 3 890595859 +285 194 4 890595777 +285 198 5 890595900 +285 205 4 890595900 +285 222 4 890595636 +285 258 2 890595408 +285 270 4 890595456 +285 286 3 890595584 +285 300 4 890595584 +285 302 5 890595313 +285 319 3 890595523 +285 346 4 890595456 +285 357 5 890595777 +286 3 2 876522316 +286 4 5 877531899 +286 14 4 875807003 +286 16 3 876521809 +286 17 4 877531537 +286 22 4 877532889 +286 40 4 877534824 +286 41 2 877535323 +286 42 4 877533698 +286 47 4 877532419 +286 70 5 877531975 +286 72 4 877534025 +286 81 3 889652601 +286 82 3 889651605 +286 90 4 877533224 +286 95 5 877531407 +286 97 4 877533101 +286 101 5 877532204 +286 111 5 876521858 +286 116 5 875806888 +286 117 2 876521650 +286 121 3 876522166 +286 123 5 876521586 +286 125 4 876521650 +286 132 5 877531791 +286 137 4 884203281 +286 139 3 889653012 +286 144 3 877531434 +286 147 5 876522114 +286 169 3 877533101 +286 172 4 889651549 +286 173 4 877531407 +286 174 4 877531537 +286 176 4 878142001 +286 179 5 889651822 +286 181 3 875807043 +286 183 4 877531864 +286 184 3 877534506 +286 186 5 877534903 +286 189 3 877533296 +286 198 4 877533887 +286 202 4 877532204 +286 204 3 877531941 +286 209 4 877531691 +286 210 5 877535208 +286 211 4 879781579 +286 212 1 877531830 +286 215 3 889651630 +286 216 4 877532013 +286 217 3 877533447 +286 224 5 889651549 +286 232 4 877534701 +286 235 4 875807003 +286 240 3 876521858 +286 250 4 876521887 +286 251 5 876521678 +286 257 3 875806837 +286 274 2 876521917 +286 278 5 876521700 +286 280 4 876522097 +286 285 1 879781450 +286 301 5 879780879 +286 312 4 884069415 +286 315 5 889651138 +286 316 5 889651121 +286 330 5 884069544 +286 336 5 884069544 +286 339 5 884583549 +286 340 4 879780905 +286 345 4 884069337 +286 348 4 889651179 +286 367 5 877531574 +286 372 4 877532683 +286 381 5 877532965 +286 382 5 877531830 +286 386 3 877534975 +286 390 1 889652378 +286 394 5 877534771 +286 396 4 877534414 +286 401 1 877535446 +286 402 3 877534216 +286 403 5 877533543 +286 408 4 875806800 +286 411 2 876522133 +286 413 3 877531226 +286 417 3 877533993 +286 428 5 877532303 +286 431 5 889651822 +286 433 5 877531537 +286 451 5 877533993 +286 455 1 889652378 +286 461 2 877532930 +286 462 5 877531537 +286 473 3 875806918 +286 475 4 875807074 +286 476 4 876521993 +286 483 5 877531661 +286 527 4 877531407 +286 535 5 875806918 +286 537 4 889651402 +286 552 3 877535072 +286 569 4 877534313 +286 588 5 877532131 +286 597 3 876522360 +286 629 5 877531661 +286 652 4 877531899 +286 658 5 877533543 +286 703 2 889651672 +286 707 5 877531975 +286 724 3 877532013 +286 728 3 889652740 +286 734 2 877534618 +286 737 4 877532419 +286 739 3 877532683 +286 741 4 876521887 +286 742 5 877530860 +286 747 4 877533796 +286 749 3 889651060 +286 761 4 877533640 +286 762 2 876522008 +286 763 2 876521809 +286 768 3 889652968 +286 781 4 877532777 +286 800 5 877534528 +286 805 3 878141931 +286 818 2 877531281 +286 819 3 876521835 +286 821 4 877534550 +286 856 2 877533698 +286 883 5 884069544 +286 884 5 884069544 +286 888 5 884583549 +286 906 5 884069544 +286 924 4 876521773 +286 929 4 876522098 +286 930 2 876522240 +286 931 4 876522340 +286 934 3 889653107 +286 946 3 889652221 +286 955 5 877533914 +286 969 5 878142001 +286 988 3 875806722 +286 1038 5 884583549 +286 1051 4 876522261 +286 1053 4 877532093 +286 1060 5 889652989 +286 1074 4 889652912 +286 1075 5 877532385 +286 1079 3 876522240 +286 1101 5 877532715 +286 1105 5 884583549 +286 1119 3 877534054 +286 1133 4 877534137 +286 1239 3 877535344 +286 1280 5 884069544 +286 1288 4 876522114 +286 1375 5 889651445 +286 1502 2 877535499 +287 4 4 875336652 +287 9 5 875334089 +287 50 5 875334271 +287 64 5 875336775 +287 100 5 888177364 +287 108 4 875334519 +287 121 4 875334494 +287 168 5 875335190 +287 181 3 875333964 +287 200 4 875335237 +287 222 5 875334224 +287 235 4 875334248 +287 237 5 875334151 +287 246 4 875333964 +287 313 4 888177170 +287 426 3 875336743 +287 476 1 875334340 +287 546 4 875334271 +287 652 4 875335018 +287 682 4 888177213 +287 710 4 875334807 +287 742 3 875334196 +287 815 3 875334248 +287 845 5 875334587 +287 895 2 888177213 +287 941 3 875335424 +287 952 4 875334036 +287 1067 2 875334036 +288 22 5 886374286 +288 98 5 886373474 +288 100 5 886629749 +288 121 2 886893063 +288 134 2 886374129 +288 136 5 886374316 +288 173 3 886373474 +288 174 4 886374286 +288 175 1 886629664 +288 176 4 886373565 +288 180 5 886373474 +288 190 1 886374286 +288 197 5 889225574 +288 199 4 886629592 +288 205 5 889225443 +288 210 3 886373509 +288 211 5 886374473 +288 214 2 886374316 +288 216 4 886629592 +288 223 3 886374497 +288 234 4 886374473 +288 258 4 886372882 +288 268 4 886372812 +288 269 5 886373071 +288 286 4 886372862 +288 289 3 886372937 +288 294 2 886372841 +288 327 1 886373007 +288 345 5 886372155 +288 346 5 886372155 +288 427 5 886374342 +288 435 4 889225633 +288 511 4 886373509 +288 515 4 886373591 +288 520 5 886374497 +288 528 4 886374286 +288 544 5 886892241 +288 632 4 886373591 +288 651 4 886374342 +288 688 1 886373007 +288 880 1 886373007 +288 1065 4 886373474 +288 1358 5 886892241 +289 15 3 876789581 +289 21 1 876790499 +289 109 3 876789628 +289 117 4 876789514 +289 121 3 876789736 +289 125 2 876789373 +289 151 2 876790499 +289 222 2 876789463 +289 254 1 876790734 +289 363 3 876790653 +289 455 4 876790464 +289 477 2 876790323 +289 742 4 876789463 +290 1 5 880474327 +290 15 4 880474494 +290 28 5 880474235 +290 31 4 880475032 +290 49 3 880475542 +290 62 2 880473583 +290 64 4 880474034 +290 66 4 880731963 +290 69 4 880473696 +290 89 3 880473971 +290 95 4 880474590 +290 97 3 880475016 +290 99 4 880473918 +290 102 3 880475585 +290 109 3 880475564 +290 117 3 880474799 +290 120 4 880732712 +290 121 4 880475266 +290 125 3 880475245 +290 135 4 880474510 +290 136 4 880474367 +290 139 2 880475420 +290 141 4 880474740 +290 151 2 880474835 +290 167 2 880475807 +290 168 3 880474204 +290 174 5 880473891 +290 176 4 880473971 +290 180 1 880474913 +290 181 5 880473696 +290 183 4 880474054 +290 191 3 880474235 +290 199 3 880474799 +290 211 3 880474235 +290 228 4 880473556 +290 229 3 880473557 +290 230 4 880473557 +290 234 3 880474451 +290 235 3 880474451 +290 252 3 880732575 +290 257 4 880731518 +290 265 4 880475371 +290 271 3 880473557 +290 318 4 880473776 +290 323 3 880473346 +290 357 3 880474107 +290 378 3 880475169 +290 385 4 880474716 +290 402 4 880474422 +290 403 2 880475542 +290 405 2 880732365 +290 419 4 880474235 +290 434 4 880474422 +290 435 3 880473802 +290 465 3 880474799 +290 472 4 880475495 +290 483 5 880473845 +290 484 3 880474174 +290 496 4 880474156 +290 527 4 880474590 +290 566 3 880474388 +290 596 4 880474141 +290 629 3 880474716 +290 650 2 880475625 +290 651 3 880474034 +290 683 2 880473415 +290 692 5 880474293 +290 720 3 880475695 +290 732 4 880473777 +290 809 4 880475664 +290 825 3 880732508 +290 926 3 880732538 +290 930 3 880732131 +290 993 4 880473630 +290 1035 4 880475782 +290 1047 4 880475757 +290 1060 3 880732271 +290 1079 2 880732771 +290 1285 3 880475565 +291 1 5 874834481 +291 3 3 874833936 +291 5 5 874834799 +291 8 4 874871766 +291 9 5 874805804 +291 11 4 874835024 +291 12 5 874834701 +291 21 2 874834389 +291 22 5 874835062 +291 27 3 874835024 +291 31 4 874834768 +291 33 4 874834850 +291 38 3 874834914 +291 50 5 874805860 +291 55 4 874834735 +291 64 5 874867994 +291 67 4 875086308 +291 69 5 874868146 +291 71 4 875086887 +291 79 5 874834799 +291 82 4 874835116 +291 84 3 874868327 +291 85 2 874877699 +291 90 5 874871800 +291 93 4 874805927 +291 94 2 875086354 +291 95 4 875086921 +291 96 4 874835062 +291 97 4 875087264 +291 98 5 874834701 +291 100 5 874834481 +291 117 5 874834481 +291 121 2 874805984 +291 123 4 874806006 +291 124 5 874834481 +291 125 4 874834019 +291 128 4 874835062 +291 129 5 874805699 +291 140 4 875086887 +291 151 5 874833668 +291 153 4 874871736 +291 158 2 875086208 +291 164 4 874834875 +291 172 5 874835062 +291 173 5 874871800 +291 184 4 874835198 +291 195 4 874835165 +291 200 4 874867740 +291 202 4 874871736 +291 204 4 874871736 +291 210 5 875086491 +291 212 4 874868027 +291 215 4 874868382 +291 219 4 874867785 +291 223 5 874867912 +291 231 3 874835024 +291 232 4 874835198 +291 234 4 874834735 +291 235 2 874805860 +291 236 4 874834128 +291 238 5 874871736 +291 240 4 874833726 +291 245 2 874805577 +291 246 5 874834481 +291 249 4 874805893 +291 262 4 874833603 +291 282 4 874833788 +291 285 4 874833746 +291 288 5 874805453 +291 290 4 874834001 +291 291 5 874834054 +291 293 5 874833668 +291 325 4 874805610 +291 364 3 875086699 +291 367 4 874871800 +291 369 3 874834388 +291 391 1 874835242 +291 393 3 875086235 +291 402 4 874871498 +291 403 4 874835165 +291 404 4 875086958 +291 405 4 874805984 +291 411 4 874834220 +291 412 3 875086669 +291 413 4 874834054 +291 416 4 875087100 +291 417 4 875086958 +291 420 4 875086991 +291 423 4 874868210 +291 427 4 874868304 +291 448 5 874867741 +291 456 3 874834165 +291 469 5 874867912 +291 475 5 874805699 +291 508 5 874805892 +291 546 3 874805958 +291 550 4 874835218 +291 562 4 874835242 +291 563 3 874867824 +291 565 2 874867852 +291 566 4 874834799 +291 568 4 874835141 +291 569 3 874868580 +291 573 4 874834944 +291 575 2 875086699 +291 576 4 874835198 +291 577 1 875086669 +291 581 5 874834827 +291 582 4 875087720 +291 592 3 874834895 +291 597 3 874833857 +291 631 5 874871479 +291 636 4 874834799 +291 655 4 874868629 +291 670 5 874867785 +291 685 5 874834254 +291 706 3 874867785 +291 717 3 874834388 +291 722 4 875086460 +291 735 4 874868027 +291 739 3 875087334 +291 742 3 874805927 +291 747 4 875087290 +291 756 3 874833878 +291 760 2 874834037 +291 761 3 874834914 +291 763 4 874833841 +291 772 4 874868169 +291 773 3 874834827 +291 774 3 874867852 +291 780 5 875086636 +291 783 2 875087432 +291 785 4 875086308 +291 798 4 874871655 +291 800 2 874834944 +291 801 3 875086766 +291 820 4 875087125 +291 823 3 874833936 +291 825 4 874833983 +291 829 2 874834308 +291 833 3 874834236 +291 844 5 874805804 +291 924 4 874833962 +291 928 2 874834389 +291 933 4 874833936 +291 939 4 874834768 +291 940 3 875086608 +291 941 4 874868284 +291 943 4 874834735 +291 946 4 875086887 +291 974 1 874833962 +291 975 2 874834146 +291 977 2 874834071 +291 985 3 874805984 +291 998 1 875086728 +291 1012 4 874805892 +291 1047 2 874834165 +291 1059 4 874834345 +291 1067 4 874805892 +291 1073 5 874834701 +291 1077 4 874834963 +291 1079 2 875086608 +291 1090 2 875087634 +291 1209 1 875086308 +291 1217 3 874834850 +291 1220 5 874868382 +291 1229 2 874868027 +291 1248 4 875087634 +291 1277 4 874834019 +291 1303 3 874835279 +291 1305 3 875086766 +291 1478 2 874871585 +291 1489 2 875086766 +292 1 4 881104147 +292 2 4 881105778 +292 7 3 881104068 +292 20 2 881104760 +292 24 4 881104481 +292 48 5 881105318 +292 50 4 881103977 +292 58 5 881105442 +292 64 5 881105373 +292 96 4 881103568 +292 98 5 881103758 +292 115 4 881104194 +292 117 4 881104606 +292 150 4 881105135 +292 153 4 881105587 +292 156 5 881105516 +292 165 4 881105657 +292 169 5 881105625 +292 180 5 881103652 +292 181 4 881104068 +292 193 4 881105734 +292 197 5 881105246 +292 199 5 881105481 +292 203 4 881105442 +292 209 5 881103874 +292 214 3 881105701 +292 228 5 881105211 +292 235 3 881104797 +292 248 4 881103999 +292 249 3 881104820 +292 250 3 881104679 +292 264 3 877628138 +292 282 4 881104661 +292 298 4 881103977 +292 331 5 877560833 +292 419 4 881105657 +292 462 3 881105657 +292 472 3 881104760 +292 482 5 881103606 +292 483 5 881105442 +292 486 4 881105246 +292 491 4 881105318 +292 492 4 881105318 +292 499 5 881105245 +292 523 4 881105561 +292 528 5 881105657 +292 602 4 881105481 +292 603 5 881105318 +292 607 4 881105625 +292 631 5 881105778 +292 665 3 881103478 +292 748 3 877718776 +292 789 4 881105701 +292 844 5 881104481 +292 1073 5 881105318 +292 1142 4 881104481 +293 1 2 888904861 +293 3 2 888905399 +293 4 4 888906489 +293 7 3 888905062 +293 11 3 888905898 +293 14 3 888904985 +293 15 3 888904777 +293 17 2 888907335 +293 25 3 888904696 +293 26 3 888907015 +293 28 3 888906071 +293 29 1 888907499 +293 38 1 888907981 +293 45 5 888906315 +293 47 3 888907061 +293 48 5 888905819 +293 49 3 888907312 +293 50 5 888905519 +293 51 3 888907674 +293 62 1 888907624 +293 65 3 888906945 +293 66 2 888906781 +293 67 3 888907575 +293 70 3 888907101 +293 73 2 888906869 +293 77 2 888907210 +293 81 4 888906576 +293 85 3 888906927 +293 88 3 888907266 +293 89 5 888905582 +293 94 2 888908066 +293 96 3 888905519 +293 97 4 888905898 +293 98 4 888905898 +293 100 4 888904734 +293 111 2 888905062 +293 117 3 888904696 +293 121 3 888905198 +293 122 3 888905399 +293 127 5 888904614 +293 129 3 888904814 +293 133 3 888906045 +293 143 4 888906428 +293 150 3 888904838 +293 152 4 888905716 +293 159 3 888907674 +293 160 4 888907036 +293 161 2 888907081 +293 162 3 888907312 +293 163 4 888907290 +293 165 3 888905991 +293 168 4 888905716 +293 173 5 888905550 +293 174 5 888905923 +293 175 2 888906244 +293 176 4 888906536 +293 177 4 888906193 +293 179 4 888905898 +293 180 5 888906428 +293 182 5 888905481 +293 185 5 888905840 +293 186 2 888906045 +293 187 3 888905865 +293 192 5 888905582 +293 193 3 888905990 +293 196 4 888906012 +293 198 4 888906143 +293 199 5 888905582 +293 200 4 888906655 +293 203 3 888906781 +293 204 3 888906012 +293 211 4 888906338 +293 213 3 888906905 +293 217 3 888907955 +293 218 2 888906168 +293 222 3 888904861 +293 223 4 888905990 +293 229 2 888907726 +293 230 2 888907384 +293 232 2 888907384 +293 233 2 888907266 +293 234 5 888906726 +293 235 3 888905146 +293 237 3 888904696 +293 238 4 888906464 +293 240 2 888905086 +293 245 3 888904265 +293 248 3 888904985 +293 250 3 888904862 +293 252 2 888905086 +293 258 3 888904092 +293 265 3 888906193 +293 272 4 888904180 +293 273 4 888904901 +293 275 3 888904696 +293 283 2 888904884 +293 284 2 888905122 +293 285 5 888904632 +293 286 3 888904265 +293 290 2 888905198 +293 291 2 888905377 +293 294 2 888904410 +293 297 4 888905034 +293 302 4 888904092 +293 303 4 888904220 +293 313 4 888904004 +293 315 3 888904513 +293 316 3 888904392 +293 317 4 888906193 +293 356 3 888907955 +293 357 4 888905760 +293 367 2 888906288 +293 371 2 888906906 +293 393 3 888906906 +293 402 2 888907702 +293 403 3 888906869 +293 404 4 888907122 +293 410 2 888905034 +293 411 2 888905170 +293 416 4 888907575 +293 420 4 888907356 +293 427 4 888906288 +293 429 4 888906045 +293 432 5 888906516 +293 433 3 888907407 +293 436 3 888906990 +293 451 3 888907245 +293 455 2 888905229 +293 460 3 888905005 +293 462 4 888905819 +293 463 4 888906619 +293 468 2 888906869 +293 469 4 888906378 +293 482 4 888906096 +293 483 5 888905481 +293 491 4 888905923 +293 492 5 888906096 +293 497 4 888906217 +293 501 4 888906378 +293 502 3 888906428 +293 503 4 888907145 +293 506 5 888906428 +293 507 4 888905665 +293 509 3 888905948 +293 510 3 888905716 +293 513 5 888905990 +293 518 5 888906489 +293 527 4 888906598 +293 528 4 888906490 +293 531 4 888905642 +293 544 3 888905062 +293 546 1 888904927 +293 549 3 888907166 +293 550 1 888906781 +293 558 3 888906143 +293 568 4 888906489 +293 571 2 888908041 +293 578 2 888907913 +293 582 4 888906536 +293 588 3 888906748 +293 589 4 888906677 +293 591 3 888904712 +293 628 3 888905004 +293 636 4 888906576 +293 638 4 888906168 +293 651 3 888905865 +293 658 1 888907499 +293 660 2 888907433 +293 663 3 888906516 +293 678 2 888904439 +293 684 3 888905481 +293 686 3 888906869 +293 693 4 888906781 +293 696 2 888905229 +293 712 2 888907603 +293 715 3 888907674 +293 732 3 888906516 +293 742 2 888904927 +293 746 3 888906748 +293 765 3 888907836 +293 780 3 888907816 +293 789 2 888906071 +293 809 2 888908117 +293 810 1 888907674 +293 815 2 888905122 +293 820 2 888905306 +293 824 3 888905252 +293 831 3 888905286 +293 856 3 888905686 +293 877 2 888904265 +293 895 3 888904410 +293 933 2 888905399 +293 939 2 888906516 +293 941 2 888907407 +293 942 4 888907210 +293 955 2 888906464 +293 956 3 888906726 +293 1016 2 888905086 +293 1018 3 888907552 +293 1041 2 888907674 +293 1044 2 888908117 +293 1048 3 888905034 +293 1119 1 888906655 +293 1135 3 888907575 +293 1208 3 888906990 +293 1209 2 888908117 +293 1228 1 888908041 +293 1229 1 888907210 +293 1248 2 888907527 +293 1264 3 888905582 +293 1286 4 888906844 +293 1298 3 888906045 +293 1311 3 888907603 +293 1333 4 888905618 +293 1421 2 888907794 +294 1 5 877819634 +294 21 3 877819897 +294 50 5 877819353 +294 93 4 877819713 +294 100 4 877819265 +294 111 4 877819999 +294 117 4 877819634 +294 121 5 877819714 +294 122 3 889242661 +294 123 4 877819634 +294 148 3 877820155 +294 151 5 877819761 +294 181 5 877819532 +294 235 3 877819532 +294 237 4 889242035 +294 240 3 877820294 +294 249 5 877819941 +294 252 4 877820240 +294 254 3 889242937 +294 255 3 889241958 +294 257 3 877819599 +294 258 3 877818457 +294 268 4 889241426 +294 269 5 877818457 +294 273 3 877819421 +294 276 4 877819421 +294 281 3 889242035 +294 286 5 877818457 +294 291 2 889242469 +294 293 4 877819897 +294 294 4 877818860 +294 295 4 877820132 +294 298 5 877819265 +294 301 4 877818915 +294 307 3 889241466 +294 313 5 889241339 +294 323 3 877818729 +294 324 4 877818729 +294 328 4 877818982 +294 331 4 877818580 +294 332 3 877818915 +294 333 4 877818861 +294 334 4 877818861 +294 340 4 889241280 +294 342 3 889241466 +294 347 5 889241377 +294 354 3 889241377 +294 363 1 889243393 +294 405 4 877819761 +294 410 4 877819897 +294 413 3 889242166 +294 455 3 877819490 +294 472 3 889242370 +294 476 3 877819792 +294 515 5 889242081 +294 520 5 889854323 +294 535 4 877820240 +294 538 5 889241562 +294 546 4 877819761 +294 597 3 889242306 +294 619 3 877820328 +294 682 3 889241486 +294 743 2 889242905 +294 752 3 889241377 +294 827 1 889243393 +294 829 3 889242788 +294 831 3 889242542 +294 840 3 889242516 +294 872 4 877818580 +294 879 4 877818580 +294 881 3 889241707 +294 928 3 889242468 +294 986 3 889242810 +294 1011 2 889242370 +294 1012 4 877819792 +294 1014 2 889242306 +294 1028 3 877819897 +294 1047 3 877820240 +294 1079 2 889242624 +294 1081 3 889242328 +294 1088 1 889243393 +294 1089 2 877820132 +294 1134 3 877819761 +294 1254 3 889242661 +295 1 4 879517580 +295 11 4 879517062 +295 22 4 879517372 +295 43 4 879518107 +295 50 5 879517540 +295 52 5 879966498 +295 56 4 879517348 +295 60 5 879517492 +295 65 5 879517655 +295 69 5 879517911 +295 70 5 879517779 +295 71 5 879517822 +295 79 4 879517600 +295 83 5 879518257 +295 84 2 879518107 +295 89 5 879519555 +295 91 5 879519556 +295 95 4 879518080 +295 96 1 879517299 +295 97 5 879517761 +295 100 5 879518080 +295 105 4 879519473 +295 109 4 879517911 +295 118 3 879518840 +295 121 4 879518455 +295 125 5 879518528 +295 132 5 879517348 +295 134 5 879519556 +295 137 4 879517271 +295 143 4 879517682 +295 144 4 879518166 +295 155 4 879518715 +295 158 4 879518932 +295 161 4 879518430 +295 168 5 879517467 +295 181 4 879517860 +295 186 5 879517512 +295 188 3 879518042 +295 196 5 879966498 +295 202 5 879517943 +295 204 4 879517655 +295 208 5 879517157 +295 209 5 879518233 +295 213 5 879517324 +295 216 5 879517580 +295 217 4 879517705 +295 222 4 879517136 +295 227 4 879517635 +295 228 4 879518414 +295 229 4 879519010 +295 230 4 879517271 +295 232 3 879518900 +295 237 4 879517994 +295 238 4 879517136 +295 265 4 879518042 +295 357 4 879517136 +295 381 5 879518528 +295 382 5 879519556 +295 385 4 879518864 +295 386 4 879519308 +295 402 5 879518820 +295 403 4 879517762 +295 416 4 879518630 +295 417 5 879518474 +295 420 4 879518233 +295 421 4 879517802 +295 427 4 879517412 +295 431 5 879518233 +295 449 4 879518864 +295 451 4 879518864 +295 461 5 879966498 +295 465 4 879518630 +295 470 3 879518257 +295 497 5 879519556 +295 511 5 879516961 +295 513 4 879517492 +295 527 4 879517964 +295 546 4 879518780 +295 559 4 879518674 +295 561 5 879518696 +295 582 5 879517721 +295 629 5 879518780 +295 631 5 879966498 +295 660 5 879518143 +295 705 4 879517682 +295 720 4 879518801 +295 729 4 879518018 +295 735 5 879519556 +295 738 4 879518546 +295 740 4 879517225 +295 743 4 879518674 +295 790 3 879519265 +295 794 4 879518978 +295 809 4 879519438 +295 941 4 879518359 +295 951 5 879517893 +295 965 4 879517271 +295 1050 5 879517761 +295 1297 4 879519529 +295 1473 4 879519473 +296 1 5 884196689 +296 7 5 884196896 +296 9 4 884196523 +296 11 5 884197131 +296 13 3 884196665 +296 19 5 884196524 +296 23 5 884197235 +296 50 5 884196469 +296 55 5 884197287 +296 61 3 884197287 +296 79 4 884197068 +296 100 5 884196489 +296 111 3 884196712 +296 114 5 884198772 +296 125 5 884196985 +296 127 5 884196489 +296 137 4 884196741 +296 144 4 884197131 +296 150 1 884196556 +296 153 4 884197419 +296 180 5 884198772 +296 181 5 884198772 +296 186 3 884199624 +296 187 5 884198772 +296 191 5 884197193 +296 194 5 884197193 +296 198 5 884197264 +296 199 5 884197193 +296 209 4 884199625 +296 211 4 884197068 +296 221 5 884196524 +296 237 5 884196785 +296 244 1 884196896 +296 246 4 884196584 +296 250 2 884196689 +296 251 5 884196523 +296 256 5 884196741 +296 257 5 884196921 +296 259 1 884196374 +296 276 5 884198772 +296 282 4 884196712 +296 285 5 884196469 +296 287 4 884196765 +296 289 3 884196351 +296 293 5 884196765 +296 294 1 884196374 +296 297 4 884196665 +296 301 5 884196284 +296 303 4 884196238 +296 304 3 884196149 +296 313 5 884196114 +296 315 5 884196351 +296 357 5 884197068 +296 462 4 884197330 +296 469 5 884197264 +296 480 5 884197068 +296 483 5 884197307 +296 498 5 884197352 +296 514 5 884199624 +296 515 5 884196555 +296 521 4 884197091 +296 523 4 884197235 +296 528 5 884197068 +296 628 5 884196640 +296 632 5 884197264 +296 659 5 884198772 +296 663 5 884198772 +296 688 1 884196374 +296 696 4 884196805 +296 898 4 884196284 +296 1007 4 884196921 +296 1160 4 884196964 +296 1251 5 884196469 +296 1284 4 884196765 +297 1 3 874954425 +297 4 1 875240201 +297 8 5 875239795 +297 11 4 875240015 +297 13 3 874955210 +297 17 3 875240201 +297 27 1 875239535 +297 28 4 875239913 +297 32 4 875239267 +297 34 3 875410124 +297 42 3 875238853 +297 53 3 875239942 +297 55 4 875238922 +297 69 3 875240171 +297 83 4 875774306 +297 90 4 875239942 +297 92 3 875239346 +297 100 5 874954183 +297 109 4 874954814 +297 111 3 874955085 +297 114 5 875239569 +297 117 4 874954497 +297 124 4 874954353 +297 144 3 875238778 +297 147 3 874955183 +297 148 3 875239619 +297 151 3 875239975 +297 153 5 875240053 +297 154 5 875239658 +297 156 4 875240090 +297 160 1 875238853 +297 168 5 875049192 +297 174 5 875410071 +297 181 4 875410178 +297 185 5 875239870 +297 191 3 875238923 +297 196 4 875239267 +297 200 3 875239092 +297 208 4 875049192 +297 210 4 875410100 +297 211 4 875240090 +297 213 3 875240171 +297 215 2 875240133 +297 228 2 875238984 +297 230 2 875238814 +297 237 4 875239383 +297 243 1 878771163 +297 248 3 874954814 +297 249 3 874955210 +297 258 5 874953892 +297 265 3 875239454 +297 268 4 881707737 +297 271 2 881707810 +297 283 4 874954387 +297 284 4 874954497 +297 288 3 874955131 +297 294 3 874953948 +297 298 5 874954814 +297 302 4 875408934 +297 338 2 881707832 +297 347 3 885922424 +297 357 4 875238922 +297 367 2 875239018 +297 419 3 875240016 +297 430 1 875238778 +297 447 4 875239691 +297 455 4 874954611 +297 465 3 875238984 +297 474 4 875239125 +297 479 5 875240015 +297 485 3 875240267 +297 498 3 875239018 +297 508 4 874955210 +297 514 3 875239383 +297 527 5 875239018 +297 529 3 875238778 +297 535 3 874954814 +297 546 3 874954763 +297 582 4 875238814 +297 603 5 875239942 +297 659 4 881708055 +297 690 5 876717812 +297 724 3 875238883 +297 746 3 875239569 +297 750 5 888643345 +297 751 4 885922463 +297 752 4 888643376 +297 919 1 874954260 +297 946 2 875239092 +297 984 1 881707865 +297 1073 3 875238695 +297 1109 3 875238922 +297 1136 3 875240053 +298 1 5 884126061 +298 9 4 884126202 +298 22 4 884182965 +298 23 4 884183236 +298 50 5 884125578 +298 58 4 884182725 +298 79 5 884182685 +298 88 5 884183236 +298 97 4 884183063 +298 118 4 884183016 +298 121 4 884126202 +298 125 3 884125912 +298 127 5 884125847 +298 132 5 884182966 +298 133 3 884125093 +298 134 5 884182966 +298 143 5 884182966 +298 153 3 884127369 +298 168 5 884182933 +298 174 5 884125022 +298 183 3 884182600 +298 186 4 884183256 +298 187 5 884183063 +298 193 5 884182867 +298 194 5 884127249 +298 196 4 884182891 +298 199 4 884127690 +298 204 4 884182148 +298 205 5 884181969 +298 208 5 884182867 +298 210 5 884182891 +298 211 5 884125093 +298 215 5 884182685 +298 257 4 884126240 +298 265 4 884127720 +298 275 3 884125672 +298 276 2 884183833 +298 282 4 884125629 +298 284 4 884126240 +298 294 3 884184024 +298 318 5 884182657 +298 333 5 884126600 +298 356 3 884182627 +298 357 5 884181969 +298 393 4 884183099 +298 402 3 884183063 +298 419 5 884182774 +298 423 5 884183063 +298 427 5 884127369 +298 430 5 884182657 +298 435 5 884182573 +298 471 4 884125847 +298 479 5 884182685 +298 482 5 884182657 +298 483 5 884125441 +298 484 4 884182627 +298 485 3 884124993 +298 504 3 884127249 +298 511 4 884127690 +298 514 4 884182989 +298 523 4 884182774 +298 526 5 884182573 +298 527 5 884182725 +298 530 5 884182600 +298 546 3 884184098 +298 549 4 884183307 +298 588 4 884125022 +298 603 5 884125093 +298 604 5 884127720 +298 679 3 884183099 +298 705 4 884182148 +298 742 3 884125553 +298 820 4 884183897 +298 845 3 884183773 +298 864 3 884183912 +298 866 3 884183930 +298 946 3 884182868 +298 951 4 884183130 +299 1 3 877877535 +299 4 3 889503074 +299 7 3 877877847 +299 10 5 877878601 +299 12 5 877880350 +299 19 1 877877434 +299 20 3 877880111 +299 23 4 878192154 +299 25 3 877878227 +299 28 4 877880474 +299 45 3 878192238 +299 47 4 877881508 +299 48 4 877880612 +299 49 4 889502823 +299 55 2 877881061 +299 58 3 878192601 +299 60 5 878192680 +299 61 4 877880648 +299 72 3 889503305 +299 77 3 878192638 +299 81 4 889504036 +299 83 5 878192344 +299 88 3 889502902 +299 89 5 878192756 +299 91 4 889501654 +299 93 2 877877775 +299 94 1 889503564 +299 97 4 878192680 +299 98 4 877881229 +299 99 3 889501790 +299 114 4 878191943 +299 118 2 877880111 +299 129 4 877877733 +299 152 4 877880474 +299 153 3 877881320 +299 154 4 878191943 +299 165 4 889501890 +299 166 4 889501926 +299 167 3 889503159 +299 169 4 878192555 +299 171 4 877880961 +299 179 4 878191943 +299 185 3 878192039 +299 190 5 877881356 +299 191 4 878192039 +299 194 3 877881229 +299 197 3 878192039 +299 202 4 889501325 +299 204 4 889503112 +299 207 3 877880394 +299 209 3 889503013 +299 211 4 877880961 +299 212 4 878191889 +299 213 5 878192555 +299 228 3 878191823 +299 237 2 877877649 +299 239 3 878192601 +299 241 3 889502640 +299 244 2 877878001 +299 248 5 877877933 +299 249 3 877878414 +299 251 5 877877434 +299 255 2 877878036 +299 259 3 877877323 +299 264 2 877877290 +299 274 3 877878339 +299 275 4 877877535 +299 283 3 889417370 +299 288 3 877618584 +299 289 3 877877323 +299 298 4 877878227 +299 300 4 877618619 +299 302 4 889501087 +299 311 4 880198334 +299 313 3 887135516 +299 319 3 889501480 +299 345 4 884023998 +299 346 3 886101436 +299 354 4 888854746 +299 381 3 889502198 +299 384 3 889503774 +299 396 4 889503503 +299 399 2 889503373 +299 402 3 889502865 +299 408 4 877877847 +299 432 3 877880612 +299 435 3 877881061 +299 461 3 878192601 +299 473 3 877878561 +299 474 5 877880474 +299 478 4 877880612 +299 480 4 878191995 +299 481 3 877880566 +299 483 5 877880961 +299 484 4 877881169 +299 487 5 889501230 +299 488 4 877881508 +299 498 4 878192237 +299 502 4 878192756 +299 503 4 878192601 +299 508 4 877878451 +299 510 5 889501392 +299 512 4 889501995 +299 513 4 877881228 +299 514 5 877881229 +299 515 4 877877691 +299 517 4 889502688 +299 529 4 877880852 +299 531 3 877880350 +299 538 3 881605700 +299 597 3 877880111 +299 603 3 877880474 +299 606 4 889501393 +299 634 2 877880852 +299 640 3 889501995 +299 642 4 877881276 +299 647 4 878192804 +299 652 3 877880522 +299 692 4 877880915 +299 727 4 878192379 +299 728 2 889503159 +299 730 4 889501926 +299 732 4 889502688 +299 733 3 888855244 +299 746 4 889502979 +299 747 4 889502640 +299 749 1 877618647 +299 753 5 877880852 +299 785 2 889502865 +299 792 4 889503112 +299 811 4 877880794 +299 813 4 878192192 +299 820 3 889501620 +299 855 4 889502087 +299 856 3 889503334 +299 895 2 884993860 +299 915 4 892250102 +299 962 4 889501593 +299 965 4 889501260 +299 970 4 877880350 +299 1005 5 878192833 +299 1006 4 878192804 +299 1036 2 889503856 +299 1050 4 878192721 +299 1056 4 889502292 +299 1068 3 877877600 +299 1103 4 889503013 +299 1223 3 878191779 +299 1226 2 877878602 +299 1258 2 877878451 +299 1300 2 877878382 +299 1379 3 877878080 +299 1506 4 878192680 +299 1507 3 877881170 +300 264 1 875650132 +300 288 4 875649995 +300 294 3 875649995 +300 300 4 875649995 +300 409 4 875650329 +300 456 4 875650267 +300 687 2 875650042 +300 833 4 875650329 +300 876 5 875650105 +300 881 5 875650105 +300 1012 4 875650329 +300 1094 5 875650298 +301 3 2 882075082 +301 4 4 882077033 +301 12 4 882076239 +301 15 4 882074460 +301 17 4 882077142 +301 21 2 882074967 +301 24 4 882074312 +301 28 4 882076264 +301 29 4 882078492 +301 39 3 882076292 +301 41 3 882079446 +301 42 4 882075743 +301 43 5 882078994 +301 47 4 882076936 +301 50 5 882074647 +301 51 4 882078928 +301 62 3 882078419 +301 64 5 882075672 +301 68 4 882076558 +301 69 5 882076682 +301 71 4 882077007 +301 73 4 882075962 +301 76 4 882078250 +301 80 3 882078883 +301 81 3 882077351 +301 82 5 882077078 +301 90 3 882078360 +301 91 3 882078906 +301 94 4 882079172 +301 97 4 882076121 +301 100 5 882074408 +301 109 5 882074236 +301 111 1 882074708 +301 117 5 882074584 +301 118 4 882074903 +301 121 4 882075148 +301 122 2 882074818 +301 127 4 882074262 +301 128 5 882078228 +301 132 4 882076619 +301 133 4 882077142 +301 142 3 882078420 +301 143 4 882077330 +301 144 4 882076021 +301 145 3 882078040 +301 150 4 882074345 +301 155 1 882078308 +301 156 4 882076098 +301 157 2 882076021 +301 162 3 882078287 +301 163 3 882076264 +301 181 5 882074291 +301 183 3 882076291 +301 186 4 882076121 +301 193 3 882075994 +301 195 5 882076098 +301 196 4 882077836 +301 197 5 882075774 +301 203 4 882077176 +301 205 4 882076046 +301 210 4 882076211 +301 217 3 882079503 +301 218 4 882076643 +301 219 4 882078955 +301 226 5 882077222 +301 228 3 882076966 +301 232 4 882078287 +301 233 4 882077872 +301 235 2 882074408 +301 237 4 882074291 +301 240 4 882074494 +301 249 3 882074801 +301 250 4 882074236 +301 258 4 882074363 +301 265 4 882075672 +301 271 4 882075473 +301 282 4 882074561 +301 284 4 882074708 +301 288 4 882074291 +301 294 4 882074408 +301 299 3 882075520 +301 318 5 882075962 +301 323 4 882075110 +301 334 3 882075500 +301 340 4 882075432 +301 363 4 882078326 +301 367 4 882076619 +301 373 4 882079334 +301 387 3 882078084 +301 393 3 882078735 +301 402 2 882076915 +301 403 4 882076292 +301 404 3 882076463 +301 405 4 882074727 +301 409 4 882075242 +301 412 4 882075110 +301 418 3 882076751 +301 420 3 882077285 +301 425 4 882077033 +301 426 4 882076967 +301 429 4 882076072 +301 431 4 882078008 +301 447 4 882078955 +301 451 4 882078061 +301 455 5 882074437 +301 462 2 882076587 +301 465 4 882077811 +301 474 4 882075803 +301 481 4 882075827 +301 501 3 882078040 +301 502 4 882076558 +301 503 3 882078228 +301 521 3 882076987 +301 527 4 882076238 +301 546 4 882078228 +301 550 3 882078040 +301 559 4 882078955 +301 562 3 882077256 +301 568 4 882076538 +301 576 4 882079199 +301 588 5 882077055 +301 607 4 882077176 +301 636 3 882077811 +301 655 1 882076187 +301 658 3 882076463 +301 665 2 882079334 +301 678 2 882075386 +301 685 3 882074867 +301 693 5 882076806 +301 702 4 882077784 +301 721 3 882076494 +301 735 2 882077871 +301 739 2 882076966 +301 742 4 882074437 +301 746 3 882075774 +301 755 4 882078308 +301 758 3 882075242 +301 763 4 882074665 +301 797 4 882078558 +301 802 2 882078883 +301 820 3 882075082 +301 824 3 882075055 +301 866 4 882075171 +301 959 4 882078778 +301 1013 3 882075286 +301 1016 4 882074684 +301 1052 1 882075386 +301 1074 2 882078580 +301 1135 3 882078906 +301 1230 1 882079221 +301 1283 4 882075386 +302 266 2 879436981 +302 271 4 879436911 +302 289 3 879436874 +302 294 1 879436911 +302 301 4 879436820 +302 333 3 879436785 +302 358 3 879436981 +302 680 2 879437035 +302 748 1 879436739 +302 988 2 879436875 +303 1 5 879466966 +303 2 3 879467191 +303 3 3 879485184 +303 4 4 879467936 +303 5 2 879484534 +303 7 4 879467514 +303 8 5 879467223 +303 11 4 879467260 +303 12 4 879466937 +303 13 4 879484918 +303 17 4 879466830 +303 21 2 879484004 +303 22 5 879467413 +303 23 5 879467936 +303 25 4 879468047 +303 28 3 879466717 +303 29 2 879485134 +303 33 4 879468021 +303 41 5 879485686 +303 46 3 879467706 +303 47 5 879467959 +303 50 5 879466866 +303 53 3 879485608 +303 54 3 879484695 +303 56 5 879466547 +303 63 1 879484327 +303 64 5 879466457 +303 70 4 879467739 +303 71 3 879468179 +303 72 3 879485111 +303 73 3 879484918 +303 77 4 879483978 +303 78 2 879544238 +303 81 4 879466866 +303 82 4 879467465 +303 83 5 879467607 +303 85 3 879484588 +303 88 4 879468307 +303 90 4 879485111 +303 92 4 879467131 +303 93 5 879467223 +303 95 5 879484480 +303 97 5 879468459 +303 98 5 879466572 +303 100 5 879466420 +303 106 2 879543796 +303 109 4 879467131 +303 111 3 879467639 +303 116 5 879466771 +303 117 3 879468581 +303 121 3 879485016 +303 123 4 879468149 +303 124 4 879466491 +303 127 5 879466523 +303 128 4 879467542 +303 132 5 879466966 +303 137 4 879468414 +303 143 4 879483680 +303 144 5 879467035 +303 147 4 879467816 +303 150 5 879467190 +303 151 5 879484534 +303 155 3 879484159 +303 156 5 879466771 +303 168 5 879467223 +303 170 5 879467574 +303 171 4 879467105 +303 173 5 879466604 +303 174 5 879466523 +303 187 5 879466631 +303 191 5 879466937 +303 195 4 879466937 +303 198 4 879467413 +303 204 4 879466491 +303 215 5 879467413 +303 216 5 879466604 +303 221 5 879466491 +303 222 3 879468414 +303 223 4 879466742 +303 227 3 879542884 +303 228 4 879467574 +303 230 3 879483511 +303 236 4 879468274 +303 238 4 879467295 +303 239 3 879484871 +303 240 3 879468513 +303 241 4 879483301 +303 246 5 879544515 +303 250 4 879544712 +303 251 4 879544533 +303 255 4 879544516 +303 258 4 879465986 +303 259 3 879466116 +303 264 3 879466214 +303 269 5 879466018 +303 270 4 879466088 +303 271 2 879466065 +303 281 3 879543375 +303 282 3 879467895 +303 283 3 879467936 +303 284 4 879467465 +303 287 4 879485203 +303 289 2 879466065 +303 290 4 879483941 +303 293 4 879544515 +303 298 4 879544607 +303 319 5 879466065 +303 321 3 879466065 +303 324 3 879466065 +303 328 3 879466166 +303 333 4 879466088 +303 334 3 879466184 +303 340 5 879466088 +303 357 5 879466717 +303 363 1 879485134 +303 368 1 879544340 +303 375 2 879544276 +303 379 4 879485546 +303 381 4 879467574 +303 382 3 879467815 +303 385 4 879467669 +303 386 4 879485352 +303 387 5 879485401 +303 388 2 879544365 +303 390 3 879544365 +303 395 2 879544080 +303 401 3 879543003 +303 402 4 879485250 +303 403 5 879468274 +303 405 4 879483802 +303 412 3 879543756 +303 413 2 879543524 +303 419 4 879467328 +303 420 4 879484563 +303 423 4 879483535 +303 425 4 879466795 +303 427 4 879466547 +303 432 3 879468274 +303 443 4 879468459 +303 455 3 879484421 +303 458 3 879467936 +303 461 4 879484159 +303 470 4 879468375 +303 474 5 879466457 +303 475 4 879467155 +303 477 3 879483827 +303 479 5 879466572 +303 482 5 879467361 +303 484 5 879466966 +303 491 4 879466631 +303 501 4 879484981 +303 502 4 879484421 +303 508 4 879467260 +303 514 5 879466667 +303 517 5 879484480 +303 518 4 879468581 +303 525 5 879466604 +303 535 1 879544681 +303 540 1 879543679 +303 542 2 879484194 +303 544 4 879483617 +303 546 2 879484373 +303 550 3 879467607 +303 552 2 879485048 +303 554 2 879484500 +303 559 4 879467670 +303 562 4 879485447 +303 564 1 879485447 +303 569 3 879484159 +303 575 4 879544219 +303 577 3 879544340 +303 583 1 879483901 +303 586 2 879485659 +303 588 5 879468459 +303 595 2 879484421 +303 596 4 879468274 +303 597 1 879485204 +303 603 5 879466457 +303 615 4 879467413 +303 616 4 879484948 +303 619 3 879467574 +303 627 3 879484733 +303 631 4 879483617 +303 634 3 879467035 +303 636 3 879484695 +303 650 5 879483941 +303 653 4 879466937 +303 655 5 879483568 +303 658 5 879484327 +303 665 4 879485475 +303 670 2 879544062 +303 673 4 879468250 +303 678 1 879544946 +303 679 2 879484534 +303 687 1 879544923 +303 692 4 879468123 +303 709 5 879468021 +303 715 4 879484441 +303 720 2 879468375 +303 721 4 879484194 +303 725 1 879544153 +303 734 1 879543711 +303 741 4 879466604 +303 744 3 879467607 +303 746 4 879467514 +303 762 4 879468179 +303 773 4 879466891 +303 780 5 879483900 +303 783 2 879543756 +303 790 4 879485507 +303 800 3 879485352 +303 801 1 879543679 +303 805 4 879485475 +303 808 2 879484480 +303 813 4 879467985 +303 824 3 879483901 +303 829 2 879485814 +303 831 4 879544080 +303 833 2 879484327 +303 845 4 879485221 +303 847 4 879466830 +303 866 2 879485277 +303 869 2 879485703 +303 871 1 879485685 +303 872 3 879466018 +303 873 3 879466214 +303 875 4 879466291 +303 928 3 879485589 +303 939 3 879467739 +303 943 2 879467815 +303 952 3 879467706 +303 953 3 879485016 +303 956 4 879466421 +303 960 4 879467361 +303 979 4 879484213 +303 993 2 879544576 +303 997 2 879544219 +303 1013 1 879544860 +303 1023 2 879544898 +303 1034 1 879544184 +303 1039 5 879466457 +303 1040 1 879485844 +303 1041 2 879485507 +303 1044 3 879485685 +303 1046 3 879468375 +303 1052 2 879544365 +303 1073 4 879467191 +303 1086 1 879468021 +303 1089 1 879544978 +303 1092 1 879544435 +303 1097 3 879466523 +303 1110 1 879543939 +303 1135 2 879485589 +303 1142 4 879544659 +303 1145 2 879544219 +303 1153 3 879484899 +303 1157 2 879543711 +303 1182 2 879543459 +303 1209 2 879544021 +303 1215 1 879544435 +303 1217 1 879484948 +303 1218 4 879484350 +303 1220 2 879484899 +303 1228 2 879543459 +303 1230 1 879485447 +303 1232 3 879484948 +303 1270 1 879485770 +303 1273 2 879485278 +303 1335 3 879485048 +303 1337 1 879485770 +303 1407 1 879544063 +303 1411 2 879483941 +303 1426 2 879484804 +303 1509 1 879544435 +303 1510 3 879485659 +303 1511 3 879544843 +304 111 3 884968264 +304 243 3 884967391 +304 274 4 884968415 +304 278 4 884968415 +304 286 1 884967017 +304 294 4 884968415 +304 300 5 884968415 +304 313 5 884968415 +304 323 3 884967391 +304 328 3 884967167 +304 763 4 884968415 +304 879 3 884966972 +304 895 3 884967017 +305 1 5 886323153 +305 2 2 886324580 +305 12 5 886322930 +305 13 3 886323998 +305 16 3 886324058 +305 33 3 886325627 +305 42 4 886324172 +305 45 5 886323275 +305 48 5 886323591 +305 49 3 886324962 +305 59 3 886322758 +305 60 3 886324097 +305 64 5 886323406 +305 66 3 886325023 +305 69 3 886324299 +305 70 4 886324221 +305 86 4 886323757 +305 88 2 886323966 +305 89 3 886322719 +305 91 2 886323303 +305 96 3 886324172 +305 97 4 886322560 +305 121 3 886324898 +305 127 5 886322412 +305 135 3 886323189 +305 143 3 886323275 +305 144 2 886323068 +305 153 3 886323153 +305 160 4 886323937 +305 163 3 886325627 +305 165 4 886323153 +305 166 4 886322719 +305 168 4 886323115 +305 170 4 886322691 +305 171 5 886323237 +305 172 4 886323757 +305 173 3 886322670 +305 176 4 886323839 +305 179 1 886323966 +305 180 4 886323806 +305 181 4 886321799 +305 184 3 886323937 +305 191 3 886322966 +305 195 3 886323006 +305 196 4 886324097 +305 197 2 886322758 +305 198 4 886322838 +305 199 4 886323779 +305 200 3 886324661 +305 202 3 886323684 +305 215 2 886323464 +305 222 2 886323378 +305 223 4 886322758 +305 228 2 886323998 +305 242 5 886307828 +305 251 5 886321764 +305 269 4 886307948 +305 275 2 886323153 +305 282 3 886323806 +305 285 5 886322930 +305 286 4 886307828 +305 287 3 886324097 +305 300 3 886307828 +305 311 5 886307971 +305 315 5 886308168 +305 317 4 886323713 +305 318 3 886322560 +305 326 2 886307917 +305 327 3 886307948 +305 382 5 886323617 +305 408 5 886323189 +305 428 3 886323902 +305 431 4 886323806 +305 433 2 886324792 +305 462 5 886323525 +305 464 3 886322796 +305 469 2 886323757 +305 474 5 886322838 +305 475 4 886324199 +305 478 3 886323275 +305 479 3 886323275 +305 480 5 886322758 +305 484 3 886322838 +305 485 2 886323648 +305 486 5 886323563 +305 505 3 886323006 +305 528 4 886323378 +305 566 3 886324486 +305 582 4 886323506 +305 597 2 886324551 +305 628 4 886324661 +305 631 3 886324028 +305 650 4 886323406 +305 663 3 886323591 +305 664 2 886324462 +305 684 3 886323591 +305 686 3 886324330 +305 690 4 886307828 +305 708 3 886324963 +305 709 5 886324221 +305 713 4 886323115 +305 729 3 886324712 +305 735 4 886324128 +305 748 3 886308147 +305 749 2 886308111 +305 751 3 886307971 +305 770 3 886324521 +305 792 4 886323406 +305 793 5 886324712 +305 845 3 886323335 +305 863 4 886324387 +305 865 3 886323563 +305 904 4 886307860 +305 941 2 886324792 +305 961 3 886323440 +305 963 4 886322635 +305 971 4 886324608 +305 1015 1 886323068 +305 1018 5 886324580 +305 1073 1 886323591 +305 1074 2 886324330 +305 1286 5 886324687 +305 1485 3 886323902 +305 1512 3 886322796 +305 1513 2 886322212 +306 19 5 876503995 +306 111 4 876504442 +306 257 4 876504354 +306 258 2 876503793 +306 283 3 876503995 +306 285 4 876504354 +306 286 4 876503793 +306 289 3 876503793 +306 303 3 876503793 +306 321 3 876503793 +306 741 1 876504286 +306 756 3 876504472 +306 1028 2 876504581 +306 1251 5 876504026 +306 1514 4 876504614 +307 1 5 878066938 +307 28 3 877119480 +307 50 5 879284239 +307 56 4 878856967 +307 62 3 881966033 +307 64 4 879283371 +307 70 4 877121347 +307 72 3 877122721 +307 83 5 877120874 +307 99 4 879283449 +307 109 5 879283787 +307 121 1 879114143 +307 132 4 879283333 +307 135 4 877122208 +307 161 3 879205470 +307 163 3 879283384 +307 164 4 879283514 +307 168 5 879283798 +307 172 5 879283786 +307 178 3 877118976 +307 181 5 879283232 +307 185 3 877118565 +307 196 3 879205470 +307 200 3 877117875 +307 204 3 879205470 +307 209 5 879283798 +307 210 2 877123746 +307 215 4 879283036 +307 222 4 879538922 +307 227 5 879538922 +307 228 5 879538921 +307 230 5 879538921 +307 257 5 875645340 +307 269 4 879283333 +307 286 3 881965984 +307 380 3 879538922 +307 395 3 877121789 +307 401 1 879114143 +307 419 4 877122115 +307 433 5 879283625 +307 472 3 877123683 +307 483 5 875680937 +307 505 3 879205470 +307 529 4 877381142 +307 580 4 879283514 +307 588 4 877118284 +307 631 3 879283544 +307 660 3 879205470 +307 708 4 879283322 +307 736 3 877118152 +307 739 2 877122317 +307 831 1 879114143 +307 1028 4 875746067 +307 1065 3 879205470 +308 7 4 887738847 +308 8 5 887736696 +308 9 4 887737194 +308 11 5 887737837 +308 15 3 887739426 +308 17 4 887739056 +308 19 3 887737383 +308 21 3 887740729 +308 22 4 887737647 +308 23 5 887737293 +308 24 4 887738057 +308 30 4 887738933 +308 31 3 887739472 +308 32 5 887737432 +308 42 4 887738191 +308 47 4 887738933 +308 48 4 887736880 +308 49 3 887740833 +308 50 5 887737431 +308 56 5 887736924 +308 61 3 887739336 +308 65 3 887738301 +308 66 4 887740788 +308 68 4 887740933 +308 69 2 887738664 +308 71 4 887739257 +308 73 3 887738972 +308 77 3 887740788 +308 82 4 887738470 +308 88 4 887740568 +308 92 4 887737293 +308 96 4 887737432 +308 97 1 887738469 +308 99 4 887738057 +308 117 3 887738620 +308 118 3 887739670 +308 121 3 887739471 +308 122 4 887742165 +308 123 3 887738619 +308 131 4 887739383 +308 132 3 887737891 +308 134 5 887737686 +308 135 5 887737243 +308 139 3 887741179 +308 141 3 887739891 +308 143 4 887739136 +308 148 3 887740788 +308 151 4 887741795 +308 152 5 887739292 +308 153 5 887737484 +308 156 4 887738057 +308 157 5 887738268 +308 162 4 887739095 +308 169 5 887736532 +308 171 4 887738346 +308 172 4 887736532 +308 176 4 887736696 +308 179 4 887736584 +308 180 5 887737997 +308 182 5 887737194 +308 185 4 887736925 +308 186 4 887738152 +308 194 5 887739257 +308 195 5 887738619 +308 196 3 887739951 +308 198 3 887739172 +308 200 5 887738933 +308 201 5 887737334 +308 202 4 887737084 +308 203 5 887737997 +308 208 4 887736798 +308 209 4 887737686 +308 210 4 887737130 +308 211 4 887737535 +308 213 4 887739382 +308 214 2 887738104 +308 216 3 887737789 +308 218 5 887738717 +308 223 4 887737130 +308 230 4 887739014 +308 231 3 887740410 +308 235 3 887739800 +308 237 3 887737383 +308 239 3 887740033 +308 241 4 887738509 +308 248 4 887741437 +308 254 2 887742454 +308 255 4 887741693 +308 257 4 887741526 +308 259 3 887736408 +308 273 2 887737084 +308 274 3 887738760 +308 275 4 887737891 +308 276 4 887736998 +308 285 5 887736622 +308 288 4 887736408 +308 293 4 887741415 +308 294 3 887736408 +308 318 4 887736743 +308 321 3 887736408 +308 356 3 887740833 +308 357 4 887738151 +308 365 3 887739915 +308 367 4 887738571 +308 371 3 887738469 +308 382 4 887739521 +308 392 4 887740367 +308 396 4 887740099 +308 403 4 887738571 +308 404 3 887736998 +308 408 5 887738268 +308 410 4 887741329 +308 411 4 887739987 +308 419 4 887737194 +308 420 4 887740216 +308 423 5 887736999 +308 428 5 887739426 +308 429 4 887737890 +308 430 4 887738717 +308 432 4 887737036 +308 434 4 887736584 +308 448 3 887740866 +308 449 3 887741003 +308 469 5 887738104 +308 471 3 887739382 +308 472 2 887739336 +308 473 3 887739951 +308 479 5 887738346 +308 480 4 887736532 +308 482 5 887738152 +308 485 3 887737719 +308 494 5 887738570 +308 495 3 887740131 +308 496 3 887736532 +308 499 3 887738619 +308 501 4 887740099 +308 504 4 887738570 +308 506 4 887738191 +308 507 3 887738893 +308 510 3 887736925 +308 512 5 887736584 +308 513 3 887736584 +308 517 4 887737483 +308 519 4 887737997 +308 522 3 887737484 +308 523 4 887737084 +308 525 5 887738847 +308 530 4 887736584 +308 531 4 887738057 +308 537 4 887739136 +308 546 3 887740500 +308 550 4 887738847 +308 558 4 887737594 +308 566 4 887739014 +308 567 4 887741329 +308 568 5 887740649 +308 583 4 887737483 +308 588 5 887738893 +308 591 3 887739608 +308 597 3 887738933 +308 602 4 887737536 +308 603 5 887736743 +308 605 4 887740603 +308 613 4 887738620 +308 614 3 887739757 +308 615 3 887739213 +308 629 4 887738894 +308 637 3 887741108 +308 641 4 887736459 +308 642 5 887738226 +308 646 5 887738508 +308 648 4 887738509 +308 653 5 887736999 +308 654 5 887736881 +308 655 4 887738664 +308 657 4 887736696 +308 659 3 887736532 +308 661 4 887736532 +308 663 5 887738469 +308 665 4 887741003 +308 671 4 887739014 +308 678 3 887736408 +308 679 4 887739426 +308 684 3 887737593 +308 699 4 887737193 +308 708 4 887739863 +308 709 3 887737334 +308 712 4 887740833 +308 715 5 887740700 +308 732 4 887738847 +308 739 4 887739639 +308 770 4 887738057 +308 778 3 887740603 +308 792 3 887737594 +308 824 3 887742013 +308 825 4 887740700 +308 842 3 887740099 +308 853 5 887736797 +308 856 4 887738387 +308 928 4 887742103 +308 942 3 887737432 +308 945 4 887739136 +308 962 4 887738104 +308 1045 4 887740033 +308 1065 5 887739382 +308 1074 3 887741271 +308 1118 4 887740500 +308 1121 3 887737647 +308 1126 3 887738268 +308 1135 4 887740099 +308 1140 4 887740933 +308 1147 4 887738387 +308 1154 2 887740367 +308 1169 5 887739136 +308 1252 3 887741604 +308 1411 4 887741150 +308 1456 4 887739056 +308 1515 4 887738346 +309 258 5 877370288 +309 286 4 877370383 +309 304 3 877370319 +309 319 4 877370419 +309 331 5 877370356 +309 334 4 877370356 +309 690 3 877370319 +309 879 4 877370319 +309 989 3 877370383 +309 1025 5 877370356 +309 1296 2 877370319 +310 50 5 879436177 +310 294 1 879436712 +310 1142 5 879436467 +310 1386 1 879436177 +311 8 4 884364465 +311 12 4 884364436 +311 23 3 884364570 +311 31 4 884364570 +311 39 4 884364999 +311 47 2 884365654 +311 51 4 884366010 +311 54 4 884366439 +311 56 5 884364437 +311 63 3 884365686 +311 64 5 884364502 +311 66 4 884365325 +311 69 5 884364999 +311 72 4 884365686 +311 76 4 884365140 +311 77 5 884365718 +311 79 4 884364623 +311 81 3 884365451 +311 88 4 884365450 +311 91 3 884366439 +311 96 5 884365653 +311 97 4 884365357 +311 100 1 884963136 +311 101 4 884366397 +311 121 4 884366852 +311 127 4 884364538 +311 131 3 884365252 +311 133 3 884364652 +311 135 4 884366617 +311 170 5 884364999 +311 173 5 884364569 +311 176 4 884365104 +311 177 5 884364764 +311 185 2 884366617 +311 186 3 884364464 +311 191 4 884364764 +311 192 3 884366528 +311 194 4 884364724 +311 196 5 884365325 +311 197 4 884365686 +311 198 3 884364812 +311 202 4 884364694 +311 209 2 884364502 +311 210 5 884364652 +311 215 4 884364999 +311 216 5 884364502 +311 218 4 884366363 +311 222 4 884366852 +311 227 4 884365617 +311 228 5 884365325 +311 230 5 884364931 +311 231 4 884365746 +311 238 4 884365357 +311 241 3 884364695 +311 276 4 884963282 +311 282 5 884963228 +311 294 4 884364047 +311 300 4 884363831 +311 306 4 884363791 +311 321 3 884363948 +311 323 3 884364139 +311 356 4 884365653 +311 357 5 884365104 +311 371 5 884366137 +311 380 4 884366067 +311 392 5 884366067 +311 393 4 884366066 +311 399 4 884366269 +311 404 3 884365406 +311 415 3 884365654 +311 416 4 884365853 +311 417 3 884366035 +311 423 5 884365579 +311 428 4 884366111 +311 436 3 884366269 +311 443 3 884365718 +311 444 2 884365746 +311 448 5 884365718 +311 449 3 884365823 +311 465 4 884365406 +311 468 4 884365140 +311 479 5 884365519 +311 483 4 884364437 +311 487 4 884365519 +311 494 4 884364593 +311 496 5 884364593 +311 498 4 884364931 +311 499 4 884365519 +311 501 5 884365954 +311 504 4 884364873 +311 509 3 884366590 +311 511 4 884365202 +311 519 3 884365548 +311 520 5 884365251 +311 521 4 884366686 +311 530 3 884365201 +311 539 4 884364268 +311 549 2 884366111 +311 550 3 884364812 +311 562 3 884365746 +311 570 4 884365890 +311 578 2 884365930 +311 581 3 884366137 +311 584 3 884365485 +311 614 4 884365357 +311 621 4 884365579 +311 622 3 884364437 +311 623 2 884366112 +311 630 5 884365929 +311 639 4 884365686 +311 645 5 884366111 +311 648 4 884364694 +311 650 3 884364846 +311 651 4 884364623 +311 655 4 884365406 +311 660 4 884365252 +311 684 4 884365075 +311 699 4 884365075 +311 700 3 884365852 +311 702 3 884365284 +311 705 3 884365201 +311 724 4 884365406 +311 726 3 884366035 +311 729 4 884365451 +311 732 4 884365617 +311 735 4 884366637 +311 739 4 884365823 +311 747 3 884364502 +311 750 5 884363706 +311 754 3 884363758 +311 755 4 884366035 +311 768 2 884365889 +311 781 2 884366307 +311 783 3 884366439 +311 794 4 884366270 +311 796 3 884365889 +311 939 2 884364694 +311 942 5 884366112 +311 944 4 884366439 +311 966 4 884365617 +311 967 3 884364764 +311 1041 3 884366334 +311 1042 3 884366187 +311 1050 3 884365485 +311 1119 4 884366703 +311 1217 3 884365686 +311 1221 4 884364502 +311 1297 4 884365654 +312 1 5 891698832 +312 10 5 891699455 +312 14 5 891698664 +312 23 4 891698613 +312 50 5 891698300 +312 69 4 891699182 +312 70 5 891699398 +312 71 4 891699599 +312 83 4 891699538 +312 89 5 891698832 +312 91 3 891699655 +312 97 5 891698391 +312 124 3 891698726 +312 137 3 891698224 +312 143 4 891698893 +312 152 2 891698485 +312 154 4 891699372 +312 165 5 891698726 +312 166 5 891698391 +312 169 5 891698893 +312 172 4 891699677 +312 174 5 891698224 +312 175 3 891699321 +312 176 4 891699295 +312 177 3 891698832 +312 178 5 891698553 +312 181 4 891699426 +312 185 5 891699121 +312 186 3 891699491 +312 187 5 891699345 +312 189 5 891698516 +312 191 5 891698334 +312 194 4 891699207 +312 197 4 891698764 +312 199 5 891698516 +312 206 5 891699399 +312 207 5 891699121 +312 208 5 891698334 +312 211 4 891698254 +312 213 5 891699067 +312 214 3 891699121 +312 222 3 891698764 +312 223 5 891698485 +312 276 4 891699010 +312 372 3 891699568 +312 414 3 891699626 +312 419 3 891699182 +312 427 5 891698224 +312 428 3 891698424 +312 429 5 891698951 +312 430 5 891699426 +312 432 5 891699491 +312 434 3 891699263 +312 459 4 891698365 +312 463 5 891698696 +312 478 5 891698664 +312 479 5 891698365 +312 484 5 891698174 +312 486 5 891699655 +312 487 5 891699655 +312 488 5 891698334 +312 490 5 891699655 +312 491 5 891699702 +312 493 5 891698365 +312 499 4 891699296 +312 505 5 891698987 +312 506 4 891699121 +312 507 5 891698300 +312 509 5 891699490 +312 510 5 891699490 +312 511 5 891699156 +312 512 3 891698951 +312 514 3 891698516 +312 515 5 891699677 +312 519 5 891698726 +312 521 5 891698987 +312 524 5 891699345 +312 525 5 891698424 +312 526 5 891698334 +312 529 5 891699121 +312 530 5 891698921 +312 531 5 891698254 +312 537 5 891698516 +312 589 5 891698695 +312 596 5 891699626 +312 601 5 891699067 +312 602 4 891699263 +312 606 5 891698300 +312 607 5 891698424 +312 608 5 891699372 +312 610 5 891698921 +312 612 5 891699263 +312 613 5 891698454 +312 614 4 891698865 +312 618 5 891698300 +312 625 3 891699538 +312 632 3 891698764 +312 633 5 891698951 +312 638 5 891698580 +312 640 2 891698951 +312 644 5 891698987 +312 647 5 891698726 +312 648 5 891699068 +312 653 5 891698365 +312 654 5 891698485 +312 657 5 891698485 +312 660 4 891699321 +312 661 5 891698726 +312 663 5 891699599 +312 671 5 891699182 +312 673 5 891699426 +312 684 5 891698664 +312 740 4 891699568 +312 813 5 891698516 +312 835 5 891712535 +312 836 5 891698921 +312 837 4 891699426 +312 850 5 891698764 +312 855 5 891699538 +312 863 5 891698695 +312 945 5 891699068 +312 1020 5 891698553 +312 1050 5 891698832 +312 1126 4 891699455 +312 1167 4 891699295 +312 1172 5 891699538 +312 1192 3 891699491 +312 1298 5 891699426 +312 1451 4 891699156 +312 1516 4 891698334 +313 1 4 891013436 +313 8 3 891014551 +313 15 2 891016962 +313 23 4 891013742 +313 25 2 891016757 +313 28 3 891016193 +313 47 3 891015268 +313 50 5 891013859 +313 58 3 891015387 +313 63 4 891030490 +313 77 3 891031950 +313 79 5 891015114 +313 82 3 891014838 +313 88 2 891028956 +313 89 5 891014373 +313 94 3 891030490 +313 95 3 891014313 +313 102 3 891030189 +313 118 4 891028197 +313 121 4 891015114 +313 125 3 891017059 +313 127 5 891013620 +313 133 5 891014956 +313 141 4 891030189 +313 142 3 891030261 +313 143 3 891014925 +313 144 4 891015144 +313 147 4 891016583 +313 152 3 891016878 +313 153 3 891015268 +313 157 3 891017372 +313 167 3 891029076 +313 168 3 891013589 +313 172 4 891014335 +313 176 4 891013713 +313 177 4 891015566 +313 178 5 891013773 +313 181 4 891014782 +313 183 5 891013554 +313 185 5 891013773 +313 186 3 891017011 +313 192 3 891015011 +313 193 4 891013887 +313 195 5 891013620 +313 197 5 891013910 +313 202 5 891014697 +313 210 4 891014898 +313 211 5 891013859 +313 215 4 891015011 +313 216 4 891013525 +313 222 3 891017708 +313 225 4 891030228 +313 229 3 891028241 +313 231 2 891028323 +313 232 3 891014957 +313 235 3 891029148 +313 237 2 891016757 +313 238 4 891013859 +313 258 3 891012852 +313 300 4 891012907 +313 309 4 891031125 +313 322 3 891014313 +313 326 4 891012907 +313 328 4 891012907 +313 331 3 891013013 +313 333 4 891012877 +313 357 5 891013773 +313 385 4 891015296 +313 391 3 891028360 +313 393 4 891015268 +313 402 3 891031747 +313 404 4 891030189 +313 409 2 891030334 +313 418 3 891014838 +313 419 3 891014313 +313 420 5 891014782 +313 427 5 891014029 +313 428 3 891014649 +313 430 5 891013620 +313 432 5 891016583 +313 443 5 891013971 +313 449 3 891028323 +313 452 3 891029993 +313 461 3 891014925 +313 465 3 891030096 +313 474 5 891016193 +313 479 5 891013652 +313 480 5 891013742 +313 481 4 891014000 +313 483 5 891016193 +313 484 5 891016193 +313 485 3 891016425 +313 486 3 891015219 +313 489 4 891017372 +313 490 4 891016280 +313 493 3 891016193 +313 495 2 891016280 +313 496 5 891014753 +313 497 4 891015296 +313 499 3 891016452 +313 502 3 891017395 +313 503 5 891014697 +313 504 5 891013859 +313 505 5 891014524 +313 511 4 891013742 +313 514 4 891013887 +313 519 5 891013436 +313 520 5 891013939 +313 523 5 891014401 +313 525 5 891013525 +313 531 3 891014524 +313 538 2 891014313 +313 546 4 891028426 +313 559 3 891029877 +313 568 4 891015114 +313 576 3 891028472 +313 582 2 891016622 +313 588 4 891016354 +313 603 5 891013681 +313 615 4 891013652 +313 624 4 891030261 +313 625 4 891030189 +313 629 3 891028873 +313 631 2 891014313 +313 632 4 891013620 +313 633 5 891014597 +313 636 4 891028241 +313 651 3 891014552 +313 654 5 891013681 +313 655 4 891014474 +313 661 4 891015082 +313 662 3 891031576 +313 663 5 891013652 +313 683 3 891030792 +313 684 4 891017088 +313 696 3 891032028 +313 720 2 891028472 +313 735 3 891014649 +313 739 3 891031747 +313 742 3 891016932 +313 744 3 891016986 +313 748 3 891012934 +313 768 3 891030367 +313 770 4 891028285 +313 778 2 891028904 +313 820 2 891030228 +313 823 3 891028555 +313 837 4 891014898 +313 840 2 891028360 +313 845 3 891016853 +313 892 4 891013059 +313 1091 2 891030261 +313 1470 1 891017319 +314 1 5 877886317 +314 8 4 877888059 +314 11 5 877887837 +314 12 4 877888758 +314 15 5 877886483 +314 22 4 877889724 +314 25 3 877886753 +314 36 2 877889103 +314 38 5 877889994 +314 41 5 877887802 +314 53 1 877891426 +314 56 1 877887568 +314 65 4 877888855 +314 66 5 877887763 +314 67 4 877891386 +314 69 5 877888212 +314 70 1 877890531 +314 72 2 877888996 +314 78 4 877890463 +314 93 1 877886221 +314 99 4 877888391 +314 106 2 877886584 +314 117 4 877886484 +314 121 4 877886221 +314 125 5 877886412 +314 132 4 877890644 +314 144 3 877889275 +314 150 4 877886522 +314 151 4 877886522 +314 158 3 877892099 +314 161 5 877888168 +314 173 1 877889359 +314 196 3 877888212 +314 202 5 877888610 +314 216 3 877888722 +314 257 5 877886413 +314 278 5 877886888 +314 280 3 877887034 +314 283 4 877886483 +314 284 3 877886706 +314 294 5 877885887 +314 318 5 877888796 +314 322 4 877886029 +314 332 5 877886029 +314 365 3 877891465 +314 367 4 877889770 +314 378 5 877888168 +314 379 3 877890463 +314 393 4 877889133 +314 401 3 877890769 +314 405 4 877886522 +314 410 5 877886706 +314 411 4 877892461 +314 412 3 877892052 +314 419 4 877889039 +314 423 4 877888060 +314 433 3 877887642 +314 470 3 877889770 +314 476 5 877886921 +314 477 3 877886375 +314 496 4 877888060 +314 501 4 877888610 +314 508 3 877886789 +314 540 3 877890407 +314 542 4 877890300 +314 546 4 877886788 +314 562 4 877890960 +314 568 5 877888391 +314 585 2 877890381 +314 588 5 877888007 +314 595 3 877886375 +314 609 4 877889311 +314 627 4 877888996 +314 628 5 877886606 +314 655 4 877887605 +314 685 4 877886788 +314 697 3 877888996 +314 699 5 877888527 +314 710 3 877888796 +314 717 3 877890769 +314 721 5 877891465 +314 722 1 877891089 +314 731 4 877892099 +314 742 4 877886221 +314 747 1 877889698 +314 756 3 877886641 +314 761 4 877889073 +314 762 4 877886443 +314 768 5 877890261 +314 775 3 877888645 +314 783 3 877888855 +314 787 2 877889927 +314 790 4 877889698 +314 794 4 877888952 +314 796 2 877891518 +314 801 3 877892017 +314 806 4 877887802 +314 808 4 877892052 +314 812 4 877889163 +314 815 5 877886375 +314 820 5 877892461 +314 827 4 877887292 +314 845 5 877886483 +314 846 3 877886971 +314 866 4 877892461 +314 932 4 877887316 +314 934 4 877887155 +314 939 4 877888060 +314 942 3 877888346 +314 946 5 877888527 +314 949 4 877890428 +314 993 5 877886279 +314 996 4 877891354 +314 997 1 877892214 +314 1012 4 877886584 +314 1014 3 877886317 +314 1016 4 877886483 +314 1029 2 877891603 +314 1041 4 877888445 +314 1047 4 877886279 +314 1048 4 877886221 +314 1053 5 877891490 +314 1063 5 877887568 +314 1074 3 877890857 +314 1094 1 877887065 +314 1145 4 877892488 +314 1152 4 877887469 +314 1210 4 877889861 +314 1217 2 877891638 +314 1225 3 877891575 +314 1229 2 877891681 +314 1253 4 877892017 +314 1267 3 877888117 +314 1291 1 877892519 +314 1297 4 877890734 +314 1311 5 877889994 +314 1469 4 877889103 +314 1471 4 877892430 +314 1473 4 877891089 +314 1519 4 877892181 +315 4 4 879821065 +315 23 5 879821193 +315 25 5 879821120 +315 56 5 879821037 +315 79 4 879821349 +315 93 5 879821065 +315 121 2 879821300 +315 137 5 879799423 +315 154 5 879821158 +315 163 3 879821158 +315 164 4 879821349 +315 173 4 879821003 +315 175 5 879799423 +315 176 4 879821193 +315 178 4 879799486 +315 183 3 879821267 +315 202 3 879821037 +315 203 3 879821194 +315 204 5 879821158 +315 209 5 879821003 +315 271 3 879799546 +315 276 4 879799526 +315 286 5 879799301 +315 288 3 879821349 +315 301 2 879799327 +315 303 4 879799302 +315 318 5 879799422 +315 324 3 879799302 +315 327 4 879799583 +315 382 4 879821089 +315 428 4 879821120 +315 433 4 879821037 +315 461 4 879799457 +315 466 1 879821349 +315 475 4 879821036 +315 513 5 879821299 +315 520 4 879799526 +315 523 4 879799390 +315 642 5 879821267 +315 645 4 879821065 +315 673 4 879821267 +315 741 5 879821349 +315 770 3 879821348 +315 1065 4 879799526 +315 1084 4 879799423 +316 44 4 880853881 +316 58 3 880854267 +316 69 3 880853881 +316 83 4 880853992 +316 89 1 880854197 +316 97 5 880854142 +316 100 4 880854083 +316 127 2 880853548 +316 162 3 880854472 +316 168 3 880853599 +316 170 4 880853810 +316 172 1 880854197 +316 173 1 880853654 +316 174 1 880854539 +316 183 1 880853654 +316 185 2 880853548 +316 187 2 880853548 +316 191 5 880854539 +316 192 1 880854267 +316 199 3 880853598 +316 223 4 880853849 +316 275 5 880853810 +316 276 2 880853849 +316 286 5 880853038 +316 304 3 880853193 +316 323 1 880853152 +316 427 5 880853704 +316 435 2 880854337 +316 462 3 880853516 +316 482 3 880854337 +316 487 3 880853810 +316 507 3 880853704 +316 515 4 880853654 +316 531 5 880853704 +316 582 5 880854539 +316 633 4 880854472 +316 651 5 880854227 +316 673 2 880854083 +316 678 1 880853310 +316 707 4 880853485 +316 716 5 880853881 +316 730 4 880853775 +316 923 5 880854022 +316 988 1 880853152 +317 260 4 891446887 +317 264 4 891446843 +317 288 4 891446190 +317 299 4 891446371 +317 313 4 891446208 +317 322 3 891446783 +317 354 4 891446251 +317 355 4 891446783 +317 678 2 891446887 +317 683 2 891446412 +317 748 5 891446843 +317 879 3 891446575 +318 4 2 884497516 +318 8 4 884495616 +318 14 4 884471030 +318 24 4 884495132 +318 25 5 884494757 +318 26 5 884497471 +318 40 4 884497882 +318 56 3 884495561 +318 58 4 884496243 +318 70 5 884496368 +318 77 3 884497078 +318 85 3 884497180 +318 94 4 884498210 +318 100 5 884470896 +318 121 1 884495052 +318 132 4 884495868 +318 133 4 884496432 +318 134 5 884495639 +318 143 5 884495944 +318 161 3 884496738 +318 167 4 884497611 +318 174 4 884495590 +318 179 4 884497546 +318 187 4 884495742 +318 188 3 884497031 +318 191 5 884496069 +318 193 3 884496367 +318 196 3 884495973 +318 205 3 884496334 +318 208 4 884495664 +318 210 4 884496069 +318 213 4 884497031 +318 215 2 884496218 +318 216 4 884495868 +318 238 3 884497359 +318 255 4 884494693 +318 265 4 884495664 +318 269 5 884469970 +318 275 4 884470718 +318 282 4 884470775 +318 284 3 884470775 +318 289 3 884470682 +318 294 4 884469971 +318 301 4 884470034 +318 307 3 884470681 +318 318 5 884496218 +318 321 4 884470149 +318 340 4 884470115 +318 376 3 884498314 +318 378 4 884497632 +318 381 1 884497516 +318 385 4 884496398 +318 393 5 884497449 +318 403 2 884496759 +318 404 3 884496639 +318 405 2 884494797 +318 423 5 884495561 +318 451 4 884497546 +318 458 4 884494861 +318 480 4 884495795 +318 482 5 884496156 +318 514 2 884496524 +318 527 5 884496596 +318 531 4 884495921 +318 540 4 884498141 +318 566 4 884496472 +318 605 4 884497425 +318 618 3 884496984 +318 628 4 884494757 +318 629 4 884497236 +318 692 4 884495561 +318 712 4 884496368 +318 722 4 884497546 +318 732 5 884496267 +318 735 5 884496182 +318 739 5 884496984 +318 763 3 884494897 +318 809 4 884498210 +318 842 2 884495742 +318 864 2 884495032 +318 866 4 884494976 +318 869 3 884498461 +318 892 3 884470391 +318 898 4 884470237 +318 941 4 884497715 +318 944 2 884497208 +318 968 3 884496671 +318 1012 4 884471076 +318 1030 2 884498787 +318 1044 4 884496985 +318 1048 4 884495001 +318 1050 4 884496738 +318 1063 3 884495973 +318 1120 3 884495206 +318 1160 5 884494976 +318 1204 2 884496156 +319 259 2 889816172 +319 261 3 889816267 +319 268 4 889816026 +319 269 3 875707746 +319 301 4 875707721 +319 306 4 879975504 +319 307 4 879975504 +319 332 4 876280289 +319 340 3 879975481 +319 346 3 889816026 +319 350 3 889816233 +319 358 3 889816233 +319 682 3 879977089 +319 689 3 881355802 +319 750 3 889816107 +319 751 3 889816136 +320 2 4 884749281 +320 17 5 884751190 +320 24 3 884748641 +320 27 3 884749384 +320 51 5 884750992 +320 56 5 884749227 +320 66 4 884751034 +320 71 3 884751439 +320 79 4 884749255 +320 82 3 884749359 +320 89 4 884749327 +320 92 5 884749306 +320 95 3 884751418 +320 96 5 884749255 +320 121 5 884748733 +320 122 3 884749097 +320 145 4 884751552 +320 147 4 884748641 +320 164 4 884751246 +320 172 4 884749227 +320 176 4 884749255 +320 183 4 884749255 +320 185 4 884751141 +320 195 5 884749255 +320 204 5 884750717 +320 226 4 884749306 +320 231 2 884749411 +320 232 4 884749281 +320 233 4 884749281 +320 235 3 884748929 +320 238 4 884751672 +320 240 3 884748818 +320 241 4 884750968 +320 248 5 884750644 +320 257 4 884749499 +320 274 4 884748683 +320 288 4 884748277 +320 292 3 884748299 +320 300 4 884748229 +320 340 2 884748230 +320 358 4 884748485 +320 368 3 884748946 +320 385 4 884749327 +320 410 4 884748839 +320 421 4 884750968 +320 453 3 884751610 +320 458 4 884748868 +320 470 5 884751263 +320 546 4 884748818 +320 550 5 884749384 +320 566 3 884749384 +320 568 4 884749327 +320 570 4 884749384 +320 572 3 884751316 +320 586 3 884749412 +320 588 3 884750766 +320 597 3 884748774 +320 625 4 884751439 +320 627 4 884751418 +320 679 4 884749306 +320 732 3 884751013 +320 751 4 884748470 +320 760 3 884748946 +320 763 4 884748683 +320 769 3 884751288 +320 774 4 884751552 +320 800 4 884751190 +320 808 4 884749359 +320 825 4 884749550 +320 827 4 884749030 +320 833 1 884748904 +320 946 5 884751462 +320 1047 4 884748733 +320 1052 2 884749097 +320 1059 4 884748868 +320 1091 4 884751462 +320 1215 1 884749097 +320 1291 3 884749172 +320 1522 3 884751316 +321 7 4 879438793 +321 9 4 879440472 +321 19 4 879438825 +321 32 3 879440716 +321 45 4 879439763 +321 48 4 879439706 +321 52 3 879440612 +321 59 4 879440687 +321 60 4 879440954 +321 61 5 879441128 +321 64 3 879438607 +321 83 4 879439926 +321 86 4 879440294 +321 87 3 879439763 +321 116 3 879439595 +321 127 3 879438651 +321 132 5 879440342 +321 133 5 879440612 +321 153 4 879440746 +321 170 4 879438651 +321 173 4 879440636 +321 174 3 879441111 +321 175 3 879439706 +321 182 3 879439679 +321 186 4 879440245 +321 190 4 879439562 +321 197 5 879439812 +321 211 4 879440109 +321 212 3 879440342 +321 221 5 879438793 +321 275 4 879440109 +321 283 3 879438987 +321 286 4 879438932 +321 357 4 879439832 +321 382 3 879440245 +321 419 4 879439620 +321 428 4 879441336 +321 430 3 879439734 +321 432 5 879439812 +321 435 5 879439860 +321 463 3 879440393 +321 478 4 879439926 +321 479 4 879438607 +321 480 4 879440109 +321 491 3 879440746 +321 493 4 879441110 +321 498 5 879438699 +321 499 3 879440393 +321 510 5 879440317 +321 511 4 879440954 +321 513 4 879440294 +321 519 4 879441336 +321 526 3 879440245 +321 529 4 879440342 +321 530 4 879440109 +321 531 4 879440294 +321 603 5 879438607 +321 604 5 879438651 +321 611 4 879439832 +321 633 5 879440109 +321 651 3 879441178 +321 654 4 879439927 +321 657 4 879440660 +321 659 4 879440980 +321 704 3 879440423 +321 705 3 879439812 +321 863 3 879440746 +321 942 3 879440954 +321 1050 3 879441336 +321 1101 3 879440660 +321 1126 3 879439860 +321 1331 4 879439017 +322 9 4 887314212 +322 23 5 887314417 +322 33 4 887313946 +322 48 4 887313946 +322 64 5 887314148 +322 127 4 887313801 +322 150 4 887314027 +322 156 4 887313850 +322 157 5 887314244 +322 188 3 887314244 +322 196 4 887314352 +322 234 4 887313893 +322 258 4 887313698 +322 302 5 887314417 +322 303 3 887313611 +322 346 3 887313611 +322 483 5 887314417 +322 505 4 887314119 +322 507 4 887314119 +322 513 4 887314185 +322 528 5 887314418 +322 603 5 887314417 +322 608 3 887314027 +322 654 5 887314118 +322 655 5 887313946 +322 656 5 887314027 +322 1019 4 887314073 +323 11 5 878739953 +323 23 5 878739925 +323 50 5 878739137 +323 64 5 878740017 +323 93 4 878739177 +323 98 4 878739699 +323 121 3 878739618 +323 144 4 878739988 +323 156 5 878739720 +323 179 4 878739904 +323 181 5 878739177 +323 186 4 878739988 +323 204 3 878739771 +323 222 3 878739251 +323 238 4 878740017 +323 258 4 878738826 +323 268 4 878738865 +323 273 4 878739355 +323 288 3 878738827 +323 292 4 878738997 +323 293 4 878739299 +323 294 3 878738827 +323 295 3 878739519 +323 319 2 878738827 +323 322 2 878738910 +323 334 3 878738865 +323 475 3 878739393 +323 479 4 878739801 +323 535 3 878739643 +323 544 4 878739459 +323 619 3 878739519 +323 651 5 878739829 +323 678 2 878738910 +323 741 3 878739543 +323 762 4 878739488 +323 763 4 878739459 +323 847 3 878739225 +323 873 3 878738949 +323 876 2 878738949 +323 933 3 878739393 +323 993 4 878739488 +323 1012 4 878739594 +323 1048 3 878739594 +323 1073 4 878739857 +324 1 5 880575412 +324 14 5 880575531 +324 50 5 880575618 +324 123 4 880575714 +324 125 5 880575714 +324 150 4 880575412 +324 248 5 880575493 +324 250 4 880575531 +324 255 4 880575449 +324 259 5 880575107 +324 260 5 880575277 +324 268 4 880575045 +324 270 5 880575045 +324 273 5 880575449 +324 275 4 880575531 +324 276 5 880575531 +324 282 5 880575619 +324 285 4 880575412 +324 286 5 880574766 +324 288 5 880575002 +324 289 5 880575163 +324 292 3 880575045 +324 293 4 880575714 +324 294 5 880575002 +324 301 5 880575108 +324 310 4 880574827 +324 321 3 880575002 +324 322 4 880575163 +324 323 4 880575163 +324 327 4 880575002 +324 328 4 880575002 +324 331 4 880574827 +324 339 3 880574827 +324 340 5 880574827 +324 410 5 880575449 +324 411 5 880575589 +324 458 4 880575619 +324 475 5 880575449 +324 508 5 880575618 +324 538 4 880574901 +324 678 3 880575277 +324 690 4 880574901 +324 742 5 880575493 +324 749 3 880575277 +324 763 5 880575589 +324 827 4 880575715 +324 846 5 880575715 +324 872 5 880575045 +324 873 5 880575108 +324 875 3 880575163 +324 879 4 880575234 +325 1 2 891478665 +325 2 1 891478772 +325 16 1 891478981 +325 23 5 891478276 +325 28 3 891478796 +325 32 3 891478665 +325 50 5 891478140 +325 58 3 891478333 +325 71 3 891478981 +325 82 3 891479263 +325 93 4 891478627 +325 105 3 891480175 +325 114 5 891478307 +325 115 3 891478557 +325 132 3 891478665 +325 134 4 891478599 +325 137 5 891477980 +325 172 4 891478851 +325 174 2 891478006 +325 176 3 891478455 +325 182 3 891478835 +325 183 3 891477980 +325 186 4 891478578 +325 190 4 891478432 +325 191 3 891478408 +325 195 2 891478276 +325 199 5 891478199 +325 200 2 891478120 +325 205 4 891478307 +325 208 3 891478771 +325 210 2 891478796 +325 211 3 891478627 +325 235 1 891479292 +325 236 3 891478695 +325 269 4 891477567 +325 271 3 891477759 +325 272 3 891477537 +325 319 3 891477638 +325 383 1 891480034 +325 386 4 891479890 +325 408 5 891478307 +325 434 5 891478376 +325 443 4 891478817 +325 469 4 891478504 +325 480 4 891478455 +325 482 4 891478333 +325 495 3 891478180 +325 498 4 891478333 +325 502 4 891479058 +325 511 4 891478047 +325 523 3 891478376 +325 527 4 891478140 +325 529 4 891478528 +325 530 4 891478376 +325 548 3 891480086 +325 604 4 891478504 +325 616 4 891477924 +325 628 3 891478772 +325 647 5 891478529 +325 650 3 891478079 +325 654 4 891478276 +325 655 4 891479312 +325 737 4 891479846 +325 768 3 891479564 +325 771 1 891480115 +325 961 4 891479312 +325 1003 3 891480133 +325 1018 3 891479038 +325 1118 3 891479665 +325 1140 3 891479681 +325 1149 4 891479228 +325 1203 5 891478159 +325 1230 3 891479737 +325 1232 1 891479228 +325 1487 3 891480086 +325 1523 4 891478504 +326 1 3 879876159 +326 4 1 879876688 +326 8 4 879875457 +326 9 1 879875852 +326 33 2 879876975 +326 38 3 879877005 +326 44 1 879875852 +326 53 1 879877039 +326 56 2 879875691 +326 64 4 879875024 +326 72 2 879877264 +326 89 4 879875398 +326 90 1 879877198 +326 94 4 879877304 +326 96 3 879875057 +326 97 4 879874897 +326 127 1 879875507 +326 131 2 879875457 +326 135 3 879875852 +326 136 4 879874933 +326 154 2 879875271 +326 161 3 879875873 +326 170 2 879874897 +326 173 5 879874989 +326 174 4 879874825 +326 175 1 879874933 +326 176 2 879876184 +326 177 3 879876881 +326 178 5 879875175 +326 180 1 879875457 +326 181 4 879875592 +326 182 2 879876861 +326 183 5 879875851 +326 187 1 879875243 +326 194 4 879874825 +326 195 4 879875752 +326 196 4 879875822 +326 199 5 879875552 +326 202 4 879875724 +326 208 3 879875534 +326 211 4 879876184 +326 216 2 879876235 +326 219 2 879877349 +326 226 5 879876975 +326 227 3 879876941 +326 228 4 879876861 +326 229 3 879876941 +326 230 3 879876861 +326 232 2 879876941 +326 237 2 879875572 +326 239 3 879875612 +326 317 3 879875243 +326 367 3 879877264 +326 378 4 879875724 +326 385 3 879876882 +326 391 4 879877005 +326 393 4 879876327 +326 397 3 879876975 +326 419 3 879875203 +326 423 3 879876159 +326 427 4 879875483 +326 428 5 879877283 +326 429 5 879875175 +326 433 2 879875644 +326 434 5 879875203 +326 435 3 879874897 +326 441 2 879877433 +326 447 4 879877388 +326 449 3 879877039 +326 474 5 879875025 +326 478 3 879875083 +326 481 1 879874964 +326 483 5 879874963 +326 484 5 879874933 +326 485 5 879875483 +326 491 4 879876235 +326 493 5 879874825 +326 498 5 879875083 +326 500 3 879875644 +326 501 3 879876688 +326 505 3 879875271 +326 507 2 879875873 +326 510 5 879876141 +326 511 4 879875593 +326 514 3 879875612 +326 515 5 879874897 +326 519 5 879875533 +326 520 5 879875151 +326 521 2 879875399 +326 523 4 879875057 +326 550 5 879876505 +326 565 3 879877470 +326 568 4 879876882 +326 588 3 879875691 +326 608 4 879875930 +326 609 3 879875930 +326 611 3 879875572 +326 613 5 879874860 +326 616 5 879875724 +326 648 5 879875644 +326 651 4 879875663 +326 654 1 879875151 +326 657 5 879875431 +326 663 1 879877159 +326 701 4 879876141 +326 705 3 879875399 +326 720 2 879876975 +326 780 2 879877326 +326 790 1 879877198 +326 837 4 879875507 +326 849 1 879876975 +326 1118 2 879877264 +326 1126 2 879875243 +327 1 4 887745622 +327 2 2 887820385 +327 4 4 887819161 +327 7 3 887744023 +327 8 4 887819860 +327 10 4 887744432 +327 11 4 887745303 +327 12 3 887744205 +327 22 4 887744167 +327 23 4 887745463 +327 24 2 887745934 +327 26 3 887747299 +327 28 3 887747971 +327 31 2 887820531 +327 33 3 887820341 +327 42 3 887746665 +327 44 3 887745840 +327 47 4 887746553 +327 48 4 887745662 +327 55 4 887820293 +327 56 2 887745805 +327 65 2 887747617 +327 66 3 887819582 +327 69 2 887822711 +327 70 4 887819316 +327 72 2 887819582 +327 79 3 887745661 +327 83 2 887744101 +327 85 2 887819507 +327 86 4 887822433 +327 87 3 887818620 +327 88 2 887819194 +327 92 4 887748006 +327 95 3 887818596 +327 98 4 887746196 +327 99 4 887820761 +327 100 4 887744513 +327 108 3 887819614 +327 111 4 887819462 +327 117 3 887820385 +327 121 2 887822530 +327 129 4 887744384 +327 131 4 887818783 +327 132 5 887820828 +327 147 2 887820417 +327 150 4 887744356 +327 151 4 887745871 +327 152 3 887819194 +327 154 4 887747337 +327 156 4 887747668 +327 160 4 887822209 +327 161 3 887820417 +327 164 3 887746219 +327 168 4 887820828 +327 172 4 887743986 +327 174 4 887744513 +327 175 2 887744205 +327 176 4 887744240 +327 178 4 887745661 +327 180 4 887745774 +327 181 4 887745537 +327 182 4 887744205 +327 183 3 887744065 +327 184 3 887820341 +327 186 2 887744064 +327 190 4 887832180 +327 201 5 887820828 +327 202 4 887822400 +327 204 4 887818658 +327 209 4 887747939 +327 211 3 887818682 +327 217 3 887746328 +327 218 3 887746328 +327 222 2 887744357 +327 228 4 887820171 +327 232 4 887819538 +327 245 1 887743705 +327 246 4 887744384 +327 249 2 887744432 +327 250 2 887745272 +327 255 3 887745911 +327 257 2 887746728 +327 260 1 887743705 +327 268 4 887737629 +327 269 3 887737629 +327 271 3 887743644 +327 273 2 887745911 +327 275 4 887747338 +327 285 4 887744459 +327 286 2 887737328 +327 298 3 887744405 +327 301 3 887743725 +327 302 3 887737355 +327 305 5 887820828 +327 311 3 887737629 +327 318 5 887820828 +327 321 3 887743761 +327 324 3 887743644 +327 327 3 887737402 +327 328 2 887743600 +327 333 2 887737493 +327 336 2 887737569 +327 338 1 887743815 +327 340 4 887744167 +327 357 4 887747338 +327 367 4 887819355 +327 393 3 887819507 +327 396 3 887819538 +327 403 3 887820384 +327 405 2 887745589 +327 428 4 887819021 +327 433 4 887818991 +327 447 4 887746196 +327 464 4 887822785 +327 466 3 887820171 +327 475 4 887744405 +327 482 4 887745661 +327 484 3 887745303 +327 498 4 887819860 +327 502 3 887747134 +327 506 3 887744513 +327 507 4 887744205 +327 508 2 887744064 +327 523 4 887818800 +327 527 4 887745319 +327 529 3 887822770 +327 537 4 887744023 +327 546 2 887820448 +327 550 2 887820448 +327 559 2 887746328 +327 568 2 887820417 +327 582 4 887822711 +327 628 2 887820226 +327 631 3 887747133 +327 644 3 887747410 +327 651 4 887745744 +327 658 2 887747668 +327 663 4 887819582 +327 672 2 887746328 +327 676 3 887746686 +327 678 3 887743705 +327 682 3 887737629 +327 684 4 887820293 +327 686 4 887820293 +327 708 4 887818596 +327 709 4 887819411 +327 715 4 887819860 +327 718 4 887745494 +327 732 1 887819316 +327 746 3 887818992 +327 749 3 887743644 +327 772 3 887822646 +327 778 3 887819462 +327 792 4 887819021 +327 845 3 887818957 +327 856 4 887744167 +327 865 5 887745774 +327 874 3 887737629 +327 875 4 887743600 +327 896 5 887820828 +327 919 5 887820828 +327 952 2 887819354 +327 959 5 887819161 +327 960 5 887745774 +327 1007 4 887745272 +327 1017 2 887819316 +327 1019 3 887746665 +327 1069 4 887819136 +327 1070 4 887744513 +327 1073 2 887744241 +327 1101 4 887746665 +327 1103 4 887819614 +327 1129 2 887745891 +327 1170 4 887819860 +327 1218 4 887822400 +328 8 3 885047018 +328 11 3 885047450 +328 12 5 885045528 +328 23 3 886036795 +328 28 5 885045931 +328 29 3 885048930 +328 38 3 885049275 +328 44 3 885047864 +328 46 2 885048004 +328 50 4 885045702 +328 51 3 885047417 +328 54 3 885047194 +328 56 4 885045993 +328 58 4 885046206 +328 62 3 885049275 +328 64 4 885046276 +328 65 4 885046912 +328 68 3 885048198 +328 69 4 885045844 +328 70 4 885047252 +328 71 4 885048004 +328 72 3 885046686 +328 73 4 885048062 +328 77 4 885046977 +328 89 5 885046344 +328 96 4 885046174 +328 97 3 885046174 +328 117 4 885046420 +328 118 3 885048396 +328 121 4 885048266 +328 127 5 885045645 +328 133 5 885047018 +328 135 3 885046853 +328 149 2 885048730 +328 153 2 886037257 +328 155 4 885048198 +328 159 3 885047194 +328 161 4 885047670 +328 167 3 885048861 +328 172 4 885045528 +328 176 5 885046052 +328 177 3 885047099 +328 180 4 885046134 +328 181 4 885046244 +328 182 2 885045678 +328 186 4 886037065 +328 187 4 885045993 +328 192 4 885045805 +328 194 3 885046976 +328 195 3 885045899 +328 198 3 885045844 +328 204 3 885045993 +328 215 3 885046773 +328 226 3 885048235 +328 227 3 885047129 +328 229 3 885046977 +328 230 3 885048101 +328 232 3 885047670 +328 235 3 885048464 +328 237 4 885047373 +328 241 5 885047252 +328 258 5 885044482 +328 260 2 885044940 +328 270 2 885044641 +328 272 5 888641556 +328 273 3 885046134 +328 275 4 885046420 +328 281 4 885048930 +328 286 5 885044452 +328 299 2 885044904 +328 300 5 885044640 +328 301 2 885044607 +328 302 4 885044380 +328 313 4 893195532 +328 315 4 885044782 +328 316 5 888641915 +328 317 4 885046976 +328 318 5 885045740 +328 323 3 885044940 +328 326 4 885044607 +328 327 3 885044566 +328 328 4 885044566 +328 333 3 885044418 +328 343 3 885044452 +328 344 4 893195665 +328 347 5 885596118 +328 357 4 885046244 +328 380 3 885047737 +328 383 3 885049880 +328 385 3 885046027 +328 399 2 885049405 +328 405 4 885047018 +328 427 3 885045740 +328 433 2 885047670 +328 435 4 885045844 +328 447 2 885045528 +328 448 3 885046744 +328 449 3 885049607 +328 471 3 885048004 +328 481 3 885048500 +328 498 5 885046654 +328 518 2 885048198 +328 520 5 885045844 +328 540 3 885048730 +328 549 4 885047556 +328 553 3 885048235 +328 559 3 885048986 +328 561 3 885049431 +328 566 5 885047374 +328 572 3 885049658 +328 578 2 885048895 +328 582 5 885045844 +328 586 1 885048666 +328 589 4 885046244 +328 595 3 885048500 +328 597 3 885048465 +328 601 4 885048004 +328 606 3 885046244 +328 610 3 886036967 +328 620 3 885048861 +328 637 3 885047865 +328 645 4 885046344 +328 646 3 885046174 +328 649 3 885047417 +328 651 5 885046580 +328 657 4 885046134 +328 662 3 885047593 +328 665 2 885048801 +328 684 5 885046537 +328 685 4 885047450 +328 688 1 886036585 +328 689 5 885044733 +328 692 4 885046976 +328 699 4 885046718 +328 708 2 885048101 +328 715 2 885046853 +328 720 3 885049535 +328 723 3 885047223 +328 729 4 885047737 +328 739 3 885048611 +328 744 4 885046878 +328 748 3 885045245 +328 751 3 885596088 +328 752 2 888641528 +328 755 3 885048801 +328 778 3 885047822 +328 798 2 885048159 +328 809 4 885048895 +328 810 3 885049535 +328 823 3 885049024 +328 849 3 885048333 +328 903 3 893195755 +328 911 3 893195879 +328 912 3 893195852 +328 915 3 893195665 +328 939 4 885046655 +328 956 4 885046912 +328 983 3 885049234 +328 984 3 885044940 +328 1021 3 885045740 +328 1107 3 885048532 +328 1112 4 885049459 +328 1217 3 885049790 +328 1313 4 888641949 +328 1401 2 885046537 +328 1439 3 885048827 +328 1478 3 885049275 +328 1483 4 893195825 +328 1518 3 885049503 +329 7 3 891655961 +329 8 2 891656391 +329 11 3 891656237 +329 39 2 891656391 +329 50 4 891655812 +329 117 3 891655868 +329 127 4 891655741 +329 137 5 891655812 +329 169 4 891656178 +329 174 4 891656639 +329 185 3 891656347 +329 186 3 891656268 +329 194 3 891656429 +329 197 4 891656429 +329 198 4 891656268 +329 199 4 891656347 +329 248 3 891656640 +329 274 3 891656639 +329 282 3 891656300 +329 284 3 891656072 +329 286 4 891655291 +329 294 2 891655383 +329 295 4 891656012 +329 302 5 891655191 +329 313 4 891655191 +329 322 3 891655570 +329 323 2 891655594 +329 331 3 891656639 +329 333 4 891655322 +329 423 4 891656237 +329 534 3 891656639 +329 651 4 891656639 +329 657 3 891656391 +329 705 3 891656347 +329 879 2 891655515 +329 892 2 891655614 +329 1011 3 891655981 +330 1 5 876544432 +330 15 5 876544366 +330 21 5 876544953 +330 25 5 876544582 +330 28 5 876546526 +330 31 5 876546812 +330 63 3 876547165 +330 64 5 876546409 +330 67 4 876547500 +330 69 5 876546890 +330 82 4 876546298 +330 91 4 876547426 +330 94 4 876547426 +330 98 5 876546033 +330 99 4 876546172 +330 100 4 876544277 +330 102 4 876546586 +330 105 4 876545150 +330 117 5 876544654 +330 118 5 876544582 +330 126 5 876544480 +330 132 5 876546498 +330 135 3 876546172 +330 143 5 876546470 +330 148 4 876544781 +330 151 4 876544734 +330 168 3 876546439 +330 177 4 876546267 +330 185 4 876546236 +330 195 3 876546694 +330 197 5 876546071 +330 202 5 876546948 +330 205 3 876546105 +330 209 3 876547032 +330 210 5 876546866 +330 216 5 876546470 +330 225 4 876544507 +330 228 5 876547220 +330 231 5 876545418 +330 237 4 876544690 +330 238 5 876546323 +330 252 4 876544734 +330 257 5 876544609 +330 283 5 876544432 +330 284 5 876544311 +330 293 3 876544311 +330 318 5 876546377 +330 357 4 876546439 +330 370 4 876545058 +330 376 4 876547378 +330 384 2 876547813 +330 385 5 876546378 +330 403 5 876545417 +330 405 5 876544872 +330 422 4 876547853 +330 423 5 876545971 +330 432 4 876546753 +330 443 4 876546377 +330 451 5 876547813 +330 468 5 876547608 +330 470 5 876546267 +330 479 5 876546105 +330 496 5 876546172 +330 501 5 876546719 +330 554 3 876547500 +330 559 3 876547500 +330 568 5 876546752 +330 627 5 876545479 +330 651 5 876547311 +330 660 5 876546752 +330 694 5 876545971 +330 699 5 876547032 +330 708 3 876545598 +330 729 5 876545721 +330 732 5 876547220 +330 739 5 876545368 +330 864 4 876544278 +330 866 5 876544998 +330 963 5 876547533 +330 966 5 876547311 +330 969 5 876546409 +330 989 5 876543930 +330 993 4 876544632 +330 1035 4 876547470 +330 1084 5 876544432 +331 1 1 877196567 +331 8 3 877196444 +331 22 4 877196235 +331 31 2 877196567 +331 32 4 877196633 +331 124 4 877196174 +331 132 3 877196174 +331 160 5 877196702 +331 175 4 877196235 +331 178 3 877196173 +331 198 4 877196634 +331 214 3 877196702 +331 221 4 877196308 +331 223 4 877196173 +331 234 4 877196633 +331 238 4 877196383 +331 268 5 877196820 +331 269 5 877196819 +331 286 4 877196089 +331 302 5 877196819 +331 304 5 877196820 +331 306 5 877196819 +331 414 4 877196504 +331 467 3 877196702 +331 475 3 877196173 +331 482 2 877196235 +331 491 3 877196383 +331 506 2 877196504 +331 511 5 877196633 +331 634 3 877196308 +331 682 5 877196820 +331 694 4 877196702 +331 735 4 877196444 +331 958 5 877196504 +331 1017 2 877196235 +331 1101 4 877196633 +331 1141 3 877196504 +331 1194 3 877196444 +331 1199 1 877196634 +331 1296 5 877196820 +332 1 4 887938245 +332 8 5 888360108 +332 9 4 887916653 +332 11 5 888359882 +332 12 5 888098205 +332 31 4 888098205 +332 38 2 888360488 +332 41 5 887938997 +332 50 5 887916675 +332 56 5 888098256 +332 64 5 888359944 +332 70 2 888360179 +332 73 4 888360229 +332 77 4 888360343 +332 79 5 888098088 +332 89 5 888098060 +332 96 5 887939051 +332 105 2 887938631 +332 106 4 887938687 +332 117 4 887916575 +332 118 5 887938330 +332 121 5 887916692 +332 122 5 887938886 +332 123 4 887916653 +332 125 5 887938224 +332 147 4 887938524 +332 159 5 887939071 +332 172 5 888098088 +332 173 5 888360092 +332 182 5 888098088 +332 195 5 887939051 +332 210 5 887938981 +332 222 4 887916529 +332 225 3 887938706 +332 226 5 887939092 +332 227 5 888360371 +332 230 5 888360342 +332 234 5 888360342 +332 237 5 887916529 +332 240 4 887938299 +332 245 4 888098170 +332 252 5 888098524 +332 255 4 887938330 +332 257 4 887916575 +332 264 3 893027312 +332 273 5 887938277 +332 276 3 887938299 +332 282 5 887916692 +332 293 4 887916624 +332 294 5 887916324 +332 298 4 887916575 +332 302 5 893027264 +332 307 5 888098170 +332 313 5 887916125 +332 322 4 887916365 +332 323 5 888098276 +332 327 5 887916324 +332 328 5 887916217 +332 333 5 889069499 +332 350 4 891214762 +332 356 3 888360396 +332 367 4 888360212 +332 369 4 887938556 +332 370 2 887938849 +332 385 5 888098398 +332 405 4 887938503 +332 406 3 887938601 +332 411 4 887938738 +332 431 5 888360412 +332 450 5 888360508 +332 452 4 888360508 +332 456 4 887938556 +332 470 5 887939157 +332 471 4 887938351 +332 472 3 887938277 +332 550 5 887939092 +332 552 3 888360488 +332 554 3 888360460 +332 562 5 888098328 +332 568 4 888098151 +332 597 5 887938486 +332 619 3 887938524 +332 628 4 887938556 +332 651 5 888098060 +332 660 3 888098125 +332 678 4 887916284 +332 679 5 887939021 +332 682 4 889069561 +332 685 4 887938277 +332 742 5 887938224 +332 746 5 888360129 +332 748 4 887916385 +332 756 2 887938687 +332 763 5 887938421 +332 769 3 888360532 +332 815 4 887938224 +332 820 4 887938524 +332 824 3 887938818 +332 827 4 887938503 +332 833 5 887938556 +332 840 4 887938781 +332 841 4 887938669 +332 845 3 887938421 +332 895 5 887916385 +332 931 2 888360532 +332 974 4 888360532 +332 982 3 887938601 +332 983 2 887938886 +332 984 2 887916411 +332 1011 3 887938631 +332 1042 4 888360396 +332 1047 3 887938652 +332 1090 5 888360508 +332 1157 4 888360532 +332 1210 3 888360460 +332 1315 2 887916623 +333 100 4 891045666 +333 127 4 891045496 +333 153 4 891045496 +333 168 4 891045496 +333 174 5 891045082 +333 186 4 891045335 +333 255 3 891045624 +333 269 2 891044134 +333 294 3 891045496 +333 300 4 891044389 +333 435 4 891045245 +333 483 4 891045496 +333 513 4 891045496 +333 520 4 891045117 +334 9 4 891544707 +334 10 4 891545265 +334 11 4 891545741 +334 12 5 891547016 +334 13 3 891545089 +334 14 3 891544810 +334 19 4 891544925 +334 20 4 891544867 +334 23 4 891545821 +334 28 3 891546373 +334 29 2 891549751 +334 38 2 891550141 +334 42 4 891545741 +334 44 4 891548224 +334 47 4 891547171 +334 50 5 891544867 +334 56 4 891546914 +334 58 4 891546914 +334 61 3 891550409 +334 68 3 891548387 +334 71 3 891546299 +334 73 3 891548695 +334 74 2 891549246 +334 79 4 891546992 +334 81 4 891546299 +334 82 4 891547083 +334 83 4 891628832 +334 89 4 891545898 +334 91 4 891547306 +334 95 3 891548069 +334 98 4 891545793 +334 99 4 891548533 +334 111 3 891547445 +334 115 5 891545768 +334 116 4 891545044 +334 121 3 891545067 +334 124 5 891544680 +334 125 3 891544925 +334 127 4 891544840 +334 129 4 891544735 +334 130 4 891545318 +334 131 4 891547744 +334 134 5 891545973 +334 137 2 891544953 +334 142 3 891548272 +334 143 2 891548647 +334 150 4 891628832 +334 151 4 891544925 +334 154 4 891547235 +334 155 2 891549927 +334 161 3 891549304 +334 163 4 891548602 +334 164 3 891548104 +334 169 4 891546348 +334 171 4 891546132 +334 172 3 891548954 +334 174 4 891546992 +334 175 4 891546257 +334 176 3 891547040 +334 179 4 891546231 +334 181 4 891544904 +334 185 4 891545950 +334 186 3 891547128 +334 187 4 891547107 +334 190 4 891547083 +334 193 4 891547334 +334 196 4 891547128 +334 197 4 891546181 +334 203 4 891546181 +334 208 5 891546405 +334 209 3 891545821 +334 213 4 891546373 +334 214 3 891549045 +334 217 2 891549805 +334 218 3 891548317 +334 220 3 891545513 +334 221 5 891544904 +334 225 3 891545645 +334 228 5 891547894 +334 230 4 891548808 +334 231 2 891549024 +334 235 3 891545293 +334 236 4 891544765 +334 237 4 891545067 +334 238 4 891546231 +334 239 3 891546914 +334 244 3 891545044 +334 246 4 891544952 +334 248 4 891544997 +334 255 3 891544840 +334 257 4 891544764 +334 258 4 891544264 +334 265 3 891545876 +334 271 3 891544340 +334 272 4 891544103 +334 275 4 891544707 +334 277 3 891544904 +334 283 4 891544810 +334 286 4 891544049 +334 287 3 891545162 +334 288 3 891544209 +334 290 3 891544997 +334 297 5 891544680 +334 301 2 891544233 +334 303 4 891544077 +334 304 3 891550557 +334 305 2 891544135 +334 307 3 891544135 +334 310 3 891544049 +334 312 2 891544286 +334 315 4 891550535 +334 318 4 891545926 +334 324 4 891628832 +334 328 3 891544311 +334 333 4 891544233 +334 337 4 891544177 +334 338 1 891544524 +334 345 2 891544177 +334 346 5 891544209 +334 347 3 891547445 +334 371 2 891547283 +334 403 4 891547016 +334 405 3 891547040 +334 419 3 891546181 +334 423 5 891545821 +334 425 4 891548835 +334 428 4 891547955 +334 429 4 891546299 +334 430 4 891546206 +334 433 5 891628158 +334 462 4 891628832 +334 479 4 891545926 +334 483 5 891628266 +334 484 5 891545793 +334 485 3 891548224 +334 488 5 891546231 +334 494 4 891547235 +334 496 3 891547040 +334 498 4 891545898 +334 500 3 891547334 +334 506 3 891547763 +334 508 3 891544867 +334 510 4 891628832 +334 518 4 891547334 +334 521 4 891548835 +334 527 3 891546231 +334 529 5 891547445 +334 531 5 891545949 +334 537 4 891547995 +334 549 4 891547261 +334 553 1 891548866 +334 561 2 891549455 +334 569 2 891548920 +334 582 5 891547235 +334 591 4 891544810 +334 606 5 891545793 +334 607 3 891546206 +334 629 4 891548460 +334 634 4 891547513 +334 640 4 891548129 +334 642 5 891548436 +334 655 4 891546257 +334 657 4 891545898 +334 675 4 891547148 +334 678 3 891544446 +334 689 3 891544340 +334 707 4 891546153 +334 710 3 891548295 +334 712 3 891549594 +334 736 3 891548979 +334 740 3 891548678 +334 744 3 891545108 +334 746 3 891548622 +334 753 4 891545741 +334 761 2 891549718 +334 762 3 891545044 +334 810 3 891549267 +334 815 3 891545540 +334 846 3 891545318 +334 855 3 891547513 +334 856 4 891545926 +334 865 2 891549631 +334 866 3 891545239 +334 877 3 891544264 +334 879 3 891544264 +334 882 3 891544135 +334 886 4 891544233 +334 887 5 891544491 +334 896 5 891544049 +334 899 4 891547348 +334 902 4 891550520 +334 905 1 891547612 +334 906 5 891544177 +334 931 1 891549513 +334 936 3 891544764 +334 937 3 891544367 +334 945 4 891545973 +334 950 3 891545162 +334 955 1 891547563 +334 969 4 891628832 +334 1011 4 891544680 +334 1014 2 891545293 +334 1016 3 891545185 +334 1020 4 891546181 +334 1041 3 891549667 +334 1048 4 891545480 +334 1074 2 891548979 +334 1132 2 891545616 +334 1170 4 891548729 +334 1198 3 891544735 +334 1202 4 891544680 +334 1226 4 891545540 +334 1263 4 891549926 +334 1312 4 891628832 +334 1313 4 891544407 +334 1426 4 891548647 +334 1504 3 891549718 +334 1525 4 893074672 +335 258 1 891566808 +335 300 5 891567029 +335 305 4 891566861 +335 307 5 891566952 +335 313 3 891566808 +335 322 4 891567125 +335 323 4 891567125 +335 333 4 891566952 +335 340 5 891566808 +335 342 2 891566976 +335 355 3 891567053 +335 748 2 891567098 +335 902 5 891566808 +336 1 3 877759342 +336 3 1 877758935 +336 4 4 877757790 +336 15 4 877754621 +336 25 3 877756934 +336 26 5 877757877 +336 33 3 877756242 +336 41 3 877757477 +336 42 5 877757669 +336 50 4 877759224 +336 56 4 877757601 +336 63 2 877757268 +336 70 5 877757910 +336 72 3 877756127 +336 85 3 877758078 +336 88 2 877757910 +336 90 5 877757062 +336 94 3 877756890 +336 100 3 877756934 +336 105 4 877755098 +336 111 3 877756999 +336 121 4 877760441 +336 122 5 877757134 +336 125 3 877760032 +336 151 1 877759473 +336 168 5 877757700 +336 173 5 877757637 +336 186 4 877757730 +336 204 5 877757601 +336 210 5 877757700 +336 237 5 877759598 +336 238 3 877757700 +336 257 4 877759730 +336 273 5 877760032 +336 275 4 877759730 +336 284 4 877759833 +336 288 3 877760521 +336 290 3 877756934 +336 294 4 877759103 +336 367 3 877757910 +336 368 1 877756695 +336 383 1 877758935 +336 388 1 877757418 +336 393 3 877756618 +336 401 1 877757133 +336 407 1 877757373 +336 475 4 877756934 +336 546 3 877760310 +336 575 3 877757373 +336 579 3 877757373 +336 585 3 877756966 +336 591 5 877759598 +336 628 3 877760374 +336 710 4 877757700 +336 716 2 877758001 +336 732 3 877756356 +336 734 1 877757516 +336 746 3 877758103 +336 762 5 877756890 +336 763 3 877756890 +336 765 4 877757516 +336 780 3 877756934 +336 781 3 877757373 +336 785 1 877758935 +336 790 2 877758187 +336 796 3 877758035 +336 859 2 877758103 +336 871 2 877757550 +336 949 4 877757952 +336 959 3 877758138 +336 998 1 877757062 +336 1011 2 877754536 +336 1037 1 877757550 +336 1041 2 877757837 +336 1048 4 877757134 +336 1051 2 877757094 +336 1079 1 877757094 +336 1094 1 877757062 +336 1118 4 877758055 +336 1183 1 877757972 +336 1188 3 877757418 +336 1249 3 877756356 +336 1437 2 877756890 +336 1446 1 877757790 +336 1496 1 877757268 +337 15 5 875185596 +337 25 3 875184963 +337 50 5 875184413 +337 67 4 875236631 +337 125 4 875185574 +337 127 3 875184682 +337 151 5 875185627 +337 181 2 875184353 +337 222 5 875185319 +337 227 5 875185319 +337 228 5 875185319 +337 250 3 875185219 +337 380 4 875185319 +337 392 5 875236512 +337 449 4 875185319 +337 471 5 875235809 +337 515 5 875184280 +337 520 5 875236281 +337 636 4 875236281 +337 831 1 875236281 +337 879 3 875429233 +338 1 3 879438143 +338 52 5 879438690 +338 83 2 879438064 +338 86 4 879438505 +338 135 5 879438570 +338 143 2 879438652 +338 169 5 879438196 +338 175 4 879438762 +338 180 4 879438505 +338 189 4 879438449 +338 196 2 879438505 +338 197 5 879438473 +338 208 3 879438225 +338 213 5 879438250 +338 215 3 879438092 +338 216 4 879438196 +338 269 4 879437523 +338 275 5 879438063 +338 286 4 879437522 +338 301 4 879437655 +338 382 5 879438762 +338 427 4 879438419 +338 443 5 879438570 +338 474 4 879438627 +338 478 3 879438505 +338 479 5 879438250 +338 488 5 879438449 +338 490 5 879438275 +338 497 3 879438165 +338 498 4 879438250 +338 513 5 879438225 +338 514 5 879438114 +338 517 5 879438505 +338 523 3 879438366 +338 525 4 879438449 +338 607 4 879438225 +338 650 5 879438275 +338 654 5 879438143 +338 708 5 879438627 +338 990 4 879437607 +338 1124 4 879438301 +339 4 4 891033653 +339 5 3 891034953 +339 7 4 891032952 +339 9 5 891033044 +339 22 5 891033735 +339 29 3 891035759 +339 45 5 891033200 +339 50 4 891032576 +339 53 4 891034254 +339 56 5 891032221 +339 64 5 891033629 +339 69 4 891032633 +339 74 4 891033382 +339 79 4 891032701 +339 80 3 891035707 +339 81 5 891033566 +339 86 4 891032221 +339 88 4 891035454 +339 89 5 891033416 +339 91 5 891034282 +339 92 4 891033452 +339 94 2 891036423 +339 99 4 891035180 +339 100 5 891032286 +339 117 3 891034152 +339 121 3 891035454 +339 124 4 891032885 +339 127 5 891032349 +339 130 4 891034040 +339 131 5 891033382 +339 134 5 891033044 +339 136 5 891033898 +339 143 5 891034810 +339 144 3 891033794 +339 145 3 891036557 +339 150 4 891033282 +339 151 4 891033676 +339 156 5 891032495 +339 157 4 891032379 +339 160 5 891033512 +339 161 3 891034626 +339 167 4 891036058 +339 168 4 891033710 +339 170 5 891032286 +339 173 5 891034254 +339 174 4 891032320 +339 176 4 891032413 +339 178 5 891033310 +339 179 5 891032793 +339 180 5 891032793 +339 185 4 891032885 +339 186 4 891032255 +339 187 5 891032700 +339 191 5 891033676 +339 195 3 891032576 +339 197 5 891033653 +339 199 5 891032576 +339 200 5 891033118 +339 203 4 891032466 +339 204 3 891033542 +339 205 5 891033629 +339 208 4 891032827 +339 209 5 891032600 +339 211 5 891034215 +339 212 4 891035215 +339 213 4 891033542 +339 216 3 891032286 +339 217 3 891034254 +339 218 3 891034810 +339 222 4 891033512 +339 227 2 891035524 +339 229 3 891035584 +339 233 1 891036503 +339 234 4 891032255 +339 235 3 891036387 +339 238 5 891032827 +339 241 4 891034152 +339 250 5 891033830 +339 257 4 891033710 +339 269 5 891032379 +339 276 4 891032495 +339 293 5 891033282 +339 317 4 891032542 +339 327 4 891032150 +339 343 3 891031800 +339 346 5 891032255 +339 357 5 891032189 +339 383 1 891036834 +339 396 4 891036316 +339 403 3 891034510 +339 404 4 891035147 +339 410 2 891034953 +339 415 3 891035553 +339 423 3 891033602 +339 427 5 891034778 +339 428 5 891032349 +339 433 4 891033542 +339 434 4 891033350 +339 436 4 891035147 +339 447 4 891034923 +339 449 3 891036316 +339 451 3 891034151 +339 461 5 891033226 +339 474 4 891032286 +339 480 5 891032885 +339 483 5 891032121 +339 484 5 891032495 +339 485 5 891032413 +339 488 5 891032379 +339 498 4 891033044 +339 503 4 891035093 +339 504 5 891032255 +339 506 4 891033766 +339 508 4 891032189 +339 511 5 891032885 +339 515 5 891033072 +339 518 5 891033984 +339 521 4 891032737 +339 527 4 891032793 +339 528 5 891033044 +339 530 5 891032413 +339 546 4 891036423 +339 549 4 891034040 +339 566 3 891034717 +339 568 3 891035061 +339 614 3 891034867 +339 637 4 891035647 +339 639 4 891034115 +339 640 5 891035035 +339 644 5 891033200 +339 649 5 891034007 +339 650 4 891032438 +339 654 5 891032150 +339 655 4 891033452 +339 657 4 891032221 +339 660 4 891034778 +339 663 5 891032952 +339 675 4 891034810 +339 678 2 891036781 +339 702 4 891035850 +339 709 5 891032982 +339 719 3 891036753 +339 735 4 891034717 +339 736 3 891035093 +339 737 3 891035180 +339 790 2 891034151 +339 823 3 891035850 +339 939 4 891034115 +339 942 4 891034484 +339 1017 5 891033567 +339 1110 4 891034657 +339 1135 2 891033898 +339 1153 4 891035035 +339 1240 5 891033855 +339 1258 3 891034717 +339 1267 3 891033766 +339 1404 5 891034592 +339 1526 4 891035116 +340 15 5 884991396 +340 50 4 884990546 +340 66 5 884990798 +340 88 5 884991584 +340 95 5 884991083 +340 143 5 884990669 +340 173 5 884990703 +340 179 1 884989963 +340 180 3 884991236 +340 196 4 884990861 +340 199 5 884990988 +340 211 3 884991431 +340 215 5 884990620 +340 274 4 884991618 +340 378 5 884990891 +340 417 5 884991544 +340 428 1 884991618 +340 480 5 884991114 +340 486 4 884991083 +340 497 5 884990951 +340 502 2 884991678 +340 520 5 884991544 +340 584 3 884991369 +340 588 5 884991369 +340 662 2 884991584 +340 946 5 884991647 +340 969 5 884991647 +341 259 3 890758051 +341 299 5 890757745 +341 330 5 890758113 +341 335 4 890757782 +341 358 1 890758050 +341 682 3 890757961 +341 872 4 890757841 +341 881 5 890757961 +341 895 4 890757961 +341 908 3 890758080 +341 1025 5 890757961 +341 1280 2 890757782 +342 3 2 875318606 +342 7 4 875318266 +342 8 4 875319597 +342 9 5 874984233 +342 11 5 874984315 +342 12 5 874984315 +342 14 5 874984661 +342 15 3 875318154 +342 26 2 875320037 +342 28 2 875319383 +342 42 3 875319659 +342 47 5 874984430 +342 57 3 875319457 +342 68 3 875319992 +342 88 1 875320644 +342 89 3 875319090 +342 93 4 874984684 +342 98 3 874984261 +342 111 3 875318267 +342 114 5 875318962 +342 123 5 874984832 +342 124 4 875318267 +342 125 2 875318585 +342 131 5 875319786 +342 133 4 874984207 +342 135 3 874984395 +342 137 2 874984455 +342 144 5 875319912 +342 149 5 874984788 +342 150 3 874984531 +342 152 4 874984341 +342 153 4 874984261 +342 165 3 875318907 +342 169 5 875318907 +342 174 2 875319681 +342 182 5 875319173 +342 188 3 875318936 +342 192 4 875320082 +342 193 5 875320199 +342 194 3 875318858 +342 196 3 874984128 +342 197 4 875318988 +342 208 4 874984430 +342 209 5 875319554 +342 212 5 875319992 +342 216 5 875320104 +342 223 4 875318907 +342 236 3 875318536 +342 238 4 875319012 +342 246 4 874984480 +342 248 3 874984455 +342 249 3 874984661 +342 251 5 875318267 +342 262 2 874984025 +342 276 3 874984531 +342 282 1 875318366 +342 286 4 874984002 +342 289 2 874984067 +342 293 4 874984619 +342 294 3 874984067 +342 298 3 874984619 +342 301 5 874984045 +342 319 4 874984002 +342 320 5 875318833 +342 324 1 874984002 +342 326 1 874984002 +342 327 4 874984025 +342 357 3 874984234 +342 367 5 875319967 +342 378 4 875319617 +342 381 5 875320312 +342 382 3 875320623 +342 408 5 875318266 +342 410 3 874984661 +342 412 3 875318648 +342 421 3 875319435 +342 423 4 875319436 +342 428 5 875320334 +342 433 5 874984395 +342 461 3 874984315 +342 475 5 874984233 +342 476 4 875318488 +342 478 3 875319967 +342 482 5 875318936 +342 486 5 874984207 +342 487 5 874984315 +342 488 5 875319536 +342 496 4 875319334 +342 499 5 875319912 +342 507 4 875319295 +342 514 5 874984341 +342 531 3 874984175 +342 535 3 874984727 +342 547 5 875318347 +342 606 5 875318882 +342 654 4 875319745 +342 656 5 875319151 +342 663 4 875320297 +342 692 1 875319090 +342 699 4 875319808 +342 716 2 875320014 +342 727 3 875320082 +342 732 3 875319786 +342 756 3 874984895 +342 763 3 874984854 +342 789 3 875319412 +342 818 4 875318488 +342 833 3 874984751 +342 844 3 874984789 +342 846 2 875318688 +342 866 1 875318585 +342 873 3 874984068 +342 875 1 874984045 +342 965 4 875319195 +342 1008 3 875318669 +342 1010 1 874984574 +342 1011 3 875318467 +342 1012 4 874984639 +342 1014 1 874984531 +342 1016 1 874984596 +342 1057 2 875318783 +342 1070 3 875319412 +342 1094 3 874984873 +342 1103 3 874984395 +342 1167 1 875319854 +342 1170 3 875319659 +342 1315 1 875318742 +342 1528 3 875318585 +343 1 5 876402668 +343 3 4 876406256 +343 4 5 876408139 +343 7 5 876402941 +343 9 5 876402738 +343 10 4 876403009 +343 11 5 876405172 +343 13 5 876402894 +343 22 4 876406181 +343 23 5 876404499 +343 26 3 876404689 +343 28 5 876404793 +343 42 4 876404647 +343 50 5 876402814 +343 53 5 876407421 +343 56 5 876404880 +343 57 5 876404426 +343 58 4 876406283 +343 63 4 876406062 +343 64 5 876405697 +343 65 5 876405172 +343 66 3 876406421 +343 67 3 876407663 +343 68 1 876406878 +343 72 5 876407706 +343 77 3 876405004 +343 79 4 876406144 +343 81 5 876408139 +343 83 4 876404957 +343 86 5 876404836 +343 87 4 876404613 +343 89 3 876406006 +343 90 4 876406677 +343 98 5 876404836 +343 116 5 876403009 +343 117 2 876403121 +343 127 5 876404464 +343 134 5 876404568 +343 137 4 876402941 +343 144 4 876405004 +343 150 4 876402941 +343 152 4 876404612 +343 153 5 876404539 +343 154 5 876406552 +343 155 1 876407379 +343 157 4 876405045 +343 159 2 876405893 +343 168 4 876404612 +343 169 5 876405172 +343 174 5 876404464 +343 175 5 876405045 +343 176 5 876405553 +343 177 4 876407252 +343 179 5 876405633 +343 180 5 876404613 +343 189 4 876405697 +343 193 4 876405857 +343 197 4 876404836 +343 198 4 876406006 +343 200 2 876404539 +343 202 4 876406256 +343 203 5 876406764 +343 208 4 876404426 +343 215 5 876405943 +343 217 3 876405771 +343 222 4 876402978 +343 223 5 876405735 +343 229 4 876407340 +343 231 5 876407032 +343 234 1 876405633 +343 235 4 876403078 +343 236 5 876402668 +343 238 4 876404647 +343 241 3 876407291 +343 252 4 876403491 +343 257 3 876402941 +343 258 5 876402390 +343 260 1 876402556 +343 265 2 876406878 +343 274 3 876403443 +343 276 5 876403078 +343 277 4 876402978 +343 283 4 876403212 +343 286 4 876402390 +343 288 2 876402428 +343 297 5 876403283 +343 302 4 876402390 +343 317 5 876405130 +343 318 5 876406707 +343 324 5 876402468 +343 334 5 876402468 +343 357 5 876408139 +343 358 1 876402493 +343 385 3 876406939 +343 387 4 876405521 +343 403 4 876406878 +343 408 5 876403121 +343 410 3 876403212 +343 425 5 876406514 +343 427 5 876405820 +343 429 4 876407138 +343 449 5 876407138 +343 461 2 876404957 +343 462 4 876404385 +343 463 4 876404793 +343 466 4 876404957 +343 471 4 876402941 +343 473 3 876403212 +343 476 2 876403239 +343 478 5 876404499 +343 496 5 876404426 +343 508 5 876403514 +343 510 5 876408139 +343 515 4 876402626 +343 521 5 876408138 +343 523 5 876404647 +343 527 5 876404757 +343 528 3 876405004 +343 530 5 876405633 +343 531 5 876404539 +343 536 4 876403310 +343 555 1 876407706 +343 559 3 876406822 +343 561 3 876405172 +343 568 1 876406640 +343 581 4 876405820 +343 582 3 876404836 +343 583 4 876407202 +343 606 5 876404836 +343 614 5 876404689 +343 631 4 876407175 +343 657 5 876404464 +343 660 3 876405004 +343 663 5 876405045 +343 703 4 876404426 +343 715 5 876405943 +343 735 5 876406576 +343 739 3 876406939 +343 744 4 876402941 +343 747 4 876407174 +343 786 4 876406181 +343 930 1 876403587 +343 931 3 876403938 +343 943 4 876406552 +343 950 3 876403121 +343 963 5 876404880 +343 1008 4 876403418 +343 1039 5 876404689 +343 1047 1 876403776 +343 1067 3 876403078 +343 1073 4 876405771 +343 1112 3 876406314 +343 1117 3 876403563 +343 1140 3 876405943 +343 1194 4 876405129 +343 1211 4 876406677 +343 1267 4 876406576 +344 1 3 884899372 +344 4 4 884901235 +344 7 4 884814668 +344 8 5 889814194 +344 11 3 884901270 +344 13 3 884899768 +344 14 5 884814532 +344 19 4 884899346 +344 22 3 884901180 +344 26 3 884901561 +344 50 5 884814401 +344 64 5 884900818 +344 69 2 884901093 +344 70 3 884901561 +344 71 3 884901371 +344 73 3 884901371 +344 83 4 884901503 +344 86 4 884901129 +344 88 3 884901403 +344 89 5 884814479 +344 95 4 884901180 +344 96 4 889814195 +344 98 4 884901180 +344 100 5 886382272 +344 117 3 884899767 +344 118 3 884900353 +344 121 3 884899792 +344 122 1 886381985 +344 124 5 884899346 +344 127 5 889814518 +344 129 4 884899346 +344 132 4 889814194 +344 137 5 884814668 +344 151 5 884899719 +344 169 5 884814457 +344 173 5 884814697 +344 174 5 884900993 +344 198 5 884814507 +344 202 4 884901180 +344 203 4 884901328 +344 210 4 884814401 +344 216 4 884901156 +344 235 3 884900423 +344 258 3 884814359 +344 269 4 884814359 +344 272 5 885769962 +344 273 4 884900677 +344 275 4 884899397 +344 276 4 889814194 +344 280 3 884899815 +344 281 3 884900374 +344 285 5 889814068 +344 290 2 884899837 +344 291 3 884899791 +344 297 4 889814555 +344 298 4 889814571 +344 302 5 884814359 +344 311 4 884814359 +344 316 4 889814343 +344 319 1 886381985 +344 322 2 889814470 +344 357 5 884814432 +344 367 5 884901560 +344 372 4 884901469 +344 385 2 884901503 +344 405 2 884900353 +344 408 5 884814532 +344 431 3 884901469 +344 459 4 884899741 +344 463 4 884901210 +344 473 4 884900248 +344 476 3 884900499 +344 478 4 884901210 +344 487 5 884900791 +344 494 4 884901210 +344 496 4 889814194 +344 509 4 889814195 +344 516 5 884901311 +344 529 5 884814668 +344 530 4 884901403 +344 546 3 884899837 +344 562 2 886381985 +344 588 5 884900993 +344 628 4 884899442 +344 647 4 884814401 +344 694 5 884901093 +344 696 3 884900567 +344 708 4 884901561 +344 709 5 886382364 +344 713 3 884899742 +344 715 4 889814195 +344 742 3 884900248 +344 751 4 886381635 +344 756 2 884900529 +344 762 3 884900391 +344 764 1 886381986 +344 815 2 884900409 +344 844 1 886381985 +344 864 3 884900454 +344 926 2 886381985 +344 928 2 884900409 +344 955 4 889814195 +344 972 4 884901503 +344 1014 4 889814600 +344 1020 5 884814457 +344 1048 3 884899815 +344 1082 2 889814622 +344 1137 3 884899339 +344 1142 5 889814518 +345 4 4 884993619 +345 5 3 884992922 +345 9 4 884900976 +345 11 4 884992337 +345 12 5 884901701 +345 14 4 884991077 +345 28 3 884916441 +345 38 2 884993830 +345 40 3 884993662 +345 42 2 884991873 +345 43 3 884993890 +345 44 3 884992770 +345 50 5 884992367 +345 54 3 884993506 +345 56 5 884902317 +345 58 4 884916322 +345 65 4 884992158 +345 66 3 884993069 +345 69 4 884992755 +345 70 5 884992248 +345 79 4 884992291 +345 81 4 884992998 +345 86 4 884916235 +345 87 5 884991984 +345 91 4 884993016 +345 111 4 884991244 +345 117 4 884991220 +345 118 3 884991520 +345 124 5 884900777 +345 125 3 884991191 +345 131 4 884992998 +345 137 4 884991077 +345 143 5 884992940 +345 148 3 884991303 +345 150 5 884991105 +345 161 3 884993555 +345 170 5 884902317 +345 181 4 884992479 +345 191 5 884902317 +345 196 5 884902317 +345 200 4 884916339 +345 204 4 884991925 +345 210 4 884992174 +345 215 4 884993464 +345 218 3 884992218 +345 220 3 884991457 +345 223 5 884902317 +345 226 3 884993418 +345 234 4 884991831 +345 237 4 884991077 +345 238 5 884916495 +345 239 4 884993485 +345 241 4 884992142 +345 244 3 884994658 +345 245 2 884901497 +345 248 5 884994083 +345 255 4 884994156 +345 258 4 884916532 +345 262 5 884901701 +345 268 4 884900448 +345 274 3 884991267 +345 278 3 884991505 +345 280 3 884991457 +345 286 3 884900521 +345 287 4 884991670 +345 288 3 884901497 +345 293 4 884994592 +345 294 3 884901497 +345 298 5 884902339 +345 300 3 884900427 +345 303 4 884900448 +345 305 4 884900483 +345 318 5 884916354 +345 323 3 884916551 +345 365 2 884993760 +345 378 4 884993436 +345 381 4 884993505 +345 382 4 884992725 +345 385 3 884993418 +345 393 3 884993485 +345 412 3 884991600 +345 416 4 884992142 +345 433 4 884992142 +345 461 3 884992175 +345 462 5 884901637 +345 464 3 884992084 +345 469 5 884916274 +345 470 4 884992084 +345 485 4 884992141 +345 498 4 884992117 +345 518 4 884916484 +345 534 4 884994592 +345 566 3 884992194 +345 568 4 884993047 +345 570 2 884993662 +345 588 3 884992100 +345 620 2 884991614 +345 628 3 884991105 +345 639 4 884993139 +345 655 4 884991851 +345 678 2 884901497 +345 684 4 884992005 +345 696 3 884991267 +345 702 4 884993418 +345 709 4 884993033 +345 715 4 884993069 +345 736 3 884992897 +345 737 3 884993418 +345 738 3 884993636 +345 742 4 884991191 +345 744 4 884991348 +345 747 3 884993139 +345 762 5 884991285 +345 772 4 884993121 +345 781 3 884993636 +345 815 3 884991546 +345 886 3 884900736 +345 941 3 884993932 +345 955 4 884993932 +345 974 3 884991581 +345 980 4 884991688 +345 1007 5 884994119 +345 1008 3 884991267 +345 1009 2 884991546 +345 1012 3 884994606 +345 1023 2 884994658 +345 1053 3 884993903 +345 1074 3 884993890 +345 1096 3 884994682 +345 1101 4 884993436 +345 1117 4 884900810 +345 1221 3 884993703 +345 1226 3 884994592 +345 1281 4 884991105 +346 2 5 875263473 +346 3 3 875265392 +346 7 2 874947923 +346 11 4 874948174 +346 12 5 874950232 +346 22 5 874948059 +346 29 4 875264137 +346 38 3 874950993 +346 50 5 874947609 +346 54 4 874949217 +346 55 5 874948639 +346 56 5 874949217 +346 58 3 875122112 +346 64 4 874948214 +346 67 3 875264985 +346 68 3 874951062 +346 77 4 874950937 +346 79 5 874948105 +346 88 4 874949380 +346 89 4 874948513 +346 91 1 874950029 +346 92 4 886274124 +346 96 5 874948252 +346 97 4 874948929 +346 98 2 874948173 +346 100 3 874948426 +346 110 2 875266064 +346 117 4 874950054 +346 120 3 875264287 +346 127 5 874947747 +346 132 4 875261235 +346 141 4 874950692 +346 144 4 886273914 +346 147 4 874950172 +346 151 4 874949244 +346 153 3 874948252 +346 156 4 874948139 +346 157 3 874950966 +346 159 4 874949011 +346 161 3 874950413 +346 164 3 874948824 +346 168 4 874948252 +346 172 5 874947609 +346 173 3 874948475 +346 175 4 874947644 +346 177 4 874948476 +346 180 5 874947958 +346 181 5 874948332 +346 182 5 874948031 +346 183 4 874948382 +346 184 1 874950463 +346 188 4 874948252 +346 195 5 874948703 +346 196 3 874950692 +346 203 4 874948139 +346 204 4 874948730 +346 211 4 874948475 +346 215 3 874948303 +346 216 3 874949011 +346 219 2 875263664 +346 226 3 886273914 +346 233 4 874948889 +346 234 2 874950291 +346 240 1 874948929 +346 250 3 886274255 +346 259 2 886273426 +346 273 4 874948783 +346 276 1 874950029 +346 288 2 886273342 +346 293 3 875000499 +346 300 5 874947380 +346 302 3 877231140 +346 318 5 874948105 +346 325 1 886273717 +346 333 4 886273342 +346 358 4 886273570 +346 363 3 874951062 +346 365 1 874951029 +346 366 2 874947609 +346 369 3 874948890 +346 375 1 875266176 +346 385 5 886274124 +346 391 2 875266600 +346 394 4 874949116 +346 395 1 875264785 +346 403 3 874950383 +346 423 4 874949057 +346 431 5 874950616 +346 470 3 874948513 +346 472 4 874950937 +346 496 5 875260242 +346 515 5 874948890 +346 520 5 874948105 +346 541 3 874951104 +346 549 4 874950966 +346 550 4 886273914 +346 566 5 874950766 +346 571 3 875264262 +346 572 5 875266600 +346 576 3 875264945 +346 578 2 874950463 +346 597 3 875003052 +346 616 1 874948890 +346 636 3 874950794 +346 640 3 874947923 +346 642 3 874949952 +346 657 4 875260577 +346 658 3 874949011 +346 660 2 874948979 +346 669 1 875265690 +346 693 4 874950937 +346 708 3 874951714 +346 712 3 875264985 +346 720 2 875265528 +346 739 3 874950316 +346 743 2 875265295 +346 746 3 874949116 +346 748 4 874947380 +346 802 4 875265236 +346 842 1 874948513 +346 944 3 874951714 +346 951 2 874950463 +346 959 2 875260577 +346 1011 1 874947609 +346 1025 3 886273570 +346 1039 2 874948303 +346 1135 4 874950993 +346 1188 1 875264472 +346 1210 3 875265335 +346 1217 4 886274201 +346 1228 4 875265825 +346 1231 3 875265106 +346 1232 1 875264262 +346 1258 4 875002895 +347 1 4 881652518 +347 4 4 881654452 +347 11 5 881653544 +347 15 2 881652535 +347 17 4 881654635 +347 24 3 881652657 +347 28 4 881654612 +347 31 5 881654321 +347 50 5 881652456 +347 68 5 881654825 +347 70 2 881654428 +347 76 5 881654679 +347 77 5 881654386 +347 91 1 881654679 +347 95 4 881654410 +347 97 4 881654101 +347 99 3 881654591 +347 100 3 881652417 +347 105 2 881653198 +347 106 2 881652813 +347 117 5 881652518 +347 118 4 881652710 +347 121 3 881652535 +347 123 3 881654301 +347 137 2 881652568 +347 147 4 881652710 +347 148 3 881652888 +347 156 5 881653652 +347 157 5 881654567 +347 158 3 881654773 +347 159 4 881654635 +347 163 4 881654801 +347 164 3 881654752 +347 172 5 881653933 +347 174 4 881654248 +347 176 3 881653866 +347 177 5 881654386 +347 180 5 881654101 +347 181 5 881652377 +347 183 3 881654232 +347 186 5 881653912 +347 187 5 881653652 +347 188 5 881654480 +347 192 4 881653798 +347 195 4 881653603 +347 200 4 881654452 +347 202 4 881654211 +347 203 5 881654232 +347 204 4 881653830 +347 210 4 881653973 +347 226 4 881653890 +347 233 5 881654653 +347 235 2 881653224 +347 237 4 881652629 +347 240 5 881653300 +347 245 5 881652230 +347 249 5 881652683 +347 252 2 881653176 +347 258 4 881652077 +347 260 1 881652250 +347 271 1 881652191 +347 273 5 881652456 +347 276 3 881652657 +347 282 5 881652590 +347 284 3 881652480 +347 290 3 881653132 +347 293 5 881652709 +347 333 5 881652077 +347 356 5 881654134 +347 357 5 881653774 +347 363 1 881653244 +347 369 4 881653300 +347 371 1 881654715 +347 386 1 881654846 +347 403 5 881654386 +347 404 4 881654846 +347 405 4 881652610 +347 411 5 881653132 +347 418 4 881654134 +347 421 2 881653635 +347 427 4 881654004 +347 432 4 881653973 +347 455 2 881653087 +347 460 3 881652888 +347 468 2 881654825 +347 470 5 881654301 +347 471 4 881652518 +347 508 3 881652629 +347 544 4 881652862 +347 546 4 881653059 +347 550 5 881654734 +347 595 2 881653244 +347 597 3 881652788 +347 627 4 881654545 +347 655 5 881653973 +347 660 2 881654186 +347 686 5 881654101 +347 689 4 881652250 +347 692 4 881654679 +347 693 5 881654156 +347 696 4 881653266 +347 713 3 881652568 +347 742 5 881652610 +347 748 2 881652142 +347 756 2 881653266 +347 763 5 881652837 +347 820 2 881653340 +347 831 1 881653340 +347 926 1 881654846 +347 928 3 881653176 +347 930 2 881653340 +347 943 4 881654545 +347 977 5 881653224 +347 982 1 881652709 +347 1011 3 881653155 +347 1012 4 881652590 +347 1016 3 881652730 +347 1039 5 881653830 +347 1047 1 881653224 +347 1244 3 881653300 +347 1291 1 881653340 +348 7 4 886523302 +348 25 4 886523521 +348 107 4 886523813 +348 111 5 886523330 +348 117 4 886523256 +348 118 4 886523588 +348 121 5 886523521 +348 123 5 886523361 +348 126 5 886523560 +348 151 3 886523456 +348 225 3 886523645 +348 237 4 886523078 +348 243 3 886522740 +348 291 4 886523790 +348 323 5 886522579 +348 368 3 886523876 +348 369 3 886523758 +348 409 4 886523710 +348 412 2 886523560 +348 477 3 886523521 +348 546 3 886523256 +348 596 4 886523456 +348 685 4 886523560 +348 756 4 886523735 +348 827 4 886523387 +348 831 4 886523913 +348 926 3 886523683 +348 934 4 886523839 +348 974 4 886523683 +348 988 3 886522799 +348 1060 3 886523621 +349 10 5 879465569 +349 15 4 879465785 +349 20 5 879465642 +349 25 3 879465966 +349 100 4 879466479 +349 106 1 879466283 +349 118 2 879466283 +349 120 3 879466334 +349 121 2 879465712 +349 125 4 879466541 +349 126 2 879465598 +349 276 5 879465841 +349 284 5 879466156 +349 285 5 879465477 +349 291 3 879465934 +349 325 3 879465326 +349 458 4 879465933 +349 459 4 879465569 +349 471 3 879465535 +349 544 4 879465933 +349 546 3 879466200 +349 596 2 879465814 +349 619 4 879466000 +349 696 3 879465934 +349 713 3 879465673 +349 985 3 879466118 +349 1028 2 879466200 +349 1128 3 879466062 +350 23 5 882345823 +350 50 5 882345502 +350 89 4 882347465 +350 98 4 882347832 +350 127 5 882345502 +350 132 5 882346929 +350 133 5 882346900 +350 136 5 882347699 +350 168 5 882346847 +350 172 5 882345823 +350 173 4 882347465 +350 179 5 882347653 +350 181 4 882346720 +350 183 3 882347465 +350 185 5 882347531 +350 187 5 882347782 +350 190 4 882346900 +350 195 5 882347832 +350 204 4 882346161 +350 210 4 882345918 +350 214 3 882347465 +350 258 3 882347465 +350 265 2 882347466 +350 271 3 882347466 +350 427 5 882346118 +350 429 4 882345668 +350 435 5 882346900 +350 479 5 882345789 +350 480 5 882345918 +350 483 5 882347734 +350 489 4 882347465 +350 515 5 882346756 +350 603 5 882345975 +350 654 5 882345918 +350 1039 4 882345975 +351 245 3 879481550 +351 258 5 879481386 +351 288 3 879481550 +351 289 5 879481613 +351 300 5 879481425 +351 301 3 879481424 +351 304 3 879481675 +351 307 4 879481550 +351 310 5 879481386 +351 311 4 879481589 +351 312 5 883356784 +351 322 5 879481589 +351 323 5 883356710 +351 326 5 879481589 +351 327 5 883356684 +351 328 4 879481550 +351 332 5 879481495 +351 341 4 879481425 +351 343 3 883356591 +351 678 4 879481675 +351 689 4 879481386 +351 748 4 879481613 +351 751 4 883356614 +351 880 2 879481460 +351 882 5 879481589 +351 888 4 879481589 +351 895 3 883356591 +351 898 5 883356784 +351 989 4 883356684 +351 1024 4 879481495 +352 12 4 884290428 +352 17 2 884289728 +352 39 5 884289728 +352 50 5 884289693 +352 56 5 884289760 +352 79 4 884289693 +352 82 3 884290328 +352 86 4 884290505 +352 89 5 884289693 +352 92 3 884289728 +352 98 5 884290428 +352 100 4 884290428 +352 129 5 884290428 +352 144 5 884290328 +352 156 4 884290428 +352 172 5 884289759 +352 174 5 884289760 +352 175 1 884290574 +352 176 5 884289693 +352 194 3 884290361 +352 195 4 884289693 +352 210 3 884290328 +352 228 3 884289729 +352 273 2 884290328 +352 302 4 884289619 +352 385 4 884289760 +352 431 2 884289728 +352 653 3 884290428 +352 692 3 884290361 +353 245 4 891402405 +353 258 5 891402757 +353 260 1 891402617 +353 270 2 891402358 +353 272 5 891402757 +353 301 3 891401992 +353 313 5 891402757 +353 315 4 891402757 +353 326 2 891402444 +353 327 2 891402443 +353 328 2 891402259 +353 331 4 891401992 +353 332 5 891402757 +353 333 4 891402757 +353 340 4 891401942 +353 343 2 891402636 +353 346 4 891402757 +353 358 1 891402617 +353 750 4 891402757 +353 898 2 891402587 +353 905 4 891402674 +354 7 4 891216607 +354 8 5 891217160 +354 9 3 891216607 +354 10 5 891216692 +354 13 3 891216825 +354 14 4 891216575 +354 19 5 891216549 +354 20 5 891216498 +354 25 2 891216854 +354 32 3 891217929 +354 42 2 891217512 +354 45 5 891218046 +354 50 4 891216498 +354 59 5 891218208 +354 60 5 891217160 +354 65 4 891218046 +354 66 2 891307180 +354 81 3 891217249 +354 83 4 891217851 +354 88 2 891307206 +354 89 4 891217547 +354 93 4 891216805 +354 97 3 891217610 +354 98 3 891218312 +354 100 5 891216656 +354 109 3 891216692 +354 116 5 891216692 +354 135 3 891218230 +354 137 3 891216575 +354 143 4 891217547 +354 151 3 891218356 +354 154 4 891217897 +354 165 4 891217755 +354 166 4 891218379 +354 168 5 891218507 +354 169 3 891217511 +354 170 4 891217194 +354 171 4 891306892 +354 173 3 891217394 +354 181 4 891216656 +354 185 3 891218068 +354 186 4 891217811 +354 189 3 891217249 +354 190 4 891217221 +354 193 3 891217782 +354 196 3 891218457 +354 202 3 891307157 +354 209 3 891218155 +354 210 3 891217717 +354 216 3 891217782 +354 221 4 891216788 +354 222 3 891216854 +354 238 4 891217394 +354 241 3 891307069 +354 246 4 891216607 +354 248 4 891216956 +354 251 5 891216691 +354 255 2 891216788 +354 258 4 891180399 +354 270 5 891216082 +354 272 3 891180399 +354 275 4 891216526 +354 281 1 891216915 +354 283 4 891216632 +354 286 4 891180445 +354 287 3 891216854 +354 292 4 891180489 +354 303 5 891180548 +354 305 4 891180489 +354 306 5 891180445 +354 308 4 891180569 +354 311 5 891180445 +354 313 3 891180399 +354 319 3 891180399 +354 381 5 891217851 +354 387 4 891307180 +354 419 4 891217755 +354 421 2 891306852 +354 423 4 891217575 +354 429 3 891218439 +354 432 3 891218380 +354 433 3 891217221 +354 451 3 891307114 +354 464 4 891217512 +354 473 3 891216498 +354 478 5 891217365 +354 485 4 891217659 +354 487 3 891217298 +354 489 4 891217851 +354 494 4 891217194 +354 496 3 891217109 +354 507 3 891306892 +354 509 5 891218249 +354 512 3 891306892 +354 513 5 891217782 +354 515 3 891216526 +354 516 5 891217851 +354 518 3 891217340 +354 520 3 891217811 +354 527 4 891217394 +354 528 5 891218155 +354 531 4 891217897 +354 533 5 891216805 +354 558 4 891217082 +354 582 4 891217897 +354 602 3 891217717 +354 604 4 891217755 +354 606 5 891217633 +354 610 4 891217429 +354 638 4 891217547 +354 650 3 891217693 +354 652 4 891217194 +354 655 3 891217575 +354 660 3 891218155 +354 661 4 891306946 +354 676 5 891216788 +354 707 4 891217633 +354 709 5 891217928 +354 710 4 891217340 +354 714 4 891217449 +354 724 2 891307114 +354 733 3 891217693 +354 735 3 891218312 +354 737 4 891307206 +354 744 4 891216656 +354 747 2 891307069 +354 753 5 891217482 +354 792 4 891217340 +354 811 5 891218091 +354 855 4 891306852 +354 863 3 891306919 +354 865 3 891217109 +354 887 4 891180527 +354 889 5 891217966 +354 896 4 891180527 +354 922 4 891216825 +354 936 4 891216607 +354 955 3 891307180 +354 956 4 891218271 +354 958 4 891218271 +354 971 3 891217482 +354 1017 3 891216896 +354 1039 4 891217249 +354 1063 3 891218230 +354 1065 3 891217512 +354 1085 3 891219432 +354 1119 4 891307114 +354 1137 4 891219376 +354 1194 4 891217429 +354 1197 3 891219490 +354 1466 5 891217547 +354 1511 4 891216575 +355 242 4 879486529 +355 260 4 879485760 +355 264 4 879485760 +355 271 3 879486422 +355 286 5 879485423 +355 288 5 879485523 +355 306 4 879486422 +355 319 5 879486529 +355 324 4 879486422 +355 328 4 879486422 +355 329 3 879486421 +355 358 4 879485523 +355 360 4 879486422 +355 681 4 879485523 +355 682 4 879485523 +355 689 4 879485423 +355 1175 5 879486421 +355 1233 4 879486421 +355 1392 4 879485760 +355 1429 4 879485423 +356 258 5 891406040 +356 286 3 891405721 +356 288 4 891406076 +356 292 3 891405978 +356 294 1 891406076 +356 307 4 891406040 +356 310 3 891405721 +356 312 3 891406317 +356 315 4 891405619 +356 316 4 891406372 +356 322 3 891406289 +356 326 4 891406193 +356 331 3 891405619 +356 347 4 891405619 +356 1294 4 891405721 +357 1 5 878951216 +357 10 5 878951831 +357 24 4 878951457 +357 105 4 878952342 +357 111 5 878951784 +357 117 5 878951217 +357 121 5 878951576 +357 123 4 878951864 +357 126 5 878951537 +357 147 5 878951457 +357 150 4 878951615 +357 151 5 878951728 +357 220 5 878951954 +357 245 4 878951101 +357 270 5 878951101 +357 273 5 878951457 +357 274 4 878951784 +357 275 5 878951784 +357 280 5 878951831 +357 283 5 878951616 +357 304 5 878951101 +357 322 3 878951101 +357 407 3 878952341 +357 411 3 878952041 +357 412 2 878951918 +357 455 5 878951498 +357 456 3 878952265 +357 471 5 878951498 +357 472 3 878952166 +357 473 3 878951831 +357 476 3 878951616 +357 508 5 878951616 +357 546 5 878951729 +357 595 4 878951537 +357 597 4 878952080 +357 685 3 878951616 +357 687 3 878951101 +357 744 5 878951653 +357 748 5 878951101 +357 760 3 878952080 +357 820 4 878952288 +357 825 3 878952080 +357 826 3 878951984 +357 831 3 878952080 +357 841 3 878951918 +357 926 4 878951831 +357 932 4 878952341 +357 1028 5 878951729 +357 1034 2 878952222 +357 1047 4 878951691 +357 1048 2 878951217 +357 1277 5 878951918 +358 8 5 891269179 +358 45 3 891269464 +358 65 4 891270405 +358 114 5 891270652 +358 127 1 891269117 +358 174 1 891270560 +358 179 4 891269666 +358 208 2 891270510 +358 213 5 891269827 +358 221 5 891269077 +358 258 4 891269077 +358 268 3 891269077 +358 318 5 891271063 +358 324 4 891269077 +358 382 2 891269913 +358 511 2 891271035 +358 512 5 891269511 +358 529 3 891269464 +358 558 4 891269511 +358 582 5 891269723 +358 584 4 891269913 +358 638 3 891269584 +358 639 4 891269584 +358 666 3 891269992 +358 855 3 891269464 +358 863 5 891269666 +358 918 1 892731254 +358 1005 4 891269723 +358 1006 5 891269913 +358 1021 5 891269464 +358 1149 3 891270043 +358 1159 5 891269617 +358 1266 4 891269944 +358 1396 4 891269827 +358 1524 5 891269418 +359 7 5 886453325 +359 50 5 886453271 +359 118 3 886453402 +359 121 4 886453373 +359 181 5 886453305 +359 268 4 886453490 +359 286 5 886453161 +359 298 5 886453354 +359 323 3 886453431 +359 408 5 886453239 +359 472 4 886453402 +359 546 3 886453373 +359 748 3 886453271 +359 930 4 886453402 +360 1 3 880354315 +360 10 5 880354624 +360 15 3 880354436 +360 23 5 880356240 +360 25 4 880355209 +360 45 4 880355747 +360 50 4 880354149 +360 56 4 880356131 +360 64 5 880355485 +360 69 3 880355994 +360 83 4 880355845 +360 96 3 880355803 +360 100 5 880354379 +360 124 5 880354215 +360 137 5 880354379 +360 144 2 880355527 +360 165 4 880356059 +360 170 5 880355485 +360 172 4 880356240 +360 174 3 880356240 +360 175 3 880355888 +360 187 4 880355527 +360 193 5 880355803 +360 199 5 880355678 +360 205 5 880356240 +360 210 4 880356166 +360 223 5 880355803 +360 248 4 880354484 +360 257 4 880354515 +360 258 4 880353585 +360 271 2 880354839 +360 275 4 880354149 +360 284 3 880354991 +360 285 5 880354250 +360 286 5 880353526 +360 297 4 880354484 +360 304 4 880353660 +360 306 4 880353584 +360 308 4 880353584 +360 321 3 880354094 +360 326 3 880354094 +360 328 3 880354094 +360 357 5 880355958 +360 405 3 880354347 +360 471 4 880355177 +360 474 5 880355803 +360 479 4 880356092 +360 483 5 880355527 +360 515 4 880354315 +360 520 4 880355448 +360 521 5 880355845 +360 523 3 880356240 +360 531 4 880355678 +360 582 4 880355594 +360 651 4 880355845 +360 654 5 880355715 +360 661 5 880356131 +360 744 4 880355066 +360 748 2 880354094 +360 845 3 880354942 +360 879 3 880354094 +360 933 3 880354408 +360 936 4 880354181 +360 955 5 880356166 +360 1039 5 880356131 +360 1134 3 880355261 +360 1142 4 880354250 +360 1149 4 880356025 +360 1197 3 880355177 +361 23 5 879441215 +361 28 3 879441417 +361 47 4 879440516 +361 49 3 879441179 +361 50 5 879441417 +361 53 2 879441351 +361 55 2 879441253 +361 56 4 879440516 +361 59 4 879440652 +361 60 4 879440605 +361 66 4 879441075 +361 70 4 879440386 +361 79 4 879441286 +361 83 3 879440345 +361 86 4 879440941 +361 90 2 879441179 +361 98 5 879441215 +361 121 2 879441324 +361 129 4 879441285 +361 150 2 879440345 +361 155 3 879441008 +361 165 5 879440573 +361 166 4 879440605 +361 168 4 879440386 +361 170 5 879440605 +361 176 4 879441215 +361 178 5 879441462 +361 186 3 879440516 +361 190 5 879440573 +361 194 4 879440345 +361 202 3 879440941 +361 204 4 879440516 +361 207 4 879440545 +361 212 5 879440941 +361 213 5 879440605 +361 216 5 879440740 +361 218 3 879441324 +361 226 3 879441352 +361 228 4 879441285 +361 237 4 879440740 +361 258 3 879440286 +361 269 4 879441490 +361 274 3 879441034 +361 276 4 879441417 +361 283 4 879440694 +361 285 4 879440516 +361 319 5 879440941 +361 333 2 879441490 +361 367 3 879440475 +361 421 3 879440974 +361 430 5 879440475 +361 443 3 879441253 +361 451 3 879440740 +361 475 4 879440475 +361 502 4 879440475 +361 504 4 879441215 +361 514 5 879440345 +361 525 4 879441253 +361 527 4 879441462 +361 603 5 879441215 +361 611 4 879441462 +361 639 4 879440652 +361 657 5 879441253 +361 659 5 879441324 +361 673 4 879441286 +361 692 4 879440774 +361 694 4 879440774 +361 705 5 879441416 +361 707 4 879440974 +361 727 3 879440740 +361 737 4 879441179 +361 742 1 879441351 +361 770 3 879441352 +361 781 2 879441179 +361 794 3 879441033 +361 813 4 879440475 +361 1103 4 879440386 +361 1152 2 879441008 +362 245 4 885019504 +362 264 1 885019695 +362 300 5 885019304 +362 302 5 885019260 +362 313 4 885019304 +362 321 2 885019435 +362 322 3 885019651 +362 323 2 885019651 +362 328 2 885019504 +362 332 5 885019537 +362 347 5 885019261 +362 350 5 885019537 +362 678 2 885019651 +362 683 1 885019722 +362 689 5 885019504 +362 748 1 885019592 +362 879 5 885019357 +362 1025 2 885019746 +363 1 2 891494563 +363 4 5 891494962 +363 7 3 891495510 +363 8 5 891497853 +363 11 5 891494587 +363 12 5 891495070 +363 17 4 891495918 +363 22 3 891494962 +363 24 3 891494754 +363 25 3 891496337 +363 28 4 891495339 +363 29 1 891498365 +363 32 2 891496667 +363 38 3 891498407 +363 39 4 891495339 +363 42 2 891495070 +363 44 3 891496927 +363 47 5 891496264 +363 50 5 891495168 +363 54 3 891497440 +363 56 5 891495301 +363 58 3 891494962 +363 65 4 891495682 +363 67 1 891498038 +363 68 2 891495809 +363 69 3 891494865 +363 70 2 891496373 +363 72 1 891496850 +363 73 2 891497234 +363 77 2 891496587 +363 79 2 891494835 +363 80 4 891498434 +363 88 2 891498087 +363 89 4 891494688 +363 90 5 891498183 +363 95 3 891496694 +363 98 3 891495402 +363 100 5 891495070 +363 116 4 891495595 +363 117 5 891495742 +363 120 1 891500218 +363 121 2 891497393 +363 127 4 891495169 +363 137 5 891495742 +363 143 2 891496667 +363 148 3 891497439 +363 150 5 891496667 +363 151 4 891497076 +363 153 3 891495169 +363 159 1 891496667 +363 161 4 891496753 +363 164 2 891496722 +363 168 4 891494905 +363 171 5 891495849 +363 172 5 891495711 +363 173 5 891494658 +363 174 4 891495109 +363 176 4 891495109 +363 179 4 891496373 +363 180 3 891494754 +363 181 5 891494783 +363 185 5 891495338 +363 186 3 891494865 +363 187 2 891494725 +363 193 3 891494962 +363 195 4 891495238 +363 200 3 891495918 +363 201 2 891495371 +363 204 2 891495402 +363 206 2 891496587 +363 208 4 891496190 +363 210 4 891494905 +363 216 3 891495879 +363 222 5 891496513 +363 223 5 891495197 +363 224 4 891495682 +363 226 1 891497015 +363 227 4 891498135 +363 230 2 891497440 +363 231 1 891497679 +363 232 2 891495272 +363 234 3 891495197 +363 235 5 891497130 +363 238 4 891497583 +363 239 3 891495272 +363 248 5 891499595 +363 250 1 891499468 +363 256 3 891499542 +363 257 2 891499595 +363 258 3 891493603 +363 260 2 891494049 +363 264 3 891494049 +363 271 4 891493840 +363 273 3 891495630 +363 282 2 891495596 +363 283 2 891495987 +363 284 2 891495987 +363 290 3 891496753 +363 293 4 891499329 +363 298 5 891499411 +363 301 3 891493918 +363 302 5 891493571 +363 312 3 891494106 +363 313 5 891493571 +363 315 3 891493603 +363 317 5 891495596 +363 322 2 891493959 +363 325 1 891494012 +363 328 3 891493840 +363 333 1 891493634 +363 372 4 891496077 +363 380 4 891496481 +363 384 1 891498066 +363 385 4 891497129 +363 386 1 891498407 +363 393 4 891497925 +363 408 5 891494865 +363 423 3 891495711 +363 428 5 891495742 +363 429 5 891496077 +363 431 2 891495301 +363 435 3 891495850 +363 443 4 891500334 +363 444 4 891500406 +363 448 5 891497953 +363 449 3 891498863 +363 451 2 891497130 +363 455 5 891496927 +363 469 2 891496077 +363 496 4 891494563 +363 506 2 891496077 +363 511 4 891495850 +363 518 4 891494835 +363 523 3 891494659 +363 531 4 891495879 +363 537 1 891495402 +363 549 4 891496225 +363 550 4 891497205 +363 552 4 891497853 +363 557 1 891496103 +363 559 3 891496927 +363 566 3 891496439 +363 568 2 891495070 +363 571 1 891498964 +363 572 2 891498469 +363 575 1 891498681 +363 578 4 891497925 +363 582 2 891496306 +363 589 3 891496077 +363 590 3 891500527 +363 597 4 891498286 +363 603 4 891495109 +363 625 4 891498038 +363 631 1 891497440 +363 640 2 891496927 +363 650 2 891495197 +363 651 3 891495682 +363 652 4 891495143 +363 653 3 891495682 +363 657 5 891494587 +363 660 4 891496588 +363 675 3 891495849 +363 678 1 891494012 +363 682 1 891493634 +363 691 3 891493663 +363 698 2 891495987 +363 699 2 891495850 +363 705 2 891495371 +363 707 3 891494906 +363 709 4 891495003 +363 710 5 891495596 +363 719 3 891498365 +363 735 3 891496077 +363 737 1 891497174 +363 739 3 891498183 +363 742 2 891497076 +363 747 5 891495918 +363 751 1 891493772 +363 752 5 891493885 +363 760 1 891499993 +363 770 4 891497174 +363 774 4 891498835 +363 778 4 891495510 +363 789 4 891494962 +363 805 4 891497205 +363 816 1 891498787 +363 831 1 891498469 +363 849 2 891498365 +363 854 1 891497047 +363 859 4 891500462 +363 895 3 891493840 +363 919 5 891494659 +363 933 2 891498920 +363 946 4 891498510 +363 979 1 891497748 +363 1009 2 891497205 +363 1012 4 891499355 +363 1013 3 891499875 +363 1014 1 891499760 +363 1035 2 891497925 +363 1056 4 891496169 +363 1067 3 891496849 +363 1073 4 891496337 +363 1101 3 891495004 +363 1157 2 891498558 +363 1214 1 891497712 +363 1215 1 891498920 +363 1478 1 891498469 +363 1512 1 891494754 +364 261 2 875931432 +364 262 3 875931432 +364 268 3 875931309 +364 286 5 875931309 +364 294 5 875931432 +364 302 4 875931309 +364 319 3 875931309 +364 325 4 875931432 +364 678 4 875931478 +364 687 1 875931561 +364 875 3 875931585 +364 948 4 875931561 +364 988 2 875931561 +364 990 4 875931478 +365 1 4 891303999 +365 100 5 891303901 +365 108 2 891304019 +365 125 3 891304152 +365 137 3 891303999 +365 151 4 891304106 +365 222 4 891303950 +365 235 2 891304278 +365 237 3 891304278 +365 268 5 891303474 +365 269 4 891303357 +365 271 4 891303408 +365 272 4 891303357 +365 276 2 891303901 +365 277 4 891304078 +365 285 4 891303999 +365 288 5 891303357 +365 294 1 891303614 +365 309 1 891303566 +365 315 4 891303384 +365 316 4 891303638 +365 319 4 891303694 +365 326 2 891303614 +365 340 5 891303536 +365 342 2 891303614 +365 352 1 891303728 +365 473 4 891304106 +365 476 4 891304278 +365 591 4 891303901 +365 741 2 891304059 +365 762 4 891304300 +365 815 3 891304152 +365 846 3 891304152 +365 895 4 891303515 +365 995 4 891303694 +365 1011 3 891304152 +365 1137 5 891303950 +365 1420 2 891303454 +366 17 5 888857866 +366 53 5 888857990 +366 98 5 888857750 +366 200 5 888857990 +366 201 5 888857866 +366 217 5 888857990 +366 234 1 888857750 +366 288 4 888857598 +366 413 4 888857598 +366 445 5 888857932 +366 559 5 888858078 +366 561 5 888858078 +366 637 5 888858078 +366 671 5 888857990 +366 675 4 888857866 +366 758 3 888857684 +366 773 3 888858078 +367 5 4 876689991 +367 7 5 876689878 +367 50 5 876689696 +367 53 4 876690076 +367 98 5 876689932 +367 145 3 876690077 +367 164 4 876690119 +367 176 5 876689738 +367 179 5 876689765 +367 183 5 876689738 +367 184 5 876689990 +367 185 5 876689991 +367 217 5 876690021 +367 218 4 876689962 +367 234 4 876690098 +367 268 4 876689364 +367 302 5 876689364 +367 324 5 876689418 +367 331 4 876689418 +367 333 4 876689501 +367 406 4 876689878 +367 413 4 876689879 +367 443 4 876690119 +367 559 4 876690048 +367 561 4 876690048 +367 563 4 876690077 +367 564 2 876690077 +367 565 2 876690048 +367 637 3 876690021 +367 670 4 876690021 +367 672 4 876689991 +367 769 3 876690077 +367 800 4 876690049 +367 876 3 876689418 +367 919 5 876689790 +368 5 3 889783454 +368 7 4 889783365 +368 11 4 889783678 +368 53 2 889783562 +368 56 4 889783407 +368 89 4 889783678 +368 98 3 889783407 +368 100 4 889783407 +368 127 4 889783678 +368 145 2 889783586 +368 164 3 889783364 +368 181 4 889783678 +368 183 5 889783678 +368 184 5 889783453 +368 201 5 889783407 +368 217 5 889783562 +368 234 3 889783365 +368 292 4 889783251 +368 313 5 889783251 +368 413 1 889783454 +368 441 3 889783617 +368 447 1 889783453 +368 448 3 889783365 +368 559 3 889783562 +368 561 2 889783617 +368 569 3 889783586 +368 573 3 889783617 +368 670 3 889783562 +368 672 2 889783453 +368 774 4 889783562 +368 777 2 889783586 +368 844 3 889783453 +369 50 5 889428642 +369 166 4 889428418 +369 168 3 889428494 +369 172 5 889428642 +369 179 4 889428442 +369 196 5 889428642 +369 243 3 889428228 +369 268 5 889428642 +369 316 5 889428641 +369 335 2 889428072 +369 346 4 889427890 +369 358 3 889428228 +369 751 4 889428097 +369 752 4 889428011 +369 890 3 889428268 +369 900 4 889428642 +369 919 5 889428642 +370 14 3 879434707 +370 31 3 879434766 +370 50 4 879434707 +370 52 4 879434969 +370 57 5 879435431 +370 64 4 879434745 +370 98 4 879434937 +370 100 4 879435369 +370 107 4 879435244 +370 114 3 879434587 +370 134 4 879434859 +370 135 4 879434746 +370 136 4 879434999 +370 137 4 879434707 +370 170 4 879435369 +370 172 4 879435369 +370 173 3 879434707 +370 174 3 879434587 +370 176 4 879435217 +370 181 4 879434832 +370 183 4 879434937 +370 193 4 879435168 +370 195 4 879434886 +370 199 4 879434999 +370 210 3 879434745 +370 222 3 879434746 +370 269 5 879434206 +370 285 3 879435193 +370 294 1 879434229 +370 302 5 879434182 +370 321 2 879434265 +370 322 3 879434308 +370 323 2 879434333 +370 390 1 879434587 +370 423 4 879435369 +370 425 3 879434860 +370 427 5 879435146 +370 433 3 879434860 +370 435 3 879434999 +370 443 5 879435369 +370 480 4 879434886 +370 484 4 879434937 +370 494 3 879435033 +370 497 3 879434636 +370 514 4 879434969 +370 523 3 879434999 +370 525 4 879434666 +370 603 5 879435244 +370 607 5 879435168 +370 613 2 879434587 +370 650 5 879435369 +370 661 5 879435217 +370 678 4 879435369 +370 835 5 879434909 +370 856 3 879435033 +370 923 4 879435074 +371 1 4 877487440 +371 22 5 877487134 +371 31 5 880435576 +371 42 3 880435397 +371 50 4 877486953 +371 64 4 877487052 +371 66 4 877487213 +371 69 5 877486953 +371 73 5 880435397 +371 77 5 880435601 +371 117 3 877487052 +371 127 4 877487052 +371 176 4 877487135 +371 180 4 877487656 +371 181 3 877486953 +371 183 5 880435519 +371 185 3 880435519 +371 186 5 880435288 +371 194 3 877486953 +371 197 4 877487364 +371 202 5 880435313 +371 204 5 880435210 +371 210 4 880435313 +371 234 5 877487691 +371 265 5 880435544 +371 357 5 877487751 +371 393 2 880435397 +371 423 5 880435071 +371 431 5 880435601 +371 435 3 877487751 +371 443 4 880435576 +371 449 3 880435733 +371 452 2 880435634 +371 496 4 877487052 +371 504 4 880435576 +371 523 4 880435210 +371 527 5 877487309 +371 627 4 877487656 +371 655 4 880435238 +372 5 4 876869445 +372 7 3 876869387 +372 23 5 876869701 +372 44 4 876869837 +372 53 5 876869553 +372 56 4 876869445 +372 79 5 876869667 +372 98 5 876869388 +372 100 3 876869388 +372 129 4 876869667 +372 164 4 876869446 +372 176 3 876869667 +372 185 5 876869445 +372 201 2 876869387 +372 218 5 876869481 +372 234 5 876869387 +372 262 4 876869066 +372 264 4 876869330 +372 273 5 876869730 +372 288 5 876869066 +372 292 5 876869183 +372 299 4 876869147 +372 326 4 876869330 +372 332 4 876869330 +372 333 5 876869109 +372 436 5 876869445 +372 443 4 876869481 +372 446 4 876869512 +372 447 5 876869445 +372 452 4 876869534 +372 559 4 876869481 +372 595 4 876869878 +372 628 4 876869915 +372 637 4 876869512 +372 674 5 876869512 +372 678 4 876869183 +372 696 4 876869667 +372 844 4 876869481 +372 872 4 876869330 +372 875 4 876869183 +372 1090 5 876869878 +372 1109 4 876869818 +372 1212 4 876869932 +372 1273 4 876869957 +373 4 4 877100232 +373 12 5 877098343 +373 22 5 877098919 +373 24 4 877100016 +373 48 5 877098223 +373 50 5 877098678 +373 64 4 877098643 +373 66 4 877099263 +373 69 4 877099137 +373 70 4 877099968 +373 71 5 877098891 +373 79 4 877098979 +373 80 3 877107235 +373 83 5 877098599 +373 88 4 877106623 +373 90 4 877103846 +373 95 5 877099263 +373 96 4 877098262 +373 99 5 877099091 +373 110 3 877104086 +373 125 4 877098821 +373 131 4 877099968 +373 132 3 877106940 +373 135 1 877098784 +373 136 4 877099091 +373 142 3 877111362 +373 143 3 877105005 +373 144 3 877098949 +373 150 4 877098821 +373 153 5 877100354 +373 155 4 877107235 +373 156 2 877098374 +373 161 4 877105005 +373 162 3 877098568 +373 163 4 877098891 +373 165 5 877100354 +373 166 5 877098262 +373 168 5 877098297 +373 169 5 877099016 +373 170 5 877098751 +373 172 5 877098678 +373 173 5 877098751 +373 174 4 877099137 +373 175 3 877099352 +373 177 3 877100161 +373 178 4 877099352 +373 180 3 877098678 +373 181 5 877099178 +373 184 4 877104086 +373 186 5 877099178 +373 187 2 877098849 +373 189 5 877100416 +373 190 5 877100161 +373 191 4 877102549 +373 194 4 877098714 +373 195 4 877098487 +373 197 3 877099352 +373 202 3 877099352 +373 208 4 877106773 +373 209 4 877098437 +373 213 4 877100061 +373 214 4 877100326 +373 215 4 877099211 +373 216 4 877100232 +373 217 3 877098821 +373 225 4 877106676 +373 226 3 877107024 +373 229 4 877104048 +373 231 3 877104976 +373 232 3 877105075 +373 233 3 877105588 +373 238 4 877098890 +373 239 3 877105708 +373 259 5 877098041 +373 265 4 877105901 +373 275 5 877098437 +373 281 3 877103935 +373 286 3 877098042 +373 317 4 877100061 +373 328 4 877098041 +373 366 4 877105857 +373 367 3 877100458 +373 380 4 877112017 +373 382 4 877100458 +373 385 3 877099016 +373 389 3 877099352 +373 390 3 877098890 +373 392 4 877100061 +373 393 4 877104284 +373 401 4 877106711 +373 403 3 877106741 +373 409 2 877107235 +373 414 3 877104259 +373 417 3 877099092 +373 418 5 877104235 +373 421 4 877105563 +373 423 2 877103846 +373 431 5 877098643 +373 432 5 877098949 +373 433 3 877098223 +373 435 4 877098979 +373 459 4 877106966 +373 465 4 877104202 +373 471 3 877100458 +373 472 3 877111951 +373 480 3 877098643 +373 496 5 877098643 +373 497 3 877099317 +373 499 4 877098643 +373 510 3 877100379 +373 527 4 877103846 +373 528 3 877104115 +373 529 4 877105901 +373 550 3 877105588 +373 553 4 877100267 +373 568 4 877100199 +373 571 1 877111864 +373 577 1 877111423 +373 603 4 877098262 +373 627 4 877105901 +373 632 3 877106233 +373 633 4 877098262 +373 645 5 877098599 +373 648 4 877099048 +373 655 5 877098374 +373 660 4 877105075 +373 679 2 877107355 +373 684 4 877098784 +373 705 4 877099934 +373 715 2 877105075 +373 727 4 877098784 +373 734 3 877111313 +373 735 5 877099137 +373 739 3 877111819 +373 746 4 877098714 +373 748 4 877098042 +373 756 3 877106900 +373 778 5 877105529 +373 828 3 877111951 +373 856 3 877105809 +373 941 4 877105563 +373 946 5 877104048 +373 949 4 877100016 +373 1039 4 877098437 +373 1066 4 877106233 +373 1078 3 877105451 +373 1087 1 877104086 +373 1110 4 877107379 +373 1113 1 877099968 +373 1119 5 877105708 +373 1133 3 877112076 +373 1147 4 877104115 +373 1188 3 877106597 +373 1228 2 877107379 +373 1444 3 877112116 +373 1530 2 877107138 +374 2 4 880939035 +374 4 2 880395924 +374 5 4 880937875 +374 11 4 880395202 +374 12 4 880395202 +374 15 3 880393380 +374 17 2 880937876 +374 23 3 880395896 +374 24 3 880393553 +374 25 5 880393191 +374 27 4 880396444 +374 31 5 880396659 +374 38 4 880937876 +374 39 4 880937876 +374 48 5 880395426 +374 50 3 880394367 +374 54 4 880396048 +374 55 2 880394929 +374 56 5 880394885 +374 64 5 880396256 +374 66 3 880394571 +374 68 1 880396622 +374 69 5 880394840 +374 70 4 880396622 +374 71 5 880396292 +374 77 5 880937779 +374 79 4 880394997 +374 82 4 880394484 +374 88 3 880395665 +374 89 2 880395896 +374 95 4 882158577 +374 96 4 880938870 +374 97 5 880394571 +374 98 5 880394929 +374 100 5 880392873 +374 106 3 880394088 +374 117 5 880392846 +374 118 5 880393864 +374 120 3 882158147 +374 123 2 880393511 +374 135 4 882159077 +374 137 2 880393511 +374 143 2 882159114 +374 144 5 880394716 +374 148 4 880392992 +374 151 3 880393811 +374 153 5 880395487 +374 156 2 880395896 +374 161 5 880938965 +374 164 4 880937735 +374 172 3 880434204 +374 174 5 880395530 +374 176 4 880937692 +374 179 1 880395575 +374 181 3 880392846 +374 183 4 880434204 +374 184 2 880939034 +374 185 5 880395665 +374 186 5 880395604 +374 192 5 880395665 +374 193 4 883628973 +374 196 1 880395426 +374 197 5 882158940 +374 202 3 880394716 +374 203 3 880937735 +374 218 4 880396444 +374 220 2 882158147 +374 222 4 880392778 +374 225 3 882158071 +374 226 5 880937876 +374 227 4 880937876 +374 228 5 880395973 +374 229 5 880937780 +374 235 3 880394301 +374 239 4 880396622 +374 240 1 880394301 +374 241 5 880939035 +374 247 1 880936522 +374 248 1 880393191 +374 252 3 880394179 +374 254 3 880394000 +374 273 2 880392747 +374 274 4 880393668 +374 276 4 880393056 +374 278 2 880393754 +374 281 3 880393425 +374 282 5 880392936 +374 284 1 880393753 +374 288 4 885107876 +374 289 1 880392482 +374 291 3 885107905 +374 294 2 880392193 +374 318 2 880394886 +374 322 4 880392482 +374 323 3 880392482 +374 393 4 880395973 +374 403 2 880939126 +374 406 3 880936233 +374 411 3 880394088 +374 412 4 883627129 +374 423 3 880394484 +374 443 5 880937735 +374 449 4 880938044 +374 457 1 880392626 +374 458 5 880393710 +374 463 1 880396511 +374 465 5 882158849 +374 466 5 880394929 +374 467 4 880395735 +374 468 4 880396359 +374 471 4 880393056 +374 472 2 880393783 +374 477 1 885107929 +374 483 3 880394716 +374 504 4 880395973 +374 521 4 880395530 +374 526 4 880938965 +374 527 4 883628801 +374 546 5 880936389 +374 550 5 880938965 +374 554 2 880938370 +374 558 1 882158738 +374 566 3 880394571 +374 568 5 880396622 +374 572 2 880938255 +374 595 3 880393921 +374 597 4 880393460 +374 619 3 880393553 +374 620 3 880394088 +374 628 3 880392778 +374 637 4 882159237 +374 642 1 880937920 +374 654 3 880396622 +374 665 4 880939228 +374 684 5 880937692 +374 693 5 880396359 +374 696 3 880394233 +374 713 1 880935656 +374 732 4 880395320 +374 741 3 880392717 +374 742 5 880393331 +374 743 1 880394000 +374 756 3 882157967 +374 762 5 880393460 +374 763 3 880393754 +374 779 3 880939186 +374 789 4 882158609 +374 806 3 880396659 +374 818 3 880394301 +374 819 3 882157793 +374 820 4 882158327 +374 823 1 880936476 +374 825 3 880394233 +374 829 2 885083439 +374 832 1 882157930 +374 844 4 880394000 +374 845 2 883627072 +374 846 2 883627509 +374 872 5 880392268 +374 924 5 880393095 +374 925 3 880394301 +374 928 1 880393892 +374 934 3 882158146 +374 963 5 883629108 +374 974 4 880394331 +374 975 4 880936113 +374 978 2 880936233 +374 979 3 880936113 +374 983 2 880936289 +374 986 3 880936113 +374 1001 1 882158327 +374 1010 5 880393921 +374 1013 2 880936476 +374 1014 1 880394138 +374 1033 4 883628021 +374 1048 3 880394179 +374 1049 1 883628021 +374 1051 4 880394138 +374 1059 2 883627906 +374 1093 2 883627582 +374 1094 4 882158020 +374 1101 4 880395634 +374 1134 4 880392846 +374 1194 4 880396292 +374 1197 4 880393892 +374 1206 2 880396080 +374 1210 4 880938100 +374 1215 1 880936522 +374 1217 2 880938100 +374 1218 2 881291426 +374 1248 3 880938044 +374 1277 3 880394331 +374 1322 3 880394000 +374 1513 2 883961242 +375 5 4 886622066 +375 176 4 886621917 +375 183 5 886621917 +375 185 5 886621950 +375 233 4 886621985 +375 234 5 886621917 +375 288 4 886621795 +375 302 5 886621795 +375 525 4 886621917 +375 573 4 886622131 +375 603 4 886621917 +375 770 3 886622131 +375 773 3 886621985 +375 939 3 886622024 +375 1046 2 886622131 +375 1217 4 886622131 +376 11 4 879454598 +376 100 4 879454598 +376 111 4 879459115 +376 154 4 879434558 +376 181 4 879454598 +376 197 4 879454598 +376 198 5 879454598 +376 223 4 879454598 +376 246 3 879459054 +376 268 3 879432976 +376 288 3 879454598 +376 301 3 879433102 +376 321 3 879433164 +376 328 3 879433164 +376 357 4 879434750 +376 427 4 879454598 +376 514 4 879434613 +376 603 4 879434613 +376 663 3 879434750 +376 705 3 879434750 +376 707 4 879434750 +376 815 3 879459207 +377 7 4 891299010 +377 98 5 891299009 +377 168 5 891298407 +377 173 5 891298589 +377 194 5 891298549 +377 200 5 891299010 +377 234 5 891299078 +377 258 4 891296356 +377 268 3 891295937 +377 271 4 891295957 +377 272 5 891295989 +377 294 5 891296356 +377 316 4 891297001 +377 338 3 891297293 +377 358 3 891297023 +377 508 4 891298549 +377 678 2 891297043 +377 682 3 891296448 +377 689 3 891297256 +377 895 3 891296307 +378 1 4 880044251 +378 2 2 880333851 +378 5 3 880332609 +378 7 4 880044697 +378 11 3 880046516 +378 13 3 880044609 +378 14 5 880044251 +378 15 4 880044312 +378 21 3 880044944 +378 22 5 880045520 +378 25 4 880044489 +378 28 4 880045989 +378 31 4 880045652 +378 38 3 880333383 +378 40 3 880333653 +378 42 4 880046256 +378 43 3 880056609 +378 44 3 880055037 +378 47 4 880055984 +378 49 3 880332480 +378 51 3 880333195 +378 53 3 880333695 +378 55 4 880046229 +378 56 4 880045760 +378 58 4 880046408 +378 59 4 880046475 +378 62 4 880333851 +378 64 4 880055239 +378 67 2 880332563 +378 68 2 880333446 +378 69 3 880046069 +378 70 4 882642831 +378 71 4 880055672 +378 77 4 880056453 +378 78 3 880056976 +378 79 4 880045722 +378 82 4 880045935 +378 83 4 880045989 +378 86 4 880045935 +378 87 4 889665232 +378 89 4 880046363 +378 91 3 880331510 +378 94 3 880332752 +378 95 4 880055296 +378 96 4 880055740 +378 97 5 880045612 +378 98 5 880045760 +378 99 4 880045791 +378 106 2 880334241 +378 111 3 880044562 +378 117 3 880044419 +378 118 4 880044879 +378 125 2 880044609 +378 126 4 880057018 +378 132 4 880046256 +378 135 2 880046362 +378 143 4 880046022 +378 144 4 880046100 +378 153 4 880055779 +378 157 3 880056104 +378 160 2 880332998 +378 161 4 880056034 +378 164 4 880056582 +378 167 4 880333446 +378 173 5 880057088 +378 174 4 880045651 +378 176 4 880046362 +378 180 3 880045822 +378 181 4 880045167 +378 182 4 880055239 +378 183 4 880331829 +378 186 3 880055186 +378 193 4 880056160 +378 195 3 880046516 +378 200 3 880045681 +378 203 4 880055239 +378 204 4 880056826 +378 207 4 880055002 +378 210 4 880057137 +378 213 5 880045935 +378 216 4 880055268 +378 217 3 880332683 +378 218 3 880056491 +378 220 2 880044944 +378 223 4 880045651 +378 225 3 880045006 +378 226 3 880332831 +378 227 3 880332857 +378 231 3 880333327 +378 234 4 880045652 +378 235 4 880045006 +378 237 4 880044697 +378 238 3 880046161 +378 239 3 880055148 +378 245 3 880906161 +378 248 3 883835834 +378 254 1 880318158 +378 255 4 882642831 +378 257 4 880045207 +378 265 4 880045989 +378 269 4 890513693 +378 273 4 880044221 +378 275 5 880044312 +378 277 4 880044609 +378 280 2 880044489 +378 281 3 880044609 +378 282 4 880044454 +378 285 4 880044312 +378 287 2 880044802 +378 292 3 882136243 +378 294 2 880043804 +378 295 3 886614274 +378 298 3 883835761 +378 300 4 889665232 +378 313 5 889665301 +378 317 5 880056195 +378 318 5 880045823 +378 319 3 884530934 +378 323 3 890572396 +378 326 3 892382865 +378 365 2 880318158 +378 370 2 880333494 +378 380 3 880333695 +378 381 4 882642831 +378 382 4 880055520 +378 385 4 880056761 +378 387 4 880056452 +378 392 3 880055636 +378 393 3 880057018 +378 399 3 880333598 +378 401 4 880332347 +378 402 4 880045856 +378 403 4 880046408 +378 404 4 880056034 +378 409 2 880044642 +378 410 3 882022445 +378 412 2 880334409 +378 417 3 880056034 +378 423 4 880056287 +378 428 3 880055101 +378 435 4 889665232 +378 436 4 880046437 +378 441 3 880333995 +378 443 4 880055336 +378 450 3 880334476 +378 458 4 880044697 +378 468 5 880055396 +378 469 5 880046069 +378 470 3 880056104 +378 473 3 880906178 +378 476 3 880044642 +378 479 4 880055564 +378 482 4 880046229 +378 485 4 880055921 +378 496 3 880045935 +378 501 4 880055454 +378 509 4 880055672 +378 517 3 880056384 +378 528 5 880056034 +378 531 4 880045520 +378 543 4 880055840 +378 550 2 880332949 +378 559 4 880056735 +378 561 3 880333695 +378 566 3 880045856 +378 568 4 880055779 +378 569 3 880056736 +378 572 3 880333995 +378 575 3 880334409 +378 577 2 880333995 +378 582 5 889665232 +378 588 5 880318415 +378 591 4 880044385 +378 597 3 880044763 +378 606 5 880055478 +378 619 3 880044879 +378 620 3 880056582 +378 623 3 880333168 +378 629 5 880056318 +378 631 4 880045652 +378 632 5 880055564 +378 635 2 880333802 +378 651 4 880045681 +378 660 4 880056547 +378 663 3 880046437 +378 674 3 880056735 +378 684 3 880332643 +378 686 4 880056350 +378 692 4 880045580 +378 693 4 880046022 +378 694 3 880055101 +378 702 4 880056453 +378 703 4 890572396 +378 707 3 880046475 +378 708 4 880055949 +378 709 4 880055921 +378 715 4 889665232 +378 716 3 880056735 +378 720 2 880056798 +378 722 3 880334017 +378 724 3 880055520 +378 727 4 880055454 +378 728 3 880332998 +378 729 4 880046069 +378 732 4 880056034 +378 735 4 880046229 +378 736 4 889665232 +378 742 4 880044697 +378 744 3 880044609 +378 747 3 880055597 +378 755 3 880056073 +378 756 3 880057088 +378 762 3 880044879 +378 768 4 880333598 +378 775 3 880333305 +378 778 3 880056073 +378 780 2 880334241 +378 787 3 880332480 +378 792 4 880046475 +378 796 2 880333626 +378 803 3 880334440 +378 806 4 880045760 +378 807 3 880334199 +378 845 3 880044419 +378 918 3 892383162 +378 924 3 880331938 +378 926 1 880318158 +378 928 2 880044488 +378 930 2 880044906 +378 932 2 880056930 +378 949 3 880056318 +378 951 3 880056547 +378 956 3 880332034 +378 959 3 880046408 +378 961 3 880055706 +378 969 4 880056195 +378 977 3 880334305 +378 1009 3 880318415 +378 1035 3 880332911 +378 1042 3 880056287 +378 1047 2 880044726 +378 1048 2 880333851 +378 1053 3 880332831 +378 1058 3 880333695 +378 1063 4 880046100 +378 1074 3 880332802 +378 1091 2 880332911 +378 1092 3 880332683 +378 1101 3 880055983 +378 1135 2 880333069 +378 1145 3 880334409 +378 1147 4 880055101 +378 1168 3 880333383 +378 1181 2 880332537 +378 1211 3 880333516 +378 1221 3 880056351 +378 1230 2 880334305 +378 1311 4 880332949 +378 1400 3 880057088 +378 1407 3 880334329 +378 1425 2 880056930 +378 1438 3 880333098 +378 1523 2 880334067 +378 1531 4 880056423 +379 1 4 883156176 +379 7 5 891674489 +379 9 4 880524886 +379 12 5 880524943 +379 28 4 880524943 +379 47 5 880740461 +379 56 5 880524541 +379 62 2 888646058 +379 63 2 880962215 +379 64 5 882563520 +379 79 5 880525368 +379 88 4 880525968 +379 89 4 880525424 +379 93 3 885063369 +379 94 5 883156810 +379 96 5 880741811 +379 97 3 882563752 +379 100 5 880524541 +379 116 4 880525194 +379 124 5 883156810 +379 127 5 880524811 +379 131 5 882563797 +379 137 5 890464307 +379 141 4 880525839 +379 143 4 880525839 +379 144 5 880525367 +379 151 4 880525771 +379 153 4 880525284 +379 158 1 885063748 +379 161 2 880525502 +379 163 4 880740495 +379 168 4 891674489 +379 172 4 880525400 +379 173 5 880525259 +379 174 5 880525368 +379 175 5 880525108 +379 178 5 880741811 +379 179 5 880525132 +379 181 4 880525368 +379 183 4 886317511 +379 185 5 880524582 +379 186 5 880740495 +379 187 5 880525031 +379 188 4 892879481 +379 191 5 880524886 +379 193 4 880524783 +379 194 5 880525194 +379 195 3 880525368 +379 197 5 880568253 +379 200 4 880524582 +379 203 4 880526100 +379 204 5 880525236 +379 205 5 880524973 +379 208 4 880525214 +379 210 4 883156880 +379 219 3 890464337 +379 227 4 880525638 +379 233 3 880525638 +379 234 5 880524541 +379 238 5 880525236 +379 251 5 885063301 +379 257 4 880741811 +379 265 4 883156656 +379 271 3 886835602 +379 285 5 880524753 +379 286 4 880524329 +379 306 3 892879325 +379 310 4 888646088 +379 317 5 880525001 +379 331 4 880526281 +379 339 3 883031585 +379 345 3 892879380 +379 357 5 881000269 +379 372 4 880961807 +379 381 5 885063301 +379 383 2 881000374 +379 385 2 882563616 +379 393 4 892879325 +379 395 2 880741868 +379 398 1 880525638 +379 403 4 880525598 +379 405 3 883156925 +379 414 5 880740415 +379 419 4 880525794 +379 427 5 881996665 +379 428 4 880568452 +379 433 4 880525259 +379 434 3 880961672 +379 435 5 882563752 +379 436 3 885063346 +379 447 4 880524582 +379 461 4 880525031 +379 474 5 886317533 +379 502 5 887437190 +379 511 4 880524811 +379 514 3 880961718 +379 516 4 880525306 +379 517 4 888044628 +379 524 4 880961742 +379 526 4 880525031 +379 527 3 880524860 +379 528 5 881996665 +379 529 4 891674436 +379 559 3 880524669 +379 563 2 880962106 +379 566 4 880525540 +379 568 5 880525566 +379 575 2 882044649 +379 576 4 880525678 +379 577 4 892879355 +379 621 4 880525815 +379 622 5 880525839 +379 631 5 880961600 +379 636 3 880525502 +379 644 5 880961648 +379 649 4 880525084 +379 654 5 880526123 +379 659 5 880568307 +379 663 3 891674403 +379 674 3 880524614 +379 684 4 880525469 +379 701 4 892879481 +379 704 3 880524835 +379 707 5 880525926 +379 709 5 880526032 +379 710 4 880961839 +379 712 3 880741832 +379 729 4 880961621 +379 736 4 880525945 +379 746 3 880961839 +379 842 4 880525794 +379 843 4 880962285 +379 1022 3 892879380 +379 1035 3 880962256 +379 1075 3 888044628 +379 1113 4 892879325 +380 7 3 885478334 +380 9 3 885479301 +380 12 5 885478218 +380 28 4 885479436 +380 31 1 885479730 +380 38 2 885479537 +380 50 4 885478497 +380 58 2 885479355 +380 60 4 885478292 +380 61 4 885478193 +380 71 4 885479082 +380 79 4 885479104 +380 81 3 885478908 +380 86 4 885478374 +380 89 5 885478583 +380 95 4 885479274 +380 97 3 885478271 +380 98 4 885478698 +380 100 4 885478193 +380 109 2 885480093 +380 121 3 885479896 +380 134 3 885478583 +380 139 1 885480414 +380 151 4 885478759 +380 152 2 885478312 +380 161 2 885480046 +380 163 2 885478539 +380 168 4 885479436 +380 170 4 885478192 +380 174 4 885478924 +380 179 3 885478313 +380 182 3 885478391 +380 183 4 885478192 +380 190 5 885478668 +380 194 4 885478799 +380 196 4 885479777 +380 199 3 885478845 +380 200 4 885479104 +380 204 2 885479274 +380 208 2 885480301 +380 211 3 885479487 +380 213 2 885479319 +380 215 3 885479163 +380 217 2 885480093 +380 222 3 885478519 +380 228 3 885479235 +380 234 2 885478447 +380 238 3 885479057 +380 258 4 885477742 +380 265 3 885481179 +380 270 3 885481179 +380 272 4 885477742 +380 286 5 885477802 +380 302 5 885477742 +380 306 4 885477802 +380 315 4 885477975 +380 318 4 885478624 +380 340 3 885481179 +380 356 2 885480064 +380 357 4 885478425 +380 382 3 885478759 +380 414 2 885480046 +380 416 2 885480239 +380 419 3 885479124 +380 423 3 885478218 +380 425 4 885479163 +380 435 3 885479124 +380 443 4 885480283 +380 462 4 885478374 +380 463 4 885479372 +380 479 4 885478374 +380 480 4 885478718 +380 498 4 885478738 +380 502 1 885480530 +380 506 3 885481179 +380 512 3 885479355 +380 514 2 885478780 +380 515 4 885478218 +380 521 2 885479397 +380 529 3 885479235 +380 549 3 885479926 +380 554 2 885479754 +380 561 2 885479519 +380 566 3 885478519 +380 570 3 885479706 +380 573 1 885480737 +380 582 4 885478583 +380 610 2 885478886 +380 614 3 885478845 +380 629 2 885478497 +380 651 3 885478292 +380 654 4 885478953 +380 663 4 885478799 +380 664 3 885479415 +380 665 2 885480870 +380 670 1 885480187 +380 684 3 885478886 +380 699 3 885479186 +380 708 3 885478759 +380 712 2 885480585 +380 729 3 885479252 +380 736 4 885478780 +380 744 3 885480144 +380 750 4 885477859 +380 751 3 885481179 +380 770 3 885480222 +380 845 4 885479706 +380 956 4 885478271 +380 959 2 885479455 +380 1039 3 885481179 +380 1045 3 885479799 +380 1065 4 885478519 +380 1101 4 885479487 +380 1113 4 885479730 +380 1116 4 885479397 +380 1404 2 885478646 +381 1 5 892697394 +381 14 5 892696512 +381 15 2 892697358 +381 16 4 892697266 +381 20 5 892696426 +381 59 3 892697266 +381 79 3 892695996 +381 89 5 892696426 +381 94 3 892697337 +381 95 4 892696534 +381 96 5 892697174 +381 99 5 892696445 +381 102 2 892696130 +381 118 1 892697051 +381 120 1 892696587 +381 121 2 892696793 +381 124 5 892697690 +381 132 5 892696426 +381 134 5 892696347 +381 139 3 892697358 +381 142 3 892697337 +381 150 4 892697542 +381 151 5 892697526 +381 159 3 892696674 +381 176 4 892696698 +381 178 4 892696291 +381 196 5 892697083 +381 214 2 892697338 +381 217 2 892696757 +381 225 3 892697495 +381 228 4 892697373 +381 259 2 892698054 +381 268 4 892697982 +381 276 3 892696587 +381 283 5 892697655 +381 294 5 892698068 +381 303 3 892697999 +381 307 2 892697959 +381 313 2 892697869 +381 318 5 892696654 +381 344 3 892697905 +381 418 3 892696471 +381 419 5 892696446 +381 432 5 892696587 +381 443 5 892696616 +381 462 4 892697442 +381 479 5 892696929 +381 480 5 892696019 +381 483 5 892696698 +381 487 5 892697083 +381 493 4 892697111 +381 509 5 892696872 +381 514 5 892697394 +381 517 4 892696557 +381 520 5 892696757 +381 525 5 892696982 +381 526 4 892696831 +381 529 5 892696060 +381 566 2 892696512 +381 588 3 892697338 +381 596 3 892697297 +381 607 4 892696130 +381 631 4 892696654 +381 640 5 892696168 +381 656 4 892696471 +381 657 4 892696831 +381 673 3 892696209 +381 682 2 892697982 +381 693 4 892697280 +381 705 5 892696209 +381 742 4 892697677 +381 778 4 892697066 +381 847 4 892697542 +381 855 3 892696291 +381 887 3 892697941 +381 898 5 892697869 +381 931 4 892697628 +381 934 2 892697495 +381 961 3 892696616 +381 995 4 892698031 +381 1018 4 892697031 +381 1060 5 892697677 +381 1098 4 892696045 +381 1115 4 892697600 +381 1117 4 892697574 +381 1119 4 892696252 +381 1401 4 892697013 +381 1407 3 892697314 +381 1532 2 892696831 +382 7 2 875945837 +382 14 3 875946055 +382 23 5 875946978 +382 50 1 875945451 +382 56 5 875946830 +382 59 5 875947049 +382 100 4 875945812 +382 122 3 875946440 +382 134 3 875947149 +382 135 3 875947078 +382 150 2 875946055 +382 151 4 875946830 +382 168 4 875946700 +382 177 4 875947005 +382 180 5 875946830 +382 197 4 875946830 +382 235 5 875946830 +382 252 2 875946262 +382 258 2 875945173 +382 286 2 875945173 +382 332 3 876803039 +382 334 5 876802971 +382 357 4 875947149 +382 482 5 875946945 +382 496 3 875946945 +382 504 3 875946907 +382 507 4 875946809 +382 511 4 875946730 +382 514 3 875946730 +382 756 3 875946185 +382 1017 4 875946830 +382 1268 5 875947296 +382 1381 3 875945757 +383 58 4 891193210 +383 81 4 891193072 +383 89 3 891193181 +383 100 4 891193016 +383 124 4 891192949 +383 132 5 891193108 +383 134 5 891192778 +383 135 5 891193042 +383 166 4 891192858 +383 180 5 891192778 +383 182 5 891192836 +383 185 5 891192985 +383 188 5 891192949 +383 193 4 891193072 +383 200 5 891193181 +383 203 5 891193242 +383 205 4 891193210 +383 213 5 891193137 +383 223 3 891193137 +383 237 4 891192836 +383 238 5 891192836 +383 268 5 891192338 +383 272 3 891192158 +383 285 5 891193210 +383 286 5 891192186 +383 302 4 891192216 +383 315 5 891192158 +383 316 5 891192472 +383 340 5 891192276 +383 345 2 891192251 +383 357 5 891193137 +383 427 5 891192748 +383 435 4 891192836 +383 478 5 891193042 +383 479 4 891192985 +383 480 5 891193242 +383 484 4 891192949 +383 488 4 891193242 +383 496 5 891192888 +383 504 4 891193108 +383 514 5 891192949 +383 517 5 891192748 +383 528 4 891193242 +383 531 3 891192888 +383 604 5 891193042 +383 639 4 891193181 +383 654 5 891193016 +383 657 5 891192858 +383 660 4 891192748 +383 736 5 891192949 +383 1005 3 891193072 +383 1063 5 891192888 +384 258 4 891273683 +384 271 4 891283502 +384 286 4 891273649 +384 289 5 891283502 +384 300 4 891273809 +384 302 5 891273509 +384 313 5 891273683 +384 316 5 891274055 +384 327 4 891273761 +384 328 4 891274091 +384 329 3 891273761 +384 333 4 891273509 +384 751 4 891274091 +384 878 4 891274962 +384 879 4 891273874 +384 989 4 891273905 +385 2 3 879446786 +385 8 5 880870206 +385 12 3 879441425 +385 18 5 884915008 +385 23 5 879441313 +385 24 3 879440726 +385 30 5 879442988 +385 32 5 879442988 +385 37 4 880013483 +385 46 5 880870206 +385 47 4 879441982 +385 50 1 879440127 +385 53 1 879446110 +385 55 2 879441728 +385 58 4 879441881 +385 59 2 879442490 +385 61 2 879441572 +385 81 3 879442028 +385 89 4 879441853 +385 92 3 879443217 +385 93 3 880682080 +385 98 4 879442189 +385 100 4 879440098 +385 111 2 879440267 +385 122 3 883791694 +385 127 4 879439667 +385 131 4 879445754 +385 132 4 879446235 +385 133 1 879441728 +385 134 5 879441538 +385 135 3 879444991 +385 136 3 879442402 +385 143 3 879446465 +385 144 3 879443102 +385 145 1 879449745 +385 151 2 879440127 +385 152 3 879445856 +385 160 4 879441572 +385 169 5 880870205 +385 173 4 879441386 +385 175 4 879441572 +385 176 2 879441386 +385 177 4 879442673 +385 182 5 880870205 +385 183 3 879442706 +385 185 5 880870205 +385 186 1 879445260 +385 187 4 879441728 +385 191 2 879444597 +385 192 5 884586327 +385 197 4 879442360 +385 198 3 881128357 +385 200 3 879446110 +385 201 4 879441982 +385 204 1 879441728 +385 205 2 879443253 +385 207 4 881530739 +385 208 3 879442360 +385 210 1 879453773 +385 211 3 879446183 +385 215 2 879442559 +385 217 2 879448208 +385 219 1 879446952 +385 231 2 879449309 +385 234 1 879445493 +385 235 5 879440940 +385 236 2 879439637 +385 238 5 879442085 +385 240 4 879447317 +385 250 3 879440701 +385 251 2 879440098 +385 254 1 879453094 +385 256 4 879439728 +385 273 2 879440557 +385 276 3 879440098 +385 283 2 879439984 +385 305 4 879740222 +385 318 2 879441572 +385 320 3 885367060 +385 346 3 883791602 +385 347 3 885844578 +385 357 4 879441339 +385 378 1 879447555 +385 383 1 879449871 +385 384 1 884118861 +385 405 2 879440961 +385 417 2 879447671 +385 419 2 879442606 +385 421 2 879446026 +385 425 3 879445724 +385 427 4 879441386 +385 428 3 879442706 +385 429 4 879442028 +385 430 5 880870206 +385 433 4 879442673 +385 443 3 879445098 +385 444 1 879448994 +385 448 3 879448263 +385 451 1 879447205 +385 455 4 879440701 +385 461 4 879441942 +385 473 3 879440584 +385 479 5 879441538 +385 482 3 879441728 +385 483 4 879442028 +385 484 4 879442559 +385 486 2 879442189 +385 487 4 887670073 +385 488 5 879441599 +385 492 2 879445531 +385 496 2 879441538 +385 497 5 879443186 +385 498 3 879441942 +385 502 3 879446235 +385 504 4 879442360 +385 506 2 879445291 +385 507 3 879445631 +385 508 2 879439728 +385 511 4 879441881 +385 512 5 880958750 +385 514 4 879443045 +385 520 3 879441599 +385 521 3 879446208 +385 522 4 879924244 +385 525 4 879444685 +385 528 4 879470274 +385 529 4 879445949 +385 533 4 879440602 +385 557 2 879446786 +385 558 2 879442673 +385 568 3 879446465 +385 603 5 880869422 +385 604 4 879442189 +385 616 4 884119121 +385 631 3 879461422 +385 650 5 880870205 +385 652 5 881530738 +385 653 4 881948265 +385 654 5 879442085 +385 656 5 879441425 +385 657 4 879442109 +385 658 2 879445454 +385 659 4 879441942 +385 664 3 879445335 +385 671 3 879443315 +385 674 3 879447250 +385 675 5 879446952 +385 693 4 879443315 +385 715 3 879446671 +385 719 2 879447136 +385 727 1 879443102 +385 732 3 879442189 +385 739 1 879448665 +385 745 4 879443352 +385 811 4 879443315 +385 851 5 880870205 +385 855 5 882081995 +385 865 4 879924267 +385 871 1 879440986 +385 874 3 879438975 +385 896 5 883869456 +385 900 4 885168653 +385 919 4 879440158 +385 940 3 879447089 +385 945 5 879441313 +385 954 4 879446235 +385 959 3 879446741 +385 961 4 879446868 +385 1007 3 879439949 +385 1008 4 879440628 +385 1012 3 879440211 +385 1014 2 879450441 +385 1017 3 883791666 +385 1022 3 883791570 +385 1037 1 879449950 +385 1065 3 879445153 +385 1066 4 879446591 +385 1069 4 879442235 +385 1070 5 880870206 +385 1097 5 879440158 +385 1103 3 887269178 +385 1110 2 879446566 +385 1118 3 879447047 +385 1121 4 879443315 +385 1128 3 879441662 +385 1131 3 879445587 +385 1143 4 880828451 +385 1154 5 880870205 +385 1158 5 879443150 +385 1159 4 885245956 +385 1160 2 879440211 +385 1252 5 879578355 +385 1286 3 879446952 +385 1428 4 879447181 +385 1449 4 881047049 +385 1456 4 879447205 +385 1462 4 879447555 +385 1495 3 879443186 +385 1499 5 881047168 +385 1506 4 879442606 +385 1524 5 879445662 +385 1535 4 879448294 +386 24 4 877655028 +386 117 5 877655028 +386 118 3 877655085 +386 127 5 877654961 +386 181 3 877654961 +386 222 4 877654961 +386 273 3 877655028 +386 281 3 877655145 +386 323 4 877655085 +386 405 4 877655145 +386 515 5 877654961 +386 597 3 877655145 +386 685 4 877655085 +386 825 4 877655146 +386 833 3 877655195 +386 840 5 877655145 +386 982 3 877655195 +386 1016 4 877654961 +387 1 4 886480681 +387 4 3 886482969 +387 7 5 886479528 +387 8 4 886480108 +387 10 4 886481228 +387 11 3 886480325 +387 12 5 886484336 +387 13 4 886480788 +387 20 4 886480789 +387 22 5 886483049 +387 23 2 886479528 +387 25 2 886481271 +387 27 1 886483252 +387 28 5 886483939 +387 29 1 886483252 +387 33 3 886483098 +387 42 4 886480548 +387 47 4 886480384 +387 50 5 886480108 +387 53 4 886481737 +387 61 3 886483565 +387 62 2 886483252 +387 64 3 886480206 +387 68 4 886483099 +387 76 3 886484215 +387 79 4 886483049 +387 89 5 886483048 +387 91 4 886483669 +387 92 4 886483098 +387 93 5 886480703 +387 95 2 886483620 +387 96 4 886480447 +387 97 2 886483859 +387 98 4 886480244 +387 99 5 886483620 +387 100 5 886484336 +387 101 4 886479528 +387 102 3 886483669 +387 107 3 886481002 +387 109 4 886481073 +387 113 4 886479575 +387 114 5 886484336 +387 117 3 886480788 +387 121 2 886481228 +387 123 3 886480970 +387 127 4 886479575 +387 129 5 886480583 +387 135 5 886480288 +387 147 2 886481073 +387 151 3 886481228 +387 153 4 886479649 +387 156 5 886484336 +387 161 1 886483252 +387 172 4 886480206 +387 173 4 886480288 +387 174 5 886480384 +387 175 5 886479771 +387 176 3 886480446 +387 178 3 886483824 +387 179 5 886484336 +387 181 4 886479610 +387 184 3 886481634 +387 186 2 886480515 +387 187 4 886483049 +387 188 5 886483151 +387 190 5 886483150 +387 191 4 886479610 +387 192 5 886484336 +387 193 5 886484065 +387 194 3 886480206 +387 195 4 886479528 +387 196 2 886484012 +387 197 2 886483824 +387 204 2 886479771 +387 205 5 886480384 +387 206 4 886483429 +387 209 5 886480206 +387 211 4 886480108 +387 214 5 886483753 +387 215 2 886483906 +387 217 3 886481687 +387 219 2 886481686 +387 222 4 886481073 +387 223 5 886479771 +387 226 3 886483252 +387 228 5 886484336 +387 229 2 886483195 +387 230 3 886483194 +387 231 3 886483194 +387 232 2 886483289 +387 233 3 886483151 +387 238 5 886482928 +387 239 1 886483970 +387 241 1 886483194 +387 243 1 886484460 +387 246 3 886480623 +387 248 4 886481151 +387 250 4 886480970 +387 258 4 886480818 +387 265 4 886483049 +387 273 4 886481151 +387 277 4 886481033 +387 286 2 886484385 +387 289 1 886484413 +387 293 4 886481002 +387 295 3 886480818 +387 298 3 886480623 +387 318 3 886479610 +387 319 1 886484384 +387 320 4 886480325 +387 321 3 886484384 +387 324 4 886481002 +387 325 2 886484460 +387 357 5 886479690 +387 367 3 886482883 +387 385 3 886483150 +387 399 3 886482969 +387 403 3 886483099 +387 408 4 886484492 +387 410 3 886480789 +387 428 4 886482969 +387 429 3 886484065 +387 430 3 886482882 +387 434 5 886483970 +387 435 3 886480483 +387 446 2 886481800 +387 455 4 886481105 +387 463 4 886483526 +387 470 3 886483970 +387 473 4 886481033 +387 474 5 886480163 +387 475 3 886480657 +387 477 1 886480733 +387 496 3 886480515 +387 508 4 886479690 +387 511 3 886483049 +387 513 5 886483330 +387 515 5 886480755 +387 516 3 886482928 +387 518 4 886483151 +387 521 3 886483906 +387 526 4 886483150 +387 528 4 886483906 +387 530 4 886483099 +387 531 3 886479528 +387 532 3 886480970 +387 547 4 886484561 +387 549 5 886484012 +387 550 2 886483252 +387 551 2 886481800 +387 558 4 886480384 +387 563 2 886481851 +387 567 2 886481737 +387 568 2 886483099 +387 569 2 886481737 +387 580 5 886483565 +387 581 4 886483394 +387 582 3 886483497 +387 583 4 886483098 +387 588 3 886480163 +387 593 3 886480483 +387 603 4 886480548 +387 619 1 886481073 +387 625 2 886483669 +387 641 5 886483824 +387 642 4 886483395 +387 650 2 886480163 +387 655 3 886480352 +387 659 4 886480325 +387 663 4 886482883 +387 665 2 886481851 +387 676 1 886480733 +387 678 3 886484460 +387 679 5 886483194 +387 684 3 886483099 +387 715 5 886484157 +387 718 4 886480206 +387 727 5 886484098 +387 731 1 886482969 +387 732 1 886484215 +387 735 2 886484012 +387 737 3 886484098 +387 742 2 886481105 +387 746 1 886479737 +387 768 1 886483620 +387 769 1 886481851 +387 772 4 886483782 +387 774 3 886481737 +387 789 4 886482928 +387 790 1 886482969 +387 806 1 886483824 +387 847 3 886480325 +387 856 5 886484124 +387 919 5 886479575 +387 952 5 886484561 +387 953 2 886484012 +387 969 3 886480163 +387 972 2 886483859 +387 1011 3 886481033 +387 1018 3 886483526 +387 1078 1 886483670 +387 1091 1 886483670 +387 1110 2 886483009 +387 1128 4 886481033 +387 1129 4 886480623 +387 1134 1 886481183 +387 1187 4 886480623 +387 1198 3 886479575 +387 1240 5 886483620 +387 1537 4 886480681 +388 1 5 886436813 +388 9 3 886437226 +388 53 5 886441248 +388 98 5 886441015 +388 100 3 886437039 +388 111 3 886437163 +388 121 4 886436756 +388 200 5 886441083 +388 218 5 886441083 +388 219 5 886441083 +388 237 5 886436813 +388 258 5 886439506 +388 259 3 886440334 +388 266 5 886439918 +388 276 2 886440608 +388 288 5 886439506 +388 294 4 886439561 +388 298 5 886436582 +388 300 4 886438122 +388 301 4 886438602 +388 302 5 886438122 +388 307 4 886439506 +388 315 3 886438122 +388 323 4 886442062 +388 328 4 886439561 +388 333 5 886439561 +388 508 3 886436930 +388 559 5 886441133 +388 569 5 886441248 +388 591 4 886437039 +388 596 4 886436661 +388 628 4 886436661 +388 672 4 886441083 +388 678 4 886442062 +388 680 5 886439808 +388 682 4 886439808 +388 742 5 886437163 +388 769 3 886441306 +388 773 3 886441083 +388 845 4 886437163 +388 871 2 886440608 +388 895 4 886438540 +389 1 4 879915860 +389 8 4 880086755 +389 15 2 879916135 +389 23 4 879991147 +389 25 3 879916170 +389 40 3 880088825 +389 42 4 879991147 +389 47 4 880086971 +389 50 5 879915780 +389 56 5 880086868 +389 58 4 880087695 +389 59 5 880087151 +389 64 4 880087151 +389 65 4 880088171 +389 66 3 880088401 +389 67 2 880614340 +389 69 5 880087345 +389 72 3 880614164 +389 77 2 880088922 +389 79 4 879991461 +389 80 3 880614254 +389 81 3 880086972 +389 82 4 880087977 +389 87 5 879991330 +389 88 3 880613773 +389 90 3 880088659 +389 94 2 880089115 +389 95 3 880165832 +389 99 5 880087832 +389 105 3 880614316 +389 118 2 880088900 +389 127 5 879915701 +389 131 3 880087739 +389 132 5 880087544 +389 133 5 880086888 +389 134 5 879991045 +389 135 2 879990996 +389 143 3 880087026 +389 152 4 880087647 +389 154 3 880087200 +389 155 2 880088900 +389 161 2 880088269 +389 167 3 880089170 +389 168 5 879991434 +389 172 5 879991175 +389 173 3 880087003 +389 174 4 879991115 +389 178 4 880086755 +389 179 4 879991461 +389 181 4 879915806 +389 182 5 879991175 +389 185 5 879991434 +389 186 2 880087435 +389 187 5 879990996 +389 191 5 880087493 +389 196 3 880087516 +389 197 5 879991485 +389 199 5 880165388 +389 202 5 880087599 +389 205 4 880165939 +389 208 5 880087415 +389 209 4 880087048 +389 210 2 879990996 +389 211 4 880087415 +389 234 4 879991081 +389 238 5 879991387 +389 239 3 880087939 +389 240 3 879916254 +389 257 3 879916077 +389 274 4 880088421 +389 283 5 879916099 +389 285 5 879916076 +389 286 2 879915633 +389 300 3 879990863 +389 301 4 879916385 +389 302 5 879915633 +389 346 4 885681315 +389 347 4 887868071 +389 367 4 880086820 +389 371 4 880088309 +389 383 2 881384649 +389 384 2 880089211 +389 386 3 880089302 +389 393 2 880088717 +389 396 3 880089037 +389 401 3 880088578 +389 407 1 880614292 +389 410 3 879916238 +389 411 4 880088659 +389 412 3 880089170 +389 416 4 880087996 +389 418 4 880165168 +389 419 3 880087003 +389 420 3 880088229 +389 423 5 880087461 +389 427 5 879991196 +389 428 3 880087461 +389 430 5 880087003 +389 435 4 880087073 +389 451 2 880165881 +389 454 2 880086868 +389 467 3 879991512 +389 471 4 879916077 +389 474 5 879991535 +389 475 5 879915780 +389 477 4 880087939 +389 480 5 879991175 +389 481 5 879991147 +389 482 5 880086777 +389 483 5 879991535 +389 484 5 880087073 +389 485 5 879991081 +389 486 4 880086971 +389 487 5 879991115 +389 488 5 880087260 +389 489 4 879991115 +389 491 5 879991352 +389 494 5 879991411 +389 497 4 879991461 +389 499 4 880087873 +389 501 5 880087804 +389 503 3 880087739 +389 506 4 879991330 +389 509 4 880614449 +389 510 3 880165367 +389 514 5 879991329 +389 519 4 879991461 +389 520 3 879991175 +389 521 3 879991330 +389 524 5 879991081 +389 525 4 880165277 +389 526 3 880087200 +389 527 3 880086868 +389 531 4 880086918 +389 553 2 880089015 +389 558 4 879991242 +389 559 3 880088680 +389 568 3 880087782 +389 579 1 881384611 +389 584 4 879991512 +389 588 5 879991298 +389 591 3 879915726 +389 602 4 879991081 +389 603 5 880086943 +389 604 4 879991387 +389 605 5 879991512 +389 608 3 880087832 +389 610 5 880086972 +389 612 4 879991218 +389 615 4 879991115 +389 616 4 879991329 +389 618 4 880088115 +389 629 2 880166028 +389 630 3 880087389 +389 631 5 880087493 +389 642 4 880087804 +389 649 4 880165344 +389 654 5 879991411 +389 657 5 879991115 +389 661 4 880165168 +389 663 4 880087026 +389 664 4 880088290 +389 671 5 880087516 +389 674 2 880088900 +389 675 3 880165702 +389 684 4 880087761 +389 686 3 879991434 +389 693 4 880088038 +389 700 2 881384441 +389 709 4 879991115 +389 712 3 881384338 +389 722 2 880089192 +389 728 3 880089302 +389 731 3 880089152 +389 732 4 880087850 +389 739 2 880088229 +389 763 1 879916203 +389 780 3 880614316 +389 820 3 880089211 +389 824 3 881384649 +389 835 5 879991242 +389 847 4 879915806 +389 923 5 880087151 +389 926 3 879916099 +389 945 4 880165070 +389 946 3 880088363 +389 954 4 880614031 +389 965 5 880087599 +389 969 4 880086755 +389 997 3 881384536 +389 1007 4 879915832 +389 1036 2 880087170 +389 1041 3 880088269 +389 1050 4 879991242 +389 1098 4 880087096 +389 1114 2 880614050 +389 1121 4 879991485 +389 1147 4 879991387 +389 1168 3 880088717 +389 1197 3 880165664 +389 1204 4 880165411 +389 1444 3 880088445 +390 1 5 879694066 +390 9 5 879694232 +390 13 2 879694409 +390 126 5 879694123 +390 258 5 879693461 +390 275 5 879694123 +390 277 2 879694123 +390 283 4 879694316 +390 286 4 879693461 +390 300 5 879693770 +390 302 5 879693461 +390 319 5 879693561 +390 329 3 879693608 +390 475 1 879694232 +390 515 4 879694259 +390 690 3 879693677 +390 742 4 879694198 +390 754 4 879693561 +390 845 2 879694232 +390 1296 2 879693770 +391 8 3 877399030 +391 9 5 877399780 +391 11 3 877398951 +391 12 5 877399745 +391 22 4 877398951 +391 23 4 877398992 +391 31 2 877399659 +391 48 4 877399171 +391 50 4 877399588 +391 58 4 877398898 +391 59 5 877399745 +391 60 5 877399746 +391 61 5 877399746 +391 64 5 877399746 +391 69 4 877399618 +391 71 3 877399236 +391 76 3 877399618 +391 89 3 877399380 +391 96 3 877399171 +391 98 4 877399133 +391 100 4 877399805 +391 125 3 877399894 +391 131 2 877399455 +391 132 4 877398951 +391 133 4 877398898 +391 148 3 877400062 +391 168 4 877399455 +391 173 4 877399030 +391 174 5 877399301 +391 176 3 877398856 +391 177 4 877398951 +391 182 4 877399696 +391 186 5 877399658 +391 187 4 877399030 +391 191 3 877399336 +391 194 4 877399486 +391 200 5 877399269 +391 205 5 877399337 +391 209 5 877399541 +391 213 4 877398856 +391 215 4 877399100 +391 222 2 877399864 +391 228 2 877399486 +391 234 4 877399455 +391 237 4 877399864 +391 258 3 877398517 +391 276 3 877399780 +391 282 4 877399894 +391 288 3 877398679 +391 291 3 877400062 +391 294 2 877398619 +391 301 4 877399745 +391 318 4 877399030 +391 322 3 877398619 +391 328 3 877398552 +391 334 5 877399745 +391 378 3 877399171 +391 421 2 877399269 +391 427 5 877399512 +391 435 5 877399100 +391 458 4 877399864 +391 460 4 877400091 +391 462 4 877399588 +391 471 2 877399864 +391 479 4 877399030 +391 480 4 877398991 +391 482 4 877399380 +391 483 3 877399423 +391 490 4 877399658 +391 491 3 877398898 +391 498 4 877399513 +391 504 5 877398856 +391 508 2 877400037 +391 510 5 877399066 +391 511 5 877398855 +391 544 4 877400092 +391 546 3 877400037 +391 591 4 877399894 +391 603 5 877398991 +391 604 4 877399380 +391 628 4 877399864 +391 646 4 877399066 +391 648 5 877399100 +391 651 5 877399133 +391 652 4 877399588 +391 659 4 877399208 +391 661 5 877398898 +391 678 2 877398704 +391 696 4 877400117 +391 705 5 877399133 +391 715 2 877399588 +391 772 2 877399030 +391 774 2 877399541 +391 963 5 877399746 +391 1163 2 877399864 +392 11 4 891038371 +392 50 5 891038110 +392 58 4 891038433 +392 59 4 891039049 +392 99 5 891038433 +392 114 4 891038401 +392 127 5 891038110 +392 134 5 891038371 +392 169 4 891038978 +392 170 5 891039015 +392 172 5 891038401 +392 173 4 891039050 +392 174 5 891038979 +392 180 5 891038371 +392 181 5 891038137 +392 189 4 891038433 +392 191 5 891039015 +392 197 5 891038978 +392 199 5 891038466 +392 200 3 891038433 +392 209 5 891038978 +392 244 3 891038247 +392 246 5 891038110 +392 248 4 891038205 +392 249 1 891038224 +392 250 3 891038158 +392 255 3 891038224 +392 257 5 891038184 +392 260 1 891037790 +392 268 5 891037385 +392 269 5 891037385 +392 270 4 891037437 +392 271 1 891037490 +392 272 5 891037437 +392 288 4 891037531 +392 289 5 891037769 +392 294 4 891037561 +392 297 4 891038137 +392 300 2 891037437 +392 303 4 891037437 +392 304 4 891037720 +392 310 4 891037490 +392 312 4 891037561 +392 313 5 891037385 +392 316 5 891037811 +392 323 3 891037769 +392 324 1 891037720 +392 325 4 891037634 +392 326 2 891037685 +392 328 3 891037634 +392 340 5 891037437 +392 344 4 891037490 +392 345 4 891037385 +392 346 4 891037437 +392 347 4 891037600 +392 463 3 891038946 +392 482 5 891038945 +392 488 4 891038978 +392 491 5 891039049 +392 493 4 891038945 +392 495 3 891038401 +392 510 4 891038979 +392 513 5 891039049 +392 515 5 891038110 +392 517 5 891038466 +392 528 5 891038371 +392 589 4 891038946 +392 604 5 891039015 +392 615 5 891038371 +392 650 5 891038978 +392 657 5 891038401 +392 663 4 891039049 +392 705 5 891038433 +392 813 3 891039015 +392 837 5 891038466 +392 875 3 891037851 +392 880 4 891037720 +392 1007 5 891038137 +392 1012 4 891038184 +392 1226 4 891038288 +392 1258 1 891038247 +393 1 3 887743611 +393 3 3 887745293 +393 4 4 889555384 +393 5 3 887746849 +393 7 4 887744419 +393 8 3 887746145 +393 9 4 887744448 +393 11 3 887745844 +393 17 1 889728895 +393 22 4 887745973 +393 24 3 889729674 +393 26 3 887746767 +393 28 4 889554674 +393 29 4 889729398 +393 33 3 889554648 +393 40 1 889729185 +393 42 4 889554976 +393 48 2 889728177 +393 51 4 887746456 +393 56 2 887746015 +393 58 3 887746734 +393 64 4 887745973 +393 65 2 887746346 +393 66 3 889554707 +393 68 4 889729537 +393 69 4 887745883 +393 72 4 889730045 +393 73 4 887746206 +393 77 3 889729440 +393 78 2 889731521 +393 79 4 887745973 +393 80 3 889729561 +393 81 2 889728324 +393 82 4 887746174 +393 84 3 889731009 +393 85 3 889729375 +393 86 2 889729674 +393 87 4 889554706 +393 89 3 887745973 +393 90 2 889729938 +393 95 4 889555295 +393 96 4 889555434 +393 97 4 889555126 +393 99 3 889727536 +393 105 3 887745544 +393 108 2 887744658 +393 109 3 887744419 +393 111 3 887745293 +393 117 4 887745575 +393 118 4 887744578 +393 121 4 887744419 +393 122 1 889731465 +393 125 4 887744239 +393 132 2 887746207 +393 134 2 887746824 +393 135 1 887747108 +393 138 3 889731793 +393 139 4 889729185 +393 141 2 889729537 +393 143 5 889554930 +393 144 3 887746174 +393 145 3 889731820 +393 147 5 887744549 +393 153 3 887746671 +393 154 2 887746302 +393 161 4 887746883 +393 168 4 887746482 +393 172 5 887745883 +393 173 5 887745759 +393 181 4 887743141 +393 184 4 889555251 +393 186 3 887746734 +393 191 3 887745717 +393 194 4 887746239 +393 195 3 889555272 +393 203 4 887746091 +393 204 4 887746301 +393 206 3 889731329 +393 210 4 887747108 +393 228 3 889728385 +393 237 4 887744328 +393 239 4 889728324 +393 240 2 887745380 +393 243 4 887742916 +393 245 3 887742145 +393 248 4 887744202 +393 249 3 887744373 +393 250 4 887743453 +393 255 4 887744328 +393 257 4 887744294 +393 258 4 887741960 +393 259 4 887742851 +393 270 5 887742040 +393 271 3 887742179 +393 272 4 887742006 +393 273 3 889727768 +393 274 4 887744549 +393 280 4 887744724 +393 281 4 887745343 +393 282 4 887744053 +393 283 3 887744239 +393 288 3 887741960 +393 290 3 887745322 +393 291 4 887744202 +393 298 4 887743453 +393 302 4 891364609 +393 304 4 887742110 +393 310 4 887742040 +393 315 5 887741960 +393 316 5 889554297 +393 317 4 889554707 +393 321 3 887742179 +393 322 4 887742825 +393 332 4 887742764 +393 333 4 889554171 +393 338 2 887742964 +393 344 3 891364581 +393 347 4 887742040 +393 354 4 889554151 +393 356 3 889731088 +393 357 2 887745815 +393 364 2 889731139 +393 367 3 889730187 +393 369 3 887745174 +393 373 4 889731437 +393 376 4 889730011 +393 377 3 889728200 +393 384 3 889729508 +393 385 4 887746207 +393 391 3 889731703 +393 392 4 889555225 +393 393 3 889731064 +393 395 3 889731753 +393 398 4 889731753 +393 399 4 889728353 +393 404 3 889728713 +393 405 4 887744626 +393 409 4 887745258 +393 410 4 887744419 +393 411 2 887745501 +393 412 3 887745380 +393 415 4 889730117 +393 417 3 887746523 +393 418 3 887746207 +393 421 2 889555000 +393 423 3 887746849 +393 443 3 887745624 +393 449 2 889731088 +393 451 3 887746995 +393 459 4 887744517 +393 463 4 889555225 +393 465 4 887746916 +393 470 4 889554730 +393 472 3 887745199 +393 473 3 887745135 +393 476 3 887744688 +393 477 3 889727833 +393 479 4 889555295 +393 480 4 889554756 +393 483 4 889554540 +393 485 2 887746670 +393 494 4 889727702 +393 496 5 887746119 +393 497 4 889555021 +393 501 3 889729614 +393 507 2 889554859 +393 538 3 887742071 +393 540 3 889731753 +393 541 3 889555384 +393 544 3 887745135 +393 550 3 887746482 +393 552 2 889729638 +393 553 3 887747108 +393 559 3 889729614 +393 560 3 889728584 +393 561 3 889728438 +393 566 3 887745717 +393 569 4 889728736 +393 571 3 889731793 +393 572 4 889731618 +393 575 2 889728712 +393 577 4 889731437 +393 578 4 889728413 +393 585 2 889731649 +393 586 3 889731040 +393 588 4 887746824 +393 597 3 887745293 +393 613 4 887745937 +393 620 4 887745199 +393 622 4 889555074 +393 623 3 889731562 +393 625 4 889554780 +393 627 4 889729296 +393 628 4 887744626 +393 630 4 889728150 +393 636 3 889729508 +393 644 3 889555074 +393 652 3 889729375 +393 655 3 887746346 +393 684 4 889554811 +393 685 3 887744517 +393 687 3 887742916 +393 689 3 887742991 +393 692 3 889554908 +393 693 3 887746883 +393 696 4 887745258 +393 710 4 889554607 +393 717 3 887745086 +393 720 3 889554648 +393 721 2 889727930 +393 722 2 889728736 +393 724 3 889729159 +393 727 3 889729614 +393 729 4 887746431 +393 731 3 889730227 +393 732 4 889555272 +393 739 3 887746671 +393 748 3 887742851 +393 751 2 887741960 +393 755 3 889729831 +393 761 4 889728667 +393 769 4 889731593 +393 771 3 889731793 +393 774 4 889731673 +393 775 4 889731390 +393 780 4 889731390 +393 785 3 889729749 +393 787 5 889554674 +393 790 4 889729773 +393 794 4 889730117 +393 797 3 889731138 +393 802 3 889729420 +393 808 4 889554882 +393 810 4 889731138 +393 815 4 887744372 +393 819 3 889731592 +393 820 3 887745380 +393 821 3 889554756 +393 823 3 889730262 +393 824 3 889731793 +393 825 4 887745230 +393 826 3 889731729 +393 833 4 887744626 +393 841 3 887745199 +393 842 4 889729212 +393 843 3 889731861 +393 845 4 887744202 +393 864 3 887745230 +393 866 3 889728074 +393 870 3 887745454 +393 871 3 887745174 +393 876 3 889554316 +393 879 3 887742798 +393 892 3 887742939 +393 893 3 889554457 +393 905 3 887742851 +393 922 4 887744419 +393 924 4 887744688 +393 926 4 887745200 +393 929 3 887745230 +393 930 3 889731593 +393 934 3 887745544 +393 939 4 887745816 +393 941 4 889729212 +393 944 4 889728712 +393 949 3 889731465 +393 951 3 889728531 +393 964 2 889555461 +393 977 4 887745501 +393 982 3 889731649 +393 996 3 889731139 +393 997 1 889731703 +393 999 4 889730187 +393 1000 3 889731139 +393 1001 4 887745410 +393 1014 3 887745086 +393 1016 5 887744688 +393 1028 3 887745174 +393 1035 3 889731329 +393 1039 3 887745973 +393 1040 3 887745410 +393 1044 4 889731821 +393 1049 4 887744688 +393 1051 3 887745544 +393 1055 4 889728895 +393 1058 4 887746916 +393 1063 4 889554540 +393 1074 3 889730296 +393 1076 3 889731109 +393 1120 3 887745409 +393 1168 3 889729346 +393 1178 3 889729460 +393 1180 4 889731465 +393 1181 3 889731064 +393 1182 3 889731413 +393 1185 3 889728606 +393 1197 3 887743611 +393 1210 3 889731593 +393 1224 3 889555176 +393 1225 3 889731820 +393 1228 3 889728074 +393 1239 3 889729508 +393 1244 3 887745380 +393 1249 4 889731329 +393 1258 3 887744688 +393 1270 3 889731673 +393 1337 3 887745380 +393 1407 3 889731010 +393 1409 4 889729536 +393 1419 3 889729319 +393 1435 3 889731821 +393 1440 3 889731359 +393 1468 4 887746091 +393 1531 4 889731794 +393 1539 2 889730460 +394 1 4 880886855 +394 4 4 880888037 +394 7 5 880888390 +394 12 4 880887035 +394 22 5 880886919 +394 24 5 880889350 +394 28 4 880886821 +394 29 3 881058201 +394 31 3 880887152 +394 33 4 880889259 +394 38 4 881058146 +394 39 4 880888501 +394 50 5 881132876 +394 56 5 880887406 +394 62 4 881132876 +394 63 4 881059464 +394 68 5 881058419 +394 69 5 880887063 +394 72 4 880889629 +394 73 3 881058929 +394 77 3 880888603 +394 79 5 880887206 +394 82 4 880889553 +394 84 4 880889583 +394 89 5 880889349 +394 90 3 880889528 +394 91 4 880886821 +394 96 5 880886919 +394 98 5 880887088 +394 101 4 880886670 +394 109 4 880889159 +394 118 4 880889066 +394 123 5 880888566 +394 128 3 880888896 +394 132 4 880887000 +394 141 3 880888815 +394 144 5 880886978 +394 151 5 880886919 +394 154 3 880887152 +394 156 4 880886855 +394 158 3 881059315 +394 164 4 880886612 +394 168 5 880886919 +394 172 4 880886919 +394 173 5 881057730 +394 176 5 881130008 +394 179 5 880886919 +394 183 4 881130008 +394 184 3 880889010 +394 186 5 880887322 +394 195 5 880886919 +394 202 5 880888245 +394 204 5 880888223 +394 208 5 880888746 +394 210 4 880888689 +394 216 3 880888063 +394 222 4 881132876 +394 226 2 880888850 +394 229 3 881132958 +394 230 3 881132958 +394 233 3 881058062 +394 238 5 880887348 +394 250 4 881130076 +394 252 3 881130112 +394 257 4 881130047 +394 265 4 880888390 +394 282 3 880888096 +394 288 4 880886919 +394 294 4 880886919 +394 313 5 883304657 +394 343 3 881130008 +394 358 3 880886546 +394 364 3 881059544 +394 380 4 881132876 +394 383 2 881059704 +394 385 5 880889010 +394 386 3 881058897 +394 391 4 881058330 +394 393 4 880889350 +394 402 4 880888775 +394 403 4 880889034 +394 405 3 880889010 +394 411 4 881058969 +394 416 5 880889350 +394 418 4 880887462 +394 419 5 880887250 +394 431 5 880889607 +394 433 4 880886919 +394 449 3 881132958 +394 455 4 880889066 +394 496 5 880887206 +394 540 4 881058330 +394 541 3 880889741 +394 546 4 881058167 +394 549 4 880888452 +394 550 4 881058101 +394 554 4 881058101 +394 561 4 881060177 +394 576 2 881058371 +394 577 2 881059704 +394 578 2 880888927 +394 597 2 881058201 +394 627 5 880888972 +394 651 4 880888223 +394 655 5 880888313 +394 658 3 880889159 +394 665 2 881130009 +394 672 3 880888540 +394 679 3 881058062 +394 715 4 880888689 +394 720 2 881058146 +394 739 4 880889766 +394 742 5 880888167 +394 746 2 880888313 +394 763 3 881058929 +394 771 4 881060366 +394 780 2 881059180 +394 795 2 881059103 +394 797 3 881058330 +394 802 1 881058201 +394 928 4 881059902 +394 940 3 881059103 +394 1033 3 880889475 +394 1371 2 880886546 +394 1484 4 881059619 +395 1 5 883765062 +395 15 3 883765928 +395 21 3 883764534 +395 50 5 883763009 +395 89 5 883764264 +395 97 5 883763800 +395 98 5 883764061 +395 100 4 883765155 +395 118 3 883765791 +395 127 5 883765034 +395 154 5 883764878 +395 163 5 883764378 +395 181 5 883764336 +395 186 5 883764817 +395 196 4 883764378 +395 210 5 883763136 +395 215 5 883763768 +395 216 3 883764378 +395 231 4 883764456 +395 237 4 883764974 +395 240 1 886481149 +395 252 3 883765897 +395 257 5 883765386 +395 258 4 883762309 +395 273 2 886481149 +395 286 4 883762088 +395 288 2 886481149 +395 300 3 883762362 +395 313 3 883762135 +395 318 4 883764004 +395 328 4 883762528 +395 338 4 883762733 +395 342 4 883762414 +395 343 5 883762614 +395 378 5 883764421 +395 423 5 883764742 +395 458 3 883765731 +395 472 3 883765965 +395 515 4 883765297 +395 596 2 886481149 +395 739 3 886481149 +395 748 3 883762577 +395 750 5 883762266 +395 866 3 883766119 +395 1028 2 886481149 +395 1060 2 886481149 +396 9 4 884646401 +396 25 3 884646191 +396 100 2 884646092 +396 117 4 884646191 +396 118 4 884646314 +396 121 5 884646235 +396 125 3 884646191 +396 151 3 884646401 +396 222 5 884646152 +396 237 4 884646092 +396 245 3 884645720 +396 271 4 884645790 +396 281 3 884646647 +396 282 4 884646052 +396 288 3 884645648 +396 300 3 884645550 +396 323 4 884645790 +396 329 2 884645615 +396 333 4 884645528 +396 405 3 884646314 +396 406 2 884646468 +396 455 2 884646582 +396 471 4 884646263 +396 472 5 884646647 +396 546 4 884646647 +396 591 3 884646114 +396 595 3 884646467 +396 597 4 884646647 +396 619 3 884646191 +396 717 3 884646467 +396 742 4 884646346 +396 823 2 884646647 +396 829 3 884646648 +396 840 3 884646648 +396 871 2 884646289 +396 974 4 884646152 +396 1028 3 884646191 +396 1215 2 884646709 +396 1399 3 884645942 +397 8 4 885349913 +397 12 4 885349790 +397 14 3 885349348 +397 22 4 885349476 +397 23 5 885350132 +397 50 5 885349955 +397 58 5 885349202 +397 65 2 875063876 +397 95 4 885349999 +397 100 5 882839517 +397 109 4 889760803 +397 127 5 885349427 +397 134 5 885350132 +397 135 5 885349825 +397 156 5 885350381 +397 171 5 882839540 +397 172 5 885350381 +397 174 5 885349999 +397 177 5 882843746 +397 181 4 885349955 +397 182 5 885349759 +397 186 5 885349955 +397 192 5 885349610 +397 195 3 885350381 +397 197 5 885349825 +397 199 5 885349790 +397 210 4 885349825 +397 223 4 885350132 +397 243 1 875063613 +397 268 4 889760703 +397 273 4 889760803 +397 286 4 882839517 +397 288 4 882839517 +397 289 3 885349348 +397 298 4 885349348 +397 302 5 889760703 +397 313 4 889760640 +397 318 4 885349610 +397 332 2 882838773 +397 338 4 882839517 +397 340 2 882838664 +397 343 2 885349148 +397 345 4 889760663 +397 346 4 890172230 +397 357 5 885350381 +397 358 2 882838937 +397 390 3 885349427 +397 423 5 885349999 +397 435 4 885349376 +397 457 1 875063722 +397 474 5 882839559 +397 475 4 885350045 +397 480 5 885349476 +397 483 5 885349715 +397 484 5 885349759 +397 492 4 885349955 +397 498 4 885349955 +397 504 5 885349865 +397 513 5 885349715 +397 522 5 885349476 +397 529 4 885350326 +397 588 4 885349528 +397 591 4 885349562 +397 611 5 885349562 +397 615 5 885349562 +397 641 5 885349999 +397 652 3 885350326 +397 665 3 885349348 +397 680 1 875063649 +397 688 1 875063649 +397 693 4 885349955 +397 748 2 889760845 +397 751 3 885349348 +397 853 4 885350045 +397 855 4 885349476 +397 878 1 875063722 +397 896 4 889760725 +397 989 1 875063722 +397 991 1 875063678 +397 1001 1 885350326 +398 1 5 875652927 +398 2 3 875718614 +398 4 2 875723337 +398 8 3 875716709 +398 13 3 875652318 +398 25 4 875655011 +398 28 5 875660302 +398 47 3 875738523 +398 49 3 875736199 +398 56 4 875659843 +398 63 2 875732862 +398 66 4 875736732 +398 71 5 875743517 +398 72 3 875719399 +398 73 3 875723337 +398 79 4 875660535 +398 82 5 875721348 +398 85 4 875718731 +398 86 3 875726010 +398 87 4 875716709 +398 88 4 875733660 +398 94 2 875732304 +398 95 5 875659266 +398 96 4 875716709 +398 97 4 875721348 +398 100 3 875652816 +398 111 3 875652318 +398 117 4 875653091 +398 124 5 875717717 +398 125 3 875719764 +398 126 4 875652700 +398 127 4 875651657 +398 132 5 875716829 +398 133 3 875726786 +398 134 3 875658898 +398 135 3 875657802 +398 153 4 875732862 +398 154 2 875718614 +398 158 3 875738202 +398 159 3 875717020 +398 163 3 875738333 +398 167 3 875735638 +398 168 3 875658967 +398 173 4 875719080 +398 174 5 875660535 +398 178 5 875718614 +398 182 4 875657802 +398 183 4 875659518 +398 185 5 875717638 +398 186 4 875733496 +398 194 5 875717638 +398 196 4 875746951 +398 197 5 875660226 +398 202 3 875725256 +398 203 4 875908134 +398 205 5 875660535 +398 208 5 875723253 +398 211 4 875717407 +398 229 3 875744031 +398 230 3 875908666 +398 231 2 875743840 +398 235 2 875716709 +398 237 3 875653168 +398 239 3 875747539 +398 274 3 875655841 +398 283 3 875652760 +398 367 3 875717020 +398 385 3 875723253 +398 399 4 875721702 +398 403 4 875657734 +398 414 3 875721111 +398 427 4 875657734 +398 429 4 875716829 +398 430 4 875659265 +398 432 3 875718670 +398 435 5 875717106 +398 447 2 875658967 +398 474 4 875657926 +398 476 3 875652760 +398 478 5 875657857 +398 480 5 875658794 +398 482 5 875657802 +398 483 5 875720673 +398 484 4 875659319 +398 485 5 875657857 +398 491 5 875718954 +398 494 3 875813142 +398 495 4 875660439 +398 496 5 875721111 +398 497 3 875717407 +398 498 5 875657734 +398 502 3 875717717 +398 510 4 875658715 +398 519 4 875723337 +398 521 5 875717779 +398 523 4 875717779 +398 525 3 875908134 +398 582 2 875659518 +398 588 4 875659517 +398 589 3 875657734 +398 591 3 875652876 +398 602 4 875660302 +398 603 4 875721548 +398 604 5 875658794 +398 607 3 875720467 +398 610 4 875745631 +398 633 4 875726786 +398 655 4 875658967 +398 662 2 875723172 +398 663 2 875735255 +398 684 4 875908134 +398 692 4 875717020 +398 700 2 875736199 +398 705 5 875658898 +398 708 3 875747159 +398 710 2 875716830 +398 712 2 875736732 +398 715 2 875736732 +398 732 4 875719199 +398 735 4 875659266 +398 737 2 875811449 +398 756 3 875654592 +398 796 3 875732862 +398 837 4 875718614 +398 953 3 875658968 +398 969 4 875659518 +398 993 3 875653043 +398 1020 3 875659843 +398 1041 3 875733660 +398 1126 4 875722533 +399 1 4 882340657 +399 5 3 882345001 +399 9 3 882510018 +399 11 4 882344199 +399 12 3 882509891 +399 15 5 882340828 +399 24 4 882341239 +399 26 2 882510126 +399 28 2 882344134 +399 29 3 882349198 +399 31 3 882345649 +399 38 2 882345164 +399 39 2 882344310 +399 41 2 882348876 +399 43 3 882348664 +399 47 3 882511093 +399 48 3 882349868 +399 50 3 882343040 +399 53 4 882345271 +399 54 4 882343126 +399 55 2 882343171 +399 56 3 882346649 +399 57 4 882343260 +399 58 3 882344942 +399 63 3 882348615 +399 64 3 882342313 +399 66 3 882343171 +399 67 3 882350899 +399 68 3 882347577 +399 69 3 882342019 +399 72 4 882350323 +399 77 2 882349094 +399 78 3 882348948 +399 79 3 882512214 +399 80 3 882349068 +399 82 3 882344512 +399 84 2 882345842 +399 90 2 882350653 +399 91 4 882345023 +399 93 3 882512192 +399 95 3 882343068 +399 96 3 882342019 +399 97 4 882343204 +399 98 4 882342894 +399 99 3 882344269 +399 100 3 882509855 +399 102 3 882344236 +399 110 2 882343523 +399 117 2 882347620 +399 118 3 882341383 +399 121 3 882341403 +399 123 2 882340807 +399 132 3 882343327 +399 139 3 882348153 +399 140 4 882343731 +399 143 5 882344638 +399 144 3 882342689 +399 147 5 882340620 +399 151 2 882511876 +399 153 2 882351347 +399 155 2 882348773 +399 156 3 882342537 +399 157 3 882342019 +399 161 3 882344434 +399 164 2 882344553 +399 172 3 882342537 +399 174 3 882342187 +399 176 3 882342127 +399 179 3 882344406 +399 180 3 882345001 +399 181 3 882342689 +399 182 4 882342570 +399 186 4 882342669 +399 187 3 882346401 +399 188 4 882344310 +399 195 2 882342669 +399 203 4 882344434 +399 204 3 882342061 +399 210 3 882342805 +399 214 4 882344722 +399 215 2 882510226 +399 218 4 882344597 +399 222 3 882344434 +399 223 3 882343012 +399 225 3 882345212 +399 226 3 882344406 +399 227 2 882344794 +399 228 2 882347783 +399 231 3 882350375 +399 232 2 882350431 +399 233 3 882347061 +399 234 3 882343294 +399 235 4 882340876 +399 237 3 882510490 +399 238 1 882342061 +399 239 3 882344553 +399 241 4 882342866 +399 246 3 882340639 +399 264 3 882340517 +399 265 3 882342776 +399 268 3 882340284 +399 276 3 882510107 +399 282 3 882340775 +399 288 3 882340200 +399 289 4 882340311 +399 291 3 882510126 +399 301 4 882340242 +399 302 4 882340101 +399 307 3 882340264 +399 318 5 882342589 +399 320 3 882342537 +399 328 4 882340311 +399 332 3 882340242 +399 338 1 882509709 +399 340 2 882340517 +399 343 2 882340517 +399 356 3 882344512 +399 364 4 882350813 +399 366 3 882345271 +399 378 3 882348284 +399 379 3 882512003 +399 380 3 882345164 +399 382 3 882344134 +399 384 2 882345698 +399 385 3 882344597 +399 386 3 882349353 +399 388 2 882350791 +399 393 4 882343455 +399 395 3 882350733 +399 399 3 882342354 +399 401 3 882350710 +399 403 3 882350502 +399 404 3 882344684 +399 405 3 882340599 +399 407 3 882341644 +399 412 2 882352468 +399 413 2 882340900 +399 419 3 882343327 +399 420 3 882347783 +399 423 3 882344052 +399 426 3 882350431 +399 431 2 882344906 +399 432 3 882348283 +399 433 3 882344269 +399 444 1 882350733 +399 450 2 882350791 +399 451 3 882344684 +399 452 3 882350762 +399 454 3 882510989 +399 455 4 882340924 +399 462 3 882510290 +399 465 3 882350005 +399 468 3 882344134 +399 470 4 882344832 +399 471 3 882340719 +399 496 3 882349868 +399 501 2 882346851 +399 506 3 882344406 +399 508 3 882509971 +399 511 3 882341848 +399 526 3 882343171 +399 540 2 882348722 +399 541 3 882345622 +399 542 3 882344021 +399 543 3 882509971 +399 544 2 882340556 +399 545 2 882345164 +399 546 2 882341383 +399 549 4 882347190 +399 551 1 882349022 +399 552 1 882350733 +399 554 3 882348592 +399 559 3 882344096 +399 560 3 882352404 +399 561 2 882345335 +399 564 3 882350899 +399 566 4 882344871 +399 575 1 882350762 +399 576 3 882350563 +399 582 3 882343358 +399 587 3 882351626 +399 597 3 882341330 +399 616 1 882341881 +399 622 4 882343605 +399 628 3 882340719 +399 633 3 882347019 +399 651 3 882509971 +399 658 3 882350198 +399 660 3 882510250 +399 665 3 882345408 +399 673 3 882343789 +399 684 3 882344269 +399 693 3 882510165 +399 697 2 882345454 +399 710 2 882342537 +399 720 3 882348565 +399 722 2 882348153 +399 727 4 882344722 +399 735 3 882344512 +399 738 4 882350583 +399 746 5 882342158 +399 747 5 882345053 +399 754 3 882340242 +399 755 2 882344757 +399 760 1 882341554 +399 769 3 882350813 +399 779 4 882350850 +399 780 1 882350850 +399 781 2 882350617 +399 794 3 882349274 +399 806 3 882344096 +399 809 3 882352357 +399 820 4 882341191 +399 824 2 882341445 +399 825 2 882341586 +399 826 2 882349353 +399 845 3 882340719 +399 890 2 882340517 +399 919 2 882510379 +399 926 2 882348850 +399 928 2 882341586 +399 941 3 882347577 +399 969 3 882346728 +399 975 2 882344974 +399 977 3 882341607 +399 1035 3 882352065 +399 1042 3 882348283 +399 1060 3 882510269 +399 1074 4 882345842 +399 1086 3 882340827 +399 1090 2 882345212 +399 1137 4 882340556 +399 1139 4 882348974 +399 1170 3 882510250 +399 1178 3 882350341 +399 1184 3 882344638 +399 1192 3 882344638 +399 1207 3 882350813 +399 1210 2 882348690 +399 1217 4 882350282 +399 1219 3 882348448 +399 1231 3 882350487 +399 1244 3 882341607 +399 1246 1 882511876 +399 1393 3 882340421 +399 1396 4 882343455 +399 1480 3 882350899 +399 1540 3 882350282 +399 1541 3 882510107 +399 1542 2 882348592 +400 258 5 885676316 +400 269 4 885676230 +400 286 4 885676230 +400 288 4 885676365 +400 294 3 885676411 +400 301 4 885676411 +400 304 4 885676490 +400 306 3 885676230 +400 307 3 885676526 +400 313 5 885676316 +400 321 4 885676452 +400 323 4 885676582 +400 332 2 885676526 +400 343 4 885676552 +400 690 3 885676365 +400 748 2 885676411 +400 749 4 885676452 +401 1 2 891032170 +401 9 3 891032218 +401 11 2 891033227 +401 14 3 891032271 +401 25 4 891032412 +401 44 4 891032868 +401 64 3 891032757 +401 69 3 891033417 +401 71 2 891033549 +401 83 4 891033122 +401 88 4 891033319 +401 97 4 891033582 +401 99 4 891033582 +401 121 3 891032662 +401 125 3 891033651 +401 127 1 891032170 +401 133 4 891032847 +401 143 4 891033034 +401 144 5 891033523 +401 147 2 891032662 +401 151 1 891032584 +401 153 2 891033466 +401 154 1 891033184 +401 157 3 891033582 +401 161 2 891033603 +401 168 1 891033442 +401 172 3 891032896 +401 174 4 891032803 +401 181 3 891032518 +401 185 4 891033523 +401 188 1 891033267 +401 191 4 891032847 +401 194 4 891033395 +401 197 4 891033417 +401 202 4 891033319 +401 203 4 891033288 +401 211 4 891033092 +401 216 4 891032803 +401 235 1 891032474 +401 237 3 891032367 +401 243 3 891031867 +401 248 3 891032367 +401 257 2 891032563 +401 272 3 891031508 +401 275 4 891032271 +401 276 4 891032433 +401 278 4 891032412 +401 280 2 891032607 +401 282 3 891032584 +401 286 2 891031464 +401 302 3 891031464 +401 312 3 891031784 +401 315 4 891031464 +401 316 5 891031756 +401 318 4 891032737 +401 321 2 891031554 +401 328 4 891031723 +401 356 4 891033122 +401 357 4 891032896 +401 365 4 891033497 +401 371 3 891033550 +401 404 2 891033395 +401 405 2 891032453 +401 428 4 891033092 +401 429 3 891032847 +401 430 2 891033582 +401 451 2 891033343 +401 471 4 891032495 +401 477 1 891034050 +401 478 2 891033497 +401 481 3 891033014 +401 482 4 891033343 +401 483 4 891033121 +401 484 3 891032737 +401 490 3 891033250 +401 493 4 891033370 +401 507 4 891033014 +401 508 3 891032433 +401 509 4 891033582 +401 511 2 891033092 +401 515 4 891032367 +401 528 5 891033442 +401 535 2 891032518 +401 537 4 891033466 +401 553 5 891033523 +401 566 5 891033684 +401 582 4 891033523 +401 584 3 891033227 +401 588 2 891033549 +401 591 3 891032607 +401 604 4 891033370 +401 610 4 891033651 +401 630 4 891033370 +401 632 4 891033014 +401 634 1 891033319 +401 651 4 891032919 +401 655 3 891033417 +401 659 3 891033061 +401 663 1 891033549 +401 678 3 891031936 +401 684 4 891033651 +401 707 2 891032868 +401 724 4 891033319 +401 735 5 891033158 +401 748 3 891031784 +401 751 1 891031532 +401 762 2 891032662 +401 815 3 891032662 +401 892 1 891031867 +401 1009 4 891032626 +401 1011 3 891032367 +401 1016 3 891032607 +401 1289 2 891032495 +402 1 5 876266860 +402 9 4 876266741 +402 10 2 876266985 +402 12 4 876266826 +402 13 3 876266701 +402 15 5 876267115 +402 19 4 876267096 +402 25 4 876266926 +402 32 3 876267235 +402 42 4 876267173 +402 50 4 876266741 +402 95 5 876267235 +402 96 5 876267234 +402 100 5 876266904 +402 116 3 876267067 +402 117 3 876267173 +402 118 4 876267096 +402 124 4 876266926 +402 135 4 876266775 +402 137 4 876266701 +402 168 5 876267206 +402 181 4 876266860 +402 182 5 876266775 +402 204 5 876267206 +402 222 4 876266948 +402 228 3 876267173 +402 237 4 876266948 +402 245 1 876266860 +402 258 4 876266650 +402 273 4 876267014 +402 275 5 876266741 +402 276 5 876267014 +402 286 5 876266650 +402 408 5 876266741 +402 410 1 876266985 +402 455 3 876266886 +402 471 4 876267041 +402 475 3 876266741 +402 476 3 876266985 +402 483 5 876267173 +402 510 5 876267235 +402 511 5 876266775 +402 515 5 876266860 +402 529 4 876266775 +402 591 4 876267041 +402 628 3 876267067 +402 696 4 876267014 +402 710 2 876267206 +402 748 3 876266860 +402 864 3 876266926 +402 1048 2 876266985 +402 1060 3 876267041 +402 1101 4 876267234 +402 1284 3 876266984 +403 1 4 879785974 +403 7 5 879785867 +403 9 3 879786052 +403 50 5 879785736 +403 100 5 879785974 +403 106 2 879786084 +403 117 4 879786112 +403 118 5 879785974 +403 123 3 879786112 +403 127 4 879786221 +403 129 4 879785822 +403 147 5 879786052 +403 148 5 879786351 +403 151 4 879786270 +403 181 4 879785916 +403 222 5 879786190 +403 235 5 879786165 +403 237 5 879786221 +403 240 1 879786084 +403 257 2 879786112 +403 274 3 879786661 +403 276 4 879785941 +403 282 5 879786052 +403 284 1 879790389 +403 288 4 879785822 +403 291 4 879790319 +403 370 3 879790344 +403 405 5 879786747 +403 410 2 879790445 +403 471 5 879785822 +403 472 4 879790319 +403 476 4 879790468 +403 477 4 879786165 +403 515 4 879785867 +403 546 3 879786221 +403 597 2 879786747 +403 685 4 879786662 +403 748 5 879786406 +403 760 1 879790343 +403 845 4 879786052 +403 864 4 879786747 +403 866 4 879786294 +403 925 4 879790468 +403 928 3 879786008 +403 1012 1 879786190 +403 1047 2 879786381 +403 1199 2 879790506 +404 22 5 883790911 +404 66 4 883790883 +404 243 3 883790465 +404 245 3 883790401 +404 258 4 883790181 +404 259 5 883790491 +404 270 4 883790749 +404 272 4 883790181 +404 286 1 883790181 +404 288 3 883790314 +404 289 1 883790492 +404 300 4 883790749 +404 301 3 883790286 +404 302 4 883790218 +404 307 4 883790749 +404 310 4 883790750 +404 323 3 883790430 +404 328 4 883790749 +404 331 3 883790249 +404 332 4 883790749 +404 339 1 883790609 +404 342 3 883790750 +404 343 1 883790656 +404 348 3 883790400 +404 678 4 883790400 +404 683 4 883790366 +404 689 2 883790585 +404 690 5 876889178 +404 739 4 883790851 +404 750 3 883790750 +404 754 3 883790218 +404 876 2 883790286 +404 879 3 883790465 +404 901 2 883790585 +404 938 4 883790749 +404 1238 3 883790181 +405 2 1 885547953 +405 4 4 885547314 +405 5 4 885545070 +405 8 4 885545015 +405 12 5 885545306 +405 22 5 885545167 +405 23 5 885545372 +405 26 3 885545552 +405 27 1 885546487 +405 29 4 885545639 +405 31 1 885548579 +405 32 1 885546025 +405 33 1 885547360 +405 35 2 885549095 +405 36 2 885546859 +405 37 1 885548384 +405 38 5 885548093 +405 39 1 885546155 +405 40 2 885547735 +405 41 1 885547735 +405 42 1 885547313 +405 43 1 885546680 +405 44 1 885548670 +405 45 1 885549506 +405 46 1 885546445 +405 47 5 885545429 +405 48 1 885546154 +405 49 1 885547407 +405 50 5 885544947 +405 51 1 885546577 +405 52 1 885546379 +405 53 2 885548137 +405 54 2 885546379 +405 55 1 885547909 +405 57 1 885546577 +405 58 1 885546247 +405 59 1 885549507 +405 60 1 885549589 +405 61 1 885549589 +405 63 3 885547408 +405 64 5 885544739 +405 65 1 885546379 +405 66 5 885547268 +405 67 5 885547360 +405 68 1 885547996 +405 69 4 885545111 +405 70 3 885545912 +405 71 1 885548836 +405 73 5 885547313 +405 75 2 885546069 +405 76 3 885545606 +405 77 1 885546248 +405 79 5 885544798 +405 80 1 885547557 +405 81 3 885546025 +405 82 4 885547952 +405 83 1 885545974 +405 85 4 885547407 +405 86 1 885546154 +405 89 1 885547952 +405 91 2 885548932 +405 94 5 885547408 +405 95 3 885548785 +405 97 2 885545638 +405 98 4 885544798 +405 99 5 885548785 +405 101 1 885549192 +405 102 1 885548877 +405 110 1 885547506 +405 132 5 885544698 +405 139 3 885549005 +405 140 3 885548932 +405 141 2 885548877 +405 142 1 885549004 +405 143 5 885548785 +405 149 1 885549746 +405 161 1 885547997 +405 168 1 885547124 +405 170 1 885549506 +405 173 5 885544798 +405 174 5 885544739 +405 175 1 885546069 +405 176 1 885547909 +405 177 1 885547996 +405 179 1 885546201 +405 180 3 885546069 +405 181 5 885547909 +405 182 1 885545974 +405 183 1 885547909 +405 184 1 885547952 +405 185 4 885544769 +405 187 5 885544739 +405 189 1 885549192 +405 191 4 885545235 +405 193 4 885544698 +405 194 1 885547176 +405 195 5 885544881 +405 196 1 885546112 +405 197 4 885545167 +405 198 2 885549506 +405 199 1 885546025 +405 200 2 885548330 +405 201 1 885547176 +405 202 4 885547221 +405 203 1 885548578 +405 204 5 885544769 +405 205 3 885546025 +405 207 1 885549543 +405 208 5 885547124 +405 209 3 885547124 +405 211 1 885547177 +405 212 1 885546445 +405 213 2 885549309 +405 215 5 885545263 +405 218 5 885548330 +405 219 5 885548384 +405 226 2 885547953 +405 227 1 885548049 +405 229 1 885548048 +405 231 3 885548094 +405 233 1 885547952 +405 234 5 885548275 +405 238 5 885545070 +405 239 3 885546112 +405 241 1 885547909 +405 265 2 885547910 +405 288 5 885544635 +405 302 4 885544635 +405 303 1 885549904 +405 308 1 885549942 +405 313 4 885544635 +405 317 4 885544911 +405 341 1 885549904 +405 347 4 885544635 +405 351 1 885549942 +405 356 5 885545912 +405 357 5 885544974 +405 364 1 885547766 +405 365 1 885545672 +405 367 1 885547222 +405 372 1 885547313 +405 373 2 885548162 +405 374 1 885549094 +405 375 1 885546835 +405 376 5 885547690 +405 377 1 885547690 +405 378 4 885546379 +405 379 1 885548475 +405 380 2 885545883 +405 381 1 885547222 +405 382 1 885546336 +405 383 1 885547605 +405 384 3 885547605 +405 385 1 885547910 +405 388 4 885547558 +405 389 2 885548932 +405 391 1 885548137 +405 392 5 885545487 +405 393 4 885547314 +405 395 3 885547506 +405 397 4 885548094 +405 398 1 885548094 +405 399 1 885547408 +405 400 1 885549044 +405 401 1 885547448 +405 402 3 885546445 +405 403 5 885546445 +405 404 4 885548932 +405 415 2 885549005 +405 416 2 885548932 +405 417 2 885548836 +405 418 5 885548836 +405 419 4 885548785 +405 420 5 885548785 +405 421 1 885549309 +405 423 5 885545306 +405 425 2 885546112 +405 427 5 885545306 +405 428 1 885547314 +405 429 5 885545200 +405 431 3 885547996 +405 433 4 885545070 +405 434 3 885546201 +405 435 1 885547176 +405 436 1 885548384 +405 438 1 885548384 +405 439 1 885548330 +405 441 1 885548435 +405 443 4 885548330 +405 444 3 885548385 +405 445 4 885548435 +405 446 1 885548385 +405 447 4 885548331 +405 448 4 885548331 +405 452 5 885548434 +405 453 3 885548385 +405 461 3 885545639 +405 462 2 885549506 +405 463 1 885548836 +405 464 1 885546379 +405 466 1 885548633 +405 468 3 885544698 +405 469 1 885546288 +405 480 4 885544739 +405 482 3 885544739 +405 501 3 885548837 +405 504 2 885548579 +405 509 1 885546112 +405 512 1 885549589 +405 513 1 885546112 +405 515 1 885546025 +405 516 1 885547314 +405 517 3 885547177 +405 518 1 885546287 +405 519 2 885546025 +405 520 2 885546025 +405 523 2 885545975 +405 525 1 885548632 +405 526 1 885546154 +405 528 1 885546248 +405 529 1 885549543 +405 536 1 885549746 +405 537 1 885546445 +405 542 1 885549095 +405 543 1 885549407 +405 545 1 885547766 +405 548 1 885549095 +405 549 1 885546336 +405 550 2 885547909 +405 552 1 885548686 +405 553 1 885546379 +405 554 1 885548049 +405 555 1 885546835 +405 556 1 885546636 +405 557 1 885549650 +405 558 1 885546069 +405 559 5 885548330 +405 560 1 885549045 +405 561 1 885548475 +405 562 1 885548137 +405 563 1 885548475 +405 564 1 885547606 +405 566 1 885547953 +405 567 2 885548474 +405 568 4 885547910 +405 569 1 885546680 +405 571 5 885547605 +405 573 3 885548435 +405 574 1 885546724 +405 576 1 885548093 +405 577 3 885547557 +405 582 3 885546336 +405 584 1 885548785 +405 585 1 885547447 +405 586 4 885548136 +405 588 2 885548785 +405 603 3 885548578 +405 606 3 885545070 +405 621 1 885548932 +405 622 1 885548877 +405 624 4 885548836 +405 625 3 885548836 +405 626 1 885548877 +405 627 1 885548877 +405 638 1 885549589 +405 640 1 885549589 +405 641 1 885546201 +405 642 1 885548579 +405 643 1 885546336 +405 644 3 885545672 +405 645 1 885546635 +405 646 2 885546202 +405 648 1 885547124 +405 649 1 885546445 +405 651 5 885545167 +405 653 1 885548579 +405 654 2 885548579 +405 655 5 885545401 +405 657 1 885548578 +405 658 4 885545516 +405 659 4 885544739 +405 660 2 885546247 +405 661 3 885546025 +405 662 1 885546155 +405 663 2 885547221 +405 664 1 885546724 +405 665 1 885548094 +405 666 1 885549635 +405 667 1 885548275 +405 668 1 885548275 +405 669 1 885548435 +405 671 2 885548330 +405 672 1 885548434 +405 674 1 885548275 +405 675 1 885548275 +405 679 1 885547997 +405 684 3 885547996 +405 693 2 885546154 +405 694 1 885546336 +405 697 1 885545883 +405 698 1 885546069 +405 702 1 885547407 +405 703 2 885546112 +405 704 2 885546577 +405 707 1 885549309 +405 708 1 885546487 +405 709 1 885547314 +405 710 4 885547268 +405 712 1 885547506 +405 714 1 885546379 +405 715 1 885546445 +405 716 1 885547408 +405 720 1 885546487 +405 723 1 885546288 +405 724 1 885546530 +405 725 1 885547691 +405 726 1 885547690 +405 727 1 885546247 +405 728 4 885547690 +405 729 4 885545487 +405 730 1 885545975 +405 731 3 885546202 +405 732 5 885545456 +405 733 1 885546248 +405 735 5 885545306 +405 736 5 885546336 +405 737 1 885546487 +405 738 1 885547447 +405 739 2 885549309 +405 745 1 885547506 +405 746 1 885547176 +405 747 1 885549309 +405 753 1 885549464 +405 755 2 885548877 +405 757 1 885549095 +405 761 1 885548049 +405 769 1 885548475 +405 770 1 885548048 +405 772 1 885546379 +405 774 1 885548475 +405 776 1 885549094 +405 777 1 885548275 +405 778 1 885546248 +405 779 1 885548137 +405 780 3 885547691 +405 781 5 885547447 +405 782 1 885546636 +405 783 2 885547645 +405 784 1 885548275 +405 786 1 885547644 +405 788 1 885548275 +405 790 1 885547360 +405 791 1 885547605 +405 792 5 885545552 +405 793 1 885547313 +405 794 5 885549309 +405 796 3 885547447 +405 798 1 885546724 +405 802 1 885548049 +405 806 1 885545974 +405 807 1 885546680 +405 808 1 885546487 +405 810 1 885548094 +405 812 1 885548877 +405 816 1 885548435 +405 842 5 885548932 +405 843 2 885549005 +405 849 1 885548049 +405 851 1 885549407 +405 853 1 885547124 +405 854 1 885547222 +405 855 1 885549543 +405 856 1 885546287 +405 858 1 885548435 +405 859 1 885547506 +405 860 1 885548435 +405 861 1 885548275 +405 877 1 885549903 +405 904 1 885549904 +405 920 1 885549746 +405 921 1 885549634 +405 923 2 885549464 +405 939 5 885545200 +405 940 1 885547605 +405 942 1 885546336 +405 943 1 885548633 +405 944 3 885547447 +405 946 2 885548836 +405 947 1 885548048 +405 949 5 885545702 +405 951 1 885548877 +405 954 4 885547268 +405 955 1 885549308 +405 956 2 885546069 +405 957 1 885549464 +405 958 1 885549590 +405 960 1 885545975 +405 969 3 885545015 +405 970 1 885546487 +405 971 1 885549464 +405 972 1 885546445 +405 996 1 885547268 +405 999 1 885547557 +405 1005 1 885549407 +405 1006 1 885546445 +405 1018 1 885549589 +405 1019 1 885549465 +405 1021 1 885549543 +405 1027 1 885548048 +405 1030 1 885547605 +405 1031 1 885549045 +405 1032 1 885549044 +405 1035 1 885548877 +405 1036 1 885547506 +405 1037 3 885547506 +405 1041 5 885547447 +405 1042 1 885548671 +405 1043 1 885547644 +405 1044 4 885545552 +405 1053 5 885545456 +405 1055 3 885546202 +405 1062 1 885549904 +405 1063 5 885548785 +405 1065 1 885546069 +405 1066 1 885549111 +405 1069 1 885546154 +405 1070 1 885547123 +405 1072 1 885547222 +405 1073 1 885548578 +405 1074 3 885546636 +405 1076 2 885549044 +405 1078 1 885549004 +405 1090 1 885548670 +405 1091 1 885549004 +405 1099 1 885549588 +405 1101 3 885546287 +405 1103 2 885546025 +405 1104 1 885549408 +405 1107 1 885546635 +405 1108 1 885546069 +405 1110 1 885547644 +405 1111 1 885547360 +405 1112 2 885546530 +405 1119 3 885545306 +405 1139 1 885546859 +405 1146 2 885546724 +405 1147 2 885546069 +405 1148 1 885546680 +405 1159 1 885549407 +405 1166 1 885546025 +405 1168 1 885546725 +405 1179 1 885547690 +405 1182 1 885547557 +405 1184 1 885547996 +405 1192 1 885545975 +405 1193 1 885549506 +405 1194 1 885546201 +405 1195 1 885549590 +405 1200 1 885548785 +405 1206 1 885546530 +405 1208 1 885546577 +405 1209 3 885547645 +405 1210 1 885548670 +405 1218 5 885547360 +405 1219 1 885549094 +405 1220 3 885546202 +405 1221 1 885546155 +405 1222 1 885548049 +405 1224 1 885546487 +405 1225 1 885547176 +405 1228 1 885548137 +405 1229 1 885546835 +405 1231 1 885548136 +405 1232 1 885546681 +405 1239 1 885548163 +405 1240 1 885549192 +405 1246 1 885547735 +405 1249 1 885547408 +405 1253 1 885548671 +405 1260 1 885546835 +405 1261 1 885546529 +405 1265 2 885549942 +405 1266 1 885549634 +405 1267 1 885546379 +405 1268 1 885546636 +405 1271 2 885547506 +405 1274 1 885548137 +405 1290 2 885546379 +405 1297 1 885546577 +405 1305 1 885547644 +405 1306 1 885546529 +405 1307 1 885546529 +405 1308 1 885546336 +405 1311 1 885546859 +405 1334 1 885549789 +405 1346 1 885549790 +405 1359 1 885549790 +405 1382 1 885549790 +405 1384 1 885549746 +405 1387 2 885549745 +405 1391 1 885549789 +405 1394 1 885549903 +405 1399 1 885549942 +405 1400 1 885545975 +405 1404 1 885547360 +405 1405 1 885549745 +405 1407 1 885548137 +405 1408 1 885549094 +405 1412 1 885549005 +405 1415 1 885549045 +405 1419 2 885548137 +405 1422 1 885548632 +405 1423 1 885546725 +405 1425 1 885547557 +405 1429 1 885549903 +405 1437 1 885547557 +405 1438 1 885546835 +405 1439 1 885546724 +405 1441 1 885546835 +405 1442 1 885546835 +405 1444 2 885549005 +405 1445 1 885546336 +405 1464 1 885546154 +405 1468 1 885546287 +405 1470 2 885549045 +405 1471 1 885548670 +405 1474 1 885547645 +405 1475 1 885547268 +405 1478 1 885546636 +405 1479 1 885547735 +405 1480 2 885549005 +405 1484 1 885547690 +405 1487 1 885546724 +405 1488 1 885546680 +405 1499 1 885549407 +405 1509 1 885547557 +405 1517 1 885547735 +405 1518 2 885546577 +405 1522 1 885548670 +405 1529 1 885549635 +405 1530 1 885546835 +405 1535 1 885549635 +405 1539 1 885546724 +405 1540 2 885548877 +405 1544 1 885549095 +405 1545 2 885546201 +405 1546 1 885549408 +405 1547 2 885546288 +405 1548 1 885547952 +405 1549 1 885548671 +405 1551 1 885546835 +405 1552 1 885546636 +405 1553 1 885548632 +405 1556 1 885549635 +405 1558 1 885549506 +405 1559 1 885546577 +405 1560 1 885549635 +405 1564 1 885546288 +405 1566 1 885546248 +405 1567 1 885547123 +405 1568 1 885547222 +405 1569 1 885549505 +405 1570 1 885549544 +405 1571 1 885549463 +405 1572 1 885549635 +405 1573 1 885549464 +405 1574 1 885546529 +405 1575 1 885549407 +405 1576 1 885549464 +405 1577 1 885549506 +405 1579 1 885549408 +405 1580 1 885549543 +405 1581 1 885548579 +405 1583 1 885549543 +405 1584 1 885549407 +405 1585 1 885546487 +405 1587 1 885546529 +405 1588 1 885549789 +405 1589 1 885549745 +405 1590 1 885549789 +405 1591 1 885549943 +405 1592 1 885549903 +406 1 4 879446107 +406 3 3 879540228 +406 4 2 880131792 +406 5 4 880132276 +406 7 4 879445684 +406 8 4 879445562 +406 9 5 879445735 +406 10 3 879445684 +406 11 4 879446529 +406 13 2 879539987 +406 15 4 879540051 +406 20 3 879446529 +406 22 3 882480671 +406 23 4 879446529 +406 25 1 879540106 +406 26 3 879793235 +406 28 3 882461684 +406 30 4 879793235 +406 32 5 879446639 +406 39 4 884630523 +406 42 5 879445936 +406 47 4 880131741 +406 52 5 879793235 +406 53 4 879792928 +406 56 5 879792811 +406 57 4 879446062 +406 63 3 880131821 +406 64 4 879445430 +406 69 4 879446748 +406 70 3 879793295 +406 71 3 879793081 +406 72 3 880131954 +406 73 2 880131704 +406 86 4 879793295 +406 87 3 879445809 +406 88 2 880131608 +406 89 4 879446361 +406 92 4 882480836 +406 93 4 879445562 +406 95 4 879793081 +406 96 5 879446529 +406 97 5 879446639 +406 98 4 879446529 +406 100 4 879446062 +406 101 3 879793112 +406 115 4 879446108 +406 117 4 879539824 +406 121 5 879540199 +406 122 3 879540405 +406 123 4 879540173 +406 124 4 879446588 +406 125 3 879539987 +406 127 4 879445430 +406 129 5 879539949 +406 130 3 879540147 +406 131 2 884630617 +406 132 5 879445430 +406 133 5 882461684 +406 134 5 879445430 +406 135 5 879445684 +406 136 4 879445522 +406 143 1 879445935 +406 144 1 879445475 +406 148 3 879540276 +406 150 4 879446748 +406 151 2 879540051 +406 152 2 880131666 +406 153 3 879445522 +406 154 5 879792811 +406 157 3 882480865 +406 158 2 880132115 +406 163 3 880131582 +406 168 3 879445642 +406 170 3 879445599 +406 172 5 879792811 +406 173 2 879446684 +406 174 4 879445809 +406 175 5 879792811 +406 176 5 879445474 +406 179 5 879446718 +406 180 5 879445599 +406 182 4 879445734 +406 183 5 882480567 +406 184 2 879792863 +406 185 5 879792811 +406 187 2 879445897 +406 190 5 879793210 +406 191 5 882480443 +406 193 4 879445771 +406 194 5 880131550 +406 196 2 879446588 +406 197 4 882480710 +406 198 2 879793179 +406 202 3 880131704 +406 203 4 882480891 +406 204 5 879446718 +406 205 2 879445642 +406 206 1 879445735 +406 207 2 879446529 +406 208 2 880131582 +406 210 5 880131703 +406 211 5 879445936 +406 212 2 879793210 +406 215 3 884630523 +406 216 3 880131741 +406 217 4 879792928 +406 218 3 879792863 +406 219 3 879792897 +406 220 3 879540388 +406 222 3 879445735 +406 228 3 884630974 +406 234 4 879792863 +406 235 4 879540330 +406 237 1 879540078 +406 240 4 879540078 +406 274 3 879539987 +406 275 3 879446061 +406 276 4 879539824 +406 277 3 879540106 +406 281 3 879540296 +406 282 3 879539987 +406 284 1 879539987 +406 285 5 879792811 +406 286 3 879445250 +406 289 3 879445250 +406 294 3 879445250 +406 357 4 879446108 +406 367 4 880131929 +406 368 2 880132115 +406 372 4 880131929 +406 381 3 879793261 +406 382 5 879793295 +406 393 4 880131851 +406 404 5 884630554 +406 405 3 879540296 +406 411 4 879540199 +406 418 5 879793081 +406 420 4 879793112 +406 421 4 882480628 +406 425 3 884630617 +406 427 4 879445897 +406 428 5 879446684 +406 430 4 879445430 +406 431 3 882480710 +406 432 5 879793081 +406 433 3 880131791 +406 434 5 879446269 +406 444 3 879792928 +406 447 4 879792897 +406 451 2 880131954 +406 452 2 879793011 +406 453 2 880132319 +406 461 3 879446269 +406 462 5 879445562 +406 466 4 879446228 +406 468 1 879446361 +406 472 3 879539884 +406 474 5 884630554 +406 476 4 879540147 +406 478 4 879445378 +406 480 4 882480802 +406 481 3 879446168 +406 483 4 879446062 +406 485 3 879445735 +406 487 3 884630973 +406 491 4 884631010 +406 492 4 879445859 +406 498 5 879445378 +406 499 5 884630973 +406 502 1 880131642 +406 504 4 879445859 +406 505 4 879540515 +406 506 4 882480802 +406 507 4 879445735 +406 508 4 879539883 +406 509 3 879540515 +406 513 5 879445378 +406 514 1 879445562 +406 515 2 879445378 +406 517 2 880131550 +406 519 4 879445378 +406 520 4 879445735 +406 521 3 882480511 +406 524 4 879446361 +406 526 5 882480511 +406 528 4 879446361 +406 529 2 879446108 +406 531 3 879445475 +406 543 4 884631010 +406 558 3 880132276 +406 559 3 879792974 +406 561 3 879792974 +406 563 1 879792975 +406 565 3 880132319 +406 569 3 879792974 +406 573 3 880132319 +406 575 1 880132188 +406 582 4 879793295 +406 589 5 879445474 +406 596 3 879540078 +406 601 3 882480749 +406 602 3 882480865 +406 604 3 879446361 +406 606 3 879445642 +406 607 4 882480511 +406 610 1 879446228 +406 611 3 879446268 +406 624 5 879793112 +406 629 3 880131977 +406 631 5 882461650 +406 632 4 879446168 +406 633 5 882461684 +406 634 4 879446361 +406 638 4 879446684 +406 639 4 879793295 +406 641 5 884630523 +406 652 2 879793179 +406 654 4 879445522 +406 655 3 880131704 +406 657 5 884630493 +406 660 3 882461650 +406 661 5 879446268 +406 663 5 879446269 +406 665 3 879792928 +406 670 3 879792928 +406 671 5 879792863 +406 672 2 879792897 +406 674 4 879792897 +406 692 3 880131792 +406 693 3 884630583 +406 699 4 884630617 +406 702 3 879793295 +406 705 4 879445935 +406 709 5 880131642 +406 712 3 880132091 +406 715 4 880131821 +406 724 3 884630973 +406 727 3 882480749 +406 735 3 884630554 +406 737 3 879793376 +406 746 3 880131741 +406 747 2 879446108 +406 756 3 879540387 +406 769 1 879793011 +406 772 4 882480836 +406 787 3 880132047 +406 806 4 879446748 +406 813 4 879539824 +406 825 4 879540275 +406 831 2 879540249 +406 845 3 879540051 +406 919 2 879446684 +406 921 4 879793235 +406 923 3 879446108 +406 924 4 879540228 +406 945 3 884631010 +406 960 2 879793376 +406 971 3 879793328 +406 1008 4 879539909 +406 1021 5 879446718 +406 1065 2 882480567 +406 1073 3 882480671 +406 1079 2 880132048 +406 1101 4 879445771 +406 1109 4 882480865 +406 1118 3 880132091 +406 1147 4 879446228 +406 1153 2 882480836 +406 1170 4 880131851 +406 1194 4 879446588 +406 1197 3 879539884 +406 1202 3 879445684 +406 1203 2 884630860 +406 1220 3 882480802 +407 1 4 876338278 +407 2 4 875553509 +407 4 4 876340144 +407 7 4 893253637 +407 8 5 875042425 +407 25 3 876339975 +407 28 4 875042826 +407 29 3 876344410 +407 40 1 876338799 +407 45 4 875552352 +407 56 5 875042569 +407 67 1 876339975 +407 69 4 875042569 +407 70 4 884197052 +407 71 3 875046460 +407 72 4 876344772 +407 73 4 892060474 +407 85 4 876339975 +407 88 3 876340144 +407 89 4 875043948 +407 91 4 875044337 +407 94 4 876345492 +407 95 3 875045190 +407 96 3 875042569 +407 97 4 875116167 +407 98 5 875044510 +407 99 4 876338883 +407 100 5 875042905 +407 101 3 876338186 +407 118 3 876338309 +407 121 4 876343028 +407 123 3 876342671 +407 127 3 875044597 +407 131 3 875552400 +407 132 4 875043800 +407 134 5 875042569 +407 135 3 875119886 +407 143 4 875117053 +407 144 3 876338453 +407 151 4 876340363 +407 152 4 875043826 +407 153 4 875042569 +407 154 5 875116964 +407 158 2 876342927 +407 159 3 876338453 +407 162 4 876339101 +407 168 5 875042424 +407 169 5 875042642 +407 172 4 875044037 +407 173 5 875043948 +407 175 4 875042865 +407 176 4 875046427 +407 177 4 887833034 +407 179 3 875046427 +407 180 4 875044597 +407 181 3 875045027 +407 183 4 875046799 +407 184 4 875044473 +407 185 5 875044597 +407 186 4 876348198 +407 188 3 875043801 +407 189 4 875042268 +407 191 5 876339940 +407 193 3 875046799 +407 195 4 875119886 +407 197 4 875553731 +407 201 4 875045240 +407 202 4 876338150 +407 203 4 876341467 +407 204 3 875116964 +407 208 4 887832999 +407 209 5 875042378 +407 210 4 875044037 +407 214 4 875042466 +407 215 3 875045658 +407 216 4 875552401 +407 218 4 876338946 +407 219 4 876348318 +407 223 4 891868745 +407 226 3 876345024 +407 227 2 875045190 +407 228 4 875046799 +407 229 3 876338691 +407 230 4 875045371 +407 232 3 876344993 +407 234 3 875042268 +407 235 4 875044531 +407 239 4 875553509 +407 244 3 884614753 +407 248 4 884197006 +407 250 4 890687564 +407 255 4 884197052 +407 257 4 884202243 +407 258 4 884197027 +407 269 3 893081121 +407 274 3 876344287 +407 286 4 890687500 +407 288 4 890687293 +407 289 3 875115339 +407 290 3 875042865 +407 291 4 876348681 +407 313 4 893076947 +407 315 4 891873158 +407 316 4 887833034 +407 345 4 884614729 +407 357 4 875042569 +407 371 2 875116964 +407 382 3 876342706 +407 385 4 875045658 +407 388 2 876348849 +407 393 2 876344736 +407 395 1 876348957 +407 399 3 876342618 +407 400 1 876348583 +407 402 2 876344329 +407 403 4 875045658 +407 405 3 876348318 +407 408 4 875552445 +407 416 3 876348957 +407 423 4 876340001 +407 427 4 876338966 +407 432 4 875552685 +407 436 3 875045814 +407 443 3 876341493 +407 447 3 876338249 +407 448 4 875553460 +407 449 2 876344772 +407 455 3 884201774 +407 474 3 875042378 +407 479 4 875045240 +407 483 4 875042642 +407 484 4 875042378 +407 491 4 875550328 +407 496 5 875042425 +407 498 4 875046427 +407 502 2 876338883 +407 504 3 875043948 +407 508 4 876348660 +407 510 4 875046752 +407 514 4 875042675 +407 519 4 875042466 +407 521 3 884201716 +407 525 4 875046427 +407 559 3 875553424 +407 561 4 887832999 +407 565 3 876348702 +407 568 2 876338730 +407 569 3 876348296 +407 588 4 875552964 +407 603 4 875044037 +407 629 3 876339975 +407 635 3 876345934 +407 648 3 875552647 +407 650 2 875044400 +407 656 4 875042865 +407 657 4 875553625 +407 659 5 875550174 +407 660 3 876338986 +407 675 3 876349153 +407 684 3 875045268 +407 705 4 875116117 +407 708 3 876344712 +407 710 4 875046460 +407 712 2 876340043 +407 715 4 876340239 +407 729 4 876348660 +407 732 4 876341443 +407 737 4 875117053 +407 739 3 876344062 +407 747 3 876339940 +407 756 2 876348232 +407 796 2 876338663 +407 844 2 884196984 +407 859 3 876348639 +407 869 3 875548522 +407 879 3 878597296 +407 930 2 876348901 +407 972 3 876340120 +407 993 4 884203128 +407 1012 3 875548480 +407 1041 3 876345492 +407 1044 3 876348639 +407 1090 2 876348799 +407 1118 4 876340043 +407 1160 1 890687550 +407 1188 2 876345492 +407 1230 2 876342822 +407 1263 2 876344668 +408 242 4 889679947 +408 270 5 889679683 +408 271 3 889679947 +408 272 4 889679683 +408 286 3 889679683 +408 288 4 889679791 +408 294 5 889680045 +408 300 3 889679857 +408 302 5 889679683 +408 310 4 889679761 +408 312 3 889680073 +408 313 4 889679761 +408 315 5 889679715 +408 319 5 889679947 +408 324 5 889680018 +408 327 5 889679982 +408 328 2 889679791 +408 334 2 889679901 +408 347 3 889679761 +408 358 4 889680045 +408 539 1 889680018 +408 751 4 889679982 +408 1296 4 889679901 +409 9 4 881107992 +409 12 4 881107056 +409 14 5 881107992 +409 23 4 881109175 +409 28 2 881107943 +409 30 4 881108881 +409 45 4 881168603 +409 58 4 881108170 +409 60 5 881108715 +409 61 4 881109420 +409 79 4 881108246 +409 83 3 881108971 +409 89 5 881107539 +409 97 5 881109216 +409 98 5 881107817 +409 100 5 881107992 +409 115 2 881108777 +409 116 4 881107117 +409 127 4 881106605 +409 134 5 881106734 +409 135 5 881107860 +409 136 4 881107992 +409 153 4 881168603 +409 156 2 881108715 +409 162 4 881109264 +409 166 4 881107992 +409 170 4 881107084 +409 171 4 881107084 +409 172 5 881107750 +409 173 3 881108246 +409 174 4 881108881 +409 175 4 881107251 +409 178 5 881107817 +409 179 5 881107817 +409 180 5 881107155 +409 186 5 881109420 +409 191 5 881107817 +409 192 4 881107666 +409 195 4 881109306 +409 204 5 881108496 +409 205 3 881107992 +409 206 4 881109264 +409 207 3 881108715 +409 209 5 881107117 +409 210 4 881109175 +409 211 4 881108829 +409 213 4 881107750 +409 216 4 881107251 +409 264 1 881105366 +409 266 1 881105677 +409 275 4 881107351 +409 276 4 881108455 +409 283 4 881109264 +409 285 4 881168712 +409 286 5 881104697 +409 289 1 881105077 +409 300 3 881104697 +409 303 4 881104727 +409 318 4 881107943 +409 321 2 881104837 +409 322 2 881105077 +409 326 3 881105077 +409 327 2 881104837 +409 338 3 881104916 +409 343 3 881105677 +409 357 5 881107410 +409 367 3 881109264 +409 382 4 881108170 +409 404 2 881109019 +409 427 5 881107251 +409 428 4 881109175 +409 429 5 881107817 +409 430 4 881168604 +409 433 4 881108170 +409 435 3 881107310 +409 461 3 881108364 +409 466 4 881107666 +409 474 5 881107351 +409 475 4 881107750 +409 478 4 881107155 +409 481 3 881107602 +409 482 4 881168712 +409 483 4 881107602 +409 484 4 881107310 +409 485 2 881107155 +409 486 3 881109175 +409 489 5 881107817 +409 493 4 881108364 +409 496 5 881107817 +409 498 4 881108715 +409 499 3 881168631 +409 504 2 881106682 +409 505 5 881107943 +409 511 5 881107943 +409 514 5 881107310 +409 523 4 881106682 +409 526 3 881107117 +409 527 4 881109175 +409 528 4 881107281 +409 529 5 881109019 +409 530 4 881107602 +409 538 3 881104756 +409 603 5 881107351 +409 606 4 881108829 +409 607 5 881107697 +409 608 4 881107155 +409 609 3 881108829 +409 615 5 881107084 +409 618 4 881107011 +409 631 3 881108077 +409 632 3 881107902 +409 633 4 881108126 +409 647 5 881107817 +409 657 3 881108126 +409 661 5 881107817 +409 663 4 881107251 +409 676 2 881108777 +409 705 2 881109175 +409 708 4 881109019 +409 709 4 881108496 +409 714 3 881108170 +409 733 4 881109264 +409 749 3 881105367 +409 854 4 881108648 +409 855 4 881108246 +409 876 2 881105677 +409 877 2 881105366 +409 879 1 881105366 +409 890 1 881105677 +409 923 5 881107410 +409 945 3 881108971 +409 1020 5 881107410 +409 1050 4 881109420 +409 1065 2 881109264 +409 1070 4 881107410 +409 1073 4 881107750 +409 1093 2 881106087 +409 1097 2 881108829 +409 1099 4 881168712 +409 1159 2 881109019 +409 1194 5 881107750 +409 1328 2 881106287 +409 1346 3 881168711 +409 1360 2 881106087 +409 1369 4 881106287 +409 1379 3 881106451 +409 1392 1 881105367 +409 1393 1 881105367 +409 1449 5 881107817 +409 1512 5 881106947 +409 1524 4 881107666 +409 1537 4 881106605 +409 1541 4 881107992 +409 1558 5 881107281 +409 1593 4 881108971 +410 258 2 888626538 +410 269 5 888627137 +410 272 4 888627138 +410 289 1 888626819 +410 303 3 888626583 +410 311 3 888626913 +410 313 5 888627137 +410 315 4 888627138 +410 316 4 888627138 +410 323 3 888626990 +410 328 3 888626786 +410 340 2 888626506 +410 347 1 888626538 +410 352 3 888626682 +410 354 3 888626481 +410 538 3 888626710 +410 689 2 888626881 +410 690 4 888627138 +410 754 3 888626710 +410 873 4 888627138 +410 886 2 888627018 +410 898 3 888627138 +410 905 4 888627138 +411 1 4 892845604 +411 4 4 892845634 +411 8 3 891035761 +411 9 4 891035827 +411 22 4 891035239 +411 28 4 892845986 +411 38 4 891035405 +411 50 5 892845604 +411 56 4 891035278 +411 58 3 892845804 +411 73 4 892845634 +411 79 4 892845634 +411 88 3 891035761 +411 89 3 891035761 +411 117 2 891035761 +411 161 2 891035761 +411 174 4 892845634 +411 181 5 892845605 +411 186 5 892845605 +411 194 5 892845605 +411 195 3 891035239 +411 202 4 891035663 +411 208 4 891035617 +411 210 5 892845605 +411 222 3 891035152 +411 227 3 891035362 +411 228 3 891035309 +411 229 3 891035362 +411 230 3 891035362 +411 238 3 891035525 +411 258 4 892845634 +411 265 5 892845604 +411 276 3 892845575 +411 304 3 891034982 +411 318 4 892845712 +411 435 3 891035478 +411 449 3 891035405 +411 451 4 892845634 +411 485 4 892845986 +411 527 4 892845926 +411 566 4 892845634 +411 568 4 892845634 +411 603 5 892845986 +411 655 4 891035639 +411 709 5 892845604 +411 720 3 891035761 +411 732 4 892845634 +411 770 4 892845634 +411 1197 4 892846971 +411 1475 3 891035617 +412 1 4 879716962 +412 7 5 879717505 +412 23 4 879717147 +412 24 3 879717177 +412 56 5 879717071 +412 64 4 879717505 +412 70 4 879717449 +412 81 2 879717829 +412 96 5 879717286 +412 114 4 879716874 +412 117 4 879717177 +412 150 4 879717621 +412 154 3 879717071 +412 169 4 879717038 +412 172 5 879717449 +412 174 5 879716918 +412 182 4 879716983 +412 186 5 879717071 +412 195 4 879717621 +412 206 2 879717649 +412 208 4 879717621 +412 211 4 879717177 +412 214 3 879717253 +412 276 5 879717572 +412 288 4 879716566 +412 340 4 879716637 +412 357 4 879717548 +412 408 4 879717016 +412 431 4 879717549 +412 487 3 879717118 +412 508 4 879716962 +412 526 4 879717572 +412 651 4 879717548 +412 684 4 879717313 +412 724 4 879717095 +412 939 4 879717253 +412 969 3 879716961 +413 9 4 879969591 +413 14 5 879969513 +413 15 4 879969709 +413 25 3 879969791 +413 50 5 879969674 +413 100 4 879969535 +413 147 2 879969860 +413 181 5 879969591 +413 236 4 879969557 +413 237 4 879969755 +413 245 2 879969027 +413 250 3 879969674 +413 257 4 879969592 +413 258 4 879968794 +413 269 4 879968793 +413 270 4 879969027 +413 273 2 879969484 +413 275 5 879969557 +413 276 4 879969674 +413 283 5 879969484 +413 284 4 879969709 +413 286 5 879968793 +413 289 4 879969027 +413 300 4 879968959 +413 302 2 879968794 +413 303 5 879968793 +413 307 2 879968794 +413 321 3 879969259 +413 326 3 879969027 +413 327 3 879968933 +413 328 3 879968933 +413 332 3 879968890 +413 333 2 879968933 +413 460 3 879969536 +413 471 4 879969642 +413 508 4 879969484 +413 515 5 879969591 +413 690 4 879968793 +413 877 3 879969100 +413 936 4 879969484 +414 11 5 884999347 +414 258 5 884998953 +414 260 3 884999193 +414 270 5 884998972 +414 272 5 884998953 +414 288 5 884999066 +414 300 4 884999066 +414 301 3 884999128 +414 302 5 884998953 +414 310 4 884998993 +414 313 4 884998953 +414 324 4 884999127 +414 325 3 884999193 +414 340 4 884999066 +414 343 2 884999193 +414 346 5 884999037 +414 433 5 884999394 +414 678 1 884999066 +414 690 4 884999347 +414 748 3 884999147 +414 886 4 884999286 +414 895 4 884999170 +415 56 5 879439865 +415 136 5 879439684 +415 174 5 879439864 +415 180 5 879439791 +415 185 4 879439960 +415 195 5 879439685 +415 204 4 879439865 +415 258 4 879439135 +415 269 4 879439108 +415 322 4 879439205 +415 323 2 879439205 +415 328 5 879439135 +415 432 4 879439610 +415 479 4 879439610 +415 480 5 879439960 +415 483 5 879439791 +415 531 5 879439684 +415 641 3 879439960 +415 684 3 879439610 +415 748 5 879439349 +415 754 4 879439311 +416 1 5 893212483 +416 2 4 886317115 +416 4 4 876699903 +416 7 4 876697205 +416 8 5 893212484 +416 9 5 893212572 +416 10 3 876698364 +416 11 4 876699238 +416 12 5 893212572 +416 13 5 893212623 +416 14 4 876697017 +416 15 4 876697017 +416 17 2 886318084 +416 21 3 876697415 +416 24 5 893212730 +416 25 4 876697243 +416 27 4 886318270 +416 28 5 893212730 +416 29 2 886318228 +416 31 5 893212730 +416 36 2 878879809 +416 38 3 886318228 +416 42 3 876699578 +416 44 4 886316596 +416 50 5 893212730 +416 53 2 876699946 +416 55 2 876699102 +416 58 5 893212929 +416 65 5 893212930 +416 66 5 893213019 +416 67 4 886318740 +416 70 5 893213019 +416 72 2 886318707 +416 73 3 876699994 +416 77 4 893142480 +416 78 2 886319785 +416 79 5 893213405 +416 80 2 886317825 +416 81 5 893213405 +416 82 5 893213444 +416 83 5 893213444 +416 85 3 893210246 +416 86 1 886316439 +416 87 5 893212484 +416 88 3 886316140 +416 90 4 876699102 +416 93 4 876697105 +416 94 2 886318546 +416 95 3 878879688 +416 96 4 893142245 +416 97 5 893213549 +416 98 5 893213644 +416 99 4 876700137 +416 100 5 893212895 +416 103 3 886320119 +416 105 2 876698430 +416 106 3 876697913 +416 111 4 876697592 +416 118 2 876697479 +416 121 5 893213645 +416 122 3 886315885 +416 123 4 876697205 +416 124 4 876697017 +416 126 5 893213103 +416 127 5 893213796 +416 132 4 876699652 +416 133 2 876699903 +416 136 5 893212623 +416 137 3 876697165 +416 140 4 886317030 +416 142 4 886319340 +416 143 5 893213918 +416 144 5 893212730 +416 147 5 893212730 +416 148 5 893212730 +416 150 5 893214041 +416 151 3 876697105 +416 153 4 886317272 +416 154 4 876699839 +416 155 5 893212895 +416 156 5 893212895 +416 157 4 886317316 +416 158 3 886319235 +416 159 1 886317412 +416 161 4 886316739 +416 164 5 893214041 +416 168 5 893212929 +416 172 5 893213796 +416 173 5 893214127 +416 176 4 876699652 +416 179 2 876699578 +416 181 5 893213019 +416 182 4 876698934 +416 183 5 893214127 +416 184 4 876699758 +416 185 4 876699101 +416 187 5 893214128 +416 191 5 893213019 +416 194 5 893214041 +416 195 5 893214128 +416 196 5 893214128 +416 197 5 893213103 +416 199 5 893214225 +416 200 5 893213103 +416 202 4 876699334 +416 203 3 886316596 +416 204 5 893213404 +416 209 5 893214332 +416 211 5 893214041 +416 213 5 893213443 +416 215 5 893213644 +416 216 5 893213444 +416 217 4 886317880 +416 218 3 876699488 +416 219 4 876699946 +416 223 5 893212572 +416 225 1 876697330 +416 231 3 878880244 +416 232 5 893213549 +416 235 2 885115041 +416 237 3 876697330 +416 238 4 876699179 +416 239 5 893212730 +416 240 1 886315446 +416 241 5 893213796 +416 242 4 888819254 +416 245 2 876696788 +416 248 5 893213103 +416 249 3 876697558 +416 251 5 893213405 +416 252 4 876698115 +416 253 3 876697283 +416 255 5 893214041 +416 257 3 876697205 +416 258 5 893213549 +416 259 2 885114559 +416 264 3 876696938 +416 265 5 893213796 +416 268 4 876696643 +416 269 4 876696643 +416 273 4 876697415 +416 274 4 893142100 +416 275 5 893212484 +416 276 3 876697243 +416 278 3 876698280 +416 281 5 893213103 +416 282 5 893213796 +416 283 5 893213796 +416 285 2 876697165 +416 286 5 893212929 +416 288 5 893213796 +416 289 3 876696788 +416 291 4 878879275 +416 293 5 893213019 +416 295 5 893213405 +416 297 4 876697448 +416 298 4 876697387 +416 300 4 876696823 +416 302 5 893214127 +416 303 4 876696643 +416 305 3 878877919 +416 307 1 889907392 +416 310 5 893214225 +416 311 3 886314877 +416 312 3 885114480 +416 313 5 893214226 +416 315 3 889341306 +416 316 3 888700030 +416 317 5 893213444 +416 318 5 893213549 +416 319 5 893213444 +416 322 3 876696788 +416 323 3 876696739 +416 326 5 893214041 +416 328 5 893213644 +416 329 3 886314592 +416 330 3 885114446 +416 331 4 890021365 +416 333 4 876696788 +416 338 3 880159023 +416 339 5 893214225 +416 345 5 893214332 +416 346 4 886314592 +416 347 4 893214333 +416 353 2 886314834 +416 354 4 893214333 +416 357 5 893213645 +416 364 2 886319855 +416 366 4 886318128 +416 367 5 893212572 +416 369 2 888701033 +416 375 1 886319930 +416 378 5 893212896 +416 385 5 893213103 +416 387 3 886319288 +416 388 2 886320177 +416 392 5 893213444 +416 393 4 886316118 +416 395 2 886319620 +416 396 2 886318587 +416 401 2 886318651 +416 402 5 893212623 +416 403 5 893212730 +416 411 3 876698006 +416 412 2 892440119 +416 415 4 886319408 +416 416 4 886319038 +416 418 4 876699793 +416 419 4 892441448 +416 420 3 886318155 +416 421 5 893214041 +416 423 4 878880195 +416 425 4 886316647 +416 431 4 886316164 +416 432 2 878879861 +416 433 4 886316226 +416 443 5 893213549 +416 447 4 876699027 +416 448 3 886316797 +416 451 5 893212623 +416 452 3 886319106 +416 462 5 893212895 +416 463 4 886316703 +416 468 5 893213549 +416 469 4 893141989 +416 470 4 878880154 +416 471 5 893213645 +416 472 4 876698204 +416 473 2 876697387 +416 476 5 893213796 +416 477 4 892441480 +416 480 5 893213918 +416 491 4 886316596 +416 496 5 893212572 +416 498 4 876699287 +416 500 5 893212573 +416 501 5 893213918 +416 509 5 893214041 +416 510 4 876698853 +416 515 5 893214041 +416 520 5 893214225 +416 526 5 893214226 +416 531 5 893212572 +416 535 4 876697847 +416 538 4 885114408 +416 542 1 886317599 +416 544 2 888700566 +416 549 4 886316922 +416 550 4 886317599 +416 553 4 886317079 +416 554 3 886318394 +416 559 3 886317272 +416 560 3 886319079 +416 564 4 892440782 +416 571 3 886318860 +416 576 5 893213103 +416 585 1 886318085 +416 588 5 893213644 +416 591 5 893212895 +416 592 3 892441347 +416 597 3 876698178 +416 603 5 893212484 +416 614 5 893212572 +416 619 4 886315423 +416 620 4 878879237 +416 624 3 886317237 +416 625 5 893212623 +416 627 5 893213918 +416 628 4 876697283 +416 631 3 886316295 +416 633 4 876699757 +416 651 4 886316439 +416 652 4 876699526 +416 655 5 893213103 +416 657 5 893214225 +416 658 5 893214226 +416 659 5 893213404 +416 660 5 893213404 +416 662 4 876699994 +416 676 5 893213549 +416 678 2 876696788 +416 680 3 876696938 +416 682 3 877902163 +416 684 5 893213405 +416 685 3 876697955 +416 686 5 893213444 +416 689 4 885114578 +416 690 5 893214127 +416 692 5 893212484 +416 693 3 878879976 +416 696 3 876697524 +416 699 5 893212895 +416 707 4 876699179 +416 708 4 889907392 +416 710 4 893142441 +416 712 4 886318795 +416 713 4 876697448 +416 717 2 876697283 +416 720 4 886318128 +416 723 4 886318827 +416 727 5 893212730 +416 729 5 893212896 +416 732 5 893213404 +416 735 5 893213549 +416 737 3 886318613 +416 739 5 893212896 +416 742 4 876697524 +416 746 5 893213444 +416 747 5 893212929 +416 748 4 876696687 +416 750 5 893214128 +416 754 5 893214128 +416 755 4 893214333 +416 762 3 876697524 +416 763 5 893212623 +416 765 4 886319522 +416 775 4 893142245 +416 778 3 886316835 +416 781 4 893142283 +416 783 3 886318768 +416 785 3 888703399 +416 790 4 886318270 +416 791 2 886319550 +416 792 4 876699526 +416 794 5 893213019 +416 795 2 892440060 +416 803 3 886319177 +416 807 4 886319649 +416 812 4 893212623 +416 815 4 876697243 +416 821 4 886317146 +416 824 2 876697592 +416 827 4 878879350 +416 834 3 878879314 +416 840 4 886315536 +416 843 3 886317748 +416 845 4 876697361 +416 846 3 878878779 +416 849 3 886318676 +416 864 3 888700529 +416 865 3 886316477 +416 869 3 892439992 +416 873 5 893213645 +416 875 2 876696938 +416 879 3 892439224 +416 898 4 885114374 +416 915 5 893212483 +416 916 3 893141069 +416 917 4 893214332 +416 918 4 893214332 +416 924 5 893212623 +416 926 2 886315298 +416 928 3 878879391 +416 929 4 876698255 +416 930 3 878878814 +416 931 3 886315822 +416 934 2 876698178 +416 937 2 876696823 +416 938 3 892439155 +416 942 4 893214333 +416 955 4 876699839 +416 966 5 893212483 +416 972 4 891476265 +416 980 4 886314987 +416 985 3 876697165 +416 990 2 876696739 +416 997 3 876699526 +416 1007 5 893213918 +416 1011 4 885114897 +416 1012 4 876697205 +416 1014 3 876697847 +416 1016 5 893213444 +416 1020 5 893212483 +416 1037 2 892440156 +416 1041 3 886319408 +416 1048 3 876698255 +416 1051 3 886319079 +416 1053 4 886319434 +416 1054 3 876698083 +416 1058 5 893213019 +416 1074 5 893213103 +416 1077 1 886317030 +416 1089 2 876697695 +416 1091 3 892441516 +416 1119 5 893214225 +416 1132 2 876697913 +416 1133 4 893142244 +416 1135 2 886319234 +416 1136 4 886318186 +416 1139 3 886318768 +416 1152 4 876697105 +416 1160 4 876697760 +416 1168 4 886318953 +416 1189 5 893213917 +416 1217 4 886319366 +416 1220 3 886318155 +416 1221 5 893213103 +416 1226 3 893013826 +416 1229 2 893210527 +416 1262 5 893213019 +416 1264 4 886316381 +416 1286 5 893213549 +416 1300 3 886315494 +416 1336 1 878879350 +416 1337 1 876698083 +416 1400 4 886317029 +416 1426 5 893212572 +416 1428 3 886319204 +416 1441 3 886318546 +416 1469 3 878880195 +416 1478 2 886319906 +416 1483 4 893214333 +416 1495 3 886318707 +416 1516 5 893213549 +416 1521 3 892440206 +416 1540 4 893142245 +416 1594 5 893212484 +417 1 4 879646413 +417 4 3 879648360 +417 5 4 879648593 +417 7 3 879646260 +417 13 2 879646591 +417 15 5 879646166 +417 16 3 879646692 +417 17 4 879648183 +417 20 2 880949408 +417 24 3 879646531 +417 25 2 879646413 +417 27 3 879648594 +417 39 3 879648212 +417 40 3 879649199 +417 44 2 880951252 +417 49 3 880951737 +417 50 3 879646123 +417 51 3 879648526 +417 55 5 879647900 +417 56 5 879647519 +417 58 3 879647140 +417 62 3 879648939 +417 63 3 879649021 +417 65 4 879647011 +417 66 3 879648026 +417 68 3 879647275 +417 69 3 879647471 +417 70 4 879647749 +417 72 4 879649107 +417 73 3 879648343 +417 77 3 879649304 +417 78 2 879649632 +417 79 3 879647924 +417 80 4 879649247 +417 81 5 879647196 +417 82 4 879647326 +417 89 5 879647604 +417 90 3 879649107 +417 91 2 879647800 +417 94 3 879649177 +417 95 5 879646965 +417 96 3 879646915 +417 97 4 879647326 +417 100 3 879646166 +417 101 3 879649001 +417 102 3 879648656 +417 106 2 879646741 +417 109 2 879646369 +417 111 3 879647768 +417 117 4 879646484 +417 118 4 879646548 +417 121 3 879646591 +417 122 2 879646838 +417 123 2 879646500 +417 125 5 879646369 +417 134 4 879647196 +417 139 3 879648707 +417 141 3 879648510 +417 142 3 879648184 +417 144 3 879647232 +417 145 3 879648979 +417 151 5 879646463 +417 153 5 879647580 +417 154 4 879647561 +417 156 3 879647380 +417 157 4 879647966 +417 158 2 879649389 +417 161 3 879647519 +417 162 3 880951886 +417 163 4 879647604 +417 164 3 879648156 +417 167 3 880952355 +417 168 4 879647355 +417 169 3 879647498 +417 171 3 879647800 +417 172 3 879647519 +417 173 5 879647519 +417 174 3 879647498 +417 176 5 879646891 +417 178 3 879646965 +417 179 4 879647749 +417 180 5 879647604 +417 181 3 879646286 +417 182 4 879646938 +417 183 4 879647298 +417 184 4 879647749 +417 185 3 879647708 +417 186 5 879647118 +417 188 4 879647232 +417 190 5 879647065 +417 191 5 879647498 +417 198 4 879647924 +417 201 4 879648478 +417 202 4 879647140 +417 203 4 879646915 +417 206 2 879648778 +417 209 4 879647299 +417 210 3 879647749 +417 211 4 880949907 +417 212 1 879647800 +417 214 5 879647254 +417 216 3 879647298 +417 217 4 879648594 +417 218 3 879648184 +417 219 3 879648979 +417 222 3 879646388 +417 223 5 879646986 +417 228 3 879646915 +417 230 3 879647850 +417 231 4 879648798 +417 232 3 879648510 +417 234 4 879646965 +417 238 4 879647768 +417 242 3 879645999 +417 245 4 879649779 +417 246 4 879646225 +417 248 4 879646286 +417 250 4 879646463 +417 252 3 879646530 +417 255 3 879646327 +417 257 3 879646244 +417 258 4 879645999 +417 260 3 879649779 +417 264 2 879649763 +417 265 3 879648026 +417 268 4 879649657 +417 270 2 879646036 +417 273 3 879646286 +417 286 5 879646286 +417 288 3 879647749 +417 290 4 879646661 +417 293 4 879646123 +417 294 4 879646463 +417 298 3 879646327 +417 302 3 879645999 +417 322 3 886186468 +417 323 3 879646820 +417 324 1 879646463 +417 325 2 880949231 +417 326 4 879649669 +417 340 3 880949136 +417 343 2 886186253 +417 357 5 879647118 +417 358 2 879649763 +417 364 3 880953014 +417 365 4 879648860 +417 367 2 879648898 +417 373 3 880952988 +417 380 3 879648860 +417 382 2 880949941 +417 384 4 879649284 +417 385 5 879648184 +417 386 3 879648382 +417 388 3 879649178 +417 391 2 879649519 +417 392 3 880950280 +417 393 4 879648096 +417 395 4 879649199 +417 396 2 879649560 +417 399 3 879648898 +417 402 4 879648656 +417 404 3 879647947 +417 405 3 879646531 +417 411 2 879649001 +417 413 3 879646327 +417 418 4 879647471 +417 419 4 879646986 +417 420 4 879648452 +417 421 4 879647561 +417 422 3 879648212 +417 428 3 879647966 +417 431 4 879647431 +417 433 4 879648403 +417 441 3 879648611 +417 444 4 880952691 +417 447 3 879649064 +417 449 3 880952674 +417 450 2 880953014 +417 451 4 879649266 +417 452 2 880952970 +417 461 3 879647140 +417 465 4 879648079 +417 472 2 879646369 +417 473 2 879646860 +417 474 4 879647118 +417 475 4 879646437 +417 483 5 879647355 +417 484 4 879647380 +417 485 3 880949880 +417 496 3 879647040 +417 498 4 879647540 +417 501 3 879647540 +417 506 4 879647471 +417 508 3 879646123 +417 513 5 879647580 +417 515 4 879646225 +417 518 5 879647604 +417 537 4 880949849 +417 546 3 879646712 +417 549 3 879647924 +417 550 3 879649178 +417 555 1 879649389 +417 559 4 879648979 +417 561 3 879648707 +417 562 4 879648955 +417 568 2 879648155 +417 574 2 879649428 +417 576 3 879649410 +417 579 2 879649467 +417 582 3 879647749 +417 596 3 879646244 +417 616 2 879648048 +417 625 4 879649064 +417 638 4 879648078 +417 640 5 879648742 +417 642 5 879647947 +417 651 4 879648212 +417 655 4 879647900 +417 663 3 879647040 +417 665 2 880952400 +417 668 2 880953014 +417 669 2 880953014 +417 674 2 879649560 +417 679 2 879649044 +417 685 1 879646570 +417 692 4 879648132 +417 708 2 879648798 +417 709 3 879647355 +417 713 2 879646052 +417 715 2 879648656 +417 723 5 879648938 +417 727 5 879648325 +417 728 3 879648881 +417 732 4 879647825 +417 743 2 880953053 +417 746 5 879648048 +417 748 4 879646785 +417 758 2 879649247 +417 764 3 879646677 +417 765 3 879649632 +417 767 1 879646860 +417 771 3 879649368 +417 774 4 879648707 +417 778 4 879648742 +417 779 2 879649577 +417 780 4 880952880 +417 783 3 879649064 +417 792 4 879648079 +417 796 4 879648881 +417 797 3 880952656 +417 800 2 879649467 +417 804 3 879649153 +417 809 3 880951251 +417 810 3 879649178 +417 815 4 879646741 +417 818 2 886186925 +417 823 2 879646860 +417 825 4 879646463 +417 827 2 879646860 +417 831 2 879646820 +417 849 1 879649632 +417 855 2 879647450 +417 871 2 886187012 +417 895 3 886186520 +417 923 3 879647065 +417 928 3 879646821 +417 940 2 879649337 +417 943 3 879648761 +417 944 4 880952141 +417 946 4 880950324 +417 963 4 879647431 +417 993 3 879646800 +417 999 3 880952434 +417 1000 4 879648403 +417 1011 3 880949438 +417 1014 4 879646785 +417 1016 4 886186827 +417 1018 3 879649247 +417 1028 3 879646785 +417 1040 2 879649428 +417 1041 3 879648478 +417 1057 2 880949763 +417 1086 4 879646369 +417 1090 3 879649577 +417 1091 3 879648435 +417 1119 3 879648382 +417 1139 3 879649448 +417 1157 4 880952616 +417 1182 3 879648798 +417 1183 4 879648676 +417 1207 3 880952970 +417 1210 2 879649044 +417 1215 2 879646712 +417 1228 2 879649304 +417 1230 2 880953088 +417 1232 2 879649369 +417 1247 3 880953033 +417 1288 1 879646741 +417 1411 3 880952418 +417 1416 2 880952534 +417 1446 3 879648824 +417 1539 2 879649539 +417 1550 3 879648707 +418 258 5 891282551 +418 288 5 891282836 +418 300 3 891282656 +418 302 2 891282551 +418 315 2 891282521 +418 327 1 891282836 +418 328 1 891282738 +418 331 3 891282521 +418 333 5 891282520 +418 344 1 891282521 +418 346 2 891282595 +418 750 2 891282626 +418 895 4 891282595 +418 899 5 891282706 +418 1313 2 891282813 +419 1 4 879435590 +419 14 5 879435828 +419 28 3 879435663 +419 50 5 879435541 +419 69 4 879435628 +419 79 4 879435590 +419 89 3 879435722 +419 100 5 879435722 +419 134 5 879435722 +419 174 5 879435628 +419 181 4 879435807 +419 191 4 879435590 +419 197 5 879435749 +419 212 1 879435749 +419 223 4 879435785 +419 257 4 879435503 +419 269 4 879435190 +419 275 5 879435520 +419 286 4 879435190 +419 300 4 879435347 +419 306 5 879435242 +419 405 3 879435503 +419 478 5 879435785 +419 488 5 879435722 +419 494 3 879435749 +419 514 4 879435785 +419 604 5 879435590 +419 615 5 879435785 +419 617 4 879435628 +420 14 5 891356927 +420 86 5 891357021 +420 100 5 891357104 +420 116 4 891357162 +420 124 5 891356891 +420 127 5 891357104 +420 137 4 891357104 +420 173 3 891356864 +420 179 5 891356864 +420 190 5 891356864 +420 251 5 891357070 +420 270 3 891356790 +420 275 5 891357071 +420 285 5 891356891 +420 286 4 891356790 +420 288 3 891357271 +420 301 3 891357188 +420 319 4 891357188 +420 408 4 891356927 +420 475 4 891357162 +420 478 3 891356864 +420 484 5 891356864 +420 493 3 891356864 +420 508 3 891357162 +420 513 5 891356864 +420 547 4 891357104 +420 603 4 891356864 +420 690 5 891357271 +420 750 4 891356790 +420 753 5 891356864 +420 855 5 891357021 +420 1347 3 891356927 +421 4 3 892241624 +421 7 3 892241646 +421 11 2 892241624 +421 12 5 892241458 +421 50 5 892241294 +421 56 5 892241421 +421 79 4 892241459 +421 82 4 892241294 +421 87 4 892241736 +421 89 5 892241362 +421 96 4 892241343 +421 98 5 892241458 +421 100 4 892241422 +421 117 5 892241624 +421 127 4 892241624 +421 129 5 892241459 +421 144 5 892241624 +421 164 4 892241687 +421 172 5 892241707 +421 173 1 892241319 +421 174 5 892241362 +421 175 2 892241576 +421 176 5 892241422 +421 182 5 892241624 +421 183 5 892241459 +421 185 4 892241422 +421 187 4 892241624 +421 197 3 892241491 +421 208 2 892241554 +421 213 3 892241491 +421 218 4 892241687 +421 219 3 892241687 +421 234 5 892241646 +421 238 5 892241576 +421 269 3 892241210 +421 302 4 892241236 +421 331 2 892241236 +421 333 4 892241236 +421 423 2 892241707 +421 427 4 892241735 +421 448 3 892241687 +421 466 4 892241459 +421 498 4 892241344 +421 509 2 892241532 +421 516 5 892241554 +421 517 2 892241491 +421 525 4 892241422 +421 603 4 892241422 +421 653 3 892241422 +421 657 4 892241422 +421 672 3 892241687 +421 674 5 892241687 +421 709 4 892241389 +421 879 4 892241274 +421 914 3 892241236 +422 1 3 875130063 +422 5 3 879744085 +422 7 3 875129882 +422 15 3 875129882 +422 50 4 875129911 +422 53 4 879744183 +422 93 4 875129882 +422 98 5 879744014 +422 100 4 875129791 +422 117 2 875129975 +422 124 3 875129839 +422 127 4 875129839 +422 129 4 875129839 +422 137 5 875129882 +422 151 4 875130173 +422 181 4 875129839 +422 185 4 879744015 +422 201 4 879744014 +422 217 3 879744143 +422 218 4 879744086 +422 219 4 879744086 +422 222 4 875130137 +422 234 4 879744015 +422 235 2 875130173 +422 237 4 875130230 +422 248 3 875130100 +422 250 5 875130100 +422 257 4 875129839 +422 260 3 875129668 +422 267 4 875655986 +422 270 3 878058917 +422 271 3 879743635 +422 275 5 875130026 +422 286 5 875129523 +422 287 3 878199757 +422 288 3 875129640 +422 293 3 875130027 +422 294 3 875129692 +422 295 3 875130063 +422 299 1 875129602 +422 302 3 877162650 +422 307 4 879743925 +422 323 3 875129668 +422 324 5 875129523 +422 326 3 875129523 +422 327 3 875129603 +422 333 4 875655986 +422 334 4 877162682 +422 339 2 879743848 +422 358 2 875129640 +422 370 2 879744287 +422 396 4 879744143 +422 410 5 875130230 +422 436 3 879744085 +422 441 4 879744183 +422 447 4 879744143 +422 448 4 879744085 +422 452 3 879744183 +422 458 3 875130173 +422 475 4 875129881 +422 515 4 875129882 +422 551 2 879744218 +422 558 4 879744085 +422 561 3 879744143 +422 563 3 879744219 +422 567 3 879744218 +422 590 2 879743948 +422 665 5 879744143 +422 670 2 879744143 +422 672 3 879744086 +422 682 2 879743787 +422 717 3 875130173 +422 742 2 875130204 +422 760 3 879744287 +422 773 3 879744183 +422 859 3 879744218 +422 867 3 878059137 +422 1007 4 875129839 +422 1187 4 875130137 +422 1199 3 875129975 +423 9 5 891395395 +423 10 4 891395734 +423 100 5 891395448 +423 125 2 891395547 +423 127 4 891395394 +423 148 3 891395417 +423 245 4 891394952 +423 276 5 891395602 +423 282 4 891395448 +423 286 4 891394632 +423 292 4 891394504 +423 293 4 891395547 +423 299 3 891394788 +423 302 5 891394595 +423 304 4 891394632 +423 307 3 891394673 +423 313 4 891394595 +423 316 4 891394985 +423 322 3 891395020 +423 326 4 891394874 +423 327 2 891394673 +423 328 1 891394874 +423 329 3 891394952 +423 333 3 891394747 +423 339 2 891394788 +423 340 4 891394504 +423 344 4 891394558 +423 347 3 891394632 +423 355 3 891395020 +423 471 3 891395626 +423 508 4 891395394 +423 546 2 891395684 +423 591 5 891395547 +423 620 4 891395711 +423 628 4 891395602 +423 678 3 891395020 +423 689 4 891395020 +423 690 4 891394832 +423 696 3 891395759 +423 748 3 891394985 +423 750 5 891394704 +423 751 3 891394832 +423 754 4 891394832 +423 823 3 891395759 +423 879 3 891394558 +423 887 5 891394673 +423 924 4 891395602 +423 977 1 891395787 +423 1011 3 891395547 +423 1238 3 891394874 +423 1265 4 891394788 +424 1 1 880859493 +424 14 4 880859552 +424 15 4 880859722 +424 50 3 880859519 +424 100 5 880859446 +424 115 1 880859385 +424 127 4 880859493 +424 151 2 880859722 +424 172 3 880859385 +424 243 4 880859115 +424 258 2 880858792 +424 259 2 880858979 +424 275 5 880859410 +424 276 2 880859623 +424 286 4 880858792 +424 288 1 880858924 +424 289 5 880858924 +424 292 4 880859228 +424 294 5 880858979 +424 300 2 880859199 +424 304 4 880858861 +424 310 3 880858829 +424 323 5 880859084 +424 333 5 880859228 +424 427 4 880859346 +424 435 3 880859346 +424 508 3 880859519 +424 538 5 880858861 +424 681 3 880859115 +424 683 3 880859084 +424 688 2 880859228 +424 689 1 880858887 +424 690 3 880858792 +424 740 5 880859674 +424 840 4 880859693 +424 882 3 880858829 +424 969 1 880859385 +424 989 2 880859084 +424 990 5 880858979 +424 1084 5 880859591 +425 1 2 878737873 +425 2 2 878738757 +425 4 4 878738290 +425 5 1 878738887 +425 7 3 878738290 +425 11 3 878737981 +425 12 5 878737791 +425 17 4 878738290 +425 22 3 878738290 +425 24 2 878738386 +425 27 3 878738695 +425 32 3 890347138 +425 33 4 878738435 +425 50 5 878738335 +425 53 4 878738596 +425 55 4 878737945 +425 62 4 878738548 +425 64 4 878738245 +425 68 4 878738386 +425 70 3 878738245 +425 79 4 878738335 +425 82 3 878738757 +425 89 4 878738435 +425 92 5 878738335 +425 96 4 878738335 +425 97 2 890347247 +425 98 4 878738186 +425 100 4 878738853 +425 117 3 878738435 +425 118 1 878738596 +425 121 4 878738813 +425 124 2 878737945 +425 127 4 878738290 +425 144 4 878738335 +425 145 3 878738956 +425 147 3 878738643 +425 156 5 878737873 +425 157 2 878738149 +425 161 3 878738187 +425 168 5 890347172 +425 171 3 890347138 +425 174 3 878738149 +425 176 3 878738386 +425 177 3 878738290 +425 178 3 878737841 +425 180 4 878738077 +425 181 4 878738435 +425 184 4 878738596 +425 187 3 878738386 +425 188 3 878738386 +425 190 3 890347085 +425 195 4 878738245 +425 198 4 890347247 +425 200 4 878738854 +425 201 3 878738104 +425 204 4 890347138 +425 207 2 891986445 +425 209 2 890347085 +425 217 1 878738914 +425 218 3 878738887 +425 219 2 878738956 +425 222 5 878738486 +425 228 4 878738334 +425 229 3 878738548 +425 230 4 878738644 +425 231 3 878738435 +425 232 3 878738548 +425 233 2 878738643 +425 234 3 878738853 +425 241 2 878738548 +425 244 1 878739015 +425 252 2 878739054 +425 257 3 878738992 +425 258 2 878737511 +425 265 3 878738643 +425 269 4 890346376 +425 272 4 890346317 +425 286 1 878737511 +425 288 5 878737512 +425 289 1 878737635 +425 293 4 878738992 +425 294 2 878737512 +425 298 4 878738992 +425 300 2 878737512 +425 301 4 890346705 +425 302 5 878737511 +425 305 3 890346411 +425 307 4 890346411 +425 310 3 890346411 +425 316 4 890346705 +425 319 1 878737511 +425 324 3 878737657 +425 325 3 878737684 +425 326 1 890346567 +425 327 4 890346659 +425 333 3 890346411 +425 334 4 890346567 +425 338 1 890346781 +425 340 4 890346264 +425 343 3 890346517 +425 346 5 890346198 +425 347 4 890346517 +425 355 3 890346705 +425 357 5 878737981 +425 358 4 890346630 +425 362 3 890346317 +425 363 1 878739095 +425 379 2 878738887 +425 385 2 878738813 +425 398 1 878738597 +425 403 4 878738548 +425 405 2 878738643 +425 435 3 878738334 +425 443 2 878738956 +425 445 3 878738887 +425 447 3 878738854 +425 448 2 878738887 +425 452 2 878738956 +425 455 2 878738992 +425 474 4 890347138 +425 491 2 890347047 +425 515 3 890347138 +425 520 3 890347085 +425 522 3 878738077 +425 529 4 890346998 +425 538 2 890346866 +425 540 2 878738486 +425 546 3 878738548 +425 550 4 878738813 +425 562 1 878738385 +425 566 2 878738695 +425 568 3 878738643 +425 573 3 878738914 +425 576 3 878738813 +425 583 3 878738245 +425 590 3 878737945 +425 597 1 878739095 +425 636 4 878738596 +425 669 3 878737908 +425 670 3 878738914 +425 672 2 878738887 +425 675 3 890347047 +425 678 1 878737593 +425 679 3 878738548 +425 684 2 878738385 +425 686 3 878738757 +425 689 2 890346517 +425 690 1 890346866 +425 743 4 878739054 +425 750 2 890346317 +425 751 2 890346264 +425 823 3 878738757 +425 827 1 878739095 +425 831 3 878739095 +425 841 1 878738597 +425 853 4 878738853 +425 854 4 878738854 +425 877 3 890346198 +425 879 2 878737593 +425 895 4 890346198 +425 898 3 890346705 +425 912 2 891986392 +425 943 4 890347172 +425 976 1 878738992 +425 1013 1 878739054 +425 1016 3 878739054 +425 1089 2 878739095 +425 1110 1 878738486 +425 1129 3 878738245 +425 1188 3 878738695 +425 1222 2 878738757 +425 1416 3 878738695 +425 1419 3 878738757 +425 1434 4 890346317 +425 1464 2 890346998 +425 1595 2 878738757 +425 1596 2 878738695 +425 1597 3 878738596 +426 23 4 879444734 +426 50 4 879442226 +426 98 4 879442737 +426 99 4 879444081 +426 100 4 879442128 +426 132 4 879442083 +426 133 5 879441978 +426 134 4 879444787 +426 135 3 879444604 +426 136 4 879442083 +426 143 3 879444852 +426 168 3 879444081 +426 174 3 879442044 +426 178 4 879444080 +426 185 5 879445005 +426 191 4 879442128 +426 194 4 879444919 +426 196 4 879444734 +426 197 4 879444816 +426 199 5 879442702 +426 200 2 879442702 +426 204 3 879442128 +426 205 4 879444893 +426 208 4 879442161 +426 289 2 879441754 +426 318 5 879442044 +426 332 4 879441781 +426 404 3 879444321 +426 418 3 879444871 +426 427 5 879442737 +426 428 2 879444081 +426 432 3 879444192 +426 435 3 879444604 +426 474 4 879442785 +426 478 4 879442785 +426 481 5 879442892 +426 482 5 879442737 +426 483 5 879442226 +426 484 5 879444662 +426 488 5 879442785 +426 489 5 879441978 +426 490 4 879444853 +426 491 4 879442702 +426 492 5 879441931 +426 494 3 879442702 +426 496 3 879442841 +426 505 4 879445005 +426 510 4 879441978 +426 511 4 879441978 +426 519 4 879444117 +426 524 4 879442785 +426 525 4 879442227 +426 527 3 879444550 +426 601 3 879444321 +426 605 4 879442083 +426 606 5 879442044 +426 607 4 879444734 +426 609 3 879441931 +426 610 4 879444550 +426 613 3 879444146 +426 616 4 879444787 +426 617 3 879441978 +426 631 3 879442006 +426 641 4 879441931 +426 646 3 879444787 +426 648 3 879441931 +426 651 4 879442702 +426 653 4 879442841 +426 654 5 879442785 +426 655 4 879444952 +426 657 5 879442160 +426 659 4 879442128 +426 661 4 879444321 +426 663 4 879444604 +426 671 4 879444170 +426 673 4 879442227 +426 705 5 879441931 +426 754 1 879441707 +426 835 3 879444853 +426 836 3 879444117 +426 848 4 879444117 +426 968 3 879444952 +426 1020 4 879442702 +426 1064 4 879444117 +426 1079 3 879442892 +426 1204 4 879444321 +426 1451 4 879444734 +427 245 5 879701326 +427 258 4 879700792 +427 263 5 879701253 +427 268 5 879701253 +427 286 4 879700792 +427 289 5 879701326 +427 292 2 879701127 +427 303 5 879701253 +427 304 4 879700850 +427 322 3 879701051 +427 328 4 879700908 +427 331 4 879700850 +427 332 5 879701253 +427 334 5 879701326 +427 359 5 879701253 +427 681 5 879701326 +427 688 5 879701326 +427 874 5 879701326 +427 881 5 879701253 +427 937 5 879701326 +427 989 5 879701253 +427 990 5 879701326 +427 1265 5 879701253 +427 1296 5 879701225 +428 242 4 885943651 +428 243 4 885943713 +428 245 5 885943713 +428 259 4 885943685 +428 268 4 885943818 +428 269 5 885943749 +428 271 2 892572448 +428 272 5 885943651 +428 286 3 885943980 +428 288 4 885943847 +428 289 4 885943981 +428 294 4 885943651 +428 300 5 885943713 +428 301 4 885943782 +428 302 5 885943651 +428 303 3 892572308 +428 305 3 885944136 +428 310 4 885943651 +428 312 4 885944005 +428 313 5 885943749 +428 315 5 885943980 +428 322 4 885943782 +428 323 3 885943869 +428 326 3 892572448 +428 329 3 892572335 +428 331 4 885943847 +428 334 4 885943847 +428 338 4 885943818 +428 344 3 892572308 +428 347 4 885943782 +428 350 4 885944005 +428 352 4 885943651 +428 538 4 885944005 +428 749 4 885943782 +428 750 5 885943651 +428 751 5 885943818 +428 754 4 885943847 +428 877 5 885943685 +428 879 4 885943818 +428 886 4 885943651 +428 892 4 885944044 +428 894 4 885943955 +428 896 4 885943685 +428 908 4 885944024 +428 988 1 885943955 +428 1024 4 885943651 +428 1280 3 885944069 +428 1313 4 892572362 +429 1 3 882385785 +429 2 3 882387599 +429 3 2 882386785 +429 4 4 882385684 +429 7 2 882385569 +429 8 3 882386237 +429 11 4 882385464 +429 12 5 882386424 +429 15 5 882386941 +429 21 2 882386508 +429 22 5 882384744 +429 23 4 882385243 +429 24 3 882386309 +429 25 4 882385985 +429 28 3 882385636 +429 31 3 882386966 +429 32 4 882386309 +429 39 3 882386378 +429 42 5 882385593 +429 44 3 882386171 +429 47 4 882384950 +429 48 3 882384896 +429 50 5 882384553 +429 52 4 882387074 +429 53 1 882386814 +429 55 4 882384847 +429 56 4 882384683 +429 58 4 882385090 +429 62 3 882387350 +429 63 2 882387505 +429 65 3 882386216 +429 66 2 882386357 +429 68 3 882385963 +429 69 5 882386309 +429 70 4 882386401 +429 71 3 882385705 +429 72 2 882387551 +429 77 3 882385705 +429 79 4 882385243 +429 80 3 882386684 +429 81 3 882385243 +429 82 4 882386121 +429 83 4 882385168 +429 85 4 882387234 +429 87 3 882384821 +429 88 3 882386895 +429 89 4 882385168 +429 90 4 882387731 +429 91 3 882386260 +429 92 4 882385684 +429 93 4 882385136 +429 95 3 882385012 +429 96 4 882387053 +429 98 4 882384494 +429 99 3 882386601 +429 100 5 882385807 +429 101 4 882386662 +429 111 2 882386532 +429 114 5 882385663 +429 117 4 882387757 +429 118 3 882386145 +429 121 3 882386145 +429 123 4 882386448 +429 124 4 882384821 +429 128 3 882386424 +429 129 4 882385065 +429 132 3 882385636 +429 134 5 882385728 +429 136 4 882386071 +429 137 5 882387731 +429 140 1 882386260 +429 141 3 882386966 +429 143 3 882385829 +429 147 2 882385859 +429 150 5 882385569 +429 151 5 882386870 +429 153 4 882385090 +429 154 3 882384683 +429 155 2 882387633 +429 156 4 882384920 +429 157 4 882384920 +429 159 3 882386051 +429 161 3 882385934 +429 163 4 882387599 +429 164 4 882385489 +429 165 5 882384821 +429 166 5 882384796 +429 167 3 882386629 +429 168 5 882387773 +429 170 5 882384526 +429 172 5 882385118 +429 173 4 882384494 +429 174 4 882387773 +429 176 3 882385542 +429 177 4 882385065 +429 178 4 882384772 +429 179 3 882385012 +429 180 5 882385464 +429 181 5 882384870 +429 182 4 882384821 +429 183 4 882385489 +429 184 4 882386260 +429 185 4 882386006 +429 186 4 882385294 +429 188 4 882386566 +429 190 5 882387773 +429 191 5 882385065 +429 192 3 882385612 +429 193 4 882385267 +429 194 4 882385705 +429 195 4 882385519 +429 196 4 882385012 +429 199 5 882386006 +429 200 3 882386333 +429 201 3 882385399 +429 202 4 882385829 +429 203 5 882385684 +429 204 4 882387757 +429 207 4 882385729 +429 208 4 882384772 +429 209 4 882384950 +429 210 4 882387731 +429 211 5 882385090 +429 214 3 882384526 +429 216 4 882385090 +429 217 3 882387715 +429 218 3 882387350 +429 222 4 882385518 +429 223 4 882385034 +429 225 2 882387599 +429 226 3 882386145 +429 227 2 882385934 +429 228 2 882386485 +429 230 2 882385985 +429 231 2 882385489 +429 232 4 882385859 +429 233 3 882385593 +429 234 4 882386566 +429 235 3 882386966 +429 237 3 882384526 +429 238 5 882384526 +429 241 3 882385934 +429 248 5 882386870 +429 249 4 882386662 +429 250 2 882386357 +429 257 4 882386121 +429 258 4 882386096 +429 264 3 882387551 +429 265 4 882386096 +429 274 3 882386096 +429 275 4 882384603 +429 276 5 882385542 +429 277 4 882386096 +429 280 2 882387392 +429 281 3 882386027 +429 282 3 882386983 +429 283 3 882385136 +429 284 3 882386424 +429 288 3 882387685 +429 290 3 882386333 +429 291 4 882386309 +429 293 4 882385293 +429 298 5 882386145 +429 300 3 882385168 +429 301 3 882387252 +429 307 3 882384437 +429 319 3 882387685 +429 338 3 882387599 +429 340 5 882384870 +429 356 3 882386942 +429 357 5 882385636 +429 358 3 882387053 +429 365 2 882386237 +429 366 3 882387181 +429 367 3 882386485 +429 378 3 882386916 +429 380 3 882387576 +429 381 3 882385882 +429 382 3 882386601 +429 385 3 882386915 +429 387 4 882386051 +429 392 3 882386051 +429 393 3 882385749 +429 403 4 882385902 +429 404 4 882386121 +429 405 3 882387202 +429 409 2 882386751 +429 411 3 882386848 +429 412 4 882387411 +429 415 3 882386785 +429 418 3 882386096 +429 419 4 882385293 +429 425 3 882385859 +429 428 4 882386942 +429 430 4 882384553 +429 432 4 882385443 +429 433 3 882385858 +429 435 4 882385636 +429 436 4 882386171 +429 440 1 882387411 +429 441 3 882386848 +429 443 4 882385210 +429 448 3 882386006 +429 457 1 882384438 +429 462 4 882386662 +429 466 2 882384847 +429 468 3 882384896 +429 469 4 882386751 +429 470 5 882386309 +429 472 3 882387434 +429 473 3 882387551 +429 475 4 882384579 +429 479 4 882385358 +429 480 4 882386071 +429 481 3 882386237 +429 482 3 882384683 +429 483 5 882384821 +429 484 5 882384920 +429 485 3 882385210 +429 493 4 882385663 +429 496 4 882384603 +429 498 5 882384796 +429 500 1 882384772 +429 502 3 882385543 +429 504 3 882385065 +429 505 4 882384821 +429 506 4 882386711 +429 507 5 882385210 +429 508 4 882385569 +429 510 4 882387773 +429 514 3 882385243 +429 520 3 882384603 +429 527 5 882387757 +429 528 4 882385034 +429 529 4 882385243 +429 530 4 882384986 +429 531 5 882385729 +429 535 2 882386941 +429 537 4 882387773 +429 540 3 882386916 +429 546 3 882387140 +429 549 4 882385749 +429 550 3 882387350 +429 559 3 882386662 +429 562 2 882387575 +429 566 3 882386357 +429 568 3 882385859 +429 569 2 882387506 +429 570 4 882387434 +429 578 3 882386942 +429 581 2 882385684 +429 582 3 882384950 +429 583 3 882386121 +429 584 4 882385749 +429 587 3 882386895 +429 591 3 882385663 +429 596 3 882385808 +429 602 5 882386628 +429 603 4 882384847 +429 607 3 882385785 +429 611 4 882385593 +429 616 3 882386333 +429 625 3 882387474 +429 627 2 882387114 +429 629 3 882387163 +429 631 4 882385243 +429 636 3 882386027 +429 637 3 882387506 +429 640 3 882386533 +429 642 4 882386600 +429 651 4 882384772 +429 652 4 882385118 +429 654 4 882385542 +429 655 3 882385399 +429 658 3 882386448 +429 662 3 882386309 +429 663 4 882385358 +429 665 2 882387474 +429 671 3 882385065 +429 672 2 882387551 +429 673 3 882386485 +429 679 4 882387653 +429 684 4 882385882 +429 685 3 882387434 +429 686 2 882385519 +429 692 3 882385118 +429 697 3 882385858 +429 700 3 882386485 +429 702 5 882387757 +429 705 4 882384896 +429 708 3 882386895 +429 726 2 882386751 +429 729 2 882386684 +429 732 4 882385882 +429 737 4 882387505 +429 739 3 882387140 +429 742 4 882386711 +429 746 3 882386096 +429 747 3 882386071 +429 755 3 882387685 +429 756 2 882386711 +429 761 2 882386711 +429 762 4 882386814 +429 763 4 882387053 +429 768 3 882387551 +429 772 3 882386508 +429 778 3 882385294 +429 780 3 882387685 +429 786 2 882386966 +429 789 4 882385443 +429 794 3 882385593 +429 796 3 882386601 +429 804 3 882387599 +429 805 3 882385963 +429 806 2 882384950 +429 808 3 882387576 +429 816 2 882387474 +429 820 3 882387233 +429 826 3 882387139 +429 833 3 882386895 +429 843 1 882387114 +429 845 4 882386401 +429 847 3 882385569 +429 921 2 882385962 +429 928 2 882386849 +429 936 4 882385934 +429 939 4 882384986 +429 961 3 882385518 +429 972 4 882387757 +429 999 2 882387163 +429 1010 3 882386216 +429 1011 4 882387731 +429 1012 3 882385963 +429 1014 3 882386333 +429 1017 3 882385399 +429 1018 3 882386051 +429 1020 4 882387757 +429 1033 1 882387350 +429 1035 3 882386260 +429 1048 2 882386966 +429 1071 2 882385729 +429 1074 3 882387163 +429 1076 2 882387350 +429 1079 2 882387164 +429 1089 2 882387053 +429 1101 5 882385399 +429 1109 2 882386448 +429 1110 2 882387234 +429 1112 3 882386785 +429 1118 4 882385902 +429 1133 2 882386848 +429 1139 2 882387434 +429 1203 4 882386357 +429 1209 3 882387350 +429 1217 2 882385489 +429 1218 3 882387653 +429 1220 3 882387233 +429 1228 3 882387163 +429 1285 3 882386485 +429 1301 4 882385963 +429 1418 3 882385267 +429 1438 1 882385705 +429 1443 2 882386601 +429 1545 2 882385518 +430 7 3 877225660 +430 9 3 877225726 +430 12 4 877226164 +430 19 5 877225623 +430 42 3 877226568 +430 50 4 877225516 +430 56 4 877226323 +430 64 4 877226130 +430 98 5 877226365 +430 100 5 877225570 +430 101 2 877226501 +430 117 3 877225484 +430 121 2 877225832 +430 123 2 877225965 +430 124 5 877225726 +430 127 4 877225484 +430 137 3 877225433 +430 148 2 877226047 +430 151 4 877225516 +430 152 4 877226569 +430 164 3 877226323 +430 165 4 877226130 +430 168 4 877226568 +430 181 4 877225484 +430 221 5 877225547 +430 222 4 877225682 +430 234 4 877226323 +430 235 2 877225727 +430 237 5 877225965 +430 248 3 877225832 +430 253 1 877225484 +430 258 4 877225570 +430 264 2 877225328 +430 273 4 877225894 +430 276 1 877225753 +430 286 4 877225174 +430 288 4 877225239 +430 293 3 877225865 +430 294 2 877225239 +430 297 4 877225599 +430 298 3 877225547 +430 300 3 877225239 +430 302 4 877225173 +430 303 4 877225239 +430 318 5 877226130 +430 328 4 877225327 +430 436 4 877226365 +430 462 3 877226164 +430 514 4 877226568 +430 515 4 877225660 +430 523 4 877226568 +430 528 4 877226164 +430 547 2 877226365 +430 628 3 877225832 +430 674 4 877226405 +430 744 3 877225965 +430 748 3 877225239 +430 1007 3 877225599 +430 1240 3 877226470 +430 1347 5 877226047 +430 1375 4 877225660 +431 245 4 877844489 +431 269 3 877844062 +431 294 5 877844377 +431 300 4 877844248 +431 302 3 877844062 +431 303 4 877844183 +431 307 3 879038461 +431 322 4 877844559 +431 323 3 877844559 +431 327 3 877844559 +431 328 4 877844377 +431 332 3 877844377 +431 358 2 877844489 +431 689 3 881127786 +431 690 3 877844183 +431 754 3 881127436 +431 879 3 877844489 +431 988 2 877844657 +432 1 2 889415983 +432 3 3 889416260 +432 7 2 889415983 +432 15 4 889416456 +432 24 1 889416188 +432 93 2 889415812 +432 100 3 889415895 +432 108 3 889416608 +432 109 2 889416188 +432 117 4 889415853 +432 118 4 889416608 +432 121 4 889416312 +432 123 3 889416312 +432 150 5 889415853 +432 151 4 889415895 +432 181 5 889416118 +432 246 4 889415895 +432 248 4 889416352 +432 249 5 889416352 +432 250 1 889415895 +432 255 5 889416608 +432 257 5 889416118 +432 258 4 889416657 +432 276 4 889415947 +432 282 5 889416456 +432 284 4 889416521 +432 288 5 889416456 +432 293 5 889415812 +432 294 4 889416229 +432 298 3 889415852 +432 300 4 889415763 +432 313 4 889415763 +432 315 5 889415763 +432 322 3 889416657 +432 405 4 889416490 +432 410 4 889415895 +432 471 3 889416229 +432 475 4 889416147 +432 508 5 889415853 +432 628 5 889416398 +432 678 4 889416570 +432 763 5 889416570 +432 815 3 889416260 +432 827 3 889416570 +432 844 4 889415947 +432 845 4 889416260 +432 864 2 889416657 +432 871 2 889416456 +432 1012 5 889415947 +432 1016 3 889416397 +432 1049 2 889415983 +433 12 5 880585803 +433 59 5 880585730 +433 60 5 880585700 +433 95 3 880585802 +433 137 5 880585904 +433 174 5 880585730 +433 194 5 880585759 +433 205 3 880585730 +433 245 3 880585491 +433 246 4 880585885 +433 268 3 880585162 +433 269 5 880585068 +433 273 3 880585923 +433 276 5 880585843 +433 286 5 880585068 +433 293 3 880585843 +433 294 3 880585271 +433 300 3 880585068 +433 303 4 880585068 +433 322 2 880585466 +433 323 1 880585530 +433 326 2 880585386 +433 333 2 880585133 +433 340 3 880585162 +433 358 2 880585554 +433 435 4 880585700 +433 457 1 880585554 +433 474 3 880585759 +433 507 4 880585730 +433 657 5 880585802 +433 682 2 880585431 +433 690 2 880585028 +433 748 4 880585491 +433 754 3 880585162 +433 919 5 880585923 +433 1005 5 880585730 +433 1598 1 880585865 +434 1 4 886724590 +434 7 1 886724505 +434 9 1 886724563 +434 15 3 886724453 +434 111 5 886724540 +434 118 5 886724873 +434 121 4 886724666 +434 125 5 886724708 +434 147 3 886724822 +434 148 3 886724797 +434 151 5 886724453 +434 220 5 886724873 +434 225 4 886724453 +434 237 5 886724754 +434 274 5 886724797 +434 275 3 886724633 +434 283 3 886724505 +434 287 5 886724359 +434 288 5 886724797 +434 347 1 886724329 +434 369 4 886724972 +434 411 5 886724873 +434 424 1 886724913 +434 471 2 886724797 +434 476 4 886725076 +434 477 5 886724940 +434 546 5 886725076 +434 628 1 886724873 +434 743 1 886725027 +434 756 2 886725027 +434 763 5 886724873 +434 819 3 886724873 +434 833 4 886724914 +434 844 3 886724505 +434 928 5 886724913 +434 974 5 886724940 +434 975 5 886724873 +434 1051 3 886724453 +434 1095 5 886724940 +434 1152 5 886724633 +434 1197 5 886724913 +435 1 5 884131712 +435 2 4 884132619 +435 3 3 884133911 +435 5 2 884133046 +435 7 4 884131597 +435 8 3 884131576 +435 9 4 884131055 +435 10 5 884131950 +435 11 5 884131542 +435 12 5 884131434 +435 15 3 884132146 +435 17 2 884132540 +435 21 4 884134134 +435 22 4 884131156 +435 23 4 884132942 +435 24 4 884133084 +435 25 5 884132434 +435 27 1 884133911 +435 28 3 884131799 +435 29 3 884133691 +435 31 5 884131157 +435 33 3 884132672 +435 38 2 884133509 +435 39 3 884131822 +435 40 3 884133544 +435 42 3 884131267 +435 44 2 884132619 +435 45 5 884131681 +435 49 4 884132072 +435 50 5 884132515 +435 52 5 884132403 +435 53 3 884133447 +435 54 4 884132403 +435 55 5 884131434 +435 56 5 884131055 +435 58 3 884131328 +435 62 3 884133657 +435 63 2 884133757 +435 64 5 884131036 +435 67 4 884132919 +435 68 4 884131901 +435 69 4 884131243 +435 71 3 884132208 +435 72 4 884132809 +435 73 3 884132403 +435 76 3 884131328 +435 79 4 884131016 +435 80 2 884133610 +435 81 3 884131661 +435 82 5 884132100 +435 83 4 884131434 +435 84 2 884133757 +435 85 4 884132840 +435 86 4 884131844 +435 89 4 884131489 +435 90 4 884132756 +435 91 4 884131597 +435 95 3 884131868 +435 96 5 884131822 +435 98 5 884131576 +435 100 3 884131711 +435 101 3 884132184 +435 105 3 884133872 +435 108 1 884132540 +435 109 4 884132297 +435 111 3 884132777 +435 117 3 884131356 +435 118 2 884132458 +435 121 3 884133284 +435 122 3 884134677 +435 123 2 884133509 +435 125 3 884132483 +435 127 4 884131681 +435 128 3 884132184 +435 132 3 884131156 +435 135 3 884131771 +435 136 4 884132434 +435 139 2 884134134 +435 144 4 884131085 +435 148 3 884133284 +435 151 3 884132898 +435 152 4 884132072 +435 153 3 884131243 +435 154 4 884131434 +435 155 3 884133710 +435 156 4 884131822 +435 157 4 884132146 +435 159 5 884132898 +435 161 3 884133710 +435 162 1 884132755 +435 163 3 884131489 +435 164 2 884132515 +435 167 3 884133224 +435 168 5 884131515 +435 169 5 884130995 +435 171 5 884131967 +435 172 5 884132619 +435 174 5 884131627 +435 175 4 884132588 +435 176 5 884131627 +435 177 5 884131267 +435 179 5 884131085 +435 181 5 884132208 +435 182 4 884131356 +435 183 5 884132619 +435 184 5 884131771 +435 186 4 884132367 +435 187 4 884131489 +435 190 4 884132146 +435 191 4 884131200 +435 193 3 884131243 +435 194 4 884131627 +435 195 5 884131118 +435 196 4 884131597 +435 199 5 884132072 +435 200 5 884131661 +435 201 4 884131356 +435 202 4 884131901 +435 203 4 884131434 +435 204 3 884132366 +435 206 5 884133223 +435 208 4 884131515 +435 210 4 884131799 +435 211 4 884131627 +435 214 4 884131741 +435 215 2 884131576 +435 216 3 884131118 +435 218 3 884133194 +435 219 5 884133691 +435 222 3 884132027 +435 225 3 884134076 +435 226 4 884133161 +435 227 4 884133372 +435 228 4 884131157 +435 229 2 884133544 +435 230 3 884132809 +435 235 4 884132266 +435 239 4 884132968 +435 245 2 884130810 +435 246 5 884134345 +435 249 4 884134242 +435 250 4 884134290 +435 254 3 884134910 +435 255 3 884134290 +435 257 4 884134363 +435 258 4 884130647 +435 260 3 884130810 +435 264 3 884130671 +435 265 3 884131996 +435 268 5 884130688 +435 271 4 884130671 +435 284 2 884132898 +435 288 4 884130605 +435 290 3 884132484 +435 291 4 884133446 +435 294 4 884130584 +435 298 4 884134500 +435 300 2 884130647 +435 307 5 884130744 +435 313 5 884268770 +435 317 2 884132483 +435 318 5 884131385 +435 321 3 889722170 +435 327 3 884130765 +435 331 5 884130671 +435 333 3 884130647 +435 338 2 887509306 +435 343 5 884130744 +435 351 2 887509368 +435 354 3 889722012 +435 357 4 884131771 +435 358 4 884130864 +435 366 2 884133134 +435 367 3 884131741 +435 369 1 884134771 +435 376 2 884134019 +435 381 4 884133585 +435 382 3 884131949 +435 384 3 884134047 +435 385 5 884131771 +435 392 3 884131404 +435 393 2 884133610 +435 394 4 884132873 +435 399 3 884133253 +435 401 3 884133447 +435 402 3 884131996 +435 403 4 884132756 +435 404 2 884132266 +435 405 4 884132540 +435 406 3 884134810 +435 409 3 884134019 +435 410 5 884133733 +435 411 3 884132484 +435 412 3 884134677 +435 413 2 884134104 +435 420 4 884132561 +435 423 2 884131157 +435 424 1 884134536 +435 427 3 884131542 +435 430 5 884131712 +435 432 3 884132968 +435 433 5 884131243 +435 434 2 884131542 +435 435 3 884132230 +435 436 4 884133691 +435 441 3 884133084 +435 444 3 884134075 +435 447 3 884132315 +435 448 3 884132230 +435 451 4 884133487 +435 455 3 884132208 +435 465 2 884132515 +435 470 2 884131661 +435 472 2 884133466 +435 473 3 884133544 +435 474 3 884131085 +435 476 3 884133872 +435 479 3 884131901 +435 496 4 884131243 +435 501 3 884132266 +435 520 4 884132027 +435 527 4 884130995 +435 541 4 884134187 +435 542 1 884133691 +435 546 4 884132942 +435 549 3 884132588 +435 550 3 884133253 +435 559 3 884132342 +435 561 2 884133064 +435 562 5 884133819 +435 566 4 884132643 +435 567 3 884133785 +435 568 2 884131868 +435 569 3 884134019 +435 571 2 884134047 +435 572 2 884133938 +435 573 1 884132515 +435 577 3 884133973 +435 578 5 884132230 +435 584 3 884132297 +435 585 3 884133447 +435 587 3 884132403 +435 588 4 884131996 +435 596 4 884132184 +435 597 3 884133284 +435 603 3 884131118 +435 609 4 884132873 +435 616 2 884133284 +435 625 2 884132588 +435 627 3 884133194 +435 631 2 884132540 +435 635 3 884133544 +435 636 4 884134047 +435 637 4 884132691 +435 640 4 884132873 +435 649 3 884133330 +435 655 2 884131799 +435 658 3 884133223 +435 659 4 884131515 +435 665 3 884133973 +435 672 1 884133253 +435 673 3 884132341 +435 674 2 884132643 +435 679 3 884133372 +435 684 4 884131356 +435 685 2 884134345 +435 687 2 884130834 +435 697 4 884133372 +435 709 4 884131822 +435 710 4 884131267 +435 713 5 884131385 +435 715 3 884133635 +435 717 3 884134104 +435 720 2 884133818 +435 721 4 884132072 +435 722 3 884133818 +435 729 2 884133757 +435 732 4 884132341 +435 742 4 884132840 +435 743 3 884134910 +435 748 4 884130765 +435 751 4 884130725 +435 752 3 887509539 +435 755 2 884132266 +435 762 4 884132840 +435 763 5 884133544 +435 768 3 884133509 +435 778 4 884131844 +435 781 3 884133447 +435 786 4 884133657 +435 790 4 884133818 +435 792 4 884131404 +435 797 3 884133872 +435 800 4 884133819 +435 818 2 884133938 +435 820 1 884132367 +435 821 2 884132840 +435 824 1 884134627 +435 825 3 884133372 +435 826 2 884134713 +435 831 2 884134677 +435 834 5 884134910 +435 841 2 884134553 +435 845 3 884132100 +435 862 1 884133972 +435 885 3 887509396 +435 890 1 884130883 +435 895 3 884130647 +435 919 5 884132184 +435 924 3 884132072 +435 926 3 884133972 +435 928 3 884134187 +435 929 2 884133635 +435 930 3 884134019 +435 943 3 884131712 +435 944 2 884133911 +435 946 2 884132072 +435 953 3 884132968 +435 961 1 884133635 +435 977 2 884134829 +435 983 2 884134830 +435 1014 2 884134515 +435 1016 4 884134377 +435 1039 4 884132755 +435 1044 4 884132515 +435 1047 3 884132315 +435 1061 3 884134754 +435 1069 4 884131489 +435 1074 2 884133415 +435 1103 4 884131627 +435 1109 3 884132643 +435 1128 2 884132027 +435 1133 2 884133224 +435 1151 1 884134019 +435 1185 1 884133371 +435 1204 3 884132100 +435 1215 3 884134810 +435 1225 3 884131597 +435 1228 2 884133972 +435 1231 2 884134019 +435 1240 4 884132296 +435 1268 5 884131950 +435 1291 1 884134853 +435 1401 4 884131868 +435 1411 1 884133104 +435 1419 2 884133785 +435 1552 3 884134187 +436 11 5 887769777 +436 21 3 887772028 +436 23 4 887770064 +436 26 3 887771146 +436 38 3 887771924 +436 39 3 887769887 +436 43 2 887770300 +436 47 4 887769930 +436 50 4 887769415 +436 65 4 887771753 +436 72 5 887770693 +436 81 3 887770244 +436 83 5 887770115 +436 90 3 887770266 +436 92 3 887770115 +436 95 4 887770037 +436 96 4 887769535 +436 98 4 887769280 +436 99 3 887770344 +436 102 4 887770588 +436 111 4 887771773 +436 125 4 887770037 +436 127 5 887769930 +436 143 2 887770092 +436 144 5 887769444 +436 159 4 887770192 +436 167 3 887770403 +436 168 3 887769050 +436 172 3 887768945 +436 179 3 887770015 +436 182 5 887769150 +436 186 3 887769801 +436 187 5 887768982 +436 200 3 887769515 +436 204 5 887769209 +436 215 4 887770457 +436 216 4 887770064 +436 217 4 887771146 +436 218 4 887771123 +436 219 5 887770064 +436 234 3 887769471 +436 239 3 887769952 +436 264 2 887768669 +436 265 3 887769106 +436 273 4 887769233 +436 276 4 887769824 +436 278 2 887771924 +436 287 4 887770169 +436 288 4 887768445 +436 313 5 887768521 +436 325 3 887768756 +436 327 5 887768694 +436 340 5 887768445 +436 347 4 887768398 +436 348 4 887768521 +436 367 4 887770217 +436 381 4 887769209 +436 392 4 887769079 +436 400 3 887771924 +436 423 4 887769992 +436 425 4 887769335 +436 427 3 887769105 +436 435 4 887769256 +436 441 3 887772060 +436 447 1 887769444 +436 468 4 887771826 +436 469 3 887769128 +436 470 4 887770566 +436 504 4 887769151 +436 506 5 887770485 +436 507 4 887769801 +436 537 4 887769471 +436 550 4 887771093 +436 553 3 887769777 +436 559 4 887770640 +436 568 5 887769416 +436 581 4 887772060 +436 585 3 887771722 +436 592 3 887770379 +436 595 5 887770731 +436 628 5 887770457 +436 635 3 887771875 +436 642 4 887769079 +436 649 5 887771269 +436 655 5 887769233 +436 660 4 887771825 +436 693 5 887769515 +436 708 3 887770457 +436 710 4 887769281 +436 715 4 887770668 +436 721 3 887770092 +436 723 3 887771853 +436 739 4 887771853 +436 746 5 887770015 +436 747 5 887770640 +436 748 3 887768738 +436 761 4 887770693 +436 762 4 887771722 +436 763 4 887771042 +436 785 2 887770731 +436 787 5 887770640 +436 790 3 887770428 +436 794 4 887771123 +436 821 4 887769733 +436 840 3 887771997 +436 856 4 887769952 +436 869 4 887771722 +436 895 4 887768717 +436 925 4 887770507 +436 928 4 887770547 +436 941 4 887771997 +436 974 5 887771997 +436 986 3 887770300 +436 1028 4 887770693 +436 1048 2 887770379 +436 1053 4 887771853 +436 1058 4 887770547 +436 1061 3 887771997 +436 1119 4 887769368 +436 1135 4 887771022 +436 1178 3 887771825 +436 1227 2 887772028 +436 1248 3 887770485 +436 1263 3 887772060 +436 1468 5 887770668 +436 1489 2 887770731 +437 5 2 880143663 +437 8 4 880140752 +437 11 1 880139951 +437 12 5 880382685 +437 13 4 880141129 +437 15 4 881001946 +437 23 4 880140288 +437 26 2 880142399 +437 28 3 880140534 +437 30 4 880140855 +437 42 3 880141129 +437 47 4 880140534 +437 50 5 881000958 +437 51 1 880382644 +437 52 3 880141402 +437 56 4 880140325 +437 58 4 880141243 +437 65 4 880140787 +437 66 3 880143167 +437 69 2 880140501 +437 70 3 881002161 +437 71 3 880141402 +437 77 4 880143040 +437 79 4 880143855 +437 82 3 880140192 +437 83 4 880140325 +437 87 3 880140891 +437 88 3 880143140 +437 89 2 880140101 +437 90 3 880143289 +437 91 3 880143315 +437 94 4 881001436 +437 95 4 880143315 +437 97 3 880141286 +437 98 5 880141962 +437 99 4 881001946 +437 100 4 880140051 +437 101 3 880143355 +437 111 3 881002067 +437 116 3 880139997 +437 117 1 881001121 +437 121 3 881001766 +437 124 5 880140101 +437 129 1 880140433 +437 131 5 880140787 +437 132 5 880141962 +437 133 5 880140122 +437 134 5 880139951 +437 135 4 880140101 +437 137 5 880140221 +437 139 3 881001576 +437 143 5 880141528 +437 144 2 880141196 +437 145 1 880143663 +437 151 5 881002374 +437 152 4 880141129 +437 153 5 881001888 +437 154 4 880141129 +437 155 3 880143189 +437 156 2 880140627 +437 161 2 880140288 +437 162 4 880141129 +437 166 4 880140398 +437 168 3 881002161 +437 170 5 880140787 +437 172 4 880140257 +437 174 5 880140122 +437 176 2 880143809 +437 179 4 881002345 +437 180 4 880139868 +437 181 4 880140466 +437 182 2 880140432 +437 183 3 880140892 +437 185 5 880140192 +437 186 3 881001208 +437 189 2 881001946 +437 191 4 880140726 +437 195 2 880141286 +437 196 4 880140627 +437 200 4 880140398 +437 202 5 881001715 +437 203 1 880140978 +437 204 5 880141528 +437 207 4 880142365 +437 208 5 880139997 +437 210 3 881002191 +437 211 4 880140100 +437 212 3 880141402 +437 213 4 881000931 +437 214 4 880141041 +437 215 3 880140325 +437 216 5 880141041 +437 217 3 880143695 +437 218 2 880142830 +437 219 3 880143663 +437 221 5 880140154 +437 226 1 880142942 +437 229 3 880142942 +437 234 4 880142851 +437 237 4 880140466 +437 238 5 880140369 +437 244 3 881001270 +437 248 2 880141716 +437 249 5 880142027 +437 253 1 880141796 +437 254 3 881002300 +437 265 3 880142942 +437 275 5 881001888 +437 276 5 880141618 +437 281 1 881001148 +437 283 1 880141716 +437 286 2 880139482 +437 287 2 881000931 +437 288 2 880139533 +437 292 5 880139631 +437 301 3 881002067 +437 318 4 880140466 +437 319 5 881001538 +437 378 4 880143451 +437 381 5 880142426 +437 387 2 880140726 +437 393 3 880382747 +437 401 5 880143505 +437 402 2 880143263 +437 404 5 880141374 +437 412 3 880142147 +437 415 4 880143591 +437 417 5 880143482 +437 420 3 881002191 +437 421 4 881001983 +437 423 5 880141196 +437 425 4 880141374 +437 428 5 881001983 +437 432 3 880140854 +437 433 3 880140369 +437 435 3 881001945 +437 436 4 880143635 +437 443 4 880142851 +437 447 4 880143663 +437 450 3 880143040 +437 462 5 881002324 +437 463 5 880141008 +437 466 2 881001121 +437 473 5 881001888 +437 475 3 880140288 +437 476 4 880142177 +437 478 5 881002323 +437 479 5 880141335 +437 480 4 881002345 +437 482 5 880140051 +437 483 5 880141962 +437 484 4 880140051 +437 485 4 880140854 +437 496 4 880140662 +437 497 5 880140192 +437 501 4 880143315 +437 507 5 880140015 +437 511 5 880141962 +437 512 4 880140978 +437 514 4 880140369 +437 517 4 880140927 +437 518 2 880143809 +437 521 4 880141164 +437 523 3 881002191 +437 558 3 880142365 +437 559 3 880143695 +437 566 3 881002161 +437 581 1 880143010 +437 582 5 880140855 +437 583 1 880143040 +437 588 3 881002092 +437 602 3 880140822 +437 603 5 880140051 +437 606 4 880140978 +437 607 5 880140892 +437 614 5 880139951 +437 629 3 881002405 +437 642 1 880141441 +437 651 4 881002345 +437 654 5 880141041 +437 657 5 881001888 +437 658 4 880141335 +437 660 4 880141441 +437 663 5 880141084 +437 672 1 881002300 +437 674 3 880143714 +437 683 2 881001121 +437 684 3 880382747 +437 692 4 880143115 +437 697 4 880140978 +437 698 2 880142426 +437 699 4 880143419 +437 702 1 880141335 +437 705 4 880141335 +437 707 3 880141374 +437 709 5 881000931 +437 710 4 880140822 +437 716 5 881002345 +437 721 2 880141335 +437 727 3 881001576 +437 730 3 880141374 +437 732 4 880143167 +437 736 5 881001888 +437 737 1 880142614 +437 739 3 880143243 +437 746 4 880141335 +437 747 4 880143167 +437 748 4 880139631 +437 753 4 880140927 +437 770 3 881001208 +437 778 3 881002092 +437 781 4 880143263 +437 794 4 880143243 +437 812 3 881002092 +437 842 4 880143451 +437 843 4 880143520 +437 946 3 881002092 +437 955 4 881002404 +437 961 5 881002323 +437 969 4 881001888 +437 1006 3 881001472 +437 1007 5 881002374 +437 1036 5 880143562 +437 1039 2 880140101 +437 1063 5 880141661 +437 1075 4 881002374 +437 1090 1 880143092 +437 1091 3 880143392 +437 1098 3 880141243 +437 1134 4 880141008 +437 1142 4 880141696 +437 1148 4 881001983 +437 1161 4 880141770 +437 1206 4 881002191 +437 1211 4 881001208 +437 1227 3 880142630 +437 1267 4 880141528 +437 1599 5 880142614 +438 1 4 879868096 +438 9 4 879868005 +438 21 2 879868683 +438 100 4 879868024 +438 118 4 879868529 +438 121 5 879868328 +438 148 5 879868443 +438 181 4 879868005 +438 220 4 879868328 +438 237 5 879868278 +438 245 5 879867960 +438 252 4 879868364 +438 255 4 879868242 +438 257 4 879868159 +438 269 4 879867960 +438 280 5 879868423 +438 281 4 879868494 +438 282 5 879868264 +438 284 2 879868308 +438 286 2 879867960 +438 300 4 879867960 +438 301 4 879867960 +438 321 5 879867960 +438 471 4 879868184 +438 619 4 879868159 +438 815 5 879868581 +438 845 4 879868042 +438 864 3 879868547 +438 866 5 879868529 +439 7 4 882893245 +439 93 4 882893737 +439 100 3 882892705 +439 121 2 882893768 +439 147 4 882893737 +439 237 5 882893220 +439 240 3 882893859 +439 242 5 882892424 +439 246 4 882892755 +439 257 4 882893737 +439 268 4 882892424 +439 273 2 882892675 +439 276 5 882892755 +439 282 3 882893859 +439 285 5 882893220 +439 288 3 882892424 +439 290 4 882894084 +439 293 3 882892818 +439 300 4 882892424 +439 301 3 882892424 +439 307 3 882892424 +439 405 4 882893323 +439 475 3 882893220 +439 591 4 882892818 +439 895 3 882892424 +439 1048 4 882893602 +439 1328 4 882893891 +439 1600 5 882893291 +440 57 5 891577949 +440 70 4 891577950 +440 86 5 891577919 +440 171 5 891577871 +440 198 4 891577843 +440 213 4 891577950 +440 242 5 891546594 +440 243 1 891577504 +440 245 4 891548470 +440 258 4 891547637 +440 271 5 891550404 +440 272 5 891546631 +440 283 5 891577894 +440 300 3 891546785 +440 304 5 891546785 +440 310 3 891546631 +440 312 5 891550404 +440 313 4 891546631 +440 319 2 891549397 +440 323 1 891577504 +440 324 5 891548567 +440 328 3 891546895 +440 329 5 891548567 +440 340 2 891549397 +440 350 5 891550404 +440 361 5 891548567 +440 462 5 891577994 +440 512 3 891578059 +440 515 4 891578301 +440 582 3 891577919 +440 736 5 891578036 +440 749 3 891547746 +440 750 5 891546784 +440 751 3 891549397 +440 883 5 891550404 +440 904 5 891546654 +440 921 5 891578264 +440 923 5 891577843 +440 937 5 891548567 +440 971 5 891577871 +440 988 1 891577504 +440 1073 4 891577814 +440 1105 5 891548567 +440 1191 5 891550404 +440 1194 5 891577843 +440 1265 5 891548567 +440 1504 4 891578226 +440 1591 5 891548567 +441 1 5 891035468 +441 7 4 891035468 +441 9 4 891035528 +441 15 3 891035699 +441 25 3 891036306 +441 100 3 891035441 +441 117 4 891035489 +441 121 4 891035489 +441 259 3 891035211 +441 282 4 891035528 +441 288 2 891035056 +441 294 4 891035211 +441 300 3 891035056 +441 313 4 891035056 +441 338 4 891035289 +441 342 4 891035267 +441 405 3 891035507 +441 538 3 891035144 +441 683 2 891035350 +441 751 4 891035247 +442 2 3 883390544 +442 7 4 883389983 +442 11 4 883390284 +442 12 4 883390912 +442 17 4 883388535 +442 22 2 883390813 +442 26 3 883388576 +442 27 2 883390416 +442 33 3 883388508 +442 42 4 883388401 +442 44 2 883391146 +442 53 3 883390048 +442 55 3 883390813 +442 56 5 883388237 +442 62 2 883390641 +442 64 5 883389682 +442 67 3 883389028 +442 68 3 883390416 +442 69 3 883390935 +442 77 3 883391325 +442 79 3 883390366 +442 82 3 883390497 +442 89 4 883390416 +442 90 3 883388609 +442 92 5 883389776 +442 96 4 883390328 +442 100 2 883388325 +442 117 3 883390366 +442 121 2 883390544 +442 144 4 883390328 +442 150 4 883388283 +442 153 3 883388237 +442 154 4 883389491 +442 156 4 883391221 +442 159 4 883391299 +442 161 3 883390497 +442 164 2 883390083 +442 168 4 883388325 +442 172 5 883389580 +442 174 4 883389776 +442 176 5 883390284 +442 177 4 883390366 +442 181 4 883390416 +442 184 2 883390083 +442 186 4 883388429 +442 188 3 883390782 +442 195 4 883390328 +442 203 3 883391146 +442 204 3 883389028 +442 209 4 883388283 +442 210 3 883388609 +442 217 3 883390083 +442 218 3 883390048 +442 219 3 883390009 +442 222 3 883391221 +442 226 3 883390416 +442 227 3 883390574 +442 228 5 883390366 +442 230 3 883390466 +442 231 3 883390609 +442 234 4 883389983 +442 239 3 883388401 +442 240 2 883388833 +442 268 4 883388092 +442 273 4 883390328 +442 276 4 883391027 +442 281 3 883391299 +442 286 2 883388031 +442 288 4 883390048 +442 294 2 883388120 +442 313 3 883387916 +442 318 4 883391046 +442 342 2 883388147 +442 350 2 883387916 +442 367 2 883388887 +442 403 4 883390466 +442 405 3 883390497 +442 410 4 883388508 +442 433 4 883388283 +442 436 3 883390048 +442 441 3 883390083 +442 447 3 883390048 +442 449 2 883390739 +442 450 3 883391377 +442 470 4 883391167 +442 482 3 883389747 +442 508 3 883388283 +442 546 3 883390574 +442 550 2 883390466 +442 569 2 883390140 +442 576 2 883390703 +442 591 3 883391221 +442 628 4 883391221 +442 635 4 883389380 +442 665 2 883390139 +442 672 3 883390048 +442 684 3 883391221 +442 685 2 883390703 +442 695 5 883387935 +442 710 5 883388576 +442 738 3 883389164 +442 742 3 883391146 +442 746 3 883388354 +442 769 1 883391397 +442 780 3 883388986 +442 800 3 883390139 +442 810 2 883390674 +442 834 2 883389337 +442 859 3 883390169 +442 871 1 883389455 +442 873 2 883388120 +442 928 3 883391299 +442 943 4 883391221 +442 975 3 883391377 +442 979 3 883391344 +442 986 1 883391377 +442 988 1 883388064 +442 1067 3 883388576 +442 1074 3 883389053 +442 1098 4 883388237 +442 1170 4 883388909 +442 1183 3 883390674 +442 1188 3 883390609 +442 1218 2 883388960 +443 12 5 883505379 +443 39 1 883505492 +443 175 2 883505396 +443 245 3 883504796 +443 258 5 883504617 +443 260 1 883504818 +443 269 3 883504564 +443 271 4 883504682 +443 286 5 883504521 +443 294 5 883504593 +443 307 3 883504564 +443 309 5 883504866 +443 313 4 883504564 +443 323 2 883504866 +443 327 4 883504593 +443 333 5 883504654 +443 340 5 883504748 +443 343 5 883504771 +443 358 1 883504748 +443 644 3 883505465 +443 678 2 883504818 +443 687 3 883504889 +443 748 4 883505171 +443 948 1 883504844 +444 9 5 890247287 +444 100 5 890247385 +444 245 4 891979402 +444 251 5 890247385 +444 258 3 890246907 +444 269 4 891979402 +444 271 3 891979403 +444 272 5 891978637 +444 275 4 891979402 +444 286 2 890246847 +444 300 4 891979402 +444 306 5 890246907 +444 307 3 891979402 +444 313 4 890246940 +444 328 5 890247082 +444 515 4 891979402 +444 678 3 891979403 +444 748 1 890247172 +444 912 4 891978663 +444 916 3 891979403 +444 1483 2 891978807 +445 1 3 891199749 +445 7 1 891200078 +445 9 2 891199655 +445 23 3 890987465 +445 28 4 890987772 +445 50 2 891199715 +445 55 1 890987712 +445 56 5 891200869 +445 64 2 890987771 +445 79 4 890987742 +445 87 3 890988205 +445 93 1 891199945 +445 96 4 890987655 +445 100 2 890987569 +445 117 1 891199821 +445 118 2 891200506 +445 121 1 891200233 +445 127 2 890987687 +445 144 3 890987569 +445 147 2 891199974 +445 150 2 890987617 +445 151 4 891200869 +445 174 4 891200869 +445 181 2 891199945 +445 183 2 890987687 +445 203 3 890988205 +445 208 2 890987712 +445 209 4 891200869 +445 221 1 891200203 +445 235 1 891200272 +445 237 2 891199906 +445 245 2 891035830 +445 246 1 891199682 +445 248 1 891199774 +445 249 2 891200447 +445 257 2 891199945 +445 268 1 890987410 +445 271 1 891199458 +445 272 3 890988205 +445 273 2 891199869 +445 274 2 891200164 +445 276 3 891199869 +445 281 1 891200417 +445 288 2 891035830 +445 289 1 891199510 +445 291 2 891200233 +445 293 3 891199945 +445 295 1 891199843 +445 298 2 891199906 +445 300 1 890987410 +445 302 1 891199195 +445 310 1 891199331 +445 313 2 890988206 +445 324 1 891199297 +445 325 1 891199533 +445 327 2 891035830 +445 330 2 891199274 +445 333 2 890987410 +445 340 5 891035571 +445 343 1 891199385 +445 346 5 891200869 +445 405 4 891200869 +445 433 2 890987617 +445 458 2 891200272 +445 460 2 891200624 +445 475 5 891200869 +445 479 3 890988206 +445 480 3 890988206 +445 504 3 890988206 +445 508 2 891200078 +445 544 2 891200417 +445 546 2 891200417 +445 591 2 891200020 +445 595 2 891200624 +445 603 3 890988205 +445 644 3 890988205 +445 689 1 891199458 +445 742 1 891200078 +445 744 2 891200272 +445 748 1 891199458 +445 752 1 891199167 +445 762 1 891200355 +445 818 1 891200656 +445 829 1 891200624 +445 831 1 891200447 +445 840 1 891200320 +445 844 2 891200138 +445 845 2 891200320 +445 871 2 891200592 +445 879 2 891199331 +445 881 1 891199510 +445 886 3 891035539 +445 895 2 891035897 +445 902 4 891200870 +445 908 1 891199331 +445 933 1 891200390 +445 959 5 891200869 +445 979 2 891200272 +445 994 1 891199682 +445 1008 1 891200320 +445 1009 2 891200321 +445 1010 1 891200506 +445 1011 1 891200320 +445 1012 1 891199843 +445 1014 1 891200506 +445 1016 1 891200164 +445 1047 1 891200656 +445 1051 1 891200390 +445 1067 1 891200390 +445 1081 1 891200447 +445 1097 1 891199682 +445 1129 4 891199994 +445 1143 4 891200870 +445 1187 3 891200137 +445 1199 1 891200447 +445 1252 1 891199749 +445 1277 2 891200736 +445 1378 2 891199635 +445 1528 2 891200355 +445 1534 1 891199749 +445 1598 1 891200592 +445 1601 1 891199533 +446 245 4 879787226 +446 268 2 879786892 +446 269 4 879787730 +446 270 4 879786892 +446 286 3 879787730 +446 288 2 879786838 +446 289 3 879786984 +446 292 5 879786838 +446 294 1 879786984 +446 299 2 879787149 +446 300 3 879787149 +446 301 3 879786838 +446 302 4 879787730 +446 303 2 879787859 +446 306 3 879786691 +446 307 3 879786892 +446 311 2 879787858 +446 321 4 879786943 +446 322 3 879787226 +446 326 2 879786943 +446 327 2 879787858 +446 328 3 879786984 +446 334 3 879787149 +446 338 2 879786943 +446 340 2 879786691 +446 359 3 879787226 +446 688 2 879786985 +446 690 2 879786892 +446 748 2 879787149 +446 754 3 879787858 +446 879 3 879786691 +446 880 2 879786943 +446 883 3 879786837 +446 887 4 879786943 +446 888 1 879787859 +447 1 3 878854273 +447 5 3 878856422 +447 7 5 878854383 +447 9 2 878854195 +447 11 4 878856208 +447 12 5 878855907 +447 13 5 878854630 +447 15 1 878854481 +447 17 3 878856110 +447 22 4 878856422 +447 24 3 878854520 +447 25 4 878854630 +447 27 3 878856601 +447 28 4 878856110 +447 31 4 878856526 +447 50 5 878854552 +447 55 4 878856573 +447 56 5 878855782 +447 65 3 878856422 +447 79 3 878856110 +447 83 5 878856458 +447 85 4 878856526 +447 89 5 878855723 +447 91 4 878856549 +447 96 5 878855847 +447 98 4 878855873 +447 111 3 878854954 +447 117 4 878854630 +447 118 4 878854578 +447 123 3 878854459 +447 132 4 878855963 +447 133 4 878856052 +447 135 5 878855989 +447 144 5 878856078 +447 147 4 878854678 +447 150 4 878854438 +447 151 3 878854520 +447 153 4 878855756 +447 156 5 878856625 +447 157 4 878856290 +447 158 3 878856262 +447 174 5 878856052 +447 175 3 878855847 +447 176 4 878856148 +447 180 5 878855989 +447 181 5 878854520 +447 183 5 878856394 +447 200 3 878855963 +447 201 2 878855723 +447 202 3 878856078 +447 204 4 878856458 +447 206 4 878856209 +447 209 4 878856148 +447 211 4 878855724 +447 222 3 878854340 +447 223 5 878856394 +447 227 2 878856233 +447 228 4 878855682 +447 231 2 878856394 +447 233 4 878856526 +447 235 2 878854605 +447 237 4 878854234 +447 248 5 878854383 +447 252 3 878854975 +447 257 3 878854520 +447 258 5 878853977 +447 260 2 878854120 +447 265 4 878856394 +447 274 1 878854552 +447 276 4 878854552 +447 278 3 878854810 +447 281 3 878854857 +447 282 4 878856290 +447 284 4 878854552 +447 286 2 878855082 +447 288 4 878855082 +447 290 4 878854838 +447 293 4 878854459 +447 294 4 878855082 +447 298 4 878854195 +447 300 4 878854011 +447 367 3 878856232 +447 405 2 878854704 +447 410 2 878854630 +447 411 2 878855107 +447 435 4 878855756 +447 447 3 878855724 +447 469 4 878856394 +447 470 4 878856208 +447 471 4 878854340 +447 474 3 878856022 +447 483 5 878855818 +447 484 5 878856457 +447 498 4 878856321 +447 508 3 878854195 +447 535 4 878854954 +447 546 2 878854704 +447 559 3 878856172 +447 582 4 878855724 +447 591 4 878855139 +447 597 3 878855021 +447 629 3 878855907 +447 642 4 878855819 +447 678 3 878854056 +447 716 2 878856573 +447 737 4 878855907 +447 742 3 878854658 +447 748 1 878854056 +447 760 4 878854838 +447 762 3 878855139 +447 770 3 878856601 +447 815 3 878854658 +447 845 3 878854678 +447 866 2 878855082 +447 926 3 878854438 +447 952 4 878854315 +447 963 5 878855963 +447 981 2 878855139 +447 1009 4 878854876 +447 1016 3 878854918 +447 1028 3 878855139 +447 1046 3 878856602 +447 1048 2 878854579 +447 1132 3 878855164 +447 1142 5 878854481 +447 1315 4 878854838 +447 1326 4 878854838 +448 258 4 891887440 +448 268 3 891888367 +448 269 5 891887338 +448 270 5 891888137 +448 271 4 891888509 +448 286 2 891887393 +448 288 1 891887161 +448 292 4 891888178 +448 301 1 891888099 +448 302 5 891887337 +448 303 4 891887161 +448 304 3 891888137 +448 305 4 891888509 +448 307 2 891888042 +448 312 1 891888653 +448 316 1 891887337 +448 319 5 891888099 +448 321 4 891888509 +448 327 2 891888367 +448 333 2 891887161 +448 338 1 891888712 +448 340 4 891888137 +448 344 4 891888244 +448 345 5 891887440 +448 750 5 891888099 +448 874 3 891889281 +448 884 4 891889281 +448 887 2 891888042 +448 896 5 891887216 +448 900 3 891887393 +448 902 4 891888779 +448 1022 5 891888244 +448 1062 5 891888178 +448 1176 2 891887393 +448 1602 4 891888042 +449 9 4 879958624 +449 14 3 879958603 +449 15 4 879958866 +449 59 5 880410599 +449 60 5 880410652 +449 61 5 880410700 +449 70 4 880410777 +449 86 4 880410599 +449 100 5 879958664 +449 105 1 879959573 +449 106 3 879958936 +449 117 3 879958624 +449 118 1 879959573 +449 120 1 879959573 +449 122 1 879959573 +449 127 5 879958572 +449 170 4 880410652 +449 171 4 880410599 +449 179 4 880410674 +449 198 4 880410624 +449 212 5 880410624 +449 213 3 880410652 +449 224 4 879958758 +449 244 4 879959152 +449 248 4 879958888 +449 251 3 879958603 +449 268 2 880410988 +449 269 5 879958444 +449 273 4 879959003 +449 274 2 879959003 +449 276 5 879958705 +449 285 5 879958572 +449 288 3 879959082 +449 293 4 879958803 +449 310 3 880410951 +449 333 3 879958474 +449 337 4 880411035 +449 410 3 879959134 +449 459 4 879958803 +449 462 5 880410674 +449 473 3 879958866 +449 475 5 879958603 +449 515 5 879958685 +449 544 3 879959023 +449 546 2 879959573 +449 558 4 880410599 +449 593 4 879959101 +449 639 5 880410700 +449 640 5 880410734 +449 702 5 880410778 +449 742 3 879958839 +449 748 2 879959273 +449 753 5 880410700 +449 763 2 879959190 +449 936 5 879958721 +449 983 2 879959331 +449 1005 5 880410734 +449 1006 4 880410701 +449 1010 4 879958664 +449 1011 4 879958685 +449 1073 5 880410734 +449 1142 4 879958803 +449 1195 5 880410754 +449 1318 2 879959573 +449 1367 4 879958976 +449 1372 4 880410834 +449 1404 5 880410801 +450 1 4 887835272 +450 3 4 882398220 +450 4 3 882373865 +450 7 4 882376885 +450 10 4 882398567 +450 11 5 882376365 +450 12 4 882373231 +450 13 3 882373297 +450 15 3 882812350 +450 22 5 882373865 +450 23 5 887136837 +450 25 3 882376188 +450 26 5 882396489 +450 28 4 882377861 +450 29 3 887661438 +450 33 5 882398083 +450 35 2 882468790 +450 39 4 882376282 +450 43 4 887139080 +450 44 3 882376658 +450 47 3 882394180 +450 49 5 882469728 +450 50 5 882371415 +450 51 4 882377358 +450 54 4 887138820 +450 56 4 882371645 +450 59 4 882371904 +450 60 3 882472089 +450 61 4 882376446 +450 63 4 882469941 +450 65 3 882376885 +450 66 4 882398770 +450 67 3 882469941 +450 69 4 882373532 +450 70 4 882374497 +450 71 3 882377358 +450 73 3 887661438 +450 76 3 882395913 +450 77 4 887139143 +450 78 2 882396245 +450 79 4 882376446 +450 80 3 882471737 +450 81 4 882376188 +450 82 3 887834953 +450 83 4 882372027 +450 86 4 887660440 +450 87 5 882374059 +450 88 5 882396799 +450 89 5 882371311 +450 90 4 887660650 +450 91 4 887660763 +450 92 4 887660650 +450 94 4 882468239 +450 95 3 882395167 +450 96 4 887834823 +450 98 4 882371732 +450 99 4 882376803 +450 101 5 882399359 +450 102 4 882468047 +450 110 4 882469250 +450 111 4 882377590 +450 112 2 882468307 +450 114 5 887660504 +450 117 4 882397373 +450 118 3 882395166 +450 121 3 882395537 +450 123 2 882373464 +450 125 4 882376803 +450 126 5 882396051 +450 127 5 882373155 +450 131 4 882377861 +450 132 5 882374422 +450 133 5 882373019 +450 134 3 882373597 +450 135 3 882373231 +450 136 5 882812349 +450 139 5 882812558 +450 140 3 882376585 +450 141 3 882377726 +450 145 3 887661438 +450 151 5 882376658 +450 152 5 882395052 +450 153 5 882374422 +450 154 3 882377590 +450 155 4 882396564 +450 157 3 882394180 +450 158 3 882471524 +450 161 5 882396245 +450 163 4 882377358 +450 164 4 882396050 +450 166 5 887660440 +450 167 5 882469863 +450 168 5 882376803 +450 169 5 882371732 +450 170 5 887660440 +450 172 4 882372103 +450 173 5 882371526 +450 174 5 882374422 +450 176 4 882373088 +450 177 4 887136369 +450 178 4 882394251 +450 180 4 882373020 +450 181 4 882372103 +450 182 5 882376585 +450 185 5 882376365 +450 186 3 882396799 +450 187 5 882373597 +450 188 3 882395778 +450 190 4 882373385 +450 191 5 887660440 +450 192 4 882467868 +450 193 5 882372027 +450 195 4 882371826 +450 196 5 882371526 +450 197 5 882374059 +450 199 5 882371732 +450 200 3 882376188 +450 202 4 882397223 +450 203 4 882396799 +450 204 4 882377590 +450 205 4 882373531 +450 207 4 882374497 +450 208 5 882377358 +450 210 3 887835408 +450 211 5 882373865 +450 213 4 882396351 +450 214 1 882371416 +450 215 5 882396051 +450 218 4 882397224 +450 220 4 882394097 +450 221 4 882395052 +450 222 3 882395778 +450 223 3 882371732 +450 225 4 887662002 +450 226 4 882474001 +450 227 3 882398313 +450 228 4 882373019 +450 229 4 882474001 +450 230 4 882371732 +450 231 3 887662002 +450 232 4 882398666 +450 233 3 882474001 +450 234 3 882396245 +450 235 3 887661217 +450 237 5 887660650 +450 238 5 882396928 +450 239 5 882373865 +450 241 4 882376658 +450 245 4 892141986 +450 254 3 887662083 +450 258 4 882216108 +450 259 3 887834953 +450 260 2 889568753 +450 264 3 882370581 +450 269 5 882215617 +450 270 4 882216108 +450 272 5 886449009 +450 273 3 882377726 +450 274 4 882469627 +450 275 4 882372178 +450 277 3 882397223 +450 278 5 882473476 +450 280 4 882397940 +450 281 4 882399664 +450 282 5 882377653 +450 283 3 887661961 +450 284 4 887139517 +450 286 4 882215617 +450 287 4 887660504 +450 288 3 884097913 +450 290 4 882399509 +450 292 5 882215922 +450 294 4 882370316 +450 299 2 889568793 +450 300 4 882216475 +450 301 4 882216475 +450 302 5 882215617 +450 304 4 882216108 +450 305 4 885944806 +450 307 5 882216475 +450 310 4 887660650 +450 311 4 885945425 +450 312 4 882812205 +450 313 5 882811655 +450 315 4 884098435 +450 316 4 889568753 +450 318 5 882373531 +450 322 4 882370316 +450 328 4 886449488 +450 332 4 882369964 +450 336 3 882370464 +450 340 4 882216178 +450 345 2 884906309 +450 347 4 887047775 +450 354 4 892141784 +450 356 4 887138756 +450 357 5 882373531 +450 366 3 882396489 +450 367 3 882376282 +450 371 3 887661961 +450 372 4 882396245 +450 373 3 887834953 +450 378 5 882373995 +450 380 5 882398939 +450 381 2 882374497 +450 382 3 882377479 +450 383 2 882468790 +450 385 4 882396489 +450 386 4 882397049 +450 388 3 882471604 +450 389 4 882396051 +450 392 4 887660762 +450 393 4 882812349 +450 395 3 882470642 +450 396 2 882469941 +450 399 4 882468239 +450 400 3 882468790 +450 401 3 882397224 +450 402 4 882395662 +450 403 4 887660440 +450 405 4 882474001 +450 414 3 882396564 +450 415 3 882398220 +450 416 5 882395779 +450 417 4 882376365 +450 418 4 882395914 +450 419 5 887660504 +450 421 4 887834823 +450 422 3 882467991 +450 423 5 882371904 +450 427 5 882371415 +450 428 4 887660722 +450 430 4 882377590 +450 431 5 882473914 +450 432 4 882377861 +450 433 3 882469061 +450 434 3 882372027 +450 435 4 882374332 +450 443 4 882377861 +450 448 4 882371526 +450 451 4 882398220 +450 455 4 882376188 +450 457 2 882466909 +450 465 4 887834823 +450 468 4 882376803 +450 469 4 882396153 +450 471 4 882396153 +450 472 4 882397813 +450 474 5 882812558 +450 476 4 882469306 +450 477 4 887660762 +450 478 5 887835272 +450 479 4 882371526 +450 481 5 882373231 +450 482 5 882371904 +450 483 3 882371826 +450 484 3 887662002 +450 485 5 882373088 +450 488 4 882371415 +450 489 4 882373464 +450 490 5 882373786 +450 491 3 882373297 +450 492 5 882397049 +450 493 4 887660722 +450 494 3 882373385 +450 495 4 882395052 +450 497 5 882374422 +450 498 3 882396351 +450 499 5 882372178 +450 500 4 882376188 +450 501 4 882371416 +450 502 5 882469061 +450 503 4 882371311 +450 504 5 882377590 +450 505 5 882376658 +450 506 5 882373088 +450 507 5 882373020 +450 509 4 882398567 +450 510 4 887660722 +450 511 5 882372178 +450 514 5 882468931 +450 516 5 882396564 +450 518 4 882374134 +450 519 4 887660820 +450 520 5 887136083 +450 521 4 882394180 +450 523 5 882371904 +450 525 3 882467271 +450 526 4 882396245 +450 527 5 882374059 +450 528 5 882371526 +450 530 3 887661843 +450 535 3 882812636 +450 546 4 887139019 +450 549 3 882377358 +450 550 4 882473915 +450 553 2 882373928 +450 557 5 882472306 +450 558 3 882396050 +450 559 3 882376446 +450 568 4 882397939 +450 570 4 887139728 +450 571 2 882471604 +450 582 4 882394097 +450 584 5 882397223 +450 588 4 882376658 +450 589 3 882813241 +450 591 4 887660762 +450 597 4 882473914 +450 601 3 882376658 +450 602 4 882373532 +450 603 5 882373088 +450 604 4 882373231 +450 606 5 882371904 +450 607 5 887135753 +450 608 4 882373088 +450 609 5 882398312 +450 610 4 882371904 +450 611 5 887135833 +450 612 4 882396564 +450 613 4 887660650 +450 614 4 882377479 +450 616 4 882373597 +450 618 4 882373995 +450 619 3 882377861 +450 620 4 882399818 +450 622 5 882468239 +450 627 3 882396489 +450 628 4 882377590 +450 629 4 882397940 +450 630 3 882376188 +450 631 4 882394251 +450 632 5 882395914 +450 633 5 887660440 +450 637 4 882395662 +450 642 4 882397939 +450 647 4 887136622 +450 648 5 887660503 +450 650 4 882376446 +450 651 5 882376658 +450 654 4 882373928 +450 655 4 882377653 +450 657 4 887660504 +450 660 4 887660762 +450 661 3 882373231 +450 662 4 882395914 +450 663 4 882373019 +450 671 3 882371416 +450 673 3 882396928 +450 685 4 882374134 +450 686 4 882473826 +450 689 3 882216026 +450 692 4 882373724 +450 693 3 887139232 +450 696 4 882398666 +450 699 4 882395537 +450 700 1 882469863 +450 702 4 882371904 +450 704 3 882372178 +450 705 4 882373656 +450 707 5 882373786 +450 708 4 882397049 +450 709 3 882371826 +450 710 3 882468931 +450 712 3 882470642 +450 713 3 882395778 +450 714 4 882472144 +450 715 3 887137066 +450 716 4 882469166 +450 717 4 887834953 +450 722 5 882471524 +450 723 3 882399818 +450 724 5 882395537 +450 725 3 882469863 +450 727 4 882812635 +450 728 3 887834953 +450 729 4 887139517 +450 731 3 882398084 +450 732 3 882395662 +450 734 2 882471737 +450 735 4 882377590 +450 736 5 882395167 +450 741 3 882376282 +450 742 4 882396564 +450 747 4 882395166 +450 748 4 882370410 +450 749 4 892141807 +450 750 3 884098229 +450 751 5 885945114 +450 756 3 882398940 +450 761 4 882398939 +450 765 3 882471362 +450 771 3 887835478 +450 774 4 882399818 +450 775 4 882469432 +450 776 4 882468402 +450 778 3 887834953 +450 781 4 882398220 +450 790 2 882374332 +450 792 4 882396050 +450 794 5 882473476 +450 795 3 882468790 +450 807 4 887834823 +450 812 4 882468402 +450 815 3 882396153 +450 821 2 882812495 +450 823 3 887139729 +450 832 2 882468307 +450 837 4 887835478 +450 842 4 882376446 +450 845 4 882373385 +450 847 4 882376188 +450 865 4 887136139 +450 866 4 882396565 +450 869 4 882470064 +450 873 3 882216475 +450 878 2 884098534 +450 900 5 885944864 +450 904 5 889568507 +450 905 5 885945656 +450 921 4 882372178 +450 923 5 886612198 +450 926 4 882470125 +450 928 3 882397813 +450 934 3 882471362 +450 936 5 889569270 +450 939 4 882376803 +450 940 2 882471737 +450 951 4 882399508 +450 956 4 882394097 +450 965 4 882394364 +450 966 4 882377861 +450 967 5 882373994 +450 968 4 882395537 +450 969 4 882376584 +450 1020 4 882376365 +450 1028 4 882469250 +450 1030 1 882468789 +450 1033 3 882468401 +450 1039 5 887137271 +450 1041 4 882469432 +450 1044 4 887139844 +450 1047 4 882469941 +450 1048 3 882397813 +450 1050 4 882812349 +450 1053 3 882396352 +450 1054 2 882812495 +450 1061 4 882398313 +450 1091 4 882468047 +450 1092 3 882469627 +450 1107 4 887138957 +450 1112 3 882396352 +450 1115 4 882395778 +450 1116 3 887661961 +450 1119 4 882374332 +450 1126 4 887661961 +450 1135 4 882396352 +450 1140 2 882471362 +450 1152 5 882812558 +450 1153 5 882397223 +450 1163 3 882396928 +450 1172 5 882373231 +450 1184 1 882397049 +450 1192 5 887137066 +450 1197 3 882395662 +450 1203 3 882373723 +450 1208 3 882399359 +450 1220 5 882398084 +450 1221 5 887660722 +450 1222 3 887834953 +450 1248 4 882399664 +450 1249 3 882812821 +450 1261 4 882472964 +450 1271 2 882468686 +450 1282 3 882394364 +450 1284 3 887139594 +450 1286 3 882377479 +450 1297 4 882812635 +450 1303 4 887136016 +450 1311 4 887139844 +450 1401 4 882372103 +450 1402 2 882473230 +450 1421 4 882399664 +450 1425 4 882471737 +450 1435 4 882471362 +450 1441 3 882397940 +450 1444 4 882468239 +450 1446 4 882812558 +450 1479 3 882377479 +450 1480 3 882468686 +450 1490 3 882396929 +450 1518 4 887138957 +450 1521 3 882812350 +450 1603 3 887139728 +451 242 1 879012857 +451 243 4 879012510 +451 245 2 879012550 +451 258 4 879012343 +451 259 4 879012721 +451 260 5 879012580 +451 261 2 879012647 +451 262 1 879012647 +451 263 2 879012811 +451 264 3 879012604 +451 266 2 879012811 +451 268 2 879012684 +451 270 4 879012684 +451 286 1 879012343 +451 288 5 879012470 +451 292 3 879012684 +451 299 1 879012721 +451 301 4 879012431 +451 302 3 879012647 +451 303 2 879012648 +451 304 3 879012684 +451 305 3 879012647 +451 306 2 879012684 +451 307 4 879012431 +451 308 1 879012890 +451 319 2 879012510 +451 321 3 879012470 +451 322 4 879012510 +451 324 4 879012647 +451 325 3 879012721 +451 326 4 879012431 +451 327 4 879012580 +451 328 5 879012470 +451 329 4 879012721 +451 330 3 879012721 +451 331 5 879012431 +451 332 4 879012342 +451 333 5 879012550 +451 334 3 879012648 +451 335 4 879012721 +451 336 4 879012811 +451 337 2 879012857 +451 358 1 879012550 +451 359 2 879012721 +451 360 3 879012858 +451 457 2 879012890 +451 678 5 879012510 +451 680 1 879012811 +451 681 1 879012773 +451 682 4 879012580 +451 683 1 879012470 +451 687 2 879012510 +451 688 1 879012811 +451 690 4 879012382 +451 748 4 879012550 +451 749 3 879012773 +451 873 5 879012684 +451 874 4 879012684 +451 875 2 879012721 +451 876 4 879012431 +451 877 4 879012471 +451 878 1 879012811 +451 879 4 879012580 +451 880 1 879012773 +451 881 4 879012721 +451 883 1 879012858 +451 884 1 879012890 +451 885 1 879012890 +451 886 4 879012773 +451 887 1 879012858 +451 937 4 879012684 +451 938 4 879012772 +451 948 3 879012890 +451 984 4 879012647 +451 988 1 879012773 +451 989 1 879012857 +451 990 3 879012684 +451 991 2 879012647 +451 995 1 879012721 +451 1022 4 879012858 +451 1025 3 879012773 +451 1026 1 879012773 +451 1038 1 879012889 +451 1265 4 879012772 +451 1280 1 879012773 +451 1295 2 879012811 +451 1296 3 879012685 +451 1392 1 879012812 +451 1393 2 879012812 +451 1394 1 879012858 +451 1395 1 879012858 +452 7 5 885816915 +452 8 4 875266060 +452 14 3 888568076 +452 15 4 875275763 +452 22 5 885544110 +452 23 2 876825745 +452 27 5 885816916 +452 45 4 875265446 +452 48 5 885816769 +452 50 5 875264825 +452 52 3 888494119 +452 58 3 875261666 +452 60 1 887718917 +452 61 1 887718917 +452 62 2 875563098 +452 64 4 875266518 +452 66 4 885816884 +452 69 5 875275699 +452 70 5 888492838 +452 71 3 875273415 +452 73 3 875277472 +452 76 4 875562410 +452 77 3 875562997 +452 79 4 875269386 +452 82 3 886149040 +452 83 3 885490812 +452 86 4 875274683 +452 88 2 875559842 +452 89 5 875263413 +452 94 1 888568349 +452 96 2 875275699 +452 97 4 885476560 +452 98 5 875263330 +452 99 3 875562410 +452 100 5 885544109 +452 102 2 875560150 +452 111 3 886061565 +452 121 5 885816916 +452 124 5 885816768 +452 127 5 885544109 +452 132 2 875560255 +452 135 3 875560790 +452 136 4 875266060 +452 143 3 885805093 +452 153 4 875276361 +452 154 5 888568251 +452 156 4 875261819 +452 161 5 885816915 +452 162 3 875277319 +452 163 4 886151027 +452 164 4 875269386 +452 168 4 888568251 +452 170 4 875261261 +452 171 4 875277472 +452 172 4 876297413 +452 173 4 875261350 +452 174 4 875263413 +452 179 5 875265368 +452 180 4 875560300 +452 181 4 886151027 +452 183 4 888492759 +452 185 5 875264355 +452 186 1 875875499 +452 187 3 875265265 +452 188 4 875560300 +452 194 4 885816440 +452 195 4 875265114 +452 196 4 875275763 +452 197 5 885816768 +452 199 5 885816768 +452 201 1 875875685 +452 202 3 885547846 +452 203 3 875275561 +452 204 3 875275815 +452 207 4 875261261 +452 210 4 875561852 +452 211 2 875266197 +452 212 2 885490812 +452 213 4 875265265 +452 216 3 888568700 +452 223 5 885816768 +452 234 3 875264355 +452 237 2 875263068 +452 243 5 886148336 +452 245 2 876216206 +452 259 2 888494119 +452 265 3 887719158 +452 269 5 888568251 +452 275 4 875264491 +452 276 1 885490917 +452 285 3 888492147 +452 286 4 876298932 +452 288 2 876298593 +452 290 2 875562903 +452 294 2 886148704 +452 318 5 885544110 +452 371 3 875562573 +452 384 2 875559398 +452 385 4 875560933 +452 404 4 875561978 +452 418 4 875275700 +452 419 4 887719030 +452 420 3 875562510 +452 423 5 885544110 +452 427 4 875264976 +452 430 3 885817719 +452 432 2 875264432 +452 443 5 885544109 +452 455 1 876297413 +452 456 1 876209837 +452 458 1 875266197 +452 461 4 875273609 +452 462 4 875264825 +452 465 5 886148336 +452 467 3 885491030 +452 472 5 885816916 +452 474 3 875263067 +452 475 2 876299004 +452 479 5 885544109 +452 480 5 875261261 +452 481 5 885544110 +452 482 5 885544110 +452 483 5 875263244 +452 485 2 875276589 +452 488 4 885546945 +452 490 4 875261350 +452 491 4 875261100 +452 492 4 875263413 +452 494 5 885805554 +452 496 5 875261666 +452 498 4 875264976 +452 501 3 885476356 +452 502 2 885817844 +452 504 2 875273544 +452 506 3 875276081 +452 509 4 875560790 +452 510 4 875562475 +452 513 4 875561734 +452 514 3 875261350 +452 515 4 875261747 +452 516 3 888324014 +452 517 2 875562846 +452 518 5 885816768 +452 520 3 875261100 +452 521 3 885545770 +452 526 4 875562645 +452 527 3 885490722 +452 528 4 875261261 +452 530 3 875562062 +452 531 4 875263244 +452 554 3 875562245 +452 576 2 875563050 +452 588 3 885804123 +452 597 5 885816916 +452 603 4 887718667 +452 607 5 875266680 +452 609 4 875562374 +452 614 3 875562198 +452 615 3 875261350 +452 624 2 875560067 +452 625 3 875562159 +452 631 4 888568464 +452 636 5 885816916 +452 648 4 875273292 +452 654 2 875273543 +452 659 4 875266415 +452 660 4 875560068 +452 661 4 875261747 +452 663 2 885817516 +452 684 4 888493923 +452 729 1 885981574 +452 780 1 885476356 +452 781 3 888568714 +452 792 5 887890364 +452 805 4 875562441 +452 815 2 875277472 +452 825 5 885816916 +452 842 2 875265368 +452 856 4 885817937 +452 863 5 885816769 +452 874 2 887718965 +452 924 5 885816916 +452 945 4 888323595 +452 947 5 885816915 +452 969 2 875276006 +452 971 4 875560019 +452 1013 1 876215773 +452 1057 1 876215627 +452 1089 1 876215899 +452 1204 4 875560150 +452 1255 2 876298932 +452 1383 1 886149828 +452 1403 1 875875272 +452 1410 1 876297577 +452 1427 5 885816768 +452 1534 1 876298233 +453 3 4 877552717 +453 4 4 877554490 +453 7 5 877562135 +453 9 3 888207161 +453 11 5 877554174 +453 12 5 877553813 +453 17 4 877553928 +453 22 5 877553870 +453 24 4 877553108 +453 25 4 877552872 +453 33 4 877561522 +453 42 5 877554301 +453 48 4 877553761 +453 49 3 877561172 +453 50 5 877562313 +453 53 3 877561894 +453 55 4 877554301 +453 56 5 877554771 +453 59 2 888202258 +453 67 4 888205882 +453 68 4 877561411 +453 69 4 877554647 +453 73 4 888206132 +453 77 3 888207161 +453 79 3 888207161 +453 80 2 888205783 +453 82 3 877561694 +453 85 3 877561301 +453 90 3 877561942 +453 93 2 887941962 +453 94 4 877561956 +453 97 3 877554743 +453 99 3 888205588 +453 100 5 877552612 +453 117 4 877552540 +453 120 1 877553678 +453 122 3 877553532 +453 132 3 877554871 +453 143 2 888206053 +453 144 4 877554443 +453 151 3 877552970 +453 154 3 877554587 +453 156 5 877554908 +453 157 4 877561172 +453 158 2 888205937 +453 164 3 877554771 +453 168 4 877553708 +453 172 5 877554587 +453 174 4 877554564 +453 181 5 877552612 +453 184 4 877554846 +453 186 4 877554466 +453 188 4 877554466 +453 196 4 877554174 +453 202 4 877553999 +453 204 4 877554704 +453 210 4 877554587 +453 214 3 877553928 +453 215 3 877554419 +453 223 4 888203147 +453 226 3 877561214 +453 227 3 888207162 +453 229 2 888206219 +453 231 2 877562293 +453 233 2 888206003 +453 234 3 877561411 +453 237 4 877552657 +453 238 4 877554396 +453 239 3 877554927 +453 254 2 877562293 +453 257 3 877552590 +453 258 4 876191239 +453 268 4 877552481 +453 272 5 887941892 +453 273 4 877552678 +453 276 5 877552564 +453 282 4 877561382 +453 288 4 877562071 +453 298 4 877552641 +453 318 4 877553761 +453 354 4 888201923 +453 356 2 888205866 +453 357 5 877554174 +453 364 3 888206676 +453 367 2 888202813 +453 369 2 877553051 +453 384 2 888205711 +453 385 3 888207161 +453 393 3 888207162 +453 401 3 888206038 +453 402 3 888207161 +453 403 4 877562293 +453 410 4 877552951 +453 412 2 877553302 +453 416 2 888206132 +453 423 4 877554819 +453 424 1 888206768 +453 427 3 877554174 +453 451 2 877561836 +453 452 2 888206630 +453 453 2 888206768 +453 456 3 877552540 +453 471 4 888205557 +453 475 5 877552514 +453 476 3 890939266 +453 496 4 888203066 +453 508 4 877552612 +453 509 4 877553850 +453 515 4 876191626 +453 550 3 888207161 +453 552 2 877561713 +453 566 3 877561593 +453 568 3 888207161 +453 575 2 892447163 +453 578 3 888205764 +453 586 2 892447163 +453 591 3 877552969 +453 628 3 887942025 +453 651 4 877554743 +453 652 3 877554443 +453 655 3 877553999 +453 684 3 888205336 +453 693 5 877561172 +453 717 2 888206467 +453 721 4 888205696 +453 732 3 877561695 +453 742 3 888207161 +453 750 4 888201942 +453 763 4 877553221 +453 780 3 877561522 +453 781 3 888206022 +453 790 4 877561800 +453 797 1 888206339 +453 826 1 877553430 +453 871 1 888206233 +453 941 2 877561613 +453 959 4 877561676 +453 963 4 888202307 +453 975 2 887942451 +453 1016 4 877552991 +453 1017 3 887942122 +453 1037 1 888206630 +453 1079 1 887942484 +453 1145 2 888206492 +453 1157 2 888206576 +453 1170 3 877562135 +453 1230 2 888202271 +453 1273 2 877561258 +453 1303 2 888206730 +454 1 3 881959818 +454 8 5 888266643 +454 11 1 888266433 +454 12 3 881960114 +454 15 2 881960029 +454 22 4 881959844 +454 28 4 888267560 +454 48 4 881960114 +454 50 4 881959144 +454 51 2 888267158 +454 55 2 888267617 +454 56 3 888267590 +454 58 4 881960029 +454 64 4 881959652 +454 66 4 888266685 +454 69 4 881959818 +454 70 4 888267419 +454 71 3 888266754 +454 73 3 888267521 +454 76 1 888266433 +454 77 4 888266955 +454 79 4 881960083 +454 81 1 888266433 +454 82 4 881960446 +454 86 2 888267280 +454 88 4 888267560 +454 89 1 888266433 +454 95 2 888266433 +454 96 4 888266600 +454 97 4 881960029 +454 98 1 888266433 +454 99 3 881960296 +454 100 4 881959917 +454 107 3 888267087 +454 111 1 888267086 +454 114 3 881960330 +454 117 3 888267343 +454 118 4 888267128 +454 121 4 888267128 +454 124 4 881959960 +454 131 3 881960330 +454 132 2 888266874 +454 133 4 881959652 +454 134 3 881959991 +454 135 2 888266433 +454 136 3 881959745 +454 140 3 888267386 +454 143 4 881960230 +454 144 4 888266643 +454 147 3 888267455 +454 153 3 888267521 +454 162 3 888267315 +454 164 3 881960265 +454 169 4 888266955 +454 172 2 888266906 +454 173 2 888267028 +454 174 4 888266643 +454 185 2 881960265 +454 191 4 888266724 +454 193 2 881959818 +454 194 3 881959698 +454 195 4 888266810 +454 196 2 881959778 +454 197 4 881959961 +454 199 3 881960413 +454 202 3 881960201 +454 203 2 888267487 +454 204 4 881960504 +454 210 4 881960361 +454 211 2 888267158 +454 215 4 881959917 +454 222 3 888266785 +454 228 3 881959960 +454 234 3 888267087 +454 237 4 881960361 +454 238 3 881960361 +454 245 3 881958782 +454 248 3 881959238 +454 250 4 881959238 +454 252 2 881959336 +454 255 4 881959276 +454 257 4 881959276 +454 258 4 881958402 +454 259 4 881958606 +454 260 1 888000454 +454 270 4 881958606 +454 272 5 888007255 +454 275 2 888267419 +454 277 2 881959960 +454 279 4 881960330 +454 283 3 888267590 +454 285 2 881959917 +454 286 3 881958782 +454 289 3 881958783 +454 293 4 881959238 +454 300 4 881958326 +454 302 4 881958326 +454 310 4 881958464 +454 312 3 888015842 +454 313 5 888000454 +454 315 4 888015651 +454 316 4 888015879 +454 317 4 888267343 +454 318 5 881959576 +454 322 2 881958782 +454 323 2 881958783 +454 326 4 881958362 +454 327 3 881958428 +454 356 1 888267279 +454 357 3 881959844 +454 367 4 888267128 +454 371 3 888267198 +454 378 3 888267128 +454 385 3 888266810 +454 387 2 888267279 +454 392 2 888266991 +454 402 3 888267419 +454 404 3 888267590 +454 414 2 888267226 +454 419 4 881959917 +454 423 4 881959607 +454 427 4 881960173 +454 431 3 888266991 +454 434 3 888267387 +454 435 2 881960145 +454 451 4 888267455 +454 454 3 881959745 +454 463 2 888267560 +454 465 3 888267343 +454 468 3 888267087 +454 471 3 881960445 +454 472 3 888266874 +454 474 4 881959917 +454 478 2 888267487 +454 479 4 881959991 +454 480 4 881959652 +454 482 3 881960230 +454 483 3 881960145 +454 485 4 888267386 +454 486 3 881960385 +454 490 2 888266754 +454 492 3 888266643 +454 496 4 881959991 +454 497 3 881959876 +454 498 3 888267559 +454 504 2 888266955 +454 507 3 881960265 +454 509 2 881960230 +454 511 3 881960173 +454 519 2 888267455 +454 520 4 881959607 +454 526 4 881959698 +454 527 4 881960201 +454 528 4 881959818 +454 530 2 881960174 +454 531 2 888266785 +454 566 4 888267087 +454 568 4 888266906 +454 588 3 881960083 +454 589 2 888267487 +454 602 2 888267521 +454 603 4 881959876 +454 604 3 881959960 +454 605 2 888267487 +454 606 2 881960330 +454 607 2 888267315 +454 610 3 881959576 +454 611 2 888266685 +454 612 3 881960145 +454 614 3 888267590 +454 627 2 888267643 +454 631 2 888267643 +454 632 3 881960145 +454 642 2 888267419 +454 649 2 888267279 +454 651 4 881960083 +454 654 2 888267419 +454 655 3 881959746 +454 657 3 881959876 +454 659 2 888267028 +454 660 3 888267128 +454 661 4 881959991 +454 678 2 881958782 +454 685 3 888267198 +454 686 2 888267280 +454 687 3 881959468 +454 692 5 888267158 +454 693 2 888267315 +454 694 2 888266874 +454 705 3 881959818 +454 707 3 881959576 +454 724 3 888267158 +454 732 4 888267560 +454 735 2 888267387 +454 736 3 888266991 +454 740 2 888266433 +454 742 3 888267315 +454 746 2 881959778 +454 748 4 881958551 +454 751 4 888265376 +454 836 2 888266785 +454 837 2 888267315 +454 842 2 881960266 +454 873 2 881958782 +454 875 1 888266433 +454 879 4 881958402 +454 939 2 888267386 +454 942 2 888267198 +454 945 3 881960083 +454 956 2 888266955 +454 961 1 888267279 +454 968 2 888267198 +454 972 2 888267128 +454 984 3 891377968 +454 988 2 888015879 +454 1003 2 881960446 +454 1035 3 888266601 +454 1089 2 881959437 +454 1105 3 888015988 +454 1107 4 888267617 +454 1126 2 888266955 +454 1190 3 881959437 +454 1203 2 888267521 +454 1269 3 881959698 +454 1454 2 888266907 +455 1 4 878585685 +455 2 4 879111786 +455 4 3 879111786 +455 7 4 879111213 +455 8 4 879111345 +455 9 4 878585685 +455 11 3 879110971 +455 12 3 879111123 +455 14 3 883768822 +455 15 2 879110767 +455 17 3 879111862 +455 20 3 879109594 +455 22 4 879111500 +455 24 3 879111662 +455 25 3 879109110 +455 28 4 879111371 +455 31 4 879111937 +455 39 2 879111345 +455 40 3 879111662 +455 42 2 879110767 +455 44 3 879112678 +455 47 2 879112172 +455 50 5 878585826 +455 52 3 879112011 +455 53 1 879112415 +455 56 5 879110844 +455 57 4 879112460 +455 58 3 879111318 +455 64 4 879111500 +455 65 3 879111396 +455 69 4 879111937 +455 70 3 879111194 +455 71 3 879112098 +455 77 4 879111528 +455 79 4 879112377 +455 82 5 879110818 +455 87 3 879110905 +455 89 3 879111616 +455 95 4 879111057 +455 96 4 879111616 +455 97 5 879112436 +455 98 4 879110436 +455 100 4 878585826 +455 117 3 879111345 +455 118 4 879109733 +455 121 4 878585685 +455 123 3 879111705 +455 124 4 879109594 +455 125 3 879109133 +455 126 5 879172791 +455 127 5 879111586 +455 144 3 879110436 +455 147 4 879109764 +455 148 3 879110346 +455 159 3 879111500 +455 161 4 879112098 +455 164 4 879110844 +455 170 3 879111616 +455 172 4 879112054 +455 173 4 879111937 +455 174 4 879111763 +455 176 3 879111960 +455 181 4 878585826 +455 183 4 879111862 +455 191 5 879111422 +455 193 4 879111586 +455 196 4 879111737 +455 197 5 879111057 +455 200 5 879111092 +455 204 4 879111249 +455 213 4 879111453 +455 214 3 879112122 +455 217 4 879112320 +455 222 3 878585775 +455 223 4 879111554 +455 228 4 879111153 +455 230 3 879111291 +455 234 4 879110436 +455 237 3 879109923 +455 239 3 879111397 +455 241 4 879111808 +455 245 3 878585344 +455 250 3 879109966 +455 252 3 879110818 +455 255 2 884027240 +455 257 4 879109733 +455 258 5 878585250 +455 259 2 884027220 +455 265 4 879112152 +455 269 4 878585250 +455 270 4 878585321 +455 275 4 878585826 +455 276 4 879109594 +455 277 4 879109565 +455 279 3 882141582 +455 281 3 879110281 +455 286 5 878585250 +455 288 2 879110767 +455 289 3 892230574 +455 291 3 879109984 +455 292 3 879108751 +455 298 4 882818787 +455 300 4 878585250 +455 301 2 879110767 +455 304 3 878585409 +455 307 4 892230486 +455 313 4 884649784 +455 317 3 879111616 +455 318 3 879111528 +455 321 2 892230438 +455 323 3 878585277 +455 334 3 892230883 +455 343 4 882141285 +455 372 4 879112055 +455 380 3 879112654 +455 382 3 879112239 +455 385 3 879111907 +455 393 3 879112152 +455 402 4 879112356 +455 405 3 879109764 +455 423 5 879111862 +455 428 4 879111268 +455 435 4 879110544 +455 447 4 879111153 +455 449 4 879112582 +455 455 3 879111862 +455 462 3 879110436 +455 463 4 879111737 +455 465 3 879112678 +455 471 4 879109692 +455 475 4 879109069 +455 504 4 879110573 +455 508 4 882141385 +455 511 5 879110971 +455 515 4 878585775 +455 518 4 879111318 +455 523 4 879110946 +455 529 3 879111737 +455 531 3 879111291 +455 546 3 879110767 +455 549 4 879112320 +455 550 4 879112700 +455 553 3 879111907 +455 568 4 879112298 +455 581 3 879111763 +455 582 2 879111982 +455 584 4 879111528 +455 591 4 879109923 +455 597 3 879110123 +455 620 3 879108829 +455 627 3 879111705 +455 628 4 879109692 +455 647 4 879111092 +455 660 4 879111454 +455 662 4 879111554 +455 678 3 878585344 +455 692 3 879111249 +455 694 4 879110870 +455 709 3 879111471 +455 716 3 879112259 +455 724 3 879111500 +455 727 3 879112561 +455 736 3 879112460 +455 738 3 879112238 +455 744 3 879109881 +455 747 4 879111422 +455 770 3 879111586 +455 778 4 879112582 +455 898 3 883768822 +455 924 3 879110154 +455 934 3 879110260 +455 939 4 879111454 +455 942 4 879112011 +455 1028 2 879110767 +455 1034 2 879110767 +455 1086 3 879109692 +455 1136 3 879111705 +455 1137 3 879109881 +455 1160 4 879108892 +455 1167 4 879111123 +455 1171 3 882141702 +455 1174 3 879109663 +455 1197 4 879109565 +455 1265 3 879108997 +456 1 2 881371548 +456 3 4 881371660 +456 4 3 881374849 +456 9 3 881372328 +456 12 3 881373655 +456 13 4 881372604 +456 14 5 881371427 +456 22 4 881373573 +456 23 4 881373019 +456 32 4 881372911 +456 33 4 881374086 +456 42 4 881373655 +456 46 3 881374613 +456 50 4 881373473 +456 53 4 881375284 +456 54 3 881375416 +456 56 5 881373353 +456 57 4 881374521 +456 59 4 881372779 +456 60 4 881373838 +456 61 4 881373228 +456 68 4 881374437 +456 69 4 881373949 +456 71 3 881374710 +456 72 1 881374801 +456 79 3 881373228 +456 80 2 881374967 +456 86 2 881374332 +456 91 2 881373948 +456 92 4 881374048 +456 94 3 881375482 +456 95 4 881373756 +456 97 4 881373838 +456 98 3 881372779 +456 99 3 881374767 +456 100 3 881372366 +456 101 3 881375284 +456 109 3 881371660 +456 111 3 881371942 +456 121 2 881372052 +456 125 4 881372015 +456 127 5 881373019 +456 129 3 881372604 +456 133 3 881373084 +456 135 4 881373169 +456 143 3 881373983 +456 150 4 881371453 +456 161 3 881374967 +456 168 4 881373794 +456 170 5 881373353 +456 172 5 881373019 +456 174 4 881373019 +456 177 4 881373900 +456 179 5 881372779 +456 180 4 881373084 +456 181 3 881373120 +456 182 3 881373228 +456 185 4 881372849 +456 186 4 881374048 +456 187 4 881372911 +456 188 4 881373573 +456 191 3 881372849 +456 194 3 881373472 +456 196 4 881374649 +456 197 4 881373793 +456 200 4 881374390 +456 202 3 881374586 +456 204 3 881374086 +456 208 4 881374710 +456 209 3 881372849 +456 210 3 881374849 +456 211 4 881374162 +456 214 4 881374586 +456 216 4 881374193 +456 217 3 881374883 +456 218 4 881374522 +456 222 2 881371766 +456 226 2 881375482 +456 228 3 881374548 +456 229 3 881375482 +456 231 2 881375226 +456 232 2 881374389 +456 234 3 881373473 +456 238 4 881373756 +456 258 4 887165802 +456 265 3 881374048 +456 268 5 887165395 +456 273 3 881372328 +456 274 3 881371977 +456 282 3 881371694 +456 286 3 887165765 +456 289 4 881372687 +456 324 4 881372687 +456 325 3 881372687 +456 346 5 887165765 +456 357 4 881373084 +456 366 2 881374967 +456 367 3 881373900 +456 369 3 881371942 +456 380 3 881375097 +456 382 1 881374710 +456 395 2 881375542 +456 402 2 881375416 +456 403 2 881373900 +456 405 1 881371942 +456 410 4 881372160 +456 414 3 881374331 +456 419 4 881374124 +456 421 3 881374086 +456 423 3 881374586 +456 427 4 881372779 +456 431 4 881374437 +456 432 4 881374390 +456 433 4 881373120 +456 443 4 881373019 +456 447 3 881374332 +456 448 3 881374586 +456 449 3 881375226 +456 452 2 881375515 +456 460 3 881371942 +456 461 4 881373168 +456 462 3 881373506 +456 474 5 881373353 +456 475 5 881372366 +456 479 5 881373900 +456 480 4 881373573 +456 483 4 881372911 +456 484 4 881373983 +456 485 4 881373574 +456 490 4 881373084 +456 498 4 881373473 +456 505 4 881373473 +456 506 4 881374332 +456 508 4 881371427 +456 523 4 881373353 +456 544 3 881372114 +456 546 4 881371942 +456 547 3 881371660 +456 550 2 881375381 +456 559 3 881373574 +456 568 2 881374246 +456 578 2 881375127 +456 580 4 881374767 +456 581 3 881375155 +456 582 5 881374162 +456 588 3 881374462 +456 603 5 881373019 +456 608 4 881373168 +456 616 3 881373655 +456 640 4 881373697 +456 655 3 881373838 +456 658 3 881375351 +456 660 5 881374522 +456 662 4 881374710 +456 672 1 881374849 +456 673 3 881374849 +456 693 3 881373949 +456 696 3 881372078 +456 697 4 881374390 +456 708 4 881373756 +456 710 3 881374649 +456 720 3 881375515 +456 721 4 881373756 +456 737 3 881375254 +456 739 3 881375226 +456 743 2 881372256 +456 747 4 881374331 +456 763 4 881372015 +456 772 4 881373228 +456 789 3 881374522 +456 793 3 881374883 +456 806 3 881373617 +456 818 3 881372114 +456 824 3 881372256 +456 845 3 881371839 +456 864 4 881371660 +456 919 4 881371548 +456 922 4 881371595 +456 933 3 881371595 +456 952 4 881371766 +456 955 4 881374162 +456 959 4 881375127 +456 963 4 881374047 +456 979 3 881371694 +456 985 3 881371492 +456 1008 4 881371427 +456 1009 5 881372160 +456 1010 5 881371766 +456 1017 4 881372574 +456 1019 4 881372849 +456 1020 4 881373506 +456 1057 3 881372191 +456 1059 4 881372052 +456 1081 4 881372191 +456 1101 3 881374710 +456 1107 4 881375587 +456 1129 4 881371548 +456 1134 4 881372281 +456 1168 4 881375284 +456 1198 4 881371595 +456 1218 3 881374921 +456 1220 3 881375051 +456 1222 2 881375019 +456 1240 3 881374332 +456 1248 3 881374767 +456 1267 4 881373756 +456 1324 4 881371720 +456 1328 4 881372328 +456 1421 3 881374437 +456 1478 4 881374993 +456 1547 4 881373948 +456 1551 3 881374193 +456 1604 4 881372849 +457 1 4 882393244 +457 4 4 882397829 +457 7 4 882393278 +457 8 5 882397734 +457 9 5 882393485 +457 11 4 882397020 +457 12 5 882397666 +457 13 3 882393883 +457 14 4 882393457 +457 15 4 882393688 +457 20 5 882393967 +457 22 5 882396705 +457 25 4 882393828 +457 27 4 882549483 +457 28 5 882396989 +457 31 4 882397543 +457 38 3 882549651 +457 44 4 882548214 +457 45 5 882397133 +457 47 4 882396935 +457 48 5 882397293 +457 50 5 882393620 +457 51 5 882397734 +457 52 4 882398055 +457 53 4 882548645 +457 54 4 882549322 +457 56 4 882396868 +457 57 4 882397177 +457 58 4 882397177 +457 59 5 882397575 +457 62 3 882550925 +457 64 5 882396868 +457 65 5 882547967 +457 66 4 882547694 +457 69 5 882396659 +457 70 4 882396935 +457 77 4 882398345 +457 79 5 882396869 +457 82 5 882397494 +457 83 5 882396487 +457 86 3 882397455 +457 88 4 882397763 +457 89 5 882397058 +457 91 4 882547302 +457 94 3 882549544 +457 96 5 882553113 +457 97 5 882397699 +457 98 5 882553113 +457 100 5 882393244 +457 105 3 882396001 +457 111 3 882393384 +457 114 5 882396868 +457 117 4 882393457 +457 118 4 882395400 +457 120 2 882551344 +457 121 4 882393066 +457 122 2 882396158 +457 125 4 882393343 +457 127 5 882396902 +457 132 5 882547619 +457 133 4 882547820 +457 134 5 882396832 +457 135 5 882397240 +457 137 5 882393278 +457 143 5 882548099 +457 144 5 882397494 +457 145 3 882549998 +457 147 5 882395400 +457 148 4 882395360 +457 151 5 882394010 +457 154 5 882397058 +457 155 4 882550065 +457 156 5 882397095 +457 157 5 882553112 +457 160 4 882395078 +457 161 4 882397829 +457 162 5 882548793 +457 164 4 882547645 +457 168 5 882395018 +457 169 5 882396935 +457 172 5 882553113 +457 173 5 882395049 +457 174 5 882397267 +457 175 5 882547139 +457 176 5 882397542 +457 179 4 882397963 +457 180 5 882396989 +457 181 4 882393384 +457 183 5 882397455 +457 185 5 882397375 +457 186 5 882397575 +457 190 5 882396602 +457 191 5 882396659 +457 193 5 882397666 +457 194 5 882397058 +457 195 5 882395049 +457 196 5 882397763 +457 197 5 882396705 +457 200 5 882396799 +457 202 4 882398275 +457 203 4 882397133 +457 204 5 882397699 +457 208 4 882396705 +457 209 5 882553113 +457 210 5 882397337 +457 214 5 882548280 +457 215 4 882398002 +457 216 5 882396765 +457 218 4 882547554 +457 219 4 882550304 +457 222 5 882392853 +457 223 5 882396734 +457 225 4 882395825 +457 226 3 882548825 +457 227 4 882392853 +457 228 5 882392853 +457 229 4 882392853 +457 230 4 882392853 +457 231 4 882549998 +457 232 4 882397666 +457 234 5 882548426 +457 235 3 882395894 +457 237 4 882393712 +457 238 5 882392976 +457 239 5 882397267 +457 240 3 882395638 +457 241 3 882398086 +457 243 2 882393104 +457 248 4 882393008 +457 252 4 882395638 +457 257 3 882393036 +457 258 5 882392853 +457 265 5 882397699 +457 275 5 882393648 +457 276 4 882393306 +457 282 4 882392785 +457 284 3 882394010 +457 285 5 882393648 +457 287 4 882394010 +457 288 4 882392853 +457 294 2 882393514 +457 304 4 882392853 +457 318 5 882397337 +457 356 4 882547670 +457 357 5 882396735 +457 367 4 882396989 +457 368 1 882396133 +457 370 3 882396133 +457 371 4 882398275 +457 372 4 882548382 +457 373 2 882551189 +457 378 4 882548312 +457 380 4 882392854 +457 385 4 882392950 +457 386 3 882549133 +457 388 2 882551343 +457 393 3 882548583 +457 395 2 882551605 +457 401 3 882550654 +457 402 4 882548583 +457 403 4 882397177 +457 405 5 882553113 +457 410 4 882393937 +457 411 3 882395894 +457 412 2 882396217 +457 417 4 882549575 +457 423 5 882397699 +457 425 4 882397828 +457 428 5 882553113 +457 433 5 882397020 +457 436 4 882547619 +457 448 4 882548537 +457 450 4 882392853 +457 451 4 882549212 +457 452 3 882551228 +457 453 2 882551854 +457 455 4 882393384 +457 456 2 882395851 +457 458 3 882393765 +457 462 5 882396283 +457 469 4 882397208 +457 470 5 882398204 +457 471 4 882393421 +457 472 4 882395768 +457 473 4 882395360 +457 474 5 882398178 +457 476 2 882392810 +457 483 5 882396705 +457 485 4 882396832 +457 500 5 882553112 +457 507 4 882397059 +457 509 4 882398086 +457 527 5 882553113 +457 528 5 882397543 +457 529 4 882397763 +457 531 5 882392906 +457 540 3 882551740 +457 546 2 882393860 +457 549 4 882398178 +457 553 5 882396314 +457 554 4 882549682 +457 559 4 882398054 +457 566 4 882548583 +457 568 4 882547590 +457 569 3 882549356 +457 582 5 882548350 +457 584 4 882548615 +457 588 5 882397411 +457 597 3 882393908 +457 623 3 882550065 +457 628 4 882393688 +457 629 4 882397177 +457 631 4 882547620 +457 632 5 882397543 +457 640 4 882548467 +457 651 5 882396799 +457 655 5 882397879 +457 658 4 882398308 +457 660 5 882396449 +457 664 4 882549601 +457 673 4 882397829 +457 676 3 882395400 +457 679 4 882547723 +457 692 4 882396989 +457 695 3 882398345 +457 699 4 882548615 +457 709 5 882547856 +457 717 3 882395894 +457 720 3 882550925 +457 722 4 882550154 +457 727 4 882396832 +457 729 4 882547857 +457 732 4 882548426 +457 739 4 882549483 +457 742 4 882393306 +457 744 3 882393457 +457 747 4 882397787 +457 755 4 882549356 +457 756 2 882395742 +457 758 2 882551135 +457 769 2 882551740 +457 770 4 882547794 +457 783 3 882549936 +457 792 4 882548312 +457 819 2 882396001 +457 825 5 882553112 +457 831 2 882396001 +457 841 4 882395516 +457 845 4 882393801 +457 871 1 882393765 +457 931 2 882395916 +457 934 3 882396092 +457 948 1 882393156 +457 949 3 882549287 +457 956 4 882548214 +457 959 4 882549180 +457 980 4 882395283 +457 1012 4 882393765 +457 1028 3 882393828 +457 1029 3 882551135 +457 1030 2 882551134 +457 1037 2 882551818 +457 1039 5 882397934 +457 1047 2 882395964 +457 1119 4 882398308 +457 1140 2 882551344 +457 1168 5 882548761 +457 1210 4 882549905 +457 1221 4 882549438 +458 1 4 886394423 +458 7 4 886394373 +458 8 4 886395899 +458 9 5 886394373 +458 12 5 886395758 +458 13 4 886394916 +458 14 5 886394576 +458 20 4 886394778 +458 21 2 886395393 +458 23 4 886397931 +458 25 1 886394576 +458 28 3 886396005 +458 32 4 886395963 +458 48 4 886396192 +458 50 2 886396521 +458 52 4 886398187 +458 56 5 886397679 +458 57 1 886395758 +458 58 5 886396140 +458 64 4 886396005 +458 69 2 886397988 +458 76 4 886398121 +458 79 5 886396192 +458 83 4 886398071 +458 86 5 886397679 +458 96 4 886398543 +458 97 1 886397931 +458 98 3 886396240 +458 99 4 886397110 +458 100 4 886394373 +458 116 4 886394623 +458 117 4 886394623 +458 121 1 886395022 +458 124 4 886394822 +458 126 4 886394730 +458 127 5 886396390 +458 129 4 886394667 +458 134 5 886395963 +458 137 5 886394730 +458 143 4 886396005 +458 147 2 886395065 +458 152 5 886397275 +458 169 5 886396390 +458 174 3 886397109 +458 178 4 886398187 +458 179 4 886397808 +458 180 4 886397679 +458 181 2 886396824 +458 182 4 886397771 +458 183 4 886396460 +458 187 5 886398543 +458 189 4 886396460 +458 190 4 886397771 +458 191 5 886396192 +458 192 4 886396240 +458 193 4 886396460 +458 194 2 886397504 +458 195 4 886397318 +458 199 4 886396140 +458 203 5 886396460 +458 204 4 886396390 +458 208 4 886395963 +458 209 4 886397155 +458 234 4 886397808 +458 237 4 886394623 +458 238 4 886397679 +458 245 2 889324066 +458 250 1 886396637 +458 255 2 886396521 +458 273 4 886394730 +458 275 5 886394471 +458 276 5 886394470 +458 278 2 886395469 +458 282 2 886396958 +458 283 5 886394730 +458 284 4 886394527 +458 285 4 886394423 +458 286 4 886396637 +458 287 4 886394822 +458 288 3 886394667 +458 289 2 889323582 +458 293 5 886396767 +458 298 5 886396677 +458 301 1 889323539 +458 302 5 886394314 +458 304 4 889323982 +458 307 4 889323481 +458 317 5 886397155 +458 318 4 886397771 +458 319 4 889323714 +458 321 3 889323855 +458 330 3 889324461 +458 333 1 889323582 +458 338 3 889323660 +458 346 4 889323539 +458 357 3 886397275 +458 387 4 886398246 +458 405 4 886395022 +458 408 5 886396637 +458 410 1 886394778 +458 423 2 886396314 +458 425 3 886398246 +458 427 4 886396460 +458 430 5 886398543 +458 433 4 886398289 +458 435 4 886397504 +458 460 4 886394916 +458 461 4 886397377 +458 467 4 886396240 +458 469 4 886397377 +458 473 4 886395022 +458 474 4 886397109 +458 475 4 886394729 +458 483 5 886396460 +458 484 5 886397109 +458 496 3 886398289 +458 499 4 886397450 +458 509 4 886397857 +458 513 4 886396314 +458 514 5 886397504 +458 515 4 886396729 +458 517 4 886398289 +458 519 4 886395899 +458 521 4 886397377 +458 526 5 886396241 +458 527 2 886397857 +458 529 3 886398120 +458 530 4 886396005 +458 531 5 886395758 +458 546 3 886394863 +458 582 1 886398488 +458 588 5 886396460 +458 589 4 886396140 +458 591 3 886394730 +458 596 4 886395350 +458 597 3 886395022 +458 603 4 886397155 +458 619 2 886394778 +458 631 4 886397541 +458 632 4 886398289 +458 644 4 886397275 +458 651 3 886397988 +458 654 5 886397771 +458 663 4 886398289 +458 685 3 886394373 +458 694 4 886396140 +458 696 3 886395512 +458 704 2 886397857 +458 709 4 886396192 +458 717 1 886395230 +458 735 2 886397679 +458 736 4 886398543 +458 742 4 886394730 +458 744 4 886394623 +458 750 5 889323771 +458 753 4 886397110 +458 762 3 886395065 +458 792 4 886398025 +458 823 3 886395119 +458 844 4 886394576 +458 845 3 886394527 +458 847 5 889324370 +458 896 5 889323481 +458 925 3 886395166 +458 939 4 886398187 +458 952 2 886395119 +458 956 5 886397377 +458 960 1 886397726 +458 969 4 886395899 +458 980 5 886394667 +458 1011 3 886394471 +458 1039 5 886397275 +458 1048 4 886395119 +458 1067 5 886395311 +458 1070 4 886395963 +458 1109 4 886397318 +458 1226 2 886396910 +458 1261 4 886397413 +458 1335 1 886395565 +458 1338 3 886395393 +459 1 4 879562960 +459 3 2 879563288 +459 7 5 879563245 +459 8 5 879563903 +459 15 4 879563102 +459 16 2 879562939 +459 19 3 879563064 +459 22 5 879563903 +459 25 2 879563201 +459 50 4 879563064 +459 79 3 879566291 +459 98 5 879564941 +459 100 1 879562859 +459 105 4 879563819 +459 108 1 879563796 +459 111 3 879563201 +459 117 5 879563146 +459 120 2 879563392 +459 121 5 879563474 +459 123 3 879563312 +459 125 4 879563169 +459 127 4 879562834 +459 134 3 879564941 +459 147 3 879563435 +459 148 5 879563367 +459 164 4 879564941 +459 172 5 879563902 +459 174 4 879566291 +459 181 4 879562939 +459 186 4 879566321 +459 194 3 879566291 +459 216 3 879566321 +459 220 3 879563367 +459 222 4 879562994 +459 225 3 879563777 +459 230 4 879564941 +459 235 1 879563367 +459 245 3 879561731 +459 249 2 879562860 +459 250 5 879563270 +459 252 4 879563506 +459 255 4 879563613 +459 257 5 879563245 +459 258 3 879561574 +459 259 4 879561630 +459 260 2 879561782 +459 264 4 879561755 +459 271 4 879561731 +459 274 4 879563226 +459 275 4 879562859 +459 278 4 879563270 +459 282 3 879562995 +459 286 4 879561532 +459 289 4 879561679 +459 291 4 879563312 +459 294 5 879561755 +459 295 3 879563367 +459 298 3 879562895 +459 300 4 879561574 +459 301 2 879561574 +459 307 5 879561630 +459 322 4 879561679 +459 323 3 879561708 +459 328 3 879561574 +459 332 3 879561630 +459 333 3 879561574 +459 336 2 879561708 +459 357 4 879564308 +459 358 2 879561783 +459 405 3 879563334 +459 409 2 879563796 +459 411 2 879563796 +459 455 2 879563392 +459 471 3 879562659 +459 472 5 879563226 +459 473 4 879563102 +459 477 1 879562995 +459 523 4 879564915 +459 546 1 879563367 +459 568 3 879564941 +459 596 3 879562939 +459 597 3 879563270 +459 619 4 879563169 +459 651 3 879564309 +459 676 3 879563288 +459 678 4 879561783 +459 685 3 879563613 +459 687 3 879561782 +459 696 4 879563736 +459 742 4 879562834 +459 748 4 879561754 +459 815 4 879563102 +459 825 3 879563474 +459 827 3 879563758 +459 832 3 879563758 +459 846 4 879563435 +459 864 4 879563435 +459 866 5 879563312 +459 873 4 879561731 +459 879 4 879561630 +459 926 4 879563639 +459 932 4 879563334 +459 969 3 879564882 +459 978 2 879563435 +459 989 5 879561708 +459 993 3 879563146 +459 1013 3 879563226 +459 1014 1 879563506 +459 1016 4 879563506 +459 1038 4 879561654 +459 1039 3 879564915 +459 1040 2 879563701 +459 1047 3 879563668 +459 1051 3 879563667 +459 1060 1 879563668 +459 1115 3 879563506 +459 1190 4 879563169 +460 1 2 882911203 +460 7 3 882912205 +460 9 3 882912150 +460 13 3 882912371 +460 14 5 882912418 +460 19 5 882912418 +460 20 4 882912469 +460 100 5 882912418 +460 117 3 882912342 +460 124 4 882912150 +460 127 4 882912150 +460 129 3 882912261 +460 137 5 882912418 +460 146 4 882912370 +460 149 4 882912174 +460 151 3 882912205 +460 221 4 882912285 +460 224 4 882911603 +460 242 4 882910838 +460 245 3 882910657 +460 248 4 882912342 +460 250 2 882912261 +460 253 3 882912316 +460 257 2 882912342 +460 258 3 882910637 +460 273 4 882912371 +460 275 3 882912261 +460 276 5 882912418 +460 279 2 882912316 +460 283 3 882912316 +460 285 4 882912205 +460 286 4 882910838 +460 288 2 882910678 +460 289 4 882910838 +460 293 4 882911603 +460 294 2 882910637 +460 297 3 882912342 +460 298 2 882912440 +460 301 3 882910579 +460 302 4 882910837 +460 303 3 882910553 +460 304 2 882911101 +460 306 4 882912418 +460 307 4 882912418 +460 311 5 882912418 +460 312 4 882910837 +460 313 4 882910837 +460 321 3 882910510 +460 322 3 882910722 +460 327 4 882912418 +460 458 2 882911603 +460 515 5 882912418 +460 532 3 882912370 +460 591 2 882911603 +460 676 4 882912285 +460 713 4 882912469 +460 744 3 882912261 +460 847 3 882912205 +460 870 2 882912469 +460 1011 4 882912205 +460 1067 4 882912316 +460 1115 3 882912235 +460 1137 3 882912235 +460 1142 4 882911203 +460 1171 3 882912235 +460 1251 3 882912285 +460 1380 3 882912469 +461 9 5 885356112 +461 50 3 885356089 +461 121 2 885355890 +461 158 2 885355930 +461 242 3 885355735 +461 255 2 885355890 +461 258 4 885355735 +461 259 2 885355679 +461 269 3 885355705 +461 285 4 885356112 +461 294 3 885355805 +461 302 3 885355646 +461 304 4 885355805 +461 305 2 885355757 +461 313 4 885355646 +461 319 3 885355778 +461 321 3 885355757 +461 327 4 885355757 +461 347 4 885355679 +461 575 2 885355930 +461 682 1 885355705 +461 748 1 885355839 +461 1006 5 885355890 +462 11 5 886365498 +462 22 5 886365498 +462 100 4 886365387 +462 136 4 886365498 +462 181 4 886365443 +462 237 5 886365387 +462 259 3 886365773 +462 261 2 886365773 +462 271 1 886365928 +462 272 5 886365142 +462 288 5 886365260 +462 289 5 886365837 +462 292 5 886365260 +462 300 5 886365260 +462 310 5 886365197 +462 313 5 886365231 +462 315 4 886365837 +462 321 5 886365734 +462 322 5 886365773 +462 323 2 886365837 +462 326 4 886365297 +462 328 5 886365773 +462 330 3 886365803 +462 332 5 886365706 +462 346 1 886365928 +462 358 1 886365638 +462 539 3 886365773 +462 655 5 886365467 +462 678 3 886365335 +462 866 5 886365387 +462 873 4 886365706 +462 895 4 886365297 +463 1 1 890453075 +463 3 2 877386083 +463 7 4 877385180 +463 10 1 890453075 +463 13 3 877385664 +463 14 1 890453075 +463 15 4 877385287 +463 16 4 877385830 +463 19 5 877385341 +463 20 5 877385590 +463 21 1 890453075 +463 24 3 877385731 +463 25 3 877385664 +463 50 4 890530818 +463 93 4 877385457 +463 100 4 877385237 +463 103 1 890530703 +463 107 3 889936181 +463 111 2 877385414 +463 112 1 890530721 +463 116 5 877385381 +463 117 3 877385731 +463 121 3 877385797 +463 124 5 877385381 +463 125 4 877385590 +463 126 4 877385531 +463 127 5 890530105 +463 129 2 877385287 +463 137 2 877385237 +463 147 3 877386047 +463 149 2 877385341 +463 150 2 889943683 +463 151 4 877385341 +463 221 5 877385180 +463 224 3 877385181 +463 225 3 877385489 +463 235 2 877385457 +463 237 4 877385237 +463 242 2 889935629 +463 243 1 877384970 +463 244 4 877387935 +463 246 4 877387935 +463 248 3 889935953 +463 249 2 889936035 +463 250 4 889935953 +463 253 5 877387935 +463 257 4 889935910 +463 258 5 877387935 +463 268 4 877384940 +463 269 5 877384802 +463 270 3 889936535 +463 271 1 889943811 +463 274 3 877385664 +463 275 5 877385287 +463 276 3 877385287 +463 282 3 877385664 +463 283 5 877385287 +463 284 3 877385531 +463 285 4 877385125 +463 286 4 877387935 +463 288 1 889943851 +463 301 5 889936512 +463 302 5 877384835 +463 304 3 877384881 +463 306 4 877384836 +463 310 3 889936490 +463 311 4 889936814 +463 313 4 889935655 +463 319 1 889936589 +463 347 1 889936589 +463 362 1 889943741 +463 410 1 890530286 +463 455 3 877385457 +463 472 3 877385922 +463 473 4 877385731 +463 475 3 877385341 +463 476 3 877385664 +463 477 2 877385489 +463 508 4 877385125 +463 539 1 889936753 +463 544 4 877385415 +463 591 4 877385590 +463 593 1 877386923 +463 596 3 877385731 +463 597 2 890531227 +463 689 2 889936731 +463 690 4 877384802 +463 740 4 877385922 +463 741 1 889937778 +463 744 3 877385457 +463 749 3 877384882 +463 751 4 889943769 +463 764 2 877385457 +463 813 4 877385125 +463 819 1 889937778 +463 845 3 877385830 +463 864 3 890530351 +463 866 3 877385862 +463 870 2 877385615 +463 880 4 890452525 +463 887 5 890452468 +463 892 2 889936774 +463 926 1 890453075 +463 930 1 889936180 +463 936 2 890460826 +463 950 3 877385590 +463 952 1 890453075 +463 985 1 877386923 +463 988 2 877384836 +463 993 2 877387935 +463 1007 3 877387935 +463 1009 3 877386047 +463 1012 2 889935860 +463 1014 2 889936324 +463 1017 2 877385731 +463 1028 2 877386082 +463 1033 2 890530703 +463 1060 2 889936244 +463 1067 2 877385531 +463 1115 4 877385531 +463 1117 1 877385954 +463 1132 1 889937778 +463 1163 4 877385982 +463 1164 1 877385797 +463 1197 4 877385180 +463 1199 1 889937778 +463 1216 3 877387935 +463 1244 1 890530329 +463 1284 4 877385381 +463 1377 4 889935837 +463 1383 2 890530703 +463 1605 2 877387935 +463 1606 2 889936565 +464 12 5 878355167 +464 16 4 878355211 +464 50 4 878354966 +464 116 4 878355167 +464 127 5 878354966 +464 176 4 878355211 +464 181 3 878354998 +464 194 5 878355259 +464 248 5 878354998 +464 249 2 878355119 +464 255 4 878355061 +464 257 4 878355088 +464 258 5 878354626 +464 259 4 878354859 +464 260 2 878354859 +464 264 4 878354886 +464 269 5 878354626 +464 270 4 878354762 +464 286 3 878354626 +464 288 4 878354626 +464 289 4 878354626 +464 292 5 878354722 +464 293 5 878355033 +464 294 4 878354721 +464 295 5 878355033 +464 298 4 878355061 +464 299 4 878354791 +464 300 4 878354626 +464 301 4 878354829 +464 302 5 878354626 +464 307 5 878354859 +464 321 4 878354680 +464 322 3 878354680 +464 326 4 878354761 +464 328 3 878354722 +464 332 4 878354761 +464 333 4 878354761 +464 358 3 878354680 +464 479 4 878355167 +464 482 5 878355258 +464 510 4 878355167 +464 515 5 878354965 +464 520 5 878355167 +464 603 5 878355259 +464 678 3 878354722 +464 705 5 878355258 +464 709 5 878355258 +464 748 4 878354681 +464 879 4 878354791 +464 984 2 878354681 +464 1025 2 878354829 +464 1226 4 878355033 +464 1598 3 878355088 +465 1 4 883530054 +465 7 5 883529916 +465 8 4 883530991 +465 12 4 883530088 +465 22 3 883531246 +465 28 3 883531110 +465 32 3 883531026 +465 48 3 883530313 +465 50 4 883530778 +465 56 4 883531110 +465 64 5 883530088 +465 87 4 883530054 +465 97 2 883532120 +465 98 4 883531409 +465 100 3 883532119 +465 109 3 883532119 +465 114 4 883530190 +465 127 4 883530667 +465 132 4 883531325 +465 134 4 883530133 +465 135 3 883531380 +465 136 4 883530133 +465 143 4 883531380 +465 151 3 883530818 +465 154 2 883532119 +465 169 4 883531072 +465 172 3 883531026 +465 174 3 883531409 +465 175 5 883530054 +465 179 3 883531325 +465 180 3 883530015 +465 181 3 883530521 +465 190 4 883530054 +465 191 4 883530133 +465 194 4 883531072 +465 198 2 883532119 +465 199 3 883531026 +465 202 4 883531487 +465 216 3 883531284 +465 257 4 883530818 +465 258 5 883529482 +465 275 4 883530521 +465 281 2 883532120 +465 283 3 883530560 +465 286 4 883529338 +465 300 3 883529601 +465 318 4 883531487 +465 319 3 883529372 +465 357 4 883531325 +465 395 1 883532120 +465 404 2 883532120 +465 408 5 883530391 +465 423 3 883531533 +465 428 3 883531246 +465 474 3 883531246 +465 475 3 883530313 +465 477 4 883530742 +465 478 4 883531246 +465 481 4 883529984 +465 496 3 883531246 +465 511 4 883530991 +465 513 5 883530015 +465 525 3 883531111 +465 528 3 883530190 +465 529 3 883529984 +465 584 3 883531325 +465 588 4 883531380 +465 603 4 883531284 +465 615 3 883530991 +465 638 3 883531380 +465 651 3 883531155 +465 656 3 883531410 +465 705 4 883531444 +465 835 3 883531026 +465 836 3 883531155 +465 845 4 883530743 +465 855 4 883531444 +465 868 2 883532119 +465 929 3 883530818 +465 1078 2 883532119 +466 2 1 890284819 +466 4 3 890285034 +466 7 4 890284819 +466 11 3 890284707 +466 17 5 890284766 +466 22 5 890284706 +466 24 4 890285159 +466 27 3 890285113 +466 33 4 890285113 +466 50 5 890284819 +466 55 4 890284857 +466 56 4 890284706 +466 62 3 890285159 +466 68 3 890285159 +466 79 3 890284706 +466 82 3 890284819 +466 87 3 890285706 +466 89 3 890284819 +466 92 4 890285034 +466 95 2 890285788 +466 96 5 890284819 +466 98 3 890285762 +466 117 5 890285034 +466 121 3 890285034 +466 127 3 890284766 +466 128 2 890284819 +466 144 5 890284707 +466 161 2 890285113 +466 172 4 890284706 +466 173 3 890285762 +466 174 5 890284706 +466 176 4 890284766 +466 181 4 890284857 +466 182 4 890284706 +466 183 3 890284766 +466 184 4 890285113 +466 187 3 890284857 +466 188 3 890284766 +466 195 4 890284857 +466 210 4 890284706 +466 226 4 890285034 +466 231 1 890285159 +466 232 4 890284903 +466 241 5 890284857 +466 258 4 890284652 +466 260 4 890283592 +466 265 3 890285159 +466 268 2 890282759 +466 269 2 890282759 +466 273 4 890284857 +466 288 4 890284651 +466 292 4 890284651 +466 294 3 890282986 +466 300 3 890282795 +466 302 5 890284651 +466 306 5 890284231 +466 308 1 890282957 +466 313 5 890284651 +466 315 5 890284231 +466 321 2 890282986 +466 324 1 890283690 +466 326 3 890282925 +466 327 3 890282956 +466 328 4 890284652 +466 331 5 890284231 +466 333 4 890284652 +466 334 3 890283690 +466 344 5 890284231 +466 346 3 890283056 +466 349 2 890283636 +466 350 4 890284651 +466 354 2 890282795 +466 357 4 890285706 +466 385 4 890284819 +466 403 3 890284857 +466 405 3 890284903 +466 455 3 890285113 +466 510 2 890284857 +466 518 4 890284903 +466 546 4 890285159 +466 550 3 890284903 +466 566 3 890284819 +466 568 3 890285034 +466 651 3 890284819 +466 679 3 890285159 +466 682 1 890282957 +466 684 4 890285034 +466 748 2 890283592 +466 873 2 890283056 +466 882 5 890284231 +466 885 2 890283667 +466 895 3 890283056 +466 898 1 890283667 +466 899 5 890284231 +466 902 5 890283497 +466 908 4 890284651 +466 909 5 890284231 +466 995 5 890284231 +466 1176 5 890284651 +466 1313 3 890283690 +466 1607 5 890284231 +467 1 4 879532459 +467 7 5 879532385 +467 10 4 879532496 +467 24 4 879532496 +467 50 4 879532385 +467 93 4 879532595 +467 100 5 879532420 +467 108 4 879532744 +467 109 5 879532550 +467 117 2 879532437 +467 124 5 879532534 +467 127 5 879532478 +467 150 4 879532385 +467 181 3 879532420 +467 222 3 879532651 +467 240 3 879532773 +467 246 5 879532534 +467 248 3 879532651 +467 249 3 879532671 +467 257 4 879532512 +467 258 2 879532164 +467 264 2 879532296 +467 268 5 879532164 +467 269 4 879532145 +467 273 4 879532565 +467 276 5 879532460 +467 288 4 879532804 +467 293 4 879532385 +467 298 4 879532385 +467 302 4 879532127 +467 327 4 879532164 +467 340 3 879532198 +467 455 3 879532744 +467 475 4 879532460 +467 742 2 879532671 +467 762 3 879532478 +467 919 2 879532535 +467 1011 2 879532630 +467 1012 3 879532534 +467 1016 4 879532671 +467 1017 2 879532403 +467 1059 4 879532693 +467 1142 5 879532478 +467 1226 4 879532744 +468 1 5 875280395 +468 4 5 875296868 +468 5 3 875287686 +468 7 3 875280214 +468 8 4 875288196 +468 9 5 875280041 +468 12 4 875291902 +468 13 4 875280104 +468 15 4 875280518 +468 19 4 875280126 +468 22 5 875287686 +468 23 4 875287535 +468 24 3 875280462 +468 25 5 875280214 +468 31 3 875287615 +468 39 3 875296309 +468 42 4 875294549 +468 44 4 875302208 +468 47 5 875301056 +468 50 5 875280352 +468 51 3 875293386 +468 55 5 875287615 +468 56 5 875286450 +468 58 4 875288771 +468 64 5 875286450 +468 65 3 875294549 +468 69 4 875291570 +468 70 3 875287535 +468 71 5 875295148 +468 82 5 875292320 +468 89 4 875291722 +468 91 5 875301056 +468 95 4 875287826 +468 96 5 875295148 +468 97 5 875288503 +468 98 5 875288196 +468 100 5 875279269 +468 111 4 875280518 +468 116 4 875280180 +468 117 2 875280499 +468 118 3 875280417 +468 121 4 875280628 +468 124 5 875280331 +468 126 3 875280214 +468 127 4 875280126 +468 132 5 875292134 +468 135 5 875287895 +468 137 4 875280126 +468 143 5 875288197 +468 144 5 875287826 +468 150 5 875280309 +468 153 5 875287720 +468 157 4 875294741 +468 159 3 875292320 +468 160 3 875295148 +468 161 3 875296309 +468 170 4 875301056 +468 172 4 875293386 +468 173 5 875295093 +468 174 5 875294549 +468 178 5 875296401 +468 180 5 875291902 +468 181 3 875280041 +468 182 5 875292320 +468 191 4 875287686 +468 192 4 875291403 +468 195 5 875291902 +468 200 4 875292319 +468 204 5 875287826 +468 209 5 875296309 +468 214 5 875288771 +468 216 5 875288771 +468 218 4 875294971 +468 222 4 875279269 +468 226 2 875302208 +468 237 4 875280181 +468 238 3 875286036 +468 246 5 875280352 +468 248 4 875280352 +468 249 3 875280310 +468 251 4 875280180 +468 257 4 875280417 +468 258 4 875279126 +468 273 2 875280499 +468 275 4 875280143 +468 283 4 875280331 +468 285 4 875280104 +468 286 4 875279126 +468 293 5 875280395 +468 294 3 875279153 +468 297 4 875280462 +468 318 5 875293386 +468 321 3 875279126 +468 357 5 875294549 +468 367 4 875296868 +468 372 2 875301098 +468 377 2 875288503 +468 405 2 875280462 +468 411 3 875284879 +468 423 4 875296868 +468 427 5 875291722 +468 428 4 875291403 +468 432 5 875287826 +468 435 4 875292027 +468 461 4 875291570 +468 462 4 875288196 +468 469 4 875296309 +468 471 3 875279269 +468 475 4 875280041 +468 498 5 875291571 +468 507 5 875295412 +468 508 4 875280539 +468 529 3 875287686 +468 531 4 875295368 +468 544 3 875280417 +468 582 3 875287535 +468 584 4 875288771 +468 603 5 875296309 +468 612 4 875294549 +468 642 3 875291403 +468 647 5 875293386 +468 655 5 875294464 +468 662 4 875291570 +468 692 4 875292027 +468 699 3 875287686 +468 724 4 875287615 +468 742 3 875280310 +468 772 4 875291722 +468 826 3 875284096 +468 856 4 875302155 +468 926 2 875280331 +468 943 3 875287721 +468 952 3 875280310 +468 955 4 875288504 +468 963 5 875286036 +468 1008 4 875283843 +468 1012 4 875280462 +468 1014 3 875280539 +468 1016 3 875280670 +468 1051 2 875284635 +468 1070 5 875301653 +468 1134 5 875280670 +468 1168 2 875302155 +469 10 5 879525373 +469 64 5 879523802 +469 65 4 879524178 +469 127 4 879525373 +469 134 5 879524062 +469 136 4 879524062 +469 152 4 879523947 +469 153 4 879523891 +469 161 3 879523802 +469 168 4 879524006 +469 173 4 879524178 +469 194 5 879524116 +469 199 4 879524006 +469 215 4 879523802 +469 238 4 879525237 +469 286 5 879450367 +469 306 4 879450473 +469 474 5 879524117 +469 483 5 879524177 +469 484 5 879524062 +469 487 5 879524178 +469 490 5 879524485 +469 495 5 879525237 +469 499 5 879524485 +469 507 5 879523803 +469 510 4 879523802 +469 511 5 879524062 +469 513 5 879523891 +469 520 4 879523947 +469 530 5 879524376 +469 582 5 879524266 +469 603 5 879524376 +469 605 4 879524302 +469 607 5 879524117 +469 610 4 879523947 +469 611 5 879525237 +469 641 4 879524241 +469 654 4 879524177 +469 656 5 879524116 +469 705 5 879524302 +469 855 4 879524302 +469 923 5 879523891 +469 1558 5 879524177 +470 1 3 879178428 +470 7 3 879178518 +470 9 5 879178370 +470 13 4 879178518 +470 19 4 879178813 +470 50 5 879178487 +470 93 4 879178518 +470 100 4 879178370 +470 118 4 879178645 +470 124 3 879178486 +470 125 4 879178969 +470 129 3 879178542 +470 137 3 879178406 +470 150 5 879178406 +470 181 4 879189434 +470 221 4 879178370 +470 222 3 879178711 +470 235 3 879178486 +470 246 2 879189432 +470 248 3 879189434 +470 257 4 879178568 +470 258 4 879178216 +470 268 2 879178216 +470 273 3 879178370 +470 276 5 879178619 +470 277 4 879178593 +470 283 5 879178370 +470 284 4 879178884 +470 285 3 879178619 +470 286 4 879178216 +470 288 4 879178216 +470 291 2 879178777 +470 293 4 879178455 +470 294 3 879178237 +470 295 3 879178455 +470 305 4 879178257 +470 319 3 879178216 +470 327 3 879178274 +470 360 2 879189269 +470 458 4 879178542 +470 471 5 879178593 +470 475 4 879178568 +470 508 5 879178932 +470 544 3 879178830 +470 546 4 879178950 +470 742 4 879178455 +470 813 3 879178370 +470 824 4 879178731 +470 847 3 879178568 +470 874 3 879189137 +470 919 3 879178370 +470 950 3 879178645 +470 952 3 879178884 +470 1067 4 879178568 +470 1084 3 879178406 +470 1097 3 879178487 +470 1134 4 879178486 +471 1 4 889827881 +471 8 5 889827881 +471 50 3 889827757 +471 71 3 889828154 +471 82 5 889827822 +471 94 5 889828081 +471 95 4 889827822 +471 99 2 889827918 +471 102 5 889828081 +471 140 5 889827918 +471 151 2 889828154 +471 172 4 889827822 +471 225 5 889828026 +471 393 5 889827918 +471 404 2 889827757 +471 418 3 889827757 +471 420 1 889828027 +471 422 5 889827982 +471 432 1 889827822 +471 465 5 889827822 +471 477 5 889827918 +471 501 3 889828027 +471 588 1 889827881 +471 596 1 889827881 +471 627 1 889827881 +471 768 3 889827982 +471 878 4 889827710 +471 932 5 889828027 +471 946 2 889827982 +471 969 2 889828154 +471 1219 4 889828026 +472 1 5 892790627 +472 2 5 892790676 +472 3 5 892790676 +472 4 3 875980418 +472 7 5 892790953 +472 11 5 892790676 +472 12 5 892791017 +472 21 3 875978686 +472 22 5 892790953 +472 24 5 892791017 +472 27 4 875980283 +472 28 5 892791063 +472 29 5 875982867 +472 33 5 875981829 +472 38 4 875981358 +472 41 4 875982511 +472 43 4 875982560 +472 49 5 875982607 +472 50 5 875978010 +472 51 5 875981708 +472 56 5 875979853 +472 62 5 875981876 +472 63 4 875982511 +472 64 5 875981829 +472 66 5 875981158 +472 67 4 892790628 +472 68 5 892791017 +472 69 5 892790628 +472 71 2 875981281 +472 72 5 892791017 +472 73 4 875981317 +472 78 1 875982967 +472 79 5 892790953 +472 80 3 875981230 +472 82 5 892791017 +472 88 2 875982607 +472 90 5 892791063 +472 91 5 892791063 +472 94 5 892791063 +472 95 3 875980209 +472 96 5 875980823 +472 97 3 875981281 +472 99 3 875981595 +472 100 5 875978534 +472 101 5 875981624 +472 105 3 875979402 +472 109 4 875978686 +472 117 3 875978740 +472 118 4 875979082 +472 120 5 883904649 +472 121 5 875978600 +472 122 3 875979153 +472 123 4 875979317 +472 125 5 875979041 +472 132 5 875979853 +472 135 4 875982051 +472 140 3 875980823 +472 141 4 875982200 +472 143 4 875980823 +472 150 3 875978686 +472 151 3 875978867 +472 161 5 875982149 +472 168 5 892791062 +472 172 5 892791063 +472 173 5 875982641 +472 174 5 875981595 +472 175 5 875979910 +472 176 5 875981664 +472 177 4 875981358 +472 181 5 875978034 +472 183 5 875980376 +472 185 5 875980081 +472 186 5 888183325 +472 191 5 875980283 +472 193 5 875981789 +472 195 5 875982005 +472 196 4 875982005 +472 200 4 875981158 +472 202 5 875979737 +472 204 5 875980823 +472 208 5 875981317 +472 210 5 875981664 +472 214 4 875979964 +472 215 4 875981968 +472 216 4 875981230 +472 217 5 875982867 +472 218 4 875980120 +472 222 5 876882530 +472 226 5 875982867 +472 227 5 875981429 +472 228 5 875979910 +472 229 5 875982560 +472 230 5 875981876 +472 231 5 875980418 +472 232 4 875983321 +472 233 4 875981759 +472 234 4 875980081 +472 235 5 875978994 +472 239 5 875982398 +472 240 4 875979187 +472 250 5 875978059 +472 252 4 875978191 +472 254 4 875978191 +472 255 5 892791017 +472 257 4 875978096 +472 258 5 892790953 +472 260 4 875977827 +472 264 3 875977870 +472 265 4 892790676 +472 271 5 892790628 +472 288 5 875977682 +472 294 4 875977735 +472 313 5 892790628 +472 318 5 892791017 +472 323 4 892790117 +472 338 4 892790531 +472 343 5 892790628 +472 355 3 892790003 +472 356 3 875983231 +472 358 5 892790676 +472 362 5 892790627 +472 365 4 875983129 +472 366 4 892790952 +472 367 5 892790953 +472 368 3 875979685 +472 370 4 875979317 +472 373 4 875983129 +472 374 2 875982922 +472 375 5 875982680 +472 378 4 875981759 +472 380 5 875982511 +472 384 3 875982051 +472 385 5 892790676 +472 386 5 892790953 +472 391 2 875983129 +472 392 4 875981503 +472 393 3 875983129 +472 395 3 875982559 +472 400 5 892791062 +472 401 4 875982727 +472 402 5 892791063 +472 403 5 875982200 +472 404 3 875982922 +472 405 5 875978600 +472 411 4 875979113 +472 416 3 875982867 +472 417 4 875982337 +472 418 3 875980120 +472 419 4 875982337 +472 420 3 875982149 +472 421 5 875982200 +472 423 5 892791017 +472 426 4 875980010 +472 431 5 875982607 +472 432 5 875979964 +472 443 4 875982149 +472 449 5 875982967 +472 455 4 883903686 +472 465 3 875982149 +472 472 5 875979153 +472 473 4 875978867 +472 475 5 892791017 +472 477 5 875978387 +472 485 3 875980377 +472 496 4 875980823 +472 501 3 875982868 +472 540 3 875982239 +472 541 5 892791017 +472 546 4 875979041 +472 548 1 875982867 +472 549 5 892791063 +472 550 5 875983066 +472 552 5 892790576 +472 554 5 875982771 +472 559 5 875981708 +472 561 5 875982050 +472 562 5 875983023 +472 566 4 875982727 +472 567 4 875982922 +472 568 5 892790676 +472 569 4 892790676 +472 576 5 892790952 +472 577 3 875982680 +472 578 5 892790952 +472 581 4 875981551 +472 584 1 875980377 +472 588 3 875979797 +472 597 5 892791062 +472 603 5 875980376 +472 609 5 875981551 +472 625 4 875981968 +472 633 4 875981428 +472 651 4 875981830 +472 655 5 875982397 +472 658 5 875983231 +472 660 5 875982096 +472 665 4 875983023 +472 672 4 875982771 +472 678 4 883904118 +472 682 4 887297923 +472 685 3 875978740 +472 689 4 883903273 +472 715 4 875982607 +472 720 5 875982096 +472 739 5 875982967 +472 742 5 883903715 +472 743 4 883904504 +472 746 5 875983023 +472 747 5 875982051 +472 748 5 875977682 +472 751 5 892790628 +472 755 4 875981829 +472 756 4 875978922 +472 758 1 875979359 +472 760 5 892790953 +472 763 4 875978922 +472 768 5 875982771 +472 771 4 875983427 +472 780 4 875982922 +472 790 3 875981968 +472 796 4 875981595 +472 810 5 875982922 +472 825 5 875979439 +472 826 3 883904224 +472 831 5 875979498 +472 834 3 875979685 +472 866 5 875978600 +472 877 3 892789947 +472 890 4 883903272 +472 895 4 892790628 +472 916 5 892790627 +472 924 2 875978994 +472 928 4 875979562 +472 930 5 875979317 +472 931 2 883904681 +472 940 4 875982560 +472 946 2 875981122 +472 951 1 875983426 +472 977 3 875979317 +472 1002 4 883904649 +472 1011 4 875979187 +472 1014 4 875978191 +472 1029 4 875983321 +472 1034 3 875979359 +472 1035 4 875981759 +472 1036 4 875983484 +472 1047 4 875979082 +472 1053 4 875982397 +472 1058 4 875980081 +472 1074 5 892790676 +472 1079 4 883904360 +472 1090 5 875983321 +472 1091 4 875982804 +472 1095 4 883904614 +472 1110 5 875981429 +472 1119 5 875983023 +472 1139 5 875983231 +472 1210 3 875983484 +472 1215 4 875979562 +472 1228 4 875983270 +472 1239 5 892790676 +472 1248 4 875983427 +472 1469 4 875982337 +473 7 2 878157329 +473 9 5 878157357 +473 10 3 878157527 +473 14 4 878157242 +473 20 3 878157568 +473 25 4 878157427 +473 116 5 878157544 +473 124 4 878157357 +473 127 5 878157299 +473 129 4 878157329 +473 137 4 878157357 +473 150 5 878157329 +473 242 3 878156824 +473 246 5 878157404 +473 256 4 878157648 +473 257 4 878157456 +473 268 5 878156932 +473 273 5 878157329 +473 275 5 878157527 +473 276 4 878157404 +473 285 4 878157404 +473 293 4 878157507 +473 302 4 878156824 +473 303 4 878156932 +473 319 3 878156824 +473 321 2 878156950 +473 327 3 878156857 +473 475 5 878157299 +473 508 2 878157456 +473 547 3 878157600 +473 813 3 878157427 +473 1007 4 878157329 +473 1129 4 878157507 +473 1142 5 878157299 +473 1143 4 878157242 +474 4 5 887927588 +474 7 5 887915414 +474 8 5 887925497 +474 9 5 887916203 +474 11 5 887924571 +474 12 5 887924683 +474 13 5 887915684 +474 14 5 887915306 +474 15 5 887915600 +474 22 4 887924571 +474 23 4 887925620 +474 25 5 887916608 +474 26 4 887927509 +474 28 4 887924619 +474 31 4 887926573 +474 42 4 887923923 +474 44 3 887926998 +474 45 5 887924618 +474 47 4 887927339 +474 48 4 887923923 +474 50 5 887915221 +474 52 4 887925751 +474 55 4 887926271 +474 56 5 887924083 +474 58 4 887925977 +474 59 3 887923708 +474 60 3 887925620 +474 61 3 887924619 +474 64 5 887924027 +474 66 4 887926437 +474 68 3 887926804 +474 69 5 887924618 +474 70 4 887928498 +474 71 5 887926872 +474 72 3 887927457 +474 73 3 887928793 +474 76 4 887926573 +474 77 5 887926106 +474 79 5 887924027 +474 83 3 887925977 +474 86 4 887927456 +474 87 4 887925916 +474 88 4 887926106 +474 89 5 887924425 +474 92 4 887927509 +474 96 4 887925497 +474 97 5 887924028 +474 98 5 887924027 +474 99 4 887927339 +474 100 5 887915413 +474 107 3 887915722 +474 111 4 887916203 +474 116 5 887915366 +474 117 4 887915306 +474 121 4 887916260 +474 124 5 887915269 +474 126 4 887915366 +474 127 5 887915188 +474 131 4 887927509 +474 132 4 887924683 +474 134 4 887923972 +474 135 5 887924424 +474 136 4 887925187 +474 137 5 887915188 +474 141 4 887926059 +474 143 4 887926573 +474 150 5 887915188 +474 151 3 887916203 +474 161 4 887926633 +474 168 3 887927670 +474 170 4 887925620 +474 171 4 887926804 +474 172 5 887923789 +474 173 5 887924027 +474 174 5 887925750 +474 175 4 887925497 +474 176 5 887923972 +474 178 4 887926105 +474 179 5 887924424 +474 180 5 887924028 +474 181 5 887915511 +474 182 5 887923924 +474 183 5 887924619 +474 185 5 887923923 +474 186 4 887925977 +474 187 5 887923708 +474 188 5 887926437 +474 190 3 887923972 +474 191 5 887923789 +474 192 4 887924571 +474 193 4 887925497 +474 194 5 887924571 +474 195 5 887923789 +474 196 5 887924469 +474 197 5 887923788 +474 198 3 887925621 +474 199 5 887927456 +474 200 3 887925497 +474 203 5 887926059 +474 204 4 887924084 +474 205 5 887924469 +474 207 4 887925751 +474 208 3 887925497 +474 209 5 887927670 +474 210 5 887928562 +474 211 5 887925751 +474 212 4 887927670 +474 213 4 887927509 +474 215 5 887926804 +474 216 4 887924683 +474 218 4 887927588 +474 221 4 888628044 +474 222 4 887915479 +474 227 4 887926872 +474 230 3 887927728 +474 234 5 887923788 +474 237 4 887915366 +474 238 4 887924083 +474 244 4 887915646 +474 248 4 887916438 +474 252 4 887916567 +474 255 4 887915600 +474 257 3 887915511 +474 258 4 887914688 +474 259 1 887914878 +474 265 5 887924425 +474 274 3 887916330 +474 275 3 887915269 +474 276 5 887915221 +474 282 4 887916411 +474 283 3 887915437 +474 284 4 887915645 +474 285 5 888628044 +474 286 5 887914646 +474 288 3 887914615 +474 289 3 887914906 +474 291 4 887916567 +474 293 4 887915269 +474 294 3 887916330 +474 298 3 887915645 +474 302 5 887914615 +474 313 4 887914615 +474 315 5 887914615 +474 316 5 887914979 +474 317 4 887925187 +474 318 5 887923708 +474 322 4 888627937 +474 323 2 887915020 +474 326 3 887914822 +474 343 3 887915082 +474 346 5 887914688 +474 356 5 887928793 +474 357 5 887924618 +474 378 4 887927152 +474 380 4 887927588 +474 381 4 887924683 +474 382 3 887927339 +474 385 4 887927670 +474 405 4 887916260 +474 410 2 887915645 +474 411 2 887915684 +474 414 4 887927153 +474 416 4 887926271 +474 418 3 887928562 +474 419 4 887925916 +474 421 3 887928562 +474 423 5 887924425 +474 427 5 887923924 +474 430 3 887925977 +474 431 4 887926999 +474 434 4 887928562 +474 435 5 887926573 +474 436 3 887926873 +474 448 5 887925751 +474 461 5 887924683 +474 462 4 887925497 +474 463 5 887927457 +474 467 4 887928498 +474 468 4 887926999 +474 469 4 887925916 +474 470 3 887926437 +474 471 3 887915307 +474 474 5 887923789 +474 475 4 887915479 +474 478 4 887926804 +474 479 5 887923972 +474 480 5 887925186 +474 481 4 887927153 +474 482 3 887925395 +474 483 5 887924424 +474 484 5 887925751 +474 485 4 887926804 +474 486 4 887924425 +474 487 4 887923972 +474 488 3 887925977 +474 489 4 887923972 +474 490 5 887926059 +474 491 4 887925187 +474 492 4 887925838 +474 493 4 887925837 +474 495 4 887927728 +474 496 4 887923708 +474 497 5 887926106 +474 498 4 887924683 +474 499 5 887924683 +474 503 4 887925838 +474 504 5 887924469 +474 505 5 887924425 +474 506 5 887924084 +474 507 4 887924424 +474 508 3 887915437 +474 509 5 887927457 +474 510 4 887925837 +474 511 5 887925620 +474 513 5 887924571 +474 514 4 887926632 +474 515 5 887915269 +474 517 4 887925916 +474 518 4 887926633 +474 519 4 887926872 +474 520 5 887925837 +474 521 5 887925977 +474 523 5 887924083 +474 525 4 887925837 +474 526 5 887927339 +474 527 5 887923923 +474 528 5 887923924 +474 529 5 887924571 +474 530 5 887926271 +474 549 5 887926999 +474 553 2 887927339 +474 566 5 887926632 +474 582 5 887927728 +474 584 5 887927728 +474 591 3 887915366 +474 601 5 887927509 +474 602 3 887926436 +474 603 5 887923788 +474 604 4 887926059 +474 605 3 887927670 +474 606 3 887924571 +474 607 4 887926872 +474 608 4 887925187 +474 609 4 887927509 +474 610 3 887924571 +474 611 4 887925395 +474 614 4 887926999 +474 615 4 887924619 +474 616 4 887924028 +474 617 3 887925620 +474 618 4 887927457 +474 628 4 887915414 +474 630 3 887928793 +474 633 4 887926436 +474 641 4 887926436 +474 642 4 887927152 +474 646 4 887925395 +474 647 4 887924571 +474 648 4 887926804 +474 649 4 887927588 +474 650 4 887925187 +474 651 5 887927670 +474 652 4 887925838 +474 653 4 887926999 +474 654 5 887924469 +474 655 5 887924083 +474 657 5 887924028 +474 659 5 887925187 +474 660 5 887926999 +474 661 4 887925620 +474 663 4 887924084 +474 664 4 887925620 +474 671 3 887926105 +474 676 3 887916369 +474 678 2 887915020 +474 684 4 887925977 +474 685 3 887915784 +474 692 4 887927588 +474 696 3 887916330 +474 697 4 887928498 +474 699 4 887927457 +474 705 3 887924619 +474 707 5 887925751 +474 708 4 887927339 +474 709 5 887928755 +474 729 4 887927152 +474 735 4 887924619 +474 736 3 887927509 +474 737 4 887926633 +474 744 3 887916260 +474 748 3 887914979 +474 756 1 887915646 +474 789 4 887927152 +474 792 4 887926573 +474 836 3 887926804 +474 848 4 887926998 +474 921 3 887926271 +474 923 4 887926632 +474 924 4 887915600 +474 929 3 887916330 +474 939 4 887928562 +474 943 4 887925751 +474 945 4 887923923 +474 956 4 887926271 +474 963 5 887926105 +474 966 4 887925837 +474 971 4 887924469 +474 996 3 887927153 +474 1009 4 887915722 +474 1011 4 887916203 +474 1014 3 887916567 +474 1016 3 887915567 +474 1020 3 887926573 +474 1028 1 887916438 +474 1045 4 887927728 +474 1050 4 887926106 +474 1063 5 887927728 +474 1113 3 887926059 +474 1123 4 887923924 +474 1124 4 887927152 +474 1134 3 887915306 +474 1172 4 887924469 +474 1200 4 887927339 +474 1221 4 887926999 +474 1286 2 887927670 +474 1421 4 887928562 +474 1518 3 887927338 +475 50 5 891627857 +475 70 4 891627606 +475 100 5 891452276 +475 127 4 891627857 +475 258 1 891451205 +475 259 5 891628024 +475 269 4 891451276 +475 286 2 891451276 +475 302 3 891451083 +475 303 1 891451341 +475 306 5 891451276 +475 313 2 891451083 +475 315 4 891452177 +475 316 5 891627927 +475 327 4 891451149 +475 347 4 891451341 +475 354 2 891627606 +475 381 4 891627606 +475 539 3 891451693 +475 902 5 891451402 +476 4 4 883364143 +476 26 4 883364475 +476 33 4 883364475 +476 42 4 883364295 +476 47 3 883364392 +476 56 4 883365019 +476 63 3 883365274 +476 66 3 883364433 +476 67 4 883365218 +476 70 3 883364680 +476 72 4 883364433 +476 73 4 883364475 +476 80 3 883364392 +476 83 3 883364143 +476 85 2 883364433 +476 88 4 883364717 +476 90 3 883364433 +476 94 2 883364780 +476 168 5 883364143 +476 173 5 883364218 +476 175 4 883364143 +476 186 5 883365019 +476 194 5 883364143 +476 201 4 883364324 +476 202 4 883364295 +476 204 4 883364325 +476 208 5 883364250 +476 209 4 883364218 +476 210 4 883364218 +476 211 5 883365019 +476 216 4 883364250 +476 232 3 883364250 +476 238 3 883364324 +476 239 4 883364475 +476 245 4 883365784 +476 268 4 883365503 +476 288 4 883365734 +476 294 3 883365634 +476 300 5 883365561 +476 319 1 883365561 +476 325 1 883365684 +476 328 4 883365684 +476 343 4 883365634 +476 367 3 883364475 +476 384 4 883365274 +476 386 2 883365135 +476 393 4 883365135 +476 399 3 883364812 +476 401 3 883364812 +476 430 4 883364143 +476 433 4 883364250 +476 435 3 883364218 +476 451 3 883364475 +476 579 2 883365385 +476 585 1 883365336 +476 648 4 883364295 +476 655 4 883365019 +476 692 3 883364143 +476 710 5 883364324 +476 712 3 883364475 +476 715 4 883364745 +476 732 3 883364250 +476 734 4 883365274 +476 738 3 883364812 +476 746 3 883364295 +476 748 2 883365634 +476 765 4 883365442 +476 780 3 883365274 +476 781 4 883365135 +476 790 4 883365274 +476 792 4 883365019 +476 890 1 883365989 +476 940 3 883365336 +476 944 2 883364813 +476 959 3 883364433 +476 999 2 883365385 +476 1036 2 883364780 +476 1037 1 883365384 +476 1074 4 883365274 +476 1118 3 883364392 +476 1180 3 883365336 +476 1188 2 883364780 +476 1271 2 883364433 +477 15 4 875941863 +477 20 4 875941888 +477 25 5 875940755 +477 36 4 875941224 +477 49 5 875941155 +477 66 5 875941763 +477 88 5 875941085 +477 90 4 875941275 +477 111 5 875941763 +477 237 4 875940451 +477 255 5 875941763 +477 274 5 875941763 +477 275 5 875941763 +477 280 4 875941022 +477 282 4 875941948 +477 289 5 875941793 +477 294 4 875940693 +477 369 4 875940836 +477 451 5 875941763 +477 546 4 875941972 +477 553 5 875941155 +477 709 5 875941763 +477 722 5 875941763 +477 724 4 875941086 +477 731 4 875941275 +477 732 4 875941111 +477 739 4 875941191 +477 756 4 875940755 +477 778 4 875941191 +477 781 4 875941191 +477 794 4 875941111 +477 815 5 875941763 +477 846 4 875942042 +477 1041 5 875941225 +477 1051 5 875941763 +478 1 4 889387931 +478 7 1 889387871 +478 11 4 889395638 +478 12 5 889388862 +478 15 5 889397306 +478 17 2 889396180 +478 23 2 889388562 +478 26 5 889396212 +478 28 3 889395655 +478 32 3 889395678 +478 40 1 889398198 +478 41 3 889396330 +478 42 5 889388763 +478 48 4 889388587 +478 50 3 889396509 +478 64 5 889388862 +478 65 4 889395879 +478 68 1 889396582 +478 69 3 889388612 +478 71 3 889388790 +478 72 1 889397841 +478 77 1 889395879 +478 79 4 889388743 +478 81 4 889395977 +478 93 4 889387871 +478 96 2 889396509 +478 98 5 889388862 +478 100 5 889388863 +478 111 3 889397582 +478 122 2 889397778 +478 124 4 889387982 +478 134 2 889397467 +478 137 4 889398260 +478 143 5 889396797 +478 144 5 889396509 +478 145 1 889398599 +478 150 4 889388098 +478 151 5 889388038 +478 153 3 889396212 +478 160 2 889395921 +478 161 3 889396645 +478 168 4 889388697 +478 178 4 889388562 +478 182 5 889389014 +478 188 4 889396582 +478 195 4 889396509 +478 196 3 889395921 +478 202 4 889396256 +478 204 4 889388658 +478 216 5 889396029 +478 218 3 889396731 +478 219 2 889398289 +478 222 2 889387931 +478 231 1 889398598 +478 232 2 889396180 +478 235 2 889388357 +478 237 5 889388863 +478 238 3 889388818 +478 255 4 889398363 +478 276 5 889388862 +478 282 3 889398216 +478 283 4 889388137 +478 288 5 889388862 +478 300 3 889387471 +478 318 5 889389232 +478 327 3 889387577 +478 340 5 889398260 +478 350 1 889387418 +478 354 3 889397221 +478 357 5 889388724 +478 367 4 889396235 +478 369 3 889388429 +478 381 5 889397221 +478 392 2 889398571 +478 393 4 889397306 +478 403 2 889398645 +478 410 3 889388357 +478 412 4 889388249 +478 427 4 889388633 +478 433 3 889396330 +478 447 4 889396732 +478 451 5 889396282 +478 467 5 889395563 +478 469 3 889395879 +478 496 5 889388862 +478 518 4 889395638 +478 568 5 889396615 +478 591 3 889387958 +478 604 3 889398289 +478 616 4 889398260 +478 655 3 889395541 +478 658 3 889395977 +478 673 3 889395696 +478 684 4 889396531 +478 708 3 889397239 +478 710 5 889396029 +478 739 4 889398528 +478 743 1 889388534 +478 762 4 889388161 +478 763 5 889388375 +478 780 3 889397808 +478 843 5 889397582 +478 866 1 889388273 +478 869 2 889396102 +478 946 2 889396917 +478 959 4 889396049 +478 975 4 889388229 +478 1041 3 889396449 +478 1048 4 889388357 +478 1101 4 889396005 +478 1221 2 889398645 +478 1270 1 889396212 +478 1521 3 889397343 +479 1 5 879459939 +479 8 5 879461415 +479 15 3 879460140 +479 22 4 879461280 +479 24 3 879460236 +479 28 4 879461800 +479 31 4 889125905 +479 32 3 879461354 +479 50 4 879460160 +479 54 3 879462121 +479 55 4 879461207 +479 58 4 879461432 +479 62 3 879462007 +479 66 3 879462103 +479 70 4 879461630 +479 71 1 879461143 +479 79 4 879460894 +479 82 4 879461898 +479 88 4 879462041 +479 89 4 879460959 +479 95 4 879461818 +479 96 4 879460959 +479 97 3 879461651 +479 100 3 879460028 +479 101 4 879462185 +479 108 4 879460424 +479 111 4 879460323 +479 117 3 889125627 +479 118 3 887064767 +479 121 4 879460236 +479 122 1 879460648 +479 127 5 879460192 +479 131 3 879460999 +479 133 2 879461970 +479 135 4 879461255 +479 136 4 879461447 +479 137 4 889125448 +479 143 1 879461669 +479 144 4 879461741 +479 147 3 889125665 +479 148 2 879460354 +479 151 4 879461914 +479 153 4 879462140 +479 154 3 889126007 +479 157 5 879461856 +479 161 3 879461399 +479 164 4 879461781 +479 168 5 889126007 +479 169 5 879460917 +479 172 4 879461084 +479 173 5 879460984 +479 174 5 889125837 +479 175 4 879461102 +479 176 4 889125562 +479 177 4 889125665 +479 179 1 879461142 +479 180 4 879460819 +479 181 5 879460028 +479 182 4 879460984 +479 183 5 889125563 +479 185 4 879461604 +479 187 4 879460785 +479 188 2 879461545 +479 189 2 879461298 +479 190 4 879461354 +479 193 3 879460939 +479 195 4 879460939 +479 196 4 879461207 +479 197 4 879461102 +479 198 5 879460939 +479 199 5 879460863 +479 200 5 889125775 +479 201 4 879461142 +479 202 4 879461567 +479 203 3 879460893 +479 204 4 879461583 +479 205 3 879461015 +479 209 4 879460863 +479 210 4 889125866 +479 211 4 879461447 +479 213 4 879461039 +479 215 3 879461651 +479 216 3 879461399 +479 222 4 879460028 +479 226 3 879461280 +479 228 4 879461060 +479 230 4 879461898 +479 234 5 879461318 +479 235 3 879460503 +479 238 4 879461039 +479 241 3 879461800 +479 248 4 879460192 +479 249 2 879460236 +479 250 4 879460393 +479 252 2 879460628 +479 255 2 879460192 +479 257 4 879459955 +479 258 5 879459552 +479 261 1 879533993 +479 264 3 879459791 +479 265 4 879460918 +479 266 3 879459791 +479 270 4 879459641 +479 271 3 879459692 +479 272 4 889125255 +479 273 4 879459909 +479 274 4 879460370 +479 281 3 879460285 +479 282 5 879460049 +479 283 4 879460140 +479 286 1 879533972 +479 288 3 879459836 +479 294 3 879459578 +479 295 1 879460424 +479 298 3 879459909 +479 300 2 879459641 +479 304 4 879459692 +479 318 5 879461039 +479 324 1 879459611 +479 325 1 879459791 +479 328 4 879459611 +479 335 3 879459752 +479 338 1 887064372 +479 340 1 887064320 +479 356 3 879461951 +479 357 4 889125798 +479 358 1 879459732 +479 380 3 879462007 +479 385 2 879461567 +479 398 1 889125474 +479 403 3 879461988 +479 405 4 879460236 +479 408 5 879460091 +479 421 4 879460762 +479 422 3 879461207 +479 423 2 879461084 +479 431 4 879461741 +479 436 4 879461856 +479 455 4 889125853 +479 463 4 879460984 +479 470 5 889125718 +479 471 4 879460028 +479 472 1 879460354 +479 474 5 879461279 +479 475 1 879460028 +479 479 4 879461378 +479 480 5 889125737 +479 483 4 879460844 +479 485 3 879460844 +479 489 5 879460844 +479 490 4 879461337 +479 496 3 879461084 +479 498 5 879461179 +479 500 4 879461255 +479 509 4 879461756 +479 510 4 879461337 +479 511 5 879461280 +479 523 4 879460894 +479 526 4 879461378 +479 528 4 879461060 +479 535 3 887064690 +479 546 2 879460305 +479 566 3 879461800 +479 584 3 879461873 +479 588 1 879461378 +479 602 4 879461492 +479 604 3 879461084 +479 609 5 879461951 +479 616 4 879462062 +479 629 3 879461161 +479 632 5 879460785 +479 640 4 879462168 +479 647 5 879461039 +479 651 5 889125921 +479 655 4 879460959 +479 670 3 879461530 +479 680 3 887064404 +479 688 1 887064434 +479 692 3 879461700 +479 727 5 879461818 +479 732 4 879461120 +479 739 1 879461932 +479 748 3 879459710 +479 751 4 889125759 +479 752 3 889125284 +479 756 1 879462203 +479 831 2 879460562 +479 840 1 879460547 +479 879 4 879459657 +479 915 4 893281238 +479 931 2 879460681 +479 945 5 879460785 +479 986 1 879460648 +479 1007 4 879460140 +479 1013 1 879460453 +479 1016 3 879460254 +479 1028 1 879460192 +479 1039 4 879461015 +479 1142 5 879459939 +479 1244 3 887064647 +479 1444 1 879462121 +479 1608 2 889125499 +480 8 5 891208576 +480 12 5 891208433 +480 50 4 891207951 +480 56 4 891208492 +480 64 3 891208293 +480 79 4 891208718 +480 89 4 891208651 +480 96 4 891208623 +480 98 4 891208239 +480 100 4 891207715 +480 114 4 891208547 +480 127 3 891207715 +480 152 4 891208390 +480 165 5 891208390 +480 166 5 891208185 +480 169 5 891208327 +480 172 3 891208492 +480 174 5 891208356 +480 175 3 891208356 +480 183 4 891208651 +480 185 2 891208718 +480 190 5 891208265 +480 191 4 891208265 +480 197 3 891208215 +480 203 4 891208520 +480 208 2 891208650 +480 209 4 891208599 +480 213 5 891208492 +480 234 4 891208769 +480 237 2 891207836 +480 249 1 891207975 +480 257 4 891208037 +480 258 3 891207859 +480 265 3 891208390 +480 272 4 891207539 +480 294 1 891208058 +480 298 2 891207665 +480 302 4 891207539 +480 319 3 891207539 +480 347 3 891207605 +480 443 4 891208746 +480 462 4 891208520 +480 479 4 891208215 +480 483 3 891208293 +480 485 4 891208186 +480 504 4 891208822 +480 510 4 891208460 +480 511 4 891208599 +480 517 4 891208460 +480 527 4 891208327 +480 603 4 891208239 +480 615 4 891208185 +480 642 4 891208822 +480 654 4 891208718 +480 661 4 891208327 +480 705 4 891208520 +480 863 4 891208356 +480 1007 4 891207715 +480 1121 4 891208689 +480 1388 4 891207665 +481 4 3 885829196 +481 8 3 885828245 +481 42 3 885828426 +481 50 4 885827974 +481 66 3 885828203 +481 70 5 885828389 +481 86 5 885828650 +481 88 4 885829153 +481 98 4 885828574 +481 100 4 885828426 +481 144 4 885828732 +481 153 5 885828165 +481 163 4 885828389 +481 173 4 885828165 +481 181 5 885827974 +481 190 5 885828732 +481 191 5 885828543 +481 197 3 885828773 +481 198 4 885828686 +481 199 5 885828543 +481 202 4 885829240 +481 204 4 885829196 +481 207 3 885828619 +481 210 4 885828165 +481 211 5 885828426 +481 216 5 885828339 +481 238 4 885828245 +481 252 4 885828016 +481 283 5 885828389 +481 313 4 885827861 +481 318 1 885828807 +481 322 4 885828016 +481 367 3 885829153 +481 393 3 885829045 +481 427 4 885828807 +481 430 4 885829196 +481 435 5 885828510 +481 479 4 885828619 +481 484 4 885828686 +481 498 5 885828619 +481 500 4 885828732 +481 505 5 885828574 +481 507 4 885828773 +481 514 4 885829045 +481 524 5 885829045 +481 580 4 885829153 +481 596 4 885828773 +481 648 5 885828165 +481 650 3 885828650 +481 659 5 885829153 +481 663 4 885828297 +481 678 3 885828016 +481 692 4 885828339 +481 780 1 885829240 +481 1039 4 885828732 +481 1089 3 885828072 +482 50 4 887644063 +482 127 4 887644063 +482 243 2 887644023 +482 245 4 887643461 +482 249 2 887644102 +482 257 4 887644063 +482 258 2 887644023 +482 269 4 887643096 +482 286 3 887644023 +482 288 3 887644023 +482 289 3 887644023 +482 294 4 887643365 +482 295 3 887644063 +482 298 4 887644085 +482 301 4 887643315 +482 311 4 887643340 +482 313 5 887643146 +482 315 3 887643146 +482 321 3 887644023 +482 328 4 887643289 +482 346 3 887644022 +482 682 3 887644022 +482 748 4 887643365 +482 876 3 887644023 +482 881 3 887644022 +482 988 4 887643499 +483 1 4 878950971 +483 9 2 878952471 +483 12 2 878953999 +483 20 2 878952993 +483 50 5 878953485 +483 68 1 878953693 +483 91 3 884047427 +483 99 3 884047323 +483 101 2 884047278 +483 107 3 878951717 +483 109 5 882165734 +483 116 3 878951532 +483 121 2 878952692 +483 144 2 878954228 +483 151 2 878952582 +483 173 4 884047454 +483 180 2 878954086 +483 181 4 878950971 +483 195 3 878954753 +483 197 3 878953815 +483 199 3 882165665 +483 222 3 878953485 +483 227 3 878953592 +483 228 5 878953485 +483 229 3 878953485 +483 230 5 878953592 +483 237 3 878953019 +483 249 2 878952866 +483 250 3 878952837 +483 257 2 878952519 +483 258 4 878950353 +483 270 3 891917351 +483 271 3 881273325 +483 274 4 878953129 +483 275 4 878951388 +483 277 3 878952636 +483 283 5 878952582 +483 286 3 878950353 +483 290 3 878953199 +483 313 2 884046430 +483 318 3 884046480 +483 365 2 878953277 +483 380 3 878953592 +483 405 3 878952966 +483 432 3 884047278 +483 449 3 878953593 +483 450 4 878953593 +483 462 3 884047754 +483 473 3 878953090 +483 480 3 878953862 +483 510 3 878953751 +483 515 4 878950971 +483 538 2 886470912 +483 582 3 887677797 +483 612 3 878953751 +483 676 4 878950972 +483 743 1 893098548 +483 900 3 885170586 +483 1152 4 893098572 +484 1 5 881450058 +484 2 4 891195391 +484 4 4 891195154 +484 7 4 881449706 +484 9 1 881449910 +484 14 4 885237963 +484 15 5 881449527 +484 22 5 891194841 +484 24 1 881449826 +484 25 3 881449561 +484 28 5 880937193 +484 29 3 891195532 +484 38 4 891195532 +484 50 5 881254239 +484 51 4 891194910 +484 53 1 891195663 +484 56 5 891195057 +484 69 5 891194743 +484 70 5 891195036 +484 71 2 891194743 +484 73 4 891195199 +484 79 5 891195322 +484 82 4 891195444 +484 87 5 891195746 +484 88 4 891195179 +484 89 4 891195298 +484 94 4 891195856 +484 95 4 891195773 +484 96 5 891195323 +484 97 5 891194957 +484 98 4 891195687 +484 111 4 881450111 +484 117 4 881449561 +484 121 4 881449910 +484 122 2 889974407 +484 125 4 881450017 +484 135 4 891194820 +484 136 5 891194766 +484 141 4 891195886 +484 143 4 891195746 +484 144 4 891195298 +484 150 4 891195246 +484 151 4 881450017 +484 153 5 891194716 +484 161 4 891195444 +484 168 4 891195036 +484 172 5 891195298 +484 173 5 891195036 +484 174 5 891195298 +484 176 4 891195298 +484 181 5 881254239 +484 183 4 891195323 +484 186 4 891195219 +484 195 5 891195349 +484 197 4 891195973 +484 202 5 891195179 +484 204 5 891195057 +484 210 5 891194743 +484 211 4 891195036 +484 216 4 891195105 +484 222 5 883402900 +484 226 4 891195390 +484 227 5 891195506 +484 228 5 891195349 +484 229 5 891195476 +484 230 5 891195417 +484 231 2 891195476 +484 233 5 891195444 +484 234 4 891195687 +484 235 2 881450160 +484 237 3 881450112 +484 239 4 891195036 +484 241 3 891195390 +484 248 4 883973581 +484 250 4 891194646 +484 252 3 880270616 +484 255 3 882079980 +484 257 5 882079956 +484 258 5 883402900 +484 265 5 891195476 +484 274 4 881450085 +484 275 3 891195973 +484 293 5 881254899 +484 294 4 878060860 +484 300 4 887519214 +484 313 5 885237934 +484 315 3 883973609 +484 318 5 891194932 +484 343 2 883402932 +484 385 4 891195416 +484 392 4 891194932 +484 393 1 891195246 +484 399 4 891195565 +484 405 4 881450182 +484 415 3 891195857 +484 419 4 891195825 +484 422 3 891195825 +484 423 5 891195746 +484 427 5 891195746 +484 431 4 891194692 +484 449 4 891195602 +484 451 4 891195127 +484 463 4 882807416 +484 468 5 891194886 +484 471 4 881449737 +484 472 4 891195565 +484 510 4 889974386 +484 550 4 891195390 +484 554 4 891195565 +484 560 4 891195886 +484 562 3 891195565 +484 566 4 891195416 +484 568 3 891195417 +484 578 3 891195444 +484 588 5 891195773 +484 597 3 881450182 +484 625 4 891195825 +484 651 5 891194910 +484 655 5 891194820 +484 665 4 891195602 +484 679 2 891195476 +484 684 5 891195390 +484 692 5 891194998 +484 699 4 891195773 +484 720 4 891195532 +484 732 5 891194864 +484 742 3 881449737 +484 746 4 891195179 +484 755 4 891195825 +484 778 5 891195246 +484 823 4 891195506 +484 829 2 891195663 +484 849 3 891195506 +484 879 4 891194665 +484 924 5 880937157 +484 926 4 881450136 +484 930 3 880270596 +484 951 1 891195886 +484 1016 4 883402866 +485 242 5 891040423 +485 245 3 891041782 +485 269 4 891040493 +485 286 2 891040897 +485 288 3 891041171 +485 289 3 891041551 +485 294 1 891041103 +485 301 2 891041551 +485 302 5 891040423 +485 303 4 891040688 +485 307 3 891040967 +485 311 3 891040423 +485 313 4 891040423 +485 319 3 891041485 +485 321 3 891041275 +485 326 2 891041705 +485 328 2 891040560 +485 330 3 891042162 +485 341 4 891042027 +485 345 1 891040560 +485 346 4 891040967 +485 347 2 891040688 +485 538 3 891040560 +485 748 2 891041551 +485 752 3 891040967 +485 889 5 891040560 +486 1 4 879874870 +486 3 2 879875347 +486 6 4 879874902 +486 7 5 879874753 +486 9 5 879874449 +486 10 4 879874871 +486 13 4 879874811 +486 14 5 879874725 +486 15 3 879875278 +486 16 3 879874583 +486 20 3 879875069 +486 21 3 879875371 +486 25 4 879874838 +486 50 5 879874582 +486 93 4 879874629 +486 100 5 879875465 +486 106 1 879875408 +486 108 4 879874810 +486 109 3 879874902 +486 111 4 879874693 +486 117 3 879874939 +486 121 3 879875188 +486 123 3 879875278 +486 124 5 879874545 +486 125 3 879874970 +486 127 5 879874448 +486 129 4 879874939 +486 137 4 879874871 +486 146 2 879875188 +486 147 2 879875249 +486 148 2 879874903 +486 150 3 879874838 +486 151 2 879875041 +486 181 4 879874482 +486 220 3 879875441 +486 221 4 879875040 +486 222 3 879874939 +486 235 2 879875370 +486 236 3 879874629 +486 237 4 879874629 +486 242 4 879874018 +486 244 3 879875220 +486 245 3 879875441 +486 246 3 879874545 +486 248 4 879874663 +486 250 1 879874753 +486 251 5 879874582 +486 252 3 879875316 +486 255 3 879874692 +486 257 3 879875315 +486 258 5 879874064 +486 262 1 879874017 +486 264 3 879874262 +486 268 3 879874064 +486 269 4 879874388 +486 270 2 879874064 +486 273 3 879874871 +486 275 4 879874582 +486 276 4 879874969 +486 277 3 879874418 +486 279 4 879874939 +486 280 2 879875249 +486 281 3 879874629 +486 282 2 879875278 +486 284 2 879874784 +486 285 5 879874482 +486 286 2 879873973 +486 287 4 879875279 +486 288 4 879874153 +486 289 3 879874262 +486 292 4 879874388 +486 293 3 879874545 +486 294 2 879874187 +486 295 3 879874630 +486 297 4 879874629 +486 298 3 879874871 +486 299 1 879874113 +486 300 4 879874388 +486 301 4 879874113 +486 302 5 879873973 +486 303 4 879874388 +486 304 3 879874186 +486 305 3 879874218 +486 306 1 879874063 +486 307 3 879874388 +486 319 3 879874388 +486 321 3 879874153 +486 322 2 879874262 +486 324 4 879874262 +486 325 2 879874296 +486 327 3 879874112 +486 328 2 879873973 +486 331 2 879874112 +486 332 3 879874187 +486 333 2 879873973 +486 336 2 879874218 +486 405 4 879875040 +486 408 3 879874481 +486 458 3 879875069 +486 459 2 879875040 +486 460 4 879875316 +486 471 5 879874969 +486 473 3 879875188 +486 475 4 879874583 +486 476 3 879875371 +486 508 4 879874753 +486 515 5 879874417 +486 532 4 879874871 +486 544 4 879875249 +486 546 2 879875440 +486 547 3 879874753 +486 591 4 879874662 +486 595 2 879875408 +486 597 3 879875187 +486 620 2 879875441 +486 628 3 879875278 +486 678 1 879874297 +486 685 3 879875188 +486 689 2 879874064 +486 690 2 879873973 +486 696 3 879875041 +486 713 3 879874902 +486 717 2 879875440 +486 718 3 879874449 +486 741 3 879875221 +486 742 2 879874693 +486 748 2 879874218 +486 762 4 879874939 +486 766 4 879874417 +486 813 5 879874516 +486 818 3 879874784 +486 823 4 879875347 +486 825 2 879875188 +486 831 3 879875316 +486 845 4 879874995 +486 846 2 879875154 +486 864 3 879875041 +486 872 5 879874153 +486 874 3 879874297 +486 879 3 879874297 +486 880 5 879874112 +486 882 2 879874018 +486 883 3 879874388 +486 886 3 879874388 +486 887 5 879874218 +486 889 4 879873973 +486 919 3 879874902 +486 924 3 879875069 +486 926 2 879875408 +486 935 4 879874516 +486 936 3 879874629 +486 950 4 879875069 +486 975 3 879874783 +486 994 3 879874811 +486 995 4 879874388 +486 1011 4 879874939 +486 1014 3 879874784 +486 1016 2 879874970 +486 1017 3 879874970 +486 1047 2 879875316 +486 1079 2 879875347 +486 1082 2 879875221 +486 1086 3 879874482 +486 1093 4 879874692 +486 1094 2 879874838 +486 1120 3 879875465 +486 1129 4 879874726 +486 1134 3 879875040 +486 1137 5 879874545 +486 1142 5 879874725 +486 1143 3 879874726 +486 1171 3 879874417 +486 1176 3 879874388 +486 1197 4 879874582 +486 1202 4 879874995 +486 1226 4 879874902 +486 1272 3 879875154 +486 1302 3 879874515 +486 1322 3 879875347 +486 1369 3 879874582 +486 1375 3 879874449 +486 1379 3 879874515 +486 1405 5 879874516 +486 1514 4 879874663 +486 1589 3 879874515 +486 1598 5 879874583 +486 1609 3 879875220 +486 1610 2 879874811 +486 1611 3 879874692 +487 1 5 883443504 +487 2 3 883531122 +487 3 5 883444583 +487 4 4 883531003 +487 11 5 883445495 +487 12 5 883445580 +487 17 3 883531279 +487 22 5 883445495 +487 24 4 883444558 +487 25 1 883445130 +487 27 5 884044329 +487 28 4 883446352 +487 31 5 883446685 +487 38 2 884052069 +487 42 3 883446685 +487 43 3 884042206 +487 45 5 883446725 +487 48 2 883445540 +487 49 4 884036466 +487 50 4 883442018 +487 53 2 883447118 +487 55 5 883446685 +487 56 4 883528441 +487 58 5 883446907 +487 62 3 884042630 +487 64 5 883445859 +487 66 5 883530484 +487 67 3 884050247 +487 68 5 883530949 +487 69 4 883445859 +487 70 3 883530929 +487 71 3 883530786 +487 73 3 884050038 +487 76 4 883530484 +487 77 3 883530814 +487 79 5 883446543 +487 81 3 883531507 +487 82 5 883446252 +487 85 2 884044654 +487 87 5 883445606 +487 88 4 884024901 +487 92 4 883446600 +487 94 3 884050838 +487 95 4 883446872 +487 96 5 883446801 +487 97 5 883446600 +487 98 5 883446637 +487 99 4 883530434 +487 100 5 883442105 +487 111 3 883444558 +487 117 5 883443504 +487 121 4 883444832 +487 125 5 883444736 +487 128 5 883531333 +487 133 4 883530865 +487 136 5 883445606 +487 140 3 883531085 +487 143 3 883530841 +487 144 5 883446725 +487 150 5 883442430 +487 156 4 883446027 +487 160 4 884041685 +487 161 5 883530702 +487 172 4 883530409 +487 173 4 883445580 +487 174 5 883446404 +487 176 5 883445540 +487 178 5 883445540 +487 179 3 883528237 +487 181 4 883441956 +487 183 5 883446637 +487 188 4 883445900 +487 191 4 883446027 +487 194 5 883446322 +487 195 4 883446907 +487 196 5 883446830 +487 197 3 883446404 +487 202 5 883445943 +487 204 4 883445495 +487 206 4 883531003 +487 210 4 883529505 +487 215 4 883446027 +487 216 4 883530484 +487 218 2 883531507 +487 222 4 883442018 +487 226 3 883531085 +487 227 3 883531279 +487 229 3 884042207 +487 230 5 884036466 +487 231 1 884050940 +487 232 4 883530764 +487 237 4 883441813 +487 239 5 883531507 +487 248 1 883443504 +487 249 1 884637200 +487 252 1 883445079 +487 255 2 883441890 +487 257 4 883442260 +487 258 5 883440613 +487 259 2 883441083 +487 260 2 883441026 +487 265 5 883530236 +487 270 5 883440572 +487 272 5 885322350 +487 273 5 883443504 +487 274 4 883444631 +487 276 3 883444252 +487 280 5 883444860 +487 282 4 883442105 +487 286 2 883439831 +487 288 4 883440572 +487 289 2 883441083 +487 291 3 883445079 +487 293 5 883441813 +487 294 4 883440572 +487 298 5 883442431 +487 300 5 883441026 +487 301 4 883440613 +487 313 3 883439795 +487 318 3 883528237 +487 333 3 883440491 +487 340 1 883440613 +487 347 2 884806595 +487 349 3 885239880 +487 356 4 884024462 +487 366 3 883530929 +487 367 3 883530674 +487 378 5 883530973 +487 380 2 883531466 +487 385 4 883530454 +487 392 4 883529363 +487 393 4 884042207 +487 399 5 884046800 +487 402 4 883531507 +487 403 4 884050247 +487 404 4 883446725 +487 405 4 883443504 +487 411 3 883444793 +487 412 1 883445220 +487 419 3 883530644 +487 423 4 883446685 +487 426 3 884025034 +487 431 3 883529593 +487 432 3 883447015 +487 455 2 883444252 +487 462 2 883445859 +487 470 5 883530409 +487 471 3 883441956 +487 474 4 883445752 +487 501 4 883531122 +487 540 2 884050192 +487 541 3 884050711 +487 546 3 883444674 +487 549 4 884046879 +487 550 3 883530841 +487 559 3 884029657 +487 566 4 883529540 +487 568 4 883446322 +487 572 1 884050940 +487 578 3 884036466 +487 586 2 884051840 +487 588 5 883446725 +487 591 2 883444462 +487 596 5 883441956 +487 597 4 883444674 +487 620 3 883445168 +487 627 4 883531122 +487 628 4 883444558 +487 651 5 883445606 +487 652 5 883530374 +487 658 4 883530434 +487 672 4 884024462 +487 679 2 883530724 +487 684 5 883446543 +487 685 3 883444252 +487 686 4 884044329 +487 689 1 883441407 +487 692 5 883530434 +487 710 4 883445721 +487 713 4 883444631 +487 720 4 884036466 +487 727 3 884029774 +487 732 5 884025080 +487 735 4 884042206 +487 739 2 884046879 +487 742 5 883442053 +487 746 4 883529540 +487 747 4 883531466 +487 748 4 883440540 +487 768 3 884025080 +487 772 3 883530885 +487 779 2 884050879 +487 781 3 884030528 +487 783 4 884045361 +487 789 4 883446757 +487 790 3 884045135 +487 794 5 883530503 +487 802 4 884051006 +487 803 2 884045297 +487 809 2 884050192 +487 820 3 883444884 +487 823 1 883445302 +487 825 3 883444674 +487 833 4 888262381 +487 841 2 883445168 +487 845 4 883442260 +487 921 5 884042629 +487 932 3 883444941 +487 939 3 883446757 +487 941 3 884045297 +487 955 5 884024462 +487 956 4 883530702 +487 966 5 883530562 +487 978 1 883445251 +487 1011 3 883444768 +487 1016 5 883444515 +487 1019 5 883447117 +487 1035 4 884044329 +487 1044 3 884051761 +487 1074 1 884051840 +487 1188 3 884045361 +487 1209 4 884045135 +487 1217 3 884025080 +487 1220 4 884050879 +487 1244 2 883444859 +487 1276 2 885239896 +487 1314 1 883530929 +487 1410 5 883446637 +487 1425 4 884024462 +487 1440 4 884045494 +487 1446 3 883530814 +488 1 3 891294896 +488 8 3 891295067 +488 9 4 891294063 +488 11 1 891294158 +488 15 4 891294568 +488 22 4 891294108 +488 28 4 891293805 +488 31 4 891294439 +488 33 2 891294976 +488 50 4 891293974 +488 56 4 891294785 +488 58 3 891376081 +488 64 5 891294529 +488 69 4 891294209 +488 70 3 891294854 +488 71 3 891294606 +488 79 4 891294334 +488 82 4 891294942 +488 83 4 891294530 +488 87 5 891294297 +488 89 4 891294854 +488 96 3 891294014 +488 97 4 891293863 +488 98 4 891293698 +488 100 2 891293910 +488 111 4 891294785 +488 127 4 891294606 +488 132 3 891294108 +488 133 4 891294606 +488 134 2 891294707 +488 135 4 891294785 +488 136 4 891294158 +488 144 3 891293974 +488 153 2 891293974 +488 154 3 891293974 +488 162 3 891376081 +488 164 3 891293911 +488 168 4 891293910 +488 172 3 891293863 +488 173 4 891294473 +488 174 4 891294853 +488 176 4 891293734 +488 178 4 891294158 +488 180 2 891294439 +488 181 4 891376029 +488 182 3 891293734 +488 183 4 891293698 +488 185 4 891376137 +488 186 4 891294108 +488 187 3 891293863 +488 190 5 891376046 +488 191 3 891293974 +488 193 3 891293911 +488 196 3 891293974 +488 197 2 891294473 +488 198 4 891375822 +488 199 4 891293911 +488 200 2 891294606 +488 203 4 891295023 +488 205 4 891375784 +488 207 3 891294942 +488 208 4 891294298 +488 210 4 891294896 +488 211 4 891294158 +488 215 5 891294742 +488 216 2 891294785 +488 222 4 891376029 +488 223 4 891294158 +488 228 4 891294854 +488 230 3 891375900 +488 234 4 891293911 +488 238 1 891375965 +488 239 4 891294976 +488 243 3 891293400 +488 245 3 891292897 +488 258 4 891293606 +488 259 1 891293051 +488 260 2 891293304 +488 265 4 891294473 +488 269 3 891293606 +488 286 1 891292852 +488 288 2 891292682 +488 289 1 891293263 +488 292 3 891292651 +488 294 4 891293606 +488 299 3 891293051 +488 300 4 891293606 +488 304 4 891293606 +488 318 4 891293734 +488 321 3 891293152 +488 322 3 891293009 +488 323 1 891293263 +488 328 4 891293606 +488 333 4 891293606 +488 357 4 891293699 +488 358 3 891293051 +488 385 4 891294014 +488 405 3 891294014 +488 414 2 891293863 +488 418 3 891294530 +488 419 3 891294976 +488 429 4 891375991 +488 434 4 891294785 +488 468 5 891295023 +488 474 2 891294439 +488 478 3 891294530 +488 480 3 891376110 +488 483 3 891293660 +488 485 3 891294298 +488 486 4 891295023 +488 491 4 891294209 +488 492 2 891375784 +488 493 3 891294297 +488 496 4 891294246 +488 498 3 891294707 +488 500 4 891294568 +488 509 2 891294365 +488 510 4 891294854 +488 511 4 891294209 +488 514 2 891294063 +488 515 4 891293699 +488 520 4 891293660 +488 521 3 891294942 +488 523 3 891293699 +488 526 4 891294530 +488 527 3 891294473 +488 568 3 891294707 +488 589 3 891294400 +488 605 3 891294785 +488 612 4 891294210 +488 633 5 891294334 +488 651 5 891294014 +488 655 3 891294246 +488 659 3 891293771 +488 662 4 891294896 +488 678 2 891293400 +488 692 4 891294707 +488 705 4 891294473 +488 707 2 891294707 +488 724 3 891375751 +488 732 4 891294606 +488 742 4 891295023 +488 746 4 891293771 +488 748 4 891293606 +488 751 3 891292771 +488 754 4 891293606 +488 776 4 891294298 +488 845 3 891294853 +488 873 3 891293152 +488 880 3 891293606 +488 890 1 891293478 +488 1025 2 891293263 +488 1039 4 891294654 +488 1050 4 891294568 +489 243 4 891445389 +489 245 3 891366838 +489 258 5 891366570 +489 259 2 891445743 +489 260 3 891366693 +489 261 2 891449155 +489 263 2 891448268 +489 264 4 891445721 +489 266 5 891446232 +489 268 2 891448453 +489 269 3 891362740 +489 270 4 891448731 +489 271 4 891448706 +489 272 5 891448367 +489 286 4 891366571 +489 288 4 891366693 +489 289 2 891366748 +489 292 4 891366693 +489 294 3 891366748 +489 299 2 891447522 +489 300 5 891366571 +489 301 3 891366805 +489 302 5 891448109 +489 303 4 891448109 +489 304 3 891362812 +489 307 4 891363191 +489 308 4 891447653 +489 310 4 891449022 +489 312 2 891366748 +489 313 4 891362740 +489 315 5 891448389 +489 316 5 891447872 +489 319 3 891447218 +489 321 3 891447845 +489 322 5 891366571 +489 323 5 891445388 +489 324 3 891445320 +489 325 5 891445439 +489 326 4 891362773 +489 327 5 891448409 +489 328 4 891366748 +489 330 4 891445277 +489 331 5 891366606 +489 332 5 891447823 +489 333 4 891362740 +489 334 4 891448453 +489 338 3 891448200 +489 339 3 891448428 +489 340 4 891448367 +489 342 3 891445199 +489 343 5 891447913 +489 346 5 891362904 +489 347 5 891448774 +489 349 4 891449155 +489 351 5 891446623 +489 353 4 891449555 +489 355 5 891447872 +489 358 5 891445439 +489 359 5 891362812 +489 360 5 891362904 +489 457 3 891449254 +489 538 4 891448222 +489 539 4 891448834 +489 678 4 891366693 +489 680 5 891445439 +489 681 3 891366805 +489 682 4 891366606 +489 683 2 891449099 +489 687 3 891445439 +489 688 2 891448861 +489 689 5 891447913 +489 748 4 891366838 +489 749 4 891366571 +489 750 5 891448080 +489 751 5 891362773 +489 752 5 891448109 +489 754 5 891448109 +489 872 2 891448530 +489 873 3 891447008 +489 874 2 891448774 +489 875 2 891449465 +489 876 2 891447218 +489 878 2 891448565 +489 879 5 891366652 +489 880 2 891447302 +489 881 2 891447586 +489 883 2 891448811 +489 885 4 891448861 +489 887 2 891447845 +489 890 5 891447990 +489 892 3 891449532 +489 895 4 891448147 +489 897 2 891448565 +489 898 3 891366652 +489 902 4 891448931 +489 908 5 891446623 +489 948 2 891447960 +489 984 5 891362904 +489 988 3 891446982 +489 989 3 891446201 +489 991 3 891445439 +489 1025 5 891366652 +489 1238 4 891445352 +489 1243 4 891445231 +489 1265 2 891449466 +489 1280 3 891447653 +489 1293 5 891446623 +489 1612 5 891446623 +489 1613 4 891449466 +490 1 3 875427148 +490 7 3 875427739 +490 9 4 875428765 +490 15 1 875427739 +490 24 4 875428765 +490 50 5 875428765 +490 93 4 875427993 +490 100 3 875427629 +490 109 5 875428765 +490 117 1 875427948 +490 118 2 875428703 +490 123 2 875428570 +490 124 4 875427629 +490 126 2 875427812 +490 127 5 875428765 +490 137 3 875427739 +490 150 5 875428765 +490 151 1 875428185 +490 181 4 875427873 +490 222 3 875427103 +490 224 2 875428702 +490 237 1 875427993 +490 246 2 875427812 +490 255 1 875428309 +490 257 3 875428570 +490 258 2 875427021 +490 273 1 875427629 +490 277 3 875428531 +490 284 3 875427993 +490 286 2 875427021 +490 289 1 875427021 +490 292 3 875428185 +490 293 2 875427993 +490 298 3 875427532 +490 302 4 875428765 +490 333 3 875427021 +490 410 4 875428570 +490 455 4 875428152 +490 458 3 875428417 +490 473 2 875428417 +490 475 4 875427629 +490 515 3 875427224 +490 547 4 875428765 +490 596 1 875427225 +490 741 4 875427629 +490 764 1 875427993 +490 847 3 875427873 +490 919 4 875428765 +490 926 2 875428185 +490 952 2 875427532 +490 987 3 875428702 +490 993 1 875427739 +490 1012 3 875428416 +490 1067 2 875428309 +490 1128 4 875428765 +490 1383 1 875428417 +490 1386 4 875428416 +491 7 3 891185298 +491 12 5 891189305 +491 14 2 891185298 +491 19 4 891185209 +491 23 2 891189306 +491 45 5 891189631 +491 100 5 891186806 +491 116 5 891185209 +491 124 5 891185170 +491 127 3 891185129 +491 129 4 891185170 +491 190 4 891189631 +491 236 4 891185919 +491 237 3 891187226 +491 258 4 891189815 +491 273 5 891188230 +491 284 3 891185330 +491 285 5 891185919 +491 286 4 891184567 +491 294 2 891189842 +491 319 1 891184567 +491 325 1 891189876 +491 340 4 891189716 +491 408 5 891185298 +491 475 4 891185170 +491 493 4 891185129 +491 513 5 891189306 +491 654 5 891189306 +491 657 5 891189306 +491 684 5 891189575 +491 696 3 891188296 +491 900 5 891189761 +491 1281 3 891186806 +492 45 3 879969814 +492 56 5 879969878 +492 64 4 879969539 +492 69 3 879969385 +492 83 4 879969644 +492 86 3 879969454 +492 97 3 879969210 +492 100 4 879969292 +492 124 4 879969345 +492 127 5 879969879 +492 131 3 879969720 +492 134 3 879969644 +492 137 4 879969670 +492 153 4 879969454 +492 172 3 879969415 +492 185 3 879969512 +492 186 3 879969539 +492 187 5 879969878 +492 192 3 879969583 +492 193 4 879969415 +492 199 3 879969255 +492 205 4 879969692 +492 212 3 879969367 +492 221 3 879969454 +492 242 5 879969878 +492 275 2 879969210 +492 285 4 879969345 +492 286 4 879969099 +492 291 4 879969692 +492 318 5 879969878 +492 462 3 879969292 +492 474 5 879969879 +492 478 2 879969583 +492 479 3 879969583 +492 482 3 879969720 +492 483 2 879969210 +492 492 4 879969512 +492 511 5 879969879 +492 514 3 879969415 +492 521 5 879969644 +492 523 4 879969583 +492 527 5 879969879 +492 528 5 879969878 +492 531 4 879969539 +492 650 2 879969644 +492 651 3 879969814 +492 654 4 879969323 +492 657 3 879969345 +492 699 3 879969210 +492 772 1 879969512 +492 923 5 879969878 +492 1021 3 879969415 +492 1098 4 879969512 +492 1121 2 879969720 +492 1147 1 879969670 +493 1 3 884130416 +493 7 3 884130372 +493 11 3 884130852 +493 12 3 884132225 +493 22 5 884131114 +493 24 4 884130593 +493 25 4 884132717 +493 48 4 884130995 +493 50 5 884131553 +493 56 4 884130911 +493 59 5 884132315 +493 60 2 884131263 +493 61 4 884131263 +493 65 4 884132146 +493 69 5 884130995 +493 71 5 884131020 +493 79 5 884131287 +493 82 5 884132058 +493 89 4 884130933 +493 91 3 884132287 +493 95 5 884131287 +493 96 4 884130793 +493 98 4 884131460 +493 100 5 884130308 +493 109 4 884130416 +493 115 4 884131665 +493 117 5 884130416 +493 118 4 884132898 +493 121 5 884131690 +493 124 3 884130253 +493 127 3 884130416 +493 134 3 884132246 +493 150 5 884130495 +493 151 3 884130516 +493 154 4 884131952 +493 156 1 884130995 +493 168 5 884131143 +493 170 3 884131089 +493 171 5 884130825 +493 172 5 884131597 +493 173 4 884131114 +493 174 3 884131211 +493 175 4 884131933 +493 176 5 884132197 +493 180 4 884130793 +493 181 5 884130308 +493 182 5 884130971 +493 183 5 884132225 +493 186 5 884131897 +493 188 5 884131314 +493 191 4 884132225 +493 192 3 884132015 +493 195 3 884131314 +493 196 4 884130933 +493 201 5 884131089 +493 204 5 884130852 +493 208 4 884131897 +493 209 5 884130933 +493 210 5 884131620 +493 222 3 884130416 +493 234 5 884132037 +493 235 2 884130593 +493 238 3 884131985 +493 239 5 884131952 +493 249 4 884132784 +493 250 4 884130387 +493 252 4 884130619 +493 257 5 884130495 +493 258 5 884129725 +493 260 1 884129979 +493 262 3 884129793 +493 264 3 884129923 +493 265 5 884131048 +493 271 1 884129823 +493 273 4 884131717 +493 274 5 884131480 +493 275 1 884131357 +493 284 4 884130619 +493 288 4 884129823 +493 298 3 884130668 +493 300 4 884129725 +493 317 3 884132267 +493 318 5 884132315 +493 323 4 884129979 +493 327 5 884129868 +493 328 4 884129823 +493 333 4 884133084 +493 338 4 884130032 +493 343 3 884130074 +493 357 5 884130891 +493 358 4 884129979 +493 369 2 884130271 +493 404 4 884132351 +493 405 2 884130619 +493 410 4 884132883 +493 411 1 884132934 +493 423 2 884131020 +493 431 5 884132037 +493 435 5 884132015 +493 455 5 884131690 +493 462 2 884132015 +493 475 3 884130495 +493 483 5 884131534 +493 527 5 884132037 +493 528 5 884132246 +493 546 5 884131738 +493 550 4 884132181 +493 597 4 884131738 +493 647 4 884131287 +493 652 5 884131287 +493 678 3 884129979 +493 684 4 884132267 +493 687 1 884130055 +493 693 4 884132129 +493 742 3 884130253 +493 746 4 884131143 +493 751 5 884129793 +493 754 3 884129868 +493 762 4 884130439 +493 763 4 884130593 +493 806 3 884131143 +493 833 2 884131738 +493 876 1 884129923 +493 879 4 884129823 +493 881 1 884130009 +493 886 2 884129868 +493 890 3 884130074 +493 925 3 884130668 +493 959 2 884131263 +493 974 3 884132914 +493 1013 1 884131777 +493 1016 4 884130550 +493 1088 2 884131777 +493 1126 2 884131517 +493 1278 5 884130215 +494 1 3 879541374 +494 9 2 879541404 +494 15 5 879541475 +494 50 5 879541246 +494 64 5 879541207 +494 65 5 879541207 +494 86 3 879541298 +494 98 4 879541158 +494 100 5 879541475 +494 107 4 879541405 +494 121 4 879541429 +494 126 4 879541476 +494 127 5 879541080 +494 143 5 879541245 +494 174 5 879541112 +494 181 4 879541298 +494 183 5 879541158 +494 191 4 879541158 +494 194 4 879541298 +494 199 4 879541158 +494 204 5 879541298 +494 222 5 879541375 +494 237 4 879541375 +494 238 5 879541207 +494 245 3 879540720 +494 286 4 879540508 +494 289 1 879540630 +494 294 4 879540593 +494 300 5 879540593 +494 322 2 879540819 +494 323 3 879540901 +494 329 3 879540819 +494 357 5 879541245 +494 358 3 879540901 +494 427 5 879541112 +494 479 3 879541207 +494 498 4 879541246 +494 507 4 879541207 +494 514 2 879541246 +494 528 3 879541245 +494 603 3 879541298 +494 663 5 879541080 +494 707 4 879541112 +494 748 1 879540720 +494 845 4 879541429 +494 924 4 879541475 +494 1197 3 879541405 +495 1 4 888632943 +495 2 2 888635595 +495 4 3 888633129 +495 9 5 888632069 +495 11 5 888634536 +495 29 2 888636573 +495 44 3 888636032 +495 50 5 888632134 +495 53 1 888637440 +495 54 5 888637768 +495 55 2 888634389 +495 56 5 888632574 +495 62 3 888635937 +495 64 5 888632496 +495 67 3 888636635 +495 68 5 888634987 +495 69 3 888632070 +495 71 5 888634111 +495 77 4 888634475 +495 79 5 888632546 +495 80 3 888636992 +495 82 5 888632969 +495 84 3 888633011 +495 86 5 888637768 +495 88 4 888635380 +495 89 3 888632888 +495 90 4 888635637 +495 91 2 888634859 +495 94 3 888636992 +495 95 3 888634315 +495 96 4 888634110 +495 98 5 888632943 +495 101 5 888632943 +495 109 5 888633594 +495 120 5 888637768 +495 121 5 888633473 +495 127 4 888634955 +495 132 4 888632916 +495 133 3 888632888 +495 135 3 888633011 +495 139 2 888636810 +495 140 5 888635419 +495 143 1 888634315 +495 144 4 888634070 +495 145 4 888637147 +495 147 5 888637768 +495 151 5 888635236 +495 153 5 888633165 +495 154 4 888633277 +495 155 3 888635455 +495 157 5 888635294 +495 158 3 888637477 +495 161 4 888634746 +495 162 3 888633351 +495 163 5 888633277 +495 167 4 888636958 +495 168 5 888632738 +495 172 5 888632378 +495 173 5 888632180 +495 174 5 888632319 +495 176 5 888632496 +495 179 5 888632470 +495 181 5 888632180 +495 182 5 888632043 +495 183 5 888633277 +495 184 5 888633086 +495 185 5 888633042 +495 186 5 888633277 +495 188 4 888632250 +495 191 3 888632219 +495 195 5 888633396 +495 196 3 888632546 +495 200 5 888637768 +495 201 2 888633594 +495 202 4 888633042 +495 204 4 888632155 +495 208 5 888632134 +495 210 5 888632496 +495 211 5 888633194 +495 214 5 888632219 +495 216 4 888632443 +495 217 5 888637768 +495 218 4 888635080 +495 219 4 888636992 +495 222 5 888633277 +495 225 4 888635524 +495 226 4 888633011 +495 227 5 888636899 +495 228 5 888632738 +495 229 3 888634918 +495 230 5 888632969 +495 231 3 888635294 +495 232 5 888635202 +495 233 4 888633594 +495 234 5 888634144 +495 235 5 888636603 +495 240 4 888636773 +495 265 5 888633316 +495 282 5 888637768 +495 288 4 888633165 +495 357 5 888633277 +495 378 5 888634896 +495 379 5 888636870 +495 380 3 888635339 +495 385 3 888633042 +495 386 3 888636837 +495 389 5 888637643 +495 391 3 888637440 +495 392 5 888635455 +495 393 5 888635339 +495 395 1 888637147 +495 402 3 888635050 +495 403 5 888634475 +495 404 4 888635380 +495 413 5 888636032 +495 416 5 888636899 +495 417 3 888636741 +495 418 4 888633440 +495 419 1 888632070 +495 421 1 888634389 +495 423 5 888633522 +495 431 5 888632546 +495 432 5 888633396 +495 433 4 888634315 +495 435 5 888632969 +495 441 3 888633440 +495 444 3 888636958 +495 447 4 888635420 +495 448 5 888634896 +495 449 5 888637768 +495 451 4 888635524 +495 452 2 888637070 +495 465 5 888635180 +495 470 5 888637768 +495 472 5 888635144 +495 478 4 888632443 +495 479 4 888632574 +495 491 5 888632443 +495 496 5 888632888 +495 498 3 888633165 +495 501 3 888634536 +495 504 4 888632546 +495 505 5 888633473 +495 507 4 888633316 +495 511 4 888634536 +495 521 5 888632219 +495 523 5 888632155 +495 550 3 888635235 +495 559 4 888635180 +495 566 4 888635144 +495 568 1 888635294 +495 573 4 888636928 +495 575 3 888637477 +495 576 3 888637440 +495 577 1 888637477 +495 578 3 888636653 +495 581 5 888635655 +495 582 4 888635080 +495 590 4 888637612 +495 616 4 888635050 +495 622 2 888635886 +495 629 3 888636032 +495 631 2 888632677 +495 633 5 888632738 +495 636 3 888634475 +495 637 3 888635995 +495 642 4 888635050 +495 650 5 888634956 +495 655 5 888634536 +495 658 3 888635380 +495 660 3 888635144 +495 662 5 888636810 +495 665 1 888637169 +495 671 2 888634956 +495 674 3 888635995 +495 679 3 888634784 +495 684 5 888634956 +495 705 4 888634111 +495 732 4 888634070 +495 739 4 888637042 +495 742 5 888632888 +495 768 3 888636216 +495 770 3 888635339 +495 790 3 888636635 +495 796 4 888637070 +495 797 4 888635524 +495 831 1 888637325 +495 843 3 888637385 +495 924 3 888634441 +495 944 5 888637768 +495 969 4 888632443 +495 1039 5 888635180 +495 1046 5 888636837 +495 1079 5 888636511 +495 1091 4 888637503 +495 1110 4 888637147 +495 1116 3 888632738 +495 1118 5 888632888 +495 1119 4 888634784 +495 1133 3 888636487 +495 1135 5 888634475 +495 1157 4 888637300 +495 1182 3 888636871 +495 1183 4 888637228 +495 1188 5 888637147 +495 1207 5 888637300 +495 1208 4 888636032 +495 1245 5 888633129 +495 1263 4 888636062 +495 1419 1 888635995 +495 1444 2 888637018 +495 1469 5 888636810 +495 1542 4 888637643 +496 7 4 876064168 +496 10 5 876064845 +496 11 4 876067022 +496 17 3 876065645 +496 22 4 876065259 +496 28 2 876066153 +496 33 4 876067108 +496 38 2 876068615 +496 39 5 876072633 +496 42 5 876066676 +496 50 5 876072633 +496 53 3 876070655 +496 56 5 876066009 +496 64 3 876066064 +496 68 4 876067192 +496 77 2 876066531 +496 87 5 876073616 +496 88 1 876067346 +496 89 5 876072633 +496 94 1 876070975 +496 96 4 876065881 +496 97 1 876066848 +496 98 4 876073160 +496 99 3 876066598 +496 109 3 876064357 +496 132 3 876065881 +496 133 5 876066567 +496 135 2 876066038 +496 136 1 876066424 +496 141 3 876067493 +496 142 2 876067686 +496 143 3 876067146 +496 147 3 876064356 +496 150 2 876064230 +496 151 3 876067445 +496 154 2 876066424 +496 155 1 876070859 +496 156 3 876065933 +496 158 2 876069951 +496 164 3 876066153 +496 168 3 876065324 +496 172 5 876065558 +496 173 5 876065349 +496 174 4 876066507 +496 181 5 876064168 +496 183 2 876065259 +496 186 4 876065558 +496 190 5 876072632 +496 191 5 876072632 +496 195 4 876065715 +496 196 3 876066374 +496 204 3 876066531 +496 206 4 876068615 +496 217 5 876073320 +496 222 3 876064290 +496 227 1 876066794 +496 228 1 876065588 +496 229 2 876070655 +496 246 4 876064198 +496 252 2 876065105 +496 268 4 876063784 +496 277 5 876072633 +496 288 2 876063810 +496 318 4 876065693 +496 333 3 876063848 +496 356 2 876070764 +496 378 1 876066794 +496 380 2 876068433 +496 393 1 876069951 +496 416 1 876067754 +496 417 1 876066465 +496 418 3 876066848 +496 419 2 876066874 +496 420 3 876069927 +496 421 3 876066229 +496 426 3 876071419 +496 432 4 876066652 +496 433 4 876066904 +496 443 2 876066353 +496 469 3 876065962 +496 480 3 876065289 +496 483 4 876065259 +496 484 3 876065382 +496 485 3 876065477 +496 495 3 876066300 +496 496 1 876066424 +496 506 3 876067215 +496 509 3 876067272 +496 526 3 876067597 +496 528 4 876065933 +496 532 5 876072633 +496 554 2 876070997 +496 559 5 876068153 +496 561 5 876068582 +496 607 3 876065822 +496 625 4 876067306 +496 633 3 876065822 +496 651 2 876065610 +496 652 5 876065693 +496 659 3 876065822 +496 660 3 876067108 +496 661 3 876067001 +496 699 3 876068220 +496 705 2 876065382 +496 721 5 876067215 +496 727 5 876072633 +496 743 2 876065190 +496 746 3 876066633 +496 771 2 876073865 +496 774 5 876066424 +496 825 3 876065015 +496 842 2 876068249 +496 921 5 876072633 +496 961 2 876070655 +496 1041 1 876068615 +496 1060 1 876071243 +496 1063 3 876066485 +496 1074 2 876068100 +496 1091 1 876068433 +496 1133 3 876070957 +496 1139 2 876073882 +496 1157 1 876070937 +496 1229 1 876071097 +496 1286 2 876065382 +496 1401 3 876065499 +496 1444 1 876066465 +496 1459 4 876067376 +496 1473 3 876072548 +496 1614 3 876070690 +497 1 4 879309955 +497 2 1 879310883 +497 3 4 879309715 +497 4 3 879310825 +497 7 3 879310604 +497 11 3 879310825 +497 12 4 879362019 +497 13 2 878759927 +497 19 4 879310245 +497 22 5 879310730 +497 24 4 879310260 +497 25 4 879309780 +497 28 3 879363586 +497 29 4 879362569 +497 31 3 879361802 +497 33 4 879310730 +497 38 3 879310965 +497 39 3 879310913 +497 42 4 878759777 +497 49 3 879310474 +497 50 5 879310580 +497 53 3 879362178 +497 54 3 879362071 +497 55 3 879310705 +497 56 4 878759659 +497 62 4 879310913 +497 63 3 879362985 +497 66 3 879362720 +497 67 3 879362858 +497 68 4 879310850 +497 70 4 879362798 +497 71 4 879309993 +497 72 3 879362835 +497 73 3 879362858 +497 77 3 879362093 +497 79 4 879310730 +497 80 3 879363181 +497 82 4 879310792 +497 83 2 878759898 +497 87 3 879363565 +497 89 4 879310850 +497 90 4 879310445 +497 91 2 879309993 +497 94 3 879363133 +497 95 4 879309993 +497 96 4 879310705 +497 97 4 879310473 +497 98 4 879361802 +497 99 3 879310021 +497 100 4 878759828 +497 101 4 879310070 +497 105 2 879309836 +497 108 3 879309760 +497 109 4 878759659 +497 111 4 878759828 +497 114 4 879309992 +497 118 4 879310621 +497 121 4 879310581 +497 122 1 879309802 +497 123 3 879361727 +497 127 5 879310580 +497 128 4 879362496 +497 139 3 879363696 +497 141 3 879363611 +497 144 4 879310792 +497 145 4 879362382 +497 151 3 879363510 +497 152 2 878759898 +497 153 4 878759659 +497 155 3 879310522 +497 156 5 879361872 +497 161 5 879310730 +497 163 2 879363181 +497 164 4 879361872 +497 167 2 879363111 +497 168 5 878760023 +497 169 4 879309992 +497 172 5 879310705 +497 173 5 878759659 +497 174 4 879310705 +497 175 4 878759745 +497 176 4 879310762 +497 177 4 879310762 +497 181 5 879310580 +497 182 4 879310705 +497 183 4 879310825 +497 184 3 879310792 +497 185 3 879361802 +497 186 4 878759806 +497 187 5 879310825 +497 188 3 879310762 +497 189 4 879309993 +497 194 3 878759705 +497 195 4 879310730 +497 197 3 879310419 +497 200 3 879362359 +497 202 4 878760023 +497 204 3 879362683 +497 208 3 878759806 +497 210 4 878759777 +497 216 3 879310399 +497 217 4 879362382 +497 222 3 879310580 +497 225 3 879363510 +497 226 3 879310913 +497 227 2 879310883 +497 228 3 879310762 +497 229 2 879310850 +497 230 2 879310762 +497 231 3 879310883 +497 232 3 879310850 +497 233 2 879310883 +497 234 2 879361847 +497 237 3 879310314 +497 239 4 879362835 +497 240 4 879309734 +497 242 1 878759351 +497 248 4 879309673 +497 249 5 879309734 +497 250 3 879310581 +497 252 3 879310650 +497 257 4 879309648 +497 258 4 878759351 +497 260 4 878759529 +497 265 4 879310883 +497 268 4 878759399 +497 273 4 879310604 +497 274 3 879309760 +497 288 2 878759351 +497 291 3 879361707 +497 294 4 878759351 +497 298 3 879310580 +497 300 3 878759351 +497 325 2 878759505 +497 358 4 878759378 +497 363 2 879310649 +497 364 3 879363233 +497 367 4 879362835 +497 372 4 879362875 +497 373 4 879311007 +497 381 3 878759898 +497 382 4 878759745 +497 384 2 879362985 +497 385 3 879310792 +497 386 2 879363111 +497 388 4 879363253 +497 391 3 879362545 +497 393 4 879362858 +497 394 3 878759862 +497 395 4 879363284 +497 399 4 879310883 +497 402 4 879310508 +497 403 3 879310883 +497 405 3 879310621 +497 407 2 879309852 +497 408 4 879309955 +497 412 1 878759926 +497 413 3 879362292 +497 416 2 879363611 +497 417 2 879363627 +497 418 3 879310021 +497 420 3 879309993 +497 423 3 879363586 +497 431 4 879310825 +497 432 3 879309993 +497 433 3 878759806 +497 440 1 879362430 +497 441 2 879362407 +497 449 2 879310966 +497 450 2 879362202 +497 451 2 879310419 +497 452 2 879362202 +497 455 4 878759777 +497 465 3 879363610 +497 472 3 879310650 +497 475 4 878759705 +497 501 2 879309993 +497 508 3 878759705 +497 510 3 879362496 +497 526 3 879362478 +497 540 2 879311007 +497 541 4 879362546 +497 545 3 879363233 +497 549 4 879310445 +497 550 4 879310913 +497 552 3 879362155 +497 553 2 879310379 +497 559 4 879362359 +497 562 2 879310941 +497 566 3 879310941 +497 568 3 879310792 +497 569 2 879362359 +497 570 3 879362511 +497 575 3 879362985 +497 577 2 879363284 +497 578 4 879310965 +497 584 4 879363611 +497 588 4 879309993 +497 590 2 879362461 +497 597 3 879310649 +497 603 3 879361802 +497 622 2 879363586 +497 625 3 879310021 +497 627 3 879310021 +497 629 2 878759862 +497 642 3 879362041 +497 645 3 878759659 +497 651 4 879310762 +497 652 5 878759777 +497 655 4 878759862 +497 657 3 879361847 +497 665 2 879310966 +497 679 3 879310850 +497 684 3 879310792 +497 692 3 879310379 +497 716 4 878759745 +497 719 3 879363253 +497 720 2 879310941 +497 721 3 879362740 +497 722 3 879362985 +497 724 5 879310445 +497 725 3 879363253 +497 731 3 879310474 +497 739 4 879310474 +497 741 4 879361707 +497 743 3 879362638 +497 746 5 878759777 +497 748 4 878759432 +497 758 2 879362292 +497 763 3 879309780 +497 765 3 879363155 +497 769 3 879362430 +497 771 4 879362638 +497 774 4 879362407 +497 780 2 879363181 +497 781 3 879310445 +497 783 3 879362908 +497 790 2 879362720 +497 792 3 879362954 +497 795 1 879363284 +497 797 3 879362586 +497 802 2 879362118 +497 805 3 879362835 +497 808 2 879310941 +497 809 3 879362609 +497 810 3 879310941 +497 826 3 879311007 +497 840 3 879310679 +497 849 2 879310913 +497 864 3 879309734 +497 926 2 879309759 +497 928 3 879361744 +497 940 2 879362954 +497 943 4 879362019 +497 944 3 879362798 +497 946 4 879310021 +497 951 2 879363695 +497 1000 2 878759777 +497 1016 4 879310604 +497 1030 1 879363780 +497 1041 3 879310473 +497 1042 3 879362178 +497 1046 3 879362041 +497 1047 3 879309836 +497 1052 2 879309869 +497 1077 4 879361847 +497 1092 3 879363233 +497 1157 2 879362178 +497 1177 1 879363111 +497 1185 1 879363205 +497 1210 4 879362178 +497 1228 2 879362569 +497 1240 5 879310070 +497 1303 2 879311007 +497 1407 3 879362609 +497 1415 2 879363748 +497 1419 2 879362638 +497 1555 2 879363780 +497 1615 3 879310650 +498 7 3 881954741 +498 9 2 881954931 +498 10 5 881960711 +498 11 3 881956576 +498 12 4 881957195 +498 14 4 881955189 +498 23 4 881955596 +498 32 4 881956363 +498 50 4 881954821 +498 53 4 881961689 +498 54 2 881961745 +498 56 3 881957353 +498 59 4 881961312 +498 61 4 881957431 +498 64 4 881956575 +498 77 2 881961627 +498 79 3 881959104 +498 83 3 881957846 +498 89 5 881957353 +498 98 4 881957681 +498 100 3 881955291 +498 109 3 881955189 +498 121 2 881962699 +498 124 3 881955291 +498 127 4 881954219 +498 134 3 881956498 +498 135 5 881956576 +498 136 3 881958174 +498 137 3 881954357 +498 144 1 881958471 +498 150 3 881954451 +498 151 4 881956140 +498 156 5 881957054 +498 160 5 881958174 +498 164 3 881961689 +498 168 4 881958174 +498 171 3 881955866 +498 172 3 881956362 +498 174 3 881956953 +498 175 5 881956498 +498 176 2 881956498 +498 179 4 881961133 +498 180 4 881955866 +498 181 2 881955014 +498 182 4 881955596 +498 183 4 881957905 +498 185 4 881955960 +498 186 4 881960591 +498 187 4 881955960 +498 190 4 881956203 +498 191 4 881957054 +498 192 5 881957546 +498 197 5 881958414 +498 202 3 881958897 +498 203 5 881961547 +498 204 2 881957267 +498 210 2 881957054 +498 212 3 881958238 +498 218 3 881961877 +498 222 3 881961877 +498 228 2 881961627 +498 229 2 881961877 +498 234 4 881957625 +498 237 2 881957625 +498 238 4 881957195 +498 251 3 881954219 +498 258 2 881955080 +498 262 2 881954618 +498 265 2 881957489 +498 268 2 881954618 +498 269 4 881953527 +498 271 2 881962988 +498 275 3 881955348 +498 288 3 881953815 +498 293 4 881955189 +498 302 3 881953659 +498 317 3 881957625 +498 337 4 881954617 +498 340 2 881954618 +498 381 3 881961312 +498 410 3 881954931 +498 423 3 881957267 +498 425 2 881957431 +498 430 4 881958174 +498 435 3 881956363 +498 443 3 881958237 +498 447 3 882205321 +498 448 4 882205321 +498 449 3 881961932 +498 462 3 881958897 +498 464 4 881958471 +498 474 4 881957905 +498 475 3 881954617 +498 479 3 881957054 +498 480 5 881960523 +498 483 3 881957625 +498 484 4 881957546 +498 486 2 881957431 +498 489 3 881956140 +498 496 3 881957905 +498 509 3 881955867 +498 512 5 881957757 +498 514 4 881958093 +498 515 4 881956953 +498 517 4 881957353 +498 522 3 881956499 +498 525 4 881961547 +498 527 3 881957757 +498 531 3 881957195 +498 538 1 881962988 +498 548 2 881957267 +498 554 3 881962385 +498 558 4 882205321 +498 591 4 881961877 +498 594 2 881956498 +498 603 4 881955960 +498 607 3 881958093 +498 628 4 881961627 +498 631 3 881957905 +498 649 3 881961745 +498 652 5 881961182 +498 656 3 881957999 +498 657 3 881957488 +498 663 4 881956363 +498 664 5 881955596 +498 673 3 881958343 +498 675 4 881958414 +498 693 3 881957625 +498 754 2 881962988 +498 772 1 881957999 +498 806 3 881957905 +498 887 3 881953907 +498 919 4 881954451 +498 922 5 881955432 +498 933 3 881959018 +498 985 1 881961877 +498 1007 3 881954219 +498 1070 3 881959103 +498 1073 3 881961496 +498 1083 3 881961932 +498 1103 4 881957847 +498 1131 3 881955866 +498 1142 4 881955432 +498 1161 3 881960777 +498 1286 3 881956576 +498 1404 3 881957054 +498 1422 3 881961877 +498 1426 3 881959103 +498 1495 3 881958237 +499 7 4 882996793 +499 8 5 885599682 +499 11 3 885599372 +499 12 5 885599040 +499 50 3 882996761 +499 55 4 885599598 +499 56 4 885599182 +499 69 5 885599718 +499 87 4 885599598 +499 97 4 885599227 +499 98 4 885599119 +499 100 4 885599040 +499 117 3 885599246 +499 127 4 885598312 +499 132 4 885599040 +499 136 4 885599447 +499 143 3 885598961 +499 153 4 885599269 +499 157 3 885599447 +499 165 5 885598961 +499 166 5 885599334 +499 173 5 885599307 +499 174 3 885598961 +499 176 4 885599447 +499 177 3 885599660 +499 181 3 885598827 +499 182 2 885599551 +499 183 4 885599718 +499 191 5 885599307 +499 193 4 885599682 +499 194 4 885599372 +499 198 5 885599682 +499 202 4 885598961 +499 205 5 885599413 +499 207 5 885599533 +499 208 4 885599718 +499 210 3 885599201 +499 213 3 885598989 +499 215 4 885599475 +499 238 2 885599498 +499 251 5 882996735 +499 257 5 885598342 +499 258 2 885598932 +499 271 3 882995586 +499 272 5 885597680 +499 275 3 885599447 +499 295 2 885598827 +499 300 4 882995625 +499 301 4 882995808 +499 307 4 885597747 +499 312 4 882995923 +499 313 5 885597821 +499 318 5 885599286 +499 326 3 892501059 +499 328 5 882996296 +499 347 4 885597932 +499 357 5 885599372 +499 414 3 885599533 +499 425 3 885599474 +499 427 5 885599474 +499 429 4 885599372 +499 430 3 885598989 +499 463 5 885599498 +499 474 4 885599227 +499 482 2 885599182 +499 483 5 885598854 +499 484 4 885599013 +499 486 3 885599598 +499 497 2 885599498 +499 511 5 885599227 +499 514 5 885599334 +499 516 4 885599572 +499 519 3 885599040 +499 520 3 885599572 +499 521 4 885599119 +499 524 4 885599073 +499 525 4 885599660 +499 527 5 885599307 +499 530 4 885599390 +499 539 1 885598827 +499 588 4 885599334 +499 605 1 885599533 +499 624 2 885599372 +499 647 5 885599013 +499 651 4 885598895 +499 657 5 885599413 +499 661 3 885599474 +499 663 5 885599718 +499 664 3 885599334 +499 690 4 882995558 +499 692 4 885599119 +499 742 4 885599334 +499 750 5 885597747 +499 879 3 885598827 +499 886 4 885598215 +499 887 5 882995826 +499 898 4 885597901 +499 902 5 892501173 +499 915 4 892501128 +499 1101 5 885599182 +499 1302 5 885598378 +499 1483 1 892501259 +500 1 4 883865021 +500 3 4 883865786 +500 7 5 883865104 +500 8 4 883874621 +500 9 4 883865042 +500 10 3 883865391 +500 13 5 883865232 +500 15 2 883865129 +500 16 4 883865462 +500 25 3 883865755 +500 28 3 883874078 +500 30 4 883875275 +500 31 4 883875092 +500 39 4 883875092 +500 42 5 883874139 +500 43 3 883876859 +500 44 1 883875862 +500 45 4 883874170 +500 49 4 883876053 +500 50 3 883864992 +500 56 5 883873976 +500 58 3 883873720 +500 59 4 883873528 +500 60 5 883874557 +500 61 4 883875431 +500 62 3 883876690 +500 69 4 883873839 +500 70 4 883875388 +500 72 4 883876155 +500 77 3 883875793 +500 82 4 883874290 +500 83 4 888538350 +500 88 4 883875926 +500 89 4 883873505 +500 93 4 883865020 +500 94 2 883877023 +500 97 4 883874715 +500 98 4 883873811 +500 100 4 883865104 +500 111 4 888538350 +500 116 4 883865232 +500 117 4 883865755 +500 118 3 883865610 +500 120 3 883865826 +500 121 3 883865611 +500 122 3 883876795 +500 125 3 883865632 +500 129 4 886359266 +500 133 3 883875681 +500 134 5 883873461 +500 135 5 883875041 +500 143 3 883875092 +500 147 3 887720583 +500 151 3 883874059 +500 159 2 883876251 +500 161 2 883877001 +500 164 4 883874469 +500 168 4 883873616 +500 170 5 883874446 +500 172 2 883873640 +500 174 2 883873505 +500 175 5 883874341 +500 179 4 883873782 +500 181 3 883865462 +500 182 2 883873556 +500 183 4 883873461 +500 196 4 883874835 +500 202 4 883874239 +500 204 3 883874265 +500 208 4 883873745 +500 210 3 883874290 +500 211 3 883875241 +500 215 1 883874528 +500 216 4 883873556 +500 217 4 883876053 +500 223 4 883873839 +500 234 3 883875638 +500 235 5 883865567 +500 237 3 883865483 +500 238 4 883873839 +500 242 3 891916883 +500 244 3 886358931 +500 245 2 883864862 +500 246 5 883865128 +500 249 3 887720111 +500 250 4 883865195 +500 252 2 883865889 +500 255 3 883865374 +500 257 3 883865321 +500 258 4 883864578 +500 268 5 883864840 +500 274 3 883865807 +500 275 1 883873439 +500 276 5 883865290 +500 281 3 883865463 +500 282 4 883875092 +500 283 2 883865341 +500 284 3 883865632 +500 285 3 883865020 +500 286 1 883864527 +500 287 3 883865268 +500 289 4 883864818 +500 294 3 883864578 +500 295 4 883865128 +500 298 4 890009939 +500 300 4 883864749 +500 301 2 888538350 +500 304 2 883864749 +500 313 3 893192133 +500 316 3 891916809 +500 319 4 883864793 +500 325 3 883864862 +500 328 3 883864749 +500 358 4 887755810 +500 367 3 883875835 +500 370 3 883865952 +500 371 4 883874341 +500 381 4 883875585 +500 383 3 883877467 +500 386 3 883875610 +500 387 2 883875388 +500 393 3 883875793 +500 396 3 883876224 +500 402 3 883875388 +500 405 4 883865567 +500 407 3 883877252 +500 409 4 883865985 +500 411 2 883865826 +500 412 1 883876370 +500 421 4 883875303 +500 423 3 883875388 +500 425 4 883874413 +500 443 4 883873679 +500 448 3 883873745 +500 462 4 883874715 +500 464 4 883875274 +500 469 4 883874813 +500 471 4 883865391 +500 472 3 883865374 +500 475 5 883865232 +500 476 2 883865851 +500 479 5 883873811 +500 483 4 883874039 +500 498 4 883873911 +500 509 4 883874216 +500 514 5 883873941 +500 517 4 883873839 +500 522 4 883875041 +500 529 4 883874558 +500 531 3 883873911 +500 532 4 883865952 +500 535 3 890010025 +500 546 4 887720050 +500 552 1 883876738 +500 553 2 883876370 +500 554 3 883877162 +500 557 3 883875136 +500 559 4 883875523 +500 568 1 883874715 +500 569 4 883876370 +500 582 4 883874290 +500 584 1 883874528 +500 611 5 883873940 +500 619 3 883865341 +500 639 4 883875195 +500 640 4 883874776 +500 660 2 883874835 +500 662 2 883876005 +500 665 3 883876714 +500 699 3 883875523 +500 708 5 883873999 +500 709 4 883873640 +500 714 2 883874469 +500 721 1 883875561 +500 727 2 883875041 +500 729 4 883875303 +500 735 4 883873941 +500 739 2 883876573 +500 740 3 883865632 +500 742 3 883865290 +500 755 3 883876251 +500 762 4 883865532 +500 763 3 883865589 +500 768 2 883876596 +500 775 1 883877001 +500 780 3 883876904 +500 781 3 883874776 +500 815 3 883865374 +500 821 2 883876837 +500 827 2 883876904 +500 831 3 883866004 +500 836 5 883874290 +500 845 4 883865566 +500 846 3 883865566 +500 919 3 883865341 +500 930 3 883865929 +500 964 4 883874557 +500 971 5 883876093 +500 988 3 883864840 +500 996 1 883875241 +500 1008 4 883865786 +500 1009 4 883865532 +500 1010 4 883865483 +500 1012 4 883865021 +500 1014 2 884527433 +500 1018 3 883875756 +500 1047 3 883865985 +500 1048 3 883865532 +500 1057 3 883877359 +500 1069 4 883876300 +500 1111 4 883874529 +500 1135 3 883875561 +500 1160 5 883865483 +500 1163 1 883865290 +500 1166 4 883874139 +500 1195 4 883875468 +500 1226 4 883865715 +500 1311 1 883877467 +500 1315 4 883865463 +500 1324 2 883865985 +500 1326 4 883865020 +500 1385 4 883865290 +500 1441 2 885237683 +500 1469 1 883876224 +500 1616 4 883875501 +501 7 4 883348236 +501 13 4 883348011 +501 24 3 883348519 +501 25 3 883347773 +501 93 4 883347891 +501 100 4 883347799 +501 108 4 883348564 +501 111 3 883348474 +501 117 4 883347975 +501 118 3 883348474 +501 121 4 883347023 +501 122 4 883348236 +501 124 4 883347919 +501 125 3 883348435 +501 127 5 883347773 +501 129 4 883348036 +501 147 3 883348080 +501 150 5 883347773 +501 151 4 883348543 +501 181 4 883347857 +501 221 3 883348011 +501 222 4 883347919 +501 237 4 883348011 +501 245 3 883346844 +501 248 4 883347975 +501 249 3 883348411 +501 257 4 883348114 +501 273 4 883347975 +501 274 3 883348474 +501 276 4 883348138 +501 282 4 883348185 +501 288 4 883346694 +501 293 4 883347823 +501 294 3 883346694 +501 298 4 883347950 +501 307 4 883346651 +501 313 3 883346623 +501 324 4 883346694 +501 342 4 883346823 +501 369 4 883348703 +501 405 4 883347857 +501 406 3 883348656 +501 410 4 883348207 +501 411 4 883348564 +501 456 3 883348610 +501 475 5 883348080 +501 508 4 883347920 +501 544 4 883348372 +501 546 4 883348283 +501 591 4 883348138 +501 597 3 883348260 +501 628 4 883348519 +501 678 3 883346886 +501 685 3 883347774 +501 696 4 883348185 +501 741 5 883347857 +501 829 3 883348656 +501 840 4 883348655 +501 844 4 883347023 +501 845 3 883348036 +501 922 4 883347857 +501 928 3 883347773 +501 952 4 883348114 +501 979 3 883348308 +501 1007 4 883995203 +501 1010 4 883348308 +501 1011 4 883348519 +501 1014 4 883348543 +501 1067 5 883348011 +501 1081 3 883348703 +501 1097 5 883347950 +501 1278 3 883348372 +501 1534 4 883348743 +502 243 3 883702945 +502 258 2 883701927 +502 259 3 883702448 +502 261 2 883702945 +502 263 1 883702448 +502 264 3 883702518 +502 266 3 883702255 +502 270 2 883702043 +502 271 5 883702088 +502 288 5 883701866 +502 294 3 883702255 +502 300 2 883701980 +502 301 1 883702370 +502 307 4 883701980 +502 313 4 883701792 +502 323 4 883702447 +502 328 4 883701980 +502 333 4 883701866 +502 338 4 883702370 +502 342 4 883702088 +502 343 5 883702370 +502 350 3 883701792 +502 358 4 883702518 +502 539 3 883701980 +502 678 3 883702448 +502 680 3 883702255 +502 681 1 883702631 +502 682 5 883701927 +502 683 3 883702867 +502 687 4 883702867 +502 751 3 883702120 +502 754 2 883701927 +502 879 3 883701980 +502 890 2 883702945 +502 892 2 883702867 +502 893 2 883702867 +502 895 4 883702370 +503 1 5 879438233 +503 8 5 880472435 +503 10 5 879438257 +503 12 3 879454675 +503 13 3 879438377 +503 14 3 879438161 +503 19 5 879438319 +503 20 5 879438285 +503 25 4 879438685 +503 26 2 880383200 +503 38 3 879454977 +503 44 5 879454841 +503 45 5 880383064 +503 47 5 880472216 +503 50 5 879438161 +503 54 2 879454950 +503 58 4 880472565 +503 66 3 880383468 +503 69 4 880383679 +503 70 4 880383174 +503 79 5 879454675 +503 83 5 880383098 +503 86 5 880383098 +503 88 4 880383468 +503 97 4 880383424 +503 98 5 879454675 +503 100 5 879438346 +503 116 5 879438559 +503 121 3 879438707 +503 124 5 879438233 +503 125 3 880390153 +503 127 5 879438161 +503 130 5 879438837 +503 132 5 880472148 +503 133 5 880472272 +503 134 5 880383588 +503 137 5 879438072 +503 153 2 880472250 +503 156 1 880472250 +503 164 3 880472507 +503 166 5 880472188 +503 168 5 880383624 +503 172 5 880383588 +503 173 5 880383357 +503 174 5 880472250 +503 176 5 879454754 +503 181 5 879438319 +503 182 3 880472321 +503 183 5 879454754 +503 185 5 879454753 +503 186 5 880472061 +503 187 5 880383625 +503 190 5 880383030 +503 194 4 880472591 +503 197 5 880383358 +503 199 4 880383625 +503 204 3 880383703 +503 205 4 880472344 +503 210 5 880383703 +503 211 5 880472435 +503 213 5 880383030 +503 216 5 880383357 +503 221 5 879438377 +503 223 5 880472362 +503 224 3 880390128 +503 226 5 879454841 +503 233 5 879454811 +503 234 5 879454675 +503 237 4 879438505 +503 241 5 880383425 +503 246 5 884638548 +503 248 4 884638469 +503 268 5 884637610 +503 269 5 879438024 +503 275 5 879438411 +503 277 4 879438580 +503 280 1 892667653 +503 281 3 879454576 +503 283 5 879438258 +503 285 4 884637911 +503 286 3 879438191 +503 293 4 879438411 +503 297 5 879438346 +503 303 5 879438024 +503 306 5 879438024 +503 313 5 884637568 +503 318 5 880383679 +503 319 3 879438024 +503 321 2 879438024 +503 347 5 884637610 +503 356 4 879454841 +503 381 5 880383174 +503 382 4 880383174 +503 385 1 880472298 +503 387 4 880383358 +503 402 3 880383467 +503 405 3 879438685 +503 416 2 880472250 +503 423 5 880472321 +503 427 5 880472216 +503 430 5 880383653 +503 432 5 880472102 +503 435 3 880472125 +503 443 5 879454811 +503 451 4 880383425 +503 452 1 879454950 +503 463 1 880383126 +503 475 2 879438319 +503 479 4 880383653 +503 482 5 880383588 +503 484 4 880472188 +503 485 4 880472383 +503 488 5 880472216 +503 489 4 880383625 +503 496 5 880472474 +503 498 5 880383588 +503 503 3 880472250 +503 504 4 880472298 +503 509 5 880383098 +503 514 3 880472102 +503 526 3 880472188 +503 529 2 880383030 +503 546 4 879438685 +503 558 5 880383098 +503 561 5 879454977 +503 580 3 880383236 +503 582 5 880383064 +503 603 3 880383653 +503 607 5 880472272 +503 615 5 880472061 +503 633 5 880472344 +503 640 1 880383201 +503 654 5 879454753 +503 659 5 880472148 +503 662 3 880383467 +503 684 4 879454950 +503 692 3 880383467 +503 694 5 880383030 +503 702 2 880383236 +503 707 5 880382768 +503 714 4 880383126 +503 729 3 880472454 +503 732 3 880383467 +503 736 4 880383174 +503 739 1 880383490 +503 740 5 879438411 +503 744 2 879454442 +503 747 3 880383424 +503 753 1 880383064 +503 778 5 892667730 +503 823 2 879438817 +503 840 1 879454292 +503 900 5 892667389 +503 949 3 892667891 +503 963 5 880472061 +503 1009 2 884638911 +503 1194 5 879438072 +503 1316 1 892667252 +503 1317 4 879438874 +503 1475 5 880382768 +504 4 4 887839260 +504 5 4 887912462 +504 9 4 887831567 +504 25 4 887831419 +504 28 4 887839810 +504 38 4 887840134 +504 40 4 887910409 +504 44 4 887838846 +504 50 3 887831293 +504 51 4 887839260 +504 53 4 887911730 +504 54 4 887909936 +504 56 3 887832643 +504 58 3 887837740 +504 63 3 887912504 +504 65 4 887838717 +504 66 4 887839165 +504 67 2 887912382 +504 68 5 887912665 +504 69 4 887837918 +504 70 3 887838869 +504 71 5 887909321 +504 72 4 887840134 +504 75 4 887912568 +504 77 4 887840681 +504 82 4 887837918 +504 84 3 887840589 +504 88 3 887909839 +504 90 3 887910552 +504 94 4 887841158 +504 96 4 887840098 +504 97 4 887832760 +504 98 5 887832433 +504 99 3 887837739 +504 100 5 887831486 +504 102 3 887910409 +504 106 3 887831879 +504 117 4 887831694 +504 118 3 887831838 +504 121 4 887831642 +504 122 1 887832268 +504 125 4 889550735 +504 127 5 887831510 +504 132 5 887838815 +504 133 5 887832593 +504 139 3 887840589 +504 141 3 887909578 +504 142 3 887841158 +504 143 4 887838008 +504 151 4 887831678 +504 153 3 887838624 +504 154 4 887839081 +504 155 3 887912634 +504 158 3 887910737 +504 161 4 887839195 +504 162 4 887832741 +504 163 4 887840517 +504 167 3 887909556 +504 168 5 887839164 +504 174 4 887909455 +504 176 3 887837739 +504 179 1 887839165 +504 180 4 887837918 +504 181 3 887831773 +504 183 3 887832531 +504 185 5 887838624 +504 186 3 887840637 +504 187 3 887840559 +504 194 3 887832668 +504 195 4 887838510 +504 196 4 887838935 +504 197 4 887832531 +504 199 4 887912236 +504 200 4 887838450 +504 202 3 887909347 +504 204 3 887838908 +504 205 3 887909299 +504 208 4 887838450 +504 210 4 887832643 +504 211 4 887837739 +504 212 4 887909911 +504 214 4 887840764 +504 215 4 887908861 +504 216 4 887838450 +504 218 4 887910267 +504 219 3 887911314 +504 223 5 887832364 +504 225 4 887832207 +504 234 3 887838740 +504 237 3 887831753 +504 238 3 887912416 +504 240 1 887832012 +504 245 4 887831274 +504 248 4 887831622 +504 257 5 887831753 +504 258 5 887831273 +504 276 3 887831790 +504 281 4 887831447 +504 282 4 887831838 +504 288 5 887831273 +504 291 4 887832043 +504 292 5 887831273 +504 294 2 887912722 +504 295 4 887831567 +504 298 4 887831717 +504 300 4 887831274 +504 307 4 887831273 +504 310 4 887831273 +504 318 5 887832593 +504 322 4 887831274 +504 323 4 887831274 +504 330 4 887831274 +504 356 4 887840098 +504 357 4 887832705 +504 364 2 887912382 +504 370 3 887832268 +504 371 3 887912236 +504 372 4 887839195 +504 382 4 887839709 +504 384 2 887912447 +504 385 4 887832571 +504 386 3 887912431 +504 392 5 887908645 +504 393 3 887909456 +504 396 2 887911369 +504 399 4 887840882 +504 400 3 887911277 +504 401 2 887911789 +504 402 4 887839835 +504 403 3 887910409 +504 404 4 887910370 +504 409 4 889550757 +504 411 4 887831447 +504 414 5 887838450 +504 416 4 887910294 +504 417 3 887841177 +504 418 3 887832391 +504 419 3 887832643 +504 420 3 887840560 +504 423 4 887840960 +504 428 3 887910511 +504 440 3 887910370 +504 441 4 887911314 +504 443 3 887910511 +504 447 4 887909816 +504 448 5 887840134 +504 449 4 887839810 +504 451 1 887912584 +504 452 2 887911974 +504 454 5 887838008 +504 462 4 887838740 +504 465 3 887909936 +504 476 5 887831447 +504 479 4 887832571 +504 485 4 887839745 +504 490 4 887909816 +504 499 4 887909595 +504 503 4 887837958 +504 504 4 887909890 +504 505 4 887837957 +504 506 4 887910552 +504 514 4 887838485 +504 517 4 887832782 +504 526 3 887838624 +504 527 4 887838624 +504 529 4 887832391 +504 537 3 887910811 +504 543 4 887908861 +504 546 4 887831947 +504 548 2 887909864 +504 559 5 887840745 +504 561 4 887910023 +504 563 3 887911314 +504 567 2 887839196 +504 575 3 887912401 +504 579 4 887911391 +504 581 4 887910623 +504 585 2 887909864 +504 595 4 887832097 +504 612 4 887838677 +504 616 4 887910267 +504 620 4 887831419 +504 622 4 887910487 +504 623 3 887910433 +504 628 4 887831678 +504 629 4 887841136 +504 631 4 887837701 +504 632 3 887837701 +504 633 3 887912542 +504 651 4 887832531 +504 655 4 887840713 +504 660 4 887839195 +504 664 3 887910718 +504 667 3 887911808 +504 676 4 887908756 +504 678 4 887831115 +504 693 4 887832741 +504 699 4 887838573 +504 705 4 887838935 +504 716 4 887909532 +504 717 4 887911730 +504 719 3 887841248 +504 723 4 887910896 +504 725 3 887911973 +504 728 3 887908974 +504 729 5 887832571 +504 731 3 887840014 +504 735 5 887838510 +504 739 3 887841201 +504 742 4 887831860 +504 755 4 887841177 +504 756 3 887910240 +504 773 3 887909936 +504 791 3 887911789 +504 807 4 887839081 +504 834 2 887911059 +504 846 4 887831806 +504 928 4 887831353 +504 934 4 887832170 +504 939 4 887838869 +504 942 4 887841136 +504 961 4 887839081 +504 969 4 887838677 +504 972 3 887910552 +504 973 4 887911444 +504 1004 4 887910023 +504 1030 3 887911314 +504 1037 1 887912584 +504 1041 3 887910694 +504 1046 4 887912298 +504 1050 4 887832433 +504 1084 4 887837958 +504 1090 4 887910961 +504 1093 1 887841073 +504 1110 2 887911583 +504 1118 3 887911035 +504 1133 3 887910871 +504 1135 4 887911854 +504 1136 5 887840560 +504 1147 4 887832741 +504 1210 3 887840637 +504 1263 4 887909532 +504 1277 4 887832012 +504 1415 3 887912335 +504 1421 4 887841073 +504 1437 2 887911545 +504 1439 4 887840517 +504 1442 3 887911444 +504 1444 3 887911133 +504 1508 3 887911686 +504 1522 3 887840942 +505 1 3 889333414 +505 7 3 889334129 +505 11 4 889333861 +505 22 5 889333274 +505 31 4 889334067 +505 50 3 889334067 +505 54 3 889334067 +505 56 1 889333560 +505 66 4 889333313 +505 69 3 889333974 +505 71 4 889333937 +505 73 4 889334248 +505 77 3 889334248 +505 79 3 889333274 +505 82 4 889333274 +505 88 4 889334334 +505 95 4 889333313 +505 96 4 889333442 +505 97 4 889333676 +505 98 4 889333792 +505 99 4 889333313 +505 102 1 889334526 +505 117 4 889333508 +505 121 4 889334004 +505 123 3 889333894 +505 125 3 889334373 +505 127 1 889333711 +505 132 5 889333598 +505 133 5 889334189 +505 140 4 889334129 +505 144 3 889333861 +505 151 3 889334162 +505 154 1 889334555 +505 161 3 889333711 +505 164 4 889334189 +505 172 3 889334129 +505 173 3 889333534 +505 174 4 889333340 +505 176 4 889333340 +505 177 3 889334477 +505 181 3 889333974 +505 182 1 889334555 +505 183 3 889333392 +505 187 1 889333676 +505 190 4 889333598 +505 191 3 889333792 +505 193 3 889334477 +505 195 3 889334096 +505 199 4 889333442 +505 202 3 889333508 +505 203 4 889334162 +505 204 3 889334162 +505 207 3 889334004 +505 210 4 889333508 +505 227 2 889334334 +505 228 2 889333894 +505 237 3 889333711 +505 243 2 888631415 +505 245 4 888631349 +505 258 1 888630999 +505 259 3 888631208 +505 265 4 889333598 +505 271 4 888631208 +505 294 3 888631311 +505 300 4 888631046 +505 307 4 889332705 +505 313 5 889332743 +505 328 4 888631175 +505 332 4 888631126 +505 358 3 888631555 +505 378 5 889333466 +505 385 4 889334477 +505 402 5 889333937 +505 419 3 889333560 +505 422 3 889333975 +505 423 4 889333711 +505 435 3 889333676 +505 468 4 889334096 +505 471 4 889333392 +505 491 3 889333861 +505 495 3 889333823 +505 496 5 889333534 +505 498 5 889334274 +505 501 2 889334373 +505 510 3 889334477 +505 526 5 889333823 +505 553 4 889333937 +505 566 3 889334503 +505 568 4 889333466 +505 584 4 889334067 +505 588 5 889333823 +505 591 4 889333676 +505 604 5 889333598 +505 614 3 889334162 +505 623 3 889333365 +505 648 4 889334614 +505 651 3 889333598 +505 660 3 889334477 +505 692 3 889334583 +505 705 3 889333758 +505 713 3 889334217 +505 724 4 889333861 +505 742 4 889334162 +505 748 1 888631208 +505 755 3 889334248 +505 951 3 889334067 +505 988 3 888631371 +505 989 1 888631438 +505 1039 4 889334004 +505 1063 3 889334334 +505 1285 3 889333711 +505 1409 3 889333974 +506 2 4 874874850 +506 5 4 874874947 +506 8 5 874873374 +506 10 2 874862734 +506 12 5 874873247 +506 28 4 874874308 +506 29 2 874874894 +506 31 4 874873247 +506 33 3 874873703 +506 38 3 885135912 +506 42 3 874873247 +506 44 4 874874850 +506 46 3 874874802 +506 47 4 874876486 +506 48 2 874873158 +506 50 5 878044852 +506 53 4 874874985 +506 54 4 874876651 +506 55 4 874873287 +506 56 4 874873374 +506 58 4 874874985 +506 62 3 874874894 +506 63 4 874873944 +506 66 4 874874676 +506 67 3 874874894 +506 68 4 874873944 +506 69 5 874873327 +506 70 4 874874055 +506 71 5 874873068 +506 72 3 874874802 +506 73 4 874873703 +506 77 3 874874850 +506 79 5 874874054 +506 81 1 874874000 +506 82 5 874873745 +506 85 3 874873795 +506 86 3 874876551 +506 88 4 874873944 +506 89 5 874874109 +506 90 2 874876599 +506 92 3 874876551 +506 94 3 874876599 +506 95 5 874873198 +506 96 4 874873423 +506 97 4 874873374 +506 132 4 874873615 +506 135 5 874873157 +506 137 2 874872872 +506 140 3 874873327 +506 147 3 888848342 +506 148 3 877539905 +506 161 4 885135881 +506 168 5 874874055 +506 172 5 885135819 +506 173 4 874874308 +506 174 5 874873157 +506 175 5 874873327 +506 176 5 874873892 +506 177 5 888848342 +506 181 5 874874676 +506 182 5 888848342 +506 183 5 874874308 +506 186 4 874875062 +506 187 5 885135819 +506 191 4 874873615 +506 193 4 874873944 +506 194 5 874873247 +506 195 4 874873374 +506 196 4 874873745 +506 198 2 874873703 +506 199 4 874874109 +506 200 4 874873112 +506 202 5 874873374 +506 203 4 874874152 +506 204 5 874874055 +506 205 5 874874760 +506 208 4 874873423 +506 209 4 874873529 +506 210 5 885135737 +506 211 4 874873198 +506 215 5 878044852 +506 216 4 874873794 +506 218 3 874873615 +506 222 4 884517178 +506 224 1 885136005 +506 226 4 885135844 +506 227 4 874875062 +506 228 5 874873571 +506 229 4 874874895 +506 230 4 874873847 +506 231 3 874873847 +506 233 4 874874109 +506 234 5 874873111 +506 239 3 874874152 +506 241 2 874874850 +506 248 2 880198305 +506 250 2 880198224 +506 258 4 884517178 +506 261 3 885135514 +506 271 4 880198184 +506 274 4 874862229 +506 281 3 880198144 +506 294 4 877861414 +506 295 4 879074845 +506 300 3 888178161 +506 323 3 875444631 +506 324 1 877984213 +506 328 4 885135476 +506 333 4 887230118 +506 342 3 888848304 +506 356 3 874874630 +506 363 3 874862646 +506 367 3 874873068 +506 380 4 874874585 +506 385 4 874873944 +506 391 2 885135912 +506 393 3 874874802 +506 399 5 874874054 +506 402 4 877539905 +506 403 4 874874458 +506 404 5 878044851 +506 410 2 882100955 +506 417 4 874874396 +506 418 4 874874055 +506 423 5 874874850 +506 425 4 874874585 +506 430 4 874873703 +506 432 4 874873112 +506 434 4 874876599 +506 435 5 874873744 +506 443 4 874874760 +506 447 4 874873847 +506 449 2 885135882 +506 455 3 876070976 +506 461 2 874873944 +506 463 3 874873157 +506 465 4 874874630 +506 470 4 874873423 +506 475 1 874862229 +506 478 4 874873067 +506 479 4 874873571 +506 482 5 878044852 +506 484 4 882100828 +506 489 4 874876651 +506 490 3 874873529 +506 494 5 878044851 +506 496 5 874873615 +506 497 5 874873703 +506 503 4 874874396 +506 510 5 874873067 +506 514 5 874873287 +506 516 4 874874525 +506 517 2 874874585 +506 518 4 874873198 +506 520 5 878044852 +506 521 5 874873529 +506 523 5 874873112 +506 525 4 874876486 +506 529 3 874873615 +506 530 5 874874110 +506 538 3 880908452 +506 539 4 884517135 +506 542 3 874873794 +506 550 4 885135881 +506 554 3 885135912 +506 560 3 874874458 +506 566 4 885135819 +506 568 5 889979761 +506 576 4 885135954 +506 578 3 885135881 +506 580 3 874875062 +506 581 2 874874850 +506 582 3 874873423 +506 586 2 885135882 +506 603 5 874873198 +506 604 4 874873528 +506 607 4 874874851 +506 608 4 874874055 +506 611 5 874874525 +506 641 5 874873158 +506 642 4 874874000 +506 646 4 874874947 +506 654 4 874876486 +506 655 4 874873892 +506 657 5 874873745 +506 660 3 874873157 +506 661 5 874874308 +506 662 5 878044851 +506 663 4 874874947 +506 665 2 885135882 +506 676 1 874945513 +506 678 3 879074774 +506 684 5 874873529 +506 686 3 889874717 +506 692 4 874873529 +506 693 4 874876651 +506 699 4 888848303 +506 705 5 878044851 +506 710 5 874874151 +506 712 3 874873893 +506 715 2 874876486 +506 731 4 874873374 +506 732 4 874874109 +506 739 4 874874525 +506 742 5 878044851 +506 746 5 874875062 +506 747 2 874874629 +506 749 4 888178129 +506 755 4 874876486 +506 761 2 874873327 +506 762 3 877861473 +506 770 3 874874110 +506 772 1 874873247 +506 779 2 885135954 +506 792 2 874876598 +506 796 3 874875062 +506 802 4 885135954 +506 836 4 874875062 +506 855 4 874874802 +506 873 4 889874717 +506 878 3 874872812 +506 880 1 885135560 +506 892 1 888848224 +506 930 1 877984514 +506 945 4 874874585 +506 951 3 874875062 +506 972 3 874874760 +506 1014 3 880908472 +506 1016 4 882100828 +506 1019 5 878044851 +506 1020 4 874873067 +506 1046 4 874874396 +506 1063 5 888848303 +506 1073 4 874873247 +506 1089 1 889979761 +506 1110 1 885135955 +506 1136 3 877539905 +506 1219 2 874874760 +506 1244 2 884517295 +506 1279 4 880198144 +506 1407 2 885135954 +506 1608 2 885135497 +507 50 5 889965997 +507 117 3 889965997 +507 118 5 889966127 +507 121 5 889965997 +507 147 5 889965997 +507 181 5 889965997 +507 222 5 889965997 +507 245 5 889964809 +507 250 5 889966024 +507 252 5 889966054 +507 257 5 889966054 +507 258 4 889963959 +507 269 2 889964121 +507 271 5 889964312 +507 288 5 889964020 +507 294 5 889964274 +507 298 5 889965997 +507 300 5 889964239 +507 302 5 889963959 +507 306 5 889964677 +507 307 5 889964239 +507 310 4 889964162 +507 313 5 889964121 +507 315 5 889964593 +507 316 5 889964844 +507 319 3 889964074 +507 323 5 889964809 +507 328 5 889964162 +507 333 4 889964121 +507 334 5 889964748 +507 338 5 889964348 +507 343 5 889964074 +507 345 5 889964202 +507 352 1 889964274 +507 405 5 889966127 +507 538 4 889964239 +507 597 5 889966089 +507 678 5 889966088 +507 682 5 889964620 +507 689 5 889964844 +507 690 4 889964074 +507 691 5 889964162 +507 748 5 889964844 +507 750 5 889964274 +507 751 5 889964162 +507 754 5 889964121 +507 826 5 889966127 +507 827 5 889966088 +507 841 5 889966054 +507 879 5 889964706 +507 892 5 889964809 +507 894 5 889964162 +507 895 5 889964202 +507 898 5 889964202 +507 1016 5 889966088 +507 1034 5 889966127 +507 1089 5 889966088 +507 1237 5 889964311 +508 1 5 883777430 +508 13 4 883777366 +508 23 4 883767361 +508 47 3 883777257 +508 50 5 883777430 +508 52 4 883777047 +508 69 3 883776748 +508 70 4 883776748 +508 73 3 883777329 +508 79 2 883767543 +508 82 3 883777145 +508 88 3 883777299 +508 91 4 883767246 +508 96 2 883768886 +508 98 3 883767140 +508 101 5 883777430 +508 109 3 883768886 +508 115 3 883767383 +508 121 2 883767047 +508 132 5 883767279 +508 144 3 883767728 +508 150 5 883767325 +508 151 5 883768886 +508 153 3 883777329 +508 154 5 883767704 +508 163 3 883768862 +508 168 4 883767172 +508 172 5 883767157 +508 173 4 883767140 +508 174 4 883767728 +508 175 4 883767465 +508 176 4 883767565 +508 179 4 883767465 +508 180 5 883767565 +508 181 3 883767047 +508 183 5 883767588 +508 185 5 883777430 +508 186 3 883777109 +508 188 4 883767325 +508 191 5 883767383 +508 195 3 883767565 +508 196 3 883776704 +508 200 4 883768842 +508 204 3 883767510 +508 208 5 883776748 +508 209 5 883767325 +508 210 4 883777125 +508 211 3 883777047 +508 214 3 883775341 +508 215 3 883776977 +508 216 5 883768886 +508 218 2 883777237 +508 219 1 883767628 +508 222 3 883777281 +508 223 4 883767361 +508 228 5 883777430 +508 229 2 883777346 +508 230 2 883768706 +508 232 3 883777109 +508 234 4 883767465 +508 238 4 883767343 +508 239 2 883777257 +508 269 4 883766931 +508 317 4 883767246 +508 318 4 883767704 +508 357 5 883767246 +508 378 5 883777430 +508 423 5 883777430 +508 436 4 883777109 +508 443 4 883777071 +508 451 3 883777281 +508 474 5 883777430 +508 502 4 883776778 +508 506 5 883777430 +508 511 4 883767246 +508 514 5 883767301 +508 524 5 883767608 +508 527 5 883775361 +508 528 5 883777430 +508 568 4 883777237 +508 629 4 883775341 +508 655 4 883767525 +508 710 4 883777071 +508 735 4 883775341 +508 1067 4 883767665 +508 1135 3 883777382 +508 1153 4 883768797 +509 50 5 883591878 +509 181 4 883591826 +509 245 2 883591109 +509 258 4 883590526 +509 260 2 883591195 +509 266 1 883591489 +509 268 2 883590443 +509 271 4 883591195 +509 288 5 883590443 +509 289 2 883590972 +509 294 2 883590972 +509 300 3 883590800 +509 301 2 883591043 +509 302 5 883590443 +509 307 2 883590729 +509 309 2 883590609 +509 310 1 883590443 +509 319 2 883590913 +509 326 4 883591043 +509 328 1 883590800 +509 332 2 883590800 +509 338 3 883591319 +509 343 3 883591319 +509 345 1 883590115 +509 603 4 883591826 +509 680 1 883591252 +509 687 1 883591489 +509 690 3 883590676 +509 705 4 883591687 +509 751 3 883590443 +509 754 1 883590676 +509 879 1 883590913 +509 892 1 883591489 +510 243 3 887667780 +510 245 3 887667574 +510 258 4 887667465 +510 259 2 887667708 +510 261 2 887667780 +510 286 3 887667439 +510 288 3 887667545 +510 289 2 887667751 +510 292 4 887667524 +510 294 3 887667681 +510 299 3 887667681 +510 300 5 887667439 +510 313 5 887667439 +510 322 3 887667752 +510 323 4 887667752 +510 324 1 887667618 +510 325 1 887667575 +510 326 4 887667751 +510 330 2 887667808 +510 333 3 887667465 +510 358 1 887667780 +510 457 2 887667969 +510 678 4 887667780 +510 681 1 887667808 +510 687 2 887667752 +510 748 3 887667707 +510 873 3 887667780 +510 876 2 887667574 +510 881 2 887667838 +510 1025 3 887667780 +511 260 4 890004916 +511 271 5 890004879 +511 288 4 890004795 +511 292 5 890004686 +511 294 4 890005011 +511 299 2 890004827 +511 300 4 890004658 +511 313 5 890004702 +511 322 3 890005102 +511 333 4 890004778 +511 340 4 890004687 +511 343 3 890004892 +511 346 4 890004686 +511 355 2 890004827 +511 358 1 890004916 +511 678 2 890005076 +511 682 4 890004844 +511 872 5 890004728 +511 880 5 890004778 +511 887 5 890004747 +511 895 4 890004863 +511 908 4 890004938 +511 948 3 890004916 +511 1527 4 890004952 +512 1 4 888589126 +512 11 5 888579520 +512 23 4 888580248 +512 50 5 888579997 +512 56 5 888579996 +512 97 5 888579520 +512 183 5 888579474 +512 186 5 888579520 +512 191 4 888579747 +512 198 5 888579920 +512 258 3 888578768 +512 265 4 888580143 +512 273 5 888579645 +512 286 5 888578937 +512 302 4 888578289 +512 313 3 888578289 +512 318 5 888579569 +512 325 2 888579139 +512 527 5 888579645 +512 1238 4 888578602 +512 1459 4 888579569 +513 50 5 885062365 +513 117 5 885062519 +513 118 4 885062559 +513 121 5 885062602 +513 127 4 885062286 +513 181 5 885062332 +513 210 5 885063273 +513 222 5 885062519 +513 250 3 885062332 +513 252 5 885063549 +513 257 4 885062519 +513 258 4 885062286 +513 265 5 885062919 +513 323 5 885062636 +513 405 3 885062559 +513 435 5 885063304 +513 472 4 885062636 +513 546 4 885062601 +513 685 4 885062601 +513 739 5 885063056 +513 763 3 885062453 +513 841 4 885062602 +514 1 5 875309276 +514 4 4 875463440 +514 7 5 875309415 +514 10 4 875462867 +514 11 4 875318082 +514 12 5 875318263 +514 13 3 876063880 +514 14 3 875318331 +514 15 4 875309350 +514 19 4 875463128 +514 22 4 875463202 +514 24 3 875463164 +514 25 4 875463028 +514 26 3 875463595 +514 28 5 875311192 +514 31 4 886190665 +514 42 5 875318331 +514 45 4 876061444 +514 47 4 875462645 +514 48 4 875318114 +514 49 2 886189676 +514 50 5 875462466 +514 58 4 875462689 +514 64 4 875462645 +514 65 3 886190207 +514 68 4 875463551 +514 69 4 875309276 +514 70 5 875462826 +514 73 4 876067258 +514 79 4 875462520 +514 81 4 875463416 +514 83 5 875462568 +514 87 5 875318163 +514 88 4 875463468 +514 89 4 875318331 +514 95 4 875309350 +514 96 5 875311192 +514 97 5 875462764 +514 98 5 875309473 +514 100 4 875318163 +514 109 3 876067235 +514 111 5 875463165 +514 114 5 875462466 +514 116 4 875462426 +514 118 2 875463416 +514 132 4 875463469 +514 134 3 875463665 +514 135 4 875311193 +514 136 4 875462867 +514 137 3 875318114 +514 144 3 875462520 +514 150 3 886189467 +514 152 4 875318163 +514 153 4 875463386 +514 154 4 875462689 +514 156 4 875311225 +514 157 4 875309350 +514 168 4 875308925 +514 169 5 875308734 +514 170 3 875462764 +514 172 4 875462726 +514 173 5 875462826 +514 174 5 875310992 +514 175 4 875462426 +514 176 4 875463128 +514 177 3 886189816 +514 178 4 875308925 +514 179 4 875463468 +514 180 3 886189927 +514 181 4 875463494 +514 183 3 875462645 +514 185 3 875311225 +514 186 4 875463028 +514 188 5 875463028 +514 189 5 875318291 +514 190 5 875318224 +514 191 5 875318224 +514 194 4 875463525 +514 195 5 876063938 +514 196 5 875318331 +514 197 4 875310992 +514 199 3 875463351 +514 200 2 875462867 +514 202 4 875309414 +514 204 5 875318331 +514 208 4 875463494 +514 209 3 876062951 +514 210 5 876067462 +514 211 3 876067235 +514 214 5 875318163 +514 215 4 875462689 +514 216 5 875309350 +514 222 4 875462611 +514 228 5 875463202 +514 229 3 875463525 +514 234 3 876063765 +514 237 4 875462611 +514 239 5 876067462 +514 243 2 885181043 +514 257 4 880209981 +514 258 4 875308674 +514 259 4 885180989 +514 265 4 886190600 +514 268 4 885180579 +514 269 4 885180864 +514 272 4 885180603 +514 274 4 876067433 +514 275 5 875463028 +514 283 4 875309231 +514 293 3 880209950 +514 294 3 885180929 +514 301 4 880209797 +514 302 5 885180556 +514 306 4 876672606 +514 307 4 880210104 +514 313 5 891900147 +514 318 4 875318331 +514 328 3 885180947 +514 336 1 885180842 +514 342 1 885180909 +514 344 3 891900164 +514 357 4 875462901 +514 367 5 875318164 +514 380 4 875462965 +514 384 3 876067623 +514 385 3 886189965 +514 392 4 875463351 +514 393 3 876067592 +514 402 4 875463245 +514 403 3 875463202 +514 405 2 875463386 +514 408 5 875311225 +514 419 4 875463468 +514 421 4 875463269 +514 423 5 875462568 +514 425 5 875318291 +514 429 4 875311225 +514 430 4 875462901 +514 431 4 875463595 +514 432 4 875311156 +514 433 5 875462795 +514 435 3 875463551 +514 462 4 875310992 +514 470 3 875462901 +514 473 3 875462520 +514 474 5 875462689 +514 483 4 875462795 +514 486 3 886189869 +514 510 3 886190480 +514 511 3 886189990 +514 527 4 875462466 +514 531 3 875308734 +514 558 4 875318114 +514 568 4 875462689 +514 582 4 875318224 +514 587 4 880210105 +514 609 4 875462826 +514 631 4 875463386 +514 647 3 875463079 +514 648 3 886189869 +514 651 4 875462901 +514 652 4 886189466 +514 655 4 875462568 +514 658 4 875463028 +514 659 3 875463245 +514 680 1 885180893 +514 682 4 875463891 +514 709 3 876067380 +514 710 5 875318331 +514 713 3 875309415 +514 715 4 876067592 +514 729 4 886189841 +514 732 5 875462901 +514 735 4 875462764 +514 746 5 875309276 +514 747 4 875463245 +514 748 2 875463906 +514 750 4 885180627 +514 778 4 876067546 +514 792 4 875462611 +514 796 4 876067205 +514 890 1 885180929 +514 898 2 885180893 +514 949 3 886189510 +514 988 2 885180989 +514 1014 2 885180645 +514 1035 3 875463595 +514 1039 5 875318163 +514 1047 3 876063961 +514 1074 4 876067623 +514 1101 4 886189893 +514 1115 4 875462826 +514 1160 4 886189748 +514 1600 4 875723266 +515 243 3 887659667 +515 258 4 887658676 +515 259 3 887659123 +515 269 2 887658844 +515 271 4 887658844 +515 286 2 887660131 +515 288 4 887658604 +515 289 1 887660131 +515 292 3 887659805 +515 294 3 887658910 +515 300 5 887658975 +515 302 3 887658604 +515 304 4 887658782 +515 307 4 887659123 +515 310 3 887658975 +515 313 4 887658604 +515 315 4 887658604 +515 322 3 887659073 +515 323 3 887659192 +515 326 2 887660131 +515 328 2 887660131 +515 329 2 887660131 +515 332 3 887658676 +515 340 3 887658782 +515 342 3 887659423 +515 344 2 887660131 +515 347 3 887658604 +515 362 4 887658844 +515 538 3 887658676 +515 682 4 887659192 +515 687 3 887659718 +515 690 2 887660131 +515 748 2 887660131 +515 750 2 887658782 +515 893 1 887660131 +515 895 4 887659123 +515 900 4 887658975 +515 905 2 887660131 +515 1399 4 887659718 +515 1430 3 887658604 +516 50 5 891290565 +516 169 5 891290685 +516 181 4 891290566 +516 191 4 891290685 +516 194 4 891290593 +516 199 3 891290649 +516 204 4 891290649 +516 212 4 891290649 +516 214 3 891290649 +516 250 4 891290565 +516 286 5 891290565 +516 310 4 891290565 +516 357 3 891290685 +516 431 3 891290649 +516 474 5 891290648 +516 515 4 891290566 +516 523 3 891290649 +516 582 5 891290594 +516 628 4 891290649 +516 660 5 891290593 +516 902 5 891290565 +517 1 3 892659892 +517 25 2 892659923 +517 50 5 892660727 +517 105 1 892654653 +517 111 3 892659922 +517 117 4 892659893 +517 127 4 892660033 +517 131 3 892659922 +517 181 4 892660033 +517 222 4 892660033 +517 229 3 892660034 +517 237 1 892659923 +517 258 5 892660728 +517 269 3 892659922 +517 275 5 892660728 +517 283 4 892660728 +517 284 2 892659923 +517 294 1 892607194 +517 300 5 892660728 +517 311 3 892660034 +517 328 3 892660034 +517 333 3 892659922 +517 335 3 875492066 +517 369 5 892660727 +517 405 4 892659893 +517 472 2 892659923 +517 538 4 892607155 +517 597 4 892660034 +517 740 4 892660728 +517 748 4 892660728 +517 755 3 892659893 +517 761 5 892660727 +517 823 2 892659923 +517 873 3 892660034 +517 1016 1 892607194 +517 1047 2 892659923 +517 1177 5 892660728 +518 1 4 876823143 +518 7 3 876823197 +518 9 3 876822811 +518 10 3 876822744 +518 13 4 876823266 +518 14 3 876822923 +518 25 5 876823197 +518 100 4 876822967 +518 106 5 876823804 +518 117 5 876823804 +518 118 5 876823804 +518 120 3 876824218 +518 121 5 876823804 +518 123 2 876823143 +518 124 3 876823071 +518 125 5 876823645 +518 126 4 876823018 +518 129 5 876823804 +518 147 4 876823324 +518 151 3 876823018 +518 222 5 876823597 +518 235 4 876823597 +518 236 3 876823597 +518 237 4 876823804 +518 240 1 876824079 +518 273 5 876823804 +518 276 5 876822923 +518 280 4 876824218 +518 284 4 876823324 +518 288 3 876822581 +518 289 4 876823804 +518 291 3 876823926 +518 300 3 876822581 +518 370 4 876823963 +518 405 5 876823926 +518 410 3 876823541 +518 412 1 876824266 +518 458 3 876823266 +518 471 3 876822873 +518 475 4 876822811 +518 476 4 876823324 +518 508 3 876823266 +518 544 3 876823324 +518 546 4 876823447 +518 547 3 876823645 +518 591 3 876823447 +518 595 3 876824266 +518 619 4 876823018 +518 628 5 876823804 +518 685 5 876823597 +518 696 5 876823266 +518 713 5 876823071 +518 717 5 876823963 +518 742 5 876823804 +518 744 4 876823266 +518 763 1 876823994 +518 820 2 876824218 +518 829 3 876824156 +518 847 5 876823447 +518 864 3 876823324 +518 866 5 876823540 +518 919 5 876822967 +518 920 3 876824121 +518 924 3 876822873 +518 934 3 876823143 +518 1011 4 876823645 +518 1017 3 876823071 +518 1028 3 876824266 +518 1040 3 876823541 +518 1047 4 876823266 +518 1079 1 876824266 +518 1114 2 876824079 +518 1335 3 876823018 +519 243 1 883250021 +519 259 1 883248278 +519 263 5 883250102 +519 264 2 883248251 +519 266 5 883248595 +519 268 5 883248065 +519 288 4 883248089 +519 299 5 884545961 +519 313 5 883248134 +519 324 1 883248191 +519 325 1 883248535 +519 327 4 883248134 +519 328 2 883248251 +519 330 5 884545961 +519 332 3 883248159 +519 333 3 883248089 +519 335 5 883248595 +519 336 5 883248595 +519 339 3 883248222 +519 340 5 883248251 +519 346 4 885929222 +519 348 5 883250148 +519 349 5 883250148 +519 350 5 883250102 +519 351 5 883250102 +519 352 5 883250148 +519 680 5 883248595 +519 682 1 883248278 +519 748 2 883248307 +519 751 4 884545801 +519 874 5 883250102 +519 878 5 884545961 +519 879 5 883248595 +519 887 5 883250102 +519 895 4 883248222 +519 903 5 883248595 +519 908 5 883250148 +519 909 5 883250148 +519 991 2 883250021 +519 1062 5 883250148 +519 1238 5 883248595 +519 1280 5 883250102 +519 1293 5 883250148 +519 1295 5 883248595 +519 1434 5 883250102 +519 1591 5 883250102 +519 1592 5 883250148 +519 1612 5 883250148 +519 1617 5 883250102 +520 25 4 885170476 +520 100 4 885170394 +520 240 1 885170476 +520 242 5 885168819 +520 269 5 885168591 +520 274 3 885170516 +520 283 4 885170516 +520 286 5 885168591 +520 289 4 885169052 +520 294 3 885170330 +520 300 4 885168906 +520 302 3 885170330 +520 310 4 885168862 +520 311 3 885168591 +520 315 4 885169083 +520 678 2 885170330 +520 690 5 885168677 +520 871 1 885170547 +520 893 2 885170330 +520 898 5 885168939 +520 990 4 885168906 +520 1028 1 885170476 +520 1051 3 885170585 +521 1 2 884475825 +521 2 3 886063310 +521 7 3 884475973 +521 8 3 884477914 +521 11 4 884477993 +521 12 5 884477853 +521 13 2 884476240 +521 17 1 885254888 +521 22 4 884477677 +521 23 3 884478428 +521 25 2 884476002 +521 28 3 885253323 +521 31 3 884478135 +521 33 4 885254133 +521 42 5 884478721 +521 50 4 884475799 +521 56 4 884478530 +521 68 4 886061689 +521 69 3 884477727 +521 72 3 885254323 +521 73 3 885253827 +521 77 3 885254338 +521 79 4 884477656 +521 81 1 885253861 +521 87 3 884478314 +521 89 3 885253266 +521 90 2 885254006 +521 95 3 885253266 +521 96 4 884477853 +521 97 3 884478049 +521 99 3 885253937 +521 100 3 884475872 +521 108 3 884476020 +521 109 5 884475845 +521 117 4 884475913 +521 121 2 884475889 +521 125 3 884476020 +521 127 4 885253352 +521 132 3 885253186 +521 135 4 885254226 +521 144 3 884478171 +521 147 4 884476837 +521 151 3 884476240 +521 153 4 884478086 +521 154 2 884478119 +521 156 4 884478171 +521 159 3 885253904 +521 161 2 885254116 +521 163 3 884478483 +521 168 4 884477585 +521 172 3 884478049 +521 173 4 884477896 +521 174 4 884478721 +521 176 4 884477820 +521 179 4 885253708 +521 181 4 884475845 +521 182 3 884477993 +521 183 3 884477630 +521 184 4 884478358 +521 186 4 884478358 +521 188 4 884478101 +521 191 4 884477868 +521 195 4 884477775 +521 202 3 884478530 +521 203 3 884477896 +521 204 4 884477853 +521 206 5 884476637 +521 208 3 885253562 +521 210 3 884478119 +521 215 1 886062095 +521 216 2 885253247 +521 222 4 884475799 +521 226 4 884478721 +521 227 3 885253808 +521 228 4 884478007 +521 229 2 884478314 +521 230 3 885254250 +521 231 2 885254307 +521 232 3 886063553 +521 235 3 884476221 +521 238 3 884478101 +521 239 5 885254354 +521 240 3 884476067 +521 241 4 885254006 +521 246 4 884475913 +521 248 3 884476110 +521 249 4 884476257 +521 250 3 884476020 +521 257 3 884476035 +521 258 4 884475503 +521 265 3 885253247 +521 268 5 884475470 +521 271 3 884475524 +521 273 3 884476168 +521 288 3 884475470 +521 290 3 884477262 +521 291 1 885254166 +521 298 3 884476126 +521 300 3 884475555 +521 324 2 886059923 +521 343 3 884475605 +521 380 3 884478483 +521 385 3 885254837 +521 392 3 886063254 +521 393 3 884478667 +521 402 3 885253501 +521 403 4 885253758 +521 405 2 884476820 +521 421 4 885254070 +521 423 3 884478792 +521 427 3 884477630 +521 431 4 884478601 +521 474 3 884477677 +521 475 3 884475889 +521 496 2 885253668 +521 520 3 884477585 +521 526 3 885254307 +521 550 3 885253844 +521 566 3 885254925 +521 568 3 884478101 +521 597 2 884476302 +521 625 3 885253937 +521 651 3 885253376 +521 655 4 885253904 +521 659 4 885253376 +521 679 3 884478515 +521 684 3 884478807 +521 721 4 885253337 +521 732 3 884478135 +521 742 3 884477512 +521 743 1 886061689 +521 746 4 884478152 +521 748 3 884475618 +521 751 3 884475485 +521 754 3 885252562 +521 755 3 885254872 +521 763 4 884476152 +521 826 2 884476920 +521 827 1 884476904 +521 829 2 884476168 +521 833 2 884476869 +521 967 3 885254071 +521 1012 3 884476049 +521 1013 1 884476820 +521 1014 3 884476320 +521 1016 3 884476002 +521 1022 4 884475591 +521 1059 1 884476821 +521 1240 3 884478667 +521 1244 3 884476887 +522 11 4 876961076 +522 12 5 876960894 +522 23 5 876961248 +522 48 4 876961020 +522 79 3 876960824 +522 96 3 876961076 +522 100 5 876960824 +522 128 4 876961133 +522 133 3 876961314 +522 134 5 876961020 +522 135 5 876960824 +522 168 5 876960956 +522 173 4 876961020 +522 179 5 876961190 +522 180 5 876960824 +522 192 5 876960894 +522 200 4 876961314 +522 205 4 876961020 +522 208 5 876961248 +522 318 4 876961248 +522 430 5 876961314 +522 480 5 876961076 +522 492 4 876961190 +522 510 5 876961190 +522 514 2 876960956 +522 521 5 876961190 +522 523 5 876961133 +522 530 4 876961314 +522 543 4 876961076 +522 654 4 876960824 +523 1 5 883701763 +523 3 4 883702474 +523 8 5 883702125 +523 9 4 883700564 +523 14 5 883700991 +523 25 4 883702054 +523 42 3 883703495 +523 50 5 883700186 +523 56 3 883703495 +523 66 4 883702292 +523 67 4 883702654 +523 70 5 883700743 +523 72 4 883702351 +523 83 5 883700870 +523 95 4 883701800 +523 97 4 883702946 +523 114 5 883701800 +523 116 5 883700766 +523 153 4 883702054 +523 154 4 883702125 +523 155 4 883703091 +523 163 5 883702411 +523 166 4 883701018 +523 167 4 883702233 +523 168 4 883701962 +523 169 5 883701800 +523 179 3 883703495 +523 181 5 883700186 +523 186 3 883703495 +523 189 5 883701800 +523 194 5 883702210 +523 197 5 883703048 +523 202 4 883702054 +523 204 5 883702171 +523 208 5 883702209 +523 210 5 883702209 +523 211 4 883702292 +523 213 5 883700743 +523 242 5 883699464 +523 255 5 883700144 +523 257 5 883700187 +523 258 5 883699583 +523 269 5 883699464 +523 285 5 883701962 +523 289 4 883699869 +523 301 4 883700064 +523 306 5 883699583 +523 382 5 883701018 +523 384 3 883703495 +523 393 5 883702411 +523 407 4 883702800 +523 408 5 883700527 +523 412 3 883702351 +523 430 4 883702125 +523 432 5 883701800 +523 435 5 883702263 +523 451 5 883702441 +523 476 3 883702441 +523 477 3 883703495 +523 508 3 883703495 +523 509 4 883700870 +523 514 4 883702172 +523 516 5 883702863 +523 523 3 883703495 +523 531 5 883700792 +523 533 4 883700395 +523 549 4 883703144 +523 575 4 883702800 +523 582 4 883701154 +523 629 5 883702125 +523 634 5 883700743 +523 638 4 883701065 +523 652 2 883703495 +523 662 4 883703070 +523 663 5 883701962 +523 694 5 883703048 +523 707 5 883701093 +523 722 3 883703495 +523 727 4 883703167 +523 732 4 883702125 +523 792 4 883702263 +523 794 4 883703144 +523 863 4 883700743 +523 866 5 883700618 +523 874 4 883699869 +523 934 4 883702602 +523 935 5 883700186 +523 944 4 883702324 +523 949 5 883700792 +523 954 5 883702474 +523 1009 5 883701154 +523 1014 5 883700307 +523 1022 4 883699629 +523 1036 4 883702552 +523 1041 4 883702411 +523 1047 5 883702800 +523 1069 5 883701962 +523 1121 5 883700969 +523 1195 5 883700969 +523 1472 5 883701124 +524 4 4 884636498 +524 6 5 884627388 +524 7 2 884627065 +524 12 3 884634646 +524 13 4 884323551 +524 14 5 884322047 +524 22 3 884634731 +524 23 5 884635031 +524 24 3 884626906 +524 29 3 884637173 +524 31 4 884636205 +524 32 4 884634679 +524 39 5 884636583 +524 42 3 884636453 +524 44 4 884636416 +524 47 2 884635136 +524 50 4 884634615 +524 52 4 884636453 +524 55 2 884634911 +524 56 4 884634849 +524 58 4 884635031 +524 60 5 884634938 +524 64 2 884634877 +524 65 4 884636646 +524 66 3 884636617 +524 69 4 884634578 +524 70 4 884636519 +524 71 3 884634755 +524 72 4 884636958 +524 76 4 884636182 +524 77 3 884637095 +524 79 4 884634818 +524 81 1 884636262 +524 82 4 884636583 +524 89 5 884634533 +524 92 4 884635171 +524 94 2 884637245 +524 95 3 884636617 +524 96 4 884635172 +524 97 5 884636583 +524 98 3 884634615 +524 100 5 884322047 +524 107 3 884628284 +524 111 5 884323426 +524 116 4 884322047 +524 117 3 884322113 +524 118 4 884627463 +524 124 5 884322113 +524 126 4 884323427 +524 127 5 884634533 +524 129 5 884322047 +524 131 5 884636498 +524 132 4 884634968 +524 133 5 884634968 +524 134 5 884634848 +524 135 3 884634679 +524 143 3 884635085 +524 150 2 884832650 +524 151 1 884627327 +524 161 4 884637095 +524 168 3 884634995 +524 170 4 884634785 +524 172 3 884634849 +524 173 4 884637436 +524 174 4 884634911 +524 175 3 884634911 +524 178 3 884634968 +524 179 5 884635204 +524 180 4 884634579 +524 181 3 884634731 +524 182 5 884635031 +524 184 1 884636416 +524 185 4 884635204 +524 186 3 884634995 +524 187 5 884634646 +524 191 4 884634707 +524 192 4 884634877 +524 193 4 884636498 +524 194 4 884634646 +524 195 2 884634849 +524 197 4 884637347 +524 198 4 884634707 +524 199 4 884634646 +524 203 4 884634819 +524 204 3 884635358 +524 205 5 884634707 +524 208 5 884635287 +524 209 4 884634755 +524 210 3 884635287 +524 211 5 884635136 +524 212 5 884635326 +524 213 4 884635136 +524 215 2 884636735 +524 216 5 884634849 +524 218 3 884636453 +524 221 4 884323464 +524 222 2 884323500 +524 226 3 884635085 +524 227 2 884636498 +524 228 3 884636152 +524 230 3 884636907 +524 234 4 884634877 +524 235 1 884628059 +524 237 3 884322169 +524 238 4 884634755 +524 239 2 884636498 +524 241 5 884635205 +524 259 3 884320358 +524 265 4 884636583 +524 269 4 884287379 +524 273 3 884322113 +524 275 3 884832616 +524 277 3 884322379 +524 281 2 884323464 +524 284 3 884323525 +524 285 3 884322168 +524 286 5 884287379 +524 289 4 884321591 +524 290 2 884323525 +524 291 4 884627777 +524 301 4 884321179 +524 302 5 884287406 +524 304 4 884321179 +524 310 4 884701677 +524 311 4 884287428 +524 318 4 884635287 +524 319 4 884638062 +524 321 3 884321179 +524 322 4 884320358 +524 367 5 884636453 +524 380 2 884637202 +524 382 3 884636596 +524 385 3 884636453 +524 386 4 884637032 +524 393 3 884637032 +524 402 2 884636617 +524 403 4 884636182 +524 405 2 884627065 +524 410 2 884832742 +524 414 4 884635136 +524 416 4 884636152 +524 418 1 884637598 +524 419 1 884635031 +524 423 4 884635358 +524 429 2 884635358 +524 430 3 884637914 +524 432 1 884636151 +524 433 5 884636444 +524 435 4 884635053 +524 436 4 884636864 +524 443 4 884636542 +524 447 5 884636182 +524 449 3 884637245 +524 451 3 884637202 +524 461 3 884635287 +524 466 4 884636583 +524 467 4 884635287 +524 469 4 884636416 +524 471 4 884322169 +524 472 3 884323500 +524 474 4 884634578 +524 476 3 884628212 +524 478 3 884637376 +524 479 4 884637314 +524 480 4 884634911 +524 481 4 884634785 +524 482 5 884634938 +524 483 4 884634533 +524 484 4 884634646 +524 485 2 884635085 +524 488 4 884634707 +524 490 3 884634679 +524 492 3 884634679 +524 493 4 884638025 +524 494 4 884637409 +524 495 4 884635358 +524 496 2 884637314 +524 497 2 884637467 +524 498 5 884636453 +524 499 4 884637598 +524 501 2 884636262 +524 504 5 884634877 +524 506 4 884634938 +524 508 5 884322047 +524 511 5 884634707 +524 513 4 884634938 +524 514 5 884634938 +524 515 4 884637409 +524 516 4 884634578 +524 517 4 884635136 +524 518 3 884635031 +524 519 4 884634818 +524 520 3 884637314 +524 521 4 884636182 +524 523 4 884634615 +524 525 3 884634615 +524 526 3 884636907 +524 527 5 884634785 +524 528 4 884634818 +524 530 4 884634785 +524 541 1 884702593 +524 546 4 884627594 +524 549 4 884636931 +524 550 3 884636958 +524 554 4 884636746 +524 558 4 884634533 +524 559 3 884637067 +524 568 4 884636152 +524 570 4 884637128 +524 573 4 884636827 +524 578 5 884637031 +524 582 3 884635326 +524 583 4 884635326 +524 584 1 884635205 +524 603 3 884637376 +524 604 4 884637501 +524 605 1 884637566 +524 606 4 884634968 +524 607 3 884637314 +524 612 3 884635204 +524 613 4 884637347 +524 614 5 884634731 +524 615 2 884637409 +524 618 3 884636416 +524 638 2 884637914 +524 640 1 884636541 +524 642 4 884636182 +524 646 5 884637347 +524 647 3 884634911 +524 649 4 884636205 +524 650 2 884637528 +524 651 4 884634578 +524 654 5 884634877 +524 657 4 884634995 +524 660 5 884636152 +524 661 3 884637467 +524 663 2 884635358 +524 670 4 884637203 +524 676 3 884322379 +524 679 2 884636746 +524 684 4 884636236 +524 693 5 884636562 +524 700 5 884637246 +524 702 4 884636262 +524 704 4 884636691 +524 705 3 884634818 +524 707 4 884634995 +524 708 4 884636645 +524 709 5 884635171 +524 712 4 884637147 +524 715 4 884636182 +524 724 3 884636444 +524 739 2 884637128 +524 742 3 884627446 +524 748 2 884321592 +524 751 4 884701677 +524 781 1 884636583 +524 792 4 884636519 +524 796 3 884636958 +524 815 3 884627519 +524 818 3 884628308 +524 823 4 884628136 +524 831 3 884628212 +524 836 2 884637409 +524 837 2 884637467 +524 845 5 884323426 +524 855 4 884634911 +524 866 2 884626810 +524 895 4 884320358 +524 898 4 884701702 +524 928 4 884323551 +524 930 3 884832772 +524 931 3 884627932 +524 942 4 884636980 +524 943 3 884636453 +524 950 4 884323351 +524 955 1 884637914 +524 965 4 884635288 +524 978 3 884628212 +524 1041 2 884636746 +524 1044 4 884636931 +524 1046 3 884637173 +524 1048 4 884627594 +524 1050 2 884637501 +524 1065 1 884636646 +524 1073 5 884635287 +524 1074 2 884637128 +524 1093 4 884628136 +524 1101 4 884635053 +524 1107 4 884636262 +524 1113 3 884636236 +524 1124 3 884637528 +524 1126 1 884637409 +524 1129 2 884832580 +524 1152 3 884626906 +524 1154 1 884637914 +524 1166 5 884635031 +524 1184 3 884637173 +524 1204 3 884635225 +524 1268 3 884637032 +524 1421 5 884637147 +524 1454 3 884637128 +524 1456 3 884635031 +524 1540 2 884635326 +524 1553 3 884635136 +524 1560 4 884636444 +525 1 4 881085964 +525 7 3 881086051 +525 14 3 881086078 +525 15 4 881085964 +525 25 5 881085917 +525 100 4 881086108 +525 106 2 881086938 +525 111 4 881086051 +525 118 3 881086393 +525 121 4 881085893 +525 123 3 881086051 +525 124 3 881086108 +525 125 3 881085709 +525 127 3 881085647 +525 147 3 881085893 +525 151 5 881086562 +525 181 4 881085740 +525 237 4 881085893 +525 248 4 881085709 +525 250 3 881085917 +525 252 3 881086780 +525 255 1 881086078 +525 257 4 881085739 +525 269 5 881087067 +525 276 5 881086468 +525 281 3 881086562 +525 282 4 881085648 +525 288 4 881085217 +525 289 3 881085256 +525 291 2 881086644 +525 293 3 881086108 +525 300 4 881085217 +525 322 2 881085256 +525 332 4 881085178 +525 405 4 881086693 +525 411 3 881086612 +525 412 2 881086757 +525 472 2 881086012 +525 475 3 881086108 +525 595 2 881086803 +525 596 4 881086195 +525 597 3 881086413 +525 676 2 881086518 +525 685 4 881086295 +525 713 4 881086393 +525 742 3 881085843 +525 762 4 881085917 +525 829 2 881086393 +525 928 3 881086586 +525 1011 3 881086274 +525 1012 3 881086078 +525 1014 3 881086468 +525 1047 2 881086274 +525 1315 4 881086393 +526 1 5 885682562 +526 7 4 885682400 +526 50 5 885682426 +526 100 5 885682448 +526 121 2 885682590 +526 123 3 885682614 +526 125 2 885682657 +526 127 4 885682426 +526 147 4 885682503 +526 150 2 885682370 +526 181 4 885682448 +526 243 1 885682295 +526 245 2 885682124 +526 248 4 885682635 +526 250 2 885682477 +526 258 3 885681860 +526 260 1 885681982 +526 269 5 885681886 +526 270 3 885681860 +526 271 3 885682124 +526 272 5 885681860 +526 273 2 885682562 +526 276 4 885682477 +526 277 2 885682657 +526 282 3 885682370 +526 283 3 885682400 +526 285 5 885682503 +526 288 4 885681910 +526 293 5 885682477 +526 294 3 885681982 +526 298 4 885682528 +526 300 2 885682031 +526 301 2 885682031 +526 302 5 885681860 +526 307 2 885681958 +526 312 2 885682295 +526 313 5 885681934 +526 315 5 885682102 +526 323 2 885682214 +526 325 3 885682102 +526 328 2 885682006 +526 331 3 885681935 +526 332 2 885682006 +526 333 3 885681935 +526 342 2 885682295 +526 343 3 885682264 +526 346 3 885681860 +526 408 5 885682562 +526 475 5 885682635 +526 508 4 885682590 +526 544 1 885682477 +526 591 4 885682503 +526 676 5 885682370 +526 678 1 885682214 +526 690 3 885681910 +526 742 3 885682562 +526 748 1 885682214 +526 750 4 885681886 +526 751 2 885681958 +526 754 2 885681886 +526 845 5 885682590 +526 875 3 885682264 +526 879 3 885682102 +526 886 3 885682077 +526 919 3 885682400 +526 936 5 885682448 +526 1007 3 885682657 +526 1084 5 885682590 +527 4 2 879456162 +527 7 5 879456162 +527 9 5 879455873 +527 11 4 879456662 +527 12 4 879456637 +527 14 2 879456663 +527 19 3 879456611 +527 22 5 879456132 +527 23 5 879456611 +527 28 3 879456289 +527 50 4 879455706 +527 56 4 879456611 +527 59 5 879455792 +527 60 4 879456132 +527 64 3 879456030 +527 69 4 879456490 +527 70 4 879455873 +527 86 4 879456438 +527 87 3 879456132 +527 91 2 879455873 +527 93 4 879456078 +527 96 4 879456611 +527 99 3 879456186 +527 100 5 879455905 +527 116 4 879456611 +527 124 4 879455680 +527 127 5 879456132 +527 129 2 879455905 +527 134 5 879456490 +527 135 2 879456587 +527 143 2 879456289 +527 144 4 879456186 +527 152 2 879456405 +527 153 5 879455847 +527 154 3 879455814 +527 156 3 879456334 +527 168 5 879456405 +527 169 4 879455961 +527 170 3 879456637 +527 172 5 879456490 +527 174 4 879455847 +527 175 3 879456132 +527 176 2 879455740 +527 177 5 879456405 +527 179 3 879456587 +527 180 5 879456334 +527 181 4 879456464 +527 182 5 879456132 +527 183 5 879456691 +527 185 5 879455680 +527 187 5 879455999 +527 190 4 879456362 +527 191 5 879455654 +527 192 4 879455765 +527 193 3 879455680 +527 197 4 879455740 +527 200 3 879455999 +527 201 3 879456490 +527 202 3 879456691 +527 203 4 879456662 +527 204 5 879455847 +527 207 4 879455873 +527 208 4 879456289 +527 209 4 879456405 +527 210 4 879455924 +527 211 4 879456289 +527 213 4 879456186 +527 214 4 879456030 +527 234 5 879455706 +527 238 5 879456405 +527 275 3 879455961 +527 279 4 879456438 +527 283 4 879456405 +527 285 5 879456363 +527 286 2 879455354 +527 317 4 879456405 +527 318 3 879456104 +527 324 3 879455415 +527 357 5 879455654 +527 423 3 879456248 +527 425 4 879455792 +527 427 4 879455740 +527 429 5 879456611 +527 431 3 879456363 +527 433 4 879456464 +527 462 3 879455707 +527 466 2 879455765 +527 467 3 879455999 +527 474 3 879455792 +527 475 3 879455847 +527 479 4 879455707 +527 492 3 879456405 +527 496 4 879456248 +527 498 4 879455961 +527 499 5 879456490 +527 507 5 879455654 +527 508 3 879456363 +527 511 5 879456248 +527 513 4 879456030 +527 514 5 879455961 +527 517 5 879456186 +527 526 5 879456312 +527 528 3 879456104 +527 531 3 879456077 +527 543 4 879455740 +527 558 4 879456162 +527 582 2 879456078 +527 588 4 879456289 +527 603 4 879456078 +527 615 4 879456312 +527 628 3 879456289 +527 631 4 879456030 +527 634 5 879456363 +527 640 4 879456464 +527 646 5 879455792 +527 647 5 879455654 +527 651 5 879455654 +527 652 4 879456248 +527 653 4 879456077 +527 655 3 879456464 +527 657 4 879455999 +527 659 4 879455617 +527 661 5 879456186 +527 671 5 879455873 +527 673 4 879456587 +527 709 5 879455961 +527 855 2 879455814 +527 868 4 879456663 +527 878 1 879455511 +527 956 4 879455847 +527 962 3 879456312 +527 963 4 879456030 +527 1101 4 879456691 +527 1109 3 879455792 +527 1149 4 879456637 +527 1211 3 879455765 +527 1333 3 879456104 +528 31 5 886101761 +528 50 5 886101695 +528 56 3 886101428 +528 58 5 886101994 +528 69 3 886101761 +528 77 3 886101428 +528 79 5 886101911 +528 82 4 886101632 +528 83 5 886101632 +528 109 4 886812980 +528 168 4 888522642 +528 173 5 886101610 +528 174 5 886101821 +528 178 4 886101695 +528 181 5 886812857 +528 185 4 886101652 +528 193 4 886101873 +528 194 5 886101956 +528 202 5 886101846 +528 203 4 888522613 +528 204 5 888522547 +528 210 5 886101976 +528 213 4 886101505 +528 238 3 886101782 +528 239 5 886101632 +528 250 3 886812886 +528 258 4 886812857 +528 294 3 888520438 +528 298 4 888520849 +528 310 3 888520371 +528 358 2 888520491 +528 393 2 886101695 +528 402 4 888520911 +528 410 4 886813104 +528 422 2 886813066 +528 423 1 888522642 +528 427 4 886813104 +528 479 4 886101505 +528 484 3 886101695 +528 485 2 886101872 +528 505 4 886101956 +528 523 4 886101846 +528 526 4 886101505 +528 541 3 888520782 +528 588 2 886101736 +528 615 4 886101715 +528 657 5 886101505 +528 678 3 888520525 +528 748 3 888520471 +528 751 4 888520371 +528 845 3 886812857 +528 1254 3 886812920 +528 1618 1 888521905 +529 245 3 882535639 +529 258 4 882535091 +529 260 4 882535693 +529 264 2 882535820 +529 268 5 882535220 +529 269 3 882534996 +529 270 4 882535304 +529 271 4 882535536 +529 286 4 882534996 +529 288 4 882535353 +529 292 4 882535180 +529 294 4 882535466 +529 300 4 882535049 +529 301 4 882535639 +529 307 5 882534996 +529 309 3 882535353 +529 310 4 882534996 +529 319 4 882535220 +529 321 4 882535353 +529 322 4 882535383 +529 323 4 882535091 +529 324 2 882535563 +529 325 3 882535693 +529 326 4 882535304 +529 327 4 882535353 +529 328 4 882535256 +529 331 4 882535220 +529 332 4 882535049 +529 333 4 882534996 +529 340 1 882535181 +529 343 3 882535180 +529 682 4 882535256 +529 689 2 882535049 +529 690 3 882535180 +529 749 4 882535466 +529 873 4 882535091 +529 875 4 882535714 +529 876 3 882535466 +529 880 4 882535304 +529 886 4 882535353 +529 984 4 882535353 +529 991 1 882535639 +529 1038 4 882535304 +530 50 4 883781669 +530 56 3 886202320 +530 60 5 883790997 +530 64 5 883790942 +530 70 4 886198864 +530 88 4 890627443 +530 98 4 883784195 +530 100 4 883784058 +530 156 4 883790381 +530 163 3 886202320 +530 172 4 883790882 +530 174 4 883784503 +530 176 3 886202320 +530 178 5 883787080 +530 181 3 886202320 +530 183 4 883790882 +530 191 5 883785574 +530 195 3 883784105 +530 196 5 883784601 +530 204 4 883790833 +530 214 2 886202320 +530 220 5 886628953 +530 237 4 886629307 +530 255 4 886198864 +530 275 5 890627396 +530 319 3 891568424 +530 322 4 886203949 +530 328 4 886198454 +530 333 3 890627264 +530 357 5 883784456 +530 443 4 883790943 +530 470 3 891568895 +530 476 4 886198206 +530 483 3 883785248 +530 487 4 883784557 +530 527 4 883784654 +530 535 4 886198575 +530 582 4 883783631 +530 607 5 883790567 +530 660 3 883785464 +530 692 4 883784258 +530 815 4 886202404 +530 1136 4 891568851 +530 1226 4 891568366 +530 1300 2 890627207 +531 245 4 887049049 +531 259 1 887048789 +531 286 5 887048741 +531 288 1 887048686 +531 289 3 887048862 +531 300 4 887048862 +531 302 5 887048686 +531 311 4 887048763 +531 312 5 887048899 +531 313 5 887049364 +531 323 5 887049081 +531 327 3 887048718 +531 329 5 887049081 +531 332 4 887048813 +531 338 1 887048938 +531 358 1 887049187 +531 457 1 887049341 +531 688 1 887048998 +531 690 5 887048789 +531 748 4 887049081 +531 751 4 887048836 +531 890 1 887049341 +531 892 3 887049187 +531 894 1 887049214 +531 895 2 887049214 +531 898 5 887049081 +531 905 4 887049166 +531 908 1 887048836 +531 990 5 887048789 +531 1316 4 887049214 +532 1 5 893119335 +532 2 5 893119336 +532 4 5 893119415 +532 7 5 893119415 +532 8 5 893119415 +532 9 5 893119438 +532 11 5 893119491 +532 12 5 893119491 +532 22 5 892867296 +532 24 5 892867296 +532 26 3 888629359 +532 29 3 888636521 +532 38 3 874789332 +532 44 5 888637085 +532 51 5 888635365 +532 52 4 888629446 +532 58 4 888636374 +532 66 5 893118712 +532 70 4 888634801 +532 72 3 888636538 +532 77 5 892519935 +532 79 5 889235367 +532 82 5 892521554 +532 87 5 892866230 +532 95 5 893118711 +532 96 5 892867296 +532 97 5 893119415 +532 98 5 893119438 +532 99 5 893119438 +532 100 5 893119335 +532 105 3 874789704 +532 107 5 893119415 +532 117 5 893119335 +532 118 4 888634813 +532 120 2 888630742 +532 121 4 888636374 +532 125 5 893119415 +532 127 5 893119438 +532 132 5 893118711 +532 135 3 888629938 +532 136 5 892865321 +532 139 5 874792232 +532 143 4 874788755 +532 147 4 888634802 +532 148 5 888817717 +532 151 5 892519935 +532 153 4 888629670 +532 155 4 888630086 +532 161 5 892519934 +532 164 5 892519934 +532 168 5 892519934 +532 177 4 888636501 +532 181 5 889235367 +532 186 4 891910189 +532 187 4 884594932 +532 191 5 888635366 +532 195 5 892521554 +532 197 5 889235367 +532 203 5 893118712 +532 204 5 892863286 +532 205 5 887788806 +532 210 5 888637085 +532 215 5 892866230 +532 216 5 893119438 +532 218 5 889235367 +532 226 4 892859148 +532 227 4 874788566 +532 228 5 893118712 +532 229 5 892859148 +532 230 5 893118712 +532 234 5 889235367 +532 235 3 887041328 +532 240 3 888629938 +532 241 5 892859148 +532 242 4 888817735 +532 248 4 888635264 +532 250 3 891910110 +532 251 4 888636374 +532 252 4 888636478 +532 259 3 884594498 +532 266 4 875441640 +532 267 3 875441348 +532 268 4 875441085 +532 269 4 891288537 +532 272 5 884594422 +532 277 5 893119439 +532 282 5 893119415 +532 284 5 893119438 +532 292 4 884594621 +532 295 5 884594761 +532 298 4 892859148 +532 300 5 888635239 +532 301 4 874999563 +532 302 5 875441085 +532 304 5 893118711 +532 305 3 878372701 +532 307 4 880831630 +532 310 4 888634802 +532 311 2 885415471 +532 312 2 884594422 +532 313 5 884594326 +532 315 3 888636423 +532 316 4 888631773 +532 318 5 893119439 +532 329 4 886364769 +532 330 4 888636373 +532 331 4 890021268 +532 332 4 876696298 +532 333 4 875441189 +532 335 3 888636389 +532 338 3 879931705 +532 339 5 892859148 +532 345 4 884594358 +532 346 5 885761690 +532 347 4 884594422 +532 348 4 886364825 +532 352 3 886585109 +532 353 2 886364951 +532 354 4 887672256 +532 357 5 892519935 +532 364 3 874791976 +532 367 5 893119439 +532 368 3 888630991 +532 369 3 874792142 +532 373 3 888630658 +532 399 3 888630360 +532 402 5 893118712 +532 403 4 892865321 +532 404 5 893119336 +532 407 2 874794386 +532 411 3 874792031 +532 412 2 874795951 +532 419 5 888635366 +532 420 4 888636374 +532 421 5 888637085 +532 425 4 888634801 +532 426 5 888635197 +532 427 5 892519934 +532 431 5 892521553 +532 447 4 888630205 +532 448 4 888635429 +532 450 2 874796421 +532 451 4 874789474 +532 452 5 888630585 +532 453 4 888631524 +532 468 5 893119491 +532 470 5 892859148 +532 472 5 893119335 +532 477 4 892520198 +532 480 5 893119491 +532 482 5 888629254 +532 483 5 892867296 +532 485 5 893119491 +532 491 5 893119491 +532 492 4 888637105 +532 495 4 888634801 +532 496 5 893119491 +532 498 4 888629124 +532 500 5 889235367 +532 501 5 889235367 +532 506 5 889235367 +532 508 4 888636373 +532 510 5 888635197 +532 515 5 889327324 +532 520 5 892861434 +532 523 5 888637085 +532 526 5 893119415 +532 531 5 893119491 +532 532 3 887040858 +532 535 5 888637085 +532 538 4 881048155 +532 545 2 874791976 +532 549 5 888637085 +532 554 4 874790813 +532 559 5 892859148 +532 562 5 892859148 +532 568 5 892521554 +532 570 4 888629804 +532 576 5 893118712 +532 586 4 888636373 +532 588 5 893119415 +532 591 5 893119335 +532 592 3 874791850 +532 601 3 888629518 +532 603 5 893119491 +532 619 5 889235367 +532 633 5 888635197 +532 636 5 892859149 +532 655 5 892861435 +532 658 5 893119335 +532 660 4 888634801 +532 676 5 892521554 +532 679 5 888629565 +532 682 4 877898976 +532 684 5 888635197 +532 685 5 892521554 +532 689 4 880484527 +532 690 4 876696258 +532 692 5 893119336 +532 708 4 877634392 +532 721 4 874791671 +532 722 3 888629836 +532 734 3 874791786 +532 739 5 893119335 +532 746 5 893119438 +532 750 5 884594358 +532 754 4 892854961 +532 759 2 888631120 +532 761 4 874787387 +532 763 5 892866230 +532 769 2 888630531 +532 771 3 874791172 +532 781 5 877635505 +532 795 2 874789538 +532 796 5 888635445 +532 815 4 888635376 +532 818 2 888631077 +532 824 4 888634802 +532 829 3 892520073 +532 831 2 874790629 +532 833 4 888629804 +532 834 4 874796151 +532 840 4 892867296 +532 842 4 888635407 +532 864 4 887041540 +532 865 2 888630531 +532 879 3 892519328 +532 895 3 884594450 +532 898 4 884594575 +532 914 5 893118711 +532 915 4 891909850 +532 916 3 893115293 +532 917 4 892520128 +532 918 4 893013954 +532 925 4 892520642 +532 926 3 888630146 +532 929 3 874791786 +532 931 3 892520696 +532 938 3 892519553 +532 946 5 888635366 +532 980 4 884594911 +532 982 3 888631077 +532 990 3 875511963 +532 1011 5 893119491 +532 1016 4 888636450 +532 1039 4 888629863 +532 1046 4 874790629 +532 1092 2 888630838 +532 1119 5 893119415 +532 1136 2 888636558 +532 1162 2 888631576 +532 1168 4 888630436 +532 1188 4 874790998 +532 1189 5 892521554 +532 1199 3 874789155 +532 1207 2 874790439 +532 1210 4 888636373 +532 1217 4 888630453 +532 1221 5 874788957 +532 1226 4 893015131 +532 1228 3 874789704 +532 1240 2 874793852 +532 1300 3 888632446 +532 1312 4 888631036 +532 1337 3 874790930 +532 1407 2 874794386 +532 1415 2 892520390 +532 1426 3 874791506 +532 1428 4 874791420 +532 1470 5 888630402 +532 1483 4 891909911 +532 1496 2 874795634 +532 1502 1 874796400 +532 1594 4 893115576 +533 1 4 879192521 +533 4 3 888845066 +533 8 3 879191938 +533 9 4 879192414 +533 10 2 879192414 +533 12 4 879438543 +533 13 3 879192475 +533 14 3 879192582 +533 15 4 879192641 +533 19 3 879365781 +533 20 5 882902988 +533 21 3 888239930 +533 22 4 879438961 +533 23 3 879191770 +533 25 4 884096575 +533 26 3 879192035 +533 28 4 879192315 +533 31 3 879191265 +533 38 2 879191691 +533 43 4 879439341 +533 44 4 879191594 +533 47 1 879191998 +533 48 4 879191373 +533 50 5 882902988 +533 53 1 879191621 +533 54 4 888844601 +533 56 3 879439379 +533 58 4 888845150 +533 64 5 882902988 +533 65 4 879439465 +533 66 4 879439204 +533 69 4 879438849 +533 70 4 879191938 +533 71 4 889450972 +533 72 2 879192157 +533 77 4 879191713 +533 82 4 879439204 +533 83 2 879191902 +533 87 4 879191184 +533 88 4 879191902 +533 91 2 879190991 +533 94 4 879192184 +533 96 4 879438767 +533 97 2 879438666 +533 98 4 879438543 +533 100 5 882902988 +533 103 3 887032538 +533 107 3 879773606 +533 109 2 879192986 +533 111 4 879192474 +533 117 5 879192901 +533 118 4 879192792 +533 120 1 879366160 +533 121 4 879192901 +533 122 1 879366118 +533 125 5 891263021 +533 126 4 879192414 +533 127 5 879192278 +533 132 5 879191220 +533 133 5 879191085 +533 134 4 879439379 +533 135 3 879191022 +533 143 4 879438850 +533 147 1 884698117 +533 148 3 882902641 +533 150 3 886425704 +533 151 3 879192474 +533 161 4 879439465 +533 168 4 879191864 +533 169 4 879438543 +533 172 4 879191184 +533 174 4 879191184 +533 176 1 879191332 +533 177 4 879191300 +533 180 3 879439379 +533 181 5 879191085 +533 182 3 879191265 +533 186 3 879438850 +533 187 4 879438811 +533 190 2 879439379 +533 191 4 879192315 +533 192 3 879438486 +533 193 4 879439379 +533 194 4 879191061 +533 195 4 879439082 +533 196 4 888844941 +533 197 5 882902988 +533 202 4 879191938 +533 203 4 879438743 +533 204 4 879192157 +533 205 5 882902988 +533 208 4 879191374 +533 210 5 879191401 +533 211 4 879191972 +533 215 4 879438941 +533 216 4 879191864 +533 218 2 879191652 +533 221 3 888844601 +533 222 5 884007368 +533 226 4 879191621 +533 227 4 879191563 +533 228 4 879191332 +533 229 4 879191621 +533 230 4 879191563 +533 234 2 879191373 +533 236 4 890659276 +533 237 2 879193048 +533 239 3 879192157 +533 240 1 879192474 +533 242 4 884698095 +533 243 3 879193517 +533 245 3 890659336 +533 252 4 880402784 +533 255 2 882195237 +533 257 4 882195275 +533 258 4 884007368 +533 265 3 879191563 +533 274 4 885305541 +533 275 4 887721848 +533 276 1 889451077 +533 281 4 887032214 +533 282 4 888844577 +533 283 3 879365733 +533 284 1 879192641 +533 286 4 879193088 +533 288 2 882901971 +533 289 2 879773297 +533 291 3 882902727 +533 292 4 883583127 +533 293 3 879191469 +533 294 4 879193088 +533 295 4 888844601 +533 297 4 893160944 +533 298 4 882195203 +533 300 4 888844557 +533 303 4 893160944 +533 313 5 884007337 +533 318 5 879438849 +533 319 3 879193132 +533 322 4 879193106 +533 328 4 887032063 +533 333 4 886425803 +533 345 3 888347628 +533 356 4 879191652 +533 357 3 879191085 +533 367 2 879191972 +533 371 3 879439488 +533 378 4 879439290 +533 380 4 879438510 +533 382 1 879191998 +533 385 4 879438666 +533 393 4 879192069 +533 402 4 888845284 +533 403 3 879439341 +533 405 3 879192793 +533 408 4 880402916 +533 411 2 879365998 +533 412 1 879366159 +533 423 5 888844906 +533 427 4 879191373 +533 430 5 879191972 +533 435 4 879438455 +533 443 3 879191595 +533 449 4 879191713 +533 450 5 879191713 +533 451 2 879439465 +533 462 2 879190926 +533 471 4 882902330 +533 474 3 879190771 +533 475 1 879192500 +533 476 2 879365951 +533 477 4 880402957 +533 479 4 879191184 +533 480 4 879190670 +533 483 4 879438470 +533 484 3 879190724 +533 489 4 879438961 +533 496 5 879439061 +533 498 4 879438850 +533 504 4 888845229 +533 508 4 879192702 +533 511 4 879439379 +533 514 3 879190670 +533 521 3 879191022 +533 525 3 879191770 +533 526 2 879191265 +533 527 4 879191022 +533 528 4 879438999 +533 546 3 879192769 +533 549 4 879439340 +533 550 4 879439340 +533 554 1 879191691 +533 566 4 879191652 +533 568 5 879438849 +533 580 3 879192034 +533 582 3 879192278 +533 591 4 887721848 +533 595 2 887032451 +533 596 2 880402996 +533 597 3 879192939 +533 603 4 879190670 +533 609 4 879191184 +533 627 2 879439593 +533 651 4 888845036 +533 654 3 879191770 +533 659 4 879439379 +533 660 5 882902988 +533 663 5 879191022 +533 673 3 879439143 +533 676 5 879439720 +533 684 4 879191594 +533 685 4 887032380 +533 687 2 879193517 +533 692 4 879191902 +533 696 3 887032538 +533 708 2 879439167 +533 713 2 879192582 +533 724 4 888347691 +533 739 5 882902988 +533 740 4 879192815 +533 742 4 879192681 +533 744 2 887721800 +533 747 5 879438767 +533 748 3 890659295 +533 755 3 888845338 +533 756 4 879193004 +533 778 4 879192157 +533 792 3 879190771 +533 820 2 887032380 +533 823 4 879192901 +533 824 1 879366160 +533 845 4 882902989 +533 846 2 879365886 +533 847 3 880402996 +533 866 2 887032297 +533 871 2 879192730 +533 879 3 892469600 +533 919 2 888239673 +533 921 2 879439061 +533 931 2 879366160 +533 934 3 879366118 +533 936 4 889450822 +533 949 4 879439519 +533 988 2 882821725 +533 1001 1 879366160 +533 1016 3 887721769 +533 1028 2 879192769 +533 1033 4 879192702 +533 1041 2 879192069 +533 1047 3 887032276 +533 1048 3 889450842 +533 1086 3 880402916 +533 1142 4 888347670 +533 1147 3 879439204 +533 1161 3 883583033 +533 1173 4 885820219 +533 1174 3 882821669 +533 1177 1 879192184 +533 1282 3 879773572 +533 1291 1 879366076 +534 1 5 877807718 +534 3 4 877808031 +534 7 4 877807780 +534 15 4 877807873 +534 21 4 877807905 +534 24 5 877807780 +534 25 5 877807845 +534 93 1 877807692 +534 105 4 877808198 +534 109 4 877808053 +534 117 5 877807973 +534 118 4 877807935 +534 121 4 877808002 +534 125 3 877807816 +534 129 4 877807718 +534 147 5 877808031 +534 148 4 877808198 +534 149 2 877808237 +534 150 3 877807873 +534 151 4 877807692 +534 235 4 877807973 +534 237 4 877808002 +534 240 5 877807873 +534 243 3 877807461 +534 273 5 877807747 +534 274 3 877807846 +534 276 5 877807873 +534 282 5 877808174 +534 286 3 877807602 +534 288 4 877807429 +534 290 4 877807845 +534 291 4 877808031 +534 294 5 877807461 +534 300 4 877807486 +534 322 4 877807461 +534 325 4 877807461 +534 331 4 877807429 +534 333 5 877807486 +534 370 4 877808260 +534 405 3 877807935 +534 410 5 877807816 +534 455 5 877807816 +534 456 5 877808300 +534 471 5 877807935 +534 475 4 877807747 +534 477 3 877807780 +534 508 4 877807973 +534 546 4 877808120 +534 591 5 877807845 +534 595 4 877807747 +534 597 5 877808175 +534 619 4 877807653 +534 628 5 877807747 +534 685 3 877807653 +534 687 5 877807486 +534 717 5 877808198 +534 742 5 877807653 +534 748 4 877807429 +534 756 4 877808175 +534 760 2 877808098 +534 763 4 877808361 +534 820 3 877808340 +534 823 4 877807973 +534 824 4 877808260 +534 825 4 877808281 +534 919 5 877807816 +534 926 4 877807780 +534 930 4 877808002 +534 978 4 877808175 +534 985 4 877807815 +534 986 5 877808319 +534 1028 5 877807816 +534 1034 3 877808120 +534 1047 4 877808361 +534 1052 4 877808300 +534 1054 5 877807973 +534 1059 4 877807692 +534 1199 5 877807780 +534 1215 3 877808120 +534 1327 2 877808281 +535 1 3 879617663 +535 4 3 879618777 +535 7 5 879618776 +535 8 4 879618288 +535 9 5 879617779 +535 11 4 879618849 +535 14 3 879618743 +535 16 4 879618532 +535 22 3 879619107 +535 25 4 879619176 +535 30 4 879617531 +535 32 3 879617574 +535 39 4 879617574 +535 42 3 879618849 +535 44 4 879619035 +535 45 3 879618655 +535 47 5 879618160 +535 50 5 879618091 +535 52 4 879618091 +535 56 3 879617613 +535 58 5 879618502 +535 59 3 879618338 +535 60 5 879618613 +535 61 3 879619107 +535 64 5 879617531 +535 70 4 879618849 +535 71 4 879618502 +535 79 3 879618502 +535 83 4 879618091 +535 86 4 879618385 +535 87 5 879618965 +535 97 4 879618880 +535 98 2 879617977 +535 100 5 879617531 +535 116 3 879618246 +535 121 4 879618123 +535 129 5 879619000 +535 131 4 879618532 +535 132 5 879619035 +535 133 5 879618019 +535 134 5 879619144 +535 135 3 879617978 +535 136 5 879619107 +535 137 4 879618502 +535 144 3 879618123 +535 151 4 879618338 +535 152 4 879618385 +535 153 4 879617663 +535 156 2 879617613 +535 162 3 879619035 +535 165 4 879617613 +535 166 4 879618385 +535 168 5 879618385 +535 170 4 879618160 +535 171 3 879618414 +535 172 3 879617747 +535 173 5 879617747 +535 174 4 879617747 +535 178 4 879618925 +535 179 4 879617489 +535 180 4 879618655 +535 181 4 879617818 +535 182 3 879617574 +535 185 4 879617931 +535 186 4 879618925 +535 187 2 879617701 +535 188 3 879618999 +535 190 4 879617747 +535 192 4 879617931 +535 193 4 879618700 +535 194 5 879617663 +535 195 4 879618288 +535 196 4 879617894 +535 197 5 879618288 +535 198 4 879618850 +535 203 3 879619035 +535 204 5 879617856 +535 205 3 879618464 +535 207 4 879618613 +535 209 5 879617819 +535 210 5 879618160 +535 211 4 879617489 +535 212 4 879618613 +535 213 5 879618849 +535 215 4 879619144 +535 221 3 879618700 +535 223 5 879618207 +535 237 4 879617779 +535 238 4 879618809 +535 258 5 879619286 +535 265 3 879619144 +535 268 3 879617199 +535 269 4 879617063 +535 275 4 879619177 +535 276 3 879618965 +535 277 5 879619107 +535 282 3 879618091 +535 283 4 879618160 +535 284 4 879619144 +535 285 4 879619144 +535 286 2 879617123 +535 300 3 879617199 +535 301 4 879617199 +535 302 3 879617063 +535 318 4 879618502 +535 319 5 879617310 +535 338 3 879617098 +535 357 2 879617531 +535 381 3 879617818 +535 382 5 879618058 +535 389 4 879619177 +535 419 3 879618654 +535 421 4 879617701 +535 423 5 879618613 +535 425 5 879618338 +535 427 4 879618246 +535 429 3 879618569 +535 433 5 879618160 +535 435 5 879618246 +535 447 5 879617574 +535 454 3 879617894 +535 461 3 879617663 +535 466 3 879618385 +535 469 3 879618464 +535 471 4 879618743 +535 478 5 879617931 +535 479 4 879617977 +535 480 4 879618207 +535 482 4 879619107 +535 483 5 879618742 +535 484 5 879617819 +535 488 5 879618965 +535 489 4 879619000 +535 492 4 879618742 +535 495 3 879618849 +535 496 5 879618246 +535 498 4 879619224 +535 499 4 879617894 +535 502 5 879618502 +535 504 3 879617574 +535 505 4 879618569 +535 506 5 879617819 +535 507 5 879617856 +535 508 5 879617931 +535 511 3 879618655 +535 514 5 879617531 +535 515 3 879619224 +535 517 4 879617977 +535 518 5 879618569 +535 519 3 879617931 +535 520 4 879618058 +535 521 5 879618809 +535 527 3 879617574 +535 529 3 879618655 +535 558 5 879618385 +535 566 3 879618338 +535 591 4 879617977 +535 603 4 879617613 +535 604 4 879617663 +535 607 5 879618700 +535 608 4 879617856 +535 609 4 879618019 +535 612 4 879618385 +535 614 5 879618850 +535 628 4 879618246 +535 629 4 879618776 +535 630 2 879619144 +535 631 5 879619176 +535 632 4 879618965 +535 638 4 879618655 +535 639 4 879618019 +535 640 3 879618742 +535 645 4 879617856 +535 654 5 879617856 +535 655 4 879618385 +535 657 5 879618338 +535 658 4 879618569 +535 662 3 879618414 +535 686 5 879617489 +535 692 4 879618880 +535 693 3 879619107 +535 699 4 879619000 +535 702 1 879619067 +535 707 4 879618809 +535 708 5 879618777 +535 709 5 879618925 +535 721 3 879618464 +535 727 4 879618502 +535 735 5 879619067 +535 778 2 879617819 +535 789 2 879618613 +535 792 4 879618655 +535 813 5 879618777 +535 836 5 879617746 +535 848 3 879618743 +535 919 4 879618207 +535 921 4 879617489 +535 923 4 879617531 +535 942 4 879619035 +535 950 3 879618019 +535 953 5 879618019 +535 955 3 879618338 +535 962 4 879617747 +535 963 5 879617977 +535 971 2 879618569 +535 1039 4 879618058 +535 1045 4 879617663 +535 1063 4 879618613 +535 1093 4 879617931 +535 1098 5 879618464 +535 1101 4 879619177 +535 1124 4 879617613 +535 1136 4 879618465 +535 1149 4 879618288 +535 1166 4 879617779 +535 1170 3 879618019 +535 1396 4 879618058 +535 1474 4 879618207 +536 1 5 882318394 +536 2 4 882360227 +536 8 5 882359047 +536 10 4 882318772 +536 21 3 882320267 +536 22 5 882359863 +536 28 5 882359678 +536 31 3 882360685 +536 49 3 882360753 +536 50 5 882318139 +536 52 3 882360187 +536 54 2 882364876 +536 56 3 882360405 +536 62 4 882360873 +536 63 4 882360802 +536 69 5 882359938 +536 70 2 882359906 +536 71 5 882360467 +536 73 4 882360894 +536 79 4 882359813 +536 80 2 882360802 +536 82 4 882360929 +536 83 5 882359307 +536 84 4 882363820 +536 86 3 882360573 +536 87 3 882359584 +536 88 4 882360601 +536 94 4 882363972 +536 95 5 882360361 +536 96 4 882359988 +536 97 3 882360662 +536 98 4 882360029 +536 117 4 882318415 +536 121 4 882318820 +536 132 4 882359962 +536 133 4 882359477 +536 135 5 882359370 +536 136 4 882359780 +536 139 4 882361317 +536 141 4 882361042 +536 143 5 882360425 +536 144 4 882359962 +536 148 4 882318820 +536 151 3 882318442 +536 153 4 882359540 +536 163 5 882360080 +536 164 4 882361018 +536 167 3 882361317 +536 168 5 882359863 +536 169 5 882359047 +536 172 5 882359539 +536 174 5 882359065 +536 176 3 882359726 +536 179 2 882359625 +536 180 4 882359431 +536 181 5 882318369 +536 183 3 882359455 +536 188 3 882359755 +536 189 5 882360143 +536 190 5 882359431 +536 191 4 882360187 +536 195 4 882359431 +536 197 3 882359567 +536 199 3 882359499 +536 204 4 882359938 +536 205 5 882360424 +536 209 2 882360030 +536 210 5 882359477 +536 213 5 882360704 +536 214 2 882360450 +536 215 4 882360530 +536 217 3 882360601 +536 222 4 882360552 +536 227 5 882361066 +536 228 5 882359863 +536 229 4 882361142 +536 230 5 882359779 +536 234 4 882360405 +536 265 5 882360300 +536 271 3 882317149 +536 274 4 882318394 +536 275 5 882318287 +536 283 3 882318369 +536 304 3 882317183 +536 318 5 882359431 +536 378 5 882360405 +536 380 4 882360734 +536 385 4 882359085 +536 386 4 882361162 +536 387 3 882363919 +536 389 5 882360734 +536 402 4 882361042 +536 403 3 882360496 +536 404 4 882359838 +536 405 2 882318246 +536 408 5 882318561 +536 416 4 882360929 +536 419 3 882360993 +536 423 4 882360601 +536 427 5 882359455 +536 431 5 882359813 +536 432 4 882360552 +536 435 3 882359755 +536 436 3 882359883 +536 441 2 882361018 +536 443 3 882360833 +536 449 4 882361262 +536 450 2 882364152 +536 470 5 882360530 +536 472 3 882319003 +536 474 5 882359678 +536 480 5 882359370 +536 483 4 882359625 +536 486 4 882359652 +536 487 4 882359813 +536 489 4 882360451 +536 493 4 882359333 +536 496 5 882359455 +536 498 5 882359906 +536 500 4 882360946 +536 501 3 882360834 +536 510 4 882359838 +536 511 5 882359603 +536 542 1 882364876 +536 546 2 882318533 +536 549 3 882360283 +536 561 3 882364065 +536 566 5 882360264 +536 568 4 882360209 +536 570 3 882361162 +536 582 2 882360100 +536 584 5 882360530 +536 588 3 882359726 +536 596 3 882317312 +536 603 4 882359653 +536 614 4 882359653 +536 631 2 882363934 +536 640 4 882361042 +536 648 3 882359678 +536 662 5 882360100 +536 679 4 882360495 +536 694 5 882360622 +536 699 3 882360209 +536 707 5 882359678 +536 708 3 882361179 +536 713 4 882318741 +536 720 4 882361207 +536 724 4 882359988 +536 727 3 882359697 +536 736 5 882360264 +536 740 4 882318630 +536 746 5 882359838 +536 755 4 882360993 +536 778 4 882359988 +536 862 3 882360834 +536 993 3 882318629 +536 1030 3 882364170 +536 1039 5 882360029 +536 1050 5 882360124 +536 1063 5 882359938 +536 1115 5 882318369 +536 1118 2 882360776 +536 1140 1 882364876 +537 1 2 886029889 +537 3 2 886030317 +537 4 2 886031634 +537 6 2 886029806 +537 7 4 886029727 +537 10 4 886030109 +537 11 3 886030937 +537 12 3 886031074 +537 13 4 886029806 +537 14 4 886030108 +537 15 3 886030051 +537 19 4 886030051 +537 20 3 886029974 +537 22 2 886030767 +537 23 4 886030738 +537 24 1 886030176 +537 25 2 886030199 +537 26 3 886031913 +537 28 3 886031438 +537 30 3 886031606 +537 32 3 886031178 +537 39 2 886031407 +537 42 3 886030622 +537 44 3 886031886 +537 45 3 886031786 +537 46 3 886031678 +537 47 4 886030768 +537 48 4 886030805 +537 50 4 886030805 +537 52 3 886030891 +537 53 2 886032029 +537 56 5 886030652 +537 58 4 886031719 +537 59 3 886031178 +537 60 3 886031297 +537 61 4 886031211 +537 64 3 886030707 +537 65 3 886030767 +537 69 2 886031178 +537 70 4 886031786 +537 72 1 886031966 +537 76 3 886031934 +537 79 3 886032123 +537 81 3 886031106 +537 82 2 886031752 +537 83 4 886030891 +537 85 2 886032123 +537 86 4 886031786 +537 87 3 886030622 +537 88 2 886032204 +537 89 4 886030862 +537 90 1 886032029 +537 91 2 886031438 +537 92 3 886031678 +537 93 3 886030077 +537 95 1 886030891 +537 96 3 886031576 +537 97 2 886031720 +537 98 3 886030583 +537 99 2 886031375 +537 100 4 886029692 +537 101 2 886031860 +537 102 1 886032123 +537 107 3 886030281 +537 109 1 886030051 +537 111 3 886030077 +537 116 3 886029841 +537 117 2 886030011 +537 121 1 886030380 +537 123 2 886030109 +537 124 4 886029806 +537 127 5 886030622 +537 129 3 886029889 +537 131 4 886031407 +537 132 3 886031074 +537 133 4 886030707 +537 134 5 886030862 +537 135 5 886031149 +537 136 4 886030583 +537 137 4 886029841 +537 140 2 886032001 +537 141 3 886032183 +537 143 1 886031438 +537 147 2 886030012 +537 149 3 886030078 +537 150 3 886029974 +537 151 2 886030177 +537 168 4 886030552 +537 170 3 886031211 +537 171 3 886030967 +537 172 3 886030707 +537 173 4 886030682 +537 174 3 886030622 +537 175 4 886030966 +537 176 2 886031606 +537 177 3 886031506 +537 178 4 886030767 +537 179 4 886031105 +537 180 4 886031342 +537 181 2 886031437 +537 182 4 886030862 +537 183 3 886031407 +537 184 3 886032246 +537 185 4 886030805 +537 186 4 886031211 +537 187 4 886030767 +537 188 4 886030891 +537 190 4 886030552 +537 191 4 886030862 +537 192 4 886031473 +537 193 4 886031375 +537 194 3 886030891 +537 195 3 886031407 +537 196 3 886030831 +537 197 4 886030891 +537 198 2 886030652 +537 199 4 886030682 +537 200 3 886031473 +537 201 3 886031831 +537 202 3 886031540 +537 203 4 886031437 +537 204 3 886031786 +537 205 5 886031297 +537 206 1 886031720 +537 207 4 886030682 +537 208 4 886031297 +537 209 4 886030966 +537 210 3 886031912 +537 211 4 886030831 +537 212 3 886032123 +537 213 4 886031830 +537 215 3 886031342 +537 216 3 886031540 +537 221 3 886029841 +537 222 2 886029974 +537 224 3 886030109 +537 226 2 886032000 +537 228 3 886031474 +537 230 2 886031860 +537 231 3 886032246 +537 234 3 886031211 +537 235 1 886030317 +537 236 3 886029726 +537 237 3 886030011 +537 238 4 886030966 +537 239 2 886031933 +537 241 3 886031540 +537 242 3 886028498 +537 243 1 886029239 +537 258 4 886029286 +537 259 1 886029116 +537 262 5 886028446 +537 265 3 886031473 +537 268 4 886028647 +537 269 3 886028446 +537 270 3 886028498 +537 271 2 886028791 +537 272 4 886028446 +537 273 3 886029727 +537 274 2 886030235 +537 275 4 886029806 +537 276 4 886029806 +537 277 2 886029973 +537 279 2 886030177 +537 281 1 886030281 +537 283 4 886029889 +537 284 3 886030347 +537 285 4 886029806 +537 286 3 886028498 +537 288 2 886028706 +537 289 1 886029153 +537 290 2 886030254 +537 291 2 886030235 +537 292 2 886029116 +537 294 1 886029083 +537 299 2 886028791 +537 300 1 886028446 +537 301 2 886028647 +537 302 4 886028446 +537 303 4 886028706 +537 305 4 886028498 +537 306 3 886028604 +537 307 3 886028791 +537 310 3 886028647 +537 311 3 886028446 +537 312 3 886029211 +537 313 4 886028446 +537 314 1 886029239 +537 315 4 886029116 +537 317 3 886031786 +537 318 4 886030707 +537 319 4 886028604 +537 321 3 886028791 +537 322 1 886029153 +537 323 1 886029211 +537 325 1 886029153 +537 327 2 886028730 +537 328 2 886029083 +537 330 2 886029488 +537 333 2 886028707 +537 337 3 886029526 +537 338 1 886029239 +537 340 4 886028604 +537 343 2 886029153 +537 345 4 886028446 +537 346 3 886028544 +537 347 4 886028845 +537 349 1 886028845 +537 352 1 886028544 +537 357 4 886030707 +537 371 3 886031407 +537 378 2 886032154 +537 380 2 886032154 +537 381 3 886031678 +537 382 3 886030938 +537 385 2 886032098 +537 387 4 886031860 +537 392 2 886032245 +537 399 2 886032246 +537 402 1 886031752 +537 404 3 886031720 +537 405 2 886030381 +537 414 4 886030938 +537 417 2 886031831 +537 419 2 886031342 +537 421 2 886030863 +537 423 2 886030622 +537 425 3 886031297 +537 426 1 886032154 +537 427 4 886030831 +537 428 4 886031506 +537 429 3 886030863 +537 430 3 886031297 +537 431 4 886031678 +537 433 4 886031634 +537 434 3 886031211 +537 435 3 886031933 +537 443 3 886031752 +537 445 3 886030767 +537 447 3 886031752 +537 448 3 886032001 +537 455 1 886030317 +537 457 1 886029444 +537 458 3 886030176 +537 459 3 886030381 +537 460 2 886030442 +537 461 3 886031105 +537 462 3 886030805 +537 463 3 886030738 +537 464 4 886031506 +537 466 4 886031149 +537 467 3 886031634 +537 468 2 886032029 +537 469 3 886030652 +537 470 2 886032029 +537 471 3 886030012 +537 472 2 886030415 +537 474 5 886030805 +537 475 4 886029727 +537 478 4 886030938 +537 479 4 886030938 +537 480 4 886030622 +537 482 4 886031375 +537 483 4 886030583 +537 484 4 886031105 +537 485 3 886031576 +537 486 3 886031149 +537 488 4 886030622 +537 489 3 886030738 +537 490 4 886031786 +537 491 4 886030584 +537 492 3 886031342 +537 493 4 886030707 +537 494 4 886031752 +537 495 2 886031678 +537 496 4 886030831 +537 497 4 886030863 +537 498 3 886031105 +537 499 3 886031634 +537 501 3 886032000 +537 504 3 886030652 +537 506 3 886031860 +537 507 4 886030966 +537 508 4 886030108 +537 509 4 886031540 +537 510 3 886031575 +537 511 5 886030652 +537 512 3 886031438 +537 513 4 886030891 +537 514 4 886030583 +537 515 4 886031297 +537 516 3 886030966 +537 517 4 886031341 +537 518 4 886031105 +537 519 3 886030584 +537 521 2 886030831 +537 523 3 886030682 +537 525 3 886030891 +537 526 3 886031720 +537 527 4 886031860 +537 528 3 886030805 +537 529 3 886031375 +537 530 4 886030768 +537 539 1 886029212 +537 543 5 886031074 +537 547 1 886029771 +537 549 2 886031965 +537 550 2 886032246 +537 553 2 886032123 +537 557 3 886032245 +537 558 4 886030584 +537 566 2 886032183 +537 568 2 886031912 +537 569 2 886032183 +537 570 2 886031831 +537 573 2 886031886 +537 581 3 886031886 +537 582 3 886030966 +537 584 2 886031678 +537 588 1 886031473 +537 591 3 886030051 +537 602 3 886031634 +537 603 4 886030622 +537 604 3 886031211 +537 606 3 886030938 +537 607 4 886030682 +537 609 3 886031606 +537 610 4 886031912 +537 613 3 886031831 +537 614 3 886031473 +537 615 3 886031074 +537 616 2 886031752 +537 625 3 886032184 +537 628 2 886030177 +537 633 3 886031342 +537 638 3 886030682 +537 639 2 886031438 +537 640 3 886031211 +537 641 4 886031178 +537 642 4 886031342 +537 644 5 886031438 +537 646 2 886030552 +537 647 4 886030891 +537 648 4 886031505 +537 649 3 886031720 +537 651 3 886030862 +537 652 3 886031074 +537 653 4 886030738 +537 654 3 886031506 +537 655 3 886030831 +537 657 3 886030966 +537 660 3 886031149 +537 661 4 886031149 +537 663 3 886031540 +537 664 3 886031634 +537 670 2 886031342 +537 673 3 886031505 +537 675 3 886031860 +537 676 4 886029889 +537 678 1 886029181 +537 681 1 886029488 +537 682 1 886029083 +537 684 3 886030738 +537 687 1 886029526 +537 688 1 886029153 +537 689 1 886029239 +537 690 2 886028604 +537 693 4 886031786 +537 694 4 886031407 +537 697 2 886031966 +537 698 3 886031178 +537 699 4 886031149 +537 702 3 886031375 +537 703 3 886031859 +537 705 3 886031074 +537 707 4 886031576 +537 708 3 886031860 +537 709 4 886031342 +537 713 3 886030177 +537 714 3 886031886 +537 715 4 886032029 +537 718 4 886029771 +537 721 2 886031752 +537 723 2 886032098 +537 724 3 886031886 +537 727 2 886032245 +537 730 3 886031211 +537 732 3 886031912 +537 733 3 886031297 +537 735 3 886031576 +537 736 3 886031634 +537 739 1 886032154 +537 741 2 886030199 +537 744 3 886030380 +537 745 2 886031074 +537 746 3 886031149 +537 749 2 886028544 +537 750 3 886028498 +537 753 2 886030622 +537 762 3 886030051 +537 770 3 886031913 +537 772 3 886031297 +537 778 3 886031106 +537 782 3 886031831 +537 789 2 886030805 +537 792 3 886030805 +537 806 3 886031074 +537 837 3 886031211 +537 844 4 886029692 +537 845 2 886030078 +537 848 3 886030552 +537 855 3 886030937 +537 873 2 886029211 +537 874 3 886029083 +537 875 1 886028544 +537 882 4 886028791 +537 890 1 886029526 +537 894 1 886029526 +537 896 3 886028604 +537 901 1 886029488 +537 919 4 886030012 +537 921 3 886031074 +537 922 3 886030442 +537 923 3 886031342 +537 924 3 886030254 +537 928 1 886030442 +537 937 3 886029488 +537 942 3 886031913 +537 948 1 886029239 +537 950 3 886030347 +537 953 3 886031473 +537 955 4 886031149 +537 956 4 886031751 +537 958 2 886030652 +537 959 3 886032154 +537 960 3 886031540 +537 963 3 886030805 +537 964 3 886031407 +537 965 2 886031540 +537 966 2 886032098 +537 970 3 886032184 +537 971 4 886031375 +537 972 3 886032123 +537 975 3 886030281 +537 978 2 886029841 +537 979 2 886030317 +537 980 3 886030051 +537 988 1 886029488 +537 990 2 886029153 +537 1005 3 886031752 +537 1006 2 886032245 +537 1008 2 886030078 +537 1009 2 886030254 +537 1010 2 886030381 +537 1011 3 886030416 +537 1019 1 886031606 +537 1025 1 886029488 +537 1045 3 886032154 +537 1048 2 886030381 +537 1050 2 886031575 +537 1065 1 886030738 +537 1068 3 886029974 +537 1069 2 886030938 +537 1070 3 886031678 +537 1073 3 886031149 +537 1084 3 886030050 +537 1085 4 886030416 +537 1101 3 886031720 +537 1103 4 886031407 +537 1105 1 886029153 +537 1111 3 886031506 +537 1113 3 886031606 +537 1129 1 886030051 +537 1134 3 886030176 +537 1139 2 886032000 +537 1147 3 886031473 +537 1154 1 886032000 +537 1163 1 886030347 +537 1166 2 886031886 +537 1194 3 886030584 +537 1197 3 886029889 +537 1245 3 886030051 +537 1267 3 886032123 +537 1335 3 886030347 +537 1400 2 886031678 +537 1404 2 886032204 +537 1420 1 886029181 +537 1445 3 886031576 +537 1451 3 886030552 +537 1475 2 886031786 +538 4 3 877107726 +538 11 4 877109516 +538 12 4 877107633 +538 22 5 877107232 +538 28 3 877107491 +538 31 3 877109422 +538 42 1 877108077 +538 50 5 877107656 +538 56 4 877107408 +538 58 4 877109688 +538 69 5 877107340 +538 79 4 877107050 +538 82 4 877107558 +538 88 2 877108078 +538 89 4 877109831 +538 96 4 877109669 +538 97 5 877107086 +538 98 5 877107012 +538 100 4 877109748 +538 117 3 877107492 +538 121 3 877110209 +538 127 5 877107231 +538 137 3 877108372 +538 143 3 877364003 +538 144 4 877107558 +538 153 4 877106976 +538 162 3 877363863 +538 164 3 877108631 +538 168 3 877107408 +538 172 4 877107765 +538 173 3 877107914 +538 174 4 877106619 +538 176 4 877106918 +538 181 3 877107700 +538 182 4 877107408 +538 183 4 877106768 +538 187 5 877107840 +538 188 4 877108195 +538 191 5 877106665 +538 195 4 877108919 +538 196 4 877107408 +538 199 5 877364067 +538 202 4 877108250 +538 204 3 877363950 +538 208 3 877107085 +538 210 3 877106665 +538 211 4 877109986 +538 213 3 877364067 +538 215 5 877107536 +538 216 4 877364204 +538 223 4 877107700 +538 234 3 877108077 +538 237 4 877109986 +538 238 5 877110174 +538 240 2 877109422 +538 258 3 877095640 +538 273 3 877107879 +538 275 4 877107050 +538 276 1 877107340 +538 289 1 877095667 +538 294 3 877095702 +538 317 4 877107765 +538 318 5 877106768 +538 381 3 877110175 +538 385 3 877108345 +538 405 3 877109564 +538 423 4 877108919 +538 483 5 877109932 +538 496 5 877107491 +538 527 3 877364067 +538 528 5 877107536 +538 566 3 877107765 +538 568 3 877107491 +538 642 3 877107633 +538 655 3 877108345 +538 692 3 877107765 +538 710 3 877107726 +538 712 3 877109773 +538 735 3 877108785 +538 956 3 877107914 +538 963 4 877363775 +539 19 5 879788007 +539 22 3 879788195 +539 45 4 879788345 +539 50 3 879788136 +539 56 2 879788046 +539 58 3 879788195 +539 59 5 879788224 +539 69 5 879787801 +539 124 4 879788480 +539 127 3 879788046 +539 131 4 879788159 +539 132 5 879788284 +539 133 4 879788136 +539 153 5 879788533 +539 155 4 879788480 +539 163 4 879788572 +539 170 5 879788533 +539 185 4 879788101 +539 197 5 879787985 +539 202 5 879788405 +539 204 4 879788045 +539 215 4 879788623 +539 236 3 879788345 +539 238 3 879788045 +539 239 3 879788572 +539 242 5 879787770 +539 258 4 879787770 +539 269 5 879787770 +539 275 4 879787917 +539 285 4 879788623 +539 286 4 879787771 +539 289 4 879787770 +539 301 5 879787770 +539 303 5 879787770 +539 306 4 879787770 +539 319 5 879787770 +539 340 2 879787771 +539 357 4 879787917 +539 367 3 879787801 +539 372 2 879787985 +539 382 5 879787825 +539 481 4 879788572 +539 483 5 879788101 +539 487 3 879788101 +539 496 3 879787985 +539 527 4 879788136 +539 531 4 879788572 +539 603 4 879787985 +539 610 4 879788533 +539 640 2 879788101 +539 660 5 879788346 +539 661 5 879788045 +539 956 5 879788405 +539 962 4 879788195 +539 963 4 879788533 +539 1211 3 879788371 +540 1 3 882157126 +540 7 4 882157011 +540 9 5 882156965 +540 13 4 882157585 +540 15 3 882157084 +540 20 4 882157509 +540 25 4 882157635 +540 50 5 882156948 +540 100 5 882156948 +540 109 4 882157194 +540 111 4 882157148 +540 117 4 882157706 +540 121 2 882157148 +540 125 3 882157011 +540 126 3 882157105 +540 147 3 882157612 +540 150 3 882157036 +540 181 4 882157060 +540 220 3 882157820 +540 222 4 882157224 +540 240 3 882157662 +540 245 3 882157172 +540 249 3 882157687 +540 250 4 882157172 +540 257 4 882157584 +540 258 4 882156584 +540 269 4 882156584 +540 270 4 882156731 +540 274 4 882157662 +540 276 4 882157061 +540 280 3 882157797 +540 281 3 882157011 +540 286 4 882156584 +540 293 4 882157084 +540 294 4 882156617 +540 300 3 882156618 +540 310 4 882156710 +540 323 3 882156851 +540 332 4 882156677 +540 333 4 882156617 +540 340 4 882156710 +540 343 4 882156677 +540 405 3 882157612 +540 455 4 882157477 +540 471 4 882157706 +540 473 3 882157687 +540 475 4 882156983 +540 508 4 882156983 +540 515 5 882157105 +540 591 3 882157036 +540 596 4 882157126 +540 597 4 882157248 +540 628 3 882157148 +540 741 3 882157797 +540 742 4 882157584 +540 762 4 882157545 +540 820 3 882157545 +540 825 4 882157172 +540 1011 4 882157509 +540 1014 4 882157224 +540 1016 4 882157662 +540 1048 4 882157635 +540 1226 4 882157732 +541 1 4 883874645 +541 8 5 883874645 +541 15 3 883864806 +541 28 4 883864739 +541 29 2 883865336 +541 38 3 883871617 +541 50 5 884046910 +541 62 4 883871644 +541 63 3 883866049 +541 66 4 883865929 +541 71 5 883874716 +541 73 4 883865693 +541 79 5 883871524 +541 82 3 883871562 +541 83 5 883864806 +541 88 3 883865738 +541 90 4 883866093 +541 91 5 883874683 +541 95 4 883874682 +541 99 4 883874717 +541 102 4 883874778 +541 110 4 883866114 +541 111 1 884645883 +541 118 4 883871670 +541 121 3 883871695 +541 139 3 884047204 +541 140 5 883874682 +541 142 5 883874778 +541 143 4 883874645 +541 151 3 883874717 +541 168 4 883865555 +541 172 5 884645816 +541 173 5 883865534 +541 174 4 883871524 +541 181 5 884046910 +541 196 4 883864928 +541 204 4 884645816 +541 210 5 883865575 +541 215 4 885595771 +541 222 4 883864848 +541 225 4 885595846 +541 234 5 883874433 +541 235 1 883866049 +541 239 4 883865211 +541 254 3 884046953 +541 255 3 884046321 +541 257 5 884046320 +541 258 4 883864123 +541 259 1 884046888 +541 265 5 885595654 +541 274 4 883866093 +541 278 2 883875063 +541 304 4 883864207 +541 376 3 883866210 +541 378 5 883864908 +541 393 3 883865693 +541 395 2 883866300 +541 399 3 883866093 +541 402 3 883864946 +541 403 3 883865110 +541 404 4 883874646 +541 405 3 883871695 +541 417 4 883874749 +541 418 5 883874646 +541 419 5 883874682 +541 420 4 883874749 +541 423 3 883864985 +541 427 4 883864638 +541 432 4 883874716 +541 452 3 883874518 +541 459 5 884047153 +541 465 4 883874716 +541 468 4 883865007 +541 474 5 884047153 +541 476 5 883866007 +541 477 4 883865654 +541 500 4 883874682 +541 501 4 883874682 +541 511 4 883864739 +541 526 4 883865088 +541 527 3 883864638 +541 542 1 884046888 +541 543 4 883875432 +541 553 4 883865289 +541 560 3 883874872 +541 584 3 883874646 +541 585 2 883866114 +541 588 4 883874682 +541 596 4 884645816 +541 622 3 883874804 +541 623 3 883874778 +541 625 4 883874717 +541 627 4 883874749 +541 651 5 883864782 +541 654 3 883875215 +541 655 4 883864782 +541 659 5 883865555 +541 660 5 883865039 +541 676 3 883865063 +541 678 5 883864160 +541 699 4 883864985 +541 709 5 885595735 +541 732 3 883865173 +541 755 5 883874716 +541 756 4 883866028 +541 763 3 883866068 +541 769 1 884046888 +541 781 5 883866093 +541 810 3 883871719 +541 812 3 883874872 +541 826 3 883871755 +541 843 4 884645883 +541 877 1 884046888 +541 924 5 883865133 +541 931 3 883875370 +541 941 4 883865394 +541 946 5 883874749 +541 993 4 884046295 +541 1030 3 885595972 +541 1035 3 883874749 +541 1036 2 883866280 +541 1041 3 883865929 +541 1047 2 883866173 +541 1053 3 883865317 +541 1074 1 884046888 +541 1078 4 883874834 +541 1084 4 883864569 +541 1091 3 883874804 +541 1185 2 883866028 +541 1315 1 884046202 +541 1409 4 883874778 +541 1412 1 883874834 +541 1442 1 884046888 +542 1 4 886532534 +542 8 3 886532908 +542 11 2 886533710 +542 12 4 886533774 +542 13 4 886533002 +542 15 2 886533483 +542 22 3 886532314 +542 23 5 886532602 +542 28 4 886533452 +542 41 4 886533068 +542 42 3 886532726 +542 47 5 886532855 +542 48 5 886533452 +542 50 4 886532209 +542 56 5 886532706 +542 58 4 886532571 +542 63 3 886533090 +542 64 4 886533421 +542 69 4 886532552 +542 70 4 886532788 +542 71 3 886533562 +542 72 3 886532818 +542 73 3 886533227 +542 80 3 886533142 +542 87 3 886532676 +542 88 3 886532727 +542 89 4 886532294 +542 90 4 886533227 +542 94 3 886533021 +542 95 3 886533562 +542 97 4 886533754 +542 99 5 886533587 +542 100 4 886532432 +542 109 4 886532416 +542 121 2 886532381 +542 122 3 886533253 +542 127 5 886532294 +542 132 3 886532620 +542 150 2 886532908 +542 168 4 886532602 +542 172 4 886532265 +542 173 4 886532265 +542 175 3 886532762 +542 179 4 886532571 +542 180 3 886532602 +542 181 4 886532359 +542 186 4 886532909 +542 187 4 886533395 +542 191 5 886532338 +542 192 5 886533421 +542 194 4 886532534 +542 195 3 886532294 +542 196 4 886533452 +542 202 3 886532314 +542 204 3 886532762 +542 206 2 886532602 +542 208 4 886532881 +542 209 4 886532762 +542 210 3 886532706 +542 214 3 886533452 +542 230 4 886533774 +542 235 3 886533228 +542 237 4 886532238 +542 238 4 886532706 +542 240 3 886533142 +542 246 3 886532359 +542 249 4 886532432 +542 265 4 886532238 +542 273 3 886532466 +542 282 3 886533452 +542 288 2 886532149 +542 293 3 886532466 +542 315 4 886532120 +542 318 4 886532602 +542 319 3 886532950 +542 321 4 886532928 +542 346 3 886532149 +542 347 3 886532176 +542 357 5 886532534 +542 367 4 886532881 +542 382 3 886532726 +542 384 3 886533227 +542 386 3 886533046 +542 393 3 886533142 +542 396 4 886533112 +542 399 2 886533172 +542 401 3 886533193 +542 410 4 886532971 +542 411 4 886533275 +542 418 4 886533562 +542 420 3 886533587 +542 423 4 886532676 +542 427 5 886532294 +542 432 5 886532552 +542 433 3 886532838 +542 435 4 886532818 +542 451 3 886532971 +542 475 3 886532359 +542 479 4 886532265 +542 496 4 886532534 +542 501 4 886533562 +542 508 3 886532762 +542 509 4 886532209 +542 523 4 886532788 +542 531 4 886533452 +542 585 2 886533068 +542 588 4 886533562 +542 625 3 886533588 +542 627 3 886533604 +542 648 4 886532950 +542 655 4 886532908 +542 684 4 886532238 +542 693 4 886533395 +542 695 2 886532788 +542 721 2 886533003 +542 732 3 886533227 +542 734 3 886533303 +542 744 2 886532676 +542 746 4 886532838 +542 763 4 886533253 +542 772 4 886533694 +542 775 2 886533253 +542 780 3 886533003 +542 789 3 886532909 +542 790 3 886533090 +542 818 4 886533112 +542 864 3 886533112 +542 866 2 886533046 +542 871 2 886533142 +542 952 4 886533193 +542 959 3 886532971 +542 1059 4 886533193 +542 1061 2 886533275 +542 1098 4 886532818 +542 1218 3 886532762 +543 2 3 877546306 +543 4 4 875658853 +543 8 4 875658853 +543 9 4 876382812 +543 11 3 874866116 +543 12 5 875665787 +543 13 3 876896210 +543 14 4 876896210 +543 15 3 888209697 +543 16 3 875655073 +543 22 3 877545230 +543 23 4 874864183 +543 24 3 874861639 +543 28 4 875663543 +543 29 2 877546306 +543 38 3 877545717 +543 44 3 874865728 +543 47 3 877547672 +543 53 3 877547190 +543 56 5 874866535 +543 59 4 875659256 +543 60 5 874864346 +543 61 4 875659098 +543 62 3 875663687 +543 64 4 874863336 +543 66 3 874866535 +543 69 4 874863436 +543 70 4 874863155 +543 71 4 874864870 +543 79 4 877545356 +543 82 4 877545605 +543 83 4 877547441 +543 85 2 877547580 +543 86 4 876896210 +543 88 4 877550535 +543 89 4 877545605 +543 94 3 877550791 +543 95 3 874865728 +543 96 4 875665787 +543 97 3 874864346 +543 98 4 874863336 +543 102 4 874863155 +543 110 2 874865635 +543 111 4 874861699 +543 114 4 874864346 +543 117 3 874861792 +543 118 3 874862036 +543 129 4 874862036 +543 134 5 874862967 +543 135 5 875667109 +543 144 4 874863269 +543 147 4 877543316 +543 153 3 874863035 +543 157 3 874863549 +543 160 3 874863803 +543 161 4 877545356 +543 163 4 874864870 +543 165 4 874863436 +543 168 3 875663170 +543 169 4 875663267 +543 170 4 874863269 +543 174 4 874864666 +543 175 3 874864182 +543 176 4 874865635 +543 177 4 877545356 +543 179 4 874862879 +543 180 4 874866208 +543 183 4 874864034 +543 185 4 875662979 +543 186 3 877550660 +543 187 4 874866535 +543 188 4 877545717 +543 190 5 875665787 +543 191 4 874863035 +543 192 4 874863878 +543 194 3 874864870 +543 195 4 874863155 +543 197 4 874866116 +543 198 4 876896210 +543 199 4 875663056 +543 200 4 874864870 +543 202 4 874863734 +543 204 4 874864737 +543 207 5 875665787 +543 210 3 875721967 +543 211 4 877547441 +543 212 4 875659175 +543 214 3 874864421 +543 216 4 874864666 +543 218 3 874864034 +543 226 4 875663372 +543 231 3 877545230 +543 233 4 877545716 +543 234 4 876896210 +543 237 4 876896210 +543 238 3 874866319 +543 239 2 877550660 +543 249 2 888209667 +543 252 3 889308778 +543 265 4 877545356 +543 272 3 888300821 +543 302 4 887912238 +543 303 4 875664365 +543 313 3 887912223 +543 318 3 874863549 +543 324 3 890723992 +543 357 4 874863803 +543 367 4 876105366 +543 371 5 875665787 +543 381 4 877547580 +543 385 3 877545717 +543 391 3 877547190 +543 397 3 877547005 +543 403 4 875663543 +543 410 3 877453103 +543 423 3 874863035 +543 432 4 874862967 +543 443 4 874864857 +543 461 3 875659175 +543 462 4 874864182 +543 463 3 874864034 +543 466 4 874864094 +543 469 4 875663056 +543 471 3 875657863 +543 474 5 875665787 +543 479 4 874866208 +543 480 4 876896210 +543 508 4 874861792 +543 509 3 874863734 +543 513 4 874863035 +543 515 4 876896210 +543 516 4 876896210 +543 518 3 874864736 +543 519 4 875662979 +543 521 4 874865636 +543 528 4 874864666 +543 529 4 874866208 +543 531 4 874864347 +543 550 2 877547005 +543 562 2 877547004 +543 566 4 877545605 +543 568 3 877547005 +543 576 4 877546306 +543 578 3 877546305 +543 582 3 874863550 +543 586 3 877547190 +543 591 4 876896210 +543 603 5 875665787 +543 636 3 876718718 +543 642 3 874863803 +543 647 3 874864182 +543 651 3 877546306 +543 656 4 875665787 +543 660 3 875659098 +543 663 4 874866208 +543 664 4 874863336 +543 684 4 874864737 +543 692 4 877547580 +543 694 4 874862966 +543 700 2 874865923 +543 702 2 877550399 +543 704 3 875662979 +543 709 3 874866535 +543 715 3 877550534 +543 720 2 877546306 +543 730 3 874864346 +543 732 3 877547863 +543 735 4 874863269 +543 737 3 874866535 +543 742 3 874861699 +543 748 3 876110379 +543 761 2 876105554 +543 770 4 874863803 +543 778 4 877550399 +543 792 4 877550535 +543 796 3 877550790 +543 810 3 877547004 +543 831 2 876718718 +543 855 4 875663543 +543 919 2 874863549 +543 936 4 888209568 +543 944 3 877547863 +543 947 4 877545605 +543 982 3 877452676 +543 1014 4 875655073 +543 1073 3 874863269 +543 1099 4 874863878 +543 1159 5 875665787 +543 1174 3 876894981 +543 1194 4 875659174 +543 1199 2 877542776 +543 1262 2 876382812 +543 1416 2 876718718 +543 1441 3 874863436 +543 1524 4 874866319 +543 1555 3 874863155 +543 1619 3 874865635 +544 258 3 884795135 +544 259 1 884795581 +544 270 3 884795135 +544 271 3 884795986 +544 286 4 884795135 +544 288 2 884795135 +544 292 4 884795470 +544 294 2 884795581 +544 300 4 884795612 +544 301 2 884795580 +544 302 5 884795135 +544 304 3 884795135 +544 310 2 884795264 +544 312 2 884796086 +544 313 5 884795413 +544 323 2 884796016 +544 325 1 884796016 +544 326 3 884795580 +544 327 2 884795516 +544 328 3 884795581 +544 331 3 884795516 +544 332 3 884795437 +544 338 2 884796062 +544 343 2 884796062 +544 346 4 884795135 +544 689 2 884795706 +544 748 3 884795986 +544 749 4 884795471 +544 750 3 884795135 +544 877 2 884795612 +544 1280 3 884795542 +545 1 5 879901359 +545 17 3 879899472 +545 22 3 879899158 +545 25 2 880348933 +545 28 4 884133814 +545 29 3 880347984 +545 31 4 884133988 +545 50 5 879898644 +545 54 4 884134519 +545 55 3 879899233 +545 62 5 879899438 +545 67 1 880348933 +545 68 4 879899266 +545 69 4 884133906 +545 71 5 879901459 +545 73 4 879900121 +545 77 3 884134704 +545 78 2 884134578 +545 79 4 879899233 +545 80 3 879900654 +545 82 4 879899266 +545 88 3 879901941 +545 89 3 879899125 +545 94 3 879900794 +545 95 4 879901458 +545 96 5 879899233 +545 97 3 879901865 +545 98 5 879899861 +545 99 4 880347957 +545 101 4 879901538 +545 117 4 879899233 +545 121 5 879899299 +545 132 4 884134519 +545 135 4 884134060 +545 139 3 884134959 +545 142 3 884135088 +545 144 3 879899125 +545 151 4 880348074 +545 155 3 879902060 +545 161 4 879899472 +545 164 4 879899906 +545 167 3 879900731 +545 168 4 879900156 +545 172 5 879899125 +545 173 5 879900185 +545 174 4 879899125 +545 175 4 879899641 +545 176 4 879899125 +545 177 3 879899299 +545 181 5 879898644 +545 182 3 883115423 +545 183 4 879899125 +545 188 2 879899233 +545 193 3 884133988 +545 194 3 879899677 +545 195 4 879899158 +545 196 4 884133859 +545 199 4 880347770 +545 202 4 879900388 +545 203 4 880347831 +545 204 4 879899641 +545 205 4 884134276 +545 208 3 879899619 +545 210 5 879899158 +545 211 3 879900586 +545 215 3 884133881 +545 217 5 879899934 +545 218 4 879899906 +545 219 2 880348933 +545 222 4 879899157 +545 226 3 879899438 +545 227 4 879899380 +545 228 5 879899266 +545 229 3 879899380 +545 230 5 879899327 +545 231 4 879899472 +545 232 3 883115515 +545 233 4 879899380 +545 234 3 879899905 +545 254 4 879898995 +545 257 5 879898678 +545 258 3 879898617 +545 265 4 883115423 +545 266 2 879898447 +545 271 3 879898362 +545 326 3 879898447 +545 328 4 879898301 +545 373 3 879899523 +545 378 3 884134177 +545 379 4 879900010 +545 380 3 884134628 +545 384 3 879900863 +545 385 3 879899266 +545 386 2 884134780 +545 388 3 880347984 +545 391 2 883115552 +545 393 4 879900891 +545 395 4 879901092 +545 399 4 879900794 +545 403 5 879899380 +545 404 4 884133839 +545 405 4 879899380 +545 413 4 879899977 +545 419 3 884134177 +545 423 4 884134114 +545 426 3 879901483 +545 431 3 879899472 +545 434 3 884134177 +545 444 3 879899978 +545 447 3 879899978 +545 449 2 879899497 +545 450 2 883115718 +545 451 3 879900366 +545 472 5 879899266 +545 474 3 884134205 +545 491 3 884134035 +545 510 3 880347957 +545 520 4 884133794 +545 524 4 879900185 +545 541 4 879899548 +545 542 2 880348933 +545 546 3 879901281 +545 549 4 879901920 +545 550 3 879899327 +545 551 4 879900053 +545 554 3 879899497 +545 563 3 879900011 +545 566 4 879899438 +545 568 3 879899299 +545 569 3 879900011 +545 575 3 879900985 +545 578 4 884134936 +545 588 4 879901459 +545 627 3 879901504 +545 633 3 884133963 +545 636 3 879899472 +545 648 3 879899719 +545 665 3 879899299 +545 679 2 879899438 +545 680 2 879898486 +545 684 4 879899380 +545 689 4 879898362 +545 692 3 879900654 +545 710 3 879900227 +545 720 3 883115664 +545 729 3 884134114 +545 732 4 879899619 +545 739 4 884134780 +545 742 4 880347813 +545 743 3 879901322 +545 746 4 879900321 +545 751 3 883115062 +545 810 4 879899523 +545 820 3 879901359 +545 890 2 880347690 +545 944 4 879900731 +545 968 5 884134395 +545 993 2 879898802 +545 1028 4 879900731 +545 1091 3 879901483 +545 1188 3 883115515 +545 1228 3 884134603 +546 5 5 885141411 +546 7 5 885140689 +546 17 4 885141411 +546 50 5 885140368 +546 53 5 885141502 +546 56 5 885141332 +546 98 5 885141332 +546 100 3 885140706 +546 109 5 885141260 +546 118 5 885141260 +546 121 5 885140909 +546 145 4 885141502 +546 164 4 885141360 +546 181 5 885140754 +546 185 4 885141360 +546 200 5 885141332 +546 219 5 885141439 +546 222 4 885141260 +546 234 4 885141332 +546 236 4 885141260 +546 250 4 885141260 +546 258 4 885139634 +546 271 5 885139779 +546 286 2 885139580 +546 288 4 885141260 +546 294 1 885139779 +546 300 3 885139842 +546 313 2 885139580 +546 322 4 885139921 +546 343 3 885140117 +546 346 5 885139634 +546 347 5 885139580 +546 349 4 885141260 +546 379 4 885141465 +546 413 4 885140808 +546 436 5 885141438 +546 447 3 885141360 +546 457 1 885139608 +546 458 1 885140689 +546 567 4 885141502 +546 569 4 885141502 +546 590 4 885141538 +546 665 2 885141411 +546 672 3 885141438 +546 682 3 885140097 +546 690 2 885139693 +546 717 5 885141162 +546 751 3 885139871 +546 758 4 885140808 +546 760 5 885140808 +546 769 4 885141465 +546 816 3 885141411 +546 860 4 885141439 +546 892 4 885141260 +546 895 3 885139608 +546 898 4 885141260 +546 928 4 885141132 +546 930 5 885141260 +546 977 5 885140939 +547 258 4 891282596 +547 269 3 891282555 +547 289 3 891282775 +547 294 1 891282757 +547 301 3 891282680 +547 302 5 891282575 +547 303 3 891282715 +547 311 2 891282699 +547 312 4 891282824 +547 313 5 891282611 +547 315 4 891282555 +547 316 5 891282797 +547 319 4 891282926 +547 321 4 891282732 +547 328 4 891282757 +547 332 3 891282681 +547 333 4 891282555 +547 338 2 891282967 +547 340 4 891282757 +547 345 5 891282555 +547 347 4 891282680 +547 354 4 891282640 +547 751 4 891282597 +548 1 4 891043182 +548 3 1 891415967 +548 7 5 891044304 +548 9 1 891043008 +548 12 5 891044356 +548 13 1 891415677 +548 14 1 891043182 +548 15 2 891415854 +548 17 3 891044596 +548 23 5 891044410 +548 25 2 891415746 +548 31 5 891044481 +548 39 5 891044481 +548 50 5 891044304 +548 55 5 891044482 +548 56 5 891044356 +548 79 5 891044482 +548 98 5 891044410 +548 100 5 891044304 +548 117 4 891415384 +548 118 5 891415855 +548 121 5 891415939 +548 127 5 891043008 +548 147 5 891415540 +548 151 1 891415786 +548 156 5 891044356 +548 164 5 891044446 +548 176 4 891044355 +548 181 4 891043008 +548 183 5 891044410 +548 185 5 891044356 +548 203 5 891044446 +548 218 4 891044538 +548 222 5 891044596 +548 226 5 891044596 +548 229 5 891044596 +548 233 5 891044596 +548 234 4 891044356 +548 235 3 891415746 +548 237 4 891415540 +548 245 4 891042624 +548 248 4 891043852 +548 250 5 891044304 +548 252 3 891043977 +548 254 1 891043999 +548 255 4 891043852 +548 257 5 891044304 +548 258 4 891042474 +548 264 4 891043547 +548 270 5 891044304 +548 271 3 891043509 +548 272 2 891042194 +548 273 5 891044411 +548 275 3 891415411 +548 276 3 891415512 +548 277 3 891415540 +548 281 4 891044538 +548 282 4 891415384 +548 283 3 891415572 +548 284 3 891415619 +548 286 1 891042194 +548 288 3 891042794 +548 291 5 891415677 +548 292 4 891042530 +548 293 4 891043760 +548 294 3 891042954 +548 295 5 891044304 +548 298 4 891043882 +548 300 5 891044304 +548 302 4 891042194 +548 305 1 891042624 +548 307 4 891042474 +548 310 3 891042474 +548 311 3 891042194 +548 313 5 891044304 +548 315 3 891415258 +548 316 4 891044139 +548 322 4 891043509 +548 323 4 891043547 +548 326 4 891043278 +548 327 3 891042794 +548 328 4 891042954 +548 331 4 891042530 +548 333 4 891042624 +548 340 1 891042794 +548 343 4 891043547 +548 344 1 891042530 +548 345 1 891042194 +548 346 4 891042624 +548 347 2 891415257 +548 358 2 891043547 +548 370 3 891416050 +548 405 4 891415643 +548 413 3 891416049 +548 431 5 891044446 +548 443 4 891044446 +548 458 3 891415512 +548 460 4 891416122 +548 466 5 891044446 +548 471 5 891415709 +548 472 2 891415967 +548 475 4 891415411 +548 477 1 891415786 +548 504 5 891044482 +548 515 5 891044304 +548 525 5 891044446 +548 532 4 891043910 +548 539 2 891415257 +548 546 4 891415815 +548 581 4 891044596 +548 591 3 891415465 +548 595 4 891416071 +548 597 4 891415890 +548 603 5 891044356 +548 619 3 891415786 +548 628 2 891415890 +548 636 4 891044538 +548 642 4 891044538 +548 649 4 891044538 +548 654 5 891044411 +548 657 5 891044411 +548 659 4 891044446 +548 678 4 891043547 +548 683 4 891042954 +548 690 3 891042475 +548 696 4 891415912 +548 717 4 891416050 +548 742 5 891044596 +548 748 3 891043910 +548 750 4 891042353 +548 751 4 891042851 +548 760 3 891416049 +548 762 4 891415709 +548 882 4 891043442 +548 887 4 891043442 +548 898 1 891043509 +548 905 4 891044198 +548 924 3 891415786 +548 925 2 891415709 +548 928 3 891415890 +548 950 4 891415643 +548 978 2 891416122 +548 991 1 891044050 +548 1011 2 891415746 +548 1013 3 891043910 +548 1014 4 891043932 +548 1016 4 891043882 +548 1025 4 891043278 +548 1047 4 891416011 +548 1051 4 891415677 +548 1073 4 891044411 +548 1089 2 891044049 +548 1244 4 891043953 +548 1278 4 891416371 +548 1405 3 891415572 +549 1 5 881672182 +549 24 3 881672556 +549 50 5 881672199 +549 100 4 881672333 +549 118 4 881672479 +549 121 4 881672461 +549 127 5 881672441 +549 151 3 881672300 +549 181 4 881672241 +549 225 3 881672804 +549 237 4 881672605 +549 252 3 881672538 +549 258 5 881671833 +549 282 3 881672300 +549 288 4 881672605 +549 323 2 881671879 +549 405 4 881672556 +549 411 3 881672667 +549 472 3 881672408 +549 515 5 881672276 +549 620 3 881672650 +549 678 3 881671982 +549 748 4 881671952 +549 866 4 881672573 +549 1047 3 881672700 +550 1 3 883425913 +550 15 5 883426027 +550 50 5 883425283 +550 121 5 883426027 +550 125 4 883425958 +550 181 5 883425283 +550 222 4 883425979 +550 237 3 883426119 +550 243 2 883426119 +550 249 4 883425388 +550 252 1 883426119 +550 254 1 883426119 +550 255 3 883425388 +550 257 4 883425337 +550 258 5 883425409 +550 259 2 883426119 +550 271 5 883425652 +550 275 4 883425958 +550 288 5 883425979 +550 294 3 883426119 +550 300 4 883425652 +550 301 2 883426119 +550 304 3 883425743 +550 310 5 883425627 +550 313 5 883425610 +550 323 5 883425465 +550 328 5 883425652 +550 405 4 883426027 +550 538 5 883425812 +550 596 2 883426119 +550 682 4 883425783 +550 688 3 883425762 +550 748 4 883425365 +550 846 2 883426119 +550 877 4 883425723 +550 892 2 883426119 +550 924 4 883426027 +550 993 4 883425426 +550 1089 3 883425485 +550 1620 4 883425448 +551 2 2 892784780 +551 3 5 892784093 +551 4 2 892783711 +551 5 4 892783314 +551 7 5 892777638 +551 9 5 892776982 +551 11 5 892777052 +551 12 4 892776419 +551 13 1 892783411 +551 15 5 892782936 +551 17 5 892784942 +551 22 5 892776650 +551 24 5 892783142 +551 25 1 892783366 +551 26 4 892785056 +551 28 4 892776982 +551 31 4 892783451 +551 33 5 892778297 +551 34 4 892778336 +551 38 1 892784553 +551 40 1 892785056 +551 42 5 892783212 +551 43 2 892784976 +551 44 4 892777825 +551 49 3 892783281 +551 50 2 892776336 +551 51 5 892784780 +551 54 3 892784093 +551 55 5 892777753 +551 56 5 892776450 +551 58 5 892783451 +551 62 5 892784524 +551 64 5 892776380 +551 66 2 892783281 +551 67 5 892785164 +551 68 2 892783972 +551 69 4 892776982 +551 70 4 892783057 +551 71 4 892783281 +551 72 5 892783972 +551 73 2 892784130 +551 76 4 892778202 +551 77 3 892784130 +551 79 5 892776824 +551 80 1 892785300 +551 82 5 892783525 +551 84 1 892785020 +551 85 1 892783749 +551 88 4 892783314 +551 89 4 892777787 +551 90 1 892784199 +551 91 1 892783025 +551 92 5 892783672 +551 95 5 892783791 +551 96 5 892777987 +551 97 5 892777013 +551 98 5 892776524 +551 100 4 892776486 +551 111 5 892783612 +551 117 5 892782807 +551 118 5 892784008 +551 121 5 892783411 +551 125 4 892783791 +551 127 5 892776420 +551 128 4 892783829 +551 132 5 892777583 +551 135 5 892778129 +551 143 4 892777274 +551 144 5 892778035 +551 147 4 892783525 +551 150 3 892782807 +551 153 3 892777310 +551 155 4 892784259 +551 156 5 892777723 +551 157 4 892782765 +551 159 4 892784743 +551 161 5 892782936 +551 162 5 892783242 +551 164 4 892776650 +551 168 5 892777723 +551 172 2 892778164 +551 174 4 892776650 +551 176 4 892776876 +551 177 5 892777274 +551 180 5 892777052 +551 181 2 892778074 +551 182 5 892776824 +551 183 4 892776824 +551 184 1 892777855 +551 185 5 892777885 +551 186 5 892783142 +551 187 5 892776450 +551 188 5 892783672 +551 192 5 892776750 +551 193 5 892777363 +551 195 5 892777052 +551 196 5 892776982 +551 198 5 892778035 +551 200 4 892782936 +551 202 4 892783177 +551 203 5 892782975 +551 204 4 892777673 +551 205 5 892776575 +551 209 5 892777123 +551 210 4 892777787 +551 211 5 892778035 +551 215 4 892778035 +551 216 5 892777609 +551 217 1 892784093 +551 218 5 892783212 +551 219 5 892784479 +551 222 5 892783411 +551 223 4 892776650 +551 226 5 892783411 +551 227 5 892783488 +551 228 5 892783212 +551 229 5 892784779 +551 230 5 892782901 +551 232 5 892783365 +551 233 4 892784259 +551 234 4 892777092 +551 235 1 892784629 +551 237 4 892777825 +551 238 5 892777638 +551 240 3 892784673 +551 241 4 892783057 +551 245 3 892775723 +551 258 4 892775584 +551 260 5 892775869 +551 264 3 892775970 +551 265 4 892776336 +551 268 4 892775516 +551 272 5 892775389 +551 273 4 892782865 +551 274 2 892783488 +551 276 5 892783451 +551 280 3 892778337 +551 281 5 892784320 +551 282 5 892777092 +551 284 4 892783110 +551 286 4 892775466 +551 288 4 892775466 +551 291 4 892778337 +551 292 3 892775612 +551 294 4 892775824 +551 300 4 892775687 +551 302 3 892775389 +551 307 4 892775516 +551 310 4 892775516 +551 313 4 892775389 +551 315 5 892775389 +551 316 5 892696165 +551 317 5 892777092 +551 318 5 892776824 +551 324 3 892775824 +551 326 4 892775612 +551 328 5 892775584 +551 331 5 892775584 +551 332 4 892775547 +551 333 5 892775584 +551 334 4 892775970 +551 340 4 892775584 +551 343 4 892775869 +551 346 4 892775547 +551 351 3 892775894 +551 354 3 892775752 +551 355 4 892776041 +551 356 4 892783829 +551 357 5 892777274 +551 363 4 892784710 +551 365 5 892784524 +551 366 5 892784049 +551 380 3 892783488 +551 384 1 892785223 +551 385 5 892783791 +551 386 1 892785364 +551 393 5 892782901 +551 399 3 892785364 +551 402 4 892784049 +551 403 3 892782807 +551 405 3 892783612 +551 410 5 892784093 +551 411 1 892784437 +551 415 4 892784710 +551 421 4 892778202 +551 423 1 892782975 +551 431 4 892777583 +551 433 5 892777787 +551 447 5 892783711 +551 448 4 892783242 +551 451 1 892784976 +551 455 1 892783525 +551 458 2 892784166 +551 460 3 892784320 +551 461 3 892778074 +551 468 5 892783559 +551 470 5 892783711 +551 471 5 892783365 +551 475 5 892777910 +551 476 5 892784259 +551 479 3 892776380 +551 505 5 892777397 +551 508 4 892783366 +551 509 4 892777274 +551 518 4 892783212 +551 520 4 892777339 +551 527 5 892777123 +551 531 5 892777485 +551 544 4 892784093 +551 546 2 892784673 +551 550 5 892784130 +551 552 3 892784259 +551 554 5 892783906 +551 559 5 892784479 +551 561 5 892785363 +551 566 5 892783212 +551 568 4 892783906 +551 570 4 892785264 +551 572 1 892784672 +551 576 2 892784743 +551 578 5 892784672 +551 581 5 892783972 +551 582 5 892783749 +551 583 3 892778369 +551 587 4 892783525 +551 591 5 892783612 +551 595 2 892784744 +551 596 5 892784049 +551 597 4 892784976 +551 603 5 892776524 +551 616 5 892777052 +551 627 3 892783906 +551 628 5 892783177 +551 636 5 892784130 +551 640 4 892783750 +551 651 4 892776750 +551 655 5 892783142 +551 658 5 892783559 +551 660 3 892783672 +551 672 1 892785056 +551 673 4 892778164 +551 684 5 892783212 +551 685 1 892782901 +551 686 3 892783829 +551 690 5 892775584 +551 692 4 892777092 +551 693 5 892777943 +551 696 2 892785194 +551 698 4 892782734 +551 708 1 892783830 +551 710 5 892777753 +551 715 1 892785128 +551 717 3 892785164 +551 719 1 892784898 +551 720 2 892784744 +551 721 5 892784898 +551 727 5 892783559 +551 728 2 892785331 +551 732 4 892783711 +551 735 5 892783110 +551 739 4 892784710 +551 742 5 892782838 +551 746 5 892777013 +551 747 3 892783025 +551 748 4 892775612 +551 751 4 892775797 +551 755 4 892784008 +551 756 1 892784437 +551 760 3 892784592 +551 761 1 892785164 +551 762 5 892784130 +551 763 5 892784008 +551 765 1 892785194 +551 770 2 892778244 +551 774 5 892783314 +551 779 4 892785399 +551 780 5 892785431 +551 790 2 892783942 +551 796 4 892785264 +551 802 4 892784437 +551 808 3 892783791 +551 809 5 892784629 +551 824 1 892784629 +551 825 5 892784049 +551 827 5 892784710 +551 833 3 892784166 +551 846 3 892783942 +551 849 5 892785128 +551 864 5 892785091 +551 875 4 892775970 +551 895 3 892775752 +551 912 3 892775723 +551 917 3 892775466 +551 924 5 892783451 +551 926 2 892785300 +551 941 4 892782734 +551 943 5 892783451 +551 944 2 892784320 +551 950 2 892783861 +551 955 3 892783411 +551 959 5 892784166 +551 975 5 892784130 +551 979 4 892784479 +551 991 2 892775935 +551 1011 5 892783177 +551 1028 4 892785056 +551 1035 2 892778244 +551 1039 4 892777013 +551 1044 3 892785223 +551 1047 4 892785264 +551 1051 4 892784593 +551 1059 3 892785128 +551 1067 2 892785091 +551 1079 1 892785431 +551 1087 1 892784437 +551 1118 5 892784199 +551 1135 5 892785331 +551 1136 5 892784049 +551 1139 4 892785263 +551 1169 4 892778297 +551 1207 1 892785300 +551 1217 1 892784524 +551 1220 5 892784524 +551 1253 2 892784629 +551 1267 4 892783906 +551 1303 1 892785399 +551 1304 1 892783942 +551 1314 2 892783750 +551 1376 1 892784524 +551 1419 1 892785332 +551 1439 5 892783612 +551 1443 5 892784942 +551 1518 4 892785363 +551 1621 1 892785194 +552 1 3 879221716 +552 7 3 879221580 +552 13 3 879222238 +552 14 4 879221649 +552 15 3 879222484 +552 25 3 879221833 +552 50 4 879221876 +552 100 4 879221716 +552 111 3 879222238 +552 117 3 879222412 +552 118 3 879222520 +552 121 4 879222698 +552 123 3 879222033 +552 125 3 879222484 +552 126 4 879221876 +552 127 4 879221580 +552 147 3 879222412 +552 148 3 879222452 +552 151 3 879222238 +552 181 3 879221399 +552 222 4 879221764 +552 225 3 879221876 +552 237 4 879221617 +552 240 2 879222133 +552 243 3 879220651 +552 248 4 879221795 +552 249 3 879222368 +552 250 3 879222336 +552 252 2 879222002 +552 257 3 879221795 +552 258 4 879220564 +552 274 3 879222162 +552 280 3 879222002 +552 281 3 879222306 +552 282 3 879222133 +552 284 3 879222071 +552 286 4 879220564 +552 288 2 879221267 +552 291 2 879222661 +552 294 4 879220688 +552 300 4 879220610 +552 301 4 879220720 +552 322 3 879220760 +552 323 2 879221267 +552 336 3 879221267 +552 405 3 879222268 +552 410 3 879222070 +552 411 3 879222002 +552 412 2 879222583 +552 455 3 879221764 +552 471 3 879222306 +552 515 3 879221543 +552 591 3 879222412 +552 619 3 879222632 +552 620 3 879222738 +552 628 3 879221833 +552 717 3 879222368 +552 742 4 879222103 +552 748 4 879220651 +552 756 2 879221683 +552 760 3 879222306 +552 815 3 879222336 +552 826 2 879222002 +552 829 3 879222738 +552 845 3 879222368 +552 864 3 879221876 +552 866 3 879222002 +552 873 3 879220688 +552 926 2 879222698 +552 932 3 879222194 +552 934 3 879222336 +552 977 3 879222033 +552 988 3 879220650 +552 1014 4 879222520 +552 1047 3 879222521 +552 1048 3 879221683 +552 1051 3 879222238 +552 1095 3 879222738 +552 1152 3 879222002 +552 1277 3 879222763 +552 1278 3 879222452 +552 1315 3 879222452 +552 1362 3 879222698 +552 1620 3 879222071 +553 1 3 879949153 +553 8 3 879949290 +553 22 5 879949324 +553 23 5 879948806 +553 45 4 879948732 +553 50 4 879948732 +553 56 4 879949042 +553 81 3 879948732 +553 86 3 879948771 +553 89 5 879948386 +553 98 5 879948996 +553 99 5 879948508 +553 100 5 879948869 +553 111 4 879948869 +553 131 5 879948655 +553 132 4 879948610 +553 134 4 879948806 +553 135 4 879948996 +553 136 4 879948655 +553 151 5 879949181 +553 153 5 879949107 +553 170 4 879948806 +553 174 4 879949073 +553 177 4 879949180 +553 178 5 879948460 +553 181 4 879948695 +553 182 3 879949290 +553 186 3 879948552 +553 187 5 879948609 +553 190 5 879949251 +553 191 4 879949153 +553 197 5 879948831 +553 199 4 879949153 +553 205 4 879948869 +553 213 5 879949290 +553 218 4 879948996 +553 238 5 879948655 +553 265 5 879948508 +553 275 5 879948552 +553 307 4 879948235 +553 367 4 879949153 +553 378 3 879948655 +553 423 3 879948655 +553 427 5 879948508 +553 434 3 879948771 +553 435 4 879948869 +553 474 5 879948609 +553 478 4 879948964 +553 479 5 879948386 +553 480 5 879948552 +553 481 3 879948806 +553 482 4 879948831 +553 483 5 879948423 +553 484 5 879949324 +553 485 3 879948695 +553 487 5 879948996 +553 490 4 879949073 +553 492 3 879949042 +553 496 3 879948460 +553 497 4 879948460 +553 498 4 879949042 +553 505 5 879949107 +553 506 4 879948655 +553 507 3 879948831 +553 511 5 879948869 +553 513 4 879948806 +553 514 3 879948695 +553 515 5 879948386 +553 519 5 879949042 +553 520 5 879949153 +553 523 4 879948508 +553 524 5 879948996 +553 525 4 879949153 +553 527 3 879949290 +553 528 3 879949180 +553 559 3 879949251 +553 589 5 879948964 +553 603 5 879948695 +553 604 5 879949107 +553 605 4 879949251 +553 607 4 879949107 +553 609 4 879948806 +553 611 5 879948386 +553 615 5 879949073 +553 617 4 879949042 +553 631 5 879948695 +553 638 3 879948732 +553 641 4 879948386 +553 646 4 879949251 +553 648 4 879948552 +553 655 4 879949289 +553 657 5 879949212 +553 661 5 879949324 +553 1009 4 879949212 +553 1021 2 879949153 +553 1124 4 879948695 +553 1126 4 879948508 +553 1194 5 879948995 +553 1200 3 879948964 +553 1451 4 879949212 +554 1 3 876231938 +554 4 2 876369560 +554 7 3 876549087 +554 8 4 876550526 +554 9 4 876231468 +554 11 4 876233069 +554 13 2 876232730 +554 14 4 876550182 +554 15 4 876231964 +554 21 1 876232212 +554 22 4 876232794 +554 28 4 876232758 +554 31 4 876369085 +554 43 3 876369968 +554 50 4 876550778 +554 56 4 876550257 +554 58 4 876549808 +554 66 3 876369615 +554 67 3 876369932 +554 68 2 876368907 +554 69 5 876232682 +554 70 4 876369382 +554 71 4 876550257 +554 77 4 876550778 +554 79 5 876550491 +554 82 4 876550257 +554 86 4 876369678 +554 87 4 876550654 +554 95 4 876550526 +554 98 5 876550491 +554 100 3 876231441 +554 111 4 876550526 +554 117 4 876231777 +554 118 4 876550257 +554 121 4 876232267 +554 125 3 876550913 +554 132 4 876550453 +554 133 4 876369272 +554 151 4 876550100 +554 172 5 876550372 +554 173 3 876369527 +554 174 5 876550257 +554 179 3 876369785 +554 181 4 876550100 +554 191 5 876243914 +554 202 4 876232956 +554 204 5 876550610 +554 209 4 876232997 +554 215 5 876550833 +554 216 3 876369162 +554 218 4 876550654 +554 220 3 876232109 +554 222 4 876231802 +554 223 3 876232996 +554 227 3 876369198 +554 228 5 876550011 +554 229 3 876369907 +554 230 5 876369968 +554 237 3 876231570 +554 238 3 876232682 +554 245 3 876231229 +554 252 4 876232528 +554 265 4 876232956 +554 273 3 876231839 +554 274 3 876232317 +554 275 4 876231634 +554 276 3 876548886 +554 282 3 876232267 +554 284 3 876549009 +554 286 4 876231521 +554 288 3 876231123 +554 289 4 876549656 +554 294 3 876231229 +554 318 5 876369730 +554 328 4 878801354 +554 378 4 876549808 +554 405 4 876550654 +554 411 3 876231886 +554 423 4 876550182 +554 432 4 876550491 +554 526 4 876550100 +554 527 4 876233137 +554 531 4 876549731 +554 542 3 876369995 +554 546 3 876231886 +554 576 4 876549377 +554 582 3 876232758 +554 595 3 876232109 +554 596 3 876232758 +554 597 4 876232176 +554 678 3 876231229 +554 684 4 876550342 +554 692 4 876549579 +554 696 3 876232023 +554 717 3 876232553 +554 728 3 876369995 +554 732 4 876550833 +554 735 3 876369162 +554 742 3 876231546 +554 756 3 876231938 +554 770 1 876369382 +554 819 3 876231688 +554 820 2 876232176 +554 845 3 876231993 +554 864 4 876231993 +554 866 3 876232486 +554 939 4 876550342 +554 951 3 876369840 +554 1012 3 876231839 +554 1028 3 876551044 +554 1041 3 876369560 +554 1042 3 876550610 +554 1046 4 876550526 +554 1284 3 876232053 +555 7 4 879962172 +555 13 5 879964092 +555 21 4 879964265 +555 25 4 879963127 +555 47 2 879975505 +555 50 5 879962152 +555 87 4 879975505 +555 89 4 879975438 +555 100 5 879964092 +555 111 4 879964159 +555 117 4 879962152 +555 118 4 879962569 +555 120 4 879964334 +555 121 3 879962551 +555 129 4 882385841 +555 147 4 879962172 +555 150 4 879963127 +555 168 4 879975419 +555 169 5 879975419 +555 181 5 879962172 +555 195 4 879975438 +555 235 3 879964209 +555 236 5 879962769 +555 244 5 879962642 +555 248 4 879963127 +555 249 4 879963127 +555 252 5 879962551 +555 258 3 879962096 +555 265 3 879975505 +555 269 5 879962096 +555 271 3 879961963 +555 274 4 879964240 +555 285 5 879963127 +555 288 3 879962096 +555 301 4 879962096 +555 302 3 879962096 +555 318 4 879975419 +555 319 5 879962096 +555 326 4 879962096 +555 328 4 879962096 +555 340 4 879962096 +555 357 4 879975455 +555 405 4 879962569 +555 410 4 879962769 +555 480 4 879975474 +555 489 5 879975455 +555 505 4 879975474 +555 546 3 879962551 +555 748 4 879962096 +555 762 4 879964159 +555 1013 4 879962642 +555 1054 3 879964335 +556 12 5 882136440 +556 48 5 882136252 +556 64 5 882136162 +556 127 5 882136205 +556 132 5 882136396 +556 133 5 882136396 +556 134 5 882136252 +556 135 2 882136252 +556 170 4 882136162 +556 172 5 882136441 +556 173 3 882136162 +556 178 5 882136162 +556 187 5 882136396 +556 192 5 882136440 +556 209 5 882136162 +556 243 1 882135994 +556 268 4 882135646 +556 286 4 882135437 +556 288 4 882135646 +556 294 2 882135855 +556 302 4 882135437 +556 318 5 882136252 +556 319 3 882135437 +556 321 4 882135994 +556 323 2 882136058 +556 324 4 882135805 +556 325 2 882135684 +556 327 5 882135508 +556 340 5 882135646 +556 427 5 882136440 +556 479 5 882136162 +556 481 5 882136441 +556 482 5 882136440 +556 493 5 882136441 +556 496 5 882136252 +556 507 5 882136205 +556 513 4 882136396 +556 520 5 882136441 +556 523 5 882136205 +556 603 5 882136440 +556 604 5 882136205 +556 707 3 882136396 +556 988 1 882135994 +556 1065 4 882136162 +557 8 5 881179653 +557 12 5 881179653 +557 50 4 881095916 +557 58 4 880555684 +557 96 5 881179653 +557 127 4 880485718 +557 150 3 881179621 +557 165 5 881179653 +557 166 4 881179397 +557 176 4 880486028 +557 180 5 881179653 +557 197 5 881179653 +557 198 5 881179513 +557 246 5 880485693 +557 252 3 880485846 +557 253 3 880485693 +557 254 4 880485908 +557 257 2 880485764 +557 262 2 882458820 +557 268 5 881179653 +557 269 3 881179139 +557 270 3 881179166 +557 271 4 881179557 +557 288 1 884357600 +557 289 4 880484992 +557 292 4 880485019 +557 294 3 880484929 +557 298 5 881095916 +557 299 4 881095916 +557 300 4 881095916 +557 305 3 881179268 +557 307 5 881179653 +557 322 3 880485052 +557 325 3 880485074 +557 327 3 882458785 +557 334 4 881179362 +557 337 5 881179653 +557 343 4 881095995 +557 346 2 884357321 +557 508 4 880485956 +557 529 5 881179455 +557 532 5 881095916 +557 682 2 881179213 +557 739 3 881179539 +557 750 4 884357373 +557 865 3 881179268 +557 872 5 881095916 +557 875 4 881179291 +557 887 3 881179118 +557 892 3 884357648 +557 1070 2 884357600 +557 1176 5 881179653 +557 1244 2 880485863 +558 9 4 879436069 +558 14 4 879436097 +558 15 3 879436140 +558 19 5 879436396 +558 20 5 879436396 +558 100 5 879436396 +558 116 5 879436396 +558 124 4 879435855 +558 137 4 879435896 +558 253 5 879436396 +558 269 4 879436396 +558 275 4 879435896 +558 283 3 879436097 +558 285 5 879436396 +558 286 4 879435828 +558 508 5 879436396 +558 744 4 879436027 +558 847 4 879436396 +558 936 5 879436396 +558 1068 2 879435896 +559 4 4 891035876 +559 12 3 891034067 +559 22 1 891034003 +559 55 4 891035111 +559 56 3 891034550 +559 69 5 891034003 +559 70 3 891035917 +559 73 4 891035812 +559 87 4 891034003 +559 94 3 891035979 +559 127 4 891033956 +559 144 5 891034551 +559 153 3 891035708 +559 163 4 891035840 +559 167 3 891035840 +559 174 4 891035111 +559 180 4 891035111 +559 182 4 891035111 +559 187 3 891033911 +559 188 5 891034609 +559 191 5 891034139 +559 194 3 891035781 +559 195 3 891034647 +559 196 5 891033805 +559 197 4 891035111 +559 199 5 891034040 +559 202 1 891035674 +559 204 3 891035708 +559 205 5 891033805 +559 210 4 891034957 +559 216 5 891035876 +559 226 5 891034688 +559 233 3 891034688 +559 238 1 891035674 +559 257 3 891035466 +559 259 3 891035407 +559 261 3 891035378 +559 265 4 891033696 +559 294 1 891035519 +559 300 4 891035137 +559 311 3 891033635 +559 315 5 891033635 +559 318 5 891033835 +559 322 4 891034987 +559 347 3 891035343 +559 385 4 891035111 +559 393 2 891035917 +559 398 3 891034904 +559 427 4 891034095 +559 435 2 891035781 +559 502 4 891035946 +559 508 3 891034209 +559 511 2 891034347 +559 513 5 891033956 +559 514 4 891035633 +559 515 4 891035111 +559 519 5 891034004 +559 520 5 891033911 +559 521 2 891033911 +559 523 4 891035812 +559 524 3 891035917 +559 527 4 891034172 +559 528 4 891034209 +559 550 4 891035111 +559 566 5 891034688 +559 587 4 891034095 +559 652 4 891035633 +559 660 1 891034250 +559 661 3 891034040 +559 687 3 891035551 +559 863 5 891033956 +559 902 4 891035111 +559 1101 4 891035111 +559 1141 2 891034316 +559 1401 3 891034172 +559 1556 3 891033759 +560 1 4 879976449 +560 7 3 879975718 +560 11 4 879975485 +560 12 5 879975661 +560 13 3 879976602 +560 22 2 879975613 +560 24 2 879976772 +560 25 3 879976706 +560 50 5 879976109 +560 58 3 879975485 +560 89 5 879975752 +560 93 3 879976559 +560 100 5 879975752 +560 108 1 879976988 +560 109 3 879976651 +560 111 3 879976731 +560 118 3 879976892 +560 121 3 879976705 +560 122 3 879977081 +560 123 2 879976542 +560 127 5 879976071 +560 132 3 879975485 +560 134 5 879975406 +560 136 3 879975661 +560 137 4 879976427 +560 151 3 879976542 +560 168 4 879975718 +560 181 4 879975661 +560 183 5 879975586 +560 197 4 879975613 +560 201 3 879975718 +560 203 4 879975613 +560 211 4 879975752 +560 222 4 879976706 +560 235 2 879976867 +560 240 3 879976970 +560 246 5 879976109 +560 249 5 879976247 +560 250 4 879976126 +560 255 4 879976109 +560 257 3 879976172 +560 258 5 879975116 +560 260 1 879977973 +560 264 3 879975231 +560 268 4 879975173 +560 270 4 879975173 +560 271 4 879975194 +560 275 4 879975718 +560 277 3 879976731 +560 278 1 879976892 +560 281 3 879976828 +560 284 3 879976525 +560 288 4 879975116 +560 301 3 879975116 +560 302 5 879975087 +560 318 4 879975406 +560 319 4 879975173 +560 321 3 879975151 +560 358 3 879975358 +560 405 4 879976970 +560 411 3 879976828 +560 423 4 879975586 +560 429 3 879975485 +560 458 3 879976731 +560 472 2 879976945 +560 476 2 879977124 +560 478 4 879975752 +560 480 3 879975613 +560 483 5 879975406 +560 489 3 879975662 +560 496 3 879975752 +560 498 4 879975718 +560 508 3 879976502 +560 515 3 879976109 +560 546 2 879976705 +560 597 2 879976914 +560 606 4 879975613 +560 617 3 879975661 +560 653 4 879975529 +560 654 5 879975613 +560 756 2 879977032 +560 813 4 879976478 +560 845 3 879976602 +560 847 4 879976449 +560 864 3 879976970 +560 928 3 879977062 +560 975 3 879977081 +560 1008 3 879976731 +560 1014 4 879976215 +560 1016 3 879976216 +560 1019 4 879975529 +560 1021 4 879975718 +560 1073 3 879975586 +560 1134 3 879976478 +560 1160 3 879976215 +560 1163 3 879976988 +560 1171 3 879976807 +560 1215 2 879977336 +560 1265 3 879975194 +560 1333 3 879976071 +560 1405 4 879976215 +561 1 2 885807713 +561 2 3 885809752 +561 3 3 885810390 +561 4 3 885809044 +561 7 5 885808738 +561 8 3 885807455 +561 9 4 885807546 +561 10 3 885808766 +561 11 4 885807743 +561 12 5 885809356 +561 13 3 885810060 +561 14 3 885808929 +561 15 3 885809291 +561 17 2 885810167 +561 19 3 885808673 +561 22 3 885809223 +561 23 5 885807888 +561 24 3 885807776 +561 25 2 885809426 +561 28 2 885808053 +561 31 2 885809146 +561 32 4 885807455 +561 40 2 885810834 +561 42 3 885809025 +561 45 3 885808716 +561 46 4 885808796 +561 47 4 885809557 +561 48 4 885807547 +561 49 2 885809269 +561 50 3 885807429 +561 51 3 885810834 +561 52 4 885809583 +561 53 3 885810538 +561 55 4 885808796 +561 56 5 885807291 +561 58 3 885809654 +561 62 3 885810144 +561 64 3 885809605 +561 65 3 885808673 +561 67 1 885810240 +561 69 1 885807215 +561 70 4 885808673 +561 71 2 885810039 +561 72 2 885810084 +561 77 1 885809246 +561 79 3 885808887 +561 80 2 885810372 +561 81 2 885808000 +561 86 4 885809064 +561 87 3 885809197 +561 88 2 885810769 +561 89 4 885809556 +561 91 4 885807455 +561 92 3 885809897 +561 93 4 885809224 +561 95 2 885809605 +561 96 1 885809336 +561 97 3 885809312 +561 98 4 885807393 +561 99 3 885808673 +561 100 4 885807484 +561 109 1 885810271 +561 116 4 885809146 +561 117 3 885810220 +561 121 3 885810372 +561 124 3 885807842 +561 130 4 885810429 +561 131 4 885808929 +561 132 2 885809269 +561 133 3 885807888 +561 135 4 885809336 +561 141 2 885809781 +561 143 1 885810000 +561 144 3 885807547 +561 151 2 885808843 +561 153 3 885808844 +561 154 4 885807612 +561 155 2 885810785 +561 156 4 885807484 +561 157 4 885808053 +561 159 1 885809356 +561 160 3 885808904 +561 162 3 885809781 +561 163 3 885808963 +561 164 2 885809626 +561 168 4 885807261 +561 170 4 885808738 +561 171 5 885807261 +561 172 2 885807743 +561 173 4 885807393 +561 174 4 885808053 +561 175 4 885807429 +561 176 4 885807345 +561 178 4 885807713 +561 179 4 885807261 +561 180 4 885807261 +561 181 3 885807318 +561 182 3 885807318 +561 183 5 885807215 +561 184 3 885808843 +561 185 4 885807173 +561 186 3 885809447 +561 188 4 885807261 +561 191 3 885807484 +561 193 3 885808673 +561 194 4 885807612 +561 195 3 885808963 +561 196 4 885808620 +561 197 4 885807484 +561 198 3 885808986 +561 199 4 885809939 +561 200 4 885807743 +561 201 3 885807291 +561 202 3 885808867 +561 203 4 885807261 +561 204 3 885808716 +561 205 3 885807393 +561 206 3 885809506 +561 207 3 885809245 +561 209 4 885807369 +561 210 3 885809146 +561 211 4 885808824 +561 212 3 885809025 +561 214 3 885809670 +561 215 3 885809872 +561 216 3 885807173 +561 217 3 885810858 +561 218 3 885810000 +561 219 1 885809583 +561 222 3 885807843 +561 223 4 885807235 +561 226 1 885809806 +561 228 3 885807930 +561 229 3 885810271 +561 230 3 885809426 +561 231 2 885810744 +561 232 3 885810428 +561 233 1 885809246 +561 234 3 885808824 +561 235 3 885809806 +561 238 4 885807547 +561 239 3 885809336 +561 240 1 885810726 +561 241 2 885809119 +561 243 1 885807010 +561 258 2 885806823 +561 268 3 885806710 +561 273 5 885808824 +561 276 4 885807713 +561 277 3 885809223 +561 284 1 885809626 +561 285 4 885808715 +561 286 4 885806710 +561 302 4 885806797 +561 304 3 891710572 +561 317 3 885808824 +561 318 3 885807345 +561 319 2 885809005 +561 343 4 885807035 +561 345 4 885806823 +561 346 5 885806862 +561 356 1 885809752 +561 357 3 885807612 +561 362 2 893105375 +561 367 3 885809583 +561 371 1 885809426 +561 379 2 885810428 +561 380 2 885809524 +561 382 4 885807842 +561 385 2 885810144 +561 393 2 885810309 +561 403 3 885809690 +561 405 2 885809313 +561 410 1 885810117 +561 417 2 885809690 +561 423 2 885808796 +561 425 4 885808000 +561 426 1 885810220 +561 427 4 885807484 +561 428 4 885810084 +561 430 3 885809336 +561 431 2 885808738 +561 432 5 885807776 +561 433 1 885808867 +561 435 3 888232990 +561 436 4 885807843 +561 443 4 885809197 +561 447 3 885808767 +561 451 2 885810117 +561 455 3 885808766 +561 458 4 885809197 +561 461 3 885807369 +561 462 3 885809246 +561 468 1 885809291 +561 469 4 885809099 +561 470 3 885809872 +561 473 3 885810428 +561 474 5 885807318 +561 475 3 885807393 +561 478 4 885807290 +561 479 4 885807547 +561 480 4 885807484 +561 483 4 885807612 +561 484 4 885807215 +561 488 4 885807290 +561 489 4 885807743 +561 492 4 885807369 +561 494 4 885808824 +561 496 3 885807369 +561 497 4 885809064 +561 501 3 885808620 +561 503 4 885808887 +561 504 3 885809447 +561 505 4 885807510 +561 506 3 885809146 +561 507 4 885807429 +561 510 3 885808673 +561 511 4 885807510 +561 512 4 885808000 +561 513 3 885807345 +561 514 4 885807713 +561 515 3 885807215 +561 518 4 885808620 +561 520 4 885807318 +561 523 4 885809269 +561 524 4 885807888 +561 526 3 885808796 +561 530 4 885807547 +561 531 1 885807215 +561 537 4 885808866 +561 539 1 885807035 +561 542 1 885810858 +561 544 2 885809872 +561 546 1 885810557 +561 549 2 885809654 +561 550 1 885810117 +561 559 1 885809336 +561 566 3 885809873 +561 568 3 885807962 +561 578 3 885810575 +561 582 4 885808796 +561 584 3 885809781 +561 588 2 885809197 +561 589 3 885807510 +561 596 2 885809958 +561 597 3 885810428 +561 603 4 885807842 +561 607 5 885807173 +561 608 3 885809119 +561 611 5 885807547 +561 614 3 885809336 +561 615 4 885807930 +561 616 3 885808929 +561 617 4 885808738 +561 629 3 885809119 +561 631 3 885808000 +561 636 1 885809670 +561 639 3 885809291 +561 640 5 885809005 +561 642 3 885809356 +561 644 3 885807743 +561 645 3 885808767 +561 651 3 885807574 +561 652 5 885809312 +561 655 3 885807930 +561 656 4 885807455 +561 657 4 885807235 +561 660 3 885810144 +561 661 4 885808715 +561 664 4 885807574 +561 665 3 885810309 +561 671 3 885808673 +561 673 3 885809313 +561 675 3 885808904 +561 676 3 885810674 +561 678 2 885807080 +561 679 3 885807235 +561 684 3 885808867 +561 692 1 885810084 +561 693 3 885808620 +561 701 3 885807930 +561 702 3 885809873 +561 705 3 885808000 +561 708 3 885809447 +561 709 3 885808824 +561 710 4 885809897 +561 715 3 885809606 +561 719 1 885810785 +561 724 3 885808867 +561 732 3 885809958 +561 733 3 885809099 +561 735 3 885809712 +561 737 3 885810706 +561 739 2 885810271 +561 744 3 885809781 +561 746 3 885809025 +561 748 2 888557502 +561 751 3 885806779 +561 762 3 885809654 +561 772 4 885808715 +561 780 1 885810769 +561 790 1 885810538 +561 794 2 885809731 +561 802 1 885810726 +561 805 3 885810240 +561 811 3 885808963 +561 849 2 885810193 +561 890 1 885807080 +561 895 1 885807035 +561 921 3 885810769 +561 925 3 885810084 +561 928 2 885810330 +561 942 3 885809712 +561 943 3 885809197 +561 946 3 885810813 +561 952 3 885810192 +561 955 3 885808738 +561 956 4 885809336 +561 959 3 885810060 +561 960 4 885809605 +561 971 3 885809269 +561 980 3 885809146 +561 1009 4 885810706 +561 1010 3 885809781 +561 1015 2 885810060 +561 1018 3 885809806 +561 1021 4 885807962 +561 1024 3 885806883 +561 1035 3 885810390 +561 1039 3 885807612 +561 1044 2 885810834 +561 1059 1 885808867 +561 1069 4 885808053 +561 1070 4 885809043 +561 1074 3 885810813 +561 1101 3 885808887 +561 1103 4 885807291 +561 1110 2 885809524 +561 1115 3 885809146 +561 1119 3 885810144 +561 1120 4 885807318 +561 1131 4 885807173 +561 1139 1 885810744 +561 1149 4 885807713 +561 1153 3 885808986 +561 1170 3 885809407 +561 1210 1 885810813 +561 1220 2 885810538 +561 1229 1 885810220 +561 1230 3 885810813 +561 1267 3 885809690 +561 1294 1 891710133 +561 1449 5 885808620 +561 1478 3 885809626 +561 1512 5 885807455 +561 1524 4 885809897 +561 1529 3 885809064 +562 1 2 879194894 +562 4 1 879196517 +562 5 4 879196576 +562 50 5 879196445 +562 56 1 879195156 +562 66 1 879195927 +562 73 4 879195881 +562 79 4 879196445 +562 82 5 879196401 +562 88 5 879196680 +562 89 1 879195819 +562 98 4 879195081 +562 114 1 879195156 +562 118 3 879196483 +562 127 5 879196401 +562 132 4 879195721 +562 133 2 879195007 +562 135 5 879196075 +562 141 4 879195334 +562 143 5 879196074 +562 144 5 879196445 +562 148 5 879195442 +562 153 4 879195954 +562 161 3 879196445 +562 173 5 879196308 +562 174 5 879196105 +562 181 3 879195125 +562 185 5 879196075 +562 190 4 879196445 +562 191 5 879196176 +562 194 5 879196075 +562 197 4 879196105 +562 204 1 879196288 +562 218 4 879196576 +562 229 1 879195848 +562 230 1 879195954 +562 231 1 879196446 +562 234 5 879196074 +562 286 4 879194616 +562 318 3 879194894 +562 323 2 879194768 +562 357 1 879195125 +562 385 2 879196483 +562 393 2 879195954 +562 402 5 879196074 +562 416 5 879195613 +562 418 5 879195738 +562 427 4 879195244 +562 432 5 879196074 +562 435 4 879195125 +562 443 5 879196604 +562 458 2 879195982 +562 462 5 879196074 +562 477 4 879195688 +562 480 4 879195126 +562 483 4 879195954 +562 485 5 879196074 +562 501 5 879196653 +562 504 4 879196709 +562 511 2 879195819 +562 514 1 879195848 +562 550 4 879196445 +562 566 4 879196483 +562 582 4 879196249 +562 591 4 879196176 +562 636 2 879195007 +562 684 4 879196517 +562 720 4 879196483 +562 727 5 879196267 +562 806 1 879195289 +562 1039 4 879196105 +562 1126 4 879196045 +563 50 5 880507404 +563 70 4 880506528 +563 118 4 880506863 +563 153 4 880507625 +563 167 4 880506771 +563 172 5 880507339 +563 181 4 880507374 +563 210 4 880507483 +563 220 4 880506703 +563 233 4 880507165 +563 237 5 880506666 +563 254 3 880506963 +563 255 5 880506528 +563 257 5 880506596 +563 294 3 880506121 +563 301 4 880506234 +563 304 2 880506234 +563 321 5 880506197 +563 367 4 880507083 +563 401 4 880507108 +563 403 4 880506963 +563 412 2 880507108 +563 476 3 880507311 +563 566 4 880507042 +563 678 2 880506368 +563 692 5 880506842 +563 781 4 880507582 +563 862 1 880507672 +563 871 2 880507263 +563 1035 4 880507204 +564 50 4 888730974 +564 117 4 888730974 +564 118 4 888730699 +564 121 4 888730534 +564 127 4 888730974 +564 181 4 888730974 +564 245 4 888718546 +564 257 4 888731011 +564 258 4 888718771 +564 272 3 888718415 +564 281 3 888730658 +564 289 4 888718546 +564 292 4 888718546 +564 298 3 888730534 +564 300 4 888718470 +564 302 3 888718415 +564 312 3 888718443 +564 313 4 888718415 +564 323 3 888730838 +564 333 3 888718521 +564 344 4 888718521 +564 345 4 888718521 +564 472 4 888730658 +564 597 4 888730699 +564 685 3 888730658 +564 750 3 888718771 +564 827 3 888731038 +564 831 3 888730658 +564 924 3 888730534 +564 930 3 888730699 +564 1016 2 888730699 +564 1025 2 888718443 +564 1034 3 888730838 +564 1399 2 888718470 +565 10 5 891037453 +565 30 5 891037499 +565 52 5 891037524 +565 70 5 891037629 +565 83 5 891037628 +565 86 5 891037757 +565 165 4 891037252 +565 166 4 891037252 +565 170 5 891037291 +565 171 5 891037252 +565 179 5 891037778 +565 190 5 891037563 +565 207 4 891037393 +565 212 5 891037453 +565 213 4 891037803 +565 381 2 891037628 +565 382 5 891037586 +565 462 4 891037692 +565 509 4 891037692 +565 512 3 891037453 +565 515 5 891037803 +565 638 4 891037837 +565 639 5 891037291 +565 640 4 891037837 +565 652 5 891037563 +565 707 5 891037453 +565 713 5 891037693 +565 730 5 891037837 +565 855 5 891037628 +565 923 4 891037333 +565 970 4 891037757 +565 971 5 891037862 +565 1018 5 891037862 +565 1396 5 891037333 +565 1622 4 891037478 +566 2 5 881650739 +566 7 4 881649747 +566 8 4 881650690 +566 11 3 881649962 +566 12 4 881649802 +566 15 3 881650030 +566 20 4 881650551 +566 22 3 881649358 +566 23 4 881650405 +566 25 2 881651077 +566 31 3 881650825 +566 33 2 881650907 +566 49 2 881651561 +566 50 2 881650063 +566 54 3 881651013 +566 56 4 881649828 +566 64 5 881649530 +566 69 4 881650108 +566 70 4 881649563 +566 71 2 881650958 +566 77 4 881651183 +566 78 1 881651829 +566 80 3 881651531 +566 82 4 881650709 +566 83 4 881650148 +566 86 4 881649622 +566 88 3 881650090 +566 89 4 881650423 +566 94 2 881651636 +566 95 2 881649913 +566 96 3 881650171 +566 97 3 881650090 +566 98 4 881649445 +566 100 5 881649548 +566 108 2 881651360 +566 110 1 881651813 +566 117 4 881650886 +566 121 3 881650755 +566 122 2 881651583 +566 127 5 881650219 +566 133 4 881649670 +566 134 5 881649853 +566 135 5 881649389 +566 136 4 881649621 +566 137 5 881649928 +566 143 3 881650502 +566 144 3 881649530 +566 153 2 881649747 +566 154 3 881651151 +566 155 2 881651225 +566 156 4 881649428 +566 157 5 881649985 +566 161 4 881651097 +566 163 5 881649622 +566 165 5 881649530 +566 166 4 881649709 +566 168 4 881650003 +566 170 5 881650739 +566 172 3 881649644 +566 173 3 881649945 +566 177 4 881650654 +566 181 2 881649985 +566 182 4 881649428 +566 186 3 881649893 +566 191 4 881649853 +566 192 5 881649747 +566 196 4 881650405 +566 202 4 881650551 +566 203 4 881650148 +566 204 3 881649828 +566 207 5 881650502 +566 210 4 881650030 +566 213 5 881649670 +566 215 3 881650739 +566 218 4 881650242 +566 219 1 881651286 +566 228 2 881650262 +566 230 2 881650123 +566 231 1 881651317 +566 234 3 881650148 +566 235 3 881650534 +566 240 3 881651225 +566 242 5 881649273 +566 260 2 881649273 +566 265 4 881650849 +566 273 5 881650063 +566 288 3 881650627 +566 289 1 881649273 +566 318 4 881649471 +566 327 3 881649273 +566 378 4 881650467 +566 384 3 881651360 +566 385 3 881650825 +566 386 1 881651375 +566 387 4 881651512 +566 388 3 881651512 +566 392 4 881650519 +566 393 2 881651434 +566 395 1 881651672 +566 403 3 881650654 +566 405 5 881650943 +566 411 4 881651013 +566 419 2 881650907 +566 423 2 881649709 +566 443 4 881649505 +566 461 4 881649853 +566 462 4 881650090 +566 465 2 881650654 +566 467 3 881650030 +566 479 4 881649428 +566 480 4 881649471 +566 483 4 881649357 +566 485 3 881650242 +566 496 5 881649428 +566 508 4 881649577 +566 511 4 881649445 +566 512 4 881650148 +566 521 4 881649802 +566 523 4 881649622 +566 529 4 881649358 +566 575 1 881651652 +566 576 2 881651013 +566 582 5 881650186 +566 631 4 881650605 +566 651 4 881650242 +566 660 4 881650172 +566 673 4 881649775 +566 684 4 881649802 +566 685 3 881651183 +566 693 5 881649727 +566 705 4 881649871 +566 707 4 881650442 +566 727 4 881650850 +566 736 4 881650690 +566 742 3 881650627 +566 755 2 881651561 +566 763 4 881651045 +566 772 4 881650467 +566 790 3 881651464 +566 856 5 881650690 +566 879 2 881649273 +566 959 4 881651406 +566 1005 5 881650090 +566 1028 2 881651339 +566 1044 3 881651583 +566 1065 5 881650709 +566 1193 5 881649548 +566 1232 2 881651126 +566 1437 2 881651434 +567 1 3 882426899 +567 7 4 882426622 +567 9 4 882426696 +567 10 4 882426508 +567 12 4 882426508 +567 23 4 882426740 +567 32 5 882426644 +567 39 3 882426974 +567 47 4 882426696 +567 50 1 882426246 +567 56 4 882425630 +567 59 5 882425762 +567 60 5 882425966 +567 79 2 882427023 +567 83 4 882425791 +567 89 5 882425820 +567 96 4 882427155 +567 100 1 882425791 +567 109 2 882425673 +567 124 4 882426812 +567 127 5 882426246 +567 132 3 882426021 +567 133 4 882425790 +567 134 5 882425873 +567 135 3 882426837 +567 136 5 882426210 +567 152 4 882426673 +567 156 5 882426055 +567 168 5 882425736 +567 170 3 882426184 +567 173 4 882425630 +567 174 1 882426869 +567 175 5 882425630 +567 176 5 882425874 +567 177 4 882426673 +567 178 4 882425820 +567 179 5 882426135 +567 181 1 882426246 +567 182 5 882425701 +567 183 4 882425701 +567 185 5 882426899 +567 187 5 882425673 +567 188 5 882426055 +567 190 4 882427068 +567 191 3 882427124 +567 192 4 882426021 +567 194 3 882425874 +567 195 3 882426782 +567 197 5 882425901 +567 198 5 882425631 +567 199 4 882425820 +567 203 4 882426508 +567 205 3 882425736 +567 209 4 882426812 +567 212 2 882427023 +567 221 5 882426927 +567 223 4 882426508 +567 234 3 882426762 +567 246 4 882426508 +567 248 4 882427273 +567 252 1 882427384 +567 257 3 882427250 +567 268 4 882426327 +567 271 4 882426327 +567 273 5 882427068 +567 293 5 882427250 +567 297 3 882426246 +567 298 4 882426279 +567 299 4 882426350 +567 302 4 882426300 +567 303 3 882426350 +567 306 3 882426327 +567 318 2 882425901 +567 340 3 882426300 +567 357 2 882425901 +567 387 4 882426899 +567 423 2 882426869 +567 427 3 882427124 +567 429 4 882426899 +567 430 4 882426927 +567 433 4 882426673 +567 434 5 882425997 +567 469 4 882426837 +567 474 5 882426135 +567 475 4 882426508 +567 478 5 882426079 +567 479 5 882425997 +567 480 4 882426508 +567 481 5 882426899 +567 482 5 882425966 +567 483 5 882425843 +567 484 4 882426508 +567 487 4 882427155 +567 489 5 882426673 +567 490 4 882425673 +567 491 3 882426135 +567 492 4 882425966 +567 493 4 882426719 +567 494 5 882425932 +567 496 5 882426184 +567 497 5 882425901 +567 498 4 882425966 +567 504 4 882425874 +567 506 5 882425701 +567 507 5 882425820 +567 511 2 882425701 +567 513 4 882426719 +567 514 5 882425701 +567 517 5 882426673 +567 521 3 882425701 +567 523 3 882425966 +567 525 5 882425901 +567 527 3 882426673 +567 582 3 882426899 +567 589 5 882425932 +567 603 5 882425631 +567 604 4 882426508 +567 606 4 882425630 +567 607 4 882426762 +567 608 4 882426021 +567 611 4 882425998 +567 612 4 882427124 +567 613 4 882426927 +567 615 4 882425932 +567 617 4 882425843 +567 631 3 882426869 +567 636 4 882427155 +567 640 4 882426927 +567 641 5 882426158 +567 646 5 882427046 +567 647 5 882425998 +567 648 4 882426021 +567 650 4 882426762 +567 653 5 882425843 +567 654 5 882425701 +567 657 5 882425762 +567 659 4 882426508 +567 673 3 882427089 +567 675 4 882426812 +567 679 4 882426055 +567 705 5 882426105 +567 811 4 882426210 +567 836 3 882426998 +567 847 4 882425791 +567 919 4 882426105 +567 1012 3 882427273 +567 1019 5 882425874 +567 1020 3 882425820 +567 1021 4 882425736 +567 1022 5 882426350 +567 1131 4 882426601 +567 1204 5 882427023 +567 1252 3 882427294 +567 1298 5 882425998 +567 1451 3 882426952 +568 6 3 877907235 +568 30 4 877907877 +568 56 4 877907720 +568 59 1 877906995 +568 79 4 877907782 +568 100 4 877907281 +568 127 4 877907050 +568 132 2 877907236 +568 134 5 877907092 +568 135 4 877907782 +568 162 2 877906935 +568 165 4 877906935 +568 178 4 877907327 +568 179 2 877906935 +568 185 4 877907834 +568 187 3 877907596 +568 191 4 877907126 +568 194 3 877907671 +568 199 3 877906935 +568 213 4 877907835 +568 224 4 877907236 +568 234 3 877907092 +568 242 4 877906547 +568 269 4 877906547 +568 286 3 877906547 +568 301 1 877906737 +568 303 4 877906697 +568 319 2 877906697 +568 423 4 877907281 +568 427 4 877907720 +568 430 3 877907834 +568 435 2 877907721 +568 462 4 877907236 +568 474 5 877907834 +568 475 4 877907782 +568 478 4 877907235 +568 479 5 877906995 +568 482 4 877907781 +568 483 5 877907281 +568 486 4 877907720 +568 488 5 877907782 +568 491 2 877907126 +568 493 3 877907281 +568 494 4 877907835 +568 497 2 877907092 +568 504 3 877907596 +568 509 4 877906935 +568 512 1 877907596 +568 519 3 877907157 +568 520 2 877907327 +568 523 3 877907877 +568 524 2 877907281 +568 525 3 877907720 +568 529 4 877907877 +568 530 3 877907782 +568 603 5 877907157 +568 604 4 877907156 +568 606 5 877907720 +568 611 3 877907782 +568 612 3 877907720 +568 615 5 877907235 +568 631 5 877907367 +568 638 3 877907877 +568 641 5 877907596 +568 653 4 877907877 +568 656 3 877907281 +568 659 3 877907050 +568 661 4 877907126 +568 735 2 877907327 +568 772 1 877906995 +568 835 4 877907157 +568 855 1 877906935 +568 923 3 877906995 +568 954 2 877907671 +568 988 1 877906737 +568 1005 1 877907877 +568 1050 4 877907835 +568 1125 4 877907281 +568 1137 4 877907092 +568 1203 5 877907281 +568 1286 4 877907327 +569 1 4 879793399 +569 3 1 879795551 +569 7 4 879793909 +569 9 5 879793493 +569 13 3 879793847 +569 14 4 879793948 +569 15 4 879794265 +569 16 3 879794348 +569 19 5 879794127 +569 25 4 879793785 +569 50 5 879793717 +569 100 5 879793784 +569 111 3 879793948 +569 117 3 879793847 +569 118 4 879794265 +569 121 3 879794699 +569 124 5 879793886 +569 125 3 879794348 +569 126 5 879793909 +569 151 5 879793948 +569 222 3 879794265 +569 225 3 879794408 +569 236 4 879793717 +569 237 4 879793717 +569 248 4 879793741 +569 252 3 879795551 +569 257 4 879794302 +569 258 5 879792991 +569 268 3 880559356 +569 273 3 879793810 +569 274 4 879794740 +569 276 4 879793493 +569 277 2 879794385 +569 281 3 879793466 +569 283 4 879793847 +569 284 4 879793886 +569 286 5 879792991 +569 287 4 879795551 +569 288 3 879793228 +569 291 4 879794348 +569 294 2 879793149 +569 295 3 879793983 +569 298 3 879793784 +569 300 3 879793036 +569 301 4 879793149 +569 302 4 879792991 +569 321 4 879793103 +569 325 1 879793149 +569 328 4 879793253 +569 333 3 879793036 +569 340 4 879793075 +569 405 3 879794498 +569 455 3 879794265 +569 458 2 879794498 +569 471 3 879793466 +569 473 4 879794699 +569 475 3 879793717 +569 508 3 879793785 +569 546 3 879794302 +569 676 4 879793847 +569 685 4 879794075 +569 748 2 879793228 +569 756 3 879794660 +569 762 3 879794740 +569 826 3 879794660 +569 924 3 879793784 +569 979 3 879793948 +569 1014 3 879795581 +569 1197 4 879793465 +569 1284 2 879795512 +570 243 1 881262557 +570 245 1 881262497 +570 258 3 881262189 +570 268 3 881262404 +570 271 4 881262256 +570 286 4 881262625 +570 288 2 881262307 +570 289 1 881262497 +570 301 3 881262404 +570 302 4 881262145 +570 303 5 881262256 +570 305 5 881262256 +570 321 1 881262795 +570 324 2 881262437 +570 326 1 881262437 +570 327 4 881262795 +570 340 3 881262145 +570 358 2 881262582 +570 690 3 881262307 +570 748 3 881262497 +570 879 2 881262795 +570 886 2 881262534 +571 32 2 883355063 +571 45 4 883354940 +571 47 3 883354818 +571 64 4 883355063 +571 69 2 883354760 +571 114 4 883355063 +571 124 4 883354760 +571 144 2 883354992 +571 174 4 883354940 +571 181 4 883354940 +571 191 4 883354761 +571 194 3 883354818 +571 357 4 883355063 +571 462 4 883354992 +571 484 4 883354992 +571 496 3 883354886 +571 604 3 883354886 +571 657 4 883354992 +571 964 4 883355063 +571 1039 3 883354760 +572 9 5 879449610 +572 13 4 879449763 +572 14 4 879449683 +572 100 3 879449632 +572 121 2 879449610 +572 124 5 879449610 +572 222 2 879449763 +572 277 1 879449799 +572 284 3 879449840 +572 286 4 879449179 +572 289 3 879449277 +572 300 4 879449243 +572 301 4 879449243 +572 319 4 879449209 +572 476 4 879449573 +572 813 4 879449573 +572 924 1 879449840 +572 1010 2 879449683 +572 1137 3 879449708 +572 1171 3 879449734 +573 10 4 885843818 +573 22 4 885844394 +573 50 4 885843738 +573 69 4 885844091 +573 127 4 885843596 +573 134 4 885843928 +573 135 4 885843964 +573 143 2 885844339 +573 144 4 885844638 +573 157 4 885844161 +573 162 4 885844007 +573 174 4 885844431 +573 176 3 885844481 +573 178 4 885844395 +573 179 4 885844091 +573 180 4 885844091 +573 182 4 885843892 +573 183 3 885844091 +573 185 3 885844605 +573 192 4 885844535 +573 194 4 885844431 +573 205 3 885844674 +573 211 5 885843964 +573 216 4 885844674 +573 237 4 885843527 +573 258 4 885843700 +573 275 4 885843596 +573 276 3 885843964 +573 283 4 885843817 +573 286 3 885843476 +573 347 4 885843476 +573 423 3 885844127 +573 427 4 885844091 +573 478 4 885844674 +573 479 4 885844051 +573 480 4 885844481 +573 492 4 885843964 +573 495 2 885844339 +573 507 5 885844638 +573 513 4 885844395 +573 519 4 885844567 +573 523 4 885844007 +573 528 4 885843928 +573 632 4 885844007 +573 654 4 885844535 +573 657 4 885843928 +573 661 4 885844431 +573 685 3 885843779 +573 713 4 885843817 +573 836 3 885844605 +573 1012 2 885844339 +574 100 5 891279712 +574 213 4 891279712 +574 242 5 891278860 +574 245 5 891279362 +574 258 5 891278916 +574 262 5 891279122 +574 268 5 891279174 +574 269 5 891279173 +574 270 3 891279121 +574 272 4 891278860 +574 286 3 891278916 +574 288 4 891279174 +574 289 4 891279285 +574 300 4 891279012 +574 302 4 891278860 +574 303 3 891278962 +574 305 3 891279012 +574 310 4 891279012 +574 311 4 891279410 +574 312 4 891279410 +574 315 3 891278860 +574 316 4 891279451 +574 319 5 891279236 +574 321 1 891279285 +574 327 3 891279122 +574 328 3 891279174 +574 331 1 891279013 +574 332 3 891279410 +574 333 3 891279285 +574 340 1 891279174 +574 344 5 891278962 +574 345 2 891278860 +574 346 4 891278962 +574 347 3 891278860 +574 358 2 891279520 +574 690 3 891279174 +574 750 3 891278962 +574 754 4 891279122 +574 883 4 891279520 +574 887 4 891279214 +574 896 2 891279013 +574 900 4 891278860 +574 910 1 891279362 +574 1022 2 891278916 +574 1062 5 891279122 +574 1313 4 891278916 +575 50 2 878148258 +575 79 5 878148199 +575 96 5 878148199 +575 98 4 878146853 +575 111 1 878148329 +575 127 2 878148137 +575 168 5 878148358 +575 173 5 878148258 +575 176 4 878148087 +575 181 2 878148295 +575 182 3 878148295 +575 194 4 878148087 +575 215 3 878148229 +575 294 1 878146447 +575 304 2 878146638 +575 318 5 878148087 +575 321 3 878146540 +575 322 3 878146541 +575 357 5 878148388 +575 427 4 878148329 +575 483 3 878148137 +575 506 2 878148087 +575 507 2 878148137 +575 531 1 878148199 +575 603 5 878148012 +575 963 1 878148199 +576 1 4 886985079 +576 7 5 886985003 +576 9 3 887168978 +576 15 4 886985104 +576 50 4 887081005 +576 56 3 886986444 +576 70 5 886986361 +576 100 4 886984965 +576 124 4 886985002 +576 125 4 886985177 +576 137 3 886985695 +576 181 4 887081041 +576 204 4 886986445 +576 208 3 886986445 +576 210 4 886986400 +576 237 4 886985003 +576 248 4 887169019 +576 255 3 887081086 +576 257 4 887168556 +576 259 2 887168978 +576 275 3 886985695 +576 276 3 887080905 +576 280 5 886985003 +576 294 3 886960098 +576 319 3 886985695 +576 323 3 886960604 +576 324 2 887168978 +576 381 3 886986445 +576 435 4 886986400 +576 471 4 886986237 +576 475 1 887168978 +576 514 5 886986400 +576 678 3 886960535 +576 763 3 886985695 +576 815 3 886985695 +576 825 4 886986304 +577 1 5 880470282 +577 4 4 880474635 +577 5 4 880475318 +577 7 2 880470447 +577 8 4 880474257 +577 11 2 880474293 +577 12 4 880474257 +577 15 3 880470350 +577 22 5 880472153 +577 25 4 880470504 +577 28 5 880472077 +577 29 3 880474903 +577 31 4 880474216 +577 38 2 880475453 +577 40 4 880475435 +577 44 3 880474934 +577 48 5 880474530 +577 49 4 880474955 +577 50 4 880474394 +577 54 4 880474903 +577 55 3 880474694 +577 56 3 880474934 +577 58 4 880474414 +577 62 3 880475504 +577 63 4 880476606 +577 64 5 880474394 +577 65 5 880475539 +577 68 4 880475021 +577 69 4 880474829 +577 71 5 880474433 +577 77 3 880475561 +577 79 4 880474530 +577 82 4 880474433 +577 85 3 880475170 +577 87 5 880474216 +577 88 3 880475226 +577 95 5 880474747 +577 96 4 880474257 +577 97 5 880472153 +577 98 4 880474530 +577 99 3 880474674 +577 100 4 880470350 +577 102 4 880475043 +577 110 4 880475581 +577 111 4 880470604 +577 117 4 880471359 +577 118 3 880471658 +577 121 5 880470258 +577 125 4 880470604 +577 132 4 880472153 +577 133 4 880474694 +577 140 4 880475043 +577 143 3 880474635 +577 147 4 880470604 +577 151 4 880470604 +577 161 5 880475561 +577 168 5 880472124 +577 172 4 880472124 +577 173 5 880472055 +577 174 5 880475043 +577 176 5 880474311 +577 179 2 880474829 +577 181 5 880474612 +577 183 5 880474747 +577 186 4 880472153 +577 188 3 880474715 +577 191 4 880472055 +577 194 4 880474216 +577 196 5 880474357 +577 200 3 880475226 +577 202 4 880474787 +577 203 3 880474455 +577 204 4 880474338 +577 208 4 880474556 +577 210 3 880474715 +577 215 5 880474556 +577 216 4 880472124 +577 217 5 880475363 +577 218 3 880475269 +577 225 4 880470827 +577 226 4 880475094 +577 228 3 880474338 +577 229 4 880475094 +577 230 3 880474357 +577 234 3 880474257 +577 237 4 880470323 +577 240 3 880470884 +577 241 5 880474766 +577 265 5 880474851 +577 281 3 880470447 +577 284 4 880470732 +577 294 4 880469903 +577 298 4 884819086 +577 307 3 890089564 +577 313 4 890089462 +577 317 5 880474871 +577 318 5 880472055 +577 338 3 880469983 +577 356 4 880474903 +577 365 5 880475504 +577 380 3 880474991 +577 385 5 880474530 +577 393 4 880475363 +577 399 4 880475269 +577 402 4 880475318 +577 403 4 880475187 +577 405 3 880470282 +577 407 4 880471271 +577 409 5 880470682 +577 410 3 880471170 +577 423 4 880472124 +577 425 2 880474808 +577 427 4 880474715 +577 436 4 880475339 +577 443 4 880475269 +577 447 3 880475226 +577 452 3 880475644 +577 465 4 880474851 +577 468 3 880474766 +577 470 5 880475245 +577 471 3 880471640 +577 472 4 880470570 +577 496 5 880474455 +577 531 4 890089749 +577 545 3 880476578 +577 546 3 880470483 +577 549 5 880475539 +577 550 3 880475130 +577 559 3 880474903 +577 560 3 880475363 +577 561 4 880474955 +577 566 4 880474216 +577 568 3 880475021 +577 579 4 880475602 +577 582 4 880475540 +577 588 4 880474808 +577 595 4 880471170 +577 623 5 880475149 +577 627 5 880475339 +577 651 5 880475043 +577 655 4 880474394 +577 660 3 880474613 +577 662 4 880474933 +577 663 5 880474612 +577 665 4 880475644 +577 673 3 880474851 +577 684 4 880474394 +577 693 1 880475408 +577 708 3 880475067 +577 720 4 880475043 +577 727 5 880474747 +577 728 3 880475226 +577 732 4 880474414 +577 735 5 880474338 +577 739 3 880474871 +577 742 4 880470504 +577 763 3 880470638 +577 768 3 880474787 +577 770 4 880475149 +577 795 3 880476630 +577 808 3 880475094 +577 819 3 880470604 +577 823 3 880471304 +577 826 4 880470852 +577 829 3 880470884 +577 845 4 880471578 +577 866 5 880470570 +577 932 3 880471287 +577 939 5 880474933 +577 941 4 880475435 +577 949 2 880475408 +577 996 3 880475094 +577 1028 4 880470764 +577 1032 3 880475561 +577 1033 4 880471170 +577 1035 3 880475130 +577 1042 4 880475286 +577 1044 4 880475504 +577 1046 4 880475226 +577 1054 3 880471823 +577 1147 4 880474394 +577 1209 4 880476578 +577 1219 3 880475067 +577 1271 3 880475581 +577 1291 3 880471954 +577 1336 1 880472018 +577 1517 3 880475644 +577 1531 4 880475408 +578 222 4 888957788 +578 245 3 887229523 +578 246 2 890939697 +578 250 2 888957735 +578 258 1 888957735 +578 268 2 890939697 +578 272 2 888957735 +578 288 3 887229335 +578 294 3 888957453 +578 298 4 888957584 +578 300 4 887229386 +578 313 5 887229355 +578 323 3 888957735 +578 324 1 888957735 +578 325 1 888957735 +578 343 2 888957735 +578 346 3 887229335 +578 355 1 888957758 +578 380 3 888957833 +578 678 3 888957490 +578 751 3 887229503 +578 1016 4 888957666 +578 1098 2 890939753 +578 1264 3 890939815 +579 1 4 880951740 +579 4 2 880952271 +579 7 3 880952006 +579 25 4 880952335 +579 49 3 880952360 +579 50 5 880951984 +579 56 3 880952360 +579 65 3 880951944 +579 66 4 880952516 +579 69 2 880951868 +579 70 3 880952299 +579 82 3 880951783 +579 83 5 880952360 +579 88 4 880952440 +579 89 3 880952102 +579 98 4 880951804 +579 100 4 880952201 +579 111 4 880952142 +579 153 4 880952335 +579 168 4 880952142 +579 169 4 880951867 +579 173 5 880951765 +579 179 3 880952038 +579 183 4 880952038 +579 186 3 880952237 +579 194 5 880952271 +579 202 5 880952270 +579 204 3 880952201 +579 209 4 880951944 +579 210 3 880951944 +579 211 3 880952476 +579 216 5 880952299 +579 228 3 880951984 +579 234 3 880951708 +579 238 3 880952201 +579 245 2 880951595 +579 258 5 880951444 +579 268 3 880951444 +579 269 3 880951346 +579 286 4 880951444 +579 288 4 880951346 +579 289 2 880951569 +579 294 4 880951494 +579 303 3 880951494 +579 326 3 880951494 +579 327 3 880951494 +579 328 3 880951444 +579 331 3 880951346 +579 333 4 880951372 +579 381 3 880952360 +579 382 3 880952237 +579 393 4 880952409 +579 408 3 880951740 +579 428 4 880952335 +579 433 3 880952237 +579 435 5 880952038 +579 514 3 880952165 +579 520 4 880951708 +579 523 3 880951740 +579 528 4 880951708 +579 582 4 880952102 +579 603 5 880952006 +579 655 3 880952201 +579 676 3 880951784 +579 692 4 880952440 +579 709 5 880952142 +579 732 4 880952335 +579 748 3 880951569 +579 845 4 880952549 +579 877 1 880951594 +579 1047 3 880952579 +579 1074 3 880952579 +579 1110 1 880952516 +579 1446 2 880952165 +580 1 3 884125243 +580 3 5 884125916 +580 7 3 884124844 +580 15 3 884125339 +580 25 3 884125457 +580 50 5 884124927 +580 100 3 884124872 +580 121 4 884125457 +580 123 4 884125199 +580 125 3 884125387 +580 147 3 884125658 +580 148 4 884125773 +580 151 2 884126077 +580 181 5 884125042 +580 222 3 884125292 +580 249 5 884125243 +580 250 5 884125072 +580 252 5 884125829 +580 257 5 884125243 +580 258 5 884124103 +580 271 5 884124248 +580 281 2 884126077 +580 282 5 884125292 +580 286 4 884124750 +580 288 5 884125658 +580 289 5 884124382 +580 294 4 884124337 +580 300 3 884124103 +580 323 2 884124383 +580 329 3 884124191 +580 343 5 884124304 +580 348 3 884124382 +580 358 4 884124472 +580 405 2 884126077 +580 455 4 884125492 +580 471 3 884125018 +580 546 1 884126077 +580 597 1 884126077 +580 619 3 884125175 +580 687 3 884124583 +580 748 2 884126077 +580 825 4 884125339 +580 829 2 884126077 +580 866 4 884125856 +580 871 4 884125135 +580 1014 3 884125135 +580 1028 3 884125829 +581 7 4 879643079 +581 9 5 879641787 +581 50 4 879641698 +581 100 5 879641603 +581 127 5 879643079 +581 137 5 879641787 +581 181 3 879641787 +581 221 2 879642274 +581 222 3 879641698 +581 224 4 879641698 +581 253 5 879642333 +581 269 3 879641348 +581 275 3 879641787 +581 276 3 879641850 +581 283 2 879642274 +581 285 5 879641533 +581 475 4 879641850 +581 515 4 879641533 +581 813 5 879641603 +581 844 5 879642274 +581 847 3 879641787 +581 919 5 879643155 +581 922 5 879642333 +581 936 3 879643155 +581 1097 4 879641787 +581 1353 4 879641850 +581 1367 5 879641603 +581 1375 5 879641787 +582 1 4 882961257 +582 3 3 882961723 +582 7 5 882961082 +582 15 3 882961481 +582 25 3 882961608 +582 50 5 882961082 +582 93 5 882960844 +582 100 5 882960863 +582 117 3 882961000 +582 118 2 882962523 +582 121 3 882961133 +582 124 4 882961082 +582 125 3 882961632 +582 151 4 882961133 +582 181 4 882961301 +582 222 4 882961804 +582 235 3 882962803 +582 237 3 882960941 +582 240 4 882961804 +582 246 4 882961082 +582 250 3 882961000 +582 257 3 882961608 +582 258 4 882960396 +582 268 4 882960396 +582 269 4 882960418 +582 271 4 882960418 +582 288 3 882960396 +582 293 5 882961082 +582 294 1 882960396 +582 300 3 882960446 +582 313 5 882960461 +582 321 3 882960555 +582 328 3 882960555 +582 369 1 882963114 +582 405 3 882962133 +582 410 3 882961481 +582 411 1 882962652 +582 455 1 882961481 +582 458 4 882961968 +582 472 4 882962561 +582 473 3 882962062 +582 475 5 882961000 +582 477 4 882961540 +582 508 4 882961082 +582 547 4 882961608 +582 597 3 882962267 +582 676 2 882961133 +582 742 3 882961082 +582 748 3 882960601 +582 750 5 882960418 +582 760 3 882962886 +582 763 2 882961804 +582 826 3 882962652 +582 831 2 882962561 +582 841 2 882962133 +582 919 5 882961540 +582 932 2 882963114 +582 948 1 882960718 +582 988 1 882960718 +582 1014 4 882962247 +582 1033 2 882962030 +582 1215 4 882963027 +583 7 5 879384471 +583 12 5 879384522 +583 55 4 879384404 +583 83 4 879384338 +583 100 5 879384404 +583 175 5 879384471 +583 195 4 879384404 +583 198 4 879384404 +583 200 5 879384404 +583 209 4 879384404 +583 239 2 879384522 +583 258 4 879384094 +583 265 4 879384522 +583 268 5 879384094 +583 276 4 879384338 +583 286 4 879384052 +583 357 5 879384575 +583 425 5 879384575 +583 483 5 879384338 +583 513 5 879384338 +583 519 5 879384338 +583 524 5 879384522 +583 530 4 879384404 +583 602 4 879384471 +583 655 5 879384471 +583 663 4 879384338 +583 708 5 879384338 +584 25 3 885778571 +584 40 4 885778385 +584 50 4 885777950 +584 82 3 885778458 +584 108 3 885774575 +584 109 4 885778204 +584 114 4 885778238 +584 161 4 885778170 +584 165 1 885778780 +584 172 4 885778080 +584 181 4 885778120 +584 222 4 885774483 +584 227 4 885774172 +584 228 5 885774171 +584 229 3 885774172 +584 230 4 885774171 +584 249 4 885774551 +584 258 4 885774483 +584 313 5 885773921 +584 423 4 885778263 +584 431 3 885774702 +584 449 2 885778571 +584 450 2 885778571 +584 541 3 885774508 +585 10 3 891286256 +585 14 4 891282808 +585 18 2 891283124 +585 19 3 891282808 +585 20 4 891285658 +585 30 4 891284393 +585 45 5 891282808 +585 52 3 891284184 +585 59 4 891283124 +585 60 4 891282808 +585 61 4 891283338 +585 70 5 891286256 +585 83 3 891282808 +585 86 5 891284016 +585 113 3 891283681 +585 116 3 891284393 +585 165 4 891284184 +585 166 4 891283338 +585 170 5 891282573 +585 171 3 891285491 +585 190 4 891282808 +585 198 5 891283921 +585 207 5 891284016 +585 212 5 891282894 +585 213 5 891284393 +585 224 2 891283681 +585 275 4 891283124 +585 283 4 891283124 +585 286 4 891281385 +585 313 3 891281385 +585 340 2 891281651 +585 462 3 891283124 +585 463 5 891284816 +585 509 4 891283000 +585 510 5 891284016 +585 529 3 891283124 +585 543 3 891284393 +585 557 4 891285820 +585 582 3 891282894 +585 584 3 891286256 +585 634 4 891285491 +585 638 4 891284016 +585 639 4 891283921 +585 640 2 891284816 +585 652 4 891285658 +585 707 5 891282894 +585 713 4 891282808 +585 730 3 891285188 +585 736 4 891284184 +585 740 4 891284588 +585 855 3 891284184 +585 863 5 891283000 +585 919 2 891283681 +585 923 5 891282808 +585 970 3 891284915 +585 971 3 891282894 +585 1005 4 891283339 +585 1009 5 891285491 +585 1018 2 891286059 +585 1021 3 891283681 +585 1121 4 891283339 +585 1149 4 891283921 +585 1155 5 891285820 +585 1158 4 891282573 +585 1193 5 891282894 +585 1266 3 891286059 +585 1319 2 891285820 +585 1323 3 891284588 +585 1344 3 891282573 +585 1347 2 891285658 +585 1449 5 891283338 +585 1475 3 891283681 +585 1485 3 891283124 +585 1488 4 891283921 +585 1501 4 891284393 +585 1512 5 891283000 +585 1524 3 891283124 +585 1535 4 891284816 +585 1558 5 891282893 +585 1623 4 891283921 +586 3 5 884068767 +586 11 3 884059693 +586 17 5 884060807 +586 22 3 884058708 +586 23 2 884058674 +586 27 3 884062405 +586 28 3 884066087 +586 29 5 884062405 +586 31 4 884064631 +586 33 5 884061807 +586 39 4 884061623 +586 44 3 884065692 +586 50 4 884057387 +586 51 4 884066336 +586 53 5 884061084 +586 54 3 884068393 +586 56 5 884060112 +586 67 5 884067059 +586 68 4 884062010 +586 69 4 884059426 +586 72 2 884067378 +586 76 5 884059196 +586 77 3 884065719 +586 79 4 884058986 +586 80 2 884067003 +586 82 2 884062010 +586 83 2 884059196 +586 85 3 884067003 +586 92 3 884061459 +586 96 4 884059110 +586 117 4 884057578 +586 118 4 884062671 +586 121 5 884062010 +586 123 3 884057661 +586 127 4 884057313 +586 144 4 884059287 +586 148 3 884065745 +586 153 2 884058956 +586 155 3 884067874 +586 156 4 884064459 +586 159 4 884065719 +586 160 4 884066360 +586 161 5 884062671 +586 164 2 884059486 +586 172 4 884058708 +586 173 3 884059287 +586 174 4 884058898 +586 176 3 884061623 +586 177 3 884061343 +586 181 4 884057344 +586 182 3 884066016 +586 183 4 884059196 +586 184 2 884060807 +586 185 2 884058860 +586 186 2 884059287 +586 187 4 884058566 +586 188 2 884058956 +586 195 4 884058956 +586 200 4 884060941 +586 202 4 884066689 +586 203 3 884059027 +586 204 3 884066723 +586 210 4 884059027 +586 215 4 884066141 +586 217 5 884061084 +586 218 3 884060705 +586 219 3 884060705 +586 222 3 884057387 +586 226 4 884061806 +586 227 2 884062010 +586 228 3 884061459 +586 229 3 884062742 +586 230 2 884061623 +586 231 3 884062010 +586 232 3 884058809 +586 233 4 884062405 +586 234 3 884060614 +586 235 3 884066859 +586 237 4 884057783 +586 238 2 884059027 +586 239 3 884067058 +586 240 3 884066799 +586 241 4 884061623 +586 249 2 884058005 +586 250 3 884057661 +586 254 4 884064246 +586 257 3 884057471 +586 265 5 884062405 +586 273 5 884057692 +586 276 3 884057692 +586 281 3 884062405 +586 284 3 884057518 +586 288 4 884057861 +586 295 3 884068393 +586 318 3 884065986 +586 356 4 884065692 +586 358 4 884069523 +586 379 4 884060941 +586 385 3 884058956 +586 393 3 884066799 +586 397 3 884063080 +586 403 4 884061807 +586 405 5 884061807 +586 410 3 884057783 +586 411 2 884067199 +586 423 2 884058708 +586 427 3 884066016 +586 431 3 884061343 +586 436 2 884060807 +586 451 4 884067422 +586 452 3 884060941 +586 467 4 884066230 +586 468 3 884066087 +586 470 4 884064631 +586 496 3 884059426 +586 541 3 884063080 +586 550 4 884061459 +586 551 2 884061189 +586 559 5 884060807 +586 566 3 884062621 +586 568 3 884061623 +586 569 3 884060807 +586 576 3 884062671 +586 578 3 884062621 +586 581 2 884065745 +586 586 2 884063080 +586 591 3 884058249 +586 628 3 884064631 +586 651 3 884059287 +586 655 4 884066294 +586 665 3 884061256 +586 672 2 884061084 +586 676 3 884066112 +586 679 3 884062742 +586 693 3 884066060 +586 696 3 884065851 +586 720 4 884062742 +586 735 3 884066230 +586 742 3 884057578 +586 756 1 884067105 +586 761 3 884062742 +586 763 4 884067105 +586 779 3 884062856 +586 780 4 884067151 +586 790 3 884067151 +586 800 3 884061189 +586 806 4 884058611 +586 808 3 884062405 +586 809 3 884061459 +586 820 4 884057412 +586 841 3 884063854 +586 849 3 884062742 +586 926 4 884067199 +586 928 3 884065665 +586 930 2 884063080 +586 939 4 884064459 +586 978 2 884065825 +586 1042 4 884065773 +586 1046 3 884064912 +586 1047 3 884067058 +586 1090 3 884065797 +586 1207 2 884065879 +586 1218 5 884066959 +586 1249 3 884067058 +586 1273 4 884065825 +586 1407 3 884063080 +587 243 3 892871401 +587 245 1 892871253 +587 258 4 892871069 +587 259 4 892871223 +587 260 4 892871284 +587 261 3 892871438 +587 262 4 892871069 +587 264 4 892871400 +587 266 1 892871536 +587 268 4 892871068 +587 269 3 892870956 +587 270 4 892871171 +587 271 4 892871310 +587 272 5 892870956 +587 286 4 892870992 +587 288 4 892870992 +587 289 3 892871113 +587 292 3 892871141 +587 294 3 892871197 +587 300 4 892871171 +587 301 3 892871197 +587 302 3 892870956 +587 303 4 892871068 +587 304 4 892871141 +587 305 4 892871068 +587 307 4 892870992 +587 308 3 892871642 +587 310 3 892870992 +587 312 2 892871563 +587 313 5 892870956 +587 315 4 892870956 +587 316 4 892870992 +587 319 3 892871113 +587 321 2 892871113 +587 322 3 892871113 +587 323 4 892871284 +587 325 5 892871252 +587 326 3 892871284 +587 327 3 892871252 +587 328 1 892871284 +587 330 3 892871372 +587 331 3 892871197 +587 332 4 892871171 +587 333 4 892871031 +587 334 3 892871171 +587 338 4 892871462 +587 339 3 892871284 +587 340 5 892871141 +587 342 1 892871503 +587 343 4 892871337 +587 347 3 892871223 +587 349 3 892871400 +587 350 3 892871372 +587 351 2 892871683 +587 353 2 892871706 +587 355 3 892871610 +587 358 3 892871284 +587 539 3 892871437 +587 678 2 892871438 +587 680 1 892871503 +587 681 2 892871641 +587 682 3 892871372 +587 687 1 892871683 +587 688 3 892871536 +587 689 1 892871438 +587 690 3 892871252 +587 691 4 892871031 +587 748 1 892871438 +587 749 2 892871223 +587 750 3 892871113 +587 873 3 892871284 +587 875 1 892871462 +587 876 2 892871536 +587 877 2 892871372 +587 878 2 892871641 +587 879 1 892871536 +587 880 3 892871536 +587 881 2 892871641 +587 886 2 892871171 +587 887 2 892871310 +587 888 3 892871563 +587 890 1 892871503 +587 892 3 892871462 +587 895 4 892871113 +587 902 2 892871584 +587 905 3 892871503 +587 914 4 892871031 +587 916 3 892871610 +587 918 3 892871113 +587 937 4 892871031 +587 938 2 892871141 +587 988 2 892871641 +587 989 2 892871438 +587 995 3 892871503 +587 1265 4 892871252 +587 1483 4 892871337 +587 1624 2 892871752 +587 1625 4 892871732 +588 1 4 890015684 +588 7 3 890024611 +588 8 5 890023557 +588 12 5 890015324 +588 15 5 890015608 +588 21 5 890015791 +588 22 5 890024195 +588 24 2 890015766 +588 25 4 890024677 +588 28 5 890024051 +588 29 3 890027063 +588 31 3 890015722 +588 40 4 890026154 +588 42 5 890024529 +588 50 5 890024427 +588 51 4 890026395 +588 56 4 890024246 +588 62 2 890027865 +588 63 5 890028385 +588 66 3 890023646 +588 67 1 890032343 +588 68 5 890026705 +588 69 2 890023556 +588 71 4 890024195 +588 72 4 890026939 +588 73 3 890026262 +588 79 4 890023722 +588 82 5 890024829 +588 83 5 890015435 +588 85 5 890026882 +588 88 5 890024730 +588 91 5 890026656 +588 94 2 890027865 +588 95 4 890015722 +588 97 2 890023587 +588 98 1 890015324 +588 99 5 890023646 +588 100 1 890015374 +588 107 5 890030781 +588 110 3 890027247 +588 111 1 890028509 +588 117 4 890027062 +588 118 3 890026210 +588 121 5 890026154 +588 125 3 890026154 +588 131 5 890024918 +588 132 5 890015476 +588 133 5 890015894 +588 142 5 890024117 +588 143 5 890015684 +588 144 3 890024564 +588 151 4 890026263 +588 154 4 890024529 +588 155 5 890026882 +588 159 1 890029795 +588 161 4 890015580 +588 162 5 890026339 +588 164 5 890026262 +588 165 2 890015649 +588 168 5 890024002 +588 172 5 890026459 +588 173 5 890024677 +588 174 3 890015323 +588 178 5 890015323 +588 181 5 890015608 +588 184 4 890025951 +588 186 4 890024079 +588 202 1 890015500 +588 204 5 890015323 +588 206 4 890025023 +588 207 2 890025076 +588 208 3 890023879 +588 210 4 890015500 +588 215 5 890024564 +588 216 5 890024781 +588 217 4 890030473 +588 220 5 890025023 +588 222 3 890015722 +588 225 5 890027113 +588 227 3 890028385 +588 230 1 890023692 +588 231 4 890028987 +588 234 5 890024161 +588 237 2 890015894 +588 239 5 890025704 +588 258 4 890014591 +588 260 2 890014930 +588 265 5 890025621 +588 268 5 890014648 +588 272 5 890014748 +588 275 3 890024246 +588 278 5 890027600 +588 282 5 890015894 +588 283 4 890015835 +588 286 4 890014710 +588 288 4 890014818 +588 289 2 890015063 +588 294 4 890014887 +588 301 5 890015021 +588 307 4 890014887 +588 313 5 890014782 +588 315 4 890014591 +588 316 5 890015021 +588 318 4 890015435 +588 326 4 890014782 +588 333 5 890014710 +588 347 5 890014648 +588 354 5 890014930 +588 356 4 890025751 +588 362 3 890014710 +588 365 5 890028385 +588 366 5 890027430 +588 367 5 890024117 +588 370 5 890031141 +588 378 3 890026059 +588 380 3 890028987 +588 382 3 890024730 +588 384 1 890032013 +588 385 3 890023557 +588 386 2 890029445 +588 393 4 890026939 +588 395 4 890030781 +588 399 3 890027379 +588 402 5 890026882 +588 403 3 890027525 +588 404 3 890026656 +588 417 5 890026009 +588 419 5 890023646 +588 421 5 890023830 +588 423 3 890015649 +588 428 4 890024730 +588 432 4 890027113 +588 433 5 890024246 +588 443 3 890024876 +588 447 3 890026009 +588 451 5 890026059 +588 463 4 890023879 +588 468 3 890015835 +588 471 5 890024289 +588 472 4 890026059 +588 475 2 890015684 +588 483 4 890015500 +588 485 5 890015835 +588 496 3 890023879 +588 531 3 890015722 +588 542 3 890026787 +588 550 3 890026513 +588 552 1 890031021 +588 553 4 890025864 +588 554 3 890032281 +588 559 5 890025951 +588 561 3 890027780 +588 566 2 890023557 +588 568 4 890024876 +588 570 4 890032281 +588 578 5 890029212 +588 584 3 890024677 +588 588 4 890023692 +588 597 4 890026543 +588 602 3 890015580 +588 623 3 890026939 +588 625 3 890024325 +588 638 4 890024289 +588 645 5 890024488 +588 652 2 890026339 +588 655 3 890025864 +588 658 5 890025751 +588 660 4 890024002 +588 678 2 890015063 +588 684 4 890024246 +588 692 4 890024051 +588 697 5 890024002 +588 699 4 890024385 +588 713 3 890015791 +588 716 5 890028167 +588 720 4 890027247 +588 721 5 890023722 +588 723 2 890026459 +588 724 2 890015648 +588 728 3 890027707 +588 729 3 890024488 +588 731 2 890026705 +588 732 4 890024325 +588 735 5 890024196 +588 739 4 890025704 +588 742 4 890024002 +588 747 4 890025797 +588 751 3 890014887 +588 755 3 890025797 +588 762 4 890026705 +588 778 3 890027600 +588 781 2 890028509 +588 783 4 890027297 +588 810 4 890029445 +588 815 4 890024829 +588 821 4 890026339 +588 832 1 890027865 +588 842 3 890015542 +588 846 4 890025621 +588 873 3 890014887 +588 880 1 890014996 +588 928 4 890027063 +588 934 4 890030736 +588 941 5 890026513 +588 959 5 890026459 +588 969 5 890023831 +588 1039 4 890024611 +588 1041 2 890027063 +588 1044 4 890025674 +588 1047 3 890031141 +588 1053 3 890027780 +588 1058 2 890030656 +588 1061 5 890024876 +588 1074 5 890032056 +588 1078 4 890026999 +588 1091 4 890027865 +588 1098 4 890026656 +588 1180 2 890032056 +588 1219 2 890028385 +588 1240 5 890025864 +588 1311 1 890029079 +588 1411 1 890032421 +588 1428 5 890032056 +588 1469 3 890026705 +588 1508 3 890029795 +589 243 3 883352735 +589 258 2 883352463 +589 259 5 883352631 +589 268 1 883352463 +589 271 3 883352654 +589 272 5 883352535 +589 286 3 883352372 +589 288 5 883352536 +589 289 3 883352679 +589 294 5 883352600 +589 300 5 883352600 +589 301 2 883352535 +589 304 5 883352599 +589 307 1 883352402 +589 310 5 883352494 +589 313 5 883352434 +589 322 3 883352631 +589 323 2 883352631 +589 324 1 883352402 +589 326 1 883352600 +589 327 3 883352535 +589 328 5 883352562 +589 332 4 883352536 +589 333 5 883352402 +589 334 1 883352631 +589 336 1 883352535 +589 338 3 883352654 +589 339 5 883352494 +589 340 1 883352494 +589 538 5 883352494 +589 678 4 883352735 +589 682 4 883352494 +589 688 4 883352707 +589 689 4 883352787 +589 690 4 883352600 +589 749 3 883352631 +589 751 4 883352562 +589 873 5 883352600 +589 877 4 883352562 +589 879 4 883352654 +589 892 4 883352762 +589 895 5 883352562 +589 995 1 883352562 +590 6 5 879439145 +590 9 3 879438972 +590 13 4 879438972 +590 14 5 879438852 +590 15 3 879438936 +590 19 5 879438735 +590 100 5 879438825 +590 111 3 879438936 +590 116 5 879439196 +590 124 5 879438735 +590 125 3 879439509 +590 126 5 879439316 +590 127 4 879439645 +590 130 1 879439567 +590 137 5 879438878 +590 150 5 879438878 +590 221 4 879439645 +590 237 3 879438911 +590 244 3 879439431 +590 248 4 879439645 +590 255 1 879439374 +590 274 3 879439256 +590 275 4 879439645 +590 276 4 879439645 +590 282 2 879439374 +590 284 2 879439345 +590 285 5 879438735 +590 286 5 879439645 +590 287 4 879439645 +590 293 3 879439114 +590 298 2 879438911 +590 475 4 879439645 +590 476 3 879439345 +590 515 3 879438972 +590 546 1 879439538 +590 547 4 879439086 +590 591 3 879439256 +590 676 4 879439060 +590 740 4 879439645 +590 744 4 879438769 +590 754 3 879438686 +590 864 1 879439567 +590 1009 3 879439483 +590 1014 3 879439283 +590 1017 4 879439196 +590 1061 2 879439538 +590 1129 3 879438735 +590 1331 4 879439645 +591 4 4 891040366 +591 8 3 891031203 +591 13 4 891039637 +591 25 4 891039658 +591 26 3 891031526 +591 45 5 891031257 +591 47 3 891031426 +591 48 4 891031286 +591 56 4 891031344 +591 64 5 891031203 +591 66 2 891031526 +591 70 4 891031321 +591 72 3 891040366 +591 79 4 891031171 +591 85 3 891031500 +591 86 5 891031171 +591 88 3 891031525 +591 94 3 891031603 +591 100 5 891039565 +591 110 2 891031676 +591 116 4 891039616 +591 127 4 891031203 +591 168 3 891031724 +591 172 3 891031116 +591 182 3 891031171 +591 191 5 891031116 +591 194 4 891031171 +591 196 4 891031116 +591 202 3 891031469 +591 204 4 891031500 +591 210 3 891031469 +591 211 4 891031469 +591 216 4 891031426 +591 235 3 891039676 +591 237 3 891039974 +591 238 5 891031228 +591 275 4 891039974 +591 283 4 891039565 +591 285 5 891039565 +591 286 4 891030956 +591 300 3 891030956 +591 306 5 891030956 +591 322 2 891031013 +591 357 5 891031228 +591 367 3 891031403 +591 381 4 891040366 +591 382 4 891031500 +591 393 4 891031644 +591 428 4 891031500 +591 435 4 891031724 +591 451 3 891040366 +591 466 3 891031116 +591 487 4 891031203 +591 508 4 891039616 +591 511 3 891031145 +591 514 4 891031383 +591 516 3 891031469 +591 517 4 891040366 +591 523 4 891031724 +591 580 2 891031526 +591 603 5 891031116 +591 615 4 891031116 +591 655 4 891031469 +591 662 3 891031145 +591 709 4 891031426 +591 710 3 891031603 +591 712 3 891040366 +591 732 3 891031500 +591 740 4 891039974 +591 787 3 891031500 +591 792 4 891031383 +591 856 4 891040366 +591 866 3 891039658 +591 921 4 891031257 +591 923 4 891031116 +591 934 3 891039769 +591 954 3 891031403 +591 956 4 891031286 +591 1017 3 891039616 +591 1028 3 891039658 +591 1041 2 891031644 +591 1099 5 891031203 +591 1111 4 891031603 +591 1120 4 891039637 +592 1 4 882608021 +592 3 4 882608960 +592 4 4 882956418 +592 7 5 882607986 +592 8 5 882955582 +592 9 5 882608182 +592 11 5 882955978 +592 12 5 882955825 +592 13 5 882608401 +592 14 5 882607986 +592 15 5 882608457 +592 20 4 882608315 +592 22 5 882955506 +592 23 5 882955735 +592 24 4 882608021 +592 28 4 882956586 +592 32 5 882956067 +592 42 5 882955918 +592 47 5 882955889 +592 48 5 882955735 +592 50 5 882607872 +592 55 4 882956067 +592 56 5 882955948 +592 58 5 882956388 +592 59 4 882956718 +592 60 4 882955460 +592 61 4 882956586 +592 64 5 882956039 +592 69 5 882956201 +592 70 4 882956803 +592 71 4 882956668 +592 79 4 882955583 +592 81 4 882956201 +592 87 4 882956467 +592 89 4 882955543 +592 92 5 882956358 +592 93 4 882608061 +592 95 4 882956276 +592 96 5 882956241 +592 97 4 882956718 +592 98 5 882955918 +592 99 5 882955663 +592 100 5 882608182 +592 109 4 882608145 +592 116 4 882608182 +592 117 5 882608234 +592 118 3 882609056 +592 121 4 882608573 +592 122 4 882608960 +592 123 4 882608573 +592 124 5 882607986 +592 125 2 882608795 +592 127 5 882608021 +592 129 5 882608457 +592 132 5 882955794 +592 134 5 882955794 +592 135 5 882955765 +592 137 5 882608145 +592 140 3 882956551 +592 144 5 882956668 +592 147 4 882608357 +592 148 2 882608961 +592 149 4 882607910 +592 150 5 882607955 +592 151 4 882608402 +592 157 5 882955918 +592 168 5 882955825 +592 169 5 882955663 +592 170 5 882955703 +592 172 5 882956011 +592 173 5 882956276 +592 174 5 882955918 +592 176 5 882956039 +592 178 5 882956241 +592 179 5 882956761 +592 180 5 882956102 +592 181 3 882608182 +592 182 5 882955662 +592 183 5 882955613 +592 184 5 882956419 +592 185 5 882956201 +592 187 5 882956157 +592 188 5 882956387 +592 189 5 882955583 +592 191 5 882955735 +592 192 5 882955460 +592 193 5 882955948 +592 194 4 882955543 +592 195 4 882955863 +592 196 5 882955978 +592 197 5 882955863 +592 198 5 882956241 +592 201 5 882955794 +592 202 5 882956803 +592 203 5 882956276 +592 204 5 882956158 +592 215 5 882956467 +592 216 4 882955978 +592 221 5 882608357 +592 222 1 882608145 +592 223 5 882955863 +592 224 5 882608357 +592 234 5 882955863 +592 235 3 882608662 +592 236 3 882608061 +592 237 4 882608061 +592 238 5 882956321 +592 242 5 882607286 +592 243 1 882607780 +592 245 1 882607434 +592 246 5 882608500 +592 248 4 882608279 +592 249 4 882608795 +592 250 4 882608145 +592 251 5 882607955 +592 252 3 882608915 +592 253 1 882608279 +592 255 4 882608915 +592 257 4 882608107 +592 258 5 882607476 +592 259 2 882607573 +592 260 4 882607690 +592 261 1 882607744 +592 262 5 882607356 +592 263 1 882607779 +592 264 2 882607528 +592 265 4 882956039 +592 266 1 882607744 +592 268 5 882607286 +592 269 4 882607286 +592 271 4 882607647 +592 272 5 882955387 +592 273 5 882607986 +592 276 5 882608401 +592 281 4 882608573 +592 282 4 882608572 +592 283 4 882956241 +592 285 5 882607910 +592 286 5 882607356 +592 287 3 882608457 +592 288 5 882607528 +592 289 4 882607606 +592 291 3 882609008 +592 292 1 882607434 +592 293 5 882607986 +592 294 3 882607434 +592 295 4 882608357 +592 297 5 882607844 +592 298 5 882608061 +592 299 1 882607573 +592 301 1 882607573 +592 302 5 882607325 +592 303 5 882607325 +592 305 4 885280098 +592 306 5 882607528 +592 307 4 882607528 +592 312 2 882607780 +592 313 5 882955258 +592 315 5 885280156 +592 318 5 882955863 +592 319 4 882607434 +592 320 5 882955735 +592 322 1 882607647 +592 323 1 882607690 +592 324 4 882607387 +592 325 2 882607647 +592 326 4 882607573 +592 327 4 882607387 +592 328 1 882607476 +592 330 3 882607606 +592 331 3 882607528 +592 332 3 882607286 +592 333 5 882607476 +592 334 3 882607476 +592 336 1 882607476 +592 338 2 882607647 +592 339 3 882607572 +592 340 5 882607476 +592 342 2 882607745 +592 343 3 882607476 +592 344 4 888553156 +592 345 4 888553233 +592 346 4 885280098 +592 347 4 885280098 +592 350 4 885280124 +592 354 4 888553156 +592 357 4 882956102 +592 358 1 882607690 +592 367 4 882956510 +592 382 4 882956761 +592 405 4 882608531 +592 408 5 882607955 +592 409 1 882609056 +592 410 5 882608402 +592 411 2 882608457 +592 418 4 882956551 +592 421 5 882956158 +592 423 5 882955918 +592 425 5 882956467 +592 427 5 882955735 +592 431 2 882956510 +592 432 1 882956321 +592 433 5 882956761 +592 443 5 882956158 +592 455 4 882608402 +592 457 1 882607779 +592 458 3 882608107 +592 460 3 882608873 +592 461 4 882955765 +592 463 4 882956321 +592 466 5 882955766 +592 467 5 882955582 +592 469 4 882955825 +592 471 4 882608234 +592 472 1 882608795 +592 475 5 882608107 +592 479 4 882956668 +592 480 4 882955662 +592 482 4 882955582 +592 483 5 882955613 +592 484 4 882956551 +592 501 4 882956276 +592 508 5 882608021 +592 512 5 882956803 +592 514 5 882955543 +592 518 5 882956011 +592 521 5 882955703 +592 522 5 882955662 +592 526 5 882956241 +592 527 5 882955889 +592 531 5 882955765 +592 533 4 882608827 +592 534 5 882608531 +592 544 4 882608107 +592 546 4 882608500 +592 547 4 882607910 +592 558 5 882955948 +592 568 5 882956201 +592 589 5 882955825 +592 591 4 882608402 +592 597 2 882609056 +592 603 5 882955543 +592 619 1 882608234 +592 628 3 882608107 +592 631 3 882956624 +592 652 4 882956467 +592 654 5 882955703 +592 655 5 882955543 +592 657 4 882956011 +592 678 2 882607690 +592 680 1 882607690 +592 681 1 882607780 +592 682 4 882607573 +592 683 1 882607745 +592 685 2 882608662 +592 686 5 882956387 +592 688 1 882607744 +592 689 2 882607690 +592 702 4 882956510 +592 705 5 882955978 +592 730 4 882956011 +592 735 5 882956158 +592 742 4 882608357 +592 744 3 882608500 +592 747 4 882956102 +592 748 2 882607434 +592 750 5 886394208 +592 751 3 882955258 +592 752 4 888553156 +592 754 3 882607325 +592 762 5 882608402 +592 763 5 882608531 +592 782 2 882956510 +592 789 4 882956419 +592 806 4 882956586 +592 813 4 882607955 +592 815 3 882608625 +592 820 3 882609057 +592 823 1 882609009 +592 825 1 882608795 +592 833 4 882608662 +592 844 4 882608021 +592 845 4 882608573 +592 847 5 882607986 +592 853 5 882956201 +592 854 5 882955948 +592 875 4 882607434 +592 876 1 882607690 +592 877 2 882607647 +592 881 1 882607476 +592 885 2 887257199 +592 886 3 882607476 +592 887 5 882607780 +592 890 1 882607745 +592 892 1 882607690 +592 893 1 882955292 +592 895 3 882607528 +592 898 2 887257199 +592 900 4 887257094 +592 919 5 882608061 +592 922 3 882608736 +592 925 3 882608915 +592 931 1 882608960 +592 936 4 882608315 +592 939 3 882956510 +592 952 4 882608699 +592 963 5 882955663 +592 969 4 882956718 +592 971 4 882955978 +592 975 4 882608873 +592 984 1 882607690 +592 985 4 882608698 +592 988 1 882607745 +592 1008 4 882608357 +592 1009 3 882608662 +592 1010 5 882608357 +592 1011 4 882608699 +592 1012 5 882608401 +592 1014 4 882609009 +592 1016 4 882608145 +592 1017 4 882608279 +592 1022 5 885280183 +592 1023 1 882608873 +592 1025 1 882607745 +592 1039 4 882955582 +592 1047 1 882608736 +592 1048 3 882608625 +592 1059 3 882608457 +592 1060 2 882609057 +592 1067 5 882608698 +592 1070 5 882956158 +592 1071 4 882956668 +592 1073 5 882956276 +592 1079 1 882608873 +592 1082 3 882608625 +592 1085 3 882608625 +592 1097 4 882608021 +592 1129 5 882608021 +592 1134 5 882608234 +592 1142 5 882608145 +592 1143 5 882607872 +592 1166 3 882956668 +592 1184 5 882956551 +592 1187 4 882608358 +592 1199 5 882608358 +592 1226 4 882608873 +592 1258 1 882608960 +592 1264 4 882955460 +592 1265 1 882607690 +592 1275 3 882956624 +592 1276 1 882609057 +592 1281 3 882608795 +592 1315 2 882609056 +592 1319 1 882608234 +592 1356 4 882608915 +592 1377 3 882607872 +592 1514 5 882608625 +592 1609 1 882608698 +592 1620 1 882609057 +592 1623 4 882955794 +593 1 3 875659150 +593 4 4 877728878 +593 5 4 875671525 +593 8 3 875673098 +593 9 3 875659306 +593 11 4 875660482 +593 15 4 875659636 +593 25 3 875659826 +593 26 4 875660886 +593 40 1 875671757 +593 49 3 875671891 +593 50 4 875660009 +593 51 3 875671982 +593 56 5 875658887 +593 58 4 875671579 +593 65 3 875671674 +593 66 5 875671807 +593 69 5 875660419 +593 70 5 875658983 +593 71 4 875661567 +593 73 2 875671807 +593 77 4 875671619 +593 79 4 875671674 +593 83 5 886194064 +593 88 4 875672874 +593 97 4 877728878 +593 98 5 875661596 +593 100 5 875658824 +593 106 2 875660347 +593 111 5 875659576 +593 117 4 875659497 +593 118 4 875660009 +593 121 4 875660036 +593 122 1 875660347 +593 125 4 875659708 +593 126 5 875659777 +593 131 4 876506731 +593 133 4 876507391 +593 140 4 875671226 +593 143 4 886193303 +593 144 4 875660569 +593 153 5 875671107 +593 155 5 875671579 +593 157 3 875671732 +593 158 3 875671891 +593 159 4 875671302 +593 161 5 875671464 +593 162 5 875671807 +593 163 4 876506675 +593 164 4 875671861 +593 172 4 886193379 +593 173 5 877728878 +593 174 4 875660546 +593 179 5 877728878 +593 181 4 875658800 +593 182 2 886193627 +593 183 4 875670915 +593 193 4 886193361 +593 196 5 875670939 +593 200 5 875661567 +593 204 4 875660886 +593 210 2 875673181 +593 211 4 875671198 +593 216 5 875671277 +593 220 3 875660274 +593 223 5 888872089 +593 233 2 875671549 +593 234 2 875660850 +593 237 4 877728878 +593 238 4 877728878 +593 241 5 875672874 +593 245 3 888872154 +593 255 5 875659055 +593 272 5 888871874 +593 274 3 875659849 +593 275 3 875658862 +593 276 1 875659150 +593 278 3 875659686 +593 280 3 875660194 +593 282 5 875659518 +593 283 4 875659665 +593 284 4 875659236 +593 285 2 886193129 +593 286 5 875660009 +593 288 4 877728878 +593 293 1 877727988 +593 301 4 877728878 +593 313 4 888871903 +593 318 5 875671413 +593 322 2 875644752 +593 357 5 875661486 +593 366 4 875671255 +593 371 3 875659076 +593 385 4 886194041 +593 392 3 886193788 +593 393 4 886194041 +593 402 4 875672970 +593 405 3 875659943 +593 417 5 875671598 +593 423 4 875671505 +593 451 3 875672999 +593 468 3 886193438 +593 470 2 875671062 +593 471 3 875659826 +593 476 2 875659943 +593 478 5 875660788 +593 496 5 875671198 +593 501 2 886193661 +593 535 3 875659943 +593 546 3 875659849 +593 553 2 875672852 +593 568 4 886193361 +593 580 1 876507120 +593 584 3 875671579 +593 591 4 877728878 +593 597 2 875660347 +593 609 3 886194241 +593 619 3 877727927 +593 631 3 886194296 +593 633 5 875671081 +593 655 3 886193724 +593 659 5 875671464 +593 660 5 875671372 +593 661 2 886193103 +593 685 3 875660081 +593 692 3 886193724 +593 699 4 875671334 +593 723 4 875671890 +593 724 3 875670796 +593 732 3 875660850 +593 735 4 886193600 +593 739 5 875672970 +593 742 4 888872002 +593 744 3 886193049 +593 747 4 877728878 +593 761 2 875671951 +593 762 4 875659849 +593 763 3 875660105 +593 775 3 875672949 +593 781 3 875671334 +593 807 4 875672999 +593 815 3 875659826 +593 845 3 875671033 +593 846 2 875660295 +593 866 5 875660236 +593 949 2 875672949 +593 966 5 886193788 +593 974 2 875660347 +593 977 3 875660215 +593 1012 3 877727961 +593 1014 1 875659755 +593 1016 4 888872636 +593 1028 3 875659896 +593 1035 3 875671464 +593 1119 5 875660823 +593 1221 3 875671982 +594 14 4 874781173 +594 15 4 874783052 +594 19 3 874781004 +594 50 3 874783018 +594 100 4 874781004 +594 126 3 874781173 +594 127 4 874781076 +594 181 3 874781076 +594 199 4 877816302 +594 221 4 874781207 +594 222 4 874783052 +594 237 3 874784095 +594 242 4 875997093 +594 245 3 874780909 +594 269 4 877816219 +594 276 3 874783470 +594 286 3 875917841 +594 292 3 874780864 +594 319 3 874780864 +594 357 4 874786664 +594 483 3 874786695 +594 515 5 874781050 +594 520 4 874786664 +594 744 3 874783298 +594 988 2 874780945 +595 3 4 886922069 +595 9 4 886922069 +595 14 5 886921223 +595 15 4 886921423 +595 50 5 886921112 +595 100 4 886921112 +595 108 2 886921634 +595 109 2 886921365 +595 111 4 886921496 +595 121 2 886921550 +595 127 5 886921199 +595 129 3 886921088 +595 151 5 886921475 +595 181 5 886921199 +595 222 3 886921274 +595 235 3 886921392 +595 237 3 886921315 +595 240 3 886921424 +595 246 4 886921068 +595 255 3 886921392 +595 258 4 886920602 +595 268 4 886920576 +595 273 3 886921140 +595 274 3 886921584 +595 275 4 886921166 +595 282 4 886921344 +595 288 3 886920602 +595 289 4 886920602 +595 290 4 886921748 +595 291 3 886921656 +595 293 4 886922069 +595 294 2 886920748 +595 298 4 886921166 +595 304 3 886920774 +595 324 3 886920632 +595 325 3 886920774 +595 330 4 886920819 +595 336 2 886920966 +595 346 4 886920576 +595 358 2 886920714 +595 368 1 886921977 +595 369 3 886921977 +595 410 4 886921315 +595 411 3 886921448 +595 460 4 886921699 +595 472 3 886921847 +595 475 5 886921166 +595 508 5 886921199 +595 544 3 886921699 +595 546 4 886922069 +595 547 4 886922069 +595 591 4 886921344 +595 597 2 886921634 +595 676 2 886921140 +595 678 1 886920819 +595 717 2 886921977 +595 742 2 886921521 +595 744 3 886921274 +595 748 2 886920655 +595 762 4 886922069 +595 763 3 886921551 +595 815 3 886921584 +595 820 2 886921870 +595 824 3 886921748 +595 825 2 886921606 +595 826 1 886921819 +595 844 4 886922069 +595 845 3 886921448 +595 864 4 886922069 +595 871 2 886921945 +595 880 3 886920819 +595 922 4 886921036 +595 926 1 886921897 +595 928 3 886921820 +595 929 2 886921722 +595 930 2 886921870 +595 948 3 886920919 +595 952 5 886921424 +595 979 3 886921847 +595 986 2 886921945 +595 994 4 886921897 +595 1009 4 886921584 +595 1010 4 886922069 +595 1023 1 886921977 +595 1028 3 886921475 +595 1047 2 886921769 +595 1059 4 886921344 +595 1061 3 886921945 +595 1067 4 886922069 +595 1094 3 886921820 +595 1134 5 886921392 +595 1142 5 886921199 +595 1165 1 886921748 +595 1259 3 886921819 +595 1264 2 887588203 +595 1312 3 886921787 +596 13 2 883539402 +596 50 5 883539402 +596 123 2 883539767 +596 149 3 883539402 +596 181 4 883539431 +596 222 3 883539402 +596 258 3 883539011 +596 276 3 883539431 +596 286 4 883538815 +596 288 4 883538847 +596 289 3 883539079 +596 294 4 883539079 +596 295 4 883539402 +596 300 4 883539011 +596 313 5 883538815 +596 323 4 883538965 +596 328 5 883539103 +596 678 3 883538965 +596 682 4 883539173 +596 895 3 883539049 +597 1 3 875339723 +597 15 5 875341758 +597 24 3 875341858 +597 50 5 875339876 +597 111 3 875342355 +597 118 3 875343067 +597 127 4 875340062 +597 151 4 875342314 +597 181 4 875340062 +597 225 4 875342875 +597 235 4 875340062 +597 242 4 875338983 +597 250 4 875340939 +597 264 4 875339156 +597 275 4 875339876 +597 283 5 875340010 +597 286 3 875338983 +597 289 5 875338983 +597 293 5 875340939 +597 294 4 875339083 +597 295 3 875340117 +597 298 5 875339723 +597 300 5 875338983 +597 323 3 875339041 +597 326 1 875339083 +597 328 4 875339132 +597 477 5 875339970 +597 678 1 875339041 +597 688 4 875339132 +597 713 2 875340010 +597 742 4 875341603 +597 748 5 875339041 +597 763 4 875340191 +597 824 3 875342875 +597 825 5 875343583 +597 936 3 875343067 +597 988 1 875339237 +597 990 2 875339041 +597 1016 4 875342355 +597 1152 4 875339876 +597 1534 1 875341758 +598 22 5 886711521 +598 243 2 886711192 +598 258 5 886711452 +598 259 3 886710977 +598 260 3 886711034 +598 269 3 886710494 +598 286 5 886711452 +598 292 4 886710735 +598 300 4 886710671 +598 308 4 886710612 +598 312 5 886711452 +598 313 5 886711452 +598 323 4 886711452 +598 343 2 886710795 +598 347 3 886710330 +598 349 4 886711452 +598 350 4 886711452 +598 538 4 886711452 +598 690 3 886710735 +598 691 2 886710330 +598 748 4 886711034 +598 750 5 886711452 +598 751 3 886710494 +598 895 2 886710977 +598 898 4 886711452 +599 1 4 880951657 +599 111 5 880951885 +599 120 3 880953441 +599 220 5 880951479 +599 237 5 880951595 +599 245 3 880953441 +599 255 5 880951479 +599 260 1 880951113 +599 274 5 880952144 +599 276 2 880951439 +599 278 3 880953441 +599 280 5 880952229 +599 282 5 880951657 +599 284 4 880952229 +599 288 4 880950997 +599 294 4 880951113 +599 319 2 880951046 +599 471 4 880953441 +599 476 4 880953441 +599 508 3 880953441 +599 535 4 880952267 +599 546 4 880953441 +599 595 5 880952144 +599 682 4 880951079 +599 748 4 880951144 +599 756 5 880952037 +599 763 5 880952316 +599 815 3 880953441 +599 845 5 880951974 +599 846 5 880952229 +599 866 2 880952229 +599 872 2 880951046 +599 873 5 880951174 +599 888 5 880951249 +599 928 4 880953441 +599 934 3 880953441 +599 948 4 880951281 +599 975 5 880952357 +599 988 4 880951211 +599 1014 4 880951885 +599 1048 2 880952357 +599 1095 4 880952316 +599 1152 4 880951623 +599 1277 4 880952496 +599 1278 5 880952185 +599 1315 4 880951743 +599 1357 2 880952905 +600 2 3 888451908 +600 4 4 888451908 +600 11 5 888451665 +600 22 5 888451491 +600 27 3 888451977 +600 29 2 888452490 +600 38 3 888452491 +600 50 4 888451492 +600 53 4 888452563 +600 56 5 888451492 +600 62 4 888452151 +600 79 4 888451582 +600 82 5 888451583 +600 89 5 888451492 +600 92 3 888451665 +600 96 5 888451664 +600 127 5 888451492 +600 161 4 888451908 +600 172 4 888451665 +600 174 4 888451665 +600 176 5 888451665 +600 177 5 888451583 +600 181 4 888451491 +600 182 4 888451750 +600 183 5 888451750 +600 184 3 888451750 +600 187 5 888451750 +600 188 4 888451750 +600 195 4 888451492 +600 210 4 888451665 +600 226 4 888451977 +600 227 4 888451977 +600 228 3 888451840 +600 229 3 888451840 +600 230 4 888451839 +600 231 3 888452152 +600 232 3 888451839 +600 233 2 888452071 +600 241 5 888451582 +600 265 3 888451582 +600 269 4 888451388 +600 373 3 888452490 +600 385 3 888451582 +600 391 3 888452491 +600 399 4 888452491 +600 403 3 888451908 +600 431 3 888451908 +600 435 5 888451750 +600 449 4 888452564 +600 450 4 888453144 +600 510 5 888451665 +600 511 5 888451492 +600 515 5 888451492 +600 518 5 888451908 +600 526 4 888451750 +600 530 4 888451664 +600 540 3 888453083 +600 541 1 888451977 +600 550 4 888452071 +600 554 4 888451977 +600 562 3 888452564 +600 566 3 888451908 +600 568 4 888451908 +600 570 4 888452563 +600 576 3 888451840 +600 578 2 888451839 +600 583 3 888451977 +600 586 2 888453083 +600 651 4 888451492 +600 665 5 888452152 +600 679 2 888451839 +600 684 4 888451582 +600 720 3 888452151 +600 759 2 888453145 +600 761 4 888451977 +600 771 3 888452564 +600 779 2 888452564 +600 802 2 888453082 +600 810 3 888451977 +600 947 4 888452071 +600 1004 4 888451839 +600 1110 3 888452564 +600 1188 3 888452152 +600 1228 2 888452490 +600 1231 2 888452152 +600 1239 2 888452564 +600 1274 2 888453145 +600 1407 2 888453083 +600 1419 3 888452564 +601 8 3 876348736 +601 9 4 876347196 +601 12 3 876348947 +601 15 1 876347040 +601 21 3 876347113 +601 22 4 876348820 +601 39 1 876350443 +601 47 3 876349542 +601 50 5 876346810 +601 56 3 876349577 +601 58 1 876350400 +601 64 4 876349503 +601 65 4 876350017 +601 69 3 876348987 +601 71 1 876349937 +601 82 1 876351298 +601 87 4 876349503 +601 91 5 876349251 +601 96 2 876350185 +601 98 3 876348526 +601 99 3 876350536 +601 100 4 876346757 +601 107 4 876347113 +601 109 4 876346930 +601 118 1 876347320 +601 121 2 876347267 +601 123 1 876347148 +601 125 1 876347320 +601 127 4 876346810 +601 131 4 876350766 +601 132 5 876350104 +601 133 4 876350812 +601 135 4 876350443 +601 140 1 876351298 +601 141 4 876350443 +601 143 3 876351073 +601 148 3 876348140 +601 151 3 876346930 +601 153 4 876350060 +601 154 5 876350017 +601 156 4 876348782 +601 157 3 876349716 +601 163 4 876350400 +601 164 4 876350875 +601 168 5 876350944 +601 172 4 876348736 +601 173 5 876348736 +601 174 4 876348572 +601 176 2 876348820 +601 178 4 876348526 +601 179 5 876351073 +601 181 5 876347039 +601 183 4 876348674 +601 184 3 876350230 +601 185 4 876349577 +601 186 4 876349542 +601 191 4 876350016 +601 195 3 876348611 +601 196 3 876349810 +601 198 4 876350104 +601 201 5 876349503 +601 204 2 876348783 +601 208 4 876350017 +601 210 4 876350060 +601 222 4 876347039 +601 225 1 876347462 +601 228 5 876350400 +601 230 4 876350583 +601 234 1 876348947 +601 238 2 876349897 +601 239 3 876350537 +601 241 4 876350652 +601 250 4 876346930 +601 257 2 876347224 +601 258 5 876346344 +601 259 1 876346515 +601 260 4 876346633 +601 276 4 876346890 +601 284 4 876347523 +601 287 1 876348215 +601 288 1 876346515 +601 290 3 876350501 +601 294 1 876346515 +601 318 4 876348572 +601 324 4 876346383 +601 325 4 876346551 +601 357 4 876349150 +601 365 3 876350812 +601 378 2 876351041 +601 382 4 876351582 +601 387 3 876350583 +601 389 2 876350537 +601 405 1 876347765 +601 406 2 876350998 +601 410 4 876347113 +601 411 2 876348107 +601 416 3 876350683 +601 418 2 876350766 +601 419 4 876351263 +601 421 1 876350060 +601 427 4 876348736 +601 429 5 876349387 +601 431 4 876351413 +601 436 4 876350230 +601 443 4 876350766 +601 455 4 876347148 +601 472 1 876348177 +601 473 3 876347665 +601 475 4 876346890 +601 476 1 876347765 +601 479 4 876349358 +601 482 4 876350142 +601 483 4 876348782 +601 496 4 876349302 +601 504 4 876350300 +601 508 4 876346964 +601 584 4 876350142 +601 588 3 876350719 +601 591 3 876347267 +601 623 1 876349897 +601 660 3 876349937 +601 671 4 876348572 +601 673 1 876351264 +601 699 3 876350812 +601 740 4 876347196 +601 743 1 876348410 +601 763 5 876348035 +601 820 1 876348316 +601 834 1 876348381 +601 840 2 876347599 +601 842 1 876351171 +601 864 1 876347320 +601 921 5 876351214 +601 928 1 876348140 +601 934 1 876348285 +601 949 2 876351214 +601 1028 2 876347557 +601 1039 4 876350185 +601 1047 1 876347557 +601 1063 3 876350340 +601 1073 2 876350230 +601 1079 3 876347148 +601 1084 5 876346849 +601 1116 4 876350944 +601 1135 2 876351141 +601 1296 1 876346344 +601 1540 2 876350017 +601 1615 4 876348107 +602 1 4 888638547 +602 9 4 888638490 +602 50 5 888638460 +602 117 5 888638674 +602 118 3 888638703 +602 121 4 888638434 +602 125 4 888638674 +602 127 5 888638491 +602 148 4 888638517 +602 181 5 888638547 +602 237 4 888638547 +602 243 3 888638277 +602 257 4 888638618 +602 259 4 888638160 +602 261 3 888638248 +602 294 5 888637987 +602 300 3 888637847 +602 304 4 888638022 +602 343 2 888638022 +602 358 4 888637965 +602 457 3 888638305 +602 508 3 888638618 +602 538 4 888638048 +602 678 4 888638193 +602 748 3 888638160 +602 871 3 888638589 +602 880 4 888637925 +602 895 3 888637925 +602 988 4 888638248 +603 7 5 891956075 +603 11 5 891956927 +603 12 5 891955991 +603 21 3 891956715 +603 22 4 891956776 +603 50 5 891955922 +603 56 4 891957053 +603 62 2 891955972 +603 89 5 891956825 +603 100 4 891956776 +603 157 1 891957031 +603 172 5 891956139 +603 173 4 891956877 +603 174 3 891956927 +603 176 2 891956776 +603 180 4 891956946 +603 181 5 891956154 +603 183 4 891957110 +603 210 4 891957110 +603 216 4 891957139 +603 222 4 891955922 +603 227 3 891955972 +603 228 3 891955922 +603 229 4 891955972 +603 230 4 891955922 +603 250 5 891956173 +603 271 2 891955922 +603 273 1 891956124 +603 288 3 891956283 +603 294 4 891956330 +603 313 5 891956091 +603 326 4 891956344 +603 380 4 891955972 +603 385 4 891957012 +603 419 2 891957012 +603 429 5 891956981 +603 449 4 891955972 +603 450 3 891955972 +603 474 4 891956803 +603 747 3 891956897 +603 748 5 891956302 +603 751 4 891956242 +603 923 4 891957139 +603 931 2 891956715 +603 988 4 891956529 +603 1240 5 891956058 +603 1483 5 891956283 +604 5 2 883668261 +604 7 4 883668097 +604 48 5 883667946 +604 56 2 883668097 +604 98 2 883668097 +604 100 5 883668097 +604 127 4 883667946 +604 164 4 883668175 +604 183 3 883668021 +604 184 3 883668352 +604 185 2 883668175 +604 200 1 883668261 +604 201 3 883668352 +604 218 3 883668175 +604 234 5 883668097 +604 288 3 883668261 +604 413 3 883668175 +604 441 2 883668261 +604 443 3 883668352 +604 444 2 883668175 +604 447 4 883668352 +604 448 5 883668261 +604 558 4 883668175 +604 567 5 883668352 +604 637 4 883668261 +604 670 5 883668352 +604 672 1 883668261 +605 1 4 879365748 +605 9 4 879365773 +605 12 4 881016144 +605 14 5 879427619 +605 15 5 879427151 +605 22 4 879424548 +605 64 5 879425432 +605 69 5 879425432 +605 70 3 879424680 +605 79 5 879425432 +605 98 5 879425432 +605 100 5 879425432 +605 111 3 879425663 +605 117 2 879365748 +605 118 3 879429729 +605 121 1 879429706 +605 124 3 879365748 +605 126 5 880762240 +605 127 5 879366240 +605 132 5 879425432 +605 133 5 879424661 +605 135 5 879424369 +605 137 5 879425432 +605 143 1 879424345 +605 153 4 879424784 +605 174 3 879424743 +605 176 4 879426339 +605 180 4 879424315 +605 187 5 879425432 +605 191 5 879426212 +605 210 3 879424452 +605 215 3 879426163 +605 223 5 881015099 +605 237 3 879424661 +605 238 1 879424783 +605 245 3 879366335 +605 252 4 879510953 +605 255 2 879510904 +605 260 4 879365417 +605 269 4 879365101 +605 274 3 879425663 +605 275 4 879366177 +605 276 4 879365773 +605 282 4 879424743 +605 284 2 880762139 +605 286 4 879365101 +605 288 5 879365158 +605 293 3 879366256 +605 294 4 879365219 +605 295 4 879366240 +605 300 2 879365101 +605 301 3 879365237 +605 302 4 879365132 +605 318 5 879426144 +605 325 2 879365219 +605 333 4 880554130 +605 338 2 881015064 +605 340 4 879365132 +605 357 5 879426180 +605 371 5 879427369 +605 405 3 879429706 +605 408 5 881016144 +605 462 5 881016176 +605 471 3 879365748 +605 475 3 879424369 +605 483 5 879425432 +605 496 5 879424600 +605 508 5 879425432 +605 521 5 879424743 +605 523 5 879424345 +605 526 5 879426371 +605 527 4 879424429 +605 528 5 879424273 +605 531 4 879424583 +605 546 2 879429729 +605 582 4 879424661 +605 597 3 879427755 +605 601 5 879426339 +605 619 4 880762205 +605 678 1 879366335 +605 754 3 879425457 +605 827 3 879429729 +605 831 1 879429729 +605 873 3 879365219 +605 879 3 879365417 +605 930 2 879429706 +605 934 4 879425706 +605 949 5 879427164 +605 1040 2 879425689 +605 1226 4 879510864 +606 1 5 878148365 +606 3 5 880922084 +606 7 4 878143509 +606 8 2 880923579 +606 11 5 880923579 +606 12 2 880924384 +606 15 5 878143729 +606 22 5 880927357 +606 24 5 878143509 +606 25 5 878149689 +606 28 4 880924921 +606 31 4 880925199 +606 33 4 880928180 +606 38 4 880927923 +606 42 3 880926245 +606 48 4 880924483 +606 50 5 878142864 +606 55 4 880926245 +606 56 5 880924483 +606 58 3 880924483 +606 63 3 880927666 +606 64 5 880923579 +606 68 5 880927127 +606 69 4 880926339 +606 71 5 880923745 +606 79 3 880927127 +606 81 3 880924921 +606 82 5 880925646 +606 83 5 880925289 +606 87 4 880924483 +606 88 4 880926533 +606 89 5 880927358 +606 91 5 880926610 +606 93 4 878142865 +606 95 4 880924188 +606 96 5 880925074 +606 97 5 880925453 +606 98 5 880923925 +606 99 4 880923799 +606 100 5 878146986 +606 103 3 880923349 +606 108 1 880923349 +606 111 4 878146986 +606 117 4 878143605 +606 118 4 878143785 +606 121 4 878148425 +606 123 3 878143605 +606 124 3 878143246 +606 125 4 878148493 +606 127 4 878143509 +606 129 3 878142865 +606 132 5 880923925 +606 135 5 880926245 +606 138 3 880927923 +606 144 4 880924664 +606 147 5 880922503 +606 148 3 878150506 +606 150 4 878143246 +606 151 5 878148493 +606 153 3 880926700 +606 154 3 880923862 +606 156 4 880924789 +606 157 4 880926018 +606 161 4 880926994 +606 168 5 880924557 +606 172 5 880924322 +606 173 5 880924859 +606 174 5 880924663 +606 175 4 880927127 +606 176 5 880923925 +606 178 5 880925579 +606 179 5 880927552 +606 180 4 880926245 +606 181 5 878143047 +606 183 5 880926162 +606 184 5 880924790 +606 185 3 880926759 +606 186 5 880925290 +606 187 4 880926861 +606 188 4 880924921 +606 191 5 880923988 +606 194 4 880925199 +606 195 5 880926162 +606 196 4 880926759 +606 197 3 880926862 +606 198 4 880927665 +606 200 5 880923862 +606 201 4 880927417 +606 202 4 880924921 +606 203 5 880926084 +606 204 4 880924384 +606 206 4 880927552 +606 208 3 880925074 +606 209 4 880926018 +606 210 3 880924557 +606 211 5 880926759 +606 214 4 880926018 +606 215 4 880923925 +606 216 5 880925579 +606 222 3 878147770 +606 225 1 880923349 +606 228 5 880924663 +606 230 2 880926084 +606 234 4 880927179 +606 235 3 880922566 +606 236 3 878150506 +606 237 4 878148365 +606 238 4 880927179 +606 239 4 880926339 +606 241 3 880926246 +606 248 5 887058736 +606 249 3 880922503 +606 250 4 878143047 +606 255 5 887061723 +606 257 5 880922503 +606 258 4 887058788 +606 260 3 887059561 +606 265 4 880924663 +606 273 4 878143509 +606 281 4 880922148 +606 282 4 878147641 +606 284 4 878148425 +606 287 4 880921656 +606 288 4 877641931 +606 293 5 878143605 +606 294 2 880923349 +606 298 4 880920725 +606 307 4 888334083 +606 313 5 887841727 +606 323 4 877642209 +606 326 4 889137188 +606 333 5 887059213 +606 385 4 880925200 +606 393 4 880925453 +606 404 4 880925200 +606 405 4 878148493 +606 410 3 880921656 +606 418 5 880923745 +606 419 4 880924188 +606 421 4 880923989 +606 423 5 880925200 +606 427 4 880924106 +606 428 3 880927247 +606 432 5 880926339 +606 435 4 880923862 +606 441 4 880927750 +606 451 3 880927247 +606 455 2 880923349 +606 468 4 880923989 +606 471 4 878146986 +606 472 4 880921408 +606 473 4 878149415 +606 475 4 878143785 +606 477 4 878143247 +606 483 5 880924921 +606 491 4 880923799 +606 498 4 880923862 +606 501 4 880926084 +606 507 4 880923689 +606 508 4 878147350 +606 516 4 880924859 +606 527 4 880924790 +606 530 4 880925074 +606 531 5 880924188 +606 537 2 880925074 +606 546 4 878149278 +606 549 4 880926862 +606 562 4 880928181 +606 568 4 880923988 +606 576 3 880927750 +606 585 4 880927358 +606 588 5 880923862 +606 591 3 880923349 +606 596 4 878149415 +606 619 4 880922565 +606 620 4 887059014 +606 628 4 878143729 +606 637 3 880927750 +606 647 3 880924663 +606 651 4 880926018 +606 652 3 880925200 +606 655 4 880926469 +606 660 5 880926470 +606 662 4 880926162 +606 678 3 877642127 +606 684 3 880925579 +606 685 3 880923349 +606 692 5 880924790 +606 709 5 880927417 +606 713 4 878142865 +606 717 3 878147770 +606 729 4 880927247 +606 735 5 880926610 +606 746 5 880925394 +606 747 4 880927468 +606 748 3 880921753 +606 749 4 888333338 +606 756 3 878146986 +606 760 3 880923349 +606 763 5 887060488 +606 806 5 880923579 +606 816 2 880927358 +606 825 5 878149689 +606 827 3 880922625 +606 833 5 887060394 +606 841 3 880922625 +606 844 4 878149278 +606 845 4 878147770 +606 919 2 880923349 +606 924 5 880921408 +606 925 4 880922566 +606 926 3 880922625 +606 928 4 880928180 +606 939 4 880927247 +606 942 4 880926700 +606 951 2 880928181 +606 959 5 880927128 +606 963 5 880923925 +606 966 5 880923745 +606 969 5 880925074 +606 993 5 887059716 +606 1010 3 878149278 +606 1011 3 880921408 +606 1016 3 887062032 +606 1039 4 880923690 +606 1047 2 880923349 +606 1055 4 880923690 +606 1065 5 880924323 +606 1110 2 880927358 +606 1149 4 880925289 +606 1151 3 889137292 +606 1190 3 889137308 +606 1199 3 878143246 +606 1277 3 878148493 +606 1280 2 889137292 +606 1518 4 880926760 +607 19 3 883879613 +607 30 4 883880180 +607 45 4 883880079 +607 56 5 883880155 +607 86 4 883880079 +607 100 4 883879316 +607 107 4 883879756 +607 121 2 883879811 +607 137 4 883879556 +607 174 3 883879516 +607 180 4 883879556 +607 211 5 883879556 +607 212 3 883880052 +607 213 4 883880027 +607 222 3 883879613 +607 238 4 883879556 +607 275 4 883879756 +607 311 4 883879971 +607 382 3 883880110 +607 435 3 883879473 +607 462 4 883880110 +607 474 4 883879473 +607 475 4 883879811 +607 482 5 883879556 +607 483 4 883879379 +607 485 3 883879442 +607 487 4 883879213 +607 494 5 883879556 +607 498 4 883879556 +607 511 5 883879556 +607 528 4 883879556 +607 529 4 883880027 +607 707 4 883880027 +607 847 4 883879638 +607 855 4 883880027 +607 887 3 883878999 +607 950 3 883879691 +608 4 3 880406168 +608 8 2 880405484 +608 9 4 880403765 +608 11 5 880405927 +608 16 2 880406950 +608 22 4 880405395 +608 23 5 880403239 +608 25 4 880406506 +608 28 4 880405484 +608 42 5 880406168 +608 44 4 880406469 +608 50 1 880403765 +608 56 5 880403690 +608 58 2 880406800 +608 59 5 880403856 +608 61 5 880404693 +608 64 4 880405165 +608 65 5 880406469 +608 69 4 880405702 +608 70 4 880406552 +608 76 4 880408115 +608 79 5 880405863 +608 83 5 880406862 +608 86 5 880403484 +608 92 3 880408150 +608 93 4 880406299 +608 97 3 880405659 +608 98 5 880403855 +608 100 4 880403280 +608 111 1 880406507 +608 126 1 880405165 +608 127 5 880403320 +608 131 4 880406032 +608 132 2 880403899 +608 133 4 880405165 +608 134 3 880403810 +608 136 3 880403280 +608 144 4 880405659 +608 150 3 880406299 +608 157 1 880405085 +608 162 3 880406862 +608 163 1 880405085 +608 166 3 880403388 +608 168 1 880403810 +608 172 1 880405927 +608 174 3 880406506 +608 182 4 880403484 +608 185 5 880405484 +608 187 4 880403055 +608 190 4 880405527 +608 193 4 880405824 +608 195 1 880405527 +608 196 5 880405395 +608 197 5 880405431 +608 199 1 880403606 +608 204 4 880405527 +608 207 5 880404975 +608 213 4 880404693 +608 215 3 880406299 +608 216 5 880403239 +608 218 4 880406862 +608 234 5 880404847 +608 238 5 880403810 +608 262 3 880402368 +608 265 3 880406470 +608 268 4 880402983 +608 269 3 880402272 +608 275 5 880403810 +608 276 2 880404975 +608 283 4 880406623 +608 286 4 880402272 +608 287 3 880406950 +608 288 5 880402982 +608 294 3 880402450 +608 300 1 880402327 +608 301 1 880402633 +608 303 4 880402983 +608 305 3 880402633 +608 306 4 880402983 +608 310 1 880402450 +608 317 5 880405527 +608 318 4 880404916 +608 319 4 880402983 +608 321 2 880402633 +608 327 2 880402450 +608 328 4 880402983 +608 332 4 880402982 +608 333 4 880402983 +608 337 4 880402982 +608 340 4 880402982 +608 357 5 880404916 +608 418 1 880405971 +608 419 4 880405702 +608 421 5 880406427 +608 423 4 880406727 +608 427 4 880403765 +608 443 5 880405824 +608 448 5 880406593 +608 461 4 880406507 +608 462 4 880406552 +608 469 3 880405395 +608 475 3 880405971 +608 478 3 880403606 +608 479 5 880404636 +608 480 3 880405165 +608 483 4 880404916 +608 487 4 880406032 +608 489 5 880403765 +608 490 4 880405824 +608 499 4 880403484 +608 505 5 880406862 +608 506 4 880406728 +608 507 3 880403899 +608 508 4 880406593 +608 509 1 880403855 +608 514 5 880403320 +608 517 4 880403856 +608 549 4 880405824 +608 568 5 880406032 +608 603 5 880403537 +608 606 5 880404693 +608 607 5 880405395 +608 609 5 880406950 +608 611 3 880403537 +608 655 5 880405395 +608 658 3 880408150 +608 660 5 880406800 +608 661 3 880405927 +608 673 4 880405484 +608 690 4 880402527 +608 693 3 880405927 +608 694 3 880405085 +608 695 5 880405565 +608 699 5 880406507 +608 702 1 880406862 +608 729 4 880407079 +608 735 4 880406799 +608 736 4 880403484 +608 742 4 880406299 +608 753 5 880405395 +608 789 3 880405971 +608 848 4 880403690 +608 865 4 880403537 +608 886 1 880402564 +608 939 4 880405896 +608 956 3 880405896 +608 961 4 880405431 +608 969 5 880407079 +608 1009 4 880406032 +608 1039 5 880406552 +608 1063 5 880405659 +608 1101 4 880405863 +608 1113 3 880406862 +608 1115 4 880406168 +608 1119 5 880406552 +608 1124 4 880404846 +608 1153 3 880406623 +608 1172 5 880404636 +608 1183 1 880405484 +608 1204 2 880403606 +608 1221 2 880406800 +608 1262 5 880406095 +608 1281 4 880407079 +609 1 1 886896185 +609 15 5 886895150 +609 125 4 886895193 +609 147 1 886895016 +609 243 1 886895886 +609 258 3 886894677 +609 259 1 886895763 +609 285 5 886894879 +609 287 5 886894940 +609 288 2 886894677 +609 294 2 886895346 +609 304 5 886895436 +609 313 5 886894637 +609 314 1 886895941 +609 319 1 886895516 +609 352 1 886895699 +609 408 5 886896185 +609 475 2 886896281 +609 538 1 886895795 +609 750 4 886895397 +609 877 5 886895649 +609 878 1 886895827 +609 890 1 886895914 +609 894 1 886895852 +609 901 1 886895886 +609 908 1 886895699 +609 948 1 886895886 +609 1012 1 886896237 +610 1 4 888703157 +610 7 2 888703137 +610 8 4 888702902 +610 9 3 888702961 +610 11 4 888703432 +610 12 5 888703157 +610 28 4 888703258 +610 50 4 888702961 +610 51 5 888703523 +610 56 3 888703213 +610 66 3 888704000 +610 70 4 888703609 +610 71 4 888703258 +610 79 3 888702859 +610 95 2 888703316 +610 97 3 888703453 +610 98 5 888702902 +610 117 4 888704000 +610 127 5 888702902 +610 133 4 888703648 +610 135 3 888703730 +610 143 5 888703290 +610 153 5 888703766 +610 162 5 888703343 +610 172 4 888702962 +610 176 4 888703157 +610 183 4 888703749 +610 185 5 888703191 +610 187 4 888703213 +610 195 3 888703583 +610 203 4 888703749 +610 204 1 888703343 +610 210 3 888703290 +610 216 4 888703291 +610 271 1 888702795 +610 272 4 888702815 +610 275 4 888703453 +610 276 4 888703766 +610 283 3 888703316 +610 288 3 888702795 +610 294 1 888702795 +610 313 4 888702841 +610 315 4 888702764 +610 317 3 888703553 +610 318 5 888703378 +610 331 3 888702764 +610 352 1 888702795 +610 378 5 888703609 +610 402 5 888704000 +610 419 5 888703241 +610 423 4 888703710 +610 427 5 888703730 +610 477 2 888703475 +610 480 5 888702962 +610 483 5 888702859 +610 484 3 888703507 +610 485 5 888703815 +610 489 4 888703343 +610 505 4 888703537 +610 508 3 888703629 +610 516 3 888703710 +610 527 4 888703801 +610 568 4 888703648 +610 582 4 888703749 +610 591 3 888703316 +610 606 5 888703343 +610 607 5 888703157 +610 673 4 888704000 +610 699 2 888703507 +610 705 3 888703710 +610 735 3 888703360 +610 750 4 888702841 +610 751 4 888702795 +610 755 5 888703710 +610 1558 3 888703475 +611 262 4 891636223 +611 268 5 891636192 +611 269 4 891636072 +611 272 5 891636098 +611 286 5 891636244 +611 288 3 891636073 +611 299 1 891636223 +611 300 5 891636244 +611 301 4 891636152 +611 302 5 891636073 +611 303 3 891636073 +611 305 4 891636192 +611 306 5 891636152 +611 307 4 891636125 +611 311 4 891636073 +611 313 3 891636125 +611 315 5 891636098 +611 324 3 891636399 +611 333 4 891636073 +611 334 5 891636223 +611 336 5 891636399 +611 340 5 891636192 +611 342 3 891636223 +611 344 5 891636073 +611 346 5 891636152 +611 347 4 891636244 +611 350 4 891636399 +611 353 3 891636125 +611 354 3 891636192 +611 355 1 891636399 +611 680 4 891636125 +611 690 3 891636098 +611 750 5 891636222 +611 751 4 891636098 +611 752 5 891636223 +611 873 3 891636399 +611 882 4 891636192 +611 886 4 891636399 +611 887 2 891636125 +611 896 3 891636152 +611 906 2 891636223 +611 1243 3 891636244 +612 1 4 875324876 +612 7 3 875324876 +612 9 3 875324876 +612 15 4 875324455 +612 25 3 875324915 +612 100 4 875324790 +612 117 4 875324599 +612 118 3 875324947 +612 127 2 875325049 +612 147 4 875324975 +612 202 2 875325221 +612 237 3 875324455 +612 243 2 875324355 +612 259 3 875324355 +612 275 5 875324710 +612 300 4 875324266 +612 322 3 875324294 +612 476 3 875324947 +612 477 2 875324876 +612 480 4 875325049 +612 604 4 875325256 +612 864 4 875324756 +612 878 2 875324400 +612 924 5 875324710 +612 926 2 875324789 +612 1060 4 875324756 +612 1063 5 875325049 +613 1 4 891227410 +613 12 5 891227299 +613 28 3 891227262 +613 50 5 891227365 +613 64 5 891227204 +613 89 5 891227237 +613 126 5 891227338 +613 127 4 891227204 +613 176 5 891227237 +613 194 5 891227299 +613 258 5 891227365 +613 272 5 891227111 +613 279 4 891227410 +613 297 5 891227338 +613 303 4 891227111 +613 318 5 891227299 +613 435 5 891227299 +613 471 3 891227410 +613 478 5 891227262 +613 509 4 891227236 +613 514 4 891227236 +613 530 5 891227262 +613 576 3 891227204 +613 603 5 891227298 +613 607 4 891227236 +613 632 3 891227204 +613 1157 2 891227204 +613 1315 4 891227338 +614 1 5 879464093 +614 7 2 879464215 +614 9 4 879464063 +614 14 3 879464093 +614 25 1 879464376 +614 100 5 879464119 +614 117 3 879464352 +614 121 4 879464398 +614 122 3 879465320 +614 126 4 879464183 +614 147 5 879464332 +614 235 5 879464437 +614 237 2 879464216 +614 255 5 879464119 +614 276 4 879464234 +614 279 3 879464287 +614 281 3 879464308 +614 286 2 879464507 +614 287 3 879464456 +614 288 2 879463630 +614 289 2 879463669 +614 293 3 879464157 +614 294 4 879464507 +614 405 2 879464525 +614 410 3 879464437 +614 411 3 879465452 +614 458 4 879464287 +614 472 3 879464416 +614 476 3 879464507 +614 508 4 879464093 +614 535 2 879464376 +614 546 1 879463965 +614 717 4 879465414 +614 756 4 879465398 +614 841 2 879465398 +614 871 2 879465376 +614 1009 3 879464119 +614 1134 2 879464556 +614 1142 3 879463965 +615 13 4 879449184 +615 14 5 879448016 +615 22 4 879448797 +615 23 5 879448547 +615 26 4 879448233 +615 28 4 879448759 +615 48 5 879448399 +615 69 4 879448632 +615 70 4 879448915 +615 72 2 879449164 +615 83 4 879448399 +615 86 5 879448439 +615 87 4 879448780 +615 97 4 879448759 +615 100 3 879448693 +615 127 5 879448399 +615 135 4 879448599 +615 153 4 879449130 +615 160 3 879448599 +615 168 5 879449110 +615 170 4 879447895 +615 175 5 879448439 +615 178 5 879448547 +615 179 4 879447968 +615 180 4 879448475 +615 187 5 879448598 +615 190 3 879447968 +615 191 5 879448759 +615 192 5 879448780 +615 194 5 879449164 +615 197 4 879448439 +615 199 5 879448599 +615 208 4 879449130 +615 209 5 879449068 +615 211 5 879449164 +615 213 5 879447990 +615 215 4 879448632 +615 216 4 879449068 +615 237 4 879448843 +615 238 3 879449044 +615 259 1 879447642 +615 262 4 879447556 +615 268 4 879447642 +615 269 4 879447500 +615 271 2 879447642 +615 275 4 879447872 +615 283 4 879448015 +615 286 4 879447500 +615 289 2 879447670 +615 294 3 879447613 +615 300 4 879447613 +615 302 4 879447500 +615 303 5 879447530 +615 306 4 879447556 +615 319 4 879447585 +615 325 2 879447693 +615 332 2 879447585 +615 357 5 879448399 +615 387 3 879448915 +615 423 5 879448672 +615 427 5 879448475 +615 428 5 879449111 +615 435 5 879449089 +615 462 4 879447990 +615 475 4 879447919 +615 509 4 879448149 +615 514 5 879449110 +615 517 5 879449068 +615 518 4 879448632 +615 519 5 879448598 +615 521 4 879448475 +615 523 5 879448735 +615 526 4 879448735 +615 527 4 879448399 +615 528 4 879448399 +615 529 5 879448036 +615 582 3 879447968 +615 629 4 879449184 +615 631 4 879448843 +615 632 5 879448759 +615 638 5 879447968 +615 640 3 879448182 +615 644 4 879448599 +615 660 4 879448882 +615 666 2 879448270 +615 678 1 879447713 +615 683 1 879447642 +615 699 3 879448823 +615 707 3 879447990 +615 708 2 879448882 +615 732 4 879449211 +615 735 3 879448823 +615 736 5 879448149 +615 792 4 879448632 +615 855 4 879448088 +615 886 2 879447692 +615 937 2 879447530 +615 949 3 879448149 +615 988 1 879447735 +615 1021 5 879448119 +615 1065 4 879448567 +615 1128 1 879448715 +615 1192 4 879448715 +616 245 3 891224767 +616 258 4 891224676 +616 260 3 891224864 +616 269 4 891224517 +616 272 5 891224517 +616 286 5 891224448 +616 288 4 891224676 +616 289 4 891224840 +616 292 4 891224448 +616 299 3 891224801 +616 300 4 891224644 +616 301 3 891224748 +616 302 5 891224517 +616 303 4 891224558 +616 307 2 891224448 +616 313 5 891224590 +616 315 4 891224447 +616 316 4 891224840 +616 322 4 891224840 +616 323 4 891224801 +616 326 3 891224590 +616 327 3 891224558 +616 328 3 891224590 +616 329 3 891224748 +616 331 4 891224677 +616 333 2 891224448 +616 339 3 891224718 +616 343 4 891224864 +616 346 3 891224558 +616 347 4 891224677 +616 348 3 891224801 +616 349 4 891224748 +616 355 4 891224881 +616 362 3 891224517 +616 678 2 891224718 +616 689 4 891224748 +616 748 3 891224840 +616 750 5 891224590 +616 873 3 891224767 +616 879 4 891224864 +616 895 3 891224644 +616 937 4 891224919 +616 1313 4 891224840 +617 7 3 883789425 +617 17 1 883789507 +617 53 1 883789537 +617 56 1 883789425 +617 74 5 883788859 +617 89 4 883789294 +617 98 2 883789080 +617 100 4 883789425 +617 132 1 883789006 +617 134 3 883788900 +617 136 3 883789079 +617 145 1 883789716 +617 164 1 883789664 +617 170 1 883788929 +617 174 1 883788820 +617 175 4 883789386 +617 179 4 883789386 +617 183 4 883789386 +617 184 1 883789464 +617 185 5 883789042 +617 192 5 883788900 +617 200 5 883789425 +617 201 1 883789465 +617 217 1 883789507 +617 218 2 883789464 +617 219 4 883789536 +617 234 3 883789464 +617 238 3 883789249 +617 242 3 883788511 +617 269 1 883788511 +617 288 1 883788566 +617 294 1 883788511 +617 302 4 883788511 +617 313 1 883788511 +617 320 5 883789424 +617 345 1 883788511 +617 357 4 883789386 +617 396 1 883789590 +617 413 1 883789635 +617 423 1 883789294 +617 424 1 883789716 +617 427 4 883789042 +617 429 3 883789212 +617 436 3 883789464 +617 440 4 883789635 +617 441 3 883789590 +617 443 4 883788782 +617 444 4 883789590 +617 446 2 883789590 +617 447 4 883789386 +617 448 3 883789507 +617 452 1 883789590 +617 453 1 883789715 +617 475 1 883789294 +617 480 4 883789179 +617 488 4 883789386 +617 496 1 883789080 +617 497 3 883788782 +617 498 3 883788955 +617 515 3 883788782 +617 519 3 883789105 +617 531 2 883788859 +617 547 1 883789464 +617 558 3 883789425 +617 559 1 883789507 +617 563 1 883789747 +617 565 4 883789635 +617 567 2 883789747 +617 569 1 883789537 +617 573 4 883789590 +617 582 4 883789294 +617 590 1 883789747 +617 604 2 883788955 +617 606 3 883788929 +617 607 4 883789212 +617 611 4 883789386 +617 615 3 883789294 +617 631 2 883789212 +617 635 4 883789716 +617 637 3 883789507 +617 644 4 883789386 +617 646 4 883789386 +617 647 3 883789006 +617 648 3 883789080 +617 653 4 883788955 +617 656 4 883789386 +617 667 2 883789590 +617 668 4 883789716 +617 669 1 883789635 +617 670 1 883789590 +617 671 4 883789425 +617 672 3 883789537 +617 674 3 883789536 +617 675 4 883789425 +617 767 3 883789747 +617 774 1 883789635 +617 816 1 883789747 +617 854 1 883789464 +617 855 3 883789294 +617 859 3 883789590 +617 860 1 883789635 +617 868 4 883788820 +617 1019 4 883788782 +617 1021 4 883788730 +617 1073 3 883789105 +617 1187 3 883788900 +617 1316 1 883788511 +617 1612 1 883788511 +618 1 4 891308063 +618 2 2 891309091 +618 4 2 891308459 +618 7 4 891309887 +618 8 3 891307862 +618 9 3 891308141 +618 11 4 891307263 +618 12 4 891307263 +618 15 3 891308391 +618 22 4 891308390 +618 23 5 891306990 +618 24 2 891308515 +618 25 2 891308260 +618 28 4 891309887 +618 31 4 891307577 +618 33 2 891309351 +618 44 4 891308791 +618 49 3 891309514 +618 50 5 891307175 +618 52 3 891307224 +618 54 3 891309319 +618 55 2 891308063 +618 56 4 891307175 +618 62 2 891309697 +618 64 4 891306990 +618 65 3 891309720 +618 66 4 891309697 +618 68 3 891309608 +618 69 4 891308176 +618 70 3 891307495 +618 71 4 891309041 +618 73 3 891309440 +618 77 3 891309720 +618 79 5 891307494 +618 82 4 891308704 +618 87 3 891307931 +618 88 4 891309440 +618 90 1 891309351 +618 91 4 891309756 +618 93 3 891307019 +618 95 3 891309319 +618 96 3 891307749 +618 97 5 891308913 +618 98 5 891307494 +618 99 3 891308019 +618 100 4 891308063 +618 109 2 891308615 +618 111 3 891308946 +618 117 5 891307494 +618 118 3 891309004 +618 121 4 891308913 +618 123 2 891308063 +618 124 1 891308542 +618 125 3 891308704 +618 127 5 891307619 +618 131 4 891307343 +618 132 4 891307057 +618 133 4 891307784 +618 135 4 891307224 +618 136 3 891307931 +618 143 4 891308515 +618 144 4 891309887 +618 148 3 891309670 +618 150 2 891308175 +618 151 3 891309514 +618 154 3 891308615 +618 159 3 891309670 +618 161 4 891308946 +618 164 3 891309041 +618 168 5 891308342 +618 172 5 891307098 +618 173 3 891307404 +618 174 5 891307539 +618 176 4 891307426 +618 181 5 891307263 +618 182 4 891307289 +618 183 4 891307494 +618 185 5 891308260 +618 186 4 891307224 +618 187 5 891307098 +618 190 4 891307404 +618 191 4 891307175 +618 192 5 891307367 +618 193 4 891308432 +618 195 3 891308431 +618 196 4 891307889 +618 197 3 891307825 +618 200 5 891307367 +618 202 2 891307714 +618 203 3 891308176 +618 204 3 891307098 +618 210 3 891308703 +618 214 2 891308176 +618 215 4 891307494 +618 216 3 891308791 +618 218 3 891308115 +618 233 3 891309471 +618 234 4 891307714 +618 237 4 891307343 +618 238 1 891308391 +618 239 3 891309293 +618 241 4 891309887 +618 265 4 891307289 +618 273 4 891309293 +618 275 3 891307577 +618 276 3 891309266 +618 282 3 891307289 +618 283 3 891309217 +618 288 3 891307343 +618 313 4 891306927 +618 318 5 891307825 +618 356 2 891309608 +618 367 3 891309319 +618 371 3 891308980 +618 378 4 891309514 +618 382 2 891307540 +618 385 4 891309163 +618 392 3 891308979 +618 403 4 891309608 +618 404 5 891309192 +618 416 4 891309720 +618 418 3 891308260 +618 419 4 891309887 +618 420 3 891309163 +618 421 3 891308615 +618 423 5 891309886 +618 427 5 891308431 +618 432 5 891308979 +618 433 2 891309410 +618 443 4 891308665 +618 458 3 891309579 +618 462 2 891307540 +618 468 3 891308665 +618 470 3 891308615 +618 471 3 891309041 +618 477 2 891308791 +618 483 5 891308199 +618 485 3 891307646 +618 487 4 891309886 +618 496 4 891307619 +618 497 2 891307019 +618 501 4 891308884 +618 506 4 891308296 +618 507 4 891309239 +618 521 2 891307784 +618 526 5 891308141 +618 531 4 891309886 +618 549 2 891308342 +618 550 3 891308261 +618 559 3 891309382 +618 566 3 891308261 +618 568 4 891309409 +618 576 4 891309608 +618 582 4 891309217 +618 588 4 891307224 +618 596 4 891309065 +618 597 4 891309041 +618 609 4 891309440 +618 625 4 891309192 +618 628 2 891308019 +618 633 3 891308571 +618 651 5 891307263 +618 655 4 891309887 +618 660 3 891309040 +618 673 3 891309139 +618 676 2 891307977 +618 679 1 891308615 +618 684 3 891306991 +618 692 4 891309091 +618 693 3 891307540 +618 697 3 891308063 +618 699 3 891309410 +618 705 3 891307825 +618 709 2 891308665 +618 713 4 891307224 +618 720 3 891309293 +618 723 3 891309514 +618 724 3 891309091 +618 729 3 891308945 +618 731 2 891309514 +618 735 3 891308571 +618 746 2 891308946 +618 755 2 891309670 +618 762 3 891309636 +618 763 2 891309319 +618 770 2 891309756 +618 776 2 891307098 +618 778 3 891308515 +618 781 3 891309382 +618 785 3 891309351 +618 790 3 891309471 +618 815 4 891309552 +618 895 3 891309929 +618 924 4 891309040 +618 925 2 891308854 +618 939 2 891308791 +618 942 2 891309293 +618 944 2 891309266 +618 955 2 891307540 +618 959 4 891309756 +618 962 1 891307784 +618 966 4 891307931 +618 969 3 891307889 +618 1032 2 891309192 +618 1039 4 891309887 +618 1048 3 891308980 +618 1058 3 891309114 +618 1063 3 891308459 +618 1066 3 891309756 +618 1071 1 891308542 +618 1163 2 891309266 +618 1185 2 891309471 +618 1212 2 891309410 +618 1221 2 891309636 +618 1225 2 891309382 +618 1468 3 891308665 +619 11 2 885954019 +619 17 1 885954184 +619 22 5 885953992 +619 27 4 885954159 +619 29 1 885954238 +619 33 3 885954133 +619 39 2 885954083 +619 50 4 885953778 +619 53 2 885954341 +619 55 1 885954053 +619 56 3 885953992 +619 62 1 885954185 +619 68 3 885954105 +619 79 5 885953992 +619 82 5 885954053 +619 96 5 885954083 +619 117 5 885953778 +619 118 5 885953827 +619 121 5 885953805 +619 127 4 885953778 +619 144 5 885954083 +619 161 4 885954133 +619 174 4 885953992 +619 176 5 885954053 +619 181 4 885953778 +619 182 4 885954019 +619 183 5 885953992 +619 187 5 885953992 +619 188 4 885954158 +619 195 5 885954019 +619 226 5 885954133 +619 231 4 885954185 +619 233 4 885954158 +619 241 5 885954083 +619 245 4 885953743 +619 252 3 885953878 +619 257 3 885953805 +619 258 5 885953622 +619 273 4 885953778 +619 281 4 885954133 +619 288 3 885953931 +619 293 3 885953804 +619 294 1 885953684 +619 295 4 885953804 +619 298 5 885953778 +619 300 5 885953684 +619 302 4 885953600 +619 307 2 885953601 +619 313 5 885953601 +619 323 3 885953878 +619 326 2 885953601 +619 327 3 885953743 +619 328 1 885953684 +619 331 4 885953574 +619 332 4 885953742 +619 333 2 885953574 +619 346 3 885953622 +619 350 3 885953641 +619 363 2 885954215 +619 385 5 885954053 +619 391 3 885954215 +619 403 5 885954159 +619 405 3 885953826 +619 406 2 885953931 +619 515 1 885953778 +619 546 2 885953826 +619 550 5 885954134 +619 554 3 885954238 +619 562 3 885954341 +619 566 4 885954105 +619 568 5 885954083 +619 576 4 885954261 +619 578 4 885954215 +619 597 4 885953850 +619 651 5 885954053 +619 665 5 885954261 +619 684 4 885954083 +619 685 3 885953850 +619 720 4 885954238 +619 750 3 885953537 +619 808 3 885954053 +619 809 1 885954238 +619 825 2 885953850 +619 827 3 885953878 +619 849 2 885954184 +619 879 4 885953743 +619 1016 4 885953826 +619 1231 2 885954215 +619 1314 3 885954341 +620 1 5 889987954 +620 7 4 889987073 +620 8 3 889988121 +620 15 5 889987210 +620 28 4 889988121 +620 35 3 889988340 +620 50 4 889988121 +620 63 5 889988232 +620 71 5 889988005 +620 78 4 889988340 +620 82 5 889988146 +620 91 2 889988069 +620 94 5 889988340 +620 95 4 889988005 +620 98 4 889987560 +620 99 3 889988005 +620 100 1 889987073 +620 101 2 889988069 +620 112 4 889988341 +620 118 4 889987825 +620 121 5 889987825 +620 123 3 889987190 +620 125 2 889987255 +620 138 5 889988312 +620 140 4 889988258 +620 145 5 889987682 +620 147 3 889987299 +620 148 3 889987299 +620 151 4 889988196 +620 164 5 889987586 +620 172 4 889988146 +620 173 5 889988121 +620 174 5 889988121 +620 181 4 889988146 +620 225 3 889988281 +620 234 3 889987560 +620 237 4 889987123 +620 240 5 889987954 +620 243 3 889986676 +620 246 4 889987276 +620 260 5 889986624 +620 268 4 889986452 +620 281 5 889987852 +620 288 4 889986452 +620 294 5 889986557 +620 300 3 889986411 +620 313 5 889986477 +620 323 5 889986580 +620 354 5 889986477 +620 379 4 889987656 +620 393 5 889988196 +620 404 4 889988232 +620 406 4 889987073 +620 409 4 889988196 +620 416 4 889988196 +620 418 3 889988005 +620 419 2 889988169 +620 420 3 889988005 +620 422 1 889988036 +620 423 5 889988168 +620 432 4 889988036 +620 444 3 889987682 +620 452 3 889987604 +620 465 4 889988232 +620 501 4 889988036 +620 560 4 889988232 +620 563 5 889987682 +620 565 4 889987682 +620 588 5 889988036 +620 595 5 889987792 +620 596 2 889987954 +620 623 4 889988232 +620 625 3 889988005 +620 627 5 889988037 +620 674 3 889987586 +620 676 3 889987190 +620 678 3 889986642 +620 682 2 889986985 +620 683 3 889986984 +620 699 5 889988121 +620 706 3 889987706 +620 740 5 889987349 +620 742 5 889987792 +620 755 5 889988169 +620 758 2 889987073 +620 760 3 889987073 +620 768 5 889988069 +620 769 4 889987706 +620 795 4 889988340 +620 820 4 889987954 +620 834 2 889987073 +620 859 4 889987657 +620 895 3 889986984 +620 924 3 889987164 +620 928 5 889987825 +620 930 2 889987875 +620 931 3 889987875 +620 946 4 889988036 +620 951 3 889988258 +620 969 4 889988037 +620 975 3 889987852 +620 993 5 889987954 +620 1035 4 889988232 +620 1036 4 889988258 +620 1043 4 889988340 +620 1066 5 889988069 +620 1091 4 889988069 +620 1219 3 889988069 +620 1480 3 889988281 +620 1503 4 889988196 +621 1 3 880227233 +621 2 3 880739909 +621 3 5 881444887 +621 4 4 874962988 +621 7 4 880738353 +621 8 5 874965407 +621 17 4 880739965 +621 24 4 880737433 +621 25 4 880738699 +621 28 4 874965408 +621 33 4 874962824 +621 38 3 874964495 +621 40 3 874963273 +621 41 4 874963273 +621 50 5 874965407 +621 53 4 874964496 +621 55 5 874963594 +621 62 4 874964496 +621 63 1 874963445 +621 65 3 885596944 +621 67 4 880739654 +621 68 4 880739654 +621 71 3 874965208 +621 72 2 874962900 +621 73 5 874962772 +621 79 5 874963594 +621 80 4 874963126 +621 82 5 874964267 +621 87 5 874965408 +621 88 2 874962772 +621 91 3 874965299 +621 94 2 874963081 +621 95 4 880739654 +621 96 5 874963797 +621 100 5 880227104 +621 107 4 880737311 +621 108 3 881445012 +621 109 4 880737607 +621 117 5 880227268 +621 118 3 880738353 +621 121 3 880227385 +621 122 2 880738838 +621 123 4 880738080 +621 125 4 880739654 +621 128 4 880740034 +621 135 5 885596819 +621 142 3 874965299 +621 143 2 874965208 +621 147 3 880738282 +621 148 4 880739654 +621 151 5 880737929 +621 154 5 881444499 +621 161 3 874964447 +621 172 5 874965407 +621 173 4 874965407 +621 174 3 874965407 +621 176 3 874963797 +621 180 4 885596944 +621 181 5 874965408 +621 183 4 874963594 +621 184 3 874964267 +621 197 4 885596884 +621 200 4 874964816 +621 208 4 874962824 +621 222 4 880736904 +621 231 4 874964375 +621 233 3 874964375 +621 235 3 880738142 +621 240 4 880738893 +621 241 4 874964604 +621 249 5 880738282 +621 250 4 880738568 +621 257 5 880738699 +621 263 1 883800011 +621 268 4 890517367 +621 270 4 890517239 +621 271 5 880226633 +621 273 4 880739654 +621 276 4 880736723 +621 293 3 880227385 +621 298 4 883801703 +621 299 1 880227012 +621 300 3 890517589 +621 301 4 880226534 +621 313 5 883798770 +621 333 4 890517503 +621 364 3 874963446 +621 367 3 874962900 +621 383 2 874963166 +621 384 3 874963081 +621 385 5 874963797 +621 386 3 874963126 +621 391 3 874964657 +621 393 3 874962705 +621 395 4 880739654 +621 398 2 874964605 +621 401 1 874963210 +621 404 3 874965496 +621 405 5 880740034 +621 410 4 880738623 +621 417 3 874965299 +621 418 3 874965298 +621 419 4 874965093 +621 420 4 874965298 +621 423 4 880739654 +621 432 4 874965093 +621 451 1 874963028 +621 455 4 880738462 +621 472 3 880738462 +621 501 3 874965299 +621 539 1 883799884 +621 540 3 874964657 +621 541 4 874964605 +621 542 2 874965093 +621 546 3 880738894 +621 554 4 874964657 +621 559 5 874964915 +621 561 4 874964945 +621 567 3 874964991 +621 568 5 874963797 +621 576 2 874964605 +621 577 3 874963446 +621 578 5 874964604 +621 584 5 874965094 +621 585 4 874962988 +621 588 3 874965208 +621 624 5 874965093 +621 625 4 874965299 +621 676 3 880737607 +621 686 5 880739852 +621 692 4 874962614 +621 721 4 874963126 +621 722 4 881444887 +621 735 4 880739654 +621 746 4 874963028 +621 748 4 880226710 +621 751 4 883799651 +621 755 3 874965299 +621 763 4 880738462 +621 769 3 874964991 +621 779 3 880740296 +621 780 4 874962824 +621 783 3 874963273 +621 790 4 874963081 +621 795 1 874963273 +621 804 4 881445120 +621 809 4 880740136 +621 810 3 874964657 +621 825 3 880738142 +621 833 3 880738462 +621 871 3 881445723 +621 876 2 883799203 +621 879 4 880227012 +621 881 2 883798770 +621 890 1 883799608 +621 894 1 883800011 +621 926 3 880738894 +621 940 3 874963166 +621 944 5 874963126 +621 1012 5 880227233 +621 1013 2 880738282 +621 1016 4 880737785 +621 1028 4 880737861 +621 1029 2 874963210 +621 1035 4 880739654 +621 1036 1 874963446 +621 1047 3 880738080 +621 1093 4 880738568 +621 1118 3 874962824 +621 1185 3 881445012 +621 1228 3 880740296 +622 1 3 882590344 +622 2 4 882671363 +622 3 1 882672922 +622 4 4 882671120 +622 7 5 882590269 +622 8 4 882592421 +622 9 4 882669969 +622 11 4 882669740 +622 12 5 882669468 +622 15 4 882590670 +622 22 4 882592178 +622 24 4 882590367 +622 28 3 882592314 +622 29 4 882592735 +622 30 4 882670190 +622 31 3 882669594 +622 41 3 882672060 +622 46 4 882670610 +622 47 3 882670406 +622 49 3 882671273 +622 50 5 882592815 +622 56 5 882592103 +622 62 4 882592850 +622 64 5 882669391 +622 66 3 882670480 +622 67 1 882671463 +622 69 4 882592041 +622 70 3 882670562 +622 72 3 882671142 +622 79 5 882591979 +622 80 3 882671446 +622 82 3 882670767 +622 83 5 882592178 +622 86 4 882670587 +622 88 3 882670749 +622 89 5 882669740 +622 90 4 882671574 +622 94 2 882671694 +622 95 4 882669556 +622 96 5 882592449 +622 98 5 882669449 +622 99 4 882592383 +622 100 5 882590252 +622 101 5 882592662 +622 105 3 882591726 +622 106 2 882591172 +622 109 5 882590559 +622 111 4 882591014 +622 117 4 882590291 +622 118 1 882591663 +622 120 1 882592643 +622 121 1 882590955 +622 125 3 882590457 +622 127 5 882590534 +622 132 4 882669851 +622 135 4 882592346 +622 142 3 882670826 +622 143 4 882670228 +622 144 5 882592103 +622 153 4 882592314 +622 154 4 882669740 +622 156 5 882592143 +622 157 4 882670389 +622 159 3 882670309 +622 161 3 882670712 +622 162 3 882670389 +622 165 5 882591938 +622 166 5 882669695 +622 168 4 882592041 +622 169 5 882669374 +622 172 5 882669826 +622 173 5 882670057 +622 174 4 882592559 +622 175 4 882669645 +622 176 4 882669851 +622 178 4 882592421 +622 181 5 882592041 +622 183 4 882669826 +622 184 5 882592103 +622 185 3 882592041 +622 190 4 882669762 +622 194 4 882669762 +622 195 5 882591938 +622 196 3 882669695 +622 198 4 882669612 +622 199 5 882592143 +622 202 4 882670252 +622 204 3 882592559 +622 206 1 882670899 +622 207 5 882592278 +622 209 5 882592421 +622 210 3 882669784 +622 212 3 882669740 +622 213 5 882670009 +622 214 4 882670228 +622 215 3 882592523 +622 217 4 882671185 +622 218 3 882670057 +622 222 5 882592815 +622 226 4 882670367 +622 227 3 882592815 +622 228 5 882592815 +622 229 2 882592850 +622 230 3 882592815 +622 231 4 882592735 +622 233 4 882670423 +622 240 3 882590420 +622 248 4 882590420 +622 249 5 882590394 +622 250 4 882590252 +622 252 1 882591582 +622 253 3 882591047 +622 257 3 882590485 +622 276 4 882590485 +622 277 4 882590252 +622 280 3 882590534 +622 283 4 882590534 +622 284 1 882590670 +622 294 3 882589830 +622 298 4 882590559 +622 363 4 882591484 +622 364 1 882672922 +622 367 4 882670712 +622 373 1 882672922 +622 375 2 882592625 +622 380 4 882592850 +622 385 5 882592421 +622 386 3 882671727 +622 391 2 882671827 +622 395 2 882672143 +622 396 1 882671222 +622 402 3 882670252 +622 403 4 882592735 +622 404 3 882670562 +622 405 4 882590886 +622 408 5 882590223 +622 418 3 882669905 +622 419 4 882670009 +622 423 3 882670121 +622 427 4 882592178 +622 431 5 882670169 +622 432 5 882670009 +622 433 4 882669886 +622 434 4 882592523 +622 449 2 882592850 +622 450 1 882592850 +622 451 4 882671221 +622 472 3 882591687 +622 474 3 882669509 +622 479 4 882669668 +622 480 4 882669414 +622 482 3 882592178 +622 484 3 882669803 +622 496 4 882592314 +622 501 3 882670480 +622 506 3 882670139 +622 511 4 882592103 +622 519 3 882591938 +622 521 5 882670009 +622 532 3 882591091 +622 541 2 882592781 +622 542 2 882671346 +622 550 4 882670929 +622 552 2 882671863 +622 553 3 882670929 +622 558 2 882592523 +622 568 4 882592449 +622 577 2 882672143 +622 578 4 882670843 +622 581 4 882670562 +622 586 3 882671916 +622 588 4 882592246 +622 597 5 882591687 +622 625 3 882671120 +622 665 2 882671769 +622 674 2 882670929 +622 679 3 882671483 +622 685 2 882590862 +622 693 4 882592383 +622 705 3 882592217 +622 719 2 882671622 +622 721 4 882670610 +622 722 3 882670862 +622 725 3 882672177 +622 730 4 882669509 +622 737 5 882592678 +622 739 2 882671554 +622 742 3 882590420 +622 755 4 882670211 +622 756 3 882591321 +622 763 4 882591047 +622 769 1 882672922 +622 780 4 882671574 +622 781 3 882671595 +622 795 2 882672079 +622 797 2 882670862 +622 808 3 882671534 +622 809 2 882671081 +622 833 4 882590955 +622 845 3 882590291 +622 855 3 882592103 +622 866 2 882591484 +622 934 2 882591726 +622 949 3 882672941 +622 977 2 882591804 +622 978 2 882591453 +622 993 4 882590809 +622 1016 3 882591014 +622 1039 5 882669575 +622 1060 3 882671160 +622 1074 2 882671185 +622 1078 3 882671160 +622 1079 2 882591663 +622 1149 3 882592314 +622 1181 4 882670367 +622 1203 3 882669645 +622 1207 2 882671958 +622 1216 4 882590344 +622 1228 1 882672922 +622 1230 1 882672922 +622 1231 2 882670653 +622 1303 2 882672060 +622 1406 3 882671381 +622 1407 1 882672922 +622 1408 1 882672922 +622 1411 4 882671664 +622 1419 2 882672120 +622 1552 2 882670793 +623 15 4 891032375 +623 50 5 891035112 +623 66 4 891034993 +623 70 4 891034950 +623 79 5 891035112 +623 88 4 891034973 +623 121 4 891034129 +623 127 4 891032275 +623 153 3 891034757 +623 163 3 891034756 +623 181 5 891032291 +623 183 3 891034294 +623 185 4 891034343 +623 186 3 891034814 +623 194 5 891035112 +623 202 1 891034620 +623 204 5 891035112 +623 210 5 891035112 +623 211 3 891034814 +623 216 4 891034756 +623 222 4 891034110 +623 227 4 891034528 +623 228 3 891034343 +623 234 4 891034343 +623 258 4 891032358 +623 274 4 891034053 +623 275 5 891035112 +623 283 4 891032275 +623 286 2 891032107 +623 288 1 891032140 +623 291 3 891034129 +623 298 2 891032433 +623 435 5 891035112 +623 451 4 891034973 +623 483 5 891035112 +623 504 3 891034343 +623 523 4 891034756 +623 525 4 891034294 +623 603 4 891034294 +623 629 3 891034973 +623 642 3 891034472 +623 648 5 891035112 +623 659 5 891035112 +623 692 3 891034951 +623 815 2 891034053 +624 1 4 879792581 +624 3 3 879793436 +624 7 4 879792623 +624 14 5 879792623 +624 15 4 879793330 +624 24 3 879793380 +624 25 4 879792446 +624 50 5 879792581 +624 93 5 879792557 +624 100 5 879792581 +624 108 3 879793198 +624 111 3 879792671 +624 117 3 879792446 +624 121 3 879793156 +624 122 3 879793436 +624 123 3 879793223 +624 124 4 879792358 +624 125 3 879793093 +624 126 4 879792395 +624 127 4 879792322 +624 137 4 879792623 +624 147 4 879792557 +624 150 4 879792493 +624 181 4 879792378 +624 235 4 879793156 +624 236 3 879792358 +624 237 4 879793174 +624 240 2 879793129 +624 242 4 891961040 +624 245 3 879792109 +624 246 4 879792493 +624 248 4 879793485 +624 249 3 879793380 +624 250 4 879792623 +624 255 3 879793435 +624 257 3 879793269 +624 258 4 879791792 +624 260 2 879792251 +624 262 4 891961078 +624 268 4 879791962 +624 269 4 891961120 +624 270 3 891961120 +624 271 3 879791884 +624 272 5 885215463 +624 273 4 879793129 +624 275 4 879792493 +624 276 5 879792446 +624 278 4 879793545 +624 282 4 879793330 +624 285 5 879792557 +624 286 5 879791792 +624 288 4 879791922 +624 293 4 879792623 +624 294 3 879792109 +624 295 3 879793511 +624 298 4 879792378 +624 300 4 879792132 +624 301 3 879792131 +624 302 4 885215462 +624 305 4 891961140 +624 307 3 891961056 +624 310 4 891961078 +624 312 4 891961343 +624 313 5 885215463 +624 316 4 891961232 +624 319 3 891961140 +624 321 4 879791962 +624 323 2 879792155 +624 326 3 891961210 +624 327 4 879791819 +624 328 4 879792131 +624 329 3 891961120 +624 333 4 879791884 +624 340 3 879791884 +624 342 3 891961267 +624 346 3 885215462 +624 347 4 891961140 +624 358 3 891961210 +624 405 4 879792671 +624 410 4 879793156 +624 411 4 879793269 +624 455 3 879793358 +624 471 4 879792493 +624 473 3 879793093 +624 475 4 879793223 +624 477 3 879793198 +624 508 4 879793092 +624 534 3 879792358 +624 544 4 879792557 +624 546 3 879793093 +624 591 3 879792557 +624 595 3 879793408 +624 597 3 879793129 +624 619 3 879793408 +624 628 4 879793198 +624 678 3 879792155 +624 687 2 891961362 +624 689 3 891961187 +624 690 4 879791962 +624 696 4 879793223 +624 741 4 879792557 +624 742 4 879793093 +624 748 3 879792109 +624 750 4 891961163 +624 762 4 879793330 +624 763 3 879792671 +624 815 3 879793174 +624 824 2 879793582 +624 831 3 879793545 +624 833 4 879793582 +624 845 3 879793129 +624 864 3 879793198 +624 866 3 879793436 +624 870 4 879793155 +624 876 3 879792251 +624 879 3 879792171 +624 881 3 879792132 +624 886 4 879792251 +624 898 1 891961380 +624 905 4 891961250 +624 919 4 879792581 +624 924 4 879792493 +624 928 3 879793511 +624 952 3 879793129 +624 979 4 879793511 +624 980 4 879793358 +624 993 4 879793486 +624 1010 4 879793155 +624 1012 4 879793408 +624 1016 3 879793582 +624 1017 3 879792322 +624 1028 3 879793485 +624 1047 3 879793436 +624 1048 4 879793223 +624 1059 1 879793358 +624 1067 4 879793330 +624 1089 2 879793408 +624 1095 2 879793408 +624 1114 4 879792557 +624 1120 4 879793269 +624 1289 3 879793093 +625 4 4 892000372 +625 22 3 891262899 +625 23 4 891263960 +625 25 2 891632018 +625 50 5 891273543 +625 70 3 891262724 +625 91 4 891263057 +625 95 3 891953755 +625 96 5 892000372 +625 97 4 891263057 +625 100 3 891878363 +625 121 3 891273698 +625 134 4 891263665 +625 135 5 891999874 +625 144 4 891962917 +625 151 3 891999874 +625 154 3 891998289 +625 165 3 891999926 +625 166 3 891960843 +625 168 3 891262837 +625 169 5 891263665 +625 172 4 891263057 +625 173 3 891953681 +625 174 4 891263589 +625 176 4 891263960 +625 179 4 891961170 +625 181 4 891262633 +625 183 3 892000438 +625 188 4 891262724 +625 190 3 892000576 +625 191 3 891636079 +625 192 2 892000438 +625 195 4 891262983 +625 197 5 891262724 +625 198 4 891263665 +625 200 3 892000686 +625 202 3 891262633 +625 204 3 891999874 +625 208 3 891968164 +625 209 3 891262633 +625 210 3 892054095 +625 212 3 891968320 +625 213 4 891999608 +625 214 4 891961632 +625 216 4 891262899 +625 222 4 891273543 +625 235 3 891631761 +625 238 4 891636000 +625 248 4 891629673 +625 250 4 891273750 +625 254 3 891273897 +625 255 2 891629673 +625 257 4 891273543 +625 258 4 891262561 +625 265 3 892054198 +625 283 3 891629673 +625 286 4 891262561 +625 294 3 891536483 +625 300 3 891262561 +625 357 3 891262784 +625 380 3 891263589 +625 385 4 892053920 +625 393 4 891263665 +625 403 3 891961882 +625 405 3 891273859 +625 408 4 891997054 +625 423 4 891263760 +625 428 5 891953755 +625 433 3 891636427 +625 476 2 891632164 +625 479 4 891262983 +625 480 4 891263589 +625 483 5 891262983 +625 484 4 891262783 +625 486 3 891953617 +625 498 4 891263703 +625 514 3 891262724 +625 515 4 891263589 +625 516 3 892000518 +625 517 3 891636079 +625 519 2 891263703 +625 522 3 891968164 +625 528 3 891961633 +625 546 2 891273897 +625 584 3 891636000 +625 588 4 891263057 +625 597 2 891273801 +625 602 3 891263057 +625 603 4 891636000 +625 640 3 891999796 +625 647 4 891263822 +625 652 4 891262983 +625 654 3 891262837 +625 655 3 891999926 +625 678 3 891262561 +625 692 3 892000518 +625 705 3 891262983 +625 732 3 891263960 +625 739 3 891263665 +625 748 3 891262561 +625 751 4 891536426 +625 855 4 891953479 +625 945 3 891262724 +625 961 4 891962917 +625 1016 2 891273699 +625 1020 3 892000629 +626 243 1 878771505 +626 258 4 878771243 +626 264 1 878771476 +626 266 1 878771476 +626 268 4 878771355 +626 270 2 878771355 +626 272 5 887772871 +626 286 5 878771242 +626 288 3 878771243 +626 289 1 878771281 +626 292 1 878771281 +626 294 3 878771243 +626 302 4 878771242 +626 313 5 887772871 +626 323 1 878771505 +626 324 4 878771281 +626 327 4 878771419 +626 328 1 878771505 +626 330 3 878771447 +626 332 3 878771355 +626 333 1 878771281 +626 336 1 878771477 +626 358 1 878771505 +626 678 1 878771505 +626 680 1 878771476 +626 681 1 878771477 +626 682 3 878771447 +626 748 2 878771281 +626 879 1 878771418 +626 923 5 887772922 +626 948 1 878771281 +626 988 1 878771281 +627 2 3 879531352 +627 4 2 879531248 +627 7 5 879531158 +627 9 4 879530014 +627 11 4 879529702 +627 12 4 879529819 +627 17 2 879531397 +627 22 5 879530205 +627 23 4 879529986 +627 26 3 879530824 +627 27 3 879530762 +627 28 3 879529987 +627 33 1 879531397 +627 39 4 879530408 +627 47 2 879530346 +627 51 5 879530866 +627 52 3 879530146 +627 53 4 879531504 +627 55 4 879531301 +627 56 2 879531248 +627 58 5 879529958 +627 62 4 879531397 +627 64 5 879530015 +627 68 4 879531429 +627 69 3 879529855 +627 70 4 879530408 +627 76 3 879530173 +627 77 2 879530305 +627 79 3 879531158 +627 82 4 879531248 +627 83 3 879530071 +627 86 3 879530263 +627 89 5 879531158 +627 92 4 879529702 +627 96 3 879531196 +627 97 2 879529958 +627 100 5 879529702 +627 117 3 879531248 +627 121 3 879531397 +627 123 3 879530305 +627 125 2 879530346 +627 135 4 879529702 +627 144 2 879531158 +627 148 3 879530463 +627 157 4 879530110 +627 161 2 879531302 +627 162 3 879530568 +627 172 3 879531196 +627 174 3 879531195 +627 175 1 879530110 +627 176 5 879531158 +627 177 5 879531158 +627 179 5 879530536 +627 180 5 879529794 +627 182 4 879529916 +627 183 5 879531196 +627 184 4 879531248 +627 187 5 879529855 +627 188 4 879531196 +627 191 4 879529957 +627 193 5 879529767 +627 195 4 879531301 +627 196 5 879530172 +627 197 5 879529730 +627 199 5 879529702 +627 205 5 879529767 +627 210 3 879531248 +627 214 3 879530408 +627 215 1 879529767 +627 226 1 879531397 +627 227 3 879531352 +627 228 4 879531301 +627 229 2 879531459 +627 230 4 879531397 +627 232 3 879531302 +627 233 2 879531351 +627 237 4 879530346 +627 239 3 879530662 +627 241 4 879531397 +627 245 4 879529556 +627 258 4 879529339 +627 271 5 879529432 +627 273 4 879531196 +627 276 2 879530173 +627 281 3 879531504 +627 282 2 879530463 +627 284 2 879530306 +627 288 3 879529381 +627 289 2 879530899 +627 300 4 879529486 +627 317 5 879530071 +627 318 5 879529701 +627 328 4 879529486 +627 358 3 879529556 +627 385 2 879531351 +627 387 2 879529916 +627 399 3 879531557 +627 402 3 879530866 +627 403 2 879530694 +627 405 3 879531458 +627 423 3 879530145 +627 431 4 879531302 +627 434 4 879529855 +627 435 5 879531158 +627 458 3 879530824 +627 461 3 879530042 +627 467 5 879530042 +627 468 2 879530408 +627 470 3 879530264 +627 471 3 879530463 +627 510 4 879529730 +627 511 4 879529986 +627 518 4 879530146 +627 520 5 879529916 +627 521 2 879529767 +627 523 4 879529767 +627 526 4 879529916 +627 528 4 879530662 +627 530 3 879531195 +627 541 4 879531504 +627 546 3 879531429 +627 549 3 879530625 +627 550 1 879531352 +627 553 3 879530967 +627 554 2 879531557 +627 562 2 879531504 +627 566 3 879531249 +627 568 2 879531301 +627 576 3 879531504 +627 578 3 879531351 +627 581 3 879530662 +627 582 3 879529916 +627 586 3 879531557 +627 591 3 879530205 +627 597 3 879531557 +627 628 4 879530501 +627 631 3 879529885 +627 636 4 879531302 +627 649 4 879530071 +627 651 4 879530109 +627 655 4 879530536 +627 658 3 879530536 +627 660 4 879530463 +627 665 3 879531459 +627 673 2 879530110 +627 679 3 879531429 +627 684 4 879531301 +627 685 3 879531351 +627 690 5 879529406 +627 693 2 879530205 +627 697 5 879530042 +627 699 1 879530263 +627 704 4 879530967 +627 713 2 879530306 +627 720 2 879531397 +627 724 2 879530305 +627 729 1 879530600 +627 732 3 879530568 +627 735 4 879530600 +627 740 1 879530501 +627 792 4 879530501 +627 797 4 879531504 +627 802 2 879531557 +627 808 2 879531557 +627 810 3 879531459 +627 849 4 879531504 +627 939 3 879530264 +627 941 3 879530866 +627 942 2 879530408 +627 947 3 879531301 +627 949 2 879530824 +627 956 2 879530463 +627 1004 4 879531504 +627 1044 2 879530899 +627 1074 3 879530694 +627 1134 1 879530305 +627 1135 3 879530625 +627 1136 4 879530762 +627 1194 4 879529855 +627 1267 4 879530346 +627 1478 3 879530967 +628 8 2 880777167 +628 168 4 880777167 +628 173 3 880777167 +628 242 5 880777096 +628 258 5 880777167 +628 270 5 880776981 +628 288 5 880777096 +628 292 5 880776981 +628 294 4 880777167 +628 300 5 880776981 +628 301 4 880777046 +628 302 5 880776981 +628 305 5 880776981 +628 326 5 880777095 +628 330 5 880777096 +628 332 5 880777096 +628 333 5 880777096 +628 338 5 880776981 +628 340 5 880777095 +628 361 5 880776981 +628 690 5 880776981 +628 845 5 880777167 +628 874 5 880776981 +628 938 5 880777095 +628 984 5 880776981 +628 1025 5 880777095 +628 1296 5 880777096 +629 4 3 880117513 +629 7 2 880117635 +629 9 4 880117485 +629 11 2 880116789 +629 12 5 880117333 +629 15 5 880117719 +629 22 5 880116818 +629 23 5 880117001 +629 39 2 880117747 +629 42 2 880117430 +629 50 5 880117395 +629 55 4 880117094 +629 56 5 880117430 +629 58 4 880117215 +629 64 5 880117513 +629 69 5 880117485 +629 81 3 880117689 +629 86 5 880117163 +629 87 5 880117635 +629 92 4 880117163 +629 98 5 880117254 +629 100 5 880116847 +629 111 5 880117689 +629 117 5 880116963 +629 127 5 880117605 +629 132 5 880117395 +629 135 5 880117586 +629 137 5 880117001 +629 144 5 880117430 +629 147 5 880117534 +629 153 5 880116818 +629 160 4 880117361 +629 162 5 880117361 +629 172 5 880117333 +629 173 5 880116847 +629 174 5 880116847 +629 182 5 880116818 +629 187 5 880117031 +629 191 3 880116887 +629 193 5 880117565 +629 194 5 880116887 +629 195 4 880116847 +629 196 4 880117062 +629 197 5 880117031 +629 199 5 880117772 +629 200 4 880117333 +629 202 4 880117635 +629 204 5 880117285 +629 207 4 880117000 +629 210 5 880117689 +629 223 5 880117813 +629 234 4 880117215 +629 238 5 880117285 +629 241 5 880116911 +629 245 3 880116240 +629 258 4 880116722 +629 265 4 880116887 +629 268 5 880116722 +629 269 3 880115840 +629 270 3 880116023 +629 271 4 880116722 +629 273 2 880117001 +629 275 5 880117565 +629 276 5 880116887 +629 277 5 880117459 +629 284 4 880117719 +629 286 4 880115839 +629 288 4 880116722 +629 292 4 880116722 +629 294 3 880115922 +629 300 4 880115923 +629 301 3 880115922 +629 307 5 880116722 +629 309 3 880116240 +629 317 4 880117430 +629 319 4 880116722 +629 322 3 880116240 +629 324 2 880116023 +629 326 3 880116103 +629 327 3 880116201 +629 328 3 880116103 +629 331 3 880116067 +629 332 4 880116722 +629 333 4 880116722 +629 340 2 880115971 +629 357 4 880117062 +629 381 4 880117852 +629 392 4 880117747 +629 416 4 880117813 +629 423 5 880117333 +629 425 3 880117163 +629 435 4 880116756 +629 463 4 880117852 +629 467 5 880117565 +629 475 4 880117121 +629 504 4 880117719 +629 509 5 880116818 +629 523 3 880116963 +629 528 5 880117395 +629 566 5 880117395 +629 632 3 880117031 +629 651 5 880117163 +629 655 5 880117333 +629 658 4 880117813 +629 660 5 880117772 +629 684 5 880117430 +629 690 2 880116067 +629 693 5 880117215 +629 699 3 880117460 +629 709 3 880117062 +629 729 4 880117852 +629 732 5 880117430 +629 876 3 880116023 +629 880 4 880116722 +629 881 3 880116023 +629 886 3 880116278 +629 984 3 880116278 +629 991 1 880115923 +629 1038 3 880116240 +629 1109 4 880117813 +629 1119 5 880116756 +630 1 4 885666779 +630 7 4 885666571 +630 9 2 885666536 +630 11 5 885668028 +630 12 4 885667854 +630 15 3 885666718 +630 22 3 885668328 +630 25 2 885666779 +630 31 2 885667968 +630 50 3 885666536 +630 64 5 885668276 +630 69 3 885667939 +630 70 2 885667994 +630 71 3 885667854 +630 96 4 885668277 +630 98 5 885667898 +630 100 3 885666592 +630 111 5 885666956 +630 117 5 885666804 +630 118 4 885666875 +630 120 4 885667678 +630 121 4 885666823 +630 123 4 885668203 +630 125 3 885666875 +630 126 4 885667305 +630 127 2 885666536 +630 153 3 885668277 +630 172 3 885667918 +630 174 3 885668131 +630 181 3 885666650 +630 191 3 885668090 +630 193 3 885667939 +630 195 4 885667968 +630 213 2 885667994 +630 216 5 885667968 +630 222 4 885666779 +630 237 5 885666823 +630 239 4 885668061 +630 240 3 885667200 +630 243 2 885666301 +630 250 1 885666650 +630 252 2 885667464 +630 255 5 885666740 +630 257 3 885667037 +630 258 3 885666143 +630 264 2 885666353 +630 272 5 885756030 +630 273 5 885666779 +630 276 1 885667108 +630 278 4 885667508 +630 280 2 885667148 +630 282 3 885666804 +630 288 4 885666102 +630 294 4 885666018 +630 295 4 885666875 +630 298 5 885666686 +630 300 4 885665975 +630 310 3 885665975 +630 322 3 885666211 +630 323 4 885666237 +630 325 3 885666301 +630 357 3 885668090 +630 409 3 885667037 +630 411 4 885667108 +630 412 1 885667508 +630 465 1 885668203 +630 471 4 885666955 +630 472 3 885667391 +630 476 5 885667108 +630 477 4 885667200 +630 496 3 885667854 +630 535 4 885667624 +630 546 3 885667056 +630 550 3 885667968 +630 568 4 885668328 +630 595 5 885667660 +630 597 4 885667006 +630 620 4 885667661 +630 640 1 885668276 +630 687 3 885666301 +630 717 3 885667661 +630 732 4 885668203 +630 735 2 885668231 +630 742 5 885666918 +630 756 4 885667551 +630 815 3 885667229 +630 819 3 885667108 +630 820 4 885667391 +630 832 2 885667528 +630 845 3 885666918 +630 864 4 885667600 +630 866 3 885667148 +630 871 2 885666918 +630 895 4 885666143 +630 929 4 885667249 +630 930 3 885667551 +630 932 2 885667108 +630 934 3 885667624 +630 975 4 885667108 +630 983 3 885667699 +630 988 2 885666301 +630 1023 4 885667581 +630 1040 4 885667660 +630 1047 4 885667200 +630 1055 3 885667898 +630 1061 2 885667581 +630 1079 1 885667508 +630 1197 3 885667464 +631 272 4 888464916 +631 286 3 888465033 +631 288 3 888464916 +631 289 4 888465216 +631 294 3 888465155 +631 301 4 888465107 +631 307 4 888465033 +631 310 4 888464980 +631 313 4 888464915 +631 315 4 888464916 +631 323 2 888465216 +631 332 3 888465180 +631 334 2 888464941 +631 338 2 888465299 +631 346 4 888465004 +631 682 2 888465247 +631 873 2 888465084 +631 877 2 888465131 +631 886 4 888465216 +631 1527 2 888465351 +632 1 3 879458692 +632 2 4 879459505 +632 7 3 879456955 +632 11 4 879458142 +632 12 5 879456910 +632 17 3 879459573 +632 22 4 879457394 +632 25 1 879459418 +632 28 3 879458649 +632 50 5 879459738 +632 51 4 879459166 +632 54 3 879459304 +632 55 2 879457857 +632 56 3 879458277 +632 58 3 879459210 +632 64 5 879457525 +632 68 1 879459394 +632 69 4 879457371 +632 71 4 879458649 +632 73 3 879459649 +632 79 5 879457317 +632 81 5 879458834 +632 82 4 879457903 +632 91 3 879459187 +632 95 5 879456955 +632 96 5 879457902 +632 97 4 879458856 +632 98 4 879457217 +632 99 5 879458941 +632 100 3 879457603 +632 131 4 879458941 +632 132 5 879459738 +632 133 4 879457064 +632 134 5 879457217 +632 143 5 879459053 +632 144 4 879457812 +632 150 2 879457525 +632 156 3 879457437 +632 159 3 879459460 +632 161 3 879459053 +632 164 4 879458692 +632 168 4 879457248 +632 172 5 879457157 +632 173 5 879458649 +632 174 5 879457856 +632 176 3 879457812 +632 181 5 879457016 +632 182 3 879457641 +632 183 4 879456909 +632 184 5 879458277 +632 186 5 879459738 +632 188 4 879457857 +632 191 5 879457603 +632 194 4 879457712 +632 195 5 879459738 +632 196 3 879457064 +632 201 4 879457641 +632 202 4 879457712 +632 203 3 879457217 +632 204 4 879458277 +632 210 5 879459738 +632 215 4 879458834 +632 227 3 879459025 +632 228 3 879457157 +632 233 3 879459441 +632 234 3 879457641 +632 237 3 879458570 +632 258 4 879459777 +632 275 3 879457582 +632 276 2 879457856 +632 282 4 879458806 +632 288 3 879458977 +632 318 5 879456843 +632 356 4 879459248 +632 357 4 879456844 +632 367 2 879459544 +632 385 4 879458649 +632 402 3 879458725 +632 404 5 879459544 +632 419 4 879457903 +632 423 4 879459003 +632 432 3 879456910 +632 451 4 879459505 +632 468 3 879457925 +632 470 4 879459677 +632 475 3 879457582 +632 480 5 879459739 +632 483 5 879459738 +632 485 4 879457157 +632 508 2 879458570 +632 510 5 879459738 +632 523 3 879458900 +632 527 4 879458429 +632 549 3 879459210 +632 550 2 879458900 +632 566 4 879458649 +632 568 3 879458142 +632 588 2 879457217 +632 591 4 879459053 +632 609 3 879459677 +632 622 4 879459418 +632 633 4 879459003 +632 651 5 879459738 +632 655 3 879457641 +632 679 4 879459321 +632 684 5 879457903 +632 685 2 879459394 +632 693 2 879458692 +632 705 5 879459738 +632 720 3 879459025 +632 735 4 879458649 +632 739 3 879459210 +632 746 3 879459481 +632 763 3 879459304 +632 845 4 879459677 +632 877 1 879459777 +632 1028 2 879459649 +632 1183 2 879458142 +633 5 3 877212085 +633 28 4 877212366 +633 45 3 877211326 +633 50 4 875326664 +633 56 2 875326491 +633 71 3 875325804 +633 77 3 877212173 +633 79 5 875325128 +633 82 4 875325273 +633 94 4 877211684 +633 96 4 875324997 +633 97 3 877211083 +633 98 4 875324715 +633 110 3 877211817 +633 117 3 875326491 +633 121 3 875325168 +633 128 3 875325225 +633 143 4 877211134 +633 147 4 875325740 +633 148 1 875326138 +633 159 4 875325093 +633 172 3 877212250 +633 176 3 875325577 +633 177 3 875325654 +633 183 4 875325577 +633 195 4 875324997 +633 226 4 877212085 +633 234 4 877212594 +633 237 4 875324891 +633 252 3 875325273 +633 276 3 875326698 +633 288 2 875324233 +633 289 3 875324233 +633 300 4 875324233 +633 317 3 875324598 +633 318 4 875324813 +633 322 3 875325888 +633 328 4 875324298 +633 333 3 875567562 +633 385 4 875325497 +633 405 4 875325654 +633 410 2 875325865 +633 423 4 877212367 +633 498 2 875324922 +633 526 4 877212250 +633 566 3 877212173 +633 581 3 877212085 +633 651 3 877212283 +633 654 3 875324654 +633 665 3 875325577 +633 778 2 877211886 +633 871 3 875326698 +633 921 3 875324812 +633 939 4 877212045 +633 958 3 877210979 +633 1019 4 875324766 +633 1046 4 877212085 +633 1132 2 875325691 +634 1 3 875728872 +634 7 4 875729069 +634 9 5 877018125 +634 13 4 878916178 +634 14 3 875728783 +634 15 4 875729436 +634 21 2 875729668 +634 25 4 877018125 +634 50 4 877018347 +634 93 5 877018125 +634 100 4 875728834 +634 106 3 877017923 +634 109 4 877017810 +634 111 4 875729794 +634 116 3 875729069 +634 117 4 875729535 +634 118 4 875729106 +634 121 5 877018125 +634 122 3 877017975 +634 124 3 875728913 +634 125 4 875729710 +634 126 3 875729106 +634 127 5 877018347 +634 129 4 875729105 +634 137 3 875728834 +634 147 2 875729749 +634 150 3 875728834 +634 221 1 875729105 +634 222 3 875728913 +634 225 3 875729668 +634 235 3 875729825 +634 237 5 877018125 +634 240 3 877018033 +634 245 3 875729217 +634 248 4 877018311 +634 258 4 884980585 +634 269 4 890779855 +634 272 5 889464384 +634 273 3 875729069 +634 274 3 876170992 +634 275 3 875728834 +634 276 5 877018125 +634 281 4 877017829 +634 282 4 875729749 +634 283 2 875728783 +634 284 4 875729668 +634 285 4 875728872 +634 286 5 877018125 +634 287 3 877018059 +634 288 3 875729178 +634 290 3 877017891 +634 292 3 876170101 +634 293 3 877018347 +634 294 4 876170101 +634 300 3 881952599 +634 302 5 877974667 +634 313 5 884980565 +634 315 5 889464384 +634 322 3 875729217 +634 323 4 875729217 +634 325 1 877974690 +634 331 4 875728702 +634 333 4 881007052 +634 340 4 881952599 +634 341 2 890779883 +634 405 4 877017872 +634 408 3 875728783 +634 410 4 877017872 +634 411 4 877018059 +634 458 4 875729148 +634 460 3 875729710 +634 471 4 875729478 +634 473 2 875729558 +634 475 5 877018125 +634 476 3 875729668 +634 477 3 876171093 +634 508 4 880067125 +634 515 4 877018346 +634 544 3 875729478 +634 546 4 875729535 +634 547 4 877979407 +634 591 4 875729535 +634 595 4 877017923 +634 596 3 875729105 +634 597 4 877017923 +634 628 4 876170992 +634 676 4 875729633 +634 678 2 877017632 +634 685 4 875729535 +634 690 3 877368446 +634 696 4 875729535 +634 717 4 875729794 +634 740 2 875729749 +634 741 3 875728834 +634 742 4 875729794 +634 744 5 877018125 +634 748 3 875729217 +634 756 3 875729749 +634 760 3 879787621 +634 762 3 879787667 +634 763 3 875729825 +634 819 2 876171049 +634 823 3 877017923 +634 840 2 875729794 +634 845 3 875729148 +634 864 3 877368475 +634 866 3 875729668 +634 919 2 877979309 +634 922 4 875728913 +634 924 4 877017810 +634 929 3 877018033 +634 932 3 877018004 +634 933 3 877017951 +634 934 2 877018033 +634 950 5 877018125 +634 977 3 877018033 +634 979 3 875729710 +634 985 4 877017790 +634 988 1 875729217 +634 991 3 875729239 +634 1008 2 877017951 +634 1009 2 875729794 +634 1011 4 875729633 +634 1028 3 875729456 +634 1047 3 875729668 +634 1048 3 875729668 +634 1049 2 877018004 +634 1067 4 875729069 +634 1084 2 875728783 +634 1142 3 877018347 +634 1162 1 877017951 +634 1197 4 875729106 +634 1199 1 875728913 +634 1284 3 875729794 +634 1335 2 877017975 +635 1 4 878879283 +635 13 2 878879164 +635 15 3 878879346 +635 117 2 878879284 +635 150 3 878879236 +635 237 3 878879257 +635 246 5 878879190 +635 255 4 878879213 +635 262 5 878878654 +635 268 5 878878654 +635 269 5 878878587 +635 276 3 878879257 +635 294 3 878878588 +635 300 3 878879107 +635 301 3 878878587 +635 302 4 878878587 +635 307 4 878878654 +635 323 3 878878714 +635 327 5 878878752 +635 328 3 878878752 +635 331 4 878878654 +635 333 5 878878685 +635 358 1 878878838 +635 682 2 878878685 +635 688 2 878878838 +635 742 3 878879190 +635 748 2 878878838 +635 873 3 878878752 +635 874 3 878878714 +635 875 2 878878838 +635 877 3 878878901 +635 879 3 878878866 +635 886 4 878878901 +635 1025 2 878878901 +636 1 3 891448229 +636 9 3 891448185 +636 10 5 891449123 +636 15 5 891449237 +636 25 5 891449237 +636 100 5 891448228 +636 106 4 891449328 +636 118 5 891449305 +636 121 5 891449212 +636 222 5 891449148 +636 235 4 891449371 +636 258 5 891448155 +636 272 5 891448155 +636 275 3 891448229 +636 283 3 891448916 +636 313 5 891448155 +636 596 5 891449212 +636 740 4 891449263 +636 760 5 891449263 +636 813 5 891448297 +637 1 4 882902924 +637 7 1 882903044 +637 9 1 882902924 +637 13 1 882904458 +637 15 4 882903447 +637 24 2 882903511 +637 25 4 882904537 +637 50 4 882901146 +637 93 3 882903511 +637 100 4 882902924 +637 111 3 882903645 +637 117 2 882904148 +637 118 1 882904961 +637 121 4 882904458 +637 124 3 882902835 +637 125 3 882903582 +637 127 2 882901356 +637 147 1 882903645 +637 148 3 882905070 +637 149 2 882901356 +637 150 1 882903447 +637 151 5 882904064 +637 181 4 882902540 +637 225 3 882904829 +637 235 1 882904233 +637 237 2 882903511 +637 244 1 882903645 +637 245 3 882900047 +637 246 2 882903447 +637 255 3 882903645 +637 257 2 882903511 +637 268 2 882898692 +637 273 3 882903250 +637 274 5 882904065 +637 275 3 882903191 +637 280 2 882904679 +637 282 3 882903250 +637 283 2 882903822 +637 285 3 882901356 +637 286 5 882900888 +637 289 2 882900047 +637 291 4 882905183 +637 293 3 882902835 +637 294 3 882900888 +637 300 3 882900888 +637 301 1 882899527 +637 322 3 882900888 +637 323 1 882899182 +637 325 1 882899928 +637 328 4 882900888 +637 332 4 882900888 +637 333 3 882900888 +637 338 4 882900888 +637 363 2 882904148 +637 405 1 882903250 +637 408 5 882901355 +637 410 2 882904148 +637 411 1 882904678 +637 460 2 882905388 +637 471 2 882903822 +637 475 1 882903191 +637 508 2 882903301 +637 515 4 882902540 +637 535 2 882905573 +637 544 3 882903914 +637 546 1 882905182 +637 591 3 882904233 +637 595 3 882904537 +637 596 2 882903582 +637 619 2 882903914 +637 676 3 882903767 +637 685 3 882904829 +637 690 5 882900888 +637 717 3 882905572 +637 740 2 882903914 +637 741 1 882903644 +637 742 4 882904233 +637 744 4 882903044 +637 815 2 882904678 +637 829 2 882905070 +637 831 1 882904961 +637 833 1 882905070 +637 847 3 882903191 +637 866 3 882905285 +637 873 1 882899608 +637 922 1 882902487 +637 926 2 882904898 +637 931 1 882905388 +637 934 1 882905285 +637 936 4 882902487 +637 985 2 882905284 +637 1011 1 882904961 +637 1028 3 882905182 +637 1033 3 882904233 +637 1051 2 882905388 +637 1060 2 882904148 +637 1102 3 882904537 +637 1226 2 882903191 +637 1233 5 882900888 +637 1244 1 882904458 +637 1258 1 882905070 +637 1284 1 882905070 +637 1344 4 882901356 +637 1374 1 882903447 +638 4 4 876695108 +638 22 5 876694787 +638 29 2 876694917 +638 50 4 876694704 +638 62 3 876695307 +638 82 2 876694917 +638 89 4 876694704 +638 96 4 876694917 +638 98 3 876695560 +638 100 3 876695560 +638 117 4 876694995 +638 118 3 876695385 +638 121 4 876694995 +638 127 2 876694861 +638 128 3 876695216 +638 144 5 876694861 +638 153 3 876695819 +638 161 4 876695307 +638 168 4 876695714 +638 172 4 876694787 +638 174 5 876694861 +638 175 4 876695774 +638 176 3 876694861 +638 181 5 876694787 +638 183 4 876694704 +638 185 5 876695601 +638 186 5 876695859 +638 187 2 876694704 +638 188 3 876694995 +638 194 3 876695774 +638 195 4 876694787 +638 202 3 876695819 +638 204 5 876695917 +638 210 4 876695478 +638 211 4 876695774 +638 222 4 876694787 +638 226 5 876695217 +638 227 2 876695259 +638 228 3 876694917 +638 229 1 876695108 +638 230 5 876695259 +638 234 4 876695627 +638 238 4 876695819 +638 241 3 876695217 +638 265 5 876695216 +638 385 5 876694917 +638 403 3 876695059 +638 405 3 876695338 +638 410 4 876695774 +638 430 5 876695714 +638 431 4 876695108 +638 435 3 876694787 +638 449 2 876694995 +638 450 1 876695415 +638 455 3 876695059 +638 472 3 876695307 +638 504 2 876695560 +638 510 3 876694704 +638 511 3 876695478 +638 514 2 876695714 +638 515 4 876694704 +638 523 4 876695917 +638 550 5 876695059 +638 554 3 876695059 +638 636 3 876695108 +638 679 3 876695259 +638 685 4 876695307 +639 12 3 891239030 +639 14 5 891239813 +639 19 4 891239813 +639 28 4 891239239 +639 48 4 891239295 +639 51 2 891239613 +639 52 3 891239838 +639 57 3 891239862 +639 58 3 891239296 +639 59 3 891239658 +639 60 3 891239790 +639 61 3 891239790 +639 66 3 891240868 +639 70 3 891239862 +639 83 4 891239790 +639 86 4 891239406 +639 87 3 891239218 +639 88 3 891239638 +639 97 1 891240495 +639 98 4 891240643 +639 100 1 891240495 +639 111 2 891239613 +639 116 3 891239739 +639 135 4 891239239 +639 137 3 891239271 +639 153 3 891240752 +639 155 3 891239638 +639 162 3 891239380 +639 165 3 891239658 +639 166 3 891239838 +639 168 1 891240678 +639 170 4 891239790 +639 173 1 891239492 +639 174 4 891240160 +639 178 5 891240543 +639 179 1 891239324 +639 191 3 891239109 +639 193 3 891239177 +639 194 4 891240160 +639 196 3 891239456 +639 197 3 891239492 +639 198 2 891239885 +639 199 3 891239155 +639 202 2 891239581 +639 204 3 891240751 +639 210 3 891240136 +639 212 4 891239550 +639 213 5 891239528 +639 215 1 891239271 +639 216 3 891239528 +639 237 1 891239296 +639 242 4 891238514 +639 269 3 891238599 +639 274 1 891240495 +639 275 4 891239492 +639 280 3 891240868 +639 283 4 891239913 +639 285 1 891239131 +639 286 4 891238618 +639 300 3 891238790 +639 305 1 891238668 +639 306 4 891238550 +639 311 3 891238599 +639 313 1 891238514 +639 323 1 891238876 +639 356 2 891239380 +639 357 3 891239156 +639 371 1 891240495 +639 381 2 891239581 +639 382 2 891239913 +639 387 3 891239380 +639 414 3 891240719 +639 423 2 891239030 +639 427 4 891239064 +639 451 4 891239529 +639 462 5 891239838 +639 471 2 891239349 +639 483 5 891240520 +639 487 5 891240566 +639 488 4 891240160 +639 509 3 891239271 +639 510 3 891239862 +639 511 4 891239240 +639 512 2 891239759 +639 513 4 891239030 +639 514 4 891240566 +639 516 4 891240678 +639 517 2 891239492 +639 519 4 891239380 +639 526 4 891239177 +639 527 4 891239323 +639 528 4 891239239 +639 549 2 891239427 +639 553 3 891240868 +639 580 2 891239581 +639 582 3 891239739 +639 584 2 891239790 +639 604 4 891240520 +639 615 5 891240160 +639 638 4 891239790 +639 647 3 891239217 +639 648 3 891239491 +639 651 4 891239349 +639 655 3 891239406 +639 659 3 891240111 +639 660 2 891239271 +639 661 4 891239155 +639 662 2 891239581 +639 664 2 891239324 +639 673 4 891239406 +639 692 3 891239550 +639 694 5 891239492 +639 702 2 891240868 +639 707 5 891239492 +639 709 3 891239581 +639 714 2 891239886 +639 716 1 891240805 +639 724 3 891239581 +639 727 2 891239613 +639 731 2 891239613 +639 739 3 891240868 +639 740 4 891239324 +639 747 3 891239528 +639 750 2 891238514 +639 778 5 891239613 +639 786 3 891241022 +639 792 2 891240752 +639 796 1 891240805 +639 835 4 891240543 +639 863 4 891239702 +639 865 1 891239427 +639 923 4 891239702 +639 949 3 891240868 +639 953 2 891239407 +639 958 4 891241052 +639 962 1 891243532 +639 971 4 891239913 +639 990 1 891238689 +639 1005 2 891239813 +639 1020 4 891240136 +639 1065 1 891239030 +639 1101 3 891239177 +639 1121 2 891239885 +639 1163 1 891239349 +639 1193 4 891239702 +639 1194 5 891239271 +639 1195 2 891239838 +639 1465 2 891239048 +640 2 4 874778568 +640 4 4 874778065 +640 11 4 874777440 +640 12 5 874777491 +640 14 4 886474436 +640 22 4 874778479 +640 33 3 874778696 +640 38 4 874778612 +640 42 5 874778345 +640 47 4 874777735 +640 53 4 874778274 +640 55 5 874777765 +640 56 5 874777528 +640 62 3 874778612 +640 64 5 874777701 +640 66 4 874778345 +640 68 4 874778479 +640 70 4 874778065 +640 79 5 874778515 +640 81 5 874777735 +640 85 5 874778065 +640 91 4 874777998 +640 92 4 874778515 +640 96 5 874778240 +640 126 4 886474802 +640 134 5 874777623 +640 150 4 886474493 +640 151 4 886474515 +640 161 4 874778479 +640 168 5 886354114 +640 169 5 874777890 +640 170 5 874777583 +640 173 5 886354270 +640 174 5 876067863 +640 175 5 874777735 +640 180 5 874777528 +640 182 5 874777925 +640 184 5 889235992 +640 186 5 888026047 +640 189 5 874778181 +640 195 4 874778515 +640 201 4 874778240 +640 202 5 874778366 +640 204 5 874777974 +640 209 5 874778154 +640 210 5 876067710 +640 214 5 874778274 +640 226 5 874778569 +640 231 5 874778424 +640 233 4 874778479 +640 239 5 874778274 +640 249 4 886474493 +640 269 5 886803575 +640 301 2 886353820 +640 302 5 888025971 +640 304 4 876067605 +640 313 5 888639815 +640 315 5 886353894 +640 318 5 874777948 +640 336 3 886353894 +640 338 5 886353852 +640 342 5 886353780 +640 346 4 886353742 +640 347 3 886353742 +640 354 4 888262331 +640 357 5 874778274 +640 369 3 886474977 +640 373 3 874778756 +640 382 4 874777528 +640 385 5 874778569 +640 391 3 874778756 +640 428 5 874778299 +640 461 4 874777833 +640 474 4 874777623 +640 496 4 874777491 +640 540 3 874778479 +640 550 4 874778722 +640 566 4 874778569 +640 568 4 874778569 +640 578 3 874778612 +640 580 5 874778096 +640 591 4 875732368 +640 663 5 874778240 +640 684 4 874778568 +640 689 4 886353852 +640 691 4 890014144 +640 693 5 874778207 +640 720 3 874778612 +640 732 4 886354499 +640 750 5 886353742 +640 751 4 886353742 +640 761 5 874778613 +640 770 4 874777658 +640 778 4 886354499 +640 790 4 874777260 +640 802 3 874778756 +640 827 3 886474833 +640 919 5 886474436 +640 926 3 886474913 +640 941 5 874778095 +640 952 4 886474538 +640 1010 3 886474753 +640 1016 3 886474538 +640 1054 1 886474010 +640 1067 4 876068799 +640 1073 5 874778299 +640 1228 4 889235993 +640 1244 3 886474849 +640 1258 3 886474866 +641 23 5 879370364 +641 30 4 879370365 +641 50 3 879370150 +641 59 4 879370259 +641 64 4 879370337 +641 83 4 879370119 +641 89 4 879370364 +641 124 4 879370299 +641 134 5 879370062 +641 192 4 879370150 +641 198 5 879370028 +641 203 4 879370337 +641 209 4 879370365 +641 242 5 879370299 +641 258 3 879369806 +641 268 4 879369827 +641 270 3 879369827 +641 285 5 879370028 +641 301 4 879369925 +641 303 3 879369827 +641 305 5 879369848 +641 336 3 879369943 +641 338 3 879369958 +641 427 4 879370119 +641 432 5 879370119 +641 434 4 879370259 +641 483 5 879370259 +641 484 5 879370299 +641 496 2 879370337 +641 497 5 879370259 +641 511 5 879370337 +641 513 5 879370150 +641 514 4 879370062 +641 528 4 879370150 +641 558 5 879370299 +641 657 4 879370062 +641 865 5 879370149 +641 969 4 879370259 +641 1039 4 879370337 +641 1194 3 879370299 +642 1 5 885603565 +642 2 4 885606787 +642 4 3 885605768 +642 8 5 885603662 +642 13 4 886206806 +642 15 5 885602314 +642 21 5 885605148 +642 22 4 885602285 +642 28 5 885603636 +642 29 5 886454812 +642 35 2 886570027 +642 38 4 885843141 +642 40 4 885605866 +642 41 3 885605347 +642 44 3 885603870 +642 49 4 885605909 +642 50 5 885604280 +642 51 5 886132172 +642 53 2 885604940 +642 54 4 886206959 +642 56 4 885602656 +642 58 3 886131744 +642 63 3 885606090 +642 64 5 885602482 +642 65 4 886132172 +642 66 5 885603740 +642 67 4 885843025 +642 68 3 885606765 +642 69 5 885602631 +642 70 2 886132189 +642 71 5 886131547 +642 72 4 885843087 +642 73 4 885605735 +642 78 3 886570084 +642 80 5 885606557 +642 82 5 885602285 +642 83 5 885603636 +642 88 5 886131546 +642 89 2 886455538 +642 90 4 885606024 +642 91 4 885603897 +642 94 2 885605909 +642 95 5 886131547 +642 96 5 885842289 +642 97 4 885602418 +642 99 2 885602446 +642 102 5 885603849 +642 105 5 885606482 +642 110 2 885606048 +642 117 4 886131655 +642 118 3 885603566 +642 120 3 886206256 +642 121 5 885842289 +642 122 2 885606463 +642 125 4 885603586 +642 131 3 885603566 +642 132 3 885603636 +642 133 5 886206274 +642 135 3 886131953 +642 136 3 885602232 +642 138 4 886570173 +642 139 1 886569417 +642 140 3 886569257 +642 141 4 886568744 +642 142 4 886569380 +642 143 5 885603018 +642 147 4 885606986 +642 148 5 885604163 +642 151 3 886568791 +642 153 3 885602572 +642 155 3 886568726 +642 156 1 886454965 +642 165 4 885604480 +642 166 5 885604434 +642 168 5 885842943 +642 172 5 885604299 +642 173 5 885602314 +642 174 5 885842594 +642 181 5 885603699 +642 186 5 885602739 +642 191 4 886131970 +642 195 3 885602718 +642 202 3 885842351 +642 204 4 885602593 +642 208 5 886131547 +642 210 5 885842610 +642 216 3 885603083 +642 217 2 886569659 +642 218 3 886130929 +642 220 4 887663380 +642 225 4 886569942 +642 231 3 886454812 +642 233 4 885606964 +642 234 1 885603662 +642 235 2 885606047 +642 237 5 885603870 +642 240 3 885606137 +642 245 4 891317923 +642 249 5 885604805 +642 250 5 886131457 +642 252 5 885842962 +642 254 4 886454812 +642 257 5 886131546 +642 258 3 885601865 +642 259 5 885605095 +642 288 1 885604085 +642 292 2 887663326 +642 294 5 885601998 +642 313 5 886454784 +642 318 2 885602369 +642 356 4 886132104 +642 357 2 885603565 +642 364 5 885843025 +642 365 4 886569922 +642 366 4 886131707 +642 367 5 885605866 +642 368 4 885606271 +642 369 2 885606090 +642 375 1 886131744 +642 376 3 885606194 +642 377 3 886569809 +642 378 3 885603517 +642 383 5 886570062 +642 384 5 886131546 +642 385 5 885602571 +642 386 5 885605932 +642 391 4 885607143 +642 392 4 886132237 +642 393 5 885605834 +642 395 5 885604187 +642 398 2 886454837 +642 399 3 886131257 +642 400 4 886569278 +642 401 4 885606178 +642 402 4 885603792 +642 403 4 886454812 +642 404 3 886569122 +642 405 3 885606946 +642 407 5 885606482 +642 409 5 885605909 +642 410 1 885605988 +642 411 5 885605834 +642 412 2 885606271 +642 416 5 886455469 +642 417 3 886568791 +642 418 5 885606581 +642 419 4 885603537 +642 420 4 885606581 +642 422 3 885606608 +642 423 3 885602506 +642 427 3 886132043 +642 432 2 885602369 +642 441 1 886569942 +642 443 2 885603870 +642 444 1 886569417 +642 447 4 886569328 +642 451 5 885605794 +642 452 1 886569699 +642 462 4 886455357 +642 463 3 885602232 +642 465 4 885603932 +642 468 3 886568479 +642 470 4 886206991 +642 472 5 885607081 +642 473 1 886131585 +642 477 5 886131563 +642 485 5 885602612 +642 496 4 885603516 +642 501 2 885603740 +642 527 4 886207132 +642 541 5 885607028 +642 542 5 885606609 +642 552 4 886569347 +642 553 5 886132153 +642 554 4 885842962 +642 559 5 885604874 +642 560 4 886568978 +642 565 4 886569870 +642 568 4 885606735 +642 569 2 886569538 +642 570 1 886131332 +642 571 3 885606113 +642 575 3 886454901 +642 577 4 886569870 +642 579 4 885606537 +642 581 2 886569209 +642 584 4 885842877 +642 585 5 885606178 +642 588 5 886131546 +642 596 5 885604113 +642 597 4 885607065 +642 609 3 885604859 +642 622 4 886568941 +642 623 4 886570010 +642 624 3 885606608 +642 625 3 885603932 +642 627 3 885606581 +642 628 3 891317897 +642 651 4 885602571 +642 660 3 886132089 +642 673 2 886130929 +642 679 2 885606986 +642 686 5 886131546 +642 699 5 886568959 +642 720 5 885606787 +642 722 3 885606113 +642 723 4 886132088 +642 725 4 885606067 +642 726 2 886570131 +642 728 4 886131674 +642 729 3 885603566 +642 731 5 885605909 +642 732 4 885605538 +642 734 3 886569960 +642 739 5 886568838 +642 742 5 885602839 +642 746 3 885602483 +642 748 5 885601998 +642 755 3 885603495 +642 756 5 885604859 +642 759 3 885843824 +642 765 3 885606234 +642 768 4 885606609 +642 769 5 885842903 +642 771 3 885607115 +642 775 4 886569570 +642 779 3 885843177 +642 780 5 885606270 +642 783 4 885606024 +642 790 4 885605932 +642 794 4 886568429 +642 795 4 886570173 +642 796 4 885605909 +642 801 3 885605794 +642 812 4 886455357 +642 815 4 892241051 +642 826 5 888963032 +642 827 1 886131332 +642 832 3 892240991 +642 843 3 886569682 +642 845 5 891318088 +642 862 4 892241015 +642 864 3 885605987 +642 871 3 885605835 +642 921 5 885603849 +642 926 5 885605454 +642 928 5 886131546 +642 931 4 885606857 +642 932 5 885605866 +642 934 2 885606137 +642 940 2 886569847 +642 942 4 886207151 +642 944 5 885605987 +642 946 2 885606581 +642 949 1 885605834 +642 951 3 886568618 +642 955 3 888123262 +642 959 5 885605794 +642 966 5 886569140 +642 969 2 885603662 +642 974 3 886569765 +642 975 2 886130929 +642 993 4 891317955 +642 996 2 885605932 +642 998 3 886569765 +642 1000 3 885602340 +642 1011 3 885842351 +642 1014 5 886131547 +642 1023 3 885842351 +642 1028 4 885605735 +642 1029 3 885606271 +642 1030 4 886570173 +642 1032 4 886569012 +642 1033 3 886569278 +642 1036 4 885606234 +642 1037 2 885605866 +642 1039 5 885602630 +642 1047 3 885606327 +642 1049 3 885606271 +642 1053 3 886207279 +642 1054 3 885606482 +642 1055 4 886569483 +642 1058 3 886132139 +642 1063 3 885603740 +642 1066 3 885606608 +642 1076 2 885606648 +642 1078 5 885604239 +642 1079 5 885605987 +642 1091 4 885606608 +642 1095 2 885606271 +642 1126 1 885603495 +642 1133 3 886569295 +642 1136 4 888123195 +642 1140 4 886569732 +642 1146 1 886570084 +642 1152 5 886569828 +642 1178 3 885606067 +642 1179 3 885606048 +642 1181 2 885607143 +642 1182 2 885606178 +642 1185 4 885606024 +642 1209 3 885606212 +642 1219 4 885603932 +642 1224 4 886132139 +642 1239 4 885607097 +642 1285 4 886132043 +642 1287 2 885606463 +642 1311 3 886569715 +642 1336 2 885606520 +642 1413 3 886569809 +642 1415 4 886569783 +642 1425 2 885606024 +642 1469 4 886568725 +642 1473 4 886568874 +642 1480 1 886569922 +642 1503 2 885602446 +642 1509 2 885606270 +642 1531 3 886569226 +643 1 5 891445287 +643 2 3 891448218 +643 4 4 891448136 +643 5 3 891449741 +643 7 4 891445354 +643 11 4 891446720 +643 12 5 891446720 +643 23 5 891447835 +643 24 4 891449614 +643 28 4 891448002 +643 29 2 891449901 +643 32 4 891447459 +643 33 3 891449417 +643 39 4 891447747 +643 42 4 891446750 +643 47 4 891446791 +643 49 3 891449848 +643 50 4 891445140 +643 53 4 891449719 +643 55 4 891448218 +643 56 5 891446791 +643 58 4 891448062 +643 65 4 891448786 +643 66 3 891448786 +643 67 4 891449476 +643 68 3 891447338 +643 69 3 891447430 +643 70 3 892502414 +643 72 4 891449301 +643 77 3 891449557 +643 79 4 891446826 +643 82 3 891448095 +643 87 5 891447663 +643 88 2 891449417 +643 89 3 891448630 +643 92 4 891447835 +643 94 4 891450240 +643 96 5 891447747 +643 98 3 891446688 +643 99 4 891447485 +643 100 5 891445140 +643 111 4 891446301 +643 114 4 891446854 +643 117 3 891445823 +643 118 2 891445741 +643 121 4 891445741 +643 127 5 891445476 +643 128 3 891447617 +643 129 5 891445354 +643 132 5 891448265 +643 143 4 891447868 +643 144 4 891447286 +643 147 3 891445526 +643 150 5 891445823 +643 152 4 891446956 +643 153 4 891447196 +643 154 4 891447286 +643 155 2 891449345 +643 156 5 891446826 +643 159 3 891449345 +643 161 3 891449381 +643 162 3 891448436 +643 163 4 891448839 +643 168 5 891447157 +643 169 4 891447222 +643 172 5 891447093 +643 173 4 891447663 +643 174 4 891446652 +643 176 5 891447157 +643 177 4 891448002 +643 179 4 891447901 +643 181 3 891445476 +643 183 5 891447790 +643 185 5 891447157 +643 186 4 891447663 +643 187 4 891447127 +643 189 4 891447093 +643 194 4 891446652 +643 195 5 891447063 +643 197 4 891446983 +643 200 3 891448265 +643 202 3 891447835 +643 203 4 891446956 +643 204 3 891447901 +643 205 5 891447222 +643 208 5 891448136 +643 209 5 891446652 +643 210 4 891448318 +643 211 4 891447617 +643 215 3 891447037 +643 216 4 891448136 +643 218 3 891449680 +643 219 5 891449614 +643 223 4 891447696 +643 226 2 891449476 +643 228 4 891447260 +643 229 3 891449640 +643 231 2 891450316 +643 233 4 891449249 +643 234 4 891447260 +643 235 4 891445698 +643 238 3 891448095 +643 240 5 891445823 +643 246 5 891445312 +643 249 3 891446323 +643 255 4 892502414 +643 262 3 892502480 +643 268 4 891450748 +643 273 3 891445287 +643 276 5 891445354 +643 282 3 891445230 +643 288 4 891445255 +643 325 2 891446581 +643 356 4 891448218 +643 357 5 891446889 +643 367 4 891447518 +643 385 3 891449344 +643 393 4 891450273 +643 399 3 891450376 +643 403 3 891449534 +643 404 4 891447959 +643 405 3 891445859 +643 408 4 891445176 +643 410 4 891445597 +643 418 4 891447518 +643 419 4 891448002 +643 420 4 891449803 +643 423 4 891447370 +643 428 4 891447196 +643 430 5 891447403 +643 432 5 891449771 +643 435 5 891447314 +643 436 4 891449870 +643 443 4 891446919 +643 447 4 891449249 +643 448 3 891449580 +643 451 2 891449301 +643 468 4 891449900 +643 470 4 891448352 +643 474 5 891446955 +643 481 4 891447127 +643 482 4 891447063 +643 483 4 891446889 +643 484 5 891448756 +643 492 4 891448586 +643 496 4 891446688 +643 501 4 891448062 +643 504 4 891447370 +643 505 4 891447260 +643 508 4 891445287 +643 509 3 891448839 +643 514 3 891446688 +643 515 4 891445140 +643 516 4 891447037 +643 519 4 891447663 +643 521 4 891448586 +643 527 3 891448502 +643 546 3 891445660 +643 550 3 891450273 +643 566 3 891449476 +643 568 4 891447663 +643 571 3 891450316 +643 572 3 891450341 +643 597 2 891446301 +643 603 5 891447459 +643 629 3 891450168 +643 630 3 891448352 +643 631 3 891447930 +643 639 4 891447790 +643 655 4 891448176 +643 656 4 891447196 +643 659 5 891447127 +643 663 4 891447747 +643 665 3 891449930 +643 671 4 891446652 +643 673 4 891448095 +643 674 3 891449901 +643 679 3 891447747 +643 685 3 891445354 +643 712 3 891449249 +643 715 5 891450210 +643 716 3 891449507 +643 721 2 892502531 +643 732 3 891447868 +643 739 3 891449476 +643 780 4 891449442 +643 790 4 891449249 +643 794 3 891450376 +643 820 3 891446381 +643 824 3 891449681 +643 845 3 891445476 +643 928 4 891445660 +643 956 4 891448586 +643 959 3 891449741 +643 969 4 891446826 +643 1012 4 891445550 +643 1016 3 891445766 +643 1028 3 891446404 +643 1065 4 891448756 +643 1074 2 891448630 +643 1098 4 891447696 +643 1101 3 891448002 +643 1139 3 891449680 +643 1149 3 891447835 +643 1215 3 891446489 +643 1221 3 891450316 +644 50 4 889077247 +644 100 4 889076775 +644 117 4 889077418 +644 121 5 889077344 +644 125 4 889076851 +644 127 4 889076775 +644 181 4 889077189 +644 237 4 889076775 +644 243 4 889076364 +644 250 4 889077463 +644 255 4 889077513 +644 257 5 889077278 +644 258 4 889075928 +644 259 4 889076433 +644 261 4 889076502 +644 276 4 889077344 +644 289 1 889076364 +644 291 4 889076949 +644 293 4 889076851 +644 294 4 889076095 +644 298 4 889077513 +644 300 5 889075967 +644 307 4 889076031 +644 308 4 889076095 +644 322 5 889076364 +644 323 4 889076433 +644 326 5 889076148 +644 328 4 889076222 +644 330 4 889076173 +644 333 3 889075967 +644 457 4 889076502 +644 546 4 889076875 +644 597 4 889077513 +644 748 4 889076222 +644 823 4 889076997 +644 871 4 889077513 +644 873 4 889076310 +644 977 4 889076922 +644 988 4 889076475 +644 1025 4 889076433 +644 1610 3 889077115 +644 1620 4 889077247 +645 4 4 892055347 +645 11 4 892054278 +645 22 4 892054508 +645 23 5 892054364 +645 28 4 892053310 +645 30 4 892054824 +645 32 5 892054906 +645 39 3 892054324 +645 46 5 892054508 +645 47 4 892054824 +645 48 4 892053748 +645 50 4 892054824 +645 55 3 892053748 +645 56 3 892053241 +645 59 5 892053429 +645 60 5 892053748 +645 61 5 892054508 +645 64 3 892053429 +645 65 4 892054824 +645 69 4 892053644 +645 70 4 892055325 +645 72 3 892053686 +645 73 3 892055445 +645 81 4 892055039 +645 87 4 892055444 +645 89 4 892053483 +645 91 3 892054990 +645 92 3 892054444 +645 96 3 892054444 +645 98 4 892053241 +645 134 5 892054364 +645 135 5 892054707 +645 168 4 892054797 +645 172 4 892054537 +645 173 4 892053748 +645 174 4 892053518 +645 175 5 892054537 +645 177 4 892053274 +645 179 5 892054600 +645 180 4 892054402 +645 181 4 892053483 +645 182 5 892053686 +645 183 4 892053340 +645 184 3 892055213 +645 185 5 892054537 +645 186 4 892053340 +645 188 4 892054906 +645 191 5 892053644 +645 194 4 892053644 +645 195 4 892054537 +645 197 5 892055244 +645 198 3 892053644 +645 200 5 892054906 +645 202 3 892053518 +645 203 4 892053456 +645 208 5 892054797 +645 209 5 892053483 +645 211 4 892054364 +645 212 4 892054857 +645 214 4 892054570 +645 216 4 892054732 +645 228 3 892053748 +645 239 3 892055445 +645 243 1 892052232 +645 258 3 892051708 +645 268 4 892051811 +645 286 4 892051844 +645 288 3 892051741 +645 301 2 892052070 +645 318 5 892053241 +645 319 3 892051708 +645 340 4 892051762 +645 357 5 892053274 +645 367 3 892055039 +645 403 3 892055603 +645 427 5 892053483 +645 428 4 892054684 +645 430 5 892054797 +645 433 4 892054906 +645 434 4 892055389 +645 435 4 892054364 +645 447 3 892053541 +645 469 5 892054707 +645 474 5 892053398 +645 482 4 892053340 +645 483 5 892053456 +645 488 4 892053241 +645 496 3 892053686 +645 506 5 892055072 +645 512 5 892055072 +645 513 5 892054481 +645 514 5 892053686 +645 518 5 892055285 +645 521 4 892054990 +645 523 5 892053686 +645 558 4 892053429 +645 616 3 892054508 +645 627 2 892055244 +645 640 4 892055285 +645 641 5 892054600 +645 650 5 892055285 +645 653 5 892054990 +645 654 5 892053686 +645 656 4 892053241 +645 658 4 892054632 +645 660 3 892055628 +645 664 4 892054402 +645 673 3 892054600 +645 674 3 892054402 +645 675 4 892053747 +645 708 3 892055072 +645 709 3 892054570 +645 746 4 892054683 +645 748 1 892052039 +645 772 3 892055728 +645 955 4 892054989 +645 956 4 892053310 +645 959 4 892053541 +645 960 4 892054278 +645 963 4 892053241 +645 1018 3 892053518 +645 1159 4 892054632 +646 258 3 888528417 +646 259 3 888528978 +646 272 4 888528483 +646 286 3 888528927 +646 288 3 888529127 +646 294 2 888528870 +646 300 3 888528418 +646 304 3 888529014 +646 307 3 888528902 +646 310 3 888528483 +646 313 5 888528457 +646 315 4 888528483 +646 319 3 888529054 +646 323 3 888529153 +646 328 3 888528457 +646 332 3 888528870 +646 346 2 888528392 +646 347 2 888528392 +646 349 2 888529127 +646 352 1 888529153 +646 354 3 888528902 +646 678 3 888529127 +646 682 3 888529153 +646 683 3 888529014 +646 690 3 888528417 +646 748 3 888529054 +646 750 3 888528902 +646 751 2 888528870 +646 877 3 888529014 +646 880 3 888529127 +646 892 2 888529180 +646 893 3 888529080 +646 895 3 888528978 +646 908 3 888529054 +646 1022 4 888528955 +646 1176 4 888528955 +646 1237 3 888529127 +646 1313 3 888529180 +647 15 4 876532975 +647 22 5 876534131 +647 29 4 876533657 +647 70 3 876776321 +647 71 4 876534275 +647 72 4 876534083 +647 73 5 876537697 +647 77 4 876533851 +647 79 4 876530687 +647 82 4 876533912 +647 88 4 876534041 +647 117 3 876776321 +647 121 4 876534274 +647 134 4 876534275 +647 136 5 876534131 +647 147 4 876532975 +647 173 5 876534131 +647 174 4 876530784 +647 177 5 876534131 +647 196 4 876537620 +647 197 5 876534131 +647 202 4 876534275 +647 203 3 876776321 +647 213 3 876534151 +647 222 4 876534274 +647 231 4 876533657 +647 237 3 876776320 +647 250 3 876532975 +647 255 4 876534131 +647 257 2 876776321 +647 291 3 876534275 +647 294 3 876532501 +647 298 3 876533005 +647 300 4 876534131 +647 326 3 876532517 +647 328 3 876531582 +647 357 5 876534131 +647 402 4 876534009 +647 403 4 876533657 +647 405 4 876532747 +647 427 4 876534275 +647 490 4 876532145 +647 496 4 876534275 +647 554 4 876533810 +647 568 4 876533832 +647 588 4 876531955 +647 604 4 876537591 +647 631 4 876532425 +647 705 4 876530628 +647 742 4 876534275 +647 748 4 876532501 +647 831 3 876776321 +647 993 4 876534131 +647 1014 3 876531583 +647 1016 4 876534131 +647 1047 4 876534275 +647 1063 3 876776320 +647 1263 3 876776321 +648 1 5 882211109 +648 2 4 884882742 +648 4 1 884881646 +648 5 4 884883476 +648 7 3 882211109 +648 9 1 884795447 +648 13 3 882212071 +648 14 2 882211223 +648 15 1 884795447 +648 17 2 884882078 +648 21 3 882212609 +648 22 4 884628482 +648 23 3 882212709 +648 24 3 882211532 +648 25 2 882211760 +648 28 5 884628437 +648 29 2 884883149 +648 33 1 884881722 +648 38 5 884882803 +648 39 3 884882742 +648 40 4 884882234 +648 47 2 884881807 +648 49 2 884881679 +648 50 5 882211016 +648 56 1 884881592 +648 62 5 884882916 +648 63 4 884882103 +648 66 5 882213535 +648 67 4 884882192 +648 68 1 884882916 +648 69 1 884628564 +648 70 2 884881592 +648 71 3 884368165 +648 72 4 884881722 +648 79 5 884796689 +648 82 5 884882742 +648 83 4 884628482 +648 88 4 884881679 +648 89 4 884797033 +648 90 3 884882271 +648 94 5 884882234 +648 95 3 884368371 +648 96 5 884368538 +648 98 4 884368313 +648 103 1 884367274 +648 104 1 884367274 +648 105 3 882212560 +648 107 4 882212200 +648 109 5 882211419 +648 110 3 884882407 +648 111 5 882211886 +648 112 2 884367366 +648 117 2 882211301 +648 118 4 882212200 +648 121 5 882211654 +648 122 1 882212609 +648 123 4 884366184 +648 125 2 882211654 +648 127 3 884365970 +648 133 4 882212651 +648 143 4 884368002 +648 144 4 884368273 +648 145 4 884883616 +648 151 2 882212288 +648 152 5 884368485 +648 153 4 884881621 +648 154 5 884881621 +648 161 3 884882802 +648 164 4 884883424 +648 167 4 884882407 +648 168 5 884797068 +648 169 5 882212651 +648 172 5 884367538 +648 173 5 882213502 +648 174 5 884882664 +648 175 3 882213597 +648 176 4 884367538 +648 177 5 884882702 +648 178 4 884368273 +648 179 4 884368442 +648 180 1 884368643 +648 181 5 882211066 +648 183 5 884368442 +648 184 5 884368643 +648 185 5 884368485 +648 186 5 882213597 +648 187 3 884882664 +648 188 5 884882664 +648 191 5 884368002 +648 193 4 884628607 +648 194 5 882213535 +648 195 5 884368313 +648 197 3 884628644 +648 199 4 884368313 +648 200 2 884883476 +648 202 5 884881524 +648 203 1 884796571 +648 204 5 884368002 +648 205 3 884628607 +648 208 5 884796652 +648 210 4 882213502 +648 211 4 884368643 +648 215 2 884796689 +648 216 4 882213596 +648 217 2 884883616 +648 218 3 884883424 +648 219 4 884883578 +648 220 3 882212039 +648 222 5 882211258 +648 225 1 882212527 +648 226 4 884882916 +648 227 3 884882803 +648 228 5 884882702 +648 229 4 884882802 +648 230 5 884796822 +648 231 2 884882987 +648 234 5 884368314 +648 235 4 882212071 +648 238 3 882213535 +648 240 2 882211857 +648 249 3 882211348 +648 250 4 882211464 +648 252 4 882212374 +648 254 3 884367248 +648 265 4 884796886 +648 275 5 882211016 +648 281 3 884365970 +648 286 1 882210926 +648 288 4 882211654 +648 290 3 882211707 +648 291 3 882211736 +648 294 3 884366184 +648 295 4 882211464 +648 298 2 884884466 +648 304 5 884363798 +648 318 3 884368371 +648 323 5 882212526 +648 357 2 884628534 +648 364 5 884882528 +648 367 3 884881837 +648 368 2 884366748 +648 373 3 884883149 +648 377 3 884881837 +648 379 1 884883724 +648 384 4 884882235 +648 385 5 884368130 +648 386 4 884882192 +648 391 3 884883031 +648 393 4 884881679 +648 399 4 884882104 +648 403 4 884882802 +648 405 4 882211924 +648 406 3 882212373 +648 407 4 884367248 +648 410 2 884882375 +648 411 2 882212288 +648 412 1 884367318 +648 413 2 882212609 +648 414 1 884797033 +648 423 4 884368442 +648 428 2 884881754 +648 429 4 884368130 +648 430 5 884881563 +648 431 5 884882664 +648 432 5 884368538 +648 434 5 884628437 +648 435 5 882212651 +648 436 5 884883476 +648 441 3 884883724 +648 443 2 884883424 +648 444 3 884883679 +648 447 5 884883578 +648 448 3 884883476 +648 449 3 884882987 +648 452 3 884883679 +648 454 3 884368232 +648 455 3 882211685 +648 456 2 884367180 +648 458 2 882211418 +648 471 4 882211685 +648 472 3 882211965 +648 473 3 882211965 +648 474 4 884368002 +648 475 1 884364250 +648 477 3 882211585 +648 479 4 884368538 +648 483 5 882212708 +648 484 5 884368442 +648 496 4 884796822 +648 497 4 884796769 +648 498 3 884368130 +648 500 5 884368002 +648 502 5 884881679 +648 505 4 884796652 +648 507 1 884796598 +648 510 5 884796728 +648 514 2 884796822 +648 519 4 884628482 +648 520 4 884367538 +648 523 3 884628644 +648 526 3 884368232 +648 527 4 884368643 +648 546 4 882211736 +648 550 4 884882802 +648 554 4 884883323 +648 559 2 884883578 +648 561 2 884883679 +648 563 5 884883679 +648 564 1 884883724 +648 565 3 884883679 +648 566 4 884882702 +648 568 5 882212651 +648 569 3 884883578 +648 575 3 884882553 +648 576 4 884882916 +648 578 4 884882987 +648 585 3 884882234 +648 586 3 884883149 +648 596 3 882211419 +648 603 5 882212651 +648 615 4 884796652 +648 619 3 882211301 +648 629 4 882213596 +648 633 3 884796858 +648 635 2 884883476 +648 636 4 884882916 +648 637 2 884883424 +648 662 3 884368485 +648 663 1 882213502 +648 665 2 884882987 +648 671 3 884883476 +648 674 3 884883476 +648 675 2 884883424 +648 676 2 882211384 +648 678 3 884366792 +648 679 3 884882802 +648 684 4 884882702 +648 685 5 882211924 +648 687 1 882212527 +648 692 4 882213535 +648 713 2 884795447 +648 717 4 884366425 +648 722 3 884882104 +648 726 3 884882271 +648 728 2 884882078 +648 740 4 882211301 +648 742 5 882211175 +648 743 1 884367366 +648 746 4 884881524 +648 748 3 882211886 +648 756 2 884366939 +648 758 2 884795447 +648 763 2 882212200 +648 769 1 884883724 +648 780 1 884882501 +648 781 4 884882078 +648 797 3 884883031 +648 809 3 884883323 +648 810 4 884883031 +648 816 1 884883724 +648 820 2 882212131 +648 825 4 882212039 +648 826 3 882212526 +648 827 3 882211924 +648 831 1 882212131 +648 840 1 884367180 +648 862 1 884882441 +648 864 3 882211418 +648 878 3 884367366 +648 904 2 884794555 +648 924 1 884795447 +648 926 3 882212400 +648 928 4 882212071 +648 929 4 882211066 +648 930 3 882212131 +648 931 2 882212609 +648 997 1 884882636 +648 1003 4 884882375 +648 1028 2 882212288 +648 1029 2 884882636 +648 1030 2 884882552 +648 1033 2 882212288 +648 1041 3 884882192 +648 1047 2 882212288 +648 1050 4 884797033 +648 1060 2 882212373 +648 1072 2 884882527 +648 1092 1 884882502 +648 1110 3 884881621 +648 1176 1 884628278 +648 1228 3 884883149 +648 1244 3 882212373 +648 1258 2 884366613 +648 1271 4 884882234 +648 1337 3 884367366 +648 1376 2 884367180 +648 1626 1 884795447 +649 1 5 891440235 +649 15 4 891440373 +649 24 4 891440460 +649 50 4 891440235 +649 117 5 891440460 +649 121 2 891440214 +649 127 5 891440356 +649 147 4 891440214 +649 181 4 891440309 +649 250 3 891440356 +649 252 4 891440624 +649 254 4 891440695 +649 257 5 891440496 +649 275 2 891440412 +649 282 4 891440330 +649 291 5 891440330 +649 298 4 891440293 +649 323 3 891440624 +649 471 5 891440412 +649 678 3 891440562 +649 815 3 891440274 +649 1016 4 891440511 +649 1244 3 891440676 +649 1283 2 891440528 +650 1 3 891369759 +650 2 3 891381709 +650 4 3 891386695 +650 7 4 891369656 +650 15 3 891383594 +650 21 2 891387767 +650 22 3 891369707 +650 23 3 891369890 +650 25 3 891385826 +650 27 3 891381745 +650 29 2 891382877 +650 38 3 891381784 +650 50 5 891372232 +650 54 2 891385876 +650 55 4 891369889 +650 56 3 891369798 +650 62 3 891381784 +650 63 2 891388294 +650 66 3 891384285 +650 68 3 891381784 +650 69 2 891382877 +650 71 3 891386755 +650 72 2 891386755 +650 73 3 891387542 +650 77 3 891370093 +650 79 3 891369924 +650 80 2 891389216 +650 82 3 891381585 +650 88 3 891384226 +650 89 4 891381585 +650 91 4 891371061 +650 95 3 891371186 +650 96 4 891369479 +650 97 3 891383110 +650 98 4 891369798 +650 99 4 891372365 +650 100 4 891369954 +650 109 3 891386167 +650 117 4 891370852 +650 118 4 891381546 +650 121 3 891369836 +650 127 2 891369520 +650 131 3 891372258 +650 132 4 891372365 +650 133 4 891381546 +650 134 5 891369520 +650 135 4 891381545 +650 136 4 891372203 +650 137 3 891385105 +650 140 2 891389132 +650 141 4 891386210 +650 143 5 891369656 +650 144 3 891381585 +650 145 3 891387953 +650 151 3 891387418 +650 152 3 891382138 +650 153 4 891382138 +650 154 3 891381993 +650 155 2 891384249 +650 157 3 891382960 +650 158 2 891388149 +650 159 3 891370093 +650 160 3 891383572 +650 161 3 891381709 +650 162 3 891382928 +650 163 3 891386878 +650 164 4 891369798 +650 168 4 891381546 +650 172 4 891369442 +650 173 5 891369520 +650 174 4 891369479 +650 175 4 891372233 +650 176 4 891369798 +650 177 2 891371061 +650 179 2 891383786 +650 180 3 891383164 +650 181 4 891371116 +650 182 3 891385775 +650 183 4 891369924 +650 185 3 891369836 +650 186 4 891370998 +650 187 2 891381585 +650 188 3 891381610 +650 191 4 891381546 +650 193 3 891382901 +650 194 4 891369588 +650 195 4 891369442 +650 196 4 891370998 +650 197 4 891372233 +650 198 4 891381546 +650 199 4 891369520 +650 200 4 891386047 +650 202 3 891372258 +650 203 3 891369924 +650 204 4 891369707 +650 205 4 891370971 +650 206 4 891371186 +650 208 5 891371090 +650 209 3 891382032 +650 210 3 891381585 +650 211 4 891370971 +650 212 3 891383713 +650 214 3 891369587 +650 215 2 891371152 +650 216 4 891381546 +650 217 3 891389162 +650 218 3 891370065 +650 219 3 891386671 +650 222 4 891369924 +650 223 3 891369656 +650 226 3 891370031 +650 227 2 891369836 +650 228 4 891369954 +650 229 2 891370031 +650 230 4 891369656 +650 231 2 891381709 +650 232 3 891381634 +650 233 2 891370243 +650 234 4 891369890 +650 235 3 891388080 +650 238 4 891382032 +650 239 3 891385876 +650 243 2 891369215 +650 257 3 891384844 +650 258 3 891368960 +650 265 4 891370031 +650 269 4 891368885 +650 270 4 891368959 +650 271 3 891369143 +650 272 4 891381546 +650 281 2 891382877 +650 286 3 891369022 +650 288 3 891369889 +650 290 2 891387979 +650 294 3 891369190 +650 301 2 891385035 +650 309 3 891369071 +650 313 4 891381546 +650 315 3 891368885 +650 316 3 891369190 +650 323 3 891369285 +650 355 2 891369190 +650 357 4 891372286 +650 363 2 891382876 +650 367 2 891387490 +650 371 2 891387725 +650 373 1 891382877 +650 378 3 891383879 +650 380 2 891383735 +650 385 4 891381585 +650 389 3 891387571 +650 391 2 891382877 +650 393 3 891386778 +650 399 3 891381784 +650 402 3 891383272 +650 403 3 891381709 +650 404 3 891369443 +650 416 3 891387312 +650 417 3 891387591 +650 419 4 891370971 +650 420 3 891385826 +650 423 3 891372316 +650 427 4 891383424 +650 429 4 891383523 +650 430 4 891382138 +650 431 3 891369620 +650 432 4 891386830 +650 434 4 891382218 +650 435 4 891372286 +650 443 5 891369982 +650 444 2 891388341 +650 445 4 891388210 +650 447 3 891386120 +650 449 3 891370031 +650 450 1 891382877 +650 451 2 891384202 +650 452 2 891370155 +650 472 3 891381784 +650 474 4 891385315 +650 476 2 891388080 +650 478 4 891371186 +650 479 5 891372339 +650 480 5 891371090 +650 482 3 891385775 +650 483 5 891372315 +650 484 5 891372365 +650 485 3 891385422 +650 489 3 891387277 +650 491 3 891385775 +650 493 4 891369554 +650 494 3 891371153 +650 495 3 891372316 +650 496 4 891369707 +650 498 4 891369587 +650 499 3 891372316 +650 501 3 891385980 +650 502 3 891387353 +650 504 3 891369889 +650 506 3 891385508 +650 507 4 891371153 +650 509 3 891372233 +650 510 3 891371090 +650 511 5 891369520 +650 514 3 891371020 +650 515 4 891369678 +650 517 3 891382033 +650 519 4 891381545 +650 520 4 891369759 +650 521 3 891387616 +650 523 3 891382066 +650 525 3 891369954 +650 526 4 891369554 +650 527 3 891383229 +650 528 3 891370998 +650 530 4 891372233 +650 546 1 891382877 +650 550 3 891381661 +650 551 3 891370446 +650 552 4 891370031 +650 554 2 891382877 +650 559 3 891387520 +650 561 3 891370113 +650 563 3 891388170 +650 565 3 891388266 +650 566 3 891369890 +650 568 3 891381709 +650 571 3 891387915 +650 576 1 891382877 +650 578 3 891381661 +650 579 3 891370182 +650 581 2 891370155 +650 585 1 891387979 +650 588 3 891372286 +650 597 3 891381818 +650 601 3 891386964 +650 602 4 891371116 +650 603 4 891369836 +650 604 3 891385178 +650 608 4 891369520 +650 612 4 891369656 +650 614 3 891385876 +650 620 2 891383977 +650 622 3 891387468 +650 625 3 891387616 +650 627 2 891387520 +650 628 3 891369982 +650 629 3 891387398 +650 630 5 891371061 +650 631 3 891383424 +650 633 4 891371091 +650 635 3 891370155 +650 636 3 891370066 +650 637 3 891387353 +650 639 3 891371116 +650 642 3 891370065 +650 644 3 891371061 +650 648 3 891384201 +650 650 2 891372203 +650 654 3 891369890 +650 657 4 891372339 +650 658 3 891387571 +650 659 3 891369798 +650 661 3 891385206 +650 662 3 891371153 +650 663 4 891370971 +650 665 2 891381819 +650 670 3 891387915 +650 671 3 891386878 +650 673 3 891369924 +650 674 4 891386778 +650 679 3 891381709 +650 692 3 891384226 +650 705 4 891371153 +650 708 3 891383356 +650 715 3 891383206 +650 719 3 891387833 +650 732 3 891371061 +650 735 3 891369588 +650 737 2 891383832 +650 739 2 891384328 +650 742 3 891369889 +650 747 3 891384202 +650 751 2 891369001 +650 755 3 891386187 +650 780 2 891389237 +650 809 3 891383926 +650 823 3 891381661 +650 843 2 891388266 +650 849 2 891381745 +650 898 3 891368914 +650 926 3 891388294 +650 928 2 891370093 +650 968 4 891372258 +650 969 3 891371186 +650 1031 3 891369480 +650 1035 2 891389132 +650 1039 3 891383229 +650 1050 3 891369620 +650 1060 3 891387833 +650 1065 4 891383547 +650 1110 4 891388467 +650 1118 3 891385746 +650 1119 3 891383303 +650 1126 4 891369620 +650 1135 2 891383977 +650 1149 4 891383856 +650 1215 3 891381850 +650 1247 1 891384110 +650 1419 3 891381884 +650 1474 3 891385288 +650 1627 3 891383786 +651 116 2 879348966 +651 127 4 879348965 +651 242 5 880126430 +651 268 2 880126473 +651 269 5 880126096 +651 276 4 879348966 +651 285 4 879348966 +651 286 4 879348880 +651 292 2 879348881 +651 294 1 879348880 +651 301 3 880126632 +651 302 5 879348880 +651 306 5 880126473 +651 309 1 880126632 +651 322 3 880126632 +651 327 4 880126473 +651 332 3 879348880 +651 515 5 879348966 +651 683 3 880126096 +651 690 3 880126508 +651 995 1 880126547 +652 96 4 882567356 +652 125 2 882567383 +652 245 4 882567058 +652 257 2 882567356 +652 259 2 882567058 +652 275 4 882567294 +652 282 4 882567294 +652 286 3 882567012 +652 288 2 882566890 +652 294 2 882566890 +652 300 4 882566890 +652 301 1 882566948 +652 307 4 882566890 +652 323 3 882567100 +652 328 4 882567058 +652 333 4 882566857 +652 395 3 882567383 +652 538 4 882567012 +652 699 5 882567383 +652 748 3 882566948 +652 879 3 882566924 +652 984 2 882567180 +653 1 4 878855383 +653 2 1 880151839 +653 4 3 878866755 +653 7 2 878866951 +653 11 2 878854145 +653 15 3 878854383 +653 22 5 878854284 +653 28 4 878866814 +653 38 3 880152955 +653 42 2 880151818 +653 50 5 878854100 +653 53 2 880153304 +653 54 3 880152523 +653 55 3 878854051 +653 56 5 878853975 +653 62 3 880151691 +653 63 2 880153077 +653 64 4 878867272 +653 69 4 878854284 +653 70 2 880151340 +653 76 3 880150702 +653 77 3 880152843 +653 79 4 878854051 +653 81 1 880151651 +653 82 4 880150393 +653 83 5 878853936 +653 87 4 878854332 +653 88 3 880152399 +653 89 5 878854100 +653 94 2 880153494 +653 96 4 878854145 +653 97 3 878854383 +653 98 2 878854633 +653 100 4 878854666 +653 101 3 880151817 +653 105 3 890181185 +653 111 2 878854996 +653 117 4 878854810 +653 118 3 878854810 +653 121 4 878854769 +653 125 2 878866973 +653 127 5 878853780 +653 128 3 880606620 +653 132 3 880149897 +653 135 5 878866755 +653 136 1 880149965 +653 139 2 880153123 +653 142 2 880153378 +653 143 3 880150104 +653 144 3 878867346 +653 145 2 880153705 +653 151 3 878866475 +653 152 2 878866951 +653 153 2 878867228 +653 154 3 878867137 +653 156 4 878854633 +653 157 5 878855483 +653 160 3 878854441 +653 161 4 878854247 +653 163 4 880151629 +653 164 3 878854633 +653 167 2 880153429 +653 168 3 890181186 +653 172 3 878854051 +653 174 5 878854051 +653 175 2 878854332 +653 176 3 878854145 +653 177 3 880150702 +653 179 4 880149927 +653 180 5 878854593 +653 181 4 878854145 +653 182 3 878854051 +653 183 3 878854100 +653 185 2 880606620 +653 186 5 880151557 +653 187 4 878853780 +653 188 5 878854145 +653 191 5 880150019 +653 193 4 878866951 +653 194 3 880150260 +653 195 5 878854100 +653 196 2 880151539 +653 197 3 878854332 +653 198 4 880151426 +653 199 4 880150239 +653 200 4 878866952 +653 202 3 880151794 +653 204 4 878867093 +653 205 1 880150126 +653 208 3 890181185 +653 210 4 880150103 +653 211 1 880149947 +653 213 2 880150190 +653 214 3 880151311 +653 215 2 880606619 +653 216 3 878866900 +653 219 1 880152780 +653 222 3 884405596 +653 223 3 878866636 +653 225 1 886052230 +653 226 3 878867346 +653 227 3 880151488 +653 228 4 878854190 +653 229 3 880153145 +653 230 3 890181186 +653 232 2 880152426 +653 233 3 880151599 +653 234 3 878854633 +653 237 2 878855365 +653 238 1 878866604 +653 239 5 878854475 +653 245 4 893276091 +653 248 3 884405730 +653 257 3 890181185 +653 258 3 886051833 +653 265 4 878866995 +653 272 4 893275949 +653 282 3 884405616 +653 286 4 884405346 +653 290 3 880153522 +653 291 4 878855275 +653 293 3 886051879 +653 294 2 878853618 +653 300 4 889151716 +653 307 4 889151627 +653 310 4 884405406 +653 313 4 890180685 +653 318 4 878854383 +653 328 4 884408848 +653 333 5 878853678 +653 356 1 880151734 +653 357 4 878854383 +653 366 2 880152901 +653 367 3 878867228 +653 371 1 880152058 +653 378 3 890181185 +653 380 3 880151984 +653 381 2 880606620 +653 385 4 878854190 +653 386 1 880152864 +653 388 2 880153705 +653 393 2 880152426 +653 395 1 880153674 +653 402 1 880151488 +653 403 2 880151461 +653 405 3 878854810 +653 407 1 878867398 +653 409 2 880153406 +653 410 1 878855024 +653 411 2 878854906 +653 416 1 880152426 +653 423 2 880152039 +653 425 2 880606619 +653 428 1 880151580 +653 429 3 878866679 +653 431 4 878854666 +653 436 1 880151673 +653 441 3 890181186 +653 444 1 880153329 +653 447 2 880606620 +653 448 4 878867249 +653 449 3 880153740 +653 451 2 880152351 +653 455 3 878854051 +653 458 2 878866475 +653 471 2 884405560 +653 472 1 880606675 +653 474 4 880150019 +653 476 2 878855211 +653 480 4 880150239 +653 482 2 880150218 +653 492 4 880149999 +653 496 2 878866679 +653 502 2 878866995 +653 506 2 880606619 +653 508 3 886052198 +653 509 4 878854441 +653 510 2 880150040 +653 511 4 878854100 +653 517 1 880150330 +653 518 2 878866755 +653 520 3 880151488 +653 521 4 878854441 +653 523 4 878854284 +653 526 3 880151752 +653 527 2 878855510 +653 531 5 878854284 +653 546 2 880153253 +653 550 3 890181186 +653 563 1 880153406 +653 566 5 878854190 +653 571 1 880153406 +653 572 2 880153522 +653 573 1 880152843 +653 575 1 880153406 +653 576 1 880152955 +653 578 1 880153009 +653 581 1 880152819 +653 585 2 880153522 +653 597 4 878854810 +653 619 3 880152085 +653 620 3 880153740 +653 622 3 880152377 +653 628 4 878866413 +653 631 2 880150412 +653 638 1 878866636 +653 642 1 878866604 +653 654 2 880606620 +653 657 4 890181185 +653 658 2 880151817 +653 659 1 880150330 +653 670 1 880152902 +653 674 3 880151983 +653 679 2 880153406 +653 684 5 878854247 +653 685 3 878854769 +653 686 2 878854247 +653 692 2 880151884 +653 693 1 880151651 +653 696 1 880152989 +653 702 3 880151918 +653 708 2 880152598 +653 712 3 880153639 +653 719 3 880153841 +653 722 1 880152800 +653 728 2 880153568 +653 732 2 878866724 +653 737 1 880151839 +653 739 3 880152902 +653 742 3 886052040 +653 746 5 878853936 +653 748 5 878853734 +653 755 2 880153077 +653 756 1 878854996 +653 763 1 878854906 +653 765 1 880153207 +653 771 2 880606620 +653 779 1 880153467 +653 780 2 880606620 +653 790 2 880152523 +653 797 2 880153841 +653 802 2 880153040 +653 809 3 880153620 +653 819 3 880149751 +653 823 2 880153568 +653 840 4 878854737 +653 862 2 880153378 +653 930 4 880148885 +653 941 1 880153040 +653 944 2 880152657 +653 967 2 880153123 +653 973 2 880150348 +653 984 4 884408848 +653 1012 4 878854852 +653 1014 2 884405682 +653 1016 3 890181186 +653 1023 3 878855109 +653 1028 2 880152902 +653 1035 2 880153099 +653 1042 2 880151488 +653 1044 1 880153304 +653 1046 1 880151580 +653 1065 1 880152085 +653 1087 2 880153207 +653 1101 2 878866755 +653 1132 1 880153429 +653 1133 2 880153674 +653 1135 2 880152759 +653 1136 2 880152759 +653 1139 3 880153145 +653 1140 1 880153841 +653 1183 1 880153329 +653 1188 1 880153568 +653 1206 3 880152377 +653 1207 1 880153329 +653 1210 2 880153705 +653 1228 2 880153378 +653 1231 2 880153349 +653 1244 3 878854769 +653 1267 1 880153253 +653 1444 3 880153077 +653 1478 2 880153705 +653 1620 2 886052291 +654 1 4 887863557 +654 3 3 887864071 +654 4 4 887864830 +654 8 5 887864497 +654 11 4 887864452 +654 12 5 887864389 +654 13 1 887863780 +654 14 2 887863557 +654 15 3 887863557 +654 22 5 887864292 +654 24 4 887863651 +654 25 1 887863381 +654 28 5 887864610 +654 50 5 887863323 +654 54 3 887864941 +654 56 4 887864414 +654 66 4 887864727 +654 69 4 887864641 +654 70 4 887864663 +654 71 3 887864610 +654 79 5 887864256 +654 81 2 887864831 +654 82 5 887864797 +654 83 5 887864680 +654 87 4 887864471 +654 95 4 887864204 +654 97 3 887864727 +654 98 5 887864641 +654 100 1 887863436 +654 109 3 887863635 +654 111 4 887863635 +654 114 5 887864532 +654 116 4 887863436 +654 117 4 887864350 +654 118 2 887863914 +654 121 4 887863757 +654 124 4 887863412 +654 128 5 887865053 +654 137 4 887863596 +654 143 5 887864275 +654 144 5 887864907 +654 146 3 887864105 +654 147 3 887863488 +654 151 4 887863471 +654 153 4 887864414 +654 154 3 887864797 +654 168 4 887864369 +654 169 5 887864275 +654 172 4 887864532 +654 173 5 887864181 +654 174 5 887864727 +654 181 3 887863381 +654 189 4 887864230 +654 195 4 887864350 +654 196 5 887864757 +654 204 4 887864610 +654 210 5 887864350 +654 215 4 887864587 +654 216 4 887864432 +654 218 2 887864330 +654 222 5 887863534 +654 223 4 887864497 +654 237 4 887863339 +654 238 4 887864452 +654 239 4 887864868 +654 246 1 887863471 +654 248 2 887863596 +654 249 5 887863866 +654 250 1 887863557 +654 252 2 887864031 +654 255 2 887863513 +654 257 4 887863802 +654 258 4 887863436 +654 265 5 887864330 +654 268 1 887863017 +654 269 4 889451420 +654 274 4 887863635 +654 275 5 887863394 +654 276 1 887863866 +654 278 3 887863757 +654 282 3 887863513 +654 283 5 887863471 +654 284 4 887863914 +654 288 3 887863064 +654 291 4 887863914 +654 294 3 887863127 +654 300 5 887863017 +654 302 5 887862964 +654 313 5 887862952 +654 317 4 887864757 +654 318 5 887864230 +654 332 4 887863081 +654 336 3 887863227 +654 367 4 887864923 +654 370 2 887863914 +654 381 3 887864886 +654 385 4 887864308 +654 405 4 887863866 +654 408 5 887863381 +654 418 4 887864588 +654 423 4 887864432 +654 431 4 887864414 +654 455 3 887863826 +654 462 4 887864998 +654 468 4 887864757 +654 473 2 887863933 +654 476 3 887863914 +654 496 4 887864230 +654 508 1 887863355 +654 535 3 887863962 +654 546 4 887863885 +654 558 3 887864471 +654 568 4 887864868 +654 588 4 887864797 +654 591 5 887863412 +654 596 3 887863802 +654 597 4 887864812 +654 638 4 887864868 +654 660 5 887864532 +654 678 4 888687055 +654 689 3 887863194 +654 720 4 887864923 +654 735 4 887864846 +654 736 5 887864757 +654 739 4 887864886 +654 742 4 887863339 +654 746 3 887864204 +654 748 4 887863081 +654 751 3 887863034 +654 756 4 887864071 +654 785 4 887864976 +654 821 3 887864907 +654 825 3 887863826 +654 845 4 887863613 +654 926 4 887863981 +654 963 4 887864414 +654 969 5 887864204 +654 1009 3 887863885 +654 1014 3 887863981 +654 1016 4 887863841 +654 1020 4 887864566 +654 1035 4 887864697 +654 1048 3 887864050 +654 1115 3 887863779 +654 1165 1 887864146 +654 1283 1 887863779 +654 1285 4 887864998 +655 1 2 887650876 +655 2 3 888474138 +655 4 2 887611649 +655 5 2 887523641 +655 6 4 887425812 +655 7 3 887425969 +655 8 3 887477336 +655 9 3 891585450 +655 11 2 887427307 +655 12 3 887427130 +655 13 3 887426237 +655 14 3 891585450 +655 15 3 888685735 +655 18 3 888984478 +655 19 2 887472719 +655 20 3 887611537 +655 21 2 888685787 +655 22 2 888474424 +655 23 3 887426971 +655 24 3 887473831 +655 25 3 887611511 +655 26 3 887427338 +655 27 3 888984478 +655 28 3 887427210 +655 30 5 888474646 +655 31 3 887523200 +655 32 4 887426900 +655 36 2 888685955 +655 38 2 887429875 +655 42 3 887428184 +655 43 3 888474456 +655 44 2 887564639 +655 45 3 891585477 +655 46 4 887523403 +655 47 3 887426972 +655 48 4 887472744 +655 49 1 887428417 +655 50 4 887425458 +655 51 2 887611677 +655 52 3 891585279 +655 53 2 887429812 +655 54 2 887430746 +655 55 2 887429302 +655 56 3 887428060 +655 57 3 887427743 +655 58 3 887427600 +655 59 4 887564613 +655 60 3 887564614 +655 61 3 887564614 +655 64 4 887426931 +655 65 2 887477511 +655 66 2 890887261 +655 69 3 887476943 +655 70 2 887474727 +655 76 3 888813372 +655 77 3 887430746 +655 79 5 887429559 +655 81 3 887427371 +655 82 2 887429559 +655 86 4 887650978 +655 87 3 887476943 +655 88 2 890887261 +655 89 4 887650683 +655 92 3 891585477 +655 93 3 888474986 +655 96 3 887651060 +655 97 3 887426931 +655 98 4 887472744 +655 100 3 888474138 +655 111 2 887523664 +655 113 3 891585477 +655 116 2 887476999 +655 117 2 887426030 +655 118 2 887426666 +655 121 3 887651060 +655 122 2 887523605 +655 124 3 887426087 +655 125 2 887426200 +655 126 2 887426732 +655 127 5 888474106 +655 128 3 887429732 +655 129 3 887426008 +655 131 2 893002283 +655 132 3 887565138 +655 133 4 888474106 +655 134 4 887431976 +655 135 4 887427083 +655 137 4 892333972 +655 143 4 887523176 +655 144 3 887429594 +655 149 4 887425936 +655 150 3 888893279 +655 152 3 890887261 +655 153 2 887523641 +655 155 4 887473702 +655 156 2 887430634 +655 157 3 887611445 +655 159 3 887477216 +655 160 3 887427473 +655 161 2 887429758 +655 162 3 888474165 +655 164 2 887430072 +655 165 3 887650512 +655 166 3 891585530 +655 167 4 888474713 +655 170 3 887523224 +655 171 2 887523641 +655 172 4 887477167 +655 174 3 888474456 +655 175 3 887426931 +655 176 2 887429999 +655 178 4 887427009 +655 179 4 888813272 +655 181 3 887425601 +655 182 4 888474106 +655 183 4 887429999 +655 185 4 887430102 +655 186 3 887428157 +655 187 5 888474357 +655 188 3 888474807 +655 190 3 887427338 +655 191 4 887472744 +655 192 3 887473753 +655 193 3 887427307 +655 195 3 887473965 +655 196 3 888685556 +655 197 3 887426864 +655 198 4 887428871 +655 200 4 887473639 +655 202 2 887651114 +655 203 3 887476943 +655 204 3 887477192 +655 205 3 887650538 +655 207 3 888893279 +655 208 3 888813272 +655 209 3 887473831 +655 210 3 888474646 +655 211 3 887428334 +655 212 3 887477409 +655 213 4 888474934 +655 214 3 887650851 +655 215 2 887472943 +655 216 4 887428086 +655 218 3 887523477 +655 219 2 890497653 +655 220 2 887426583 +655 221 3 891585242 +655 222 2 887650944 +655 223 3 887473856 +655 224 3 887425845 +655 226 3 887429732 +655 228 3 887429594 +655 233 3 887611537 +655 234 3 888474713 +655 236 3 887426407 +655 237 3 887426116 +655 238 3 887473831 +655 239 2 887428507 +655 240 3 887650538 +655 242 4 887424795 +655 246 3 887474020 +655 248 2 888685759 +655 249 3 887474630 +655 250 3 887425625 +655 251 3 888984417 +655 252 2 888474490 +655 255 3 887477336 +655 256 3 887651060 +655 257 3 887474020 +655 258 2 887650944 +655 262 5 888474934 +655 265 3 887477314 +655 268 3 887474077 +655 269 3 888474807 +655 270 4 887650943 +655 271 3 887425103 +655 272 3 888474138 +655 273 4 887426373 +655 274 3 888474872 +655 275 4 887425845 +655 276 4 887473778 +655 279 3 888685989 +655 280 2 888474490 +655 281 2 887426732 +655 282 3 888685989 +655 283 3 887425936 +655 284 2 887426732 +655 285 4 887425936 +655 286 3 887424831 +655 287 3 890497592 +655 288 3 887472814 +655 289 3 887425070 +655 291 3 887523177 +655 292 2 889293132 +655 293 4 887650683 +655 294 3 887425103 +655 295 3 887425530 +655 296 4 888474934 +655 297 4 888474107 +655 298 4 887425564 +655 300 3 887476919 +655 301 2 887424991 +655 302 4 887424720 +655 303 4 888474107 +655 304 2 888475101 +655 305 4 887523909 +655 306 3 887424883 +655 307 3 892011201 +655 310 3 887473937 +655 311 3 887473702 +655 312 2 892011201 +655 313 4 888474285 +655 315 4 887424720 +655 316 4 889978343 +655 317 3 887474269 +655 318 4 887473702 +655 319 3 888685879 +655 320 5 888474456 +655 321 3 887425103 +655 324 3 890103072 +655 325 2 887425197 +655 326 2 888474742 +655 327 3 888685734 +655 328 2 887425025 +655 330 2 887425295 +655 332 3 888984255 +655 333 2 887472879 +655 337 2 887433538 +655 340 3 888984325 +655 344 4 888204230 +655 345 3 887473803 +655 346 4 888474713 +655 347 3 887424948 +655 354 2 891667570 +655 356 3 887430804 +655 357 4 887426864 +655 359 3 887424883 +655 363 3 887426770 +655 367 3 887428031 +655 371 3 887611537 +655 372 3 887428507 +655 375 2 888984293 +655 378 1 887430410 +655 381 3 887474656 +655 382 3 887427131 +655 385 3 887429669 +655 387 3 888984538 +655 391 2 887429784 +655 393 2 887428334 +655 396 2 887428507 +655 402 2 887431019 +655 403 2 891585574 +655 405 2 887429900 +655 410 2 891585344 +655 411 3 887650512 +655 417 2 888771346 +655 423 3 887693376 +655 425 3 887477409 +655 427 4 891585242 +655 428 3 887428157 +655 433 2 887428030 +655 435 2 887860616 +655 443 4 887430102 +655 447 4 888813372 +655 448 4 888474934 +655 449 3 887429732 +655 451 3 887428280 +655 454 3 888813372 +655 458 3 887426407 +655 459 2 891408204 +655 461 2 887427130 +655 462 3 888474960 +655 464 3 887523367 +655 466 3 887474630 +655 467 3 887523790 +655 468 3 887427681 +655 469 3 887427778 +655 471 3 887611594 +655 474 3 888813306 +655 475 3 887693376 +655 476 2 887428671 +655 479 4 888474107 +655 480 4 888984506 +655 481 2 888474390 +655 483 4 888685734 +655 498 3 887523453 +655 500 2 887651149 +655 502 4 887477168 +655 503 3 887523477 +655 504 5 887650683 +655 505 3 891735725 +655 507 4 888813371 +655 508 3 887426030 +655 509 3 887427441 +655 511 3 887427009 +655 512 3 887474050 +655 513 3 891585504 +655 514 5 887650683 +655 515 4 887425458 +655 516 2 887523581 +655 517 4 891585450 +655 518 2 888813186 +655 520 3 887523427 +655 521 3 887426900 +655 522 3 887426900 +655 523 3 887427268 +655 525 2 892333973 +655 527 3 887427568 +655 528 5 887473570 +655 529 4 887428965 +655 531 4 887473570 +655 533 2 887651114 +655 534 2 887693376 +655 535 2 888685914 +655 536 3 887650512 +655 537 3 887489086 +655 543 3 887474050 +655 547 4 887523176 +655 550 2 887611677 +655 553 2 887431019 +655 558 4 887427506 +655 559 2 887472965 +655 566 3 888893279 +655 568 3 887429640 +655 572 2 887651149 +655 574 2 887489222 +655 576 2 888893313 +655 578 2 887488694 +655 581 2 887477000 +655 582 2 887427131 +655 584 3 887429171 +655 591 3 887426237 +655 594 3 887430778 +655 603 4 887473605 +655 604 4 888984325 +655 605 3 887474241 +655 607 4 887523427 +655 610 4 887432283 +655 611 3 887475345 +655 612 3 888474456 +655 619 3 887430746 +655 628 3 890887261 +655 629 3 887428559 +655 631 4 887473570 +655 632 3 887523224 +655 636 3 888475015 +655 638 4 890497592 +655 639 3 887473803 +655 640 2 888685955 +655 642 3 887430714 +655 644 3 887474288 +655 645 3 887474288 +655 647 3 888813306 +655 649 3 888685989 +655 650 3 887427009 +655 651 4 887564613 +655 653 3 892011201 +655 654 3 887474077 +655 655 3 888474285 +655 656 3 887430072 +655 657 3 891585504 +655 658 3 887427130 +655 660 2 888475101 +655 662 2 888686011 +655 670 3 887430142 +655 672 2 891585573 +655 673 3 887523427 +655 674 3 887523427 +655 676 2 887426665 +655 684 3 887473965 +655 685 2 887426666 +655 686 2 887427866 +655 690 2 887477489 +655 692 3 887523453 +655 693 3 888984506 +655 694 3 887428772 +655 695 3 891585242 +655 698 4 887473727 +655 699 2 887650593 +655 700 3 887523200 +655 702 2 887477262 +655 707 3 887472671 +655 708 3 887427307 +655 709 3 888475039 +655 712 3 887474050 +655 715 3 887476942 +655 716 2 888475101 +655 717 1 887430830 +655 722 1 887431047 +655 723 3 887650851 +655 724 3 887427600 +655 726 2 887475055 +655 727 2 888685914 +655 728 2 887431019 +655 729 2 887476031 +655 730 2 890497653 +655 731 3 888474872 +655 732 3 887428445 +655 733 3 888474138 +655 734 3 887523477 +655 735 3 887427338 +655 736 3 888685734 +655 739 4 891585450 +655 740 3 888474713 +655 741 3 887426201 +655 742 3 888813272 +655 744 2 887427636 +655 746 3 891999461 +655 750 2 887472879 +655 751 3 888474960 +655 753 3 887860615 +655 761 2 888686011 +655 762 2 888984255 +655 764 1 887431074 +655 766 3 891585450 +655 770 2 892011201 +655 772 3 887426972 +655 773 3 887430072 +655 775 2 887523815 +655 778 2 890497653 +655 781 1 887428384 +655 782 3 887650483 +655 785 2 887490946 +655 786 2 887472965 +655 789 3 887473879 +655 792 3 891585380 +655 793 3 888813186 +655 794 1 887431019 +655 796 2 887428280 +655 800 2 887430197 +655 803 3 888474358 +655 805 2 888474327 +655 806 3 887523224 +655 813 3 888474456 +655 815 2 887651149 +655 823 2 888685759 +655 825 2 887429669 +655 831 2 887564549 +655 844 4 887650979 +655 845 2 887426446 +655 847 2 891585279 +655 855 3 887428965 +655 860 3 887477386 +655 863 3 887473995 +655 865 4 887523909 +655 867 4 887427307 +655 869 2 889282952 +655 872 3 888685879 +655 874 4 888984255 +655 875 3 888685850 +655 880 2 887523271 +655 882 3 887473879 +655 887 3 887650979 +655 889 3 888474285 +655 895 3 887472767 +655 896 4 887474605 +655 899 2 887433492 +655 900 3 887424991 +655 902 2 892333973 +655 903 3 887425070 +655 904 5 887473639 +655 906 2 888813416 +655 909 3 890611503 +655 910 3 889458990 +655 911 2 891817522 +655 912 3 891817522 +655 913 4 891817521 +655 914 3 891817471 +655 915 4 891817435 +655 916 2 892436455 +655 918 2 892436609 +655 919 2 888474490 +655 921 3 887474656 +655 923 3 888685734 +655 927 3 887564613 +655 930 2 887429812 +655 935 3 887425498 +655 936 3 887425625 +655 939 3 887473905 +655 942 4 888685850 +655 944 3 891585504 +655 945 2 887476008 +655 950 3 887611566 +655 953 3 887427243 +655 954 2 887428031 +655 955 3 887860615 +655 956 3 888984538 +655 958 3 887428993 +655 959 3 887427958 +655 960 3 887427210 +655 961 3 888685735 +655 962 5 887473674 +655 963 3 888475015 +655 966 3 887477409 +655 972 3 887475213 +655 974 2 887477025 +655 975 3 887426446 +655 979 3 888893279 +655 980 2 888984354 +655 995 3 887424991 +655 1005 4 887474605 +655 1007 3 891585504 +655 1008 3 887426300 +655 1009 2 887523271 +655 1010 3 887477191 +655 1011 3 887651060 +655 1012 3 888474357 +655 1014 3 890103072 +655 1016 3 887425601 +655 1017 3 887611566 +655 1018 3 887472791 +655 1022 3 887424948 +655 1024 3 887650979 +655 1029 1 887475032 +655 1041 3 887611537 +655 1042 2 887523641 +655 1044 3 887564483 +655 1045 3 887427473 +655 1046 3 887430779 +655 1053 1 887489159 +655 1061 2 887428623 +655 1062 3 887650979 +655 1063 3 888474909 +655 1067 2 887650593 +655 1068 3 891585417 +655 1069 1 887473535 +655 1070 4 887474050 +655 1071 2 888984293 +655 1074 3 891999461 +655 1082 3 887425655 +655 1084 3 888813272 +655 1085 2 888813416 +655 1086 3 888474358 +655 1090 3 887430855 +655 1097 3 887426008 +655 1098 3 887473905 +655 1099 3 887428965 +655 1100 3 887427371 +655 1101 2 887427243 +655 1103 3 887428417 +655 1106 2 891817472 +655 1107 4 888813272 +655 1108 3 887427083 +655 1111 3 887473856 +655 1112 2 887475641 +655 1113 3 887427810 +655 1118 3 887473605 +655 1121 3 887428938 +655 1128 3 887472791 +655 1129 3 891585242 +655 1131 5 887428772 +655 1134 3 887611594 +655 1135 3 887427743 +655 1136 2 887427568 +655 1137 3 888474807 +655 1140 3 887474699 +655 1141 3 888474986 +655 1142 2 891585344 +655 1143 3 887425458 +655 1144 3 888475015 +655 1147 3 887472767 +655 1149 3 887429107 +655 1153 3 887477336 +655 1155 3 887474289 +655 1158 3 888984255 +655 1160 3 888685850 +655 1161 3 887426446 +655 1166 3 891585477 +655 1167 3 887428384 +655 1169 3 887427210 +655 1170 3 891585242 +655 1171 3 887426200 +655 1173 2 887431157 +655 1174 3 887523477 +655 1176 4 888474934 +655 1186 3 888984538 +655 1192 4 887650851 +655 1193 3 887477360 +655 1194 5 887474605 +655 1195 3 887693376 +655 1196 3 888984325 +655 1197 3 887474289 +655 1198 3 888984538 +655 1208 3 887430746 +655 1211 4 887427681 +655 1213 2 887489282 +655 1214 2 891999461 +655 1221 3 891585477 +655 1223 3 891585242 +655 1226 3 891585529 +655 1232 3 887472606 +655 1233 3 887650512 +655 1238 2 888474843 +655 1245 3 887426087 +655 1248 3 887473879 +655 1252 3 887425601 +655 1255 3 887425732 +655 1256 3 887425655 +655 1257 3 887433685 +655 1262 3 891585279 +655 1265 3 887425025 +655 1266 3 887428911 +655 1267 2 887427840 +655 1268 3 892914357 +655 1273 2 888984386 +655 1278 2 887433780 +655 1281 3 891585477 +655 1284 2 887477511 +655 1288 3 887523427 +655 1296 3 891585242 +655 1311 3 887474473 +655 1319 3 887426373 +655 1322 2 887523641 +655 1344 3 887474020 +655 1351 3 888984539 +655 1356 3 887426059 +655 1368 5 888474285 +655 1370 3 890887261 +655 1375 3 887426008 +655 1378 3 887523176 +655 1379 3 888685879 +655 1380 4 887425625 +655 1388 3 887477336 +655 1395 3 887768594 +655 1400 3 887427268 +655 1403 3 888813372 +655 1406 3 888984325 +655 1407 2 887491131 +655 1418 4 888474646 +655 1421 3 887523477 +655 1426 2 888474390 +655 1436 2 888474679 +655 1445 3 887427538 +655 1448 3 887523224 +655 1462 3 887429077 +655 1465 2 887472943 +655 1466 3 890497592 +655 1473 3 888474872 +655 1475 3 887477386 +655 1479 2 887475032 +655 1490 2 887489792 +655 1499 3 888685556 +655 1501 3 887523200 +655 1506 3 887428871 +655 1514 2 887472879 +655 1516 3 887474630 +655 1529 2 887489792 +655 1532 2 887476999 +655 1535 3 887429023 +655 1538 3 887425498 +655 1549 2 891585574 +655 1553 4 888474019 +655 1554 2 887611677 +655 1560 2 887429136 +655 1578 3 887650714 +655 1585 4 887523403 +655 1600 3 888474286 +655 1602 3 891817435 +655 1605 3 888685850 +655 1607 3 887768472 +655 1623 4 887428735 +655 1628 2 888729735 +655 1629 3 887427083 +655 1630 3 887428735 +655 1631 4 888685734 +655 1632 3 888685759 +655 1633 3 889331315 +655 1634 2 888474019 +655 1635 3 887432079 +655 1636 4 887473570 +655 1637 3 888984255 +655 1638 3 887488947 +655 1639 4 887650483 +655 1640 3 888474646 +655 1641 3 887427810 +655 1642 4 888474934 +655 1643 5 887611511 +655 1644 1 888474327 +655 1645 4 892871225 +655 1646 3 891913577 +655 1647 3 891817435 +655 1648 2 891817435 +655 1649 3 892333993 +655 1650 4 892871225 +655 1651 4 891913500 +656 245 1 892319084 +656 269 3 892318343 +656 270 3 892318676 +656 272 3 892318343 +656 286 1 892318343 +656 300 2 892318614 +656 301 3 892318648 +656 302 3 892318450 +656 303 4 892318553 +656 312 1 892318777 +656 316 3 892318450 +656 322 1 892319238 +656 326 1 892318888 +656 327 2 892318738 +656 338 3 892319359 +656 340 3 892318488 +656 344 4 892318520 +656 346 3 892318488 +656 347 4 892318488 +656 689 2 892319276 +656 750 2 892318648 +656 875 2 892318842 +656 896 5 892318842 +656 903 2 892318777 +657 1 3 884239123 +657 7 3 884239057 +657 9 4 884239123 +657 109 1 884239886 +657 111 5 884239368 +657 117 4 884240629 +657 118 1 884240732 +657 151 4 884239886 +657 258 2 884238559 +657 269 5 884238002 +657 273 3 884239566 +657 282 3 884239745 +657 286 4 884238002 +657 294 5 884238247 +657 300 2 884237751 +657 301 3 884237633 +657 302 2 884237291 +657 327 1 884238247 +657 340 4 884237291 +657 346 4 884238162 +657 455 1 884239498 +657 475 4 884239057 +657 508 4 884239057 +657 628 3 884241192 +657 690 4 884238002 +657 744 4 884239566 +657 873 3 884238614 +657 922 4 884239123 +657 1009 4 884240629 +658 1 4 875145614 +658 7 4 875145879 +658 8 5 875147873 +658 9 4 875145572 +658 22 4 875147448 +658 24 3 875145493 +658 31 3 875148108 +658 32 3 875147800 +658 42 4 875147873 +658 45 5 875147800 +658 50 4 875145750 +658 55 4 875148059 +658 56 5 875148108 +658 69 4 875147995 +658 70 3 875148196 +658 86 4 875147873 +658 96 4 875147873 +658 98 4 875147800 +658 100 4 875145493 +658 117 4 875145879 +658 127 5 875145614 +658 129 3 875145750 +658 137 3 875145572 +658 151 5 875148319 +658 168 3 875148108 +658 169 5 875147935 +658 171 4 875147448 +658 178 5 875148195 +658 181 3 875145614 +658 182 5 875147448 +658 192 4 875147935 +658 195 3 875148059 +658 198 5 875148108 +658 201 3 875147873 +658 212 3 875148059 +658 235 2 875145572 +658 257 4 875145667 +658 273 4 875148262 +658 276 4 875145572 +658 318 4 875148196 +658 408 5 875145614 +658 429 4 875147800 +658 433 4 875147994 +658 458 3 875145926 +658 467 4 875147448 +658 471 4 875145879 +658 475 4 875145667 +658 477 3 875145750 +658 488 4 875148196 +658 510 3 875147800 +658 511 4 875147935 +658 515 5 875145493 +658 518 4 875147873 +658 527 5 875147800 +658 530 4 875147995 +658 603 4 875147994 +658 628 3 875145841 +658 654 4 875148059 +658 718 3 875145667 +658 724 3 875148059 +658 730 3 875147995 +658 735 3 875148108 +658 772 3 875147591 +658 844 3 875145667 +658 919 2 875145841 +658 923 3 875148059 +658 943 3 875148196 +658 952 2 875145926 +658 960 4 875147873 +658 1079 2 875145572 +658 1101 4 875147995 +659 4 3 891383917 +659 7 3 891331564 +659 13 4 891331361 +659 23 5 891332006 +659 43 4 891385955 +659 49 3 891385438 +659 50 3 891044882 +659 56 5 891331825 +659 58 4 891385012 +659 62 4 891386380 +659 64 4 891384152 +659 66 4 891385306 +659 69 3 891384916 +659 70 4 891383412 +659 73 4 891387083 +659 76 4 891383917 +659 77 4 891386680 +659 79 4 891384036 +659 82 4 891384499 +659 86 5 891386071 +659 88 2 891385955 +659 89 4 891384637 +659 90 2 891386577 +659 96 4 891384552 +659 97 5 891384798 +659 98 4 891045943 +659 121 4 891331301 +659 127 5 891331825 +659 131 4 891383412 +659 134 4 891332189 +659 135 3 891383412 +659 136 5 891331874 +659 143 5 891384973 +659 144 4 891384499 +659 153 4 891045891 +659 155 3 891386540 +659 157 4 891383636 +659 159 4 891386540 +659 161 3 891386492 +659 162 3 891385136 +659 164 4 891384606 +659 167 3 891385438 +659 170 3 891045943 +659 172 3 891384526 +659 173 4 891383412 +659 174 4 891384215 +659 175 5 891386829 +659 176 4 891045747 +659 177 5 891384850 +659 178 5 891332261 +659 179 1 891384077 +659 180 5 891385044 +659 181 3 891384107 +659 182 4 891332044 +659 183 4 891385079 +659 185 4 891332223 +659 186 3 891385197 +659 187 5 891331825 +659 188 3 891384606 +659 191 5 891332293 +659 192 4 891384372 +659 195 4 891384152 +659 196 4 891384888 +659 197 5 891385080 +659 199 4 891383965 +659 202 4 891385306 +659 204 4 891384152 +659 210 5 891383889 +659 211 3 891384077 +659 212 4 891387227 +659 214 3 891387399 +659 215 4 891385258 +659 216 4 891045892 +659 218 4 891384798 +659 226 4 891387194 +659 234 4 891384798 +659 241 3 891387121 +659 252 4 891045227 +659 255 3 891045161 +659 257 2 891044849 +659 258 4 891331825 +659 269 4 891331825 +659 272 4 891044849 +659 294 4 891044849 +659 313 5 891331825 +659 315 3 891044991 +659 316 4 891044849 +659 317 4 891331874 +659 319 3 891331322 +659 345 4 891044849 +659 356 3 891385012 +659 357 4 891331959 +659 367 3 891385166 +659 385 5 891331825 +659 387 4 891387227 +659 393 3 891387054 +659 402 3 891387400 +659 419 5 891331916 +659 423 4 891384414 +659 431 4 891385627 +659 443 5 891385136 +659 447 3 891386910 +659 448 4 891385438 +659 451 5 891385534 +659 467 3 891384414 +659 469 4 891385136 +659 474 2 891384739 +659 476 3 891331534 +659 479 5 891383412 +659 481 5 891385866 +659 482 4 891383674 +659 483 4 891383889 +659 486 4 891383733 +659 489 4 891045747 +659 490 4 891384215 +659 492 3 891332189 +659 494 4 891383965 +659 496 5 891385258 +659 498 3 891383733 +659 499 4 891385438 +659 502 4 891385438 +659 505 4 891385769 +659 506 3 891385379 +659 507 5 891383561 +659 512 3 891386040 +659 514 5 891385044 +659 517 5 891384888 +659 519 4 891383889 +659 520 3 891332006 +659 521 5 891384499 +659 524 4 891332158 +659 526 5 891332224 +659 528 4 891385012 +659 559 1 891386641 +659 566 3 891383889 +659 568 4 891384850 +659 569 2 891386910 +659 578 3 891387351 +659 601 3 891386241 +659 602 4 891385986 +659 603 5 891331825 +659 604 4 891331916 +659 606 5 891331959 +659 607 5 891331825 +659 609 4 891385769 +659 610 3 891332044 +659 611 4 891384606 +659 616 4 891386577 +659 629 4 891386680 +659 636 3 891387400 +659 642 2 891386492 +659 646 4 891332122 +659 647 3 891384823 +659 648 3 891332006 +659 649 3 891386307 +659 654 4 891384526 +659 655 4 891383561 +659 657 5 891383965 +659 659 3 891332006 +659 660 3 891384798 +659 661 5 891331916 +659 664 4 891386380 +659 670 2 891385689 +659 673 4 891384499 +659 675 4 891386936 +659 693 4 891331417 +659 699 3 891384499 +659 705 5 891383561 +659 708 3 891386641 +659 712 3 891386307 +659 720 3 891386492 +659 735 3 891385079 +659 739 4 891387022 +659 762 3 891387227 +659 792 4 891384003 +659 794 3 891386910 +659 805 5 891383561 +659 836 4 891045943 +659 837 3 891386307 +659 855 2 891386576 +659 942 3 891386347 +659 1021 5 891331825 +659 1044 4 891386071 +659 1064 5 891385866 +659 1119 4 891383674 +659 1138 4 891045266 +659 1168 4 891386641 +659 1172 4 891332122 +659 1203 4 891385258 +659 1267 3 891385689 +659 1297 2 891387306 +660 1 3 891406276 +660 2 2 891201151 +660 3 1 891405958 +660 7 3 891198203 +660 8 2 891199781 +660 17 1 891265453 +660 21 3 891198671 +660 22 4 891199262 +660 24 3 891198277 +660 29 2 891357371 +660 33 2 891200193 +660 38 2 891201842 +660 40 2 891201674 +660 41 1 891265453 +660 47 2 891200456 +660 50 4 891197980 +660 56 1 891265453 +660 62 2 891201243 +660 63 2 891201823 +660 64 3 891199035 +660 67 1 891201859 +660 68 4 891199391 +660 71 2 891200430 +660 72 3 891201436 +660 79 2 891199348 +660 80 1 891201796 +660 82 2 891200491 +660 83 3 891199556 +660 84 2 891201823 +660 87 2 891199133 +660 89 3 891199965 +660 90 2 891201346 +660 91 4 891200193 +660 94 2 891201887 +660 95 2 891200491 +660 96 3 891200430 +660 97 3 891200406 +660 98 4 891199348 +660 99 2 891200704 +660 100 3 891198063 +660 101 3 891201243 +660 106 2 891903867 +660 117 3 891197934 +660 118 2 891198479 +660 120 1 891198996 +660 121 2 891197954 +660 122 1 891198996 +660 123 2 891198109 +660 125 3 891198421 +660 132 3 891199683 +660 134 4 891199153 +660 135 4 891199833 +660 139 2 891202060 +660 144 3 891199856 +660 145 2 891202022 +660 151 5 891198335 +660 153 4 891200388 +660 154 4 891200534 +660 159 1 891200817 +660 161 1 891201223 +660 163 2 891199992 +660 164 2 891200307 +660 167 2 891201565 +660 168 5 891199477 +660 172 4 891199017 +660 173 5 891199556 +660 174 4 891199293 +660 175 3 891199367 +660 176 3 891199182 +660 177 2 891200014 +660 179 4 891200073 +660 181 4 891197998 +660 182 2 891200213 +660 183 2 891199499 +660 184 3 891200741 +660 186 3 891199781 +660 191 4 891406212 +660 195 4 891406212 +660 196 4 891199557 +660 197 3 891199965 +660 201 3 891200513 +660 202 2 891199683 +660 204 3 891200370 +660 207 4 891199620 +660 208 4 891199201 +660 209 4 891406212 +660 210 4 891199293 +660 211 4 891199104 +660 215 3 891199082 +660 216 2 891199804 +660 217 2 891200817 +660 219 1 891406212 +660 222 2 891198063 +660 227 2 891201172 +660 228 3 891200193 +660 229 2 891406212 +660 230 3 891199856 +660 231 2 891357371 +660 235 3 891198401 +660 238 3 891200340 +660 239 2 891200989 +660 243 2 891197757 +660 249 2 891198109 +660 250 4 891198174 +660 252 2 891198459 +660 254 1 891357371 +660 257 4 891197934 +660 259 4 891197778 +660 265 2 891199241 +660 266 2 891197639 +660 271 3 891197561 +660 272 4 891197481 +660 281 3 891198588 +660 290 4 891198549 +660 294 3 891197701 +660 298 2 891198441 +660 301 3 891197661 +660 307 3 891197503 +660 313 4 891197481 +660 315 4 891197462 +660 316 4 891197728 +660 318 3 891199133 +660 328 3 891197585 +660 347 3 891197585 +660 349 3 891197757 +660 357 2 891200014 +660 358 2 891197796 +660 362 2 891197585 +660 366 1 891405958 +660 380 2 891201587 +660 385 3 891199883 +660 386 2 891200904 +660 391 2 891201823 +660 392 2 891200072 +660 393 2 891201541 +660 402 3 891201380 +660 403 3 891357371 +660 404 2 891200621 +660 405 2 891198479 +660 419 2 891199348 +660 423 3 891199942 +660 428 4 891200594 +660 429 4 891199833 +660 430 4 891199747 +660 431 4 891200658 +660 432 4 891199104 +660 434 3 891200430 +660 435 4 891199883 +660 444 2 891201948 +660 449 3 891201796 +660 456 1 891198996 +660 462 2 891199293 +660 470 2 891199883 +660 472 2 891198421 +660 473 2 891198996 +660 474 2 891200037 +660 483 4 891199804 +660 485 3 891200491 +660 491 4 891199348 +660 496 3 891199082 +660 510 3 891199056 +660 515 2 891199391 +660 523 3 891200534 +660 527 3 891200073 +660 542 2 891201887 +660 546 2 891198588 +660 550 2 891201541 +660 559 2 891201069 +660 568 3 891199182 +660 569 2 891201499 +660 603 4 891199182 +660 625 3 891200513 +660 636 2 891200704 +660 640 1 891201223 +660 652 4 891200370 +660 657 2 891199579 +660 658 1 891200193 +660 663 2 891199833 +660 675 3 891199556 +660 679 2 891201069 +660 680 2 891405088 +660 710 3 891199942 +660 722 1 891265453 +660 739 2 891201925 +660 742 2 891198312 +660 746 4 891199478 +660 747 4 891200639 +660 748 3 891197757 +660 755 2 891201026 +660 771 2 891201984 +660 774 3 891200594 +660 786 1 891265453 +660 797 2 891201753 +660 800 2 891201675 +660 809 2 891201565 +660 810 3 891265495 +660 825 2 891198549 +660 826 3 891198762 +660 845 3 891198385 +660 846 2 891198174 +660 890 1 891198996 +660 898 4 891197561 +660 926 2 891201587 +660 930 2 891198762 +660 946 2 891201696 +660 996 1 891265453 +660 1020 4 891199833 +660 1035 2 891201116 +660 1050 4 891200678 +660 1065 2 891201049 +660 1074 1 891201399 +660 1078 2 891201521 +660 1110 2 891201823 +660 1133 2 891201419 +660 1135 2 891201675 +660 1139 2 891201966 +660 1178 1 891265453 +660 1181 1 891200594 +660 1183 1 891201049 +660 1240 3 891201637 +660 1411 2 891201294 +660 1419 1 891202022 +660 1483 3 892520856 +660 1615 2 891198441 +661 1 5 876016545 +661 8 5 876016491 +661 28 5 876013975 +661 31 3 876017533 +661 48 4 876016726 +661 50 5 876013935 +661 52 4 876017029 +661 58 4 886841865 +661 64 4 876014060 +661 69 4 876013492 +661 70 4 876017029 +661 71 4 876015530 +661 79 5 886841798 +661 86 4 876035679 +661 89 5 888300344 +661 95 5 876036190 +661 96 4 876015607 +661 97 4 888299980 +661 117 4 886841250 +661 118 4 876037058 +661 121 2 876037619 +661 131 3 886841714 +661 132 5 886841714 +661 135 5 876013398 +661 140 3 876013552 +661 144 5 876016580 +661 145 1 876035968 +661 161 4 876013588 +661 164 4 876035968 +661 165 5 876013975 +661 166 5 888300194 +661 168 5 876017294 +661 169 5 876017294 +661 170 4 888300680 +661 172 5 876036358 +661 173 4 876014469 +661 174 5 876013447 +661 175 2 888299899 +661 178 4 876013492 +661 179 4 876014125 +661 180 5 876016545 +661 181 5 876015607 +661 183 4 876035466 +661 185 5 876013447 +661 189 4 876013850 +661 191 4 888300344 +661 192 4 888299461 +661 194 5 876016667 +661 195 5 888300488 +661 196 3 888300680 +661 197 4 876013975 +661 199 5 876016726 +661 200 3 876035896 +661 204 5 876017801 +661 209 4 876013492 +661 210 5 876015530 +661 215 3 876015657 +661 216 5 876017933 +661 218 3 876035933 +661 219 2 876035968 +661 222 3 876013121 +661 228 5 876016545 +661 230 4 888300344 +661 237 4 876037519 +661 238 4 876016491 +661 249 3 886841443 +661 255 3 876037088 +661 258 4 876012997 +661 272 4 893281023 +661 274 4 876037199 +661 280 3 886841562 +661 294 4 876036384 +661 298 3 886841348 +661 300 3 876036477 +661 304 2 886829961 +661 310 2 889500835 +661 313 4 886829961 +661 318 5 876013935 +661 357 4 876014469 +661 408 5 876015530 +661 418 4 876036240 +661 423 4 876016726 +661 425 4 886841714 +661 427 4 876016491 +661 428 4 876016726 +661 433 5 876016545 +661 436 4 876036043 +661 443 4 876035933 +661 471 4 876037167 +661 480 5 876016491 +661 496 5 876015530 +661 498 5 876017801 +661 501 4 876036190 +661 506 3 886841865 +661 514 3 876013398 +661 515 5 876017294 +661 527 4 876035679 +661 531 4 876013552 +661 538 3 886830056 +661 566 4 876015688 +661 568 4 888301266 +661 573 3 876036043 +661 603 3 876016726 +661 615 4 876013774 +661 631 3 886841831 +661 647 4 876013356 +661 652 2 888300680 +661 657 4 876013714 +661 665 3 876035999 +661 676 4 886841222 +661 684 3 888299899 +661 707 5 876016858 +661 709 4 886841685 +661 727 4 888300194 +661 749 2 889500304 +661 751 4 886840577 +661 756 3 876037089 +661 762 2 876037121 +661 972 3 876016581 +661 1035 3 876017717 +661 1045 3 886841865 +662 6 5 880571006 +662 10 4 880570142 +662 13 4 880570265 +662 50 3 880570142 +662 93 5 880571006 +662 100 5 880571006 +662 246 5 880571006 +662 268 5 880571005 +662 275 4 880571006 +662 276 3 880570080 +662 285 5 880571005 +662 286 3 880569465 +662 291 2 880570487 +662 319 3 880569520 +662 515 4 880571006 +662 591 4 880570112 +662 813 3 880570194 +662 985 4 880571006 +662 1342 4 880570112 +662 1380 2 880570952 +662 1381 5 880571005 +662 1511 4 880570301 +662 1652 3 880570909 +663 1 4 889492679 +663 3 4 889492614 +663 7 4 889492841 +663 9 2 889492435 +663 11 5 889493628 +663 12 5 889493576 +663 13 3 889492562 +663 15 4 889493069 +663 23 4 889493818 +663 25 4 889492917 +663 31 4 889493628 +663 42 5 889493732 +663 47 4 889493576 +663 50 5 889493502 +663 56 5 889493502 +663 64 5 889493502 +663 69 4 889493770 +663 89 4 889493818 +663 96 5 889493628 +663 98 5 889493540 +663 100 4 889492503 +663 108 2 889492796 +663 111 3 889492562 +663 117 4 889492390 +663 121 4 889493182 +663 123 3 889492562 +663 124 3 889492390 +663 125 3 889492720 +663 127 5 889493540 +663 129 3 889492503 +663 134 5 889493818 +663 147 3 889493069 +663 148 4 889492989 +663 150 5 889492435 +663 151 3 889492841 +663 173 3 889493818 +663 174 5 889493540 +663 176 5 889493502 +663 180 4 889493691 +663 181 4 889493732 +663 182 5 889493691 +663 183 4 889493770 +663 187 5 889493869 +663 192 4 889493628 +663 210 3 889493818 +663 235 2 889492917 +663 237 4 889492473 +663 240 3 889493027 +663 243 3 889492076 +663 245 4 889491891 +663 258 3 889491560 +663 259 2 889491861 +663 260 2 889491861 +663 265 4 889493691 +663 268 3 889491617 +663 272 5 889491515 +663 273 4 889492679 +663 274 3 889493182 +663 276 3 889492435 +663 280 3 889492841 +663 281 3 889492759 +663 282 3 889492759 +663 284 4 889492841 +663 286 3 889491515 +663 287 5 889492720 +663 288 4 889491617 +663 289 1 889491861 +663 294 3 889491811 +663 299 2 889491739 +663 300 4 889491655 +663 307 4 889491690 +663 313 5 889491617 +663 315 4 889491560 +663 316 4 889491974 +663 318 4 889493576 +663 319 1 889492229 +663 321 5 889491739 +663 322 4 889491739 +663 323 2 889492230 +663 324 2 889492019 +663 326 4 889491861 +663 328 4 889491861 +663 330 4 889491739 +663 332 4 889491768 +663 333 5 889491655 +663 351 2 889491919 +663 357 5 889493732 +663 363 2 889492990 +663 405 3 889492877 +663 410 3 889492759 +663 411 3 889492877 +663 455 2 889492679 +663 466 3 889493467 +663 471 3 889492841 +663 473 3 889492917 +663 475 4 889492435 +663 508 4 889492503 +663 509 4 889493437 +663 521 3 889493467 +663 544 4 889492841 +663 546 3 889493118 +663 588 4 889493628 +663 591 3 889492759 +663 597 3 889492917 +663 603 4 889493540 +663 619 4 889493182 +663 628 4 889492615 +663 652 4 889493540 +663 655 4 889493869 +663 658 4 889493467 +663 676 3 889492435 +663 678 2 889492140 +663 682 3 889491891 +663 685 4 889492917 +663 693 4 889493732 +663 696 3 889492877 +663 710 3 889493437 +663 741 4 889493351 +663 742 4 889492720 +663 748 2 889492019 +663 749 3 889491617 +663 762 4 889492473 +663 763 5 889492614 +663 815 4 889492759 +663 827 2 889492796 +663 833 4 889492796 +663 844 2 889492841 +663 845 3 889492796 +663 864 3 889492917 +663 872 3 889491919 +663 876 3 889491739 +663 895 4 889491811 +663 919 3 889492562 +663 924 3 889492351 +663 925 3 889493069 +663 928 3 889492679 +663 948 4 889492258 +663 956 4 889493732 +663 975 4 889492720 +663 978 4 889492614 +663 984 3 889491690 +663 985 3 889493210 +663 1009 3 889493069 +663 1011 3 889493027 +663 1017 2 889492679 +663 1047 4 889492679 +663 1048 4 889492562 +663 1051 3 889493118 +663 1059 2 889492614 +663 1067 3 889492562 +663 1073 3 889493691 +663 1086 3 889492959 +663 1119 3 889493437 +663 1161 3 889493069 +663 1245 4 889492959 +663 1276 3 889492679 +663 1324 3 889492473 +663 1327 4 889493210 +664 1 4 878090087 +664 4 4 876526152 +664 7 3 878091393 +664 12 5 876524699 +664 14 4 878090764 +664 22 2 876524731 +664 31 4 876526555 +664 45 4 878090415 +664 47 4 876525076 +664 50 5 878090415 +664 52 5 876525736 +664 53 3 876526580 +664 54 3 876526684 +664 56 4 876525962 +664 57 4 878092649 +664 58 4 876525292 +664 64 4 876524474 +664 69 3 876525364 +664 70 3 878092758 +664 71 4 878090125 +664 73 2 878090764 +664 77 3 876526631 +664 79 4 876526519 +664 81 5 876524474 +664 83 4 876524869 +664 89 5 878092649 +664 92 4 876525002 +664 95 4 878090125 +664 96 3 878094973 +664 97 3 876525363 +664 98 4 876526462 +664 100 5 876523833 +664 118 3 876526604 +664 121 3 876526659 +664 127 5 876525044 +664 132 4 878092569 +664 134 5 878092758 +664 137 3 876524641 +664 149 3 876525315 +664 151 4 878091912 +664 152 3 878091463 +664 153 4 876526152 +664 154 5 876525963 +664 156 4 876526784 +664 157 3 876524731 +664 159 3 876526739 +664 160 3 876524731 +664 162 4 876525764 +664 168 4 878090705 +664 169 5 878092569 +664 172 5 878090054 +664 173 4 876525963 +664 174 5 878092802 +664 175 4 876524699 +664 176 4 876526462 +664 179 4 876523654 +664 180 4 876524641 +664 182 4 876524641 +664 183 3 876526462 +664 186 5 876526052 +664 187 5 876524699 +664 191 3 876523833 +664 192 4 876524096 +664 194 4 876525998 +664 196 4 878090054 +664 197 4 876523654 +664 202 4 878094973 +664 203 4 876526685 +664 209 4 876525998 +664 210 4 878090054 +664 212 4 878090180 +664 215 4 876525293 +664 222 3 876524641 +664 223 4 876523654 +664 227 3 876526718 +664 228 4 876526462 +664 229 3 876526631 +664 230 3 876526659 +664 234 3 876526554 +664 237 2 876525002 +664 268 3 876523093 +664 276 5 876524053 +664 285 5 876524053 +664 286 4 876523092 +664 302 4 876523093 +664 306 4 876523133 +664 317 3 878095280 +664 318 5 876525044 +664 319 4 876523133 +664 321 3 876526179 +664 326 2 876523225 +664 328 3 876523314 +664 356 3 876526685 +664 367 3 876526152 +664 408 5 878094973 +664 414 5 878090415 +664 425 3 876524937 +664 427 4 876524053 +664 431 2 876526631 +664 433 3 876525998 +664 449 2 876526718 +664 450 3 876526604 +664 458 3 878091463 +664 462 4 878091912 +664 466 4 876526519 +664 469 3 876524474 +664 478 5 878090415 +664 479 5 878090087 +664 480 5 878091393 +664 481 5 878091912 +664 482 5 878090180 +664 483 4 878091463 +664 484 5 878090705 +664 494 5 878089975 +664 496 5 878090381 +664 497 3 878092649 +664 504 4 876526518 +664 509 4 876523654 +664 513 4 876524053 +664 514 5 876526179 +664 516 5 876525963 +664 518 4 876524290 +664 522 3 876525998 +664 525 4 876526580 +664 528 5 876523833 +664 529 4 878090125 +664 531 2 876523833 +664 566 4 876526631 +664 582 1 876525044 +664 588 3 878092569 +664 603 5 876526518 +664 611 5 878090705 +664 627 1 878090125 +664 631 4 876525077 +664 636 3 876526631 +664 642 4 876526554 +664 649 4 876525044 +664 654 5 876526604 +664 655 3 876524097 +664 657 5 876526685 +664 659 5 876526518 +664 660 3 876525718 +664 663 4 876525998 +664 664 4 876524474 +664 673 3 876526718 +664 678 2 876523288 +664 684 4 876526580 +664 692 3 878152048 +664 702 4 876526052 +664 705 4 878092802 +664 708 4 876525077 +664 715 3 876525718 +664 717 1 876526555 +664 724 3 876525695 +664 732 3 876525315 +664 735 4 878092802 +664 764 4 878092758 +664 770 4 876526659 +664 778 3 876525192 +664 792 4 876524474 +664 805 5 878090381 +664 845 2 878090381 +664 1090 1 876526739 +664 1098 3 876526152 +664 1101 3 876525002 +664 1109 4 876526555 +665 1 4 884290491 +665 7 4 884290635 +665 9 4 884290608 +665 12 4 884294286 +665 15 4 884290676 +665 24 3 884291300 +665 31 3 884294880 +665 33 2 884293873 +665 50 4 884290432 +665 56 5 884294611 +665 65 4 884293523 +665 69 5 884293475 +665 71 4 884293933 +665 79 3 884293831 +665 88 3 884294552 +665 89 4 884294935 +665 92 4 884295080 +665 96 3 884293831 +665 97 2 884294329 +665 98 4 884293569 +665 100 3 884290349 +665 105 2 884291810 +665 109 4 884292654 +665 111 4 884290608 +665 117 4 884290575 +665 121 2 884290480 +665 125 4 884291340 +665 126 4 884290751 +665 127 4 884292654 +665 133 3 884294771 +665 134 4 884293569 +665 135 4 884294880 +665 143 4 884293475 +665 147 4 884291057 +665 151 3 884291017 +665 154 3 884294025 +665 156 5 884294772 +665 157 3 884294671 +665 172 4 884293523 +665 177 3 884294374 +665 181 4 884291936 +665 183 4 884293933 +665 185 4 884294200 +665 186 4 884293569 +665 188 4 884293366 +665 191 3 884293475 +665 194 3 884294671 +665 195 3 884294819 +665 196 4 884294026 +665 200 4 884293741 +665 202 3 884294612 +665 210 4 884293789 +665 214 4 884294935 +665 215 2 884294880 +665 216 4 884293690 +665 222 3 884290676 +665 234 3 884293610 +665 237 3 884290635 +665 238 4 884294772 +665 239 3 884293475 +665 240 5 884291271 +665 248 4 884292068 +665 249 5 884290608 +665 255 4 884290608 +665 257 3 884292654 +665 265 3 884294716 +665 271 2 884290055 +665 274 3 884290408 +665 282 4 884291094 +665 286 4 884289850 +665 287 4 884290575 +665 293 4 884290728 +665 294 2 884289922 +665 298 3 884292654 +665 301 4 884290096 +665 307 3 884292654 +665 313 4 884618217 +665 315 4 884697720 +665 319 4 884289897 +665 328 4 884290055 +665 343 3 884292654 +665 346 2 884289897 +665 357 4 884293979 +665 369 4 884291747 +665 378 3 884294237 +665 393 3 884295080 +665 405 3 884291300 +665 410 3 884291165 +665 411 4 884291242 +665 417 3 884293569 +665 418 4 884294611 +665 419 4 884295126 +665 421 4 884294552 +665 423 4 884294611 +665 427 5 884293309 +665 432 4 884294025 +665 456 4 884291662 +665 471 3 884292009 +665 472 3 884291242 +665 473 4 884290882 +665 475 3 884290349 +665 476 4 884291133 +665 483 4 884293610 +665 496 3 884294200 +665 508 2 884290751 +665 527 3 884294880 +665 535 4 884291094 +665 538 4 884290143 +665 546 2 884291376 +665 566 2 884293741 +665 588 4 884294772 +665 597 3 884290853 +665 620 3 884291613 +665 631 2 884294459 +665 660 4 884294935 +665 684 3 884294286 +665 685 2 884290515 +665 687 2 884290143 +665 699 4 884294374 +665 721 3 884294772 +665 742 4 884290704 +665 748 4 884290076 +665 756 3 884292654 +665 762 4 884290480 +665 763 4 884291210 +665 815 4 884290608 +665 833 3 884291210 +665 845 4 884292654 +665 866 3 884290676 +665 924 4 884291165 +665 926 3 884291376 +665 931 3 884291810 +665 1009 4 884291936 +665 1028 4 884291133 +665 1040 4 884291550 +665 1047 1 884291376 +665 1048 4 884292325 +665 1061 4 884292654 +665 1132 2 884291662 +665 1225 2 884294286 +665 1283 3 884292654 +665 1315 4 884291413 +666 4 5 880314477 +666 5 2 880568465 +666 7 4 880313329 +666 11 4 880314453 +666 12 4 880139323 +666 13 4 880313542 +666 23 4 880139467 +666 25 3 880313559 +666 26 3 880568505 +666 28 3 880139381 +666 31 3 880314500 +666 32 4 880139466 +666 46 4 880139348 +666 48 4 880139180 +666 50 3 880313447 +666 56 4 880139090 +666 64 4 880139120 +666 66 4 880568560 +666 69 3 880139149 +666 70 4 880139526 +666 79 3 880567919 +666 81 4 880314194 +666 82 3 880314194 +666 89 4 880139149 +666 91 3 880139409 +666 92 3 880139493 +666 96 3 880568270 +666 97 4 880139642 +666 98 4 880139381 +666 100 4 880313310 +666 106 2 880313992 +666 108 3 880313929 +666 111 3 880313523 +666 114 4 880567919 +666 116 4 880313270 +666 118 3 880313903 +666 121 3 880313603 +666 122 2 880313723 +666 124 3 880313391 +666 127 5 880139180 +666 129 4 880313270 +666 132 4 880139669 +666 133 3 880139439 +666 134 5 880567695 +666 135 4 880139562 +666 137 4 880313423 +666 143 2 880568064 +666 144 3 880314144 +666 147 3 880313661 +666 151 2 880313582 +666 153 4 880314103 +666 154 3 880568662 +666 162 4 880568662 +666 163 3 880567742 +666 168 4 880314272 +666 169 4 880567883 +666 172 3 880139090 +666 173 4 880139253 +666 174 3 880139586 +666 175 4 880567612 +666 176 4 880139120 +666 177 3 880567612 +666 179 5 880139323 +666 180 4 880139562 +666 181 2 880139563 +666 182 4 880139526 +666 183 5 880139180 +666 185 4 880139466 +666 186 2 880139587 +666 187 5 880139439 +666 188 5 880314564 +666 191 4 880139090 +666 192 4 880139615 +666 193 4 880567810 +666 194 3 880139348 +666 195 3 880314272 +666 196 3 880568129 +666 197 4 880568129 +666 199 5 880314253 +666 200 5 880568465 +666 202 5 880139493 +666 203 4 880139180 +666 204 3 880139090 +666 205 3 880139562 +666 206 4 880139669 +666 208 3 880139467 +666 209 4 880139205 +666 210 2 880139493 +666 211 4 880139382 +666 213 4 880139120 +666 216 3 880139642 +666 222 3 880313423 +666 223 3 880314144 +666 234 3 880139323 +666 236 4 880313250 +666 237 3 880313391 +666 238 4 880139615 +666 245 3 880138865 +666 248 3 880313640 +666 255 4 880313423 +666 257 3 880313682 +666 258 4 880138999 +666 264 3 880138999 +666 265 3 880139274 +666 269 5 880314564 +666 270 3 880138720 +666 273 3 880313292 +666 282 3 880313482 +666 284 3 880313523 +666 286 5 880138999 +666 288 3 880138999 +666 291 3 880313640 +666 293 3 880313310 +666 294 3 880139037 +666 300 3 880138702 +666 301 4 880138999 +666 302 5 880138999 +666 310 5 880313163 +666 318 5 880139180 +666 319 4 880138999 +666 331 4 880138999 +666 333 3 880138999 +666 339 4 880138999 +666 357 4 880139526 +666 370 2 880313811 +666 381 3 880139349 +666 385 3 880568028 +666 405 2 880313662 +666 410 2 880313447 +666 423 3 880139381 +666 427 4 880139382 +666 428 3 880139439 +666 429 5 880139409 +666 430 4 880139614 +666 432 3 880139439 +666 433 3 880568560 +666 435 4 880567883 +666 436 3 880568637 +666 443 4 880568638 +666 467 4 880568094 +666 471 4 880313423 +666 474 5 880139323 +666 478 4 880139526 +666 479 4 880139642 +666 480 4 880568063 +666 482 4 880567997 +666 483 5 880139348 +666 484 4 880139149 +666 489 4 880314194 +666 492 4 880139252 +666 493 5 880139252 +666 494 4 880314310 +666 496 4 880139149 +666 498 5 880139669 +666 499 4 880139562 +666 502 3 880567883 +666 504 4 880139120 +666 505 4 880139526 +666 506 5 880139252 +666 507 3 880567771 +666 510 4 880139409 +666 511 4 880139120 +666 513 4 880139323 +666 514 4 880139295 +666 515 5 880313230 +666 516 5 880139348 +666 517 4 880139563 +666 518 4 880567742 +666 519 4 880139205 +666 520 3 880139562 +666 523 4 880314194 +666 525 4 880139467 +666 527 4 880139253 +666 529 5 880568129 +666 530 3 880139323 +666 544 4 880313682 +666 546 4 880313640 +666 566 3 880314500 +666 582 4 880139642 +666 591 2 880313604 +666 603 4 880567943 +666 604 3 880139669 +666 607 4 880139563 +666 613 5 880139295 +666 616 3 880139253 +666 632 4 880568028 +666 636 4 880568322 +666 638 3 880139563 +666 640 4 880314477 +666 642 5 880139586 +666 644 3 880314453 +666 646 3 880139180 +666 647 5 880139439 +666 649 3 880568694 +666 650 5 880139409 +666 651 5 880139149 +666 653 4 880139120 +666 654 5 880139382 +666 655 4 880139439 +666 656 4 880139120 +666 657 4 880139642 +666 660 4 880568094 +666 661 4 880139765 +666 662 3 880568094 +666 663 4 880139409 +666 684 4 880568063 +666 692 3 880568505 +666 696 3 880313811 +666 699 3 880568297 +666 707 5 880314103 +666 709 4 880314144 +666 729 4 880314225 +666 742 3 880313723 +666 744 3 880313661 +666 760 3 880313789 +666 792 4 880568694 +666 805 4 880568436 +666 811 4 880568396 +666 831 2 880313841 +666 855 4 880568270 +666 856 5 880139765 +666 864 3 880313523 +666 866 2 880313582 +666 924 2 880313582 +666 945 4 880567883 +666 956 4 880568637 +666 959 4 880139149 +666 960 4 880567810 +666 962 3 880314272 +666 963 3 880139090 +666 974 4 880313929 +666 1011 4 880313723 +666 1013 3 880314029 +666 1021 5 880139669 +666 1045 4 880567974 +666 1047 3 880313858 +666 1071 3 880567771 +666 1098 4 880314384 +666 1110 3 880314366 +666 1132 3 880313992 +666 1154 3 880567658 +666 1170 4 880568352 +666 1266 5 880139493 +666 1451 3 880139614 +666 1474 3 880567612 +667 9 5 891034831 +667 23 3 891035084 +667 28 5 891034913 +667 69 3 891035104 +667 79 3 891034930 +667 86 5 891034894 +667 98 4 891035104 +667 124 5 891035164 +667 131 5 891034810 +667 137 3 891035206 +667 168 3 891035206 +667 182 5 891034767 +667 186 4 891035033 +667 192 5 891034947 +667 196 5 891034993 +667 197 4 891035033 +667 210 3 891035051 +667 216 4 891034894 +667 223 5 891034767 +667 234 2 891034730 +667 238 3 891035140 +667 268 3 891034404 +667 269 5 891034444 +667 272 5 891034404 +667 275 4 891035084 +667 283 4 891034947 +667 285 5 891034810 +667 301 1 891034513 +667 313 3 891034404 +667 315 4 891034426 +667 316 4 891034584 +667 318 5 891034976 +667 357 5 891034767 +667 427 5 891034767 +667 435 3 891035104 +667 461 4 891034913 +667 475 5 891035051 +667 482 4 891035140 +667 487 5 891035084 +667 504 3 891035015 +667 527 4 891035121 +667 651 5 891034767 +667 660 4 891035164 +667 694 4 891034730 +667 880 3 891034568 +667 962 2 891035164 +667 1101 3 891035015 +668 13 4 881591075 +668 29 3 881605433 +668 50 5 881605642 +668 69 1 881702566 +668 82 4 881702925 +668 97 2 881702632 +668 124 3 881605489 +668 137 3 881605093 +668 210 5 881605849 +668 231 2 881605433 +668 252 2 881702925 +668 257 3 881605269 +668 258 2 881523929 +668 269 5 881523612 +668 271 4 881523787 +668 272 5 890349005 +668 283 5 881605324 +668 286 4 881523612 +668 288 4 882818604 +668 289 2 881523929 +668 294 3 890349076 +668 300 4 881523612 +668 302 5 881523612 +668 307 4 881523762 +668 311 4 881591023 +668 323 4 881591198 +668 328 4 881523787 +668 333 3 881524020 +668 340 4 881523737 +668 345 2 890349041 +668 347 4 890349005 +668 354 4 890349060 +668 355 2 890349190 +668 358 3 881524153 +668 367 5 881605587 +668 403 4 881605433 +668 475 4 881605210 +668 538 5 881523787 +668 554 3 881702723 +668 596 3 881591297 +668 752 4 890349005 +668 882 3 881523929 +668 895 3 890349136 +668 896 4 882818549 +668 902 2 890349285 +668 993 4 881591257 +669 1 5 892549412 +669 7 3 892549266 +669 12 5 891517287 +669 22 3 891517159 +669 23 4 891260474 +669 50 5 891517215 +669 56 2 891260497 +669 64 4 891260440 +669 79 2 891260474 +669 82 4 892550310 +669 96 2 891260392 +669 97 4 891517238 +669 111 4 892549583 +669 114 5 892550196 +669 117 1 891260577 +669 118 2 892549838 +669 121 3 892549673 +669 125 3 892549622 +669 127 5 891260596 +669 132 4 891260519 +669 133 4 891260779 +669 150 3 892549477 +669 151 5 892549370 +669 168 4 891517259 +669 169 3 891517159 +669 172 3 891517159 +669 174 3 891260369 +669 175 4 892550170 +669 181 5 892549390 +669 183 3 891260577 +669 187 5 892550170 +669 190 3 892550170 +669 191 3 892550310 +669 192 5 891260542 +669 194 3 891517159 +669 195 2 891260542 +669 196 3 892550234 +669 205 4 892550137 +669 208 2 891517215 +669 216 3 892550170 +669 222 3 892549434 +669 235 2 892549865 +669 246 4 892549497 +669 248 4 892549412 +669 252 2 892549865 +669 257 3 892549514 +669 258 2 891182622 +669 268 3 891517159 +669 269 3 891517159 +669 271 2 891182948 +669 276 2 892550259 +669 290 2 892549820 +669 300 4 892549238 +669 302 4 891182948 +669 310 4 892549126 +669 313 4 891182948 +669 323 1 891182792 +669 324 3 891517159 +669 326 1 891182678 +669 329 1 891182771 +669 340 4 891182948 +669 347 3 891182948 +669 348 1 891182572 +669 354 1 891182622 +669 355 2 891182792 +669 357 4 891260616 +669 408 5 892549316 +669 427 4 892550137 +669 462 5 892550137 +669 474 4 891260369 +669 475 3 892549336 +669 479 5 891260806 +669 480 5 891517259 +669 482 4 892550170 +669 483 3 892550196 +669 490 5 892550283 +669 505 3 891517159 +669 508 3 892549292 +669 511 5 891260778 +669 514 3 892550215 +669 515 5 891517238 +669 517 3 892550282 +669 521 4 892550196 +669 522 4 892550196 +669 523 4 891260638 +669 527 3 891517185 +669 531 3 892550310 +669 537 3 891517159 +669 603 5 891260719 +669 614 4 891260778 +669 647 5 891260596 +669 649 4 891260754 +669 654 5 891260754 +669 657 5 891517185 +669 664 4 892550104 +669 749 3 891517159 +669 879 2 891182703 +669 898 1 891182812 +669 902 2 891182948 +669 915 3 892549178 +670 8 4 877975594 +670 15 4 877975200 +670 83 3 877975018 +670 96 5 877975070 +670 98 2 877975731 +670 135 3 877974549 +670 144 4 877975285 +670 161 2 877975392 +670 168 3 877974549 +670 174 4 877975344 +670 175 2 877975448 +670 186 4 877975594 +670 191 4 877975731 +670 195 4 877974787 +670 199 4 877974549 +670 222 4 877974857 +670 228 5 877975344 +670 232 3 877975448 +670 245 4 877974070 +670 417 4 877975129 +670 419 4 877974945 +670 474 3 877975070 +670 479 5 877975594 +670 480 5 877975017 +670 482 5 877975285 +670 483 5 877975200 +670 484 5 877975391 +670 485 5 877974945 +670 511 4 877975285 +670 515 2 877974699 +670 519 5 877974604 +670 521 4 877975344 +670 603 5 877974465 +670 606 4 877975391 +670 611 5 877975129 +670 615 3 877974605 +670 650 2 877975200 +670 651 4 877975070 +670 657 5 877974857 +670 659 5 877974699 +670 705 5 877974905 +670 945 4 877975285 +670 949 2 877974465 +670 969 2 877975070 +670 1099 3 877975018 +670 1299 4 877974905 +671 2 4 884035892 +671 4 5 884035939 +671 5 2 883949781 +671 7 5 875388719 +671 11 4 884035774 +671 12 5 883546120 +671 17 4 883546889 +671 22 4 884035406 +671 23 4 883547351 +671 27 3 884036050 +671 29 3 884036050 +671 31 2 883546333 +671 33 5 883949781 +671 38 5 884035992 +671 50 5 875388719 +671 53 3 884034800 +671 54 3 884035173 +671 55 3 883546890 +671 56 1 883546120 +671 62 5 884036411 +671 66 5 884204727 +671 68 3 884035892 +671 79 2 883546120 +671 82 4 884035686 +671 88 4 884036846 +671 89 5 884035406 +671 96 5 884035686 +671 98 4 883949357 +671 117 3 875389187 +671 118 5 875389187 +671 121 4 875389187 +671 123 5 883546677 +671 144 4 884035686 +671 147 1 884035992 +671 159 5 883949781 +671 161 5 884035892 +671 172 5 884035774 +671 174 5 884035685 +671 176 2 883546120 +671 177 4 884035775 +671 181 5 875388719 +671 182 4 884035685 +671 184 3 884035775 +671 188 2 884035992 +671 195 5 884035774 +671 201 3 884204509 +671 203 3 884035173 +671 204 5 884204510 +671 210 5 884035892 +671 219 3 884338399 +671 222 1 883546333 +671 226 3 883949693 +671 231 3 884035993 +671 233 4 883547351 +671 234 4 883546890 +671 237 5 884037003 +671 241 5 884035686 +671 250 5 875389187 +671 255 5 884375221 +671 257 5 875388720 +671 258 5 875386402 +671 265 3 884035992 +671 273 4 875389187 +671 288 5 883950232 +671 298 4 875389187 +671 327 1 875387273 +671 356 3 883949781 +671 379 3 884035303 +671 385 5 884035892 +671 405 3 884035939 +671 431 2 883546677 +671 443 3 884034132 +671 451 4 884037004 +671 452 4 884035173 +671 455 4 884035775 +671 472 5 884036411 +671 504 4 883949781 +671 510 3 884035892 +671 511 3 884035406 +671 526 2 884035406 +671 546 5 884036050 +671 550 3 884035406 +671 553 5 884036846 +671 554 4 884036411 +671 559 4 884338399 +671 562 5 884036365 +671 566 4 884035303 +671 568 5 884035686 +671 570 3 884036411 +671 576 5 884035939 +671 578 3 884036411 +671 581 2 884035173 +671 583 3 884034132 +671 591 3 883546333 +671 597 4 884036365 +671 628 3 883950232 +671 654 3 884034800 +671 679 3 884036050 +671 684 3 883546890 +671 685 5 884035992 +671 686 3 884036365 +671 720 3 884036050 +671 742 5 884035173 +671 748 3 875386402 +671 770 2 883547351 +671 779 3 884036683 +671 802 3 884036411 +671 810 2 884036050 +671 838 3 884036365 +671 841 2 875388720 +671 849 3 884036050 +671 864 3 884204727 +671 925 3 883949781 +671 947 3 884035775 +671 986 2 884035173 +671 1073 3 883949781 +671 1109 2 883546677 +671 1215 3 884036365 +671 1217 4 883547351 +671 1222 3 884036365 +671 1239 3 884036683 +671 1303 3 884036365 +671 1491 1 884034132 +671 1597 1 884035892 +672 15 3 879787922 +672 25 5 879789056 +672 50 3 879787753 +672 109 4 879788774 +672 124 3 879787922 +672 127 4 879787729 +672 181 3 879788708 +672 220 2 879787729 +672 225 2 879789437 +672 237 2 879787811 +672 255 2 879789278 +672 269 3 879787460 +672 275 5 879787955 +672 280 2 879787729 +672 281 3 879788819 +672 284 4 879789030 +672 301 4 879787500 +672 321 4 879787518 +672 476 5 879789462 +672 515 5 879787812 +672 756 2 879789244 +672 815 4 879788819 +672 864 3 879789278 +672 874 4 879787643 +672 931 1 879789164 +672 1023 2 879789672 +672 1028 4 879789030 +672 1061 4 879789566 +672 1190 2 879789437 +673 12 4 888787587 +673 79 5 888787587 +673 242 4 888787508 +673 258 2 888786969 +673 268 1 888786997 +673 269 4 888786942 +673 272 5 888786942 +673 286 4 888787508 +673 288 4 888787423 +673 292 4 888787376 +673 294 4 888787376 +673 300 3 888786942 +673 301 3 888787450 +673 302 3 888786942 +673 303 5 888787376 +673 307 3 888787355 +673 310 5 888786997 +673 311 4 888787396 +673 313 4 888786942 +673 315 5 888786942 +673 321 3 888787355 +673 322 4 888787450 +673 323 2 888787508 +673 326 4 888787423 +673 327 4 888787396 +673 328 4 888787355 +673 340 5 888786969 +673 344 5 888787376 +673 345 4 888787396 +673 347 4 888787290 +673 528 5 888787587 +673 750 5 888786969 +673 895 3 888787423 +673 896 5 888787355 +673 898 3 888787312 +674 1 4 887762799 +674 15 4 887762584 +674 25 4 887763035 +674 50 4 887762584 +674 111 5 887763336 +674 117 5 887762861 +674 118 3 887763150 +674 121 4 887762881 +674 125 5 887762779 +674 127 5 887762799 +674 151 2 887763274 +674 181 4 887762603 +674 222 3 887762839 +674 245 4 887762430 +674 252 2 887763151 +674 255 4 887763012 +674 257 4 887762641 +674 282 5 887763231 +674 288 3 887762296 +674 289 2 887763151 +674 292 4 887762415 +674 294 4 887762296 +674 300 3 887762296 +674 304 3 887762296 +674 313 5 887762296 +674 315 3 887762296 +674 323 3 887762937 +674 405 4 887762861 +674 410 3 887763150 +674 539 1 887763151 +674 597 3 887763150 +674 678 3 887762480 +674 685 3 887762861 +674 742 5 887762714 +674 751 3 887762398 +674 763 5 887762799 +674 827 4 887762899 +674 866 5 887763062 +674 929 3 887763150 +674 1197 3 887763386 +674 1620 4 887763035 +675 86 4 889489574 +675 223 1 889490151 +675 235 1 889490151 +675 242 4 889488522 +675 244 3 889489775 +675 258 3 889488679 +675 269 5 889488487 +675 272 3 889488431 +675 286 4 889488431 +675 303 5 889488522 +675 305 4 889488548 +675 306 5 889488487 +675 311 3 889488647 +675 312 2 889488624 +675 318 5 889489273 +675 321 2 889488708 +675 344 4 889488754 +675 347 4 889488431 +675 427 5 889489691 +675 463 5 889489003 +675 509 5 889489465 +675 531 5 889489108 +675 650 5 889489971 +675 750 4 889488487 +675 874 4 889488679 +675 891 2 889488779 +675 896 5 889488575 +675 900 4 889488624 +675 937 1 889490151 +675 1007 4 889489522 +675 1101 4 889490029 +675 1255 1 889490151 +675 1628 5 889489837 +675 1653 5 889489913 +676 1 5 892686188 +676 9 2 892686134 +676 13 1 892686319 +676 22 5 892686606 +676 50 5 892686083 +676 64 5 892686563 +676 100 5 892686083 +676 114 5 892686606 +676 117 4 892686244 +676 132 5 892686703 +676 144 4 892686459 +676 168 5 892686459 +676 169 5 892686524 +676 172 5 892686490 +676 173 5 892686665 +676 174 5 892686459 +676 181 5 892686164 +676 193 5 892686606 +676 222 4 892686273 +676 245 4 892685592 +676 250 4 892686164 +676 255 5 892686348 +676 257 5 892686220 +676 258 2 892685370 +676 259 4 892685621 +676 265 5 892686703 +676 269 2 892685224 +676 270 4 892685489 +676 271 3 892685621 +676 272 4 892685224 +676 286 4 892685252 +676 288 1 892685437 +676 294 4 892685591 +676 295 1 892686220 +676 300 4 892685403 +676 302 5 892685224 +676 303 4 892685403 +676 313 4 892685224 +676 315 4 892685224 +676 316 4 892685224 +676 318 5 892686459 +676 326 2 892685592 +676 328 5 892685657 +676 344 5 892685657 +676 345 2 892685621 +676 352 1 892685875 +676 354 4 892685437 +676 471 3 892686273 +676 480 5 892686666 +676 482 4 892686702 +676 483 4 892686459 +676 508 1 892686134 +676 520 4 892686758 +676 538 4 892685437 +676 539 4 892685920 +676 546 3 892686371 +676 682 1 892685716 +676 687 1 892685803 +676 688 1 892685695 +676 748 4 892685538 +676 750 4 892685252 +676 751 4 892685695 +676 845 5 892686398 +676 879 3 892685489 +676 890 1 892685900 +676 892 4 892685900 +676 895 1 892685562 +676 902 4 892685740 +676 912 3 892685489 +676 916 5 892685849 +676 948 1 892685803 +676 962 4 892686525 +676 993 5 892686294 +676 1234 1 892685775 +676 1483 4 892685826 +676 1527 1 892685657 +676 1654 1 892685960 +677 1 4 889399229 +677 7 4 889399171 +677 14 1 889399265 +677 91 5 889399671 +677 101 5 889399671 +677 109 1 889399327 +677 117 4 889399171 +677 126 1 889399265 +677 129 5 889399199 +677 148 4 889399265 +677 150 3 889399402 +677 151 4 889399431 +677 222 4 889399171 +677 237 4 889399402 +677 240 5 889399431 +677 243 3 889399113 +677 245 5 885191403 +677 268 5 889398907 +677 286 1 889399113 +677 288 5 885191166 +677 289 1 889399113 +677 290 1 889399295 +677 294 5 885191227 +677 300 5 889398960 +677 307 5 885191227 +677 322 4 885191280 +677 323 4 885191280 +677 351 2 889399113 +677 358 5 885191454 +677 405 4 889399328 +677 455 5 889399470 +677 457 1 889399113 +677 471 4 889399171 +677 475 4 889399265 +677 508 5 889399171 +677 539 3 889399113 +677 678 4 889399113 +677 687 4 889399113 +677 740 1 889399265 +677 742 4 889399139 +677 748 4 889399113 +677 845 3 889399327 +677 908 4 885191403 +677 980 2 889399470 +677 988 4 889399113 +677 1011 3 889399431 +677 1049 3 889399139 +677 1240 5 889399671 +677 1245 4 889399199 +678 1 5 879544882 +678 7 4 879544952 +678 14 3 879544815 +678 15 3 879544449 +678 25 2 879544915 +678 50 4 879544450 +678 100 5 879544750 +678 111 4 879544397 +678 117 4 879544989 +678 127 5 879544782 +678 147 4 879544882 +678 181 3 879544450 +678 222 3 879544989 +678 237 3 879544915 +678 275 2 879544450 +678 276 5 879544952 +678 277 3 879544882 +678 282 3 879544952 +678 285 3 879544397 +678 287 3 879544397 +678 298 3 879544750 +678 300 4 879544295 +678 332 4 879544254 +678 515 4 879544782 +678 742 4 879544783 +678 924 2 879544397 +678 1115 3 879544815 +678 1129 1 879544915 +679 1 3 884487688 +679 8 2 884486856 +679 28 5 884486732 +679 42 4 884487584 +679 50 5 884486758 +679 56 4 884487418 +679 63 3 884489283 +679 64 4 884487052 +679 69 4 884487688 +679 70 4 884487325 +679 73 4 884488036 +679 83 5 884486694 +679 95 3 884487688 +679 97 3 884487300 +679 100 3 884487089 +679 109 3 884488283 +679 111 3 884487715 +679 121 2 884488260 +679 132 4 884487374 +679 143 2 884487135 +679 153 2 884486904 +679 154 4 884486658 +679 168 5 884487534 +679 169 3 884486904 +679 172 5 884486758 +679 173 5 884486966 +679 174 3 884486837 +679 181 5 884487279 +679 184 4 884487491 +679 196 4 884487610 +679 204 3 884487191 +679 215 3 884487999 +679 222 4 884487418 +679 223 5 884487052 +679 241 3 884488149 +679 249 3 884486594 +679 268 4 884312834 +679 286 5 884312660 +679 288 4 884312660 +679 290 2 884487715 +679 291 4 884487960 +679 294 1 884312763 +679 318 5 884486812 +679 322 3 884312763 +679 327 4 884312731 +679 357 5 884486812 +679 416 3 884488226 +679 419 3 884487514 +679 423 3 884487112 +679 432 4 884487514 +679 483 5 884487010 +679 484 4 884486658 +679 520 4 884487031 +679 527 4 884486985 +679 531 4 884487153 +679 568 2 884488259 +679 588 3 884487825 +679 710 4 884487374 +679 721 3 884487611 +679 727 4 884487961 +679 748 4 884312926 +679 751 5 884325826 +680 1 4 876816224 +680 7 5 876816310 +680 9 4 876816106 +680 14 5 877075079 +680 15 3 877075048 +680 20 4 877075273 +680 24 4 877075214 +680 25 4 876816310 +680 50 5 876816310 +680 98 4 876816224 +680 100 3 877075214 +680 117 4 877075312 +680 121 3 876816268 +680 137 4 876816310 +680 143 4 876816224 +680 150 5 877075105 +680 151 5 877075164 +680 169 5 876816162 +680 195 4 876816106 +680 203 3 876816162 +680 242 4 876815942 +680 248 4 877075312 +680 257 4 877075273 +680 269 4 876815942 +680 273 3 877075214 +680 274 3 877075312 +680 276 5 877075135 +680 285 5 877075079 +680 286 4 876815942 +680 294 4 876816043 +680 318 5 876816106 +680 408 5 876816268 +680 515 4 876816268 +680 517 4 876816162 +680 815 3 877075312 +680 845 4 877075241 +680 1012 3 877075214 +680 1089 2 877075214 +681 258 1 885409516 +681 259 2 885409882 +681 270 1 885409370 +681 286 5 885409370 +681 288 1 885409810 +681 289 5 885410009 +681 292 4 885409883 +681 294 5 885409938 +681 304 3 885409742 +681 310 3 885409572 +681 328 3 885409810 +681 538 3 885409516 +681 539 4 885409810 +681 682 1 885409810 +681 690 4 885409770 +681 750 5 885409438 +681 894 1 885409742 +681 898 4 885409515 +681 990 4 885409770 +681 1105 3 885409742 +681 1176 4 885409515 +681 1394 5 885409742 +682 1 4 888523054 +682 2 3 888522541 +682 3 3 888519113 +682 4 3 888521599 +682 5 3 888520799 +682 7 4 888522455 +682 8 3 888521833 +682 9 3 888517168 +682 11 4 888517049 +682 12 5 888516953 +682 15 4 888523581 +682 17 3 888520923 +682 21 4 888522194 +682 22 5 888519725 +682 23 4 888519725 +682 24 4 888522575 +682 25 4 888521564 +682 26 3 888517986 +682 27 3 888518104 +682 28 3 888516953 +682 29 2 888522699 +682 31 3 888520705 +682 33 4 888520864 +682 38 3 888521116 +682 39 4 888518009 +682 41 3 888522073 +682 42 5 888518979 +682 47 1 888517870 +682 48 4 888517264 +682 49 3 888522194 +682 50 5 888518639 +682 51 5 888517740 +682 53 2 888519519 +682 54 4 888517628 +682 55 4 888520705 +682 56 4 888519077 +682 58 3 888517627 +682 62 3 888522541 +682 64 5 888517011 +682 65 3 888517416 +682 66 3 888521740 +682 67 4 888523581 +682 68 5 888522575 +682 69 4 888519206 +682 70 4 888517416 +682 71 5 888523135 +682 72 3 888521540 +682 73 5 888521564 +682 75 4 888518185 +682 76 3 888517049 +682 77 3 888517562 +682 79 4 888520705 +682 80 1 888521803 +682 81 3 888517439 +682 82 4 888522541 +682 83 3 888517011 +682 85 3 888521833 +682 86 2 888518206 +682 87 5 888517235 +682 88 4 888521599 +682 89 4 888522418 +682 92 5 888519059 +682 94 3 888522021 +682 95 5 888523581 +682 96 4 888523635 +682 97 4 888517587 +682 98 4 888520638 +682 100 3 888517011 +682 108 3 888521564 +682 109 3 888521539 +682 111 3 888521740 +682 117 4 888522455 +682 121 4 888520799 +682 122 3 888522260 +682 124 2 888517097 +682 125 4 888523635 +682 127 5 888517011 +682 128 4 888522575 +682 135 4 888517484 +682 143 3 888523115 +682 144 3 888522418 +682 147 1 888523619 +682 148 3 888520923 +682 150 4 888517197 +682 151 5 888523115 +682 153 3 888521465 +682 154 5 888521489 +682 156 5 888519207 +682 157 4 888517484 +682 158 2 888522260 +682 159 3 888521005 +682 161 3 888522542 +682 163 3 888521833 +682 164 3 888521005 +682 167 2 888522101 +682 168 5 888521381 +682 172 5 888522417 +682 173 4 888521381 +682 174 4 888523581 +682 175 3 888517265 +682 176 4 888521195 +682 179 4 888517627 +682 180 3 888516979 +682 181 5 888518639 +682 182 4 888523619 +682 183 3 888520638 +682 184 4 888519307 +682 185 4 888520639 +682 186 4 888521413 +682 187 5 888517235 +682 188 4 888522417 +682 190 4 888519725 +682 191 3 888517197 +682 192 3 888516979 +682 195 4 888522418 +682 196 5 888523581 +682 201 4 888519365 +682 202 4 888521413 +682 204 3 888521413 +682 205 3 888518164 +682 209 3 888521381 +682 210 4 888522326 +682 211 4 888522311 +682 215 4 888517197 +682 216 4 888521381 +682 217 4 888523581 +682 218 3 888520977 +682 219 2 888522857 +682 222 4 888519725 +682 223 1 888517011 +682 226 3 888520923 +682 228 4 888520923 +682 229 4 888520923 +682 231 1 888522612 +682 232 3 888519408 +682 233 2 888520864 +682 234 3 888520705 +682 235 1 888521833 +682 237 3 888517324 +682 238 3 888521540 +682 239 3 888517439 +682 240 4 888521637 +682 241 4 888522541 +682 243 1 888516865 +682 245 3 888516841 +682 246 5 888518659 +682 248 3 888518640 +682 249 3 888518722 +682 250 4 888523635 +682 252 3 888518773 +682 254 2 888518871 +682 255 3 888518722 +682 257 2 888518704 +682 258 3 888516814 +682 259 3 888518424 +682 263 1 888518541 +682 265 3 888520922 +682 268 5 888518279 +682 271 4 888518279 +682 272 5 888523619 +682 273 4 888520864 +682 274 4 888521740 +682 276 3 888517097 +682 280 3 888517740 +682 281 3 888520864 +682 282 4 888519918 +682 284 4 888519725 +682 288 4 888516814 +682 290 1 888522217 +682 291 1 888517364 +682 293 4 888523581 +682 294 3 888516841 +682 298 4 888518639 +682 299 4 888518363 +682 300 2 888518320 +682 304 1 888523810 +682 317 4 888517390 +682 318 4 888517168 +682 323 2 888516865 +682 325 4 888521174 +682 327 3 888518299 +682 328 3 888518363 +682 332 4 888518320 +682 333 4 888518279 +682 339 2 888518364 +682 346 2 888518320 +682 351 4 888518468 +682 352 1 888518424 +682 356 3 888517986 +682 357 3 888516979 +682 358 3 888518450 +682 362 2 888518251 +682 363 2 888522612 +682 365 3 888517986 +682 366 4 888517896 +682 367 3 888521783 +682 378 3 888517986 +682 379 4 888519260 +682 380 4 888517510 +682 384 2 888522073 +682 385 3 888522456 +682 386 2 888521942 +682 393 4 888521711 +682 395 3 888523657 +682 399 4 888522612 +682 401 1 888522260 +682 403 3 888517792 +682 405 2 888522456 +682 410 3 888521740 +682 412 1 888521907 +682 419 3 888523054 +682 420 3 888523115 +682 423 5 888519206 +682 427 4 888523581 +682 431 4 888520799 +682 433 3 888521540 +682 443 3 888520977 +682 447 2 888522857 +682 451 3 888521637 +682 455 4 888521866 +682 465 3 888523054 +682 467 3 888517364 +682 468 5 888517869 +682 470 5 888517628 +682 471 3 888517537 +682 472 3 888522699 +682 475 3 888521465 +682 476 1 888522100 +682 509 2 888517235 +682 518 4 888517324 +682 520 4 888519725 +682 527 3 888517168 +682 540 2 888521291 +682 541 3 888522612 +682 542 2 888523227 +682 546 3 888517740 +682 549 3 888517415 +682 550 2 888522541 +682 551 2 888522977 +682 552 3 888520977 +682 553 3 888517627 +682 554 3 888521116 +682 556 2 888517840 +682 558 1 888519276 +682 559 4 888522837 +682 562 2 888522700 +682 566 3 888519260 +682 568 3 888522575 +682 570 2 888517948 +682 572 4 888521116 +682 573 4 888521116 +682 576 4 888522754 +682 578 3 888522575 +682 581 2 888517948 +682 582 1 888517816 +682 583 2 888517587 +682 585 4 888522021 +682 586 1 888522700 +682 591 3 888517097 +682 597 1 888522699 +682 619 3 888519226 +682 623 3 888523288 +682 625 3 888523155 +682 627 4 888523171 +682 628 4 888517364 +682 631 3 888517922 +682 651 4 888517168 +682 654 4 888520799 +682 655 5 888519725 +682 657 4 888520638 +682 658 4 888517390 +682 659 1 888520638 +682 660 2 888517870 +682 672 2 888522894 +682 673 3 888517049 +682 678 1 888516814 +682 683 2 888518503 +682 684 3 888520705 +682 685 3 888522541 +682 686 4 888519725 +682 687 2 888518871 +682 692 3 888519207 +682 693 3 888517537 +682 696 4 888518035 +682 697 4 888517816 +682 699 3 888523658 +682 708 3 888518104 +682 710 3 888521413 +682 713 3 888517537 +682 716 2 888522074 +682 717 3 888521090 +682 719 2 888521982 +682 720 4 888522699 +682 721 4 888518937 +682 722 4 888522073 +682 723 1 888518063 +682 724 4 888517948 +682 728 3 888522021 +682 729 3 888518035 +682 732 3 888517740 +682 735 4 888517627 +682 737 3 888518104 +682 738 3 888522021 +682 742 3 888519738 +682 746 3 888521413 +682 748 3 888516814 +682 752 4 888523634 +682 756 2 888521942 +682 761 4 888521090 +682 762 3 888521637 +682 763 4 888521783 +682 765 4 888523581 +682 769 2 888522951 +682 772 4 888517922 +682 774 4 888522894 +682 775 1 888521981 +682 779 3 888522754 +682 780 3 888522217 +682 781 2 888521833 +682 783 2 888521291 +682 790 3 888521942 +682 797 2 888522613 +682 801 3 888521907 +682 802 2 888521047 +682 804 3 888521740 +682 806 3 888523658 +682 808 4 888517762 +682 809 2 888522755 +682 820 3 888523323 +682 823 2 888522613 +682 824 1 888521907 +682 833 1 888522260 +682 834 3 888522971 +682 849 2 888522699 +682 862 1 888522021 +682 866 2 888522101 +682 876 3 888521290 +682 881 3 888521291 +682 890 2 888518564 +682 895 4 888518380 +682 922 3 888517816 +682 924 5 888517627 +682 925 3 888520923 +682 932 1 888522017 +682 940 2 888521907 +682 941 4 888518035 +682 942 2 888517324 +682 943 3 888520864 +682 944 3 888522073 +682 946 4 888523155 +682 948 2 888516865 +682 959 4 888521803 +682 977 3 888521090 +682 991 2 888518871 +682 999 2 888521942 +682 1011 4 888517986 +682 1012 4 888518747 +682 1016 2 888518747 +682 1019 5 888519519 +682 1028 3 888523657 +682 1035 3 888523227 +682 1039 4 888517510 +682 1045 3 888517792 +682 1046 3 888520799 +682 1047 3 888521803 +682 1048 3 888521564 +682 1067 3 888520497 +682 1074 4 888517792 +682 1079 3 888523657 +682 1084 2 888518164 +682 1089 2 888518871 +682 1090 2 888521047 +682 1091 3 888523288 +682 1093 3 888522100 +682 1107 2 888517896 +682 1118 3 888521711 +682 1132 3 888521907 +682 1135 2 888518035 +682 1153 3 888517869 +682 1178 1 888521866 +682 1188 3 888519408 +682 1217 3 888521047 +682 1220 4 888518130 +682 1221 3 888517265 +682 1222 3 888523657 +682 1225 4 888521783 +682 1228 1 888522699 +682 1231 2 888522612 +682 1232 2 888517896 +682 1267 3 888517627 +682 1303 2 888522699 +682 1305 3 888522021 +682 1311 3 888518035 +682 1410 3 888517324 +682 1428 3 888518131 +682 1437 2 888521942 +682 1440 2 888517538 +682 1478 3 888519226 +682 1655 2 888517922 +683 22 4 893286550 +683 56 5 893286364 +683 62 4 893286208 +683 127 4 893286501 +683 132 5 893286207 +683 133 5 893286208 +683 187 5 893286501 +683 245 2 893283728 +683 248 4 893286603 +683 258 3 893282978 +683 259 3 893283642 +683 264 2 893283997 +683 268 4 893286261 +683 269 3 893282664 +683 270 3 893283049 +683 271 3 893284183 +683 272 4 893286260 +683 286 2 893282977 +683 288 3 893286259 +683 289 4 893286260 +683 294 3 893286346 +683 299 3 893283997 +683 300 3 893283728 +683 301 2 893283728 +683 302 5 893286207 +683 303 3 893283104 +683 305 4 893286261 +683 306 3 893286347 +683 307 3 893286347 +683 308 3 893284420 +683 311 3 893283049 +683 312 3 893284183 +683 313 2 893282664 +683 315 4 893285557 +683 316 4 893286208 +683 317 4 893286501 +683 321 5 893286207 +683 322 2 893283903 +683 323 3 893283903 +683 325 2 893286346 +683 327 4 893286260 +683 328 2 893283728 +683 331 2 893283728 +683 332 3 893283997 +683 340 4 893286260 +683 344 3 893284138 +683 346 4 893286347 +683 347 4 893286208 +683 350 2 893284184 +683 354 3 893286347 +683 358 2 893283948 +683 472 3 893286550 +683 511 5 893286207 +683 513 5 893286208 +683 588 4 893286584 +683 607 5 893286207 +683 609 3 893286502 +683 626 3 893286550 +683 678 1 893283948 +683 682 1 893284032 +683 683 3 893286347 +683 690 4 893286260 +683 748 3 893286347 +683 754 3 893284184 +683 879 3 893283997 +683 880 3 893283641 +683 887 4 893286261 +683 895 2 893284138 +683 900 1 893282740 +683 906 4 893286261 +683 911 3 893286346 +683 914 2 893283104 +683 915 2 893282977 +683 1280 3 893284032 +683 1483 3 893286346 +684 1 4 875810928 +684 8 5 878761120 +684 15 5 878759758 +684 38 3 878759635 +684 48 4 875812176 +684 49 4 878762243 +684 50 4 875810897 +684 63 4 878762087 +684 64 4 878759907 +684 66 4 878762033 +684 67 3 878762144 +684 70 4 878761788 +684 73 4 878762087 +684 82 5 875812227 +684 83 5 878761676 +684 88 4 878761788 +684 94 3 878762183 +684 98 4 878759970 +684 100 4 875810574 +684 111 4 878760164 +684 117 4 875810999 +684 118 4 878760274 +684 121 3 875810574 +684 147 2 878232961 +684 151 3 875810633 +684 158 3 878760372 +684 161 3 878760137 +684 168 4 878761120 +684 172 5 875812299 +684 173 3 878761120 +684 178 4 878760250 +684 181 4 875810999 +684 186 4 878762087 +684 202 4 878759384 +684 204 4 875812299 +684 208 3 878761120 +684 210 3 878759474 +684 215 5 875812176 +684 216 3 878761717 +684 217 2 875811965 +684 218 1 878232961 +684 225 3 875811341 +684 237 5 875811158 +684 238 3 878759545 +684 239 4 878762118 +684 248 3 878576473 +684 252 4 875812227 +684 265 4 878759435 +684 274 2 878759884 +684 282 4 875811274 +684 365 4 878759820 +684 371 2 878576866 +684 376 3 878762273 +684 381 2 878762033 +684 386 3 878759184 +684 393 4 878761751 +684 395 2 878762243 +684 401 3 878762302 +684 402 3 878759310 +684 408 5 875810796 +684 409 3 878760614 +684 411 3 875811455 +684 435 3 878761717 +684 477 5 878759560 +684 483 5 878576905 +684 520 4 875812065 +684 553 4 878760305 +684 585 2 878762273 +684 596 3 875812351 +684 625 3 878760041 +684 692 4 878576614 +684 710 5 875812109 +684 716 2 878761751 +684 722 2 878762302 +684 728 2 878762243 +684 732 4 878761717 +684 734 3 878762302 +684 742 4 875810830 +684 756 4 875811455 +684 763 2 878232961 +684 781 3 878762183 +684 924 2 878232961 +684 934 3 875811158 +684 1028 4 875810966 +684 1283 3 875811708 +684 1301 3 878760019 +685 269 3 879451401 +685 286 1 879447443 +685 288 2 879451147 +685 289 2 879451253 +685 299 2 879451540 +685 302 3 879451401 +685 319 2 879451401 +685 324 3 879451401 +685 325 3 879451401 +685 327 2 879451234 +685 333 1 879451147 +685 334 1 879451168 +685 337 2 879451401 +685 340 2 879451401 +685 872 2 879447443 +685 873 2 879451401 +685 875 3 879451401 +685 882 3 879451401 +685 886 1 879451211 +685 991 1 879451282 +686 2 3 879546443 +686 11 4 879546083 +686 12 5 879545758 +686 22 5 879545181 +686 23 5 879547177 +686 26 5 879546847 +686 28 4 879546147 +686 48 5 879545180 +686 50 4 879545413 +686 56 5 879546147 +686 64 5 879547224 +686 79 4 879546443 +686 89 4 879545481 +686 97 2 879546847 +686 98 5 879546651 +686 99 5 879546553 +686 127 5 879545481 +686 134 5 879545340 +686 135 5 879547276 +686 168 5 879547129 +686 170 5 879547043 +686 172 4 879545181 +686 173 5 879546847 +686 174 4 879545966 +686 176 3 879545413 +686 178 5 879546715 +686 179 5 879545814 +686 180 5 879546147 +686 181 4 879547337 +686 182 5 879546217 +686 185 5 879545603 +686 187 5 879545481 +686 191 5 879546954 +686 192 5 879545340 +686 194 5 879546443 +686 197 5 879545814 +686 198 5 879546443 +686 204 4 879546553 +686 205 5 879545181 +686 208 5 879547275 +686 209 5 879545550 +686 214 5 879546651 +686 234 4 879546715 +686 265 4 879545550 +686 299 5 879543557 +686 317 5 879546553 +686 318 5 879545814 +686 327 5 879543445 +686 357 5 879545549 +686 425 5 879546651 +686 427 5 879546319 +686 430 4 879546786 +686 435 5 879545758 +686 451 4 879546847 +686 467 5 879547336 +686 474 5 879545413 +686 480 5 879547224 +686 504 5 879545662 +686 514 5 879545662 +686 518 5 879546497 +686 521 5 879546786 +686 527 3 879547177 +686 528 5 879547336 +686 542 1 879546443 +686 588 4 879546497 +686 603 5 879546847 +686 651 5 879545413 +686 654 5 879546954 +686 806 5 879546319 +686 969 5 879546083 +686 1184 1 879547337 +687 245 3 884652276 +687 264 3 884652197 +687 268 5 884652088 +687 269 4 884651420 +687 286 3 884651648 +687 288 4 884651576 +687 294 3 884651894 +687 300 4 884652089 +687 313 5 884651420 +687 319 4 884652276 +687 321 4 884651818 +687 323 2 884651894 +687 324 2 884651648 +687 336 2 884652144 +687 340 4 884651894 +687 678 4 884652482 +687 748 3 884652276 +687 749 4 884651746 +687 879 3 884651894 +687 895 4 884652331 +687 988 3 884652429 +688 259 5 884153750 +688 288 5 884153712 +688 302 5 884153425 +688 304 5 884153606 +688 307 4 884153505 +688 309 5 884153606 +688 326 5 884153606 +688 329 5 884153606 +688 332 5 884153712 +688 336 2 884153728 +688 338 5 884153751 +688 339 5 884153712 +688 341 5 884153606 +688 349 5 884153712 +688 359 5 884153606 +688 678 5 884153750 +688 682 5 884153712 +688 749 5 884153712 +688 754 5 884153606 +688 877 5 884153751 +688 879 5 884153712 +688 898 5 884153606 +688 1127 5 884153606 +688 1234 5 884153712 +689 1 3 876676211 +689 7 5 876676334 +689 13 1 876676397 +689 15 5 876676502 +689 50 5 876676397 +689 109 5 876675152 +689 111 3 876676501 +689 117 4 876676293 +689 118 4 876676433 +689 121 5 876676433 +689 125 3 876675152 +689 150 4 876676134 +689 151 3 876676501 +689 181 5 876674861 +689 222 5 876674954 +689 237 3 876676293 +689 250 5 876676334 +689 257 5 876676397 +689 258 5 876674954 +689 260 3 879211543 +689 273 3 876676165 +689 295 1 876676334 +689 298 4 876676211 +689 300 5 876674606 +689 328 5 879211479 +689 358 4 876674762 +689 405 5 876676292 +689 410 1 876676293 +689 471 4 876676433 +689 475 4 876676334 +689 596 3 876676134 +689 597 4 876676165 +689 717 3 876676359 +689 748 5 876674637 +689 763 4 876676165 +689 879 2 876674692 +690 1 4 881179631 +690 4 3 881177459 +690 8 4 881177430 +690 9 3 881178232 +690 12 4 881179631 +690 25 3 881177430 +690 47 1 881179469 +690 51 3 881180543 +690 53 2 881180005 +690 56 4 881177349 +690 63 3 881177804 +690 64 5 881179682 +690 66 3 881177581 +690 67 4 881177836 +690 69 5 881179293 +690 70 2 881179584 +690 72 2 881177553 +690 73 2 881177271 +690 77 3 881179906 +690 79 4 881179809 +690 80 3 881177778 +690 85 1 881177430 +690 88 4 881177689 +690 89 2 881179505 +690 90 1 881179469 +690 94 4 881177836 +690 98 5 881179196 +690 106 3 881180138 +690 118 4 881180056 +690 120 1 881179469 +690 121 3 881179906 +690 127 4 881178213 +690 148 3 881178365 +690 153 5 881177485 +690 154 3 881179222 +690 158 4 881177835 +690 159 3 881180005 +690 163 3 881177459 +690 167 2 881177662 +690 168 3 881177376 +690 174 4 881179505 +690 186 4 881177349 +690 194 4 881177349 +690 197 4 881180427 +690 202 2 881177349 +690 203 4 881179631 +690 204 3 881177430 +690 208 5 881177302 +690 210 3 881177581 +690 211 3 881177349 +690 216 4 881177302 +690 218 5 881179906 +690 223 4 881179069 +690 226 3 881179969 +690 232 4 881177689 +690 233 3 881179968 +690 234 4 881179878 +690 237 4 881178330 +690 238 5 881177302 +690 239 2 881177532 +690 240 1 881179469 +690 274 3 881177721 +690 276 3 881178293 +690 281 3 881180005 +690 284 4 881178442 +690 294 3 881177237 +690 357 5 881179122 +690 364 3 881178026 +690 376 3 881177910 +690 384 3 881177804 +690 393 4 881177616 +690 396 2 881177861 +690 402 3 881180497 +690 428 1 881177506 +690 431 2 881179856 +690 435 5 881177616 +690 443 3 881179937 +690 451 4 881177910 +690 496 4 881179222 +690 514 1 881177430 +690 523 4 881177430 +690 546 4 881178383 +690 554 3 881180005 +690 581 2 881180109 +690 585 2 881177970 +690 629 1 881177459 +690 636 4 881179969 +690 642 3 881179937 +690 649 4 881179906 +690 655 4 881177272 +690 663 4 881177376 +690 684 4 881179938 +690 705 1 881179505 +690 712 4 881177880 +690 716 1 881179469 +690 722 3 881177937 +690 739 3 881180564 +690 742 3 881179878 +690 746 2 881177532 +690 747 3 881180427 +690 763 4 881177553 +690 780 4 881177910 +690 781 2 881177662 +690 790 3 881177970 +690 794 3 881180543 +690 993 3 881178697 +690 1028 4 881177836 +690 1041 3 881177804 +690 1042 4 881180035 +690 1090 3 881180138 +690 1118 1 881177459 +690 1185 1 881177778 +690 1207 3 881180138 +690 1210 3 881180035 +690 1273 3 881180382 +691 1 5 875543346 +691 8 2 875543346 +691 50 4 875543191 +691 56 4 875543025 +691 64 5 875543191 +691 79 5 875543025 +691 98 4 875543281 +691 170 5 875543395 +691 178 5 875543281 +691 182 5 875543228 +691 185 5 875543281 +691 205 5 875543395 +691 227 4 875543108 +691 243 1 875542944 +691 294 4 875542868 +691 304 3 875542868 +691 318 5 875543281 +691 322 3 875542976 +691 478 4 875543281 +691 496 5 875543025 +691 500 3 875543068 +691 524 5 875543153 +691 603 5 875543191 +691 604 5 875543025 +691 631 4 875543025 +691 650 5 875543281 +691 672 1 875543153 +691 692 5 875543153 +691 735 5 875543228 +691 748 4 875542868 +691 772 5 875543281 +691 1172 5 875543191 +692 1 4 876953340 +692 25 4 876953340 +692 56 3 876953204 +692 66 2 876953130 +692 100 4 876953482 +692 127 3 876948910 +692 168 2 876953204 +692 194 4 876953340 +692 204 5 876953340 +692 208 4 876953340 +692 211 4 876953340 +692 238 4 876953340 +692 249 3 876953681 +692 257 4 876953340 +692 285 3 876953204 +692 287 3 876953130 +692 294 3 876946833 +692 300 4 876953340 +692 321 3 876946833 +692 326 3 876948579 +692 328 4 876953340 +692 410 5 876953824 +692 411 4 876954021 +692 412 4 876954196 +692 476 3 876953279 +692 508 3 876953424 +692 523 3 876953204 +692 692 3 876953130 +692 756 2 876953681 +692 762 4 876953681 +692 763 3 876954381 +692 845 3 876948910 +692 866 4 876953733 +692 1012 1 876953553 +692 1023 2 876954083 +692 1028 3 876953823 +692 1040 2 876954021 +692 1047 2 876953616 +692 1054 3 876954197 +692 1132 4 876953954 +693 7 4 875483947 +693 9 3 875481856 +693 11 4 875482197 +693 12 4 875482056 +693 23 4 875482168 +693 25 4 883975697 +693 28 2 875482280 +693 39 3 875482396 +693 48 5 875482280 +693 50 3 875483881 +693 53 4 875483597 +693 56 4 875483268 +693 58 3 875482477 +693 64 3 875482136 +693 69 3 875482336 +693 77 2 875482860 +693 79 4 875483330 +693 88 3 883975500 +693 96 4 875483881 +693 97 5 875482604 +693 98 4 875483268 +693 99 3 875484763 +693 117 4 875483977 +693 118 2 875483597 +693 121 2 875483564 +693 127 4 875482056 +693 130 1 875483144 +693 131 3 875484953 +693 132 4 875484562 +693 134 4 875484539 +693 135 4 875482524 +693 143 4 875484613 +693 144 4 875483847 +693 157 4 875482779 +693 159 4 875483521 +693 161 3 875484089 +693 162 3 875482912 +693 172 3 875483947 +693 174 4 875483881 +693 176 2 875483268 +693 177 3 875484882 +693 178 5 875482309 +693 180 3 875482309 +693 181 3 875483881 +693 183 2 875483301 +693 185 5 875483301 +693 186 2 875484882 +693 187 3 875482336 +693 188 2 875483847 +693 191 2 875482136 +693 192 2 875482477 +693 193 4 875482092 +693 195 4 875483847 +693 196 2 875482548 +693 197 3 875482197 +693 199 3 883975558 +693 210 3 875484044 +693 211 2 875484789 +693 215 4 875482860 +693 216 4 875484613 +693 218 4 875483473 +693 222 2 875482524 +693 228 2 875483947 +693 229 2 875483435 +693 230 2 875483381 +693 234 2 875483330 +693 258 4 875481336 +693 272 4 885703603 +693 273 3 875481549 +693 281 3 875483597 +693 282 4 875482626 +693 288 2 883975203 +693 289 3 889167919 +693 291 3 889167954 +693 298 3 885703740 +693 300 2 875481397 +693 313 5 885703726 +693 318 4 875482092 +693 333 3 875481397 +693 357 5 875482169 +693 378 2 883975537 +693 382 4 875482689 +693 402 3 883975558 +693 403 2 875483049 +693 419 2 875484501 +693 423 3 875482136 +693 427 4 875484908 +693 428 3 875484763 +693 432 4 875484908 +693 443 2 875483741 +693 449 2 875483407 +693 471 3 875482653 +693 472 3 875484089 +693 480 4 875484454 +693 483 3 875484352 +693 484 3 875484837 +693 488 4 875484539 +693 492 3 875484539 +693 499 4 875484539 +693 504 5 875483302 +693 506 2 875484932 +693 507 4 875484837 +693 508 2 875482447 +693 509 3 883975500 +693 514 4 875484431 +693 520 2 875485037 +693 521 5 875482092 +693 523 4 875482448 +693 527 3 875482280 +693 528 1 875484613 +693 546 1 875483234 +693 566 2 875483473 +693 568 4 875483947 +693 572 2 875484148 +693 576 2 875484148 +693 581 3 875482731 +693 582 2 875482477 +693 591 3 875482779 +693 604 3 875484480 +693 606 4 875484584 +693 611 4 875484406 +693 628 4 875483020 +693 631 3 875482826 +693 632 5 875482626 +693 636 1 875483473 +693 649 2 875483169 +693 650 3 875482364 +693 651 3 875482548 +693 654 3 875483381 +693 655 3 875482604 +693 660 3 875483020 +693 662 4 875482604 +693 664 2 875482689 +693 673 4 875483050 +693 684 3 875483435 +693 685 4 875483947 +693 693 3 875482860 +693 697 4 875482574 +693 708 3 875483049 +693 729 4 875482912 +693 735 4 875482912 +693 742 3 875483407 +693 855 2 883975636 +693 939 4 875483381 +693 942 2 875482396 +693 977 3 875483597 +693 1090 4 875483564 +693 1135 3 875482689 +693 1136 3 883975358 +693 1145 2 875483049 +693 1232 2 875483114 +693 1248 3 875483597 +693 1311 1 875482939 +693 1522 3 875483670 +694 9 5 875726618 +694 15 4 875728842 +694 22 5 875726759 +694 23 3 875727926 +694 28 4 875729304 +694 31 4 875728345 +694 48 4 875726759 +694 50 5 875730386 +694 52 4 875729667 +694 69 5 875727715 +694 71 4 875730889 +694 72 4 875729107 +694 82 5 875728345 +694 88 4 875727018 +694 89 4 875728220 +694 97 5 875727399 +694 98 5 875726886 +694 100 4 875727640 +694 118 4 875729983 +694 121 5 875726886 +694 127 5 875730386 +694 131 5 875727715 +694 132 5 875727640 +694 133 5 875727189 +694 135 5 875727018 +694 138 3 875730082 +694 141 5 875727399 +694 143 4 875727513 +694 144 4 875728912 +694 153 4 875728508 +694 157 4 875729667 +694 161 4 875727018 +694 163 4 875729982 +694 172 5 875727399 +694 174 5 875727061 +694 176 5 875729146 +694 177 5 875726886 +694 178 4 875727099 +694 179 4 875730980 +694 180 4 875727672 +694 181 5 875730386 +694 183 5 875727061 +694 185 4 875729520 +694 187 4 875727582 +694 188 5 875727715 +694 191 5 875727749 +694 193 4 875728435 +694 194 5 875727143 +694 195 4 875726708 +694 196 5 875727226 +694 197 5 875727926 +694 199 5 875728435 +694 200 4 875726968 +694 202 4 875727189 +694 203 4 875728801 +694 204 4 875728639 +694 205 5 875726968 +694 210 4 875728293 +694 211 5 875727189 +694 215 3 875728181 +694 216 4 875729830 +694 226 3 875729271 +694 228 4 875727306 +694 229 4 875728801 +694 230 4 875727143 +694 237 4 875728509 +694 238 3 875727306 +694 239 4 875729520 +694 241 3 875727877 +694 275 4 875727640 +694 300 4 875726453 +694 318 5 875727099 +694 356 4 875729622 +694 357 5 875726618 +694 378 3 875730313 +694 385 4 875730082 +694 393 3 875728952 +694 419 4 875729907 +694 423 5 875727018 +694 427 4 875727226 +694 429 4 875726759 +694 432 4 875727513 +694 434 5 875727018 +694 435 4 875728639 +694 448 3 875729489 +694 449 4 875727271 +694 451 4 875729068 +694 468 4 875729270 +694 470 4 875727144 +694 474 4 875727226 +694 480 4 875726759 +694 481 4 875727781 +694 482 5 875728435 +694 483 5 875727449 +694 484 4 875726707 +694 485 4 875728952 +694 489 4 875727640 +694 490 4 875727877 +694 491 3 875731050 +694 492 4 875727581 +694 495 4 875727018 +694 496 4 875727640 +694 498 5 875726618 +694 499 4 875728345 +694 504 3 875728912 +694 506 4 875727270 +694 510 5 875726927 +694 511 5 875728048 +694 517 4 875727926 +694 519 4 875728293 +694 520 5 875726618 +694 521 3 875730042 +694 523 4 875727877 +694 526 5 875729431 +694 527 5 875727449 +694 528 3 875728842 +694 530 5 875726708 +694 582 4 875728801 +694 584 4 875727877 +694 603 4 875727476 +694 604 4 875727399 +694 605 4 875727513 +694 606 4 875727189 +694 610 4 875729983 +694 614 4 875726886 +694 617 4 875728181 +694 630 3 875728912 +694 632 4 875727399 +694 641 4 875726618 +694 645 4 875727143 +694 648 5 875728639 +694 654 4 875727099 +694 657 4 875728952 +694 659 4 875728181 +694 660 3 875729270 +694 661 5 875727926 +694 663 4 875727926 +694 665 4 875728729 +694 671 3 875728989 +694 673 4 875726926 +694 684 4 875730313 +694 692 4 875728729 +694 699 4 875728639 +694 705 5 875728048 +694 836 4 875727821 +694 965 4 875727672 +694 1020 4 875728345 +694 1028 3 875728581 +694 1035 4 875728345 +694 1050 3 875726759 +694 1126 5 875727449 +694 1203 4 875729489 +694 1205 3 875727550 +694 1221 3 875728842 +694 1263 3 875729146 +694 1269 5 875726793 +694 1455 3 875727061 +695 242 5 888805837 +695 260 4 888806150 +695 264 1 888806222 +695 268 5 888805864 +695 270 4 888805952 +695 286 3 888805913 +695 288 4 888806120 +695 289 2 888806150 +695 300 1 888805767 +695 301 3 888806120 +695 302 4 888805836 +695 305 3 888805797 +695 307 4 888806120 +695 311 4 888805767 +695 312 3 888806193 +695 313 2 888805836 +695 319 5 888806056 +695 323 2 888806292 +695 324 2 888805981 +695 328 3 888806056 +695 333 2 888805952 +695 338 2 888806270 +695 340 4 888806082 +695 343 4 888806120 +695 346 5 888806011 +695 354 4 888806056 +695 358 5 888806270 +695 678 4 888806292 +695 682 1 888805952 +695 748 1 888806270 +695 882 4 888805836 +695 887 3 888805797 +695 895 1 888805864 +695 903 4 888806082 +695 989 3 888806056 +695 991 5 888806011 +695 995 4 888806150 +695 1024 5 888805913 +696 9 5 886404617 +696 124 5 886404617 +696 178 4 886404542 +696 234 4 886404617 +696 245 4 886404208 +696 285 4 886404617 +696 286 5 886403578 +696 302 5 886403632 +696 305 4 886403578 +696 307 5 886404144 +696 310 4 886403673 +696 311 5 886404063 +696 312 4 886404322 +696 313 3 886403672 +696 315 5 886403578 +696 327 4 886404144 +696 344 5 886403672 +696 347 1 886403578 +696 427 5 886404542 +696 520 5 886404617 +696 523 5 886404542 +696 689 1 886404208 +696 748 1 886404268 +696 883 4 886404208 +696 899 3 886403673 +696 906 3 886403769 +696 1062 4 886403631 +696 1126 3 886404617 +696 1176 4 886403631 +697 1 5 882622481 +697 7 5 882622798 +697 9 4 882622505 +697 25 3 882622188 +697 50 5 882621913 +697 107 5 882622581 +697 118 3 882622044 +697 121 4 882622066 +697 122 4 882622248 +697 123 5 882622016 +697 124 5 882622505 +697 125 3 882622559 +697 126 5 882622581 +697 127 5 882622481 +697 129 5 882622016 +697 150 5 882622127 +697 181 4 882621913 +697 222 4 882622016 +697 225 3 882622680 +697 235 4 882622188 +697 237 5 882622414 +697 242 5 882621486 +697 244 5 882622481 +697 245 3 882621621 +697 246 5 882622798 +697 250 4 882621940 +697 252 1 882621940 +697 254 2 882621958 +697 257 5 882621913 +697 260 3 882621651 +697 263 1 882621714 +697 268 5 882621548 +697 270 5 882622481 +697 271 4 882621460 +697 273 5 882622481 +697 276 5 882622505 +697 277 5 882622581 +697 280 3 882622597 +697 282 4 882622559 +697 283 5 882622146 +697 284 5 882622581 +697 286 4 882621486 +697 287 4 882622170 +697 288 2 882621431 +697 291 5 882622481 +697 294 4 882621569 +697 295 3 882622733 +697 298 4 882621940 +697 300 5 882621431 +697 301 5 882621523 +697 302 5 882621460 +697 305 5 882621431 +697 307 4 882621431 +697 310 3 882621431 +697 323 4 882621621 +697 324 5 882622481 +697 325 4 882621673 +697 326 4 882621548 +697 328 5 882621486 +697 331 3 882621431 +697 333 3 882621431 +697 336 3 882621523 +697 339 2 882621714 +697 343 4 882621548 +697 369 5 882622481 +697 455 4 882622170 +697 456 3 882622287 +697 473 5 882622372 +697 546 4 882622626 +697 591 4 882622016 +697 595 4 882622066 +697 596 4 882622372 +697 628 4 882622016 +697 682 2 882621523 +697 683 1 882621813 +697 689 4 882621714 +697 713 5 882622505 +697 742 3 882622044 +697 748 5 882621569 +697 751 5 882622481 +697 754 3 882621431 +697 763 4 882622208 +697 815 3 882622430 +697 818 4 882622228 +697 820 3 882622373 +697 833 3 882622228 +697 876 3 882621595 +697 879 4 882621486 +697 881 2 882621523 +697 886 5 882622481 +697 895 2 882621548 +697 928 3 882622044 +697 975 1 882622044 +697 979 5 882622044 +697 986 1 882622680 +697 989 2 882621813 +697 1012 1 882622824 +697 1022 1 882621523 +697 1025 2 882621523 +697 1047 3 882622228 +697 1059 2 882622208 +697 1067 5 882622170 +697 1089 3 882621958 +697 1160 1 882622824 +697 1245 1 882622526 +698 1 4 886366815 +698 9 3 886367956 +698 10 4 886366652 +698 22 1 886368545 +698 25 2 886367917 +698 28 2 886366916 +698 50 5 886366101 +698 66 3 886367100 +698 83 5 886366731 +698 86 2 886367508 +698 89 4 886366454 +698 95 3 886367406 +698 96 4 886366515 +698 100 2 886367809 +698 121 2 886368545 +698 127 4 886366101 +698 131 4 886366955 +698 132 4 886367066 +698 133 2 886367586 +698 134 3 886366558 +698 135 3 886366483 +698 143 3 886367530 +698 144 2 886367586 +698 153 2 886367586 +698 168 3 886366731 +698 172 5 886367100 +698 173 5 886366652 +698 174 3 886367337 +698 175 3 886367406 +698 176 4 886366814 +698 177 1 886367366 +698 181 3 886366141 +698 183 3 886366916 +698 187 2 886366916 +698 190 5 886366515 +698 191 2 886367406 +698 194 4 886366454 +698 195 4 886366483 +698 198 2 886367442 +698 199 2 886367065 +698 202 3 886367775 +698 204 2 886366770 +698 205 4 886367013 +698 210 5 886366690 +698 211 2 886367066 +698 214 1 886367874 +698 220 3 886367874 +698 222 4 886366611 +698 228 3 886367442 +698 230 3 886367337 +698 255 3 886366213 +698 257 3 886366141 +698 258 3 886365527 +698 275 4 886366558 +698 283 2 886367849 +698 284 1 886368545 +698 294 4 886365733 +698 300 4 886365577 +698 307 4 886365629 +698 330 4 886365606 +698 357 4 886366454 +698 385 4 886367366 +698 404 1 886368545 +698 419 3 886367474 +698 421 2 886367366 +698 423 2 886366731 +698 427 1 886367013 +698 428 1 886367955 +698 431 1 886367750 +698 433 4 886366848 +698 434 4 886366515 +698 435 3 886366980 +698 465 3 886367720 +698 478 4 886366814 +698 479 2 886368545 +698 480 2 886367100 +698 481 3 886367473 +698 482 2 886367406 +698 483 3 886367133 +698 485 4 886367473 +698 486 4 886366815 +698 487 2 886367508 +698 489 3 886367849 +698 490 3 886366814 +698 491 2 886367644 +698 496 3 886366690 +698 497 3 886367473 +698 498 4 886366515 +698 499 3 886366515 +698 505 2 886367750 +698 507 4 886366611 +698 511 2 886367693 +698 512 4 886367644 +698 513 2 886366558 +698 515 4 886366190 +698 516 2 886367809 +698 525 1 886367615 +698 526 2 886366611 +698 529 5 886366731 +698 568 2 886367955 +698 588 4 886367558 +698 603 4 886366770 +698 606 2 886366770 +698 607 2 886368545 +698 613 5 886366770 +698 625 3 886366731 +698 640 2 886367849 +698 648 4 886367100 +698 654 1 886367586 +698 656 1 886367133 +698 659 3 886367013 +698 662 2 886367406 +698 663 1 886366955 +698 705 4 886366611 +698 707 2 886366814 +698 709 4 886367065 +698 751 3 886365557 +698 855 2 886367615 +698 945 2 886367100 +698 968 1 886368545 +698 988 1 886365802 +698 1020 2 886367558 +698 1021 1 886367615 +698 1063 2 886367406 +698 1115 2 886367955 +698 1149 3 886367013 +698 1299 2 886367775 +699 1 3 878882272 +699 3 3 879147917 +699 7 2 878882272 +699 9 2 878882133 +699 10 4 883884599 +699 13 4 879146941 +699 14 3 878881952 +699 15 1 878882511 +699 16 3 879148259 +699 19 4 878882667 +699 20 4 879147239 +699 21 3 884152916 +699 23 4 878883113 +699 24 3 879147239 +699 50 3 878881875 +699 70 4 878883038 +699 95 3 878883173 +699 98 4 878883038 +699 100 4 878882667 +699 106 3 886568066 +699 109 3 879147109 +699 111 3 878881875 +699 112 3 884152976 +699 116 4 887503290 +699 117 4 879148051 +699 118 4 879148051 +699 121 3 878882366 +699 124 4 878882667 +699 127 3 878881828 +699 129 4 878882667 +699 137 4 878882667 +699 147 2 883279472 +699 151 3 878882002 +699 181 3 878882082 +699 185 4 878883038 +699 191 3 878883173 +699 202 3 878883112 +699 206 3 878883173 +699 211 1 878883113 +699 220 2 885775430 +699 221 4 878882667 +699 222 3 883884642 +699 224 3 878883249 +699 225 3 878882133 +699 234 3 878883172 +699 235 3 878882272 +699 243 2 879147597 +699 244 3 878882319 +699 246 4 883278783 +699 250 4 879148050 +699 252 4 879148050 +699 258 5 883278844 +699 268 4 884152267 +699 269 4 893140697 +699 270 4 893140745 +699 271 3 880695324 +699 273 3 878882563 +699 275 3 879148201 +699 276 3 885775479 +699 277 3 878882319 +699 283 4 879147032 +699 285 4 879148050 +699 286 3 880695246 +699 288 3 878881675 +699 291 3 892709098 +699 294 3 878881676 +699 298 4 883278699 +699 300 3 893140897 +699 304 4 880695431 +699 307 3 893140697 +699 308 4 879382955 +699 309 3 882000505 +699 319 3 883279146 +699 321 3 879383009 +699 322 3 879382698 +699 323 4 879147366 +699 324 4 879147497 +699 325 5 879148050 +699 328 2 885775345 +699 333 3 893140662 +699 340 4 893140639 +699 370 3 879148129 +699 405 3 878882608 +699 413 3 884152706 +699 455 3 878882178 +699 456 1 880696679 +699 458 4 879148051 +699 471 3 879147597 +699 473 3 880696344 +699 475 4 878882667 +699 477 3 878882411 +699 479 3 878883038 +699 482 2 878883038 +699 495 3 878883113 +699 523 2 878883038 +699 532 3 878882410 +699 544 4 879147109 +699 546 3 879147769 +699 591 2 880696196 +699 596 3 884152780 +699 597 3 884152570 +699 619 2 887503290 +699 678 3 879147032 +699 683 3 880695597 +699 685 3 879147367 +699 717 1 878882511 +699 748 2 879382698 +699 749 3 893140897 +699 760 3 879147239 +699 762 3 878882455 +699 764 3 886568162 +699 820 2 880696597 +699 825 3 879147917 +699 828 3 884152917 +699 831 2 884152570 +699 870 3 879147814 +699 878 3 879382955 +699 880 3 893140941 +699 886 3 893140639 +699 929 3 879147366 +699 930 2 880696344 +699 933 3 878882226 +699 977 2 879147550 +699 978 4 886568066 +699 983 3 886568097 +699 985 3 879147814 +699 989 4 883279196 +699 991 3 879382830 +699 1009 4 878882668 +699 1010 3 878882563 +699 1011 4 880696196 +699 1013 3 879147722 +699 1028 2 880696678 +699 1033 4 884152917 +699 1057 3 880696553 +699 1060 3 879147367 +699 1061 3 879147169 +699 1068 3 879146547 +699 1093 3 880696051 +699 1129 3 878882319 +699 1143 3 879146941 +699 1163 5 879148050 +699 1187 4 879148051 +699 1284 3 879147239 +699 1328 4 879148051 +699 1336 3 884152976 +699 1375 3 878882836 +699 1615 3 883884998 +699 1643 3 879147169 +700 28 3 884493712 +700 48 4 884494215 +700 50 5 884493899 +700 56 3 884493899 +700 73 3 884494380 +700 79 3 884494420 +700 96 4 884494310 +700 98 3 884494215 +700 144 4 884494252 +700 168 3 884494420 +700 169 3 884493862 +700 173 5 884493713 +700 174 4 884493862 +700 180 3 884494278 +700 181 5 884493523 +700 202 3 884493899 +700 222 3 884493899 +700 318 4 884494420 +700 423 4 884493943 +700 531 4 884494380 +700 651 4 884493712 +701 1 4 891447139 +701 19 5 891447164 +701 50 5 891447197 +701 100 5 891447139 +701 124 5 891447164 +701 127 4 891447139 +701 237 5 891447198 +701 255 3 891447164 +701 257 4 891447197 +701 269 5 891446488 +701 272 5 891446559 +701 275 5 891447228 +701 285 5 891447139 +701 286 4 891446488 +701 289 4 891446857 +701 292 4 891446754 +701 297 4 891447197 +701 300 3 891446520 +701 303 4 891446618 +701 304 4 891446679 +701 311 5 891446679 +701 312 3 891446730 +701 313 4 891446521 +701 315 5 891446559 +701 316 5 891446857 +701 326 4 891446707 +701 328 4 891446707 +701 333 3 891446788 +701 344 3 891446788 +701 689 3 891446822 +701 690 4 891446520 +701 750 5 891446588 +701 751 4 891446788 +702 222 5 885767775 +702 227 4 885767775 +702 228 5 885767774 +702 229 4 885767775 +702 230 4 885767774 +702 258 5 885767306 +702 259 3 885767604 +702 271 1 885767534 +702 288 1 885767306 +702 289 2 885767604 +702 294 1 885767555 +702 300 3 885767461 +702 307 2 885767336 +702 313 5 885767336 +702 343 2 885767629 +702 346 1 885767306 +702 350 1 885767336 +702 352 1 885767435 +702 380 4 885767774 +702 449 3 885767775 +702 450 1 885767775 +702 538 4 885767461 +702 683 1 885767576 +702 687 1 885767629 +702 688 1 885767629 +702 690 1 885767392 +702 748 2 885767556 +702 751 4 885767576 +702 879 1 885767604 +702 895 1 885767534 +702 1127 2 885767414 +703 1 4 875242851 +703 7 4 875242599 +703 9 2 875242814 +703 15 5 875242814 +703 25 3 875242683 +703 50 5 875242813 +703 100 4 875242663 +703 117 4 875242814 +703 118 5 875242852 +703 121 5 875243049 +703 123 4 875242787 +703 127 5 875242663 +703 147 3 875243049 +703 181 5 875242762 +703 222 4 875242704 +703 235 1 875242885 +703 237 5 875242787 +703 257 5 875242990 +703 258 4 875242076 +703 259 1 875242336 +703 275 4 875242663 +703 276 3 875242964 +703 288 4 875242076 +703 293 4 875242990 +703 294 2 875242281 +703 300 4 875242077 +703 322 3 875242336 +703 323 2 875242281 +703 328 3 875242303 +703 410 4 875243028 +703 458 3 875242935 +703 471 4 875242885 +703 508 3 875243028 +703 591 4 875243049 +703 596 3 875242912 +703 628 4 875242762 +703 742 3 875242852 +703 748 3 875242281 +703 764 2 875242885 +703 819 2 875242912 +703 845 4 875243028 +703 864 2 875242912 +703 926 4 875242885 +703 993 4 875242787 +703 1012 4 875242852 +703 1047 3 875243028 +703 1197 3 875242762 +704 14 3 891397190 +704 22 2 891397441 +704 50 5 891397262 +704 58 3 891397366 +704 69 3 891397441 +704 89 5 891397305 +704 98 5 891397305 +704 100 4 891397491 +704 131 5 891398726 +704 134 5 891397441 +704 135 5 891397305 +704 136 4 891397819 +704 152 2 891397819 +704 154 3 891398702 +704 156 3 891397819 +704 170 3 891397086 +704 172 2 891397058 +704 173 4 891397058 +704 175 3 891397712 +704 178 5 891397535 +704 180 4 891397491 +704 185 4 891398702 +704 187 4 891397143 +704 191 3 891397262 +704 193 5 891397305 +704 197 5 891397948 +704 205 5 891397819 +704 208 3 891397262 +704 209 3 891397667 +704 210 4 891397112 +704 211 5 891398726 +704 214 2 891398702 +704 222 3 891397058 +704 259 2 891396904 +704 269 4 891397015 +704 272 5 891397015 +704 286 5 891397015 +704 289 3 891396881 +704 300 2 891396674 +704 302 4 891397015 +704 304 2 891396595 +704 316 4 891397015 +704 318 5 891397491 +704 322 2 891396881 +704 340 3 891396636 +704 344 4 891397015 +704 347 4 891397015 +704 354 4 891397015 +704 381 3 891397713 +704 382 4 891397571 +704 429 4 891397366 +704 432 5 891397535 +704 435 4 891397058 +704 461 3 891397712 +704 480 5 891397086 +704 481 5 891397667 +704 486 4 891397764 +704 488 5 891397570 +704 491 5 891397535 +704 492 5 891397491 +704 493 4 891397190 +704 494 5 891397948 +704 496 5 891397712 +704 497 3 891397764 +704 506 4 891397712 +704 514 4 891397112 +704 519 3 891397262 +704 523 5 891397667 +704 528 3 891397491 +704 603 5 891397262 +704 604 5 891397366 +704 606 2 891397441 +704 607 4 891397535 +704 611 3 891397764 +704 631 3 891397366 +704 632 3 891397441 +704 633 5 891397819 +704 639 2 891397667 +704 648 5 891397667 +704 654 5 891397667 +704 655 3 891397190 +704 657 4 891397667 +704 661 4 891397667 +704 662 3 891397819 +704 679 2 891398726 +704 735 4 891397305 +704 889 3 891397015 +704 1296 4 891397015 +704 1299 3 891398702 +704 1454 3 891397441 +705 1 5 883427101 +705 2 3 883428058 +705 8 3 883427904 +705 15 3 883427297 +705 22 5 883427988 +705 28 4 883427640 +705 29 5 883428237 +705 38 5 883428258 +705 50 4 883427012 +705 58 2 883518834 +705 62 5 883428178 +705 64 5 883518709 +705 69 3 883518834 +705 71 5 883427640 +705 79 5 883428028 +705 82 5 883427663 +705 83 4 883518834 +705 89 2 883428083 +705 94 4 883427857 +705 95 4 883427640 +705 96 5 883428028 +705 97 3 883518765 +705 99 3 883427691 +705 111 4 883427012 +705 117 5 883426944 +705 118 4 883427377 +705 121 5 883427479 +705 142 2 883427932 +705 143 3 883427663 +705 144 3 883427988 +705 148 5 883427134 +705 151 3 883427134 +705 161 5 883428028 +705 172 3 883427663 +705 173 2 883427640 +705 174 5 883427640 +705 181 5 883426892 +705 183 2 883427988 +705 191 1 883518871 +705 193 3 883518903 +705 195 2 883428083 +705 196 4 883518903 +705 210 5 883427988 +705 215 2 883518871 +705 222 5 883427318 +705 225 4 883427594 +705 226 3 883428028 +705 227 4 883428178 +705 228 3 883428109 +705 229 3 883428154 +705 230 4 883428083 +705 231 3 883428201 +705 233 3 883428154 +705 241 4 883428128 +705 252 1 883427552 +705 255 5 883427152 +705 257 4 883426944 +705 265 5 883428154 +705 275 5 883427048 +705 282 5 883427216 +705 283 5 883427048 +705 284 3 883427190 +705 286 3 883426747 +705 298 5 883426892 +705 300 5 883426780 +705 318 5 883518731 +705 363 2 883427530 +705 373 3 883428237 +705 377 4 883427857 +705 385 4 883428084 +705 393 4 883427716 +705 399 5 883427778 +705 400 4 883427817 +705 403 4 883428154 +705 405 4 883427479 +705 416 3 883427716 +705 419 3 883427663 +705 423 2 883427904 +705 427 2 883518783 +705 471 5 883427339 +705 526 3 883428028 +705 546 3 883427377 +705 550 2 883428058 +705 554 2 883428201 +705 560 2 883427951 +705 566 4 883428058 +705 568 5 883428058 +705 576 4 883428128 +705 578 3 883428276 +705 588 3 883427640 +705 597 4 883427339 +705 622 4 883427778 +705 623 5 883427778 +705 625 5 883427691 +705 627 3 883427932 +705 655 3 883518852 +705 684 3 883428084 +705 685 5 883427190 +705 699 5 883427640 +705 720 5 883428178 +705 755 5 883427691 +705 797 4 883428258 +705 815 3 883427297 +705 820 3 883427817 +705 826 4 883428238 +705 827 4 883427297 +705 843 2 883427796 +705 849 3 883428201 +705 862 1 883427875 +705 932 5 883427339 +705 1035 4 883427737 +705 1043 5 883427857 +705 1228 2 883428258 +705 1544 4 883427691 +706 1 4 880997324 +706 7 3 880997412 +706 9 3 880997105 +706 24 3 880997172 +706 25 4 880997385 +706 50 5 880997142 +706 100 1 880997211 +706 117 4 880997195 +706 118 3 880997464 +706 125 5 880997172 +706 148 4 880997464 +706 181 4 880997105 +706 237 4 880997482 +706 245 3 880996945 +706 258 4 880997001 +706 273 3 880997142 +706 288 3 880996945 +706 294 4 880996945 +706 323 4 880996945 +706 325 1 880996945 +706 331 5 880996945 +706 333 1 880996945 +706 410 4 880997444 +706 471 4 880997172 +706 628 4 880997412 +706 682 2 880996945 +706 687 1 880996945 +706 742 2 880997324 +706 756 4 880997412 +707 4 3 886286170 +707 6 3 886285627 +707 8 5 886285762 +707 9 5 880059647 +707 10 5 880059687 +707 12 3 886286004 +707 13 4 880059957 +707 14 3 880060118 +707 15 4 880059876 +707 26 3 886286954 +707 45 4 886286926 +707 52 3 886287268 +707 57 4 886287310 +707 58 3 886285907 +707 64 3 886286170 +707 65 4 886286004 +707 70 3 886287376 +707 81 2 886286491 +707 83 3 886286926 +707 86 4 886286283 +707 88 3 886287331 +707 93 5 880059995 +707 97 4 886285876 +707 100 5 880059810 +707 106 3 886288189 +707 111 4 880060420 +707 116 5 880059974 +707 124 4 880059876 +707 133 2 886287268 +707 134 4 886286004 +707 135 2 886286032 +707 137 5 880059876 +707 140 2 886287191 +707 151 4 880059810 +707 153 3 886286844 +707 154 3 886286742 +707 155 3 886288598 +707 160 5 886286193 +707 162 5 886285968 +707 163 2 886285939 +707 165 3 886285939 +707 166 3 880061579 +707 167 2 886288133 +707 168 3 886286170 +707 170 5 886285824 +707 172 2 886286134 +707 173 2 886286380 +707 174 2 886286133 +707 185 3 886286032 +707 186 3 886286133 +707 190 5 886286283 +707 191 5 880061699 +707 194 4 886286246 +707 197 4 886287130 +707 199 2 886285824 +707 200 2 886286491 +707 208 5 886285939 +707 211 3 886287051 +707 212 4 886286792 +707 216 3 886286092 +707 220 2 880060549 +707 221 4 880059749 +707 224 4 880059876 +707 238 4 886286764 +707 242 4 879439088 +707 248 4 886285498 +707 251 5 880059647 +707 256 4 880061024 +707 269 4 882200810 +707 275 4 880059687 +707 279 3 886285627 +707 283 4 880059957 +707 285 5 880059749 +707 286 5 879438988 +707 287 4 880059774 +707 293 4 880059810 +707 294 2 879438988 +707 297 3 880060261 +707 302 4 886285168 +707 303 3 879438988 +707 305 5 879439188 +707 309 2 880684605 +707 310 4 882200872 +707 311 4 879439624 +707 313 2 886288754 +707 317 3 886286433 +707 318 5 880061699 +707 319 5 879439088 +707 345 5 886285168 +707 347 5 886285277 +707 367 4 886291531 +707 371 3 886287497 +707 378 3 886287628 +707 381 3 886286457 +707 382 3 886287191 +707 387 4 886287733 +707 419 3 886285968 +707 420 3 886287160 +707 425 5 886287268 +707 427 4 886285907 +707 443 3 886287191 +707 449 2 886288688 +707 458 3 880060724 +707 462 4 886286133 +707 467 4 886286057 +707 473 4 880060820 +707 476 3 880061111 +707 478 4 886285762 +707 479 3 886286092 +707 480 3 886286360 +707 482 3 886286032 +707 483 5 886286004 +707 485 4 886287079 +707 486 3 886287662 +707 487 2 886286360 +707 488 4 886286491 +707 490 2 886285792 +707 492 2 886286818 +707 496 3 886286433 +707 498 3 886286133 +707 499 4 886287450 +707 504 1 886286246 +707 505 4 886286311 +707 506 2 886286742 +707 507 5 886286819 +707 517 3 886287079 +707 525 3 886286999 +707 526 1 886287405 +707 527 5 880061699 +707 529 4 886287376 +707 531 5 886286214 +707 533 5 880060420 +707 536 3 880059921 +707 582 5 886286433 +707 602 4 886287290 +707 603 3 886286926 +707 606 4 886285762 +707 614 2 886287876 +707 618 3 886288282 +707 630 3 886287608 +707 631 4 886286844 +707 632 4 886287426 +707 638 4 886286361 +707 640 2 886287471 +707 641 1 886285907 +707 647 5 880061652 +707 648 4 886285824 +707 654 4 880061578 +707 660 5 886287107 +707 663 4 886286979 +707 676 4 880060180 +707 692 4 886286092 +707 694 4 886286246 +707 696 4 880061405 +707 702 3 886286193 +707 703 4 886287236 +707 705 4 886285851 +707 707 5 886286133 +707 708 3 886286170 +707 712 3 886288624 +707 715 3 886286954 +707 716 2 886287051 +707 718 5 880059876 +707 719 3 886288189 +707 723 3 886286954 +707 730 3 886286742 +707 732 4 886287160 +707 735 4 886286792 +707 736 4 886286311 +707 739 2 886287919 +707 744 3 880060261 +707 747 3 886287900 +707 766 3 886287051 +707 770 3 886287405 +707 778 3 886287160 +707 782 3 886288263 +707 792 4 886287107 +707 799 4 886287876 +707 811 4 886287531 +707 815 2 880060609 +707 847 5 880060066 +707 863 4 886286662 +707 864 4 880060262 +707 865 5 886286360 +707 866 2 880060974 +707 869 1 886289521 +707 880 2 887860711 +707 882 4 879439382 +707 900 4 890008041 +707 902 5 890008121 +707 903 3 886285216 +707 921 4 886286361 +707 923 5 886286092 +707 936 4 880059836 +707 949 3 886287191 +707 950 2 880061287 +707 952 3 880060724 +707 953 4 886288015 +707 956 5 886287107 +707 962 2 886285792 +707 995 4 879439418 +707 1007 4 880060180 +707 1008 3 880060460 +707 1018 3 886288455 +707 1021 3 886287079 +707 1022 3 879439088 +707 1024 5 890008041 +707 1061 3 880060118 +707 1068 4 880061405 +707 1101 4 880061652 +707 1107 3 886288239 +707 1109 5 886286283 +707 1113 2 886287990 +707 1120 4 880060974 +707 1141 3 886285791 +707 1142 1 880059921 +707 1163 4 880060724 +707 1168 3 886287990 +707 1171 3 880059687 +707 1174 5 880059749 +707 1176 2 879438910 +707 1204 3 886286283 +707 1211 4 886287268 +707 1251 4 880059647 +707 1255 3 880061252 +707 1257 2 880061190 +707 1281 4 880060820 +707 1311 3 886287608 +707 1381 3 880061346 +707 1397 1 886289521 +707 1401 3 886286663 +707 1479 5 886287854 +707 1530 3 886288356 +707 1545 2 886288189 +707 1628 5 886287353 +707 1642 5 886286491 +708 1 5 877325375 +708 9 1 877325135 +708 15 3 877325404 +708 21 1 877325316 +708 25 3 877325838 +708 50 5 877325186 +708 111 4 877325570 +708 112 1 877325934 +708 117 4 877325236 +708 118 5 877325545 +708 121 3 877325349 +708 125 4 877325601 +708 126 4 892719340 +708 127 3 877325213 +708 147 4 892719246 +708 148 4 892719246 +708 149 3 892719246 +708 150 4 892719246 +708 151 4 892719211 +708 181 5 877325279 +708 222 5 892719172 +708 225 2 892719172 +708 237 5 892719144 +708 255 5 877325601 +708 258 5 892719007 +708 268 3 892718876 +708 269 3 892718875 +708 271 1 892718796 +708 274 4 877326086 +708 276 2 877325905 +708 278 4 877325956 +708 280 4 877325316 +708 281 4 877326014 +708 283 1 892719363 +708 284 5 892719340 +708 289 4 892719062 +708 294 3 892719033 +708 299 1 892718964 +708 300 4 892718939 +708 304 4 892718876 +708 313 5 892718687 +708 319 5 892719062 +708 322 3 892719062 +708 326 4 892719007 +708 328 3 892718964 +708 336 2 892718846 +708 347 3 892718637 +708 352 1 892718596 +708 358 2 892719007 +708 362 1 892718575 +708 405 4 877325881 +708 412 1 877326159 +708 457 4 892718965 +708 471 4 877325455 +708 473 1 877325656 +708 476 3 892719385 +708 508 4 892719193 +708 535 2 877325838 +708 538 2 892718762 +708 546 3 877325601 +708 596 4 877326158 +708 597 2 877326345 +708 628 3 892719246 +708 676 3 892719172 +708 678 2 892719007 +708 685 3 877326158 +708 687 2 892719062 +708 690 4 892718919 +708 713 4 877325316 +708 740 5 877325687 +708 742 1 892719385 +708 748 4 892719033 +708 751 4 892718687 +708 756 2 877326062 +708 762 5 877325838 +708 763 4 877326158 +708 764 4 877325934 +708 819 3 877325349 +708 845 5 892719269 +708 846 2 892719269 +708 847 3 892719246 +708 864 3 892719172 +708 866 5 892719143 +708 871 1 892719101 +708 873 5 892718965 +708 880 3 892718919 +708 887 2 892718820 +708 926 3 877325523 +708 930 3 892719363 +708 934 4 892719172 +708 938 3 892718896 +708 981 3 892719304 +708 993 4 877325349 +708 1023 3 877326114 +708 1028 2 877326217 +708 1040 2 877326037 +708 1047 2 877325726 +708 1049 2 877326086 +708 1051 4 892719193 +708 1054 3 877326158 +708 1061 3 892719143 +708 1079 1 892719385 +708 1117 4 892719269 +708 1152 5 892719143 +708 1280 1 892718819 +709 1 4 879847730 +709 2 4 879848511 +709 4 3 879848551 +709 5 4 879848167 +709 7 3 879846440 +709 11 5 879847945 +709 17 4 879848120 +709 22 5 879847946 +709 27 3 879848590 +709 28 5 879847946 +709 29 3 879848695 +709 38 3 879848744 +709 50 5 879846489 +709 53 3 879848272 +709 56 5 879848053 +709 62 3 879848590 +709 64 5 879846293 +709 65 2 879846868 +709 68 5 879848551 +709 69 5 879846332 +709 79 3 879846440 +709 82 4 879848645 +709 89 3 879848397 +709 92 4 879848397 +709 96 5 879848397 +709 97 5 879846784 +709 98 4 879846648 +709 117 4 879846623 +709 118 5 879848824 +709 121 4 879848475 +709 125 4 879847730 +709 127 5 879847945 +709 129 2 879846332 +709 144 3 879846622 +709 145 3 879848319 +709 155 2 879849185 +709 161 5 879848511 +709 164 3 879848120 +709 172 5 879848397 +709 173 4 879846169 +709 174 5 879848396 +709 176 4 879848432 +709 181 4 879846375 +709 182 4 879846741 +709 183 5 879846590 +709 187 5 879847945 +709 192 4 879846705 +709 195 5 879848432 +709 200 4 879848053 +709 203 4 879849372 +709 209 3 879846332 +709 210 4 879848432 +709 214 1 879846922 +709 215 3 879846259 +709 217 5 879848168 +709 218 4 879848168 +709 219 4 879848120 +709 226 3 879848551 +709 227 2 879848551 +709 228 3 879848397 +709 229 2 879848645 +709 230 2 879848551 +709 231 3 879848646 +709 232 5 879848590 +709 233 3 879848511 +709 234 5 879847945 +709 250 4 879847626 +709 265 4 879846489 +709 273 4 879847686 +709 282 5 879847945 +709 288 5 879847945 +709 293 4 879847879 +709 294 3 879847304 +709 295 3 879847731 +709 318 5 879846210 +709 363 3 879848695 +709 379 3 879848209 +709 385 4 879848397 +709 402 3 879849185 +709 403 3 879848590 +709 405 3 879848590 +709 413 2 879848209 +709 423 3 879846741 +709 427 4 879846489 +709 431 5 879848511 +709 441 4 879848239 +709 447 2 879848167 +709 451 1 879848969 +709 452 3 879848318 +709 470 3 879847026 +709 472 4 879848792 +709 508 4 879846590 +709 515 4 879846816 +709 540 3 879848744 +709 541 3 879848695 +709 546 4 879848475 +709 550 3 879848475 +709 554 4 879848744 +709 559 3 879848209 +709 561 3 879848209 +709 564 1 879848318 +709 567 2 879848272 +709 568 4 879848396 +709 569 3 879848209 +709 576 4 879848695 +709 578 4 879848645 +709 597 4 879848824 +709 628 3 879847000 +709 633 3 879846561 +709 636 3 879848645 +709 637 3 879848168 +709 651 4 879846705 +709 665 3 879848272 +709 672 2 879848239 +709 693 4 879847082 +709 697 5 879847946 +709 727 2 879849049 +709 728 4 879849185 +709 738 1 879849330 +709 739 3 879849049 +709 747 2 879848925 +709 762 3 879848925 +709 769 3 879848239 +709 781 3 879849185 +709 808 4 879848645 +709 816 2 879848318 +709 823 3 879849573 +709 825 2 879848744 +709 833 4 879848792 +709 841 4 879848824 +709 849 4 879848590 +709 859 3 879848318 +709 860 3 879848318 +709 939 4 879847082 +709 959 4 879846169 +709 1059 5 879847945 +709 1188 4 879848695 +709 1218 4 879846623 +710 1 4 882064377 +710 12 4 882063648 +710 22 3 882063852 +710 23 5 882064200 +710 50 4 882063766 +710 56 5 882064021 +710 64 4 882063766 +710 79 4 882064283 +710 89 4 882063736 +710 92 3 883705436 +710 95 3 882064434 +710 99 4 882064434 +710 100 4 882063920 +710 116 4 882063852 +710 127 5 882064096 +710 134 5 882063648 +710 135 5 882064041 +710 142 3 882064377 +710 156 4 882064524 +710 172 4 882064283 +710 173 3 882063685 +710 174 4 882064283 +710 179 4 882063766 +710 180 4 882063736 +710 181 3 882064160 +710 182 4 882063967 +710 185 4 882064321 +710 187 5 882064096 +710 192 5 882063921 +710 197 4 882064200 +710 198 4 883705435 +710 200 4 882063793 +710 202 3 882063793 +710 204 4 882063824 +710 210 4 882064283 +710 223 4 882063766 +710 234 4 882064321 +710 258 2 882063224 +710 264 2 882063564 +710 265 4 883705484 +710 268 4 882063276 +710 269 3 882063224 +710 271 3 882063367 +710 277 4 882063967 +710 282 2 882063921 +710 286 4 882063223 +710 294 3 882063224 +710 299 3 882063612 +710 300 3 882063407 +710 301 3 882063407 +710 302 4 882063224 +710 303 4 882063224 +710 310 3 882063224 +710 313 4 882860832 +710 318 4 882063710 +710 327 3 882063407 +710 330 3 882063612 +710 333 3 882063367 +710 334 2 882063327 +710 335 1 882063564 +710 340 4 882063367 +710 343 3 882063327 +710 346 4 883705502 +710 357 4 882063649 +710 418 3 882063685 +710 419 4 882063766 +710 420 4 882064434 +710 432 5 882064434 +710 479 5 882064120 +710 483 5 882063685 +710 496 4 882063793 +710 501 3 882064435 +710 504 4 882063649 +710 510 4 882064283 +710 603 4 882063921 +710 627 4 882064377 +710 654 4 882064524 +710 656 5 882064321 +710 720 3 882063649 +710 751 3 882860806 +710 874 3 882063254 +710 886 3 882063528 +710 887 2 882063612 +710 1019 4 882064555 +710 1039 4 882063736 +710 1101 4 883705436 +711 8 5 879993707 +711 10 5 876185943 +711 16 5 886031006 +711 22 4 879993073 +711 25 4 876185920 +711 40 4 879994875 +711 42 3 876278831 +711 48 4 879993053 +711 49 4 879994903 +711 50 4 876185648 +711 51 4 879994778 +711 52 5 879993534 +711 58 4 879993028 +711 64 4 876278860 +711 65 4 879992968 +711 66 4 879994801 +711 69 3 879993194 +711 70 5 879993824 +711 71 3 879994581 +711 77 3 879994749 +711 79 4 879992739 +711 82 3 879994632 +711 83 5 879993628 +711 86 5 886030557 +711 88 5 886030557 +711 89 5 879993997 +711 91 4 879994413 +711 94 2 879995728 +711 95 4 879993758 +711 97 4 879993605 +711 98 5 879992994 +711 99 3 879993534 +711 111 2 876185574 +711 114 5 879992870 +711 116 5 888458447 +711 120 2 879992038 +711 121 1 876185726 +711 132 5 879993150 +711 133 5 879992739 +711 134 5 876278804 +711 135 4 879992445 +711 137 5 886030557 +711 143 5 879993236 +711 144 2 879993871 +711 151 4 876185920 +711 154 4 879992739 +711 155 4 879995382 +711 157 3 879994608 +711 161 4 879994495 +711 162 5 879994875 +711 167 2 879995146 +711 168 4 879993318 +711 169 5 879992929 +711 170 5 876279059 +711 172 5 879992445 +711 173 3 879993890 +711 180 4 876279059 +711 181 4 876185574 +711 185 4 876278721 +711 186 3 879993237 +711 189 5 886030557 +711 191 5 879993959 +711 193 4 879993092 +711 196 5 879993918 +711 197 4 879993110 +711 200 4 879993918 +711 202 4 879993194 +711 203 4 879994433 +711 204 3 879992994 +711 213 5 879994390 +711 214 4 879993871 +711 215 3 879994555 +711 216 4 879993149 +711 217 4 879994454 +711 218 4 879994852 +711 219 2 879995792 +711 222 3 876185896 +711 228 3 879993997 +711 229 3 879995461 +711 230 3 879995053 +711 232 3 879993799 +711 238 4 879993126 +711 240 1 879991425 +711 241 4 879994536 +711 248 5 886030732 +711 250 2 876185855 +711 254 2 879992038 +711 255 4 886030579 +711 257 3 876185726 +711 258 4 876185488 +711 265 2 879994536 +711 269 5 879991028 +711 272 5 884485798 +711 275 5 876185855 +711 277 5 879991476 +711 281 3 879995362 +711 283 4 876185788 +711 286 4 876185488 +711 288 1 879991364 +711 301 4 889910848 +711 306 5 879991049 +711 312 5 883589763 +711 313 4 889910848 +711 315 4 886030353 +711 316 4 889911048 +711 317 4 879993173 +711 318 5 879992968 +711 340 5 886030557 +711 343 3 882457816 +711 345 4 884485683 +711 354 3 889910865 +711 365 3 879995850 +711 378 4 879995099 +711 380 3 879993959 +711 381 5 879994749 +711 387 4 879994777 +711 393 4 879994778 +711 401 3 879995405 +711 402 4 879993674 +711 403 4 879994513 +711 404 3 879993579 +711 408 5 886030557 +711 416 3 879995215 +711 417 4 879994749 +711 419 5 879994581 +711 420 5 879995302 +711 421 4 879993674 +711 423 3 879993534 +711 425 4 879993728 +711 427 5 886030557 +711 432 4 879992870 +711 433 4 879992994 +711 447 4 879994656 +711 451 5 879994749 +711 463 5 879993959 +711 472 1 879991585 +711 475 5 876185673 +711 476 4 876185832 +711 483 5 879992739 +711 485 4 879993278 +711 488 4 879992407 +711 496 5 879993073 +711 509 4 879993674 +711 542 1 879995754 +711 549 4 879994719 +711 559 3 879994020 +711 566 2 879995259 +711 568 3 879995238 +711 582 5 879993605 +711 588 4 879993173 +711 622 4 879993997 +711 651 4 879993707 +711 652 4 879993824 +711 655 4 879993605 +711 658 4 879994581 +711 660 5 879994825 +711 662 3 879993918 +711 676 5 876185812 +711 684 3 879993758 +711 692 3 879993150 +711 694 5 879993318 +711 699 5 879993728 +711 704 4 879993650 +711 707 5 879993579 +711 710 4 879994903 +711 713 3 879991283 +711 715 4 879994581 +711 716 5 879995215 +711 720 3 879995077 +711 723 5 879994852 +711 724 5 879995461 +711 727 4 879993629 +711 729 3 879994413 +711 731 4 879994656 +711 732 4 879994495 +711 735 5 886030557 +711 736 5 879993871 +711 739 3 879995215 +711 741 4 886030774 +711 744 4 876185896 +711 747 4 879993871 +711 755 3 879994581 +711 762 3 879991585 +711 763 1 876185767 +711 778 4 884485635 +711 829 2 879992018 +711 845 4 879991247 +711 905 3 886559521 +711 909 4 889911007 +711 921 5 879993318 +711 923 5 879993629 +711 941 3 879994608 +711 949 4 879994719 +711 955 1 879992739 +711 958 5 876278721 +711 959 5 879995322 +711 961 5 886030557 +711 966 5 879994390 +711 969 5 886030557 +711 995 4 879991134 +711 1014 4 886030873 +711 1024 5 883589512 +711 1046 3 879994367 +711 1053 4 879995099 +711 1074 3 879995754 +711 1115 4 876185812 +711 1117 4 883589726 +711 1118 4 879994633 +711 1119 4 879994632 +711 1152 1 879991762 +711 1160 5 884485704 +711 1163 4 879991347 +711 1168 4 879995753 +711 1170 3 879993842 +711 1190 3 886030579 +711 1221 4 879994777 +711 1285 3 879995238 +711 1289 2 879991458 +711 1446 2 879994608 +711 1466 4 883589693 +711 1518 3 879993997 +712 4 4 874730179 +712 26 2 874957053 +712 38 4 874730553 +712 40 5 874956956 +712 42 1 874729935 +712 49 3 874956872 +712 50 4 874729750 +712 51 3 874957293 +712 59 2 874730420 +712 60 1 874730520 +712 61 3 874730031 +712 63 4 874956903 +712 66 5 874729816 +712 67 3 874957086 +712 69 3 874730085 +712 71 5 874730261 +712 72 4 874730261 +712 73 5 874730293 +712 78 4 874957207 +712 79 4 874729850 +712 82 5 874730031 +712 83 4 874730396 +712 88 4 874730155 +712 90 3 874957027 +712 94 4 874957005 +712 95 4 874730552 +712 96 5 874729850 +712 97 5 874729816 +712 99 4 874729995 +712 102 4 874956543 +712 110 5 874956956 +712 136 1 874730443 +712 140 4 874957140 +712 141 3 874730320 +712 142 4 876251366 +712 143 5 874957306 +712 168 2 874956357 +712 172 5 874729901 +712 173 5 874729901 +712 174 5 874729995 +712 177 2 874730155 +712 178 2 874956357 +712 181 5 874729901 +712 191 3 874730396 +712 195 3 874730085 +712 196 4 874730396 +712 202 4 874730031 +712 204 4 874956810 +712 210 5 874730293 +712 213 3 876251366 +712 215 3 874730031 +712 220 5 874729682 +712 228 3 874730261 +712 230 3 874730467 +712 232 3 874956903 +712 234 2 874729935 +712 238 3 874730206 +712 243 4 874956228 +712 294 4 876251330 +712 365 3 874730234 +712 366 5 874956713 +712 367 4 874956841 +712 376 3 874956903 +712 378 4 874730370 +712 385 5 874729778 +712 386 3 874956956 +712 388 3 874957053 +712 392 5 874729996 +712 393 3 874730320 +712 395 4 874957005 +712 398 4 874957179 +712 399 5 874956872 +712 400 3 874957179 +712 401 3 874957027 +712 402 4 874729935 +712 404 3 874730467 +712 415 4 874957161 +712 416 3 874957113 +712 417 4 874729750 +712 418 3 874730553 +712 419 3 874730234 +712 420 3 874957140 +712 421 4 874729935 +712 423 3 874729960 +712 431 3 874730552 +712 432 4 874730056 +712 433 3 874956903 +712 451 5 874956872 +712 462 3 874730085 +712 465 4 874957113 +712 486 4 874730521 +712 495 4 874730520 +712 498 3 874729935 +712 501 3 874957140 +712 506 3 874730520 +712 510 2 874729749 +712 542 4 874956543 +712 553 5 874729850 +712 560 3 874730261 +712 568 5 874730491 +712 575 3 874957053 +712 584 4 874730342 +712 585 4 874730234 +712 588 4 874956515 +712 622 4 874730293 +712 623 4 874729778 +712 625 3 874956516 +712 627 4 874956515 +712 652 3 876251407 +712 655 5 874730467 +712 660 4 874730234 +712 662 5 874730320 +712 692 5 874729995 +712 699 5 874956586 +712 716 5 874730370 +712 722 3 874957086 +712 724 3 874957268 +712 728 4 874956384 +712 729 5 874730491 +712 731 5 874729750 +712 732 5 874730370 +712 734 4 874957027 +712 738 4 874956841 +712 739 4 874729935 +712 746 4 874730085 +712 747 3 874730552 +712 755 4 874957113 +712 762 4 874956244 +712 768 5 874956560 +712 776 4 874730155 +712 781 4 874956841 +712 783 3 874956981 +712 785 5 874730206 +712 787 3 876251366 +712 790 4 874956931 +712 794 4 874957243 +712 796 4 874957268 +712 812 4 874729996 +712 842 3 874957160 +712 843 3 874957140 +712 941 5 874730491 +712 944 4 874956981 +712 946 4 874730521 +712 949 4 874730370 +712 955 2 874957293 +712 969 4 874729850 +712 996 4 874956903 +712 1036 5 874956981 +712 1037 4 874956981 +712 1040 4 874729682 +712 1043 3 874956788 +712 1053 4 874730490 +712 1055 4 874730155 +712 1074 3 874957086 +712 1091 3 874956543 +712 1119 4 874957269 +712 1178 4 874957086 +712 1220 5 874729996 +712 1221 4 874956641 +712 1469 4 874730206 +712 1480 4 874957161 +712 1503 4 874730235 +713 269 4 888882040 +713 270 2 888882179 +713 272 4 888881939 +713 286 3 888881939 +713 300 2 888881939 +713 302 4 888882040 +713 307 3 888882311 +713 310 4 888882133 +713 311 3 888882040 +713 313 3 888882179 +713 315 4 888881988 +713 327 2 888882085 +713 340 3 888882133 +713 342 3 888882179 +713 344 5 888882276 +713 345 3 888881939 +713 347 4 888882337 +713 362 1 888882040 +713 539 3 888882085 +713 689 3 888882225 +713 690 1 888882179 +713 750 3 888881939 +713 752 2 888882276 +713 882 3 888881988 +713 898 3 888882276 +713 1127 3 888882225 +713 1176 3 888882224 +713 1431 3 888881939 +713 1434 3 888882133 +713 1656 2 888882085 +714 1 3 892776123 +714 3 5 892777876 +714 7 4 892777903 +714 9 3 892775786 +714 15 3 892777197 +714 50 5 892777876 +714 100 1 892775786 +714 111 3 892777330 +714 117 5 892777876 +714 118 5 892777877 +714 121 4 892777903 +714 151 3 892777812 +714 181 5 892777876 +714 237 3 892776261 +714 250 5 892777876 +714 252 3 892777619 +714 255 2 892777140 +714 257 3 892776410 +714 258 4 892777903 +714 276 2 892777242 +714 281 3 892777651 +714 282 4 892777903 +714 284 3 892777438 +714 289 3 892778092 +714 291 3 892777117 +714 294 4 892777903 +714 300 5 892778035 +714 323 4 892777903 +714 369 3 892777581 +714 405 5 892777876 +714 410 3 892777767 +714 471 4 892777903 +714 472 2 892777730 +714 477 2 892777408 +714 597 3 892777533 +714 685 4 892777903 +714 748 5 892777877 +714 763 4 892777903 +714 871 3 892777903 +714 924 3 892777408 +714 1014 3 892777694 +714 1016 5 892777876 +714 1028 4 892777877 +714 1152 2 892777651 +715 1 5 875961843 +715 2 3 875964926 +715 4 4 875964300 +715 7 3 875962110 +715 11 4 875963306 +715 12 4 875963657 +715 17 3 875964105 +715 22 4 875963792 +715 24 3 875962374 +715 27 3 875964051 +715 28 5 875963242 +715 31 4 875963692 +715 33 3 875964751 +715 39 3 875964273 +715 40 1 875964681 +715 42 5 875963112 +715 50 5 875961998 +715 53 1 875963946 +715 56 5 875963387 +715 58 4 875964131 +715 64 5 875963242 +715 68 4 875963486 +715 69 4 875963692 +715 70 3 875964105 +715 71 3 875963354 +715 73 4 875964410 +715 79 5 875964579 +715 81 4 875963112 +715 82 4 875964025 +715 83 4 875963792 +715 85 3 875964300 +715 87 4 875963024 +715 88 3 875964633 +715 89 3 875963538 +715 90 5 875964386 +715 92 3 875963899 +715 95 4 875963621 +715 96 4 875963538 +715 97 3 875964330 +715 98 5 875963792 +715 100 2 875961816 +715 101 3 875964131 +715 106 2 875962140 +715 108 4 875962315 +715 111 3 875962173 +715 117 3 875961816 +715 118 2 875962395 +715 121 4 875962524 +715 122 4 875962718 +715 125 3 875962477 +715 128 3 875964300 +715 135 2 875964203 +715 143 3 875963946 +715 144 5 875962991 +715 145 2 875963657 +715 150 4 875961898 +715 155 4 875964580 +715 156 4 875964438 +715 157 4 875963024 +715 158 2 875965035 +715 159 3 875964330 +715 161 5 875964905 +715 168 4 875963657 +715 172 4 875963452 +715 173 5 875963998 +715 174 4 875963306 +715 175 3 875962964 +715 176 5 875963792 +715 179 4 875963596 +715 181 4 875961816 +715 182 5 875965035 +715 183 3 875964491 +715 193 5 875965127 +715 195 4 875963657 +715 196 4 875964131 +715 202 5 875962931 +715 204 4 875964025 +715 205 5 875964410 +715 206 4 875964438 +715 208 3 875963836 +715 216 4 875963452 +715 217 2 875963452 +715 222 3 875962227 +715 227 3 875964272 +715 228 3 875963486 +715 231 3 875963273 +715 232 4 875964905 +715 233 3 875964468 +715 234 4 875963242 +715 235 2 875962140 +715 237 4 875962280 +715 239 4 875963867 +715 248 4 875962280 +715 249 4 875961919 +715 250 2 875962806 +715 252 1 875962049 +715 254 1 875962762 +715 257 4 875962423 +715 265 5 875964105 +715 268 4 875961674 +715 273 5 875961998 +715 274 3 875963899 +715 276 3 875962454 +715 282 3 875962423 +715 284 4 875962109 +715 288 4 875962201 +715 298 4 875962076 +715 318 5 875963867 +715 367 3 875964272 +715 376 2 875964545 +715 380 3 875965058 +715 399 2 875963418 +715 405 3 875962374 +715 410 4 875962227 +715 412 2 875962783 +715 425 4 875964655 +715 426 5 875964104 +715 433 2 875963082 +715 447 3 875963452 +715 455 3 875962109 +715 462 4 875963998 +715 470 4 875963538 +715 471 4 875962202 +715 475 4 875962049 +715 480 5 875963387 +715 546 4 875962076 +715 549 3 875964519 +715 564 2 875964300 +715 576 2 875964468 +715 588 4 875963353 +715 591 4 875962109 +715 595 3 875962718 +715 627 3 875964614 +715 629 2 875963921 +715 655 4 875964203 +715 658 4 875963693 +715 685 3 875962173 +715 692 3 875963836 +715 697 2 875963566 +715 713 4 875962201 +715 732 3 875964179 +715 735 4 875964224 +715 739 2 875964681 +715 743 2 875962806 +715 746 5 875964025 +715 755 2 875964704 +715 756 2 875962280 +715 761 3 875965009 +715 778 2 875965171 +715 789 4 875963353 +715 826 2 875962652 +715 926 4 875962201 +715 939 4 875964545 +715 941 2 875964072 +715 944 2 875963755 +715 955 4 875963596 +715 976 1 875962339 +715 977 2 875962718 +715 1011 4 875962524 +715 1016 4 875962049 +715 1045 2 875965171 +715 1047 3 875962500 +715 1088 1 875962454 +715 1188 2 875964843 +715 1215 1 875962762 +715 1217 2 875963998 +715 1222 2 875965035 +716 1 5 879793192 +716 4 2 879796046 +716 11 4 879795790 +716 13 2 879793376 +716 22 5 879795159 +716 23 4 879795643 +716 25 4 879793737 +716 28 5 879794815 +716 31 3 879794996 +716 47 3 879795606 +716 48 5 879795314 +716 49 4 879797286 +716 50 5 879793192 +716 52 5 879795467 +716 56 5 879796171 +716 58 5 879795239 +716 64 5 879795314 +716 69 5 879795188 +716 70 4 879796046 +716 72 3 879796766 +716 73 4 879797256 +716 79 4 879794935 +716 81 4 879796475 +716 82 5 879796138 +716 83 4 879795906 +716 86 5 879796072 +716 88 4 879796596 +716 91 5 879796438 +716 95 4 879794775 +716 96 2 879795122 +716 97 4 879794996 +716 98 5 879795336 +716 99 5 879796214 +716 102 2 879797256 +716 105 2 879794450 +716 108 2 879794290 +716 111 4 879793443 +716 117 4 879793542 +716 118 2 879793763 +716 121 5 879794116 +716 122 2 879794727 +716 127 5 879793293 +716 131 5 879796311 +716 132 5 879796438 +716 133 5 879795239 +716 134 5 879795314 +716 135 3 879795071 +716 136 5 879795790 +716 141 4 879797555 +716 142 3 879797555 +716 143 5 879796171 +716 144 2 879795467 +716 151 5 879793631 +716 153 4 879796311 +716 154 5 879795867 +716 157 3 879796914 +716 159 4 879797475 +716 160 2 879797303 +716 161 3 879796651 +716 162 4 879796311 +716 163 4 879795949 +716 168 5 879796942 +716 172 4 879795542 +716 173 4 879797328 +716 174 5 879795025 +716 175 2 879795644 +716 176 3 879795189 +716 177 2 879794935 +716 178 5 879795269 +716 180 3 879794815 +716 181 4 879793221 +716 183 2 879796279 +716 185 5 879796046 +716 186 3 879795867 +716 187 3 879795189 +716 190 5 879797152 +716 191 5 879796046 +716 192 3 879794870 +716 193 5 879796596 +716 194 5 879795576 +716 195 1 879795425 +716 196 5 879796596 +716 197 5 879794962 +716 199 4 879796096 +716 200 4 879795606 +716 202 4 879794935 +716 203 4 879796311 +716 204 5 879795543 +716 205 5 879796438 +716 208 5 879795790 +716 209 3 879795543 +716 210 5 879796651 +716 211 5 879796171 +716 213 5 879795906 +716 215 5 879796046 +716 216 5 879795239 +716 218 3 879796766 +716 222 4 879793192 +716 225 3 879794482 +716 227 3 879797177 +716 228 4 879794870 +716 229 3 879797177 +716 230 3 879797198 +716 234 5 879795269 +716 235 2 879794154 +716 237 5 879793844 +716 238 4 879797286 +716 241 3 879796138 +716 248 4 879793293 +716 257 5 879793465 +716 260 1 879793001 +716 265 5 879797414 +716 274 5 879793631 +716 275 5 879793501 +716 282 3 879793501 +716 283 4 879793294 +716 284 3 879794116 +716 293 4 879793258 +716 294 4 879793653 +716 298 5 879793501 +716 300 5 879792599 +716 318 5 879794962 +716 340 3 879792665 +716 357 5 879795762 +716 367 4 879796942 +716 381 4 879795644 +716 385 1 879796011 +716 387 4 879797391 +716 392 2 879796895 +716 393 3 879796596 +716 399 3 879797414 +716 404 4 879796438 +716 405 4 879793844 +716 412 2 879794727 +716 414 4 879797152 +716 416 3 879796354 +716 417 3 879797257 +716 418 4 879796620 +716 419 5 879794775 +716 420 4 879796766 +716 423 4 879795496 +716 425 5 879796279 +716 427 5 879795375 +716 428 3 879795838 +716 430 5 879796620 +716 432 5 879795269 +716 435 4 879795071 +716 443 4 879796381 +716 445 3 879797221 +716 451 4 879796961 +716 465 5 879797177 +716 468 3 879796596 +716 470 4 879797152 +716 471 2 879795375 +716 472 3 879794032 +716 473 4 879794379 +716 474 5 879795122 +716 478 4 879795735 +716 479 4 879796010 +716 480 5 879795025 +716 481 4 879795025 +716 482 5 879795867 +716 483 5 879795790 +716 484 4 879795867 +716 485 5 879795375 +716 486 5 879795121 +716 487 5 879794934 +716 488 4 879796171 +716 489 4 879795496 +716 490 4 879794870 +716 491 4 879794934 +716 492 3 879795425 +716 493 5 879795949 +716 494 5 879795542 +716 495 4 879795762 +716 496 5 879795467 +716 497 3 879795949 +716 498 5 879795122 +716 499 4 879796942 +716 501 5 879796215 +716 502 3 879795867 +716 503 3 879795071 +716 504 5 879795189 +716 505 4 879796381 +716 506 4 879794775 +716 507 5 879796072 +716 511 5 879795542 +716 514 5 879796331 +716 515 5 879793293 +716 517 5 879797221 +716 519 3 879796555 +716 520 4 879794935 +716 521 3 879796846 +716 525 3 879794815 +716 526 5 879795269 +716 527 5 879795813 +716 546 1 879794094 +716 549 4 879797372 +716 559 2 879796846 +716 566 3 879796010 +716 568 4 879796718 +716 570 3 879797286 +716 588 4 879795606 +716 601 4 879794892 +716 602 5 879795691 +716 603 5 879794775 +716 604 3 879795071 +716 605 3 879796215 +716 606 5 879796214 +716 609 3 879796354 +716 610 4 879795375 +716 611 5 879795496 +716 614 4 879795159 +716 615 3 879795269 +716 620 3 879797287 +716 622 3 879797152 +716 627 4 879797475 +716 628 3 879793376 +716 630 4 879796138 +716 631 5 879795867 +716 632 4 879795691 +716 633 4 879796808 +716 636 2 879796651 +716 648 4 879796138 +716 650 3 879796278 +716 651 5 879796278 +716 655 4 879795838 +716 659 4 879794962 +716 660 4 879796718 +716 661 3 879794870 +716 662 3 879794962 +716 663 5 879795467 +716 673 4 879797535 +716 675 2 879796766 +716 692 5 879795239 +716 696 2 879794615 +716 705 5 879794892 +716 707 4 879795121 +716 708 4 879797443 +716 723 4 879796072 +716 724 4 879796138 +716 729 2 879795375 +716 732 5 879795375 +716 735 5 879795644 +716 740 4 879793714 +716 792 4 879796010 +716 823 3 879794428 +716 826 2 879794410 +716 836 4 879795425 +716 837 4 879796475 +716 842 3 879796846 +716 866 3 879794200 +716 946 2 879796718 +716 949 3 879796718 +716 956 4 879796011 +716 965 2 879797504 +716 969 4 879794815 +716 1016 3 879794032 +716 1020 5 879795314 +716 1039 5 879796808 +716 1047 3 879794200 +716 1050 4 879797303 +716 1101 5 879795467 +716 1113 4 879797443 +716 1124 3 879795838 +716 1126 3 879796138 +716 1203 2 879795239 +716 1269 4 879795122 +716 1286 2 879795239 +717 7 4 884642160 +717 24 2 884642297 +717 25 5 884642710 +717 50 4 884715122 +717 100 4 884642268 +717 106 4 884642932 +717 111 4 884642479 +717 117 4 884642339 +717 121 2 884642762 +717 125 4 884642339 +717 126 5 884642580 +717 127 4 884715172 +717 130 2 884642958 +717 147 4 884642297 +717 148 3 884642958 +717 150 4 884642339 +717 222 4 884642215 +717 235 4 884642762 +717 237 5 884642400 +717 240 2 884642868 +717 245 4 884641842 +717 246 5 884715146 +717 250 1 884715146 +717 258 5 884642133 +717 260 1 884641911 +717 262 4 884641621 +717 268 5 884642133 +717 269 5 884642133 +717 271 2 884641842 +717 274 4 884642581 +717 280 4 884642738 +717 281 4 884642958 +717 282 5 884642817 +717 285 5 884642214 +717 286 3 884641644 +717 287 5 884642558 +717 288 1 884641717 +717 289 4 884641911 +717 290 3 884642738 +717 291 4 884642479 +717 293 5 884715103 +717 294 3 884641842 +717 298 3 884715172 +717 299 4 884641743 +717 300 5 884641808 +717 301 4 884641717 +717 302 5 884641599 +717 303 4 884641644 +717 307 5 884642133 +717 312 5 884642133 +717 313 5 884642133 +717 322 5 884642133 +717 324 3 884641842 +717 326 3 884641621 +717 327 3 884641681 +717 328 4 884641842 +717 331 3 884641681 +717 333 4 884641681 +717 340 4 884641599 +717 343 4 884641983 +717 358 2 884642001 +717 405 3 884642738 +717 455 2 884642479 +717 471 4 884642427 +717 472 4 884642581 +717 475 5 884642187 +717 476 4 884642868 +717 546 3 884642932 +717 591 4 884642297 +717 597 4 884642710 +717 628 5 884644605 +717 678 3 884641842 +717 685 4 884642581 +717 742 5 884642427 +717 748 3 884641884 +717 751 4 884642001 +717 815 3 884642817 +717 825 2 884642558 +717 826 2 884642868 +717 831 3 884642958 +717 846 4 884642339 +717 866 1 884642932 +717 887 5 884642133 +717 888 5 884642133 +717 890 1 884642001 +717 975 2 884642843 +717 980 4 884642268 +717 995 5 884642132 +717 1011 4 884644419 +717 1047 4 884642981 +717 1051 3 884642868 +717 1137 5 884642580 +717 1282 4 884642762 +718 15 5 883348962 +718 111 4 883348634 +718 118 4 883348912 +718 121 4 883348773 +718 222 4 883348712 +718 240 1 883349467 +718 255 4 883348773 +718 257 4 883348845 +718 273 3 883348712 +718 274 3 883349363 +718 282 5 883348712 +718 284 4 883349191 +718 289 3 883348391 +718 300 5 883348269 +718 405 5 883349384 +718 471 5 883348634 +718 546 4 883349158 +718 591 4 883349191 +718 597 5 883348938 +718 685 4 883349301 +718 689 4 883348355 +718 717 4 883349214 +718 742 5 883348873 +718 744 3 883348824 +718 750 3 883449953 +718 751 5 883449953 +718 756 5 883349384 +718 815 4 883348873 +718 820 2 883349642 +718 831 3 883349663 +718 841 4 883349557 +718 879 2 883348355 +718 926 2 883348912 +718 975 2 883349301 +718 982 4 883348912 +718 1028 4 883349191 +718 1047 3 883349442 +718 1048 2 883349363 +718 1165 3 883349598 +719 7 2 877311269 +719 9 4 883354106 +719 23 3 888897264 +719 50 2 879358671 +719 58 3 879360933 +719 64 5 879360442 +719 66 3 888454637 +719 69 5 879360536 +719 71 3 883354106 +719 77 3 879360846 +719 79 4 877310859 +719 87 2 879360617 +719 88 3 888454637 +719 97 3 879360845 +719 98 5 877310859 +719 118 2 879360001 +719 121 1 879372253 +719 126 2 884900234 +719 127 3 879358453 +719 137 1 884899841 +719 162 4 879361003 +719 185 4 877310932 +719 214 2 879360965 +719 215 4 879360781 +719 216 4 879373935 +719 220 5 888454728 +719 223 5 879360442 +719 237 2 877917981 +719 240 1 879372631 +719 254 1 879360298 +719 255 2 883981599 +719 274 3 888449274 +719 281 3 888897264 +719 282 4 879358874 +719 284 2 888449573 +719 285 4 877917156 +719 289 2 877311150 +719 291 3 884900301 +719 293 3 883982002 +719 294 2 877311109 +719 298 2 888451537 +719 300 2 888449132 +719 318 5 879360493 +719 357 4 879360583 +719 378 4 879360555 +719 382 2 879360965 +719 392 4 879360846 +719 402 4 879360933 +719 410 1 883354126 +719 423 3 879360583 +719 427 4 883354106 +719 456 1 879373729 +719 468 3 879361023 +719 509 2 879360933 +719 510 4 879360493 +719 520 5 879360466 +719 532 3 888449606 +719 582 3 888451748 +719 620 4 879359034 +719 655 4 879360617 +719 659 4 879373935 +719 660 5 879360493 +719 673 3 879360965 +719 735 5 888454612 +719 742 4 879358893 +719 778 3 883982002 +719 890 1 879358395 +720 242 4 891262608 +720 258 4 891262762 +720 262 4 891262608 +720 268 4 891262669 +720 269 3 891262608 +720 272 4 891262762 +720 286 5 891262635 +720 302 5 891262608 +720 304 4 891262697 +720 306 4 891262635 +720 310 4 891262762 +720 311 5 891262635 +720 313 3 891262608 +720 315 4 891262608 +720 316 4 891263387 +720 319 3 891263340 +720 321 4 891262762 +720 333 4 891262669 +720 345 2 891262762 +720 347 3 891262608 +720 749 3 891262812 +720 872 3 891262780 +720 887 5 891262608 +720 896 5 891262669 +720 898 4 891262812 +720 902 4 891263460 +720 906 4 891262697 +720 995 4 891262762 +720 1062 5 891262812 +720 1176 5 891262812 +721 1 5 877137877 +721 8 4 877154765 +721 15 4 877140632 +721 22 5 877139147 +721 28 5 877140137 +721 50 5 877138584 +721 51 4 877141038 +721 56 3 877150031 +721 58 2 877140781 +721 64 4 877139301 +721 65 1 877140221 +721 69 4 877140282 +721 70 3 877145403 +721 77 5 877147200 +721 81 2 877139301 +721 82 4 877139015 +721 84 3 877147675 +721 87 3 877140859 +721 97 4 877140780 +721 107 4 877140780 +721 111 4 877154765 +721 125 3 877147080 +721 127 5 877140409 +721 135 3 877140490 +721 145 4 877139773 +721 153 4 877150031 +721 157 3 877140137 +721 161 5 877138816 +721 162 2 877147503 +721 172 5 877138884 +721 173 5 877138745 +721 174 5 877139015 +721 175 5 877140282 +721 179 5 877141038 +721 181 5 877138951 +721 191 3 877140490 +721 194 5 877138024 +721 196 5 877139147 +721 197 4 877140221 +721 199 4 877147323 +721 204 5 877154765 +721 209 3 877150031 +721 215 4 877141373 +721 216 5 877138498 +721 222 5 877138584 +721 228 5 877138585 +721 229 5 877138585 +721 237 3 877145312 +721 239 4 877147007 +721 242 3 877137597 +721 243 3 877137527 +721 245 3 877137527 +721 258 3 877135269 +721 259 3 877137527 +721 260 3 877137109 +721 261 3 877137214 +721 262 3 877137285 +721 263 3 877137598 +721 264 1 877135806 +721 266 3 877136967 +721 268 4 877136831 +721 269 5 877135269 +721 282 4 877145657 +721 284 4 877141038 +721 286 5 877137285 +721 288 3 877137447 +721 289 3 877137597 +721 292 3 877137527 +721 294 3 877137447 +721 299 3 877137447 +721 300 5 877135806 +721 301 4 877136358 +721 302 3 877137358 +721 303 3 877137285 +721 304 3 877137285 +721 305 3 877137285 +721 306 3 877137285 +721 317 4 877147872 +721 318 4 877140047 +721 319 3 877137527 +721 321 3 877137447 +721 322 4 877136891 +721 323 3 877137598 +721 324 3 877137447 +721 325 3 877137109 +721 326 4 877136236 +721 327 2 877136967 +721 328 5 877136303 +721 329 3 877137214 +721 330 3 877136967 +721 331 3 877137285 +721 332 4 877137358 +721 333 3 877137358 +721 334 1 877136831 +721 335 3 877137359 +721 357 5 877140221 +721 358 1 877137214 +721 359 3 877137359 +721 380 5 877138661 +721 382 4 877147675 +721 393 5 877138200 +721 402 4 877147200 +721 403 4 877139638 +721 406 1 877154989 +721 423 5 877141373 +721 435 4 877139384 +721 455 5 877138884 +721 457 3 877137214 +721 471 5 877138200 +721 518 2 877140221 +721 527 5 877140046 +721 581 2 877141373 +721 582 3 877140490 +721 631 5 877147260 +721 632 4 877147675 +721 655 2 877140490 +721 660 5 877147616 +721 678 3 877137527 +721 680 3 877137448 +721 681 3 877137214 +721 682 3 877137285 +721 684 4 877138200 +721 687 3 877137358 +721 688 3 877136967 +721 690 3 877136967 +721 699 3 877147080 +721 715 2 877147726 +721 720 5 877138395 +721 729 3 877141222 +721 732 4 877147079 +721 735 4 877141039 +721 739 4 877139551 +721 748 3 877136967 +721 749 3 877137359 +721 755 4 877139773 +721 809 1 877139384 +721 872 3 877137598 +721 873 3 877137447 +721 874 3 877137447 +721 875 3 877137527 +721 876 3 877137447 +721 877 3 877137285 +721 878 3 877137598 +721 879 4 877136175 +721 880 3 877137109 +721 881 3 877137359 +721 937 3 877137359 +721 938 3 877137359 +721 942 4 877147140 +721 948 1 877137109 +721 984 3 877137527 +721 988 3 877137598 +721 989 3 877137527 +721 990 5 877137213 +721 991 3 877137214 +721 995 3 877137447 +721 1025 3 877138200 +721 1026 3 877137214 +721 1039 5 877140780 +721 1065 5 877147383 +721 1119 4 877147795 +721 1221 3 877139637 +721 1265 3 877138661 +721 1295 3 877137214 +721 1296 3 877137285 +721 1392 3 877137598 +721 1393 3 877137598 +721 1442 4 877147872 +722 7 4 891280842 +722 13 2 891281876 +722 25 4 891281108 +722 100 4 891280894 +722 111 3 891281077 +722 117 4 891281132 +722 118 4 891281349 +722 121 5 891281182 +722 122 3 891281655 +722 124 4 891280842 +722 130 4 891281679 +722 147 3 891281158 +722 148 3 891281710 +722 151 5 891281020 +722 237 4 891280988 +722 286 4 891280046 +722 291 4 891281228 +722 294 2 891280219 +722 300 3 891279945 +722 307 4 891280245 +722 310 4 891279945 +722 322 3 891280402 +722 328 5 891280272 +722 333 5 891279945 +722 405 3 891280918 +722 412 2 891281679 +722 458 4 891280955 +722 471 4 891281020 +722 476 4 891281635 +722 508 4 891281020 +722 546 3 891280866 +722 597 3 891281710 +722 628 4 891280894 +722 678 3 891280443 +722 696 4 891281570 +722 748 4 891280154 +722 756 3 891281369 +722 823 3 891281570 +722 845 5 891280842 +722 866 4 891281108 +722 871 2 891281876 +722 928 3 891281228 +723 1 3 880499050 +723 9 3 880498912 +723 28 3 880498970 +723 50 4 880498889 +723 89 3 880498996 +723 137 3 880498970 +723 150 3 880499050 +723 164 4 880499019 +723 168 5 880498912 +723 169 4 880498938 +723 172 4 880498890 +723 174 4 880498996 +723 178 3 880498938 +723 189 3 880498938 +723 191 3 880499019 +723 258 4 880498768 +723 286 3 880498746 +723 289 2 880498816 +723 322 2 880499254 +723 433 3 880499019 +723 748 5 880498795 +723 988 1 880499254 +724 242 1 883758268 +724 245 2 883757874 +724 258 4 883757537 +724 259 2 883757726 +724 264 3 883758119 +724 266 1 883758119 +724 268 4 883757397 +724 269 4 883756996 +724 271 2 883757834 +724 272 5 883756996 +724 286 1 883758268 +724 288 4 883757597 +724 289 1 883757703 +724 294 4 883757726 +724 299 1 883758119 +724 300 3 883757468 +724 301 4 883757670 +724 302 3 883756996 +724 304 4 883757703 +724 305 3 883757259 +724 307 3 883757468 +724 308 1 883757170 +724 310 5 883757170 +724 311 1 883757597 +724 313 5 883756996 +724 322 1 883757784 +724 323 2 883757874 +724 326 4 883757671 +724 327 4 883757670 +724 328 4 883757727 +724 329 4 883757670 +724 331 3 883757468 +724 332 4 883757670 +724 333 4 883757670 +724 336 1 883757784 +724 338 3 883758119 +724 342 3 883757874 +724 343 1 883757259 +724 344 1 883757468 +724 346 1 883757703 +724 347 4 883757670 +724 349 2 883757537 +724 351 1 883758241 +724 352 1 883757259 +724 358 1 883757834 +724 361 1 883758241 +724 538 2 883757537 +724 678 2 883757874 +724 680 1 883758119 +724 682 1 883757703 +724 683 1 883757834 +724 690 1 883757468 +724 748 1 883757784 +724 749 4 883757670 +724 750 2 883757170 +724 751 2 883757397 +724 872 1 883757537 +724 873 3 883757784 +724 876 1 883757784 +724 877 1 883757834 +724 879 1 883757259 +724 880 3 883757834 +724 882 1 883758267 +724 887 3 883757468 +724 893 3 883757874 +724 895 4 883757727 +724 898 1 883757784 +724 906 1 883757468 +724 908 1 883758208 +724 909 1 883758208 +724 937 3 883757670 +724 938 3 883757671 +724 948 1 883758119 +724 988 1 883758119 +724 989 1 883757874 +724 995 1 883757597 +724 1062 1 883758208 +724 1105 1 883757537 +724 1127 3 883758267 +724 1176 1 883757397 +724 1234 1 883757170 +724 1432 1 883758208 +724 1434 1 883757597 +724 1591 1 883757468 +724 1617 1 883757703 +725 9 4 876106243 +725 15 4 876106206 +725 19 5 876106729 +725 100 5 876106729 +725 111 3 876106206 +725 181 4 876106206 +725 245 4 876103793 +725 258 4 876106729 +725 264 1 876103811 +725 276 4 876106243 +725 286 5 876106729 +725 288 3 876103725 +725 294 3 876103726 +725 300 4 876106729 +725 301 4 876106729 +725 321 2 876103700 +725 322 4 876103762 +725 328 4 876106729 +725 333 5 876106729 +725 358 3 876103744 +725 748 4 876103744 +725 873 4 876103794 +725 879 4 876106729 +725 881 5 876106729 +725 1197 3 876106243 +726 1 4 890079166 +726 25 4 889831222 +726 117 1 890080144 +726 248 2 889832422 +726 249 1 889832422 +726 255 2 889832297 +726 257 3 889831166 +726 274 4 889831222 +726 294 5 889828701 +726 310 4 889828404 +726 323 3 889828641 +726 355 3 889829235 +726 409 3 890087998 +726 535 3 889832806 +726 763 2 889831115 +726 819 3 889832688 +726 832 5 889832807 +726 833 5 889832807 +726 845 3 889832358 +726 898 2 889829235 +726 1014 1 889832744 +726 1028 2 889832592 +726 1038 2 889832053 +726 1059 5 889832806 +727 1 3 883708660 +727 2 4 883711874 +727 5 3 883711680 +727 7 2 883708927 +727 11 3 883710152 +727 12 5 883710598 +727 17 1 883711011 +727 22 4 883710236 +727 24 3 883709711 +727 25 3 883708927 +727 27 4 883711847 +727 28 5 883710075 +727 29 3 883712603 +727 33 3 883711150 +727 38 1 883712993 +727 39 2 883712780 +727 42 5 883710375 +727 43 3 883712123 +727 50 4 883708951 +727 53 1 883712851 +727 54 3 883711045 +727 55 3 883710375 +727 56 3 883711150 +727 62 3 883712603 +727 63 2 883713454 +727 65 2 883712343 +727 66 3 883712068 +727 67 4 883712652 +727 68 4 883710347 +727 69 4 883710186 +727 70 5 883710856 +727 71 3 883711069 +727 72 3 883712476 +727 73 4 883713048 +727 79 4 883710806 +727 80 4 883713454 +727 82 3 883711527 +727 83 5 883710889 +727 87 4 883710347 +727 88 5 883711394 +727 89 5 883711298 +727 90 3 883711991 +727 91 4 883710396 +727 92 2 883710806 +727 94 4 883713257 +727 95 4 883710948 +727 96 4 883710152 +727 98 4 883710152 +727 100 2 883708830 +727 101 2 883711771 +727 105 1 883709884 +727 108 3 883709948 +727 109 2 883709266 +727 111 3 883709266 +727 114 5 883710152 +727 117 3 883708660 +727 118 4 883709729 +727 121 4 883709518 +727 122 2 883709802 +727 123 3 883709402 +727 125 4 883710598 +727 127 4 883708830 +727 128 4 883712016 +727 131 2 883711699 +727 132 2 883710271 +727 135 2 883711069 +727 144 4 883710395 +727 147 3 883709402 +727 148 2 883709438 +727 153 4 883710856 +727 154 3 883711567 +727 155 3 883712068 +727 156 4 883710326 +727 157 3 883711965 +727 158 2 883713668 +727 159 2 883712016 +727 161 4 883712716 +727 163 4 883711550 +727 164 5 883711497 +727 167 2 883713419 +727 168 5 883710152 +727 169 5 883710419 +727 172 5 883710104 +727 173 5 883710437 +727 174 4 883710186 +727 176 4 883710948 +727 177 4 883710687 +727 178 4 883710123 +727 179 3 883711150 +727 180 3 883711589 +727 181 3 883708750 +727 183 3 883710186 +727 184 3 883710761 +727 186 5 883710598 +727 187 5 883710104 +727 188 3 883711679 +727 191 4 883710717 +727 195 4 883710375 +727 196 4 883710514 +727 197 3 883710271 +727 198 4 883710687 +727 199 4 883710288 +727 201 4 883710717 +727 202 4 883711354 +727 203 5 883710236 +727 204 3 883710395 +727 205 5 883710104 +727 206 3 883711896 +727 207 5 883710889 +727 208 4 883711240 +727 209 3 883710186 +727 210 3 883710123 +727 211 4 883710464 +727 217 3 883712913 +727 219 3 883712476 +727 222 3 883709350 +727 226 3 883711966 +727 227 4 883710974 +727 228 4 883711527 +727 229 2 883711476 +727 230 3 883711847 +727 231 3 883713286 +727 232 3 883712780 +727 233 4 883713473 +727 234 2 883711699 +727 235 3 883709518 +727 238 2 883710910 +727 239 4 883711449 +727 240 3 883709607 +727 246 4 883708806 +727 248 5 883709207 +727 249 2 883708927 +727 250 5 883709242 +727 252 2 883709438 +727 257 2 883708806 +727 258 2 883709325 +727 259 4 883708265 +727 260 1 883708265 +727 265 4 883710326 +727 268 4 883708087 +727 271 4 883708149 +727 274 5 883709438 +727 275 3 883708927 +727 278 2 883709325 +727 282 4 883709157 +727 283 2 883709009 +727 284 3 883709607 +727 291 4 883709009 +727 294 4 883708087 +727 312 3 883708435 +727 328 4 883708149 +727 343 3 883708149 +727 356 3 883712365 +727 358 2 883708462 +727 363 3 883709641 +727 366 3 883712397 +727 367 3 883712430 +727 369 2 883709948 +727 371 2 883712193 +727 378 3 883712603 +727 379 2 883712805 +727 380 3 883712397 +727 384 2 883712804 +727 385 3 883710994 +727 386 2 883712805 +727 392 4 883711847 +727 393 3 883712397 +727 395 3 883713692 +727 397 2 883712780 +727 398 2 883713714 +727 399 3 883712717 +727 401 2 883713521 +727 402 3 883711847 +727 403 4 883712282 +727 405 3 883709571 +727 408 4 883708895 +727 410 2 883709710 +727 411 3 883709905 +727 413 2 883709710 +727 419 2 883710236 +727 421 5 883711181 +727 423 3 883710830 +727 424 1 883713454 +727 431 4 883711045 +727 432 2 883711298 +727 433 5 883710994 +727 434 5 883710717 +727 435 3 883710687 +727 440 1 883713548 +727 441 2 883711924 +727 444 2 883712851 +727 447 3 883713194 +727 451 5 883712681 +727 455 3 883709671 +727 465 2 883712159 +727 470 5 883711847 +727 471 3 883709188 +727 472 2 883709374 +727 474 3 883710910 +727 483 4 883710236 +727 491 4 883710213 +727 507 2 883710948 +727 510 4 883710717 +727 511 4 883710948 +727 520 4 883710288 +727 526 4 883711113 +727 538 3 883708066 +727 539 2 883708523 +727 541 4 883712751 +727 542 2 883712993 +727 544 3 883709518 +727 546 2 883709607 +727 549 3 883712219 +727 550 4 883712519 +727 552 2 883712751 +727 553 2 883710186 +727 556 2 883713632 +727 559 2 883712282 +727 562 2 883713548 +727 566 3 883711449 +727 567 2 883713388 +727 568 3 883711476 +727 569 2 883713286 +727 570 2 883713194 +727 576 4 883713454 +727 578 3 883711897 +727 585 2 883713257 +727 588 4 883710495 +727 596 4 883709188 +727 597 3 883709641 +727 609 3 883711923 +727 616 2 883713348 +727 627 3 883711150 +727 628 3 883709774 +727 635 2 883713419 +727 636 3 883711616 +727 651 3 883710104 +727 658 5 883711720 +727 665 3 883713257 +727 678 3 883708229 +727 679 5 883712315 +727 680 3 883708462 +727 684 4 883710948 +727 685 3 883709518 +727 692 4 883711240 +727 720 2 883712037 +727 722 2 883712993 +727 729 2 883711720 +727 739 4 883711735 +727 746 4 883710514 +727 747 2 883712519 +727 748 4 883708119 +727 751 3 883708208 +727 755 2 883712828 +727 760 1 883713388 +727 765 2 883712780 +727 771 3 883713692 +727 774 3 883713257 +727 775 4 883713147 +727 779 2 883712717 +727 783 3 883713737 +727 790 2 883711616 +727 801 2 883713194 +727 802 2 883712780 +727 808 2 883712245 +727 809 4 883713082 +727 810 2 883712652 +727 815 3 883709188 +727 820 2 883709539 +727 826 2 883713738 +727 827 3 883709839 +727 831 3 883709839 +727 840 2 883709884 +727 841 3 883709208 +727 845 3 883709325 +727 849 2 883713348 +727 866 3 883709710 +727 879 4 883708208 +727 890 1 883708478 +727 926 3 883709438 +727 928 3 883709802 +727 930 3 883709802 +727 933 1 883709009 +727 940 2 883713521 +727 941 2 883711874 +727 949 3 883711616 +727 977 2 883709948 +727 982 4 883713632 +727 993 4 883709750 +727 1016 3 883709802 +727 1025 2 883708149 +727 1028 2 883712016 +727 1034 2 883713692 +727 1035 2 883712245 +727 1042 2 883712068 +727 1047 2 883709750 +727 1049 1 883709711 +727 1076 2 883712632 +727 1088 2 883709884 +727 1119 3 883711923 +727 1139 3 883713348 +727 1165 2 883709948 +727 1185 1 883711847 +727 1188 2 883712632 +727 1206 2 883712315 +727 1215 2 883713521 +727 1217 3 883711965 +727 1218 4 883712068 +727 1222 1 883713574 +727 1224 3 883712219 +727 1229 2 883713473 +727 1231 3 883713082 +727 1244 3 883709859 +727 1249 3 883711991 +727 1250 1 883713760 +727 1273 3 883713286 +727 1303 2 883713737 +727 1411 2 883713419 +727 1437 2 883713082 +727 1446 3 883712123 +727 1615 1 883709884 +727 1657 3 883711991 +728 15 4 879443387 +728 25 4 879443155 +728 100 5 879443321 +728 116 4 879443291 +728 117 4 879443321 +728 124 3 879443155 +728 147 4 879443418 +728 237 4 879443155 +728 243 2 879442892 +728 282 4 879443291 +728 285 4 879443446 +728 286 3 879442532 +728 287 4 879443155 +728 289 3 879442761 +728 304 4 879442794 +728 319 3 879442612 +728 322 4 879442761 +728 323 3 879442685 +728 471 4 879443291 +728 508 4 879443265 +728 546 2 879443155 +728 678 4 879442794 +728 742 4 879443321 +728 748 3 879442532 +728 871 2 879443321 +728 1355 4 879443265 +729 272 4 893286638 +729 288 2 893286261 +729 294 2 893286338 +729 300 4 893286638 +729 310 3 893286204 +729 313 3 893286638 +729 322 4 893286637 +729 328 3 893286638 +729 333 4 893286638 +729 338 1 893286373 +729 346 1 893286168 +729 354 5 893286637 +729 362 4 893286637 +729 683 2 893286511 +729 689 4 893286638 +729 690 2 893286149 +729 748 4 893286638 +729 751 3 893286338 +729 879 3 893286299 +729 894 1 893286511 +729 901 1 893286491 +730 1 4 880310285 +730 7 4 880310352 +730 15 4 880310264 +730 50 4 880310285 +730 100 5 880310371 +730 109 4 880310390 +730 117 3 880310300 +730 121 4 880310506 +730 125 4 880310521 +730 151 4 880310371 +730 181 2 880310465 +730 237 3 880310233 +730 246 4 880310264 +730 248 3 880310324 +730 257 5 880310541 +730 258 5 880309940 +730 268 4 880309927 +730 269 5 880309870 +730 273 2 880310324 +730 276 3 880310390 +730 294 4 880309996 +730 298 4 880310426 +730 300 3 880309964 +730 301 1 880310202 +730 322 1 880310202 +730 327 2 880309964 +730 328 2 880310201 +730 332 3 880309870 +730 340 3 880309892 +730 410 1 880310440 +730 535 2 880310506 +730 685 2 880310569 +730 742 3 880310553 +730 748 4 880310082 +730 815 3 880310490 +730 873 2 880310035 +730 875 2 880310201 +730 1012 5 880310426 +731 1 2 886184421 +731 8 2 886184681 +731 14 3 886179040 +731 15 4 886182632 +731 28 4 886182826 +731 56 2 886179161 +731 64 5 886179040 +731 66 4 886184577 +731 69 5 886179040 +731 95 3 886183978 +731 97 5 886183681 +731 125 3 886186940 +731 127 4 886179415 +731 132 3 886182632 +731 133 1 886184852 +731 136 4 886182826 +731 140 2 886186811 +731 143 5 886182827 +731 153 3 886182555 +731 168 1 886185744 +731 170 5 886179040 +731 183 1 886185744 +731 190 5 886187538 +731 192 5 886182457 +731 194 3 886183681 +731 195 1 886185851 +731 196 5 886186811 +731 197 5 886185743 +731 202 5 886186568 +731 204 4 886184682 +731 205 1 886187652 +731 207 4 886182827 +731 213 5 886183515 +731 215 5 886182555 +731 216 5 886184682 +731 237 4 886185851 +731 283 4 886182367 +731 320 1 886186811 +731 357 5 886187538 +731 378 1 886187652 +731 393 5 886183978 +731 419 4 886183039 +731 427 5 886186940 +731 434 1 886186811 +731 462 5 886186568 +731 478 4 886182555 +731 480 4 886187652 +731 481 3 886182456 +731 482 3 886184770 +731 484 3 886179289 +731 485 4 886187414 +731 486 4 886182556 +731 487 4 886184682 +731 494 3 886179161 +731 496 5 886179040 +731 504 3 886183209 +731 507 3 886184771 +731 508 1 886186811 +731 510 1 886186091 +731 520 4 886186567 +731 521 1 886184682 +731 527 5 886184682 +731 588 3 886184682 +731 591 1 886184577 +731 603 5 886182631 +731 606 3 886182366 +731 608 4 886183515 +731 611 3 886184683 +731 613 2 886186568 +731 648 4 886183515 +731 655 5 886183515 +731 662 3 886183209 +731 694 5 886184421 +731 705 5 886182632 +731 720 3 886184771 +731 845 2 886184681 +731 945 4 886183209 +731 1039 4 886182366 +731 1086 1 886186091 +731 1087 1 886186091 +731 1269 3 886187652 +731 1275 1 886186940 +731 1503 5 886184578 +732 243 5 882589879 +732 245 4 882590200 +732 269 5 882589593 +732 286 5 882589593 +732 288 4 882590200 +732 289 3 882590201 +732 294 3 882590201 +732 300 4 882589552 +732 304 5 882589792 +732 305 2 882590201 +732 321 3 882590201 +732 322 3 882590201 +732 324 2 882590201 +732 332 5 882589819 +732 690 5 882589626 +732 873 5 882589845 +732 875 1 882590201 +732 882 5 882589819 +732 937 4 882589967 +732 938 1 882590201 +733 1 2 879535129 +733 7 3 879535603 +733 9 3 879535406 +733 10 3 879535559 +733 13 3 879535694 +733 14 5 879535368 +733 16 3 879535969 +733 19 5 879535338 +733 20 5 879535299 +733 100 5 879535471 +733 107 4 879536001 +733 116 4 879535368 +733 117 2 879535779 +733 121 3 879536723 +733 124 5 879535213 +733 125 2 879535814 +733 126 2 879535938 +733 127 3 879535265 +733 129 2 879535299 +733 130 2 879544411 +733 137 5 879535406 +733 146 3 879536001 +733 147 1 879535938 +733 148 3 879536607 +733 149 4 879535440 +733 150 2 879535440 +733 151 4 879535694 +733 220 2 879544411 +733 221 4 879535265 +733 224 4 879535265 +733 237 3 879535338 +733 242 4 879535011 +733 244 2 879535886 +733 245 3 879544466 +733 248 3 879535752 +733 250 1 879535502 +733 253 3 879535407 +733 258 3 879535011 +733 273 4 879535603 +733 274 3 879536723 +733 275 3 879535265 +733 276 5 879535299 +733 277 1 879536523 +733 279 2 879535968 +733 281 2 879536567 +733 282 3 879535814 +733 283 3 879535368 +733 284 2 879535129 +733 285 4 879535299 +733 286 4 879535471 +733 287 3 879535129 +733 288 2 879535694 +733 290 4 879535752 +733 291 2 879536608 +733 293 4 879535559 +733 294 2 879536001 +733 296 2 879535265 +733 297 3 879535559 +733 298 2 879535502 +733 302 4 879535011 +733 322 2 879536523 +733 324 4 879535694 +733 405 2 879536659 +733 458 2 879535129 +733 459 4 879535440 +733 471 3 879535814 +733 515 5 879535213 +733 534 3 879544377 +733 544 1 879535407 +733 546 1 879544466 +733 591 3 879535440 +733 619 3 879536488 +733 676 4 879535603 +733 696 3 879535909 +733 713 4 879535938 +733 740 3 879535886 +733 742 3 879535502 +733 744 4 879535723 +733 762 4 879535847 +733 820 2 879536608 +733 846 2 879535848 +733 847 3 879535471 +733 922 3 879535406 +733 924 4 879536523 +733 933 1 879535752 +733 950 4 879535643 +733 985 3 879535909 +733 1009 2 879536723 +733 1011 4 879535644 +733 1023 1 879544411 +733 1047 2 879536659 +733 1067 5 879535603 +733 1085 4 879536607 +733 1114 3 879535603 +733 1115 3 879535338 +733 1117 2 879536659 +733 1129 4 879535338 +733 1132 4 879536488 +733 1142 4 879535694 +733 1163 2 879535603 +733 1171 3 879535780 +733 1173 2 879535814 +733 1226 3 879535968 +733 1338 4 879536608 +733 1375 3 879535559 +733 1380 2 879536567 +733 1658 3 879535780 +734 15 4 891026009 +734 22 3 891025301 +734 28 4 891022627 +734 50 4 891022627 +734 56 1 891022752 +734 82 4 891022704 +734 83 4 891022733 +734 95 4 891025573 +734 97 4 891022993 +734 98 4 891025247 +734 99 4 891023086 +734 111 3 891025993 +734 121 4 891026028 +734 132 3 891022212 +734 143 5 891022958 +734 144 2 891023019 +734 162 3 891025393 +734 164 3 891025524 +734 165 3 891025393 +734 166 3 891022849 +734 172 4 891022212 +734 173 3 891025247 +734 174 4 891025247 +734 191 4 891025523 +734 193 4 891025340 +734 198 1 891022734 +734 202 5 891022684 +734 204 4 891022938 +734 210 3 891022937 +734 213 5 891022684 +734 222 1 891022849 +734 230 2 891022803 +734 274 4 891025943 +734 275 4 891023019 +734 282 4 891025974 +734 283 5 891023066 +734 288 4 891022311 +734 294 1 891025891 +734 313 4 891022311 +734 318 5 891022648 +734 419 4 891023066 +734 423 4 891022734 +734 465 4 891022734 +734 478 4 891022849 +734 479 4 891025541 +734 482 2 891025591 +734 483 4 891025247 +734 485 5 891022976 +734 487 4 891025498 +734 496 5 891025523 +734 498 4 891022938 +734 582 2 891022684 +734 591 4 891022977 +734 603 4 891022958 +734 604 4 891023086 +734 605 4 891025555 +734 607 5 891023066 +734 662 3 891022704 +734 699 4 891022752 +734 705 4 891023131 +734 724 3 891022684 +734 742 4 891025958 +734 751 4 891021937 +734 821 2 891023086 +735 1 4 876698796 +735 7 3 876698683 +735 9 4 876698755 +735 13 4 876698643 +735 25 4 876698684 +735 50 5 876698683 +735 93 2 876698604 +735 100 2 876698796 +735 106 3 876698714 +735 117 3 876698897 +735 123 3 876698866 +735 124 5 876698643 +735 126 3 876698570 +735 127 4 876698755 +735 147 1 876698643 +735 181 4 876698604 +735 237 4 876698714 +735 242 5 876697561 +735 245 3 876698022 +735 258 4 876697561 +735 269 3 876698022 +735 275 4 876698643 +735 276 4 876698796 +735 277 3 876698604 +735 283 2 876698796 +735 285 4 876698897 +735 286 5 876697561 +735 288 4 876697610 +735 289 1 876698022 +735 293 3 876698570 +735 298 4 876698897 +735 300 4 876697647 +735 301 3 876697610 +735 304 4 876697679 +735 319 4 876697647 +735 321 3 876698022 +735 325 1 876698022 +735 327 3 876698022 +735 331 3 876698022 +735 332 3 876698022 +735 333 4 876697647 +735 475 4 876698570 +735 515 4 876698755 +735 628 3 876698755 +735 676 3 876698837 +735 690 4 876697561 +735 741 2 876698796 +735 744 3 876698714 +735 748 3 876698022 +735 756 2 876698684 +735 764 3 876698837 +735 813 4 876698570 +735 1012 2 876698897 +736 50 3 878708579 +736 127 4 878709365 +736 181 2 878708646 +736 246 4 878708929 +736 248 4 878709365 +736 253 5 878709365 +736 254 1 878709262 +736 255 1 878709025 +736 257 3 878708721 +736 286 4 878709365 +736 293 4 878709365 +736 294 3 878709025 +736 296 4 878709365 +736 323 1 878709187 +736 324 3 878708991 +736 515 5 878709365 +736 532 4 878709365 +736 533 3 878709108 +736 678 1 878709212 +736 748 2 878708465 +736 993 4 878709365 +736 1089 1 878709187 +736 1278 1 878709262 +736 1388 5 878709365 +737 11 3 884314903 +737 12 4 884314922 +737 22 4 884314993 +737 32 4 884314993 +737 47 3 884314970 +737 58 4 884314970 +737 64 4 884314740 +737 89 4 884314664 +737 96 2 884314715 +737 100 5 884314664 +737 127 5 884315175 +737 137 5 884314694 +737 154 4 884314694 +737 156 5 884314693 +737 160 4 884314881 +737 169 4 884314644 +737 171 4 884314644 +737 173 4 884314970 +737 174 2 884314740 +737 175 5 884315246 +737 180 4 884314644 +737 186 5 884314944 +737 187 5 884315175 +737 192 5 884314970 +737 196 3 884314694 +737 222 3 884315127 +737 258 5 884315127 +737 357 5 884314944 +737 427 3 884314970 +737 428 4 884315066 +737 474 5 884314740 +737 475 4 884314693 +737 501 1 884314922 +738 1 5 892844079 +738 2 3 875351530 +738 4 4 875351486 +738 7 4 875349530 +738 22 3 875349713 +738 28 4 875350913 +738 39 3 875350720 +738 42 2 875350012 +738 47 3 875353569 +738 50 5 892844112 +738 54 3 875351872 +738 56 4 875350418 +738 63 3 875351905 +738 64 4 875351092 +738 69 5 892844079 +738 71 3 875350352 +738 79 3 875351019 +738 81 4 875351092 +738 82 5 892844079 +738 88 3 875351712 +738 89 5 892844112 +738 91 4 875351462 +738 95 4 875350122 +738 96 5 892844112 +738 97 4 875350122 +738 98 4 875350515 +738 100 2 875349968 +738 109 4 875353678 +738 117 3 875350913 +738 118 3 875351438 +738 121 4 875353780 +738 127 4 892957753 +738 128 4 875351873 +738 135 5 892844111 +738 136 4 892958170 +738 141 3 875352771 +738 144 5 892844079 +738 147 3 875350764 +738 151 4 875352737 +738 152 4 875350265 +738 153 4 875350223 +738 154 3 875353105 +738 161 4 875350720 +738 164 5 892844112 +738 168 3 875353869 +738 169 5 892844079 +738 172 4 875349895 +738 173 5 875350012 +738 174 5 875349968 +738 175 4 875349968 +738 176 5 892844079 +738 177 4 892958051 +738 178 4 875349628 +738 179 3 875353869 +738 180 5 892844112 +738 181 4 875348856 +738 183 5 892844079 +738 186 4 875351773 +738 188 3 875350456 +738 189 4 875351404 +738 191 4 875350086 +738 193 5 892844112 +738 195 4 875349628 +738 196 4 875350086 +738 197 4 875353869 +738 199 4 892938594 +738 200 3 875350086 +738 202 4 875351299 +738 203 3 892958137 +738 204 4 875350053 +738 205 5 892844079 +738 206 3 875350223 +738 208 4 875350418 +738 209 4 875350485 +738 210 5 892844112 +738 211 3 892958137 +738 214 4 875350157 +738 216 3 875352679 +738 222 4 875350913 +738 225 3 875351837 +738 226 3 875351299 +738 227 4 875353533 +738 228 5 875350316 +738 229 3 875351906 +738 230 4 875351530 +738 231 3 875350995 +738 233 3 875353678 +738 234 4 875349850 +738 235 2 875350764 +738 238 4 875349895 +738 240 3 875350385 +738 250 4 875348912 +738 252 4 875349045 +738 254 2 875349111 +738 257 3 875348912 +738 258 4 875348442 +738 260 2 875348571 +738 265 4 892957967 +738 269 2 892938254 +738 271 3 892938330 +738 298 3 875348670 +738 313 5 892938181 +738 318 5 892844112 +738 343 3 892938330 +738 357 4 875353869 +738 367 3 875351346 +738 380 3 875351530 +738 385 5 892844079 +738 393 3 875350944 +738 403 3 875351638 +738 405 2 875349968 +738 408 5 875349584 +738 418 3 875353105 +738 423 4 875350223 +738 429 3 875353813 +738 434 4 875351872 +738 449 3 875351438 +738 455 4 875350551 +738 470 4 875350551 +738 474 4 875349775 +738 496 4 875351346 +738 511 4 875349584 +738 517 3 892938492 +738 527 5 892844111 +738 528 4 875352679 +738 550 3 875351603 +738 568 3 875350485 +738 603 5 892844079 +738 636 3 875350944 +738 650 3 875351712 +738 651 4 892957752 +738 655 3 875350456 +738 659 4 875350804 +738 662 4 875350418 +738 665 2 875351873 +738 697 2 875353869 +738 732 3 875350316 +738 747 4 875351603 +738 751 3 892938297 +738 755 3 875350913 +738 916 3 892938181 +738 919 4 875349807 +738 926 3 875350456 +738 930 3 875351956 +738 951 2 875351906 +738 969 4 892957860 +738 1016 3 875348912 +738 1047 3 875351872 +739 22 5 886958860 +739 50 4 886958895 +739 55 1 886958972 +739 56 4 886958938 +739 69 5 886959069 +739 79 4 886958938 +739 96 5 886959039 +739 97 5 886959115 +739 98 3 886958972 +739 100 5 886825383 +739 132 4 886959039 +739 168 1 886958831 +739 172 4 886958938 +739 176 1 886958938 +739 187 4 886959115 +739 195 5 886958939 +739 197 1 886958860 +739 216 4 886958831 +739 286 2 886825020 +739 288 1 886825083 +739 301 5 886825529 +739 318 4 886958831 +739 327 5 886825529 +739 333 4 886825227 +739 359 5 886825529 +739 465 1 886959039 +739 498 4 886958939 +739 526 5 886958895 +739 603 4 886959069 +739 661 2 886958831 +739 749 5 886825529 +739 751 3 886825083 +739 969 1 886959039 +739 1429 5 886825529 +739 1431 5 886825529 +740 242 4 879523187 +740 258 3 879522681 +740 269 4 879523187 +740 271 2 879522753 +740 286 5 879523187 +740 288 4 879523187 +740 289 4 879523187 +740 294 4 879523187 +740 300 4 879523187 +740 302 5 879523187 +740 319 3 879522781 +740 322 3 879522839 +740 326 3 879522814 +740 328 3 879522814 +740 332 3 879522681 +740 340 4 879523187 +740 748 3 879522872 +740 873 2 879522872 +740 938 1 879522906 +740 1038 4 879523187 +741 5 3 891455671 +741 7 3 891040277 +741 15 4 891456573 +741 17 2 891455711 +741 22 5 891018303 +741 25 3 891458428 +741 28 3 891018339 +741 31 3 891455516 +741 38 2 891455832 +741 48 4 891018550 +741 50 5 891018339 +741 54 3 891455610 +741 56 4 891018303 +741 66 3 891018266 +741 67 3 891457456 +741 69 4 891018550 +741 70 4 891456573 +741 77 3 891455671 +741 79 4 891455610 +741 82 3 891018400 +741 83 4 891457855 +741 88 4 891457456 +741 92 3 891456427 +741 94 3 891457483 +741 95 2 891018400 +741 98 5 891455516 +741 118 1 891455855 +741 121 2 891455766 +741 131 4 891456776 +741 134 5 891455381 +741 151 3 891458539 +741 164 3 891455766 +741 172 5 891018339 +741 173 2 891018366 +741 174 5 891018303 +741 178 5 891018435 +741 180 4 891457855 +741 181 4 891036681 +741 186 5 891455317 +741 194 4 891457242 +741 196 5 891018460 +741 202 3 891455316 +741 204 4 891018266 +741 209 3 891457342 +741 210 3 891455353 +741 215 4 891456615 +741 216 4 891457342 +741 218 4 891455711 +741 226 2 891455711 +741 228 2 891455610 +741 234 4 891455545 +741 239 2 891456040 +741 241 4 891019625 +741 255 3 891458098 +741 265 5 891455735 +741 273 3 891458066 +741 274 4 891019587 +741 275 4 891019587 +741 280 3 891458403 +741 281 2 891455792 +741 283 4 891458250 +741 288 4 891018070 +741 290 3 891457956 +741 313 4 891455095 +741 357 5 891018507 +741 367 2 891457280 +741 393 2 891040490 +741 399 2 891457456 +741 401 3 891457483 +741 403 5 891456083 +741 423 3 891018339 +741 427 5 891018221 +741 435 4 891455353 +741 451 3 891457395 +741 475 3 891018152 +741 478 5 891456741 +741 479 5 891456874 +741 480 5 891457855 +741 496 5 891456718 +741 566 4 891455671 +741 582 3 891456156 +741 651 4 891018507 +741 660 3 891040362 +741 673 4 891455671 +741 682 3 891455960 +741 692 1 891019587 +741 696 3 891455901 +741 699 4 891018400 +741 722 3 891457528 +741 724 4 891019625 +741 732 4 891456509 +741 742 4 891455766 +741 781 4 891457424 +741 783 3 891457633 +741 785 3 891457371 +741 790 3 891457456 +741 815 3 891458647 +741 945 5 891456827 +741 1016 3 891458249 +741 1029 1 891457506 +741 1041 4 891457424 +741 1074 2 891457395 +741 1090 1 891455880 +741 1152 3 891458597 +742 1 4 881335281 +742 7 3 881335492 +742 13 4 881335361 +742 14 5 881335361 +742 15 4 881335461 +742 24 3 881335248 +742 50 4 881335248 +742 100 5 881335492 +742 109 1 881335960 +742 117 2 881335528 +742 124 4 881335461 +742 127 5 881335361 +742 181 3 881335281 +742 222 2 881336006 +742 237 4 881335960 +742 250 3 881336006 +742 258 5 881005590 +742 282 3 881335857 +742 284 3 881335492 +742 294 3 881005590 +742 321 3 881005611 +742 475 4 881335492 +742 508 4 881335461 +742 546 1 881335598 +742 591 4 881335461 +742 1012 4 881335528 +743 9 5 881278061 +743 15 3 881277855 +743 100 5 881277962 +743 181 3 881277931 +743 222 4 881277962 +743 224 5 881277931 +743 242 4 881277267 +743 258 5 881277357 +743 259 3 881277656 +743 268 4 881277551 +743 269 4 881277267 +743 273 3 881278061 +743 276 5 881277855 +743 286 3 881277602 +743 288 2 881277690 +743 289 3 881277357 +743 292 3 881277267 +743 294 2 881277656 +743 297 5 881277931 +743 298 4 881278061 +743 300 4 881277267 +743 301 4 881277357 +743 302 5 881277267 +743 303 5 881277357 +743 308 2 881277314 +743 311 5 881277551 +743 321 2 881277690 +743 322 3 881277750 +743 326 3 881277656 +743 338 1 881277800 +743 340 3 881277551 +743 408 4 881277931 +743 744 5 881277892 +743 748 4 881277656 +743 879 4 881277656 +744 1 4 881171926 +744 9 3 881170416 +744 23 4 881171420 +744 28 3 881170416 +744 50 3 881172357 +744 127 5 881171481 +744 156 4 881170452 +744 174 4 881171421 +744 188 3 881170528 +744 237 4 881171907 +744 238 4 881170416 +744 276 4 881171907 +744 301 3 881171857 +744 302 5 881171820 +744 307 4 881171839 +744 340 3 881171820 +744 428 4 881170528 +744 479 5 881171482 +744 481 3 881171420 +744 482 3 881171420 +744 483 4 881171452 +744 508 5 881171907 +744 603 5 881170528 +744 628 2 881172357 +744 657 5 881170575 +744 963 5 881170576 +744 1134 3 881171482 +745 1 2 880122809 +745 7 4 880123019 +745 8 4 880123627 +745 9 4 880122809 +745 10 5 880123905 +745 12 5 880123905 +745 14 3 880122863 +745 20 1 880123905 +745 28 2 880123671 +745 50 2 880122928 +745 64 5 880123905 +745 79 3 880123540 +745 96 4 880123399 +745 98 5 880123905 +745 100 5 880122809 +745 124 5 880122775 +745 125 5 880123069 +745 127 2 880122986 +745 151 2 880122948 +745 168 3 880123671 +745 169 4 880123671 +745 174 3 880123179 +745 177 3 880123572 +745 181 2 880122965 +745 182 2 880123314 +745 183 3 880123205 +745 188 3 880123540 +745 190 5 880123905 +745 194 4 880123262 +745 202 3 880123486 +745 203 3 880123696 +745 204 3 880123335 +745 205 2 880123205 +745 207 2 880123609 +745 215 3 880123751 +745 222 2 880123126 +745 230 2 880123572 +745 258 5 880122502 +745 275 1 880123905 +745 276 1 880123905 +745 285 1 880123905 +745 286 1 880123905 +745 302 4 880122475 +745 425 4 880123540 +745 427 4 880123361 +745 480 3 880123361 +745 483 1 880123361 +745 492 5 880123572 +745 507 1 880123335 +745 510 3 880123720 +745 515 4 880122863 +745 519 5 880123751 +745 520 3 880123696 +745 527 3 880123486 +745 531 3 880123517 +745 603 4 880123243 +745 646 4 880123416 +745 923 3 880123720 +745 936 1 880122907 +745 1126 2 880123572 +746 1 4 885075714 +746 2 3 885075304 +746 8 4 885075539 +746 22 4 885075211 +746 24 4 885075434 +746 38 2 885075476 +746 50 5 885075165 +746 56 3 885075211 +746 62 3 885075434 +746 64 4 885075790 +746 68 4 885075337 +746 79 5 885075165 +746 82 4 885075337 +746 83 4 885075497 +746 89 4 885075243 +746 96 4 885075267 +746 117 4 885075304 +746 121 3 885075337 +746 127 2 885075243 +746 128 3 885075211 +746 132 4 885075756 +746 135 1 885075655 +746 144 5 885075211 +746 157 4 885075590 +746 161 3 885075304 +746 168 3 885075790 +746 172 5 885075165 +746 174 5 885075243 +746 176 5 885075243 +746 181 5 885075166 +746 183 4 885075165 +746 184 4 885075267 +746 186 4 885075497 +746 196 4 885075612 +746 202 5 885075518 +746 204 5 885075539 +746 208 4 885075569 +746 210 5 885075211 +746 222 3 885075267 +746 226 4 885075434 +746 228 4 885075243 +746 229 2 885075399 +746 230 1 885075337 +746 231 2 885075476 +746 232 3 885075304 +746 233 4 885075399 +746 265 4 885075399 +746 281 3 885075434 +746 385 5 885075367 +746 399 3 885075211 +746 403 4 885075337 +746 405 2 885075476 +746 423 3 885075612 +746 431 5 885075304 +746 449 1 885075476 +746 455 4 885075304 +746 506 3 885075824 +746 523 3 885075497 +746 546 3 885075434 +746 550 4 885075367 +746 566 4 885075367 +746 568 4 885075211 +746 578 4 885075399 +746 597 4 885075304 +746 684 4 885075337 +746 685 3 885075304 +746 720 3 885075399 +747 1 5 888639138 +747 3 2 888733567 +747 4 4 888733111 +747 7 4 888639176 +747 8 5 888639175 +747 9 5 888734012 +747 11 5 888638958 +747 12 4 888639272 +747 13 3 888733348 +747 14 3 888734152 +747 15 4 888639780 +747 17 4 888733387 +747 21 2 888733111 +747 22 3 888640099 +747 23 5 888639735 +747 25 3 888639318 +747 26 3 888733314 +747 28 4 888640915 +747 29 1 888734152 +747 30 5 888638913 +747 31 4 888639222 +747 32 5 888639890 +747 39 4 888640684 +747 40 2 888733480 +747 44 2 888639437 +747 47 5 888639939 +747 48 5 888639890 +747 50 5 888639060 +747 56 5 888639526 +747 58 3 888639594 +747 63 3 888733510 +747 64 5 888639642 +747 69 5 888640475 +747 70 4 888733218 +747 71 5 888639102 +747 73 4 888640305 +747 79 4 888640392 +747 82 4 888639642 +747 83 4 888732571 +747 85 3 888733144 +747 86 5 888638958 +747 87 5 888640222 +747 88 2 888733218 +747 91 5 888640820 +747 93 4 888639685 +747 94 4 888733537 +747 95 3 888639318 +747 96 5 888639397 +747 97 5 888640437 +747 98 5 888639480 +747 99 5 888640524 +747 100 5 888639397 +747 108 4 888733415 +747 109 5 888733274 +747 111 4 888733480 +747 116 4 888639318 +747 117 2 888639780 +747 124 5 888639138 +747 127 5 888639362 +747 129 5 888639138 +747 132 4 888732640 +747 133 5 888732695 +747 134 5 888640180 +747 135 5 888640437 +747 136 5 888639481 +747 152 3 888640222 +747 153 4 888639989 +747 154 3 888733182 +747 156 3 888639362 +747 162 5 888639594 +747 163 4 888733111 +747 168 4 888639015 +747 169 5 888640305 +747 172 5 888639222 +747 173 3 888640862 +747 174 5 888639138 +747 175 4 888640180 +747 176 4 888638958 +747 178 5 888639939 +747 179 5 888639780 +747 180 5 888639735 +747 181 5 888639014 +747 182 5 888639272 +747 183 5 888732899 +747 185 5 888640437 +747 187 5 888639318 +747 188 5 888639890 +747 189 4 888639272 +747 190 4 888640305 +747 192 5 888639014 +747 194 3 888639222 +747 195 4 888640136 +747 196 2 888640046 +747 199 4 888639102 +747 202 4 888733047 +747 204 5 888732899 +747 205 5 888639102 +747 208 5 888640862 +747 209 3 888640437 +747 210 4 888639272 +747 211 5 888639014 +747 215 5 888732899 +747 216 2 888639060 +747 222 2 888640180 +747 223 5 888638913 +747 228 4 888639736 +747 231 3 888734113 +747 234 5 888640099 +747 235 5 888733444 +747 238 3 888638957 +747 258 2 888638335 +747 262 5 888638242 +747 265 4 888639060 +747 268 5 888638091 +747 269 4 888638183 +747 274 4 888733348 +747 276 5 888639989 +747 279 4 888732571 +747 282 2 888640475 +747 285 5 888732899 +747 286 4 888638335 +747 287 4 888733182 +747 288 4 888638091 +747 290 3 888733144 +747 292 4 888638293 +747 301 1 888638335 +747 302 5 888638091 +747 303 5 888638091 +747 304 4 888638370 +747 305 5 888638183 +747 313 5 888638265 +747 315 4 888638774 +747 316 4 888638552 +747 318 5 888732899 +747 320 5 888732899 +747 327 4 888638425 +747 333 4 888638335 +747 347 5 888638091 +747 357 5 888638876 +747 367 3 888733070 +747 390 4 888640862 +747 392 3 888734178 +747 393 2 888733111 +747 403 5 888734113 +747 404 5 888640648 +747 408 5 888639481 +747 409 1 888733595 +747 416 5 888640916 +747 418 5 888639102 +747 419 5 888640820 +747 423 5 888638958 +747 427 5 888732899 +747 428 3 888640046 +747 429 4 888639823 +747 430 4 888639437 +747 432 5 888640567 +747 433 3 888733387 +747 443 5 888640136 +747 461 5 888639526 +747 462 5 888639272 +747 463 3 888732695 +747 466 3 888640136 +747 467 4 888639222 +747 473 3 888640305 +747 474 5 888639526 +747 475 5 888639397 +747 476 3 888733595 +747 478 4 888639437 +747 479 5 888732719 +747 480 5 888639060 +747 481 5 888639525 +747 482 5 888639526 +747 483 5 888639318 +747 485 5 888640222 +747 486 5 888732609 +747 488 5 888640524 +747 492 4 888639060 +747 493 5 888734012 +747 494 5 888639015 +747 496 5 888640136 +747 497 5 888639890 +747 498 5 888639318 +747 500 4 888640222 +747 501 5 888639362 +747 502 5 888733182 +747 504 5 888640605 +747 505 5 888639823 +747 507 3 888639890 +747 508 5 888638876 +747 509 5 888639176 +747 510 5 888639890 +747 511 5 888639138 +747 514 4 888639823 +747 517 5 888734012 +747 519 5 888639989 +747 521 5 888640567 +747 524 5 888640222 +747 525 5 888640684 +747 526 5 888639642 +747 529 5 888640099 +747 530 5 888734041 +747 531 4 888732609 +747 555 2 888734152 +747 558 4 888640046 +747 580 5 888734112 +747 582 5 888639362 +747 584 5 888640524 +747 588 5 888639989 +747 591 2 888640776 +747 596 5 888640437 +747 603 5 888639362 +747 604 5 888638913 +747 606 5 888638958 +747 608 4 888640475 +747 615 5 888640348 +747 625 3 888640648 +747 631 5 888638957 +747 634 5 888639222 +747 639 5 888732899 +747 644 5 888639397 +747 648 5 888734012 +747 649 3 888640916 +747 650 4 888639014 +747 651 5 888640862 +747 653 5 888639939 +747 654 5 888639939 +747 655 3 888639685 +747 659 4 888639175 +747 661 5 888639642 +747 663 5 888733111 +747 664 2 888638876 +747 672 4 888734152 +747 675 2 888640180 +747 693 5 888732899 +747 695 2 888733111 +747 705 5 888639939 +747 715 5 888733274 +747 726 2 888733387 +747 732 3 888639138 +747 735 4 888639735 +747 736 5 888732899 +747 739 3 888734072 +747 783 1 888732921 +747 792 5 888639102 +747 811 3 888639735 +747 835 3 888640180 +747 842 5 888640916 +747 844 4 888640136 +747 845 2 888640046 +747 865 5 888640916 +747 875 3 888638455 +747 887 5 888638335 +747 900 5 888638183 +747 923 5 888639939 +747 929 3 888733218 +747 939 3 888639362 +747 945 4 888639481 +747 949 5 888733182 +747 951 2 888640648 +747 952 2 888733630 +747 959 5 888733144 +747 967 3 888639318 +747 985 2 888732640 +747 989 3 888638508 +747 997 3 888733480 +747 1003 1 888733314 +747 1015 4 888640046 +747 1020 4 888639642 +747 1021 5 888640099 +747 1028 1 888733480 +747 1041 4 888733567 +747 1045 4 888639823 +747 1050 3 888640099 +747 1067 2 888733348 +747 1098 4 888640437 +747 1134 5 888732609 +747 1142 4 888732952 +747 1159 2 888639685 +747 1170 2 888733182 +747 1179 1 888733387 +747 1194 5 888639102 +747 1203 5 888639685 +747 1204 4 888639102 +747 1205 3 888639594 +747 1225 3 888733314 +747 1246 1 888733415 +747 1375 4 888732571 +747 1427 2 888639594 +747 1456 3 888732747 +747 1497 4 888732538 +747 1631 3 888638957 +747 1659 1 888733313 +747 1660 2 888640731 +748 1 4 879455040 +748 4 4 879454912 +748 7 4 879454662 +748 8 4 879455126 +748 22 4 879455126 +748 48 4 879455083 +748 50 5 879454428 +748 56 4 879455083 +748 58 4 879455083 +748 64 4 879454707 +748 69 4 879454849 +748 71 3 879454546 +748 79 4 879454998 +748 83 3 879455019 +748 86 4 879455126 +748 89 5 879454831 +748 96 5 879454662 +748 97 4 879454848 +748 114 4 879454773 +748 118 2 879455040 +748 132 3 879454998 +748 133 3 879454455 +748 135 4 879454998 +748 137 3 879454958 +748 143 3 879454546 +748 144 4 879454707 +748 153 4 879454930 +748 154 3 879454602 +748 168 3 879454930 +748 169 4 879454848 +748 172 4 879454810 +748 173 4 879454831 +748 174 5 879454405 +748 175 5 879455019 +748 176 5 879454773 +748 179 4 879454728 +748 180 4 879454958 +748 181 4 879454455 +748 182 4 879454630 +748 183 4 879454584 +748 186 5 879454498 +748 187 4 879454958 +748 188 4 879455167 +748 189 4 879454749 +748 192 3 879454584 +748 193 3 879454789 +748 194 4 879454773 +748 195 4 879455083 +748 196 3 879454958 +748 197 3 879454630 +748 199 4 879455454 +748 200 3 879454522 +748 204 3 879454662 +748 208 4 879454522 +748 209 4 879454728 +748 210 3 879454584 +748 213 3 879455454 +748 216 4 879454998 +748 222 4 879454707 +748 227 3 879455150 +748 228 3 879454687 +748 234 4 879454475 +748 237 4 879454880 +748 250 5 879454383 +748 258 5 879454081 +748 271 3 879454302 +748 286 3 879454107 +748 300 4 879454172 +748 318 5 879454475 +748 319 3 879454107 +748 323 4 879454208 +748 326 3 879454171 +748 328 4 879454208 +748 357 3 879454584 +748 402 2 879454476 +748 408 5 879454428 +748 421 4 879454630 +748 425 4 879454773 +748 427 4 879454405 +748 451 1 879455186 +748 474 4 879454475 +748 479 4 879454428 +748 483 4 879455040 +748 495 3 879454687 +748 496 4 879454455 +748 498 4 879454831 +748 514 4 879454749 +748 515 4 879454662 +748 517 3 879455083 +748 527 5 879454749 +748 528 3 879454880 +748 588 4 879454497 +748 603 5 879454455 +748 633 4 879454428 +748 647 3 879454602 +748 650 1 879454573 +748 654 4 879454998 +748 655 3 879454879 +748 657 4 879455221 +748 678 2 879454233 +748 692 3 879455410 +748 699 3 879455454 +748 709 4 879454546 +748 710 3 879455410 +748 732 4 879454749 +748 748 4 879454208 +748 813 4 879454497 +748 847 4 879454546 +749 1 4 881602577 +749 2 4 878849375 +749 4 4 878847863 +749 9 3 878846903 +749 11 5 878848189 +749 15 5 878846841 +749 22 5 878847327 +749 23 3 878849176 +749 24 2 878849508 +749 25 4 878846697 +749 31 5 878847209 +749 38 3 878850724 +749 47 4 878848098 +749 48 3 878848015 +749 49 4 878848137 +749 50 5 878846978 +749 56 2 878847404 +749 58 3 878847988 +749 62 3 878849052 +749 64 4 878847171 +749 66 3 878849433 +749 67 1 878850588 +749 68 4 878849612 +749 69 5 878847576 +749 71 4 878847576 +749 72 3 878850388 +749 73 4 878849586 +749 77 3 878849534 +749 78 3 878850632 +749 79 4 878848069 +749 80 1 878850533 +749 82 5 878848405 +749 85 4 878849259 +749 86 4 878848369 +749 87 4 878849558 +749 88 4 878849534 +749 89 4 878848098 +749 94 5 878849829 +749 95 3 878848333 +749 96 5 878847498 +749 98 5 878847404 +749 99 5 878847804 +749 100 3 878849052 +749 101 4 878848700 +749 105 1 878849508 +749 110 2 878850703 +749 111 3 878848405 +749 117 4 878846654 +749 118 3 878846841 +749 121 3 878847645 +749 125 5 878848764 +749 127 4 881073104 +749 132 4 878847926 +749 133 4 878849052 +749 134 4 878847286 +749 135 4 878848189 +749 136 5 878849404 +749 139 4 878850084 +749 140 3 878847673 +749 141 4 878848217 +749 142 4 878850456 +749 143 4 878847926 +749 144 5 878847835 +749 145 4 878849433 +749 148 3 878850212 +749 151 5 878846783 +749 153 4 878848828 +749 154 5 878847988 +749 155 2 878849829 +749 157 3 878847364 +749 158 3 878849903 +749 159 4 878849956 +749 160 3 878847461 +749 161 3 878847461 +749 162 3 878848333 +749 164 3 878848866 +749 167 2 878848701 +749 168 5 878847765 +749 172 5 878847239 +749 173 5 878847740 +749 174 5 878847209 +749 175 3 878847576 +749 176 4 878847954 +749 178 4 878847540 +749 179 4 878848015 +749 180 4 878848483 +749 181 5 878846998 +749 182 3 878848639 +749 183 5 878847286 +749 184 2 878848137 +749 185 4 878847740 +749 186 4 878847862 +749 187 3 881073104 +749 188 3 878848302 +749 191 4 878848217 +749 194 5 878847541 +749 195 5 878848639 +749 196 4 878848302 +749 197 4 878848044 +749 199 5 878847171 +749 200 4 878848302 +749 202 5 878847461 +749 203 4 878848639 +749 204 4 878847576 +749 205 4 878847804 +749 208 5 878848044 +749 209 4 878848828 +749 210 4 878848587 +749 211 5 878847887 +749 214 3 878849177 +749 215 4 878847172 +749 216 4 878848137 +749 222 3 878847716 +749 223 4 881602704 +749 226 4 878848533 +749 227 4 878848189 +749 228 5 878848828 +749 229 3 878849482 +749 230 3 878848272 +749 231 4 878849660 +749 232 4 878848483 +749 233 5 878849286 +749 234 4 878848044 +749 237 3 878846782 +749 238 3 878847863 +749 239 4 878849286 +749 240 1 878850656 +749 245 4 878846423 +749 250 3 878846978 +749 252 3 878847057 +749 254 2 881602674 +749 257 3 878846957 +749 258 4 878846265 +749 271 5 879788762 +749 273 4 878848243 +749 280 4 878847835 +749 284 4 878846812 +749 291 4 878848137 +749 292 4 878846384 +749 293 4 878846783 +749 294 2 878846265 +749 295 3 881602635 +749 298 4 879788916 +749 300 4 878846365 +749 322 4 878846422 +749 326 4 878846365 +749 328 4 878846422 +749 356 4 878847804 +749 357 4 878847862 +749 358 3 878846422 +749 365 3 878848951 +749 366 4 878849903 +749 378 5 878847612 +749 380 3 878849586 +749 385 3 878848272 +749 389 3 878849375 +749 391 3 878849149 +749 393 5 878849903 +749 398 3 878850038 +749 399 3 878849433 +749 401 1 878850015 +749 402 4 878849829 +749 403 4 878849903 +749 404 5 878847673 +749 405 2 878848673 +749 406 4 881072892 +749 414 4 878848189 +749 418 5 878847498 +749 419 5 878847765 +749 420 4 878849682 +749 423 4 878847645 +749 428 3 878849534 +749 429 4 878847461 +749 430 4 878847926 +749 431 5 878848069 +749 433 3 878848217 +749 434 4 878848369 +749 435 4 878847888 +749 443 4 878847954 +749 444 2 878850632 +749 448 2 878847645 +749 449 3 878850610 +749 465 4 878847716 +749 468 3 878848333 +749 470 5 878849259 +749 472 4 878849149 +749 477 3 878848405 +749 478 5 878847328 +749 480 5 878847328 +749 483 4 878847540 +749 484 5 881073043 +749 485 4 878848097 +749 495 4 878847612 +749 496 5 878847673 +749 498 4 878847926 +749 501 4 878847209 +749 510 4 878847404 +749 511 4 878847286 +749 521 4 878847765 +749 523 4 878847285 +749 526 5 878847804 +749 527 4 878847364 +749 531 5 878847171 +749 540 3 878850388 +749 541 3 878850825 +749 546 3 878849857 +749 549 3 878847926 +749 550 4 878850212 +749 554 3 878849612 +749 566 3 878849857 +749 568 4 878848098 +749 571 3 878850456 +749 576 3 878850533 +749 578 3 878850429 +749 584 3 878848483 +749 586 4 878850657 +749 595 4 878850107 +749 603 5 878847804 +749 609 4 881073104 +749 616 3 878848612 +749 620 4 882804506 +749 621 3 878848795 +749 622 3 878850675 +749 625 3 878848430 +749 627 2 878848951 +749 628 4 878846903 +749 633 4 878848764 +749 635 1 878850703 +749 636 4 878849929 +749 637 1 878850456 +749 642 2 878848137 +749 650 3 878848189 +749 655 5 878848044 +749 658 4 878849404 +749 659 5 878847611 +749 661 5 878847576 +749 663 4 878847988 +749 678 2 878846423 +749 685 4 878848137 +749 686 4 878850429 +749 705 4 878847612 +749 712 3 878849375 +749 729 4 878848015 +749 731 3 878848828 +749 732 4 878848452 +749 735 5 878847716 +749 736 3 878847988 +749 739 3 878848558 +749 740 3 878847716 +749 742 4 878849375 +749 746 5 878848764 +749 748 3 878846384 +749 755 4 878848866 +749 763 1 878848483 +749 780 1 878849682 +749 781 4 878849979 +749 802 3 878850789 +749 808 3 878849929 +749 809 3 878848673 +749 812 3 878849586 +749 821 3 878847328 +749 823 3 878850060 +749 826 3 878850038 +749 833 2 878850565 +749 837 5 878848587 +749 841 3 878850768 +749 843 3 878848998 +749 845 3 878848189 +749 866 3 878848639 +749 879 4 878846449 +749 930 3 878849558 +749 932 3 878850333 +749 934 3 878850333 +749 941 5 878849877 +749 944 4 878849482 +749 951 4 878848533 +749 968 3 878850186 +749 969 4 878848243 +749 975 4 878848369 +749 977 4 878850502 +749 984 3 881073009 +749 986 3 878850107 +749 1013 1 881073081 +749 1016 5 878846958 +749 1023 3 881073104 +749 1028 4 878849149 +749 1034 2 878850656 +749 1041 4 878849979 +749 1047 3 878849740 +749 1051 3 878846676 +749 1088 2 881602596 +749 1089 3 882804586 +749 1092 3 878850703 +749 1133 2 878850084 +749 1136 4 878847804 +749 1139 3 878850084 +749 1185 4 878849375 +749 1188 3 878850610 +749 1228 4 878850748 +749 1244 3 878847101 +749 1263 2 878850533 +749 1274 2 878850212 +749 1337 3 882804605 +749 1440 3 878849534 +749 1615 4 878847076 +750 245 3 879446215 +750 258 3 879445755 +750 269 4 879445755 +750 270 4 879445877 +750 271 4 879445911 +750 286 4 879445755 +750 288 4 879445808 +750 294 4 879445961 +750 300 3 879446013 +750 301 4 879445911 +750 303 4 879445911 +750 304 4 879446013 +750 305 4 879445877 +750 306 4 879445877 +750 322 2 879445877 +750 323 3 879445877 +750 325 1 879446215 +750 327 4 879446013 +750 328 4 879445808 +750 330 2 879446215 +750 331 4 879446114 +750 338 3 879445961 +750 358 3 879446216 +750 683 1 879445911 +750 688 1 879446013 +750 748 3 879446013 +750 749 3 879446271 +750 873 3 879446013 +750 876 2 879446014 +750 879 4 879445961 +750 881 2 879446114 +750 886 3 879446114 +750 1280 1 879445877 +751 1 3 889132162 +751 2 4 889298116 +751 3 3 889299391 +751 7 3 889132251 +751 11 1 889133177 +751 21 5 889298093 +751 25 5 889132252 +751 28 5 889133064 +751 42 5 889133429 +751 50 5 889132162 +751 52 2 889297948 +751 55 4 889134419 +751 56 4 889132775 +751 62 4 889298660 +751 70 4 889297870 +751 79 4 889132776 +751 82 4 889133334 +751 83 5 889134705 +751 85 3 889297767 +751 87 5 889297927 +751 88 4 889298660 +751 89 3 889132966 +751 90 3 889298528 +751 91 4 889134705 +751 94 3 889298964 +751 95 5 889134419 +751 96 4 889133154 +751 98 5 889134186 +751 99 4 889134483 +751 100 4 889132252 +751 101 4 889298622 +751 111 3 889132657 +751 117 4 889132269 +751 118 2 889298074 +751 121 4 889135401 +751 131 5 889132966 +751 142 4 889299175 +751 143 5 889133882 +751 144 4 889133219 +751 153 4 889133240 +751 154 3 888871900 +751 161 2 889134419 +751 168 5 888871900 +751 172 5 889133129 +751 173 4 889134393 +751 174 4 889133012 +751 178 5 889132896 +751 179 4 889298074 +751 181 5 889132397 +751 193 5 889133556 +751 194 5 889297693 +751 196 4 889133039 +751 197 3 889296961 +751 202 4 889133129 +751 204 4 889133950 +751 209 4 889133377 +751 210 5 889133106 +751 213 5 889132808 +751 214 4 889298463 +751 215 4 889133334 +751 216 4 889133602 +751 226 3 889134237 +751 227 4 889298892 +751 237 2 889132301 +751 238 3 889297524 +751 239 4 889134237 +751 248 5 889132413 +751 250 3 889132397 +751 257 4 889132542 +751 269 5 888871900 +751 270 4 887134730 +751 272 4 887134672 +751 274 4 889298694 +751 291 3 889299155 +751 300 2 887134622 +751 301 5 887134816 +751 302 4 888870893 +751 305 2 887134730 +751 310 3 887134816 +751 313 2 889727869 +751 315 3 887134587 +751 316 4 888871453 +751 323 1 888871598 +751 332 3 887134842 +751 347 4 887134587 +751 367 4 889133950 +751 372 3 889297990 +751 380 3 889298548 +751 381 1 889134419 +751 382 3 889298463 +751 385 4 889135244 +751 386 3 889299078 +751 394 4 889297640 +751 399 3 889298912 +751 402 3 889298216 +751 405 3 889298528 +751 417 2 889297615 +751 418 5 889135211 +751 419 4 889134533 +751 428 4 889297239 +751 431 4 889134705 +751 432 4 889134420 +751 433 3 889134186 +751 434 4 889297670 +751 436 4 889135879 +751 472 2 889299043 +751 479 2 889132776 +751 480 4 889133129 +751 481 4 889133684 +751 483 5 889132849 +751 484 3 889134483 +751 485 4 889134483 +751 486 3 889133737 +751 487 5 889134705 +751 490 4 889133429 +751 494 4 889133556 +751 497 4 889134393 +751 537 4 889134006 +751 538 4 887134672 +751 558 3 889298216 +751 559 4 889298622 +751 568 3 889133334 +751 578 4 889298174 +751 588 5 889133291 +751 591 1 889132375 +751 596 4 889133852 +751 597 2 889299290 +751 603 4 889132776 +751 631 5 889297711 +751 652 4 889133951 +751 655 3 889133377 +751 658 3 889133106 +751 659 5 889133012 +751 660 4 889297990 +751 689 2 888871738 +751 704 2 889133429 +751 708 4 889298140 +751 709 4 889132929 +751 710 3 889298051 +751 734 1 889299637 +751 735 4 889134332 +751 736 5 889134533 +751 737 4 889298945 +751 738 4 889299733 +751 739 3 889133556 +751 742 3 889132347 +751 746 4 889133219 +751 748 2 887135437 +751 751 4 887396425 +751 755 4 889298116 +751 756 2 889299249 +751 778 3 889297178 +751 785 4 889298010 +751 809 3 889299429 +751 849 2 889299133 +751 856 2 889134393 +751 865 2 889135211 +751 916 1 893113145 +751 917 2 892486699 +751 945 3 889133852 +751 1007 4 889132222 +751 1011 4 889132599 +751 1035 2 889298585 +751 1078 3 889299290 +751 1101 1 889298379 +751 1140 2 889299503 +751 1446 2 889298694 +751 1661 1 889299429 +752 258 3 891207898 +752 259 5 891208451 +752 260 3 891208261 +752 268 2 891208036 +752 269 5 891208451 +752 270 4 891208077 +752 271 5 891208452 +752 272 4 891207898 +752 286 1 891207940 +752 288 5 891208452 +752 289 1 891208299 +752 294 3 891208261 +752 300 3 891208126 +752 301 4 891208077 +752 302 5 891208451 +752 305 4 891207940 +752 306 5 891208451 +752 307 5 891208451 +752 310 1 891207791 +752 311 3 891207983 +752 313 3 891207791 +752 315 2 891207791 +752 316 3 891208329 +752 321 3 891208212 +752 322 1 891208261 +752 323 1 891208261 +752 325 2 891208126 +752 326 1 891208299 +752 327 5 891208451 +752 331 4 891208036 +752 332 4 891208170 +752 333 3 891207791 +752 338 3 891208329 +752 340 4 891208077 +752 344 4 891208212 +752 345 1 891207898 +752 346 4 891207983 +752 347 4 891207846 +752 348 4 891208213 +752 350 4 891208357 +752 351 3 891207898 +752 354 2 891208261 +752 355 2 891208036 +752 358 4 891208452 +752 539 4 891208357 +752 589 4 891208491 +752 621 1 891208491 +752 678 3 891208299 +752 683 4 891208299 +752 690 4 891208170 +752 748 4 891208392 +752 750 2 891207791 +752 751 4 891208212 +752 752 3 891208213 +752 882 4 891207846 +752 887 1 891207846 +752 896 3 891207846 +752 900 4 891207791 +752 902 5 891208452 +752 904 4 891207845 +752 905 2 891207940 +752 909 3 891208036 +752 995 4 891208261 +752 1024 3 891207940 +752 1105 3 891207983 +752 1127 3 891208170 +752 1176 2 891208170 +752 1243 4 891207939 +752 1265 3 891208126 +752 1279 3 891208491 +752 1294 3 891207898 +752 1463 4 891208261 +752 1527 1 891208077 +753 22 4 891401798 +753 23 2 891401665 +753 50 4 891401902 +753 64 4 891402379 +753 69 4 891401851 +753 71 5 891401457 +753 79 4 891401665 +753 89 3 891402240 +753 96 1 891401366 +753 98 5 891401366 +753 134 4 891402323 +753 172 3 891401510 +753 173 5 891401757 +753 174 4 891402323 +753 179 2 891401410 +753 180 2 891401712 +753 181 3 891402240 +753 182 3 891401851 +753 183 1 891401798 +753 185 3 891401410 +753 187 3 891401851 +753 193 4 891401366 +753 194 4 891401757 +753 195 1 891401851 +753 199 5 891401510 +753 211 4 891402240 +753 215 5 891402272 +753 242 4 891399477 +753 269 5 891399367 +753 272 4 891399135 +753 286 3 891399477 +753 294 5 891399737 +753 300 1 891401167 +753 304 4 891399686 +753 313 5 891399135 +753 316 4 891399903 +753 322 3 891401167 +753 328 3 891401167 +753 347 2 891401167 +753 357 4 891401901 +753 359 4 891399477 +753 427 5 891401712 +753 435 4 891401712 +753 462 4 891401510 +753 483 5 891401712 +753 484 5 891401757 +753 499 3 891402323 +753 504 3 891401457 +753 510 4 891401457 +753 515 5 891401712 +753 523 4 891401851 +753 527 4 891401510 +753 653 4 891401851 +753 657 5 891401665 +753 673 1 891402379 +753 750 2 891401167 +753 898 4 891400364 +754 9 4 879451626 +754 15 5 879451743 +754 117 4 879451626 +754 118 2 879451775 +754 127 4 879451420 +754 237 3 879451805 +754 243 1 879451163 +754 255 3 879451585 +754 273 3 879451516 +754 276 5 879451841 +754 282 4 879451804 +754 284 3 879451775 +754 286 3 879450947 +754 291 4 879451991 +754 292 3 879451958 +754 293 4 879451466 +754 295 4 879451626 +754 307 3 879451191 +754 328 3 879450984 +754 340 2 879451010 +754 359 3 879451299 +754 459 4 879451805 +754 476 4 879451742 +754 477 5 879451775 +754 595 2 879452073 +754 619 4 879451517 +754 676 3 879451517 +754 742 3 879451991 +754 744 3 879452073 +754 819 3 879452116 +754 922 3 879452073 +754 937 4 879451061 +754 1016 4 879451585 +754 1197 3 879451841 +755 245 4 882569881 +755 258 5 882569732 +755 259 3 882570140 +755 264 2 882570077 +755 269 5 882569604 +755 271 1 882570023 +755 286 5 882569670 +755 288 1 882569771 +755 289 1 882569912 +755 294 3 882569574 +755 299 2 882569732 +755 300 4 882569574 +755 301 3 882569771 +755 302 4 882569771 +755 304 4 882569881 +755 310 4 882569604 +755 311 4 882569771 +755 319 3 882569801 +755 322 3 882569912 +755 323 4 882570077 +755 327 2 882569801 +755 328 4 882569881 +755 331 3 882569771 +755 340 1 882569732 +755 343 3 882570077 +755 538 4 882570023 +755 688 3 882570077 +755 689 3 882570077 +755 690 5 882569574 +755 748 4 882570141 +755 872 1 882569844 +755 875 1 882570023 +755 879 4 882569844 +755 880 4 882569732 +755 881 1 882569732 +755 887 3 882569845 +755 937 4 882569604 +755 938 3 882570023 +756 1 4 874826629 +756 3 1 874829174 +756 8 4 874827755 +756 9 2 874828453 +756 22 3 874828592 +756 30 4 874827283 +756 50 4 874828592 +756 53 3 874830432 +756 55 5 875129318 +756 63 3 874830908 +756 66 4 874829705 +756 71 3 874828391 +756 79 4 874829990 +756 82 3 874830748 +756 88 1 874829743 +756 89 4 874828769 +756 91 3 874830954 +756 92 3 874828027 +756 95 3 874829258 +756 96 4 874828640 +756 97 3 874829484 +756 99 3 874829258 +756 100 5 874831383 +756 111 4 874829670 +756 117 4 874828826 +756 118 2 874828967 +756 121 3 874829152 +756 122 1 874831227 +756 123 2 874830344 +756 135 2 874827884 +756 138 2 874830864 +756 141 3 874831227 +756 143 5 874831383 +756 147 4 874828826 +756 151 4 874830550 +756 155 4 874829637 +756 159 4 874829924 +756 161 3 874831194 +756 171 4 874827062 +756 173 3 874826565 +756 176 4 874828826 +756 178 5 874831383 +756 181 4 874831383 +756 183 4 874831383 +756 195 3 874828967 +756 197 2 874829446 +756 210 4 874828902 +756 222 2 874828967 +756 225 1 874830864 +756 226 3 874830103 +756 228 3 874828640 +756 230 3 874829010 +756 234 3 874829924 +756 235 3 874827755 +756 245 3 874832096 +756 251 4 875129238 +756 256 4 874827486 +756 258 3 874826502 +756 274 3 874829637 +756 275 3 874827103 +756 289 4 874828027 +756 300 4 874826502 +756 323 3 874832096 +756 325 3 874832132 +756 367 4 874827614 +756 383 3 874831050 +756 398 3 874831050 +756 399 2 874828967 +756 402 4 874831383 +756 403 2 874828826 +756 404 3 874830908 +756 409 2 874830998 +756 418 3 874829333 +756 419 3 874830513 +756 420 4 874829373 +756 421 4 874829637 +756 423 3 874830675 +756 432 4 874829258 +756 435 3 874832788 +756 473 3 874829296 +756 501 3 874829296 +756 527 3 874828242 +756 550 2 874829152 +756 554 1 874829152 +756 566 4 874830168 +756 568 3 874828903 +756 588 4 874829258 +756 591 4 874829924 +756 603 5 874831383 +756 622 3 874830790 +756 642 2 874829924 +756 731 3 874827920 +756 739 4 874829743 +756 742 3 874830026 +756 753 2 874832788 +756 755 3 874830598 +756 860 1 874830068 +756 919 5 874831383 +756 930 3 874830344 +756 983 2 874830305 +756 1009 4 874827247 +756 1031 2 874830819 +756 1060 4 874831383 +756 1074 4 874831383 +756 1119 4 874828349 +756 1149 5 874827023 +756 1240 4 874829333 +756 1274 2 874828278 +756 1652 1 874828198 +757 1 4 888443974 +757 2 3 888466490 +757 4 5 888466461 +757 7 4 888444826 +757 11 4 888466583 +757 17 3 888466490 +757 22 4 888466407 +757 24 4 888444616 +757 27 4 888466683 +757 28 3 888467794 +757 29 2 888466683 +757 31 4 888445570 +757 38 3 888467038 +757 50 4 888444056 +757 53 3 888466737 +757 56 4 888445279 +757 58 3 888467592 +757 62 3 888466758 +757 64 5 888445298 +757 68 4 888466435 +757 69 3 888445768 +757 71 4 888445838 +757 79 4 888445750 +757 82 4 888466490 +757 89 4 888445279 +757 91 4 888467309 +757 95 4 888467270 +757 96 4 888466461 +757 97 4 888445714 +757 98 4 888445767 +757 100 3 888444056 +757 101 4 888467309 +757 117 4 888444181 +757 118 3 888444920 +757 121 2 888444635 +757 122 1 888445218 +757 125 2 888467666 +757 128 3 888466490 +757 129 3 888444400 +757 143 3 888468693 +757 144 4 888466490 +757 145 3 888467442 +757 148 4 888444948 +757 151 4 888444684 +757 153 3 888468995 +757 155 2 888469095 +757 156 3 888445551 +757 157 3 888467855 +757 161 3 888468909 +757 164 3 888445684 +757 168 4 888468756 +757 172 4 888445587 +757 173 4 888445604 +757 174 5 888445637 +757 175 3 888445551 +757 176 5 888445730 +757 179 4 888467855 +757 181 3 888444314 +757 183 4 888445864 +757 188 3 888466614 +757 193 4 888445521 +757 195 4 888445802 +757 196 4 888445604 +757 198 4 888445864 +757 202 4 888445730 +757 203 5 888445521 +757 204 4 888468577 +757 205 4 888467498 +757 206 4 888445683 +757 207 2 888468632 +757 210 4 888445570 +757 217 3 888467381 +757 222 4 888444400 +757 226 3 888467038 +757 227 4 888466652 +757 228 4 888466461 +757 229 3 888466652 +757 230 4 888466614 +757 231 2 888466614 +757 232 3 888466435 +757 233 3 888467038 +757 235 3 888444935 +757 241 3 888466863 +757 248 4 888444209 +757 250 4 888444088 +757 252 3 888444827 +757 254 2 888445172 +757 257 4 888444400 +757 258 5 888443306 +757 260 3 888443511 +757 265 3 888466614 +757 270 3 888443434 +757 271 3 888443307 +757 276 4 888444181 +757 288 4 888443307 +757 298 4 888444208 +757 313 3 888443263 +757 323 3 888443483 +757 326 3 888443434 +757 328 3 888469286 +757 333 4 888443263 +757 343 3 888443555 +757 350 3 888443511 +757 358 3 888443570 +757 385 3 888468596 +757 399 3 888466782 +757 403 4 888466461 +757 405 4 888444583 +757 423 3 888445279 +757 426 3 888467270 +757 431 4 888466584 +757 432 3 888467269 +757 433 4 888445684 +757 449 3 888466782 +757 450 2 888467205 +757 455 3 888445035 +757 470 3 888467016 +757 471 4 888444738 +757 472 3 888445086 +757 474 3 888469045 +757 515 5 888444007 +757 546 3 888444881 +757 549 5 888468540 +757 550 3 888445820 +757 554 3 888466683 +757 559 4 888467400 +757 561 2 888467380 +757 562 3 888466737 +757 566 3 888466490 +757 568 4 888466490 +757 569 3 888467400 +757 570 3 888466683 +757 574 3 888467187 +757 576 3 888469012 +757 588 3 888467286 +757 638 3 888468871 +757 651 4 888445279 +757 658 2 888467765 +757 665 3 888466652 +757 678 2 888443531 +757 679 4 888466583 +757 684 4 888445864 +757 685 3 888444684 +757 693 4 888467498 +757 732 3 888467829 +757 742 4 888444563 +757 743 2 888445172 +757 746 3 888468435 +757 751 3 888443398 +757 771 2 888467160 +757 809 4 888466758 +757 825 3 888444865 +757 827 3 888466758 +757 895 4 888443483 +757 931 2 888445150 +757 939 4 888467498 +757 969 3 888468741 +757 1014 3 888444827 +757 1016 3 888444563 +757 1035 2 888469113 +757 1073 4 888466983 +757 1090 2 888467187 +757 1188 3 888466651 +757 1210 2 888467187 +757 1240 3 888445820 +757 1273 2 888467187 +758 4 4 881977375 +758 6 2 881976919 +758 7 5 881975243 +758 8 5 881975577 +758 11 3 881975289 +758 12 5 881975243 +758 13 5 881977205 +758 14 5 883287566 +758 20 4 881976574 +758 23 4 881975814 +758 24 4 881979891 +758 25 4 881977669 +758 26 4 881977108 +758 28 4 881975990 +758 29 3 882054935 +758 31 3 881977872 +758 33 4 881976335 +758 38 3 881980408 +758 39 2 881974931 +758 43 3 881977747 +758 50 4 884999132 +758 53 4 882053613 +758 56 5 881976031 +758 58 4 881977169 +758 61 3 881976289 +758 62 2 881978368 +758 64 5 881974931 +758 66 3 881977169 +758 68 3 881977265 +758 69 5 881976233 +758 76 3 881977265 +758 77 3 882054049 +758 79 4 881976061 +758 81 5 881975815 +758 82 4 881976168 +758 88 4 881979942 +758 91 4 881977375 +758 93 5 881975922 +758 95 3 881977057 +758 96 5 881976985 +758 98 5 881976289 +758 99 3 882052960 +758 100 5 881975119 +758 105 2 882054936 +758 108 5 881978148 +758 109 3 881975687 +758 116 5 881976289 +758 117 4 881976203 +758 118 2 881978326 +758 121 2 881978864 +758 122 4 881980408 +758 123 1 881977872 +758 124 5 884999132 +758 125 2 881977205 +758 127 5 880672637 +758 128 4 881977625 +758 129 4 881975962 +758 131 3 881975243 +758 134 5 881975005 +758 135 5 881974742 +758 137 5 881975539 +758 139 4 882053834 +758 141 4 881977533 +758 143 5 881975314 +758 144 4 881975267 +758 147 4 881977021 +758 150 5 881975243 +758 151 5 881975814 +758 152 5 881975853 +758 153 5 881976377 +758 154 5 881975267 +758 155 1 882054226 +758 159 3 881977408 +758 163 5 881976089 +758 168 5 881975416 +758 170 5 881976233 +758 171 5 881976262 +758 172 4 881974880 +758 173 5 881975182 +758 174 5 881975005 +758 175 4 881976061 +758 176 5 882055987 +758 177 5 881974823 +758 179 5 881976031 +758 181 4 880672747 +758 183 5 882055987 +758 184 5 881974823 +758 185 4 881975182 +758 186 5 881974931 +758 191 5 881975853 +758 192 4 882053053 +758 195 5 881975416 +758 196 4 881977229 +758 197 3 881975687 +758 199 4 881975687 +758 200 5 881977229 +758 202 5 881976821 +758 203 5 881978016 +758 204 4 881975787 +758 208 4 881978148 +758 209 5 881975118 +758 210 4 882053302 +758 211 4 881975736 +758 212 4 881976919 +758 213 5 881976377 +758 216 4 881974931 +758 217 2 881978805 +758 218 4 881977487 +758 221 3 881976335 +758 222 4 884999132 +758 223 5 881975119 +758 224 4 881975922 +758 227 4 884999133 +758 228 3 881977021 +758 229 3 881978057 +758 230 4 884999132 +758 231 3 881979012 +758 234 4 881974823 +758 235 5 881978274 +758 236 4 881974742 +758 237 4 881976377 +758 238 5 881975538 +758 239 3 881976574 +758 240 3 882053986 +758 241 3 881977109 +758 242 3 880672230 +758 248 4 880672747 +758 249 4 880672782 +758 250 4 880672766 +758 252 3 880672830 +758 253 5 880672855 +758 257 5 880672700 +758 258 4 880672230 +758 262 5 880672257 +758 269 4 880672230 +758 270 4 889062124 +758 271 4 884999132 +758 272 4 884413293 +758 273 4 881977714 +758 276 2 881976574 +758 282 3 881977488 +758 285 5 881974823 +758 286 5 880672230 +758 287 5 881975182 +758 288 4 882056007 +758 289 2 880672402 +758 290 5 881978495 +758 291 4 881978115 +758 292 4 880672402 +758 293 3 880672727 +758 294 5 880672523 +758 297 4 880672700 +758 298 4 880672727 +758 300 2 880672402 +758 301 3 880672427 +758 302 5 882848498 +758 303 4 880672321 +758 305 4 880672257 +758 307 3 880672345 +758 310 3 880672402 +758 311 4 880672321 +758 312 3 883190351 +758 313 4 882926095 +758 315 5 883793836 +758 316 5 888020827 +758 319 4 880672321 +758 320 5 881976061 +758 324 5 880672230 +758 328 1 880672321 +758 331 4 882322862 +758 332 4 886464043 +758 338 4 881295151 +758 340 3 880672345 +758 342 4 881295151 +758 343 2 882055987 +758 344 3 888715390 +758 345 5 883806413 +758 346 2 883099368 +758 347 3 885257453 +758 350 4 885016523 +758 352 4 885948283 +758 353 4 886743253 +758 355 4 888461050 +758 356 2 881977872 +758 362 5 888020763 +758 364 4 882055394 +758 373 4 882055347 +758 380 4 884999133 +758 384 5 881979788 +758 385 4 881974742 +758 386 3 881978259 +758 387 2 881978495 +758 388 3 882055289 +758 391 3 881980386 +758 393 4 881979012 +758 405 4 881978635 +758 411 4 881978115 +758 412 5 882054797 +758 414 4 881977487 +758 419 4 881974639 +758 420 3 882053499 +758 421 4 881975814 +758 425 5 881977337 +758 427 4 881974742 +758 428 4 881976745 +758 430 5 881975503 +758 431 3 881977309 +758 433 5 881976820 +758 434 3 881976233 +758 435 5 881975853 +758 436 3 881978572 +758 441 3 882054797 +758 447 4 881977487 +758 448 4 881978805 +758 452 3 882054468 +758 455 4 881977309 +758 462 4 881975687 +758 471 3 881975472 +758 474 5 881976089 +758 475 5 881977205 +758 479 5 881975539 +758 480 5 881975213 +758 481 5 881976031 +758 482 5 881975922 +758 483 5 881975577 +758 484 5 881975814 +758 488 3 881976262 +758 489 5 881975687 +758 496 3 881976031 +758 502 4 881978864 +758 505 5 881979012 +758 506 3 881975061 +758 508 4 881975962 +758 509 5 881975213 +758 510 3 881974823 +758 512 5 881975416 +758 514 5 881974823 +758 517 3 881976377 +758 520 5 881976089 +758 526 4 882052744 +758 527 5 881977169 +758 529 4 881979609 +758 531 5 881975061 +758 533 4 882055948 +758 536 2 880672747 +758 540 3 882054637 +758 541 4 881977747 +758 542 2 881978495 +758 546 3 882053613 +758 547 5 881975472 +758 550 4 881978115 +758 554 3 882055007 +758 566 4 881977488 +758 567 4 881978016 +758 568 4 881977669 +758 569 3 881978460 +758 571 4 882054936 +758 576 4 882055054 +758 578 4 881977872 +758 580 4 881974880 +758 582 3 881974823 +758 587 4 881978635 +758 597 2 881978805 +758 603 5 881976262 +758 605 3 881977057 +758 607 5 881976032 +758 608 5 881975182 +758 616 4 881976377 +758 619 4 881977205 +758 628 4 881977714 +758 629 4 881978715 +758 634 5 881975922 +758 640 5 881975119 +758 650 5 881979419 +758 652 5 881975853 +758 653 3 881975922 +758 654 4 881975061 +758 656 5 881976032 +758 657 5 881975213 +758 665 2 882055988 +758 676 2 881977428 +758 684 4 881977872 +758 685 5 881979987 +758 686 3 881974823 +758 687 3 881295189 +758 689 1 881295176 +758 705 5 881976203 +758 713 3 881977533 +758 715 4 881977057 +758 716 2 881978864 +758 722 3 881980408 +758 732 4 881977057 +758 735 5 881976855 +758 737 3 881978864 +758 742 4 881976168 +758 746 4 881976746 +758 748 1 880672522 +758 750 2 883518021 +758 751 4 882597651 +758 752 3 887086705 +758 764 1 882054519 +758 765 2 881980315 +758 780 5 882054468 +758 790 4 881978115 +758 802 3 881978572 +758 810 3 881980195 +758 820 4 882054112 +758 826 3 882054854 +758 827 3 882055257 +758 831 4 882054415 +758 837 4 881976377 +758 841 3 882055193 +758 864 4 882053726 +758 865 4 881975005 +758 887 5 882322840 +758 889 3 889038958 +758 890 3 880672552 +758 892 2 883190434 +758 895 4 883190310 +758 896 5 886658068 +758 898 3 883287566 +758 902 4 889328320 +758 919 5 881976262 +758 922 5 881980034 +758 955 2 881977021 +758 959 3 881978864 +758 968 5 881976746 +758 977 2 882055347 +758 997 4 881979969 +758 1001 5 882055227 +758 1007 5 880672727 +758 1012 4 880672727 +758 1016 4 880672855 +758 1019 4 881975736 +758 1022 5 885698979 +758 1023 4 880672855 +758 1025 3 881295176 +758 1034 4 882054415 +758 1039 5 881975787 +758 1046 4 881978767 +758 1047 3 882054250 +758 1052 5 882055497 +758 1074 1 882054297 +758 1085 5 881975503 +758 1088 3 880672830 +758 1090 1 882055460 +758 1098 5 881976746 +758 1111 4 881977375 +758 1135 2 881980034 +758 1142 5 880672766 +758 1143 5 880672637 +758 1159 5 881974639 +758 1244 3 881713279 +758 1283 4 880672876 +758 1292 1 880672876 +758 1501 3 881978258 +758 1527 3 888039070 +759 1 5 875227798 +759 24 3 875227904 +759 50 4 881476824 +759 117 5 881476781 +759 118 5 875227954 +759 121 5 881476858 +759 127 2 875227798 +759 181 5 875227798 +759 220 5 875227904 +759 222 5 881476922 +759 237 3 881476891 +759 245 3 881476616 +759 257 4 881476824 +759 258 4 875227686 +759 275 4 875227858 +759 281 4 881476991 +759 294 5 875227708 +759 298 4 875227858 +759 300 5 875227686 +759 323 4 875227724 +759 328 5 881476590 +759 332 4 881476516 +759 405 4 881476969 +759 471 4 881476969 +759 591 3 881476891 +759 678 2 875227742 +759 742 5 875227798 +759 748 4 875227708 +759 756 4 875227922 +759 937 4 881476756 +759 984 2 881476642 +759 1016 5 881476922 +760 25 2 875666317 +760 50 3 875666268 +760 65 2 875667131 +760 66 2 875668932 +760 71 4 875668080 +760 98 3 875667717 +760 111 4 875666242 +760 120 1 875669077 +760 125 4 875666242 +760 162 3 875668418 +760 172 3 875667294 +760 181 3 875666268 +760 183 2 875667366 +760 185 2 875667450 +760 195 4 875668535 +760 202 3 875667834 +760 204 4 875668105 +760 216 2 875667366 +760 237 3 875666179 +760 255 3 875666375 +760 258 5 875665793 +760 278 4 875666242 +760 288 4 875665867 +760 300 1 875665867 +760 365 5 875668737 +760 375 4 875669114 +760 451 5 875668781 +760 604 4 875668219 +760 631 3 875668368 +760 682 3 878530117 +760 723 2 875669011 +760 739 4 875668888 +760 748 4 875665867 +760 776 5 875667247 +760 819 1 875666064 +760 841 3 875666421 +760 845 5 875666110 +760 873 4 875665908 +760 928 1 875666242 +760 1037 5 875668781 +760 1135 4 875668968 +761 1 1 876190094 +761 7 4 876190206 +761 9 2 876190235 +761 15 5 876190314 +761 50 5 876189795 +761 117 5 876190314 +761 123 3 876190160 +761 125 4 876190798 +761 127 3 876190025 +761 147 4 876190370 +761 148 5 876189829 +761 151 2 876190394 +761 181 5 876190072 +761 201 2 876190511 +761 205 4 876190511 +761 214 1 876190510 +761 222 4 876190025 +761 235 3 876190182 +761 237 5 876190417 +761 243 3 876189749 +761 245 5 876189715 +761 258 4 876189585 +761 261 1 876189871 +761 263 1 876189950 +761 275 4 876190130 +761 278 4 876190370 +761 282 4 876190752 +761 283 4 876190160 +761 288 4 876189614 +761 289 2 876189871 +761 291 3 876190770 +761 293 4 876190130 +761 294 3 876189664 +761 295 4 876190130 +761 326 1 876189715 +761 358 3 876189689 +761 402 3 876189829 +761 426 1 876190510 +761 455 2 876190439 +761 457 1 876189950 +761 458 1 876190623 +761 471 3 876190336 +761 476 2 876190468 +761 477 1 876190235 +761 508 1 876190206 +761 546 5 876190468 +761 628 4 876190689 +761 678 2 876189689 +761 688 2 876189913 +761 742 2 876190370 +761 748 4 876189614 +761 840 4 876190753 +761 864 4 876190336 +761 877 2 876189931 +761 924 4 876190723 +761 988 1 876189715 +761 1012 1 876190417 +761 1014 1 876190256 +761 1152 2 876190623 +761 1157 5 876189775 +761 1163 2 876190752 +761 1197 3 876190025 +761 1272 1 876190160 +761 1277 1 876190752 +761 1287 1 876190072 +761 1558 1 876190511 +762 111 2 878719371 +762 116 1 878719186 +762 173 5 878719533 +762 237 3 878719294 +762 246 1 878719294 +762 256 3 878719448 +762 270 4 878718855 +762 274 4 878719371 +762 286 4 878718810 +762 302 5 878718810 +762 332 1 878718996 +762 421 4 878719594 +762 475 5 878719219 +762 515 5 878719186 +762 709 3 878719594 +762 749 1 878718996 +762 815 1 878719406 +762 875 5 878718996 +762 934 1 878719406 +762 955 5 878719551 +762 1662 1 878719324 +763 1 4 878915559 +763 4 5 878917877 +763 5 4 878920895 +763 11 4 878918333 +763 12 5 878918486 +763 13 3 878919116 +763 16 5 878918332 +763 22 4 878921853 +763 25 4 878922982 +763 26 4 878919055 +763 28 3 878915765 +763 39 4 878918360 +763 47 3 878915692 +763 50 4 878914968 +763 55 4 878917384 +763 56 5 878919116 +763 59 5 878915765 +763 60 5 878914968 +763 61 5 878915628 +763 69 4 878915600 +763 70 5 878917468 +763 73 3 878919180 +763 79 5 878919083 +763 83 3 878917877 +763 85 4 878918960 +763 87 2 878919019 +763 88 4 878918486 +763 96 2 878918213 +763 97 3 878919153 +763 98 4 878914968 +763 99 4 878915765 +763 100 5 878915958 +763 111 2 878918871 +763 125 3 878923322 +763 127 4 878920656 +763 132 3 878920656 +763 133 3 878923609 +763 135 5 878918332 +763 137 4 878918332 +763 143 3 878918332 +763 144 3 878915722 +763 151 4 878923488 +763 153 4 878915692 +763 157 4 878917467 +763 159 3 878917818 +763 162 4 878923433 +763 164 4 878917850 +763 168 5 878919055 +763 171 3 878915015 +763 173 4 878914968 +763 174 4 878919019 +763 176 4 878919116 +763 190 4 878917384 +763 191 4 878915063 +763 194 5 878918406 +763 195 4 878918360 +763 196 4 878919206 +763 197 4 878918360 +763 198 5 878915958 +763 200 4 878915015 +763 209 4 878918213 +763 210 3 878915015 +763 212 4 878920656 +763 213 4 878917468 +763 222 5 878918406 +763 224 5 878919153 +763 230 3 878923288 +763 234 3 878923288 +763 237 3 878919153 +763 238 4 878915559 +763 258 3 878914901 +763 275 5 878915958 +763 280 2 878915015 +763 283 4 878915600 +763 286 4 878914901 +763 317 3 878919180 +763 357 4 878919116 +763 367 3 878918871 +763 375 2 878923513 +763 382 5 878922829 +763 392 4 878919055 +763 418 4 878921530 +763 432 5 878922982 +763 461 4 878915015 +763 462 5 878921529 +763 464 3 878918960 +763 466 4 878922422 +763 469 4 878915958 +763 475 4 878915722 +763 483 4 878915628 +763 498 4 878915600 +763 505 4 878919206 +763 507 4 878918933 +763 509 5 878920895 +763 510 4 878915559 +763 515 4 878915628 +763 518 4 878919180 +763 527 3 878915692 +763 588 4 878918213 +763 607 4 878917850 +763 609 4 878918712 +763 625 4 878923488 +763 627 3 878923488 +763 629 5 878918871 +763 658 3 878915600 +763 692 2 878915958 +763 702 3 878917877 +763 703 5 878923433 +763 730 5 878923456 +763 732 3 878919206 +763 737 2 878919055 +763 738 2 878922982 +763 742 4 878921584 +763 819 2 878915766 +763 845 4 878918712 +763 879 3 878914901 +763 941 3 878915958 +763 955 2 878917433 +763 960 4 878915958 +763 961 5 878919083 +763 972 3 878918333 +763 1006 2 878919116 +763 1039 4 878923513 +763 1065 5 878915559 +763 1098 3 878919083 +763 1101 3 878918486 +763 1129 4 878918908 +763 1180 2 878915765 +763 1268 5 878918933 +764 1 4 876244181 +764 2 3 876244856 +764 4 3 876245421 +764 7 4 876243159 +764 9 4 876242649 +764 11 4 876244652 +764 13 2 876242755 +764 14 4 876752116 +764 15 4 876242945 +764 21 2 876243794 +764 22 4 876245549 +764 25 2 876243015 +764 28 4 876245069 +764 31 4 876246687 +764 50 3 876242649 +764 56 4 876244472 +764 64 5 876244991 +764 69 5 876244991 +764 70 4 876244559 +764 71 5 876429672 +764 77 4 876246687 +764 86 3 876246358 +764 89 4 876245837 +764 95 5 876246475 +764 98 5 876244991 +764 99 4 876246687 +764 100 4 876242649 +764 106 2 876243990 +764 111 4 876243595 +764 117 5 876244991 +764 118 3 876243046 +764 121 5 876244991 +764 125 4 876243795 +764 132 5 876246236 +764 140 3 876245940 +764 143 5 876245331 +764 151 4 876242912 +764 173 3 876245383 +764 174 5 876245475 +764 176 4 876244856 +764 191 3 876244688 +764 200 4 876244895 +764 202 4 876246312 +764 216 4 876245520 +764 218 4 876245837 +764 220 3 876243925 +764 222 4 876243440 +764 223 3 876244625 +764 227 4 876246358 +764 231 3 876246409 +764 237 4 876243440 +764 245 4 876244181 +764 252 3 876244023 +764 255 4 876244181 +764 273 3 876242649 +764 274 3 876243410 +764 275 4 876242851 +764 276 3 876752289 +764 278 4 876243343 +764 280 4 876244181 +764 281 3 876243854 +764 282 4 876243291 +764 284 4 876243015 +764 286 4 876232900 +764 289 5 876244991 +764 294 3 876233213 +764 318 5 876244991 +764 321 1 876233034 +764 323 3 876233088 +764 356 4 876430571 +764 371 3 876246436 +764 405 4 876243772 +764 411 3 876243668 +764 418 4 876430033 +764 432 5 876245421 +764 472 3 876243925 +764 496 5 876244991 +764 527 4 876339982 +764 531 5 876244991 +764 588 5 876246409 +764 591 3 876243572 +764 595 4 876243703 +764 596 3 876243046 +764 597 4 876243440 +764 633 5 876244991 +764 673 4 876246504 +764 692 4 876246358 +764 693 3 876246687 +764 696 3 876243465 +764 717 3 876243644 +764 732 3 876246475 +764 742 3 876243410 +764 743 1 876243100 +764 747 3 876246291 +764 756 3 876243595 +764 819 3 876243159 +764 820 3 876243953 +764 845 4 876242972 +764 864 4 876243232 +764 866 4 876244181 +764 939 4 876245880 +764 946 4 876246555 +764 1012 4 876244181 +764 1028 4 876244181 +764 1046 4 876244895 +764 1057 1 876243990 +764 1152 3 876242755 +764 1221 4 876430033 +764 1284 3 876244529 +765 10 4 880346308 +765 14 5 880346204 +765 15 2 880346491 +765 25 4 880346418 +765 42 5 880346975 +765 50 2 880346255 +765 127 5 880346722 +765 137 5 880346255 +765 151 4 880346204 +765 170 5 880346854 +765 222 2 880346340 +765 237 3 880346797 +765 242 5 880345862 +765 248 2 880346392 +765 275 4 880346768 +765 283 4 880346282 +765 285 5 880346694 +765 286 5 880345862 +765 507 5 880347034 +765 522 5 880346951 +765 847 4 880346466 +765 971 4 880346911 +765 1009 5 880346606 +766 8 5 891309329 +766 22 3 891309261 +766 23 4 891309177 +766 28 5 891309668 +766 40 3 891310851 +766 50 4 891309053 +766 52 4 891309177 +766 53 4 891310281 +766 62 3 891310475 +766 65 4 891309810 +766 69 4 891309668 +766 71 3 891309913 +766 72 2 891310704 +766 77 2 891310313 +766 82 3 891309558 +766 89 4 891309090 +766 90 1 891310313 +766 91 5 891310125 +766 95 3 891309421 +766 98 3 891309522 +766 99 3 891309810 +766 127 5 891309011 +766 131 3 891309703 +766 132 4 891309522 +766 133 3 891309844 +766 134 5 891308968 +766 135 4 891309053 +766 136 3 891310009 +766 161 3 891310372 +766 168 5 891309090 +766 172 3 891309052 +766 173 4 891309261 +766 174 3 891308968 +766 175 3 891309118 +766 176 2 891308927 +766 177 3 891309844 +766 178 4 891308968 +766 179 4 891309484 +766 180 4 891308927 +766 181 4 891309177 +766 182 4 891309053 +766 183 4 891309484 +766 185 4 891310038 +766 186 3 891309522 +766 187 4 891309053 +766 188 4 891309484 +766 191 4 891310067 +766 192 4 891309391 +766 193 3 891309668 +766 194 3 891309117 +766 196 3 891309703 +766 197 3 891309011 +766 198 4 891310210 +766 202 3 891310281 +766 205 5 891309975 +766 208 5 891309810 +766 209 3 891309053 +766 211 4 891310009 +766 212 5 891310125 +766 214 2 891309667 +766 215 3 891309250 +766 216 3 891310038 +766 217 4 891310650 +766 219 3 891310241 +766 226 3 891310150 +766 228 3 891309811 +766 229 3 891310210 +766 230 3 891310444 +766 231 2 891310851 +766 234 4 891309558 +766 238 4 891309450 +766 265 3 891309357 +766 272 4 891306880 +766 294 2 891307007 +766 318 5 891309522 +766 357 4 891309558 +766 366 3 891310875 +766 367 2 891309878 +766 375 2 891310907 +766 378 4 891310540 +766 380 2 891310475 +766 382 3 891310281 +766 385 3 891310281 +766 386 3 891310620 +766 393 3 891310372 +766 396 2 891310934 +766 402 3 891310565 +766 403 3 891310444 +766 414 4 891310150 +766 419 3 891309913 +766 423 3 891309844 +766 428 5 891309622 +766 429 4 891310067 +766 431 3 891310067 +766 432 3 891309250 +766 433 3 891309391 +766 434 5 891309947 +766 435 3 891309053 +766 436 4 891310038 +766 443 3 891309844 +766 447 3 891309522 +766 448 3 891310934 +766 451 2 891310824 +766 465 3 891310281 +766 474 5 891309011 +766 481 4 891308968 +766 482 3 891309117 +766 483 3 891309250 +766 484 4 891309391 +766 485 3 891309913 +766 487 3 891309090 +766 493 4 891309261 +766 494 3 891309177 +766 496 5 891309767 +766 497 3 891309736 +766 498 4 891309913 +766 499 3 891310125 +766 503 3 891309329 +766 504 3 891309484 +766 507 3 891309878 +766 510 3 891310038 +766 514 4 891308927 +766 518 3 891309878 +766 519 4 891308968 +766 520 4 891309146 +766 521 4 891309261 +766 523 3 891309011 +766 526 2 891309558 +766 527 5 891309558 +766 530 4 891309703 +766 550 3 891310210 +766 559 4 891310824 +766 568 2 891310313 +766 577 3 891310934 +766 584 3 891309844 +766 588 3 891309484 +766 602 4 891310038 +766 604 4 891309329 +766 605 3 891310650 +766 606 3 891309011 +766 607 1 891309090 +766 609 3 891309767 +766 613 3 891310009 +766 616 3 891309589 +766 630 3 891310772 +766 633 4 891309947 +766 639 3 891309622 +766 646 4 891309053 +766 648 3 891309913 +766 654 4 891309090 +766 659 3 891309736 +766 662 3 891310281 +766 663 5 891310067 +766 664 2 891309589 +766 672 3 891310824 +766 674 3 891310772 +766 675 3 891308927 +766 679 3 891310337 +766 705 4 891309668 +766 712 3 891310444 +766 729 3 891310394 +766 739 2 891310241 +766 747 5 891310210 +766 810 2 891310620 +766 837 3 891309878 +766 951 3 891310540 +766 965 3 891310540 +766 968 4 891310241 +766 972 3 891310907 +766 1021 2 891309011 +766 1050 3 891309668 +766 1126 4 891309767 +766 1203 3 891309421 +766 1298 3 891309736 +766 1444 2 891310508 +767 1 5 891462829 +767 22 4 891462614 +767 28 4 891462759 +767 56 4 891462759 +767 98 5 891462560 +767 100 5 891462560 +767 141 4 891462870 +767 163 4 891462560 +767 170 5 891462717 +767 172 5 891462614 +767 176 3 891462759 +767 177 5 891462614 +767 180 5 891462870 +767 183 4 891462870 +767 187 4 891462658 +767 207 5 891462759 +767 222 5 891462760 +767 242 4 891462614 +767 300 4 891462511 +767 344 4 891462511 +767 432 5 891462829 +767 478 4 891463095 +767 481 5 891462614 +767 483 5 891462870 +767 486 4 891462560 +767 495 4 891463095 +767 505 4 891462560 +767 506 5 891462829 +767 524 5 891462560 +767 615 4 891463095 +767 648 4 891462917 +767 657 4 891462917 +767 659 5 891462560 +767 724 4 891462658 +767 921 5 891462717 +767 1068 4 891462829 +767 1121 5 891462917 +768 1 5 883835025 +768 9 5 883835026 +768 14 5 883835026 +768 15 2 883835210 +768 16 3 880135943 +768 25 4 880136157 +768 50 4 883834705 +768 65 4 887305100 +768 70 4 888798611 +768 100 5 883835026 +768 111 3 880136139 +768 117 4 883834981 +768 121 4 883834705 +768 127 5 883835026 +768 151 2 880135923 +768 173 5 883835053 +768 222 4 883834705 +768 235 2 885319496 +768 237 4 883834705 +768 245 2 879523820 +768 248 3 883834705 +768 252 3 880136317 +768 255 4 888798611 +768 257 4 880136012 +768 269 3 885319349 +768 272 5 884970491 +768 274 3 880136201 +768 275 4 880135736 +768 278 2 883835210 +768 282 4 880135987 +768 284 1 883835210 +768 288 4 883834705 +768 300 5 883835026 +768 301 5 883835026 +768 310 4 883835026 +768 313 5 883835026 +768 315 3 883834448 +768 332 4 879523820 +768 340 2 879523820 +768 346 3 883834705 +768 354 3 888798611 +768 405 4 883834883 +768 471 3 880135875 +768 475 2 883835210 +768 476 4 883834705 +768 535 3 882190750 +768 591 4 883834945 +768 597 2 883835210 +768 620 2 880136410 +768 628 3 880136174 +768 682 3 883834776 +768 742 3 880136033 +768 744 3 880136272 +768 756 3 883835053 +768 762 1 883835210 +768 763 2 883835210 +768 815 3 880135963 +768 826 1 883835210 +768 845 2 880135875 +768 895 2 883750415 +768 966 4 883834814 +768 1014 2 882816126 +768 1016 2 883834814 +768 1061 1 883835210 +769 1 4 885423720 +769 13 4 885424214 +769 15 3 885423824 +769 111 5 885424001 +769 118 4 885424099 +769 120 1 885424401 +769 121 4 885423865 +769 222 4 885423824 +769 235 3 885424186 +769 237 3 885423954 +769 258 3 885422650 +769 269 5 885422510 +769 284 3 885423927 +769 405 2 885424214 +769 411 3 885424099 +769 473 3 885424337 +769 476 4 885424142 +769 546 4 885424242 +769 597 2 885424001 +769 685 3 885424305 +769 748 2 885422821 +769 824 2 885424511 +769 831 1 885424534 +769 934 4 885424462 +769 1011 3 885424142 +769 1028 3 885424186 +769 1093 3 885423632 +769 1312 2 885424776 +769 1322 2 885424730 +770 1 5 875972219 +770 7 5 875972185 +770 14 5 875972024 +770 15 5 875971902 +770 25 5 875972582 +770 50 3 875971949 +770 93 5 875971989 +770 100 5 875971949 +770 111 5 875972059 +770 117 5 875971989 +770 118 4 875973080 +770 123 3 875972100 +770 129 5 875972352 +770 151 5 875973080 +770 181 3 875972219 +770 222 4 875973686 +770 240 2 875972582 +770 244 4 875973047 +770 246 5 875971813 +770 250 5 875971902 +770 253 5 875971949 +770 255 4 875972099 +770 257 4 875972059 +770 258 5 875971568 +770 268 5 875971568 +770 275 5 875972219 +770 282 5 875972927 +770 288 4 875971612 +770 289 5 875971655 +770 294 3 875971655 +770 295 4 875972290 +770 297 5 875972099 +770 298 4 875971902 +770 300 5 875971612 +770 301 4 875971703 +770 302 2 875971568 +770 303 4 875971568 +770 323 5 875971612 +770 325 4 875971703 +770 326 4 876598016 +770 328 3 875971736 +770 331 3 875971703 +770 333 5 875971612 +770 334 5 876597960 +770 358 3 875971655 +770 410 4 875973047 +770 473 5 875972612 +770 475 5 875972381 +770 477 4 875972259 +770 508 5 875972322 +770 546 4 875972699 +770 596 4 875972988 +770 678 2 875971655 +770 742 4 875972927 +770 748 5 875971655 +770 813 5 875971850 +770 875 4 875971612 +770 919 5 875972024 +770 924 5 875971902 +770 929 4 875971989 +770 936 5 875971902 +770 937 4 876598016 +770 988 3 875971703 +770 1012 5 875972730 +771 1 5 880659449 +771 4 1 880659748 +771 8 5 880659583 +771 15 5 880659303 +771 28 5 880659392 +771 50 4 880659347 +771 69 5 880659606 +771 71 5 880659815 +771 79 1 880659729 +771 82 2 880659686 +771 83 5 880659369 +771 86 5 880659539 +771 88 4 880659970 +771 91 4 880659815 +771 95 4 880659606 +771 97 1 880659919 +771 98 1 880659990 +771 111 4 880659919 +771 114 4 880659539 +771 128 2 880659482 +771 134 4 880659482 +771 137 4 880659302 +771 144 1 880659507 +771 154 2 880659426 +771 164 2 880660025 +771 169 5 880659426 +771 172 4 880659482 +771 173 4 880659894 +771 181 4 880659653 +771 189 5 880659815 +771 197 1 880659919 +771 202 4 880659941 +771 203 1 880659482 +771 216 5 880659894 +771 222 2 880659709 +771 237 5 880659482 +771 241 1 880659791 +771 242 4 880659235 +771 243 3 886640629 +771 251 5 880660087 +771 258 5 880659323 +771 274 4 880659941 +771 275 5 880659392 +771 283 4 880659303 +771 286 2 880659235 +771 289 4 886640547 +771 294 4 886640547 +771 304 5 886640562 +771 313 3 886635643 +771 381 3 880659970 +771 403 4 880659769 +771 408 5 880659302 +771 462 3 880659426 +771 477 5 880660199 +771 496 5 880659606 +771 542 4 880659834 +771 588 5 880659815 +771 596 4 880659815 +771 652 4 880659507 +771 690 4 880659235 +771 694 3 880659894 +771 707 4 880659507 +771 709 5 880659894 +771 762 2 880659970 +771 768 4 880659867 +771 873 3 886635816 +771 892 5 886640606 +771 949 5 880659941 +771 993 4 880660199 +771 1129 5 880660106 +772 245 5 877533546 +772 258 5 877533440 +772 259 2 877533957 +772 264 4 876250551 +772 271 4 889028773 +772 272 5 889028581 +772 288 2 889028773 +772 294 4 877533625 +772 300 4 877533731 +772 302 5 877533625 +772 304 4 876250442 +772 307 4 889028773 +772 310 4 889028363 +772 312 4 889028941 +772 313 5 889028363 +772 315 5 889028363 +772 321 5 877533625 +772 322 4 877533546 +772 323 4 876250551 +772 326 4 877533625 +772 327 4 877533873 +772 328 5 876250551 +772 331 5 876250551 +772 332 4 877533731 +772 344 4 889028581 +772 354 4 889028692 +772 678 4 877533546 +772 748 3 877533625 +772 751 3 889028876 +772 752 3 889028773 +772 879 4 877533731 +772 898 3 889028941 +772 1025 3 877533820 +773 1 3 888539232 +773 2 3 888540146 +773 6 3 888538620 +773 7 2 888539992 +773 11 2 888539963 +773 12 3 888540448 +773 13 4 888539471 +773 14 5 888538620 +773 23 5 888540507 +773 24 3 888538677 +773 27 1 888540218 +773 29 2 888540218 +773 32 4 888540467 +773 37 3 888540352 +773 42 3 888539398 +773 45 4 888538776 +773 47 4 888539512 +773 50 5 888539993 +773 52 3 888538853 +773 53 3 888540147 +773 56 2 888539328 +773 59 5 888540617 +773 60 5 888538931 +773 61 5 888538908 +773 64 4 888540507 +773 68 2 888540091 +773 70 3 888538810 +773 72 3 888539531 +773 89 4 888540020 +773 90 4 888539643 +773 91 4 888539232 +773 92 4 888540041 +773 93 3 888539366 +773 96 2 888540063 +773 98 4 888540279 +773 100 4 888539347 +773 109 4 888539328 +773 121 2 888540163 +773 127 5 888539962 +773 145 3 888540390 +773 152 5 888539398 +773 153 5 888539425 +773 154 5 888539471 +773 168 5 888539425 +773 169 5 888539232 +773 170 5 888538980 +773 171 5 888538726 +773 172 5 888539992 +773 174 3 888539962 +773 175 4 888539425 +773 176 4 888539962 +773 179 5 888538810 +773 181 5 888540020 +773 182 4 888539993 +773 183 4 888539962 +773 184 2 888540041 +773 185 4 888540279 +773 187 5 888539962 +773 188 3 888540091 +773 189 5 888539232 +773 191 4 888540448 +773 196 4 888540467 +773 198 4 888538950 +773 200 4 888540279 +773 204 3 888539559 +773 209 5 888539425 +773 210 2 888539398 +773 212 2 888538980 +773 216 4 888539608 +773 217 3 888540314 +773 218 2 888540295 +773 221 2 888540448 +773 228 3 888539993 +773 229 3 888540112 +773 231 2 888540186 +773 232 3 888540146 +773 233 1 888540112 +773 234 2 888540279 +773 235 4 888539677 +773 238 4 888539347 +773 239 4 888539512 +773 240 2 888539273 +773 251 3 888538573 +773 258 5 888538143 +773 260 2 888538348 +773 264 2 888538348 +773 265 2 888540146 +773 268 4 888538249 +773 286 3 888538269 +773 288 2 888538199 +773 318 4 888540484 +773 324 3 888538269 +773 343 1 888538175 +773 354 2 888538143 +773 357 4 888540448 +773 364 4 888539875 +773 367 2 888539576 +773 382 3 888538829 +773 384 2 888539766 +773 386 3 888539643 +773 393 2 888539711 +773 403 2 888540091 +773 408 5 888539232 +773 427 3 888540484 +773 428 4 888539512 +773 431 1 888540063 +773 432 4 888539232 +773 433 3 888539471 +773 455 4 888539471 +773 462 5 888538776 +773 475 3 888538533 +773 509 4 888538995 +773 522 4 888539328 +773 531 5 888538853 +773 541 1 888540187 +773 547 4 888538643 +773 559 2 888540314 +773 567 2 888540352 +773 568 1 888540091 +773 588 1 888539232 +773 639 4 888538931 +773 652 3 888538950 +773 655 3 888539347 +773 665 2 888540187 +773 675 5 888540279 +773 710 3 888539366 +773 720 1 888540218 +773 730 3 888538852 +773 732 3 888539492 +773 737 3 888539064 +773 751 3 888538175 +773 769 1 888540390 +773 780 4 888539857 +773 790 3 888539825 +773 792 4 888539471 +773 809 1 888540186 +773 840 1 888540218 +773 855 2 888538726 +773 887 2 888538175 +773 895 2 888538417 +773 919 5 888538643 +773 924 1 888540146 +773 940 2 888539766 +773 948 2 888538438 +773 958 4 888538908 +773 959 4 888539608 +773 1018 3 888539095 +773 1021 5 888539011 +773 1036 3 888539907 +773 1069 4 888539559 +773 1071 2 888539662 +773 1097 4 888538590 +773 1170 3 888539711 +773 1187 3 888540020 +773 1188 2 888539842 +773 1240 3 888539256 +773 1252 4 888538643 +773 1367 5 888538643 +773 1475 4 888539027 +773 1529 5 888539120 +773 1555 4 888540618 +774 2 1 888557383 +774 4 2 888556090 +774 7 2 888558539 +774 8 1 888556090 +774 12 3 888559437 +774 22 2 888556600 +774 23 3 888556634 +774 28 3 888556698 +774 29 1 888557519 +774 31 1 888558284 +774 44 1 888558343 +774 50 4 888557198 +774 52 3 888556659 +774 53 4 888557383 +774 54 1 888556814 +774 56 2 888555928 +774 58 1 888556698 +774 62 2 888557520 +774 64 3 888556517 +774 68 3 888557329 +774 69 4 888556544 +774 72 1 888556121 +774 77 1 888556938 +774 79 2 888557236 +774 82 2 888557277 +774 88 1 888556193 +774 89 2 888557198 +774 91 1 888558018 +774 94 2 888556248 +774 96 2 888557276 +774 97 2 888556600 +774 98 4 888557682 +774 100 1 888558731 +774 101 2 888558018 +774 105 1 888558946 +774 117 2 888558646 +774 118 1 888558594 +774 121 1 888558565 +774 122 1 888558924 +774 127 4 888557198 +774 135 3 888556600 +774 150 1 888558787 +774 161 2 888557409 +774 168 1 888555964 +774 172 3 888557198 +774 174 3 888557198 +774 175 3 888555897 +774 176 4 888557198 +774 177 4 888557277 +774 178 4 888556483 +774 179 5 888556634 +774 180 5 888556634 +774 181 3 888557236 +774 182 4 888556398 +774 183 4 888557198 +774 185 2 888557683 +774 186 3 888556047 +774 187 3 888556483 +774 188 3 888557329 +774 189 2 888557987 +774 193 5 888556746 +774 194 3 888555998 +774 195 3 888557236 +774 196 3 888556746 +774 197 1 888556746 +774 199 4 888556517 +774 200 2 888557715 +774 201 2 888556090 +774 202 5 888555964 +774 203 2 888558447 +774 204 3 888556316 +774 205 4 888556434 +774 208 2 888555897 +774 210 1 888555964 +774 211 3 888555897 +774 214 3 888556517 +774 215 3 888556517 +774 217 2 888557772 +774 218 1 888557739 +774 219 4 888557739 +774 222 3 888558539 +774 226 2 888557330 +774 227 5 888557383 +774 228 4 888557237 +774 229 2 888557329 +774 230 2 888557237 +774 231 1 888557383 +774 232 2 888556121 +774 233 2 888557383 +774 234 2 888557683 +774 235 1 888558806 +774 238 5 888555928 +774 240 1 888558787 +774 241 4 888557237 +774 250 3 888559123 +774 254 1 888559144 +774 258 1 888555792 +774 265 3 888557237 +774 273 1 888558539 +774 293 1 888559123 +774 294 1 888555792 +774 300 2 888555792 +774 307 1 888555792 +774 318 1 888556483 +774 357 2 888556434 +774 365 2 888556989 +774 367 2 888556047 +774 373 2 888557557 +774 380 2 888556968 +774 385 1 888557329 +774 386 2 888556225 +774 391 1 888557520 +774 393 1 888556090 +774 398 1 888557482 +774 399 2 888556169 +774 401 2 888556169 +774 402 2 888556938 +774 403 2 888556814 +774 405 1 888558539 +774 406 1 888559013 +774 410 1 888558762 +774 411 1 888558853 +774 412 3 888558924 +774 413 1 888559013 +774 418 2 888558019 +774 421 1 888558128 +774 423 1 888556634 +774 428 1 888556090 +774 429 1 888556698 +774 431 4 888557329 +774 436 2 888557739 +774 444 1 888557772 +774 447 1 888557715 +774 448 2 888557715 +774 449 1 888557482 +774 450 2 888557557 +774 451 1 888556169 +774 452 1 888557805 +774 453 2 888557804 +774 468 2 888556968 +774 501 1 888558019 +774 508 3 888558731 +774 510 2 888556484 +774 511 3 888556483 +774 514 2 888555998 +774 515 2 888556398 +774 518 1 888556746 +774 519 5 888556434 +774 520 3 888556398 +774 521 2 888556483 +774 523 2 888555964 +774 525 2 888558305 +774 526 4 888556600 +774 527 1 888556698 +774 528 4 888556698 +774 530 5 888557197 +774 537 2 888556893 +774 545 1 888555864 +774 546 1 888558565 +774 548 1 888558041 +774 550 2 888557277 +774 553 2 888556867 +774 554 1 888557556 +774 559 1 888557715 +774 561 1 888557772 +774 563 1 888557883 +774 566 2 888557277 +774 567 1 888557772 +774 568 2 888557329 +774 569 2 888557857 +774 573 2 888557804 +774 576 1 888557520 +774 577 2 888556278 +774 585 1 888556225 +774 597 2 888558565 +774 644 4 888556777 +774 649 3 888556814 +774 650 1 888556893 +774 654 2 888558284 +774 655 1 888555998 +774 659 3 888555864 +774 672 1 888557772 +774 673 2 888556545 +774 674 2 888557683 +774 679 5 888557383 +774 684 1 888557329 +774 692 1 888556121 +774 708 2 888556893 +774 712 1 888556169 +774 732 1 888556814 +774 739 2 888558187 +774 741 1 888558762 +774 743 1 888558623 +774 758 1 888559036 +774 774 1 888557883 +774 778 5 888556046 +774 795 1 888555864 +774 808 1 888557451 +774 826 2 888558623 +774 831 2 888558594 +774 834 1 888559013 +774 840 2 888558594 +774 849 1 888557482 +774 866 1 888558853 +774 871 1 888558876 +774 920 2 888559297 +774 926 1 888558946 +774 947 2 888557276 +774 986 1 888558594 +774 1016 3 888559123 +774 1017 3 888558829 +774 1028 2 888558829 +774 1079 1 888558897 +774 1090 1 888558419 +774 1091 1 888558041 +774 1110 1 888557519 +774 1118 3 888556047 +774 1182 1 888556278 +774 1215 1 888558623 +774 1218 3 888556169 +774 1228 1 888557556 +774 1274 1 888557557 +774 1305 3 888555829 +774 1419 1 888557409 +775 245 3 891032989 +775 258 4 891032837 +775 264 4 891033071 +775 269 4 891032742 +775 270 2 891032742 +775 272 4 891032742 +775 286 4 891032741 +775 300 4 891032956 +775 302 3 891032742 +775 305 4 891032837 +775 307 4 891032989 +775 310 3 891032837 +775 312 3 891032866 +775 313 4 891032837 +775 315 5 891032742 +775 327 5 891032956 +775 329 3 891033071 +775 331 4 891032923 +775 333 4 891033022 +775 343 4 891033022 +775 344 5 891032777 +775 345 5 891032895 +775 347 3 891032837 +775 348 3 891032804 +775 690 3 891033022 +775 750 5 891032804 +775 887 4 891032866 +775 900 3 891032956 +776 5 4 892920320 +776 7 4 891629077 +776 21 3 892313317 +776 22 5 891628752 +776 23 4 891628708 +776 28 5 891628895 +776 50 5 891628977 +776 53 2 892313246 +776 89 5 891628708 +776 91 4 891628752 +776 95 4 892210688 +776 98 4 891628837 +776 109 4 892210576 +776 127 5 891628731 +776 132 3 891629157 +776 134 4 892210460 +776 135 4 891628656 +776 145 2 892920381 +776 164 3 892920290 +776 168 5 891628656 +776 174 5 891629157 +776 177 4 891628937 +776 179 4 891628678 +776 181 4 891628916 +776 182 3 891628773 +776 184 4 892920381 +776 185 4 892920290 +776 187 4 891628632 +776 191 5 891628837 +776 192 5 891628836 +776 193 3 891628895 +776 194 4 891628752 +776 195 3 891628836 +776 196 3 891628773 +776 200 4 892920381 +776 217 4 892920351 +776 218 4 892920321 +776 219 3 892920321 +776 234 5 892920290 +776 238 4 891628708 +776 241 1 892313489 +776 276 4 892313295 +776 282 3 892313246 +776 318 4 891628632 +776 355 3 892210668 +776 422 2 892210688 +776 427 3 892313246 +776 431 4 891628916 +776 432 1 891628977 +776 436 4 892920350 +776 437 1 892920446 +776 438 2 892920506 +776 439 1 892920480 +776 440 2 892920480 +776 441 2 892920403 +776 442 2 892920480 +776 443 3 892920290 +776 444 2 892920423 +776 474 5 891628632 +776 479 4 891813013 +776 483 5 891628731 +776 485 2 891628656 +776 486 4 892920189 +776 496 3 891628708 +776 509 5 891628773 +776 510 5 891628708 +776 511 5 891628632 +776 514 5 891628916 +776 523 4 891628937 +776 524 5 891628752 +776 525 2 891629157 +776 549 5 891628731 +776 551 3 892920480 +776 559 4 892920351 +776 564 3 892920446 +776 567 2 892920351 +776 569 3 892920403 +776 588 4 892210723 +776 590 1 892920446 +776 603 4 891628599 +776 607 4 892920221 +776 618 3 892474057 +776 635 4 892920403 +776 637 3 892920381 +776 648 3 893077100 +776 656 5 891628678 +776 657 3 891628977 +776 661 5 893077159 +776 667 2 892920480 +776 670 3 892920351 +776 672 3 892920381 +776 674 3 892920321 +776 675 3 892920321 +776 679 4 891628708 +776 706 3 892920480 +776 708 5 891628599 +776 760 3 892920241 +776 769 3 892920446 +776 816 2 892920423 +776 848 2 892210321 +776 860 3 892920381 +776 866 3 892313273 +776 947 2 891628836 +776 1172 2 892051948 +776 1219 3 891628837 +777 1 4 875979431 +777 9 5 875979380 +777 15 4 875980306 +777 42 5 875980670 +777 56 5 875980670 +777 100 1 875979380 +777 117 5 875979380 +777 127 1 875980391 +777 135 3 875980391 +777 153 1 875980541 +777 157 3 875980235 +777 168 5 875980492 +777 180 5 875980306 +777 196 5 875980306 +777 202 5 875980669 +777 204 5 875980670 +777 205 4 875980306 +777 212 5 875980348 +777 216 4 875980597 +777 223 4 875980306 +777 238 4 875980541 +777 245 5 875979241 +777 273 4 875979432 +777 286 2 875979137 +777 288 4 875979201 +777 357 5 875980235 +777 509 4 875980449 +777 521 5 875980235 +777 522 5 875980669 +777 523 4 875980235 +777 527 4 875980306 +777 652 5 875980670 +777 690 4 875979137 +777 692 5 875980670 +777 818 5 875980669 +777 1079 2 875979431 +778 7 4 890725886 +778 8 1 891234406 +778 11 5 890725951 +778 28 4 890726618 +778 35 1 891234406 +778 42 5 890670510 +778 54 2 890803859 +778 56 3 891232041 +778 69 2 890803860 +778 78 1 890803860 +778 79 3 890725776 +778 82 3 890803491 +778 94 2 891233603 +778 98 4 890725951 +778 117 3 890727011 +778 121 3 890803561 +778 132 2 891232769 +778 143 1 890804547 +778 144 4 890670638 +778 150 3 890802549 +778 154 5 890670560 +778 157 3 891233153 +778 161 3 890727175 +778 168 5 890670560 +778 174 4 890725804 +778 180 4 890725725 +778 186 4 890802724 +778 193 4 890769241 +778 195 4 890769370 +778 196 2 890769633 +778 197 4 891232569 +778 200 5 890726264 +778 204 4 890726518 +778 209 4 890769470 +778 216 3 890726264 +778 219 3 890727129 +778 226 4 890670638 +778 230 2 890804025 +778 234 3 890726231 +778 238 3 890725804 +778 239 4 890726303 +778 246 2 890769632 +778 249 3 891233675 +778 262 4 891482843 +778 265 4 890726003 +778 268 2 890803859 +778 281 2 890803859 +778 367 5 890802895 +778 405 3 890727091 +778 423 1 890803860 +778 441 3 890804387 +778 451 1 891234405 +778 496 1 891234406 +778 550 4 890670638 +778 568 3 890726190 +778 582 1 891232769 +778 616 4 890726086 +778 623 1 890804625 +778 629 2 890802784 +778 712 3 890803176 +778 738 1 891578101 +778 755 2 890804547 +778 780 3 890803133 +778 1035 1 890804607 +778 1273 3 890726925 +779 1 4 875501555 +779 7 3 875993165 +779 15 4 875501782 +779 21 5 875996932 +779 50 5 875992279 +779 71 4 875999285 +779 95 5 875999285 +779 109 3 875501782 +779 111 4 875994324 +779 117 4 875503280 +779 118 5 875994324 +779 121 3 875503280 +779 125 4 875996809 +779 181 5 875501734 +779 195 5 875999211 +779 222 4 875503280 +779 225 4 877454525 +779 235 4 875502286 +779 243 4 875501402 +779 252 3 877453656 +779 255 4 875993165 +779 257 4 875993201 +779 258 5 875501254 +779 275 4 875992583 +779 284 3 875994401 +779 294 5 875501334 +779 300 3 875501300 +779 304 3 875501254 +779 328 4 875501334 +779 411 3 875999002 +779 447 4 875999211 +779 471 4 875993165 +779 509 2 875999211 +779 596 4 875994324 +779 879 3 875501300 +779 926 4 875992442 +779 1028 4 875996932 +780 4 3 891363969 +780 22 4 891363969 +780 28 5 891363618 +780 50 5 891363685 +780 70 2 891363969 +780 79 4 891363860 +780 97 5 891363617 +780 98 1 891364027 +780 133 5 891364086 +780 164 4 891363996 +780 172 5 891363723 +780 174 5 891363783 +780 183 2 891363860 +780 186 4 891363651 +780 187 5 891363904 +780 199 5 891363723 +780 202 4 891363783 +780 204 5 891363651 +780 208 3 891364125 +780 210 5 891364027 +780 216 4 891363617 +780 275 4 891363685 +780 286 4 891362937 +780 294 3 891363259 +780 300 3 891362937 +780 313 5 891362901 +780 318 5 891364124 +780 339 4 891363073 +780 357 5 891363723 +780 385 4 891364125 +780 419 4 891363826 +780 423 5 891363618 +780 427 3 891363904 +780 433 1 891363826 +780 467 3 891363904 +780 474 3 891363723 +780 485 4 891363826 +780 491 4 891363651 +780 496 4 891364027 +780 497 2 891364059 +780 498 5 891363756 +780 508 3 891363826 +780 510 4 891363904 +780 511 5 891364027 +780 515 3 891364124 +780 520 4 891363904 +780 526 5 891364125 +780 603 2 891364059 +780 604 3 891363933 +780 657 3 891363723 +780 659 4 891363756 +780 660 3 891363969 +780 662 5 891363756 +780 705 5 891363685 +780 887 4 891363073 +781 50 5 879634362 +781 56 3 879633919 +781 64 4 879634387 +781 69 3 879634147 +781 87 4 879634340 +781 97 4 879634096 +781 100 5 879634175 +781 127 5 879634017 +781 134 5 879634256 +781 135 5 879634387 +781 172 5 879634362 +781 174 5 879634256 +781 179 5 879634017 +781 180 4 879633895 +781 181 5 879634318 +781 187 5 879633976 +781 191 4 879633995 +781 195 4 879633942 +781 204 4 879634256 +781 205 5 879634256 +781 210 4 879634295 +781 215 3 879634124 +781 223 4 879634175 +781 232 3 879634318 +781 245 2 879633862 +781 258 2 879633862 +781 268 2 879633862 +781 286 1 879633495 +781 288 2 879633862 +781 289 3 879633862 +781 294 1 879633862 +781 302 5 879633862 +781 318 3 879634124 +781 322 2 879633862 +781 324 4 879633862 +781 327 4 879633862 +781 403 4 879634340 +781 474 5 879633976 +781 483 5 879633942 +781 523 5 879634038 +781 878 1 879633752 +781 1500 5 879634096 +782 50 3 891499243 +782 127 4 891499213 +782 181 3 891499213 +782 243 3 891498381 +782 244 4 891499321 +782 245 4 891498139 +782 246 3 891499321 +782 247 1 891499700 +782 248 4 891499321 +782 249 2 891499399 +782 250 4 891499440 +782 251 3 891500109 +782 252 3 891499469 +782 253 2 891500150 +782 254 2 891499660 +782 255 4 891499321 +782 256 2 891500150 +782 257 3 891499278 +782 258 4 891497906 +782 259 1 891498267 +782 260 2 891498079 +782 261 2 891498865 +782 264 4 891498381 +782 266 1 891498919 +782 268 3 891497854 +782 269 3 891497698 +782 270 4 891497963 +782 271 2 891498213 +782 272 5 891497698 +782 286 2 891497906 +782 288 4 891498079 +782 289 3 891498436 +782 292 4 891498213 +782 293 2 891499278 +782 294 3 891498381 +782 295 2 891499321 +782 296 3 891500109 +782 297 3 891500067 +782 298 4 891499278 +782 299 3 891498079 +782 300 4 891497906 +782 301 3 891498139 +782 302 3 891497698 +782 304 4 891497906 +782 307 4 891497854 +782 308 4 891498030 +782 310 4 891497963 +782 312 4 891498436 +782 313 5 891497697 +782 315 4 891497698 +782 316 4 891498436 +782 321 2 891498381 +782 322 4 891498381 +782 323 3 891498512 +782 324 2 891498381 +782 325 2 891498720 +782 326 5 891498322 +782 328 5 891498030 +782 329 3 891498213 +782 330 4 891498213 +782 331 3 891497854 +782 332 4 891498139 +782 333 3 891497698 +782 335 2 891498918 +782 338 2 891498676 +782 339 3 891498676 +782 340 3 891497963 +782 342 2 891498322 +782 343 2 891498821 +782 344 3 891497854 +782 346 2 891497854 +782 347 1 891498139 +782 348 4 891498213 +782 349 3 891498720 +782 350 4 891498641 +782 351 3 891498139 +782 352 1 891498513 +782 354 2 891497698 +782 355 3 891498821 +782 358 4 891498641 +782 361 3 891498139 +782 515 3 891500028 +782 532 2 891499370 +782 533 2 891500151 +782 534 3 891500109 +782 535 3 891499469 +782 536 2 891500150 +782 538 4 891498214 +782 539 3 891498865 +782 678 3 891498767 +782 680 1 891498865 +782 681 3 891498436 +782 682 4 891498513 +782 683 1 891498213 +782 687 2 891498865 +782 688 2 891498918 +782 689 3 891498720 +782 690 4 891497793 +782 691 3 891498079 +782 748 4 891498720 +782 749 4 891498079 +782 750 4 891497793 +782 751 2 891498323 +782 752 4 891497793 +782 872 2 891498513 +782 873 4 891498512 +782 876 2 891498267 +782 877 3 891498213 +782 878 3 891498918 +782 879 3 891498267 +782 880 4 891498322 +782 881 3 891498381 +782 885 3 891498766 +782 886 3 891498267 +782 887 4 891498676 +782 888 3 891498919 +782 890 1 891498865 +782 894 2 891498031 +782 895 4 891497964 +782 898 3 891498720 +782 900 3 891497963 +782 902 2 891497906 +782 905 4 891498791 +782 908 3 891498322 +782 935 2 891500150 +782 936 3 891500110 +782 937 1 891498918 +782 938 3 891498030 +782 948 2 891499699 +782 984 2 891498821 +782 987 3 891499660 +782 989 3 891498267 +782 990 3 891499611 +782 991 2 891500230 +782 992 2 891499370 +782 993 3 891499370 +782 994 2 891500194 +782 1007 3 891500067 +782 1012 2 891499344 +782 1013 3 891499439 +782 1014 2 891499611 +782 1016 3 891499321 +782 1023 3 891499611 +782 1025 2 891498436 +782 1038 4 891498213 +782 1082 3 891500230 +782 1088 2 891499611 +782 1089 2 891499660 +782 1096 2 891499699 +782 1105 3 891498766 +782 1127 2 891497793 +782 1138 2 891499699 +782 1142 3 891499243 +782 1143 2 891500194 +782 1144 3 891499243 +782 1160 2 891500150 +782 1173 2 891500230 +782 1190 2 891500230 +782 1191 3 891498558 +782 1216 2 891500150 +782 1226 2 891499439 +782 1237 3 891497906 +782 1241 2 891500150 +782 1243 3 891498558 +782 1244 3 891499660 +782 1251 3 891500028 +782 1252 3 891500066 +782 1254 3 891499829 +782 1255 2 891500194 +782 1256 2 891500230 +782 1257 1 891500230 +782 1258 2 891499440 +782 1278 4 891499278 +782 1279 3 891499660 +782 1283 2 891499469 +782 1292 3 891499700 +782 1296 3 891498030 +782 1300 2 891499469 +782 1302 3 891500028 +782 1315 3 891499440 +782 1378 2 891499494 +782 1379 3 891500028 +782 1380 2 891500150 +782 1382 3 891500109 +782 1383 3 891499611 +782 1384 3 891500110 +782 1385 4 891500028 +782 1386 3 891500066 +782 1387 3 891499278 +782 1388 3 891500028 +782 1389 3 891500028 +782 1390 3 891500028 +782 1391 4 891500066 +782 1393 2 891498512 +782 1394 4 891498323 +782 1399 2 891498919 +782 1405 2 891499213 +782 1417 2 891500193 +782 1477 3 891499344 +782 1511 2 891500194 +782 1513 2 891499440 +782 1514 2 891500194 +782 1527 2 891498641 +782 1528 2 891499577 +782 1534 2 891500194 +782 1537 3 891500066 +782 1538 3 891500109 +782 1588 3 891500067 +782 1589 3 891500028 +782 1590 3 891500028 +782 1598 2 891499556 +782 1600 3 891500066 +782 1605 2 891500194 +782 1608 3 891499399 +782 1609 1 891499439 +782 1610 1 891500230 +782 1611 3 891500066 +782 1615 3 891499611 +782 1620 3 891499440 +782 1643 2 891499321 +782 1644 2 891500110 +782 1652 1 891500230 +782 1658 2 891500230 +782 1662 4 891500110 +782 1663 2 891499700 +782 1664 4 891499699 +782 1665 2 891500194 +782 1666 2 891500194 +782 1667 3 891500110 +782 1668 3 891500067 +782 1669 2 891500150 +782 1670 3 891497793 +783 258 4 884326348 +783 260 4 884326690 +783 264 4 884326726 +783 269 4 884326274 +783 271 5 884326506 +783 286 3 884326274 +783 288 3 884326274 +783 292 4 884326382 +783 294 3 884326506 +783 299 5 884326620 +783 300 4 884326348 +783 301 4 884326424 +783 307 5 884326506 +783 328 4 884326545 +783 330 1 884326755 +783 331 3 884326461 +783 333 4 884326383 +783 334 3 884326461 +783 335 3 884326545 +783 343 5 884326787 +783 345 4 884326461 +783 346 5 884326424 +783 750 4 884326274 +783 872 4 884326545 +783 876 4 884326424 +783 880 4 884326545 +783 881 4 884326584 +783 887 5 884326620 +783 895 4 884326787 +783 948 3 884326726 +784 258 5 891387249 +784 260 4 891387704 +784 268 3 891387501 +784 269 5 891387155 +784 270 3 891387249 +784 271 3 891387623 +784 272 4 891387077 +784 286 3 891386988 +784 292 4 891387315 +784 299 3 891387155 +784 300 4 891386988 +784 302 5 891386988 +784 303 4 891387077 +784 304 4 891387501 +784 307 4 891387623 +784 310 4 891387155 +784 312 3 891387623 +784 313 5 891386988 +784 315 4 891386988 +784 321 3 891387249 +784 323 4 891387704 +784 326 5 891387155 +784 327 4 891387315 +784 328 3 891387502 +784 331 4 891387155 +784 332 4 891387812 +784 333 4 891387501 +784 334 3 891387812 +784 340 3 891387895 +784 344 4 891387078 +784 346 4 891387077 +784 678 4 891387895 +784 690 4 891387249 +784 750 5 891386988 +784 751 4 891387316 +784 754 3 891387249 +784 877 4 891387622 +784 898 4 891387895 +784 1038 3 891387704 +785 1 4 879439137 +785 12 4 879439137 +785 22 4 879438957 +785 50 5 879439021 +785 56 4 879438920 +785 69 4 879439137 +785 79 4 879438984 +785 137 2 879438810 +785 152 4 879439527 +785 168 4 879438810 +785 174 5 879438957 +785 183 5 879439232 +785 195 4 879438984 +785 209 3 879439043 +785 269 5 879438537 +785 273 3 879439527 +785 288 3 879438537 +785 294 4 879438705 +785 301 4 879438565 +785 318 4 879439232 +785 423 2 879438957 +785 496 4 879438810 +785 661 3 879438810 +785 748 3 879438705 +785 886 3 879438591 +785 995 3 879438736 +785 1050 3 879439232 +786 1 4 882841828 +786 4 4 882844294 +786 7 5 882841955 +786 9 5 882841955 +786 15 3 882841855 +786 28 5 882843646 +786 50 4 882844295 +786 66 4 882843607 +786 69 4 882844295 +786 70 4 882843534 +786 71 5 882843786 +786 82 4 882844096 +786 86 4 882843006 +786 88 4 882844010 +786 89 4 882842878 +786 95 5 882843397 +786 97 4 882843683 +786 98 5 882843190 +786 99 4 882843112 +786 100 4 882841667 +786 102 4 882844096 +786 111 5 882841667 +786 117 4 882841996 +786 121 2 882842416 +786 125 4 882841745 +786 126 4 882842019 +786 127 4 882841692 +786 132 5 882842946 +786 133 5 882843353 +786 143 4 882843039 +786 161 4 882843534 +786 172 5 882843112 +786 173 4 882843069 +786 174 4 882844294 +786 176 4 882843069 +786 177 4 882843646 +786 179 4 882843500 +786 180 4 882843112 +786 181 4 882841955 +786 183 4 882843150 +786 186 4 882843786 +786 187 4 882843112 +786 188 5 882843237 +786 191 4 882843272 +786 195 4 882843312 +786 196 4 882843683 +786 197 3 882843431 +786 198 5 882843753 +786 199 4 882843006 +786 200 5 882844010 +786 202 4 882843812 +786 203 4 882843753 +786 204 4 882843925 +786 208 5 882843150 +786 210 4 882843039 +786 211 4 882843500 +786 216 4 882843272 +786 222 4 882842044 +786 228 4 882844295 +786 230 4 882844295 +786 231 2 882844127 +786 234 3 882843753 +786 237 5 882842195 +786 238 4 882843646 +786 240 1 882842762 +786 265 4 882842946 +786 275 4 882841772 +786 276 1 882841875 +786 280 3 882841745 +786 281 4 882842044 +786 283 4 882841906 +786 285 3 882842726 +786 286 4 882841571 +786 289 4 882844336 +786 318 5 882843190 +786 322 3 882842463 +786 357 5 882842878 +786 376 3 882844096 +786 381 3 882843397 +786 385 4 882844294 +786 404 4 882843500 +786 405 4 882842311 +786 416 4 882843534 +786 418 4 882843352 +786 419 4 882843312 +786 423 5 882843150 +786 429 4 882843237 +786 449 2 882844096 +786 451 2 882844171 +786 455 1 882842762 +786 458 3 882842195 +786 465 4 882844010 +786 471 4 882842311 +786 484 4 882843398 +786 496 5 882843312 +786 497 4 882842946 +786 501 4 882843534 +786 504 4 882843352 +786 520 4 882843311 +786 528 5 882842878 +786 546 4 882844294 +786 588 5 882843039 +786 633 4 882843237 +786 655 4 882843683 +786 684 4 882843607 +786 692 4 882843190 +786 696 3 882842149 +786 699 4 882844295 +786 703 3 882843190 +786 708 4 882844171 +786 709 2 882843607 +786 724 4 882844295 +786 732 4 882843353 +786 849 2 882844052 +786 866 3 882842173 +786 871 1 882842762 +786 1044 4 882844127 +787 245 3 888980193 +787 258 5 888979605 +787 259 4 888979721 +787 268 4 888979007 +787 269 3 888979547 +787 271 1 888979721 +787 286 3 888979007 +787 288 1 888979236 +787 292 3 888979236 +787 294 3 888979606 +787 300 4 888979657 +787 302 3 888979123 +787 304 4 888980193 +787 305 3 888979721 +787 306 3 888979007 +787 307 4 888979074 +787 308 3 888979181 +787 310 5 888979007 +787 311 4 888979605 +787 313 5 888979547 +787 319 3 888979721 +787 324 2 888979605 +787 326 4 888979547 +787 328 3 888979874 +787 329 4 888980193 +787 331 3 888979235 +787 333 3 888979074 +787 342 2 888979875 +787 345 3 888979007 +787 347 4 888979606 +787 348 4 888979875 +787 350 1 888979721 +787 351 3 888979657 +787 352 2 888979657 +787 359 3 888979547 +787 361 3 888979075 +787 362 3 888979657 +787 681 3 888979657 +787 690 5 888979007 +787 691 4 888979123 +787 748 4 888979606 +787 749 4 888979657 +787 750 5 888979075 +787 751 4 888979235 +787 877 2 888980193 +787 879 4 888979721 +787 880 3 888979123 +787 898 3 888979182 +787 899 3 888979074 +787 904 3 888979182 +787 906 1 888979721 +787 937 3 888979074 +787 938 3 888979605 +787 1024 2 888979606 +787 1433 3 888979181 +787 1434 1 888979657 +787 1671 1 888980193 +788 1 3 880867970 +788 4 3 880868401 +788 7 4 880868559 +788 9 4 880869508 +788 10 4 880869584 +788 11 2 880868513 +788 12 5 880868919 +788 22 5 880868513 +788 23 3 880868277 +788 28 5 880868876 +788 29 3 880871240 +788 38 3 880871359 +788 43 3 880870299 +788 44 4 880869434 +788 46 3 880870018 +788 51 4 880870018 +788 53 1 880871717 +788 54 4 880869174 +788 55 4 880868876 +788 56 3 880868235 +788 58 4 880868355 +788 62 3 880870179 +788 64 5 880868005 +788 65 4 880869584 +788 68 3 880869819 +788 69 4 880868144 +788 70 4 880869908 +788 71 3 880868144 +788 73 3 880869174 +788 76 3 880869323 +788 79 4 880868559 +788 82 3 880870116 +788 85 1 880869984 +788 89 5 880869548 +788 96 3 880868803 +788 97 3 880868235 +788 98 5 880868919 +788 100 5 880868277 +788 112 3 880871173 +788 117 4 880869014 +788 118 3 880870335 +788 120 2 880871520 +788 121 4 880869469 +788 125 3 880870335 +788 130 2 880869396 +788 132 5 880869014 +788 133 5 880868473 +788 135 3 880869014 +788 141 3 880869984 +788 144 4 880868599 +788 148 3 880869215 +788 151 1 880869908 +788 153 3 880868277 +788 157 5 880869396 +788 159 3 880869135 +788 162 3 880869787 +788 164 3 880870115 +788 167 3 880870582 +788 172 3 880869687 +788 174 2 880868316 +788 175 3 880868401 +788 176 5 880868743 +788 177 3 880868513 +788 180 4 880869174 +788 182 2 880868599 +788 183 5 880868743 +788 185 4 880868316 +788 186 3 880868559 +788 187 4 880867933 +788 188 4 880870083 +788 192 4 880868838 +788 193 4 880868235 +788 194 4 880870052 +788 195 3 880868876 +788 199 5 880868673 +788 200 4 880869075 +788 203 5 880869215 +788 204 3 880868644 +788 205 4 880868068 +788 211 4 880868401 +788 215 3 880869908 +788 218 4 880871328 +788 222 3 880869945 +788 223 4 880868181 +788 226 4 880870710 +788 227 3 880867890 +788 228 3 880870365 +788 229 3 880870299 +788 230 3 880869754 +788 231 3 880871267 +788 234 3 880868473 +788 235 3 880871328 +788 237 4 880869584 +788 241 5 880869075 +788 258 4 880867855 +788 270 2 880867855 +788 271 3 880867855 +788 281 4 880871205 +788 282 4 880869819 +788 284 3 880869323 +788 286 5 880867372 +788 289 4 880867565 +788 291 4 880870905 +788 294 3 880867855 +788 300 5 880867477 +788 301 2 880867855 +788 302 4 880867326 +788 317 4 880869945 +788 318 5 880868355 +788 322 4 880867422 +788 323 3 880867855 +788 326 4 880867477 +788 327 3 880867855 +788 328 4 880867477 +788 331 4 880867372 +788 356 4 880870827 +788 357 4 880869687 +788 363 2 880871088 +788 370 2 880870881 +788 371 3 880870626 +788 380 3 880869215 +788 385 3 880869434 +788 391 2 880871746 +788 399 3 880871128 +788 402 3 880870544 +788 403 3 880870516 +788 405 4 880868974 +788 409 3 880871057 +788 423 5 880868235 +788 427 2 880868316 +788 429 3 880868919 +788 431 2 880868401 +788 432 1 880869323 +788 433 2 880869621 +788 435 3 880869278 +788 436 3 880871127 +788 443 4 880868473 +788 444 3 880870626 +788 445 4 880869718 +788 447 3 880870299 +788 448 2 880869355 +788 451 4 880871240 +788 470 3 880868042 +788 471 3 880869862 +788 474 3 880868599 +788 480 3 880868473 +788 482 4 880869787 +788 483 5 880867933 +788 492 3 880868235 +788 498 5 880867933 +788 503 4 880869984 +788 504 4 880867970 +788 510 5 880867933 +788 511 5 880868277 +788 518 3 880869754 +788 519 4 880868235 +788 520 4 880868919 +788 521 4 880869945 +788 523 4 880868559 +788 528 5 880868144 +788 531 4 880868144 +788 540 3 880871394 +788 546 3 880871429 +788 549 4 880869753 +788 550 3 880869508 +788 553 3 880869687 +788 554 3 880870257 +788 556 2 880871128 +788 561 3 880870626 +788 562 3 880871294 +788 566 4 880869908 +788 568 3 880869862 +788 570 3 880869862 +788 572 3 880871891 +788 579 3 880871804 +788 582 4 880869396 +788 586 2 880871490 +788 589 5 880868005 +788 591 3 880869469 +788 597 3 880870582 +788 601 4 880868876 +788 614 4 880868803 +788 620 3 880871088 +788 621 3 880871026 +788 623 3 880870936 +788 627 4 880870654 +788 629 1 880870149 +788 630 2 880869355 +788 636 3 880870583 +788 637 2 880870516 +788 639 3 880870710 +788 645 3 880870626 +788 646 3 880868513 +788 649 3 880869649 +788 651 4 880868838 +788 655 3 880868644 +788 657 4 880868277 +788 658 3 880869862 +788 661 5 880868473 +788 662 4 880871359 +788 665 2 880867890 +788 670 3 880870935 +788 679 2 880871057 +788 684 5 880868401 +788 685 3 880870996 +788 692 3 880869106 +788 693 2 880868705 +788 696 3 880871173 +788 699 3 880869323 +788 708 2 880869908 +788 712 3 880871804 +788 715 3 880871664 +788 720 3 880870482 +788 723 3 880870207 +788 726 4 880871128 +788 729 4 880870052 +788 736 3 880870299 +788 739 2 880870149 +788 742 3 880869508 +788 744 4 880869621 +788 748 3 880867855 +788 754 4 880867477 +788 755 3 880870881 +788 781 3 880871205 +788 798 2 880870827 +788 809 3 880870401 +788 810 3 880870773 +788 823 3 880871294 +788 828 3 880869396 +788 879 4 880867422 +788 931 2 880871551 +788 963 4 880868644 +788 983 3 880871173 +788 984 3 880867855 +788 1042 3 880871240 +788 1107 3 880870773 +788 1112 3 880870428 +788 1126 5 880869278 +788 1135 2 880871460 +788 1139 1 880871605 +788 1183 2 880871891 +788 1248 3 880871460 +788 1273 3 880871771 +788 1277 3 880870583 +788 1303 3 880871577 +788 1407 3 880871717 +788 1459 2 880871857 +788 1478 3 880871173 +788 1518 3 880871394 +789 1 3 880332089 +789 9 5 880332114 +789 50 5 880332114 +789 93 4 880332063 +789 100 5 880332089 +789 111 3 880332400 +789 124 4 880332089 +789 127 5 880332039 +789 129 5 880332063 +789 137 2 880332189 +789 150 5 880332333 +789 151 2 880332365 +789 181 4 880332437 +789 248 3 880332148 +789 249 3 880332296 +789 276 5 880332063 +789 284 3 880332259 +789 286 1 880332039 +789 288 3 880331942 +789 293 4 880332259 +789 294 3 880332275 +789 475 5 880332063 +789 508 4 880332169 +789 591 3 880332259 +789 628 3 880332215 +789 741 5 880332148 +789 742 3 880332400 +789 762 3 880332232 +789 1007 4 880332215 +789 1008 4 880332365 +789 1012 4 880332169 +789 1017 3 880332316 +789 1161 3 880332189 +790 1 3 884461306 +790 2 3 885156988 +790 4 3 885156773 +790 7 4 884461796 +790 10 1 884461988 +790 13 3 884461820 +790 15 5 884461413 +790 17 2 885157399 +790 22 5 885155540 +790 25 2 884461925 +790 29 2 885158082 +790 38 2 885157929 +790 41 3 885158235 +790 42 5 885156686 +790 47 2 885156988 +790 49 3 885156852 +790 50 4 884461387 +790 51 3 885156193 +790 52 4 885156934 +790 56 4 885155150 +790 62 3 885157465 +790 63 2 885157837 +790 65 4 885155846 +790 66 3 885156560 +790 67 3 885158007 +790 68 3 885157440 +790 69 1 885155209 +790 70 3 885157776 +790 72 2 885157661 +790 73 4 885157489 +790 79 4 885156538 +790 80 2 885157575 +790 83 3 885155034 +790 85 3 885156825 +790 89 4 885155770 +790 90 2 885157440 +790 91 3 885157862 +790 96 3 885155648 +790 97 2 885155770 +790 98 5 885156375 +790 100 2 884461334 +790 105 2 884462907 +790 108 3 884462415 +790 109 3 884461775 +790 111 3 884461849 +790 116 4 884461334 +790 117 5 884461283 +790 121 3 884461657 +790 122 2 884462954 +790 123 3 884461413 +790 131 2 885156852 +790 135 3 885156538 +790 139 2 885157748 +790 143 3 885156193 +790 144 4 885155572 +790 145 2 885158299 +790 151 4 884461988 +790 153 3 885155077 +790 154 4 885156290 +790 155 3 885157061 +790 157 2 885156193 +790 158 2 885157797 +790 159 3 885156934 +790 161 4 885157181 +790 168 4 885155230 +790 172 4 885155540 +790 173 3 885156046 +790 174 4 885155572 +790 176 3 885155489 +790 181 4 884461283 +790 183 4 885156193 +790 184 3 885156958 +790 186 3 885156165 +790 188 4 885157399 +790 191 3 885155209 +790 196 3 885156500 +790 202 3 885156904 +790 203 4 885155459 +790 208 3 885156014 +790 209 1 885155540 +790 210 4 885155209 +790 211 4 885156046 +790 213 3 885156336 +790 214 3 885156618 +790 215 2 885157797 +790 216 5 885156435 +790 217 4 885158459 +790 222 3 884461441 +790 226 3 885156396 +790 227 3 885156647 +790 228 3 885156647 +790 229 3 885156686 +790 230 4 885155846 +790 231 4 885158057 +790 232 4 885156773 +790 233 3 885157230 +790 235 1 884462551 +790 237 4 884461541 +790 240 3 884462692 +790 241 5 885156825 +790 246 4 884461283 +790 248 4 884461888 +790 249 3 884461849 +790 250 5 885158562 +790 258 3 884461387 +790 259 2 884461023 +790 265 4 885155770 +790 268 4 884460878 +790 269 3 892305174 +790 273 5 884461888 +790 274 3 884461950 +790 275 4 884461774 +790 282 4 884461590 +790 283 2 884461517 +790 284 4 884461888 +790 288 4 884460942 +790 294 2 884460878 +790 298 5 884461849 +790 317 4 885155949 +790 328 3 884461023 +790 358 2 885154848 +790 364 2 885158161 +790 365 4 885157465 +790 367 4 885156114 +790 368 2 884462954 +790 373 3 885158459 +790 376 2 885157533 +790 378 3 885156934 +790 380 4 885157419 +790 384 2 885158374 +790 386 2 885158208 +790 391 2 885158299 +790 393 2 885156290 +790 401 4 885157621 +790 402 2 885156796 +790 403 4 885157036 +790 405 3 884461925 +790 411 3 884462929 +790 412 4 885158495 +790 417 2 885156538 +790 427 4 885155172 +790 431 3 885157159 +790 436 4 885156686 +790 449 2 885157594 +790 451 3 885157299 +790 470 4 885158547 +790 472 2 884462416 +790 475 3 884461657 +790 485 3 885156709 +790 496 3 885155172 +790 546 1 884461590 +790 550 4 885156618 +790 552 2 885157984 +790 559 3 885156773 +790 561 3 885158082 +790 566 3 885156618 +790 568 3 885157087 +790 570 2 885158057 +790 572 3 885157956 +790 577 2 885158122 +790 582 3 885156852 +790 583 2 885157489 +790 584 4 885156773 +790 585 2 885157686 +790 597 3 884462047 +790 609 2 885156773 +790 660 3 885156904 +790 664 3 885158235 +790 665 3 885158495 +790 678 3 884461115 +790 685 4 884461988 +790 687 1 884461162 +790 708 3 885158082 +790 709 3 885156686 +790 716 4 885158033 +790 721 3 885157017 +790 722 3 885157686 +790 738 3 885158396 +790 739 4 885156686 +790 742 4 884461541 +790 748 1 884461073 +790 755 3 885157928 +790 762 5 884462105 +790 763 3 884462692 +790 771 4 885158436 +790 774 4 885156904 +790 776 3 885155119 +790 781 4 885157107 +790 786 3 885157533 +790 790 2 885157928 +790 792 2 885155603 +790 825 3 884462385 +790 826 1 884462714 +790 849 4 885157205 +790 862 1 885158374 +790 864 4 884462647 +790 926 2 884462598 +790 928 3 884462598 +790 931 2 884462105 +790 940 3 885157928 +790 941 3 885157061 +790 944 1 885157299 +790 949 4 885156825 +790 959 3 885156686 +790 977 1 885158208 +790 1014 2 884462551 +790 1016 2 884461925 +790 1025 1 884461188 +790 1028 3 884462692 +790 1039 3 885155490 +790 1040 2 884462954 +790 1044 4 885158185 +790 1047 3 885157621 +790 1048 4 884462692 +790 1063 5 885156478 +790 1074 3 885158235 +790 1077 3 885156619 +790 1091 1 885157728 +790 1118 3 885156046 +790 1119 4 885156732 +790 1132 2 885158329 +790 1165 2 884462890 +790 1183 2 885157956 +790 1185 2 885158257 +790 1188 3 885157984 +790 1215 1 884462737 +790 1230 2 885158235 +790 1244 1 884462598 +790 1282 5 884462551 +790 1446 4 885157230 +790 1471 2 885158374 +791 9 5 879448314 +791 50 5 879448338 +791 181 5 879448338 +791 245 4 879448087 +791 259 3 879448087 +791 269 4 879447940 +791 275 5 879448314 +791 286 3 879447907 +791 288 3 879447907 +791 289 4 879448087 +791 294 3 879447940 +791 299 2 879448035 +791 300 5 879447977 +791 301 3 879448035 +791 302 4 879447940 +791 304 4 879448035 +791 306 5 879447977 +791 319 2 879448086 +791 322 4 879448128 +791 327 5 879447977 +791 328 4 879448087 +791 331 1 879447940 +791 332 5 879448166 +791 748 3 879448035 +791 754 4 879448086 +792 1 4 877910822 +792 7 4 877910822 +792 9 3 877909631 +792 13 4 877910822 +792 15 4 877909865 +792 21 3 877910444 +792 24 3 877910091 +792 25 2 877909892 +792 100 4 877910822 +792 111 3 877910126 +792 118 2 877910538 +792 121 4 877910412 +792 124 4 877909865 +792 125 3 877910539 +792 129 4 877909753 +792 147 4 877910822 +792 151 3 877909753 +792 237 3 877910444 +792 276 3 877910305 +792 282 3 877909931 +792 291 2 877910629 +792 363 3 877910478 +792 405 3 877909753 +792 471 4 877910822 +792 476 1 877910206 +792 508 2 877910478 +792 544 4 877910822 +792 546 3 877910353 +792 591 2 877909865 +792 595 3 877910305 +792 596 3 877910241 +792 597 3 877910478 +792 696 3 877910241 +792 742 3 877909709 +792 762 4 877910206 +792 831 2 877910666 +792 840 2 877910539 +792 844 4 877910822 +792 926 3 877909798 +792 1011 3 877910730 +792 1015 5 877910822 +792 1047 3 877909798 +792 1054 1 877910666 +792 1132 3 877910160 +792 1164 3 877910629 +792 1197 4 877910822 +792 1335 4 877910353 +793 1 4 875104091 +793 3 4 875104592 +793 7 3 875104031 +793 9 3 875103810 +793 50 5 875103942 +793 100 4 875104031 +793 106 3 875104340 +793 109 4 875104119 +793 117 4 875103739 +793 118 2 875104119 +793 121 3 875104193 +793 122 3 875104532 +793 127 5 875103773 +793 129 4 875104067 +793 148 4 875104498 +793 150 4 875103842 +793 151 5 875104142 +793 181 4 875103810 +793 222 3 875103971 +793 235 3 875104068 +793 237 3 875103842 +793 240 4 875104565 +793 248 4 875103875 +793 250 4 875104031 +793 252 4 875104498 +793 257 4 875103901 +793 273 3 875103942 +793 276 3 875103971 +793 282 4 875104340 +793 288 4 875103584 +793 293 4 875104091 +793 294 5 875103584 +793 298 4 875103971 +793 405 3 875104340 +793 406 2 875104221 +793 456 3 875104752 +793 458 3 875104243 +793 508 4 875104620 +793 591 4 875104752 +793 597 3 875104565 +793 628 3 875103942 +793 685 3 875104718 +793 696 3 875104303 +793 742 3 875104648 +793 815 3 875103901 +793 823 3 875104648 +793 824 3 875104000 +793 844 4 875103842 +793 928 3 875104864 +793 979 3 875104620 +793 1014 3 875103810 +793 1067 4 875103875 +793 1142 5 875104068 +793 1187 2 875104167 +793 1365 2 875104718 +794 1 4 891035864 +794 13 4 891035582 +794 14 5 891034956 +794 19 4 891036111 +794 24 5 891035957 +794 50 5 891035307 +794 100 5 891035063 +794 109 4 891035941 +794 116 5 891035307 +794 118 2 891035413 +794 127 5 891035117 +794 137 5 891035307 +794 150 4 891034956 +794 181 4 891035957 +794 187 5 891035117 +794 221 4 891036222 +794 224 4 891035793 +794 238 5 891035135 +794 242 5 891034156 +794 248 4 891036463 +794 249 3 891035885 +794 257 4 891036265 +794 269 5 891034213 +794 273 4 891036111 +794 275 4 891034792 +794 285 5 891035355 +794 286 3 891034156 +794 420 4 891035662 +794 455 4 891034986 +794 473 4 891036222 +794 475 5 891035822 +794 514 5 891035604 +794 515 5 891034755 +794 557 4 891036008 +794 751 3 891034523 +794 847 5 891035822 +794 887 4 891034284 +794 936 5 891035219 +794 1251 4 891034755 +795 1 4 883767204 +795 2 3 883252599 +795 3 2 880561783 +795 4 4 881253238 +795 7 5 880557294 +795 8 5 880569317 +795 10 4 880556527 +795 12 4 881260621 +795 17 2 883252686 +795 21 3 880557953 +795 25 5 880556527 +795 28 4 880569414 +795 39 4 883253661 +795 42 3 881252510 +795 47 3 881265108 +795 50 3 880557114 +795 58 4 881259362 +795 62 4 883254564 +795 68 3 883253137 +795 70 3 883253481 +795 72 3 883252003 +795 79 2 880568325 +795 80 3 883254212 +795 81 4 883250055 +795 89 4 880569085 +795 91 5 881265483 +795 95 4 881529851 +795 96 2 881530415 +795 97 2 881529761 +795 100 5 880555946 +795 105 1 883774317 +795 108 3 880559483 +795 109 3 880557210 +795 117 4 880558122 +795 118 2 883254314 +795 120 3 883255416 +795 121 3 880558035 +795 123 4 880558447 +795 132 3 883249522 +795 135 3 881530126 +795 143 3 883252292 +795 144 4 881265483 +795 150 3 883766579 +795 151 3 880558562 +795 152 4 881260622 +795 153 3 880569085 +795 154 3 881529904 +795 164 3 883253368 +795 167 3 883254348 +795 168 5 881528760 +795 169 5 880567884 +795 172 3 880570209 +795 173 4 880567884 +795 174 4 880569625 +795 175 5 881263767 +795 181 4 880557060 +795 182 4 881530041 +795 184 4 880588118 +795 186 3 883249522 +795 189 3 881265284 +795 191 4 883249962 +795 200 3 883251581 +795 201 4 880569984 +795 202 3 881529874 +795 203 3 881530198 +795 204 3 880570209 +795 208 4 881252835 +795 209 5 880587862 +795 210 4 880567593 +795 214 4 881265372 +795 217 1 883774317 +795 219 3 883252104 +795 222 3 880558122 +795 226 3 883251800 +795 231 4 883254844 +795 234 4 883251200 +795 235 3 880560263 +795 238 3 881266197 +795 240 2 883767338 +795 257 3 881252002 +795 265 3 881265483 +795 319 4 880554132 +795 367 3 883252202 +795 381 2 883774317 +795 382 4 881529077 +795 386 3 883254649 +795 395 2 883255008 +795 402 2 883254905 +795 403 3 883250829 +795 405 1 883774317 +795 407 3 880560679 +795 410 2 880559227 +795 412 3 883254675 +795 419 3 880569526 +795 423 2 881265617 +795 425 3 883249522 +795 429 3 880568492 +795 431 4 883253193 +795 432 3 881258945 +795 433 4 880588141 +795 434 3 880569983 +795 436 3 883767338 +795 465 3 883252686 +795 472 3 880559543 +795 473 2 880561783 +795 477 3 880558562 +795 502 3 883251421 +795 514 4 883250472 +795 546 3 880559275 +795 550 3 883252004 +795 552 2 883774317 +795 554 3 883254802 +795 559 2 883774317 +795 564 1 883774317 +795 567 2 883253903 +795 568 3 883251659 +795 576 2 883254780 +795 577 3 883254987 +795 581 4 883253316 +795 583 4 883250168 +795 588 5 880587862 +795 636 3 883253661 +795 640 4 883251200 +795 655 3 881530154 +795 658 2 883251696 +795 675 3 883251659 +795 705 4 883250829 +795 710 3 881265617 +795 716 3 880569984 +795 719 2 883254675 +795 727 3 881530317 +795 739 1 883774317 +795 742 2 880556833 +795 746 3 881529904 +795 747 3 883252630 +795 755 3 883254564 +795 756 3 880559895 +795 768 3 883252985 +795 771 3 883255324 +795 797 3 883254750 +795 820 3 880560679 +795 825 2 880559026 +795 826 3 880560736 +795 831 2 880560971 +795 919 4 880557617 +795 926 2 880561783 +795 928 1 883774317 +795 931 2 880560078 +795 998 3 883255182 +795 1030 3 883255381 +795 1036 2 883255578 +795 1041 3 883254780 +795 1052 3 883255477 +795 1095 3 883767108 +795 1101 4 881528779 +795 1110 3 883251943 +795 1199 3 880557953 +795 1413 3 883254987 +795 1555 3 883249643 +796 1 2 892660251 +796 2 5 893048377 +796 4 5 893048150 +796 5 4 893194607 +796 8 5 892690059 +796 9 3 892660251 +796 12 5 892662483 +796 15 4 893188341 +796 22 4 892662523 +796 23 2 892690382 +796 26 2 893047208 +796 28 3 892662523 +796 29 3 893048672 +796 31 4 893194547 +796 33 3 893048471 +796 36 1 893047967 +796 38 5 893048505 +796 39 3 893048562 +796 43 4 893188486 +796 45 3 892675605 +796 48 3 892663090 +796 49 3 893047287 +796 50 5 892660147 +796 53 1 893048713 +796 54 4 893194685 +796 56 5 892663009 +796 58 3 892675605 +796 62 4 893048562 +796 63 3 893218764 +796 64 4 892662400 +796 66 5 893047241 +796 69 5 892662483 +796 71 4 893218764 +796 77 5 893194646 +796 78 3 893219254 +796 79 5 892661988 +796 82 3 892676195 +796 86 5 893047321 +796 87 5 893218728 +796 88 5 893047287 +796 89 5 892662222 +796 91 2 893219033 +796 94 3 893219065 +796 95 4 892690382 +796 96 4 892662523 +796 97 3 892690059 +796 98 5 892663090 +796 99 3 893218764 +796 100 3 892611093 +796 106 2 893194895 +796 111 4 893047288 +796 112 4 893219477 +796 117 5 892660283 +796 118 4 893048505 +796 121 5 892661043 +796 125 4 892660465 +796 126 3 892690173 +796 127 5 892660147 +796 132 4 892662222 +796 134 3 892663009 +796 143 5 893218728 +796 144 5 892662524 +796 145 2 893218485 +796 147 5 893048410 +796 151 5 893218765 +796 152 3 892690101 +796 153 5 892676155 +796 154 3 892676155 +796 155 5 893047241 +796 159 3 893194685 +796 161 5 893048377 +796 164 3 893194548 +796 168 5 892662871 +796 172 4 892663090 +796 173 5 892662483 +796 174 5 892662069 +796 176 5 892662523 +796 178 3 892662223 +796 180 2 892675606 +796 181 5 892660177 +796 182 4 893048342 +796 183 5 892662441 +796 184 1 892761544 +796 185 4 893194548 +796 186 3 892676114 +796 187 5 892662904 +796 188 2 892675654 +796 191 4 892690382 +796 193 3 892662964 +796 194 4 892662826 +796 195 5 892675424 +796 196 5 892675693 +796 197 3 892676231 +796 198 4 892662871 +796 199 3 892662223 +796 200 5 893218420 +796 202 4 893047167 +796 203 3 892690173 +796 204 5 892662441 +796 209 3 893048115 +796 210 3 892662441 +796 211 3 893048115 +796 213 4 893047167 +796 215 5 892676115 +796 216 5 892761543 +796 217 4 893218556 +796 218 3 893194607 +796 219 4 893218453 +796 222 5 892660364 +796 226 3 893048410 +796 227 4 893048471 +796 228 5 892761629 +796 229 3 893048471 +796 230 5 893048377 +796 231 3 893048622 +796 232 3 893048911 +796 233 4 893048471 +796 234 2 892690173 +796 236 4 893048149 +796 237 5 893047126 +796 238 3 892761427 +796 243 3 892612354 +796 245 3 892612031 +796 248 3 892660465 +796 249 1 892661011 +796 250 5 892660984 +796 257 5 892660283 +796 258 4 892611840 +796 265 5 892761544 +796 269 3 892610692 +796 270 4 892611799 +796 271 5 892874827 +796 272 4 892610692 +796 273 2 892660856 +796 274 5 893047167 +796 275 4 892660211 +796 278 4 892660323 +796 280 4 893047208 +796 281 4 893194929 +796 282 4 892660364 +796 283 3 892660322 +796 284 3 892660954 +796 286 2 892610876 +796 291 4 893188576 +796 293 5 892660251 +796 294 3 892611979 +796 298 5 892660954 +796 300 4 892611903 +796 301 1 892611903 +796 307 4 892611799 +796 313 4 892610692 +796 315 5 892611769 +796 316 5 892610692 +796 318 4 892661988 +796 321 2 892611871 +796 322 3 892611953 +796 323 2 892611953 +796 326 4 892612032 +796 328 5 892612057 +796 333 5 892610876 +796 339 2 892874859 +796 342 5 892611871 +796 356 4 893194646 +796 357 4 892662400 +796 367 5 893048150 +796 371 5 893047167 +796 378 4 893218764 +796 381 3 893047208 +796 385 5 893048342 +796 387 3 893047504 +796 389 4 893219092 +796 391 4 893048713 +796 393 4 893218933 +796 396 2 893218621 +796 399 4 893048471 +796 401 3 893219427 +796 402 5 893047320 +796 403 4 893048410 +796 405 5 892660954 +796 409 3 893219122 +796 414 3 892663044 +796 417 4 893218933 +796 418 4 893218933 +796 419 5 893219001 +796 423 4 892690262 +796 427 4 892662355 +796 429 4 892690102 +796 431 4 892676231 +796 432 2 893218728 +796 433 2 892675694 +796 434 4 892676195 +796 443 2 893202878 +796 447 3 893218485 +796 448 4 893218485 +796 449 4 893048622 +796 450 3 893049399 +796 451 5 893047167 +796 467 3 892675654 +796 474 2 892663009 +796 477 2 892660465 +796 478 5 892761629 +796 479 4 892761427 +796 480 4 892663155 +796 483 5 892663044 +796 484 5 892675528 +796 485 4 893279958 +796 486 5 892676072 +796 487 5 892676195 +796 488 2 892662400 +796 491 4 892662964 +796 493 3 892675424 +796 496 5 892662223 +796 500 4 892761629 +796 510 3 892761578 +796 511 4 892676155 +796 514 3 892676231 +796 516 4 893048115 +796 517 2 893047208 +796 520 3 892662223 +796 525 4 892761390 +796 527 3 892675654 +796 530 3 893048410 +796 540 2 893048672 +796 542 3 893219403 +796 546 4 893048505 +796 549 3 893047208 +796 550 3 893048562 +796 553 4 893047208 +796 554 2 893048713 +796 559 3 893218453 +796 564 1 893194929 +796 565 3 893218556 +796 566 4 893048343 +796 568 4 892676114 +796 570 2 893048505 +796 573 4 893218521 +796 576 3 893048562 +796 578 4 893048562 +796 586 3 893049257 +796 588 5 893218728 +796 591 3 892611093 +796 597 5 892661043 +796 603 4 892662152 +796 606 4 892761504 +796 607 4 892662964 +796 608 3 892675492 +796 611 4 892675694 +796 615 4 892690263 +796 623 3 893219122 +796 628 4 893194740 +796 633 5 892662070 +796 636 2 893048505 +796 649 3 893194646 +796 655 3 893048115 +796 659 3 892662482 +796 660 5 892690101 +796 662 5 893047207 +796 665 2 893048622 +796 672 3 893218485 +796 679 4 893048471 +796 684 5 892676195 +796 685 4 892660466 +796 692 5 892761544 +796 693 3 893188650 +796 699 4 893188576 +796 705 4 892690263 +796 707 3 892663154 +796 709 3 892676155 +796 716 3 893047167 +796 717 3 893194862 +796 720 4 893048562 +796 722 3 893047460 +796 724 2 893047241 +796 728 3 893047691 +796 731 3 893047320 +796 732 5 893047241 +796 735 2 893188514 +796 736 3 893047126 +796 739 5 893047207 +796 742 3 892660505 +796 746 3 893048115 +796 747 4 893047167 +796 748 5 892611979 +796 751 5 892611979 +796 755 4 893219033 +796 761 3 893048622 +796 762 3 892676115 +796 765 3 893047691 +796 768 2 893219065 +796 769 4 893218622 +796 775 2 893047691 +796 776 4 893219065 +796 778 4 893047021 +796 779 3 893048713 +796 781 4 893047241 +796 783 4 893047691 +796 785 5 893047287 +796 794 4 893047320 +796 795 3 893219254 +796 796 4 893047320 +796 797 3 893049257 +796 807 2 893047691 +796 809 4 893048471 +796 810 3 893048622 +796 815 4 893047321 +796 821 4 893047126 +796 826 2 893049362 +796 831 2 893049303 +796 849 4 893048562 +796 855 3 893279958 +796 859 2 893218622 +796 869 4 893047287 +796 871 1 893219001 +796 873 3 892874827 +796 879 4 892612031 +796 880 3 892611840 +796 928 2 893194929 +796 932 4 893219254 +796 934 3 893048024 +796 939 3 892761504 +796 945 5 892663009 +796 949 4 893047460 +796 974 3 893194740 +796 977 2 893194992 +796 988 3 893219180 +796 1001 2 893219180 +796 1012 3 892660466 +796 1032 3 893219451 +796 1036 4 893219522 +796 1037 2 893047967 +796 1039 4 892662223 +796 1040 3 893047460 +796 1041 5 893047287 +796 1042 4 893194740 +796 1046 3 893194607 +796 1048 2 893047288 +796 1049 4 893219151 +796 1055 3 893188577 +796 1057 2 893047967 +796 1074 1 893047691 +796 1076 2 893219150 +796 1090 4 893194992 +796 1101 5 892690382 +796 1119 4 892675528 +796 1126 1 892662826 +796 1163 3 892660364 +796 1197 3 892660955 +796 1217 3 893194607 +796 1228 4 893048713 +796 1269 5 892662765 +796 1285 4 893188622 +796 1297 2 893047504 +796 1299 2 892676043 +796 1303 2 893048713 +796 1407 3 893049362 +796 1415 3 893219254 +796 1511 3 892660955 +796 1522 3 893194740 +797 50 5 879439314 +797 127 4 879439297 +797 181 5 879439362 +797 243 2 879439104 +797 257 5 879439362 +797 259 3 879439136 +797 269 3 879438957 +797 286 2 879438957 +797 294 3 879439105 +797 298 3 879439362 +797 300 2 879439031 +797 307 2 879439190 +797 309 3 879438992 +797 327 2 879438992 +797 328 2 879439136 +797 336 2 879439136 +797 340 2 879439735 +797 687 2 879439190 +797 720 2 879439735 +797 748 1 879439105 +797 781 5 879439594 +797 948 1 879439230 +797 988 1 879439230 +797 990 2 879439456 +797 1023 3 879439519 +797 1254 2 879439548 +798 1 4 875295695 +798 2 4 875743787 +798 14 2 875295930 +798 15 4 875295810 +798 21 5 875554953 +798 28 4 875638354 +798 29 4 875915913 +798 38 4 875915806 +798 49 4 875814021 +798 50 5 875295810 +798 52 3 876176979 +798 62 4 875915855 +798 63 5 875914939 +798 66 3 875639364 +798 71 3 875303589 +798 72 3 875638883 +798 73 4 875914114 +798 79 4 875638627 +798 81 3 876177211 +798 82 4 875915855 +798 83 4 875303683 +798 87 3 875639680 +798 88 4 875743642 +798 90 3 875914860 +798 94 3 875914939 +798 95 5 876175467 +798 97 1 875638474 +798 98 1 875639581 +798 105 3 875555000 +798 110 4 875914458 +798 111 1 875296109 +798 112 3 875296234 +798 116 3 875554781 +798 118 4 875295842 +798 121 5 875295930 +798 125 3 875296178 +798 132 4 875639134 +798 133 3 875303559 +798 138 3 876176160 +798 140 4 876175467 +798 142 3 876175427 +798 143 5 875639061 +798 151 3 875554819 +798 155 3 875639581 +798 158 2 875914604 +798 161 3 875639235 +798 162 3 876177353 +798 163 3 875814110 +798 164 4 875303502 +798 168 4 875743765 +798 172 4 875639656 +798 173 5 875656071 +798 174 4 875743140 +798 181 5 875295772 +798 191 4 875743458 +798 194 4 875743366 +798 196 3 875743006 +798 197 2 875303502 +798 202 2 875639095 +798 204 4 875742878 +798 208 3 875639010 +798 210 4 875743410 +798 220 3 875295810 +798 222 3 875295616 +798 225 4 875637487 +798 228 3 875915639 +798 231 2 875638817 +798 239 4 875814157 +798 243 4 875295566 +798 254 5 875637836 +798 257 4 875295842 +798 258 4 875286981 +798 259 5 875295566 +798 265 5 875915777 +798 270 4 880483677 +798 274 5 875295772 +798 275 4 875295842 +798 280 2 875554523 +798 281 4 875296234 +798 283 5 875637963 +798 289 3 875286981 +798 306 3 875637329 +798 321 3 875286981 +798 323 4 875295469 +798 356 3 875639236 +798 365 3 875639656 +798 367 3 875743434 +798 377 3 875639061 +798 378 4 875743858 +798 380 3 875638680 +798 384 2 875915279 +798 391 3 875915855 +798 393 3 875915029 +798 394 4 875914484 +798 395 3 875915279 +798 399 5 875638680 +798 400 3 876176160 +798 402 3 875916297 +798 403 4 875743140 +798 405 5 875296148 +798 415 3 875639260 +798 417 3 876176043 +798 418 4 875639212 +798 419 4 876175937 +798 420 3 876175937 +798 423 3 875639864 +798 432 4 876176259 +798 443 3 876249370 +798 444 2 875639115 +798 451 2 875638547 +798 463 3 876175467 +798 465 4 876176115 +798 472 3 875638178 +798 473 2 875296109 +798 476 2 875637822 +798 480 3 875303765 +798 482 3 875638884 +798 485 5 875639784 +798 486 4 875639889 +798 491 4 875743196 +798 493 3 875638514 +798 498 3 875639581 +798 554 2 875638884 +798 560 3 875638972 +798 563 2 875638323 +798 568 4 875656111 +798 571 3 875914458 +798 576 3 875639324 +798 577 2 875639441 +798 584 3 876176071 +798 585 3 875743912 +798 586 2 875303765 +798 588 4 875638447 +798 602 3 875639260 +798 603 3 875743267 +798 610 3 875743314 +798 623 3 876175980 +798 648 3 875914785 +798 659 4 875914337 +798 660 3 876177436 +798 662 3 875916187 +798 671 2 875639115 +798 687 4 875295566 +798 690 4 877117972 +798 692 4 875743140 +798 694 3 875303718 +798 699 3 875303502 +798 703 4 876177414 +798 705 4 875638447 +798 707 2 875303559 +798 709 5 875914860 +798 719 1 875743196 +798 720 5 875915940 +798 722 3 875914534 +798 728 4 875914458 +798 731 3 875303765 +798 732 2 875638759 +798 734 3 875639061 +798 736 5 875639010 +798 740 2 875296148 +798 746 4 875914066 +798 748 5 875295521 +798 755 3 875638627 +798 756 3 875296109 +798 768 4 876175980 +798 769 2 876249507 +798 781 2 875639061 +798 785 3 875639553 +798 795 3 876176160 +798 801 3 875915317 +798 805 4 875743813 +798 810 3 875915855 +798 815 5 875295695 +798 819 3 875295930 +798 821 5 875916505 +798 825 3 875638178 +798 826 5 875295695 +798 827 4 875637541 +798 828 4 875637986 +798 832 4 875637822 +798 839 4 875638649 +798 845 5 875295930 +798 862 3 875914534 +798 878 4 875295521 +798 924 3 875296148 +798 926 4 875638203 +798 929 3 875638090 +798 930 5 875637661 +798 932 4 875637927 +798 940 1 875914898 +798 941 3 876176561 +798 944 4 875914573 +798 945 3 875743518 +798 946 2 875639889 +798 949 3 875914337 +798 951 3 875639767 +798 953 2 875639290 +798 961 1 875303558 +798 988 3 875295469 +798 993 3 875554639 +798 996 3 875638717 +798 998 3 875915317 +798 1003 3 875639478 +798 1023 3 875295772 +798 1032 3 875639212 +798 1034 2 875638547 +798 1035 4 875638717 +798 1043 3 875915279 +798 1049 3 875638150 +798 1063 3 875303502 +798 1066 2 876175427 +798 1076 3 876176043 +798 1089 3 875295616 +798 1102 4 875637680 +798 1119 3 875916421 +798 1139 3 876177661 +798 1164 3 875637744 +798 1183 1 875915190 +798 1224 2 875638842 +798 1239 4 875915965 +798 1249 4 875914785 +798 1270 3 875915190 +798 1282 3 875296234 +798 1283 4 875295695 +798 1284 3 875637744 +798 1285 3 876177330 +798 1297 3 875916505 +798 1337 3 875554892 +798 1411 1 875639656 +798 1425 4 875915317 +798 1435 2 875639836 +798 1446 4 875914898 +798 1469 3 876175427 +798 1503 3 876176071 +798 1509 3 875915155 +798 1517 4 875743605 +798 1539 2 876177839 +798 1540 4 875743576 +798 1544 3 875638925 +799 45 4 879253969 +799 50 4 879254077 +799 127 4 879254026 +799 173 5 879254077 +799 174 5 879254026 +799 191 3 879254077 +799 258 5 879253668 +799 286 5 879253668 +799 289 3 879253720 +799 292 4 879253720 +799 306 4 879253795 +799 307 3 879253795 +799 319 4 879253668 +799 321 4 879253720 +799 331 4 879253795 +799 427 5 879254077 +799 479 5 879254026 +799 484 3 879254077 +799 499 4 879253969 +799 654 5 879254027 +799 690 3 879253668 +799 748 2 879253755 +799 1063 4 879254026 +799 1545 4 879254026 +800 1 4 887646283 +800 15 4 887646631 +800 25 4 887646980 +800 50 4 887646263 +800 118 3 887646342 +800 121 4 887646423 +800 125 3 887646608 +800 127 4 887646980 +800 181 4 887646203 +800 222 4 887646226 +800 223 5 887646979 +800 237 4 887646980 +800 257 4 887646980 +800 275 4 887646203 +800 276 3 887646245 +800 289 4 887646980 +800 292 5 887646979 +800 294 3 887645970 +800 300 4 887646980 +800 304 3 887645987 +800 405 4 887646705 +800 457 2 887646168 +800 476 3 887646776 +800 597 4 887646555 +800 742 4 887646477 +800 751 4 887646980 +800 864 4 887646980 +800 1047 3 887646804 +801 245 3 890333042 +801 259 3 890332986 +801 268 5 890332645 +801 271 5 890332929 +801 288 5 890332820 +801 294 5 890332748 +801 299 2 890333011 +801 300 5 890332748 +801 301 5 890332820 +801 302 4 890332645 +801 307 4 890332853 +801 313 5 890332694 +801 326 4 890332885 +801 328 5 890332748 +801 332 5 890332719 +801 333 5 890332885 +801 343 4 890332986 +801 354 4 890332645 +801 355 3 890332929 +801 358 4 890333094 +801 681 1 890332820 +801 682 5 890332775 +801 752 4 890332853 +801 881 3 890332820 +801 890 2 890333150 +801 895 5 890332929 +802 7 5 875986303 +802 53 4 875985840 +802 56 3 875985601 +802 98 4 875985601 +802 134 3 875985347 +802 135 4 875985347 +802 176 5 875985469 +802 183 5 875985469 +802 184 4 875986155 +802 185 3 875985601 +802 194 4 875986155 +802 196 3 875985239 +802 197 3 875985347 +802 200 4 875985686 +802 201 4 875985601 +802 217 3 875985767 +802 218 3 875985767 +802 219 5 875985767 +802 234 5 875985601 +802 258 5 875984532 +802 259 2 875984938 +802 260 4 875984938 +802 261 3 875985032 +802 263 1 875985032 +802 264 4 875986155 +802 266 3 875984938 +802 286 2 875984532 +802 288 3 875984637 +802 294 4 875984637 +802 299 4 875986155 +802 300 4 875986155 +802 302 4 875984532 +802 304 3 875985142 +802 323 5 875984722 +802 326 5 875984637 +802 327 2 875984861 +802 330 2 875985031 +802 331 4 875986155 +802 333 4 875986155 +802 358 3 875984722 +802 379 4 875985976 +802 396 2 875985840 +802 413 4 875986303 +802 424 2 875986303 +802 436 4 875985686 +802 440 3 875985686 +802 441 3 875985840 +802 443 4 875985686 +802 444 4 875985840 +802 445 3 875985686 +802 447 2 875985686 +802 448 3 875985686 +802 452 4 875985976 +802 484 3 875985239 +802 559 2 875985840 +802 563 3 875985976 +802 565 3 875985976 +802 567 4 875985976 +802 569 3 875985840 +802 573 4 875985840 +802 646 4 875986155 +802 657 4 875985239 +802 665 4 875985469 +802 669 1 875985840 +802 670 4 875986155 +802 672 3 875985767 +802 674 2 875985768 +802 678 4 875984776 +802 681 4 875986155 +802 687 3 875984722 +802 748 4 875984776 +802 760 3 875986303 +802 769 5 875985976 +802 879 5 875984938 +802 1025 3 875984637 +803 242 5 880054592 +803 243 1 880055548 +803 245 4 880055378 +803 259 2 880054971 +803 260 3 880055454 +803 261 1 880054754 +803 264 2 880055309 +803 269 5 880054592 +803 271 2 880054833 +803 286 5 880054592 +803 289 3 880055309 +803 300 3 880054629 +803 303 4 880054629 +803 304 3 880054792 +803 305 5 880055604 +803 306 4 880054629 +803 307 4 880055604 +803 311 5 880054754 +803 321 4 880054792 +803 322 2 880055043 +803 325 4 880054885 +803 338 2 880055454 +803 339 3 880054834 +803 340 5 880055088 +803 538 4 880054834 +803 683 1 880054885 +803 688 1 880055043 +803 690 4 880055210 +803 748 1 880054885 +803 754 2 880054754 +803 887 5 880054671 +803 988 1 880055454 +803 990 2 880054792 +804 1 5 879442661 +804 2 4 879445493 +804 4 4 879442192 +804 7 4 879443673 +804 10 4 879442298 +804 11 4 879442954 +804 22 5 879444407 +804 23 4 879442557 +804 24 5 879443776 +804 25 4 879442490 +804 28 4 879445904 +804 31 4 879442792 +804 32 3 879444352 +804 33 4 879445975 +804 39 2 879447475 +804 40 3 879445739 +804 49 2 879447476 +804 50 4 879440912 +804 55 4 879442141 +804 56 3 879441371 +804 62 4 879445305 +804 63 4 879445334 +804 64 5 879442001 +804 68 3 879445975 +804 69 4 879444890 +804 70 4 879443137 +804 71 4 879442538 +804 72 4 879445281 +804 79 4 879441627 +804 81 4 879441913 +804 82 5 879442001 +804 84 3 879445933 +804 85 4 879445190 +804 87 4 879442954 +804 89 4 879441524 +804 91 4 879442192 +804 94 4 879446194 +804 95 2 879447476 +804 96 5 879441677 +804 97 4 879442057 +804 98 5 879441503 +804 99 4 879442984 +804 100 5 879445904 +804 105 3 879444077 +804 108 3 879443819 +804 118 4 879443900 +804 120 3 879444077 +804 121 4 879442377 +804 123 4 879443645 +804 125 4 879443709 +804 127 3 879440947 +804 128 5 879441702 +804 132 4 879445305 +804 133 3 879445904 +804 134 4 879444890 +804 135 3 879444407 +804 139 3 879444943 +804 141 3 879445841 +804 143 3 879442490 +804 144 4 879444890 +804 145 3 879446276 +804 151 3 879442412 +804 152 4 879445466 +804 153 4 879441346 +804 154 3 879441598 +804 155 3 879445660 +804 156 4 879444781 +804 157 4 879442862 +804 159 4 879445441 +804 160 4 879442707 +804 161 4 879442269 +804 162 2 879446037 +804 163 3 879445579 +804 164 4 879442025 +804 167 3 879445956 +804 168 5 879442377 +804 172 4 879442001 +804 173 4 879442412 +804 174 5 879441476 +804 175 4 879444583 +804 176 4 879441702 +804 177 5 879441727 +804 180 4 879442348 +804 181 5 879440947 +804 182 4 879444924 +804 183 4 879445904 +804 184 5 879441727 +804 185 4 879444890 +804 186 4 879442687 +804 187 4 879441973 +804 188 4 879442096 +804 191 4 879442025 +804 192 4 879441752 +804 193 4 879444518 +804 194 4 879442490 +804 195 5 879442538 +804 196 4 879441752 +804 197 4 879443136 +804 198 5 879441391 +804 199 5 879442239 +804 200 3 879445493 +804 202 4 879442079 +804 203 4 879442122 +804 204 4 879441450 +804 205 4 879442434 +804 206 3 879445440 +804 208 5 879441412 +804 209 3 879442538 +804 210 5 879441372 +804 211 4 879444805 +804 212 3 879445933 +804 213 3 879441651 +804 215 5 879441752 +804 216 4 879441450 +804 218 4 879445072 +804 219 3 879445072 +804 222 5 879442591 +804 226 4 879445372 +804 227 4 879443136 +804 228 4 879441391 +804 229 4 879445816 +804 230 4 879442001 +804 231 4 879445334 +804 233 4 879445815 +804 234 4 879442862 +804 235 5 879443736 +804 237 4 879443709 +804 238 4 879441727 +804 239 4 879442122 +804 240 4 879443958 +804 243 3 879440727 +804 245 4 879441132 +804 250 4 879441000 +804 252 4 879441160 +804 254 4 879441195 +804 257 5 879441014 +804 259 4 879440700 +804 260 2 879440787 +804 265 4 879445037 +804 282 4 879444714 +804 284 4 879442732 +804 288 1 879447476 +804 290 4 879443795 +804 291 4 879443819 +804 292 2 879441099 +804 294 5 879441099 +804 307 4 879440600 +804 310 4 879440600 +804 318 5 879441450 +804 322 5 879440700 +804 323 4 879440765 +804 328 4 879440600 +804 357 5 879441450 +804 358 3 879440787 +804 363 4 879446245 +804 365 4 879446194 +804 366 4 879445579 +804 367 3 879445605 +804 373 2 879447476 +804 378 4 879445605 +804 379 3 879445465 +804 380 4 879445715 +804 385 4 879445904 +804 393 3 879445072 +804 396 3 879445956 +804 399 4 879445111 +804 401 2 879445798 +804 402 3 879445441 +804 403 3 879445739 +804 405 4 879443776 +804 406 3 879444133 +804 411 3 879443776 +804 412 2 879445955 +804 413 4 879443918 +804 414 4 879444890 +804 415 3 879446391 +804 419 3 879444624 +804 423 3 879441371 +804 425 4 879442643 +804 428 3 879445841 +804 429 4 879445037 +804 431 4 879442707 +804 432 3 879441677 +804 433 4 879444714 +804 434 4 879442642 +804 435 3 879444488 +804 436 5 879444984 +804 443 5 879442122 +804 444 4 879444743 +804 445 4 879445766 +804 447 3 879445625 +804 448 3 879445841 +804 449 3 879445281 +804 451 2 879446063 +804 455 5 879443609 +804 456 3 879444011 +804 468 4 879442687 +804 472 3 879443976 +804 473 4 879443884 +804 474 4 879441524 +804 476 3 879443852 +804 479 4 879441542 +804 480 5 879442057 +804 483 5 879441627 +804 495 3 879442792 +804 496 5 879441973 +804 498 5 879442239 +804 504 3 879444444 +804 510 5 879441346 +804 511 4 879442792 +804 513 5 879441937 +804 514 4 879443032 +804 515 5 879441000 +804 520 4 879445904 +804 522 3 879445190 +804 523 5 879441476 +804 526 4 879442792 +804 527 4 879441752 +804 528 4 879443048 +804 529 4 879441913 +804 546 3 879443884 +804 550 4 879445739 +804 552 4 879446209 +804 554 2 879447476 +804 558 3 879441627 +804 559 3 879445334 +804 566 4 879444820 +804 568 4 879442793 +804 573 3 879445232 +804 576 4 879445355 +804 582 3 879444963 +804 584 4 879444964 +804 588 4 879442687 +804 597 3 879444011 +804 603 5 879441937 +804 609 3 879444583 +804 615 5 879442298 +804 616 3 879442984 +804 624 2 879445536 +804 625 3 879445493 +804 629 3 879445072 +804 631 3 879444463 +804 632 3 879444488 +804 636 3 879445334 +804 637 3 879444943 +804 639 4 879442591 +804 642 3 879445556 +804 646 4 879441936 +804 647 5 879442001 +804 651 4 879445904 +804 654 3 879441651 +804 655 4 879442377 +804 657 4 879445904 +804 662 4 879442413 +804 663 5 879442793 +804 664 3 879446090 +804 670 4 879444536 +804 671 3 879445493 +804 674 4 879445699 +804 675 3 879445355 +804 678 4 879440700 +804 679 4 879445393 +804 685 4 879443946 +804 692 5 879442122 +804 702 2 879447476 +804 708 3 879445783 +804 719 3 879445132 +804 720 3 879445072 +804 732 4 879445037 +804 737 3 879444781 +804 739 4 879444805 +804 742 4 879442732 +804 746 4 879444890 +804 747 3 879445699 +804 748 4 879440700 +804 755 3 879445305 +804 756 3 879443976 +804 763 4 879443776 +804 768 3 879445493 +804 771 3 879446108 +804 797 4 879445280 +804 820 4 879444115 +804 824 3 879444133 +804 826 3 879443776 +804 831 3 879443852 +804 841 4 879443709 +804 925 4 879443946 +804 926 4 879443993 +804 928 4 879443736 +804 929 3 879444092 +804 930 3 879444115 +804 932 3 879444077 +804 948 1 879447476 +804 949 3 879445254 +804 951 3 879444781 +804 969 4 879442687 +804 972 3 879445783 +804 981 3 879444077 +804 982 4 879444048 +804 984 4 879440727 +804 988 4 879440663 +804 993 2 879441236 +804 1016 4 879441099 +804 1025 4 879440765 +804 1028 3 879445556 +804 1041 3 879446037 +804 1047 3 879443852 +804 1050 3 879442269 +804 1056 4 879442762 +804 1060 3 879443918 +804 1065 3 879441727 +804 1074 1 879447476 +804 1076 3 879446162 +804 1079 4 879444133 +804 1101 3 879444805 +804 1139 3 879446145 +804 1140 3 879446276 +804 1170 3 879445393 +804 1177 3 879446390 +804 1178 3 879445990 +804 1188 2 879446245 +804 1210 2 879447476 +804 1222 3 879446276 +804 1228 3 879446090 +804 1244 2 879441132 +804 1260 3 879445660 +804 1285 2 879445766 +804 1291 3 879444115 +804 1411 3 879446129 +804 1488 3 879445579 +804 1489 3 879445441 +804 1615 4 879441195 +805 1 4 881695527 +805 4 2 881694798 +805 5 4 881695293 +805 7 5 881694693 +805 8 3 881704063 +805 9 3 881697667 +805 11 2 881694423 +805 12 4 881695677 +805 13 3 881704063 +805 17 4 881695346 +805 21 2 881705055 +805 22 1 881694423 +805 24 4 881694923 +805 25 4 881704193 +805 28 3 881698243 +805 32 4 881697792 +805 33 5 881694885 +805 38 3 881695080 +805 40 3 881704553 +805 42 2 881704193 +805 45 4 881697128 +805 47 5 881698778 +805 50 4 879971214 +805 55 5 881694693 +805 56 4 881694423 +805 58 4 881698778 +805 65 3 881698861 +805 68 3 881694886 +805 71 3 881695560 +805 79 5 881694423 +805 82 3 881694854 +805 83 4 881696671 +805 86 4 881696729 +805 88 2 881696876 +805 89 4 881694713 +805 90 2 881705412 +805 91 5 881695527 +805 93 5 881704016 +805 94 1 881705412 +805 95 3 881695527 +805 96 4 881694713 +805 98 5 881695196 +805 99 2 881695560 +805 100 5 881695196 +805 101 2 881695591 +805 102 4 881695591 +805 105 2 881705238 +805 106 5 881695968 +805 108 3 881705082 +805 111 3 881696671 +805 117 3 881694798 +805 118 3 881695745 +805 121 3 881694885 +805 122 5 881705350 +805 123 4 881695723 +805 127 3 879971215 +805 128 5 881694798 +805 135 4 881698095 +805 137 5 881697713 +805 140 3 881705892 +805 141 2 881705843 +805 142 4 881705843 +805 143 3 881705765 +805 144 3 881694693 +805 145 2 881695445 +805 147 5 881694286 +805 148 2 881695911 +805 150 5 883766549 +805 151 5 881705810 +805 153 4 881704063 +805 154 5 881704063 +805 155 1 881696923 +805 161 1 881694823 +805 162 2 881698069 +805 164 3 881695293 +805 167 3 881705534 +805 168 5 881704016 +805 169 4 881695527 +805 172 4 881694713 +805 173 4 881696671 +805 174 3 881694798 +805 175 5 881697229 +805 176 4 881684185 +805 179 4 881697792 +805 180 3 881698139 +805 181 3 879971215 +805 183 5 881684185 +805 185 5 881695196 +805 190 5 881694423 +805 191 4 881697713 +805 195 3 881694693 +805 196 2 881698778 +805 197 5 881696671 +805 200 5 881695244 +805 202 2 881696729 +805 204 2 881704016 +805 209 4 881684202 +805 210 3 881694693 +805 212 3 881696729 +805 213 3 881696699 +805 214 2 881700713 +805 216 2 881696699 +805 217 2 881695293 +805 222 4 881694823 +805 223 5 881698139 +805 225 1 881705892 +805 226 3 881694978 +805 228 3 881694423 +805 229 2 881694885 +805 231 3 881694978 +805 234 5 881695244 +805 235 2 881705350 +805 238 5 881704223 +805 240 3 881705350 +805 241 2 881694923 +805 248 4 881683074 +805 258 3 879971215 +805 259 1 879971049 +805 269 5 879971251 +805 271 3 880055033 +805 273 2 883415418 +805 274 2 881705055 +805 288 1 881695244 +805 294 1 879970879 +805 317 4 881698745 +805 319 2 881696876 +805 321 3 881705292 +805 322 2 879971215 +805 323 5 879971214 +805 331 4 879971214 +805 337 2 881180971 +805 338 1 879970974 +805 343 5 881684185 +805 346 4 883766007 +805 352 5 885845656 +805 357 5 881697713 +805 358 3 879971215 +805 367 4 881705108 +805 371 1 881696759 +805 382 4 881698258 +805 383 2 881706146 +805 385 1 881694693 +805 386 3 881704224 +805 387 3 881696905 +805 393 3 881705843 +805 396 4 881695396 +805 401 4 881705108 +805 402 2 881697013 +805 403 4 881694886 +805 405 3 881694885 +805 406 1 881695445 +805 411 2 881705350 +805 412 3 881705592 +805 413 2 881695414 +805 417 2 881705918 +805 418 2 881695527 +805 419 4 881705766 +805 420 4 881695560 +805 422 4 881695560 +805 423 1 881698175 +805 425 5 881698745 +805 428 5 881704337 +805 431 1 881694713 +805 432 5 881695527 +805 433 4 883415418 +805 436 3 881695347 +805 443 5 881695196 +805 447 4 881695293 +805 451 5 881696759 +805 452 3 881695445 +805 455 4 881694854 +805 469 4 881698243 +805 470 5 881695872 +805 472 2 881695040 +805 473 4 881695591 +805 475 5 881704016 +805 476 1 881705592 +805 477 4 881705810 +805 501 5 881695560 +805 509 5 881698095 +805 519 4 881698095 +805 522 5 881698095 +805 525 4 881696335 +805 527 3 881698798 +805 537 5 881703643 +805 541 3 882216971 +805 545 1 881705488 +805 546 2 881703473 +805 549 3 881696759 +805 550 3 881694854 +805 552 3 881696124 +805 554 1 881695080 +805 558 5 881695243 +805 559 3 881695347 +805 568 3 881694854 +805 569 1 881695414 +805 576 4 881695040 +805 581 2 881695793 +805 582 3 881698798 +805 588 2 881695527 +805 595 3 881695951 +805 597 3 881695080 +805 603 4 881696335 +805 625 3 881695560 +805 629 3 881704553 +805 631 5 881698243 +805 636 4 881694978 +805 642 4 881695830 +805 645 5 881704193 +805 648 4 881696729 +805 655 3 881698175 +805 659 3 881695677 +805 660 3 881698881 +805 661 4 881697713 +805 664 5 881697667 +805 665 4 881684185 +805 678 4 879971214 +805 679 4 881694854 +805 708 3 881699661 +805 709 4 881696699 +805 715 4 881698828 +805 716 4 881696980 +805 719 4 881705389 +805 724 2 881696699 +805 725 3 881705672 +805 729 3 881699728 +805 735 4 881698139 +805 739 1 881697013 +805 742 3 881695872 +805 747 3 881696729 +805 748 2 879971215 +805 755 3 881705810 +805 761 3 881695040 +805 768 2 881706049 +805 769 2 881695999 +805 771 5 881695999 +805 772 3 881698881 +805 806 4 881698175 +805 810 2 881695105 +805 827 4 881695040 +805 831 4 881695040 +805 856 4 881698881 +805 866 1 881705412 +805 890 3 882216972 +805 922 5 881702716 +805 928 3 881695930 +805 934 1 881705611 +805 942 3 881698861 +805 946 2 881695591 +805 950 3 881698828 +805 952 5 881704553 +805 959 2 881705327 +805 998 4 881705327 +805 1002 1 881705592 +805 1008 4 881699661 +805 1014 4 881694265 +805 1017 3 881704337 +805 1033 3 881706146 +805 1054 3 881705637 +805 1065 5 881697792 +805 1071 4 881705456 +805 1091 2 881695591 +805 1098 3 881704150 +805 1101 5 881698745 +805 1105 2 884881781 +805 1110 5 881694978 +805 1118 5 881704553 +805 1119 3 881696759 +805 1149 4 881697229 +805 1157 5 881696124 +805 1170 5 881700749 +805 1232 3 881703472 +805 1629 5 881703690 +806 1 4 882385082 +806 2 3 882389862 +806 3 2 882385916 +806 6 2 882385063 +806 12 5 882388204 +806 14 3 882385394 +806 17 4 882389506 +806 24 3 882385394 +806 28 3 882388286 +806 29 4 882390296 +806 45 4 882388159 +806 47 4 882387563 +806 50 5 882385200 +806 56 5 882387999 +806 70 2 882388628 +806 76 3 882389054 +806 79 3 882387448 +806 81 5 882389727 +806 82 4 882389179 +806 88 4 882390191 +806 89 5 882387756 +806 90 4 882390164 +806 95 5 882388658 +806 96 5 882389908 +806 98 4 882387798 +806 100 4 882385063 +806 111 3 882385237 +806 117 2 882385237 +806 121 4 882385916 +806 122 3 882385694 +806 127 5 882386323 +806 128 3 882388419 +806 131 4 882390496 +806 133 5 882389908 +806 143 5 882390296 +806 144 5 882388658 +806 150 4 882385563 +806 153 4 882388658 +806 155 3 882390164 +806 156 4 882388128 +806 157 3 882387974 +806 158 2 882390404 +806 161 3 882388328 +806 162 3 882388557 +806 168 4 882387595 +806 169 5 882387756 +806 170 5 882387520 +806 172 3 882387373 +806 174 5 882387870 +806 175 5 882387756 +806 176 5 882387798 +806 177 3 882388254 +806 179 5 882387870 +806 180 4 882388082 +806 181 2 882384988 +806 182 5 882387925 +806 186 4 882387925 +806 187 5 882387670 +806 188 3 882388159 +806 192 4 882387798 +806 195 3 882388328 +806 196 5 882388437 +806 197 4 882387728 +806 200 4 882387670 +806 204 5 882388205 +806 209 3 882387837 +806 210 5 882387520 +806 216 4 882388128 +806 222 4 882385563 +806 226 3 882389908 +806 227 2 882388353 +806 228 4 882389230 +806 230 4 882388520 +806 231 3 882390614 +806 233 2 882390614 +806 234 4 882388036 +806 237 2 882385135 +806 238 4 882388082 +806 240 2 882385455 +806 249 4 882385476 +806 252 1 882386110 +806 254 3 882387272 +806 257 4 882385394 +806 258 3 882384589 +806 265 4 882388328 +806 271 3 882384844 +806 273 4 882385524 +806 286 3 882384513 +806 288 3 882384554 +806 302 4 882384513 +806 318 5 882387484 +806 324 2 882384513 +806 343 3 882384656 +806 357 3 882387373 +806 403 4 882388706 +806 405 3 882385762 +806 407 3 882386125 +806 408 5 882385237 +806 419 5 882388706 +806 421 4 882388897 +806 433 4 882389523 +806 455 3 882385455 +806 461 4 882388706 +806 475 4 882385083 +806 483 4 882387409 +806 484 4 882387373 +806 485 5 882388381 +806 496 5 882387798 +806 504 4 882388658 +806 511 5 882387520 +806 518 3 882388231 +806 521 3 882387595 +806 522 3 882388128 +806 553 3 882389831 +806 588 4 882388795 +806 628 3 882385309 +806 629 3 882389862 +806 654 5 882387837 +806 655 3 882388128 +806 675 3 882388381 +806 690 2 882384589 +806 702 3 882388795 +806 705 4 882387595 +806 789 4 882389319 +806 856 5 882387644 +806 875 3 882384802 +806 879 3 882384802 +806 923 3 882389080 +806 952 2 882385578 +806 1010 3 882385806 +806 1012 4 882385278 +806 1016 1 882386110 +806 1018 4 882389908 +806 1048 3 882385806 +806 1059 3 882390426 +806 1071 4 882388965 +806 1074 3 882390515 +806 1098 4 882387925 +806 1129 3 882384988 +806 1514 3 882385643 +807 1 4 892528231 +807 2 4 892978338 +807 8 4 892528374 +807 21 4 892823188 +807 22 5 892528470 +807 28 4 892528918 +807 29 4 892530626 +807 50 5 892529076 +807 62 3 892979256 +807 63 5 892531504 +807 68 4 892705239 +807 69 5 892528110 +807 71 5 892530705 +807 73 3 892532030 +807 79 5 892528690 +807 82 4 892529278 +807 89 4 892528470 +807 91 5 892684675 +807 94 2 892823225 +807 95 4 892529185 +807 96 3 892528564 +807 99 5 892529401 +807 101 4 893080637 +807 102 4 892979501 +807 117 4 892528813 +807 118 4 892529713 +807 121 4 892529278 +807 127 3 892529647 +807 132 4 892530003 +807 133 5 892705060 +807 135 5 892705362 +807 136 5 892529185 +807 139 2 893082430 +807 140 3 892530004 +807 141 3 892684576 +807 142 3 892530752 +807 143 4 892528062 +807 144 4 892528771 +807 151 4 893081163 +807 154 2 892528919 +807 161 4 892528919 +807 168 4 892529893 +807 172 5 892528515 +807 173 3 892528285 +807 174 5 892528866 +807 177 4 892705191 +807 181 5 892528954 +807 186 4 892530004 +807 193 4 892529483 +807 194 4 892528427 +807 195 3 892528999 +807 199 5 892528374 +807 204 4 892528954 +807 205 3 892528605 +807 206 2 892684932 +807 208 4 892528646 +807 210 4 892528646 +807 211 4 892529448 +807 222 4 892528174 +807 227 4 892529805 +807 228 4 892529448 +807 229 4 892530752 +807 230 4 892530216 +807 231 4 892530705 +807 234 3 892530216 +807 235 1 892530173 +807 239 4 892529805 +807 250 4 893084375 +807 252 4 893084689 +807 254 4 893085166 +807 257 4 893084232 +807 258 3 892527100 +807 265 5 892529076 +807 271 3 892527385 +807 289 4 892527665 +807 298 4 893083851 +807 300 5 892527168 +807 313 5 892527050 +807 318 5 892528062 +807 358 3 892527606 +807 373 4 893081695 +807 374 3 893083109 +807 380 4 893080442 +807 381 2 892530004 +807 384 4 893080838 +807 385 4 892530349 +807 386 4 893080516 +807 393 4 892528954 +807 398 3 893082268 +807 399 4 893080801 +807 402 5 892705096 +807 403 4 892979116 +807 404 3 892528427 +807 405 4 892684722 +807 408 3 892528813 +807 415 3 893082702 +807 416 3 892528771 +807 417 3 892979746 +807 418 4 892529358 +807 419 5 892528813 +807 420 3 892979368 +807 421 3 892529805 +807 422 4 893082741 +807 423 5 892528470 +807 427 4 892528427 +807 428 4 892530439 +807 431 4 892528062 +807 432 5 892530498 +807 435 3 892528690 +807 449 5 893082893 +807 450 4 893082931 +807 451 5 892530112 +807 465 4 892529448 +807 470 5 892529448 +807 471 4 892775416 +807 472 4 892530625 +807 473 3 892530705 +807 477 4 892775458 +807 483 5 892529756 +807 484 4 892530966 +807 485 5 892531977 +807 491 5 892528062 +807 495 4 892530792 +807 496 5 892528918 +807 498 4 892529150 +807 501 3 892529358 +807 503 3 892530004 +807 505 3 892528110 +807 510 5 892529401 +807 511 5 892705391 +807 515 4 892528999 +807 520 5 892529358 +807 523 3 892529519 +807 526 5 892530061 +807 527 5 892528646 +807 528 4 892530173 +807 541 4 893083740 +807 542 5 893081951 +807 543 2 892528427 +807 546 4 892978966 +807 550 5 892979747 +807 554 4 892684529 +807 566 4 892528999 +807 570 4 893081426 +807 576 4 893081656 +807 578 4 892530582 +807 584 4 892529031 +807 588 5 892530251 +807 596 4 892530792 +807 597 4 892705277 +807 602 5 893083772 +807 605 3 892529150 +807 610 3 892684802 +807 612 5 892528690 +807 622 3 892530656 +807 624 3 892530705 +807 625 3 892978296 +807 627 4 892684456 +807 630 4 892529573 +807 633 4 892529401 +807 636 4 892530752 +807 657 4 892529573 +807 659 4 892977077 +807 678 3 892527569 +807 679 4 892705307 +807 684 5 892529851 +807 699 4 892528515 +807 705 4 892528918 +807 720 4 893080801 +807 739 4 892684321 +807 743 3 893083216 +807 748 4 892527267 +807 751 3 892527467 +807 757 4 892528374 +807 820 3 892532068 +807 826 3 893082505 +807 831 4 892530881 +807 842 4 892979600 +807 843 2 892684615 +807 930 5 893082778 +807 946 3 893081338 +807 968 4 892530498 +807 969 4 892528375 +807 998 3 893081656 +807 1016 4 893083991 +807 1034 5 893082544 +807 1039 4 892528324 +807 1050 5 892529311 +807 1063 4 892529112 +807 1066 5 893081508 +807 1076 3 893082227 +807 1078 4 892979639 +807 1084 4 892529519 +807 1089 4 893084724 +807 1091 3 893082703 +807 1133 3 892823295 +807 1138 5 893084886 +807 1274 3 893083179 +807 1409 4 892978256 +807 1411 1 893082619 +807 1413 2 893083486 +807 1444 3 893082702 +807 1483 4 892527385 +807 1615 4 893084653 +808 245 4 883949822 +808 262 5 883949986 +808 264 5 883949986 +808 270 4 883949560 +808 271 3 883949602 +808 286 4 883949560 +808 288 3 883949454 +808 294 5 883949986 +808 300 4 883949681 +808 302 5 883949986 +808 312 3 883949873 +808 313 5 883949986 +808 325 1 883949873 +808 327 5 883949986 +808 332 4 883949639 +808 333 4 883949519 +808 340 5 883949986 +808 346 5 883949986 +808 748 4 883949873 +808 750 5 883949986 +808 751 3 883949560 +808 872 5 883949986 +808 875 4 883949915 +809 245 3 891037127 +809 258 3 891036903 +809 272 5 891036743 +809 286 4 891036809 +809 289 1 891037020 +809 299 4 891037069 +809 300 4 891036903 +809 302 5 891036743 +809 307 5 891036809 +809 313 4 891036743 +809 315 5 891036743 +809 319 3 891036744 +809 322 3 891037069 +809 328 5 891036989 +809 331 2 891036809 +809 333 3 891036903 +809 340 4 891036744 +809 678 2 891037172 +809 748 3 891037091 +809 1025 1 891037205 +810 243 4 879895350 +810 269 5 891293811 +810 286 4 891293811 +810 288 3 879895233 +810 289 5 879895403 +810 294 5 879895233 +810 300 5 890083187 +810 301 5 890083124 +810 304 4 885406558 +810 313 5 885406451 +810 321 5 879895290 +810 323 4 879895314 +810 326 5 891873739 +810 328 5 885406635 +810 331 4 891873686 +810 333 5 886614819 +810 338 4 891873660 +810 339 5 891294039 +810 342 5 890083580 +810 678 4 879895453 +810 873 3 879895403 +810 876 3 886614969 +810 878 4 879895500 +810 879 5 890083124 +810 881 4 879895350 +810 902 5 890083210 +811 243 3 886377579 +811 258 5 886377311 +811 286 5 886376983 +811 289 2 886377426 +811 292 3 886377041 +811 294 4 886377483 +811 300 5 886377373 +811 301 5 886377530 +811 304 5 886377311 +811 307 4 886377248 +811 308 4 886377082 +811 315 4 886377579 +811 321 3 886377483 +811 323 5 886377579 +811 678 5 886377686 +811 690 5 886377248 +811 748 3 886377579 +811 892 4 886377530 +811 895 5 886377311 +811 901 4 886377771 +811 988 4 886377686 +812 245 2 877625367 +812 261 1 877625461 +812 286 2 877625109 +812 288 4 877625294 +812 289 1 877625461 +812 292 3 877625610 +812 294 5 877625367 +812 300 5 877625461 +812 302 3 877625109 +812 326 4 877625294 +812 328 4 877625368 +812 332 4 877625368 +812 333 5 877625294 +812 358 3 877625461 +812 678 4 877625294 +812 682 4 877625224 +812 748 5 877625368 +812 873 4 877625537 +812 881 4 877625537 +812 1393 3 877625224 +813 9 3 883752051 +813 243 3 883752660 +813 259 2 883752528 +813 263 3 883752606 +813 266 2 883752660 +813 270 5 883752380 +813 271 4 883752455 +813 289 4 883752455 +813 294 1 883752051 +813 300 4 883752331 +813 304 1 883752380 +813 307 4 883752265 +813 310 4 883752290 +813 326 3 883752380 +813 335 2 883752417 +813 342 1 883752417 +813 358 3 883752606 +813 538 3 883752380 +813 680 2 883752660 +813 690 4 883752331 +813 750 4 883752264 +813 751 5 883752264 +813 877 1 883752331 +813 890 4 883752708 +813 892 1 883752708 +813 893 3 883752708 +813 898 1 883752264 +813 901 1 883752708 +813 988 3 883752528 +814 5 3 885411030 +814 7 4 885411073 +814 17 3 885411073 +814 53 4 885411132 +814 56 3 885410957 +814 98 4 885410957 +814 100 4 885410957 +814 145 2 885411749 +814 184 3 885411073 +814 185 3 885411030 +814 200 4 885411204 +814 201 2 885410957 +814 218 3 885411030 +814 219 4 885411030 +814 234 3 885410957 +814 288 4 885410789 +814 358 2 885410837 +814 413 2 885411749 +814 436 3 885411073 +814 441 2 885411347 +814 443 3 885411132 +814 444 2 885411347 +814 447 3 885411030 +814 448 3 885411030 +814 559 3 885411132 +814 565 3 885411347 +814 590 2 885411749 +814 635 2 885411749 +814 656 3 885410957 +814 665 4 885411204 +814 667 2 885411204 +814 669 3 885411204 +814 672 3 885411030 +814 674 3 885411030 +814 675 3 885410957 +815 1 5 878691975 +815 2 3 878696355 +815 7 4 878691975 +815 9 4 878691739 +815 28 4 878694199 +815 31 4 878695490 +815 50 5 878691739 +815 54 3 878696355 +815 57 5 878694854 +815 65 5 878694664 +815 69 4 878694106 +815 71 5 878694341 +815 77 4 878695798 +815 79 4 878694493 +815 82 4 884267891 +815 83 4 878695311 +815 86 5 878693989 +815 87 5 878694199 +815 88 4 878695176 +815 89 4 878695092 +815 91 3 878696840 +815 94 3 878697705 +815 95 3 878693381 +815 96 5 878693871 +815 97 5 878694983 +815 98 4 878693183 +815 99 4 878694665 +815 102 3 878694028 +815 114 5 878695019 +815 117 3 878691884 +815 121 2 878692344 +815 125 5 878692242 +815 127 3 878691739 +815 131 2 878698449 +815 132 5 878695278 +815 133 5 878694613 +815 134 4 878694613 +815 135 2 878694493 +815 136 5 878695311 +815 141 4 878694613 +815 143 5 878694665 +815 144 4 878693989 +815 151 4 878692207 +815 153 4 878695020 +815 154 5 878694453 +815 158 2 878695645 +815 159 3 878694306 +815 163 4 878695841 +815 167 2 878697705 +815 168 3 878693424 +815 172 5 878694613 +815 173 5 878695241 +815 174 4 878693424 +815 175 3 878694952 +815 176 4 878694705 +815 179 2 878694228 +815 181 5 878691844 +815 182 3 878693424 +815 183 5 878694381 +815 185 3 878693830 +815 188 3 878693906 +815 190 5 878693381 +815 191 5 878693183 +815 193 4 878696054 +815 195 4 878695278 +815 196 4 878694526 +815 199 4 878694055 +815 200 5 878693871 +815 202 4 878694341 +815 203 4 878696650 +815 204 4 878693871 +815 210 2 878698553 +815 214 5 878693497 +815 215 5 878694820 +815 216 3 878693381 +815 217 3 878696681 +815 222 4 884320310 +815 226 3 878698704 +815 227 2 878695147 +815 228 5 878694735 +815 229 3 878695527 +815 230 5 878698098 +815 233 3 878694381 +815 239 5 878694563 +815 240 2 878692319 +815 250 1 878691779 +815 252 2 884267891 +815 257 3 884320266 +815 258 4 884320310 +815 265 5 878696181 +815 313 5 884222552 +815 318 5 878693497 +815 333 3 887978234 +815 357 5 878693906 +815 380 3 878695744 +815 386 2 878696563 +815 391 2 878697734 +815 392 4 878697163 +815 393 4 878696473 +815 402 5 878695438 +815 403 4 878697532 +815 404 4 878695147 +815 405 4 878692071 +815 417 5 878694664 +815 418 4 878695744 +815 419 3 878695490 +815 423 5 878694613 +815 427 5 887978255 +815 432 5 878694952 +815 433 3 878695199 +815 434 3 878696619 +815 435 4 878694269 +815 436 3 878695241 +815 443 3 878695055 +815 444 2 878698407 +815 449 2 878698661 +815 451 3 878696965 +815 465 5 878694952 +815 471 2 878692149 +815 472 1 878692826 +815 479 4 878694106 +815 483 5 878696284 +815 484 4 878693989 +815 485 4 878694820 +815 494 5 878696093 +815 496 5 878694027 +815 501 3 878694028 +815 514 1 878693183 +815 515 5 878691739 +815 518 3 878693183 +815 521 4 878694381 +815 523 4 878693462 +815 524 4 878693381 +815 526 4 878696093 +815 527 5 878693830 +815 528 5 887978255 +815 529 5 878694854 +815 542 4 878694820 +815 559 3 878695877 +815 582 1 878695311 +815 584 3 878696355 +815 588 5 878693906 +815 596 5 878692043 +815 602 3 878694269 +815 603 3 878694664 +815 613 5 878694983 +815 614 3 878695964 +815 615 2 878696181 +815 616 1 878697189 +815 623 3 878697043 +815 625 4 878694705 +815 629 4 878695527 +815 631 4 887978234 +815 639 2 878696681 +815 647 5 878694055 +815 650 2 878696213 +815 655 3 878694563 +815 659 5 878694952 +815 660 4 878696441 +815 665 2 878698525 +815 671 4 878695679 +815 675 2 878698831 +815 684 4 878696441 +815 686 5 878695092 +815 705 5 878693183 +815 712 3 878696563 +815 713 4 878692016 +815 732 5 878694106 +815 735 5 878695438 +815 835 3 878694269 +815 837 5 878694983 +815 871 1 878693073 +815 919 5 878691844 +815 944 3 878696318 +815 945 4 878697261 +815 969 5 878694306 +815 993 2 878691939 +815 1039 5 878693870 +815 1078 2 878695903 +815 1133 3 878697466 +815 1157 2 884267828 +815 1204 5 878696619 +815 1299 3 878697015 +816 243 4 891711554 +816 258 3 891711378 +816 259 2 891711423 +816 260 3 891711579 +816 264 4 891711495 +816 271 4 891711378 +816 288 4 891710724 +816 294 5 891711801 +816 300 4 891710724 +816 309 5 891711801 +816 313 5 891710780 +816 322 4 891710922 +816 323 4 891711324 +816 326 4 891710803 +816 328 4 891710968 +816 331 5 891710922 +816 332 4 891710994 +816 342 4 891711519 +816 343 4 891711423 +816 349 4 891711554 +816 355 2 891711472 +816 678 4 891710837 +816 687 2 891711554 +816 690 4 891710922 +816 1025 4 891711495 +817 1 4 874815835 +817 7 4 874815885 +817 9 3 874815836 +817 15 3 874815836 +817 24 4 874815947 +817 117 5 874815947 +817 118 3 874815947 +817 121 3 874815835 +817 124 4 874815885 +817 129 4 874815836 +817 147 3 874815947 +817 222 4 874815835 +817 245 2 874815789 +817 258 3 874815541 +817 273 5 874815885 +817 281 4 874816007 +817 288 4 874815593 +817 289 2 874815789 +817 294 4 874815593 +817 300 3 874815542 +817 324 2 874815789 +817 327 4 874815593 +817 328 4 874815679 +817 329 4 874815649 +817 358 4 874815679 +817 363 3 874816007 +817 405 3 874815947 +817 455 3 874815947 +817 546 4 874815947 +817 597 2 874816007 +817 748 4 874815649 +817 831 1 874816007 +817 840 2 874816007 +817 876 4 874815542 +817 924 3 874815947 +817 928 3 874815835 +818 245 4 891870515 +818 258 4 891870301 +818 269 3 891870173 +818 271 4 891870389 +818 286 4 891870222 +818 288 5 891870364 +818 300 2 891870222 +818 302 5 891870264 +818 303 5 891870222 +818 312 2 891870546 +818 313 4 891870173 +818 316 4 891870301 +818 322 2 891870389 +818 328 4 891870301 +818 346 4 891870364 +818 690 3 891870301 +818 751 5 891870473 +818 875 1 891870590 +818 887 4 891870590 +818 912 3 891870301 +818 1105 1 891883071 +819 70 4 884105841 +819 147 5 884105025 +819 177 4 884105025 +819 182 4 884105025 +819 245 3 879952688 +819 246 4 884012614 +819 248 5 880382511 +819 255 1 884105841 +819 258 2 879952538 +819 268 4 884012614 +819 286 5 879952508 +819 300 5 879952538 +819 302 5 884012512 +819 303 4 879952508 +819 304 4 879952565 +819 315 5 884618354 +819 319 4 879952627 +819 321 4 880381928 +819 327 4 879952656 +819 340 5 879952627 +819 345 4 884618137 +819 346 5 884012487 +819 381 4 884105841 +819 533 4 884618086 +819 744 5 880382355 +819 862 2 884012586 +819 1160 4 880382533 +819 1537 5 884012662 +820 258 3 887954853 +820 264 3 887955180 +820 271 2 887955020 +820 286 4 887954853 +820 288 5 887954934 +820 289 2 887955020 +820 301 2 887955046 +820 302 5 887954906 +820 313 5 887954934 +820 315 3 887954828 +820 316 3 887955204 +820 324 3 887955020 +820 328 2 887955079 +820 333 5 887954878 +820 343 4 887955241 +820 347 4 887954853 +820 358 1 887954972 +820 538 3 887954906 +820 748 1 887955223 +820 751 1 887955180 +820 895 2 887955046 +821 1 5 874792813 +821 14 4 874792369 +821 15 5 874792835 +821 22 5 874793418 +821 28 5 874793469 +821 56 5 874793847 +821 64 5 874793649 +821 70 4 874793933 +821 71 5 874793969 +821 79 5 874793517 +821 95 5 874793898 +821 97 5 874793848 +821 98 5 874793847 +821 100 2 874792285 +821 106 2 874793196 +821 111 4 874793049 +821 117 3 874792442 +821 118 3 874793218 +821 121 3 874792752 +821 125 4 874792860 +821 126 5 874792570 +821 132 5 874793898 +821 148 3 874792650 +821 151 4 874792889 +821 161 4 874793898 +821 174 5 874793773 +821 180 5 874793517 +821 181 4 874792521 +821 213 5 874793806 +821 234 5 874793574 +821 237 5 874792491 +821 274 5 874792778 +821 275 5 874792369 +821 281 3 874793218 +821 284 3 874792521 +821 294 4 874792194 +821 318 5 874793368 +821 357 5 874793517 +821 389 5 874793469 +821 405 4 874793022 +821 427 5 874793649 +821 435 4 874793773 +821 459 5 874792698 +821 471 4 874792752 +821 473 3 874792813 +821 476 4 874792403 +821 483 5 874793517 +821 484 5 874793898 +821 495 5 874793574 +821 504 4 874793848 +821 509 5 874793574 +821 560 3 874793773 +821 597 3 874793022 +821 705 5 874793649 +821 707 5 874793848 +821 742 4 874793130 +821 763 3 874792491 +821 845 5 874792591 +821 993 4 874792570 +821 1060 5 874793022 +821 1084 5 874792285 +821 1197 5 874792889 +822 1 4 891037291 +822 25 3 891039543 +822 71 4 891037465 +822 91 3 891037394 +822 95 4 891037394 +822 101 2 891037465 +822 111 4 891039414 +822 169 4 891037394 +822 189 4 891037394 +822 206 3 891036851 +822 235 3 891039543 +822 272 3 891033683 +822 333 4 891033747 +822 358 3 891037112 +822 408 5 891037291 +822 410 1 891039486 +822 432 3 891037394 +822 539 2 891035086 +822 588 2 891037394 +822 751 3 891035141 +822 902 4 891033747 +822 926 2 891040155 +822 1091 1 891038627 +822 1110 4 891036395 +822 1240 3 891036703 +823 1 4 878438206 +823 4 5 878438607 +823 7 5 878438298 +823 8 5 878437925 +823 12 4 878437925 +823 13 5 878438642 +823 17 4 878439655 +823 22 5 878438058 +823 25 3 878438642 +823 26 5 878438930 +823 28 3 878438058 +823 31 5 878439038 +823 33 3 878438332 +823 42 4 878438357 +823 48 5 878438642 +823 50 5 878438435 +823 52 3 878439605 +823 53 5 878439229 +823 55 4 878438484 +823 56 5 878438119 +823 58 5 878438930 +823 64 5 878437753 +823 66 4 878439391 +823 68 3 878438930 +823 69 5 878438095 +823 71 3 878439008 +823 77 4 878438958 +823 79 4 878439038 +823 81 4 878437836 +823 83 3 878438024 +823 87 5 878438887 +823 88 5 878438780 +823 89 5 878438780 +823 90 4 878438552 +823 91 3 878439365 +823 92 5 878438357 +823 94 2 878439497 +823 95 4 878439257 +823 96 4 878438179 +823 97 5 878439113 +823 98 5 878437890 +823 100 5 878437658 +823 101 3 878438807 +823 102 4 878438807 +823 111 4 878438206 +823 124 4 878437925 +823 125 4 878438585 +823 127 5 878438357 +823 128 2 878438733 +823 134 5 878438232 +823 135 4 878438379 +823 136 5 878438206 +823 140 3 878438332 +823 141 4 878438484 +823 143 4 878438024 +823 144 5 878438535 +823 150 4 878438058 +823 151 4 878438732 +823 152 5 878437703 +823 153 4 878438856 +823 154 5 878438607 +823 155 3 878439211 +823 156 5 878438403 +823 157 5 878438435 +823 159 3 878438484 +823 160 4 878438232 +823 161 3 878438535 +823 164 3 878437658 +823 168 5 878437658 +823 170 4 878438357 +823 172 5 878437589 +823 173 5 878438148 +823 174 5 878437589 +823 175 4 878438457 +823 176 4 878438807 +823 180 4 878439008 +823 181 4 878438260 +823 182 4 878438260 +823 183 4 878438403 +823 184 3 878439629 +823 186 4 878438672 +823 187 5 878438148 +823 188 5 878438672 +823 191 5 878437623 +823 193 5 878439113 +823 194 5 878439136 +823 195 4 878437703 +823 196 5 878439211 +823 197 5 878437623 +823 198 4 878439065 +823 202 4 878438672 +823 204 4 878438930 +823 206 4 878439089 +823 209 4 878438379 +823 210 4 878439498 +823 211 5 878438585 +823 215 4 878437925 +823 216 5 878438584 +823 217 3 878439655 +823 218 4 878438232 +823 219 2 878439038 +823 222 3 878438179 +823 227 1 878439497 +823 228 3 878438435 +823 229 3 878439211 +823 230 3 878439557 +823 231 3 878439337 +823 233 4 878439365 +823 234 4 878438608 +823 237 4 878439037 +823 238 5 878438057 +823 239 4 878438959 +823 240 3 878438119 +823 273 3 878437890 +823 274 4 878439038 +823 282 3 878439364 +823 286 5 878437499 +823 294 3 878439981 +823 318 5 878438179 +823 333 3 878439845 +823 356 3 878439467 +823 374 1 878438733 +823 401 4 878439365 +823 404 4 878438484 +823 408 5 878437589 +823 410 4 878438535 +823 418 4 878438672 +823 419 4 878438780 +823 423 5 878438780 +823 425 5 878438298 +823 426 4 878437658 +823 427 4 878439038 +823 428 5 878438511 +823 433 4 878438379 +823 450 1 878439412 +823 459 4 878438379 +823 471 3 878438608 +823 473 3 878439065 +823 474 5 878437890 +823 475 5 878438297 +823 478 4 878439113 +823 502 5 878439008 +823 503 5 878439315 +823 514 5 878438024 +823 517 5 878437658 +823 531 4 878437890 +823 566 4 878439605 +823 568 3 878439293 +823 588 3 878438179 +823 606 4 878438856 +823 625 4 878438807 +823 631 4 878439293 +823 640 1 878439315 +823 642 4 878439089 +823 651 5 878438179 +823 654 5 878437703 +823 655 5 878439364 +823 659 4 878437589 +823 660 5 878438435 +823 684 4 878439391 +823 686 4 878439257 +823 692 4 878439438 +823 708 4 878438930 +823 709 3 878438095 +823 710 4 878438457 +823 715 5 878439065 +823 721 4 878438695 +823 732 5 878439183 +823 735 4 878438754 +823 739 4 878439582 +823 742 4 878438535 +823 747 4 878438585 +823 762 4 878439557 +823 770 4 878438754 +823 792 3 878438057 +823 866 2 878438179 +823 919 4 878438206 +823 1046 3 878439467 +823 1067 4 878438511 +823 1070 4 878438332 +823 1107 3 878438332 +823 1118 3 878437836 +823 1135 3 878437836 +823 1217 1 878438435 +823 1267 4 878438780 +824 243 1 877021002 +824 245 2 877021121 +824 259 4 877020927 +824 268 4 877020871 +824 286 2 877020871 +824 288 3 877020927 +824 289 2 877021044 +824 292 3 877020927 +824 294 3 877021002 +824 304 3 877020964 +824 319 2 877020927 +824 321 2 877021002 +824 322 4 877021044 +824 323 2 877020965 +824 325 4 877021121 +824 678 3 877021121 +824 687 2 877021077 +824 748 1 877021077 +824 989 2 877021121 +824 991 3 877021121 +825 7 5 880755612 +825 9 3 880755418 +825 12 5 881101782 +825 14 3 880755942 +825 16 3 889020779 +825 20 2 889021180 +825 25 4 880756904 +825 50 4 880755418 +825 98 5 881101641 +825 100 4 880755942 +825 105 3 889021208 +825 106 4 880756504 +825 111 3 892947930 +825 116 3 880755693 +825 117 5 889021393 +825 118 4 880756725 +825 120 3 889020852 +825 121 5 880756076 +825 122 1 889021209 +825 124 3 881097389 +825 125 5 880755942 +825 126 3 880755982 +825 127 3 880755612 +825 130 2 889021235 +825 137 2 880756224 +825 147 5 880756643 +825 148 4 880756725 +825 174 5 881101782 +825 176 5 881101641 +825 181 4 880756224 +825 195 5 881101543 +825 222 5 880755468 +825 235 3 880756678 +825 237 4 880931932 +825 243 4 884642187 +825 245 5 882109193 +825 248 4 880755869 +825 249 3 880755693 +825 250 5 880755693 +825 252 5 880757103 +825 257 4 880931887 +825 258 4 880932625 +825 273 5 880756401 +825 274 4 889020826 +825 275 3 881100775 +825 276 1 880756575 +825 281 3 880756678 +825 282 4 880755693 +825 283 2 880756224 +825 284 3 880756603 +825 285 3 880756504 +825 286 4 889912073 +825 288 1 880931932 +825 289 1 882109193 +825 290 4 880755869 +825 291 5 880756603 +825 293 3 880931805 +825 294 4 880755305 +825 298 5 880756726 +825 307 4 880755305 +825 321 3 886697076 +825 322 5 884642187 +825 323 4 881185672 +825 325 5 882109250 +825 326 4 886696420 +825 363 4 881185343 +825 369 3 880756862 +825 370 3 889021180 +825 385 5 881101641 +825 405 5 880756442 +825 406 2 889021208 +825 407 3 889021180 +825 409 3 889020852 +825 411 3 889021134 +825 413 3 889020940 +825 423 5 881101641 +825 455 4 880756796 +825 456 3 889021287 +825 472 5 880756442 +825 491 4 881101782 +825 508 4 880756725 +825 515 4 880756076 +825 544 3 889021037 +825 546 5 880756603 +825 566 5 881101543 +825 591 4 880755943 +825 593 3 880755468 +825 595 3 889021134 +825 597 5 880756933 +825 619 4 880756834 +825 620 3 889021134 +825 628 4 880756504 +825 678 4 880757103 +825 685 4 880756321 +825 687 5 882109250 +825 696 3 889020961 +825 717 4 889021088 +825 740 2 880756320 +825 741 4 881343947 +825 742 4 880756224 +825 746 5 881101782 +825 748 5 880756504 +825 823 4 881342978 +825 825 4 881187129 +825 827 4 881184695 +825 831 3 880756796 +825 832 3 881101246 +825 833 4 881101329 +825 840 4 880757103 +825 841 4 880756904 +825 844 2 892949244 +825 864 3 880756725 +825 866 4 880756376 +825 870 3 880931932 +825 871 3 880932283 +825 919 1 881099316 +825 924 2 880756725 +825 925 4 880756904 +825 926 4 880756643 +825 928 3 880756224 +825 930 5 881184695 +825 931 3 889021287 +825 932 3 880756862 +825 979 4 889021134 +825 982 5 881184695 +825 984 5 884642187 +825 986 5 881185343 +825 988 3 889020557 +825 1008 1 889020680 +825 1011 3 881101246 +825 1013 2 881185672 +825 1015 2 880756321 +825 1016 3 880756077 +825 1028 3 889021037 +825 1034 4 881185343 +825 1047 3 880756934 +825 1049 3 880756834 +825 1051 4 880755693 +825 1087 3 881343153 +825 1117 3 880756402 +825 1163 3 880756076 +825 1199 4 880755762 +825 1244 5 881185672 +825 1254 1 880756678 +825 1291 2 889021258 +826 1 4 885690250 +826 2 3 885690713 +826 4 4 885690526 +826 11 4 885690526 +826 22 5 885690481 +826 29 3 885690750 +826 33 3 885690600 +826 38 3 885690750 +826 39 4 885690600 +826 50 5 885690525 +826 53 5 885690900 +826 55 5 885690636 +826 56 5 885690525 +826 62 4 885690790 +826 68 3 885690677 +826 71 5 885690342 +826 79 4 885690526 +826 82 3 885690482 +826 89 5 885690526 +826 91 4 885690342 +826 92 4 885690636 +826 95 5 885690342 +826 96 5 885690600 +826 99 3 885690379 +826 101 5 885690442 +826 102 4 885690442 +826 127 5 885690482 +826 161 3 885690677 +826 172 5 885690481 +826 174 5 885690481 +826 176 5 885690600 +826 177 5 885690676 +826 181 5 885690526 +826 182 4 885690600 +826 183 5 885690482 +826 184 3 885690677 +826 187 4 885690481 +826 188 4 885690636 +826 190 3 885690636 +826 195 5 885690636 +826 210 5 885690526 +826 226 4 885690677 +826 227 4 885690713 +826 228 3 885690600 +826 229 4 885690713 +826 230 4 885690600 +826 231 3 885690713 +826 232 3 885690713 +826 233 4 885690713 +826 241 4 885690600 +826 258 4 885689759 +826 260 3 885690022 +826 265 5 885690526 +826 271 4 885690022 +826 288 3 885689759 +826 294 4 885689918 +826 309 4 885689892 +826 313 5 885689782 +826 332 3 885689821 +826 336 4 885690064 +826 343 5 885690046 +826 373 3 885690900 +826 385 5 885690677 +826 391 4 885690854 +826 397 3 885690854 +826 399 4 885690790 +826 403 4 885690750 +826 420 3 885690342 +826 422 2 885690379 +826 426 2 885690379 +826 431 5 885690636 +826 432 3 885690379 +826 435 4 885690677 +826 449 4 885690819 +826 501 3 885690380 +826 510 4 885690677 +826 511 3 885690482 +826 526 3 885690677 +826 540 3 885690854 +826 550 3 885690750 +826 554 4 885690749 +826 566 3 885690636 +826 568 4 885690636 +826 570 4 885690790 +826 576 4 885690900 +826 578 5 885690713 +826 586 4 885690819 +826 588 4 885690342 +826 624 4 885690379 +826 625 3 885690442 +826 627 4 885690342 +826 651 4 885690526 +826 665 5 885690819 +826 678 4 885689942 +826 679 2 885690712 +826 684 3 885690600 +826 720 3 885690819 +826 748 4 885689918 +826 768 3 885690442 +826 771 3 885690900 +826 779 3 885690900 +826 802 4 885690854 +826 810 3 885690854 +826 820 3 885690250 +826 849 4 885690750 +826 946 3 885690342 +826 1091 3 885690379 +826 1110 4 885690900 +826 1219 4 885690442 +826 1222 3 885690819 +826 1228 3 885690900 +826 1231 3 885690854 +826 1239 4 885690854 +826 1240 5 885690442 +826 1409 2 885690442 +827 245 3 882807611 +827 258 3 882201175 +827 268 4 882201175 +827 269 5 882201356 +827 272 4 884213984 +827 286 3 882201725 +827 288 3 882204460 +827 289 3 882807571 +827 294 4 882807611 +827 300 3 882201725 +827 301 4 882201885 +827 302 4 882201356 +827 312 2 882809814 +827 313 3 892157221 +827 316 3 892157262 +827 326 3 882807503 +827 329 3 882807787 +827 331 3 892157376 +827 332 3 882204460 +827 333 3 892157242 +827 343 4 882201532 +827 347 3 892157356 +827 358 2 882808622 +827 689 3 882201884 +827 690 3 882807503 +827 748 4 882808465 +827 750 3 892157198 +827 938 3 892157282 +828 6 1 891035614 +828 10 3 891035970 +828 14 4 891035819 +828 19 5 891035613 +828 20 2 891035969 +828 24 4 891035864 +828 26 3 891037948 +828 45 4 891380166 +828 52 3 891037639 +828 57 3 891037640 +828 59 5 891036972 +828 60 4 891380167 +828 61 5 891037466 +828 70 3 893186210 +828 83 3 891036826 +828 86 3 891037047 +828 116 4 891035724 +828 170 3 891037231 +828 171 3 891036568 +828 179 4 891036972 +828 190 3 891036826 +828 198 4 891036492 +828 207 4 891036492 +828 213 2 891037865 +828 224 3 891035614 +828 246 2 893186163 +828 269 4 891033574 +828 270 5 891034148 +828 271 2 891035438 +828 275 3 891035614 +828 283 3 891035864 +828 286 4 891033342 +828 288 3 891034237 +828 301 2 893186210 +828 302 4 891380166 +828 303 4 891033574 +828 306 3 891033342 +828 313 3 891033342 +828 316 5 891034440 +828 322 3 891034515 +828 325 2 891035438 +828 327 4 891033756 +828 328 3 891033988 +828 331 4 891380166 +828 340 5 891033756 +828 345 1 891035438 +828 346 4 891380167 +828 347 1 891035438 +828 355 2 891035437 +828 381 3 891036568 +828 382 3 891037639 +828 462 3 891036630 +828 463 2 891036717 +828 475 4 891035724 +828 509 2 891036630 +828 510 3 891037231 +828 512 5 891037948 +828 531 4 891036972 +828 547 2 891035864 +828 557 2 891036826 +828 558 3 891037047 +828 582 3 891037813 +828 640 2 891037948 +828 652 5 891036492 +828 694 2 891036717 +828 702 2 891037466 +828 730 3 891036972 +828 737 1 891037948 +828 748 2 891035438 +828 751 3 891034306 +828 752 1 891035438 +828 753 4 891037047 +828 874 3 891380355 +828 886 1 891035438 +828 887 4 891033611 +828 895 2 891035437 +828 896 4 891379760 +828 900 2 891035438 +828 902 4 891380167 +828 903 4 891380167 +828 904 3 891618316 +828 906 3 891034148 +828 921 4 891037948 +828 923 3 891037047 +828 955 3 891379818 +828 958 5 891038262 +828 960 5 891036568 +828 961 2 891038222 +828 971 4 891380167 +828 985 3 893186246 +828 1005 3 891037813 +828 1056 1 891036630 +828 1062 4 891380166 +828 1068 4 891035864 +828 1073 4 891036630 +828 1153 3 891037948 +828 1196 2 891036492 +828 1268 2 891038098 +828 1462 3 891037948 +828 1466 4 891380166 +828 1597 3 891037813 +828 1622 1 891038060 +828 1646 4 893186124 +828 1672 2 891037722 +829 1 4 891990554 +829 10 3 881707829 +829 13 4 881086933 +829 14 2 881712488 +829 20 3 881707829 +829 70 4 881699060 +829 86 4 891992008 +829 100 4 881086893 +829 105 3 881711924 +829 116 4 881698644 +829 124 4 892312784 +829 125 3 891990619 +829 129 4 881712252 +829 151 4 891990672 +829 153 4 887584684 +829 170 4 881698933 +829 189 4 891992008 +829 190 4 881698876 +829 192 5 881712519 +829 198 4 884736647 +829 212 4 881699005 +829 213 4 881698933 +829 222 4 882816987 +829 237 3 891204271 +829 250 3 882816754 +829 255 3 891547657 +829 257 4 881699584 +829 258 3 886993238 +829 259 2 881707829 +829 268 4 886631672 +829 275 4 892312770 +829 276 4 891990694 +829 278 1 881712488 +829 281 3 881712349 +829 284 3 891990799 +829 286 4 891204271 +829 294 2 881707829 +829 310 3 890956632 +829 313 4 891204191 +829 318 5 883149860 +829 319 4 892312728 +829 339 2 891992167 +829 408 4 891991300 +829 410 3 881086959 +829 427 4 891204271 +829 458 3 891990881 +829 462 4 881698976 +829 475 4 891990718 +829 509 5 881698976 +829 512 4 881698976 +829 515 4 881698803 +829 529 4 881698976 +829 582 4 881699060 +829 639 4 881699005 +829 640 3 881707829 +829 705 4 891204271 +829 733 2 887584684 +829 845 3 891990650 +829 855 4 881698934 +829 1018 2 881707829 +829 1067 4 891990842 +829 1120 2 881707829 +829 1121 4 883149815 +829 1193 4 881699425 +830 1 4 891560596 +830 2 3 891561806 +830 15 4 891561065 +830 22 5 891561673 +830 29 1 891899476 +830 49 5 892503093 +830 50 5 891561606 +830 56 2 891464054 +830 69 5 891898262 +830 71 4 891561474 +830 79 4 891561607 +830 82 3 891561673 +830 87 4 891462594 +830 88 4 891464148 +830 89 5 891561607 +830 95 3 891561474 +830 96 3 891561673 +830 97 4 892502984 +830 98 5 891462467 +830 99 3 891561474 +830 100 5 891560934 +830 126 5 892502421 +830 127 4 891464054 +830 134 3 891464054 +830 151 3 891560596 +830 161 4 891561870 +830 172 5 891561606 +830 173 4 891464148 +830 174 5 891561606 +830 176 3 891561673 +830 177 4 891561870 +830 181 5 891561673 +830 183 4 891462467 +830 187 2 891464054 +830 193 5 891898415 +830 194 4 891898720 +830 195 3 891464054 +830 197 4 891464415 +830 202 5 891464148 +830 203 4 891898061 +830 204 3 891898551 +830 205 5 891462531 +830 210 5 891561607 +830 211 4 891898720 +830 222 3 891561065 +830 225 3 891560596 +830 226 5 891561806 +830 227 3 891561737 +830 228 3 891561607 +830 229 2 891561937 +830 230 3 891561806 +830 231 2 891561938 +830 233 3 891561737 +830 241 4 891464148 +830 265 5 891561607 +830 288 1 891899475 +830 294 3 891464054 +830 310 4 891462185 +830 313 5 891462165 +830 385 4 891561805 +830 399 5 891561999 +830 402 4 892503093 +830 403 4 891561806 +830 413 1 891899475 +830 418 3 891561540 +830 424 1 891560972 +830 427 5 891462531 +830 431 3 891561737 +830 432 3 891561474 +830 435 5 891561737 +830 449 2 891899475 +830 451 4 892503035 +830 474 5 891898661 +830 480 5 891462594 +830 484 5 891898661 +830 487 5 891898415 +830 498 5 891899535 +830 501 3 891561474 +830 510 4 891561673 +830 511 5 891561673 +830 523 4 891898661 +830 550 5 891561870 +830 554 5 891561999 +830 566 3 891561937 +830 568 4 891561607 +830 588 5 891561474 +830 612 4 891898061 +830 613 4 891898603 +830 625 3 891561541 +830 627 3 891561541 +830 633 4 891898661 +830 648 5 891464148 +830 651 4 891561737 +830 661 4 891462594 +830 679 3 891561805 +830 692 4 891464148 +830 696 2 892502651 +830 732 5 891464415 +830 739 4 892503093 +830 751 2 891464054 +830 790 1 891899476 +830 820 1 891899475 +830 834 1 891899475 +830 837 5 891462467 +830 925 4 892502651 +830 968 4 891898211 +831 1 4 891354573 +831 7 5 891354947 +831 12 5 891354687 +831 22 5 891354573 +831 28 3 891354848 +831 31 4 891354612 +831 50 5 891354900 +831 56 5 891354751 +831 64 5 891354534 +831 83 4 891354848 +831 96 5 891354668 +831 100 4 891354573 +831 117 3 891354970 +831 129 2 891354866 +831 144 5 891354815 +831 150 3 891354815 +831 156 4 891354751 +831 173 3 891354798 +831 174 5 891354534 +831 181 5 891354866 +831 197 4 891354751 +831 204 5 891354645 +831 208 2 891354612 +831 210 5 891354612 +831 237 4 891355004 +831 245 2 891354226 +831 250 5 891354931 +831 258 2 891354020 +831 260 2 891354371 +831 266 3 891354338 +831 270 4 891354000 +831 271 2 891354225 +831 272 5 891353915 +831 273 3 891354773 +831 284 3 891355004 +831 288 1 891354043 +831 294 4 891354043 +831 298 5 891355004 +831 300 3 891354191 +831 301 2 891354275 +831 307 2 891354064 +831 313 5 891354000 +831 315 3 891353915 +831 316 3 891354338 +831 317 4 891354798 +831 323 2 891354275 +831 326 4 891354275 +831 327 2 891353940 +831 328 3 891354000 +831 331 4 891353979 +831 333 4 891353915 +831 340 4 891354000 +831 347 3 891354191 +831 354 4 891354063 +831 358 2 891354371 +831 479 4 891354726 +831 508 3 891354947 +831 591 4 891355004 +831 603 5 891354535 +831 687 2 891354424 +831 688 1 891354424 +831 690 4 891354064 +831 713 5 891354970 +831 741 2 891354726 +831 742 3 891354866 +831 748 2 891354297 +831 749 2 891354225 +831 750 4 891354225 +831 877 2 891354391 +831 905 4 891354020 +831 1012 4 891354970 +831 1063 4 891354668 +831 1119 3 891354751 +832 25 2 888260157 +832 50 3 888260089 +832 181 3 888260089 +832 243 2 888259984 +832 245 3 888259984 +832 258 3 888258960 +832 260 3 888259404 +832 264 3 888259480 +832 286 3 888258806 +832 288 3 888259984 +832 294 4 888259121 +832 307 4 888259231 +832 313 5 888258754 +832 322 3 888259984 +832 323 3 888259984 +832 326 4 888259121 +832 328 3 888259020 +832 334 2 888259984 +832 471 4 888260089 +832 678 2 888259984 +832 681 2 888259984 +832 748 3 888259984 +832 873 2 888259984 +832 876 3 888259480 +832 895 2 888259285 +833 4 3 875123781 +833 5 1 879818535 +833 7 3 875035953 +833 11 5 875038850 +833 12 5 875039416 +833 13 2 875036139 +833 22 3 875122716 +833 23 5 875123427 +833 24 4 875036213 +833 26 1 875133661 +833 28 3 875135213 +833 30 4 875225297 +833 32 5 875123255 +833 33 2 875134264 +833 38 1 879818760 +833 47 5 875123299 +833 50 2 875035718 +833 52 3 878078390 +833 53 1 875224039 +833 55 3 875038807 +833 56 4 875122716 +833 58 2 875124495 +833 64 3 875039204 +833 67 3 875134891 +833 68 4 875224515 +833 69 2 875039326 +833 72 2 875134724 +833 76 2 875124382 +833 79 3 875039254 +833 89 5 875124495 +833 92 2 875135363 +833 93 4 875036056 +833 96 5 875132134 +833 98 3 875123359 +833 100 4 875036169 +833 106 2 879818799 +833 108 2 875036102 +833 111 2 875134110 +833 118 2 875038483 +833 121 1 875133458 +833 122 2 875135058 +833 127 5 875035660 +833 128 3 875123536 +833 129 3 875035718 +833 134 5 875038987 +833 135 4 875123677 +833 144 4 887158945 +833 150 3 875036213 +833 151 4 875036418 +833 152 2 875134063 +833 153 3 875038709 +833 154 5 875038775 +833 156 4 875038775 +833 157 2 875132195 +833 159 2 879818659 +833 160 5 875124535 +833 161 1 875224515 +833 163 3 875122814 +833 164 2 879818575 +833 168 5 875038775 +833 172 2 875224482 +833 174 2 875038529 +833 175 4 875124535 +833 176 2 875038850 +833 177 5 875123299 +833 179 5 875124181 +833 180 5 875123677 +833 181 2 875036321 +833 182 5 875039254 +833 183 5 875123026 +833 184 3 875039039 +833 185 5 875039416 +833 186 1 875133458 +833 187 5 875124348 +833 188 4 875124495 +833 191 4 875132134 +833 192 5 875038529 +833 194 3 875133840 +833 195 5 875038529 +833 197 3 875123427 +833 198 4 875123677 +833 200 4 875131847 +833 201 4 875134150 +833 202 4 875133924 +833 203 5 875124299 +833 204 1 875039255 +833 205 4 875122814 +833 206 4 875038671 +833 208 3 875039326 +833 209 5 875124604 +833 211 3 875124495 +833 217 2 875224252 +833 218 4 875124495 +833 219 4 875224309 +833 223 4 875038888 +833 226 3 887158946 +833 227 2 879818619 +833 230 1 875223923 +833 233 2 875223756 +833 234 3 875122884 +833 235 4 875036418 +833 238 2 875124225 +833 240 4 875035624 +833 249 1 875133458 +833 250 3 875036499 +833 262 2 875035534 +833 264 2 878077967 +833 267 1 875655669 +833 271 5 879818341 +833 273 3 875035954 +833 284 1 885328485 +833 288 2 875035487 +833 289 1 875035487 +833 291 3 879818619 +833 293 4 875035885 +833 298 5 875036383 +833 302 3 884828670 +833 320 4 875124647 +833 324 3 875035487 +833 325 4 875035885 +833 328 2 875035534 +833 336 2 878078056 +833 340 5 879818293 +833 344 4 888536031 +833 346 5 884828744 +833 347 3 887158791 +833 357 4 875038709 +833 367 3 875123359 +833 378 3 875124648 +833 379 2 875224178 +833 381 4 875134016 +833 384 3 875134724 +833 385 3 875039204 +833 396 3 875134063 +833 401 2 875135113 +833 403 1 875133458 +833 405 3 875038395 +833 410 3 878078390 +833 427 3 878078390 +833 428 2 875134110 +833 429 3 875123506 +833 430 4 875133840 +833 431 2 875223813 +833 432 4 875132134 +833 433 3 875124181 +833 434 3 875038888 +833 435 2 878078229 +833 436 2 875224252 +833 441 1 875224352 +833 443 3 875124348 +833 444 3 875224352 +833 445 4 875123299 +833 447 5 875224309 +833 448 3 875124495 +833 449 2 875223923 +833 451 1 875134016 +833 452 1 875224178 +833 455 3 875297104 +833 460 2 875036827 +833 467 2 875038626 +833 474 5 875122675 +833 475 3 875035718 +833 479 2 875039101 +833 483 4 875122716 +833 488 5 878078229 +833 504 4 875038671 +833 506 2 875132079 +833 508 5 875035953 +833 511 4 875038742 +833 512 4 875225257 +833 515 3 875035660 +833 517 2 875133633 +833 518 3 875039100 +833 521 4 875124495 +833 522 2 875039039 +833 523 3 875133840 +833 526 4 875224515 +833 540 1 875224687 +833 544 1 875133458 +833 546 2 875036354 +833 550 2 887158946 +833 552 3 875223976 +833 558 4 875039204 +833 573 1 875223976 +833 576 3 875224603 +833 577 1 875135113 +833 578 1 875224603 +833 581 1 875223813 +833 589 5 875038807 +833 591 2 875036139 +833 597 1 875133458 +833 614 2 875131539 +833 616 5 875124024 +833 628 4 875036102 +833 636 3 879818659 +833 640 3 875123986 +833 641 4 875038626 +833 642 3 875038626 +833 645 3 875039416 +833 646 5 875123427 +833 647 4 875123427 +833 649 3 875224178 +833 653 4 875039558 +833 654 5 875039558 +833 655 2 875131810 +833 656 4 875123536 +833 657 4 875123986 +833 663 3 875134317 +833 664 3 875124225 +833 665 3 875224309 +833 667 1 875224381 +833 670 1 875124428 +833 671 5 875039204 +833 673 4 875224039 +833 675 4 875224252 +833 679 3 875224482 +833 684 3 875123195 +833 696 3 875036912 +833 715 2 875133633 +833 730 4 875038888 +833 742 3 875036468 +833 745 4 875134063 +833 761 2 879818719 +833 802 1 887158946 +833 806 4 875122675 +833 819 1 875133458 +833 824 1 875134843 +833 826 2 875297292 +833 831 1 875297256 +833 840 2 875297195 +833 854 4 875038529 +833 860 2 875124604 +833 861 3 875224309 +833 919 2 875124348 +833 923 5 875039153 +833 928 2 879818689 +833 931 4 879818760 +833 933 4 875035914 +833 940 2 875134411 +833 943 4 875124382 +833 977 2 879818799 +833 980 3 875035800 +833 1006 1 875039153 +833 1012 4 875036418 +833 1016 1 875133458 +833 1017 4 875036017 +833 1019 5 875039039 +833 1029 1 875134940 +833 1070 5 875038987 +833 1071 3 875134150 +833 1118 3 875133924 +833 1143 4 887158946 +833 1149 4 875123677 +833 1154 4 875039101 +833 1181 1 875133458 +833 1187 5 875035850 +833 1210 1 879818799 +833 1214 4 875225193 +833 1231 4 875132237 +833 1274 1 878078280 +833 1335 2 875038433 +833 1353 3 875035885 +833 1386 4 875035660 +833 1427 3 875131974 +833 1428 3 875123494 +833 1597 5 875225193 +833 1628 3 875225219 +834 7 4 890862974 +834 9 3 890862311 +834 13 2 890862648 +834 15 4 890863052 +834 25 3 890862468 +834 50 5 890862362 +834 100 4 890862311 +834 117 4 890862386 +834 127 5 890862412 +834 148 4 890862563 +834 150 5 890862564 +834 151 4 890862974 +834 181 5 890862526 +834 237 5 890862437 +834 245 4 890860416 +834 246 4 890863023 +834 255 3 890862940 +834 258 4 890860194 +834 268 3 890860194 +834 269 5 890860566 +834 272 4 890860566 +834 275 3 890862648 +834 276 5 890862468 +834 282 4 890863052 +834 284 4 890862468 +834 286 4 890860566 +834 287 2 890862974 +834 288 5 890860566 +834 292 5 890860566 +834 293 3 890862974 +834 294 3 890860159 +834 298 4 890862648 +834 300 3 890860334 +834 307 4 890860566 +834 313 5 890860566 +834 315 5 890860687 +834 316 5 890860566 +834 323 2 890860471 +834 326 4 890860386 +834 333 5 890860566 +834 342 2 890860334 +834 343 4 890860416 +834 346 3 890860194 +834 347 4 890860007 +834 405 4 890862563 +834 475 5 890862311 +834 515 5 890862231 +834 544 4 890862563 +834 628 5 890862648 +834 744 4 890862527 +834 751 3 890860298 +834 762 4 890863072 +834 886 4 890860566 +834 1017 2 890862563 +835 1 3 891033420 +835 15 5 891032930 +835 23 4 891035310 +835 25 5 891032764 +835 28 4 891034052 +835 50 4 891035309 +835 69 5 891034366 +835 97 5 891033501 +835 98 5 891034401 +835 127 4 891032536 +835 131 5 891033560 +835 132 5 891033232 +835 133 5 891033718 +835 134 3 891033927 +835 135 5 891033560 +835 143 5 891033819 +835 157 4 891033526 +835 160 3 891034219 +835 162 5 891033420 +835 174 5 891033623 +835 176 4 891035309 +835 179 5 891033819 +835 180 5 891033675 +835 183 4 891034023 +835 185 4 891033957 +835 186 4 891034285 +835 187 4 891033078 +835 191 4 891033276 +835 193 4 891033148 +835 194 4 891034143 +835 196 5 891033173 +835 197 5 891033889 +835 200 4 891033927 +835 204 3 891033380 +835 205 3 891034084 +835 210 5 891033303 +835 215 4 891033199 +835 216 4 891033560 +835 225 2 891032898 +835 234 5 891033857 +835 237 4 891035310 +835 239 5 891034084 +835 257 3 891032738 +835 272 4 891035309 +835 281 4 891032718 +835 285 4 891032792 +835 286 3 891032224 +835 287 4 891035309 +835 288 2 891032224 +835 294 3 891032356 +835 310 4 891035309 +835 313 5 891032224 +835 318 5 891033718 +835 325 5 891032391 +835 354 3 891032224 +835 357 5 891033232 +835 371 5 891034366 +835 378 4 891035309 +835 393 5 891033718 +835 405 3 891032793 +835 421 4 891034023 +835 423 4 891033857 +835 427 4 891033380 +835 458 4 891032869 +835 465 3 891033957 +835 484 4 891034219 +835 485 5 891033525 +835 486 4 891034084 +835 488 5 891034117 +835 499 5 891033675 +835 504 5 891033772 +835 505 3 891033857 +835 509 4 891035309 +835 514 3 891033986 +835 523 3 891033560 +835 526 3 891033927 +835 527 4 891033048 +835 543 5 891033232 +835 588 3 891033857 +835 591 4 891032579 +835 606 5 891033200 +835 609 4 891034310 +835 610 5 891034401 +835 612 4 891033927 +835 616 4 891033718 +835 628 3 891032930 +835 632 5 891033747 +835 633 5 891033889 +835 650 5 891033957 +835 654 5 891033173 +835 660 4 891033986 +835 673 4 891034117 +835 685 4 891032627 +835 708 5 891035078 +835 735 5 891033349 +835 928 3 891032899 +835 988 3 891032391 +835 1045 4 891034023 +835 1063 4 891034285 +835 1153 4 891035309 +835 1278 5 891032653 +835 1673 3 891034023 +836 12 5 885754118 +836 42 3 885754266 +836 56 4 885754096 +836 89 4 885754029 +836 134 3 885754096 +836 163 5 885754058 +836 165 4 885754149 +836 170 5 885754200 +836 174 5 885754266 +836 180 5 885754200 +836 185 5 885754118 +836 187 5 885754200 +836 192 5 885754118 +836 210 4 885754058 +836 216 4 885753979 +836 238 4 885754200 +836 258 4 885753475 +836 260 2 885753691 +836 268 3 885753475 +836 269 5 885753475 +836 286 3 885753435 +836 288 1 885753475 +836 289 1 885753691 +836 292 5 885753475 +836 302 5 885753506 +836 318 5 885754172 +836 322 2 885753639 +836 324 4 885753595 +836 327 3 885753639 +836 357 5 885754173 +836 419 2 885753979 +836 429 4 885754200 +836 496 4 885754231 +836 507 4 885754149 +836 523 5 885754150 +836 531 4 885754150 +836 603 5 885754029 +836 611 5 885754096 +836 654 5 885754150 +836 657 5 885754096 +836 659 5 885754096 +836 663 5 885754266 +836 690 3 885753435 +836 750 3 885753475 +836 793 2 885754029 +836 875 1 885753752 +836 880 4 885753506 +836 896 3 885753506 +836 900 2 885753475 +836 1065 4 885754231 +837 9 3 875721889 +837 13 4 875721843 +837 15 3 875721869 +837 16 2 875721793 +837 19 4 875721948 +837 20 4 875721919 +837 25 3 875722169 +837 111 4 875722050 +837 125 5 875722032 +837 151 5 875721734 +837 181 3 875721869 +837 220 4 875722007 +837 222 3 875721793 +837 225 3 875722371 +837 237 3 875721793 +837 250 2 875722104 +837 258 4 875721473 +837 274 4 875721989 +837 275 4 875721989 +837 276 1 875721843 +837 277 2 875722169 +837 278 3 875722246 +837 280 2 875722350 +837 283 5 875722069 +837 284 1 875722104 +837 285 4 875722187 +837 286 4 875721473 +837 289 5 875721539 +837 294 4 875721502 +837 328 4 875721604 +837 472 3 875722141 +837 476 3 875722225 +837 535 1 875722246 +837 596 3 875721969 +837 628 3 875722225 +837 717 1 875722393 +837 740 5 875722123 +837 762 2 875722318 +837 763 1 875722123 +837 845 4 875722392 +837 926 1 875722371 +837 934 2 875722483 +837 950 2 875722169 +837 1009 5 875721765 +837 1047 1 875722267 +837 1049 1 875722298 +838 1 5 887064024 +838 7 5 887064072 +838 8 4 887066972 +838 9 4 887063696 +838 12 4 887067063 +838 22 4 887065878 +838 24 4 887064231 +838 28 4 887065709 +838 45 4 887066644 +838 50 5 887063657 +838 56 5 887066782 +838 60 4 887067575 +838 69 4 887067609 +838 70 4 887066207 +838 71 3 887066782 +838 72 4 887067162 +838 82 4 887066783 +838 83 5 887065807 +838 87 4 887065750 +838 93 3 887063937 +838 96 4 887065781 +838 100 4 887063994 +838 111 4 887064357 +838 114 4 887065822 +838 121 2 887064248 +838 124 4 887063696 +838 127 5 887063657 +838 128 4 887066724 +838 134 3 887066304 +838 143 5 887067631 +838 153 4 887066783 +838 168 5 887066678 +838 169 4 887067390 +838 172 5 887066143 +838 173 5 887065782 +838 174 4 887066078 +838 175 3 887066186 +838 179 5 887067340 +838 181 5 887063696 +838 187 3 887067019 +838 190 4 887066988 +838 191 5 887065709 +838 204 4 887066040 +838 206 4 887067020 +838 210 4 887067359 +838 222 4 887064356 +838 223 3 887065807 +838 228 4 887067390 +838 235 2 887064515 +838 238 4 887067359 +838 249 4 887064315 +838 254 3 887065606 +838 255 4 887063937 +838 257 5 887064014 +838 258 5 887060659 +838 271 4 887060972 +838 274 4 887064388 +838 275 5 887064193 +838 276 4 887064825 +838 283 5 887063994 +838 286 4 887061035 +838 289 5 887061035 +838 298 3 887064476 +838 300 2 887060778 +838 302 4 887060659 +838 311 4 887060659 +838 313 5 887060659 +838 318 5 887067085 +838 354 4 892153360 +838 385 4 887067127 +838 405 4 887064589 +838 408 4 887066040 +838 419 5 887066989 +838 455 4 887064275 +838 480 4 887066078 +838 487 4 887067126 +838 494 4 887066644 +838 497 5 887067162 +838 568 4 887067309 +838 584 4 887066143 +838 596 5 887064275 +838 705 5 887065750 +838 713 4 887064193 +838 718 5 887064051 +838 732 4 887066782 +838 748 3 887060972 +838 750 4 887060879 +838 919 5 887064316 +838 945 4 887065917 +838 993 3 887064231 +838 1005 4 887066678 +838 1039 5 887065782 +838 1115 4 887064476 +839 1 4 875751723 +839 7 2 875751992 +839 50 5 875751930 +839 93 4 875752056 +839 100 3 875751991 +839 106 2 875752317 +839 111 4 875752237 +839 117 5 875752169 +839 118 2 875752317 +839 121 3 875752237 +839 123 3 875752560 +839 127 5 875751723 +839 129 4 875751893 +839 130 3 875753029 +839 181 3 875751991 +839 220 3 875753029 +839 235 4 875752433 +839 237 3 875752317 +839 244 3 875751958 +839 255 3 875752138 +839 257 3 875751930 +839 258 4 875751411 +839 260 2 875751560 +839 264 3 875751559 +839 276 3 875751799 +839 277 2 875752082 +839 281 3 875752456 +839 285 5 875752138 +839 286 4 875751411 +839 292 3 875751559 +839 319 1 875751411 +839 321 1 875751470 +839 323 4 875751559 +839 326 4 875751519 +839 333 4 875751442 +839 410 1 875752274 +839 455 4 875752107 +839 458 5 875751893 +839 475 5 875751856 +839 508 3 875752479 +839 532 3 875752560 +839 696 2 875752479 +839 713 2 875751774 +839 742 3 875752200 +839 813 4 875752082 +839 825 4 875752274 +839 845 4 875752237 +839 846 2 875753052 +839 864 3 875751958 +839 866 2 875752687 +839 950 4 875752408 +839 1009 3 875752560 +839 1048 1 875752990 +839 1085 5 875752877 +839 1245 4 875752408 +839 1381 3 875752456 +839 1664 1 875752902 +840 7 4 891203408 +840 8 5 891208958 +840 11 3 891204921 +840 14 5 891203250 +840 22 3 891204265 +840 23 5 891204827 +840 45 4 891205222 +840 48 3 891204418 +840 50 4 891203366 +840 52 3 891205320 +840 56 5 891204239 +840 64 4 891204664 +840 66 3 891209509 +840 69 4 891204535 +840 70 3 891208919 +840 71 3 891209572 +840 79 4 891204135 +840 81 4 891204948 +840 82 3 891209183 +840 83 5 891204215 +840 88 4 891209241 +840 89 5 891204418 +840 91 5 891208998 +840 96 2 891204592 +840 97 3 891205041 +840 98 5 891204160 +840 99 5 891204509 +840 100 5 891203166 +840 117 3 891209408 +840 118 3 891204056 +840 121 2 891204056 +840 127 4 891203366 +840 132 4 891204356 +840 134 3 891204160 +840 135 5 891204356 +840 137 5 891203309 +840 143 4 891209490 +840 144 3 891209104 +840 152 4 891204160 +840 153 3 891204627 +840 154 3 891204564 +840 157 4 891208998 +840 163 4 891204295 +840 165 5 891204239 +840 166 5 891204798 +840 168 5 891204868 +840 169 5 891204215 +840 170 4 891204713 +840 172 3 891204627 +840 173 5 891204356 +840 174 4 891204114 +840 175 4 891205004 +840 176 3 891204755 +840 179 5 891205069 +840 180 5 891205143 +840 181 3 891204056 +840 182 4 891204798 +840 183 5 891204664 +840 185 5 891204356 +840 186 4 891204827 +840 187 3 891205222 +840 190 5 891211236 +840 191 4 891204160 +840 194 3 891204264 +840 195 5 891204847 +840 196 4 891205070 +840 197 5 891204509 +840 198 3 891204356 +840 199 4 891209183 +840 202 5 891204322 +840 203 5 891204627 +840 204 4 891205245 +840 208 4 891204295 +840 209 4 891204418 +840 210 3 891204592 +840 212 4 891209159 +840 213 4 891205199 +840 215 4 891209285 +840 216 4 891205123 +840 221 4 891203309 +840 234 5 891204948 +840 238 5 891204239 +840 252 4 891203810 +840 257 3 891204056 +840 272 4 891202756 +840 285 4 891203203 +840 297 5 891203334 +840 300 3 891204056 +840 303 5 891202889 +840 357 5 891204114 +840 367 4 891205287 +840 405 4 891203585 +840 414 4 891204535 +840 419 5 891208897 +840 423 5 891209449 +840 428 4 891209547 +840 429 3 891204827 +840 430 5 891204418 +840 432 5 891209342 +840 435 4 891204114 +840 443 5 891209490 +840 462 3 891205287 +840 463 5 891205287 +840 465 4 891204798 +840 473 5 891203408 +840 474 5 891204089 +840 478 3 891204627 +840 479 4 891204385 +840 480 5 891208647 +840 483 5 891208703 +840 484 5 891204295 +840 489 3 891204385 +840 492 5 891204215 +840 493 5 891208958 +840 495 3 891209322 +840 496 5 891204089 +840 497 4 891209571 +840 498 5 891204264 +840 499 4 891209241 +840 501 4 891209159 +840 503 4 891209322 +840 504 3 891208647 +840 505 5 891204714 +840 506 5 891204385 +840 507 4 891208667 +840 509 3 891204564 +840 511 4 891204089 +840 512 5 891205371 +840 513 5 891204295 +840 514 5 891205093 +840 515 5 891203280 +840 516 5 891205245 +840 517 4 891204322 +840 519 5 891204356 +840 520 5 891204089 +840 521 5 891205069 +840 525 5 891204535 +840 526 4 891204971 +840 528 5 891209260 +840 529 4 891204891 +840 531 5 891204089 +840 566 5 891209285 +840 580 3 891211972 +840 582 5 891204265 +840 588 4 891205321 +840 603 5 891204564 +840 606 4 891205004 +840 607 4 891204627 +840 609 4 891204627 +840 611 4 891204509 +840 615 5 891204356 +840 616 5 891209364 +840 628 4 891209285 +840 631 4 891205004 +840 632 3 891204296 +840 637 3 891205199 +840 638 3 891204239 +840 639 4 891204564 +840 640 3 891209242 +840 642 4 891204664 +840 644 4 891204592 +840 645 3 891204714 +840 647 5 891205004 +840 650 4 891209364 +840 653 5 891209389 +840 654 4 891204160 +840 655 5 891205245 +840 656 4 891205041 +840 657 5 891205287 +840 659 5 891204827 +840 661 5 891204441 +840 663 4 891204322 +840 664 3 891204474 +840 671 3 891204891 +840 675 4 891205093 +840 705 4 891204713 +840 707 5 891204114 +840 708 4 891209033 +840 732 3 891204947 +840 737 4 891205320 +840 747 4 891209490 +840 750 4 891202784 +840 756 4 891203664 +840 845 5 891203553 +840 855 4 891205093 +840 884 5 891203087 +840 936 4 891203504 +840 945 3 891204509 +840 949 4 891211530 +840 971 4 891209449 +840 1018 3 891211664 +840 1065 5 891209285 +840 1214 1 891211729 +840 1266 5 891204535 +840 1451 5 891205123 +840 1639 4 891211447 +840 1674 4 891211682 +841 258 5 889067076 +841 270 4 889067045 +841 271 4 889067216 +841 272 4 889066780 +841 286 5 889066959 +841 288 3 889067046 +841 300 4 889066780 +841 302 5 889066959 +841 306 4 889066824 +841 307 5 889067152 +841 313 5 889066779 +841 315 4 889066780 +841 316 4 889067313 +841 322 4 889067152 +841 323 3 889066880 +841 325 3 889067216 +841 326 4 889067216 +841 331 5 889066999 +841 333 4 889066780 +841 344 3 889066880 +841 353 1 889067253 +841 358 1 889067348 +841 678 4 889067313 +841 689 5 889067253 +841 748 4 889067253 +841 751 3 889066880 +841 754 4 889067045 +841 873 4 889067121 +841 888 5 889067432 +841 892 3 889067182 +841 1294 5 889067507 +842 258 3 891217835 +842 268 5 891218059 +842 269 5 891217834 +842 270 5 891218251 +842 272 4 891217834 +842 288 3 891218192 +842 302 5 891217834 +842 303 5 891218002 +842 306 4 891217942 +842 313 4 891217891 +842 315 3 891217834 +842 324 4 891218060 +842 328 2 891218192 +842 333 4 891218107 +842 340 5 891218192 +842 344 1 891217835 +842 349 3 891218459 +842 362 3 891217891 +842 749 4 891218060 +842 751 4 891218192 +842 752 4 891218353 +842 754 1 891218251 +842 874 5 891218060 +842 886 4 891218459 +842 902 5 891218459 +842 1105 2 891218353 +842 1395 4 891218060 +843 1 3 879446186 +843 7 5 879443297 +843 21 2 879448392 +843 23 2 879446696 +843 25 2 879447523 +843 28 3 879446977 +843 50 3 879444670 +843 52 2 879447110 +843 53 2 879443442 +843 56 3 879443174 +843 62 4 879444891 +843 69 3 879446476 +843 71 2 879449256 +843 74 2 879448830 +843 77 2 879443975 +843 79 2 879445658 +843 82 3 879444801 +843 83 3 879446948 +843 89 5 879444670 +843 91 3 879446155 +843 95 2 879446716 +843 96 3 879444711 +843 97 3 879447377 +843 98 3 879443668 +843 99 2 879448751 +843 101 3 879447424 +843 102 2 879449177 +843 121 3 879444047 +843 127 2 879445059 +843 132 3 879446186 +843 133 3 879448431 +843 135 5 879449177 +843 141 4 879447327 +843 142 2 879448604 +843 143 2 879447757 +843 144 3 879444711 +843 145 3 879443597 +843 151 2 879447007 +843 152 2 879446458 +843 153 3 879446281 +843 154 3 879446281 +843 157 2 879448199 +843 158 2 879449336 +843 159 2 879443951 +843 161 2 879444891 +843 162 2 879447625 +843 164 3 879443297 +843 168 3 879446255 +843 170 1 879446863 +843 172 3 879444711 +843 173 2 879446215 +843 174 4 879444670 +843 175 4 879446911 +843 176 4 879447837 +843 177 3 879444767 +843 179 4 879446774 +843 180 3 879447234 +843 181 3 879444670 +843 182 2 879444739 +843 183 5 879443800 +843 185 3 879443341 +843 186 2 879447170 +843 188 2 879444767 +843 191 3 879446755 +843 193 3 879446863 +843 194 2 879445590 +843 195 4 879444711 +843 196 2 879446806 +843 197 2 879446638 +843 199 3 879446503 +843 200 3 879447801 +843 204 3 879448073 +843 205 4 879446888 +843 206 3 879448112 +843 208 3 879446716 +843 209 3 879446806 +843 210 3 879444670 +843 211 2 879446255 +843 214 3 879447453 +843 215 2 879447214 +843 216 2 879446806 +843 217 4 879443341 +843 218 2 879443297 +843 219 2 879443394 +843 222 3 879443837 +843 225 2 879449256 +843 226 3 879443865 +843 227 3 879443908 +843 228 4 879443763 +843 229 3 879443908 +843 230 3 879443763 +843 234 4 879443297 +843 238 3 879446359 +843 239 3 879447670 +843 250 4 879445087 +843 252 3 879445114 +843 258 4 879442947 +843 265 3 879443865 +843 270 4 879442947 +843 271 5 879442947 +843 275 3 879446680 +843 288 4 879443544 +843 298 2 879444531 +843 300 3 879442947 +843 357 2 879446502 +843 378 2 879448230 +843 379 2 879443394 +843 380 3 879448262 +843 385 3 879444801 +843 392 2 879447377 +843 393 2 879448858 +843 402 2 879447599 +843 403 2 879444934 +843 413 2 879443482 +843 416 2 879448352 +843 419 2 879446617 +843 420 3 879448073 +843 422 2 879448431 +843 423 2 879448019 +843 427 2 879446281 +843 429 4 879446503 +843 431 3 879443763 +843 432 2 879447326 +843 434 4 879447146 +843 435 2 879446477 +843 436 2 879443394 +843 440 1 879443544 +843 441 2 879443544 +843 443 4 879443297 +843 444 2 879443442 +843 446 3 879443442 +843 447 2 879443297 +843 448 4 879443297 +843 449 3 879444083 +843 450 2 879444083 +843 452 2 879443442 +843 465 2 879449152 +843 473 2 879449193 +843 474 3 879445738 +843 482 2 879447007 +843 485 2 879447007 +843 495 3 879447170 +843 498 2 879446155 +843 501 2 879447578 +843 504 2 879446911 +843 511 3 879447837 +843 515 3 879444801 +843 521 2 879446359 +843 526 3 879447625 +843 527 3 879448138 +843 528 3 879447030 +843 530 3 879444670 +843 542 2 879448392 +843 550 3 879449152 +843 551 3 879443544 +843 561 4 879443482 +843 563 2 879443545 +843 566 3 879444766 +843 569 1 879443482 +843 578 3 879448604 +843 581 3 879443951 +843 582 2 879445658 +843 588 2 879447579 +843 590 3 879443544 +843 596 3 879448486 +843 603 2 879446596 +843 615 3 879446215 +843 616 3 879449256 +843 625 2 879448542 +843 627 2 879447718 +843 628 2 879443951 +843 632 2 879447146 +843 633 3 879447285 +843 635 2 879443544 +843 636 4 879443837 +843 637 2 879443297 +843 650 3 879447801 +843 651 2 879447837 +843 654 2 879446359 +843 655 3 879447030 +843 657 3 879443668 +843 660 2 879447484 +843 661 3 879447077 +843 665 3 879443482 +843 667 2 879443597 +843 671 3 879446889 +843 672 3 879443297 +843 674 2 879443394 +843 675 5 879443174 +843 679 4 879444851 +843 690 5 879442947 +843 708 2 879448230 +843 739 2 879447523 +843 800 4 879443482 +843 831 4 879444977 +843 860 3 879443443 +843 959 2 879447523 +843 1039 3 879446215 +843 1065 3 879448751 +843 1118 2 879448112 +843 1135 3 879447377 +843 1157 3 879444114 +843 1411 3 879449377 +843 1480 2 879449377 +844 2 4 877387933 +844 7 3 877381784 +844 12 5 877388182 +844 13 3 877381708 +844 22 4 877386855 +844 24 5 877388183 +844 45 4 877387548 +844 50 5 877388182 +844 55 4 877387769 +844 56 4 877386897 +844 69 5 877388182 +844 70 4 877386990 +844 71 3 877388040 +844 82 3 877387857 +844 83 5 877388183 +844 89 3 877387857 +844 90 3 877387242 +844 95 4 877388040 +844 97 3 877386855 +844 99 3 877388040 +844 100 4 877381607 +844 109 2 877381850 +844 117 4 877381450 +844 121 3 877382055 +844 125 3 877382269 +844 144 3 877387825 +844 151 4 877381674 +844 154 3 877387052 +844 161 3 877387857 +844 168 4 877386990 +844 172 4 877387768 +844 173 5 877388182 +844 174 4 877387768 +844 175 3 877386897 +844 176 3 877387933 +844 179 3 877387548 +844 181 5 877388183 +844 184 3 877387769 +844 195 3 877387825 +844 207 4 877387392 +844 210 4 877386928 +844 216 5 877388183 +844 222 3 877381629 +844 228 3 877387858 +844 241 4 877387150 +844 251 4 877381484 +844 255 3 877382008 +844 257 4 877381784 +844 258 4 877381147 +844 260 1 877381312 +844 294 2 877381206 +844 300 3 877381268 +844 318 4 877382762 +844 326 3 877381268 +844 403 3 877387825 +844 405 2 877382189 +844 418 3 877388040 +844 421 4 877387219 +844 423 3 877382762 +844 431 4 877387825 +844 432 5 877388183 +844 471 3 877381736 +844 511 3 877387825 +844 549 3 877387280 +844 553 4 877387242 +844 568 4 877387964 +844 588 4 877388040 +844 597 3 877382339 +844 625 3 877388040 +844 627 3 877388040 +844 684 3 877387933 +844 690 3 877381230 +844 778 4 877387195 +844 864 3 877381873 +844 919 3 877381534 +844 921 5 877388183 +844 930 2 877382574 +844 946 3 877388107 +844 1039 4 877382717 +844 1099 2 877387391 +844 1474 4 877387195 +845 242 4 885409493 +845 268 3 885409374 +845 269 4 885409493 +845 272 3 885409374 +845 286 5 885409719 +845 302 3 885409374 +845 303 1 885409374 +845 306 2 885409374 +845 308 4 885409493 +845 310 4 885409493 +845 311 4 885409493 +845 313 4 885409374 +845 340 1 885409719 +845 346 3 885409493 +845 690 5 885409719 +845 750 3 885409719 +845 751 2 885409719 +845 877 2 885409719 +845 896 3 885409374 +845 900 3 885409719 +845 903 4 885409493 +845 904 3 885409374 +845 909 4 885409789 +845 1022 2 885409493 +845 1234 4 885409719 +845 1238 2 885409374 +845 1394 4 885409719 +845 1399 3 885409493 +845 1434 4 885409719 +845 1463 1 885409374 +845 1592 3 885409493 +846 2 5 883948949 +846 4 5 883948908 +846 8 4 883947861 +846 11 5 883948343 +846 12 5 883947777 +846 22 4 883948222 +846 23 4 883948089 +846 26 4 883949335 +846 28 5 883948685 +846 29 2 883949508 +846 31 4 883948571 +846 33 5 883948571 +846 36 2 883950665 +846 39 3 883948873 +846 40 2 883950253 +846 41 3 883950859 +846 42 5 883948606 +846 44 1 883947737 +846 46 4 883949199 +846 47 5 883948803 +846 48 5 883949046 +846 50 5 883948003 +846 51 4 883949121 +846 52 4 883949290 +846 53 3 883950820 +846 54 3 883949459 +846 55 5 883948642 +846 56 5 883948003 +846 57 2 883949121 +846 58 4 883949200 +846 59 4 883948457 +846 60 4 883948606 +846 61 3 883947911 +846 63 3 883950220 +846 64 4 883948221 +846 65 3 883949254 +846 66 4 883949290 +846 67 4 883950252 +846 68 3 883948765 +846 69 5 883947500 +846 70 4 883949156 +846 71 4 883948141 +846 72 4 883950129 +846 73 4 883949728 +846 76 4 883949200 +846 79 4 883947630 +846 80 4 883949594 +846 82 2 883948089 +846 83 4 883947911 +846 86 5 883949290 +846 87 4 883948417 +846 88 4 883948948 +846 89 5 883948003 +846 90 2 883950001 +846 91 4 883948417 +846 92 4 883948495 +846 94 4 883950711 +846 95 3 883947778 +846 96 4 883947694 +846 97 4 883949255 +846 98 4 883947819 +846 99 4 883948989 +846 101 4 883949336 +846 102 2 883950286 +846 110 3 883950568 +846 127 5 883947911 +846 131 3 883948457 +846 132 5 883948840 +846 133 4 883948534 +846 134 4 883947630 +846 135 4 883947694 +846 136 3 883947861 +846 139 2 883949508 +846 140 4 883950634 +846 141 4 883948948 +846 142 3 883950053 +846 143 5 883948804 +846 161 4 883948534 +846 168 5 883947737 +846 172 4 883949834 +846 173 4 883947819 +846 174 5 883947737 +846 175 5 883948048 +846 176 4 883947694 +846 177 3 883947737 +846 178 4 883947630 +846 179 5 883948571 +846 180 5 883947630 +846 181 5 883947694 +846 182 5 883948089 +846 183 4 883948048 +846 184 5 883949697 +846 185 5 883948534 +846 186 5 883948949 +846 187 4 883947911 +846 188 3 883948642 +846 190 5 883947694 +846 191 5 883948048 +846 192 5 883949254 +846 193 5 883948417 +846 194 4 883947630 +846 195 4 883948141 +846 196 4 883949290 +846 197 4 883948417 +846 198 5 883948457 +846 199 5 883947911 +846 200 4 883948685 +846 202 5 883949594 +846 203 5 883948606 +846 204 3 883948141 +846 205 5 883948141 +846 208 5 883949547 +846 209 4 883948377 +846 210 5 883947500 +846 211 2 883948089 +846 212 5 883948804 +846 213 3 883948534 +846 215 5 883949156 +846 216 4 883948571 +846 217 4 883950022 +846 218 4 883948089 +846 219 4 883948607 +846 226 4 883948495 +846 227 4 883949698 +846 228 5 883947737 +846 229 3 883949771 +846 230 3 883948720 +846 231 2 883950711 +846 232 3 883949290 +846 233 5 883949547 +846 234 5 883948495 +846 238 5 883948377 +846 239 4 883947694 +846 241 4 883947911 +846 258 3 883946284 +846 265 5 883947630 +846 268 4 883946938 +846 269 5 883946315 +846 270 3 883946284 +846 271 5 883946611 +846 288 4 883946837 +846 289 4 883946548 +846 294 3 883946477 +846 302 5 883946861 +846 317 3 883947778 +846 318 5 883947777 +846 357 4 883947960 +846 365 2 883950434 +846 367 4 883949121 +846 373 3 883950391 +846 376 2 883950665 +846 377 2 883950155 +846 378 4 883948989 +846 380 3 883949380 +846 381 4 883950311 +846 382 3 883948989 +846 385 5 883949156 +846 386 3 883950154 +846 387 3 883950634 +846 388 3 883950950 +846 391 3 883950605 +846 392 2 883950185 +846 393 3 883949547 +846 396 5 883949508 +846 398 1 883950753 +846 400 1 883950889 +846 401 5 883949643 +846 403 3 883948765 +846 404 4 883949046 +846 414 4 883949771 +846 415 2 883950605 +846 417 4 883950129 +846 419 5 883948949 +846 421 4 883948173 +846 423 4 883949335 +846 425 5 883949156 +846 426 1 883949046 +846 427 4 883948948 +846 428 3 883948377 +846 429 2 883947819 +846 430 3 883947778 +846 431 5 883947590 +846 432 3 883948457 +846 433 4 883948457 +846 435 5 883948222 +846 436 4 883950286 +846 441 4 883950252 +846 443 4 883948643 +846 448 5 883949547 +846 449 3 883950950 +846 451 4 883949379 +846 452 3 883950950 +846 463 5 883948222 +846 464 2 883947778 +846 468 4 883948949 +846 469 2 883949290 +846 470 5 883949200 +846 474 5 883947960 +846 478 4 883947819 +846 479 4 883947694 +846 480 5 883947861 +846 482 5 883948173 +846 483 5 883948173 +846 484 5 883948048 +846 485 5 883947590 +846 486 5 883948948 +846 487 4 883948685 +846 488 5 883948343 +846 489 4 883948606 +846 490 4 883947862 +846 491 3 883947960 +846 492 3 883947737 +846 493 5 883947590 +846 494 5 883947590 +846 495 4 883948840 +846 496 3 883947630 +846 497 5 883948685 +846 498 4 883947861 +846 499 4 883948840 +846 504 5 883948221 +846 505 5 883948343 +846 506 3 883948908 +846 507 3 883947861 +846 509 4 883948765 +846 510 4 883948003 +846 511 5 883947911 +846 513 5 883947589 +846 514 3 883947590 +846 515 5 883948457 +846 516 4 883948457 +846 518 4 883948571 +846 519 4 883947694 +846 520 5 883947960 +846 521 3 883948141 +846 523 4 883948048 +846 524 3 883947819 +846 525 4 883947819 +846 526 4 883947960 +846 527 5 883947500 +846 528 5 883948417 +846 530 5 883948606 +846 540 2 883950711 +846 542 3 883950712 +846 549 4 883949421 +846 550 4 883949156 +846 552 4 883950634 +846 554 4 883949728 +846 555 2 883949508 +846 558 4 883948221 +846 559 5 883949200 +846 560 1 883950889 +846 561 3 883950753 +846 562 5 883950463 +846 565 2 883950712 +846 566 5 883948874 +846 568 4 883948571 +846 569 3 883949728 +846 570 4 883949698 +846 575 2 883950569 +846 576 4 883950186 +846 578 3 883949200 +846 580 5 883949335 +846 581 4 883950129 +846 585 2 883949643 +846 586 2 883950712 +846 588 4 883949380 +846 601 5 883947500 +846 602 4 883949255 +846 603 5 883947960 +846 604 4 883947777 +846 606 4 883948685 +846 608 4 883948377 +846 609 5 883949199 +846 610 4 883948221 +846 612 5 883949421 +846 614 5 883948765 +846 615 5 883948003 +846 616 3 883950753 +846 622 4 883950220 +846 623 1 883950889 +846 627 4 883949594 +846 630 3 883948642 +846 633 3 883948534 +846 638 4 883947694 +846 640 1 883948642 +846 642 5 883950220 +846 648 5 883948343 +846 650 5 883948534 +846 651 3 883948141 +846 654 5 883948089 +846 655 3 883948804 +846 657 5 883947590 +846 659 5 883948908 +846 660 3 883948765 +846 661 4 883948840 +846 662 3 883948765 +846 663 4 883948873 +846 665 4 883950434 +846 672 4 883949594 +846 673 4 883949422 +846 674 4 883949046 +846 675 2 883949379 +846 679 3 883948989 +846 684 5 883948141 +846 692 3 883949594 +846 693 5 883949335 +846 697 5 883949254 +846 699 3 883947960 +846 700 2 883950605 +846 702 4 883949380 +846 705 3 883948141 +846 708 3 883948685 +846 715 4 883949380 +846 716 3 883949508 +846 719 2 883949643 +846 720 4 883949643 +846 721 4 883948719 +846 723 2 883948949 +846 727 4 883948873 +846 728 4 883949422 +846 729 4 883950053 +846 731 3 883949594 +846 732 4 883948840 +846 735 2 883948141 +846 736 4 883948874 +846 737 4 883949771 +846 738 4 883950364 +846 739 4 883949459 +846 746 3 883949254 +846 747 3 883948417 +846 748 3 883946477 +846 751 5 883946938 +846 755 3 883950311 +846 768 4 883949508 +846 770 5 883948606 +846 772 4 883949421 +846 778 4 883948804 +846 780 4 883949380 +846 785 4 883950364 +846 786 4 883949771 +846 787 4 883949335 +846 789 4 883948417 +846 792 4 883948221 +846 794 5 883948495 +846 796 1 883950524 +846 802 2 883949508 +846 806 3 883948343 +846 810 3 883950434 +846 836 5 883950186 +846 837 5 883948495 +846 849 3 883950129 +846 941 2 883949379 +846 942 4 883948765 +846 944 2 883949547 +846 949 2 883949643 +846 955 3 883948720 +846 967 3 883950791 +846 1004 3 883950791 +846 1018 4 883949421 +846 1029 1 883950859 +846 1035 4 883949771 +846 1041 4 883950791 +846 1044 4 883950820 +846 1045 3 883950364 +846 1050 4 883949046 +846 1055 3 883949459 +846 1066 3 883950568 +846 1069 4 883948221 +846 1074 3 883950859 +846 1078 2 883949982 +846 1101 3 883948685 +846 1107 4 883950128 +846 1109 3 883948908 +846 1110 3 883950390 +846 1118 5 883948495 +846 1124 4 883948048 +846 1133 2 883950711 +846 1148 3 883950220 +846 1168 4 883950569 +846 1178 2 883950524 +846 1179 2 883949121 +846 1182 2 883950488 +846 1188 2 883950524 +846 1206 3 883948989 +846 1209 1 883950858 +846 1210 2 883950791 +846 1218 4 883950434 +846 1220 2 883950434 +846 1221 3 883950220 +846 1239 2 883950634 +846 1248 4 883949254 +846 1249 3 883949771 +846 1267 3 883949728 +846 1286 4 883948173 +846 1297 3 883950665 +846 1311 2 883950712 +846 1411 4 883950364 +846 1439 2 883950463 +846 1451 4 883948089 +846 1473 5 883949335 +846 1478 4 883950523 +846 1479 3 883948720 +846 1518 2 883950186 +846 1530 2 883949335 +846 1540 3 883949121 +847 1 3 878775523 +847 7 3 878775647 +847 8 4 878941082 +847 11 3 878939876 +847 13 3 878938897 +847 25 3 878775796 +847 39 2 878940531 +847 47 2 878939700 +847 50 4 878774969 +847 56 1 878939975 +847 66 3 878941398 +847 70 3 878940584 +847 71 4 878940653 +847 77 4 878941421 +847 79 4 878941588 +847 82 4 878941466 +847 88 2 878941168 +847 89 2 878940332 +847 93 1 878775570 +847 95 4 878939503 +847 96 4 878940301 +847 98 4 878940067 +847 99 2 878940013 +847 104 3 878939266 +847 108 2 878939266 +847 109 5 878938982 +847 117 2 878775570 +847 118 3 878775982 +847 120 1 878939349 +847 121 3 878775523 +847 125 3 878774969 +847 133 3 878941027 +847 135 4 878941144 +847 141 3 878941144 +847 142 3 878941168 +847 144 4 878940189 +847 151 4 878775914 +847 153 4 878941496 +847 157 1 878940463 +847 161 2 878940830 +847 164 3 878941056 +847 168 4 878939912 +847 172 4 878939803 +847 173 5 878940332 +847 174 4 878941168 +847 176 3 878941398 +847 180 2 878939945 +847 181 4 878775821 +847 183 4 878940332 +847 185 2 878939503 +847 191 4 878940652 +847 195 4 878940301 +847 196 3 878939839 +847 198 4 878940161 +847 200 3 878940756 +847 202 4 878940255 +847 204 4 878939912 +847 210 3 878940584 +847 211 4 878940383 +847 216 3 878940356 +847 218 3 878940254 +847 219 4 878940618 +847 220 4 878939327 +847 222 5 878775470 +847 225 1 878775647 +847 228 4 878940383 +847 234 2 878939645 +847 235 1 878776020 +847 238 2 878939975 +847 239 5 878940688 +847 240 1 878939309 +847 243 1 878774856 +847 257 3 878775863 +847 258 5 878774722 +847 261 1 878774763 +847 262 5 878774788 +847 288 4 878774722 +847 289 5 878774856 +847 290 4 878775523 +847 301 5 878774832 +847 317 3 878940732 +847 367 3 878940189 +847 369 1 878939451 +847 372 5 878940189 +847 404 3 878940732 +847 405 3 878938982 +847 410 1 878938855 +847 411 1 878939349 +847 417 2 878941588 +847 419 3 878941027 +847 426 2 878940485 +847 428 3 878940732 +847 434 3 878941520 +847 444 3 878940782 +847 447 3 878940890 +847 448 4 878940013 +847 455 2 878775647 +847 456 1 878939393 +847 473 2 878938855 +847 474 4 878941562 +847 476 4 878775961 +847 479 3 878940405 +847 480 3 878940039 +847 482 2 878940584 +847 485 3 878941539 +847 496 4 878940954 +847 499 4 878940013 +847 501 3 878940463 +847 507 3 878940161 +847 527 2 878939536 +847 567 3 878940783 +847 568 4 878941442 +847 578 3 878940805 +847 596 3 878938982 +847 602 3 878940732 +847 603 3 878939876 +847 609 2 878940383 +847 645 3 878940132 +847 652 5 878941005 +847 658 3 878940855 +847 663 2 878940954 +847 685 2 878938922 +847 705 3 878939700 +847 716 3 878941370 +847 732 4 878940510 +847 735 4 878940890 +847 740 4 878938982 +847 742 3 878774969 +847 756 1 878776020 +847 763 1 878775914 +847 820 1 878939375 +847 826 3 878939266 +847 926 1 878938792 +847 928 3 878939375 +847 948 1 878774764 +847 1007 4 878775444 +847 1012 1 878775729 +847 1031 2 878941005 +847 1050 3 878940618 +847 1086 4 878775404 +847 1137 5 878775404 +847 1160 4 878939153 +847 1167 5 878939645 +847 1172 1 878939803 +847 1204 3 878940757 +847 1400 5 878940830 +848 23 2 887040025 +848 25 5 887046890 +848 32 5 887042871 +848 42 2 887040097 +848 50 5 887038397 +848 65 2 887038527 +848 69 2 887043340 +848 71 5 887046915 +848 72 5 887042341 +848 82 5 887039164 +848 88 4 887048260 +848 89 5 887040097 +848 95 5 887041354 +848 97 5 887043607 +848 99 3 887038397 +848 108 5 887040302 +848 109 4 887043421 +848 118 2 887047243 +848 121 4 887043266 +848 125 5 887040159 +848 127 3 887038159 +848 132 5 887038197 +848 133 4 887047308 +848 134 5 887043265 +848 135 4 887038022 +848 141 4 887040159 +848 151 4 887043180 +848 152 5 887046166 +848 153 5 887039271 +848 154 5 887038634 +848 162 2 887048541 +848 163 5 887048073 +848 164 5 887043421 +848 165 5 887038397 +848 166 5 887038159 +848 170 5 887039271 +848 172 5 887038022 +848 173 5 887038134 +848 174 5 887038104 +848 176 4 887037980 +848 179 5 887042377 +848 180 2 887038993 +848 181 5 887046674 +848 183 3 887038104 +848 185 3 887037861 +848 186 5 887039271 +848 191 5 887038564 +848 195 3 887040097 +848 196 5 887044238 +848 197 5 887038021 +848 199 5 887042341 +848 200 2 887040302 +848 202 5 887043040 +848 204 5 887039078 +848 207 5 887043265 +848 209 5 887038397 +848 210 5 887039271 +848 214 5 887048573 +848 215 5 887046565 +848 216 5 887040159 +848 234 4 887037861 +848 238 4 887046329 +848 241 5 887047243 +848 265 4 887047808 +848 294 5 887037669 +848 318 5 887038231 +848 357 5 887038104 +848 393 5 887047962 +848 403 4 887043266 +848 405 5 887046915 +848 419 5 887043421 +848 421 5 887043777 +848 423 4 887038197 +848 427 5 887039136 +848 428 5 887047809 +848 430 5 887041354 +848 431 5 887038528 +848 432 2 887038022 +848 433 3 887043180 +848 435 3 887042427 +848 443 5 887047921 +848 451 4 887042377 +848 462 5 887038634 +848 474 5 887038441 +848 476 3 887047674 +848 478 5 887039531 +848 479 5 887040302 +848 480 5 887040025 +848 481 3 887038527 +848 483 5 887038021 +848 484 5 887043040 +848 485 5 887042341 +848 489 5 887043821 +848 490 5 887043514 +848 495 2 887039018 +848 496 2 887037980 +848 498 5 887037935 +848 501 3 887048073 +848 504 3 887038397 +848 509 4 887046674 +848 511 4 887037822 +848 512 5 887040025 +848 514 5 887043777 +848 517 5 887043514 +848 519 5 887037980 +848 520 5 887039329 +848 523 5 887042341 +848 527 3 887038280 +848 528 3 887037980 +848 529 5 887042871 +848 530 5 887043040 +848 566 4 887046823 +848 582 4 887046329 +848 584 3 887039531 +848 588 3 887043514 +848 603 5 887047308 +848 606 4 887038441 +848 610 5 887046259 +848 615 5 887037980 +848 633 3 887043040 +848 638 5 887038073 +848 640 1 887037935 +848 642 5 887039164 +848 647 5 887039329 +848 650 4 887037822 +848 654 5 887038104 +848 655 4 887040097 +848 661 3 887040302 +848 663 5 887046329 +848 679 3 887047674 +848 689 1 887037584 +848 708 4 887046619 +848 732 5 887048573 +848 739 5 887048260 +848 747 5 887043777 +848 755 5 887046674 +848 805 5 887048111 +848 812 2 887038475 +848 845 5 887046565 +848 855 5 887046915 +848 899 3 887037471 +848 945 5 887043821 +848 971 5 887043421 +848 973 5 887046619 +848 1021 5 887043777 +848 1063 5 887038197 +848 1065 2 887048154 +848 1101 5 887046533 +848 1118 5 887048573 +848 1126 5 887043265 +849 15 5 879695896 +849 27 5 879695469 +849 38 5 879695420 +849 118 5 879695153 +849 121 5 879695086 +849 133 5 879696059 +849 143 5 879695515 +849 172 5 879695469 +849 174 5 879695469 +849 197 5 879695782 +849 207 5 879695680 +849 234 5 879695469 +849 288 5 879695056 +849 298 5 879695086 +849 406 4 879695125 +849 421 5 879695588 +849 427 4 879695317 +849 568 4 879695317 +849 588 5 879695680 +849 625 5 879695420 +849 633 5 879695420 +849 676 5 879695896 +849 928 5 879695153 +850 8 5 883195055 +850 15 5 883195256 +850 22 5 883195527 +850 28 5 883195214 +850 50 5 883195143 +850 56 1 883195034 +850 69 5 883195456 +850 71 5 883195118 +850 79 5 883195192 +850 82 5 883194950 +850 88 5 883195479 +850 95 5 883195301 +850 96 4 883195236 +850 97 5 883195168 +850 98 1 883195192 +850 121 5 883195055 +850 132 5 883195236 +850 153 4 883194792 +850 162 3 883195301 +850 168 5 883195456 +850 172 5 883195301 +850 173 5 883195008 +850 174 5 883195419 +850 181 5 883195419 +850 196 3 883194792 +850 202 4 883194737 +850 204 5 883194859 +850 208 5 883194973 +850 210 5 883195301 +850 228 5 883195394 +850 294 5 883194367 +850 300 5 883194367 +850 318 5 883194737 +850 385 5 883195099 +850 419 5 883195394 +850 435 4 883194859 +850 480 5 883194810 +850 485 5 883195168 +850 490 5 883194859 +850 494 3 883195168 +850 496 5 883195079 +850 519 4 883195168 +850 566 5 883195256 +850 568 5 883194768 +850 584 4 883195276 +850 648 5 883195527 +850 659 4 883194709 +850 663 2 883194768 +850 705 5 883195034 +850 742 5 883195214 +850 969 5 883194908 +851 4 5 875731489 +851 8 4 875731776 +851 9 4 875730379 +851 10 3 875730030 +851 11 5 875731441 +851 12 4 875731370 +851 17 5 875807089 +851 22 5 875731330 +851 23 4 875806721 +851 27 4 875806765 +851 31 4 875807058 +851 48 4 875731489 +851 50 5 891961663 +851 56 5 875731489 +851 64 5 875731674 +851 68 3 875731722 +851 71 4 875731567 +851 79 4 875731722 +851 92 5 875806791 +851 95 4 875731282 +851 109 4 875730379 +851 111 3 874767408 +851 112 1 875730629 +851 121 4 874728565 +851 122 2 875731105 +851 123 4 875730379 +851 125 4 875730826 +851 127 5 891961664 +851 128 4 875731330 +851 129 4 875730379 +851 132 4 875731370 +851 144 5 875806849 +851 147 4 874728461 +851 153 3 875806683 +851 157 4 875731605 +851 159 3 875806953 +851 160 5 875731224 +851 161 3 875731490 +851 172 5 875731567 +851 174 5 875731776 +851 176 4 875731816 +851 180 5 875731605 +851 182 5 875731406 +851 192 4 875731441 +851 193 4 875731722 +851 204 4 875731567 +851 223 4 875731567 +851 228 4 875731776 +851 231 4 875807019 +851 234 4 875731189 +851 238 5 875731330 +851 240 4 875730629 +851 248 4 875730379 +851 250 5 875730379 +851 252 3 875730418 +851 255 3 890343651 +851 258 4 883148669 +851 261 3 877831111 +851 262 4 890343320 +851 264 2 890343477 +851 266 3 886534672 +851 271 5 883148692 +851 272 5 891961663 +851 273 5 891961663 +851 284 3 874728338 +851 286 4 883148669 +851 290 4 874728430 +851 291 4 875730244 +851 295 5 874728370 +851 298 5 875730379 +851 299 4 886534617 +851 301 3 890343401 +851 302 5 888540054 +851 303 4 890804569 +851 304 3 877831020 +851 307 4 878574215 +851 310 5 891961663 +851 313 4 883148627 +851 318 5 891961664 +851 326 3 891961717 +851 327 4 890804671 +851 328 3 886534572 +851 330 3 884205246 +851 331 3 877830970 +851 332 1 884205263 +851 333 5 890862741 +851 336 4 890804691 +851 338 3 891961750 +851 339 4 888540093 +851 340 5 883148669 +851 342 2 888540205 +851 343 2 883148773 +851 346 5 884831499 +851 347 5 891961663 +851 349 3 890862917 +851 352 1 890343544 +851 353 3 890862878 +851 355 4 888540240 +851 363 4 875730629 +851 367 2 875731674 +851 405 5 874767550 +851 406 2 875731674 +851 410 4 875730379 +851 411 3 875731021 +851 412 2 875731105 +851 435 4 875731225 +851 455 3 875730379 +851 456 2 875730719 +851 472 3 875730312 +851 473 4 874728396 +851 475 4 875731674 +851 480 5 875731406 +851 483 4 875806721 +851 527 5 891961663 +851 531 3 875731189 +851 544 4 874728396 +851 553 4 875731225 +851 564 3 875806892 +851 588 4 875731529 +851 591 5 891961663 +851 595 3 875731021 +851 597 4 875730686 +851 619 4 875730629 +851 676 3 875729887 +851 680 3 886534717 +851 681 1 886534672 +851 682 1 890804746 +851 685 4 875731022 +851 687 2 874728168 +851 689 3 883148867 +851 690 4 891961166 +851 693 5 875731816 +851 696 3 874728338 +851 717 3 874728598 +851 742 5 874767519 +851 748 3 874788804 +851 751 4 883148669 +851 754 2 891961831 +851 760 4 875730418 +851 772 3 875807019 +851 806 4 875731330 +851 815 3 874767550 +851 818 2 875730279 +851 820 3 875730947 +851 823 3 875730532 +851 824 4 874767550 +851 825 4 875730533 +851 826 4 875730719 +851 828 2 875730482 +851 831 5 875731105 +851 833 3 875731105 +851 840 3 875731105 +851 841 3 875730757 +851 845 3 874767408 +851 866 3 875730895 +851 875 5 884205151 +851 879 4 875729820 +851 880 3 886534617 +851 881 3 875729751 +851 892 2 886534635 +851 895 3 886534529 +851 912 4 891961214 +851 915 5 893090752 +851 916 3 891961195 +851 924 4 874789109 +851 925 3 875731022 +851 930 3 875730312 +851 932 3 875730455 +851 974 2 875730979 +851 975 2 875731105 +851 977 3 875730533 +851 979 3 875730244 +851 981 1 875730826 +851 983 2 875731021 +851 984 3 874809850 +851 987 1 875730601 +851 1009 2 874789084 +851 1013 2 891961856 +851 1014 3 874767408 +851 1016 5 891961664 +851 1023 3 875730601 +851 1025 2 884205201 +851 1028 3 875730686 +851 1034 1 875731105 +851 1047 3 874789005 +851 1051 2 875730279 +851 1059 3 875730533 +851 1089 3 875730418 +851 1094 1 875730455 +851 1095 3 875731105 +851 1105 4 890862961 +851 1120 2 890343707 +851 1132 3 875730757 +851 1143 5 891961798 +851 1245 4 875730826 +851 1254 1 875730895 +851 1258 3 890343790 +851 1276 2 875730601 +851 1277 2 875730418 +851 1280 4 890343493 +851 1287 1 875731105 +851 1291 2 875730979 +851 1314 1 890862741 +851 1337 3 875730719 +851 1376 2 875730895 +851 1540 2 875731529 +851 1598 3 886534882 +851 1675 3 884222085 +851 1676 2 875731674 +852 1 4 891036457 +852 7 3 891036485 +852 25 3 891036802 +852 50 5 891036414 +852 100 4 891036457 +852 109 3 891036505 +852 117 4 891036707 +852 118 4 891037262 +852 121 4 891036901 +852 122 1 891037738 +852 127 4 891035544 +852 151 4 891036922 +852 181 4 891036414 +852 235 4 891036765 +852 250 4 891036414 +852 252 3 891036866 +852 257 4 891036414 +852 259 4 891036414 +852 260 3 891036414 +852 264 3 891035999 +852 274 3 891036369 +852 289 2 891035325 +852 290 4 891036817 +852 323 3 891036039 +852 358 3 891036414 +852 405 3 891037262 +852 407 3 891037778 +852 408 5 891036843 +852 472 3 891037605 +852 473 3 891036884 +852 506 4 891037917 +852 515 5 891036414 +852 546 4 891037245 +852 568 4 891037947 +852 597 3 891037562 +852 678 3 891036414 +852 681 4 891036414 +852 685 3 891036435 +852 820 4 891037754 +852 825 3 891037586 +852 826 3 891037806 +852 827 2 891036866 +852 840 3 891036866 +852 841 4 891037625 +852 926 3 891036902 +852 930 3 891037777 +852 969 5 891037917 +852 1052 4 891037888 +852 1615 2 891036457 +853 245 3 879365091 +853 258 3 879364883 +853 259 3 879365034 +853 261 3 879365360 +853 264 3 879365169 +853 270 4 879364822 +853 271 3 879364668 +853 286 3 879364668 +853 288 4 879364822 +853 292 4 879364669 +853 294 2 879365035 +853 299 4 879365092 +853 300 5 879364744 +853 301 1 879364744 +853 302 4 879364669 +853 304 4 879364822 +853 307 1 879364744 +853 322 3 879364883 +853 323 3 879364883 +853 326 2 879364955 +853 327 3 879364955 +853 328 3 879364744 +853 330 1 879365091 +853 331 2 879364822 +853 332 3 879364822 +853 333 4 879364669 +853 334 3 879364744 +853 340 1 879364744 +853 358 1 879365035 +853 678 4 879365170 +853 682 4 879364823 +853 688 3 879365169 +853 690 2 879364744 +853 748 2 879364883 +853 873 3 879365091 +853 877 2 879364882 +853 879 4 879364955 +853 880 5 879364822 +853 887 2 879365169 +853 1025 4 879365360 +853 1280 4 879365091 +854 1 3 882812225 +854 3 1 882813047 +854 4 2 882814436 +854 7 4 882812352 +854 8 5 882814571 +854 9 5 882814570 +854 11 5 882814570 +854 12 5 882813990 +854 13 3 882812755 +854 14 4 882812225 +854 15 3 882812451 +854 19 3 882812826 +854 20 2 882813179 +854 22 2 882813691 +854 23 4 882813647 +854 24 4 882812352 +854 25 3 882813219 +854 32 4 882813574 +854 42 4 882813990 +854 49 4 882814665 +854 50 4 882812102 +854 55 4 882814467 +854 56 5 882814571 +854 58 3 882813825 +854 64 5 882814121 +854 69 4 882814395 +854 79 4 882814298 +854 83 4 882813691 +854 86 3 882814436 +854 87 4 882814063 +854 89 4 882814467 +854 93 5 882814571 +854 96 3 882814467 +854 98 4 882814394 +854 100 5 882812225 +854 106 3 882813248 +854 111 3 882812906 +854 117 3 882812755 +854 118 2 882813219 +854 121 1 882813074 +854 122 3 882813287 +854 123 1 882812406 +854 124 5 882814570 +854 125 3 882813099 +854 126 3 882812826 +854 127 4 882813933 +854 129 3 882812165 +854 132 5 882813877 +854 133 3 882814091 +854 134 4 882813825 +854 135 4 882813933 +854 144 3 882814298 +854 147 3 882812492 +854 150 3 882812314 +854 151 4 882812451 +854 153 4 882813990 +854 156 3 882813574 +854 168 4 882814435 +854 170 4 882813537 +854 171 4 882814333 +854 173 4 882813537 +854 174 3 882813574 +854 175 4 882813797 +854 176 3 882813877 +854 180 4 882813537 +854 185 4 882813877 +854 186 3 882814298 +854 188 4 882814368 +854 191 4 882813825 +854 194 3 882814235 +854 195 3 882813537 +854 197 4 882813797 +854 200 5 882814121 +854 203 4 882813933 +854 216 3 882814028 +854 220 4 882813248 +854 222 4 882812492 +854 223 4 882814177 +854 225 1 882813364 +854 235 2 882813179 +854 237 3 882812406 +854 238 5 882813648 +854 244 3 882812826 +854 246 3 882812195 +854 249 3 882812928 +854 250 4 882812376 +854 255 1 882812852 +854 257 3 882812877 +854 258 4 882811810 +854 260 3 882812030 +854 264 1 882811888 +854 268 3 882811865 +854 269 4 882811742 +854 270 4 882811810 +854 271 4 882811937 +854 273 4 882812852 +854 274 3 882812906 +854 275 4 882814571 +854 281 3 882813047 +854 282 2 882812960 +854 283 3 882812492 +854 285 4 882812165 +854 286 1 882811742 +854 287 3 882813143 +854 288 5 882814571 +854 289 2 882811962 +854 290 1 882813179 +854 291 2 882813074 +854 293 5 882812102 +854 294 2 882811742 +854 297 4 882812263 +854 302 3 882811836 +854 303 3 882811810 +854 318 5 882813825 +854 321 3 882811913 +854 322 1 882811865 +854 324 3 882811937 +854 328 1 882811865 +854 333 3 882811742 +854 343 3 882811773 +854 357 4 882814235 +854 358 2 882812001 +854 382 4 882813761 +854 405 4 882812755 +854 409 2 882813421 +854 411 2 882813143 +854 421 3 882814028 +854 423 4 882813963 +854 431 3 882813726 +854 455 2 882812906 +854 458 3 882812826 +854 461 3 882814298 +854 463 3 882814395 +854 466 3 882813761 +854 469 5 882814571 +854 471 2 882812928 +854 472 1 882813143 +854 475 4 882812352 +854 476 3 882813219 +854 479 4 882813623 +854 482 3 882813761 +854 483 4 882813691 +854 484 3 882814368 +854 487 4 882813990 +854 488 4 882813761 +854 492 4 882814333 +854 493 5 882813933 +854 498 3 882813877 +854 499 4 882813537 +854 505 4 882813600 +854 507 4 882813623 +854 508 4 882812492 +854 509 4 882814333 +854 511 4 882814298 +854 512 3 882814063 +854 514 4 882813537 +854 522 2 882814189 +854 528 4 882813623 +854 535 3 882813364 +854 537 3 882813797 +854 544 3 882812852 +854 591 2 882812451 +854 597 2 882813143 +854 603 4 882813600 +854 604 4 882813601 +854 606 4 882813691 +854 616 4 882813877 +854 619 2 882812376 +854 620 2 882813453 +854 628 2 882812451 +854 632 4 882813797 +854 652 3 882813825 +854 664 4 882814091 +854 696 2 882812961 +854 705 4 882813963 +854 709 4 882814395 +854 713 4 882812288 +854 735 3 882813990 +854 742 2 882812960 +854 744 2 882812787 +854 756 3 882813364 +854 757 3 882814235 +854 762 2 882812905 +854 799 3 882814298 +854 811 3 882814091 +854 815 2 882812981 +854 823 2 882813316 +854 825 3 882813143 +854 826 2 882813453 +854 829 2 882813287 +854 840 2 882813364 +854 846 3 882813453 +854 855 4 882814063 +854 919 4 882812406 +854 922 5 882813143 +854 924 4 882812314 +854 925 2 882813179 +854 928 3 882813143 +854 945 3 882813761 +854 979 4 882813315 +854 1011 2 882813047 +854 1013 1 882813453 +854 1014 3 882813315 +854 1016 2 882812406 +854 1028 2 882813421 +854 1047 1 882812906 +854 1061 1 882813421 +854 1077 3 882813907 +854 1086 3 882812195 +854 1134 3 882812787 +854 1197 3 882812263 +854 1226 4 882814571 +854 1281 2 882812314 +854 1283 2 882813047 +854 1284 2 882812961 +854 1335 2 882812288 +854 1677 3 882814368 +855 45 3 879825383 +855 59 3 879825488 +855 60 3 879825528 +855 86 2 879825462 +855 165 4 879825382 +855 166 4 879825578 +855 170 2 879825383 +855 171 3 879825383 +855 179 3 879825528 +855 198 4 879825613 +855 283 3 879825383 +855 462 4 879825383 +855 475 4 879825383 +855 509 3 879825613 +855 510 4 879825578 +855 512 4 879825382 +855 529 4 879825613 +855 531 3 879825614 +855 582 3 879825578 +855 638 4 879825462 +855 855 4 879825488 +855 919 3 879825462 +855 1021 3 879825578 +856 258 4 891489356 +856 270 3 891489412 +856 272 5 891489217 +856 286 4 891489299 +856 289 1 891489525 +856 294 4 891489502 +856 300 4 891489386 +856 307 4 891489250 +856 310 3 891489217 +856 312 2 891489450 +856 313 5 891489217 +856 315 5 891489250 +856 316 5 891489547 +856 322 4 891489593 +856 323 2 891489593 +856 326 2 891489450 +856 327 4 891489478 +856 328 3 891489478 +856 347 2 891489217 +856 678 3 891489666 +856 688 2 891489666 +856 690 4 891489356 +856 748 3 891489638 +856 749 3 891489450 +856 750 5 891489250 +856 879 3 891489450 +857 14 4 883432633 +857 19 4 883432633 +857 20 3 883432688 +857 24 1 883432711 +857 116 5 883432663 +857 258 5 883432193 +857 259 4 883432397 +857 275 5 883432663 +857 283 5 883432633 +857 294 3 883432251 +857 300 3 883432251 +857 304 2 883432301 +857 321 4 883432352 +857 325 1 883432397 +857 328 3 883432301 +857 348 1 883432170 +857 475 5 883432663 +857 547 3 883432633 +857 687 1 883432470 +857 892 3 883432515 +857 898 5 883432141 +857 988 2 883432423 +858 9 5 880932449 +858 100 3 880932746 +858 127 5 880932912 +858 181 2 879460595 +858 269 4 879458608 +858 286 4 879458829 +858 289 3 879459337 +858 292 3 879459087 +858 293 3 880932692 +858 307 3 880933013 +858 323 2 879459926 +858 327 3 879459504 +858 331 3 880932343 +858 333 4 880933013 +858 334 4 880933072 +858 515 4 880932911 +858 678 1 879459926 +858 689 5 879459087 +858 690 3 879459087 +858 754 4 879459087 +858 1368 4 880932449 +859 3 5 885775513 +859 15 4 885776056 +859 25 4 885776056 +859 111 4 885776056 +859 118 3 885775193 +859 151 2 885775067 +859 249 5 885775086 +859 257 2 885775330 +859 275 3 885774828 +859 276 4 885776056 +859 282 3 885774964 +859 287 5 885775358 +859 288 4 885776056 +859 293 4 885776056 +859 294 3 885775218 +859 313 5 885774773 +859 368 3 885775880 +859 381 4 885776352 +859 410 4 885776056 +859 421 5 885776384 +859 458 3 885775382 +859 475 4 885776056 +859 476 5 885775727 +859 535 5 885774867 +859 762 5 885775437 +859 763 4 885775699 +859 846 5 885775612 +859 928 3 885775473 +859 955 5 885776352 +859 1008 4 885776056 +859 1009 4 885775277 +859 1014 4 885775564 +859 1048 3 885775767 +859 1061 4 885776056 +859 1095 2 885775513 +859 1132 3 885775513 +859 1281 3 885774937 +859 1315 4 885775251 +859 1326 4 885775859 +860 4 4 885991163 +860 26 3 885991163 +860 49 2 885991316 +860 56 4 885990862 +860 70 5 885991040 +860 100 4 885991075 +860 153 4 885990965 +860 159 3 889984855 +860 202 4 885990932 +860 204 4 885990901 +860 211 3 885990998 +860 216 4 885990901 +860 220 3 885145702 +860 245 3 880829225 +860 257 3 891733877 +860 262 4 874967063 +860 269 2 891535991 +860 272 3 885145344 +860 274 3 885991476 +860 283 4 885990998 +860 285 5 885990901 +860 286 4 874967063 +860 287 3 885991407 +860 289 3 880829225 +860 294 2 880829225 +860 300 4 874967063 +860 301 2 880829226 +860 302 4 876074139 +860 303 3 876074139 +860 305 4 878567538 +860 307 3 879801617 +860 310 4 880914645 +860 311 4 882120528 +860 312 4 888169119 +860 313 4 885145375 +860 315 3 884029545 +860 316 3 889627165 +860 321 3 880829225 +860 327 3 880829225 +860 332 2 880829226 +860 333 3 876074177 +860 339 3 882831410 +860 344 3 887028250 +860 347 4 886424396 +860 381 3 885990998 +860 393 2 885991129 +860 508 4 885991076 +860 514 5 885991040 +860 516 3 885991040 +860 517 4 885991076 +860 629 3 885991198 +860 663 3 885991101 +860 678 3 887754112 +860 690 4 876750421 +860 692 5 885990965 +860 712 3 885991316 +860 715 4 885991198 +860 716 2 887754411 +860 732 4 885991129 +860 781 2 887754411 +860 846 2 887754411 +860 865 4 885990862 +860 890 2 880829225 +860 894 2 883678286 +860 900 3 886354648 +860 949 3 885991163 +860 1041 2 887754411 +860 1047 2 885991563 +860 1059 1 891536049 +860 1061 3 879169685 +860 1602 3 893009852 +861 10 3 881274739 +861 14 4 881274612 +861 20 4 881274857 +861 26 3 881274936 +861 45 5 881274698 +861 52 5 881274718 +861 70 4 881274672 +861 83 5 881274672 +861 86 5 881274630 +861 116 4 881274739 +861 170 5 881274672 +861 179 1 881274672 +861 213 5 881274759 +861 242 5 881274504 +861 275 5 881274612 +861 286 4 881274504 +861 289 5 881274504 +861 292 4 881274504 +861 294 3 881274504 +861 301 4 881274504 +861 305 4 881274504 +861 319 5 881274504 +861 321 1 881274504 +861 381 4 881274780 +861 382 5 881274780 +861 462 4 881274698 +861 463 3 881274698 +861 475 3 881274760 +861 509 5 881274739 +861 529 5 881274718 +861 531 4 881274529 +861 547 4 881274857 +861 582 2 881274796 +861 584 5 881274815 +861 714 4 881274899 +861 736 4 881274672 +861 737 3 881274883 +861 740 4 881274760 +861 937 4 881274504 +861 949 4 881274937 +861 1009 5 881274857 +861 1148 3 881274913 +861 1227 4 881274936 +862 7 5 879304196 +862 10 5 879303249 +862 11 4 879305172 +862 12 5 879304571 +862 22 5 879304571 +862 24 4 879302990 +862 45 4 879304721 +862 50 5 879304196 +862 56 3 879305204 +862 59 5 879305204 +862 60 5 879305143 +862 61 5 879304244 +862 64 5 879304326 +862 69 5 879304244 +862 70 4 879305172 +862 79 5 879304623 +862 81 5 879305237 +862 82 4 879305237 +862 89 5 879304526 +862 91 5 879304762 +862 92 5 879305051 +862 96 4 879305051 +862 97 4 879305143 +862 98 5 879304865 +862 99 4 879305097 +862 100 5 879304196 +862 105 3 879303346 +862 111 5 879302844 +862 117 5 879302844 +862 120 3 879303953 +862 121 5 879304196 +862 127 5 879304196 +862 132 5 879304980 +862 135 5 879304762 +862 141 4 879305237 +862 143 5 879304722 +862 147 5 879304196 +862 151 5 879304196 +862 168 4 879304526 +862 172 5 879304243 +862 173 5 879304484 +862 174 5 879304721 +862 175 5 879305172 +862 176 5 879304672 +862 177 4 879305016 +862 179 5 879304410 +862 180 5 879305097 +862 181 5 879305143 +862 182 5 879304526 +862 183 5 879304834 +862 184 2 879305097 +862 185 5 879304571 +862 186 3 879305143 +862 187 4 879304672 +862 188 5 879305312 +862 193 4 879304326 +862 195 5 879304902 +862 196 5 879304799 +862 197 4 879304623 +862 198 5 879304484 +862 199 5 879304761 +862 200 5 879304980 +862 201 3 879304326 +862 202 5 879304624 +862 203 4 879305312 +862 205 4 879304282 +862 208 2 879304282 +862 210 4 879304410 +862 211 5 879305051 +862 214 3 879304834 +862 215 4 879304624 +862 216 5 879304410 +862 222 5 879304196 +862 228 5 879305097 +862 230 3 879305273 +862 238 4 879304624 +862 250 5 879303158 +862 252 3 879302910 +862 257 5 879303207 +862 258 5 879302461 +862 260 5 879302583 +862 265 5 879304980 +862 271 5 879302763 +862 276 5 879303079 +862 282 5 879303123 +862 288 5 879302533 +862 357 3 879305204 +862 405 2 879303123 +862 406 4 879303843 +862 407 3 879303843 +862 413 4 879303952 +862 416 3 879305351 +862 423 4 879305273 +862 429 5 879304526 +862 431 5 879305312 +862 432 5 879304902 +862 433 4 879304445 +862 434 5 879304410 +862 435 5 879304244 +862 436 4 879305386 +862 462 4 879304624 +862 467 4 879305143 +862 472 5 879303505 +862 474 5 879304722 +862 476 4 879303622 +862 478 4 879305016 +862 479 4 879305351 +862 480 5 879304761 +862 483 5 879304326 +862 484 4 879304571 +862 485 5 879304410 +862 491 3 879304799 +862 495 4 879305097 +862 496 5 879304902 +862 498 4 879304445 +862 505 4 879305016 +862 515 4 879302877 +862 519 4 879304326 +862 520 4 879304484 +862 521 5 879304762 +862 526 4 879304623 +862 544 5 879304196 +862 546 4 879302944 +862 559 4 879305312 +862 566 3 879304571 +862 568 3 879304799 +862 597 3 879303697 +862 603 5 879304445 +862 633 5 879304722 +862 640 3 879305351 +862 647 5 879304369 +862 650 4 879304941 +862 651 5 879304624 +862 655 5 879305016 +862 657 5 879304369 +862 658 5 879304526 +862 678 4 879302614 +862 737 4 879305386 +862 742 5 879303298 +862 748 4 879302533 +862 767 4 879303807 +862 789 5 879304941 +862 820 4 879303774 +862 823 4 879303869 +862 825 5 879303668 +862 831 3 879303542 +862 845 4 879303249 +862 866 4 879303697 +862 919 4 879303409 +862 928 4 879303542 +862 930 5 879303843 +862 969 5 879304410 +862 974 2 879304113 +862 977 4 879302877 +862 978 3 879303591 +862 979 5 879303409 +862 982 4 879303622 +862 1009 4 879303622 +862 1011 5 879303123 +862 1050 5 879305351 +862 1093 5 879304196 +862 1109 5 879305016 +862 1110 5 879305386 +862 1117 4 879303668 +862 1199 2 879303729 +863 242 4 889289570 +863 258 5 889289122 +863 259 1 889289240 +863 262 3 889289618 +863 264 3 889289385 +863 268 5 889289240 +863 269 3 889288973 +863 270 3 889288943 +863 271 4 889289191 +863 272 5 889288910 +863 286 5 889289191 +863 288 4 889288911 +863 289 4 889289457 +863 292 2 889289067 +863 294 4 889289327 +863 299 2 889289385 +863 300 5 889289157 +863 301 4 889289240 +863 302 4 889288910 +863 303 1 889288911 +863 304 3 889289240 +863 305 4 889289122 +863 306 5 889289570 +863 307 5 889289157 +863 310 5 889288943 +863 313 5 889288910 +863 315 5 889288910 +863 316 5 889289419 +863 319 2 889289123 +863 321 4 889289157 +863 322 1 889289327 +863 324 5 889289385 +863 326 5 889289157 +863 327 5 889289327 +863 328 5 889288943 +863 329 2 889289157 +863 330 2 889289191 +863 331 4 889289278 +863 332 4 889288943 +863 333 5 889289123 +863 334 5 889289353 +863 336 2 889289327 +863 339 3 889289353 +863 340 3 889288911 +863 342 1 889289241 +863 343 5 889289328 +863 344 4 889289456 +863 346 5 889288911 +863 347 2 889289067 +863 348 2 889289456 +863 349 1 889289457 +863 350 1 889289457 +863 352 1 889289491 +863 354 1 889289191 +863 355 4 889289419 +863 359 3 889289158 +863 361 5 889289618 +863 362 1 889289122 +863 538 2 889289122 +863 682 3 889289491 +863 683 1 889289241 +863 690 4 889289067 +863 691 3 889289067 +863 748 3 889289456 +863 749 2 889289419 +863 750 4 889288973 +863 751 4 889289122 +863 752 4 889289277 +863 754 3 889289067 +863 872 2 889289240 +863 873 2 889289491 +863 876 2 889289457 +863 877 1 889289277 +863 879 2 889289123 +863 882 4 889289570 +863 885 1 889289456 +863 886 3 889289327 +863 887 3 889289328 +863 895 5 889289385 +863 898 1 889288973 +863 900 3 889289067 +863 901 1 889288972 +863 902 5 889289456 +863 903 3 889289570 +863 906 4 889289570 +863 908 1 889289240 +863 909 3 889289619 +863 910 2 889289570 +863 990 1 889289385 +863 1022 2 889289569 +863 1024 3 889289619 +863 1038 1 889289327 +863 1062 4 889289570 +863 1127 4 889289157 +863 1234 3 889289619 +863 1237 4 889289618 +863 1243 4 889289277 +863 1294 4 889289618 +863 1296 3 889289617 +863 1313 1 889289067 +863 1395 4 889289491 +863 1431 4 889289618 +863 1434 2 889289618 +863 1607 2 889288973 +863 1678 1 889289570 +863 1679 3 889289491 +863 1680 2 889289570 +864 1 5 877214125 +864 2 4 888889657 +864 4 4 888890690 +864 5 4 888889657 +864 7 5 878179608 +864 8 5 888887402 +864 9 5 877214236 +864 11 5 888887502 +864 12 5 888886984 +864 13 4 877214125 +864 15 4 888887658 +864 22 5 888888937 +864 24 5 888887502 +864 25 4 888888240 +864 28 5 888887247 +864 29 4 888891794 +864 31 4 888888202 +864 38 3 888891628 +864 43 3 888891524 +864 44 4 888890144 +864 47 5 888887502 +864 48 5 888886945 +864 49 3 888892091 +864 50 5 877214085 +864 52 4 888888861 +864 53 4 888891794 +864 54 4 888891473 +864 55 4 888887045 +864 56 5 888887097 +864 58 5 888887739 +864 62 4 888889035 +864 63 3 888893088 +864 64 5 888887830 +864 65 3 888890690 +864 66 3 888889784 +864 67 4 888891190 +864 69 5 888889863 +864 70 4 888888168 +864 71 3 888889389 +864 72 4 888891288 +864 73 5 888888994 +864 77 4 888891627 +864 79 5 888887830 +864 81 3 888891836 +864 82 5 888887830 +864 85 2 888889327 +864 86 4 888890547 +864 87 5 888887403 +864 88 4 888887469 +864 91 5 888887172 +864 93 3 888889948 +864 94 4 888891423 +864 95 5 888887045 +864 96 5 888887830 +864 97 4 888887216 +864 98 5 888886946 +864 99 3 888890730 +864 100 5 877214125 +864 102 4 888890997 +864 106 3 877214236 +864 108 3 888891627 +864 109 5 888888994 +864 111 3 888888115 +864 114 5 888888168 +864 116 4 888887045 +864 117 4 888889466 +864 118 4 888888994 +864 121 4 877214085 +864 123 4 888890594 +864 124 5 877214158 +864 125 4 888889162 +864 127 4 888887216 +864 128 4 888886882 +864 132 5 888887128 +864 133 5 888887984 +864 134 5 888887013 +864 136 4 888886913 +864 137 4 878179514 +864 140 3 888892016 +864 143 4 888887703 +864 144 5 888887830 +864 145 4 888892230 +864 151 5 888889466 +864 153 5 888886946 +864 157 4 888886984 +864 159 4 888891049 +864 161 4 888891288 +864 163 4 888888680 +864 164 4 888887216 +864 167 4 888891794 +864 168 4 888888067 +864 169 5 888887402 +864 172 5 888887795 +864 173 5 888889129 +864 174 5 888887354 +864 176 5 888887289 +864 178 4 888887248 +864 181 5 888887984 +864 182 3 888886913 +864 183 4 888888115 +864 184 4 888890775 +864 186 4 888887658 +864 188 3 888887172 +864 189 4 888889268 +864 190 4 888887437 +864 191 4 888887869 +864 194 4 888886984 +864 195 4 888888937 +864 196 4 888887914 +864 197 4 888888282 +864 200 4 888889162 +864 201 5 888887172 +864 202 5 888887354 +864 203 5 888886846 +864 204 5 888888937 +864 208 4 888888994 +864 209 3 888887172 +864 210 4 888887469 +864 214 2 888890052 +864 215 4 888888994 +864 216 4 888886882 +864 217 4 888891524 +864 218 4 888890316 +864 219 4 888889129 +864 222 4 888887502 +864 223 5 888887097 +864 225 3 878179608 +864 226 3 888889601 +864 227 4 888889510 +864 228 5 888888067 +864 229 4 888891836 +864 230 2 888889129 +864 231 3 888891288 +864 232 4 888889327 +864 234 4 888887658 +864 235 5 888891794 +864 237 4 878179514 +864 238 5 888890432 +864 239 4 888889466 +864 245 4 887686369 +864 250 3 891044057 +864 257 4 891044192 +864 258 5 877214042 +864 265 5 888886946 +864 273 5 878179555 +864 275 4 878179445 +864 276 5 878179411 +864 282 3 888887469 +864 283 5 878179514 +864 286 5 890463283 +864 288 5 878179381 +864 290 3 888892053 +864 294 4 878179381 +864 317 4 888887128 +864 318 5 888887071 +864 328 5 887686456 +864 333 5 890463283 +864 343 5 887686545 +864 349 4 887686388 +864 356 4 888889268 +864 357 5 888887794 +864 367 5 888890316 +864 373 2 888892053 +864 380 3 888889744 +864 382 3 888887437 +864 386 3 888891288 +864 391 4 888893224 +864 393 3 888889129 +864 394 3 888890432 +864 399 4 888893088 +864 401 4 888893271 +864 402 3 888892128 +864 403 5 888887944 +864 404 4 888890316 +864 405 5 877214158 +864 408 5 877214085 +864 418 3 888887247 +864 419 4 888887984 +864 422 3 888892968 +864 423 5 888887739 +864 432 2 888887502 +864 433 3 888887703 +864 443 4 888890639 +864 451 4 888889563 +864 465 3 888889327 +864 466 4 888887794 +864 470 4 888890052 +864 471 5 888888862 +864 472 4 888888861 +864 473 4 888892300 +864 474 4 888889863 +864 476 2 888892917 +864 483 5 888886913 +864 496 5 888887944 +864 501 3 888891836 +864 509 5 888887944 +864 511 4 888886846 +864 523 4 888888202 +864 526 4 888889784 +864 531 5 888887739 +864 541 2 888892667 +864 542 4 888892841 +864 546 4 888892015 +864 549 3 888890730 +864 550 4 888889389 +864 559 4 888888680 +864 561 4 888888937 +864 562 4 888891794 +864 563 3 888892539 +864 566 4 888889601 +864 568 4 888888115 +864 569 3 888891794 +864 577 3 888892917 +864 578 3 888889948 +864 588 3 888887289 +864 591 4 878179608 +864 596 4 888890001 +864 597 4 888888625 +864 603 4 888888025 +864 609 3 888888861 +864 619 3 888889327 +864 623 3 888889035 +864 625 4 888890273 +864 628 4 888890639 +864 629 3 888888282 +864 642 3 888890432 +864 651 5 888888168 +864 655 4 888887128 +864 658 2 888890690 +864 660 4 888889510 +864 663 4 888887248 +864 665 3 888892300 +864 672 2 888889389 +864 673 3 888890273 +864 678 4 887686545 +864 684 4 888887289 +864 685 4 888891900 +864 692 2 888890316 +864 693 4 888888168 +864 708 3 888889863 +864 710 2 888888115 +864 715 4 888891238 +864 716 2 888889744 +864 717 3 878179608 +864 720 3 888891238 +864 722 2 888892091 +864 729 4 888889035 +864 732 4 888888067 +864 734 3 888892874 +864 735 5 888886882 +864 736 5 888888025 +864 742 4 878179445 +864 747 3 888890380 +864 755 4 888892128 +864 768 3 888890776 +864 770 3 888891322 +864 775 1 888891473 +864 780 2 888892968 +864 781 3 888891238 +864 789 4 888886946 +864 794 3 888889268 +864 797 3 888892539 +864 800 1 888891154 +864 801 3 888892667 +864 805 4 888889327 +864 892 3 887686497 +864 930 3 888892841 +864 939 4 888890102 +864 951 3 888891288 +864 966 4 888888994 +864 969 4 888887172 +864 972 2 888890475 +864 993 4 878179411 +864 1016 4 877214125 +864 1033 2 888891473 +864 1044 3 888891049 +864 1047 3 888888680 +864 1101 4 888887502 +864 1109 4 888890639 +864 1112 2 888891097 +864 1119 3 888890548 +864 1135 3 888890594 +864 1140 1 888892491 +864 1208 2 888890731 +864 1210 2 888892667 +864 1217 3 888889327 +864 1228 3 888892375 +864 1248 3 888891628 +864 1284 3 888891900 +864 1303 2 888890997 +864 1412 1 888892461 +864 1425 2 888890475 +864 1446 3 888889948 +864 1531 3 888890690 +865 1 1 880143424 +865 7 5 880143425 +865 21 2 880144229 +865 24 4 880143612 +865 71 1 880235059 +865 91 3 880235059 +865 95 1 880235059 +865 99 1 880235060 +865 100 4 880143232 +865 101 1 880235099 +865 108 1 880143680 +865 111 1 880144123 +865 117 2 880143746 +865 118 1 880144229 +865 121 1 880144024 +865 122 3 880144539 +865 148 3 880144194 +865 169 5 880235059 +865 189 4 880235059 +865 222 2 880143482 +865 240 2 880143680 +865 245 3 880235263 +865 258 4 880142652 +865 268 4 880142652 +865 271 1 880142778 +865 294 4 880235263 +865 302 5 880142614 +865 328 3 880142857 +865 405 2 880144194 +865 408 5 880143385 +865 411 1 880144153 +865 412 1 880144504 +865 418 1 880235099 +865 432 1 880235059 +865 455 4 880143612 +865 456 1 880144405 +865 471 1 880143612 +865 472 1 880144229 +865 473 3 880144194 +865 475 4 880143425 +865 501 1 880235060 +865 546 1 880143917 +865 547 5 880143232 +865 588 2 880235060 +865 597 1 880144368 +865 625 1 880235099 +865 627 1 880235060 +865 676 2 880144153 +865 685 3 880144071 +865 743 1 880144504 +865 744 4 880144024 +865 763 1 880143680 +865 825 1 880144123 +865 831 1 880144480 +865 845 1 880144123 +865 847 5 880143386 +865 919 5 880143713 +865 926 1 880144405 +865 928 1 880144368 +865 929 2 880144539 +865 946 1 880235099 +865 1009 5 880144368 +865 1011 1 880144405 +865 1028 1 880144024 +865 1047 1 880144265 +865 1240 5 880235099 +866 242 3 891221165 +866 269 3 891221165 +866 272 2 891221006 +866 300 1 891220881 +866 302 2 891220955 +866 303 4 891221165 +866 305 2 891221006 +866 306 4 891221165 +866 313 1 891220955 +866 315 4 891221206 +866 319 4 891221302 +866 321 3 891221302 +866 340 2 891221165 +866 344 2 891221165 +866 347 4 891221165 +866 882 2 891221165 +866 887 3 891221165 +866 889 2 891221006 +866 896 2 891221006 +866 900 4 891221165 +867 1 4 880078521 +867 7 5 880078604 +867 9 5 880078958 +867 11 3 880078547 +867 12 5 880078656 +867 22 5 880078424 +867 23 5 880078723 +867 28 5 880078887 +867 31 5 880078656 +867 50 5 880078027 +867 51 3 880079142 +867 56 5 880078818 +867 64 5 880078547 +867 68 4 880079020 +867 69 2 880078797 +867 79 4 880079142 +867 89 5 880078769 +867 96 5 880078656 +867 98 5 880078937 +867 117 3 880079117 +867 132 3 880078629 +867 134 5 880078723 +867 135 5 880079065 +867 144 3 880078484 +867 150 5 880078677 +867 156 5 880078574 +867 168 4 880078604 +867 172 5 880078769 +867 174 5 880078991 +867 175 5 880078818 +867 176 3 880079094 +867 180 5 880078656 +867 181 5 880078050 +867 182 4 880078521 +867 183 3 880078863 +867 186 5 880078937 +867 188 4 880078796 +867 191 5 880079117 +867 195 5 880078452 +867 196 3 880079043 +867 197 4 880078796 +867 198 5 880078723 +867 203 4 880078484 +867 204 4 880078958 +867 207 5 880079094 +867 210 5 880078547 +867 211 3 880078484 +867 216 3 880079043 +867 222 4 880079094 +867 228 5 880078958 +867 250 4 880078091 +867 252 2 880078179 +867 257 4 880078090 +867 258 3 880077751 +867 270 5 880077780 +867 273 3 880078991 +867 276 1 880079020 +867 286 5 880077721 +867 289 5 880077950 +867 294 3 880077831 +867 295 4 880078069 +867 300 2 880077751 +867 318 5 880078424 +867 323 3 880077951 +867 328 5 880077855 +867 423 3 880078991 +867 431 4 880078841 +867 474 5 880078840 +867 475 5 880078656 +867 480 5 880078401 +867 483 5 880078372 +867 496 5 880078574 +867 498 4 880078401 +867 511 5 880078371 +867 524 5 880078604 +867 528 4 880078371 +867 529 5 880078863 +867 588 3 880078887 +867 603 5 880078452 +867 650 5 880078818 +867 651 5 880079065 +867 652 5 880078745 +867 655 4 880078906 +867 657 5 880078769 +867 660 4 880078723 +867 678 3 880078004 +867 690 5 880077751 +867 748 4 880077951 +867 855 5 880078604 +867 956 4 880079142 +867 1039 5 880078677 +867 1065 5 880078424 +867 1154 5 880078991 +867 1159 5 880078796 +867 1608 2 880078110 +868 1 4 877103320 +868 2 2 877112290 +868 7 5 877104157 +868 12 5 877103834 +868 23 5 877104949 +868 24 2 877108385 +868 47 2 877108302 +868 50 5 877103449 +868 55 5 877106505 +868 56 3 877107143 +868 59 4 877103757 +868 61 5 877109435 +868 64 5 877103548 +868 65 2 877104212 +868 67 3 877109597 +868 68 2 877106505 +868 69 2 877107416 +868 73 1 877108220 +868 80 2 877111453 +868 81 4 877107373 +868 82 2 877112001 +868 89 4 877107446 +868 90 3 877109874 +868 91 3 877107817 +868 94 1 877109814 +868 95 2 877108302 +868 96 2 877107056 +868 98 4 877103371 +868 100 5 877103935 +868 101 4 877109996 +868 109 3 877107627 +868 114 5 877103371 +868 117 2 877110332 +868 121 2 877111542 +868 122 3 877113586 +868 127 4 877103679 +868 128 5 877108123 +868 132 4 877103195 +868 133 2 877108302 +868 135 5 877104987 +868 136 5 877104414 +868 139 1 877109300 +868 142 1 877109874 +868 145 1 877109082 +868 150 5 877103834 +868 151 5 877104879 +868 153 2 877105916 +868 154 3 877107539 +868 155 2 877111623 +868 156 3 877103834 +868 158 1 877111328 +868 159 2 877107416 +868 160 4 877104414 +868 161 2 877107056 +868 162 3 877109505 +868 164 2 877104157 +868 167 1 877110191 +868 168 3 877104157 +868 169 5 877106505 +868 172 5 877107847 +868 173 4 877107961 +868 174 5 877107320 +868 176 4 877103248 +868 178 5 877103714 +868 179 4 877107056 +868 180 4 877104913 +868 181 5 877103280 +868 183 5 877104414 +868 184 3 877107730 +868 186 2 877109234 +868 187 4 877107284 +868 188 3 877103320 +868 189 5 877109300 +868 191 3 877107143 +868 193 2 877108123 +868 195 2 877104212 +868 198 5 877103757 +868 199 5 877105882 +868 200 3 877107189 +868 201 2 877104264 +868 202 3 877104264 +868 204 2 877105882 +868 206 5 877108352 +868 207 3 877107189 +868 208 3 877108624 +868 209 4 877103195 +868 210 5 877103248 +868 211 3 877107730 +868 214 3 877106470 +868 216 2 877109234 +868 217 2 877109895 +868 218 3 877104913 +868 219 2 877107817 +868 222 3 877108989 +868 225 1 877111453 +868 227 1 877110060 +868 228 5 877103935 +868 229 3 877111154 +868 230 3 877112349 +868 232 1 877109082 +868 233 2 877109566 +868 234 4 877103935 +868 237 1 877108989 +868 238 4 877103249 +868 239 3 877107924 +868 240 5 877107373 +868 265 3 877108302 +868 268 4 877102974 +868 273 3 877107284 +868 317 5 877107961 +868 327 4 877103039 +868 358 2 877103098 +868 367 2 877106505 +868 378 2 877108056 +868 382 4 877109874 +868 385 2 877103834 +868 398 1 877109082 +868 402 1 877113412 +868 403 2 877111837 +868 405 1 877109082 +868 408 5 877103935 +868 410 3 877104414 +868 412 5 877112001 +868 417 1 877108087 +868 419 3 877103449 +868 423 2 877107373 +868 426 4 877103935 +868 427 4 877103679 +868 429 2 877103834 +868 432 2 877108624 +868 433 4 877103195 +868 434 3 877107056 +868 436 3 877104913 +868 447 2 877107284 +868 448 2 877110401 +868 449 3 877113540 +868 451 2 877112063 +868 452 2 877111394 +868 455 5 877103410 +868 470 1 877107924 +868 474 4 877105882 +868 475 4 877104987 +868 480 4 877103280 +868 496 2 877107597 +868 498 3 877104913 +868 501 3 877103449 +868 503 3 877106421 +868 506 4 877104879 +868 509 3 877106470 +868 520 4 877103756 +868 524 3 877107730 +868 547 3 877112559 +868 550 4 877112393 +868 556 3 877110060 +868 562 2 877112440 +868 566 1 877111394 +868 567 1 877113481 +868 568 1 877107847 +868 578 2 877112439 +868 579 1 877108241 +868 581 2 877109748 +868 588 1 877106421 +868 589 4 877106421 +868 615 4 877109375 +868 621 2 877103449 +868 631 4 877111453 +868 636 3 877103449 +868 640 5 877103371 +868 646 5 877109435 +868 651 5 877103249 +868 655 4 877107996 +868 658 3 877108742 +868 662 2 877103714 +868 679 3 877109748 +868 685 1 877111394 +868 709 4 877109197 +868 710 3 877103320 +868 726 2 877109926 +868 727 2 877110277 +868 732 3 877107416 +868 738 2 877108624 +868 739 2 877111542 +868 746 2 877109082 +868 747 2 877109566 +868 755 4 877112184 +868 762 4 877109535 +868 778 2 877109375 +868 783 1 877113481 +868 825 1 877109435 +868 843 1 877109748 +868 854 4 877103371 +868 919 4 877103757 +868 922 5 877106505 +868 946 1 877107189 +868 998 2 877112063 +868 1028 3 877103195 +868 1031 1 877109535 +868 1035 1 877107817 +868 1037 1 877113481 +868 1076 1 877111487 +868 1098 5 877107416 +868 1183 1 877112141 +868 1188 1 877110060 +868 1206 3 877112033 +868 1240 5 877107284 +868 1285 2 877109926 +868 1480 1 877111932 +868 1509 1 877111487 +869 13 3 884491199 +869 15 1 884491993 +869 25 2 884491767 +869 50 4 884490892 +869 100 5 884493279 +869 116 4 884490892 +869 118 1 884492338 +869 122 3 884493060 +869 125 3 884491867 +869 126 2 884491927 +869 127 5 884493279 +869 151 5 884493279 +869 181 3 884490825 +869 237 4 884490745 +869 240 4 884491734 +869 242 2 884490097 +869 249 4 884493279 +869 253 4 884493279 +869 269 4 884493279 +869 275 4 884490936 +869 276 4 884491082 +869 282 3 884490987 +869 284 1 884491966 +869 287 2 884492047 +869 288 3 884490011 +869 294 3 884490151 +869 298 3 884491734 +869 310 4 884493279 +869 312 2 884490251 +869 315 3 884490332 +869 411 4 884492828 +869 412 5 884493279 +869 476 1 884492519 +869 515 5 884493279 +869 596 3 884491734 +869 696 2 884493021 +869 756 1 884492780 +869 815 1 884491966 +869 846 2 884492201 +869 1014 4 884493279 +869 1047 2 884492571 +869 1061 1 884492377 +869 1079 2 884493021 +869 1132 1 884492906 +869 1134 1 884492445 +869 1163 2 884492238 +869 1382 3 884492201 +870 1 5 889717102 +870 2 2 879714351 +870 4 2 879270213 +870 6 4 875680311 +870 7 4 875051072 +870 9 5 879376967 +870 10 4 879376967 +870 11 4 875679992 +870 12 4 875050748 +870 13 4 876319137 +870 17 4 880584752 +870 21 3 876319159 +870 22 4 875680165 +870 23 4 875050865 +870 28 4 875680258 +870 31 4 875680070 +870 38 3 879714608 +870 42 2 879270213 +870 45 5 875679795 +870 47 3 875679958 +870 48 4 875050603 +870 50 3 875050865 +870 51 2 879714500 +870 52 2 880584400 +870 53 2 879714351 +870 54 2 879714458 +870 55 3 879713899 +870 56 5 875050826 +870 58 5 875050723 +870 64 5 889717102 +870 65 3 879713898 +870 66 4 875680493 +870 68 3 879714087 +870 69 4 875050603 +870 70 4 889409590 +870 77 3 879714103 +870 79 4 879270313 +870 83 4 889717102 +870 87 5 889717575 +870 88 2 879270213 +870 89 3 879539936 +870 90 4 875680668 +870 92 4 875679861 +870 95 4 875050559 +870 96 4 879270357 +870 98 4 880584497 +870 100 4 889717102 +870 111 3 880584548 +870 124 4 879376994 +870 127 5 875050602 +870 131 4 875050865 +870 132 4 882123548 +870 134 4 875050697 +870 135 3 875680045 +870 148 2 879377064 +870 154 4 876319311 +870 168 4 875680472 +870 169 4 888095560 +870 170 5 875050637 +870 171 4 875050698 +870 172 4 875680098 +870 174 5 875050698 +870 177 4 875050827 +870 178 4 875050559 +870 179 4 875680165 +870 180 3 875679860 +870 181 4 875680119 +870 182 5 883876178 +870 185 4 875050672 +870 186 4 875680186 +870 188 5 875050672 +870 191 3 881001249 +870 192 5 889717102 +870 193 5 889717102 +870 194 3 875679795 +870 195 4 875050602 +870 196 3 879539965 +870 197 5 875050723 +870 198 4 875679860 +870 202 3 879714181 +870 203 4 875680098 +870 204 4 875680448 +870 208 4 879270313 +870 209 4 875680546 +870 210 4 879270313 +870 211 3 879539713 +870 216 4 875680520 +870 218 4 889717102 +870 219 2 879714351 +870 223 4 878737979 +870 235 3 885312790 +870 238 4 875050865 +870 239 3 875680597 +870 244 3 875051043 +870 246 3 881000751 +870 248 4 880124496 +870 253 4 887567321 +870 255 2 889409590 +870 258 4 886883539 +870 265 4 880584497 +870 268 3 881000751 +870 272 4 890920916 +870 273 3 875051100 +870 276 4 889717102 +870 284 2 875051072 +870 286 4 875050332 +870 288 4 875050370 +870 289 2 875050332 +870 302 4 878737704 +870 313 4 883405554 +870 315 2 883876178 +870 317 4 875050723 +870 318 5 875050865 +870 327 4 875050410 +870 328 3 875050410 +870 332 2 879982785 +870 333 3 882123130 +870 340 3 882464808 +870 354 4 889409590 +870 357 5 875679687 +870 367 4 875679768 +870 378 3 879902226 +870 381 3 889409590 +870 382 3 875680568 +870 384 3 875680597 +870 385 3 879714159 +870 386 4 880584752 +870 395 3 879901999 +870 396 3 875680668 +870 401 3 880584584 +870 421 2 879539965 +870 425 4 889717575 +870 427 4 880584516 +870 428 4 875050672 +870 431 3 885586224 +870 433 3 879901879 +870 435 3 880584549 +870 443 3 882123736 +870 447 4 879713953 +870 458 1 879377028 +870 461 4 875680099 +870 462 4 875679860 +870 466 4 878737789 +870 469 4 875679958 +870 470 3 879901727 +870 471 4 885071869 +870 474 4 875050559 +870 475 5 875051100 +870 477 4 876319062 +870 479 5 875050801 +870 480 5 875680142 +870 481 4 875680046 +870 483 5 880584497 +870 487 4 879270313 +870 489 4 875050827 +870 490 3 886883147 +870 494 3 879865875 +870 496 5 882801371 +870 497 4 875050559 +870 499 4 879713935 +870 503 4 879713899 +870 504 5 880584497 +870 505 4 880584752 +870 508 3 881001249 +870 511 3 881001249 +870 513 4 879713578 +870 514 5 875050637 +870 517 2 875680597 +870 520 5 875050559 +870 521 3 875679795 +870 523 5 875050774 +870 527 5 875679687 +870 528 4 875050801 +870 549 2 879270213 +870 550 3 879714310 +870 554 2 879714800 +870 558 4 879270313 +870 559 2 879714532 +870 566 2 882123618 +870 568 4 879714588 +870 569 2 879714631 +870 570 2 879714681 +870 574 1 879902181 +870 579 2 879902161 +870 582 5 879713817 +870 583 2 879714351 +870 589 4 880584534 +870 591 2 879270212 +870 603 5 875050723 +870 606 4 875679687 +870 608 4 875680098 +870 631 2 882123130 +870 640 3 886883147 +870 641 4 875050524 +870 642 4 875680258 +870 644 2 882123665 +870 646 4 875050524 +870 647 4 879270400 +870 649 4 889717102 +870 651 3 879539936 +870 653 4 875050559 +870 654 4 875050801 +870 655 4 875050865 +870 657 5 875050748 +870 658 4 875679992 +870 659 4 875680020 +870 663 3 879540005 +870 673 5 875679721 +870 684 3 879714246 +870 690 2 886372265 +870 692 2 879270213 +870 693 4 879713979 +870 697 4 875050603 +870 699 3 879901671 +870 704 3 879714532 +870 710 3 875680212 +870 713 4 879376966 +870 715 3 875680597 +870 722 2 879270213 +870 724 4 875679906 +870 732 2 882123355 +870 735 3 875679721 +870 736 1 879901654 +870 746 3 879270400 +870 763 4 879902059 +870 770 4 875679992 +870 772 4 875679767 +870 781 3 881001249 +870 789 4 879705466 +870 792 3 879540005 +870 793 5 875680258 +870 802 3 879714763 +870 810 3 879714883 +870 813 4 875051101 +870 841 2 878737915 +870 856 3 879715002 +870 873 2 875050370 +870 939 3 879714066 +870 943 2 879714310 +870 945 4 879714039 +870 949 3 881001249 +870 952 3 880584584 +870 959 4 875680046 +870 988 2 875050439 +870 1006 2 881001249 +870 1008 3 879377028 +870 1014 2 884789665 +870 1019 3 881001249 +870 1020 3 882385179 +870 1021 2 881001249 +870 1041 2 879270213 +870 1042 2 879902127 +870 1044 2 879714772 +870 1046 3 879714310 +870 1073 5 875050748 +870 1074 2 879270213 +870 1090 2 879902161 +870 1098 4 889812986 +870 1112 2 879714902 +870 1118 3 881001249 +870 1134 4 879376967 +870 1208 2 879902128 +870 1210 1 879902161 +870 1221 3 881001249 +870 1230 2 879901998 +870 1267 2 879270213 +870 1412 2 879714435 +870 1451 3 891214479 +870 1664 4 890057322 +871 4 3 888193338 +871 11 3 888193274 +871 17 3 888193275 +871 22 5 888193177 +871 27 2 888193275 +871 50 5 888193275 +871 56 5 888193177 +871 79 5 888193275 +871 82 3 888193336 +871 92 3 888193338 +871 96 5 888193177 +871 97 3 888193541 +871 121 4 888193275 +871 127 5 888193081 +871 147 5 888193136 +871 161 5 888193275 +871 172 5 888193177 +871 173 5 888193383 +871 174 5 888193176 +871 177 5 888193336 +871 181 3 888193335 +871 182 5 888192925 +871 183 3 888193177 +871 187 5 888193081 +871 190 2 888193275 +871 195 5 888193274 +871 197 3 888193385 +871 202 4 888193385 +871 210 5 888193275 +871 213 3 888193386 +871 216 3 888193384 +871 226 5 888193177 +871 237 3 888193386 +871 241 3 888193385 +871 242 3 888192858 +871 245 3 888192475 +871 258 5 888192970 +871 259 3 888192971 +871 262 3 888192970 +871 269 3 888192970 +871 270 5 888192858 +871 271 5 888192349 +871 272 2 888192859 +871 275 3 888193384 +871 276 5 888193136 +871 286 3 888193136 +871 289 3 888192475 +871 300 4 888192971 +871 301 4 888192475 +871 302 5 888192970 +871 305 3 888192475 +871 307 3 888192315 +871 310 3 888192858 +871 313 5 888192858 +871 315 3 888192286 +871 324 3 888192689 +871 326 5 888192971 +871 331 3 888192202 +871 333 2 888192202 +871 335 3 888192475 +871 337 3 888192475 +871 342 4 888192475 +871 345 3 888192859 +871 346 3 888192859 +871 347 5 888192315 +871 352 3 888192971 +871 359 3 888192743 +871 360 3 888192475 +871 402 3 888193541 +871 435 3 888193336 +871 510 3 888193335 +871 511 2 888193177 +871 515 4 888193176 +871 526 5 888193337 +871 547 3 888193136 +871 549 3 888193541 +871 566 3 888193337 +871 575 5 888192909 +871 651 2 888193337 +871 662 3 888193541 +871 690 3 888192315 +871 747 3 888193541 +871 750 3 888192689 +871 751 4 888192744 +871 752 3 888192744 +871 781 4 888193541 +871 794 3 888193541 +871 813 3 888193136 +871 876 3 888192689 +871 883 3 888192475 +871 895 3 888192689 +871 896 3 888192858 +871 904 3 888192858 +871 905 3 888192744 +871 907 3 888192745 +871 908 3 888192745 +871 909 3 888192475 +871 937 3 888192689 +871 947 2 888193177 +871 955 3 888193541 +871 989 3 888192744 +871 1022 3 888192689 +871 1024 3 888192689 +871 1072 3 888193541 +871 1119 3 888193384 +871 1137 3 888193541 +871 1176 3 888192858 +871 1197 3 888193136 +871 1345 3 888193136 +871 1385 3 888193136 +871 1386 3 888193136 +871 1388 4 888193136 +871 1430 3 888192744 +871 1431 4 888192971 +871 1434 3 888192689 +872 1 3 888479151 +872 106 3 888479624 +872 111 4 888479151 +872 117 4 888479171 +872 118 4 888479560 +872 121 4 888479206 +872 151 2 888479434 +872 237 4 888479275 +872 258 4 888478698 +872 268 1 888478864 +872 272 4 888478822 +872 273 3 888479274 +872 274 3 888479560 +872 278 3 888479206 +872 280 3 888479275 +872 282 5 888479253 +872 284 3 888479369 +872 288 5 888478743 +872 290 2 888479537 +872 294 3 888478882 +872 300 5 888478766 +872 310 4 888478698 +872 313 5 888478786 +872 323 2 888480019 +872 328 4 888478822 +872 332 3 888480019 +872 334 1 888479894 +872 347 2 888478743 +872 350 3 888478840 +872 354 4 888478822 +872 363 4 888479582 +872 405 4 888479151 +872 409 3 888479677 +872 476 4 888479737 +872 546 4 888479560 +872 591 3 888479253 +872 597 4 888479370 +872 628 4 888479151 +872 682 3 888478822 +872 685 4 888479348 +872 717 4 888479582 +872 742 4 888479171 +872 748 3 888478942 +872 756 4 888479370 +872 763 3 888479405 +872 815 4 888479434 +872 820 3 888479624 +872 826 3 888479654 +872 845 3 888479313 +872 864 3 888479498 +872 871 3 888479677 +872 892 3 888479052 +872 893 4 888478902 +872 895 5 888478882 +872 905 4 888479034 +872 925 4 888479654 +872 926 4 888479516 +872 928 2 888479582 +872 930 3 888479654 +872 932 4 888479498 +872 974 4 888479701 +872 975 4 888479654 +872 977 3 888479737 +872 1011 1 888479333 +872 1028 3 888479434 +872 1040 3 888479701 +872 1047 4 888479603 +872 1061 4 888479701 +872 1165 2 888479537 +872 1284 3 888479434 +872 1376 2 888479603 +873 258 3 891392818 +873 259 1 891392698 +873 269 2 891392092 +873 286 2 891392091 +873 289 2 891392577 +873 292 5 891392177 +873 294 4 891392303 +873 300 4 891392238 +873 307 3 891392360 +873 313 5 891392177 +873 321 1 891392577 +873 326 4 891392656 +873 328 4 891392756 +873 339 3 891392871 +873 342 4 891392698 +873 348 3 891392577 +873 358 2 891392698 +873 750 3 891392303 +873 875 1 891392577 +873 879 2 891392577 +874 14 4 888632411 +874 20 3 888632615 +874 100 4 888632411 +874 111 3 888632411 +874 116 4 888632484 +874 124 4 888632411 +874 125 3 888632585 +874 127 5 888633310 +874 137 4 888632484 +874 150 4 888632448 +874 182 4 888633311 +874 191 4 888633311 +874 197 4 888633310 +874 275 4 888632448 +874 276 4 888632484 +874 285 4 888632411 +874 286 4 888632057 +874 289 4 888633197 +874 302 5 888632098 +874 305 4 888632057 +874 306 4 888632194 +874 311 4 888632098 +874 313 3 888632098 +874 321 3 888632275 +874 325 2 888633197 +874 340 3 888632194 +874 346 3 888632147 +874 357 5 888633311 +874 514 5 888633311 +874 521 5 888633311 +874 654 5 888633311 +874 676 3 888632585 +874 748 3 888633197 +874 751 3 888632147 +875 4 3 876466687 +875 8 3 876465072 +875 12 5 876465230 +875 22 3 876465072 +875 23 5 876466687 +875 28 4 876465408 +875 32 5 876465275 +875 42 4 876465336 +875 45 3 876465072 +875 50 5 876465370 +875 55 3 876465370 +875 56 5 876466687 +875 64 5 876465275 +875 71 2 876465336 +875 96 4 876465144 +875 98 5 876464967 +875 131 4 876465229 +875 133 4 876464967 +875 134 5 876465188 +875 135 4 876465188 +875 169 5 876465025 +875 171 5 876465370 +875 172 4 876465072 +875 173 5 876465111 +875 174 5 876465025 +875 176 4 876465112 +875 179 5 876465188 +875 180 5 876464967 +875 181 4 876465335 +875 183 5 876465144 +875 185 4 876466687 +875 187 4 876466687 +875 195 4 876466687 +875 211 5 876465144 +875 213 4 876465408 +875 258 4 876464694 +875 268 4 876464755 +875 269 4 876464694 +875 286 3 876464694 +875 288 4 876464755 +875 289 4 876464800 +875 294 2 876464755 +875 300 3 876464800 +875 302 5 876464694 +875 321 3 876464755 +875 327 4 876464873 +875 332 3 876464801 +875 333 5 876464801 +875 334 4 876464800 +875 357 5 876465072 +875 358 3 876464800 +875 418 4 876465230 +875 421 4 876465335 +875 423 5 876464967 +875 428 4 876465112 +875 461 4 876466687 +875 462 4 876465188 +875 474 5 876465188 +875 478 4 876465025 +875 479 4 876466687 +875 480 5 876465275 +875 481 5 876465370 +875 496 4 876465144 +875 501 4 876465335 +875 504 5 876465275 +875 511 5 876465188 +875 512 5 876465408 +875 514 5 876465112 +875 518 4 876465408 +875 523 4 876465408 +875 527 4 876465230 +875 582 5 876465408 +875 603 4 876465111 +875 651 5 876466687 +875 652 5 876465275 +875 654 4 876465230 +875 692 2 876465230 +875 707 4 876464967 +875 753 3 876465188 +875 772 5 876465188 +875 806 4 876465230 +875 921 5 876465275 +875 923 5 876465370 +875 937 4 876464830 +875 963 4 876465275 +875 964 4 876465335 +875 1073 5 876465230 +875 1103 5 876465144 +875 1422 3 876465274 +876 19 5 879428354 +876 22 4 879428451 +876 48 5 879428481 +876 174 4 879428378 +876 178 4 879428378 +876 187 4 879428354 +876 238 4 879428406 +876 276 4 879428354 +876 286 5 879428072 +876 288 3 879428101 +876 289 3 879428145 +876 294 4 879428145 +876 318 5 879428406 +876 435 4 879428421 +876 511 5 879428354 +876 523 5 879428378 +876 527 5 879428406 +876 529 4 879428451 +876 531 4 879428481 +876 604 5 879428406 +876 878 2 879428253 +877 14 5 882677048 +877 31 4 882678483 +877 52 4 882677507 +877 55 4 882678512 +877 56 5 882678483 +877 59 5 882677012 +877 60 5 882677183 +877 61 5 882677244 +877 70 5 882677012 +877 79 4 882678387 +877 83 3 882677085 +877 86 4 882677827 +877 88 4 882677967 +877 98 5 882678427 +877 111 3 882677967 +877 155 2 882677997 +877 159 4 882678512 +877 164 5 882678547 +877 170 5 882677012 +877 173 4 882677865 +877 176 5 882678484 +877 185 4 882678387 +877 197 4 882677827 +877 202 4 882677936 +877 203 4 882678427 +877 207 3 882677012 +877 216 4 882677827 +877 222 2 882678484 +877 226 3 882678547 +877 228 4 882678387 +877 237 4 882677827 +877 241 4 882678194 +877 258 4 882676234 +877 269 4 882676098 +877 270 4 882676054 +877 271 4 882676507 +877 274 4 882678105 +877 275 4 882677183 +877 286 2 882675993 +877 288 3 882675993 +877 300 3 882676366 +877 302 2 882676054 +877 306 3 882675993 +877 307 3 882676190 +877 326 4 882676190 +877 328 2 882676366 +877 333 4 882676259 +877 340 3 882676395 +877 371 5 882677935 +877 381 4 882677345 +877 382 3 882677012 +877 402 3 882677997 +877 451 4 882677865 +877 463 4 882677311 +877 475 4 882677085 +877 515 5 882677640 +877 531 5 882677128 +877 538 4 882676533 +877 549 4 882677935 +877 553 4 882678137 +877 557 4 882677715 +877 566 4 882678547 +877 582 2 882677280 +877 584 4 882677507 +877 640 2 882677311 +877 662 5 882677936 +877 690 4 882676098 +877 692 4 882677898 +877 702 4 882677386 +877 727 4 882677967 +877 732 4 882677898 +877 737 1 882677749 +877 738 4 882678137 +877 739 4 882678105 +877 744 5 882677280 +877 748 4 882676423 +877 921 4 882677128 +877 949 3 882677440 +877 955 4 882677936 +877 971 4 882677386 +877 1402 4 882677386 +878 8 3 880866288 +878 9 4 880865562 +878 14 5 880865865 +878 15 4 880872273 +878 19 4 880865470 +878 20 2 880865715 +878 22 2 880866918 +878 45 3 880867665 +878 50 4 880865562 +878 51 4 880869239 +878 57 4 880867987 +878 59 3 880866054 +878 60 4 880867035 +878 64 5 880866446 +878 66 3 880869354 +878 70 3 880868035 +878 71 4 880870130 +878 82 3 880870609 +878 88 4 880869418 +878 97 3 880869090 +878 98 4 880866848 +878 99 4 880870130 +878 100 2 880865661 +878 111 4 880867282 +878 116 2 880869638 +878 126 3 880865940 +878 127 4 880867444 +878 136 4 880866241 +878 137 3 880865562 +878 140 2 880870486 +878 151 1 880870609 +878 152 4 880870854 +878 153 5 880866177 +878 154 3 880866369 +878 155 3 880869418 +878 165 4 880866241 +878 166 4 880870854 +878 168 4 880866626 +878 170 4 880867485 +878 172 4 880870854 +878 174 3 880872669 +878 175 2 880869911 +878 179 4 880866626 +878 181 3 880865770 +878 191 4 880866564 +878 194 4 880869911 +878 197 4 880866971 +878 202 4 880869090 +878 204 2 880869911 +878 212 3 880867987 +878 213 3 880867854 +878 215 2 880866687 +878 216 4 880869135 +878 225 3 880870765 +878 234 1 880872619 +878 236 2 880865470 +878 237 3 880868955 +878 258 3 880865562 +878 265 3 880866626 +878 269 4 880865183 +878 274 3 880869003 +878 275 4 880865469 +878 276 3 880865715 +878 283 3 880868035 +878 285 5 880865562 +878 286 4 880865183 +878 317 4 880866054 +878 318 5 880866013 +878 321 2 880865300 +878 371 3 880869239 +878 393 3 880870487 +878 402 4 880869303 +878 416 5 880870854 +878 418 3 880870130 +878 427 5 880872394 +878 432 3 880870048 +878 435 4 880866103 +878 451 2 880869135 +878 462 4 880866509 +878 463 2 880866177 +878 474 5 880868819 +878 481 5 880870854 +878 482 4 880866134 +878 485 3 880866103 +878 496 5 880867387 +878 497 2 880872395 +878 498 4 880866758 +878 509 4 880866288 +878 511 4 880866810 +878 512 5 880867709 +878 514 4 880870854 +878 515 4 880865900 +878 517 4 880866687 +878 529 5 880870854 +878 530 5 880872619 +878 531 2 880866564 +878 535 1 880871600 +878 549 4 880869303 +878 553 3 880869303 +878 582 4 880866810 +878 584 4 880867803 +878 588 2 880870048 +878 640 1 880867751 +878 642 3 880866971 +878 650 2 880866883 +878 655 3 880866687 +878 659 4 880870854 +878 662 1 880871600 +878 663 5 880868635 +878 690 2 880865230 +878 692 4 880869191 +878 699 1 880871600 +878 702 1 880871600 +878 707 2 880866409 +878 732 4 880869302 +878 736 5 880868035 +878 739 3 880869303 +878 740 2 880865813 +878 755 2 880870486 +878 781 1 880871600 +878 794 4 880869418 +878 796 2 880869473 +878 855 3 880867803 +878 921 4 880867665 +878 923 3 880866687 +878 949 3 880871600 +878 956 2 880866810 +878 1039 3 880866508 +878 1041 1 880871600 +878 1065 1 880871600 +878 1092 3 880867444 +878 1100 3 880869418 +878 1121 2 880867895 +878 1149 4 880868820 +879 1 4 887761865 +879 15 4 887761865 +879 25 4 887761865 +879 50 4 887761865 +879 111 4 887761865 +879 117 4 887761865 +879 118 3 887761562 +879 121 4 887761865 +879 125 5 887761174 +879 127 5 887761249 +879 151 3 887761425 +879 181 4 887761088 +879 222 4 887761460 +879 237 4 887761309 +879 255 4 887761156 +879 276 4 887761865 +879 282 4 887761865 +879 292 4 887760823 +879 294 3 887760951 +879 300 3 887760802 +879 304 4 887760912 +879 596 2 887761380 +879 597 2 887761229 +879 685 4 887761865 +879 751 2 887760879 +879 763 5 887761425 +879 866 5 887761460 +879 1047 2 887761477 +879 1284 3 887761562 +880 1 4 880166744 +880 2 3 880167732 +880 3 1 880175023 +880 4 4 880167843 +880 5 3 880241379 +880 7 3 880166872 +880 8 4 880174677 +880 11 4 880167695 +880 12 5 880175622 +880 17 3 880174808 +880 21 2 880174961 +880 22 4 880167695 +880 23 5 880175735 +880 24 3 880167175 +880 25 4 880166938 +880 27 3 880167965 +880 28 5 880175690 +880 29 2 880167965 +880 31 4 880243629 +880 33 3 880167880 +880 38 3 880168411 +880 39 4 880167731 +880 40 2 880174904 +880 41 1 880175239 +880 42 5 880174808 +880 44 4 880243712 +880 47 4 880174730 +880 49 3 880174858 +880 50 5 880167175 +880 53 4 880168411 +880 54 3 880242503 +880 55 3 880167778 +880 56 5 880167731 +880 62 3 880168411 +880 63 3 880174926 +880 64 5 880175646 +880 65 4 880241977 +880 67 1 880175023 +880 68 5 880167843 +880 69 4 880175646 +880 70 4 880174677 +880 71 4 880241289 +880 72 3 880174996 +880 79 4 880167670 +880 80 2 880175050 +880 81 4 880242094 +880 82 3 880167806 +880 85 3 880174904 +880 87 4 880241913 +880 88 3 880174705 +880 90 3 880174858 +880 91 3 880241256 +880 92 4 880167778 +880 93 4 880174623 +880 94 3 880175097 +880 95 3 880241219 +880 96 4 880167695 +880 97 4 880175714 +880 98 5 880241327 +880 99 3 880241219 +880 100 5 880166966 +880 105 3 880175077 +880 109 4 880167114 +880 110 3 880175128 +880 111 4 880167132 +880 117 4 880166872 +880 118 3 880167551 +880 120 2 880175503 +880 121 2 880167030 +880 122 3 880175208 +880 123 4 880167247 +880 124 5 880166847 +880 127 5 880167066 +880 128 3 880167806 +880 137 4 880166827 +880 140 4 880243001 +880 144 5 880167670 +880 147 4 880167224 +880 148 2 880167030 +880 150 4 880166798 +880 151 4 880242848 +880 156 4 880243680 +880 158 2 880175128 +880 161 2 880167778 +880 168 3 880174623 +880 172 5 880167695 +880 173 3 880174780 +880 174 4 880167670 +880 176 5 880167731 +880 177 5 880167778 +880 179 4 880175735 +880 180 5 880241822 +880 181 5 880166719 +880 182 5 880167670 +880 184 4 880167843 +880 185 5 880241355 +880 186 4 880174808 +880 187 5 880167671 +880 188 4 880167842 +880 191 5 880175597 +880 194 5 880174623 +880 195 4 880167670 +880 200 4 880241355 +880 201 4 880174834 +880 202 4 880174834 +880 204 5 880174652 +880 208 5 880174652 +880 209 3 880174623 +880 210 4 880167670 +880 217 4 880241411 +880 218 4 880241355 +880 222 4 880166990 +880 226 4 880167806 +880 227 2 880167918 +880 228 3 880167843 +880 230 3 880167732 +880 231 2 880167880 +880 232 4 880167806 +880 233 4 880167918 +880 234 5 880241327 +880 235 3 880166990 +880 237 4 880166798 +880 238 4 880174652 +880 239 4 880174808 +880 240 4 880167151 +880 243 2 892958608 +880 245 2 892958350 +880 246 5 892958837 +880 248 4 892958863 +880 249 4 880166966 +880 250 3 880167521 +880 252 2 880167551 +880 254 2 880167599 +880 257 5 880167521 +880 258 4 880166499 +880 260 4 892958484 +880 268 5 892958128 +880 269 4 892958090 +880 272 5 892958036 +880 273 5 880166770 +880 276 4 880166872 +880 280 2 880243204 +880 281 4 880167384 +880 282 2 880166966 +880 283 3 880167008 +880 284 4 880242528 +880 287 4 892958966 +880 288 4 880166451 +880 293 4 880166872 +880 294 4 880166557 +880 295 5 892958887 +880 298 4 880166827 +880 299 4 892958517 +880 300 3 880166451 +880 301 4 880166557 +880 302 5 880166451 +880 307 4 892958090 +880 310 3 892958036 +880 315 5 892958175 +880 316 5 892958128 +880 318 5 880241746 +880 327 3 880166475 +880 328 4 880166557 +880 329 4 892958250 +880 342 3 892958275 +880 346 5 892958128 +880 347 5 892958301 +880 348 4 892958376 +880 356 4 880242475 +880 357 5 880175622 +880 363 4 880167200 +880 365 2 880242660 +880 366 2 880242257 +880 367 4 880174730 +880 368 1 880175503 +880 369 1 880175503 +880 375 1 880242782 +880 376 3 880175239 +880 379 4 880241434 +880 380 3 880242281 +880 381 4 880174808 +880 383 3 880243147 +880 384 3 880175157 +880 385 4 880167843 +880 386 3 880174995 +880 392 3 880242475 +880 393 3 880174926 +880 394 3 880243319 +880 396 2 880174995 +880 398 3 880167965 +880 401 3 880175077 +880 402 3 880242115 +880 403 3 880167778 +880 405 4 880167328 +880 407 1 880175503 +880 409 2 880243069 +880 410 4 880166938 +880 411 4 880167328 +880 412 3 880167306 +880 418 4 880241256 +880 421 2 880243204 +880 423 5 880175690 +880 435 4 880167778 +880 451 2 880243230 +880 456 3 880175270 +880 461 4 880175666 +880 467 4 880241821 +880 468 3 880242422 +880 470 4 880242306 +880 471 4 880167114 +880 473 3 880167132 +880 475 4 880166798 +880 476 3 880175444 +880 477 3 880166966 +880 508 4 880166966 +880 527 4 880241943 +880 541 2 880167918 +880 546 3 880167410 +880 549 4 880243230 +880 550 4 880167880 +880 554 3 880168411 +880 556 3 880242451 +880 566 3 880167880 +880 568 5 880167843 +880 570 3 880167965 +880 571 2 880175187 +880 575 3 880175077 +880 577 3 880175207 +880 578 3 880168411 +880 579 3 880243882 +880 584 3 880242933 +880 585 1 880175050 +880 588 4 880241219 +880 591 4 880166990 +880 595 1 880243541 +880 597 3 880167436 +880 603 5 880243629 +880 619 4 880243499 +880 623 4 880243069 +880 625 4 880242933 +880 627 3 880241256 +880 628 2 880166799 +880 636 3 880167918 +880 651 5 880167695 +880 655 4 880174623 +880 657 4 880243629 +880 678 3 880166662 +880 684 4 880167778 +880 685 4 880167083 +880 689 4 880166577 +880 692 3 880174652 +880 693 5 880242191 +880 697 2 880242281 +880 719 3 880174961 +880 720 2 880167965 +880 721 1 880174749 +880 722 3 880174904 +880 728 4 880243410 +880 731 4 880175023 +880 732 4 880174652 +880 734 3 880175240 +880 742 4 880166847 +880 746 4 892959246 +880 748 4 892958250 +880 755 3 880242848 +880 761 4 880167965 +880 762 4 893028813 +880 763 3 880167247 +880 768 2 880242848 +880 769 3 880241492 +880 770 4 880167880 +880 771 3 880243848 +880 779 3 880167965 +880 780 3 880175157 +880 781 3 880174961 +880 783 1 880175187 +880 790 3 880175050 +880 791 2 880174961 +880 793 4 880174677 +880 794 4 880243265 +880 795 2 880243147 +880 801 3 880175239 +880 802 3 880167918 +880 810 3 880168411 +880 815 4 893028814 +880 818 2 880175468 +880 820 3 880167384 +880 823 3 880167435 +880 824 4 880174879 +880 825 4 880167288 +880 826 3 880167551 +880 831 4 880167411 +880 833 4 880167288 +880 841 3 880167411 +880 845 3 880167200 +880 849 3 880167918 +880 864 3 880167200 +880 876 4 892958376 +880 879 3 880166529 +880 881 4 892958401 +880 902 4 892958301 +880 926 3 880167328 +880 928 2 880167435 +880 930 2 880167551 +880 931 3 880243564 +880 940 3 880175157 +880 948 4 880166662 +880 956 3 880242380 +880 976 2 880243588 +880 986 3 880167569 +880 992 4 892959014 +880 1000 3 880175128 +880 1001 2 880167435 +880 1002 3 880175527 +880 1012 4 880166827 +880 1013 3 880167355 +880 1014 4 892959041 +880 1016 4 880167223 +880 1017 3 880175077 +880 1023 2 880175405 +880 1030 2 880243147 +880 1035 4 880242933 +880 1036 2 880243147 +880 1041 4 880175128 +880 1044 4 880242577 +880 1047 3 880175157 +880 1049 3 892959087 +880 1052 1 880175503 +880 1053 3 880242660 +880 1058 2 880242421 +880 1059 4 880166939 +880 1093 3 880167384 +880 1095 3 880175503 +880 1119 3 880242028 +880 1134 5 880241609 +880 1139 4 880242577 +880 1151 3 880167454 +880 1157 4 880243817 +880 1165 2 880175527 +880 1181 3 880242781 +880 1184 3 880167806 +880 1185 1 880174995 +880 1188 2 880167880 +880 1197 3 880167151 +880 1210 4 880243790 +880 1215 1 880167599 +880 1217 3 880243712 +880 1222 4 880168411 +880 1224 3 880242632 +880 1225 2 880174834 +880 1244 3 880167411 +880 1258 3 880175368 +880 1267 4 880242356 +880 1270 3 880175187 +880 1276 3 880167384 +880 1277 4 880167355 +880 1284 4 880167355 +880 1291 3 880175468 +880 1296 3 892958128 +880 1415 2 880243093 +880 1423 3 880175577 +880 1446 4 880174705 +880 1468 4 880242139 +880 1478 3 880242547 +880 1496 4 880243147 +880 1518 2 880242422 +880 1620 3 880167288 +880 1664 4 892958799 +881 1 4 876535796 +881 4 3 876538286 +881 7 4 876536164 +881 8 4 876537457 +881 9 3 876536198 +881 11 4 876537752 +881 13 4 876536364 +881 14 1 879051971 +881 15 3 876536241 +881 21 3 876536667 +881 22 5 876538028 +881 23 4 876537419 +881 25 3 876536198 +881 27 3 876538953 +881 28 5 876537612 +881 29 2 876539091 +881 31 5 876537577 +881 38 3 876538763 +881 43 3 876539595 +881 49 5 876538986 +881 50 3 876535927 +881 51 5 876538889 +881 53 2 876539448 +881 54 4 876539387 +881 56 1 876962037 +881 58 3 876538796 +881 62 4 876538666 +881 63 4 876538853 +881 64 5 876537933 +881 69 3 876537933 +881 70 2 876539220 +881 71 4 876538322 +881 72 2 876539220 +881 77 2 876538627 +881 79 4 876537825 +881 81 3 876538666 +881 82 5 876538286 +881 88 3 876538595 +881 89 4 876537577 +881 90 3 876539595 +881 94 2 876539020 +881 95 4 876537679 +881 96 3 876537718 +881 97 3 876537613 +881 98 5 876537612 +881 99 3 876538571 +881 100 4 876536414 +881 103 1 876536745 +881 105 3 876537285 +881 106 4 879052493 +881 108 3 879052402 +881 112 2 876536978 +881 117 5 876535796 +881 118 4 876536332 +881 120 2 879052376 +881 121 5 876536391 +881 125 5 876536745 +881 127 4 876536079 +881 129 4 879052141 +881 132 3 876538726 +881 133 4 876537718 +881 134 5 876539260 +881 135 4 876537900 +881 136 4 876538537 +881 139 3 876538922 +881 140 2 876538098 +881 141 3 876538889 +881 143 5 876539128 +881 151 2 876536241 +881 161 3 876538506 +881 168 3 876537933 +881 172 4 876538986 +881 174 5 876537718 +881 175 2 876537418 +881 176 4 876537679 +881 177 4 876537900 +881 178 3 876537512 +881 179 5 876538400 +881 180 5 876538063 +881 181 4 876535928 +881 182 3 876538571 +881 183 4 876537995 +881 185 5 876537418 +881 186 3 876538221 +881 187 4 876539091 +881 188 4 876538665 +881 191 5 876537457 +881 192 5 876537577 +881 193 5 876538131 +881 194 3 876538185 +881 195 4 876539636 +881 196 3 876538185 +881 197 3 876537870 +881 199 5 876538824 +881 200 2 876538185 +881 202 4 876537825 +881 204 4 876538506 +881 205 4 876538465 +881 208 3 876538098 +881 209 3 876537718 +881 214 4 876538322 +881 215 3 876538726 +881 216 4 876538922 +881 217 3 876538131 +881 218 4 876539260 +881 222 5 876536079 +881 225 2 876536012 +881 226 3 876538400 +881 227 4 876538953 +881 228 3 876537995 +881 229 4 876538726 +881 230 4 876539291 +881 233 3 876538922 +881 234 3 876537870 +881 238 1 876537679 +881 240 1 879052141 +881 243 2 876535663 +881 255 3 876536332 +881 257 5 876536040 +881 259 3 876535599 +881 265 5 876538286 +881 274 3 876536850 +881 276 5 876536079 +881 281 3 876536439 +881 282 4 876536773 +881 286 2 876961961 +881 289 1 876535544 +881 291 3 876537177 +881 294 3 876535642 +881 304 3 876535642 +881 322 4 879051511 +881 323 2 879051487 +881 333 5 876535642 +881 356 3 876539477 +881 357 5 876537457 +881 375 1 876539387 +881 380 4 876538763 +881 385 4 876538666 +881 392 5 876538155 +881 393 4 876539091 +881 395 3 876538322 +881 399 4 876538465 +881 400 2 876539128 +881 401 1 876539260 +881 403 3 876539330 +881 405 4 876536667 +881 409 4 879052545 +881 411 3 879052376 +881 412 1 876536523 +881 414 5 876537752 +881 417 2 876538131 +881 419 5 876538691 +881 420 3 876539549 +881 423 4 876538726 +881 430 4 876537870 +881 432 3 876537825 +881 434 2 876538889 +881 435 3 876538796 +881 441 2 876539549 +881 443 5 876539448 +881 447 4 876538953 +881 449 3 876539549 +881 451 1 876539186 +881 456 1 879052291 +881 465 3 876538595 +881 472 4 876537285 +881 473 2 876536636 +881 474 3 876537870 +881 476 2 879052198 +881 477 4 876536107 +881 478 4 876537612 +881 480 4 876537679 +881 483 4 876537418 +881 484 4 876537512 +881 490 4 876538763 +881 495 5 876537752 +881 498 4 876537577 +881 504 3 876537577 +881 506 4 876539020 +881 511 5 876537419 +881 514 4 876537457 +881 515 4 876535967 +881 520 5 876538986 +881 521 4 876537870 +881 523 4 876537825 +881 524 4 876537825 +881 526 5 876538251 +881 527 3 876537900 +881 528 5 876538536 +881 530 5 876538571 +881 542 1 876538763 +881 546 4 876536012 +881 550 3 876539261 +881 554 1 876539636 +881 559 2 876539220 +881 561 4 876538465 +881 566 4 876538796 +881 568 4 876539020 +881 573 3 876539260 +881 575 2 876539330 +881 576 3 876538824 +881 580 5 876538251 +881 582 1 876538465 +881 588 3 876538027 +881 596 3 876536241 +881 601 5 876539186 +881 615 4 876539291 +881 620 2 879052198 +881 625 5 876538465 +881 630 4 876539187 +881 642 4 876538027 +881 651 5 876539549 +881 654 4 876539156 +881 655 4 876539448 +881 663 5 876538322 +881 671 3 876537512 +881 678 2 876535695 +881 679 1 876539129 +881 685 2 876536877 +881 705 1 876537679 +881 712 3 876539156 +881 728 3 876539129 +881 732 5 876538465 +881 739 4 876539091 +881 742 4 876536773 +881 748 3 876535544 +881 755 4 876538922 +881 756 4 876536012 +881 763 3 879052317 +881 768 3 876539505 +881 790 3 876539549 +881 795 2 876539418 +881 812 2 876539505 +881 820 2 876537285 +881 826 1 879052109 +881 831 2 879052493 +881 849 2 876539051 +881 864 3 876536198 +881 924 3 876536850 +881 934 3 876537011 +881 943 4 876537404 +881 1028 3 876537056 +881 1033 1 876536745 +881 1046 3 876539051 +881 1057 1 879052341 +881 1066 3 876538726 +881 1078 3 876539260 +881 1089 1 876537011 +881 1118 3 876538131 +881 1124 4 876538627 +881 1133 2 876539360 +881 1164 1 876537106 +881 1177 1 876539418 +881 1215 1 879052376 +881 1217 5 876538506 +881 1228 3 876538986 +881 1411 2 876539595 +881 1480 2 876539636 +881 1540 1 876539091 +882 1 5 879864558 +882 4 4 879868118 +882 7 4 879862652 +882 8 5 879864789 +882 11 4 879867816 +882 15 5 879862141 +882 21 2 879863909 +882 25 2 879862652 +882 28 5 879867508 +882 33 2 879868197 +882 50 5 879867694 +882 56 4 879865307 +882 66 4 879867980 +882 69 5 879864917 +882 70 3 879876573 +882 71 5 879867631 +882 79 5 879878486 +882 82 5 879867885 +882 86 5 879867568 +882 89 5 879867508 +882 95 4 879877155 +882 96 4 879878140 +882 98 5 879865750 +882 99 5 879878486 +882 101 3 879879807 +882 105 3 879863735 +882 117 4 879861492 +882 118 4 879863031 +882 121 4 879861739 +882 122 2 879863831 +882 131 4 879876573 +882 132 5 879864970 +882 133 5 879867263 +882 135 5 879876806 +882 140 3 879879868 +882 143 4 879876806 +882 147 4 879863106 +882 151 5 879862327 +882 168 5 879867631 +882 172 5 879864970 +882 173 5 879867980 +882 174 5 879864697 +882 176 4 879867980 +882 177 5 879867885 +882 180 4 879865307 +882 181 5 879867430 +882 183 4 879864789 +882 185 5 879877245 +882 186 5 879879731 +882 191 5 879867694 +882 193 5 879867263 +882 194 3 879879668 +882 195 5 879867568 +882 196 4 879867263 +882 199 5 879867508 +882 202 4 879876806 +882 203 4 879867508 +882 204 5 879864697 +882 205 5 879865307 +882 208 5 879868197 +882 210 4 879867568 +882 211 4 879867431 +882 215 5 879867816 +882 216 4 879867508 +882 222 5 879861562 +882 225 5 879862865 +882 227 4 879879868 +882 228 5 879867694 +882 230 5 879867508 +882 235 3 879863560 +882 237 5 879862327 +882 243 4 879861325 +882 258 3 879860936 +882 265 5 879867431 +882 275 5 879861678 +882 284 3 879862865 +882 288 3 879860762 +882 290 4 879862217 +882 291 4 879862936 +882 294 4 879860936 +882 357 4 879864917 +882 369 3 879863257 +882 378 5 879868198 +882 380 5 879868197 +882 393 4 879880132 +882 405 4 879861939 +882 407 2 879863831 +882 409 4 879863031 +882 411 3 879863457 +882 412 1 879863735 +882 416 4 879879868 +882 419 5 879864917 +882 420 5 879879807 +882 423 5 879878486 +882 427 5 879877026 +882 429 4 879866320 +882 432 5 879865307 +882 455 3 879862652 +882 465 3 879876573 +882 470 4 879867816 +882 471 4 879861562 +882 473 3 879862936 +882 476 3 879863735 +882 496 5 879866320 +882 501 5 879879807 +882 510 5 879864642 +882 515 5 879865307 +882 526 4 879864642 +882 546 2 879863031 +882 559 3 879876806 +882 566 4 879876806 +882 568 5 879865629 +882 582 5 879876573 +882 588 4 879867430 +882 597 4 879863106 +882 616 4 879879807 +882 660 3 879879731 +882 662 3 879879807 +882 684 3 879877026 +882 692 4 879867631 +882 739 4 879880131 +882 746 4 879865163 +882 748 5 879861155 +882 756 3 879863457 +882 815 2 879861678 +882 820 3 879863969 +882 841 1 879863909 +882 929 1 879863176 +882 932 4 879863969 +882 969 5 879880132 +882 988 5 879861385 +882 1015 3 879863457 +882 1052 2 879864125 +882 1060 3 879862652 +882 1116 4 879879868 +882 1412 3 879867368 +882 1444 4 879877245 +883 1 3 891914583 +883 4 4 891694276 +883 7 5 891754985 +883 8 4 891694249 +883 9 4 891717495 +883 10 5 892557605 +883 11 2 891696824 +883 12 4 891717356 +883 13 4 891723351 +883 14 3 891693675 +883 16 4 891692713 +883 19 2 891692657 +883 20 4 891693723 +883 22 3 891696824 +883 24 4 891692657 +883 26 3 891693139 +883 28 3 891717908 +883 30 4 891693058 +883 39 4 891696864 +883 45 5 891695570 +883 47 3 891694182 +883 48 4 891717283 +883 49 3 891694636 +883 50 4 891696824 +883 52 3 891693169 +883 53 5 891696999 +883 55 4 891696864 +883 56 5 891694276 +883 58 3 891717380 +883 59 5 891692982 +883 60 5 891693012 +883 61 5 891693012 +883 64 4 891717988 +883 65 4 891717319 +883 66 3 891694636 +883 68 4 891696957 +883 69 2 891717356 +883 70 3 891693169 +883 72 4 891694431 +883 79 4 891696864 +883 81 5 891717908 +883 82 3 891696999 +883 83 3 891693200 +883 86 3 891693086 +883 88 4 891696715 +883 89 5 891696864 +883 90 3 891694672 +883 96 4 891696864 +883 98 3 891695666 +883 100 4 891717462 +883 113 4 891693723 +883 116 5 891692786 +883 124 5 891717419 +883 127 5 891717319 +883 129 5 891755088 +883 134 5 891754950 +883 135 4 891717319 +883 137 5 891717356 +883 144 4 892557605 +883 147 2 891717419 +883 151 5 892439523 +883 153 5 891723290 +883 154 4 891754985 +883 168 5 891694218 +883 170 3 891693139 +883 172 4 891696824 +883 173 4 891694182 +883 174 4 891696824 +883 175 5 891694312 +883 176 4 891696895 +883 183 5 891696895 +883 185 5 891695692 +883 190 4 891693058 +883 194 3 891694218 +883 195 5 891696824 +883 197 4 891696689 +883 198 5 891695570 +883 199 4 891717462 +883 202 4 891694312 +883 204 4 891694182 +883 207 3 891693012 +883 208 4 891694340 +883 209 3 891694311 +883 210 4 891723351 +883 211 5 891694249 +883 212 5 891695570 +883 213 2 891693058 +883 216 4 891694249 +883 222 3 891717495 +883 224 4 891692683 +883 226 3 892557605 +883 227 3 891696930 +883 228 4 891696824 +883 229 4 891696930 +883 234 4 891695666 +883 237 3 891717963 +883 238 4 891694218 +883 239 3 891694401 +883 241 4 891696714 +883 250 3 892439468 +883 251 5 891692657 +883 256 5 891692713 +883 257 5 891914605 +883 265 3 891696864 +883 269 3 891691436 +883 270 4 891691436 +883 271 2 891692116 +883 273 4 892557850 +883 275 4 891692657 +883 276 5 891717462 +883 277 4 891717936 +883 279 3 891717356 +883 283 4 891692742 +883 285 5 891723351 +883 286 3 891691654 +883 289 5 891692168 +883 302 5 891691410 +883 304 3 891691534 +883 306 3 891691410 +883 311 4 891691505 +883 312 3 891692044 +883 313 3 891692285 +883 315 3 891691353 +883 316 5 891692168 +883 318 4 891717936 +883 319 3 891691560 +883 322 5 891692168 +883 323 5 891692168 +883 331 3 891691654 +883 338 4 891695193 +883 342 4 891692116 +883 345 3 891691465 +883 346 4 891691353 +883 347 4 891691559 +883 349 2 892557605 +883 354 4 891692000 +883 355 5 891692168 +883 367 5 891694218 +883 372 3 891694544 +883 382 3 891693200 +883 384 3 891694431 +883 385 1 891696999 +883 386 3 891694372 +883 387 5 891696750 +883 396 2 891695743 +883 399 5 891696999 +883 403 5 891696999 +883 405 3 891916961 +883 407 3 892557605 +883 408 5 891914522 +883 414 3 891694431 +883 421 5 891696689 +883 430 5 891694401 +883 435 4 891696895 +883 455 4 891916411 +883 461 5 891717988 +883 462 5 891693085 +883 463 3 891693058 +883 464 5 891717533 +883 477 5 891914545 +883 479 5 891755017 +883 487 5 891755066 +883 490 4 891755017 +883 496 2 891755066 +883 504 5 891754950 +883 506 5 891754950 +883 511 4 891717419 +883 512 5 891693058 +883 513 5 891717319 +883 514 4 891694182 +883 515 5 891692657 +883 516 4 891694372 +883 517 4 891694218 +883 519 5 891717283 +883 523 5 891694276 +883 529 5 891693012 +883 530 3 891696823 +883 531 3 891693497 +883 549 4 891696782 +883 550 3 892557605 +883 553 4 891696782 +883 559 3 891695692 +883 561 3 891695717 +883 566 3 891696999 +883 568 3 891696999 +883 580 3 891693200 +883 582 3 891693387 +883 584 3 891693200 +883 589 5 891754985 +883 603 4 891755017 +883 634 3 891692874 +883 647 5 891717319 +883 648 4 891694249 +883 656 5 891695666 +883 659 3 891694218 +883 661 4 891718914 +883 665 4 891695717 +883 684 3 891755066 +883 692 3 891694249 +883 693 4 891717988 +883 694 5 891693110 +883 703 3 891693139 +883 707 3 891693139 +883 709 5 891694431 +883 712 3 891694249 +883 713 3 891692742 +883 715 5 891694311 +883 724 4 891696689 +883 727 3 891696750 +883 732 3 891694340 +883 736 3 891696750 +883 739 2 891696715 +883 740 4 891692742 +883 745 5 891694431 +883 748 5 891692168 +883 749 3 891695490 +883 750 3 891691485 +883 752 4 892872163 +883 770 4 891696957 +883 778 4 891694372 +883 781 3 891694340 +883 785 3 891694372 +883 792 4 891694182 +883 794 4 891696750 +883 796 3 891696782 +883 805 4 891723323 +883 847 4 892557605 +883 856 5 891694401 +883 863 3 891693497 +883 867 5 891695588 +883 873 3 891695173 +883 882 4 891691388 +883 886 3 892439422 +883 896 5 891691465 +883 900 5 891691654 +883 902 4 891691534 +883 919 4 891692713 +883 922 5 891717963 +883 945 4 891754985 +883 952 3 891916924 +883 955 5 891696689 +883 956 4 891717885 +883 971 3 891693200 +883 989 5 891692168 +883 1005 5 891695570 +883 1009 4 891692811 +883 1012 5 891916324 +883 1019 5 891695570 +883 1021 5 891693058 +883 1041 3 891694603 +883 1045 5 891717462 +883 1065 5 891717533 +883 1074 4 891694340 +883 1115 4 891692765 +883 1118 4 891694276 +883 1121 3 891693702 +883 1131 5 891695570 +883 1171 5 891695570 +883 1222 5 891696999 +883 1226 3 891914483 +883 1227 3 891693200 +883 1288 4 892439357 +883 1404 3 891694372 +883 1448 5 891695570 +883 1462 5 891695570 +883 1591 3 891695570 +883 1592 5 891692168 +883 1656 5 891692168 +884 9 5 876858820 +884 14 4 876858946 +884 70 4 876859208 +884 86 3 876859208 +884 100 5 876858820 +884 116 4 876858914 +884 127 4 876858877 +884 146 3 876858877 +884 165 3 876859070 +884 166 3 876859207 +884 179 5 876859109 +884 198 5 876859237 +884 212 4 876859238 +884 213 4 876859207 +884 258 5 876857704 +884 268 4 876857704 +884 269 5 876857704 +884 275 4 876857845 +884 285 4 876858820 +884 300 1 876857789 +884 322 3 876857745 +884 323 2 876857745 +884 381 5 876859751 +884 382 5 876859351 +884 462 4 876859237 +884 463 5 876859070 +884 475 4 876858914 +884 509 4 876859090 +884 510 5 876859330 +884 515 4 876858914 +884 529 5 876859301 +884 582 5 876859351 +884 638 4 876859301 +884 640 1 876859161 +884 713 3 876858914 +884 736 3 876859329 +884 921 5 876859277 +884 923 3 876859109 +884 949 2 876860604 +884 1009 2 876859024 +884 1018 2 876860514 +884 1073 4 876859138 +884 1214 1 876860434 +885 1 5 885714990 +885 7 3 885715889 +885 25 4 885713017 +885 28 4 885714136 +885 29 1 885714487 +885 50 3 885712252 +885 56 3 885714641 +885 65 2 885714336 +885 69 4 885714201 +885 70 5 885713585 +885 71 4 885714820 +885 72 1 885713631 +885 79 4 885715803 +885 82 4 885715907 +885 88 4 885713461 +885 91 3 885714820 +885 94 2 885713833 +885 95 4 885714933 +885 97 5 885714136 +885 99 4 885714858 +885 100 3 885712944 +885 111 4 885712996 +885 117 4 885715643 +885 135 2 885714159 +885 142 2 885716369 +885 143 4 885716344 +885 151 4 885716221 +885 153 2 885713357 +885 154 3 885713434 +885 161 4 885715827 +885 167 3 885713807 +885 169 5 885714820 +885 172 3 885715888 +885 173 4 885713357 +885 174 5 885715780 +885 179 1 885714226 +885 181 3 885712280 +885 186 4 885713434 +885 188 3 885715946 +885 189 5 885714820 +885 195 4 885715827 +885 196 3 885714201 +885 204 4 885713294 +885 208 3 885713406 +885 209 2 885713502 +885 210 5 885713544 +885 213 3 885715221 +885 216 3 885715221 +885 225 3 885716242 +885 233 3 885715889 +885 237 5 885715151 +885 239 3 885713609 +885 245 2 885712224 +885 274 5 885712996 +885 278 3 885715468 +885 290 1 885712921 +885 300 4 885712224 +885 318 5 885714093 +885 338 3 885712224 +885 356 3 885714317 +885 365 3 885714431 +885 383 2 885713939 +885 386 2 885713680 +885 393 3 885713680 +885 402 3 885715489 +885 405 4 885715691 +885 417 3 885716369 +885 418 4 885714933 +885 419 4 885716328 +885 420 4 885714858 +885 423 4 885714136 +885 428 4 885713461 +885 432 4 885714820 +885 451 2 885713716 +885 476 4 885713062 +885 501 3 885714820 +885 523 3 885713357 +885 538 4 885712224 +885 549 3 885714409 +885 568 4 885715889 +885 582 2 885714487 +885 584 3 885716328 +885 588 4 885714820 +885 596 4 885714990 +885 625 3 885714858 +885 655 3 885713294 +885 660 5 885714317 +885 662 3 885714362 +885 685 3 885715671 +885 735 3 885714764 +885 739 4 885715241 +885 756 2 885713101 +885 815 4 885715169 +885 821 3 885713585 +885 866 3 885713102 +885 946 3 885714933 +885 949 4 885714452 +885 953 3 885714531 +885 1030 1 885713975 +885 1061 2 885713138 +885 1221 3 885714362 +885 1311 2 885714582 +886 1 4 876031433 +886 2 4 876033368 +886 3 3 876032330 +886 4 3 876031601 +886 5 3 876032929 +886 7 5 876031330 +886 9 5 876032274 +886 10 3 876032030 +886 11 5 876031365 +886 12 5 876031279 +886 15 3 876031869 +886 17 4 876032596 +886 20 2 876031739 +886 22 4 876032378 +886 23 4 876031365 +886 24 4 876031973 +886 26 4 876032929 +886 27 2 876031829 +886 28 4 876031413 +886 29 1 876033576 +886 33 4 876033088 +886 42 5 876032248 +886 43 2 876033134 +886 47 4 876031601 +886 48 4 876031526 +886 49 4 876032187 +886 50 5 876031501 +886 53 1 876032422 +886 54 3 876031279 +886 55 4 876031622 +886 56 4 876031365 +886 58 4 876032331 +886 62 3 876033265 +886 63 3 876033015 +886 64 5 876031573 +886 65 3 876031870 +886 66 3 876032442 +886 67 4 876033228 +886 68 3 876032422 +886 69 2 876031932 +886 71 4 876032274 +886 76 4 876033897 +886 79 5 876032884 +886 80 3 876034228 +886 81 4 876032531 +886 87 4 876032473 +886 89 4 876031720 +886 92 3 876031481 +886 94 4 876033200 +886 95 5 876032531 +886 96 3 876031392 +886 98 4 876032352 +886 100 4 876032187 +886 101 4 876032103 +886 108 5 876033200 +886 117 2 876033624 +886 118 1 876032673 +886 127 4 876032472 +886 128 4 876031551 +886 129 5 876033015 +886 132 3 876032399 +886 144 4 876032509 +886 147 5 876033228 +886 150 4 876031656 +886 153 3 876031279 +886 156 4 876031413 +886 157 4 876031695 +886 159 2 876031695 +886 160 1 876031550 +886 161 5 876033478 +886 164 4 876033053 +886 168 4 876031573 +886 171 4 876032072 +886 172 5 876031527 +886 173 5 876031932 +886 174 5 876032739 +886 175 4 876031550 +886 176 4 876032143 +886 177 4 876031973 +886 178 5 876031829 +886 179 2 876032673 +886 180 5 876031392 +886 181 5 876031392 +886 182 4 876031932 +886 183 5 876033088 +886 184 4 876031309 +886 186 4 876033460 +886 187 4 876031309 +886 188 4 876031365 +886 191 5 876031309 +886 194 3 876031365 +886 195 4 876032030 +886 196 3 876031365 +886 200 3 876031573 +886 201 3 876031695 +886 202 3 876032509 +886 204 3 876031932 +886 208 3 876031764 +886 209 4 876031850 +886 212 2 876031897 +886 214 3 876032072 +886 216 5 876031695 +886 217 2 876032776 +886 218 3 876031829 +886 222 4 876032615 +886 227 3 876032331 +886 228 4 876031601 +886 229 3 876032509 +886 230 2 876033106 +886 231 2 876032247 +886 232 3 876032973 +886 233 3 876032126 +886 234 3 876031932 +886 235 3 876032739 +886 237 4 876031850 +886 238 3 876031459 +886 239 3 876032635 +886 240 3 876031720 +886 241 4 876032531 +886 265 4 876032553 +886 268 5 876031109 +886 273 2 876032274 +886 282 3 876032378 +886 288 4 876031122 +886 318 5 876031308 +886 328 3 876031173 +886 357 4 876031601 +886 364 3 876034006 +886 367 4 876031622 +886 371 1 876033435 +886 380 3 876032929 +886 381 2 876032308 +886 384 3 876034074 +886 385 3 876033293 +886 388 1 876033850 +886 393 3 876033181 +886 396 2 876032739 +886 399 3 876034041 +886 403 4 876031765 +886 405 3 876033434 +886 410 4 876031459 +886 419 3 876032353 +886 423 3 876032422 +886 425 4 876032029 +886 433 2 876032165 +886 435 3 876031459 +886 449 3 876033784 +886 451 3 876033965 +886 466 1 876032577 +886 467 4 876032577 +886 472 3 876033755 +886 474 4 876031720 +886 475 5 876031501 +886 483 4 876031656 +886 496 4 876031952 +886 506 4 876032308 +886 512 1 876031526 +886 518 4 876031601 +886 544 4 876031850 +886 546 1 876031550 +886 549 3 876032929 +886 550 4 876034228 +886 558 3 876031656 +886 559 2 876033265 +886 566 3 876033461 +886 568 3 876032973 +886 578 4 876034205 +886 581 4 876032103 +886 582 1 876032029 +886 584 4 876031993 +886 589 3 876031365 +886 591 3 876031765 +886 623 1 876033069 +886 628 3 876031695 +886 631 4 876033645 +886 636 3 876032473 +886 651 5 876034074 +886 655 4 876032973 +886 657 5 876031695 +886 659 4 876033731 +886 663 4 876032823 +886 685 2 876032378 +886 686 4 876033228 +886 692 3 876032225 +886 693 4 876033897 +886 697 1 876033368 +886 709 3 876032473 +886 710 4 876031601 +886 715 1 876033434 +886 721 5 876033460 +886 726 1 876033340 +886 732 3 876032029 +886 733 4 876032776 +886 746 3 876032473 +886 761 4 876033368 +886 762 5 876033228 +886 772 1 876031973 +886 781 4 876033340 +886 783 1 876033784 +886 789 3 876031656 +886 790 4 876034095 +886 799 1 876032973 +886 801 3 876034205 +886 803 2 876033015 +886 813 4 876032029 +886 819 4 876033897 +886 824 4 876033413 +886 826 1 876032929 +886 833 5 876033460 +886 919 4 876031869 +886 939 4 876031765 +886 940 2 876034255 +886 941 2 876032072 +886 943 3 876032248 +886 959 3 876032473 +886 1010 5 876032103 +886 1014 5 876034371 +886 1019 4 876031695 +886 1046 2 876033755 +886 1048 4 876032840 +886 1065 4 876033731 +886 1067 5 876032509 +886 1073 4 876031805 +886 1074 2 876033645 +886 1093 1 876032654 +886 1095 2 876033897 +886 1119 4 876032553 +886 1170 3 876031481 +886 1208 3 876032596 +886 1209 2 876034041 +886 1217 4 876033602 +886 1228 2 876034228 +886 1231 3 876033828 +886 1267 3 876032072 +886 1303 1 876033987 +886 1324 2 876032308 +886 1421 2 876034174 +886 1435 3 876034174 +886 1467 5 876033987 +886 1489 1 876034074 +887 1 5 881377972 +887 7 4 881377812 +887 8 4 881380025 +887 9 2 881378118 +887 13 1 881378928 +887 22 5 881379566 +887 24 5 881378219 +887 25 2 881378537 +887 28 5 881379522 +887 38 5 881381503 +887 47 5 881381679 +887 50 5 881377758 +887 56 5 881381382 +887 65 5 881381679 +887 69 4 881380025 +887 71 5 881380996 +887 72 4 881381471 +887 82 4 881381028 +887 84 4 881381114 +887 87 5 881380335 +887 90 5 881381071 +887 91 5 881380884 +887 95 4 881379718 +887 96 4 881380403 +887 98 3 881379345 +887 99 5 881380539 +887 100 2 881377854 +887 105 3 881379009 +887 109 5 881378289 +887 111 5 881378370 +887 115 5 881380218 +887 118 5 881378289 +887 121 5 881378370 +887 122 5 881379239 +887 125 5 881377933 +887 127 3 881377854 +887 128 5 881380218 +887 132 4 881380218 +887 140 5 881381425 +887 142 1 881381207 +887 143 5 881379781 +887 151 5 881378325 +887 164 4 881380139 +887 168 4 881380067 +887 172 5 881379718 +887 176 5 881381348 +887 180 4 881380177 +887 181 5 881378040 +887 183 1 881379449 +887 187 4 881381610 +887 195 4 881380438 +887 200 1 881380883 +887 202 5 881379346 +887 204 5 881380067 +887 206 5 881381471 +887 210 5 881379649 +887 218 5 881381471 +887 222 3 881378153 +887 225 4 881379094 +887 228 4 881380709 +887 235 3 881378537 +887 240 5 881378972 +887 243 1 881378370 +887 252 4 881378972 +887 254 4 881379145 +887 257 5 881377854 +887 258 1 881377893 +887 274 1 881378478 +887 279 5 881378478 +887 284 4 881378669 +887 288 4 881378040 +887 289 5 881380623 +887 294 5 881378219 +887 305 5 881377532 +887 318 5 881379649 +887 365 5 881381610 +887 368 5 881381679 +887 369 5 881378896 +887 378 5 881381207 +887 385 4 881380502 +887 393 4 881381114 +887 404 4 881381071 +887 405 5 881378439 +887 409 4 881378971 +887 410 4 881378040 +887 411 4 881379059 +887 412 5 881379188 +887 416 2 881380539 +887 418 4 881380025 +887 419 2 881379748 +887 420 5 881381425 +887 421 5 881379954 +887 423 2 881379954 +887 427 5 881379718 +887 431 3 881379685 +887 432 5 881379988 +887 443 4 881380883 +887 455 5 881378620 +887 465 5 881381307 +887 470 3 881380773 +887 471 3 881377972 +887 472 4 881378402 +887 473 4 881378896 +887 476 1 881379059 +887 477 1 881378570 +887 491 2 881379566 +887 496 4 881379685 +887 501 4 881380884 +887 548 1 881381555 +887 559 4 881381555 +887 562 5 881381071 +887 568 2 881379566 +887 578 4 881381610 +887 588 4 881380298 +887 596 5 881378118 +887 597 5 881378325 +887 609 4 881381207 +887 633 5 881380584 +887 655 1 881379609 +887 673 5 881381382 +887 692 5 881380654 +887 697 1 881380623 +887 699 1 881379566 +887 710 5 881380709 +887 718 1 881377812 +887 720 5 881380813 +887 755 5 881381425 +887 756 5 881379094 +887 760 5 881378669 +887 763 5 881378087 +887 768 4 881381471 +887 826 1 881379239 +887 828 3 881378854 +887 832 2 881379059 +887 839 4 881379566 +887 845 4 881378087 +887 871 5 881378325 +887 926 5 881378537 +887 928 5 881378620 +887 929 1 881379059 +887 931 3 881379009 +887 932 2 881379009 +887 934 4 881379188 +887 946 4 881381348 +887 969 5 881379954 +887 993 5 881378251 +887 1012 1 881378153 +887 1013 4 881379295 +887 1015 5 881377933 +887 1028 5 881379059 +887 1029 5 881381740 +887 1033 4 881379295 +887 1035 5 881381740 +887 1047 5 881378773 +887 1051 4 881378773 +887 1060 5 881378570 +887 1063 1 881380404 +887 1079 1 881378773 +887 1084 5 881377893 +887 1116 5 881381610 +887 1120 5 881378439 +887 1136 5 881381071 +887 1239 3 881381679 +887 1278 2 881378087 +887 1279 3 881378402 +887 1283 5 881378896 +887 1383 4 881379239 +887 1413 4 881380176 +887 1473 1 881379522 +887 1496 4 881380996 +887 1540 5 881380739 +888 69 4 879365104 +888 100 4 879365004 +888 111 4 879365072 +888 137 4 879365104 +888 153 4 879365154 +888 180 4 879365004 +888 191 5 879365004 +888 202 4 879365072 +888 237 5 879365449 +888 269 5 879364981 +888 274 4 879365497 +888 280 3 879365475 +888 286 5 879364981 +888 514 5 879365154 +888 535 4 879365497 +888 631 4 879365224 +888 644 4 879365054 +888 762 5 879365497 +888 792 5 879365054 +888 869 4 879365086 +889 1 3 880177104 +889 2 3 880182460 +889 3 4 880177664 +889 4 3 880180765 +889 7 3 880177219 +889 8 3 880179757 +889 9 4 880176896 +889 11 5 880177941 +889 12 5 880177880 +889 13 4 880177179 +889 17 4 880181910 +889 22 3 880178158 +889 23 3 880179785 +889 24 4 880177266 +889 26 4 880178748 +889 28 4 880181995 +889 29 3 880182428 +889 31 3 880178449 +889 32 4 880180376 +889 33 5 880180817 +889 39 2 880181191 +889 42 5 880180191 +889 50 4 880176807 +889 54 3 880182815 +889 55 4 880181191 +889 56 5 880177857 +889 58 3 880178130 +889 59 4 880177906 +889 60 3 880181275 +889 64 5 880178313 +889 65 4 880180817 +889 67 2 880182541 +889 69 3 880179785 +889 70 3 880180979 +889 71 3 880180849 +889 72 3 880181317 +889 73 3 880181663 +889 77 3 880182359 +889 79 3 880179705 +889 81 4 880180849 +889 82 4 880180122 +889 83 4 880180817 +889 85 3 880181976 +889 86 4 880180191 +889 87 4 880178367 +889 89 4 880177941 +889 91 4 880180784 +889 92 3 880177970 +889 93 3 880177219 +889 94 4 880181646 +889 95 4 880178342 +889 96 4 880181015 +889 97 3 880178748 +889 98 4 880177857 +889 100 4 880176845 +889 117 4 880177154 +889 121 4 880177308 +889 124 4 880177050 +889 125 4 880177435 +889 127 4 880176845 +889 128 5 880180897 +889 129 5 880177266 +889 132 4 880181910 +889 134 4 880179648 +889 135 2 880180101 +889 137 4 880177016 +889 144 4 880178224 +889 147 3 880176926 +889 150 5 880176984 +889 151 3 880177016 +889 153 5 880181317 +889 154 4 880180612 +889 155 3 880182582 +889 156 5 880178204 +889 159 3 880182295 +889 160 4 880180945 +889 161 4 880180897 +889 164 4 880179757 +889 165 3 880178131 +889 168 4 880178449 +889 169 5 880177906 +889 170 4 880177994 +889 171 4 880177970 +889 172 4 880177941 +889 173 5 880178019 +889 174 4 880178183 +889 175 4 880180101 +889 177 4 880178183 +889 178 5 880178078 +889 179 3 880179705 +889 180 4 880180650 +889 181 4 880177131 +889 182 4 880179586 +889 183 3 880178019 +889 185 4 880180266 +889 186 5 880181563 +889 187 4 880177857 +889 188 5 880181317 +889 190 3 880177994 +889 191 4 880178078 +889 192 3 880178204 +889 193 4 880180191 +889 194 5 880178248 +889 195 4 880178204 +889 196 5 880180612 +889 199 5 880181138 +889 202 3 880178773 +889 203 2 880181275 +889 204 4 880179757 +889 207 3 880179785 +889 208 4 880181275 +889 209 2 880178019 +889 210 4 880178342 +889 211 4 880180765 +889 212 2 880181225 +889 216 4 880180191 +889 217 4 880182582 +889 219 2 880178131 +889 223 4 880177906 +889 226 2 880182016 +889 231 3 880182444 +889 232 3 880182270 +889 234 4 880177857 +889 235 3 880177648 +889 237 4 880176874 +889 239 4 880180554 +889 240 3 880177246 +889 246 4 880176926 +889 248 4 880176984 +889 249 3 880177266 +889 250 4 880177179 +889 252 3 880177503 +889 257 4 880176845 +889 258 4 880176550 +889 262 4 880176620 +889 265 4 880180816 +889 268 4 880176620 +889 269 4 880176518 +889 271 3 880176573 +889 273 4 880177016 +889 276 4 880177104 +889 279 2 880177104 +889 282 4 880177246 +889 290 2 880181601 +889 291 3 880182815 +889 294 3 880176686 +889 297 3 880176845 +889 298 4 880177016 +889 300 3 880176620 +889 302 4 880176518 +889 303 3 880176550 +889 317 4 880180849 +889 318 4 880180265 +889 322 3 880176717 +889 327 3 880176620 +889 338 1 880176666 +889 357 4 880177906 +889 381 4 880180784 +889 382 2 880178248 +889 385 3 880180376 +889 386 3 880182207 +889 399 3 880182359 +889 402 3 880182496 +889 403 3 880179868 +889 405 2 880177567 +889 408 3 880176960 +889 411 2 880177541 +889 423 4 880177941 +889 427 4 880177880 +889 428 4 880179536 +889 430 4 880178411 +889 431 4 880179725 +889 433 4 880180612 +889 435 4 880179536 +889 436 3 880181275 +889 451 3 880181488 +889 455 4 880177647 +889 461 3 880181159 +889 462 5 880180707 +889 469 4 880180414 +889 470 4 880180554 +889 471 3 880176926 +889 473 4 880177503 +889 474 4 880177941 +889 475 4 880176896 +889 479 4 880177994 +889 480 5 880178019 +889 482 4 880178367 +889 483 4 880178183 +889 484 4 880178313 +889 488 2 880180265 +889 493 3 880178313 +889 494 3 880181275 +889 497 4 880179893 +889 498 4 880178748 +889 509 2 880180650 +889 511 4 880178183 +889 512 5 880181372 +889 513 4 880178748 +889 514 1 880178158 +889 515 5 880176807 +889 519 4 880179757 +889 520 4 880179756 +889 523 4 880178078 +889 524 4 880180650 +889 533 3 880177352 +889 540 2 880182317 +889 544 3 880177104 +889 546 4 880177435 +889 550 3 880181434 +889 554 4 880181976 +889 562 3 880181911 +889 566 3 880181275 +889 568 3 880179785 +889 575 3 880182850 +889 576 3 880182541 +889 597 3 880182741 +889 603 4 880180122 +889 604 3 880178342 +889 607 4 880179868 +889 615 3 880180707 +889 627 2 880181646 +889 631 3 880178449 +889 636 4 880181663 +889 642 3 880181455 +889 646 3 880177970 +889 647 2 880181191 +889 649 2 880178511 +889 650 2 880178130 +889 651 4 880177906 +889 652 5 880180784 +889 654 3 880178512 +889 655 4 880178224 +889 657 4 880177941 +889 658 4 880181086 +889 659 4 880178367 +889 663 3 880180554 +889 664 2 880182695 +889 676 2 880176874 +889 678 3 880177352 +889 684 2 880180376 +889 686 3 880180612 +889 687 2 880177797 +889 695 3 880179586 +889 696 3 880177407 +889 700 3 880182295 +889 705 4 880178287 +889 718 4 880176807 +889 721 3 880179536 +889 728 3 880181995 +889 729 3 880179785 +889 731 2 880181191 +889 732 2 880179612 +889 734 3 880182815 +889 737 3 880181515 +889 739 3 880182517 +889 741 4 880177131 +889 742 3 880177219 +889 746 4 880179893 +889 747 4 880181515 +889 749 2 880176718 +889 755 3 880182017 +889 762 3 880177154 +889 763 4 880177502 +889 771 2 880182961 +889 782 2 880182784 +889 789 2 880179508 +889 818 4 880177540 +889 819 2 880177738 +889 820 2 880182103 +889 831 2 880177387 +889 833 3 880177472 +889 847 4 880176926 +889 856 4 880181138 +889 866 4 880177407 +889 869 3 880182428 +889 879 3 880176596 +889 881 3 880176717 +889 886 3 880176666 +889 919 5 880177050 +889 943 3 880178512 +889 944 3 880182173 +889 947 4 880181225 +889 949 3 880181646 +889 952 3 880178411 +889 955 3 880179536 +889 959 3 880182103 +889 979 3 880177435 +889 980 4 880178748 +889 1006 4 880181563 +889 1011 3 880177287 +889 1014 2 880177778 +889 1016 3 880177070 +889 1022 4 880176667 +889 1048 3 880177435 +889 1065 4 880180817 +889 1067 3 880177131 +889 1069 1 880182127 +889 1070 3 880178367 +889 1072 3 880182444 +889 1073 5 880179893 +889 1074 3 880181515 +889 1079 2 880177647 +889 1097 3 880176984 +889 1103 2 880180071 +889 1110 3 880182943 +889 1113 5 880182295 +889 1134 4 880177219 +889 1139 1 880182582 +889 1142 4 880176926 +889 1152 3 880177778 +889 1153 4 880181935 +889 1170 2 880182127 +889 1188 2 880182784 +889 1194 4 880180817 +889 1195 3 880182317 +889 1218 4 880178511 +889 1231 3 880182871 +889 1239 1 880182815 +889 1262 3 880182270 +889 1267 3 880182629 +889 1419 2 880182924 +889 1428 3 880179757 +889 1487 3 880182871 +889 1553 3 880180979 +889 1589 5 880177219 +890 1 4 882402975 +890 7 4 882402739 +890 23 5 882403221 +890 50 5 882405807 +890 69 4 882403446 +890 85 1 882917090 +890 89 4 882403446 +890 97 4 882402774 +890 98 4 882403446 +890 101 2 882915661 +890 102 3 882574982 +890 118 2 882915661 +890 121 2 882915661 +890 127 5 882402949 +890 132 5 882403045 +890 133 5 882402518 +890 134 5 882403122 +890 135 5 882405546 +890 136 5 882403045 +890 142 3 882916650 +890 151 5 882916941 +890 152 4 882403299 +890 153 3 882403345 +890 157 4 882916239 +890 162 4 882403007 +890 163 3 883010005 +890 167 2 883010326 +890 168 5 882916704 +890 172 5 882402905 +890 173 4 882575167 +890 174 5 882405780 +890 176 4 882404851 +890 179 5 882403299 +890 181 4 882405808 +890 183 3 882404917 +890 185 5 882402301 +890 186 2 882916276 +890 187 5 882403221 +890 190 4 882403587 +890 193 4 882402826 +890 194 5 882402774 +890 195 5 882403045 +890 200 4 882402633 +890 204 4 882403085 +890 205 5 882405473 +890 208 5 882403007 +890 210 4 882403587 +890 211 2 882915661 +890 214 4 882916588 +890 215 4 882916356 +890 228 4 882404879 +890 229 2 882405059 +890 230 3 882404947 +890 234 5 882404484 +890 237 3 882575209 +890 258 3 882404055 +890 265 2 882405059 +890 271 3 882404055 +890 286 5 882402181 +890 313 5 882914803 +890 324 4 882404093 +890 340 4 882402181 +890 357 5 882403299 +890 385 4 882574402 +890 403 1 882915661 +890 404 4 882915696 +890 423 5 882402905 +890 427 5 882405586 +890 429 4 882403045 +890 434 4 882403587 +890 435 5 882574437 +890 436 3 882402949 +890 443 4 882404541 +890 444 4 882404610 +890 447 3 882404541 +890 448 2 882915661 +890 449 1 882915661 +890 451 2 882575274 +890 452 2 882404723 +890 474 5 882403587 +890 479 5 882402238 +890 480 5 882403477 +890 483 5 882402477 +890 484 3 882915942 +890 489 4 882402826 +890 496 5 882916460 +890 501 4 882403085 +890 514 5 882402478 +890 515 5 882402518 +890 516 2 882916537 +890 520 4 882403643 +890 521 5 882916429 +890 523 4 882403299 +890 524 4 882403379 +890 527 4 882405473 +890 530 4 882405780 +890 589 5 882403221 +890 603 5 882404851 +890 604 5 882403299 +890 625 3 882575104 +890 632 5 882916538 +890 636 3 882404879 +890 637 3 882404610 +890 654 5 882404851 +890 655 3 882915818 +890 657 5 882403379 +890 660 2 882917026 +890 662 3 882575303 +890 663 4 882402949 +890 667 2 882404652 +890 671 5 882404571 +890 674 3 882404610 +890 675 5 882404541 +890 737 3 882917152 +890 739 2 882915661 +890 843 3 882916650 +890 1039 4 882403122 +890 1065 3 882402949 +890 1149 5 883009400 +891 15 4 891638780 +891 25 5 891638734 +891 50 4 891638682 +891 100 5 891638433 +891 107 5 883490041 +891 111 3 891639737 +891 116 3 891639552 +891 117 3 883488774 +891 118 4 883490041 +891 121 4 883490041 +891 126 5 891638601 +891 127 4 883431353 +891 148 5 891639793 +891 181 3 891638601 +891 237 5 891638601 +891 274 5 883429853 +891 278 4 883489438 +891 280 3 883489646 +891 281 5 891639920 +891 282 5 891639793 +891 285 5 891638757 +891 286 5 891638433 +891 313 5 891638337 +891 323 3 883489806 +891 405 3 883489646 +891 409 4 883490041 +891 459 5 891638682 +891 471 5 891639941 +891 476 5 883489605 +891 531 4 883430128 +891 546 3 883489282 +891 591 4 891639497 +891 595 3 883489668 +891 597 3 883489324 +891 717 4 883489728 +891 740 5 891639497 +891 742 4 891639497 +891 756 4 883429918 +891 866 5 883489497 +891 924 5 891639737 +891 933 3 883429998 +891 934 3 883489806 +891 978 4 883489282 +891 1028 3 883489521 +891 1040 3 883489783 +891 1197 5 891638734 +891 1278 5 883489709 +892 1 5 886608185 +892 2 4 886609006 +892 5 4 886611354 +892 7 4 886608473 +892 8 5 886607879 +892 11 3 886608897 +892 12 5 886608022 +892 15 4 886608237 +892 22 5 886608714 +892 25 4 886609828 +892 27 4 886610682 +892 28 4 886607845 +892 29 2 886610565 +892 31 4 886608643 +892 49 4 886610173 +892 50 5 886608802 +892 54 3 886609828 +892 56 4 886607957 +892 58 4 886609469 +892 62 4 886610011 +892 63 4 886610480 +892 64 4 886608347 +892 67 4 886610480 +892 68 4 886611162 +892 69 5 886610048 +892 70 4 886608802 +892 71 3 886608348 +892 72 4 886609939 +892 73 3 886610523 +892 76 4 886609977 +892 79 5 886609622 +892 81 3 886608473 +892 82 3 886609149 +892 87 5 886609263 +892 88 4 886609884 +892 89 5 886608714 +892 90 2 886610078 +892 95 4 886608770 +892 96 4 886608977 +892 97 5 886608802 +892 98 5 886607912 +892 99 3 886610996 +892 100 5 886607642 +892 102 3 886610078 +892 110 3 886610523 +892 117 4 886611161 +892 118 4 886610649 +892 121 4 886609829 +892 125 4 886610588 +892 127 5 886607878 +892 129 3 886608897 +892 131 4 886610451 +892 132 5 886608897 +892 133 3 886609149 +892 134 5 886608591 +892 135 5 886608643 +892 136 4 886609365 +892 143 2 886608238 +892 144 5 886609179 +892 150 5 886608136 +892 151 4 886609330 +892 153 5 886609793 +892 155 2 886609435 +892 157 5 886609029 +892 159 4 886609977 +892 162 4 886609390 +892 168 4 886607778 +892 172 5 886607743 +892 173 5 886607778 +892 174 5 886608616 +892 175 4 886608559 +892 176 5 886608681 +892 177 4 886608507 +892 178 5 886608681 +892 180 5 886609622 +892 181 4 886608212 +892 182 5 886608507 +892 183 5 886608681 +892 184 4 886609726 +892 186 3 886608643 +892 187 5 886608682 +892 188 5 886608185 +892 191 5 886607879 +892 192 5 886608473 +892 194 4 886608423 +892 195 5 886607710 +892 196 4 886609622 +892 202 4 886608135 +892 203 5 886609390 +892 204 4 886608714 +892 208 4 886609029 +892 210 4 886608507 +892 213 3 886608942 +892 214 2 886608897 +892 215 4 886608743 +892 216 5 886609028 +892 222 4 886608094 +892 226 3 886610201 +892 227 4 886609520 +892 228 3 886608095 +892 229 3 886610011 +892 230 4 886609793 +892 233 5 886610049 +892 237 4 886608802 +892 238 4 886608296 +892 239 4 886609829 +892 265 4 886608380 +892 273 4 886608681 +892 274 4 886610451 +892 276 4 886608559 +892 284 5 886610840 +892 288 4 886610626 +892 291 4 886607744 +892 300 4 886607521 +892 318 5 886607641 +892 321 5 886610341 +892 357 5 886607568 +892 367 4 886610588 +892 378 4 886610137 +892 380 4 886609180 +892 385 3 886608000 +892 393 4 886607679 +892 401 3 886609264 +892 403 3 886610372 +892 405 4 886609977 +892 417 3 886610588 +892 418 4 886610996 +892 419 3 886609520 +892 420 2 886610267 +892 422 1 886610996 +892 423 5 886608185 +892 425 5 886608977 +892 429 4 886608559 +892 430 5 886608296 +892 431 4 886607957 +892 432 4 886610996 +892 435 4 886609149 +892 436 3 886610201 +892 441 3 886610267 +892 447 3 886610174 +892 449 2 886610565 +892 465 4 886609295 +892 470 4 886609977 +892 472 3 886610523 +892 473 3 886611023 +892 477 4 886609551 +892 478 5 886608616 +892 479 5 886608616 +892 480 4 886607844 +892 481 5 886610011 +892 482 5 886608136 +892 483 5 886607642 +892 484 5 886607568 +892 487 5 886609295 +892 495 4 886609218 +892 496 5 886609435 +892 497 4 886608347 +892 500 5 886609622 +892 501 3 886611023 +892 511 5 886608296 +892 515 5 886608380 +892 516 5 886608263 +892 521 5 886608263 +892 523 5 886607711 +892 525 5 886607957 +892 526 4 886608771 +892 542 1 886611023 +892 566 4 886610318 +892 568 4 886610451 +892 570 3 886610566 +892 576 4 886610840 +892 578 4 886609469 +892 582 3 886608559 +892 588 5 886607879 +892 596 3 886608136 +892 601 5 886609149 +892 604 5 886608296 +892 612 5 886609551 +892 613 5 886608714 +892 615 5 886609029 +892 625 3 886610565 +892 631 4 886609726 +892 633 4 886609551 +892 636 4 886609884 +892 641 5 886607845 +892 648 4 886607642 +892 649 5 886608135 +892 659 4 886608681 +892 661 5 886608473 +892 663 5 886609330 +892 671 5 886608212 +892 679 3 886610049 +892 684 5 886608743 +892 692 4 886608296 +892 705 4 886607912 +892 708 4 886607879 +892 729 4 886610174 +892 732 4 886610480 +892 739 4 886609469 +892 755 4 886610048 +892 760 3 886609330 +892 763 2 886609726 +892 765 2 886610840 +892 768 4 886609977 +892 781 4 886610137 +892 797 4 886610372 +892 820 3 886611079 +892 825 4 886610682 +892 826 2 886610523 +892 837 5 886608743 +892 845 4 886610174 +892 849 2 886610341 +892 946 3 886610996 +892 951 4 886610649 +892 969 4 886608380 +892 1035 3 886608643 +892 1078 3 886610566 +892 1091 2 886611079 +892 1118 3 886609939 +892 1124 4 886608423 +892 1219 2 886611079 +892 1224 4 886609792 +892 1269 5 886607958 +892 1285 4 886609435 +892 1444 3 886610267 +892 1454 3 886610267 +893 1 5 874827725 +893 11 4 874829753 +893 24 4 874828649 +893 50 5 874829883 +893 56 5 874829733 +893 69 5 874827818 +893 77 4 874829706 +893 96 4 874830314 +893 117 4 874828772 +893 118 4 874828864 +893 121 4 874830313 +893 122 2 874829249 +893 125 3 874828864 +893 144 4 874830101 +893 147 3 874828569 +893 148 3 874829287 +893 151 4 874829427 +893 161 5 874830122 +893 172 5 874829883 +893 220 3 874829187 +893 235 3 874829035 +893 237 4 874828097 +893 240 4 874828864 +893 246 3 874829968 +893 258 3 874827508 +893 259 3 874827960 +893 260 2 874828296 +893 264 3 874828296 +893 286 4 874828384 +893 288 3 874827526 +893 290 3 874829161 +893 294 3 874827789 +893 298 4 874827623 +893 323 2 874827595 +893 358 2 874828296 +893 405 5 874828864 +893 410 4 874828649 +893 411 3 874829056 +893 412 3 874829249 +893 426 4 874829733 +893 471 4 874828897 +893 476 3 874828772 +893 531 4 874830160 +893 597 4 874829230 +893 724 3 874830160 +893 759 3 874830137 +893 771 3 874830424 +893 781 3 874828569 +893 815 3 874830372 +893 819 3 874829355 +893 820 3 874829161 +893 845 3 874828772 +893 849 3 874830372 +893 928 3 874829129 +893 976 1 874828981 +893 1012 3 874828163 +893 1215 3 874829287 +893 1218 3 874830338 +893 1245 2 874828812 +894 1 4 880416286 +894 7 4 880993632 +894 9 4 880416039 +894 10 4 880416381 +894 12 5 881625708 +894 13 4 882404137 +894 14 4 880416472 +894 15 3 880416340 +894 16 3 880993614 +894 19 4 879897100 +894 20 5 881625708 +894 25 2 880416137 +894 26 4 882404460 +894 30 4 882404250 +894 32 4 882404137 +894 45 4 882404250 +894 50 4 880416008 +894 52 4 882404507 +894 57 4 882404397 +894 59 5 882404397 +894 60 5 882404363 +894 61 4 882404572 +894 70 3 882404536 +894 83 4 882404250 +894 86 4 882404306 +894 93 4 880416219 +894 100 4 882404137 +894 107 3 880993709 +894 109 1 880416219 +894 111 3 880416102 +894 113 4 882404484 +894 116 4 880416473 +894 117 3 880416219 +894 121 3 880993662 +894 124 5 881625708 +894 125 3 885428261 +894 126 3 880416381 +894 129 4 880416253 +894 134 4 879897198 +894 137 5 880416340 +894 147 3 880993709 +894 148 3 880416137 +894 165 4 882404329 +894 166 4 882404306 +894 170 4 882404329 +894 171 3 882404595 +894 179 5 882404485 +894 190 5 879897100 +894 198 4 882404460 +894 212 5 882404572 +894 213 4 882404278 +894 221 4 885428233 +894 223 4 879897149 +894 236 4 880416177 +894 237 4 880416176 +894 242 4 879896041 +894 244 4 879896985 +894 245 4 882404136 +894 246 4 882404137 +894 248 4 879896836 +894 249 3 879896872 +894 250 4 879896898 +894 252 3 879896897 +894 255 3 879896836 +894 256 3 879896704 +894 257 3 880416315 +894 258 4 879896109 +894 260 2 879896268 +894 262 4 879896141 +894 264 3 879896309 +894 268 3 879896041 +894 269 3 879896041 +894 270 3 879896141 +894 271 2 880993335 +894 272 4 885427952 +894 273 3 880416220 +894 275 4 882404137 +894 276 5 880416314 +894 277 4 880416341 +894 278 4 880416419 +894 279 4 880993709 +894 280 3 880993709 +894 281 3 880416102 +894 283 3 880993490 +894 284 3 880416220 +894 285 4 880416136 +894 286 5 879896756 +894 287 4 880993766 +894 288 3 879896141 +894 289 2 879896109 +894 290 2 880416285 +894 292 4 879896168 +894 293 4 881625708 +894 295 3 879896704 +894 297 4 880416380 +894 298 3 879896673 +894 299 3 879896200 +894 300 4 879896466 +894 302 4 879896041 +894 303 4 879896756 +894 305 4 880415834 +894 306 4 879896756 +894 307 3 880415834 +894 310 3 882403366 +894 311 4 880993317 +894 312 3 883518949 +894 313 4 883518874 +894 315 4 885428012 +894 316 4 888280105 +894 318 5 879897168 +894 319 4 879896756 +894 322 3 879896267 +894 323 2 879896268 +894 324 3 879896168 +894 326 3 879896168 +894 327 4 881625708 +894 328 4 879896466 +894 330 3 880415951 +894 331 4 881625708 +894 332 3 879896233 +894 333 4 879896756 +894 334 3 879896200 +894 336 3 879982820 +894 339 4 880415854 +894 340 4 879896756 +894 343 2 883518895 +894 344 4 887825614 +894 345 4 884036815 +894 346 4 884036796 +894 347 4 885427952 +894 350 3 886027788 +894 355 3 889469028 +894 381 3 882404430 +894 405 3 880416177 +894 462 4 882404278 +894 463 4 882404430 +894 471 4 880416314 +894 472 3 880993730 +894 475 3 880416176 +894 479 5 879897198 +894 508 3 880993490 +894 509 4 882404278 +894 511 4 879897198 +894 512 5 879897489 +894 515 4 879896654 +894 529 4 881625708 +894 531 3 882404363 +894 534 4 879896704 +894 535 4 879896920 +894 536 5 879896756 +894 558 5 882404250 +894 582 4 882404485 +894 591 4 880416137 +894 595 3 880993632 +894 628 3 880416102 +894 638 3 882404669 +894 639 5 882404430 +894 676 3 880416315 +894 678 3 879896268 +894 689 3 880993390 +894 690 4 879896200 +894 691 3 889468982 +894 698 4 882404669 +894 702 4 882404768 +894 707 4 882404250 +894 713 4 880416177 +894 718 3 885428386 +894 736 4 882404572 +894 740 4 880416253 +894 744 3 880416072 +894 748 3 879896233 +894 750 4 883518875 +894 751 3 885427971 +894 752 3 888280083 +894 753 5 882404278 +894 754 4 880993317 +894 818 3 880416340 +894 827 3 880993766 +894 845 3 881443365 +894 847 4 879897122 +894 855 4 882404460 +894 863 5 881105162 +894 874 4 879982788 +894 875 3 880415952 +894 877 3 882403414 +894 879 4 879896141 +894 883 3 880415885 +894 885 2 887044250 +894 886 3 879982820 +894 887 4 880993374 +894 888 4 879896756 +894 898 4 883518875 +894 900 3 887044070 +894 902 3 890409704 +894 903 4 888280029 +894 904 4 890409804 +894 905 3 887044109 +894 909 3 889469007 +894 919 4 881625708 +894 922 4 882404137 +894 923 5 882404278 +894 933 3 880416472 +894 935 3 879896815 +894 936 4 879896836 +894 937 4 880415903 +894 960 5 882404572 +894 961 4 882404642 +894 971 3 882404460 +894 978 3 880416176 +894 979 3 880416473 +894 990 3 879896268 +894 1005 5 882404669 +894 1007 3 880416072 +894 1009 4 880993709 +894 1010 4 880993662 +894 1016 3 879896920 +894 1023 3 879896898 +894 1038 3 880415855 +894 1048 4 880993661 +894 1073 4 882404397 +894 1080 4 882404507 +894 1089 2 885428261 +894 1115 4 882404430 +894 1131 4 879897198 +894 1142 4 882404137 +894 1150 4 882404137 +894 1153 3 882404642 +894 1194 5 879897235 +894 1226 4 879896920 +894 1251 4 879896654 +894 1255 4 879896949 +894 1258 3 879896949 +894 1281 3 885428159 +894 1295 3 879896268 +894 1313 3 889229605 +894 1315 3 879896985 +894 1379 4 879896673 +894 1381 3 880993766 +894 1403 3 882404641 +894 1404 3 882404536 +894 1462 3 882404642 +894 1501 4 882404363 +894 1560 4 882404641 +894 1592 4 889469391 +894 1658 4 882404137 +895 1 4 879437950 +895 13 5 879437950 +895 50 5 879438062 +895 100 4 879437997 +895 117 3 879438082 +895 151 5 879438101 +895 181 5 879437950 +895 222 3 879437965 +895 275 5 879438011 +895 283 4 879438028 +895 284 3 879438062 +895 294 4 879437727 +895 301 4 879437793 +895 328 4 879437748 +895 597 2 879438101 +895 742 4 879438123 +895 748 3 879437712 +895 885 2 879437868 +895 988 3 879437845 +895 1014 3 879438082 +896 1 4 887158579 +896 2 3 887160000 +896 4 3 887159173 +896 7 4 887159145 +896 8 5 887159343 +896 9 4 887158266 +896 11 2 887158333 +896 12 3 887158604 +896 15 3 887158900 +896 19 2 887159211 +896 20 1 887235027 +896 22 5 887157947 +896 23 2 887159145 +896 24 4 887159344 +896 25 3 887159261 +896 27 1 887235026 +896 28 2 887158738 +896 29 2 887160916 +896 31 3 887158830 +896 33 2 887160209 +896 39 2 887158739 +896 42 4 887160000 +896 43 3 887161171 +896 46 2 887160750 +896 48 4 887158635 +896 50 5 887159211 +896 51 2 887159951 +896 53 1 887235026 +896 54 2 887160606 +896 55 3 887157978 +896 58 3 887159531 +896 62 2 887161488 +896 64 4 887158926 +896 67 2 887160983 +896 68 3 887160313 +896 69 5 887158768 +896 70 4 887160086 +896 71 5 887158927 +896 73 3 887159368 +896 76 3 887158359 +896 77 4 887160270 +896 79 5 887158384 +896 80 2 887160938 +896 82 3 887159068 +896 83 5 887159554 +896 85 3 887160427 +896 86 1 887159926 +896 87 4 887158295 +896 88 5 887159426 +896 89 5 887159262 +896 91 2 887159369 +896 92 1 887160296 +896 95 4 887158555 +896 96 5 887158635 +896 97 4 887158265 +896 98 5 887158359 +896 100 3 887158294 +896 101 3 887160070 +896 108 3 887159854 +896 117 2 887159173 +896 118 2 887159805 +896 121 3 887159343 +896 123 3 887159748 +896 124 4 887158830 +896 127 5 887158578 +896 128 4 887159321 +896 129 4 887159531 +896 132 3 887158579 +896 133 2 887159502 +896 134 5 887159109 +896 135 3 887158926 +896 136 5 887158768 +896 139 2 887161033 +896 141 3 887159012 +896 143 4 887158901 +896 144 4 887158333 +896 145 1 887161413 +896 147 2 887159464 +896 148 2 887160606 +896 152 3 887160116 +896 153 4 887158165 +896 154 3 887159212 +896 157 4 887159555 +896 159 2 887160880 +896 160 3 887160247 +896 161 3 887159302 +896 164 4 887159321 +896 168 4 887158738 +896 172 5 887158555 +896 173 5 887158683 +896 174 5 887161710 +896 175 2 887159603 +896 176 5 887235690 +896 179 2 887159630 +896 180 5 887158660 +896 181 5 887158829 +896 182 4 887157924 +896 183 4 887235690 +896 184 3 887159578 +896 186 4 887159069 +896 187 5 887157924 +896 188 3 887159011 +896 190 5 887159530 +896 191 4 887158604 +896 195 4 887159578 +896 196 3 887159173 +896 198 4 887158636 +896 199 3 887158005 +896 200 4 887158768 +896 201 3 887158900 +896 202 2 887159464 +896 203 5 887158713 +896 204 4 887157947 +896 206 3 887159368 +896 209 3 887158790 +896 210 4 887158332 +896 211 4 887159554 +896 212 2 887160582 +896 215 5 887158959 +896 216 5 887159658 +896 217 2 887161198 +896 219 3 887160500 +896 222 4 887159109 +896 223 4 887158830 +896 225 1 887161518 +896 226 3 887160270 +896 227 4 887161728 +896 228 5 887158266 +896 229 4 887160399 +896 230 4 887161728 +896 231 1 887160771 +896 232 3 887160427 +896 233 2 887160631 +896 234 4 887157925 +896 235 1 887161198 +896 237 5 887158714 +896 238 3 887158165 +896 239 4 887158165 +896 241 5 887158791 +896 245 4 887235265 +896 248 4 887235249 +896 250 3 887235144 +896 257 4 887235105 +896 258 5 887157258 +896 260 2 887157732 +896 265 4 887158604 +896 271 1 887157278 +896 273 5 887157947 +896 274 2 887158865 +896 275 4 887158713 +896 281 2 887161172 +896 282 2 887158555 +896 284 4 887159972 +896 288 3 887235788 +896 291 3 887160795 +896 299 1 887235709 +896 300 2 887157234 +896 302 2 887157234 +896 307 3 887157636 +896 310 4 887157208 +896 313 4 887235122 +896 317 4 887159069 +896 318 4 887158294 +896 320 3 887159530 +896 325 1 887157732 +896 327 5 887235643 +896 328 1 887235731 +896 343 1 887235690 +896 356 3 887160427 +896 358 1 887235749 +896 367 4 887160227 +896 371 2 887159723 +896 379 2 887159805 +896 380 2 887159748 +896 384 2 887160860 +896 385 4 887160426 +896 386 3 887161172 +896 387 2 887159368 +896 392 3 887160187 +896 393 3 887159464 +896 398 2 887161469 +896 399 1 887161151 +896 402 4 887159173 +896 403 1 887160554 +896 405 2 887160270 +896 411 2 887160842 +896 414 3 887159145 +896 420 4 887158739 +896 422 3 887159972 +896 423 3 887159172 +896 425 2 887159110 +896 426 2 887160722 +896 427 4 887158384 +896 429 5 887158866 +896 430 3 887159234 +896 431 3 887159262 +896 435 4 887158579 +896 436 3 887159692 +896 450 1 887161728 +896 452 3 887161564 +896 455 2 887159723 +896 458 1 887235027 +896 461 3 887159069 +896 462 3 887159069 +896 468 2 887158866 +896 470 2 887159531 +896 471 3 887159972 +896 472 2 887160983 +896 473 2 887161393 +896 474 3 887159426 +896 476 2 887161541 +896 478 5 887158739 +896 479 3 887158713 +896 480 3 887158185 +896 481 4 887158683 +896 482 3 887158359 +896 483 3 887158333 +896 484 4 887159302 +896 489 5 887159674 +896 493 5 887157978 +896 496 4 887158029 +896 497 3 887158332 +896 504 3 887159926 +896 508 2 887159035 +896 511 5 887158830 +896 515 3 887158029 +896 518 3 887159234 +896 525 5 887158164 +896 526 4 887159211 +896 527 4 887159723 +896 542 3 887160677 +896 546 2 887160938 +896 549 2 887160209 +896 550 2 887160880 +896 554 2 887161199 +896 557 3 887160426 +896 559 3 887160187 +896 562 2 887161448 +896 566 4 887159805 +896 568 2 887159603 +896 569 2 887161488 +896 570 2 887161198 +896 572 2 887160676 +896 575 2 887161469 +896 576 2 887160677 +896 578 2 887160653 +896 582 2 887160040 +896 587 3 887159603 +896 588 5 887158265 +896 591 3 887160702 +896 596 2 887159426 +896 597 4 887159854 +896 603 4 887158384 +896 616 3 887160653 +896 631 2 887159464 +896 632 2 887159261 +896 636 3 887159464 +896 637 2 887160041 +896 640 2 887160701 +896 642 2 887160702 +896 647 3 887159502 +896 651 4 887158958 +896 654 3 887159895 +896 655 4 887159109 +896 658 4 887159895 +896 660 5 887159872 +896 661 4 887158384 +896 662 3 887160529 +896 665 1 887235690 +896 672 2 887161218 +896 674 2 887160446 +896 679 3 887160813 +896 684 4 887158959 +896 685 3 887160465 +896 686 3 887159146 +896 692 4 887159173 +896 696 1 887235027 +896 705 5 887158768 +896 708 2 887159926 +896 709 3 887158866 +896 710 4 887159657 +896 713 2 887159630 +896 715 3 887159895 +896 719 1 887235026 +896 720 1 887235026 +896 721 4 887160465 +896 730 4 887158294 +896 732 4 887159674 +896 735 3 887159262 +896 739 2 887159723 +896 742 1 887159464 +896 744 3 887160040 +896 746 3 887159658 +896 751 4 887235605 +896 752 1 887161916 +896 760 2 887235788 +896 763 2 887161199 +896 765 4 887160750 +896 768 2 887160653 +896 770 5 887160702 +896 774 3 887159973 +896 789 2 887157978 +896 798 2 887160983 +896 800 3 887161448 +896 801 2 887161564 +896 802 2 887161172 +896 808 3 887160270 +896 809 2 887160771 +896 810 1 887160958 +896 820 2 887159926 +896 824 1 887161541 +896 836 3 887158635 +896 840 2 887161469 +896 845 3 887159531 +896 849 2 887161563 +896 872 3 887157322 +896 880 4 887235664 +896 887 2 887235769 +896 895 2 887235788 +896 928 3 887161033 +896 942 4 887160209 +896 952 4 887159012 +896 966 4 887159531 +896 993 4 887235498 +896 1004 2 887161542 +896 1011 2 887160296 +896 1018 3 887160116 +896 1028 2 887160554 +896 1042 2 887161151 +896 1045 3 887159012 +896 1046 2 887160583 +896 1074 2 887161393 +896 1078 3 887160983 +896 1098 3 887159146 +896 1101 2 887159110 +896 1112 3 887161393 +896 1119 3 887160040 +896 1134 3 887159950 +896 1183 2 887160842 +896 1194 3 887158604 +896 1208 3 887160339 +896 1214 2 887159302 +896 1217 2 887160446 +896 1220 1 887161033 +896 1221 2 887159261 +896 1222 2 887161393 +896 1231 1 887160880 +896 1240 4 887159012 +896 1248 2 887160187 +896 1249 2 887161518 +896 1267 2 887160165 +896 1284 2 887160958 +896 1303 4 887161518 +896 1351 2 887160399 +896 1406 3 887160676 +896 1423 2 887160631 +896 1437 1 887161564 +896 1471 1 887235026 +896 1522 2 887160750 +896 1622 2 887160296 +896 1672 2 887159554 +896 1681 3 887160722 +897 1 5 879994113 +897 8 3 879990744 +897 11 2 879990744 +897 22 5 879990361 +897 23 3 879990683 +897 25 2 879993346 +897 28 4 879990779 +897 33 5 879992310 +897 40 3 879990361 +897 50 5 879994113 +897 55 3 879990622 +897 56 2 879991037 +897 65 4 879992811 +897 66 3 879990973 +897 68 5 879994113 +897 69 5 879990396 +897 71 5 879991566 +897 73 3 879991341 +897 76 4 879992811 +897 77 4 879990877 +897 79 5 879994113 +897 82 5 879990361 +897 88 4 879991283 +897 89 4 879990683 +897 95 3 879990586 +897 96 5 879990430 +897 97 5 879990622 +897 98 5 879990361 +897 99 5 879994113 +897 117 3 879993210 +897 118 5 879993275 +897 120 3 879993886 +897 121 5 879993376 +897 125 4 879993314 +897 127 5 879990647 +897 132 5 879990531 +897 133 4 879991037 +897 135 3 879990843 +897 136 5 879990843 +897 140 3 879991403 +897 141 4 879991403 +897 143 5 879991069 +897 151 5 879993519 +897 161 5 879993309 +897 168 3 879991341 +897 172 4 879990466 +897 173 3 879990779 +897 174 5 879990587 +897 176 5 879990492 +897 177 5 879990465 +897 179 3 879991069 +897 180 5 879991007 +897 181 3 879990622 +897 182 4 879990683 +897 183 5 879990531 +897 184 4 879991226 +897 185 5 879991137 +897 186 5 879994113 +897 187 5 879990622 +897 188 5 879991493 +897 193 3 879990466 +897 194 5 879991403 +897 195 5 879991137 +897 196 3 879991258 +897 199 4 879990465 +897 200 5 879991434 +897 201 5 879990556 +897 202 2 879990683 +897 203 4 879990813 +897 204 4 879990396 +897 205 3 879990556 +897 208 5 879991037 +897 210 5 879991007 +897 211 5 879991186 +897 214 5 879990923 +897 215 4 879990683 +897 222 4 879993042 +897 227 3 879992190 +897 228 4 879991607 +897 230 4 879991607 +897 232 5 879994113 +897 234 5 879991729 +897 235 3 879993519 +897 238 4 879990779 +897 239 2 879992310 +897 240 4 879993823 +897 243 4 879988868 +897 265 3 879990466 +897 273 3 879993164 +897 281 4 879993553 +897 288 5 879988800 +897 290 4 879993457 +897 294 3 879988800 +897 323 4 879988868 +897 368 1 879993886 +897 369 4 879993713 +897 371 2 879991007 +897 378 5 879991137 +897 385 3 879990622 +897 389 3 879991341 +897 393 4 879991493 +897 402 5 879991069 +897 404 4 879991186 +897 405 5 879993042 +897 406 3 879993577 +897 409 4 879993553 +897 410 3 879993621 +897 411 5 879993797 +897 416 5 879991186 +897 418 4 879991282 +897 419 4 879990430 +897 423 5 879994113 +897 429 5 879990587 +897 433 4 879991434 +897 435 3 879991069 +897 436 4 879991037 +897 443 5 879991666 +897 451 4 879991607 +897 455 3 879993772 +897 465 5 879992030 +897 470 4 879991493 +897 472 5 879993620 +897 473 3 879993644 +897 477 3 879993315 +897 478 3 879991105 +897 479 4 879991566 +897 483 3 879991921 +897 484 3 879991341 +897 485 3 879991037 +897 496 5 879994113 +897 497 3 879990430 +897 498 5 879990683 +897 501 5 879991566 +897 506 4 879991524 +897 510 3 879990531 +897 521 5 879990877 +897 523 5 879991186 +897 526 5 879990813 +897 528 3 879991933 +897 530 3 879990531 +897 546 4 879993489 +897 550 3 879990923 +897 566 2 879991976 +897 568 5 879992216 +897 588 4 879990877 +897 597 5 879993519 +897 603 5 879991666 +897 609 5 879991105 +897 616 5 879990877 +897 622 3 879990877 +897 633 5 879991007 +897 646 5 879994113 +897 649 3 879992004 +897 651 3 879990587 +897 659 5 879990923 +897 660 4 879991630 +897 670 3 879991258 +897 673 5 879990744 +897 679 5 879991630 +897 684 2 879991524 +897 699 4 879990973 +897 705 3 879991226 +897 708 2 879991226 +897 717 1 879993912 +897 736 3 879991186 +897 742 3 879993314 +897 760 5 879993609 +897 763 3 879993404 +897 826 4 879993578 +897 840 3 879993887 +897 849 4 879990877 +897 864 4 879993772 +897 866 5 879993797 +897 871 3 879993519 +897 925 5 879993739 +897 926 4 879993674 +897 928 5 879993621 +897 951 3 879991186 +897 974 4 879993553 +897 1028 4 879993621 +897 1033 4 879993713 +897 1051 3 879993772 +897 1219 4 879991137 +897 1254 2 880253037 +897 1531 4 879991933 +898 242 4 888294441 +898 243 1 888294707 +898 258 3 888294407 +898 270 4 888294408 +898 271 3 888294567 +898 272 4 888294375 +898 286 2 888294408 +898 288 4 888294529 +898 300 2 888294375 +898 302 4 888294567 +898 309 5 888294805 +898 310 4 888294441 +898 312 2 888294707 +898 313 4 888294375 +898 315 5 888294375 +898 316 5 888294739 +898 319 5 888294676 +898 324 4 888294621 +898 327 5 888294529 +898 328 2 888294567 +898 334 3 888294739 +898 343 3 888294805 +898 347 3 888294485 +898 358 4 888294739 +898 539 3 888294441 +898 683 3 888294775 +898 689 3 888294842 +898 748 4 888294739 +898 751 3 888294621 +898 1296 4 888294942 +899 1 3 884120105 +899 2 3 884122563 +899 8 4 884121572 +899 25 3 884120249 +899 28 5 884121214 +899 29 2 884122844 +899 31 3 884121513 +899 48 4 884122044 +899 50 5 884119794 +899 51 1 884122387 +899 64 4 884121647 +899 66 4 884122087 +899 69 3 884121125 +899 71 4 884121424 +899 73 4 884121720 +899 79 5 884122278 +899 83 4 884121214 +899 89 4 884121647 +899 95 5 884121612 +899 96 4 884121125 +899 98 4 884121572 +899 111 4 884120105 +899 117 4 884119830 +899 121 5 884120164 +899 125 3 884120185 +899 133 3 884122308 +899 135 4 884121857 +899 144 3 884121173 +899 147 2 884120106 +899 151 2 884122367 +899 153 5 884122331 +899 154 5 884122420 +899 157 4 884122419 +899 161 4 884122367 +899 168 4 884121799 +899 172 4 884121089 +899 173 3 884121089 +899 174 5 884121125 +899 176 4 884121173 +899 177 3 884122367 +899 179 2 884121267 +899 180 3 884121308 +899 181 3 884119877 +899 186 4 884121767 +899 188 2 884121720 +899 190 4 884121051 +899 193 3 884121946 +899 194 5 884121125 +899 195 4 884121884 +899 197 4 884121512 +899 200 4 884122674 +899 202 4 884122419 +899 203 4 884121513 +899 204 4 884121683 +899 208 3 884121857 +899 209 5 884121173 +899 213 4 884122698 +899 214 4 884122044 +899 216 5 884121885 +899 218 4 884122155 +899 222 4 884119910 +899 228 3 884121572 +899 229 2 884122254 +899 230 4 884122472 +899 231 1 884122844 +899 234 4 884122674 +899 237 4 884120026 +899 238 2 884121424 +899 239 3 884121946 +899 250 2 884120105 +899 254 2 884122845 +899 255 4 884120149 +899 257 4 884120185 +899 258 5 884119973 +899 265 4 884122087 +899 275 4 884119877 +899 282 5 884120007 +899 283 4 884121424 +899 284 3 884120205 +899 291 4 884122279 +899 318 4 884121512 +899 356 2 884122087 +899 357 4 884121342 +899 367 4 884122450 +899 385 3 884121612 +899 403 3 884122844 +899 410 1 884122535 +899 414 2 884122228 +899 423 4 884121214 +899 427 5 884121267 +899 428 4 884122254 +899 431 1 884122645 +899 433 4 884122178 +899 435 3 884122450 +899 455 3 884119910 +899 463 4 884121342 +899 470 4 884122016 +899 471 4 884120007 +899 474 3 884121612 +899 479 4 884121612 +899 483 4 884121572 +899 496 5 884121379 +899 498 4 884121767 +899 499 3 884122308 +899 515 3 884121945 +899 518 4 884121379 +899 527 4 884121767 +899 546 2 884120317 +899 566 3 884122535 +899 568 4 884121720 +899 588 3 884122155 +899 597 2 884120270 +899 603 4 884121379 +899 640 1 884122228 +899 655 4 884121267 +899 658 2 884121911 +899 660 4 884122564 +899 663 4 884122719 +899 684 3 884122501 +899 685 3 884119954 +899 694 5 884121009 +899 710 3 884122619 +899 717 1 884120967 +899 724 5 884122776 +899 732 3 884122776 +899 740 5 884120077 +899 742 4 884119830 +899 746 4 884121512 +899 747 1 884122535 +899 748 4 884120232 +899 751 4 884120724 +899 827 2 884120388 +899 934 3 884120603 +899 1016 3 884120149 +899 1101 5 884122112 +900 9 2 877832868 +900 31 2 877833995 +900 100 4 877832904 +900 117 2 877833029 +900 121 2 877832803 +900 124 4 877832837 +900 129 4 877833080 +900 130 1 877833512 +900 136 2 877833712 +900 137 3 877832803 +900 183 3 877833781 +900 186 2 877833957 +900 200 2 877833632 +900 205 4 877833712 +900 237 4 877832803 +900 280 2 877833364 +900 284 2 877833287 +900 288 2 877832113 +900 294 4 877832113 +900 318 4 877833672 +900 325 1 877832320 +900 405 3 877833364 +900 410 2 877833326 +900 429 2 877833747 +900 458 2 877833326 +900 471 2 877833259 +900 474 4 877833781 +900 478 2 877833923 +900 480 4 877833603 +900 483 4 877833924 +900 493 2 877833603 +900 508 3 877832764 +900 589 5 877833631 +900 602 1 877834025 +900 618 4 877833957 +900 654 2 877833924 +900 661 4 877833747 +900 696 2 877833195 +900 744 2 877833195 +900 834 1 877833536 +900 864 2 877833000 +900 871 1 877833443 +900 1028 2 877833393 +900 1132 1 877833364 +900 1298 2 877833923 +901 1 5 877129870 +901 8 3 877131307 +901 12 5 877132065 +901 13 1 877129839 +901 15 5 877130439 +901 20 1 877130406 +901 22 5 877131045 +901 28 5 877131624 +901 35 4 877131685 +901 38 3 877131087 +901 50 4 877126576 +901 56 1 877130999 +901 58 4 877132091 +901 63 5 877131307 +901 66 5 877131307 +901 69 5 877132346 +901 71 4 877131654 +901 73 5 877131416 +901 78 4 877131738 +901 82 5 877131624 +901 88 5 877132604 +901 89 3 877288929 +901 91 1 877131817 +901 94 4 877131738 +901 95 4 877131685 +901 96 5 877130999 +901 111 3 877126434 +901 117 4 877127196 +901 118 3 877127250 +901 121 4 877127219 +901 135 4 877131961 +901 140 4 877288179 +901 142 4 877131739 +901 144 5 877288015 +901 151 3 877129870 +901 155 5 877132671 +901 161 5 877131147 +901 168 4 877131342 +901 172 5 877131205 +901 174 5 877130965 +901 180 2 877289290 +901 181 4 877127128 +901 194 5 877131342 +901 195 5 877131118 +901 196 4 877288864 +901 204 5 877131307 +901 210 4 877130999 +901 211 4 877131342 +901 216 4 877132578 +901 222 4 877126648 +901 228 5 877131045 +901 229 4 877131205 +901 230 5 877131087 +901 234 4 877287882 +901 235 3 877126963 +901 237 3 877126757 +901 243 2 877129839 +901 250 3 877127196 +901 252 3 877127250 +901 257 4 877127196 +901 259 2 877129839 +901 275 3 877130677 +901 287 3 877126935 +901 294 3 877125532 +901 321 1 877129839 +901 322 4 877125575 +901 378 5 877131654 +901 391 5 877131205 +901 393 5 877131738 +901 395 3 877131500 +901 402 4 877132632 +901 403 2 877131086 +901 405 4 877127250 +901 409 3 877129911 +901 419 5 877131763 +901 423 4 877131685 +901 429 5 877132301 +901 430 3 877131416 +901 435 5 877131342 +901 436 4 877131961 +901 443 3 877287910 +901 447 3 877132015 +901 451 4 877132604 +901 465 4 877131654 +901 476 5 877289381 +901 477 3 877127021 +901 498 4 877131990 +901 509 4 877288977 +901 520 5 877287882 +901 521 2 877289241 +901 523 4 877132400 +901 546 4 877127250 +901 560 3 877131624 +901 566 5 877131118 +901 568 5 877131045 +901 578 3 877131961 +901 623 4 877131793 +901 636 2 877131147 +901 662 4 877132632 +901 679 4 877131205 +901 688 2 877129839 +901 728 4 877132632 +901 732 5 877132578 +901 739 5 877132671 +901 748 4 877125480 +901 756 4 877126935 +901 768 3 877131793 +901 795 3 877131738 +901 826 2 877129839 +901 864 5 877289441 +901 866 3 877126963 +901 929 4 877126902 +901 932 4 877127021 +901 949 3 877131500 +901 988 4 877125716 +901 1035 4 877131793 +901 1041 5 877131443 +901 1047 3 877131391 +901 1049 3 877127021 +901 1120 4 877127021 +901 1389 5 877127052 +901 1605 5 877127052 +901 1620 5 877126743 +901 1643 5 877130473 +902 1 5 879465583 +902 8 5 879465765 +902 50 5 879464726 +902 79 5 879465952 +902 87 4 879465834 +902 95 4 879465834 +902 127 3 879464726 +902 134 3 879465523 +902 144 5 879465894 +902 172 4 879465522 +902 176 5 879465834 +902 181 3 879464783 +902 187 3 879465834 +902 191 5 879465583 +902 204 3 879465952 +902 228 3 879465834 +902 246 1 879465073 +902 250 4 879465073 +902 257 3 879464964 +902 258 3 879463109 +902 268 1 879463373 +902 271 2 879463433 +902 275 4 879465894 +902 289 3 879463433 +902 294 2 879463212 +902 295 2 879465128 +902 298 2 879465016 +902 300 4 879463373 +902 301 2 879463373 +902 302 3 879463109 +902 304 3 879464257 +902 306 4 879463212 +902 307 3 879463582 +902 318 5 879465522 +902 326 3 879463310 +902 327 3 879463373 +902 328 3 879463212 +902 333 3 879463310 +902 423 4 879465765 +902 479 4 879465583 +902 480 5 879465711 +902 483 4 879465448 +902 497 5 879465894 +902 515 5 879464726 +902 754 3 879463310 +902 879 4 879463485 +902 989 2 879465336 +902 993 3 879465180 +902 1016 2 879464783 +903 1 3 891031280 +903 4 4 891033564 +903 7 2 891031259 +903 9 3 891031309 +903 11 2 891033335 +903 12 5 891033334 +903 13 5 891031632 +903 23 5 891033541 +903 25 4 891031259 +903 30 5 891466808 +903 46 4 891033123 +903 47 5 891033522 +903 48 4 891033005 +903 50 5 891031329 +903 52 3 891466551 +903 56 5 891466376 +903 59 4 891466808 +903 60 4 891033048 +903 61 4 891033302 +903 64 5 891033564 +903 79 4 891033070 +903 81 5 891466376 +903 87 4 891032981 +903 89 4 891032842 +903 91 5 891033005 +903 96 2 891032842 +903 98 5 892760784 +903 100 5 891031203 +903 105 3 891031794 +903 106 2 891031883 +903 111 3 891031677 +903 118 4 891031794 +903 120 2 891032101 +903 121 3 891031487 +903 127 5 891031144 +903 129 3 891031144 +903 147 3 891031178 +903 154 4 891033781 +903 156 5 891466376 +903 157 4 891033430 +903 175 4 891032760 +903 177 4 891033541 +903 179 5 891466376 +903 180 5 891033585 +903 181 4 891031309 +903 182 5 891380461 +903 183 4 891032872 +903 185 5 891033070 +903 186 5 891466376 +903 187 5 891033754 +903 188 5 891466376 +903 191 5 891032872 +903 192 5 891033628 +903 196 4 891033781 +903 198 4 891032872 +903 203 4 891032911 +903 204 3 891033335 +903 210 4 891033541 +903 211 5 891033808 +903 214 4 891033781 +903 223 5 891033354 +903 234 4 891033808 +903 238 5 891033502 +903 240 4 891031730 +903 248 2 891031309 +903 252 3 891031715 +903 254 2 891032101 +903 272 4 892493587 +903 273 3 891031203 +903 276 5 891380461 +903 281 4 891031677 +903 282 4 891031384 +903 288 4 891031105 +903 293 4 891031226 +903 302 4 891380461 +903 317 4 891033808 +903 318 5 891032793 +903 324 4 891031697 +903 333 4 891032653 +903 346 3 891380391 +903 357 5 891032872 +903 369 4 891032101 +903 405 4 891031678 +903 409 4 891031794 +903 410 4 891031677 +903 412 2 891032077 +903 421 3 891380488 +903 427 5 891466376 +903 443 5 891033755 +903 461 3 891033334 +903 467 3 891033606 +903 475 4 891031144 +903 479 4 891032793 +903 509 4 891033380 +903 515 4 891031178 +903 520 4 891032911 +903 521 5 891033781 +903 523 5 891033606 +903 528 4 892760784 +903 529 4 891033278 +903 544 2 891031470 +903 582 3 891033564 +903 595 2 891031714 +903 628 3 891031384 +903 642 4 891033005 +903 649 4 891033628 +903 651 5 891032793 +903 655 5 891466376 +903 664 4 891033755 +903 684 3 891033828 +903 693 5 891466376 +903 696 3 891031906 +903 708 4 891033808 +903 709 4 891033502 +903 721 4 891380524 +903 746 2 891033302 +903 763 5 891031450 +903 820 4 891031768 +903 824 3 891031833 +903 845 1 891031450 +903 871 3 891031833 +903 928 2 891031749 +903 931 2 891032038 +903 977 1 891031810 +903 994 3 891031883 +903 1008 3 891031505 +903 1009 4 891031906 +903 1048 4 891031906 +903 1067 2 891031412 +903 1070 4 891033335 +903 1073 3 891032842 +903 1098 5 891033606 +903 1101 4 891033828 +903 1132 3 891031949 +903 1142 5 891466376 +903 1381 4 891031864 +904 9 4 879735316 +904 66 4 879735641 +904 88 3 879735710 +904 90 2 879735731 +904 97 4 879735678 +904 111 4 879735641 +904 117 4 879735316 +904 155 4 879735616 +904 173 3 879735499 +904 181 3 879735362 +904 202 2 879735584 +904 216 4 879735461 +904 237 5 879735551 +904 255 5 879735380 +904 274 5 879735551 +904 275 5 879735461 +904 278 5 879735616 +904 280 5 879735678 +904 288 4 879735109 +904 289 5 879735177 +904 300 4 879735109 +904 328 2 879735136 +904 402 4 879735679 +904 421 5 879735772 +904 451 4 879735584 +904 535 3 879735404 +904 553 3 879735710 +904 603 4 879735843 +904 628 3 879735362 +904 682 4 879735158 +904 694 3 879735551 +904 709 3 879735499 +904 724 4 879735616 +904 732 3 879735584 +904 736 4 879735499 +904 739 4 879735678 +904 747 4 879735584 +904 762 2 879735617 +904 778 3 879735678 +904 781 4 879735678 +904 785 5 879735731 +904 794 4 879735710 +904 796 3 879735710 +904 815 4 879735678 +904 1041 2 879735710 +904 1074 4 879735710 +904 1152 4 879735551 +905 7 4 884984329 +905 100 4 884983888 +905 116 3 884984066 +905 117 3 884984066 +905 124 4 884983889 +905 125 3 884984009 +905 129 4 884984009 +905 137 3 884984148 +905 150 4 884984148 +905 237 3 884983951 +905 245 3 884983273 +905 258 3 884982806 +905 273 3 884984148 +905 282 3 884983889 +905 294 3 884983556 +905 300 4 884983556 +905 301 4 884983556 +905 302 5 884982870 +905 313 4 884982870 +905 319 2 884983463 +905 321 4 884983463 +905 322 3 884983341 +905 326 3 884983034 +905 328 3 884983034 +905 333 3 884982806 +905 345 4 884983089 +905 458 4 884984382 +905 471 4 884983952 +905 475 3 884984329 +905 508 4 884984066 +905 591 4 884983951 +905 717 1 884984149 +905 742 4 884983888 +905 748 2 884983627 +905 751 3 884983034 +905 871 2 884984149 +905 873 3 884983396 +905 879 3 884983627 +905 1011 3 884984382 +905 1051 2 884984329 +906 7 3 879434846 +906 9 4 879434846 +906 10 4 879435339 +906 15 3 879435415 +906 100 4 879434846 +906 117 4 879435574 +906 121 4 879435598 +906 124 4 879435212 +906 125 4 879435365 +906 129 4 879435469 +906 221 4 879435365 +906 237 4 879435469 +906 240 3 879435758 +906 270 4 879434471 +906 273 4 879434882 +906 276 5 879435299 +906 277 3 879435469 +906 283 4 879435524 +906 284 4 879435469 +906 285 5 879434846 +906 286 5 879434335 +906 287 5 879435524 +906 300 3 879434378 +906 307 3 879434378 +906 321 4 879434436 +906 405 3 879435551 +906 408 4 879435212 +906 471 3 879435415 +906 473 4 879435598 +906 475 3 879435253 +906 544 4 879435664 +906 628 5 879435551 +906 676 5 879435415 +906 696 4 879435758 +906 740 4 879435415 +906 742 3 879435278 +906 744 4 879435524 +906 823 3 879435664 +906 991 3 879434410 +906 1009 2 879435212 +906 1011 4 879435365 +907 1 5 880158712 +907 5 5 881030348 +907 8 3 880159688 +907 15 5 880158861 +907 19 5 880158730 +907 25 5 880159113 +907 42 4 880159957 +907 50 4 880158692 +907 71 5 880159911 +907 79 5 880160008 +907 83 5 880159865 +907 86 5 880160162 +907 88 5 881030348 +907 96 5 881030348 +907 97 5 880160204 +907 98 5 880160037 +907 100 5 880158712 +907 107 5 880158939 +907 111 5 880158883 +907 117 5 880159172 +907 118 4 880159360 +907 120 4 880159562 +907 121 4 880159015 +907 123 4 880159442 +907 125 4 880159259 +907 129 5 885862428 +907 143 5 880159982 +907 144 5 880159937 +907 147 5 885862325 +907 151 4 880159222 +907 172 4 880160008 +907 173 4 880160140 +907 181 4 880158692 +907 182 5 880159844 +907 185 4 880159801 +907 198 5 880160162 +907 202 5 880160204 +907 220 5 880159360 +907 225 5 880159442 +907 235 4 880159222 +907 237 5 880159059 +907 245 4 880158556 +907 248 5 880159038 +907 258 4 880158316 +907 260 2 885860511 +907 268 4 885860288 +907 271 5 881030073 +907 272 5 885860093 +907 274 5 880158986 +907 275 5 880158692 +907 277 5 880158794 +907 278 5 880159016 +907 281 5 881030348 +907 282 4 880158939 +907 283 4 880158827 +907 284 5 881030348 +907 286 5 880158316 +907 287 4 880158913 +907 288 5 880158476 +907 290 4 880159259 +907 291 5 880158913 +907 294 4 880158502 +907 301 4 880158537 +907 312 5 885860416 +907 313 5 885860093 +907 317 5 880159910 +907 318 5 880159642 +907 322 5 881030348 +907 326 5 880158448 +907 332 5 885862325 +907 333 5 885860288 +907 340 2 880158425 +907 356 4 880159937 +907 366 5 885862156 +907 393 5 880160009 +907 402 5 880160037 +907 405 4 880159113 +907 409 4 880159151 +907 427 5 880159821 +907 462 4 880159666 +907 471 5 880159059 +907 472 5 880159360 +907 475 3 880158692 +907 476 4 880159134 +907 483 4 880159937 +907 485 5 880160008 +907 496 4 880159666 +907 497 5 880160204 +907 506 5 881030348 +907 520 5 880159865 +907 553 5 880160056 +907 591 5 880158913 +907 596 4 880159015 +907 619 2 880159038 +907 620 4 880159113 +907 628 5 880158986 +907 633 5 881030348 +907 647 3 880159844 +907 685 5 880158960 +907 686 4 880159778 +907 689 4 885860672 +907 696 5 880159081 +907 697 5 880159982 +907 699 5 880159619 +907 710 4 880160106 +907 713 5 880159172 +907 724 5 880159642 +907 729 5 880159821 +907 739 5 880159982 +907 740 5 880158960 +907 742 5 880158939 +907 744 5 880159015 +907 748 5 880158537 +907 756 4 880159198 +907 762 5 880159496 +907 763 5 880159081 +907 764 4 880159113 +907 781 5 885862325 +907 813 5 880158770 +907 815 5 880158913 +907 819 4 880159442 +907 821 5 880160008 +907 825 3 880159404 +907 828 5 880159361 +907 869 5 880160123 +907 924 5 880159240 +907 928 5 880159198 +907 934 4 880159222 +907 978 5 880159473 +907 988 3 880158612 +907 1016 5 880158939 +907 1028 5 880158913 +907 1040 5 880159496 +907 1047 5 881030348 +907 1048 5 880159404 +907 1051 5 880159530 +907 1054 3 880159598 +907 1057 3 880159151 +907 1119 5 880159865 +907 1157 5 885862211 +907 1163 4 880159015 +907 1167 5 880160106 +907 1220 5 880159642 +907 1221 5 880160080 +907 1244 5 880159381 +907 1284 5 881030348 +907 1326 4 880159512 +908 7 3 879722334 +908 12 3 879722603 +908 28 4 879723073 +908 47 3 879723095 +908 50 4 879722397 +908 55 3 879722334 +908 56 4 879722642 +908 69 3 879722513 +908 79 4 879722850 +908 96 4 879722932 +908 98 5 879722300 +908 100 4 879722427 +908 111 3 879723073 +908 123 3 879722822 +908 124 3 879722694 +908 127 4 879722694 +908 133 5 879722603 +908 144 4 879722850 +908 147 2 879722932 +908 151 3 879722875 +908 156 3 879722603 +908 172 3 879722780 +908 173 3 879722901 +908 174 3 879722642 +908 181 3 879722754 +908 183 4 879722427 +908 185 4 879722822 +908 192 2 879722489 +908 194 3 879722932 +908 195 4 879722754 +908 200 2 879722642 +908 204 4 879722427 +908 205 3 879722901 +908 209 3 879722694 +908 216 3 879723074 +908 223 4 879722953 +908 264 3 879722206 +908 288 4 879722097 +908 300 3 879722076 +908 318 5 879722717 +908 322 2 879722169 +908 357 3 879723046 +908 414 3 879723022 +908 419 4 879722875 +908 423 4 879722822 +908 427 5 879722642 +908 434 4 879723128 +908 447 3 879722850 +908 478 4 879723046 +908 479 4 879723022 +908 481 3 879722754 +908 482 3 879722667 +908 483 4 879722718 +908 484 4 879722361 +908 488 4 879722642 +908 494 3 879723046 +908 496 5 879722361 +908 515 4 879722463 +908 525 4 879722300 +908 527 3 879722754 +908 528 4 879722397 +908 558 4 879722667 +908 591 4 879722996 +908 603 4 879722361 +908 631 4 879723128 +908 648 4 879722333 +908 654 3 879722822 +908 657 4 879722822 +908 663 3 879723022 +908 694 4 879722603 +908 701 4 879722780 +908 709 4 879722490 +908 732 3 879722974 +908 963 4 879722397 +909 14 4 891920763 +909 86 5 891920125 +909 116 5 891920010 +909 165 5 891920233 +909 166 5 891920166 +909 170 5 891920276 +909 224 5 891920089 +909 261 5 891919599 +909 275 5 891920166 +909 286 4 891919160 +909 289 3 891920763 +909 292 4 891919160 +909 294 3 891920763 +909 300 5 891919232 +909 326 4 891919458 +909 339 4 891919406 +909 382 5 891920327 +909 509 5 891920211 +909 529 3 891920763 +909 531 4 891920166 +909 582 5 891920125 +909 682 3 891920763 +909 707 5 891920327 +909 744 3 891920763 +909 880 4 891919406 +909 1121 5 891920703 +910 1 4 880822060 +910 3 2 881421019 +910 9 4 880821079 +910 12 4 880821718 +910 23 4 881421332 +910 24 3 880821367 +910 25 3 880822203 +910 50 5 880822060 +910 56 4 880821656 +910 98 4 881421309 +910 100 4 880821098 +910 117 4 880822012 +910 118 3 881420857 +910 121 1 880821492 +910 124 3 880821124 +910 125 3 880821383 +910 127 5 880822060 +910 134 3 880821676 +910 137 3 880822060 +910 174 5 880822060 +910 181 1 880821033 +910 182 4 880821696 +910 183 4 880822060 +910 205 4 880822060 +910 210 4 881421309 +910 222 4 880822060 +910 237 4 880822060 +910 245 2 881420474 +910 250 1 880821033 +910 252 2 881421035 +910 254 1 881421240 +910 257 3 880821349 +910 273 3 880821492 +910 282 3 880821319 +910 284 3 880821969 +910 286 3 883760216 +910 288 3 884229224 +910 289 3 881420491 +910 291 1 881421090 +910 293 4 880822060 +910 298 2 880821124 +910 300 4 881420194 +910 307 2 880821815 +910 310 3 881420170 +910 313 4 884229092 +910 332 2 880821834 +910 357 4 880821718 +910 405 4 881420841 +910 414 4 881421332 +910 508 4 880821349 +910 597 3 881421048 +910 628 1 880821319 +910 684 4 880821696 +910 742 4 880822031 +910 748 3 881420228 +910 751 3 884229194 +910 831 1 881421142 +910 845 4 880821405 +910 1012 4 884229250 +910 1025 2 881420507 +911 7 4 892839551 +911 21 4 892840144 +911 26 4 892840048 +911 82 2 892840888 +911 83 4 892839784 +911 87 5 892839056 +911 89 4 892838405 +911 93 4 892839784 +911 98 2 892839015 +911 99 3 892840889 +911 102 3 892840889 +911 134 4 892838823 +911 142 4 892840950 +911 143 5 892840889 +911 151 5 892840916 +911 153 5 892839784 +911 154 4 892839492 +911 163 4 892839846 +911 168 4 892838676 +911 172 4 892838636 +911 173 5 892838677 +911 174 4 892838577 +911 176 4 892841255 +911 183 4 892839492 +911 185 5 892841255 +911 186 5 892839929 +911 190 5 892838864 +911 191 5 892838676 +911 193 4 892839056 +911 194 4 892839929 +911 197 4 892842771 +911 199 3 892839333 +911 203 4 892841196 +911 204 4 892839930 +911 205 3 892839454 +911 208 4 892839970 +911 209 5 892839784 +911 210 3 892839745 +911 211 3 892839418 +911 215 3 892839140 +911 216 4 892839929 +911 228 4 892841220 +911 238 2 892839970 +911 240 1 892840297 +911 272 4 892838135 +911 313 2 892838135 +911 357 4 892838954 +911 374 1 892841118 +911 381 5 892839846 +911 383 3 892841094 +911 399 5 892840120 +911 404 3 892840950 +911 419 5 892840916 +911 420 4 892840950 +911 423 4 892840837 +911 427 3 892838538 +911 428 4 892839929 +911 431 4 892842368 +911 432 3 892839551 +911 435 5 892839993 +911 443 4 892841220 +911 451 2 892840253 +911 465 5 892840807 +911 473 3 892840996 +911 474 5 892838637 +911 478 5 892838823 +911 479 5 892838787 +911 480 4 892838823 +911 482 4 892838864 +911 483 3 892838637 +911 484 3 892839363 +911 485 3 892839454 +911 496 3 892838954 +911 501 3 892840916 +911 506 3 892839518 +911 507 4 892839289 +911 514 3 892839454 +911 530 4 892838677 +911 548 3 892841073 +911 584 3 892841033 +911 588 4 892840837 +911 603 5 892838864 +911 622 3 892840996 +911 625 5 892840807 +911 627 3 892840888 +911 638 4 892839391 +911 647 4 892839140 +911 655 5 892839719 +911 659 3 892838677 +911 709 5 892839846 +911 727 2 892842738 +911 835 3 892838405 +911 855 5 892839084 +911 923 4 892842509 +911 969 5 892840807 +911 1039 4 892838357 +911 1060 4 892841033 +911 1203 4 892838357 +912 14 5 875966927 +912 15 4 875967028 +912 28 4 875966756 +912 56 2 875966027 +912 64 4 875966027 +912 97 4 875966783 +912 132 5 875965981 +912 143 5 875966694 +912 152 4 875966320 +912 154 4 875966027 +912 168 5 875966107 +912 172 3 875966027 +912 173 4 875966238 +912 174 3 875966756 +912 185 3 875966065 +912 186 3 875966202 +912 192 4 875966349 +912 194 4 875966238 +912 197 5 875966429 +912 204 2 875966202 +912 238 4 875966320 +912 246 2 875967072 +912 268 2 875965695 +912 318 4 875966385 +912 357 5 875966429 +912 418 4 875966694 +912 419 4 875966756 +912 423 5 875966694 +912 427 5 875965830 +912 443 4 875966027 +912 474 3 875965906 +912 479 4 875966107 +912 482 5 875965939 +912 483 5 875965906 +912 496 4 875965939 +912 498 5 875965830 +912 501 4 875966756 +912 507 3 875965906 +912 517 4 875966458 +912 520 2 875966429 +912 523 4 875965830 +912 602 5 875965981 +912 610 4 875966027 +912 611 3 875965830 +912 616 3 875966065 +912 646 3 875966429 +912 648 3 875966616 +912 653 3 875965906 +912 654 3 875966027 +912 655 5 875966320 +912 659 5 875966202 +912 661 2 875965981 +912 1041 4 875966616 +913 1 2 880758579 +913 4 4 874786460 +913 7 5 881725846 +913 8 2 880825916 +913 9 5 881725816 +913 11 4 881037106 +913 12 4 881366897 +913 15 3 881367770 +913 19 5 881366383 +913 22 5 881369920 +913 25 3 881366974 +913 28 3 881369039 +913 42 3 880824372 +913 50 4 880758348 +913 56 5 880758974 +913 57 4 880758348 +913 58 5 880759221 +913 60 3 880946006 +913 64 5 881725876 +913 69 2 880757553 +913 79 4 880758974 +913 82 3 881368310 +913 83 4 881725904 +913 89 5 880794731 +913 92 4 881725846 +913 95 4 880826766 +913 96 5 881725904 +913 98 4 881725761 +913 99 4 881366878 +913 100 3 880824823 +913 117 1 882544673 +913 127 4 882044440 +913 131 5 881367150 +913 132 3 880758150 +913 143 5 881725761 +913 144 5 880946236 +913 151 4 881368824 +913 156 3 880824512 +913 164 2 880826620 +913 168 4 881725796 +913 169 4 880757553 +913 171 3 880758348 +913 172 5 881726004 +913 173 5 880826542 +913 174 5 881367620 +913 175 5 881366473 +913 176 5 880759221 +913 179 3 881368269 +913 180 3 880758150 +913 181 3 880825135 +913 183 4 880757553 +913 184 3 880826706 +913 185 4 881367173 +913 186 3 880946006 +913 189 3 881367594 +913 191 5 881725737 +913 195 4 881725846 +913 200 5 880825443 +913 202 4 880825052 +913 203 4 880825916 +913 204 4 880946539 +913 209 2 881367150 +913 210 2 880826706 +913 216 4 881725796 +913 222 3 881037459 +913 227 1 881368310 +913 228 5 881368310 +913 234 4 880825443 +913 235 1 881725960 +913 237 4 881725960 +913 238 3 880825052 +913 258 4 889331049 +913 260 1 881037229 +913 265 4 880757553 +913 268 2 880753802 +913 269 5 881725938 +913 273 3 881037670 +913 276 3 881037047 +913 288 2 880755823 +913 289 5 880658260 +913 301 1 880753802 +913 302 4 880794297 +913 310 3 880753802 +913 317 4 881725876 +913 318 4 880794731 +913 343 1 881037310 +913 346 3 883110406 +913 357 5 880824372 +913 408 5 880758348 +913 418 3 881368742 +913 419 5 881725737 +913 423 3 881368310 +913 427 4 881725960 +913 428 3 881367151 +913 430 2 882544617 +913 432 3 881366721 +913 436 3 881367312 +913 461 4 881725816 +913 462 3 881037459 +913 465 2 880826366 +913 466 3 882544673 +913 469 3 881037459 +913 474 5 881725737 +913 475 4 880757473 +913 478 4 880824512 +913 481 3 880758579 +913 483 3 880757975 +913 498 3 880757473 +913 508 3 880759072 +913 518 4 881725761 +913 527 5 881036957 +913 530 2 881367312 +913 531 2 880946475 +913 588 3 881449256 +913 596 1 881367210 +913 603 4 880758150 +913 604 2 882201336 +913 613 5 881725796 +913 655 4 881725846 +913 656 3 881726004 +913 657 5 881725761 +913 690 3 880824288 +913 729 3 881368824 +913 741 4 881037004 +913 742 3 881036957 +913 747 3 881369407 +913 750 4 883110363 +913 789 4 880946415 +913 919 4 880758150 +913 963 4 881725737 +913 1112 1 882044453 +913 1240 2 881037004 +914 88 2 887124121 +914 111 1 887124121 +914 155 5 887124121 +914 197 4 887122028 +914 216 3 887122324 +914 313 3 887121969 +914 371 4 887122029 +914 381 3 887122325 +914 387 3 887124121 +914 402 5 887124376 +914 451 2 887122085 +914 643 4 887123886 +914 692 3 887122324 +914 724 3 887123464 +914 732 2 887123465 +914 736 3 887123465 +914 739 2 887124376 +914 775 3 887124121 +914 778 5 887122085 +914 781 5 887123464 +914 1259 1 887123886 +914 1355 1 887123886 +914 1406 4 887123886 +915 258 2 891030108 +915 268 5 891031477 +915 270 3 891030070 +915 286 4 891030032 +915 288 2 891031450 +915 300 3 891031477 +915 301 2 891030032 +915 302 4 891029965 +915 304 3 891030032 +915 305 2 891030070 +915 307 3 891030032 +915 310 3 891029965 +915 313 4 891029965 +915 315 4 891029965 +915 321 3 891030002 +915 328 2 891031450 +915 333 3 891031450 +915 334 3 891031477 +915 345 4 891030145 +915 346 2 891030070 +915 347 5 891031477 +915 691 4 891030108 +915 750 4 891030070 +915 752 3 891030120 +915 896 2 891030070 +915 1038 2 891030070 +916 1 4 880843361 +916 2 3 880845391 +916 3 3 880843838 +916 4 4 880844395 +916 5 3 880845099 +916 7 4 880843361 +916 9 5 880843378 +916 11 4 880844369 +916 12 4 880844445 +916 14 5 880843378 +916 17 4 880845135 +916 22 4 880844627 +916 23 4 880843997 +916 24 2 880843419 +916 28 4 880844861 +916 30 4 880844463 +916 31 3 880844789 +916 33 2 880845135 +916 39 4 880845011 +916 42 5 880844958 +916 46 4 880844480 +916 48 5 880844861 +916 49 3 880845673 +916 50 5 880843436 +916 51 2 880845658 +916 52 5 880844813 +916 53 4 880844834 +916 54 3 880845790 +916 55 3 880844369 +916 56 5 880844038 +916 58 5 880844291 +916 60 4 880844058 +916 64 5 880843996 +916 65 3 880845327 +916 66 3 880845264 +916 68 3 880845636 +916 69 4 880844694 +916 70 4 880845099 +916 71 3 880844897 +916 72 3 880845808 +916 73 3 880845829 +916 76 3 880845049 +916 77 3 880845620 +916 79 3 880845249 +916 80 3 880845476 +916 81 5 880844527 +916 82 4 880845772 +916 83 4 880845206 +916 85 2 880845115 +916 86 4 880844655 +916 87 3 880844262 +916 88 4 880845157 +916 89 5 880844241 +916 90 3 880845115 +916 91 4 880844223 +916 92 5 880844291 +916 96 3 880844813 +916 97 4 880844789 +916 98 5 880844038 +916 100 5 880843288 +916 101 3 880845690 +916 106 3 880843934 +916 109 3 880845099 +916 111 4 880843636 +916 117 2 880843509 +916 118 2 880843838 +916 121 3 880843864 +916 123 3 880843524 +916 125 3 880843750 +916 132 3 880844597 +916 134 5 880844123 +916 135 4 880844552 +916 137 5 880843482 +916 143 3 880844463 +916 144 3 880844016 +916 147 1 880843578 +916 148 2 880843892 +916 150 4 880843318 +916 151 3 880843578 +916 153 3 880844087 +916 154 4 880844552 +916 155 2 880845808 +916 156 5 880844016 +916 157 4 880845011 +916 158 2 880845829 +916 159 3 880845303 +916 160 3 880844511 +916 161 3 880845658 +916 163 3 880844834 +916 164 4 880845028 +916 168 4 880844369 +916 170 4 880844612 +916 171 4 880844332 +916 172 5 880843997 +916 173 4 880844332 +916 174 5 880844569 +916 175 4 880845011 +916 176 4 880844419 +916 177 3 880844312 +916 179 3 880844420 +916 180 5 880844753 +916 181 4 880843401 +916 182 3 880844123 +916 183 4 880844395 +916 186 3 880844175 +916 188 3 880844789 +916 190 4 880846339 +916 192 4 880844552 +916 193 4 880844420 +916 194 4 880843997 +916 195 3 880844920 +916 196 4 880844920 +916 198 4 880844463 +916 202 3 880845028 +916 203 4 880844157 +916 204 3 880844813 +916 206 3 880844597 +916 209 3 880844017 +916 210 4 880844694 +916 211 4 880844395 +916 212 5 880844879 +916 213 4 880844675 +916 214 3 880844958 +916 215 3 880844552 +916 216 4 880844312 +916 217 4 880845282 +916 218 3 880845303 +916 219 3 880845755 +916 221 4 880843594 +916 222 3 880843419 +916 223 4 880844087 +916 226 3 880845177 +916 227 3 880845067 +916 228 3 880845049 +916 229 3 880845328 +916 230 3 880845177 +916 232 3 880844897 +916 233 3 880845391 +916 234 4 880845206 +916 235 3 880843749 +916 236 4 880843482 +916 237 3 880843419 +916 238 4 880845011 +916 239 3 880844627 +916 241 4 880845368 +916 244 4 880843401 +916 246 5 880843318 +916 249 3 880843579 +916 250 4 880843361 +916 252 2 880843864 +916 256 3 880843551 +916 257 3 880843401 +916 265 4 880844813 +916 268 5 880843093 +916 271 3 880843185 +916 273 3 880843361 +916 276 4 880843551 +916 280 2 880843864 +916 281 3 880843727 +916 284 2 880843666 +916 286 4 880843062 +916 290 3 880845206 +916 295 2 880843551 +916 298 3 880843334 +916 317 4 880845098 +916 318 4 880844175 +916 356 3 880845722 +916 366 3 880845658 +916 367 3 880845451 +916 369 2 880843906 +916 380 2 880845206 +916 381 3 880845738 +916 382 4 880844674 +916 385 3 880844834 +916 387 4 880845328 +916 393 2 880845067 +916 399 3 880845135 +916 402 3 880845177 +916 405 2 880843579 +916 417 2 880845949 +916 421 5 880844291 +916 423 3 880844654 +916 425 5 880844102 +916 427 4 880844654 +916 428 4 880844350 +916 431 3 880844655 +916 433 3 880844958 +916 451 3 880845227 +916 461 4 880844087 +916 462 4 880844058 +916 467 3 880844420 +916 470 3 880845476 +916 472 3 880843697 +916 474 4 880844175 +916 475 4 880843334 +916 476 2 880843775 +916 480 4 880844201 +916 483 5 880844419 +916 484 4 880844156 +916 498 3 880844241 +916 506 3 880844728 +916 509 4 880844312 +916 511 5 880844395 +916 512 5 880844675 +916 523 3 880844511 +916 527 4 880845135 +916 528 3 880846339 +916 530 4 880844202 +916 531 4 880844331 +916 535 3 880843949 +916 537 4 880844087 +916 541 2 880845206 +916 546 2 880843864 +916 549 3 880845543 +916 550 2 880844985 +916 557 4 880844527 +916 558 3 880844767 +916 559 3 880845658 +916 561 3 880845227 +916 566 3 880845574 +916 568 4 880845949 +916 569 2 880845606 +916 570 3 880845368 +916 578 1 880844985 +916 581 4 880845543 +916 582 4 880844728 +916 583 4 880845690 +916 593 4 880843551 +916 597 2 880843727 +916 631 4 880844654 +916 636 3 880845391 +916 640 4 880845157 +916 642 3 880845227 +916 650 4 880844711 +916 652 4 880844291 +916 655 3 880844350 +916 674 3 880845522 +916 678 2 880843249 +916 679 3 880845690 +916 684 3 880844395 +916 685 2 880843727 +916 693 3 880844087 +916 697 4 880844937 +916 702 3 880845157 +916 704 3 880845177 +916 708 4 880845673 +916 709 3 880844123 +916 710 3 880844332 +916 713 3 880843636 +916 715 4 880845099 +916 720 2 880844920 +916 721 4 880845049 +916 727 4 880845049 +916 732 3 880844862 +916 735 4 880844879 +916 737 3 880845328 +916 739 3 880845589 +916 741 3 880843401 +916 746 3 880844262 +916 748 2 880843249 +916 755 2 880845574 +916 756 3 880843892 +916 762 3 880843579 +916 763 3 880843683 +916 764 3 880843798 +916 767 4 880845522 +916 781 3 880845451 +916 790 2 880845790 +916 792 3 880844569 +916 806 4 880844552 +916 820 2 880843636 +916 824 3 880843838 +916 825 1 880843750 +916 831 1 880843864 +916 844 3 880843465 +916 863 3 880846735 +916 866 3 880843798 +916 919 5 880843465 +916 930 2 880843934 +916 931 1 880843798 +916 939 3 880844694 +916 943 4 880844834 +916 944 2 880845476 +916 948 2 880843838 +916 959 4 880845328 +916 960 4 880844861 +916 961 3 880844202 +916 971 4 880845476 +916 978 1 880843949 +916 1005 4 880845303 +916 1009 5 880843551 +916 1010 4 880843482 +916 1011 4 880843666 +916 1014 3 880843683 +916 1042 3 880845328 +916 1046 2 880845722 +916 1070 4 880844202 +916 1073 4 880844445 +916 1074 3 880844985 +916 1079 2 880843811 +916 1098 4 880844862 +916 1101 4 880844419 +916 1109 3 880844861 +916 1113 4 880844897 +916 1119 3 880845505 +916 1135 3 880845556 +916 1194 4 880844753 +916 1206 2 880845543 +916 1208 2 880845249 +916 1217 1 880845606 +916 1220 3 880845282 +916 1268 3 880845451 +916 1335 4 880843798 +916 1401 3 880844262 +916 1428 3 880845415 +916 1597 3 880845206 +916 1682 3 880845755 +917 1 3 882910888 +917 3 1 882911567 +917 9 5 882912385 +917 25 4 882911390 +917 50 3 882910915 +917 100 4 882910830 +917 121 1 882911567 +917 150 5 882912385 +917 237 5 882912385 +917 246 4 882910971 +917 248 4 882912385 +917 255 3 882911158 +917 268 4 882910409 +917 276 5 882912385 +917 278 3 882911767 +917 282 4 882911480 +917 285 4 882911122 +917 287 4 882911185 +917 289 4 882910457 +917 312 2 882910627 +917 328 2 882910506 +917 405 3 882911215 +917 471 4 882911099 +917 473 3 882911390 +917 476 5 882912385 +917 535 4 882912385 +917 591 3 882911185 +917 628 5 882912385 +917 696 5 882912385 +917 740 5 882912385 +917 751 2 882910409 +917 756 4 882911622 +917 763 3 882911480 +917 879 2 882910604 +917 1014 2 882911246 +918 1 3 891987059 +918 16 4 891988560 +918 25 4 891988123 +918 28 4 891987541 +918 42 3 891987059 +918 45 4 891986959 +918 64 4 891987025 +918 69 3 891987497 +918 70 3 891988248 +918 72 1 891988491 +918 82 3 891988521 +918 83 4 891987914 +918 86 4 891986798 +918 88 2 891988276 +918 89 5 891987780 +918 131 3 891987824 +918 132 4 891986904 +918 133 1 891987267 +918 135 1 891986634 +918 137 5 891987879 +918 143 4 891988726 +918 151 2 891988646 +918 153 1 891987291 +918 154 2 891987411 +918 161 1 891988824 +918 165 4 891986998 +918 166 4 891987238 +918 168 3 891986999 +918 170 4 891987205 +918 174 3 891987154 +918 175 3 891987339 +918 179 2 891988337 +918 190 5 891986720 +918 196 3 891987267 +918 197 2 891987387 +918 199 3 891986846 +918 204 1 891987317 +918 208 3 891988002 +918 211 2 891987752 +918 213 5 891988054 +918 216 2 891987205 +918 275 4 891987176 +918 289 2 891988559 +918 340 1 891986174 +918 381 5 891988123 +918 382 4 891986846 +918 417 2 891988521 +918 419 3 891987622 +918 428 5 891988001 +918 430 1 891987205 +918 433 2 891987082 +918 443 3 891988248 +918 462 3 891986933 +918 485 3 891987689 +918 487 4 891987446 +918 488 3 891987846 +918 495 3 891987689 +918 498 4 891987025 +918 499 4 891986775 +918 507 5 891987363 +918 514 2 891987082 +918 517 3 891987622 +918 520 3 891987571 +918 529 3 891987290 +918 582 4 891987723 +918 606 4 891987132 +918 630 3 891988672 +918 631 4 891986664 +918 638 4 891987267 +918 640 3 891988163 +918 645 4 891988090 +918 656 4 891986609 +918 658 3 891987059 +918 659 4 891987622 +918 660 4 891987752 +918 664 4 891987914 +918 704 4 891988123 +918 707 5 891987446 +918 709 4 891986820 +918 737 3 891988123 +918 747 3 891988705 +918 792 3 891986904 +918 855 5 891987497 +918 856 4 891988491 +918 921 4 891988029 +918 923 4 891987317 +918 958 3 891988491 +918 962 4 891988029 +918 965 4 891988276 +918 971 4 891987780 +918 972 5 891988054 +918 995 3 891986143 +918 1065 4 891988002 +918 1099 4 891987571 +918 1101 4 891987824 +918 1137 5 891986999 +918 1171 4 891988646 +918 1172 3 891987622 +918 1195 4 891986664 +918 1200 4 891988276 +918 1265 1 891986494 +918 1266 4 891988586 +918 1639 5 891987571 +919 1 4 875289321 +919 4 1 875374032 +919 5 4 875374088 +919 7 3 875288848 +919 9 5 875288749 +919 11 4 875373582 +919 12 3 875373294 +919 14 4 875288934 +919 15 5 875289250 +919 16 4 875289533 +919 19 4 875288681 +919 20 1 875289499 +919 21 2 875289356 +919 22 5 875374269 +919 23 3 875373074 +919 25 4 875289113 +919 28 4 875373888 +919 31 3 875373416 +919 50 3 875288570 +919 57 5 875373621 +919 58 5 875374032 +919 64 5 875374088 +919 69 3 875921182 +919 70 4 875921442 +919 82 5 875373945 +919 85 2 875372947 +919 88 2 875373621 +919 93 5 875288681 +919 95 4 875921182 +919 98 5 875373470 +919 99 4 875373945 +919 100 5 875288522 +919 111 4 875288681 +919 112 3 875289417 +919 116 3 875288749 +919 117 4 875288934 +919 118 4 875373582 +919 124 3 875288522 +919 125 4 875289113 +919 126 4 875289170 +919 129 5 875289025 +919 137 2 875288749 +919 140 5 875373471 +919 144 4 875373889 +919 147 4 875289322 +919 148 3 875289417 +919 151 4 875289025 +919 168 1 875373074 +919 174 4 875372947 +919 181 4 875289250 +919 183 3 875372802 +919 191 5 875373824 +919 193 2 875373471 +919 200 4 875373294 +919 201 4 875920887 +919 202 3 875373582 +919 204 4 875921396 +919 217 4 875373669 +919 218 4 875374032 +919 221 4 875288898 +919 222 3 875288983 +919 223 4 875372844 +919 236 5 875288681 +919 237 4 875288805 +919 238 3 875372988 +919 240 3 875289611 +919 243 3 875288418 +919 244 2 875289025 +919 245 2 875288253 +919 246 3 875288523 +919 250 3 875288749 +919 253 3 875288748 +919 255 4 875289170 +919 257 4 875288848 +919 258 4 875288164 +919 259 4 875288362 +919 260 4 875288362 +919 261 3 885059658 +919 264 3 875288362 +919 268 3 875920245 +919 270 4 885059422 +919 271 4 885059476 +919 272 5 885059452 +919 275 5 875288522 +919 276 5 875288612 +919 277 5 875288805 +919 282 4 875289113 +919 283 4 875288748 +919 284 3 875289280 +919 285 5 875288748 +919 286 4 885059400 +919 287 4 875289611 +919 288 4 875288164 +919 289 3 875288164 +919 292 3 875288253 +919 293 4 875288681 +919 294 3 875288304 +919 295 3 875289170 +919 297 4 875288749 +919 298 3 875288983 +919 300 4 875288164 +919 301 3 875288164 +919 302 4 875920245 +919 303 4 875920245 +919 304 4 875920245 +919 305 4 885059623 +919 307 4 885059506 +919 310 3 885059537 +919 312 2 885059658 +919 313 5 885059400 +919 315 3 885059569 +919 318 5 875372903 +919 319 3 875288164 +919 321 2 875288164 +919 322 3 875288253 +919 323 4 875288362 +919 325 4 875288418 +919 326 3 875288304 +919 327 4 875288304 +919 328 2 875288304 +919 331 4 875920290 +919 332 4 885059537 +919 333 4 875920290 +919 334 4 885059506 +919 340 5 885059506 +919 343 4 885059506 +919 347 3 885059569 +919 358 3 875288304 +919 367 4 875921085 +919 372 3 875920948 +919 382 5 875373214 +919 406 3 875289417 +919 412 2 875289061 +919 418 4 875373945 +919 419 5 875374269 +919 423 5 875374032 +919 432 4 875373824 +919 447 4 875372903 +919 458 2 875289212 +919 462 3 875372844 +919 471 3 875289638 +919 475 3 875288898 +919 477 4 875289025 +919 508 5 875288570 +919 527 4 875373416 +919 531 3 875373669 +919 535 3 885059887 +919 539 3 885059682 +919 558 5 875372988 +919 564 2 875373770 +919 582 5 875373214 +919 591 3 875289667 +919 596 3 885059887 +919 628 3 875288898 +919 660 4 875373945 +919 676 4 875289061 +919 678 2 875288253 +919 681 2 875920347 +919 687 1 875288362 +919 689 2 885059506 +919 690 3 885059658 +919 709 3 875374088 +919 715 5 875921442 +919 717 3 875288805 +919 732 3 875373471 +919 740 3 875289113 +919 741 3 875288805 +919 742 4 875289499 +919 748 1 875288253 +919 750 3 885059452 +919 755 3 875373889 +919 756 3 875289170 +919 787 3 875921283 +919 794 4 875373521 +919 813 4 875288681 +919 815 2 875289533 +919 819 3 875288805 +919 832 3 875289726 +919 864 2 875288848 +919 875 1 875288362 +919 877 3 875288304 +919 878 2 875288443 +919 879 3 875920627 +919 880 3 885059601 +919 887 3 885059452 +919 892 3 885059724 +919 895 4 885059623 +919 919 2 875288805 +919 937 4 875920627 +919 946 4 875373416 +919 953 3 875921051 +919 976 2 875289453 +919 988 3 875288362 +919 989 2 875288418 +919 1012 4 875289611 +919 1014 4 875289384 +919 1047 3 875289697 +919 1048 3 875289113 +919 1060 3 875289322 +919 1073 4 875373416 +919 1086 4 875289322 +919 1101 5 875373470 +919 1109 3 875373824 +919 1114 3 875920823 +919 1119 3 875373824 +919 1134 2 875289356 +919 1136 2 875374269 +919 1137 4 875289170 +919 1152 4 875288612 +919 1173 3 885059859 +919 1197 4 875288613 +919 1258 3 875289453 +919 1277 4 875289887 +919 1278 4 875289761 +919 1284 3 875289566 +919 1315 2 875289611 +919 1514 2 885059812 +920 245 2 884220131 +920 258 4 884220094 +920 268 3 884220163 +920 270 3 884219993 +920 272 3 884219701 +920 286 2 884219953 +920 288 3 884219768 +920 292 3 884220058 +920 299 2 884220163 +920 300 3 884220058 +920 301 2 884220058 +920 302 4 884219701 +920 307 3 884219993 +920 310 4 884219768 +920 311 3 884219701 +920 313 5 884219701 +920 328 2 884220058 +920 331 3 884220094 +920 332 3 884219953 +920 333 4 884219993 +920 340 4 884219993 +920 346 4 884219768 +920 347 4 884220131 +920 350 4 884219953 +920 682 3 884220058 +920 1612 4 884219953 +921 1 3 879379601 +921 8 3 884673699 +921 15 4 879379621 +921 24 3 879380097 +921 25 3 879379736 +921 50 4 879381051 +921 66 5 884673700 +921 69 4 879380862 +921 71 4 879380957 +921 72 4 879380806 +921 79 4 879380704 +921 82 3 884673954 +921 87 2 884673673 +921 96 4 879380656 +921 97 2 884673891 +921 111 4 879380097 +921 121 5 879379736 +921 122 2 879380433 +921 125 3 879379774 +921 128 1 879381287 +921 132 3 884673699 +921 133 5 884673843 +921 136 4 879380806 +921 143 5 879381257 +921 147 3 879379843 +921 151 3 879379994 +921 172 4 884673823 +921 173 5 884673780 +921 174 5 884673780 +921 181 5 879379562 +921 185 3 879380826 +921 190 2 884673602 +921 194 3 879380704 +921 196 5 884673724 +921 202 4 884673891 +921 210 4 884673633 +921 215 4 879380677 +921 222 5 879381128 +921 227 3 879381051 +921 228 3 884673823 +921 230 3 879381051 +921 237 3 879379562 +921 240 1 879379621 +921 245 1 879379361 +921 252 4 879380142 +921 254 3 879380908 +921 257 3 879379898 +921 259 4 884673369 +921 274 4 879379971 +921 275 1 879379642 +921 276 1 879381004 +921 280 3 879379562 +921 282 2 879379714 +921 284 4 879379943 +921 288 3 879379265 +921 294 4 879379338 +921 304 2 879379428 +921 313 5 884673044 +921 322 3 879379428 +921 323 4 879379428 +921 328 5 879379338 +921 367 4 879381021 +921 369 1 879380328 +921 380 4 879381051 +921 392 4 884673868 +921 395 3 879380908 +921 400 4 879381158 +921 405 3 879379774 +921 410 2 879380957 +921 411 2 879380142 +921 419 5 879381234 +921 422 3 879380957 +921 471 2 879379821 +921 472 2 879380057 +921 484 3 884673633 +921 526 4 884673930 +921 538 4 884673311 +921 560 2 879380981 +921 603 3 884673868 +921 651 3 884673891 +921 659 5 884673799 +921 662 4 884673724 +921 678 5 879379447 +921 692 4 884673724 +921 720 4 879381128 +921 728 3 879381299 +921 755 4 884673910 +921 760 2 879380164 +921 762 2 879380237 +921 763 3 879380258 +921 778 3 879380704 +921 797 3 879381287 +921 815 5 879379942 +921 820 3 879380328 +921 845 4 879379601 +921 892 3 884673402 +921 924 3 879379736 +921 929 1 879380142 +921 932 3 879381128 +921 934 3 879380496 +921 1016 4 879379562 +921 1028 4 879380142 +921 1032 5 879381199 +921 1034 3 879380457 +921 1047 1 879380015 +921 1051 3 879380433 +921 1060 2 879379942 +921 1279 2 879380142 +921 1287 1 879380401 +921 1317 2 879380981 +922 1 5 891448551 +922 11 5 891450401 +922 15 4 891453122 +922 22 5 891450586 +922 29 3 891450805 +922 43 3 891454445 +922 50 5 891447447 +922 51 4 891448451 +922 56 1 891447628 +922 62 3 891450768 +922 63 3 891449363 +922 67 3 891452928 +922 68 4 891450586 +922 69 3 891453106 +922 71 4 891448580 +922 72 4 891452470 +922 77 4 891447833 +922 80 3 891452817 +922 82 3 891449123 +922 83 4 891448115 +922 89 5 891450368 +922 91 4 891448833 +922 94 3 891449333 +922 95 3 891448580 +922 98 5 891447665 +922 99 4 891448580 +922 122 2 891455788 +922 127 3 891453105 +922 135 2 891453820 +922 143 4 891449021 +922 145 3 891450315 +922 151 5 891449152 +922 153 4 891451037 +922 155 2 891448473 +922 159 3 891447853 +922 161 3 891450401 +922 168 3 891450968 +922 172 5 891449021 +922 173 5 891448040 +922 174 5 891449021 +922 175 3 891451240 +922 176 3 891450401 +922 181 5 891449122 +922 183 3 891450401 +922 184 3 891449901 +922 191 3 891454587 +922 195 3 891450401 +922 200 3 891449878 +922 202 5 891448115 +922 204 3 891451100 +922 210 3 891450368 +922 212 2 891448473 +922 214 2 891454071 +922 215 3 891453653 +922 216 3 891448115 +922 217 3 891449993 +922 219 1 891449901 +922 222 4 891447681 +922 227 4 891447777 +922 228 4 891447665 +922 229 4 891447777 +922 230 4 891447723 +922 235 2 891452407 +922 237 4 891448247 +922 249 3 891455250 +922 250 2 891454910 +922 252 2 891455230 +922 257 4 891455049 +922 258 4 891454681 +922 265 5 891447777 +922 271 3 891445117 +922 274 3 891448247 +922 276 3 891453854 +922 288 2 891445064 +922 290 4 891451277 +922 294 4 891447296 +922 367 3 891452743 +922 371 3 891448348 +922 375 2 891454552 +922 380 4 891454218 +922 382 4 891451373 +922 384 4 891452521 +922 385 3 891450586 +922 391 3 891450840 +922 395 4 891452879 +922 402 3 891448451 +922 403 3 891450805 +922 406 4 891447944 +922 411 1 891455379 +922 418 4 891448580 +922 421 4 891448473 +922 427 5 891449123 +922 431 4 891447723 +922 432 5 891448551 +922 433 4 891451143 +922 447 1 891449901 +922 449 4 891447802 +922 450 4 891447876 +922 451 4 891448247 +922 455 4 891450688 +922 471 3 891453501 +922 476 1 891455167 +922 550 3 891450805 +922 562 3 891450866 +922 568 3 891450524 +922 576 4 891450805 +922 579 3 891447988 +922 588 4 891448580 +922 596 4 891448833 +922 631 3 891453171 +922 655 2 891451327 +922 660 3 891453122 +922 662 3 891448246 +922 699 3 891449048 +922 715 3 891452354 +922 739 3 891448516 +922 746 4 891451143 +922 747 3 891448247 +922 756 2 891455185 +922 810 4 891450866 +922 834 1 891455565 +922 919 5 891454625 +922 949 5 891454320 +922 1035 3 891449552 +922 1079 1 891455277 +922 1110 4 891450768 +922 1157 2 891447853 +923 1 3 880387306 +923 3 4 880387707 +923 9 4 880387306 +923 50 5 880387306 +923 100 5 880387474 +923 105 4 880388547 +923 117 4 880387598 +923 121 4 880387908 +923 125 4 880388289 +923 129 5 880387474 +923 148 4 880387474 +923 151 4 880388021 +923 168 5 880388872 +923 174 5 880388872 +923 181 5 880387363 +923 222 4 880388211 +923 237 4 880387908 +923 245 3 880387199 +923 248 4 880387474 +923 249 4 880388021 +923 257 5 880387946 +923 264 3 880387199 +923 273 5 880387474 +923 276 5 880387429 +923 280 3 880388097 +923 281 4 880387875 +923 282 4 880387624 +923 288 5 880386897 +923 291 4 880387707 +923 293 4 880387908 +923 294 4 880387081 +923 295 5 880387579 +923 307 4 880386897 +923 322 4 880387130 +923 325 4 880387081 +923 333 5 880386897 +923 334 5 880387129 +923 338 4 880387172 +923 340 5 880387080 +923 405 4 880387429 +923 410 3 880387908 +923 411 4 880387664 +923 455 4 880387946 +923 456 4 880388562 +923 460 4 880388426 +923 472 4 880388547 +923 475 5 880387664 +923 544 4 880387507 +923 546 4 880387507 +923 591 5 880387875 +923 628 4 880387428 +923 685 4 880387396 +923 689 3 880387001 +923 713 5 880388173 +923 741 5 880387792 +923 742 4 880387792 +923 762 4 880387525 +923 763 4 880387908 +923 815 4 880387792 +923 823 4 880388383 +923 825 4 880387525 +923 827 3 880387997 +923 829 4 880388426 +923 831 4 880388211 +923 866 4 880388383 +923 926 4 880388383 +923 928 4 880388306 +923 975 4 880388245 +923 1001 1 880388173 +923 1011 4 880388097 +923 1012 5 880387624 +923 1017 5 880387525 +923 1028 4 880387624 +923 1277 5 880388322 +924 1 5 884371535 +924 2 3 886759997 +924 6 4 886759441 +924 7 4 885458060 +924 9 4 886759657 +924 12 4 885458093 +924 13 3 887421305 +924 28 4 885457827 +924 31 3 885458168 +924 50 5 884371386 +924 56 3 886327724 +924 64 4 886327778 +924 71 5 885457922 +924 82 4 885458168 +924 96 4 886760020 +924 100 4 884371558 +924 114 3 886327724 +924 117 2 887421305 +924 121 4 886760071 +924 127 3 884371438 +924 129 4 889286888 +924 134 4 885457827 +924 144 3 885458093 +924 153 4 886327689 +924 172 4 885458060 +924 173 5 885458060 +924 174 5 885458009 +924 178 5 885457922 +924 181 3 884371535 +924 195 5 886065785 +924 196 4 886759657 +924 200 4 885458093 +924 202 4 886760020 +924 205 4 886327826 +924 211 3 885457891 +924 216 4 885458010 +924 228 4 886327826 +924 237 4 889286746 +924 258 3 884336994 +924 273 3 889286721 +924 275 4 889286721 +924 276 2 884371386 +924 277 3 889286765 +924 283 4 884371495 +924 285 4 884371386 +924 286 3 884337043 +924 288 3 886065748 +924 300 2 884337243 +924 313 4 886065805 +924 318 5 885458060 +924 322 2 884337164 +924 402 3 886759965 +924 408 3 889286721 +924 421 4 885458060 +924 427 4 885458010 +924 429 4 886760020 +924 433 5 885458168 +924 471 4 884371635 +924 480 3 885457891 +924 482 4 885457858 +924 496 5 886327689 +924 504 5 885458009 +924 511 5 885457827 +924 519 4 886759888 +924 523 5 885458121 +924 526 3 886327826 +924 527 4 885458009 +924 562 3 886759657 +924 605 3 885457975 +924 632 4 885458121 +924 701 4 885457922 +924 705 5 885457858 +924 742 3 886065661 +924 836 3 885457975 +924 849 3 886760052 +924 896 4 884337242 +924 923 5 886327748 +924 1011 3 886760052 +924 1036 2 886759690 +924 1149 3 888351470 +924 1400 4 886327641 +924 1478 4 886759691 +925 5 4 884718156 +925 56 3 884717963 +925 98 4 884717862 +925 185 4 884717963 +925 200 2 884717963 +925 217 2 884718100 +925 218 4 884717862 +925 219 3 884718099 +925 245 3 884633287 +925 260 3 884717669 +925 288 5 884633224 +925 299 3 884717478 +925 323 4 884633287 +925 324 4 884633348 +925 325 4 884633349 +925 327 3 884717790 +925 332 4 884717404 +925 333 3 884717790 +925 447 4 884717963 +925 558 1 884718099 +925 559 3 884717963 +925 561 3 884718100 +925 563 2 884718204 +925 567 3 884718156 +925 672 3 884718099 +925 678 3 884717790 +925 682 4 884717586 +925 773 1 884717862 +925 788 3 884718204 +925 816 3 884718156 +925 876 3 884717404 +925 948 2 884717790 +926 237 3 888351813 +926 245 3 888636270 +926 258 4 888636202 +926 262 3 888636082 +926 269 5 888636082 +926 272 5 888351623 +926 286 4 888636202 +926 288 3 888636202 +926 289 3 888636269 +926 292 3 888636202 +926 294 3 888636269 +926 300 3 888351623 +926 302 4 888351713 +926 303 3 888351713 +926 313 3 888351622 +926 315 4 888351623 +926 321 3 888636202 +926 322 2 888636270 +926 325 1 888636269 +926 340 4 888351623 +927 1 5 879191524 +927 7 3 879177298 +927 8 4 879183164 +927 11 5 879183303 +927 15 5 879177509 +927 24 3 879181042 +927 25 3 879177403 +927 28 4 879183511 +927 29 5 879194033 +927 38 5 879195783 +927 41 4 879195407 +927 56 4 879184534 +927 63 4 879197074 +927 64 5 879199250 +927 67 4 879190473 +927 69 4 879183164 +927 71 5 879190473 +927 72 5 879193848 +927 79 3 879184644 +927 82 2 879197269 +927 91 4 879196955 +927 94 2 879198972 +927 95 5 879184447 +927 96 5 879184761 +927 99 2 879195472 +927 105 1 879181879 +927 111 4 879177457 +927 118 5 879181042 +927 121 5 879199250 +927 125 4 879177298 +927 132 2 879194268 +927 138 4 879198655 +927 143 3 879196231 +927 154 3 879184534 +927 155 4 879193972 +927 158 2 879198608 +927 168 4 879193383 +927 174 3 879185327 +927 195 4 879183245 +927 204 4 879183511 +927 210 5 879194937 +927 217 1 879196955 +927 222 5 879177177 +927 227 2 879196283 +927 228 5 879184644 +927 229 3 879191722 +927 230 5 879199250 +927 237 4 879177508 +927 240 3 879177456 +927 255 4 879177027 +927 257 5 879177353 +927 274 1 879181133 +927 278 1 879181133 +927 288 5 879199250 +927 294 5 879199250 +927 300 5 879176156 +927 328 4 879176059 +927 367 5 879199250 +927 374 4 879195783 +927 380 5 879196283 +927 385 4 879193625 +927 393 5 879193732 +927 395 3 879193732 +927 401 2 879196762 +927 402 4 879192123 +927 403 4 879194335 +927 404 4 879197692 +927 405 5 879181451 +927 409 4 879176876 +927 410 1 879190223 +927 411 4 879182939 +927 412 1 879182833 +927 417 4 879184710 +927 420 5 879193437 +927 421 4 879194661 +927 422 4 879199110 +927 426 4 879191432 +927 449 4 879196230 +927 456 2 879182709 +927 471 4 879193906 +927 477 3 879176876 +927 501 4 879190422 +927 535 3 879181694 +927 541 5 879199250 +927 542 2 879193676 +927 552 4 879196283 +927 560 2 879191978 +927 568 5 879199250 +927 571 3 879196853 +927 588 5 879183683 +927 623 3 879199110 +927 625 3 879191360 +927 722 3 879197421 +927 738 3 879196762 +927 739 3 879191360 +927 742 5 879199250 +927 755 5 879192381 +927 756 4 879181259 +927 761 3 879198085 +927 763 4 879181749 +927 768 4 879195972 +927 775 3 879197949 +927 780 1 879195783 +927 815 3 879181259 +927 819 3 879181508 +927 820 4 879177403 +927 826 4 879181451 +927 866 4 879181621 +927 928 4 879183019 +927 1014 3 879176876 +927 1016 5 879199250 +927 1035 4 879199030 +927 1047 4 879181192 +927 1089 5 879177457 +927 1093 4 879177243 +927 1095 2 879182939 +927 1178 2 879192052 +927 1229 3 879197198 +927 1284 4 879181133 +927 1415 4 879196853 +928 8 5 880936905 +928 9 5 880937163 +928 48 5 880936817 +928 98 5 880936884 +928 114 5 880936742 +928 127 5 880936905 +928 134 5 880936742 +928 135 4 880936884 +928 165 5 880936863 +928 168 5 880936817 +928 172 5 880936769 +928 173 4 880936863 +928 176 3 880936817 +928 187 5 880936884 +928 191 5 880936863 +928 246 5 880937184 +928 266 5 880936022 +928 268 5 880935814 +928 269 5 880935738 +928 276 5 880937144 +928 288 3 880935738 +928 328 3 880937258 +928 333 3 880937258 +928 358 5 880936023 +928 487 5 880936769 +928 496 5 880936863 +928 749 5 880936022 +928 876 5 880936023 +928 877 5 880936022 +928 878 5 880936022 +928 1007 5 880937163 +928 1025 5 880936022 +929 1 3 878402162 +929 12 4 879640036 +929 22 5 879640394 +929 23 3 880817681 +929 28 4 879640084 +929 31 2 880817708 +929 32 3 880817818 +929 50 4 878402162 +929 56 4 880817844 +929 89 5 879640126 +929 98 5 879640394 +929 100 4 878402162 +929 127 5 878402162 +929 134 4 880817752 +929 135 5 880817818 +929 136 3 879640184 +929 144 3 879640394 +929 172 4 879640329 +929 174 3 879640329 +929 182 4 879640225 +929 185 5 879640184 +929 187 5 879640290 +929 188 4 880817728 +929 195 4 880817681 +929 197 3 880817780 +929 204 4 879640126 +929 205 4 879639969 +929 209 3 880817752 +929 271 2 880817603 +929 276 2 879640184 +929 284 2 878402162 +929 318 4 879640225 +929 419 4 880817844 +929 423 4 879640394 +929 429 4 879640225 +929 431 1 879640225 +929 433 2 880817753 +929 435 3 880817753 +929 474 4 879640126 +929 479 4 879640329 +929 480 3 879639969 +929 483 4 879640036 +929 484 3 879639969 +929 496 3 879640256 +929 515 5 878402162 +929 517 5 879640329 +929 521 5 879640184 +929 589 5 880817708 +929 654 3 879640290 +930 1 3 879534525 +930 8 3 879535713 +930 14 4 879535392 +930 16 1 879534925 +930 24 1 879535015 +930 45 4 879535492 +930 50 2 879534410 +930 64 4 879535641 +930 100 3 879534506 +930 106 4 879535392 +930 107 3 879535207 +930 113 5 879535573 +930 116 5 879535392 +930 117 3 879534803 +930 121 4 879535392 +930 126 5 879535392 +930 137 2 879535734 +930 143 2 879535462 +930 148 1 879534886 +930 151 2 879534724 +930 153 2 879535685 +930 165 5 879535609 +930 171 1 879535685 +930 174 3 879535513 +930 175 2 879535713 +930 176 3 879535663 +930 190 4 879535492 +930 210 2 879535713 +930 235 2 879535207 +930 237 3 879534587 +930 238 4 879535544 +930 240 1 879535207 +930 244 4 879535392 +930 245 3 879534165 +930 255 3 879534667 +930 257 4 879535392 +930 265 3 879535685 +930 269 4 879535392 +930 274 4 879534803 +930 275 4 879534550 +930 281 4 879535056 +930 282 4 879534667 +930 283 4 879535544 +930 286 3 879533975 +930 288 1 879534001 +930 300 4 879535392 +930 405 3 879534803 +930 410 3 879534973 +930 411 1 879535272 +930 455 1 879534692 +930 523 2 879535574 +930 535 4 879535392 +930 651 3 879535574 +930 690 3 879534335 +930 705 2 879535609 +930 709 4 879535663 +930 756 3 879535015 +930 763 3 879535102 +930 845 3 879534724 +930 871 3 879535138 +930 1010 2 879534692 +930 1048 2 879535160 +930 1315 3 879534692 +931 14 4 891036648 +931 50 3 891036715 +931 100 4 891036430 +931 111 3 891036648 +931 116 4 891036734 +931 121 2 891036604 +931 125 4 891036786 +931 126 4 891036463 +931 127 5 891037521 +931 137 3 891036552 +931 181 4 891036786 +931 220 3 891037046 +931 237 3 891036552 +931 245 4 891037024 +931 250 2 891036673 +931 252 3 891037070 +931 255 4 891036755 +931 257 4 891036530 +931 258 3 891036003 +931 269 3 891035876 +931 272 5 891037521 +931 275 5 891037521 +931 281 3 891036883 +931 283 4 891036604 +931 286 5 891037521 +931 290 2 891036883 +931 293 4 891036604 +931 297 4 891036673 +931 298 4 891036849 +931 300 5 891037521 +931 302 4 891035876 +931 303 4 891035917 +931 304 4 891036105 +931 306 4 891036026 +931 310 3 891035876 +931 312 4 891036105 +931 313 4 891035876 +931 315 5 891037577 +931 316 5 891037521 +931 333 5 891037521 +931 344 4 891035917 +931 347 4 891035946 +931 355 2 891036148 +931 362 3 891035970 +931 459 4 891036506 +931 471 3 891036506 +931 476 3 891036974 +931 508 4 891036696 +931 515 5 891036506 +931 546 3 891036849 +931 678 3 891036247 +931 685 4 891036902 +931 690 4 891036003 +931 744 4 891036463 +931 750 5 891037521 +931 845 3 891036883 +931 896 3 891036080 +931 900 4 891035917 +931 909 5 891037521 +931 1022 1 891036003 +931 1152 4 891037177 +932 1 4 891249932 +932 7 4 891250109 +932 9 5 891249649 +932 14 4 891248856 +932 30 4 891249196 +932 38 2 891251696 +932 45 5 891249063 +932 47 4 891250142 +932 54 4 891251038 +932 55 3 891249994 +932 56 4 891250584 +932 64 2 891250059 +932 67 2 891251611 +932 70 4 891249171 +932 77 2 891251869 +932 82 3 891251246 +932 86 4 891249146 +932 89 5 891249586 +932 96 4 891250060 +932 98 5 891249586 +932 99 4 891250236 +932 100 5 891249586 +932 101 3 891251225 +932 105 2 891252338 +932 109 2 891251891 +932 114 5 891249903 +932 119 5 891249586 +932 121 3 891251669 +932 131 4 891250525 +932 133 4 891249675 +932 134 4 891250169 +932 135 5 891249538 +932 136 5 891249736 +932 141 4 891250363 +932 144 3 891249710 +932 148 2 891252140 +932 151 3 891251225 +932 153 4 891251063 +932 154 5 891249994 +932 155 3 891251869 +932 157 4 891250667 +932 161 3 891251507 +932 162 4 891250704 +932 163 4 891251246 +932 165 4 891248996 +932 167 4 891251647 +932 168 5 891250746 +932 169 5 891249649 +932 170 4 891248967 +932 172 5 891250472 +932 173 3 891250337 +932 174 4 891250017 +932 175 4 891250449 +932 176 5 891250449 +932 177 4 891250609 +932 178 5 891249821 +932 179 5 891249239 +932 180 4 891251014 +932 183 4 891249877 +932 185 4 891250392 +932 188 3 891250142 +932 189 5 891250449 +932 191 4 891249620 +932 193 3 891250142 +932 194 5 891250472 +932 195 4 891250643 +932 196 4 891251038 +932 197 5 891249649 +932 198 4 891249109 +932 199 5 891249538 +932 203 4 891250584 +932 204 4 891250667 +932 205 5 891250211 +932 208 5 891249794 +932 209 5 891250258 +932 210 4 891250793 +932 211 5 891249710 +932 212 4 891249109 +932 213 3 891249038 +932 218 3 891250915 +932 222 4 891251485 +932 225 2 891251985 +932 226 3 891251292 +932 228 4 891251442 +932 229 4 891251063 +932 230 4 891251153 +932 234 3 891250060 +932 235 2 891250770 +932 238 3 891250609 +932 274 5 891250704 +932 285 4 891250392 +932 357 5 891280138 +932 379 2 891251798 +932 380 4 891250498 +932 385 2 891251331 +932 389 3 891251331 +932 399 4 891251798 +932 405 4 891251177 +932 414 4 891251959 +932 416 3 891250498 +932 427 4 891249709 +932 428 4 891251105 +932 429 5 891249675 +932 430 4 891249849 +932 431 3 891250944 +932 432 4 891250109 +932 434 5 891251015 +932 435 4 891249821 +932 436 3 891251225 +932 441 2 891252504 +932 443 4 891250059 +932 447 3 891250944 +932 448 2 891251588 +932 459 4 891250944 +932 462 4 891249038 +932 470 3 891251331 +932 474 5 891250418 +932 475 4 891248856 +932 478 4 891249962 +932 479 5 891249794 +932 480 5 891250746 +932 481 4 891249877 +932 482 5 891250211 +932 483 5 891249962 +932 484 5 891249586 +932 486 5 891251177 +932 487 3 891250558 +932 488 5 891250282 +932 489 4 891249710 +932 490 4 891250891 +932 491 5 891249621 +932 493 5 891249767 +932 494 4 891250060 +932 495 5 891251105 +932 496 4 891250169 +932 497 5 891249933 +932 498 5 891250363 +932 502 4 891249710 +932 503 4 891249962 +932 504 4 891250236 +932 506 4 891249710 +932 507 5 891249675 +932 509 3 891248893 +932 510 4 891249146 +932 511 5 891250282 +932 513 5 891250316 +932 514 5 891249932 +932 515 4 891249373 +932 516 5 891249877 +932 517 5 891250643 +932 519 4 891249710 +932 520 4 891249794 +932 521 5 891249994 +932 523 4 891250080 +932 524 5 891249675 +932 525 5 891250418 +932 526 5 891250746 +932 527 4 891249710 +932 528 5 891249962 +932 529 4 891251153 +932 530 4 891249903 +932 541 1 891251421 +932 550 2 891251331 +932 560 2 891252198 +932 562 2 891251611 +932 566 4 891251463 +932 570 4 891251178 +932 576 2 891252198 +932 589 5 891250609 +932 600 2 891252412 +932 603 5 891249877 +932 606 4 891250169 +932 607 4 891249621 +932 611 5 891250418 +932 612 5 891249620 +932 613 4 891250363 +932 614 4 891280138 +932 615 5 891249621 +932 616 5 891251153 +932 617 4 891251588 +932 632 4 891249649 +932 636 3 891251063 +932 639 5 891249171 +932 640 2 891249239 +932 646 4 891250498 +932 647 5 891250987 +932 648 5 891249903 +932 649 4 891251199 +932 650 5 891250498 +932 652 3 891248893 +932 654 5 891249877 +932 657 5 891249767 +932 659 5 891250770 +932 661 5 891250109 +932 663 4 891251506 +932 665 2 891252058 +932 671 3 891250915 +932 675 4 891249538 +932 676 4 891251738 +932 679 2 891251538 +932 705 4 891250017 +932 708 4 891251647 +932 709 4 891251395 +932 736 3 891249261 +932 745 5 891250584 +932 755 2 891251822 +932 778 4 891251272 +932 805 4 891250236 +932 811 4 891250392 +932 836 5 891250142 +932 841 2 891250317 +932 855 5 891249109 +932 863 4 891249063 +932 890 1 891248778 +932 967 4 891251331 +932 968 4 891250816 +932 1020 5 891249621 +932 1021 4 891249146 +932 1030 2 891252338 +932 1035 4 891251869 +932 1050 4 891251015 +932 1065 5 891251538 +932 1116 4 891250943 +932 1121 5 891249261 +932 1126 5 891250862 +932 1139 2 891251562 +932 1149 4 891249767 +932 1184 3 891250169 +932 1204 5 891249821 +932 1205 5 891250643 +932 1266 4 891248937 +932 1305 2 891252260 +932 1397 4 891250793 +932 1411 4 891251647 +932 1449 5 891248937 +932 1451 5 891249675 +932 1454 4 891251985 +932 1456 4 891250891 +932 1512 5 891249038 +932 1558 5 891248996 +932 1573 4 891249239 +933 1 3 874854294 +933 4 3 874854383 +933 7 4 874854190 +933 9 3 874854402 +933 11 4 874853899 +933 12 4 874854135 +933 21 1 874854383 +933 22 5 874853634 +933 25 2 874854589 +933 28 4 874853977 +933 38 2 874939185 +933 39 3 874854100 +933 42 1 874853635 +933 50 4 874854383 +933 52 3 874854161 +933 53 1 874855104 +933 56 5 874853688 +933 58 3 874855121 +933 62 1 874854994 +933 63 2 874938563 +933 64 5 874853605 +933 67 1 874938430 +933 69 4 874854009 +933 70 2 874855020 +933 72 3 874938538 +933 73 4 874854629 +933 79 3 874853819 +933 80 2 874938689 +933 82 3 874939130 +933 87 4 874854723 +933 88 3 874854696 +933 89 4 874853957 +933 94 1 874938475 +933 95 3 874853666 +933 96 2 874855020 +933 97 2 874854161 +933 98 5 874853734 +933 100 5 874853927 +933 105 2 874938475 +933 110 1 874938664 +933 117 2 874939157 +933 121 3 874855138 +933 125 4 874854251 +933 127 5 874853898 +933 132 3 874853605 +933 135 4 874854444 +933 144 4 874854932 +933 151 4 874853977 +933 153 3 874853779 +933 154 2 874938389 +933 156 4 874854135 +933 157 4 874854932 +933 159 3 874854190 +933 160 3 874853755 +933 161 2 874939105 +933 163 2 874938309 +933 164 2 874854461 +933 166 3 874854062 +933 167 2 874938491 +933 168 3 874853869 +933 172 2 874939031 +933 173 3 874855020 +933 174 4 874854745 +933 175 4 874854444 +933 176 3 874854315 +933 177 4 874854994 +933 179 5 874854135 +933 180 5 874854723 +933 181 2 874854100 +933 182 4 874854853 +933 183 4 874853819 +933 184 1 874938850 +933 186 4 874938563 +933 187 4 874854294 +933 193 4 874853927 +933 194 4 874854135 +933 195 4 874854589 +933 196 4 874854932 +933 200 4 874854783 +933 202 2 874854745 +933 204 3 874854723 +933 209 2 874854678 +933 210 3 874853734 +933 211 4 874854251 +933 214 3 874853666 +933 215 3 874854031 +933 216 3 874938239 +933 218 3 874854678 +933 219 1 874854217 +933 222 1 874854783 +933 226 2 874854874 +933 227 1 874939078 +933 228 4 874854217 +933 229 1 874939078 +933 230 3 874854338 +933 231 1 874939031 +933 232 1 874938354 +933 233 2 874939008 +933 234 3 874853957 +933 238 2 874853819 +933 239 3 874938412 +933 241 2 874855069 +933 265 4 874854697 +933 273 3 874855069 +933 282 3 874855104 +933 284 2 874854294 +933 317 4 874853779 +933 318 4 874853605 +933 357 4 874853635 +933 367 4 874854190 +933 384 1 874938475 +933 385 3 874939207 +933 388 1 874938620 +933 391 1 874939230 +933 392 3 874854652 +933 393 2 874938371 +933 399 3 874939157 +933 403 3 874939105 +933 405 3 874939157 +933 410 3 874854383 +933 411 2 874938689 +933 424 1 874938833 +933 433 1 874854251 +933 435 4 874854251 +933 441 2 874938833 +933 447 2 874854678 +933 449 1 874939207 +933 451 1 874938507 +933 452 1 874938808 +933 453 1 874938833 +933 467 3 874854479 +933 470 4 874854611 +933 471 3 874854611 +933 474 5 874853734 +933 475 2 874853605 +933 476 2 874854953 +933 483 4 874854424 +933 508 3 874853927 +933 515 3 874854062 +933 523 4 874853957 +933 546 2 874939105 +933 550 1 874939185 +933 559 2 874938808 +933 561 3 874938808 +933 568 2 874939207 +933 569 1 874938850 +933 575 1 874938620 +933 576 1 874939185 +933 577 1 874938705 +933 578 1 874939230 +933 583 3 874854217 +933 585 1 874938728 +933 597 1 874939230 +933 627 2 874854874 +933 636 2 874939105 +933 651 3 874854081 +933 652 3 874854424 +933 654 4 874854338 +933 665 1 874938878 +933 679 1 874939078 +933 710 2 874938309 +933 732 3 874854651 +933 734 2 874938644 +933 735 3 874853846 +933 746 4 874854762 +933 763 3 874938644 +933 765 1 874938644 +933 789 4 874853957 +933 823 2 874854813 +933 834 1 874938878 +933 840 3 874939230 +933 866 2 874938620 +933 934 1 874938412 +933 940 1 874938664 +933 959 1 874938430 +933 1017 3 874854953 +933 1028 2 874938620 +933 1037 1 874938620 +933 1070 2 874854031 +933 1110 3 874938728 +933 1183 3 874938596 +933 1188 1 874938474 +933 1228 1 874939247 +933 1246 1 874938728 +934 1 2 891225958 +934 2 4 891192087 +934 4 5 891195713 +934 13 5 891189566 +934 25 4 891195233 +934 50 5 891189363 +934 56 5 891191922 +934 65 4 891192914 +934 66 4 891193187 +934 67 4 891193373 +934 69 5 891193013 +934 70 4 891195713 +934 72 3 891195982 +934 82 4 891194221 +934 83 4 891191831 +934 86 3 891191831 +934 88 4 891194866 +934 89 5 891191157 +934 94 4 891196117 +934 96 4 891191157 +934 97 4 891192329 +934 99 3 891194379 +934 100 4 891189511 +934 121 3 891189819 +934 131 4 891191778 +934 132 4 891190609 +934 134 4 891191157 +934 135 4 891191659 +934 144 4 891192087 +934 145 3 891196610 +934 151 3 891189401 +934 152 4 891194303 +934 153 5 891225716 +934 154 3 891191401 +934 156 3 891190813 +934 157 2 891194498 +934 161 4 891193290 +934 162 3 891191546 +934 163 4 891193331 +934 168 4 891191875 +934 170 4 891190744 +934 172 5 891191206 +934 173 3 891192965 +934 174 5 891191511 +934 175 4 891190854 +934 177 3 891192623 +934 179 2 891191600 +934 181 4 891189275 +934 183 2 891190903 +934 186 2 891190854 +934 190 4 891191660 +934 191 5 891190695 +934 193 4 891192236 +934 195 4 891191600 +934 196 5 891191108 +934 197 5 891192041 +934 199 4 891191778 +934 202 5 891193132 +934 204 4 891192444 +934 208 5 891191258 +934 209 1 891190695 +934 210 4 891191206 +934 211 4 891194661 +934 212 4 891194802 +934 213 4 891190744 +934 216 1 891191511 +934 223 5 891191659 +934 225 2 891197375 +934 226 4 891191831 +934 228 4 891193778 +934 229 4 891194539 +934 234 2 891191875 +934 237 4 891189879 +934 239 4 891194802 +934 254 4 891190478 +934 257 4 891189598 +934 269 2 891188367 +934 286 4 891188367 +934 297 5 891189969 +934 302 4 891188367 +934 303 4 891188441 +934 313 3 891188441 +934 315 4 891188403 +934 316 4 891188727 +934 384 4 891195573 +934 388 3 891197678 +934 389 3 891195811 +934 393 2 891193013 +934 403 4 891195537 +934 405 5 891189819 +934 411 3 891190377 +934 414 5 891191027 +934 419 4 891192849 +934 420 4 891191469 +934 423 3 891191660 +934 427 4 891191027 +934 428 4 891195503 +934 432 5 891191976 +934 435 4 891191365 +934 436 3 891196610 +934 449 4 891194900 +934 451 4 891192562 +934 461 4 891191660 +934 462 4 891191511 +934 474 4 891191976 +934 481 4 891191402 +934 483 3 891190609 +934 488 5 891192197 +934 492 4 891192087 +934 495 4 891195604 +934 498 3 891191511 +934 501 4 891196464 +934 502 4 891194539 +934 506 4 891193331 +934 507 4 891192145 +934 510 5 891193751 +934 514 5 891191546 +934 516 3 891191334 +934 526 2 891192197 +934 527 3 891191334 +934 529 5 891194866 +934 533 3 891189640 +934 550 4 891193097 +934 554 4 891194462 +934 573 2 891197530 +934 581 2 891193814 +934 584 4 891196384 +934 602 3 891195063 +934 605 4 891195288 +934 614 3 891191334 +934 617 4 891191778 +934 624 4 891193290 +934 629 4 891191334 +934 630 4 891192285 +934 648 3 891190695 +934 650 4 891195503 +934 657 3 891191027 +934 660 5 891194836 +934 661 4 891190960 +934 663 5 891192849 +934 664 4 891193331 +934 674 4 891193814 +934 675 4 891192285 +934 703 4 891195437 +934 705 4 891191778 +934 708 3 891192329 +934 709 3 891196314 +934 712 4 891196564 +934 732 5 891194089 +934 755 4 891196610 +934 771 3 891196950 +934 786 1 891194089 +934 792 3 891193132 +934 794 4 891192849 +934 805 4 891194221 +934 811 4 891192145 +934 818 1 891190288 +934 855 4 891192849 +934 902 4 891188580 +934 949 3 891197678 +934 961 4 891193854 +934 963 5 891192914 +934 965 4 891192914 +934 972 3 891225716 +934 1018 4 891192849 +934 1037 1 891197344 +934 1065 2 891191108 +934 1135 3 891196117 +934 1203 5 891193013 +934 1285 3 891196516 +934 1311 1 891195713 +934 1411 4 891195437 +934 1425 1 891197851 +934 1449 5 891191976 +935 1 3 884472064 +935 9 1 884472352 +935 15 5 884472177 +935 100 3 884472110 +935 117 4 884472229 +935 118 4 884472704 +935 120 3 884472942 +935 121 4 884472434 +935 125 4 884472575 +935 127 4 884472086 +935 148 4 884472892 +935 181 4 884472039 +935 237 5 884472159 +935 255 4 884472247 +935 257 2 884472110 +935 274 5 884472352 +935 281 5 884472310 +935 282 4 884472539 +935 283 4 884472136 +935 284 4 884472673 +935 286 5 884471835 +935 300 4 884471955 +935 313 5 884471835 +935 405 4 884472704 +935 471 4 884472352 +935 476 4 884472465 +935 546 4 884472743 +935 597 4 884472576 +935 620 2 884472627 +935 685 4 884472310 +935 717 4 884472872 +935 742 5 884472266 +935 815 4 884472576 +935 846 4 884472999 +935 864 5 884472704 +935 924 4 884472392 +935 934 4 884472743 +935 1016 4 884472434 +935 1048 3 884472465 +936 1 4 886832453 +936 3 4 886833148 +936 6 5 886832636 +936 7 4 886832221 +936 9 4 886832373 +936 13 4 886832596 +936 14 4 886832373 +936 16 4 886832596 +936 19 5 886832092 +936 20 5 886833795 +936 24 4 886832904 +936 25 4 886833231 +936 50 4 886832282 +936 93 5 886833795 +936 100 4 886832092 +936 106 3 886833148 +936 108 4 886832758 +936 111 4 886832597 +936 116 4 886832636 +936 117 4 886832713 +936 118 3 886833516 +936 121 4 886832544 +936 124 4 886832282 +936 125 4 886832757 +936 127 5 886833795 +936 129 4 886832134 +936 137 4 886832544 +936 181 4 886832596 +936 221 4 886832373 +936 235 3 886833099 +936 236 5 886832183 +936 237 4 886832672 +936 243 2 886831820 +936 244 4 886833099 +936 246 4 886832282 +936 248 4 886833006 +936 249 5 886832808 +936 250 5 886832337 +936 251 4 886832134 +936 252 2 886833099 +936 253 5 886832454 +936 255 5 886833795 +936 257 3 886832808 +936 258 3 886831374 +936 259 3 886831709 +936 268 4 886831415 +936 269 4 886831415 +936 272 4 886831374 +936 273 3 886832453 +936 274 3 886832858 +936 275 4 886832134 +936 276 5 886832282 +936 281 4 886832903 +936 282 2 886832714 +936 285 4 886832221 +936 286 5 886833794 +936 287 4 886832419 +936 289 5 886831769 +936 294 3 886831679 +936 295 3 886832502 +936 298 4 886832134 +936 300 3 886831501 +936 301 3 886831637 +936 312 3 886831853 +936 313 4 886831374 +936 319 4 886831576 +936 321 3 886831769 +936 323 3 886831820 +936 324 5 886831576 +936 325 5 886831709 +936 327 4 886831445 +936 333 3 886831415 +936 340 4 886831535 +936 343 3 886831576 +936 346 4 886831445 +936 358 4 886831820 +936 405 2 886833053 +936 410 3 886833099 +936 455 3 886833148 +936 475 5 886832282 +936 476 4 886832544 +936 508 3 886832282 +936 535 2 886833052 +936 547 5 886833795 +936 591 4 886832373 +936 628 1 886832758 +936 678 3 886831820 +936 696 2 886833191 +936 717 2 886833325 +936 741 4 886832808 +936 748 2 886831738 +936 756 4 886833052 +936 766 3 886832597 +936 813 5 886832222 +936 815 3 886833571 +936 818 4 886832903 +936 825 4 886832502 +936 827 2 886833191 +936 845 4 886833006 +936 864 4 886833360 +936 866 2 886833099 +936 898 1 886831535 +936 904 5 886831415 +936 919 5 886832808 +936 926 4 886833191 +936 927 4 886833052 +936 928 3 886832502 +936 952 4 886832966 +936 975 3 886832714 +936 988 3 886831912 +936 995 3 886831637 +936 1007 5 886833795 +936 1008 5 886833098 +936 1009 4 886833231 +936 1011 4 886832757 +936 1014 3 886833571 +936 1016 3 886832966 +936 1023 2 886833661 +936 1068 4 886832904 +936 1079 1 886832714 +936 1086 3 886832134 +936 1097 5 886833795 +936 1115 4 886832859 +936 1129 5 886833795 +936 1160 5 886833795 +936 1163 5 886833099 +936 1171 5 886832757 +936 1190 3 886833707 +936 1199 4 886833148 +936 1202 4 886832221 +936 1226 3 886833148 +936 1241 4 886832808 +936 1258 2 886833281 +936 1279 3 886833360 +936 1315 3 886833191 +936 1323 4 886833281 +936 1335 4 886833325 +936 1344 5 886832183 +936 1368 5 886832337 +936 1370 4 886833571 +936 1375 5 886832596 +936 1377 5 886832183 +937 9 5 876769373 +937 14 4 876769080 +937 19 1 876769436 +937 50 5 876769374 +937 93 4 876780336 +937 100 3 876769080 +937 116 4 876769080 +937 124 4 876769212 +937 126 4 876769374 +937 137 3 876769480 +937 222 3 876769530 +937 224 4 876769480 +937 225 2 876769436 +937 236 4 876769373 +937 237 4 876769530 +937 242 3 876762200 +937 255 3 876769323 +937 258 4 876762200 +937 268 1 876762200 +937 275 4 876769323 +937 283 4 876769212 +937 285 4 876769436 +937 286 4 876762200 +937 293 4 876769530 +937 294 1 876769480 +937 295 4 876780336 +937 297 4 876769436 +937 300 4 876768813 +937 301 1 876768812 +937 303 4 876762200 +937 304 4 876768813 +937 326 1 876768813 +937 408 5 876769323 +937 508 1 876780336 +937 515 5 876769253 +937 847 4 876769213 +937 864 3 876769530 +937 874 3 876768956 +937 988 2 876768983 +937 1007 4 876769373 +938 1 4 891356314 +938 7 4 891356679 +938 9 3 891356413 +938 15 2 891356615 +938 25 4 891356532 +938 50 5 891356314 +938 100 5 891356350 +938 105 1 891357137 +938 106 5 891357019 +938 111 5 891356742 +938 117 3 891356350 +938 118 5 891356799 +938 121 5 891356895 +938 122 1 891357190 +938 125 3 891356742 +938 126 4 891356656 +938 127 5 891356446 +938 148 3 891356500 +938 151 4 891356679 +938 181 5 891356390 +938 220 4 891357085 +938 222 5 891356479 +938 225 4 891357161 +938 235 1 891357137 +938 237 2 891356549 +938 240 2 891356847 +938 243 4 891356085 +938 245 3 891356282 +938 248 1 891356390 +938 250 3 891356532 +938 252 4 891357042 +938 255 1 891356329 +938 257 5 891356350 +938 258 5 891353196 +938 259 2 891356282 +938 260 4 891355996 +938 273 5 891356532 +938 275 4 891356350 +938 276 3 891356572 +938 281 2 891356594 +938 284 2 891356827 +938 286 3 891356282 +938 288 5 891354203 +938 289 1 891356282 +938 290 3 891356679 +938 291 4 891356594 +938 293 3 891356501 +938 298 4 891356573 +938 300 3 891350008 +938 313 5 891349471 +938 323 3 891356282 +938 328 2 891356282 +938 333 4 891356146 +938 343 4 891356062 +938 358 4 891355972 +938 370 5 891357137 +938 405 3 891356847 +938 406 3 891357060 +938 410 1 891356780 +938 411 3 891357042 +938 456 1 891357161 +938 458 4 891356780 +938 471 3 891356413 +938 472 4 891356656 +938 473 3 891357106 +938 476 4 891357137 +938 477 1 891356702 +938 508 4 891356367 +938 546 3 891356532 +938 591 3 891356463 +938 595 2 891357042 +938 596 5 891356532 +938 597 3 891356679 +938 676 3 891356428 +938 678 3 891356282 +938 685 3 891356894 +938 717 2 891357060 +938 742 3 891356702 +938 748 2 891356282 +938 756 3 891357019 +938 762 4 891356780 +938 763 4 891356656 +938 815 3 891356532 +938 823 4 891357019 +938 829 1 891357085 +938 840 2 891357190 +938 841 3 891357190 +938 845 1 891356780 +938 864 4 891356827 +938 866 5 891356991 +938 871 2 891356549 +938 873 3 891356085 +938 926 3 891357137 +938 928 5 891356656 +938 929 2 891356966 +938 988 3 891356282 +938 993 5 891356413 +938 1012 5 891356500 +938 1013 2 891357042 +938 1014 4 891356632 +938 1016 3 891356799 +938 1028 5 891356679 +938 1033 2 891357137 +938 1047 3 891357107 +938 1061 4 891357085 +938 1152 3 891357106 +938 1254 1 891357019 +938 1283 3 891357190 +939 9 5 880260745 +939 15 5 880261094 +939 106 3 880262019 +939 118 5 880261450 +939 121 5 880261373 +939 127 5 880260745 +939 220 5 880261658 +939 222 5 880260956 +939 237 5 880261056 +939 252 3 880261185 +939 254 3 880262319 +939 255 5 880261094 +939 257 5 880260805 +939 258 4 880260692 +939 266 2 880260636 +939 274 5 880261334 +939 275 4 880260852 +939 280 5 880261291 +939 283 5 880261291 +939 285 5 880261184 +939 298 5 880261184 +939 326 5 880260636 +939 405 4 880261450 +939 409 4 880261532 +939 411 4 880261917 +939 424 3 880262019 +939 471 5 880261254 +939 476 5 880261974 +939 508 5 880261141 +939 546 4 880261610 +939 591 5 880260994 +939 597 4 880261610 +939 680 2 880260636 +939 689 5 880260636 +939 717 4 880261784 +939 742 5 880260915 +939 756 5 880261532 +939 818 3 880262057 +939 841 4 880261868 +939 890 2 880260636 +939 931 2 880262196 +939 934 3 880262139 +939 993 4 880260853 +939 1023 4 880262057 +939 1028 5 880261868 +939 1051 5 880262090 +939 1054 4 880261868 +939 1190 5 880260883 +939 1277 5 880261945 +940 4 2 885922040 +940 7 4 885921597 +940 8 5 885921577 +940 9 3 885921687 +940 12 4 885921979 +940 14 3 885921710 +940 47 3 885921758 +940 50 4 885921542 +940 56 5 885921577 +940 66 4 885922016 +940 69 2 885921265 +940 70 3 885921500 +940 82 4 885922040 +940 89 4 885921828 +940 95 5 885921800 +940 96 5 885921265 +940 98 4 885921421 +940 100 3 885921471 +940 116 2 885921741 +940 137 3 885921758 +940 147 4 885921893 +940 150 3 885921422 +940 151 3 885921800 +940 153 2 885921953 +940 161 3 885921870 +940 164 2 885921915 +940 168 3 885921597 +940 170 4 885921401 +940 171 2 885921401 +940 172 4 885921451 +940 173 4 885921400 +940 174 4 885921310 +940 176 4 885921979 +940 181 3 885921310 +940 183 3 885921422 +940 191 4 885921710 +940 193 3 885921893 +940 194 5 885921953 +940 200 3 885922016 +940 204 4 885922015 +940 205 3 885921243 +940 209 4 885921800 +940 213 4 885921597 +940 215 2 885921451 +940 216 4 885921310 +940 238 4 885921628 +940 258 5 884801316 +940 259 4 884801316 +940 264 1 884801053 +940 269 4 884801316 +940 271 2 884801053 +940 272 4 884801316 +940 285 4 885921846 +940 286 3 884800898 +940 289 3 884801144 +940 294 4 884801316 +940 300 5 884801316 +940 301 3 884800988 +940 302 4 884801316 +940 310 3 884800966 +940 313 5 884801316 +940 315 4 884801125 +940 316 4 889480582 +940 317 4 885921577 +940 319 2 884800944 +940 321 4 884801316 +940 343 2 884801246 +940 347 3 884801024 +940 354 5 889480493 +940 355 1 889480552 +940 357 4 885921219 +940 358 1 884801227 +940 382 3 885921953 +940 420 4 885921979 +940 427 5 885921451 +940 430 4 885921542 +940 436 4 885921542 +940 471 4 885921628 +940 474 3 885921687 +940 482 5 885921198 +940 508 5 885921198 +940 516 4 885921401 +940 521 4 885921915 +940 527 3 885921710 +940 529 3 885921669 +940 549 2 885921915 +940 568 3 885921870 +940 610 1 885921953 +940 628 4 885921800 +940 629 3 885921800 +940 651 4 885921243 +940 655 4 885921775 +940 657 4 885921471 +940 678 4 884801316 +940 683 3 884800988 +940 692 4 885921651 +940 708 3 885921953 +940 709 5 885921451 +940 746 3 885921669 +940 751 3 884801227 +940 792 2 885921892 +940 855 5 885921980 +940 873 3 889480440 +940 879 3 889480535 +940 1137 3 885921577 +940 1167 4 885921198 +940 1401 1 885921371 +941 1 5 875049144 +941 7 4 875048952 +941 15 4 875049144 +941 117 5 875048886 +941 124 5 875048996 +941 147 4 875049077 +941 181 5 875048887 +941 222 2 875049038 +941 257 4 875048952 +941 258 4 875048495 +941 273 3 875049038 +941 294 4 875048532 +941 298 5 875048887 +941 300 4 875048495 +941 358 2 875048581 +941 408 5 875048886 +941 455 4 875049038 +941 475 4 875049038 +941 763 3 875048996 +941 919 5 875048887 +941 993 4 875048996 +941 1007 4 875049077 +942 31 5 891283517 +942 50 5 891282816 +942 71 5 891282840 +942 79 5 891282903 +942 95 5 891283516 +942 97 5 891283239 +942 99 5 891282880 +942 117 4 891282816 +942 124 4 891283068 +942 131 5 891283094 +942 135 3 891283017 +942 172 5 891282963 +942 174 5 891283209 +942 183 3 891283184 +942 193 5 891283043 +942 197 5 891283043 +942 200 4 891282840 +942 210 4 891283184 +942 215 5 891283117 +942 216 4 891282963 +942 234 4 891283161 +942 258 4 891282438 +942 259 4 891282673 +942 261 4 891282673 +942 265 5 891282880 +942 269 2 891282396 +942 272 5 891282420 +942 282 5 891282816 +942 300 5 891282564 +942 303 4 891282477 +942 304 5 891282457 +942 310 4 891282396 +942 313 3 891282396 +942 315 4 891282355 +942 316 4 891282618 +942 318 5 891282903 +942 322 3 891282539 +942 323 3 891282644 +942 328 3 891282503 +942 347 5 891282396 +942 357 4 891283239 +942 362 3 891282420 +942 414 4 891282857 +942 423 5 891283095 +942 427 5 891283017 +942 435 5 891282931 +942 478 5 891283017 +942 479 4 891283118 +942 480 5 891282985 +942 484 5 891282963 +942 487 4 891282985 +942 496 5 891283043 +942 498 5 891282931 +942 500 5 891282816 +942 511 4 891282931 +942 514 4 891283069 +942 520 5 891282963 +942 528 5 891282840 +942 539 3 891282673 +942 584 4 891283239 +942 604 4 891283139 +942 607 5 891282931 +942 615 3 891283017 +942 659 5 891283161 +942 661 4 891283139 +942 662 4 891283517 +942 678 3 891282673 +942 689 3 891282644 +942 705 4 891283095 +942 750 4 891282355 +942 878 4 891282702 +942 879 4 891282539 +942 892 3 891282644 +942 945 5 891283239 +942 969 4 891282817 +942 1028 4 891283209 +942 1050 5 891283043 +942 1204 4 891283209 +942 1221 4 891282783 +943 2 5 888639953 +943 9 3 875501960 +943 11 4 888639000 +943 12 5 888639093 +943 22 4 888639042 +943 23 4 888638897 +943 24 4 875502074 +943 27 4 888639954 +943 28 4 875409978 +943 31 4 888639066 +943 38 3 888640208 +943 41 4 888640251 +943 42 5 888639042 +943 50 4 875501835 +943 51 1 888640088 +943 53 3 888640067 +943 54 4 888639972 +943 55 5 888639118 +943 56 5 888639269 +943 58 4 888639118 +943 62 3 888640003 +943 64 5 875409939 +943 67 4 888640143 +943 68 4 888639500 +943 69 5 888639427 +943 72 2 888639814 +943 73 3 888639598 +943 76 4 888639523 +943 79 5 888639019 +943 80 2 888640048 +943 92 5 888639660 +943 94 4 888639929 +943 96 4 888638920 +943 97 2 888639445 +943 98 5 888638980 +943 100 5 875501725 +943 111 4 875502192 +943 117 4 875501937 +943 121 3 875502096 +943 122 1 875502576 +943 124 3 875501995 +943 127 5 875501774 +943 132 3 888639093 +943 139 1 888640027 +943 151 4 888692699 +943 161 4 888639772 +943 168 2 888638897 +943 172 4 888638940 +943 173 5 888638960 +943 174 4 875410099 +943 181 4 875409978 +943 182 5 888639066 +943 184 5 888639247 +943 185 2 888639370 +943 186 5 888639478 +943 187 5 888639147 +943 188 4 888639269 +943 193 4 888639093 +943 194 5 888639192 +943 195 4 888639407 +943 196 5 888639192 +943 200 4 888639388 +943 201 5 888639351 +943 202 2 888639170 +943 204 3 888639117 +943 205 5 888639478 +943 210 4 888639147 +943 215 5 888639000 +943 216 4 888639327 +943 217 3 888640067 +943 218 4 888639929 +943 219 4 888639575 +943 226 4 888639660 +943 227 1 888693158 +943 228 3 888693158 +943 229 2 888693158 +943 230 1 888693158 +943 231 2 888640186 +943 232 4 888639867 +943 233 5 888639327 +943 234 3 888693184 +943 237 4 888692413 +943 239 5 888639867 +943 274 3 875502074 +943 281 4 875502299 +943 282 5 875502230 +943 284 2 875502192 +943 318 3 888639093 +943 356 4 888639598 +943 367 4 888639679 +943 373 3 888640275 +943 385 4 888639308 +943 386 1 888640186 +943 391 2 888640291 +943 393 2 888639638 +943 399 1 888639886 +943 401 1 888639867 +943 402 2 888639702 +943 403 4 888639746 +943 405 4 875502042 +943 406 3 875502597 +943 412 2 875501856 +943 415 1 888640027 +943 419 2 888638920 +943 421 2 888639351 +943 423 3 888639231 +943 426 4 888640027 +943 427 4 888639147 +943 431 4 888639724 +943 443 2 888639746 +943 449 1 888693158 +943 450 1 888693158 +943 468 2 888639575 +943 470 4 888639814 +943 471 5 875502042 +943 475 5 875501889 +943 485 5 888639523 +943 508 5 875501795 +943 526 4 888639523 +943 541 4 888639954 +943 546 4 875502229 +943 549 1 888639772 +943 559 4 888639638 +943 566 4 888639886 +943 568 3 888639042 +943 569 2 888640186 +943 570 1 888640125 +943 576 4 888640106 +943 581 4 888639814 +943 585 1 888640250 +943 595 2 875502597 +943 609 2 888639702 +943 614 5 888639351 +943 625 3 888639427 +943 655 4 888639269 +943 672 5 888640125 +943 685 4 875502042 +943 717 4 875502116 +943 720 1 888640048 +943 721 5 888639660 +943 722 3 888640208 +943 724 1 888639478 +943 732 4 888639789 +943 739 4 888639929 +943 756 2 875502146 +943 763 4 875501813 +943 765 3 888640227 +943 785 2 888640088 +943 794 3 888640143 +943 796 3 888640311 +943 808 4 888639868 +943 816 4 888640186 +943 824 4 875502483 +943 825 3 875502283 +943 831 2 875502283 +943 840 4 888693104 +943 928 5 875502074 +943 941 1 888639725 +943 943 5 888639614 +943 1011 2 875502560 +943 1028 2 875502096 +943 1044 3 888639903 +943 1047 2 875502146 +943 1067 2 875501756 +943 1074 4 888640250 +943 1188 3 888640250 +943 1228 3 888640275 +943 1330 3 888692465 diff --git a/MovieLens Movie Recommendation/Python/ml-100k/u1.test b/MovieLens Movie Recommendation/Python/ml-100k/u1.test new file mode 100644 index 00000000..04b2c03e --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/u1.test @@ -0,0 +1,20000 @@ +1 6 5 887431973 +1 10 3 875693118 +1 12 5 878542960 +1 14 5 874965706 +1 17 3 875073198 +1 20 4 887431883 +1 23 4 875072895 +1 24 3 875071713 +1 27 2 876892946 +1 31 3 875072144 +1 33 4 878542699 +1 36 2 875073180 +1 39 4 875072173 +1 44 5 878543541 +1 47 4 875072125 +1 49 3 878542478 +1 51 4 878543275 +1 53 3 876893206 +1 54 3 878543308 +1 56 4 875072716 +1 60 5 875072370 +1 61 4 878542420 +1 62 3 878542282 +1 64 5 875072404 +1 65 4 875072125 +1 67 3 876893054 +1 69 3 875072262 +1 70 3 875072895 +1 72 4 878542678 +1 73 3 876892774 +1 74 1 889751736 +1 76 4 878543176 +1 78 1 878543176 +1 80 4 876893008 +1 81 5 875072865 +1 82 5 878542589 +1 84 4 875072923 +1 85 3 875073180 +1 86 5 878543541 +1 90 4 878542300 +1 91 5 876892636 +1 92 3 876892425 +1 96 5 875072716 +1 97 3 875073128 +1 98 4 875072404 +1 100 5 878543541 +1 102 2 889751736 +1 103 1 878542845 +1 104 1 875241619 +1 107 4 875241619 +1 108 5 875240920 +1 112 1 878542441 +1 113 5 878542738 +1 114 5 875072173 +1 117 3 874965739 +1 118 3 875071927 +1 120 1 875241637 +1 121 4 875071823 +1 125 3 878542960 +1 128 4 875072573 +1 129 5 887431908 +1 130 3 875072002 +1 132 4 878542889 +1 134 4 875073067 +1 140 1 878543133 +1 143 1 875072631 +1 145 2 875073067 +1 148 2 875240799 +1 150 5 876892196 +1 151 4 875072865 +1 154 5 878543541 +1 155 2 878542201 +1 157 4 876892918 +1 159 3 875073180 +1 160 4 875072547 +1 161 4 875072303 +1 163 4 875072442 +1 164 3 876893171 +1 170 5 876892856 +1 171 5 889751711 +1 174 5 875073198 +1 175 5 875072547 +1 177 5 876892701 +1 180 3 875072573 +1 183 5 875072262 +1 184 4 875072956 +1 185 4 875072631 +1 186 4 875073128 +1 188 3 875073128 +1 189 3 888732928 +1 190 5 875072125 +1 193 4 876892654 +1 196 5 874965677 +1 200 3 876893098 +1 201 3 878542960 +1 202 5 875072442 +1 206 4 876893205 +1 208 5 878542960 +1 209 4 888732908 +1 210 4 878542909 +1 212 4 875072895 +1 213 2 876892896 +1 214 4 875072520 +1 215 3 876893145 +1 218 3 876892856 +1 219 1 878542327 +1 221 5 887431921 +1 222 4 878873388 +1 224 5 875071484 +1 225 2 878542738 +1 226 3 878543176 +1 227 4 876892946 +1 228 5 878543541 +1 229 4 878542075 +1 230 4 878542420 +1 232 3 878543196 +1 233 2 878542552 +1 235 5 875071589 +1 236 4 875071898 +1 241 4 878543133 +1 242 5 889751633 +1 243 1 875241390 +1 248 4 874965954 +1 250 4 874965706 +1 252 2 875240677 +1 253 5 874965970 +1 254 1 878541392 +1 255 2 885345822 +1 258 5 878873389 +1 259 1 875692979 +1 260 1 875071713 +1 262 3 875071421 +1 264 2 875071713 +1 265 4 878542441 +1 266 1 885345728 +1 267 4 875692955 +1 272 3 887431647 +2 13 4 888551922 +2 19 3 888550871 +2 50 5 888552084 +2 251 5 888552084 +2 257 4 888551062 +2 279 4 888551745 +2 280 3 888551441 +2 281 3 888980240 +2 290 3 888551441 +2 292 4 888550774 +2 297 4 888550871 +2 298 3 888551441 +2 299 4 888550774 +2 301 4 888550631 +2 303 4 888550774 +2 307 3 888550066 +2 308 3 888979945 +2 312 3 888550631 +2 313 5 888552084 +2 314 1 888980085 +2 315 1 888550774 +2 316 5 888979693 +3 245 1 889237247 +3 264 2 889237297 +3 272 2 889237055 +3 294 2 889237224 +3 299 3 889237199 +3 300 2 889236939 +3 307 3 889237224 +3 318 4 889237482 +3 323 2 889237269 +3 324 2 889237247 +3 327 4 889237455 +3 328 5 889237455 +3 330 2 889237297 +3 331 4 889237455 +3 332 1 889237224 +3 334 3 889237122 +3 335 1 889237269 +3 337 1 889236983 +3 341 1 889237055 +3 343 3 889237122 +3 345 3 889237004 +3 348 4 889237455 +3 349 3 889237269 +3 350 3 889237076 +3 351 3 889237315 +3 354 3 889237004 +4 50 5 892003526 +4 260 4 892004275 +4 264 3 892004275 +4 288 4 892001445 +4 294 5 892004409 +4 303 5 892002352 +4 354 5 892002353 +4 356 3 892003459 +4 357 4 892003525 +4 361 5 892002353 +5 1 4 875635748 +5 2 3 875636053 +5 17 4 875636198 +5 24 4 879198229 +5 40 4 879198109 +5 42 5 875636360 +5 62 4 875637575 +5 69 1 875721555 +5 79 3 875635895 +5 80 2 875636511 +5 89 5 875636033 +5 90 3 875636297 +5 94 3 878844651 +5 98 3 875720691 +5 100 5 875635349 +5 102 3 875721196 +5 109 5 875635350 +5 110 1 875636493 +5 139 3 875721260 +5 143 3 875636815 +5 144 3 875636141 +5 153 5 875636375 +5 154 3 875636691 +5 167 2 875636281 +5 173 4 875636675 +5 176 3 875635962 +5 185 3 875720692 +5 209 5 875636571 +5 211 4 875636631 +5 214 3 875637485 +5 219 3 875720744 +5 222 4 875635174 +5 225 2 875635723 +5 227 4 875636099 +5 230 3 875636070 +5 231 2 875635947 +5 234 2 875720692 +5 241 1 875720948 +5 243 1 878844164 +5 259 1 878844208 +5 267 4 875635064 +5 363 3 875635225 +5 364 1 875636571 +5 369 1 875635372 +5 370 1 875720814 +5 372 3 875636230 +5 376 2 879198045 +5 377 1 878844615 +5 379 3 875720814 +5 382 5 875636587 +5 384 3 875636389 +5 385 4 875636185 +5 388 2 879198898 +5 389 1 875721315 +5 391 4 875636167 +5 393 2 875636265 +5 394 2 879198031 +5 397 2 875635907 +5 400 1 878844630 +5 402 1 875720947 +5 403 3 875636152 +5 407 3 875635431 +5 410 1 879198183 +5 411 1 875635431 +5 413 3 875635807 +5 417 3 875636830 +5 418 3 875721216 +5 421 1 875721019 +5 422 4 875636767 +5 423 4 875636793 +5 424 1 875635807 +5 426 3 878844510 +5 428 5 875636588 +5 429 3 875637429 +5 433 5 875636655 +5 435 4 875636033 +5 436 5 875720717 +5 439 1 878844423 +5 441 1 875720830 +5 444 2 875720762 +5 445 3 875720744 +5 453 1 879198898 +5 454 1 875721432 +5 457 1 879198898 +6 14 5 883599249 +6 15 3 883599302 +6 19 4 883602965 +6 23 4 883601365 +6 28 2 883603013 +6 32 4 883601311 +6 56 4 883601277 +6 59 5 883601713 +6 69 3 883601277 +6 70 3 883601427 +6 81 4 883602283 +6 86 3 883603013 +6 87 4 883602174 +6 95 2 883602133 +6 98 5 883600680 +6 100 5 883599176 +6 117 2 883599431 +6 124 5 883599228 +6 125 3 883599670 +6 131 5 883602048 +6 133 4 883601459 +6 134 5 883602283 +6 135 5 883600747 +6 136 5 883600842 +6 143 2 883601053 +6 151 3 883599558 +6 154 3 883602730 +6 156 3 883602212 +6 175 4 883601426 +6 180 4 883601311 +6 183 4 883601311 +6 187 4 883600914 +6 188 3 883602462 +6 189 3 883601365 +6 193 3 883601529 +6 195 4 883602283 +6 197 5 883601203 +6 199 4 883601203 +6 204 3 883601277 +6 205 3 883600878 +6 208 4 883602422 +6 209 4 883601713 +6 211 5 883601155 +6 213 4 883602462 +6 221 4 883599431 +6 238 5 883601713 +6 248 3 883598981 +6 258 2 883268278 +6 269 4 883268222 +6 275 4 883599102 +6 276 2 883599134 +6 284 2 883599590 +6 286 2 883268170 +6 294 2 883599938 +6 297 3 883599134 +6 301 2 883600406 +6 304 4 883268322 +6 318 4 883600985 +6 357 4 883602422 +6 423 3 883602501 +6 432 4 883601713 +6 458 1 883599914 +6 459 2 883599228 +6 463 4 883601713 +6 466 4 883602422 +6 467 4 883602284 +6 469 5 883601155 +6 470 3 883602690 +6 471 2 883599558 +6 475 5 883599478 +6 476 1 883600175 +6 477 1 883599509 +6 478 4 883602762 +6 479 5 883601053 +6 480 4 883601089 +6 481 5 883600914 +6 483 5 883601500 +6 484 5 883601011 +6 486 4 883601427 +6 487 5 883600785 +6 488 5 883601426 +6 492 5 883601089 +6 498 4 883601053 +6 499 4 883602283 +6 500 4 883601277 +6 506 4 883602174 +6 508 3 883599530 +6 509 4 883602664 +6 511 5 883601393 +6 513 4 883600913 +6 515 4 883599273 +6 517 4 883602212 +6 518 3 883603042 +6 521 4 883601277 +6 523 5 883601528 +6 524 3 883600632 +6 525 5 883601203 +6 526 3 883602596 +6 528 4 883602174 +6 532 3 883600066 +6 534 4 883599354 +7 7 5 891352220 +7 8 5 891351328 +7 10 4 891352864 +7 22 5 891351121 +7 28 5 891352341 +7 32 4 891350932 +7 44 5 891351728 +7 53 5 891354689 +7 54 3 892132380 +7 72 5 891353977 +7 78 3 891354165 +7 79 4 891352261 +7 81 5 891352626 +7 82 3 891351471 +7 89 5 891351082 +7 90 3 891352984 +7 92 5 891352010 +7 93 5 891351042 +7 101 5 891350966 +7 106 4 891353892 +7 118 2 891353411 +7 121 5 891352904 +7 126 3 891353254 +7 127 5 891351728 +7 131 5 891352383 +7 133 5 891353192 +7 136 5 891351813 +7 139 3 891354729 +7 142 3 891354090 +7 151 4 891352749 +7 153 5 891352220 +7 154 5 891353124 +7 156 5 891351653 +7 161 3 891352489 +7 162 5 891353444 +7 163 4 891353444 +7 166 3 891351585 +7 168 5 891351509 +7 171 3 891351287 +7 172 4 891350965 +7 174 5 891350757 +7 176 3 891350782 +7 177 4 891352904 +7 181 3 891351287 +7 182 4 891350965 +7 183 4 891351624 +7 185 5 892135346 +7 188 5 891352778 +7 190 5 891351728 +7 191 5 891351201 +7 193 5 892135346 +7 195 5 891352626 +7 196 5 891351432 +7 200 5 891353543 +7 203 5 891352178 +7 205 5 891351585 +7 207 4 891352526 +7 208 5 891352220 +7 210 4 891352904 +7 212 1 891353051 +7 223 5 891351328 +7 226 5 891353614 +7 227 3 892132317 +7 228 4 891350845 +7 232 3 891353766 +7 241 4 891354053 +7 259 3 891350464 +7 260 1 892130982 +7 264 4 891350703 +7 266 4 891350703 +7 268 3 891350703 +7 269 3 891349991 +7 273 3 891351547 +7 281 3 891353710 +7 285 5 891351813 +7 288 4 891350703 +7 300 4 891350703 +7 307 5 891350703 +7 334 5 892130784 +7 378 5 891353011 +7 382 4 891352093 +7 385 5 891351585 +7 389 4 891354090 +7 393 4 891352058 +7 396 4 891354288 +7 399 4 891354357 +7 401 4 891354257 +7 404 5 891352947 +7 418 4 892131824 +7 420 5 891353219 +7 423 5 891351509 +7 428 5 892133036 +7 430 3 891352178 +7 431 4 891351547 +7 432 4 891352831 +7 435 5 891350845 +7 448 3 891353828 +7 450 4 892132425 +7 451 5 891353892 +7 455 4 891353086 +7 461 4 891352303 +7 471 4 891352864 +7 472 2 891353357 +7 479 4 891352010 +7 480 4 891352093 +7 481 5 891352341 +7 482 3 891351083 +7 483 4 891351851 +7 484 5 891351201 +7 485 5 891351851 +7 489 3 891353477 +7 491 5 891351432 +7 492 5 891352010 +7 495 5 891351328 +7 496 5 891351083 +7 497 4 891352134 +7 498 5 891351814 +7 501 5 891353411 +7 504 5 891352384 +7 505 3 891352341 +7 511 5 891351624 +7 514 2 891351121 +7 515 3 891350757 +7 519 4 891352831 +7 520 5 892133466 +7 526 5 891351042 +7 528 5 891352659 +7 530 5 891350900 +7 537 3 891352749 +7 541 2 891354662 +7 542 4 892131849 +7 543 3 891351772 +7 548 5 891352692 +7 550 4 891352489 +7 553 3 892134010 +7 554 3 891354639 +7 555 4 892134811 +7 559 5 891354882 +7 560 3 892132798 +7 562 5 891354053 +7 563 2 892131978 +7 564 3 891354471 +7 567 1 892132019 +7 570 3 891354639 +7 576 5 892132943 +7 579 4 892133361 +7 580 3 892132171 +7 581 5 891353477 +7 582 5 892135347 +7 587 4 891353950 +7 589 5 891352451 +7 599 1 891353860 +7 604 3 891351547 +7 608 4 891351653 +7 614 5 891352489 +7 618 4 891350900 +7 619 3 891352831 +7 621 5 892132773 +7 622 4 891352984 +7 623 3 891354217 +7 624 4 891353892 +7 626 5 892132773 +7 627 3 891352594 +7 630 5 891352341 +7 633 5 891351509 +7 636 4 891351384 +7 637 4 891353570 +7 642 3 892132277 +7 643 4 891350932 +7 644 5 891351685 +7 645 4 891353614 +7 647 5 891352489 +7 648 5 891351653 +7 650 3 891350965 +7 653 4 891351161 +7 654 5 892135347 +7 657 4 891351234 +7 658 3 891352419 +7 659 5 891351161 +7 661 5 891351624 +7 662 3 892133739 +7 667 5 892135347 +7 669 1 892132020 +7 673 3 891353744 +7 674 2 891352659 +7 675 5 891352947 +7 676 3 891354499 +7 680 4 891350703 +7 681 1 891350594 +7 683 4 891350703 +8 7 3 879362287 +8 22 5 879362183 +8 50 5 879362124 +8 56 5 879362183 +8 79 4 879362286 +8 89 4 879362124 +8 127 5 879362123 +8 144 5 879362286 +8 172 5 879362123 +8 176 5 879362233 +8 182 5 879362183 +8 183 5 879362233 +8 188 5 879362356 +8 190 4 879362183 +8 210 4 879362287 +8 258 5 879361482 +8 294 3 879361521 +8 301 4 879361550 +8 338 4 879361873 +8 385 1 879362124 +8 457 1 879361825 +8 511 5 879362183 +8 550 3 879362356 +8 568 4 879362233 +8 651 5 879362123 +8 685 4 879362423 +8 686 3 879362356 +8 687 1 879361825 +8 689 4 879361873 +9 6 5 886960055 +9 286 5 886960055 +9 298 5 886960055 +9 340 4 886958715 +9 479 4 886959343 +9 487 5 886960056 +9 507 4 886959343 +9 521 4 886959343 +9 527 3 886959344 +9 691 5 886960055 +10 1 4 877888877 +10 4 4 877889130 +10 7 4 877892210 +10 13 3 877892050 +10 16 4 877888877 +10 22 5 877888812 +10 48 4 877889058 +10 56 5 877886598 +10 64 4 877886598 +10 98 4 877889261 +10 99 5 877889130 +10 100 5 877891747 +10 124 5 877888545 +10 127 5 877886661 +10 132 5 877893020 +10 133 5 877891904 +10 135 5 877889004 +10 144 4 877892110 +10 155 4 877889186 +10 156 4 877886846 +10 160 4 877888944 +10 164 4 877889333 +10 168 4 877888812 +10 175 3 877888677 +10 176 4 877889130 +10 183 5 877893020 +10 186 4 877886722 +10 191 5 877888613 +10 194 4 877886661 +10 195 4 877889130 +10 199 4 877892050 +10 200 5 877889261 +10 203 4 877891967 +10 218 4 877889261 +10 223 5 877888545 +10 234 4 877888877 +10 269 4 877886162 +10 275 4 877888677 +10 283 4 877892276 +10 285 5 877889186 +10 289 4 877886223 +10 294 3 879163524 +10 321 4 879163494 +10 340 4 880371312 +10 367 4 877892437 +10 371 4 877886912 +10 385 4 877886783 +10 418 4 877886783 +10 420 4 877892438 +10 435 5 877889261 +10 447 4 877891747 +10 461 3 877888944 +10 463 4 877889186 +10 474 4 877886783 +10 475 4 877888545 +10 483 5 877889333 +10 486 4 877886846 +10 488 5 877888613 +10 489 4 877892210 +10 493 4 877886661 +10 495 4 877892160 +10 496 5 877889005 +10 497 4 877889261 +10 498 5 877889333 +10 504 5 877892110 +10 505 4 877886846 +10 509 4 877889005 +10 519 5 877892050 +10 521 4 877892110 +10 558 4 877886722 +10 588 4 877886846 +10 603 5 877886783 +10 611 5 877886722 +10 615 4 877892276 +10 651 4 877888812 +10 652 3 877889130 +10 655 5 877891904 +10 656 5 877886846 +10 657 4 877892110 +10 695 3 877892050 +10 696 4 877892276 +10 698 4 877888877 +10 702 3 877886722 +10 703 5 877892110 +10 704 3 877892050 +10 705 4 877892050 +10 706 4 877888677 +10 710 4 877892160 +10 711 4 877888812 +10 712 4 877892438 +11 9 5 891902970 +11 12 2 891904194 +11 22 4 891904241 +11 38 3 891905936 +11 40 3 891905279 +11 47 4 891904551 +11 51 4 891906439 +11 90 2 891905298 +11 94 3 891905324 +11 97 4 891904300 +11 100 4 891902718 +11 109 3 891903836 +11 110 3 891905324 +11 111 4 891903862 +11 120 2 891903935 +11 135 4 891904335 +11 175 3 891904551 +11 185 4 891905783 +11 190 3 891904174 +11 191 4 891904270 +11 194 4 891904920 +11 203 4 891905856 +11 204 3 891904920 +11 215 3 891904389 +11 216 3 891904949 +11 227 3 891905896 +11 230 4 891905783 +11 241 4 891906389 +11 260 1 891902426 +11 268 5 891901652 +11 277 5 891903226 +11 291 4 891902815 +11 300 3 891902092 +11 312 4 891902157 +11 350 4 891901991 +11 383 2 891905555 +11 395 2 891905349 +11 402 4 891904662 +11 425 4 891904300 +11 428 4 891905032 +11 429 5 891904335 +11 435 4 891904968 +11 455 3 891903862 +11 517 2 891905222 +11 521 2 891904174 +11 524 4 891904949 +11 558 3 891904214 +11 561 2 891905936 +11 573 3 891906327 +11 597 2 891904037 +11 652 4 891905003 +11 660 3 891904573 +11 663 4 891905032 +11 710 2 891905221 +11 713 5 891903024 +11 714 4 891904214 +11 720 1 891904717 +11 721 3 891905279 +11 722 3 891905349 +11 723 5 891904637 +11 725 3 891905568 +11 726 3 891905515 +11 730 3 891904335 +11 732 3 891904596 +11 733 4 891904413 +11 734 3 891905349 +11 735 3 891904300 +11 736 4 891906411 +11 739 3 891906411 +11 740 4 891903067 +11 741 5 891902745 +11 743 2 891904065 +11 744 4 891903005 +11 746 4 891905032 +11 751 2 891902092 +11 752 4 891902157 +12 15 5 879959670 +12 28 5 879958969 +12 50 4 879959044 +12 71 4 879959635 +12 82 4 879959610 +12 96 4 879959583 +12 97 5 879960826 +12 132 5 879959465 +12 143 5 879959635 +12 157 5 879959138 +12 172 4 879959088 +12 191 5 879960801 +12 196 5 879959553 +12 200 1 879959610 +12 204 5 879960826 +12 276 4 879959488 +12 282 5 879960679 +12 300 4 879958639 +12 318 5 879960826 +12 381 4 879958902 +12 402 5 879960826 +12 471 5 879959670 +12 684 5 879959105 +12 735 5 879960826 +12 753 5 879960679 +12 754 4 879958810 +13 2 3 882397650 +13 11 1 882397146 +13 14 4 884538727 +13 21 3 882399040 +13 24 1 882397741 +13 25 1 882141686 +13 27 3 882397833 +13 29 2 882397833 +13 40 2 886302815 +13 42 4 882141393 +13 45 3 882139863 +13 48 5 882139863 +13 56 5 881515011 +13 59 4 882140425 +13 61 4 882140552 +13 64 5 882140037 +13 66 3 882141485 +13 71 4 882398654 +13 72 4 882141727 +13 73 3 882141485 +13 88 4 882141485 +13 90 3 882141872 +13 94 3 882142057 +13 97 4 882399357 +13 98 4 881515011 +13 100 5 882140166 +13 109 4 882141306 +13 118 4 882397581 +13 121 5 882397503 +13 124 5 884538663 +13 137 5 882139804 +13 144 4 882397146 +13 147 3 882397502 +13 150 5 882140588 +13 153 4 882139901 +13 154 5 882141335 +13 161 5 882397741 +13 167 4 882141659 +13 168 4 881515193 +13 173 2 882139863 +13 178 4 882139829 +13 180 5 882141248 +13 181 5 882140354 +13 185 3 881515011 +13 186 4 890704999 +13 190 4 882397145 +13 195 3 881515296 +13 196 4 882140552 +13 198 3 881515193 +13 201 1 882396869 +13 208 5 882140624 +13 210 3 882140455 +13 212 5 882399385 +13 215 5 882140588 +13 217 1 882396955 +13 219 1 882396955 +13 226 4 882397651 +13 229 4 882397650 +13 230 3 882397503 +13 232 3 890704999 +13 238 3 881515411 +13 243 3 882140966 +13 258 4 882139327 +13 261 1 883670785 +13 263 5 881515647 +13 265 4 882140038 +13 268 4 881514810 +13 269 2 889292060 +13 270 4 881514876 +13 271 1 881514876 +13 272 4 884538403 +13 273 3 882397502 +13 276 5 882140104 +13 281 3 882397974 +13 287 1 882141459 +13 289 2 882140759 +13 290 4 882141814 +13 294 2 881514683 +13 300 1 881515736 +13 301 1 882140718 +13 302 5 881514811 +13 303 4 881514876 +13 305 4 881514811 +13 308 3 881514726 +13 312 1 883670630 +13 314 1 884538485 +13 315 5 884538466 +13 317 5 882140552 +13 318 3 882139686 +13 319 4 882139327 +13 320 1 882397010 +13 331 3 881515457 +13 333 3 881514810 +13 334 1 886952467 +13 338 1 882140740 +13 340 2 881514684 +13 341 2 886952422 +13 343 1 883670672 +13 344 2 888073635 +13 345 4 884538366 +13 349 1 892387807 +13 351 1 886302385 +13 353 4 886261450 +13 354 2 888779458 +13 360 4 882140926 +13 363 3 882398076 +13 377 1 882399219 +13 379 1 882396984 +13 384 2 882141814 +13 385 3 882397502 +13 387 3 886304229 +13 391 3 882398255 +13 396 3 882141727 +13 402 4 886303934 +13 405 2 882397742 +13 409 3 882141872 +13 414 5 882141458 +13 416 3 882398934 +13 418 2 882398763 +13 420 4 882398691 +13 421 2 882140389 +13 423 5 882398814 +13 428 5 882140588 +13 431 1 882397271 +13 436 2 882396869 +13 437 1 882397068 +13 440 1 882397040 +13 443 4 882140588 +13 447 2 882396869 +13 449 4 882398385 +13 450 3 882398494 +13 451 1 882141872 +13 452 3 882397039 +13 457 1 883670785 +13 467 5 882140588 +13 472 5 882398327 +13 476 2 882141997 +13 477 4 882398934 +13 480 3 881515193 +13 481 3 882140038 +13 482 5 882140355 +13 483 5 882139774 +13 488 3 890704999 +13 493 5 882140206 +13 498 4 882139901 +13 501 5 882398724 +13 502 5 882141458 +13 505 3 882140389 +13 508 3 882140426 +13 509 5 882140691 +13 514 5 881515112 +13 516 5 882141485 +13 517 5 882139746 +13 519 5 882140355 +13 520 4 886302261 +13 524 4 886302261 +13 526 3 882141053 +13 530 5 881515295 +13 539 1 883670785 +13 540 3 882398410 +13 546 3 882397741 +13 548 3 882398743 +13 564 1 882396913 +13 567 1 882396955 +13 570 5 882397581 +13 588 4 882398763 +13 589 3 881515239 +13 596 3 882398691 +13 597 3 882397650 +13 601 4 882140104 +13 604 5 882139966 +13 610 2 882140690 +13 612 4 882140318 +13 614 4 884538634 +13 615 4 881515348 +13 617 3 881515112 +13 624 5 882398691 +13 625 2 882398691 +13 632 3 884538664 +13 651 5 882140070 +13 652 5 882141458 +13 659 3 882141335 +13 665 2 882396984 +13 673 3 882140691 +13 678 3 882140792 +13 682 1 883670742 +13 683 1 886952521 +13 685 5 882397582 +13 694 4 890704999 +13 705 5 884538766 +13 716 4 882141393 +13 720 4 882397974 +13 735 3 882140690 +13 752 1 886952569 +13 755 3 882399014 +13 759 2 882398542 +13 764 2 882141997 +13 766 4 882139686 +13 772 1 882140070 +13 776 2 882398934 +13 780 1 882142057 +13 781 3 882399528 +13 782 3 885744650 +13 783 3 886304188 +13 784 1 882397084 +13 786 3 886303088 +13 787 3 882141582 +13 788 1 882396914 +13 794 4 882399615 +13 802 2 882398254 +13 805 4 882141458 +13 807 1 886304229 +13 808 2 882397833 +13 809 4 882397582 +13 812 2 882398933 +13 814 5 886302261 +13 816 1 882396983 +13 820 4 882398743 +13 821 3 882141393 +13 823 5 882397833 +13 828 1 882399218 +13 830 1 882397581 +13 831 3 882398385 +13 836 2 882139746 +13 839 1 882396984 +13 840 3 886261387 +13 842 2 882399156 +13 844 1 882397010 +13 847 4 882139937 +13 848 5 882140001 +13 852 1 882396869 +13 854 1 882396914 +13 856 5 886303171 +13 857 3 881515348 +13 858 1 882397068 +13 859 1 882397040 +13 860 1 882396984 +13 861 3 882139774 +13 864 4 882141924 +13 866 3 882141814 +13 868 5 882139901 +13 869 3 882141727 +13 874 5 881514876 +13 875 1 881515613 +13 876 2 881515521 +13 877 2 882140792 +13 878 1 883670785 +13 885 1 886302334 +13 887 5 882140867 +13 888 2 886261388 +13 890 1 883670672 +13 892 3 882774224 +13 894 1 883670742 +13 898 1 884538403 +13 901 1 883670672 +13 906 3 891749765 +13 907 1 884538485 +13 908 1 886302385 +13 910 2 890704721 +13 912 2 892014861 +13 913 1 892014908 +13 915 5 892015023 +13 918 3 892524090 +14 7 5 876965061 +14 9 4 879119260 +14 13 4 880929778 +14 14 3 879119311 +14 15 4 879119390 +14 18 3 879119260 +14 22 3 890881521 +14 23 5 890881216 +14 42 4 879119579 +14 50 5 890881557 +14 56 5 879119579 +14 70 1 879119692 +14 93 3 879119311 +14 98 3 890881335 +14 100 5 876965165 +14 111 3 876965165 +14 116 5 876965165 +14 121 3 876965061 +14 151 5 876964725 +14 168 4 879119497 +14 172 5 890881521 +14 174 5 890881294 +14 175 5 879119497 +14 176 1 890881484 +14 181 5 889666215 +14 202 3 890881521 +14 204 5 879119651 +14 211 4 879119693 +14 213 5 890881557 +14 242 4 876964570 +14 269 4 892242403 +14 275 4 876964725 +14 283 4 882839936 +14 285 5 879119118 +14 313 2 890880970 +14 357 2 890881294 +14 408 5 879119348 +14 455 4 880929745 +14 474 4 890881557 +14 475 3 876964936 +14 477 4 879119311 +14 492 4 890881485 +14 498 5 890881384 +14 509 5 890881521 +14 514 4 879119579 +14 517 4 890881485 +14 519 5 890881335 +14 530 5 890881433 +14 596 3 879119311 +14 603 4 890881484 +14 655 5 879119739 +14 709 5 879119693 +14 716 5 879119651 +14 792 5 879119651 +14 813 2 880929564 +14 845 3 880929564 +14 922 4 880929651 +15 1 1 879455635 +15 7 1 879455506 +15 9 4 879455635 +15 18 1 879455681 +15 20 3 879455541 +15 25 3 879456204 +15 127 2 879455505 +15 137 4 879455939 +15 148 3 879456049 +15 222 3 879455730 +15 244 2 879456447 +15 274 4 879456168 +15 278 1 879455843 +15 286 2 879455049 +15 289 3 879455262 +15 300 4 879455166 +15 301 4 879455233 +15 307 1 879455233 +15 331 3 879455166 +15 405 2 879455957 +15 411 2 879456351 +15 458 5 879456288 +15 459 5 879455562 +15 471 4 879456084 +15 473 1 879456204 +15 476 4 879456404 +15 508 2 879455789 +15 591 2 879455821 +15 620 4 879456204 +15 678 1 879455311 +15 685 4 879456288 +15 696 2 879456262 +15 742 2 879456049 +15 744 4 879455789 +15 749 1 879455311 +15 754 5 879455080 +15 815 1 879456108 +15 864 4 879456231 +15 889 3 879455473 +15 924 3 879456204 +15 929 1 879456168 +15 932 1 879456465 +15 933 1 879456447 +15 937 4 879455128 +16 7 5 877724066 +16 8 5 877722736 +16 9 5 877722736 +16 22 5 877721071 +16 27 2 877726390 +16 28 5 877727122 +16 31 5 877717956 +16 51 4 877726390 +16 55 5 877717956 +16 56 5 877719863 +16 64 5 877720297 +16 69 5 877724846 +16 70 4 877720118 +16 76 5 877719863 +16 89 2 877717833 +16 92 4 877721905 +16 96 5 877717833 +16 99 5 877720733 +16 134 4 877719158 +16 144 5 877721142 +16 151 5 877721905 +16 155 3 877719157 +16 156 4 877719863 +16 160 4 877722001 +16 161 5 877726390 +16 164 5 877724438 +16 168 4 877721142 +16 174 5 877719504 +16 178 5 877719333 +16 182 5 877719863 +16 183 5 877720733 +16 191 5 877719454 +16 194 5 877720733 +16 195 5 877720298 +16 197 5 877726146 +16 209 5 877722736 +16 228 5 877720733 +16 230 5 877720813 +16 233 5 877727054 +16 284 1 877719863 +16 288 3 877717078 +16 294 4 877717116 +16 300 5 877717078 +16 318 5 877718107 +16 357 5 877720297 +16 418 5 877724727 +16 443 5 877727055 +16 447 5 877724066 +16 471 3 877724845 +16 479 5 877720436 +16 482 5 877718872 +16 496 5 877721905 +16 504 5 877718168 +16 546 4 877726944 +16 564 1 877726790 +16 602 5 877719333 +16 603 5 877719206 +16 606 4 877721071 +16 629 4 877720437 +16 654 5 877720298 +16 655 5 877724066 +16 657 5 877723882 +16 692 4 877719158 +16 693 4 877721905 +16 705 5 877722736 +16 735 3 877720186 +16 761 2 877727192 +16 812 2 877723882 +16 940 2 877721236 +16 942 4 877719863 +16 944 1 877727122 +17 1 4 885272579 +17 9 3 885272558 +17 13 3 885272654 +17 125 1 885272538 +17 151 4 885272751 +17 237 2 885272628 +17 245 2 885166209 +17 508 3 885272779 +17 744 3 885272606 +18 1 5 880130802 +18 12 5 880129991 +18 13 5 880131497 +18 14 5 880130431 +18 19 3 880130582 +18 25 3 880131591 +18 26 4 880129731 +18 47 3 880131262 +18 57 4 880130930 +18 58 4 880130613 +18 64 5 880132501 +18 69 3 880129527 +18 70 4 880129668 +18 71 4 880131236 +18 82 3 880131236 +18 86 4 880129731 +18 89 3 880130065 +18 97 4 880131525 +18 99 5 880130829 +18 113 5 880129628 +18 126 5 880130680 +18 131 4 880131004 +18 135 3 880130065 +18 136 5 880129421 +18 151 3 880131804 +18 152 3 880130515 +18 154 4 880131358 +18 162 4 880131326 +18 169 5 880130252 +18 170 5 880130515 +18 179 4 880129877 +18 180 4 880130252 +18 181 3 880131631 +18 182 4 880130640 +18 185 3 880129388 +18 186 4 880131699 +18 188 3 880129388 +18 190 4 880130155 +18 191 4 880130193 +18 193 5 880131358 +18 194 3 880129816 +18 195 3 880131236 +18 196 3 880131297 +18 199 3 880129769 +18 202 3 880130515 +18 209 4 880130861 +18 214 4 880132078 +18 215 3 880130930 +18 224 5 880130739 +18 234 3 880131106 +18 237 3 880129991 +18 241 3 880131525 +18 275 5 880129421 +18 276 5 880130829 +18 286 5 880129305 +18 318 5 880132437 +18 367 4 880130802 +18 387 4 880130155 +18 393 3 880130930 +18 408 5 880129628 +18 423 5 880132437 +18 428 3 880131325 +18 432 4 880131559 +18 443 3 880130193 +18 451 3 880131297 +18 462 3 880130065 +18 463 4 880131143 +18 479 4 880129769 +18 483 4 880129940 +18 485 5 880132437 +18 487 4 880129454 +18 488 3 880130065 +18 494 3 880131497 +18 496 5 880130470 +18 497 4 880131358 +18 498 4 880129940 +18 509 4 880129940 +18 513 4 880129769 +18 514 5 880129990 +18 515 5 880130155 +18 523 4 880130393 +18 526 4 880131407 +18 527 4 880130109 +18 530 4 880129877 +18 602 3 880131407 +18 607 3 880131752 +18 609 4 880130713 +18 610 4 880130861 +18 629 3 880130515 +18 630 3 880132188 +18 647 4 880129595 +18 659 4 880129489 +18 660 5 880130930 +18 692 3 880130930 +18 699 5 880130802 +18 705 3 880130640 +18 729 3 880131236 +18 732 3 880131698 +18 739 3 880131776 +18 775 3 880131878 +18 778 2 880131077 +18 792 5 880131106 +18 794 3 880131878 +18 863 3 880130680 +18 921 5 880132437 +18 923 5 880132501 +18 950 3 880130764 +18 953 3 880131901 +18 954 3 880130640 +18 955 4 880130713 +18 960 4 880131004 +18 961 3 880131830 +18 964 3 880132252 +18 965 4 880132012 +18 966 2 880132399 +18 968 3 880130155 +18 970 3 880131591 +18 971 4 880131878 +19 4 4 885412840 +19 153 4 885412840 +19 201 3 885412839 +19 258 4 885411840 +19 310 4 885412063 +19 313 2 885411792 +19 382 3 885412840 +19 435 5 885412840 +19 655 3 885412723 +19 692 3 885412840 +20 1 3 879667963 +20 11 2 879669401 +20 69 1 879668979 +20 87 5 879669746 +20 95 3 879669181 +20 98 3 879669547 +20 118 4 879668442 +20 121 3 879668227 +20 144 2 879669401 +20 172 3 879669181 +20 176 2 879669152 +20 186 3 879669040 +20 194 3 879669152 +20 208 2 879669401 +20 252 4 879669697 +20 288 1 879667584 +20 405 3 879668555 +20 568 4 879669291 +20 597 3 879668190 +20 678 4 879667684 +20 742 4 879668166 +20 931 1 879668829 +21 56 5 874951658 +21 98 5 874951657 +21 100 5 874951292 +21 103 1 874951245 +21 106 2 874951447 +21 118 1 874951382 +21 121 1 874951416 +21 129 4 874951382 +21 148 1 874951482 +21 164 5 874951695 +21 184 4 874951797 +21 217 3 874951727 +21 218 4 874951696 +21 219 5 874951797 +21 222 2 874951382 +21 234 5 874951657 +21 242 3 874951617 +21 245 1 874951006 +21 258 4 874950889 +21 288 3 874950932 +21 291 3 874951446 +21 292 3 874950889 +21 294 3 874951616 +21 295 3 874951349 +21 298 5 874951382 +21 299 1 874950931 +21 319 2 874950889 +21 320 3 874951658 +21 324 4 874950889 +21 325 4 874950931 +21 326 5 874950889 +21 327 3 874950932 +21 328 3 874951005 +21 370 1 874951293 +21 396 2 874951798 +21 424 1 874951293 +21 439 1 874951820 +21 440 1 874951798 +21 441 3 874951761 +21 445 3 874951658 +21 447 5 874951695 +21 448 4 874951727 +21 452 4 874951727 +21 457 1 874951054 +21 473 3 874951245 +21 558 5 874951695 +21 565 3 874951898 +21 569 3 874951820 +21 590 1 874951898 +21 591 3 874951382 +21 595 3 874951617 +21 596 3 874951617 +21 665 3 874951858 +21 668 1 874951761 +21 670 3 874951696 +21 671 5 874951657 +21 678 2 874951005 +21 687 2 874951005 +21 688 1 874950972 +21 696 2 874951382 +21 717 1 874951483 +21 741 3 874951382 +21 742 3 874951617 +21 758 1 874951314 +21 773 3 874951797 +21 774 2 874951898 +21 816 1 874951898 +21 820 3 874951616 +21 834 1 874951293 +21 839 1 874951797 +21 844 4 874951292 +21 859 2 874951859 +21 860 2 874951727 +21 875 4 874951005 +21 928 3 874951616 +21 930 1 874951482 +21 931 2 874951446 +21 948 1 874951054 +21 974 3 874951416 +21 977 2 874951416 +21 979 2 874951416 +21 982 1 874951482 +21 985 2 874951349 +21 995 2 874950932 +22 29 1 878888228 +22 79 4 878887765 +22 80 4 878887227 +22 96 5 878887680 +22 110 1 878887157 +22 117 4 878887869 +22 118 4 878887983 +22 121 3 878887925 +22 128 5 878887983 +22 153 5 878886423 +22 154 4 878886423 +22 168 5 878886517 +22 172 4 878887680 +22 173 5 878886368 +22 176 5 878887765 +22 186 5 878886368 +22 194 5 878886607 +22 195 4 878887810 +22 204 5 878886607 +22 208 5 878886607 +22 222 4 878887925 +22 226 4 878888145 +22 227 4 878888067 +22 230 4 878888026 +22 238 5 878886423 +22 241 3 878888025 +22 258 5 878886261 +22 294 1 878886262 +22 358 5 878887443 +22 376 3 878887112 +22 377 1 878887116 +22 386 3 878887347 +22 393 4 878886989 +22 399 4 878887157 +22 403 5 878887810 +22 407 3 878886845 +22 411 1 878887277 +22 433 3 878886479 +22 435 5 878886682 +22 455 5 878886479 +22 456 1 878887413 +22 502 4 878886647 +22 510 5 878887765 +22 511 4 878887983 +22 550 5 878888184 +22 554 1 878888066 +22 648 4 878886647 +22 683 1 878886307 +22 687 1 878887476 +22 692 4 878886480 +22 780 1 878887377 +22 791 1 878887227 +22 871 3 878886750 +22 878 1 878887598 +22 948 1 878887553 +22 997 1 878887377 +22 999 4 878886902 +22 1001 1 878886647 +23 1 5 874784615 +23 13 4 874784497 +23 28 3 874786793 +23 32 3 874785809 +23 50 4 874784440 +23 70 2 874786513 +23 71 3 874789299 +23 83 4 874785926 +23 88 3 874787410 +23 90 2 874787370 +23 98 5 874786016 +23 99 4 874786098 +23 109 3 874784466 +23 133 4 874786220 +23 143 3 874786066 +23 170 4 874785348 +23 172 4 874785889 +23 177 4 884550003 +23 183 3 874785728 +23 188 3 877817151 +23 189 5 874785985 +23 191 3 877817113 +23 196 2 874786926 +23 209 5 874785843 +23 213 3 874785675 +23 215 2 874787116 +23 219 1 874788187 +23 222 4 876785704 +23 228 4 874785582 +23 229 3 874787162 +23 238 5 874785526 +23 257 3 890276940 +23 258 5 876785704 +23 269 5 877817151 +23 315 3 884550320 +23 323 2 874784266 +23 357 3 874785233 +23 380 5 874787774 +23 381 4 874787350 +23 385 4 874786462 +23 404 4 874787860 +23 405 4 874784638 +23 419 3 874787204 +23 421 5 874786770 +23 427 5 874789279 +23 463 4 874785843 +23 483 4 884550048 +23 504 4 874785624 +23 511 5 874786770 +23 512 5 874785843 +23 516 4 874787330 +23 518 5 874785194 +23 527 4 874785926 +23 528 4 874786974 +23 546 3 874784668 +23 549 3 874788290 +23 662 3 874788045 +23 705 4 874785526 +23 710 4 874785889 +23 739 2 874787861 +23 747 3 874786903 +23 1005 3 874787647 +23 1006 3 874785809 +24 9 5 875323745 +24 25 4 875246258 +24 56 4 875323240 +24 64 5 875322758 +24 100 5 875323637 +24 109 3 875322848 +24 117 4 875246216 +24 129 3 875246185 +24 153 4 875323368 +24 178 5 875323676 +24 191 5 875323003 +24 216 4 875323745 +24 258 4 875245985 +24 275 5 875323507 +24 286 5 875323773 +24 294 3 875246037 +24 318 5 875323474 +24 358 3 875246012 +24 367 2 875323241 +24 372 4 875323553 +24 427 5 875323002 +24 475 4 875246216 +24 477 5 875323594 +24 508 4 875323833 +24 662 5 875323440 +24 742 4 875323915 +24 763 5 875322875 +25 8 4 885852150 +25 13 4 885852381 +25 25 5 885853415 +25 50 5 885852150 +25 114 5 885852218 +25 127 3 885853030 +25 135 3 885852059 +25 151 4 885853335 +25 169 5 885852301 +25 174 5 885853415 +25 181 5 885853415 +25 189 5 885852488 +25 197 3 885852059 +25 208 4 885852337 +25 222 4 885852817 +25 228 4 885852920 +25 238 4 885852757 +25 239 4 885853415 +25 257 4 885853415 +25 258 5 885853199 +25 269 4 885851953 +25 275 4 885853335 +25 357 4 885852757 +25 427 4 885852059 +25 432 2 885852443 +25 455 4 885853415 +25 477 4 885853155 +25 478 5 885852271 +25 480 4 885852008 +25 498 4 885852086 +25 501 3 885852301 +25 520 3 885852150 +25 615 5 885852611 +25 633 4 885852301 +25 729 4 885852697 +25 742 4 885852569 +25 969 3 885852059 +26 7 3 891350826 +26 9 4 891386369 +26 13 3 891373086 +26 15 4 891386369 +26 25 3 891373727 +26 100 5 891386368 +26 117 3 891351590 +26 125 4 891371676 +26 127 5 891386368 +26 150 3 891350750 +26 235 2 891372429 +26 237 3 891351590 +26 240 3 891377468 +26 255 3 891377609 +26 257 3 891371596 +26 258 3 891347949 +26 269 4 891347478 +26 286 3 891347400 +26 292 3 891347400 +26 294 3 891348192 +26 315 3 891347400 +26 321 3 891347949 +26 322 3 891349122 +26 333 3 891348192 +26 343 3 891349238 +26 410 2 891373086 +26 455 3 891371506 +26 476 3 891384414 +26 508 3 891352941 +26 597 2 891379753 +26 685 3 891371676 +26 742 3 891352492 +26 864 2 891383899 +26 871 2 891379664 +26 926 2 891385692 +26 930 2 891385985 +26 979 3 891383899 +26 1008 3 891377609 +26 1009 2 891384478 +26 1015 3 891352136 +26 1016 3 891377609 +27 100 5 891543129 +27 121 4 891543191 +27 246 4 891542897 +27 281 3 891543164 +27 295 3 891543164 +27 298 4 891543164 +27 325 2 891543191 +27 370 4 891543245 +27 475 2 891542942 +27 508 3 891542987 +27 515 4 891543009 +27 596 2 891542987 +27 742 3 891543129 +27 925 3 891543245 +27 978 2 891543222 +28 7 5 881961531 +28 12 4 881956853 +28 50 4 881957090 +28 70 4 881961311 +28 79 4 881961003 +28 89 4 881961104 +28 95 3 881956917 +28 98 5 881961531 +28 100 5 881957425 +28 143 4 881956564 +28 145 3 881961904 +28 153 3 881961214 +28 173 3 881956220 +28 174 5 881956334 +28 184 4 881961671 +28 201 3 881961671 +28 209 4 881961214 +28 217 3 881961671 +28 218 3 881961601 +28 222 5 881961393 +28 223 5 882826496 +28 228 5 881961393 +28 234 4 881956144 +28 258 5 881955018 +28 271 4 881955281 +28 282 4 881957425 +28 294 3 881954915 +28 380 4 881961394 +28 423 2 881956564 +28 436 5 881961601 +28 441 2 881961782 +28 450 1 881961394 +28 479 4 881961157 +28 480 5 881957002 +28 568 4 881957147 +28 646 4 881961003 +28 665 3 881961782 +28 678 2 882826550 +28 800 4 881961904 +28 895 4 882826398 +29 98 4 882821942 +29 189 4 882821942 +29 245 3 882820803 +29 259 4 882821044 +29 269 4 882820897 +29 270 4 882820803 +29 294 4 882820730 +29 302 4 882820663 +29 332 4 882820869 +29 343 3 882821673 +29 358 2 882821044 +29 539 2 882821044 +29 678 3 882821582 +29 689 2 882821705 +29 748 2 882821558 +29 874 4 882821020 +29 1018 4 882821989 +30 7 4 875140648 +30 28 4 885941321 +30 82 4 875060217 +30 181 4 875060217 +30 231 2 875061066 +30 255 4 875059984 +30 286 5 885941156 +30 289 2 876847817 +30 294 4 875140648 +30 301 4 875988577 +30 435 5 885941156 +30 531 5 885941156 +30 538 4 885941798 +30 539 3 885941454 +30 678 2 885942002 +30 688 3 885941492 +30 1007 5 885941156 +30 1013 3 875060334 +31 79 2 881548082 +31 124 4 881548110 +31 135 4 881548030 +31 302 4 881547719 +31 321 4 881547746 +31 484 5 881548030 +31 493 5 881548110 +31 498 4 881548111 +31 504 5 881548110 +31 514 5 881548030 +31 682 2 881547834 +31 705 5 881548110 +31 886 2 881547877 +32 100 3 883717662 +32 117 3 883717555 +32 118 3 883717967 +32 122 2 883718250 +32 151 3 883717850 +32 235 3 883718121 +32 245 2 883710047 +32 246 4 883717521 +32 249 4 883717645 +32 250 4 883717684 +32 257 4 883717537 +32 259 2 883709986 +32 276 4 883717913 +32 290 3 883717913 +32 294 3 883709863 +32 591 3 883717581 +32 866 3 883718031 +32 1012 4 883717581 +32 1016 1 883718121 +33 258 4 891964066 +33 292 4 891964244 +33 307 3 891964148 +33 313 5 891963290 +33 328 4 891964187 +33 333 4 891964259 +33 343 4 891964344 +33 751 4 891964188 +33 872 3 891964230 +33 895 3 891964187 +34 242 5 888601628 +34 245 4 888602923 +34 259 2 888602808 +34 286 5 888602513 +34 299 5 888602923 +34 310 4 888601628 +34 312 4 888602742 +34 329 5 888602808 +34 332 5 888602742 +34 690 4 888602513 +35 242 2 875459166 +35 243 2 875459046 +35 259 4 875459017 +35 322 3 875459017 +35 332 4 875459237 +35 680 4 875459099 +35 877 2 875459099 +35 1025 3 875459237 +36 268 2 882157418 +36 269 3 882157258 +36 307 4 882157227 +36 310 4 882157327 +36 319 2 882157356 +36 339 5 882157581 +36 682 1 882157386 +36 748 4 882157285 +36 882 5 882157581 +36 883 5 882157581 +36 885 5 882157581 +37 11 4 880915838 +37 22 5 880915810 +37 24 4 880915674 +37 55 3 880915942 +37 56 5 880915810 +37 79 4 880915810 +37 117 4 880915674 +37 161 5 880915902 +37 176 4 880915942 +37 183 4 880930042 +37 195 5 880915874 +37 222 3 880915528 +37 265 4 880930072 +37 288 4 880915258 +37 363 3 880915711 +37 403 5 880915942 +37 540 2 880916070 +37 597 5 880915607 +37 685 3 880915528 +37 948 4 880915407 +38 1 5 892430636 +38 22 5 892429347 +38 28 4 892429399 +38 67 4 892434312 +38 71 5 892430516 +38 79 3 892430309 +38 82 5 892429903 +38 88 5 892430695 +38 94 5 892432030 +38 95 5 892430094 +38 99 5 892430829 +38 118 5 892431151 +38 122 1 892434801 +38 133 2 892429873 +38 139 2 892432786 +38 140 5 892430309 +38 145 1 892433062 +38 153 5 892430369 +38 161 5 892432062 +38 211 1 892431907 +38 216 5 892430486 +38 218 3 892431871 +38 225 5 892433062 +38 226 1 892431513 +38 234 5 892431607 +38 252 5 892429567 +38 257 1 892429512 +38 318 3 892430071 +38 328 4 892428688 +38 383 2 892433801 +38 384 5 892433660 +38 389 5 892433660 +38 392 5 892430120 +38 393 5 892430282 +38 403 1 892432205 +38 404 5 892431586 +38 419 5 892429347 +38 423 5 892430071 +38 424 3 892432624 +38 432 1 892430282 +38 444 1 892433912 +38 450 1 892432624 +38 465 5 892432476 +38 508 2 892429399 +38 526 1 892430636 +38 550 2 892432786 +38 573 1 892433660 +38 616 3 892433375 +38 672 3 892434800 +38 679 5 892432062 +38 720 5 892432424 +38 758 1 892434626 +38 780 4 892434217 +38 838 2 892433680 +38 916 5 892428188 +38 1014 5 892429542 +38 1030 5 892434475 +38 1034 1 892433062 +39 258 4 891400280 +39 300 3 891400280 +39 306 3 891400342 +39 315 4 891400094 +39 333 4 891400214 +39 345 3 891400159 +39 347 4 891400704 +39 352 5 891400704 +39 900 3 891400159 +40 243 2 889041694 +40 258 3 889041981 +40 268 4 889041430 +40 271 2 889041523 +40 294 4 889041671 +40 303 4 889041283 +40 333 4 889041402 +40 340 2 889041454 +40 345 4 889041670 +40 347 2 889041283 +40 750 3 889041523 +40 754 4 889041790 +40 880 3 889041643 +41 1 4 890692860 +41 28 4 890687353 +41 31 3 890687473 +41 69 4 890687145 +41 98 4 890687374 +41 100 4 890687242 +41 153 4 890687087 +41 170 4 890687713 +41 174 4 890687264 +41 181 4 890687175 +41 209 4 890687642 +41 265 3 890687042 +41 286 4 890685449 +41 289 2 890686673 +41 313 3 890685449 +41 423 2 890687175 +41 435 3 890687550 +41 486 4 890687305 +41 518 3 890687412 +41 746 3 890687019 +41 751 4 890686872 +42 12 4 881107502 +42 25 3 881110670 +42 28 5 881108187 +42 44 3 881108548 +42 48 5 881107821 +42 63 4 881108873 +42 69 4 881107375 +42 70 3 881109148 +42 72 3 881108229 +42 77 5 881108684 +42 79 5 881108040 +42 82 4 881107449 +42 88 5 881108425 +42 95 5 881107220 +42 96 5 881107178 +42 98 4 881106711 +42 99 5 881108346 +42 102 5 881108873 +42 118 4 881105505 +42 121 4 881110578 +42 131 2 881108548 +42 142 4 881109271 +42 143 4 881108229 +42 172 5 881107220 +42 176 3 881107178 +42 183 4 881107821 +42 185 4 881107449 +42 194 5 881107329 +42 195 5 881107949 +42 196 5 881107718 +42 204 5 881107821 +42 210 5 881108633 +42 211 4 881107880 +42 215 5 881107413 +42 216 5 881108147 +42 222 4 881105882 +42 230 5 881109148 +42 234 4 881108093 +42 265 3 881107989 +42 274 5 881105817 +42 276 1 881105405 +42 280 4 881106270 +42 281 3 881105728 +42 357 5 881107687 +42 367 2 881109149 +42 380 4 881108548 +42 403 3 881108684 +42 404 5 881108760 +42 405 4 881105541 +42 409 3 881106270 +42 410 3 881110483 +42 413 1 881106072 +42 418 5 881108147 +42 423 5 881107687 +42 428 3 881108040 +42 432 3 881108147 +42 451 2 881108982 +42 456 3 881106113 +42 479 4 881108147 +42 496 5 881107718 +42 506 3 881108760 +42 521 2 881107989 +42 546 3 881105817 +42 566 5 881107821 +42 568 4 881107256 +42 588 5 881108147 +42 603 4 881107502 +42 606 3 881107538 +42 625 3 881108873 +42 684 4 881108093 +42 685 4 881105972 +42 692 4 881107773 +42 732 5 881108346 +42 736 5 881108187 +42 742 4 881105581 +42 746 3 881108279 +42 781 4 881108280 +42 785 4 881109060 +42 794 3 881108425 +42 834 1 881110763 +42 845 5 881110719 +42 866 4 881105972 +42 925 4 881106113 +42 939 4 881108484 +42 953 2 881108815 +42 977 2 881106541 +42 999 4 881108982 +42 1028 4 881106072 +42 1040 3 881106270 +42 1041 4 881109060 +42 1043 2 881108633 +42 1044 4 881109271 +42 1045 2 881108873 +42 1049 3 881105882 +42 1051 4 881106270 +43 1 5 875975579 +43 5 4 875981421 +43 7 4 875975520 +43 11 5 875981365 +43 14 2 883955745 +43 15 5 875975546 +43 17 3 883956417 +43 26 5 883954901 +43 40 3 883956468 +43 47 1 883955415 +43 49 4 883956387 +43 50 4 875975211 +43 51 1 883956562 +43 52 4 883955224 +43 54 3 883956494 +43 56 5 875975687 +43 63 3 883956353 +43 64 5 875981247 +43 66 4 875981506 +43 71 4 883955675 +43 77 3 883955650 +43 91 3 883956260 +43 95 4 875975687 +43 98 5 875981220 +43 114 5 883954950 +43 117 4 883954853 +43 118 4 883955546 +43 120 4 884029430 +43 137 4 875975656 +43 151 4 875975613 +43 153 5 883955135 +43 155 4 883956518 +43 161 4 883955467 +43 173 5 875981190 +43 175 2 875981304 +43 181 4 875975211 +43 191 5 875981247 +43 203 4 883955224 +43 204 4 883956122 +43 210 5 883955467 +43 215 5 883955467 +43 216 5 875981128 +43 225 2 875975579 +43 235 3 875975520 +43 237 4 875975579 +43 238 2 883955160 +43 241 4 883955441 +43 252 4 875975363 +43 271 3 880317103 +43 272 5 883953545 +43 275 4 875975546 +43 284 5 883955441 +43 285 4 875975468 +43 286 4 875975028 +43 289 4 875975085 +43 298 4 875975211 +43 300 5 875975135 +43 302 4 887731794 +43 315 4 883953665 +43 316 5 892349752 +43 318 5 875975717 +43 321 3 875975061 +43 323 3 875975110 +43 328 4 875975061 +43 336 4 880317271 +43 371 4 883955269 +43 382 5 883955702 +43 393 4 883956417 +43 402 4 883956283 +43 403 4 883956305 +43 405 4 883956122 +43 409 3 884029493 +43 423 4 883955498 +43 432 3 875981421 +43 471 3 883955319 +43 486 4 883955969 +43 498 5 875981275 +43 501 4 883955605 +43 516 5 875981452 +43 531 4 883955160 +43 553 4 875981159 +43 568 4 883955363 +43 596 3 883955650 +43 597 3 883956229 +43 628 3 875975580 +43 631 2 883955675 +43 648 5 883955293 +43 684 4 883955702 +43 692 5 883955884 +43 705 4 883954970 +43 724 4 875981390 +43 732 4 883955498 +43 751 2 883954803 +43 792 1 883954876 +43 815 4 883956189 +43 820 2 884029742 +43 847 5 875975468 +43 866 4 883956417 +43 879 4 876159838 +43 931 1 884029742 +43 944 2 883956260 +43 946 4 883955247 +43 950 3 883956417 +43 951 3 883955969 +43 956 1 883956259 +43 966 4 883955498 +43 993 3 875975211 +43 1053 3 883955859 +43 1057 2 884029777 +44 5 4 878347598 +44 9 5 878341196 +44 11 3 878347915 +44 15 4 878341343 +44 21 2 878346789 +44 55 4 878347455 +44 56 2 878348601 +44 82 4 878348885 +44 88 2 878348885 +44 91 2 878348573 +44 95 4 878347569 +44 96 4 878347633 +44 106 2 878347076 +44 118 3 878341197 +44 120 4 878346977 +44 123 4 878346532 +44 147 4 878341343 +44 148 4 878346946 +44 153 4 878347234 +44 155 3 878348947 +44 161 4 878347634 +44 164 4 878348035 +44 168 5 878347504 +44 174 5 878347662 +44 176 5 883613372 +44 185 4 878347569 +44 191 4 878347234 +44 193 3 878348521 +44 195 5 878347874 +44 202 4 878347315 +44 204 4 878348725 +44 208 4 878347420 +44 209 5 878347315 +44 214 5 878348036 +44 216 1 883613297 +44 227 4 883613334 +44 228 5 883613334 +44 229 3 883613334 +44 230 2 883613335 +44 237 3 878346748 +44 238 4 878347598 +44 240 4 878346997 +44 245 4 878340887 +44 250 5 878346709 +44 252 2 878346748 +44 257 4 878346689 +44 258 4 878340824 +44 274 4 878348036 +44 294 4 883612356 +44 317 4 878347633 +44 357 4 878347569 +44 378 3 878348290 +44 385 3 878348725 +44 412 1 883613298 +44 433 4 878348752 +44 434 4 878348885 +44 443 5 878348289 +44 449 5 883613334 +44 470 3 878348499 +44 474 4 878347532 +44 507 3 878347392 +44 530 5 878348725 +44 542 3 878348036 +44 588 4 878347742 +44 603 4 878347420 +44 644 3 878347818 +44 660 5 878347915 +44 665 1 883613372 +44 717 3 878346470 +44 755 3 878347742 +44 1058 4 878347392 +45 1 5 881013176 +45 15 4 881012184 +45 21 3 881014193 +45 25 4 881014015 +45 100 5 881010742 +45 108 4 881014620 +45 109 5 881012356 +45 118 4 881014550 +45 121 4 881013563 +45 127 5 881007272 +45 237 4 881008636 +45 276 5 881012184 +45 472 3 881014417 +45 473 3 881014417 +45 476 3 881015729 +45 763 2 881013563 +45 952 4 881014247 +45 1060 3 881012184 +45 1061 2 881016056 +46 7 4 883616155 +46 127 5 883616133 +46 151 4 883616218 +46 181 4 883616254 +46 288 2 883611307 +46 294 2 883611307 +46 307 3 883611430 +46 313 5 883611274 +46 327 4 883611456 +46 328 4 883611430 +46 333 5 883611374 +46 538 3 883611513 +46 690 5 883611274 +46 909 5 883614766 +46 1024 5 883614766 +46 1062 5 883614766 +47 268 4 879439040 +47 292 4 879438984 +47 302 5 879439040 +47 306 4 879439113 +47 321 4 879439040 +47 323 2 879440360 +47 324 3 879439078 +47 340 5 879439078 +47 995 3 879440429 +48 28 2 879434653 +48 50 4 879434723 +48 71 3 879434850 +48 132 5 879434886 +48 170 4 879434886 +48 172 5 879434791 +48 174 5 879434723 +48 181 5 879434954 +48 187 5 879434954 +48 195 5 879434954 +48 202 4 879434791 +48 210 3 879434886 +48 228 3 879434792 +48 259 4 879434270 +48 266 3 879434387 +48 286 3 879434181 +48 306 4 879434211 +48 308 5 879434292 +48 309 3 879434132 +48 423 4 879434752 +48 425 3 879434850 +48 427 4 879434653 +48 433 3 879434791 +48 511 5 879434954 +48 522 2 879434886 +48 603 4 879434607 +48 609 4 879434819 +48 654 5 879434792 +48 656 4 879434689 +48 661 5 879434954 +48 680 3 879434330 +48 690 4 879434211 +48 988 2 879434387 +49 1 2 888068651 +49 3 3 888068877 +49 7 4 888067307 +49 10 3 888066086 +49 11 3 888069458 +49 17 2 888068651 +49 38 1 888068289 +49 39 2 888068194 +49 40 1 888069222 +49 47 5 888068715 +49 49 2 888068990 +49 52 2 888066647 +49 53 4 888067405 +49 55 4 888068057 +49 56 5 888067307 +49 68 1 888069513 +49 70 2 888066614 +49 72 2 888069246 +49 95 2 888067031 +49 100 4 888067307 +49 101 3 888067164 +49 102 2 888067164 +49 108 2 888068957 +49 111 2 888068686 +49 116 4 888066109 +49 117 1 888069459 +49 122 2 888069138 +49 123 1 888068195 +49 129 2 888068079 +49 143 3 888067726 +49 148 1 888068195 +49 151 5 888067727 +49 168 5 888068686 +49 172 1 888067691 +49 173 3 888067691 +49 175 5 888068715 +49 179 5 888066446 +49 185 5 888067307 +49 202 3 888068816 +49 204 1 888068686 +49 213 3 888066486 +49 219 1 888067405 +49 231 3 888069579 +49 238 4 888068762 +49 258 2 888065895 +49 268 3 888065620 +49 290 2 888069062 +49 294 1 888065702 +49 299 2 888068651 +49 302 4 888065432 +49 312 3 888065786 +49 313 3 888065527 +49 325 3 888065744 +49 334 4 888065744 +49 343 2 888065786 +49 346 4 888065527 +49 347 3 888065487 +49 369 1 888069329 +49 385 1 888069536 +49 386 4 888069222 +49 401 2 888067975 +49 406 2 888067428 +49 413 1 888067460 +49 418 3 888067031 +49 423 2 888067727 +49 462 2 888066486 +49 473 3 888067164 +49 476 1 888069222 +49 508 3 888068841 +49 514 4 888068686 +49 518 4 888069437 +49 531 3 888066511 +49 542 2 888067096 +49 546 1 888069636 +49 547 5 888066187 +49 559 2 888067405 +49 569 3 888067482 +49 581 3 888068143 +49 583 4 888068143 +49 588 4 888067031 +49 590 1 888067579 +49 594 3 888068245 +49 625 3 888067031 +49 628 4 888068167 +49 657 5 888068032 +49 695 3 888068957 +49 713 3 888066214 +49 721 2 888068934 +49 732 3 888069040 +49 737 1 888066828 +49 738 3 888069138 +49 741 4 888068079 +49 758 1 888067596 +49 774 2 888067528 +49 821 1 888069246 +49 878 2 888065825 +49 926 1 888069117 +49 931 2 888068336 +49 959 2 888068912 +49 995 3 888065577 +49 998 2 888069194 +49 1003 2 888068651 +49 1009 3 888066133 +49 1068 3 888066187 +49 1070 3 888068739 +49 1076 2 888067187 +49 1078 1 888067164 +49 1082 3 888066214 +50 9 4 877052297 +50 123 4 877052958 +50 125 2 877052502 +50 246 3 877052329 +50 253 5 877052550 +50 286 2 877052400 +50 325 1 877052400 +50 475 5 877052167 +50 508 5 877052438 +50 823 3 877052784 +50 1084 5 877052501 +51 64 4 883498936 +51 132 4 883498655 +51 148 3 883498623 +51 182 3 883498790 +51 485 1 883498790 +51 496 4 883498655 +51 679 3 883498937 +52 15 5 882922204 +52 93 4 882922357 +52 95 4 882922927 +52 116 4 882922328 +52 235 2 882922806 +52 250 3 882922661 +52 257 3 882922806 +52 275 4 882922328 +52 280 3 882922806 +52 287 5 882922357 +52 405 4 882922610 +52 427 5 882922833 +52 475 4 882922357 +52 498 5 882922948 +52 531 5 882922833 +52 657 5 882922833 +52 742 4 882922540 +52 748 4 882922629 +52 845 5 882922485 +52 1009 5 882922328 +52 1086 4 882922562 +53 24 3 879442538 +53 100 5 879442537 +53 174 5 879442561 +53 181 4 879443046 +53 199 5 879442384 +53 228 3 879442561 +53 250 2 879442920 +53 258 4 879442654 +53 281 4 879443288 +53 748 2 879443329 +53 845 3 879443083 +53 924 3 879443303 +54 50 5 880931687 +54 106 3 880937882 +54 118 4 880937813 +54 121 4 880936669 +54 127 4 880933834 +54 147 5 880935959 +54 237 4 880935028 +54 257 4 880937311 +54 258 4 880928745 +54 260 4 880930146 +54 268 5 883963510 +54 273 4 880934806 +54 276 5 880931595 +54 298 4 892681300 +54 302 4 880928519 +54 313 4 890608360 +54 325 3 880930146 +54 327 5 880928893 +54 333 5 880928745 +54 406 2 880938490 +54 411 5 880936296 +54 475 5 880937251 +54 595 3 880937813 +54 597 2 880934806 +54 676 5 880935294 +54 685 3 880935504 +54 741 5 880931687 +54 742 5 880934806 +54 748 5 880928957 +54 820 3 880937992 +54 827 3 880937813 +54 871 5 880938547 +54 1012 2 880936669 +54 1016 4 890609001 +54 1088 3 880937311 +55 56 4 878176397 +55 89 5 878176398 +55 144 5 878176398 +55 254 2 878176206 +55 257 3 878176084 +55 273 5 878176047 +55 405 1 878176134 +55 678 3 878176206 +55 685 1 878176134 +55 1016 1 878176005 +55 1089 1 878176134 +56 1 4 892683248 +56 7 5 892679439 +56 25 4 892911166 +56 29 3 892910913 +56 31 4 892679259 +56 38 2 892683533 +56 44 4 892679356 +56 51 3 892677186 +56 56 5 892676376 +56 63 3 892910268 +56 64 5 892678482 +56 68 3 892910913 +56 69 4 892678893 +56 70 4 892676996 +56 71 4 892683275 +56 73 4 892677094 +56 77 3 892679333 +56 79 4 892676303 +56 82 4 892676314 +56 90 2 892677147 +56 91 4 892683275 +56 94 4 892910292 +56 95 4 892683274 +56 96 5 892676429 +56 98 4 892679067 +56 118 4 892679460 +56 121 5 892679480 +56 122 2 892911494 +56 143 3 892910182 +56 164 4 892910604 +56 168 2 892679209 +56 169 4 892683248 +56 172 5 892737191 +56 174 5 892737191 +56 179 3 892678669 +56 181 5 892737154 +56 184 4 892679088 +56 186 3 892676933 +56 189 4 892683248 +56 194 5 892676908 +56 195 5 892676429 +56 196 2 892678628 +56 201 4 892910604 +56 202 4 892676933 +56 215 5 892678547 +56 216 4 892676885 +56 219 5 892679144 +56 222 5 892679439 +56 228 3 892676340 +56 230 5 892676339 +56 231 3 892910931 +56 235 1 892911348 +56 239 4 892676970 +56 258 4 892675999 +56 294 4 892676056 +56 368 3 892911589 +56 372 3 892911290 +56 383 2 892910544 +56 391 3 892910950 +56 392 4 892678893 +56 402 5 892677186 +56 426 4 892683303 +56 432 5 892737154 +56 433 4 892676970 +56 435 3 892676429 +56 447 4 892679067 +56 449 5 892679308 +56 450 3 892679374 +56 451 3 892676970 +56 546 3 892679460 +56 554 4 892679356 +56 568 4 892910797 +56 585 3 892911366 +56 588 4 892683248 +56 597 3 892679439 +56 623 3 892910268 +56 692 4 892676970 +56 715 1 892911247 +56 728 3 892911420 +56 735 2 892678913 +56 738 3 892683978 +56 746 4 892676885 +56 747 4 892677162 +56 755 3 892910207 +56 761 3 892679333 +56 769 4 892679389 +56 797 4 892910860 +56 815 4 892683960 +56 849 2 892910913 +56 869 3 892683895 +56 993 3 892683353 +56 1036 2 892910544 +56 1047 4 892911290 +56 1090 3 892683641 +56 1092 3 892911573 +57 7 4 883697105 +57 28 4 883698324 +57 56 3 883698646 +57 79 5 883698495 +57 100 5 883698581 +57 151 3 883697585 +57 173 5 883698408 +57 199 5 883698646 +57 204 4 883698272 +57 222 5 883698581 +57 225 3 883698039 +57 237 4 883697182 +57 243 3 883696547 +57 248 5 883697223 +57 250 3 883697223 +57 252 2 883697807 +57 264 2 883696672 +57 271 3 883696672 +57 281 4 883697404 +57 282 5 883697223 +57 294 4 883696547 +57 298 3 883697293 +57 304 5 883698581 +57 321 4 883696629 +57 409 4 883697655 +57 410 3 883697378 +57 411 4 883697679 +57 419 3 883698454 +57 456 3 883698083 +57 476 3 883697990 +57 588 4 883698454 +57 597 3 883697378 +57 682 3 883696824 +57 744 5 883698581 +57 756 3 883697730 +57 760 2 883697617 +57 825 1 883697761 +57 831 1 883697785 +57 844 2 883697134 +57 864 3 883697512 +57 866 3 883697915 +57 926 3 883697831 +57 932 3 883697585 +57 975 3 883697990 +57 1011 3 883697761 +57 1028 3 883697432 +57 1047 4 883697679 +57 1059 3 883697432 +57 1071 3 883698324 +57 1093 3 883697352 +57 1094 2 883697990 +57 1095 2 883698062 +58 8 4 884304955 +58 9 4 884304328 +58 13 3 884304503 +58 20 1 884304538 +58 32 5 884304812 +58 42 4 884304936 +58 45 5 884305295 +58 50 4 884304328 +58 61 5 884305271 +58 64 5 884305295 +58 69 1 884663351 +58 89 3 884305220 +58 100 5 884304553 +58 109 4 884304396 +58 120 2 892242765 +58 123 4 884650140 +58 144 4 884304936 +58 150 4 884304570 +58 156 5 884304955 +58 173 5 884305353 +58 182 4 884304701 +58 193 3 884305220 +58 194 3 884304747 +58 195 4 884305123 +58 198 3 884305123 +58 204 4 884304701 +58 214 2 884305296 +58 216 3 884305338 +58 222 4 884304656 +58 228 5 884305271 +58 237 4 884304396 +58 240 4 892242478 +58 246 5 884304592 +58 248 4 884794774 +58 257 5 884304430 +58 268 5 884304288 +58 272 5 884647314 +58 275 5 884305220 +58 283 1 884304592 +58 284 4 884304519 +58 311 4 890770101 +58 318 3 884305087 +58 340 4 884305708 +58 347 3 888638515 +58 381 4 890321652 +58 408 5 884304377 +58 425 5 884304979 +58 475 5 884304609 +58 480 3 884305220 +58 483 5 884305220 +58 490 4 884304896 +58 546 2 892242190 +58 558 5 884305165 +58 568 4 884304838 +58 654 5 884304865 +58 663 2 884304728 +58 684 4 884305271 +58 709 5 884304812 +58 813 5 884304430 +58 850 5 884305150 +58 923 5 884305062 +58 950 1 892242020 +58 955 4 884305062 +58 960 4 884305004 +58 1019 4 884305088 +58 1069 2 893027661 +58 1097 5 884504973 +58 1098 4 884304936 +58 1099 2 892243079 +58 1100 2 884304979 +58 1102 1 892242891 +58 1103 5 884305150 +58 1104 2 884305679 +58 1106 4 892068866 +59 7 4 888202941 +59 10 4 888203234 +59 12 5 888204260 +59 13 5 888203415 +59 14 5 888203234 +59 18 4 888203313 +59 23 5 888205300 +59 25 4 888203270 +59 33 3 888205265 +59 39 4 888205033 +59 45 5 888204465 +59 47 5 888205574 +59 48 5 888204502 +59 50 5 888205087 +59 54 4 888205921 +59 65 4 888205265 +59 70 3 888204758 +59 71 3 888205574 +59 77 4 888206254 +59 82 5 888205660 +59 92 5 888204997 +59 95 2 888204758 +59 98 5 888204349 +59 100 5 888202899 +59 101 5 888206605 +59 102 2 888205956 +59 109 4 888203175 +59 118 5 888203234 +59 121 4 888203313 +59 125 3 888203658 +59 126 5 888202899 +59 127 5 888204430 +59 131 4 888205410 +59 132 5 888205744 +59 134 5 888204841 +59 136 3 888205336 +59 140 1 888206445 +59 141 4 888206605 +59 142 1 888206561 +59 148 3 888203175 +59 169 4 888204757 +59 170 4 888204430 +59 172 5 888204552 +59 173 5 888205144 +59 175 4 888205300 +59 177 4 888204349 +59 183 5 888204802 +59 186 5 888205660 +59 188 4 888205188 +59 195 5 888204757 +59 196 5 888205088 +59 200 5 888205370 +59 202 4 888205714 +59 203 4 888204260 +59 204 5 888205615 +59 208 5 888205533 +59 209 5 888204965 +59 215 5 888204430 +59 218 5 888206409 +59 227 3 888206015 +59 229 3 888205921 +59 230 4 888205714 +59 235 1 888203658 +59 238 5 888204553 +59 241 4 888205574 +59 258 3 888202749 +59 274 1 888203449 +59 286 3 888202532 +59 287 5 888203175 +59 318 5 888204349 +59 323 4 888206809 +59 367 4 888204597 +59 381 5 888205659 +59 382 4 888205574 +59 385 4 888205659 +59 387 3 888206562 +59 405 3 888203578 +59 418 2 888205188 +59 419 2 888205228 +59 421 5 888206015 +59 427 5 888204309 +59 428 5 888205188 +59 429 4 888204597 +59 431 4 888205534 +59 433 5 888205982 +59 447 5 888206095 +59 448 4 888205787 +59 468 3 888205855 +59 470 3 888205714 +59 473 3 888203610 +59 476 2 888203814 +59 485 2 888204466 +59 488 3 888205956 +59 490 4 888205614 +59 496 4 888205144 +59 501 1 888205855 +59 506 5 888205787 +59 511 5 888204965 +59 513 4 888205144 +59 516 4 888204430 +59 521 5 888204877 +59 527 5 888204553 +59 528 4 888205300 +59 547 3 888203482 +59 549 4 888205659 +59 550 5 888206605 +59 559 5 888206562 +59 562 4 888206094 +59 564 2 888206605 +59 566 4 888206485 +59 568 5 888205229 +59 569 4 888206161 +59 570 4 888205745 +59 582 4 888205300 +59 583 5 888205921 +59 588 2 888204389 +59 597 2 888203610 +59 604 3 888204927 +59 609 2 888205855 +59 611 3 888204309 +59 625 3 888206295 +59 640 5 888206445 +59 659 3 888204553 +59 660 4 888205534 +59 663 4 888204928 +59 664 4 888205614 +59 692 3 888205463 +59 699 4 888205370 +59 702 5 888205463 +59 707 3 888205336 +59 708 4 888206410 +59 709 5 888204997 +59 710 3 888205463 +59 715 5 888205921 +59 717 2 888203959 +59 724 5 888205265 +59 729 4 888205265 +59 732 3 888205370 +59 735 5 888205534 +59 739 4 888206485 +59 742 3 888203053 +59 760 2 888203659 +59 764 4 888203709 +59 823 5 888203749 +59 825 4 888203658 +59 846 4 888203415 +59 855 4 888204502 +59 866 3 888203865 +59 871 2 888203865 +59 926 1 888203708 +59 928 4 888203449 +59 931 2 888203610 +59 951 3 888206409 +59 972 4 888206125 +59 974 3 888203343 +59 1009 4 888203095 +59 1028 1 888203900 +59 1047 2 888203371 +59 1065 5 888205188 +59 1107 4 888206254 +59 1108 3 888204877 +59 1109 3 888205088 +59 1110 4 888206363 +59 1113 4 888205855 +59 1116 3 888206562 +59 1117 4 888203313 +59 1118 2 888206048 +60 13 4 883327539 +60 21 3 883327923 +60 28 5 883326155 +60 47 4 883326399 +60 56 4 883326919 +60 60 5 883327734 +60 61 4 883326652 +60 64 4 883325994 +60 71 3 883327948 +60 77 4 883327040 +60 79 4 883326620 +60 82 3 883327493 +60 88 4 883327684 +60 98 4 883326463 +60 132 4 883325944 +60 138 2 883327287 +60 143 3 883327441 +60 151 5 883326995 +60 152 4 883328033 +60 161 4 883327265 +60 162 4 883327734 +60 163 4 883327566 +60 172 4 883326339 +60 176 4 883326057 +60 178 5 883326399 +60 179 4 883326566 +60 180 4 883326028 +60 183 5 883326399 +60 186 4 883326566 +60 194 4 883326425 +60 197 4 883326620 +60 199 5 883326339 +60 200 4 883326710 +60 207 3 883327342 +60 208 5 883326028 +60 216 4 883327827 +60 218 4 883327538 +60 222 4 883327441 +60 234 4 883326463 +60 272 4 889286840 +60 403 3 883327087 +60 416 4 883327639 +60 417 4 883327175 +60 420 4 883327113 +60 427 5 883326620 +60 430 5 883326122 +60 443 4 883327847 +60 474 5 883326028 +60 478 3 883326463 +60 480 4 883326273 +60 485 4 883327222 +60 489 5 883326682 +60 490 4 883326958 +60 492 5 883326525 +60 493 5 883325994 +60 495 3 883327639 +60 498 5 883326566 +60 499 3 883326682 +60 502 4 883327394 +60 505 4 883326710 +60 507 4 883326301 +60 508 4 883327368 +60 511 4 883326301 +60 514 4 883326300 +60 523 4 883326837 +60 525 5 883325944 +60 529 4 883326862 +60 558 4 883326784 +60 604 4 883327997 +60 605 3 883326893 +60 606 4 883327201 +60 613 4 883326497 +60 616 3 883327087 +60 633 4 883326995 +60 638 5 883326057 +60 659 4 883326862 +60 660 4 883327243 +60 671 4 883327175 +60 673 4 883327711 +60 699 4 883327539 +60 729 4 883327975 +60 751 2 883325421 +60 810 4 883327201 +60 842 4 883327175 +60 1020 4 883327018 +60 1021 5 883326185 +60 1123 4 883327997 +60 1124 4 883326652 +60 1126 4 883327174 +61 243 2 892331237 +61 323 3 891206450 +61 328 5 891206371 +61 331 2 891206126 +61 342 2 892302309 +61 347 5 892302120 +61 678 3 892302309 +61 690 2 891206407 +61 1127 4 891206274 +62 3 3 879372325 +62 4 4 879374640 +62 8 5 879373820 +62 12 4 879373613 +62 14 4 879372851 +62 20 4 879372696 +62 21 3 879373460 +62 24 4 879372633 +62 28 3 879375169 +62 33 1 879374785 +62 47 4 879375537 +62 55 5 879373692 +62 59 4 879373821 +62 65 4 879374686 +62 68 1 879374969 +62 78 2 879376612 +62 86 2 879374640 +62 89 5 879374640 +62 96 4 879374835 +62 100 4 879372276 +62 111 3 879372670 +62 114 4 879373568 +62 118 2 879373007 +62 121 4 879372916 +62 125 4 879372347 +62 132 5 879375022 +62 135 4 879375080 +62 138 1 879376709 +62 147 3 879372870 +62 153 4 879374686 +62 155 1 879376633 +62 157 3 879374686 +62 162 4 879375843 +62 164 5 879374946 +62 168 5 879373711 +62 173 5 879374732 +62 176 5 879373768 +62 179 4 879374969 +62 180 4 879373984 +62 181 4 879372418 +62 182 5 879375169 +62 183 4 879374893 +62 209 4 879373849 +62 213 4 879375323 +62 216 4 879375414 +62 225 3 879373287 +62 227 1 879375843 +62 228 3 879374607 +62 229 3 879375977 +62 232 3 879375977 +62 235 4 879373007 +62 249 2 879372479 +62 257 2 879372434 +62 258 5 879371909 +62 270 2 879371909 +62 281 3 879373118 +62 286 3 879372813 +62 288 2 879371909 +62 294 1 879373215 +62 298 4 879372304 +62 302 3 879371909 +62 306 4 879371909 +62 318 5 879373659 +62 328 3 879371909 +62 365 2 879376096 +62 382 3 879375537 +62 401 3 879376727 +62 421 5 879375716 +62 423 3 879373692 +62 433 5 879375588 +62 443 3 879375080 +62 448 2 879375883 +62 462 2 879373737 +62 464 4 879375196 +62 473 4 879373046 +62 475 4 879371980 +62 498 4 879373848 +62 508 4 879372277 +62 514 3 879374813 +62 527 4 879373692 +62 541 3 879376535 +62 559 3 879375912 +62 660 4 879375537 +62 664 4 879376079 +62 665 2 879376483 +62 685 2 879373175 +62 697 4 879375932 +62 702 2 879376079 +62 712 4 879376178 +62 716 4 879375951 +62 742 2 879372965 +62 763 1 879372851 +62 774 1 879376483 +62 815 3 879375391 +62 827 2 879373421 +62 845 3 879372383 +62 856 4 879374866 +62 921 2 879375287 +62 955 4 879374072 +62 1012 3 879372633 +62 1016 4 879373008 +62 1060 1 879373007 +62 1073 4 879374752 +62 1074 4 879376299 +62 1107 1 879376159 +62 1118 3 879375537 +62 1128 2 879372831 +62 1131 3 879375247 +62 1136 3 879375977 +63 6 3 875747439 +63 13 4 875747439 +63 20 3 875748004 +63 50 4 875747292 +63 100 5 875747319 +63 106 2 875748139 +63 109 4 875747731 +63 111 3 875747896 +63 116 5 875747319 +63 126 3 875747556 +63 150 4 875747292 +63 222 3 875747635 +63 225 2 875747439 +63 237 3 875747342 +63 242 3 875747190 +63 246 3 875747514 +63 250 5 875747789 +63 251 4 875747514 +63 255 4 875747556 +63 268 3 875746809 +63 277 4 875747401 +63 288 3 875746948 +63 289 2 875746985 +63 300 4 875748326 +63 301 5 875747010 +63 306 3 875746948 +63 323 1 875746986 +63 328 2 875746985 +63 408 4 875747242 +63 412 3 875748109 +63 508 4 875747752 +63 678 2 875747047 +63 762 3 875747688 +63 841 1 875747917 +63 924 3 875748164 +63 948 3 875746948 +63 952 3 875747896 +63 979 3 875748068 +63 1007 5 875747368 +63 1008 3 875748004 +63 1009 4 875747731 +63 1011 1 875747731 +63 1028 3 875748198 +63 1067 3 875747514 +63 1137 5 875747556 +64 1 4 879366214 +64 2 3 889737609 +64 4 3 889739138 +64 7 4 889737542 +64 8 4 889737968 +64 9 4 889738085 +64 12 5 889738085 +64 17 3 889739733 +64 38 3 889740415 +64 52 3 889739625 +64 56 5 889737542 +64 58 3 889739625 +64 62 2 889740654 +64 64 4 889737454 +64 69 4 889739091 +64 70 5 889739158 +64 71 3 879365670 +64 72 4 889740056 +64 77 3 889737420 +64 83 3 889737654 +64 93 2 889739025 +64 95 4 889737691 +64 96 4 889737748 +64 100 4 879365558 +64 125 2 889739678 +64 151 3 879366214 +64 154 4 889737943 +64 156 4 889737506 +64 157 4 879365491 +64 160 4 889739288 +64 161 3 889739779 +64 173 5 889737454 +64 175 5 889739415 +64 176 4 889737567 +64 181 4 889737420 +64 187 5 889737395 +64 199 4 889737654 +64 202 4 889738993 +64 211 4 889739318 +64 212 3 889740011 +64 214 3 889737478 +64 215 5 889737914 +64 216 4 889740718 +64 217 2 889737568 +64 222 4 889739733 +64 229 4 889739490 +64 230 5 889739994 +64 231 3 889740880 +64 232 2 889740154 +64 238 4 889739025 +64 239 3 889740033 +64 240 1 889740462 +64 284 4 889740056 +64 311 2 889737269 +64 318 4 889737593 +64 333 3 879365313 +64 367 4 889739678 +64 381 4 879365491 +64 385 4 879365558 +64 392 3 889737542 +64 403 4 889739953 +64 420 3 889739678 +64 429 4 889737800 +64 433 2 889740286 +64 447 4 889739319 +64 451 2 889739490 +64 476 1 889740286 +64 509 3 889737478 +64 515 5 889737478 +64 516 5 889737376 +64 527 4 879365590 +64 539 1 889737126 +64 566 3 889738085 +64 582 4 889739834 +64 633 5 889739243 +64 636 4 889740286 +64 662 4 889739319 +64 663 3 889737505 +64 684 4 889740199 +64 705 5 879365558 +64 731 3 889739648 +64 736 4 889739212 +64 746 5 889739138 +64 778 5 889739806 +64 879 3 879365313 +64 898 2 889737106 +64 959 4 889739903 +64 1063 3 889739539 +64 1133 4 889739975 +64 1139 1 889740260 +64 1141 5 889739834 +65 7 1 879217290 +65 47 2 879216672 +65 48 5 879217689 +65 56 3 879217816 +65 70 1 879216529 +65 97 5 879216605 +65 100 3 879217558 +65 121 4 879217458 +65 125 4 879217509 +65 135 4 879216567 +65 173 3 879217851 +65 191 4 879216797 +65 196 5 879216637 +65 197 5 879216769 +65 202 4 879217852 +65 210 4 879217913 +65 211 4 879217852 +65 216 4 879217912 +65 239 5 879217689 +65 318 5 879217689 +65 328 4 879216131 +65 427 5 879216734 +65 429 4 879216605 +65 435 4 879218025 +65 526 4 879216734 +65 582 3 879216702 +65 661 4 879216605 +65 676 5 879217689 +65 736 4 879216949 +65 806 4 879216529 +65 1129 4 879217258 +65 1142 4 879217349 +66 1 3 883601324 +66 7 3 883601355 +66 15 3 883601456 +66 21 1 883601939 +66 117 3 883601787 +66 181 5 883601425 +66 249 4 883602158 +66 258 4 883601089 +66 280 4 883602044 +66 281 4 883602044 +66 288 4 883601607 +66 298 4 883601324 +66 471 5 883601296 +66 475 2 883601156 +66 597 3 883601456 +66 742 5 883601388 +66 877 1 883601089 +67 1 3 875379445 +67 7 5 875379794 +67 64 5 875379211 +67 121 4 875379683 +67 122 3 875379566 +67 123 4 875379322 +67 147 3 875379357 +67 151 4 875379619 +67 240 5 875379566 +67 276 4 875379515 +67 405 5 875379794 +67 472 4 875379706 +67 743 4 875379445 +67 827 3 875379322 +67 833 4 875379794 +67 871 3 875379594 +67 1093 5 875379419 +67 1095 4 875379287 +68 7 3 876974096 +68 50 5 876973969 +68 117 4 876973939 +68 118 2 876974248 +68 125 1 876974096 +68 178 5 876974755 +68 237 5 876974133 +68 245 3 876973777 +68 282 1 876974315 +68 288 4 876973726 +68 405 3 876974518 +68 411 1 876974596 +68 471 3 876974023 +68 742 1 876974198 +68 1028 4 876974430 +68 1047 1 876974379 +69 9 4 882126086 +69 12 5 882145567 +69 48 5 882145428 +69 56 5 882145428 +69 100 5 882072892 +69 109 3 882145428 +69 129 3 882072778 +69 147 3 882072920 +69 150 5 882072920 +69 151 5 882072998 +69 174 5 882145548 +69 175 3 882145586 +69 240 3 882126156 +69 256 5 882126156 +69 258 4 882027204 +69 268 5 882027109 +69 300 3 882027204 +69 321 4 882027133 +69 333 3 882027204 +69 427 3 882145465 +69 508 4 882072920 +69 591 3 882072803 +69 689 3 882027284 +69 748 2 882027304 +69 1017 5 882126156 +69 1134 5 882072998 +69 1143 5 882072998 +70 48 4 884064574 +70 50 4 884064188 +70 69 4 884065733 +70 71 3 884066399 +70 82 4 884068075 +70 89 4 884150202 +70 96 4 884066910 +70 109 3 884066514 +70 121 3 884148728 +70 128 4 884067339 +70 139 3 884150656 +70 151 3 884148603 +70 152 4 884149877 +70 169 4 884149688 +70 176 4 884066573 +70 185 4 884149753 +70 186 4 884065703 +70 189 4 884150202 +70 191 3 884149340 +70 193 4 884149646 +70 197 4 884149469 +70 202 4 884066713 +70 206 3 884067026 +70 210 4 884065854 +70 211 3 884149646 +70 217 4 884151119 +70 228 5 884064269 +70 260 2 884065247 +70 265 4 884067503 +70 298 5 884064134 +70 338 2 884065248 +70 383 2 884151700 +70 398 2 884067339 +70 399 4 884068521 +70 417 3 884066823 +70 419 5 884065035 +70 423 5 884066910 +70 431 3 884150257 +70 432 3 884067175 +70 472 3 884148885 +70 482 4 884068704 +70 511 5 884067855 +70 527 4 884149852 +70 542 2 884065248 +70 546 2 884066211 +70 584 3 884150236 +70 588 5 884065528 +70 625 3 884151316 +70 746 3 884150257 +70 751 4 884063601 +70 762 3 884066399 +70 1035 3 884066399 +70 1065 4 884149603 +70 1133 3 884151344 +71 50 3 885016784 +71 56 5 885016930 +71 65 5 885016961 +71 89 5 880864462 +71 134 3 885016614 +71 135 4 885016536 +71 151 1 877319446 +71 154 3 877319610 +71 222 3 877319375 +71 276 4 877319375 +71 285 3 877319414 +71 289 2 877319117 +71 346 4 885016248 +71 462 5 877319567 +71 475 5 877319330 +71 923 5 885016882 +72 12 5 880036664 +72 28 4 880036824 +72 38 3 880037307 +72 45 5 880037853 +72 48 4 880036718 +72 51 4 880036946 +72 54 3 880036854 +72 64 5 880036549 +72 68 3 880037242 +72 70 4 880036691 +72 79 4 880037119 +72 82 3 880037242 +72 87 4 880036638 +72 89 3 880037164 +72 96 5 880037203 +72 100 5 880035680 +72 117 4 880035588 +72 121 3 880036048 +72 124 4 880035636 +72 127 5 880037702 +72 129 4 880035588 +72 135 4 880037054 +72 161 5 880037703 +72 172 1 880037119 +72 176 2 880037203 +72 177 4 880037204 +72 180 4 880036579 +72 181 1 880037203 +72 182 5 880036515 +72 195 5 880037702 +72 196 4 880036747 +72 203 3 880037462 +72 204 4 880037853 +72 210 4 880037242 +72 226 4 880037307 +72 230 1 880037277 +72 234 4 880037418 +72 265 4 880037164 +72 356 4 880036911 +72 357 4 880036550 +72 382 4 880036691 +72 423 5 880036550 +72 427 5 880037702 +72 435 5 880037242 +72 479 4 880037881 +72 480 5 880037768 +72 484 4 880037853 +72 504 4 880037461 +72 509 4 880036638 +72 515 4 880036602 +72 520 5 880036515 +72 527 4 880036746 +72 528 4 880036664 +72 530 4 880037164 +72 550 4 880037334 +72 566 4 880037277 +72 568 4 880037203 +72 581 4 880036996 +72 603 4 880037417 +72 644 4 880036602 +72 679 2 880037164 +72 699 3 880036783 +72 866 4 880035887 +72 1110 3 880037334 +73 7 4 888625956 +73 12 5 888624976 +73 28 3 888626468 +73 48 2 888625785 +73 56 4 888626041 +73 81 5 888626415 +73 89 5 888625685 +73 94 1 888625754 +73 100 4 888626120 +73 127 5 888625200 +73 156 4 888625835 +73 173 5 888625292 +73 180 4 888626577 +73 196 4 888626177 +73 202 2 888626577 +73 206 3 888625754 +73 271 2 888792294 +73 286 4 888792192 +73 288 3 888792294 +73 318 4 888625934 +73 357 5 888626007 +73 474 5 888625200 +73 475 4 888625753 +73 479 5 888625127 +73 480 4 888625753 +73 507 3 888625857 +73 518 5 888625835 +73 588 2 888625754 +73 657 5 888625422 +73 923 3 888793388 +73 1073 4 888625753 +73 1149 4 888626299 +74 9 4 888333458 +74 15 4 888333542 +74 100 4 888333428 +74 121 4 888333428 +74 124 3 888333542 +74 126 3 888333428 +74 129 3 888333458 +74 137 3 888333458 +74 150 3 888333458 +74 237 4 888333428 +74 272 5 888333194 +74 285 3 888333428 +74 288 3 888333280 +74 301 3 888333372 +74 324 3 888333280 +74 326 4 888333329 +74 333 4 888333238 +74 1084 3 888333542 +75 100 5 884049875 +75 108 4 884050661 +75 118 3 884050760 +75 121 4 884050450 +75 125 3 884050164 +75 137 4 884050102 +75 147 3 884050134 +75 151 5 884050502 +75 190 5 884051948 +75 237 2 884050309 +75 240 1 884050661 +75 271 5 884051635 +75 273 5 884050018 +75 284 2 884050393 +75 290 4 884050451 +75 291 1 884050502 +75 409 3 884050829 +75 410 5 884050661 +75 411 5 884050760 +75 472 4 884050733 +75 475 5 884049939 +75 476 1 884050393 +75 496 5 884051921 +75 546 3 884050422 +75 597 3 884050940 +75 696 4 884050979 +75 742 1 884050590 +75 820 3 884050979 +75 824 1 884051056 +75 952 5 884050393 +75 1001 1 884050531 +75 1017 5 884050502 +75 1047 3 884050979 +75 1150 4 884050705 +75 1151 2 884050829 +76 12 3 882606060 +76 23 5 875027355 +76 59 4 875027981 +76 61 4 875028123 +76 64 5 875498777 +76 89 4 875027507 +76 92 4 882606108 +76 98 5 875028391 +76 100 5 875028391 +76 121 2 882607017 +76 135 5 875028792 +76 150 5 875028880 +76 175 4 875028853 +76 197 5 875028563 +76 200 5 882606216 +76 258 3 875027206 +76 276 5 875027601 +76 286 5 875027206 +76 288 2 878101114 +76 325 2 878101114 +76 327 3 875027271 +76 333 3 879575966 +76 385 2 882607017 +76 421 3 875028682 +76 474 5 875498278 +76 518 3 875498895 +76 531 4 875028007 +76 582 3 882607444 +76 603 3 882606147 +76 690 2 882607017 +76 772 3 875498117 +76 811 4 882606323 +76 960 3 875028143 +76 1007 4 875312109 +76 1129 5 875028075 +76 1156 3 879576233 +76 1158 4 875028190 +77 4 3 884752721 +77 23 4 884753173 +77 50 4 884732345 +77 52 5 884753203 +77 69 3 884752997 +77 89 5 884733839 +77 91 3 884752924 +77 100 3 884732716 +77 125 3 884733014 +77 144 3 884752853 +77 153 5 884732685 +77 168 4 884752721 +77 172 3 884752562 +77 174 5 884733587 +77 176 4 884752757 +77 179 5 884752806 +77 181 3 884732278 +77 195 5 884733695 +77 210 3 884753028 +77 238 5 884733965 +77 265 3 884753152 +77 276 2 884732991 +77 357 3 884752970 +77 405 3 884733422 +77 431 5 884733695 +77 474 5 884732407 +77 483 4 884752665 +77 484 5 884733766 +77 498 5 884734016 +77 518 4 884753202 +77 523 5 884752582 +77 778 2 884753203 +77 1028 1 884733400 +78 255 4 879633745 +78 269 3 879633467 +78 289 4 879633567 +78 298 3 879633702 +78 323 1 879633567 +78 412 4 879634223 +78 1160 5 879634134 +79 6 4 891271901 +79 7 5 891272016 +79 13 3 891271676 +79 50 4 891271545 +79 100 5 891271652 +79 124 5 891271870 +79 137 4 891271870 +79 150 3 891271652 +79 246 5 891271545 +79 251 5 891271545 +79 262 5 891271203 +79 269 5 891271792 +79 286 5 891271792 +79 288 3 891272015 +79 290 3 891271741 +79 301 3 891271308 +79 303 4 891271203 +79 313 2 891271086 +79 325 5 891271792 +79 370 2 891272016 +79 508 3 891271676 +79 740 4 891271870 +79 813 5 891271792 +79 900 4 891271245 +79 937 2 891271180 +79 1008 4 891271982 +79 1017 3 891271697 +79 1161 2 891271697 +80 45 4 887401585 +80 50 3 887401533 +80 58 4 887401677 +80 87 4 887401307 +80 194 3 887401763 +80 199 2 887401353 +80 208 5 887401604 +80 215 5 887401353 +80 234 3 887401533 +80 269 3 883605009 +80 423 3 887401643 +80 466 5 887401701 +80 582 3 887401701 +80 699 3 887401533 +80 886 4 883605238 +81 3 4 876592546 +81 7 4 876533545 +81 93 3 876533657 +81 98 5 876534854 +81 118 2 876533764 +81 124 3 876534594 +81 147 4 876533389 +81 151 2 876533946 +81 169 4 876534751 +81 222 2 876533619 +81 273 4 876533710 +81 274 3 876534313 +81 280 4 876534214 +81 282 5 876533619 +81 318 5 876534817 +81 410 4 876533946 +81 411 2 876534244 +81 412 1 876534408 +81 432 2 876535131 +81 471 3 876533586 +81 476 2 876534124 +81 544 2 876546272 +81 595 4 876534437 +81 742 2 876533764 +81 756 1 876534097 +81 824 3 876534437 +81 926 3 876533824 +81 1028 1 876534277 +82 8 4 878769292 +82 11 4 878769992 +82 13 2 878768615 +82 14 4 876311280 +82 15 3 876311365 +82 25 2 878768435 +82 56 3 878769410 +82 64 5 878770169 +82 69 4 878769948 +82 70 4 878769888 +82 73 4 878769888 +82 103 2 878768665 +82 109 1 884714204 +82 127 2 878769777 +82 135 3 878769629 +82 140 3 878769668 +82 147 3 876311473 +82 151 2 876311547 +82 174 5 878769478 +82 178 4 878769629 +82 183 3 878769848 +82 185 3 878769334 +82 191 4 878769748 +82 194 4 878770027 +82 199 4 878769888 +82 202 4 878769777 +82 208 3 878769815 +82 216 4 878769949 +82 218 3 878769748 +82 220 2 878768840 +82 222 3 876311365 +82 225 3 878768790 +82 231 2 878769815 +82 240 1 884714385 +82 265 4 878770169 +82 275 2 884714125 +82 276 4 876311344 +82 281 3 884714290 +82 289 1 884713642 +82 294 4 878768327 +82 310 4 879788290 +82 343 1 884713755 +82 357 4 878769888 +82 405 3 876311423 +82 411 3 878768902 +82 413 1 884714593 +82 414 4 878769748 +82 455 4 876311319 +82 458 1 884714145 +82 472 3 878768882 +82 476 3 878768765 +82 477 3 876311344 +82 479 4 878769703 +82 480 4 878769373 +82 481 5 878769262 +82 482 4 878769668 +82 495 3 878769668 +82 504 4 878769917 +82 508 2 884714249 +82 513 4 878769334 +82 518 4 878769747 +82 519 4 878770028 +82 520 3 878769703 +82 527 3 878769479 +82 529 4 878770028 +82 596 3 876311195 +82 597 3 878768882 +82 657 4 878769261 +82 661 4 878769703 +82 671 1 878769478 +82 705 3 878769598 +82 717 1 884714492 +82 756 1 878768741 +82 919 3 876311280 +82 1001 1 878769138 +82 1028 2 876311577 +82 1033 1 884714560 +82 1101 4 878770169 +82 1126 4 878770169 +82 1134 2 884714402 +82 1162 1 884714361 +82 1164 2 878768790 +83 1 4 880306903 +83 22 5 880307724 +83 28 4 880308284 +83 35 1 886534501 +83 43 4 880308690 +83 63 4 880327970 +83 77 4 880308426 +83 78 2 880309089 +83 82 5 887665423 +83 94 4 880308831 +83 95 4 880308453 +83 97 4 880308690 +83 105 2 891182288 +83 106 4 887665549 +83 110 4 880309185 +83 117 5 880307000 +83 118 3 880307071 +83 122 1 886534501 +83 125 5 880306811 +83 139 3 880308959 +83 181 4 880306786 +83 186 4 880308601 +83 210 5 880307751 +83 215 4 880307940 +83 216 4 880307846 +83 234 4 887665548 +83 252 4 883868598 +83 254 2 880327839 +83 255 5 887665422 +83 265 5 880308186 +83 281 5 880307072 +83 294 3 887665569 +83 301 2 891181430 +83 323 4 883868420 +83 338 4 883868647 +83 364 1 886534501 +83 385 4 887665549 +83 391 2 880308783 +83 405 5 887665423 +83 407 1 891182532 +83 412 1 883868208 +83 413 1 891182379 +83 423 4 880308329 +83 452 3 880309214 +83 465 4 880308578 +83 468 4 880308390 +83 471 3 891182000 +83 476 3 880307359 +83 543 2 887665445 +83 568 4 880307724 +83 575 4 880309339 +83 576 4 880308755 +83 609 4 880308453 +83 623 4 880308578 +83 631 2 887664566 +83 640 2 880308550 +83 660 4 880308256 +83 663 5 887665423 +83 684 4 880307898 +83 685 4 880306951 +83 692 4 880307979 +83 720 4 880308578 +83 722 4 880308959 +83 748 2 886534501 +83 768 4 887665549 +83 783 4 880308453 +83 795 3 880309214 +83 866 3 883867947 +83 892 2 891181444 +83 929 3 880307140 +83 932 4 881971414 +83 977 3 880307382 +83 1028 4 880307207 +83 1035 4 880308959 +83 1043 3 880308807 +83 1101 2 880308256 +83 1165 2 883868300 +84 7 4 883452155 +84 12 5 883452874 +84 31 4 883453755 +84 64 5 883450066 +84 121 4 883452307 +84 148 4 883452274 +84 151 4 883449993 +84 194 5 883453617 +84 222 4 883450020 +84 237 4 883450093 +84 265 5 883453617 +84 284 3 883450093 +84 289 5 883449419 +84 291 3 883452363 +84 322 3 883449567 +84 385 4 883453797 +84 405 3 883452363 +84 523 4 883453642 +84 528 5 883453617 +84 529 5 883453108 +84 742 3 883450643 +84 748 4 883449530 +84 879 4 883449530 +84 1033 4 883452711 +84 1040 3 883452630 +85 8 4 879454952 +85 13 3 879452866 +85 25 2 879452769 +85 45 3 879455197 +85 51 2 879454782 +85 53 3 882995643 +85 56 4 879453587 +85 58 4 879829689 +85 70 4 879828328 +85 71 4 879456308 +85 83 4 886282959 +85 86 4 879454189 +85 89 4 879454075 +85 94 3 882995966 +85 95 4 879455114 +85 97 2 879829667 +85 98 4 879453716 +85 108 2 880838201 +85 124 5 882813248 +85 127 5 879829301 +85 133 4 879453876 +85 154 4 879828777 +85 157 3 879454400 +85 160 3 879454075 +85 163 3 882813312 +85 175 4 879828912 +85 179 4 879454272 +85 187 5 879454235 +85 192 4 879454951 +85 199 5 879829438 +85 203 5 879455402 +85 208 5 879828941 +85 209 4 879454500 +85 211 5 879454005 +85 212 2 879454859 +85 213 4 879454751 +85 215 4 879829438 +85 216 3 879454500 +85 228 3 882813248 +85 234 4 882995015 +85 237 3 879452769 +85 241 3 882995340 +85 250 3 882592687 +85 259 2 881705026 +85 268 4 881705073 +85 269 3 891289966 +85 272 4 893110061 +85 275 3 879454581 +85 277 2 879452938 +85 282 3 879829618 +85 283 3 879454467 +85 286 4 879452259 +85 289 3 879452334 +85 298 4 880581629 +85 300 3 879452259 +85 317 3 882995577 +85 318 4 879453684 +85 327 3 884820110 +85 340 3 893109920 +85 372 4 879828720 +85 380 4 882995704 +85 382 4 879454820 +85 389 3 882995832 +85 404 3 882994947 +85 414 4 879828720 +85 417 3 882995859 +85 418 3 879455197 +85 420 4 880838337 +85 425 4 879454905 +85 427 3 879456350 +85 433 3 879828720 +85 443 4 879454582 +85 449 4 882813248 +85 451 4 882995934 +85 464 5 882996119 +85 479 4 879454951 +85 480 4 879453658 +85 488 4 879455197 +85 492 4 879454905 +85 498 4 879454400 +85 499 4 879455114 +85 501 3 880838306 +85 502 4 879454633 +85 507 4 879456199 +85 508 2 879453040 +85 509 4 879454189 +85 511 4 879454112 +85 514 5 879453684 +85 517 5 879455238 +85 523 4 879453965 +85 528 4 879454859 +85 530 3 879456350 +85 566 3 879454273 +85 568 3 879455238 +85 588 3 880838306 +85 604 4 882995132 +85 622 3 882995833 +85 629 3 879454685 +85 632 3 879454304 +85 639 3 879454189 +85 642 4 882995615 +85 647 4 879453844 +85 655 3 879454350 +85 658 3 879829861 +85 660 4 879829618 +85 661 4 879454005 +85 690 2 890255371 +85 692 3 879828490 +85 702 2 879828054 +85 708 4 879828349 +85 709 5 879828941 +85 792 4 879828941 +85 842 3 882995704 +85 855 3 879827989 +85 971 3 879828156 +85 984 2 884906441 +85 1009 2 879453093 +85 1021 3 882995490 +85 1065 3 879455021 +85 1074 3 882996039 +85 1098 4 879828912 +85 1101 4 879454046 +85 1131 4 879454111 +85 1137 4 879452609 +85 1149 3 886283002 +85 1153 4 879454751 +85 1167 3 879829209 +85 1168 3 882995908 +85 1169 4 879454952 +86 258 5 879570366 +86 286 3 879569555 +86 288 3 879570218 +86 289 3 879570366 +86 300 3 879570277 +86 319 3 879569555 +86 327 4 879570218 +86 872 3 879570366 +86 879 2 879570149 +86 881 2 879570218 +86 889 5 879570973 +86 1175 5 879570973 +87 2 4 879876074 +87 4 5 879876524 +87 7 4 879875735 +87 8 5 879876447 +87 9 4 879877931 +87 25 4 879876811 +87 33 3 879876488 +87 39 3 879875995 +87 40 3 879876917 +87 55 4 879875774 +87 63 4 879876848 +87 64 5 879875649 +87 67 4 879877007 +87 68 3 879876074 +87 70 5 879876448 +87 73 3 879877083 +87 79 5 879875856 +87 82 5 879875774 +87 87 4 879877931 +87 88 5 879876672 +87 90 2 879877127 +87 96 5 879875734 +87 97 5 879877825 +87 118 4 879876162 +87 120 2 879877173 +87 135 5 879875649 +87 154 4 879876564 +87 157 3 879877799 +87 161 5 879875893 +87 163 4 879877083 +87 177 5 879875940 +87 182 4 879875737 +87 183 4 879875734 +87 186 5 879876734 +87 192 3 879877741 +87 196 5 879877681 +87 201 2 879876673 +87 208 5 879876403 +87 209 5 879876488 +87 210 5 879875734 +87 211 5 879876812 +87 229 4 879876037 +87 231 3 879876110 +87 233 4 879876036 +87 238 3 879876734 +87 239 4 879876673 +87 254 4 879876256 +87 274 4 879876734 +87 300 3 879875418 +87 303 3 879875471 +87 318 4 879877627 +87 367 4 879876702 +87 382 3 879876488 +87 384 4 879877127 +87 385 5 879875818 +87 386 2 879877006 +87 393 4 879876703 +87 401 2 879876813 +87 403 3 879875996 +87 409 3 879877127 +87 411 4 879876946 +87 491 5 879877930 +87 515 4 879876194 +87 519 4 879877652 +87 521 3 879877772 +87 523 5 879875649 +87 550 4 879876074 +87 554 4 879875940 +87 566 5 879875775 +87 568 5 879875818 +87 576 3 879876163 +87 585 4 879877008 +87 628 4 879877709 +87 629 4 879877006 +87 651 4 879875893 +87 679 3 879876036 +87 684 5 879875774 +87 702 3 879876917 +87 705 4 879877740 +87 732 4 879876703 +87 775 2 879876848 +87 790 4 879876885 +87 796 4 879877280 +87 810 3 879876111 +87 996 3 879876848 +87 1000 3 879877173 +87 1016 4 879876194 +87 1047 3 879877280 +87 1072 3 879876610 +87 1074 3 879876813 +87 1079 2 879877240 +87 1089 3 879876225 +87 1182 3 879877043 +87 1183 3 879875995 +87 1184 3 879876074 +87 1187 2 879875893 +87 1189 5 879877951 +87 1190 4 879876336 +88 261 5 891038103 +88 301 4 891037618 +88 302 3 891037111 +88 315 4 891037276 +88 321 1 891037708 +88 690 4 891037708 +88 750 2 891037276 +88 881 5 891038103 +88 886 5 891038103 +88 904 5 891037276 +89 14 4 879441357 +89 26 3 879459909 +89 83 4 879459884 +89 93 2 879441307 +89 117 5 879441357 +89 121 5 879441657 +89 127 5 879441335 +89 150 5 879441452 +89 151 5 879441507 +89 197 5 879459859 +89 212 3 879459909 +89 213 4 879459859 +89 216 5 879459859 +89 221 1 879441687 +89 246 5 879461219 +89 257 5 879461219 +89 268 5 879461219 +89 277 4 879441271 +89 283 4 879441557 +89 381 4 879459999 +89 387 5 879459909 +89 517 5 879459859 +89 694 5 879460027 +89 707 5 879459884 +89 716 3 879460027 +89 732 5 879459909 +89 737 1 879460376 +89 739 2 879460376 +89 762 3 879441491 +89 813 5 879461219 +89 815 4 879441637 +89 845 2 879441335 +89 936 5 879461219 +89 949 3 879460027 +89 952 2 879441400 +89 1048 3 879460027 +90 6 4 891384357 +90 9 4 891385787 +90 11 4 891384113 +90 12 5 891383241 +90 14 5 891383987 +90 17 4 891384721 +90 22 4 891384357 +90 25 5 891384789 +90 30 5 891385843 +90 31 4 891384673 +90 33 4 891383600 +90 42 4 891384885 +90 45 3 891385039 +90 79 4 891383912 +90 83 5 891383687 +90 86 5 891383626 +90 96 4 891384754 +90 98 5 891383204 +90 100 5 891383241 +90 131 5 891384066 +90 132 5 891384673 +90 143 5 891383204 +90 148 2 891385787 +90 149 3 891384754 +90 150 3 891385250 +90 155 5 891385040 +90 166 4 891383423 +90 177 5 891384516 +90 178 5 891384611 +90 179 5 891385389 +90 180 4 891384065 +90 182 3 891383599 +90 185 5 891384959 +90 187 4 891383561 +90 190 5 891383687 +90 191 5 891384424 +90 197 5 891383319 +90 199 5 891384423 +90 202 3 891385298 +90 203 5 891384611 +90 213 5 891383718 +90 237 4 891385215 +90 241 5 891384611 +90 245 3 891382612 +90 258 3 891382121 +90 259 2 891382392 +90 269 5 891382310 +90 272 5 891382121 +90 287 4 891384611 +90 289 3 891382310 +90 301 4 891382392 +90 307 5 891383319 +90 311 4 891382163 +90 312 4 891383319 +90 313 5 891382163 +90 318 5 891383350 +90 323 3 891382634 +90 328 3 891382490 +90 347 4 891383319 +90 354 3 891382240 +90 357 5 891385132 +90 367 4 891385250 +90 382 5 891383835 +90 421 4 891383718 +90 423 5 891384997 +90 425 4 891384996 +90 433 3 891384611 +90 435 5 891383350 +90 471 4 891385752 +90 475 3 891385465 +90 478 5 891384754 +90 483 5 891384570 +90 486 5 891383912 +90 489 5 891384357 +90 494 5 891383241 +90 499 5 891383866 +90 501 5 891384885 +90 506 5 891383319 +90 507 5 891383987 +90 512 4 891383241 +90 514 3 891384423 +90 517 3 891384789 +90 518 2 891385787 +90 521 4 891384570 +90 526 5 891383866 +90 529 5 891385132 +90 547 3 891385899 +90 553 2 891384959 +90 602 5 891385466 +90 603 5 891385132 +90 604 5 891383350 +90 611 5 891384789 +90 613 4 891383835 +90 614 4 891384020 +90 618 5 891385335 +90 631 5 891384570 +90 648 4 891384754 +90 652 4 891384611 +90 657 5 891385190 +90 659 4 891384357 +90 662 5 891385842 +90 690 4 891383319 +90 692 4 891384476 +90 693 3 891385752 +90 705 5 891384147 +90 707 5 891384476 +90 713 4 891385466 +90 739 5 891384789 +90 813 4 891384997 +90 821 3 891385843 +90 855 5 891383752 +90 879 3 891382542 +90 900 4 891382309 +90 903 4 891383319 +90 904 3 891382121 +90 906 2 891382240 +90 923 5 891383912 +90 945 5 891383866 +90 958 4 891383561 +90 962 2 891384721 +90 964 5 891385843 +90 966 5 891385843 +90 971 4 891385250 +90 995 4 891382708 +90 1020 5 891384997 +90 1048 4 891385132 +90 1086 4 891384424 +90 1101 4 891384570 +90 1109 3 891385652 +90 1125 4 891384611 +90 1193 4 891384789 +90 1194 4 891383718 +90 1197 4 891384476 +90 1198 5 891383866 +90 1200 4 891384066 +90 1206 2 891383912 +91 28 4 891439243 +91 64 4 891439243 +91 82 5 891439386 +91 97 5 891438947 +91 99 2 891439386 +91 131 2 891439471 +91 134 4 891439353 +91 161 3 891439353 +91 172 4 891439208 +91 174 5 891439090 +91 181 5 891439243 +91 193 3 891439057 +91 195 5 891439057 +91 230 4 891439560 +91 234 5 891439503 +91 264 4 891438583 +91 265 5 891439018 +91 289 4 891438553 +91 313 4 891437978 +91 318 5 891439090 +91 322 4 891438397 +91 323 2 891438397 +91 326 3 891438245 +91 327 4 891438351 +91 331 5 891438245 +91 338 4 891438529 +91 351 4 891438617 +91 357 5 891439271 +91 423 5 891439090 +91 427 4 891439057 +91 435 4 891439353 +91 479 4 891439208 +91 480 4 891438875 +91 482 3 891439208 +91 484 4 891438977 +91 504 3 891439471 +91 507 4 891438977 +91 510 3 891439090 +91 515 5 891439090 +91 526 4 891439471 +91 529 4 891438977 +91 616 4 891439439 +91 618 3 891438875 +91 682 2 891438184 +91 683 3 891438351 +91 689 5 891438617 +91 748 2 891438314 +91 1050 3 891439414 +92 2 3 875653699 +92 11 4 875653363 +92 15 3 875640189 +92 22 3 875653121 +92 24 3 875640448 +92 28 3 875653050 +92 31 4 875654321 +92 32 3 875653363 +92 42 4 875653664 +92 43 3 875813314 +92 46 4 875653867 +92 48 4 875653307 +92 53 3 875656392 +92 62 3 875660468 +92 66 3 875812279 +92 67 3 875907436 +92 73 3 875656474 +92 77 3 875654637 +92 79 4 875653198 +92 81 3 875654929 +92 85 3 875812364 +92 87 3 876175077 +92 88 3 875656349 +92 89 5 875652981 +92 93 4 886444049 +92 94 3 875812876 +92 96 4 875656025 +92 98 5 875652934 +92 101 2 875656624 +92 102 2 875813376 +92 106 3 875640609 +92 109 3 886443351 +92 115 3 875654125 +92 121 5 875640679 +92 123 2 875640251 +92 124 4 886440530 +92 129 4 886443161 +92 132 3 875812211 +92 134 4 875656623 +92 135 4 875652981 +92 144 4 875810741 +92 148 2 877383934 +92 154 4 875657681 +92 159 4 875810543 +92 161 2 875654125 +92 164 4 875656201 +92 168 4 875653723 +92 172 4 875653271 +92 173 3 875656535 +92 175 4 875653549 +92 176 5 875652981 +92 180 5 875653016 +92 181 4 876175052 +92 183 4 875653960 +92 184 3 877383934 +92 189 4 875653519 +92 190 4 876174729 +92 191 4 875653050 +92 196 4 875654222 +92 201 3 875654159 +92 203 4 875653699 +92 209 5 875652934 +92 214 4 875654732 +92 215 4 875656419 +92 216 3 875653867 +92 219 4 875654888 +92 220 1 875644796 +92 223 5 875653723 +92 226 3 875813412 +92 229 3 875656201 +92 238 5 875654159 +92 241 3 875655961 +92 248 4 886442565 +92 249 3 886443192 +92 252 4 886443582 +92 273 4 875640214 +92 276 5 875640251 +92 278 3 876175640 +92 281 3 875812331 +92 288 3 878679005 +92 289 3 875641367 +92 291 4 886443277 +92 295 2 886442386 +92 313 5 887042925 +92 318 2 875653307 +92 328 3 888469687 +92 367 3 875654533 +92 376 3 875907366 +92 386 3 875907727 +92 393 3 875660494 +92 403 4 875654189 +92 410 3 875640583 +92 412 2 875640609 +92 423 3 875655990 +92 431 4 875660164 +92 453 1 875906882 +92 455 2 876769302 +92 463 4 875656623 +92 471 4 875640385 +92 475 5 875640148 +92 476 2 886443602 +92 501 2 875653665 +92 508 5 886443416 +92 515 4 875640800 +92 518 5 875653579 +92 521 4 875813412 +92 527 3 875653549 +92 528 4 875657681 +92 531 4 875653121 +92 540 2 875813197 +92 551 2 875906882 +92 552 3 875907078 +92 559 3 875660304 +92 561 3 875812413 +92 568 3 875654590 +92 576 2 875813171 +92 581 4 875654189 +92 582 5 875641516 +92 587 3 875660408 +92 595 3 886443534 +92 596 2 886443161 +92 619 4 875640487 +92 628 4 875639823 +92 640 5 875653579 +92 655 4 875654533 +92 660 4 875654125 +92 663 4 875653914 +92 665 3 875906853 +92 672 3 875660028 +92 673 4 875656392 +92 678 2 875641428 +92 692 4 875653805 +92 709 2 875654590 +92 712 3 875656392 +92 715 4 875656288 +92 717 3 886443416 +92 720 3 875813022 +92 722 3 875907596 +92 725 3 875907727 +92 727 4 875653242 +92 728 3 875907574 +92 731 4 875653769 +92 739 2 876175582 +92 747 4 875656164 +92 748 3 892655791 +92 756 3 886443582 +92 763 3 886443192 +92 778 4 875811457 +92 781 3 875907649 +92 785 3 875660304 +92 790 3 875907618 +92 794 3 875654798 +92 802 2 875907134 +92 820 1 875644796 +92 825 4 875640487 +92 831 2 886443708 +92 834 1 875906882 +92 845 3 886442565 +92 846 3 886443471 +92 925 3 875640214 +92 928 3 886443582 +92 930 2 886443582 +92 931 1 875644796 +92 947 4 875654929 +92 955 4 875658312 +92 961 4 875811128 +92 963 5 875652981 +92 977 2 886443494 +92 986 2 890251716 +92 1012 4 886443231 +92 1014 3 890251484 +92 1016 2 875640582 +92 1033 2 890251592 +92 1041 3 875907675 +92 1047 1 875644796 +92 1049 1 890251826 +92 1079 3 886443455 +92 1095 2 886443728 +92 1142 4 886442422 +92 1207 3 875907179 +92 1209 1 875660468 +92 1212 3 876175626 +92 1213 2 875907079 +92 1215 2 890251747 +93 15 5 888705388 +93 125 1 888705416 +93 222 4 888705295 +93 235 4 888705939 +93 275 4 888705224 +93 412 2 888706037 +93 476 4 888705879 +93 477 5 888705053 +93 815 4 888705761 +93 820 3 888705966 +93 845 4 888705321 +94 1 4 885870323 +94 8 5 885873653 +94 9 5 885872684 +94 12 4 886008625 +94 17 2 891721494 +94 23 5 885870284 +94 24 4 885873423 +94 28 4 885873159 +94 31 4 891721286 +94 33 3 891721919 +94 34 1 891723558 +94 38 2 891722482 +94 39 3 891721317 +94 45 5 886008764 +94 50 5 891720996 +94 52 5 891721026 +94 55 4 885873653 +94 58 5 891720540 +94 61 5 891720761 +94 62 3 891722933 +94 63 3 891723908 +94 64 5 885870362 +94 68 4 891722432 +94 70 4 891722511 +94 76 4 891720827 +94 79 4 885882967 +94 82 4 891721777 +94 88 3 891721942 +94 89 3 885870284 +94 92 4 891721142 +94 96 3 885872942 +94 99 3 891721815 +94 100 5 885872942 +94 101 2 891720996 +94 102 3 891721462 +94 109 4 891721974 +94 118 3 891723295 +94 133 4 885882685 +94 135 4 885870231 +94 144 3 891721168 +94 153 5 891725333 +94 155 2 891723807 +94 156 5 891725332 +94 157 5 891725332 +94 161 3 891721439 +94 168 5 891721378 +94 170 5 891725362 +94 174 4 885870231 +94 175 4 885870613 +94 180 5 885870284 +94 184 2 891720862 +94 185 5 885873684 +94 186 4 891722278 +94 193 5 891720498 +94 202 2 885873423 +94 203 5 885870577 +94 206 4 891722843 +94 211 5 891721142 +94 214 5 891725332 +94 216 3 885870665 +94 217 4 891722646 +94 218 3 891721851 +94 222 3 891721258 +94 223 5 891721286 +94 227 3 891722759 +94 229 3 891722979 +94 232 3 891721584 +94 234 5 885882685 +94 235 4 891722980 +94 241 4 891721716 +94 246 4 891724064 +94 257 4 891724178 +94 258 5 891724044 +94 265 4 891721889 +94 273 4 885872684 +94 282 3 891722758 +94 288 3 885869993 +94 313 4 891724925 +94 334 3 891725440 +94 343 4 891725009 +94 346 4 891725410 +94 347 5 891724950 +94 366 3 891722845 +94 380 3 891722760 +94 385 2 891721975 +94 390 5 891725333 +94 393 3 891721684 +94 402 4 891723261 +94 405 3 891721615 +94 410 4 891721494 +94 420 4 891721317 +94 421 4 891721414 +94 425 5 885870665 +94 428 5 891725332 +94 431 4 891721716 +94 443 4 891721439 +94 447 4 891721562 +94 448 5 891722939 +94 455 3 891721777 +94 458 4 891722306 +94 467 4 885873423 +94 470 4 891722006 +94 471 4 891721642 +94 472 3 891723707 +94 483 5 885870115 +94 496 3 885873159 +94 537 4 891722006 +94 541 3 891723525 +94 546 3 891723296 +94 550 1 891723033 +94 556 3 891722882 +94 561 3 891722882 +94 562 3 891721494 +94 566 2 891721815 +94 572 3 891723883 +94 576 2 891723593 +94 581 4 891722249 +94 583 3 891722174 +94 588 4 885873006 +94 603 4 891721414 +94 616 4 891720498 +94 624 2 891723459 +94 625 4 891723086 +94 644 5 886008390 +94 646 5 885873006 +94 650 5 885870612 +94 651 5 891725332 +94 652 4 891721167 +94 655 4 891720862 +94 657 5 891720761 +94 674 3 891723748 +94 684 4 891721615 +94 685 4 891722382 +94 693 4 891720921 +94 696 4 891724381 +94 700 2 891723427 +94 715 4 891722278 +94 720 1 891723593 +94 723 3 891721851 +94 727 5 891722458 +94 731 3 891723295 +94 738 2 891723558 +94 742 3 891722214 +94 744 4 891721462 +94 765 3 891723619 +94 768 3 891722609 +94 783 2 891723495 +94 789 4 891720887 +94 792 4 885873006 +94 806 4 885873302 +94 810 3 891723076 +94 820 1 891723186 +94 824 4 891722882 +94 829 2 891724800 +94 860 2 891723706 +94 921 5 891725332 +94 942 4 891721749 +94 946 3 891723217 +94 949 5 885873160 +94 961 4 891721317 +94 969 4 891721026 +94 1004 3 891723593 +94 1028 2 891723395 +94 1032 2 891723807 +94 1044 4 891722555 +94 1048 4 891722678 +94 1074 2 891723427 +94 1089 2 891724829 +94 1119 4 891723261 +94 1147 4 886008354 +94 1153 4 891721777 +94 1199 3 891724798 +94 1206 3 891723593 +94 1210 3 891723558 +94 1217 3 891723086 +94 1220 3 891722678 +94 1223 4 891721494 +94 1224 3 891722802 +94 1226 4 891724081 +95 1 5 879197329 +95 2 2 888955909 +95 3 1 879193881 +95 7 5 879197329 +95 14 5 879197329 +95 15 4 879195062 +95 24 3 879192542 +95 26 3 880571951 +95 32 1 888954726 +95 33 3 880571704 +95 43 2 880572356 +95 48 4 879197500 +95 64 5 879197685 +95 68 4 879196231 +95 69 5 879198210 +95 79 4 879196231 +95 83 5 880573288 +95 88 4 880571016 +95 90 2 880572166 +95 96 4 879196298 +95 101 1 879198800 +95 111 4 879194012 +95 117 4 879193619 +95 128 3 879196354 +95 132 3 880570993 +95 135 3 879197562 +95 137 3 879192404 +95 142 4 880572249 +95 143 4 880571951 +95 151 4 879193353 +95 161 3 879196298 +95 172 4 879196847 +95 173 5 879198547 +95 174 5 879196231 +95 176 3 879196298 +95 178 5 879197652 +95 181 4 879193353 +95 185 3 879197886 +95 191 5 879198161 +95 202 4 879198209 +95 204 5 879197562 +95 211 3 879197652 +95 226 4 879196513 +95 229 3 879196408 +95 232 4 879196513 +95 233 4 879196354 +95 239 3 879198262 +95 241 3 879196408 +95 265 3 879196513 +95 286 5 879193353 +95 289 2 879191590 +95 328 5 888953921 +95 357 4 879198317 +95 366 4 880572628 +95 371 2 888955909 +95 378 4 888954699 +95 385 4 879196408 +95 393 5 880571678 +95 395 3 888956928 +95 402 3 880571389 +95 403 1 879196457 +95 404 5 888954513 +95 416 4 888954961 +95 417 3 888956158 +95 422 2 888956665 +95 432 3 879197886 +95 443 3 879198747 +95 445 4 888956272 +95 471 5 884266051 +95 474 4 880570909 +95 483 3 879198697 +95 496 4 879198746 +95 498 3 879197445 +95 505 3 888954513 +95 510 4 879196188 +95 514 2 888954076 +95 518 4 888954076 +95 523 4 879197562 +95 527 4 888954440 +95 546 2 879196566 +95 550 4 879196748 +95 554 3 879196748 +95 560 1 880572166 +95 568 4 879196594 +95 573 1 888954808 +95 588 3 879198800 +95 591 5 880573287 +95 622 4 880571678 +95 625 4 888954412 +95 627 4 880572288 +95 636 1 879196566 +95 651 5 879196594 +95 655 4 879198109 +95 657 5 879198697 +95 660 5 880571456 +95 674 2 880572104 +95 675 2 888954310 +95 683 4 879193353 +95 699 2 882804187 +95 712 2 888956400 +95 716 3 879198109 +95 720 2 879196513 +95 728 3 882804159 +95 736 4 888954170 +95 737 3 879197021 +95 742 4 879193512 +95 747 5 880573288 +95 768 1 888956272 +95 787 2 888954930 +95 791 3 880572449 +95 843 4 880572448 +95 862 1 884266100 +95 878 1 881599623 +95 976 2 879195703 +95 1018 3 879198946 +95 1090 1 888956869 +95 1206 4 888956137 +95 1217 3 880572658 +95 1219 1 888956489 +95 1229 2 879198800 +95 1230 1 888956901 +96 1 5 884403574 +96 8 5 884403020 +96 23 5 884403123 +96 50 5 884402977 +96 64 5 884403336 +96 79 4 884403500 +96 87 4 884403531 +96 91 5 884403250 +96 96 4 884403531 +96 100 5 884403758 +96 153 4 884403624 +96 156 4 884402860 +96 170 5 884403866 +96 173 3 884402791 +96 176 4 884403758 +96 198 5 884403465 +96 435 3 884403500 +96 474 4 884403095 +96 478 2 884403123 +96 479 4 884403758 +96 483 5 884403057 +96 484 5 884402860 +96 519 4 884402896 +96 525 2 884402860 +96 645 5 884403020 +96 673 4 884402860 +96 1154 5 884403993 +96 1232 5 884404017 +97 7 5 884238939 +97 28 5 884238778 +97 32 5 884239791 +97 50 5 884239471 +97 79 5 884238817 +97 89 5 884238939 +97 97 5 884239525 +97 98 4 884238728 +97 115 5 884239525 +97 168 4 884238693 +97 174 4 884238817 +97 192 1 884238778 +97 194 3 884238860 +97 202 5 884239449 +97 222 5 884238887 +97 228 5 884238860 +97 357 5 884239493 +97 428 4 884239553 +97 429 4 884238860 +97 430 5 884238693 +97 432 4 884238997 +97 435 4 884238752 +97 466 3 884239449 +97 482 5 884238693 +97 484 3 884238966 +97 655 5 884238860 +97 661 5 884238817 +97 670 5 884239744 +98 47 4 880498898 +98 70 3 880499018 +98 116 5 880499053 +98 163 3 880499053 +98 173 1 880498935 +98 209 2 880498935 +98 321 3 880498519 +98 517 5 880498990 +98 655 3 880498861 +98 745 3 880498935 +98 938 3 880498624 +99 3 3 885679237 +99 4 5 886519097 +99 7 4 885678784 +99 11 5 885680138 +99 12 5 885680458 +99 50 5 885679998 +99 56 5 885679833 +99 66 3 886519047 +99 69 4 885679833 +99 79 4 885680138 +99 100 5 885678813 +99 107 3 885679138 +99 111 1 885678886 +99 118 2 885679237 +99 123 3 885678997 +99 124 2 885678886 +99 168 5 885680374 +99 181 5 885680138 +99 182 4 886518810 +99 196 4 885680578 +99 203 4 885680723 +99 204 4 885679952 +99 232 4 886519075 +99 237 5 885678886 +99 245 3 885678500 +99 246 3 888469392 +99 255 3 888469419 +99 258 5 885678696 +99 265 3 885679833 +99 268 3 885678247 +99 273 5 886780105 +99 274 1 885679157 +99 288 4 885678247 +99 312 2 885678576 +99 322 3 885678499 +99 328 4 885678696 +99 331 3 885678247 +99 338 4 885678539 +99 346 4 885678415 +99 354 2 888469332 +99 363 4 885679262 +99 369 4 885679382 +99 402 4 885680617 +99 403 4 885680374 +99 406 3 885679353 +99 409 2 885679411 +99 410 5 885679262 +99 413 3 885679299 +99 421 3 885680772 +99 472 3 885679210 +99 508 4 885678840 +99 546 4 885679353 +99 597 4 885679210 +99 628 4 885678813 +99 676 4 885678886 +99 682 2 885678371 +99 685 3 885678840 +99 694 1 885680616 +99 741 3 885678886 +99 742 5 885679114 +99 748 4 885678436 +99 762 2 885679411 +99 827 3 885679504 +99 871 2 885679411 +99 873 1 885678436 +99 895 3 885678304 +99 926 3 885679437 +99 963 3 885679998 +99 978 3 885679382 +99 1016 5 885678724 +99 1052 1 885679533 +99 1067 4 885679437 +99 1119 4 885680348 +100 266 2 891375484 +100 268 3 891374982 +100 288 2 891374603 +100 289 3 891375359 +100 292 2 891375146 +100 302 4 891374528 +100 313 5 891374706 +100 316 5 891375313 +100 321 1 891375112 +100 323 3 891375359 +100 333 3 891374528 +100 340 3 891374707 +100 342 3 891375454 +100 344 4 891374868 +100 348 3 891375630 +100 354 2 891375260 +100 355 4 891375313 +100 689 3 891375212 +100 691 4 891375260 +100 750 4 891375016 +100 752 4 891375146 +100 905 3 891375630 +100 990 3 891375428 +100 1236 3 891375630 +100 1238 2 891375068 +101 24 4 877136391 +101 50 4 877135944 +101 109 2 877136360 +101 118 3 877136424 +101 121 4 877137015 +101 122 1 877136928 +101 123 2 877136186 +101 222 3 877136243 +101 237 5 877137015 +101 252 3 877136628 +101 281 2 877136842 +101 282 3 877135883 +101 284 4 877136564 +101 304 3 877135677 +101 369 2 877136928 +101 405 4 877137015 +101 471 3 877136535 +101 596 3 877136564 +101 756 3 877136424 +101 815 3 877136392 +101 829 3 877136138 +101 840 3 877136659 +101 928 2 877136302 +101 975 2 877136659 +101 1034 2 877136686 +101 1047 2 877136424 +101 1051 2 877136891 +101 1057 2 877136789 +101 1093 1 877136360 +102 5 3 888803002 +102 47 2 888803636 +102 50 4 888801315 +102 62 3 888801812 +102 66 3 892992129 +102 67 1 892993706 +102 70 3 888803537 +102 79 2 888801316 +102 83 3 888803487 +102 89 4 888801315 +102 94 2 892993545 +102 96 3 888801316 +102 98 4 888802939 +102 99 2 883748488 +102 101 4 883748488 +102 102 3 883748488 +102 118 3 888801465 +102 121 3 888801673 +102 144 3 888801360 +102 161 2 888801876 +102 163 2 892993190 +102 164 3 888803002 +102 167 2 892993927 +102 173 3 888803602 +102 176 3 888801360 +102 181 2 888801406 +102 183 4 888801360 +102 184 2 888801465 +102 186 4 888803487 +102 195 4 888801360 +102 202 4 892991269 +102 208 4 888803537 +102 217 2 888803149 +102 222 3 888801406 +102 233 3 888801622 +102 239 3 888804089 +102 248 3 877915935 +102 264 2 883277645 +102 271 2 888781860 +102 286 3 883277645 +102 298 3 875886827 +102 300 3 875886434 +102 302 3 880680541 +102 307 4 883748222 +102 313 3 887048184 +102 322 3 883277645 +102 326 3 879082298 +102 350 3 892990700 +102 358 3 888957092 +102 363 2 888801622 +102 385 3 888801577 +102 391 2 888802767 +102 393 3 892993302 +102 399 2 888802722 +102 403 3 888801812 +102 405 2 888801812 +102 418 3 883748450 +102 432 3 883748418 +102 443 3 888803148 +102 444 1 888803245 +102 445 2 888803148 +102 448 3 888803002 +102 502 3 888803738 +102 510 4 888801316 +102 515 1 888801316 +102 524 3 888803537 +102 530 3 888801577 +102 554 2 888801577 +102 559 3 888803052 +102 565 2 888803395 +102 568 2 888801232 +102 576 2 888802722 +102 577 3 892993895 +102 578 2 888801876 +102 588 4 883748450 +102 597 3 888801673 +102 625 3 883748418 +102 629 3 888803488 +102 635 2 888803148 +102 636 3 888801577 +102 663 3 892993190 +102 675 3 888802940 +102 685 3 888801876 +102 686 3 888801673 +102 689 3 883277481 +102 720 2 888801812 +102 732 3 888804089 +102 734 2 892993786 +102 746 2 892993190 +102 748 3 888800994 +102 768 2 883748450 +102 797 2 888802722 +102 809 3 888802768 +102 810 2 888802508 +102 823 3 888801465 +102 827 2 888802722 +102 831 2 888802508 +102 840 2 888802508 +102 866 2 892993545 +102 930 2 888802677 +102 986 1 888802319 +102 1025 2 883278200 +102 1030 1 892994075 +102 1239 2 888802319 +103 24 4 880415847 +103 50 5 880416864 +103 69 3 880420585 +103 96 4 880422009 +103 117 4 880416313 +103 121 3 880415766 +103 126 5 880420002 +103 127 4 880416331 +103 144 4 880420510 +103 222 3 880415875 +103 234 3 880420353 +103 300 3 880416727 +103 471 4 880416921 +103 527 5 880416238 +104 7 3 888465972 +104 25 3 888465634 +104 100 4 888465166 +104 117 2 888465972 +104 122 3 888465739 +104 147 3 888466002 +104 150 5 888465225 +104 235 2 888465675 +104 245 2 888442404 +104 248 2 888465604 +104 249 3 888465675 +104 269 5 888441878 +104 282 3 888465166 +104 283 4 888465582 +104 285 4 888465201 +104 287 2 888465347 +104 288 2 888442140 +104 293 3 888465166 +104 299 3 888442436 +104 300 3 888442275 +104 301 2 888442275 +104 312 3 888442485 +104 324 1 888442404 +104 325 1 888442552 +104 327 2 888442202 +104 331 3 888442140 +104 342 3 888442437 +104 346 3 888442172 +104 347 2 888442140 +104 354 3 888442202 +104 411 1 888465739 +104 412 3 888465900 +104 475 4 888465582 +104 544 3 888465413 +104 546 1 888465491 +104 713 3 888465491 +104 744 1 888465413 +104 751 4 888442337 +104 756 2 888465739 +104 823 1 888465554 +104 827 2 888466086 +104 984 1 888442575 +104 1010 1 888465554 +104 1011 3 888465201 +104 1016 1 888466002 +104 1017 1 888465634 +104 1226 3 888465347 +104 1241 1 888465379 +105 258 5 889214306 +105 268 4 889214268 +105 272 4 889214284 +105 286 4 889214306 +105 307 2 889214381 +105 333 3 889214268 +105 752 3 889214406 +106 1 4 881449487 +106 8 4 881452405 +106 15 3 883876518 +106 22 4 881449830 +106 45 3 881453290 +106 48 3 881453290 +106 64 4 881449830 +106 69 4 881449886 +106 77 4 881451716 +106 86 3 881451355 +106 88 3 881453097 +106 97 5 881450810 +106 107 4 883876961 +106 165 5 881450536 +106 194 5 881450758 +106 196 5 881450578 +106 213 4 881453065 +106 223 4 881450440 +106 273 3 881453290 +106 285 4 883876206 +106 286 4 881449486 +106 313 4 888706075 +106 435 3 881452355 +106 526 4 881452685 +106 582 4 881451199 +106 584 4 881453481 +106 660 4 881451631 +106 684 4 881452763 +106 692 3 881453290 +106 699 4 881451421 +106 703 4 881450039 +106 778 4 881453040 +106 828 2 883876872 +106 923 4 881453355 +106 956 3 881453290 +106 1115 4 883876833 +107 258 4 891264466 +107 269 5 891264267 +107 271 2 891264432 +107 300 1 891264432 +107 302 4 891264296 +107 305 4 891264327 +107 321 2 891264432 +107 333 3 891264267 +107 340 5 891264356 +108 10 5 879879834 +108 13 3 879879834 +108 14 5 879879720 +108 21 3 879880141 +108 50 4 879879739 +108 100 4 879879720 +108 121 3 879880190 +108 125 3 879879864 +108 137 5 879879941 +108 181 3 879879985 +108 237 3 879879796 +108 275 5 879879739 +108 282 3 879880055 +108 290 4 879880076 +108 471 2 879880076 +108 515 5 879879941 +109 1 4 880563619 +109 4 2 880572756 +109 5 3 880580637 +109 7 4 880563080 +109 8 3 880572642 +109 9 3 880564607 +109 31 4 880577844 +109 42 1 880572756 +109 58 4 880572950 +109 62 3 880578711 +109 68 3 880582469 +109 69 4 880572561 +109 89 4 880573263 +109 90 3 880583192 +109 91 4 880582384 +109 94 4 880579787 +109 96 5 880572614 +109 97 3 880578711 +109 100 4 880563080 +109 101 1 880578186 +109 117 5 880564457 +109 121 5 880571741 +109 127 2 880563471 +109 131 1 880579757 +109 147 4 880564679 +109 154 2 880578121 +109 157 4 880577961 +109 158 1 880579916 +109 159 4 880578121 +109 162 2 880578358 +109 172 5 880572528 +109 176 5 880577868 +109 178 3 880572950 +109 183 5 880572528 +109 195 5 880578038 +109 196 4 880578358 +109 200 2 880577734 +109 204 4 880577844 +109 214 1 880577604 +109 215 3 880578598 +109 218 4 880578633 +109 223 4 880572588 +109 230 5 880579107 +109 237 4 880571770 +109 245 3 880562908 +109 248 2 880564415 +109 252 5 880571629 +109 258 5 880562908 +109 278 3 880571770 +109 281 2 880571919 +109 291 3 880571801 +109 294 4 880562908 +109 295 4 880564707 +109 318 4 880572680 +109 322 2 880562908 +109 356 4 880578711 +109 357 2 880572528 +109 380 5 880578093 +109 388 5 880583308 +109 392 3 880579237 +109 393 4 880579237 +109 402 4 880581344 +109 409 2 880571920 +109 423 4 880577514 +109 441 2 880582633 +109 472 2 880571715 +109 475 1 880563641 +109 520 5 880572642 +109 546 3 880571979 +109 550 5 880579107 +109 552 2 880582414 +109 559 3 880579709 +109 566 4 880578814 +109 588 4 880578388 +109 627 5 880582133 +109 631 3 880579371 +109 665 5 880582384 +109 672 2 880582045 +109 742 5 880564457 +109 762 3 880571831 +109 796 3 880582856 +109 797 3 880582856 +109 820 3 880572382 +109 823 3 880572296 +109 845 4 880571684 +109 849 2 880582384 +109 866 4 880571872 +109 930 3 880572351 +109 931 2 880572407 +109 949 3 880582384 +109 975 3 880572351 +109 1011 3 880571872 +109 1012 4 880564570 +109 1013 3 880572296 +109 1014 4 880571979 +109 1023 2 880572350 +109 1028 4 880571831 +109 1039 2 880579418 +109 1157 4 880583646 +109 1244 3 880571872 +110 11 4 886987922 +110 22 4 886987826 +110 28 4 886987979 +110 38 3 886988574 +110 68 2 886988631 +110 77 4 886988202 +110 79 4 886988480 +110 82 4 886988480 +110 188 4 886988574 +110 195 2 886988480 +110 202 2 886988909 +110 204 3 886989276 +110 212 1 886988100 +110 232 3 886988449 +110 233 4 886988535 +110 245 3 886987540 +110 300 3 886987380 +110 301 2 886987505 +110 307 4 886987260 +110 327 3 886987442 +110 332 3 886987287 +110 367 3 886989340 +110 384 2 886989524 +110 423 4 886987952 +110 540 3 886988793 +110 550 3 886988664 +110 568 3 886988449 +110 575 3 886989566 +110 578 3 886988536 +110 658 3 886988065 +110 682 4 886987354 +110 688 1 886987605 +110 715 2 886989440 +110 732 3 886988018 +110 734 2 886989566 +110 748 3 886987478 +110 751 3 886987183 +110 759 3 886988850 +110 779 3 886988793 +110 783 3 886988967 +110 790 4 886989399 +110 791 2 886989473 +110 794 3 886988909 +110 806 3 886987952 +110 944 3 886989501 +110 1179 2 886989501 +110 1188 4 886988818 +110 1206 3 886988321 +110 1246 2 886989613 +110 1248 3 886989126 +110 1250 3 886988818 +111 242 4 891679901 +111 269 5 891679692 +111 272 3 891679692 +111 301 4 891680028 +111 313 4 891679901 +111 326 3 891680131 +111 328 4 891679939 +111 333 4 891680028 +111 340 4 891679692 +111 887 3 891679692 +111 896 2 891680243 +111 1024 3 891679939 +112 286 4 884992484 +112 289 5 884992690 +112 300 4 884992508 +112 302 4 886398509 +112 303 4 884992535 +112 306 5 891299783 +112 307 4 884992585 +112 312 5 884992872 +112 316 5 892439693 +112 322 4 884992690 +112 325 1 884992714 +112 327 1 884992535 +112 331 4 884992603 +112 347 1 891302716 +112 354 3 891304031 +112 678 3 884992714 +112 689 4 884992668 +112 748 3 884992651 +112 750 4 884992444 +112 754 4 884992508 +112 903 1 892440172 +112 984 3 884992651 +113 100 4 875935610 +113 126 5 875076827 +113 242 2 875075887 +113 246 5 875076872 +113 262 2 875075983 +113 277 3 875076416 +113 286 4 875325377 +113 294 4 875935277 +113 319 2 875075887 +113 321 3 875075887 +113 322 3 875076044 +113 324 2 875076180 +113 326 5 875935609 +113 327 5 875076987 +113 329 3 875935312 +113 508 4 875325377 +113 595 5 875936424 +113 678 2 875076044 +113 976 5 875936424 +113 1252 4 875935610 +114 96 3 881259955 +114 100 5 881259927 +114 157 2 881260611 +114 175 5 881259955 +114 179 5 881260611 +114 182 3 881259994 +114 183 5 881260545 +114 186 3 881260352 +114 191 3 881309511 +114 195 4 881260861 +114 204 3 881260441 +114 210 3 881309511 +114 269 4 881256090 +114 482 4 881259839 +114 496 4 881259994 +114 505 3 881260203 +114 507 3 881260303 +114 520 3 881260473 +114 640 2 881260303 +114 654 3 881259741 +114 1104 5 881260352 +115 8 5 881171982 +115 9 5 881171982 +115 11 4 881171348 +115 12 5 881171982 +115 20 3 881171009 +115 22 3 881171273 +115 32 5 881171348 +115 50 5 881172049 +115 69 1 881171825 +115 77 2 881171623 +115 82 4 881172117 +115 89 5 881172049 +115 92 4 881172049 +115 93 3 881170332 +115 127 5 881171760 +115 172 4 881171273 +115 178 5 881172246 +115 181 4 881172049 +115 187 5 881171203 +115 228 4 881171488 +115 234 5 881171982 +115 265 2 881171488 +115 269 3 881169559 +115 310 3 881169559 +115 431 4 881171558 +115 443 4 881171622 +115 462 4 881171273 +115 466 5 881171558 +115 470 2 881171694 +115 471 2 881170791 +115 475 5 881170252 +115 496 1 881171203 +115 511 5 881172117 +115 530 5 881172117 +115 543 2 881172303 +115 642 5 881171693 +115 762 4 881170508 +115 763 2 881170725 +115 952 5 881170998 +115 969 1 881172183 +115 1008 5 881171982 +115 1067 4 881171009 +115 1073 5 881171488 +116 7 2 876453915 +116 65 2 876454052 +116 137 2 876454308 +116 180 5 886310197 +116 185 3 876453519 +116 187 5 886310197 +116 195 4 876453626 +116 199 4 876454174 +116 248 3 876452492 +116 250 4 876452606 +116 255 3 876452524 +116 257 3 876452523 +116 259 4 876452186 +116 260 2 887605412 +116 262 3 876751342 +116 264 3 876452186 +116 271 4 886310197 +116 286 3 876451911 +116 294 2 876453376 +116 299 3 876452133 +116 301 3 892683732 +116 313 5 886978155 +116 322 2 876452186 +116 331 3 876451911 +116 332 3 876451998 +116 344 5 892683820 +116 347 2 886309481 +116 350 3 886977926 +116 421 3 876453800 +116 484 4 886310197 +116 531 2 876453519 +116 582 3 876453626 +116 604 3 876454174 +116 661 4 876454023 +116 730 4 876453519 +116 750 4 886309481 +116 751 3 890131577 +116 758 1 876452980 +116 760 3 886309812 +116 806 4 876453800 +116 840 1 886309958 +116 880 3 876680723 +116 887 3 881246591 +116 895 2 886309812 +116 903 2 890632956 +116 905 2 890131519 +116 914 2 892683732 +116 942 3 876454090 +116 993 2 876453376 +116 1016 2 876453376 +116 1082 3 876453171 +116 1089 2 876453376 +116 1216 3 876452582 +116 1253 2 876454109 +116 1257 1 876452651 +117 1 4 880126083 +117 12 5 881011350 +117 15 5 880125887 +117 25 4 881009470 +117 50 5 880126022 +117 56 5 881011807 +117 98 4 881012430 +117 109 4 880126336 +117 117 5 880126461 +117 121 4 880126038 +117 143 1 881012472 +117 150 4 880125101 +117 151 4 880126373 +117 168 5 881012550 +117 174 4 881011393 +117 176 5 881012028 +117 181 5 880124648 +117 195 5 881012255 +117 214 5 881012193 +117 222 5 886020290 +117 240 3 880126038 +117 257 5 880125911 +117 258 4 880126022 +117 268 5 880124306 +117 288 3 880124254 +117 298 5 886020525 +117 307 5 880124339 +117 313 5 886018980 +117 338 3 886019636 +117 358 4 880124509 +117 368 3 881010610 +117 405 5 880126174 +117 411 3 880126232 +117 421 5 881012601 +117 588 3 881011697 +117 597 4 881010052 +117 628 5 881012174 +117 742 4 880126022 +117 751 5 886018996 +117 758 2 881011217 +117 772 4 881012728 +117 829 3 881010219 +117 886 5 880124413 +117 928 3 881009471 +117 1012 4 881008815 +117 1014 3 886021192 +117 1016 5 881008815 +117 1047 2 881009697 +117 1057 2 881010401 +117 1095 3 881010938 +118 17 3 875385257 +118 22 5 875385136 +118 23 5 875384979 +118 32 5 875384979 +118 134 5 875384916 +118 156 5 875384946 +118 164 5 875385386 +118 174 5 875385007 +118 176 5 875384793 +118 184 5 875385057 +118 185 5 875384979 +118 193 5 875384793 +118 200 5 875384647 +118 217 3 875385257 +118 218 5 875385386 +118 324 4 875384444 +118 421 4 875384946 +118 433 5 875384793 +118 436 5 875385280 +118 474 5 875384571 +118 475 5 875384793 +118 511 5 875384885 +118 528 4 875384514 +118 547 5 875385228 +118 654 5 875385007 +118 655 5 875385136 +118 774 5 875385198 +118 816 3 875385335 +118 853 5 875385228 +119 12 3 874781915 +119 24 4 886177076 +119 40 4 886176993 +119 54 4 886176814 +119 83 4 886176922 +119 86 4 874782068 +119 87 5 874781829 +119 100 5 874774575 +119 105 2 874775849 +119 109 5 874775580 +119 111 5 886176779 +119 117 5 874775535 +119 144 4 887038665 +119 147 4 886176486 +119 154 5 874782022 +119 174 4 874781303 +119 182 4 874781303 +119 188 4 874781742 +119 193 4 874781872 +119 199 5 874781994 +119 209 4 886177544 +119 213 5 874781257 +119 222 5 874775311 +119 235 5 874774956 +119 237 5 874775038 +119 245 4 886176618 +119 250 2 874775731 +119 254 2 874781037 +119 268 5 886175117 +119 269 3 892564213 +119 272 5 886611471 +119 274 4 874775580 +119 275 5 874774575 +119 282 5 874775136 +119 310 5 886175117 +119 313 5 886176135 +119 322 4 874774449 +119 328 4 876923913 +119 338 1 892565167 +119 382 5 874781742 +119 385 5 874781994 +119 392 4 886176814 +119 407 3 887038665 +119 451 5 891286958 +119 455 4 874774719 +119 472 4 874775406 +119 486 4 874781547 +119 511 5 874781407 +119 526 2 886177762 +119 544 2 886177206 +119 546 4 874775914 +119 550 4 887038665 +119 562 4 886177206 +119 568 4 874781915 +119 595 3 874781067 +119 616 2 886177206 +119 628 4 874775185 +119 658 5 874782127 +119 684 4 886177338 +119 697 5 874782068 +119 716 5 874782190 +119 717 3 874775945 +119 718 5 874774956 +119 741 4 874774815 +119 742 5 874775406 +119 829 5 874775406 +119 845 4 886176922 +119 866 3 874774575 +119 930 3 874775945 +119 977 3 874780969 +119 982 4 874775406 +119 995 4 891287008 +119 1086 4 874775136 +119 1101 5 874781779 +119 1153 5 874781198 +119 1160 5 887038711 +119 1170 3 890627339 +119 1197 4 886176922 +119 1202 4 874775680 +119 1259 3 874780996 +119 1261 4 874781198 +119 1262 3 890627252 +119 1263 3 886177338 +120 9 4 889489886 +120 25 5 889490370 +120 125 4 889490447 +120 148 3 889490499 +120 245 3 889490633 +120 252 3 889490633 +120 257 2 889490979 +120 282 4 889490172 +120 286 5 889489943 +120 405 4 889490580 +120 546 2 889490979 +120 924 4 889490290 +121 9 5 891390013 +121 14 5 891390014 +121 57 5 891390014 +121 86 5 891388286 +121 98 5 891388210 +121 117 1 891388600 +121 121 2 891388501 +121 122 2 891390501 +121 125 2 891388600 +121 126 3 891388936 +121 137 5 891388501 +121 174 3 891388063 +121 180 3 891388286 +121 181 5 891390014 +121 192 4 891388250 +121 235 1 891390579 +121 249 1 891388708 +121 275 4 891390233 +121 291 3 891390477 +121 294 4 891389522 +121 405 2 891390579 +121 428 5 891388333 +121 508 4 891388333 +121 509 5 891388145 +121 514 3 891387947 +121 515 4 891388391 +121 631 4 891387992 +121 740 3 891390544 +122 46 5 879270567 +122 70 5 879270606 +122 175 5 879270084 +122 187 4 879270424 +122 191 5 879270128 +122 212 5 879270567 +122 214 2 879270676 +122 215 4 879270676 +122 378 4 879270769 +122 382 3 879270711 +122 387 5 879270459 +122 423 4 879270805 +122 427 3 879270165 +122 464 5 879270541 +122 470 3 879270901 +122 509 4 879270511 +122 510 4 879270327 +122 511 5 879270084 +122 553 3 879270741 +122 570 3 879270849 +122 708 5 879270605 +122 715 5 879270741 +122 727 4 879270849 +122 736 4 879270606 +122 737 4 879270874 +122 792 3 879270459 +122 1268 2 879270711 +123 13 3 879873988 +123 22 4 879809943 +123 50 3 879873726 +123 127 5 879809943 +123 132 3 879872672 +123 135 5 879872868 +123 143 5 879872406 +123 165 5 879872672 +123 192 5 879873119 +123 255 1 879873905 +123 275 4 879873726 +123 285 5 879873830 +123 427 3 879873020 +123 480 3 879872540 +123 482 4 879872406 +123 485 5 879872792 +123 487 3 879872192 +123 511 5 879872066 +123 531 3 879872671 +123 606 3 879872540 +123 704 3 879873120 +123 707 5 879809943 +123 735 2 879872868 +123 847 4 879873193 +123 962 3 879872405 +124 11 5 890287645 +124 50 3 890287508 +124 79 3 890287395 +124 96 4 890399864 +124 157 2 890287936 +124 166 5 890287645 +124 226 4 890287645 +124 496 1 890286933 +124 550 4 890287645 +124 616 4 890287645 +125 1 4 879454699 +125 22 5 892836395 +125 25 1 879454987 +125 28 4 879454385 +125 50 5 892836362 +125 63 3 892838558 +125 64 5 879454139 +125 69 4 879454628 +125 73 5 892838288 +125 80 4 892838865 +125 83 4 879454345 +125 87 5 892836464 +125 88 5 879455184 +125 94 5 892839065 +125 97 3 879454385 +125 98 5 879454345 +125 116 4 892838322 +125 120 1 892839312 +125 134 5 879454532 +125 136 5 879454309 +125 143 5 879454793 +125 150 1 879454892 +125 152 1 879454892 +125 158 4 892839066 +125 163 5 879454956 +125 173 5 879454100 +125 174 5 879454309 +125 175 2 879455184 +125 190 5 892836309 +125 194 5 879454986 +125 198 3 879454385 +125 204 5 879454139 +125 208 3 879454244 +125 235 2 892838559 +125 236 1 879454891 +125 238 3 892838322 +125 239 5 892838375 +125 270 4 881357122 +125 275 5 879454532 +125 283 5 879454986 +125 290 4 892838375 +125 318 5 879454309 +125 346 1 892835800 +125 357 3 879454100 +125 382 1 892836623 +125 383 2 892839412 +125 384 3 892838591 +125 386 3 892838827 +125 407 2 892839312 +125 411 3 892839091 +125 434 4 879454100 +125 475 1 879454244 +125 478 4 879454628 +125 479 4 879454386 +125 483 4 879454628 +125 485 5 892836335 +125 493 4 879454448 +125 496 5 879454419 +125 498 5 892836395 +125 511 5 879454699 +125 568 5 879454277 +125 577 2 892839312 +125 615 3 879454793 +125 648 4 879454793 +125 657 3 892836422 +125 692 3 892836523 +125 722 3 892838687 +125 732 4 879455019 +125 734 3 892838977 +125 781 3 892838463 +125 785 3 892838558 +125 796 3 892838591 +125 801 3 892838424 +125 813 1 879455184 +125 864 3 892838591 +125 926 3 892839066 +125 940 2 892838827 +125 945 5 892836465 +125 949 3 892838623 +125 996 3 892838424 +125 997 2 892838976 +125 999 4 892838288 +125 1000 3 892838977 +125 1036 2 892839191 +125 1052 2 892839457 +125 1060 4 879454699 +125 1074 3 892838827 +125 1093 1 892839412 +125 1180 3 892838865 +125 1183 2 892839312 +125 1249 3 892838322 +125 1272 1 879454892 +126 243 5 887855342 +126 245 3 887854726 +126 258 4 887853919 +126 260 1 887855173 +126 262 4 887854726 +126 288 4 887853469 +126 289 3 887855174 +126 294 3 887855087 +126 302 4 887853469 +126 313 5 887854726 +126 319 2 887938081 +126 322 3 887854777 +126 323 3 887853568 +126 327 3 887855087 +126 332 2 887853735 +126 682 1 887855034 +126 751 4 887853568 +126 752 3 887855342 +126 878 5 887938392 +126 884 5 887938392 +126 905 2 887855283 +126 1175 5 887856958 +127 227 4 884364867 +127 229 5 884364867 +127 243 5 884364764 +127 268 1 884363990 +127 286 1 884364525 +127 288 5 884363851 +127 294 4 884363803 +127 300 5 884364017 +127 380 5 884364950 +127 449 4 884364950 +127 450 5 884364950 +127 748 5 884364108 +128 1 4 879966919 +128 14 5 879967341 +128 15 4 879968827 +128 48 4 879967767 +128 50 4 879967268 +128 54 2 879968415 +128 56 3 879966785 +128 58 3 879968008 +128 64 5 879966954 +128 65 4 879968512 +128 77 3 879968447 +128 79 4 879967692 +128 83 5 879967691 +128 86 5 879966919 +128 97 3 879968125 +128 98 4 879967047 +128 99 4 879967840 +128 111 3 879969215 +128 118 5 879968896 +128 136 5 879967080 +128 140 4 879968308 +128 143 5 879967300 +128 151 3 879968921 +128 173 5 879966756 +128 182 4 879967225 +128 190 4 879967016 +128 204 4 879967478 +128 209 4 879968332 +128 210 4 879968125 +128 213 3 879967300 +128 215 3 879967452 +128 216 5 879967102 +128 227 2 879968946 +128 228 3 879969329 +128 237 4 879966954 +128 238 4 879968125 +128 265 5 879968663 +128 276 4 879967550 +128 280 1 879968579 +128 282 3 879967550 +128 283 5 879966729 +128 284 3 879968663 +128 294 4 879966376 +128 300 5 879966355 +128 317 4 879968029 +128 322 2 879966447 +128 371 1 879966954 +128 378 5 879967804 +128 402 1 879969136 +128 417 4 879968447 +128 418 4 879968164 +128 422 4 879968598 +128 423 4 879967966 +128 425 5 879967197 +128 427 5 879966685 +128 482 4 879967432 +128 485 3 879966895 +128 494 4 879967016 +128 505 4 879967136 +128 508 4 879967767 +128 568 4 879968544 +128 588 5 879967136 +128 591 4 879967879 +128 602 4 879967478 +128 603 5 879966839 +128 609 4 879967550 +128 614 3 879967879 +128 660 2 879968415 +128 686 4 879967174 +128 723 3 879967966 +128 736 5 879968352 +128 739 4 879969349 +128 747 3 879968742 +128 763 4 879968718 +128 785 2 879968243 +128 790 4 879969277 +128 949 4 879968896 +128 965 3 879968279 +128 966 4 879968071 +128 1039 4 879967079 +128 1063 2 879967047 +128 1141 4 879968827 +129 245 2 883245452 +129 258 2 883245452 +129 268 1 883245452 +129 269 4 883244011 +129 270 3 883243934 +129 272 4 883243972 +129 288 1 883245452 +129 303 3 883244011 +129 307 2 883244637 +129 313 3 883243934 +129 327 3 883244060 +129 331 2 883244737 +129 339 2 883244737 +129 873 1 883245452 +129 995 2 883245452 +130 3 5 876250897 +130 4 2 875801778 +130 12 4 875216340 +130 22 5 875217265 +130 28 4 875217172 +130 33 5 876252087 +130 39 4 875801496 +130 41 3 875801662 +130 44 4 875801662 +130 47 3 875801470 +130 49 4 875802236 +130 50 5 874953665 +130 53 3 876251972 +130 55 5 875216507 +130 56 5 875216283 +130 58 2 876251619 +130 63 4 876252521 +130 66 5 875802173 +130 68 5 875216283 +130 69 5 875216718 +130 71 5 875801695 +130 84 4 876252497 +130 90 4 875801920 +130 94 5 875802058 +130 99 5 875216786 +130 105 4 876251160 +130 109 3 874953794 +130 111 5 874953825 +130 122 3 876251090 +130 125 5 875801963 +130 128 4 876251728 +130 134 5 875801750 +130 143 5 876251922 +130 147 4 876250746 +130 148 4 876251127 +130 150 5 874953558 +130 158 5 875801897 +130 161 4 875802058 +130 168 3 875216786 +130 172 5 875801530 +130 173 3 875216593 +130 174 5 875216249 +130 176 5 881536127 +130 183 5 875801369 +130 184 4 875801695 +130 195 5 875801470 +130 200 5 875217392 +130 202 5 875216507 +130 204 5 875216718 +130 206 3 875801695 +130 210 5 876252288 +130 216 4 875216545 +130 217 3 875801940 +130 218 5 875801388 +130 222 4 874953769 +130 226 5 876252420 +130 228 4 875216420 +130 229 4 875802173 +130 230 3 876251895 +130 231 3 875801422 +130 234 5 875216932 +130 240 4 875801750 +130 243 2 874953526 +130 245 1 874953526 +130 254 2 876251160 +130 255 4 874953794 +130 267 5 875801239 +130 268 4 875801210 +130 270 5 877984734 +130 271 5 879352077 +130 276 4 878537447 +130 281 4 876250850 +130 282 5 875801750 +130 284 2 874953728 +130 286 5 874953239 +130 288 5 874953291 +130 295 3 874953698 +130 298 5 874953769 +130 307 4 877984546 +130 316 4 888211794 +130 322 4 874953525 +130 331 3 875801345 +130 332 4 876250582 +130 333 5 875801239 +130 335 3 875801254 +130 346 4 884623704 +130 353 1 888211764 +130 356 4 880396792 +130 357 5 875216933 +130 358 4 874953526 +130 363 3 876250781 +130 366 5 876251972 +130 367 4 875801369 +130 374 4 875217392 +130 379 4 875801662 +130 385 5 875802080 +130 393 5 876252472 +130 405 4 875801984 +130 410 5 875802105 +130 413 3 876251127 +130 418 5 875801631 +130 433 3 875216718 +130 443 5 876251446 +130 496 5 875216593 +130 508 4 874953557 +130 534 5 874953728 +130 541 3 876252307 +130 542 3 875801778 +130 546 4 876250932 +130 550 5 878537602 +130 554 4 876252288 +130 564 4 875802137 +130 566 4 878537558 +130 567 2 876252225 +130 568 5 876251693 +130 569 3 880396494 +130 572 3 878537853 +130 588 4 875216867 +130 596 4 874953825 +130 597 4 874953866 +130 619 4 876251409 +130 622 3 875802173 +130 625 5 875801750 +130 627 5 875801496 +130 642 4 875216933 +130 669 4 888962754 +130 672 5 875801920 +130 678 4 874953526 +130 682 4 881076059 +130 684 5 875802236 +130 685 3 874953895 +130 689 2 880396150 +130 717 3 874953928 +130 721 3 880396278 +130 729 4 876252042 +130 731 3 876251922 +130 742 5 876251053 +130 743 2 878537778 +130 748 4 874953526 +130 756 4 874953866 +130 772 4 876251804 +130 779 4 878537558 +130 798 1 878537631 +130 800 4 875802237 +130 806 3 875217096 +130 815 3 874953866 +130 833 4 876251037 +130 876 4 874953291 +130 881 4 875801239 +130 890 4 880396249 +130 901 1 884624044 +130 930 3 876251072 +130 931 2 880396881 +130 940 3 875217392 +130 946 4 875801830 +130 949 3 876251944 +130 959 4 876251865 +130 975 5 876251357 +130 993 5 874953665 +130 1014 3 876250718 +130 1016 4 874953698 +130 1017 3 874953895 +130 1047 5 875801897 +130 1049 3 876251341 +130 1136 4 876252373 +130 1207 1 880396861 +130 1208 4 875802211 +130 1215 2 876251389 +130 1217 4 875801778 +130 1228 3 878537681 +130 1246 3 876252497 +130 1248 3 880396702 +130 1273 2 880396792 +130 1274 2 878537853 +130 1277 4 876250897 +131 1 4 883681384 +131 14 5 883681313 +131 19 4 883681418 +131 100 5 883681418 +131 126 4 883681514 +131 221 3 883681561 +131 274 3 883681351 +131 275 2 883681384 +131 285 5 883681723 +131 286 5 883681514 +131 302 5 883681723 +131 313 5 883681723 +131 750 5 883681723 +131 845 4 883681351 +131 1281 4 883681561 +132 124 4 891278996 +132 137 4 891278996 +132 154 4 891278996 +132 275 3 891278915 +132 922 5 891278996 +133 258 5 890588639 +133 260 1 890588878 +133 294 3 890588852 +133 304 3 890588639 +133 315 4 890588524 +133 322 2 890588852 +133 328 3 890588577 +133 751 3 890588547 +134 15 5 891732726 +134 258 4 891732122 +134 259 2 891732393 +134 286 3 891732334 +134 300 3 891732220 +134 313 5 891732150 +134 323 4 891732335 +134 339 2 891732507 +134 539 4 891732335 +134 748 5 891732365 +134 751 5 891732335 +134 879 4 891732393 +134 892 2 891732532 +135 12 4 879857764 +135 23 4 879857765 +135 33 3 879857930 +135 39 3 879857931 +135 54 3 879858003 +135 77 4 879858003 +135 79 3 879857843 +135 176 4 879857765 +135 183 4 879857723 +135 185 4 879857797 +135 227 3 879857843 +135 228 4 879857797 +135 229 2 879857843 +135 233 3 879857843 +135 258 4 879857575 +135 265 3 879857797 +135 294 4 879857575 +135 325 4 879857575 +135 379 2 879857956 +135 431 2 879857868 +135 443 4 879857868 +135 449 3 879857843 +135 475 4 879857592 +135 504 4 879857843 +135 564 1 879857956 +135 566 3 879857930 +135 603 4 879857765 +135 642 4 879857868 +135 653 4 879857765 +135 744 4 879857612 +135 802 2 879858003 +135 939 4 879857797 +135 943 3 879857931 +135 1046 3 879858003 +135 1208 3 879858003 +136 14 5 882693338 +136 19 4 882693529 +136 42 3 882848866 +136 56 4 882848783 +136 89 4 882848925 +136 100 5 882693338 +136 117 4 882694498 +136 223 4 882848820 +136 276 5 882693489 +136 298 4 882693569 +136 313 2 882693234 +136 515 5 882694387 +136 747 4 882848866 +136 847 4 882693371 +136 1142 4 882693569 +137 15 4 881432965 +137 50 5 881432937 +137 51 1 881433605 +137 55 5 881433689 +137 117 5 881433015 +137 144 5 881433689 +137 172 5 881433719 +137 183 5 881433689 +137 195 5 881433689 +137 222 5 881432908 +137 235 5 881433357 +137 237 4 881432965 +137 249 4 881433387 +137 250 5 881433015 +137 257 5 881433048 +137 261 5 882805603 +137 266 5 881432735 +137 300 5 881432524 +137 327 4 881432671 +137 472 4 881433336 +137 546 5 881433116 +137 597 5 881432987 +137 687 4 881432756 +138 26 5 879024232 +138 98 5 879024043 +138 100 5 879022956 +138 111 4 879022890 +138 116 2 879022956 +138 121 4 879023558 +138 150 3 879023131 +138 151 4 879023389 +138 185 4 879023853 +138 211 4 879024183 +138 238 5 879024382 +138 285 4 879023245 +138 318 5 879024183 +138 357 4 879024327 +138 483 5 879024280 +138 484 4 879024127 +138 493 4 879024382 +138 496 4 879024043 +138 514 5 879024043 +138 517 4 879024279 +138 519 5 879024043 +138 523 5 879024043 +138 614 4 879024184 +138 617 4 879024128 +139 127 5 879538578 +139 222 3 879538199 +139 246 4 879538218 +139 268 4 879537876 +139 286 4 879537844 +139 303 5 879538021 +139 307 4 879537876 +139 458 4 879538578 +139 508 4 879538255 +140 258 3 879013617 +140 268 4 879013684 +140 289 4 879013719 +140 301 3 879013747 +140 319 4 879013617 +140 322 3 879013684 +140 325 3 879013719 +140 332 3 879013617 +140 334 2 879013684 +140 872 3 879013651 +140 880 4 879013832 +141 1 3 884584753 +141 50 4 884584735 +141 106 5 884585195 +141 117 4 884584929 +141 120 4 884585547 +141 125 5 884585642 +141 151 2 884585039 +141 222 4 884584865 +141 225 3 884585523 +141 237 4 884584865 +141 245 3 884584426 +141 252 4 884585195 +141 258 5 884584338 +141 274 5 884585220 +141 281 4 884584865 +141 288 3 884584386 +141 290 1 884584817 +141 295 5 884585039 +141 300 5 887424721 +141 322 4 884584426 +141 328 4 886447679 +141 405 3 884585105 +141 410 4 884585195 +141 471 4 884585039 +141 472 5 884585274 +141 476 3 884585498 +141 535 5 884585195 +141 546 4 884585470 +141 678 4 884584480 +141 744 5 884584981 +141 748 3 884584664 +141 750 1 886447564 +141 825 4 884585247 +141 826 2 884585437 +141 864 3 884585128 +141 872 1 886447698 +141 880 1 886447847 +141 932 3 884585128 +141 1013 1 884585470 +141 1059 1 884584886 +141 1142 1 884584688 +141 1258 4 884585071 +142 28 4 888640404 +142 55 2 888640489 +142 82 4 888640356 +142 89 3 888640489 +142 169 5 888640356 +142 181 5 888640317 +142 189 4 888640317 +142 243 1 888640199 +142 288 3 888639837 +142 350 4 888639882 +142 358 2 888640178 +142 362 3 888639920 +142 895 4 888640143 +143 325 5 888407741 +143 328 4 888407656 +143 331 5 888407622 +143 347 5 888407741 +143 682 3 888407741 +144 19 4 888103929 +144 22 5 888105439 +144 31 3 888105823 +144 32 4 888105287 +144 33 5 888105902 +144 50 5 888103929 +144 62 2 888105902 +144 64 5 888105140 +144 65 4 888106182 +144 66 4 888106078 +144 73 3 888105636 +144 89 3 888105691 +144 91 2 888106106 +144 93 1 888104032 +144 96 5 888105691 +144 105 2 888104767 +144 106 3 888104684 +144 125 4 888104191 +144 129 4 888104234 +144 153 5 888105823 +144 160 2 888106181 +144 165 4 888105993 +144 172 4 888105312 +144 176 4 888105338 +144 180 4 888105873 +144 181 4 888104032 +144 182 3 888105743 +144 190 5 888105714 +144 191 4 888105081 +144 193 4 888105287 +144 194 5 888105287 +144 195 5 888105081 +144 197 4 888106106 +144 204 2 888105116 +144 209 2 888105116 +144 216 4 888105691 +144 221 3 888104087 +144 237 4 888104258 +144 273 4 888104213 +144 274 3 888104382 +144 285 4 888103969 +144 286 4 888103370 +144 293 4 888104283 +144 297 4 888104150 +144 298 3 888103988 +144 300 3 888103370 +144 302 3 888103530 +144 303 4 888103407 +144 304 4 888103466 +144 313 5 888103407 +144 328 3 888103407 +144 393 4 888105743 +144 403 3 888105636 +144 410 3 888104521 +144 454 3 888105993 +144 461 4 888106044 +144 471 4 888104213 +144 480 4 888106322 +144 508 4 888104150 +144 516 2 888105197 +144 518 3 888106182 +144 521 4 888105312 +144 523 5 888105338 +144 528 4 888105846 +144 531 5 888105473 +144 591 3 888104122 +144 597 4 888104191 +144 655 5 888105116 +144 685 3 888105473 +144 699 4 888106106 +144 707 3 888106322 +144 709 4 888105940 +144 713 4 888104322 +144 727 3 888105765 +144 742 4 888104122 +144 747 5 888105473 +144 750 4 888103444 +144 762 3 888104940 +144 778 4 888106044 +144 785 4 888106016 +144 815 1 888104659 +144 831 3 888104805 +144 845 4 888104191 +144 855 4 888105510 +144 880 5 888103509 +144 900 4 888103371 +144 942 4 888106044 +144 956 4 888105636 +144 960 2 888105784 +144 961 3 888106106 +144 1016 3 888104322 +144 1039 4 888105587 +144 1142 5 888103968 +144 1147 4 888105587 +144 1169 4 888106044 +144 1284 3 888104446 +144 1285 3 888105922 +144 1286 4 888105846 +145 1 3 882181396 +145 3 3 875271562 +145 5 3 875272196 +145 7 5 875270429 +145 13 5 875270507 +145 15 2 875270655 +145 22 5 875273021 +145 25 2 875270655 +145 38 3 888398747 +145 39 4 875271838 +145 42 5 882181785 +145 44 5 875272132 +145 50 5 885557660 +145 51 3 875272786 +145 56 5 875271896 +145 69 5 882181632 +145 79 5 875271838 +145 100 5 875270458 +145 105 2 875271442 +145 109 4 875270903 +145 120 2 888398563 +145 122 1 888398307 +145 159 4 875272299 +145 172 5 882181632 +145 174 5 882181728 +145 182 5 885622510 +145 183 5 875272009 +145 185 4 875271838 +145 195 5 882181728 +145 200 4 877343121 +145 203 5 875271948 +145 212 2 875272786 +145 216 5 875272694 +145 217 3 877343156 +145 229 3 885557699 +145 230 5 885557660 +145 237 5 875270570 +145 238 4 882181859 +145 250 5 882182944 +145 258 4 875269755 +145 260 4 875269871 +145 265 5 875272131 +145 266 3 877343000 +145 270 5 879161577 +145 273 5 875270322 +145 275 2 885557505 +145 278 4 875272871 +145 281 4 875272299 +145 286 3 875269755 +145 298 1 885557579 +145 299 4 875269822 +145 301 4 877342952 +145 302 4 879161553 +145 304 2 885557505 +145 315 5 883840797 +145 327 5 875269822 +145 339 3 882181058 +145 346 5 883840638 +145 348 4 888397542 +145 355 3 888396967 +145 368 3 888398492 +145 393 5 875273174 +145 406 3 875270692 +145 411 2 875271522 +145 413 3 877343280 +145 431 5 875272132 +145 443 3 882182658 +145 448 5 877343121 +145 460 1 875271312 +145 470 5 875272299 +145 471 4 885622707 +145 472 3 875271128 +145 477 2 888398069 +145 549 5 875272786 +145 552 5 888398747 +145 553 3 875272786 +145 569 4 877343156 +145 574 2 888398833 +145 591 4 879161848 +145 592 3 888398867 +145 620 3 875271660 +145 631 4 885557626 +145 637 3 882182689 +145 665 5 877343212 +145 672 3 882182689 +145 674 4 877343184 +145 680 3 875269871 +145 682 3 879161624 +145 683 3 879161674 +145 684 5 875273174 +145 685 4 875271229 +145 696 3 875271442 +145 713 4 875270616 +145 717 3 888398702 +145 727 2 875272652 +145 737 2 875272833 +145 739 2 875272927 +145 743 1 888398516 +145 750 4 885555884 +145 751 4 883840666 +145 752 4 888396828 +145 756 2 885557506 +145 760 2 888398123 +145 763 4 875271047 +145 764 2 888398257 +145 770 1 875272245 +145 796 3 875272833 +145 831 1 888398329 +145 895 3 883840687 +145 896 2 888396828 +145 924 2 875270508 +145 928 3 879161848 +145 933 1 875270276 +145 949 4 875272652 +145 974 1 882182634 +145 983 1 879161805 +145 993 3 875270616 +145 1001 4 875271607 +145 1002 1 888398400 +145 1040 1 888398492 +145 1054 1 888398563 +145 1057 1 875271312 +145 1077 3 875272245 +145 1090 2 888398833 +145 1102 1 888398162 +145 1208 4 875272196 +145 1212 2 875272196 +145 1217 2 875272349 +145 1245 5 875271397 +145 1248 3 875272195 +145 1292 1 875271357 +146 262 4 891457714 +146 300 3 891457943 +146 302 4 891457538 +146 307 3 891457905 +146 313 4 891457591 +146 346 4 891457591 +146 347 3 891457493 +146 688 1 891457749 +146 1022 5 891458193 +146 1294 4 891457749 +147 258 4 885594040 +147 269 4 885593812 +147 292 5 885594040 +147 305 4 885593997 +147 339 5 885594204 +147 340 4 885593965 +147 345 4 885594040 +147 690 4 885593965 +147 751 2 885593965 +147 904 5 885594015 +148 1 4 877019411 +148 7 5 877017054 +148 70 5 877021271 +148 71 5 877019251 +148 78 1 877399018 +148 98 3 877017714 +148 114 5 877016735 +148 116 5 877398648 +148 140 1 877019882 +148 163 4 877021402 +148 169 5 877020297 +148 172 5 877016513 +148 177 2 877020715 +148 185 1 877398385 +148 204 3 877016912 +148 214 5 877019882 +148 228 4 877016514 +148 357 5 877016735 +148 408 5 877399018 +148 473 5 877399322 +148 495 4 877016735 +148 501 4 877020297 +148 507 5 877398587 +148 509 5 877016605 +148 529 5 877398901 +148 588 4 877399018 +148 596 5 877020297 +148 713 3 877021535 +148 993 4 877400154 +148 1012 4 877400154 +148 1039 2 877015784 +148 1149 5 877016513 +149 269 5 883512557 +149 301 3 883512813 +149 305 4 883512658 +149 308 2 883512658 +149 310 2 883512689 +149 312 1 883512950 +149 319 2 883512658 +149 321 2 883512856 +149 327 2 883512689 +149 689 2 883512950 +149 896 4 883512689 +150 1 4 878746441 +150 13 4 878746889 +150 50 5 878746719 +150 93 4 878746889 +150 100 2 878746636 +150 121 2 878747322 +150 127 5 878746889 +150 129 4 878746946 +150 147 4 878746442 +150 181 5 878746685 +150 221 4 878747017 +150 235 4 878746792 +150 246 5 878746719 +150 268 5 878746257 +150 273 4 878746764 +150 278 2 878746889 +150 293 4 878746946 +150 325 1 878747322 +150 410 4 878747090 +150 458 4 878746720 +150 475 5 878746764 +150 628 4 878747018 +151 7 4 879524610 +151 10 5 879524921 +151 12 5 879524368 +151 13 3 879542688 +151 15 4 879524879 +151 25 4 879528496 +151 47 3 879528459 +151 49 3 879543055 +151 51 4 879543055 +151 58 4 879524849 +151 64 5 879524536 +151 65 4 879528729 +151 66 4 879524974 +151 79 4 879524642 +151 83 5 879524611 +151 87 4 879524420 +151 89 5 879524491 +151 91 2 879542796 +151 100 3 879524514 +151 114 5 879524268 +151 121 5 879525054 +151 153 3 879524326 +151 160 4 879542670 +151 162 5 879528779 +151 163 4 879542723 +151 164 5 879542984 +151 169 5 879524268 +151 172 5 879524325 +151 175 5 879524244 +151 176 2 879524293 +151 183 3 879524642 +151 186 4 879524222 +151 189 5 879528495 +151 191 3 879524326 +151 193 4 879524491 +151 196 4 879542670 +151 197 5 879528710 +151 200 3 879525002 +151 203 3 879524471 +151 210 4 879524419 +151 213 5 879524849 +151 223 5 879524088 +151 224 5 879524293 +151 227 5 879542670 +151 228 5 879524345 +151 231 1 879543366 +151 234 4 879524819 +151 241 3 879542645 +151 260 1 879523998 +151 274 5 879542369 +151 287 4 879528754 +151 300 4 879523942 +151 317 5 879524610 +151 318 5 879524088 +151 321 4 879523900 +151 322 2 881771160 +151 328 3 879523838 +151 356 2 879528852 +151 357 5 879524585 +151 372 5 879524819 +151 387 5 879542353 +151 393 2 879528692 +151 402 3 879543423 +151 405 3 879543055 +151 411 4 879543228 +151 414 5 879542474 +151 417 3 879543075 +151 419 3 879524878 +151 420 5 879524760 +151 425 4 879528647 +151 428 5 879542510 +151 429 5 879528673 +151 432 5 879524610 +151 433 3 879542510 +151 435 4 879524131 +151 451 5 879542707 +151 461 4 879524738 +151 464 4 879524089 +151 478 5 879524471 +151 480 5 879524151 +151 481 3 879524669 +151 482 4 879524345 +151 484 4 879524563 +151 485 5 879525002 +151 486 5 879525002 +151 489 5 879528623 +151 490 5 879528418 +151 494 4 879524244 +151 503 3 879524199 +151 505 5 879528909 +151 506 4 879524900 +151 509 4 879524778 +151 514 4 879524797 +151 522 5 879524443 +151 529 5 879542610 +151 546 2 879543400 +151 584 3 879525035 +151 602 4 879542688 +151 605 4 879528909 +151 633 5 879528801 +151 654 4 879524514 +151 655 4 879542645 +151 659 5 879524974 +151 660 4 879524199 +151 662 4 879525054 +151 675 2 879524368 +151 684 3 879524849 +151 692 3 879524669 +151 699 4 879525035 +151 702 3 879524849 +151 703 4 879542460 +151 707 4 879528537 +151 709 5 879524778 +151 729 4 879542492 +151 732 4 879542775 +151 735 5 879528438 +151 736 4 879542389 +151 747 3 879524564 +151 755 3 879543366 +151 775 2 879543366 +151 792 4 879524268 +151 813 4 879524222 +151 826 1 879543212 +151 835 5 879524199 +151 837 4 879524642 +151 919 5 879524368 +151 929 3 879543457 +151 969 5 879542510 +151 972 4 879543366 +151 1006 1 879524974 +151 1017 2 879542939 +151 1044 2 879524900 +151 1065 3 879542413 +151 1074 2 879543342 +151 1101 4 879524586 +151 1109 4 879542414 +151 1113 4 879542891 +151 1197 5 879542753 +151 1264 4 879542389 +151 1297 1 879542847 +151 1298 4 879528520 +152 22 5 882828490 +152 25 3 880149045 +152 51 4 882476486 +152 67 5 882477689 +152 80 5 882477572 +152 97 5 882475618 +152 98 2 882473974 +152 111 5 880148782 +152 125 5 880149165 +152 132 5 882475496 +152 147 3 880149045 +152 151 4 880148735 +152 157 5 882476486 +152 162 5 882474898 +152 167 5 882477430 +152 191 5 880149963 +152 204 4 882474587 +152 220 5 884035907 +152 241 4 884035579 +152 255 5 884035936 +152 272 5 890322298 +152 286 5 875562268 +152 301 3 880147407 +152 313 4 890322242 +152 412 2 880149328 +152 483 5 882474435 +152 685 5 880149074 +152 699 5 882476911 +152 716 5 884019001 +152 780 5 884019189 +152 790 5 884018821 +152 845 3 886535827 +152 866 5 880149224 +152 966 5 882829150 +152 1014 2 880149224 +152 1028 5 880149197 +153 22 2 881371140 +153 56 5 881371140 +153 64 5 881371005 +153 127 3 881371140 +153 174 1 881371140 +153 216 2 881371032 +153 321 3 881370900 +153 323 2 881370900 +153 510 3 881371198 +153 678 2 881370935 +154 50 5 879138657 +154 89 5 879138910 +154 135 5 879139003 +154 137 3 879138657 +154 143 3 879139003 +154 175 5 879138784 +154 182 5 879138783 +154 202 3 879139096 +154 242 3 879138235 +154 286 4 879138235 +154 289 2 879138345 +154 302 4 879138235 +154 333 3 879138287 +154 357 4 879138713 +154 414 4 879138910 +154 462 3 879138831 +154 479 4 879138831 +154 480 5 879138784 +154 484 4 879139096 +154 488 4 879138831 +154 527 4 879139040 +154 640 5 879138713 +154 708 4 879139003 +154 806 4 879139040 +155 286 4 879370860 +155 292 3 879371061 +155 294 3 879371194 +155 319 3 879370963 +155 321 4 879370963 +155 323 2 879371261 +155 324 2 879370963 +155 325 2 879371261 +155 328 2 879370860 +155 748 2 879371261 +155 988 2 879371261 +156 11 2 888185906 +156 12 3 888185853 +156 22 3 888186093 +156 48 4 888185777 +156 58 4 888185906 +156 64 3 888185677 +156 124 3 888185677 +156 137 4 888185735 +156 180 5 888185777 +156 192 4 888185735 +156 197 5 888185777 +156 205 3 888185735 +156 211 4 888185606 +156 276 3 888185854 +156 317 4 888185906 +156 318 4 888185947 +156 346 3 888185561 +156 641 5 888185677 +156 661 4 888185947 +157 1 5 874813703 +157 3 3 886890734 +157 25 3 886890787 +157 93 3 886890692 +157 127 5 886890541 +157 137 5 886889876 +157 147 5 886890342 +157 150 5 874813703 +157 250 1 886890296 +157 268 5 886889729 +157 273 5 886889876 +157 274 4 886890835 +157 283 4 886890692 +157 293 5 874813703 +157 298 4 886889876 +157 405 3 886890342 +157 407 4 886891218 +157 508 5 886890712 +157 740 2 886889876 +157 748 2 886890015 +157 1132 3 886891132 +157 1258 5 886891132 +157 1283 2 886891173 +157 1302 5 874813703 +158 1 4 880132443 +158 8 5 880134948 +158 11 4 880134398 +158 24 4 880134261 +158 38 4 880134607 +158 42 3 880134913 +158 50 4 880133306 +158 62 5 880134759 +158 68 3 880134532 +158 72 3 880135118 +158 79 4 880134332 +158 82 5 880134398 +158 85 4 880135118 +158 100 5 880132401 +158 116 5 880132383 +158 117 3 880132719 +158 124 4 880134261 +158 127 5 880132356 +158 128 2 880134296 +158 137 5 880132443 +158 144 4 880134445 +158 148 4 880132613 +158 149 3 880132383 +158 154 4 880135069 +158 163 4 880135044 +158 172 4 880134398 +158 176 4 880134398 +158 177 4 880134407 +158 182 5 880134296 +158 183 3 880134332 +158 184 3 880134407 +158 186 3 880134913 +158 190 5 880134332 +158 204 4 880135001 +158 216 3 880134948 +158 222 3 880132771 +158 228 5 880134296 +158 229 3 880134532 +158 235 1 880132794 +158 239 3 880135093 +158 241 4 880134445 +158 244 4 880132772 +158 271 4 880132232 +158 273 3 880132356 +158 277 4 880132658 +158 286 4 880134261 +158 373 2 880134781 +158 403 4 880134650 +158 410 3 880132794 +158 414 4 880135118 +158 433 3 880135044 +158 435 5 880134407 +158 472 3 880132659 +158 483 5 880133225 +158 502 4 880135069 +158 510 3 880134296 +158 516 5 880135044 +158 525 5 880133288 +158 530 4 880134332 +158 550 3 880134445 +158 566 3 880134499 +158 568 4 880134532 +158 580 4 880135093 +158 593 4 880134261 +158 636 4 880134532 +158 665 2 880134532 +158 729 3 880133116 +158 731 2 880135118 +158 770 5 880134477 +158 803 3 880134848 +158 809 3 880134675 +158 825 4 880133029 +158 1011 4 880132579 +158 1098 4 880135069 +159 103 1 880557604 +159 111 4 880556981 +159 117 5 880486047 +159 121 3 880486071 +159 127 5 880989744 +159 220 5 880557782 +159 225 4 880557347 +159 237 3 880485766 +159 245 5 880485488 +159 249 4 884027269 +159 258 4 893255836 +159 259 4 893255969 +159 286 1 880485233 +159 289 2 880485415 +159 310 5 880989865 +159 323 4 880485443 +159 328 3 893255993 +159 411 3 880557677 +159 412 3 880557824 +159 451 5 884360502 +159 471 4 880485861 +159 546 4 880557621 +159 678 5 880485530 +159 685 4 880557347 +159 748 3 880485488 +159 756 4 880557464 +159 815 3 880557387 +159 831 2 880557604 +159 871 4 880557003 +159 872 1 880485262 +159 877 3 893255740 +159 881 1 893256139 +159 930 4 880557824 +159 1002 3 884027027 +159 1025 2 893256139 +159 1028 5 880557539 +159 1037 2 884360502 +159 1190 5 881680199 +160 1 4 876768025 +160 3 3 876770124 +160 4 4 876861754 +160 7 3 876767822 +160 21 1 876769480 +160 23 5 876859778 +160 24 5 876769689 +160 32 5 876859413 +160 50 4 876767572 +160 56 5 876770222 +160 79 4 876859413 +160 93 5 876767572 +160 109 2 876857844 +160 117 4 876767822 +160 118 3 876768828 +160 123 4 876768949 +160 124 4 876767360 +160 126 3 876769148 +160 135 4 876860807 +160 137 4 876767299 +160 160 5 876862078 +160 161 3 876861185 +160 174 5 876860807 +160 175 4 876860808 +160 187 5 876770168 +160 209 4 876861185 +160 218 4 876861878 +160 228 2 876862243 +160 230 2 876860808 +160 234 5 876861185 +160 328 3 878078096 +160 412 3 876768990 +160 430 5 876861799 +160 432 3 876861185 +160 447 4 876859413 +160 460 2 876861185 +160 462 4 876858346 +160 463 4 876859777 +160 475 5 876767822 +160 484 5 876862243 +160 544 4 876768106 +160 564 3 876861799 +160 603 4 876861754 +160 604 4 876859778 +160 693 5 876770193 +160 719 3 876857977 +160 762 3 876769148 +160 864 1 876770673 +160 926 2 876769148 +160 969 1 876861185 +160 1016 4 876767440 +160 1019 5 876857977 +160 1073 4 876859778 +160 1223 4 876861799 +161 14 4 891171413 +161 48 1 891170745 +161 56 3 891171257 +161 98 4 891171357 +161 127 3 891171698 +161 135 2 891170656 +161 162 2 891171413 +161 168 1 891171174 +161 174 2 891170800 +161 187 3 891170998 +161 191 2 891171734 +161 202 5 891170769 +161 213 2 891171887 +161 215 2 891170866 +161 274 2 891172070 +161 276 5 891170881 +161 286 2 891169991 +161 318 3 891170824 +161 508 2 891171657 +161 523 3 891170686 +161 582 1 891170800 +161 654 3 891171357 +161 898 3 891170191 +161 1266 2 891170745 +162 25 4 877635573 +162 42 3 877636675 +162 50 5 877635662 +162 117 4 877635869 +162 121 4 877636000 +162 151 3 877636191 +162 174 4 877636772 +162 181 4 877635798 +162 222 4 877635758 +162 230 2 877636860 +162 254 3 877636476 +162 298 4 877635690 +162 544 4 877636167 +162 597 4 877636370 +162 628 4 877635897 +162 685 3 877635917 +162 710 4 877636860 +162 742 4 877635758 +162 943 4 877636604 +162 1012 4 877635965 +162 1019 4 877636556 +162 1047 5 877635896 +163 56 4 891220097 +163 64 4 891220161 +163 97 4 891220019 +163 98 4 891220196 +163 216 3 891220196 +163 234 3 891220137 +163 286 3 891219977 +163 288 3 891220226 +163 318 4 891220161 +163 347 4 891219976 +164 117 5 889401816 +164 118 5 889401852 +164 121 5 889402203 +164 125 5 889402071 +164 148 5 889402203 +164 181 5 889401906 +164 237 2 889401816 +164 245 5 889401362 +164 276 3 889401771 +164 281 4 889401906 +164 299 4 889401383 +164 300 5 889401221 +164 313 5 889401284 +164 322 4 889401432 +164 323 4 889401318 +164 331 5 889401193 +164 333 5 889401383 +164 406 2 889402389 +164 458 4 889402050 +164 597 4 889402225 +164 619 4 889402160 +164 620 3 889402298 +164 685 5 889402160 +164 689 5 889401490 +164 748 5 889401410 +164 823 4 889402225 +164 926 2 889402091 +164 930 4 889402340 +164 984 4 889401456 +164 1025 4 889401510 +165 69 3 879525799 +165 91 4 879525756 +165 181 5 879525738 +165 216 4 879525778 +165 258 5 879525672 +165 288 2 879525673 +165 304 3 879525672 +165 325 4 879525672 +165 332 4 879525672 +165 372 5 879525987 +165 419 4 879525706 +165 651 5 879525961 +166 258 4 886397562 +166 288 3 886397510 +166 300 5 886397723 +166 322 5 886397723 +166 323 5 886397722 +166 328 5 886397722 +166 343 4 886397882 +166 346 1 886397596 +166 748 2 886397751 +166 894 4 886397905 +167 48 1 892738277 +167 73 2 892738452 +167 126 3 892738141 +167 133 5 892738453 +167 136 4 892738418 +167 169 1 892738419 +167 204 4 892738384 +167 222 4 892737995 +167 232 1 892738341 +167 235 3 892737972 +167 290 3 892737936 +167 364 3 892738212 +167 381 5 892738212 +167 392 1 892738307 +167 404 3 892738278 +167 486 4 892738452 +167 568 3 892738341 +167 603 4 892738212 +167 659 4 892738277 +167 675 1 892738277 +167 698 4 892738307 +167 719 1 892738341 +167 733 2 892738453 +167 949 1 892738341 +167 1126 5 892738418 +167 1147 4 892738384 +167 1305 1 892738418 +167 1306 5 892738385 +167 1307 2 892738277 +167 1309 1 892738341 +167 1310 3 892738384 +168 7 1 884287559 +168 15 5 884287362 +168 25 5 884287885 +168 100 4 884287362 +168 117 5 884287318 +168 123 3 884287822 +168 151 5 884288058 +168 222 5 884287759 +168 235 2 884288270 +168 255 1 884287560 +168 257 5 884287642 +168 258 4 884286863 +168 259 2 884287073 +168 274 4 884287865 +168 281 2 884288033 +168 282 5 884287394 +168 284 2 884288112 +168 288 1 884287927 +168 295 4 884287615 +168 323 3 884286990 +168 409 4 884287846 +168 411 1 884288222 +168 472 3 884287927 +168 596 4 884287615 +168 619 3 884287536 +168 742 5 884287362 +168 748 2 884287031 +168 819 4 884288270 +168 866 5 884287927 +168 988 2 884287145 +168 1016 5 884287615 +168 1047 2 884288080 +168 1197 5 884287927 +168 1278 3 884287560 +169 127 4 891359354 +169 133 4 891359171 +169 172 5 891359317 +169 174 4 891359418 +169 181 5 891359276 +169 234 4 891359418 +169 260 1 891269104 +169 301 4 891268622 +169 308 3 891268776 +169 429 3 891359250 +169 603 5 891359171 +169 604 4 891359317 +169 705 5 891359354 +169 879 5 891268653 +170 245 5 884103758 +170 292 5 884103732 +170 299 3 886190476 +170 328 3 884103860 +170 333 4 886190330 +170 749 5 887646170 +170 881 3 886190419 +171 245 3 891034801 +171 268 4 891034684 +171 292 4 891034835 +171 302 4 891034606 +171 306 3 891034606 +171 313 4 891034835 +171 327 4 891034835 +171 344 3 891034889 +171 1022 3 891034889 +172 177 4 875537965 +172 178 3 875538027 +172 183 5 875538864 +172 220 4 875537441 +172 430 3 875537964 +172 462 3 875537717 +172 478 3 875538027 +172 483 3 875538028 +172 485 3 875538028 +172 488 3 875537965 +172 514 3 875537964 +172 580 4 875538028 +172 582 4 875538864 +172 603 3 875538027 +172 657 3 875538027 +172 697 3 875536498 +172 1134 2 875536721 +172 1172 3 875538864 +173 242 5 877556626 +173 260 4 877557345 +173 268 4 877556626 +173 286 5 877556626 +173 289 4 877556988 +173 292 5 877557369 +173 294 5 877556864 +173 300 4 877556988 +173 322 4 877557028 +173 323 5 877556926 +173 328 5 877557028 +173 678 3 877556988 +173 879 5 877557076 +173 880 4 877557168 +173 938 3 877557076 +173 1265 3 877557239 +174 13 3 891551777 +174 14 5 886433771 +174 21 1 886515209 +174 28 5 886434547 +174 29 2 886514469 +174 40 4 886514985 +174 41 1 886515063 +174 49 4 886513788 +174 56 5 886452583 +174 63 4 886514985 +174 66 5 886513706 +174 67 1 886515130 +174 80 1 886515210 +174 82 1 886515472 +174 94 2 886515062 +174 107 5 886434361 +174 117 5 886434136 +174 118 2 886434186 +174 122 1 886434421 +174 124 5 886514168 +174 138 1 891551778 +174 160 5 886514377 +174 162 5 886514108 +174 196 5 886514108 +174 197 5 886434547 +174 204 4 886452552 +174 216 5 886439516 +174 237 4 886434047 +174 248 5 886433981 +174 255 5 886434114 +174 268 5 886432749 +174 272 5 886432770 +174 276 5 886433862 +174 288 3 886432770 +174 293 5 890168505 +174 312 5 886432972 +174 315 5 886432749 +174 332 5 886432901 +174 333 4 886432811 +174 347 4 886432844 +174 368 1 886434402 +174 369 1 886515272 +174 383 1 886515171 +174 393 4 886514837 +174 395 1 886515154 +174 396 1 886515104 +174 402 5 886513729 +174 412 1 886433919 +174 415 3 886515591 +174 423 2 886514276 +174 456 1 886515240 +174 458 4 886433862 +174 471 5 886433804 +174 476 4 886434136 +174 571 1 886515295 +174 575 1 886515239 +174 577 1 886515295 +174 597 3 886434261 +174 655 5 886514168 +174 660 5 886514261 +174 699 5 886514220 +174 762 5 886434136 +174 768 1 886515569 +174 823 4 886434376 +174 845 5 886433771 +174 862 1 886515172 +174 902 3 890168363 +174 937 5 886432989 +174 949 5 886513729 +174 950 3 886434204 +174 1001 1 886515030 +174 1014 3 890664424 +174 1028 4 886434087 +174 1032 3 886515591 +174 1033 1 886515591 +174 1041 5 886513788 +174 1053 5 886514358 +174 1139 2 886514651 +174 1230 1 886515210 +174 1254 1 886434421 +174 1312 4 886434484 +175 9 4 877108146 +175 31 4 877108051 +175 56 2 877107790 +175 71 4 877107942 +175 96 3 877108051 +175 127 5 877107640 +175 132 3 877107712 +175 176 3 877107255 +175 183 4 877107942 +175 215 5 877107500 +175 483 5 877107339 +175 496 5 877108098 +175 629 3 877107942 +175 660 3 877107836 +175 669 1 877107790 +176 13 4 886047994 +176 50 5 886047879 +176 100 5 886047918 +176 236 4 886048145 +176 240 4 886048230 +176 250 4 886047963 +176 258 4 886047026 +176 270 4 886047069 +176 272 5 886047068 +176 288 3 886046979 +176 294 2 886047220 +176 297 3 886047918 +176 303 3 886047118 +176 305 5 886047068 +176 324 5 886047292 +176 327 3 886047176 +176 750 4 886047176 +176 751 1 886046979 +176 875 4 886047442 +176 948 4 886047595 +176 1012 4 886048145 +177 1 3 880130699 +177 22 4 880130847 +177 47 3 880131187 +177 56 5 880130618 +177 59 4 880130825 +177 69 1 880131088 +177 79 4 880130758 +177 87 4 880130931 +177 89 5 880131088 +177 100 5 880130600 +177 124 3 880130881 +177 150 4 880130807 +177 168 4 880130807 +177 172 5 880130990 +177 175 5 880130972 +177 179 5 880131057 +177 182 5 880130684 +177 195 4 880130699 +177 196 3 880130881 +177 197 4 880130758 +177 198 4 880131161 +177 203 4 880131026 +177 209 4 880130736 +177 243 1 882142141 +177 245 3 880130534 +177 260 2 880130534 +177 270 1 880130452 +177 271 2 882141868 +177 276 5 880130758 +177 289 2 880130534 +177 294 4 880130481 +177 299 4 880130500 +177 300 2 880130434 +177 318 4 880130618 +177 321 2 880130481 +177 333 4 880130397 +177 334 3 880130467 +177 336 2 880130500 +177 338 3 882142221 +177 403 5 880131201 +177 433 4 880131123 +177 470 5 880130951 +177 475 4 880130898 +177 508 4 880130825 +177 651 3 880130862 +177 689 3 882141885 +177 878 1 882142141 +177 919 4 880130736 +177 948 2 882141918 +177 960 3 880131161 +177 1039 3 880130807 +177 1067 4 880131201 +178 8 4 882826556 +178 15 5 882823858 +178 16 4 882823905 +178 22 5 882826187 +178 25 3 888514710 +178 28 5 882826806 +178 39 2 882827645 +178 55 4 882826394 +178 58 5 882827134 +178 70 4 882827083 +178 71 4 882826577 +178 73 5 882827985 +178 76 3 882827288 +178 83 4 882826556 +178 89 4 882826514 +178 96 4 882826782 +178 98 5 882826944 +178 99 4 882827574 +178 106 2 882824983 +178 117 4 882824467 +178 121 5 882824291 +178 125 4 882824431 +178 131 4 882827947 +178 134 3 882826983 +178 135 2 882826915 +178 148 4 882824325 +178 178 4 882826395 +178 179 2 882828320 +178 181 5 882823832 +178 183 4 882826347 +178 187 4 882826049 +178 193 4 882826868 +178 195 4 882826944 +178 196 4 882827834 +178 199 4 882826306 +178 204 4 882826048 +178 209 4 882826944 +178 210 5 884837073 +178 214 1 882827985 +178 216 4 882826868 +178 218 3 882827776 +178 228 5 882826556 +178 234 4 882826783 +178 241 5 882827375 +178 244 1 884837126 +178 245 3 882823460 +178 248 4 882823954 +178 250 4 888514821 +178 255 4 882824001 +178 257 5 882823954 +178 258 4 882823353 +178 259 1 882823437 +178 271 4 882823395 +178 273 3 882823858 +178 275 5 882823857 +178 276 3 882823978 +178 282 3 882823978 +178 284 4 888514680 +178 286 3 882823324 +178 288 5 882823353 +178 294 2 882823301 +178 302 4 892239796 +178 317 4 882826915 +178 323 3 882823530 +178 326 4 888513095 +178 332 3 882823437 +178 342 4 892239863 +178 358 1 888512993 +178 363 3 882824467 +178 367 4 882828021 +178 385 4 882826982 +178 427 5 882826162 +178 431 4 882827400 +178 433 4 882827834 +178 454 4 882827247 +178 455 3 882825357 +178 458 3 882824467 +178 465 3 882827506 +178 478 5 882826514 +178 480 3 882826048 +178 491 4 882827247 +178 495 4 882827870 +178 500 4 882827288 +178 508 3 884837419 +178 510 4 882826394 +178 520 5 882826210 +178 540 3 886678484 +178 546 3 888514680 +178 549 4 882827689 +178 566 4 882826915 +178 568 4 882826555 +178 596 3 882824194 +178 597 4 882824869 +178 619 3 888514710 +178 651 4 882826915 +178 655 4 882827247 +178 678 3 882823530 +178 682 3 892239928 +178 696 4 882824869 +178 731 4 882827532 +178 739 4 882827737 +178 742 3 882823833 +178 746 3 882827019 +178 762 3 882824592 +178 845 4 882824291 +178 849 3 882828021 +178 864 2 888514648 +178 866 4 882825357 +178 877 2 888513069 +178 895 3 884836516 +178 926 4 882824671 +178 978 2 882824983 +178 984 2 882823530 +178 1004 4 882827375 +178 1012 4 884837364 +178 1035 4 882828350 +178 1051 3 885784583 +178 1169 4 882827134 +178 1283 3 885784558 +178 1300 3 886678518 +179 258 5 892151270 +179 269 3 892151064 +179 272 5 892151202 +179 301 4 892151565 +179 303 1 892151270 +179 305 4 892151270 +179 310 4 892151365 +179 315 5 892151202 +179 316 5 892151202 +179 331 2 892151331 +179 339 1 892151366 +179 345 1 892151565 +179 346 3 892151489 +179 354 4 892151331 +179 750 1 892151270 +179 751 1 892151565 +179 895 5 892151565 +179 905 4 892151331 +179 1316 3 892151489 +180 28 3 877355568 +180 56 5 877127130 +180 67 1 877127591 +180 68 5 877127721 +180 69 4 877355568 +180 79 3 877442037 +180 83 5 877128388 +180 111 5 877127747 +180 121 5 877127830 +180 156 5 877127747 +180 173 5 877128388 +180 202 3 877128388 +180 204 3 877127159 +180 213 5 877128388 +180 216 5 877128388 +180 403 3 877355713 +180 421 5 877128388 +180 423 4 877355568 +180 431 4 877442098 +180 433 5 877127273 +180 462 5 877544218 +180 631 5 877544373 +180 694 5 877128388 +180 716 1 877128119 +180 732 3 877128137 +180 737 3 877128327 +180 762 4 877126241 +180 1119 3 877128156 +180 1131 5 877441985 +181 1 3 878962392 +181 3 2 878963441 +181 7 4 878963037 +181 9 4 878962675 +181 10 2 878962955 +181 13 2 878962465 +181 14 1 878962392 +181 16 1 878962996 +181 20 1 878962919 +181 21 1 878963381 +181 25 5 878962675 +181 103 1 878962586 +181 112 1 878962955 +181 121 4 878962623 +181 123 2 878963276 +181 124 1 878962550 +181 125 3 878962816 +181 146 1 878962955 +181 147 1 878963168 +181 148 2 878963204 +181 149 1 878962719 +181 150 1 878962465 +181 220 4 878962392 +181 221 1 878962465 +181 225 3 878963038 +181 240 1 878963122 +181 243 1 878961814 +181 251 1 878962052 +181 256 1 878962086 +181 258 3 878961709 +181 260 1 878961623 +181 261 1 878961814 +181 262 2 878961749 +181 264 2 878961624 +181 266 1 878961709 +181 268 1 878961749 +181 269 1 878961511 +181 276 2 878962816 +181 277 1 878963441 +181 278 2 878963440 +181 279 1 878962955 +181 283 3 878963241 +181 284 2 878962996 +181 286 1 878961173 +181 288 4 878961173 +181 301 2 878961303 +181 302 2 878961511 +181 304 1 878961586 +181 306 1 878962006 +181 308 1 878961847 +181 319 3 878961173 +181 321 2 878961623 +181 324 1 878961814 +181 325 2 878961814 +181 327 3 878961780 +181 328 3 878961227 +181 329 1 878961781 +181 330 1 878961668 +181 334 1 878961749 +181 335 1 878961748 +181 337 1 878961709 +181 359 1 878961668 +181 368 1 878963440 +181 369 3 878963418 +181 405 4 878962919 +181 406 1 878962955 +181 408 1 878962550 +181 424 1 878962240 +181 457 1 878961474 +181 458 3 878962350 +181 459 1 878962349 +181 472 1 878963380 +181 597 3 878963276 +181 619 3 878963086 +181 620 2 878963204 +181 676 3 878962392 +181 680 1 878961709 +181 682 4 878961586 +181 688 1 878961668 +181 690 3 878961511 +181 696 2 878962997 +181 740 2 878963085 +181 741 1 878962918 +181 742 4 878962623 +181 748 1 878961368 +181 762 2 878963418 +181 763 1 878962955 +181 764 1 878962866 +181 766 1 878962675 +181 819 3 878962550 +181 823 2 878963343 +181 824 1 878963305 +181 825 1 878963304 +181 827 2 878963276 +181 829 1 878962675 +181 832 1 878963038 +181 834 3 878962720 +181 840 1 878963204 +181 841 1 878963204 +181 846 3 878962586 +181 866 1 878963037 +181 870 2 878962623 +181 872 1 878961814 +181 873 1 878961542 +181 874 1 878961749 +181 878 1 878961709 +181 879 2 878961542 +181 881 1 878961781 +181 882 1 878962006 +181 886 1 878961623 +181 887 1 878962005 +181 922 1 878963305 +181 925 2 878963418 +181 926 1 878962866 +181 927 1 878962675 +181 928 3 878963241 +181 929 1 878963122 +181 930 1 878963275 +181 933 1 878962675 +181 937 3 878961781 +181 938 1 878961586 +181 948 1 878961474 +181 950 1 878963440 +181 952 1 878962720 +181 975 2 878963343 +181 976 1 878963342 +181 978 1 878963305 +181 979 2 878963241 +181 980 1 878962496 +181 984 1 878961781 +181 985 1 878962465 +181 986 2 878963038 +181 990 1 878961814 +181 995 1 878961585 +181 1001 1 878963038 +181 1009 1 878963276 +181 1010 1 878962774 +181 1015 1 878963121 +181 1017 1 878962496 +181 1028 2 878962997 +181 1040 1 878962997 +181 1048 2 878963275 +181 1049 1 878963122 +181 1051 2 878962586 +181 1052 2 878963441 +181 1057 2 878963381 +181 1060 1 878962675 +181 1067 1 878962550 +181 1068 1 878962052 +181 1081 1 878962623 +181 1087 1 878962496 +181 1093 1 878962391 +181 1094 1 878963086 +181 1120 1 878962279 +181 1128 1 878962279 +181 1129 1 878962675 +181 1134 2 878963167 +181 1151 1 878963304 +181 1164 3 878962464 +181 1165 1 878962496 +181 1174 1 878962200 +181 1198 1 878962585 +181 1202 1 878962720 +181 1259 1 878962496 +181 1265 1 878961668 +181 1272 1 878962349 +181 1282 1 878962496 +181 1284 1 878962773 +181 1288 1 878962349 +181 1289 1 878962866 +181 1291 1 878963167 +181 1295 1 878961781 +181 1312 1 878962349 +181 1318 1 878962349 +181 1320 1 878962279 +181 1322 1 878962086 +181 1324 1 878962464 +181 1327 1 878963305 +181 1330 1 878962052 +181 1332 1 878962278 +181 1333 1 878962120 +181 1334 1 878962240 +181 1336 1 878963241 +181 1342 1 878962168 +181 1343 1 878962199 +181 1344 1 878962240 +181 1346 1 878962086 +181 1347 1 878962052 +181 1348 1 878962200 +181 1351 1 878962168 +181 1354 1 878962496 +181 1357 1 878962240 +181 1360 1 878962119 +181 1361 1 878963122 +181 1362 1 878962200 +181 1364 1 878962464 +181 1367 2 878962086 +181 1369 1 878962199 +181 1370 1 878962550 +181 1371 1 878962240 +181 1373 1 878962052 +181 1374 1 878962391 +181 1375 1 878962586 +181 1376 1 878963167 +181 1377 1 878962496 +181 1378 1 878962169 +181 1379 1 878962168 +181 1383 1 878962086 +181 1384 1 878962052 +181 1385 1 878962051 +181 1386 1 878962119 +181 1387 1 878962119 +181 1388 1 878962168 +181 1390 1 878962052 +181 1392 1 878961749 +181 1393 1 878961709 +181 1395 1 878961847 +182 69 5 876435435 +182 100 3 885613067 +182 121 3 885613117 +182 123 4 885612994 +182 172 5 876435435 +182 222 3 885613180 +182 237 3 885613067 +182 283 2 885613153 +182 293 3 885613152 +182 423 5 876436480 +182 471 4 885613216 +182 763 3 885613092 +182 845 3 885613067 +182 864 4 885613092 +183 54 2 891467546 +183 88 3 891466760 +183 96 3 891463617 +183 159 4 892323452 +183 203 3 891466266 +183 222 4 892323453 +183 225 1 891467546 +183 227 4 891463592 +183 241 4 892323453 +183 250 2 891464352 +183 257 2 891464558 +183 265 2 891466350 +183 270 3 891462811 +183 273 4 892323452 +183 294 3 891467280 +183 331 3 892322382 +183 405 4 891464393 +183 450 3 891463592 +183 483 5 892323452 +183 485 5 892323452 +183 562 3 891467003 +183 720 4 892323453 +183 1217 3 891466405 +184 9 5 889907685 +184 11 3 889908694 +184 13 3 889907839 +184 14 4 889907738 +184 15 3 889907812 +184 22 3 889908985 +184 34 2 889913568 +184 36 3 889910195 +184 47 4 889909640 +184 52 4 889910034 +184 57 5 889908539 +184 58 4 889908984 +184 64 4 889909045 +184 67 3 889912569 +184 69 3 889908694 +184 70 4 889908657 +184 71 4 889911552 +184 72 3 889909988 +184 77 3 889910217 +184 86 5 889908694 +184 88 3 889909551 +184 89 4 889908572 +184 91 3 889909988 +184 92 3 889908657 +184 98 4 889908539 +184 100 5 889907652 +184 116 4 889910481 +184 124 5 889907652 +184 126 3 889907971 +184 132 5 889913687 +184 137 5 889907685 +184 143 3 889908903 +184 153 3 889911285 +184 155 3 889912656 +184 161 2 889909640 +184 164 3 889911434 +184 172 4 889908497 +184 174 3 889908693 +184 181 4 889907426 +184 187 4 889909024 +184 191 4 889908716 +184 196 4 889908985 +184 202 3 889909768 +184 207 4 889908903 +184 208 4 889908985 +184 217 3 889910394 +184 218 3 889909840 +184 231 3 889910195 +184 237 4 889907945 +184 250 4 889907482 +184 252 2 889907528 +184 254 2 889907569 +184 255 3 889907468 +184 258 3 889906882 +184 259 3 889907096 +184 275 5 889913687 +184 277 3 889907971 +184 286 4 889906905 +184 287 4 889908050 +184 321 5 889906967 +184 382 5 889909691 +184 405 2 889908050 +184 410 3 889908181 +184 412 2 889912691 +184 423 4 889909409 +184 447 3 889910653 +184 458 3 889907925 +184 462 4 889908873 +184 478 4 889908902 +184 497 4 889909409 +184 498 5 889913687 +184 511 4 889908740 +184 514 5 889908497 +184 515 5 889907599 +184 517 4 889909409 +184 521 4 889908873 +184 522 3 889908462 +184 531 4 889910653 +184 553 3 889909746 +184 559 3 889910418 +184 568 2 889909474 +184 582 4 889909409 +184 584 3 889909889 +184 588 5 889909812 +184 602 4 889909691 +184 604 4 889908693 +184 606 5 889913687 +184 642 4 889909446 +184 645 3 889910123 +184 647 5 889909024 +184 660 3 889909962 +184 665 2 889910098 +184 693 3 889909142 +184 699 5 889909914 +184 716 3 889909987 +184 729 3 889909840 +184 742 3 889908026 +184 766 3 889907738 +184 780 4 889913254 +184 805 3 889912232 +184 836 4 889909142 +184 855 4 889909474 +184 942 3 889909768 +184 949 3 889909618 +184 950 4 889907896 +184 972 3 889909962 +184 995 3 889907044 +184 1006 3 889910078 +184 1010 4 889907896 +184 1012 3 889907448 +184 1020 4 889908630 +184 1136 4 889912890 +184 1137 5 889907812 +184 1195 3 889909934 +184 1232 3 889910123 +184 1396 4 889913490 +184 1397 3 889910233 +184 1398 5 889911749 +185 15 3 883525255 +185 23 4 883524249 +185 28 5 883524428 +185 86 5 883524428 +185 114 4 883524320 +185 127 5 883525183 +185 196 4 883524172 +185 197 5 883524428 +185 199 4 883526268 +185 216 4 883526268 +185 223 4 883524249 +185 237 4 883526268 +185 269 5 883524428 +185 275 4 883524320 +185 279 4 883525255 +185 285 5 883524507 +185 287 5 883526288 +185 318 4 883524172 +185 447 4 883526268 +185 515 4 883525255 +185 528 4 883526268 +185 638 4 883524364 +185 740 4 883524475 +185 939 3 883524249 +186 31 4 879023529 +186 44 5 879023529 +186 53 1 879023882 +186 71 5 879024535 +186 95 3 879024535 +186 100 4 879023115 +186 117 5 879023607 +186 118 2 879023242 +186 148 4 891719774 +186 225 4 879024148 +186 226 5 879023664 +186 237 2 879023934 +186 250 1 879023607 +186 257 4 891719774 +186 263 3 879023571 +186 281 4 879023390 +186 288 1 879022858 +186 299 3 879720962 +186 300 5 879022858 +186 302 3 891717742 +186 322 5 879022927 +186 327 3 891717806 +186 333 3 891718820 +186 338 3 889818331 +186 385 4 879023894 +186 406 1 879023272 +186 470 5 879023693 +186 546 4 891719775 +186 550 4 879023985 +186 554 1 879023751 +186 566 5 879023663 +186 588 4 879024535 +186 591 4 879023073 +186 596 4 879024459 +186 717 3 879023242 +186 742 3 879023073 +186 770 2 879023819 +186 925 5 879023152 +186 939 5 879023529 +186 977 3 879023273 +186 983 3 879023152 +186 988 4 891719775 +186 1253 4 891719774 +186 1277 4 879023677 +187 28 4 879465597 +187 64 5 879465631 +187 70 4 879465394 +187 86 4 879465478 +187 116 5 879464978 +187 135 4 879465653 +187 175 2 879465241 +187 191 5 879465566 +187 196 4 879465507 +187 210 4 879465242 +187 215 3 879465805 +187 275 5 879465937 +187 427 5 879465597 +187 433 4 879465242 +187 522 3 879465125 +187 523 3 879465125 +187 582 1 879465683 +187 659 5 879465274 +187 732 3 879465419 +187 747 4 879465882 +187 792 5 879465340 +187 1119 3 879465683 +188 7 5 875073477 +188 13 4 875073408 +188 38 3 875073828 +188 56 4 875071658 +188 66 3 875075118 +188 69 4 875072009 +188 77 4 875072328 +188 79 5 875072393 +188 88 4 875075300 +188 96 5 875073128 +188 98 5 875071957 +188 127 4 875072799 +188 143 5 875072674 +188 148 4 875074667 +188 159 3 875074589 +188 161 3 875073048 +188 164 4 875072674 +188 173 5 875075118 +188 181 3 875072148 +188 185 4 875071710 +188 191 3 875073128 +188 195 3 875073179 +188 202 2 875073712 +188 204 4 875073478 +188 205 3 875071710 +188 209 2 875073246 +188 210 4 875071891 +188 211 4 875075062 +188 216 5 875075300 +188 218 5 875074667 +188 233 3 875074266 +188 234 4 875073048 +188 237 3 875073648 +188 240 1 875072799 +188 326 3 875071293 +188 357 4 875073647 +188 392 5 875073408 +188 419 5 875072876 +188 443 4 875074329 +188 474 4 875072674 +188 485 3 875072087 +188 504 3 875074589 +188 511 2 875072211 +188 554 2 875074891 +188 628 5 875074200 +188 632 5 875071581 +188 692 5 875072583 +188 717 4 875074329 +188 732 3 875073828 +188 769 2 875074720 +188 792 2 875075062 +188 864 2 875072148 +188 930 4 875074720 +188 1213 2 875074847 +189 1 5 893264174 +189 9 3 893263994 +189 15 2 893264335 +189 16 3 893264335 +189 20 5 893264466 +189 21 2 893264619 +189 30 4 893266205 +189 31 3 893266027 +189 45 3 893265657 +189 56 5 893265263 +189 60 3 893265773 +189 79 3 893265478 +189 91 3 893265684 +189 96 5 893265971 +189 100 4 893263994 +189 120 1 893264954 +189 121 2 893264816 +189 127 4 893263994 +189 129 3 893264378 +189 134 5 893265239 +189 135 4 893265535 +189 143 5 893266027 +189 173 5 893265160 +189 174 5 893265160 +189 176 4 893265214 +189 194 5 893265428 +189 197 5 893265291 +189 203 3 893265921 +189 216 5 893265478 +189 225 4 893264703 +189 234 5 893265401 +189 248 4 893264174 +189 253 4 893264150 +189 268 4 893265071 +189 274 4 893264735 +189 275 5 893264194 +189 276 3 893264300 +189 281 2 893264766 +189 294 5 893264220 +189 381 3 893277551 +189 462 5 893265741 +189 474 5 893265238 +189 479 5 893265123 +189 480 5 893265291 +189 483 5 893265291 +189 484 5 893266105 +189 496 5 893265380 +189 505 5 893265239 +189 510 5 893266326 +189 512 4 893277702 +189 513 4 893265865 +189 520 5 893265380 +189 526 4 893266205 +189 596 3 893264407 +189 607 4 893266204 +189 618 2 893265160 +189 632 5 893265624 +189 634 3 893265506 +189 638 5 893265380 +189 639 4 893265893 +189 652 5 893265428 +189 657 5 893265123 +189 694 4 893265946 +189 705 4 893265569 +189 732 2 893277248 +189 751 4 893265046 +189 815 3 893264558 +189 820 1 893264782 +189 847 4 893264150 +189 1005 4 893265971 +189 1021 5 893266251 +189 1060 5 893264301 +189 1098 4 893265506 +189 1099 5 893266074 +189 1115 4 893264270 +189 1117 5 893264678 +189 1372 4 893264429 +189 1403 4 893265921 +190 117 4 891033697 +190 118 3 891033906 +190 147 4 891033863 +190 222 4 891033676 +190 269 4 891033606 +190 282 3 891033773 +190 291 3 891042883 +190 294 3 891033370 +190 300 4 891033606 +190 302 5 891033606 +190 333 4 891033606 +190 340 1 891033153 +190 363 2 891626023 +190 405 4 891626000 +190 628 4 891042883 +190 717 3 891042938 +190 742 3 891033841 +190 748 3 891033388 +190 751 4 891033606 +190 895 3 891033327 +190 974 2 891625949 +190 977 2 891042938 +190 1313 2 891033445 +191 86 5 891562417 +191 269 3 891562090 +191 270 3 891560253 +191 272 4 891560631 +191 286 4 891560842 +191 288 3 891562090 +191 301 4 891561336 +191 302 4 891560253 +191 307 3 891560935 +191 313 5 891560481 +191 328 3 891562090 +191 332 2 891562090 +191 343 3 891561856 +191 751 3 891560753 +191 752 3 891560481 +191 754 3 891560366 +191 896 3 891562090 +192 127 4 881367456 +192 252 1 881368277 +192 257 4 881367592 +192 258 5 881366456 +192 276 2 881367505 +192 277 3 881367932 +192 301 4 881366490 +192 302 5 881366489 +192 340 4 881366535 +192 476 2 881368243 +192 948 3 881368302 +192 1061 4 881368891 +192 1137 4 881367705 +192 1160 4 881367456 +192 1405 5 881367456 +193 2 3 890860198 +193 29 3 889126055 +193 33 3 889125912 +193 56 1 889125572 +193 96 1 889124507 +193 100 5 889124127 +193 111 1 889126375 +193 117 4 889125913 +193 127 5 890860351 +193 147 2 890860290 +193 155 4 889126376 +193 174 4 889125720 +193 194 4 889125006 +193 195 1 889124507 +193 210 4 889125755 +193 234 3 889126551 +193 258 3 889123038 +193 259 2 889123351 +193 260 1 889123777 +193 268 3 889122906 +193 276 4 890860319 +193 288 1 889123777 +193 301 4 889123257 +193 307 4 889123316 +193 327 1 889123777 +193 328 3 889122993 +193 332 3 889123257 +193 352 1 889123777 +193 362 3 889122992 +193 368 1 889127860 +193 393 4 889126808 +193 407 4 889127921 +193 410 3 889127633 +193 435 4 889124439 +193 443 4 889126610 +193 465 3 889126867 +193 485 5 889124252 +193 553 4 889126272 +193 554 3 889126088 +193 627 4 889126972 +193 673 4 889126551 +193 682 1 889123377 +193 684 4 889125788 +193 689 2 890834966 +193 693 4 889124374 +193 722 3 889126402 +193 750 4 889122950 +193 790 3 889127381 +193 815 3 889126332 +193 827 2 890859916 +193 845 4 889124803 +193 869 3 889127811 +193 871 3 890860319 +193 879 3 889123257 +193 928 2 889126609 +193 941 4 889124890 +193 1078 4 889126943 +193 1132 3 889127660 +193 1258 3 889123806 +193 1406 4 889123926 +194 1 4 879539127 +194 4 4 879521397 +194 7 3 879538898 +194 12 5 879520916 +194 23 4 879522819 +194 25 2 879540807 +194 26 3 879522240 +194 30 3 879524504 +194 44 4 879524007 +194 51 4 879549793 +194 52 4 879525876 +194 54 3 879525876 +194 56 5 879521936 +194 58 4 879522917 +194 62 2 879524504 +194 64 5 879521936 +194 66 3 879527264 +194 70 3 879522324 +194 71 4 879524291 +194 77 3 879527421 +194 82 2 879524216 +194 83 3 879521254 +194 94 3 879528000 +194 95 3 879521719 +194 98 4 879521329 +194 99 3 879524643 +194 117 3 879535704 +194 124 4 879539229 +194 127 5 879520813 +194 132 3 879520991 +194 144 4 879547671 +194 152 3 879549996 +194 153 3 879546723 +194 160 2 879551380 +194 161 4 879523576 +194 162 3 879549899 +194 165 4 879546723 +194 172 3 879521474 +194 175 3 879521595 +194 180 3 879521657 +194 181 3 879521396 +194 185 4 879521254 +194 187 4 879520813 +194 188 4 879522158 +194 191 4 879521856 +194 192 5 879521253 +194 193 4 879524790 +194 195 3 879521657 +194 196 3 879524007 +194 198 3 879522021 +194 202 3 879524216 +194 203 3 879522158 +194 205 3 879524291 +194 210 3 879521396 +194 212 1 879524216 +194 213 2 879523575 +194 215 3 879524291 +194 216 3 879523785 +194 218 4 879524892 +194 222 1 879538960 +194 226 3 879525761 +194 227 1 879535548 +194 232 2 879553731 +194 234 3 879521167 +194 235 2 879541343 +194 237 3 879538959 +194 239 3 879522917 +194 259 2 879520306 +194 274 2 879539794 +194 281 2 879540567 +194 284 3 879539410 +194 286 1 879520306 +194 289 1 879535548 +194 317 4 879521657 +194 321 3 879520306 +194 366 2 879525761 +194 383 1 879554842 +194 385 2 879524643 +194 404 3 879522445 +194 410 3 879541042 +194 417 2 879525695 +194 425 2 879522240 +194 427 4 879521088 +194 431 4 879524291 +194 433 3 879523104 +194 443 3 879523104 +194 450 1 879555001 +194 451 2 879527145 +194 466 4 879525876 +194 470 3 879527421 +194 471 3 879540807 +194 478 3 879521329 +194 479 3 879521167 +194 482 3 879521088 +194 504 2 879523785 +194 509 3 879522085 +194 510 4 879521474 +194 511 4 879520991 +194 514 3 879521167 +194 517 3 879521856 +194 519 4 879521474 +194 520 5 879545114 +194 523 5 879521596 +194 526 4 879521087 +194 527 4 879521474 +194 530 4 879521167 +194 559 2 879521937 +194 566 4 879522819 +194 568 2 879522819 +194 576 2 879528568 +194 582 1 879535549 +194 588 4 879524393 +194 616 3 879523243 +194 623 1 879551637 +194 631 2 879546551 +194 636 2 879553731 +194 647 4 879521531 +194 648 4 879521936 +194 660 3 879527421 +194 663 4 879524292 +194 692 2 879524215 +194 705 2 879524007 +194 708 3 879528106 +194 735 4 879524718 +194 739 3 879527263 +194 744 3 879547130 +194 756 1 879549899 +194 770 4 879525342 +194 780 2 879527865 +194 792 4 879524504 +194 808 2 879527999 +194 941 2 879552569 +194 946 3 879527514 +194 951 3 879525761 +194 971 3 879551049 +194 1028 2 879541148 +194 1058 2 879552923 +194 1093 3 879540807 +194 1183 2 879554453 +194 1206 1 879554453 +194 1211 2 879551380 +194 1220 3 879524790 +194 1409 2 879552662 +195 14 4 890985390 +195 46 3 891762441 +195 55 4 888737417 +195 61 3 888737277 +195 67 2 874825826 +195 99 3 888737277 +195 100 5 875771440 +195 132 5 875771441 +195 154 3 888737525 +195 181 5 875771440 +195 186 3 888737240 +195 213 4 883934680 +195 227 3 888737346 +195 235 3 883191566 +195 258 4 882859352 +195 265 4 888737346 +195 271 4 879488450 +195 273 4 878019342 +195 298 4 888737703 +195 300 3 890588925 +195 304 4 876617344 +195 325 2 880268330 +195 328 4 884420059 +195 387 4 891762491 +195 407 2 877835302 +195 421 4 892362736 +195 469 3 880710046 +195 477 2 885110922 +195 496 4 888737525 +195 591 4 892281779 +195 636 2 884504132 +195 651 5 875436683 +195 751 4 883295500 +195 771 2 874825826 +195 779 2 874825826 +195 823 4 881485704 +195 831 2 884504132 +195 887 4 886782489 +195 921 3 883934716 +195 1013 3 877156636 +195 1014 4 879673925 +195 1052 1 877835102 +195 1084 4 888737345 +195 1089 4 883295540 +195 1228 1 876632600 +195 1417 3 877246560 +195 1418 4 891762646 +196 8 5 881251753 +196 25 4 881251955 +196 67 5 881252017 +196 94 3 881252172 +196 111 4 881251793 +196 238 4 881251820 +196 242 3 881250949 +196 251 3 881251274 +196 286 5 881250949 +196 306 4 881251021 +196 381 4 881251728 +196 393 4 881251863 +196 428 4 881251702 +196 580 2 881252056 +196 655 5 881251793 +196 663 5 881251911 +196 692 5 881252017 +196 1118 4 881252128 +197 33 2 891409981 +197 55 3 891409982 +197 62 2 891410039 +197 68 2 891410082 +197 79 5 891409839 +197 89 5 891409798 +197 92 1 891410082 +197 96 5 891409839 +197 127 5 891409839 +197 161 4 891410039 +197 174 5 891409798 +197 176 5 891409798 +197 181 5 891409893 +197 187 5 891409798 +197 190 3 891410082 +197 195 5 891409798 +197 210 5 891409838 +197 226 4 891410038 +197 229 3 891410039 +197 231 3 891410124 +197 233 4 891409935 +197 258 4 891409255 +197 259 1 891409422 +197 271 2 891409352 +197 286 1 891409255 +197 288 3 891409387 +197 289 4 891409422 +197 294 4 891409290 +197 300 4 891409422 +197 302 3 891409070 +197 313 4 891409160 +197 316 4 891409535 +197 321 3 891409475 +197 323 3 891409422 +197 328 4 891409290 +197 340 2 891409199 +197 344 4 891409070 +197 346 3 891409070 +197 347 4 891409070 +197 362 4 891409199 +197 385 2 891409893 +197 431 3 891409935 +197 449 5 891410124 +197 510 5 891409935 +197 511 5 891409839 +197 515 5 891409935 +197 518 1 891409982 +197 530 3 891410082 +197 550 3 891409981 +197 566 4 891409893 +197 570 4 891410124 +197 578 3 891410039 +197 651 5 891409839 +197 665 4 891410124 +197 688 1 891409564 +197 690 3 891409255 +197 720 2 891410039 +197 748 3 891409323 +197 750 5 891409199 +197 770 3 891410082 +197 779 2 891410170 +197 808 3 891409893 +197 849 3 891410124 +197 880 3 891409387 +197 1228 4 891410124 +197 1419 2 891410124 +198 7 4 884205317 +198 11 4 884207392 +198 15 3 884205185 +198 23 4 884208491 +198 24 2 884205385 +198 33 3 884209291 +198 51 3 884208455 +198 58 3 884208173 +198 65 2 884208241 +198 79 3 884208518 +198 82 3 884209451 +198 95 3 884207612 +198 97 3 884207112 +198 100 1 884207325 +198 118 2 884206513 +198 135 5 884208061 +198 148 3 884206401 +198 154 4 884208098 +198 156 3 884207058 +198 172 4 884207206 +198 174 5 884208326 +198 175 3 884207239 +198 176 4 884207136 +198 179 4 884209264 +198 180 3 884207298 +198 182 4 884207946 +198 183 5 884207654 +198 184 3 884209003 +198 188 5 884208200 +198 193 4 884207833 +198 196 3 884208098 +198 197 4 884208200 +198 203 3 884207733 +198 214 4 884208273 +198 217 4 884208273 +198 218 3 884209412 +198 228 3 884207206 +198 234 3 884207833 +198 241 3 884209264 +198 249 2 884205277 +198 258 4 884204501 +198 280 3 884206401 +198 318 4 884207560 +198 323 2 884204637 +198 357 5 884207267 +198 381 3 884208273 +198 385 3 884208778 +198 402 3 884209147 +198 410 1 884205385 +198 427 4 884207009 +198 429 4 884207691 +198 455 3 884206191 +198 498 3 884207492 +198 501 4 884209264 +198 509 4 884208710 +198 511 4 884208326 +198 527 4 884208061 +198 549 3 884208518 +198 559 3 884208739 +198 568 3 884208710 +198 629 4 884209221 +198 631 3 884208624 +198 636 3 884209353 +198 640 3 884208651 +198 651 4 884207424 +198 654 5 884207733 +198 658 3 884208173 +198 660 4 884208624 +198 692 2 884208377 +198 746 4 884207946 +198 748 2 884204577 +198 1014 2 884206330 +198 1094 1 884206807 +198 1117 3 884205252 +198 1169 4 884208834 +199 111 3 883783042 +199 117 3 883782879 +199 221 4 883782854 +199 242 5 883782485 +199 258 4 883782403 +199 259 1 883782583 +199 268 5 883782509 +199 276 4 883782879 +199 285 4 883782879 +199 286 5 883782485 +199 294 1 883782636 +199 322 2 883782636 +199 324 1 883782509 +199 405 2 883783005 +199 473 4 883783005 +199 475 5 883782918 +199 678 1 883782636 +199 687 1 883782655 +199 948 1 883782655 +199 988 1 883782655 +199 989 1 883782509 +200 2 4 884130046 +200 7 4 876042451 +200 8 4 884128904 +200 11 5 884129542 +200 15 4 884127745 +200 24 2 884127370 +200 25 4 876042234 +200 29 4 884130540 +200 33 4 884129602 +200 38 3 884130348 +200 45 3 884128372 +200 50 5 884128400 +200 56 4 884128858 +200 72 4 884129542 +200 82 5 884129656 +200 88 4 884128760 +200 96 5 884129409 +200 103 2 891825521 +200 112 3 884127370 +200 121 5 876042268 +200 123 4 884127568 +200 125 5 876041895 +200 135 4 884128400 +200 140 4 884129962 +200 143 5 884128499 +200 147 5 876042451 +200 148 4 876042340 +200 151 3 876042204 +200 173 5 884128554 +200 174 5 884128426 +200 183 5 884128554 +200 191 5 884128554 +200 196 4 884126833 +200 205 4 884128458 +200 208 5 884128904 +200 210 5 884128933 +200 215 4 884129346 +200 218 5 884129410 +200 222 5 876042340 +200 225 4 876042299 +200 227 5 884129006 +200 228 5 884128372 +200 229 5 884129696 +200 231 4 884130679 +200 241 4 884129782 +200 258 4 876041644 +200 265 5 884128372 +200 276 5 876041895 +200 286 4 884125953 +200 291 3 891825292 +200 294 4 884125953 +200 304 5 876041644 +200 313 5 884125806 +200 318 5 884128458 +200 357 5 884128498 +200 363 3 876042753 +200 365 5 884129962 +200 373 4 884130754 +200 391 4 884130484 +200 393 4 884129410 +200 402 4 884129029 +200 409 2 884127431 +200 420 5 884129837 +200 431 5 884129006 +200 432 5 884128458 +200 473 4 876042493 +200 478 5 884128788 +200 528 4 884128426 +200 542 3 884130592 +200 559 4 884129920 +200 560 4 884130655 +200 570 4 884130484 +200 576 4 884130415 +200 578 5 884130085 +200 580 2 884130114 +200 584 4 884129542 +200 586 4 884130391 +200 588 5 884128499 +200 597 4 876042824 +200 652 2 884127370 +200 660 3 884129209 +200 665 4 884130621 +200 673 5 884128554 +200 674 4 884130348 +200 685 4 876042493 +200 692 3 884128400 +200 717 4 876042493 +200 739 4 884130046 +200 743 3 891825607 +200 755 5 884129729 +200 768 4 884130592 +200 771 4 884130721 +200 802 4 884130485 +200 820 3 884127370 +200 831 4 891825565 +200 840 4 876042525 +200 892 4 884127082 +200 929 4 876042979 +200 1033 2 891825441 +200 1049 3 876042922 +200 1060 3 876042340 +200 1139 3 884130484 +200 1228 4 884130721 +200 1411 3 884130289 +201 2 2 884112487 +201 4 4 884111830 +201 8 3 884141438 +201 9 3 884113343 +201 20 2 884140275 +201 23 4 884111830 +201 25 3 884114015 +201 26 4 884111927 +201 27 3 884140891 +201 32 3 884140049 +201 36 1 884140927 +201 37 2 884114635 +201 39 1 884112427 +201 50 4 884114471 +201 51 2 884140751 +201 56 5 884111269 +201 57 4 884111958 +201 61 2 884111986 +201 62 1 884310149 +201 68 2 884112487 +201 69 2 884112901 +201 70 3 884112029 +201 71 3 884111270 +201 77 2 884140788 +201 79 4 884112245 +201 87 3 884111775 +201 89 3 884112245 +201 92 3 884112245 +201 98 4 884111312 +201 99 3 884141438 +201 100 4 884111485 +201 117 2 884112487 +201 123 2 884114233 +201 128 2 884111546 +201 146 1 884140579 +201 148 1 884140751 +201 150 4 884139983 +201 156 4 884111830 +201 164 3 884112627 +201 174 3 884112201 +201 175 2 884140022 +201 176 4 884112281 +201 184 3 884112245 +201 187 3 884111312 +201 190 4 884111873 +201 193 3 884140078 +201 197 4 884113422 +201 198 4 884111873 +201 203 5 884114471 +201 204 4 884113082 +201 206 2 884112029 +201 209 3 884112801 +201 210 2 884111270 +201 213 4 884111873 +201 215 2 884140382 +201 219 4 884112673 +201 221 3 884111397 +201 240 3 884114069 +201 241 2 884112487 +201 242 4 884110598 +201 260 4 884110967 +201 265 3 884310104 +201 271 4 884110967 +201 272 3 886013700 +201 275 4 884113634 +201 276 5 884111598 +201 281 2 884112352 +201 285 4 884114471 +201 289 2 884111064 +201 292 3 884110598 +201 302 4 884110637 +201 304 2 884110967 +201 313 5 884110598 +201 319 2 884110967 +201 321 3 884111029 +201 324 5 884110811 +201 325 5 884111064 +201 326 2 884111095 +201 331 4 884110967 +201 332 2 884110887 +201 333 2 884110927 +201 340 5 884110887 +201 357 4 884111217 +201 370 1 884114506 +201 375 3 884287140 +201 380 1 884140825 +201 385 2 884112427 +201 403 3 884112427 +201 405 4 884112427 +201 406 1 884114505 +201 413 3 884114505 +201 421 2 884111708 +201 432 3 884111312 +201 443 3 884112580 +201 447 5 884112581 +201 452 1 884114770 +201 454 2 884111830 +201 461 4 884113924 +201 462 1 884141208 +201 467 2 884139983 +201 475 4 884112748 +201 480 4 884111598 +201 482 4 884111360 +201 509 3 884111546 +201 513 3 884114069 +201 518 4 884112201 +201 527 3 884111360 +201 531 2 884113949 +201 537 3 884141053 +201 544 2 884140307 +201 551 1 884114770 +201 558 2 884112537 +201 559 2 884112627 +201 563 1 884114813 +201 578 2 884310148 +201 587 4 884140975 +201 589 3 884113082 +201 596 4 884141438 +201 597 2 884310149 +201 636 2 884310149 +201 642 4 884111485 +201 649 3 884114275 +201 651 4 884111217 +201 655 4 884112800 +201 660 3 884140927 +201 670 4 884112673 +201 673 3 884140115 +201 676 2 884140927 +201 684 3 884114233 +201 686 2 884112352 +201 693 4 884113949 +201 695 1 884140115 +201 708 4 884140247 +201 747 2 884113635 +201 767 4 884114505 +201 774 1 884114713 +201 777 1 884112673 +201 823 3 884140975 +201 825 1 884112427 +201 844 2 884112537 +201 847 2 884111546 +201 853 4 884114635 +201 856 3 884140709 +201 896 3 884110766 +201 919 3 884141208 +201 943 3 884114275 +201 955 3 884114895 +201 960 2 884112077 +201 979 2 884114233 +201 980 3 884140927 +201 991 4 884110735 +201 1008 3 884140891 +201 1010 3 884140579 +201 1039 3 884111599 +201 1063 3 884113453 +201 1065 3 884113490 +201 1098 2 884112747 +201 1100 4 884112800 +201 1153 2 884140709 +201 1163 1 884140382 +201 1169 4 884141053 +201 1187 3 884112201 +201 1194 4 884111899 +201 1211 3 884113806 +201 1220 2 884140975 +201 1227 1 884140787 +201 1229 3 884140307 +201 1245 4 884141015 +201 1424 3 884113114 +201 1425 3 884111637 +201 1427 2 884113975 +202 172 3 879726778 +202 173 2 879726914 +202 283 3 879727153 +202 286 1 879726342 +202 484 4 879727153 +202 515 1 879726778 +202 604 5 879727058 +203 1 3 880434384 +203 7 3 880434438 +203 24 4 880434359 +203 50 5 880434810 +203 93 4 880434940 +203 117 4 880434810 +203 148 3 880434755 +203 151 4 880434384 +203 181 5 880434278 +203 248 5 880434496 +203 250 4 880434495 +203 271 3 880433445 +203 282 1 880434919 +203 294 2 880433398 +203 304 3 880433445 +203 321 3 880433418 +203 326 4 880433398 +203 332 5 880433474 +203 336 3 880433474 +203 471 4 880434463 +203 619 3 880434438 +204 1 2 892513979 +204 45 5 892513906 +204 172 3 892513819 +204 191 4 892513906 +204 216 4 892513864 +204 245 3 892391980 +204 258 2 892388976 +204 259 2 892389195 +204 286 3 892389046 +204 292 5 892388857 +204 297 5 892514010 +204 302 5 892389137 +204 304 3 892389328 +204 310 1 892389073 +204 315 4 892388857 +204 336 1 892391854 +204 340 5 892389195 +204 482 4 892513906 +204 748 1 892392030 +204 874 3 892388976 +204 1022 5 892392078 +204 1194 4 892513906 +204 1281 2 892513979 +205 243 2 888284758 +205 258 3 888284313 +205 269 3 888284347 +205 289 4 888284710 +205 304 3 888284313 +205 313 3 888284313 +205 316 4 888284710 +205 326 4 888284454 +205 328 3 888284454 +205 333 4 888284618 +205 678 1 888284618 +205 984 1 888284710 +206 245 1 888179772 +206 258 4 888179602 +206 260 3 888179772 +206 288 5 888179565 +206 294 2 888179694 +206 302 5 888180227 +206 309 2 888179647 +206 313 5 888179565 +206 314 1 888179948 +206 315 5 888180018 +206 323 1 888179833 +206 333 4 888179565 +206 340 3 888180082 +206 362 1 888180018 +206 678 1 888179833 +206 690 2 888179694 +206 750 3 888179981 +206 873 3 888179833 +206 882 1 888180049 +206 889 2 888180081 +206 891 2 888180049 +206 895 5 888179788 +206 896 4 888180018 +206 900 1 888179980 +206 903 2 888180018 +206 904 1 888180081 +206 990 1 888179913 +206 1127 4 888180081 +206 1313 1 888179981 +206 1394 1 888179981 +206 1430 1 888179980 +207 2 3 877822770 +207 4 4 876198457 +207 8 3 878103820 +207 13 3 875506839 +207 14 4 875504876 +207 25 4 876079113 +207 28 4 877822162 +207 42 4 877878688 +207 53 1 881681725 +207 58 3 875991047 +207 59 4 877846793 +207 65 3 878104594 +207 68 2 877125350 +207 79 4 875509888 +207 87 4 884386260 +207 98 4 875509887 +207 100 2 875503786 +207 107 3 876198301 +207 121 3 875504876 +207 131 3 878104377 +207 133 4 875812281 +207 134 4 875991160 +207 135 2 877822350 +207 144 3 875509434 +207 150 3 877847150 +207 153 5 877750617 +207 154 2 878088217 +207 156 2 878104438 +207 161 4 875509507 +207 170 4 877125221 +207 171 3 880839802 +207 174 4 877750843 +207 181 3 877878828 +207 183 2 875509832 +207 186 4 877879173 +207 187 5 877878688 +207 188 3 875509262 +207 191 4 877124663 +207 192 3 877822350 +207 194 4 875504118 +207 203 3 877124625 +207 205 4 875991160 +207 241 3 877995673 +207 245 3 877994095 +207 258 4 877879172 +207 265 3 877846793 +207 269 4 877845577 +207 273 4 878104569 +207 290 2 878104627 +207 294 3 875504669 +207 313 4 885066537 +207 318 5 877124871 +207 322 3 879001724 +207 328 2 884386312 +207 410 3 877838946 +207 433 3 878104569 +207 468 4 877124806 +207 476 2 884386343 +207 508 4 877879259 +207 520 4 879665302 +207 529 4 878191679 +207 531 4 877878342 +207 540 3 880161839 +207 554 2 877822854 +207 568 4 875509395 +207 576 3 877822904 +207 580 3 879665232 +207 591 3 876018608 +207 628 3 876018608 +207 642 3 875991116 +207 716 3 875508783 +207 746 4 877878342 +207 754 4 879577345 +207 787 3 876079054 +207 810 2 877125506 +207 827 3 876018501 +207 832 3 877878424 +207 845 3 881681663 +207 864 3 877750738 +207 866 3 876079054 +207 875 2 875718889 +207 978 3 877878883 +207 986 3 877878384 +207 997 1 875508693 +207 1046 4 875509787 +207 1098 4 877879172 +207 1102 3 880839891 +207 1115 2 879664906 +207 1118 3 878104017 +207 1147 4 879665042 +207 1197 4 881681663 +207 1226 2 882081278 +207 1242 5 884386260 +207 1283 4 884386260 +207 1350 2 877878772 +207 1378 3 877878714 +207 1436 3 878191574 +208 56 2 883108360 +208 70 3 883108430 +208 88 5 883108324 +208 186 4 883108518 +208 197 5 883108797 +208 202 4 883108476 +208 204 3 883108360 +208 208 4 883108360 +208 211 5 883108398 +208 216 5 883108324 +208 302 1 883108157 +208 367 2 883108324 +208 381 3 883108873 +208 402 4 883108873 +208 428 4 883108430 +208 430 4 883108360 +208 435 5 883108430 +208 514 4 883108324 +208 523 4 883108360 +208 524 4 883108745 +208 662 4 883108842 +208 663 5 883108476 +209 50 5 883417589 +209 242 4 883589606 +209 251 5 883417810 +209 258 2 883589626 +209 269 2 883589606 +209 301 3 883460492 +209 304 2 883460468 +209 321 4 883461108 +209 349 2 883589546 +209 351 2 883589546 +209 408 4 883417517 +209 688 1 883589626 +209 766 4 883460644 +209 898 3 883460304 +209 906 2 883589546 +209 1105 2 883589568 +209 1137 4 883417491 +210 25 4 887730407 +210 40 3 891035994 +210 44 3 887737710 +210 49 3 891036116 +210 50 5 887731014 +210 58 4 887730177 +210 65 4 887731305 +210 70 4 887730589 +210 73 5 891035837 +210 88 4 887737603 +210 96 4 887736616 +210 97 5 887736454 +210 127 5 887731230 +210 134 5 887736070 +210 135 5 887736352 +210 152 5 887730676 +210 160 4 887737210 +210 161 5 887736393 +210 176 4 887735960 +210 179 3 887736429 +210 182 5 887736232 +210 185 4 887736232 +210 186 4 887730532 +210 187 5 887736017 +210 188 3 887737171 +210 197 5 887736393 +210 200 5 887737040 +210 202 5 887737338 +210 204 5 887730676 +210 210 5 887730532 +210 211 5 887730297 +210 216 4 887737603 +210 219 3 887808581 +210 238 3 891036021 +210 243 2 887734998 +210 255 4 887730842 +210 257 5 887730789 +210 274 5 887730676 +210 276 5 887731147 +210 300 4 887730066 +210 357 5 887736206 +210 380 4 887736482 +210 403 4 887736322 +210 404 5 887736739 +210 419 4 887737678 +210 420 4 887737487 +210 447 5 887737631 +210 465 4 887737131 +210 484 4 887736070 +210 501 4 887736998 +210 502 3 891035965 +210 523 4 887730472 +210 527 5 887736232 +210 631 5 887736796 +210 662 2 887730221 +210 679 3 887808619 +210 692 4 887736796 +210 722 4 891036021 +210 735 4 887737338 +210 751 4 890059441 +210 864 3 887730842 +210 953 3 887737488 +211 69 3 879460213 +211 127 4 879461498 +211 181 1 879461498 +211 228 3 879460096 +211 257 5 879461498 +211 263 3 879461395 +211 286 4 879437184 +211 300 2 879461395 +211 303 3 879437184 +211 310 3 879461394 +211 357 2 879460172 +211 455 3 879461498 +211 526 4 879459952 +211 678 3 879461394 +211 687 2 879437184 +211 876 2 879461395 +212 179 1 879304010 +212 180 1 879303974 +212 191 3 879303830 +212 197 5 879303795 +212 286 4 879303468 +212 427 4 879303795 +212 511 4 879304051 +212 515 4 879303571 +213 1 2 878870719 +213 2 4 878955914 +213 8 3 878955564 +213 11 4 878956156 +213 12 5 878955409 +213 13 4 878955139 +213 25 4 878870750 +213 48 5 878955848 +213 50 5 878870456 +213 79 5 878956263 +213 97 5 878956299 +213 100 5 878870749 +213 121 5 878870940 +213 132 5 878956263 +213 133 3 878955973 +213 135 5 878956101 +213 144 5 878956047 +213 151 5 878955886 +213 172 5 878955442 +213 173 5 878955442 +213 174 5 878955848 +213 176 4 878956338 +213 180 5 878956047 +213 193 4 878955442 +213 200 5 878956100 +213 204 5 878956130 +213 229 4 878955973 +213 234 4 878955373 +213 235 1 878955115 +213 238 5 878955635 +213 273 5 878870987 +213 274 5 878955188 +213 281 4 878871038 +213 294 3 878870226 +213 318 5 878955533 +213 357 5 878955848 +213 447 4 878955598 +213 448 4 878956074 +213 471 3 878870816 +213 474 2 878955635 +213 475 4 878870648 +213 509 4 878955372 +213 514 5 878956130 +213 515 4 878870518 +213 546 4 878870903 +213 568 4 878955941 +213 591 4 878955295 +213 603 5 878955599 +213 609 4 878955533 +213 628 5 878870648 +213 678 4 878870275 +213 684 4 878956000 +213 690 3 878870275 +213 692 4 878955848 +213 715 5 878955915 +213 735 5 878955474 +213 778 5 878955680 +213 841 4 878871010 +213 1215 1 878871089 +214 7 5 892668130 +214 12 5 892668153 +214 13 3 891543271 +214 20 4 892668197 +214 22 3 891544200 +214 23 5 892668130 +214 32 4 892668249 +214 39 4 891544845 +214 42 5 892668130 +214 45 4 891543952 +214 50 3 891543114 +214 56 5 892668130 +214 79 4 891544306 +214 117 4 891543241 +214 121 4 891543632 +214 131 3 891544465 +214 132 5 892668153 +214 134 4 891544070 +214 137 4 891543227 +214 151 5 892668153 +214 179 5 892668130 +214 185 5 892668173 +214 187 4 891544070 +214 195 4 891544200 +214 208 5 892668153 +214 213 4 891544414 +214 216 4 891544290 +214 221 5 892668153 +214 236 5 892668153 +214 238 4 891544472 +214 246 2 891542968 +214 248 4 891543001 +214 257 3 891543176 +214 268 2 891542445 +214 269 3 891542735 +214 275 3 891542968 +214 285 5 892668153 +214 288 3 891542464 +214 294 3 891542520 +214 302 4 892668197 +214 307 3 891542735 +214 313 4 892668197 +214 324 5 892668173 +214 325 3 891542622 +214 327 5 892668196 +214 334 3 891542540 +214 340 3 891542735 +214 346 3 891542735 +214 408 4 891543952 +214 461 4 892668249 +214 478 4 891544052 +214 483 4 891543972 +214 509 4 892668197 +214 512 5 892668130 +214 531 4 891544222 +214 568 4 892668197 +214 652 4 891543972 +214 693 3 891544414 +214 856 4 891543952 +214 872 2 891542492 +214 952 3 891543176 +214 1039 4 891544269 +214 1065 5 892668173 +214 1129 4 892668249 +214 1401 4 891544290 +215 8 2 891436177 +215 11 2 891436024 +215 22 3 891435161 +215 64 4 891435804 +215 70 3 891436232 +215 82 3 891435995 +215 89 4 891435060 +215 144 4 891435107 +215 151 5 891435761 +215 157 4 891435573 +215 164 3 891436633 +215 179 4 891435107 +215 182 3 891435266 +215 183 5 891435655 +215 185 4 891436566 +215 186 4 891435731 +215 194 4 891436150 +215 197 4 891435357 +215 205 3 891435161 +215 210 4 891436232 +215 211 4 891436202 +215 212 2 891435680 +215 215 3 891435680 +215 216 4 891435782 +215 222 4 891436469 +215 227 5 891436469 +215 230 3 891436469 +215 238 2 891435526 +215 239 3 891436297 +215 258 3 891434563 +215 354 4 891434619 +215 357 4 891435573 +215 421 4 891435704 +215 423 5 891435526 +215 432 5 891435574 +215 434 5 891435394 +215 443 4 891436566 +215 449 4 891436469 +215 450 2 891436470 +215 451 3 891436369 +215 474 4 891435022 +215 483 4 891435022 +215 1039 5 891436543 +216 4 5 880234469 +216 7 5 880232719 +216 9 4 880232637 +216 12 5 881432544 +216 15 3 881428365 +216 28 4 880244902 +216 55 5 880245145 +216 69 5 880235229 +216 72 2 881721890 +216 93 4 880232637 +216 95 3 881428365 +216 108 4 880232917 +216 143 2 881428956 +216 144 4 880234639 +216 150 5 880232812 +216 153 4 880244802 +216 168 4 880234680 +216 172 4 880234639 +216 174 5 881432488 +216 196 5 880245145 +216 200 5 880244802 +216 202 4 880234346 +216 204 4 881432523 +216 218 4 880234933 +216 226 3 880244803 +216 228 3 880245642 +216 231 2 880245109 +216 234 4 880244870 +216 249 3 880232917 +216 274 3 880233061 +216 282 5 880232597 +216 286 4 881432501 +216 298 5 881721819 +216 357 4 880233635 +216 364 2 881721863 +216 367 3 881428365 +216 368 2 880233298 +216 405 3 880232970 +216 421 5 880235229 +216 433 3 880233957 +216 498 3 880235329 +216 531 4 880233810 +216 577 1 881432453 +216 628 4 880235546 +216 651 5 880233912 +216 652 4 880235546 +216 658 3 880245029 +216 693 3 881428365 +216 697 4 883981700 +216 721 4 880245213 +216 764 2 880233153 +216 824 3 880233253 +216 928 3 880233026 +216 1010 3 880232685 +216 1035 1 880245238 +216 1047 3 881428365 +216 1101 4 880235473 +216 1161 4 881432609 +217 2 3 889069782 +217 7 4 889069741 +217 22 5 889069741 +217 27 1 889070011 +217 38 3 889070266 +217 53 1 889069974 +217 68 3 889069974 +217 82 5 889069842 +217 117 4 889069842 +217 118 4 889070087 +217 121 1 889069944 +217 144 4 889069782 +217 174 3 889069684 +217 176 4 889069842 +217 182 2 889070109 +217 185 3 889069659 +217 195 5 889069709 +217 226 1 889069878 +217 231 5 889069974 +217 258 1 889069536 +217 281 2 889069842 +217 363 1 889070011 +217 391 4 889070287 +217 398 1 889070050 +217 540 1 889070087 +217 554 3 889070050 +217 566 4 889069903 +217 576 1 889070087 +217 578 5 889070087 +217 597 4 889070087 +217 665 4 889070087 +217 685 5 889069782 +217 797 4 889070011 +217 810 3 889070050 +217 827 2 889070232 +217 840 1 889070087 +217 1222 1 889070050 +217 1228 2 889070050 +217 1303 2 889069944 +218 4 3 877488546 +218 5 3 881288574 +218 12 5 881288233 +218 33 4 881288386 +218 100 4 877488692 +218 154 4 877488546 +218 194 3 877488546 +218 208 3 877488366 +218 209 5 877488546 +218 265 3 881288408 +218 273 4 881288351 +218 410 3 881288574 +218 430 3 877488316 +218 504 3 881288574 +218 516 5 877488692 +218 517 3 877488634 +218 654 4 881288234 +218 695 3 881288574 +218 762 4 877489091 +218 789 3 881288574 +219 13 1 889452455 +219 82 1 889452455 +219 114 5 889403091 +219 132 5 889403668 +219 179 5 889492687 +219 215 5 889403843 +219 303 4 889386799 +219 347 1 889386819 +219 546 4 889387867 +219 568 1 889452455 +219 882 3 889386741 +219 935 3 889387237 +220 268 4 881197771 +220 286 5 881197663 +220 288 5 881197887 +220 298 4 881198966 +220 301 4 881197948 +220 303 4 881198014 +220 306 4 881197664 +220 319 4 881197771 +220 325 1 881198435 +220 333 3 881197771 +220 343 3 881198738 +220 682 4 881198014 +221 3 4 875244901 +221 4 3 875245462 +221 17 4 875245406 +221 24 5 875244352 +221 32 4 875245223 +221 33 4 875246632 +221 39 4 875245798 +221 48 5 875245462 +221 53 4 875247565 +221 69 4 875245641 +221 70 3 875245870 +221 76 4 875246662 +221 92 4 875245989 +221 100 5 875244125 +221 109 2 875244369 +221 118 1 875244940 +221 128 3 875246209 +221 129 5 875244331 +221 154 3 875245907 +221 161 3 875246183 +221 172 5 875245907 +221 173 4 875245406 +221 204 4 875246008 +221 231 4 875246359 +221 250 5 875244633 +221 257 4 875244475 +221 258 1 875247297 +221 265 3 875246247 +221 268 5 876502910 +221 272 5 885081264 +221 318 5 875245690 +221 327 4 875243968 +221 403 4 875245374 +221 461 4 875245574 +221 467 4 875245928 +221 468 3 875246824 +221 475 4 875244204 +221 476 2 875244673 +221 496 3 875246146 +221 508 4 875244160 +221 588 3 875246209 +221 623 3 875245618 +221 684 4 875247454 +221 685 3 875244766 +221 721 5 875246944 +221 780 3 875246552 +221 789 4 875245739 +221 824 3 875244694 +221 895 2 885081339 +221 940 4 875246482 +221 943 4 875246759 +221 1010 3 875246662 +221 1012 4 875244475 +221 1035 3 875246124 +221 1059 4 875245077 +221 1067 3 875244387 +221 1073 4 875245846 +221 1134 4 875244289 +221 1210 3 875246887 +221 1218 3 875246745 +221 1250 2 875247855 +221 1314 3 875247833 +221 1407 3 875247833 +222 1 4 877563227 +222 2 3 878183837 +222 4 3 878183924 +222 7 5 877563168 +222 8 1 878182307 +222 9 5 877563227 +222 12 5 878181387 +222 15 3 877563437 +222 22 5 878183285 +222 25 3 877563437 +222 26 3 878183043 +222 29 3 878184571 +222 40 1 881060550 +222 49 3 878183512 +222 53 5 878184113 +222 58 3 878182479 +222 62 4 878183616 +222 69 5 878182338 +222 70 3 878181804 +222 71 4 878183173 +222 77 4 878183616 +222 81 1 878183565 +222 82 4 878182453 +222 87 3 878182589 +222 88 4 878183336 +222 92 3 878182632 +222 93 2 883815577 +222 94 3 878184866 +222 96 5 878181739 +222 97 4 878181739 +222 106 2 883816184 +222 111 3 877563820 +222 118 4 877563802 +222 120 2 881061304 +222 125 5 877563802 +222 127 5 881059039 +222 135 5 878181563 +222 142 2 878183984 +222 144 5 878182416 +222 148 2 881061164 +222 151 3 878182109 +222 153 4 878182416 +222 155 4 878184113 +222 157 4 878181976 +222 159 3 878181457 +222 160 1 878182154 +222 161 4 878182279 +222 164 4 878181768 +222 172 5 878183079 +222 173 5 878183043 +222 182 4 881058666 +222 196 5 878183110 +222 200 3 878181647 +222 202 4 878181906 +222 204 5 878182370 +222 210 4 878184338 +222 215 4 878183481 +222 217 3 881060062 +222 218 5 878182370 +222 222 4 877563462 +222 231 2 878182005 +222 232 4 878183985 +222 234 2 878181387 +222 239 5 878184392 +222 240 2 877563716 +222 247 1 878714998 +222 248 4 877563506 +222 250 2 877563801 +222 252 2 877563934 +222 261 1 878181251 +222 268 4 877562748 +222 270 2 878181181 +222 276 5 877563550 +222 278 2 877563913 +222 280 3 878184545 +222 281 3 878184596 +222 288 4 883815252 +222 293 3 877563353 +222 298 4 877563253 +222 300 5 877562795 +222 302 3 877562748 +222 313 4 883814858 +222 323 3 877562839 +222 357 4 881059014 +222 364 1 878185137 +222 366 4 878183381 +222 368 1 881061326 +222 373 3 881060659 +222 379 1 878184290 +222 385 4 878183924 +222 395 1 878184924 +222 399 4 878182686 +222 401 2 878184422 +222 403 3 878183481 +222 409 3 881061213 +222 411 3 878185137 +222 413 3 881061213 +222 419 2 878182279 +222 426 1 878181351 +222 432 3 881059142 +222 433 4 881059876 +222 436 4 878184358 +222 441 2 881059920 +222 448 3 878183565 +222 449 4 878184899 +222 452 1 878184514 +222 471 3 881060992 +222 501 2 881060331 +222 527 4 878183110 +222 529 2 881059537 +222 550 3 878184623 +222 552 2 878184596 +222 554 2 881060435 +222 568 5 878183481 +222 577 1 878185137 +222 591 4 878181869 +222 658 3 881059678 +222 662 3 878182813 +222 665 1 878184719 +222 670 3 878183657 +222 672 1 878183777 +222 689 4 881058008 +222 700 3 881060550 +222 715 2 878183924 +222 719 1 881060578 +222 722 3 878184833 +222 724 3 878181976 +222 739 4 878184924 +222 746 5 878183137 +222 750 5 883815120 +222 755 4 878183481 +222 756 4 877564031 +222 763 3 881061165 +222 768 2 878185014 +222 780 3 881060370 +222 781 3 881059677 +222 783 2 878184899 +222 796 4 878183684 +222 808 3 881060130 +222 810 2 878184446 +222 812 2 881059117 +222 815 2 877563716 +222 819 2 877563353 +222 825 3 878184675 +222 829 3 877563934 +222 833 2 877563913 +222 840 3 878184392 +222 849 4 881060281 +222 869 3 878182337 +222 895 4 883815361 +222 931 1 881061396 +222 939 3 878182211 +222 944 3 878715192 +222 946 2 878182237 +222 949 3 878183173 +222 972 2 881059758 +222 1029 1 881060608 +222 1041 3 881060155 +222 1042 4 878184514 +222 1044 4 881060578 +222 1053 3 881060735 +222 1054 1 883816441 +222 1057 4 881061370 +222 1059 1 883816150 +222 1078 2 878183449 +222 1089 1 877563659 +222 1179 1 881060550 +222 1207 2 881060659 +222 1226 4 883815840 +222 1239 2 881060762 +222 1267 3 878183173 +222 1284 4 878184422 +222 1419 1 878184947 +222 1438 4 881059993 +223 1 4 891549324 +223 8 2 891550684 +223 11 3 891550649 +223 22 5 891550649 +223 25 1 891549382 +223 69 5 891550889 +223 111 4 891549792 +223 118 2 891549945 +223 120 2 891550504 +223 143 4 891550845 +223 216 5 891550925 +223 225 3 891550193 +223 237 5 891549657 +223 248 1 891549683 +223 249 2 891549876 +223 252 1 891550326 +223 255 4 891549382 +223 258 1 891548802 +223 274 4 891550094 +223 276 4 891549324 +223 282 4 891549627 +223 286 1 891548562 +223 294 4 891548859 +223 298 5 891549570 +223 300 3 891548712 +223 318 4 891550711 +223 321 1 891548920 +223 322 4 891548920 +223 323 2 891549017 +223 328 3 891548959 +223 332 4 891548802 +223 369 1 891550253 +223 409 3 891549876 +223 411 1 891550005 +223 423 3 891550684 +223 470 4 891550767 +223 596 3 891549713 +223 597 4 891549604 +223 717 1 891550470 +223 742 3 891549570 +223 756 3 891550295 +223 763 3 891550067 +223 826 1 891550404 +223 845 4 891549713 +223 846 2 891550193 +223 908 1 891548802 +223 969 5 891550649 +223 975 1 891550094 +223 977 2 891550295 +223 1014 4 891549975 +223 1150 2 891549841 +223 1197 3 891549570 +223 1300 1 891550470 +224 11 3 888082468 +224 15 4 888103611 +224 20 1 888104487 +224 22 5 888103581 +224 26 3 888104153 +224 29 3 888104457 +224 43 3 888104456 +224 51 4 888104457 +224 69 4 888082495 +224 77 4 888103872 +224 86 3 888082612 +224 135 1 888103671 +224 148 3 888104154 +224 149 1 888103999 +224 162 4 888103611 +224 178 4 888082468 +224 191 4 888082468 +224 196 4 888103532 +224 212 1 888104188 +224 215 4 888082612 +224 223 3 888082468 +224 243 2 888082277 +224 245 3 888082216 +224 258 3 888081947 +224 277 3 888103812 +224 282 4 888082705 +224 287 3 888104154 +224 294 4 888081976 +224 300 4 888081843 +224 301 3 888082013 +224 318 5 888082584 +224 322 2 888082013 +224 323 3 888082216 +224 325 1 888082045 +224 332 3 888103429 +224 387 4 888103906 +224 392 4 888104154 +224 403 4 888104522 +224 518 1 888103906 +224 528 3 888082658 +224 549 3 888103971 +224 569 3 888104313 +224 581 1 888104219 +224 583 1 888103729 +224 620 3 888104085 +224 632 2 888103872 +224 655 4 888103646 +224 658 1 888103840 +224 662 5 888103671 +224 678 3 888082277 +224 686 4 888104030 +224 704 3 888103812 +224 708 2 888104153 +224 720 4 888103906 +224 723 2 888104313 +224 724 3 888082742 +224 727 4 888082682 +224 751 3 888081913 +224 778 1 888104057 +224 846 4 888104116 +224 873 2 888082187 +224 879 3 888082099 +224 893 3 888082350 +224 949 3 888104057 +224 962 2 888082584 +224 977 2 888104281 +224 1039 5 888082552 +224 1044 3 888104353 +224 1045 2 888082766 +224 1053 3 888104281 +224 1085 1 888104393 +224 1119 3 888082634 +224 1163 2 888104154 +224 1208 1 888104554 +224 1212 2 888104457 +224 1441 3 888104522 +224 1442 3 888104281 +225 22 5 879540678 +225 64 4 879539727 +225 136 5 879540707 +225 143 2 879540748 +225 172 5 879540748 +225 193 4 879539727 +225 237 5 879539643 +225 245 2 879539315 +225 418 5 879540650 +225 480 5 879540748 +225 492 4 879539767 +225 1443 4 879540778 +226 7 4 883889479 +226 9 5 883889811 +226 14 5 883889691 +226 24 4 883889479 +226 28 4 883889322 +226 56 4 883889102 +226 98 5 883889147 +226 147 3 883889479 +226 150 4 883889063 +226 169 5 883888892 +226 180 4 883889322 +226 209 3 883889146 +226 242 5 883888671 +226 250 4 883890491 +226 258 5 883888671 +226 270 4 883888639 +226 283 2 883889811 +226 480 4 883888853 +226 1117 3 883890262 +227 7 5 879035251 +227 9 3 879035431 +227 19 4 879035431 +227 25 4 879035535 +227 50 4 879035347 +227 93 5 879035431 +227 106 3 879035775 +227 116 4 879035347 +227 117 2 879035493 +227 121 2 879035934 +227 126 4 879035158 +227 150 3 879035347 +227 244 3 879035205 +227 276 4 879035251 +227 286 3 879035072 +227 293 5 879035387 +227 295 5 879035387 +227 411 4 879035897 +227 475 4 879035252 +227 1008 4 879036009 +227 1010 3 879035637 +227 1017 4 879035464 +228 87 1 889388662 +228 98 3 889388607 +228 204 3 889388662 +228 272 5 889388440 +228 288 4 889387173 +228 313 5 889387172 +228 327 1 889387216 +228 427 4 889388547 +228 475 3 889388521 +228 650 3 889388662 +228 651 4 889388521 +228 655 4 889388489 +228 690 5 889387173 +228 886 1 889387173 +229 258 2 891632040 +229 260 1 891632437 +229 286 4 891633029 +229 302 5 891633028 +229 312 3 891632551 +229 313 2 891631948 +229 315 1 891632945 +229 328 1 891632142 +229 340 4 891632142 +229 347 1 891632073 +229 349 4 891633028 +229 358 1 891632437 +229 748 3 891632402 +229 750 2 891631948 +229 875 1 891632402 +230 7 3 880484476 +230 8 5 880484501 +230 11 4 880484911 +230 50 5 880484755 +230 51 4 880484937 +230 70 4 880484637 +230 96 2 880484683 +230 97 5 880484544 +230 125 5 880485090 +230 138 3 880485197 +230 140 3 880484320 +230 142 4 880485633 +230 144 3 880484850 +230 153 5 880485090 +230 154 4 880485159 +230 172 4 880484523 +230 176 4 880485445 +230 181 4 880485066 +230 182 2 880484370 +230 183 3 880484370 +230 185 4 880485090 +230 186 4 880484937 +230 196 5 880484755 +230 199 3 880484755 +230 202 4 880485352 +230 209 1 880485283 +230 210 5 880484975 +230 228 2 880485216 +230 234 4 880484756 +230 238 1 880484778 +230 276 5 880485573 +230 291 4 880484825 +230 304 5 880484286 +230 357 5 880484391 +230 378 5 880485159 +230 385 1 880485235 +230 393 3 880485110 +230 402 5 880485445 +230 419 4 880484587 +230 432 4 880485110 +230 443 4 880485090 +230 484 5 880484800 +230 485 5 880484370 +230 511 2 880485656 +230 526 3 880485159 +230 582 4 880485380 +230 607 3 880484755 +230 633 4 880485283 +230 673 3 880485573 +230 680 4 880484286 +230 739 5 880485611 +230 742 5 880485043 +230 926 3 880485489 +230 963 5 880484370 +230 969 4 880484476 +230 1050 3 880485136 +230 1192 4 880485352 +230 1444 2 880485726 +231 121 4 879966609 +231 126 5 888605273 +231 127 3 879965565 +231 151 1 879966209 +231 181 4 888605273 +231 252 4 888605273 +231 405 4 879966609 +231 476 3 879966018 +231 748 4 888605273 +231 846 4 888605274 +231 924 5 888605273 +232 1 4 880062302 +232 8 2 888549757 +232 14 4 880062574 +232 22 3 888549988 +232 52 5 888550130 +232 56 5 888549622 +232 64 4 888549441 +232 81 5 888549515 +232 91 5 888549515 +232 96 5 888549563 +232 98 4 888549838 +232 173 4 888549674 +232 175 5 888549815 +232 181 4 880062330 +232 191 4 888549376 +232 194 4 888549988 +232 197 4 888549563 +232 202 4 888549515 +232 204 4 888549515 +232 215 3 888549563 +232 234 3 888549595 +232 270 3 880062259 +232 272 4 885939511 +232 275 2 885939945 +232 276 5 880062447 +232 313 3 885939473 +232 315 5 888364663 +232 318 5 888549757 +232 461 5 888549563 +232 462 4 888549879 +232 471 3 880062414 +232 474 5 888550036 +232 483 5 888549622 +232 493 4 888549622 +232 498 4 888549467 +232 515 2 880062413 +232 523 4 888549757 +232 630 3 888550060 +232 638 5 888549988 +232 651 3 888549515 +232 705 5 888549838 +232 708 4 888550060 +232 747 3 888549957 +232 919 3 888550036 +232 921 4 888549929 +232 1128 2 888549907 +233 31 3 880610814 +233 48 5 877663184 +233 56 5 877661776 +233 57 5 880190451 +233 58 3 880612403 +233 69 5 877665324 +233 82 4 877663612 +233 97 5 877661882 +233 98 5 877661724 +233 99 3 877663383 +233 117 3 880190627 +233 174 5 877661553 +233 177 4 877661496 +233 191 4 877665191 +233 193 4 877663646 +233 202 5 879394264 +233 205 4 877663548 +233 208 4 880610814 +233 212 5 877665324 +233 249 5 883356871 +233 257 4 883356847 +233 269 5 891920842 +233 276 5 877665324 +233 286 3 876690514 +233 313 5 891920842 +233 357 5 877661553 +233 375 4 876374419 +233 381 4 877665125 +233 418 4 877664010 +233 423 4 877665239 +233 482 4 877661437 +233 492 5 880923253 +233 495 4 877661364 +233 499 3 877664010 +233 515 5 875508080 +233 568 5 880612346 +233 644 5 880610635 +233 654 4 877665191 +233 806 4 880610396 +233 923 4 877664010 +233 958 5 875508372 +233 1194 5 880190371 +234 1 3 891227689 +234 7 2 891227813 +234 8 5 892079585 +234 10 3 891227851 +234 12 1 892333830 +234 14 3 891227730 +234 15 3 892079538 +234 20 4 891227979 +234 21 3 892335042 +234 32 3 892078936 +234 50 4 892079237 +234 54 2 892336257 +234 70 3 892335587 +234 71 3 892334338 +234 72 3 892335674 +234 73 2 892334368 +234 76 2 892335564 +234 77 3 892333890 +234 79 3 892079910 +234 81 3 892334680 +234 85 2 892334852 +234 87 3 892079336 +234 91 5 892335920 +234 95 3 892079689 +234 96 2 892334141 +234 98 4 892078567 +234 117 2 892334976 +234 132 4 892333865 +234 134 5 892333573 +234 135 4 892079769 +234 136 4 892317967 +234 141 3 892334609 +234 142 2 892334852 +234 147 3 892335372 +234 151 3 892334481 +234 152 4 892826701 +234 157 2 892334400 +234 161 3 892335824 +234 168 3 892079434 +234 170 5 892333798 +234 179 3 892079373 +234 186 3 892078567 +234 187 4 892079140 +234 191 4 892334765 +234 192 3 892078984 +234 193 4 892334713 +234 194 5 892333653 +234 196 3 892079910 +234 198 3 892078837 +234 202 3 892079585 +234 205 3 892079288 +234 206 4 892334543 +234 208 4 892318002 +234 209 4 892317967 +234 210 3 892333616 +234 212 2 892334883 +234 213 3 892079190 +234 218 2 892335541 +234 221 2 891227814 +234 228 3 892079190 +234 229 4 892334189 +234 233 2 892335990 +234 234 4 892079475 +234 236 3 892079336 +234 237 3 892336021 +234 241 2 892335042 +234 242 4 891033261 +234 265 3 892078837 +234 274 3 892334765 +234 276 3 891228196 +234 283 3 891227814 +234 284 3 892335460 +234 287 3 891228196 +234 288 3 891033738 +234 289 4 891033851 +234 291 3 892335342 +234 292 4 891033821 +234 294 3 891033715 +234 300 3 891033627 +234 316 4 891033851 +234 318 4 892078890 +234 322 2 891034007 +234 328 2 891033772 +234 401 2 892336322 +234 403 1 892335674 +234 414 4 892336021 +234 421 1 892334852 +234 423 4 892334079 +234 427 4 892078386 +234 428 4 892334079 +234 431 3 892078424 +234 433 2 892079910 +234 434 3 892079288 +234 435 3 892079040 +234 448 3 892335501 +234 451 3 892334578 +234 462 4 892079840 +234 471 3 892335074 +234 472 2 891228099 +234 481 5 892079076 +234 482 4 892334803 +234 483 5 892078424 +234 484 5 892078936 +234 485 3 892079434 +234 486 3 892079373 +234 487 3 892079237 +234 490 4 892079803 +234 491 4 892079538 +234 493 3 892078567 +234 499 4 892334141 +234 500 3 892078890 +234 501 4 892334543 +234 502 4 892336077 +234 506 4 892318107 +234 507 4 892334803 +234 519 5 892078342 +234 521 3 892079077 +234 523 4 892334141 +234 526 3 892334045 +234 549 3 892335850 +234 558 4 892079585 +234 566 2 892335108 +234 571 2 892318158 +234 582 4 892334883 +234 584 3 892333653 +234 588 3 892335541 +234 589 3 892078567 +234 596 2 891227979 +234 601 3 892334765 +234 603 4 892333573 +234 604 5 892078936 +234 612 3 892079140 +234 614 3 892334609 +234 616 2 892334976 +234 617 3 892078741 +234 618 3 892078343 +234 626 4 892336358 +234 628 2 892826612 +234 632 2 892079538 +234 634 4 892079910 +234 638 4 892335989 +234 648 3 892826760 +234 651 4 892078485 +234 654 5 892333573 +234 657 4 892079840 +234 660 4 892334543 +234 671 3 892336257 +234 673 4 892334189 +234 693 2 892333980 +234 705 5 892318002 +234 709 4 892079337 +234 727 3 892079475 +234 731 2 892336194 +234 732 2 892334713 +234 739 3 892335990 +234 747 3 892334578 +234 751 2 891033394 +234 781 2 892335764 +234 782 3 892335372 +234 808 2 892335707 +234 844 2 892078521 +234 847 4 891227730 +234 848 3 892334577 +234 850 2 892336047 +234 872 2 891033627 +234 874 1 891227463 +234 878 2 892336477 +234 921 4 892079434 +234 927 4 892334267 +234 928 2 892336287 +234 929 1 891228099 +234 945 3 892334189 +234 959 2 892334189 +234 963 3 892078983 +234 965 3 892079538 +234 966 4 892334189 +234 1015 2 892079617 +234 1020 4 892078890 +234 1035 3 892335142 +234 1048 3 892335501 +234 1050 3 892333616 +234 1078 2 892336322 +234 1123 3 892335342 +234 1126 4 892079722 +234 1149 3 892318060 +234 1172 3 892079076 +234 1184 2 892079237 +234 1186 4 892335707 +234 1198 3 892335187 +234 1263 3 892335142 +234 1298 3 892079373 +234 1397 4 892334976 +234 1400 3 892334400 +234 1451 3 892078343 +234 1454 3 892336257 +234 1455 2 892318158 +234 1456 4 892335142 +234 1457 3 892079538 +234 1458 4 892336165 +234 1459 3 892335261 +234 1462 3 892333865 +234 1463 5 892333573 +235 7 4 889655723 +235 22 4 889655044 +235 52 4 889656168 +235 65 2 889655723 +235 70 5 889655619 +235 79 4 889655468 +235 85 4 889655232 +235 87 4 889655162 +235 100 4 889655550 +235 135 4 889655571 +235 174 4 889654971 +235 185 4 889655435 +235 188 4 889655619 +235 190 4 889656007 +235 193 5 889655204 +235 197 5 889655266 +235 198 3 889655044 +235 211 5 889655162 +235 213 4 889655044 +235 230 4 889655162 +235 237 4 889655435 +235 269 4 889654530 +235 275 5 889655550 +235 292 3 889654638 +235 319 4 889654419 +235 346 4 889654483 +235 419 5 889655858 +235 433 4 889655596 +235 435 5 889655434 +235 474 5 889655112 +235 480 4 889655044 +235 494 4 889655112 +235 511 5 889655162 +235 515 4 889655086 +235 520 4 889655204 +235 523 5 889655044 +235 647 4 889655045 +235 648 4 889655662 +235 652 4 889655403 +235 684 4 889655162 +235 705 5 889655204 +235 747 2 889655550 +235 792 4 889655490 +235 898 3 889654553 +235 1119 3 889655550 +235 1149 4 889655595 +235 1464 4 889655266 +236 15 5 890116628 +236 51 5 890116709 +236 57 5 890116575 +236 58 2 890118462 +236 66 2 890118507 +236 69 5 890116426 +236 71 3 890116671 +236 79 4 890118417 +236 111 4 890116939 +236 134 4 890116282 +236 143 4 890116163 +236 148 4 890117028 +236 153 2 890118075 +236 170 5 890116451 +236 172 3 890116539 +236 183 2 890118206 +236 185 5 890118307 +236 187 3 890118340 +236 195 2 890118507 +236 200 3 890115856 +236 204 3 890118393 +236 222 4 890116817 +236 223 5 890116032 +236 237 4 890117001 +236 265 2 890116191 +236 286 5 890115777 +236 289 4 890117820 +236 298 4 890116793 +236 307 4 890117902 +236 313 4 890115777 +236 419 5 890116282 +236 420 4 890116671 +236 443 4 890116709 +236 478 3 890118106 +236 506 5 890118153 +236 507 3 890115897 +236 532 2 890116915 +236 546 4 890117223 +236 549 4 890116628 +236 596 4 890116575 +236 614 5 890116335 +236 632 3 890116254 +236 661 3 890116451 +236 686 3 890118372 +236 696 2 890117223 +236 699 4 890116095 +236 705 4 890116402 +236 729 5 890118372 +236 735 5 890116599 +236 756 1 890117353 +236 864 2 890117073 +236 1013 2 890117465 +236 1102 4 890117488 +236 1328 4 890116132 +237 23 4 879376606 +237 28 4 879376435 +237 83 4 879376641 +237 98 4 879376327 +237 100 5 879376381 +237 153 3 879376698 +237 183 5 879376641 +237 185 4 879376773 +237 191 4 879376773 +237 199 4 879376606 +237 211 4 879376515 +237 423 4 879376487 +237 479 5 879376487 +237 494 4 879376553 +237 499 2 879376487 +237 502 4 879376487 +237 513 5 879376328 +237 514 4 879376641 +237 528 5 879376606 +237 603 5 879376773 +237 1192 5 879376553 +238 111 4 883576603 +238 118 3 883576509 +238 121 4 883576443 +238 181 3 883576336 +238 220 3 883576560 +238 252 3 883576644 +238 258 3 883575728 +238 298 5 883576398 +238 300 4 883575836 +238 458 4 883576622 +238 476 3 883576799 +238 546 3 883576574 +238 756 3 883576476 +238 815 2 883576398 +238 1190 3 883576603 +239 8 5 889179290 +239 9 5 889180446 +239 10 5 889180338 +239 47 2 889180169 +239 56 4 889179478 +239 58 5 889179623 +239 79 3 889179544 +239 81 3 889179808 +239 89 4 889179253 +239 96 5 889178798 +239 98 5 889180410 +239 100 3 889179131 +239 114 3 889178616 +239 124 5 889178652 +239 134 5 889179033 +239 135 5 889178762 +239 152 3 889179808 +239 168 4 889179478 +239 175 5 889180616 +239 183 5 889180071 +239 187 5 889178798 +239 194 5 889178833 +239 195 5 889180747 +239 198 5 889181047 +239 204 3 889180888 +239 207 5 889180578 +239 210 4 889179032 +239 234 3 889178762 +239 272 5 889181247 +239 286 1 889178512 +239 288 2 889178513 +239 305 4 889178513 +239 312 2 889181247 +239 317 5 889179291 +239 340 5 889178513 +239 430 3 889180338 +239 432 5 889180041 +239 475 5 889178689 +239 478 5 889178986 +239 479 5 889178762 +239 488 5 889179033 +239 491 5 889181015 +239 492 3 889180411 +239 493 5 889180616 +239 497 4 889180578 +239 508 5 889178798 +239 513 5 889178887 +239 516 5 889180487 +239 529 5 889179808 +239 530 5 889179290 +239 558 5 889178986 +239 603 5 889178616 +239 605 4 889180446 +239 612 5 889178616 +239 650 5 889180530 +239 654 5 889180747 +239 663 5 889180617 +239 671 5 889179290 +239 690 1 889178513 +239 701 5 889179544 +239 705 4 889178652 +239 736 5 889179291 +239 836 5 889180888 +239 855 5 889179478 +239 923 5 889179033 +239 954 5 889179253 +239 1020 3 889180920 +239 1056 5 889180041 +239 1070 5 889179032 +239 1099 5 889179253 +239 1192 1 889180949 +239 1203 5 889180040 +239 1245 5 889181092 +240 288 5 885775536 +240 289 4 885775745 +240 300 3 885775563 +240 301 5 885775683 +240 313 5 885775604 +240 336 3 885775745 +240 343 3 885775831 +240 879 3 885775745 +240 898 5 885775770 +241 292 4 887250084 +241 294 3 887250085 +241 302 3 887249576 +241 307 4 887249795 +241 313 4 887249795 +241 332 3 887249841 +241 350 2 887249889 +241 690 2 887249482 +241 750 5 887249576 +241 880 5 887249889 +241 887 4 887249685 +242 237 4 879740594 +242 291 3 879740593 +242 305 5 879741340 +242 306 5 879741340 +242 361 5 879741340 +242 934 5 879741196 +242 1137 5 879741196 +242 1152 5 879741196 +242 1357 5 879741196 +243 13 4 879987362 +243 15 3 879987440 +243 16 3 879987630 +243 28 4 879988215 +243 69 3 879988298 +243 83 4 879988184 +243 93 2 879987173 +243 127 4 879987045 +243 129 2 879987526 +243 137 3 879987084 +243 173 3 879988913 +243 194 4 879988913 +243 196 4 879988298 +243 208 4 879989134 +243 221 5 879989217 +243 223 4 879988262 +243 225 3 879987655 +243 268 4 879986951 +243 275 3 879987084 +243 286 4 879986908 +243 317 5 879989217 +243 387 4 879988752 +243 435 4 879988913 +243 511 5 879989217 +243 531 4 879988157 +243 582 5 879989217 +243 632 5 879988487 +243 655 4 879988104 +243 660 4 879988422 +243 713 3 879987495 +243 778 4 879988663 +243 813 4 879987239 +243 1039 4 879988184 +243 1281 5 879989217 +243 1368 2 879987909 +243 1466 3 879988104 +244 7 4 880602558 +244 13 4 880604379 +244 17 2 880607205 +244 20 4 880604758 +244 22 4 880605665 +244 31 4 880603484 +244 40 2 880608016 +244 42 5 880602058 +244 51 2 880606923 +244 52 4 880606476 +244 53 3 880607489 +244 54 2 880607335 +244 62 2 880607269 +244 69 4 880603645 +244 72 4 880607365 +244 77 4 880603512 +244 89 5 880602210 +244 90 4 880607684 +244 95 4 880606418 +244 97 2 880605514 +244 100 4 880604252 +244 101 5 880603288 +244 117 2 880604698 +244 122 4 880602804 +244 135 4 880606442 +244 145 3 880608842 +244 148 2 880605071 +244 151 5 880604326 +244 154 5 880606385 +244 155 3 880608599 +244 157 4 880604119 +244 161 4 880607990 +244 164 3 880607154 +244 167 3 880607853 +244 168 5 880606118 +244 172 4 880605665 +244 179 5 880603833 +244 180 4 880605920 +244 181 4 880604302 +244 183 4 880606043 +244 186 3 880605697 +244 191 5 880605766 +244 196 5 880605416 +244 204 4 880605812 +244 208 5 880606300 +244 209 4 880605485 +244 216 4 880605869 +244 217 5 880606698 +244 220 2 880605264 +244 226 1 880602264 +244 232 4 880608670 +244 237 5 880602334 +244 238 5 880606118 +244 240 3 880604858 +244 255 2 880604077 +244 258 5 880601905 +244 265 4 880606634 +244 278 3 880605294 +244 287 3 880604326 +244 290 3 880604616 +244 294 4 880601905 +244 301 2 880601905 +244 310 3 880601905 +244 324 4 880601905 +244 365 2 880608599 +244 367 1 880603442 +244 369 4 880605294 +244 380 4 880608133 +244 381 4 880604077 +244 409 4 880605294 +244 411 4 880604798 +244 428 4 880606155 +244 456 3 880605333 +244 475 4 880603582 +244 508 4 880604276 +244 509 5 880606017 +244 550 1 880602264 +244 554 3 880608733 +244 559 4 880607154 +244 566 4 880607489 +244 584 5 880606634 +244 596 4 880604735 +244 628 4 880604346 +244 631 4 880606760 +244 652 5 880606533 +244 662 3 880606533 +244 673 3 880606667 +244 676 4 880604858 +244 685 2 880604642 +244 707 4 880606243 +244 712 3 880607925 +244 723 3 880607154 +244 724 4 880605638 +244 738 4 880607489 +244 739 3 880604004 +244 743 5 880602170 +244 747 4 880606760 +244 756 2 880605157 +244 762 3 880604616 +244 764 5 880605158 +244 790 4 880608037 +244 815 4 880605185 +244 818 2 880605010 +244 866 5 880605131 +244 886 5 880601905 +244 926 2 880609193 +244 950 1 880606274 +244 953 4 880607335 +244 955 4 880606593 +244 1017 4 880604583 +244 1039 4 880607570 +244 1045 5 880602132 +244 1047 2 880605264 +244 1048 4 880606567 +244 1054 3 880609089 +244 1074 4 880607904 +244 1098 5 880605578 +244 1107 2 880608699 +244 1178 3 880608134 +244 1209 3 880608315 +244 1225 2 880606818 +245 50 4 888513664 +245 94 2 888513081 +245 112 4 888513575 +245 181 4 888513664 +245 222 4 888513212 +245 240 1 888513860 +245 411 3 888513425 +245 473 2 888513344 +245 1028 5 888513447 +246 1 4 884920918 +246 3 2 884923390 +246 8 3 884921245 +246 17 2 884922658 +246 29 1 884922740 +246 55 4 884921948 +246 68 5 884922341 +246 80 2 884923329 +246 82 2 884921986 +246 83 4 884921086 +246 94 2 884923505 +246 98 4 884921428 +246 99 3 884922657 +246 100 4 884921033 +246 101 2 884922740 +246 109 5 884921794 +246 117 3 884921767 +246 121 4 884922627 +246 145 1 884923922 +246 151 5 884921727 +246 161 3 884921679 +246 176 4 884921613 +246 184 4 884921948 +246 195 3 884921138 +246 196 3 884921861 +246 201 5 884921594 +246 202 3 884922272 +246 215 2 884921058 +246 230 3 884922070 +246 231 1 884922898 +246 232 3 884923073 +246 236 4 884921986 +246 239 3 884921380 +246 260 5 884924991 +246 265 4 884921411 +246 284 1 884922475 +246 289 2 884922658 +246 294 2 884924460 +246 356 2 884923047 +246 368 1 884924813 +246 369 3 884924710 +246 385 1 884922272 +246 402 3 884922917 +246 403 4 884922697 +246 406 3 884924749 +246 409 2 884923372 +246 410 1 884923175 +246 416 3 884923047 +246 423 3 884920900 +246 425 5 884921918 +246 426 3 884923471 +246 451 2 884923003 +246 469 3 884922475 +246 470 4 884922964 +246 541 3 884923487 +246 547 4 884922512 +246 561 1 884923445 +246 568 4 884922451 +246 578 2 884923306 +246 585 1 884923811 +246 588 4 884920998 +246 596 3 884921511 +246 628 1 884922554 +246 665 4 884922831 +246 675 4 884920978 +246 719 4 884924026 +246 720 1 884923592 +246 721 4 884921794 +246 728 1 884923829 +246 743 1 884924780 +246 790 3 884923405 +246 802 1 884923471 +246 816 4 884925218 +246 840 4 884924045 +246 849 1 884923687 +246 895 5 884924976 +246 919 4 884920949 +246 930 2 884924764 +246 932 1 884923864 +246 1073 4 884921380 +246 1101 5 884921380 +246 1218 3 884922801 +246 1222 3 884923372 +246 1232 1 884923425 +247 1 4 893097024 +247 28 5 893097024 +247 50 5 893097024 +247 111 5 893097024 +247 151 4 893081396 +247 251 4 893081395 +247 257 4 893081396 +247 271 2 893081411 +247 272 4 893081381 +247 736 5 893097024 +247 751 3 893081411 +248 11 5 884534992 +248 55 4 884534793 +248 96 4 884534968 +248 100 4 884534716 +248 114 5 884534901 +248 117 5 884535433 +248 127 5 884535084 +248 153 3 884534716 +248 168 4 884534945 +248 174 3 884534992 +248 179 3 884534649 +248 181 4 884535374 +248 183 5 884534772 +248 185 3 884534772 +248 186 5 884534695 +248 194 4 884534672 +248 198 5 884534695 +248 210 3 884534946 +248 234 4 884534968 +248 235 3 884536150 +248 249 4 884536117 +248 257 3 884535840 +248 282 2 884535582 +248 290 3 884535582 +248 294 3 884534379 +248 324 4 884534506 +248 405 4 884536165 +248 474 2 884534672 +248 475 5 884535446 +248 484 2 884535013 +248 515 5 884535085 +248 589 4 884534968 +248 678 3 884534419 +248 854 5 884534735 +248 928 3 884536117 +249 9 5 879572402 +249 11 5 879640868 +249 13 4 879640396 +249 22 5 879572926 +249 23 4 879572432 +249 24 4 879640306 +249 28 4 879572106 +249 39 4 879572284 +249 42 5 879572630 +249 55 5 879572331 +249 58 5 879572516 +249 68 5 879641156 +249 79 5 879572777 +249 83 5 879640977 +249 86 4 879572124 +249 88 4 879572668 +249 98 5 879572256 +249 100 5 879572370 +249 108 3 879640452 +249 121 3 879572705 +249 124 5 879572646 +249 137 4 879572725 +249 161 3 879572760 +249 168 4 879572370 +249 169 5 879572106 +249 172 3 879572106 +249 174 4 879572314 +249 176 4 879641109 +249 182 5 879640949 +249 186 4 879572516 +249 188 4 879641067 +249 198 5 879572349 +249 202 4 879572167 +249 212 4 879572890 +249 216 4 879641305 +249 218 3 879641322 +249 222 4 879640306 +249 235 4 879640261 +249 239 3 879572284 +249 240 4 879640343 +249 241 5 879641194 +249 245 2 879571999 +249 249 4 879571752 +249 255 3 879571752 +249 271 4 879571521 +249 300 4 879571489 +249 333 4 879571521 +249 357 4 879572142 +249 411 3 879640436 +249 431 5 879641194 +249 455 4 879640326 +249 456 3 879640549 +249 469 4 879641285 +249 472 3 879640502 +249 476 3 879640481 +249 479 5 879641035 +249 591 5 879572890 +249 597 2 879640436 +249 628 3 879640306 +249 634 5 879572314 +249 684 4 879641285 +249 686 5 879641251 +249 708 4 879572403 +249 723 4 879641093 +249 746 5 879641209 +249 748 3 879571586 +249 826 1 879640481 +249 919 5 879572668 +249 930 2 879640585 +249 993 3 879571779 +249 1016 3 879571752 +249 1103 5 879572256 +250 1 4 883263374 +250 2 4 878090414 +250 7 4 878089716 +250 23 4 878090499 +250 44 4 878090199 +250 56 4 878090004 +250 64 5 878090153 +250 69 5 878092059 +250 71 5 878090294 +250 89 4 878092144 +250 92 5 878091818 +250 96 2 878090254 +250 111 4 878091915 +250 117 3 878089628 +250 127 4 878089881 +250 129 4 878089677 +250 135 5 878091915 +250 140 3 878092059 +250 174 3 878092104 +250 184 1 878091683 +250 195 2 878091736 +250 196 4 878091818 +250 200 5 883263374 +250 204 2 878091682 +250 223 4 878090294 +250 238 4 878089963 +250 240 4 878092171 +250 244 4 878089786 +250 260 4 878089144 +250 264 3 878089182 +250 293 4 878089921 +250 294 1 878089033 +250 321 5 878089099 +250 324 2 878089033 +250 328 3 883262792 +250 338 4 883263374 +250 357 4 878091915 +250 378 4 878092059 +250 404 4 878092144 +250 474 5 878089964 +250 477 3 878089716 +250 480 5 878090414 +250 485 4 878092104 +250 496 4 878090499 +250 582 4 878090114 +250 596 5 878089921 +250 628 4 878090114 +250 678 2 878089182 +250 688 2 878089182 +250 742 3 878089786 +250 748 2 878089033 +250 813 5 878089581 +250 948 3 878089182 +250 969 5 878092002 +250 1014 4 883263439 +250 1137 5 878090066 +250 1161 4 883263375 +251 12 4 886271700 +251 15 4 886272086 +251 50 5 886272086 +251 55 3 886271856 +251 100 4 886271884 +251 109 4 886272547 +251 121 4 886272118 +251 132 5 886271641 +251 144 5 886271920 +251 148 2 886272547 +251 172 5 886271641 +251 181 4 886271733 +251 183 5 886271733 +251 222 4 886272547 +251 237 5 886272346 +251 249 5 886272118 +251 252 3 886272456 +251 257 3 886272378 +251 258 3 886271496 +251 265 3 886271641 +251 288 4 886271541 +251 295 4 886272249 +251 298 5 886272146 +251 418 4 886271856 +251 427 4 886271675 +251 476 2 886272407 +251 520 5 886271955 +251 596 3 886272118 +251 612 5 886271855 +251 748 2 886272175 +251 866 2 886272514 +251 1014 5 886272486 +251 1028 3 886272585 +252 7 4 891455743 +252 9 5 891456797 +252 100 5 891456797 +252 129 4 891456876 +252 268 5 891455329 +252 275 5 891456464 +252 277 4 891456797 +252 300 4 891448664 +252 740 3 891456738 +252 742 4 891455743 +253 50 4 891628518 +253 64 5 891628252 +253 79 5 891628518 +253 83 4 891628159 +253 87 5 891628278 +253 89 4 891628451 +253 95 4 891628416 +253 97 4 891628501 +253 98 5 891628295 +253 117 5 891628535 +253 127 5 891628060 +253 173 5 891628483 +253 175 2 891628884 +253 183 5 891628341 +253 188 4 891628416 +253 198 5 891628392 +253 203 4 891628651 +253 210 4 891628598 +253 216 4 891628252 +253 237 4 891628002 +253 243 2 891628883 +253 259 2 891628883 +253 282 4 891628094 +253 294 4 891627829 +253 298 3 891628074 +253 333 2 891628883 +253 448 2 891628883 +253 465 5 891628467 +253 483 5 891628122 +253 487 4 891628323 +253 496 5 891628278 +253 510 5 891628416 +253 527 5 891628518 +253 566 4 891628578 +253 568 4 891628295 +253 647 3 891628229 +253 705 5 891628598 +253 742 4 891628535 +253 746 3 891628630 +253 747 3 891628501 +253 806 4 891628181 +254 15 3 886471307 +254 35 2 886475755 +254 50 5 886471151 +254 75 1 886475004 +254 90 1 886475406 +254 97 5 887346963 +254 98 4 886472201 +254 99 3 886473254 +254 103 2 886476123 +254 121 3 886472369 +254 125 3 886473158 +254 132 4 886472022 +254 136 4 886471695 +254 140 4 887347350 +254 141 3 886472836 +254 162 3 886472643 +254 164 4 886472768 +254 174 5 886471720 +254 176 3 886472768 +254 183 4 886472713 +254 186 3 886472023 +254 188 3 886473672 +254 199 4 886472089 +254 211 3 886472089 +254 214 1 886472608 +254 219 1 886475980 +254 222 4 886471346 +254 229 4 886474580 +254 230 4 886472400 +254 234 4 886472713 +254 238 3 886473120 +254 240 1 886476165 +254 243 2 887347834 +254 257 3 886471389 +254 258 4 887347560 +254 259 2 886470859 +254 286 1 887346861 +254 357 3 886472466 +254 378 3 886474396 +254 379 1 886474650 +254 380 4 886474456 +254 384 1 886475790 +254 418 3 886473078 +254 419 4 886472231 +254 429 4 887347350 +254 436 2 886474216 +254 443 3 886473547 +254 448 3 886473775 +254 472 3 886474456 +254 501 3 886476281 +254 504 3 886472115 +254 561 3 886475446 +254 573 2 886475476 +254 575 3 886476165 +254 577 1 886476092 +254 596 4 886473852 +254 610 2 886472291 +254 612 3 886471959 +254 621 3 886474807 +254 624 2 886473254 +254 625 3 886473808 +254 649 1 886474619 +254 655 4 886472313 +254 662 4 887347350 +254 679 2 886472434 +254 699 3 886473120 +254 755 3 886473489 +254 843 2 886474807 +254 892 3 886470904 +254 951 4 886474619 +254 967 3 886472139 +254 1116 3 886473448 +254 1133 3 886475682 +254 1444 3 886475558 +255 53 3 883216672 +255 98 5 883216449 +255 185 4 883216449 +255 217 2 883216600 +255 218 3 883216544 +255 234 5 883216448 +255 249 5 883216245 +255 258 4 883215406 +255 259 3 883215759 +255 271 4 883215525 +255 288 4 883216185 +255 323 2 883215723 +255 405 4 883216902 +255 406 1 883216358 +255 413 2 883216358 +255 436 4 883216544 +255 441 2 883216544 +255 444 3 883216599 +255 448 3 883216544 +255 452 3 883216672 +255 455 2 883216845 +255 472 1 883216958 +255 551 1 883216672 +255 565 1 883216748 +255 569 1 883216672 +255 678 2 883215795 +255 748 1 883215630 +255 763 5 883217072 +255 825 1 883216958 +255 833 4 883216902 +255 841 1 883216902 +255 859 3 883216748 +255 860 2 883216748 +255 879 3 883215660 +255 976 1 883217030 +255 984 1 883215902 +255 1034 1 883217030 +256 2 5 882164480 +256 4 5 882164525 +256 7 4 882151017 +256 9 4 882150644 +256 12 5 882164696 +256 25 5 882150552 +256 29 4 882164644 +256 49 4 882165238 +256 51 4 882165135 +256 77 3 882164955 +256 86 5 882165103 +256 97 4 882165103 +256 120 1 882163754 +256 121 5 882151123 +256 125 5 882150552 +256 127 4 882164406 +256 161 5 882164559 +256 172 3 882164443 +256 181 4 882164444 +256 188 5 882164559 +256 195 5 882164406 +256 202 3 882165032 +256 220 3 882151690 +256 226 5 882164644 +256 227 4 882164603 +256 235 3 882153668 +256 237 4 882150644 +256 276 3 882151198 +256 278 5 882151517 +256 280 5 882151167 +256 291 5 882152630 +256 294 3 882150053 +256 368 1 882163778 +256 370 3 882153321 +256 385 5 882164603 +256 402 4 882165269 +256 406 3 882152605 +256 413 4 882163956 +256 443 3 882164727 +256 452 4 882164999 +256 472 4 882152471 +256 473 5 882151088 +256 476 4 882152914 +256 487 5 882164231 +256 550 5 882164525 +256 552 3 882164927 +256 566 5 882164559 +256 576 3 882164603 +256 642 4 882164893 +256 662 2 882165032 +256 685 5 882151576 +256 692 5 882165066 +256 716 5 882165135 +256 722 3 882165269 +256 724 4 882165103 +256 728 4 882165296 +256 742 5 882150552 +256 748 4 882150192 +256 756 4 882151167 +256 761 4 882164644 +256 765 4 882165328 +256 771 2 882164999 +256 775 5 882165269 +256 778 4 882165103 +256 779 4 882164644 +256 781 5 882165296 +256 783 4 882165328 +256 802 3 882164955 +256 819 4 882151052 +256 827 3 882163857 +256 831 4 882152943 +256 834 3 882163956 +256 846 4 882151167 +256 849 2 882164603 +256 864 4 882151623 +256 866 4 882151198 +256 925 5 882151017 +256 932 3 882150508 +256 939 5 882164893 +256 974 3 882164059 +256 982 3 882152630 +256 1028 4 882151690 +256 1040 3 882152604 +256 1057 2 882163805 +256 1061 4 882153321 +256 1086 5 882150943 +256 1090 2 882164999 +256 1119 3 882165032 +256 1207 3 882164999 +256 1210 5 882164999 +256 1231 3 882164603 +256 1289 4 882150552 +257 50 5 882049897 +257 59 5 879547440 +257 100 5 882049950 +257 116 3 879029742 +257 130 2 882050236 +257 137 4 882049932 +257 151 4 882050266 +257 165 4 879547534 +257 221 3 882050202 +257 224 4 879029717 +257 237 2 882050168 +257 258 3 879029516 +257 276 5 882049973 +257 288 3 879029516 +257 289 4 879029543 +257 301 3 879029620 +257 305 4 882049607 +257 307 4 879029581 +257 345 4 887066556 +257 405 3 882050397 +257 462 4 879547695 +257 531 5 879547608 +257 949 3 880496958 +257 1008 5 882050187 +257 1260 2 880496892 +257 1462 5 879547695 +258 243 3 885701024 +258 272 5 885700811 +258 288 1 885700919 +258 289 2 885701004 +258 310 5 885700778 +258 311 4 885700946 +258 313 5 885700778 +258 315 3 885701004 +258 323 4 885701062 +258 332 5 885701024 +258 690 4 885700811 +258 748 5 885701004 +258 751 5 885700946 +258 873 5 885701062 +258 893 1 885701099 +259 12 5 874809192 +259 98 4 874809091 +259 108 4 874724882 +259 117 4 874724988 +259 176 4 874725386 +259 180 5 877925033 +259 200 4 874725081 +259 210 4 874725485 +259 235 2 883372151 +259 255 4 874724710 +259 269 3 877923906 +259 313 5 883370924 +259 317 5 874809057 +259 357 5 874725485 +259 405 3 874725120 +259 750 4 888630424 +259 762 2 883372151 +259 772 4 874724882 +259 959 4 888720593 +260 272 3 890618349 +260 300 3 890618198 +260 313 5 890618198 +260 319 2 890618198 +260 322 4 890618898 +260 326 5 890618349 +260 362 5 890618729 +260 538 1 890618403 +260 682 4 890618537 +260 990 5 890618729 +260 1025 5 890618729 +260 1105 5 890618729 +261 117 4 890455974 +261 259 4 890454843 +261 294 4 890454217 +261 304 3 890454941 +261 322 4 890454974 +261 339 5 890454351 +261 340 5 890454045 +261 342 3 890454974 +261 359 5 890454351 +261 410 5 890456142 +261 597 4 890456142 +261 748 3 890454310 +261 875 5 890454351 +261 892 5 890455190 +261 988 3 890455190 +261 1025 5 890455190 +261 1237 3 890454045 +262 11 4 879793597 +262 15 3 879962366 +262 22 4 879792452 +262 28 3 879792220 +262 44 2 879794446 +262 47 2 879794599 +262 50 2 879962366 +262 64 5 879793022 +262 71 4 879794951 +262 77 2 879794829 +262 91 3 879792713 +262 96 4 879793022 +262 98 4 879792331 +262 111 4 879962292 +262 121 3 879790536 +262 122 2 879791537 +262 140 2 879794635 +262 143 3 879793970 +262 145 1 879795155 +262 147 3 879790603 +262 174 3 879791948 +262 179 4 879962570 +262 185 3 879793164 +262 191 4 879793022 +262 195 2 879791755 +262 200 3 879794918 +262 217 3 879792818 +262 223 3 879791816 +262 237 3 879961980 +262 238 4 879792713 +262 252 3 879790603 +262 258 4 879961282 +262 270 3 879961283 +262 275 4 879961980 +262 292 4 879961282 +262 293 2 879790906 +262 318 5 879793022 +262 332 3 879961438 +262 336 3 879961474 +262 358 3 879961513 +262 365 4 879793939 +262 386 3 879795512 +262 393 2 879794140 +262 405 2 879962367 +262 406 3 879791537 +262 419 3 879791710 +262 432 3 879794267 +262 447 3 879794206 +262 491 3 879793188 +262 509 3 879792818 +262 553 4 879795122 +262 568 3 879794113 +262 581 3 879794667 +262 588 4 879793075 +262 617 3 879793715 +262 625 3 879792751 +262 628 2 879962366 +262 709 5 879795122 +262 736 3 879794829 +262 754 3 879961283 +262 755 3 879794446 +262 762 2 879790974 +262 778 4 879793536 +262 781 3 879793667 +262 786 3 879795319 +262 790 3 879795379 +262 815 2 879791216 +262 821 3 879794887 +262 845 4 879962052 +262 923 4 879962542 +262 929 3 879791031 +262 931 2 879790874 +262 949 4 879792773 +262 1048 2 879791335 +262 1054 2 879791536 +262 1147 4 879791710 +262 1220 4 879794296 +262 1278 4 879961819 +263 22 5 891298107 +263 64 5 891298453 +263 69 5 891298914 +263 79 4 891298047 +263 82 4 891299697 +263 86 4 891299574 +263 95 5 891299324 +263 96 4 891298336 +263 97 4 891299387 +263 99 3 891298977 +263 117 3 891299387 +263 125 4 891299573 +263 127 4 891299514 +263 134 5 891299697 +263 143 5 891298592 +263 144 4 891298792 +263 153 3 891298727 +263 162 5 891299630 +263 163 5 891299697 +263 168 5 891299949 +263 176 5 891299752 +263 177 4 891297988 +263 183 4 891298655 +263 186 4 891299815 +263 188 5 891299031 +263 195 5 891299949 +263 197 4 891299752 +263 205 5 891298792 +263 210 3 891298792 +263 215 4 891298273 +263 237 2 891300103 +263 245 4 891297417 +263 265 4 891299815 +263 269 4 891296842 +263 272 5 891296919 +263 294 2 891297330 +263 318 5 891298453 +263 328 4 891297330 +263 333 2 891296842 +263 416 5 891299697 +263 419 5 891299514 +263 423 5 891299630 +263 432 2 891299448 +263 483 5 891298336 +263 486 4 891299148 +263 495 5 891298977 +263 510 4 891298392 +263 514 3 891299387 +263 521 3 891297988 +263 523 5 891298107 +263 526 5 891298854 +263 528 4 891298854 +263 568 4 891299387 +263 614 3 891298792 +263 648 5 891297988 +263 661 5 891298728 +263 678 2 891297766 +263 886 2 891297484 +263 892 3 891297766 +263 921 3 891298727 +263 1444 3 891299949 +263 1451 4 891299949 +263 1473 5 891299877 +264 4 4 886123656 +264 12 5 886122508 +264 25 4 886124197 +264 33 3 886122644 +264 42 5 886123358 +264 56 5 886122261 +264 70 4 886123596 +264 153 5 886122031 +264 168 5 886122031 +264 175 5 886123472 +264 179 5 886122031 +264 183 5 886122577 +264 200 5 886122352 +264 203 2 886122508 +264 208 5 886123415 +264 210 5 886123415 +264 216 5 886123358 +264 219 5 886122447 +264 230 4 886122644 +264 238 5 886122031 +264 283 5 886122952 +264 294 3 886121516 +264 320 4 886122261 +264 345 4 886121516 +264 381 4 886123596 +264 382 4 886123596 +264 401 5 886123656 +264 433 5 886123530 +264 436 3 886122352 +264 443 5 886122447 +264 448 2 886122031 +264 451 4 886123531 +264 475 5 886122706 +264 504 5 886122577 +264 516 5 886123655 +264 524 3 886123596 +264 558 5 886122447 +264 559 5 886122446 +264 602 4 886122194 +264 606 5 886122099 +264 654 5 886122508 +264 655 4 886123530 +264 659 5 886122577 +264 671 4 886122261 +264 672 3 886122447 +264 683 2 886121811 +264 709 5 886123727 +264 721 5 886123656 +264 745 5 886123656 +264 762 3 886122771 +264 792 5 886123415 +264 813 4 886122952 +264 844 1 886124097 +264 1069 5 886123728 +264 1103 5 886123656 +264 1225 3 886123530 +264 1270 2 886122194 +265 7 2 875320689 +265 15 3 875320574 +265 118 4 875320714 +265 125 4 875320516 +265 151 2 875320661 +265 181 2 875320180 +265 257 4 875320462 +265 258 4 875320024 +265 279 2 875320462 +265 300 5 875320024 +265 328 4 875320084 +265 409 3 875320462 +265 410 4 875320633 +265 471 4 875320302 +265 472 3 875320542 +265 477 3 875320371 +265 591 5 875320424 +265 742 5 875320542 +265 934 3 875320574 +266 124 4 892258004 +266 272 4 892256705 +266 283 3 892257897 +266 313 4 892256705 +266 508 4 892258004 +266 676 3 892257897 +266 874 2 892257101 +267 3 4 878970901 +267 7 5 878970503 +267 17 4 878971773 +267 22 4 878971816 +267 24 5 878972682 +267 28 4 878972524 +267 50 5 878974783 +267 54 3 878973922 +267 55 4 878972785 +267 67 3 878973088 +267 80 4 878973597 +267 88 4 878972873 +267 94 3 878972558 +267 114 5 878971514 +267 121 3 878970681 +267 145 4 878972903 +267 147 3 878970681 +267 168 4 878971716 +267 172 5 878974783 +267 175 5 878972558 +267 177 5 878972756 +267 187 5 878972071 +267 204 4 878971629 +267 214 4 878972342 +267 216 4 878972586 +267 222 4 878970681 +267 226 3 878972463 +267 227 3 878973088 +267 228 5 878972434 +267 238 4 878971629 +267 240 4 878970503 +267 250 5 878970399 +267 273 4 878970503 +267 294 3 878970155 +267 324 3 878970114 +267 367 4 878971939 +267 384 3 878973734 +267 386 3 878973597 +267 393 3 878973483 +267 403 4 878971939 +267 410 4 878970785 +267 423 3 878972842 +267 433 5 878972314 +267 449 3 878973358 +267 450 2 878974128 +267 464 5 878974783 +267 470 4 878972931 +267 474 5 878974783 +267 475 5 878970368 +267 479 4 878971405 +267 480 4 878971438 +267 484 5 878971542 +267 518 5 878971773 +267 545 2 878974723 +267 546 3 878970877 +267 552 3 878973621 +267 559 3 878972614 +267 568 4 878972955 +267 575 3 878974052 +267 578 3 878973153 +267 597 3 878970805 +267 622 3 878974077 +267 642 4 878972524 +267 647 5 878971629 +267 654 5 878971902 +267 684 4 878973088 +267 685 3 878970978 +267 693 4 878972266 +267 727 4 878972289 +267 739 4 878973276 +267 771 3 878973900 +267 780 4 878973250 +267 824 4 878970953 +267 840 4 878970926 +267 943 4 878972903 +267 980 3 878970578 +267 1073 5 878974783 +267 1401 4 878971816 +267 1471 2 878974509 +268 1 3 875742341 +268 2 2 875744173 +268 7 4 876513953 +268 16 3 875306691 +268 17 3 875743588 +268 21 3 875742822 +268 31 4 875310311 +268 38 1 875744228 +268 40 3 875743708 +268 42 4 875310384 +268 52 3 875309319 +268 55 4 875309998 +268 62 3 875310824 +268 63 1 875743792 +268 67 3 875743588 +268 68 4 875744173 +268 73 3 875743563 +268 82 3 875310784 +268 83 4 875309344 +268 91 3 875310311 +268 94 2 875743630 +268 97 4 875310031 +268 98 4 875309583 +268 99 3 875744744 +268 101 2 875542174 +268 105 2 876513927 +268 108 3 875742992 +268 114 5 875744966 +268 121 2 875743141 +268 122 2 875743310 +268 123 3 875742794 +268 129 2 875742437 +268 134 5 875310083 +268 135 4 875309583 +268 139 2 875744744 +268 141 3 875744832 +268 145 1 875744501 +268 147 4 876514002 +268 153 5 875743503 +268 154 4 875743563 +268 161 3 875744199 +268 163 2 875743656 +268 168 4 875310384 +268 169 5 875309829 +268 181 4 875309486 +268 182 4 875309882 +268 183 4 875309583 +268 189 4 875744966 +268 194 4 875310352 +268 198 4 875309232 +268 205 5 875309859 +268 206 3 875309232 +268 209 4 875310311 +268 211 4 875309583 +268 217 2 875744501 +268 228 4 875309945 +268 231 4 875744136 +268 232 3 875310745 +268 233 3 875310412 +268 238 3 875310352 +268 244 4 875742316 +268 246 5 875742316 +268 248 3 875742530 +268 250 4 875742530 +268 252 3 875743182 +268 258 2 876513675 +268 264 3 876513607 +268 265 3 875310603 +268 267 3 875742077 +268 269 4 876513523 +268 298 3 875742647 +268 302 5 876513584 +268 325 3 876513675 +268 333 4 876513565 +268 357 4 875309882 +268 364 3 875743979 +268 370 2 875745579 +268 374 2 875744895 +268 382 3 875309282 +268 385 3 875310206 +268 386 2 875743978 +268 395 2 875744021 +268 403 4 875309914 +268 404 4 875309430 +268 421 3 876513927 +268 425 4 875310549 +268 432 3 875310145 +268 433 4 876514107 +268 436 3 875310745 +268 453 1 875744611 +268 470 3 875310745 +268 472 1 875743335 +268 474 5 875309718 +268 477 3 875742407 +268 483 5 875309859 +268 484 4 876513831 +268 527 4 875309430 +268 540 1 875542174 +268 546 4 875743110 +268 552 2 876514108 +268 554 3 875744388 +268 558 3 875309304 +268 566 3 875744321 +268 568 3 875542174 +268 569 3 875744582 +268 580 3 875309344 +268 582 5 875309344 +268 583 4 876513830 +268 665 2 875310745 +268 672 2 875744501 +268 679 4 876514107 +268 684 3 875744321 +268 699 3 875744712 +268 715 1 875310603 +268 717 1 876513785 +268 721 3 875743587 +268 732 3 876514107 +268 735 3 876518557 +268 746 3 876513855 +268 761 1 875744136 +268 762 2 875743216 +268 768 3 875744895 +268 781 3 875743951 +268 790 2 876513785 +268 800 1 875744501 +268 810 2 875744388 +268 823 2 875742942 +268 824 2 876518557 +268 825 3 875742893 +268 826 1 875743065 +268 926 2 875743012 +268 928 1 875745536 +268 930 2 875742942 +268 946 3 875310442 +268 949 2 875743909 +268 955 3 875745160 +268 978 2 876513927 +268 998 1 875743929 +268 1002 1 875743216 +268 1035 2 875542174 +268 1041 1 875743735 +268 1059 3 875743310 +268 1065 4 875310824 +268 1079 3 875742916 +268 1090 2 875745536 +268 1095 2 876513927 +268 1157 1 875745428 +268 1249 2 875743793 +268 1477 2 875742680 +269 5 2 891450780 +269 7 3 891449055 +269 9 4 891446246 +269 13 4 891446662 +269 15 2 891446348 +269 22 1 891448072 +269 44 3 891449691 +269 47 4 891448386 +269 50 3 891448926 +269 55 4 891449214 +269 63 1 891450857 +269 64 4 891447960 +269 70 1 891447280 +269 72 2 891451470 +269 76 3 891448456 +269 82 2 891450780 +269 93 3 891446580 +269 98 4 891448951 +269 100 5 891446246 +269 106 1 891451947 +269 120 1 891446926 +269 127 4 891446165 +269 131 5 891449728 +269 136 4 891449075 +269 137 4 891446193 +269 139 1 891451492 +269 142 1 891451570 +269 143 3 891450385 +269 152 4 891450623 +269 153 3 891449346 +269 156 5 891449364 +269 161 1 891451036 +269 168 4 891448850 +269 171 5 891447169 +269 172 3 891449031 +269 174 1 891449124 +269 175 5 891455816 +269 176 2 891448980 +269 177 5 891449214 +269 179 4 891447141 +269 180 3 891448120 +269 183 3 891448823 +269 188 2 891450675 +269 194 5 891448951 +269 195 3 891449099 +269 198 4 891447062 +269 205 3 891447841 +269 209 4 891448895 +269 210 1 891449608 +269 211 4 891449075 +269 213 5 891447255 +269 214 3 891448547 +269 216 1 891449691 +269 217 2 891451610 +269 234 1 891449406 +269 235 3 891446756 +269 238 5 891448850 +269 246 5 891457067 +269 252 1 891456350 +269 254 1 891456565 +269 272 3 891445757 +269 276 5 891446193 +269 285 5 891446165 +269 293 3 891446308 +269 316 4 891446132 +269 340 5 891446132 +269 346 2 891445757 +269 367 3 891450023 +269 387 3 891448283 +269 396 4 891451856 +269 401 3 891451013 +269 405 1 891450902 +269 411 1 891451013 +269 412 3 891446904 +269 414 3 891449624 +269 423 4 891448048 +269 427 5 891447960 +269 433 3 891449900 +269 435 3 891449011 +269 436 3 891450675 +269 444 3 891451971 +269 447 3 891451303 +269 474 4 891448823 +269 475 5 891457067 +269 478 4 891448980 +269 482 3 891448823 +269 483 4 891448800 +269 484 3 891448895 +269 486 3 891449922 +269 492 4 891449550 +269 497 3 891449429 +269 498 4 891448926 +269 499 4 891449099 +269 504 4 891449922 +269 505 3 891449551 +269 506 5 891449572 +269 507 4 891448800 +269 512 5 891447216 +269 514 4 891449123 +269 522 5 891447773 +269 525 4 891449055 +269 527 5 891447841 +269 529 5 891455815 +269 531 5 891447141 +269 568 2 891450719 +269 597 1 891450978 +269 608 4 891449526 +269 614 3 891450471 +269 616 4 891450453 +269 627 1 891451063 +269 636 3 891450453 +269 640 5 891457067 +269 642 3 891449464 +269 645 4 891448048 +269 654 4 891448980 +269 655 4 891448019 +269 658 2 891448497 +269 664 5 891457067 +269 665 1 891451810 +269 674 2 891451754 +269 705 2 891448850 +269 716 4 891451111 +269 729 2 891448569 +269 741 5 891457067 +269 756 1 891451947 +269 761 2 891451374 +269 763 1 891450555 +269 771 1 891451754 +269 793 4 891449880 +269 805 2 891450623 +269 809 1 891451451 +269 843 3 891451374 +269 845 1 891456255 +269 856 5 891448220 +269 886 3 891446133 +269 902 5 891446132 +269 919 4 891446132 +269 922 5 891457067 +269 923 4 891447169 +269 959 5 891457067 +269 961 5 891457067 +269 985 3 891446443 +269 998 5 891451548 +269 1014 3 891446838 +269 1020 4 891449571 +269 1028 2 891446838 +269 1065 5 891447891 +269 1071 2 891449801 +269 1091 2 891451705 +269 1101 4 891448120 +269 1133 1 891451374 +269 1154 3 891449608 +269 1165 1 891446904 +269 1168 2 891448386 +269 1438 3 891448522 +269 1480 1 891451725 +270 13 4 876954192 +270 17 2 876956064 +270 25 5 876954456 +270 53 4 876956106 +270 66 4 876955531 +270 70 5 876955066 +270 77 2 876956038 +270 83 4 876954995 +270 97 4 876955633 +270 98 5 876955868 +270 148 4 876954062 +270 155 5 876955770 +270 156 5 876955899 +270 159 4 876956233 +270 173 5 876955531 +270 176 4 876955976 +270 181 4 876954036 +270 217 5 876956360 +270 218 5 876956206 +270 222 5 876954521 +270 230 3 876955868 +270 237 1 876954484 +270 241 5 876955633 +270 253 5 876954733 +270 258 3 876953744 +270 275 5 876954248 +270 281 5 876956137 +270 282 3 876954093 +270 286 5 876953744 +270 288 5 876953827 +270 295 5 876954248 +270 306 5 876953744 +270 327 5 876953900 +270 370 5 876956232 +270 379 5 876956232 +270 387 5 876955689 +270 402 5 876955770 +270 441 5 876956420 +270 452 4 876956264 +270 466 5 876955899 +270 471 5 876954223 +270 509 3 876954965 +270 551 4 876956264 +270 553 1 876955689 +270 558 5 876954927 +270 569 4 876956419 +270 596 5 876954456 +270 671 4 876956360 +270 684 4 876955938 +270 703 4 876955019 +270 707 5 876954927 +270 714 4 876954965 +270 716 4 876955563 +270 736 5 876955087 +270 740 5 876954062 +270 741 5 876953967 +270 747 5 876955662 +270 778 5 876955711 +270 781 5 876955750 +270 800 5 876956106 +270 872 5 876953827 +270 1014 4 876954062 +270 1119 5 876955729 +270 1148 5 876955042 +270 1210 5 876956264 +270 1471 4 876956264 +271 1 3 886106038 +271 8 4 885848770 +271 11 4 885848408 +271 13 4 885847714 +271 15 3 885847876 +271 22 5 885848518 +271 25 3 885847876 +271 31 4 885849325 +271 38 2 885849648 +271 44 4 885849357 +271 50 5 885848640 +271 52 4 885849470 +271 54 3 885849188 +271 56 3 885848559 +271 58 3 885849325 +271 64 5 885848863 +271 65 3 885849419 +271 70 5 885849164 +271 83 4 885848408 +271 95 4 885848916 +271 111 4 885847956 +271 117 3 886106003 +271 121 2 885848132 +271 132 5 885848672 +271 133 4 885848971 +271 134 3 885848518 +271 141 4 885849114 +271 170 5 885848827 +271 172 5 885848616 +271 180 5 885849087 +271 185 3 885848448 +271 187 5 885848343 +271 191 5 885848448 +271 192 5 885848373 +271 197 4 885848915 +271 199 4 885848448 +271 200 5 885849356 +271 204 4 885848314 +271 211 5 885849164 +271 220 3 885848179 +271 221 3 885847927 +271 224 4 885847876 +271 237 4 885847763 +271 241 3 885849207 +271 242 4 885844495 +271 248 4 886106129 +271 258 3 885847357 +271 265 5 885849275 +271 272 3 885844583 +271 274 3 885848014 +271 275 4 885847693 +271 283 4 885847876 +271 284 3 885847956 +271 289 4 885844666 +271 294 2 885844698 +271 300 2 885844583 +271 310 3 885844430 +271 311 3 885844547 +271 312 2 885847280 +271 317 3 885848863 +271 318 5 885848707 +271 328 2 885844746 +271 338 1 885847194 +271 345 3 885844666 +271 346 4 885844430 +271 356 4 885849300 +271 378 4 885849447 +271 384 3 885849582 +271 402 4 885849791 +271 410 2 885848238 +271 411 1 885848062 +271 414 4 885849470 +271 419 3 885848996 +271 423 4 885848802 +271 425 2 885849275 +271 430 5 885849419 +271 435 4 885848802 +271 451 3 885849447 +271 471 3 885847926 +271 482 5 885848519 +271 485 4 885848827 +271 490 4 885848886 +271 510 4 885849140 +271 514 4 885848408 +271 516 4 885849447 +271 517 3 885848943 +271 518 4 885849357 +271 528 3 885848448 +271 530 4 885848770 +271 549 4 885849231 +271 582 3 885849113 +271 605 4 885849164 +271 624 2 885849558 +271 630 2 885848943 +271 642 5 885849231 +271 644 3 885848916 +271 657 4 885848559 +271 661 4 885848373 +271 705 4 885849052 +271 709 3 885849325 +271 713 4 885847800 +271 714 3 885848863 +271 732 4 885848672 +271 739 4 885849706 +271 742 3 886106209 +271 744 4 885847693 +271 750 4 885844698 +271 823 3 885848237 +271 866 4 885848132 +271 882 3 885844547 +271 951 2 885849606 +271 1028 2 885848102 +271 1091 4 885849648 +271 1101 4 885849025 +271 1133 3 885849536 +271 1139 3 885849707 +271 1266 2 885848943 +272 8 4 879455015 +272 11 4 879455143 +272 12 5 879455254 +272 22 5 879454753 +272 48 4 879455143 +272 127 5 879454725 +272 172 4 879455043 +272 178 5 879455113 +272 201 3 879455113 +272 288 4 879454663 +272 317 4 879454977 +272 357 5 879454726 +272 469 5 879455143 +272 474 5 879454753 +272 483 5 879454875 +272 498 4 879454726 +272 521 5 879454977 +272 772 2 879455220 +272 1101 5 879454977 +272 1393 2 879454663 +273 303 4 891293048 +273 305 4 891292905 +273 311 4 891292905 +273 319 4 891292846 +273 321 4 891293048 +273 328 3 891293048 +273 345 3 891293108 +273 690 4 891293008 +273 900 3 891292873 +273 902 5 891293008 +274 1 4 878945466 +274 25 5 878945541 +274 50 5 878944679 +274 83 5 878946612 +274 88 4 878946677 +274 111 4 878945541 +274 117 4 878945264 +274 118 4 878945711 +274 148 2 878946133 +274 150 5 878944679 +274 164 5 878946644 +274 181 5 878945365 +274 208 4 878946473 +274 243 2 878944437 +274 255 2 878945579 +274 275 5 878944679 +274 277 4 878945818 +274 288 4 878944379 +274 294 3 878944379 +274 319 5 878944379 +274 405 4 878945840 +274 411 3 878945888 +274 471 4 878945505 +274 476 4 878945645 +274 478 5 878946577 +274 496 5 878946473 +274 546 3 878945918 +274 713 5 878945437 +274 742 4 878945322 +274 748 5 878944406 +274 815 3 878945763 +274 845 5 878945579 +275 28 4 880314529 +275 69 3 880314089 +275 89 3 875154878 +275 95 3 875154535 +275 98 4 875155140 +275 101 4 875154535 +275 102 3 875154718 +275 117 3 876197615 +275 118 3 876197678 +275 142 2 880315197 +275 144 4 880314137 +275 173 3 875154795 +275 176 4 880314320 +275 183 3 880314500 +275 186 3 880314383 +275 191 4 880314797 +275 202 3 875155167 +275 208 3 880314772 +275 222 4 876198296 +275 226 3 880314914 +275 252 2 876197944 +275 258 3 875154310 +275 265 4 880314031 +275 300 4 875153898 +275 304 3 876197368 +275 405 2 876197645 +275 418 3 875154718 +275 423 4 880315322 +275 435 3 880313886 +275 449 3 876198328 +275 451 3 880315170 +275 496 3 880314031 +275 501 3 875154718 +275 520 4 880314218 +275 523 4 880314031 +275 588 3 875154535 +275 597 3 876197678 +275 627 3 875154718 +275 630 3 880315243 +275 636 3 880314383 +275 662 3 880315170 +275 746 4 880314478 +275 930 3 876197904 +275 946 3 875154535 +275 969 2 880314412 +275 1066 3 880313679 +275 1091 2 875154535 +276 2 4 874792436 +276 4 4 874791623 +276 5 3 874792692 +276 8 4 874791623 +276 11 5 874787497 +276 14 4 890979947 +276 22 5 874787496 +276 34 2 877934264 +276 38 3 874792574 +276 40 3 874791871 +276 41 3 874792277 +276 43 1 874791383 +276 46 3 874791145 +276 54 3 874791025 +276 56 5 874791623 +276 57 3 874787526 +276 58 4 874791169 +276 63 3 874792168 +276 64 5 874787441 +276 66 3 874791993 +276 68 4 874792483 +276 69 4 874790996 +276 70 4 874790826 +276 74 3 884286759 +276 76 4 874791506 +276 77 3 874795751 +276 78 4 877934828 +276 81 4 874791101 +276 85 3 874791871 +276 91 5 882659577 +276 94 2 882659602 +276 101 4 874977555 +276 104 1 874836682 +276 117 4 874786568 +276 118 3 874786964 +276 121 4 874786897 +276 124 5 880913800 +276 125 4 874786876 +276 127 5 874786568 +276 135 5 874787441 +276 139 4 889174904 +276 141 4 874792870 +276 142 3 874792945 +276 145 3 874792692 +276 147 4 874786686 +276 154 4 874791747 +276 156 5 874795704 +276 157 5 874790773 +276 164 4 874792663 +276 168 5 874791623 +276 169 5 874977555 +276 171 4 874795928 +276 176 5 874792401 +276 180 5 874787353 +276 181 5 874786488 +276 186 5 874792018 +276 188 4 874792547 +276 196 4 889174849 +276 198 5 874795949 +276 203 4 877934910 +276 204 5 874791667 +276 206 5 874795988 +276 207 4 874795988 +276 209 4 874791667 +276 210 4 874792094 +276 214 5 874787353 +276 223 5 874790773 +276 226 4 874792520 +276 227 4 880913800 +276 228 4 880913800 +276 229 3 874792483 +276 230 4 882659602 +276 231 3 874796373 +276 232 3 874792094 +276 234 5 880913767 +276 238 5 877935060 +276 246 4 874786686 +276 249 4 874786632 +276 250 4 874786784 +276 262 4 892436298 +276 265 4 874792483 +276 268 4 877584085 +276 270 4 879131395 +276 272 5 885871447 +276 273 4 874786517 +276 276 4 874786605 +276 282 4 883822485 +276 288 4 874786392 +276 290 4 874786854 +276 291 3 874791169 +276 294 4 874786366 +276 301 4 877584219 +276 302 5 877584085 +276 307 4 878015917 +276 315 4 892436298 +276 317 4 874791257 +276 318 5 874787496 +276 322 3 874786392 +276 324 4 874786419 +276 333 4 877584220 +276 340 5 880150440 +276 347 4 885159630 +276 357 5 874787526 +276 364 3 877935377 +276 366 3 889174764 +276 379 3 874792745 +276 383 2 877934828 +276 384 3 874792189 +276 386 3 877935306 +276 401 3 874792094 +276 403 4 888873675 +276 404 4 874792870 +276 406 2 874786831 +276 408 5 874786467 +276 409 3 874792310 +276 417 4 874792907 +276 418 4 874792870 +276 419 5 874792907 +276 420 4 874792945 +276 423 5 874790926 +276 427 5 883822485 +276 429 5 874790972 +276 432 5 874792839 +276 436 4 874792711 +276 448 4 874792692 +276 449 2 874792520 +276 450 1 874792634 +276 456 2 874787237 +276 463 4 874792839 +276 470 3 874790855 +276 471 4 874786657 +276 474 5 889174904 +276 496 4 882659476 +276 544 3 889174870 +276 547 4 874786605 +276 549 3 874791194 +276 550 4 874792574 +276 551 3 874792767 +276 559 4 874792663 +276 561 2 874792745 +276 562 3 889174870 +276 563 3 874977334 +276 564 3 874791805 +276 566 4 874792601 +276 568 4 882659211 +276 569 4 874791169 +276 571 2 874792118 +276 576 3 874792547 +276 577 2 877935336 +276 578 4 888873675 +276 581 4 886483710 +276 583 3 874791444 +276 588 4 874792907 +276 595 2 874787195 +276 597 3 874787150 +276 628 4 874786538 +276 631 3 874796412 +276 640 4 889174904 +276 649 4 886483691 +276 652 4 889174849 +276 665 3 874792520 +276 669 1 874792767 +276 672 3 874792692 +276 682 3 877933862 +276 684 4 874792436 +276 686 3 874792547 +276 693 4 874790903 +276 697 2 874791316 +276 719 3 877935336 +276 727 3 889174919 +276 732 4 874790903 +276 737 4 890979964 +276 742 4 874786756 +276 743 1 874792634 +276 746 4 874791806 +276 747 4 874795448 +276 748 3 883822507 +276 751 4 884286678 +276 770 4 877935446 +276 773 3 874792794 +276 774 2 877934722 +276 779 2 874977513 +276 780 3 874792143 +276 786 3 874791694 +276 789 3 874791623 +276 796 1 874791932 +276 801 3 877935306 +276 803 2 874791487 +276 806 4 874787467 +276 809 2 874977245 +276 816 2 874792793 +276 831 3 874792634 +276 840 3 874786897 +276 843 4 874792989 +276 845 4 874786807 +276 853 5 889174849 +276 854 4 874791806 +276 876 3 885537717 +276 879 3 877584219 +276 922 4 889174849 +276 930 2 874787172 +276 939 3 874790855 +276 941 3 877934065 +276 969 4 874792839 +276 977 2 874787090 +276 1013 3 874787150 +276 1035 3 874793035 +276 1044 3 877934374 +276 1073 3 874795613 +276 1081 3 880913705 +276 1089 2 882659211 +276 1091 3 874793035 +276 1095 1 877935135 +276 1110 3 874977474 +276 1129 4 874786876 +276 1131 3 874796116 +276 1135 4 874791527 +276 1157 2 874795772 +276 1172 4 882659550 +276 1180 2 877935306 +276 1210 2 877934988 +276 1218 4 874792040 +276 1220 4 874791048 +276 1228 1 874977422 +276 1239 1 874977512 +276 1240 4 874977579 +276 1253 1 874795729 +276 1274 1 874977513 +276 1314 3 874796412 +276 1416 3 874792634 +276 1471 2 877934947 +276 1478 3 889174849 +277 9 4 879543336 +277 15 4 879544145 +277 24 4 879543931 +277 25 4 879543902 +277 93 4 879543972 +277 117 4 879544145 +277 121 2 879544058 +277 129 4 879543653 +277 151 3 879543768 +277 181 3 879543653 +277 255 4 879544145 +277 257 3 879543487 +277 273 5 879544145 +277 274 4 879543902 +277 279 4 879543592 +277 282 4 879543697 +277 285 4 879543486 +277 286 5 879544145 +277 302 4 879544201 +277 405 3 879544027 +277 591 4 879543768 +277 628 4 879543697 +277 748 3 879543879 +277 872 3 879543768 +277 1011 3 879543697 +277 1197 4 879543768 +278 22 5 891295360 +278 98 4 891295360 +278 173 5 891295360 +278 269 5 891294959 +278 294 4 891295230 +278 301 2 891294980 +278 306 5 891295043 +278 311 4 891295130 +278 347 4 891294932 +278 525 5 891295330 +278 603 5 891295330 +279 1 3 875295812 +279 4 4 875296461 +279 13 3 875249210 +279 24 5 875295591 +279 25 5 875295736 +279 40 4 875306910 +279 42 4 875308843 +279 50 3 890451347 +279 52 3 890780576 +279 59 4 875308843 +279 63 3 875313350 +279 65 1 875306767 +279 66 2 882146492 +279 67 4 875310419 +279 68 4 875307407 +279 73 4 875310041 +279 79 3 875296461 +279 80 4 875313750 +279 88 1 882146554 +279 89 4 875306910 +279 90 3 875314287 +279 92 4 890282182 +279 96 4 875310606 +279 101 3 891209021 +279 105 4 875297381 +279 108 4 892174381 +279 114 5 879572694 +279 116 1 888799670 +279 117 5 875297199 +279 120 1 888427451 +279 121 4 875297708 +279 122 1 875297433 +279 144 4 880850073 +279 147 4 875297199 +279 154 5 875296291 +279 163 5 875313311 +279 167 3 875312441 +279 168 5 875296435 +279 173 5 875296461 +279 174 4 875306636 +279 175 5 875296461 +279 184 5 890779991 +279 195 4 875310631 +279 201 5 890451408 +279 202 4 875307587 +279 207 5 875310394 +279 208 5 875310631 +279 209 5 875308987 +279 214 3 875306910 +279 216 3 884983225 +279 224 4 882369761 +279 226 4 880850073 +279 227 4 889326161 +279 228 4 889326161 +279 233 5 875312745 +279 235 3 891209153 +279 236 5 875296813 +279 238 4 891208908 +279 240 4 889151559 +279 248 4 875249259 +279 249 3 878878420 +279 250 3 875249259 +279 254 3 879572960 +279 265 5 875655063 +279 273 2 880869018 +279 275 3 875249232 +279 290 4 875296924 +279 319 4 890780735 +279 363 5 890451473 +279 368 1 886016352 +279 382 4 875312947 +279 384 4 875312946 +279 386 3 889985007 +279 390 3 875744641 +279 391 5 875313859 +279 393 1 875314093 +279 397 4 890780547 +279 399 4 875313859 +279 405 3 886015701 +279 408 5 875249210 +279 411 3 875296005 +279 412 3 875297708 +279 415 3 875314313 +279 418 3 875733888 +279 432 3 875296292 +279 433 4 880869018 +279 434 4 892864609 +279 464 4 875310041 +279 465 5 875310157 +279 469 4 884982881 +279 472 3 876609690 +279 487 3 890282182 +279 489 2 888430298 +279 490 3 890282225 +279 491 5 875296435 +279 501 3 875308843 +279 509 3 875296552 +279 530 3 890780576 +279 534 1 878971577 +279 541 3 882146458 +279 556 3 880666808 +279 562 3 890451433 +279 571 4 878082781 +279 577 1 889151559 +279 578 4 879572694 +279 586 4 892864663 +279 616 3 890451408 +279 638 4 875312441 +279 652 4 890451408 +279 654 5 875306552 +279 662 2 875310631 +279 685 3 884982881 +279 702 4 875309760 +279 709 4 875310195 +279 719 4 875308222 +279 721 5 875312719 +279 725 4 875314144 +279 727 3 890780864 +279 732 3 879647301 +279 739 1 879573060 +279 740 3 875736276 +279 741 5 875296891 +279 746 5 875310233 +279 753 2 875307443 +279 762 3 875297199 +279 780 4 875314165 +279 789 4 875306580 +279 792 3 875308843 +279 804 4 875744416 +279 810 2 889984640 +279 820 4 884984955 +279 827 1 888426577 +279 831 5 875744257 +279 832 3 881375854 +279 841 4 879572893 +279 853 1 890451433 +279 871 4 875297410 +279 919 3 892864663 +279 940 5 889151559 +279 952 3 875296676 +279 982 3 875298314 +279 992 4 889151559 +279 998 5 875313883 +279 1000 4 875314313 +279 1007 4 879572694 +279 1011 3 875298314 +279 1017 3 875296891 +279 1032 3 880666757 +279 1035 3 875309935 +279 1047 4 892864663 +279 1048 1 886015533 +279 1052 4 890451408 +279 1093 4 875298330 +279 1095 1 886016480 +279 1108 1 892174273 +279 1110 3 875307379 +279 1113 3 888806035 +279 1118 3 875310631 +279 1120 3 891209189 +279 1133 2 892173598 +279 1142 1 890780603 +279 1151 2 875744584 +279 1162 3 875314334 +279 1180 2 890781034 +279 1181 4 875314001 +279 1182 3 875314370 +279 1209 4 875314350 +279 1219 3 875744358 +279 1228 4 890779991 +279 1230 3 891209189 +279 1231 4 875313583 +279 1239 1 884982882 +279 1240 1 892174404 +279 1247 2 875659924 +279 1271 4 875659999 +279 1291 4 875297708 +279 1312 3 890780962 +279 1336 1 875298353 +279 1376 4 886016680 +279 1411 3 884556545 +279 1413 5 875314434 +279 1428 3 888465209 +279 1484 3 875307587 +279 1487 1 875314076 +279 1489 3 891208884 +279 1492 4 888430806 +279 1493 1 888465068 +279 1495 4 889984565 +279 1497 2 890780576 +279 1498 4 891208884 +279 1500 5 875306613 +279 1501 1 889231898 +280 1 4 891700426 +280 4 3 891700733 +280 5 4 891701066 +280 7 4 891700385 +280 11 5 891700570 +280 38 3 891701832 +280 40 5 891701614 +280 50 3 891701027 +280 53 5 891702544 +280 54 2 891701747 +280 62 3 891701747 +280 69 4 891700242 +280 73 3 891700715 +280 82 2 891700925 +280 86 4 891700475 +280 92 3 891700366 +280 95 5 891700570 +280 96 4 891700664 +280 99 2 891700475 +280 100 3 891700385 +280 102 5 891701328 +280 117 5 891700366 +280 125 2 891701148 +280 127 5 891702544 +280 128 3 891701188 +280 132 4 891701090 +280 135 4 891700552 +280 144 2 891700514 +280 145 3 891702198 +280 153 5 891700681 +280 157 3 891700733 +280 159 4 891701944 +280 180 4 891700453 +280 181 3 891701248 +280 195 3 891700303 +280 202 3 891701090 +280 204 3 891700643 +280 210 2 891700385 +280 225 4 891701974 +280 227 3 891702153 +280 230 3 891702153 +280 231 3 891701974 +280 234 3 891700803 +280 237 3 891700624 +280 265 4 891700588 +280 274 5 891701188 +280 282 3 891700426 +280 286 4 891700185 +280 288 5 891700184 +280 316 5 891700184 +280 322 4 891700185 +280 323 2 891700106 +280 381 3 891700925 +280 387 4 891701974 +280 404 3 891701114 +280 419 3 891701047 +280 420 3 891701816 +280 431 4 891701531 +280 448 3 891701765 +280 449 3 891702324 +280 465 3 891701148 +280 468 4 891702028 +280 472 2 891702086 +280 476 5 891702544 +280 483 4 891701066 +280 499 4 891700496 +280 508 3 891700453 +280 538 5 891700185 +280 540 3 891702304 +280 542 3 891702199 +280 544 4 891701302 +280 554 1 891701998 +280 559 3 891701583 +280 566 4 891701188 +280 568 2 891701047 +280 571 3 891702338 +280 576 3 891702276 +280 586 4 891701871 +280 629 4 891701852 +280 631 5 891700751 +280 655 3 891700400 +280 663 4 891700783 +280 690 2 891699964 +280 692 3 891700983 +280 693 3 891701027 +280 715 2 891700945 +280 722 3 891702122 +280 723 5 891701853 +280 735 2 891700475 +280 736 2 891700341 +280 756 4 891701649 +280 780 4 891701897 +280 781 4 891701699 +280 790 4 891702013 +280 845 3 891700925 +280 934 2 891702291 +280 942 5 891701431 +280 975 4 891702252 +280 977 3 891701723 +280 1015 3 891701631 +280 1028 5 891702276 +280 1047 3 891701897 +280 1049 2 891702486 +280 1060 3 891701278 +280 1168 5 891702544 +280 1181 2 891700496 +280 1313 5 891700184 +280 1401 5 891700881 +280 1459 4 891701747 +280 1478 4 891701090 +280 1479 3 891702457 +281 258 2 881200457 +281 322 4 881200789 +281 332 4 881200603 +281 338 2 881200457 +281 538 4 881200520 +281 682 3 881200519 +281 877 4 881200643 +281 938 2 881200789 +281 989 2 881200789 +282 258 5 879949367 +282 269 4 879949347 +282 271 3 881702919 +282 288 4 879949367 +282 294 4 879949525 +282 302 5 879949347 +282 305 4 879949347 +282 307 3 881702875 +282 325 1 881703044 +282 327 5 879949417 +282 338 3 879949468 +282 879 2 879949504 +283 24 4 879297867 +283 42 5 879298333 +283 50 5 879297134 +283 70 4 879298206 +283 83 4 879298239 +283 95 5 879297965 +283 125 5 879297347 +283 186 5 879298239 +283 194 4 879298295 +283 209 4 879298271 +283 210 5 879298206 +283 216 4 879298206 +283 238 5 879298295 +283 288 2 879297867 +283 407 3 879297867 +283 432 5 879297965 +283 455 4 879297707 +283 588 4 879297965 +283 627 4 879297966 +283 659 5 879298239 +283 676 3 879297867 +283 709 5 879298206 +283 845 4 879297442 +283 1114 5 879297545 +283 1487 2 879297867 +284 258 4 885329146 +284 259 2 885329593 +284 269 4 885328991 +284 286 4 885328727 +284 300 3 885329395 +284 304 4 885329322 +284 305 4 885328906 +284 313 3 885328727 +284 322 3 885329671 +284 324 3 885329468 +284 328 4 885329322 +284 332 3 885329593 +284 339 3 885329671 +284 340 4 885328991 +284 344 4 885329593 +284 346 4 885329065 +284 682 3 885329322 +284 887 4 885328906 +284 906 3 885328836 +285 150 5 890595636 +285 151 5 890595636 +285 168 4 890595900 +285 191 4 890595859 +285 216 3 890595900 +285 237 4 890595636 +285 269 4 890595313 +285 276 4 890595726 +285 288 5 890595584 +285 313 5 890595313 +285 455 4 890595726 +285 514 3 890595859 +285 538 5 890595479 +285 628 2 890595636 +285 682 4 890595524 +285 902 4 890595584 +286 1 4 876521699 +286 7 4 875807003 +286 11 5 877531975 +286 13 2 876521933 +286 20 4 876521858 +286 25 3 875807003 +286 29 2 877533586 +286 34 5 877534701 +286 44 3 877532173 +286 50 4 875806869 +286 53 2 877533506 +286 55 4 877531574 +286 56 2 877531469 +286 57 5 877533419 +286 66 4 877533586 +286 73 5 877532965 +286 77 3 877533001 +286 83 5 877531975 +286 85 5 877533224 +286 88 4 877533640 +286 89 4 877533381 +286 91 4 877532470 +286 96 4 877532385 +286 99 4 878141681 +286 100 3 876521650 +286 107 1 875807043 +286 127 4 877530570 +286 133 4 877531730 +286 142 4 877534793 +286 143 4 889651549 +286 151 5 875806800 +286 153 5 877531406 +286 154 4 877533381 +286 155 4 877533640 +286 158 3 877533472 +286 161 2 877533419 +286 164 3 877533586 +286 167 5 877533419 +286 168 4 877531760 +286 171 4 877531791 +286 175 5 877532470 +286 191 4 877531407 +286 195 4 877534618 +286 196 4 877533543 +286 208 4 877531942 +286 214 1 889651605 +286 228 3 889651576 +286 229 1 889652291 +286 231 3 877532094 +286 234 3 877532093 +286 237 2 875806800 +286 248 5 875806800 +286 258 4 877530390 +286 268 4 884069298 +286 269 5 879780839 +286 272 5 884069298 +286 275 4 875807074 +286 277 4 875807003 +286 288 5 875806672 +286 289 5 875806672 +286 290 3 876522072 +286 298 4 875807004 +286 309 5 884583549 +286 325 1 889651253 +286 329 4 886475961 +286 341 5 884069544 +286 354 4 889651029 +286 357 4 877531537 +286 379 5 877533771 +286 393 4 877534481 +286 404 5 889651799 +286 405 3 876522150 +286 419 5 889651990 +286 421 1 889651848 +286 423 4 877532385 +286 425 2 877532013 +286 432 3 878141681 +286 465 5 889651698 +286 472 3 876522340 +286 477 3 876521773 +286 512 2 877533101 +286 546 1 876521835 +286 554 4 877535014 +286 559 4 877534081 +286 574 4 877534137 +286 577 2 877535500 +286 596 3 875806869 +286 628 4 875806800 +286 636 3 877533185 +286 640 5 877531830 +286 642 3 877531498 +286 655 3 889651746 +286 683 5 884583549 +286 689 5 884583549 +286 704 2 877531941 +286 709 4 877532748 +286 710 4 889651672 +286 721 3 877532329 +286 732 5 877531899 +286 738 5 877534903 +286 746 4 877533058 +286 766 3 877533724 +286 771 2 877535119 +286 778 5 877534025 +286 790 1 877535208 +286 792 3 877532230 +286 815 3 876521966 +286 824 1 876522200 +286 881 5 884583549 +286 949 4 877534859 +286 952 2 875807043 +286 993 2 875807043 +286 1014 5 879781125 +286 1035 3 877532094 +286 1039 5 877531730 +286 1047 1 876522026 +286 1091 4 877534859 +286 1113 3 877534107 +286 1118 1 889652989 +286 1140 3 877533586 +286 1182 2 877535288 +286 1194 4 877533640 +286 1202 3 876522185 +286 1230 1 877535157 +286 1265 5 884069544 +286 1286 5 877532683 +286 1316 5 884583549 +286 1411 2 877535425 +286 1503 3 877534107 +286 1504 4 877534903 +287 1 5 875334088 +287 11 5 875335124 +287 28 5 875335018 +287 39 5 875336652 +287 56 5 875334759 +287 92 4 875334896 +287 98 4 875334759 +287 111 3 875334126 +287 117 5 875334405 +287 156 5 875336804 +287 201 5 875334962 +287 208 4 875334896 +287 218 5 875335424 +287 240 2 875334454 +287 248 5 875333965 +287 249 5 875334430 +287 250 3 875334060 +287 252 1 875334361 +287 257 4 875334224 +287 268 4 888177170 +287 276 4 875334126 +287 291 5 888177402 +287 294 5 875333873 +287 298 4 875333965 +287 301 3 875333873 +287 327 5 875333916 +287 340 5 888177097 +287 346 5 888177040 +287 347 4 888177040 +287 461 5 875336652 +287 591 5 875334293 +287 748 4 875333873 +287 926 4 875334340 +287 1016 5 875334430 +288 12 4 886374130 +288 13 5 886892241 +288 15 4 886892177 +288 50 4 886374520 +288 64 5 886374365 +288 69 5 886373426 +288 97 4 886629750 +288 127 5 886374451 +288 132 3 886374129 +288 157 4 886373619 +288 177 3 886629528 +288 178 5 886374342 +288 182 4 886374497 +288 196 5 886373474 +288 200 4 886373534 +288 202 5 889225535 +288 230 2 886629664 +288 237 4 886892195 +288 272 5 889225463 +288 276 4 886892127 +288 300 5 886372155 +288 305 4 886372527 +288 317 4 886374497 +288 318 4 886374316 +288 340 5 886372155 +288 357 5 886373591 +288 527 3 886373565 +288 593 2 886892127 +288 742 3 886893063 +288 887 5 886372155 +288 900 5 886372155 +288 1039 2 886373565 +289 1 3 876789736 +289 7 4 876789628 +289 24 4 876790292 +289 147 3 876789581 +289 282 3 876789180 +289 405 2 876790576 +289 410 2 876790361 +289 471 4 876789373 +289 473 1 876790576 +289 685 4 876789373 +289 815 3 876789581 +289 849 4 876789943 +289 926 3 876790611 +289 1016 5 876789843 +290 21 3 880475695 +290 22 5 880473942 +290 43 3 880475783 +290 50 5 880473582 +290 54 3 880475218 +290 71 5 880473667 +290 82 4 880473918 +290 88 4 880731963 +290 91 2 880474451 +290 98 4 880474235 +290 105 2 880732753 +290 118 4 880731896 +290 132 3 880473993 +290 133 3 880473735 +290 143 5 880474293 +290 144 3 880473802 +290 153 3 880475310 +290 158 5 880474977 +290 161 4 880474293 +290 162 3 880474107 +290 164 4 880474010 +290 172 5 880474141 +290 193 4 880473802 +290 196 4 880474293 +290 202 4 880474590 +290 204 4 880473696 +290 205 3 880473777 +290 208 3 880475245 +290 210 5 880474716 +290 216 4 880475218 +290 218 2 880475542 +290 222 4 880731778 +290 227 2 880473557 +290 239 2 880474451 +290 243 3 880473474 +290 274 4 880731874 +290 380 3 880731766 +290 393 3 880475169 +290 404 3 880475341 +290 418 3 880474293 +290 423 5 880474422 +290 429 4 880474606 +290 432 5 880474590 +290 436 2 880475469 +290 449 1 880473557 +290 450 2 880473557 +290 473 1 880475420 +290 474 3 880474204 +290 476 3 880475837 +290 498 4 880473777 +290 515 3 880473918 +290 520 3 880473734 +290 523 3 880473735 +290 546 2 880475564 +290 550 3 880475807 +290 568 3 880474716 +290 588 4 880474652 +290 622 3 880474204 +290 625 4 880475782 +290 685 3 880732365 +290 699 3 880473735 +290 739 3 880475757 +290 742 2 880475310 +290 755 4 880475218 +290 818 3 880732656 +290 826 2 880732271 +290 832 3 880732491 +290 1013 2 880732131 +290 1028 3 880732365 +290 1091 2 880475735 +290 1336 3 880733010 +291 4 4 874835062 +291 7 5 874834481 +291 15 5 874833668 +291 17 4 874834850 +291 24 5 874834481 +291 28 4 875086920 +291 41 4 875086636 +291 46 4 874868045 +291 48 5 874868027 +291 49 4 875086090 +291 53 5 874834827 +291 54 4 874834963 +291 56 5 874834701 +291 66 4 875086185 +291 70 4 874868146 +291 72 4 875086090 +291 77 4 874834799 +291 80 4 875086354 +291 89 3 874835116 +291 92 4 874835091 +291 99 4 875086887 +291 101 4 875087198 +291 106 4 874805958 +291 118 2 874833878 +291 122 3 874834289 +291 143 3 875086921 +291 144 5 874835091 +291 147 4 874805768 +291 154 4 875086185 +291 155 3 875087371 +291 156 5 874834768 +291 159 4 875087488 +291 168 5 874871800 +291 174 5 874835062 +291 175 2 874867966 +291 179 5 874868255 +291 181 5 874805804 +291 188 3 874835198 +291 214 4 874868146 +291 218 4 874834799 +291 226 5 874834895 +291 237 4 874805668 +291 244 2 874805927 +291 250 4 874805927 +291 273 3 874833705 +291 284 4 874833687 +291 294 5 874834481 +291 324 1 874805453 +291 356 4 874834875 +291 365 3 874871570 +291 366 3 874868255 +291 375 1 874868791 +291 376 3 875086534 +291 379 3 874834827 +291 383 2 875086699 +291 384 4 875086562 +291 385 4 874835141 +291 395 3 875086534 +291 396 4 874867757 +291 401 4 875086766 +291 410 5 874834481 +291 418 4 875086920 +291 421 4 875087352 +291 428 5 874871766 +291 455 5 874805958 +291 460 5 874834254 +291 466 5 874834768 +291 470 3 874834768 +291 471 4 874833746 +291 496 5 875088191 +291 501 4 875087100 +291 540 3 874835141 +291 551 2 874867824 +291 552 3 874834963 +291 555 1 874868629 +291 558 4 874867757 +291 567 5 874867786 +291 571 2 875086608 +291 572 3 874834944 +291 574 1 875087656 +291 578 4 874835242 +291 588 4 875086920 +291 619 3 874805927 +291 627 4 875086991 +291 672 3 874867741 +291 686 5 874835165 +291 715 5 874868327 +291 729 4 874871442 +291 732 4 874868097 +291 741 5 874834481 +291 755 2 875086958 +291 769 1 875087673 +291 770 4 874834799 +291 790 4 875086699 +291 794 4 875087334 +291 816 3 874867852 +291 824 4 874833962 +291 834 3 874834358 +291 1016 4 874833827 +291 1017 4 874833911 +291 1028 3 875086561 +291 1042 4 874834944 +291 1046 4 874834875 +291 1078 4 875086920 +291 1083 3 874834876 +291 1098 4 875086330 +291 1109 4 874834768 +291 1139 3 874871671 +291 1157 3 874834944 +291 1178 4 875086354 +291 1188 4 874835165 +291 1206 3 874871551 +291 1210 4 875087656 +291 1213 3 874871655 +291 1215 1 874834184 +291 1219 4 875087221 +291 1239 2 874835279 +291 1244 4 874834345 +291 1253 3 874834944 +291 1273 2 875087634 +291 1376 3 874834323 +291 1471 3 874834914 +291 1505 4 874868647 +292 9 4 881104148 +292 10 5 881104606 +292 11 5 881104093 +292 28 4 881105734 +292 56 5 881105373 +292 79 5 881103434 +292 83 5 881104360 +292 86 4 881105778 +292 100 5 881103999 +292 111 4 881104606 +292 118 3 881104701 +292 124 4 881104147 +292 125 2 881104401 +292 127 5 881104268 +292 132 4 881105340 +292 135 4 881105701 +292 144 5 881105280 +292 151 5 881104268 +292 168 5 881105318 +292 173 5 881103631 +292 174 5 881105481 +292 176 5 881103478 +292 183 5 881103478 +292 190 5 881105625 +292 194 4 881105442 +292 195 5 881103568 +292 207 5 881105561 +292 222 3 881105195 +292 223 5 881105516 +292 226 4 881105281 +292 234 5 881105245 +292 252 3 881104881 +292 265 4 881105587 +292 276 5 881103915 +292 285 4 881103896 +292 288 3 877560833 +292 300 4 877628139 +292 320 5 881105373 +292 324 3 881104533 +292 328 3 877560833 +292 343 2 881103478 +292 405 3 881104820 +292 408 4 881104068 +292 423 5 881105625 +292 429 5 881105587 +292 475 5 881103896 +292 479 4 881105516 +292 484 5 881105625 +292 488 5 881105657 +292 510 4 881104093 +292 511 5 881105373 +292 515 4 881103977 +292 525 5 881105701 +292 535 3 881105031 +292 589 4 881105516 +292 628 3 881105123 +292 653 4 881105442 +292 654 5 881105481 +292 657 5 881103711 +292 659 5 881105340 +292 661 5 881105561 +292 705 4 881105374 +292 855 5 881105373 +292 919 5 881103508 +292 1010 4 881104581 +292 1014 3 881104424 +292 1039 4 881105778 +292 1050 4 881105778 +293 2 3 888907101 +293 5 3 888906576 +293 8 3 888905736 +293 12 4 888905665 +293 16 2 888907499 +293 22 3 888905819 +293 23 4 888905865 +293 27 3 888907753 +293 31 2 888906244 +293 33 2 888907433 +293 36 1 888908041 +293 39 3 888906804 +293 53 3 888907891 +293 54 3 888907210 +293 55 4 888906096 +293 56 4 888905550 +293 64 5 888905519 +293 68 3 888906990 +293 69 3 888906576 +293 71 4 888906905 +293 76 3 888906824 +293 79 3 888906045 +293 82 4 888906402 +293 87 4 888907015 +293 91 2 888907499 +293 92 4 888906071 +293 99 3 888906402 +293 124 4 888904696 +293 125 2 888905086 +293 132 4 888905481 +293 134 5 888905618 +293 135 5 888905550 +293 137 3 888904653 +293 139 3 888908088 +293 144 4 888905819 +293 147 2 888905229 +293 148 1 888907015 +293 151 4 888904927 +293 153 4 888905948 +293 155 2 888907356 +293 156 4 888905948 +293 157 5 888905779 +293 158 2 888907603 +293 164 4 888906598 +293 166 3 888905520 +293 167 3 888907702 +293 172 5 888905618 +293 181 3 888904734 +293 183 4 888906119 +293 188 3 888906288 +293 194 4 888906045 +293 195 3 888906119 +293 202 3 888906490 +293 206 4 888907552 +293 208 3 888906071 +293 209 3 888905519 +293 210 3 888905665 +293 215 4 888906244 +293 216 4 888905990 +293 226 1 888906906 +293 227 2 888906990 +293 228 3 888906315 +293 239 3 888907166 +293 249 3 888905229 +293 251 4 888904734 +293 255 3 888905146 +293 257 2 888904696 +293 264 3 888904392 +293 280 2 888905198 +293 282 2 888905170 +293 288 3 888904327 +293 293 4 888904795 +293 298 4 888904795 +293 300 2 888904004 +293 322 2 888904456 +293 325 2 888904353 +293 328 2 888904285 +293 346 3 888904004 +293 347 2 888904353 +293 366 2 888907981 +293 380 2 888907527 +293 386 2 888908065 +293 401 1 888907453 +293 405 1 888905198 +293 412 1 888905377 +293 414 4 888906576 +293 419 3 888906699 +293 421 3 888906576 +293 423 3 888906070 +293 425 4 888905923 +293 426 1 888907291 +293 430 3 888905716 +293 435 4 888906464 +293 443 4 888906781 +293 445 4 888906315 +293 447 4 888907290 +293 461 2 888905519 +293 464 3 888906927 +293 466 3 888906655 +293 467 4 888906263 +293 471 3 888904884 +293 474 5 888905685 +293 479 4 888905923 +293 480 5 888905685 +293 484 5 888906217 +293 485 3 888905948 +293 496 5 888905840 +293 504 4 888905736 +293 514 4 888906378 +293 521 3 888906288 +293 553 3 888907453 +293 554 1 888907794 +293 559 2 888906168 +293 566 3 888907312 +293 572 2 888907931 +293 583 3 888908001 +293 603 5 888905898 +293 605 3 888907702 +293 616 3 888907753 +293 619 1 888905229 +293 627 2 888906338 +293 629 3 888907753 +293 632 3 888906464 +293 637 3 888907186 +293 642 3 888906804 +293 646 3 888906244 +293 647 5 888905760 +293 649 4 888906726 +293 653 5 888906119 +293 654 5 888905760 +293 655 3 888905618 +293 657 4 888905582 +293 665 2 888908117 +293 679 2 888906699 +293 685 3 888905170 +293 705 5 888906338 +293 708 3 888907527 +293 710 3 888907145 +293 720 1 888907674 +293 724 3 888907061 +293 729 2 888907145 +293 739 2 888906804 +293 747 2 888905819 +293 748 2 888904327 +293 751 3 888904180 +293 761 2 888907981 +293 770 3 888906655 +293 779 1 888908066 +293 781 2 888907644 +293 804 1 888907816 +293 843 3 888907836 +293 845 2 888904838 +293 849 2 888907891 +293 866 3 888905322 +293 871 1 888908066 +293 924 2 888904814 +293 931 1 888905252 +293 943 2 888906576 +293 977 2 888908088 +293 1011 3 888905146 +293 1017 3 888904862 +293 1042 3 888907575 +293 1046 1 888907061 +293 1057 2 888905229 +293 1098 2 888905519 +293 1101 3 888906677 +293 1132 3 888905416 +293 1147 4 888907081 +293 1161 2 888905062 +293 1217 1 888907913 +293 1220 2 888907552 +293 1226 3 888905198 +293 1267 3 888906966 +294 7 4 877819563 +294 10 3 877819490 +294 24 4 877819761 +294 79 4 889854323 +294 105 3 889242660 +294 109 4 877819599 +294 118 3 877819941 +294 120 2 889242937 +294 125 3 877820272 +294 127 5 877819265 +294 147 4 877819845 +294 222 4 877819353 +294 245 3 877818982 +294 246 4 889241864 +294 248 5 877819421 +294 250 5 877819459 +294 260 4 877819126 +294 264 2 877819090 +294 271 5 889241426 +294 282 3 877821796 +294 288 5 877818729 +294 299 3 877818982 +294 300 4 877818861 +294 322 1 889243393 +294 325 3 877818861 +294 327 3 877818982 +294 343 4 889241511 +294 346 3 889241377 +294 350 4 889241426 +294 355 4 889241426 +294 358 2 877818861 +294 406 2 877819941 +294 411 3 889242589 +294 471 4 877820189 +294 475 5 877819310 +294 483 4 889854323 +294 508 4 877819532 +294 539 4 889241707 +294 544 4 877819673 +294 547 3 877819972 +294 603 5 889854323 +294 676 3 877821514 +294 678 2 877818861 +294 689 3 889241579 +294 742 4 877819634 +294 748 3 877818861 +294 749 3 877818915 +294 751 4 889241309 +294 823 3 877820190 +294 825 3 877820272 +294 826 1 889243393 +294 876 3 889241633 +294 895 4 889241309 +294 902 4 891404417 +294 926 3 877819713 +294 930 3 889242704 +294 931 3 889242857 +294 979 3 877819897 +294 1007 4 877819761 +294 1013 2 889242788 +294 1016 4 877820189 +294 1067 4 877819421 +294 1132 4 889242788 +294 1161 3 877819673 +294 1199 2 889242142 +294 1245 3 877819265 +295 4 4 879518568 +295 7 5 879518018 +295 25 5 879518042 +295 39 4 879518279 +295 42 3 879517467 +295 47 5 879518166 +295 53 1 879519528 +295 67 4 879519042 +295 68 4 879518960 +295 72 4 879518714 +295 73 4 879519009 +295 82 4 879518126 +295 86 5 879966498 +295 88 4 879517964 +295 94 4 879518339 +295 98 5 879517193 +295 99 4 879517741 +295 102 4 879518339 +295 115 5 879517135 +295 133 4 879517432 +295 142 4 879518590 +295 151 4 879517635 +295 153 5 879517324 +295 154 5 879517801 +295 157 5 879966498 +295 159 4 879518107 +295 162 4 879517157 +295 164 5 879518395 +295 172 4 879516986 +295 173 5 879518257 +295 174 4 879517062 +295 183 1 879517348 +295 190 4 879517062 +295 191 5 879517033 +295 194 4 879517412 +295 210 4 879518378 +295 215 5 879517247 +295 218 5 879966498 +295 226 4 879518166 +295 235 4 879517943 +295 241 5 879518800 +295 290 4 879518630 +295 318 5 879517010 +295 371 4 879518257 +295 378 4 879518233 +295 380 4 879518455 +295 389 4 879518298 +295 395 4 879519501 +295 401 3 879519390 +295 404 4 879518378 +295 405 5 879518319 +295 412 2 879519237 +295 414 4 879517157 +295 419 4 879518107 +295 423 4 879517372 +295 435 5 879519556 +295 450 4 879519438 +295 483 5 879517348 +295 485 4 879517558 +295 493 5 879516961 +295 496 5 879517682 +295 498 5 879519556 +295 504 4 879517299 +295 570 3 879518590 +295 588 4 879517682 +295 602 5 879517247 +295 624 5 879518654 +295 642 4 879517943 +295 648 4 879517324 +295 655 5 879517010 +295 704 5 879519266 +295 722 4 879518881 +295 727 5 879517682 +295 736 5 879966498 +295 737 5 879518607 +295 739 4 879518319 +295 747 4 879518590 +295 812 4 879518739 +295 843 4 879517994 +295 946 2 879517994 +295 961 5 879519556 +295 966 5 879518060 +295 997 3 879518821 +295 1028 5 879519556 +295 1039 4 879517742 +295 1040 2 879519180 +295 1115 5 879518568 +295 1133 4 879519528 +295 1135 4 879518696 +295 1170 5 879966498 +295 1188 3 879519354 +295 1221 5 879518455 +295 1401 5 879966498 +295 1446 4 879519026 +295 1459 5 879519237 +295 1503 2 879517082 +296 10 2 884196605 +296 14 4 884196665 +296 15 3 884196712 +296 20 5 884196921 +296 22 4 884197068 +296 24 2 884196605 +296 32 4 884197131 +296 45 5 884197419 +296 48 5 884197091 +296 56 5 884197287 +296 83 5 884199624 +296 89 5 884197352 +296 96 5 884197287 +296 98 5 884197091 +296 117 3 884196741 +296 121 5 884196689 +296 124 5 884196555 +296 134 5 884197264 +296 151 2 884196964 +296 172 5 884197193 +296 179 4 884197419 +296 204 5 884199625 +296 210 3 884197308 +296 222 5 884196640 +296 228 4 884197264 +296 238 4 884199624 +296 240 1 884196765 +296 242 4 884196057 +296 248 5 884196765 +296 255 2 884196584 +296 258 5 884196469 +296 268 4 884196238 +296 269 5 884196258 +296 272 5 884198772 +296 274 4 884196741 +296 275 4 884196555 +296 277 5 884198772 +296 279 4 884196640 +296 281 2 884196985 +296 284 4 884196805 +296 286 5 884196209 +296 292 5 884196057 +296 298 1 884196640 +296 309 1 884196209 +296 427 5 884198772 +296 429 5 884197330 +296 435 5 884197108 +296 455 1 884196921 +296 475 4 884196555 +296 482 5 884197330 +296 484 4 884197308 +296 485 5 884197235 +296 504 5 884197394 +296 508 5 884196584 +296 510 5 884197264 +296 544 4 884196938 +296 652 4 884197068 +296 654 5 884197419 +296 685 4 884196896 +296 705 5 884197193 +296 750 5 884196150 +296 815 3 884196806 +296 845 5 884196689 +296 846 2 884196985 +296 855 5 884197352 +296 923 5 884197193 +296 948 1 884196149 +296 950 4 884196741 +296 961 5 884197287 +296 963 5 884197352 +296 1009 3 884196921 +296 1073 5 884197330 +296 1142 5 884196524 +297 7 4 874954541 +297 12 5 875239619 +297 20 4 874954763 +297 22 4 875238984 +297 24 4 874954260 +297 25 4 874954497 +297 31 3 881708087 +297 47 2 875240090 +297 50 5 874954541 +297 56 5 875239422 +297 57 5 875239383 +297 70 5 875239619 +297 73 2 875239691 +297 79 3 875239125 +297 86 5 875238883 +297 89 4 875239125 +297 95 3 875238814 +297 97 5 875239871 +297 98 5 875238579 +297 102 1 875240267 +297 108 4 874955085 +297 116 4 874954260 +297 118 3 875239495 +297 128 4 875239346 +297 129 4 874954353 +297 133 4 875240090 +297 135 4 875238608 +297 137 5 874954425 +297 143 5 875239870 +297 157 2 875238853 +297 173 4 875240237 +297 175 4 875238883 +297 176 4 881708055 +297 182 3 875239125 +297 183 4 875238984 +297 194 3 875239453 +297 195 1 875240053 +297 197 3 875239691 +297 198 3 875238923 +297 201 4 875238984 +297 202 3 875238638 +297 204 3 875239422 +297 209 4 875239535 +297 216 4 875409423 +297 218 3 875409827 +297 222 4 874954845 +297 223 5 875238638 +297 231 3 875239913 +297 233 2 875239914 +297 234 3 875239018 +297 235 2 874954611 +297 238 5 875409525 +297 245 3 874954060 +297 250 1 874955085 +297 257 3 874954763 +297 267 3 875409139 +297 269 4 875774037 +297 272 5 884039431 +297 273 4 874954763 +297 275 5 874954260 +297 277 3 875048641 +297 282 3 874954845 +297 286 5 874953892 +297 293 3 874954844 +297 300 3 874953892 +297 301 4 876529834 +297 307 4 878771124 +297 326 2 874953892 +297 423 3 875240237 +297 432 4 875239658 +297 435 3 875238726 +297 443 2 875240133 +297 448 3 875240171 +297 471 3 874954611 +297 475 5 874954426 +297 480 4 875238923 +297 515 5 874954353 +297 574 1 875239092 +297 588 4 875238579 +297 596 3 874955107 +297 625 3 875240266 +297 628 4 874954497 +297 629 3 875410013 +297 652 3 875239346 +297 678 3 874954093 +297 687 2 875409099 +297 692 3 875239018 +297 699 4 875239658 +297 705 2 875238726 +297 716 3 875239422 +297 736 4 875239975 +297 742 3 875774155 +297 748 2 874954060 +297 864 3 874954541 +297 1007 4 874954763 +297 1014 3 874954845 +297 1016 3 874955131 +297 1217 1 875240132 +297 1296 4 875408935 +298 8 5 884182748 +298 28 4 884182725 +298 69 4 884125058 +298 71 5 884183016 +298 91 2 884182932 +298 98 4 884127720 +298 99 3 884127249 +298 144 4 884182838 +298 151 3 884183952 +298 152 3 884183336 +298 172 4 884124993 +298 178 5 884127369 +298 181 4 884125629 +298 185 3 884182774 +298 195 4 884183277 +298 197 4 884183236 +298 200 3 884183063 +298 202 3 884182867 +298 203 3 884182966 +298 213 3 884183130 +298 237 5 884126240 +298 252 4 884183833 +298 261 4 884126805 +298 274 3 884183640 +298 281 3 884183336 +298 286 4 884124929 +298 311 3 884126552 +298 317 4 884182806 +298 418 4 884183406 +298 432 4 884183307 +298 465 4 884182806 +298 473 3 884183952 +298 474 4 884182806 +298 477 4 884126202 +298 486 3 884183063 +298 496 5 884127603 +298 498 5 884182573 +298 502 5 884183406 +298 503 4 884183237 +298 507 4 884182657 +298 596 3 884126288 +298 625 4 884183406 +298 651 5 884183063 +298 652 3 884183099 +298 660 3 884182838 +298 842 4 884127249 +298 993 4 884125629 +298 1142 4 884183572 +298 1346 3 884126061 +299 13 4 877877965 +299 14 4 877877775 +299 17 1 889503374 +299 24 3 877877732 +299 26 4 878192601 +299 32 3 877881169 +299 50 4 877877775 +299 52 4 877880962 +299 56 4 877880350 +299 59 5 877880394 +299 67 2 889503740 +299 70 3 877881320 +299 71 3 878192238 +299 73 2 889503265 +299 86 4 889502050 +299 95 3 889501654 +299 100 3 877877600 +299 101 2 889501721 +299 111 3 877878184 +299 115 3 877880474 +299 127 5 877877434 +299 134 4 878192311 +299 135 4 878191889 +299 136 4 878192078 +299 137 4 877877535 +299 143 3 877880612 +299 144 4 877881320 +299 150 5 877877535 +299 151 4 877878227 +299 168 4 878192039 +299 170 5 889501190 +299 173 5 889501163 +299 174 4 877880961 +299 175 5 879123190 +299 176 4 880699166 +299 181 3 877877479 +299 182 3 878192039 +299 186 3 889503233 +299 198 4 889501288 +299 208 4 878191995 +299 210 4 889502980 +299 216 5 889502688 +299 222 2 877878148 +299 229 3 878192429 +299 235 1 877878184 +299 238 4 877880852 +299 240 2 877878414 +299 257 2 877877732 +299 270 4 878052375 +299 271 3 879737472 +299 276 4 877877691 +299 278 3 877879980 +299 285 5 877877847 +299 286 4 877618524 +299 294 2 877618584 +299 297 3 877877691 +299 303 3 877618584 +299 305 3 879737314 +299 318 4 877880649 +299 333 4 892249868 +299 343 3 881605700 +299 347 4 887135610 +299 367 4 878192497 +299 378 3 878192680 +299 387 2 889502756 +299 393 2 889503503 +299 418 4 889501790 +299 423 3 878192238 +299 433 5 889501365 +299 462 5 878192463 +299 475 4 877877600 +299 479 4 878192556 +299 482 4 877881508 +299 485 4 877881320 +299 496 3 878192154 +299 501 3 889501790 +299 509 4 877880566 +299 511 4 878192311 +299 516 4 889503159 +299 522 3 877880522 +299 543 5 889501890 +299 546 3 877879980 +299 553 3 889502865 +299 577 3 889503806 +299 582 2 889502159 +299 588 4 877880852 +299 602 3 878191995 +299 607 4 877881229 +299 615 4 878192555 +299 641 4 889501514 +299 645 4 877881276 +299 655 3 889502979 +299 662 4 878192429 +299 702 4 889502159 +299 710 4 877881508 +299 715 4 889503441 +299 724 3 889502687 +299 739 3 889502865 +299 742 4 877878339 +299 752 3 887136060 +299 778 4 889502688 +299 847 4 877877649 +299 889 3 884023918 +299 916 3 892249868 +299 919 3 889501551 +299 921 3 889502087 +299 936 4 889417423 +299 950 2 877878148 +299 954 3 889503503 +299 955 4 889502823 +299 959 2 889503159 +299 971 2 889502353 +299 998 2 889503774 +299 1018 3 889502324 +299 1020 4 878192237 +299 1021 3 878192721 +299 1039 4 878191779 +299 1047 2 877880041 +299 1073 4 879123070 +299 1074 3 889502786 +299 1119 4 889502727 +299 1132 1 877880196 +299 1141 4 877880522 +299 1214 2 889502528 +299 1227 1 878192556 +299 1322 3 877878001 +300 100 3 875650267 +300 243 4 875650068 +300 257 4 875650267 +300 261 3 875650018 +300 322 4 875650018 +300 328 3 875650068 +300 872 5 875650068 +300 948 4 875650018 +301 1 4 882074345 +301 2 2 882076587 +301 7 4 882074236 +301 8 4 882076494 +301 9 3 882074291 +301 11 4 882076291 +301 22 4 882075859 +301 25 3 882075110 +301 31 3 882076463 +301 33 4 882078228 +301 53 1 882078883 +301 54 3 882076587 +301 56 4 882076587 +301 58 4 882077285 +301 66 4 882077330 +301 67 2 882078621 +301 77 3 882076751 +301 79 5 882076403 +301 88 4 882077142 +301 89 2 882076046 +301 95 5 882076334 +301 96 5 882076239 +301 98 4 882075827 +301 99 4 882078419 +301 105 3 882075202 +301 120 2 882079423 +301 123 4 882074726 +301 138 2 882079446 +301 151 2 882074776 +301 152 3 882077285 +301 153 3 882075743 +301 154 4 882076425 +301 159 3 882076890 +301 160 2 882077284 +301 161 3 882076558 +301 164 3 882076966 +301 168 4 882075994 +301 172 5 882076403 +301 173 4 882076403 +301 174 5 882075827 +301 176 4 882075774 +301 179 3 882076494 +301 180 3 882076782 +301 182 5 882075774 +301 184 4 882077222 +301 187 4 882076403 +301 191 3 882075672 +301 194 4 882075827 +301 199 4 882076239 +301 201 4 882076619 +301 202 5 882076211 +301 204 5 882076264 +301 215 5 882077222 +301 216 4 882076782 +301 222 4 882074345 +301 227 3 882077222 +301 229 3 882078228 +301 230 4 882077033 +301 231 2 882078580 +301 239 2 882076682 +301 241 3 882077222 +301 252 3 882075148 +301 269 5 882075432 +301 273 1 882074800 +301 276 1 882074384 +301 281 4 882074903 +301 300 4 882075500 +301 333 4 882075454 +301 357 5 882075994 +301 380 4 882078459 +301 384 5 882079315 +301 385 3 882077055 +301 395 1 882079384 +301 401 4 882078040 +301 407 2 882075202 +301 410 4 882074460 +301 411 1 882074867 +301 419 3 882076072 +301 423 1 882076239 +301 427 4 882075775 +301 443 4 882078008 +301 456 3 882074838 +301 470 4 882078199 +301 483 4 882076403 +301 496 5 882075743 +301 511 4 882075803 +301 514 3 882076021 +301 515 3 882074561 +301 519 4 882076682 +301 523 4 882076146 +301 552 3 882078267 +301 554 3 882078830 +301 566 3 882076463 +301 582 2 882077811 +301 597 3 882075202 +301 604 4 882075994 +301 606 3 882076890 +301 610 3 882077176 +301 631 1 882078882 +301 651 5 882075994 +301 660 4 882076782 +301 673 4 882076751 +301 684 3 882077330 +301 686 4 882078008 +301 692 3 882076619 +301 710 3 882078008 +301 719 4 882079542 +301 732 4 882077351 +301 737 2 882078906 +301 743 2 882075356 +301 756 4 882074932 +301 771 2 882079256 +301 772 3 882078250 +301 790 4 882078621 +301 831 4 882075338 +301 849 4 882078883 +301 864 4 882075110 +301 871 4 882075148 +301 1012 4 882074613 +301 1028 5 882074801 +301 1035 4 882078809 +301 1091 3 882079353 +301 1112 4 882079294 +301 1228 4 882079423 +302 245 2 879436911 +302 258 3 879436739 +302 270 2 879436785 +302 299 2 879436932 +302 303 2 879436785 +302 307 4 879436739 +302 309 2 879436820 +302 322 2 879436875 +302 323 2 879436875 +302 328 3 879436844 +302 879 2 879436960 +303 9 5 879466830 +303 15 3 879467607 +303 24 3 879468047 +303 26 4 879468307 +303 31 3 879467361 +303 38 1 879484981 +303 42 5 879467223 +303 43 3 879485507 +303 44 4 879484480 +303 49 2 879483901 +303 55 4 879467328 +303 62 2 879484159 +303 65 4 879467436 +303 67 5 879485401 +303 68 4 879467361 +303 69 5 879467542 +303 79 5 879466891 +303 80 4 879484563 +303 87 3 879466421 +303 91 5 879483480 +303 94 3 879485318 +303 96 5 879466830 +303 99 4 879467514 +303 118 2 879485623 +303 120 2 879544099 +303 122 4 879485066 +303 125 2 879467638 +303 129 5 879468547 +303 134 5 879467959 +303 139 3 879543209 +303 141 3 879483900 +303 145 1 879543573 +303 152 4 879468274 +303 153 5 879466421 +303 158 3 879543959 +303 159 3 879484695 +303 160 4 879468375 +303 161 5 879468547 +303 164 4 879466830 +303 167 3 879468307 +303 172 5 879467413 +303 176 5 879467260 +303 179 5 879466491 +303 181 5 879468082 +303 182 5 879467105 +303 183 5 879466866 +303 184 5 879467436 +303 185 5 879467465 +303 186 4 879467105 +303 194 5 879466742 +303 200 4 879468459 +303 201 5 879467573 +303 202 5 879468149 +303 203 5 879467669 +303 208 5 879467706 +303 209 5 879467328 +303 210 4 879466717 +303 218 4 879484695 +303 219 5 879484480 +303 226 4 879467295 +303 229 3 879468581 +303 231 4 879485292 +303 232 4 879467191 +303 233 4 879484981 +303 234 5 879467260 +303 235 4 879484563 +303 237 5 879468307 +303 245 3 879466249 +303 248 2 879544680 +303 249 4 879544739 +303 252 3 879544791 +303 257 4 879544558 +303 260 3 879466291 +303 262 5 879466065 +303 268 5 879466166 +303 273 3 879468274 +303 276 4 879467895 +303 277 3 879468547 +303 286 5 879465986 +303 288 4 879466018 +303 291 3 879484804 +303 294 4 879466116 +303 300 1 879466166 +303 302 4 879465986 +303 318 5 879466523 +303 323 1 879466214 +303 325 1 879466249 +303 326 2 879466116 +303 327 1 879466166 +303 330 3 879552065 +303 358 2 879466291 +303 364 2 879544153 +303 366 3 879485221 +303 367 4 879468082 +303 369 1 879544130 +303 373 2 879544276 +303 376 2 879543617 +303 384 3 879485165 +303 391 1 879485747 +303 393 4 879484981 +303 396 4 879484846 +303 397 1 879543831 +303 398 1 879485372 +303 404 4 879468375 +303 408 4 879467035 +303 410 4 879484846 +303 411 4 879483802 +303 416 3 879468179 +303 418 4 879483510 +303 421 4 879466966 +303 426 3 879542535 +303 430 4 879467260 +303 433 4 879467985 +303 435 5 879466491 +303 436 4 879484644 +303 449 4 879485685 +303 450 3 879544386 +303 451 5 879468581 +303 452 2 879544276 +303 460 4 879543600 +303 462 3 879468082 +303 473 4 879485111 +303 476 3 879485352 +303 480 4 879466523 +303 483 5 879466795 +303 506 4 879467328 +303 507 5 879466604 +303 531 4 879466457 +303 541 3 879543988 +303 545 2 879544400 +303 549 3 879484846 +303 551 2 879544021 +303 558 4 879467105 +303 568 4 879468414 +303 574 1 879544184 +303 576 3 879485417 +303 578 2 879484846 +303 582 4 879483462 +303 591 4 879468082 +303 651 5 879468021 +303 654 5 879467328 +303 685 1 879485089 +303 693 4 879466771 +303 697 3 879484948 +303 700 3 879485718 +303 705 5 879467105 +303 716 2 879467639 +303 722 2 879485372 +303 729 3 879483568 +303 735 4 879483567 +303 738 2 879544276 +303 739 5 879468547 +303 742 4 879484899 +303 748 2 879466214 +303 755 2 879485016 +303 759 1 879544385 +303 763 4 879485319 +303 765 3 879485608 +303 778 4 879467815 +303 779 1 879543418 +303 785 3 879485318 +303 792 5 879484644 +303 809 2 879543524 +303 815 3 879485532 +303 820 3 879544184 +303 825 3 879485016 +303 840 2 879543988 +303 842 2 879484804 +303 844 3 879468179 +303 849 3 879485589 +303 867 3 879484373 +303 919 4 879467295 +303 926 2 879485814 +303 940 2 879485659 +303 948 2 879466249 +303 998 3 879544435 +303 1007 5 879544576 +303 1011 2 879484282 +303 1012 4 879544712 +303 1014 3 879544588 +303 1016 3 879544727 +303 1021 4 879484643 +303 1037 3 879544340 +303 1047 2 879485277 +303 1048 4 879484871 +303 1071 2 879485352 +303 1088 2 879544946 +303 1090 1 879485686 +303 1095 2 879543988 +303 1098 4 879467959 +303 1109 4 879467936 +303 1118 3 879484004 +303 1160 2 879544629 +303 1178 2 879544130 +303 1187 4 879467895 +303 1188 4 879485204 +303 1199 3 879468123 +303 1210 1 879543773 +303 1222 3 879468513 +303 1224 2 879485475 +303 1226 4 879544713 +303 1239 1 879544020 +303 1258 2 879544756 +303 1267 3 879484327 +303 1286 4 879467413 +303 1303 3 879543831 +303 1315 3 879544791 +303 1508 1 879544130 +304 237 5 884968415 +304 259 1 884967253 +304 271 4 884968415 +304 275 4 884968264 +304 288 3 884966696 +304 298 5 884968415 +304 310 3 884966697 +304 322 4 884968415 +304 343 3 884967896 +304 681 2 884967167 +304 682 3 884967520 +304 742 3 884968078 +304 893 3 884967520 +305 7 4 886323937 +305 11 1 886323237 +305 14 4 886322893 +305 15 1 886322796 +305 50 5 886321799 +305 52 2 886323506 +305 56 1 886323068 +305 61 4 886323378 +305 71 3 886323684 +305 76 1 886323506 +305 79 3 886324276 +305 81 3 886323335 +305 83 3 886323464 +305 87 1 886323153 +305 98 4 886322560 +305 100 3 886323648 +305 117 2 886324028 +305 129 3 886323006 +305 131 3 886323440 +305 134 5 886322560 +305 151 4 886324433 +305 154 4 886322670 +305 156 4 886323068 +305 169 5 886322893 +305 174 3 886322635 +305 175 4 886322893 +305 178 4 886322966 +305 183 4 886324028 +305 186 4 886323902 +305 187 4 886323189 +305 188 2 886323757 +305 189 5 886323303 +305 190 3 886322966 +305 192 2 886323275 +305 201 3 886323998 +305 203 4 886323839 +305 204 2 886323998 +305 207 5 886323839 +305 209 5 886322966 +305 210 3 886323006 +305 212 3 886324058 +305 214 2 886323068 +305 216 5 886323563 +305 237 2 886322796 +305 238 3 886323617 +305 239 3 886323153 +305 245 1 886308147 +305 246 3 886322122 +305 249 3 886322174 +305 257 2 886322122 +305 258 4 886308064 +305 268 3 886307860 +305 272 3 886307917 +305 289 4 886308064 +305 298 4 886322150 +305 302 4 886307860 +305 305 3 886307860 +305 338 3 886308252 +305 347 3 886308111 +305 357 5 886323189 +305 385 1 886324792 +305 403 2 886324792 +305 405 3 886324580 +305 423 4 886322670 +305 425 4 886324486 +305 427 5 886323090 +305 451 3 886324817 +305 471 4 886323648 +305 482 2 886323006 +305 483 5 886323068 +305 511 4 886322560 +305 512 4 886323525 +305 527 5 886323189 +305 529 5 886324097 +305 530 5 886323237 +305 550 3 886325023 +305 557 4 886324521 +305 602 3 886324058 +305 610 3 886324128 +305 638 5 886324128 +305 654 4 886323937 +305 655 4 886323937 +305 660 4 886324734 +305 679 3 886324792 +305 733 3 886324661 +305 778 4 886325023 +305 806 3 886322720 +305 856 5 886323839 +305 921 5 886324410 +305 923 5 886323237 +305 943 2 886323464 +305 947 4 886322838 +305 960 1 886324362 +305 1101 4 886323563 +305 1104 4 886323779 +305 1411 3 886324865 +305 1456 4 886324962 +306 13 4 876504442 +306 14 5 876503995 +306 25 3 876504354 +306 100 4 876504286 +306 116 5 876504026 +306 150 5 876504286 +306 235 4 876504354 +306 242 5 876503793 +306 269 5 876503792 +306 275 4 876503894 +306 287 4 876504442 +306 306 5 876503792 +306 319 4 876503793 +306 476 3 876504679 +306 744 4 876504054 +306 864 3 876504286 +306 1009 4 876503995 +307 21 4 876433101 +307 22 3 879205470 +307 24 4 876176161 +307 71 5 879283169 +307 81 5 879283091 +307 82 4 875645340 +307 89 5 879283786 +307 91 4 879283514 +307 94 3 877122695 +307 100 3 879206424 +307 101 3 888095824 +307 114 5 879283169 +307 143 3 879283203 +307 145 4 879283672 +307 153 5 875681145 +307 154 5 879282952 +307 169 5 879283625 +307 173 5 879283786 +307 174 4 879283480 +307 175 4 877117651 +307 183 3 877121921 +307 186 5 879283625 +307 189 4 877121617 +307 193 3 879205470 +307 195 3 879205470 +307 197 4 877122115 +307 214 5 879283091 +307 229 5 879538921 +307 239 3 877122138 +307 258 5 879283786 +307 265 3 877122816 +307 313 5 888095725 +307 393 3 877123041 +307 402 2 879283362 +307 403 3 877122035 +307 408 5 875645579 +307 423 5 879283587 +307 427 3 877121988 +307 428 4 877118113 +307 431 4 877123333 +307 449 4 879538922 +307 450 2 879538922 +307 462 4 879284095 +307 463 5 879283786 +307 474 5 879283787 +307 509 3 877121019 +307 511 5 879282952 +307 515 4 875680871 +307 527 5 878066938 +307 634 3 879283385 +307 655 4 877117166 +307 687 1 879114143 +307 746 4 875681078 +307 949 4 877123315 +307 1022 4 879283008 +307 1110 4 877122208 +307 1140 2 879114143 +307 1411 4 877124058 +308 1 4 887736532 +308 4 5 887737890 +308 5 4 887739608 +308 12 5 887737243 +308 25 4 887740649 +308 28 3 887737036 +308 44 4 887740451 +308 45 4 887736843 +308 54 2 887740254 +308 55 3 887738760 +308 58 3 887736459 +308 59 4 887737647 +308 60 3 887737760 +308 64 4 887737383 +308 70 4 887737244 +308 72 4 887740451 +308 74 4 887740184 +308 79 4 887737593 +308 81 5 887737293 +308 85 4 887741245 +308 87 4 887737760 +308 89 5 887738057 +308 91 4 887737536 +308 95 4 887737130 +308 98 3 887737334 +308 100 5 887736797 +308 107 4 887741150 +308 109 3 887738894 +308 116 4 887737594 +308 124 4 887737647 +308 127 4 887737243 +308 129 5 887736925 +308 133 3 887738225 +308 144 3 887737956 +308 147 3 887739831 +308 154 4 887738152 +308 160 4 887738717 +308 161 3 887740788 +308 163 4 887737084 +308 164 4 887738664 +308 165 3 887736696 +308 166 3 887737837 +308 168 4 887737593 +308 170 3 887737130 +308 174 4 887736696 +308 175 5 887736999 +308 177 5 887738570 +308 178 4 887737719 +308 181 4 887739095 +308 183 4 887736695 +308 184 4 887738847 +308 187 5 887738760 +308 191 4 887736797 +308 192 5 887736696 +308 193 3 887737837 +308 197 3 887736743 +308 199 4 887737760 +308 204 4 887737891 +308 205 3 887738191 +308 215 3 887737483 +308 219 3 887738717 +308 226 3 887740833 +308 233 3 887738346 +308 234 3 887737084 +308 238 5 887736843 +308 264 2 887736408 +308 265 3 887737647 +308 283 3 887737194 +308 284 4 887741554 +308 291 3 887739472 +308 295 3 887741461 +308 298 5 887741383 +308 309 1 887736408 +308 313 3 887736408 +308 319 4 887736408 +308 322 2 887736408 +308 378 3 887740700 +308 385 4 887740099 +308 393 4 887740367 +308 402 4 887740700 +308 417 3 887740254 +308 425 4 887737997 +308 427 4 887736584 +308 433 5 887738301 +308 435 4 887737484 +308 436 4 887739257 +308 443 3 887740500 +308 447 4 887739056 +308 452 2 887741329 +308 455 4 887738226 +308 461 4 887737535 +308 463 4 887738057 +308 466 5 887738387 +308 467 4 887737194 +308 475 4 887737193 +308 477 4 887739257 +308 481 4 887737997 +308 483 3 887736843 +308 484 3 887736998 +308 486 4 887737432 +308 487 4 887736798 +308 488 4 887736696 +308 490 4 887738104 +308 492 3 887737535 +308 493 3 887737293 +308 498 5 887736584 +308 502 5 887739521 +308 505 3 887737647 +308 509 4 887738717 +308 511 5 887737130 +308 514 4 887738619 +308 515 3 887737536 +308 516 4 887736743 +308 520 4 887738508 +308 521 3 887736798 +308 526 3 887739426 +308 528 3 887737036 +308 559 4 887740367 +308 569 3 887740410 +308 578 2 887738847 +308 579 3 887740700 +308 581 4 887740500 +308 582 3 887736843 +308 584 4 887738717 +308 589 4 887737760 +308 607 3 887737084 +308 609 4 887739757 +308 610 4 887738847 +308 611 4 887738971 +308 616 2 887739800 +308 618 4 887737955 +308 628 3 887738104 +308 632 3 887738057 +308 633 4 887739257 +308 634 4 887737334 +308 640 4 887737036 +308 649 4 887739292 +308 656 3 887736622 +308 660 3 887740410 +308 664 5 887736999 +308 673 4 887737243 +308 675 4 887740367 +308 686 4 887739831 +308 692 3 887738469 +308 693 3 887738104 +308 705 5 887737837 +308 729 3 887740254 +308 736 3 887738760 +308 741 4 887739863 +308 742 4 887739172 +308 746 4 887739056 +308 747 3 887740033 +308 755 3 887740033 +308 802 3 887738717 +308 805 4 887739471 +308 806 4 887737594 +308 811 4 887739212 +308 822 4 887739472 +308 826 3 887739427 +308 843 3 887739095 +308 848 4 887736925 +308 863 3 887736881 +308 921 4 887738268 +308 959 3 887739335 +308 965 4 887738387 +308 966 3 887740500 +308 968 4 887739987 +308 1006 4 887739608 +308 1019 4 887738570 +308 1021 4 887736459 +308 1028 2 887738972 +308 1046 4 887740649 +308 1047 3 887742130 +308 1073 3 887736798 +308 1197 4 887739521 +308 1211 3 887739669 +308 1286 3 887738151 +308 1404 4 887739257 +308 1421 4 887739212 +309 242 4 877370319 +309 300 3 877370288 +309 303 2 877370319 +309 306 2 877370356 +309 324 3 877370419 +309 326 5 877370383 +309 333 3 877370419 +309 938 4 877370383 +309 1393 2 877370383 +310 14 5 879436268 +310 24 4 879436242 +310 116 5 879436104 +310 181 4 879436104 +310 222 3 879436062 +310 251 5 879436035 +310 257 5 879436576 +310 258 3 879435606 +310 274 3 879436534 +310 275 5 879436137 +310 304 5 879435664 +310 536 4 879436137 +310 740 4 879436292 +310 748 3 879435729 +310 832 1 879436035 +310 845 5 879436534 +310 1022 5 879435764 +311 1 4 884963202 +311 5 3 884365853 +311 9 4 884963365 +311 15 5 884963136 +311 22 4 884364538 +311 28 5 884365140 +311 38 3 884365954 +311 41 3 884366439 +311 43 4 884366227 +311 44 3 884365168 +311 50 5 884365075 +311 58 3 884364570 +311 62 3 884365929 +311 68 1 884365824 +311 70 4 884364999 +311 71 4 884364845 +311 73 4 884366187 +311 82 5 884364436 +311 83 5 884364812 +311 86 5 884365252 +311 89 5 884364845 +311 94 3 884366187 +311 98 5 884364502 +311 99 5 884365075 +311 117 4 884366852 +311 118 3 884963203 +311 125 4 884963179 +311 132 4 884365548 +311 134 5 884364502 +311 136 5 884365357 +311 141 4 884366187 +311 143 3 884364812 +311 161 4 884365579 +311 168 4 884365406 +311 172 5 884364763 +311 174 5 884364538 +311 178 5 884364437 +311 179 2 884365357 +311 180 4 884364764 +311 181 4 884364724 +311 183 5 884365519 +311 187 4 884364764 +311 188 4 884364437 +311 193 5 884365075 +311 195 4 884364538 +311 199 4 884365485 +311 200 4 884365718 +311 203 5 884365201 +311 204 5 884365617 +311 205 5 884365357 +311 208 4 884365104 +311 211 3 884364538 +311 212 3 884366397 +311 213 4 884365075 +311 226 4 884366397 +311 229 5 884365890 +311 232 3 884364812 +311 233 4 884365889 +311 234 4 884364873 +311 239 3 884365284 +311 258 4 884363706 +311 265 5 884364812 +311 275 4 884963136 +311 310 4 884363865 +311 315 5 884364108 +311 318 5 884364569 +311 322 4 884364047 +311 326 2 884364047 +311 329 4 884363904 +311 348 4 884364108 +311 365 4 884365580 +311 366 5 884366010 +311 367 3 884365780 +311 378 5 884366363 +311 385 5 884365284 +311 386 3 884365747 +311 387 4 884365654 +311 402 4 884366187 +311 403 4 884365889 +311 418 4 884365202 +311 419 3 884364931 +311 420 1 884366334 +311 425 2 884365140 +311 431 4 884365201 +311 432 4 884365485 +311 433 3 884364931 +311 451 3 884366397 +311 469 5 884366227 +311 470 3 884365140 +311 471 4 884963254 +311 480 4 884364593 +311 482 4 884365104 +311 484 4 884366590 +311 485 1 884364538 +311 491 4 884365168 +311 493 4 884364465 +311 495 4 884366066 +311 505 4 884365451 +311 510 4 884366545 +311 515 4 884365485 +311 518 3 884365451 +311 523 5 884364694 +311 526 5 884364873 +311 527 4 884365780 +311 528 4 884364724 +311 553 3 884365451 +311 559 2 884366187 +311 566 4 884366112 +311 568 5 884365325 +311 576 3 884366269 +311 588 4 884365284 +311 592 5 884364845 +311 604 3 884364570 +311 627 4 884366067 +311 642 4 884365823 +311 654 3 884365075 +311 661 3 884365075 +311 662 4 884365018 +311 671 3 884365954 +311 679 4 884365580 +311 692 4 884364652 +311 708 5 884366397 +311 715 2 884365746 +311 716 4 884365718 +311 720 3 884366307 +311 723 4 884366187 +311 748 4 884364071 +311 751 3 884363758 +311 761 3 884366067 +311 775 3 884365579 +311 778 4 884365251 +311 785 3 884366010 +311 845 4 884366824 +311 849 3 884365781 +311 921 4 884364695 +311 941 4 884365929 +311 946 4 884366270 +311 951 3 884365548 +311 965 3 884365686 +311 1035 4 884365954 +311 1046 3 884366307 +311 1093 5 884963180 +311 1116 3 884364623 +311 1222 3 884366010 +311 1232 4 884366439 +311 1479 3 884365824 +312 4 3 891698832 +312 8 5 891699263 +312 28 4 891698300 +312 52 5 891699399 +312 57 5 891699599 +312 96 5 891699040 +312 98 4 891698300 +312 100 4 891698613 +312 114 5 891698793 +312 121 3 891698174 +312 131 5 891699702 +312 132 5 891699121 +312 133 5 891699296 +312 134 5 891698764 +312 136 5 891698613 +312 144 1 891698987 +312 151 2 891698832 +312 153 2 891699491 +312 156 3 891698224 +312 157 1 891698516 +312 170 5 891698553 +312 173 3 891699345 +312 179 5 891698793 +312 180 4 891698174 +312 183 5 891699182 +312 188 3 891698793 +312 190 5 891698865 +312 195 5 891698254 +312 204 4 891698254 +312 205 5 891699372 +312 209 3 891699207 +312 228 3 891699040 +312 234 5 891712535 +312 238 3 891699510 +312 241 3 891699655 +312 265 1 891698696 +312 269 5 891698130 +312 275 5 891698553 +312 357 5 891698987 +312 382 4 891699568 +312 408 4 891698174 +312 435 4 891699702 +312 443 4 891698951 +312 474 5 891698454 +312 480 5 891698224 +312 481 5 891698893 +312 482 5 891698613 +312 483 5 891699156 +312 485 4 891699345 +312 489 5 891699321 +312 494 5 891698454 +312 495 4 891699372 +312 496 5 891698664 +312 498 5 891699568 +312 503 5 891699010 +312 513 5 891698300 +312 516 3 891699626 +312 520 5 891698254 +312 528 5 891698695 +312 543 5 891698424 +312 557 5 891699599 +312 573 5 891712535 +312 584 5 891699263 +312 587 3 891699399 +312 588 5 891699490 +312 593 5 891698987 +312 603 5 891698454 +312 604 5 891698613 +312 609 3 891698634 +312 611 5 891698764 +312 615 4 891698893 +312 631 5 891699599 +312 639 5 891698391 +312 641 5 891698300 +312 656 5 891699156 +312 659 5 891699321 +312 675 5 891698485 +312 676 3 891699295 +312 692 4 891699426 +312 705 5 891698553 +312 713 5 891698334 +312 730 3 891699568 +312 847 3 891698174 +312 919 3 891699263 +312 921 5 891699295 +312 967 3 891699321 +312 968 5 891698987 +312 1021 3 891698365 +312 1039 5 891698951 +312 1116 3 891698334 +312 1124 4 891698553 +312 1203 5 891699599 +312 1299 4 891698832 +313 22 3 891014870 +313 29 2 891028472 +313 31 4 891015486 +313 44 3 891015049 +313 56 2 891014313 +313 64 4 891016193 +313 65 2 891016962 +313 66 1 891015049 +313 67 1 891029117 +313 69 5 891016193 +313 71 4 891030144 +313 73 5 891015012 +313 96 5 891015144 +313 97 4 891016193 +313 98 4 891014444 +313 99 4 891014029 +313 100 5 891013681 +313 114 4 891013554 +313 117 4 891015319 +313 131 4 891015513 +313 132 5 891013589 +313 134 5 891013712 +313 135 5 891014401 +313 136 5 891014474 +313 139 3 891030334 +313 148 2 891031979 +313 151 1 891014982 +313 154 2 891014753 +313 155 2 891031577 +313 156 3 891014838 +313 161 4 891015319 +313 162 3 891017270 +313 163 2 891016757 +313 164 3 891014870 +313 174 4 891014499 +313 175 4 891014697 +313 180 5 891014898 +313 182 4 891013773 +313 187 4 891014373 +313 191 5 891013829 +313 194 4 891014499 +313 199 4 891013938 +313 200 3 891017736 +313 203 5 891013859 +313 204 4 891014401 +313 205 5 891013652 +313 208 3 891015167 +313 218 2 891029847 +313 226 4 891028241 +313 228 3 891016986 +313 230 3 891015049 +313 234 4 891013803 +313 239 3 891028873 +313 245 3 891013144 +313 265 4 891016853 +313 318 4 891013712 +313 403 3 891028285 +313 405 3 891028197 +313 414 3 891016425 +313 415 2 891030367 +313 417 2 891030334 +313 423 4 891013939 +313 435 5 891013803 +313 436 4 891029877 +313 441 3 891029964 +313 448 3 891014956 +313 471 4 891015196 +313 473 3 891030228 +313 478 3 891014373 +313 482 5 891016193 +313 487 3 891016378 +313 488 5 891013496 +313 494 3 891016193 +313 498 5 891015144 +313 501 5 891013742 +313 515 5 891013803 +313 516 4 891028829 +313 521 4 891013887 +313 526 4 891028197 +313 527 4 891013525 +313 542 3 891017585 +313 550 4 891028323 +313 565 1 891030027 +313 566 4 891016220 +313 578 3 891028241 +313 586 2 891028426 +313 604 4 891014552 +313 608 4 891017585 +313 609 3 891014782 +313 616 5 891015049 +313 628 4 891016280 +313 649 3 891016325 +313 650 4 891013829 +313 657 4 891013830 +313 659 4 891013773 +313 665 4 891028323 +313 670 3 891029877 +313 673 4 891016622 +313 674 2 891029918 +313 740 2 891016540 +313 745 3 891016583 +313 831 3 891028426 +313 843 3 891030334 +313 849 3 891028360 +313 946 3 891030228 +313 969 4 891015387 +313 1050 4 891016826 +313 1066 2 891030334 +313 1210 4 891032028 +314 5 4 877889724 +314 7 4 877886375 +314 9 4 877886375 +314 24 1 877886221 +314 28 5 877888346 +314 29 5 877889234 +314 42 5 877888610 +314 54 4 877888892 +314 64 5 877888346 +314 68 4 877891637 +314 71 5 877888527 +314 73 4 877889205 +314 88 5 877888007 +314 90 2 877888758 +314 94 4 877891386 +314 95 5 877888168 +314 105 4 877887292 +314 111 4 877886641 +314 120 3 877887094 +314 122 1 877887065 +314 126 2 877886971 +314 138 5 877890960 +314 143 5 877890234 +314 147 4 877886584 +314 155 5 877891575 +314 204 5 877888644 +314 215 4 877888722 +314 218 4 877889204 +314 220 4 877886279 +314 237 5 877886221 +314 246 5 877886375 +314 255 5 877886221 +314 268 5 877885836 +314 274 3 877886788 +314 276 1 877886413 +314 282 5 877886862 +314 288 5 877885887 +314 327 4 877886099 +314 328 4 877885887 +314 366 4 877891354 +314 377 3 877890982 +314 395 2 877889770 +314 399 3 877889359 +314 402 4 877888758 +314 406 3 877887388 +314 409 4 877889480 +314 417 4 877888855 +314 418 5 877888346 +314 468 4 877892214 +314 535 4 877887002 +314 578 4 877887763 +314 591 5 877887002 +314 597 4 877887065 +314 620 3 877887212 +314 623 5 877890927 +314 672 5 877888723 +314 682 5 877885836 +314 692 5 877888445 +314 693 3 877891575 +314 724 2 877888117 +314 735 5 877888855 +314 739 5 877889861 +314 743 1 877886443 +314 763 5 877886706 +314 764 3 877886816 +314 765 3 877889480 +314 772 1 877888212 +314 780 4 877890675 +314 781 3 877891937 +314 785 3 877890960 +314 791 4 877889398 +314 795 4 877889834 +314 819 4 877886971 +314 833 4 877887155 +314 869 4 877891681 +314 873 4 877886099 +314 924 5 877886921 +314 929 3 877887356 +314 938 3 877886099 +314 941 3 877889971 +314 948 3 877886029 +314 959 3 877888892 +314 983 4 877892488 +314 1028 3 877886816 +314 1032 4 877891603 +314 1054 1 877886944 +314 1057 2 877887035 +314 1085 1 877892017 +314 1089 1 877887356 +314 1095 3 877887356 +314 1136 5 877890463 +314 1139 5 877888480 +314 1150 4 877887002 +314 1165 2 877892566 +314 1178 2 877892244 +314 1218 4 877887525 +314 1220 5 877892293 +314 1221 3 877889927 +314 1263 2 877890611 +314 1276 4 877887179 +314 1289 2 877887388 +314 1503 3 877890891 +314 1517 4 877891937 +314 1518 4 877891426 +314 1520 3 877892052 +315 8 3 879820961 +315 12 5 879821194 +315 13 4 879821158 +315 17 1 879821003 +315 31 3 879821300 +315 46 4 879799526 +315 48 4 879799457 +315 55 5 879821267 +315 98 4 879821193 +315 100 5 879821003 +315 127 5 879799423 +315 156 5 879821267 +315 168 4 879821037 +315 180 4 879799526 +315 185 4 879821267 +315 186 4 879821065 +315 187 4 879799423 +315 194 4 879820961 +315 211 4 879821037 +315 216 4 879821120 +315 223 5 879799486 +315 230 4 879821300 +315 234 3 879821349 +315 238 5 879821003 +315 269 5 879799301 +315 273 3 879821349 +315 285 5 879799486 +315 302 5 879799301 +315 305 5 881017419 +315 340 4 881017170 +315 431 2 879821300 +315 504 3 879821193 +315 508 4 879799457 +315 531 5 879799457 +315 603 5 879821267 +315 651 3 879799457 +315 654 5 879821193 +315 657 4 879821299 +315 709 4 879821158 +315 732 3 879821158 +315 746 3 879821120 +315 792 5 879821120 +316 9 4 880853774 +316 14 4 880853881 +316 19 5 880854539 +316 22 4 880853849 +316 50 1 880853654 +316 64 4 880853953 +316 71 1 880854472 +316 98 5 880853743 +316 132 4 880853599 +316 180 4 880853654 +316 190 5 880853774 +316 197 4 880854227 +316 213 5 880853516 +316 234 1 880854473 +316 265 3 880854395 +316 283 5 880853599 +316 289 2 880853219 +316 292 4 880853072 +316 306 4 880853072 +316 318 5 880853516 +316 357 4 880854049 +316 463 5 880854267 +316 483 4 880853810 +316 521 5 880854395 +316 530 2 880853599 +316 549 5 880854049 +316 588 1 880853992 +316 614 2 880854267 +316 735 4 880854337 +316 1039 5 880854500 +316 1084 4 880853953 +317 245 4 891446575 +317 268 3 891446371 +317 271 3 891446575 +317 300 4 891446313 +317 323 2 891446819 +317 326 3 891446438 +317 328 4 891446438 +317 331 4 891446190 +317 350 5 891446819 +317 351 3 891446819 +318 12 4 884495795 +318 15 5 884470944 +318 47 2 884496855 +318 49 3 884497257 +318 50 2 884495696 +318 63 3 884496932 +318 64 4 884495590 +318 66 4 884495921 +318 69 5 884496572 +318 72 4 884498540 +318 88 4 884496367 +318 105 1 884495164 +318 127 5 884470970 +318 137 4 884494652 +318 138 4 884498115 +318 140 4 884496738 +318 142 4 884496219 +318 157 5 884496398 +318 158 5 884498709 +318 160 3 884497031 +318 162 5 884496123 +318 182 4 884496549 +318 186 5 884498292 +318 194 5 884495590 +318 197 5 884496030 +318 204 5 884496218 +318 211 5 884496432 +318 229 1 884497318 +318 237 5 884494712 +318 239 4 884497235 +318 248 3 884494976 +318 257 5 884471030 +318 285 4 884470944 +318 286 3 884470681 +318 305 2 884470682 +318 312 4 884470193 +318 315 5 884470294 +318 326 4 884470149 +318 356 4 884496671 +318 357 4 884496069 +318 384 3 884498210 +318 396 1 884498684 +318 401 3 884498292 +318 414 4 884496008 +318 419 5 884495890 +318 435 5 884496069 +318 474 4 884495742 +318 476 4 884495164 +318 481 4 884496156 +318 485 5 884495921 +318 501 4 884496984 +318 503 4 884497402 +318 508 4 884494976 +318 509 5 884495817 +318 517 3 884496069 +318 524 3 884496123 +318 575 2 884497924 +318 610 5 884496525 +318 631 4 884496855 +318 648 5 884495534 +318 655 4 884496290 +318 657 5 884495696 +318 659 4 884495868 +318 660 3 884497207 +318 697 5 884496008 +318 708 4 884497994 +318 750 4 884469971 +318 768 2 884498022 +318 792 2 884496218 +318 795 2 884498766 +318 796 3 884496500 +318 815 3 884494938 +318 865 2 884496099 +318 934 4 884495382 +318 1014 2 884494919 +318 1023 2 884495091 +318 1032 3 884498210 +318 1521 3 884497824 +319 267 4 875707690 +319 302 4 876280242 +319 313 5 889816026 +319 333 4 875707746 +319 338 2 879977242 +319 879 5 876280338 +319 880 4 889816332 +320 1 3 884748604 +320 3 4 884748978 +320 4 3 884749306 +320 7 4 884748708 +320 11 4 884749255 +320 22 5 884749452 +320 33 4 884749385 +320 38 4 884751288 +320 42 4 884751712 +320 50 4 884749227 +320 54 4 884751209 +320 62 4 884749306 +320 68 5 884749327 +320 77 3 884751246 +320 90 4 884751034 +320 97 5 884750946 +320 99 4 884751440 +320 100 4 884748579 +320 117 4 884748641 +320 118 1 884748868 +320 123 4 884748750 +320 129 4 884748661 +320 148 4 884748708 +320 156 5 884750574 +320 159 4 884751190 +320 161 4 884749360 +320 173 5 884750946 +320 174 4 884749255 +320 177 5 884749360 +320 184 5 884749360 +320 188 4 884749360 +320 202 4 884750946 +320 210 5 884749227 +320 250 4 884751992 +320 252 2 884749532 +320 276 2 884748579 +320 278 3 884748886 +320 284 4 884748818 +320 291 4 884749014 +320 294 4 884748418 +320 369 4 884749097 +320 399 3 884749411 +320 403 4 884749281 +320 405 4 884748774 +320 411 3 884749119 +320 413 3 884749046 +320 431 5 884749327 +320 433 4 884751730 +320 452 3 884751589 +320 456 3 884748904 +320 472 3 884748750 +320 501 3 884751462 +320 552 4 884751336 +320 554 4 884751288 +320 576 3 884749411 +320 678 3 884748418 +320 685 4 884748839 +320 692 4 884750968 +320 716 1 884750992 +320 739 4 884750992 +320 742 4 884748800 +320 771 3 884751316 +320 849 4 884749360 +320 869 4 884751068 +320 892 3 884748299 +320 895 4 884748346 +320 974 3 884749097 +320 976 2 884749567 +320 1011 3 884748978 +320 1041 3 884751084 +320 1081 4 884748997 +320 1090 3 884751376 +320 1157 4 884751336 +320 1188 4 884749411 +320 1210 4 884751316 +321 8 4 879440451 +321 14 3 879438825 +321 20 3 879440160 +321 30 4 879439658 +321 50 4 879438793 +321 56 4 879438651 +321 89 3 879440716 +321 100 4 879438882 +321 124 3 879438857 +321 131 4 879439883 +321 134 3 879438607 +321 135 4 879439763 +321 143 3 879439621 +321 180 4 879440612 +321 191 3 879440365 +321 193 3 879441178 +321 194 3 879441225 +321 198 4 879439926 +321 199 4 879439787 +321 205 5 879440109 +321 207 3 879440244 +321 213 4 879440109 +321 215 3 879439658 +321 216 4 879441308 +321 224 3 879439733 +321 276 3 879438987 +321 287 3 879438857 +321 462 4 879440294 +321 474 4 879438607 +321 483 5 879439658 +321 484 5 879440244 +321 485 4 879439787 +321 494 4 879440318 +321 496 4 879438607 +321 497 5 879439860 +321 507 3 879441336 +321 514 4 879439706 +321 515 5 879440109 +321 521 2 879441201 +321 523 3 879440687 +321 527 3 879439763 +321 607 4 879440109 +321 614 3 879440393 +321 615 5 879440109 +321 631 4 879440264 +321 647 3 879438699 +321 663 2 879439537 +321 709 4 879441308 +321 730 3 879439179 +321 736 4 879439537 +321 855 3 879439733 +321 1028 2 879441064 +321 1194 5 879438607 +322 1 2 887314119 +322 12 4 887313946 +322 32 5 887314417 +322 50 5 887314418 +322 89 3 887314185 +322 92 4 887314073 +322 179 5 887314416 +322 182 5 887314417 +322 185 5 887313850 +322 192 5 887313984 +322 194 5 887313850 +322 197 5 887313983 +322 216 3 887313850 +322 272 4 887313698 +322 313 5 887314417 +322 318 4 887314280 +322 479 5 887313892 +322 489 3 887313892 +322 508 4 887314073 +322 514 4 887314352 +322 521 5 887314244 +322 591 3 887313984 +322 653 4 887314310 +322 751 2 887313611 +323 7 2 878739355 +323 9 4 878739325 +323 15 3 878739393 +323 22 5 878739743 +323 56 5 878739771 +323 79 4 878739829 +323 100 4 878739177 +323 117 3 878739355 +323 127 5 878739137 +323 150 4 878739568 +323 151 4 878739568 +323 172 5 878739988 +323 180 5 878739857 +323 199 4 878739953 +323 203 5 878739953 +323 210 4 878739878 +323 215 5 878739988 +323 223 4 878739699 +323 243 1 878738997 +323 245 2 878739084 +323 246 4 878739177 +323 248 3 878739519 +323 249 3 878739488 +323 255 4 878739275 +323 257 2 878739393 +323 282 3 878739543 +323 286 3 878738826 +323 289 2 878738910 +323 298 4 878739275 +323 300 2 878738827 +323 327 4 878738910 +323 328 3 878739029 +323 332 3 878738865 +323 333 4 878738865 +323 467 5 878740017 +323 508 4 878739643 +323 546 2 878739519 +323 713 4 878739299 +323 744 5 878739436 +323 764 3 878739415 +323 772 3 878739904 +323 875 3 878739029 +323 886 3 878738997 +323 1017 3 878739394 +323 1050 5 878739988 +324 9 5 880575449 +324 127 4 880575658 +324 258 4 880575107 +324 283 3 880575531 +324 298 5 880575493 +324 300 5 880574827 +324 307 5 880574766 +324 332 3 880574766 +324 471 5 880575412 +324 597 4 880575493 +324 748 5 880575108 +324 754 5 880575045 +324 877 1 880575163 +324 1033 4 880575589 +324 1094 5 880575715 +325 47 3 891478712 +325 86 3 891478578 +325 95 2 891478895 +325 98 4 891478079 +325 99 5 891479244 +325 100 4 891478504 +325 107 2 891479102 +325 109 2 891478528 +325 127 5 891478480 +325 133 3 891478333 +325 135 5 891478006 +325 143 1 891479017 +325 152 4 891477905 +325 154 3 891478480 +325 164 1 891479017 +325 168 3 891478796 +325 175 5 891478079 +325 177 5 891478627 +325 179 5 891478529 +325 180 4 891478910 +325 181 4 891478160 +325 185 5 891478140 +325 187 3 891478455 +325 188 2 891478944 +325 193 4 891478627 +325 197 4 891478199 +325 234 3 891478796 +325 240 1 891479592 +325 286 4 891477597 +325 305 2 891477638 +325 313 2 891477489 +325 325 1 891477695 +325 340 3 891477473 +325 345 3 891477660 +325 357 4 891477957 +325 402 2 891479706 +325 403 2 891479102 +325 430 5 891478028 +325 432 5 891479263 +325 435 3 891478239 +325 458 3 891478877 +325 474 5 891478392 +325 475 4 891478079 +325 483 5 891478079 +325 484 5 891478643 +325 485 3 891478599 +325 492 4 891478557 +325 493 4 891477905 +325 504 3 891477905 +325 505 4 891478557 +325 506 5 891478180 +325 507 3 891478455 +325 510 4 891478180 +325 514 4 891478006 +325 517 4 891478219 +325 521 4 891478160 +325 525 5 891478579 +325 526 3 891478239 +325 542 2 891479962 +325 554 1 891479912 +325 614 4 891479038 +325 640 3 891478376 +325 656 4 891478219 +325 835 5 891478099 +325 865 3 891478079 +325 1411 4 891478981 +326 22 4 879874989 +326 48 3 879875533 +326 50 5 879875112 +326 54 3 879876300 +326 67 2 879877284 +326 69 2 879874964 +326 79 4 879875203 +326 82 3 879876861 +326 86 2 879875644 +326 88 2 879877235 +326 98 5 879875112 +326 132 4 879875398 +326 134 3 879875797 +326 141 3 879876235 +326 144 5 879876114 +326 153 4 879875751 +326 168 3 879874859 +326 172 4 879875431 +326 185 5 879875203 +326 186 4 879877143 +326 197 1 879875723 +326 200 2 879877349 +326 204 3 879874964 +326 205 4 879875507 +326 210 3 879874964 +326 233 4 879876941 +326 234 3 879875797 +326 241 3 879875778 +326 265 4 879876489 +326 282 2 879875964 +326 318 5 879875612 +326 386 5 879877284 +326 399 4 879877004 +326 403 3 879876976 +326 436 3 879877387 +326 443 5 879877349 +326 444 4 879877413 +326 445 4 879877413 +326 448 3 879877349 +326 451 2 879877234 +326 452 3 879877470 +326 468 3 879875572 +326 479 5 879875432 +326 480 4 879875691 +326 496 5 879874825 +326 503 3 879876542 +326 508 3 879875432 +326 525 5 879874989 +326 526 5 879874964 +326 527 5 879874989 +326 528 3 879875112 +326 530 5 879875778 +326 554 3 879877005 +326 559 3 879877413 +326 563 3 879877470 +326 564 3 879877470 +326 566 4 879877073 +326 603 4 879875203 +326 612 2 879875083 +326 615 4 879875724 +326 633 4 879875852 +326 646 2 879875112 +326 655 5 879875432 +326 659 4 879875397 +326 665 1 879876975 +326 670 3 879877387 +326 671 3 879876327 +326 674 3 879877433 +326 675 4 879875457 +326 679 3 879876941 +326 732 5 879877143 +326 944 2 879877326 +326 969 4 879875151 +326 1231 3 879877039 +327 9 5 887819860 +327 13 2 887746665 +327 14 4 887744167 +327 25 2 887746728 +327 32 4 887747266 +327 50 3 887745574 +327 64 2 887745699 +327 81 4 887818904 +327 82 2 887820448 +327 89 4 887744167 +327 90 3 887819194 +327 93 4 887744432 +327 96 2 887822530 +327 127 4 887747338 +327 133 4 887745662 +327 143 4 888251408 +327 144 4 887820293 +327 153 4 887818596 +327 169 2 887744205 +327 173 4 887747337 +327 179 2 887820493 +327 188 5 887745774 +327 191 4 887820828 +327 192 5 887820828 +327 195 4 887744277 +327 196 4 887745871 +327 197 4 887744023 +327 198 4 887747337 +327 200 4 887747338 +327 203 3 887818540 +327 210 3 887744065 +327 215 4 887820695 +327 216 3 887818991 +327 219 4 887746219 +327 226 3 887820341 +327 230 4 887820448 +327 233 3 887820385 +327 234 5 887745840 +327 237 4 887745494 +327 238 4 887747410 +327 239 3 887819316 +327 258 1 887737355 +327 264 2 887743725 +327 265 2 887818511 +327 274 2 887819462 +327 281 3 887820341 +327 288 4 887743600 +327 293 3 887745574 +327 294 3 887743644 +327 300 2 887743541 +327 313 4 887744167 +327 344 4 887744167 +327 381 4 887819354 +327 382 3 887819316 +327 408 2 887745910 +327 410 2 887819462 +327 411 3 887818957 +327 418 3 887820761 +327 419 4 887822832 +327 421 2 887745840 +327 423 3 887822752 +327 425 3 887822681 +327 431 3 887820384 +327 435 4 888251521 +327 451 4 887819411 +327 455 2 887819316 +327 461 3 887746665 +327 469 4 887822623 +327 474 3 887743986 +327 476 2 887819538 +327 478 4 887819860 +327 494 4 887822400 +327 497 4 887818658 +327 514 4 887747338 +327 517 2 887818991 +327 533 4 887822530 +327 558 4 887746196 +327 583 2 887820341 +327 588 4 887820761 +327 589 3 887743936 +327 603 4 887745661 +327 634 5 887820493 +327 645 4 887818991 +327 650 4 887745699 +327 652 4 887819860 +327 655 4 887745303 +327 659 4 887819021 +327 702 2 887819021 +327 710 4 887747410 +327 735 2 887818540 +327 753 4 887745744 +327 805 4 887819462 +327 806 4 887747617 +327 811 4 887747363 +327 849 2 887822530 +327 886 2 887737493 +327 895 3 887743670 +327 921 4 887748028 +327 949 4 887819316 +327 962 3 887820545 +327 1012 2 887745891 +327 1056 2 887747971 +327 1067 4 887819538 +327 1075 4 887822832 +327 1097 4 887819860 +327 1098 4 887820828 +327 1100 4 888251464 +327 1131 4 887822736 +327 1141 3 887822681 +328 4 3 885047895 +328 7 4 885046079 +328 9 4 885045993 +328 10 4 885047099 +328 22 5 885045805 +328 31 4 886036884 +328 43 3 886038224 +328 55 4 885046655 +328 76 3 885046580 +328 79 4 885047194 +328 82 4 885046537 +328 85 1 886038183 +328 98 4 885045899 +328 100 5 885046305 +328 132 5 885046420 +328 144 4 885045740 +328 148 3 885048638 +328 157 5 885046344 +328 162 4 885048004 +328 164 3 885047484 +328 183 5 885045805 +328 185 4 885045899 +328 188 5 885046498 +328 199 4 885045528 +328 200 4 885046420 +328 203 5 885045931 +328 205 4 885045768 +328 211 4 885046276 +328 216 3 885045899 +328 218 4 885047281 +328 222 3 885046655 +328 223 4 885045645 +328 228 3 885046976 +328 231 2 885048762 +328 234 4 885046376 +328 245 4 885044703 +328 265 5 885045993 +328 271 3 885044607 +328 282 3 885047865 +328 284 3 885047593 +328 289 4 885044566 +328 291 4 885047865 +328 294 3 885044733 +328 322 3 885044782 +328 331 4 885045085 +328 332 3 885044782 +328 349 2 888641949 +328 350 3 886036374 +328 356 3 885047763 +328 370 3 885048986 +328 371 4 885046773 +328 402 3 885047627 +328 403 3 885047281 +328 423 4 885046305 +328 431 2 885047822 +328 432 1 885047511 +328 443 4 885048235 +328 451 4 885048159 +328 470 4 885046537 +328 474 4 885046455 +328 480 3 885046244 +328 482 3 885046580 +328 483 5 885045844 +328 503 3 885047696 +328 504 3 885046420 +328 510 5 885046376 +328 511 4 885045678 +328 515 5 885045678 +328 519 5 885046420 +328 521 4 885047484 +328 523 5 885046206 +328 528 5 886037457 +328 531 4 885046455 +328 546 3 885048861 +328 550 3 885047336 +328 554 3 885049790 +328 556 3 885048930 +328 568 3 885047896 +328 569 4 885049199 +328 570 3 885046498 +328 579 3 885049836 +328 591 3 885047018 +328 614 4 885046276 +328 623 3 885048801 +328 627 3 885048365 +328 628 3 885047627 +328 636 3 885047556 +328 639 2 885048730 +328 655 4 886037429 +328 661 5 885047373 +328 679 2 885049460 +328 690 3 885044418 +328 693 2 885046174 +328 696 3 885049376 +328 726 4 885049112 +328 736 3 885047737 +328 742 4 885047309 +328 750 4 885044519 +328 754 4 885044607 +328 879 3 885044566 +328 905 3 888641999 +328 916 2 893195710 +328 1015 3 885047737 +328 1041 3 885048762 +328 1042 3 885049024 +328 1106 2 893195825 +328 1109 3 885047100 +328 1126 3 885046580 +328 1135 1 885045528 +328 1136 4 885047018 +328 1139 1 885049756 +328 1248 3 885047417 +328 1263 3 885048730 +328 1277 3 885049084 +329 12 4 891656178 +329 79 4 891656391 +329 81 2 891656300 +329 98 4 891656300 +329 100 4 891655812 +329 124 5 891655905 +329 129 3 891655905 +329 147 3 891656072 +329 181 4 891655741 +329 245 3 891656640 +329 250 3 891656639 +329 258 3 891656639 +329 269 4 891655191 +329 272 5 891655191 +329 276 4 891655905 +329 288 2 891655191 +329 297 4 891655868 +329 300 4 891655431 +329 303 4 891655350 +329 326 3 891656639 +329 338 2 891655545 +329 483 4 891656347 +329 512 4 891656347 +329 515 4 891655932 +329 591 2 891655812 +329 655 4 891656237 +329 855 4 891656206 +329 924 3 891655905 +330 8 5 876546236 +330 11 4 876546561 +330 22 5 876545532 +330 38 4 876546948 +330 44 5 876546920 +330 47 5 876546409 +330 50 5 876544366 +330 51 5 876546753 +330 58 5 876546132 +330 66 5 876547533 +330 70 4 876546470 +330 71 5 876546236 +330 72 5 876547087 +330 73 5 876546782 +330 77 4 876547220 +330 80 2 876547737 +330 88 5 876546948 +330 95 5 876546105 +330 97 5 876547220 +330 121 4 876544582 +330 133 5 876545625 +330 136 5 876546378 +330 153 5 876545970 +330 161 4 876545999 +330 172 5 876546619 +330 174 5 876546172 +330 181 5 876544277 +330 193 5 876547004 +330 200 5 876546668 +330 204 5 876546839 +330 208 5 876546409 +330 213 5 876546752 +330 215 5 876547925 +330 235 5 876544690 +330 255 4 876544278 +330 275 5 876544366 +330 277 4 876544690 +330 286 5 876543768 +330 393 4 876547004 +330 418 5 876546298 +330 419 5 876546298 +330 427 5 876546920 +330 447 4 876546619 +330 465 5 876547250 +330 473 4 876544632 +330 485 5 876546839 +330 527 3 876546071 +330 549 5 876547355 +330 570 4 876547674 +330 575 4 876547165 +330 584 3 876547220 +330 588 5 876546033 +330 596 5 876544690 +330 603 5 876545625 +330 692 5 876547032 +330 747 3 876546498 +330 763 5 876544337 +330 823 3 876544872 +330 845 5 876544432 +330 1016 3 876544480 +330 1028 4 876544953 +330 1044 5 876547575 +331 7 4 877196633 +331 11 2 877196702 +331 47 5 877196235 +331 58 3 877196567 +331 59 5 877196383 +331 64 4 877196504 +331 69 5 877196384 +331 81 5 877196702 +331 100 4 877196308 +331 133 3 877196443 +331 180 5 877196567 +331 182 4 877196567 +331 190 3 877196308 +331 215 3 877196383 +331 242 4 877196089 +331 277 4 877196384 +331 305 5 877196819 +331 454 3 877196702 +331 479 2 877196504 +331 486 3 877196308 +331 503 4 877196504 +331 514 3 877196173 +331 653 3 877196173 +331 702 3 877196443 +331 705 2 877196173 +331 811 4 877196384 +331 868 4 877196567 +331 933 3 877196235 +331 947 5 877196308 +331 1100 2 877196634 +332 5 5 888360370 +332 7 4 887916547 +332 22 5 887938934 +332 44 3 888360342 +332 53 3 888360438 +332 54 4 888360396 +332 82 5 888098524 +332 95 5 888360060 +332 97 5 888359903 +332 98 5 888359903 +332 120 4 887938818 +332 127 5 887916653 +332 144 5 887939092 +332 148 5 887938486 +332 156 4 888359944 +332 174 5 888359866 +332 181 5 887916529 +332 204 4 888098088 +332 218 5 888360396 +332 228 5 888359980 +332 229 5 888360342 +332 232 5 888098373 +332 233 4 888360370 +332 235 3 887938723 +332 249 3 891214777 +332 258 5 887916151 +332 265 4 888360370 +332 271 4 887916217 +332 284 5 887938245 +332 288 5 887916151 +332 291 4 887938439 +332 295 3 887916529 +332 300 5 887916188 +332 326 5 892484951 +332 332 4 887916411 +332 342 4 892484976 +332 354 5 888189331 +332 409 3 887938601 +332 410 4 887938486 +332 449 4 888360438 +332 451 5 888360179 +332 546 4 888098432 +332 566 4 888360342 +332 595 4 887938574 +332 655 5 888360248 +332 673 5 888360307 +332 684 5 888360370 +332 693 5 888098538 +332 696 3 887938760 +332 717 3 887938760 +332 728 4 893027298 +332 770 3 888098170 +332 831 3 887938760 +332 866 2 887938631 +332 871 3 887938351 +332 879 4 887916385 +332 928 5 887938706 +332 934 2 887938886 +332 975 3 887938631 +332 978 4 888098459 +332 1013 3 887938798 +332 1016 5 887916529 +332 1028 4 887938403 +332 1150 3 887938631 +332 1188 5 888098374 +332 1218 5 887939171 +332 1244 4 887938798 +333 66 5 891045515 +333 79 3 891045496 +333 88 5 891045551 +333 98 4 891045496 +333 180 1 891045191 +333 276 4 891045031 +333 315 5 891044095 +333 316 5 891044659 +333 739 5 891045410 +333 748 4 891044596 +333 873 3 891045496 +333 894 3 891045496 +334 4 3 891548345 +334 7 5 891544788 +334 8 4 891547171 +334 22 4 891545821 +334 52 4 891548579 +334 59 5 891546000 +334 69 1 891548032 +334 70 3 891546299 +334 72 3 891549192 +334 77 3 891549247 +334 86 4 891548295 +334 93 4 891545020 +334 100 5 891544707 +334 117 3 891544735 +334 132 3 891546231 +334 135 4 891545793 +334 153 4 891547306 +334 160 4 891547190 +334 168 5 891546914 +334 170 3 891546181 +334 173 4 891628228 +334 182 3 891545793 +334 183 4 891545950 +334 191 4 891545793 +334 200 4 891547171 +334 204 4 891547190 +334 207 4 891545950 +334 210 3 891546405 +334 216 3 891546348 +334 222 4 891544904 +334 223 5 891545973 +334 224 2 891545020 +334 227 1 891547083 +334 229 2 891549777 +334 245 2 891544367 +334 250 3 891544840 +334 268 4 891544102 +334 269 3 891544049 +334 276 4 891545089 +334 282 4 891544925 +334 285 4 891544707 +334 289 3 891544491 +334 293 3 891544840 +334 300 3 891544209 +334 302 5 891544177 +334 306 4 891544103 +334 311 4 891628833 +334 313 4 891544077 +334 316 4 891544407 +334 317 3 891546000 +334 319 3 891544233 +334 322 3 891544584 +334 326 1 891544286 +334 340 3 891544264 +334 387 4 891548579 +334 396 4 891549103 +334 408 4 891547912 +334 421 4 891547307 +334 427 4 891545821 +334 436 3 891548203 +334 443 3 891547128 +334 449 3 891549539 +334 450 1 891550338 +334 461 3 891547744 +334 474 3 891546257 +334 475 4 891544953 +334 476 3 891545540 +334 481 5 891546206 +334 502 3 891546963 +334 505 4 891546405 +334 512 4 891547148 +334 514 4 891545926 +334 515 4 891545898 +334 525 5 891545876 +334 558 4 891546231 +334 566 3 891548866 +334 577 2 891550372 +334 603 5 891628849 +334 608 4 891547668 +334 620 2 891545540 +334 628 4 891544867 +334 631 4 891547467 +334 635 2 891548155 +334 652 5 891546992 +334 658 3 891547148 +334 663 5 891545852 +334 684 4 891545768 +334 693 3 891547083 +334 708 4 891628833 +334 709 4 891548368 +334 716 3 891548758 +334 742 2 891544972 +334 792 4 891546257 +334 840 4 891545674 +334 845 2 891544867 +334 870 3 891545513 +334 888 2 891550464 +334 922 4 891544810 +334 961 4 891628832 +334 1006 3 891549860 +334 1008 4 891545126 +334 1010 5 891545108 +334 1051 4 891545347 +334 1073 4 891547714 +334 1108 4 891549632 +334 1133 4 891549192 +334 1137 4 891544764 +334 1163 4 891544764 +334 1172 3 891545852 +334 1207 2 891550121 +334 1241 2 891545513 +334 1315 4 891545185 +334 1404 4 891549068 +334 1411 1 891549434 +334 1524 4 891547467 +335 245 4 891567053 +335 260 3 891567159 +335 269 4 891566808 +335 271 4 891567029 +335 288 4 891566952 +335 324 1 891567098 +335 328 3 891566903 +335 347 5 891567004 +335 678 3 891567251 +336 13 3 877756890 +336 49 4 877758001 +336 66 3 877756126 +336 67 4 877756966 +336 108 3 877757320 +336 117 3 877760603 +336 124 1 877760244 +336 153 5 877757669 +336 154 5 877757637 +336 158 3 877756618 +336 202 1 877757909 +336 208 2 877757930 +336 216 5 877757858 +336 232 3 877757023 +336 239 3 877758001 +336 276 4 877760310 +336 282 3 877760032 +336 395 2 877757094 +336 399 3 877757063 +336 405 3 877760374 +336 410 3 877758001 +336 451 2 877756242 +336 571 1 877756999 +336 577 1 877757396 +336 619 3 877759833 +336 655 3 877757752 +336 692 3 877757637 +336 722 3 877757134 +336 738 1 877757343 +336 742 3 877759928 +336 824 3 877756890 +336 845 1 877758035 +336 864 1 877757837 +336 926 1 877758935 +336 999 2 877757516 +336 1012 5 877760082 +336 1017 5 877757063 +336 1047 4 877757063 +336 1054 1 877754876 +336 1057 4 877757373 +336 1059 3 877756890 +336 1074 5 877757516 +336 1098 3 877757790 +336 1218 3 877757790 +336 1230 2 877757516 +337 106 2 875184682 +337 121 5 875185664 +337 135 5 875236512 +337 229 3 875185319 +337 230 5 875185319 +337 235 3 875184717 +337 257 3 875184963 +337 371 4 875236191 +337 450 2 875185319 +337 631 4 875429292 +337 742 5 875184353 +337 1016 4 875184825 +337 1133 4 875236281 +338 56 3 879438535 +338 79 4 879438715 +338 100 4 879438196 +338 132 2 879438143 +338 133 4 879438143 +338 134 5 879438536 +338 168 3 879438225 +338 170 5 879438301 +338 174 4 879438392 +338 194 3 879438597 +338 204 3 879438063 +338 211 4 879438092 +338 212 4 879438597 +338 294 1 879437576 +338 306 4 879437548 +338 310 3 879437522 +338 408 5 879438570 +338 435 4 879438597 +338 462 4 879438715 +338 480 5 879438114 +338 483 4 879438092 +338 484 5 879438143 +338 486 3 879438392 +338 494 3 879438570 +338 511 4 879438473 +338 516 5 879438366 +338 582 5 879438419 +338 603 5 879438690 +338 604 4 879438326 +338 606 3 879438275 +338 613 3 879438597 +338 663 5 879438627 +338 792 4 879438196 +338 945 4 879438762 +339 1 5 891032349 +339 11 4 891032379 +339 12 5 891032659 +339 23 5 891033481 +339 25 4 891035116 +339 28 4 891032542 +339 30 3 891032765 +339 32 5 891032255 +339 42 4 891033452 +339 47 4 891032701 +339 55 3 891032765 +339 58 3 891032379 +339 65 4 891033452 +339 67 3 891035147 +339 73 3 891035003 +339 76 3 891034254 +339 82 4 891035850 +339 97 4 891034626 +339 98 4 891032150 +339 101 3 891034626 +339 126 4 891032121 +339 132 5 891032953 +339 133 4 891033165 +339 135 5 891033256 +339 139 3 891036199 +339 153 4 891033932 +339 154 4 891032885 +339 159 3 891034681 +339 163 4 891035324 +339 175 5 891032793 +339 181 4 891033898 +339 182 5 891033310 +339 183 4 891032828 +339 188 4 891033735 +339 190 4 891034215 +339 192 5 891032438 +339 194 4 891037070 +339 196 4 891033416 +339 198 5 891033382 +339 214 3 891033226 +339 226 2 891034744 +339 228 4 891033960 +339 231 2 891035180 +339 240 4 891036641 +339 248 4 891034592 +339 258 3 891033200 +339 265 3 891034779 +339 270 2 891036753 +339 286 5 891032349 +339 288 3 891036899 +339 298 2 891032856 +339 302 4 891034592 +339 347 4 891034953 +339 380 3 891035584 +339 402 3 891034867 +339 411 2 891035420 +339 431 4 891035488 +339 435 4 891032189 +339 469 5 891032633 +339 475 5 891032856 +339 478 5 891032466 +339 479 5 891032701 +339 496 5 891032320 +339 509 4 891033140 +339 514 3 891037119 +339 516 4 891033481 +339 522 5 891033165 +339 523 5 891033044 +339 525 5 891032737 +339 550 2 891035523 +339 573 3 891036016 +339 582 4 891032793 +339 589 5 891032221 +339 603 5 891032542 +339 607 5 891032189 +339 631 5 891033256 +339 632 4 891033794 +339 636 4 891035248 +339 642 5 891032953 +339 661 5 891033830 +339 673 5 891034071 +339 693 5 891033200 +339 739 3 891036058 +339 770 4 891034895 +339 772 4 891032413 +339 806 4 891032737 +339 845 4 891034718 +339 856 5 891034922 +339 961 3 891034778 +339 1030 1 891036707 +339 1039 4 891033932 +339 1113 4 891033829 +339 1139 3 891036557 +339 1244 4 891036423 +339 1248 3 891034538 +339 1301 3 891032189 +340 1 5 884990988 +340 71 5 884990891 +340 172 4 884990620 +340 174 4 884989913 +340 181 4 884991431 +340 186 4 884991082 +340 204 4 884990004 +340 205 4 884991516 +340 265 5 884990470 +340 402 4 884990922 +340 405 5 884991817 +340 418 5 884990669 +340 423 4 884990583 +340 435 4 884990546 +340 504 1 884991742 +340 526 5 884991396 +340 1133 5 884991742 +341 288 4 890757686 +341 292 5 890757659 +341 294 3 890757997 +341 876 4 890757886 +341 877 3 890758113 +341 880 5 890757997 +341 887 5 890757745 +341 948 3 890758169 +341 1527 4 890757717 +342 4 4 874984395 +342 13 3 874984480 +342 23 5 874984154 +342 25 2 875318328 +342 32 5 874984207 +342 56 5 874984315 +342 58 5 875319912 +342 92 4 875320227 +342 95 4 875320297 +342 100 5 874984207 +342 108 4 874984574 +342 122 4 875318783 +342 129 5 874984684 +342 132 5 875319129 +342 134 4 875318936 +342 143 5 875318936 +342 156 4 874984128 +342 160 3 874984365 +342 175 5 874984207 +342 179 5 874984175 +342 189 5 875319967 +342 191 5 875319991 +342 204 4 874984261 +342 220 1 874984455 +342 237 4 874984832 +342 240 3 875318629 +342 255 4 874984574 +342 257 2 875318267 +342 274 2 874984895 +342 287 3 874984619 +342 288 5 875318267 +342 297 3 875318267 +342 427 4 875319254 +342 483 4 875319745 +342 508 3 874984810 +342 517 5 875320297 +342 518 3 875318858 +342 523 4 875319854 +342 544 1 875318606 +342 558 5 874984341 +342 574 1 875320124 +342 581 3 875320037 +342 584 4 874984430 +342 591 3 875318629 +342 607 3 875318963 +342 655 4 875319383 +342 657 5 874984207 +342 723 3 875319659 +342 724 1 875320297 +342 746 4 875320227 +342 762 2 874984914 +342 764 1 875318762 +342 772 1 875319597 +342 792 3 875318882 +342 813 5 874984480 +342 815 4 875318629 +342 928 3 875318509 +342 950 2 875318423 +342 952 3 874984619 +342 974 2 874984789 +342 975 2 875318509 +342 1007 4 874984507 +342 1009 1 874984596 +342 1047 2 874984854 +342 1048 1 875318536 +342 1071 4 875319497 +342 1073 1 875320199 +342 1128 5 875318536 +342 1160 3 874984751 +342 1163 3 875318266 +342 1166 1 875319745 +342 1300 1 875318556 +342 1368 5 874984507 +343 8 5 876404836 +343 12 5 876405735 +343 20 5 876408138 +343 25 2 876402814 +343 38 3 876406257 +343 44 3 876406640 +343 47 4 876405130 +343 48 3 876405697 +343 52 5 876404793 +343 55 3 876405129 +343 62 2 876406707 +343 69 5 876405735 +343 76 4 876407565 +343 82 5 876405735 +343 88 4 876405130 +343 97 4 876405893 +343 100 5 876402668 +343 118 2 876403121 +343 121 2 876407072 +343 124 4 876402738 +343 130 3 876403883 +343 132 5 876404880 +343 135 5 876404568 +343 143 4 876406677 +343 147 4 876402814 +343 156 4 876405857 +343 163 5 876408139 +343 164 3 876404757 +343 186 4 876407485 +343 187 4 876406006 +343 188 4 876407749 +343 191 5 876404689 +343 194 5 876405200 +343 196 4 876406257 +343 199 5 876404464 +343 211 5 876405820 +343 214 4 876406604 +343 228 5 876404757 +343 237 4 876402738 +343 250 5 876403078 +343 269 4 876402390 +343 275 5 876408139 +343 303 4 876402390 +343 306 4 876402516 +343 333 3 876402468 +343 367 4 876406144 +343 371 2 876405893 +343 375 2 876406978 +343 382 3 876406978 +343 405 4 876403776 +343 423 5 876408139 +343 435 4 876404343 +343 458 5 876402894 +343 474 5 876406677 +343 475 5 876402668 +343 483 5 876404343 +343 498 5 876408138 +343 499 5 876405129 +343 546 1 876403348 +343 569 3 876406421 +343 642 4 876404343 +343 654 5 876407006 +343 655 5 876405697 +343 684 3 876406878 +343 702 4 876406257 +343 708 4 876407006 +343 712 4 876406391 +343 724 4 876404499 +343 727 4 876406462 +343 729 3 876407291 +343 778 5 876406391 +343 792 5 876405172 +343 823 3 876403851 +343 919 5 876403348 +343 921 4 876406640 +343 951 1 876406144 +343 961 4 876404688 +343 980 5 876403239 +343 1107 3 876406977 +343 1132 4 876403746 +344 5 3 884901533 +344 9 5 884814480 +344 12 5 884901024 +344 25 4 884814480 +344 39 3 884901290 +344 45 5 884901210 +344 58 3 884814697 +344 79 4 884900993 +344 87 4 889814195 +344 97 3 884901156 +344 106 2 884900583 +344 111 4 884899767 +344 119 5 884814457 +344 125 3 884899741 +344 148 2 884900248 +344 172 4 884814697 +344 175 5 884901110 +344 176 5 884814507 +344 181 3 884901047 +344 183 5 884814507 +344 190 5 886382447 +344 191 5 889814194 +344 195 5 884900771 +344 196 4 884901328 +344 204 4 884901024 +344 208 5 884901290 +344 213 4 884901351 +344 215 3 884900818 +344 222 4 884899372 +344 228 4 884901047 +344 237 3 884900353 +344 244 3 889814600 +344 245 3 884813365 +344 246 4 889814518 +344 248 4 889814539 +344 251 5 889814518 +344 255 4 889814555 +344 268 3 884814359 +344 274 2 884899768 +344 278 3 884900454 +344 283 4 884814432 +344 284 3 884899768 +344 286 3 884813183 +344 288 4 889813994 +344 295 3 889814571 +344 301 4 889813946 +344 303 4 884814359 +344 304 3 884814359 +344 306 5 884814359 +344 313 3 884814359 +344 315 5 884813342 +344 421 2 884901561 +344 433 4 884901517 +344 451 4 884901403 +344 462 2 884901156 +344 471 3 884899719 +344 472 3 884899837 +344 477 3 884900353 +344 479 4 884901093 +344 486 4 884901156 +344 508 4 884814697 +344 511 4 884901311 +344 535 3 889814539 +344 537 4 884814432 +344 559 3 884901351 +344 568 5 884901419 +344 597 2 884900454 +344 619 4 885770181 +344 660 3 884901235 +344 663 5 884900993 +344 678 2 884813365 +344 684 3 884901249 +344 707 4 884900792 +344 716 3 884901403 +344 845 3 884899791 +344 896 4 884814359 +344 1007 4 889814518 +344 1050 3 884901290 +344 1165 1 886381986 +344 1172 4 884901311 +344 1283 2 889814587 +345 1 3 884990938 +345 13 4 884991220 +345 15 4 884991220 +345 25 3 884991384 +345 26 3 884993555 +345 33 4 884993069 +345 48 5 884902317 +345 49 3 884993505 +345 51 5 884993744 +345 64 5 884902317 +345 71 3 884992922 +345 77 3 884993555 +345 88 4 884992940 +345 93 4 884991191 +345 98 5 884916235 +345 100 5 884902317 +345 121 3 884991384 +345 126 5 884991105 +345 132 5 884901371 +345 151 5 884991191 +345 172 4 884991831 +345 173 5 884902317 +345 174 4 884992367 +345 197 4 884992141 +345 202 3 884992218 +345 216 5 884901701 +345 221 5 884900899 +345 235 3 884991285 +345 246 4 884994156 +345 251 5 884994119 +345 269 5 884900466 +345 272 5 884900426 +345 282 3 884991419 +345 283 4 884991105 +345 284 4 884991348 +345 285 5 884901701 +345 289 3 884901497 +345 291 3 884991476 +345 295 4 884994592 +345 297 4 884994156 +345 301 4 884900543 +345 302 5 884902317 +345 311 5 884900609 +345 312 3 884900709 +345 313 4 884900467 +345 315 5 884900653 +345 317 4 884992465 +345 325 1 884901497 +345 332 1 884901497 +345 333 3 884900543 +345 356 3 884993686 +345 367 4 884993069 +345 387 4 884992823 +345 402 4 884993464 +345 403 3 884992922 +345 405 4 884991285 +345 443 5 884993464 +345 451 5 884993085 +345 471 3 884991127 +345 473 2 884991244 +345 476 3 884991505 +345 479 4 884991812 +345 481 3 884916260 +345 508 4 884901000 +345 535 3 884994136 +345 550 3 884993784 +345 559 1 884901497 +345 582 5 884992807 +345 651 4 884992493 +345 660 5 884993418 +345 676 4 884991384 +345 708 3 884992786 +345 716 3 884993686 +345 722 3 884993783 +345 724 5 884993139 +345 732 4 884993418 +345 739 4 884993016 +345 748 2 884901497 +345 845 3 884991220 +345 846 4 884991348 +345 866 3 884991476 +345 879 2 884901497 +345 903 3 884900609 +345 919 2 884991077 +345 949 3 884992897 +345 956 4 884916322 +345 972 4 884993464 +345 988 2 884916551 +345 1011 3 884991127 +345 1014 3 884994643 +345 1016 3 884994619 +345 1017 2 884991303 +345 1047 4 884991457 +345 1048 2 884991436 +345 1082 2 884994569 +345 1160 3 884994606 +345 1247 2 884993996 +345 1315 3 884994631 +346 4 4 874948105 +346 17 1 874950839 +346 31 4 874950383 +346 33 5 875261753 +346 53 1 875263501 +346 62 3 875263634 +346 72 3 874951714 +346 76 4 874950135 +346 83 4 874949923 +346 94 3 875263845 +346 121 4 874948703 +346 128 2 874950208 +346 133 5 874948513 +346 134 5 874947644 +346 143 3 874948332 +346 158 2 875264945 +346 167 2 875264209 +346 174 5 874948547 +346 176 4 874947747 +346 186 3 874948303 +346 187 3 874948030 +346 210 4 874947700 +346 213 3 874948173 +346 218 3 875263574 +346 232 3 875263877 +346 237 4 874949086 +346 241 4 874948929 +346 245 4 875266665 +346 265 4 874950794 +346 291 5 875002643 +346 294 3 886273405 +346 322 3 886273541 +346 392 3 875266064 +346 405 3 886274098 +346 415 2 875265527 +346 455 3 874948889 +346 518 4 874948889 +346 546 4 875263238 +346 561 3 874950172 +346 569 3 875266064 +346 582 3 874951783 +346 673 3 874951782 +346 684 4 874948929 +346 685 3 874950383 +346 727 1 874947794 +346 732 3 874948955 +346 742 4 874948513 +346 780 2 875264904 +346 785 3 875263077 +346 809 3 874951029 +346 831 3 875003274 +346 879 5 886273570 +346 932 2 875264752 +346 967 2 874948426 +346 977 3 875264110 +346 1018 3 874950536 +346 1090 2 875265071 +346 1110 1 875264985 +346 1222 4 875263877 +347 7 4 881652590 +347 12 3 881653584 +347 22 5 881654005 +347 25 2 881652684 +347 55 5 881653603 +347 56 5 881653736 +347 65 2 881654679 +347 69 5 881653687 +347 73 2 881654773 +347 79 5 881653890 +347 82 5 881654269 +347 85 5 881654880 +347 87 3 881653830 +347 96 4 881653775 +347 98 5 881654359 +347 125 5 881652568 +347 127 5 881652434 +347 132 5 881654064 +347 144 5 881654186 +347 151 3 881652480 +347 168 5 881653798 +347 173 2 881654503 +347 182 5 881653736 +347 208 2 881654480 +347 215 4 881654211 +347 216 3 881653933 +347 222 4 881652377 +347 223 4 881653669 +347 227 4 881654734 +347 230 4 881654101 +347 239 5 881654591 +347 241 3 881654386 +347 246 4 881652417 +347 257 4 881652610 +347 268 4 881652169 +347 280 4 881652657 +347 286 3 881652054 +347 288 5 881652118 +347 291 5 881652746 +347 294 1 881652142 +347 298 5 881652590 +347 300 5 881652054 +347 317 1 881654409 +347 318 3 881653563 +347 323 1 881652142 +347 324 1 881652230 +347 328 4 881652077 +347 385 4 881654101 +347 392 2 881654592 +347 410 5 881653059 +347 416 3 881654715 +347 423 4 881654567 +347 435 5 881654211 +347 462 2 881654359 +347 465 3 881654825 +347 472 5 881652813 +347 475 4 881652417 +347 501 4 881654410 +347 568 4 881654339 +347 588 3 881654321 +347 609 4 881654064 +347 685 3 881652684 +347 699 1 881654480 +347 721 5 881654715 +347 735 2 881654134 +347 806 3 881653830 +347 819 1 881653155 +347 827 1 881653266 +347 829 4 881653155 +347 841 3 881652769 +347 871 4 881653300 +347 879 3 881652099 +347 959 5 881654545 +347 1028 2 881653087 +347 1035 3 881654522 +347 1059 3 881652813 +347 1088 1 881653224 +347 1283 1 881652730 +348 1 4 886523078 +348 15 4 886523330 +348 100 4 886523207 +348 147 5 886523361 +348 240 3 886523839 +348 245 4 886522765 +348 276 3 886523456 +348 288 5 886522495 +348 294 4 886522658 +348 313 5 886522495 +348 370 4 886523621 +348 405 4 886523174 +348 406 4 886523521 +348 411 4 886523790 +348 472 4 886523758 +348 473 3 886523560 +348 476 4 886523735 +348 628 4 886523256 +348 742 4 886523078 +348 819 4 886523710 +348 834 4 886523913 +348 924 4 886523361 +348 928 5 886523683 +348 975 4 886523813 +348 1028 4 886523560 +348 1061 5 886523790 +348 1120 3 886523387 +349 9 4 879465477 +349 105 2 879466283 +349 237 2 879466062 +349 288 3 879466118 +349 370 2 879466283 +349 411 4 879466232 +349 412 1 879466366 +349 455 2 879465712 +349 475 4 879466479 +349 744 2 879465785 +349 823 4 879466156 +349 847 4 879466507 +349 1117 3 879466366 +350 1 4 882345734 +350 153 3 882347466 +350 174 5 882346720 +350 176 4 882347653 +350 193 4 882347653 +350 211 2 882347466 +350 228 4 882347598 +350 286 5 882345337 +350 324 4 882345384 +350 340 4 882346257 +350 530 4 882346161 +350 589 5 882346986 +350 604 5 882346086 +350 616 4 882346383 +350 657 5 882346663 +351 286 5 879481386 +351 292 4 879481550 +351 313 5 883356562 +351 340 1 879481424 +351 359 4 879481589 +351 538 4 879481495 +351 750 5 883356810 +351 754 5 883356614 +351 873 3 879481643 +351 879 5 879481461 +351 984 5 879481675 +351 990 5 879481461 +351 1105 4 883356833 +351 1316 4 883356883 +352 4 3 884290328 +352 7 3 884290549 +352 55 1 884289728 +352 96 4 884290328 +352 173 1 884290361 +352 181 4 884289693 +352 182 5 884290328 +352 183 5 884289693 +352 216 4 884290390 +352 234 4 884290549 +352 568 5 884290328 +352 657 4 884290428 +352 746 4 884290361 +353 271 2 891402567 +353 286 5 891402757 +353 300 3 891402310 +353 316 5 891402757 +354 47 4 891217110 +354 52 5 891217547 +354 57 5 891217575 +354 58 3 891218356 +354 61 5 891218091 +354 70 3 891218208 +354 79 2 891217274 +354 86 5 891218312 +354 87 3 891217482 +354 124 5 891216632 +354 131 3 891217811 +354 133 3 891217547 +354 134 4 891217298 +354 136 5 891217717 +354 149 5 891216498 +354 152 3 891306974 +354 153 3 891218418 +354 155 2 891307206 +354 162 3 891217659 +354 174 4 891218068 +354 175 5 891218024 +354 180 3 891217274 +354 191 4 891217082 +354 197 4 891217512 +354 199 4 891217130 +354 208 4 891217394 +354 211 2 891306946 +354 213 5 891217160 +354 242 5 891180399 +354 257 3 891216735 +354 268 4 891180399 +354 269 4 891180399 +354 276 3 891216760 +354 285 5 891216526 +354 297 4 891216760 +354 318 3 891217365 +354 321 2 891216128 +354 344 5 891180445 +354 382 5 891217897 +354 414 4 891218492 +354 428 4 891217298 +354 435 4 891218024 +354 462 3 891218116 +354 463 4 891217575 +354 479 4 891217249 +354 480 4 891217897 +354 483 4 891217298 +354 497 4 891217160 +354 498 4 891217610 +354 508 3 891216607 +354 511 4 891217340 +354 529 4 891217610 +354 584 5 891217782 +354 603 5 891217082 +354 605 3 891218271 +354 607 3 891218208 +354 629 3 891217659 +354 631 4 891217449 +354 651 3 891217693 +354 657 4 891218289 +354 659 4 891217221 +354 664 5 891217717 +354 692 2 891307114 +354 694 5 891217299 +354 699 3 891218474 +354 702 3 891307114 +354 705 4 891217547 +354 716 3 891307157 +354 732 2 891307157 +354 736 5 891218568 +354 740 4 891216692 +354 847 3 891216713 +354 882 4 891216157 +354 900 4 891180527 +354 904 5 891180419 +354 929 4 891216896 +354 953 3 891218208 +354 962 4 891217274 +354 1007 4 891216549 +354 1101 3 891218003 +354 1241 4 891216875 +355 300 4 879486529 +355 307 4 879486422 +355 310 4 879485423 +355 336 4 879486529 +355 872 4 879486529 +355 882 4 879486421 +356 272 5 891405651 +356 300 3 891405978 +356 313 5 891405651 +356 328 4 891406241 +356 333 5 891405978 +356 689 5 891406372 +356 748 4 891406500 +356 892 1 891406241 +356 937 2 891406040 +357 7 3 878951537 +357 118 5 878951691 +357 125 5 878951784 +357 222 5 878951498 +357 235 4 878951691 +357 237 5 878951217 +357 258 4 878951101 +357 284 4 878951691 +357 287 4 878952265 +357 291 4 878952137 +357 294 4 878951101 +357 326 5 878951101 +357 334 4 878951101 +357 405 5 878951784 +357 713 5 878951576 +357 742 4 878951691 +357 819 4 878951653 +357 833 4 878952341 +357 864 5 878951653 +357 866 5 878951864 +357 928 4 878952041 +357 977 5 878952287 +357 984 3 878950923 +357 1095 3 878952190 +358 59 4 891269617 +358 132 5 891270652 +358 357 4 891270405 +358 469 4 891271063 +358 482 2 891270510 +358 643 3 891270091 +358 896 4 891269077 +358 1529 3 891269584 +359 1 4 886453214 +359 24 3 886453354 +359 117 4 886453305 +359 246 3 886453214 +359 250 4 886453354 +359 270 4 886453467 +359 273 4 886453325 +359 295 3 886453325 +359 313 5 886453450 +359 405 3 886453354 +359 455 4 886453305 +359 751 4 886453467 +359 831 3 886453402 +360 13 3 880354315 +360 14 5 880354149 +360 28 4 880355678 +360 79 4 880355485 +360 116 3 880354275 +360 127 5 880354149 +360 134 5 880356025 +360 157 4 880355994 +360 166 5 880355527 +360 181 4 880355353 +360 191 4 880355958 +360 194 3 880355803 +360 195 3 880355715 +360 197 5 880355888 +360 207 4 880355888 +360 222 2 880355094 +360 237 4 880354484 +360 238 4 880355845 +360 242 4 880353616 +360 251 5 880354315 +360 269 4 880353525 +360 283 4 880354215 +360 302 4 880353526 +360 303 3 880353526 +360 309 2 880354094 +360 334 4 880353736 +360 423 4 880355623 +360 496 3 880356092 +360 511 5 880355994 +360 588 3 880355803 +360 663 4 880355888 +360 735 5 880356059 +360 963 5 880355448 +361 12 4 879441214 +361 14 4 879440651 +361 26 3 879440941 +361 88 4 879440974 +361 97 4 879440740 +361 100 5 879440386 +361 111 3 879440974 +361 148 1 879441324 +361 156 4 879441252 +361 173 5 879440774 +361 179 4 879440545 +361 183 4 879441285 +361 185 5 879441215 +361 197 5 879440739 +361 203 5 879441285 +361 222 2 879441253 +361 234 4 879441285 +361 238 4 879440475 +361 273 3 879441215 +361 275 4 879440694 +361 286 5 879440286 +361 340 3 879441805 +361 387 3 879441008 +361 402 3 879441179 +361 435 5 879440345 +361 466 4 879441285 +361 498 4 879441416 +361 513 5 879441215 +361 517 5 879440386 +361 524 4 879440386 +361 531 5 879440545 +361 652 4 879440346 +361 654 4 879441253 +361 655 3 879440346 +361 684 4 879441215 +361 709 5 879440974 +361 739 4 879441075 +361 762 2 879440774 +361 934 3 879440974 +361 949 4 879440774 +361 1041 2 879441179 +361 1074 3 879441179 +361 1119 3 879440740 +362 258 4 885019435 +362 268 2 885019435 +362 288 4 885019304 +362 294 3 885019357 +362 312 5 885019504 +362 333 5 885019261 +362 336 2 885019468 +363 2 4 891495809 +363 5 1 891497047 +363 9 3 891494628 +363 37 2 891498510 +363 55 5 891495682 +363 62 2 891497639 +363 66 4 891496849 +363 71 3 891495301 +363 81 4 891496616 +363 82 3 891497047 +363 87 3 891496306 +363 91 4 891495238 +363 93 4 891495339 +363 96 5 891494835 +363 97 2 891496513 +363 101 1 891496953 +363 102 4 891498681 +363 114 5 891494688 +363 128 5 891495371 +363 134 2 891494725 +363 144 4 891494865 +363 145 1 891498589 +363 152 5 891494906 +363 154 4 891496306 +363 155 2 891497712 +363 156 3 891494962 +363 163 3 891495143 +363 169 5 891494563 +363 182 1 891494962 +363 183 4 891494835 +363 184 3 891494725 +363 188 4 891495711 +363 189 5 891495070 +363 196 4 891494658 +363 212 1 891497278 +363 215 3 891496306 +363 217 2 891498286 +363 218 2 891497174 +363 228 3 891496481 +363 229 3 891497393 +363 237 2 891496306 +363 265 3 891495339 +363 270 2 891493723 +363 288 4 891493723 +363 307 5 891493795 +363 316 3 891493918 +363 336 4 891494011 +363 346 4 891493746 +363 347 3 891493723 +363 350 1 891493864 +363 351 2 891493864 +363 366 2 891497583 +363 370 3 891500269 +363 387 1 891497639 +363 391 2 891498811 +363 402 2 891498365 +363 403 3 891496414 +363 405 4 891497015 +363 417 1 891498223 +363 426 2 891496927 +363 433 4 891495143 +363 461 3 891495711 +363 472 1 891498469 +363 473 4 891498558 +363 474 5 891494929 +363 505 3 891495238 +363 546 3 891497440 +363 554 1 891498012 +363 555 1 891498920 +363 561 2 891498884 +363 569 2 891498259 +363 588 2 891495339 +363 591 4 891499437 +363 616 3 891498135 +363 658 3 891496543 +363 665 2 891498964 +363 673 2 891496543 +363 679 4 891497277 +363 685 4 891496979 +363 741 3 891495338 +363 746 4 891495630 +363 761 3 891498183 +363 767 2 891500179 +363 792 4 891495918 +363 802 2 891498681 +363 809 4 891497712 +363 825 4 891497881 +363 906 2 891493795 +363 940 2 891498920 +363 959 1 891497523 +363 1007 5 891499355 +363 1010 4 891496979 +363 1016 4 891499568 +363 1019 5 891496414 +363 1052 3 891500134 +363 1074 2 891497679 +363 1099 2 891495402 +363 1168 2 891496587 +363 1228 2 891498720 +363 1267 2 891496481 +363 1485 4 891496102 +363 1495 5 891497278 +364 269 4 875931309 +364 288 4 875931432 +364 289 3 875931432 +364 321 2 875931478 +364 690 4 875931309 +364 1048 5 875931585 +365 7 2 891304213 +365 13 3 891303950 +365 15 3 891304152 +365 25 4 891303950 +365 109 2 891304106 +365 124 4 891304039 +365 150 5 891303950 +365 258 4 891303515 +365 275 4 891304019 +365 287 4 891304301 +365 289 3 891303694 +365 301 5 891303586 +365 321 5 891303536 +365 742 3 891304039 +365 813 5 891303901 +365 894 1 891303760 +365 908 3 891303638 +365 948 1 891303809 +365 1017 4 891304213 +365 1048 3 891304152 +366 7 2 888857598 +366 56 5 888857750 +366 164 5 888857932 +366 184 4 888857866 +366 185 5 888857750 +366 218 3 888857866 +366 219 5 888857932 +366 436 5 888857932 +366 443 5 888857866 +366 447 5 888857990 +366 448 5 888857990 +366 573 5 888858078 +366 672 5 888858078 +366 853 5 888857750 +366 854 5 888857750 +366 860 2 888858078 +367 17 5 876689991 +367 56 5 876689932 +367 100 5 876689878 +367 200 4 876689962 +367 201 5 876689991 +367 219 4 876690098 +367 246 4 876689612 +367 250 5 876689824 +367 258 4 876689364 +367 288 5 876689418 +367 326 4 876689502 +367 334 4 876689364 +367 379 4 876690048 +367 436 4 876689962 +367 441 3 876690049 +367 448 4 876690098 +367 452 4 876690120 +367 551 3 876690048 +367 567 4 876690077 +367 665 5 876689738 +367 760 4 876690021 +367 774 4 876690049 +367 1012 4 876689825 +368 17 5 889783562 +368 50 4 889783678 +368 96 3 889783678 +368 218 2 889783453 +368 219 2 889783453 +368 288 3 889783453 +368 320 5 889783364 +368 379 4 889783562 +368 396 2 889783617 +368 436 3 889783562 +368 551 4 889783617 +368 567 3 889783617 +368 637 2 889783617 +369 114 5 889428642 +369 181 5 889428642 +369 271 5 889428642 +369 948 2 889428228 +369 988 3 889428228 +370 12 4 879435369 +370 22 4 879434832 +370 42 3 879435462 +370 56 2 879434587 +370 116 3 879434707 +370 153 2 879434832 +370 175 3 879434804 +370 209 5 879435461 +370 238 4 879435369 +370 257 5 879434468 +370 265 5 879434636 +370 493 5 879434886 +370 511 4 879434804 +370 604 4 879434804 +370 608 4 879434860 +370 631 4 879435369 +370 657 3 879434636 +370 659 4 879435033 +370 705 3 879434666 +371 24 4 877487500 +371 55 4 877487364 +371 79 5 880435519 +371 97 5 877487440 +371 98 5 877487213 +371 174 4 877487751 +371 175 1 877487266 +371 177 4 877487135 +371 179 3 877487364 +371 237 5 877487052 +371 663 5 880435238 +371 746 4 880435397 +372 12 4 876869730 +372 77 5 876869794 +372 148 5 876869915 +372 159 5 876869894 +372 183 5 876869667 +372 200 5 876869481 +372 219 5 876869481 +372 286 5 876868994 +372 322 3 876869330 +372 325 4 876869330 +372 327 5 876869183 +372 441 4 876869512 +372 448 4 876869445 +372 547 5 876869481 +372 561 5 876869534 +372 574 4 876869957 +372 581 5 876869794 +372 635 5 876869445 +372 649 3 876869977 +372 672 5 876869512 +372 874 4 876869238 +372 1083 3 876869878 +373 2 4 877100416 +373 15 4 877098568 +373 20 2 877098751 +373 25 4 877100016 +373 28 3 877103935 +373 31 3 877100199 +373 58 4 877100161 +373 68 5 877106741 +373 81 2 877100326 +373 82 1 877099317 +373 89 5 877098821 +373 94 2 877111313 +373 97 3 877099178 +373 100 3 877100199 +373 102 5 877100096 +373 105 3 877107173 +373 114 5 877098402 +373 117 4 877098599 +373 127 2 877099968 +373 139 3 877111422 +373 151 4 877100129 +373 154 5 877098919 +373 179 3 877104310 +373 196 5 877098487 +373 204 5 877098222 +373 206 4 877104284 +373 210 5 877098177 +373 211 4 877099178 +373 228 4 877106328 +373 230 4 877107430 +373 241 5 877100326 +373 269 5 877098075 +373 278 5 877111423 +373 290 5 877098784 +373 318 5 877098222 +373 357 4 877098568 +373 378 5 877100232 +373 386 3 877107403 +373 399 3 877105674 +373 402 4 877105730 +373 404 4 877111422 +373 420 4 877107630 +373 427 4 877099317 +373 451 5 877107430 +373 474 3 877098919 +373 485 4 877098751 +373 487 4 877098177 +373 488 3 877098343 +373 494 4 877099178 +373 506 4 877099211 +373 514 4 877098751 +373 520 4 877098678 +373 559 3 877106305 +373 566 4 877105809 +373 588 3 877098821 +373 596 3 877106741 +373 598 3 877112076 +373 625 4 877104086 +373 649 4 877098979 +373 651 4 877105075 +373 658 4 877105781 +373 694 5 877098643 +373 699 4 877105781 +373 704 2 877107100 +373 707 4 877100378 +373 709 5 877105451 +373 724 5 877103935 +373 729 4 877099263 +373 732 3 877104048 +373 747 4 877104048 +373 842 3 877098343 +373 843 3 877106878 +373 849 3 877105005 +373 1006 2 877100129 +373 1079 4 877100061 +373 1135 3 877107043 +373 1230 3 877111313 +374 1 4 880392992 +374 7 1 880393268 +374 9 1 880393056 +374 28 5 880395698 +374 29 3 880939127 +374 87 5 880395320 +374 111 2 880393268 +374 116 1 880393307 +374 121 4 880393095 +374 122 2 882158328 +374 124 3 880392873 +374 125 5 880393424 +374 126 3 880393223 +374 127 4 880392936 +374 129 5 880392846 +374 147 3 880392747 +374 150 4 882156767 +374 159 4 880937920 +374 162 2 880396511 +374 168 1 880434231 +374 173 3 882158521 +374 182 5 880395698 +374 195 3 880938870 +374 200 5 880395735 +374 204 4 880395604 +374 210 4 880395202 +374 216 5 880394997 +374 223 5 880394520 +374 230 5 880396622 +374 231 2 880939228 +374 233 3 880937876 +374 234 4 880396256 +374 237 5 880392717 +374 257 3 880393223 +374 265 5 880937779 +374 279 4 880394233 +374 280 3 880393811 +374 292 4 880392237 +374 310 5 880392237 +374 356 3 880937876 +374 363 3 880394088 +374 369 1 880393864 +374 385 4 880396048 +374 405 4 880392992 +374 424 1 883628021 +374 427 3 880396048 +374 450 4 880938370 +374 454 4 880394997 +374 475 1 880393191 +374 476 2 880394138 +374 540 3 880939304 +374 544 1 880937070 +374 552 4 880938255 +374 576 3 880939186 +374 581 4 880938044 +374 591 4 880393095 +374 651 4 880395320 +374 685 4 880393307 +374 692 5 882158641 +374 717 3 880938255 +374 735 5 880396359 +374 758 1 882158481 +374 761 3 880938370 +374 770 5 880938100 +374 815 4 880393668 +374 824 4 880394331 +374 880 5 882156984 +374 930 2 880394179 +374 931 3 880936233 +374 932 1 883628159 +374 948 2 880392592 +374 952 2 883627906 +374 977 1 883628189 +374 1011 4 880393783 +374 1028 1 880393425 +374 1042 5 880937920 +374 1046 5 880938044 +374 1047 3 880394179 +374 1150 1 880937253 +374 1407 2 880939304 +375 39 3 886622024 +375 44 3 886622131 +375 77 4 886622024 +375 218 3 886622024 +375 300 4 886621795 +375 356 4 886622131 +375 443 4 886622024 +375 566 4 886621985 +375 583 2 886622131 +375 684 4 886622066 +375 761 3 886622131 +375 1073 2 886621950 +376 14 4 879454914 +376 98 5 879454598 +376 237 3 879459054 +376 269 5 879454598 +376 274 3 879459115 +376 275 5 879455143 +376 289 3 879433599 +376 762 4 879459207 +377 56 4 891298407 +377 100 3 891298589 +377 154 5 891298627 +377 164 4 891299009 +377 219 3 891299078 +377 288 5 891295937 +377 313 5 891295989 +377 323 2 891297001 +377 354 4 891296044 +377 443 4 891299078 +377 748 4 891296945 +377 751 3 891296044 +377 1105 3 891296275 +378 4 3 880045612 +378 8 4 880045722 +378 9 5 880044419 +378 10 3 880044454 +378 12 5 880046132 +378 29 3 880332949 +378 48 5 880056701 +378 50 4 880045145 +378 52 5 880056491 +378 54 4 880056976 +378 63 3 880333719 +378 65 3 880046132 +378 66 3 880056632 +378 73 3 880056667 +378 88 4 880046408 +378 100 4 880044198 +378 110 3 880333027 +378 121 4 880044763 +378 123 3 880044532 +378 133 5 889665232 +378 141 3 880055565 +378 148 4 880044944 +378 151 3 880044385 +378 155 4 880333918 +378 159 3 880056887 +378 162 4 880046332 +378 172 4 880045886 +378 175 4 880055706 +378 179 2 880055336 +378 191 5 880046229 +378 194 4 880046100 +378 196 4 880046306 +378 197 3 880056423 +378 202 3 880046229 +378 215 4 880055336 +378 222 3 882712421 +378 230 3 880055984 +378 233 2 880333540 +378 241 4 880057137 +378 252 4 880045288 +378 258 4 882712421 +378 272 4 889665041 +378 274 3 880055597 +378 276 4 880044198 +378 283 4 880044532 +378 284 3 880044835 +378 286 5 880043650 +378 288 3 880043804 +378 289 5 889665232 +378 301 3 892382841 +378 302 5 889664996 +378 304 4 880043929 +378 321 3 880317293 +378 328 3 892382903 +378 356 4 880045989 +378 367 3 880055002 +378 386 3 880332643 +378 396 4 880332879 +378 405 3 880044489 +378 411 3 880045006 +378 418 3 880331938 +378 419 4 880332643 +378 420 4 880056701 +378 432 4 880331938 +378 433 4 880045652 +378 447 4 880056888 +378 449 3 880333195 +378 451 4 880055597 +378 465 3 881582268 +378 471 3 880057018 +378 500 4 880055891 +378 508 4 880044278 +378 527 4 880054954 +378 542 4 880333470 +378 546 2 880318158 +378 549 3 880056701 +378 554 3 880333540 +378 576 3 880333027 +378 596 5 889665232 +378 636 3 880055186 +378 655 4 880045553 +378 665 2 880333261 +378 696 3 880045044 +378 699 4 880055564 +378 723 3 880055396 +378 731 3 880056582 +378 734 3 880334269 +378 739 4 880333239 +378 793 3 880046437 +378 866 2 880044726 +378 875 3 880044108 +378 896 4 889665232 +378 921 4 880056667 +378 939 4 880332307 +378 942 3 880056798 +378 972 4 880056491 +378 979 3 880333851 +378 1028 2 880044726 +378 1037 2 880334476 +378 1044 3 880332643 +378 1046 3 880332857 +378 1061 2 880044454 +378 1107 3 880056351 +378 1134 4 880044278 +378 1180 3 880334269 +378 1220 3 880055779 +378 1232 3 880333121 +378 1267 3 880055740 +378 1284 2 880318158 +378 1439 3 880333144 +378 1478 3 880333098 +379 2 3 880525540 +379 4 5 880525598 +379 8 5 880525194 +379 23 4 880524783 +379 50 4 880525400 +379 52 4 880741002 +379 54 2 880526100 +379 69 4 880524754 +379 82 4 880525540 +379 83 4 880525002 +379 90 2 880740215 +379 98 5 880524541 +379 133 4 881000300 +379 135 4 880524886 +379 152 5 880740518 +379 157 4 880961600 +379 164 4 880524582 +379 176 5 886317511 +379 177 4 886835699 +379 192 4 880524972 +379 196 4 880525062 +379 199 4 880524860 +379 202 5 880525259 +379 211 5 880740437 +379 216 4 880525926 +379 230 4 880525540 +379 239 4 880961874 +379 270 3 888646058 +379 284 4 880568407 +379 294 3 880524363 +379 300 3 890464279 +379 391 4 880525698 +379 401 3 880962187 +379 402 3 880524943 +379 417 5 880525794 +379 443 4 880524640 +379 448 4 880741811 +379 451 4 880525968 +379 452 3 880524614 +379 480 5 885063301 +379 496 5 892879481 +379 504 5 880526141 +379 520 5 880524908 +379 522 5 880524753 +379 523 4 880525108 +379 530 5 880525502 +379 554 4 880525678 +379 603 5 880526074 +379 616 2 890464337 +379 637 2 880962047 +379 651 4 880568511 +379 655 5 888044628 +379 686 4 880525502 +379 705 4 888646088 +379 732 5 880525995 +379 735 4 880525133 +379 855 4 880961506 +379 1032 2 880568109 +379 1206 2 880961672 +379 1219 2 883156704 +380 1 4 885478218 +380 22 4 885478334 +380 59 4 885478447 +380 62 1 885479777 +380 64 3 885481179 +380 69 4 885479301 +380 114 3 885478539 +380 118 2 885480301 +380 132 4 885479186 +380 135 3 885479436 +380 154 3 885478624 +380 172 3 885478334 +380 176 3 885481179 +380 177 3 885479082 +380 180 2 885478374 +380 181 3 885478391 +380 185 4 885479057 +380 186 3 885479355 +380 197 3 885478886 +380 229 3 885481179 +380 241 2 885479997 +380 300 3 885481179 +380 313 4 885477859 +380 427 4 885478193 +380 428 3 885480320 +380 433 3 885479186 +380 449 3 885480902 +380 465 4 885478845 +380 474 4 885478558 +380 483 4 885478668 +380 496 4 885479537 +380 518 3 885478821 +380 527 4 885479212 +380 530 5 885478886 +380 587 4 885479274 +380 630 2 885478780 +380 631 4 885478668 +380 652 3 885478241 +380 709 4 885478603 +380 732 4 885478646 +380 753 4 885479082 +380 856 3 885479706 +380 923 3 885478603 +380 1168 3 885479833 +380 1444 1 885480795 +380 1449 4 885478845 +381 13 4 892696445 +381 30 4 892697174 +381 49 2 892696328 +381 50 5 892696252 +381 77 2 892696367 +381 83 4 892695996 +381 97 4 892696960 +381 100 4 892697442 +381 129 4 892697628 +381 133 5 892697413 +381 135 5 892697150 +381 175 5 892696268 +381 191 5 892696757 +381 212 5 892696982 +381 216 5 892695996 +381 281 2 892696616 +381 304 5 892697982 +381 378 4 892696019 +381 403 3 892696045 +381 459 4 892696738 +381 473 5 892697150 +381 485 4 892696347 +381 495 4 892696186 +381 498 5 892696252 +381 501 4 892697133 +381 512 4 892696045 +381 582 5 892696045 +381 634 3 892696872 +381 647 4 892697133 +381 652 5 892696252 +381 660 2 892696426 +381 694 4 892696929 +381 724 3 892696616 +381 771 2 892696557 +381 914 1 892697768 +381 1400 3 892697394 +381 1439 3 892696831 +381 1533 4 892696106 +382 9 4 875946830 +382 25 2 875945880 +382 98 3 875946563 +382 127 3 875945781 +382 137 2 875946029 +382 171 3 875946639 +382 183 3 875946672 +382 276 3 875946029 +382 290 4 875946830 +382 474 5 875947199 +382 475 3 875946103 +382 481 5 875947078 +382 508 3 875946029 +382 531 4 875946830 +382 546 2 875946234 +382 639 3 875946881 +382 717 3 875946347 +382 1142 3 875945451 +382 1229 5 875947240 +382 1534 4 875946830 +383 9 5 891192801 +383 14 5 891192836 +383 19 4 891192911 +383 86 5 891193210 +383 137 5 891192986 +383 197 5 891192888 +383 313 2 891192158 +383 319 2 891192377 +383 321 5 891192376 +383 425 4 891193181 +383 464 4 891192986 +383 474 5 891193072 +383 475 2 891193137 +383 483 5 891192986 +383 505 4 891193042 +383 513 5 891193016 +383 603 5 891193242 +383 641 4 891192778 +383 663 5 891192778 +384 272 5 891273509 +384 343 3 891273716 +384 347 4 891273509 +384 355 4 891274055 +384 689 4 891274232 +384 748 4 891274028 +385 4 2 879445260 +385 29 1 879447845 +385 42 1 879443252 +385 48 5 879441777 +385 56 5 879441728 +385 79 3 879441853 +385 82 1 879446786 +385 87 3 879441942 +385 99 2 879443186 +385 114 5 879441942 +385 128 5 879442235 +385 129 3 881467873 +385 153 4 879442028 +385 156 4 881308434 +385 168 3 879442109 +385 171 3 879750777 +385 172 2 879442109 +385 174 2 879924297 +385 180 4 879442706 +385 181 1 879439923 +385 189 5 881530739 +385 194 3 879441538 +385 195 1 879453773 +385 199 3 879442559 +385 209 4 879441853 +385 216 2 879446868 +385 218 2 879447361 +385 221 5 881398053 +385 224 2 879439728 +385 249 2 879440892 +385 253 3 879439923 +385 257 3 879440236 +385 262 4 884153000 +385 285 5 879439637 +385 286 3 879438600 +385 290 3 879440674 +385 293 3 879439728 +385 304 3 879438949 +385 325 4 882175397 +385 337 4 879439469 +385 340 4 879438647 +385 367 4 879444640 +385 385 1 879443352 +385 403 3 879447181 +385 408 5 879443065 +385 423 2 879445662 +385 435 3 879443102 +385 447 3 879443150 +385 458 3 879440828 +385 462 2 881135090 +385 474 5 881530739 +385 480 5 879441313 +385 485 4 879446591 +385 489 5 884631784 +385 500 4 879443352 +385 503 3 879443217 +385 523 4 879441454 +385 524 5 880924359 +385 526 3 879445098 +385 606 4 879441599 +385 629 2 879446643 +385 661 4 879443045 +385 663 4 879446431 +385 673 2 879445779 +385 705 3 879441538 +385 767 1 879447361 +385 794 2 879448181 +385 922 4 881569749 +385 942 2 879446208 +385 965 4 879445779 +385 1010 3 879440127 +385 1021 5 879441572 +385 1071 4 879448426 +385 1129 5 879440236 +385 1135 1 879448181 +385 1353 4 879440098 +385 1367 5 880879193 +385 1411 3 879447873 +385 1536 5 879441339 +386 7 3 877655028 +386 50 4 877654961 +386 121 3 877655145 +386 455 3 877654961 +386 546 2 877655195 +387 2 4 886483195 +387 24 5 886484522 +387 31 3 886483330 +387 32 5 886479737 +387 39 3 886483049 +387 46 3 886484011 +387 48 4 886483753 +387 52 5 886483497 +387 55 3 886479649 +387 56 5 886479649 +387 58 4 886484065 +387 69 3 886480413 +387 71 2 886483620 +387 81 3 886483906 +387 82 4 886483098 +387 83 4 886480244 +387 116 3 886480206 +387 133 2 886480483 +387 136 3 886480288 +387 144 3 886479649 +387 152 1 886479690 +387 168 5 886479610 +387 169 5 886484336 +387 180 4 886479737 +387 182 5 886483048 +387 183 4 886480206 +387 189 5 886483619 +387 198 4 886480352 +387 199 4 886483858 +387 200 5 886481686 +387 201 5 886484631 +387 202 3 886482695 +387 203 4 886483330 +387 208 3 886480484 +387 210 4 886482928 +387 218 3 886481687 +387 224 5 886480703 +387 227 4 886483195 +387 268 3 886479430 +387 288 3 886484385 +387 294 2 886484413 +387 317 4 886483906 +387 333 3 886479484 +387 380 2 886484098 +387 381 4 886482969 +387 393 2 886483009 +387 414 4 886482969 +387 418 3 886483669 +387 423 3 886484065 +387 431 3 886483150 +387 432 4 886480353 +387 436 4 886481737 +387 441 1 886481800 +387 444 4 886481800 +387 447 4 886481687 +387 448 3 886481686 +387 458 1 886481183 +387 461 5 886483753 +387 488 3 886480163 +387 501 4 886483620 +387 514 3 886480515 +387 520 4 886480446 +387 559 3 886481737 +387 561 3 886481800 +387 564 1 886481800 +387 566 3 886483194 +387 578 2 886483252 +387 651 2 886479689 +387 672 2 886481687 +387 674 2 886481686 +387 692 1 886482928 +387 693 5 886484336 +387 697 1 886483906 +387 744 3 886480818 +387 773 4 886481800 +387 844 5 886480484 +387 845 4 886484336 +387 854 5 886481686 +387 942 4 886483906 +387 943 4 886483357 +387 984 1 886484460 +387 1007 5 886480623 +387 1008 4 886481183 +387 1012 4 886481073 +387 1014 3 886480789 +387 1019 4 886480288 +387 1069 2 886480288 +387 1097 3 886480657 +387 1115 3 886479575 +387 1118 3 886482695 +387 1143 5 886480623 +387 1166 3 886483939 +387 1199 5 886480970 +387 1538 3 886481151 +388 5 4 886441083 +388 56 3 886441015 +388 117 5 886436756 +388 147 4 886436871 +388 184 4 886441083 +388 310 5 886438540 +388 313 5 886438122 +388 326 5 886438122 +388 690 5 886438540 +388 816 4 886441248 +389 4 4 879991352 +389 28 4 880165411 +389 29 2 880088659 +389 38 2 880089076 +389 53 2 880089337 +389 71 4 880088091 +389 98 4 879991264 +389 100 5 879915701 +389 109 3 879915745 +389 111 3 879916053 +389 124 4 879916053 +389 136 4 880087671 +389 142 3 880088878 +389 151 4 879916135 +389 153 3 880088510 +389 159 2 880088330 +389 160 4 880087897 +389 176 4 880165047 +389 194 4 879991147 +389 204 4 879991017 +389 216 2 879991387 +389 217 3 880088774 +389 249 3 879915991 +389 275 5 879915860 +389 378 5 880087695 +389 395 2 880089133 +389 402 3 880613797 +389 404 5 880087200 +389 414 4 879991485 +389 429 4 879991352 +389 478 5 879991264 +389 479 4 879991535 +389 490 3 879991081 +389 492 5 880086944 +389 493 5 879991147 +389 496 4 879991218 +389 498 5 880086918 +389 502 4 881384464 +389 504 4 880087832 +389 507 5 879991196 +389 517 4 880087977 +389 518 4 880087073 +389 550 3 880088923 +389 583 2 880088039 +389 607 3 879991297 +389 613 5 880088038 +389 656 5 879991175 +389 662 3 880613750 +389 699 5 880088038 +389 705 5 879991196 +389 715 3 880614012 +389 736 5 880088229 +389 756 2 880088942 +389 778 4 880088995 +389 785 3 880613841 +389 792 4 880088115 +389 836 4 879991045 +389 845 4 879916053 +389 942 3 880165881 +389 955 4 880087599 +389 1052 2 881384711 +389 1074 2 880613841 +389 1119 3 880088659 +389 1203 5 880087544 +389 1286 5 880087873 +389 1298 5 887868071 +389 1451 5 880087544 +389 1518 2 880165787 +389 1530 2 880088753 +390 100 5 879694123 +390 124 4 879694232 +390 181 4 879694198 +390 289 3 879693677 +390 304 5 879693561 +390 328 4 879693677 +390 331 2 879693723 +390 713 4 879694259 +390 740 4 879694123 +390 989 5 879693677 +390 990 4 879693608 +391 15 4 877399805 +391 26 5 877399745 +391 47 4 877399301 +391 56 5 877399745 +391 97 4 877399301 +391 127 5 877399236 +391 134 4 877399171 +391 180 5 877399066 +391 188 3 877399658 +391 195 2 877399618 +391 197 5 877399380 +391 203 4 877399423 +391 204 3 877399658 +391 238 5 877399659 +391 264 1 877398704 +391 286 4 877398517 +391 300 2 877398619 +391 357 5 877399486 +391 474 5 877399171 +391 497 3 877399133 +391 507 4 877399512 +391 527 3 877399541 +391 530 5 877399337 +391 748 3 877398619 +391 924 2 877400116 +391 1101 4 877399423 +392 8 5 891039049 +392 23 5 891038466 +392 98 5 891038979 +392 129 4 891038945 +392 165 5 891038433 +392 166 5 891038466 +392 178 5 891038945 +392 179 5 891038946 +392 258 2 891037531 +392 276 4 891039049 +392 285 3 891039050 +392 286 2 891037385 +392 293 4 891038137 +392 298 1 891038205 +392 302 5 891037385 +392 319 5 891037385 +392 321 5 891037685 +392 333 4 891037531 +392 492 4 891038979 +392 511 5 891038945 +392 534 4 891038205 +392 538 2 891037851 +392 632 5 891039015 +392 847 4 891039015 +392 872 4 891037790 +392 873 3 891037851 +392 1014 3 891038205 +392 1142 5 891038184 +392 1143 4 891038158 +392 1160 2 891038137 +393 2 4 887746206 +393 12 5 887745883 +393 15 3 887744266 +393 21 3 887744765 +393 25 2 887744294 +393 27 4 889555050 +393 31 4 887745912 +393 36 3 889731618 +393 38 4 889731010 +393 41 4 889728736 +393 49 4 889729674 +393 50 5 887743611 +393 54 4 889555050 +393 55 4 889727862 +393 62 4 889728895 +393 67 3 889730088 +393 70 3 889555251 +393 71 3 889554977 +393 83 4 887746523 +393 88 3 889730066 +393 94 4 889731465 +393 100 1 887744053 +393 110 2 889730117 +393 123 4 887744328 +393 126 4 887743647 +393 128 3 887746145 +393 136 5 889555050 +393 142 4 889730460 +393 148 4 887744419 +393 169 3 887745912 +393 189 4 887745717 +393 196 4 887746015 +393 202 3 887746015 +393 215 4 887745912 +393 222 4 887744239 +393 223 4 887746119 +393 227 4 889728385 +393 233 3 889730460 +393 241 4 889554930 +393 252 3 887744766 +393 265 4 887746301 +393 275 4 887744053 +393 278 4 887744473 +393 294 4 887742145 +393 303 4 891364609 +393 313 4 887742040 +393 318 3 887745973 +393 323 2 887742916 +393 328 5 887742798 +393 342 5 887742179 +393 349 3 887742939 +393 355 3 889554171 +393 362 3 887741960 +393 363 3 887745086 +393 365 3 889729460 +393 366 4 889729345 +393 374 3 889731702 +393 378 4 887746824 +393 380 2 887746482 +393 386 4 889731390 +393 394 5 889728627 +393 396 1 889730514 +393 402 3 889730187 +393 403 3 889727503 +393 419 4 887746523 +393 420 3 889728074 +393 431 2 887746965 +393 456 3 887745501 +393 471 4 887744549 +393 500 4 887746523 +393 527 3 889727614 +393 539 3 891364757 +393 546 2 887744578 +393 554 4 889729486 +393 568 4 889554563 +393 576 3 889729938 +393 591 5 887744372 +393 596 4 887743611 +393 633 2 887746091 +393 651 4 889728238 +393 659 4 887746378 +393 672 3 889729614 +393 681 3 887742798 +393 683 4 887742110 +393 686 4 889729185 +393 690 4 887742110 +393 705 4 887746456 +393 715 1 889731592 +393 725 2 889731501 +393 728 3 889730209 +393 737 2 889730261 +393 742 4 887744517 +393 747 4 889727969 +393 756 4 887745258 +393 763 5 887745086 +393 778 3 887746301 +393 779 3 889729673 +393 781 4 889729159 +393 783 3 889729561 +393 789 1 887746015 +393 792 1 889729346 +393 805 2 889555410 +393 812 3 889555021 +393 831 1 887745454 +393 836 4 889728895 +393 840 4 887744658 +393 890 1 887742991 +393 932 3 887744578 +393 940 2 889731109 +393 953 4 889555334 +393 1032 3 889729296 +393 1034 2 889731413 +393 1043 3 889728324 +393 1047 3 887745293 +393 1048 3 887745120 +393 1053 3 889730011 +393 1091 2 889731840 +393 1092 3 889731139 +393 1095 2 887745174 +393 1139 3 889729561 +393 1165 3 889730514 +393 1169 5 887746015 +393 1179 4 889731437 +393 1183 3 889731040 +393 1206 3 889730494 +393 1215 3 889731729 +393 1219 4 889729536 +393 1221 3 889554834 +393 1285 3 889555176 +393 1314 3 889731561 +393 1441 3 889728554 +393 1446 5 887746346 +393 1469 3 889729749 +394 42 4 880887152 +394 67 5 881059383 +394 88 3 880889400 +394 97 4 880888223 +394 117 5 880887462 +394 121 4 880888452 +394 161 4 880888850 +394 174 5 881057914 +394 181 4 880886796 +394 217 5 880888972 +394 218 4 880889187 +394 227 4 881132877 +394 228 5 881132876 +394 232 4 880889374 +394 423 5 881057839 +394 450 3 881132958 +394 508 4 880886978 +394 552 3 881060176 +394 559 4 880888746 +394 568 5 880888167 +394 773 4 881060053 +394 979 5 881060177 +394 1079 3 881059148 +394 1210 3 881060330 +395 64 5 883763958 +395 121 3 883765731 +395 151 3 883765297 +395 172 5 883763041 +395 174 5 883763561 +395 255 3 883765731 +395 315 5 886480875 +395 365 5 883766403 +395 632 5 883764845 +395 892 3 883762681 +395 924 4 883765156 +396 1 4 884646346 +396 106 4 884646537 +396 148 4 884646436 +396 260 3 884645754 +396 274 4 884646263 +396 291 4 884646289 +396 322 4 884645790 +396 328 4 884645813 +396 678 3 884645838 +396 751 3 884645648 +396 841 4 884646648 +396 930 3 884646467 +396 977 3 884646468 +396 986 4 884646537 +396 1025 4 884645839 +397 7 5 885349913 +397 56 5 882839517 +397 108 4 885350045 +397 117 3 885349610 +397 178 5 885349759 +397 183 4 885349348 +397 194 3 885349348 +397 221 4 885349348 +397 261 1 875063722 +397 322 1 875063613 +397 324 2 882838749 +397 325 3 882838853 +397 327 2 875063649 +397 334 3 885349348 +397 479 4 885349865 +397 657 5 885349759 +397 705 5 885350045 +397 894 1 882838796 +397 988 1 875063722 +397 1018 4 882839517 +397 1019 3 885349715 +397 1298 3 885350543 +398 12 3 875658898 +398 15 5 875651828 +398 31 3 875658967 +398 50 5 875652927 +398 58 4 875717106 +398 64 4 875660439 +398 65 3 875743739 +398 69 5 875659191 +398 70 4 875717315 +398 144 5 875658715 +398 152 4 875721702 +398 162 5 875811851 +398 172 5 875725927 +398 176 4 875725256 +398 181 4 875652318 +398 191 4 875721348 +398 199 4 875721548 +398 204 4 875716013 +398 216 5 875723337 +398 227 2 875908666 +398 228 5 875657926 +398 234 4 875659265 +398 276 4 875652760 +398 284 2 875654781 +398 357 4 875657926 +398 393 5 875732738 +398 417 3 875719399 +398 423 5 875659319 +398 479 4 875717020 +398 481 3 875659441 +398 493 5 875723337 +398 501 3 875658898 +398 504 3 875722071 +398 514 4 875658794 +398 520 5 875717106 +398 648 5 875733496 +398 654 4 875726730 +398 659 3 875738391 +398 661 3 875719399 +398 991 2 875651527 +398 1119 4 875812011 +398 1450 5 875717717 +399 2 3 882512708 +399 8 3 882510165 +399 22 3 882342834 +399 33 3 882344942 +399 42 2 882510250 +399 62 3 882348876 +399 71 3 882351580 +399 73 3 882343731 +399 94 5 882349022 +399 114 4 882341974 +399 127 2 882346585 +399 128 3 882343293 +399 148 4 882341362 +399 154 3 882343327 +399 168 3 882342776 +399 173 3 882349928 +399 175 3 882342669 +399 196 5 882349678 +399 219 3 882345454 +399 229 2 882349143 +399 230 3 882344512 +399 273 3 882340657 +399 274 3 882512167 +399 284 2 882512342 +399 295 4 882341264 +399 323 1 882340517 +399 372 3 882511047 +399 383 2 882350431 +399 389 3 882345078 +399 400 3 882349170 +399 402 3 882344434 +399 418 3 882343605 +399 436 2 882348478 +399 459 4 882340807 +399 475 5 882340827 +399 486 3 882510290 +399 527 3 882511093 +399 531 3 882342964 +399 550 3 882345120 +399 568 2 882345842 +399 578 2 882348722 +399 588 5 882342938 +399 591 3 882340599 +399 655 3 882344372 +399 679 3 882344596 +399 732 2 882348089 +399 742 4 882340844 +399 744 3 882510147 +399 763 2 882340900 +399 768 3 882350401 +399 772 4 882343358 +399 774 3 882345053 +399 813 3 882512003 +399 817 4 882509927 +399 924 5 882340678 +399 946 3 882343172 +399 959 3 882343523 +399 986 3 882341586 +399 1135 2 882349170 +399 1179 2 882352324 +399 1220 2 882343389 +399 1228 3 882345500 +399 1232 3 882350831 +399 1274 1 882350870 +399 1279 3 882341625 +399 1314 3 882349198 +399 1401 3 882342219 +399 1459 3 882345473 +399 1543 3 882509891 +400 259 3 885676490 +400 300 4 885676230 +400 328 3 885676490 +400 689 3 885676316 +400 895 4 885676452 +401 13 2 891033204 +401 26 3 891033395 +401 50 1 891034050 +401 65 4 891033250 +401 70 4 891033625 +401 100 4 891032170 +401 111 4 891032296 +401 117 3 891032563 +401 135 1 891032919 +401 137 3 891032316 +401 162 5 891033395 +401 173 3 891032937 +401 196 5 891033497 +401 198 4 891033370 +401 199 3 891032896 +401 204 5 891033684 +401 210 4 891032976 +401 225 1 891032474 +401 273 2 891032334 +401 284 3 891032453 +401 294 1 891031621 +401 322 2 891031784 +401 342 1 891031723 +401 385 3 891033603 +401 435 5 891033250 +401 462 4 891033684 +401 473 1 891034050 +401 485 4 891033092 +401 486 4 891033184 +401 499 3 891033319 +401 501 2 891033184 +401 519 4 891033158 +401 520 3 891033442 +401 527 4 891032919 +401 603 4 891033497 +401 609 3 891033625 +401 638 4 891033158 +401 654 3 891033184 +401 661 3 891033158 +401 866 3 891032697 +402 7 4 876267068 +402 16 3 876267096 +402 48 5 876267173 +402 111 4 876267041 +402 126 4 876266741 +402 127 5 876267014 +402 151 5 876266984 +402 234 4 876266826 +402 235 3 876267014 +402 255 4 876266948 +402 257 4 876266701 +402 479 5 876267206 +402 480 5 876267206 +402 764 3 876266985 +403 111 4 879785974 +403 121 5 879786221 +403 258 4 879785703 +404 269 4 883790750 +404 294 4 883790430 +404 313 5 883790181 +404 327 2 883790366 +404 333 2 883790286 +404 687 3 883790465 +404 748 4 883790430 +404 892 2 883790550 +405 11 4 885545263 +405 28 4 885544947 +405 30 1 885549544 +405 56 4 885544911 +405 62 1 885547996 +405 72 3 885547268 +405 78 2 885549045 +405 87 1 885546112 +405 88 3 885547360 +405 90 4 885547447 +405 92 1 885546287 +405 96 3 885544881 +405 127 5 885545167 +405 135 5 885545333 +405 169 1 885549192 +405 171 1 885549544 +405 172 5 885545111 +405 178 3 885544947 +405 186 5 885547176 +405 188 1 885547996 +405 190 2 885546201 +405 192 5 885545401 +405 206 1 885549589 +405 210 5 885547124 +405 214 4 885545235 +405 216 2 885547124 +405 217 1 885548385 +405 228 1 885547910 +405 230 2 885547953 +405 232 4 885547314 +405 318 5 885545167 +405 350 1 885549903 +405 361 2 885549942 +405 366 3 885545552 +405 371 1 885549309 +405 386 3 885547605 +405 387 1 885546680 +405 396 1 885547408 +405 414 1 885547268 +405 422 1 885548836 +405 426 1 885549192 +405 430 1 885547177 +405 432 3 885548785 +405 437 1 885548435 +405 440 1 885548330 +405 442 1 885548384 +405 449 1 885548093 +405 450 1 885548093 +405 451 5 885547360 +405 465 1 885548836 +405 467 4 885545200 +405 470 1 885546247 +405 510 1 885545975 +405 511 2 885546112 +405 514 1 885547221 +405 521 4 885544698 +405 522 1 885545975 +405 524 1 885547124 +405 527 5 885545200 +405 530 1 885547953 +405 540 1 885548163 +405 541 1 885548162 +405 551 1 885548475 +405 565 2 885548474 +405 570 1 885546487 +405 575 5 885547557 +405 578 1 885548093 +405 579 1 885547557 +405 580 1 885547447 +405 581 3 885546530 +405 583 1 885546112 +405 592 1 885548670 +405 593 1 885549790 +405 623 1 885549004 +405 639 1 885549635 +405 647 1 885546069 +405 650 1 885546336 +405 652 1 885547360 +405 656 1 885548275 +405 670 1 885548384 +405 673 5 885545235 +405 692 5 885547177 +405 695 1 885546287 +405 699 2 885546247 +405 700 1 885547645 +405 719 1 885547447 +405 721 1 885547360 +405 722 1 885547735 +405 734 2 885547506 +405 759 1 885548162 +405 765 1 885547735 +405 768 3 885548932 +405 771 1 885548162 +405 773 1 885548330 +405 775 1 885547735 +405 785 1 885547407 +405 787 3 885545672 +405 789 1 885547268 +405 795 2 885547605 +405 941 1 885546577 +405 953 3 885546487 +405 959 1 885547222 +405 964 1 885546154 +405 994 1 885549746 +405 997 1 885547644 +405 1004 1 885546577 +405 1029 1 885547735 +405 1045 3 885546112 +405 1046 2 885548633 +405 1058 1 885546635 +405 1100 1 885546681 +405 1109 1 885548632 +405 1113 1 885546680 +405 1118 1 885547268 +405 1167 1 885547268 +405 1175 1 885549904 +405 1176 3 885549942 +405 1177 1 885547766 +405 1178 1 885547690 +405 1180 1 885547605 +405 1188 3 885547506 +405 1207 1 885548686 +405 1217 3 885548633 +405 1227 3 885546635 +405 1230 1 885547644 +405 1247 1 885546681 +405 1248 1 885548633 +405 1250 1 885547997 +405 1275 1 885548632 +405 1316 1 885549942 +405 1317 1 885549746 +405 1318 1 885549789 +405 1338 1 885549790 +405 1353 1 885549745 +405 1409 1 885549045 +405 1421 1 885546835 +405 1424 1 885546725 +405 1432 1 885549942 +405 1434 1 885549942 +405 1435 1 885547735 +405 1469 1 885548932 +405 1503 1 885548932 +405 1519 2 885546577 +405 1531 1 885549094 +405 1550 3 885547691 +405 1554 4 885546445 +405 1555 1 885549045 +405 1557 1 885547222 +405 1561 1 885546529 +405 1562 1 885549506 +405 1563 1 885549635 +405 1565 1 885549463 +405 1578 1 885549543 +405 1582 1 885548670 +405 1586 1 885549464 +406 12 4 879445897 +406 14 4 879539855 +406 24 3 879540026 +406 40 3 880131875 +406 48 5 879792811 +406 50 5 879445897 +406 58 4 879446718 +406 79 3 882480481 +406 85 2 880131875 +406 99 5 879793081 +406 156 5 879446062 +406 164 5 882480748 +406 181 5 879445859 +406 186 3 880131741 +406 188 4 882480772 +406 195 5 882480710 +406 199 5 879445810 +406 209 1 880131608 +406 213 2 879793179 +406 238 2 879445475 +406 239 3 880131608 +406 317 4 882480772 +406 318 5 879792811 +406 396 3 879792974 +406 410 4 879540026 +406 414 2 880131704 +406 419 1 882480443 +406 429 4 879446062 +406 435 5 880131642 +406 436 4 879792863 +406 443 4 879792897 +406 463 5 879793261 +406 469 4 879446588 +406 479 4 879445771 +406 482 5 879446588 +406 488 4 879445642 +406 490 3 879446228 +406 496 4 879445378 +406 501 5 879793081 +406 503 3 884631010 +406 511 5 879792811 +406 523 3 879446062 +406 527 4 879445599 +406 588 4 879793081 +406 591 3 879446062 +406 605 5 882480749 +406 608 4 884630583 +406 612 5 879446718 +406 640 3 879793328 +406 642 3 884631033 +406 645 5 880131905 +406 647 5 879792811 +406 651 3 882480595 +406 662 3 882480481 +406 664 2 884630973 +406 675 4 879792897 +406 701 5 879446269 +406 713 4 879539855 +406 732 4 880131666 +406 745 4 880131550 +406 823 3 879540147 +406 826 3 879540275 +406 942 4 882480890 +406 962 4 879445810 +406 1010 4 879539929 +406 1047 3 879540358 +406 1126 3 879446588 +406 1267 3 882480710 +407 50 4 875045268 +407 62 3 876348318 +407 68 4 875045269 +407 82 3 876341409 +407 117 3 875550223 +407 147 4 887833034 +407 157 2 875046752 +407 161 2 876338279 +407 163 3 876338691 +407 174 5 875042675 +407 182 4 887833034 +407 194 4 875115452 +407 196 4 876340318 +407 200 4 875045685 +407 205 4 875045371 +407 211 4 875044400 +407 217 4 875044400 +407 222 4 884197027 +407 231 3 876342031 +407 238 5 875042378 +407 249 2 884614788 +407 265 3 876344062 +407 418 4 876338910 +407 428 3 875553154 +407 433 4 875117053 +407 466 3 876339101 +407 476 2 884203501 +407 478 4 875042642 +407 493 3 875552496 +407 616 3 875553018 +407 642 2 875045627 +407 655 4 875044037 +407 746 4 875046268 +407 755 3 875553509 +407 785 3 876341444 +407 949 3 875045685 +407 969 4 884201736 +407 1028 3 876348832 +408 258 3 889679857 +408 683 3 889679982 +408 689 3 889680045 +408 748 5 889680073 +409 6 4 881109306 +409 8 3 881108777 +409 22 2 881108077 +409 48 2 881108455 +409 50 5 881107281 +409 59 5 881108455 +409 65 4 881108777 +409 87 3 881108777 +409 99 3 881107750 +409 133 4 881108455 +409 154 5 881108648 +409 165 4 881107410 +409 168 5 881107410 +409 181 4 881109019 +409 187 3 881108126 +409 197 3 881109215 +409 199 4 881107117 +409 200 2 881109175 +409 201 1 881109019 +409 202 3 881109347 +409 203 5 881107539 +409 214 4 881109216 +409 223 4 881107539 +409 270 2 881104916 +409 288 1 881104647 +409 325 4 881105077 +409 339 2 881105677 +409 381 2 881108364 +409 479 5 881106947 +409 480 5 881107056 +409 491 2 881109019 +409 497 3 881168631 +409 516 4 881109347 +409 518 1 881109347 +409 520 2 881107943 +409 604 4 881108364 +409 654 3 881107697 +409 659 5 881107410 +409 664 4 881108648 +409 680 1 881105677 +409 684 4 881109420 +409 937 2 881104966 +409 965 2 881108777 +409 995 4 881105366 +409 1021 4 881168603 +409 1176 4 881104838 +409 1242 2 881106087 +409 1295 1 881105367 +410 286 4 888627138 +410 300 3 888626538 +410 312 2 888626881 +410 748 2 888626857 +410 882 3 888626612 +411 168 5 892845604 +411 172 5 892845604 +411 182 3 891035278 +411 196 4 892845804 +411 209 4 891035550 +411 405 4 891035152 +411 651 4 891035278 +411 1470 3 892845746 +412 4 3 879717253 +412 28 4 879716962 +412 92 3 879717449 +412 135 4 879717621 +412 173 5 879717649 +412 175 4 879717286 +412 193 4 879717549 +412 202 3 879717016 +412 218 3 879717147 +412 318 5 879716918 +412 427 4 879717016 +412 436 4 879717649 +412 480 4 879717147 +412 634 5 879716918 +413 7 3 879969614 +413 124 5 879969734 +413 222 4 879969709 +413 255 3 879969791 +413 260 1 879969148 +413 271 4 879969027 +413 297 5 879969484 +413 301 3 879968794 +413 306 4 879968793 +413 628 4 879969791 +414 100 5 884999439 +414 264 3 884998993 +414 294 2 884999128 +415 154 4 879439865 +415 243 1 879439386 +415 1524 5 879439791 +416 22 5 893212623 +416 32 2 888702297 +416 41 3 886319177 +416 43 1 886318186 +416 49 4 893142283 +416 51 5 893212895 +416 54 5 893212929 +416 56 5 893212929 +416 64 5 893212929 +416 69 4 876699027 +416 71 4 876699994 +416 92 3 878880244 +416 107 5 893212929 +416 117 5 893212930 +416 125 5 893213796 +416 134 4 878879619 +416 174 5 893213917 +416 178 5 893213918 +416 210 5 893213918 +416 220 4 878879168 +416 226 4 886317030 +416 230 4 886316797 +416 234 5 893213644 +416 246 4 876697205 +416 250 4 876697074 +416 254 2 878879391 +416 266 3 876696853 +416 272 5 893214332 +416 277 5 893212572 +416 284 4 893142144 +416 287 4 878879237 +416 294 4 876696739 +416 301 5 893213796 +416 304 5 893214225 +416 327 4 876696853 +416 332 4 876696823 +416 348 3 886314660 +416 356 5 893213019 +416 399 4 878879497 +416 404 3 886316190 +416 405 5 893213645 +416 417 3 886317568 +416 427 5 893213019 +416 475 2 876697074 +416 479 5 893213917 +416 506 5 893214041 +416 532 3 888700659 +416 546 3 876697807 +416 568 4 878879861 +416 578 4 886318546 +416 607 5 893212622 +416 721 3 886317540 +416 724 4 886316409 +416 734 3 886319434 +416 738 2 886319825 +416 761 4 886318708 +416 768 3 893210187 +416 770 4 878880154 +416 819 3 888700844 +416 833 3 888700719 +416 842 4 886317350 +416 866 4 878879130 +416 874 1 876696853 +416 895 4 885114446 +416 936 5 893214127 +416 941 3 876699946 +416 959 5 893213404 +416 975 2 878879391 +416 1035 3 892441480 +416 1092 3 886320054 +416 1098 3 886316271 +416 1147 4 888702100 +416 1188 3 886318953 +416 1407 2 886320112 +416 1503 4 888702629 +416 1517 2 886320054 +417 3 4 879646344 +417 11 5 879646938 +417 12 4 879647275 +417 23 3 879647118 +417 29 2 880952218 +417 32 2 879647924 +417 42 4 879647498 +417 47 3 879648004 +417 64 5 879647326 +417 67 4 880952837 +417 83 5 879648132 +417 98 5 879647040 +417 99 4 879647498 +417 120 2 880949763 +417 127 4 879646144 +417 131 4 879647254 +417 132 4 879647850 +417 135 3 879647826 +417 147 4 879646225 +417 159 4 879648656 +417 195 5 879647380 +417 196 5 879647090 +417 200 4 879647708 +417 207 4 879647580 +417 208 3 879648026 +417 226 3 879648096 +417 235 2 879646413 +417 403 4 879649224 +417 423 4 879647118 +417 425 4 879648132 +417 436 3 879648478 +417 541 2 879649389 +417 544 3 879646661 +417 545 1 880953033 +417 551 3 879649224 +417 552 2 880952066 +417 563 2 879649560 +417 578 3 879649610 +417 588 3 879647540 +417 597 3 879646413 +417 614 3 879648156 +417 628 3 879646413 +417 631 3 879647826 +417 636 3 879648435 +417 658 2 879647947 +417 684 3 879647380 +417 710 4 879647826 +417 725 4 880952970 +417 742 2 879646531 +417 747 3 879648325 +417 762 3 879646712 +417 769 1 880953071 +417 781 3 880951559 +417 979 3 879646437 +417 1023 4 880949479 +417 1036 3 879649484 +417 1039 3 879647196 +417 1044 3 879648939 +417 1047 4 879646388 +417 1095 3 879649322 +417 1135 4 880951717 +417 1209 3 879649368 +418 269 5 891282765 +418 301 2 891282738 +418 304 4 891282738 +418 313 3 891282680 +418 362 1 891282765 +419 173 5 879435628 +419 705 5 879435663 +419 1451 4 879435722 +420 19 3 891356927 +420 283 5 891357162 +420 302 4 891356790 +420 331 3 891357271 +421 124 4 892241344 +421 156 5 892241458 +421 194 4 892241554 +421 200 3 892241687 +421 443 5 892241459 +421 474 4 892241389 +421 915 4 892241252 +422 109 2 875130204 +422 126 4 875129911 +422 184 4 879744085 +422 200 5 879744015 +422 258 4 875129523 +422 273 5 875129791 +422 276 5 875129791 +422 325 2 875129692 +422 379 2 879744218 +422 477 4 875130027 +422 559 3 879744085 +422 671 4 879744143 +422 854 4 879744014 +422 919 5 875130027 +422 922 4 875130173 +422 926 2 875130100 +422 1017 4 875130063 +423 15 4 891395573 +423 237 4 891395448 +423 258 5 891394747 +423 269 3 891394558 +423 272 5 891394503 +423 300 3 891394874 +423 310 3 891394558 +423 315 4 891395141 +423 323 3 891395047 +423 348 3 891394910 +423 744 4 891395655 +423 898 4 891394952 +423 1134 4 891395684 +424 9 5 880859623 +424 25 4 880859723 +424 261 3 880859115 +424 1346 4 880859519 +425 38 3 878738757 +425 39 4 878738335 +425 56 5 878737945 +425 83 2 891986445 +425 172 5 878738385 +425 183 3 878738486 +425 185 2 878738853 +425 191 3 878738186 +425 210 3 890346998 +425 227 4 878738597 +425 250 4 878739054 +425 259 1 890346825 +425 271 5 890346597 +425 273 4 878738435 +425 281 2 878738486 +425 313 1 890346317 +425 318 2 878737841 +425 322 3 890346597 +425 323 2 878737684 +425 424 2 878738956 +425 429 4 878737908 +425 475 5 878737945 +425 748 3 890346567 +425 759 2 878738290 +425 825 2 878738643 +425 1314 3 878738813 +426 182 2 879442702 +426 211 4 879444320 +426 429 5 879444081 +426 430 3 879445005 +426 480 5 879444473 +426 486 3 879444604 +426 493 4 879444473 +426 504 4 879442083 +426 526 4 879444734 +426 603 5 879444472 +426 608 4 879444081 +426 614 4 879444604 +426 633 4 879444816 +426 1116 4 879444251 +427 300 4 879700908 +427 302 4 879700759 +427 319 3 879700486 +427 341 5 879701253 +427 680 5 879701326 +427 682 5 879701325 +427 938 5 879701253 +428 307 4 885944110 +428 316 4 892572382 +428 332 4 885943749 +428 340 4 885943749 +428 343 2 885944093 +428 690 5 885943651 +428 875 4 885944136 +429 26 3 882386333 +429 45 3 882385118 +429 64 4 882384744 +429 73 3 882387505 +429 86 5 882384579 +429 97 4 882386171 +429 109 3 882385034 +429 127 4 882384603 +429 133 3 882385663 +429 144 4 882387773 +429 162 4 882386378 +429 197 4 882384772 +429 219 4 882386848 +429 229 2 882385613 +429 273 4 882385489 +429 318 5 882387731 +429 321 3 882384438 +429 371 2 882387715 +429 410 4 882387451 +429 423 4 882387757 +429 427 5 882385569 +429 431 5 882384870 +429 455 3 882386628 +429 464 3 882386171 +429 467 4 882385210 +429 491 3 882384950 +429 495 3 882385358 +429 499 4 882384896 +429 511 5 882385542 +429 628 3 882385808 +429 633 3 882385829 +429 635 3 882387202 +429 693 4 882386628 +429 709 4 882385267 +429 710 4 882387731 +429 735 4 882387757 +429 744 4 882386485 +429 941 3 882387506 +429 944 3 882387474 +429 967 4 882386378 +429 1016 4 882386217 +429 1028 3 882386601 +429 1039 5 882386071 +429 1113 3 882386711 +429 1119 3 882387653 +429 1136 4 882386532 +429 1222 3 882387074 +429 1224 2 882387114 +429 1296 2 882387392 +429 1425 3 882387633 +430 10 4 877225726 +430 129 5 877225547 +430 527 4 877226209 +430 656 4 877226365 +431 286 4 877844062 +431 538 4 881127620 +431 748 4 877844377 +432 50 5 889416012 +432 111 4 889416456 +432 222 4 889416012 +432 237 5 889415983 +432 274 3 889416229 +432 295 3 889416352 +432 411 3 889416044 +432 546 3 889416657 +432 620 4 889416352 +432 742 4 889415983 +432 1047 5 889416118 +433 50 5 880585885 +433 173 4 880585730 +433 302 5 880585028 +433 325 2 880585554 +434 406 3 886725027 +434 815 4 886724972 +434 1060 3 886724733 +435 4 4 884132146 +435 115 4 884131771 +435 141 2 884132898 +435 160 5 884133194 +435 173 5 884131085 +435 185 4 884131741 +435 188 4 884131901 +435 217 4 884133161 +435 234 4 884132619 +435 240 3 884133818 +435 252 2 884134677 +435 273 5 884131298 +435 299 4 884130671 +435 380 3 884133026 +435 386 4 884133584 +435 431 3 884131950 +435 443 3 884132777 +435 462 5 884131328 +435 554 3 884133194 +435 576 3 884133447 +435 628 5 884132990 +435 652 4 884131741 +435 675 3 884132873 +435 693 3 884131118 +435 696 3 884132342 +435 746 4 884132184 +435 756 3 884134134 +435 760 1 884133330 +435 780 2 884133284 +435 1028 2 884133284 +435 1034 2 884134754 +435 1217 3 884133819 +436 66 5 887770457 +436 73 4 887769444 +436 132 1 887769824 +436 133 3 887768982 +436 157 5 887768982 +436 161 4 887771897 +436 174 3 887769335 +436 226 4 887770640 +436 238 3 887769693 +436 411 4 887771022 +436 433 5 887770428 +436 454 4 887768982 +436 503 4 887769802 +436 546 3 887771826 +436 658 5 887769673 +436 742 5 887769050 +436 845 5 887771269 +436 1206 3 887769868 +436 1522 2 887771123 +437 14 5 880140369 +437 86 4 881001715 +437 118 2 880142991 +437 165 4 881002324 +437 173 4 881001023 +437 190 3 880140154 +437 197 5 880141962 +437 239 4 880141529 +437 418 3 880141084 +437 419 5 880141961 +437 451 5 880143115 +437 499 5 880141962 +437 584 3 880141243 +437 640 1 881002300 +437 652 4 881001983 +437 655 4 881001945 +437 665 2 880143695 +437 696 3 880142991 +437 708 4 881002026 +437 755 3 880143450 +437 1113 4 881002161 +437 1121 5 880140466 +437 1153 5 880141962 +437 1262 3 881002091 +437 1404 2 881002263 +438 15 4 879868242 +438 50 5 879868005 +438 476 5 879868664 +438 1028 2 879868529 +439 13 3 882893171 +439 14 5 882893245 +439 125 3 882893688 +440 690 4 891546698 +440 886 5 891550404 +440 1038 5 891550404 +442 14 1 883389776 +442 29 3 883390641 +442 31 3 883391249 +442 38 3 883390674 +442 39 3 883390466 +442 41 4 883388609 +442 54 3 883391274 +442 98 4 883389983 +442 129 4 883391146 +442 182 4 883390284 +442 229 3 883391275 +442 385 3 883390416 +442 401 2 883388960 +442 452 3 883390169 +442 554 2 883390641 +442 559 2 883390048 +442 572 3 883391344 +442 578 2 883390466 +442 636 5 883390416 +444 50 5 890247287 +444 751 4 890247172 +444 906 4 891979402 +445 12 2 890987617 +445 123 1 891200137 +445 195 2 890987655 +445 204 3 890988205 +445 408 3 891199749 +445 410 1 891200164 +445 597 1 891200320 +445 628 1 891200137 +445 763 2 891200233 +445 823 1 891200624 +445 919 1 891200233 +445 1245 1 891200390 +445 1591 4 891199360 +446 332 3 879787149 +447 68 5 878855819 +447 69 4 878856209 +447 70 3 878856483 +447 100 5 878854552 +447 121 5 878855107 +447 148 4 878854729 +447 218 4 878856052 +447 234 4 878855782 +447 544 4 878854997 +447 823 3 878855165 +447 879 3 878854056 +447 1034 2 878854918 +448 262 4 891888042 +448 360 4 891887338 +448 1294 1 891887161 +449 137 5 879958866 +449 282 3 879958953 +449 286 4 879958444 +449 291 2 879959246 +449 381 4 880410777 +449 971 4 880410701 +449 1009 4 879959190 +449 1194 4 880410624 +450 2 4 882474001 +450 38 4 882474001 +450 58 3 882373464 +450 64 4 882373656 +450 97 4 882396351 +450 100 4 882374059 +450 142 5 887835352 +450 143 5 882394364 +450 144 5 882373865 +450 162 5 882395913 +450 179 5 882394364 +450 183 4 882394180 +450 194 5 882373786 +450 216 5 882373657 +450 252 3 887834953 +450 265 5 882371526 +450 384 3 882471524 +450 387 5 882376446 +450 462 4 882396928 +450 467 4 882374332 +450 470 5 887139517 +450 480 4 882372178 +450 487 4 887660504 +450 496 5 882373532 +450 561 4 887660762 +450 566 4 882373928 +450 583 4 882473914 +450 659 5 882374217 +450 679 1 882374422 +450 739 4 887660650 +450 762 3 882469627 +450 783 3 882399818 +450 785 3 882395537 +450 801 4 882469863 +450 846 3 882471524 +450 902 4 889569016 +450 908 1 885945114 +450 942 5 882812558 +450 1036 2 882468686 +450 1037 2 882473760 +450 1147 4 882374497 +450 1160 5 886612330 +450 1212 4 882396799 +450 1226 4 887660820 +450 1263 4 882396799 +450 1269 4 882812635 +451 269 2 879012647 +451 289 1 879012510 +451 294 5 879012470 +451 300 4 879012550 +451 323 4 879012510 +451 872 2 879012857 +451 882 1 879012812 +452 25 2 875559910 +452 134 3 875265446 +452 152 2 875264826 +452 191 5 876299004 +452 435 3 885476560 +452 495 4 875560508 +452 523 2 887889774 +452 641 3 875266415 +452 736 3 887890174 +452 1109 2 875273609 +453 98 4 877554396 +453 125 3 877561349 +453 246 5 877552590 +453 248 4 887942143 +453 421 4 888203015 +453 697 4 877561235 +453 1032 1 877561911 +454 87 4 881960296 +454 161 4 888267198 +454 181 3 881959187 +454 182 3 888266685 +454 418 3 888267128 +454 484 3 881960445 +454 487 4 888266565 +454 493 2 888267617 +454 633 2 881959745 +454 1063 4 881960029 +454 1299 2 888266991 +455 135 5 879111248 +455 282 3 879109664 +455 293 4 879109110 +455 629 3 879111371 +455 755 3 879112189 +456 175 3 881372946 +456 294 1 881375667 +456 715 3 881373697 +456 943 4 881372946 +457 182 4 882396659 +457 192 5 882395018 +457 366 4 882549287 +457 443 4 882396989 +457 636 4 882548466 +457 704 4 882397240 +457 708 4 882398002 +457 775 3 882551021 +458 144 4 886396390 +458 648 4 886395899 +458 1101 4 886397931 +459 934 3 879563639 +460 10 3 882912371 +462 682 5 886365231 diff --git a/MovieLens Movie Recommendation/Python/ml-100k/u2.base b/MovieLens Movie Recommendation/Python/ml-100k/u2.base new file mode 100644 index 00000000..ab50c87b --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/u2.base @@ -0,0 +1,80000 @@ +1 3 4 878542960 +1 4 3 876893119 +1 5 3 889751712 +1 6 5 887431973 +1 7 4 875071561 +1 10 3 875693118 +1 11 2 875072262 +1 12 5 878542960 +1 13 5 875071805 +1 14 5 874965706 +1 15 5 875071608 +1 16 5 878543541 +1 17 3 875073198 +1 18 4 887432020 +1 19 5 875071515 +1 20 4 887431883 +1 23 4 875072895 +1 24 3 875071713 +1 25 4 875071805 +1 27 2 876892946 +1 28 4 875072173 +1 29 1 878542869 +1 31 3 875072144 +1 33 4 878542699 +1 35 1 878542420 +1 36 2 875073180 +1 39 4 875072173 +1 41 2 876892818 +1 42 5 876892425 +1 43 4 878542869 +1 44 5 878543541 +1 45 5 875241687 +1 46 4 876893230 +1 47 4 875072125 +1 48 5 875072520 +1 49 3 878542478 +1 50 5 874965954 +1 51 4 878543275 +1 52 4 875072205 +1 53 3 876893206 +1 54 3 878543308 +1 55 5 875072688 +1 56 4 875072716 +1 57 5 878542459 +1 58 4 878542960 +1 59 5 876892817 +1 60 5 875072370 +1 61 4 878542420 +1 62 3 878542282 +1 64 5 875072404 +1 65 4 875072125 +1 66 4 878543030 +1 67 3 876893054 +1 69 3 875072262 +1 70 3 875072895 +1 71 3 876892425 +1 72 4 878542678 +1 73 3 876892774 +1 74 1 889751736 +1 76 4 878543176 +1 77 4 876893205 +1 78 1 878543176 +1 79 4 875072865 +1 80 4 876893008 +1 81 5 875072865 +1 82 5 878542589 +1 83 3 875072370 +1 84 4 875072923 +1 85 3 875073180 +1 86 5 878543541 +1 87 5 878543541 +1 88 4 878542791 +1 90 4 878542300 +1 91 5 876892636 +1 92 3 876892425 +1 94 2 875072956 +1 95 4 875072303 +1 96 5 875072716 +1 97 3 875073128 +1 98 4 875072404 +1 100 5 878543541 +1 101 2 878542845 +1 102 2 889751736 +1 103 1 878542845 +1 104 1 875241619 +1 106 4 875241390 +1 107 4 875241619 +1 108 5 875240920 +1 109 5 874965739 +1 110 1 878542845 +1 111 5 889751711 +1 112 1 878542441 +1 113 5 878542738 +1 114 5 875072173 +1 115 5 878541637 +1 116 3 878542960 +1 117 3 874965739 +1 118 3 875071927 +1 120 1 875241637 +1 121 4 875071823 +1 122 3 875241498 +1 123 4 875071541 +1 124 5 875071484 +1 125 3 878542960 +1 126 2 875071713 +1 127 5 874965706 +1 128 4 875072573 +1 129 5 887431908 +1 130 3 875072002 +1 132 4 878542889 +1 134 4 875073067 +1 137 5 875071541 +1 139 3 878543216 +1 140 1 878543133 +1 142 2 878543238 +1 143 1 875072631 +1 145 2 875073067 +1 148 2 875240799 +1 149 2 878542791 +1 150 5 876892196 +1 151 4 875072865 +1 152 5 878542589 +1 153 3 876893230 +1 154 5 878543541 +1 155 2 878542201 +1 156 4 874965556 +1 157 4 876892918 +1 159 3 875073180 +1 160 4 875072547 +1 161 4 875072303 +1 162 4 878542420 +1 163 4 875072442 +1 164 3 876893171 +1 165 5 874965518 +1 167 2 878542383 +1 168 5 874965478 +1 169 5 878543541 +1 170 5 876892856 +1 171 5 889751711 +1 172 5 874965478 +1 174 5 875073198 +1 175 5 875072547 +1 177 5 876892701 +1 178 5 878543541 +1 180 3 875072573 +1 182 4 875072520 +1 183 5 875072262 +1 184 4 875072956 +1 185 4 875072631 +1 186 4 875073128 +1 188 3 875073128 +1 189 3 888732928 +1 190 5 875072125 +1 191 5 875072956 +1 192 4 875072547 +1 193 4 876892654 +1 195 5 876892855 +1 196 5 874965677 +1 198 5 878542717 +1 199 4 875072262 +1 200 3 876893098 +1 201 3 878542960 +1 202 5 875072442 +1 203 4 878542231 +1 204 5 875072688 +1 206 4 876893205 +1 207 5 875073067 +1 208 5 878542960 +1 209 4 888732908 +1 210 4 878542909 +1 212 4 875072895 +1 213 2 876892896 +1 214 4 875072520 +1 215 3 876893145 +1 216 5 876892701 +1 217 3 876892676 +1 218 3 876892856 +1 219 1 878542327 +1 221 5 887431921 +1 222 4 878873388 +1 223 5 876892918 +1 224 5 875071484 +1 225 2 878542738 +1 226 3 878543176 +1 227 4 876892946 +1 228 5 878543541 +1 229 4 878542075 +1 230 4 878542420 +1 231 1 876893031 +1 232 3 878543196 +1 233 2 878542552 +1 235 5 875071589 +1 236 4 875071898 +1 238 4 875072235 +1 240 3 875071898 +1 241 4 878543133 +1 242 5 889751633 +1 243 1 875241390 +1 244 2 887431973 +1 245 2 875071713 +1 248 4 874965954 +1 250 4 874965706 +1 251 4 875071843 +1 252 2 875240677 +1 253 5 874965970 +1 254 1 878541392 +1 255 2 885345822 +1 258 5 878873389 +1 259 1 875692979 +1 260 1 875071713 +1 261 1 875692992 +1 262 3 875071421 +1 263 1 875693007 +1 264 2 875071713 +1 265 4 878542441 +1 266 1 885345728 +1 267 4 875692955 +1 272 3 887431647 +2 13 4 888551922 +2 19 3 888550871 +2 50 5 888552084 +2 100 5 888552084 +2 127 5 888552084 +2 237 4 888552017 +2 251 5 888552084 +2 255 4 888551341 +2 257 4 888551062 +2 269 4 888550774 +2 272 5 888979061 +2 274 3 888551497 +2 275 5 888550939 +2 278 3 888551647 +2 279 4 888551745 +2 280 3 888551441 +2 281 3 888980240 +2 284 4 888552017 +2 285 5 888552084 +2 286 4 888549960 +2 288 3 888550252 +2 289 3 888979353 +2 290 3 888551441 +2 292 4 888550774 +2 296 3 888550871 +2 297 4 888550871 +2 298 3 888551441 +2 299 4 888550774 +2 300 4 888979197 +2 301 4 888550631 +2 302 5 888552084 +2 303 4 888550774 +2 304 4 888979197 +2 307 3 888550066 +2 308 3 888979945 +2 311 5 888552084 +2 312 3 888550631 +2 313 5 888552084 +2 314 1 888980085 +2 315 1 888550774 +2 316 5 888979693 +3 245 1 889237247 +3 264 2 889237297 +3 271 3 889237224 +3 272 2 889237055 +3 294 2 889237224 +3 299 3 889237199 +3 300 2 889236939 +3 307 3 889237224 +3 318 4 889237482 +3 319 2 889237026 +3 323 2 889237269 +3 324 2 889237247 +3 325 1 889237297 +3 326 2 889237224 +3 327 4 889237455 +3 328 5 889237455 +3 330 2 889237297 +3 331 4 889237455 +3 332 1 889237224 +3 333 2 889236939 +3 334 3 889237122 +3 335 1 889237269 +3 336 1 889237198 +3 337 1 889236983 +3 340 5 889237455 +3 341 1 889237055 +3 343 3 889237122 +3 344 4 889236939 +3 345 3 889237004 +3 346 5 889237455 +3 347 5 889237455 +3 348 4 889237455 +3 349 3 889237269 +3 350 3 889237076 +3 351 3 889237315 +3 352 2 889237055 +3 353 1 889237122 +3 354 3 889237004 +4 11 4 892004520 +4 50 5 892003526 +4 260 4 892004275 +4 264 3 892004275 +4 288 4 892001445 +4 294 5 892004409 +4 301 5 892002353 +4 303 5 892002352 +4 324 5 892002353 +4 327 5 892002352 +4 354 5 892002353 +4 356 3 892003459 +4 357 4 892003525 +4 358 2 892004275 +4 359 5 892002352 +4 360 5 892002352 +4 361 5 892002353 +4 362 5 892002352 +5 1 4 875635748 +5 2 3 875636053 +5 17 4 875636198 +5 24 4 879198229 +5 40 4 879198109 +5 42 5 875636360 +5 62 4 875637575 +5 63 1 878844629 +5 66 1 875721019 +5 69 1 875721555 +5 79 3 875635895 +5 80 2 875636511 +5 89 5 875636033 +5 90 3 875636297 +5 94 3 878844651 +5 98 3 875720691 +5 100 5 875635349 +5 102 3 875721196 +5 105 3 875635443 +5 109 5 875635350 +5 110 1 875636493 +5 121 4 875635189 +5 139 3 875721260 +5 143 3 875636815 +5 144 3 875636141 +5 145 1 875720830 +5 153 5 875636375 +5 154 3 875636691 +5 163 5 879197864 +5 167 2 875636281 +5 169 5 878844495 +5 173 4 875636675 +5 174 5 875636130 +5 176 3 875635962 +5 181 5 875635757 +5 185 3 875720692 +5 189 5 878844495 +5 200 2 875720717 +5 204 4 875636675 +5 209 5 875636571 +5 210 3 875636099 +5 211 4 875636631 +5 214 3 875637485 +5 216 1 875720967 +5 219 3 875720744 +5 222 4 875635174 +5 225 2 875635723 +5 227 4 875636099 +5 228 5 875636070 +5 230 3 875636070 +5 231 2 875635947 +5 233 4 875729064 +5 234 2 875720692 +5 235 4 875635384 +5 239 4 875636655 +5 241 1 875720948 +5 243 1 878844164 +5 250 3 875635265 +5 259 1 878844208 +5 267 4 875635064 +5 363 3 875635225 +5 364 1 875636571 +5 365 1 875637144 +5 366 3 875637145 +5 367 3 875636281 +5 368 1 875635457 +5 369 1 875635372 +5 370 1 875720814 +5 372 3 875636230 +5 373 3 875635907 +5 374 3 875636905 +5 375 3 875637587 +5 376 2 879198045 +5 377 1 878844615 +5 379 3 875720814 +5 380 3 875637191 +5 382 5 875636587 +5 383 3 875636588 +5 384 3 875636389 +5 385 4 875636185 +5 386 2 875636230 +5 387 3 875637419 +5 388 2 879198898 +5 389 1 875721315 +5 391 4 875636167 +5 393 2 875636265 +5 394 2 879198031 +5 396 5 875636265 +5 397 2 875635907 +5 398 2 875636167 +5 400 1 878844630 +5 402 1 875720947 +5 403 3 875636152 +5 404 2 875721216 +5 406 1 875635807 +5 407 3 875635431 +5 409 2 878844651 +5 410 1 879198183 +5 411 1 875635431 +5 412 3 875635416 +5 413 3 875635807 +5 417 3 875636830 +5 418 3 875721216 +5 419 3 875636815 +5 420 3 875721168 +5 421 1 875721019 +5 422 4 875636767 +5 423 4 875636793 +5 424 1 875635807 +5 425 2 875637440 +5 426 3 878844510 +5 428 5 875636588 +5 429 3 875637429 +5 431 3 875636099 +5 433 5 875636655 +5 434 5 875637033 +5 435 4 875636033 +5 436 5 875720717 +5 438 1 878844423 +5 439 1 878844423 +5 441 1 875720830 +5 444 2 875720762 +5 445 3 875720744 +5 446 4 875720845 +5 447 3 875720744 +5 448 2 875720692 +5 450 1 875635962 +5 453 1 879198898 +5 454 1 875721432 +5 455 4 875635174 +5 457 1 879198898 +6 1 4 883599478 +6 7 2 883599102 +6 8 4 883600657 +6 9 4 883599205 +6 14 5 883599249 +6 15 3 883599302 +6 19 4 883602965 +6 23 4 883601365 +6 28 2 883603013 +6 32 4 883601311 +6 56 4 883601277 +6 59 5 883601713 +6 69 3 883601277 +6 70 3 883601427 +6 71 4 883601053 +6 79 3 883600747 +6 81 4 883602283 +6 86 3 883603013 +6 87 4 883602174 +6 89 4 883600842 +6 95 2 883602133 +6 98 5 883600680 +6 100 5 883599176 +6 111 2 883599478 +6 117 2 883599431 +6 124 5 883599228 +6 125 3 883599670 +6 127 5 883599134 +6 131 5 883602048 +6 132 5 883602422 +6 133 4 883601459 +6 134 5 883602283 +6 135 5 883600747 +6 136 5 883600842 +6 143 2 883601053 +6 151 3 883599558 +6 153 4 883603013 +6 154 3 883602730 +6 156 3 883602212 +6 168 4 883602865 +6 170 4 883602574 +6 173 5 883602462 +6 175 4 883601426 +6 180 4 883601311 +6 182 4 883268776 +6 183 4 883601311 +6 185 5 883601393 +6 187 4 883600914 +6 188 3 883602462 +6 189 3 883601365 +6 192 4 883600914 +6 193 3 883601529 +6 195 4 883602283 +6 197 5 883601203 +6 199 4 883601203 +6 202 3 883602690 +6 204 3 883601277 +6 205 3 883600878 +6 208 4 883602422 +6 209 4 883601713 +6 211 5 883601155 +6 213 4 883602462 +6 216 5 883601500 +6 221 4 883599431 +6 223 4 883600747 +6 237 2 883599914 +6 238 5 883601713 +6 242 4 883268170 +6 248 3 883598981 +6 257 2 883599478 +6 258 2 883268278 +6 261 3 883268522 +6 268 3 883268406 +6 269 4 883268222 +6 275 4 883599102 +6 276 2 883599134 +6 284 2 883599590 +6 285 3 883599431 +6 286 2 883268170 +6 294 2 883599938 +6 297 3 883599134 +6 298 3 883599558 +6 301 2 883600406 +6 302 4 883268222 +6 303 3 883268321 +6 304 4 883268322 +6 306 4 883268246 +6 308 3 883600445 +6 309 2 883268430 +6 317 3 883602174 +6 318 4 883600985 +6 340 2 883268278 +6 357 4 883602422 +6 423 3 883602501 +6 425 3 883602865 +6 432 4 883601713 +6 458 1 883599914 +6 459 2 883599228 +6 460 2 883600004 +6 462 5 883600914 +6 463 4 883601713 +6 464 2 883601365 +6 466 4 883602422 +6 467 4 883602284 +6 468 3 883602174 +6 469 5 883601155 +6 470 3 883602690 +6 471 2 883599558 +6 472 1 883600003 +6 474 5 883601277 +6 475 5 883599478 +6 476 1 883600175 +6 477 1 883599509 +6 478 4 883602762 +6 479 5 883601053 +6 480 4 883601089 +6 481 5 883600914 +6 483 5 883601500 +6 484 5 883601011 +6 486 4 883601427 +6 487 5 883600785 +6 488 5 883601426 +6 489 5 883601011 +6 490 5 883601365 +6 491 4 883602174 +6 492 5 883601089 +6 496 4 883601155 +6 497 4 883601088 +6 498 4 883601053 +6 499 4 883602283 +6 500 4 883601277 +6 502 4 883602664 +6 506 4 883602174 +6 508 3 883599530 +6 509 4 883602664 +6 511 5 883601393 +6 513 4 883600913 +6 515 4 883599273 +6 517 4 883602212 +6 518 3 883603042 +6 519 5 883601365 +6 521 4 883601277 +6 523 5 883601528 +6 524 3 883600632 +6 525 5 883601203 +6 526 3 883602596 +6 527 4 883600877 +6 528 4 883602174 +6 531 4 883600747 +6 532 3 883600066 +6 533 4 883599830 +6 534 4 883599354 +6 535 2 883600030 +6 537 4 883601277 +6 539 2 883681433 +7 4 5 891351772 +7 7 5 891352220 +7 8 5 891351328 +7 9 5 891351432 +7 10 4 891352864 +7 11 3 891352451 +7 12 5 892135346 +7 22 5 891351121 +7 25 3 891352451 +7 28 5 891352341 +7 31 4 892134959 +7 32 4 891350932 +7 39 5 891353614 +7 44 5 891351728 +7 50 5 891351042 +7 52 4 891353801 +7 53 5 891354689 +7 54 3 892132380 +7 68 4 891351547 +7 69 5 891351728 +7 70 1 891352557 +7 71 5 891352692 +7 72 5 891353977 +7 73 3 892133154 +7 78 3 891354165 +7 79 4 891352261 +7 81 5 891352626 +7 82 3 891351471 +7 86 4 891350810 +7 89 5 891351082 +7 90 3 891352984 +7 92 5 891352010 +7 93 5 891351042 +7 96 5 891351383 +7 101 5 891350966 +7 106 4 891353892 +7 118 2 891353411 +7 121 5 891352904 +7 125 4 891353192 +7 126 3 891353254 +7 127 5 891351728 +7 131 5 891352383 +7 132 5 891351287 +7 133 5 891353192 +7 136 5 891351813 +7 139 3 891354729 +7 141 5 891353444 +7 142 3 891354090 +7 144 5 891351201 +7 145 1 891354530 +7 151 4 891352749 +7 152 4 891351851 +7 153 5 891352220 +7 154 5 891353124 +7 156 5 891351653 +7 161 3 891352489 +7 162 5 891353444 +7 163 4 891353444 +7 164 5 891351813 +7 166 3 891351585 +7 168 5 891351509 +7 171 3 891351287 +7 172 4 891350965 +7 173 5 891351002 +7 174 5 891350757 +7 176 3 891350782 +7 177 4 891352904 +7 179 5 891352303 +7 180 5 891350782 +7 181 3 891351287 +7 182 4 891350965 +7 183 4 891351624 +7 185 5 892135346 +7 186 4 891350900 +7 188 5 891352778 +7 190 5 891351728 +7 191 5 891351201 +7 193 5 892135346 +7 195 5 891352626 +7 196 5 891351432 +7 197 4 891351082 +7 198 3 891351685 +7 200 5 891353543 +7 202 3 891352947 +7 203 5 891352178 +7 204 5 891351121 +7 205 5 891351585 +7 207 4 891352526 +7 208 5 891352220 +7 210 4 891352904 +7 211 5 891352557 +7 212 1 891353051 +7 214 5 891352384 +7 217 4 891352778 +7 223 5 891351328 +7 226 5 891353614 +7 227 3 892132317 +7 228 4 891350845 +7 230 3 891353326 +7 232 3 891353766 +7 238 5 891351814 +7 241 4 891354053 +7 259 3 891350464 +7 260 1 892130982 +7 264 4 891350703 +7 265 5 891350845 +7 266 4 891350703 +7 268 3 891350703 +7 269 3 891349991 +7 273 3 891351547 +7 275 4 891352831 +7 281 3 891353710 +7 285 5 891351813 +7 288 4 891350703 +7 300 4 891350703 +7 307 5 891350703 +7 309 3 891350704 +7 317 4 892133670 +7 318 5 891352010 +7 334 5 892130784 +7 341 3 892333206 +7 356 4 891351728 +7 357 5 892135347 +7 365 4 891353744 +7 367 5 891350810 +7 378 5 891353011 +7 379 4 891353325 +7 382 4 891352093 +7 384 3 891353710 +7 385 5 891351585 +7 386 4 892133310 +7 387 3 892133670 +7 389 4 891354090 +7 393 4 891352058 +7 396 4 891354288 +7 399 4 891354357 +7 401 4 891354257 +7 402 5 891352904 +7 404 5 891352947 +7 415 2 891354438 +7 417 3 892132652 +7 418 4 892131824 +7 420 5 891353219 +7 421 3 891352134 +7 423 5 891351509 +7 427 5 891352220 +7 428 5 892133036 +7 430 3 891352178 +7 431 4 891351547 +7 432 4 891352831 +7 433 5 892135347 +7 434 4 891352384 +7 435 5 891350845 +7 441 2 891354257 +7 443 5 891353254 +7 444 5 891354288 +7 448 3 891353828 +7 450 4 892132425 +7 451 5 891353892 +7 452 5 891353860 +7 455 4 891353086 +7 461 4 891352303 +7 463 4 891353192 +7 470 3 891352489 +7 471 4 891352864 +7 472 2 891353357 +7 474 5 891351002 +7 479 4 891352010 +7 480 4 891352093 +7 481 5 891352341 +7 482 3 891351083 +7 483 4 891351851 +7 484 5 891351201 +7 485 5 891351851 +7 487 3 891352178 +7 488 4 891351041 +7 489 3 891353477 +7 491 5 891351432 +7 492 5 891352010 +7 495 5 891351328 +7 496 5 891351083 +7 497 4 891352134 +7 498 5 891351814 +7 501 5 891353411 +7 502 5 891352261 +7 503 4 891353950 +7 504 5 891352384 +7 505 3 891352341 +7 506 5 891353614 +7 509 5 891352778 +7 510 5 891352134 +7 511 5 891351624 +7 513 4 891351772 +7 514 2 891351121 +7 515 3 891350757 +7 519 4 891352831 +7 520 5 892133466 +7 521 5 891353124 +7 523 4 891350845 +7 526 5 891351042 +7 528 5 891352659 +7 530 5 891350900 +7 537 3 891352749 +7 540 3 892132972 +7 541 2 891354662 +7 542 4 892131849 +7 543 3 891351772 +7 544 3 891353254 +7 545 2 891354882 +7 546 4 891353444 +7 548 5 891352692 +7 549 4 891353086 +7 550 4 891352489 +7 551 1 892131978 +7 553 3 892134010 +7 554 3 891354639 +7 555 4 892134811 +7 559 5 891354882 +7 560 3 892132798 +7 561 4 891354611 +7 562 5 891354053 +7 563 2 892131978 +7 564 3 891354471 +7 566 4 891353411 +7 567 1 892132019 +7 568 5 891352261 +7 569 4 892131978 +7 570 3 891354639 +7 573 5 891353828 +7 575 3 892133271 +7 576 5 892132943 +7 577 2 892133310 +7 579 4 892133361 +7 580 3 892132171 +7 581 5 891353477 +7 582 5 892135347 +7 586 3 891354639 +7 587 4 891353950 +7 589 5 891352451 +7 591 3 891352179 +7 592 5 891353652 +7 594 3 891354114 +7 598 3 891353801 +7 599 1 891353860 +7 601 5 891353744 +7 602 3 891352594 +7 604 3 891351547 +7 605 4 891353290 +7 606 3 891352904 +7 607 3 891352831 +7 608 4 891351653 +7 610 5 891353086 +7 614 5 891352489 +7 615 4 891351585 +7 618 4 891350900 +7 619 3 891352831 +7 621 5 892132773 +7 622 4 891352984 +7 623 3 891354217 +7 624 4 891353892 +7 625 3 892131824 +7 626 5 892132773 +7 627 3 891352594 +7 629 3 891352526 +7 630 5 891352341 +7 631 4 891352984 +7 632 5 891352261 +7 633 5 891351509 +7 634 5 891351287 +7 635 3 891352864 +7 636 4 891351384 +7 637 4 891353570 +7 638 4 892132122 +7 639 5 891353676 +7 640 3 891353614 +7 641 5 892135346 +7 642 3 892132277 +7 643 4 891350932 +7 644 5 891351685 +7 645 4 891353614 +7 647 5 891352489 +7 648 5 891351653 +7 649 5 891353254 +7 650 3 891350965 +7 651 5 891350932 +7 652 3 891352659 +7 653 4 891351161 +7 654 5 892135347 +7 655 5 891351384 +7 657 4 891351234 +7 658 3 891352419 +7 659 5 891351161 +7 661 5 891351624 +7 662 3 892133739 +7 663 5 891352220 +7 664 3 891353977 +7 666 4 892132192 +7 667 5 892135347 +7 668 4 891352778 +7 669 1 892132020 +7 670 5 891353254 +7 671 5 891351728 +7 672 1 892131925 +7 673 3 891353744 +7 674 2 891352659 +7 675 5 891352947 +7 676 3 891354499 +7 680 4 891350703 +7 681 1 891350594 +7 683 4 891350703 +8 7 3 879362287 +8 11 3 879362233 +8 22 5 879362183 +8 50 5 879362124 +8 55 5 879362286 +8 56 5 879362183 +8 79 4 879362286 +8 89 4 879362124 +8 96 3 879362183 +8 127 5 879362123 +8 144 5 879362286 +8 172 5 879362123 +8 176 5 879362233 +8 177 4 879362233 +8 181 4 879362183 +8 182 5 879362183 +8 183 5 879362233 +8 187 4 879362123 +8 188 5 879362356 +8 190 4 879362183 +8 210 4 879362287 +8 222 5 879362356 +8 227 4 879362423 +8 243 2 879361732 +8 258 5 879361482 +8 260 3 879361665 +8 294 3 879361521 +8 301 4 879361550 +8 336 3 879361664 +8 338 4 879361873 +8 358 2 879361732 +8 385 1 879362124 +8 403 4 879362234 +8 431 2 879362356 +8 457 1 879361825 +8 510 4 879362233 +8 511 5 879362183 +8 550 3 879362356 +8 566 3 879362423 +8 568 4 879362233 +8 651 5 879362123 +8 685 4 879362423 +8 686 3 879362356 +8 687 1 879361825 +8 688 1 879361732 +8 689 4 879361873 +9 6 5 886960055 +9 7 4 886960030 +9 50 5 886960055 +9 201 5 886960055 +9 242 4 886958715 +9 286 5 886960055 +9 298 5 886960055 +9 340 4 886958715 +9 371 5 886960055 +9 385 5 886960055 +9 479 4 886959343 +9 487 5 886960056 +9 507 4 886959343 +9 521 4 886959343 +9 527 3 886959344 +9 691 5 886960055 +10 1 4 877888877 +10 4 4 877889130 +10 7 4 877892210 +10 9 4 877889005 +10 12 5 877886911 +10 13 3 877892050 +10 16 4 877888877 +10 22 5 877888812 +10 23 5 877886911 +10 40 4 877892438 +10 48 4 877889058 +10 56 5 877886598 +10 59 4 877886722 +10 60 3 877892110 +10 64 4 877886598 +10 69 4 877889131 +10 70 4 877891747 +10 85 4 877892438 +10 93 4 877892160 +10 98 4 877889261 +10 99 5 877889130 +10 100 5 877891747 +10 124 5 877888545 +10 127 5 877886661 +10 132 5 877893020 +10 133 5 877891904 +10 135 5 877889004 +10 144 4 877892110 +10 153 4 877886722 +10 155 4 877889186 +10 156 4 877886846 +10 160 4 877888944 +10 164 4 877889333 +10 168 4 877888812 +10 170 4 877889333 +10 175 3 877888677 +10 176 4 877889130 +10 179 5 877889004 +10 180 5 877889333 +10 183 5 877893020 +10 185 5 877888876 +10 186 4 877886722 +10 191 5 877888613 +10 192 4 877891966 +10 194 4 877886661 +10 195 4 877889130 +10 197 5 877888944 +10 198 3 877889005 +10 199 4 877892050 +10 200 5 877889261 +10 203 4 877891967 +10 218 4 877889261 +10 223 5 877888545 +10 230 4 877892210 +10 234 4 877888877 +10 238 4 877892276 +10 269 4 877886162 +10 273 4 877888613 +10 275 4 877888677 +10 276 4 877891904 +10 283 4 877892276 +10 285 5 877889186 +10 286 4 877886162 +10 289 4 877886223 +10 294 3 879163524 +10 319 3 877886223 +10 321 4 879163494 +10 340 4 880371312 +10 367 4 877892437 +10 371 4 877886912 +10 385 4 877886783 +10 414 4 877891966 +10 418 4 877886783 +10 420 4 877892438 +10 430 3 877886597 +10 435 5 877889261 +10 447 4 877891747 +10 461 3 877888944 +10 463 4 877889186 +10 470 4 877891747 +10 474 4 877886783 +10 475 4 877888545 +10 478 5 877889004 +10 479 5 877891966 +10 482 4 877889262 +10 483 5 877889333 +10 484 5 877891904 +10 486 4 877886846 +10 488 5 877888613 +10 489 4 877892210 +10 493 4 877886661 +10 495 4 877892160 +10 496 5 877889005 +10 497 4 877889261 +10 498 5 877889333 +10 499 4 877893021 +10 502 4 877889261 +10 504 5 877892110 +10 505 4 877886846 +10 509 4 877889005 +10 518 4 877886722 +10 519 5 877892050 +10 521 4 877892110 +10 525 5 877892210 +10 530 4 877892210 +10 558 4 877886722 +10 582 4 877892276 +10 588 4 877886846 +10 589 5 877891905 +10 602 5 877889057 +10 603 5 877886783 +10 604 4 877892110 +10 610 4 877888613 +10 611 5 877886722 +10 615 4 877892276 +10 617 5 877892160 +10 629 4 877886722 +10 651 4 877888812 +10 652 3 877889130 +10 654 5 877886597 +10 655 5 877891904 +10 656 5 877886846 +10 657 4 877892110 +10 686 4 877886911 +10 693 4 877886783 +10 695 3 877892050 +10 696 4 877892276 +10 698 4 877888877 +10 699 4 877893020 +10 700 4 877892277 +10 701 4 877888812 +10 702 3 877886722 +10 703 5 877892110 +10 704 3 877892050 +10 705 4 877892050 +10 706 4 877888677 +10 707 5 877886783 +10 708 4 877892438 +10 709 4 877888613 +10 710 4 877892160 +10 711 4 877888812 +10 712 4 877892438 +11 8 4 891904949 +11 9 5 891902970 +11 11 2 891904271 +11 12 2 891904194 +11 15 5 891903067 +11 22 4 891904241 +11 25 3 891903836 +11 28 5 891904241 +11 29 3 891904805 +11 38 3 891905936 +11 40 3 891905279 +11 42 3 891905058 +11 47 4 891904551 +11 51 4 891906439 +11 52 3 891904335 +11 54 3 891905936 +11 58 3 891904596 +11 83 5 891904335 +11 88 3 891905003 +11 90 2 891905298 +11 94 3 891905324 +11 97 4 891904300 +11 100 4 891902718 +11 107 4 891903276 +11 109 3 891903836 +11 110 3 891905324 +11 111 4 891903862 +11 120 2 891903935 +11 121 3 891902745 +11 123 3 891902745 +11 125 4 891903108 +11 135 4 891904335 +11 173 5 891904920 +11 175 3 891904551 +11 176 3 891905783 +11 185 4 891905783 +11 190 3 891904174 +11 191 4 891904270 +11 194 4 891904920 +11 196 5 891904270 +11 203 4 891905856 +11 204 3 891904920 +11 208 4 891905032 +11 213 4 891906389 +11 215 3 891904389 +11 216 3 891904949 +11 227 3 891905896 +11 229 4 891905878 +11 230 4 891905783 +11 239 4 891904617 +11 241 4 891906389 +11 260 1 891902426 +11 268 5 891901652 +11 277 5 891903226 +11 291 4 891902815 +11 300 3 891902092 +11 301 4 891902157 +11 312 4 891902157 +11 318 5 891904194 +11 324 1 891902222 +11 332 5 891901769 +11 350 4 891901991 +11 356 4 891906327 +11 365 3 891904764 +11 367 3 891905058 +11 372 4 891904968 +11 382 3 891904573 +11 383 2 891905555 +11 393 4 891905222 +11 395 2 891905349 +11 399 3 891905279 +11 401 3 891905324 +11 402 4 891904662 +11 425 4 891904300 +11 427 4 891904300 +11 428 4 891905032 +11 429 5 891904335 +11 430 3 891905032 +11 431 2 891905896 +11 434 4 891904270 +11 435 4 891904968 +11 449 3 891906327 +11 451 2 891905003 +11 455 3 891903862 +11 504 3 891905856 +11 517 2 891905222 +11 521 2 891904174 +11 524 4 891904949 +11 526 3 891904859 +11 527 4 891904335 +11 558 3 891904214 +11 561 2 891905936 +11 573 3 891906327 +11 597 2 891904037 +11 603 4 891905783 +11 646 3 891904389 +11 652 4 891905003 +11 660 3 891904573 +11 662 3 891904300 +11 663 4 891905032 +11 690 4 891901716 +11 699 4 891904389 +11 710 2 891905221 +11 713 5 891903024 +11 714 4 891904214 +11 715 3 891904764 +11 717 2 891902815 +11 718 5 891903836 +11 720 1 891904717 +11 721 3 891905279 +11 722 3 891905349 +11 723 5 891904637 +11 724 3 891904551 +11 725 3 891905568 +11 726 3 891905515 +11 729 4 891904637 +11 730 3 891904335 +11 732 3 891904596 +11 733 4 891904413 +11 734 3 891905349 +11 735 3 891904300 +11 736 4 891906411 +11 737 4 891904789 +11 738 3 891905324 +11 739 3 891906411 +11 740 4 891903067 +11 741 5 891902745 +11 743 2 891904065 +11 744 4 891903005 +11 746 4 891905032 +11 747 3 891906426 +11 748 1 891902270 +11 751 2 891902092 +11 752 4 891902157 +12 4 5 879960826 +12 15 5 879959670 +12 28 5 879958969 +12 50 4 879959044 +12 69 5 879958902 +12 71 4 879959635 +12 82 4 879959610 +12 88 5 879960826 +12 96 4 879959583 +12 97 5 879960826 +12 98 5 879959068 +12 127 4 879959488 +12 132 5 879959465 +12 143 5 879959635 +12 157 5 879959138 +12 161 5 879959553 +12 172 4 879959088 +12 174 5 879958969 +12 191 5 879960801 +12 196 5 879959553 +12 200 1 879959610 +12 203 3 879959583 +12 204 5 879960826 +12 215 4 879959553 +12 228 4 879959465 +12 238 5 879960826 +12 276 4 879959488 +12 282 5 879960679 +12 300 4 879958639 +12 318 5 879960826 +12 328 4 879958742 +12 381 4 879958902 +12 402 5 879960826 +12 416 3 879959025 +12 471 5 879959670 +12 480 4 879959161 +12 684 5 879959105 +12 735 5 879960826 +12 753 5 879960679 +12 754 4 879958810 +13 2 3 882397650 +13 8 4 882140001 +13 9 3 882140205 +13 11 1 882397146 +13 14 4 884538727 +13 21 3 882399040 +13 22 4 882140487 +13 24 1 882397741 +13 25 1 882141686 +13 27 3 882397833 +13 28 5 882398814 +13 29 2 882397833 +13 33 5 882397581 +13 37 1 882397011 +13 38 3 882397974 +13 39 3 882397581 +13 40 2 886302815 +13 42 4 882141393 +13 45 3 882139863 +13 48 5 882139863 +13 49 4 882399419 +13 50 5 882140001 +13 53 1 882396955 +13 56 5 881515011 +13 58 4 882139966 +13 59 4 882140425 +13 60 4 884538767 +13 61 4 882140552 +13 62 5 882397833 +13 64 5 882140037 +13 66 3 882141485 +13 67 1 882141686 +13 69 4 884538766 +13 70 3 882140691 +13 71 4 882398654 +13 72 4 882141727 +13 73 3 882141485 +13 78 1 882399218 +13 82 2 882397503 +13 86 1 881515348 +13 87 5 882398814 +13 88 4 882141485 +13 90 3 882141872 +13 94 3 882142057 +13 97 4 882399357 +13 98 4 881515011 +13 100 5 882140166 +13 109 4 882141306 +13 111 5 882140588 +13 116 5 882140455 +13 118 4 882397581 +13 121 5 882397503 +13 124 5 884538663 +13 127 5 881515411 +13 128 1 882397502 +13 132 4 882140002 +13 135 5 882139541 +13 137 5 882139804 +13 141 2 890705034 +13 143 1 882140205 +13 144 4 882397146 +13 145 2 882397011 +13 147 3 882397502 +13 150 5 882140588 +13 152 5 882141393 +13 153 4 882139901 +13 154 5 882141335 +13 157 3 882140552 +13 158 1 882142057 +13 160 4 882140070 +13 161 5 882397741 +13 163 3 882141582 +13 164 3 882396790 +13 165 3 881515295 +13 166 5 884538663 +13 167 4 882141659 +13 168 4 881515193 +13 172 5 882140355 +13 173 2 882139863 +13 174 4 882139829 +13 175 4 882139717 +13 176 3 882140455 +13 178 4 882139829 +13 179 2 882140206 +13 180 5 882141248 +13 181 5 882140354 +13 182 5 882139347 +13 184 1 882397011 +13 185 3 881515011 +13 186 4 890704999 +13 187 5 882140205 +13 188 4 882140130 +13 190 4 882397145 +13 195 3 881515296 +13 196 4 882140552 +13 197 4 881515239 +13 198 3 881515193 +13 199 5 882140001 +13 201 1 882396869 +13 202 5 882141425 +13 205 2 881515193 +13 208 5 882140624 +13 209 3 882141306 +13 210 3 882140455 +13 211 4 882140002 +13 212 5 882399385 +13 215 5 882140588 +13 217 1 882396955 +13 218 1 882396869 +13 219 1 882396955 +13 223 5 882139901 +13 224 4 882140166 +13 225 2 882399156 +13 226 4 882397651 +13 227 5 882397650 +13 228 4 882140389 +13 229 4 882397650 +13 230 3 882397503 +13 231 3 882397582 +13 232 3 890704999 +13 235 2 882141841 +13 238 3 881515411 +13 239 4 882141752 +13 242 2 881515193 +13 243 3 882140966 +13 258 4 882139327 +13 260 1 882140848 +13 261 1 883670785 +13 262 4 881514876 +13 263 5 881515647 +13 264 4 882140848 +13 265 4 882140038 +13 268 4 881514810 +13 269 2 889292060 +13 270 4 881514876 +13 271 1 881514876 +13 272 4 884538403 +13 273 3 882397502 +13 274 3 882399384 +13 275 3 886303585 +13 276 5 882140104 +13 279 5 882139804 +13 280 4 882399528 +13 281 3 882397974 +13 285 5 882139937 +13 287 1 882141459 +13 288 1 882396790 +13 289 2 882140759 +13 290 4 882141814 +13 294 2 881514683 +13 299 3 881515698 +13 300 1 881515736 +13 301 1 882140718 +13 302 5 881514811 +13 303 4 881514876 +13 305 4 881514811 +13 306 3 881514876 +13 307 2 881514684 +13 308 3 881514726 +13 310 4 881514683 +13 312 1 883670630 +13 314 1 884538485 +13 315 5 884538466 +13 317 5 882140552 +13 318 3 882139686 +13 319 4 882139327 +13 320 1 882397010 +13 322 3 882140792 +13 323 3 882140848 +13 326 3 882140792 +13 331 3 881515457 +13 333 3 881514810 +13 334 1 886952467 +13 336 2 882140848 +13 338 1 882140740 +13 340 2 881514684 +13 341 2 886952422 +13 343 1 883670672 +13 344 2 888073635 +13 345 4 884538366 +13 346 4 883670552 +13 348 2 886952246 +13 349 1 892387807 +13 351 1 886302385 +13 353 4 886261450 +13 354 2 888779458 +13 358 3 881515521 +13 360 4 882140926 +13 362 4 890704999 +13 363 3 882398076 +13 367 3 882141458 +13 370 1 882396984 +13 371 3 882399385 +13 377 1 882399219 +13 379 1 882396984 +13 382 1 882140624 +13 384 2 882141814 +13 385 3 882397502 +13 387 3 886304229 +13 391 3 882398255 +13 393 3 882141617 +13 396 3 882141727 +13 398 2 882398410 +13 400 4 885744650 +13 402 4 886303934 +13 405 2 882397742 +13 406 1 882397011 +13 409 3 882141872 +13 410 1 882141997 +13 411 2 882141924 +13 414 5 882141458 +13 416 3 882398934 +13 418 2 882398763 +13 420 4 882398691 +13 421 2 882140389 +13 423 5 882398814 +13 424 1 882397068 +13 428 5 882140588 +13 429 5 884538727 +13 431 1 882397271 +13 432 4 882398654 +13 436 2 882396869 +13 437 1 882397068 +13 438 1 882397068 +13 439 1 882397040 +13 440 1 882397040 +13 443 4 882140588 +13 444 4 882396984 +13 445 4 882139774 +13 446 1 882397039 +13 447 2 882396869 +13 448 1 882396869 +13 449 4 882398385 +13 450 3 882398494 +13 451 1 882141872 +13 452 3 882397039 +13 453 2 882397067 +13 455 3 882141425 +13 457 1 883670785 +13 467 5 882140588 +13 471 1 882140455 +13 472 5 882398327 +13 473 4 882398724 +13 474 4 881515112 +13 476 2 882141997 +13 477 4 882398934 +13 480 3 881515193 +13 481 3 882140038 +13 482 5 882140355 +13 483 5 882139774 +13 485 1 882140624 +13 488 3 890704999 +13 491 4 882140166 +13 492 5 882140552 +13 493 5 882140206 +13 497 5 882140166 +13 498 4 882139901 +13 501 5 882398724 +13 502 5 882141458 +13 504 5 881515011 +13 505 3 882140389 +13 506 5 882140691 +13 507 1 882140070 +13 508 3 882140426 +13 509 5 882140691 +13 510 5 882139717 +13 511 5 882139863 +13 514 5 881515112 +13 515 2 881515193 +13 516 5 882141485 +13 517 5 882139746 +13 519 5 882140355 +13 520 4 886302261 +13 522 5 882140425 +13 524 4 886302261 +13 525 5 882140624 +13 526 3 882141053 +13 530 5 881515295 +13 531 3 882140104 +13 539 1 883670785 +13 540 3 882398410 +13 541 1 882397650 +13 546 3 882397741 +13 548 3 882398743 +13 549 4 882399357 +13 558 1 882397011 +13 561 1 882396914 +13 564 1 882396913 +13 566 5 882397502 +13 567 1 882396955 +13 568 3 882140552 +13 569 2 882396955 +13 570 5 882397581 +13 572 2 882398255 +13 573 3 882396955 +13 576 3 882398076 +13 586 3 882398326 +13 588 4 882398763 +13 589 3 881515239 +13 590 2 882397068 +13 596 3 882398691 +13 597 3 882397650 +13 601 4 882140104 +13 602 4 884538634 +13 604 5 882139966 +13 610 2 882140690 +13 612 4 882140318 +13 614 4 884538634 +13 615 4 881515348 +13 617 3 881515112 +13 619 3 886952245 +13 624 5 882398691 +13 625 2 882398691 +13 629 1 882141582 +13 630 2 886302261 +13 631 3 882140624 +13 632 3 884538664 +13 635 1 882396984 +13 636 2 882397502 +13 638 3 881515239 +13 647 5 882140206 +13 650 2 882140425 +13 651 5 882140070 +13 652 5 882141458 +13 655 5 886261387 +13 656 5 882139746 +13 657 4 882139829 +13 659 3 882141335 +13 662 5 882399420 +13 665 2 882396984 +13 667 1 882397040 +13 668 1 882397068 +13 670 3 882396955 +13 671 3 882396790 +13 673 3 882140691 +13 675 5 882396955 +13 678 3 882140792 +13 682 1 883670742 +13 683 1 886952521 +13 684 5 882397271 +13 685 5 882397582 +13 687 1 883670705 +13 690 3 881514811 +13 691 4 889316404 +13 692 4 882141659 +13 694 4 890704999 +13 705 5 884538766 +13 716 4 882141393 +13 720 4 882397974 +13 722 3 882399528 +13 735 3 882140690 +13 736 4 882399528 +13 746 3 884538766 +13 748 4 882140792 +13 749 3 881515521 +13 750 5 883670552 +13 751 5 882774081 +13 752 1 886952569 +13 755 3 882399014 +13 756 2 886302858 +13 758 1 882397084 +13 759 2 882398542 +13 761 4 882398076 +13 762 5 882141336 +13 764 2 882141997 +13 765 2 886303934 +13 766 4 882139686 +13 767 1 882397011 +13 771 3 882398410 +13 772 1 882140070 +13 774 1 882396913 +13 775 4 886304188 +13 776 2 882398934 +13 777 1 882397084 +13 778 3 886302694 +13 779 3 882398255 +13 780 1 882142057 +13 781 3 882399528 +13 782 3 885744650 +13 783 3 886304188 +13 784 1 882397084 +13 786 3 886303088 +13 787 3 882141582 +13 788 1 882396914 +13 789 5 882140389 +13 793 5 882141841 +13 794 4 882399615 +13 797 5 882398327 +13 798 2 882397974 +13 799 4 882139937 +13 802 2 882398254 +13 803 3 882398255 +13 805 4 882141458 +13 806 5 882140426 +13 807 1 886304229 +13 808 2 882397833 +13 809 4 882397582 +13 810 5 882398076 +13 811 5 882139829 +13 812 2 882398933 +13 813 1 882139863 +13 814 5 886302261 +13 815 4 886303934 +13 816 1 882396983 +13 817 1 882396914 +13 818 3 882141814 +13 819 1 882141924 +13 820 4 882398743 +13 821 3 882141393 +13 822 3 884538634 +13 823 5 882397833 +13 825 1 882397651 +13 826 5 882398385 +13 828 1 882399218 +13 830 1 882397581 +13 831 3 882398385 +13 832 4 882399156 +13 834 1 882397068 +13 835 3 882139901 +13 836 2 882139746 +13 837 4 882139717 +13 839 1 882396984 +13 840 3 886261387 +13 841 1 882398076 +13 842 2 882399156 +13 844 1 882397010 +13 847 4 882139937 +13 848 5 882140001 +13 852 1 882396869 +13 853 1 882397010 +13 854 1 882396914 +13 856 5 886303171 +13 857 3 881515348 +13 858 1 882397068 +13 859 1 882397040 +13 860 1 882396984 +13 861 3 882139774 +13 862 3 882399074 +13 863 4 882140487 +13 864 4 882141924 +13 865 5 882141425 +13 866 3 882141814 +13 868 5 882139901 +13 869 3 882141727 +13 870 3 882397271 +13 873 1 881515565 +13 874 5 881514876 +13 875 1 881515613 +13 876 2 881515521 +13 877 2 882140792 +13 878 1 883670785 +13 881 2 881514876 +13 882 3 886952438 +13 885 1 886302334 +13 886 5 881515613 +13 887 5 882140867 +13 888 2 886261388 +13 890 1 883670672 +13 891 1 892015288 +13 892 3 882774224 +13 893 3 882774005 +13 894 1 883670742 +13 895 1 883670515 +13 896 5 891036745 +13 897 1 886952422 +13 898 1 884538403 +13 899 1 892015288 +13 901 1 883670672 +13 902 3 891749765 +13 903 3 890704759 +13 904 1 892015178 +13 905 2 886302261 +13 906 3 891749765 +13 907 1 884538485 +13 908 1 886302385 +13 910 2 890704721 +13 911 2 892015141 +13 912 2 892014861 +13 913 1 892014908 +13 915 5 892015023 +13 916 4 892870589 +13 917 4 892015104 +13 918 3 892524090 +14 7 5 876965061 +14 9 4 879119260 +14 13 4 880929778 +14 14 3 879119311 +14 15 4 879119390 +14 18 3 879119260 +14 19 5 880929651 +14 22 3 890881521 +14 23 5 890881216 +14 25 2 876965165 +14 42 4 879119579 +14 50 5 890881557 +14 56 5 879119579 +14 70 1 879119692 +14 81 5 890881384 +14 93 3 879119311 +14 98 3 890881335 +14 100 5 876965165 +14 111 3 876965165 +14 116 5 876965165 +14 121 3 876965061 +14 151 5 876964725 +14 168 4 879119497 +14 172 5 890881521 +14 173 4 879119579 +14 174 5 890881294 +14 175 5 879119497 +14 176 1 890881484 +14 181 5 889666215 +14 186 4 879119497 +14 191 4 890881557 +14 195 5 890881336 +14 202 3 890881521 +14 204 5 879119651 +14 211 4 879119693 +14 213 5 890881557 +14 240 5 880929697 +14 242 4 876964570 +14 265 3 890881216 +14 269 4 892242403 +14 275 4 876964725 +14 276 4 879119390 +14 283 4 882839936 +14 285 5 879119118 +14 302 5 890880970 +14 313 2 890880970 +14 357 2 890881294 +14 382 5 879119739 +14 408 5 879119348 +14 430 5 879119692 +14 455 4 880929745 +14 473 5 876964936 +14 474 4 890881557 +14 475 3 876964936 +14 477 4 879119311 +14 492 4 890881485 +14 498 5 890881384 +14 507 4 890881521 +14 509 5 890881521 +14 514 4 879119579 +14 517 4 890881485 +14 519 5 890881335 +14 523 4 879119497 +14 524 5 879119497 +14 525 5 890881557 +14 530 5 890881433 +14 588 4 890881433 +14 596 3 879119311 +14 603 4 890881484 +14 654 4 890881294 +14 655 5 879119739 +14 663 5 879119651 +14 709 5 879119693 +14 716 5 879119651 +14 762 3 876964936 +14 792 5 879119651 +14 813 2 880929564 +14 845 3 880929564 +14 919 4 876964725 +14 922 4 880929651 +14 923 5 890881294 +15 1 1 879455635 +15 7 1 879455506 +15 9 4 879455635 +15 18 1 879455681 +15 20 3 879455541 +15 25 3 879456204 +15 111 4 879455914 +15 121 3 879456168 +15 125 5 879456049 +15 127 2 879455505 +15 137 4 879455939 +15 148 3 879456049 +15 220 4 879456262 +15 222 3 879455730 +15 225 3 879456447 +15 237 3 879455871 +15 244 2 879456447 +15 249 1 879455764 +15 258 3 879455473 +15 274 4 879456168 +15 275 4 879455562 +15 278 1 879455843 +15 283 4 879455505 +15 286 2 879455049 +15 289 3 879455262 +15 297 3 879455606 +15 300 4 879455166 +15 301 4 879455233 +15 307 1 879455233 +15 322 3 879455262 +15 328 3 879455192 +15 331 3 879455166 +15 405 2 879455957 +15 411 2 879456351 +15 458 5 879456288 +15 459 5 879455562 +15 471 4 879456084 +15 472 3 879456204 +15 473 1 879456204 +15 476 4 879456404 +15 508 2 879455789 +15 591 2 879455821 +15 620 4 879456204 +15 678 1 879455311 +15 685 4 879456288 +15 696 2 879456262 +15 742 2 879456049 +15 744 4 879455789 +15 748 3 879455262 +15 749 1 879455311 +15 754 5 879455080 +15 815 1 879456108 +15 823 2 879456351 +15 845 2 879456108 +15 864 4 879456231 +15 889 3 879455473 +15 924 3 879456204 +15 925 2 879455764 +15 929 1 879456168 +15 931 1 879456507 +15 932 1 879456465 +15 933 1 879456447 +15 934 4 879456507 +15 937 4 879455128 +15 938 3 879455233 +16 7 5 877724066 +16 8 5 877722736 +16 9 5 877722736 +16 15 5 877722001 +16 22 5 877721071 +16 27 2 877726390 +16 28 5 877727122 +16 31 5 877717956 +16 33 2 877722001 +16 39 5 877720118 +16 51 4 877726390 +16 55 5 877717956 +16 56 5 877719863 +16 64 5 877720297 +16 66 4 877719075 +16 69 5 877724846 +16 70 4 877720118 +16 71 5 877721071 +16 76 5 877719863 +16 87 4 877720916 +16 89 2 877717833 +16 92 4 877721905 +16 96 5 877717833 +16 98 5 877718107 +16 99 5 877720733 +16 100 5 877720437 +16 125 3 877726944 +16 127 5 877719206 +16 134 4 877719158 +16 135 4 877720916 +16 144 5 877721142 +16 151 5 877721905 +16 152 4 877728417 +16 155 3 877719157 +16 156 4 877719863 +16 158 4 877727280 +16 160 4 877722001 +16 161 5 877726390 +16 164 5 877724438 +16 168 4 877721142 +16 172 5 877724726 +16 174 5 877719504 +16 178 5 877719333 +16 180 5 877726790 +16 182 5 877719863 +16 183 5 877720733 +16 191 5 877719454 +16 194 5 877720733 +16 195 5 877720298 +16 197 5 877726146 +16 199 5 877719645 +16 202 5 877724726 +16 209 5 877722736 +16 227 5 877727193 +16 228 5 877720733 +16 230 5 877720813 +16 233 5 877727054 +16 273 5 877722736 +16 284 1 877719863 +16 286 2 877716993 +16 288 3 877717078 +16 294 4 877717116 +16 300 5 877717078 +16 302 5 877716993 +16 318 5 877718107 +16 321 3 877717116 +16 357 5 877720297 +16 367 3 877726390 +16 410 5 877718107 +16 418 5 877724727 +16 423 5 877721142 +16 443 5 877727055 +16 447 5 877724066 +16 448 5 877722736 +16 471 3 877724845 +16 476 3 877720437 +16 479 5 877720436 +16 480 5 877720297 +16 482 5 877718872 +16 496 5 877721905 +16 504 5 877718168 +16 546 4 877726944 +16 564 1 877726790 +16 583 4 877720186 +16 591 4 877726944 +16 602 5 877719333 +16 603 5 877719206 +16 606 4 877721071 +16 629 4 877720437 +16 654 5 877720298 +16 655 5 877724066 +16 657 5 877723882 +16 661 4 877726789 +16 684 5 877719863 +16 692 4 877719158 +16 693 4 877721905 +16 705 5 877722736 +16 732 5 877726944 +16 735 3 877720186 +16 761 2 877727192 +16 812 2 877723882 +16 939 4 877717833 +16 940 2 877721236 +16 942 4 877719863 +16 943 3 877719206 +16 944 1 877727122 +16 945 4 877719158 +17 1 4 885272579 +17 7 4 885272487 +17 9 3 885272558 +17 13 3 885272654 +17 100 4 885272520 +17 111 3 885272674 +17 125 1 885272538 +17 126 4 885272724 +17 151 4 885272751 +17 221 2 885272654 +17 222 3 885272751 +17 237 2 885272628 +17 243 1 885166209 +17 245 2 885166209 +17 269 4 885165619 +17 276 4 885272654 +17 471 2 885272779 +17 475 4 885272520 +17 508 3 885272779 +17 628 1 885272724 +17 744 3 885272606 +17 919 4 885272696 +18 1 5 880130802 +18 8 5 880130802 +18 12 5 880129991 +18 13 5 880131497 +18 14 5 880130431 +18 15 4 880131054 +18 19 3 880130582 +18 22 5 880130640 +18 23 4 880130065 +18 25 3 880131591 +18 26 4 880129731 +18 28 3 880129527 +18 32 2 880132129 +18 47 3 880131262 +18 48 4 880130515 +18 50 4 880130155 +18 52 5 880130680 +18 56 5 880129454 +18 57 4 880130930 +18 58 4 880130613 +18 59 4 880132501 +18 64 5 880132501 +18 69 3 880129527 +18 70 4 880129668 +18 71 4 880131236 +18 72 3 880132252 +18 81 3 880130890 +18 82 3 880131236 +18 83 5 880129877 +18 86 4 880129731 +18 88 3 880130890 +18 89 3 880130065 +18 97 4 880131525 +18 99 5 880130829 +18 100 5 880130065 +18 111 3 880131631 +18 113 5 880129628 +18 116 5 880131358 +18 126 5 880130680 +18 127 5 880129668 +18 131 4 880131004 +18 133 5 880130713 +18 135 3 880130065 +18 136 5 880129421 +18 137 5 880132437 +18 142 4 880131173 +18 143 4 880131474 +18 151 3 880131804 +18 152 3 880130515 +18 154 4 880131358 +18 162 4 880131326 +18 169 5 880130252 +18 170 5 880130515 +18 172 3 880130551 +18 174 4 880130613 +18 175 4 880130431 +18 178 3 880129628 +18 179 4 880129877 +18 180 4 880130252 +18 181 3 880131631 +18 182 4 880130640 +18 185 3 880129388 +18 186 4 880131699 +18 187 5 880130393 +18 188 3 880129388 +18 189 5 880129816 +18 190 4 880130155 +18 191 4 880130193 +18 193 5 880131358 +18 194 3 880129816 +18 195 3 880131236 +18 196 3 880131297 +18 197 4 880130109 +18 199 3 880129769 +18 202 3 880130515 +18 204 3 880131407 +18 208 4 880131004 +18 209 4 880130861 +18 210 5 880131054 +18 212 5 880129990 +18 214 4 880132078 +18 215 3 880130930 +18 216 4 880129527 +18 221 5 880129816 +18 223 5 880129731 +18 224 5 880130739 +18 234 3 880131106 +18 237 3 880129991 +18 241 3 880131525 +18 242 5 880129305 +18 269 5 880129305 +18 275 5 880129421 +18 276 5 880130829 +18 286 5 880129305 +18 317 5 880131144 +18 318 5 880132437 +18 357 4 880129421 +18 367 4 880130802 +18 381 4 880131474 +18 382 3 880129595 +18 386 2 880131986 +18 387 4 880130155 +18 392 3 880130193 +18 393 3 880130930 +18 408 5 880129628 +18 411 3 880131986 +18 414 4 880131054 +18 418 3 880130515 +18 419 3 880131878 +18 423 5 880132437 +18 427 5 880129421 +18 428 3 880131325 +18 432 4 880131559 +18 434 3 880131297 +18 443 3 880130193 +18 451 3 880131297 +18 462 3 880130065 +18 463 4 880131143 +18 479 4 880129769 +18 482 5 880130582 +18 483 4 880129940 +18 485 5 880132437 +18 487 4 880129454 +18 488 3 880130065 +18 489 4 880129769 +18 492 4 880131054 +18 493 5 880132437 +18 494 3 880131497 +18 496 5 880130470 +18 497 4 880131358 +18 498 4 880129940 +18 509 4 880129940 +18 510 4 880130680 +18 512 5 880131407 +18 513 4 880129769 +18 514 5 880129990 +18 515 5 880130155 +18 516 5 880130861 +18 517 2 880129388 +18 523 4 880130393 +18 524 4 880129816 +18 526 4 880131407 +18 527 4 880130109 +18 528 4 880129489 +18 529 5 880130515 +18 530 4 880129877 +18 549 4 880131173 +18 602 3 880131407 +18 603 3 880129388 +18 604 5 880129731 +18 607 3 880131752 +18 609 4 880130713 +18 610 4 880130861 +18 612 4 880131591 +18 614 4 880130861 +18 629 3 880130515 +18 630 3 880132188 +18 631 5 880129691 +18 633 5 880131358 +18 647 4 880129595 +18 659 4 880129489 +18 660 5 880130930 +18 692 3 880130930 +18 699 5 880130802 +18 702 3 880131407 +18 704 3 880131986 +18 705 3 880130640 +18 714 4 880130334 +18 716 5 880131676 +18 724 4 880132055 +18 729 3 880131236 +18 732 3 880131698 +18 737 3 880132055 +18 739 3 880131776 +18 747 3 880132225 +18 753 4 880129816 +18 775 3 880131878 +18 778 2 880131077 +18 792 5 880131106 +18 794 3 880131878 +18 856 5 880131676 +18 863 3 880130680 +18 921 5 880132437 +18 923 5 880132501 +18 950 3 880130764 +18 952 2 880130582 +18 953 3 880131901 +18 954 3 880130640 +18 955 4 880130713 +18 956 5 880131525 +18 957 3 880132188 +18 958 5 880129731 +18 959 3 880131450 +18 960 4 880131004 +18 961 3 880131830 +18 962 4 880131631 +18 963 5 880132437 +18 964 3 880132252 +18 965 4 880132012 +18 966 2 880132399 +18 967 3 880131901 +18 968 3 880130155 +18 970 3 880131591 +18 971 4 880131878 +19 4 4 885412840 +19 8 5 885412723 +19 153 4 885412840 +19 201 3 885412839 +19 202 4 885412723 +19 258 4 885411840 +19 294 3 885412034 +19 310 4 885412063 +19 313 2 885411792 +19 382 3 885412840 +19 435 5 885412840 +19 655 3 885412723 +19 692 3 885412840 +20 1 3 879667963 +20 11 2 879669401 +20 15 4 879667937 +20 22 5 879669339 +20 50 3 879667937 +20 69 1 879668979 +20 82 4 879669697 +20 87 5 879669746 +20 95 3 879669181 +20 98 3 879669547 +20 118 4 879668442 +20 121 3 879668227 +20 143 3 879669040 +20 144 2 879669401 +20 148 5 879668713 +20 172 3 879669181 +20 176 2 879669152 +20 186 3 879669040 +20 194 3 879669152 +20 204 3 879670039 +20 208 2 879669401 +20 243 4 879667799 +20 252 4 879669697 +20 274 4 879668248 +20 288 1 879667584 +20 323 4 879667684 +20 378 3 879669630 +20 405 3 879668555 +20 496 5 879669244 +20 568 4 879669291 +20 597 3 879668190 +20 633 4 879668979 +20 678 4 879667684 +20 742 4 879668166 +20 931 1 879668829 +21 1 5 874951244 +21 9 5 874951188 +21 15 4 874951188 +21 50 3 874951131 +21 53 4 874951820 +21 56 5 874951658 +21 98 5 874951657 +21 100 5 874951292 +21 103 1 874951245 +21 106 2 874951447 +21 118 1 874951382 +21 121 1 874951416 +21 127 5 874951188 +21 129 4 874951382 +21 148 1 874951482 +21 164 5 874951695 +21 184 4 874951797 +21 185 5 874951658 +21 217 3 874951727 +21 218 4 874951696 +21 219 5 874951797 +21 222 2 874951382 +21 234 5 874951657 +21 242 3 874951617 +21 245 1 874951006 +21 258 4 874950889 +21 259 2 874951005 +21 260 2 874950972 +21 264 3 874950972 +21 273 4 874951349 +21 286 3 874950889 +21 288 3 874950932 +21 291 3 874951446 +21 292 3 874950889 +21 294 3 874951616 +21 295 3 874951349 +21 298 5 874951382 +21 299 1 874950931 +21 319 2 874950889 +21 320 3 874951658 +21 321 3 874950972 +21 323 2 874950972 +21 324 4 874950889 +21 325 4 874950931 +21 326 5 874950889 +21 327 3 874950932 +21 328 3 874951005 +21 330 4 874951040 +21 358 3 874951616 +21 370 1 874951293 +21 379 3 874951820 +21 396 2 874951798 +21 408 5 874951188 +21 424 1 874951293 +21 437 1 874951858 +21 438 1 874951858 +21 439 1 874951820 +21 440 1 874951798 +21 441 3 874951761 +21 444 3 874951859 +21 445 3 874951658 +21 447 5 874951695 +21 448 4 874951727 +21 452 4 874951727 +21 457 1 874951054 +21 473 3 874951245 +21 558 5 874951695 +21 564 3 874951797 +21 565 3 874951898 +21 569 3 874951820 +21 573 2 874951898 +21 590 1 874951898 +21 591 3 874951382 +21 595 3 874951617 +21 596 3 874951617 +21 619 2 874951416 +21 628 3 874951616 +21 635 4 874951727 +21 637 4 874951695 +21 656 5 874951797 +21 665 3 874951858 +21 668 1 874951761 +21 670 3 874951696 +21 671 5 874951657 +21 672 3 874951727 +21 678 2 874951005 +21 687 2 874951005 +21 688 1 874950972 +21 696 2 874951382 +21 717 1 874951483 +21 741 3 874951382 +21 742 3 874951617 +21 758 1 874951314 +21 769 1 874951916 +21 773 3 874951797 +21 774 2 874951898 +21 800 1 874951727 +21 816 1 874951898 +21 817 3 874951695 +21 820 3 874951616 +21 834 1 874951293 +21 839 1 874951797 +21 844 4 874951292 +21 853 5 874951658 +21 858 1 874951858 +21 859 2 874951859 +21 860 2 874951727 +21 873 2 874950932 +21 875 4 874951005 +21 876 2 874950932 +21 877 2 874950972 +21 928 3 874951616 +21 930 1 874951482 +21 931 2 874951446 +21 948 1 874951054 +21 974 3 874951416 +21 975 3 874951447 +21 977 2 874951416 +21 978 1 874951483 +21 979 2 874951416 +21 980 2 874951349 +21 982 1 874951482 +21 983 2 874951416 +21 985 2 874951349 +21 986 1 874951482 +21 987 3 874951616 +21 990 2 874951039 +21 991 2 874951039 +21 992 2 874951349 +21 994 2 874951104 +21 995 2 874950932 +22 2 2 878887925 +22 4 5 878886571 +22 17 4 878886682 +22 29 1 878888228 +22 50 5 878887765 +22 62 4 878887925 +22 68 4 878887925 +22 79 4 878887765 +22 80 4 878887227 +22 89 5 878887680 +22 96 5 878887680 +22 110 1 878887157 +22 117 4 878887869 +22 118 4 878887983 +22 121 3 878887925 +22 127 5 878887869 +22 128 5 878887983 +22 144 5 878887680 +22 153 5 878886423 +22 154 4 878886423 +22 161 4 878887925 +22 168 5 878886517 +22 172 4 878887680 +22 173 5 878886368 +22 174 5 878887765 +22 176 5 878887765 +22 181 5 878887765 +22 186 5 878886368 +22 194 5 878886607 +22 195 4 878887810 +22 201 4 878886449 +22 204 5 878886607 +22 208 5 878886607 +22 209 4 878886518 +22 210 3 878886479 +22 222 4 878887925 +22 226 4 878888145 +22 227 4 878888067 +22 228 4 878887810 +22 230 4 878888026 +22 233 3 878888066 +22 238 5 878886423 +22 241 3 878888025 +22 250 5 878888251 +22 258 5 878886261 +22 265 3 878888066 +22 290 5 878886607 +22 294 1 878886262 +22 358 5 878887443 +22 376 3 878887112 +22 377 1 878887116 +22 384 3 878887413 +22 385 4 878887869 +22 386 3 878887347 +22 393 4 878886989 +22 399 4 878887157 +22 403 5 878887810 +22 405 1 878888067 +22 407 3 878886845 +22 411 1 878887277 +22 430 4 878886607 +22 433 3 878886479 +22 435 5 878886682 +22 455 5 878886479 +22 456 1 878887413 +22 502 4 878886647 +22 510 5 878887765 +22 511 4 878887983 +22 526 4 878888026 +22 550 5 878888184 +22 554 1 878888066 +22 566 3 878888145 +22 568 4 878887810 +22 648 4 878886647 +22 683 1 878886307 +22 687 1 878887476 +22 688 1 878886307 +22 692 4 878886480 +22 712 4 878887186 +22 731 3 878887116 +22 732 4 878886710 +22 780 1 878887377 +22 791 1 878887227 +22 792 4 878886647 +22 871 3 878886750 +22 878 1 878887598 +22 926 1 878887062 +22 948 1 878887553 +22 997 1 878887377 +22 998 1 878886571 +22 999 4 878886902 +22 1000 3 878886333 +22 1001 1 878886647 +23 1 5 874784615 +23 8 4 874785474 +23 13 4 874784497 +23 28 3 874786793 +23 32 3 874785809 +23 50 4 874784440 +23 55 4 874785624 +23 56 4 874785233 +23 59 4 874785526 +23 62 3 874786880 +23 70 2 874786513 +23 71 3 874789299 +23 73 3 874787016 +23 83 4 874785926 +23 88 3 874787410 +23 89 5 874785582 +23 90 2 874787370 +23 96 4 874785551 +23 98 5 874786016 +23 99 4 874786098 +23 102 3 874785957 +23 109 3 874784466 +23 116 5 874784466 +23 131 4 884550021 +23 133 4 874786220 +23 143 3 874786066 +23 144 3 874785926 +23 153 4 874786438 +23 154 3 874785552 +23 162 3 874786950 +23 170 4 874785348 +23 171 5 874785809 +23 172 4 874785889 +23 173 5 874787587 +23 176 3 874785843 +23 177 4 884550003 +23 181 4 874784337 +23 183 3 874785728 +23 188 3 877817151 +23 189 5 874785985 +23 191 3 877817113 +23 194 4 874786016 +23 195 4 874786993 +23 196 2 874786926 +23 209 5 874785843 +23 211 4 874786512 +23 213 3 874785675 +23 214 3 874785701 +23 215 2 874787116 +23 216 4 874787204 +23 217 2 874787144 +23 219 1 874788187 +23 222 4 876785704 +23 227 3 874787738 +23 228 4 874785582 +23 229 3 874787162 +23 234 2 874785624 +23 235 1 874784712 +23 238 5 874785526 +23 257 3 890276940 +23 258 5 876785704 +23 269 5 877817151 +23 315 3 884550320 +23 323 2 874784266 +23 357 3 874785233 +23 367 4 874785957 +23 380 5 874787774 +23 381 4 874787350 +23 385 4 874786462 +23 387 3 874786098 +23 404 4 874787860 +23 405 4 874784638 +23 419 3 874787204 +23 421 5 874786770 +23 423 3 874786488 +23 427 5 874789279 +23 449 2 874787083 +23 451 2 874787256 +23 463 4 874785843 +23 479 5 874785728 +23 483 4 884550048 +23 504 4 874785624 +23 511 5 874786770 +23 512 5 874785843 +23 516 4 874787330 +23 518 5 874785194 +23 522 4 874785447 +23 526 3 874787116 +23 527 4 874785926 +23 528 4 874786974 +23 541 4 876785720 +23 546 3 874784668 +23 549 3 874788290 +23 603 4 874785448 +23 642 3 874785843 +23 655 3 874787330 +23 662 3 874788045 +23 679 3 874788443 +23 694 4 884550049 +23 705 4 874785526 +23 710 4 874785889 +23 713 4 874784337 +23 739 2 874787861 +23 747 3 874786903 +23 919 5 874784440 +23 1004 3 874788318 +23 1005 3 874787647 +23 1006 3 874785809 +24 7 4 875323676 +24 9 5 875323745 +24 12 5 875323711 +24 25 4 875246258 +24 56 4 875323240 +24 58 3 875323745 +24 64 5 875322758 +24 71 5 875323833 +24 79 4 875322796 +24 92 5 875323241 +24 97 4 875323193 +24 98 5 875323401 +24 100 5 875323637 +24 109 3 875322848 +24 117 4 875246216 +24 129 3 875246185 +24 132 3 875323274 +24 151 5 875322848 +24 153 4 875323368 +24 178 5 875323676 +24 191 5 875323003 +24 216 4 875323745 +24 223 5 875322727 +24 258 4 875245985 +24 275 5 875323507 +24 276 5 875322951 +24 286 5 875323773 +24 288 3 875245985 +24 294 3 875246037 +24 318 5 875323474 +24 324 5 875322875 +24 358 3 875246012 +24 367 2 875323241 +24 372 4 875323553 +24 402 4 875323308 +24 427 5 875323002 +24 475 4 875246216 +24 477 5 875323594 +24 508 4 875323833 +24 518 4 875323552 +24 655 5 875323915 +24 662 5 875323440 +24 699 3 875323051 +24 742 4 875323915 +24 763 5 875322875 +24 1007 5 875322758 +25 1 5 885853415 +25 7 4 885853155 +25 8 4 885852150 +25 13 4 885852381 +25 23 4 885852529 +25 25 5 885853415 +25 50 5 885852150 +25 79 4 885852757 +25 82 4 885852150 +25 86 4 885852248 +25 98 5 885853415 +25 114 5 885852218 +25 121 4 885853030 +25 125 5 885852817 +25 127 3 885853030 +25 133 3 885852381 +25 134 4 885852008 +25 135 3 885852059 +25 151 4 885853335 +25 169 5 885852301 +25 173 4 885852969 +25 174 5 885853415 +25 176 4 885852862 +25 177 3 885852488 +25 181 5 885853415 +25 183 4 885852008 +25 189 5 885852488 +25 197 3 885852059 +25 204 5 885853415 +25 208 4 885852337 +25 222 4 885852817 +25 228 4 885852920 +25 238 4 885852757 +25 239 4 885853415 +25 257 4 885853415 +25 258 5 885853199 +25 269 4 885851953 +25 275 4 885853335 +25 357 4 885852757 +25 404 3 885852920 +25 408 5 885852920 +25 419 4 885852218 +25 427 4 885852059 +25 430 4 885852920 +25 432 2 885852443 +25 455 4 885853415 +25 463 4 885852529 +25 477 4 885853155 +25 478 5 885852271 +25 480 4 885852008 +25 495 4 885852862 +25 498 4 885852086 +25 501 3 885852301 +25 520 3 885852150 +25 527 4 885852248 +25 604 4 885852008 +25 612 4 885852120 +25 615 5 885852611 +25 633 4 885852301 +25 657 4 885852720 +25 692 4 885852656 +25 729 4 885852697 +25 742 4 885852569 +25 929 4 885852178 +25 969 3 885852059 +26 7 3 891350826 +26 9 4 891386369 +26 13 3 891373086 +26 15 4 891386369 +26 25 3 891373727 +26 100 5 891386368 +26 111 3 891371437 +26 116 2 891352941 +26 117 3 891351590 +26 122 1 891380200 +26 125 4 891371676 +26 127 5 891386368 +26 148 3 891377540 +26 150 3 891350750 +26 235 2 891372429 +26 237 3 891351590 +26 240 3 891377468 +26 248 3 891377468 +26 249 2 891377609 +26 250 3 891350826 +26 252 3 891385569 +26 255 3 891377609 +26 257 3 891371596 +26 258 3 891347949 +26 269 4 891347478 +26 271 3 891348070 +26 274 3 891385634 +26 282 4 891373086 +26 283 3 891371437 +26 284 3 891371505 +26 286 3 891347400 +26 288 4 891347477 +26 291 3 891379753 +26 292 3 891347400 +26 293 3 891371369 +26 294 3 891348192 +26 298 3 891371505 +26 313 5 891386368 +26 315 3 891347400 +26 321 3 891347949 +26 322 3 891349122 +26 323 2 891349184 +26 328 2 891348011 +26 333 3 891348192 +26 343 3 891349238 +26 369 2 891379664 +26 410 2 891373086 +26 455 3 891371506 +26 456 1 891386174 +26 471 2 891371676 +26 475 3 891350826 +26 476 3 891384414 +26 508 3 891352941 +26 515 4 891352940 +26 591 3 891351590 +26 597 2 891379753 +26 678 2 891349122 +26 683 3 891350372 +26 685 3 891371676 +26 742 3 891352492 +26 751 4 891347477 +26 760 1 891383899 +26 815 2 891371597 +26 840 2 891386049 +26 841 2 891380200 +26 845 3 891377468 +26 864 2 891383899 +26 871 2 891379664 +26 926 2 891385692 +26 930 2 891385985 +26 936 4 891352136 +26 979 3 891383899 +26 1008 3 891377609 +26 1009 2 891384478 +26 1010 2 891377609 +26 1013 1 891383836 +26 1015 3 891352136 +26 1016 3 891377609 +27 100 5 891543129 +27 121 4 891543191 +27 123 5 891543191 +27 246 4 891542897 +27 281 3 891543164 +27 288 3 891543129 +27 295 3 891543164 +27 298 4 891543164 +27 325 2 891543191 +27 370 4 891543245 +27 475 2 891542942 +27 508 3 891542987 +27 515 4 891543009 +27 596 2 891542987 +27 742 3 891543129 +27 925 3 891543245 +27 930 2 891543222 +27 978 2 891543222 +27 1017 4 891542897 +28 5 3 881961600 +28 7 5 881961531 +28 12 4 881956853 +28 28 4 881956853 +28 31 4 881956082 +28 50 4 881957090 +28 70 4 881961311 +28 79 4 881961003 +28 89 4 881961104 +28 95 3 881956917 +28 96 5 881957250 +28 98 5 881961531 +28 100 5 881957425 +28 143 4 881956564 +28 145 3 881961904 +28 153 3 881961214 +28 173 3 881956220 +28 174 5 881956334 +28 184 4 881961671 +28 185 5 881957002 +28 196 4 881956081 +28 201 3 881961671 +28 209 4 881961214 +28 217 3 881961671 +28 218 3 881961601 +28 219 5 881961728 +28 222 5 881961393 +28 223 5 882826496 +28 228 5 881961393 +28 229 2 881961393 +28 230 4 881961393 +28 234 4 881956144 +28 258 5 881955018 +28 271 4 881955281 +28 282 4 881957425 +28 288 5 882826398 +28 294 3 881954915 +28 322 2 881955343 +28 332 2 881954915 +28 380 4 881961394 +28 423 2 881956564 +28 434 4 881961104 +28 436 5 881961601 +28 441 2 881961782 +28 444 3 881961728 +28 447 3 881961532 +28 448 4 881961600 +28 450 1 881961394 +28 479 4 881961157 +28 480 5 881957002 +28 529 4 881957310 +28 567 4 881961782 +28 568 4 881957147 +28 573 4 881961842 +28 588 3 881957425 +28 603 3 881957090 +28 646 4 881961003 +28 665 3 881961782 +28 672 3 881961728 +28 678 2 882826550 +28 800 4 881961904 +28 895 4 882826398 +29 12 5 882821989 +29 98 4 882821942 +29 180 4 882821989 +29 182 4 882821989 +29 189 4 882821942 +29 245 3 882820803 +29 259 4 882821044 +29 264 3 882820897 +29 268 5 882820686 +29 269 4 882820897 +29 270 4 882820803 +29 294 4 882820730 +29 302 4 882820663 +29 303 4 882820686 +29 306 4 882820730 +29 312 4 882821705 +29 326 2 882820869 +29 332 4 882820869 +29 343 3 882821673 +29 358 2 882821044 +29 539 2 882821044 +29 657 4 882821942 +29 678 3 882821582 +29 689 2 882821705 +29 748 2 882821558 +29 874 4 882821020 +29 1018 4 882821989 +29 1019 4 882821989 +30 7 4 875140648 +30 28 4 885941321 +30 29 3 875106638 +30 50 3 875061066 +30 69 5 885941156 +30 82 4 875060217 +30 135 5 885941156 +30 161 4 875060883 +30 164 4 875060217 +30 181 4 875060217 +30 231 2 875061066 +30 252 3 875140740 +30 255 4 875059984 +30 257 4 885941257 +30 286 5 885941156 +30 289 2 876847817 +30 294 4 875140648 +30 301 4 875988577 +30 313 5 885941156 +30 319 4 875060217 +30 321 4 875988547 +30 403 2 875061066 +30 435 5 885941156 +30 531 5 885941156 +30 538 4 885941798 +30 539 3 885941454 +30 678 2 885942002 +30 683 3 885941798 +30 688 3 885941492 +30 751 3 884310551 +30 780 4 875060217 +30 1007 5 885941156 +30 1013 3 875060334 +31 79 2 881548082 +31 124 4 881548110 +31 135 4 881548030 +31 136 5 881548030 +31 153 4 881548110 +31 192 4 881548054 +31 262 5 881547766 +31 271 4 881547854 +31 302 4 881547719 +31 303 3 881547719 +31 306 3 881547814 +31 321 4 881547746 +31 484 5 881548030 +31 493 5 881548110 +31 498 4 881548111 +31 504 5 881548110 +31 514 5 881548030 +31 519 4 881548053 +31 611 4 881548111 +31 682 2 881547834 +31 705 5 881548110 +31 811 4 881548053 +31 886 2 881547877 +31 1019 5 881548082 +31 1020 3 881548030 +31 1022 5 881547814 +32 7 4 883717766 +32 50 4 883717521 +32 100 3 883717662 +32 111 3 883717986 +32 117 3 883717555 +32 118 3 883717967 +32 122 2 883718250 +32 151 3 883717850 +32 181 4 883717628 +32 235 3 883718121 +32 245 2 883710047 +32 246 4 883717521 +32 249 4 883717645 +32 250 4 883717684 +32 257 4 883717537 +32 259 2 883709986 +32 268 5 883709797 +32 276 4 883717913 +32 290 3 883717913 +32 294 3 883709863 +32 298 5 883717581 +32 408 3 883717684 +32 455 2 883717796 +32 591 3 883717581 +32 628 4 883718121 +32 866 3 883718031 +32 1012 4 883717581 +32 1016 1 883718121 +33 258 4 891964066 +33 271 4 891964166 +33 288 4 891964066 +33 292 4 891964244 +33 300 4 891964131 +33 307 3 891964148 +33 313 5 891963290 +33 323 4 891964373 +33 328 4 891964187 +33 329 4 891964326 +33 333 4 891964259 +33 339 3 891964111 +33 343 4 891964344 +33 751 4 891964188 +33 872 3 891964230 +33 880 3 891964230 +33 895 3 891964187 +34 242 5 888601628 +34 245 4 888602923 +34 259 2 888602808 +34 286 5 888602513 +34 288 2 888601628 +34 289 1 888602950 +34 299 5 888602923 +34 310 4 888601628 +34 312 4 888602742 +34 329 5 888602808 +34 332 5 888602742 +34 690 4 888602513 +34 898 5 888602842 +34 899 5 888603123 +34 990 5 888602808 +34 991 4 888602618 +35 242 2 875459166 +35 243 2 875459046 +35 259 4 875459017 +35 264 2 875459099 +35 266 3 875458941 +35 300 5 875458970 +35 321 3 875458970 +35 322 3 875459017 +35 326 3 875459017 +35 327 3 875459017 +35 332 4 875459237 +35 333 4 875459017 +35 680 4 875459099 +35 748 4 875458970 +35 877 2 875459099 +35 1025 3 875459237 +36 261 5 882157581 +36 268 2 882157418 +36 269 3 882157258 +36 307 4 882157227 +36 310 4 882157327 +36 319 2 882157356 +36 339 5 882157581 +36 682 1 882157386 +36 748 4 882157285 +36 882 5 882157581 +36 883 5 882157581 +36 885 5 882157581 +37 7 4 880915528 +37 11 4 880915838 +37 22 5 880915810 +37 24 4 880915674 +37 55 3 880915942 +37 56 5 880915810 +37 62 5 880916070 +37 79 4 880915810 +37 96 4 880915810 +37 117 4 880915674 +37 121 2 880915528 +37 161 5 880915902 +37 172 4 880930072 +37 176 4 880915942 +37 183 4 880930042 +37 195 5 880915874 +37 210 4 880915810 +37 222 3 880915528 +37 226 5 880916010 +37 230 4 880915942 +37 233 4 880916046 +37 265 4 880930072 +37 288 4 880915258 +37 363 3 880915711 +37 385 4 880915902 +37 403 5 880915942 +37 405 4 880915565 +37 472 2 880915711 +37 540 2 880916070 +37 568 3 880915942 +37 578 3 880916010 +37 597 5 880915607 +37 685 3 880915528 +37 827 3 880915607 +37 831 2 880915607 +37 833 4 880915565 +37 841 3 880915711 +37 930 3 880915711 +37 948 4 880915407 +37 1027 3 880930072 +38 1 5 892430636 +38 22 5 892429347 +38 28 4 892429399 +38 35 5 892433801 +38 67 4 892434312 +38 71 5 892430516 +38 78 5 892433062 +38 79 3 892430309 +38 82 5 892429903 +38 88 5 892430695 +38 94 5 892432030 +38 95 5 892430094 +38 99 5 892430829 +38 118 5 892431151 +38 122 1 892434801 +38 133 2 892429873 +38 139 2 892432786 +38 140 5 892430309 +38 144 5 892430369 +38 145 1 892433062 +38 153 5 892430369 +38 155 5 892432090 +38 161 5 892432062 +38 162 5 892431727 +38 185 2 892432573 +38 195 1 892429952 +38 202 2 892431665 +38 211 1 892431907 +38 216 5 892430486 +38 218 3 892431871 +38 225 5 892433062 +38 226 1 892431513 +38 234 5 892431607 +38 243 3 892429095 +38 252 5 892429567 +38 257 1 892429512 +38 288 5 892428188 +38 294 5 892428584 +38 318 3 892430071 +38 326 5 892428688 +38 328 4 892428688 +38 383 2 892433801 +38 384 5 892433660 +38 389 5 892433660 +38 392 5 892430120 +38 393 5 892430282 +38 400 1 892434036 +38 401 3 892434585 +38 403 1 892432205 +38 404 5 892431586 +38 406 2 892434251 +38 409 5 892433135 +38 410 3 892432750 +38 411 3 892433290 +38 413 1 892434626 +38 419 5 892429347 +38 420 5 892429347 +38 423 5 892430071 +38 424 3 892432624 +38 432 1 892430282 +38 433 5 892433771 +38 444 1 892433912 +38 447 5 892434430 +38 450 1 892432624 +38 451 5 892431727 +38 452 5 892434523 +38 465 5 892432476 +38 501 5 892429801 +38 508 2 892429399 +38 526 1 892430636 +38 550 2 892432786 +38 573 1 892433660 +38 616 3 892433375 +38 627 5 892431586 +38 637 2 892434452 +38 672 3 892434800 +38 673 5 892432062 +38 678 5 892428658 +38 679 5 892432062 +38 717 1 892433945 +38 720 5 892432424 +38 758 1 892434626 +38 768 5 892433062 +38 780 4 892434217 +38 838 2 892433680 +38 916 5 892428188 +38 940 1 892434742 +38 1014 5 892429542 +38 1016 5 892429542 +38 1028 5 892432624 +38 1029 1 892434626 +38 1030 5 892434475 +38 1031 5 892433801 +38 1032 4 892432624 +38 1034 1 892433062 +38 1037 4 892434283 +39 258 4 891400280 +39 272 2 891400094 +39 288 5 891400704 +39 294 4 891400609 +39 300 3 891400280 +39 301 3 891400280 +39 302 5 891400188 +39 306 3 891400342 +39 307 2 891400342 +39 315 4 891400094 +39 319 4 891400094 +39 333 4 891400214 +39 339 3 891400609 +39 345 3 891400159 +39 347 4 891400704 +39 352 5 891400704 +39 748 5 891400704 +39 900 3 891400159 +40 242 4 889041330 +40 243 2 889041694 +40 258 3 889041981 +40 259 2 889041643 +40 268 4 889041430 +40 271 2 889041523 +40 272 2 889041283 +40 294 4 889041671 +40 300 3 889041523 +40 302 3 889041283 +40 303 4 889041283 +40 310 3 889041283 +40 321 4 889041523 +40 328 3 889041595 +40 333 4 889041402 +40 340 2 889041454 +40 343 1 889041790 +40 345 4 889041670 +40 346 2 889041358 +40 347 2 889041283 +40 358 3 889041741 +40 750 3 889041523 +40 754 4 889041790 +40 876 3 889041694 +40 880 3 889041643 +40 1038 1 889041741 +41 1 4 890692860 +41 28 4 890687353 +41 31 3 890687473 +41 50 5 890687066 +41 56 4 890687472 +41 58 3 890687353 +41 69 4 890687145 +41 96 4 890687019 +41 97 3 890687665 +41 98 4 890687374 +41 100 4 890687242 +41 135 4 890687473 +41 152 4 890687326 +41 153 4 890687087 +41 156 4 890687304 +41 168 5 890687304 +41 170 4 890687713 +41 173 4 890687549 +41 174 4 890687264 +41 180 5 890687019 +41 181 4 890687175 +41 191 4 890687473 +41 194 3 890687242 +41 205 4 890687353 +41 209 4 890687642 +41 238 5 890687472 +41 265 3 890687042 +41 276 2 890687304 +41 286 4 890685449 +41 289 2 890686673 +41 313 3 890685449 +41 357 4 890687175 +41 423 2 890687175 +41 435 3 890687550 +41 486 4 890687305 +41 514 4 890687042 +41 518 3 890687412 +41 746 3 890687019 +41 751 4 890686872 +41 969 4 890687438 +41 1039 3 890687642 +42 2 5 881109271 +42 12 4 881107502 +42 25 3 881110670 +42 28 5 881108187 +42 38 3 881109148 +42 44 3 881108548 +42 48 5 881107821 +42 50 5 881107178 +42 63 4 881108873 +42 64 5 881106711 +42 69 4 881107375 +42 70 3 881109148 +42 71 4 881108229 +42 72 3 881108229 +42 73 4 881108484 +42 77 5 881108684 +42 79 5 881108040 +42 82 4 881107449 +42 86 3 881107880 +42 87 4 881107576 +42 88 5 881108425 +42 95 5 881107220 +42 96 5 881107178 +42 97 3 881107502 +42 98 4 881106711 +42 99 5 881108346 +42 102 5 881108873 +42 103 3 881106162 +42 111 1 881105931 +42 118 4 881105505 +42 121 4 881110578 +42 131 2 881108548 +42 132 5 881107502 +42 135 4 881109148 +42 136 4 881107329 +42 141 3 881109059 +42 142 4 881109271 +42 143 4 881108229 +42 151 4 881110578 +42 168 3 881107773 +42 172 5 881107220 +42 174 5 881106711 +42 176 3 881107178 +42 181 5 881107291 +42 183 4 881107821 +42 185 4 881107449 +42 194 5 881107329 +42 195 5 881107949 +42 196 5 881107718 +42 204 5 881107821 +42 210 5 881108633 +42 211 4 881107880 +42 215 5 881107413 +42 216 5 881108147 +42 222 4 881105882 +42 227 4 881109060 +42 230 5 881109148 +42 234 4 881108093 +42 239 5 881108187 +42 265 3 881107989 +42 273 3 881105817 +42 274 5 881105817 +42 276 1 881105405 +42 280 4 881106270 +42 281 3 881105728 +42 282 4 881105677 +42 284 3 881105581 +42 294 4 881105296 +42 318 5 881107718 +42 357 5 881107687 +42 367 2 881109149 +42 369 4 881105931 +42 380 4 881108548 +42 403 3 881108684 +42 404 5 881108760 +42 405 4 881105541 +42 409 3 881106270 +42 410 3 881110483 +42 411 4 881106317 +42 413 1 881106072 +42 418 5 881108147 +42 423 5 881107687 +42 428 3 881108040 +42 432 3 881108147 +42 433 2 881108760 +42 451 2 881108982 +42 456 3 881106113 +42 462 2 881108093 +42 467 3 881108425 +42 468 4 881108346 +42 479 4 881108147 +42 491 3 881106711 +42 496 5 881107718 +42 506 3 881108760 +42 521 2 881107989 +42 523 5 881107375 +42 546 3 881105817 +42 559 2 881109271 +42 566 5 881107821 +42 568 4 881107256 +42 588 5 881108147 +42 591 4 881110138 +42 595 1 881106582 +42 603 4 881107502 +42 606 3 881107538 +42 625 3 881108873 +42 655 3 881107642 +42 658 2 881107502 +42 660 3 881108484 +42 684 4 881108093 +42 685 4 881105972 +42 692 4 881107773 +42 732 5 881108346 +42 735 4 881108548 +42 736 5 881108187 +42 742 4 881105581 +42 746 3 881108279 +42 755 4 881108425 +42 781 4 881108280 +42 785 4 881109060 +42 794 3 881108425 +42 826 3 881106419 +42 834 1 881110763 +42 845 5 881110719 +42 866 4 881105972 +42 925 4 881106113 +42 926 3 881105766 +42 939 4 881108484 +42 941 4 881109060 +42 953 2 881108815 +42 969 5 881107687 +42 977 2 881106541 +42 999 4 881108982 +42 1028 4 881106072 +42 1040 3 881106270 +42 1041 4 881109060 +42 1043 2 881108633 +42 1044 4 881109271 +42 1045 2 881108873 +42 1046 3 881108760 +42 1048 1 881106220 +42 1049 3 881105882 +42 1050 3 881107538 +42 1051 4 881106270 +43 1 5 875975579 +43 4 4 875981421 +43 5 4 875981421 +43 7 4 875975520 +43 8 4 875975717 +43 11 5 875981365 +43 12 5 883955048 +43 14 2 883955745 +43 15 5 875975546 +43 17 3 883956417 +43 26 5 883954901 +43 28 4 875981452 +43 40 3 883956468 +43 47 1 883955415 +43 49 4 883956387 +43 50 4 875975211 +43 51 1 883956562 +43 52 4 883955224 +43 54 3 883956494 +43 56 5 875975687 +43 58 3 883955859 +43 63 3 883956353 +43 64 5 875981247 +43 66 4 875981506 +43 69 4 875981421 +43 70 4 883955048 +43 71 4 883955675 +43 73 4 883956099 +43 77 3 883955650 +43 91 3 883956260 +43 95 4 875975687 +43 98 5 875981220 +43 100 4 875975656 +43 102 4 875981483 +43 114 5 883954950 +43 117 4 883954853 +43 118 4 883955546 +43 120 4 884029430 +43 121 4 883955907 +43 122 2 884029709 +43 123 1 875975520 +43 124 4 891294050 +43 127 4 875981304 +43 131 3 883954997 +43 137 4 875975656 +43 143 4 883955247 +43 144 4 883955415 +43 151 4 875975613 +43 153 5 883955135 +43 155 4 883956518 +43 161 4 883955467 +43 168 4 875981159 +43 169 5 875981128 +43 173 5 875981190 +43 174 4 875975687 +43 175 2 875981304 +43 181 4 875975211 +43 186 3 875981335 +43 191 5 875981247 +43 202 5 875981190 +43 203 4 883955224 +43 204 4 883956122 +43 208 5 883955547 +43 210 5 883955467 +43 215 5 883955467 +43 216 5 875981128 +43 222 4 883955547 +43 225 2 875975579 +43 226 3 883956442 +43 235 3 875975520 +43 237 4 875975579 +43 238 2 883955160 +43 241 4 883955441 +43 248 4 875975237 +43 252 4 875975363 +43 254 3 875975323 +43 257 4 875975276 +43 258 5 875975028 +43 271 3 880317103 +43 272 5 883953545 +43 274 5 883955441 +43 275 4 875975546 +43 277 1 883955498 +43 284 5 883955441 +43 285 4 875975468 +43 286 4 875975028 +43 289 4 875975085 +43 294 5 875975061 +43 298 4 875975211 +43 300 5 875975135 +43 301 5 875975135 +43 302 4 887731794 +43 315 4 883953665 +43 316 5 892349752 +43 318 5 875975717 +43 321 3 875975061 +43 323 3 875975110 +43 328 4 875975061 +43 336 4 880317271 +43 354 4 891293957 +43 367 4 883956494 +43 371 4 883955269 +43 382 5 883955702 +43 393 4 883956417 +43 402 4 883956283 +43 403 4 883956305 +43 405 4 883956122 +43 409 3 884029493 +43 411 3 884029519 +43 418 4 883955387 +43 421 3 883954853 +43 423 4 883955498 +43 432 3 875981421 +43 471 3 883955319 +43 473 3 884029309 +43 482 4 875981421 +43 486 4 883955969 +43 491 4 883954997 +43 498 5 875981275 +43 501 4 883955605 +43 516 5 875981452 +43 531 4 883955160 +43 539 3 883953716 +43 542 3 883956518 +43 546 4 875975613 +43 550 3 883956040 +43 553 4 875981159 +43 566 3 883955969 +43 568 4 883955363 +43 580 3 883956417 +43 581 3 883956468 +43 591 5 875975656 +43 596 3 883955650 +43 597 3 883956229 +43 625 4 883956146 +43 628 3 875975580 +43 631 2 883955675 +43 648 5 883955293 +43 684 4 883955702 +43 692 5 883955884 +43 699 4 883956040 +43 705 4 883954970 +43 724 4 875981390 +43 729 4 883956387 +43 731 4 875981190 +43 732 4 883955498 +43 747 4 883956169 +43 751 2 883954803 +43 755 3 883956075 +43 792 1 883954876 +43 815 4 883956189 +43 820 2 884029742 +43 845 5 883955547 +43 847 5 875975468 +43 866 4 883956417 +43 879 4 876159838 +43 892 3 883954776 +43 926 2 875975613 +43 931 1 884029742 +43 944 2 883956260 +43 946 4 883955247 +43 950 3 883956417 +43 951 3 883955969 +43 956 1 883956259 +43 966 4 883955498 +43 969 5 875981159 +43 993 3 875975211 +43 1053 3 883955859 +43 1055 2 883955969 +43 1057 2 884029777 +44 5 4 878347598 +44 7 5 878341246 +44 9 5 878341196 +44 11 3 878347915 +44 15 4 878341343 +44 21 2 878346789 +44 22 4 878347942 +44 31 4 878348998 +44 50 5 878341246 +44 55 4 878347455 +44 56 2 878348601 +44 64 5 878347915 +44 67 3 878348111 +44 82 4 878348885 +44 87 5 878347742 +44 88 2 878348885 +44 91 2 878348573 +44 95 4 878347569 +44 96 4 878347633 +44 97 2 878348000 +44 102 2 878348499 +44 106 2 878347076 +44 109 3 878346431 +44 118 3 878341197 +44 120 4 878346977 +44 123 4 878346532 +44 133 4 878347569 +44 144 4 878347532 +44 147 4 878341343 +44 148 4 878346946 +44 151 4 878341370 +44 153 4 878347234 +44 155 3 878348947 +44 157 4 878347711 +44 161 4 878347634 +44 163 4 878348627 +44 164 4 878348035 +44 168 5 878347504 +44 172 4 878348521 +44 173 5 878348725 +44 174 5 878347662 +44 175 4 878347972 +44 176 5 883613372 +44 181 4 878341290 +44 183 4 883613372 +44 185 4 878347569 +44 190 5 878348000 +44 191 4 878347234 +44 193 3 878348521 +44 194 5 878347504 +44 195 5 878347874 +44 197 4 878347420 +44 198 4 878348947 +44 201 2 878347392 +44 202 4 878347315 +44 204 4 878348725 +44 208 4 878347420 +44 209 5 878347315 +44 214 5 878348036 +44 216 1 883613297 +44 222 4 883613334 +44 227 4 883613334 +44 228 5 883613334 +44 229 3 883613334 +44 230 2 883613335 +44 237 3 878346748 +44 238 4 878347598 +44 240 4 878346997 +44 245 4 878340887 +44 250 5 878346709 +44 252 2 878346748 +44 257 4 878346689 +44 258 4 878340824 +44 274 4 878348036 +44 294 4 883612356 +44 298 2 883612726 +44 307 4 878340940 +44 317 4 878347633 +44 318 5 878347340 +44 328 4 878340848 +44 357 4 878347569 +44 378 3 878348290 +44 385 3 878348725 +44 412 1 883613298 +44 419 4 878348784 +44 427 3 878348547 +44 432 5 878347569 +44 433 4 878348752 +44 434 4 878348885 +44 443 5 878348289 +44 447 4 878347598 +44 449 5 883613334 +44 470 3 878348499 +44 474 4 878347532 +44 480 4 878347315 +44 496 4 878348885 +44 507 3 878347392 +44 520 5 878347874 +44 523 4 878348784 +44 530 5 878348725 +44 542 3 878348036 +44 553 3 878347847 +44 588 4 878347742 +44 603 4 878347420 +44 625 3 878348691 +44 633 3 878347633 +44 636 4 878348969 +44 644 3 878347818 +44 660 5 878347915 +44 665 1 883613372 +44 692 3 878347532 +44 717 3 878346470 +44 755 3 878347742 +44 756 3 878346904 +44 1058 4 878347392 +45 1 5 881013176 +45 7 3 881008080 +45 15 4 881012184 +45 21 3 881014193 +45 24 3 881014550 +45 25 4 881014015 +45 100 5 881010742 +45 108 4 881014620 +45 109 5 881012356 +45 111 4 881011550 +45 118 4 881014550 +45 121 4 881013563 +45 127 5 881007272 +45 151 2 881013885 +45 181 4 881010742 +45 237 4 881008636 +45 257 5 881008781 +45 276 5 881012184 +45 278 3 881014550 +45 282 4 881008636 +45 284 4 881014130 +45 288 3 880996629 +45 472 3 881014417 +45 473 3 881014417 +45 476 3 881015729 +45 597 3 881014070 +45 742 4 881013176 +45 763 2 881013563 +45 764 4 881015310 +45 826 3 881015386 +45 845 4 881011188 +45 926 3 881015386 +45 952 4 881014247 +45 993 4 881014785 +45 1001 3 881014785 +45 1059 2 881014417 +45 1060 3 881012184 +45 1061 2 881016056 +46 7 4 883616155 +46 93 4 883616218 +46 100 4 883616134 +46 127 5 883616133 +46 151 4 883616218 +46 181 4 883616254 +46 262 5 883614766 +46 286 5 883611352 +46 288 2 883611307 +46 294 2 883611307 +46 300 3 883611307 +46 305 5 883614766 +46 307 3 883611430 +46 313 5 883611274 +46 327 4 883611456 +46 328 4 883611430 +46 332 4 883611482 +46 333 5 883611374 +46 538 3 883611513 +46 690 5 883611274 +46 748 5 883614645 +46 909 5 883614766 +46 1024 5 883614766 +46 1062 5 883614766 +47 262 5 879439040 +47 268 4 879439040 +47 286 3 879438984 +47 289 4 879439040 +47 292 4 879438984 +47 301 4 879440333 +47 302 5 879439040 +47 303 4 879439112 +47 304 3 879439144 +47 305 5 879439040 +47 306 4 879439113 +47 307 4 879439112 +47 321 4 879439040 +47 322 2 879439078 +47 323 2 879440360 +47 324 3 879439078 +47 340 5 879439078 +47 874 3 879439078 +47 995 3 879440429 +47 1022 3 879440429 +48 28 2 879434653 +48 50 4 879434723 +48 56 3 879434723 +48 71 3 879434850 +48 132 5 879434886 +48 170 4 879434886 +48 172 5 879434791 +48 174 5 879434723 +48 181 5 879434954 +48 187 5 879434954 +48 193 2 879434751 +48 194 4 879434819 +48 195 5 879434954 +48 202 4 879434791 +48 210 3 879434886 +48 215 4 879434751 +48 228 3 879434792 +48 243 3 879434330 +48 259 4 879434270 +48 266 3 879434387 +48 286 3 879434181 +48 289 1 879434252 +48 302 4 879434954 +48 306 4 879434211 +48 308 5 879434292 +48 309 3 879434132 +48 323 3 879434181 +48 357 5 879434653 +48 423 4 879434752 +48 425 3 879434850 +48 427 4 879434653 +48 428 4 879434608 +48 433 3 879434791 +48 511 5 879434954 +48 522 2 879434886 +48 524 3 879434723 +48 529 4 879434850 +48 603 4 879434607 +48 609 4 879434819 +48 650 3 879434819 +48 654 5 879434792 +48 656 4 879434689 +48 661 5 879434954 +48 680 3 879434330 +48 690 4 879434211 +48 988 2 879434387 +48 1063 3 879434654 +49 1 2 888068651 +49 2 1 888069606 +49 3 3 888068877 +49 4 2 888069512 +49 7 4 888067307 +49 8 3 888067691 +49 10 3 888066086 +49 11 3 888069458 +49 12 4 888068057 +49 17 2 888068651 +49 25 2 888068791 +49 38 1 888068289 +49 39 2 888068194 +49 40 1 888069222 +49 47 5 888068715 +49 49 2 888068990 +49 52 2 888066647 +49 53 4 888067405 +49 54 2 888068265 +49 55 4 888068057 +49 56 5 888067307 +49 57 4 888066571 +49 62 2 888069660 +49 68 1 888069513 +49 70 2 888066614 +49 72 2 888069246 +49 77 1 888068289 +49 85 3 888068934 +49 93 5 888068912 +49 95 2 888067031 +49 99 4 888067031 +49 100 4 888067307 +49 101 3 888067164 +49 102 2 888067164 +49 108 2 888068957 +49 111 2 888068686 +49 116 4 888066109 +49 117 1 888069459 +49 121 1 888068100 +49 122 2 888069138 +49 123 1 888068195 +49 129 2 888068079 +49 143 3 888067726 +49 147 1 888069416 +49 148 1 888068195 +49 151 5 888067727 +49 154 5 888068715 +49 161 1 888069513 +49 168 5 888068686 +49 171 4 888066551 +49 172 1 888067691 +49 173 3 888067691 +49 174 1 888067691 +49 175 5 888068715 +49 179 5 888066446 +49 181 1 888067765 +49 182 3 888069416 +49 185 5 888067307 +49 200 3 888067358 +49 202 3 888068816 +49 204 1 888068686 +49 208 4 888068715 +49 209 5 888068877 +49 213 3 888066486 +49 219 1 888067405 +49 225 2 888068651 +49 231 3 888069579 +49 235 2 888068990 +49 238 4 888068762 +49 239 2 888068912 +49 240 3 888067031 +49 256 4 888066215 +49 258 2 888065895 +49 268 3 888065620 +49 283 3 888066086 +49 287 4 888068842 +49 289 4 888065744 +49 290 2 888069062 +49 294 1 888065702 +49 299 2 888068651 +49 300 1 888065577 +49 301 3 888065640 +49 302 4 888065432 +49 312 3 888065786 +49 313 3 888065527 +49 320 5 888067334 +49 324 4 888065702 +49 325 3 888065744 +49 328 2 888068651 +49 334 4 888065744 +49 343 2 888065786 +49 346 4 888065527 +49 347 3 888065487 +49 358 1 888065805 +49 367 3 888069117 +49 369 1 888069329 +49 372 4 888069040 +49 385 1 888069536 +49 386 4 888069222 +49 396 4 888067482 +49 401 2 888067975 +49 404 3 888067765 +49 406 2 888067428 +49 413 1 888067460 +49 418 3 888067031 +49 423 2 888067727 +49 428 5 888068791 +49 432 5 888066979 +49 455 1 888068791 +49 462 2 888066486 +49 465 3 888067798 +49 473 3 888067164 +49 475 4 888066109 +49 476 1 888069222 +49 477 2 888067727 +49 501 3 888066979 +49 508 3 888068841 +49 514 4 888068686 +49 518 4 888069437 +49 531 3 888066511 +49 542 2 888067096 +49 546 1 888069636 +49 547 5 888066187 +49 559 2 888067405 +49 569 3 888067482 +49 577 1 888069329 +49 581 3 888068143 +49 583 4 888068143 +49 588 4 888067031 +49 590 1 888067579 +49 594 3 888068245 +49 625 3 888067031 +49 628 4 888068167 +49 652 5 888066446 +49 657 5 888068032 +49 695 3 888068957 +49 702 3 888066614 +49 713 3 888066214 +49 715 3 888069040 +49 717 2 888068651 +49 721 2 888068934 +49 725 2 888069354 +49 732 3 888069040 +49 737 1 888066828 +49 738 3 888069138 +49 741 4 888068079 +49 758 1 888067596 +49 774 2 888067528 +49 789 4 888068033 +49 813 3 888068686 +49 820 1 888067164 +49 821 1 888069246 +49 878 2 888065825 +49 904 2 888065527 +49 919 5 888066133 +49 926 1 888069117 +49 931 2 888068336 +49 959 2 888068912 +49 995 3 888065577 +49 997 1 888069117 +49 998 2 888069194 +49 1003 2 888068651 +49 1009 3 888066133 +49 1017 3 888069040 +49 1036 2 888069304 +49 1068 3 888066187 +49 1069 3 888068912 +49 1070 3 888068739 +49 1073 5 888066424 +49 1074 2 888069165 +49 1075 2 888066424 +49 1076 2 888067187 +49 1077 4 888068057 +49 1078 1 888067164 +49 1079 1 888069165 +49 1081 3 888069246 +49 1082 3 888066214 +50 9 4 877052297 +50 15 2 877052438 +50 100 2 877052400 +50 123 4 877052958 +50 124 1 877052400 +50 125 2 877052502 +50 246 3 877052329 +50 253 5 877052550 +50 286 2 877052400 +50 325 1 877052400 +50 327 3 877052093 +50 475 5 877052167 +50 508 5 877052438 +50 544 4 877052937 +50 547 4 877052297 +50 823 3 877052784 +50 1084 5 877052501 +51 50 5 883498685 +51 64 4 883498936 +51 132 4 883498655 +51 134 2 883498844 +51 136 4 883498756 +51 144 5 883498894 +51 148 3 883498623 +51 172 5 883498936 +51 181 5 883498655 +51 182 3 883498790 +51 184 3 883498685 +51 210 4 883498844 +51 485 1 883498790 +51 496 4 883498655 +51 655 3 883498728 +51 679 3 883498937 +51 692 3 883498685 +51 705 1 883498756 +52 7 5 882922204 +52 15 5 882922204 +52 25 5 882922562 +52 93 4 882922357 +52 95 4 882922927 +52 100 4 882922204 +52 107 4 882922540 +52 116 4 882922328 +52 191 5 882923031 +52 235 2 882922806 +52 250 3 882922661 +52 257 3 882922806 +52 275 4 882922328 +52 277 5 882922661 +52 280 3 882922806 +52 282 4 882922302 +52 287 5 882922357 +52 288 3 882922454 +52 302 4 882922065 +52 318 5 882922974 +52 333 4 882922038 +52 405 4 882922610 +52 427 5 882922833 +52 473 4 882922661 +52 475 4 882922357 +52 498 5 882922948 +52 531 5 882922833 +52 657 5 882922833 +52 741 4 882922302 +52 742 4 882922540 +52 748 4 882922629 +52 845 5 882922485 +52 919 5 882922140 +52 1009 5 882922328 +52 1085 4 882922454 +52 1086 4 882922562 +53 15 5 879443027 +53 24 3 879442538 +53 25 4 879442538 +53 50 4 879442978 +53 100 5 879442537 +53 151 4 879443011 +53 156 4 879442561 +53 174 5 879442561 +53 181 4 879443046 +53 199 5 879442384 +53 228 3 879442561 +53 250 2 879442920 +53 257 4 879443188 +53 258 4 879442654 +53 281 4 879443288 +53 284 2 879442901 +53 748 2 879443329 +53 845 3 879443083 +53 924 3 879443303 +54 50 5 880931687 +54 100 5 880931595 +54 106 3 880937882 +54 117 5 880935384 +54 118 4 880937813 +54 121 4 880936669 +54 127 4 880933834 +54 147 5 880935959 +54 148 3 880937490 +54 237 4 880935028 +54 240 4 880936500 +54 245 4 880929738 +54 250 4 880933834 +54 252 3 880937630 +54 257 4 880937311 +54 258 4 880928745 +54 260 4 880930146 +54 268 5 883963510 +54 273 4 880934806 +54 276 5 880931595 +54 298 4 892681300 +54 302 4 880928519 +54 307 4 891813846 +54 313 4 890608360 +54 325 3 880930146 +54 327 5 880928893 +54 333 5 880928745 +54 346 4 890608303 +54 405 4 880934806 +54 406 2 880938490 +54 411 5 880936296 +54 475 5 880937251 +54 595 3 880937813 +54 597 2 880934806 +54 634 1 892681013 +54 676 5 880935294 +54 685 3 880935504 +54 741 5 880931687 +54 742 5 880934806 +54 748 5 880928957 +54 820 3 880937992 +54 823 2 880938088 +54 827 3 880937813 +54 871 5 880938547 +54 1012 2 880936669 +54 1016 4 890609001 +54 1088 3 880937311 +55 7 3 878176047 +55 22 5 878176397 +55 50 4 878176005 +55 56 4 878176397 +55 79 5 878176398 +55 89 5 878176398 +55 121 3 878176084 +55 144 5 878176398 +55 174 4 878176397 +55 254 2 878176206 +55 257 3 878176084 +55 273 5 878176047 +55 405 1 878176134 +55 678 3 878176206 +55 685 1 878176134 +55 1016 1 878176005 +55 1089 1 878176134 +56 1 4 892683248 +56 7 5 892679439 +56 22 5 892676376 +56 25 4 892911166 +56 28 5 892678669 +56 29 3 892910913 +56 31 4 892679259 +56 38 2 892683533 +56 42 4 892676933 +56 44 4 892679356 +56 50 5 892737154 +56 51 3 892677186 +56 53 3 892679163 +56 56 5 892676376 +56 62 5 892910890 +56 63 3 892910268 +56 64 5 892678482 +56 66 3 892911110 +56 68 3 892910913 +56 69 4 892678893 +56 70 4 892676996 +56 71 4 892683275 +56 73 4 892677094 +56 77 3 892679333 +56 79 4 892676303 +56 82 4 892676314 +56 87 4 892678508 +56 89 4 892676314 +56 90 2 892677147 +56 91 4 892683275 +56 94 4 892910292 +56 95 4 892683274 +56 96 5 892676429 +56 98 4 892679067 +56 114 4 892683248 +56 118 4 892679460 +56 121 5 892679480 +56 122 2 892911494 +56 143 3 892910182 +56 144 5 892910796 +56 153 4 892911144 +56 161 4 892910890 +56 164 4 892910604 +56 167 3 892911494 +56 168 2 892679209 +56 169 4 892683248 +56 172 5 892737191 +56 174 5 892737191 +56 179 3 892678669 +56 181 5 892737154 +56 184 4 892679088 +56 186 3 892676933 +56 189 4 892683248 +56 193 5 892678669 +56 194 5 892676908 +56 195 5 892676429 +56 196 2 892678628 +56 201 4 892910604 +56 202 4 892676933 +56 204 5 892676908 +56 215 5 892678547 +56 216 4 892676885 +56 219 5 892679144 +56 222 5 892679439 +56 225 2 892910292 +56 226 4 892679277 +56 227 3 892676430 +56 228 3 892676340 +56 229 3 892676340 +56 230 5 892676339 +56 231 3 892910931 +56 233 1 892679308 +56 235 1 892911348 +56 237 5 892679540 +56 238 5 892676885 +56 239 4 892676970 +56 258 4 892675999 +56 265 4 892676314 +56 280 4 892683913 +56 281 2 892683611 +56 294 4 892676056 +56 295 3 893257941 +56 298 4 892683695 +56 300 4 892675935 +56 368 3 892911589 +56 372 3 892911290 +56 373 4 892910950 +56 383 2 892910544 +56 385 4 892676429 +56 391 3 892910950 +56 392 4 892678893 +56 393 4 892677047 +56 395 3 892911625 +56 402 5 892677186 +56 405 4 892679460 +56 410 4 892911348 +56 421 4 892677186 +56 426 4 892683303 +56 432 5 892737154 +56 433 4 892676970 +56 435 3 892676429 +56 441 4 892679163 +56 443 4 892679144 +56 447 4 892679067 +56 449 5 892679308 +56 450 3 892679374 +56 451 3 892676970 +56 473 2 892683323 +56 501 3 892737210 +56 546 3 892679460 +56 554 4 892679356 +56 559 4 892910646 +56 568 4 892910797 +56 575 3 892911469 +56 578 3 892910860 +56 585 3 892911366 +56 588 4 892683248 +56 596 4 892683275 +56 597 3 892679439 +56 623 3 892910268 +56 636 4 892683533 +56 655 4 892676996 +56 678 4 892676056 +56 692 4 892676970 +56 715 1 892911247 +56 728 3 892911420 +56 732 4 892677147 +56 735 2 892678913 +56 738 3 892683978 +56 746 4 892676885 +56 747 4 892677162 +56 748 4 892676028 +56 755 3 892910207 +56 761 3 892679333 +56 769 4 892679389 +56 797 4 892910860 +56 815 4 892683960 +56 849 2 892910913 +56 869 3 892683895 +56 871 2 892910207 +56 930 3 892679481 +56 969 3 892683303 +56 993 3 892683353 +56 1028 4 892911227 +56 1036 2 892910544 +56 1047 4 892911290 +56 1074 3 892683941 +56 1090 3 892683641 +56 1091 2 892737210 +56 1092 3 892911573 +57 1 5 883698581 +57 7 4 883697105 +57 15 4 883697223 +57 28 4 883698324 +57 50 5 883697105 +57 56 3 883698646 +57 79 5 883698495 +57 100 5 883698581 +57 117 4 883697512 +57 121 4 883697432 +57 144 3 883698408 +57 151 3 883697585 +57 168 3 883698362 +57 173 5 883698408 +57 194 4 883698272 +57 195 3 883698431 +57 199 5 883698646 +57 204 4 883698272 +57 222 5 883698581 +57 225 3 883698039 +57 237 4 883697182 +57 240 2 883697512 +57 243 3 883696547 +57 248 5 883697223 +57 250 3 883697223 +57 252 2 883697807 +57 257 5 883698580 +57 258 5 883698581 +57 264 2 883696672 +57 271 3 883696672 +57 281 4 883697404 +57 282 5 883697223 +57 288 4 883696347 +57 294 4 883696547 +57 298 3 883697293 +57 304 5 883698581 +57 321 4 883696629 +57 323 3 883696709 +57 409 4 883697655 +57 410 3 883697378 +57 411 4 883697679 +57 419 3 883698454 +57 456 3 883698083 +57 471 4 883697134 +57 473 3 883697916 +57 475 2 883697223 +57 476 3 883697990 +57 477 4 883697655 +57 496 4 883698362 +57 588 4 883698454 +57 597 3 883697378 +57 678 3 883696547 +57 682 3 883696824 +57 717 4 883697960 +57 744 5 883698581 +57 756 3 883697730 +57 760 2 883697617 +57 825 1 883697761 +57 831 1 883697785 +57 844 2 883697134 +57 845 4 883697253 +57 864 3 883697512 +57 866 3 883697915 +57 926 3 883697831 +57 930 2 883698039 +57 932 3 883697585 +57 975 3 883697990 +57 988 4 883696785 +57 1001 1 883698039 +57 1011 3 883697761 +57 1016 4 883697730 +57 1028 3 883697432 +57 1047 4 883697679 +57 1059 3 883697432 +57 1071 3 883698324 +57 1093 3 883697352 +57 1094 2 883697990 +57 1095 2 883698062 +58 1 5 884304483 +58 7 5 884304656 +58 8 4 884304955 +58 9 4 884304328 +58 13 3 884304503 +58 20 1 884304538 +58 25 4 884304570 +58 32 5 884304812 +58 42 4 884304936 +58 45 5 884305295 +58 50 4 884304328 +58 56 5 884305369 +58 61 5 884305271 +58 64 5 884305295 +58 69 1 884663351 +58 89 3 884305220 +58 98 4 884304747 +58 100 5 884304553 +58 109 4 884304396 +58 111 4 884304638 +58 120 2 892242765 +58 121 2 892242300 +58 123 4 884650140 +58 134 5 884304766 +58 135 4 884305150 +58 137 5 884304430 +58 144 4 884304936 +58 150 4 884304570 +58 151 3 884304553 +58 153 5 884304896 +58 156 5 884304955 +58 168 5 891611548 +58 169 4 884304936 +58 173 5 884305353 +58 174 4 884305271 +58 181 3 884304447 +58 182 4 884304701 +58 191 5 892791893 +58 193 3 884305220 +58 194 3 884304747 +58 195 4 884305123 +58 198 3 884305123 +58 199 4 891611501 +58 200 3 884305295 +58 203 5 884305185 +58 204 4 884304701 +58 210 4 884305042 +58 213 5 884663379 +58 214 2 884305296 +58 216 3 884305338 +58 222 4 884304656 +58 223 5 884305150 +58 228 5 884305271 +58 237 4 884304396 +58 238 5 884305185 +58 240 4 892242478 +58 246 5 884304592 +58 248 4 884794774 +58 249 4 892242272 +58 255 4 890321652 +58 257 5 884304430 +58 268 5 884304288 +58 272 5 884647314 +58 275 5 884305220 +58 283 1 884304592 +58 284 4 884304519 +58 311 4 890770101 +58 313 5 884304267 +58 318 3 884305087 +58 340 4 884305708 +58 347 3 888638515 +58 354 3 890321652 +58 367 5 892243053 +58 381 4 890321652 +58 405 2 892242047 +58 408 5 884304377 +58 425 5 884304979 +58 462 4 884304865 +58 475 5 884304609 +58 480 3 884305220 +58 483 5 884305220 +58 490 4 884304896 +58 491 4 891611593 +58 497 2 884305123 +58 546 2 892242190 +58 558 5 884305165 +58 568 4 884304838 +58 584 5 884305271 +58 603 5 884304812 +58 651 4 884305185 +58 654 5 884304865 +58 655 5 884304865 +58 663 2 884304728 +58 684 4 884305271 +58 709 5 884304812 +58 730 5 884305004 +58 773 4 884304790 +58 813 5 884304430 +58 823 1 892242419 +58 850 5 884305150 +58 923 5 884305062 +58 950 1 892242020 +58 955 4 884305062 +58 960 4 884305004 +58 1008 1 884304609 +58 1019 4 884305088 +58 1063 1 884304728 +58 1069 2 893027661 +58 1070 4 884304936 +58 1084 4 884304896 +58 1097 5 884504973 +58 1098 4 884304936 +58 1099 2 892243079 +58 1100 2 884304979 +58 1102 1 892242891 +58 1103 5 884305150 +58 1104 2 884305679 +58 1106 4 892068866 +59 4 4 888205188 +59 7 4 888202941 +59 10 4 888203234 +59 12 5 888204260 +59 13 5 888203415 +59 14 5 888203234 +59 15 5 888203449 +59 18 4 888203313 +59 23 5 888205300 +59 24 4 888203579 +59 25 4 888203270 +59 28 5 888204841 +59 30 5 888205787 +59 32 4 888205228 +59 33 3 888205265 +59 39 4 888205033 +59 42 5 888204841 +59 45 5 888204465 +59 47 5 888205574 +59 48 5 888204502 +59 50 5 888205087 +59 53 5 888206161 +59 54 4 888205921 +59 60 5 888204965 +59 65 4 888205265 +59 68 2 888205228 +59 69 5 888205087 +59 70 3 888204758 +59 71 3 888205574 +59 73 4 888206254 +59 77 4 888206254 +59 81 4 888205336 +59 82 5 888205660 +59 86 3 888205145 +59 89 5 888204965 +59 90 2 888206363 +59 91 4 888205265 +59 92 5 888204997 +59 95 2 888204758 +59 96 5 888205659 +59 97 5 888205921 +59 98 5 888204349 +59 100 5 888202899 +59 101 5 888206605 +59 102 2 888205956 +59 106 4 888203959 +59 109 4 888203175 +59 116 4 888203018 +59 118 5 888203234 +59 121 4 888203313 +59 125 3 888203658 +59 126 5 888202899 +59 127 5 888204430 +59 129 5 888202941 +59 131 4 888205410 +59 132 5 888205744 +59 133 3 888204349 +59 134 5 888204841 +59 136 3 888205336 +59 140 1 888206445 +59 141 4 888206605 +59 142 1 888206561 +59 143 1 888204641 +59 148 3 888203175 +59 151 5 888203053 +59 169 4 888204757 +59 170 4 888204430 +59 172 5 888204552 +59 173 5 888205144 +59 175 4 888205300 +59 177 4 888204349 +59 179 5 888204996 +59 180 4 888204597 +59 182 5 888204877 +59 183 5 888204802 +59 184 4 888206094 +59 185 5 888205228 +59 186 5 888205660 +59 187 5 888204349 +59 188 4 888205188 +59 190 5 888205033 +59 191 4 888204841 +59 193 4 888204465 +59 195 5 888204757 +59 196 5 888205088 +59 197 5 888205462 +59 198 5 888204389 +59 200 5 888205370 +59 202 4 888205714 +59 203 4 888204260 +59 204 5 888205615 +59 208 5 888205533 +59 209 5 888204965 +59 212 4 888205463 +59 215 5 888204430 +59 218 5 888206409 +59 219 5 888206485 +59 227 3 888206015 +59 228 4 888205714 +59 229 3 888205921 +59 230 4 888205714 +59 235 1 888203658 +59 238 5 888204553 +59 240 2 888203579 +59 241 4 888205574 +59 243 1 888206764 +59 258 3 888202749 +59 265 4 888205410 +59 273 2 888203129 +59 274 1 888203449 +59 277 4 888203234 +59 285 4 888202941 +59 286 3 888202532 +59 287 5 888203175 +59 290 3 888203750 +59 313 5 888202532 +59 318 5 888204349 +59 321 4 888206764 +59 323 4 888206809 +59 367 4 888204597 +59 369 2 888203959 +59 371 4 888206095 +59 380 3 888205956 +59 381 5 888205659 +59 382 4 888205574 +59 385 4 888205659 +59 387 3 888206562 +59 392 2 888206562 +59 402 4 888206296 +59 405 3 888203578 +59 418 2 888205188 +59 419 2 888205228 +59 421 5 888206015 +59 425 4 888204928 +59 427 5 888204309 +59 428 5 888205188 +59 429 4 888204597 +59 430 5 888205228 +59 431 4 888205534 +59 433 5 888205982 +59 434 4 888205574 +59 447 5 888206095 +59 448 4 888205787 +59 451 5 888206049 +59 458 4 888203128 +59 465 2 888206363 +59 466 4 888204389 +59 468 3 888205855 +59 470 3 888205714 +59 472 3 888203482 +59 473 3 888203610 +59 474 5 888204430 +59 476 2 888203814 +59 479 5 888205370 +59 480 5 888204802 +59 485 2 888204466 +59 488 3 888205956 +59 490 4 888205614 +59 492 4 888205370 +59 496 4 888205144 +59 501 1 888205855 +59 503 4 888205855 +59 504 5 888205921 +59 505 4 888204260 +59 506 5 888205787 +59 507 4 888204877 +59 510 4 888204502 +59 511 5 888204965 +59 513 4 888205144 +59 515 4 888204430 +59 516 4 888204430 +59 517 5 888205714 +59 519 4 888204965 +59 521 5 888204877 +59 524 3 888206689 +59 525 3 888204758 +59 526 4 888204928 +59 527 5 888204553 +59 528 4 888205300 +59 547 3 888203482 +59 549 4 888205659 +59 550 5 888206605 +59 559 5 888206562 +59 562 4 888206094 +59 564 2 888206605 +59 566 4 888206485 +59 567 4 888206562 +59 568 5 888205229 +59 569 4 888206161 +59 570 4 888205745 +59 582 4 888205300 +59 583 5 888205921 +59 584 4 888205145 +59 588 2 888204389 +59 591 4 888203270 +59 597 2 888203610 +59 602 2 888206295 +59 603 5 888204309 +59 604 3 888204927 +59 608 4 888204502 +59 609 2 888205855 +59 611 3 888204309 +59 616 5 888206049 +59 620 4 888203959 +59 622 4 888206015 +59 625 3 888206295 +59 633 3 888204641 +59 640 5 888206445 +59 644 4 888205033 +59 655 5 888204642 +59 658 4 888205188 +59 659 3 888204553 +59 660 4 888205534 +59 662 3 888206125 +59 663 4 888204928 +59 664 4 888205614 +59 672 5 888206015 +59 679 4 888205714 +59 684 3 888204553 +59 687 1 888206764 +59 692 3 888205463 +59 699 4 888205370 +59 702 5 888205463 +59 705 4 888205087 +59 707 3 888205336 +59 708 4 888206410 +59 709 5 888204997 +59 710 3 888205463 +59 715 5 888205921 +59 717 2 888203959 +59 724 5 888205265 +59 727 2 888205265 +59 729 4 888205265 +59 732 3 888205370 +59 735 5 888205534 +59 736 5 888205145 +59 739 4 888206485 +59 742 3 888203053 +59 755 4 888206254 +59 760 2 888203659 +59 764 4 888203709 +59 774 2 888206562 +59 789 4 888205087 +59 792 4 888206362 +59 823 5 888203749 +59 825 4 888203658 +59 846 4 888203415 +59 855 4 888204502 +59 866 3 888203865 +59 871 2 888203865 +59 900 4 888202814 +59 926 1 888203708 +59 928 4 888203449 +59 929 2 888203018 +59 931 2 888203610 +59 946 1 888206445 +59 951 3 888206409 +59 953 5 888205787 +59 959 4 888206095 +59 969 3 888204802 +59 972 4 888206125 +59 974 3 888203343 +59 1009 4 888203095 +59 1028 1 888203900 +59 1047 2 888203371 +59 1048 4 888203270 +59 1065 5 888205188 +59 1074 4 888206409 +59 1093 5 888203578 +59 1107 4 888206254 +59 1108 3 888204877 +59 1109 3 888205088 +59 1110 4 888206363 +59 1111 5 888204758 +59 1112 3 888206161 +59 1113 4 888205855 +59 1114 5 888203415 +59 1116 3 888206562 +59 1117 4 888203313 +59 1118 2 888206048 +59 1120 1 888203900 +60 7 5 883326241 +60 9 5 883326399 +60 13 4 883327539 +60 15 4 883328033 +60 21 3 883327923 +60 23 4 883326652 +60 28 5 883326155 +60 47 4 883326399 +60 56 4 883326919 +60 60 5 883327734 +60 61 4 883326652 +60 64 4 883325994 +60 69 4 883326215 +60 70 4 883326838 +60 71 3 883327948 +60 77 4 883327040 +60 79 4 883326620 +60 82 3 883327493 +60 88 4 883327684 +60 89 5 883326463 +60 96 4 883326122 +60 98 4 883326463 +60 131 4 883327441 +60 132 4 883325944 +60 133 4 883326893 +60 134 4 883326215 +60 135 5 883327087 +60 136 4 883326057 +60 138 2 883327287 +60 141 3 883327472 +60 143 3 883327441 +60 151 5 883326995 +60 152 4 883328033 +60 161 4 883327265 +60 162 4 883327734 +60 163 4 883327566 +60 172 4 883326339 +60 175 5 883326919 +60 176 4 883326057 +60 178 5 883326399 +60 179 4 883326566 +60 180 4 883326028 +60 183 5 883326399 +60 186 4 883326566 +60 194 4 883326425 +60 197 4 883326620 +60 199 5 883326339 +60 200 4 883326710 +60 204 4 883326086 +60 207 3 883327342 +60 208 5 883326028 +60 209 5 883326593 +60 215 4 883327566 +60 216 4 883327827 +60 218 4 883327538 +60 222 4 883327441 +60 225 3 883327976 +60 227 4 883326784 +60 228 4 883327472 +60 230 4 883327441 +60 234 4 883326463 +60 237 4 883327442 +60 272 4 889286840 +60 286 5 883325421 +60 378 4 883327566 +60 393 4 883327754 +60 403 3 883327087 +60 416 4 883327639 +60 417 4 883327175 +60 419 3 883327612 +60 420 4 883327113 +60 423 4 883326593 +60 427 5 883326620 +60 430 5 883326122 +60 434 5 883327368 +60 443 4 883327847 +60 445 5 883326273 +60 474 5 883326028 +60 478 3 883326463 +60 479 5 883326301 +60 480 4 883326273 +60 482 4 883326958 +60 483 5 883326497 +60 484 5 883326370 +60 485 4 883327222 +60 489 5 883326682 +60 490 4 883326958 +60 492 5 883326525 +60 493 5 883325994 +60 495 3 883327639 +60 496 4 883326682 +60 498 5 883326566 +60 499 3 883326682 +60 501 3 883327472 +60 502 4 883327394 +60 505 4 883326710 +60 507 4 883326301 +60 508 4 883327368 +60 511 4 883326301 +60 513 5 883325994 +60 514 4 883326300 +60 517 4 883327265 +60 519 4 883326370 +60 523 4 883326837 +60 525 5 883325944 +60 529 4 883326862 +60 558 4 883326784 +60 592 4 883327566 +60 601 4 883325944 +60 603 5 883326652 +60 604 4 883327997 +60 605 3 883326893 +60 606 4 883327201 +60 613 4 883326497 +60 615 5 883326215 +60 616 3 883327087 +60 617 4 883326273 +60 633 4 883326995 +60 638 5 883326057 +60 654 4 883326399 +60 656 4 883327018 +60 659 4 883326862 +60 660 4 883327243 +60 671 4 883327175 +60 673 4 883327711 +60 675 4 883326995 +60 684 4 883328033 +60 699 4 883327539 +60 708 4 883326784 +60 729 4 883327975 +60 745 5 883327442 +60 751 2 883325421 +60 755 4 883327639 +60 810 4 883327201 +60 842 4 883327175 +60 1020 4 883327018 +60 1021 5 883326185 +60 1060 4 883326995 +60 1122 5 883326498 +60 1123 4 883327997 +60 1124 4 883326652 +60 1125 4 883326497 +60 1126 4 883327174 +61 243 2 892331237 +61 269 3 891206125 +61 271 1 892302231 +61 294 2 891220884 +61 301 1 891206450 +61 310 4 891206194 +61 323 3 891206450 +61 328 5 891206371 +61 331 2 891206126 +61 333 3 891206232 +61 342 2 892302309 +61 347 5 892302120 +61 678 3 892302309 +61 690 2 891206407 +61 751 3 891206274 +61 1127 4 891206274 +62 3 3 879372325 +62 4 4 879374640 +62 7 4 879372277 +62 8 5 879373820 +62 12 4 879373613 +62 13 4 879372634 +62 14 4 879372851 +62 15 2 879372634 +62 20 4 879372696 +62 21 3 879373460 +62 22 4 879373820 +62 24 4 879372633 +62 28 3 879375169 +62 33 1 879374785 +62 47 4 879375537 +62 55 5 879373692 +62 59 4 879373821 +62 64 4 879373638 +62 65 4 879374686 +62 68 1 879374969 +62 69 4 879374015 +62 71 4 879374661 +62 72 3 879375762 +62 76 4 879374045 +62 78 2 879376612 +62 81 4 879375323 +62 82 4 879375414 +62 86 2 879374640 +62 89 5 879374640 +62 96 4 879374835 +62 100 4 879372276 +62 111 3 879372670 +62 114 4 879373568 +62 116 3 879372480 +62 117 4 879372563 +62 118 2 879373007 +62 121 4 879372916 +62 125 4 879372347 +62 127 4 879372216 +62 128 2 879374866 +62 132 5 879375022 +62 134 4 879373768 +62 135 4 879375080 +62 138 1 879376709 +62 144 3 879374785 +62 147 3 879372870 +62 151 5 879372651 +62 153 4 879374686 +62 155 1 879376633 +62 157 3 879374686 +62 162 4 879375843 +62 164 5 879374946 +62 167 2 879376727 +62 168 5 879373711 +62 171 4 879373659 +62 172 5 879373794 +62 173 5 879374732 +62 176 5 879373768 +62 179 4 879374969 +62 180 4 879373984 +62 181 4 879372418 +62 182 5 879375169 +62 183 4 879374893 +62 190 5 879374686 +62 191 5 879373613 +62 204 3 879373737 +62 207 3 879375676 +62 209 4 879373849 +62 210 4 879374640 +62 213 4 879375323 +62 215 3 879374640 +62 216 4 879375414 +62 217 2 879376387 +62 225 3 879373287 +62 227 1 879375843 +62 228 3 879374607 +62 229 3 879375977 +62 232 3 879375977 +62 235 4 879373007 +62 237 3 879372563 +62 245 2 879373232 +62 249 2 879372479 +62 257 2 879372434 +62 258 5 879371909 +62 270 2 879371909 +62 271 1 879371909 +62 275 4 879372325 +62 276 5 879372182 +62 281 3 879373118 +62 285 4 879372455 +62 286 3 879372813 +62 288 2 879371909 +62 294 1 879373215 +62 298 4 879372304 +62 302 3 879371909 +62 306 4 879371909 +62 318 5 879373659 +62 328 3 879371909 +62 365 2 879376096 +62 380 5 879375626 +62 382 3 879375537 +62 401 3 879376727 +62 402 3 879375883 +62 421 5 879375716 +62 423 3 879373692 +62 433 5 879375588 +62 443 3 879375080 +62 448 2 879375883 +62 451 3 879375716 +62 455 3 879372696 +62 462 2 879373737 +62 463 4 879374916 +62 464 4 879375196 +62 466 3 879374785 +62 473 4 879373046 +62 474 4 879373613 +62 475 4 879371980 +62 498 4 879373848 +62 508 4 879372277 +62 509 4 879373568 +62 511 4 879373586 +62 514 3 879374813 +62 521 5 879374706 +62 527 4 879373692 +62 528 5 879375080 +62 541 3 879376535 +62 546 4 879373118 +62 559 3 879375912 +62 569 1 879376158 +62 582 4 879374753 +62 597 2 879373254 +62 652 4 879375364 +62 660 4 879375537 +62 664 4 879376079 +62 665 2 879376483 +62 673 2 879375323 +62 676 3 879372633 +62 685 2 879373175 +62 697 4 879375932 +62 699 4 879375022 +62 702 2 879376079 +62 704 2 879375477 +62 708 3 879375912 +62 712 4 879376178 +62 716 4 879375951 +62 723 2 879375738 +62 739 2 879375454 +62 742 2 879372965 +62 747 3 879375247 +62 763 1 879372851 +62 774 1 879376483 +62 815 3 879375391 +62 827 2 879373421 +62 845 3 879372383 +62 856 4 879374866 +62 921 2 879375287 +62 924 1 879373175 +62 931 1 879373522 +62 949 4 879376210 +62 952 3 879372505 +62 955 4 879374072 +62 1012 3 879372633 +62 1016 4 879373008 +62 1028 1 879373215 +62 1060 1 879373007 +62 1073 4 879374752 +62 1074 4 879376299 +62 1077 3 879374607 +62 1107 1 879376159 +62 1118 3 879375537 +62 1128 2 879372831 +62 1129 5 879372060 +62 1130 4 879376686 +62 1131 3 879375247 +62 1133 4 879376332 +62 1135 2 879376159 +62 1136 3 879375977 +63 1 3 875747368 +63 3 2 875748068 +63 6 3 875747439 +63 10 4 875748004 +63 13 4 875747439 +63 14 4 875747401 +63 20 3 875748004 +63 25 4 875747292 +63 50 4 875747292 +63 79 3 875748245 +63 100 5 875747319 +63 106 2 875748139 +63 109 4 875747731 +63 111 3 875747896 +63 116 5 875747319 +63 121 1 875748139 +63 126 3 875747556 +63 137 4 875747368 +63 150 4 875747292 +63 181 3 875747556 +63 222 3 875747635 +63 225 2 875747439 +63 237 3 875747342 +63 242 3 875747190 +63 246 3 875747514 +63 250 5 875747789 +63 251 4 875747514 +63 255 4 875747556 +63 257 3 875747342 +63 259 3 875747047 +63 262 4 875746917 +63 268 3 875746809 +63 269 3 875746948 +63 276 4 875747265 +63 277 4 875747401 +63 283 4 875747401 +63 284 3 875747581 +63 285 3 875747470 +63 287 3 875747829 +63 288 3 875746948 +63 289 2 875746985 +63 294 2 875747047 +63 300 4 875748326 +63 301 5 875747010 +63 306 3 875746948 +63 321 3 875746917 +63 322 2 875746986 +63 323 1 875746986 +63 325 2 875747047 +63 328 2 875746985 +63 408 4 875747242 +63 412 3 875748109 +63 473 2 875747635 +63 480 3 875748245 +63 508 4 875747752 +63 596 2 875747470 +63 678 2 875747047 +63 713 3 875747556 +63 748 4 875747010 +63 762 3 875747688 +63 813 5 875747265 +63 841 1 875747917 +63 924 3 875748164 +63 948 3 875746948 +63 952 3 875747896 +63 979 3 875748068 +63 993 2 875747635 +63 1007 5 875747368 +63 1008 3 875748004 +63 1009 4 875747731 +63 1010 3 875747829 +63 1011 1 875747731 +63 1028 3 875748198 +63 1067 3 875747514 +63 1137 5 875747556 +63 1138 2 875747789 +64 1 4 879366214 +64 2 3 889737609 +64 4 3 889739138 +64 7 4 889737542 +64 8 4 889737968 +64 9 4 889738085 +64 10 5 889739733 +64 12 5 889738085 +64 17 3 889739733 +64 28 4 889737851 +64 31 4 889739318 +64 38 3 889740415 +64 48 5 879365619 +64 52 3 889739625 +64 56 5 889737542 +64 58 3 889739625 +64 62 2 889740654 +64 64 4 889737454 +64 69 4 889739091 +64 70 5 889739158 +64 71 3 879365670 +64 72 4 889740056 +64 77 3 889737420 +64 79 4 889737943 +64 83 3 889737654 +64 87 4 889737851 +64 89 3 889737376 +64 91 4 889739733 +64 93 2 889739025 +64 95 4 889737691 +64 96 4 889737748 +64 98 4 889737654 +64 100 4 879365558 +64 101 2 889740225 +64 111 4 889739975 +64 125 2 889739678 +64 127 5 879366214 +64 132 4 889737851 +64 141 4 889739517 +64 151 3 879366214 +64 153 3 889739243 +64 154 4 889737943 +64 156 4 889737506 +64 157 4 879365491 +64 160 4 889739288 +64 161 3 889739779 +64 172 4 889739091 +64 173 5 889737454 +64 174 5 889737478 +64 175 5 889739415 +64 176 4 889737567 +64 181 4 889737420 +64 184 4 889739243 +64 185 4 889739517 +64 186 4 889737691 +64 187 5 889737395 +64 197 3 889737506 +64 199 4 889737654 +64 202 4 889738993 +64 211 4 889739318 +64 212 3 889740011 +64 214 3 889737478 +64 215 5 889737914 +64 216 4 889740718 +64 217 2 889737568 +64 222 4 889739733 +64 228 4 889739438 +64 229 4 889739490 +64 230 5 889739994 +64 231 3 889740880 +64 232 2 889740154 +64 234 4 889737800 +64 235 4 889740567 +64 238 4 889739025 +64 239 3 889740033 +64 240 1 889740462 +64 241 3 889739380 +64 258 3 879365313 +64 271 3 889737047 +64 273 2 889739381 +64 275 4 879365670 +64 284 4 889740056 +64 288 4 879365313 +64 311 2 889737269 +64 318 4 889737593 +64 326 3 879365313 +64 333 3 879365313 +64 347 3 889737062 +64 356 3 889740154 +64 367 4 889739678 +64 381 4 879365491 +64 384 2 889740367 +64 385 4 879365558 +64 389 4 889739834 +64 392 3 889737542 +64 403 4 889739953 +64 419 2 889740310 +64 420 3 889739678 +64 429 4 889737800 +64 433 2 889740286 +64 435 4 889737771 +64 447 4 889739319 +64 451 2 889739490 +64 463 4 889739212 +64 476 1 889740286 +64 480 3 879365619 +64 496 5 889737567 +64 503 4 889740342 +64 509 3 889737478 +64 515 5 889737478 +64 516 5 889737376 +64 527 4 879365590 +64 531 3 889740718 +64 539 1 889737126 +64 559 3 889740310 +64 566 3 889738085 +64 582 4 889739834 +64 591 4 889740394 +64 625 3 889740286 +64 633 5 889739243 +64 636 4 889740286 +64 650 3 889740225 +64 651 4 889740795 +64 655 4 889739243 +64 662 4 889739319 +64 663 3 889737505 +64 684 4 889740199 +64 693 3 889737654 +64 705 5 879365558 +64 718 4 889739243 +64 731 3 889739648 +64 732 4 889739288 +64 736 4 889739212 +64 746 5 889739138 +64 751 2 889737047 +64 778 5 889739806 +64 879 3 879365313 +64 898 2 889737106 +64 919 4 889739834 +64 959 4 889739903 +64 1063 3 889739539 +64 1065 1 889737968 +64 1133 4 889739975 +64 1139 1 889740260 +64 1141 5 889739834 +65 1 3 879217290 +65 7 1 879217290 +65 9 5 879217138 +65 25 4 879217406 +65 47 2 879216672 +65 48 5 879217689 +65 56 3 879217816 +65 64 5 879216529 +65 66 3 879217972 +65 69 3 879216479 +65 70 1 879216529 +65 73 4 879217998 +65 77 5 879217689 +65 87 5 879217689 +65 97 5 879216605 +65 98 4 879218418 +65 100 3 879217558 +65 111 4 879217375 +65 121 4 879217458 +65 125 4 879217509 +65 135 4 879216567 +65 173 3 879217851 +65 178 5 879217689 +65 179 3 879216605 +65 191 4 879216797 +65 194 4 879217881 +65 196 5 879216637 +65 197 5 879216769 +65 202 4 879217852 +65 210 4 879217913 +65 211 4 879217852 +65 215 5 879217689 +65 216 4 879217912 +65 237 4 879217320 +65 239 5 879217689 +65 318 5 879217689 +65 328 4 879216131 +65 356 5 879216825 +65 392 5 879217689 +65 402 4 879216949 +65 423 5 879216702 +65 427 5 879216734 +65 429 4 879216605 +65 435 4 879218025 +65 471 4 879217434 +65 476 3 879217290 +65 511 4 879216567 +65 526 4 879216734 +65 531 4 879218328 +65 582 3 879216702 +65 655 4 879216769 +65 661 4 879216605 +65 676 5 879217689 +65 736 4 879216949 +65 806 4 879216529 +65 1041 3 879217942 +65 1044 3 879217002 +65 1129 4 879217258 +65 1142 4 879217349 +66 1 3 883601324 +66 7 3 883601355 +66 9 4 883601265 +66 15 3 883601456 +66 21 1 883601939 +66 117 3 883601787 +66 181 5 883601425 +66 249 4 883602158 +66 257 3 883601355 +66 258 4 883601089 +66 280 4 883602044 +66 281 4 883602044 +66 282 3 883601266 +66 284 3 883601812 +66 286 1 883601089 +66 288 4 883601607 +66 298 4 883601324 +66 300 5 883601089 +66 471 5 883601296 +66 475 2 883601156 +66 535 4 883602044 +66 597 3 883601456 +66 742 5 883601388 +66 763 4 883602094 +66 825 3 883602268 +66 877 1 883601089 +66 1016 3 883601859 +67 1 3 875379445 +67 7 5 875379794 +67 64 5 875379211 +67 117 5 875379794 +67 121 4 875379683 +67 122 3 875379566 +67 123 4 875379322 +67 125 4 875379643 +67 147 3 875379357 +67 151 4 875379619 +67 235 3 875379643 +67 240 5 875379566 +67 273 4 875379288 +67 276 4 875379515 +67 405 5 875379794 +67 412 1 875379540 +67 472 4 875379706 +67 743 4 875379445 +67 756 3 875379566 +67 827 3 875379322 +67 833 4 875379794 +67 871 3 875379594 +67 1047 3 875379750 +67 1052 3 875379419 +67 1093 5 875379419 +67 1095 4 875379287 +68 7 3 876974096 +68 9 4 876974073 +68 50 5 876973969 +68 117 4 876973939 +68 118 2 876974248 +68 125 1 876974096 +68 127 4 876973969 +68 178 5 876974755 +68 181 5 876973884 +68 237 5 876974133 +68 245 3 876973777 +68 276 5 876973884 +68 282 1 876974315 +68 288 4 876973726 +68 405 3 876974518 +68 411 1 876974596 +68 471 3 876974023 +68 596 2 876974023 +68 713 2 876974073 +68 742 1 876974198 +68 763 1 876973917 +68 926 1 876974298 +68 1028 4 876974430 +68 1047 1 876974379 +68 1089 1 876974484 +69 7 5 882126086 +69 9 4 882126086 +69 12 5 882145567 +69 48 5 882145428 +69 56 5 882145428 +69 79 4 882145524 +69 100 5 882072892 +69 109 3 882145428 +69 117 4 882072748 +69 124 4 882072869 +69 129 3 882072778 +69 147 3 882072920 +69 150 5 882072920 +69 151 5 882072998 +69 172 5 882145548 +69 174 5 882145548 +69 175 3 882145586 +69 182 4 882145400 +69 197 5 882145548 +69 222 3 882072956 +69 234 5 882145505 +69 240 3 882126156 +69 256 5 882126156 +69 258 4 882027204 +69 268 5 882027109 +69 288 5 882027173 +69 289 4 882027133 +69 298 4 882072998 +69 300 3 882027204 +69 302 4 882027109 +69 321 4 882027133 +69 333 3 882027204 +69 334 3 882125962 +69 427 3 882145465 +69 508 4 882072920 +69 591 3 882072803 +69 628 3 882126125 +69 689 3 882027284 +69 748 2 882027304 +69 879 1 882027284 +69 1016 3 882072956 +69 1017 5 882126156 +69 1134 5 882072998 +69 1143 5 882072998 +69 1144 5 882126156 +70 1 4 884065277 +70 15 3 884148728 +70 28 4 884065757 +70 48 4 884064574 +70 50 4 884064188 +70 63 3 884151168 +70 69 4 884065733 +70 71 3 884066399 +70 79 4 884149453 +70 82 4 884068075 +70 88 4 884067394 +70 89 4 884150202 +70 91 3 884068138 +70 94 3 884151014 +70 96 4 884066910 +70 101 3 884150753 +70 109 3 884066514 +70 121 3 884148728 +70 128 4 884067339 +70 135 4 884065387 +70 139 3 884150656 +70 142 3 884150884 +70 143 5 884149431 +70 151 3 884148603 +70 152 4 884149877 +70 169 4 884149688 +70 172 5 884064217 +70 173 4 884149452 +70 174 5 884065782 +70 176 4 884066573 +70 185 4 884149753 +70 186 4 884065703 +70 189 4 884150202 +70 191 3 884149340 +70 193 4 884149646 +70 197 4 884149469 +70 202 4 884066713 +70 206 3 884067026 +70 210 4 884065854 +70 211 3 884149646 +70 217 4 884151119 +70 222 4 884064269 +70 225 3 884148916 +70 227 3 884067476 +70 228 5 884064269 +70 229 3 884064269 +70 257 4 884063946 +70 260 2 884065247 +70 264 4 884063668 +70 265 4 884067503 +70 289 3 884066399 +70 298 5 884064134 +70 338 2 884065248 +70 343 4 884066910 +70 380 3 884066399 +70 383 2 884151700 +70 398 2 884067339 +70 399 4 884068521 +70 404 4 884149622 +70 408 4 884152129 +70 417 3 884066823 +70 418 3 884149806 +70 419 5 884065035 +70 423 5 884066910 +70 429 3 884150369 +70 431 3 884150257 +70 432 3 884067175 +70 449 2 884065247 +70 451 4 884065678 +70 472 3 884148885 +70 473 3 884066399 +70 482 4 884068704 +70 501 4 884067201 +70 507 4 884066886 +70 511 5 884067855 +70 527 4 884149852 +70 538 2 884066399 +70 542 2 884065248 +70 546 2 884066211 +70 559 3 884066399 +70 584 3 884150236 +70 588 5 884065528 +70 596 3 884148728 +70 597 3 884148999 +70 625 3 884151316 +70 655 4 884150153 +70 678 3 884063627 +70 684 3 884149646 +70 739 2 884150753 +70 746 3 884150257 +70 751 4 884063601 +70 755 3 884150865 +70 762 3 884066399 +70 820 1 884152379 +70 946 3 884150691 +70 993 3 884064688 +70 1030 2 884151801 +70 1035 3 884066399 +70 1065 4 884149603 +70 1133 3 884151344 +70 1145 3 884151622 +71 6 3 880864124 +71 50 3 885016784 +71 52 4 877319567 +71 56 5 885016930 +71 65 5 885016961 +71 89 5 880864462 +71 98 4 885016536 +71 100 4 877319197 +71 134 3 885016614 +71 135 4 885016536 +71 151 1 877319446 +71 153 4 885016495 +71 154 3 877319610 +71 168 5 885016641 +71 174 2 877319610 +71 177 2 885016961 +71 222 3 877319375 +71 276 4 877319375 +71 285 3 877319414 +71 286 4 877319080 +71 289 2 877319117 +71 302 3 880864015 +71 346 4 885016248 +71 429 4 877319610 +71 462 5 877319567 +71 475 5 877319330 +71 514 4 877319567 +71 744 4 877319294 +71 923 5 885016882 +72 1 4 880035614 +72 5 4 880037418 +72 12 5 880036664 +72 23 4 880036550 +72 28 4 880036824 +72 38 3 880037307 +72 45 5 880037853 +72 48 4 880036718 +72 50 2 880037119 +72 51 4 880036946 +72 54 3 880036854 +72 56 5 880037702 +72 58 4 880036638 +72 64 5 880036549 +72 68 3 880037242 +72 69 4 880036579 +72 70 4 880036691 +72 79 4 880037119 +72 81 3 880036876 +72 82 3 880037242 +72 87 4 880036638 +72 89 3 880037164 +72 96 5 880037203 +72 100 5 880035680 +72 106 4 880036185 +72 117 4 880035588 +72 121 3 880036048 +72 124 4 880035636 +72 127 5 880037702 +72 129 4 880035588 +72 135 4 880037054 +72 161 5 880037703 +72 172 1 880037119 +72 176 2 880037203 +72 177 4 880037204 +72 180 4 880036579 +72 181 1 880037203 +72 182 5 880036515 +72 187 4 880036638 +72 188 4 880037203 +72 191 5 880036515 +72 195 5 880037702 +72 196 4 880036747 +72 197 5 880037702 +72 198 5 880037881 +72 203 3 880037462 +72 204 4 880037853 +72 210 4 880037242 +72 215 4 880036718 +72 222 1 880036346 +72 226 4 880037307 +72 230 1 880037277 +72 233 4 880037242 +72 234 4 880037418 +72 237 3 880036346 +72 265 4 880037164 +72 271 1 880036346 +72 356 4 880036911 +72 357 4 880036550 +72 380 1 880036854 +72 382 4 880036691 +72 402 4 880036824 +72 403 3 880037277 +72 423 5 880036550 +72 427 5 880037702 +72 435 5 880037242 +72 466 4 880037461 +72 471 4 880035588 +72 479 4 880037881 +72 480 5 880037768 +72 484 4 880037853 +72 493 5 880037768 +72 504 4 880037461 +72 509 4 880036638 +72 515 4 880036602 +72 518 4 880036824 +72 520 5 880036515 +72 526 4 880037164 +72 527 4 880036746 +72 528 4 880036664 +72 530 4 880037164 +72 550 4 880037334 +72 553 5 880036638 +72 566 4 880037277 +72 568 4 880037203 +72 581 4 880036996 +72 603 4 880037417 +72 642 4 880037479 +72 644 4 880036602 +72 647 1 880036550 +72 649 4 880036783 +72 654 4 880037461 +72 679 2 880037164 +72 684 4 880037203 +72 685 4 880035588 +72 699 3 880036783 +72 708 4 880036691 +72 770 4 880037306 +72 844 4 880035708 +72 866 4 880035887 +72 972 4 880036911 +72 1051 4 880035958 +72 1110 3 880037334 +72 1147 5 880036783 +72 1148 4 880036911 +73 1 2 888626065 +73 7 4 888625956 +73 12 5 888624976 +73 28 3 888626468 +73 48 2 888625785 +73 56 4 888626041 +73 81 5 888626415 +73 82 2 888625754 +73 89 5 888625685 +73 94 1 888625754 +73 96 2 888626523 +73 100 4 888626120 +73 127 5 888625200 +73 129 4 888625907 +73 156 4 888625835 +73 173 5 888625292 +73 175 5 888625785 +73 180 4 888626577 +73 183 4 888626262 +73 187 5 888625934 +73 188 5 888625553 +73 196 4 888626177 +73 197 5 888625934 +73 202 2 888626577 +73 206 3 888625754 +73 246 3 888792938 +73 268 3 888625754 +73 271 2 888792294 +73 285 4 888792900 +73 286 4 888792192 +73 288 3 888792294 +73 318 4 888625934 +73 357 5 888626007 +73 433 4 888626437 +73 474 5 888625200 +73 475 4 888625753 +73 479 5 888625127 +73 480 4 888625753 +73 507 3 888625857 +73 514 4 888626153 +73 518 5 888625835 +73 588 2 888625754 +73 657 5 888625422 +73 660 4 888625754 +73 683 2 888792535 +73 748 2 888792247 +73 894 1 888625592 +73 923 3 888793388 +73 1073 4 888625753 +73 1149 4 888626299 +74 9 4 888333458 +74 13 4 888333542 +74 15 4 888333542 +74 100 4 888333428 +74 121 4 888333428 +74 124 3 888333542 +74 126 3 888333428 +74 129 3 888333458 +74 137 3 888333458 +74 150 3 888333458 +74 237 4 888333428 +74 245 3 888333280 +74 268 3 888333195 +74 272 5 888333194 +74 276 4 888333458 +74 285 3 888333428 +74 288 3 888333280 +74 300 3 888333194 +74 301 3 888333372 +74 302 4 888333219 +74 307 4 888333329 +74 315 5 888333194 +74 324 3 888333280 +74 326 4 888333329 +74 331 4 888333352 +74 333 4 888333238 +74 340 5 888333194 +74 358 2 888333372 +74 508 4 888333542 +74 539 3 888333255 +74 690 4 888333352 +74 1084 3 888333542 +75 56 5 884051921 +75 79 5 884051893 +75 100 5 884049875 +75 108 4 884050661 +75 117 4 884050164 +75 118 3 884050760 +75 121 4 884050450 +75 125 3 884050164 +75 129 3 884049939 +75 137 4 884050102 +75 147 3 884050134 +75 151 5 884050502 +75 190 5 884051948 +75 222 5 884050194 +75 237 2 884050309 +75 240 1 884050661 +75 271 5 884051635 +75 273 5 884050018 +75 284 2 884050393 +75 289 1 884049789 +75 290 4 884050451 +75 291 1 884050502 +75 322 1 884049789 +75 409 3 884050829 +75 410 5 884050661 +75 411 5 884050760 +75 460 5 884050829 +75 472 4 884050733 +75 473 3 884050733 +75 475 5 884049939 +75 476 1 884050393 +75 496 5 884051921 +75 508 4 884050102 +75 546 3 884050422 +75 597 3 884050940 +75 696 4 884050979 +75 742 1 884050590 +75 820 3 884050979 +75 824 1 884051056 +75 831 3 884051056 +75 833 2 884051113 +75 864 4 884049876 +75 866 2 884050733 +75 952 5 884050393 +75 988 2 884049820 +75 1001 1 884050531 +75 1017 5 884050502 +75 1047 3 884050979 +75 1048 4 884050705 +75 1150 4 884050705 +75 1151 2 884050829 +75 1152 1 884050502 +76 6 5 875028165 +76 12 3 882606060 +76 23 5 875027355 +76 24 2 882607536 +76 59 4 875027981 +76 61 4 875028123 +76 64 5 875498777 +76 70 4 875027981 +76 89 4 875027507 +76 92 4 882606108 +76 93 4 882606572 +76 96 5 875312034 +76 98 5 875028391 +76 100 5 875028391 +76 121 2 882607017 +76 129 3 878101114 +76 135 5 875028792 +76 150 5 875028880 +76 156 3 882606108 +76 175 4 875028853 +76 182 4 882606392 +76 192 5 875027442 +76 197 5 875028563 +76 200 5 882606216 +76 203 4 875027507 +76 223 2 882606623 +76 258 3 875027206 +76 264 3 875027292 +76 270 3 879117602 +76 276 5 875027601 +76 286 5 875027206 +76 288 2 878101114 +76 293 4 879117673 +76 325 2 878101114 +76 327 3 875027271 +76 333 3 879575966 +76 385 2 882607017 +76 421 3 875028682 +76 474 5 875498278 +76 517 5 882129432 +76 518 3 875498895 +76 531 4 875028007 +76 582 3 882607444 +76 603 3 882606147 +76 690 2 882607017 +76 772 3 875498117 +76 806 4 882606471 +76 811 4 882606323 +76 851 4 879576570 +76 919 3 875027945 +76 955 4 882606789 +76 960 3 875028143 +76 1007 4 875312109 +76 1071 3 882606017 +76 1129 5 875028075 +76 1153 2 882607017 +76 1154 5 878100710 +76 1156 3 879576233 +76 1158 4 875028190 +76 1159 3 882606623 +77 1 5 884732808 +77 4 3 884752721 +77 23 4 884753173 +77 25 2 884733055 +77 28 5 884753061 +77 31 3 884753292 +77 42 5 884752948 +77 50 4 884732345 +77 52 5 884753203 +77 69 3 884752997 +77 89 5 884733839 +77 91 3 884752924 +77 96 3 884752562 +77 98 4 884752901 +77 100 3 884732716 +77 121 2 884733261 +77 125 3 884733014 +77 132 3 884753028 +77 134 4 884752562 +77 144 3 884752853 +77 153 5 884732685 +77 154 5 884733922 +77 156 4 884733621 +77 168 4 884752721 +77 172 3 884752562 +77 173 5 884752689 +77 174 5 884733587 +77 176 4 884752757 +77 179 5 884752806 +77 181 3 884732278 +77 183 5 884732606 +77 191 3 884752948 +77 192 3 884752900 +77 195 5 884733695 +77 199 5 884733988 +77 210 3 884753028 +77 222 4 884732873 +77 228 3 884753105 +77 238 5 884733965 +77 252 1 884733379 +77 265 3 884753152 +77 276 2 884732991 +77 357 3 884752970 +77 405 3 884733422 +77 431 5 884733695 +77 474 5 884732407 +77 483 4 884752665 +77 484 5 884733766 +77 498 5 884734016 +77 518 4 884753202 +77 519 5 884752874 +77 523 5 884752582 +77 527 4 884752853 +77 636 2 884753061 +77 778 2 884753203 +77 1028 1 884733400 +78 25 3 879633785 +78 93 4 879633766 +78 237 5 879634264 +78 255 4 879633745 +78 269 3 879633467 +78 288 4 879633467 +78 289 4 879633567 +78 294 3 879633495 +78 298 3 879633702 +78 323 1 879633567 +78 411 4 879634223 +78 412 4 879634223 +78 476 3 879633767 +78 871 3 879634199 +78 880 5 879633600 +78 1160 5 879634134 +79 1 4 891271870 +79 6 4 891271901 +79 7 5 891272016 +79 10 5 891271901 +79 13 3 891271676 +79 50 4 891271545 +79 100 5 891271652 +79 124 5 891271870 +79 137 4 891271870 +79 150 3 891271652 +79 222 4 891271957 +79 236 5 891271719 +79 246 5 891271545 +79 251 5 891271545 +79 257 3 891271545 +79 258 5 891271308 +79 262 5 891271203 +79 269 5 891271792 +79 275 4 891271627 +79 276 3 891271957 +79 283 4 891271627 +79 285 5 891271652 +79 286 5 891271792 +79 288 3 891272015 +79 290 3 891271741 +79 301 3 891271308 +79 303 4 891271203 +79 311 4 891271278 +79 313 2 891271086 +79 325 5 891271792 +79 340 4 891271180 +79 370 2 891272016 +79 508 3 891271676 +79 515 5 891271792 +79 676 3 891271957 +79 740 4 891271870 +79 763 5 891271741 +79 813 5 891271792 +79 900 4 891271245 +79 902 3 891271086 +79 937 2 891271180 +79 1008 4 891271982 +79 1017 3 891271697 +79 1161 2 891271697 +80 45 4 887401585 +80 50 3 887401533 +80 58 4 887401677 +80 64 5 887401475 +80 79 4 887401407 +80 86 5 887401496 +80 87 4 887401307 +80 194 3 887401763 +80 199 2 887401353 +80 205 5 887401533 +80 208 5 887401604 +80 215 5 887401353 +80 234 3 887401533 +80 237 4 887401732 +80 269 3 883605009 +80 423 3 887401643 +80 466 5 887401701 +80 483 5 887401328 +80 514 3 887401533 +80 531 4 887401430 +80 582 3 887401701 +80 699 3 887401533 +80 886 4 883605238 +80 887 4 887401236 +81 3 4 876592546 +81 7 4 876533545 +81 25 5 876533946 +81 79 5 876534817 +81 93 3 876533657 +81 98 5 876534854 +81 116 3 876533504 +81 118 2 876533764 +81 124 3 876534594 +81 147 4 876533389 +81 151 2 876533946 +81 169 4 876534751 +81 186 5 876534783 +81 210 4 876534704 +81 222 2 876533619 +81 269 3 876533229 +81 273 4 876533710 +81 274 3 876534313 +81 276 4 876533545 +81 280 4 876534214 +81 282 5 876533619 +81 284 3 876533894 +81 288 3 876533229 +81 318 5 876534817 +81 410 4 876533946 +81 411 2 876534244 +81 412 1 876534408 +81 432 2 876535131 +81 456 1 876533504 +81 471 3 876533586 +81 475 5 876533504 +81 476 2 876534124 +81 544 2 876546272 +81 595 4 876534437 +81 596 3 876533824 +81 717 2 876533824 +81 742 2 876533764 +81 756 1 876534097 +81 824 3 876534437 +81 926 3 876533824 +81 928 4 876534214 +81 1028 1 876534277 +81 1059 3 876534366 +82 1 4 876311241 +82 7 3 876311217 +82 8 4 878769292 +82 11 4 878769992 +82 13 2 878768615 +82 14 4 876311280 +82 15 3 876311365 +82 22 3 878769777 +82 25 2 878768435 +82 50 5 876311146 +82 56 3 878769410 +82 64 5 878770169 +82 69 4 878769948 +82 70 4 878769888 +82 71 4 878770169 +82 73 4 878769888 +82 79 3 878769334 +82 87 3 878769598 +82 100 5 876311299 +82 103 2 878768665 +82 109 1 884714204 +82 112 1 877452357 +82 118 3 878768510 +82 125 3 877452380 +82 127 2 878769777 +82 133 4 878769410 +82 134 4 878769442 +82 135 3 878769629 +82 140 3 878769668 +82 147 3 876311473 +82 151 2 876311547 +82 169 4 878769442 +82 170 4 878769703 +82 174 5 878769478 +82 175 4 878769598 +82 178 4 878769629 +82 183 3 878769848 +82 185 3 878769334 +82 191 4 878769748 +82 194 4 878770027 +82 197 4 878769847 +82 199 4 878769888 +82 202 4 878769777 +82 208 3 878769815 +82 212 4 878769410 +82 216 4 878769949 +82 218 3 878769748 +82 220 2 878768840 +82 222 3 876311365 +82 225 3 878768790 +82 231 2 878769815 +82 235 1 876311517 +82 237 3 876311319 +82 240 1 884714385 +82 241 3 878769992 +82 265 4 878770169 +82 274 3 876311492 +82 275 2 884714125 +82 276 4 876311344 +82 281 3 884714290 +82 286 4 876311004 +82 289 1 884713642 +82 294 4 878768327 +82 304 3 884713664 +82 310 4 879788290 +82 318 4 878769629 +82 338 1 884713704 +82 343 1 884713755 +82 357 4 878769888 +82 367 4 878769848 +82 405 3 876311423 +82 411 3 878768902 +82 412 1 884714513 +82 413 1 884714593 +82 414 4 878769748 +82 435 5 878769409 +82 455 4 876311319 +82 458 1 884714145 +82 472 3 878768882 +82 473 2 878768765 +82 474 3 878769597 +82 475 1 884714181 +82 476 3 878768765 +82 477 3 876311344 +82 479 4 878769703 +82 480 4 878769373 +82 481 5 878769262 +82 482 4 878769668 +82 483 5 878769888 +82 484 4 878769597 +82 495 3 878769668 +82 496 4 878769992 +82 504 4 878769917 +82 508 2 884714249 +82 513 4 878769334 +82 518 4 878769747 +82 519 4 878770028 +82 520 3 878769703 +82 527 3 878769479 +82 529 4 878770028 +82 539 3 884713704 +82 546 3 876311423 +82 582 4 878769410 +82 596 3 876311195 +82 597 3 878768882 +82 603 5 878769479 +82 640 3 878769292 +82 657 4 878769261 +82 660 5 878769848 +82 661 4 878769703 +82 671 1 878769478 +82 678 1 884714726 +82 705 3 878769598 +82 717 1 884714492 +82 756 1 878768741 +82 770 4 878769777 +82 822 2 878769262 +82 895 1 884713704 +82 919 3 876311280 +82 946 2 878769748 +82 1001 1 878769138 +82 1028 2 876311577 +82 1033 1 884714560 +82 1059 1 884714456 +82 1063 3 878769815 +82 1078 3 878769748 +82 1101 4 878770169 +82 1126 4 878770169 +82 1128 1 884714361 +82 1134 2 884714402 +82 1162 1 884714361 +82 1164 2 878768790 +83 1 4 880306903 +83 22 5 880307724 +83 28 4 880308284 +83 31 5 880307751 +83 35 1 886534501 +83 38 5 887665422 +83 43 4 880308690 +83 50 3 880327590 +83 56 1 886534501 +83 63 4 880327970 +83 77 4 880308426 +83 78 2 880309089 +83 79 5 887665423 +83 82 5 887665423 +83 88 5 880308186 +83 94 4 880308831 +83 95 4 880308453 +83 97 4 880308690 +83 105 2 891182288 +83 106 4 887665549 +83 110 4 880309185 +83 117 5 880307000 +83 118 3 880307071 +83 122 1 886534501 +83 125 5 880306811 +83 127 4 887665549 +83 139 3 880308959 +83 151 3 880306745 +83 181 4 880306786 +83 186 4 880308601 +83 210 5 880307751 +83 215 4 880307940 +83 216 4 880307846 +83 225 3 880307208 +83 234 4 887665548 +83 235 1 883867920 +83 240 1 883870084 +83 243 3 891181725 +83 245 2 891181703 +83 248 3 883868788 +83 252 4 883868598 +83 254 2 880327839 +83 255 5 887665422 +83 259 2 883869199 +83 265 5 880308186 +83 281 5 880307072 +83 294 3 887665569 +83 298 4 891181511 +83 300 3 889050543 +83 301 2 891181430 +83 319 1 886532955 +83 323 4 883868420 +83 338 4 883868647 +83 356 4 880308755 +83 364 1 886534501 +83 385 4 887665549 +83 391 2 880308783 +83 393 5 887665423 +83 405 5 887665423 +83 407 1 891182532 +83 409 4 880307417 +83 412 1 883868208 +83 413 1 891182379 +83 423 4 880308329 +83 452 3 880309214 +83 465 4 880308578 +83 468 4 880308390 +83 471 3 891182000 +83 476 3 880307359 +83 479 5 880307699 +83 543 2 887665445 +83 566 4 880308099 +83 568 4 880307724 +83 575 4 880309339 +83 576 4 880308755 +83 591 4 880306745 +83 609 4 880308453 +83 623 4 880308578 +83 631 2 887664566 +83 640 2 880308550 +83 660 4 880308256 +83 663 5 887665423 +83 684 4 880307898 +83 685 4 880306951 +83 692 4 880307979 +83 704 3 880327216 +83 720 4 880308578 +83 722 4 880308959 +83 728 4 880308909 +83 748 2 886534501 +83 751 3 883869440 +83 756 4 883867791 +83 768 4 887665549 +83 783 4 880308453 +83 795 3 880309214 +83 820 2 881971231 +83 828 3 883868208 +83 845 3 880306648 +83 862 4 883868805 +83 864 4 883954588 +83 866 3 883867947 +83 892 2 891181444 +83 929 3 880307140 +83 932 4 881971414 +83 944 3 880308871 +83 977 3 880307382 +83 993 2 883868978 +83 1028 4 880307207 +83 1035 4 880308959 +83 1041 4 880308909 +83 1043 3 880308807 +83 1049 3 880307588 +83 1101 2 880308256 +83 1165 2 883868300 +84 4 3 883453713 +84 7 4 883452155 +84 12 5 883452874 +84 31 4 883453755 +84 64 5 883450066 +84 70 5 883452906 +84 79 4 883453520 +84 87 5 883453587 +84 100 4 883452155 +84 121 4 883452307 +84 148 4 883452274 +84 151 4 883449993 +84 194 5 883453617 +84 222 4 883450020 +84 237 4 883450093 +84 258 4 883449347 +84 265 5 883453617 +84 273 4 883452086 +84 282 4 883450434 +84 284 3 883450093 +84 286 5 883449271 +84 289 5 883449419 +84 291 3 883452363 +84 318 5 883453617 +84 322 3 883449567 +84 385 4 883453797 +84 405 3 883452363 +84 408 5 883450553 +84 411 2 883452516 +84 466 4 883453148 +84 477 4 883452307 +84 486 5 883453664 +84 523 4 883453642 +84 528 5 883453617 +84 529 5 883453108 +84 591 4 883451664 +84 628 3 883450434 +84 742 3 883450643 +84 744 4 883449965 +84 748 4 883449530 +84 756 3 883452765 +84 815 4 883452462 +84 823 3 883452672 +84 879 4 883449530 +84 1033 4 883452711 +84 1040 3 883452630 +85 8 4 879454952 +85 9 4 879456308 +85 13 3 879452866 +85 23 4 879454272 +85 25 2 879452769 +85 42 3 879453876 +85 45 3 879455197 +85 50 5 882813248 +85 51 2 879454782 +85 52 3 881705026 +85 53 3 882995643 +85 56 4 879453587 +85 58 4 879829689 +85 64 5 879454046 +85 65 3 879455021 +85 70 4 879828328 +85 71 4 879456308 +85 82 3 879454633 +85 83 4 886282959 +85 86 4 879454189 +85 87 4 879829327 +85 89 4 879454075 +85 94 3 882995966 +85 95 4 879455114 +85 97 2 879829667 +85 98 4 879453716 +85 108 2 880838201 +85 121 2 879453167 +85 124 5 882813248 +85 127 5 879829301 +85 132 5 879453965 +85 133 4 879453876 +85 135 5 879453845 +85 136 4 879454349 +85 141 3 879829042 +85 152 5 879454751 +85 154 4 879828777 +85 157 3 879454400 +85 160 3 879454075 +85 161 4 882819528 +85 162 2 879454235 +85 163 3 882813312 +85 172 4 882813285 +85 173 3 879454045 +85 174 4 879454139 +85 175 4 879828912 +85 179 4 879454272 +85 181 4 882813312 +85 186 3 879454273 +85 187 5 879454235 +85 192 4 879454951 +85 196 4 879454952 +85 199 5 879829438 +85 203 5 879455402 +85 204 4 879828821 +85 208 5 879828941 +85 209 4 879454500 +85 211 5 879454005 +85 212 2 879454859 +85 213 4 879454751 +85 215 4 879829438 +85 216 3 879454500 +85 221 2 879452693 +85 228 3 882813248 +85 230 3 882813248 +85 231 2 882995615 +85 232 3 882995966 +85 234 4 882995015 +85 237 3 879452769 +85 238 2 879453965 +85 241 3 882995340 +85 246 4 881704999 +85 250 3 882592687 +85 259 2 881705026 +85 268 4 881705073 +85 269 3 891289966 +85 270 3 890255063 +85 272 4 893110061 +85 275 3 879454581 +85 277 2 879452938 +85 281 3 879452971 +85 282 3 879829618 +85 283 3 879454467 +85 286 4 879452259 +85 289 3 879452334 +85 298 4 880581629 +85 300 3 879452259 +85 313 4 884820133 +85 316 3 893110061 +85 317 3 882995577 +85 318 4 879453684 +85 325 2 879452386 +85 327 3 884820110 +85 328 3 884906441 +85 333 1 886282927 +85 340 3 893109920 +85 357 4 879454045 +85 372 4 879828720 +85 380 4 882995704 +85 382 4 879454820 +85 389 3 882995832 +85 404 3 882994947 +85 405 2 879453018 +85 414 4 879828720 +85 417 3 882995859 +85 418 3 879455197 +85 419 5 882819427 +85 420 4 880838337 +85 425 4 879454905 +85 427 3 879456350 +85 428 5 879454235 +85 433 3 879828720 +85 443 4 879454582 +85 449 4 882813248 +85 451 4 882995934 +85 464 5 882996119 +85 474 5 879454500 +85 478 4 879454951 +85 479 4 879454951 +85 480 4 879453658 +85 482 4 879454304 +85 483 5 879453933 +85 488 4 879455197 +85 492 4 879454905 +85 498 4 879454400 +85 499 4 879455114 +85 501 3 880838306 +85 502 4 879454633 +85 504 4 879453748 +85 507 4 879456199 +85 508 2 879453040 +85 509 4 879454189 +85 511 4 879454112 +85 513 4 879454350 +85 514 5 879453684 +85 515 5 879829265 +85 517 5 879455238 +85 519 4 879829265 +85 520 3 882996257 +85 521 3 879829471 +85 523 4 879453965 +85 526 4 879454500 +85 528 4 879454859 +85 530 3 879456350 +85 531 4 879454112 +85 566 3 879454273 +85 568 3 879455238 +85 582 4 879828014 +85 588 3 880838306 +85 589 3 879453587 +85 596 3 880838337 +85 604 4 882995132 +85 606 4 886282959 +85 622 3 882995833 +85 629 3 879454685 +85 630 3 879453623 +85 632 3 879454304 +85 639 3 879454189 +85 642 4 882995615 +85 647 4 879453844 +85 655 3 879454350 +85 657 4 879454189 +85 658 3 879829861 +85 660 4 879829618 +85 661 4 879454005 +85 663 5 879454437 +85 690 2 890255371 +85 692 3 879828490 +85 697 3 879829471 +85 702 2 879828054 +85 707 4 879454350 +85 708 4 879828349 +85 709 5 879828941 +85 710 2 879828912 +85 715 4 882995967 +85 732 3 879455238 +85 735 3 879454905 +85 745 3 879829021 +85 782 2 879829757 +85 792 4 879828941 +85 822 3 880581629 +85 842 3 882995704 +85 845 3 879828456 +85 855 3 879827989 +85 921 3 879827989 +85 923 4 879455403 +85 924 1 879453114 +85 971 3 879828156 +85 984 2 884906441 +85 1009 2 879453093 +85 1018 4 882995668 +85 1021 3 882995490 +85 1039 4 879453903 +85 1065 3 879455021 +85 1070 4 879453809 +85 1074 3 882996039 +85 1075 3 879454400 +85 1098 4 879828912 +85 1101 4 879454046 +85 1113 2 879454981 +85 1131 4 879454111 +85 1136 3 879455402 +85 1137 4 879452609 +85 1149 3 886283002 +85 1153 4 879454751 +85 1166 4 879455021 +85 1167 3 879829209 +85 1168 3 882995908 +85 1169 4 879454952 +85 1171 3 879452638 +85 1174 3 879454633 +86 242 4 879569486 +86 258 5 879570366 +86 259 4 879570423 +86 269 4 879569486 +86 286 3 879569555 +86 288 3 879570218 +86 289 3 879570366 +86 300 3 879570277 +86 304 3 879570149 +86 319 3 879569555 +86 326 3 879570423 +86 327 4 879570218 +86 338 1 879570277 +86 872 3 879570366 +86 879 2 879570149 +86 881 2 879570218 +86 889 5 879570973 +86 1175 5 879570973 +86 1176 5 879570973 +87 2 4 879876074 +87 4 5 879876524 +87 7 4 879875735 +87 8 5 879876447 +87 9 4 879877931 +87 13 3 879876734 +87 25 4 879876811 +87 27 4 879876037 +87 33 3 879876488 +87 39 3 879875995 +87 40 3 879876917 +87 47 3 879876637 +87 49 5 879876564 +87 55 4 879875774 +87 56 4 879876524 +87 63 4 879876848 +87 64 5 879875649 +87 66 5 879876403 +87 67 4 879877007 +87 68 3 879876074 +87 70 5 879876448 +87 72 3 879876848 +87 73 3 879877083 +87 79 5 879875856 +87 82 5 879875774 +87 87 4 879877931 +87 88 5 879876672 +87 90 2 879877127 +87 94 4 879876703 +87 96 5 879875734 +87 97 5 879877825 +87 118 4 879876162 +87 120 2 879877173 +87 121 5 879875893 +87 128 3 879876037 +87 134 4 879877740 +87 135 5 879875649 +87 152 4 879876564 +87 153 5 879876703 +87 154 4 879876564 +87 157 3 879877799 +87 158 3 879877173 +87 161 5 879875893 +87 163 4 879877083 +87 174 5 879875736 +87 177 5 879875940 +87 179 4 879875649 +87 180 4 879875649 +87 182 4 879875737 +87 183 4 879875734 +87 186 5 879876734 +87 188 4 879875818 +87 192 3 879877741 +87 194 5 879876403 +87 195 5 879875736 +87 196 5 879877681 +87 201 2 879876673 +87 208 5 879876403 +87 209 5 879876488 +87 210 5 879875734 +87 211 5 879876812 +87 222 4 879875940 +87 229 4 879876037 +87 231 3 879876110 +87 233 4 879876036 +87 238 3 879876734 +87 239 4 879876673 +87 252 3 879876224 +87 254 4 879876256 +87 273 3 879875857 +87 274 4 879876734 +87 300 3 879875418 +87 303 3 879875471 +87 318 4 879877627 +87 367 4 879876702 +87 372 3 879876565 +87 382 3 879876488 +87 384 4 879877127 +87 385 5 879875818 +87 386 2 879877006 +87 393 4 879876703 +87 396 1 879877280 +87 401 2 879876813 +87 403 3 879875996 +87 409 3 879877127 +87 410 4 879876565 +87 411 4 879876946 +87 423 3 879877710 +87 433 3 879876702 +87 451 4 879876448 +87 472 4 879875996 +87 476 2 879877241 +87 491 5 879877930 +87 496 5 879877709 +87 514 4 879876672 +87 515 4 879876194 +87 519 4 879877652 +87 521 3 879877772 +87 523 5 879875649 +87 535 4 879876315 +87 550 4 879876074 +87 554 4 879875940 +87 566 5 879875775 +87 568 5 879875818 +87 576 3 879876163 +87 577 4 879877127 +87 578 3 879875940 +87 585 4 879877008 +87 598 2 879877279 +87 628 4 879877709 +87 629 4 879877006 +87 648 5 879876448 +87 651 4 879875893 +87 679 3 879876036 +87 684 5 879875774 +87 685 3 879875856 +87 692 5 879876565 +87 702 3 879876917 +87 705 4 879877740 +87 709 3 879876812 +87 715 3 879876885 +87 732 4 879876703 +87 765 3 879877006 +87 775 2 879876848 +87 790 4 879876885 +87 796 4 879877280 +87 801 3 879876768 +87 802 4 879875940 +87 804 3 879877083 +87 808 3 879875996 +87 810 3 879876111 +87 845 4 879876564 +87 849 5 879875996 +87 926 4 879877043 +87 944 5 879876848 +87 996 3 879876848 +87 1000 3 879877173 +87 1016 4 879876194 +87 1028 4 879876946 +87 1047 3 879877280 +87 1072 3 879876610 +87 1074 3 879876813 +87 1079 2 879877240 +87 1089 3 879876225 +87 1118 3 879877007 +87 1178 3 879877208 +87 1179 3 879877127 +87 1180 3 879877127 +87 1182 3 879877043 +87 1183 3 879875995 +87 1184 3 879876074 +87 1185 4 879876885 +87 1186 3 879876886 +87 1187 2 879875893 +87 1188 2 879876110 +87 1189 5 879877951 +87 1190 4 879876336 +88 261 5 891038103 +88 286 5 891037111 +88 301 4 891037618 +88 302 3 891037111 +88 315 4 891037276 +88 321 1 891037708 +88 326 5 891038103 +88 354 5 891037708 +88 690 4 891037708 +88 750 2 891037276 +88 880 3 891037466 +88 881 5 891038103 +88 886 5 891038103 +88 898 4 891037859 +88 904 5 891037276 +89 1 5 879461219 +89 14 4 879441357 +89 15 5 879441307 +89 25 5 879441637 +89 26 3 879459909 +89 49 4 879460347 +89 50 5 879461219 +89 83 4 879459884 +89 86 5 879459859 +89 88 4 879459980 +89 93 2 879441307 +89 107 5 879441780 +89 117 5 879441357 +89 121 5 879441657 +89 127 5 879441335 +89 150 5 879441452 +89 151 5 879441507 +89 173 5 879459859 +89 181 4 879441491 +89 197 5 879459859 +89 212 3 879459909 +89 213 4 879459859 +89 216 5 879459859 +89 221 1 879441687 +89 222 5 879441491 +89 235 5 879441657 +89 236 5 879441400 +89 246 5 879461219 +89 257 5 879461219 +89 268 5 879461219 +89 277 4 879441271 +89 283 4 879441557 +89 301 5 879461219 +89 381 4 879459999 +89 387 5 879459909 +89 402 4 879460347 +89 405 3 879441586 +89 451 3 879459884 +89 475 5 879441307 +89 517 5 879459859 +89 694 5 879460027 +89 707 5 879459884 +89 709 3 879459980 +89 716 3 879460027 +89 731 3 879460347 +89 732 5 879459909 +89 736 3 879460027 +89 737 1 879460376 +89 739 2 879460376 +89 762 3 879441491 +89 813 5 879461219 +89 815 4 879441637 +89 845 2 879441335 +89 936 5 879461219 +89 949 3 879460027 +89 952 2 879441400 +89 1048 3 879460027 +89 1119 3 879459884 +90 6 4 891384357 +90 8 5 891383424 +90 9 4 891385787 +90 10 5 891383987 +90 11 4 891384113 +90 12 5 891383241 +90 14 5 891383987 +90 17 4 891384721 +90 22 4 891384357 +90 23 5 891384997 +90 25 5 891384789 +90 30 5 891385843 +90 31 4 891384673 +90 33 4 891383600 +90 42 4 891384885 +90 45 3 891385039 +90 56 5 891384516 +90 57 5 891385389 +90 59 5 891383173 +90 60 4 891385039 +90 64 4 891383912 +90 65 4 891385298 +90 69 1 891383424 +90 79 4 891383912 +90 83 5 891383687 +90 86 5 891383626 +90 96 4 891384754 +90 97 5 891383987 +90 98 5 891383204 +90 100 5 891383241 +90 126 2 891384611 +90 131 5 891384066 +90 132 5 891384673 +90 133 5 891384147 +90 134 5 891383204 +90 135 5 891384570 +90 137 5 891384754 +90 141 5 891385899 +90 143 5 891383204 +90 148 2 891385787 +90 149 3 891384754 +90 150 3 891385250 +90 154 5 891384516 +90 155 5 891385040 +90 156 4 891384147 +90 166 4 891383423 +90 171 2 891384476 +90 177 5 891384516 +90 178 5 891384611 +90 179 5 891385389 +90 180 4 891384065 +90 182 3 891383599 +90 185 5 891384959 +90 187 4 891383561 +90 190 5 891383687 +90 191 5 891384424 +90 192 4 891384959 +90 194 5 891383424 +90 196 4 891385250 +90 197 5 891383319 +90 198 5 891383204 +90 199 5 891384423 +90 202 3 891385298 +90 203 5 891384611 +90 208 3 891384065 +90 209 5 891383173 +90 211 5 891383424 +90 212 4 891384147 +90 213 5 891383718 +90 215 2 891385335 +90 218 5 891385899 +90 220 4 891385165 +90 221 4 891383987 +90 223 4 891383912 +90 234 4 891383835 +90 237 4 891385215 +90 241 5 891384611 +90 242 4 891382267 +90 245 3 891382612 +90 258 3 891382121 +90 259 2 891382392 +90 268 4 891382392 +90 269 5 891382310 +90 270 4 891382310 +90 272 5 891382121 +90 275 5 891383626 +90 276 4 891384476 +90 287 4 891384611 +90 289 3 891382310 +90 301 4 891382392 +90 307 5 891383319 +90 311 4 891382163 +90 312 4 891383319 +90 313 5 891382163 +90 316 5 891382658 +90 318 5 891383350 +90 322 4 891382658 +90 323 3 891382634 +90 328 3 891382490 +90 340 4 891382121 +90 347 4 891383319 +90 354 3 891382240 +90 357 5 891385132 +90 367 4 891385250 +90 382 5 891383835 +90 385 4 891385899 +90 387 5 891385215 +90 402 5 891385335 +90 421 4 891383718 +90 423 5 891384997 +90 425 4 891384996 +90 433 3 891384611 +90 435 5 891383350 +90 447 5 891385389 +90 454 2 891383423 +90 471 4 891385752 +90 475 3 891385465 +90 478 5 891384754 +90 479 5 891384147 +90 481 5 891384516 +90 482 5 891383204 +90 483 5 891384570 +90 486 5 891383912 +90 489 5 891384357 +90 490 5 891383753 +90 491 4 891384959 +90 494 5 891383241 +90 496 4 891385787 +90 498 5 891383173 +90 499 5 891383866 +90 500 4 891384721 +90 501 5 891384885 +90 505 5 891383687 +90 506 5 891383319 +90 507 5 891383987 +90 511 5 891384476 +90 512 4 891383241 +90 514 3 891384423 +90 516 5 891383987 +90 517 3 891384789 +90 518 2 891385787 +90 519 5 891384423 +90 521 4 891384570 +90 523 4 891383423 +90 526 5 891383866 +90 527 5 891384959 +90 529 5 891385132 +90 530 3 891385522 +90 547 3 891385899 +90 553 2 891384959 +90 602 5 891385466 +90 603 5 891385132 +90 604 5 891383350 +90 610 5 891383753 +90 611 5 891384789 +90 613 4 891383835 +90 614 4 891384020 +90 618 5 891385335 +90 631 5 891384570 +90 644 5 891384065 +90 647 5 891383204 +90 648 4 891384754 +90 652 4 891384611 +90 654 5 891384357 +90 656 5 891385132 +90 657 5 891385190 +90 659 4 891384357 +90 660 4 891385652 +90 662 5 891385842 +90 676 2 891384066 +90 690 4 891383319 +90 692 4 891384476 +90 693 3 891385752 +90 699 4 891385298 +90 705 5 891384147 +90 707 5 891384476 +90 708 5 891385787 +90 713 4 891385466 +90 730 5 891384147 +90 732 5 891383241 +90 739 5 891384789 +90 750 4 891383319 +90 753 4 891385751 +90 813 4 891384997 +90 821 3 891385843 +90 836 5 891385190 +90 847 5 891383753 +90 855 5 891383752 +90 879 3 891382542 +90 900 4 891382309 +90 903 4 891383319 +90 904 3 891382121 +90 906 2 891382240 +90 923 5 891383912 +90 942 4 891385165 +90 945 5 891383866 +90 958 4 891383561 +90 962 2 891384721 +90 964 5 891385843 +90 966 5 891385843 +90 971 4 891385250 +90 995 4 891382708 +90 1005 2 891383912 +90 1020 5 891384997 +90 1039 5 891383599 +90 1045 2 891385843 +90 1048 4 891385132 +90 1086 4 891384424 +90 1101 4 891384570 +90 1109 3 891385652 +90 1125 4 891384611 +90 1136 3 891385899 +90 1192 5 891384673 +90 1193 4 891384789 +90 1194 4 891383718 +90 1196 4 891383599 +90 1197 4 891384476 +90 1198 5 891383866 +90 1200 4 891384066 +90 1201 5 891383687 +90 1202 5 891385132 +90 1203 5 891385466 +90 1204 4 891384959 +90 1205 3 891383687 +90 1206 2 891383912 +91 22 5 891439208 +91 28 4 891439243 +91 56 1 891439057 +91 64 4 891439243 +91 69 5 891439057 +91 79 5 891439018 +91 82 5 891439386 +91 97 5 891438947 +91 99 2 891439386 +91 131 2 891439471 +91 134 4 891439353 +91 143 4 891439386 +91 161 3 891439353 +91 172 4 891439208 +91 174 5 891439090 +91 181 5 891439243 +91 183 5 891438909 +91 192 4 891439302 +91 193 3 891439057 +91 195 5 891439057 +91 204 4 891438909 +91 205 5 891438947 +91 230 4 891439560 +91 234 5 891439503 +91 264 4 891438583 +91 265 5 891439018 +91 289 4 891438553 +91 294 3 891438288 +91 300 4 891438004 +91 313 4 891437978 +91 318 5 891439090 +91 322 4 891438397 +91 323 2 891438397 +91 326 3 891438245 +91 327 4 891438351 +91 328 4 891438245 +91 331 5 891438245 +91 333 5 891438106 +91 338 4 891438529 +91 343 4 891438151 +91 351 4 891438617 +91 357 5 891439271 +91 418 2 891439503 +91 423 5 891439090 +91 427 4 891439057 +91 435 4 891439353 +91 474 3 891438947 +91 479 4 891439208 +91 480 4 891438875 +91 482 3 891439208 +91 484 4 891438977 +91 501 2 891439130 +91 504 3 891439471 +91 507 4 891438977 +91 510 3 891439090 +91 511 5 891439243 +91 515 5 891439090 +91 526 4 891439471 +91 527 4 891439057 +91 529 4 891438977 +91 601 4 891439171 +91 616 4 891439439 +91 618 3 891438875 +91 651 5 891439057 +91 657 4 891439130 +91 662 4 891439439 +91 682 2 891438184 +91 683 3 891438351 +91 689 5 891438617 +91 735 4 891439503 +91 748 2 891438314 +91 750 5 891438209 +91 1050 3 891439414 +91 1126 1 891439301 +91 1192 4 891439243 +92 1 4 875810511 +92 2 3 875653699 +92 8 5 875654159 +92 9 4 875640148 +92 11 4 875653363 +92 13 4 886443292 +92 15 3 875640189 +92 22 3 875653121 +92 24 3 875640448 +92 25 3 875640072 +92 28 3 875653050 +92 31 4 875654321 +92 32 3 875653363 +92 38 3 875657640 +92 39 3 875656419 +92 40 3 875656164 +92 42 4 875653664 +92 43 3 875813314 +92 44 3 875906989 +92 46 4 875653867 +92 47 4 875654732 +92 48 4 875653307 +92 49 3 875907416 +92 50 5 875640148 +92 51 4 875812305 +92 53 3 875656392 +92 55 3 875654245 +92 58 4 875653836 +92 62 3 875660468 +92 63 3 875907504 +92 65 4 875653960 +92 66 3 875812279 +92 67 3 875907436 +92 68 3 875653699 +92 69 5 875653198 +92 72 3 875658159 +92 73 3 875656474 +92 77 3 875654637 +92 79 4 875653198 +92 81 3 875654929 +92 85 3 875812364 +92 87 3 876175077 +92 88 3 875656349 +92 89 5 875652981 +92 93 4 886444049 +92 94 3 875812876 +92 95 3 875653664 +92 96 4 875656025 +92 98 5 875652934 +92 101 2 875656624 +92 102 2 875813376 +92 106 3 875640609 +92 108 2 886443416 +92 109 3 886443351 +92 111 3 875641135 +92 115 3 875654125 +92 116 3 875640251 +92 118 2 875640512 +92 121 5 875640679 +92 123 2 875640251 +92 124 4 886440530 +92 129 4 886443161 +92 132 3 875812211 +92 134 4 875656623 +92 135 4 875652981 +92 144 4 875810741 +92 147 2 875640542 +92 148 2 877383934 +92 149 3 886443494 +92 154 4 875657681 +92 155 2 875654888 +92 156 4 875656086 +92 159 4 875810543 +92 161 2 875654125 +92 164 4 875656201 +92 168 4 875653723 +92 169 5 875653121 +92 172 4 875653271 +92 173 3 875656535 +92 174 5 875654189 +92 175 4 875653549 +92 176 5 875652981 +92 179 5 875653077 +92 180 5 875653016 +92 181 4 876175052 +92 183 4 875653960 +92 184 3 877383934 +92 186 4 875653960 +92 189 4 875653519 +92 190 4 876174729 +92 191 4 875653050 +92 193 4 875654222 +92 196 4 875654222 +92 199 3 875811628 +92 201 3 875654159 +92 202 3 875653805 +92 203 4 875653699 +92 209 5 875652934 +92 210 4 875653519 +92 212 4 875656086 +92 214 4 875654732 +92 215 4 875656419 +92 216 3 875653867 +92 217 3 875657595 +92 219 4 875654888 +92 220 1 875644796 +92 223 5 875653723 +92 225 3 875640740 +92 226 3 875813412 +92 227 1 875654846 +92 228 4 875653867 +92 229 3 875656201 +92 233 3 875654732 +92 235 3 875640338 +92 238 5 875654159 +92 239 4 875654125 +92 241 3 875655961 +92 243 1 875644795 +92 245 4 877966971 +92 246 4 890251289 +92 248 4 886442565 +92 249 3 886443192 +92 250 4 890251534 +92 252 4 886443582 +92 257 2 875640273 +92 258 4 886440479 +92 260 1 890463551 +92 268 4 890251912 +92 273 4 875640214 +92 274 4 876175626 +92 276 5 875640251 +92 278 3 876175640 +92 281 3 875812331 +92 282 4 876769303 +92 288 3 878679005 +92 289 3 875641367 +92 291 4 886443277 +92 295 2 886442386 +92 304 4 888469716 +92 307 4 892655699 +92 313 5 887042925 +92 318 2 875653307 +92 322 3 890251700 +92 328 3 888469687 +92 363 3 886443455 +92 367 3 875654533 +92 368 1 886443672 +92 369 3 886443672 +92 376 3 875907366 +92 382 4 875656317 +92 383 1 876175191 +92 385 4 875653665 +92 386 3 875907727 +92 393 3 875660494 +92 401 3 875907535 +92 402 3 875813098 +92 403 4 875654189 +92 406 2 881008058 +92 408 4 876175704 +92 410 3 875640583 +92 412 2 875640609 +92 418 3 875653769 +92 423 3 875655990 +92 428 4 875653519 +92 431 4 875660164 +92 432 3 876175031 +92 433 5 875654665 +92 436 4 875654534 +92 451 3 875660083 +92 452 2 875906828 +92 453 1 875906882 +92 455 2 876769302 +92 463 4 875656623 +92 466 4 875811549 +92 471 4 875640385 +92 475 5 875640148 +92 476 2 886443602 +92 501 2 875653665 +92 508 5 886443416 +92 515 4 875640800 +92 518 5 875653579 +92 521 4 875813412 +92 527 3 875653549 +92 528 4 875657681 +92 531 4 875653121 +92 540 2 875813197 +92 546 2 875640512 +92 551 2 875906882 +92 552 3 875907078 +92 558 3 875906765 +92 559 3 875660304 +92 561 3 875812413 +92 566 4 875658112 +92 568 3 875654590 +92 575 2 875907763 +92 576 2 875813171 +92 581 4 875654189 +92 582 5 875641516 +92 583 3 875907134 +92 587 3 875660408 +92 595 3 886443534 +92 596 2 886443161 +92 597 2 886443328 +92 619 4 875640487 +92 627 3 875654159 +92 628 4 875639823 +92 631 4 875658112 +92 636 3 875812064 +92 640 5 875653579 +92 655 4 875654533 +92 658 3 875654353 +92 660 4 875654125 +92 663 4 875653914 +92 665 3 875906853 +92 672 3 875660028 +92 673 4 875656392 +92 678 2 875641428 +92 684 3 875656502 +92 685 3 875640708 +92 692 4 875653805 +92 702 3 875656054 +92 707 4 875653162 +92 708 4 875654432 +92 709 2 875654590 +92 712 3 875656392 +92 715 4 875656288 +92 717 3 886443416 +92 720 3 875813022 +92 722 3 875907596 +92 725 3 875907727 +92 727 4 875653242 +92 728 3 875907574 +92 729 4 875656624 +92 731 4 875653769 +92 732 3 875812841 +92 735 3 875656121 +92 739 2 876175582 +92 743 2 890251826 +92 747 4 875656164 +92 748 3 892655791 +92 756 3 886443582 +92 758 1 875644796 +92 761 2 875907134 +92 763 3 886443192 +92 771 1 875907180 +92 778 4 875811457 +92 781 3 875907649 +92 783 3 875907574 +92 785 3 875660304 +92 789 5 875653242 +92 790 3 875907618 +92 794 3 875654798 +92 802 2 875907134 +92 820 1 875644796 +92 825 4 875640487 +92 831 2 886443708 +92 834 1 875906882 +92 841 3 886443455 +92 845 3 886442565 +92 846 3 886443471 +92 855 5 875653162 +92 922 1 875644796 +92 925 3 875640214 +92 926 3 875640542 +92 928 3 886443582 +92 930 2 886443582 +92 931 1 875644796 +92 934 2 875639642 +92 947 4 875654929 +92 955 4 875658312 +92 961 4 875811128 +92 963 5 875652981 +92 974 2 886443626 +92 977 2 886443494 +92 984 2 888469687 +92 986 2 890251716 +92 993 4 890251516 +92 998 2 875907649 +92 1012 4 886443231 +92 1014 3 890251484 +92 1016 2 875640582 +92 1023 2 892655775 +92 1033 2 890251592 +92 1037 2 875907702 +92 1041 3 875907675 +92 1042 3 875907079 +92 1047 1 875644796 +92 1049 1 890251826 +92 1052 2 890251841 +92 1074 3 875907535 +92 1079 3 886443455 +92 1090 3 875907079 +92 1095 2 886443728 +92 1142 4 886442422 +92 1194 4 875654432 +92 1207 3 875907179 +92 1209 1 875660468 +92 1210 1 875907179 +92 1212 3 876175626 +92 1213 2 875907079 +92 1215 2 890251747 +92 1216 4 886442386 +93 14 4 888705200 +93 15 5 888705388 +93 118 3 888705416 +93 121 3 888705053 +93 125 1 888705416 +93 222 4 888705295 +93 235 4 888705939 +93 275 4 888705224 +93 276 2 888705257 +93 412 2 888706037 +93 476 4 888705879 +93 477 5 888705053 +93 815 4 888705761 +93 820 3 888705966 +93 845 4 888705321 +93 934 3 888705988 +94 1 4 885870323 +94 4 4 891721168 +94 8 5 885873653 +94 9 5 885872684 +94 12 4 886008625 +94 17 2 891721494 +94 23 5 885870284 +94 24 4 885873423 +94 28 4 885873159 +94 31 4 891721286 +94 32 5 891721851 +94 33 3 891721919 +94 34 1 891723558 +94 38 2 891722482 +94 39 3 891721317 +94 42 4 885870577 +94 45 5 886008764 +94 47 5 891720498 +94 50 5 891720996 +94 51 3 891721026 +94 52 5 891721026 +94 55 4 885873653 +94 58 5 891720540 +94 61 5 891720761 +94 62 3 891722933 +94 63 3 891723908 +94 64 5 885870362 +94 67 3 891723296 +94 68 4 891722432 +94 69 3 885870057 +94 70 4 891722511 +94 71 4 891721642 +94 72 3 891723220 +94 76 4 891720827 +94 79 4 885882967 +94 82 4 891721777 +94 86 5 891720971 +94 88 3 891721942 +94 89 3 885870284 +94 91 5 891722006 +94 92 4 891721142 +94 94 2 891723883 +94 96 3 885872942 +94 99 3 891721815 +94 100 5 885872942 +94 101 2 891720996 +94 102 3 891721462 +94 109 4 891721974 +94 118 3 891723295 +94 121 2 891721815 +94 127 5 885870175 +94 133 4 885882685 +94 134 5 886008885 +94 135 4 885870231 +94 144 3 891721168 +94 151 5 891721716 +94 153 5 891725333 +94 155 2 891723807 +94 156 5 891725332 +94 157 5 891725332 +94 159 3 891723081 +94 161 3 891721439 +94 164 3 891721528 +94 168 5 891721378 +94 170 5 891725362 +94 172 4 885870175 +94 174 4 885870231 +94 175 4 885870613 +94 177 5 885870284 +94 180 5 885870284 +94 181 4 885872942 +94 182 5 885873089 +94 184 2 891720862 +94 185 5 885873684 +94 186 4 891722278 +94 188 4 885870665 +94 193 5 891720498 +94 194 4 885870284 +94 195 3 885870231 +94 196 4 891721462 +94 201 4 891721378 +94 202 2 885873423 +94 203 5 885870577 +94 206 4 891722843 +94 208 4 891720643 +94 210 4 886008459 +94 211 5 891721142 +94 214 5 891725332 +94 215 4 891722174 +94 216 3 885870665 +94 217 4 891722646 +94 218 3 891721851 +94 222 3 891721258 +94 223 5 891721286 +94 226 2 891721238 +94 227 3 891722759 +94 228 4 891720996 +94 229 3 891722979 +94 232 3 891721584 +94 233 3 891722934 +94 234 5 885882685 +94 235 4 891722980 +94 238 5 891721168 +94 241 4 891721716 +94 245 1 891724828 +94 246 4 891724064 +94 248 4 891724341 +94 250 4 891724257 +94 257 4 891724178 +94 258 5 891724044 +94 265 4 891721889 +94 273 4 885872684 +94 282 3 891722758 +94 286 4 891724122 +94 288 3 885869993 +94 293 4 891724044 +94 302 4 891928684 +94 313 4 891724925 +94 317 5 885873653 +94 328 3 891724990 +94 334 3 891725440 +94 338 4 891725030 +94 343 4 891725009 +94 346 4 891725410 +94 347 5 891724950 +94 355 2 891725090 +94 357 5 891720921 +94 365 3 891722383 +94 366 3 891722845 +94 367 4 891723328 +94 368 2 891724846 +94 372 4 891723124 +94 380 3 891722760 +94 385 2 891721975 +94 390 5 891725333 +94 393 3 891721684 +94 402 4 891723261 +94 403 3 891723188 +94 405 3 891721615 +94 410 4 891721494 +94 411 3 891724508 +94 412 2 891724485 +94 417 3 891722799 +94 418 3 891721317 +94 420 4 891721317 +94 421 4 891721414 +94 423 4 885873302 +94 425 5 885870665 +94 428 5 891725332 +94 431 4 891721716 +94 433 4 891721078 +94 435 4 885870418 +94 436 5 891721815 +94 443 4 891721439 +94 447 4 891721562 +94 448 5 891722939 +94 455 3 891721777 +94 458 4 891722306 +94 464 5 885873302 +94 465 5 891721851 +94 467 4 885873423 +94 469 4 891721048 +94 470 4 891722006 +94 471 4 891721642 +94 472 3 891723707 +94 474 5 885870322 +94 477 2 885870323 +94 483 5 885870115 +94 496 3 885873159 +94 501 4 891721642 +94 504 5 885870612 +94 527 5 886008885 +94 537 4 891722006 +94 541 3 891723525 +94 544 3 891721562 +94 546 3 891723296 +94 550 1 891723033 +94 553 3 891722511 +94 556 3 891722882 +94 559 4 891721777 +94 561 3 891722882 +94 562 3 891721494 +94 566 2 891721815 +94 568 3 891721974 +94 572 3 891723883 +94 576 2 891723593 +94 581 4 891722249 +94 583 3 891722174 +94 584 4 885872942 +94 587 4 891721078 +94 588 4 885873006 +94 603 4 891721414 +94 616 4 891720498 +94 622 3 891722609 +94 624 2 891723459 +94 625 4 891723086 +94 627 3 891722678 +94 631 5 891720950 +94 636 4 891721351 +94 637 3 891723186 +94 644 5 886008390 +94 646 5 885873006 +94 650 5 885870612 +94 651 5 891725332 +94 652 4 891721167 +94 654 5 885872684 +94 655 4 891720862 +94 657 5 891720761 +94 658 3 891722533 +94 673 3 891721615 +94 674 3 891723748 +94 679 4 891722006 +94 684 4 891721615 +94 685 4 891722382 +94 690 4 891928703 +94 692 4 891722249 +94 693 4 891720921 +94 696 4 891724381 +94 700 2 891723427 +94 710 3 891721117 +94 715 4 891722278 +94 720 1 891723593 +94 721 2 891721078 +94 723 3 891721851 +94 727 5 891722458 +94 731 3 891723295 +94 735 5 891721528 +94 736 5 891721077 +94 737 4 891723459 +94 738 2 891723558 +94 742 3 891722214 +94 744 4 891721462 +94 746 4 891721716 +94 765 3 891723619 +94 768 3 891722609 +94 780 3 891723558 +94 783 2 891723495 +94 789 4 891720887 +94 792 4 885873006 +94 806 4 885873302 +94 810 3 891723076 +94 813 5 891720786 +94 820 1 891723186 +94 823 3 891722458 +94 824 4 891722882 +94 829 2 891724800 +94 860 2 891723706 +94 921 5 891725332 +94 928 3 891723774 +94 930 2 891724747 +94 939 4 885873423 +94 942 4 891721749 +94 944 1 891723619 +94 946 3 891723217 +94 949 5 885873160 +94 951 3 891722214 +94 959 5 891725332 +94 961 4 891721317 +94 969 4 891721026 +94 997 4 891723190 +94 1004 3 891723593 +94 1007 4 891724282 +94 1009 4 891722845 +94 1010 4 891721117 +94 1011 4 891722214 +94 1012 4 891724100 +94 1028 2 891723395 +94 1032 2 891723807 +94 1044 4 891722555 +94 1045 4 891721815 +94 1046 2 891723262 +94 1048 4 891722678 +94 1058 4 891722609 +94 1065 4 885872942 +94 1074 2 891723427 +94 1089 2 891724829 +94 1101 3 891720590 +94 1110 4 891722801 +94 1119 4 891723261 +94 1135 4 891722646 +94 1140 2 891723328 +94 1147 4 886008354 +94 1153 4 891721777 +94 1188 3 891723525 +94 1199 3 891724798 +94 1206 3 891723593 +94 1209 2 891723459 +94 1210 3 891723558 +94 1211 5 891722458 +94 1217 3 891723086 +94 1219 4 891722306 +94 1220 3 891722678 +94 1221 3 891721216 +94 1223 4 891721494 +94 1224 3 891722802 +94 1225 3 891723262 +94 1226 4 891724081 +95 1 5 879197329 +95 2 2 888955909 +95 3 1 879193881 +95 7 5 879197329 +95 8 5 879198262 +95 14 5 879197329 +95 15 4 879195062 +95 22 4 888953953 +95 24 3 879192542 +95 26 3 880571951 +95 32 1 888954726 +95 33 3 880571704 +95 43 2 880572356 +95 48 4 879197500 +95 49 3 879198604 +95 50 5 879197329 +95 51 4 879198353 +95 52 4 879198800 +95 58 3 879197834 +95 62 4 879196354 +95 64 5 879197685 +95 65 4 879197918 +95 67 2 879198109 +95 68 4 879196231 +95 69 5 879198210 +95 73 4 879198161 +95 79 4 879196231 +95 83 5 880573288 +95 88 4 880571016 +95 90 2 880572166 +95 95 3 879198109 +95 96 4 879196298 +95 97 4 879198652 +95 99 4 888954699 +95 101 1 879198800 +95 102 4 880572474 +95 110 2 880572323 +95 111 4 879194012 +95 117 4 879193619 +95 128 3 879196354 +95 132 3 880570993 +95 133 3 888954341 +95 135 3 879197562 +95 137 3 879192404 +95 139 4 880572250 +95 142 4 880572249 +95 143 4 880571951 +95 151 4 879193353 +95 161 3 879196298 +95 172 4 879196847 +95 173 5 879198547 +95 174 5 879196231 +95 176 3 879196298 +95 177 3 879196408 +95 178 5 879197652 +95 181 4 879193353 +95 185 3 879197886 +95 191 5 879198161 +95 194 5 879197603 +95 195 5 879196231 +95 196 4 879198354 +95 197 4 888954243 +95 202 4 879198209 +95 204 5 879197562 +95 209 4 879197021 +95 211 3 879197652 +95 215 4 879198109 +95 216 5 880573287 +95 219 4 880572658 +95 226 4 879196513 +95 227 2 880572356 +95 228 4 879196231 +95 229 3 879196408 +95 232 4 879196513 +95 233 4 879196354 +95 234 2 879197886 +95 237 2 879192708 +95 238 5 880570823 +95 239 3 879198262 +95 241 3 879196408 +95 250 4 882803989 +95 257 5 879197329 +95 265 3 879196513 +95 286 5 879193353 +95 289 2 879191590 +95 294 2 884266083 +95 328 5 888953921 +95 357 4 879198317 +95 366 4 880572628 +95 371 2 888955909 +95 378 4 888954699 +95 381 4 880571678 +95 385 4 879196408 +95 386 2 880572356 +95 389 4 880572388 +95 392 3 880571428 +95 393 5 880571678 +95 395 3 888956928 +95 398 1 888956804 +95 399 4 880572449 +95 402 3 880571389 +95 403 1 879196457 +95 404 5 888954513 +95 405 3 879194159 +95 416 4 888954961 +95 417 3 888956158 +95 419 4 879198547 +95 420 4 888956001 +95 422 2 888956665 +95 431 3 879196629 +95 432 3 879197886 +95 433 4 880571950 +95 443 3 879198747 +95 445 4 888956272 +95 450 2 880572787 +95 462 4 879197022 +95 465 3 882803918 +95 471 5 884266051 +95 472 5 879197329 +95 473 4 879193353 +95 474 4 880570909 +95 483 3 879198697 +95 485 5 888954129 +95 495 4 888954760 +95 496 4 879198746 +95 498 3 879197445 +95 505 3 888954513 +95 507 4 880571226 +95 510 4 879196188 +95 511 4 879196298 +95 514 2 888954076 +95 518 4 888954076 +95 523 4 879197562 +95 527 4 888954440 +95 546 2 879196566 +95 550 4 879196748 +95 552 1 888956422 +95 554 3 879196748 +95 560 1 880572166 +95 566 2 879196594 +95 568 4 879196594 +95 573 1 888954808 +95 588 3 879198800 +95 591 5 880573287 +95 622 4 880571678 +95 623 3 880572388 +95 625 4 888954412 +95 627 4 880572288 +95 631 4 880573627 +95 636 1 879196566 +95 648 3 888954170 +95 651 5 879196594 +95 655 4 879198109 +95 657 5 879198697 +95 660 5 880571456 +95 665 2 879196666 +95 671 3 880571045 +95 674 2 880572104 +95 675 2 888954310 +95 679 2 879196513 +95 683 4 879193353 +95 692 4 879198482 +95 699 2 882804187 +95 707 3 880572009 +95 712 2 888956400 +95 715 1 880572060 +95 716 3 879198109 +95 720 2 879196513 +95 728 3 882804159 +95 736 4 888954170 +95 737 3 879197021 +95 739 3 880572689 +95 742 4 879193512 +95 747 5 880573288 +95 768 1 888956272 +95 781 2 880572495 +95 787 2 888954930 +95 791 3 880572449 +95 843 4 880572448 +95 855 3 888954609 +95 862 1 884266100 +95 878 1 881599623 +95 946 3 888956489 +95 960 2 888954129 +95 976 2 879195703 +95 1018 3 879198946 +95 1047 3 879193881 +95 1090 1 888956869 +95 1116 4 888956137 +95 1126 4 879197445 +95 1206 4 888956137 +95 1217 3 880572658 +95 1219 1 888956489 +95 1222 2 880572602 +95 1227 2 880572581 +95 1228 3 880572689 +95 1229 2 879198800 +95 1230 1 888956901 +96 1 5 884403574 +96 8 5 884403020 +96 23 5 884403123 +96 50 5 884402977 +96 64 5 884403336 +96 79 4 884403500 +96 83 3 884403758 +96 87 4 884403531 +96 89 5 884402896 +96 91 5 884403250 +96 96 4 884403531 +96 100 5 884403758 +96 127 5 884403214 +96 144 4 884403250 +96 153 4 884403624 +96 156 4 884402860 +96 170 5 884403866 +96 173 3 884402791 +96 176 4 884403758 +96 183 4 884403123 +96 196 4 884403057 +96 198 5 884403465 +96 200 5 884403215 +96 234 4 884403336 +96 265 5 884403758 +96 423 5 884403057 +96 435 3 884403500 +96 474 4 884403095 +96 478 2 884403123 +96 479 4 884403758 +96 483 5 884403057 +96 484 5 884402860 +96 514 4 884402977 +96 519 4 884402896 +96 525 2 884402860 +96 645 5 884403020 +96 673 4 884402860 +96 1154 5 884403993 +96 1232 5 884404017 +97 7 5 884238939 +97 23 5 884239553 +97 28 5 884238778 +97 32 5 884239791 +97 50 5 884239471 +97 69 5 884239616 +97 79 5 884238817 +97 83 1 884238817 +97 89 5 884238939 +97 97 5 884239525 +97 98 4 884238728 +97 100 2 884238778 +97 115 5 884239525 +97 133 1 884239655 +97 168 4 884238693 +97 169 5 884238887 +97 172 4 884238939 +97 173 3 884238728 +97 174 4 884238817 +97 186 3 884239574 +97 192 1 884238778 +97 193 4 884238997 +97 194 3 884238860 +97 195 5 884238966 +97 202 5 884239449 +97 208 5 884239744 +97 222 5 884238887 +97 228 5 884238860 +97 357 5 884239493 +97 423 5 884239472 +97 428 4 884239553 +97 429 4 884238860 +97 430 5 884238693 +97 432 4 884238997 +97 434 4 884239791 +97 435 4 884238752 +97 466 3 884239449 +97 482 5 884238693 +97 484 3 884238966 +97 496 2 884238693 +97 603 4 884238817 +97 655 5 884238860 +97 661 5 884238817 +97 670 5 884239744 +97 1126 3 884239687 +98 47 4 880498898 +98 70 3 880499018 +98 116 5 880499053 +98 152 3 880498968 +98 163 3 880499053 +98 173 1 880498935 +98 194 5 880498898 +98 209 2 880498935 +98 210 4 880498968 +98 211 4 880498797 +98 321 3 880498519 +98 435 5 880498967 +98 502 2 880499053 +98 517 5 880498990 +98 655 3 880498861 +98 659 5 880498861 +98 745 3 880498935 +98 938 3 880498624 +98 988 1 880498668 +99 3 3 885679237 +99 4 5 886519097 +99 7 4 885678784 +99 11 5 885680138 +99 12 5 885680458 +99 50 5 885679998 +99 56 5 885679833 +99 66 3 886519047 +99 69 4 885679833 +99 79 4 885680138 +99 98 5 885679596 +99 100 5 885678813 +99 105 2 885679353 +99 107 3 885679138 +99 111 1 885678886 +99 116 2 888469419 +99 118 2 885679237 +99 120 2 885679472 +99 123 3 885678997 +99 124 2 885678886 +99 147 5 885678997 +99 168 5 885680374 +99 172 5 885679952 +99 173 4 885680062 +99 174 5 885679705 +99 181 5 885680138 +99 182 4 886518810 +99 196 4 885680578 +99 203 4 885680723 +99 204 4 885679952 +99 210 5 885679705 +99 232 4 886519075 +99 237 5 885678886 +99 240 4 885679279 +99 245 3 885678500 +99 246 3 888469392 +99 255 3 888469419 +99 258 5 885678696 +99 265 3 885679833 +99 268 3 885678247 +99 273 5 886780105 +99 274 1 885679157 +99 276 2 885678973 +99 282 3 885678753 +99 288 4 885678247 +99 290 4 886518628 +99 294 4 885678453 +99 310 3 885678348 +99 312 2 885678576 +99 313 5 885678348 +99 322 3 885678499 +99 326 3 885678267 +99 328 4 885678696 +99 329 4 886518562 +99 331 3 885678247 +99 338 4 885678539 +99 346 4 885678415 +99 348 4 886518562 +99 354 2 888469332 +99 363 4 885679262 +99 369 4 885679382 +99 402 4 885680617 +99 403 4 885680374 +99 406 3 885679353 +99 409 2 885679411 +99 410 5 885679262 +99 413 3 885679299 +99 421 3 885680772 +99 433 4 886780105 +99 472 3 885679210 +99 473 4 885679353 +99 508 4 885678840 +99 544 4 885679183 +99 546 4 885679353 +99 597 4 885679210 +99 628 4 885678813 +99 651 5 885679833 +99 676 4 885678886 +99 678 2 885678479 +99 682 2 885678371 +99 685 3 885678840 +99 694 1 885680616 +99 741 3 885678886 +99 742 5 885679114 +99 748 4 885678436 +99 762 2 885679411 +99 780 5 886780007 +99 789 4 885680176 +99 827 3 885679504 +99 871 2 885679411 +99 873 1 885678436 +99 895 3 885678304 +99 926 3 885679437 +99 931 2 886780147 +99 963 3 885679998 +99 975 3 885679472 +99 978 3 885679382 +99 1016 5 885678724 +99 1047 4 885679472 +99 1048 4 885679411 +99 1052 1 885679533 +99 1067 4 885679437 +99 1079 3 885679504 +99 1119 4 885680348 +99 1132 4 885679319 +100 258 4 891374675 +100 266 2 891375484 +100 268 3 891374982 +100 269 4 891374641 +100 270 3 891375016 +100 271 3 891375260 +100 272 4 891375629 +100 288 2 891374603 +100 289 3 891375359 +100 292 2 891375146 +100 294 4 891375313 +100 302 4 891374528 +100 313 5 891374706 +100 315 5 891375557 +100 316 5 891375313 +100 321 1 891375112 +100 323 3 891375359 +100 326 3 891375630 +100 333 3 891374528 +100 340 3 891374707 +100 342 3 891375454 +100 344 4 891374868 +100 346 3 891375630 +100 348 3 891375630 +100 354 2 891375260 +100 355 4 891375313 +100 689 3 891375212 +100 691 4 891375260 +100 750 4 891375016 +100 751 4 891374868 +100 752 4 891375146 +100 881 1 891375186 +100 885 2 891375359 +100 886 3 891375522 +100 887 2 891374868 +100 892 2 891375484 +100 895 2 891375212 +100 898 4 891375454 +100 900 4 891374832 +100 905 3 891375630 +100 990 3 891375428 +100 1233 3 891375112 +100 1236 3 891375630 +100 1238 2 891375068 +101 24 4 877136391 +101 50 4 877135944 +101 109 2 877136360 +101 118 3 877136424 +101 121 4 877137015 +101 122 1 877136928 +101 123 2 877136186 +101 125 4 877137015 +101 151 3 877136628 +101 222 3 877136243 +101 225 3 877136814 +101 237 5 877137015 +101 252 3 877136628 +101 278 2 877136737 +101 281 2 877136842 +101 282 3 877135883 +101 284 4 877136564 +101 288 4 877137015 +101 304 3 877135677 +101 369 2 877136928 +101 370 2 877136711 +101 405 4 877137015 +101 411 2 877136891 +101 412 2 877136842 +101 471 3 877136535 +101 472 3 877136711 +101 546 4 877137015 +101 595 2 877136391 +101 596 3 877136564 +101 717 3 877136928 +101 756 3 877136424 +101 763 3 877136789 +101 815 3 877136392 +101 819 1 877136424 +101 820 3 877136954 +101 826 3 877136686 +101 829 3 877136138 +101 831 3 877136954 +101 840 3 877136659 +101 846 3 877135914 +101 866 4 877137015 +101 926 3 877136628 +101 928 2 877136302 +101 975 2 877136659 +101 979 2 877136711 +101 1009 2 877136598 +101 1028 3 877136449 +101 1034 2 877136686 +101 1047 2 877136424 +101 1051 2 877136891 +101 1057 2 877136789 +101 1093 1 877136360 +102 1 3 883748352 +102 2 2 888801522 +102 4 2 888801522 +102 5 3 888803002 +102 7 2 888801407 +102 11 3 888801232 +102 13 3 892991118 +102 47 2 888803636 +102 49 2 892992129 +102 50 4 888801315 +102 55 3 888801465 +102 62 3 888801812 +102 66 3 892992129 +102 67 1 892993706 +102 68 2 888801673 +102 70 3 888803537 +102 73 3 892992297 +102 79 2 888801316 +102 83 3 888803487 +102 88 3 892991311 +102 89 4 888801315 +102 94 2 892993545 +102 95 4 883748488 +102 96 3 888801316 +102 98 4 888802939 +102 99 2 883748488 +102 101 4 883748488 +102 102 3 883748488 +102 117 3 888801232 +102 118 3 888801465 +102 121 3 888801673 +102 144 3 888801360 +102 153 2 892991376 +102 154 3 888803708 +102 161 2 888801876 +102 163 2 892993190 +102 164 3 888803002 +102 167 2 892993927 +102 172 3 888801232 +102 173 3 888803602 +102 174 4 888801360 +102 176 3 888801360 +102 181 2 888801406 +102 183 4 888801360 +102 184 2 888801465 +102 186 4 888803487 +102 195 4 888801360 +102 200 3 888803051 +102 202 4 892991269 +102 208 4 888803537 +102 217 2 888803149 +102 219 2 888803149 +102 222 3 888801406 +102 226 2 888801673 +102 227 4 888801673 +102 229 3 888801623 +102 233 3 888801622 +102 234 3 888802940 +102 239 3 888804089 +102 241 3 888802038 +102 248 3 877915935 +102 258 4 875886337 +102 264 2 883277645 +102 265 3 888801622 +102 269 2 891427996 +102 271 2 888781860 +102 272 3 888112484 +102 273 3 888801465 +102 286 3 883277645 +102 288 2 887051621 +102 294 2 883277645 +102 298 3 875886827 +102 300 3 875886434 +102 301 3 885697464 +102 302 3 880680541 +102 307 4 883748222 +102 313 3 887048184 +102 316 3 889362833 +102 322 3 883277645 +102 326 3 879082298 +102 328 2 883277645 +102 334 2 888295889 +102 350 3 892990700 +102 358 3 888957092 +102 363 2 888801622 +102 384 2 892993827 +102 385 3 888801577 +102 391 2 888802767 +102 393 3 892993302 +102 396 2 892993735 +102 399 2 888802722 +102 403 3 888801812 +102 405 2 888801812 +102 411 2 892993786 +102 418 3 883748450 +102 431 3 888801407 +102 432 3 883748418 +102 435 3 888801315 +102 443 3 888803148 +102 444 1 888803245 +102 445 2 888803148 +102 447 4 888803002 +102 448 3 888803002 +102 449 4 888802176 +102 476 3 892993827 +102 502 3 888803738 +102 510 4 888801316 +102 511 3 888801407 +102 515 1 888801316 +102 522 3 888803487 +102 524 3 888803537 +102 530 3 888801577 +102 541 2 888801673 +102 546 3 888801876 +102 550 2 888801812 +102 554 2 888801577 +102 559 3 888803052 +102 565 2 888803395 +102 568 2 888801232 +102 576 2 888802722 +102 577 3 892993895 +102 578 2 888801876 +102 588 4 883748450 +102 596 2 883748352 +102 597 3 888801673 +102 612 4 879082395 +102 625 3 883748418 +102 629 3 888803488 +102 635 2 888803148 +102 636 3 888801577 +102 655 3 888803802 +102 663 3 892993190 +102 675 3 888802940 +102 684 2 888802176 +102 685 3 888801876 +102 686 3 888801673 +102 689 3 883277481 +102 720 2 888801812 +102 732 3 888804089 +102 734 2 892993786 +102 746 2 892993190 +102 748 3 888800994 +102 751 3 885100000 +102 760 1 888803245 +102 768 2 883748450 +102 785 2 892991376 +102 792 3 892992297 +102 797 2 888802722 +102 809 3 888802768 +102 810 2 888802508 +102 823 3 888801465 +102 827 2 888802722 +102 831 2 888802508 +102 840 2 888802508 +102 841 2 888802319 +102 856 2 892993927 +102 866 2 892993545 +102 879 3 879443144 +102 930 2 888802677 +102 947 3 888801360 +102 986 1 888802319 +102 1025 2 883278200 +102 1030 1 892994075 +102 1052 2 892993983 +102 1076 2 883748527 +102 1239 2 888802319 +103 24 4 880415847 +103 50 5 880416864 +103 56 5 880416602 +103 69 3 880420585 +103 96 4 880422009 +103 98 3 880420565 +103 117 4 880416313 +103 118 3 880420002 +103 121 3 880415766 +103 126 5 880420002 +103 127 4 880416331 +103 144 4 880420510 +103 181 4 880415875 +103 211 3 880420565 +103 222 3 880415875 +103 234 3 880420353 +103 294 4 880416515 +103 300 3 880416727 +103 471 4 880416921 +103 487 4 880421001 +103 527 5 880416238 +104 7 3 888465972 +104 9 2 888465201 +104 15 5 888465413 +104 25 3 888465634 +104 50 5 888465972 +104 100 4 888465166 +104 117 2 888465972 +104 121 2 888466002 +104 122 3 888465739 +104 124 2 888465226 +104 127 3 888465201 +104 147 3 888466002 +104 150 5 888465225 +104 222 3 888465319 +104 235 2 888465675 +104 245 2 888442404 +104 246 3 888465319 +104 248 2 888465604 +104 249 3 888465675 +104 250 3 888465972 +104 268 3 888442172 +104 269 5 888441878 +104 270 4 888442337 +104 271 1 888442370 +104 272 4 888441878 +104 282 3 888465166 +104 283 4 888465582 +104 285 4 888465201 +104 286 1 888442304 +104 287 2 888465347 +104 288 2 888442140 +104 293 3 888465166 +104 299 3 888442436 +104 300 3 888442275 +104 301 2 888442275 +104 310 2 888442275 +104 312 3 888442485 +104 324 1 888442404 +104 325 1 888442552 +104 327 2 888442202 +104 328 3 888442249 +104 330 1 888442530 +104 331 3 888442140 +104 332 2 888442305 +104 340 3 888441878 +104 342 3 888442437 +104 346 3 888442172 +104 347 2 888442140 +104 354 3 888442202 +104 407 2 888465936 +104 411 1 888465739 +104 412 3 888465900 +104 471 3 888465290 +104 475 4 888465582 +104 544 3 888465413 +104 546 1 888465491 +104 591 4 888465263 +104 678 2 888442404 +104 713 3 888465491 +104 744 1 888465413 +104 750 5 888442171 +104 751 4 888442337 +104 756 2 888465739 +104 823 1 888465554 +104 825 1 888466028 +104 827 2 888466086 +104 847 2 888465263 +104 871 2 888465853 +104 895 2 888442507 +104 926 1 888465936 +104 984 1 888442575 +104 1010 1 888465554 +104 1011 3 888465201 +104 1016 1 888466002 +104 1017 1 888465634 +104 1028 2 888465818 +104 1226 3 888465347 +104 1241 1 888465379 +105 258 5 889214306 +105 268 4 889214268 +105 269 4 889214193 +105 272 4 889214284 +105 286 4 889214306 +105 307 2 889214381 +105 333 3 889214268 +105 343 2 889214524 +105 347 3 889214334 +105 751 2 889214381 +105 752 3 889214406 +105 880 3 889214335 +106 1 4 881449487 +106 8 4 881452405 +106 9 4 883876572 +106 14 4 881449486 +106 15 3 883876518 +106 22 4 881449830 +106 28 4 881451144 +106 45 3 881453290 +106 48 3 881453290 +106 59 4 881453318 +106 64 4 881449830 +106 69 4 881449886 +106 70 3 881452355 +106 77 4 881451716 +106 82 3 881453290 +106 86 3 881451355 +106 88 3 881453097 +106 97 5 881450810 +106 100 3 881449487 +106 107 4 883876961 +106 162 5 881450758 +106 165 5 881450536 +106 191 5 881451453 +106 194 5 881450758 +106 196 5 881450578 +106 213 4 881453065 +106 223 4 881450440 +106 244 4 883877094 +106 273 3 881453290 +106 285 4 883876206 +106 286 4 881449486 +106 313 4 888706075 +106 318 5 881449830 +106 435 3 881452355 +106 463 3 881453413 +106 495 4 881451016 +106 526 4 881452685 +106 566 4 881452711 +106 582 4 881451199 +106 584 4 881453481 +106 647 3 881450440 +106 660 4 881451631 +106 684 4 881452763 +106 692 3 881453290 +106 699 4 881451421 +106 703 4 881450039 +106 739 3 881453290 +106 778 4 881453040 +106 828 2 883876872 +106 923 4 881453355 +106 956 3 881453290 +106 1115 4 883876833 +107 258 4 891264466 +107 259 2 891264630 +107 264 3 891264598 +107 269 5 891264267 +107 271 2 891264432 +107 300 1 891264432 +107 302 4 891264296 +107 305 4 891264327 +107 312 4 891264535 +107 321 2 891264432 +107 322 1 891264535 +107 325 3 891264659 +107 327 3 891264501 +107 333 3 891264267 +107 340 5 891264356 +107 1243 3 891264466 +108 1 4 879879720 +108 7 5 879879812 +108 10 5 879879834 +108 13 3 879879834 +108 14 5 879879720 +108 21 3 879880141 +108 50 4 879879739 +108 100 4 879879720 +108 121 3 879880190 +108 124 4 879879757 +108 125 3 879879864 +108 137 5 879879941 +108 181 3 879879985 +108 237 3 879879796 +108 275 5 879879739 +108 281 4 879879985 +108 282 3 879880055 +108 290 4 879880076 +108 405 3 879880157 +108 471 2 879880076 +108 515 5 879879941 +108 740 3 879880055 +108 931 2 879880190 +109 1 4 880563619 +109 4 2 880572756 +109 5 3 880580637 +109 7 4 880563080 +109 8 3 880572642 +109 9 3 880564607 +109 11 4 880572786 +109 15 4 880577868 +109 17 4 880582132 +109 22 4 880572950 +109 25 4 880571741 +109 28 3 880572721 +109 31 4 880577844 +109 42 1 880572756 +109 50 5 880563331 +109 53 4 880583336 +109 54 3 880578286 +109 56 5 880577804 +109 58 4 880572950 +109 62 3 880578711 +109 63 3 880582679 +109 68 3 880582469 +109 69 4 880572561 +109 81 2 880580030 +109 89 4 880573263 +109 90 3 880583192 +109 91 4 880582384 +109 94 4 880579787 +109 95 4 880572721 +109 96 5 880572614 +109 97 3 880578711 +109 100 4 880563080 +109 101 1 880578186 +109 111 4 880564570 +109 117 5 880564457 +109 121 5 880571741 +109 127 2 880563471 +109 131 1 880579757 +109 144 4 880572560 +109 147 4 880564679 +109 151 5 880571661 +109 154 2 880578121 +109 157 4 880577961 +109 158 1 880579916 +109 159 4 880578121 +109 161 3 880572756 +109 162 2 880578358 +109 168 3 880577734 +109 172 5 880572528 +109 175 1 880577734 +109 176 5 880577868 +109 178 3 880572950 +109 180 3 880581127 +109 183 5 880572528 +109 186 3 880572786 +109 191 4 880577844 +109 195 5 880578038 +109 196 4 880578358 +109 200 2 880577734 +109 202 5 880578632 +109 204 4 880577844 +109 209 1 880572756 +109 210 5 880573084 +109 214 1 880577604 +109 215 3 880578598 +109 218 4 880578633 +109 222 4 880563471 +109 223 4 880572588 +109 226 5 880578503 +109 227 5 880579417 +109 228 5 880577604 +109 229 5 880578632 +109 230 5 880579107 +109 234 4 880578286 +109 237 4 880571770 +109 238 2 880580637 +109 245 3 880562908 +109 248 2 880564415 +109 250 2 880563471 +109 252 5 880571629 +109 257 5 880563331 +109 258 5 880562908 +109 278 3 880571770 +109 281 2 880571919 +109 282 3 880564678 +109 288 5 880562908 +109 291 3 880571801 +109 294 4 880562908 +109 295 4 880564707 +109 317 2 880573085 +109 318 4 880572680 +109 322 2 880562908 +109 356 4 880578711 +109 357 2 880572528 +109 358 2 880562908 +109 365 4 880581817 +109 367 3 880578121 +109 380 5 880578093 +109 385 4 880577961 +109 388 5 880583308 +109 391 2 880581127 +109 392 3 880579237 +109 393 4 880579237 +109 395 3 880583672 +109 402 4 880581344 +109 405 5 880564640 +109 409 2 880571920 +109 410 1 880564534 +109 423 4 880577514 +109 431 3 880578186 +109 441 2 880582633 +109 472 2 880571715 +109 475 1 880563641 +109 476 3 880571831 +109 508 4 880571629 +109 520 5 880572642 +109 527 3 880577604 +109 542 3 880582045 +109 545 2 880583493 +109 546 3 880571979 +109 550 5 880579107 +109 552 2 880582414 +109 559 3 880579709 +109 564 3 880582633 +109 566 4 880578814 +109 572 3 880583308 +109 576 3 880580663 +109 588 4 880578388 +109 595 3 880572108 +109 627 5 880582133 +109 631 3 880579371 +109 636 5 880581817 +109 655 3 880577735 +109 665 5 880582384 +109 672 2 880582045 +109 679 3 880578093 +109 715 2 880583519 +109 732 3 880572588 +109 742 5 880564457 +109 748 3 880562908 +109 755 5 880578814 +109 762 3 880571831 +109 796 3 880582856 +109 797 3 880582856 +109 810 3 880583410 +109 820 3 880572382 +109 823 3 880572296 +109 826 3 880572064 +109 831 2 880572296 +109 834 3 880583308 +109 845 4 880571684 +109 849 2 880582384 +109 866 4 880571872 +109 871 2 880572350 +109 924 3 880564415 +109 930 3 880572351 +109 931 2 880572407 +109 949 3 880582384 +109 975 3 880572351 +109 1011 3 880571872 +109 1012 4 880564570 +109 1013 3 880572296 +109 1014 4 880571979 +109 1016 5 880571661 +109 1023 2 880572350 +109 1028 4 880571831 +109 1039 2 880579418 +109 1135 4 880582976 +109 1139 2 880583463 +109 1157 4 880583646 +109 1161 3 880564678 +109 1210 3 880582230 +109 1244 3 880571872 +109 1245 2 880571872 +110 11 4 886987922 +110 12 4 886987826 +110 22 4 886987826 +110 28 4 886987979 +110 29 3 886988374 +110 31 3 886989057 +110 38 3 886988574 +110 43 3 886988100 +110 54 4 886988202 +110 63 3 886989363 +110 67 3 886989566 +110 68 2 886988631 +110 77 4 886988202 +110 79 4 886988480 +110 82 4 886988480 +110 88 4 886988967 +110 161 5 886988631 +110 184 1 886988631 +110 188 4 886988574 +110 195 2 886988480 +110 202 2 886988909 +110 204 3 886989276 +110 212 1 886988100 +110 232 3 886988449 +110 233 4 886988535 +110 238 3 886989340 +110 245 3 886987540 +110 272 4 886987145 +110 300 3 886987380 +110 301 2 886987505 +110 307 4 886987260 +110 326 4 886987417 +110 327 3 886987442 +110 332 3 886987287 +110 333 4 886987288 +110 338 1 886987540 +110 364 3 886989612 +110 366 3 886988341 +110 367 3 886989340 +110 384 2 886989524 +110 385 3 886988574 +110 393 3 886989363 +110 397 3 886988688 +110 403 3 886988134 +110 423 4 886987952 +110 468 3 886988202 +110 540 3 886988793 +110 550 3 886988664 +110 566 4 886988574 +110 568 3 886988449 +110 569 4 886988321 +110 575 3 886989566 +110 576 2 886988574 +110 578 3 886988536 +110 585 2 886989473 +110 642 2 886989126 +110 651 4 886988018 +110 658 3 886988065 +110 682 4 886987354 +110 688 1 886987605 +110 692 4 886988937 +110 715 2 886989440 +110 722 3 886989028 +110 732 3 886988018 +110 734 2 886989566 +110 739 4 886988937 +110 748 3 886987478 +110 751 3 886987183 +110 759 3 886988850 +110 779 3 886988793 +110 780 3 886989566 +110 783 3 886988967 +110 790 4 886989399 +110 791 2 886989473 +110 794 3 886988909 +110 806 3 886987952 +110 808 2 886988250 +110 939 4 886988042 +110 944 3 886989501 +110 947 3 886988574 +110 1055 2 886988134 +110 1090 2 886989191 +110 1179 2 886989501 +110 1182 2 886989566 +110 1188 4 886988818 +110 1206 3 886988321 +110 1228 3 886988689 +110 1229 3 886988374 +110 1246 2 886989613 +110 1248 3 886989126 +110 1250 3 886988818 +111 242 4 891679901 +111 269 5 891679692 +111 272 3 891679692 +111 286 4 891680076 +111 301 4 891680028 +111 302 5 891679971 +111 304 4 891679840 +111 305 2 891680243 +111 307 2 891680243 +111 311 4 891680028 +111 313 4 891679901 +111 315 5 891679692 +111 321 3 891680076 +111 326 3 891680131 +111 328 4 891679939 +111 333 4 891680028 +111 340 4 891679692 +111 354 4 891679692 +111 887 3 891679692 +111 896 2 891680243 +111 1024 3 891679939 +112 245 4 884992691 +112 258 3 884992484 +112 272 5 886398204 +112 286 4 884992484 +112 289 5 884992690 +112 294 3 884992566 +112 300 4 884992508 +112 302 4 886398509 +112 303 4 884992535 +112 306 5 891299783 +112 307 4 884992585 +112 310 4 884992444 +112 312 5 884992872 +112 313 5 884992444 +112 315 5 891299783 +112 316 5 892439693 +112 322 4 884992690 +112 325 1 884992714 +112 327 1 884992535 +112 328 4 884992566 +112 331 4 884992603 +112 332 4 886398611 +112 333 4 884992566 +112 346 5 891307980 +112 347 1 891302716 +112 354 3 891304031 +112 678 3 884992714 +112 689 4 884992668 +112 690 4 884992462 +112 748 3 884992651 +112 750 4 884992444 +112 751 4 884992754 +112 754 4 884992508 +112 888 4 886398699 +112 891 3 892439990 +112 903 1 892440172 +112 984 3 884992651 +113 9 3 875076307 +113 100 4 875935610 +113 126 5 875076827 +113 127 4 875935610 +113 222 3 875076872 +113 242 2 875075887 +113 245 3 875325377 +113 246 5 875076872 +113 255 5 875935609 +113 257 5 875935609 +113 258 5 875075887 +113 262 2 875075983 +113 277 3 875076416 +113 286 4 875325377 +113 288 3 875075887 +113 289 2 875075887 +113 292 3 875076105 +113 294 4 875935277 +113 299 5 875076986 +113 300 3 875075887 +113 319 2 875075887 +113 321 3 875075887 +113 322 3 875076044 +113 324 2 875076180 +113 325 4 875935610 +113 326 5 875935609 +113 327 5 875076987 +113 329 3 875935312 +113 333 4 875935609 +113 508 4 875325377 +113 595 5 875936424 +113 678 2 875076044 +113 742 3 875076827 +113 874 5 875935338 +113 975 5 875936424 +113 976 5 875936424 +113 979 5 875936424 +113 1251 5 875325377 +113 1252 4 875935610 +114 96 3 881259955 +114 98 4 881259495 +114 100 5 881259927 +114 135 4 881260611 +114 153 3 881309622 +114 157 2 881260611 +114 168 3 881259927 +114 171 4 881309511 +114 172 5 881259495 +114 175 5 881259955 +114 179 5 881260611 +114 182 3 881259994 +114 183 5 881260545 +114 186 3 881260352 +114 191 3 881309511 +114 195 4 881260861 +114 200 3 881260409 +114 204 3 881260441 +114 210 3 881309511 +114 224 3 881259839 +114 269 4 881256090 +114 474 5 881260170 +114 482 4 881259839 +114 496 4 881259994 +114 505 3 881260203 +114 507 3 881260303 +114 520 3 881260473 +114 522 5 881309662 +114 527 3 881309586 +114 615 2 881260441 +114 640 2 881260303 +114 654 3 881259741 +114 1104 5 881260352 +115 8 5 881171982 +115 9 5 881171982 +115 11 4 881171348 +115 12 5 881171982 +115 20 3 881171009 +115 22 3 881171273 +115 32 5 881171348 +115 48 5 881171203 +115 50 5 881172049 +115 69 1 881171825 +115 77 2 881171623 +115 79 4 881171273 +115 82 4 881172117 +115 83 3 881172183 +115 89 5 881172049 +115 92 4 881172049 +115 93 3 881170332 +115 100 5 881171982 +115 117 4 881171009 +115 124 5 881170332 +115 127 5 881171760 +115 137 5 881169776 +115 172 4 881171273 +115 176 5 881171203 +115 178 5 881172246 +115 181 4 881172049 +115 185 5 881171409 +115 187 5 881171203 +115 192 5 881171137 +115 218 3 881171623 +115 228 4 881171488 +115 229 3 881171693 +115 234 5 881171982 +115 240 5 881171982 +115 265 2 881171488 +115 269 3 881169559 +115 279 3 881170725 +115 282 4 881171009 +115 284 2 881170902 +115 302 4 881169559 +115 310 3 881169559 +115 317 5 881171137 +115 431 4 881171558 +115 443 4 881171622 +115 462 4 881171273 +115 466 5 881171558 +115 470 2 881171694 +115 471 2 881170791 +115 475 5 881170252 +115 479 5 881171825 +115 496 1 881171203 +115 508 5 881170438 +115 511 5 881172117 +115 530 5 881172117 +115 543 2 881172303 +115 558 5 881171203 +115 628 5 881169883 +115 642 5 881171693 +115 644 3 881172183 +115 654 5 881171409 +115 684 3 881171489 +115 696 4 881169984 +115 741 3 881170065 +115 762 4 881170508 +115 763 2 881170725 +115 772 4 881171273 +115 952 5 881170998 +115 969 1 881172183 +115 980 4 881169984 +115 1008 5 881171982 +115 1067 4 881171009 +115 1073 5 881171488 +116 7 2 876453915 +116 11 5 886310197 +116 50 3 876452443 +116 56 5 886310197 +116 65 2 876454052 +116 124 3 876453733 +116 127 5 876454257 +116 137 2 876454308 +116 145 2 876452980 +116 180 5 886310197 +116 181 4 876452523 +116 185 3 876453519 +116 187 5 886310197 +116 195 4 876453626 +116 199 4 876454174 +116 221 4 876453560 +116 246 5 876452405 +116 248 3 876452492 +116 249 2 876452705 +116 250 4 876452606 +116 255 3 876452524 +116 257 3 876452523 +116 259 4 876452186 +116 260 2 887605412 +116 262 3 876751342 +116 264 3 876452186 +116 269 3 886309452 +116 270 3 879864042 +116 271 4 886310197 +116 272 3 886309505 +116 275 2 876453519 +116 286 3 876451911 +116 289 4 876452094 +116 292 4 876453847 +116 294 2 876453376 +116 295 3 876452582 +116 298 3 876452555 +116 299 3 876452133 +116 300 3 876452094 +116 301 3 892683732 +116 303 3 890633075 +116 307 3 879864042 +116 311 3 886978067 +116 313 5 886978155 +116 315 3 886309605 +116 322 2 876452186 +116 323 3 876452186 +116 326 2 876453376 +116 331 3 876451911 +116 332 3 876451998 +116 340 3 879864008 +116 343 2 881246552 +116 344 5 892683820 +116 347 2 886309481 +116 350 3 886977926 +116 355 2 887605347 +116 421 3 876453800 +116 479 4 876454191 +116 484 4 886310197 +116 515 4 876452443 +116 531 2 876453519 +116 532 2 876452651 +116 539 2 886309573 +116 582 3 876453626 +116 596 5 876452854 +116 603 3 876454174 +116 604 3 876454174 +116 607 2 876453961 +116 640 3 876453560 +116 650 2 876452806 +116 661 4 876454023 +116 678 3 876452228 +116 690 3 877934548 +116 730 4 876453519 +116 750 4 886309481 +116 751 3 890131577 +116 758 1 876452980 +116 760 3 886309812 +116 806 4 876453800 +116 840 1 886309958 +116 880 3 876680723 +116 887 3 881246591 +116 895 2 886309812 +116 896 2 890632896 +116 902 2 890632896 +116 903 2 890632956 +116 905 2 890131519 +116 914 2 892683732 +116 916 2 892683699 +116 942 3 876454090 +116 993 2 876453376 +116 1016 2 876453376 +116 1020 3 887605454 +116 1039 4 876453915 +116 1082 3 876453171 +116 1089 2 876453376 +116 1134 4 886310197 +116 1142 4 876452492 +116 1216 3 876452582 +116 1220 2 876453865 +116 1244 2 876453191 +116 1253 2 876454109 +116 1255 2 876453377 +116 1256 1 876453222 +116 1257 1 876452651 +116 1258 2 876453376 +117 1 4 880126083 +117 7 3 880125780 +117 11 5 881011824 +117 12 5 881011350 +117 15 5 880125887 +117 25 4 881009470 +117 50 5 880126022 +117 56 5 881011807 +117 96 5 881012530 +117 98 4 881012430 +117 109 4 880126336 +117 117 5 880126461 +117 121 4 880126038 +117 132 4 881012110 +117 143 1 881012472 +117 150 4 880125101 +117 151 4 880126373 +117 156 4 881011376 +117 164 5 881011727 +117 168 5 881012550 +117 174 4 881011393 +117 176 5 881012028 +117 181 5 880124648 +117 184 3 881012601 +117 195 5 881012255 +117 214 5 881012193 +117 222 5 886020290 +117 240 3 880126038 +117 249 4 880125911 +117 252 3 881010322 +117 257 5 880125911 +117 258 4 880126022 +117 265 4 881012940 +117 268 5 880124306 +117 271 4 880124397 +117 282 5 880126295 +117 288 3 880124254 +117 298 5 886020525 +117 307 5 880124339 +117 313 5 886018980 +117 338 3 886019636 +117 358 4 880124509 +117 368 3 881010610 +117 405 5 880126174 +117 410 3 886021458 +117 411 3 880126232 +117 421 5 881012601 +117 475 5 880125746 +117 588 3 881011697 +117 596 3 880126392 +117 597 4 881010052 +117 628 5 881012174 +117 742 4 880126022 +117 751 5 886018996 +117 758 2 881011217 +117 772 4 881012728 +117 829 3 881010219 +117 886 5 880124413 +117 895 2 886019030 +117 928 3 881009471 +117 931 3 881010728 +117 1012 4 881008815 +117 1014 3 886021192 +117 1016 5 881008815 +117 1047 2 881009697 +117 1057 2 881010401 +117 1059 3 881008632 +117 1095 3 881010938 +117 1165 3 881010727 +118 5 2 875385256 +118 17 3 875385257 +118 22 5 875385136 +118 23 5 875384979 +118 32 5 875384979 +118 100 5 875384751 +118 134 5 875384916 +118 156 5 875384946 +118 164 5 875385386 +118 172 5 875384751 +118 174 5 875385007 +118 175 5 875384885 +118 176 5 875384793 +118 179 5 875384612 +118 184 5 875385057 +118 185 5 875384979 +118 188 5 875384669 +118 193 5 875384793 +118 200 5 875384647 +118 201 5 875385198 +118 217 3 875385257 +118 218 5 875385386 +118 234 5 875385386 +118 258 5 875385386 +118 317 5 875384885 +118 324 4 875384444 +118 421 4 875384946 +118 427 5 875384751 +118 433 5 875384793 +118 436 5 875385280 +118 474 5 875384571 +118 475 5 875384793 +118 508 4 875385057 +118 511 5 875384885 +118 528 4 875384514 +118 547 5 875385228 +118 558 5 875385228 +118 654 5 875385007 +118 655 5 875385136 +118 672 4 875385257 +118 774 5 875385198 +118 816 3 875385335 +118 844 5 875385256 +118 853 5 875385228 +119 7 5 874775185 +119 9 4 890627252 +119 12 3 874781915 +119 24 4 886177076 +119 28 5 874782022 +119 31 5 874781779 +119 40 4 886176993 +119 54 4 886176814 +119 64 4 874781460 +119 70 3 874781829 +119 82 2 874781352 +119 83 4 886176922 +119 86 4 874782068 +119 87 5 874781829 +119 89 4 874781352 +119 93 4 874775262 +119 100 5 874774575 +119 105 2 874775849 +119 109 5 874775580 +119 111 5 886176779 +119 117 5 874775535 +119 121 4 874775311 +119 124 4 874781994 +119 125 5 874775262 +119 137 5 886176486 +119 144 4 887038665 +119 147 4 886176486 +119 154 5 874782022 +119 172 4 874782191 +119 174 4 874781303 +119 181 4 874775406 +119 182 4 874781303 +119 188 4 874781742 +119 193 4 874781872 +119 194 5 874781257 +119 196 5 886177162 +119 199 5 874781994 +119 204 4 886177659 +119 209 4 886177544 +119 213 5 874781257 +119 222 5 874775311 +119 235 5 874774956 +119 237 5 874775038 +119 245 4 886176618 +119 250 2 874775731 +119 252 3 874780832 +119 254 2 874781037 +119 255 3 874775914 +119 257 4 874775614 +119 258 2 887037225 +119 259 4 886175571 +119 268 5 886175117 +119 269 3 892564213 +119 271 4 886175150 +119 272 5 886611471 +119 274 4 874775580 +119 275 5 874774575 +119 277 4 874774993 +119 282 5 874775136 +119 286 5 874774286 +119 287 4 874775465 +119 288 4 886175150 +119 298 4 874775038 +119 299 4 890626446 +119 310 5 886175117 +119 313 5 886176135 +119 315 5 886175571 +119 316 4 890626706 +119 322 4 874774449 +119 323 4 874774449 +119 328 4 876923913 +119 338 1 892565167 +119 340 4 886176485 +119 349 3 887038665 +119 354 5 890626231 +119 382 5 874781742 +119 385 5 874781994 +119 392 4 886176814 +119 405 4 874775815 +119 407 3 887038665 +119 410 1 890627339 +119 449 5 874782190 +119 451 5 891286958 +119 455 4 874774719 +119 458 5 874774575 +119 471 4 886177338 +119 472 4 874775406 +119 473 3 874775647 +119 475 4 874775580 +119 486 4 874781547 +119 492 5 874781198 +119 506 5 886176779 +119 511 5 874781407 +119 526 2 886177762 +119 544 2 886177206 +119 546 4 874775914 +119 550 4 887038665 +119 562 4 886177206 +119 568 4 874781915 +119 595 3 874781067 +119 616 2 886177206 +119 628 4 874775185 +119 655 5 874781628 +119 658 5 874782127 +119 684 4 886177338 +119 697 5 874782068 +119 716 5 874782190 +119 717 3 874775945 +119 718 5 874774956 +119 727 5 887038711 +119 741 4 874774815 +119 742 5 874775406 +119 751 3 886175361 +119 826 4 874775580 +119 827 3 874775815 +119 829 5 874775406 +119 845 4 886176922 +119 866 3 874774575 +119 924 4 874775535 +119 930 3 874775945 +119 977 3 874780969 +119 982 4 874775406 +119 995 4 891287008 +119 1016 5 874775262 +119 1086 4 874775136 +119 1101 5 874781779 +119 1137 5 886176922 +119 1153 5 874781198 +119 1160 5 887038711 +119 1170 3 890627339 +119 1197 4 886176922 +119 1202 4 874775680 +119 1244 3 874781037 +119 1259 3 874780996 +119 1261 4 874781198 +119 1262 3 890627252 +119 1263 3 886177338 +119 1264 3 886176993 +119 1265 3 891287060 +120 9 4 889489886 +120 25 5 889490370 +120 50 4 889489973 +120 118 2 889490979 +120 125 4 889490447 +120 127 4 889489772 +120 148 3 889490499 +120 245 3 889490633 +120 252 3 889490633 +120 257 2 889490979 +120 282 4 889490172 +120 286 5 889489943 +120 405 4 889490580 +120 508 2 889490979 +120 515 5 889489772 +120 546 2 889490979 +120 744 4 889490522 +120 924 4 889490290 +121 1 4 891388475 +121 9 5 891390013 +121 11 2 891387992 +121 12 5 891390014 +121 14 5 891390014 +121 25 5 891390316 +121 50 5 891390014 +121 57 5 891390014 +121 86 5 891388286 +121 98 5 891388210 +121 117 1 891388600 +121 118 2 891390501 +121 121 2 891388501 +121 122 2 891390501 +121 125 2 891388600 +121 126 3 891388936 +121 135 5 891388090 +121 137 5 891388501 +121 156 4 891388145 +121 172 5 891388090 +121 174 3 891388063 +121 180 3 891388286 +121 181 5 891390014 +121 192 4 891388250 +121 197 4 891388286 +121 235 1 891390579 +121 237 5 891388708 +121 249 1 891388708 +121 257 5 891390014 +121 275 4 891390233 +121 276 3 891388453 +121 282 1 891389037 +121 291 3 891390477 +121 292 4 891388960 +121 294 4 891389522 +121 298 2 891388676 +121 300 3 891387810 +121 315 4 891389282 +121 318 5 891390013 +121 347 3 891389304 +121 405 2 891390579 +121 411 1 891390544 +121 428 5 891388333 +121 458 1 891388847 +121 472 3 891390599 +121 508 4 891388333 +121 509 5 891388145 +121 514 3 891387947 +121 515 4 891388391 +121 631 4 891387992 +121 644 4 891388035 +121 717 5 891390688 +121 736 5 891387992 +121 740 3 891390544 +121 744 3 891388936 +121 1194 4 891388210 +122 28 4 879270084 +122 46 5 879270567 +122 57 2 879270644 +122 70 5 879270606 +122 83 5 879270327 +122 86 5 879270458 +122 127 5 879270424 +122 135 4 879270327 +122 175 5 879270084 +122 187 4 879270424 +122 190 4 879270424 +122 191 5 879270128 +122 197 5 879270482 +122 212 5 879270567 +122 214 2 879270676 +122 215 4 879270676 +122 239 4 879270741 +122 357 3 879270084 +122 378 4 879270769 +122 382 3 879270711 +122 387 5 879270459 +122 403 4 879270805 +122 423 4 879270805 +122 427 3 879270165 +122 464 5 879270541 +122 469 5 879270644 +122 470 3 879270901 +122 509 4 879270511 +122 510 4 879270327 +122 511 5 879270084 +122 513 4 879270084 +122 519 4 879270129 +122 553 3 879270741 +122 570 3 879270849 +122 699 5 879270541 +122 708 5 879270605 +122 715 5 879270741 +122 727 4 879270849 +122 736 4 879270606 +122 737 4 879270874 +122 792 3 879270459 +122 1045 4 879270605 +122 1074 4 879270901 +122 1113 5 879270677 +122 1119 3 879270769 +122 1168 4 879270902 +122 1267 4 879270769 +122 1268 2 879270711 +123 13 3 879873988 +123 14 5 879872540 +123 22 4 879809943 +123 23 4 879873020 +123 50 3 879873726 +123 64 3 879872791 +123 127 5 879809943 +123 132 3 879872672 +123 134 4 879872275 +123 135 5 879872868 +123 143 5 879872406 +123 165 5 879872672 +123 182 4 879872671 +123 185 4 879873120 +123 187 4 879809943 +123 192 5 879873119 +123 255 1 879873905 +123 275 4 879873726 +123 285 5 879873830 +123 288 3 879809053 +123 294 1 879809529 +123 321 4 879809220 +123 427 3 879873020 +123 432 5 879873120 +123 480 3 879872540 +123 482 4 879872406 +123 485 5 879872792 +123 487 3 879872192 +123 511 5 879872066 +123 531 3 879872671 +123 606 3 879872540 +123 704 3 879873120 +123 707 5 879809943 +123 735 2 879872868 +123 847 4 879873193 +123 962 3 879872405 +123 1269 2 879872867 +124 1 3 890287733 +124 7 4 890287645 +124 11 5 890287645 +124 50 3 890287508 +124 79 3 890287395 +124 96 4 890399864 +124 117 3 890287181 +124 157 2 890287936 +124 166 5 890287645 +124 173 2 890287687 +124 195 4 890399864 +124 226 4 890287645 +124 496 1 890286933 +124 550 4 890287645 +124 616 4 890287645 +125 1 4 879454699 +125 8 4 879454419 +125 21 3 892838424 +125 22 5 892836395 +125 25 1 879454987 +125 28 4 879454385 +125 49 3 879455241 +125 50 5 892836362 +125 63 3 892838558 +125 64 5 879454139 +125 66 5 879455184 +125 67 5 892838865 +125 69 4 879454628 +125 70 3 892838287 +125 72 4 892838322 +125 73 5 892838288 +125 80 4 892838865 +125 82 5 879454386 +125 83 4 879454345 +125 85 3 892838424 +125 87 5 892836464 +125 88 5 879455184 +125 90 5 892838623 +125 94 5 892839065 +125 95 5 879454628 +125 97 3 879454385 +125 98 5 879454345 +125 111 3 892838322 +125 116 4 892838322 +125 117 3 879454699 +125 120 1 892839312 +125 122 1 892839312 +125 134 5 879454532 +125 136 5 879454309 +125 143 5 879454793 +125 144 5 879454197 +125 150 1 879454892 +125 152 1 879454892 +125 153 2 879454419 +125 158 4 892839066 +125 163 5 879454956 +125 168 5 879454793 +125 172 5 879454448 +125 173 5 879454100 +125 174 5 879454309 +125 175 2 879455184 +125 186 3 879454448 +125 190 5 892836309 +125 194 5 879454986 +125 198 3 879454385 +125 202 5 892836523 +125 204 5 879454139 +125 205 5 879454345 +125 208 3 879454244 +125 209 4 879455241 +125 222 5 892836465 +125 235 2 892838559 +125 236 1 879454891 +125 238 3 892838322 +125 239 5 892838375 +125 243 2 892836123 +125 269 1 879454002 +125 270 4 881357122 +125 275 5 879454532 +125 283 5 879454986 +125 289 5 892835854 +125 290 4 892838375 +125 318 5 879454309 +125 346 1 892835800 +125 357 3 879454100 +125 376 3 892838510 +125 382 1 892836623 +125 383 2 892839412 +125 384 3 892838591 +125 386 3 892838827 +125 388 2 892839270 +125 393 4 879455241 +125 395 3 892838687 +125 401 4 892838656 +125 407 2 892839312 +125 411 3 892839091 +125 430 4 879454309 +125 434 4 879454100 +125 475 1 879454244 +125 478 4 879454628 +125 479 4 879454386 +125 482 1 892836309 +125 483 4 879454628 +125 485 5 892836335 +125 493 4 879454448 +125 496 5 879454419 +125 498 5 892836395 +125 508 1 892838351 +125 511 5 879454699 +125 568 5 879454277 +125 571 3 892838827 +125 577 2 892839312 +125 615 3 879454793 +125 648 4 879454793 +125 657 3 892836422 +125 663 3 879454956 +125 687 3 892836268 +125 692 3 892836523 +125 709 3 879454891 +125 710 5 879454699 +125 722 3 892838687 +125 732 4 879455019 +125 734 3 892838977 +125 746 3 879455018 +125 756 4 892838424 +125 763 3 892836574 +125 781 3 892838463 +125 785 3 892838558 +125 796 3 892838591 +125 801 3 892838424 +125 813 1 879455184 +125 864 3 892838591 +125 926 3 892839066 +125 940 2 892838827 +125 945 5 892836465 +125 949 3 892838623 +125 996 3 892838424 +125 997 2 892838976 +125 999 4 892838288 +125 1000 3 892838977 +125 1036 2 892839191 +125 1037 2 892839143 +125 1052 2 892839457 +125 1060 4 879454699 +125 1074 3 892838827 +125 1093 1 892839412 +125 1170 1 892838591 +125 1180 3 892838865 +125 1183 2 892839312 +125 1204 3 879454419 +125 1249 3 892838322 +125 1270 3 892838977 +125 1271 2 892839021 +125 1272 1 879454892 +126 243 5 887855342 +126 245 3 887854726 +126 258 4 887853919 +126 260 1 887855173 +126 262 4 887854726 +126 266 5 887938392 +126 286 3 887853469 +126 288 4 887853469 +126 289 3 887855174 +126 294 3 887855087 +126 302 4 887853469 +126 303 3 887854825 +126 310 2 887854652 +126 313 5 887854726 +126 316 4 887855231 +126 319 2 887938081 +126 322 3 887854777 +126 323 3 887853568 +126 327 3 887855087 +126 332 2 887853735 +126 337 5 887938392 +126 350 2 887854892 +126 353 5 887938392 +126 678 3 887855283 +126 681 5 887938392 +126 682 1 887855034 +126 751 4 887853568 +126 752 3 887855342 +126 878 5 887938392 +126 881 5 887938392 +126 884 5 887938392 +126 905 2 887855283 +126 990 4 887855231 +126 1175 5 887856958 +127 50 4 884364866 +127 227 4 884364867 +127 228 5 884364866 +127 229 5 884364867 +127 230 5 884364866 +127 243 5 884364764 +127 258 5 884364017 +127 268 1 884363990 +127 286 1 884364525 +127 288 5 884363851 +127 294 4 884363803 +127 300 5 884364017 +127 380 5 884364950 +127 449 4 884364950 +127 450 5 884364950 +127 690 1 884363851 +127 748 5 884364108 +127 901 5 884363990 +128 1 4 879966919 +128 14 5 879967341 +128 15 4 879968827 +128 28 5 879966785 +128 48 4 879967767 +128 50 4 879967268 +128 54 2 879968415 +128 56 3 879966785 +128 58 3 879968008 +128 64 5 879966954 +128 65 4 879968512 +128 66 3 879969329 +128 69 4 879966867 +128 73 3 879969032 +128 77 3 879968447 +128 79 4 879967692 +128 83 5 879967691 +128 86 5 879966919 +128 88 4 879969390 +128 97 3 879968125 +128 98 4 879967047 +128 99 4 879967840 +128 111 3 879969215 +128 117 5 879967631 +128 118 5 879968896 +128 131 5 879967452 +128 136 5 879967080 +128 140 4 879968308 +128 143 5 879967300 +128 151 3 879968921 +128 161 5 879968896 +128 173 5 879966756 +128 174 3 879966954 +128 179 3 879967767 +128 180 5 879967174 +128 182 4 879967225 +128 186 5 879966895 +128 190 4 879967016 +128 204 4 879967478 +128 209 4 879968332 +128 210 4 879968125 +128 213 3 879967300 +128 215 3 879967452 +128 216 5 879967102 +128 220 1 879968352 +128 223 5 879966839 +128 227 2 879968946 +128 228 3 879969329 +128 229 2 879968071 +128 237 4 879966954 +128 238 4 879968125 +128 258 2 879966299 +128 265 5 879968663 +128 274 4 879969084 +128 275 5 879967016 +128 276 4 879967550 +128 280 1 879968579 +128 282 3 879967550 +128 283 5 879966729 +128 284 3 879968663 +128 294 4 879966376 +128 300 5 879966355 +128 317 4 879968029 +128 319 5 879966274 +128 322 2 879966447 +128 367 4 879968858 +128 371 1 879966954 +128 378 5 879967804 +128 380 4 879968946 +128 381 3 879969033 +128 392 3 879967102 +128 393 4 879969136 +128 402 1 879969136 +128 404 3 879968308 +128 405 4 879968859 +128 416 3 879967367 +128 417 4 879968447 +128 418 4 879968164 +128 422 4 879968598 +128 423 4 879967966 +128 425 5 879967197 +128 427 5 879966685 +128 432 2 879968125 +128 433 4 879967225 +128 451 4 879967879 +128 458 4 879968921 +128 462 4 879966729 +128 465 4 879968008 +128 468 1 879968243 +128 482 4 879967432 +128 485 3 879966895 +128 490 5 879966785 +128 494 4 879967016 +128 496 5 879967225 +128 501 3 879968921 +128 505 4 879967136 +128 506 4 879968125 +128 507 4 879966685 +128 508 4 879967767 +128 531 4 879966685 +128 553 3 879968718 +128 568 4 879968544 +128 588 5 879967136 +128 591 4 879967879 +128 602 4 879967478 +128 603 5 879966839 +128 605 3 879967804 +128 609 4 879967550 +128 614 3 879967879 +128 633 4 879967729 +128 660 2 879968415 +128 684 4 879969390 +128 685 3 879968774 +128 686 4 879967174 +128 702 3 879967879 +128 715 4 879968512 +128 723 3 879967966 +128 736 5 879968352 +128 739 4 879969349 +128 742 3 879967197 +128 747 3 879968742 +128 763 4 879968718 +128 785 2 879968243 +128 790 4 879969277 +128 869 3 879969064 +128 949 4 879968896 +128 955 5 879969064 +128 965 3 879968279 +128 966 4 879968071 +128 1039 4 879967079 +128 1053 3 879968494 +128 1063 2 879967047 +128 1136 3 879969084 +128 1141 4 879968827 +129 242 4 883243972 +129 245 2 883245452 +129 258 2 883245452 +129 268 1 883245452 +129 269 4 883244011 +129 270 3 883243934 +129 272 4 883243972 +129 288 1 883245452 +129 300 3 883243934 +129 303 3 883244011 +129 304 3 883244707 +129 307 2 883244637 +129 310 2 883244011 +129 313 3 883243934 +129 323 1 883245452 +129 327 3 883244060 +129 331 2 883244737 +129 339 2 883244737 +129 748 2 883245452 +129 873 1 883245452 +129 903 2 883245311 +129 906 5 883245310 +129 990 2 883245452 +129 995 2 883245452 +129 1176 4 883244059 +130 1 5 874953595 +130 2 4 876252327 +130 3 5 876250897 +130 4 2 875801778 +130 7 5 874953557 +130 12 4 875216340 +130 17 5 875217096 +130 22 5 875217265 +130 28 4 875217172 +130 29 3 878537558 +130 33 5 876252087 +130 38 4 876252263 +130 39 4 875801496 +130 41 3 875801662 +130 42 4 875801422 +130 44 4 875801662 +130 47 3 875801470 +130 49 4 875802236 +130 50 5 874953665 +130 53 3 876251972 +130 55 5 875216507 +130 56 5 875216283 +130 58 2 876251619 +130 63 4 876252521 +130 64 5 875801549 +130 66 5 875802173 +130 67 4 876252064 +130 68 5 875216283 +130 69 5 875216718 +130 71 5 875801695 +130 77 5 880396792 +130 84 4 876252497 +130 88 2 875217265 +130 89 4 875216458 +130 90 4 875801920 +130 93 5 874953665 +130 94 5 875802058 +130 95 5 875216867 +130 96 5 875216786 +130 99 5 875216786 +130 105 4 876251160 +130 109 3 874953794 +130 111 5 874953825 +130 117 5 874953895 +130 121 5 876250746 +130 122 3 876251090 +130 123 4 875216112 +130 125 5 875801963 +130 128 4 876251728 +130 134 5 875801750 +130 143 5 876251922 +130 144 5 875216717 +130 147 4 876250746 +130 148 4 876251127 +130 150 5 874953558 +130 156 3 875801447 +130 158 5 875801897 +130 161 4 875802058 +130 168 3 875216786 +130 172 5 875801530 +130 173 3 875216593 +130 174 5 875216249 +130 176 5 881536127 +130 179 4 875217265 +130 183 5 875801369 +130 184 4 875801695 +130 185 5 875217033 +130 188 4 876251895 +130 195 5 875801470 +130 196 5 875801695 +130 200 5 875217392 +130 202 5 875216507 +130 203 4 875801716 +130 204 5 875216718 +130 206 3 875801695 +130 210 5 876252288 +130 216 4 875216545 +130 217 3 875801940 +130 218 5 875801388 +130 219 5 876252472 +130 222 4 874953769 +130 226 5 876252420 +130 228 4 875216420 +130 229 4 875802173 +130 230 3 876251895 +130 231 3 875801422 +130 233 4 875801750 +130 234 5 875216932 +130 236 5 876251160 +130 239 4 878538071 +130 240 4 875801750 +130 243 2 874953526 +130 245 1 874953526 +130 254 2 876251160 +130 255 4 874953794 +130 257 4 874953665 +130 258 4 874953526 +130 267 5 875801239 +130 268 4 875801210 +130 270 5 877984734 +130 271 5 879352077 +130 272 5 888962577 +130 276 4 878537447 +130 281 4 876250850 +130 282 5 875801750 +130 284 2 874953728 +130 286 5 874953239 +130 288 5 874953291 +130 290 3 876250955 +130 291 4 876250932 +130 293 5 874953769 +130 294 5 874953337 +130 295 3 874953698 +130 298 5 874953769 +130 300 5 874953239 +130 307 4 877984546 +130 316 4 888211794 +130 321 5 874953291 +130 322 4 874953525 +130 326 5 874953239 +130 329 4 874953337 +130 330 4 874953424 +130 331 3 875801345 +130 332 4 876250582 +130 333 5 875801239 +130 335 3 875801254 +130 346 4 884623704 +130 347 4 884623800 +130 350 4 886023989 +130 353 1 888211764 +130 355 4 888211731 +130 356 4 880396792 +130 357 5 875216933 +130 358 4 874953526 +130 363 3 876250781 +130 366 5 876251972 +130 367 4 875801369 +130 373 4 878537681 +130 374 4 875217392 +130 379 4 875801662 +130 385 5 875802080 +130 389 3 875216786 +130 392 4 876252243 +130 393 5 876252472 +130 398 3 878537516 +130 404 5 875802137 +130 405 4 875801984 +130 410 5 875802105 +130 413 3 876251127 +130 418 5 875801631 +130 419 5 876251515 +130 426 4 875801897 +130 433 3 875216718 +130 443 5 876251446 +130 444 4 880396495 +130 453 3 880396602 +130 455 4 874953728 +130 471 2 874953928 +130 475 3 874953595 +130 496 5 875216593 +130 508 4 874953557 +130 534 5 874953728 +130 538 5 884623983 +130 541 3 876252307 +130 542 3 875801778 +130 546 4 876250932 +130 550 5 878537602 +130 552 5 876252225 +130 554 4 876252288 +130 564 4 875802137 +130 566 4 878537558 +130 567 2 876252225 +130 568 5 876251693 +130 569 3 880396494 +130 572 3 878537853 +130 578 5 878537681 +130 588 4 875216867 +130 596 4 874953825 +130 597 4 874953866 +130 619 4 876251409 +130 622 3 875802173 +130 625 5 875801750 +130 627 5 875801496 +130 642 4 875216933 +130 669 4 888962754 +130 672 5 875801920 +130 678 4 874953526 +130 681 3 875801315 +130 682 4 881076059 +130 684 5 875802236 +130 685 3 874953895 +130 689 2 880396150 +130 717 3 874953928 +130 721 3 880396278 +130 729 4 876252042 +130 731 3 876251922 +130 739 5 876252420 +130 742 5 876251053 +130 743 2 878537778 +130 748 4 874953526 +130 751 5 884623756 +130 752 5 888211864 +130 756 4 874953866 +130 761 3 876251650 +130 771 2 878537631 +130 772 4 876251804 +130 779 4 878537558 +130 794 5 875802137 +130 798 1 878537631 +130 800 4 875802237 +130 802 5 876252136 +130 806 3 875217096 +130 808 5 878537631 +130 815 3 874953866 +130 819 3 874953825 +130 820 5 876251312 +130 824 3 875801830 +130 827 4 876251312 +130 833 4 876251037 +130 876 4 874953291 +130 881 4 875801239 +130 890 4 880396249 +130 901 1 884624044 +130 928 4 876251287 +130 930 3 876251072 +130 931 2 880396881 +130 932 3 876251389 +130 934 4 876251341 +130 940 3 875217392 +130 944 4 876252042 +130 946 4 875801830 +130 949 3 876251944 +130 959 4 876251865 +130 975 5 876251357 +130 993 5 874953665 +130 1013 4 876251287 +130 1014 3 876250718 +130 1016 4 874953698 +130 1017 3 874953895 +130 1019 4 875801530 +130 1047 5 875801897 +130 1049 3 876251341 +130 1058 5 876252064 +130 1088 2 876250805 +130 1136 4 876252373 +130 1142 4 874953595 +130 1157 3 880396861 +130 1207 1 880396861 +130 1208 4 875802211 +130 1210 2 880396831 +130 1215 2 876251389 +130 1217 4 875801778 +130 1220 5 876252343 +130 1228 3 878537681 +130 1245 3 876251312 +130 1246 3 876252497 +130 1248 3 880396702 +130 1273 2 880396792 +130 1274 2 878537853 +130 1275 5 876252288 +130 1276 4 876251312 +130 1277 4 876250897 +130 1278 5 876251127 +130 1279 4 876251217 +130 1280 4 877984734 +131 1 4 883681384 +131 9 5 883681723 +131 14 5 883681313 +131 19 4 883681418 +131 100 5 883681418 +131 126 4 883681514 +131 137 1 883681466 +131 221 3 883681561 +131 248 3 883681262 +131 269 5 883681723 +131 274 3 883681351 +131 275 2 883681384 +131 285 5 883681723 +131 286 5 883681514 +131 287 4 883681351 +131 297 4 883681514 +131 302 5 883681723 +131 313 5 883681723 +131 536 5 883681723 +131 744 4 883681384 +131 750 5 883681723 +131 813 3 883681466 +131 845 4 883681351 +131 1281 4 883681561 +132 50 3 891278774 +132 100 4 891278744 +132 124 4 891278996 +132 137 4 891278996 +132 154 4 891278996 +132 251 4 891278996 +132 275 3 891278915 +132 285 4 891278996 +132 286 3 891278680 +132 521 4 891278996 +132 664 5 891278996 +132 806 3 891278896 +132 922 5 891278996 +132 1019 3 891278867 +132 1154 3 891278896 +133 243 3 890589035 +133 245 3 890588878 +133 258 5 890588639 +133 260 1 890588878 +133 269 4 890588766 +133 271 5 890588766 +133 286 2 890588524 +133 294 3 890588852 +133 304 3 890588639 +133 306 4 890588612 +133 315 4 890588524 +133 316 4 890588928 +133 322 2 890588852 +133 328 3 890588577 +133 343 2 890589188 +133 355 2 890588928 +133 539 1 890588720 +133 750 4 890588720 +133 751 3 890588547 +133 902 3 890588672 +134 1 5 891732756 +134 15 5 891732726 +134 258 4 891732122 +134 259 2 891732393 +134 269 3 891732122 +134 286 3 891732334 +134 294 4 891732365 +134 300 3 891732220 +134 301 2 891732296 +134 302 2 891732150 +134 313 5 891732150 +134 315 3 891732122 +134 323 4 891732335 +134 338 4 891732532 +134 339 2 891732507 +134 508 3 891732726 +134 539 4 891732335 +134 678 4 891732271 +134 748 5 891732365 +134 751 5 891732335 +134 879 4 891732393 +134 892 2 891732532 +135 5 3 879857868 +135 12 4 879857764 +135 23 4 879857765 +135 33 3 879857930 +135 38 3 879858003 +135 39 3 879857931 +135 54 3 879858003 +135 55 4 879857797 +135 77 4 879858003 +135 79 3 879857843 +135 176 4 879857765 +135 183 4 879857723 +135 185 4 879857797 +135 203 4 879857797 +135 226 3 879857956 +135 227 3 879857843 +135 228 4 879857797 +135 229 2 879857843 +135 233 3 879857843 +135 258 4 879857575 +135 265 3 879857797 +135 294 4 879857575 +135 321 4 879857575 +135 324 3 879857575 +135 325 4 879857575 +135 327 4 879857575 +135 379 2 879857956 +135 431 2 879857868 +135 443 4 879857868 +135 449 3 879857843 +135 452 2 879857843 +135 470 4 879857931 +135 475 4 879857592 +135 504 4 879857843 +135 554 3 879858003 +135 564 1 879857956 +135 566 3 879857930 +135 581 4 879857931 +135 603 4 879857765 +135 642 4 879857868 +135 653 4 879857765 +135 744 4 879857612 +135 802 2 879858003 +135 939 4 879857797 +135 943 3 879857931 +135 1046 3 879858003 +135 1208 3 879858003 +135 1217 2 879857956 +136 9 5 882693429 +136 14 5 882693338 +136 15 4 882693723 +136 19 4 882693529 +136 42 3 882848866 +136 56 4 882848783 +136 89 4 882848925 +136 100 5 882693338 +136 117 4 882694498 +136 124 5 882693489 +136 127 5 882693404 +136 223 4 882848820 +136 257 3 882693234 +136 258 5 882693234 +136 269 5 882693234 +136 276 5 882693489 +136 298 4 882693569 +136 313 2 882693234 +136 515 5 882694387 +136 747 4 882848866 +136 847 4 882693371 +136 1142 4 882693569 +137 15 4 881432965 +137 50 5 881432937 +137 51 1 881433605 +137 55 5 881433689 +137 79 5 881433689 +137 96 5 881433654 +137 117 5 881433015 +137 118 5 881433179 +137 144 5 881433689 +137 172 5 881433719 +137 183 5 881433689 +137 195 5 881433689 +137 222 5 881432908 +137 235 5 881433357 +137 237 4 881432965 +137 249 4 881433387 +137 250 5 881433015 +137 257 5 881433048 +137 261 5 882805603 +137 266 5 881432735 +137 289 3 881432671 +137 300 5 881432524 +137 327 4 881432671 +137 411 5 881433490 +137 472 4 881433336 +137 546 5 881433116 +137 597 5 881432987 +137 685 5 881433296 +137 687 4 881432756 +137 690 2 881432482 +137 866 3 881433090 +137 1028 5 881433409 +138 1 4 879023031 +138 14 3 879022730 +138 26 5 879024232 +138 45 5 879024232 +138 98 5 879024043 +138 100 5 879022956 +138 111 4 879022890 +138 116 2 879022956 +138 121 4 879023558 +138 137 5 879023131 +138 147 4 879023779 +138 150 3 879023131 +138 151 4 879023389 +138 185 4 879023853 +138 209 4 879023948 +138 211 4 879024183 +138 238 5 879024382 +138 285 4 879023245 +138 318 5 879024183 +138 357 4 879024327 +138 474 5 879024327 +138 483 5 879024280 +138 484 4 879024127 +138 493 4 879024382 +138 496 4 879024043 +138 497 5 879023947 +138 509 4 879024232 +138 514 5 879024043 +138 517 4 879024279 +138 519 5 879024043 +138 523 5 879024043 +138 602 4 879024382 +138 614 4 879024184 +138 617 4 879024128 +138 742 4 879023245 +139 100 5 879538199 +139 127 5 879538578 +139 222 3 879538199 +139 237 3 879538254 +139 242 3 879537876 +139 246 4 879538218 +139 268 4 879537876 +139 286 4 879537844 +139 288 4 879537918 +139 302 3 879537844 +139 303 5 879538021 +139 307 4 879537876 +139 458 4 879538578 +139 475 5 879538415 +139 508 4 879538255 +139 676 4 879538275 +139 744 5 879538169 +139 1233 5 879537844 +140 245 3 879013720 +140 258 3 879013617 +140 268 4 879013684 +140 288 3 879013617 +140 289 4 879013719 +140 301 3 879013747 +140 303 5 879013684 +140 304 4 879013747 +140 319 4 879013617 +140 321 4 879013651 +140 322 3 879013684 +140 325 3 879013719 +140 332 3 879013617 +140 334 2 879013684 +140 872 3 879013651 +140 873 2 879013719 +140 880 4 879013832 +140 988 3 879013719 +141 1 3 884584753 +141 15 5 884584981 +141 25 5 884585105 +141 50 4 884584735 +141 100 4 884584688 +141 106 5 884585195 +141 117 4 884584929 +141 120 4 884585547 +141 125 5 884585642 +141 151 2 884585039 +141 181 4 884584709 +141 222 4 884584865 +141 225 3 884585523 +141 237 4 884584865 +141 245 3 884584426 +141 249 2 884585386 +141 252 4 884585195 +141 255 4 884585039 +141 257 3 884584773 +141 258 5 884584338 +141 274 5 884585220 +141 276 1 884584817 +141 281 4 884584865 +141 288 3 884584386 +141 290 1 884584817 +141 291 5 884585220 +141 294 4 884584247 +141 295 5 884585039 +141 300 5 887424721 +141 322 4 884584426 +141 328 4 886447679 +141 346 1 886447613 +141 405 3 884585105 +141 407 2 884585523 +141 409 5 884585274 +141 410 4 884585195 +141 471 4 884585039 +141 472 5 884585274 +141 476 3 884585498 +141 535 5 884585195 +141 546 4 884585470 +141 591 4 884584865 +141 597 4 884585071 +141 619 4 884585039 +141 676 5 884585001 +141 678 4 884584480 +141 696 4 884585498 +141 717 4 884585470 +141 742 4 884584930 +141 744 5 884584981 +141 748 3 884584664 +141 750 1 886447564 +141 825 4 884585247 +141 826 2 884585437 +141 864 3 884585128 +141 866 5 884585071 +141 871 3 884585148 +141 872 1 886447698 +141 880 1 886447847 +141 930 4 884585247 +141 932 3 884585128 +141 984 4 886447880 +141 985 4 884585363 +141 988 3 884584460 +141 1013 1 884585470 +141 1014 3 884585572 +141 1023 4 884585274 +141 1028 4 884585168 +141 1040 3 884585547 +141 1047 4 884585220 +141 1059 1 884584886 +141 1142 1 884584688 +141 1258 4 884585071 +141 1280 1 887424890 +141 1282 3 884585320 +142 7 4 888640489 +142 28 4 888640404 +142 42 4 888640489 +142 55 2 888640489 +142 82 4 888640356 +142 89 3 888640489 +142 91 5 888640404 +142 134 5 888640356 +142 147 1 888640356 +142 169 5 888640356 +142 181 5 888640317 +142 186 4 888640430 +142 189 4 888640317 +142 243 1 888640199 +142 259 3 888640104 +142 268 5 888639837 +142 288 3 888639837 +142 294 3 888640054 +142 315 3 888639837 +142 322 2 888640054 +142 338 2 888640199 +142 350 4 888639882 +142 358 2 888640178 +142 362 3 888639920 +142 425 4 888640489 +142 895 4 888640143 +143 258 3 888407586 +143 271 4 888407708 +143 286 2 888407586 +143 288 5 888407586 +143 294 3 888407708 +143 307 4 888407622 +143 315 4 888407542 +143 322 4 888407708 +143 325 5 888407741 +143 326 5 888407708 +143 328 4 888407656 +143 331 5 888407622 +143 347 5 888407741 +143 682 3 888407741 +143 690 2 888407622 +143 1038 3 888407656 +144 7 2 888104087 +144 9 5 888104191 +144 12 4 888105419 +144 14 4 888104122 +144 19 4 888103929 +144 22 5 888105439 +144 31 3 888105823 +144 32 4 888105287 +144 33 5 888105902 +144 50 5 888103929 +144 54 2 888105473 +144 55 4 888105254 +144 56 4 888105387 +144 58 3 888105548 +144 59 4 888105197 +144 62 2 888105902 +144 64 5 888105140 +144 65 4 888106182 +144 66 4 888106078 +144 72 4 888105338 +144 73 3 888105636 +144 89 3 888105691 +144 91 2 888106106 +144 93 1 888104032 +144 96 5 888105691 +144 98 4 888105587 +144 100 5 888104063 +144 105 2 888104767 +144 106 3 888104684 +144 116 4 888104258 +144 124 4 888104063 +144 125 4 888104191 +144 126 4 888104150 +144 127 4 888105823 +144 129 4 888104234 +144 137 4 888104150 +144 147 3 888104402 +144 153 5 888105823 +144 160 2 888106181 +144 165 4 888105993 +144 170 4 888105364 +144 172 4 888105312 +144 174 5 888105612 +144 176 4 888105338 +144 180 4 888105873 +144 181 4 888104032 +144 182 3 888105743 +144 183 4 888105140 +144 190 5 888105714 +144 191 4 888105081 +144 193 4 888105287 +144 194 5 888105287 +144 195 5 888105081 +144 197 4 888106106 +144 198 4 888105287 +144 204 2 888105116 +144 209 2 888105116 +144 212 5 888105993 +144 216 4 888105691 +144 221 3 888104087 +144 223 4 888105197 +144 234 4 888105115 +144 235 1 888104715 +144 237 4 888104258 +144 248 4 888104032 +144 273 4 888104213 +144 274 3 888104382 +144 276 3 888104122 +144 282 4 888104123 +144 284 3 888104213 +144 285 4 888103969 +144 286 4 888103370 +144 293 4 888104283 +144 294 4 888103573 +144 297 4 888104150 +144 298 3 888103988 +144 300 3 888103370 +144 302 3 888103530 +144 303 4 888103407 +144 304 4 888103466 +144 307 1 888103407 +144 313 5 888103407 +144 328 3 888103407 +144 357 4 888105254 +144 393 4 888105743 +144 403 3 888105636 +144 405 4 888104419 +144 410 3 888104521 +144 411 4 888104588 +144 454 3 888105993 +144 455 3 888104382 +144 461 4 888106044 +144 471 4 888104213 +144 474 4 888105311 +144 478 4 888105337 +144 480 4 888106322 +144 508 4 888104150 +144 514 5 888105197 +144 516 2 888105197 +144 518 3 888106182 +144 521 4 888105312 +144 523 5 888105338 +144 527 5 888105665 +144 528 4 888105846 +144 531 5 888105473 +144 591 3 888104122 +144 597 4 888104191 +144 632 4 888105472 +144 651 4 888105197 +144 655 5 888105116 +144 685 3 888105473 +144 690 3 888103573 +144 699 4 888106106 +144 707 3 888106322 +144 709 4 888105940 +144 713 4 888104322 +144 727 3 888105765 +144 742 4 888104122 +144 747 5 888105473 +144 750 4 888103444 +144 751 4 888103725 +144 760 2 888104283 +144 762 3 888104940 +144 778 4 888106044 +144 785 4 888106016 +144 815 1 888104659 +144 831 3 888104805 +144 845 4 888104191 +144 855 4 888105510 +144 880 5 888103509 +144 900 4 888103371 +144 942 4 888106044 +144 956 4 888105636 +144 960 2 888105784 +144 961 3 888106106 +144 962 4 888105612 +144 963 4 888105254 +144 1010 3 888104834 +144 1012 4 888104521 +144 1013 1 888104446 +144 1016 3 888104322 +144 1028 3 888104495 +144 1039 4 888105587 +144 1142 5 888103968 +144 1147 4 888105587 +144 1169 4 888106044 +144 1284 3 888104446 +144 1285 3 888105922 +144 1286 4 888105846 +145 1 3 882181396 +145 3 3 875271562 +145 5 3 875272196 +145 7 5 875270429 +145 9 2 875270394 +145 11 5 875273120 +145 13 5 875270507 +145 15 2 875270655 +145 22 5 875273021 +145 25 2 875270655 +145 31 5 875271896 +145 38 3 888398747 +145 39 4 875271838 +145 42 5 882181785 +145 44 5 875272132 +145 49 3 875272926 +145 50 5 885557660 +145 51 3 875272786 +145 53 2 875272245 +145 55 3 875272009 +145 56 5 875271896 +145 59 1 882181695 +145 62 2 885557699 +145 64 4 882181785 +145 66 4 875272786 +145 69 5 882181632 +145 77 3 875272348 +145 79 5 875271838 +145 88 5 875272833 +145 96 5 882181728 +145 97 5 875272652 +145 98 5 875271896 +145 100 5 875270458 +145 105 2 875271442 +145 106 4 875270655 +145 109 4 875270903 +145 111 3 875270322 +145 118 3 875270764 +145 120 2 888398563 +145 121 2 875270507 +145 122 1 888398307 +145 135 5 885557731 +145 155 2 875272871 +145 159 4 875272299 +145 164 4 875271948 +145 172 5 882181632 +145 173 5 875272604 +145 174 5 882181728 +145 176 5 875271838 +145 181 5 875270507 +145 182 5 885622510 +145 183 5 875272009 +145 185 4 875271838 +145 195 5 882181728 +145 200 4 877343121 +145 203 5 875271948 +145 212 2 875272786 +145 216 5 875272694 +145 217 3 877343156 +145 218 3 877343121 +145 219 5 877343185 +145 222 5 885557660 +145 226 1 875272196 +145 227 4 885557660 +145 228 4 885557660 +145 229 3 885557699 +145 230 5 885557660 +145 234 5 875271948 +145 235 4 875270507 +145 237 5 875270570 +145 238 4 882181859 +145 240 5 875270764 +145 246 4 888397946 +145 249 4 875270832 +145 250 5 882182944 +145 258 4 875269755 +145 260 4 875269871 +145 265 5 875272131 +145 266 3 877343000 +145 268 4 888396828 +145 269 5 879161576 +145 270 5 879161577 +145 271 4 885557660 +145 273 5 875270322 +145 275 2 885557505 +145 278 4 875272871 +145 281 4 875272299 +145 284 4 888398104 +145 286 3 875269755 +145 293 4 875270276 +145 298 1 885557579 +145 299 4 875269822 +145 301 4 877342952 +145 302 4 879161553 +145 304 2 885557505 +145 308 2 885557505 +145 310 4 883840666 +145 315 5 883840797 +145 316 5 888396966 +145 327 5 875269822 +145 329 4 888397542 +145 331 3 879161554 +145 333 2 885557626 +145 338 3 882181335 +145 339 3 882181058 +145 343 5 882181082 +145 346 5 883840638 +145 347 3 891509921 +145 348 4 888397542 +145 352 4 885556043 +145 355 3 888396967 +145 358 4 875273234 +145 368 3 888398492 +145 393 5 875273174 +145 394 1 888398833 +145 406 3 875270692 +145 411 2 875271522 +145 413 3 877343280 +145 431 5 875272132 +145 436 5 877343121 +145 443 3 882182658 +145 447 5 877343185 +145 448 5 877343121 +145 449 3 885557699 +145 454 1 885557699 +145 460 1 875271312 +145 470 5 875272299 +145 471 4 885622707 +145 472 3 875271128 +145 477 2 888398069 +145 544 4 875271312 +145 546 3 875271047 +145 549 5 875272786 +145 552 5 888398747 +145 553 3 875272786 +145 569 4 877343156 +145 574 2 888398833 +145 590 1 882182802 +145 591 4 879161848 +145 592 3 888398867 +145 597 4 875271477 +145 620 3 875271660 +145 628 2 875270932 +145 631 4 885557626 +145 636 4 875272050 +145 637 3 882182689 +145 642 3 875272010 +145 665 5 877343212 +145 672 3 882182689 +145 674 4 877343184 +145 678 2 879161675 +145 680 3 875269871 +145 682 3 879161624 +145 683 3 879161674 +145 684 5 875273174 +145 685 4 875271229 +145 690 4 877342952 +145 696 3 875271442 +145 713 4 875270616 +145 717 3 888398702 +145 727 2 875272652 +145 728 2 875272988 +145 731 3 875272833 +145 737 2 875272833 +145 739 2 875272927 +145 740 2 875272786 +145 742 4 875270616 +145 743 1 888398516 +145 750 4 885555884 +145 751 4 883840666 +145 752 4 888396828 +145 754 3 882181058 +145 756 2 885557506 +145 760 2 888398123 +145 763 4 875271047 +145 764 2 888398257 +145 769 2 877343280 +145 770 1 875272245 +145 796 3 875272833 +145 821 3 875272833 +145 826 2 875271312 +145 827 2 888398238 +145 831 1 888398329 +145 859 3 882182763 +145 869 4 875272926 +145 890 2 885557505 +145 892 2 885557505 +145 894 1 883840965 +145 895 3 883840687 +145 896 2 888396828 +145 898 1 885555980 +145 901 1 885556116 +145 924 2 875270508 +145 925 4 875271047 +145 926 3 875271094 +145 928 3 879161848 +145 930 2 888398833 +145 933 1 875270276 +145 943 3 875272050 +145 949 4 875272652 +145 974 1 882182634 +145 983 1 879161805 +145 993 3 875270616 +145 1001 4 875271607 +145 1002 1 888398400 +145 1009 2 875270764 +145 1011 5 888398162 +145 1012 4 875270322 +145 1023 1 885557545 +145 1033 1 875270903 +145 1040 1 888398492 +145 1041 5 875272987 +145 1046 4 888398702 +145 1051 2 888398087 +145 1054 1 888398563 +145 1057 1 875271312 +145 1077 3 875272245 +145 1090 2 888398833 +145 1102 1 888398162 +145 1208 4 875272196 +145 1210 1 888398766 +145 1212 2 875272196 +145 1216 2 888398238 +145 1217 2 875272349 +145 1245 5 875271397 +145 1248 3 875272195 +145 1273 5 875272196 +145 1279 1 875270903 +145 1283 1 875270903 +145 1289 1 875271660 +145 1292 1 875271357 +146 245 5 891458080 +146 262 4 891457714 +146 269 4 891457591 +146 272 5 891457538 +146 286 3 891457493 +146 294 1 891457668 +146 300 3 891457943 +146 302 4 891457538 +146 307 3 891457905 +146 311 4 891457714 +146 313 4 891457591 +146 315 5 891458193 +146 327 3 891457905 +146 336 5 891458193 +146 340 4 891457714 +146 342 1 891457978 +146 345 4 891457538 +146 346 4 891457591 +146 347 3 891457493 +146 688 1 891457749 +146 1022 5 891458193 +146 1293 5 891458080 +146 1294 4 891457749 +147 258 4 885594040 +147 269 4 885593812 +147 286 5 885594040 +147 292 5 885594040 +147 301 5 885594204 +147 302 4 885593845 +147 304 5 885593942 +147 305 4 885593997 +147 339 5 885594204 +147 340 4 885593965 +147 345 4 885594040 +147 690 4 885593965 +147 750 5 885593812 +147 751 2 885593965 +147 898 5 885593965 +147 904 5 885594015 +148 1 4 877019411 +148 7 5 877017054 +148 8 4 877020297 +148 56 5 877398212 +148 70 5 877021271 +148 71 5 877019251 +148 78 1 877399018 +148 98 3 877017714 +148 114 5 877016735 +148 116 5 877398648 +148 127 1 877399351 +148 132 4 877020715 +148 133 5 877019251 +148 135 5 877016514 +148 140 1 877019882 +148 163 4 877021402 +148 164 4 877398444 +148 168 5 877015900 +148 169 5 877020297 +148 172 5 877016513 +148 173 5 877017054 +148 174 5 877015066 +148 177 2 877020715 +148 181 5 877399135 +148 185 1 877398385 +148 189 4 877019698 +148 190 2 877398586 +148 191 1 877020715 +148 194 5 877015066 +148 204 3 877016912 +148 214 5 877019882 +148 227 4 877399083 +148 228 4 877016514 +148 234 3 877020297 +148 238 4 877398586 +148 357 5 877016735 +148 408 5 877399018 +148 418 3 877019251 +148 473 5 877399322 +148 474 5 877019882 +148 495 4 877016735 +148 501 4 877020297 +148 507 5 877398587 +148 509 5 877016605 +148 529 5 877398901 +148 549 3 877398385 +148 588 4 877399018 +148 596 5 877020297 +148 663 5 877399018 +148 713 3 877021535 +148 969 4 877398513 +148 993 4 877400154 +148 1012 4 877400154 +148 1039 2 877015784 +148 1149 5 877016513 +149 245 3 883512813 +149 258 3 883512658 +149 268 4 883512715 +149 269 5 883512557 +149 272 3 883512591 +149 300 3 883512715 +149 301 3 883512813 +149 303 4 883512752 +149 305 4 883512658 +149 308 2 883512658 +149 310 2 883512689 +149 311 3 883512752 +149 312 1 883512950 +149 313 5 883512557 +149 319 2 883512658 +149 321 2 883512856 +149 327 2 883512689 +149 328 2 883512689 +149 333 1 883512591 +149 340 4 883512775 +149 345 4 883512623 +149 346 4 883512658 +149 678 2 883512928 +149 689 2 883512950 +149 874 3 883512752 +149 896 4 883512689 +149 1295 3 883512813 +149 1296 3 883512752 +150 1 4 878746441 +150 13 4 878746889 +150 14 4 878746889 +150 50 5 878746719 +150 93 4 878746889 +150 100 2 878746636 +150 121 2 878747322 +150 123 4 878746852 +150 124 2 878746442 +150 127 5 878746889 +150 129 4 878746946 +150 147 4 878746442 +150 150 3 878746824 +150 181 5 878746685 +150 221 4 878747017 +150 235 4 878746792 +150 246 5 878746719 +150 268 5 878746257 +150 273 4 878746764 +150 276 5 878746982 +150 278 2 878746889 +150 291 4 878746764 +150 293 4 878746946 +150 325 1 878747322 +150 410 4 878747090 +150 458 4 878746720 +150 475 5 878746764 +150 628 4 878747018 +151 1 5 879524151 +151 4 5 879524922 +151 7 4 879524610 +151 10 5 879524921 +151 12 5 879524368 +151 13 3 879542688 +151 15 4 879524879 +151 25 4 879528496 +151 28 4 879524199 +151 33 5 879543181 +151 44 4 879542413 +151 47 3 879528459 +151 49 3 879543055 +151 51 4 879543055 +151 56 4 879524879 +151 58 4 879524849 +151 64 5 879524536 +151 65 4 879528729 +151 66 4 879524974 +151 73 4 879528909 +151 79 4 879524642 +151 82 3 879524819 +151 83 5 879524611 +151 87 4 879524420 +151 89 5 879524491 +151 91 2 879542796 +151 93 5 879525002 +151 97 5 879528801 +151 100 3 879524514 +151 114 5 879524268 +151 121 5 879525054 +151 124 5 879524491 +151 125 4 879542939 +151 133 5 879524797 +151 135 5 879524471 +151 143 5 879524878 +151 151 5 879524760 +151 153 3 879524326 +151 160 4 879542670 +151 162 5 879528779 +151 163 4 879542723 +151 164 5 879542984 +151 168 5 879528495 +151 169 5 879524268 +151 170 5 879524669 +151 172 5 879524325 +151 173 5 879524130 +151 174 5 879524088 +151 175 5 879524244 +151 176 2 879524293 +151 178 5 879524586 +151 183 3 879524642 +151 186 4 879524222 +151 189 5 879528495 +151 190 4 879528673 +151 191 3 879524326 +151 193 4 879524491 +151 194 4 879524443 +151 195 3 879524642 +151 196 4 879542670 +151 197 5 879528710 +151 199 3 879524563 +151 200 3 879525002 +151 202 5 879542753 +151 203 3 879524471 +151 208 4 879524443 +151 210 4 879524419 +151 213 5 879524849 +151 216 4 879524713 +151 222 5 879525002 +151 223 5 879524088 +151 224 5 879524293 +151 227 5 879542670 +151 228 5 879524345 +151 231 1 879543366 +151 234 4 879524819 +151 241 3 879542645 +151 258 5 879523838 +151 260 1 879523998 +151 265 5 879542566 +151 274 5 879542369 +151 277 4 879524642 +151 287 4 879528754 +151 290 1 879543400 +151 300 4 879523942 +151 301 4 879523925 +151 302 3 879523860 +151 317 5 879524610 +151 318 5 879524088 +151 321 4 879523900 +151 322 2 881771160 +151 328 3 879523838 +151 356 2 879528852 +151 357 5 879524585 +151 371 4 879542891 +151 372 5 879524819 +151 380 5 879543146 +151 385 3 879542775 +151 387 5 879542353 +151 393 2 879528692 +151 402 3 879543423 +151 405 3 879543055 +151 408 5 879524222 +151 411 4 879543228 +151 414 5 879542474 +151 417 3 879543075 +151 418 3 879525002 +151 419 3 879524878 +151 420 5 879524760 +151 423 4 879528570 +151 425 4 879528647 +151 427 5 879524108 +151 428 5 879542510 +151 429 5 879528673 +151 432 5 879524610 +151 433 3 879542510 +151 435 4 879524131 +151 436 3 879524947 +151 443 5 879524947 +151 451 5 879542707 +151 461 4 879524738 +151 464 4 879524089 +151 469 1 879528852 +151 470 3 879528674 +151 473 4 879524974 +151 478 5 879524471 +151 480 5 879524151 +151 481 3 879524669 +151 482 4 879524345 +151 484 4 879524563 +151 485 5 879525002 +151 486 5 879525002 +151 487 5 879524669 +151 489 5 879528623 +151 490 5 879528418 +151 491 4 879524536 +151 494 4 879524244 +151 498 5 879524150 +151 503 3 879524199 +151 505 5 879528909 +151 506 4 879524900 +151 507 5 879524394 +151 509 4 879524778 +151 514 4 879524797 +151 522 5 879524443 +151 529 5 879542610 +151 531 3 879524738 +151 546 2 879543400 +151 559 2 879543075 +151 584 3 879525035 +151 602 4 879542688 +151 605 4 879528909 +151 606 5 879528496 +151 610 5 879528607 +151 611 4 879524514 +151 614 4 879528729 +151 628 5 879528674 +151 629 4 879528754 +151 633 5 879528801 +151 642 3 879524713 +151 652 5 879524472 +151 654 4 879524514 +151 655 4 879542645 +151 659 5 879524974 +151 660 4 879524199 +151 662 4 879525054 +151 663 4 879524268 +151 664 5 879524713 +151 675 2 879524368 +151 684 3 879524849 +151 686 3 879525035 +151 692 3 879524669 +151 699 4 879525035 +151 702 3 879524849 +151 703 4 879542460 +151 705 5 879524778 +151 707 4 879528537 +151 709 5 879524778 +151 724 4 879542270 +151 729 4 879542492 +151 732 4 879542775 +151 735 5 879528438 +151 736 4 879542389 +151 747 3 879524564 +151 748 2 879523925 +151 755 3 879543366 +151 775 2 879543366 +151 792 4 879524268 +151 805 4 879542567 +151 813 4 879524222 +151 826 1 879543212 +151 835 5 879524199 +151 836 4 879524514 +151 837 4 879524642 +151 919 5 879524368 +151 922 4 879542847 +151 929 3 879543457 +151 945 5 879524419 +151 956 4 879542567 +151 962 1 879524394 +151 966 4 879543457 +151 969 5 879542510 +151 971 5 879528607 +151 972 4 879543366 +151 1006 1 879524974 +151 1017 2 879542939 +151 1041 3 879543306 +151 1044 2 879524900 +151 1047 2 879543036 +151 1050 4 879524879 +151 1065 3 879542413 +151 1074 2 879543342 +151 1101 4 879524586 +151 1109 4 879542414 +151 1113 4 879542891 +151 1197 5 879542753 +151 1264 4 879542389 +151 1269 5 879528438 +151 1297 1 879542847 +151 1298 4 879528520 +152 8 5 882829050 +152 21 3 880149253 +152 22 5 882828490 +152 25 3 880149045 +152 33 5 882475924 +152 51 4 882476486 +152 66 5 886535773 +152 67 5 882477689 +152 80 5 882477572 +152 88 5 884035964 +152 97 5 882475618 +152 98 2 882473974 +152 111 5 880148782 +152 121 5 880149166 +152 125 5 880149165 +152 132 5 882475496 +152 143 5 882474378 +152 147 3 880149045 +152 151 4 880148735 +152 153 4 880149924 +152 155 5 884018390 +152 157 5 882476486 +152 162 5 882474898 +152 167 5 882477430 +152 173 5 882474378 +152 191 5 880149963 +152 204 4 882474587 +152 220 5 884035907 +152 241 4 884035579 +152 255 5 884035936 +152 272 5 890322298 +152 278 4 880149166 +152 280 5 880148941 +152 283 4 880148616 +152 284 5 880149045 +152 286 5 875562268 +152 294 4 880149098 +152 301 3 880147407 +152 313 4 890322242 +152 319 2 890322385 +152 367 3 882475972 +152 393 5 884018430 +152 401 3 884018905 +152 411 4 880149350 +152 412 2 880149328 +152 423 5 882899511 +152 451 5 882476911 +152 483 5 882474435 +152 559 1 882475972 +152 568 5 882829846 +152 596 2 880148941 +152 660 5 880150075 +152 685 5 880149074 +152 699 5 882476911 +152 716 5 884019001 +152 724 5 884035936 +152 739 5 882475924 +152 740 4 880149197 +152 763 5 884018370 +152 775 4 884018798 +152 778 3 882476683 +152 780 5 884019189 +152 781 5 882476486 +152 790 5 884018821 +152 845 3 886535827 +152 866 5 880149224 +152 871 3 884018842 +152 944 4 882476632 +152 966 5 882829150 +152 1014 2 880149224 +152 1028 5 880149197 +152 1035 4 882477755 +152 1136 5 882477202 +152 1300 4 886535827 +153 22 2 881371140 +153 56 5 881371140 +153 64 5 881371005 +153 79 5 881371198 +153 127 3 881371140 +153 172 1 881371140 +153 174 1 881371140 +153 181 1 881371140 +153 182 5 881371198 +153 187 2 881371198 +153 216 2 881371032 +153 321 3 881370900 +153 322 3 881370900 +153 323 2 881370900 +153 325 2 881370935 +153 357 5 881371059 +153 510 3 881371198 +153 568 4 881371140 +153 678 2 881370935 +154 50 5 879138657 +154 89 5 879138910 +154 135 5 879139003 +154 137 3 879138657 +154 143 3 879139003 +154 152 4 879138832 +154 172 4 879138783 +154 175 5 879138784 +154 182 5 879138783 +154 185 5 879139002 +154 187 5 879139096 +154 197 5 879139003 +154 200 5 879138832 +154 202 3 879139096 +154 211 4 879139002 +154 222 2 879138910 +154 238 5 879139040 +154 242 3 879138235 +154 258 3 879138235 +154 286 4 879138235 +154 289 2 879138345 +154 302 4 879138235 +154 324 2 879138287 +154 333 3 879138287 +154 357 4 879138713 +154 414 4 879138910 +154 462 3 879138831 +154 475 4 879138832 +154 479 4 879138831 +154 480 5 879138784 +154 484 4 879139096 +154 488 4 879138831 +154 496 3 879138910 +154 515 4 879138657 +154 523 5 879138831 +154 527 4 879139040 +154 640 5 879138713 +154 641 5 879138831 +154 708 4 879139003 +154 806 4 879139040 +155 245 2 879371061 +155 286 4 879370860 +155 292 3 879371061 +155 294 3 879371194 +155 300 2 879370963 +155 306 5 879371121 +155 319 3 879370963 +155 321 4 879370963 +155 322 2 879371261 +155 323 2 879371261 +155 324 2 879370963 +155 325 2 879371261 +155 326 2 879371121 +155 327 2 879371061 +155 328 2 879370860 +155 331 3 879370860 +155 748 2 879371261 +155 872 3 879370860 +155 988 2 879371261 +156 9 4 888185735 +156 11 2 888185906 +156 12 3 888185853 +156 22 3 888186093 +156 48 4 888185777 +156 58 4 888185906 +156 64 3 888185677 +156 77 2 888185906 +156 86 4 888185854 +156 100 4 888185677 +156 124 3 888185677 +156 137 4 888185735 +156 157 4 888185906 +156 180 5 888185777 +156 192 4 888185735 +156 197 5 888185777 +156 205 3 888185735 +156 211 4 888185606 +156 276 3 888185854 +156 317 4 888185906 +156 318 4 888185947 +156 346 3 888185561 +156 480 5 888185606 +156 510 4 888186093 +156 515 3 888185735 +156 528 4 888185906 +156 641 5 888185677 +156 646 4 888185947 +156 655 3 888185677 +156 661 4 888185947 +156 806 3 888185777 +157 1 5 874813703 +157 3 3 886890734 +157 25 3 886890787 +157 93 3 886890692 +157 111 3 886889876 +157 118 2 886890439 +157 120 1 886891243 +157 127 5 886890541 +157 137 5 886889876 +157 147 5 886890342 +157 150 5 874813703 +157 235 5 874813703 +157 244 5 886890406 +157 250 1 886890296 +157 258 3 886890296 +157 268 5 886889729 +157 273 5 886889876 +157 274 4 886890835 +157 276 4 886889876 +157 283 4 886890692 +157 293 5 874813703 +157 298 4 886889876 +157 405 3 886890342 +157 407 4 886891218 +157 475 3 886890650 +157 508 5 886890712 +157 597 3 886890406 +157 740 2 886889876 +157 748 2 886890015 +157 1016 5 886890341 +157 1132 3 886891132 +157 1258 5 886891132 +157 1283 2 886891173 +157 1302 5 874813703 +158 1 4 880132443 +158 4 4 880134477 +158 7 5 880132744 +158 8 5 880134948 +158 10 4 880132513 +158 11 4 880134398 +158 22 5 880134333 +158 24 4 880134261 +158 29 3 880134607 +158 38 4 880134607 +158 42 3 880134913 +158 50 4 880133306 +158 56 5 880134296 +158 62 5 880134759 +158 68 3 880134532 +158 70 4 880135118 +158 72 3 880135118 +158 79 4 880134332 +158 82 5 880134398 +158 83 5 880134913 +158 85 4 880135118 +158 100 5 880132401 +158 107 3 880132960 +158 116 5 880132383 +158 117 3 880132719 +158 121 4 880132701 +158 124 4 880134261 +158 125 3 880132745 +158 127 5 880132356 +158 128 2 880134296 +158 137 5 880132443 +158 144 4 880134445 +158 148 4 880132613 +158 149 3 880132383 +158 154 4 880135069 +158 161 2 880134477 +158 163 4 880135044 +158 172 4 880134398 +158 174 5 880134332 +158 175 4 880135044 +158 176 4 880134398 +158 177 4 880134407 +158 182 5 880134296 +158 183 3 880134332 +158 184 3 880134407 +158 186 3 880134913 +158 188 4 880134332 +158 190 5 880134332 +158 195 5 880134398 +158 204 4 880135001 +158 208 5 880135093 +158 210 4 880134296 +158 216 3 880134948 +158 217 5 880133095 +158 222 3 880132771 +158 226 3 880134675 +158 227 2 880134499 +158 228 5 880134296 +158 229 3 880134532 +158 230 2 880134445 +158 231 2 880134532 +158 232 3 880134477 +158 233 3 880134477 +158 235 1 880132794 +158 238 5 880134913 +158 239 3 880135093 +158 241 4 880134445 +158 244 4 880132772 +158 271 4 880132232 +158 273 3 880132356 +158 277 4 880132658 +158 283 5 880132421 +158 284 5 880132638 +158 285 5 880132383 +158 286 4 880134261 +158 290 4 880135160 +158 294 1 880132193 +158 298 3 880132513 +158 302 4 880132193 +158 325 4 880133920 +158 367 4 880134913 +158 373 2 880134781 +158 385 3 880134445 +158 403 4 880134650 +158 408 5 880132313 +158 410 3 880132794 +158 414 4 880135118 +158 431 5 880134477 +158 433 3 880135044 +158 435 5 880134407 +158 449 2 880134815 +158 455 4 880132772 +158 471 4 880132513 +158 472 3 880132659 +158 483 5 880133225 +158 502 4 880135069 +158 510 3 880134296 +158 511 5 880134296 +158 514 3 880135093 +158 516 5 880135044 +158 518 4 880134398 +158 525 5 880133288 +158 530 4 880134332 +158 550 3 880134445 +158 562 4 880134607 +158 566 3 880134499 +158 568 4 880134532 +158 576 4 880134607 +158 580 4 880135093 +158 583 3 880134477 +158 593 4 880134261 +158 636 4 880134532 +158 648 5 880135020 +158 651 5 880134296 +158 665 2 880134532 +158 686 5 880134499 +158 709 5 880135020 +158 729 3 880133116 +158 731 2 880135118 +158 770 5 880134477 +158 803 3 880134848 +158 809 3 880134675 +158 810 4 880134759 +158 823 2 880132941 +158 825 4 880133029 +158 866 2 880132701 +158 978 3 880133937 +158 1011 4 880132579 +158 1016 3 880132701 +158 1047 4 880134261 +158 1067 4 880134261 +158 1098 4 880135069 +158 1303 3 880134865 +159 7 5 880485861 +159 9 3 880485766 +159 15 5 880485972 +159 25 5 880557112 +159 67 1 884026964 +159 103 1 880557604 +159 111 4 880556981 +159 117 5 880486047 +159 118 4 880557464 +159 121 3 880486071 +159 125 5 880557192 +159 127 5 880989744 +159 130 1 880557322 +159 220 5 880557782 +159 225 4 880557347 +159 237 3 880485766 +159 245 5 880485488 +159 249 4 884027269 +159 250 3 881679988 +159 254 3 884026738 +159 258 4 893255836 +159 259 4 893255969 +159 272 5 885501645 +159 276 5 880485824 +159 286 1 880485233 +159 288 3 884026901 +159 289 2 880485415 +159 291 4 880485766 +159 293 4 880485879 +159 298 5 880557386 +159 299 3 893256013 +159 301 2 880485344 +159 310 5 880989865 +159 322 5 880485443 +159 323 4 880485443 +159 326 3 880485345 +159 328 3 893255993 +159 358 1 893255969 +159 364 1 884026964 +159 405 5 880557564 +159 411 3 880557677 +159 412 3 880557824 +159 451 5 884360502 +159 456 3 880557848 +159 471 4 880485861 +159 476 5 880557564 +159 546 4 880557621 +159 591 4 880557060 +159 597 5 880989838 +159 628 3 880486071 +159 678 5 880485530 +159 685 4 880557347 +159 742 2 880557192 +159 748 3 880485488 +159 756 4 880557464 +159 815 3 880557387 +159 829 4 880557741 +159 831 2 880557604 +159 845 1 880557130 +159 866 5 880557539 +159 871 4 880557003 +159 872 1 880485262 +159 873 2 893256062 +159 876 2 893255905 +159 877 3 893255740 +159 880 1 893256084 +159 881 1 893256139 +159 930 4 880557824 +159 932 3 880557464 +159 948 2 880485344 +159 988 3 880485529 +159 1002 3 884027027 +159 1012 5 880557080 +159 1014 4 884027206 +159 1023 2 880557741 +159 1025 2 893256139 +159 1028 5 880557539 +159 1037 2 884360502 +159 1048 3 880557584 +159 1092 2 880989744 +159 1132 5 880557584 +159 1152 4 880557464 +159 1190 5 881680199 +159 1221 5 884027141 +159 1254 1 884360361 +159 1258 1 884026823 +160 1 4 876768025 +160 3 3 876770124 +160 4 4 876861754 +160 7 3 876767822 +160 9 3 876767023 +160 11 4 876858091 +160 21 1 876769480 +160 23 5 876859778 +160 24 5 876769689 +160 32 5 876859413 +160 50 4 876767572 +160 55 4 876858091 +160 56 5 876770222 +160 59 4 876858346 +160 61 4 876861799 +160 79 4 876859413 +160 93 5 876767572 +160 109 2 876857844 +160 117 4 876767822 +160 118 3 876768828 +160 123 4 876768949 +160 124 4 876767360 +160 126 3 876769148 +160 127 5 876770168 +160 129 4 876768828 +160 135 4 876860807 +160 137 4 876767299 +160 150 4 876767440 +160 157 5 876858346 +160 160 5 876862078 +160 161 3 876861185 +160 174 5 876860807 +160 175 4 876860808 +160 187 5 876770168 +160 209 4 876861185 +160 211 4 876862171 +160 213 4 876859778 +160 218 4 876861878 +160 228 2 876862243 +160 230 2 876860808 +160 234 5 876861185 +160 237 3 876768609 +160 250 4 876768106 +160 276 5 876768106 +160 285 4 876767660 +160 288 5 876771285 +160 302 5 878078074 +160 325 3 878078115 +160 328 3 878078096 +160 408 4 876767023 +160 412 3 876768990 +160 430 5 876861799 +160 432 3 876861185 +160 447 4 876859413 +160 458 5 876768025 +160 460 2 876861185 +160 461 5 876857977 +160 462 4 876858346 +160 463 4 876859777 +160 475 5 876767822 +160 483 5 876859413 +160 484 5 876862243 +160 488 5 876862078 +160 497 4 876858346 +160 514 4 876858091 +160 544 4 876768106 +160 564 3 876861799 +160 589 3 876857977 +160 603 4 876861754 +160 604 4 876859778 +160 628 3 876767360 +160 693 5 876770193 +160 719 3 876857977 +160 762 3 876769148 +160 825 2 876767299 +160 832 1 876770673 +160 864 1 876770673 +160 922 5 876767621 +160 926 2 876769148 +160 952 4 876767299 +160 955 4 876862243 +160 969 1 876861185 +160 1016 4 876767440 +160 1019 5 876857977 +160 1073 4 876859778 +160 1134 4 876768828 +160 1142 5 876768609 +160 1223 4 876861799 +161 14 4 891171413 +161 15 2 891172284 +161 48 1 891170745 +161 56 3 891171257 +161 69 4 891171657 +161 70 3 891171064 +161 98 4 891171357 +161 118 2 891172421 +161 127 3 891171698 +161 135 2 891170656 +161 162 2 891171413 +161 168 1 891171174 +161 174 2 891170800 +161 177 2 891171848 +161 187 3 891170998 +161 191 2 891171734 +161 194 1 891171503 +161 197 3 891171734 +161 202 5 891170769 +161 204 2 891170947 +161 210 2 891171698 +161 213 2 891171887 +161 215 2 891170866 +161 225 1 891172322 +161 272 5 891170514 +161 274 2 891172070 +161 276 5 891170881 +161 284 3 891172246 +161 286 2 891169991 +161 315 5 891169965 +161 316 5 891170275 +161 318 3 891170824 +161 428 3 891171023 +161 486 1 891171657 +161 487 3 891171357 +161 508 2 891171657 +161 523 3 891170686 +161 582 1 891170800 +161 640 2 891171558 +161 654 3 891171357 +161 898 3 891170191 +161 929 1 891172377 +161 1117 3 891172402 +161 1266 2 891170745 +162 7 3 877635869 +162 25 4 877635573 +162 28 4 877636746 +162 42 3 877636675 +162 50 5 877635662 +162 55 3 877636713 +162 79 4 877636713 +162 117 4 877635869 +162 121 4 877636000 +162 122 2 877636300 +162 147 4 877636147 +162 151 3 877636191 +162 174 4 877636772 +162 179 3 877636794 +162 181 4 877635798 +162 222 4 877635758 +162 230 2 877636860 +162 237 4 877635980 +162 254 3 877636476 +162 294 3 877634955 +162 298 4 877635690 +162 403 3 877636713 +162 474 3 877636556 +162 544 4 877636167 +162 597 4 877636370 +162 628 4 877635897 +162 685 3 877635917 +162 710 4 877636860 +162 742 4 877635758 +162 826 3 877635965 +162 943 4 877636604 +162 1012 4 877635965 +162 1019 4 877636556 +162 1047 5 877635896 +163 28 3 891220019 +163 56 4 891220097 +163 64 4 891220161 +163 97 4 891220019 +163 98 4 891220196 +163 202 3 891220137 +163 216 3 891220196 +163 234 3 891220137 +163 286 3 891219977 +163 288 3 891220226 +163 305 2 891219977 +163 316 5 891219976 +163 318 4 891220161 +163 326 3 891219977 +163 347 4 891219976 +163 357 4 891220097 +164 9 4 889402050 +164 117 5 889401816 +164 118 5 889401852 +164 121 5 889402203 +164 125 5 889402071 +164 148 5 889402203 +164 181 5 889401906 +164 222 4 889401927 +164 237 2 889401816 +164 245 5 889401362 +164 248 4 889402030 +164 252 4 889402265 +164 276 3 889401771 +164 281 4 889401906 +164 282 5 889401927 +164 299 4 889401383 +164 300 5 889401221 +164 307 5 889401284 +164 313 5 889401284 +164 322 4 889401432 +164 323 4 889401318 +164 328 5 889401362 +164 329 4 889401410 +164 331 5 889401193 +164 333 5 889401383 +164 405 5 889402160 +164 406 2 889402389 +164 407 2 889402443 +164 458 4 889402050 +164 471 5 889402245 +164 472 5 889402071 +164 597 4 889402225 +164 619 4 889402160 +164 620 3 889402298 +164 678 4 889401432 +164 685 5 889402160 +164 689 5 889401490 +164 690 4 889401241 +164 748 5 889401410 +164 751 4 889401263 +164 823 4 889402225 +164 825 4 889402203 +164 826 4 889402340 +164 926 2 889402091 +164 930 4 889402340 +164 984 4 889401456 +164 1025 4 889401510 +165 69 3 879525799 +165 91 4 879525756 +165 127 4 879525706 +165 156 3 879525894 +165 169 5 879525832 +165 174 4 879525961 +165 181 5 879525738 +165 187 3 879526046 +165 202 4 879525855 +165 216 4 879525778 +165 223 4 879525894 +165 258 5 879525672 +165 260 3 879525673 +165 288 2 879525673 +165 304 3 879525672 +165 318 5 879525961 +165 325 4 879525672 +165 326 5 879525672 +165 328 3 879525673 +165 332 4 879525672 +165 372 5 879525987 +165 419 4 879525706 +165 432 5 879526046 +165 651 5 879525961 +165 1119 3 879525922 +166 258 4 886397562 +166 288 3 886397510 +166 300 5 886397723 +166 313 5 886397478 +166 315 3 886397478 +166 322 5 886397723 +166 323 5 886397722 +166 328 5 886397722 +166 343 4 886397882 +166 346 1 886397596 +166 347 5 886397562 +166 687 1 886397777 +166 688 3 886397855 +166 748 2 886397751 +166 894 4 886397905 +167 48 1 892738277 +167 73 2 892738452 +167 83 5 892738384 +167 86 4 892738212 +167 99 4 892738385 +167 126 3 892738141 +167 133 5 892738453 +167 136 4 892738418 +167 137 5 892738081 +167 169 1 892738419 +167 184 1 892738278 +167 204 4 892738384 +167 216 4 892738237 +167 222 4 892737995 +167 232 1 892738341 +167 235 3 892737972 +167 237 4 892737972 +167 238 4 892738341 +167 241 5 892738419 +167 288 3 892737972 +167 290 3 892737936 +167 364 3 892738212 +167 381 5 892738212 +167 392 1 892738307 +167 404 3 892738278 +167 465 5 892738341 +167 486 4 892738452 +167 493 4 892738307 +167 512 5 892738341 +167 513 4 892738385 +167 530 5 892738453 +167 554 1 892738237 +167 568 3 892738341 +167 603 4 892738212 +167 606 4 892738452 +167 615 5 892738277 +167 641 4 892738341 +167 655 4 892738237 +167 659 4 892738277 +167 673 4 892738341 +167 674 2 892738384 +167 675 1 892738277 +167 698 4 892738307 +167 719 1 892738341 +167 733 2 892738453 +167 735 4 892738277 +167 831 3 892738141 +167 949 1 892738341 +167 1125 5 892738419 +167 1126 5 892738418 +167 1147 4 892738384 +167 1200 4 892738384 +167 1305 1 892738418 +167 1306 5 892738385 +167 1307 2 892738277 +167 1309 1 892738341 +167 1310 3 892738384 +168 1 5 884287509 +168 7 1 884287559 +168 15 5 884287362 +168 25 5 884287885 +168 100 4 884287362 +168 117 5 884287318 +168 118 4 884288009 +168 123 3 884287822 +168 151 5 884288058 +168 181 4 884287298 +168 222 5 884287759 +168 225 5 884288304 +168 235 2 884288270 +168 252 1 884288304 +168 255 1 884287560 +168 257 5 884287642 +168 258 4 884286863 +168 259 2 884287073 +168 273 4 884287509 +168 274 4 884287865 +168 276 1 884287642 +168 280 4 884287580 +168 281 2 884288033 +168 282 5 884287394 +168 284 2 884288112 +168 288 1 884287927 +168 295 4 884287615 +168 300 5 884287011 +168 313 5 884286862 +168 323 3 884286990 +168 405 4 884287927 +168 409 4 884287846 +168 411 1 884288222 +168 458 1 884288058 +168 472 3 884287927 +168 473 2 884288178 +168 546 3 884287962 +168 596 4 884287615 +168 619 3 884287536 +168 742 5 884287362 +168 744 5 884288058 +168 748 2 884287031 +168 763 2 884288033 +168 819 4 884288270 +168 845 4 884287668 +168 866 5 884287927 +168 924 2 884287614 +168 931 3 884288329 +168 988 2 884287145 +168 1012 5 884287509 +168 1016 5 884287615 +168 1028 2 884287846 +168 1047 2 884288080 +168 1051 4 884288222 +168 1197 5 884287927 +168 1278 3 884287560 +169 50 5 891359250 +169 127 4 891359354 +169 133 4 891359171 +169 134 5 891359250 +169 172 5 891359317 +169 174 4 891359418 +169 181 5 891359276 +169 199 4 891359353 +169 204 3 891359317 +169 234 4 891359418 +169 260 1 891269104 +169 301 4 891268622 +169 308 3 891268776 +169 321 3 891268777 +169 429 3 891359250 +169 443 4 891359418 +169 482 3 891359171 +169 499 3 891359354 +169 525 3 891359250 +169 538 4 891268653 +169 603 5 891359171 +169 604 4 891359317 +169 606 5 891359137 +169 683 3 891268976 +169 705 5 891359354 +169 879 5 891268653 +170 245 5 884103758 +170 258 3 884104016 +170 292 5 884103732 +170 294 3 884705913 +170 299 3 886190476 +170 300 5 884103732 +170 304 4 887646133 +170 328 3 884103860 +170 333 4 886190330 +170 678 4 886623680 +170 749 5 887646170 +170 876 3 886190449 +170 881 3 886190419 +171 245 3 891034801 +171 268 4 891034684 +171 269 4 891034835 +171 270 4 891034835 +171 272 5 891034835 +171 286 3 891034801 +171 288 2 891034606 +171 292 4 891034835 +171 302 4 891034606 +171 303 4 891034801 +171 304 3 891034756 +171 305 2 891034606 +171 306 3 891034606 +171 310 4 891034835 +171 313 4 891034835 +171 326 2 891034801 +171 327 4 891034835 +171 344 3 891034889 +171 346 4 891034835 +171 354 3 891034606 +171 690 3 891034756 +171 1022 3 891034889 +172 23 3 875537717 +172 124 4 875537151 +172 177 4 875537965 +172 178 3 875538027 +172 183 5 875538864 +172 220 4 875537441 +172 425 1 875536591 +172 428 4 875537964 +172 430 3 875537964 +172 462 3 875537717 +172 463 4 875537502 +172 478 3 875538027 +172 483 3 875538028 +172 485 3 875538028 +172 488 3 875537965 +172 514 3 875537964 +172 580 4 875538028 +172 582 4 875538864 +172 603 3 875538027 +172 642 4 875538028 +172 657 3 875538027 +172 697 3 875536498 +172 1134 2 875536721 +172 1172 3 875538864 +173 242 5 877556626 +173 245 4 877556927 +173 258 4 877556625 +173 259 3 877557239 +173 260 4 877557345 +173 262 4 877556864 +173 268 4 877556626 +173 286 5 877556626 +173 289 4 877556988 +173 292 5 877557369 +173 294 5 877556864 +173 299 4 877556926 +173 300 4 877556988 +173 301 5 877557076 +173 303 5 877556864 +173 319 4 877556926 +173 322 4 877557028 +173 323 5 877556926 +173 324 5 877556864 +173 326 5 877556988 +173 327 5 877557168 +173 328 5 877557028 +173 329 4 877557345 +173 332 4 877557028 +173 334 4 877556926 +173 678 3 877556988 +173 687 1 877557132 +173 879 5 877557076 +173 880 4 877557168 +173 881 3 877557168 +173 938 3 877557076 +173 995 5 877556988 +173 1265 3 877557239 +174 11 5 886439516 +174 13 3 891551777 +174 14 5 886433771 +174 21 1 886515209 +174 28 5 886434547 +174 29 2 886514469 +174 40 4 886514985 +174 41 1 886515063 +174 49 4 886513788 +174 50 4 886433166 +174 56 5 886452583 +174 63 4 886514985 +174 65 5 886514123 +174 66 5 886513706 +174 67 1 886515130 +174 70 5 886453169 +174 80 1 886515210 +174 82 1 886515472 +174 87 5 886514089 +174 88 5 886513752 +174 94 2 886515062 +174 98 5 886452583 +174 99 3 886515457 +174 107 5 886434361 +174 117 5 886434136 +174 118 2 886434186 +174 122 1 886434421 +174 124 5 886514168 +174 125 5 886514069 +174 126 5 886433166 +174 132 2 886439516 +174 138 1 891551778 +174 143 5 886515457 +174 155 4 886513767 +174 160 5 886514377 +174 162 5 886514108 +174 167 3 886514953 +174 168 1 886434621 +174 178 5 886513947 +174 196 5 886514108 +174 197 5 886434547 +174 202 5 886513729 +174 204 4 886452552 +174 215 5 886514220 +174 216 5 886439516 +174 237 4 886434047 +174 240 1 886434241 +174 244 4 886433881 +174 246 5 886433833 +174 248 5 886433981 +174 255 5 886434114 +174 268 5 886432749 +174 272 5 886432770 +174 276 5 886433862 +174 280 5 886433862 +174 284 4 886433771 +174 286 5 890168158 +174 288 3 886432770 +174 293 5 890168505 +174 312 5 886432972 +174 315 5 886432749 +174 332 5 886432901 +174 333 4 886432811 +174 347 4 886432844 +174 368 1 886434402 +174 369 1 886515272 +174 371 5 886513674 +174 381 5 886513706 +174 383 1 886515171 +174 384 1 886515121 +174 386 1 886515130 +174 393 4 886514837 +174 395 1 886515154 +174 396 1 886515104 +174 401 1 886515063 +174 402 5 886513729 +174 407 1 886515295 +174 412 1 886433919 +174 415 3 886515591 +174 423 2 886514276 +174 456 1 886515240 +174 458 4 886433862 +174 471 5 886433804 +174 476 4 886434136 +174 546 3 886514323 +174 571 1 886515295 +174 575 1 886515239 +174 577 1 886515295 +174 582 4 886439537 +174 597 3 886434261 +174 623 3 886515532 +174 648 5 886513648 +174 655 5 886514168 +174 660 5 886514261 +174 699 5 886514220 +174 708 5 886514243 +174 709 4 890168554 +174 716 5 886513674 +174 721 2 886514889 +174 724 5 886453169 +174 762 5 886434136 +174 763 1 886434260 +174 768 1 886515569 +174 780 1 886515030 +174 781 4 886513788 +174 823 4 886434376 +174 845 5 886433771 +174 862 1 886515172 +174 871 1 886434166 +174 902 3 890168363 +174 905 3 890168415 +174 934 4 886434421 +174 937 5 886432989 +174 949 5 886513729 +174 950 3 886434204 +174 951 1 886515551 +174 988 1 886515335 +174 1001 1 886515030 +174 1014 3 890664424 +174 1017 2 886434187 +174 1028 4 886434087 +174 1032 3 886515591 +174 1033 1 886515591 +174 1041 5 886513788 +174 1053 5 886514358 +174 1086 5 886434047 +174 1091 3 886515591 +174 1139 2 886514651 +174 1230 1 886515210 +174 1254 1 886434421 +174 1311 3 886514430 +174 1312 4 886434484 +174 1313 4 888155294 +175 9 4 877108146 +175 11 5 877107339 +175 31 4 877108051 +175 50 5 877107138 +175 56 2 877107790 +175 71 4 877107942 +175 88 4 877108146 +175 96 3 877108051 +175 98 5 877107390 +175 111 4 877108015 +175 127 5 877107640 +175 132 3 877107712 +175 133 4 877107390 +175 136 4 877108051 +175 176 3 877107255 +175 183 4 877107942 +175 186 4 877107790 +175 187 4 877107338 +175 195 3 877107790 +175 215 5 877107500 +175 273 2 877107640 +175 483 5 877107339 +175 496 5 877108098 +175 566 3 877108015 +175 629 3 877107942 +175 660 3 877107836 +175 669 1 877107790 +175 869 3 877107500 +176 7 5 886048188 +176 13 4 886047994 +176 50 5 886047879 +176 93 5 886047963 +176 100 5 886047918 +176 117 4 886048305 +176 129 3 886048391 +176 150 4 886047879 +176 181 3 886047879 +176 236 4 886048145 +176 237 3 886048145 +176 240 4 886048230 +176 250 4 886047963 +176 257 1 886048188 +176 258 4 886047026 +176 262 4 886047292 +176 268 5 886046979 +176 270 4 886047069 +176 272 5 886047068 +176 273 4 886048230 +176 285 5 886047963 +176 286 2 886046979 +176 288 3 886046979 +176 289 3 886047292 +176 293 5 886048040 +176 294 2 886047220 +176 297 3 886047918 +176 298 4 886047918 +176 303 3 886047118 +176 305 5 886047068 +176 319 3 886046979 +176 324 5 886047292 +176 327 3 886047176 +176 340 5 886046979 +176 345 5 886046979 +176 405 2 886048262 +176 458 4 886048305 +176 508 3 886047879 +176 750 4 886047176 +176 751 1 886046979 +176 875 4 886047442 +176 876 3 886047375 +176 881 3 886047531 +176 919 2 886048391 +176 948 4 886047595 +176 1008 4 886048040 +176 1012 4 886048145 +176 1097 4 886047963 +177 1 3 880130699 +177 7 4 880130881 +177 22 4 880130847 +177 42 4 880130972 +177 47 3 880131187 +177 56 5 880130618 +177 59 4 880130825 +177 60 4 880130634 +177 69 1 880131088 +177 79 4 880130758 +177 87 4 880130931 +177 89 5 880131088 +177 96 3 880130898 +177 98 5 880131026 +177 100 5 880130600 +177 124 3 880130881 +177 127 5 880130667 +177 129 3 880130653 +177 144 5 880131011 +177 150 4 880130807 +177 156 5 880130931 +177 160 4 880131011 +177 168 4 880130807 +177 172 5 880130990 +177 174 4 880130990 +177 175 5 880130972 +177 179 5 880131057 +177 181 4 880130931 +177 182 5 880130684 +177 183 4 880130972 +177 186 4 880130990 +177 187 4 880131040 +177 195 4 880130699 +177 196 3 880130881 +177 197 4 880130758 +177 198 4 880131161 +177 203 4 880131026 +177 204 3 880131011 +177 209 4 880130736 +177 210 4 880130990 +177 216 4 880130653 +177 221 3 880130775 +177 238 3 880131143 +177 243 1 882142141 +177 245 3 880130534 +177 258 3 880130379 +177 260 2 880130534 +177 270 1 880130452 +177 271 2 882141868 +177 276 5 880130758 +177 289 2 880130534 +177 294 4 880130481 +177 299 4 880130500 +177 300 2 880130434 +177 302 4 880130379 +177 307 4 882141842 +177 318 4 880130618 +177 321 2 880130481 +177 322 2 880130534 +177 324 4 880130434 +177 327 3 880130467 +177 333 4 880130397 +177 334 3 880130467 +177 336 2 880130500 +177 338 3 882142221 +177 340 4 880130415 +177 403 5 880131201 +177 433 4 880131123 +177 470 5 880130951 +177 475 4 880130898 +177 508 4 880130825 +177 642 4 880130972 +177 651 3 880130862 +177 678 3 882142086 +177 689 3 882141885 +177 748 3 880130534 +177 878 1 882142141 +177 919 4 880130736 +177 948 2 882141918 +177 960 3 880131161 +177 1039 3 880130807 +177 1067 4 880131201 +177 1110 3 880131123 +178 1 4 882823805 +178 7 4 882823805 +178 8 4 882826556 +178 12 5 882826162 +178 15 5 882823858 +178 16 4 882823905 +178 22 5 882826187 +178 25 3 888514710 +178 28 5 882826806 +178 31 4 882827083 +178 39 2 882827645 +178 51 4 882828021 +178 55 4 882826394 +178 58 5 882827134 +178 64 5 882826242 +178 66 4 882826868 +178 69 5 882826437 +178 70 4 882827083 +178 71 4 882826577 +178 73 5 882827985 +178 76 3 882827288 +178 77 4 882827947 +178 79 4 882826306 +178 83 4 882826556 +178 89 4 882826514 +178 96 4 882826782 +178 98 5 882826944 +178 99 4 882827574 +178 100 4 882823758 +178 106 2 882824983 +178 111 4 882823905 +178 117 4 882824467 +178 118 4 882824291 +178 121 5 882824291 +178 124 4 882823758 +178 125 4 882824431 +178 131 4 882827947 +178 133 4 885784518 +178 134 3 882826983 +178 135 2 882826915 +178 144 4 882825768 +178 147 4 886678902 +178 148 4 882824325 +178 156 2 882826395 +178 157 5 882827400 +178 161 5 882827645 +178 164 3 882827288 +178 168 4 882826347 +178 172 4 882826555 +178 173 5 882826306 +178 174 5 882826719 +178 178 4 882826395 +178 179 2 882828320 +178 180 3 882826395 +178 181 5 882823832 +178 183 4 882826347 +178 187 4 882826049 +178 193 4 882826868 +178 194 4 882826306 +178 195 4 882826944 +178 196 4 882827834 +178 199 4 882826306 +178 203 4 882826242 +178 204 4 882826048 +178 209 4 882826944 +178 210 5 884837073 +178 214 1 882827985 +178 215 5 882826807 +178 216 4 882826868 +178 218 3 882827776 +178 220 3 882827247 +178 222 4 882823857 +178 223 4 882827433 +178 228 5 882826556 +178 229 4 885784558 +178 232 5 882827162 +178 233 4 882827375 +178 234 4 882826783 +178 241 5 882827375 +178 244 1 884837126 +178 245 3 882823460 +178 246 4 884837324 +178 248 4 882823954 +178 250 4 888514821 +178 255 4 882824001 +178 257 5 882823954 +178 258 4 882823353 +178 259 1 882823437 +178 268 4 884837324 +178 269 4 882823324 +178 271 4 882823395 +178 273 3 882823858 +178 275 5 882823857 +178 276 3 882823978 +178 282 3 882823978 +178 283 5 882823784 +178 284 4 888514680 +178 286 3 882823324 +178 288 5 882823353 +178 293 4 882823954 +178 294 2 882823301 +178 295 3 882824055 +178 302 4 892239796 +178 304 4 882823375 +178 317 4 882826915 +178 323 3 882823530 +178 326 4 888513095 +178 328 3 882823416 +178 331 4 882823301 +178 332 3 882823437 +178 333 3 884836479 +178 339 3 892239822 +178 342 4 892239863 +178 358 1 888512993 +178 363 3 882824467 +178 367 4 882828021 +178 385 4 882826982 +178 410 4 882824467 +178 427 5 882826162 +178 431 4 882827400 +178 433 4 882827834 +178 435 4 882827043 +178 454 4 882827247 +178 455 3 882825357 +178 458 3 882824467 +178 460 2 882824869 +178 465 3 882827506 +178 471 4 882823930 +178 476 3 882824713 +178 478 5 882826514 +178 480 3 882826048 +178 483 4 882826210 +178 484 4 882826187 +178 491 4 882827247 +178 495 4 882827870 +178 500 4 882827288 +178 508 3 884837419 +178 510 4 882826394 +178 511 5 882827532 +178 520 5 882826210 +178 531 4 882826242 +178 540 3 886678484 +178 546 3 888514680 +178 549 4 882827689 +178 566 4 882826915 +178 568 4 882826555 +178 588 4 882826242 +178 596 3 882824194 +178 597 4 882824869 +178 607 3 882826347 +178 619 3 888514710 +178 625 3 884837073 +178 628 4 882824027 +178 651 4 882826915 +178 655 4 882827247 +178 658 5 882827162 +178 678 3 882823530 +178 679 4 882826944 +178 682 3 892239928 +178 684 5 882827019 +178 696 4 882824869 +178 720 3 882827645 +178 724 4 882827433 +178 731 4 882827532 +178 735 5 882827083 +178 739 4 882827737 +178 742 3 882823833 +178 746 3 882827019 +178 748 4 882823460 +178 762 3 882824592 +178 781 4 882827716 +178 792 5 882827834 +178 823 2 882824592 +178 845 4 882824291 +178 849 3 882828021 +178 864 2 888514648 +178 866 4 882825357 +178 873 3 886678647 +178 877 2 888513069 +178 881 2 886678484 +178 895 3 884836516 +178 926 4 882824671 +178 978 2 882824983 +178 984 2 882823530 +178 993 5 882824592 +178 1004 4 882827375 +178 1011 3 882824431 +178 1012 4 884837364 +178 1028 3 882824670 +178 1035 4 882828350 +178 1038 2 882823566 +178 1047 2 882824326 +178 1051 3 885784583 +178 1119 4 882827400 +178 1169 4 882827134 +178 1197 4 882824055 +178 1258 4 882823930 +178 1283 3 885784558 +178 1300 3 886678518 +179 258 5 892151270 +179 269 3 892151064 +179 271 1 892151565 +179 272 5 892151202 +179 288 5 892151489 +179 300 4 892151231 +179 301 4 892151565 +179 303 1 892151270 +179 305 4 892151270 +179 310 4 892151365 +179 313 4 892151270 +179 315 5 892151202 +179 316 5 892151202 +179 331 2 892151331 +179 339 1 892151366 +179 345 1 892151565 +179 346 3 892151489 +179 347 3 892151064 +179 353 1 892151270 +179 354 4 892151331 +179 538 4 892151231 +179 682 5 892151459 +179 691 3 892151331 +179 750 1 892151270 +179 751 1 892151565 +179 895 5 892151565 +179 902 1 892151064 +179 905 4 892151331 +179 914 5 892151174 +179 916 5 892151064 +179 1127 1 892151270 +179 1234 1 892151459 +179 1316 3 892151489 +180 28 3 877355568 +180 40 4 877127296 +180 53 5 877442125 +180 56 5 877127130 +180 67 1 877127591 +180 68 5 877127721 +180 69 4 877355568 +180 79 3 877442037 +180 83 5 877128388 +180 111 5 877127747 +180 121 5 877127830 +180 156 5 877127747 +180 173 5 877128388 +180 181 2 877125956 +180 191 4 877372188 +180 196 5 877355617 +180 202 3 877128388 +180 204 3 877127159 +180 213 5 877128388 +180 216 5 877128388 +180 222 5 877127815 +180 235 4 877127758 +180 318 5 877355315 +180 356 3 877442079 +180 372 5 877127237 +180 403 3 877355713 +180 421 5 877128388 +180 423 4 877355568 +180 431 4 877442098 +180 433 5 877127273 +180 462 5 877544218 +180 469 5 877372278 +180 631 5 877544373 +180 655 5 877127159 +180 694 5 877128388 +180 716 1 877128119 +180 732 3 877128137 +180 735 4 877355337 +180 737 3 877128327 +180 739 3 877128156 +180 747 4 877128156 +180 762 4 877126241 +180 785 4 877128388 +180 939 4 877355472 +180 961 5 877544384 +180 1119 3 877128156 +180 1131 5 877441985 +181 1 3 878962392 +181 3 2 878963441 +181 6 1 878962866 +181 7 4 878963037 +181 9 4 878962675 +181 10 2 878962955 +181 13 2 878962465 +181 14 1 878962392 +181 16 1 878962996 +181 20 1 878962919 +181 21 1 878963381 +181 24 1 878962866 +181 25 5 878962675 +181 103 1 878962586 +181 106 2 878963167 +181 107 1 878963343 +181 108 1 878963343 +181 109 1 878962955 +181 112 1 878962955 +181 116 1 878962550 +181 120 1 878963204 +181 121 4 878962623 +181 122 2 878963276 +181 123 2 878963276 +181 124 1 878962550 +181 125 3 878962816 +181 130 1 878963241 +181 146 1 878962955 +181 147 1 878963168 +181 148 2 878963204 +181 149 1 878962719 +181 150 1 878962465 +181 151 2 878962866 +181 220 4 878962392 +181 221 1 878962465 +181 222 4 878962919 +181 225 3 878963038 +181 236 1 878962350 +181 237 5 878962996 +181 240 1 878963122 +181 243 1 878961814 +181 245 2 878961369 +181 251 1 878962052 +181 256 1 878962086 +181 258 3 878961709 +181 259 1 878961668 +181 260 1 878961623 +181 261 1 878961814 +181 262 2 878961749 +181 263 1 878961709 +181 264 2 878961624 +181 266 1 878961709 +181 268 1 878961749 +181 269 1 878961511 +181 273 1 878962774 +181 274 4 878962720 +181 276 2 878962816 +181 277 1 878963441 +181 278 2 878963440 +181 279 1 878962955 +181 280 4 878963381 +181 281 2 878963038 +181 283 3 878963241 +181 284 2 878962996 +181 285 2 878962816 +181 286 1 878961173 +181 287 2 878963038 +181 288 4 878961173 +181 289 4 878961332 +181 292 1 878961781 +181 299 1 878961749 +181 300 3 878961227 +181 301 2 878961303 +181 302 2 878961511 +181 303 1 878961749 +181 304 1 878961586 +181 305 2 878961542 +181 306 1 878962006 +181 308 1 878961847 +181 319 3 878961173 +181 321 2 878961623 +181 323 2 878961304 +181 324 1 878961814 +181 325 2 878961814 +181 327 3 878961780 +181 328 3 878961227 +181 329 1 878961781 +181 330 1 878961668 +181 331 1 878961511 +181 332 2 878961173 +181 333 3 878961227 +181 334 1 878961749 +181 335 1 878961748 +181 337 1 878961709 +181 359 1 878961668 +181 368 1 878963440 +181 369 3 878963418 +181 370 2 878963418 +181 405 4 878962919 +181 406 1 878962955 +181 408 1 878962550 +181 410 1 878962955 +181 411 3 878963276 +181 412 2 878963122 +181 424 1 878962240 +181 457 1 878961474 +181 458 3 878962350 +181 459 1 878962349 +181 460 1 878963418 +181 472 1 878963380 +181 473 2 878962919 +181 476 4 878962996 +181 508 3 878962623 +181 544 1 878962919 +181 546 2 878962919 +181 593 1 878962349 +181 595 2 878962918 +181 596 4 878962866 +181 597 3 878963276 +181 598 1 878962623 +181 619 3 878963086 +181 620 2 878963204 +181 628 3 878962392 +181 676 3 878962392 +181 678 2 878961369 +181 680 1 878961709 +181 682 4 878961586 +181 683 1 878962006 +181 685 2 878963381 +181 687 1 878961814 +181 688 1 878961668 +181 690 3 878961511 +181 696 2 878962997 +181 713 2 878962774 +181 717 1 878963418 +181 718 1 878962675 +181 740 2 878963085 +181 741 1 878962918 +181 742 4 878962623 +181 743 1 878963241 +181 744 2 878962720 +181 748 1 878961368 +181 758 1 878963418 +181 762 2 878963418 +181 763 1 878962955 +181 764 1 878962866 +181 766 1 878962675 +181 815 3 878963168 +181 819 3 878962550 +181 823 2 878963343 +181 824 1 878963305 +181 825 1 878963304 +181 826 1 878963304 +181 827 2 878963276 +181 828 1 878963086 +181 829 1 878962675 +181 832 1 878963038 +181 833 1 878963205 +181 834 3 878962720 +181 840 1 878963204 +181 841 1 878963204 +181 846 3 878962586 +181 847 1 878962550 +181 864 2 878962774 +181 866 1 878963037 +181 870 2 878962623 +181 871 2 878963168 +181 872 1 878961814 +181 873 1 878961542 +181 874 1 878961749 +181 875 3 878961623 +181 878 1 878961709 +181 879 2 878961542 +181 880 1 878961668 +181 881 1 878961781 +181 882 1 878962006 +181 884 1 878961847 +181 885 1 878962006 +181 886 1 878961623 +181 887 1 878962005 +181 922 1 878963305 +181 925 2 878963418 +181 926 1 878962866 +181 927 1 878962675 +181 928 3 878963241 +181 929 1 878963122 +181 930 1 878963275 +181 932 1 878963121 +181 933 1 878962675 +181 937 3 878961781 +181 938 1 878961586 +181 948 1 878961474 +181 950 1 878963440 +181 952 1 878962720 +181 975 2 878963343 +181 976 1 878963342 +181 978 1 878963305 +181 979 2 878963241 +181 980 1 878962496 +181 981 1 878962279 +181 984 1 878961781 +181 985 1 878962465 +181 986 2 878963038 +181 988 2 878961847 +181 990 1 878961814 +181 995 1 878961585 +181 1001 1 878963038 +181 1008 1 878963276 +181 1009 1 878963276 +181 1010 1 878962774 +181 1011 1 878963204 +181 1015 1 878963121 +181 1017 1 878962496 +181 1022 1 878962006 +181 1025 1 878961668 +181 1028 2 878962997 +181 1033 1 878963381 +181 1034 1 878962586 +181 1040 1 878962997 +181 1047 2 878962866 +181 1048 2 878963275 +181 1049 1 878963122 +181 1051 2 878962586 +181 1052 2 878963441 +181 1057 2 878963381 +181 1060 1 878962675 +181 1061 2 878963086 +181 1067 1 878962550 +181 1068 1 878962052 +181 1079 1 878963122 +181 1081 1 878962623 +181 1084 2 878962550 +181 1086 1 878962464 +181 1087 1 878962496 +181 1093 1 878962391 +181 1094 1 878963086 +181 1095 1 878962955 +181 1102 1 878963381 +181 1115 1 878962774 +181 1117 2 878962585 +181 1120 1 878962279 +181 1128 1 878962279 +181 1129 1 878962675 +181 1134 2 878963167 +181 1137 1 878962392 +181 1151 1 878963304 +181 1161 1 878962119 +181 1163 2 878963086 +181 1164 3 878962464 +181 1165 1 878962496 +181 1171 1 878962773 +181 1173 1 878962052 +181 1174 1 878962200 +181 1187 1 878962816 +181 1198 1 878962585 +181 1199 1 878962675 +181 1202 1 878962720 +181 1215 1 878963304 +181 1242 1 878962349 +181 1252 1 878962168 +181 1259 1 878962496 +181 1265 1 878961668 +181 1272 1 878962349 +181 1276 1 878962586 +181 1281 1 878963241 +181 1282 1 878962496 +181 1284 1 878962773 +181 1287 1 878963380 +181 1288 1 878962349 +181 1289 1 878962866 +181 1291 1 878963167 +181 1295 1 878961781 +181 1296 1 878962006 +181 1312 1 878962349 +181 1317 1 878962086 +181 1318 1 878962349 +181 1319 1 878962120 +181 1320 1 878962279 +181 1321 1 878962200 +181 1322 1 878962086 +181 1323 1 878962119 +181 1324 1 878962464 +181 1325 1 878962816 +181 1326 1 878963342 +181 1327 1 878963305 +181 1328 1 878962240 +181 1329 1 878962240 +181 1330 1 878962052 +181 1332 1 878962278 +181 1333 1 878962120 +181 1334 1 878962240 +181 1335 1 878963241 +181 1336 1 878963241 +181 1341 1 878962169 +181 1342 1 878962168 +181 1343 1 878962199 +181 1344 1 878962240 +181 1345 1 878962168 +181 1346 1 878962086 +181 1347 1 878962052 +181 1348 1 878962200 +181 1350 1 878962120 +181 1351 1 878962168 +181 1352 1 878962240 +181 1353 1 878962200 +181 1354 1 878962496 +181 1356 1 878963204 +181 1357 1 878962240 +181 1358 1 878962120 +181 1360 1 878962119 +181 1361 1 878963122 +181 1362 1 878962200 +181 1364 1 878962464 +181 1365 1 878963086 +181 1366 1 878962200 +181 1367 2 878962086 +181 1368 1 878962200 +181 1369 1 878962199 +181 1370 1 878962550 +181 1371 1 878962240 +181 1373 1 878962052 +181 1374 1 878962391 +181 1375 1 878962586 +181 1376 1 878963167 +181 1377 1 878962496 +181 1378 1 878962169 +181 1379 1 878962168 +181 1380 1 878962086 +181 1381 2 878962349 +181 1382 1 878962168 +181 1383 1 878962086 +181 1384 1 878962052 +181 1385 1 878962051 +181 1386 1 878962119 +181 1387 1 878962119 +181 1388 1 878962168 +181 1390 1 878962052 +181 1391 1 878962168 +181 1392 1 878961749 +181 1393 1 878961709 +181 1394 1 878961847 +181 1395 1 878961847 +182 1 4 885613092 +182 15 4 885612967 +182 48 3 876436556 +182 50 5 885613018 +182 69 5 876435435 +182 100 3 885613067 +182 121 3 885613117 +182 123 4 885612994 +182 150 3 885613294 +182 172 5 876435435 +182 178 5 876435434 +182 222 3 885613180 +182 237 3 885613067 +182 283 2 885613153 +182 293 3 885613152 +182 423 5 876436480 +182 471 4 885613216 +182 596 5 885613152 +182 763 3 885613092 +182 845 3 885613067 +182 864 4 885613092 +183 50 2 891467546 +183 54 2 891467546 +183 62 2 891479217 +183 88 3 891466760 +183 94 3 891466863 +183 96 3 891463617 +183 121 3 891463809 +183 144 3 891479783 +183 159 4 892323452 +183 177 5 892323452 +183 202 4 891463320 +183 203 3 891466266 +183 222 4 892323453 +183 225 1 891467546 +183 227 4 891463592 +183 228 4 891463591 +183 230 5 892323452 +183 241 4 892323453 +183 250 2 891464352 +183 257 2 891464558 +183 258 3 891462811 +183 265 2 891466350 +183 270 3 891462811 +183 273 4 892323452 +183 274 5 892323452 +183 294 3 891467280 +183 331 3 892322382 +183 380 4 891463592 +183 405 4 891464393 +183 431 2 891467545 +183 449 2 891463592 +183 450 3 891463592 +183 483 5 892323452 +183 485 5 892323452 +183 562 3 891467003 +183 649 4 891464079 +183 720 4 892323453 +183 739 4 891467353 +183 1215 1 891467546 +183 1217 3 891466405 +184 1 4 889907652 +184 7 3 889907738 +184 9 5 889907685 +184 11 3 889908694 +184 13 3 889907839 +184 14 4 889907738 +184 15 3 889907812 +184 22 3 889908985 +184 29 3 889910326 +184 34 2 889913568 +184 36 3 889910195 +184 40 4 889910326 +184 47 4 889909640 +184 52 4 889910034 +184 56 3 889908657 +184 57 5 889908539 +184 58 4 889908984 +184 64 4 889909045 +184 65 4 889909516 +184 67 3 889912569 +184 69 3 889908694 +184 70 4 889908657 +184 71 4 889911552 +184 72 3 889909988 +184 77 3 889910217 +184 86 5 889908694 +184 88 3 889909551 +184 89 4 889908572 +184 91 3 889909988 +184 92 3 889908657 +184 95 4 889908801 +184 98 4 889908539 +184 100 5 889907652 +184 116 4 889910481 +184 124 5 889907652 +184 126 3 889907971 +184 132 5 889913687 +184 134 5 889909618 +184 137 5 889907685 +184 143 3 889908903 +184 153 3 889911285 +184 155 3 889912656 +184 160 3 889911459 +184 161 2 889909640 +184 164 3 889911434 +184 165 4 889911178 +184 170 5 889913687 +184 172 4 889908497 +184 174 3 889908693 +184 181 4 889907426 +184 185 4 889908843 +184 187 4 889909024 +184 191 4 889908716 +184 192 4 889908843 +184 196 4 889908985 +184 197 4 889908873 +184 202 3 889909768 +184 207 4 889908903 +184 208 4 889908985 +184 212 4 889909618 +184 213 5 889909045 +184 216 4 889908539 +184 217 3 889910394 +184 218 3 889909840 +184 220 3 889908264 +184 223 4 889911195 +184 231 3 889910195 +184 235 2 889907862 +184 237 4 889907945 +184 238 4 889909069 +184 241 3 889909812 +184 250 4 889907482 +184 252 2 889907528 +184 254 2 889907569 +184 255 3 889907468 +184 258 3 889906882 +184 259 3 889907096 +184 262 5 889906946 +184 272 4 889907301 +184 274 4 889907812 +184 275 5 889913687 +184 276 4 889907685 +184 277 3 889907971 +184 286 4 889906905 +184 287 4 889908050 +184 301 3 889907045 +184 313 4 889906905 +184 317 3 889909426 +184 318 5 889908571 +184 321 5 889906967 +184 340 5 889906905 +184 368 1 889908104 +184 371 5 889909840 +184 372 3 889910053 +184 382 5 889909691 +184 387 4 889909515 +184 396 3 889910326 +184 403 3 889909746 +184 405 2 889908050 +184 410 3 889908181 +184 412 2 889912691 +184 423 4 889909409 +184 428 4 889909551 +184 447 3 889910653 +184 451 4 889909914 +184 458 3 889907925 +184 462 4 889908873 +184 473 4 889908133 +184 476 2 889908207 +184 478 4 889908902 +184 480 4 889908571 +184 485 4 889908947 +184 487 4 889908571 +184 488 5 889913687 +184 492 4 889908947 +184 496 5 889908539 +184 497 4 889909409 +184 498 5 889913687 +184 504 4 889908630 +184 506 4 889909569 +184 509 4 889908694 +184 511 4 889908740 +184 514 5 889908497 +184 515 5 889907599 +184 517 4 889909409 +184 521 4 889908873 +184 522 3 889908462 +184 531 4 889910653 +184 553 3 889909746 +184 559 3 889910418 +184 568 2 889909474 +184 582 4 889909409 +184 584 3 889909889 +184 588 5 889909812 +184 591 3 889907711 +184 602 4 889909691 +184 604 4 889908693 +184 606 5 889913687 +184 629 3 889911162 +184 632 5 889913687 +184 640 4 889909551 +184 642 4 889909446 +184 645 3 889910123 +184 647 5 889909024 +184 655 3 889908630 +184 660 3 889909962 +184 664 3 889911712 +184 665 2 889910098 +184 676 4 889907925 +184 692 4 889909672 +184 693 3 889909142 +184 699 5 889909914 +184 707 4 889908873 +184 715 4 889909590 +184 716 3 889909987 +184 724 4 889909672 +184 729 3 889909840 +184 735 3 889909868 +184 742 3 889908026 +184 766 3 889907738 +184 780 4 889913254 +184 792 4 889909840 +184 805 3 889912232 +184 813 4 889907711 +184 836 4 889909142 +184 837 3 889908630 +184 855 4 889909474 +184 942 3 889909768 +184 949 3 889909618 +184 950 4 889907896 +184 972 3 889909962 +184 995 3 889907044 +184 1006 3 889910078 +184 1008 4 889907896 +184 1010 4 889907896 +184 1012 3 889907448 +184 1020 4 889908630 +184 1086 4 889907711 +184 1101 4 889909515 +184 1121 4 889910545 +184 1136 4 889912890 +184 1137 5 889907812 +184 1195 3 889909934 +184 1232 3 889910123 +184 1297 2 889910257 +184 1396 4 889913490 +184 1397 3 889910233 +184 1398 5 889911749 +185 15 3 883525255 +185 23 4 883524249 +185 28 5 883524428 +185 47 4 883524249 +185 50 4 883525998 +185 86 5 883524428 +185 114 4 883524320 +185 116 4 883526268 +185 127 5 883525183 +185 160 1 883524281 +185 178 4 883524364 +185 196 4 883524172 +185 197 5 883524428 +185 199 4 883526268 +185 216 4 883526268 +185 223 4 883524249 +185 237 4 883526268 +185 239 3 883524206 +185 258 4 883526267 +185 269 5 883524428 +185 275 4 883524320 +185 279 4 883525255 +185 285 5 883524507 +185 286 4 883523876 +185 287 5 883526288 +185 302 4 883526267 +185 318 4 883524172 +185 321 5 883524428 +185 447 4 883526268 +185 480 4 883526267 +185 515 4 883525255 +185 528 4 883526268 +185 638 4 883524364 +185 701 3 883524364 +185 703 4 883524172 +185 740 4 883524475 +185 845 4 883524507 +185 939 3 883524249 +186 12 1 879023460 +186 31 4 879023529 +186 38 5 879023723 +186 44 5 879023529 +186 53 1 879023882 +186 55 4 879023556 +186 71 5 879024535 +186 77 5 879023694 +186 95 3 879024535 +186 100 4 879023115 +186 117 5 879023607 +186 118 2 879023242 +186 147 4 891719774 +186 148 4 891719774 +186 159 5 879023723 +186 177 4 891719775 +186 225 4 879024148 +186 226 5 879023664 +186 237 2 879023934 +186 250 1 879023607 +186 257 4 891719774 +186 258 1 879720880 +186 263 3 879023571 +186 269 1 889818094 +186 281 4 879023390 +186 288 1 879022858 +186 291 4 879023073 +186 294 3 879024099 +186 295 2 879023390 +186 298 3 879023073 +186 299 3 879720962 +186 300 5 879022858 +186 302 3 891717742 +186 322 5 879022927 +186 327 3 891717806 +186 330 4 891718038 +186 331 3 889817888 +186 333 3 891718820 +186 338 3 889818331 +186 356 5 879023663 +186 385 4 879023894 +186 405 3 879023677 +186 406 1 879023272 +186 470 5 879023693 +186 477 4 891719775 +186 546 4 891719775 +186 550 4 879023985 +186 554 1 879023751 +186 566 5 879023663 +186 588 4 879024535 +186 591 4 879023073 +186 596 4 879024459 +186 684 4 879023599 +186 689 4 889817888 +186 717 3 879023242 +186 742 3 879023073 +186 770 2 879023819 +186 820 2 879024345 +186 887 4 891717761 +186 925 5 879023152 +186 939 5 879023529 +186 977 3 879023273 +186 983 3 879023152 +186 988 4 891719775 +186 1033 3 879024212 +186 1042 5 879023632 +186 1083 1 879023599 +186 1213 3 879023882 +186 1253 4 891719774 +186 1277 4 879023677 +186 1385 2 879023968 +187 8 5 879465273 +187 23 4 879465631 +187 28 4 879465597 +187 52 4 879465683 +187 64 5 879465631 +187 70 4 879465394 +187 83 5 879465274 +187 86 4 879465478 +187 116 5 879464978 +187 134 3 879465079 +187 135 4 879465653 +187 137 5 879464895 +187 173 5 879465307 +187 175 2 879465241 +187 179 5 879465782 +187 186 4 879465308 +187 191 5 879465566 +187 196 4 879465507 +187 204 2 879465370 +187 209 4 879465370 +187 210 4 879465242 +187 215 3 879465805 +187 241 3 879465858 +187 275 5 879465937 +187 300 4 879464783 +187 423 4 879465745 +187 427 5 879465597 +187 433 4 879465242 +187 435 4 879465242 +187 462 5 879466062 +187 522 3 879465125 +187 523 3 879465125 +187 582 1 879465683 +187 659 5 879465274 +187 694 5 879465532 +187 707 5 879465882 +187 710 4 879465242 +187 732 3 879465419 +187 747 4 879465882 +187 792 5 879465340 +187 1065 4 879465717 +187 1119 3 879465683 +188 7 5 875073477 +188 11 5 875071520 +188 13 4 875073408 +188 38 3 875073828 +188 50 4 875072741 +188 56 4 875071658 +188 66 3 875075118 +188 69 4 875072009 +188 76 4 875073048 +188 77 4 875072328 +188 79 5 875072393 +188 88 4 875075300 +188 96 5 875073128 +188 98 5 875071957 +188 118 3 875072972 +188 127 4 875072799 +188 143 5 875072674 +188 144 3 875071520 +188 148 4 875074667 +188 151 3 875073909 +188 153 5 875075062 +188 159 3 875074589 +188 161 3 875073048 +188 162 4 875072972 +188 164 4 875072674 +188 173 5 875075118 +188 174 5 875072741 +188 176 4 875072876 +188 180 5 875073329 +188 181 3 875072148 +188 185 4 875071710 +188 187 3 875072211 +188 191 3 875073128 +188 194 3 875073329 +188 195 3 875073179 +188 199 4 875071658 +188 202 2 875073712 +188 204 4 875073478 +188 205 3 875071710 +188 209 2 875073246 +188 210 4 875071891 +188 211 4 875075062 +188 216 5 875075300 +188 218 5 875074667 +188 233 3 875074266 +188 234 4 875073048 +188 237 3 875073648 +188 240 1 875072799 +188 259 3 875071443 +188 265 5 875071520 +188 288 4 875071195 +188 294 2 875071249 +188 300 4 875071195 +188 318 5 875072518 +188 326 3 875071293 +188 356 4 875074200 +188 357 4 875073647 +188 392 5 875073408 +188 419 5 875072876 +188 443 4 875074329 +188 455 4 875075432 +188 474 4 875072674 +188 484 5 875072392 +188 485 3 875072087 +188 504 3 875074589 +188 510 3 875071775 +188 511 2 875072211 +188 519 4 875072972 +188 554 2 875074891 +188 566 5 875074200 +188 591 5 875072674 +188 628 5 875074200 +188 632 5 875071581 +188 635 2 875074667 +188 673 4 875074127 +188 678 3 875071361 +188 684 3 875073477 +188 692 5 875072583 +188 717 4 875074329 +188 732 3 875073828 +188 742 5 875073909 +188 769 2 875074720 +188 792 2 875075062 +188 864 2 875072148 +188 928 3 875074847 +188 930 4 875074720 +188 1041 3 875072328 +188 1213 2 875074847 +189 1 5 893264174 +189 4 5 893265741 +189 8 5 893265710 +189 9 3 893263994 +189 10 5 893264335 +189 14 5 893263994 +189 15 2 893264335 +189 16 3 893264335 +189 20 5 893264466 +189 21 2 893264619 +189 28 4 893266298 +189 30 4 893266205 +189 31 3 893266027 +189 45 3 893265657 +189 50 5 893263994 +189 56 5 893265263 +189 59 3 893265191 +189 60 3 893265773 +189 61 3 893265826 +189 79 3 893265478 +189 91 3 893265684 +189 96 5 893265971 +189 100 4 893263994 +189 118 1 893264735 +189 120 1 893264954 +189 121 2 893264816 +189 127 4 893263994 +189 129 3 893264378 +189 133 5 893265773 +189 134 5 893265239 +189 135 4 893265535 +189 137 4 893264407 +189 143 5 893266027 +189 150 4 893277702 +189 151 5 893264378 +189 157 4 893265865 +189 165 5 893265535 +189 170 4 893265380 +189 173 5 893265160 +189 174 5 893265160 +189 175 5 893265506 +189 176 4 893265214 +189 178 5 893265191 +189 179 5 893265478 +189 180 5 893265741 +189 181 3 893264023 +189 185 5 893265428 +189 186 2 893266027 +189 194 5 893265428 +189 197 5 893265291 +189 199 5 893265263 +189 203 3 893265921 +189 214 1 893266326 +189 216 5 893265478 +189 225 4 893264703 +189 234 5 893265401 +189 248 4 893264174 +189 253 4 893264150 +189 255 2 893277551 +189 268 4 893265071 +189 274 4 893264735 +189 275 5 893264194 +189 276 3 893264300 +189 281 2 893264766 +189 294 5 893264220 +189 297 3 893264023 +189 318 5 893265191 +189 378 4 893266137 +189 381 3 893277551 +189 405 2 893264487 +189 418 3 893266204 +189 433 5 893266326 +189 459 4 893264595 +189 462 5 893265741 +189 473 5 893264558 +189 474 5 893265238 +189 479 5 893265123 +189 480 5 893265291 +189 483 5 893265291 +189 484 5 893266105 +189 486 5 893266105 +189 489 5 893265452 +189 496 5 893265380 +189 498 5 893265773 +189 503 3 893266137 +189 505 5 893265239 +189 510 5 893266326 +189 511 4 893265349 +189 512 4 893277702 +189 513 4 893265865 +189 517 4 893265535 +189 520 5 893265380 +189 523 4 893265596 +189 525 5 893265946 +189 526 4 893266205 +189 531 3 893265327 +189 532 4 893264150 +189 568 4 893266205 +189 582 5 893265998 +189 588 4 893266105 +189 596 3 893264407 +189 607 4 893266204 +189 618 2 893265160 +189 632 5 893265624 +189 634 3 893265506 +189 638 5 893265380 +189 639 4 893265893 +189 652 5 893265428 +189 654 3 893265291 +189 657 5 893265123 +189 659 4 893265796 +189 661 4 893265569 +189 663 3 893265773 +189 694 4 893265946 +189 705 4 893265569 +189 732 2 893277248 +189 742 3 893264270 +189 751 4 893265046 +189 792 5 893265741 +189 815 3 893264558 +189 820 1 893264782 +189 847 4 893264150 +189 863 4 893266161 +189 914 2 893265046 +189 934 2 893264678 +189 952 5 893264619 +189 990 3 893264849 +189 1005 4 893265971 +189 1020 4 893265657 +189 1021 5 893266251 +189 1056 3 893265123 +189 1060 5 893264301 +189 1098 4 893265506 +189 1099 5 893266074 +189 1115 4 893264270 +189 1117 5 893264678 +189 1154 3 893265380 +189 1315 3 893264220 +189 1372 4 893264429 +189 1401 4 893266137 +189 1402 4 893266051 +189 1403 4 893265921 +189 1404 5 893266325 +190 7 4 891033653 +190 9 1 891033725 +190 24 3 891033773 +190 100 4 891033653 +190 117 4 891033697 +190 118 3 891033906 +190 121 3 891033773 +190 147 4 891033863 +190 148 4 891033742 +190 222 4 891033676 +190 237 5 891033773 +190 258 3 891033183 +190 269 4 891033606 +190 282 3 891033773 +190 288 5 891033606 +190 291 3 891042883 +190 294 3 891033370 +190 300 4 891033606 +190 302 5 891033606 +190 326 4 891033305 +190 327 2 891033349 +190 328 3 891033305 +190 333 4 891033606 +190 340 1 891033153 +190 363 2 891626023 +190 405 4 891626000 +190 508 3 891033905 +190 546 3 891626000 +190 597 2 891626023 +190 628 4 891042883 +190 696 3 891042883 +190 717 3 891042938 +190 742 3 891033841 +190 748 3 891033388 +190 751 4 891033606 +190 826 3 891626040 +190 895 3 891033327 +190 930 2 891042916 +190 974 2 891625949 +190 977 2 891042938 +190 1313 2 891033445 +191 86 5 891562417 +191 269 3 891562090 +191 270 3 891560253 +191 272 4 891560631 +191 286 4 891560842 +191 288 3 891562090 +191 301 4 891561336 +191 302 4 891560253 +191 307 3 891560935 +191 313 5 891560481 +191 315 5 891560253 +191 316 5 891561456 +191 328 3 891562090 +191 331 4 891560631 +191 332 2 891562090 +191 340 4 891560842 +191 343 3 891561856 +191 345 4 891560753 +191 751 3 891560753 +191 752 3 891560481 +191 754 3 891560366 +191 896 3 891562090 +192 7 4 881367791 +192 9 5 881367527 +192 25 4 881367618 +192 100 5 881367706 +192 111 2 881368222 +192 118 2 881367932 +192 125 3 881367849 +192 127 4 881367456 +192 235 3 881368090 +192 252 1 881368277 +192 255 2 881367505 +192 257 4 881367592 +192 258 5 881366456 +192 269 3 881366436 +192 276 2 881367505 +192 277 3 881367932 +192 287 4 881368016 +192 289 4 881366615 +192 301 4 881366490 +192 302 5 881366489 +192 340 4 881366535 +192 476 2 881368243 +192 515 4 881367889 +192 813 4 881367456 +192 948 3 881368302 +192 1061 4 881368891 +192 1137 4 881367705 +192 1160 4 881367456 +192 1171 2 881368358 +192 1265 3 881366585 +192 1405 5 881367456 +193 2 3 890860198 +193 24 2 889125880 +193 29 3 889126055 +193 33 3 889125912 +193 56 1 889125572 +193 69 5 889125287 +193 79 4 889125755 +193 96 1 889124507 +193 100 5 889124127 +193 111 1 889126375 +193 117 4 889125913 +193 121 3 889125913 +193 122 1 889127698 +193 127 5 890860351 +193 147 2 890860290 +193 153 4 889125629 +193 155 4 889126376 +193 159 4 889124191 +193 161 3 889125912 +193 174 4 889125720 +193 177 4 890860290 +193 182 4 890860290 +193 194 4 889125006 +193 195 1 889124507 +193 210 4 889125755 +193 218 4 889126705 +193 234 3 889126551 +193 258 3 889123038 +193 259 2 889123351 +193 260 1 889123777 +193 268 3 889122906 +193 276 4 890860319 +193 282 5 889124965 +193 286 4 889122906 +193 288 1 889123777 +193 301 4 889123257 +193 307 4 889123316 +193 327 1 889123777 +193 328 3 889122993 +193 332 3 889123257 +193 333 1 889123039 +193 347 4 889122906 +193 352 1 889123777 +193 362 3 889122992 +193 368 1 889127860 +193 393 4 889126808 +193 405 3 889125945 +193 407 4 889127921 +193 410 3 889127633 +193 435 4 889124439 +193 443 4 889126610 +193 465 3 889126867 +193 485 5 889124252 +193 487 5 889124287 +193 553 4 889126272 +193 554 3 889126088 +193 580 4 889127270 +193 627 4 889126972 +193 673 4 889126551 +193 682 1 889123377 +193 684 4 889125788 +193 689 2 890834966 +193 690 4 889123221 +193 693 4 889124374 +193 715 3 890860076 +193 722 3 889126402 +193 750 4 889122950 +193 755 4 889126919 +193 790 3 889127381 +193 815 3 889126332 +193 826 2 889126146 +193 827 2 890859916 +193 845 4 889124803 +193 869 3 889127811 +193 871 3 890860319 +193 879 3 889123257 +193 928 2 889126609 +193 941 4 889124890 +193 1078 4 889126943 +193 1090 2 889124778 +193 1132 3 889127660 +193 1258 3 889123806 +193 1406 4 889123926 +193 1407 3 889126146 +194 1 4 879539127 +194 4 4 879521397 +194 7 3 879538898 +194 12 5 879520916 +194 23 4 879522819 +194 25 2 879540807 +194 26 3 879522240 +194 29 2 879528342 +194 30 3 879524504 +194 44 4 879524007 +194 51 4 879549793 +194 52 4 879525876 +194 54 3 879525876 +194 56 5 879521936 +194 58 4 879522917 +194 62 2 879524504 +194 64 5 879521936 +194 66 3 879527264 +194 67 1 879549793 +194 70 3 879522324 +194 71 4 879524291 +194 72 3 879554100 +194 77 3 879527421 +194 78 1 879535549 +194 79 3 879521088 +194 82 2 879524216 +194 83 3 879521254 +194 88 3 879549394 +194 89 3 879521328 +194 94 3 879528000 +194 95 3 879521719 +194 97 3 879524291 +194 98 4 879521329 +194 99 3 879524643 +194 117 3 879535704 +194 124 4 879539229 +194 125 2 879548026 +194 127 5 879520813 +194 132 3 879520991 +194 133 3 879523575 +194 136 5 879521167 +194 143 3 879524643 +194 144 4 879547671 +194 152 3 879549996 +194 153 3 879546723 +194 157 4 879547184 +194 160 2 879551380 +194 161 4 879523576 +194 162 3 879549899 +194 165 4 879546723 +194 167 2 879549900 +194 168 5 879521254 +194 172 3 879521474 +194 173 5 879521088 +194 175 3 879521595 +194 177 3 879523104 +194 179 4 879521329 +194 180 3 879521657 +194 181 3 879521396 +194 185 4 879521254 +194 186 5 879521088 +194 187 4 879520813 +194 188 4 879522158 +194 191 4 879521856 +194 192 5 879521253 +194 193 4 879524790 +194 195 3 879521657 +194 196 3 879524007 +194 198 3 879522021 +194 199 4 879521329 +194 202 3 879524216 +194 203 3 879522158 +194 204 4 879522324 +194 205 3 879524291 +194 208 3 879521329 +194 209 3 879521936 +194 210 3 879521396 +194 211 4 879524292 +194 212 1 879524216 +194 213 2 879523575 +194 215 3 879524291 +194 216 3 879523785 +194 218 4 879524892 +194 219 2 879527865 +194 222 1 879538960 +194 223 4 879547032 +194 226 3 879525761 +194 227 1 879535548 +194 228 1 879535548 +194 232 2 879553731 +194 234 3 879521167 +194 235 2 879541343 +194 237 3 879538959 +194 239 3 879522917 +194 259 2 879520306 +194 265 4 879520991 +194 274 2 879539794 +194 276 3 879539127 +194 281 2 879540567 +194 282 3 879539614 +194 284 3 879539410 +194 286 1 879520306 +194 289 1 879535548 +194 294 4 879520305 +194 317 4 879521657 +194 318 5 879521328 +194 321 3 879520306 +194 366 2 879525761 +194 367 3 879525624 +194 371 3 879527584 +194 383 1 879554842 +194 385 2 879524643 +194 387 2 879527146 +194 393 2 879524007 +194 399 2 879528454 +194 404 3 879522445 +194 410 3 879541042 +194 417 2 879525695 +194 419 2 879521088 +194 425 2 879522240 +194 427 4 879521088 +194 431 4 879524291 +194 432 4 879524007 +194 433 3 879523104 +194 435 4 879520813 +194 443 3 879523104 +194 450 1 879555001 +194 451 2 879527145 +194 465 3 879527513 +194 466 4 879525876 +194 470 3 879527421 +194 471 3 879540807 +194 474 4 879521396 +194 478 3 879521329 +194 479 3 879521167 +194 482 3 879521088 +194 488 3 879521475 +194 496 4 879520743 +194 501 3 879548319 +194 502 4 879548624 +194 504 2 879523785 +194 507 4 879520916 +194 509 3 879522085 +194 510 4 879521474 +194 511 4 879520991 +194 514 3 879521167 +194 515 4 879524216 +194 516 3 879522021 +194 517 3 879521856 +194 518 4 879524291 +194 519 4 879521474 +194 520 5 879545114 +194 521 4 879524504 +194 523 5 879521596 +194 526 4 879521087 +194 527 4 879521474 +194 530 4 879521167 +194 540 1 879554950 +194 542 3 879551849 +194 550 3 879524504 +194 559 2 879521937 +194 566 4 879522819 +194 568 2 879522819 +194 570 3 879529356 +194 575 1 879554453 +194 576 2 879528568 +194 582 1 879535549 +194 588 4 879524393 +194 604 3 879546498 +194 616 3 879523243 +194 623 1 879551637 +194 629 3 879552401 +194 631 2 879546551 +194 636 2 879553731 +194 647 4 879521531 +194 648 4 879521936 +194 651 3 879520991 +194 654 2 879522445 +194 657 4 879521328 +194 660 3 879527421 +194 661 5 879523104 +194 663 4 879524292 +194 674 2 879553988 +194 679 2 879523104 +194 692 2 879524215 +194 705 2 879524007 +194 708 3 879528106 +194 710 3 879524393 +194 712 3 879555147 +194 715 3 879527263 +194 735 4 879524718 +194 737 4 879553003 +194 739 3 879527263 +194 744 3 879547130 +194 756 1 879549899 +194 770 4 879525342 +194 780 2 879527865 +194 783 2 879527865 +194 790 1 879535549 +194 792 4 879524504 +194 808 2 879527999 +194 871 2 879554603 +194 941 2 879552569 +194 946 3 879527514 +194 951 3 879525761 +194 971 3 879551049 +194 1028 2 879541148 +194 1044 2 879524579 +194 1058 2 879552923 +194 1091 3 879528568 +194 1093 3 879540807 +194 1107 3 879525624 +194 1112 3 879527999 +194 1183 2 879554453 +194 1206 1 879554453 +194 1211 2 879551380 +194 1220 3 879524790 +194 1408 1 879555267 +194 1409 2 879552662 +194 1410 2 879553404 +195 14 4 890985390 +195 46 3 891762441 +195 55 4 888737417 +195 60 3 888737240 +195 61 3 888737277 +195 67 2 874825826 +195 99 3 888737277 +195 100 5 875771440 +195 109 3 878019342 +195 132 5 875771441 +195 134 5 875771441 +195 135 5 875771440 +195 154 3 888737525 +195 181 5 875771440 +195 186 3 888737240 +195 213 4 883934680 +195 227 3 888737346 +195 234 5 875771441 +195 235 3 883191566 +195 242 4 879141989 +195 258 4 882859352 +195 265 4 888737346 +195 271 4 879488450 +195 273 4 878019342 +195 276 4 880710086 +195 298 4 888737703 +195 300 3 890588925 +195 304 4 876617344 +195 325 2 880268330 +195 328 4 884420059 +195 358 2 883463275 +195 366 3 885110899 +195 386 2 874825826 +195 387 4 891762491 +195 407 2 877835302 +195 421 4 892362736 +195 431 3 877835063 +195 451 5 875771441 +195 469 3 880710046 +195 477 2 885110922 +195 496 4 888737525 +195 507 4 875436627 +195 582 4 883822804 +195 591 4 892281779 +195 615 4 880650666 +195 636 2 884504132 +195 651 5 875436683 +195 748 2 876632518 +195 751 4 883295500 +195 771 2 874825826 +195 779 2 874825826 +195 823 4 881485704 +195 831 2 884504132 +195 841 2 891841129 +195 887 4 886782489 +195 921 3 883934716 +195 1013 3 877156636 +195 1014 4 879673925 +195 1052 1 877835102 +195 1084 4 888737345 +195 1089 4 883295540 +195 1228 1 876632600 +195 1315 4 878019299 +195 1414 2 874825826 +195 1417 3 877246560 +195 1418 4 891762646 +196 8 5 881251753 +196 13 2 881251955 +196 25 4 881251955 +196 67 5 881252017 +196 94 3 881252172 +196 110 1 881252305 +196 111 4 881251793 +196 153 5 881251820 +196 173 2 881251820 +196 238 4 881251820 +196 242 3 881250949 +196 251 3 881251274 +196 269 3 881250949 +196 286 5 881250949 +196 306 4 881251021 +196 381 4 881251728 +196 393 4 881251863 +196 411 4 881252090 +196 428 4 881251702 +196 580 2 881252056 +196 655 5 881251793 +196 663 5 881251911 +196 692 5 881252017 +196 762 3 881251955 +196 845 4 881251954 +196 1007 4 881251601 +196 1022 4 881251143 +196 1118 4 881252128 +196 1241 3 881251642 +197 4 3 891409981 +197 33 2 891409981 +197 50 5 891409839 +197 55 3 891409982 +197 62 2 891410039 +197 68 2 891410082 +197 79 5 891409839 +197 82 5 891409893 +197 89 5 891409798 +197 92 1 891410082 +197 96 5 891409839 +197 127 5 891409839 +197 161 4 891410039 +197 174 5 891409798 +197 176 5 891409798 +197 177 5 891409935 +197 181 5 891409893 +197 182 3 891409935 +197 183 5 891409839 +197 184 1 891409981 +197 187 5 891409798 +197 190 3 891410082 +197 195 5 891409798 +197 210 5 891409838 +197 226 4 891410038 +197 227 3 891409936 +197 229 3 891410039 +197 231 3 891410124 +197 233 4 891409935 +197 241 3 891409893 +197 258 4 891409255 +197 259 1 891409422 +197 271 2 891409352 +197 272 4 891409160 +197 286 1 891409255 +197 288 3 891409387 +197 289 4 891409422 +197 294 4 891409290 +197 300 4 891409422 +197 302 3 891409070 +197 306 2 891409160 +197 307 3 891409323 +197 311 4 891409070 +197 313 4 891409160 +197 316 4 891409535 +197 321 3 891409475 +197 323 3 891409422 +197 326 3 891409199 +197 328 4 891409290 +197 332 2 891409290 +197 340 2 891409199 +197 344 4 891409070 +197 346 3 891409070 +197 347 4 891409070 +197 362 4 891409199 +197 385 2 891409893 +197 403 3 891410038 +197 431 3 891409935 +197 449 5 891410124 +197 510 5 891409935 +197 511 5 891409839 +197 515 5 891409935 +197 518 1 891409982 +197 530 3 891410082 +197 538 3 891409535 +197 550 3 891409981 +197 554 4 891410170 +197 566 4 891409893 +197 568 4 891410038 +197 570 4 891410124 +197 576 4 891410039 +197 578 3 891410039 +197 651 5 891409839 +197 665 4 891410124 +197 688 1 891409564 +197 690 3 891409255 +197 720 2 891410039 +197 748 3 891409323 +197 750 5 891409199 +197 751 3 891409290 +197 770 3 891410082 +197 779 2 891410170 +197 802 4 891410082 +197 808 3 891409893 +197 849 3 891410124 +197 879 4 891409535 +197 880 3 891409387 +197 947 2 891410083 +197 1222 3 891410082 +197 1228 4 891410124 +197 1419 2 891410124 +197 1420 1 891409683 +198 4 3 884209536 +198 7 4 884205317 +198 11 4 884207392 +198 15 3 884205185 +198 23 4 884208491 +198 24 2 884205385 +198 27 2 884208595 +198 31 3 884207897 +198 33 3 884209291 +198 50 5 884204919 +198 51 3 884208455 +198 58 3 884208173 +198 64 4 884207206 +198 65 2 884208241 +198 69 4 884207560 +198 71 3 884208419 +198 73 3 884208419 +198 79 3 884208518 +198 81 5 884208326 +198 82 3 884209451 +198 89 5 884208623 +198 93 3 884205346 +198 95 3 884207612 +198 96 4 884208326 +198 97 3 884207112 +198 100 1 884207325 +198 108 3 884206270 +198 118 2 884206513 +198 122 1 884206807 +198 127 5 884204919 +198 128 3 884209451 +198 131 3 884208952 +198 135 5 884208061 +198 137 4 884205252 +198 148 3 884206401 +198 151 4 884206401 +198 153 4 884207858 +198 154 4 884208098 +198 156 3 884207058 +198 164 3 884208571 +198 172 4 884207206 +198 174 5 884208326 +198 175 3 884207239 +198 176 4 884207136 +198 179 4 884209264 +198 180 3 884207298 +198 181 4 884205050 +198 182 4 884207946 +198 183 5 884207654 +198 184 3 884209003 +198 186 5 884207733 +198 188 5 884208200 +198 193 4 884207833 +198 195 3 884207267 +198 196 3 884208098 +198 197 4 884208200 +198 201 3 884207897 +198 203 3 884207733 +198 204 3 884207584 +198 214 4 884208273 +198 217 4 884208273 +198 218 3 884209412 +198 228 3 884207206 +198 229 3 884209353 +198 230 3 884209073 +198 234 3 884207833 +198 237 2 884206191 +198 238 4 884207733 +198 241 3 884209264 +198 248 3 884205385 +198 249 2 884205277 +198 258 4 884204501 +198 280 3 884206401 +198 291 2 884205219 +198 318 4 884207560 +198 323 2 884204637 +198 343 3 884204666 +198 357 5 884207267 +198 367 3 884209379 +198 369 1 884206806 +198 381 3 884208273 +198 382 4 884207525 +198 385 3 884208778 +198 402 3 884209147 +198 405 2 884206428 +198 410 1 884205385 +198 423 3 884208241 +198 427 4 884207009 +198 428 4 884209188 +198 429 4 884207691 +198 431 3 884208137 +198 434 3 884208061 +198 447 4 884209188 +198 455 3 884206191 +198 462 3 884209535 +198 470 3 884208571 +198 474 5 884207298 +198 475 4 884205277 +198 480 4 884207239 +198 498 3 884207492 +198 501 4 884209264 +198 509 4 884208710 +198 511 4 884208326 +198 518 3 884208876 +198 526 4 884208273 +198 527 4 884208061 +198 531 5 884207525 +198 549 3 884208518 +198 559 3 884208739 +198 568 3 884208710 +198 581 3 884209504 +198 629 4 884209221 +198 631 3 884208624 +198 636 3 884209353 +198 640 3 884208651 +198 651 4 884207424 +198 652 3 884209569 +198 654 5 884207733 +198 658 3 884208173 +198 660 4 884208624 +198 673 3 884209451 +198 682 3 884204709 +198 684 3 884208778 +198 692 2 884208377 +198 707 2 884207009 +198 727 4 884208876 +198 746 4 884207946 +198 748 2 884204577 +198 820 1 884206773 +198 823 2 884206587 +198 824 2 884206847 +198 939 3 884209412 +198 942 4 884209569 +198 1014 2 884206330 +198 1094 1 884206807 +198 1117 3 884205252 +198 1169 4 884208834 +199 9 5 883782853 +199 14 4 883783005 +199 111 3 883783042 +199 117 3 883782879 +199 221 4 883782854 +199 242 5 883782485 +199 243 1 883782636 +199 258 4 883782403 +199 259 1 883782583 +199 268 5 883782509 +199 269 5 883782458 +199 276 4 883782879 +199 285 4 883782879 +199 286 5 883782485 +199 294 1 883782636 +199 313 4 883782557 +199 322 2 883782636 +199 323 3 883782655 +199 324 1 883782509 +199 405 2 883783005 +199 408 5 883782716 +199 473 4 883783005 +199 475 5 883782918 +199 539 1 883782509 +199 678 1 883782636 +199 687 1 883782655 +199 751 3 883782557 +199 813 3 883782807 +199 948 1 883782655 +199 988 1 883782655 +199 989 1 883782509 +199 1354 1 883782952 +200 2 4 884130046 +200 7 4 876042451 +200 8 4 884128904 +200 9 4 884126833 +200 11 5 884129542 +200 15 4 884127745 +200 22 4 884128372 +200 24 2 884127370 +200 25 4 876042234 +200 29 4 884130540 +200 33 4 884129602 +200 38 3 884130348 +200 45 3 884128372 +200 50 5 884128400 +200 56 4 884128858 +200 62 5 884130146 +200 71 4 884129409 +200 72 4 884129542 +200 79 5 884128499 +200 82 5 884129656 +200 88 4 884128760 +200 91 4 884129814 +200 94 4 884130046 +200 95 5 884128979 +200 96 5 884129409 +200 103 2 891825521 +200 112 3 884127370 +200 118 4 876042299 +200 121 5 876042268 +200 123 4 884127568 +200 125 5 876041895 +200 132 5 884130792 +200 135 4 884128400 +200 139 3 884130540 +200 140 4 884129962 +200 143 5 884128499 +200 147 5 876042451 +200 148 4 876042340 +200 151 3 876042204 +200 172 5 884128554 +200 173 5 884128554 +200 174 5 884128426 +200 176 5 884129627 +200 183 5 884128554 +200 191 5 884128554 +200 193 4 884129209 +200 196 4 884126833 +200 202 5 884129275 +200 204 5 884128822 +200 205 4 884128458 +200 208 5 884128904 +200 210 5 884128933 +200 215 4 884129346 +200 218 5 884129410 +200 222 5 876042340 +200 225 4 876042299 +200 227 5 884129006 +200 228 5 884128372 +200 229 5 884129696 +200 230 5 884128400 +200 231 4 884130679 +200 234 4 884129381 +200 239 3 884129602 +200 241 4 884129782 +200 243 3 876041719 +200 245 3 884126687 +200 258 4 876041644 +200 265 5 884128372 +200 276 5 876041895 +200 286 4 884125953 +200 288 5 884125846 +200 291 3 891825292 +200 294 4 884125953 +200 304 5 876041644 +200 313 5 884125806 +200 318 5 884128458 +200 323 3 884125973 +200 357 5 884128498 +200 363 3 876042753 +200 365 5 884129962 +200 373 4 884130754 +200 378 5 884129301 +200 380 5 884129381 +200 385 5 884129696 +200 391 4 884130484 +200 393 4 884129410 +200 402 4 884129029 +200 405 3 884127370 +200 409 2 884127431 +200 410 3 876042204 +200 420 5 884129837 +200 429 5 884130014 +200 431 5 884129006 +200 432 5 884128458 +200 443 5 884129468 +200 447 4 884130014 +200 449 5 884130540 +200 455 3 876042340 +200 462 4 884128858 +200 465 4 884129112 +200 470 4 884129782 +200 473 4 876042493 +200 478 5 884128788 +200 483 5 884128426 +200 509 4 884129602 +200 523 4 884129627 +200 528 4 884128426 +200 542 3 884130592 +200 559 4 884129920 +200 560 4 884130655 +200 570 4 884130484 +200 576 4 884130415 +200 578 5 884130085 +200 580 2 884130114 +200 582 4 884129782 +200 584 4 884129542 +200 586 4 884130391 +200 588 5 884128499 +200 596 4 876042584 +200 597 4 876042824 +200 609 3 884129457 +200 622 3 884129782 +200 652 2 884127370 +200 660 3 884129209 +200 665 4 884130621 +200 673 5 884128554 +200 674 4 884130348 +200 685 4 876042493 +200 692 3 884128400 +200 717 4 876042493 +200 720 4 884130114 +200 739 4 884130046 +200 742 4 876042133 +200 743 3 891825607 +200 748 3 884125953 +200 755 5 884129729 +200 768 4 884130592 +200 771 4 884130721 +200 802 4 884130485 +200 812 4 884130621 +200 820 3 884127370 +200 831 4 891825565 +200 840 4 876042525 +200 892 4 884127082 +200 924 5 876042368 +200 929 4 876042979 +200 930 3 876042790 +200 931 3 891825627 +200 934 2 884127370 +200 951 5 884130014 +200 1028 2 884128176 +200 1033 2 891825441 +200 1049 3 876042922 +200 1060 3 876042340 +200 1073 3 884129542 +200 1139 3 884130484 +200 1217 4 884130014 +200 1228 4 884130721 +200 1411 3 884130289 +201 1 3 884113635 +201 2 2 884112487 +201 4 4 884111830 +201 7 3 884112201 +201 8 3 884141438 +201 9 3 884113343 +201 10 3 884114169 +201 12 4 884111269 +201 15 3 884140670 +201 17 3 884112581 +201 20 2 884140275 +201 22 2 884112201 +201 23 4 884111830 +201 25 3 884114015 +201 26 4 884111927 +201 27 3 884140891 +201 28 3 884111217 +201 29 3 884141053 +201 32 3 884140049 +201 33 4 884112487 +201 36 1 884140927 +201 37 2 884114635 +201 39 1 884112427 +201 45 2 884111958 +201 46 4 884140247 +201 48 3 884111485 +201 50 4 884114471 +201 51 2 884140751 +201 55 4 884114471 +201 56 5 884111269 +201 57 4 884111958 +201 58 4 884140488 +201 59 4 884111546 +201 61 2 884111986 +201 62 1 884310149 +201 64 3 884111436 +201 65 4 884113806 +201 68 2 884112487 +201 69 2 884112901 +201 70 3 884112029 +201 71 3 884111270 +201 77 2 884140788 +201 79 4 884112245 +201 81 1 884140488 +201 86 4 884111637 +201 87 3 884111775 +201 89 3 884112245 +201 92 3 884112245 +201 93 5 884113662 +201 96 4 884112352 +201 97 2 884140115 +201 98 4 884111312 +201 99 3 884141438 +201 100 4 884111485 +201 116 1 884112800 +201 117 2 884112487 +201 123 2 884114233 +201 125 2 884140709 +201 128 2 884111546 +201 134 4 884113772 +201 137 4 884112901 +201 144 4 884112245 +201 145 3 884114813 +201 146 1 884140579 +201 148 1 884140751 +201 150 4 884139983 +201 156 4 884111830 +201 157 4 884113453 +201 160 5 884113368 +201 164 3 884112627 +201 173 3 884111360 +201 174 3 884112201 +201 175 2 884140022 +201 176 4 884112281 +201 182 4 884111485 +201 183 4 884112245 +201 184 3 884112245 +201 185 5 884111217 +201 186 3 884114069 +201 187 3 884111312 +201 190 4 884111873 +201 192 4 884111637 +201 193 3 884140078 +201 195 3 884111397 +201 196 4 884111677 +201 197 4 884113422 +201 198 4 884111873 +201 200 5 884112537 +201 201 4 884112537 +201 202 3 884112747 +201 203 5 884114471 +201 204 4 884113082 +201 206 2 884112029 +201 209 3 884112801 +201 210 2 884111270 +201 211 3 884112840 +201 212 4 884111899 +201 213 4 884111873 +201 215 2 884140382 +201 217 3 884112627 +201 218 4 884114471 +201 219 4 884112673 +201 221 3 884111397 +201 228 3 884112427 +201 232 2 884112282 +201 233 4 884310104 +201 237 4 884140307 +201 239 1 884140275 +201 240 3 884114069 +201 241 2 884112487 +201 242 4 884110598 +201 258 2 884110667 +201 260 4 884110967 +201 265 3 884310104 +201 268 4 884110637 +201 269 3 886013700 +201 271 4 884110967 +201 272 3 886013700 +201 273 2 884112352 +201 275 4 884113634 +201 276 5 884111598 +201 281 2 884112352 +201 284 3 884140336 +201 285 4 884114471 +201 286 2 884110702 +201 289 2 884111064 +201 292 3 884110598 +201 302 4 884110637 +201 303 2 884110667 +201 304 2 884110967 +201 313 5 884110598 +201 315 3 884111029 +201 317 3 884113634 +201 318 5 884111269 +201 319 2 884110967 +201 321 3 884111029 +201 324 5 884110811 +201 325 5 884111064 +201 326 2 884111095 +201 331 4 884110967 +201 332 2 884110887 +201 333 2 884110927 +201 340 5 884110887 +201 346 4 884110766 +201 357 4 884111217 +201 358 1 884111095 +201 366 2 884141015 +201 370 1 884114506 +201 375 3 884287140 +201 380 1 884140825 +201 385 2 884112427 +201 396 3 884114682 +201 403 3 884112427 +201 405 4 884112427 +201 406 1 884114505 +201 413 3 884114505 +201 421 2 884111708 +201 431 1 884112352 +201 432 3 884111312 +201 436 3 884112627 +201 440 2 884114770 +201 441 1 884112537 +201 443 3 884112580 +201 447 5 884112581 +201 452 1 884114770 +201 454 2 884111830 +201 461 4 884113924 +201 462 1 884141208 +201 467 2 884139983 +201 468 4 884140927 +201 469 4 884113453 +201 471 2 884140637 +201 473 3 884141470 +201 475 4 884112748 +201 479 4 884111397 +201 480 4 884111598 +201 482 4 884111360 +201 506 4 884114471 +201 508 4 884140458 +201 509 3 884111546 +201 511 3 884112201 +201 513 3 884114069 +201 515 5 884111546 +201 518 4 884112201 +201 527 3 884111360 +201 531 2 884113949 +201 537 3 884141053 +201 544 2 884140307 +201 549 3 884140750 +201 551 1 884114770 +201 556 4 884111397 +201 558 2 884112537 +201 559 2 884112627 +201 563 1 884114813 +201 566 3 884112352 +201 568 3 884112245 +201 578 2 884310148 +201 581 3 884140788 +201 583 1 884112352 +201 587 4 884140975 +201 589 3 884113082 +201 590 1 884114813 +201 596 4 884141438 +201 597 2 884310149 +201 603 4 884113924 +201 607 4 884111485 +201 636 2 884310149 +201 637 3 884112627 +201 640 4 884112029 +201 642 4 884111485 +201 649 3 884114275 +201 651 4 884111217 +201 654 3 884113422 +201 655 4 884112800 +201 656 4 884111775 +201 660 3 884140927 +201 670 4 884112673 +201 673 3 884140115 +201 676 2 884140927 +201 682 3 884110887 +201 684 3 884114233 +201 685 3 884112352 +201 686 2 884112352 +201 692 3 884114895 +201 693 4 884113949 +201 695 1 884140115 +201 697 4 884140115 +201 702 1 884111986 +201 705 3 884113302 +201 708 4 884140247 +201 715 4 884140382 +201 733 3 884140522 +201 737 2 884112077 +201 747 2 884113635 +201 767 4 884114505 +201 770 3 884112426 +201 774 1 884114713 +201 777 1 884112673 +201 792 4 884140579 +201 800 2 884114713 +201 806 3 884140049 +201 823 3 884140975 +201 825 1 884112427 +201 844 2 884112537 +201 847 2 884111546 +201 853 4 884114635 +201 855 4 884111873 +201 856 3 884140709 +201 886 1 884110927 +201 895 3 884110702 +201 896 3 884110766 +201 919 3 884141208 +201 924 3 884140751 +201 943 3 884114275 +201 955 3 884114895 +201 960 2 884112077 +201 972 3 884140522 +201 979 2 884114233 +201 980 3 884140927 +201 991 4 884110735 +201 1008 3 884140891 +201 1010 3 884140579 +201 1039 3 884111599 +201 1056 2 884113592 +201 1063 3 884113453 +201 1065 3 884113490 +201 1098 2 884112747 +201 1100 4 884112800 +201 1103 3 884140487 +201 1128 4 884140825 +201 1131 5 884111359 +201 1136 1 884140637 +201 1137 4 884111830 +201 1153 2 884140709 +201 1163 1 884140382 +201 1166 3 884113806 +201 1169 4 884141053 +201 1170 4 884141053 +201 1174 5 884140670 +201 1187 3 884112201 +201 1192 3 884113772 +201 1194 4 884111899 +201 1208 4 884140927 +201 1211 3 884113806 +201 1220 2 884140975 +201 1227 1 884140787 +201 1229 3 884140307 +201 1245 4 884141015 +201 1267 3 884141053 +201 1355 1 884111637 +201 1398 4 884140079 +201 1401 2 884140670 +201 1423 3 884140853 +201 1424 3 884113114 +201 1425 3 884111637 +201 1426 2 884114015 +201 1427 2 884113975 +202 96 4 879727059 +202 172 3 879726778 +202 173 2 879726914 +202 179 1 879727294 +202 191 2 879727294 +202 195 4 879726914 +202 269 4 879726420 +202 283 3 879727153 +202 286 1 879726342 +202 484 4 879727153 +202 515 1 879726778 +202 516 4 879726778 +202 604 5 879727058 +203 1 3 880434384 +203 7 3 880434438 +203 24 4 880434359 +203 50 5 880434810 +203 93 4 880434940 +203 117 4 880434810 +203 148 3 880434755 +203 151 4 880434384 +203 181 5 880434278 +203 237 3 880434411 +203 248 5 880434496 +203 250 4 880434495 +203 258 3 880433368 +203 271 3 880433445 +203 282 1 880434919 +203 294 2 880433398 +203 304 3 880433445 +203 321 3 880433418 +203 323 3 880433558 +203 326 4 880433398 +203 332 5 880433474 +203 336 3 880433474 +203 458 3 880434336 +203 471 4 880434463 +203 477 4 880434755 +203 619 3 880434438 +203 628 4 880434810 +203 742 3 880434882 +203 744 2 880434495 +203 748 2 880433474 +203 879 4 880433474 +203 890 2 880433499 +203 1049 2 880434463 +204 1 2 892513979 +204 9 5 892513979 +204 12 4 892513865 +204 45 5 892513906 +204 146 3 892513979 +204 172 3 892513819 +204 191 4 892513906 +204 216 4 892513864 +204 245 3 892391980 +204 258 2 892388976 +204 259 2 892389195 +204 268 3 892388935 +204 269 4 892388976 +204 286 3 892389046 +204 288 3 892389137 +204 292 5 892388857 +204 297 5 892514010 +204 301 4 892389328 +204 302 5 892389137 +204 304 3 892389328 +204 310 1 892389073 +204 315 4 892388857 +204 316 4 892388935 +204 322 3 892391947 +204 333 1 892391748 +204 336 1 892391854 +204 340 5 892389195 +204 482 4 892513906 +204 748 1 892392030 +204 874 3 892388976 +204 880 2 892388976 +204 1022 5 892392078 +204 1194 4 892513906 +204 1281 2 892513979 +205 242 4 888284313 +205 243 2 888284758 +205 258 3 888284313 +205 269 3 888284347 +205 289 4 888284710 +205 294 3 888284402 +205 304 3 888284313 +205 313 3 888284313 +205 316 4 888284710 +205 322 3 888284577 +205 326 4 888284454 +205 328 3 888284454 +205 333 4 888284618 +205 678 1 888284618 +205 748 4 888284710 +205 984 1 888284710 +206 242 3 888180049 +206 245 1 888179772 +206 258 4 888179602 +206 260 3 888179772 +206 272 5 888179565 +206 288 5 888179565 +206 294 2 888179694 +206 302 5 888180227 +206 309 2 888179647 +206 310 5 888179625 +206 313 5 888179565 +206 314 1 888179948 +206 315 5 888180018 +206 323 1 888179833 +206 326 1 888179713 +206 332 3 888179602 +206 333 4 888179565 +206 336 1 888179928 +206 337 2 888180049 +206 340 3 888180082 +206 346 5 888179981 +206 360 1 888180081 +206 362 1 888180018 +206 678 1 888179833 +206 682 3 888179694 +206 690 2 888179694 +206 750 3 888179981 +206 873 3 888179833 +206 882 1 888180049 +206 889 2 888180081 +206 891 2 888180049 +206 895 5 888179788 +206 896 4 888180018 +206 900 1 888179980 +206 903 2 888180018 +206 904 1 888180081 +206 990 1 888179913 +206 1127 4 888180081 +206 1175 1 888180049 +206 1176 1 888180049 +206 1233 1 888180018 +206 1313 1 888179981 +206 1394 1 888179981 +206 1429 1 888180018 +206 1430 1 888179980 +206 1432 1 888180082 +206 1433 1 888180049 +207 2 3 877822770 +207 3 2 877846284 +207 4 4 876198457 +207 8 3 878103820 +207 9 4 880911845 +207 11 3 878104245 +207 13 3 875506839 +207 14 4 875504876 +207 18 2 877878739 +207 22 3 875509262 +207 25 4 876079113 +207 28 4 877822162 +207 42 4 877878688 +207 45 3 878104569 +207 53 1 881681725 +207 56 4 875503973 +207 58 3 875991047 +207 59 4 877846793 +207 64 5 877846793 +207 65 3 878104594 +207 68 2 877125350 +207 69 4 877878342 +207 73 3 876079087 +207 79 4 875509888 +207 82 3 877125249 +207 87 4 884386260 +207 92 2 875509346 +207 96 3 877847025 +207 98 4 875509887 +207 100 2 875503786 +207 107 3 876198301 +207 117 3 875504809 +207 121 3 875504876 +207 125 4 877878688 +207 129 3 877751037 +207 131 3 878104377 +207 133 4 875812281 +207 134 4 875991160 +207 135 2 877822350 +207 143 4 878191679 +207 144 3 875509434 +207 150 3 877847150 +207 153 5 877750617 +207 154 2 878088217 +207 156 2 878104438 +207 158 3 878191798 +207 160 2 878191632 +207 161 4 875509507 +207 170 4 877125221 +207 171 3 880839802 +207 173 3 877878923 +207 174 4 877750843 +207 177 3 891759050 +207 181 3 877878828 +207 182 3 891759050 +207 183 2 875509832 +207 186 4 877879173 +207 187 5 877878688 +207 188 3 875509262 +207 191 4 877124663 +207 192 3 877822350 +207 194 4 875504118 +207 195 3 875509307 +207 196 4 880911845 +207 202 3 875506771 +207 203 3 877124625 +207 204 3 875506737 +207 205 4 875991160 +207 208 4 878191679 +207 211 5 878191679 +207 216 5 877878688 +207 223 3 880388784 +207 226 2 877125390 +207 233 3 877124847 +207 238 2 876079087 +207 241 3 877995673 +207 242 4 890793823 +207 245 3 877994095 +207 255 3 877845763 +207 258 4 877879172 +207 265 3 877846793 +207 269 4 877845577 +207 273 4 878104569 +207 286 2 875504669 +207 290 2 878104627 +207 293 2 878104486 +207 294 3 875504669 +207 302 4 891759118 +207 313 4 885066537 +207 316 5 891759050 +207 317 4 875506634 +207 318 5 877124871 +207 322 3 879001724 +207 328 2 884386312 +207 357 5 878191679 +207 367 3 875508873 +207 385 3 875509346 +207 393 4 877838977 +207 410 3 877838946 +207 411 3 877750701 +207 423 4 875774463 +207 428 4 877838826 +207 433 3 878104569 +207 435 4 875506807 +207 461 3 878104017 +207 468 4 877124806 +207 470 3 879665381 +207 475 2 875503932 +207 476 2 884386343 +207 508 4 877879259 +207 515 5 878191679 +207 517 3 882081278 +207 520 4 879665302 +207 521 4 878191679 +207 526 4 875509507 +207 529 4 878191679 +207 531 4 877878342 +207 535 3 877750595 +207 538 2 880853139 +207 540 3 880161839 +207 546 3 876018553 +207 554 2 877822854 +207 568 4 875509395 +207 576 3 877822904 +207 580 3 879665232 +207 591 3 876018608 +207 597 3 876018471 +207 628 3 876018608 +207 642 3 875991116 +207 655 4 877878342 +207 685 3 876018471 +207 692 3 877750738 +207 716 3 875508783 +207 722 3 878191750 +207 746 4 877878342 +207 754 4 879577345 +207 763 3 877743609 +207 787 3 876079054 +207 792 2 876079016 +207 805 3 882081278 +207 810 2 877125506 +207 827 3 876018501 +207 832 3 877878424 +207 845 3 881681663 +207 847 3 885139179 +207 864 3 877750738 +207 866 3 876079054 +207 871 5 880839802 +207 875 2 875718889 +207 978 3 877878883 +207 986 3 877878384 +207 997 1 875508693 +207 1012 3 876109074 +207 1023 3 875506634 +207 1046 4 875509787 +207 1098 4 877879172 +207 1102 3 880839891 +207 1115 2 879664906 +207 1118 3 878104017 +207 1147 4 879665042 +207 1170 2 875506807 +207 1197 4 881681663 +207 1226 2 882081278 +207 1242 5 884386260 +207 1272 3 879132830 +207 1283 4 884386260 +207 1331 3 877995673 +207 1350 2 877878772 +207 1378 3 877878714 +207 1435 2 877821612 +207 1436 3 878191574 +208 56 2 883108360 +208 66 4 883108477 +208 70 3 883108430 +208 86 2 883108895 +208 88 5 883108324 +208 186 4 883108518 +208 197 5 883108797 +208 202 4 883108476 +208 204 3 883108360 +208 208 4 883108360 +208 211 5 883108398 +208 216 5 883108324 +208 302 1 883108157 +208 367 2 883108324 +208 381 3 883108873 +208 393 4 883108398 +208 402 4 883108873 +208 428 4 883108430 +208 430 4 883108360 +208 435 5 883108430 +208 514 4 883108324 +208 523 4 883108360 +208 524 4 883108745 +208 662 4 883108842 +208 663 5 883108476 +208 781 3 883108498 +209 9 3 883417547 +209 16 4 883417810 +209 50 5 883417589 +209 127 5 883417589 +209 129 2 883417667 +209 242 4 883589606 +209 249 2 883417640 +209 251 5 883417810 +209 258 2 883589626 +209 269 2 883589606 +209 271 2 883589607 +209 276 2 883417796 +209 293 4 883417796 +209 301 3 883460492 +209 304 2 883460468 +209 321 4 883461108 +209 349 2 883589546 +209 351 2 883589546 +209 408 4 883417517 +209 688 1 883589626 +209 766 4 883460644 +209 813 5 883417810 +209 898 3 883460304 +209 906 2 883589546 +209 1086 4 883417667 +209 1105 2 883589568 +209 1137 4 883417491 +210 1 5 887731052 +210 25 4 887730407 +210 28 4 887736175 +210 40 3 891035994 +210 44 3 887737710 +210 49 3 891036116 +210 50 5 887731014 +210 58 4 887730177 +210 65 4 887731305 +210 70 4 887730589 +210 73 5 891035837 +210 79 4 887736352 +210 88 4 887737603 +210 96 4 887736616 +210 97 5 887736454 +210 98 5 887736429 +210 105 3 891036331 +210 114 4 887736175 +210 121 4 887737244 +210 127 5 887731230 +210 132 4 887736206 +210 134 5 887736070 +210 135 5 887736352 +210 152 5 887730676 +210 160 4 887737210 +210 161 5 887736393 +210 163 3 887730407 +210 168 5 887730342 +210 173 4 887730264 +210 174 5 887736045 +210 176 4 887735960 +210 179 3 887736429 +210 182 5 887736232 +210 185 4 887736232 +210 186 4 887730532 +210 187 5 887736017 +210 188 3 887737171 +210 197 5 887736393 +210 200 5 887737040 +210 202 5 887737338 +210 204 5 887730676 +210 205 4 887736393 +210 210 5 887730532 +210 211 5 887730297 +210 216 4 887737603 +210 219 3 887808581 +210 222 4 887737603 +210 230 3 887736323 +210 234 4 887737108 +210 238 3 891036021 +210 243 2 887734998 +210 255 4 887730842 +210 257 5 887730789 +210 274 5 887730676 +210 276 5 887731147 +210 300 4 887730066 +210 302 5 890059415 +210 315 5 887731417 +210 357 5 887736206 +210 380 4 887736482 +210 402 5 887737171 +210 403 4 887736322 +210 404 5 887736739 +210 419 4 887737678 +210 420 4 887737487 +210 443 4 887737487 +210 447 5 887737631 +210 451 3 891036054 +210 465 4 887737131 +210 484 4 887736070 +210 501 4 887736998 +210 502 3 891035965 +210 523 4 887730472 +210 527 5 887736232 +210 631 5 887736796 +210 651 4 887736140 +210 654 5 887737559 +210 655 5 887730496 +210 662 2 887730221 +210 679 3 887808619 +210 684 3 887737171 +210 692 4 887736796 +210 708 5 887731391 +210 722 4 891036021 +210 735 4 887737338 +210 751 4 890059441 +210 755 3 887737631 +210 763 2 887730750 +210 792 3 887730532 +210 832 3 887730264 +210 864 3 887730842 +210 953 3 887737488 +210 969 4 887730221 +210 1028 3 887730931 +210 1118 4 887730496 +211 64 3 879460213 +211 69 3 879460213 +211 117 4 879461498 +211 127 4 879461498 +211 181 1 879461498 +211 199 5 879459952 +211 205 5 879459952 +211 215 5 879460294 +211 228 3 879460096 +211 257 5 879461498 +211 263 3 879461395 +211 275 2 879460096 +211 286 4 879437184 +211 300 2 879461395 +211 303 3 879437184 +211 310 3 879461394 +211 357 2 879460172 +211 443 1 879460096 +211 455 3 879461498 +211 526 4 879459952 +211 528 4 879459803 +211 596 3 879460294 +211 678 3 879461394 +211 687 2 879437184 +211 705 4 879459952 +211 876 2 879461395 +211 890 2 879461395 +211 1025 3 879461394 +211 1330 3 879460096 +212 86 4 879303830 +212 87 5 879304010 +212 127 2 879303571 +212 179 1 879304010 +212 180 1 879303974 +212 191 3 879303830 +212 197 5 879303795 +212 246 5 879303571 +212 269 3 879303468 +212 286 4 879303468 +212 317 5 879303638 +212 318 5 879303928 +212 427 4 879303795 +212 511 4 879304051 +212 515 4 879303571 +212 631 5 879303929 +212 645 3 879303795 +212 735 4 879304010 +212 863 2 879303863 +213 1 2 878870719 +213 2 4 878955914 +213 7 4 878870518 +213 8 3 878955564 +213 11 4 878956156 +213 12 5 878955409 +213 13 4 878955139 +213 25 4 878870750 +213 42 5 878956263 +213 48 5 878955848 +213 50 5 878870456 +213 55 5 878955680 +213 64 5 878955680 +213 69 3 878955534 +213 70 3 878955766 +213 79 5 878956263 +213 97 5 878956299 +213 98 5 878955598 +213 100 5 878870749 +213 106 4 878870904 +213 117 4 878870987 +213 121 5 878870940 +213 125 5 878955295 +213 132 5 878956263 +213 133 3 878955973 +213 135 5 878956101 +213 144 5 878956047 +213 151 5 878955886 +213 154 5 878956101 +213 157 4 878955501 +213 164 5 878956300 +213 170 5 878955886 +213 172 5 878955442 +213 173 5 878955442 +213 174 5 878955848 +213 176 4 878956338 +213 180 5 878956047 +213 193 4 878955442 +213 194 4 878955766 +213 195 5 878956156 +213 197 5 878955707 +213 200 5 878956100 +213 204 5 878956130 +213 212 4 878955474 +213 213 5 878956300 +213 218 4 878956074 +213 229 4 878955973 +213 234 4 878955373 +213 235 1 878955115 +213 238 5 878955635 +213 273 5 878870987 +213 274 5 878955188 +213 281 4 878871038 +213 288 4 878870226 +213 294 3 878870226 +213 318 5 878955533 +213 357 5 878955848 +213 447 4 878955598 +213 448 4 878956074 +213 455 4 878870749 +213 458 4 878870679 +213 471 3 878870816 +213 474 2 878955635 +213 475 4 878870648 +213 508 4 878870790 +213 509 4 878955372 +213 514 5 878956130 +213 515 4 878870518 +213 546 4 878870903 +213 568 4 878955941 +213 582 4 878955442 +213 591 4 878955295 +213 597 5 878871062 +213 603 5 878955599 +213 609 4 878955533 +213 627 4 878955680 +213 628 5 878870648 +213 678 4 878870275 +213 684 4 878956000 +213 690 3 878870275 +213 692 4 878955848 +213 715 5 878955915 +213 735 5 878955474 +213 756 2 878955319 +213 778 5 878955680 +213 831 4 878871062 +213 841 4 878871010 +213 924 4 878870846 +213 1012 3 878870719 +213 1215 1 878871089 +214 7 5 892668130 +214 11 5 892668153 +214 12 5 892668153 +214 13 3 891543271 +214 20 4 892668197 +214 22 3 891544200 +214 23 5 892668130 +214 32 4 892668249 +214 39 4 891544845 +214 42 5 892668130 +214 45 4 891543952 +214 50 3 891543114 +214 55 4 892668197 +214 56 5 892668130 +214 69 2 891544445 +214 79 4 891544306 +214 93 4 892668249 +214 98 4 892668249 +214 114 4 891544290 +214 117 4 891543241 +214 121 4 891543632 +214 131 3 891544465 +214 132 5 892668153 +214 134 4 891544070 +214 137 4 891543227 +214 151 5 892668153 +214 173 4 892668249 +214 179 5 892668130 +214 182 4 891544175 +214 185 5 892668173 +214 187 4 891544070 +214 188 5 892668173 +214 191 4 891544472 +214 195 4 891544200 +214 208 5 892668153 +214 209 5 892668173 +214 213 4 891544414 +214 216 4 891544290 +214 221 5 892668153 +214 236 5 892668153 +214 238 4 891544472 +214 246 2 891542968 +214 248 4 891543001 +214 250 2 891543036 +214 253 5 892668173 +214 257 3 891543176 +214 268 2 891542445 +214 269 3 891542735 +214 275 3 891542968 +214 276 3 891543271 +214 285 5 892668153 +214 288 3 891542464 +214 294 3 891542520 +214 298 3 891543191 +214 302 4 892668197 +214 307 3 891542735 +214 313 4 892668197 +214 324 5 892668173 +214 325 3 891542622 +214 327 5 892668196 +214 334 3 891542540 +214 340 3 891542735 +214 346 3 891542735 +214 357 5 892668130 +214 408 4 891543952 +214 461 4 892668249 +214 478 4 891544052 +214 482 4 891544114 +214 483 4 891543972 +214 496 4 891544545 +214 508 4 891543157 +214 509 4 892668197 +214 512 5 892668130 +214 518 3 891544000 +214 531 4 891544222 +214 568 4 892668197 +214 582 3 891544236 +214 652 4 891543972 +214 693 3 891544414 +214 721 3 891635915 +214 856 4 891543952 +214 872 2 891542492 +214 896 4 892668197 +214 952 3 891543176 +214 960 2 891544152 +214 1017 4 891543156 +214 1039 4 891544269 +214 1065 5 892668173 +214 1129 4 892668249 +214 1401 4 891544290 +215 8 2 891436177 +215 11 2 891436024 +215 22 3 891435161 +215 28 4 891435416 +215 54 4 891436607 +215 56 5 891436543 +215 64 4 891435804 +215 70 3 891436232 +215 77 3 891436690 +215 82 3 891435995 +215 87 5 891436543 +215 88 3 891436277 +215 89 4 891435060 +215 98 5 891436543 +215 132 5 891435548 +215 144 4 891435107 +215 151 5 891435761 +215 157 4 891435573 +215 159 3 891436707 +215 164 3 891436633 +215 168 5 891436024 +215 172 4 891435394 +215 174 4 891435995 +215 179 4 891435107 +215 180 3 891435060 +215 181 4 891435597 +215 182 3 891435266 +215 183 5 891435655 +215 185 4 891436566 +215 186 4 891435731 +215 194 4 891436150 +215 197 4 891435357 +215 204 3 891436129 +215 205 3 891435161 +215 208 4 891436202 +215 210 4 891436232 +215 211 4 891436202 +215 212 2 891435680 +215 215 3 891435680 +215 216 4 891435782 +215 222 4 891436469 +215 226 4 891436633 +215 227 5 891436469 +215 230 3 891436469 +215 234 4 891435655 +215 238 2 891435526 +215 239 3 891436297 +215 258 3 891434563 +215 272 3 891434619 +215 354 4 891434619 +215 357 4 891435573 +215 421 4 891435704 +215 423 5 891435526 +215 432 5 891435574 +215 433 3 891435501 +215 434 5 891435394 +215 443 4 891436566 +215 449 4 891436469 +215 450 2 891436470 +215 451 3 891436369 +215 474 4 891435022 +215 483 4 891435022 +215 517 5 891436543 +215 552 3 891436730 +215 692 3 891436277 +215 1039 5 891436543 +216 1 4 880232615 +216 3 4 880233061 +216 4 5 880234469 +216 7 5 880232719 +216 9 4 880232637 +216 12 5 881432544 +216 15 3 881428365 +216 22 5 880234346 +216 27 3 881428365 +216 28 4 880244902 +216 47 4 880244870 +216 50 4 880232637 +216 55 5 880245145 +216 56 5 880233608 +216 64 5 881432544 +216 65 4 880233939 +216 66 2 881428365 +216 67 3 881721843 +216 69 5 880235229 +216 72 2 881721890 +216 79 4 880235381 +216 81 4 880233726 +216 91 4 880235546 +216 93 4 880232637 +216 95 3 881428365 +216 97 4 880235571 +216 98 5 881432467 +216 108 4 880232917 +216 129 4 880232615 +216 134 4 880233651 +216 143 2 881428956 +216 144 4 880234639 +216 147 4 880232787 +216 150 5 880232812 +216 151 3 880232936 +216 153 4 880244802 +216 168 4 880234680 +216 169 3 880233635 +216 172 4 880234639 +216 174 5 881432488 +216 181 3 880232597 +216 184 4 880245056 +216 189 3 880244972 +216 196 5 880245145 +216 200 5 880244802 +216 202 4 880234346 +216 204 4 881432523 +216 210 4 880235229 +216 216 4 883981877 +216 218 4 880234933 +216 226 3 880244803 +216 228 3 880245642 +216 231 2 880245109 +216 234 4 880244870 +216 238 5 880244446 +216 249 3 880232917 +216 274 3 880233061 +216 276 4 880232830 +216 282 5 880232597 +216 286 4 881432501 +216 298 5 881721819 +216 302 5 881966913 +216 315 5 883981859 +216 356 3 880245125 +216 357 4 880233635 +216 364 2 881721863 +216 367 3 881428365 +216 368 2 880233298 +216 396 3 880245260 +216 405 3 880232970 +216 416 3 880245165 +216 421 5 880235229 +216 433 3 880233957 +216 466 4 880234347 +216 496 5 880233635 +216 498 3 880235329 +216 508 4 881432564 +216 531 4 880233810 +216 546 2 880233197 +216 577 1 881432453 +216 628 4 880235546 +216 651 5 880233912 +216 652 4 880235546 +216 655 5 880233726 +216 658 3 880245029 +216 673 4 880244779 +216 693 3 881428365 +216 697 4 883981700 +216 721 4 880245213 +216 735 5 880244758 +216 747 4 880245260 +216 763 4 880232953 +216 764 2 880233153 +216 824 3 880233253 +216 833 2 880233233 +216 928 3 880233026 +216 1010 3 880232685 +216 1035 1 880245238 +216 1047 3 881428365 +216 1067 5 881432392 +216 1101 4 880235473 +216 1161 4 881432609 +217 2 3 889069782 +217 7 4 889069741 +217 11 4 889069741 +217 17 3 889069903 +217 22 5 889069741 +217 27 1 889070011 +217 38 3 889070266 +217 53 1 889069974 +217 62 2 889070050 +217 68 3 889069974 +217 82 5 889069842 +217 96 4 889069741 +217 117 4 889069842 +217 118 4 889070087 +217 121 1 889069944 +217 144 4 889069782 +217 172 1 889069684 +217 174 3 889069684 +217 176 4 889069842 +217 181 1 889069878 +217 182 2 889070109 +217 185 3 889069659 +217 195 5 889069709 +217 226 1 889069878 +217 231 5 889069974 +217 233 4 889069878 +217 258 1 889069536 +217 281 2 889069842 +217 363 1 889070011 +217 385 2 889069808 +217 391 4 889070287 +217 398 1 889070050 +217 403 5 889069944 +217 405 3 889069878 +217 472 3 889070011 +217 540 1 889070087 +217 554 3 889070050 +217 566 4 889069903 +217 576 1 889070087 +217 578 5 889070087 +217 586 2 889070050 +217 597 4 889070087 +217 636 2 889069878 +217 665 4 889070087 +217 684 5 889069782 +217 685 5 889069782 +217 761 4 889070232 +217 797 4 889070011 +217 808 2 889069808 +217 810 3 889070050 +217 825 3 889070266 +217 827 2 889070232 +217 840 1 889070087 +217 1034 3 889070266 +217 1222 1 889070050 +217 1228 2 889070050 +217 1303 2 889069944 +218 4 3 877488546 +218 5 3 881288574 +218 12 5 881288233 +218 23 4 881288298 +218 33 4 881288386 +218 42 4 877488546 +218 98 5 881288233 +218 100 4 877488692 +218 153 4 877488692 +218 154 4 877488546 +218 164 3 881288574 +218 175 3 877488492 +218 176 5 881288299 +218 186 3 877488366 +218 194 3 877488546 +218 204 3 877488692 +218 208 3 877488366 +218 209 5 877488546 +218 265 3 881288408 +218 273 4 881288351 +218 288 2 877487931 +218 410 3 881288574 +218 430 3 877488316 +218 431 3 881288386 +218 466 4 881288234 +218 504 3 881288574 +218 514 4 877488316 +218 516 5 877488692 +218 517 3 877488634 +218 591 3 881288574 +218 603 4 881288234 +218 642 3 881288351 +218 648 4 877488233 +218 654 4 881288234 +218 657 5 881288265 +218 663 3 877488492 +218 695 3 881288574 +218 762 4 877489091 +218 789 3 881288574 +219 4 4 889452481 +219 13 1 889452455 +219 38 1 889452455 +219 82 1 889452455 +219 114 5 889403091 +219 132 5 889403668 +219 179 5 889492687 +219 215 5 889403843 +219 223 5 892039530 +219 303 4 889386799 +219 347 1 889386819 +219 433 5 889403133 +219 546 4 889387867 +219 568 1 889452455 +219 631 5 889403559 +219 664 5 889403761 +219 882 3 889386741 +219 906 4 892039575 +219 935 3 889387237 +219 936 4 889387284 +220 258 3 881197771 +220 268 4 881197771 +220 269 5 881197597 +220 286 5 881197663 +220 288 5 881197887 +220 298 4 881198966 +220 301 4 881197948 +220 303 4 881198014 +220 306 4 881197664 +220 319 4 881197771 +220 325 1 881198435 +220 332 3 881198246 +220 333 3 881197771 +220 340 4 881197663 +220 343 3 881198738 +220 682 4 881198014 +221 3 4 875244901 +221 4 3 875245462 +221 12 5 875245283 +221 17 4 875245406 +221 24 5 875244352 +221 27 4 875247754 +221 32 4 875245223 +221 33 4 875246632 +221 38 2 875246506 +221 39 4 875245798 +221 42 5 875245813 +221 48 5 875245462 +221 53 4 875247565 +221 55 4 875245319 +221 56 5 875245592 +221 69 4 875245641 +221 70 3 875245870 +221 76 4 875246662 +221 92 4 875245989 +221 94 3 875246857 +221 100 5 875244125 +221 109 2 875244369 +221 117 4 875244633 +221 118 1 875244940 +221 121 2 875244813 +221 128 3 875246209 +221 129 5 875244331 +221 144 4 875245427 +221 150 5 875244557 +221 151 1 875246008 +221 154 3 875245907 +221 161 3 875246183 +221 172 5 875245907 +221 173 4 875245406 +221 174 4 875245514 +221 184 4 875245574 +221 204 4 875246008 +221 210 5 875245760 +221 227 3 875247522 +221 231 4 875246359 +221 246 5 875244457 +221 250 5 875244633 +221 257 4 875244475 +221 258 1 875247297 +221 259 4 875243990 +221 265 3 875246247 +221 268 5 876502910 +221 272 5 885081264 +221 286 4 885081264 +221 288 3 875244232 +221 318 5 875245690 +221 327 4 875243968 +221 384 3 875246919 +221 391 3 875247754 +221 399 3 875246459 +221 403 4 875245374 +221 405 3 875244633 +221 423 2 875245167 +221 461 4 875245574 +221 467 4 875245928 +221 468 3 875246824 +221 475 4 875244204 +221 476 2 875244673 +221 485 2 875245265 +221 496 3 875246146 +221 508 4 875244160 +221 550 4 875246183 +221 576 3 875246824 +221 578 4 875247023 +221 588 3 875246209 +221 623 3 875245618 +221 633 3 875246459 +221 651 4 875245350 +221 684 4 875247454 +221 685 3 875244766 +221 721 5 875246944 +221 737 4 875393346 +221 751 4 885081300 +221 762 4 875244598 +221 780 3 875246552 +221 789 4 875245739 +221 809 3 875247775 +221 824 3 875244694 +221 847 4 875244051 +221 895 2 885081339 +221 931 3 875245100 +221 940 4 875246482 +221 943 4 875246759 +221 1010 3 875246662 +221 1011 4 875244792 +221 1012 4 875244475 +221 1016 3 875244713 +221 1035 3 875246124 +221 1059 4 875245077 +221 1067 3 875244387 +221 1073 4 875245846 +221 1098 4 875245283 +221 1134 4 875244289 +221 1208 3 875247565 +221 1210 3 875246887 +221 1217 4 875247421 +221 1218 3 875246745 +221 1250 2 875247855 +221 1267 3 875246459 +221 1314 3 875247833 +221 1407 3 875247833 +221 1437 3 875245967 +222 1 4 877563227 +222 2 3 878183837 +222 4 3 878183924 +222 7 5 877563168 +222 8 1 878182307 +222 9 5 877563227 +222 12 5 878181387 +222 15 3 877563437 +222 17 2 878183079 +222 22 5 878183285 +222 25 3 877563437 +222 26 3 878183043 +222 29 3 878184571 +222 35 1 878184007 +222 38 2 878185102 +222 40 1 881060550 +222 44 3 881059877 +222 48 5 878181592 +222 49 3 878183512 +222 50 4 877563194 +222 51 3 881059816 +222 53 5 878184113 +222 54 4 878183111 +222 56 5 878182058 +222 58 3 878182479 +222 62 4 878183616 +222 64 5 878183136 +222 67 4 878183616 +222 68 4 881059876 +222 69 5 878182338 +222 70 3 878181804 +222 71 4 878183173 +222 72 4 878183311 +222 77 4 878183616 +222 78 1 878184899 +222 81 1 878183565 +222 82 4 878182453 +222 87 3 878182589 +222 88 4 878183336 +222 90 2 878181647 +222 91 2 878183777 +222 92 3 878182632 +222 93 2 883815577 +222 94 3 878184866 +222 96 5 878181739 +222 97 4 878181739 +222 98 4 878181387 +222 99 3 878182059 +222 100 5 877563052 +222 101 4 878183539 +222 106 2 883816184 +222 109 3 878184136 +222 111 3 877563820 +222 117 5 877563227 +222 118 4 877563802 +222 120 2 881061304 +222 125 5 877563802 +222 127 5 881059039 +222 133 1 878182338 +222 135 5 878181563 +222 140 1 881060062 +222 142 2 878183984 +222 144 5 878182416 +222 145 2 878181804 +222 147 4 877563694 +222 148 2 881061164 +222 150 3 878181869 +222 151 3 878182109 +222 153 4 878182416 +222 154 3 878183747 +222 155 4 878184113 +222 156 4 878183777 +222 157 4 878181976 +222 158 3 878184171 +222 159 3 878181457 +222 160 1 878182154 +222 161 4 878182279 +222 162 2 878184087 +222 164 4 878181768 +222 167 3 878183588 +222 172 5 878183079 +222 173 5 878183043 +222 174 5 878181934 +222 180 3 878181804 +222 181 4 877563168 +222 182 4 881058666 +222 185 4 881059419 +222 188 3 878184393 +222 191 2 878181906 +222 193 4 878182005 +222 195 4 878182132 +222 196 5 878183110 +222 198 4 881059039 +222 200 3 878181647 +222 202 4 878181906 +222 204 5 878182370 +222 210 4 878184338 +222 215 4 878183481 +222 217 3 881060062 +222 218 5 878182370 +222 219 4 878184675 +222 222 4 877563462 +222 223 4 878181535 +222 226 3 878185044 +222 230 4 878182058 +222 231 2 878182005 +222 232 4 878183985 +222 234 2 878181387 +222 237 4 877563437 +222 239 5 878184392 +222 240 2 877563716 +222 241 3 878181696 +222 245 3 878181198 +222 246 4 877563597 +222 247 1 878714998 +222 248 4 877563506 +222 249 1 883815768 +222 250 2 877563801 +222 252 2 877563934 +222 255 3 883815804 +222 258 5 877562748 +222 261 1 878181251 +222 265 3 878182279 +222 268 4 877562748 +222 270 2 878181181 +222 276 5 877563550 +222 278 2 877563913 +222 280 3 878184545 +222 281 3 878184596 +222 288 4 883815252 +222 293 3 877563353 +222 294 3 877562795 +222 298 4 877563253 +222 300 5 877562795 +222 302 3 877562748 +222 313 4 883814858 +222 323 3 877562839 +222 328 5 877562772 +222 333 5 877562819 +222 356 4 878184571 +222 357 4 881059014 +222 358 2 877562839 +222 363 2 877563852 +222 364 1 878185137 +222 366 4 878183381 +222 368 1 881061326 +222 373 3 881060659 +222 377 1 881060205 +222 379 1 878184290 +222 380 4 878184545 +222 385 4 878183924 +222 386 2 881060205 +222 393 4 878184028 +222 395 1 878184924 +222 399 4 878182686 +222 401 2 878184422 +222 402 4 878185044 +222 403 3 878183481 +222 405 3 877563570 +222 409 3 881061213 +222 410 2 877563326 +222 411 3 878185137 +222 412 1 877564050 +222 413 3 881061213 +222 418 2 878182959 +222 419 2 878182279 +222 422 2 878183657 +222 423 4 878183657 +222 424 1 881061049 +222 426 1 878181351 +222 431 4 881059461 +222 432 3 881059142 +222 433 4 881059876 +222 436 4 878184358 +222 441 2 881059920 +222 446 3 881060824 +222 448 3 878183565 +222 449 4 878184899 +222 451 3 878185014 +222 452 1 878184514 +222 455 3 877563437 +222 457 1 878181287 +222 465 2 878183898 +222 470 3 878181869 +222 471 3 881060992 +222 472 2 877563998 +222 476 3 877563739 +222 477 2 883815749 +222 501 2 881060331 +222 527 4 878183110 +222 529 2 881059537 +222 537 4 881060735 +222 541 2 878184973 +222 542 2 878183837 +222 550 3 878184623 +222 552 2 878184596 +222 554 2 881060435 +222 566 4 878185044 +222 568 5 878183481 +222 571 2 881060823 +222 575 3 881060550 +222 577 1 878185137 +222 585 3 881060062 +222 588 4 881059537 +222 591 4 878181869 +222 596 3 877563739 +222 597 1 877564076 +222 619 4 877563953 +222 627 3 878183173 +222 628 5 877563485 +222 637 2 878183713 +222 654 3 878184087 +222 658 3 881059678 +222 662 3 878182813 +222 665 1 878184719 +222 670 3 878183657 +222 672 1 878183777 +222 678 3 877562973 +222 685 4 881061165 +222 689 4 881058008 +222 692 4 878182370 +222 693 4 878184514 +222 700 3 881060550 +222 712 3 881060735 +222 715 2 878183924 +222 716 2 878183481 +222 717 1 877563716 +222 719 1 881060578 +222 722 3 878184833 +222 724 3 878181976 +222 734 2 881060735 +222 738 3 878182959 +222 739 4 878184924 +222 742 5 877563597 +222 746 5 878183137 +222 747 2 878181976 +222 750 5 883815120 +222 755 4 878183481 +222 756 4 877564031 +222 762 3 877563530 +222 763 3 881061165 +222 768 2 878185014 +222 770 3 878181592 +222 780 3 881060370 +222 781 3 881059677 +222 783 2 878184899 +222 790 1 878185068 +222 796 4 878183684 +222 808 3 881060130 +222 810 2 878184446 +222 812 2 881059117 +222 815 2 877563716 +222 816 1 881060412 +222 819 2 877563353 +222 825 3 878184675 +222 829 3 877563934 +222 833 2 877563913 +222 840 3 878184392 +222 849 4 881060281 +222 869 3 878182337 +222 895 4 883815361 +222 931 1 881061396 +222 934 2 877563758 +222 939 3 878182211 +222 944 3 878715192 +222 946 2 878182237 +222 949 3 878183173 +222 972 2 881059758 +222 1029 1 881060608 +222 1035 2 881060015 +222 1041 3 881060155 +222 1042 4 878184514 +222 1044 4 881060578 +222 1045 3 881060412 +222 1053 3 881060735 +222 1054 1 883816441 +222 1057 4 881061370 +222 1059 1 883816150 +222 1060 2 878184055 +222 1066 1 881060435 +222 1078 2 878183449 +222 1079 1 878183984 +222 1089 1 877563659 +222 1145 3 878185137 +222 1179 1 881060550 +222 1188 3 881060281 +222 1206 2 878184899 +222 1207 2 881060659 +222 1220 4 878184290 +222 1226 4 883815840 +222 1239 2 881060762 +222 1250 1 881060635 +222 1267 3 878183173 +222 1284 4 878184422 +222 1291 2 877564031 +222 1419 1 878184947 +222 1438 4 881059993 +222 1439 3 878183951 +222 1440 3 878184697 +223 1 4 891549324 +223 8 2 891550684 +223 11 3 891550649 +223 22 5 891550649 +223 25 1 891549382 +223 28 4 891550684 +223 69 5 891550889 +223 71 5 891550649 +223 111 4 891549792 +223 117 5 891549529 +223 118 2 891549945 +223 120 2 891550504 +223 121 3 891549294 +223 143 4 891550845 +223 155 5 891550952 +223 173 5 891550711 +223 185 2 891550684 +223 216 5 891550925 +223 225 3 891550193 +223 237 5 891549657 +223 243 3 891549079 +223 248 1 891549683 +223 249 2 891549876 +223 252 1 891550326 +223 255 4 891549382 +223 257 4 891550005 +223 258 1 891548802 +223 259 3 891548920 +223 274 4 891550094 +223 276 4 891549324 +223 278 4 891549901 +223 282 4 891549627 +223 286 1 891548562 +223 288 3 891548562 +223 289 1 891549017 +223 294 4 891548859 +223 298 5 891549570 +223 300 3 891548712 +223 309 4 891548750 +223 313 5 891548750 +223 318 4 891550711 +223 321 1 891548920 +223 322 4 891548920 +223 323 2 891549017 +223 328 3 891548959 +223 329 2 891549079 +223 332 4 891548802 +223 339 4 891549212 +223 369 1 891550253 +223 405 1 891550005 +223 409 3 891549876 +223 411 1 891550005 +223 423 3 891550684 +223 470 4 891550767 +223 477 3 891550144 +223 535 3 891549876 +223 546 5 891550118 +223 596 3 891549713 +223 597 4 891549604 +223 619 2 891549570 +223 717 1 891550470 +223 742 3 891549570 +223 756 3 891550295 +223 763 3 891550067 +223 819 3 891550404 +223 820 4 891550371 +223 826 1 891550404 +223 845 4 891549713 +223 846 2 891550193 +223 873 3 891549111 +223 908 1 891548802 +223 969 5 891550649 +223 975 1 891550094 +223 977 2 891550295 +223 984 3 891548987 +223 1014 4 891549975 +223 1016 5 891549657 +223 1051 3 891549945 +223 1052 1 891550404 +223 1088 4 891550326 +223 1150 2 891549841 +223 1197 3 891549570 +223 1234 3 891548646 +223 1284 1 891550295 +223 1300 1 891550470 +224 11 3 888082468 +224 15 4 888103611 +224 20 1 888104487 +224 22 5 888103581 +224 26 3 888104153 +224 29 3 888104457 +224 43 3 888104456 +224 51 4 888104457 +224 54 3 888104313 +224 69 4 888082495 +224 70 2 888103812 +224 77 4 888103872 +224 86 3 888082612 +224 92 1 888103812 +224 107 3 888104522 +224 125 3 888103942 +224 126 3 888103704 +224 135 1 888103671 +224 147 3 888103646 +224 148 3 888104154 +224 149 1 888103999 +224 157 4 888103971 +224 162 4 888103611 +224 178 4 888082468 +224 191 4 888082468 +224 193 4 888082552 +224 196 4 888103532 +224 212 1 888104188 +224 215 4 888082612 +224 222 4 888103729 +224 223 3 888082468 +224 237 3 888082742 +224 243 2 888082277 +224 245 3 888082216 +224 258 3 888081947 +224 277 3 888103812 +224 282 4 888082705 +224 287 3 888104154 +224 294 4 888081976 +224 300 4 888081843 +224 301 3 888082013 +224 318 5 888082584 +224 321 2 888082134 +224 322 2 888082013 +224 323 3 888082216 +224 325 1 888082045 +224 328 4 888081947 +224 332 3 888103429 +224 356 4 888103840 +224 378 4 888103775 +224 380 4 888104188 +224 387 4 888103906 +224 392 4 888104154 +224 402 5 888103872 +224 403 4 888104522 +224 468 4 888104030 +224 518 1 888103906 +224 526 4 888082495 +224 528 3 888082658 +224 544 1 888103812 +224 549 3 888103971 +224 553 4 888104393 +224 555 3 888104030 +224 569 3 888104313 +224 570 4 888104522 +224 581 1 888104219 +224 582 4 888104030 +224 583 1 888103729 +224 591 3 888082584 +224 620 3 888104085 +224 632 2 888103872 +224 655 4 888103646 +224 658 1 888103840 +224 660 4 888103703 +224 662 5 888103671 +224 676 3 888103942 +224 678 3 888082277 +224 686 4 888104030 +224 687 2 888082135 +224 699 4 888103703 +224 704 3 888103812 +224 708 2 888104153 +224 715 1 888104487 +224 720 4 888103906 +224 723 2 888104313 +224 724 3 888082742 +224 727 4 888082682 +224 729 3 888104188 +224 731 4 888103872 +224 751 3 888081913 +224 778 1 888104057 +224 846 4 888104116 +224 873 2 888082187 +224 879 3 888082099 +224 893 3 888082350 +224 924 3 888103646 +224 949 3 888104057 +224 962 2 888082584 +224 977 2 888104281 +224 980 1 888104353 +224 991 1 888082277 +224 1039 5 888082552 +224 1044 3 888104353 +224 1045 2 888082766 +224 1053 3 888104281 +224 1085 1 888104393 +224 1119 3 888082634 +224 1163 2 888104154 +224 1208 1 888104554 +224 1212 2 888104457 +224 1381 3 888104589 +224 1441 3 888104522 +224 1442 3 888104281 +225 22 5 879540678 +225 64 4 879539727 +225 98 5 879539672 +225 136 5 879540707 +225 143 2 879540748 +225 172 5 879540748 +225 193 4 879539727 +225 194 5 879540678 +225 215 5 879539789 +225 237 5 879539643 +225 245 2 879539315 +225 286 4 879539027 +225 418 5 879540650 +225 478 5 879539767 +225 479 4 879539614 +225 480 5 879540748 +225 482 5 879540707 +225 492 4 879539767 +225 510 5 879539672 +225 603 5 879540649 +225 606 5 879540649 +225 705 5 879540707 +225 1443 4 879540778 +226 7 4 883889479 +226 9 5 883889811 +226 12 5 883889322 +226 14 5 883889691 +226 23 3 883889355 +226 24 4 883889479 +226 28 4 883889322 +226 56 4 883889102 +226 89 5 883889229 +226 92 2 883889102 +226 98 5 883889147 +226 147 3 883889479 +226 150 4 883889063 +226 169 5 883888892 +226 179 4 883888853 +226 180 4 883889322 +226 203 5 883888978 +226 209 3 883889146 +226 236 3 883889844 +226 242 5 883888671 +226 250 4 883890491 +226 258 5 883888671 +226 270 4 883888639 +226 275 3 883889764 +226 283 2 883889811 +226 286 4 883888600 +226 370 3 883890235 +226 474 3 883889063 +226 480 4 883888853 +226 509 4 883889322 +226 513 3 883889256 +226 596 3 883889884 +226 1117 3 883890262 +227 7 5 879035251 +227 9 3 879035431 +227 13 5 879035205 +227 15 4 879035725 +227 19 4 879035431 +227 25 4 879035535 +227 50 4 879035347 +227 93 5 879035431 +227 100 5 879035251 +227 106 3 879035775 +227 116 4 879035347 +227 117 2 879035493 +227 121 2 879035934 +227 126 4 879035158 +227 127 4 879035387 +227 129 5 879035387 +227 150 3 879035347 +227 240 1 879035934 +227 244 3 879035205 +227 249 2 879035775 +227 274 4 879035963 +227 276 4 879035251 +227 285 4 879035347 +227 286 3 879035072 +227 287 4 879035704 +227 293 5 879035387 +227 295 5 879035387 +227 319 4 879035072 +227 405 2 879035934 +227 411 4 879035897 +227 475 4 879035252 +227 741 3 879035464 +227 756 3 879035658 +227 823 2 879035599 +227 1008 4 879036009 +227 1010 3 879035637 +227 1017 4 879035464 +227 1067 4 879035572 +227 1068 4 879035289 +227 1143 4 879035803 +228 56 2 889388607 +228 87 1 889388662 +228 98 3 889388607 +228 204 3 889388662 +228 272 5 889388440 +228 275 3 889388521 +228 286 5 889387172 +228 288 4 889387173 +228 313 5 889387172 +228 327 1 889387216 +228 427 4 889388547 +228 475 3 889388521 +228 650 3 889388662 +228 651 4 889388521 +228 655 4 889388489 +228 690 5 889387173 +228 812 5 889388547 +228 886 1 889387173 +229 258 2 891632040 +229 260 1 891632437 +229 286 4 891633029 +229 302 5 891633028 +229 303 1 891632073 +229 312 3 891632551 +229 313 2 891631948 +229 315 1 891632945 +229 316 1 891632347 +229 328 1 891632142 +229 340 4 891632142 +229 347 1 891632073 +229 349 4 891633028 +229 358 1 891632437 +229 748 3 891632402 +229 750 2 891631948 +229 751 3 891632164 +229 875 1 891632402 +229 882 4 891633029 +229 886 1 891632164 +229 896 4 891633029 +229 898 5 891633028 +229 937 2 891632347 +230 7 3 880484476 +230 8 5 880484501 +230 10 3 880485530 +230 11 4 880484911 +230 22 5 880484850 +230 50 5 880484755 +230 51 4 880484937 +230 56 3 880484416 +230 64 5 880484416 +230 69 4 880484338 +230 70 4 880484637 +230 96 2 880484683 +230 97 5 880484544 +230 100 4 880485856 +230 117 5 880484320 +230 121 4 880484998 +230 125 5 880485090 +230 132 5 880484475 +230 135 2 880485216 +230 138 3 880485197 +230 140 3 880484320 +230 142 4 880485633 +230 143 5 880484501 +230 144 3 880484850 +230 153 5 880485090 +230 154 4 880485159 +230 161 5 880485468 +230 162 4 880484587 +230 168 4 880484616 +230 172 4 880484523 +230 174 5 880484661 +230 176 4 880485445 +230 181 4 880485066 +230 182 2 880484370 +230 183 3 880484370 +230 185 4 880485090 +230 186 4 880484937 +230 195 3 880484416 +230 196 5 880484755 +230 199 3 880484755 +230 202 4 880485352 +230 203 2 880484890 +230 205 3 880484476 +230 209 1 880485283 +230 210 5 880484975 +230 211 5 880485181 +230 214 4 880485573 +230 223 5 880484415 +230 228 2 880485216 +230 233 1 880485513 +230 234 4 880484756 +230 238 1 880484778 +230 266 4 880484286 +230 276 5 880485573 +230 284 1 880485634 +230 291 4 880484825 +230 294 5 880484286 +230 304 5 880484286 +230 357 5 880484391 +230 371 4 880485330 +230 378 5 880485159 +230 385 1 880485235 +230 393 3 880485110 +230 402 5 880485445 +230 405 4 880485634 +230 419 4 880484587 +230 422 3 880485633 +230 423 5 880484825 +230 431 3 880485254 +230 432 4 880485110 +230 435 4 880484444 +230 443 4 880485090 +230 451 4 880485402 +230 484 5 880484800 +230 485 5 880484370 +230 491 3 880484975 +230 496 5 880484501 +230 498 5 880484755 +230 499 4 880484870 +230 504 3 880485136 +230 511 2 880485656 +230 526 3 880485159 +230 549 5 880485380 +230 582 4 880485380 +230 588 5 880484683 +230 607 3 880484755 +230 622 3 880485380 +230 627 5 880484661 +230 633 4 880485283 +230 673 3 880485573 +230 680 4 880484286 +230 699 4 880484975 +230 739 5 880485611 +230 742 5 880485043 +230 926 3 880485489 +230 963 5 880484370 +230 969 4 880484476 +230 1050 3 880485136 +230 1192 4 880485352 +230 1444 2 880485726 +231 15 4 879965704 +231 50 4 888605273 +231 121 4 879966609 +231 126 5 888605273 +231 127 3 879965565 +231 151 1 879966209 +231 181 4 888605273 +231 252 4 888605273 +231 300 4 888605273 +231 313 3 888604920 +231 405 4 879966609 +231 476 3 879966018 +231 597 3 879966146 +231 748 4 888605273 +231 846 4 888605274 +231 866 3 879965961 +231 924 5 888605273 +232 1 4 880062302 +232 4 4 888550130 +232 8 2 888549757 +232 14 4 880062574 +232 22 3 888549988 +232 44 4 888549412 +232 48 5 888549879 +232 50 4 880062302 +232 52 5 888550130 +232 56 5 888549622 +232 64 4 888549441 +232 69 3 888549376 +232 81 5 888549515 +232 91 5 888549515 +232 96 5 888549563 +232 98 4 888549838 +232 100 5 880062447 +232 165 4 888550036 +232 170 5 888549929 +232 172 4 888549412 +232 173 4 888549674 +232 175 5 888549815 +232 178 5 888549988 +232 181 4 880062330 +232 191 4 888549376 +232 194 4 888549988 +232 196 5 888549757 +232 197 4 888549563 +232 202 4 888549515 +232 204 4 888549515 +232 215 3 888549563 +232 234 3 888549595 +232 250 4 880062618 +232 268 4 885939544 +232 270 3 880062259 +232 272 4 885939511 +232 275 2 885939945 +232 276 5 880062447 +232 286 3 880062259 +232 294 2 880062259 +232 313 3 885939473 +232 315 5 888364663 +232 318 5 888549757 +232 357 4 888549721 +232 423 4 888549595 +232 425 4 888549790 +232 435 4 888550013 +232 461 5 888549563 +232 462 4 888549879 +232 471 3 880062414 +232 474 5 888550036 +232 475 5 880062469 +232 483 5 888549622 +232 493 4 888549622 +232 498 4 888549467 +232 508 1 880062447 +232 515 2 880062413 +232 523 4 888549757 +232 582 5 888549595 +232 589 3 888549790 +232 630 3 888550060 +232 638 5 888549988 +232 651 3 888549515 +232 655 4 888549721 +232 690 4 880062259 +232 705 5 888549838 +232 708 4 888550060 +232 744 3 880062645 +232 747 3 888549957 +232 900 5 888364663 +232 919 3 888550036 +232 921 4 888549929 +232 1128 2 888549907 +232 1149 5 888549674 +233 4 3 877663337 +233 9 5 876021262 +233 12 2 880610333 +233 23 5 877665324 +233 31 3 880610814 +233 48 5 877663184 +233 50 3 876021213 +233 56 5 877661776 +233 57 5 880190451 +233 58 3 880612403 +233 64 5 880612285 +233 69 5 877665324 +233 70 5 879147810 +233 82 4 877663612 +233 89 3 875508225 +233 97 5 877661882 +233 98 5 877661724 +233 99 3 877663383 +233 100 4 877661294 +233 117 3 880190627 +233 121 4 880190627 +233 127 5 877661364 +233 133 5 877661364 +233 135 4 877661881 +233 168 5 877663302 +233 174 5 877661553 +233 177 4 877661496 +233 180 5 877661364 +233 187 4 876021170 +233 191 4 877665191 +233 193 4 877663646 +233 202 5 879394264 +233 205 4 877663548 +233 208 4 880610814 +233 212 5 877665324 +233 215 5 877665324 +233 216 5 877665357 +233 249 5 883356871 +233 257 4 883356847 +233 269 5 891920842 +233 276 5 877665324 +233 286 3 876690514 +233 293 4 877660832 +233 304 5 877665323 +233 313 5 891920842 +233 318 5 877665324 +233 357 5 877661553 +233 371 5 880190399 +233 375 4 876374419 +233 381 4 877665125 +233 418 4 877664010 +233 423 4 877665239 +233 435 5 877665324 +233 462 5 879147730 +233 478 5 877661437 +233 482 4 877661437 +233 492 5 880923253 +233 495 4 877661364 +233 498 5 877663465 +233 499 3 877664010 +233 504 5 877663128 +233 511 5 876021120 +233 515 5 875508080 +233 521 5 877663071 +233 523 4 877663913 +233 528 5 877665324 +233 568 5 880612346 +233 588 5 877661553 +233 614 4 877661437 +233 633 5 877663185 +233 644 5 880610635 +233 647 5 877661364 +233 654 4 877665191 +233 660 5 877661634 +233 735 5 880610635 +233 806 4 880610396 +233 845 4 880190627 +233 923 4 877664010 +233 958 5 875508372 +233 1194 5 880190371 +234 1 3 891227689 +234 2 2 892335142 +234 7 2 891227813 +234 8 5 892079585 +234 9 3 891227689 +234 10 3 891227851 +234 11 2 892079140 +234 12 1 892333830 +234 13 3 892335342 +234 14 3 891227730 +234 15 3 892079538 +234 20 4 891227979 +234 21 3 892335042 +234 28 4 892079538 +234 30 4 892335951 +234 31 4 892334803 +234 32 3 892078936 +234 44 3 892335707 +234 45 4 892079140 +234 50 4 892079237 +234 52 4 892334141 +234 54 2 892336257 +234 56 3 892078837 +234 66 3 892334765 +234 70 3 892335587 +234 71 3 892334338 +234 72 3 892335674 +234 73 2 892334368 +234 76 2 892335564 +234 77 3 892333890 +234 79 3 892079910 +234 81 3 892334680 +234 82 3 892334079 +234 85 2 892334852 +234 86 2 892333765 +234 87 3 892079336 +234 89 3 892079910 +234 91 5 892335920 +234 93 3 891227771 +234 95 3 892079689 +234 96 2 892334141 +234 97 2 892334267 +234 98 4 892078567 +234 99 5 892333573 +234 100 4 892079769 +234 106 4 892336322 +234 116 2 892079434 +234 117 2 892334976 +234 119 3 892335261 +234 125 3 892335739 +234 127 4 892078386 +234 130 1 892336194 +234 132 4 892333865 +234 134 5 892333573 +234 135 4 892079769 +234 136 4 892317967 +234 141 3 892334609 +234 142 2 892334852 +234 144 3 892079840 +234 147 3 892335372 +234 148 3 891228196 +234 151 3 892334481 +234 152 4 892826701 +234 154 3 892078605 +234 157 2 892334400 +234 161 3 892335824 +234 162 3 892335541 +234 164 3 892334644 +234 165 5 892079040 +234 166 5 892079237 +234 168 3 892079434 +234 170 5 892333798 +234 172 3 892078837 +234 173 3 892334577 +234 176 3 892079190 +234 179 3 892079373 +234 186 3 892078567 +234 187 4 892079140 +234 190 3 892079190 +234 191 4 892334765 +234 192 3 892078984 +234 193 4 892334713 +234 194 5 892333653 +234 196 3 892079910 +234 197 5 892333616 +234 198 3 892078837 +234 199 5 892079040 +234 200 5 892335074 +234 202 3 892079585 +234 204 2 892079617 +234 205 3 892079288 +234 206 4 892334543 +234 207 2 892078605 +234 208 4 892318002 +234 209 4 892317967 +234 210 3 892333616 +234 212 2 892334883 +234 213 3 892079190 +234 215 3 892079722 +234 218 2 892335541 +234 219 2 892336287 +234 221 2 891227814 +234 222 3 892079803 +234 223 3 892079336 +234 226 2 892335673 +234 228 3 892079190 +234 229 4 892334189 +234 233 2 892335990 +234 234 4 892079475 +234 236 3 892079336 +234 237 3 892336021 +234 238 3 892079040 +234 241 2 892335042 +234 242 4 891033261 +234 243 1 891034107 +234 258 2 891033627 +234 259 2 891033686 +234 265 3 892078837 +234 273 3 892336165 +234 274 3 892334765 +234 276 3 891228196 +234 277 3 892334680 +234 279 3 892333980 +234 280 3 892334803 +234 283 3 891227814 +234 284 3 892335460 +234 286 3 891033314 +234 287 3 891228196 +234 288 3 891033738 +234 289 4 891033851 +234 291 3 892335342 +234 292 4 891033821 +234 294 3 891033715 +234 300 3 891033627 +234 301 3 892826947 +234 304 3 891033591 +234 316 4 891033851 +234 317 2 892334189 +234 318 4 892078890 +234 322 2 891034007 +234 328 2 891033772 +234 329 2 891033922 +234 357 4 892333573 +234 358 1 891034007 +234 367 4 892334976 +234 371 3 892335850 +234 378 4 892335213 +234 385 2 892335309 +234 401 2 892336322 +234 403 1 892335674 +234 412 2 892336322 +234 414 4 892336021 +234 416 4 892335616 +234 418 3 892079373 +234 421 1 892334852 +234 423 4 892334079 +234 427 4 892078386 +234 428 4 892334079 +234 431 3 892078424 +234 433 2 892079910 +234 434 3 892079288 +234 435 3 892079040 +234 436 3 892334765 +234 443 3 892334079 +234 445 2 892334713 +234 447 3 892336047 +234 448 3 892335501 +234 451 3 892334578 +234 462 4 892079840 +234 464 4 892079288 +234 465 2 892334803 +234 466 4 892334368 +234 471 3 892335074 +234 472 2 891228099 +234 473 5 892334976 +234 478 3 892079538 +234 479 5 892334107 +234 480 4 892078485 +234 481 5 892079076 +234 482 4 892334803 +234 483 5 892078424 +234 484 5 892078936 +234 485 3 892079434 +234 486 3 892079373 +234 487 3 892079237 +234 489 3 892079237 +234 490 4 892079803 +234 491 4 892079538 +234 492 3 892078936 +234 493 3 892078567 +234 494 4 892078837 +234 495 4 892335042 +234 496 4 892079190 +234 498 5 892078699 +234 499 4 892334141 +234 500 3 892078890 +234 501 4 892334543 +234 502 4 892336077 +234 503 2 892333653 +234 504 4 892078485 +234 506 4 892318107 +234 507 4 892334803 +234 510 4 892079840 +234 511 5 892078567 +234 513 5 892333980 +234 519 5 892078342 +234 520 4 892078890 +234 521 3 892079077 +234 523 4 892334141 +234 526 3 892334045 +234 527 3 892334189 +234 549 3 892335850 +234 550 2 892334883 +234 552 2 892336322 +234 557 1 892335989 +234 558 4 892079585 +234 566 2 892335108 +234 571 2 892318158 +234 582 4 892334883 +234 584 3 892333653 +234 588 3 892335541 +234 589 3 892078567 +234 596 2 891227979 +234 601 3 892334765 +234 603 4 892333573 +234 604 5 892078936 +234 605 3 892333798 +234 607 4 892079140 +234 611 5 892078605 +234 612 3 892079140 +234 614 3 892334609 +234 615 5 892079722 +234 616 2 892334976 +234 617 3 892078741 +234 618 3 892078343 +234 619 2 891227851 +234 622 2 892335415 +234 623 2 892318107 +234 625 3 892336286 +234 626 4 892336358 +234 628 2 892826612 +234 629 4 892335042 +234 631 3 892334577 +234 632 2 892079538 +234 634 4 892079910 +234 635 2 892336358 +234 636 3 892336358 +234 638 4 892335989 +234 641 4 892078297 +234 647 3 892826411 +234 648 3 892826760 +234 650 3 892078837 +234 651 4 892078485 +234 653 3 892335108 +234 654 5 892333573 +234 655 3 892333616 +234 656 4 892079288 +234 657 4 892079840 +234 659 3 892078660 +234 660 4 892334543 +234 661 5 892333573 +234 662 3 892079585 +234 663 4 892335707 +234 671 3 892336257 +234 673 4 892334189 +234 686 3 892334976 +234 693 2 892333980 +234 694 3 892079040 +234 699 3 892079538 +234 702 2 892335707 +234 705 5 892318002 +234 709 4 892079337 +234 712 2 892336077 +234 724 4 892335739 +234 727 3 892079475 +234 731 2 892336194 +234 732 2 892334713 +234 739 3 892335990 +234 747 3 892334578 +234 749 3 891033772 +234 751 2 891033394 +234 765 3 892336322 +234 768 2 892335990 +234 770 4 892335920 +234 781 2 892335764 +234 782 3 892335372 +234 792 4 892336165 +234 806 2 892334766 +234 808 2 892335707 +234 832 2 892335501 +234 835 3 892334481 +234 836 4 892317967 +234 837 3 892079434 +234 843 2 892334400 +234 844 2 892078521 +234 845 3 892335825 +234 847 4 891227730 +234 848 3 892334577 +234 850 2 892336047 +234 867 4 892826174 +234 872 2 891033627 +234 874 1 891227463 +234 878 2 892336477 +234 921 4 892079434 +234 923 4 892078741 +234 925 2 892334976 +234 927 4 892334267 +234 928 2 892336287 +234 929 1 891228099 +234 939 2 892333798 +234 942 3 892334610 +234 945 3 892334189 +234 951 1 892334766 +234 956 3 892826643 +234 959 2 892334189 +234 963 3 892078983 +234 964 4 892334852 +234 965 3 892079538 +234 966 4 892334189 +234 984 2 891033966 +234 989 2 891033966 +234 1003 2 892334267 +234 1010 2 892335415 +234 1011 3 891227730 +234 1015 2 892079617 +234 1020 4 892078890 +234 1021 4 892333765 +234 1035 3 892335142 +234 1048 3 892335501 +234 1050 3 892333616 +234 1063 3 892079769 +234 1075 3 892335797 +234 1078 2 892336322 +234 1100 2 892335500 +234 1101 3 892335372 +234 1120 3 892079288 +234 1123 3 892335342 +234 1126 4 892079722 +234 1149 3 892318060 +234 1170 1 892336077 +234 1172 3 892079076 +234 1184 2 892079237 +234 1185 3 892335951 +234 1186 4 892335707 +234 1198 3 892335187 +234 1221 4 892334852 +234 1263 3 892335142 +234 1285 3 892335764 +234 1298 3 892079373 +234 1330 3 892078343 +234 1369 3 892333765 +234 1397 4 892334976 +234 1400 3 892334400 +234 1446 3 892335739 +234 1448 3 892335187 +234 1449 4 892333573 +234 1451 3 892078343 +234 1452 4 892335342 +234 1454 3 892336257 +234 1455 2 892318158 +234 1456 4 892335142 +234 1457 3 892079538 +234 1458 4 892336165 +234 1459 3 892335261 +234 1460 3 892335460 +234 1462 3 892333865 +234 1463 5 892333573 +235 1 4 889655571 +235 7 4 889655723 +235 22 4 889655044 +235 50 5 889655403 +235 52 4 889656168 +235 65 2 889655723 +235 66 2 889655266 +235 70 5 889655619 +235 79 4 889655468 +235 82 2 889655403 +235 85 4 889655232 +235 87 4 889655162 +235 96 4 889654971 +235 100 4 889655550 +235 135 4 889655571 +235 153 4 889655662 +235 170 4 889656113 +235 174 4 889654971 +235 179 5 889656028 +235 185 4 889655435 +235 188 4 889655619 +235 190 4 889656007 +235 193 5 889655204 +235 195 4 889655162 +235 197 5 889655266 +235 198 3 889655044 +235 207 4 889656132 +235 211 5 889655162 +235 213 4 889655044 +235 230 4 889655162 +235 237 4 889655435 +235 269 4 889654530 +235 275 5 889655550 +235 285 4 889655204 +235 292 3 889654638 +235 319 4 889654419 +235 344 5 889654419 +235 346 4 889654483 +235 419 5 889655858 +235 429 4 889655662 +235 433 4 889655596 +235 435 5 889655434 +235 462 3 889656168 +235 463 4 889656008 +235 474 5 889655112 +235 480 4 889655044 +235 483 5 889655204 +235 494 4 889655112 +235 511 5 889655162 +235 515 4 889655086 +235 520 4 889655204 +235 523 5 889655044 +235 524 5 889655204 +235 647 4 889655045 +235 648 4 889655662 +235 652 4 889655403 +235 684 4 889655162 +235 705 5 889655204 +235 747 2 889655550 +235 792 4 889655490 +235 898 3 889654553 +235 923 4 889656132 +235 970 4 889655204 +235 971 4 889656113 +235 1105 2 889654460 +235 1119 3 889655550 +235 1134 4 889655723 +235 1149 4 889655595 +235 1176 5 889655820 +235 1451 4 889655112 +235 1464 4 889655266 +236 15 5 890116628 +236 28 4 890116539 +236 50 3 890116059 +236 51 5 890116709 +236 57 5 890116575 +236 58 2 890118462 +236 64 5 890116163 +236 66 2 890118507 +236 69 5 890116426 +236 71 3 890116671 +236 79 4 890118417 +236 88 2 890116709 +236 97 5 890118228 +236 98 5 890116253 +236 100 3 890116402 +236 111 4 890116939 +236 117 3 890116818 +236 133 5 890116059 +236 134 4 890116282 +236 135 2 890116033 +236 143 4 890116163 +236 148 4 890117028 +236 153 2 890118075 +236 170 5 890116451 +236 172 3 890116539 +236 179 1 890118417 +236 181 4 890115933 +236 183 2 890118206 +236 185 5 890118307 +236 187 3 890118340 +236 191 4 890116335 +236 194 3 890116426 +236 195 2 890118507 +236 199 4 890118307 +236 200 3 890115856 +236 204 3 890118393 +236 207 3 890116221 +236 222 4 890116817 +236 223 5 890116032 +236 237 4 890117001 +236 255 3 890116747 +236 265 2 890116191 +236 273 1 890116670 +236 274 1 890117073 +236 282 5 890117028 +236 286 5 890115777 +236 289 4 890117820 +236 294 2 890116895 +236 298 4 890116793 +236 304 4 890117676 +236 307 4 890117902 +236 313 4 890115777 +236 328 5 890117711 +236 333 3 890117748 +236 370 3 890117353 +236 411 1 890117095 +236 419 5 890116282 +236 420 4 890116671 +236 427 5 890118153 +236 429 1 890118632 +236 443 4 890116709 +236 478 3 890118106 +236 505 3 890116575 +236 506 5 890118153 +236 507 3 890115897 +236 510 3 890118543 +236 520 4 890116095 +236 521 3 890115996 +236 526 3 890116500 +236 532 2 890116915 +236 546 4 890117223 +236 549 4 890116628 +236 595 3 890117267 +236 596 4 890116575 +236 614 5 890116335 +236 632 3 890116254 +236 655 3 890116670 +236 661 3 890116451 +236 686 3 890118372 +236 696 2 890117223 +236 699 4 890116095 +236 705 4 890116402 +236 717 3 890117409 +236 729 5 890118372 +236 735 5 890116599 +236 750 5 890117676 +236 756 1 890117353 +236 864 2 890117073 +236 934 4 890117570 +236 1013 2 890117465 +236 1102 4 890117488 +236 1328 4 890116132 +237 23 4 879376606 +237 28 4 879376435 +237 58 4 879376434 +237 64 5 879376671 +237 83 4 879376641 +237 98 4 879376327 +237 100 5 879376381 +237 134 5 879376327 +237 153 3 879376698 +237 174 4 879376773 +237 176 3 879376328 +237 183 5 879376641 +237 185 4 879376773 +237 187 3 879376553 +237 191 4 879376773 +237 199 4 879376606 +237 211 4 879376515 +237 286 3 879376220 +237 423 4 879376487 +237 474 5 879376327 +237 479 5 879376487 +237 483 5 879376381 +237 494 4 879376553 +237 498 4 879376698 +237 499 2 879376487 +237 502 4 879376487 +237 513 5 879376328 +237 514 4 879376641 +237 528 5 879376606 +237 603 5 879376773 +237 656 4 879376730 +237 1192 5 879376553 +238 111 4 883576603 +238 118 3 883576509 +238 121 4 883576443 +238 151 2 883576398 +238 181 3 883576336 +238 220 3 883576560 +238 237 3 883576281 +238 252 3 883576644 +238 255 3 883576644 +238 257 4 883576261 +238 258 3 883575728 +238 294 3 883575813 +238 298 5 883576398 +238 300 4 883575836 +238 405 4 883576424 +238 458 4 883576622 +238 476 3 883576799 +238 538 4 883575749 +238 546 3 883576574 +238 756 3 883576476 +238 815 2 883576398 +238 1190 3 883576603 +238 1258 1 883576666 +239 8 5 889179290 +239 9 5 889180446 +239 10 5 889180338 +239 12 5 889178729 +239 14 5 889179478 +239 39 5 889181093 +239 42 5 889180578 +239 45 5 889180578 +239 46 4 889180487 +239 47 2 889180169 +239 56 4 889179478 +239 58 5 889179623 +239 64 1 889178616 +239 69 1 889179544 +239 79 3 889179544 +239 81 3 889179808 +239 89 4 889179253 +239 96 5 889178798 +239 98 5 889180410 +239 100 3 889179131 +239 114 3 889178616 +239 116 5 889181093 +239 124 5 889178652 +239 133 3 889178652 +239 134 5 889179033 +239 135 5 889178762 +239 137 5 889178688 +239 152 3 889179808 +239 165 5 889180411 +239 168 4 889179478 +239 171 5 889178986 +239 172 4 889178833 +239 175 5 889180616 +239 179 5 889180410 +239 180 5 889178833 +239 183 5 889180071 +239 186 1 889179253 +239 187 5 889178798 +239 194 5 889178833 +239 195 5 889180747 +239 198 5 889181047 +239 203 1 889179291 +239 204 3 889180888 +239 205 3 889181015 +239 207 5 889180578 +239 208 3 889181015 +239 209 5 889179032 +239 210 4 889179032 +239 234 3 889178762 +239 238 5 889180747 +239 242 5 889178512 +239 269 5 889181247 +239 272 5 889181247 +239 276 5 889179506 +239 286 1 889178512 +239 288 2 889178513 +239 304 1 889181248 +239 305 4 889178513 +239 312 2 889181247 +239 317 5 889179291 +239 340 5 889178513 +239 382 3 889180578 +239 419 3 889178689 +239 430 3 889180338 +239 432 5 889180041 +239 433 5 889180447 +239 462 5 889179623 +239 463 5 889178689 +239 475 5 889178689 +239 478 5 889178986 +239 479 5 889178762 +239 482 3 889180978 +239 483 5 889179253 +239 488 5 889179033 +239 491 5 889181015 +239 492 3 889180411 +239 493 5 889180616 +239 497 4 889180578 +239 505 5 889180169 +239 507 5 889180651 +239 508 5 889178798 +239 509 5 889180071 +239 513 5 889178887 +239 514 1 889178562 +239 516 5 889180487 +239 518 3 889180949 +239 528 5 889178562 +239 529 5 889179808 +239 530 5 889179290 +239 531 5 889178762 +239 558 5 889178986 +239 603 5 889178616 +239 605 4 889180446 +239 612 5 889178616 +239 632 5 889181015 +239 633 5 889180040 +239 647 5 889180651 +239 650 5 889180530 +239 652 5 889178762 +239 654 5 889180747 +239 663 5 889180617 +239 671 5 889179290 +239 690 1 889178513 +239 701 5 889179544 +239 705 4 889178652 +239 736 5 889179291 +239 745 5 889180338 +239 836 5 889180888 +239 855 5 889179478 +239 921 5 889181092 +239 923 5 889179033 +239 954 5 889179253 +239 1020 3 889180920 +239 1056 5 889180041 +239 1065 5 889181015 +239 1070 5 889179032 +239 1098 5 889180487 +239 1099 5 889179253 +239 1115 2 889180651 +239 1192 1 889180949 +239 1203 5 889180040 +239 1245 5 889181092 +239 1332 3 889180888 +240 242 5 885775683 +240 269 5 885775536 +240 286 5 885775625 +240 288 5 885775536 +240 289 4 885775745 +240 300 3 885775563 +240 301 5 885775683 +240 302 5 885775536 +240 307 4 885775683 +240 313 5 885775604 +240 336 3 885775745 +240 340 4 885775710 +240 343 3 885775831 +240 349 1 885775878 +240 353 1 885775959 +240 358 2 885775857 +240 748 3 885775831 +240 751 3 885775683 +240 879 3 885775745 +240 895 5 885775711 +240 898 5 885775770 +241 268 4 887249576 +241 270 3 887250026 +241 286 5 887249482 +241 292 4 887250084 +241 294 3 887250085 +241 300 4 887249685 +241 302 3 887249576 +241 307 4 887249795 +241 310 4 887249576 +241 313 4 887249795 +241 332 3 887249841 +241 350 2 887249889 +241 689 3 887250085 +241 690 2 887249482 +241 750 5 887249576 +241 880 5 887249889 +241 887 4 887249685 +241 895 2 887250085 +242 237 4 879740594 +242 268 5 879741340 +242 275 5 879741196 +242 283 4 879740362 +242 291 3 879740593 +242 294 4 879740082 +242 305 5 879741340 +242 306 5 879741340 +242 361 5 879741340 +242 740 5 879741196 +242 934 5 879741196 +242 1011 3 879740800 +242 1137 5 879741196 +242 1152 5 879741196 +242 1355 5 879741196 +242 1357 5 879741196 +243 8 5 879989217 +243 10 4 879987526 +243 13 4 879987362 +243 15 3 879987440 +243 16 3 879987630 +243 22 3 879988104 +243 25 3 879987875 +243 26 3 879988459 +243 28 4 879988215 +243 69 3 879988298 +243 77 3 879988587 +243 83 4 879988184 +243 93 2 879987173 +243 111 4 879987793 +243 116 4 879987526 +243 125 3 879988298 +243 127 4 879987045 +243 129 2 879987526 +243 137 3 879987084 +243 151 3 879987397 +243 157 5 879989217 +243 173 3 879988913 +243 191 5 879989217 +243 194 4 879988913 +243 196 4 879988298 +243 208 4 879989134 +243 221 5 879989217 +243 223 4 879988262 +243 225 3 879987655 +243 237 2 879987148 +243 246 4 879987085 +243 268 4 879986951 +243 275 3 879987084 +243 280 1 879987148 +243 283 3 879987362 +243 285 5 879989217 +243 286 4 879986908 +243 306 4 879988830 +243 317 5 879989217 +243 367 3 879988976 +243 387 4 879988752 +243 435 4 879988913 +243 477 4 879987736 +243 511 5 879989217 +243 531 4 879988157 +243 582 5 879989217 +243 631 4 879988298 +243 632 5 879988487 +243 655 4 879988104 +243 660 4 879988422 +243 699 4 879988397 +243 713 3 879987495 +243 724 3 879988459 +243 737 3 879988557 +243 778 4 879988663 +243 813 4 879987239 +243 1039 4 879988184 +243 1115 3 879987465 +243 1281 5 879989217 +243 1368 2 879987909 +243 1466 3 879988104 +244 1 4 880604405 +244 7 4 880602558 +244 9 5 880604179 +244 13 4 880604379 +244 17 2 880607205 +244 20 4 880604758 +244 22 4 880605665 +244 26 5 880606274 +244 28 4 880606300 +244 31 4 880603484 +244 40 2 880608016 +244 42 5 880602058 +244 51 2 880606923 +244 52 4 880606476 +244 53 3 880607489 +244 54 2 880607335 +244 56 5 880602440 +244 58 3 880605438 +244 62 2 880607269 +244 65 4 880605766 +244 67 4 880608820 +244 68 5 880602170 +244 69 4 880603645 +244 70 4 880604077 +244 71 4 880606874 +244 72 4 880607365 +244 77 4 880603512 +244 80 3 880607489 +244 88 4 880607684 +244 89 5 880602210 +244 90 4 880607684 +244 95 4 880606418 +244 97 2 880605514 +244 100 4 880604252 +244 101 5 880603288 +244 109 4 880604798 +244 114 4 880603219 +244 117 2 880604698 +244 118 2 880604981 +244 121 1 880604583 +244 122 4 880602804 +244 126 4 880604302 +244 135 4 880606442 +244 144 1 880602264 +244 145 3 880608842 +244 148 2 880605071 +244 151 5 880604326 +244 153 4 880606069 +244 154 5 880606385 +244 155 3 880608599 +244 157 4 880604119 +244 158 3 880608904 +244 161 4 880607990 +244 164 3 880607154 +244 167 3 880607853 +244 168 5 880606118 +244 171 5 880606385 +244 172 4 880605665 +244 179 5 880603833 +244 180 4 880605920 +244 181 4 880604302 +244 183 4 880606043 +244 186 3 880605697 +244 188 4 880605869 +244 191 5 880605766 +244 193 4 880605638 +244 196 5 880605416 +244 204 4 880605812 +244 208 5 880606300 +244 209 4 880605485 +244 214 5 880603219 +244 216 4 880605869 +244 217 5 880606698 +244 220 2 880605264 +244 226 1 880602264 +244 232 4 880608670 +244 234 3 880606593 +244 235 1 880604910 +244 237 5 880602334 +244 238 5 880606118 +244 240 3 880604858 +244 241 4 880602893 +244 249 4 880604930 +244 255 2 880604077 +244 258 5 880601905 +244 265 4 880606634 +244 276 5 880604234 +244 278 3 880605294 +244 287 3 880604326 +244 290 3 880604616 +244 291 2 880604379 +244 294 4 880601905 +244 301 2 880601905 +244 310 3 880601905 +244 324 4 880601905 +244 365 2 880608599 +244 367 1 880603442 +244 369 4 880605294 +244 380 4 880608133 +244 381 4 880604077 +244 383 3 880608957 +244 409 4 880605294 +244 411 4 880604798 +244 428 4 880606155 +244 433 5 880603683 +244 455 2 880604503 +244 456 3 880605333 +244 475 4 880603582 +244 508 4 880604276 +244 509 5 880606017 +244 528 3 880606533 +244 550 1 880602264 +244 554 3 880608733 +244 559 4 880607154 +244 566 4 880607489 +244 584 5 880606634 +244 596 4 880604735 +244 609 3 880607154 +244 628 4 880604346 +244 629 4 880606442 +244 631 4 880606760 +244 650 3 880607231 +244 651 4 880606069 +244 652 5 880606533 +244 662 3 880606533 +244 673 3 880606667 +244 676 4 880604858 +244 685 2 880604642 +244 697 4 880607335 +244 707 4 880606243 +244 708 4 880607231 +244 710 3 880607034 +244 712 3 880607925 +244 723 3 880607154 +244 724 4 880605638 +244 735 5 880605697 +244 738 4 880607489 +244 739 3 880604004 +244 743 5 880602170 +244 744 3 880606923 +244 747 4 880606760 +244 756 2 880605157 +244 762 3 880604616 +244 764 5 880605158 +244 790 4 880608037 +244 815 4 880605185 +244 818 2 880605010 +244 845 3 880606634 +244 866 5 880605131 +244 871 3 880605010 +244 886 5 880601905 +244 924 4 880604550 +244 926 2 880609193 +244 949 4 880606874 +244 950 1 880606274 +244 953 4 880607335 +244 955 4 880606593 +244 1012 2 880604670 +244 1017 4 880604583 +244 1028 3 880604830 +244 1039 4 880607570 +244 1041 4 880608788 +244 1045 5 880602132 +244 1047 2 880605264 +244 1048 4 880606567 +244 1053 2 880606993 +244 1054 3 880609089 +244 1074 4 880607904 +244 1095 2 880605333 +244 1098 5 880605578 +244 1107 2 880608699 +244 1109 4 880607116 +244 1118 4 880608087 +244 1119 5 880606993 +244 1136 3 880608162 +244 1150 4 880604195 +244 1178 3 880608134 +244 1188 4 880608864 +244 1209 3 880608315 +244 1225 2 880606818 +244 1428 4 880603411 +244 1467 5 880605553 +245 50 4 888513664 +245 94 2 888513081 +245 112 4 888513575 +245 151 3 888513279 +245 181 4 888513664 +245 210 3 888513026 +245 222 4 888513212 +245 240 1 888513860 +245 258 4 888513691 +245 300 4 888513026 +245 411 3 888513425 +245 473 2 888513344 +245 596 4 888513361 +245 597 4 888513326 +245 717 4 888513447 +245 894 1 888513860 +245 1028 5 888513447 +246 1 4 884920918 +246 3 2 884923390 +246 8 3 884921245 +246 17 2 884922658 +246 29 1 884922740 +246 50 5 884920788 +246 55 4 884921948 +246 56 1 884920948 +246 66 3 884922252 +246 67 2 884923893 +246 68 5 884922341 +246 69 3 884921202 +246 80 2 884923329 +246 82 2 884921986 +246 83 4 884921086 +246 94 2 884923505 +246 96 3 884920900 +246 98 4 884921428 +246 99 3 884922657 +246 100 4 884921033 +246 101 2 884922740 +246 109 5 884921794 +246 111 3 884921861 +246 117 3 884921767 +246 121 4 884922627 +246 133 3 884921705 +246 145 1 884923922 +246 151 5 884921727 +246 155 1 884923687 +246 158 1 884923955 +246 159 3 884923003 +246 161 3 884921679 +246 164 3 884921613 +246 172 5 884922042 +246 174 3 884921086 +246 175 4 884921362 +246 176 4 884921613 +246 181 5 884920978 +246 184 4 884921948 +246 185 5 884921428 +246 195 3 884921138 +246 196 3 884921861 +246 201 5 884921594 +246 202 3 884922272 +246 215 2 884921058 +246 223 5 884921033 +246 226 2 884923329 +246 227 4 884922475 +246 230 3 884922070 +246 231 1 884922898 +246 232 3 884923073 +246 236 4 884921986 +246 239 3 884921380 +246 240 3 884923547 +246 252 1 884924473 +246 257 4 884924327 +246 260 5 884924991 +246 265 4 884921411 +246 284 1 884922475 +246 289 2 884922658 +246 294 2 884924460 +246 356 2 884923047 +246 368 1 884924813 +246 369 3 884924710 +246 384 2 884923632 +246 385 1 884922272 +246 402 3 884922917 +246 403 4 884922697 +246 404 3 884922434 +246 406 3 884924749 +246 409 2 884923372 +246 410 1 884923175 +246 411 3 884923715 +246 416 3 884923047 +246 418 3 884921453 +246 423 3 884920900 +246 425 5 884921918 +246 426 3 884923471 +246 431 3 884921661 +246 432 3 884921511 +246 433 5 884921488 +246 447 3 884922714 +246 451 2 884923003 +246 469 3 884922475 +246 470 4 884922964 +246 477 4 884921767 +246 541 3 884923487 +246 547 4 884922512 +246 550 3 884922740 +246 561 1 884923445 +246 568 4 884922451 +246 570 1 884923592 +246 578 2 884923306 +246 585 1 884923811 +246 588 4 884920998 +246 596 3 884921511 +246 597 2 884921965 +246 616 5 884922475 +246 628 1 884922554 +246 651 4 884921638 +246 658 4 884923329 +246 665 4 884922831 +246 672 4 884923047 +246 675 4 884920978 +246 719 4 884924026 +246 720 1 884923592 +246 721 4 884921794 +246 724 4 884922383 +246 728 1 884923829 +246 735 4 884921679 +246 739 2 884922678 +246 743 1 884924780 +246 748 1 884924441 +246 765 2 884924026 +246 790 3 884923405 +246 802 1 884923471 +246 809 2 884923767 +246 816 4 884925218 +246 827 1 884923829 +246 840 4 884924045 +246 841 1 884923829 +246 849 1 884923687 +246 895 5 884924976 +246 919 4 884920949 +246 930 2 884924764 +246 932 1 884923864 +246 941 1 884923547 +246 1039 4 884921227 +246 1073 4 884921380 +246 1089 1 884924710 +246 1101 5 884921380 +246 1135 1 884922605 +246 1188 3 884924001 +246 1218 3 884922801 +246 1220 3 884921794 +246 1222 3 884923372 +246 1232 1 884923425 +247 1 4 893097024 +247 7 4 893081395 +247 28 5 893097024 +247 50 5 893097024 +247 58 4 893081396 +247 64 5 893097024 +247 70 5 893097024 +247 100 3 893081395 +247 111 5 893097024 +247 121 4 893081396 +247 151 4 893081396 +247 181 4 893081396 +247 251 4 893081395 +247 257 4 893081396 +247 258 5 893097024 +247 271 2 893081411 +247 272 4 893081381 +247 340 3 893081396 +247 736 5 893097024 +247 750 4 893081381 +247 751 3 893081411 +247 1022 4 893097024 +248 1 3 884535744 +248 11 5 884534992 +248 22 2 884534752 +248 55 4 884534793 +248 79 3 884534992 +248 89 5 884535046 +248 96 4 884534968 +248 98 5 884534673 +248 100 4 884534716 +248 114 5 884534901 +248 117 5 884535433 +248 121 2 884536206 +248 127 5 884535084 +248 153 3 884534716 +248 156 5 884534945 +248 168 4 884534945 +248 172 4 884534992 +248 174 3 884534992 +248 179 3 884534649 +248 180 3 884534735 +248 181 4 884535374 +248 183 5 884534772 +248 185 3 884534772 +248 186 5 884534695 +248 187 3 884535046 +248 194 4 884534672 +248 198 5 884534695 +248 210 3 884534946 +248 234 4 884534968 +248 235 3 884536150 +248 249 4 884536117 +248 250 3 884535532 +248 257 3 884535840 +248 282 2 884535582 +248 283 1 884535157 +248 290 3 884535582 +248 294 3 884534379 +248 323 1 884534472 +248 324 4 884534506 +248 343 4 884534436 +248 405 4 884536165 +248 474 2 884534672 +248 475 5 884535446 +248 484 2 884535013 +248 515 5 884535085 +248 589 4 884534968 +248 678 3 884534419 +248 806 3 884534772 +248 854 5 884534735 +248 928 3 884536117 +249 2 3 879641284 +249 4 4 879572142 +249 7 5 879572760 +249 9 5 879572402 +249 11 5 879640868 +249 13 4 879640396 +249 22 5 879572926 +249 23 4 879572432 +249 24 4 879640306 +249 28 4 879572106 +249 31 4 879572688 +249 39 4 879572284 +249 42 5 879572630 +249 50 4 879571695 +249 55 5 879572331 +249 58 5 879572516 +249 68 5 879641156 +249 69 5 879572600 +249 79 5 879572777 +249 83 5 879640977 +249 86 4 879572124 +249 88 4 879572668 +249 92 5 879572567 +249 93 4 879640194 +249 96 4 879572600 +249 98 5 879572256 +249 100 5 879572370 +249 108 3 879640452 +249 121 3 879572705 +249 123 3 879640261 +249 124 5 879572646 +249 129 5 879571883 +249 137 4 879572725 +249 144 4 879572567 +249 147 5 879640343 +249 156 5 879572402 +249 161 3 879572760 +249 168 4 879572370 +249 169 5 879572106 +249 172 3 879572106 +249 173 5 879572229 +249 174 4 879572314 +249 176 4 879641109 +249 179 5 879641140 +249 181 3 879571998 +249 182 5 879640949 +249 186 4 879572516 +249 188 4 879641067 +249 195 4 879572911 +249 198 5 879572349 +249 202 4 879572167 +249 209 5 879572582 +249 212 4 879572890 +249 216 4 879641305 +249 218 3 879641322 +249 222 4 879640306 +249 223 4 879572370 +249 235 4 879640261 +249 238 5 879572451 +249 239 3 879572284 +249 240 4 879640343 +249 241 5 879641194 +249 242 5 879571438 +249 245 2 879571999 +249 248 5 879571695 +249 249 4 879571752 +249 252 2 879571998 +249 255 3 879571752 +249 258 5 879571438 +249 271 4 879571521 +249 275 4 879572451 +249 300 4 879571489 +249 302 4 879571438 +249 318 5 879572256 +249 327 4 879571489 +249 333 4 879571521 +249 357 4 879572142 +249 403 4 879640998 +249 407 3 879640618 +249 408 5 879572540 +249 409 4 879640452 +249 411 3 879640436 +249 421 5 879572516 +249 427 5 879572472 +249 431 5 879641194 +249 455 4 879640326 +249 456 3 879640549 +249 469 4 879641285 +249 472 3 879640502 +249 476 3 879640481 +249 479 5 879641035 +249 591 5 879572890 +249 597 2 879640436 +249 603 5 879640935 +249 628 3 879640306 +249 634 5 879572314 +249 658 4 879572944 +249 684 4 879641285 +249 686 5 879641251 +249 708 4 879572403 +249 723 4 879641093 +249 746 5 879641209 +249 748 3 879571586 +249 826 1 879640481 +249 844 5 879572795 +249 853 4 879572256 +249 919 5 879572668 +249 930 2 879640585 +249 993 3 879571779 +249 1016 3 879571752 +249 1069 5 879572890 +249 1103 5 879572256 +249 1167 4 879572284 +250 1 4 883263374 +250 2 4 878090414 +250 7 4 878089716 +250 9 2 878089547 +250 12 5 878090499 +250 23 4 878090499 +250 28 4 878090153 +250 44 4 878090199 +250 55 5 878091915 +250 56 4 878090004 +250 64 5 878090153 +250 69 5 878092059 +250 71 5 878090294 +250 81 4 878092143 +250 89 4 878092144 +250 91 5 878091965 +250 92 5 878091818 +250 95 5 878090499 +250 96 2 878090254 +250 98 5 878090365 +250 111 4 878091915 +250 116 4 878089921 +250 117 3 878089628 +250 123 3 878089837 +250 127 4 878089881 +250 129 4 878089677 +250 135 5 878091915 +250 140 3 878092059 +250 144 4 878092059 +250 151 4 878089677 +250 154 4 878090114 +250 159 4 878092144 +250 174 3 878092104 +250 175 5 878090004 +250 183 4 878091870 +250 184 1 878091683 +250 191 5 878091869 +250 195 2 878091736 +250 196 4 878091818 +250 200 5 883263374 +250 202 4 878090253 +250 204 2 878091682 +250 222 4 878089547 +250 223 4 878090294 +250 234 3 878091736 +250 238 4 878089963 +250 240 4 878092171 +250 244 4 878089786 +250 248 2 883263390 +250 259 1 883262792 +250 260 4 878089144 +250 264 3 878089182 +250 276 4 878089436 +250 293 4 878089921 +250 294 1 878089033 +250 321 5 878089099 +250 322 3 878089182 +250 323 2 878089100 +250 324 2 878089033 +250 328 3 883262792 +250 338 4 883263374 +250 357 4 878091915 +250 378 4 878092059 +250 404 4 878092144 +250 418 5 878090199 +250 458 5 878092104 +250 469 4 878091772 +250 474 5 878089964 +250 477 3 878089716 +250 480 5 878090414 +250 485 4 878092104 +250 496 4 878090499 +250 582 4 878090114 +250 588 5 878091736 +250 596 5 878089921 +250 628 4 878090114 +250 629 4 878091965 +250 678 2 878089182 +250 688 2 878089182 +250 742 3 878089786 +250 748 2 878089033 +250 754 4 883263374 +250 813 5 878089581 +250 933 3 878089467 +250 943 4 878091870 +250 948 3 878089182 +250 969 5 878092002 +250 984 3 878089229 +250 991 2 878089202 +250 993 5 878089881 +250 1014 4 883263439 +250 1073 5 878090114 +250 1137 5 878090066 +250 1161 4 883263375 +250 1426 5 878091771 +251 1 4 886272009 +251 7 3 886272146 +251 12 4 886271700 +251 15 4 886272086 +251 24 3 886272283 +251 25 4 886272615 +251 50 5 886272086 +251 55 3 886271856 +251 60 4 886271641 +251 79 5 886271733 +251 100 4 886271884 +251 109 4 886272547 +251 121 4 886272118 +251 125 4 886272346 +251 132 5 886271641 +251 144 5 886271920 +251 148 2 886272547 +251 172 5 886271641 +251 181 4 886271733 +251 183 5 886271733 +251 185 5 886271884 +251 202 4 886271920 +251 210 4 886271675 +251 222 4 886272547 +251 237 5 886272346 +251 249 5 886272118 +251 252 3 886272456 +251 257 3 886272378 +251 258 3 886271496 +251 265 3 886271641 +251 288 4 886271541 +251 294 3 886272283 +251 295 4 886272249 +251 298 5 886272146 +251 300 4 886271472 +251 418 4 886271856 +251 427 4 886271675 +251 468 2 886271641 +251 471 3 886272319 +251 476 2 886272407 +251 480 5 886271733 +251 520 5 886271955 +251 535 3 886272283 +251 595 3 886272486 +251 596 3 886272118 +251 597 3 886272514 +251 612 5 886271855 +251 748 2 886272175 +251 845 4 886272378 +251 866 2 886272514 +251 1014 5 886272486 +251 1028 3 886272585 +252 7 4 891455743 +252 9 5 891456797 +252 100 5 891456797 +252 124 5 891457490 +252 129 4 891456876 +252 149 5 891456876 +252 224 4 891456738 +252 268 5 891455329 +252 275 5 891456464 +252 277 4 891456797 +252 286 5 891455263 +252 290 3 891456877 +252 300 4 891448664 +252 740 3 891456738 +252 742 4 891455743 +252 847 4 891456738 +253 1 5 891628467 +253 4 4 891628670 +253 50 4 891628518 +253 64 5 891628252 +253 79 5 891628518 +253 82 3 891628295 +253 83 4 891628159 +253 87 5 891628278 +253 89 4 891628451 +253 95 4 891628416 +253 97 4 891628501 +253 98 5 891628295 +253 117 5 891628535 +253 121 5 891628142 +253 127 5 891628060 +253 132 5 891628416 +253 153 3 891628278 +253 168 3 891628278 +253 173 5 891628483 +253 175 2 891628884 +253 183 5 891628341 +253 188 4 891628416 +253 192 1 891628884 +253 198 5 891628392 +253 200 4 891628392 +253 203 4 891628651 +253 210 4 891628598 +253 216 4 891628252 +253 234 4 891628252 +253 237 4 891628002 +253 243 2 891628883 +253 259 2 891628883 +253 282 4 891628094 +253 294 4 891627829 +253 298 3 891628074 +253 318 5 891628323 +253 333 2 891628883 +253 427 5 891628229 +253 433 3 891628670 +253 448 2 891628883 +253 465 5 891628467 +253 483 5 891628122 +253 487 4 891628323 +253 490 5 891628374 +253 496 5 891628278 +253 510 5 891628416 +253 518 5 891628392 +253 527 5 891628518 +253 566 4 891628578 +253 568 4 891628295 +253 647 3 891628229 +253 655 4 891628142 +253 659 5 891628358 +253 699 4 891628630 +253 705 5 891628598 +253 742 4 891628535 +253 746 3 891628630 +253 747 3 891628501 +253 751 3 891627815 +253 806 4 891628181 +253 966 5 891628181 +253 1025 3 891627878 +253 1039 4 891628199 +253 1404 3 891628651 +254 15 3 886471307 +254 29 2 886474847 +254 35 2 886475755 +254 50 5 886471151 +254 62 3 886474009 +254 69 5 886471959 +254 75 1 886475004 +254 82 4 886472767 +254 90 1 886475406 +254 97 5 887346963 +254 98 4 886472201 +254 99 3 886473254 +254 103 2 886476123 +254 112 2 886473631 +254 118 4 886475406 +254 121 3 886472369 +254 125 3 886473158 +254 126 3 887347350 +254 132 4 886472022 +254 135 5 886471880 +254 136 4 886471695 +254 138 1 886474122 +254 140 4 887347350 +254 141 3 886472836 +254 142 3 886474489 +254 143 4 886472643 +254 162 3 886472643 +254 163 2 886472023 +254 164 4 886472768 +254 167 3 886474712 +254 168 1 886472400 +254 172 5 886472051 +254 174 5 886471720 +254 176 3 886472768 +254 183 4 886472713 +254 186 3 886472023 +254 188 3 886473672 +254 199 4 886472089 +254 200 3 886472504 +254 211 3 886472089 +254 214 1 886472608 +254 219 1 886475980 +254 222 4 886471346 +254 228 4 886472609 +254 229 4 886474580 +254 230 4 886472400 +254 231 3 886474712 +254 234 4 886472713 +254 238 3 886473120 +254 240 1 886476165 +254 241 4 886473190 +254 243 2 887347834 +254 257 3 886471389 +254 258 4 887347560 +254 259 2 886470859 +254 269 2 887346935 +254 286 1 887346861 +254 323 3 886470765 +254 343 2 886470904 +254 357 3 886472466 +254 378 3 886474396 +254 379 1 886474650 +254 380 4 886474456 +254 384 1 886475790 +254 386 2 886475616 +254 393 3 886473489 +254 403 3 887347350 +254 405 3 886471522 +254 416 4 886472713 +254 418 3 886473078 +254 419 4 886472231 +254 429 4 887347350 +254 432 2 886473158 +254 436 2 886474216 +254 441 3 886475831 +254 443 3 886473547 +254 448 3 886473775 +254 451 2 886474426 +254 457 2 886470931 +254 465 3 886473078 +254 472 3 886474456 +254 496 4 886471982 +254 501 3 886476281 +254 504 3 886472115 +254 526 3 886472609 +254 561 3 886475446 +254 573 2 886475476 +254 575 3 886476165 +254 577 1 886476092 +254 584 3 886473283 +254 596 4 886473852 +254 610 2 886472291 +254 612 3 886471959 +254 616 1 886473736 +254 621 3 886474807 +254 624 2 886473254 +254 625 3 886473808 +254 629 2 886472337 +254 649 1 886474619 +254 655 4 886472313 +254 662 4 887347350 +254 665 2 886475234 +254 679 2 886472434 +254 699 3 886473120 +254 755 3 886473489 +254 842 3 886475952 +254 843 2 886474807 +254 871 2 886475682 +254 892 3 886470904 +254 951 4 886474619 +254 967 3 886472139 +254 1060 3 886472466 +254 1116 3 886473448 +254 1133 3 886475682 +254 1444 3 886475558 +255 7 2 883216358 +255 53 3 883216672 +255 56 5 883216448 +255 98 5 883216449 +255 117 2 883216845 +255 185 4 883216449 +255 217 2 883216600 +255 218 3 883216544 +255 219 5 883216544 +255 222 3 883216845 +255 234 5 883216448 +255 249 5 883216245 +255 258 4 883215406 +255 259 3 883215759 +255 271 4 883215525 +255 273 2 883216845 +255 288 4 883216185 +255 294 2 883215406 +255 300 3 883215358 +255 323 2 883215723 +255 324 5 883215586 +255 325 1 883215723 +255 328 2 883215630 +255 332 2 883215586 +255 335 4 883215630 +255 405 4 883216902 +255 406 1 883216358 +255 413 2 883216358 +255 436 4 883216544 +255 441 2 883216544 +255 443 1 883216544 +255 444 3 883216599 +255 448 3 883216544 +255 452 3 883216672 +255 455 2 883216845 +255 472 1 883216958 +255 546 3 883216902 +255 551 1 883216672 +255 565 1 883216748 +255 569 1 883216672 +255 597 4 883216958 +255 678 2 883215795 +255 743 1 883217030 +255 748 1 883215630 +255 760 1 883216185 +255 763 5 883217072 +255 825 1 883216958 +255 826 1 883216958 +255 827 2 883216958 +255 833 4 883216902 +255 840 1 883216958 +255 841 1 883216902 +255 859 3 883216748 +255 860 2 883216748 +255 872 4 883215723 +255 879 3 883215660 +255 895 2 883216185 +255 930 1 883216958 +255 976 1 883217030 +255 984 1 883215902 +255 1034 1 883217030 +256 2 5 882164480 +256 4 5 882164525 +256 7 4 882151017 +256 9 4 882150644 +256 11 5 882164406 +256 12 5 882164696 +256 21 4 882163677 +256 25 5 882150552 +256 29 4 882164644 +256 44 4 882164893 +256 49 4 882165238 +256 50 4 882164443 +256 51 4 882165135 +256 64 5 882164231 +256 77 3 882164955 +256 82 5 882164559 +256 86 5 882165103 +256 92 1 882164603 +256 96 5 882164444 +256 97 4 882165103 +256 100 4 882150313 +256 120 1 882163754 +256 121 5 882151123 +256 123 2 882150508 +256 125 5 882150552 +256 127 4 882164406 +256 161 5 882164559 +256 172 3 882164443 +256 181 4 882164444 +256 182 4 882164479 +256 187 3 882164444 +256 188 5 882164559 +256 195 5 882164406 +256 202 3 882165032 +256 216 5 882165032 +256 218 3 882164727 +256 220 3 882151690 +256 222 4 882150313 +256 226 5 882164644 +256 227 4 882164603 +256 228 3 882164559 +256 229 3 882164644 +256 230 4 882164480 +256 235 3 882153668 +256 237 4 882150644 +256 243 4 882150193 +256 245 4 882150152 +256 265 4 882164479 +256 274 5 882151456 +256 276 3 882151198 +256 278 5 882151517 +256 280 5 882151167 +256 283 3 882150313 +256 284 4 882151576 +256 291 5 882152630 +256 294 3 882150053 +256 319 2 882150053 +256 322 4 882150152 +256 363 3 882163834 +256 368 1 882163778 +256 370 3 882153321 +256 381 5 882165135 +256 385 5 882164603 +256 387 4 882165328 +256 402 4 882165269 +256 406 3 882152605 +256 409 4 882163654 +256 413 4 882163956 +256 443 3 882164727 +256 449 3 882164999 +256 452 4 882164999 +256 460 4 882153987 +256 471 5 882150644 +256 472 4 882152471 +256 473 5 882151088 +256 476 4 882152914 +256 487 5 882164231 +256 526 3 882164443 +256 538 5 882150122 +256 546 4 882151088 +256 550 5 882164525 +256 552 3 882164927 +256 554 4 882164644 +256 566 5 882164559 +256 576 3 882164603 +256 591 5 882151017 +256 595 4 882164037 +256 597 4 882152509 +256 628 5 882150848 +256 642 4 882164893 +256 662 2 882165032 +256 665 4 882164644 +256 678 5 882150192 +256 679 3 882164525 +256 685 5 882151576 +256 692 5 882165066 +256 716 5 882165135 +256 722 3 882165269 +256 724 4 882165103 +256 728 4 882165296 +256 732 5 882165067 +256 742 5 882150552 +256 748 4 882150192 +256 756 4 882151167 +256 761 4 882164644 +256 765 4 882165328 +256 771 2 882164999 +256 775 5 882165269 +256 778 4 882165103 +256 779 4 882164644 +256 781 5 882165296 +256 783 4 882165328 +256 796 5 882165328 +256 802 3 882164955 +256 819 4 882151052 +256 827 3 882163857 +256 829 4 882153751 +256 831 4 882152943 +256 834 3 882163956 +256 841 2 882163857 +256 846 4 882151167 +256 849 2 882164603 +256 864 4 882151623 +256 866 4 882151198 +256 925 5 882151017 +256 930 3 882153258 +256 932 3 882150508 +256 934 3 882163730 +256 939 5 882164893 +256 974 3 882164059 +256 975 3 882151017 +256 977 4 882154058 +256 982 3 882152630 +256 984 3 882150192 +256 986 5 882164059 +256 988 4 882150193 +256 989 5 882150192 +256 1028 4 882151690 +256 1033 4 882152838 +256 1040 3 882152604 +256 1042 5 882164927 +256 1057 2 882163805 +256 1061 4 882153321 +256 1086 5 882150943 +256 1090 2 882164999 +256 1119 3 882165032 +256 1150 5 882152570 +256 1207 3 882164999 +256 1208 3 882164927 +256 1210 5 882164999 +256 1231 3 882164603 +256 1289 4 882150552 +256 1424 3 882165066 +256 1471 3 882164999 +257 14 5 879029742 +257 50 5 882049897 +257 57 5 879547717 +257 59 5 879547440 +257 60 5 879547440 +257 61 5 879547534 +257 86 4 879547655 +257 100 5 882049950 +257 113 4 879547534 +257 116 3 879029742 +257 121 3 882050360 +257 130 2 882050236 +257 137 4 882049932 +257 151 4 882050266 +257 165 4 879547534 +257 221 3 882050202 +257 224 4 879029717 +257 237 2 882050168 +257 258 3 879029516 +257 275 4 879029716 +257 276 5 882049973 +257 285 5 882049950 +257 286 5 879029516 +257 288 3 879029516 +257 289 4 879029543 +257 301 3 879029620 +257 305 4 882049607 +257 307 4 879029581 +257 313 5 884151683 +257 345 4 887066556 +257 405 3 882050397 +257 462 4 879547695 +257 531 5 879547608 +257 921 5 883982173 +257 936 4 882050151 +257 949 3 880496958 +257 1008 5 882050187 +257 1010 4 882050150 +257 1022 2 879547764 +257 1137 5 882049896 +257 1260 2 880496892 +257 1462 5 879547695 +258 243 3 885701024 +258 272 5 885700811 +258 286 5 885700778 +258 288 1 885700919 +258 289 2 885701004 +258 294 4 885700898 +258 300 5 885700877 +258 310 5 885700778 +258 311 4 885700946 +258 313 5 885700778 +258 315 3 885701004 +258 323 4 885701062 +258 326 5 885701024 +258 328 3 885700877 +258 332 5 885701024 +258 690 4 885700811 +258 748 5 885701004 +258 751 5 885700946 +258 873 5 885701062 +258 877 3 885701044 +258 893 1 885701099 +259 12 5 874809192 +259 39 4 888720644 +259 65 3 883371001 +259 98 4 874809091 +259 108 4 874724882 +259 117 4 874724988 +259 168 5 876365003 +259 172 4 883371882 +259 173 4 874724843 +259 176 4 874725386 +259 180 5 877925033 +259 181 4 874809057 +259 200 4 874725081 +259 210 4 874725485 +259 235 2 883372151 +259 255 4 874724710 +259 269 3 877923906 +259 271 3 888721050 +259 286 4 874724727 +259 293 4 883371861 +259 294 3 881641699 +259 298 4 874724754 +259 313 5 883370924 +259 317 5 874809057 +259 357 5 874725485 +259 405 3 874725120 +259 484 4 888720541 +259 546 3 883372151 +259 748 4 883371839 +259 750 4 888630424 +259 762 2 883372151 +259 772 4 874724882 +259 928 4 874724937 +259 959 4 888720593 +259 1074 3 874725264 +260 258 3 890618198 +260 270 5 890618728 +260 272 3 890618349 +260 300 3 890618198 +260 307 3 890618295 +260 313 5 890618198 +260 319 2 890618198 +260 322 4 890618898 +260 326 5 890618349 +260 333 4 890618198 +260 334 5 890618729 +260 350 4 890618476 +260 362 5 890618729 +260 538 1 890618403 +260 682 4 890618537 +260 881 4 890618537 +260 990 5 890618729 +260 1025 5 890618729 +260 1105 5 890618729 +260 1243 5 890618729 +261 117 4 890455974 +261 245 4 890454190 +261 259 4 890454843 +261 294 4 890454217 +261 300 5 890454310 +261 304 3 890454941 +261 322 4 890454974 +261 326 4 890454279 +261 339 5 890454351 +261 340 5 890454045 +261 342 3 890454974 +261 359 5 890454351 +261 410 5 890456142 +261 596 2 890456142 +261 597 4 890456142 +261 748 3 890454310 +261 875 5 890454351 +261 892 5 890455190 +261 988 3 890455190 +261 1025 5 890455190 +261 1237 3 890454045 +262 11 4 879793597 +262 15 3 879962366 +262 22 4 879792452 +262 28 3 879792220 +262 44 2 879794446 +262 47 2 879794599 +262 50 2 879962366 +262 56 4 879792027 +262 58 3 879792452 +262 64 5 879793022 +262 65 4 879793897 +262 66 3 879794338 +262 68 2 879794887 +262 70 4 879962517 +262 71 4 879794951 +262 77 2 879794829 +262 82 3 879794918 +262 86 3 879791948 +262 90 4 879795270 +262 91 3 879792713 +262 92 3 879794205 +262 96 4 879793022 +262 98 4 879792331 +262 111 4 879962292 +262 121 3 879790536 +262 122 2 879791537 +262 132 3 879792604 +262 140 2 879794635 +262 143 3 879793970 +262 145 1 879795155 +262 147 3 879790603 +262 153 3 879793346 +262 172 2 879791875 +262 174 3 879791948 +262 179 4 879962570 +262 185 3 879793164 +262 191 4 879793022 +262 195 2 879791755 +262 200 3 879794918 +262 204 3 879793667 +262 216 3 879793216 +262 217 3 879792818 +262 219 3 879794206 +262 223 3 879791816 +262 234 3 879794359 +262 237 3 879961980 +262 238 4 879792713 +262 252 3 879790603 +262 255 3 879790816 +262 258 4 879961282 +262 269 3 879961283 +262 270 3 879961283 +262 275 4 879961980 +262 278 3 879790741 +262 283 3 879962366 +262 292 4 879961282 +262 293 2 879790906 +262 318 5 879793022 +262 332 3 879961438 +262 336 3 879961474 +262 338 4 879961532 +262 358 3 879961513 +262 365 4 879793939 +262 367 4 879792818 +262 369 2 879791160 +262 386 3 879795512 +262 393 2 879794140 +262 402 4 879795059 +262 405 2 879962367 +262 406 3 879791537 +262 411 2 879791130 +262 417 2 879795319 +262 418 3 879794223 +262 419 3 879791710 +262 427 4 879791999 +262 432 3 879794267 +262 447 3 879794206 +262 476 3 879962366 +262 491 3 879793188 +262 496 4 879792402 +262 509 3 879792818 +262 546 2 879791049 +262 553 4 879795122 +262 567 1 879795430 +262 568 3 879794113 +262 581 3 879794667 +262 588 4 879793075 +262 596 4 879961980 +262 609 3 879793736 +262 617 3 879793715 +262 625 3 879792751 +262 628 2 879962366 +262 631 4 879793536 +262 650 4 879792604 +262 655 4 879793938 +262 699 5 879793022 +262 709 5 879795122 +262 727 3 879792897 +262 736 3 879794829 +262 747 4 879793641 +262 754 3 879961283 +262 755 3 879794446 +262 762 2 879790974 +262 778 4 879793536 +262 781 3 879793667 +262 786 3 879795319 +262 790 3 879795379 +262 815 2 879791216 +262 821 3 879794887 +262 845 4 879962052 +262 923 4 879962542 +262 929 3 879791031 +262 931 2 879790874 +262 949 4 879792773 +262 955 2 879792604 +262 1014 5 879961954 +262 1048 2 879791335 +262 1054 2 879791536 +262 1135 3 879794599 +262 1147 4 879791710 +262 1220 4 879794296 +262 1278 4 879961819 +263 1 5 891299207 +263 22 5 891298107 +263 23 3 891298654 +263 28 3 891298219 +263 31 4 891299387 +263 50 5 891300029 +263 64 5 891298453 +263 69 5 891298914 +263 79 4 891298047 +263 82 4 891299697 +263 86 4 891299574 +263 95 5 891299324 +263 96 4 891298336 +263 97 4 891299387 +263 98 4 891297988 +263 99 3 891298977 +263 117 3 891299387 +263 125 4 891299573 +263 127 4 891299514 +263 133 5 891298977 +263 134 5 891299697 +263 135 5 891299877 +263 141 5 891299877 +263 143 5 891298592 +263 144 4 891298792 +263 153 3 891298727 +263 162 5 891299630 +263 163 5 891299697 +263 168 5 891299949 +263 176 5 891299752 +263 177 4 891297988 +263 180 4 891297921 +263 181 4 891299448 +263 183 4 891298655 +263 186 4 891299815 +263 188 5 891299031 +263 195 5 891299949 +263 196 4 891298164 +263 197 4 891299752 +263 199 5 891298914 +263 205 5 891298792 +263 210 3 891298792 +263 215 4 891298273 +263 234 4 891298792 +263 237 2 891300103 +263 245 4 891297417 +263 258 3 891296969 +263 260 2 891297677 +263 265 4 891299815 +263 269 4 891296842 +263 272 5 891296919 +263 294 2 891297330 +263 318 5 891298453 +263 322 3 891297485 +263 323 1 891297485 +263 328 4 891297330 +263 333 2 891296842 +263 357 5 891299573 +263 378 5 891299630 +263 416 5 891299697 +263 419 5 891299514 +263 423 5 891299630 +263 432 2 891299448 +263 434 4 891299514 +263 435 4 891298914 +263 443 5 891298914 +263 465 4 891299697 +263 482 4 891298976 +263 483 5 891298336 +263 484 4 891298107 +263 486 4 891299148 +263 495 5 891298977 +263 510 4 891298392 +263 514 3 891299387 +263 520 3 891298163 +263 521 3 891297988 +263 523 5 891298107 +263 526 5 891298854 +263 528 4 891298854 +263 568 4 891299387 +263 588 3 891298273 +263 602 4 891298592 +263 614 3 891298792 +263 648 5 891297988 +263 661 5 891298728 +263 662 4 891299324 +263 678 2 891297766 +263 886 2 891297484 +263 892 3 891297766 +263 921 3 891298727 +263 1444 3 891299949 +263 1451 4 891299949 +263 1473 5 891299877 +264 4 4 886123656 +264 7 5 886122261 +264 12 5 886122508 +264 23 5 886122577 +264 25 4 886124197 +264 33 3 886122644 +264 42 5 886123358 +264 47 5 886123472 +264 56 5 886122261 +264 70 4 886123596 +264 93 5 886123993 +264 98 5 886122098 +264 100 5 886122261 +264 116 4 886122892 +264 137 3 886122892 +264 150 5 886122952 +264 153 5 886122031 +264 156 2 886122577 +264 168 5 886122031 +264 173 5 886123358 +264 175 5 886123472 +264 179 5 886122031 +264 183 5 886122577 +264 186 5 886123728 +264 200 5 886122352 +264 201 5 886122261 +264 203 2 886122508 +264 208 5 886123415 +264 209 5 886123415 +264 210 5 886123415 +264 216 5 886123358 +264 219 5 886122447 +264 230 4 886122644 +264 234 4 886122261 +264 235 5 886122952 +264 238 5 886122031 +264 275 5 886122706 +264 283 5 886122952 +264 294 3 886121516 +264 320 4 886122261 +264 345 4 886121516 +264 381 4 886123596 +264 382 4 886123596 +264 401 5 886123656 +264 430 5 886123531 +264 433 5 886123530 +264 436 3 886122352 +264 443 5 886122447 +264 447 5 886122352 +264 448 2 886122031 +264 451 4 886123531 +264 475 5 886122706 +264 504 5 886122577 +264 516 5 886123655 +264 517 5 886123358 +264 524 3 886123596 +264 525 5 886122508 +264 558 5 886122447 +264 559 5 886122446 +264 602 4 886122194 +264 606 5 886122099 +264 637 4 886122446 +264 654 5 886122508 +264 655 4 886123530 +264 659 5 886122577 +264 671 4 886122261 +264 672 3 886122447 +264 675 4 886122352 +264 683 2 886121811 +264 709 5 886123727 +264 721 5 886123656 +264 742 2 886122578 +264 745 5 886123656 +264 762 3 886122771 +264 789 4 886122644 +264 792 5 886123415 +264 813 4 886122952 +264 844 1 886124097 +264 1069 5 886123728 +264 1103 5 886123656 +264 1225 3 886123530 +264 1270 2 886122194 +265 1 5 875320247 +265 7 2 875320689 +265 15 3 875320574 +265 50 2 875320398 +265 100 5 875320601 +265 107 1 875320398 +265 111 2 875320371 +265 117 5 875320332 +265 118 4 875320714 +265 125 4 875320516 +265 151 2 875320661 +265 181 2 875320180 +265 257 4 875320462 +265 258 4 875320024 +265 273 5 875320714 +265 279 2 875320462 +265 282 5 875320714 +265 284 4 875320689 +265 288 4 875320024 +265 294 4 875320052 +265 300 5 875320024 +265 328 4 875320084 +265 409 3 875320462 +265 410 4 875320633 +265 471 4 875320302 +265 472 3 875320542 +265 477 3 875320371 +265 591 5 875320424 +265 628 4 875320516 +265 676 2 875320487 +265 742 5 875320542 +265 748 5 875320112 +265 756 4 875320574 +265 815 3 875320424 +265 934 3 875320574 +265 975 4 875320601 +265 1016 3 875320462 +266 9 4 892258004 +266 100 5 892257865 +266 124 4 892258004 +266 237 3 892257940 +266 245 1 892257446 +266 272 4 892256705 +266 276 3 892258004 +266 283 3 892257897 +266 289 3 892256967 +266 313 4 892256705 +266 319 2 892256765 +266 321 3 892256892 +266 325 1 892257419 +266 508 4 892258004 +266 676 3 892257897 +266 874 2 892257101 +266 924 2 892258038 +267 2 3 878972463 +267 3 4 878970901 +267 5 3 878972399 +267 7 5 878970503 +267 12 5 878971659 +267 17 4 878971773 +267 22 4 878971816 +267 24 5 878972682 +267 28 4 878972524 +267 47 5 878972369 +267 50 5 878974783 +267 54 3 878973922 +267 55 4 878972785 +267 56 5 878972493 +267 67 3 878973088 +267 68 4 878972931 +267 69 4 878971659 +267 77 3 878972650 +267 80 4 878973597 +267 81 4 878972434 +267 82 4 878973675 +267 88 4 878972873 +267 89 5 878971690 +267 92 4 878971514 +267 94 3 878972558 +267 98 5 878971989 +267 100 5 878970427 +267 114 5 878971514 +267 121 3 878970681 +267 127 5 878970529 +267 135 5 878972463 +267 141 4 878972147 +267 143 4 878973329 +267 145 4 878972903 +267 147 3 878970681 +267 153 5 878974783 +267 155 3 878973088 +267 157 5 878971874 +267 158 4 878973126 +267 161 4 878972706 +267 168 4 878971716 +267 172 5 878974783 +267 175 5 878972558 +267 177 5 878972756 +267 181 5 878974783 +267 183 4 878971438 +267 186 5 878972071 +267 187 5 878972071 +267 188 5 878971745 +267 195 4 878972092 +267 198 5 878971745 +267 202 5 878972398 +267 203 5 878972241 +267 204 4 878971629 +267 209 5 878971745 +267 210 4 878972434 +267 214 4 878972342 +267 216 4 878972586 +267 217 4 878973760 +267 222 4 878970681 +267 226 3 878972463 +267 227 3 878973088 +267 228 5 878972434 +267 230 4 878972493 +267 233 4 878972731 +267 238 4 878971629 +267 239 4 878972873 +267 240 4 878970503 +267 250 5 878970399 +267 265 5 878972903 +267 273 4 878970503 +267 293 4 878970785 +267 294 3 878970155 +267 324 3 878970114 +267 367 4 878971939 +267 384 3 878973734 +267 386 3 878973597 +267 393 3 878973483 +267 403 4 878971939 +267 410 4 878970785 +267 411 3 878974325 +267 423 3 878972842 +267 431 4 878973426 +267 433 5 878972314 +267 449 3 878973358 +267 450 2 878974128 +267 464 5 878974783 +267 470 4 878972931 +267 474 5 878974783 +267 475 5 878970368 +267 479 4 878971405 +267 480 4 878971438 +267 483 5 878971463 +267 484 5 878971542 +267 498 5 878971902 +267 518 5 878971773 +267 545 2 878974723 +267 546 3 878970877 +267 552 3 878973621 +267 554 3 878972040 +267 559 3 878972614 +267 568 4 878972955 +267 575 3 878974052 +267 576 3 878973760 +267 578 3 878973153 +267 579 3 878973126 +267 597 3 878970805 +267 614 5 878972015 +267 622 3 878974077 +267 642 4 878972524 +267 647 5 878971629 +267 654 5 878971902 +267 679 4 878974509 +267 684 4 878973088 +267 685 3 878970978 +267 693 4 878972266 +267 710 4 878972493 +267 715 4 878972682 +267 727 4 878972289 +267 739 4 878973276 +267 742 3 878970621 +267 771 3 878973900 +267 774 3 878973701 +267 780 4 878973250 +267 824 4 878970953 +267 840 4 878970926 +267 943 4 878972903 +267 959 3 878972524 +267 980 3 878970578 +267 1028 3 878971143 +267 1035 4 878973971 +267 1073 5 878974783 +267 1110 3 878973329 +267 1145 3 878974608 +267 1240 5 878974783 +267 1336 1 878974659 +267 1401 4 878971816 +267 1471 2 878974509 +268 1 3 875742341 +268 2 2 875744173 +268 3 1 875743161 +268 7 4 876513953 +268 16 3 875306691 +268 17 3 875743588 +268 21 3 875742822 +268 24 2 876514002 +268 25 3 875742556 +268 29 1 875744356 +268 31 4 875310311 +268 37 3 876514002 +268 38 1 875744228 +268 39 3 875309914 +268 40 3 875743708 +268 42 4 875310384 +268 51 3 875745202 +268 52 3 875309319 +268 55 4 875309998 +268 56 4 875309998 +268 60 5 875309344 +268 61 4 875309282 +268 62 3 875310824 +268 63 1 875743792 +268 67 3 875743588 +268 68 4 875744173 +268 70 3 875309282 +268 73 3 875743563 +268 77 2 875745453 +268 79 3 875309801 +268 80 3 875743909 +268 82 3 875310784 +268 83 4 875309344 +268 88 2 875743760 +268 91 3 875310311 +268 92 4 875310745 +268 94 2 875743630 +268 95 4 875309945 +268 96 5 876513953 +268 97 4 875310031 +268 98 4 875309583 +268 99 3 875744744 +268 101 2 875542174 +268 105 2 876513927 +268 108 3 875742992 +268 114 5 875744966 +268 116 4 875306760 +268 117 4 875742613 +268 121 2 875743141 +268 122 2 875743310 +268 123 3 875742794 +268 127 4 875309945 +268 129 2 875742437 +268 134 5 875310083 +268 135 4 875309583 +268 139 2 875744744 +268 141 3 875744832 +268 143 2 875310116 +268 144 4 875744106 +268 145 1 875744501 +268 147 4 876514002 +268 153 5 875743503 +268 154 4 875743563 +268 156 3 875745398 +268 159 2 875745350 +268 161 3 875744199 +268 163 2 875743656 +268 168 4 875310384 +268 169 5 875309829 +268 172 5 875310031 +268 173 4 875310031 +268 176 5 875309998 +268 178 4 876518557 +268 181 4 875309486 +268 182 4 875309882 +268 183 4 875309583 +268 185 3 875309801 +268 186 3 875310311 +268 188 4 875309859 +268 189 4 875744966 +268 191 4 875310784 +268 194 4 875310352 +268 198 4 875309232 +268 200 4 875309459 +268 201 3 875309801 +268 205 5 875309859 +268 206 3 875309232 +268 208 4 875309430 +268 209 4 875310311 +268 210 3 875310571 +268 211 4 875309583 +268 217 2 875744501 +268 218 2 875744469 +268 219 3 875744533 +268 223 3 875745728 +268 228 4 875309945 +268 230 3 875310824 +268 231 4 875744136 +268 232 3 875310745 +268 233 3 875310412 +268 238 3 875310352 +268 239 3 875310491 +268 240 2 875742341 +268 244 4 875742316 +268 246 5 875742316 +268 248 3 875742530 +268 250 4 875742530 +268 252 3 875743182 +268 257 4 875742866 +268 258 2 876513675 +268 259 3 876513675 +268 264 3 876513607 +268 265 3 875310603 +268 267 3 875742077 +268 268 5 876513491 +268 269 4 876513523 +268 273 3 875742470 +268 286 5 875306477 +268 290 3 875742866 +268 294 3 876513675 +268 298 3 875742647 +268 302 5 876513584 +268 325 3 876513675 +268 333 4 876513565 +268 357 4 875309882 +268 358 3 876513643 +268 363 1 875744228 +268 364 3 875743979 +268 370 2 875745579 +268 374 2 875744895 +268 379 1 875744582 +268 380 2 875310704 +268 382 3 875309282 +268 385 3 875310206 +268 386 2 875743978 +268 388 1 875743979 +268 395 2 875744021 +268 403 4 875309914 +268 404 4 875309430 +268 405 2 875742822 +268 408 5 875742316 +268 421 3 876513927 +268 423 2 875309859 +268 425 4 875310549 +268 432 3 875310145 +268 433 4 876514107 +268 435 4 875309859 +268 436 3 875310745 +268 449 2 875744357 +268 450 1 875745536 +268 452 1 876514002 +268 453 1 875744611 +268 456 2 875743012 +268 470 3 875310745 +268 472 1 875743335 +268 474 5 875309718 +268 475 4 875306644 +268 477 3 875742407 +268 479 4 875310463 +268 483 5 875309859 +268 484 4 876513831 +268 525 4 875309913 +268 527 4 875309430 +268 540 1 875542174 +268 546 4 875743110 +268 550 2 875310524 +268 552 2 876514108 +268 554 3 875744388 +268 558 3 875309304 +268 559 2 875744556 +268 561 3 876513897 +268 562 4 875744357 +268 566 3 875744321 +268 568 3 875542174 +268 569 3 875744582 +268 574 2 875745579 +268 576 1 875744289 +268 578 2 875744388 +268 580 3 875309344 +268 582 5 875309344 +268 583 4 876513830 +268 588 3 875310745 +268 622 3 875310145 +268 627 3 875310603 +268 636 3 875744174 +268 652 4 875309232 +268 655 4 875309486 +268 665 2 875310745 +268 672 2 875744501 +268 679 4 876514107 +268 684 3 875744321 +268 699 3 875744712 +268 713 4 875742365 +268 715 1 875310603 +268 717 1 876513785 +268 718 4 875306805 +268 719 1 875744021 +268 721 3 875743587 +268 728 2 875744051 +268 732 3 876514107 +268 735 3 876518557 +268 746 3 876513855 +268 747 3 875310412 +268 761 1 875744136 +268 762 2 875743216 +268 765 2 875743979 +268 768 3 875744895 +268 781 3 875743951 +268 790 2 876513785 +268 800 1 875744501 +268 802 3 875744388 +268 810 2 875744388 +268 823 2 875742942 +268 824 2 876518557 +268 825 3 875742893 +268 826 1 875743065 +268 831 3 875744357 +268 840 2 875744357 +268 860 1 875744501 +268 926 2 875743012 +268 928 1 875745536 +268 930 2 875742942 +268 940 2 875743888 +268 946 3 875310442 +268 949 2 875743909 +268 955 3 875745160 +268 978 2 876513927 +268 998 1 875743929 +268 1002 1 875743216 +268 1016 3 875742470 +268 1035 2 875542174 +268 1041 1 875743735 +268 1059 3 875743310 +268 1065 4 875310824 +268 1073 4 875309304 +268 1079 3 875742916 +268 1090 2 875745536 +268 1095 2 876513927 +268 1098 3 875743534 +268 1110 3 876514077 +268 1118 3 875310673 +268 1157 1 875745428 +268 1178 1 875743534 +268 1188 3 875743735 +268 1208 2 875745398 +268 1249 2 875743793 +268 1303 1 875744228 +268 1413 2 875744388 +268 1477 2 875742680 +269 5 2 891450780 +269 7 3 891449055 +269 8 2 891449985 +269 9 4 891446246 +269 11 3 891448365 +269 13 4 891446662 +269 15 2 891446348 +269 17 2 891449670 +269 22 1 891448072 +269 23 5 891447773 +269 44 3 891449691 +269 47 4 891448386 +269 50 3 891448926 +269 52 4 891447329 +269 55 4 891449214 +269 59 4 891447141 +269 63 1 891450857 +269 64 4 891447960 +269 65 4 891448072 +269 68 3 891449751 +269 70 1 891447280 +269 72 2 891451470 +269 76 3 891448456 +269 82 2 891450780 +269 89 2 891448800 +269 93 3 891446580 +269 98 4 891448951 +269 100 5 891446246 +269 106 1 891451947 +269 108 5 891457067 +269 120 1 891446926 +269 121 1 891451013 +269 122 1 891446873 +269 124 5 891446165 +269 127 4 891446165 +269 131 5 891449728 +269 132 5 891449145 +269 133 3 891449280 +269 135 4 891447931 +269 136 4 891449075 +269 137 4 891446193 +269 139 1 891451492 +269 142 1 891451570 +269 143 3 891450385 +269 152 4 891450623 +269 153 3 891449346 +269 156 5 891449364 +269 161 1 891451036 +269 163 2 891449751 +269 167 1 891451648 +269 168 4 891448850 +269 170 2 891447216 +269 171 5 891447169 +269 172 3 891449031 +269 174 1 891449124 +269 175 5 891455816 +269 176 2 891448980 +269 177 5 891449214 +269 179 4 891447141 +269 180 3 891448120 +269 181 2 891448871 +269 183 3 891448823 +269 186 2 891449670 +269 187 4 891447841 +269 188 2 891450675 +269 194 5 891448951 +269 195 3 891449099 +269 196 1 891448283 +269 198 4 891447062 +269 202 2 891450405 +269 205 3 891447841 +269 208 2 891449304 +269 209 4 891448895 +269 210 1 891449608 +269 211 4 891449075 +269 213 5 891447255 +269 214 3 891448547 +269 216 1 891449691 +269 217 2 891451610 +269 231 1 891451013 +269 232 1 891450817 +269 234 1 891449406 +269 235 3 891446756 +269 237 2 891446368 +269 238 5 891448850 +269 246 5 891457067 +269 252 1 891456350 +269 254 1 891456565 +269 255 1 891446703 +269 268 5 891446132 +269 272 3 891445757 +269 276 5 891446193 +269 281 1 891451590 +269 285 5 891446165 +269 293 3 891446308 +269 316 4 891446132 +269 340 5 891446132 +269 346 2 891445757 +269 367 3 891450023 +269 371 5 891450880 +269 378 3 891449962 +269 387 3 891448283 +269 396 4 891451856 +269 401 3 891451013 +269 402 2 891448697 +269 405 1 891450902 +269 411 1 891451013 +269 412 3 891446904 +269 414 3 891449624 +269 417 2 891451303 +269 423 4 891448048 +269 427 5 891447960 +269 432 4 891450005 +269 433 3 891449900 +269 435 3 891449011 +269 436 3 891450675 +269 441 1 891450857 +269 444 3 891451971 +269 447 3 891451303 +269 448 2 891450623 +269 451 1 891450880 +269 464 3 891448283 +269 474 4 891448823 +269 475 5 891457067 +269 476 1 891446703 +269 478 4 891448980 +269 479 4 891448980 +269 482 3 891448823 +269 483 4 891448800 +269 484 3 891448895 +269 486 3 891449922 +269 492 4 891449550 +269 496 5 891455816 +269 497 3 891449429 +269 498 4 891448926 +269 499 4 891449099 +269 504 4 891449922 +269 505 3 891449551 +269 506 5 891449572 +269 507 4 891448800 +269 508 4 891446265 +269 509 4 891447280 +269 512 5 891447216 +269 514 4 891449123 +269 515 4 891446132 +269 521 4 891448048 +269 522 5 891447773 +269 525 4 891449055 +269 527 5 891447841 +269 529 5 891455815 +269 530 3 891448926 +269 531 5 891447141 +269 568 2 891450719 +269 597 1 891450978 +269 603 5 891448871 +269 604 3 891448895 +269 608 4 891449526 +269 614 3 891450471 +269 616 4 891450453 +269 627 1 891451063 +269 629 2 891451396 +269 631 4 891447891 +269 636 3 891450453 +269 639 4 891447216 +269 640 5 891457067 +269 642 3 891449464 +269 645 4 891448048 +269 649 2 891448220 +269 654 4 891448980 +269 655 4 891448019 +269 657 4 891449550 +269 658 2 891448497 +269 661 4 891447773 +269 663 4 891449880 +269 664 5 891457067 +269 665 1 891451810 +269 673 4 891448322 +269 674 2 891451754 +269 697 4 891447931 +269 705 2 891448850 +269 708 4 891448323 +269 710 1 891449843 +269 716 4 891451111 +269 717 1 891456493 +269 729 2 891448569 +269 735 2 891448120 +269 739 1 891451431 +269 741 5 891457067 +269 747 4 891449646 +269 756 1 891451947 +269 761 2 891451374 +269 762 1 891446662 +269 763 1 891450555 +269 771 1 891451754 +269 775 1 891451571 +269 792 4 891448436 +269 793 4 891449880 +269 805 2 891450623 +269 806 3 891448019 +269 809 1 891451451 +269 818 3 891446873 +269 823 3 891446514 +269 825 1 891456033 +269 831 2 891451611 +269 843 3 891451374 +269 845 1 891456255 +269 856 5 891448220 +269 886 3 891446133 +269 902 5 891446132 +269 919 4 891446132 +269 922 5 891457067 +269 923 4 891447169 +269 939 2 891448177 +269 940 1 891451908 +269 959 5 891457067 +269 961 5 891457067 +269 985 3 891446443 +269 998 5 891451548 +269 1005 4 891447427 +269 1014 3 891446838 +269 1020 4 891449571 +269 1028 2 891446838 +269 1065 5 891447891 +269 1071 2 891449801 +269 1073 3 891447169 +269 1074 1 891448697 +269 1091 2 891451705 +269 1101 4 891448120 +269 1103 5 891447773 +269 1110 2 891450385 +269 1133 1 891451374 +269 1154 3 891449608 +269 1165 1 891446904 +269 1168 2 891448386 +269 1267 1 891448643 +269 1361 4 891446756 +269 1411 3 891451829 +269 1427 2 891448141 +269 1428 5 891447409 +269 1438 3 891448522 +269 1444 1 891451947 +269 1478 1 891448643 +269 1480 1 891451725 +270 13 4 876954192 +270 17 2 876956064 +270 25 5 876954456 +270 53 4 876956106 +270 56 5 876955976 +270 66 4 876955531 +270 70 5 876955066 +270 77 2 876956038 +270 83 4 876954995 +270 86 4 876955067 +270 88 5 876955711 +270 93 5 876954522 +270 97 4 876955633 +270 98 5 876955868 +270 118 3 876956038 +270 123 5 876954223 +270 148 4 876954062 +270 155 5 876955770 +270 156 5 876955899 +270 159 4 876956233 +270 173 5 876955531 +270 176 4 876955976 +270 181 4 876954036 +270 185 5 876955938 +270 200 5 876956360 +270 213 5 876955067 +270 217 5 876956360 +270 218 5 876956206 +270 219 5 876956389 +270 222 5 876954521 +270 230 3 876955868 +270 234 5 876955976 +270 237 1 876954484 +270 241 5 876955633 +270 242 5 876953744 +270 251 5 876954752 +270 253 5 876954733 +270 258 3 876953744 +270 265 4 876956137 +270 268 5 876953745 +270 275 5 876954248 +270 281 5 876956137 +270 282 3 876954093 +270 283 5 876954456 +270 286 5 876953744 +270 288 5 876953827 +270 295 5 876954248 +270 306 5 876953744 +270 319 5 876955633 +270 324 2 876954733 +270 327 5 876953900 +270 370 5 876956232 +270 379 5 876956232 +270 387 5 876955689 +270 402 5 876955770 +270 421 5 876955633 +270 441 5 876956420 +270 452 4 876956264 +270 466 5 876955899 +270 471 5 876954223 +270 475 5 876954122 +270 509 3 876954965 +270 535 5 876954123 +270 551 4 876956264 +270 553 1 876955689 +270 554 1 876956264 +270 558 5 876954927 +270 563 3 876956442 +270 566 5 876955939 +270 569 4 876956419 +270 574 3 876956038 +270 582 3 876955087 +270 596 5 876954456 +270 603 5 876955868 +270 665 4 876956419 +270 671 4 876956360 +270 672 5 876956390 +270 684 4 876955938 +270 703 4 876955019 +270 707 5 876954927 +270 714 4 876954965 +270 716 4 876955563 +270 736 5 876955087 +270 740 5 876954062 +270 741 5 876953967 +270 747 5 876955662 +270 778 5 876955711 +270 781 5 876955750 +270 800 5 876956106 +270 815 4 876954522 +270 869 1 876955633 +270 872 5 876953827 +270 943 5 876956038 +270 1007 5 876954036 +270 1014 4 876954062 +270 1073 5 876955202 +270 1074 5 876955770 +270 1109 5 876955899 +270 1119 5 876955729 +270 1148 5 876955042 +270 1210 5 876956264 +270 1471 4 876956264 +271 1 3 886106038 +271 2 1 885849386 +271 8 4 885848770 +271 9 4 885847738 +271 11 4 885848408 +271 13 4 885847714 +271 15 3 885847876 +271 22 5 885848518 +271 25 3 885847876 +271 28 5 885849025 +271 31 4 885849325 +271 38 2 885849648 +271 40 1 885849558 +271 43 3 885849817 +271 44 4 885849357 +271 47 3 885849386 +271 48 4 885849087 +271 50 5 885848640 +271 51 4 885849386 +271 52 4 885849470 +271 54 3 885849188 +271 56 3 885848559 +271 58 3 885849325 +271 64 5 885848863 +271 65 3 885849419 +271 69 4 885848559 +271 70 5 885849164 +271 73 2 885848707 +271 81 3 885849113 +271 83 4 885848408 +271 95 4 885848916 +271 97 5 885848736 +271 100 5 885847738 +271 111 4 885847956 +271 116 2 885847636 +271 117 3 886106003 +271 121 2 885848132 +271 124 4 886105886 +271 125 3 885848062 +271 131 4 885849419 +271 132 5 885848672 +271 133 4 885848971 +271 134 3 885848518 +271 136 3 885848863 +271 141 4 885849114 +271 148 3 886106165 +271 169 5 885848475 +271 170 5 885848827 +271 172 5 885848616 +271 173 4 885848672 +271 174 5 885848314 +271 176 3 885848640 +271 177 3 885848373 +271 178 3 885849087 +271 180 5 885849087 +271 181 5 885848707 +271 182 3 885848408 +271 185 3 885848448 +271 186 4 885848915 +271 187 5 885848343 +271 188 2 885849087 +271 191 5 885848448 +271 192 5 885848373 +271 197 4 885848915 +271 199 4 885848448 +271 200 5 885849356 +271 202 4 885849025 +271 203 4 885848448 +271 204 4 885848314 +271 205 5 885848343 +271 208 4 885848916 +271 210 4 885848447 +271 211 5 885849164 +271 215 4 885849300 +271 216 5 885848672 +271 220 3 885848179 +271 221 3 885847927 +271 224 4 885847876 +271 237 4 885847763 +271 238 4 885848408 +271 241 3 885849207 +271 242 4 885844495 +271 244 2 886106039 +271 248 4 886106129 +271 258 3 885847357 +271 265 5 885849275 +271 272 3 885844583 +271 274 3 885848014 +271 275 4 885847693 +271 283 4 885847876 +271 284 3 885847956 +271 289 4 885844666 +271 294 2 885844698 +271 300 2 885844583 +271 302 5 885844430 +271 310 3 885844430 +271 311 3 885844547 +271 312 2 885847280 +271 313 4 885844583 +271 315 4 885847170 +271 317 3 885848863 +271 318 5 885848707 +271 328 2 885844746 +271 338 1 885847194 +271 345 3 885844666 +271 346 4 885844430 +271 347 3 885844634 +271 356 4 885849300 +271 378 4 885849447 +271 381 3 885849536 +271 384 3 885849582 +271 402 4 885849791 +271 405 2 885848179 +271 410 2 885848238 +271 411 1 885848062 +271 414 4 885849470 +271 419 3 885848996 +271 423 4 885848802 +271 425 2 885849275 +271 427 5 885848518 +271 428 4 885849188 +271 429 4 885848672 +271 430 5 885849419 +271 435 4 885848802 +271 451 3 885849447 +271 462 4 885848448 +271 466 4 885849490 +271 470 3 885848707 +271 471 3 885847926 +271 472 2 886106165 +271 474 3 885848518 +271 477 3 885847955 +271 480 4 885848475 +271 481 3 885848559 +271 482 5 885848519 +271 485 4 885848827 +271 487 4 885848770 +271 490 4 885848886 +271 493 4 885848558 +271 496 5 885849140 +271 498 5 885848672 +271 499 3 885848971 +271 504 3 885849025 +271 506 4 885849052 +271 510 4 885849140 +271 511 5 885848736 +271 514 4 885848408 +271 515 5 885848558 +271 516 4 885849447 +271 517 3 885848943 +271 518 4 885849357 +271 528 3 885848448 +271 530 4 885848770 +271 539 1 885847170 +271 549 4 885849231 +271 566 4 885848707 +271 582 3 885849113 +271 591 4 885847901 +271 603 4 885848802 +271 605 4 885849164 +271 610 3 885848584 +271 624 2 885849558 +271 625 3 885849606 +271 630 2 885848943 +271 642 5 885849231 +271 644 3 885848916 +271 649 3 885849510 +271 654 5 885848475 +271 657 4 885848559 +271 661 4 885848373 +271 690 4 885844430 +271 692 4 885849582 +271 697 4 885848863 +271 705 4 885849052 +271 707 4 885849140 +271 709 3 885849325 +271 713 4 885847800 +271 714 3 885848863 +271 729 4 885848996 +271 732 4 885848672 +271 735 4 885849140 +271 739 4 885849706 +271 742 3 886106209 +271 744 4 885847693 +271 747 3 885849087 +271 750 4 885844698 +271 763 3 885847876 +271 792 4 885849536 +271 815 3 885848153 +271 823 3 885848237 +271 847 4 885847926 +271 866 4 885848132 +271 882 3 885844547 +271 924 3 885847974 +271 951 2 885849606 +271 956 4 885848997 +271 963 5 885848518 +271 1028 2 885848102 +271 1091 4 885849648 +271 1101 4 885849025 +271 1117 3 885847763 +271 1120 2 885847800 +271 1133 3 885849536 +271 1139 3 885849707 +271 1266 2 885848943 +271 1282 2 885847666 +272 8 4 879455015 +272 11 4 879455143 +272 12 5 879455254 +272 22 5 879454753 +272 32 4 879455113 +272 48 4 879455143 +272 56 5 879455220 +272 69 4 879455113 +272 127 5 879454725 +272 133 1 879455143 +272 134 5 879455176 +272 172 4 879455043 +272 174 5 879455043 +272 178 5 879455113 +272 187 5 879455043 +272 194 5 879455043 +272 200 5 879455043 +272 201 3 879455113 +272 204 4 879454939 +272 208 4 879455176 +272 234 4 879455143 +272 238 5 879455143 +272 288 4 879454663 +272 317 4 879454977 +272 357 5 879454726 +272 469 5 879455143 +272 474 5 879454753 +272 483 5 879454875 +272 498 4 879454726 +272 521 5 879454977 +272 651 4 879454797 +272 654 5 879454977 +272 772 2 879455220 +272 1101 5 879454977 +272 1393 2 879454663 +273 268 5 891292905 +273 286 3 891292761 +273 303 4 891293048 +273 304 3 891292935 +273 305 4 891292905 +273 307 2 891292761 +273 311 4 891292905 +273 313 3 891292873 +273 319 4 891292846 +273 321 4 891293048 +273 328 3 891293048 +273 338 3 891293304 +273 345 3 891293108 +273 347 4 891293008 +273 690 4 891293008 +273 896 4 891292873 +273 900 3 891292873 +273 902 5 891293008 +274 1 4 878945466 +274 25 5 878945541 +274 50 5 878944679 +274 83 5 878946612 +274 88 4 878946677 +274 111 4 878945541 +274 117 4 878945264 +274 118 4 878945711 +274 148 2 878946133 +274 150 5 878944679 +274 164 5 878946644 +274 181 5 878945365 +274 200 4 878946612 +274 208 4 878946473 +274 220 4 878946107 +274 234 5 878946536 +274 237 4 878945678 +274 243 2 878944437 +274 255 2 878945579 +274 258 5 878944379 +274 275 5 878944679 +274 277 4 878945818 +274 288 4 878944379 +274 294 3 878944379 +274 318 5 878946577 +274 319 5 878944379 +274 405 4 878945840 +274 411 3 878945888 +274 471 4 878945505 +274 472 3 878945918 +274 476 4 878945645 +274 478 5 878946577 +274 496 5 878946473 +274 546 3 878945918 +274 596 3 878945404 +274 597 3 878946133 +274 628 4 878945505 +274 629 5 878946645 +274 713 5 878945437 +274 742 4 878945322 +274 744 5 878945678 +274 748 5 878944406 +274 756 3 878946030 +274 815 3 878945763 +274 845 5 878945579 +274 873 3 878944491 +274 1051 4 878945763 +274 1060 4 878945645 +274 1163 2 878946162 +275 22 3 880314528 +275 28 4 880314529 +275 69 3 880314089 +275 89 3 875154878 +275 95 3 875154535 +275 98 4 875155140 +275 101 4 875154535 +275 102 3 875154718 +275 117 3 876197615 +275 118 3 876197678 +275 121 3 876197678 +275 142 2 880315197 +275 144 4 880314137 +275 164 4 880313886 +275 169 3 875154535 +275 173 3 875154795 +275 174 4 875155257 +275 176 4 880314320 +275 181 4 876197615 +275 183 3 880314500 +275 186 3 880314383 +275 188 2 880315243 +275 191 4 880314797 +275 199 4 880315170 +275 202 3 875155167 +275 208 3 880314772 +275 222 4 876198296 +275 226 3 880314914 +275 227 3 876198296 +275 228 4 876198296 +275 229 3 876198296 +275 230 3 876198296 +275 252 2 876197944 +275 258 3 875154310 +275 265 4 880314031 +275 300 4 875153898 +275 304 3 876197368 +275 380 3 876198328 +275 393 3 880314772 +275 405 2 876197645 +275 418 3 875154718 +275 419 3 880314383 +275 423 4 880315322 +275 432 4 875154535 +275 434 3 880315396 +275 435 3 880313886 +275 448 3 880314383 +275 449 3 876198328 +275 450 3 876198296 +275 451 3 880315170 +275 470 3 880314772 +275 472 3 876197944 +275 473 3 880313679 +275 496 3 880314031 +275 501 3 875154718 +275 520 4 880314218 +275 523 4 880314031 +275 542 3 880313680 +275 588 3 875154535 +275 597 3 876197678 +275 624 3 880313679 +275 625 2 875154655 +275 627 3 875154718 +275 630 3 880315243 +275 636 3 880314383 +275 662 3 880315170 +275 679 3 880315080 +275 746 4 880314478 +275 825 2 876197904 +275 930 3 876197904 +275 946 3 875154535 +275 969 2 880314412 +275 1066 3 880313679 +275 1091 2 875154535 +275 1219 2 880313679 +276 1 5 874786568 +276 2 4 874792436 +276 3 3 874786924 +276 4 4 874791623 +276 5 3 874792692 +276 7 5 874786517 +276 8 4 874791623 +276 11 5 874787497 +276 12 5 874787407 +276 14 4 890979947 +276 22 5 874787496 +276 23 5 874787467 +276 25 4 874786686 +276 27 3 874787407 +276 28 4 874787441 +276 29 3 874796373 +276 33 4 874792018 +276 34 2 877934264 +276 38 3 874792574 +276 39 3 874790995 +276 40 3 874791871 +276 41 3 874792277 +276 42 4 874791623 +276 43 1 874791383 +276 46 3 874791145 +276 51 3 874791025 +276 54 3 874791025 +276 55 4 874792366 +276 56 5 874791623 +276 57 3 874787526 +276 58 4 874791169 +276 63 3 874792168 +276 64 5 874787441 +276 65 4 874787467 +276 66 3 874791993 +276 67 3 874791993 +276 68 4 874792483 +276 69 4 874790996 +276 70 4 874790826 +276 71 4 874792870 +276 72 4 874791960 +276 74 3 884286759 +276 76 4 874791506 +276 77 3 874795751 +276 78 4 877934828 +276 80 3 874792237 +276 81 4 874791101 +276 82 4 874792402 +276 85 3 874791871 +276 89 5 874792366 +276 91 5 882659577 +276 92 4 888873675 +276 94 2 882659602 +276 95 5 874792839 +276 96 5 874792435 +276 97 3 874787549 +276 101 4 874977555 +276 104 1 874836682 +276 109 4 874786686 +276 117 4 874786568 +276 118 3 874786964 +276 121 4 874786897 +276 122 3 874787150 +276 124 5 880913800 +276 125 4 874786876 +276 127 5 874786568 +276 135 5 874787441 +276 139 4 889174904 +276 141 4 874792870 +276 142 3 874792945 +276 143 5 874792870 +276 145 3 874792692 +276 147 4 874786686 +276 148 3 874786924 +276 150 4 874786924 +276 154 4 874791747 +276 156 5 874795704 +276 157 5 874790773 +276 160 4 874787441 +276 161 3 874792483 +276 164 4 874792663 +276 168 5 874791623 +276 169 5 874977555 +276 171 4 874795928 +276 172 5 874792435 +276 173 5 874791993 +276 174 5 874792366 +276 175 5 874787376 +276 176 5 874792401 +276 179 5 874791102 +276 180 5 874787353 +276 181 5 874786488 +276 182 5 874787549 +276 183 5 874792402 +276 184 4 874792547 +276 185 4 874792663 +276 186 5 874792018 +276 187 5 874791102 +276 188 4 874792547 +276 193 4 874790952 +276 195 5 874792483 +276 196 4 889174849 +276 198 5 874795949 +276 200 5 874792663 +276 202 4 874791871 +276 203 4 877934910 +276 204 5 874791667 +276 206 5 874795988 +276 207 4 874795988 +276 209 4 874791667 +276 210 4 874792094 +276 214 5 874787353 +276 215 4 874791145 +276 217 4 874792692 +276 218 4 874792663 +276 219 4 874792692 +276 223 5 874790773 +276 225 3 874786854 +276 226 4 874792520 +276 227 4 880913800 +276 228 4 880913800 +276 229 3 874792483 +276 230 4 882659602 +276 231 3 874796373 +276 232 3 874792094 +276 233 3 874792436 +276 234 5 880913767 +276 235 4 874786734 +276 237 5 874786756 +276 238 5 877935060 +276 245 3 877935446 +276 246 4 874786686 +276 248 4 882659269 +276 249 4 874786632 +276 250 4 874786784 +276 254 2 874796373 +276 257 4 874786657 +276 260 3 874786439 +276 262 4 892436298 +276 265 4 874792483 +276 268 4 877584085 +276 269 4 885871420 +276 270 4 879131395 +276 272 5 885871447 +276 273 4 874786517 +276 276 4 874786605 +276 282 4 883822485 +276 284 4 874786605 +276 288 4 874786392 +276 290 4 874786854 +276 291 3 874791169 +276 293 4 874786686 +276 294 4 874786366 +276 300 4 874786338 +276 301 4 877584219 +276 302 5 877584085 +276 303 4 892436271 +276 307 4 878015917 +276 313 5 885159577 +276 315 4 892436298 +276 316 4 892436314 +276 317 4 874791257 +276 318 5 874787496 +276 322 3 874786392 +276 324 4 874786419 +276 328 4 874786366 +276 332 4 877933879 +276 333 4 877584220 +276 334 4 877935456 +276 340 5 880150440 +276 346 4 885159545 +276 347 4 885159630 +276 355 3 887601451 +276 357 5 874787526 +276 364 3 877935377 +276 365 3 874791339 +276 366 3 889174764 +276 373 2 874977513 +276 375 1 874791339 +276 379 3 874792745 +276 382 4 874791236 +276 383 2 877934828 +276 384 3 874792189 +276 385 4 874792547 +276 386 3 877935306 +276 387 3 874787526 +276 392 3 874790996 +276 397 1 874792601 +276 401 3 874792094 +276 403 4 888873675 +276 404 4 874792870 +276 405 3 874787044 +276 406 2 874786831 +276 407 2 874792310 +276 408 5 874786467 +276 409 3 874792310 +276 411 4 874786807 +276 413 3 877934705 +276 417 4 874792907 +276 418 4 874792870 +276 419 5 874792907 +276 420 4 874792945 +276 423 5 874790926 +276 425 4 874791101 +276 427 5 883822485 +276 428 4 874791870 +276 429 5 874790972 +276 431 3 874977474 +276 432 5 874792839 +276 436 4 874792711 +276 443 4 874792692 +276 447 4 874792663 +276 448 4 874792692 +276 449 2 874792520 +276 450 1 874792634 +276 452 3 880913767 +276 455 4 874786713 +276 456 2 874787237 +276 463 4 874792839 +276 469 4 874787441 +276 470 3 874790855 +276 471 4 874786657 +276 472 3 874787109 +276 474 5 889174904 +276 475 5 874786756 +276 479 5 874836703 +276 496 4 882659476 +276 501 4 874793035 +276 508 5 874786467 +276 518 4 888873407 +276 531 4 874790801 +276 540 1 874792519 +276 541 3 874792520 +276 544 3 889174870 +276 546 3 874786568 +276 547 4 874786605 +276 549 3 874791194 +276 550 4 874792574 +276 551 3 874792767 +276 552 3 874795795 +276 554 2 874795823 +276 559 4 874792663 +276 561 2 874792745 +276 562 3 889174870 +276 563 3 874977334 +276 564 3 874791805 +276 566 4 874792601 +276 567 3 874792794 +276 568 4 882659211 +276 569 4 874791169 +276 571 2 874792118 +276 575 2 874792310 +276 576 3 874792547 +276 577 2 877935336 +276 578 4 888873675 +276 581 4 886483710 +276 582 3 874787407 +276 583 3 874791444 +276 586 3 874977512 +276 588 4 874792907 +276 590 2 874977334 +276 595 2 874787195 +276 597 3 874787150 +276 624 2 874792969 +276 628 4 874786538 +276 631 3 874796412 +276 636 4 874792483 +276 640 4 889174904 +276 649 4 886483691 +276 652 4 889174849 +276 665 3 874792520 +276 669 1 874792767 +276 672 3 874792692 +276 678 3 874786419 +276 679 3 874792520 +276 682 3 877933862 +276 684 4 874792436 +276 685 4 874786784 +276 686 3 874792547 +276 693 4 874790903 +276 696 2 874786632 +276 697 2 874791316 +276 709 4 874792018 +276 710 4 889174849 +276 719 3 877935336 +276 725 2 877935392 +276 727 3 889174919 +276 728 2 874792277 +276 732 4 874790903 +276 735 4 874791214 +276 737 4 890979964 +276 742 4 874786756 +276 743 1 874792634 +276 746 4 874791806 +276 747 4 874795448 +276 748 3 883822507 +276 751 4 884286678 +276 759 1 874796412 +276 768 3 874793118 +276 769 1 874977334 +276 770 4 877935446 +276 772 4 874790826 +276 773 3 874792794 +276 774 2 877934722 +276 779 2 874977513 +276 780 3 874792143 +276 783 1 874792143 +276 786 3 874791694 +276 789 3 874791623 +276 790 3 877935306 +276 794 2 874793198 +276 796 1 874791932 +276 801 3 877935306 +276 803 2 874791487 +276 806 4 874787467 +276 807 2 874795574 +276 809 2 874977245 +276 816 2 874792793 +276 820 3 874793062 +276 831 3 874792634 +276 840 3 874786897 +276 843 4 874792989 +276 844 4 877934677 +276 845 4 874786807 +276 853 5 889174849 +276 854 4 874791806 +276 871 2 874836608 +276 876 3 885537717 +276 879 3 877584219 +276 881 3 885537717 +276 890 3 880913460 +276 902 4 890979199 +276 919 4 874786467 +276 922 4 889174849 +276 928 3 874836629 +276 930 2 874787172 +276 939 3 874790855 +276 941 3 877934065 +276 943 4 883822485 +276 949 3 874836725 +276 969 4 874792839 +276 975 3 874836629 +276 977 2 874787090 +276 993 3 874787065 +276 1000 2 877935262 +276 1010 3 874786784 +276 1013 3 874787150 +276 1016 3 874786713 +276 1019 5 883822485 +276 1035 3 874793035 +276 1036 2 889174870 +276 1044 3 877934374 +276 1046 3 874795772 +276 1052 2 889174870 +276 1073 3 874795613 +276 1074 3 877934446 +276 1081 3 880913705 +276 1089 2 882659211 +276 1090 1 874795795 +276 1091 3 874793035 +276 1095 1 877935135 +276 1098 4 880913684 +276 1109 3 882659656 +276 1110 3 874977474 +276 1129 4 874786876 +276 1131 3 874796116 +276 1135 4 874791527 +276 1140 2 874791894 +276 1145 2 874977115 +276 1157 2 874795772 +276 1172 4 882659550 +276 1180 2 877935306 +276 1199 4 888873674 +276 1208 3 882659656 +276 1210 2 877934988 +276 1213 1 874791407 +276 1218 4 874792040 +276 1220 4 874791048 +276 1228 1 874977422 +276 1232 3 874791488 +276 1239 1 874977512 +276 1240 4 874977579 +276 1253 1 874795729 +276 1267 4 874791102 +276 1273 2 874795823 +276 1274 1 874977513 +276 1314 3 874796412 +276 1413 1 874977513 +276 1416 3 874792634 +276 1471 2 877934947 +276 1478 3 889174849 +276 1481 2 877934446 +276 1482 4 874791383 +276 1483 3 892436354 +277 1 4 879544145 +277 9 4 879543336 +277 15 4 879544145 +277 24 4 879543931 +277 25 4 879543902 +277 93 4 879543972 +277 100 4 879543421 +277 117 4 879544145 +277 121 2 879544058 +277 129 4 879543653 +277 151 3 879543768 +277 181 3 879543653 +277 221 4 879544146 +277 255 4 879544145 +277 257 3 879543487 +277 258 4 879544145 +277 273 5 879544145 +277 274 4 879543902 +277 278 1 879543879 +277 279 4 879543592 +277 282 4 879543697 +277 284 4 879543972 +277 285 4 879543486 +277 286 5 879544145 +277 302 4 879544201 +277 405 3 879544027 +277 471 3 879543377 +277 472 1 879544058 +277 591 4 879543768 +277 628 4 879543697 +277 748 3 879543879 +277 762 3 879543931 +277 872 3 879543768 +277 1008 3 879543621 +277 1011 3 879543697 +277 1012 3 879543454 +277 1197 4 879543768 +278 22 5 891295360 +278 98 4 891295360 +278 173 5 891295360 +278 269 5 891294959 +278 294 4 891295230 +278 301 2 891294980 +278 302 3 891294959 +278 306 5 891295043 +278 311 4 891295130 +278 347 4 891294932 +278 515 5 891295330 +278 525 5 891295330 +278 603 5 891295330 +278 923 5 891295330 +279 1 3 875295812 +279 2 4 875313311 +279 4 4 875296461 +279 7 5 891209102 +279 13 3 875249210 +279 17 4 875306552 +279 21 3 875297456 +279 22 1 875296374 +279 24 5 875295591 +279 25 5 875295736 +279 27 5 875313015 +279 28 2 875296461 +279 29 2 879573041 +279 30 2 877756984 +279 31 3 875309667 +279 32 3 875298696 +279 33 4 875308510 +279 40 4 875306910 +279 42 4 875308843 +279 44 1 875313514 +279 47 4 875296375 +279 50 3 890451347 +279 52 3 890780576 +279 56 4 875306515 +279 59 4 875308843 +279 61 4 875306552 +279 62 3 875310303 +279 63 3 875313350 +279 64 1 875308510 +279 65 1 875306767 +279 66 2 882146492 +279 67 4 875310419 +279 68 4 875307407 +279 73 4 875310041 +279 79 3 875296461 +279 80 4 875313750 +279 83 5 878082781 +279 87 1 875306613 +279 88 1 882146554 +279 89 4 875306910 +279 90 3 875314287 +279 92 4 890282182 +279 95 3 875309950 +279 96 4 875310606 +279 100 4 875249259 +279 101 3 891209021 +279 105 4 875297381 +279 108 4 892174381 +279 114 5 879572694 +279 116 1 888799670 +279 117 5 875297199 +279 120 1 888427451 +279 121 4 875297708 +279 122 1 875297433 +279 130 1 892864707 +279 131 1 886020902 +279 137 4 886014686 +279 144 4 880850073 +279 147 4 875297199 +279 152 5 882146492 +279 154 5 875296291 +279 163 5 875313311 +279 165 4 875310233 +279 167 3 875312441 +279 168 5 875296435 +279 169 5 875306910 +279 170 3 875312643 +279 173 5 875296461 +279 174 4 875306636 +279 175 5 875296461 +279 176 3 875310606 +279 180 2 875308670 +279 184 5 890779991 +279 191 3 875734031 +279 193 2 875307407 +279 195 4 875310631 +279 198 3 882456211 +279 201 5 890451408 +279 202 4 875307587 +279 203 2 875310676 +279 207 5 875310394 +279 208 5 875310631 +279 209 5 875308987 +279 210 4 878261893 +279 211 4 875309616 +279 214 3 875306910 +279 216 3 884983225 +279 222 1 875295943 +279 224 4 882369761 +279 226 4 880850073 +279 227 4 889326161 +279 228 4 889326161 +279 230 4 892865054 +279 231 2 879573060 +279 233 5 875312745 +279 235 3 891209153 +279 236 5 875296813 +279 238 4 891208908 +279 239 4 875310418 +279 240 4 889151559 +279 242 3 877756647 +279 248 4 875249259 +279 249 3 878878420 +279 250 3 875249259 +279 254 3 879572960 +279 257 5 875295736 +279 259 3 883546906 +279 265 5 875655063 +279 269 4 892865492 +279 273 2 880869018 +279 275 3 875249232 +279 284 1 886015853 +279 288 3 875249102 +279 290 4 875296924 +279 301 4 878082781 +279 319 4 890780735 +279 321 5 875249102 +279 342 4 881375917 +279 363 5 890451473 +279 364 4 891209077 +279 368 1 886016352 +279 373 4 875659844 +279 374 1 888806649 +279 375 1 884556678 +279 379 3 875314386 +279 382 4 875312947 +279 384 4 875312946 +279 385 4 875309351 +279 386 3 889985007 +279 388 3 875659844 +279 390 3 875744641 +279 391 5 875313859 +279 393 1 875314093 +279 397 4 890780547 +279 399 4 875313859 +279 405 3 886015701 +279 408 5 875249210 +279 410 5 890780547 +279 411 3 875296005 +279 412 3 875297708 +279 415 3 875314313 +279 418 3 875733888 +279 428 1 875307379 +279 429 4 875306910 +279 431 4 875310303 +279 432 3 875296292 +279 433 4 880869018 +279 434 4 892864609 +279 449 3 875312378 +279 450 4 889326161 +279 451 1 888465592 +279 456 3 875296924 +279 461 3 875306820 +279 462 3 875309911 +279 464 4 875310041 +279 465 5 875310157 +279 469 4 884982881 +279 472 3 876609690 +279 480 3 875309189 +279 482 4 875306613 +279 486 4 875310041 +279 487 3 890282182 +279 489 2 888430298 +279 490 3 890282225 +279 491 5 875296435 +279 501 3 875308843 +279 509 3 875296552 +279 514 4 875307210 +279 515 3 875295943 +279 517 4 879572893 +279 530 3 890780576 +279 534 1 878971577 +279 541 3 882146458 +279 544 1 890451433 +279 546 3 875296924 +279 547 1 875295812 +279 550 4 880850073 +279 556 3 880666808 +279 562 3 890451433 +279 566 4 875313387 +279 571 4 878082781 +279 576 3 875312441 +279 577 1 889151559 +279 578 4 879572694 +279 586 4 892864663 +279 591 2 875297381 +279 616 3 890451408 +279 625 3 878261977 +279 630 4 875313351 +279 636 5 875313387 +279 638 4 875312441 +279 644 1 875306552 +279 652 4 890451408 +279 654 5 875306552 +279 662 2 875310631 +279 671 2 875296238 +279 679 4 884556545 +279 685 3 884982881 +279 687 4 878793072 +279 702 4 875309760 +279 709 4 875310195 +279 710 4 890451408 +279 713 3 886015169 +279 719 4 875308222 +279 721 5 875312719 +279 725 4 875314144 +279 727 3 890780864 +279 728 4 875314287 +279 732 3 879647301 +279 739 1 879573060 +279 740 3 875736276 +279 741 5 875296891 +279 744 2 892864943 +279 746 5 875310233 +279 753 2 875307443 +279 759 4 875313616 +279 762 3 875297199 +279 763 3 875297522 +279 778 4 891209332 +279 779 3 878262194 +279 780 4 875314165 +279 781 3 875314001 +279 789 4 875306580 +279 792 3 875308843 +279 797 4 875744512 +279 804 4 875744416 +279 805 3 879573022 +279 810 2 889984640 +279 820 4 884984955 +279 823 3 875297456 +279 826 4 875297456 +279 827 1 888426577 +279 831 5 875744257 +279 832 3 881375854 +279 833 4 875297410 +279 841 4 879572893 +279 845 1 888426577 +279 853 1 890451433 +279 854 1 875306613 +279 862 5 875313646 +279 864 5 875296829 +279 871 4 875297410 +279 901 4 883893835 +279 919 3 892864663 +279 926 4 875296696 +279 940 5 889151559 +279 945 5 879647064 +279 946 3 875313032 +279 948 3 891209078 +279 952 3 875296676 +279 969 3 875308799 +279 971 4 875314231 +279 976 3 877756631 +279 977 4 875297281 +279 982 3 875298314 +279 992 4 889151559 +279 998 5 875313883 +279 1000 4 875314313 +279 1001 4 882160106 +279 1007 4 879572694 +279 1011 3 875298314 +279 1012 5 875298447 +279 1017 3 875296891 +279 1027 4 891208908 +279 1028 4 875296104 +279 1030 4 875659761 +279 1032 3 880666757 +279 1034 4 875297381 +279 1035 3 875309935 +279 1037 1 888806543 +279 1039 4 881731303 +279 1047 4 892864663 +279 1048 1 886015533 +279 1052 4 890451408 +279 1070 3 875309760 +279 1072 4 890780735 +279 1088 4 877756804 +279 1093 4 875298330 +279 1095 1 886016480 +279 1108 1 892174273 +279 1110 3 875307379 +279 1113 3 888806035 +279 1118 3 875310631 +279 1120 3 891209189 +279 1133 2 892173598 +279 1142 1 890780603 +279 1151 2 875744584 +279 1162 3 875314334 +279 1170 1 891209102 +279 1178 4 875744641 +279 1180 2 890781034 +279 1181 4 875314001 +279 1182 3 875314370 +279 1185 1 888805868 +279 1205 3 888461244 +279 1209 4 875314350 +279 1219 3 875744358 +279 1224 3 878082804 +279 1228 4 890779991 +279 1230 3 891209189 +279 1231 4 875313583 +279 1239 1 884982882 +279 1240 1 892174404 +279 1244 3 875298652 +279 1247 2 875659924 +279 1250 1 888466349 +279 1271 4 875659999 +279 1274 3 875314001 +279 1288 4 891209077 +279 1291 4 875297708 +279 1312 3 890780962 +279 1321 4 888806671 +279 1336 1 875298353 +279 1376 4 886016680 +279 1411 3 884556545 +279 1413 5 875314434 +279 1428 3 888465209 +279 1437 3 892173418 +279 1444 3 875313351 +279 1480 3 875314370 +279 1481 4 875313925 +279 1484 3 875307587 +279 1486 1 875314076 +279 1487 1 875314076 +279 1488 4 875659924 +279 1489 3 891208884 +279 1490 4 875312947 +279 1491 5 890451408 +279 1492 4 888430806 +279 1493 1 888465068 +279 1494 1 889232401 +279 1495 4 889984565 +279 1496 3 875298419 +279 1497 2 890780576 +279 1498 4 891208884 +279 1500 5 875306613 +279 1501 1 889231898 +280 1 4 891700426 +280 2 3 891701278 +280 3 2 891702406 +280 4 3 891700733 +280 5 4 891701066 +280 7 4 891700385 +280 8 5 891700303 +280 9 5 891700664 +280 11 5 891700570 +280 12 5 891700803 +280 22 5 891700552 +280 33 3 891700715 +280 38 3 891701832 +280 40 5 891701614 +280 50 3 891701027 +280 53 5 891702544 +280 54 2 891701747 +280 58 4 891700514 +280 62 3 891701747 +280 68 3 891701066 +280 69 4 891700242 +280 70 4 891700366 +280 71 4 891700818 +280 72 4 891702276 +280 73 3 891700715 +280 76 2 891700699 +280 82 2 891700925 +280 86 4 891700475 +280 88 3 891701556 +280 92 3 891700366 +280 95 5 891700570 +280 96 4 891700664 +280 99 2 891700475 +280 100 3 891700385 +280 102 5 891701328 +280 103 3 891702122 +280 111 4 891700983 +280 112 3 891702485 +280 117 5 891700366 +280 125 2 891701148 +280 127 5 891702544 +280 128 3 891701188 +280 132 4 891701090 +280 135 4 891700552 +280 142 4 891701747 +280 144 2 891700514 +280 145 3 891702198 +280 153 5 891700681 +280 157 3 891700733 +280 159 4 891701944 +280 167 4 891701631 +280 172 3 891700768 +280 173 3 891700453 +280 180 4 891700453 +280 181 3 891701248 +280 182 3 891700276 +280 183 3 891700588 +280 195 3 891700303 +280 202 3 891701090 +280 203 4 891701530 +280 204 3 891700643 +280 210 2 891700385 +280 216 5 891701685 +280 218 4 891701474 +280 222 3 891700624 +280 225 4 891701974 +280 226 3 891701998 +280 227 3 891702153 +280 228 3 891701405 +280 229 3 891702171 +280 230 3 891702153 +280 231 3 891701974 +280 233 4 891702049 +280 234 3 891700803 +280 237 3 891700624 +280 241 2 891700945 +280 245 3 891700185 +280 265 4 891700588 +280 274 5 891701188 +280 276 5 891700664 +280 282 3 891700426 +280 286 4 891700185 +280 288 5 891700184 +280 294 2 891700021 +280 316 5 891700184 +280 318 5 891700607 +280 322 4 891700185 +280 323 2 891700106 +280 364 3 891702291 +280 379 5 891702171 +280 380 2 891700226 +280 381 3 891700925 +280 384 4 891702137 +280 385 5 891702544 +280 387 4 891701974 +280 392 5 891701328 +280 393 4 891702323 +280 402 4 891701249 +280 403 3 891701506 +280 404 3 891701114 +280 405 2 891700963 +280 411 3 891701871 +280 416 5 891701666 +280 419 3 891701047 +280 420 3 891701816 +280 423 5 891700276 +280 431 4 891701531 +280 448 3 891701765 +280 449 3 891702324 +280 451 5 891701377 +280 452 2 891702387 +280 465 3 891701148 +280 468 4 891702028 +280 471 3 891700553 +280 472 2 891702086 +280 476 5 891702544 +280 483 4 891701066 +280 486 5 891700751 +280 496 5 891700321 +280 499 4 891700496 +280 508 3 891700453 +280 528 3 891700553 +280 538 5 891700185 +280 540 3 891702304 +280 542 3 891702199 +280 544 4 891701302 +280 550 2 891701764 +280 554 1 891701998 +280 559 3 891701583 +280 566 4 891701188 +280 568 2 891701047 +280 571 3 891702338 +280 575 2 891702422 +280 576 3 891702276 +280 584 4 891701223 +280 585 3 891702441 +280 586 4 891701871 +280 588 5 891700803 +280 595 3 891701666 +280 609 4 891701278 +280 619 4 891701913 +280 629 4 891701852 +280 631 5 891700751 +280 655 3 891700400 +280 660 5 891701114 +280 663 4 891700783 +280 670 2 891702485 +280 673 4 891701223 +280 690 2 891699964 +280 692 3 891700983 +280 693 3 891701027 +280 715 2 891700945 +280 722 3 891702122 +280 723 5 891701853 +280 728 3 891701614 +280 735 2 891700475 +280 736 2 891700341 +280 739 3 891701359 +280 742 4 891701249 +280 750 5 891700185 +280 756 4 891701649 +280 764 4 891701685 +280 780 4 891701897 +280 781 4 891701699 +280 790 4 891702013 +280 845 3 891700925 +280 866 3 891701997 +280 928 5 891700850 +280 934 2 891702291 +280 942 5 891701431 +280 946 4 891701027 +280 975 4 891702252 +280 977 3 891701723 +280 1015 3 891701631 +280 1028 5 891702276 +280 1047 3 891701897 +280 1049 2 891702486 +280 1051 4 891700904 +280 1060 3 891701278 +280 1063 3 891700607 +280 1099 5 891701114 +280 1114 4 891702199 +280 1168 5 891702544 +280 1181 2 891700496 +280 1217 5 891702544 +280 1313 5 891700184 +280 1401 5 891700881 +280 1459 4 891701747 +280 1478 4 891701090 +280 1479 3 891702457 +281 258 2 881200457 +281 259 3 881200789 +281 271 5 881200457 +281 289 3 881200704 +281 300 4 881200643 +281 301 3 881200643 +281 322 4 881200789 +281 323 3 881200789 +281 332 4 881200603 +281 338 2 881200457 +281 342 1 881200789 +281 538 4 881200520 +281 682 3 881200519 +281 690 5 881200264 +281 748 5 881200745 +281 877 4 881200643 +281 938 2 881200789 +281 989 2 881200789 +282 258 5 879949367 +282 268 4 879949438 +282 269 4 879949347 +282 271 3 881702919 +282 288 4 879949367 +282 294 4 879949525 +282 302 5 879949347 +282 305 4 879949347 +282 307 3 881702875 +282 319 4 879949394 +282 325 1 881703044 +282 327 5 879949417 +282 333 3 879949394 +282 338 3 879949468 +282 358 3 879949594 +282 879 2 879949504 +283 24 4 879297867 +283 42 5 879298333 +283 50 5 879297134 +283 70 4 879298206 +283 71 4 879297965 +283 83 4 879298239 +283 91 5 879297965 +283 95 5 879297965 +283 100 4 879297160 +283 109 4 879297237 +283 125 5 879297347 +283 173 5 879298206 +283 186 5 879298239 +283 194 4 879298295 +283 209 4 879298271 +283 210 5 879298206 +283 211 4 879298271 +283 216 4 879298206 +283 238 5 879298295 +283 288 2 879297867 +283 291 2 879297867 +283 407 3 879297867 +283 412 5 879297526 +283 432 5 879297965 +283 433 4 879298333 +283 455 4 879297707 +283 588 4 879297965 +283 627 4 879297966 +283 659 5 879298239 +283 676 3 879297867 +283 709 5 879298206 +283 732 4 879298239 +283 845 4 879297442 +283 866 3 879297867 +283 1009 3 879297867 +283 1114 5 879297545 +283 1487 2 879297867 +284 258 4 885329146 +284 259 2 885329593 +284 269 4 885328991 +284 270 3 885328906 +284 286 4 885328727 +284 289 3 885329671 +284 300 3 885329395 +284 302 4 885328906 +284 303 5 885328991 +284 304 4 885329322 +284 305 4 885328906 +284 310 3 885328991 +284 313 3 885328727 +284 315 5 885329593 +284 319 3 885329238 +284 322 3 885329671 +284 324 3 885329468 +284 328 4 885329322 +284 332 3 885329593 +284 333 3 885329146 +284 334 3 885329468 +284 339 3 885329671 +284 340 4 885328991 +284 344 4 885329593 +284 346 4 885329065 +284 682 3 885329322 +284 687 3 885329902 +284 751 3 885329322 +284 754 3 885329065 +284 877 2 885329395 +284 887 4 885328906 +284 903 4 885329238 +284 906 3 885328836 +285 64 3 890595777 +285 150 5 890595636 +285 151 5 890595636 +285 168 4 890595900 +285 183 4 890595859 +285 185 3 890595859 +285 191 4 890595859 +285 194 4 890595777 +285 216 3 890595900 +285 222 4 890595636 +285 237 4 890595636 +285 258 2 890595408 +285 269 4 890595313 +285 270 4 890595456 +285 276 4 890595726 +285 286 3 890595584 +285 288 5 890595584 +285 300 4 890595584 +285 313 5 890595313 +285 319 3 890595523 +285 357 5 890595777 +285 455 4 890595726 +285 514 3 890595859 +285 538 5 890595479 +285 628 2 890595636 +285 682 4 890595524 +285 902 4 890595584 +286 1 4 876521699 +286 3 2 876522316 +286 4 5 877531899 +286 7 4 875807003 +286 11 5 877531975 +286 13 2 876521933 +286 16 3 876521809 +286 17 4 877531537 +286 20 4 876521858 +286 22 4 877532889 +286 25 3 875807003 +286 29 2 877533586 +286 34 5 877534701 +286 41 2 877535323 +286 42 4 877533698 +286 44 3 877532173 +286 50 4 875806869 +286 53 2 877533506 +286 55 4 877531574 +286 56 2 877531469 +286 57 5 877533419 +286 66 4 877533586 +286 70 5 877531975 +286 72 4 877534025 +286 73 5 877532965 +286 77 3 877533001 +286 81 3 889652601 +286 83 5 877531975 +286 85 5 877533224 +286 88 4 877533640 +286 89 4 877533381 +286 91 4 877532470 +286 96 4 877532385 +286 97 4 877533101 +286 99 4 878141681 +286 100 3 876521650 +286 101 5 877532204 +286 107 1 875807043 +286 116 5 875806888 +286 117 2 876521650 +286 123 5 876521586 +286 127 4 877530570 +286 133 4 877531730 +286 137 4 884203281 +286 142 4 877534793 +286 143 4 889651549 +286 151 5 875806800 +286 153 5 877531406 +286 154 4 877533381 +286 155 4 877533640 +286 158 3 877533472 +286 161 2 877533419 +286 164 3 877533586 +286 167 5 877533419 +286 168 4 877531760 +286 169 3 877533101 +286 171 4 877531791 +286 173 4 877531407 +286 175 5 877532470 +286 183 4 877531864 +286 184 3 877534506 +286 189 3 877533296 +286 191 4 877531407 +286 195 4 877534618 +286 196 4 877533543 +286 198 4 877533887 +286 202 4 877532204 +286 204 3 877531941 +286 208 4 877531942 +286 214 1 889651605 +286 215 3 889651630 +286 228 3 889651576 +286 229 1 889652291 +286 231 3 877532094 +286 232 4 877534701 +286 234 3 877532093 +286 235 4 875807003 +286 237 2 875806800 +286 240 3 876521858 +286 248 5 875806800 +286 250 4 876521887 +286 257 3 875806837 +286 258 4 877530390 +286 268 4 884069298 +286 269 5 879780839 +286 272 5 884069298 +286 274 2 876521917 +286 275 4 875807074 +286 277 4 875807003 +286 278 5 876521700 +286 280 4 876522097 +286 288 5 875806672 +286 289 5 875806672 +286 290 3 876522072 +286 298 4 875807004 +286 301 5 879780879 +286 309 5 884583549 +286 316 5 889651121 +286 325 1 889651253 +286 329 4 886475961 +286 330 5 884069544 +286 340 4 879780905 +286 341 5 884069544 +286 345 4 884069337 +286 348 4 889651179 +286 354 4 889651029 +286 357 4 877531537 +286 367 5 877531574 +286 372 4 877532683 +286 379 5 877533771 +286 382 5 877531830 +286 386 3 877534975 +286 393 4 877534481 +286 401 1 877535446 +286 402 3 877534216 +286 403 5 877533543 +286 404 5 889651799 +286 405 3 876522150 +286 408 4 875806800 +286 413 3 877531226 +286 419 5 889651990 +286 421 1 889651848 +286 423 4 877532385 +286 425 2 877532013 +286 431 5 889651822 +286 432 3 878141681 +286 451 5 877533993 +286 455 1 889652378 +286 462 5 877531537 +286 465 5 889651698 +286 472 3 876522340 +286 473 3 875806918 +286 477 3 876521773 +286 483 5 877531661 +286 512 2 877533101 +286 537 4 889651402 +286 546 1 876521835 +286 554 4 877535014 +286 559 4 877534081 +286 569 4 877534313 +286 574 4 877534137 +286 577 2 877535500 +286 596 3 875806869 +286 628 4 875806800 +286 629 5 877531661 +286 636 3 877533185 +286 640 5 877531830 +286 642 3 877531498 +286 652 4 877531899 +286 655 3 889651746 +286 683 5 884583549 +286 689 5 884583549 +286 704 2 877531941 +286 709 4 877532748 +286 710 4 889651672 +286 721 3 877532329 +286 724 3 877532013 +286 728 3 889652740 +286 732 5 877531899 +286 734 2 877534618 +286 738 5 877534903 +286 739 3 877532683 +286 741 4 876521887 +286 742 5 877530860 +286 746 4 877533058 +286 747 4 877533796 +286 762 2 876522008 +286 766 3 877533724 +286 771 2 877535119 +286 778 5 877534025 +286 781 4 877532777 +286 790 1 877535208 +286 792 3 877532230 +286 800 5 877534528 +286 815 3 876521966 +286 821 4 877534550 +286 824 1 876522200 +286 856 2 877533698 +286 881 5 884583549 +286 884 5 884069544 +286 888 5 884583549 +286 906 5 884069544 +286 929 4 876522098 +286 931 4 876522340 +286 934 3 889653107 +286 946 3 889652221 +286 949 4 877534859 +286 952 2 875807043 +286 955 5 877533914 +286 988 3 875806722 +286 993 2 875807043 +286 1014 5 879781125 +286 1035 3 877532094 +286 1039 5 877531730 +286 1047 1 876522026 +286 1051 4 876522261 +286 1053 4 877532093 +286 1060 5 889652989 +286 1074 4 889652912 +286 1079 3 876522240 +286 1091 4 877534859 +286 1101 5 877532715 +286 1113 3 877534107 +286 1118 1 889652989 +286 1119 3 877534054 +286 1133 4 877534137 +286 1140 3 877533586 +286 1182 2 877535288 +286 1194 4 877533640 +286 1202 3 876522185 +286 1230 1 877535157 +286 1265 5 884069544 +286 1286 5 877532683 +286 1316 5 884583549 +286 1411 2 877535425 +286 1502 2 877535499 +286 1503 3 877534107 +286 1504 4 877534903 +287 1 5 875334088 +287 11 5 875335124 +287 28 5 875335018 +287 39 5 875336652 +287 56 5 875334759 +287 64 5 875336775 +287 92 4 875334896 +287 98 4 875334759 +287 100 5 888177364 +287 108 4 875334519 +287 111 3 875334126 +287 117 5 875334405 +287 156 5 875336804 +287 168 5 875335190 +287 201 5 875334962 +287 208 4 875334896 +287 218 5 875335424 +287 222 5 875334224 +287 235 4 875334248 +287 240 2 875334454 +287 246 4 875333964 +287 248 5 875333965 +287 249 5 875334430 +287 250 3 875334060 +287 252 1 875334361 +287 257 4 875334224 +287 268 4 888177170 +287 276 4 875334126 +287 291 5 888177402 +287 294 5 875333873 +287 298 4 875333965 +287 301 3 875333873 +287 327 5 875333916 +287 340 5 888177097 +287 346 5 888177040 +287 347 4 888177040 +287 461 5 875336652 +287 476 1 875334340 +287 591 5 875334293 +287 652 4 875335018 +287 710 4 875334807 +287 742 3 875334196 +287 748 4 875333873 +287 815 3 875334248 +287 895 2 888177213 +287 926 4 875334340 +287 941 3 875335424 +287 952 4 875334036 +287 1016 5 875334430 +287 1067 2 875334036 +288 12 4 886374130 +288 13 5 886892241 +288 15 4 886892177 +288 50 4 886374520 +288 64 5 886374365 +288 69 5 886373426 +288 97 4 886629750 +288 98 5 886373474 +288 100 5 886629749 +288 127 5 886374451 +288 132 3 886374129 +288 134 2 886374129 +288 136 5 886374316 +288 157 4 886373619 +288 173 3 886373474 +288 174 4 886374286 +288 176 4 886373565 +288 177 3 886629528 +288 178 5 886374342 +288 182 4 886374497 +288 196 5 886373474 +288 197 5 889225574 +288 199 4 886629592 +288 200 4 886373534 +288 202 5 889225535 +288 205 5 889225443 +288 210 3 886373509 +288 211 5 886374473 +288 214 2 886374316 +288 230 2 886629664 +288 237 4 886892195 +288 258 4 886372882 +288 269 5 886373071 +288 272 5 889225463 +288 276 4 886892127 +288 286 4 886372862 +288 294 2 886372841 +288 300 5 886372155 +288 305 4 886372527 +288 317 4 886374497 +288 318 4 886374316 +288 327 1 886373007 +288 340 5 886372155 +288 357 5 886373591 +288 527 3 886373565 +288 528 4 886374286 +288 593 2 886892127 +288 632 4 886373591 +288 651 4 886374342 +288 742 3 886893063 +288 887 5 886372155 +288 900 5 886372155 +288 1039 2 886373565 +288 1065 4 886373474 +289 1 3 876789736 +289 7 4 876789628 +289 15 3 876789581 +289 24 4 876790292 +289 109 3 876789628 +289 117 4 876789514 +289 121 3 876789736 +289 147 3 876789581 +289 282 3 876789180 +289 363 3 876790653 +289 405 2 876790576 +289 410 2 876790361 +289 455 4 876790464 +289 471 4 876789373 +289 473 1 876790576 +289 477 2 876790323 +289 685 4 876789373 +289 742 4 876789463 +289 815 3 876789581 +289 849 4 876789943 +289 926 3 876790611 +289 1016 5 876789843 +290 1 5 880474327 +290 21 3 880475695 +290 22 5 880473942 +290 28 5 880474235 +290 31 4 880475032 +290 43 3 880475783 +290 49 3 880475542 +290 50 5 880473582 +290 54 3 880475218 +290 62 2 880473583 +290 64 4 880474034 +290 66 4 880731963 +290 71 5 880473667 +290 82 4 880473918 +290 88 4 880731963 +290 89 3 880473971 +290 91 2 880474451 +290 95 4 880474590 +290 98 4 880474235 +290 99 4 880473918 +290 102 3 880475585 +290 105 2 880732753 +290 109 3 880475564 +290 117 3 880474799 +290 118 4 880731896 +290 120 4 880732712 +290 121 4 880475266 +290 132 3 880473993 +290 133 3 880473735 +290 135 4 880474510 +290 136 4 880474367 +290 143 5 880474293 +290 144 3 880473802 +290 151 2 880474835 +290 153 3 880475310 +290 158 5 880474977 +290 161 4 880474293 +290 162 3 880474107 +290 164 4 880474010 +290 168 3 880474204 +290 172 5 880474141 +290 174 5 880473891 +290 180 1 880474913 +290 181 5 880473696 +290 183 4 880474054 +290 191 3 880474235 +290 193 4 880473802 +290 196 4 880474293 +290 199 3 880474799 +290 202 4 880474590 +290 204 4 880473696 +290 205 3 880473777 +290 208 3 880475245 +290 210 5 880474716 +290 211 3 880474235 +290 216 4 880475218 +290 218 2 880475542 +290 222 4 880731778 +290 227 2 880473557 +290 234 3 880474451 +290 235 3 880474451 +290 239 2 880474451 +290 243 3 880473474 +290 257 4 880731518 +290 274 4 880731874 +290 323 3 880473346 +290 357 3 880474107 +290 378 3 880475169 +290 380 3 880731766 +290 385 4 880474716 +290 393 3 880475169 +290 402 4 880474422 +290 404 3 880475341 +290 405 2 880732365 +290 418 3 880474293 +290 419 4 880474235 +290 423 5 880474422 +290 429 4 880474606 +290 432 5 880474590 +290 436 2 880475469 +290 449 1 880473557 +290 450 2 880473557 +290 472 4 880475495 +290 473 1 880475420 +290 474 3 880474204 +290 476 3 880475837 +290 498 4 880473777 +290 515 3 880473918 +290 520 3 880473734 +290 523 3 880473735 +290 527 4 880474590 +290 546 2 880475564 +290 550 3 880475807 +290 566 3 880474388 +290 568 3 880474716 +290 588 4 880474652 +290 596 4 880474141 +290 622 3 880474204 +290 625 4 880475782 +290 650 2 880475625 +290 651 3 880474034 +290 685 3 880732365 +290 692 5 880474293 +290 699 3 880473735 +290 720 3 880475695 +290 739 3 880475757 +290 742 2 880475310 +290 755 4 880475218 +290 809 4 880475664 +290 818 3 880732656 +290 825 3 880732508 +290 826 2 880732271 +290 832 3 880732491 +290 930 3 880732131 +290 993 4 880473630 +290 1013 2 880732131 +290 1028 3 880732365 +290 1035 4 880475782 +290 1091 2 880475735 +290 1336 3 880733010 +291 3 3 874833936 +291 4 4 874835062 +291 7 5 874834481 +291 11 4 874835024 +291 15 5 874833668 +291 17 4 874834850 +291 21 2 874834389 +291 24 5 874834481 +291 27 3 874835024 +291 28 4 875086920 +291 41 4 875086636 +291 46 4 874868045 +291 48 5 874868027 +291 49 4 875086090 +291 50 5 874805860 +291 53 5 874834827 +291 54 4 874834963 +291 56 5 874834701 +291 64 5 874867994 +291 66 4 875086185 +291 67 4 875086308 +291 69 5 874868146 +291 70 4 874868146 +291 71 4 875086887 +291 72 4 875086090 +291 77 4 874834799 +291 80 4 875086354 +291 84 3 874868327 +291 89 3 874835116 +291 90 5 874871800 +291 92 4 874835091 +291 93 4 874805927 +291 94 2 875086354 +291 95 4 875086921 +291 96 4 874835062 +291 97 4 875087264 +291 98 5 874834701 +291 99 4 875086887 +291 100 5 874834481 +291 101 4 875087198 +291 106 4 874805958 +291 117 5 874834481 +291 118 2 874833878 +291 122 3 874834289 +291 124 5 874834481 +291 125 4 874834019 +291 129 5 874805699 +291 143 3 875086921 +291 144 5 874835091 +291 147 4 874805768 +291 151 5 874833668 +291 153 4 874871736 +291 154 4 875086185 +291 155 3 875087371 +291 156 5 874834768 +291 158 2 875086208 +291 159 4 875087488 +291 168 5 874871800 +291 172 5 874835062 +291 173 5 874871800 +291 174 5 874835062 +291 175 2 874867966 +291 179 5 874868255 +291 181 5 874805804 +291 184 4 874835198 +291 188 3 874835198 +291 195 4 874835165 +291 200 4 874867740 +291 202 4 874871736 +291 204 4 874871736 +291 212 4 874868027 +291 214 4 874868146 +291 218 4 874834799 +291 219 4 874867785 +291 223 5 874867912 +291 226 5 874834895 +291 234 4 874834735 +291 237 4 874805668 +291 240 4 874833726 +291 244 2 874805927 +291 245 2 874805577 +291 246 5 874834481 +291 249 4 874805893 +291 250 4 874805927 +291 262 4 874833603 +291 273 3 874833705 +291 282 4 874833788 +291 284 4 874833687 +291 291 5 874834054 +291 293 5 874833668 +291 294 5 874834481 +291 324 1 874805453 +291 356 4 874834875 +291 364 3 875086699 +291 365 3 874871570 +291 366 3 874868255 +291 375 1 874868791 +291 376 3 875086534 +291 379 3 874834827 +291 383 2 875086699 +291 384 4 875086562 +291 385 4 874835141 +291 393 3 875086235 +291 395 3 875086534 +291 396 4 874867757 +291 401 4 875086766 +291 402 4 874871498 +291 404 4 875086958 +291 405 4 874805984 +291 410 5 874834481 +291 411 4 874834220 +291 413 4 874834054 +291 418 4 875086920 +291 421 4 875087352 +291 423 4 874868210 +291 428 5 874871766 +291 455 5 874805958 +291 456 3 874834165 +291 460 5 874834254 +291 466 5 874834768 +291 470 3 874834768 +291 471 4 874833746 +291 496 5 875088191 +291 501 4 875087100 +291 508 5 874805892 +291 540 3 874835141 +291 550 4 874835218 +291 551 2 874867824 +291 552 3 874834963 +291 555 1 874868629 +291 558 4 874867757 +291 562 4 874835242 +291 567 5 874867786 +291 571 2 875086608 +291 572 3 874834944 +291 573 4 874834944 +291 574 1 875087656 +291 575 2 875086699 +291 576 4 874835198 +291 577 1 875086669 +291 578 4 874835242 +291 582 4 875087720 +291 588 4 875086920 +291 592 3 874834895 +291 597 3 874833857 +291 619 3 874805927 +291 627 4 875086991 +291 631 5 874871479 +291 636 4 874834799 +291 670 5 874867785 +291 672 3 874867741 +291 686 5 874835165 +291 715 5 874868327 +291 717 3 874834388 +291 722 4 875086460 +291 729 4 874871442 +291 732 4 874868097 +291 739 3 875087334 +291 741 5 874834481 +291 742 3 874805927 +291 747 4 875087290 +291 755 2 875086958 +291 756 3 874833878 +291 760 2 874834037 +291 769 1 875087673 +291 770 4 874834799 +291 772 4 874868169 +291 773 3 874834827 +291 774 3 874867852 +291 780 5 875086636 +291 783 2 875087432 +291 785 4 875086308 +291 790 4 875086699 +291 794 4 875087334 +291 800 2 874834944 +291 801 3 875086766 +291 816 3 874867852 +291 820 4 875087125 +291 824 4 874833962 +291 833 3 874834236 +291 834 3 874834358 +291 844 5 874805804 +291 924 4 874833962 +291 928 2 874834389 +291 933 4 874833936 +291 939 4 874834768 +291 943 4 874834735 +291 974 1 874833962 +291 977 2 874834071 +291 985 3 874805984 +291 1012 4 874805892 +291 1016 4 874833827 +291 1017 4 874833911 +291 1028 3 875086561 +291 1042 4 874834944 +291 1046 4 874834875 +291 1047 2 874834165 +291 1067 4 874805892 +291 1078 4 875086920 +291 1079 2 875086608 +291 1083 3 874834876 +291 1090 2 875087634 +291 1098 4 875086330 +291 1109 4 874834768 +291 1139 3 874871671 +291 1157 3 874834944 +291 1178 4 875086354 +291 1188 4 874835165 +291 1206 3 874871551 +291 1209 1 875086308 +291 1210 4 875087656 +291 1213 3 874871655 +291 1215 1 874834184 +291 1219 4 875087221 +291 1220 5 874868382 +291 1239 2 874835279 +291 1244 4 874834345 +291 1248 4 875087634 +291 1253 3 874834944 +291 1273 2 875087634 +291 1277 4 874834019 +291 1305 3 875086766 +291 1376 3 874834323 +291 1471 3 874834914 +291 1489 2 875086766 +291 1505 4 874868647 +292 2 4 881105778 +292 9 4 881104148 +292 10 5 881104606 +292 11 5 881104093 +292 28 4 881105734 +292 48 5 881105318 +292 50 4 881103977 +292 56 5 881105373 +292 64 5 881105373 +292 79 5 881103434 +292 83 5 881104360 +292 86 4 881105778 +292 96 4 881103568 +292 100 5 881103999 +292 111 4 881104606 +292 115 4 881104194 +292 117 4 881104606 +292 118 3 881104701 +292 124 4 881104147 +292 125 2 881104401 +292 127 5 881104268 +292 132 4 881105340 +292 135 4 881105701 +292 144 5 881105280 +292 150 4 881105135 +292 151 5 881104268 +292 165 4 881105657 +292 168 5 881105318 +292 169 5 881105625 +292 173 5 881103631 +292 174 5 881105481 +292 176 5 881103478 +292 181 4 881104068 +292 183 5 881103478 +292 190 5 881105625 +292 193 4 881105734 +292 194 4 881105442 +292 195 5 881103568 +292 197 5 881105246 +292 199 5 881105481 +292 203 4 881105442 +292 207 5 881105561 +292 222 3 881105195 +292 223 5 881105516 +292 226 4 881105281 +292 228 5 881105211 +292 234 5 881105245 +292 248 4 881103999 +292 249 3 881104820 +292 252 3 881104881 +292 265 4 881105587 +292 276 5 881103915 +292 282 4 881104661 +292 285 4 881103896 +292 288 3 877560833 +292 300 4 877628139 +292 320 5 881105373 +292 324 3 881104533 +292 328 3 877560833 +292 331 5 877560833 +292 343 2 881103478 +292 405 3 881104820 +292 408 4 881104068 +292 419 4 881105657 +292 423 5 881105625 +292 429 5 881105587 +292 472 3 881104760 +292 475 5 881103896 +292 479 4 881105516 +292 483 5 881105442 +292 484 5 881105625 +292 486 4 881105246 +292 488 5 881105657 +292 491 4 881105318 +292 499 5 881105245 +292 510 4 881104093 +292 511 5 881105373 +292 515 4 881103977 +292 525 5 881105701 +292 535 3 881105031 +292 589 4 881105516 +292 602 4 881105481 +292 603 5 881105318 +292 628 3 881105123 +292 631 5 881105778 +292 653 4 881105442 +292 654 5 881105481 +292 657 5 881103711 +292 659 5 881105340 +292 661 5 881105561 +292 665 3 881103478 +292 705 4 881105374 +292 789 4 881105701 +292 855 5 881105373 +292 919 5 881103508 +292 1010 4 881104581 +292 1014 3 881104424 +292 1039 4 881105778 +292 1050 4 881105778 +292 1073 5 881105318 +293 1 2 888904861 +293 2 3 888907101 +293 4 4 888906489 +293 5 3 888906576 +293 8 3 888905736 +293 11 3 888905898 +293 12 4 888905665 +293 16 2 888907499 +293 17 2 888907335 +293 22 3 888905819 +293 23 4 888905865 +293 27 3 888907753 +293 28 3 888906071 +293 31 2 888906244 +293 33 2 888907433 +293 36 1 888908041 +293 39 3 888906804 +293 45 5 888906315 +293 47 3 888907061 +293 51 3 888907674 +293 53 3 888907891 +293 54 3 888907210 +293 55 4 888906096 +293 56 4 888905550 +293 64 5 888905519 +293 66 2 888906781 +293 67 3 888907575 +293 68 3 888906990 +293 69 3 888906576 +293 71 4 888906905 +293 73 2 888906869 +293 76 3 888906824 +293 77 2 888907210 +293 79 3 888906045 +293 82 4 888906402 +293 85 3 888906927 +293 87 4 888907015 +293 88 3 888907266 +293 91 2 888907499 +293 92 4 888906071 +293 94 2 888908066 +293 96 3 888905519 +293 97 4 888905898 +293 98 4 888905898 +293 99 3 888906402 +293 100 4 888904734 +293 117 3 888904696 +293 121 3 888905198 +293 122 3 888905399 +293 124 4 888904696 +293 125 2 888905086 +293 127 5 888904614 +293 129 3 888904814 +293 132 4 888905481 +293 134 5 888905618 +293 135 5 888905550 +293 137 3 888904653 +293 139 3 888908088 +293 143 4 888906428 +293 144 4 888905819 +293 147 2 888905229 +293 148 1 888907015 +293 150 3 888904838 +293 151 4 888904927 +293 152 4 888905716 +293 153 4 888905948 +293 155 2 888907356 +293 156 4 888905948 +293 157 5 888905779 +293 158 2 888907603 +293 161 2 888907081 +293 162 3 888907312 +293 163 4 888907290 +293 164 4 888906598 +293 166 3 888905520 +293 167 3 888907702 +293 168 4 888905716 +293 172 5 888905618 +293 173 5 888905550 +293 174 5 888905923 +293 175 2 888906244 +293 176 4 888906536 +293 179 4 888905898 +293 180 5 888906428 +293 181 3 888904734 +293 183 4 888906119 +293 185 5 888905840 +293 186 2 888906045 +293 187 3 888905865 +293 188 3 888906288 +293 192 5 888905582 +293 193 3 888905990 +293 194 4 888906045 +293 195 3 888906119 +293 200 4 888906655 +293 202 3 888906490 +293 206 4 888907552 +293 208 3 888906071 +293 209 3 888905519 +293 210 3 888905665 +293 213 3 888906905 +293 215 4 888906244 +293 216 4 888905990 +293 217 3 888907955 +293 218 2 888906168 +293 223 4 888905990 +293 226 1 888906906 +293 227 2 888906990 +293 228 3 888906315 +293 229 2 888907726 +293 232 2 888907384 +293 234 5 888906726 +293 235 3 888905146 +293 237 3 888904696 +293 238 4 888906464 +293 239 3 888907166 +293 245 3 888904265 +293 249 3 888905229 +293 251 4 888904734 +293 255 3 888905146 +293 257 2 888904696 +293 264 3 888904392 +293 265 3 888906193 +293 273 4 888904901 +293 275 3 888904696 +293 280 2 888905198 +293 282 2 888905170 +293 284 2 888905122 +293 285 5 888904632 +293 288 3 888904327 +293 293 4 888904795 +293 298 4 888904795 +293 300 2 888904004 +293 303 4 888904220 +293 315 3 888904513 +293 316 3 888904392 +293 317 4 888906193 +293 322 2 888904456 +293 325 2 888904353 +293 328 2 888904285 +293 346 3 888904004 +293 347 2 888904353 +293 366 2 888907981 +293 371 2 888906906 +293 380 2 888907527 +293 386 2 888908065 +293 393 3 888906906 +293 401 1 888907453 +293 402 2 888907702 +293 404 4 888907122 +293 405 1 888905198 +293 410 2 888905034 +293 411 2 888905170 +293 412 1 888905377 +293 414 4 888906576 +293 419 3 888906699 +293 420 4 888907356 +293 421 3 888906576 +293 423 3 888906070 +293 425 4 888905923 +293 426 1 888907291 +293 427 4 888906288 +293 429 4 888906045 +293 430 3 888905716 +293 432 5 888906516 +293 435 4 888906464 +293 436 3 888906990 +293 443 4 888906781 +293 445 4 888906315 +293 447 4 888907290 +293 451 3 888907245 +293 455 2 888905229 +293 461 2 888905519 +293 464 3 888906927 +293 466 3 888906655 +293 467 4 888906263 +293 468 2 888906869 +293 469 4 888906378 +293 471 3 888904884 +293 474 5 888905685 +293 479 4 888905923 +293 480 5 888905685 +293 484 5 888906217 +293 485 3 888905948 +293 496 5 888905840 +293 501 4 888906378 +293 502 3 888906428 +293 504 4 888905736 +293 507 4 888905665 +293 509 3 888905948 +293 510 3 888905716 +293 513 5 888905990 +293 514 4 888906378 +293 518 5 888906489 +293 521 3 888906288 +293 527 4 888906598 +293 528 4 888906490 +293 531 4 888905642 +293 553 3 888907453 +293 554 1 888907794 +293 558 3 888906143 +293 559 2 888906168 +293 566 3 888907312 +293 568 4 888906489 +293 571 2 888908041 +293 572 2 888907931 +293 583 3 888908001 +293 589 4 888906677 +293 603 5 888905898 +293 605 3 888907702 +293 616 3 888907753 +293 619 1 888905229 +293 627 2 888906338 +293 628 3 888905004 +293 629 3 888907753 +293 632 3 888906464 +293 637 3 888907186 +293 638 4 888906168 +293 642 3 888906804 +293 646 3 888906244 +293 647 5 888905760 +293 649 4 888906726 +293 653 5 888906119 +293 654 5 888905760 +293 655 3 888905618 +293 657 4 888905582 +293 663 3 888906516 +293 665 2 888908117 +293 679 2 888906699 +293 685 3 888905170 +293 686 3 888906869 +293 693 4 888906781 +293 696 2 888905229 +293 705 5 888906338 +293 708 3 888907527 +293 710 3 888907145 +293 712 2 888907603 +293 720 1 888907674 +293 724 3 888907061 +293 729 2 888907145 +293 739 2 888906804 +293 747 2 888905819 +293 748 2 888904327 +293 751 3 888904180 +293 761 2 888907981 +293 765 3 888907836 +293 770 3 888906655 +293 779 1 888908066 +293 780 3 888907816 +293 781 2 888907644 +293 789 2 888906071 +293 804 1 888907816 +293 815 2 888905122 +293 820 2 888905306 +293 843 3 888907836 +293 845 2 888904838 +293 849 2 888907891 +293 866 3 888905322 +293 871 1 888908066 +293 877 2 888904265 +293 924 2 888904814 +293 931 1 888905252 +293 943 2 888906576 +293 956 3 888906726 +293 977 2 888908088 +293 1011 3 888905146 +293 1017 3 888904862 +293 1018 3 888907552 +293 1041 2 888907674 +293 1042 3 888907575 +293 1044 2 888908117 +293 1046 1 888907061 +293 1057 2 888905229 +293 1098 2 888905519 +293 1101 3 888906677 +293 1119 1 888906655 +293 1132 3 888905416 +293 1135 3 888907575 +293 1147 4 888907081 +293 1161 2 888905062 +293 1209 2 888908117 +293 1217 1 888907913 +293 1220 2 888907552 +293 1226 3 888905198 +293 1228 1 888908041 +293 1264 3 888905582 +293 1267 3 888906966 +293 1286 4 888906844 +293 1333 4 888905618 +293 1421 2 888907794 +294 1 5 877819634 +294 7 4 877819563 +294 10 3 877819490 +294 21 3 877819897 +294 24 4 877819761 +294 79 4 889854323 +294 93 4 877819713 +294 105 3 889242660 +294 109 4 877819599 +294 111 4 877819999 +294 117 4 877819634 +294 118 3 877819941 +294 120 2 889242937 +294 123 4 877819634 +294 125 3 877820272 +294 127 5 877819265 +294 147 4 877819845 +294 148 3 877820155 +294 151 5 877819761 +294 181 5 877819532 +294 222 4 877819353 +294 245 3 877818982 +294 246 4 889241864 +294 248 5 877819421 +294 250 5 877819459 +294 252 4 877820240 +294 254 3 889242937 +294 255 3 889241958 +294 257 3 877819599 +294 258 3 877818457 +294 260 4 877819126 +294 264 2 877819090 +294 268 4 889241426 +294 271 5 889241426 +294 273 3 877819421 +294 276 4 877819421 +294 281 3 889242035 +294 282 3 877821796 +294 286 5 877818457 +294 288 5 877818729 +294 293 4 877819897 +294 294 4 877818860 +294 295 4 877820132 +294 299 3 877818982 +294 300 4 877818861 +294 301 4 877818915 +294 313 5 889241339 +294 322 1 889243393 +294 323 3 877818729 +294 324 4 877818729 +294 325 3 877818861 +294 327 3 877818982 +294 328 4 877818982 +294 333 4 877818861 +294 334 4 877818861 +294 342 3 889241466 +294 343 4 889241511 +294 346 3 889241377 +294 350 4 889241426 +294 354 3 889241377 +294 355 4 889241426 +294 358 2 877818861 +294 405 4 877819761 +294 406 2 877819941 +294 411 3 889242589 +294 455 3 877819490 +294 471 4 877820189 +294 475 5 877819310 +294 483 4 889854323 +294 508 4 877819532 +294 515 5 889242081 +294 520 5 889854323 +294 535 4 877820240 +294 538 5 889241562 +294 539 4 889241707 +294 544 4 877819673 +294 547 3 877819972 +294 597 3 889242306 +294 603 5 889854323 +294 676 3 877821514 +294 678 2 877818861 +294 689 3 889241579 +294 742 4 877819634 +294 743 2 889242905 +294 748 3 877818861 +294 749 3 877818915 +294 751 4 889241309 +294 823 3 877820190 +294 825 3 877820272 +294 826 1 889243393 +294 827 1 889243393 +294 829 3 889242788 +294 831 3 889242542 +294 840 3 889242516 +294 872 4 877818580 +294 876 3 889241633 +294 879 4 877818580 +294 881 3 889241707 +294 895 4 889241309 +294 902 4 891404417 +294 926 3 877819713 +294 930 3 889242704 +294 931 3 889242857 +294 979 3 877819897 +294 986 3 889242810 +294 1007 4 877819761 +294 1011 2 889242370 +294 1012 4 877819792 +294 1013 2 889242788 +294 1014 2 889242306 +294 1016 4 877820189 +294 1028 3 877819897 +294 1047 3 877820240 +294 1067 4 877819421 +294 1089 2 877820132 +294 1132 4 889242788 +294 1134 3 877819761 +294 1161 3 877819673 +294 1199 2 889242142 +294 1245 3 877819265 +294 1254 3 889242661 +295 1 4 879517580 +295 4 4 879518568 +295 7 5 879518018 +295 11 4 879517062 +295 25 5 879518042 +295 39 4 879518279 +295 42 3 879517467 +295 47 5 879518166 +295 50 5 879517540 +295 52 5 879966498 +295 53 1 879519528 +295 56 4 879517348 +295 65 5 879517655 +295 67 4 879519042 +295 68 4 879518960 +295 70 5 879517779 +295 71 5 879517822 +295 72 4 879518714 +295 73 4 879519009 +295 79 4 879517600 +295 82 4 879518126 +295 83 5 879518257 +295 84 2 879518107 +295 86 5 879966498 +295 88 4 879517964 +295 89 5 879519555 +295 94 4 879518339 +295 98 5 879517193 +295 99 4 879517741 +295 100 5 879518080 +295 102 4 879518339 +295 115 5 879517135 +295 132 5 879517348 +295 133 4 879517432 +295 142 4 879518590 +295 143 4 879517682 +295 144 4 879518166 +295 151 4 879517635 +295 153 5 879517324 +295 154 5 879517801 +295 155 4 879518715 +295 157 5 879966498 +295 159 4 879518107 +295 162 4 879517157 +295 164 5 879518395 +295 168 5 879517467 +295 172 4 879516986 +295 173 5 879518257 +295 174 4 879517062 +295 183 1 879517348 +295 186 5 879517512 +295 190 4 879517062 +295 191 5 879517033 +295 194 4 879517412 +295 209 5 879518233 +295 210 4 879518378 +295 215 5 879517247 +295 216 5 879517580 +295 218 5 879966498 +295 222 4 879517136 +295 226 4 879518166 +295 227 4 879517635 +295 232 3 879518900 +295 235 4 879517943 +295 237 4 879517994 +295 241 5 879518800 +295 265 4 879518042 +295 290 4 879518630 +295 318 5 879517010 +295 357 4 879517136 +295 371 4 879518257 +295 378 4 879518233 +295 380 4 879518455 +295 381 5 879518528 +295 382 5 879519556 +295 385 4 879518864 +295 389 4 879518298 +295 395 4 879519501 +295 401 3 879519390 +295 402 5 879518820 +295 404 4 879518378 +295 405 5 879518319 +295 412 2 879519237 +295 414 4 879517157 +295 416 4 879518630 +295 419 4 879518107 +295 423 4 879517372 +295 435 5 879519556 +295 449 4 879518864 +295 450 4 879519438 +295 451 4 879518864 +295 461 5 879966498 +295 465 4 879518630 +295 470 3 879518257 +295 483 5 879517348 +295 485 4 879517558 +295 493 5 879516961 +295 496 5 879517682 +295 497 5 879519556 +295 498 5 879519556 +295 504 4 879517299 +295 511 5 879516961 +295 546 4 879518780 +295 561 5 879518696 +295 570 3 879518590 +295 582 5 879517721 +295 588 4 879517682 +295 602 5 879517247 +295 624 5 879518654 +295 642 4 879517943 +295 648 4 879517324 +295 655 5 879517010 +295 704 5 879519266 +295 722 4 879518881 +295 727 5 879517682 +295 735 5 879519556 +295 736 5 879966498 +295 737 5 879518607 +295 739 4 879518319 +295 740 4 879517225 +295 743 4 879518674 +295 747 4 879518590 +295 790 3 879519265 +295 794 4 879518978 +295 809 4 879519438 +295 812 4 879518739 +295 843 4 879517994 +295 941 4 879518359 +295 946 2 879517994 +295 951 5 879517893 +295 961 5 879519556 +295 966 5 879518060 +295 997 3 879518821 +295 1028 5 879519556 +295 1039 4 879517742 +295 1040 2 879519180 +295 1050 5 879517761 +295 1115 5 879518568 +295 1133 4 879519528 +295 1135 4 879518696 +295 1170 5 879966498 +295 1188 3 879519354 +295 1221 5 879518455 +295 1297 4 879519529 +295 1401 5 879966498 +295 1446 4 879519026 +295 1459 5 879519237 +295 1503 2 879517082 +296 1 5 884196689 +296 7 5 884196896 +296 9 4 884196523 +296 10 2 884196605 +296 11 5 884197131 +296 13 3 884196665 +296 14 4 884196665 +296 15 3 884196712 +296 19 5 884196524 +296 20 5 884196921 +296 22 4 884197068 +296 23 5 884197235 +296 24 2 884196605 +296 32 4 884197131 +296 45 5 884197419 +296 48 5 884197091 +296 50 5 884196469 +296 56 5 884197287 +296 83 5 884199624 +296 89 5 884197352 +296 96 5 884197287 +296 98 5 884197091 +296 111 3 884196712 +296 114 5 884198772 +296 117 3 884196741 +296 121 5 884196689 +296 124 5 884196555 +296 127 5 884196489 +296 134 5 884197264 +296 137 4 884196741 +296 150 1 884196556 +296 151 2 884196964 +296 153 4 884197419 +296 172 5 884197193 +296 179 4 884197419 +296 181 5 884198772 +296 186 3 884199624 +296 187 5 884198772 +296 194 5 884197193 +296 204 5 884199625 +296 209 4 884199625 +296 210 3 884197308 +296 211 4 884197068 +296 221 5 884196524 +296 222 5 884196640 +296 228 4 884197264 +296 238 4 884199624 +296 240 1 884196765 +296 242 4 884196057 +296 244 1 884196896 +296 246 4 884196584 +296 248 5 884196765 +296 250 2 884196689 +296 255 2 884196584 +296 256 5 884196741 +296 258 5 884196469 +296 268 4 884196238 +296 269 5 884196258 +296 272 5 884198772 +296 274 4 884196741 +296 275 4 884196555 +296 276 5 884198772 +296 277 5 884198772 +296 279 4 884196640 +296 281 2 884196985 +296 284 4 884196805 +296 285 5 884196469 +296 286 5 884196209 +296 289 3 884196351 +296 292 5 884196057 +296 297 4 884196665 +296 298 1 884196640 +296 301 5 884196284 +296 304 3 884196149 +296 309 1 884196209 +296 313 5 884196114 +296 315 5 884196351 +296 427 5 884198772 +296 429 5 884197330 +296 435 5 884197108 +296 455 1 884196921 +296 462 4 884197330 +296 469 5 884197264 +296 475 4 884196555 +296 480 5 884197068 +296 482 5 884197330 +296 483 5 884197307 +296 484 4 884197308 +296 485 5 884197235 +296 498 5 884197352 +296 504 5 884197394 +296 508 5 884196584 +296 510 5 884197264 +296 514 5 884199624 +296 544 4 884196938 +296 628 5 884196640 +296 632 5 884197264 +296 652 4 884197068 +296 654 5 884197419 +296 659 5 884198772 +296 685 4 884196896 +296 688 1 884196374 +296 696 4 884196805 +296 705 5 884197193 +296 750 5 884196150 +296 815 3 884196806 +296 845 5 884196689 +296 846 2 884196985 +296 855 5 884197352 +296 898 4 884196284 +296 923 5 884197193 +296 948 1 884196149 +296 950 4 884196741 +296 961 5 884197287 +296 963 5 884197352 +296 1007 4 884196921 +296 1009 3 884196921 +296 1073 5 884197330 +296 1142 5 884196524 +296 1251 5 884196469 +297 7 4 874954541 +297 12 5 875239619 +297 20 4 874954763 +297 22 4 875238984 +297 24 4 874954260 +297 25 4 874954497 +297 27 1 875239535 +297 28 4 875239913 +297 31 3 881708087 +297 32 4 875239267 +297 34 3 875410124 +297 42 3 875238853 +297 47 2 875240090 +297 50 5 874954541 +297 56 5 875239422 +297 57 5 875239383 +297 70 5 875239619 +297 73 2 875239691 +297 79 3 875239125 +297 86 5 875238883 +297 89 4 875239125 +297 90 4 875239942 +297 92 3 875239346 +297 95 3 875238814 +297 97 5 875239871 +297 98 5 875238579 +297 100 5 874954183 +297 102 1 875240267 +297 108 4 874955085 +297 111 3 874955085 +297 116 4 874954260 +297 118 3 875239495 +297 124 4 874954353 +297 128 4 875239346 +297 129 4 874954353 +297 133 4 875240090 +297 135 4 875238608 +297 137 5 874954425 +297 143 5 875239870 +297 144 3 875238778 +297 147 3 874955183 +297 148 3 875239619 +297 153 5 875240053 +297 156 4 875240090 +297 157 2 875238853 +297 168 5 875049192 +297 173 4 875240237 +297 175 4 875238883 +297 176 4 881708055 +297 181 4 875410178 +297 182 3 875239125 +297 183 4 875238984 +297 194 3 875239453 +297 195 1 875240053 +297 196 4 875239267 +297 197 3 875239691 +297 198 3 875238923 +297 200 3 875239092 +297 201 4 875238984 +297 202 3 875238638 +297 204 3 875239422 +297 208 4 875049192 +297 209 4 875239535 +297 210 4 875410100 +297 211 4 875240090 +297 215 2 875240133 +297 216 4 875409423 +297 218 3 875409827 +297 222 4 874954845 +297 223 5 875238638 +297 228 2 875238984 +297 231 3 875239913 +297 233 2 875239914 +297 234 3 875239018 +297 235 2 874954611 +297 238 5 875409525 +297 245 3 874954060 +297 248 3 874954814 +297 250 1 874955085 +297 257 3 874954763 +297 267 3 875409139 +297 269 4 875774037 +297 272 5 884039431 +297 273 4 874954763 +297 275 5 874954260 +297 277 3 875048641 +297 282 3 874954845 +297 284 4 874954497 +297 286 5 874953892 +297 293 3 874954844 +297 294 3 874953948 +297 300 3 874953892 +297 301 4 876529834 +297 307 4 878771124 +297 326 2 874953892 +297 338 2 881707832 +297 357 4 875238922 +297 367 2 875239018 +297 419 3 875240016 +297 423 3 875240237 +297 432 4 875239658 +297 435 3 875238726 +297 443 2 875240133 +297 448 3 875240171 +297 465 3 875238984 +297 471 3 874954611 +297 475 5 874954426 +297 479 5 875240015 +297 480 4 875238923 +297 485 3 875240267 +297 498 3 875239018 +297 515 5 874954353 +297 527 5 875239018 +297 529 3 875238778 +297 535 3 874954814 +297 546 3 874954763 +297 574 1 875239092 +297 582 4 875238814 +297 588 4 875238579 +297 596 3 874955107 +297 625 3 875240266 +297 628 4 874954497 +297 629 3 875410013 +297 652 3 875239346 +297 659 4 881708055 +297 678 3 874954093 +297 687 2 875409099 +297 690 5 876717812 +297 692 3 875239018 +297 699 4 875239658 +297 705 2 875238726 +297 716 3 875239422 +297 724 3 875238883 +297 736 4 875239975 +297 742 3 875774155 +297 746 3 875239569 +297 748 2 874954060 +297 750 5 888643345 +297 751 4 885922463 +297 752 4 888643376 +297 864 3 874954541 +297 946 2 875239092 +297 984 1 881707865 +297 1007 4 874954763 +297 1014 3 874954845 +297 1016 3 874955131 +297 1109 3 875238922 +297 1136 3 875240053 +297 1217 1 875240132 +297 1296 4 875408935 +298 8 5 884182748 +298 9 4 884126202 +298 28 4 884182725 +298 50 5 884125578 +298 69 4 884125058 +298 71 5 884183016 +298 88 5 884183236 +298 91 2 884182932 +298 98 4 884127720 +298 99 3 884127249 +298 121 4 884126202 +298 125 3 884125912 +298 132 5 884182966 +298 144 4 884182838 +298 151 3 884183952 +298 152 3 884183336 +298 153 3 884127369 +298 168 5 884182933 +298 172 4 884124993 +298 174 5 884125022 +298 178 5 884127369 +298 181 4 884125629 +298 185 3 884182774 +298 187 5 884183063 +298 193 5 884182867 +298 195 4 884183277 +298 196 4 884182891 +298 197 4 884183236 +298 199 4 884127690 +298 200 3 884183063 +298 202 3 884182867 +298 203 3 884182966 +298 204 4 884182148 +298 208 5 884182867 +298 210 5 884182891 +298 211 5 884125093 +298 213 3 884183130 +298 215 5 884182685 +298 237 5 884126240 +298 252 4 884183833 +298 261 4 884126805 +298 265 4 884127720 +298 274 3 884183640 +298 275 3 884125672 +298 276 2 884183833 +298 281 3 884183336 +298 282 4 884125629 +298 284 4 884126240 +298 286 4 884124929 +298 311 3 884126552 +298 317 4 884182806 +298 333 5 884126600 +298 356 3 884182627 +298 357 5 884181969 +298 402 3 884183063 +298 418 4 884183406 +298 419 5 884182774 +298 423 5 884183063 +298 427 5 884127369 +298 432 4 884183307 +298 465 4 884182806 +298 473 3 884183952 +298 474 4 884182806 +298 477 4 884126202 +298 479 5 884182685 +298 482 5 884182657 +298 484 4 884182627 +298 485 3 884124993 +298 486 3 884183063 +298 496 5 884127603 +298 498 5 884182573 +298 502 5 884183406 +298 503 4 884183237 +298 504 3 884127249 +298 507 4 884182657 +298 523 4 884182774 +298 526 5 884182573 +298 546 3 884184098 +298 549 4 884183307 +298 596 3 884126288 +298 604 5 884127720 +298 625 4 884183406 +298 651 5 884183063 +298 652 3 884183099 +298 660 3 884182838 +298 679 3 884183099 +298 742 3 884125553 +298 820 4 884183897 +298 842 4 884127249 +298 845 3 884183773 +298 946 3 884182868 +298 993 4 884125629 +298 1142 4 884183572 +298 1346 3 884126061 +299 1 3 877877535 +299 4 3 889503074 +299 7 3 877877847 +299 10 5 877878601 +299 12 5 877880350 +299 13 4 877877965 +299 14 4 877877775 +299 17 1 889503374 +299 20 3 877880111 +299 24 3 877877732 +299 26 4 878192601 +299 28 4 877880474 +299 32 3 877881169 +299 45 3 878192238 +299 48 4 877880612 +299 49 4 889502823 +299 50 4 877877775 +299 52 4 877880962 +299 55 2 877881061 +299 56 4 877880350 +299 59 5 877880394 +299 60 5 878192680 +299 61 4 877880648 +299 67 2 889503740 +299 70 3 877881320 +299 71 3 878192238 +299 72 3 889503305 +299 73 2 889503265 +299 77 3 878192638 +299 81 4 889504036 +299 83 5 878192344 +299 86 4 889502050 +299 89 5 878192756 +299 91 4 889501654 +299 93 2 877877775 +299 95 3 889501654 +299 97 4 878192680 +299 98 4 877881229 +299 99 3 889501790 +299 100 3 877877600 +299 101 2 889501721 +299 111 3 877878184 +299 114 4 878191943 +299 115 3 877880474 +299 118 2 877880111 +299 127 5 877877434 +299 134 4 878192311 +299 135 4 878191889 +299 136 4 878192078 +299 137 4 877877535 +299 143 3 877880612 +299 144 4 877881320 +299 150 5 877877535 +299 151 4 877878227 +299 152 4 877880474 +299 153 3 877881320 +299 154 4 878191943 +299 165 4 889501890 +299 166 4 889501926 +299 168 4 878192039 +299 169 4 878192555 +299 170 5 889501190 +299 173 5 889501163 +299 174 4 877880961 +299 175 5 879123190 +299 176 4 880699166 +299 179 4 878191943 +299 181 3 877877479 +299 182 3 878192039 +299 186 3 889503233 +299 194 3 877881229 +299 198 4 889501288 +299 202 4 889501325 +299 207 3 877880394 +299 208 4 878191995 +299 210 4 889502980 +299 211 4 877880961 +299 212 4 878191889 +299 213 5 878192555 +299 216 5 889502688 +299 222 2 877878148 +299 229 3 878192429 +299 235 1 877878184 +299 238 4 877880852 +299 239 3 878192601 +299 240 2 877878414 +299 241 3 889502640 +299 244 2 877878001 +299 248 5 877877933 +299 257 2 877877732 +299 270 4 878052375 +299 271 3 879737472 +299 274 3 877878339 +299 276 4 877877691 +299 278 3 877879980 +299 285 5 877877847 +299 286 4 877618524 +299 294 2 877618584 +299 297 3 877877691 +299 303 3 877618584 +299 305 3 879737314 +299 313 3 887135516 +299 318 4 877880649 +299 319 3 889501480 +299 333 4 892249868 +299 343 3 881605700 +299 347 4 887135610 +299 354 4 888854746 +299 367 4 878192497 +299 378 3 878192680 +299 381 3 889502198 +299 384 3 889503774 +299 387 2 889502756 +299 393 2 889503503 +299 396 4 889503503 +299 399 2 889503373 +299 402 3 889502865 +299 408 4 877877847 +299 418 4 889501790 +299 423 3 878192238 +299 433 5 889501365 +299 435 3 877881061 +299 462 5 878192463 +299 475 4 877877600 +299 478 4 877880612 +299 479 4 878192556 +299 480 4 878191995 +299 481 3 877880566 +299 482 4 877881508 +299 485 4 877881320 +299 487 5 889501230 +299 496 3 878192154 +299 501 3 889501790 +299 502 4 878192756 +299 503 4 878192601 +299 509 4 877880566 +299 510 5 889501392 +299 511 4 878192311 +299 512 4 889501995 +299 513 4 877881228 +299 515 4 877877691 +299 516 4 889503159 +299 517 4 889502688 +299 522 3 877880522 +299 531 3 877880350 +299 543 5 889501890 +299 546 3 877879980 +299 553 3 889502865 +299 577 3 889503806 +299 582 2 889502159 +299 588 4 877880852 +299 597 3 877880111 +299 602 3 878191995 +299 603 3 877880474 +299 607 4 877881229 +299 615 4 878192555 +299 640 3 889501995 +299 641 4 889501514 +299 642 4 877881276 +299 645 4 877881276 +299 655 3 889502979 +299 662 4 878192429 +299 702 4 889502159 +299 710 4 877881508 +299 715 4 889503441 +299 724 3 889502687 +299 727 4 878192379 +299 730 4 889501926 +299 733 3 888855244 +299 739 3 889502865 +299 742 4 877878339 +299 747 4 889502640 +299 749 1 877618647 +299 752 3 887136060 +299 753 5 877880852 +299 778 4 889502688 +299 785 2 889502865 +299 792 4 889503112 +299 820 3 889501620 +299 847 4 877877649 +299 855 4 889502087 +299 856 3 889503334 +299 889 3 884023918 +299 916 3 892249868 +299 919 3 889501551 +299 921 3 889502087 +299 936 4 889417423 +299 950 2 877878148 +299 954 3 889503503 +299 955 4 889502823 +299 959 2 889503159 +299 970 4 877880350 +299 971 2 889502353 +299 998 2 889503774 +299 1018 3 889502324 +299 1020 4 878192237 +299 1021 3 878192721 +299 1036 2 889503856 +299 1039 4 878191779 +299 1047 2 877880041 +299 1068 3 877877600 +299 1073 4 879123070 +299 1074 3 889502786 +299 1119 4 889502727 +299 1132 1 877880196 +299 1141 4 877880522 +299 1214 2 889502528 +299 1227 1 878192556 +299 1258 2 877878451 +299 1300 2 877878382 +299 1322 3 877878001 +299 1379 3 877878080 +300 100 3 875650267 +300 243 4 875650068 +300 257 4 875650267 +300 261 3 875650018 +300 264 1 875650132 +300 294 3 875649995 +300 322 4 875650018 +300 328 3 875650068 +300 409 4 875650329 +300 687 2 875650042 +300 833 4 875650329 +300 872 5 875650068 +300 881 5 875650105 +300 948 4 875650018 +300 1012 4 875650329 +300 1094 5 875650298 +301 1 4 882074345 +301 2 2 882076587 +301 4 4 882077033 +301 7 4 882074236 +301 8 4 882076494 +301 9 3 882074291 +301 11 4 882076291 +301 12 4 882076239 +301 15 4 882074460 +301 17 4 882077142 +301 21 2 882074967 +301 22 4 882075859 +301 24 4 882074312 +301 25 3 882075110 +301 31 3 882076463 +301 33 4 882078228 +301 41 3 882079446 +301 50 5 882074647 +301 53 1 882078883 +301 54 3 882076587 +301 56 4 882076587 +301 58 4 882077285 +301 62 3 882078419 +301 66 4 882077330 +301 67 2 882078621 +301 68 4 882076558 +301 69 5 882076682 +301 71 4 882077007 +301 77 3 882076751 +301 79 5 882076403 +301 80 3 882078883 +301 88 4 882077142 +301 89 2 882076046 +301 90 3 882078360 +301 95 5 882076334 +301 96 5 882076239 +301 97 4 882076121 +301 98 4 882075827 +301 99 4 882078419 +301 100 5 882074408 +301 105 3 882075202 +301 117 5 882074584 +301 120 2 882079423 +301 122 2 882074818 +301 123 4 882074726 +301 128 5 882078228 +301 138 2 882079446 +301 145 3 882078040 +301 151 2 882074776 +301 152 3 882077285 +301 153 3 882075743 +301 154 4 882076425 +301 155 1 882078308 +301 157 2 882076021 +301 159 3 882076890 +301 160 2 882077284 +301 161 3 882076558 +301 162 3 882078287 +301 163 3 882076264 +301 164 3 882076966 +301 168 4 882075994 +301 172 5 882076403 +301 173 4 882076403 +301 174 5 882075827 +301 176 4 882075774 +301 179 3 882076494 +301 180 3 882076782 +301 182 5 882075774 +301 183 3 882076291 +301 184 4 882077222 +301 186 4 882076121 +301 187 4 882076403 +301 191 3 882075672 +301 194 4 882075827 +301 199 4 882076239 +301 201 4 882076619 +301 202 5 882076211 +301 204 5 882076264 +301 205 4 882076046 +301 210 4 882076211 +301 215 5 882077222 +301 216 4 882076782 +301 217 3 882079503 +301 218 4 882076643 +301 219 4 882078955 +301 222 4 882074345 +301 226 5 882077222 +301 227 3 882077222 +301 229 3 882078228 +301 230 4 882077033 +301 231 2 882078580 +301 232 4 882078287 +301 233 4 882077872 +301 239 2 882076682 +301 241 3 882077222 +301 249 3 882074801 +301 250 4 882074236 +301 252 3 882075148 +301 258 4 882074363 +301 269 5 882075432 +301 271 4 882075473 +301 273 1 882074800 +301 276 1 882074384 +301 281 4 882074903 +301 282 4 882074561 +301 284 4 882074708 +301 288 4 882074291 +301 294 4 882074408 +301 299 3 882075520 +301 300 4 882075500 +301 318 5 882075962 +301 323 4 882075110 +301 333 4 882075454 +301 334 3 882075500 +301 340 4 882075432 +301 357 5 882075994 +301 363 4 882078326 +301 367 4 882076619 +301 380 4 882078459 +301 384 5 882079315 +301 385 3 882077055 +301 387 3 882078084 +301 393 3 882078735 +301 395 1 882079384 +301 401 4 882078040 +301 402 2 882076915 +301 404 3 882076463 +301 407 2 882075202 +301 409 4 882075242 +301 410 4 882074460 +301 411 1 882074867 +301 412 4 882075110 +301 419 3 882076072 +301 420 3 882077285 +301 423 1 882076239 +301 425 4 882077033 +301 427 4 882075775 +301 429 4 882076072 +301 431 4 882078008 +301 443 4 882078008 +301 451 4 882078061 +301 456 3 882074838 +301 462 2 882076587 +301 470 4 882078199 +301 481 4 882075827 +301 483 4 882076403 +301 496 5 882075743 +301 503 3 882078228 +301 511 4 882075803 +301 514 3 882076021 +301 515 3 882074561 +301 519 4 882076682 +301 523 4 882076146 +301 546 4 882078228 +301 552 3 882078267 +301 554 3 882078830 +301 562 3 882077256 +301 566 3 882076463 +301 576 4 882079199 +301 582 2 882077811 +301 597 3 882075202 +301 604 4 882075994 +301 606 3 882076890 +301 610 3 882077176 +301 631 1 882078882 +301 636 3 882077811 +301 651 5 882075994 +301 655 1 882076187 +301 658 3 882076463 +301 660 4 882076782 +301 673 4 882076751 +301 678 2 882075386 +301 684 3 882077330 +301 685 3 882074867 +301 686 4 882078008 +301 692 3 882076619 +301 710 3 882078008 +301 719 4 882079542 +301 721 3 882076494 +301 732 4 882077351 +301 735 2 882077871 +301 737 2 882078906 +301 742 4 882074437 +301 743 2 882075356 +301 755 4 882078308 +301 756 4 882074932 +301 758 3 882075242 +301 771 2 882079256 +301 772 3 882078250 +301 790 4 882078621 +301 797 4 882078558 +301 802 2 882078883 +301 820 3 882075082 +301 831 4 882075338 +301 849 4 882078883 +301 864 4 882075110 +301 866 4 882075171 +301 871 4 882075148 +301 959 4 882078778 +301 1012 4 882074613 +301 1013 3 882075286 +301 1028 5 882074801 +301 1035 4 882078809 +301 1052 1 882075386 +301 1091 3 882079353 +301 1112 4 882079294 +301 1228 4 882079423 +301 1230 1 882079221 +302 245 2 879436911 +302 258 3 879436739 +302 266 2 879436981 +302 270 2 879436785 +302 271 4 879436911 +302 289 3 879436874 +302 294 1 879436911 +302 299 2 879436932 +302 303 2 879436785 +302 307 4 879436739 +302 309 2 879436820 +302 322 2 879436875 +302 323 2 879436875 +302 328 3 879436844 +302 333 3 879436785 +302 358 3 879436981 +302 748 1 879436739 +302 879 2 879436960 +303 1 5 879466966 +303 4 4 879467936 +303 5 2 879484534 +303 7 4 879467514 +303 8 5 879467223 +303 9 5 879466830 +303 15 3 879467607 +303 17 4 879466830 +303 21 2 879484004 +303 22 5 879467413 +303 23 5 879467936 +303 24 3 879468047 +303 26 4 879468307 +303 31 3 879467361 +303 33 4 879468021 +303 38 1 879484981 +303 41 5 879485686 +303 42 5 879467223 +303 43 3 879485507 +303 44 4 879484480 +303 46 3 879467706 +303 47 5 879467959 +303 49 2 879483901 +303 55 4 879467328 +303 62 2 879484159 +303 63 1 879484327 +303 65 4 879467436 +303 67 5 879485401 +303 68 4 879467361 +303 69 5 879467542 +303 70 4 879467739 +303 71 3 879468179 +303 72 3 879485111 +303 73 3 879484918 +303 77 4 879483978 +303 79 5 879466891 +303 80 4 879484563 +303 81 4 879466866 +303 82 4 879467465 +303 83 5 879467607 +303 85 3 879484588 +303 87 3 879466421 +303 88 4 879468307 +303 91 5 879483480 +303 92 4 879467131 +303 93 5 879467223 +303 94 3 879485318 +303 96 5 879466830 +303 97 5 879468459 +303 99 4 879467514 +303 111 3 879467639 +303 116 5 879466771 +303 118 2 879485623 +303 120 2 879544099 +303 121 3 879485016 +303 122 4 879485066 +303 123 4 879468149 +303 124 4 879466491 +303 125 2 879467638 +303 127 5 879466523 +303 128 4 879467542 +303 129 5 879468547 +303 132 5 879466966 +303 134 5 879467959 +303 139 3 879543209 +303 141 3 879483900 +303 143 4 879483680 +303 144 5 879467035 +303 145 1 879543573 +303 147 4 879467816 +303 150 5 879467190 +303 152 4 879468274 +303 153 5 879466421 +303 155 3 879484159 +303 158 3 879543959 +303 159 3 879484695 +303 160 4 879468375 +303 161 5 879468547 +303 164 4 879466830 +303 167 3 879468307 +303 171 4 879467105 +303 172 5 879467413 +303 173 5 879466604 +303 174 5 879466523 +303 176 5 879467260 +303 179 5 879466491 +303 181 5 879468082 +303 182 5 879467105 +303 183 5 879466866 +303 184 5 879467436 +303 185 5 879467465 +303 186 4 879467105 +303 187 5 879466631 +303 191 5 879466937 +303 194 5 879466742 +303 200 4 879468459 +303 201 5 879467573 +303 202 5 879468149 +303 203 5 879467669 +303 204 4 879466491 +303 208 5 879467706 +303 209 5 879467328 +303 210 4 879466717 +303 218 4 879484695 +303 219 5 879484480 +303 221 5 879466491 +303 226 4 879467295 +303 228 4 879467574 +303 229 3 879468581 +303 230 3 879483511 +303 231 4 879485292 +303 232 4 879467191 +303 233 4 879484981 +303 234 5 879467260 +303 235 4 879484563 +303 236 4 879468274 +303 237 5 879468307 +303 238 4 879467295 +303 240 3 879468513 +303 241 4 879483301 +303 245 3 879466249 +303 246 5 879544515 +303 248 2 879544680 +303 249 4 879544739 +303 251 4 879544533 +303 252 3 879544791 +303 255 4 879544516 +303 257 4 879544558 +303 259 3 879466116 +303 260 3 879466291 +303 262 5 879466065 +303 268 5 879466166 +303 269 5 879466018 +303 271 2 879466065 +303 273 3 879468274 +303 276 4 879467895 +303 277 3 879468547 +303 281 3 879543375 +303 282 3 879467895 +303 283 3 879467936 +303 284 4 879467465 +303 286 5 879465986 +303 287 4 879485203 +303 288 4 879466018 +303 289 2 879466065 +303 290 4 879483941 +303 291 3 879484804 +303 293 4 879544515 +303 294 4 879466116 +303 298 4 879544607 +303 300 1 879466166 +303 302 4 879465986 +303 318 5 879466523 +303 319 5 879466065 +303 323 1 879466214 +303 325 1 879466249 +303 326 2 879466116 +303 327 1 879466166 +303 330 3 879552065 +303 333 4 879466088 +303 358 2 879466291 +303 363 1 879485134 +303 364 2 879544153 +303 366 3 879485221 +303 367 4 879468082 +303 368 1 879544340 +303 369 1 879544130 +303 373 2 879544276 +303 375 2 879544276 +303 376 2 879543617 +303 384 3 879485165 +303 385 4 879467669 +303 386 4 879485352 +303 388 2 879544365 +303 390 3 879544365 +303 391 1 879485747 +303 393 4 879484981 +303 395 2 879544080 +303 396 4 879484846 +303 397 1 879543831 +303 398 1 879485372 +303 401 3 879543003 +303 402 4 879485250 +303 403 5 879468274 +303 404 4 879468375 +303 405 4 879483802 +303 408 4 879467035 +303 410 4 879484846 +303 411 4 879483802 +303 412 3 879543756 +303 416 3 879468179 +303 418 4 879483510 +303 419 4 879467328 +303 421 4 879466966 +303 425 4 879466795 +303 426 3 879542535 +303 427 4 879466547 +303 430 4 879467260 +303 432 3 879468274 +303 433 4 879467985 +303 435 5 879466491 +303 436 4 879484644 +303 449 4 879485685 +303 450 3 879544386 +303 451 5 879468581 +303 452 2 879544276 +303 460 4 879543600 +303 461 4 879484159 +303 462 3 879468082 +303 473 4 879485111 +303 474 5 879466457 +303 476 3 879485352 +303 477 3 879483827 +303 479 5 879466572 +303 480 4 879466523 +303 483 5 879466795 +303 484 5 879466966 +303 491 4 879466631 +303 501 4 879484981 +303 506 4 879467328 +303 507 5 879466604 +303 514 5 879466667 +303 531 4 879466457 +303 541 3 879543988 +303 542 2 879484194 +303 545 2 879544400 +303 546 2 879484373 +303 549 3 879484846 +303 551 2 879544021 +303 554 2 879484500 +303 558 4 879467105 +303 559 4 879467670 +303 562 4 879485447 +303 564 1 879485447 +303 568 4 879468414 +303 569 3 879484159 +303 574 1 879544184 +303 576 3 879485417 +303 577 3 879544340 +303 578 2 879484846 +303 582 4 879483462 +303 583 1 879483901 +303 588 5 879468459 +303 591 4 879468082 +303 595 2 879484421 +303 596 4 879468274 +303 597 1 879485204 +303 615 4 879467413 +303 627 3 879484733 +303 631 4 879483617 +303 634 3 879467035 +303 636 3 879484695 +303 651 5 879468021 +303 653 4 879466937 +303 654 5 879467328 +303 655 5 879483568 +303 665 4 879485475 +303 670 2 879544062 +303 679 2 879484534 +303 685 1 879485089 +303 687 1 879544923 +303 693 4 879466771 +303 697 3 879484948 +303 700 3 879485718 +303 705 5 879467105 +303 716 2 879467639 +303 722 2 879485372 +303 725 1 879544153 +303 729 3 879483568 +303 734 1 879543711 +303 735 4 879483567 +303 738 2 879544276 +303 739 5 879468547 +303 742 4 879484899 +303 744 3 879467607 +303 746 4 879467514 +303 748 2 879466214 +303 755 2 879485016 +303 759 1 879544385 +303 763 4 879485319 +303 765 3 879485608 +303 773 4 879466891 +303 778 4 879467815 +303 779 1 879543418 +303 783 2 879543756 +303 785 3 879485318 +303 790 4 879485507 +303 792 5 879484644 +303 805 4 879485475 +303 809 2 879543524 +303 813 4 879467985 +303 815 3 879485532 +303 820 3 879544184 +303 824 3 879483901 +303 825 3 879485016 +303 829 2 879485814 +303 831 4 879544080 +303 833 2 879484327 +303 840 2 879543988 +303 842 2 879484804 +303 844 3 879468179 +303 845 4 879485221 +303 849 3 879485589 +303 866 2 879485277 +303 867 3 879484373 +303 869 2 879485703 +303 873 3 879466214 +303 875 4 879466291 +303 919 4 879467295 +303 926 2 879485814 +303 939 3 879467739 +303 940 2 879485659 +303 943 2 879467815 +303 948 2 879466249 +303 956 4 879466421 +303 993 2 879544576 +303 997 2 879544219 +303 998 3 879544435 +303 1007 5 879544576 +303 1011 2 879484282 +303 1012 4 879544712 +303 1014 3 879544588 +303 1016 3 879544727 +303 1021 4 879484643 +303 1023 2 879544898 +303 1034 1 879544184 +303 1037 3 879544340 +303 1039 5 879466457 +303 1040 1 879485844 +303 1041 2 879485507 +303 1044 3 879485685 +303 1046 3 879468375 +303 1047 2 879485277 +303 1048 4 879484871 +303 1052 2 879544365 +303 1071 2 879485352 +303 1086 1 879468021 +303 1088 2 879544946 +303 1090 1 879485686 +303 1092 1 879544435 +303 1095 2 879543988 +303 1097 3 879466523 +303 1098 4 879467959 +303 1109 4 879467936 +303 1118 3 879484004 +303 1135 2 879485589 +303 1160 2 879544629 +303 1178 2 879544130 +303 1182 2 879543459 +303 1187 4 879467895 +303 1188 4 879485204 +303 1199 3 879468123 +303 1209 2 879544021 +303 1210 1 879543773 +303 1217 1 879484948 +303 1220 2 879484899 +303 1222 3 879468513 +303 1224 2 879485475 +303 1226 4 879544713 +303 1228 2 879543459 +303 1230 1 879485447 +303 1239 1 879544020 +303 1258 2 879544756 +303 1267 3 879484327 +303 1286 4 879467413 +303 1303 3 879543831 +303 1315 3 879544791 +303 1335 3 879485048 +303 1337 1 879485770 +303 1407 1 879544063 +303 1508 1 879544130 +303 1509 1 879544435 +304 237 5 884968415 +304 243 3 884967391 +304 259 1 884967253 +304 271 4 884968415 +304 274 4 884968415 +304 275 4 884968264 +304 288 3 884966696 +304 298 5 884968415 +304 310 3 884966697 +304 322 4 884968415 +304 323 3 884967391 +304 343 3 884967896 +304 681 2 884967167 +304 682 3 884967520 +304 742 3 884968078 +304 763 4 884968415 +304 879 3 884966972 +304 893 3 884967520 +305 1 5 886323153 +305 2 2 886324580 +305 7 4 886323937 +305 11 1 886323237 +305 13 3 886323998 +305 14 4 886322893 +305 15 1 886322796 +305 33 3 886325627 +305 45 5 886323275 +305 48 5 886323591 +305 49 3 886324962 +305 50 5 886321799 +305 52 2 886323506 +305 56 1 886323068 +305 59 3 886322758 +305 60 3 886324097 +305 61 4 886323378 +305 66 3 886325023 +305 69 3 886324299 +305 71 3 886323684 +305 76 1 886323506 +305 79 3 886324276 +305 81 3 886323335 +305 83 3 886323464 +305 86 4 886323757 +305 87 1 886323153 +305 89 3 886322719 +305 97 4 886322560 +305 98 4 886322560 +305 100 3 886323648 +305 117 2 886324028 +305 127 5 886322412 +305 129 3 886323006 +305 131 3 886323440 +305 134 5 886322560 +305 143 3 886323275 +305 144 2 886323068 +305 151 4 886324433 +305 154 4 886322670 +305 156 4 886323068 +305 160 4 886323937 +305 165 4 886323153 +305 166 4 886322719 +305 169 5 886322893 +305 172 4 886323757 +305 173 3 886322670 +305 174 3 886322635 +305 175 4 886322893 +305 176 4 886323839 +305 178 4 886322966 +305 179 1 886323966 +305 183 4 886324028 +305 186 4 886323902 +305 187 4 886323189 +305 188 2 886323757 +305 189 5 886323303 +305 190 3 886322966 +305 191 3 886322966 +305 192 2 886323275 +305 196 4 886324097 +305 197 2 886322758 +305 198 4 886322838 +305 201 3 886323998 +305 203 4 886323839 +305 204 2 886323998 +305 207 5 886323839 +305 209 5 886322966 +305 210 3 886323006 +305 212 3 886324058 +305 214 2 886323068 +305 216 5 886323563 +305 222 2 886323378 +305 228 2 886323998 +305 237 2 886322796 +305 238 3 886323617 +305 239 3 886323153 +305 242 5 886307828 +305 245 1 886308147 +305 246 3 886322122 +305 249 3 886322174 +305 257 2 886322122 +305 258 4 886308064 +305 268 3 886307860 +305 269 4 886307948 +305 272 3 886307917 +305 275 2 886323153 +305 282 3 886323806 +305 285 5 886322930 +305 287 3 886324097 +305 289 4 886308064 +305 298 4 886322150 +305 300 3 886307828 +305 302 4 886307860 +305 305 3 886307860 +305 311 5 886307971 +305 318 3 886322560 +305 326 2 886307917 +305 338 3 886308252 +305 347 3 886308111 +305 357 5 886323189 +305 382 5 886323617 +305 385 1 886324792 +305 403 2 886324792 +305 405 3 886324580 +305 408 5 886323189 +305 423 4 886322670 +305 425 4 886324486 +305 427 5 886323090 +305 428 3 886323902 +305 431 4 886323806 +305 433 2 886324792 +305 451 3 886324817 +305 462 5 886323525 +305 464 3 886322796 +305 469 2 886323757 +305 471 4 886323648 +305 474 5 886322838 +305 475 4 886324199 +305 478 3 886323275 +305 482 2 886323006 +305 483 5 886323068 +305 484 3 886322838 +305 485 2 886323648 +305 486 5 886323563 +305 505 3 886323006 +305 511 4 886322560 +305 512 4 886323525 +305 527 5 886323189 +305 528 4 886323378 +305 529 5 886324097 +305 530 5 886323237 +305 550 3 886325023 +305 557 4 886324521 +305 566 3 886324486 +305 597 2 886324551 +305 602 3 886324058 +305 610 3 886324128 +305 638 5 886324128 +305 650 4 886323406 +305 654 4 886323937 +305 655 4 886323937 +305 660 4 886324734 +305 663 3 886323591 +305 679 3 886324792 +305 684 3 886323591 +305 708 3 886324963 +305 709 5 886324221 +305 713 4 886323115 +305 729 3 886324712 +305 733 3 886324661 +305 749 2 886308111 +305 770 3 886324521 +305 778 4 886325023 +305 806 3 886322720 +305 845 3 886323335 +305 856 5 886323839 +305 863 4 886324387 +305 865 3 886323563 +305 921 5 886324410 +305 923 5 886323237 +305 943 2 886323464 +305 947 4 886322838 +305 960 1 886324362 +305 961 3 886323440 +305 1018 5 886324580 +305 1074 2 886324330 +305 1101 4 886323563 +305 1104 4 886323779 +305 1286 5 886324687 +305 1411 3 886324865 +305 1456 4 886324962 +305 1485 3 886323902 +306 13 4 876504442 +306 14 5 876503995 +306 19 5 876503995 +306 25 3 876504354 +306 100 4 876504286 +306 116 5 876504026 +306 150 5 876504286 +306 235 4 876504354 +306 242 5 876503793 +306 257 4 876504354 +306 258 2 876503793 +306 269 5 876503792 +306 275 4 876503894 +306 283 3 876503995 +306 285 4 876504354 +306 287 4 876504442 +306 289 3 876503793 +306 303 3 876503793 +306 306 5 876503792 +306 319 4 876503793 +306 476 3 876504679 +306 741 1 876504286 +306 744 4 876504054 +306 864 3 876504286 +306 1009 4 876503995 +306 1028 2 876504581 +306 1251 5 876504026 +306 1514 4 876504614 +307 21 4 876433101 +307 22 3 879205470 +307 24 4 876176161 +307 50 5 879284239 +307 62 3 881966033 +307 64 4 879283371 +307 70 4 877121347 +307 71 5 879283169 +307 72 3 877122721 +307 81 5 879283091 +307 82 4 875645340 +307 89 5 879283786 +307 91 4 879283514 +307 94 3 877122695 +307 99 4 879283449 +307 100 3 879206424 +307 101 3 888095824 +307 109 5 879283787 +307 114 5 879283169 +307 121 1 879114143 +307 132 4 879283333 +307 143 3 879283203 +307 145 4 879283672 +307 153 5 875681145 +307 154 5 879282952 +307 161 3 879205470 +307 163 3 879283384 +307 164 4 879283514 +307 168 5 879283798 +307 169 5 879283625 +307 172 5 879283786 +307 173 5 879283786 +307 174 4 879283480 +307 175 4 877117651 +307 178 3 877118976 +307 183 3 877121921 +307 186 5 879283625 +307 189 4 877121617 +307 193 3 879205470 +307 195 3 879205470 +307 196 3 879205470 +307 197 4 877122115 +307 214 5 879283091 +307 222 4 879538922 +307 228 5 879538921 +307 229 5 879538921 +307 239 3 877122138 +307 258 5 879283786 +307 265 3 877122816 +307 269 4 879283333 +307 313 5 888095725 +307 393 3 877123041 +307 402 2 879283362 +307 403 3 877122035 +307 408 5 875645579 +307 423 5 879283587 +307 427 3 877121988 +307 428 4 877118113 +307 431 4 877123333 +307 433 5 879283625 +307 449 4 879538922 +307 450 2 879538922 +307 462 4 879284095 +307 463 5 879283786 +307 472 3 877123683 +307 474 5 879283787 +307 483 5 875680937 +307 505 3 879205470 +307 509 3 877121019 +307 511 5 879282952 +307 515 4 875680871 +307 527 5 878066938 +307 580 4 879283514 +307 588 4 877118284 +307 634 3 879283385 +307 655 4 877117166 +307 687 1 879114143 +307 708 4 879283322 +307 736 3 877118152 +307 746 4 875681078 +307 831 1 879114143 +307 949 4 877123315 +307 1022 4 879283008 +307 1028 4 875746067 +307 1065 3 879205470 +307 1110 4 877122208 +307 1140 2 879114143 +307 1411 4 877124058 +308 1 4 887736532 +308 4 5 887737890 +308 5 4 887739608 +308 7 4 887738847 +308 9 4 887737194 +308 12 5 887737243 +308 17 4 887739056 +308 22 4 887737647 +308 25 4 887740649 +308 28 3 887737036 +308 42 4 887738191 +308 44 4 887740451 +308 45 4 887736843 +308 47 4 887738933 +308 50 5 887737431 +308 54 2 887740254 +308 55 3 887738760 +308 58 3 887736459 +308 59 4 887737647 +308 60 3 887737760 +308 61 3 887739336 +308 64 4 887737383 +308 66 4 887740788 +308 69 2 887738664 +308 70 4 887737244 +308 72 4 887740451 +308 73 3 887738972 +308 74 4 887740184 +308 77 3 887740788 +308 79 4 887737593 +308 81 5 887737293 +308 85 4 887741245 +308 87 4 887737760 +308 89 5 887738057 +308 91 4 887737536 +308 95 4 887737130 +308 98 3 887737334 +308 99 4 887738057 +308 100 5 887736797 +308 107 4 887741150 +308 109 3 887738894 +308 116 4 887737594 +308 121 3 887739471 +308 122 4 887742165 +308 124 4 887737647 +308 127 4 887737243 +308 129 5 887736925 +308 131 4 887739383 +308 132 3 887737891 +308 133 3 887738225 +308 134 5 887737686 +308 139 3 887741179 +308 141 3 887739891 +308 144 3 887737956 +308 147 3 887739831 +308 151 4 887741795 +308 152 5 887739292 +308 153 5 887737484 +308 154 4 887738152 +308 156 4 887738057 +308 160 4 887738717 +308 161 3 887740788 +308 163 4 887737084 +308 164 4 887738664 +308 165 3 887736696 +308 166 3 887737837 +308 168 4 887737593 +308 169 5 887736532 +308 170 3 887737130 +308 172 4 887736532 +308 174 4 887736696 +308 175 5 887736999 +308 177 5 887738570 +308 178 4 887737719 +308 179 4 887736584 +308 180 5 887737997 +308 181 4 887739095 +308 182 5 887737194 +308 183 4 887736695 +308 184 4 887738847 +308 185 4 887736925 +308 187 5 887738760 +308 191 4 887736797 +308 192 5 887736696 +308 193 3 887737837 +308 194 5 887739257 +308 196 3 887739951 +308 197 3 887736743 +308 199 4 887737760 +308 200 5 887738933 +308 203 5 887737997 +308 204 4 887737891 +308 205 3 887738191 +308 210 4 887737130 +308 211 4 887737535 +308 215 3 887737483 +308 218 5 887738717 +308 219 3 887738717 +308 223 4 887737130 +308 226 3 887740833 +308 230 4 887739014 +308 233 3 887738346 +308 234 3 887737084 +308 238 5 887736843 +308 255 4 887741693 +308 257 4 887741526 +308 259 3 887736408 +308 264 2 887736408 +308 265 3 887737647 +308 273 2 887737084 +308 274 3 887738760 +308 283 3 887737194 +308 284 4 887741554 +308 285 5 887736622 +308 291 3 887739472 +308 293 4 887741415 +308 295 3 887741461 +308 298 5 887741383 +308 309 1 887736408 +308 313 3 887736408 +308 319 4 887736408 +308 321 3 887736408 +308 322 2 887736408 +308 356 3 887740833 +308 365 3 887739915 +308 378 3 887740700 +308 382 4 887739521 +308 385 4 887740099 +308 392 4 887740367 +308 393 4 887740367 +308 396 4 887740099 +308 402 4 887740700 +308 410 4 887741329 +308 411 4 887739987 +308 417 3 887740254 +308 420 4 887740216 +308 425 4 887737997 +308 427 4 887736584 +308 429 4 887737890 +308 433 5 887738301 +308 434 4 887736584 +308 435 4 887737484 +308 436 4 887739257 +308 443 3 887740500 +308 447 4 887739056 +308 449 3 887741003 +308 452 2 887741329 +308 455 4 887738226 +308 461 4 887737535 +308 463 4 887738057 +308 466 5 887738387 +308 467 4 887737194 +308 471 3 887739382 +308 472 2 887739336 +308 475 4 887737193 +308 477 4 887739257 +308 479 5 887738346 +308 480 4 887736532 +308 481 4 887737997 +308 483 3 887736843 +308 484 3 887736998 +308 485 3 887737719 +308 486 4 887737432 +308 487 4 887736798 +308 488 4 887736696 +308 490 4 887738104 +308 492 3 887737535 +308 493 3 887737293 +308 496 3 887736532 +308 498 5 887736584 +308 501 4 887740099 +308 502 5 887739521 +308 504 4 887738570 +308 505 3 887737647 +308 506 4 887738191 +308 507 3 887738893 +308 509 4 887738717 +308 511 5 887737130 +308 513 3 887736584 +308 514 4 887738619 +308 515 3 887737536 +308 516 4 887736743 +308 519 4 887737997 +308 520 4 887738508 +308 521 3 887736798 +308 525 5 887738847 +308 526 3 887739426 +308 528 3 887737036 +308 530 4 887736584 +308 537 4 887739136 +308 546 3 887740500 +308 550 4 887738847 +308 559 4 887740367 +308 567 4 887741329 +308 569 3 887740410 +308 578 2 887738847 +308 579 3 887740700 +308 581 4 887740500 +308 582 3 887736843 +308 583 4 887737483 +308 584 4 887738717 +308 588 5 887738893 +308 589 4 887737760 +308 603 5 887736743 +308 607 3 887737084 +308 609 4 887739757 +308 610 4 887738847 +308 611 4 887738971 +308 613 4 887738620 +308 614 3 887739757 +308 615 3 887739213 +308 616 2 887739800 +308 618 4 887737955 +308 628 3 887738104 +308 629 4 887738894 +308 632 3 887738057 +308 633 4 887739257 +308 634 4 887737334 +308 637 3 887741108 +308 640 4 887737036 +308 642 5 887738226 +308 649 4 887739292 +308 653 5 887736999 +308 654 5 887736881 +308 656 3 887736622 +308 657 4 887736696 +308 659 3 887736532 +308 660 3 887740410 +308 661 4 887736532 +308 664 5 887736999 +308 665 4 887741003 +308 671 4 887739014 +308 673 4 887737243 +308 675 4 887740367 +308 684 3 887737593 +308 686 4 887739831 +308 692 3 887738469 +308 693 3 887738104 +308 705 5 887737837 +308 709 3 887737334 +308 729 3 887740254 +308 736 3 887738760 +308 739 4 887739639 +308 741 4 887739863 +308 742 4 887739172 +308 746 4 887739056 +308 747 3 887740033 +308 755 3 887740033 +308 770 4 887738057 +308 778 3 887740603 +308 792 3 887737594 +308 802 3 887738717 +308 805 4 887739471 +308 806 4 887737594 +308 811 4 887739212 +308 822 4 887739472 +308 824 3 887742013 +308 826 3 887739427 +308 843 3 887739095 +308 848 4 887736925 +308 853 5 887736797 +308 863 3 887736881 +308 921 4 887738268 +308 942 3 887737432 +308 959 3 887739335 +308 962 4 887738104 +308 965 4 887738387 +308 966 3 887740500 +308 968 4 887739987 +308 1006 4 887739608 +308 1019 4 887738570 +308 1021 4 887736459 +308 1028 2 887738972 +308 1045 4 887740033 +308 1046 4 887740649 +308 1047 3 887742130 +308 1065 5 887739382 +308 1073 3 887736798 +308 1074 3 887741271 +308 1118 4 887740500 +308 1121 3 887737647 +308 1135 4 887740099 +308 1140 4 887740933 +308 1147 4 887738387 +308 1169 5 887739136 +308 1197 4 887739521 +308 1211 3 887739669 +308 1286 3 887738151 +308 1404 4 887739257 +308 1421 4 887739212 +308 1515 4 887738346 +309 242 4 877370319 +309 258 5 877370288 +309 286 4 877370383 +309 300 3 877370288 +309 303 2 877370319 +309 306 2 877370356 +309 324 3 877370419 +309 326 5 877370383 +309 333 3 877370419 +309 690 3 877370319 +309 879 4 877370319 +309 938 4 877370383 +309 989 3 877370383 +309 1393 2 877370383 +310 14 5 879436268 +310 24 4 879436242 +310 50 5 879436177 +310 116 5 879436104 +310 181 4 879436104 +310 222 3 879436062 +310 251 5 879436035 +310 257 5 879436576 +310 258 3 879435606 +310 274 3 879436534 +310 275 5 879436137 +310 294 1 879436712 +310 304 5 879435664 +310 536 4 879436137 +310 740 4 879436292 +310 748 3 879435729 +310 832 1 879436035 +310 845 5 879436534 +310 1022 5 879435764 +310 1142 5 879436467 +311 1 4 884963202 +311 5 3 884365853 +311 9 4 884963365 +311 15 5 884963136 +311 22 4 884364538 +311 28 5 884365140 +311 38 3 884365954 +311 39 4 884364999 +311 41 3 884366439 +311 43 4 884366227 +311 44 3 884365168 +311 47 2 884365654 +311 50 5 884365075 +311 51 4 884366010 +311 54 4 884366439 +311 56 5 884364437 +311 58 3 884364570 +311 62 3 884365929 +311 64 5 884364502 +311 66 4 884365325 +311 68 1 884365824 +311 69 5 884364999 +311 70 4 884364999 +311 71 4 884364845 +311 73 4 884366187 +311 76 4 884365140 +311 79 4 884364623 +311 81 3 884365451 +311 82 5 884364436 +311 83 5 884364812 +311 86 5 884365252 +311 88 4 884365450 +311 89 5 884364845 +311 91 3 884366439 +311 94 3 884366187 +311 96 5 884365653 +311 97 4 884365357 +311 98 5 884364502 +311 99 5 884365075 +311 117 4 884366852 +311 118 3 884963203 +311 125 4 884963179 +311 131 3 884365252 +311 132 4 884365548 +311 134 5 884364502 +311 135 4 884366617 +311 136 5 884365357 +311 141 4 884366187 +311 143 3 884364812 +311 161 4 884365579 +311 168 4 884365406 +311 170 5 884364999 +311 172 5 884364763 +311 174 5 884364538 +311 178 5 884364437 +311 179 2 884365357 +311 180 4 884364764 +311 181 4 884364724 +311 183 5 884365519 +311 186 3 884364464 +311 187 4 884364764 +311 188 4 884364437 +311 192 3 884366528 +311 193 5 884365075 +311 195 4 884364538 +311 198 3 884364812 +311 199 4 884365485 +311 200 4 884365718 +311 203 5 884365201 +311 204 5 884365617 +311 205 5 884365357 +311 208 4 884365104 +311 210 5 884364652 +311 211 3 884364538 +311 212 3 884366397 +311 213 4 884365075 +311 222 4 884366852 +311 226 4 884366397 +311 227 4 884365617 +311 229 5 884365890 +311 230 5 884364931 +311 231 4 884365746 +311 232 3 884364812 +311 233 4 884365889 +311 234 4 884364873 +311 238 4 884365357 +311 239 3 884365284 +311 241 3 884364695 +311 258 4 884363706 +311 265 5 884364812 +311 275 4 884963136 +311 282 5 884963228 +311 310 4 884363865 +311 315 5 884364108 +311 318 5 884364569 +311 322 4 884364047 +311 326 2 884364047 +311 329 4 884363904 +311 348 4 884364108 +311 365 4 884365580 +311 366 5 884366010 +311 367 3 884365780 +311 371 5 884366137 +311 378 5 884366363 +311 380 4 884366067 +311 385 5 884365284 +311 386 3 884365747 +311 387 4 884365654 +311 392 5 884366067 +311 393 4 884366066 +311 402 4 884366187 +311 403 4 884365889 +311 404 3 884365406 +311 415 3 884365654 +311 417 3 884366035 +311 418 4 884365202 +311 419 3 884364931 +311 420 1 884366334 +311 425 2 884365140 +311 428 4 884366111 +311 431 4 884365201 +311 432 4 884365485 +311 433 3 884364931 +311 436 3 884366269 +311 443 3 884365718 +311 448 5 884365718 +311 451 3 884366397 +311 469 5 884366227 +311 470 3 884365140 +311 471 4 884963254 +311 480 4 884364593 +311 482 4 884365104 +311 484 4 884366590 +311 485 1 884364538 +311 487 4 884365519 +311 491 4 884365168 +311 493 4 884364465 +311 494 4 884364593 +311 495 4 884366066 +311 496 5 884364593 +311 499 4 884365519 +311 505 4 884365451 +311 510 4 884366545 +311 511 4 884365202 +311 515 4 884365485 +311 518 3 884365451 +311 523 5 884364694 +311 526 5 884364873 +311 527 4 884365780 +311 528 4 884364724 +311 550 3 884364812 +311 553 3 884365451 +311 559 2 884366187 +311 566 4 884366112 +311 568 5 884365325 +311 570 4 884365890 +311 576 3 884366269 +311 578 2 884365930 +311 581 3 884366137 +311 588 4 884365284 +311 592 5 884364845 +311 604 3 884364570 +311 614 4 884365357 +311 623 2 884366112 +311 627 4 884366067 +311 630 5 884365929 +311 642 4 884365823 +311 645 5 884366111 +311 650 3 884364846 +311 654 3 884365075 +311 655 4 884365406 +311 660 4 884365252 +311 661 3 884365075 +311 662 4 884365018 +311 671 3 884365954 +311 679 4 884365580 +311 692 4 884364652 +311 699 4 884365075 +311 705 3 884365201 +311 708 5 884366397 +311 715 2 884365746 +311 716 4 884365718 +311 720 3 884366307 +311 723 4 884366187 +311 726 3 884366035 +311 735 4 884366637 +311 739 4 884365823 +311 747 3 884364502 +311 748 4 884364071 +311 751 3 884363758 +311 755 4 884366035 +311 761 3 884366067 +311 775 3 884365579 +311 778 4 884365251 +311 781 2 884366307 +311 785 3 884366010 +311 796 3 884365889 +311 845 4 884366824 +311 849 3 884365781 +311 921 4 884364695 +311 939 2 884364694 +311 941 4 884365929 +311 942 5 884366112 +311 944 4 884366439 +311 946 4 884366270 +311 951 3 884365548 +311 965 3 884365686 +311 966 4 884365617 +311 967 3 884364764 +311 1035 4 884365954 +311 1046 3 884366307 +311 1050 3 884365485 +311 1093 5 884963180 +311 1116 3 884364623 +311 1217 3 884365686 +311 1222 3 884366010 +311 1232 4 884366439 +311 1297 4 884365654 +311 1479 3 884365824 +312 4 3 891698832 +312 8 5 891699263 +312 10 5 891699455 +312 14 5 891698664 +312 23 4 891698613 +312 28 4 891698300 +312 50 5 891698300 +312 52 5 891699399 +312 57 5 891699599 +312 83 4 891699538 +312 91 3 891699655 +312 96 5 891699040 +312 97 5 891698391 +312 98 4 891698300 +312 100 4 891698613 +312 114 5 891698793 +312 121 3 891698174 +312 124 3 891698726 +312 131 5 891699702 +312 132 5 891699121 +312 133 5 891699296 +312 134 5 891698764 +312 136 5 891698613 +312 137 3 891698224 +312 143 4 891698893 +312 144 1 891698987 +312 151 2 891698832 +312 152 2 891698485 +312 153 2 891699491 +312 156 3 891698224 +312 157 1 891698516 +312 169 5 891698893 +312 170 5 891698553 +312 172 4 891699677 +312 173 3 891699345 +312 177 3 891698832 +312 178 5 891698553 +312 179 5 891698793 +312 180 4 891698174 +312 181 4 891699426 +312 183 5 891699182 +312 188 3 891698793 +312 189 5 891698516 +312 190 5 891698865 +312 194 4 891699207 +312 195 5 891698254 +312 197 4 891698764 +312 199 5 891698516 +312 204 4 891698254 +312 205 5 891699372 +312 209 3 891699207 +312 213 5 891699067 +312 222 3 891698764 +312 223 5 891698485 +312 228 3 891699040 +312 234 5 891712535 +312 238 3 891699510 +312 241 3 891699655 +312 265 1 891698696 +312 269 5 891698130 +312 275 5 891698553 +312 357 5 891698987 +312 382 4 891699568 +312 408 4 891698174 +312 419 3 891699182 +312 427 5 891698224 +312 429 5 891698951 +312 430 5 891699426 +312 435 4 891699702 +312 443 4 891698951 +312 459 4 891698365 +312 474 5 891698454 +312 479 5 891698365 +312 480 5 891698224 +312 481 5 891698893 +312 482 5 891698613 +312 483 5 891699156 +312 484 5 891698174 +312 485 4 891699345 +312 489 5 891699321 +312 490 5 891699655 +312 494 5 891698454 +312 495 4 891699372 +312 496 5 891698664 +312 498 5 891699568 +312 499 4 891699296 +312 503 5 891699010 +312 506 4 891699121 +312 507 5 891698300 +312 509 5 891699490 +312 511 5 891699156 +312 513 5 891698300 +312 516 3 891699626 +312 520 5 891698254 +312 525 5 891698424 +312 528 5 891698695 +312 529 5 891699121 +312 530 5 891698921 +312 543 5 891698424 +312 557 5 891699599 +312 573 5 891712535 +312 584 5 891699263 +312 587 3 891699399 +312 588 5 891699490 +312 589 5 891698695 +312 593 5 891698987 +312 596 5 891699626 +312 601 5 891699067 +312 602 4 891699263 +312 603 5 891698454 +312 604 5 891698613 +312 606 5 891698300 +312 607 5 891698424 +312 609 3 891698634 +312 610 5 891698921 +312 611 5 891698764 +312 612 5 891699263 +312 614 4 891698865 +312 615 4 891698893 +312 618 5 891698300 +312 631 5 891699599 +312 638 5 891698580 +312 639 5 891698391 +312 640 2 891698951 +312 641 5 891698300 +312 644 5 891698987 +312 647 5 891698726 +312 648 5 891699068 +312 656 5 891699156 +312 657 5 891698485 +312 659 5 891699321 +312 660 4 891699321 +312 661 5 891698726 +312 673 5 891699426 +312 675 5 891698485 +312 676 3 891699295 +312 692 4 891699426 +312 705 5 891698553 +312 713 5 891698334 +312 730 3 891699568 +312 740 4 891699568 +312 813 5 891698516 +312 836 5 891698921 +312 847 3 891698174 +312 919 3 891699263 +312 921 5 891699295 +312 945 5 891699068 +312 967 3 891699321 +312 968 5 891698987 +312 1021 3 891698365 +312 1039 5 891698951 +312 1050 5 891698832 +312 1116 3 891698334 +312 1124 4 891698553 +312 1172 5 891699538 +312 1192 3 891699491 +312 1203 5 891699599 +312 1298 5 891699426 +312 1299 4 891698832 +313 15 2 891016962 +313 22 3 891014870 +313 28 3 891016193 +313 29 2 891028472 +313 31 4 891015486 +313 44 3 891015049 +313 47 3 891015268 +313 56 2 891014313 +313 58 3 891015387 +313 63 4 891030490 +313 64 4 891016193 +313 65 2 891016962 +313 66 1 891015049 +313 67 1 891029117 +313 69 5 891016193 +313 71 4 891030144 +313 73 5 891015012 +313 79 5 891015114 +313 82 3 891014838 +313 89 5 891014373 +313 96 5 891015144 +313 97 4 891016193 +313 98 4 891014444 +313 99 4 891014029 +313 100 5 891013681 +313 102 3 891030189 +313 114 4 891013554 +313 117 4 891015319 +313 125 3 891017059 +313 127 5 891013620 +313 131 4 891015513 +313 132 5 891013589 +313 134 5 891013712 +313 135 5 891014401 +313 136 5 891014474 +313 139 3 891030334 +313 141 4 891030189 +313 142 3 891030261 +313 143 3 891014925 +313 147 4 891016583 +313 148 2 891031979 +313 151 1 891014982 +313 154 2 891014753 +313 155 2 891031577 +313 156 3 891014838 +313 157 3 891017372 +313 161 4 891015319 +313 162 3 891017270 +313 163 2 891016757 +313 164 3 891014870 +313 172 4 891014335 +313 174 4 891014499 +313 175 4 891014697 +313 176 4 891013713 +313 180 5 891014898 +313 181 4 891014782 +313 182 4 891013773 +313 187 4 891014373 +313 191 5 891013829 +313 194 4 891014499 +313 195 5 891013620 +313 197 5 891013910 +313 199 4 891013938 +313 200 3 891017736 +313 202 5 891014697 +313 203 5 891013859 +313 204 4 891014401 +313 205 5 891013652 +313 208 3 891015167 +313 210 4 891014898 +313 211 5 891013859 +313 215 4 891015011 +313 216 4 891013525 +313 218 2 891029847 +313 222 3 891017708 +313 225 4 891030228 +313 226 4 891028241 +313 228 3 891016986 +313 229 3 891028241 +313 230 3 891015049 +313 231 2 891028323 +313 232 3 891014957 +313 234 4 891013803 +313 235 3 891029148 +313 237 2 891016757 +313 238 4 891013859 +313 239 3 891028873 +313 245 3 891013144 +313 265 4 891016853 +313 300 4 891012907 +313 309 4 891031125 +313 318 4 891013712 +313 326 4 891012907 +313 331 3 891013013 +313 357 5 891013773 +313 385 4 891015296 +313 402 3 891031747 +313 403 3 891028285 +313 405 3 891028197 +313 414 3 891016425 +313 415 2 891030367 +313 417 2 891030334 +313 419 3 891014313 +313 423 4 891013939 +313 427 5 891014029 +313 432 5 891016583 +313 435 5 891013803 +313 436 4 891029877 +313 441 3 891029964 +313 448 3 891014956 +313 452 3 891029993 +313 465 3 891030096 +313 471 4 891015196 +313 473 3 891030228 +313 478 3 891014373 +313 481 4 891014000 +313 482 5 891016193 +313 487 3 891016378 +313 488 5 891013496 +313 489 4 891017372 +313 490 4 891016280 +313 494 3 891016193 +313 497 4 891015296 +313 498 5 891015144 +313 499 3 891016452 +313 501 5 891013742 +313 502 3 891017395 +313 503 5 891014697 +313 504 5 891013859 +313 505 5 891014524 +313 511 4 891013742 +313 514 4 891013887 +313 515 5 891013803 +313 516 4 891028829 +313 519 5 891013436 +313 520 5 891013939 +313 521 4 891013887 +313 526 4 891028197 +313 527 4 891013525 +313 531 3 891014524 +313 542 3 891017585 +313 546 4 891028426 +313 550 4 891028323 +313 559 3 891029877 +313 565 1 891030027 +313 566 4 891016220 +313 568 4 891015114 +313 576 3 891028472 +313 578 3 891028241 +313 582 2 891016622 +313 586 2 891028426 +313 588 4 891016354 +313 603 5 891013681 +313 604 4 891014552 +313 608 4 891017585 +313 609 3 891014782 +313 615 4 891013652 +313 616 5 891015049 +313 625 4 891030189 +313 628 4 891016280 +313 631 2 891014313 +313 636 4 891028241 +313 649 3 891016325 +313 650 4 891013829 +313 651 3 891014552 +313 654 5 891013681 +313 657 4 891013830 +313 659 4 891013773 +313 661 4 891015082 +313 665 4 891028323 +313 670 3 891029877 +313 673 4 891016622 +313 674 2 891029918 +313 683 3 891030792 +313 696 3 891032028 +313 735 3 891014649 +313 740 2 891016540 +313 742 3 891016932 +313 744 3 891016986 +313 745 3 891016583 +313 748 3 891012934 +313 778 2 891028904 +313 831 3 891028426 +313 843 3 891030334 +313 845 3 891016853 +313 849 3 891028360 +313 946 3 891030228 +313 969 4 891015387 +313 1050 4 891016826 +313 1066 2 891030334 +313 1210 4 891032028 +313 1470 1 891017319 +314 1 5 877886317 +314 5 4 877889724 +314 7 4 877886375 +314 8 4 877888059 +314 9 4 877886375 +314 12 4 877888758 +314 15 5 877886483 +314 24 1 877886221 +314 25 3 877886753 +314 28 5 877888346 +314 29 5 877889234 +314 38 5 877889994 +314 41 5 877887802 +314 42 5 877888610 +314 53 1 877891426 +314 54 4 877888892 +314 64 5 877888346 +314 65 4 877888855 +314 68 4 877891637 +314 69 5 877888212 +314 70 1 877890531 +314 71 5 877888527 +314 72 2 877888996 +314 73 4 877889205 +314 88 5 877888007 +314 90 2 877888758 +314 93 1 877886221 +314 94 4 877891386 +314 95 5 877888168 +314 105 4 877887292 +314 106 2 877886584 +314 111 4 877886641 +314 117 4 877886484 +314 120 3 877887094 +314 122 1 877887065 +314 126 2 877886971 +314 132 4 877890644 +314 138 5 877890960 +314 143 5 877890234 +314 144 3 877889275 +314 147 4 877886584 +314 150 4 877886522 +314 151 4 877886522 +314 155 5 877891575 +314 158 3 877892099 +314 173 1 877889359 +314 204 5 877888644 +314 215 4 877888722 +314 218 4 877889204 +314 220 4 877886279 +314 237 5 877886221 +314 246 5 877886375 +314 255 5 877886221 +314 268 5 877885836 +314 274 3 877886788 +314 276 1 877886413 +314 282 5 877886862 +314 283 4 877886483 +314 288 5 877885887 +314 318 5 877888796 +314 322 4 877886029 +314 327 4 877886099 +314 328 4 877885887 +314 332 5 877886029 +314 365 3 877891465 +314 366 4 877891354 +314 377 3 877890982 +314 395 2 877889770 +314 399 3 877889359 +314 401 3 877890769 +314 402 4 877888758 +314 406 3 877887388 +314 409 4 877889480 +314 412 3 877892052 +314 417 4 877888855 +314 418 5 877888346 +314 419 4 877889039 +314 433 3 877887642 +314 468 4 877892214 +314 470 3 877889770 +314 476 5 877886921 +314 477 3 877886375 +314 496 4 877888060 +314 508 3 877886789 +314 535 4 877887002 +314 540 3 877890407 +314 542 4 877890300 +314 546 4 877886788 +314 568 5 877888391 +314 578 4 877887763 +314 585 2 877890381 +314 591 5 877887002 +314 597 4 877887065 +314 609 4 877889311 +314 620 3 877887212 +314 623 5 877890927 +314 655 4 877887605 +314 672 5 877888723 +314 682 5 877885836 +314 692 5 877888445 +314 693 3 877891575 +314 710 3 877888796 +314 717 3 877890769 +314 722 1 877891089 +314 724 2 877888117 +314 731 4 877892099 +314 735 5 877888855 +314 739 5 877889861 +314 742 4 877886221 +314 743 1 877886443 +314 747 1 877889698 +314 756 3 877886641 +314 763 5 877886706 +314 764 3 877886816 +314 765 3 877889480 +314 768 5 877890261 +314 772 1 877888212 +314 775 3 877888645 +314 780 4 877890675 +314 781 3 877891937 +314 785 3 877890960 +314 787 2 877889927 +314 790 4 877889698 +314 791 4 877889398 +314 795 4 877889834 +314 808 4 877892052 +314 812 4 877889163 +314 819 4 877886971 +314 820 5 877892461 +314 827 4 877887292 +314 833 4 877887155 +314 846 3 877886971 +314 869 4 877891681 +314 873 4 877886099 +314 924 5 877886921 +314 929 3 877887356 +314 932 4 877887316 +314 934 4 877887155 +314 938 3 877886099 +314 939 4 877888060 +314 941 3 877889971 +314 948 3 877886029 +314 949 4 877890428 +314 959 3 877888892 +314 983 4 877892488 +314 997 1 877892214 +314 1012 4 877886584 +314 1028 3 877886816 +314 1029 2 877891603 +314 1032 4 877891603 +314 1047 4 877886279 +314 1048 4 877886221 +314 1053 5 877891490 +314 1054 1 877886944 +314 1057 2 877887035 +314 1063 5 877887568 +314 1074 3 877890857 +314 1085 1 877892017 +314 1089 1 877887356 +314 1094 1 877887065 +314 1095 3 877887356 +314 1136 5 877890463 +314 1139 5 877888480 +314 1145 4 877892488 +314 1150 4 877887002 +314 1165 2 877892566 +314 1178 2 877892244 +314 1217 2 877891638 +314 1218 4 877887525 +314 1220 5 877892293 +314 1221 3 877889927 +314 1225 3 877891575 +314 1253 4 877892017 +314 1263 2 877890611 +314 1276 4 877887179 +314 1289 2 877887388 +314 1291 1 877892519 +314 1297 4 877890734 +314 1469 4 877889103 +314 1503 3 877890891 +314 1517 4 877891937 +314 1518 4 877891426 +314 1520 3 877892052 +315 4 4 879821065 +315 8 3 879820961 +315 12 5 879821194 +315 13 4 879821158 +315 17 1 879821003 +315 23 5 879821193 +315 31 3 879821300 +315 46 4 879799526 +315 48 4 879799457 +315 55 5 879821267 +315 79 4 879821349 +315 93 5 879821065 +315 98 4 879821193 +315 100 5 879821003 +315 121 2 879821300 +315 127 5 879799423 +315 137 5 879799423 +315 156 5 879821267 +315 163 3 879821158 +315 164 4 879821349 +315 168 4 879821037 +315 180 4 879799526 +315 185 4 879821267 +315 186 4 879821065 +315 187 4 879799423 +315 194 4 879820961 +315 202 3 879821037 +315 203 3 879821194 +315 204 5 879821158 +315 211 4 879821037 +315 216 4 879821120 +315 223 5 879799486 +315 230 4 879821300 +315 234 3 879821349 +315 238 5 879821003 +315 269 5 879799301 +315 273 3 879821349 +315 285 5 879799486 +315 286 5 879799301 +315 288 3 879821349 +315 301 2 879799327 +315 302 5 879799301 +315 303 4 879799302 +315 305 5 881017419 +315 318 5 879799422 +315 324 3 879799302 +315 340 4 881017170 +315 431 2 879821300 +315 433 4 879821037 +315 466 1 879821349 +315 475 4 879821036 +315 504 3 879821193 +315 508 4 879799457 +315 520 4 879799526 +315 531 5 879799457 +315 603 5 879821267 +315 642 5 879821267 +315 651 3 879799457 +315 654 5 879821193 +315 657 4 879821299 +315 673 4 879821267 +315 709 4 879821158 +315 732 3 879821158 +315 741 5 879821349 +315 746 3 879821120 +315 792 5 879821120 +315 1084 4 879799423 +316 9 4 880853774 +316 14 4 880853881 +316 19 5 880854539 +316 22 4 880853849 +316 44 4 880853881 +316 50 1 880853654 +316 58 3 880854267 +316 64 4 880853953 +316 71 1 880854472 +316 89 1 880854197 +316 97 5 880854142 +316 98 5 880853743 +316 100 4 880854083 +316 127 2 880853548 +316 132 4 880853599 +316 162 3 880854472 +316 174 1 880854539 +316 180 4 880853654 +316 190 5 880853774 +316 192 1 880854267 +316 197 4 880854227 +316 213 5 880853516 +316 223 4 880853849 +316 234 1 880854473 +316 265 3 880854395 +316 275 5 880853810 +316 283 5 880853599 +316 286 5 880853038 +316 289 2 880853219 +316 292 4 880853072 +316 304 3 880853193 +316 306 4 880853072 +316 318 5 880853516 +316 323 1 880853152 +316 357 4 880854049 +316 427 5 880853704 +316 435 2 880854337 +316 462 3 880853516 +316 463 5 880854267 +316 483 4 880853810 +316 487 3 880853810 +316 515 4 880853654 +316 521 5 880854395 +316 530 2 880853599 +316 531 5 880853704 +316 549 5 880854049 +316 582 5 880854539 +316 588 1 880853992 +316 614 2 880854267 +316 633 4 880854472 +316 716 5 880853881 +316 735 4 880854337 +316 988 1 880853152 +316 1039 5 880854500 +316 1084 4 880853953 +317 245 4 891446575 +317 260 4 891446887 +317 268 3 891446371 +317 271 3 891446575 +317 300 4 891446313 +317 323 2 891446819 +317 326 3 891446438 +317 328 4 891446438 +317 331 4 891446190 +317 350 5 891446819 +317 351 3 891446819 +317 354 4 891446251 +317 678 2 891446887 +317 683 2 891446412 +318 4 2 884497516 +318 8 4 884495616 +318 12 4 884495795 +318 14 4 884471030 +318 15 5 884470944 +318 25 5 884494757 +318 40 4 884497882 +318 47 2 884496855 +318 49 3 884497257 +318 50 2 884495696 +318 63 3 884496932 +318 64 4 884495590 +318 66 4 884495921 +318 69 5 884496572 +318 72 4 884498540 +318 77 3 884497078 +318 88 4 884496367 +318 100 5 884470896 +318 105 1 884495164 +318 121 1 884495052 +318 127 5 884470970 +318 133 4 884496432 +318 134 5 884495639 +318 137 4 884494652 +318 138 4 884498115 +318 140 4 884496738 +318 142 4 884496219 +318 143 5 884495944 +318 157 5 884496398 +318 158 5 884498709 +318 160 3 884497031 +318 162 5 884496123 +318 167 4 884497611 +318 179 4 884497546 +318 182 4 884496549 +318 186 5 884498292 +318 187 4 884495742 +318 188 3 884497031 +318 194 5 884495590 +318 196 3 884495973 +318 197 5 884496030 +318 204 5 884496218 +318 208 4 884495664 +318 210 4 884496069 +318 211 5 884496432 +318 216 4 884495868 +318 229 1 884497318 +318 237 5 884494712 +318 239 4 884497235 +318 248 3 884494976 +318 257 5 884471030 +318 265 4 884495664 +318 275 4 884470718 +318 285 4 884470944 +318 286 3 884470681 +318 294 4 884469971 +318 305 2 884470682 +318 307 3 884470681 +318 312 4 884470193 +318 315 5 884470294 +318 321 4 884470149 +318 326 4 884470149 +318 340 4 884470115 +318 356 4 884496671 +318 357 4 884496069 +318 384 3 884498210 +318 385 4 884496398 +318 393 5 884497449 +318 396 1 884498684 +318 401 3 884498292 +318 414 4 884496008 +318 419 5 884495890 +318 423 5 884495561 +318 435 5 884496069 +318 451 4 884497546 +318 458 4 884494861 +318 474 4 884495742 +318 476 4 884495164 +318 481 4 884496156 +318 482 5 884496156 +318 485 5 884495921 +318 501 4 884496984 +318 503 4 884497402 +318 508 4 884494976 +318 509 5 884495817 +318 514 2 884496524 +318 517 3 884496069 +318 524 3 884496123 +318 531 4 884495921 +318 540 4 884498141 +318 575 2 884497924 +318 610 5 884496525 +318 618 3 884496984 +318 629 4 884497236 +318 631 4 884496855 +318 648 5 884495534 +318 655 4 884496290 +318 657 5 884495696 +318 659 4 884495868 +318 660 3 884497207 +318 692 4 884495561 +318 697 5 884496008 +318 708 4 884497994 +318 712 4 884496368 +318 722 4 884497546 +318 732 5 884496267 +318 735 5 884496182 +318 750 4 884469971 +318 768 2 884498022 +318 792 2 884496218 +318 795 2 884498766 +318 796 3 884496500 +318 809 4 884498210 +318 815 3 884494938 +318 865 2 884496099 +318 866 4 884494976 +318 898 4 884470237 +318 934 4 884495382 +318 941 4 884497715 +318 944 2 884497208 +318 968 3 884496671 +318 1014 2 884494919 +318 1023 2 884495091 +318 1030 2 884498787 +318 1032 3 884498210 +318 1048 4 884495001 +318 1050 4 884496738 +318 1160 5 884494976 +318 1204 2 884496156 +318 1521 3 884497824 +319 261 3 889816267 +319 267 4 875707690 +319 301 4 875707721 +319 302 4 876280242 +319 313 5 889816026 +319 332 4 876280289 +319 333 4 875707746 +319 338 2 879977242 +319 346 3 889816026 +319 350 3 889816233 +319 358 3 889816233 +319 682 3 879977089 +319 879 5 876280338 +319 880 4 889816332 +320 1 3 884748604 +320 3 4 884748978 +320 4 3 884749306 +320 7 4 884748708 +320 11 4 884749255 +320 22 5 884749452 +320 27 3 884749384 +320 33 4 884749385 +320 38 4 884751288 +320 42 4 884751712 +320 50 4 884749227 +320 51 5 884750992 +320 54 4 884751209 +320 56 5 884749227 +320 62 4 884749306 +320 68 5 884749327 +320 77 3 884751246 +320 89 4 884749327 +320 90 4 884751034 +320 96 5 884749255 +320 97 5 884750946 +320 99 4 884751440 +320 100 4 884748579 +320 117 4 884748641 +320 118 1 884748868 +320 122 3 884749097 +320 123 4 884748750 +320 129 4 884748661 +320 145 4 884751552 +320 147 4 884748641 +320 148 4 884748708 +320 156 5 884750574 +320 159 4 884751190 +320 161 4 884749360 +320 172 4 884749227 +320 173 5 884750946 +320 174 4 884749255 +320 176 4 884749255 +320 177 5 884749360 +320 183 4 884749255 +320 184 5 884749360 +320 185 4 884751141 +320 188 4 884749360 +320 195 5 884749255 +320 202 4 884750946 +320 204 5 884750717 +320 210 5 884749227 +320 232 4 884749281 +320 238 4 884751672 +320 240 3 884748818 +320 248 5 884750644 +320 250 4 884751992 +320 252 2 884749532 +320 274 4 884748683 +320 276 2 884748579 +320 278 3 884748886 +320 284 4 884748818 +320 291 4 884749014 +320 292 3 884748299 +320 294 4 884748418 +320 340 2 884748230 +320 358 4 884748485 +320 369 4 884749097 +320 399 3 884749411 +320 403 4 884749281 +320 405 4 884748774 +320 411 3 884749119 +320 413 3 884749046 +320 431 5 884749327 +320 433 4 884751730 +320 452 3 884751589 +320 456 3 884748904 +320 470 5 884751263 +320 472 3 884748750 +320 501 3 884751462 +320 552 4 884751336 +320 554 4 884751288 +320 572 3 884751316 +320 576 3 884749411 +320 597 3 884748774 +320 625 4 884751439 +320 678 3 884748418 +320 685 4 884748839 +320 692 4 884750968 +320 716 1 884750992 +320 732 3 884751013 +320 739 4 884750992 +320 742 4 884748800 +320 751 4 884748470 +320 771 3 884751316 +320 774 4 884751552 +320 825 4 884749550 +320 827 4 884749030 +320 833 1 884748904 +320 849 4 884749360 +320 869 4 884751068 +320 892 3 884748299 +320 895 4 884748346 +320 946 5 884751462 +320 974 3 884749097 +320 976 2 884749567 +320 1011 3 884748978 +320 1041 3 884751084 +320 1047 4 884748733 +320 1052 2 884749097 +320 1059 4 884748868 +320 1081 4 884748997 +320 1090 3 884751376 +320 1157 4 884751336 +320 1188 4 884749411 +320 1210 4 884751316 +320 1291 3 884749172 +321 8 4 879440451 +321 14 3 879438825 +321 19 4 879438825 +321 20 3 879440160 +321 30 4 879439658 +321 32 3 879440716 +321 50 4 879438793 +321 52 3 879440612 +321 56 4 879438651 +321 59 4 879440687 +321 86 4 879440294 +321 89 3 879440716 +321 100 4 879438882 +321 116 3 879439595 +321 124 3 879438857 +321 127 3 879438651 +321 131 4 879439883 +321 133 5 879440612 +321 134 3 879438607 +321 135 4 879439763 +321 143 3 879439621 +321 170 4 879438651 +321 173 4 879440636 +321 180 4 879440612 +321 182 3 879439679 +321 191 3 879440365 +321 193 3 879441178 +321 194 3 879441225 +321 197 5 879439812 +321 198 4 879439926 +321 199 4 879439787 +321 205 5 879440109 +321 207 3 879440244 +321 213 4 879440109 +321 215 3 879439658 +321 216 4 879441308 +321 221 5 879438793 +321 224 3 879439733 +321 275 4 879440109 +321 276 3 879438987 +321 283 3 879438987 +321 286 4 879438932 +321 287 3 879438857 +321 357 4 879439832 +321 419 4 879439620 +321 428 4 879441336 +321 430 3 879439734 +321 435 5 879439860 +321 462 4 879440294 +321 474 4 879438607 +321 478 4 879439926 +321 479 4 879438607 +321 483 5 879439658 +321 484 5 879440244 +321 485 4 879439787 +321 491 3 879440746 +321 493 4 879441110 +321 494 4 879440318 +321 496 4 879438607 +321 497 5 879439860 +321 498 5 879438699 +321 507 3 879441336 +321 511 4 879440954 +321 514 4 879439706 +321 515 5 879440109 +321 519 4 879441336 +321 521 2 879441201 +321 523 3 879440687 +321 526 3 879440245 +321 527 3 879439763 +321 531 4 879440294 +321 603 5 879438607 +321 607 4 879440109 +321 611 4 879439832 +321 614 3 879440393 +321 615 5 879440109 +321 631 4 879440264 +321 647 3 879438699 +321 651 3 879441178 +321 659 4 879440980 +321 663 2 879439537 +321 704 3 879440423 +321 705 3 879439812 +321 709 4 879441308 +321 730 3 879439179 +321 736 4 879439537 +321 855 3 879439733 +321 942 3 879440954 +321 1028 2 879441064 +321 1050 3 879441336 +321 1101 3 879440660 +321 1194 5 879438607 +322 1 2 887314119 +322 9 4 887314212 +322 12 4 887313946 +322 32 5 887314417 +322 33 4 887313946 +322 50 5 887314418 +322 89 3 887314185 +322 92 4 887314073 +322 127 4 887313801 +322 179 5 887314416 +322 182 5 887314417 +322 185 5 887313850 +322 192 5 887313984 +322 194 5 887313850 +322 197 5 887313983 +322 216 3 887313850 +322 258 4 887313698 +322 272 4 887313698 +322 303 3 887313611 +322 313 5 887314417 +322 318 4 887314280 +322 346 3 887313611 +322 479 5 887313892 +322 483 5 887314417 +322 489 3 887313892 +322 505 4 887314119 +322 507 4 887314119 +322 508 4 887314073 +322 514 4 887314352 +322 521 5 887314244 +322 591 3 887313984 +322 653 4 887314310 +322 654 5 887314118 +322 655 5 887313946 +322 751 2 887313611 +322 1019 4 887314073 +323 7 2 878739355 +323 9 4 878739325 +323 15 3 878739393 +323 22 5 878739743 +323 23 5 878739925 +323 50 5 878739137 +323 56 5 878739771 +323 64 5 878740017 +323 79 4 878739829 +323 93 4 878739177 +323 98 4 878739699 +323 100 4 878739177 +323 117 3 878739355 +323 127 5 878739137 +323 150 4 878739568 +323 151 4 878739568 +323 156 5 878739720 +323 172 5 878739988 +323 179 4 878739904 +323 180 5 878739857 +323 181 5 878739177 +323 199 4 878739953 +323 203 5 878739953 +323 210 4 878739878 +323 215 5 878739988 +323 222 3 878739251 +323 223 4 878739699 +323 243 1 878738997 +323 245 2 878739084 +323 246 4 878739177 +323 248 3 878739519 +323 249 3 878739488 +323 255 4 878739275 +323 257 2 878739393 +323 268 4 878738865 +323 273 4 878739355 +323 282 3 878739543 +323 286 3 878738826 +323 288 3 878738827 +323 289 2 878738910 +323 294 3 878738827 +323 295 3 878739519 +323 298 4 878739275 +323 300 2 878738827 +323 322 2 878738910 +323 327 4 878738910 +323 328 3 878739029 +323 332 3 878738865 +323 333 4 878738865 +323 334 3 878738865 +323 467 5 878740017 +323 508 4 878739643 +323 535 3 878739643 +323 544 4 878739459 +323 546 2 878739519 +323 651 5 878739829 +323 713 4 878739299 +323 744 5 878739436 +323 762 4 878739488 +323 764 3 878739415 +323 772 3 878739904 +323 847 3 878739225 +323 875 3 878739029 +323 876 2 878738949 +323 886 3 878738997 +323 993 4 878739488 +323 1012 4 878739594 +323 1017 3 878739394 +323 1048 3 878739594 +323 1050 5 878739988 +323 1073 4 878739857 +324 1 5 880575412 +324 9 5 880575449 +324 125 5 880575714 +324 127 4 880575658 +324 250 4 880575531 +324 258 4 880575107 +324 259 5 880575107 +324 268 4 880575045 +324 270 5 880575045 +324 273 5 880575449 +324 276 5 880575531 +324 283 3 880575531 +324 285 4 880575412 +324 286 5 880574766 +324 292 3 880575045 +324 298 5 880575493 +324 300 5 880574827 +324 301 5 880575108 +324 307 5 880574766 +324 310 4 880574827 +324 321 3 880575002 +324 327 4 880575002 +324 328 4 880575002 +324 331 4 880574827 +324 332 3 880574766 +324 339 3 880574827 +324 340 5 880574827 +324 410 5 880575449 +324 411 5 880575589 +324 458 4 880575619 +324 471 5 880575412 +324 475 5 880575449 +324 508 5 880575618 +324 597 4 880575493 +324 678 3 880575277 +324 690 4 880574901 +324 742 5 880575493 +324 748 5 880575108 +324 754 5 880575045 +324 763 5 880575589 +324 846 5 880575715 +324 873 5 880575108 +324 877 1 880575163 +324 1033 4 880575589 +324 1094 5 880575715 +325 32 3 891478665 +325 47 3 891478712 +325 58 3 891478333 +325 71 3 891478981 +325 86 3 891478578 +325 93 4 891478627 +325 95 2 891478895 +325 98 4 891478079 +325 99 5 891479244 +325 100 4 891478504 +325 105 3 891480175 +325 107 2 891479102 +325 109 2 891478528 +325 127 5 891478480 +325 132 3 891478665 +325 133 3 891478333 +325 134 4 891478599 +325 135 5 891478006 +325 143 1 891479017 +325 152 4 891477905 +325 154 3 891478480 +325 164 1 891479017 +325 168 3 891478796 +325 172 4 891478851 +325 175 5 891478079 +325 176 3 891478455 +325 177 5 891478627 +325 179 5 891478529 +325 180 4 891478910 +325 181 4 891478160 +325 182 3 891478835 +325 185 5 891478140 +325 187 3 891478455 +325 188 2 891478944 +325 193 4 891478627 +325 195 2 891478276 +325 197 4 891478199 +325 199 5 891478199 +325 200 2 891478120 +325 205 4 891478307 +325 210 2 891478796 +325 234 3 891478796 +325 235 1 891479292 +325 240 1 891479592 +325 286 4 891477597 +325 305 2 891477638 +325 313 2 891477489 +325 325 1 891477695 +325 340 3 891477473 +325 345 3 891477660 +325 357 4 891477957 +325 383 1 891480034 +325 386 4 891479890 +325 402 2 891479706 +325 403 2 891479102 +325 408 5 891478307 +325 430 5 891478028 +325 432 5 891479263 +325 435 3 891478239 +325 458 3 891478877 +325 469 4 891478504 +325 474 5 891478392 +325 475 4 891478079 +325 480 4 891478455 +325 482 4 891478333 +325 483 5 891478079 +325 484 5 891478643 +325 485 3 891478599 +325 492 4 891478557 +325 493 4 891477905 +325 495 3 891478180 +325 504 3 891477905 +325 505 4 891478557 +325 506 5 891478180 +325 507 3 891478455 +325 510 4 891478180 +325 511 4 891478047 +325 514 4 891478006 +325 517 4 891478219 +325 521 4 891478160 +325 523 3 891478376 +325 525 5 891478579 +325 526 3 891478239 +325 527 4 891478140 +325 529 4 891478528 +325 530 4 891478376 +325 542 2 891479962 +325 554 1 891479912 +325 614 4 891479038 +325 616 4 891477924 +325 640 3 891478376 +325 647 5 891478529 +325 656 4 891478219 +325 737 4 891479846 +325 771 1 891480115 +325 835 5 891478099 +325 865 3 891478079 +325 1018 3 891479038 +325 1118 3 891479665 +325 1140 3 891479681 +325 1149 4 891479228 +325 1203 5 891478159 +325 1411 4 891478981 +325 1487 3 891480086 +325 1523 4 891478504 +326 1 3 879876159 +326 4 1 879876688 +326 9 1 879875852 +326 22 4 879874989 +326 48 3 879875533 +326 50 5 879875112 +326 53 1 879877039 +326 54 3 879876300 +326 56 2 879875691 +326 67 2 879877284 +326 69 2 879874964 +326 79 4 879875203 +326 82 3 879876861 +326 86 2 879875644 +326 88 2 879877235 +326 90 1 879877198 +326 94 4 879877304 +326 97 4 879874897 +326 98 5 879875112 +326 127 1 879875507 +326 131 2 879875457 +326 132 4 879875398 +326 134 3 879875797 +326 135 3 879875852 +326 141 3 879876235 +326 144 5 879876114 +326 153 4 879875751 +326 161 3 879875873 +326 168 3 879874859 +326 172 4 879875431 +326 173 5 879874989 +326 175 1 879874933 +326 176 2 879876184 +326 178 5 879875175 +326 180 1 879875457 +326 185 5 879875203 +326 186 4 879877143 +326 187 1 879875243 +326 194 4 879874825 +326 195 4 879875752 +326 196 4 879875822 +326 197 1 879875723 +326 199 5 879875552 +326 200 2 879877349 +326 202 4 879875724 +326 204 3 879874964 +326 205 4 879875507 +326 210 3 879874964 +326 211 4 879876184 +326 226 5 879876975 +326 227 3 879876941 +326 229 3 879876941 +326 233 4 879876941 +326 234 3 879875797 +326 237 2 879875572 +326 239 3 879875612 +326 241 3 879875778 +326 265 4 879876489 +326 282 2 879875964 +326 318 5 879875612 +326 367 3 879877264 +326 378 4 879875724 +326 385 3 879876882 +326 386 5 879877284 +326 391 4 879877005 +326 399 4 879877004 +326 403 3 879876976 +326 419 3 879875203 +326 427 4 879875483 +326 428 5 879877283 +326 429 5 879875175 +326 436 3 879877387 +326 441 2 879877433 +326 443 5 879877349 +326 444 4 879877413 +326 445 4 879877413 +326 447 4 879877388 +326 448 3 879877349 +326 449 3 879877039 +326 451 2 879877234 +326 452 3 879877470 +326 468 3 879875572 +326 474 5 879875025 +326 478 3 879875083 +326 479 5 879875432 +326 480 4 879875691 +326 484 5 879874933 +326 493 5 879874825 +326 496 5 879874825 +326 498 5 879875083 +326 500 3 879875644 +326 503 3 879876542 +326 505 3 879875271 +326 507 2 879875873 +326 508 3 879875432 +326 510 5 879876141 +326 514 3 879875612 +326 515 5 879874897 +326 519 5 879875533 +326 520 5 879875151 +326 521 2 879875399 +326 523 4 879875057 +326 525 5 879874989 +326 526 5 879874964 +326 527 5 879874989 +326 528 3 879875112 +326 530 5 879875778 +326 550 5 879876505 +326 554 3 879877005 +326 559 3 879877413 +326 563 3 879877470 +326 564 3 879877470 +326 566 4 879877073 +326 568 4 879876882 +326 588 3 879875691 +326 603 4 879875203 +326 611 3 879875572 +326 612 2 879875083 +326 615 4 879875724 +326 616 5 879875724 +326 633 4 879875852 +326 646 2 879875112 +326 648 5 879875644 +326 655 5 879875432 +326 659 4 879875397 +326 663 1 879877159 +326 665 1 879876975 +326 670 3 879877387 +326 671 3 879876327 +326 674 3 879877433 +326 675 4 879875457 +326 679 3 879876941 +326 701 4 879876141 +326 732 5 879877143 +326 849 1 879876975 +326 944 2 879877326 +326 969 4 879875151 +326 1118 2 879877264 +326 1126 2 879875243 +326 1231 3 879877039 +327 7 3 887744023 +327 9 5 887819860 +327 13 2 887746665 +327 14 4 887744167 +327 24 2 887745934 +327 25 2 887746728 +327 28 3 887747971 +327 31 2 887820531 +327 32 4 887747266 +327 33 3 887820341 +327 42 3 887746665 +327 44 3 887745840 +327 47 4 887746553 +327 48 4 887745662 +327 50 3 887745574 +327 56 2 887745805 +327 64 2 887745699 +327 66 3 887819582 +327 81 4 887818904 +327 82 2 887820448 +327 83 2 887744101 +327 86 4 887822433 +327 87 3 887818620 +327 89 4 887744167 +327 90 3 887819194 +327 93 4 887744432 +327 95 3 887818596 +327 96 2 887822530 +327 98 4 887746196 +327 99 4 887820761 +327 108 3 887819614 +327 111 4 887819462 +327 121 2 887822530 +327 127 4 887747338 +327 129 4 887744384 +327 131 4 887818783 +327 133 4 887745662 +327 143 4 888251408 +327 144 4 887820293 +327 150 4 887744356 +327 152 3 887819194 +327 153 4 887818596 +327 156 4 887747668 +327 160 4 887822209 +327 161 3 887820417 +327 168 4 887820828 +327 169 2 887744205 +327 173 4 887747337 +327 174 4 887744513 +327 175 2 887744205 +327 176 4 887744240 +327 178 4 887745661 +327 179 2 887820493 +327 180 4 887745774 +327 181 4 887745537 +327 183 3 887744065 +327 184 3 887820341 +327 186 2 887744064 +327 188 5 887745774 +327 191 4 887820828 +327 192 5 887820828 +327 195 4 887744277 +327 196 4 887745871 +327 197 4 887744023 +327 198 4 887747337 +327 200 4 887747338 +327 203 3 887818540 +327 210 3 887744065 +327 215 4 887820695 +327 216 3 887818991 +327 217 3 887746328 +327 219 4 887746219 +327 226 3 887820341 +327 228 4 887820171 +327 230 4 887820448 +327 233 3 887820385 +327 234 5 887745840 +327 237 4 887745494 +327 238 4 887747410 +327 239 3 887819316 +327 245 1 887743705 +327 246 4 887744384 +327 249 2 887744432 +327 250 2 887745272 +327 255 3 887745911 +327 257 2 887746728 +327 258 1 887737355 +327 260 1 887743705 +327 264 2 887743725 +327 265 2 887818511 +327 268 4 887737629 +327 274 2 887819462 +327 275 4 887747338 +327 281 3 887820341 +327 286 2 887737328 +327 288 4 887743600 +327 293 3 887745574 +327 294 3 887743644 +327 300 2 887743541 +327 302 3 887737355 +327 305 5 887820828 +327 311 3 887737629 +327 313 4 887744167 +327 318 5 887820828 +327 324 3 887743644 +327 333 2 887737493 +327 336 2 887737569 +327 338 1 887743815 +327 344 4 887744167 +327 367 4 887819355 +327 381 4 887819354 +327 382 3 887819316 +327 393 3 887819507 +327 396 3 887819538 +327 408 2 887745910 +327 410 2 887819462 +327 411 3 887818957 +327 418 3 887820761 +327 419 4 887822832 +327 421 2 887745840 +327 423 3 887822752 +327 425 3 887822681 +327 431 3 887820384 +327 433 4 887818991 +327 435 4 888251521 +327 447 4 887746196 +327 451 4 887819411 +327 455 2 887819316 +327 461 3 887746665 +327 466 3 887820171 +327 469 4 887822623 +327 474 3 887743986 +327 476 2 887819538 +327 478 4 887819860 +327 494 4 887822400 +327 497 4 887818658 +327 498 4 887819860 +327 507 4 887744205 +327 514 4 887747338 +327 517 2 887818991 +327 523 4 887818800 +327 529 3 887822770 +327 533 4 887822530 +327 537 4 887744023 +327 558 4 887746196 +327 568 2 887820417 +327 583 2 887820341 +327 588 4 887820761 +327 589 3 887743936 +327 603 4 887745661 +327 628 2 887820226 +327 634 5 887820493 +327 645 4 887818991 +327 650 4 887745699 +327 652 4 887819860 +327 655 4 887745303 +327 658 2 887747668 +327 659 4 887819021 +327 663 4 887819582 +327 678 3 887743705 +327 682 3 887737629 +327 684 4 887820293 +327 702 2 887819021 +327 709 4 887819411 +327 710 4 887747410 +327 718 4 887745494 +327 732 1 887819316 +327 735 2 887818540 +327 749 3 887743644 +327 753 4 887745744 +327 778 3 887819462 +327 792 4 887819021 +327 805 4 887819462 +327 806 4 887747617 +327 811 4 887747363 +327 845 3 887818957 +327 849 2 887822530 +327 875 4 887743600 +327 886 2 887737493 +327 895 3 887743670 +327 896 5 887820828 +327 921 4 887748028 +327 949 4 887819316 +327 952 2 887819354 +327 962 3 887820545 +327 1012 2 887745891 +327 1056 2 887747971 +327 1067 4 887819538 +327 1075 4 887822832 +327 1097 4 887819860 +327 1098 4 887820828 +327 1100 4 888251464 +327 1129 2 887745891 +327 1131 4 887822736 +327 1141 3 887822681 +327 1218 4 887822400 +328 4 3 885047895 +328 7 4 885046079 +328 9 4 885045993 +328 10 4 885047099 +328 22 5 885045805 +328 23 3 886036795 +328 31 4 886036884 +328 38 3 885049275 +328 43 3 886038224 +328 46 2 885048004 +328 50 4 885045702 +328 51 3 885047417 +328 54 3 885047194 +328 55 4 885046655 +328 56 4 885045993 +328 58 4 885046206 +328 64 4 885046276 +328 65 4 885046912 +328 68 3 885048198 +328 69 4 885045844 +328 71 4 885048004 +328 72 3 885046686 +328 73 4 885048062 +328 76 3 885046580 +328 77 4 885046977 +328 79 4 885047194 +328 82 4 885046537 +328 85 1 886038183 +328 89 5 885046344 +328 96 4 885046174 +328 98 4 885045899 +328 100 5 885046305 +328 118 3 885048396 +328 121 4 885048266 +328 132 5 885046420 +328 133 5 885047018 +328 135 3 885046853 +328 144 4 885045740 +328 148 3 885048638 +328 153 2 886037257 +328 157 5 885046344 +328 159 3 885047194 +328 162 4 885048004 +328 164 3 885047484 +328 167 3 885048861 +328 176 5 885046052 +328 181 4 885046244 +328 182 2 885045678 +328 183 5 885045805 +328 185 4 885045899 +328 187 4 885045993 +328 188 5 885046498 +328 192 4 885045805 +328 194 3 885046976 +328 199 4 885045528 +328 200 4 885046420 +328 203 5 885045931 +328 204 3 885045993 +328 205 4 885045768 +328 211 4 885046276 +328 216 3 885045899 +328 218 4 885047281 +328 222 3 885046655 +328 223 4 885045645 +328 227 3 885047129 +328 228 3 885046976 +328 229 3 885046977 +328 230 3 885048101 +328 231 2 885048762 +328 234 4 885046376 +328 235 3 885048464 +328 237 4 885047373 +328 245 4 885044703 +328 258 5 885044482 +328 260 2 885044940 +328 265 5 885045993 +328 271 3 885044607 +328 275 4 885046420 +328 281 4 885048930 +328 282 3 885047865 +328 284 3 885047593 +328 289 4 885044566 +328 291 4 885047865 +328 294 3 885044733 +328 299 2 885044904 +328 300 5 885044640 +328 302 4 885044380 +328 313 4 893195532 +328 316 5 888641915 +328 318 5 885045740 +328 322 3 885044782 +328 327 3 885044566 +328 328 4 885044566 +328 331 4 885045085 +328 332 3 885044782 +328 343 3 885044452 +328 347 5 885596118 +328 349 2 888641949 +328 350 3 886036374 +328 356 3 885047763 +328 357 4 885046244 +328 370 3 885048986 +328 371 4 885046773 +328 385 3 885046027 +328 402 3 885047627 +328 403 3 885047281 +328 423 4 885046305 +328 427 3 885045740 +328 431 2 885047822 +328 432 1 885047511 +328 433 2 885047670 +328 435 4 885045844 +328 443 4 885048235 +328 447 2 885045528 +328 451 4 885048159 +328 470 4 885046537 +328 471 3 885048004 +328 474 4 885046455 +328 480 3 885046244 +328 481 3 885048500 +328 482 3 885046580 +328 483 5 885045844 +328 498 5 885046654 +328 503 3 885047696 +328 504 3 885046420 +328 510 5 885046376 +328 511 4 885045678 +328 515 5 885045678 +328 518 2 885048198 +328 519 5 885046420 +328 520 5 885045844 +328 521 4 885047484 +328 523 5 885046206 +328 528 5 886037457 +328 531 4 885046455 +328 546 3 885048861 +328 549 4 885047556 +328 550 3 885047336 +328 554 3 885049790 +328 556 3 885048930 +328 566 5 885047374 +328 568 3 885047896 +328 569 4 885049199 +328 570 3 885046498 +328 572 3 885049658 +328 578 2 885048895 +328 579 3 885049836 +328 582 5 885045844 +328 586 1 885048666 +328 591 3 885047018 +328 597 3 885048465 +328 606 3 885046244 +328 610 3 886036967 +328 614 4 885046276 +328 623 3 885048801 +328 627 3 885048365 +328 628 3 885047627 +328 636 3 885047556 +328 637 3 885047865 +328 639 2 885048730 +328 646 3 885046174 +328 651 5 885046580 +328 655 4 886037429 +328 657 4 885046134 +328 661 5 885047373 +328 662 3 885047593 +328 679 2 885049460 +328 685 4 885047450 +328 689 5 885044733 +328 690 3 885044418 +328 692 4 885046976 +328 693 2 885046174 +328 696 3 885049376 +328 715 2 885046853 +328 720 3 885049535 +328 723 3 885047223 +328 726 4 885049112 +328 736 3 885047737 +328 742 4 885047309 +328 744 4 885046878 +328 750 4 885044519 +328 751 3 885596088 +328 754 4 885044607 +328 778 3 885047822 +328 798 2 885048159 +328 809 4 885048895 +328 810 3 885049535 +328 849 3 885048333 +328 879 3 885044566 +328 903 3 893195755 +328 905 3 888641999 +328 911 3 893195879 +328 915 3 893195665 +328 916 2 893195710 +328 939 4 885046655 +328 956 4 885046912 +328 983 3 885049234 +328 984 3 885044940 +328 1015 3 885047737 +328 1021 3 885045740 +328 1041 3 885048762 +328 1042 3 885049024 +328 1106 2 893195825 +328 1107 3 885048532 +328 1109 3 885047100 +328 1126 3 885046580 +328 1135 1 885045528 +328 1136 4 885047018 +328 1139 1 885049756 +328 1217 3 885049790 +328 1248 3 885047417 +328 1263 3 885048730 +328 1277 3 885049084 +328 1401 2 885046537 +328 1518 3 885049503 +329 8 2 891656391 +329 11 3 891656237 +329 12 4 891656178 +329 39 2 891656391 +329 50 4 891655812 +329 79 4 891656391 +329 81 2 891656300 +329 98 4 891656300 +329 100 4 891655812 +329 124 5 891655905 +329 127 4 891655741 +329 129 3 891655905 +329 147 3 891656072 +329 181 4 891655741 +329 186 3 891656268 +329 199 4 891656347 +329 245 3 891656640 +329 248 3 891656640 +329 250 3 891656639 +329 258 3 891656639 +329 269 4 891655191 +329 272 5 891655191 +329 276 4 891655905 +329 286 4 891655291 +329 288 2 891655191 +329 294 2 891655383 +329 295 4 891656012 +329 297 4 891655868 +329 300 4 891655431 +329 302 5 891655191 +329 303 4 891655350 +329 322 3 891655570 +329 326 3 891656639 +329 333 4 891655322 +329 338 2 891655545 +329 423 4 891656237 +329 483 4 891656347 +329 512 4 891656347 +329 515 4 891655932 +329 534 3 891656639 +329 591 2 891655812 +329 651 4 891656639 +329 655 4 891656237 +329 657 3 891656391 +329 855 4 891656206 +329 879 2 891655515 +329 924 3 891655905 +329 1011 3 891655981 +330 1 5 876544432 +330 8 5 876546236 +330 11 4 876546561 +330 15 5 876544366 +330 21 5 876544953 +330 22 5 876545532 +330 25 5 876544582 +330 38 4 876546948 +330 44 5 876546920 +330 47 5 876546409 +330 50 5 876544366 +330 51 5 876546753 +330 58 5 876546132 +330 64 5 876546409 +330 66 5 876547533 +330 69 5 876546890 +330 70 4 876546470 +330 71 5 876546236 +330 72 5 876547087 +330 73 5 876546782 +330 77 4 876547220 +330 80 2 876547737 +330 82 4 876546298 +330 88 5 876546948 +330 95 5 876546105 +330 97 5 876547220 +330 100 4 876544277 +330 102 4 876546586 +330 117 5 876544654 +330 121 4 876544582 +330 133 5 876545625 +330 136 5 876546378 +330 143 5 876546470 +330 153 5 876545970 +330 161 4 876545999 +330 172 5 876546619 +330 174 5 876546172 +330 181 5 876544277 +330 185 4 876546236 +330 193 5 876547004 +330 200 5 876546668 +330 202 5 876546948 +330 204 5 876546839 +330 205 3 876546105 +330 208 5 876546409 +330 209 3 876547032 +330 213 5 876546752 +330 215 5 876547925 +330 225 4 876544507 +330 228 5 876547220 +330 231 5 876545418 +330 235 5 876544690 +330 237 4 876544690 +330 255 4 876544278 +330 275 5 876544366 +330 277 4 876544690 +330 283 5 876544432 +330 284 5 876544311 +330 286 5 876543768 +330 318 5 876546377 +330 376 4 876547378 +330 384 2 876547813 +330 385 5 876546378 +330 393 4 876547004 +330 403 5 876545417 +330 405 5 876544872 +330 418 5 876546298 +330 419 5 876546298 +330 422 4 876547853 +330 423 5 876545971 +330 427 5 876546920 +330 443 4 876546377 +330 447 4 876546619 +330 465 5 876547250 +330 468 5 876547608 +330 473 4 876544632 +330 479 5 876546105 +330 485 5 876546839 +330 496 5 876546172 +330 527 3 876546071 +330 549 5 876547355 +330 559 3 876547500 +330 570 4 876547674 +330 575 4 876547165 +330 584 3 876547220 +330 588 5 876546033 +330 596 5 876544690 +330 603 5 876545625 +330 627 5 876545479 +330 692 5 876547032 +330 694 5 876545971 +330 708 3 876545598 +330 732 5 876547220 +330 747 3 876546498 +330 763 5 876544337 +330 823 3 876544872 +330 845 5 876544432 +330 963 5 876547533 +330 966 5 876547311 +330 969 5 876546409 +330 989 5 876543930 +330 1016 3 876544480 +330 1028 4 876544953 +330 1035 4 876547470 +330 1044 5 876547575 +331 1 1 877196567 +331 7 4 877196633 +331 8 3 877196444 +331 11 2 877196702 +331 22 4 877196235 +331 31 2 877196567 +331 47 5 877196235 +331 58 3 877196567 +331 59 5 877196383 +331 64 4 877196504 +331 69 5 877196384 +331 81 5 877196702 +331 100 4 877196308 +331 132 3 877196174 +331 133 3 877196443 +331 160 5 877196702 +331 175 4 877196235 +331 178 3 877196173 +331 180 5 877196567 +331 182 4 877196567 +331 190 3 877196308 +331 215 3 877196383 +331 242 4 877196089 +331 268 5 877196820 +331 269 5 877196819 +331 277 4 877196384 +331 302 5 877196819 +331 304 5 877196820 +331 305 5 877196819 +331 306 5 877196819 +331 454 3 877196702 +331 467 3 877196702 +331 479 2 877196504 +331 486 3 877196308 +331 503 4 877196504 +331 506 2 877196504 +331 511 5 877196633 +331 514 3 877196173 +331 634 3 877196308 +331 653 3 877196173 +331 702 3 877196443 +331 705 2 877196173 +331 811 4 877196384 +331 868 4 877196567 +331 933 3 877196235 +331 947 5 877196308 +331 1017 2 877196235 +331 1100 2 877196634 +331 1101 4 877196633 +331 1199 1 877196634 +331 1296 5 877196820 +332 5 5 888360370 +332 7 4 887916547 +332 9 4 887916653 +332 22 5 887938934 +332 31 4 888098205 +332 38 2 888360488 +332 41 5 887938997 +332 44 3 888360342 +332 50 5 887916675 +332 53 3 888360438 +332 54 4 888360396 +332 56 5 888098256 +332 64 5 888359944 +332 73 4 888360229 +332 77 4 888360343 +332 79 5 888098088 +332 82 5 888098524 +332 89 5 888098060 +332 95 5 888360060 +332 96 5 887939051 +332 97 5 888359903 +332 98 5 888359903 +332 117 4 887916575 +332 118 5 887938330 +332 120 4 887938818 +332 121 5 887916692 +332 122 5 887938886 +332 125 5 887938224 +332 127 5 887916653 +332 144 5 887939092 +332 147 4 887938524 +332 148 5 887938486 +332 156 4 888359944 +332 172 5 888098088 +332 173 5 888360092 +332 174 5 888359866 +332 181 5 887916529 +332 195 5 887939051 +332 204 4 888098088 +332 218 5 888360396 +332 222 4 887916529 +332 225 3 887938706 +332 226 5 887939092 +332 228 5 888359980 +332 229 5 888360342 +332 230 5 888360342 +332 232 5 888098373 +332 233 4 888360370 +332 235 3 887938723 +332 240 4 887938299 +332 245 4 888098170 +332 249 3 891214777 +332 255 4 887938330 +332 258 5 887916151 +332 265 4 888360370 +332 271 4 887916217 +332 276 3 887938299 +332 284 5 887938245 +332 288 5 887916151 +332 291 4 887938439 +332 294 5 887916324 +332 295 3 887916529 +332 300 5 887916188 +332 302 5 893027264 +332 307 5 888098170 +332 313 5 887916125 +332 323 5 888098276 +332 326 5 892484951 +332 327 5 887916324 +332 332 4 887916411 +332 342 4 892484976 +332 350 4 891214762 +332 354 5 888189331 +332 356 3 888360396 +332 367 4 888360212 +332 385 5 888098398 +332 406 3 887938601 +332 409 3 887938601 +332 410 4 887938486 +332 411 4 887938738 +332 431 5 888360412 +332 449 4 888360438 +332 450 5 888360508 +332 451 5 888360179 +332 452 4 888360508 +332 471 4 887938351 +332 472 3 887938277 +332 546 4 888098432 +332 550 5 887939092 +332 552 3 888360488 +332 554 3 888360460 +332 562 5 888098328 +332 566 4 888360342 +332 568 4 888098151 +332 595 4 887938574 +332 619 3 887938524 +332 628 4 887938556 +332 655 5 888360248 +332 660 3 888098125 +332 673 5 888360307 +332 678 4 887916284 +332 682 4 889069561 +332 684 5 888360370 +332 685 4 887938277 +332 693 5 888098538 +332 696 3 887938760 +332 717 3 887938760 +332 728 4 893027298 +332 742 5 887938224 +332 748 4 887916385 +332 756 2 887938687 +332 769 3 888360532 +332 770 3 888098170 +332 820 4 887938524 +332 827 4 887938503 +332 831 3 887938760 +332 833 5 887938556 +332 840 4 887938781 +332 845 3 887938421 +332 866 2 887938631 +332 871 3 887938351 +332 879 4 887916385 +332 928 5 887938706 +332 934 2 887938886 +332 974 4 888360532 +332 975 3 887938631 +332 978 4 888098459 +332 983 2 887938886 +332 984 2 887916411 +332 1013 3 887938798 +332 1016 5 887916529 +332 1028 4 887938403 +332 1042 4 888360396 +332 1150 3 887938631 +332 1157 4 888360532 +332 1188 5 888098374 +332 1210 3 888360460 +332 1218 5 887939171 +332 1244 4 887938798 +333 66 5 891045515 +333 79 3 891045496 +333 88 5 891045551 +333 98 4 891045496 +333 100 4 891045666 +333 127 4 891045496 +333 174 5 891045082 +333 180 1 891045191 +333 269 2 891044134 +333 276 4 891045031 +333 315 5 891044095 +333 316 5 891044659 +333 483 4 891045496 +333 520 4 891045117 +333 739 5 891045410 +333 748 4 891044596 +333 873 3 891045496 +333 894 3 891045496 +334 4 3 891548345 +334 7 5 891544788 +334 8 4 891547171 +334 9 4 891544707 +334 10 4 891545265 +334 11 4 891545741 +334 14 3 891544810 +334 19 4 891544925 +334 20 4 891544867 +334 22 4 891545821 +334 23 4 891545821 +334 29 2 891549751 +334 38 2 891550141 +334 42 4 891545741 +334 44 4 891548224 +334 47 4 891547171 +334 52 4 891548579 +334 56 4 891546914 +334 59 5 891546000 +334 69 1 891548032 +334 70 3 891546299 +334 71 3 891546299 +334 72 3 891549192 +334 73 3 891548695 +334 77 3 891549247 +334 79 4 891546992 +334 81 4 891546299 +334 82 4 891547083 +334 86 4 891548295 +334 91 4 891547306 +334 93 4 891545020 +334 99 4 891548533 +334 100 5 891544707 +334 116 4 891545044 +334 117 3 891544735 +334 121 3 891545067 +334 124 5 891544680 +334 129 4 891544735 +334 130 4 891545318 +334 132 3 891546231 +334 134 5 891545973 +334 135 4 891545793 +334 137 2 891544953 +334 142 3 891548272 +334 143 2 891548647 +334 150 4 891628832 +334 153 4 891547306 +334 154 4 891547235 +334 155 2 891549927 +334 160 4 891547190 +334 161 3 891549304 +334 164 3 891548104 +334 168 5 891546914 +334 169 4 891546348 +334 170 3 891546181 +334 171 4 891546132 +334 172 3 891548954 +334 173 4 891628228 +334 179 4 891546231 +334 181 4 891544904 +334 182 3 891545793 +334 183 4 891545950 +334 186 3 891547128 +334 187 4 891547107 +334 190 4 891547083 +334 191 4 891545793 +334 193 4 891547334 +334 196 4 891547128 +334 200 4 891547171 +334 203 4 891546181 +334 204 4 891547190 +334 207 4 891545950 +334 208 5 891546405 +334 209 3 891545821 +334 210 3 891546405 +334 214 3 891549045 +334 216 3 891546348 +334 217 2 891549805 +334 218 3 891548317 +334 220 3 891545513 +334 222 4 891544904 +334 223 5 891545973 +334 224 2 891545020 +334 225 3 891545645 +334 227 1 891547083 +334 229 2 891549777 +334 236 4 891544765 +334 238 4 891546231 +334 244 3 891545044 +334 245 2 891544367 +334 246 4 891544952 +334 248 4 891544997 +334 250 3 891544840 +334 255 3 891544840 +334 257 4 891544764 +334 258 4 891544264 +334 268 4 891544102 +334 269 3 891544049 +334 275 4 891544707 +334 276 4 891545089 +334 282 4 891544925 +334 283 4 891544810 +334 285 4 891544707 +334 289 3 891544491 +334 290 3 891544997 +334 293 3 891544840 +334 300 3 891544209 +334 301 2 891544233 +334 302 5 891544177 +334 304 3 891550557 +334 306 4 891544103 +334 307 3 891544135 +334 311 4 891628833 +334 313 4 891544077 +334 316 4 891544407 +334 317 3 891546000 +334 319 3 891544233 +334 322 3 891544584 +334 326 1 891544286 +334 337 4 891544177 +334 340 3 891544264 +334 387 4 891548579 +334 396 4 891549103 +334 403 4 891547016 +334 408 4 891547912 +334 419 3 891546181 +334 421 4 891547307 +334 427 4 891545821 +334 433 5 891628158 +334 436 3 891548203 +334 443 3 891547128 +334 449 3 891549539 +334 450 1 891550338 +334 461 3 891547744 +334 462 4 891628832 +334 474 3 891546257 +334 475 4 891544953 +334 476 3 891545540 +334 479 4 891545926 +334 481 5 891546206 +334 494 4 891547235 +334 496 3 891547040 +334 502 3 891546963 +334 505 4 891546405 +334 506 3 891547763 +334 508 3 891544867 +334 512 4 891547148 +334 514 4 891545926 +334 515 4 891545898 +334 518 4 891547334 +334 521 4 891548835 +334 525 5 891545876 +334 527 3 891546231 +334 529 5 891547445 +334 537 4 891547995 +334 549 4 891547261 +334 558 4 891546231 +334 561 2 891549455 +334 566 3 891548866 +334 569 2 891548920 +334 577 2 891550372 +334 603 5 891628849 +334 607 3 891546206 +334 608 4 891547668 +334 620 2 891545540 +334 628 4 891544867 +334 629 4 891548460 +334 631 4 891547467 +334 635 2 891548155 +334 652 5 891546992 +334 658 3 891547148 +334 663 5 891545852 +334 675 4 891547148 +334 684 4 891545768 +334 689 3 891544340 +334 693 3 891547083 +334 707 4 891546153 +334 708 4 891628833 +334 709 4 891548368 +334 710 3 891548295 +334 712 3 891549594 +334 716 3 891548758 +334 736 3 891548979 +334 740 3 891548678 +334 742 2 891544972 +334 744 3 891545108 +334 753 4 891545741 +334 761 2 891549718 +334 792 4 891546257 +334 810 3 891549267 +334 815 3 891545540 +334 840 4 891545674 +334 845 2 891544867 +334 846 3 891545318 +334 856 4 891545926 +334 865 2 891549631 +334 866 3 891545239 +334 870 3 891545513 +334 879 3 891544264 +334 882 3 891544135 +334 887 5 891544491 +334 888 2 891550464 +334 896 5 891544049 +334 899 4 891547348 +334 922 4 891544810 +334 931 1 891549513 +334 950 3 891545162 +334 961 4 891628832 +334 1006 3 891549860 +334 1008 4 891545126 +334 1010 5 891545108 +334 1011 4 891544680 +334 1020 4 891546181 +334 1048 4 891545480 +334 1051 4 891545347 +334 1073 4 891547714 +334 1074 2 891548979 +334 1108 4 891549632 +334 1132 2 891545616 +334 1133 4 891549192 +334 1137 4 891544764 +334 1163 4 891544764 +334 1172 3 891545852 +334 1202 4 891544680 +334 1207 2 891550121 +334 1226 4 891545540 +334 1241 2 891545513 +334 1263 4 891549926 +334 1315 4 891545185 +334 1404 4 891549068 +334 1411 1 891549434 +334 1426 4 891548647 +334 1504 3 891549718 +334 1524 4 891547467 +335 245 4 891567053 +335 260 3 891567159 +335 269 4 891566808 +335 271 4 891567029 +335 288 4 891566952 +335 322 4 891567125 +335 324 1 891567098 +335 328 3 891566903 +335 340 5 891566808 +335 347 5 891567004 +335 678 3 891567251 +336 1 3 877759342 +336 3 1 877758935 +336 13 3 877756890 +336 15 4 877754621 +336 25 3 877756934 +336 26 5 877757877 +336 42 5 877757669 +336 49 4 877758001 +336 50 4 877759224 +336 66 3 877756126 +336 67 4 877756966 +336 72 3 877756127 +336 85 3 877758078 +336 108 3 877757320 +336 117 3 877760603 +336 124 1 877760244 +336 151 1 877759473 +336 153 5 877757669 +336 154 5 877757637 +336 158 3 877756618 +336 173 5 877757637 +336 202 1 877757909 +336 204 5 877757601 +336 208 2 877757930 +336 210 5 877757700 +336 216 5 877757858 +336 232 3 877757023 +336 238 3 877757700 +336 239 3 877758001 +336 257 4 877759730 +336 273 5 877760032 +336 276 4 877760310 +336 282 3 877760032 +336 294 4 877759103 +336 367 3 877757910 +336 368 1 877756695 +336 393 3 877756618 +336 395 2 877757094 +336 399 3 877757063 +336 405 3 877760374 +336 407 1 877757373 +336 410 3 877758001 +336 451 2 877756242 +336 475 4 877756934 +336 546 3 877760310 +336 571 1 877756999 +336 577 1 877757396 +336 579 3 877757373 +336 585 3 877756966 +336 591 5 877759598 +336 619 3 877759833 +336 628 3 877760374 +336 655 3 877757752 +336 692 3 877757637 +336 710 4 877757700 +336 716 2 877758001 +336 722 3 877757134 +336 734 1 877757516 +336 738 1 877757343 +336 742 3 877759928 +336 746 3 877758103 +336 780 3 877756934 +336 781 3 877757373 +336 785 1 877758935 +336 824 3 877756890 +336 845 1 877758035 +336 864 1 877757837 +336 871 2 877757550 +336 926 1 877758935 +336 949 4 877757952 +336 959 3 877758138 +336 999 2 877757516 +336 1012 5 877760082 +336 1017 5 877757063 +336 1047 4 877757063 +336 1048 4 877757134 +336 1054 1 877754876 +336 1057 4 877757373 +336 1059 3 877756890 +336 1074 5 877757516 +336 1079 1 877757094 +336 1094 1 877757062 +336 1098 3 877757790 +336 1118 4 877758055 +336 1183 1 877757972 +336 1218 3 877757790 +336 1230 2 877757516 +336 1249 3 877756356 +336 1446 1 877757790 +337 25 3 875184963 +337 50 5 875184413 +337 67 4 875236631 +337 106 2 875184682 +337 121 5 875185664 +337 135 5 875236512 +337 151 5 875185627 +337 181 2 875184353 +337 227 5 875185319 +337 228 5 875185319 +337 229 3 875185319 +337 230 5 875185319 +337 235 3 875184717 +337 257 3 875184963 +337 371 4 875236191 +337 392 5 875236512 +337 450 2 875185319 +337 631 4 875429292 +337 742 5 875184353 +337 879 3 875429233 +337 1016 4 875184825 +337 1133 4 875236281 +338 56 3 879438535 +338 79 4 879438715 +338 86 4 879438505 +338 100 4 879438196 +338 132 2 879438143 +338 133 4 879438143 +338 134 5 879438536 +338 143 2 879438652 +338 168 3 879438225 +338 169 5 879438196 +338 170 5 879438301 +338 174 4 879438392 +338 180 4 879438505 +338 189 4 879438449 +338 194 3 879438597 +338 197 5 879438473 +338 204 3 879438063 +338 211 4 879438092 +338 212 4 879438597 +338 215 3 879438092 +338 269 4 879437523 +338 275 5 879438063 +338 286 4 879437522 +338 294 1 879437576 +338 306 4 879437548 +338 310 3 879437522 +338 382 5 879438762 +338 408 5 879438570 +338 435 4 879438597 +338 462 4 879438715 +338 478 3 879438505 +338 479 5 879438250 +338 480 5 879438114 +338 483 4 879438092 +338 484 5 879438143 +338 486 3 879438392 +338 488 5 879438449 +338 494 3 879438570 +338 497 3 879438165 +338 498 4 879438250 +338 511 4 879438473 +338 516 5 879438366 +338 517 5 879438505 +338 523 3 879438366 +338 525 4 879438449 +338 582 5 879438419 +338 603 5 879438690 +338 604 4 879438326 +338 606 3 879438275 +338 613 3 879438597 +338 663 5 879438627 +338 792 4 879438196 +338 945 4 879438762 +338 990 4 879437607 +338 1124 4 879438301 +339 1 5 891032349 +339 7 4 891032952 +339 9 5 891033044 +339 11 4 891032379 +339 12 5 891032659 +339 23 5 891033481 +339 25 4 891035116 +339 28 4 891032542 +339 30 3 891032765 +339 32 5 891032255 +339 42 4 891033452 +339 47 4 891032701 +339 53 4 891034254 +339 55 3 891032765 +339 58 3 891032379 +339 65 4 891033452 +339 67 3 891035147 +339 73 3 891035003 +339 74 4 891033382 +339 76 3 891034254 +339 81 5 891033566 +339 82 4 891035850 +339 92 4 891033452 +339 94 2 891036423 +339 97 4 891034626 +339 98 4 891032150 +339 101 3 891034626 +339 121 3 891035454 +339 124 4 891032885 +339 126 4 891032121 +339 131 5 891033382 +339 132 5 891032953 +339 133 4 891033165 +339 135 5 891033256 +339 136 5 891033898 +339 139 3 891036199 +339 143 5 891034810 +339 144 3 891033794 +339 145 3 891036557 +339 153 4 891033932 +339 154 4 891032885 +339 156 5 891032495 +339 159 3 891034681 +339 163 4 891035324 +339 167 4 891036058 +339 168 4 891033710 +339 170 5 891032286 +339 173 5 891034254 +339 174 4 891032320 +339 175 5 891032793 +339 176 4 891032413 +339 178 5 891033310 +339 181 4 891033898 +339 182 5 891033310 +339 183 4 891032828 +339 187 5 891032700 +339 188 4 891033735 +339 190 4 891034215 +339 191 5 891033676 +339 192 5 891032438 +339 194 4 891037070 +339 196 4 891033416 +339 198 5 891033382 +339 200 5 891033118 +339 205 5 891033629 +339 211 5 891034215 +339 212 4 891035215 +339 213 4 891033542 +339 214 3 891033226 +339 216 3 891032286 +339 217 3 891034254 +339 218 3 891034810 +339 222 4 891033512 +339 226 2 891034744 +339 228 4 891033960 +339 229 3 891035584 +339 231 2 891035180 +339 238 5 891032827 +339 240 4 891036641 +339 241 4 891034152 +339 248 4 891034592 +339 250 5 891033830 +339 258 3 891033200 +339 265 3 891034779 +339 270 2 891036753 +339 286 5 891032349 +339 288 3 891036899 +339 293 5 891033282 +339 298 2 891032856 +339 302 4 891034592 +339 327 4 891032150 +339 343 3 891031800 +339 346 5 891032255 +339 347 4 891034953 +339 380 3 891035584 +339 396 4 891036316 +339 402 3 891034867 +339 404 4 891035147 +339 411 2 891035420 +339 431 4 891035488 +339 434 4 891033350 +339 435 4 891032189 +339 449 3 891036316 +339 469 5 891032633 +339 475 5 891032856 +339 478 5 891032466 +339 479 5 891032701 +339 480 5 891032885 +339 485 5 891032413 +339 488 5 891032379 +339 496 5 891032320 +339 503 4 891035093 +339 504 5 891032255 +339 506 4 891033766 +339 509 4 891033140 +339 514 3 891037119 +339 515 5 891033072 +339 516 4 891033481 +339 518 5 891033984 +339 522 5 891033165 +339 523 5 891033044 +339 525 5 891032737 +339 546 4 891036423 +339 549 4 891034040 +339 550 2 891035523 +339 568 3 891035061 +339 573 3 891036016 +339 582 4 891032793 +339 589 5 891032221 +339 603 5 891032542 +339 607 5 891032189 +339 631 5 891033256 +339 632 4 891033794 +339 636 4 891035248 +339 639 4 891034115 +339 642 5 891032953 +339 644 5 891033200 +339 654 5 891032150 +339 655 4 891033452 +339 657 4 891032221 +339 660 4 891034778 +339 661 5 891033830 +339 673 5 891034071 +339 693 5 891033200 +339 719 3 891036753 +339 736 3 891035093 +339 739 3 891036058 +339 770 4 891034895 +339 772 4 891032413 +339 790 2 891034151 +339 806 4 891032737 +339 823 3 891035850 +339 845 4 891034718 +339 856 5 891034922 +339 939 4 891034115 +339 961 3 891034778 +339 1030 1 891036707 +339 1039 4 891033932 +339 1113 4 891033829 +339 1135 2 891033898 +339 1139 3 891036557 +339 1240 5 891033855 +339 1244 4 891036423 +339 1248 3 891034538 +339 1258 3 891034717 +339 1267 3 891033766 +339 1301 3 891032189 +339 1404 5 891034592 +340 1 5 884990988 +340 15 5 884991396 +340 66 5 884990798 +340 71 5 884990891 +340 95 5 884991083 +340 172 4 884990620 +340 174 4 884989913 +340 179 1 884989963 +340 180 3 884991236 +340 181 4 884991431 +340 186 4 884991082 +340 196 4 884990861 +340 204 4 884990004 +340 205 4 884991516 +340 211 3 884991431 +340 265 5 884990470 +340 274 4 884991618 +340 378 5 884990891 +340 402 4 884990922 +340 405 5 884991817 +340 418 5 884990669 +340 423 4 884990583 +340 428 1 884991618 +340 435 4 884990546 +340 480 5 884991114 +340 497 5 884990951 +340 502 2 884991678 +340 504 1 884991742 +340 526 5 884991396 +340 584 3 884991369 +340 969 5 884991647 +340 1133 5 884991742 +341 288 4 890757686 +341 292 5 890757659 +341 294 3 890757997 +341 299 5 890757745 +341 330 5 890758113 +341 335 4 890757782 +341 872 4 890757841 +341 876 4 890757886 +341 877 3 890758113 +341 880 5 890757997 +341 881 5 890757961 +341 887 5 890757745 +341 895 4 890757961 +341 908 3 890758080 +341 948 3 890758169 +341 1280 2 890757782 +341 1527 4 890757717 +342 3 2 875318606 +342 4 4 874984395 +342 9 5 874984233 +342 11 5 874984315 +342 12 5 874984315 +342 13 3 874984480 +342 14 5 874984661 +342 23 5 874984154 +342 25 2 875318328 +342 32 5 874984207 +342 42 3 875319659 +342 56 5 874984315 +342 57 3 875319457 +342 58 5 875319912 +342 88 1 875320644 +342 89 3 875319090 +342 92 4 875320227 +342 93 4 874984684 +342 95 4 875320297 +342 98 3 874984261 +342 100 5 874984207 +342 108 4 874984574 +342 114 5 875318962 +342 122 4 875318783 +342 129 5 874984684 +342 132 5 875319129 +342 134 4 875318936 +342 137 2 874984455 +342 143 5 875318936 +342 149 5 874984788 +342 150 3 874984531 +342 152 4 874984341 +342 153 4 874984261 +342 156 4 874984128 +342 160 3 874984365 +342 165 3 875318907 +342 169 5 875318907 +342 175 5 874984207 +342 179 5 874984175 +342 182 5 875319173 +342 188 3 875318936 +342 189 5 875319967 +342 191 5 875319991 +342 192 4 875320082 +342 204 4 874984261 +342 212 5 875319992 +342 216 5 875320104 +342 220 1 874984455 +342 236 3 875318536 +342 237 4 874984832 +342 240 3 875318629 +342 246 4 874984480 +342 249 3 874984661 +342 251 5 875318267 +342 255 4 874984574 +342 257 2 875318267 +342 262 2 874984025 +342 274 2 874984895 +342 276 3 874984531 +342 287 3 874984619 +342 288 5 875318267 +342 289 2 874984067 +342 293 4 874984619 +342 294 3 874984067 +342 297 3 875318267 +342 319 4 874984002 +342 320 5 875318833 +342 324 1 874984002 +342 327 4 874984025 +342 378 4 875319617 +342 381 5 875320312 +342 408 5 875318266 +342 412 3 875318648 +342 421 3 875319435 +342 427 4 875319254 +342 428 5 875320334 +342 433 5 874984395 +342 461 3 874984315 +342 475 5 874984233 +342 476 4 875318488 +342 483 4 875319745 +342 486 5 874984207 +342 487 5 874984315 +342 488 5 875319536 +342 496 4 875319334 +342 499 5 875319912 +342 507 4 875319295 +342 508 3 874984810 +342 514 5 874984341 +342 517 5 875320297 +342 518 3 875318858 +342 523 4 875319854 +342 531 3 874984175 +342 544 1 875318606 +342 558 5 874984341 +342 574 1 875320124 +342 581 3 875320037 +342 584 4 874984430 +342 591 3 875318629 +342 607 3 875318963 +342 654 4 875319745 +342 655 4 875319383 +342 657 5 874984207 +342 692 1 875319090 +342 716 2 875320014 +342 723 3 875319659 +342 724 1 875320297 +342 746 4 875320227 +342 762 2 874984914 +342 763 3 874984854 +342 764 1 875318762 +342 772 1 875319597 +342 792 3 875318882 +342 813 5 874984480 +342 815 4 875318629 +342 833 3 874984751 +342 844 3 874984789 +342 846 2 875318688 +342 875 1 874984045 +342 928 3 875318509 +342 950 2 875318423 +342 952 3 874984619 +342 965 4 875319195 +342 974 2 874984789 +342 975 2 875318509 +342 1007 4 874984507 +342 1009 1 874984596 +342 1010 1 874984574 +342 1011 3 875318467 +342 1012 4 874984639 +342 1016 1 874984596 +342 1047 2 874984854 +342 1048 1 875318536 +342 1057 2 875318783 +342 1070 3 875319412 +342 1071 4 875319497 +342 1073 1 875320199 +342 1094 3 874984873 +342 1128 5 875318536 +342 1160 3 874984751 +342 1163 3 875318266 +342 1166 1 875319745 +342 1300 1 875318556 +342 1368 5 874984507 +343 4 5 876408139 +343 7 5 876402941 +343 8 5 876404836 +343 9 5 876402738 +343 10 4 876403009 +343 12 5 876405735 +343 13 5 876402894 +343 20 5 876408138 +343 22 4 876406181 +343 25 2 876402814 +343 26 3 876404689 +343 28 5 876404793 +343 38 3 876406257 +343 44 3 876406640 +343 47 4 876405130 +343 48 3 876405697 +343 50 5 876402814 +343 52 5 876404793 +343 53 5 876407421 +343 55 3 876405129 +343 56 5 876404880 +343 62 2 876406707 +343 64 5 876405697 +343 65 5 876405172 +343 67 3 876407663 +343 68 1 876406878 +343 69 5 876405735 +343 72 5 876407706 +343 76 4 876407565 +343 81 5 876408139 +343 82 5 876405735 +343 88 4 876405130 +343 97 4 876405893 +343 98 5 876404836 +343 100 5 876402668 +343 116 5 876403009 +343 118 2 876403121 +343 121 2 876407072 +343 124 4 876402738 +343 127 5 876404464 +343 130 3 876403883 +343 132 5 876404880 +343 134 5 876404568 +343 135 5 876404568 +343 143 4 876406677 +343 147 4 876402814 +343 150 4 876402941 +343 154 5 876406552 +343 156 4 876405857 +343 157 4 876405045 +343 159 2 876405893 +343 163 5 876408139 +343 164 3 876404757 +343 176 5 876405553 +343 179 5 876405633 +343 186 4 876407485 +343 187 4 876406006 +343 188 4 876407749 +343 189 4 876405697 +343 191 5 876404689 +343 193 4 876405857 +343 194 5 876405200 +343 196 4 876406257 +343 197 4 876404836 +343 198 4 876406006 +343 199 5 876404464 +343 202 4 876406256 +343 203 5 876406764 +343 208 4 876404426 +343 211 5 876405820 +343 214 4 876406604 +343 215 5 876405943 +343 217 3 876405771 +343 222 4 876402978 +343 223 5 876405735 +343 228 5 876404757 +343 234 1 876405633 +343 235 4 876403078 +343 236 5 876402668 +343 237 4 876402738 +343 250 5 876403078 +343 252 4 876403491 +343 258 5 876402390 +343 260 1 876402556 +343 269 4 876402390 +343 274 3 876403443 +343 275 5 876408139 +343 276 5 876403078 +343 286 4 876402390 +343 288 2 876402428 +343 303 4 876402390 +343 306 4 876402516 +343 317 5 876405130 +343 318 5 876406707 +343 333 3 876402468 +343 367 4 876406144 +343 371 2 876405893 +343 375 2 876406978 +343 382 3 876406978 +343 385 3 876406939 +343 387 4 876405521 +343 403 4 876406878 +343 405 4 876403776 +343 408 5 876403121 +343 410 3 876403212 +343 423 5 876408139 +343 425 5 876406514 +343 429 4 876407138 +343 435 4 876404343 +343 458 5 876402894 +343 462 4 876404385 +343 466 4 876404957 +343 473 3 876403212 +343 474 5 876406677 +343 475 5 876402668 +343 476 2 876403239 +343 478 5 876404499 +343 483 5 876404343 +343 496 5 876404426 +343 498 5 876408138 +343 499 5 876405129 +343 510 5 876408139 +343 523 5 876404647 +343 531 5 876404539 +343 536 4 876403310 +343 546 1 876403348 +343 555 1 876407706 +343 561 3 876405172 +343 568 1 876406640 +343 569 3 876406421 +343 582 3 876404836 +343 583 4 876407202 +343 606 5 876404836 +343 642 4 876404343 +343 654 5 876407006 +343 655 5 876405697 +343 657 5 876404464 +343 663 5 876405045 +343 684 3 876406878 +343 702 4 876406257 +343 708 4 876407006 +343 712 4 876406391 +343 715 5 876405943 +343 724 4 876404499 +343 727 4 876406462 +343 729 3 876407291 +343 735 5 876406576 +343 747 4 876407174 +343 778 5 876406391 +343 792 5 876405172 +343 823 3 876403851 +343 919 5 876403348 +343 921 4 876406640 +343 951 1 876406144 +343 961 4 876404688 +343 963 5 876404880 +343 980 5 876403239 +343 1008 4 876403418 +343 1039 5 876404689 +343 1047 1 876403776 +343 1107 3 876406977 +343 1112 3 876406314 +343 1117 3 876403563 +343 1132 4 876403746 +343 1140 3 876405943 +343 1267 4 876406576 +344 4 4 884901235 +344 5 3 884901533 +344 9 5 884814480 +344 11 3 884901270 +344 12 5 884901024 +344 13 3 884899768 +344 19 4 884899346 +344 22 3 884901180 +344 25 4 884814480 +344 26 3 884901561 +344 39 3 884901290 +344 45 5 884901210 +344 50 5 884814401 +344 58 3 884814697 +344 64 5 884900818 +344 69 2 884901093 +344 71 3 884901371 +344 79 4 884900993 +344 83 4 884901503 +344 86 4 884901129 +344 87 4 889814195 +344 95 4 884901180 +344 96 4 889814195 +344 97 3 884901156 +344 98 4 884901180 +344 100 5 886382272 +344 106 2 884900583 +344 111 4 884899767 +344 117 3 884899767 +344 118 3 884900353 +344 119 5 884814457 +344 122 1 886381985 +344 125 3 884899741 +344 127 5 889814518 +344 132 4 889814194 +344 148 2 884900248 +344 169 5 884814457 +344 172 4 884814697 +344 173 5 884814697 +344 175 5 884901110 +344 176 5 884814507 +344 181 3 884901047 +344 183 5 884814507 +344 190 5 886382447 +344 191 5 889814194 +344 195 5 884900771 +344 196 4 884901328 +344 203 4 884901328 +344 204 4 884901024 +344 208 5 884901290 +344 213 4 884901351 +344 215 3 884900818 +344 222 4 884899372 +344 228 4 884901047 +344 235 3 884900423 +344 237 3 884900353 +344 244 3 889814600 +344 245 3 884813365 +344 246 4 889814518 +344 248 4 889814539 +344 251 5 889814518 +344 255 4 889814555 +344 258 3 884814359 +344 268 3 884814359 +344 269 4 884814359 +344 273 4 884900677 +344 274 2 884899768 +344 276 4 889814194 +344 278 3 884900454 +344 281 3 884900374 +344 283 4 884814432 +344 284 3 884899768 +344 285 5 889814068 +344 286 3 884813183 +344 288 4 889813994 +344 290 2 884899837 +344 295 3 889814571 +344 297 4 889814555 +344 301 4 889813946 +344 302 5 884814359 +344 303 4 884814359 +344 304 3 884814359 +344 306 5 884814359 +344 311 4 884814359 +344 313 3 884814359 +344 315 5 884813342 +344 319 1 886381985 +344 367 5 884901560 +344 408 5 884814532 +344 421 2 884901561 +344 431 3 884901469 +344 433 4 884901517 +344 451 4 884901403 +344 462 2 884901156 +344 463 4 884901210 +344 471 3 884899719 +344 472 3 884899837 +344 473 4 884900248 +344 476 3 884900499 +344 477 3 884900353 +344 478 4 884901210 +344 479 4 884901093 +344 486 4 884901156 +344 494 4 884901210 +344 496 4 889814194 +344 508 4 884814697 +344 511 4 884901311 +344 516 5 884901311 +344 529 5 884814668 +344 530 4 884901403 +344 535 3 889814539 +344 537 4 884814432 +344 546 3 884899837 +344 559 3 884901351 +344 562 2 886381985 +344 568 5 884901419 +344 588 5 884900993 +344 597 2 884900454 +344 619 4 885770181 +344 628 4 884899442 +344 660 3 884901235 +344 663 5 884900993 +344 678 2 884813365 +344 684 3 884901249 +344 694 5 884901093 +344 707 4 884900792 +344 709 5 886382364 +344 713 3 884899742 +344 715 4 889814195 +344 716 3 884901403 +344 742 3 884900248 +344 751 4 886381635 +344 756 2 884900529 +344 762 3 884900391 +344 845 3 884899791 +344 864 3 884900454 +344 896 4 884814359 +344 928 2 884900409 +344 1007 4 889814518 +344 1020 5 884814457 +344 1048 3 884899815 +344 1050 3 884901290 +344 1082 2 889814622 +344 1137 3 884899339 +344 1165 1 886381986 +344 1172 4 884901311 +344 1283 2 889814587 +345 1 3 884990938 +345 4 4 884993619 +345 5 3 884992922 +345 9 4 884900976 +345 12 5 884901701 +345 13 4 884991220 +345 14 4 884991077 +345 15 4 884991220 +345 25 3 884991384 +345 26 3 884993555 +345 33 4 884993069 +345 38 2 884993830 +345 40 3 884993662 +345 42 2 884991873 +345 48 5 884902317 +345 49 3 884993505 +345 51 5 884993744 +345 54 3 884993506 +345 58 4 884916322 +345 64 5 884902317 +345 65 4 884992158 +345 66 3 884993069 +345 69 4 884992755 +345 71 3 884992922 +345 77 3 884993555 +345 81 4 884992998 +345 86 4 884916235 +345 87 5 884991984 +345 88 4 884992940 +345 91 4 884993016 +345 93 4 884991191 +345 98 5 884916235 +345 100 5 884902317 +345 118 3 884991520 +345 121 3 884991384 +345 124 5 884900777 +345 125 3 884991191 +345 126 5 884991105 +345 131 4 884992998 +345 132 5 884901371 +345 137 4 884991077 +345 150 5 884991105 +345 151 5 884991191 +345 161 3 884993555 +345 172 4 884991831 +345 173 5 884902317 +345 174 4 884992367 +345 181 4 884992479 +345 191 5 884902317 +345 197 4 884992141 +345 200 4 884916339 +345 202 3 884992218 +345 204 4 884991925 +345 210 4 884992174 +345 215 4 884993464 +345 216 5 884901701 +345 218 3 884992218 +345 220 3 884991457 +345 221 5 884900899 +345 235 3 884991285 +345 237 4 884991077 +345 238 5 884916495 +345 244 3 884994658 +345 246 4 884994156 +345 248 5 884994083 +345 251 5 884994119 +345 255 4 884994156 +345 258 4 884916532 +345 262 5 884901701 +345 268 4 884900448 +345 269 5 884900466 +345 272 5 884900426 +345 274 3 884991267 +345 280 3 884991457 +345 282 3 884991419 +345 283 4 884991105 +345 284 4 884991348 +345 285 5 884901701 +345 286 3 884900521 +345 287 4 884991670 +345 289 3 884901497 +345 291 3 884991476 +345 293 4 884994592 +345 295 4 884994592 +345 297 4 884994156 +345 300 3 884900427 +345 301 4 884900543 +345 302 5 884902317 +345 303 4 884900448 +345 305 4 884900483 +345 311 5 884900609 +345 312 3 884900709 +345 313 4 884900467 +345 315 5 884900653 +345 317 4 884992465 +345 318 5 884916354 +345 323 3 884916551 +345 325 1 884901497 +345 332 1 884901497 +345 333 3 884900543 +345 356 3 884993686 +345 367 4 884993069 +345 385 3 884993418 +345 387 4 884992823 +345 393 3 884993485 +345 402 4 884993464 +345 403 3 884992922 +345 405 4 884991285 +345 412 3 884991600 +345 443 5 884993464 +345 451 5 884993085 +345 461 3 884992175 +345 462 5 884901637 +345 469 5 884916274 +345 470 4 884992084 +345 471 3 884991127 +345 473 2 884991244 +345 476 3 884991505 +345 479 4 884991812 +345 481 3 884916260 +345 485 4 884992141 +345 498 4 884992117 +345 508 4 884901000 +345 518 4 884916484 +345 535 3 884994136 +345 550 3 884993784 +345 559 1 884901497 +345 566 3 884992194 +345 570 2 884993662 +345 582 5 884992807 +345 620 2 884991614 +345 628 3 884991105 +345 639 4 884993139 +345 651 4 884992493 +345 660 5 884993418 +345 676 4 884991384 +345 678 2 884901497 +345 684 4 884992005 +345 708 3 884992786 +345 715 4 884993069 +345 716 3 884993686 +345 722 3 884993783 +345 724 5 884993139 +345 732 4 884993418 +345 737 3 884993418 +345 738 3 884993636 +345 739 4 884993016 +345 742 4 884991191 +345 744 4 884991348 +345 748 2 884901497 +345 762 5 884991285 +345 781 3 884993636 +345 815 3 884991546 +345 845 3 884991220 +345 846 4 884991348 +345 866 3 884991476 +345 879 2 884901497 +345 886 3 884900736 +345 903 3 884900609 +345 919 2 884991077 +345 941 3 884993932 +345 949 3 884992897 +345 956 4 884916322 +345 972 4 884993464 +345 974 3 884991581 +345 980 4 884991688 +345 988 2 884916551 +345 1007 5 884994119 +345 1009 2 884991546 +345 1011 3 884991127 +345 1014 3 884994643 +345 1016 3 884994619 +345 1017 2 884991303 +345 1047 4 884991457 +345 1048 2 884991436 +345 1074 3 884993890 +345 1082 2 884994569 +345 1101 4 884993436 +345 1160 3 884994606 +345 1247 2 884993996 +345 1281 4 884991105 +345 1315 3 884994631 +346 3 3 875265392 +346 4 4 874948105 +346 17 1 874950839 +346 31 4 874950383 +346 33 5 875261753 +346 53 1 875263501 +346 55 5 874948639 +346 58 3 875122112 +346 62 3 875263634 +346 64 4 874948214 +346 67 3 875264985 +346 68 3 874951062 +346 72 3 874951714 +346 76 4 874950135 +346 79 5 874948105 +346 83 4 874949923 +346 88 4 874949380 +346 94 3 875263845 +346 96 5 874948252 +346 97 4 874948929 +346 120 3 875264287 +346 121 4 874948703 +346 127 5 874947747 +346 128 2 874950208 +346 133 5 874948513 +346 134 5 874947644 +346 143 3 874948332 +346 144 4 886273914 +346 151 4 874949244 +346 153 3 874948252 +346 158 2 875264945 +346 159 4 874949011 +346 161 3 874950413 +346 164 3 874948824 +346 167 2 875264209 +346 174 5 874948547 +346 175 4 874947644 +346 176 4 874947747 +346 177 4 874948476 +346 182 5 874948031 +346 186 3 874948303 +346 187 3 874948030 +346 188 4 874948252 +346 195 5 874948703 +346 196 3 874950692 +346 203 4 874948139 +346 210 4 874947700 +346 211 4 874948475 +346 213 3 874948173 +346 216 3 874949011 +346 218 3 875263574 +346 219 2 875263664 +346 226 3 886273914 +346 232 3 875263877 +346 233 4 874948889 +346 234 2 874950291 +346 237 4 874949086 +346 240 1 874948929 +346 241 4 874948929 +346 245 4 875266665 +346 265 4 874950794 +346 291 5 875002643 +346 294 3 886273405 +346 322 3 886273541 +346 365 1 874951029 +346 385 5 886274124 +346 391 2 875266600 +346 392 3 875266064 +346 395 1 875264785 +346 403 3 874950383 +346 405 3 886274098 +346 415 2 875265527 +346 423 4 874949057 +346 455 3 874948889 +346 472 4 874950937 +346 515 5 874948890 +346 518 4 874948889 +346 520 5 874948105 +346 541 3 874951104 +346 546 4 875263238 +346 561 3 874950172 +346 566 5 874950766 +346 569 3 875266064 +346 582 3 874951783 +346 640 3 874947923 +346 657 4 875260577 +346 658 3 874949011 +346 660 2 874948979 +346 669 1 875265690 +346 673 3 874951782 +346 684 4 874948929 +346 685 3 874950383 +346 693 4 874950937 +346 708 3 874951714 +346 720 2 875265528 +346 727 1 874947794 +346 732 3 874948955 +346 739 3 874950316 +346 742 4 874948513 +346 743 2 875265295 +346 780 2 875264904 +346 785 3 875263077 +346 809 3 874951029 +346 831 3 875003274 +346 842 1 874948513 +346 879 5 886273570 +346 932 2 875264752 +346 967 2 874948426 +346 977 3 875264110 +346 1011 1 874947609 +346 1018 3 874950536 +346 1039 2 874948303 +346 1090 2 875265071 +346 1110 1 875264985 +346 1188 1 875264472 +346 1210 3 875265335 +346 1217 4 886274201 +346 1222 4 875263877 +346 1232 1 875264262 +346 1258 4 875002895 +347 4 4 881654452 +347 7 4 881652590 +347 11 5 881653544 +347 12 3 881653584 +347 15 2 881652535 +347 22 5 881654005 +347 24 3 881652657 +347 25 2 881652684 +347 55 5 881653603 +347 56 5 881653736 +347 65 2 881654679 +347 69 5 881653687 +347 73 2 881654773 +347 76 5 881654679 +347 79 5 881653890 +347 82 5 881654269 +347 85 5 881654880 +347 87 3 881653830 +347 91 1 881654679 +347 95 4 881654410 +347 96 4 881653775 +347 98 5 881654359 +347 100 3 881652417 +347 105 2 881653198 +347 106 2 881652813 +347 121 3 881652535 +347 123 3 881654301 +347 125 5 881652568 +347 127 5 881652434 +347 132 5 881654064 +347 137 2 881652568 +347 144 5 881654186 +347 147 4 881652710 +347 148 3 881652888 +347 151 3 881652480 +347 156 5 881653652 +347 159 4 881654635 +347 168 5 881653798 +347 173 2 881654503 +347 174 4 881654248 +347 177 5 881654386 +347 180 5 881654101 +347 182 5 881653736 +347 183 3 881654232 +347 186 5 881653912 +347 188 5 881654480 +347 192 4 881653798 +347 195 4 881653603 +347 200 4 881654452 +347 202 4 881654211 +347 203 5 881654232 +347 204 4 881653830 +347 208 2 881654480 +347 210 4 881653973 +347 215 4 881654211 +347 216 3 881653933 +347 222 4 881652377 +347 223 4 881653669 +347 227 4 881654734 +347 230 4 881654101 +347 237 4 881652629 +347 239 5 881654591 +347 241 3 881654386 +347 246 4 881652417 +347 249 5 881652683 +347 257 4 881652610 +347 260 1 881652250 +347 268 4 881652169 +347 280 4 881652657 +347 282 5 881652590 +347 284 3 881652480 +347 286 3 881652054 +347 288 5 881652118 +347 290 3 881653132 +347 291 5 881652746 +347 293 5 881652709 +347 294 1 881652142 +347 298 5 881652590 +347 300 5 881652054 +347 317 1 881654409 +347 318 3 881653563 +347 323 1 881652142 +347 324 1 881652230 +347 328 4 881652077 +347 357 5 881653774 +347 363 1 881653244 +347 369 4 881653300 +347 385 4 881654101 +347 386 1 881654846 +347 392 2 881654592 +347 405 4 881652610 +347 410 5 881653059 +347 411 5 881653132 +347 416 3 881654715 +347 418 4 881654134 +347 421 2 881653635 +347 423 4 881654567 +347 427 4 881654004 +347 435 5 881654211 +347 455 2 881653087 +347 462 2 881654359 +347 465 3 881654825 +347 472 5 881652813 +347 475 4 881652417 +347 501 4 881654410 +347 546 4 881653059 +347 550 5 881654734 +347 568 4 881654339 +347 588 3 881654321 +347 595 2 881653244 +347 609 4 881654064 +347 627 4 881654545 +347 660 2 881654186 +347 685 3 881652684 +347 686 5 881654101 +347 689 4 881652250 +347 693 5 881654156 +347 696 4 881653266 +347 699 1 881654480 +347 713 3 881652568 +347 721 5 881654715 +347 735 2 881654134 +347 742 5 881652610 +347 748 2 881652142 +347 806 3 881653830 +347 819 1 881653155 +347 827 1 881653266 +347 829 4 881653155 +347 841 3 881652769 +347 871 4 881653300 +347 879 3 881652099 +347 926 1 881654846 +347 928 3 881653176 +347 943 4 881654545 +347 959 5 881654545 +347 977 5 881653224 +347 1011 3 881653155 +347 1028 2 881653087 +347 1035 3 881654522 +347 1047 1 881653224 +347 1059 3 881652813 +347 1088 1 881653224 +347 1244 3 881653300 +347 1283 1 881652730 +347 1291 1 881653340 +348 1 4 886523078 +348 15 4 886523330 +348 25 4 886523521 +348 100 4 886523207 +348 117 4 886523256 +348 147 5 886523361 +348 151 3 886523456 +348 237 4 886523078 +348 240 3 886523839 +348 243 3 886522740 +348 245 4 886522765 +348 276 3 886523456 +348 288 5 886522495 +348 294 4 886522658 +348 313 5 886522495 +348 369 3 886523758 +348 370 4 886523621 +348 405 4 886523174 +348 406 4 886523521 +348 411 4 886523790 +348 472 4 886523758 +348 473 3 886523560 +348 476 4 886523735 +348 477 3 886523521 +348 596 4 886523456 +348 628 4 886523256 +348 685 4 886523560 +348 742 4 886523078 +348 819 4 886523710 +348 827 4 886523387 +348 834 4 886523913 +348 924 4 886523361 +348 928 5 886523683 +348 974 4 886523683 +348 975 4 886523813 +348 1028 4 886523560 +348 1061 5 886523790 +348 1120 3 886523387 +349 9 4 879465477 +349 25 3 879465966 +349 100 4 879466479 +349 105 2 879466283 +349 106 1 879466283 +349 118 2 879466283 +349 125 4 879466541 +349 126 2 879465598 +349 237 2 879466062 +349 276 5 879465841 +349 284 5 879466156 +349 285 5 879465477 +349 288 3 879466118 +349 291 3 879465934 +349 370 2 879466283 +349 411 4 879466232 +349 412 1 879466366 +349 455 2 879465712 +349 459 4 879465569 +349 475 4 879466479 +349 546 3 879466200 +349 619 4 879466000 +349 696 3 879465934 +349 713 3 879465673 +349 744 2 879465785 +349 823 4 879466156 +349 847 4 879466507 +349 985 3 879466118 +349 1028 2 879466200 +349 1117 3 879466366 +350 1 4 882345734 +350 23 5 882345823 +350 89 4 882347465 +350 98 4 882347832 +350 127 5 882345502 +350 132 5 882346929 +350 153 3 882347466 +350 168 5 882346847 +350 173 4 882347465 +350 174 5 882346720 +350 176 4 882347653 +350 179 5 882347653 +350 181 4 882346720 +350 183 3 882347465 +350 187 5 882347782 +350 190 4 882346900 +350 193 4 882347653 +350 195 5 882347832 +350 211 2 882347466 +350 228 4 882347598 +350 271 3 882347466 +350 286 5 882345337 +350 324 4 882345384 +350 340 4 882346257 +350 427 5 882346118 +350 429 4 882345668 +350 435 5 882346900 +350 480 5 882345918 +350 483 5 882347734 +350 530 4 882346161 +350 589 5 882346986 +350 603 5 882345975 +350 604 5 882346086 +350 616 4 882346383 +350 654 5 882345918 +350 657 5 882346663 +350 1039 4 882345975 +351 258 5 879481386 +351 286 5 879481386 +351 292 4 879481550 +351 304 3 879481675 +351 307 4 879481550 +351 310 5 879481386 +351 312 5 883356784 +351 313 5 883356562 +351 332 5 879481495 +351 340 1 879481424 +351 359 4 879481589 +351 538 4 879481495 +351 750 5 883356810 +351 754 5 883356614 +351 873 3 879481643 +351 879 5 879481461 +351 882 5 879481589 +351 895 3 883356591 +351 898 5 883356784 +351 984 5 879481675 +351 989 4 883356684 +351 990 5 879481461 +351 1105 4 883356833 +351 1316 4 883356883 +352 4 3 884290328 +352 7 3 884290549 +352 39 5 884289728 +352 55 1 884289728 +352 56 5 884289760 +352 79 4 884289693 +352 86 4 884290505 +352 92 3 884289728 +352 96 4 884290328 +352 98 5 884290428 +352 144 5 884290328 +352 156 4 884290428 +352 173 1 884290361 +352 174 5 884289760 +352 175 1 884290574 +352 176 5 884289693 +352 181 4 884289693 +352 182 5 884290328 +352 183 5 884289693 +352 210 3 884290328 +352 216 4 884290390 +352 234 4 884290549 +352 431 2 884289728 +352 568 5 884290328 +352 653 3 884290428 +352 657 4 884290428 +352 746 4 884290361 +353 260 1 891402617 +353 270 2 891402358 +353 271 2 891402567 +353 286 5 891402757 +353 300 3 891402310 +353 301 3 891401992 +353 313 5 891402757 +353 315 4 891402757 +353 316 5 891402757 +353 327 2 891402443 +353 331 4 891401992 +353 333 4 891402757 +353 343 2 891402636 +353 346 4 891402757 +353 358 1 891402617 +353 750 4 891402757 +353 898 2 891402587 +353 905 4 891402674 +354 8 5 891217160 +354 10 5 891216692 +354 13 3 891216825 +354 19 5 891216549 +354 42 2 891217512 +354 45 5 891218046 +354 47 4 891217110 +354 52 5 891217547 +354 57 5 891217575 +354 58 3 891218356 +354 60 5 891217160 +354 61 5 891218091 +354 65 4 891218046 +354 70 3 891218208 +354 79 2 891217274 +354 81 3 891217249 +354 83 4 891217851 +354 86 5 891218312 +354 87 3 891217482 +354 97 3 891217610 +354 109 3 891216692 +354 124 5 891216632 +354 131 3 891217811 +354 133 3 891217547 +354 134 4 891217298 +354 136 5 891217717 +354 143 4 891217547 +354 149 5 891216498 +354 152 3 891306974 +354 153 3 891218418 +354 155 2 891307206 +354 162 3 891217659 +354 165 4 891217755 +354 168 5 891218507 +354 170 4 891217194 +354 171 4 891306892 +354 174 4 891218068 +354 175 5 891218024 +354 180 3 891217274 +354 181 4 891216656 +354 185 3 891218068 +354 186 4 891217811 +354 191 4 891217082 +354 196 3 891218457 +354 197 4 891217512 +354 199 4 891217130 +354 208 4 891217394 +354 209 3 891218155 +354 210 3 891217717 +354 211 2 891306946 +354 213 5 891217160 +354 221 4 891216788 +354 222 3 891216854 +354 238 4 891217394 +354 241 3 891307069 +354 242 5 891180399 +354 246 4 891216607 +354 248 4 891216956 +354 257 3 891216735 +354 268 4 891180399 +354 269 4 891180399 +354 270 5 891216082 +354 276 3 891216760 +354 283 4 891216632 +354 285 5 891216526 +354 286 4 891180445 +354 292 4 891180489 +354 297 4 891216760 +354 303 5 891180548 +354 305 4 891180489 +354 306 5 891180445 +354 308 4 891180569 +354 311 5 891180445 +354 313 3 891180399 +354 318 3 891217365 +354 319 3 891180399 +354 321 2 891216128 +354 344 5 891180445 +354 381 5 891217851 +354 382 5 891217897 +354 414 4 891218492 +354 428 4 891217298 +354 429 3 891218439 +354 432 3 891218380 +354 433 3 891217221 +354 435 4 891218024 +354 451 3 891307114 +354 462 3 891218116 +354 463 4 891217575 +354 464 4 891217512 +354 473 3 891216498 +354 478 5 891217365 +354 479 4 891217249 +354 480 4 891217897 +354 483 4 891217298 +354 485 4 891217659 +354 487 3 891217298 +354 494 4 891217194 +354 496 3 891217109 +354 497 4 891217160 +354 498 4 891217610 +354 508 3 891216607 +354 511 4 891217340 +354 512 3 891306892 +354 518 3 891217340 +354 520 3 891217811 +354 527 4 891217394 +354 528 5 891218155 +354 529 4 891217610 +354 533 5 891216805 +354 582 4 891217897 +354 584 5 891217782 +354 602 3 891217717 +354 603 5 891217082 +354 605 3 891218271 +354 606 5 891217633 +354 607 3 891218208 +354 610 4 891217429 +354 629 3 891217659 +354 631 4 891217449 +354 651 3 891217693 +354 655 3 891217575 +354 657 4 891218289 +354 659 4 891217221 +354 664 5 891217717 +354 676 5 891216788 +354 692 2 891307114 +354 694 5 891217299 +354 699 3 891218474 +354 702 3 891307114 +354 705 4 891217547 +354 710 4 891217340 +354 714 4 891217449 +354 716 3 891307157 +354 724 2 891307114 +354 732 2 891307157 +354 733 3 891217693 +354 735 3 891218312 +354 736 5 891218568 +354 737 4 891307206 +354 740 4 891216692 +354 744 4 891216656 +354 747 2 891307069 +354 811 5 891218091 +354 847 3 891216713 +354 855 4 891306852 +354 865 3 891217109 +354 882 4 891216157 +354 887 4 891180527 +354 896 4 891180527 +354 900 4 891180527 +354 904 5 891180419 +354 922 4 891216825 +354 929 4 891216896 +354 936 4 891216607 +354 953 3 891218208 +354 962 4 891217274 +354 971 3 891217482 +354 1007 4 891216549 +354 1039 4 891217249 +354 1101 3 891218003 +354 1241 4 891216875 +354 1466 5 891217547 +355 288 5 879485523 +355 300 4 879486529 +355 306 4 879486422 +355 307 4 879486422 +355 310 4 879485423 +355 319 5 879486529 +355 324 4 879486422 +355 328 4 879486422 +355 329 3 879486421 +355 336 4 879486529 +355 682 4 879485523 +355 689 4 879485423 +355 872 4 879486529 +355 882 4 879486421 +355 1175 5 879486421 +355 1233 4 879486421 +355 1392 4 879485760 +355 1429 4 879485423 +356 258 5 891406040 +356 272 5 891405651 +356 288 4 891406076 +356 294 1 891406076 +356 300 3 891405978 +356 307 4 891406040 +356 312 3 891406317 +356 313 5 891405651 +356 322 3 891406289 +356 328 4 891406241 +356 333 5 891405978 +356 689 5 891406372 +356 748 4 891406500 +356 892 1 891406241 +356 937 2 891406040 +357 7 3 878951537 +357 118 5 878951691 +357 121 5 878951576 +357 125 5 878951784 +357 126 5 878951537 +357 150 4 878951615 +357 222 5 878951498 +357 235 4 878951691 +357 237 5 878951217 +357 258 4 878951101 +357 283 5 878951616 +357 284 4 878951691 +357 287 4 878952265 +357 291 4 878952137 +357 294 4 878951101 +357 304 5 878951101 +357 322 3 878951101 +357 326 5 878951101 +357 334 4 878951101 +357 405 5 878951784 +357 407 3 878952341 +357 411 3 878952041 +357 412 2 878951918 +357 455 5 878951498 +357 456 3 878952265 +357 473 3 878951831 +357 508 5 878951616 +357 685 3 878951616 +357 687 3 878951101 +357 713 5 878951576 +357 742 4 878951691 +357 748 5 878951101 +357 760 3 878952080 +357 819 4 878951653 +357 825 3 878952080 +357 826 3 878951984 +357 833 4 878952341 +357 841 3 878951918 +357 864 5 878951653 +357 866 5 878951864 +357 926 4 878951831 +357 928 4 878952041 +357 932 4 878952341 +357 977 5 878952287 +357 984 3 878950923 +357 1028 5 878951729 +357 1048 2 878951217 +357 1095 3 878952190 +358 8 5 891269179 +358 45 3 891269464 +358 59 4 891269617 +358 65 4 891270405 +358 114 5 891270652 +358 132 5 891270652 +358 174 1 891270560 +358 179 4 891269666 +358 208 2 891270510 +358 221 5 891269077 +358 258 4 891269077 +358 357 4 891270405 +358 469 4 891271063 +358 482 2 891270510 +358 512 5 891269511 +358 638 3 891269584 +358 643 3 891270091 +358 855 3 891269464 +358 896 4 891269077 +358 1005 4 891269723 +358 1006 5 891269913 +358 1149 3 891270043 +358 1159 5 891269617 +358 1266 4 891269944 +358 1396 4 891269827 +358 1524 5 891269418 +358 1529 3 891269584 +359 1 4 886453214 +359 24 3 886453354 +359 50 5 886453271 +359 117 4 886453305 +359 118 3 886453402 +359 181 5 886453305 +359 246 3 886453214 +359 250 4 886453354 +359 268 4 886453490 +359 270 4 886453467 +359 273 4 886453325 +359 295 3 886453325 +359 313 5 886453450 +359 323 3 886453431 +359 405 3 886453354 +359 455 4 886453305 +359 751 4 886453467 +359 831 3 886453402 +359 930 4 886453402 +360 13 3 880354315 +360 14 5 880354149 +360 15 3 880354436 +360 25 4 880355209 +360 28 4 880355678 +360 56 4 880356131 +360 69 3 880355994 +360 79 4 880355485 +360 83 4 880355845 +360 96 3 880355803 +360 116 3 880354275 +360 127 5 880354149 +360 134 5 880356025 +360 137 5 880354379 +360 144 2 880355527 +360 157 4 880355994 +360 166 5 880355527 +360 172 4 880356240 +360 175 3 880355888 +360 181 4 880355353 +360 187 4 880355527 +360 191 4 880355958 +360 193 5 880355803 +360 194 3 880355803 +360 195 3 880355715 +360 197 5 880355888 +360 199 5 880355678 +360 207 4 880355888 +360 210 4 880356166 +360 222 2 880355094 +360 223 5 880355803 +360 237 4 880354484 +360 238 4 880355845 +360 242 4 880353616 +360 251 5 880354315 +360 257 4 880354515 +360 258 4 880353585 +360 269 4 880353525 +360 275 4 880354149 +360 283 4 880354215 +360 285 5 880354250 +360 297 4 880354484 +360 302 4 880353526 +360 303 3 880353526 +360 309 2 880354094 +360 321 3 880354094 +360 334 4 880353736 +360 423 4 880355623 +360 471 4 880355177 +360 474 5 880355803 +360 479 4 880356092 +360 496 3 880356092 +360 511 5 880355994 +360 520 4 880355448 +360 521 5 880355845 +360 523 3 880356240 +360 531 4 880355678 +360 588 3 880355803 +360 651 4 880355845 +360 654 5 880355715 +360 661 5 880356131 +360 663 4 880355888 +360 735 5 880356059 +360 879 3 880354094 +360 933 3 880354408 +360 955 5 880356166 +360 963 5 880355448 +360 1039 5 880356131 +360 1134 3 880355261 +360 1142 4 880354250 +360 1149 4 880356025 +361 12 4 879441214 +361 14 4 879440651 +361 26 3 879440941 +361 28 3 879441417 +361 47 4 879440516 +361 49 3 879441179 +361 50 5 879441417 +361 55 2 879441253 +361 70 4 879440386 +361 79 4 879441286 +361 88 4 879440974 +361 97 4 879440740 +361 100 5 879440386 +361 111 3 879440974 +361 121 2 879441324 +361 148 1 879441324 +361 155 3 879441008 +361 156 4 879441252 +361 166 4 879440605 +361 168 4 879440386 +361 173 5 879440774 +361 176 4 879441215 +361 179 4 879440545 +361 183 4 879441285 +361 185 5 879441215 +361 186 3 879440516 +361 194 4 879440345 +361 197 5 879440739 +361 202 3 879440941 +361 203 5 879441285 +361 207 4 879440545 +361 216 5 879440740 +361 218 3 879441324 +361 222 2 879441253 +361 226 3 879441352 +361 228 4 879441285 +361 234 4 879441285 +361 238 4 879440475 +361 273 3 879441215 +361 275 4 879440694 +361 276 4 879441417 +361 283 4 879440694 +361 285 4 879440516 +361 286 5 879440286 +361 319 5 879440941 +361 340 3 879441805 +361 367 3 879440475 +361 387 3 879441008 +361 402 3 879441179 +361 435 5 879440345 +361 443 3 879441253 +361 451 3 879440740 +361 466 4 879441285 +361 498 4 879441416 +361 513 5 879441215 +361 517 5 879440386 +361 524 4 879440386 +361 527 4 879441462 +361 531 5 879440545 +361 603 5 879441215 +361 611 4 879441462 +361 652 4 879440346 +361 654 4 879441253 +361 655 3 879440346 +361 684 4 879441215 +361 692 4 879440774 +361 705 5 879441416 +361 709 5 879440974 +361 727 3 879440740 +361 739 4 879441075 +361 742 1 879441351 +361 762 2 879440774 +361 794 3 879441033 +361 934 3 879440974 +361 949 4 879440774 +361 1041 2 879441179 +361 1074 3 879441179 +361 1119 3 879440740 +361 1152 2 879441008 +362 245 4 885019504 +362 258 4 885019435 +362 268 2 885019435 +362 288 4 885019304 +362 294 3 885019357 +362 300 5 885019304 +362 312 5 885019504 +362 313 4 885019304 +362 321 2 885019435 +362 332 5 885019537 +362 333 5 885019261 +362 336 2 885019468 +362 347 5 885019261 +362 678 2 885019651 +362 683 1 885019722 +362 879 5 885019357 +362 1025 2 885019746 +363 2 4 891495809 +363 4 5 891494962 +363 5 1 891497047 +363 8 5 891497853 +363 9 3 891494628 +363 12 5 891495070 +363 17 4 891495918 +363 22 3 891494962 +363 24 3 891494754 +363 25 3 891496337 +363 28 4 891495339 +363 37 2 891498510 +363 38 3 891498407 +363 39 4 891495339 +363 42 2 891495070 +363 47 5 891496264 +363 50 5 891495168 +363 55 5 891495682 +363 62 2 891497639 +363 65 4 891495682 +363 66 4 891496849 +363 67 1 891498038 +363 69 3 891494865 +363 71 3 891495301 +363 73 2 891497234 +363 80 4 891498434 +363 81 4 891496616 +363 82 3 891497047 +363 87 3 891496306 +363 89 4 891494688 +363 90 5 891498183 +363 91 4 891495238 +363 93 4 891495339 +363 95 3 891496694 +363 96 5 891494835 +363 97 2 891496513 +363 100 5 891495070 +363 101 1 891496953 +363 102 4 891498681 +363 114 5 891494688 +363 116 4 891495595 +363 120 1 891500218 +363 127 4 891495169 +363 128 5 891495371 +363 134 2 891494725 +363 143 2 891496667 +363 144 4 891494865 +363 145 1 891498589 +363 148 3 891497439 +363 150 5 891496667 +363 151 4 891497076 +363 152 5 891494906 +363 153 3 891495169 +363 154 4 891496306 +363 155 2 891497712 +363 156 3 891494962 +363 161 4 891496753 +363 163 3 891495143 +363 168 4 891494905 +363 169 5 891494563 +363 173 5 891494658 +363 176 4 891495109 +363 180 3 891494754 +363 181 5 891494783 +363 182 1 891494962 +363 183 4 891494835 +363 184 3 891494725 +363 186 3 891494865 +363 187 2 891494725 +363 188 4 891495711 +363 189 5 891495070 +363 195 4 891495238 +363 196 4 891494658 +363 201 2 891495371 +363 204 2 891495402 +363 208 4 891496190 +363 210 4 891494905 +363 212 1 891497278 +363 215 3 891496306 +363 217 2 891498286 +363 218 2 891497174 +363 223 5 891495197 +363 224 4 891495682 +363 227 4 891498135 +363 228 3 891496481 +363 229 3 891497393 +363 230 2 891497440 +363 232 2 891495272 +363 234 3 891495197 +363 235 5 891497130 +363 237 2 891496306 +363 238 4 891497583 +363 239 3 891495272 +363 248 5 891499595 +363 256 3 891499542 +363 257 2 891499595 +363 260 2 891494049 +363 265 3 891495339 +363 270 2 891493723 +363 273 3 891495630 +363 282 2 891495596 +363 283 2 891495987 +363 284 2 891495987 +363 288 4 891493723 +363 301 3 891493918 +363 302 5 891493571 +363 307 5 891493795 +363 312 3 891494106 +363 313 5 891493571 +363 315 3 891493603 +363 316 3 891493918 +363 325 1 891494012 +363 328 3 891493840 +363 336 4 891494011 +363 346 4 891493746 +363 347 3 891493723 +363 350 1 891493864 +363 351 2 891493864 +363 366 2 891497583 +363 370 3 891500269 +363 372 4 891496077 +363 384 1 891498066 +363 385 4 891497129 +363 386 1 891498407 +363 387 1 891497639 +363 391 2 891498811 +363 393 4 891497925 +363 402 2 891498365 +363 403 3 891496414 +363 405 4 891497015 +363 408 5 891494865 +363 417 1 891498223 +363 426 2 891496927 +363 429 5 891496077 +363 433 4 891495143 +363 435 3 891495850 +363 449 3 891498863 +363 455 5 891496927 +363 461 3 891495711 +363 472 1 891498469 +363 473 4 891498558 +363 474 5 891494929 +363 496 4 891494563 +363 505 3 891495238 +363 546 3 891497440 +363 549 4 891496225 +363 550 4 891497205 +363 552 4 891497853 +363 554 1 891498012 +363 555 1 891498920 +363 561 2 891498884 +363 569 2 891498259 +363 582 2 891496306 +363 588 2 891495339 +363 589 3 891496077 +363 591 4 891499437 +363 616 3 891498135 +363 640 2 891496927 +363 652 4 891495143 +363 658 3 891496543 +363 660 4 891496588 +363 665 2 891498964 +363 673 2 891496543 +363 675 3 891495849 +363 679 4 891497277 +363 685 4 891496979 +363 691 3 891493663 +363 705 2 891495371 +363 709 4 891495003 +363 719 3 891498365 +363 735 3 891496077 +363 737 1 891497174 +363 739 3 891498183 +363 741 3 891495338 +363 746 4 891495630 +363 747 5 891495918 +363 751 1 891493772 +363 761 3 891498183 +363 767 2 891500179 +363 770 4 891497174 +363 789 4 891494962 +363 792 4 891495918 +363 802 2 891498681 +363 809 4 891497712 +363 816 1 891498787 +363 825 4 891497881 +363 854 1 891497047 +363 906 2 891493795 +363 919 5 891494659 +363 933 2 891498920 +363 940 2 891498920 +363 946 4 891498510 +363 959 1 891497523 +363 1007 5 891499355 +363 1009 2 891497205 +363 1010 4 891496979 +363 1012 4 891499355 +363 1013 3 891499875 +363 1014 1 891499760 +363 1016 4 891499568 +363 1019 5 891496414 +363 1052 3 891500134 +363 1056 4 891496169 +363 1067 3 891496849 +363 1074 2 891497679 +363 1099 2 891495402 +363 1157 2 891498558 +363 1168 2 891496587 +363 1215 1 891498920 +363 1228 2 891498720 +363 1267 2 891496481 +363 1478 1 891498469 +363 1485 4 891496102 +363 1495 5 891497278 +364 268 3 875931309 +364 269 4 875931309 +364 286 5 875931309 +364 288 4 875931432 +364 289 3 875931432 +364 302 4 875931309 +364 321 2 875931478 +364 325 4 875931432 +364 678 4 875931478 +364 687 1 875931561 +364 690 4 875931309 +364 990 4 875931478 +364 1048 5 875931585 +365 1 4 891303999 +365 7 2 891304213 +365 13 3 891303950 +365 15 3 891304152 +365 25 4 891303950 +365 108 2 891304019 +365 109 2 891304106 +365 124 4 891304039 +365 137 3 891303999 +365 150 5 891303950 +365 237 3 891304278 +365 258 4 891303515 +365 268 5 891303474 +365 275 4 891304019 +365 276 2 891303901 +365 277 4 891304078 +365 285 4 891303999 +365 287 4 891304301 +365 289 3 891303694 +365 301 5 891303586 +365 309 1 891303566 +365 316 4 891303638 +365 319 4 891303694 +365 321 5 891303536 +365 326 2 891303614 +365 352 1 891303728 +365 476 4 891304278 +365 591 4 891303901 +365 741 2 891304059 +365 742 3 891304039 +365 813 5 891303901 +365 815 3 891304152 +365 846 3 891304152 +365 894 1 891303760 +365 908 3 891303638 +365 948 1 891303809 +365 1011 3 891304152 +365 1017 4 891304213 +365 1048 3 891304152 +366 7 2 888857598 +366 17 5 888857866 +366 53 5 888857990 +366 56 5 888857750 +366 164 5 888857932 +366 184 4 888857866 +366 185 5 888857750 +366 200 5 888857990 +366 201 5 888857866 +366 218 3 888857866 +366 219 5 888857932 +366 288 4 888857598 +366 436 5 888857932 +366 443 5 888857866 +366 447 5 888857990 +366 448 5 888857990 +366 573 5 888858078 +366 637 5 888858078 +366 672 5 888858078 +366 675 4 888857866 +366 758 3 888857684 +366 773 3 888858078 +366 853 5 888857750 +366 854 5 888857750 +366 860 2 888858078 +367 5 4 876689991 +367 7 5 876689878 +367 17 5 876689991 +367 50 5 876689696 +367 56 5 876689932 +367 98 5 876689932 +367 100 5 876689878 +367 164 4 876690119 +367 184 5 876689990 +367 185 5 876689991 +367 200 4 876689962 +367 201 5 876689991 +367 217 5 876690021 +367 219 4 876690098 +367 246 4 876689612 +367 250 5 876689824 +367 258 4 876689364 +367 268 4 876689364 +367 288 5 876689418 +367 302 5 876689364 +367 326 4 876689502 +367 331 4 876689418 +367 334 4 876689364 +367 379 4 876690048 +367 413 4 876689879 +367 436 4 876689962 +367 441 3 876690049 +367 443 4 876690119 +367 448 4 876690098 +367 452 4 876690120 +367 551 3 876690048 +367 564 2 876690077 +367 565 2 876690048 +367 567 4 876690077 +367 637 3 876690021 +367 665 5 876689738 +367 670 4 876690021 +367 760 4 876690021 +367 774 4 876690049 +367 800 4 876690049 +367 876 3 876689418 +367 1012 4 876689825 +368 5 3 889783454 +368 7 4 889783365 +368 17 5 889783562 +368 50 4 889783678 +368 53 2 889783562 +368 96 3 889783678 +368 98 3 889783407 +368 100 4 889783407 +368 127 4 889783678 +368 164 3 889783364 +368 183 5 889783678 +368 218 2 889783453 +368 219 2 889783453 +368 234 3 889783365 +368 288 3 889783453 +368 320 5 889783364 +368 379 4 889783562 +368 396 2 889783617 +368 413 1 889783454 +368 436 3 889783562 +368 441 3 889783617 +368 447 1 889783453 +368 448 3 889783365 +368 551 4 889783617 +368 559 3 889783562 +368 567 3 889783617 +368 573 3 889783617 +368 637 2 889783617 +368 670 3 889783562 +368 777 2 889783586 +368 844 3 889783453 +369 114 5 889428642 +369 179 4 889428442 +369 181 5 889428642 +369 196 5 889428642 +369 271 5 889428642 +369 316 5 889428641 +369 335 2 889428072 +369 346 4 889427890 +369 358 3 889428228 +369 751 4 889428097 +369 900 4 889428642 +369 948 2 889428228 +369 988 3 889428228 +370 12 4 879435369 +370 14 3 879434707 +370 22 4 879434832 +370 31 3 879434766 +370 42 3 879435462 +370 52 4 879434969 +370 56 2 879434587 +370 57 5 879435431 +370 100 4 879435369 +370 116 3 879434707 +370 134 4 879434859 +370 136 4 879434999 +370 137 4 879434707 +370 153 2 879434832 +370 170 4 879435369 +370 172 4 879435369 +370 173 3 879434707 +370 175 3 879434804 +370 181 4 879434832 +370 193 4 879435168 +370 199 4 879434999 +370 209 5 879435461 +370 222 3 879434746 +370 238 4 879435369 +370 257 5 879434468 +370 265 5 879434636 +370 269 5 879434206 +370 302 5 879434182 +370 321 2 879434265 +370 390 1 879434587 +370 423 4 879435369 +370 427 5 879435146 +370 443 5 879435369 +370 480 4 879434886 +370 493 5 879434886 +370 494 3 879435033 +370 511 4 879434804 +370 523 3 879434999 +370 525 4 879434666 +370 603 5 879435244 +370 604 4 879434804 +370 608 4 879434860 +370 613 2 879434587 +370 631 4 879435369 +370 650 5 879435369 +370 657 3 879434636 +370 659 4 879435033 +370 705 3 879434666 +370 835 5 879434909 +371 1 4 877487440 +371 24 4 877487500 +371 31 5 880435576 +371 55 4 877487364 +371 66 4 877487213 +371 69 5 877486953 +371 73 5 880435397 +371 77 5 880435601 +371 79 5 880435519 +371 97 5 877487440 +371 98 5 877487213 +371 127 4 877487052 +371 174 4 877487751 +371 175 1 877487266 +371 176 4 877487135 +371 177 4 877487135 +371 179 3 877487364 +371 181 3 877486953 +371 183 5 880435519 +371 185 3 880435519 +371 194 3 877486953 +371 202 5 880435313 +371 204 5 880435210 +371 237 5 877487052 +371 431 5 880435601 +371 435 3 877487751 +371 443 4 880435576 +371 449 3 880435733 +371 496 4 877487052 +371 504 4 880435576 +371 663 5 880435238 +371 746 4 880435397 +372 5 4 876869445 +372 7 3 876869387 +372 12 4 876869730 +372 44 4 876869837 +372 53 5 876869553 +372 56 4 876869445 +372 77 5 876869794 +372 98 5 876869388 +372 148 5 876869915 +372 159 5 876869894 +372 164 4 876869446 +372 176 3 876869667 +372 183 5 876869667 +372 200 5 876869481 +372 201 2 876869387 +372 218 5 876869481 +372 219 5 876869481 +372 234 5 876869387 +372 264 4 876869330 +372 273 5 876869730 +372 286 5 876868994 +372 288 5 876869066 +372 292 5 876869183 +372 299 4 876869147 +372 322 3 876869330 +372 325 4 876869330 +372 326 4 876869330 +372 327 5 876869183 +372 436 5 876869445 +372 441 4 876869512 +372 443 4 876869481 +372 446 4 876869512 +372 448 4 876869445 +372 547 5 876869481 +372 561 5 876869534 +372 574 4 876869957 +372 581 5 876869794 +372 595 4 876869878 +372 635 5 876869445 +372 637 4 876869512 +372 649 3 876869977 +372 672 5 876869512 +372 674 5 876869512 +372 678 4 876869183 +372 696 4 876869667 +372 844 4 876869481 +372 872 4 876869330 +372 874 4 876869238 +372 875 4 876869183 +372 1083 3 876869878 +372 1090 5 876869878 +372 1212 4 876869932 +373 2 4 877100416 +373 12 5 877098343 +373 15 4 877098568 +373 20 2 877098751 +373 22 5 877098919 +373 24 4 877100016 +373 25 4 877100016 +373 28 3 877103935 +373 31 3 877100199 +373 50 5 877098678 +373 58 4 877100161 +373 68 5 877106741 +373 69 4 877099137 +373 79 4 877098979 +373 80 3 877107235 +373 81 2 877100326 +373 82 1 877099317 +373 83 5 877098599 +373 88 4 877106623 +373 89 5 877098821 +373 94 2 877111313 +373 95 5 877099263 +373 97 3 877099178 +373 99 5 877099091 +373 100 3 877100199 +373 102 5 877100096 +373 105 3 877107173 +373 114 5 877098402 +373 117 4 877098599 +373 125 4 877098821 +373 127 2 877099968 +373 131 4 877099968 +373 135 1 877098784 +373 139 3 877111422 +373 150 4 877098821 +373 151 4 877100129 +373 153 5 877100354 +373 154 5 877098919 +373 166 5 877098262 +373 168 5 877098297 +373 169 5 877099016 +373 170 5 877098751 +373 172 5 877098678 +373 174 4 877099137 +373 177 3 877100161 +373 178 4 877099352 +373 179 3 877104310 +373 184 4 877104086 +373 187 2 877098849 +373 190 5 877100161 +373 194 4 877098714 +373 196 5 877098487 +373 197 3 877099352 +373 202 3 877099352 +373 204 5 877098222 +373 206 4 877104284 +373 210 5 877098177 +373 211 4 877099178 +373 213 4 877100061 +373 216 4 877100232 +373 228 4 877106328 +373 229 4 877104048 +373 230 4 877107430 +373 231 3 877104976 +373 232 3 877105075 +373 233 3 877105588 +373 238 4 877098890 +373 239 3 877105708 +373 241 5 877100326 +373 259 5 877098041 +373 269 5 877098075 +373 278 5 877111423 +373 281 3 877103935 +373 290 5 877098784 +373 317 4 877100061 +373 318 5 877098222 +373 328 4 877098041 +373 357 4 877098568 +373 367 3 877100458 +373 378 5 877100232 +373 380 4 877112017 +373 386 3 877107403 +373 389 3 877099352 +373 390 3 877098890 +373 399 3 877105674 +373 402 4 877105730 +373 404 4 877111422 +373 418 5 877104235 +373 420 4 877107630 +373 427 4 877099317 +373 431 5 877098643 +373 433 3 877098223 +373 435 4 877098979 +373 451 5 877107430 +373 459 4 877106966 +373 465 4 877104202 +373 471 3 877100458 +373 472 3 877111951 +373 474 3 877098919 +373 485 4 877098751 +373 487 4 877098177 +373 488 3 877098343 +373 494 4 877099178 +373 496 5 877098643 +373 506 4 877099211 +373 510 3 877100379 +373 514 4 877098751 +373 520 4 877098678 +373 528 3 877104115 +373 529 4 877105901 +373 559 3 877106305 +373 566 4 877105809 +373 568 4 877100199 +373 571 1 877111864 +373 577 1 877111423 +373 588 3 877098821 +373 596 3 877106741 +373 598 3 877112076 +373 625 4 877104086 +373 627 4 877105901 +373 632 3 877106233 +373 645 5 877098599 +373 649 4 877098979 +373 651 4 877105075 +373 658 4 877105781 +373 679 2 877107355 +373 684 4 877098784 +373 694 5 877098643 +373 699 4 877105781 +373 704 2 877107100 +373 705 4 877099934 +373 707 4 877100378 +373 709 5 877105451 +373 724 5 877103935 +373 727 4 877098784 +373 729 4 877099263 +373 732 3 877104048 +373 735 5 877099137 +373 739 3 877111819 +373 746 4 877098714 +373 747 4 877104048 +373 842 3 877098343 +373 843 3 877106878 +373 849 3 877105005 +373 856 3 877105809 +373 941 4 877105563 +373 946 5 877104048 +373 1006 2 877100129 +373 1039 4 877098437 +373 1066 4 877106233 +373 1079 4 877100061 +373 1119 5 877105708 +373 1135 3 877107043 +373 1230 3 877111313 +373 1444 3 877112116 +373 1530 2 877107138 +374 1 4 880392992 +374 2 4 880939035 +374 4 2 880395924 +374 7 1 880393268 +374 9 1 880393056 +374 11 4 880395202 +374 12 4 880395202 +374 15 3 880393380 +374 17 2 880937876 +374 23 3 880395896 +374 25 5 880393191 +374 27 4 880396444 +374 28 5 880395698 +374 29 3 880939127 +374 31 5 880396659 +374 38 4 880937876 +374 39 4 880937876 +374 50 3 880394367 +374 54 4 880396048 +374 55 2 880394929 +374 66 3 880394571 +374 68 1 880396622 +374 79 4 880394997 +374 82 4 880394484 +374 87 5 880395320 +374 88 3 880395665 +374 96 4 880938870 +374 111 2 880393268 +374 116 1 880393307 +374 117 5 880392846 +374 121 4 880393095 +374 122 2 882158328 +374 124 3 880392873 +374 125 5 880393424 +374 126 3 880393223 +374 127 4 880392936 +374 129 5 880392846 +374 137 2 880393511 +374 147 3 880392747 +374 150 4 882156767 +374 153 5 880395487 +374 156 2 880395896 +374 159 4 880937920 +374 162 2 880396511 +374 164 4 880937735 +374 168 1 880434231 +374 172 3 880434204 +374 173 3 882158521 +374 179 1 880395575 +374 181 3 880392846 +374 182 5 880395698 +374 184 2 880939034 +374 192 5 880395665 +374 193 4 883628973 +374 195 3 880938870 +374 196 1 880395426 +374 200 5 880395735 +374 203 3 880937735 +374 204 4 880395604 +374 210 4 880395202 +374 216 5 880394997 +374 220 2 882158147 +374 222 4 880392778 +374 223 5 880394520 +374 225 3 882158071 +374 227 4 880937876 +374 228 5 880395973 +374 229 5 880937780 +374 230 5 880396622 +374 231 2 880939228 +374 233 3 880937876 +374 234 4 880396256 +374 235 3 880394301 +374 237 5 880392717 +374 239 4 880396622 +374 240 1 880394301 +374 241 5 880939035 +374 248 1 880393191 +374 257 3 880393223 +374 265 5 880937779 +374 273 2 880392747 +374 274 4 880393668 +374 276 4 880393056 +374 278 2 880393754 +374 279 4 880394233 +374 280 3 880393811 +374 281 3 880393425 +374 282 5 880392936 +374 284 1 880393753 +374 288 4 885107876 +374 292 4 880392237 +374 294 2 880392193 +374 310 5 880392237 +374 322 4 880392482 +374 323 3 880392482 +374 356 3 880937876 +374 363 3 880394088 +374 369 1 880393864 +374 385 4 880396048 +374 403 2 880939126 +374 405 4 880392992 +374 406 3 880936233 +374 411 3 880394088 +374 412 4 883627129 +374 423 3 880394484 +374 424 1 883628021 +374 427 3 880396048 +374 443 5 880937735 +374 450 4 880938370 +374 454 4 880394997 +374 457 1 880392626 +374 467 4 880395735 +374 468 4 880396359 +374 471 4 880393056 +374 472 2 880393783 +374 475 1 880393191 +374 476 2 880394138 +374 477 1 885107929 +374 504 4 880395973 +374 526 4 880938965 +374 527 4 883628801 +374 540 3 880939304 +374 544 1 880937070 +374 546 5 880936389 +374 552 4 880938255 +374 558 1 882158738 +374 566 3 880394571 +374 572 2 880938255 +374 576 3 880939186 +374 581 4 880938044 +374 591 4 880393095 +374 595 3 880393921 +374 597 4 880393460 +374 619 3 880393553 +374 628 3 880392778 +374 637 4 882159237 +374 651 4 880395320 +374 654 3 880396622 +374 684 5 880937692 +374 685 4 880393307 +374 692 5 882158641 +374 693 5 880396359 +374 713 1 880935656 +374 717 3 880938255 +374 732 4 880395320 +374 735 5 880396359 +374 742 5 880393331 +374 756 3 882157967 +374 758 1 882158481 +374 761 3 880938370 +374 762 5 880393460 +374 770 5 880938100 +374 779 3 880939186 +374 789 4 882158609 +374 806 3 880396659 +374 815 4 880393668 +374 818 3 880394301 +374 820 4 882158327 +374 823 1 880936476 +374 824 4 880394331 +374 825 3 880394233 +374 829 2 885083439 +374 846 2 883627509 +374 880 5 882156984 +374 925 3 880394301 +374 930 2 880394179 +374 931 3 880936233 +374 932 1 883628159 +374 934 3 882158146 +374 948 2 880392592 +374 952 2 883627906 +374 975 4 880936113 +374 977 1 883628189 +374 979 3 880936113 +374 986 3 880936113 +374 1001 1 882158327 +374 1010 5 880393921 +374 1011 4 880393783 +374 1013 2 880936476 +374 1028 1 880393425 +374 1042 5 880937920 +374 1046 5 880938044 +374 1047 3 880394179 +374 1048 3 880394179 +374 1059 2 883627906 +374 1093 2 883627582 +374 1101 4 880395634 +374 1150 1 880937253 +374 1194 4 880396292 +374 1197 4 880393892 +374 1206 2 880396080 +374 1217 2 880938100 +374 1218 2 881291426 +374 1322 3 880394000 +374 1407 2 880939304 +375 39 3 886622024 +375 44 3 886622131 +375 77 4 886622024 +375 176 4 886621917 +375 218 3 886622024 +375 233 4 886621985 +375 234 5 886621917 +375 300 4 886621795 +375 356 4 886622131 +375 443 4 886622024 +375 566 4 886621985 +375 573 4 886622131 +375 583 2 886622131 +375 603 4 886621917 +375 684 4 886622066 +375 761 3 886622131 +375 773 3 886621985 +375 1046 2 886622131 +375 1073 2 886621950 +375 1217 4 886622131 +376 14 4 879454914 +376 98 5 879454598 +376 100 4 879454598 +376 154 4 879434558 +376 237 3 879459054 +376 269 5 879454598 +376 274 3 879459115 +376 275 5 879455143 +376 288 3 879454598 +376 289 3 879433599 +376 301 3 879433102 +376 321 3 879433164 +376 328 3 879433164 +376 357 4 879434750 +376 603 4 879434613 +376 705 3 879434750 +376 762 4 879459207 +376 815 3 879459207 +377 56 4 891298407 +377 100 3 891298589 +377 154 5 891298627 +377 164 4 891299009 +377 168 5 891298407 +377 173 5 891298589 +377 194 5 891298549 +377 200 5 891299010 +377 219 3 891299078 +377 234 5 891299078 +377 258 4 891296356 +377 272 5 891295989 +377 288 5 891295937 +377 294 5 891296356 +377 313 5 891295989 +377 323 2 891297001 +377 354 4 891296044 +377 443 4 891299078 +377 678 2 891297043 +377 682 3 891296448 +377 689 3 891297256 +377 748 4 891296945 +377 751 3 891296044 +377 895 3 891296307 +377 1105 3 891296275 +378 1 4 880044251 +378 2 2 880333851 +378 4 3 880045612 +378 5 3 880332609 +378 8 4 880045722 +378 9 5 880044419 +378 10 3 880044454 +378 12 5 880046132 +378 13 3 880044609 +378 14 5 880044251 +378 25 4 880044489 +378 29 3 880332949 +378 31 4 880045652 +378 38 3 880333383 +378 40 3 880333653 +378 42 4 880046256 +378 43 3 880056609 +378 44 3 880055037 +378 47 4 880055984 +378 48 5 880056701 +378 50 4 880045145 +378 51 3 880333195 +378 52 5 880056491 +378 53 3 880333695 +378 54 4 880056976 +378 55 4 880046229 +378 56 4 880045760 +378 58 4 880046408 +378 59 4 880046475 +378 63 3 880333719 +378 64 4 880055239 +378 65 3 880046132 +378 66 3 880056632 +378 67 2 880332563 +378 69 3 880046069 +378 71 4 880055672 +378 73 3 880056667 +378 77 4 880056453 +378 78 3 880056976 +378 79 4 880045722 +378 82 4 880045935 +378 83 4 880045989 +378 86 4 880045935 +378 88 4 880046408 +378 89 4 880046363 +378 94 3 880332752 +378 95 4 880055296 +378 96 4 880055740 +378 97 5 880045612 +378 98 5 880045760 +378 100 4 880044198 +378 106 2 880334241 +378 110 3 880333027 +378 118 4 880044879 +378 121 4 880044763 +378 123 3 880044532 +378 125 2 880044609 +378 133 5 889665232 +378 135 2 880046362 +378 141 3 880055565 +378 148 4 880044944 +378 151 3 880044385 +378 155 4 880333918 +378 159 3 880056887 +378 160 2 880332998 +378 162 4 880046332 +378 164 4 880056582 +378 167 4 880333446 +378 172 4 880045886 +378 173 5 880057088 +378 175 4 880055706 +378 179 2 880055336 +378 180 3 880045822 +378 183 4 880331829 +378 186 3 880055186 +378 191 5 880046229 +378 193 4 880056160 +378 194 4 880046100 +378 196 4 880046306 +378 197 3 880056423 +378 202 3 880046229 +378 204 4 880056826 +378 207 4 880055002 +378 213 5 880045935 +378 215 4 880055336 +378 216 4 880055268 +378 218 3 880056491 +378 220 2 880044944 +378 222 3 882712421 +378 225 3 880045006 +378 230 3 880055984 +378 233 2 880333540 +378 237 4 880044697 +378 238 3 880046161 +378 239 3 880055148 +378 241 4 880057137 +378 245 3 880906161 +378 252 4 880045288 +378 254 1 880318158 +378 255 4 882642831 +378 258 4 882712421 +378 265 4 880045989 +378 269 4 890513693 +378 272 4 889665041 +378 274 3 880055597 +378 275 5 880044312 +378 276 4 880044198 +378 283 4 880044532 +378 284 3 880044835 +378 286 5 880043650 +378 287 2 880044802 +378 288 3 880043804 +378 289 5 889665232 +378 292 3 882136243 +378 298 3 883835761 +378 301 3 892382841 +378 302 5 889664996 +378 304 4 880043929 +378 313 5 889665301 +378 317 5 880056195 +378 318 5 880045823 +378 321 3 880317293 +378 323 3 890572396 +378 328 3 892382903 +378 356 4 880045989 +378 367 3 880055002 +378 370 2 880333494 +378 381 4 882642831 +378 382 4 880055520 +378 386 3 880332643 +378 392 3 880055636 +378 393 3 880057018 +378 396 4 880332879 +378 399 3 880333598 +378 402 4 880045856 +378 405 3 880044489 +378 410 3 882022445 +378 411 3 880045006 +378 412 2 880334409 +378 417 3 880056034 +378 418 3 880331938 +378 419 4 880332643 +378 420 4 880056701 +378 428 3 880055101 +378 432 4 880331938 +378 433 4 880045652 +378 435 4 889665232 +378 436 4 880046437 +378 441 3 880333995 +378 443 4 880055336 +378 447 4 880056888 +378 449 3 880333195 +378 451 4 880055597 +378 458 4 880044697 +378 465 3 881582268 +378 468 5 880055396 +378 470 3 880056104 +378 471 3 880057018 +378 473 3 880906178 +378 479 4 880055564 +378 482 4 880046229 +378 500 4 880055891 +378 508 4 880044278 +378 509 4 880055672 +378 527 4 880054954 +378 531 4 880045520 +378 542 4 880333470 +378 543 4 880055840 +378 546 2 880318158 +378 549 3 880056701 +378 550 2 880332949 +378 554 3 880333540 +378 561 3 880333695 +378 566 3 880045856 +378 568 4 880055779 +378 569 3 880056736 +378 576 3 880333027 +378 577 2 880333995 +378 582 5 889665232 +378 588 5 880318415 +378 596 5 889665232 +378 597 3 880044763 +378 606 5 880055478 +378 623 3 880333168 +378 636 3 880055186 +378 655 4 880045553 +378 660 4 880056547 +378 663 3 880046437 +378 665 2 880333261 +378 674 3 880056735 +378 694 3 880055101 +378 696 3 880045044 +378 699 4 880055564 +378 707 3 880046475 +378 708 4 880055949 +378 709 4 880055921 +378 715 4 889665232 +378 722 3 880334017 +378 723 3 880055396 +378 728 3 880332998 +378 731 3 880056582 +378 734 3 880334269 +378 735 4 880046229 +378 739 4 880333239 +378 747 3 880055597 +378 755 3 880056073 +378 762 3 880044879 +378 775 3 880333305 +378 780 2 880334241 +378 793 3 880046437 +378 803 3 880334440 +378 866 2 880044726 +378 875 3 880044108 +378 896 4 889665232 +378 918 3 892383162 +378 921 4 880056667 +378 928 2 880044488 +378 930 2 880044906 +378 932 2 880056930 +378 939 4 880332307 +378 942 3 880056798 +378 949 3 880056318 +378 951 3 880056547 +378 956 3 880332034 +378 961 3 880055706 +378 972 4 880056491 +378 977 3 880334305 +378 979 3 880333851 +378 1028 2 880044726 +378 1035 3 880332911 +378 1037 2 880334476 +378 1044 3 880332643 +378 1046 3 880332857 +378 1047 2 880044726 +378 1053 3 880332831 +378 1058 3 880333695 +378 1061 2 880044454 +378 1074 3 880332802 +378 1091 2 880332911 +378 1092 3 880332683 +378 1101 3 880055983 +378 1107 3 880056351 +378 1134 4 880044278 +378 1145 3 880334409 +378 1147 4 880055101 +378 1168 3 880333383 +378 1180 3 880334269 +378 1220 3 880055779 +378 1221 3 880056351 +378 1232 3 880333121 +378 1267 3 880055740 +378 1284 2 880318158 +378 1311 4 880332949 +378 1425 2 880056930 +378 1438 3 880333098 +378 1439 3 880333144 +378 1478 3 880333098 +379 2 3 880525540 +379 4 5 880525598 +379 7 5 891674489 +379 8 5 880525194 +379 23 4 880524783 +379 28 4 880524943 +379 47 5 880740461 +379 50 4 880525400 +379 52 4 880741002 +379 54 2 880526100 +379 56 5 880524541 +379 63 2 880962215 +379 69 4 880524754 +379 82 4 880525540 +379 83 4 880525002 +379 90 2 880740215 +379 94 5 883156810 +379 96 5 880741811 +379 97 3 882563752 +379 98 5 880524541 +379 116 4 880525194 +379 131 5 882563797 +379 133 4 881000300 +379 135 4 880524886 +379 137 5 890464307 +379 141 4 880525839 +379 143 4 880525839 +379 151 4 880525771 +379 152 5 880740518 +379 157 4 880961600 +379 161 2 880525502 +379 163 4 880740495 +379 164 4 880524582 +379 173 5 880525259 +379 175 5 880525108 +379 176 5 886317511 +379 177 4 886835699 +379 178 5 880741811 +379 181 4 880525368 +379 183 4 886317511 +379 185 5 880524582 +379 186 5 880740495 +379 188 4 892879481 +379 192 4 880524972 +379 193 4 880524783 +379 194 5 880525194 +379 196 4 880525062 +379 197 5 880568253 +379 199 4 880524860 +379 202 5 880525259 +379 208 4 880525214 +379 210 4 883156880 +379 211 5 880740437 +379 216 4 880525926 +379 219 3 890464337 +379 227 4 880525638 +379 230 4 880525540 +379 234 5 880524541 +379 238 5 880525236 +379 239 4 880961874 +379 257 4 880741811 +379 265 4 883156656 +379 270 3 888646058 +379 284 4 880568407 +379 286 4 880524329 +379 294 3 880524363 +379 300 3 890464279 +379 306 3 892879325 +379 310 4 888646088 +379 317 5 880525001 +379 331 4 880526281 +379 339 3 883031585 +379 345 3 892879380 +379 357 5 881000269 +379 372 4 880961807 +379 381 5 885063301 +379 391 4 880525698 +379 393 4 892879325 +379 395 2 880741868 +379 401 3 880962187 +379 402 3 880524943 +379 403 4 880525598 +379 414 5 880740415 +379 417 5 880525794 +379 419 4 880525794 +379 428 4 880568452 +379 433 4 880525259 +379 434 3 880961672 +379 435 5 882563752 +379 436 3 885063346 +379 443 4 880524640 +379 448 4 880741811 +379 451 4 880525968 +379 452 3 880524614 +379 474 5 886317533 +379 480 5 885063301 +379 496 5 892879481 +379 502 5 887437190 +379 504 5 880526141 +379 514 3 880961718 +379 516 4 880525306 +379 520 5 880524908 +379 522 5 880524753 +379 523 4 880525108 +379 524 4 880961742 +379 526 4 880525031 +379 529 4 891674436 +379 530 5 880525502 +379 554 4 880525678 +379 566 4 880525540 +379 577 4 892879355 +379 603 5 880526074 +379 616 2 890464337 +379 621 4 880525815 +379 636 3 880525502 +379 637 2 880962047 +379 644 5 880961648 +379 651 4 880568511 +379 654 5 880526123 +379 655 5 888044628 +379 663 3 891674403 +379 686 4 880525502 +379 705 4 888646088 +379 707 5 880525926 +379 709 5 880526032 +379 710 4 880961839 +379 712 3 880741832 +379 732 5 880525995 +379 735 4 880525133 +379 746 3 880961839 +379 843 4 880962285 +379 855 4 880961506 +379 1032 2 880568109 +379 1035 3 880962256 +379 1075 3 888044628 +379 1113 4 892879325 +379 1206 2 880961672 +379 1219 2 883156704 +380 1 4 885478218 +380 9 3 885479301 +380 22 4 885478334 +380 50 4 885478497 +380 59 4 885478447 +380 62 1 885479777 +380 64 3 885481179 +380 69 4 885479301 +380 79 4 885479104 +380 86 4 885478374 +380 89 5 885478583 +380 97 3 885478271 +380 98 4 885478698 +380 109 2 885480093 +380 114 3 885478539 +380 118 2 885480301 +380 121 3 885479896 +380 132 4 885479186 +380 135 3 885479436 +380 151 4 885478759 +380 154 3 885478624 +380 170 4 885478192 +380 172 3 885478334 +380 174 4 885478924 +380 176 3 885481179 +380 177 3 885479082 +380 179 3 885478313 +380 180 2 885478374 +380 181 3 885478391 +380 185 4 885479057 +380 186 3 885479355 +380 190 5 885478668 +380 194 4 885478799 +380 196 4 885479777 +380 197 3 885478886 +380 199 3 885478845 +380 200 4 885479104 +380 204 2 885479274 +380 208 2 885480301 +380 211 3 885479487 +380 215 3 885479163 +380 222 3 885478519 +380 228 3 885479235 +380 229 3 885481179 +380 234 2 885478447 +380 238 3 885479057 +380 241 2 885479997 +380 258 4 885477742 +380 265 3 885481179 +380 270 3 885481179 +380 272 4 885477742 +380 300 3 885481179 +380 302 5 885477742 +380 313 4 885477859 +380 318 4 885478624 +380 356 2 885480064 +380 357 4 885478425 +380 419 3 885479124 +380 427 4 885478193 +380 428 3 885480320 +380 433 3 885479186 +380 443 4 885480283 +380 449 3 885480902 +380 462 4 885478374 +380 465 4 885478845 +380 474 4 885478558 +380 479 4 885478374 +380 480 4 885478718 +380 483 4 885478668 +380 496 4 885479537 +380 498 4 885478738 +380 514 2 885478780 +380 515 4 885478218 +380 518 3 885478821 +380 527 4 885479212 +380 530 5 885478886 +380 549 3 885479926 +380 554 2 885479754 +380 561 2 885479519 +380 570 3 885479706 +380 582 4 885478583 +380 587 4 885479274 +380 610 2 885478886 +380 629 2 885478497 +380 630 2 885478780 +380 631 4 885478668 +380 651 3 885478292 +380 652 3 885478241 +380 684 3 885478886 +380 708 3 885478759 +380 709 4 885478603 +380 729 3 885479252 +380 732 4 885478646 +380 744 3 885480144 +380 753 4 885479082 +380 845 4 885479706 +380 856 3 885479706 +380 923 3 885478603 +380 959 2 885479455 +380 1039 3 885481179 +380 1101 4 885479487 +380 1116 4 885479397 +380 1168 3 885479833 +380 1444 1 885480795 +380 1449 4 885478845 +381 1 5 892697394 +381 13 4 892696445 +381 30 4 892697174 +381 49 2 892696328 +381 50 5 892696252 +381 59 3 892697266 +381 77 2 892696367 +381 83 4 892695996 +381 94 3 892697337 +381 96 5 892697174 +381 97 4 892696960 +381 100 4 892697442 +381 118 1 892697051 +381 120 1 892696587 +381 124 5 892697690 +381 129 4 892697628 +381 132 5 892696426 +381 133 5 892697413 +381 134 5 892696347 +381 135 5 892697150 +381 142 3 892697337 +381 159 3 892696674 +381 175 5 892696268 +381 178 4 892696291 +381 191 5 892696757 +381 196 5 892697083 +381 212 5 892696982 +381 216 5 892695996 +381 225 3 892697495 +381 268 4 892697982 +381 276 3 892696587 +381 281 2 892696616 +381 294 5 892698068 +381 303 3 892697999 +381 304 5 892697982 +381 307 2 892697959 +381 313 2 892697869 +381 378 4 892696019 +381 403 3 892696045 +381 418 3 892696471 +381 419 5 892696446 +381 443 5 892696616 +381 459 4 892696738 +381 462 4 892697442 +381 473 5 892697150 +381 480 5 892696019 +381 483 5 892696698 +381 485 4 892696347 +381 495 4 892696186 +381 498 5 892696252 +381 501 4 892697133 +381 509 5 892696872 +381 512 4 892696045 +381 514 5 892697394 +381 520 5 892696757 +381 525 5 892696982 +381 582 5 892696045 +381 588 3 892697338 +381 596 3 892697297 +381 634 3 892696872 +381 640 5 892696168 +381 647 4 892697133 +381 652 5 892696252 +381 660 2 892696426 +381 694 4 892696929 +381 724 3 892696616 +381 742 4 892697677 +381 771 2 892696557 +381 778 4 892697066 +381 855 3 892696291 +381 887 3 892697941 +381 914 1 892697768 +381 1060 5 892697677 +381 1115 4 892697600 +381 1400 3 892697394 +381 1439 3 892696831 +381 1533 4 892696106 +382 9 4 875946830 +382 23 5 875946978 +382 25 2 875945880 +382 59 5 875947049 +382 98 3 875946563 +382 122 3 875946440 +382 127 3 875945781 +382 134 3 875947149 +382 135 3 875947078 +382 137 2 875946029 +382 151 4 875946830 +382 168 4 875946700 +382 171 3 875946639 +382 183 3 875946672 +382 235 5 875946830 +382 252 2 875946262 +382 276 3 875946029 +382 286 2 875945173 +382 290 4 875946830 +382 334 5 876802971 +382 357 4 875947149 +382 474 5 875947199 +382 475 3 875946103 +382 481 5 875947078 +382 482 5 875946945 +382 496 3 875946945 +382 508 3 875946029 +382 514 3 875946730 +382 531 4 875946830 +382 546 2 875946234 +382 639 3 875946881 +382 717 3 875946347 +382 756 3 875946185 +382 1017 4 875946830 +382 1142 3 875945451 +382 1229 5 875947240 +382 1268 5 875947296 +382 1534 4 875946830 +383 9 5 891192801 +383 14 5 891192836 +383 19 4 891192911 +383 58 4 891193210 +383 86 5 891193210 +383 124 4 891192949 +383 132 5 891193108 +383 134 5 891192778 +383 137 5 891192986 +383 166 4 891192858 +383 180 5 891192778 +383 182 5 891192836 +383 185 5 891192985 +383 188 5 891192949 +383 193 4 891193072 +383 197 5 891192888 +383 200 5 891193181 +383 205 4 891193210 +383 213 5 891193137 +383 238 5 891192836 +383 286 5 891192186 +383 313 2 891192158 +383 316 5 891192472 +383 319 2 891192377 +383 321 5 891192376 +383 345 2 891192251 +383 425 4 891193181 +383 435 4 891192836 +383 464 4 891192986 +383 474 5 891193072 +383 475 2 891193137 +383 478 5 891193042 +383 479 4 891192985 +383 483 5 891192986 +383 484 4 891192949 +383 488 4 891193242 +383 496 5 891192888 +383 505 4 891193042 +383 513 5 891193016 +383 514 5 891192949 +383 528 4 891193242 +383 603 5 891193242 +383 604 5 891193042 +383 641 4 891192778 +383 657 5 891192858 +383 660 4 891192748 +383 663 5 891192778 +383 736 5 891192949 +383 1005 3 891193072 +384 258 4 891273683 +384 272 5 891273509 +384 286 4 891273649 +384 302 5 891273509 +384 327 4 891273761 +384 329 3 891273761 +384 343 3 891273716 +384 347 4 891273509 +384 355 4 891274055 +384 689 4 891274232 +384 748 4 891274028 +384 879 4 891273874 +385 2 3 879446786 +385 4 2 879445260 +385 12 3 879441425 +385 23 5 879441313 +385 29 1 879447845 +385 30 5 879442988 +385 37 4 880013483 +385 42 1 879443252 +385 46 5 880870206 +385 47 4 879441982 +385 48 5 879441777 +385 53 1 879446110 +385 55 2 879441728 +385 56 5 879441728 +385 58 4 879441881 +385 59 2 879442490 +385 61 2 879441572 +385 79 3 879441853 +385 82 1 879446786 +385 87 3 879441942 +385 92 3 879443217 +385 93 3 880682080 +385 98 4 879442189 +385 99 2 879443186 +385 100 4 879440098 +385 114 5 879441942 +385 128 5 879442235 +385 129 3 881467873 +385 132 4 879446235 +385 133 1 879441728 +385 153 4 879442028 +385 156 4 881308434 +385 168 3 879442109 +385 171 3 879750777 +385 172 2 879442109 +385 173 4 879441386 +385 174 2 879924297 +385 176 2 879441386 +385 177 4 879442673 +385 180 4 879442706 +385 181 1 879439923 +385 182 5 880870205 +385 183 3 879442706 +385 189 5 881530739 +385 194 3 879441538 +385 195 1 879453773 +385 197 4 879442360 +385 198 3 881128357 +385 199 3 879442559 +385 201 4 879441982 +385 204 1 879441728 +385 205 2 879443253 +385 207 4 881530739 +385 209 4 879441853 +385 210 1 879453773 +385 215 2 879442559 +385 216 2 879446868 +385 217 2 879448208 +385 218 2 879447361 +385 219 1 879446952 +385 221 5 881398053 +385 224 2 879439728 +385 231 2 879449309 +385 234 1 879445493 +385 235 5 879440940 +385 240 4 879447317 +385 249 2 879440892 +385 251 2 879440098 +385 253 3 879439923 +385 257 3 879440236 +385 262 4 884153000 +385 283 2 879439984 +385 285 5 879439637 +385 286 3 879438600 +385 290 3 879440674 +385 293 3 879439728 +385 304 3 879438949 +385 318 2 879441572 +385 320 3 885367060 +385 325 4 882175397 +385 337 4 879439469 +385 340 4 879438647 +385 347 3 885844578 +385 357 4 879441339 +385 367 4 879444640 +385 378 1 879447555 +385 383 1 879449871 +385 385 1 879443352 +385 403 3 879447181 +385 405 2 879440961 +385 408 5 879443065 +385 417 2 879447671 +385 419 2 879442606 +385 421 2 879446026 +385 423 2 879445662 +385 427 4 879441386 +385 428 3 879442706 +385 430 5 880870206 +385 433 4 879442673 +385 435 3 879443102 +385 447 3 879443150 +385 448 3 879448263 +385 458 3 879440828 +385 462 2 881135090 +385 474 5 881530739 +385 480 5 879441313 +385 484 4 879442559 +385 485 4 879446591 +385 488 5 879441599 +385 489 5 884631784 +385 497 5 879443186 +385 500 4 879443352 +385 503 3 879443217 +385 504 4 879442360 +385 512 5 880958750 +385 514 4 879443045 +385 520 3 879441599 +385 521 3 879446208 +385 522 4 879924244 +385 523 4 879441454 +385 524 5 880924359 +385 526 3 879445098 +385 528 4 879470274 +385 529 4 879445949 +385 533 4 879440602 +385 557 2 879446786 +385 558 2 879442673 +385 568 3 879446465 +385 606 4 879441599 +385 629 2 879446643 +385 652 5 881530738 +385 654 5 879442085 +385 656 5 879441425 +385 661 4 879443045 +385 663 4 879446431 +385 671 3 879443315 +385 673 2 879445779 +385 693 4 879443315 +385 705 3 879441538 +385 715 3 879446671 +385 727 1 879443102 +385 732 3 879442189 +385 767 1 879447361 +385 794 2 879448181 +385 855 5 882081995 +385 874 3 879438975 +385 919 4 879440158 +385 922 4 881569749 +385 940 3 879447089 +385 942 2 879446208 +385 954 4 879446235 +385 965 4 879445779 +385 1008 4 879440628 +385 1010 3 879440127 +385 1014 2 879450441 +385 1017 3 883791666 +385 1021 5 879441572 +385 1022 3 883791570 +385 1037 1 879449950 +385 1065 3 879445153 +385 1069 4 879442235 +385 1070 5 880870206 +385 1071 4 879448426 +385 1110 2 879446566 +385 1118 3 879447047 +385 1129 5 879440236 +385 1135 1 879448181 +385 1252 5 879578355 +385 1353 4 879440098 +385 1367 5 880879193 +385 1411 3 879447873 +385 1449 4 881047049 +385 1456 4 879447205 +385 1495 3 879443186 +385 1499 5 881047168 +385 1506 4 879442606 +385 1535 4 879448294 +385 1536 5 879441339 +386 7 3 877655028 +386 50 4 877654961 +386 118 3 877655085 +386 121 3 877655145 +386 127 5 877654961 +386 181 3 877654961 +386 273 3 877655028 +386 323 4 877655085 +386 405 4 877655145 +386 455 3 877654961 +386 546 2 877655195 +386 597 3 877655145 +386 825 4 877655146 +386 840 5 877655145 +386 982 3 877655195 +387 1 4 886480681 +387 2 4 886483195 +387 7 5 886479528 +387 10 4 886481228 +387 11 3 886480325 +387 12 5 886484336 +387 22 5 886483049 +387 24 5 886484522 +387 25 2 886481271 +387 27 1 886483252 +387 28 5 886483939 +387 29 1 886483252 +387 31 3 886483330 +387 32 5 886479737 +387 33 3 886483098 +387 39 3 886483049 +387 42 4 886480548 +387 46 3 886484011 +387 48 4 886483753 +387 52 5 886483497 +387 53 4 886481737 +387 55 3 886479649 +387 56 5 886479649 +387 58 4 886484065 +387 62 2 886483252 +387 68 4 886483099 +387 69 3 886480413 +387 71 2 886483620 +387 81 3 886483906 +387 82 4 886483098 +387 83 4 886480244 +387 89 5 886483048 +387 92 4 886483098 +387 95 2 886483620 +387 100 5 886484336 +387 101 4 886479528 +387 107 3 886481002 +387 109 4 886481073 +387 116 3 886480206 +387 129 5 886480583 +387 133 2 886480483 +387 136 3 886480288 +387 144 3 886479649 +387 152 1 886479690 +387 153 4 886479649 +387 168 5 886479610 +387 169 5 886484336 +387 172 4 886480206 +387 173 4 886480288 +387 174 5 886480384 +387 175 5 886479771 +387 178 3 886483824 +387 179 5 886484336 +387 180 4 886479737 +387 181 4 886479610 +387 182 5 886483048 +387 183 4 886480206 +387 186 2 886480515 +387 187 4 886483049 +387 188 5 886483151 +387 189 5 886483619 +387 191 4 886479610 +387 193 5 886484065 +387 196 2 886484012 +387 198 4 886480352 +387 199 4 886483858 +387 200 5 886481686 +387 201 5 886484631 +387 202 3 886482695 +387 203 4 886483330 +387 204 2 886479771 +387 205 5 886480384 +387 206 4 886483429 +387 208 3 886480484 +387 210 4 886482928 +387 211 4 886480108 +387 214 5 886483753 +387 218 3 886481687 +387 224 5 886480703 +387 227 4 886483195 +387 231 3 886483194 +387 232 2 886483289 +387 239 1 886483970 +387 241 1 886483194 +387 243 1 886484460 +387 248 4 886481151 +387 258 4 886480818 +387 268 3 886479430 +387 286 2 886484385 +387 288 3 886484385 +387 289 1 886484413 +387 294 2 886484413 +387 295 3 886480818 +387 298 3 886480623 +387 317 4 886483906 +387 318 3 886479610 +387 321 3 886484384 +387 324 4 886481002 +387 333 3 886479484 +387 367 3 886482883 +387 380 2 886484098 +387 381 4 886482969 +387 385 3 886483150 +387 393 2 886483009 +387 399 3 886482969 +387 408 4 886484492 +387 410 3 886480789 +387 414 4 886482969 +387 418 3 886483669 +387 423 3 886484065 +387 429 3 886484065 +387 430 3 886482882 +387 431 3 886483150 +387 432 4 886480353 +387 434 5 886483970 +387 435 3 886480483 +387 436 4 886481737 +387 441 1 886481800 +387 444 4 886481800 +387 446 2 886481800 +387 447 4 886481687 +387 448 3 886481686 +387 458 1 886481183 +387 461 5 886483753 +387 474 5 886480163 +387 475 3 886480657 +387 477 1 886480733 +387 488 3 886480163 +387 501 4 886483620 +387 513 5 886483330 +387 514 3 886480515 +387 516 3 886482928 +387 518 4 886483151 +387 520 4 886480446 +387 521 3 886483906 +387 526 4 886483150 +387 528 4 886483906 +387 530 4 886483099 +387 531 3 886479528 +387 550 2 886483252 +387 551 2 886481800 +387 558 4 886480384 +387 559 3 886481737 +387 561 3 886481800 +387 563 2 886481851 +387 564 1 886481800 +387 566 3 886483194 +387 567 2 886481737 +387 568 2 886483099 +387 569 2 886481737 +387 578 2 886483252 +387 580 5 886483565 +387 581 4 886483394 +387 583 4 886483098 +387 588 3 886480163 +387 625 2 886483669 +387 641 5 886483824 +387 642 4 886483395 +387 651 2 886479689 +387 655 3 886480352 +387 665 2 886481851 +387 672 2 886481687 +387 674 2 886481686 +387 676 1 886480733 +387 678 3 886484460 +387 679 5 886483194 +387 692 1 886482928 +387 693 5 886484336 +387 697 1 886483906 +387 718 4 886480206 +387 727 5 886484098 +387 731 1 886482969 +387 742 2 886481105 +387 744 3 886480818 +387 772 4 886483782 +387 773 4 886481800 +387 774 3 886481737 +387 789 4 886482928 +387 844 5 886480484 +387 845 4 886484336 +387 847 3 886480325 +387 854 5 886481686 +387 856 5 886484124 +387 919 5 886479575 +387 942 4 886483906 +387 943 4 886483357 +387 953 2 886484012 +387 984 1 886484460 +387 1007 5 886480623 +387 1008 4 886481183 +387 1011 3 886481033 +387 1012 4 886481073 +387 1014 3 886480789 +387 1018 3 886483526 +387 1019 4 886480288 +387 1069 2 886480288 +387 1078 1 886483670 +387 1097 3 886480657 +387 1110 2 886483009 +387 1115 3 886479575 +387 1118 3 886482695 +387 1129 4 886480623 +387 1143 5 886480623 +387 1166 3 886483939 +387 1187 4 886480623 +387 1198 3 886479575 +387 1199 5 886480970 +387 1538 3 886481151 +388 1 5 886436813 +388 5 4 886441083 +388 9 3 886437226 +388 53 5 886441248 +388 56 3 886441015 +388 98 5 886441015 +388 100 3 886437039 +388 117 5 886436756 +388 121 4 886436756 +388 147 4 886436871 +388 184 4 886441083 +388 200 5 886441083 +388 218 5 886441083 +388 219 5 886441083 +388 237 5 886436813 +388 258 5 886439506 +388 276 2 886440608 +388 288 5 886439506 +388 294 4 886439561 +388 300 4 886438122 +388 302 5 886438122 +388 307 4 886439506 +388 310 5 886438540 +388 313 5 886438122 +388 315 3 886438122 +388 323 4 886442062 +388 326 5 886438122 +388 328 4 886439561 +388 508 3 886436930 +388 559 5 886441133 +388 591 4 886437039 +388 596 4 886436661 +388 628 4 886436661 +388 672 4 886441083 +388 680 5 886439808 +388 690 5 886438540 +388 773 3 886441083 +388 816 4 886441248 +388 871 2 886440608 +389 1 4 879915860 +389 4 4 879991352 +389 15 2 879916135 +389 28 4 880165411 +389 29 2 880088659 +389 38 2 880089076 +389 42 4 879991147 +389 53 2 880089337 +389 56 5 880086868 +389 59 5 880087151 +389 65 4 880088171 +389 66 3 880088401 +389 67 2 880614340 +389 71 4 880088091 +389 72 3 880614164 +389 77 2 880088922 +389 82 4 880087977 +389 87 5 879991330 +389 88 3 880613773 +389 94 2 880089115 +389 98 4 879991264 +389 99 5 880087832 +389 100 5 879915701 +389 109 3 879915745 +389 111 3 879916053 +389 118 2 880088900 +389 124 4 879916053 +389 133 5 880086888 +389 134 5 879991045 +389 135 2 879990996 +389 136 4 880087671 +389 142 3 880088878 +389 143 3 880087026 +389 151 4 879916135 +389 153 3 880088510 +389 154 3 880087200 +389 155 2 880088900 +389 159 2 880088330 +389 160 4 880087897 +389 161 2 880088269 +389 176 4 880165047 +389 178 4 880086755 +389 182 5 879991175 +389 186 2 880087435 +389 187 5 879990996 +389 194 4 879991147 +389 196 3 880087516 +389 197 5 879991485 +389 199 5 880165388 +389 202 5 880087599 +389 204 4 879991017 +389 205 4 880165939 +389 209 4 880087048 +389 211 4 880087415 +389 216 2 879991387 +389 217 3 880088774 +389 238 5 879991387 +389 239 3 880087939 +389 240 3 879916254 +389 249 3 879915991 +389 257 3 879916077 +389 274 4 880088421 +389 275 5 879915860 +389 283 5 879916099 +389 285 5 879916076 +389 286 2 879915633 +389 300 3 879990863 +389 301 4 879916385 +389 302 5 879915633 +389 346 4 885681315 +389 347 4 887868071 +389 367 4 880086820 +389 371 4 880088309 +389 378 5 880087695 +389 383 2 881384649 +389 386 3 880089302 +389 395 2 880089133 +389 396 3 880089037 +389 402 3 880613797 +389 404 5 880087200 +389 412 3 880089170 +389 414 4 879991485 +389 416 4 880087996 +389 418 4 880165168 +389 419 3 880087003 +389 420 3 880088229 +389 427 5 879991196 +389 428 3 880087461 +389 429 4 879991352 +389 430 5 880087003 +389 471 4 879916077 +389 477 4 880087939 +389 478 5 879991264 +389 479 4 879991535 +389 482 5 880086777 +389 485 5 879991081 +389 486 4 880086971 +389 487 5 879991115 +389 488 5 880087260 +389 489 4 879991115 +389 490 3 879991081 +389 491 5 879991352 +389 492 5 880086944 +389 493 5 879991147 +389 494 5 879991411 +389 496 4 879991218 +389 498 5 880086918 +389 499 4 880087873 +389 501 5 880087804 +389 502 4 881384464 +389 504 4 880087832 +389 506 4 879991330 +389 507 5 879991196 +389 509 4 880614449 +389 517 4 880087977 +389 518 4 880087073 +389 520 3 879991175 +389 521 3 879991330 +389 524 5 879991081 +389 550 3 880088923 +389 553 2 880089015 +389 559 3 880088680 +389 579 1 881384611 +389 583 2 880088039 +389 584 4 879991512 +389 588 5 879991298 +389 591 3 879915726 +389 603 5 880086943 +389 607 3 879991297 +389 608 3 880087832 +389 613 5 880088038 +389 615 4 879991115 +389 618 4 880088115 +389 629 2 880166028 +389 649 4 880165344 +389 654 5 879991411 +389 656 5 879991175 +389 657 5 879991115 +389 661 4 880165168 +389 662 3 880613750 +389 663 4 880087026 +389 664 4 880088290 +389 671 5 880087516 +389 674 2 880088900 +389 675 3 880165702 +389 684 4 880087761 +389 686 3 879991434 +389 699 5 880088038 +389 705 5 879991196 +389 709 4 879991115 +389 715 3 880614012 +389 722 2 880089192 +389 728 3 880089302 +389 731 3 880089152 +389 732 4 880087850 +389 736 5 880088229 +389 756 2 880088942 +389 778 4 880088995 +389 785 3 880613841 +389 792 4 880088115 +389 820 3 880089211 +389 824 3 881384649 +389 835 5 879991242 +389 836 4 879991045 +389 845 4 879916053 +389 847 4 879915806 +389 923 5 880087151 +389 926 3 879916099 +389 942 3 880165881 +389 945 4 880165070 +389 946 3 880088363 +389 955 4 880087599 +389 969 4 880086755 +389 1007 4 879915832 +389 1036 2 880087170 +389 1050 4 879991242 +389 1052 2 881384711 +389 1074 2 880613841 +389 1119 3 880088659 +389 1121 4 879991485 +389 1168 3 880088717 +389 1197 3 880165664 +389 1203 5 880087544 +389 1204 4 880165411 +389 1286 5 880087873 +389 1298 5 887868071 +389 1451 5 880087544 +389 1518 2 880165787 +389 1530 2 880088753 +390 9 5 879694232 +390 13 2 879694409 +390 100 5 879694123 +390 124 4 879694232 +390 181 4 879694198 +390 258 5 879693461 +390 286 4 879693461 +390 289 3 879693677 +390 300 5 879693770 +390 304 5 879693561 +390 328 4 879693677 +390 329 3 879693608 +390 331 2 879693723 +390 475 1 879694232 +390 690 3 879693677 +390 713 4 879694259 +390 740 4 879694123 +390 754 4 879693561 +390 845 2 879694232 +390 989 5 879693677 +390 990 4 879693608 +390 1296 2 879693770 +391 9 5 877399780 +391 15 4 877399805 +391 22 4 877398951 +391 23 4 877398992 +391 26 5 877399745 +391 47 4 877399301 +391 48 4 877399171 +391 50 4 877399588 +391 56 5 877399745 +391 76 3 877399618 +391 96 3 877399171 +391 97 4 877399301 +391 98 4 877399133 +391 100 4 877399805 +391 125 3 877399894 +391 127 5 877399236 +391 131 2 877399455 +391 133 4 877398898 +391 134 4 877399171 +391 148 3 877400062 +391 168 4 877399455 +391 173 4 877399030 +391 174 5 877399301 +391 176 3 877398856 +391 177 4 877398951 +391 180 5 877399066 +391 182 4 877399696 +391 186 5 877399658 +391 187 4 877399030 +391 188 3 877399658 +391 194 4 877399486 +391 195 2 877399618 +391 197 5 877399380 +391 203 4 877399423 +391 204 3 877399658 +391 209 5 877399541 +391 213 4 877398856 +391 215 4 877399100 +391 228 2 877399486 +391 234 4 877399455 +391 237 4 877399864 +391 238 5 877399659 +391 258 3 877398517 +391 264 1 877398704 +391 286 4 877398517 +391 291 3 877400062 +391 300 2 877398619 +391 301 4 877399745 +391 322 3 877398619 +391 357 5 877399486 +391 378 3 877399171 +391 427 5 877399512 +391 435 5 877399100 +391 458 4 877399864 +391 471 2 877399864 +391 474 5 877399171 +391 479 4 877399030 +391 482 4 877399380 +391 483 3 877399423 +391 490 4 877399658 +391 497 3 877399133 +391 498 4 877399513 +391 507 4 877399512 +391 527 3 877399541 +391 530 5 877399337 +391 591 4 877399894 +391 603 5 877398991 +391 628 4 877399864 +391 648 5 877399100 +391 651 5 877399133 +391 652 4 877399588 +391 661 5 877398898 +391 696 4 877400117 +391 705 5 877399133 +391 715 2 877399588 +391 748 3 877398619 +391 772 2 877399030 +391 924 2 877400116 +391 1101 4 877399423 +391 1163 2 877399864 +392 8 5 891039049 +392 11 4 891038371 +392 23 5 891038466 +392 50 5 891038110 +392 58 4 891038433 +392 98 5 891038979 +392 129 4 891038945 +392 165 5 891038433 +392 166 5 891038466 +392 174 5 891038979 +392 178 5 891038945 +392 179 5 891038946 +392 181 5 891038137 +392 189 4 891038433 +392 191 5 891039015 +392 197 5 891038978 +392 209 5 891038978 +392 244 3 891038247 +392 250 3 891038158 +392 257 5 891038184 +392 258 2 891037531 +392 260 1 891037790 +392 269 5 891037385 +392 271 1 891037490 +392 272 5 891037437 +392 276 4 891039049 +392 285 3 891039050 +392 286 2 891037385 +392 293 4 891038137 +392 294 4 891037561 +392 298 1 891038205 +392 300 2 891037437 +392 302 5 891037385 +392 303 4 891037437 +392 310 4 891037490 +392 312 4 891037561 +392 313 5 891037385 +392 316 5 891037811 +392 319 5 891037385 +392 321 5 891037685 +392 323 3 891037769 +392 326 2 891037685 +392 333 4 891037531 +392 340 5 891037437 +392 345 4 891037385 +392 347 4 891037600 +392 463 3 891038946 +392 482 5 891038945 +392 492 4 891038979 +392 493 4 891038945 +392 495 3 891038401 +392 510 4 891038979 +392 511 5 891038945 +392 513 5 891039049 +392 517 5 891038466 +392 528 5 891038371 +392 534 4 891038205 +392 538 2 891037851 +392 589 4 891038946 +392 604 5 891039015 +392 615 5 891038371 +392 632 5 891039015 +392 657 5 891038401 +392 663 4 891039049 +392 705 5 891038433 +392 837 5 891038466 +392 847 4 891039015 +392 872 4 891037790 +392 873 3 891037851 +392 875 3 891037851 +392 1007 5 891038137 +392 1014 3 891038205 +392 1142 5 891038184 +392 1143 4 891038158 +392 1160 2 891038137 +392 1226 4 891038288 +393 1 3 887743611 +393 2 4 887746206 +393 5 3 887746849 +393 7 4 887744419 +393 8 3 887746145 +393 9 4 887744448 +393 11 3 887745844 +393 12 5 887745883 +393 15 3 887744266 +393 17 1 889728895 +393 21 3 887744765 +393 22 4 887745973 +393 24 3 889729674 +393 25 2 887744294 +393 27 4 889555050 +393 31 4 887745912 +393 33 3 889554648 +393 36 3 889731618 +393 38 4 889731010 +393 41 4 889728736 +393 42 4 889554976 +393 49 4 889729674 +393 50 5 887743611 +393 51 4 887746456 +393 54 4 889555050 +393 55 4 889727862 +393 58 3 887746734 +393 62 4 889728895 +393 65 2 887746346 +393 66 3 889554707 +393 67 3 889730088 +393 68 4 889729537 +393 70 3 889555251 +393 71 3 889554977 +393 73 4 887746206 +393 77 3 889729440 +393 78 2 889731521 +393 80 3 889729561 +393 82 4 887746174 +393 83 4 887746523 +393 84 3 889731009 +393 86 2 889729674 +393 88 3 889730066 +393 94 4 889731465 +393 96 4 889555434 +393 97 4 889555126 +393 100 1 887744053 +393 105 3 887745544 +393 110 2 889730117 +393 111 3 887745293 +393 118 4 887744578 +393 121 4 887744419 +393 122 1 889731465 +393 123 4 887744328 +393 125 4 887744239 +393 126 4 887743647 +393 128 3 887746145 +393 132 2 887746207 +393 134 2 887746824 +393 135 1 887747108 +393 136 5 889555050 +393 139 4 889729185 +393 141 2 889729537 +393 142 4 889730460 +393 143 5 889554930 +393 144 3 887746174 +393 145 3 889731820 +393 148 4 887744419 +393 153 3 887746671 +393 168 4 887746482 +393 169 3 887745912 +393 181 4 887743141 +393 184 4 889555251 +393 189 4 887745717 +393 191 3 887745717 +393 195 3 889555272 +393 196 4 887746015 +393 202 3 887746015 +393 203 4 887746091 +393 204 4 887746301 +393 206 3 889731329 +393 210 4 887747108 +393 215 4 887745912 +393 222 4 887744239 +393 223 4 887746119 +393 227 4 889728385 +393 233 3 889730460 +393 241 4 889554930 +393 245 3 887742145 +393 248 4 887744202 +393 249 3 887744373 +393 250 4 887743453 +393 252 3 887744766 +393 258 4 887741960 +393 259 4 887742851 +393 265 4 887746301 +393 272 4 887742006 +393 275 4 887744053 +393 278 4 887744473 +393 280 4 887744724 +393 281 4 887745343 +393 282 4 887744053 +393 288 3 887741960 +393 290 3 887745322 +393 291 4 887744202 +393 294 4 887742145 +393 298 4 887743453 +393 302 4 891364609 +393 303 4 891364609 +393 304 4 887742110 +393 310 4 887742040 +393 313 4 887742040 +393 315 5 887741960 +393 318 3 887745973 +393 322 4 887742825 +393 323 2 887742916 +393 328 5 887742798 +393 332 4 887742764 +393 333 4 889554171 +393 338 2 887742964 +393 342 5 887742179 +393 344 3 891364581 +393 349 3 887742939 +393 354 4 889554151 +393 355 3 889554171 +393 357 2 887745815 +393 362 3 887741960 +393 363 3 887745086 +393 365 3 889729460 +393 366 4 889729345 +393 367 3 889730187 +393 369 3 887745174 +393 373 4 889731437 +393 374 3 889731702 +393 377 3 889728200 +393 378 4 887746824 +393 380 2 887746482 +393 384 3 889729508 +393 385 4 887746207 +393 386 4 889731390 +393 392 4 889555225 +393 393 3 889731064 +393 394 5 889728627 +393 395 3 889731753 +393 396 1 889730514 +393 398 4 889731753 +393 399 4 889728353 +393 402 3 889730187 +393 403 3 889727503 +393 405 4 887744626 +393 411 2 887745501 +393 412 3 887745380 +393 419 4 887746523 +393 420 3 889728074 +393 431 2 887746965 +393 449 2 889731088 +393 451 3 887746995 +393 456 3 887745501 +393 459 4 887744517 +393 463 4 889555225 +393 471 4 887744549 +393 472 3 887745199 +393 477 3 889727833 +393 483 4 889554540 +393 485 2 887746670 +393 496 5 887746119 +393 500 4 887746523 +393 501 3 889729614 +393 507 2 889554859 +393 527 3 889727614 +393 538 3 887742071 +393 539 3 891364757 +393 541 3 889555384 +393 544 3 887745135 +393 546 2 887744578 +393 550 3 887746482 +393 554 4 889729486 +393 560 3 889728584 +393 561 3 889728438 +393 568 4 889554563 +393 572 4 889731618 +393 575 2 889728712 +393 576 3 889729938 +393 577 4 889731437 +393 585 2 889731649 +393 586 3 889731040 +393 591 5 887744372 +393 596 4 887743611 +393 597 3 887745293 +393 613 4 887745937 +393 620 4 887745199 +393 623 3 889731562 +393 625 4 889554780 +393 627 4 889729296 +393 628 4 887744626 +393 633 2 887746091 +393 636 3 889729508 +393 644 3 889555074 +393 651 4 889728238 +393 652 3 889729375 +393 655 3 887746346 +393 659 4 887746378 +393 672 3 889729614 +393 681 3 887742798 +393 683 4 887742110 +393 684 4 889554811 +393 686 4 889729185 +393 687 3 887742916 +393 689 3 887742991 +393 690 4 887742110 +393 692 3 889554908 +393 693 3 887746883 +393 696 4 887745258 +393 705 4 887746456 +393 710 4 889554607 +393 715 1 889731592 +393 720 3 889554648 +393 724 3 889729159 +393 725 2 889731501 +393 728 3 889730209 +393 729 4 887746431 +393 731 3 889730227 +393 732 4 889555272 +393 737 2 889730261 +393 742 4 887744517 +393 747 4 889727969 +393 748 3 887742851 +393 755 3 889729831 +393 756 4 887745258 +393 763 5 887745086 +393 769 4 889731593 +393 771 3 889731793 +393 774 4 889731673 +393 775 4 889731390 +393 778 3 887746301 +393 779 3 889729673 +393 781 4 889729159 +393 783 3 889729561 +393 785 3 889729749 +393 787 5 889554674 +393 789 1 887746015 +393 790 4 889729773 +393 792 1 889729346 +393 794 4 889730117 +393 805 2 889555410 +393 810 4 889731138 +393 812 3 889555021 +393 819 3 889731592 +393 820 3 887745380 +393 823 3 889730262 +393 831 1 887745454 +393 833 4 887744626 +393 836 4 889728895 +393 840 4 887744658 +393 841 3 887745199 +393 864 3 887745230 +393 866 3 889728074 +393 871 3 887745174 +393 879 3 887742798 +393 890 1 887742991 +393 892 3 887742939 +393 893 3 889554457 +393 922 4 887744419 +393 924 4 887744688 +393 930 3 889731593 +393 932 3 887744578 +393 934 3 887745544 +393 939 4 887745816 +393 940 2 889731109 +393 941 4 889729212 +393 944 4 889728712 +393 949 3 889731465 +393 953 4 889555334 +393 964 2 889555461 +393 977 4 887745501 +393 982 3 889731649 +393 996 3 889731139 +393 1001 4 887745410 +393 1016 5 887744688 +393 1028 3 887745174 +393 1032 3 889729296 +393 1034 2 889731413 +393 1035 3 889731329 +393 1039 3 887745973 +393 1043 3 889728324 +393 1044 4 889731821 +393 1047 3 887745293 +393 1048 3 887745120 +393 1049 4 887744688 +393 1051 3 887745544 +393 1053 3 889730011 +393 1058 4 887746916 +393 1076 3 889731109 +393 1091 2 889731840 +393 1092 3 889731139 +393 1095 2 887745174 +393 1139 3 889729561 +393 1165 3 889730514 +393 1168 3 889729346 +393 1169 5 887746015 +393 1179 4 889731437 +393 1180 4 889731465 +393 1181 3 889731064 +393 1182 3 889731413 +393 1183 3 889731040 +393 1197 3 887743611 +393 1206 3 889730494 +393 1215 3 889731729 +393 1219 4 889729536 +393 1221 3 889554834 +393 1225 3 889731820 +393 1249 4 889731329 +393 1270 3 889731673 +393 1285 3 889555176 +393 1314 3 889731561 +393 1337 3 887745380 +393 1409 4 889729536 +393 1419 3 889729319 +393 1435 3 889731821 +393 1441 3 889728554 +393 1446 5 887746346 +393 1469 3 889729749 +393 1531 4 889731794 +393 1539 2 889730460 +394 12 4 880887035 +394 22 5 880886919 +394 24 5 880889350 +394 28 4 880886821 +394 29 3 881058201 +394 33 4 880889259 +394 42 4 880887152 +394 62 4 881132876 +394 67 5 881059383 +394 68 5 881058419 +394 69 5 880887063 +394 73 3 881058929 +394 77 3 880888603 +394 82 4 880889553 +394 88 3 880889400 +394 89 5 880889349 +394 90 3 880889528 +394 91 4 880886821 +394 96 5 880886919 +394 97 4 880888223 +394 109 4 880889159 +394 117 5 880887462 +394 118 4 880889066 +394 121 4 880888452 +394 123 5 880888566 +394 141 3 880888815 +394 151 5 880886919 +394 158 3 881059315 +394 161 4 880888850 +394 164 4 880886612 +394 168 5 880886919 +394 173 5 881057730 +394 174 5 881057914 +394 176 5 881130008 +394 179 5 880886919 +394 181 4 880886796 +394 183 4 881130008 +394 186 5 880887322 +394 202 5 880888245 +394 204 5 880888223 +394 216 3 880888063 +394 217 5 880888972 +394 218 4 880889187 +394 227 4 881132877 +394 228 5 881132876 +394 230 3 881132958 +394 232 4 880889374 +394 238 5 880887348 +394 250 4 881130076 +394 252 3 881130112 +394 257 4 881130047 +394 294 4 880886919 +394 343 3 881130008 +394 358 3 880886546 +394 380 4 881132876 +394 386 3 881058897 +394 393 4 880889350 +394 403 4 880889034 +394 405 3 880889010 +394 411 4 881058969 +394 418 4 880887462 +394 423 5 881057839 +394 431 5 880889607 +394 450 3 881132958 +394 496 5 880887206 +394 508 4 880886978 +394 546 4 881058167 +394 549 4 880888452 +394 552 3 881060176 +394 559 4 880888746 +394 568 5 880888167 +394 577 2 881059704 +394 578 2 880888927 +394 627 5 880888972 +394 651 4 880888223 +394 658 3 880889159 +394 672 3 880888540 +394 715 4 880888689 +394 720 2 881058146 +394 742 5 880888167 +394 771 4 881060366 +394 773 4 881060053 +394 795 2 881059103 +394 797 3 881058330 +394 928 4 881059902 +394 940 3 881059103 +394 979 5 881060177 +394 1079 3 881059148 +394 1210 3 881060330 +394 1484 4 881059619 +395 1 5 883765062 +395 15 3 883765928 +395 21 3 883764534 +395 50 5 883763009 +395 64 5 883763958 +395 89 5 883764264 +395 100 4 883765155 +395 118 3 883765791 +395 121 3 883765731 +395 127 5 883765034 +395 151 3 883765297 +395 154 5 883764878 +395 163 5 883764378 +395 172 5 883763041 +395 174 5 883763561 +395 186 5 883764817 +395 196 4 883764378 +395 215 5 883763768 +395 216 3 883764378 +395 252 3 883765897 +395 255 3 883765731 +395 258 4 883762309 +395 286 4 883762088 +395 288 2 886481149 +395 300 3 883762362 +395 315 5 886480875 +395 318 4 883764004 +395 365 5 883766403 +395 423 5 883764742 +395 458 3 883765731 +395 472 3 883765965 +395 515 4 883765297 +395 632 5 883764845 +395 739 3 886481149 +395 748 3 883762577 +395 750 5 883762266 +395 866 3 883766119 +395 892 3 883762681 +395 924 4 883765156 +395 1028 2 886481149 +395 1060 2 886481149 +396 1 4 884646346 +396 9 4 884646401 +396 106 4 884646537 +396 117 4 884646191 +396 118 4 884646314 +396 121 5 884646235 +396 125 3 884646191 +396 148 4 884646436 +396 151 3 884646401 +396 237 4 884646092 +396 245 3 884645720 +396 260 3 884645754 +396 271 4 884645790 +396 274 4 884646263 +396 281 3 884646647 +396 291 4 884646289 +396 322 4 884645790 +396 323 4 884645790 +396 328 4 884645813 +396 406 2 884646468 +396 471 4 884646263 +396 472 5 884646647 +396 546 4 884646647 +396 597 4 884646647 +396 678 3 884645838 +396 751 3 884645648 +396 823 2 884646647 +396 840 3 884646648 +396 841 4 884646648 +396 930 3 884646467 +396 974 4 884646152 +396 977 3 884646468 +396 986 4 884646537 +396 1025 4 884645839 +397 7 5 885349913 +397 8 4 885349913 +397 12 4 885349790 +397 14 3 885349348 +397 50 5 885349955 +397 56 5 882839517 +397 58 5 885349202 +397 65 2 875063876 +397 100 5 882839517 +397 108 4 885350045 +397 109 4 889760803 +397 117 3 885349610 +397 134 5 885350132 +397 172 5 885350381 +397 178 5 885349759 +397 181 4 885349955 +397 182 5 885349759 +397 183 4 885349348 +397 186 5 885349955 +397 192 5 885349610 +397 194 3 885349348 +397 195 3 885350381 +397 199 5 885349790 +397 210 4 885349825 +397 221 4 885349348 +397 223 4 885350132 +397 243 1 875063613 +397 261 1 875063722 +397 268 4 889760703 +397 286 4 882839517 +397 289 3 885349348 +397 298 4 885349348 +397 313 4 889760640 +397 318 4 885349610 +397 322 1 875063613 +397 324 2 882838749 +397 325 3 882838853 +397 327 2 875063649 +397 334 3 885349348 +397 343 2 885349148 +397 346 4 890172230 +397 357 5 885350381 +397 358 2 882838937 +397 390 3 885349427 +397 474 5 882839559 +397 479 4 885349865 +397 480 5 885349476 +397 484 5 885349759 +397 492 4 885349955 +397 498 4 885349955 +397 522 5 885349476 +397 529 4 885350326 +397 591 4 885349562 +397 611 5 885349562 +397 641 5 885349999 +397 652 3 885350326 +397 657 5 885349759 +397 665 3 885349348 +397 680 1 875063649 +397 688 1 875063649 +397 693 4 885349955 +397 705 5 885350045 +397 748 2 889760845 +397 751 3 885349348 +397 853 4 885350045 +397 855 4 885349476 +397 894 1 882838796 +397 988 1 875063722 +397 989 1 875063722 +397 991 1 875063678 +397 1001 1 885350326 +397 1018 4 882839517 +397 1019 3 885349715 +397 1298 3 885350543 +398 1 5 875652927 +398 2 3 875718614 +398 8 3 875716709 +398 12 3 875658898 +398 13 3 875652318 +398 15 5 875651828 +398 25 4 875655011 +398 31 3 875658967 +398 47 3 875738523 +398 50 5 875652927 +398 56 4 875659843 +398 58 4 875717106 +398 64 4 875660439 +398 65 3 875743739 +398 66 4 875736732 +398 69 5 875659191 +398 70 4 875717315 +398 71 5 875743517 +398 72 3 875719399 +398 73 3 875723337 +398 79 4 875660535 +398 86 3 875726010 +398 96 4 875716709 +398 97 4 875721348 +398 100 3 875652816 +398 111 3 875652318 +398 117 4 875653091 +398 127 4 875651657 +398 132 5 875716829 +398 133 3 875726786 +398 135 3 875657802 +398 144 5 875658715 +398 152 4 875721702 +398 153 4 875732862 +398 162 5 875811851 +398 168 3 875658967 +398 172 5 875725927 +398 173 4 875719080 +398 174 5 875660535 +398 176 4 875725256 +398 178 5 875718614 +398 181 4 875652318 +398 183 4 875659518 +398 185 5 875717638 +398 186 4 875733496 +398 191 4 875721348 +398 194 5 875717638 +398 196 4 875746951 +398 199 4 875721548 +398 202 3 875725256 +398 203 4 875908134 +398 204 4 875716013 +398 205 5 875660535 +398 208 5 875723253 +398 211 4 875717407 +398 216 5 875723337 +398 227 2 875908666 +398 228 5 875657926 +398 231 2 875743840 +398 234 4 875659265 +398 235 2 875716709 +398 237 3 875653168 +398 276 4 875652760 +398 283 3 875652760 +398 284 2 875654781 +398 357 4 875657926 +398 367 3 875717020 +398 393 5 875732738 +398 399 4 875721702 +398 403 4 875657734 +398 414 3 875721111 +398 417 3 875719399 +398 423 5 875659319 +398 427 4 875657734 +398 429 4 875716829 +398 430 4 875659265 +398 432 3 875718670 +398 447 2 875658967 +398 474 4 875657926 +398 478 5 875657857 +398 479 4 875717020 +398 481 3 875659441 +398 482 5 875657802 +398 483 5 875720673 +398 484 4 875659319 +398 493 5 875723337 +398 495 4 875660439 +398 496 5 875721111 +398 498 5 875657734 +398 501 3 875658898 +398 504 3 875722071 +398 510 4 875658715 +398 514 4 875658794 +398 520 5 875717106 +398 521 5 875717779 +398 523 4 875717779 +398 582 2 875659518 +398 588 4 875659517 +398 589 3 875657734 +398 591 3 875652876 +398 602 4 875660302 +398 603 4 875721548 +398 604 5 875658794 +398 607 3 875720467 +398 610 4 875745631 +398 633 4 875726786 +398 648 5 875733496 +398 654 4 875726730 +398 655 4 875658967 +398 659 3 875738391 +398 661 3 875719399 +398 662 2 875723172 +398 684 4 875908134 +398 692 4 875717020 +398 705 5 875658898 +398 708 3 875747159 +398 712 2 875736732 +398 756 3 875654592 +398 837 4 875718614 +398 969 4 875659518 +398 991 2 875651527 +398 1041 3 875733660 +398 1119 4 875812011 +398 1450 5 875717717 +399 1 4 882340657 +399 2 3 882512708 +399 5 3 882345001 +399 8 3 882510165 +399 9 3 882510018 +399 11 4 882344199 +399 15 5 882340828 +399 22 3 882342834 +399 24 4 882341239 +399 28 2 882344134 +399 29 3 882349198 +399 31 3 882345649 +399 33 3 882344942 +399 39 2 882344310 +399 42 2 882510250 +399 47 3 882511093 +399 54 4 882343126 +399 55 2 882343171 +399 56 3 882346649 +399 57 4 882343260 +399 62 3 882348876 +399 66 3 882343171 +399 68 3 882347577 +399 71 3 882351580 +399 72 4 882350323 +399 73 3 882343731 +399 78 3 882348948 +399 79 3 882512214 +399 82 3 882344512 +399 90 2 882350653 +399 94 5 882349022 +399 96 3 882342019 +399 99 3 882344269 +399 100 3 882509855 +399 102 3 882344236 +399 114 4 882341974 +399 121 3 882341403 +399 123 2 882340807 +399 127 2 882346585 +399 128 3 882343293 +399 132 3 882343327 +399 139 3 882348153 +399 144 3 882342689 +399 147 5 882340620 +399 148 4 882341362 +399 151 2 882511876 +399 154 3 882343327 +399 161 3 882344434 +399 164 2 882344553 +399 168 3 882342776 +399 172 3 882342537 +399 173 3 882349928 +399 175 3 882342669 +399 176 3 882342127 +399 179 3 882344406 +399 181 3 882342689 +399 182 4 882342570 +399 196 5 882349678 +399 203 4 882344434 +399 204 3 882342061 +399 210 3 882342805 +399 215 2 882510226 +399 218 4 882344597 +399 219 3 882345454 +399 222 3 882344434 +399 223 3 882343012 +399 225 3 882345212 +399 227 2 882344794 +399 229 2 882349143 +399 230 3 882344512 +399 232 2 882350431 +399 233 3 882347061 +399 235 4 882340876 +399 238 1 882342061 +399 239 3 882344553 +399 241 4 882342866 +399 246 3 882340639 +399 268 3 882340284 +399 273 3 882340657 +399 274 3 882512167 +399 276 3 882510107 +399 284 2 882512342 +399 289 4 882340311 +399 291 3 882510126 +399 295 4 882341264 +399 302 4 882340101 +399 307 3 882340264 +399 320 3 882342537 +399 323 1 882340517 +399 328 4 882340311 +399 332 3 882340242 +399 340 2 882340517 +399 343 2 882340517 +399 356 3 882344512 +399 366 3 882345271 +399 372 3 882511047 +399 378 3 882348284 +399 379 3 882512003 +399 380 3 882345164 +399 383 2 882350431 +399 385 3 882344597 +399 388 2 882350791 +399 389 3 882345078 +399 399 3 882342354 +399 400 3 882349170 +399 401 3 882350710 +399 402 3 882344434 +399 403 3 882350502 +399 404 3 882344684 +399 418 3 882343605 +399 419 3 882343327 +399 426 3 882350431 +399 433 3 882344269 +399 436 2 882348478 +399 444 1 882350733 +399 450 2 882350791 +399 451 3 882344684 +399 454 3 882510989 +399 455 4 882340924 +399 459 4 882340807 +399 462 3 882510290 +399 465 3 882350005 +399 468 3 882344134 +399 470 4 882344832 +399 475 5 882340827 +399 486 3 882510290 +399 501 2 882346851 +399 506 3 882344406 +399 511 3 882341848 +399 526 3 882343171 +399 527 3 882511093 +399 531 3 882342964 +399 540 2 882348722 +399 541 3 882345622 +399 542 3 882344021 +399 543 3 882509971 +399 544 2 882340556 +399 545 2 882345164 +399 549 4 882347190 +399 550 3 882345120 +399 552 1 882350733 +399 560 3 882352404 +399 561 2 882345335 +399 564 3 882350899 +399 568 2 882345842 +399 575 1 882350762 +399 576 3 882350563 +399 578 2 882348722 +399 588 5 882342938 +399 591 3 882340599 +399 616 1 882341881 +399 628 3 882340719 +399 655 3 882344372 +399 658 3 882350198 +399 660 3 882510250 +399 665 3 882345408 +399 673 3 882343789 +399 679 3 882344596 +399 693 3 882510165 +399 697 2 882345454 +399 720 3 882348565 +399 732 2 882348089 +399 742 4 882340844 +399 744 3 882510147 +399 755 2 882344757 +399 763 2 882340900 +399 768 3 882350401 +399 769 3 882350813 +399 772 4 882343358 +399 774 3 882345053 +399 779 4 882350850 +399 780 1 882350850 +399 794 3 882349274 +399 813 3 882512003 +399 817 4 882509927 +399 820 4 882341191 +399 824 2 882341445 +399 845 3 882340719 +399 890 2 882340517 +399 919 2 882510379 +399 924 5 882340678 +399 946 3 882343172 +399 959 3 882343523 +399 986 3 882341586 +399 1042 3 882348283 +399 1060 3 882510269 +399 1135 2 882349170 +399 1170 3 882510250 +399 1179 2 882352324 +399 1207 3 882350813 +399 1210 2 882348690 +399 1217 4 882350282 +399 1220 2 882343389 +399 1228 3 882345500 +399 1232 3 882350831 +399 1274 1 882350870 +399 1279 3 882341625 +399 1314 3 882349198 +399 1396 4 882343455 +399 1401 3 882342219 +399 1459 3 882345473 +399 1540 3 882350282 +399 1541 3 882510107 +399 1542 2 882348592 +399 1543 3 882509891 +400 258 5 885676316 +400 259 3 885676490 +400 269 4 885676230 +400 300 4 885676230 +400 301 4 885676411 +400 313 5 885676316 +400 328 3 885676490 +400 332 2 885676526 +400 343 4 885676552 +400 689 3 885676316 +400 690 3 885676365 +400 748 2 885676411 +400 895 4 885676452 +401 11 2 891033227 +401 13 2 891033204 +401 25 4 891032412 +401 26 3 891033395 +401 44 4 891032868 +401 50 1 891034050 +401 65 4 891033250 +401 70 4 891033625 +401 88 4 891033319 +401 99 4 891033582 +401 100 4 891032170 +401 111 4 891032296 +401 117 3 891032563 +401 125 3 891033651 +401 127 1 891032170 +401 133 4 891032847 +401 135 1 891032919 +401 137 3 891032316 +401 143 4 891033034 +401 151 1 891032584 +401 161 2 891033603 +401 162 5 891033395 +401 173 3 891032937 +401 174 4 891032803 +401 181 3 891032518 +401 185 4 891033523 +401 188 1 891033267 +401 191 4 891032847 +401 196 5 891033497 +401 198 4 891033370 +401 199 3 891032896 +401 203 4 891033288 +401 204 5 891033684 +401 210 4 891032976 +401 211 4 891033092 +401 216 4 891032803 +401 225 1 891032474 +401 243 3 891031867 +401 257 2 891032563 +401 273 2 891032334 +401 275 4 891032271 +401 278 4 891032412 +401 284 3 891032453 +401 286 2 891031464 +401 294 1 891031621 +401 302 3 891031464 +401 312 3 891031784 +401 315 4 891031464 +401 322 2 891031784 +401 342 1 891031723 +401 371 3 891033550 +401 385 3 891033603 +401 405 2 891032453 +401 428 4 891033092 +401 429 3 891032847 +401 435 5 891033250 +401 462 4 891033684 +401 471 4 891032495 +401 473 1 891034050 +401 477 1 891034050 +401 482 4 891033343 +401 484 3 891032737 +401 485 4 891033092 +401 486 4 891033184 +401 490 3 891033250 +401 499 3 891033319 +401 501 2 891033184 +401 507 4 891033014 +401 508 3 891032433 +401 511 2 891033092 +401 515 4 891032367 +401 519 4 891033158 +401 520 3 891033442 +401 527 4 891032919 +401 537 4 891033466 +401 566 5 891033684 +401 582 4 891033523 +401 584 3 891033227 +401 591 3 891032607 +401 603 4 891033497 +401 604 4 891033370 +401 609 3 891033625 +401 610 4 891033651 +401 630 4 891033370 +401 634 1 891033319 +401 638 4 891033158 +401 654 3 891033184 +401 659 3 891033061 +401 661 3 891033158 +401 663 1 891033549 +401 678 3 891031936 +401 735 5 891033158 +401 748 3 891031784 +401 751 1 891031532 +401 866 3 891032697 +401 892 1 891031867 +401 1009 4 891032626 +402 1 5 876266860 +402 7 4 876267068 +402 9 4 876266741 +402 12 4 876266826 +402 13 3 876266701 +402 15 5 876267115 +402 16 3 876267096 +402 19 4 876267096 +402 48 5 876267173 +402 95 5 876267235 +402 100 5 876266904 +402 111 4 876267041 +402 116 3 876267067 +402 117 3 876267173 +402 118 4 876267096 +402 126 4 876266741 +402 127 5 876267014 +402 135 4 876266775 +402 137 4 876266701 +402 151 5 876266984 +402 168 5 876267206 +402 181 4 876266860 +402 204 5 876267206 +402 228 3 876267173 +402 234 4 876266826 +402 235 3 876267014 +402 237 4 876266948 +402 255 4 876266948 +402 257 4 876266701 +402 275 5 876266741 +402 276 5 876267014 +402 408 5 876266741 +402 410 1 876266985 +402 471 4 876267041 +402 479 5 876267206 +402 480 5 876267206 +402 483 5 876267173 +402 510 5 876267235 +402 628 3 876267067 +402 710 2 876267206 +402 748 3 876266860 +402 764 3 876266985 +402 1284 3 876266984 +403 1 4 879785974 +403 9 3 879786052 +403 50 5 879785736 +403 100 5 879785974 +403 106 2 879786084 +403 111 4 879785974 +403 118 5 879785974 +403 121 5 879786221 +403 129 4 879785822 +403 147 5 879786052 +403 151 4 879786270 +403 222 5 879786190 +403 235 5 879786165 +403 237 5 879786221 +403 257 2 879786112 +403 258 4 879785703 +403 276 4 879785941 +403 282 5 879786052 +403 291 4 879790319 +403 405 5 879786747 +403 472 4 879790319 +403 476 4 879790468 +403 477 4 879786165 +403 515 4 879785867 +403 760 1 879790343 +403 864 4 879786747 +403 928 3 879786008 +403 1199 2 879790506 +404 66 4 883790883 +404 245 3 883790401 +404 269 4 883790750 +404 272 4 883790181 +404 286 1 883790181 +404 288 3 883790314 +404 294 4 883790430 +404 301 3 883790286 +404 307 4 883790749 +404 310 4 883790750 +404 313 5 883790181 +404 323 3 883790430 +404 327 2 883790366 +404 333 2 883790286 +404 339 1 883790609 +404 683 4 883790366 +404 687 3 883790465 +404 689 2 883790585 +404 690 5 876889178 +404 748 4 883790430 +404 750 3 883790750 +404 876 2 883790286 +404 892 2 883790550 +404 938 4 883790749 +405 4 4 885547314 +405 8 4 885545015 +405 11 4 885545263 +405 12 5 885545306 +405 23 5 885545372 +405 26 3 885545552 +405 27 1 885546487 +405 28 4 885544947 +405 29 4 885545639 +405 30 1 885549544 +405 32 1 885546025 +405 33 1 885547360 +405 35 2 885549095 +405 36 2 885546859 +405 37 1 885548384 +405 38 5 885548093 +405 42 1 885547313 +405 43 1 885546680 +405 44 1 885548670 +405 45 1 885549506 +405 46 1 885546445 +405 47 5 885545429 +405 48 1 885546154 +405 54 2 885546379 +405 56 4 885544911 +405 59 1 885549507 +405 60 1 885549589 +405 61 1 885549589 +405 62 1 885547996 +405 64 5 885544739 +405 65 1 885546379 +405 69 4 885545111 +405 71 1 885548836 +405 72 3 885547268 +405 78 2 885549045 +405 79 5 885544798 +405 80 1 885547557 +405 81 3 885546025 +405 83 1 885545974 +405 86 1 885546154 +405 87 1 885546112 +405 88 3 885547360 +405 89 1 885547952 +405 90 4 885547447 +405 91 2 885548932 +405 92 1 885546287 +405 95 3 885548785 +405 96 3 885544881 +405 97 2 885545638 +405 99 5 885548785 +405 101 1 885549192 +405 102 1 885548877 +405 110 1 885547506 +405 127 5 885545167 +405 135 5 885545333 +405 139 3 885549005 +405 140 3 885548932 +405 143 5 885548785 +405 161 1 885547997 +405 168 1 885547124 +405 169 1 885549192 +405 170 1 885549506 +405 171 1 885549544 +405 172 5 885545111 +405 173 5 885544798 +405 174 5 885544739 +405 176 1 885547909 +405 177 1 885547996 +405 178 3 885544947 +405 180 3 885546069 +405 181 5 885547909 +405 182 1 885545974 +405 186 5 885547176 +405 187 5 885544739 +405 188 1 885547996 +405 190 2 885546201 +405 192 5 885545401 +405 193 4 885544698 +405 194 1 885547176 +405 196 1 885546112 +405 198 2 885549506 +405 201 1 885547176 +405 202 4 885547221 +405 203 1 885548578 +405 204 5 885544769 +405 205 3 885546025 +405 206 1 885549589 +405 208 5 885547124 +405 209 3 885547124 +405 210 5 885547124 +405 213 2 885549309 +405 214 4 885545235 +405 216 2 885547124 +405 217 1 885548385 +405 218 5 885548330 +405 228 1 885547910 +405 229 1 885548048 +405 230 2 885547953 +405 231 3 885548094 +405 232 4 885547314 +405 238 5 885545070 +405 241 1 885547909 +405 288 5 885544635 +405 303 1 885549904 +405 313 4 885544635 +405 317 4 885544911 +405 318 5 885545167 +405 341 1 885549904 +405 350 1 885549903 +405 351 1 885549942 +405 357 5 885544974 +405 361 2 885549942 +405 365 1 885545672 +405 366 3 885545552 +405 367 1 885547222 +405 371 1 885549309 +405 372 1 885547313 +405 373 2 885548162 +405 375 1 885546835 +405 377 1 885547690 +405 378 4 885546379 +405 380 2 885545883 +405 381 1 885547222 +405 382 1 885546336 +405 384 3 885547605 +405 385 1 885547910 +405 386 3 885547605 +405 387 1 885546680 +405 389 2 885548932 +405 392 5 885545487 +405 396 1 885547408 +405 398 1 885548094 +405 401 1 885547448 +405 402 3 885546445 +405 414 1 885547268 +405 417 2 885548836 +405 418 5 885548836 +405 420 5 885548785 +405 422 1 885548836 +405 425 2 885546112 +405 426 1 885549192 +405 428 1 885547314 +405 429 5 885545200 +405 430 1 885547177 +405 432 3 885548785 +405 433 4 885545070 +405 434 3 885546201 +405 435 1 885547176 +405 436 1 885548384 +405 437 1 885548435 +405 438 1 885548384 +405 439 1 885548330 +405 440 1 885548330 +405 441 1 885548435 +405 442 1 885548384 +405 443 4 885548330 +405 444 3 885548385 +405 445 4 885548435 +405 446 1 885548385 +405 447 4 885548331 +405 448 4 885548331 +405 449 1 885548093 +405 450 1 885548093 +405 451 5 885547360 +405 453 3 885548385 +405 464 1 885546379 +405 465 1 885548836 +405 466 1 885548633 +405 467 4 885545200 +405 468 3 885544698 +405 470 1 885546247 +405 480 4 885544739 +405 501 3 885548837 +405 510 1 885545975 +405 511 2 885546112 +405 512 1 885549589 +405 513 1 885546112 +405 514 1 885547221 +405 516 1 885547314 +405 518 1 885546287 +405 521 4 885544698 +405 522 1 885545975 +405 524 1 885547124 +405 526 1 885546154 +405 527 5 885545200 +405 529 1 885549543 +405 530 1 885547953 +405 540 1 885548163 +405 541 1 885548162 +405 542 1 885549095 +405 543 1 885549407 +405 545 1 885547766 +405 550 2 885547909 +405 551 1 885548475 +405 553 1 885546379 +405 558 1 885546069 +405 561 1 885548475 +405 563 1 885548475 +405 564 1 885547606 +405 565 2 885548474 +405 566 1 885547953 +405 568 4 885547910 +405 570 1 885546487 +405 571 5 885547605 +405 575 5 885547557 +405 576 1 885548093 +405 578 1 885548093 +405 579 1 885547557 +405 580 1 885547447 +405 581 3 885546530 +405 582 3 885546336 +405 583 1 885546112 +405 592 1 885548670 +405 593 1 885549790 +405 621 1 885548932 +405 623 1 885549004 +405 626 1 885548877 +405 638 1 885549589 +405 639 1 885549635 +405 640 1 885549589 +405 641 1 885546201 +405 642 1 885548579 +405 646 2 885546202 +405 647 1 885546069 +405 650 1 885546336 +405 652 1 885547360 +405 656 1 885548275 +405 657 1 885548578 +405 658 4 885545516 +405 659 4 885544739 +405 660 2 885546247 +405 662 1 885546155 +405 663 2 885547221 +405 665 1 885548094 +405 666 1 885549635 +405 668 1 885548275 +405 670 1 885548384 +405 672 1 885548434 +405 673 5 885545235 +405 674 1 885548275 +405 675 1 885548275 +405 679 1 885547997 +405 684 3 885547996 +405 692 5 885547177 +405 694 1 885546336 +405 695 1 885546287 +405 697 1 885545883 +405 698 1 885546069 +405 699 2 885546247 +405 700 1 885547645 +405 703 2 885546112 +405 704 2 885546577 +405 708 1 885546487 +405 709 1 885547314 +405 715 1 885546445 +405 719 1 885547447 +405 721 1 885547360 +405 722 1 885547735 +405 723 1 885546288 +405 724 1 885546530 +405 725 1 885547691 +405 727 1 885546247 +405 728 4 885547690 +405 730 1 885545975 +405 731 3 885546202 +405 733 1 885546248 +405 734 2 885547506 +405 735 5 885545306 +405 736 5 885546336 +405 737 1 885546487 +405 738 1 885547447 +405 745 1 885547506 +405 746 1 885547176 +405 747 1 885549309 +405 755 2 885548877 +405 757 1 885549095 +405 759 1 885548162 +405 765 1 885547735 +405 768 3 885548932 +405 770 1 885548048 +405 771 1 885548162 +405 773 1 885548330 +405 774 1 885548475 +405 775 1 885547735 +405 777 1 885548275 +405 781 5 885547447 +405 782 1 885546636 +405 783 2 885547645 +405 784 1 885548275 +405 785 1 885547407 +405 787 3 885545672 +405 789 1 885547268 +405 790 1 885547360 +405 792 5 885545552 +405 794 5 885549309 +405 795 2 885547605 +405 806 1 885545974 +405 808 1 885546487 +405 816 1 885548435 +405 842 5 885548932 +405 843 2 885549005 +405 849 1 885548049 +405 851 1 885549407 +405 853 1 885547124 +405 854 1 885547222 +405 855 1 885549543 +405 856 1 885546287 +405 858 1 885548435 +405 859 1 885547506 +405 860 1 885548435 +405 861 1 885548275 +405 877 1 885549903 +405 920 1 885549746 +405 921 1 885549634 +405 923 2 885549464 +405 940 1 885547605 +405 941 1 885546577 +405 942 1 885546336 +405 943 1 885548633 +405 944 3 885547447 +405 951 1 885548877 +405 953 3 885546487 +405 954 4 885547268 +405 955 1 885549308 +405 958 1 885549590 +405 959 1 885547222 +405 960 1 885545975 +405 964 1 885546154 +405 970 1 885546487 +405 972 1 885546445 +405 994 1 885549746 +405 997 1 885547644 +405 1004 1 885546577 +405 1005 1 885549407 +405 1006 1 885546445 +405 1019 1 885549465 +405 1021 1 885549543 +405 1027 1 885548048 +405 1029 1 885547735 +405 1030 1 885547605 +405 1035 1 885548877 +405 1036 1 885547506 +405 1037 3 885547506 +405 1041 5 885547447 +405 1043 1 885547644 +405 1044 4 885545552 +405 1045 3 885546112 +405 1046 2 885548633 +405 1055 3 885546202 +405 1058 1 885546635 +405 1062 1 885549904 +405 1065 1 885546069 +405 1069 1 885546154 +405 1070 1 885547123 +405 1072 1 885547222 +405 1073 1 885548578 +405 1076 2 885549044 +405 1090 1 885548670 +405 1091 1 885549004 +405 1100 1 885546681 +405 1101 3 885546287 +405 1103 2 885546025 +405 1107 1 885546635 +405 1109 1 885548632 +405 1113 1 885546680 +405 1118 1 885547268 +405 1147 2 885546069 +405 1167 1 885547268 +405 1175 1 885549904 +405 1176 3 885549942 +405 1177 1 885547766 +405 1178 1 885547690 +405 1180 1 885547605 +405 1188 3 885547506 +405 1192 1 885545975 +405 1194 1 885546201 +405 1195 1 885549590 +405 1207 1 885548686 +405 1208 1 885546577 +405 1217 3 885548633 +405 1218 5 885547360 +405 1219 1 885549094 +405 1220 3 885546202 +405 1227 3 885546635 +405 1228 1 885548137 +405 1229 1 885546835 +405 1230 1 885547644 +405 1232 1 885546681 +405 1246 1 885547735 +405 1247 1 885546681 +405 1248 1 885548633 +405 1250 1 885547997 +405 1260 1 885546835 +405 1261 1 885546529 +405 1266 1 885549634 +405 1271 2 885547506 +405 1275 1 885548632 +405 1297 1 885546577 +405 1305 1 885547644 +405 1306 1 885546529 +405 1308 1 885546336 +405 1311 1 885546859 +405 1316 1 885549942 +405 1317 1 885549746 +405 1318 1 885549789 +405 1334 1 885549789 +405 1338 1 885549790 +405 1353 1 885549745 +405 1382 1 885549790 +405 1387 2 885549745 +405 1394 1 885549903 +405 1405 1 885549745 +405 1407 1 885548137 +405 1409 1 885549045 +405 1412 1 885549005 +405 1415 1 885549045 +405 1419 2 885548137 +405 1421 1 885546835 +405 1423 1 885546725 +405 1424 1 885546725 +405 1429 1 885549903 +405 1432 1 885549942 +405 1434 1 885549942 +405 1435 1 885547735 +405 1438 1 885546835 +405 1441 1 885546835 +405 1445 1 885546336 +405 1464 1 885546154 +405 1469 1 885548932 +405 1475 1 885547268 +405 1480 2 885549005 +405 1487 1 885546724 +405 1488 1 885546680 +405 1499 1 885549407 +405 1503 1 885548932 +405 1509 1 885547557 +405 1519 2 885546577 +405 1529 1 885549635 +405 1531 1 885549094 +405 1535 1 885549635 +405 1540 2 885548877 +405 1544 1 885549095 +405 1545 2 885546201 +405 1546 1 885549408 +405 1548 1 885547952 +405 1550 3 885547691 +405 1551 1 885546835 +405 1552 1 885546636 +405 1554 4 885546445 +405 1555 1 885549045 +405 1556 1 885549635 +405 1557 1 885547222 +405 1561 1 885546529 +405 1562 1 885549506 +405 1563 1 885549635 +405 1564 1 885546288 +405 1565 1 885549463 +405 1567 1 885547123 +405 1570 1 885549544 +405 1572 1 885549635 +405 1573 1 885549464 +405 1574 1 885546529 +405 1577 1 885549506 +405 1578 1 885549543 +405 1581 1 885548579 +405 1582 1 885548670 +405 1584 1 885549407 +405 1586 1 885549464 +405 1591 1 885549943 +406 1 4 879446107 +406 5 4 880132276 +406 8 4 879445562 +406 9 5 879445735 +406 10 3 879445684 +406 11 4 879446529 +406 12 4 879445897 +406 14 4 879539855 +406 15 4 879540051 +406 23 4 879446529 +406 24 3 879540026 +406 26 3 879793235 +406 32 5 879446639 +406 39 4 884630523 +406 40 3 880131875 +406 47 4 880131741 +406 48 5 879792811 +406 50 5 879445897 +406 53 4 879792928 +406 56 5 879792811 +406 57 4 879446062 +406 58 4 879446718 +406 70 3 879793295 +406 73 2 880131704 +406 79 3 882480481 +406 85 2 880131875 +406 86 4 879793295 +406 88 2 880131608 +406 92 4 882480836 +406 95 4 879793081 +406 96 5 879446529 +406 97 5 879446639 +406 98 4 879446529 +406 99 5 879793081 +406 100 4 879446062 +406 101 3 879793112 +406 115 4 879446108 +406 121 5 879540199 +406 122 3 879540405 +406 123 4 879540173 +406 124 4 879446588 +406 129 5 879539949 +406 130 3 879540147 +406 132 5 879445430 +406 134 5 879445430 +406 136 4 879445522 +406 143 1 879445935 +406 144 1 879445475 +406 150 4 879446748 +406 151 2 879540051 +406 152 2 880131666 +406 153 3 879445522 +406 154 5 879792811 +406 156 5 879446062 +406 157 3 882480865 +406 158 2 880132115 +406 163 3 880131582 +406 164 5 882480748 +406 170 3 879445599 +406 176 5 879445474 +406 180 5 879445599 +406 181 5 879445859 +406 182 4 879445734 +406 184 2 879792863 +406 185 5 879792811 +406 186 3 880131741 +406 188 4 882480772 +406 191 5 882480443 +406 193 4 879445771 +406 194 5 880131550 +406 195 5 882480710 +406 196 2 879446588 +406 197 4 882480710 +406 199 5 879445810 +406 205 2 879445642 +406 207 2 879446529 +406 208 2 880131582 +406 209 1 880131608 +406 210 5 880131703 +406 213 2 879793179 +406 216 3 880131741 +406 217 4 879792928 +406 218 3 879792863 +406 220 3 879540388 +406 228 3 884630974 +406 237 1 879540078 +406 238 2 879445475 +406 239 3 880131608 +406 277 3 879540106 +406 281 3 879540296 +406 282 3 879539987 +406 284 1 879539987 +406 285 5 879792811 +406 286 3 879445250 +406 289 3 879445250 +406 294 3 879445250 +406 317 4 882480772 +406 318 5 879792811 +406 367 4 880131929 +406 368 2 880132115 +406 372 4 880131929 +406 382 5 879793295 +406 393 4 880131851 +406 396 3 879792974 +406 405 3 879540296 +406 410 4 879540026 +406 414 2 880131704 +406 418 5 879793081 +406 419 1 882480443 +406 420 4 879793112 +406 425 3 884630617 +406 429 4 879446062 +406 432 5 879793081 +406 433 3 880131791 +406 435 5 880131642 +406 436 4 879792863 +406 443 4 879792897 +406 444 3 879792928 +406 447 4 879792897 +406 451 2 880131954 +406 462 5 879445562 +406 463 5 879793261 +406 466 4 879446228 +406 469 4 879446588 +406 472 3 879539884 +406 478 4 879445378 +406 479 4 879445771 +406 480 4 882480802 +406 482 5 879446588 +406 483 4 879446062 +406 485 3 879445735 +406 487 3 884630973 +406 488 4 879445642 +406 490 3 879446228 +406 491 4 884631010 +406 492 4 879445859 +406 496 4 879445378 +406 499 5 884630973 +406 501 5 879793081 +406 502 1 880131642 +406 503 3 884631010 +406 504 4 879445859 +406 505 4 879540515 +406 506 4 882480802 +406 507 4 879445735 +406 509 3 879540515 +406 511 5 879792811 +406 513 5 879445378 +406 521 3 882480511 +406 523 3 879446062 +406 524 4 879446361 +406 527 4 879445599 +406 528 4 879446361 +406 531 3 879445475 +406 558 3 880132276 +406 561 3 879792974 +406 563 1 879792975 +406 565 3 880132319 +406 569 3 879792974 +406 575 1 880132188 +406 582 4 879793295 +406 588 4 879793081 +406 591 3 879446062 +406 601 3 882480749 +406 602 3 882480865 +406 604 3 879446361 +406 605 5 882480749 +406 606 3 879445642 +406 608 4 884630583 +406 610 1 879446228 +406 611 3 879446268 +406 612 5 879446718 +406 629 3 880131977 +406 631 5 882461650 +406 638 4 879446684 +406 640 3 879793328 +406 642 3 884631033 +406 645 5 880131905 +406 647 5 879792811 +406 651 3 882480595 +406 654 4 879445522 +406 655 3 880131704 +406 657 5 884630493 +406 660 3 882461650 +406 661 5 879446268 +406 662 3 882480481 +406 663 5 879446269 +406 664 2 884630973 +406 670 3 879792928 +406 671 5 879792863 +406 672 2 879792897 +406 674 4 879792897 +406 675 4 879792897 +406 701 5 879446269 +406 702 3 879793295 +406 709 5 880131642 +406 713 4 879539855 +406 724 3 884630973 +406 727 3 882480749 +406 732 4 880131666 +406 745 4 880131550 +406 747 2 879446108 +406 806 4 879446748 +406 823 3 879540147 +406 826 3 879540275 +406 845 3 879540051 +406 924 4 879540228 +406 942 4 882480890 +406 962 4 879445810 +406 971 3 879793328 +406 1010 4 879539929 +406 1047 3 879540358 +406 1073 3 882480671 +406 1079 2 880132048 +406 1101 4 879445771 +406 1109 4 882480865 +406 1126 3 879446588 +406 1147 4 879446228 +406 1153 2 882480836 +406 1170 4 880131851 +406 1194 4 879446588 +406 1197 3 879539884 +406 1203 2 884630860 +406 1267 3 882480710 +407 7 4 893253637 +407 8 5 875042425 +407 45 4 875552352 +407 50 4 875045268 +407 62 3 876348318 +407 67 1 876339975 +407 68 4 875045269 +407 71 3 875046460 +407 72 4 876344772 +407 73 4 892060474 +407 82 3 876341409 +407 85 4 876339975 +407 89 4 875043948 +407 94 4 876345492 +407 95 3 875045190 +407 96 3 875042569 +407 98 5 875044510 +407 101 3 876338186 +407 117 3 875550223 +407 121 4 876343028 +407 127 3 875044597 +407 131 3 875552400 +407 132 4 875043800 +407 134 5 875042569 +407 135 3 875119886 +407 143 4 875117053 +407 147 4 887833034 +407 151 4 876340363 +407 152 4 875043826 +407 153 4 875042569 +407 154 5 875116964 +407 157 2 875046752 +407 158 2 876342927 +407 161 2 876338279 +407 162 4 876339101 +407 163 3 876338691 +407 168 5 875042424 +407 169 5 875042642 +407 174 5 875042675 +407 175 4 875042865 +407 176 4 875046427 +407 177 4 887833034 +407 182 4 887833034 +407 183 4 875046799 +407 184 4 875044473 +407 186 4 876348198 +407 188 3 875043801 +407 189 4 875042268 +407 191 5 876339940 +407 193 3 875046799 +407 194 4 875115452 +407 195 4 875119886 +407 196 4 876340318 +407 200 4 875045685 +407 201 4 875045240 +407 203 4 876341467 +407 204 3 875116964 +407 205 4 875045371 +407 209 5 875042378 +407 210 4 875044037 +407 211 4 875044400 +407 214 4 875042466 +407 215 3 875045658 +407 216 4 875552401 +407 217 4 875044400 +407 219 4 876348318 +407 222 4 884197027 +407 223 4 891868745 +407 226 3 876345024 +407 228 4 875046799 +407 231 3 876342031 +407 232 3 876344993 +407 234 3 875042268 +407 235 4 875044531 +407 238 5 875042378 +407 239 4 875553509 +407 248 4 884197006 +407 249 2 884614788 +407 250 4 890687564 +407 255 4 884197052 +407 257 4 884202243 +407 258 4 884197027 +407 265 3 876344062 +407 274 3 876344287 +407 286 4 890687500 +407 288 4 890687293 +407 315 4 891873158 +407 388 2 876348849 +407 393 2 876344736 +407 395 1 876348957 +407 402 2 876344329 +407 408 4 875552445 +407 418 4 876338910 +407 427 4 876338966 +407 428 3 875553154 +407 433 4 875117053 +407 443 3 876341493 +407 449 2 876344772 +407 466 3 876339101 +407 474 3 875042378 +407 476 2 884203501 +407 478 4 875042642 +407 479 4 875045240 +407 491 4 875550328 +407 493 3 875552496 +407 496 5 875042425 +407 498 4 875046427 +407 504 3 875043948 +407 508 4 876348660 +407 514 4 875042675 +407 561 4 887832999 +407 568 2 876338730 +407 569 3 876348296 +407 588 4 875552964 +407 603 4 875044037 +407 616 3 875553018 +407 642 2 875045627 +407 650 2 875044400 +407 655 4 875044037 +407 656 4 875042865 +407 657 4 875553625 +407 659 5 875550174 +407 675 3 876349153 +407 708 3 876344712 +407 710 4 875046460 +407 715 4 876340239 +407 729 4 876348660 +407 737 4 875117053 +407 739 3 876344062 +407 746 4 875046268 +407 747 3 876339940 +407 755 3 875553509 +407 756 2 876348232 +407 785 3 876341444 +407 796 2 876338663 +407 844 2 884196984 +407 930 2 876348901 +407 949 3 875045685 +407 969 4 884201736 +407 1028 3 876348832 +407 1041 3 876345492 +407 1090 2 876348799 +407 1160 1 890687550 +407 1263 2 876344668 +408 242 4 889679947 +408 258 3 889679857 +408 270 5 889679683 +408 271 3 889679947 +408 272 4 889679683 +408 294 5 889680045 +408 310 4 889679761 +408 313 4 889679761 +408 324 5 889680018 +408 327 5 889679982 +408 328 2 889679791 +408 334 2 889679901 +408 683 3 889679982 +408 689 3 889680045 +408 748 5 889680073 +408 751 4 889679982 +408 1296 4 889679901 +409 6 4 881109306 +409 8 3 881108777 +409 14 5 881107992 +409 22 2 881108077 +409 23 4 881109175 +409 45 4 881168603 +409 48 2 881108455 +409 50 5 881107281 +409 59 5 881108455 +409 61 4 881109420 +409 65 4 881108777 +409 79 4 881108246 +409 83 3 881108971 +409 87 3 881108777 +409 99 3 881107750 +409 100 5 881107992 +409 115 2 881108777 +409 116 4 881107117 +409 127 4 881106605 +409 133 4 881108455 +409 134 5 881106734 +409 136 4 881107992 +409 154 5 881108648 +409 165 4 881107410 +409 168 5 881107410 +409 171 4 881107084 +409 178 5 881107817 +409 179 5 881107817 +409 180 5 881107155 +409 181 4 881109019 +409 186 5 881109420 +409 187 3 881108126 +409 192 4 881107666 +409 195 4 881109306 +409 197 3 881109215 +409 199 4 881107117 +409 200 2 881109175 +409 201 1 881109019 +409 202 3 881109347 +409 203 5 881107539 +409 205 3 881107992 +409 206 4 881109264 +409 209 5 881107117 +409 211 4 881108829 +409 214 4 881109216 +409 216 4 881107251 +409 223 4 881107539 +409 266 1 881105677 +409 270 2 881104916 +409 275 4 881107351 +409 285 4 881168712 +409 286 5 881104697 +409 288 1 881104647 +409 289 1 881105077 +409 300 3 881104697 +409 303 4 881104727 +409 325 4 881105077 +409 326 3 881105077 +409 327 2 881104837 +409 338 3 881104916 +409 339 2 881105677 +409 343 3 881105677 +409 357 5 881107410 +409 367 3 881109264 +409 381 2 881108364 +409 404 2 881109019 +409 428 4 881109175 +409 430 4 881168604 +409 435 3 881107310 +409 466 4 881107666 +409 475 4 881107750 +409 479 5 881106947 +409 480 5 881107056 +409 485 2 881107155 +409 486 3 881109175 +409 491 2 881109019 +409 493 4 881108364 +409 497 3 881168631 +409 498 4 881108715 +409 499 3 881168631 +409 504 2 881106682 +409 505 5 881107943 +409 511 5 881107943 +409 516 4 881109347 +409 518 1 881109347 +409 520 2 881107943 +409 523 4 881106682 +409 528 4 881107281 +409 529 5 881109019 +409 530 4 881107602 +409 538 3 881104756 +409 603 5 881107351 +409 604 4 881108364 +409 606 4 881108829 +409 607 5 881107697 +409 608 4 881107155 +409 632 3 881107902 +409 647 5 881107817 +409 654 3 881107697 +409 657 3 881108126 +409 659 5 881107410 +409 661 5 881107817 +409 663 4 881107251 +409 664 4 881108648 +409 680 1 881105677 +409 684 4 881109420 +409 705 2 881109175 +409 708 4 881109019 +409 714 3 881108170 +409 733 4 881109264 +409 854 4 881108648 +409 876 2 881105677 +409 879 1 881105366 +409 890 1 881105677 +409 923 5 881107410 +409 937 2 881104966 +409 945 3 881108971 +409 965 2 881108777 +409 995 4 881105366 +409 1020 5 881107410 +409 1021 4 881168603 +409 1050 4 881109420 +409 1070 4 881107410 +409 1073 4 881107750 +409 1093 2 881106087 +409 1099 4 881168712 +409 1159 2 881109019 +409 1176 4 881104838 +409 1242 2 881106087 +409 1295 1 881105367 +409 1328 2 881106287 +409 1346 3 881168711 +409 1360 2 881106087 +409 1369 4 881106287 +409 1392 1 881105367 +409 1449 5 881107817 +409 1512 5 881106947 +409 1541 4 881107992 +409 1558 5 881107281 +410 272 4 888627138 +410 286 4 888627138 +410 300 3 888626538 +410 303 3 888626583 +410 311 3 888626913 +410 312 2 888626881 +410 316 4 888627138 +410 323 3 888626990 +410 352 3 888626682 +410 354 3 888626481 +410 689 2 888626881 +410 690 4 888627138 +410 748 2 888626857 +410 873 4 888627138 +410 882 3 888626612 +410 905 4 888627138 +411 1 4 892845604 +411 4 4 892845634 +411 8 3 891035761 +411 9 4 891035827 +411 56 4 891035278 +411 58 3 892845804 +411 73 4 892845634 +411 79 4 892845634 +411 89 3 891035761 +411 117 2 891035761 +411 168 5 892845604 +411 172 5 892845604 +411 174 4 892845634 +411 182 3 891035278 +411 194 5 892845605 +411 196 4 892845804 +411 202 4 891035663 +411 208 4 891035617 +411 209 4 891035550 +411 210 5 892845605 +411 222 3 891035152 +411 228 3 891035309 +411 229 3 891035362 +411 230 3 891035362 +411 238 3 891035525 +411 276 3 892845575 +411 318 4 892845712 +411 405 4 891035152 +411 435 3 891035478 +411 449 3 891035405 +411 485 4 892845986 +411 603 5 892845986 +411 651 4 891035278 +411 1197 4 892846971 +411 1470 3 892845746 +411 1475 3 891035617 +412 1 4 879716962 +412 4 3 879717253 +412 23 4 879717147 +412 24 3 879717177 +412 28 4 879716962 +412 81 2 879717829 +412 92 3 879717449 +412 135 4 879717621 +412 150 4 879717621 +412 169 4 879717038 +412 173 5 879717649 +412 174 5 879716918 +412 175 4 879717286 +412 182 4 879716983 +412 186 5 879717071 +412 193 4 879717549 +412 195 4 879717621 +412 202 3 879717016 +412 208 4 879717621 +412 211 4 879717177 +412 214 3 879717253 +412 218 3 879717147 +412 318 5 879716918 +412 357 4 879717548 +412 427 4 879717016 +412 431 4 879717549 +412 436 4 879717649 +412 480 4 879717147 +412 634 5 879716918 +412 651 4 879717548 +412 684 4 879717313 +412 939 4 879717253 +412 969 3 879716961 +413 7 3 879969614 +413 14 5 879969513 +413 25 3 879969791 +413 50 5 879969674 +413 100 4 879969535 +413 124 5 879969734 +413 147 2 879969860 +413 222 4 879969709 +413 237 4 879969755 +413 255 3 879969791 +413 258 4 879968794 +413 260 1 879969148 +413 271 4 879969027 +413 273 2 879969484 +413 276 4 879969674 +413 283 5 879969484 +413 286 5 879968793 +413 289 4 879969027 +413 297 5 879969484 +413 301 3 879968794 +413 303 5 879968793 +413 306 4 879968793 +413 307 2 879968794 +413 321 3 879969259 +413 327 3 879968933 +413 328 3 879968933 +413 332 3 879968890 +413 333 2 879968933 +413 460 3 879969536 +413 471 4 879969642 +413 515 5 879969591 +413 628 4 879969791 +413 690 4 879968793 +413 936 4 879969484 +414 11 5 884999347 +414 100 5 884999439 +414 264 3 884998993 +414 270 5 884998972 +414 288 5 884999066 +414 294 2 884999128 +414 302 5 884998953 +414 313 4 884998953 +414 324 4 884999127 +414 325 3 884999193 +414 340 4 884999066 +414 343 2 884999193 +414 433 5 884999394 +414 690 4 884999347 +414 748 3 884999147 +414 886 4 884999286 +414 895 4 884999170 +415 136 5 879439684 +415 154 4 879439865 +415 174 5 879439864 +415 185 4 879439960 +415 204 4 879439865 +415 243 1 879439386 +415 258 4 879439135 +415 322 4 879439205 +415 432 4 879439610 +415 483 5 879439791 +415 531 5 879439684 +415 684 3 879439610 +415 748 5 879439349 +415 1524 5 879439791 +416 2 4 886317115 +416 4 4 876699903 +416 8 5 893212484 +416 15 4 876697017 +416 17 2 886318084 +416 22 5 893212623 +416 27 4 886318270 +416 28 5 893212730 +416 31 5 893212730 +416 32 2 888702297 +416 38 3 886318228 +416 41 3 886319177 +416 42 3 876699578 +416 43 1 886318186 +416 44 4 886316596 +416 49 4 893142283 +416 51 5 893212895 +416 54 5 893212929 +416 56 5 893212929 +416 64 5 893212929 +416 65 5 893212930 +416 66 5 893213019 +416 69 4 876699027 +416 71 4 876699994 +416 72 2 886318707 +416 78 2 886319785 +416 79 5 893213405 +416 80 2 886317825 +416 86 1 886316439 +416 90 4 876699102 +416 92 3 878880244 +416 95 3 878879688 +416 96 4 893142245 +416 97 5 893213549 +416 99 4 876700137 +416 100 5 893212895 +416 103 3 886320119 +416 107 5 893212929 +416 111 4 876697592 +416 117 5 893212930 +416 118 2 876697479 +416 122 3 886315885 +416 124 4 876697017 +416 125 5 893213796 +416 132 4 876699652 +416 133 2 876699903 +416 134 4 878879619 +416 136 5 893212623 +416 137 3 876697165 +416 147 5 893212730 +416 148 5 893212730 +416 150 5 893214041 +416 151 3 876697105 +416 153 4 886317272 +416 154 4 876699839 +416 157 4 886317316 +416 159 1 886317412 +416 164 5 893214041 +416 172 5 893213796 +416 173 5 893214127 +416 174 5 893213917 +416 178 5 893213918 +416 179 2 876699578 +416 181 5 893213019 +416 182 4 876698934 +416 183 5 893214127 +416 184 4 876699758 +416 187 5 893214128 +416 191 5 893213019 +416 200 5 893213103 +416 210 5 893213918 +416 211 5 893214041 +416 215 5 893213644 +416 216 5 893213444 +416 218 3 876699488 +416 220 4 878879168 +416 223 5 893212572 +416 226 4 886317030 +416 230 4 886316797 +416 231 3 878880244 +416 232 5 893213549 +416 234 5 893213644 +416 235 2 885115041 +416 238 4 876699179 +416 239 5 893212730 +416 240 1 886315446 +416 246 4 876697205 +416 250 4 876697074 +416 252 4 876698115 +416 253 3 876697283 +416 254 2 878879391 +416 255 5 893214041 +416 265 5 893213796 +416 266 3 876696853 +416 269 4 876696643 +416 272 5 893214332 +416 273 4 876697415 +416 274 4 893142100 +416 277 5 893212572 +416 278 3 876698280 +416 281 5 893213103 +416 282 5 893213796 +416 284 4 893142144 +416 285 2 876697165 +416 287 4 878879237 +416 291 4 878879275 +416 293 5 893213019 +416 294 4 876696739 +416 295 5 893213405 +416 300 4 876696823 +416 301 5 893213796 +416 302 5 893214127 +416 303 4 876696643 +416 304 5 893214225 +416 305 3 878877919 +416 310 5 893214225 +416 311 3 886314877 +416 315 3 889341306 +416 318 5 893213549 +416 319 5 893213444 +416 322 3 876696788 +416 323 3 876696739 +416 327 4 876696853 +416 330 3 885114446 +416 332 4 876696823 +416 333 4 876696788 +416 345 5 893214332 +416 348 3 886314660 +416 353 2 886314834 +416 356 5 893213019 +416 369 2 888701033 +416 378 5 893212896 +416 387 3 886319288 +416 392 5 893213444 +416 395 2 886319620 +416 399 4 878879497 +416 401 2 886318651 +416 404 3 886316190 +416 405 5 893213645 +416 411 3 876698006 +416 412 2 892440119 +416 415 4 886319408 +416 417 3 886317568 +416 418 4 876699793 +416 420 3 886318155 +416 421 5 893214041 +416 425 4 886316647 +416 427 5 893213019 +416 431 4 886316164 +416 447 4 876699027 +416 451 5 893212623 +416 463 4 886316703 +416 470 4 878880154 +416 471 5 893213645 +416 472 4 876698204 +416 475 2 876697074 +416 476 5 893213796 +416 477 4 892441480 +416 479 5 893213917 +416 491 4 886316596 +416 500 5 893212573 +416 506 5 893214041 +416 509 5 893214041 +416 510 4 876698853 +416 520 5 893214225 +416 532 3 888700659 +416 535 4 876697847 +416 542 1 886317599 +416 544 2 888700566 +416 546 3 876697807 +416 550 4 886317599 +416 553 4 886317079 +416 568 4 878879861 +416 571 3 886318860 +416 578 4 886318546 +416 592 3 892441347 +416 597 3 876698178 +416 603 5 893212484 +416 607 5 893212622 +416 614 5 893212572 +416 619 4 886315423 +416 620 4 878879237 +416 624 3 886317237 +416 625 5 893212623 +416 631 3 886316295 +416 651 4 886316439 +416 655 5 893213103 +416 657 5 893214225 +416 659 5 893213404 +416 676 5 893213549 +416 680 3 876696938 +416 686 5 893213444 +416 690 5 893214127 +416 693 3 878879976 +416 699 5 893212895 +416 707 4 876699179 +416 713 4 876697448 +416 717 2 876697283 +416 721 3 886317540 +416 724 4 886316409 +416 727 5 893212730 +416 729 5 893212896 +416 732 5 893213404 +416 734 3 886319434 +416 735 5 893213549 +416 737 3 886318613 +416 738 2 886319825 +416 742 4 876697524 +416 754 5 893214128 +416 755 4 893214333 +416 761 4 886318708 +416 765 4 886319522 +416 768 3 893210187 +416 770 4 878880154 +416 781 4 893142283 +416 791 2 886319550 +416 792 4 876699526 +416 794 5 893213019 +416 803 3 886319177 +416 807 4 886319649 +416 815 4 876697243 +416 819 3 888700844 +416 833 3 888700719 +416 834 3 878879314 +416 840 4 886315536 +416 842 4 886317350 +416 843 3 886317748 +416 846 3 878878779 +416 849 3 886318676 +416 866 4 878879130 +416 869 3 892439992 +416 873 5 893213645 +416 874 1 876696853 +416 875 2 876696938 +416 895 4 885114446 +416 898 4 885114374 +416 924 5 893212623 +416 926 2 886315298 +416 936 5 893214127 +416 938 3 892439155 +416 941 3 876699946 +416 942 4 893214333 +416 955 4 876699839 +416 959 5 893213404 +416 975 2 878879391 +416 990 2 876696739 +416 1011 4 885114897 +416 1020 5 893212483 +416 1035 3 892441480 +416 1053 4 886319434 +416 1054 3 876698083 +416 1058 5 893213019 +416 1077 1 886317030 +416 1092 3 886320054 +416 1098 3 886316271 +416 1119 5 893214225 +416 1133 4 893142244 +416 1135 2 886319234 +416 1136 4 886318186 +416 1147 4 888702100 +416 1152 4 876697105 +416 1168 4 886318953 +416 1188 3 886318953 +416 1189 5 893213917 +416 1221 5 893213103 +416 1229 2 893210527 +416 1262 5 893213019 +416 1264 4 886316381 +416 1286 5 893213549 +416 1337 1 876698083 +416 1407 2 886320112 +416 1428 3 886319204 +416 1441 3 886318546 +416 1469 3 878880195 +416 1483 4 893214333 +416 1503 4 888702629 +416 1517 2 886320054 +416 1594 5 893212484 +417 3 4 879646344 +417 4 3 879648360 +417 5 4 879648593 +417 11 5 879646938 +417 12 4 879647275 +417 17 4 879648183 +417 23 3 879647118 +417 25 2 879646413 +417 29 2 880952218 +417 32 2 879647924 +417 40 3 879649199 +417 42 4 879647498 +417 44 2 880951252 +417 47 3 879648004 +417 49 3 880951737 +417 51 3 879648526 +417 55 5 879647900 +417 63 3 879649021 +417 64 5 879647326 +417 66 3 879648026 +417 67 4 880952837 +417 78 2 879649632 +417 79 3 879647924 +417 80 4 879649247 +417 82 4 879647326 +417 83 5 879648132 +417 90 3 879649107 +417 94 3 879649177 +417 95 5 879646965 +417 98 5 879647040 +417 99 4 879647498 +417 100 3 879646166 +417 102 3 879648656 +417 106 2 879646741 +417 109 2 879646369 +417 111 3 879647768 +417 117 4 879646484 +417 120 2 880949763 +417 121 3 879646591 +417 122 2 879646838 +417 125 5 879646369 +417 127 4 879646144 +417 131 4 879647254 +417 132 4 879647850 +417 134 4 879647196 +417 135 3 879647826 +417 141 3 879648510 +417 142 3 879648184 +417 147 4 879646225 +417 151 5 879646463 +417 153 5 879647580 +417 156 3 879647380 +417 158 2 879649389 +417 159 4 879648656 +417 161 3 879647519 +417 162 3 880951886 +417 163 4 879647604 +417 164 3 879648156 +417 168 4 879647355 +417 171 3 879647800 +417 172 3 879647519 +417 179 4 879647749 +417 180 5 879647604 +417 182 4 879646938 +417 185 3 879647708 +417 188 4 879647232 +417 190 5 879647065 +417 191 5 879647498 +417 195 5 879647380 +417 196 5 879647090 +417 200 4 879647708 +417 202 4 879647140 +417 203 4 879646915 +417 207 4 879647580 +417 208 3 879648026 +417 209 4 879647299 +417 210 3 879647749 +417 211 4 880949907 +417 212 1 879647800 +417 216 3 879647298 +417 219 3 879648979 +417 223 5 879646986 +417 226 3 879648096 +417 228 3 879646915 +417 230 3 879647850 +417 231 4 879648798 +417 232 3 879648510 +417 234 4 879646965 +417 235 2 879646413 +417 238 4 879647768 +417 246 4 879646225 +417 252 3 879646530 +417 257 3 879646244 +417 258 4 879645999 +417 260 3 879649779 +417 268 4 879649657 +417 290 4 879646661 +417 294 4 879646463 +417 302 3 879645999 +417 322 3 886186468 +417 343 2 886186253 +417 357 5 879647118 +417 364 3 880953014 +417 365 4 879648860 +417 373 3 880952988 +417 393 4 879648096 +417 399 3 879648898 +417 403 4 879649224 +417 405 3 879646531 +417 411 2 879649001 +417 413 3 879646327 +417 418 4 879647471 +417 420 4 879648452 +417 423 4 879647118 +417 425 4 879648132 +417 433 4 879648403 +417 436 3 879648478 +417 444 4 880952691 +417 447 3 879649064 +417 450 2 880953014 +417 451 4 879649266 +417 452 2 880952970 +417 465 4 879648079 +417 473 2 879646860 +417 496 3 879647040 +417 498 4 879647540 +417 501 3 879647540 +417 506 4 879647471 +417 515 4 879646225 +417 537 4 880949849 +417 541 2 879649389 +417 544 3 879646661 +417 545 1 880953033 +417 546 3 879646712 +417 549 3 879647924 +417 551 3 879649224 +417 552 2 880952066 +417 559 4 879648979 +417 563 2 879649560 +417 568 2 879648155 +417 574 2 879649428 +417 576 3 879649410 +417 578 3 879649610 +417 582 3 879647749 +417 588 3 879647540 +417 596 3 879646244 +417 597 3 879646413 +417 614 3 879648156 +417 628 3 879646413 +417 631 3 879647826 +417 636 3 879648435 +417 640 5 879648742 +417 651 4 879648212 +417 658 2 879647947 +417 663 3 879647040 +417 668 2 880953014 +417 684 3 879647380 +417 710 4 879647826 +417 713 2 879646052 +417 723 5 879648938 +417 725 4 880952970 +417 732 4 879647825 +417 742 2 879646531 +417 743 2 880953053 +417 747 3 879648325 +417 762 3 879646712 +417 767 1 879646860 +417 769 1 880953071 +417 771 3 879649368 +417 779 2 879649577 +417 780 4 880952880 +417 781 3 880951559 +417 783 3 879649064 +417 796 4 879648881 +417 804 3 879649153 +417 809 3 880951251 +417 810 3 879649178 +417 818 2 886186925 +417 823 2 879646860 +417 827 2 879646860 +417 831 2 879646820 +417 849 1 879649632 +417 895 3 886186520 +417 946 4 880950324 +417 979 3 879646437 +417 993 3 879646800 +417 1011 3 880949438 +417 1016 4 886186827 +417 1023 4 880949479 +417 1036 3 879649484 +417 1039 3 879647196 +417 1040 2 879649428 +417 1044 3 879648939 +417 1047 4 879646388 +417 1057 2 880949763 +417 1086 4 879646369 +417 1090 3 879649577 +417 1091 3 879648435 +417 1095 3 879649322 +417 1135 4 880951717 +417 1209 3 879649368 +417 1230 2 880953088 +417 1288 1 879646741 +417 1411 3 880952418 +417 1416 2 880952534 +417 1539 2 879649539 +418 269 5 891282765 +418 300 3 891282656 +418 301 2 891282738 +418 304 4 891282738 +418 313 3 891282680 +418 327 1 891282836 +418 328 1 891282738 +418 333 5 891282520 +418 346 2 891282595 +418 362 1 891282765 +418 750 2 891282626 +418 895 4 891282595 +418 1313 2 891282813 +419 1 4 879435590 +419 28 3 879435663 +419 50 5 879435541 +419 69 4 879435628 +419 79 4 879435590 +419 100 5 879435722 +419 173 5 879435628 +419 174 5 879435628 +419 191 4 879435590 +419 197 5 879435749 +419 212 1 879435749 +419 269 4 879435190 +419 275 5 879435520 +419 300 4 879435347 +419 405 3 879435503 +419 494 3 879435749 +419 604 5 879435590 +419 615 5 879435785 +419 705 5 879435663 +419 1451 4 879435722 +420 14 5 891356927 +420 19 3 891356927 +420 86 5 891357021 +420 124 5 891356891 +420 127 5 891357104 +420 173 3 891356864 +420 179 5 891356864 +420 190 5 891356864 +420 270 3 891356790 +420 283 5 891357162 +420 285 5 891356891 +420 286 4 891356790 +420 301 3 891357188 +420 302 4 891356790 +420 331 3 891357271 +420 478 3 891356864 +420 484 5 891356864 +420 493 3 891356864 +420 513 5 891356864 +420 547 4 891357104 +420 603 4 891356864 +420 690 5 891357271 +420 750 4 891356790 +420 855 5 891357021 +420 1347 3 891356927 +421 50 5 892241294 +421 79 4 892241459 +421 82 4 892241294 +421 98 5 892241458 +421 124 4 892241344 +421 127 4 892241624 +421 129 5 892241459 +421 144 5 892241624 +421 156 5 892241458 +421 172 5 892241707 +421 173 1 892241319 +421 183 5 892241459 +421 187 4 892241624 +421 194 4 892241554 +421 197 3 892241491 +421 200 3 892241687 +421 208 2 892241554 +421 218 4 892241687 +421 219 3 892241687 +421 269 3 892241210 +421 331 2 892241236 +421 423 2 892241707 +421 427 4 892241735 +421 443 5 892241459 +421 474 4 892241389 +421 498 4 892241344 +421 509 2 892241532 +421 525 4 892241422 +421 603 4 892241422 +421 653 3 892241422 +421 709 4 892241389 +421 879 4 892241274 +421 915 4 892241252 +422 5 3 879744085 +422 7 3 875129882 +422 109 2 875130204 +422 117 2 875129975 +422 126 4 875129911 +422 129 4 875129839 +422 137 5 875129882 +422 151 4 875130173 +422 184 4 879744085 +422 185 4 879744015 +422 200 5 879744015 +422 218 4 879744086 +422 219 4 879744086 +422 234 4 879744015 +422 237 4 875130230 +422 248 3 875130100 +422 258 4 875129523 +422 260 3 875129668 +422 267 4 875655986 +422 271 3 879743635 +422 273 5 875129791 +422 275 5 875130026 +422 276 5 875129791 +422 286 5 875129523 +422 287 3 878199757 +422 294 3 875129692 +422 295 3 875130063 +422 299 1 875129602 +422 302 3 877162650 +422 323 3 875129668 +422 325 2 875129692 +422 326 3 875129523 +422 333 4 875655986 +422 339 2 879743848 +422 379 2 879744218 +422 396 4 879744143 +422 441 4 879744183 +422 447 4 879744143 +422 452 3 879744183 +422 475 4 875129881 +422 477 4 875130027 +422 559 3 879744085 +422 561 3 879744143 +422 563 3 879744219 +422 567 3 879744218 +422 670 2 879744143 +422 671 4 879744143 +422 672 3 879744086 +422 717 3 875130173 +422 773 3 879744183 +422 854 4 879744014 +422 859 3 879744218 +422 867 3 878059137 +422 919 5 875130027 +422 922 4 875130173 +422 926 2 875130100 +422 1017 4 875130063 +423 10 4 891395734 +423 15 4 891395573 +423 100 5 891395448 +423 125 2 891395547 +423 127 4 891395394 +423 237 4 891395448 +423 245 4 891394952 +423 258 5 891394747 +423 269 3 891394558 +423 272 5 891394503 +423 282 4 891395448 +423 286 4 891394632 +423 292 4 891394504 +423 293 4 891395547 +423 299 3 891394788 +423 300 3 891394874 +423 307 3 891394673 +423 310 3 891394558 +423 315 4 891395141 +423 316 4 891394985 +423 322 3 891395020 +423 323 3 891395047 +423 329 3 891394952 +423 339 2 891394788 +423 340 4 891394504 +423 344 4 891394558 +423 348 3 891394910 +423 471 3 891395626 +423 508 4 891395394 +423 591 5 891395547 +423 620 4 891395711 +423 678 3 891395020 +423 744 4 891395655 +423 748 3 891394985 +423 750 5 891394704 +423 823 3 891395759 +423 879 3 891394558 +423 887 5 891394673 +423 898 4 891394952 +423 924 4 891395602 +423 1134 4 891395684 +423 1238 3 891394874 +424 1 1 880859493 +424 9 5 880859623 +424 15 4 880859722 +424 25 4 880859723 +424 50 3 880859519 +424 100 5 880859446 +424 115 1 880859385 +424 151 2 880859722 +424 258 2 880858792 +424 259 2 880858979 +424 261 3 880859115 +424 276 2 880859623 +424 286 4 880858792 +424 288 1 880858924 +424 292 4 880859228 +424 300 2 880859199 +424 304 4 880858861 +424 310 3 880858829 +424 435 3 880859346 +424 508 3 880859519 +424 538 5 880858861 +424 681 3 880859115 +424 688 2 880859228 +424 690 3 880858792 +424 740 5 880859674 +424 840 4 880859693 +424 882 3 880858829 +424 969 1 880859385 +424 990 5 880858979 +424 1084 5 880859591 +424 1346 4 880859519 +425 1 2 878737873 +425 2 2 878738757 +425 4 4 878738290 +425 5 1 878738887 +425 11 3 878737981 +425 12 5 878737791 +425 24 2 878738386 +425 27 3 878738695 +425 33 4 878738435 +425 38 3 878738757 +425 39 4 878738335 +425 50 5 878738335 +425 56 5 878737945 +425 62 4 878738548 +425 64 4 878738245 +425 70 3 878738245 +425 82 3 878738757 +425 83 2 891986445 +425 89 4 878738435 +425 92 5 878738335 +425 96 4 878738335 +425 97 2 890347247 +425 100 4 878738853 +425 117 3 878738435 +425 118 1 878738596 +425 121 4 878738813 +425 124 2 878737945 +425 157 2 878738149 +425 161 3 878738187 +425 168 5 890347172 +425 171 3 890347138 +425 172 5 878738385 +425 174 3 878738149 +425 180 4 878738077 +425 181 4 878738435 +425 183 3 878738486 +425 184 4 878738596 +425 185 2 878738853 +425 188 3 878738386 +425 190 3 890347085 +425 191 3 878738186 +425 195 4 878738245 +425 200 4 878738854 +425 209 2 890347085 +425 210 3 890346998 +425 217 1 878738914 +425 227 4 878738597 +425 228 4 878738334 +425 231 3 878738435 +425 233 2 878738643 +425 234 3 878738853 +425 250 4 878739054 +425 258 2 878737511 +425 259 1 890346825 +425 265 3 878738643 +425 269 4 890346376 +425 271 5 890346597 +425 273 4 878738435 +425 281 2 878738486 +425 293 4 878738992 +425 294 2 878737512 +425 300 2 878737512 +425 301 4 890346705 +425 310 3 890346411 +425 313 1 890346317 +425 316 4 890346705 +425 318 2 878737841 +425 319 1 878737511 +425 322 3 890346597 +425 323 2 878737684 +425 326 1 890346567 +425 334 4 890346567 +425 343 3 890346517 +425 347 4 890346517 +425 355 3 890346705 +425 362 3 890346317 +425 385 2 878738813 +425 398 1 878738597 +425 403 4 878738548 +425 405 2 878738643 +425 424 2 878738956 +425 429 4 878737908 +425 435 3 878738334 +425 443 2 878738956 +425 455 2 878738992 +425 475 5 878737945 +425 520 3 890347085 +425 522 3 878738077 +425 538 2 890346866 +425 540 2 878738486 +425 546 3 878738548 +425 550 4 878738813 +425 573 3 878738914 +425 669 3 878737908 +425 672 2 878738887 +425 684 2 878738385 +425 686 3 878738757 +425 689 2 890346517 +425 743 4 878739054 +425 748 3 890346567 +425 750 2 890346317 +425 759 2 878738290 +425 823 3 878738757 +425 825 2 878738643 +425 827 1 878739095 +425 854 4 878738854 +425 879 2 878737593 +425 895 4 890346198 +425 898 3 890346705 +425 912 2 891986392 +425 976 1 878738992 +425 1013 1 878739054 +425 1110 1 878738486 +425 1129 3 878738245 +425 1188 3 878738695 +425 1222 2 878738757 +425 1314 3 878738813 +425 1416 3 878738695 +425 1595 2 878738757 +426 23 4 879444734 +426 50 4 879442226 +426 100 4 879442128 +426 133 5 879441978 +426 135 3 879444604 +426 136 4 879442083 +426 143 3 879444852 +426 168 3 879444081 +426 178 4 879444080 +426 182 2 879442702 +426 196 4 879444734 +426 197 4 879444816 +426 200 2 879442702 +426 205 4 879444893 +426 211 4 879444320 +426 289 2 879441754 +426 404 3 879444321 +426 427 5 879442737 +426 429 5 879444081 +426 430 3 879445005 +426 432 3 879444192 +426 474 4 879442785 +426 480 5 879444473 +426 481 5 879442892 +426 482 5 879442737 +426 483 5 879442226 +426 484 5 879444662 +426 486 3 879444604 +426 489 5 879441978 +426 491 4 879442702 +426 493 4 879444473 +426 496 3 879442841 +426 504 4 879442083 +426 511 4 879441978 +426 519 4 879444117 +426 526 4 879444734 +426 603 5 879444472 +426 608 4 879444081 +426 609 3 879441931 +426 614 4 879444604 +426 617 3 879441978 +426 631 3 879442006 +426 633 4 879444816 +426 641 4 879441931 +426 646 3 879444787 +426 648 3 879441931 +426 653 4 879442841 +426 654 5 879442785 +426 659 4 879442128 +426 661 4 879444321 +426 663 4 879444604 +426 671 4 879444170 +426 705 5 879441931 +426 968 3 879444952 +426 1020 4 879442702 +426 1116 4 879444251 +426 1451 4 879444734 +427 258 4 879700792 +427 268 5 879701253 +427 286 4 879700792 +427 289 5 879701326 +427 300 4 879700908 +427 302 4 879700759 +427 304 4 879700850 +427 319 3 879700486 +427 322 3 879701051 +427 328 4 879700908 +427 331 4 879700850 +427 332 5 879701253 +427 334 5 879701326 +427 341 5 879701253 +427 680 5 879701326 +427 682 5 879701325 +427 881 5 879701253 +427 938 5 879701253 +427 990 5 879701326 +428 242 4 885943651 +428 245 5 885943713 +428 259 4 885943685 +428 268 4 885943818 +428 269 5 885943749 +428 271 2 892572448 +428 286 3 885943980 +428 288 4 885943847 +428 294 4 885943651 +428 302 5 885943651 +428 303 3 892572308 +428 307 4 885944110 +428 310 4 885943651 +428 315 5 885943980 +428 316 4 892572382 +428 322 4 885943782 +428 326 3 892572448 +428 332 4 885943749 +428 340 4 885943749 +428 343 2 885944093 +428 352 4 885943651 +428 690 5 885943651 +428 749 4 885943782 +428 751 5 885943818 +428 754 4 885943847 +428 875 4 885944136 +428 886 4 885943651 +428 892 4 885944044 +428 894 4 885943955 +428 1024 4 885943651 +428 1280 3 885944069 +428 1313 4 892572362 +429 1 3 882385785 +429 4 4 882385684 +429 7 2 882385569 +429 8 3 882386237 +429 11 4 882385464 +429 21 2 882386508 +429 23 4 882385243 +429 25 4 882385985 +429 26 3 882386333 +429 28 3 882385636 +429 39 3 882386378 +429 42 5 882385593 +429 44 3 882386171 +429 45 3 882385118 +429 50 5 882384553 +429 52 4 882387074 +429 53 1 882386814 +429 63 2 882387505 +429 64 4 882384744 +429 65 3 882386216 +429 66 2 882386357 +429 68 3 882385963 +429 70 4 882386401 +429 71 3 882385705 +429 72 2 882387551 +429 73 3 882387505 +429 79 4 882385243 +429 80 3 882386684 +429 82 4 882386121 +429 86 5 882384579 +429 87 3 882384821 +429 88 3 882386895 +429 90 4 882387731 +429 92 4 882385684 +429 96 4 882387053 +429 97 4 882386171 +429 98 4 882384494 +429 99 3 882386601 +429 100 5 882385807 +429 101 4 882386662 +429 109 3 882385034 +429 111 2 882386532 +429 114 5 882385663 +429 121 3 882386145 +429 123 4 882386448 +429 127 4 882384603 +429 129 4 882385065 +429 133 3 882385663 +429 136 4 882386071 +429 141 3 882386966 +429 144 4 882387773 +429 147 2 882385859 +429 155 2 882387633 +429 156 4 882384920 +429 162 4 882386378 +429 163 4 882387599 +429 167 3 882386629 +429 172 5 882385118 +429 173 4 882384494 +429 174 4 882387773 +429 176 3 882385542 +429 177 4 882385065 +429 178 4 882384772 +429 180 5 882385464 +429 181 5 882384870 +429 182 4 882384821 +429 190 5 882387773 +429 191 5 882385065 +429 192 3 882385612 +429 194 4 882385705 +429 196 4 882385012 +429 197 4 882384772 +429 199 5 882386006 +429 200 3 882386333 +429 202 4 882385829 +429 203 5 882385684 +429 204 4 882387757 +429 207 4 882385729 +429 210 4 882387731 +429 214 3 882384526 +429 217 3 882387715 +429 219 4 882386848 +429 222 4 882385518 +429 226 3 882386145 +429 227 2 882385934 +429 228 2 882386485 +429 229 2 882385613 +429 230 2 882385985 +429 231 2 882385489 +429 232 4 882385859 +429 233 3 882385593 +429 234 4 882386566 +429 235 3 882386966 +429 237 3 882384526 +429 241 3 882385934 +429 249 4 882386662 +429 257 4 882386121 +429 273 4 882385489 +429 277 4 882386096 +429 281 3 882386027 +429 284 3 882386424 +429 288 3 882387685 +429 293 4 882385293 +429 298 5 882386145 +429 300 3 882385168 +429 307 3 882384437 +429 318 5 882387731 +429 321 3 882384438 +429 338 3 882387599 +429 340 5 882384870 +429 357 5 882385636 +429 358 3 882387053 +429 371 2 882387715 +429 378 3 882386916 +429 380 3 882387576 +429 381 3 882385882 +429 385 3 882386915 +429 393 3 882385749 +429 405 3 882387202 +429 409 2 882386751 +429 410 4 882387451 +429 411 3 882386848 +429 412 4 882387411 +429 418 3 882386096 +429 419 4 882385293 +429 423 4 882387757 +429 425 3 882385859 +429 427 5 882385569 +429 430 4 882384553 +429 431 5 882384870 +429 432 4 882385443 +429 433 3 882385858 +429 435 4 882385636 +429 440 1 882387411 +429 443 4 882385210 +429 455 3 882386628 +429 462 4 882386662 +429 464 3 882386171 +429 466 2 882384847 +429 467 4 882385210 +429 468 3 882384896 +429 469 4 882386751 +429 470 5 882386309 +429 472 3 882387434 +429 473 3 882387551 +429 479 4 882385358 +429 480 4 882386071 +429 482 3 882384683 +429 483 5 882384821 +429 491 3 882384950 +429 493 4 882385663 +429 495 3 882385358 +429 496 4 882384603 +429 498 5 882384796 +429 499 4 882384896 +429 500 1 882384772 +429 506 4 882386711 +429 507 5 882385210 +429 510 4 882387773 +429 511 5 882385542 +429 514 3 882385243 +429 527 5 882387757 +429 528 4 882385034 +429 529 4 882385243 +429 530 4 882384986 +429 537 4 882387773 +429 540 3 882386916 +429 559 3 882386662 +429 562 2 882387575 +429 566 3 882386357 +429 582 3 882384950 +429 583 3 882386121 +429 584 4 882385749 +429 587 3 882386895 +429 596 3 882385808 +429 603 4 882384847 +429 607 3 882385785 +429 616 3 882386333 +429 628 3 882385808 +429 631 4 882385243 +429 633 3 882385829 +429 635 3 882387202 +429 637 3 882387506 +429 642 4 882386600 +429 651 4 882384772 +429 654 4 882385542 +429 655 3 882385399 +429 658 3 882386448 +429 663 4 882385358 +429 665 2 882387474 +429 672 2 882387551 +429 684 4 882385882 +429 685 3 882387434 +429 693 4 882386628 +429 697 3 882385858 +429 700 3 882386485 +429 708 3 882386895 +429 709 4 882385267 +429 710 4 882387731 +429 726 2 882386751 +429 729 2 882386684 +429 735 4 882387757 +429 737 4 882387505 +429 739 3 882387140 +429 742 4 882386711 +429 744 4 882386485 +429 746 3 882386096 +429 756 2 882386711 +429 772 3 882386508 +429 778 3 882385294 +429 786 2 882386966 +429 789 4 882385443 +429 796 3 882386601 +429 804 3 882387599 +429 808 3 882387576 +429 816 2 882387474 +429 843 1 882387114 +429 845 4 882386401 +429 847 3 882385569 +429 921 2 882385962 +429 928 2 882386849 +429 936 4 882385934 +429 939 4 882384986 +429 941 3 882387506 +429 944 3 882387474 +429 961 3 882385518 +429 967 4 882386378 +429 972 4 882387757 +429 999 2 882387163 +429 1012 3 882385963 +429 1016 4 882386217 +429 1018 3 882386051 +429 1020 4 882387757 +429 1028 3 882386601 +429 1039 5 882386071 +429 1048 2 882386966 +429 1071 2 882385729 +429 1074 3 882387163 +429 1076 2 882387350 +429 1089 2 882387053 +429 1101 5 882385399 +429 1109 2 882386448 +429 1112 3 882386785 +429 1113 3 882386711 +429 1118 4 882385902 +429 1119 3 882387653 +429 1133 2 882386848 +429 1136 4 882386532 +429 1139 2 882387434 +429 1209 3 882387350 +429 1218 3 882387653 +429 1220 3 882387233 +429 1222 3 882387074 +429 1224 2 882387114 +429 1228 3 882387163 +429 1296 2 882387392 +429 1301 4 882385963 +429 1425 3 882387633 +429 1438 1 882385705 +430 7 3 877225660 +430 10 4 877225726 +430 19 5 877225623 +430 42 3 877226568 +430 64 4 877226130 +430 101 2 877226501 +430 121 2 877225832 +430 123 2 877225965 +430 127 4 877225484 +430 129 5 877225547 +430 137 3 877225433 +430 148 2 877226047 +430 151 4 877225516 +430 152 4 877226569 +430 168 4 877226568 +430 181 4 877225484 +430 235 2 877225727 +430 248 3 877225832 +430 258 4 877225570 +430 276 1 877225753 +430 297 4 877225599 +430 298 3 877225547 +430 300 3 877225239 +430 303 4 877225239 +430 318 5 877226130 +430 328 4 877225327 +430 462 3 877226164 +430 523 4 877226568 +430 527 4 877226209 +430 528 4 877226164 +430 656 4 877226365 +430 674 4 877226405 +430 748 3 877225239 +430 1375 4 877225660 +431 269 3 877844062 +431 286 4 877844062 +431 294 5 877844377 +431 302 3 877844062 +431 303 4 877844183 +431 328 4 877844377 +431 332 3 877844377 +431 538 4 881127620 +431 690 3 877844183 +431 748 4 877844377 +432 1 2 889415983 +432 3 3 889416260 +432 7 2 889415983 +432 15 4 889416456 +432 50 5 889416012 +432 93 2 889415812 +432 109 2 889416188 +432 111 4 889416456 +432 117 4 889415853 +432 222 4 889416012 +432 237 5 889415983 +432 248 4 889416352 +432 249 5 889416352 +432 255 5 889416608 +432 257 5 889416118 +432 274 3 889416229 +432 276 4 889415947 +432 282 5 889416456 +432 284 4 889416521 +432 288 5 889416456 +432 293 5 889415812 +432 294 4 889416229 +432 295 3 889416352 +432 298 3 889415852 +432 300 4 889415763 +432 313 4 889415763 +432 411 3 889416044 +432 471 3 889416229 +432 475 4 889416147 +432 546 3 889416657 +432 620 4 889416352 +432 628 5 889416398 +432 742 4 889415983 +432 815 3 889416260 +432 827 3 889416570 +432 845 4 889416260 +432 864 2 889416657 +432 1012 5 889415947 +432 1047 5 889416118 +433 50 5 880585885 +433 137 5 880585904 +433 173 4 880585730 +433 205 3 880585730 +433 245 3 880585491 +433 246 4 880585885 +433 269 5 880585068 +433 273 3 880585923 +433 276 5 880585843 +433 286 5 880585068 +433 293 3 880585843 +433 300 3 880585068 +433 302 5 880585028 +433 323 1 880585530 +433 325 2 880585554 +433 326 2 880585386 +433 358 2 880585554 +433 457 1 880585554 +433 919 5 880585923 +434 1 4 886724590 +434 7 1 886724505 +434 15 3 886724453 +434 111 5 886724540 +434 118 5 886724873 +434 151 5 886724453 +434 225 4 886724453 +434 274 5 886724797 +434 283 3 886724505 +434 287 5 886724359 +434 288 5 886724797 +434 406 3 886725027 +434 411 5 886724873 +434 424 1 886724913 +434 471 2 886724797 +434 476 4 886725076 +434 477 5 886724940 +434 628 1 886724873 +434 743 1 886725027 +434 815 4 886724972 +434 819 3 886724873 +434 928 5 886724913 +434 974 5 886724940 +434 975 5 886724873 +434 1060 3 886724733 +434 1197 5 886724913 +435 1 5 884131712 +435 2 4 884132619 +435 3 3 884133911 +435 4 4 884132146 +435 7 4 884131597 +435 8 3 884131576 +435 9 4 884131055 +435 10 5 884131950 +435 15 3 884132146 +435 17 2 884132540 +435 22 4 884131156 +435 25 5 884132434 +435 28 3 884131799 +435 29 3 884133691 +435 31 5 884131157 +435 33 3 884132672 +435 39 3 884131822 +435 44 2 884132619 +435 45 5 884131681 +435 53 3 884133447 +435 55 5 884131434 +435 56 5 884131055 +435 58 3 884131328 +435 64 5 884131036 +435 68 4 884131901 +435 69 4 884131243 +435 71 3 884132208 +435 76 3 884131328 +435 79 4 884131016 +435 81 3 884131661 +435 83 4 884131434 +435 84 2 884133757 +435 91 4 884131597 +435 96 5 884131822 +435 98 5 884131576 +435 100 3 884131711 +435 101 3 884132184 +435 105 3 884133872 +435 108 1 884132540 +435 115 4 884131771 +435 117 3 884131356 +435 125 3 884132483 +435 127 4 884131681 +435 139 2 884134134 +435 141 2 884132898 +435 144 4 884131085 +435 152 4 884132072 +435 155 3 884133710 +435 156 4 884131822 +435 159 5 884132898 +435 160 5 884133194 +435 162 1 884132755 +435 163 3 884131489 +435 169 5 884130995 +435 172 5 884132619 +435 173 5 884131085 +435 177 5 884131267 +435 179 5 884131085 +435 181 5 884132208 +435 182 4 884131356 +435 185 4 884131741 +435 187 4 884131489 +435 188 4 884131901 +435 191 4 884131200 +435 193 3 884131243 +435 194 4 884131627 +435 195 5 884131118 +435 201 4 884131356 +435 202 4 884131901 +435 203 4 884131434 +435 206 5 884133223 +435 208 4 884131515 +435 210 4 884131799 +435 214 4 884131741 +435 217 4 884133161 +435 218 3 884133194 +435 219 5 884133691 +435 222 3 884132027 +435 227 4 884133372 +435 230 3 884132809 +435 234 4 884132619 +435 235 4 884132266 +435 239 4 884132968 +435 240 3 884133818 +435 249 4 884134242 +435 250 4 884134290 +435 252 2 884134677 +435 258 4 884130647 +435 264 3 884130671 +435 265 3 884131996 +435 268 5 884130688 +435 271 4 884130671 +435 273 5 884131298 +435 288 4 884130605 +435 291 4 884133446 +435 298 4 884134500 +435 299 4 884130671 +435 307 5 884130744 +435 321 3 889722170 +435 331 5 884130671 +435 333 3 884130647 +435 358 4 884130864 +435 366 2 884133134 +435 369 1 884134771 +435 380 3 884133026 +435 384 3 884134047 +435 386 4 884133584 +435 393 2 884133610 +435 394 4 884132873 +435 399 3 884133253 +435 401 3 884133447 +435 405 4 884132540 +435 406 3 884134810 +435 409 3 884134019 +435 411 3 884132484 +435 412 3 884134677 +435 420 4 884132561 +435 424 1 884134536 +435 427 3 884131542 +435 430 5 884131712 +435 431 3 884131950 +435 432 3 884132968 +435 441 3 884133084 +435 443 3 884132777 +435 444 3 884134075 +435 447 3 884132315 +435 448 3 884132230 +435 462 5 884131328 +435 472 2 884133466 +435 476 3 884133872 +435 479 3 884131901 +435 496 4 884131243 +435 501 3 884132266 +435 527 4 884130995 +435 541 4 884134187 +435 549 3 884132588 +435 554 3 884133194 +435 559 3 884132342 +435 561 2 884133064 +435 562 5 884133819 +435 566 4 884132643 +435 567 3 884133785 +435 568 2 884131868 +435 569 3 884134019 +435 571 2 884134047 +435 572 2 884133938 +435 573 1 884132515 +435 576 3 884133447 +435 577 3 884133973 +435 578 5 884132230 +435 585 3 884133447 +435 596 4 884132184 +435 603 3 884131118 +435 609 4 884132873 +435 625 2 884132588 +435 627 3 884133194 +435 628 5 884132990 +435 631 2 884132540 +435 635 3 884133544 +435 636 4 884134047 +435 640 4 884132873 +435 649 3 884133330 +435 652 4 884131741 +435 655 2 884131799 +435 658 3 884133223 +435 665 3 884133973 +435 673 3 884132341 +435 675 3 884132873 +435 679 3 884133372 +435 685 2 884134345 +435 687 2 884130834 +435 693 3 884131118 +435 696 3 884132342 +435 709 4 884131822 +435 720 2 884133818 +435 721 4 884132072 +435 722 3 884133818 +435 742 4 884132840 +435 743 3 884134910 +435 746 4 884132184 +435 748 4 884130765 +435 755 2 884132266 +435 756 3 884134134 +435 760 1 884133330 +435 763 5 884133544 +435 768 3 884133509 +435 778 4 884131844 +435 780 2 884133284 +435 781 3 884133447 +435 790 4 884133818 +435 818 2 884133938 +435 820 1 884132367 +435 821 2 884132840 +435 824 1 884134627 +435 845 3 884132100 +435 862 1 884133972 +435 885 3 887509396 +435 890 1 884130883 +435 919 5 884132184 +435 926 3 884133972 +435 928 3 884134187 +435 930 3 884134019 +435 946 2 884132072 +435 953 3 884132968 +435 977 2 884134829 +435 983 2 884134830 +435 1014 2 884134515 +435 1016 4 884134377 +435 1028 2 884133284 +435 1034 2 884134754 +435 1047 3 884132315 +435 1061 3 884134754 +435 1069 4 884131489 +435 1151 1 884134019 +435 1185 1 884133371 +435 1215 3 884134810 +435 1217 3 884133819 +435 1225 3 884131597 +435 1240 4 884132296 +435 1268 5 884131950 +435 1291 1 884134853 +435 1411 1 884133104 +435 1552 3 884134187 +436 11 5 887769777 +436 23 4 887770064 +436 26 3 887771146 +436 38 3 887771924 +436 43 2 887770300 +436 47 4 887769930 +436 50 4 887769415 +436 65 4 887771753 +436 66 5 887770457 +436 72 5 887770693 +436 73 4 887769444 +436 81 3 887770244 +436 83 5 887770115 +436 92 3 887770115 +436 95 4 887770037 +436 99 3 887770344 +436 111 4 887771773 +436 132 1 887769824 +436 133 3 887768982 +436 143 2 887770092 +436 144 5 887769444 +436 157 5 887768982 +436 161 4 887771897 +436 167 3 887770403 +436 174 3 887769335 +436 182 5 887769150 +436 187 5 887768982 +436 204 5 887769209 +436 217 4 887771146 +436 226 4 887770640 +436 234 3 887769471 +436 238 3 887769693 +436 239 3 887769952 +436 264 2 887768669 +436 265 3 887769106 +436 273 4 887769233 +436 278 2 887771924 +436 313 5 887768521 +436 327 5 887768694 +436 340 5 887768445 +436 348 4 887768521 +436 367 4 887770217 +436 411 4 887771022 +436 423 4 887769992 +436 425 4 887769335 +436 427 3 887769105 +436 433 5 887770428 +436 435 4 887769256 +436 441 3 887772060 +436 454 4 887768982 +436 468 4 887771826 +436 469 3 887769128 +436 470 4 887770566 +436 503 4 887769802 +436 506 5 887770485 +436 507 4 887769801 +436 546 3 887771826 +436 550 4 887771093 +436 559 4 887770640 +436 585 3 887771722 +436 592 3 887770379 +436 628 5 887770457 +436 635 3 887771875 +436 655 5 887769233 +436 658 5 887769673 +436 660 4 887771825 +436 693 5 887769515 +436 710 4 887769281 +436 742 5 887769050 +436 747 5 887770640 +436 748 3 887768738 +436 763 4 887771042 +436 785 2 887770731 +436 790 3 887770428 +436 840 3 887771997 +436 845 5 887771269 +436 856 4 887769952 +436 869 4 887771722 +436 925 4 887770507 +436 928 4 887770547 +436 941 4 887771997 +436 974 5 887771997 +436 986 3 887770300 +436 1028 4 887770693 +436 1048 2 887770379 +436 1053 4 887771853 +436 1058 4 887770547 +436 1206 3 887769868 +436 1227 2 887772028 +436 1248 3 887770485 +436 1263 3 887772060 +436 1489 2 887770731 +436 1522 2 887771123 +437 8 4 880140752 +437 13 4 880141129 +437 14 5 880140369 +437 15 4 881001946 +437 23 4 880140288 +437 26 2 880142399 +437 28 3 880140534 +437 30 4 880140855 +437 52 3 880141402 +437 66 3 880143167 +437 71 3 880141402 +437 77 4 880143040 +437 79 4 880143855 +437 82 3 880140192 +437 86 4 881001715 +437 87 3 880140891 +437 90 3 880143289 +437 94 4 881001436 +437 100 4 880140051 +437 101 3 880143355 +437 111 3 881002067 +437 117 1 881001121 +437 118 2 880142991 +437 121 3 881001766 +437 129 1 880140433 +437 135 4 880140101 +437 139 3 881001576 +437 143 5 880141528 +437 145 1 880143663 +437 152 4 880141129 +437 153 5 881001888 +437 156 2 880140627 +437 161 2 880140288 +437 165 4 881002324 +437 170 5 880140787 +437 172 4 880140257 +437 173 4 881001023 +437 174 5 880140122 +437 176 2 880143809 +437 180 4 880139868 +437 182 2 880140432 +437 185 5 880140192 +437 186 3 881001208 +437 189 2 881001946 +437 190 3 880140154 +437 195 2 880141286 +437 196 4 880140627 +437 197 5 880141962 +437 200 4 880140398 +437 202 5 881001715 +437 203 1 880140978 +437 204 5 880141528 +437 207 4 880142365 +437 210 3 881002191 +437 215 3 880140325 +437 219 3 880143663 +437 221 5 880140154 +437 226 1 880142942 +437 237 4 880140466 +437 238 5 880140369 +437 239 4 880141529 +437 248 2 880141716 +437 249 5 880142027 +437 253 1 880141796 +437 265 3 880142942 +437 275 5 881001888 +437 286 2 880139482 +437 292 5 880139631 +437 318 4 880140466 +437 319 5 881001538 +437 378 4 880143451 +437 401 5 880143505 +437 402 2 880143263 +437 412 3 880142147 +437 415 4 880143591 +437 417 5 880143482 +437 418 3 880141084 +437 419 5 880141961 +437 420 3 881002191 +437 425 4 880141374 +437 428 5 881001983 +437 432 3 880140854 +437 435 3 881001945 +437 436 4 880143635 +437 443 4 880142851 +437 450 3 880143040 +437 451 5 880143115 +437 462 5 881002324 +437 475 3 880140288 +437 476 4 880142177 +437 478 5 881002323 +437 482 5 880140051 +437 496 4 880140662 +437 499 5 880141962 +437 507 5 880140015 +437 511 5 880141962 +437 514 4 880140369 +437 521 4 880141164 +437 523 3 881002191 +437 558 3 880142365 +437 559 3 880143695 +437 583 1 880143040 +437 584 3 880141243 +437 588 3 881002092 +437 602 3 880140822 +437 603 5 880140051 +437 606 4 880140978 +437 614 5 880139951 +437 629 3 881002405 +437 640 1 881002300 +437 652 4 881001983 +437 655 4 881001945 +437 665 2 880143695 +437 692 4 880143115 +437 696 3 880142991 +437 697 4 880140978 +437 698 2 880142426 +437 699 4 880143419 +437 702 1 880141335 +437 705 4 880141335 +437 707 3 880141374 +437 708 4 881002026 +437 709 5 881000931 +437 716 5 881002345 +437 721 2 880141335 +437 739 3 880143243 +437 755 3 880143450 +437 812 3 881002092 +437 842 4 880143451 +437 843 4 880143520 +437 946 3 881002092 +437 955 4 881002404 +437 961 5 881002323 +437 1006 3 881001472 +437 1036 5 880143562 +437 1063 5 880141661 +437 1091 3 880143392 +437 1098 3 880141243 +437 1113 4 881002161 +437 1121 5 880140466 +437 1142 4 880141696 +437 1153 5 880141962 +437 1206 4 881002191 +437 1227 3 880142630 +437 1262 3 881002091 +437 1267 4 880141528 +437 1404 2 881002263 +437 1599 5 880142614 +438 1 4 879868096 +438 15 4 879868242 +438 21 2 879868683 +438 50 5 879868005 +438 148 5 879868443 +438 245 5 879867960 +438 252 4 879868364 +438 257 4 879868159 +438 281 4 879868494 +438 282 5 879868264 +438 284 2 879868308 +438 300 4 879867960 +438 301 4 879867960 +438 476 5 879868664 +438 619 4 879868159 +438 815 5 879868581 +438 864 3 879868547 +438 1028 2 879868529 +439 7 4 882893245 +439 13 3 882893171 +439 14 5 882893245 +439 100 3 882892705 +439 121 2 882893768 +439 125 3 882893688 +439 240 3 882893859 +439 268 4 882892424 +439 276 5 882892755 +439 290 4 882894084 +439 293 3 882892818 +439 301 3 882892424 +439 307 3 882892424 +439 591 4 882892818 +439 1328 4 882893891 +439 1600 5 882893291 +440 57 5 891577949 +440 70 4 891577950 +440 198 4 891577843 +440 213 4 891577950 +440 242 5 891546594 +440 245 4 891548470 +440 258 4 891547637 +440 272 5 891546631 +440 300 3 891546785 +440 304 5 891546785 +440 310 3 891546631 +440 312 5 891550404 +440 313 4 891546631 +440 324 5 891548567 +440 329 5 891548567 +440 340 2 891549397 +440 350 5 891550404 +440 361 5 891548567 +440 462 5 891577994 +440 690 4 891546698 +440 736 5 891578036 +440 749 3 891547746 +440 750 5 891546784 +440 883 5 891550404 +440 886 5 891550404 +440 904 5 891546654 +440 923 5 891577843 +440 988 1 891577504 +440 1038 5 891550404 +440 1105 5 891548567 +440 1194 5 891577843 +440 1265 5 891548567 +441 7 4 891035468 +441 100 3 891035441 +441 121 4 891035489 +441 282 4 891035528 +441 294 4 891035211 +441 300 3 891035056 +441 313 4 891035056 +441 338 4 891035289 +441 342 4 891035267 +441 538 3 891035144 +442 2 3 883390544 +442 7 4 883389983 +442 11 4 883390284 +442 14 1 883389776 +442 27 2 883390416 +442 29 3 883390641 +442 31 3 883391249 +442 33 3 883388508 +442 38 3 883390674 +442 39 3 883390466 +442 41 4 883388609 +442 54 3 883391274 +442 55 3 883390813 +442 62 2 883390641 +442 64 5 883389682 +442 68 3 883390416 +442 69 3 883390935 +442 77 3 883391325 +442 89 4 883390416 +442 90 3 883388609 +442 92 5 883389776 +442 96 4 883390328 +442 98 4 883389983 +442 117 3 883390366 +442 121 2 883390544 +442 129 4 883391146 +442 144 4 883390328 +442 150 4 883388283 +442 153 3 883388237 +442 154 4 883389491 +442 164 2 883390083 +442 172 5 883389580 +442 174 4 883389776 +442 176 5 883390284 +442 181 4 883390416 +442 182 4 883390284 +442 188 3 883390782 +442 195 4 883390328 +442 204 3 883389028 +442 209 4 883388283 +442 217 3 883390083 +442 218 3 883390048 +442 219 3 883390009 +442 222 3 883391221 +442 227 3 883390574 +442 228 5 883390366 +442 229 3 883391275 +442 231 3 883390609 +442 234 4 883389983 +442 239 3 883388401 +442 240 2 883388833 +442 268 4 883388092 +442 288 4 883390048 +442 294 2 883388120 +442 313 3 883387916 +442 367 2 883388887 +442 385 3 883390416 +442 401 2 883388960 +442 405 3 883390497 +442 410 4 883388508 +442 433 4 883388283 +442 436 3 883390048 +442 441 3 883390083 +442 447 3 883390048 +442 449 2 883390739 +442 450 3 883391377 +442 452 3 883390169 +442 470 4 883391167 +442 554 2 883390641 +442 559 2 883390048 +442 572 3 883391344 +442 576 2 883390703 +442 578 2 883390466 +442 636 5 883390416 +442 738 3 883389164 +442 742 3 883391146 +442 746 3 883388354 +442 769 1 883391397 +442 859 3 883390169 +442 871 1 883389455 +442 928 3 883391299 +442 979 3 883391344 +442 986 1 883391377 +442 988 1 883388064 +442 1074 3 883389053 +442 1170 4 883388909 +442 1188 3 883390609 +442 1218 2 883388960 +443 12 5 883505379 +443 39 1 883505492 +443 175 2 883505396 +443 245 3 883504796 +443 260 1 883504818 +443 269 3 883504564 +443 294 5 883504593 +443 307 3 883504564 +443 309 5 883504866 +443 313 4 883504564 +443 333 5 883504654 +443 340 5 883504748 +443 343 5 883504771 +443 358 1 883504748 +443 687 3 883504889 +443 748 4 883505171 +443 948 1 883504844 +444 9 5 890247287 +444 50 5 890247287 +444 245 4 891979402 +444 258 3 890246907 +444 269 4 891979402 +444 272 5 891978637 +444 286 2 890246847 +444 306 5 890246907 +444 307 3 891979402 +444 328 5 890247082 +444 748 1 890247172 +444 751 4 890247172 +444 906 4 891979402 +445 1 3 891199749 +445 7 1 891200078 +445 9 2 891199655 +445 12 2 890987617 +445 55 1 890987712 +445 56 5 891200869 +445 79 4 890987742 +445 93 1 891199945 +445 96 4 890987655 +445 100 2 890987569 +445 118 2 891200506 +445 123 1 891200137 +445 127 2 890987687 +445 144 3 890987569 +445 151 4 891200869 +445 181 2 891199945 +445 183 2 890987687 +445 195 2 890987655 +445 203 3 890988205 +445 204 3 890988205 +445 208 2 890987712 +445 237 2 891199906 +445 245 2 891035830 +445 249 2 891200447 +445 257 2 891199945 +445 268 1 890987410 +445 271 1 891199458 +445 272 3 890988205 +445 273 2 891199869 +445 274 2 891200164 +445 281 1 891200417 +445 288 2 891035830 +445 289 1 891199510 +445 298 2 891199906 +445 300 1 890987410 +445 302 1 891199195 +445 327 2 891035830 +445 330 2 891199274 +445 333 2 890987410 +445 340 5 891035571 +445 343 1 891199385 +445 408 3 891199749 +445 410 1 891200164 +445 433 2 890987617 +445 458 2 891200272 +445 460 2 891200624 +445 508 2 891200078 +445 546 2 891200417 +445 591 2 891200020 +445 597 1 891200320 +445 628 1 891200137 +445 644 3 890988205 +445 689 1 891199458 +445 744 2 891200272 +445 752 1 891199167 +445 762 1 891200355 +445 763 2 891200233 +445 818 1 891200656 +445 823 1 891200624 +445 840 1 891200320 +445 879 2 891199331 +445 902 4 891200870 +445 919 1 891200233 +445 933 1 891200390 +445 979 2 891200272 +445 994 1 891199682 +445 1008 1 891200320 +445 1009 2 891200321 +445 1011 1 891200320 +445 1012 1 891199843 +445 1014 1 891200506 +445 1016 1 891200164 +445 1047 1 891200656 +445 1051 1 891200390 +445 1067 1 891200390 +445 1081 1 891200447 +445 1097 1 891199682 +445 1129 4 891199994 +445 1143 4 891200870 +445 1199 1 891200447 +445 1245 1 891200390 +445 1378 2 891199635 +445 1534 1 891199749 +445 1591 4 891199360 +445 1598 1 891200592 +446 245 4 879787226 +446 268 2 879786892 +446 289 3 879786984 +446 299 2 879787149 +446 300 3 879787149 +446 306 3 879786691 +446 307 3 879786892 +446 321 4 879786943 +446 322 3 879787226 +446 332 3 879787149 +446 338 2 879786943 +446 340 2 879786691 +446 879 3 879786691 +447 11 4 878856208 +447 12 5 878855907 +447 13 5 878854630 +447 15 1 878854481 +447 22 4 878856422 +447 24 3 878854520 +447 25 4 878854630 +447 27 3 878856601 +447 28 4 878856110 +447 50 5 878854552 +447 55 4 878856573 +447 56 5 878855782 +447 68 5 878855819 +447 69 4 878856209 +447 70 3 878856483 +447 79 3 878856110 +447 83 5 878856458 +447 96 5 878855847 +447 98 4 878855873 +447 100 5 878854552 +447 118 4 878854578 +447 121 5 878855107 +447 123 3 878854459 +447 132 4 878855963 +447 144 5 878856078 +447 148 4 878854729 +447 156 5 878856625 +447 175 3 878855847 +447 181 5 878854520 +447 200 3 878855963 +447 201 2 878855723 +447 202 3 878856078 +447 209 4 878856148 +447 211 4 878855724 +447 218 4 878856052 +447 222 3 878854340 +447 223 5 878856394 +447 227 2 878856233 +447 228 4 878855682 +447 233 4 878856526 +447 234 4 878855782 +447 235 2 878854605 +447 237 4 878854234 +447 257 3 878854520 +447 260 2 878854120 +447 265 4 878856394 +447 274 1 878854552 +447 276 4 878854552 +447 278 3 878854810 +447 282 4 878856290 +447 284 4 878854552 +447 290 4 878854838 +447 293 4 878854459 +447 294 4 878855082 +447 298 4 878854195 +447 367 3 878856232 +447 410 2 878854630 +447 411 2 878855107 +447 469 4 878856394 +447 471 4 878854340 +447 474 3 878856022 +447 498 4 878856321 +447 508 3 878854195 +447 535 4 878854954 +447 544 4 878854997 +447 546 2 878854704 +447 559 3 878856172 +447 582 4 878855724 +447 629 3 878855907 +447 716 2 878856573 +447 737 4 878855907 +447 762 3 878855139 +447 770 3 878856601 +447 815 3 878854658 +447 823 3 878855165 +447 866 2 878855082 +447 879 3 878854056 +447 952 4 878854315 +447 1009 4 878854876 +447 1016 3 878854918 +447 1034 2 878854918 +447 1048 2 878854579 +447 1142 5 878854481 +447 1315 4 878854838 +447 1326 4 878854838 +448 258 4 891887440 +448 262 4 891888042 +448 270 5 891888137 +448 271 4 891888509 +448 286 2 891887393 +448 288 1 891887161 +448 301 1 891888099 +448 302 5 891887337 +448 307 2 891888042 +448 312 1 891888653 +448 319 5 891888099 +448 327 2 891888367 +448 344 4 891888244 +448 345 5 891887440 +448 360 4 891887338 +448 874 3 891889281 +448 1022 5 891888244 +448 1062 5 891888178 +448 1294 1 891887161 +449 14 3 879958603 +449 60 5 880410652 +449 70 4 880410777 +449 86 4 880410599 +449 106 3 879958936 +449 120 1 879959573 +449 137 5 879958866 +449 198 4 880410624 +449 213 3 880410652 +449 248 4 879958888 +449 251 3 879958603 +449 268 2 880410988 +449 274 2 879959003 +449 282 3 879958953 +449 285 5 879958572 +449 286 4 879958444 +449 288 3 879959082 +449 291 2 879959246 +449 333 3 879958474 +449 337 4 880411035 +449 381 4 880410777 +449 462 5 880410674 +449 475 5 879958603 +449 515 5 879958685 +449 544 3 879959023 +449 593 4 879959101 +449 639 5 880410700 +449 640 5 880410734 +449 742 3 879958839 +449 763 2 879959190 +449 936 5 879958721 +449 971 4 880410701 +449 1005 5 880410734 +449 1009 4 879959190 +449 1010 4 879958664 +449 1011 4 879958685 +449 1073 5 880410734 +449 1142 4 879958803 +449 1194 4 880410624 +450 2 4 882474001 +450 3 4 882398220 +450 11 5 882376365 +450 22 5 882373865 +450 23 5 887136837 +450 25 3 882376188 +450 26 5 882396489 +450 28 4 882377861 +450 33 5 882398083 +450 38 4 882474001 +450 43 4 887139080 +450 44 3 882376658 +450 47 3 882394180 +450 50 5 882371415 +450 51 4 882377358 +450 58 3 882373464 +450 59 4 882371904 +450 61 4 882376446 +450 63 4 882469941 +450 64 4 882373656 +450 67 3 882469941 +450 69 4 882373532 +450 71 3 882377358 +450 73 3 887661438 +450 76 3 882395913 +450 78 2 882396245 +450 79 4 882376446 +450 82 3 887834953 +450 83 4 882372027 +450 86 4 887660440 +450 87 5 882374059 +450 88 5 882396799 +450 90 4 887660650 +450 91 4 887660763 +450 96 4 887834823 +450 97 4 882396351 +450 98 4 882371732 +450 100 4 882374059 +450 102 4 882468047 +450 111 4 882377590 +450 112 2 882468307 +450 114 5 887660504 +450 117 4 882397373 +450 118 3 882395166 +450 125 4 882376803 +450 126 5 882396051 +450 133 5 882373019 +450 140 3 882376585 +450 141 3 882377726 +450 142 5 887835352 +450 143 5 882394364 +450 144 5 882373865 +450 151 5 882376658 +450 161 5 882396245 +450 162 5 882395913 +450 163 4 882377358 +450 166 5 887660440 +450 167 5 882469863 +450 168 5 882376803 +450 169 5 882371732 +450 170 5 887660440 +450 172 4 882372103 +450 173 5 882371526 +450 178 4 882394251 +450 179 5 882394364 +450 180 4 882373020 +450 181 4 882372103 +450 182 5 882376585 +450 183 4 882394180 +450 185 5 882376365 +450 186 3 882396799 +450 187 5 882373597 +450 188 3 882395778 +450 190 4 882373385 +450 191 5 887660440 +450 194 5 882373786 +450 196 5 882371526 +450 197 5 882374059 +450 202 4 882397223 +450 210 3 887835408 +450 213 4 882396351 +450 214 1 882371416 +450 215 5 882396051 +450 216 5 882373657 +450 218 4 882397224 +450 220 4 882394097 +450 221 4 882395052 +450 223 3 882371732 +450 226 4 882474001 +450 228 4 882373019 +450 229 4 882474001 +450 230 4 882371732 +450 232 4 882398666 +450 233 3 882474001 +450 234 3 882396245 +450 235 3 887661217 +450 239 5 882373865 +450 252 3 887834953 +450 254 3 887662083 +450 259 3 887834953 +450 260 2 889568753 +450 264 3 882370581 +450 265 5 882371526 +450 269 5 882215617 +450 273 3 882377726 +450 274 4 882469627 +450 277 3 882397223 +450 278 5 882473476 +450 280 4 882397940 +450 284 4 887139517 +450 286 4 882215617 +450 287 4 887660504 +450 292 5 882215922 +450 300 4 882216475 +450 307 5 882216475 +450 310 4 887660650 +450 316 4 889568753 +450 318 5 882373531 +450 322 4 882370316 +450 328 4 886449488 +450 332 4 882369964 +450 336 3 882370464 +450 345 2 884906309 +450 347 4 887047775 +450 356 4 887138756 +450 366 3 882396489 +450 372 4 882396245 +450 373 3 887834953 +450 380 5 882398939 +450 384 3 882471524 +450 386 4 882397049 +450 387 5 882376446 +450 388 3 882471604 +450 389 4 882396051 +450 392 4 887660762 +450 393 4 882812349 +450 396 2 882469941 +450 399 4 882468239 +450 403 4 887660440 +450 405 4 882474001 +450 415 3 882398220 +450 416 5 882395779 +450 417 4 882376365 +450 421 4 887834823 +450 422 3 882467991 +450 423 5 882371904 +450 427 5 882371415 +450 431 5 882473914 +450 432 4 882377861 +450 435 4 882374332 +450 443 4 882377861 +450 448 4 882371526 +450 455 4 882376188 +450 457 2 882466909 +450 462 4 882396928 +450 467 4 882374332 +450 470 5 887139517 +450 471 4 882396153 +450 476 4 882469306 +450 479 4 882371526 +450 480 4 882372178 +450 481 5 882373231 +450 483 3 882371826 +450 485 5 882373088 +450 487 4 887660504 +450 489 4 882373464 +450 491 3 882373297 +450 492 5 882397049 +450 496 5 882373532 +450 497 5 882374422 +450 498 3 882396351 +450 499 5 882372178 +450 500 4 882376188 +450 501 4 882371416 +450 503 4 882371311 +450 504 5 882377590 +450 505 5 882376658 +450 511 5 882372178 +450 516 5 882396564 +450 519 4 887660820 +450 521 4 882394180 +450 527 5 882374059 +450 528 5 882371526 +450 530 3 887661843 +450 535 3 882812636 +450 546 4 887139019 +450 557 5 882472306 +450 561 4 887660762 +450 566 4 882373928 +450 568 4 882397939 +450 570 4 887139728 +450 571 2 882471604 +450 583 4 882473914 +450 584 5 882397223 +450 588 4 882376658 +450 597 4 882473914 +450 601 3 882376658 +450 602 4 882373532 +450 603 5 882373088 +450 606 5 882371904 +450 608 4 882373088 +450 609 5 882398312 +450 616 4 882373597 +450 618 4 882373995 +450 619 3 882377861 +450 620 4 882399818 +450 622 5 882468239 +450 627 3 882396489 +450 628 4 882377590 +450 630 3 882376188 +450 631 4 882394251 +450 633 5 887660440 +450 648 5 887660503 +450 651 5 882376658 +450 654 4 882373928 +450 655 4 882377653 +450 657 4 887660504 +450 659 5 882374217 +450 661 3 882373231 +450 662 4 882395914 +450 671 3 882371416 +450 679 1 882374422 +450 693 3 887139232 +450 696 4 882398666 +450 699 4 882395537 +450 702 4 882371904 +450 704 3 882372178 +450 705 4 882373656 +450 709 3 882371826 +450 713 3 882395778 +450 715 3 887137066 +450 716 4 882469166 +450 717 4 887834953 +450 722 5 882471524 +450 724 5 882395537 +450 725 3 882469863 +450 727 4 882812635 +450 731 3 882398084 +450 732 3 882395662 +450 734 2 882471737 +450 739 4 887660650 +450 741 3 882376282 +450 748 4 882370410 +450 749 4 892141807 +450 750 3 884098229 +450 756 3 882398940 +450 761 4 882398939 +450 762 3 882469627 +450 776 4 882468402 +450 781 4 882398220 +450 783 3 882399818 +450 785 3 882395537 +450 794 5 882473476 +450 795 3 882468790 +450 801 4 882469863 +450 807 4 887834823 +450 812 4 882468402 +450 821 2 882812495 +450 823 3 887139729 +450 832 2 882468307 +450 845 4 882373385 +450 846 3 882471524 +450 866 4 882396565 +450 869 4 882470064 +450 900 5 885944864 +450 902 4 889569016 +450 908 1 885945114 +450 926 4 882470125 +450 934 3 882471362 +450 936 5 889569270 +450 939 4 882376803 +450 942 5 882812558 +450 951 4 882399508 +450 956 4 882394097 +450 965 4 882394364 +450 966 4 882377861 +450 968 4 882395537 +450 969 4 882376584 +450 1028 4 882469250 +450 1036 2 882468686 +450 1037 2 882473760 +450 1048 3 882397813 +450 1053 3 882396352 +450 1061 4 882398313 +450 1091 4 882468047 +450 1107 4 887138957 +450 1112 3 882396352 +450 1115 4 882395778 +450 1116 3 887661961 +450 1119 4 882374332 +450 1126 4 887661961 +450 1135 4 882396352 +450 1147 4 882374497 +450 1153 5 882397223 +450 1160 5 886612330 +450 1163 3 882396928 +450 1197 3 882395662 +450 1208 3 882399359 +450 1212 4 882396799 +450 1220 5 882398084 +450 1226 4 887660820 +450 1248 4 882399664 +450 1249 3 882812821 +450 1263 4 882396799 +450 1269 4 882812635 +450 1271 2 882468686 +450 1282 3 882394364 +450 1284 3 887139594 +450 1297 4 882812635 +450 1303 4 887136016 +450 1311 4 887139844 +450 1421 4 882399664 +450 1435 4 882471362 +450 1441 3 882397940 +450 1444 4 882468239 +450 1480 3 882468686 +450 1490 3 882396929 +450 1518 4 887138957 +450 1521 3 882812350 +451 245 2 879012550 +451 258 4 879012343 +451 259 4 879012721 +451 261 2 879012647 +451 266 2 879012811 +451 268 2 879012684 +451 269 2 879012647 +451 286 1 879012343 +451 289 1 879012510 +451 294 5 879012470 +451 300 4 879012550 +451 301 4 879012431 +451 302 3 879012647 +451 304 3 879012684 +451 305 3 879012647 +451 306 2 879012684 +451 307 4 879012431 +451 321 3 879012470 +451 323 4 879012510 +451 324 4 879012647 +451 325 3 879012721 +451 326 4 879012431 +451 327 4 879012580 +451 328 5 879012470 +451 329 4 879012721 +451 330 3 879012721 +451 333 5 879012550 +451 334 3 879012648 +451 335 4 879012721 +451 358 1 879012550 +451 359 2 879012721 +451 678 5 879012510 +451 680 1 879012811 +451 681 1 879012773 +451 748 4 879012550 +451 872 2 879012857 +451 873 5 879012684 +451 874 4 879012684 +451 876 4 879012431 +451 877 4 879012471 +451 878 1 879012811 +451 879 4 879012580 +451 880 1 879012773 +451 882 1 879012812 +451 884 1 879012890 +451 885 1 879012890 +451 886 4 879012773 +451 887 1 879012858 +451 938 4 879012772 +451 948 3 879012890 +451 988 1 879012773 +451 990 3 879012684 +451 991 2 879012647 +451 1022 4 879012858 +451 1038 1 879012889 +451 1265 4 879012772 +451 1280 1 879012773 +451 1295 2 879012811 +451 1395 1 879012858 +452 7 5 885816915 +452 15 4 875275763 +452 22 5 885544110 +452 23 2 876825745 +452 25 2 875559910 +452 45 4 875265446 +452 48 5 885816769 +452 50 5 875264825 +452 52 3 888494119 +452 58 3 875261666 +452 62 2 875563098 +452 66 4 885816884 +452 70 5 888492838 +452 71 3 875273415 +452 73 3 875277472 +452 76 4 875562410 +452 77 3 875562997 +452 82 3 886149040 +452 83 3 885490812 +452 86 4 875274683 +452 88 2 875559842 +452 94 1 888568349 +452 98 5 875263330 +452 100 5 885544109 +452 102 2 875560150 +452 124 5 885816768 +452 127 5 885544109 +452 132 2 875560255 +452 134 3 875265446 +452 135 3 875560790 +452 136 4 875266060 +452 152 2 875264826 +452 153 4 875276361 +452 154 5 888568251 +452 156 4 875261819 +452 163 4 886151027 +452 164 4 875269386 +452 172 4 876297413 +452 179 5 875265368 +452 180 4 875560300 +452 181 4 886151027 +452 183 4 888492759 +452 191 5 876299004 +452 194 4 885816440 +452 195 4 875265114 +452 196 4 875275763 +452 197 5 885816768 +452 199 5 885816768 +452 202 3 885547846 +452 210 4 875561852 +452 211 2 875266197 +452 212 2 885490812 +452 213 4 875265265 +452 223 5 885816768 +452 237 2 875263068 +452 265 3 887719158 +452 275 4 875264491 +452 285 3 888492147 +452 288 2 876298593 +452 290 2 875562903 +452 318 5 885544110 +452 371 3 875562573 +452 384 2 875559398 +452 385 4 875560933 +452 404 4 875561978 +452 418 4 875275700 +452 423 5 885544110 +452 427 4 875264976 +452 435 3 885476560 +452 456 1 876209837 +452 461 4 875273609 +452 462 4 875264825 +452 465 5 886148336 +452 472 5 885816916 +452 474 3 875263067 +452 475 2 876299004 +452 480 5 875261261 +452 481 5 885544110 +452 490 4 875261350 +452 492 4 875263413 +452 495 4 875560508 +452 496 5 875261666 +452 501 3 885476356 +452 504 2 875273544 +452 509 4 875560790 +452 514 3 875261350 +452 515 4 875261747 +452 516 3 888324014 +452 518 5 885816768 +452 520 3 875261100 +452 521 3 885545770 +452 523 2 887889774 +452 526 4 875562645 +452 527 3 885490722 +452 528 4 875261261 +452 530 3 875562062 +452 576 2 875563050 +452 603 4 887718667 +452 607 5 875266680 +452 615 3 875261350 +452 625 3 875562159 +452 631 4 888568464 +452 641 3 875266415 +452 659 4 875266415 +452 661 4 875261747 +452 663 2 885817516 +452 729 1 885981574 +452 736 3 887890174 +452 780 1 885476356 +452 815 2 875277472 +452 825 5 885816916 +452 842 2 875265368 +452 856 4 885817937 +452 863 5 885816769 +452 945 4 888323595 +452 947 5 885816915 +452 1013 1 876215773 +452 1057 1 876215627 +452 1109 2 875273609 +452 1204 4 875560150 +452 1255 2 876298932 +452 1383 1 886149828 +452 1410 1 876297577 +453 4 4 877554490 +453 9 3 888207161 +453 12 5 877553813 +453 22 5 877553870 +453 24 4 877553108 +453 25 4 877552872 +453 48 4 877553761 +453 49 3 877561172 +453 53 3 877561894 +453 55 4 877554301 +453 56 5 877554771 +453 67 4 888205882 +453 77 3 888207161 +453 80 2 888205783 +453 82 3 877561694 +453 85 3 877561301 +453 90 3 877561942 +453 93 2 887941962 +453 94 4 877561956 +453 98 4 877554396 +453 99 3 888205588 +453 120 1 877553678 +453 122 3 877553532 +453 125 3 877561349 +453 132 3 877554871 +453 144 4 877554443 +453 151 3 877552970 +453 164 3 877554771 +453 181 5 877552612 +453 184 4 877554846 +453 186 4 877554466 +453 196 4 877554174 +453 202 4 877553999 +453 204 4 877554704 +453 215 3 877554419 +453 226 3 877561214 +453 227 3 888207162 +453 229 2 888206219 +453 237 4 877552657 +453 246 5 877552590 +453 248 4 887942143 +453 254 2 877562293 +453 257 3 877552590 +453 258 4 876191239 +453 272 5 887941892 +453 273 4 877552678 +453 282 4 877561382 +453 354 4 888201923 +453 364 3 888206676 +453 369 2 877553051 +453 402 3 888207161 +453 403 4 877562293 +453 410 4 877552951 +453 421 4 888203015 +453 423 4 877554819 +453 451 2 877561836 +453 452 2 888206630 +453 453 2 888206768 +453 476 3 890939266 +453 496 4 888203066 +453 508 4 877552612 +453 515 4 876191626 +453 550 3 888207161 +453 552 2 877561713 +453 575 2 892447163 +453 628 3 887942025 +453 652 3 877554443 +453 684 3 888205336 +453 693 5 877561172 +453 697 4 877561235 +453 717 2 888206467 +453 732 3 877561695 +453 750 4 888201942 +453 763 4 877553221 +453 780 3 877561522 +453 781 3 888206022 +453 790 4 877561800 +453 797 1 888206339 +453 826 1 877553430 +453 871 1 888206233 +453 941 2 877561613 +453 959 4 877561676 +453 975 2 887942451 +453 1016 4 877552991 +453 1032 1 877561911 +453 1037 1 888206630 +453 1079 1 887942484 +453 1145 2 888206492 +453 1170 3 877562135 +453 1230 2 888202271 +453 1273 2 877561258 +453 1303 2 888206730 +454 8 5 888266643 +454 15 2 881960029 +454 22 4 881959844 +454 48 4 881960114 +454 55 2 888267617 +454 64 4 881959652 +454 66 4 888266685 +454 69 4 881959818 +454 71 3 888266754 +454 77 4 888266955 +454 81 1 888266433 +454 86 2 888267280 +454 87 4 881960296 +454 89 1 888266433 +454 95 2 888266433 +454 98 1 888266433 +454 99 3 881960296 +454 111 1 888267086 +454 114 3 881960330 +454 117 3 888267343 +454 124 4 881959960 +454 132 2 888266874 +454 134 3 881959991 +454 135 2 888266433 +454 136 3 881959745 +454 140 3 888267386 +454 147 3 888267455 +454 161 4 888267198 +454 162 3 888267315 +454 169 4 888266955 +454 181 3 881959187 +454 182 3 888266685 +454 185 2 881960265 +454 193 2 881959818 +454 199 3 881960413 +454 202 3 881960201 +454 204 4 881960504 +454 211 2 888267158 +454 222 3 888266785 +454 237 4 881960361 +454 238 3 881960361 +454 252 2 881959336 +454 255 4 881959276 +454 259 4 881958606 +454 260 1 888000454 +454 275 2 888267419 +454 279 4 881960330 +454 283 3 888267590 +454 285 2 881959917 +454 289 3 881958783 +454 293 4 881959238 +454 300 4 881958326 +454 302 4 881958326 +454 312 3 888015842 +454 313 5 888000454 +454 317 4 888267343 +454 322 2 881958782 +454 327 3 881958428 +454 367 4 888267128 +454 371 3 888267198 +454 385 3 888266810 +454 387 2 888267279 +454 392 2 888266991 +454 402 3 888267419 +454 414 2 888267226 +454 418 3 888267128 +454 423 4 881959607 +454 431 3 888266991 +454 435 2 881960145 +454 463 2 888267560 +454 465 3 888267343 +454 468 3 888267087 +454 471 3 881960445 +454 472 3 888266874 +454 478 2 888267487 +454 480 4 881959652 +454 483 3 881960145 +454 484 3 881960445 +454 486 3 881960385 +454 487 4 888266565 +454 492 3 888266643 +454 493 2 888267617 +454 498 3 888267559 +454 504 2 888266955 +454 511 3 881960173 +454 526 4 881959698 +454 527 4 881960201 +454 528 4 881959818 +454 530 2 881960174 +454 588 3 881960083 +454 589 2 888267487 +454 602 2 888267521 +454 604 3 881959960 +454 606 2 881960330 +454 610 3 881959576 +454 611 2 888266685 +454 614 3 888267590 +454 627 2 888267643 +454 632 3 881960145 +454 633 2 881959745 +454 657 3 881959876 +454 659 2 888267028 +454 660 3 888267128 +454 678 2 881958782 +454 687 3 881959468 +454 694 2 888266874 +454 724 3 888267158 +454 732 4 888267560 +454 742 3 888267315 +454 748 4 881958551 +454 751 4 888265376 +454 842 2 881960266 +454 879 4 881958402 +454 939 2 888267386 +454 942 2 888267198 +454 956 2 888266955 +454 961 1 888267279 +454 972 2 888267128 +454 984 3 891377968 +454 988 2 888015879 +454 1035 3 888266601 +454 1063 4 881960029 +454 1089 2 881959437 +454 1105 3 888015988 +454 1126 2 888266955 +454 1203 2 888267521 +454 1299 2 888266991 +455 7 4 879111213 +455 8 4 879111345 +455 9 4 878585685 +455 11 3 879110971 +455 12 3 879111123 +455 14 3 883768822 +455 15 2 879110767 +455 17 3 879111862 +455 22 4 879111500 +455 28 4 879111371 +455 44 3 879112678 +455 50 5 878585826 +455 52 3 879112011 +455 53 1 879112415 +455 64 4 879111500 +455 69 4 879111937 +455 77 4 879111528 +455 79 4 879112377 +455 82 5 879110818 +455 95 4 879111057 +455 96 4 879111616 +455 98 4 879110436 +455 117 3 879111345 +455 118 4 879109733 +455 121 4 878585685 +455 123 3 879111705 +455 124 4 879109594 +455 127 5 879111586 +455 135 5 879111248 +455 144 3 879110436 +455 147 4 879109764 +455 148 3 879110346 +455 159 3 879111500 +455 164 4 879110844 +455 172 4 879112054 +455 181 4 878585826 +455 183 4 879111862 +455 193 4 879111586 +455 200 5 879111092 +455 213 4 879111453 +455 217 4 879112320 +455 230 3 879111291 +455 234 4 879110436 +455 237 3 879109923 +455 239 3 879111397 +455 241 4 879111808 +455 250 3 879109966 +455 252 3 879110818 +455 258 5 878585250 +455 259 2 884027220 +455 269 4 878585250 +455 270 4 878585321 +455 275 4 878585826 +455 276 4 879109594 +455 282 3 879109664 +455 286 5 878585250 +455 289 3 892230574 +455 291 3 879109984 +455 292 3 879108751 +455 293 4 879109110 +455 298 4 882818787 +455 307 4 892230486 +455 372 4 879112055 +455 382 3 879112239 +455 385 3 879111907 +455 393 3 879112152 +455 423 5 879111862 +455 435 4 879110544 +455 449 4 879112582 +455 455 3 879111862 +455 463 4 879111737 +455 471 4 879109692 +455 475 4 879109069 +455 523 4 879110946 +455 546 3 879110767 +455 549 4 879112320 +455 550 4 879112700 +455 553 3 879111907 +455 568 4 879112298 +455 581 3 879111763 +455 591 4 879109923 +455 620 3 879108829 +455 629 3 879111371 +455 660 4 879111454 +455 662 4 879111554 +455 709 3 879111471 +455 716 3 879112259 +455 736 3 879112460 +455 744 3 879109881 +455 747 4 879111422 +455 755 3 879112189 +455 770 3 879111586 +455 924 3 879110154 +455 934 3 879110260 +455 942 4 879112011 +455 1086 3 879109692 +455 1160 4 879108892 +455 1167 4 879111123 +455 1171 3 882141702 +456 4 3 881374849 +456 9 3 881372328 +456 14 5 881371427 +456 23 4 881373019 +456 32 4 881372911 +456 33 4 881374086 +456 46 3 881374613 +456 53 4 881375284 +456 56 5 881373353 +456 59 4 881372779 +456 72 1 881374801 +456 79 3 881373228 +456 94 3 881375482 +456 97 4 881373838 +456 98 3 881372779 +456 109 3 881371660 +456 121 2 881372052 +456 125 4 881372015 +456 127 5 881373019 +456 129 3 881372604 +456 135 4 881373169 +456 143 3 881373983 +456 150 4 881371453 +456 175 3 881372946 +456 180 4 881373084 +456 181 3 881373120 +456 186 4 881374048 +456 188 4 881373573 +456 191 3 881372849 +456 196 4 881374649 +456 197 4 881373793 +456 204 3 881374086 +456 208 4 881374710 +456 209 3 881372849 +456 211 4 881374162 +456 214 4 881374586 +456 217 3 881374883 +456 226 2 881375482 +456 229 3 881375482 +456 234 3 881373473 +456 258 4 887165802 +456 265 3 881374048 +456 268 5 887165395 +456 289 4 881372687 +456 294 1 881375667 +456 324 4 881372687 +456 357 4 881373084 +456 366 2 881374967 +456 367 3 881373900 +456 380 3 881375097 +456 382 1 881374710 +456 395 2 881375542 +456 402 2 881375416 +456 403 2 881373900 +456 405 1 881371942 +456 414 3 881374331 +456 419 4 881374124 +456 421 3 881374086 +456 427 4 881372779 +456 433 4 881373120 +456 461 4 881373168 +456 474 5 881373353 +456 480 4 881373573 +456 483 4 881372911 +456 485 4 881373574 +456 506 4 881374332 +456 544 3 881372114 +456 546 4 881371942 +456 547 3 881371660 +456 550 2 881375381 +456 559 3 881373574 +456 580 4 881374767 +456 582 5 881374162 +456 588 3 881374462 +456 616 3 881373655 +456 655 3 881373838 +456 697 4 881374390 +456 715 3 881373697 +456 739 3 881375226 +456 747 4 881374331 +456 763 4 881372015 +456 772 4 881373228 +456 789 3 881374522 +456 793 3 881374883 +456 824 3 881372256 +456 845 3 881371839 +456 864 4 881371660 +456 943 4 881372946 +456 952 4 881371766 +456 1009 5 881372160 +456 1010 5 881371766 +456 1017 4 881372574 +456 1020 4 881373506 +456 1057 3 881372191 +456 1059 4 881372052 +456 1081 4 881372191 +456 1101 3 881374710 +456 1107 4 881375587 +456 1129 4 881371548 +456 1134 4 881372281 +456 1198 4 881371595 +456 1222 2 881375019 +456 1240 3 881374332 +456 1421 3 881374437 +456 1547 4 881373948 +456 1551 3 881374193 +456 1604 4 881372849 +457 1 4 882393244 +457 7 4 882393278 +457 9 5 882393485 +457 11 4 882397020 +457 13 3 882393883 +457 14 4 882393457 +457 22 5 882396705 +457 25 4 882393828 +457 27 4 882549483 +457 28 5 882396989 +457 47 4 882396935 +457 50 5 882393620 +457 51 5 882397734 +457 59 5 882397575 +457 62 3 882550925 +457 65 5 882547967 +457 69 5 882396659 +457 70 4 882396935 +457 77 4 882398345 +457 82 5 882397494 +457 83 5 882396487 +457 88 4 882397763 +457 91 4 882547302 +457 94 3 882549544 +457 97 5 882397699 +457 98 5 882553113 +457 117 4 882393457 +457 120 2 882551344 +457 121 4 882393066 +457 125 4 882393343 +457 133 4 882547820 +457 135 5 882397240 +457 145 3 882549998 +457 147 5 882395400 +457 148 4 882395360 +457 151 5 882394010 +457 154 5 882397058 +457 160 4 882395078 +457 161 4 882397829 +457 162 5 882548793 +457 169 5 882396935 +457 175 5 882547139 +457 176 5 882397542 +457 179 4 882397963 +457 180 5 882396989 +457 181 4 882393384 +457 182 4 882396659 +457 183 5 882397455 +457 185 5 882397375 +457 190 5 882396602 +457 191 5 882396659 +457 192 5 882395018 +457 193 5 882397666 +457 194 5 882397058 +457 195 5 882395049 +457 196 5 882397763 +457 197 5 882396705 +457 200 5 882396799 +457 202 4 882398275 +457 203 4 882397133 +457 204 5 882397699 +457 208 4 882396705 +457 209 5 882553113 +457 210 5 882397337 +457 214 5 882548280 +457 215 4 882398002 +457 216 5 882396765 +457 222 5 882392853 +457 223 5 882396734 +457 225 4 882395825 +457 226 3 882548825 +457 227 4 882392853 +457 231 4 882549998 +457 235 3 882395894 +457 238 5 882392976 +457 239 5 882397267 +457 248 4 882393008 +457 252 4 882395638 +457 257 3 882393036 +457 275 5 882393648 +457 276 4 882393306 +457 284 3 882394010 +457 287 4 882394010 +457 288 4 882392853 +457 294 2 882393514 +457 304 4 882392853 +457 318 5 882397337 +457 356 4 882547670 +457 366 4 882549287 +457 367 4 882396989 +457 368 1 882396133 +457 371 4 882398275 +457 378 4 882548312 +457 386 3 882549133 +457 388 2 882551343 +457 393 3 882548583 +457 401 3 882550654 +457 402 4 882548583 +457 405 5 882553113 +457 410 4 882393937 +457 412 2 882396217 +457 417 4 882549575 +457 423 5 882397699 +457 433 5 882397020 +457 443 4 882396989 +457 450 4 882392853 +457 451 4 882549212 +457 452 3 882551228 +457 458 3 882393765 +457 469 4 882397208 +457 472 4 882395768 +457 473 4 882395360 +457 485 4 882396832 +457 528 5 882397543 +457 540 3 882551740 +457 559 4 882398054 +457 566 4 882548583 +457 568 4 882547590 +457 569 3 882549356 +457 582 5 882548350 +457 588 5 882397411 +457 623 3 882550065 +457 628 4 882393688 +457 629 4 882397177 +457 632 5 882397543 +457 636 4 882548466 +457 658 4 882398308 +457 660 5 882396449 +457 676 3 882395400 +457 692 4 882396989 +457 695 3 882398345 +457 704 4 882397240 +457 708 4 882398002 +457 709 5 882547856 +457 729 4 882547857 +457 732 4 882548426 +457 756 2 882395742 +457 770 4 882547794 +457 775 3 882551021 +457 783 3 882549936 +457 792 4 882548312 +457 819 2 882396001 +457 831 2 882396001 +457 841 4 882395516 +457 931 2 882395916 +457 948 1 882393156 +457 956 4 882548214 +457 1028 3 882393828 +457 1029 3 882551135 +457 1037 2 882551818 +457 1039 5 882397934 +457 1047 2 882395964 +457 1119 4 882398308 +457 1168 5 882548761 +457 1210 4 882549905 +457 1221 4 882549438 +458 1 4 886394423 +458 7 4 886394373 +458 20 4 886394778 +458 21 2 886395393 +458 23 4 886397931 +458 25 1 886394576 +458 28 3 886396005 +458 52 4 886398187 +458 56 5 886397679 +458 58 5 886396140 +458 64 4 886396005 +458 69 2 886397988 +458 76 4 886398121 +458 79 5 886396192 +458 83 4 886398071 +458 96 4 886398543 +458 97 1 886397931 +458 98 3 886396240 +458 99 4 886397110 +458 100 4 886394373 +458 116 4 886394623 +458 117 4 886394623 +458 121 1 886395022 +458 126 4 886394730 +458 129 4 886394667 +458 134 5 886395963 +458 137 5 886394730 +458 143 4 886396005 +458 144 4 886396390 +458 147 2 886395065 +458 179 4 886397808 +458 181 2 886396824 +458 183 4 886396460 +458 187 5 886398543 +458 189 4 886396460 +458 190 4 886397771 +458 194 2 886397504 +458 195 4 886397318 +458 199 4 886396140 +458 203 5 886396460 +458 204 4 886396390 +458 208 4 886395963 +458 238 4 886397679 +458 250 1 886396637 +458 255 2 886396521 +458 273 4 886394730 +458 275 5 886394471 +458 276 5 886394470 +458 278 2 886395469 +458 283 5 886394730 +458 285 4 886394423 +458 286 4 886396637 +458 289 2 889323582 +458 298 5 886396677 +458 301 1 889323539 +458 302 5 886394314 +458 338 3 889323660 +458 433 4 886398289 +458 435 4 886397504 +458 460 4 886394916 +458 467 4 886396240 +458 474 4 886397109 +458 475 4 886394729 +458 483 5 886396460 +458 484 5 886397109 +458 499 4 886397450 +458 509 4 886397857 +458 513 4 886396314 +458 514 5 886397504 +458 515 4 886396729 +458 519 4 886395899 +458 526 5 886396241 +458 527 2 886397857 +458 529 3 886398120 +458 531 5 886395758 +458 546 3 886394863 +458 582 1 886398488 +458 588 5 886396460 +458 589 4 886396140 +458 597 3 886395022 +458 603 4 886397155 +458 619 2 886394778 +458 631 4 886397541 +458 632 4 886398289 +458 644 4 886397275 +458 648 4 886395899 +458 651 3 886397988 +458 654 5 886397771 +458 685 3 886394373 +458 696 3 886395512 +458 704 2 886397857 +458 735 2 886397679 +458 736 4 886398543 +458 744 4 886394623 +458 750 5 889323771 +458 762 3 886395065 +458 823 3 886395119 +458 844 4 886394576 +458 845 3 886394527 +458 896 5 889323481 +458 960 1 886397726 +458 969 4 886395899 +458 980 5 886394667 +458 1039 5 886397275 +458 1067 5 886395311 +458 1101 4 886397931 +458 1109 4 886397318 +458 1226 2 886396910 +458 1335 1 886395565 +459 7 5 879563245 +459 16 2 879562939 +459 25 2 879563201 +459 50 4 879563064 +459 98 5 879564941 +459 105 4 879563819 +459 108 1 879563796 +459 117 5 879563146 +459 125 4 879563169 +459 127 4 879562834 +459 164 4 879564941 +459 172 5 879563902 +459 174 4 879566291 +459 186 4 879566321 +459 235 1 879563367 +459 245 3 879561731 +459 249 2 879562860 +459 257 5 879563245 +459 258 3 879561574 +459 259 4 879561630 +459 260 2 879561782 +459 271 4 879561731 +459 275 4 879562859 +459 286 4 879561532 +459 289 4 879561679 +459 294 5 879561755 +459 298 3 879562895 +459 301 2 879561574 +459 307 5 879561630 +459 332 3 879561630 +459 405 3 879563334 +459 409 2 879563796 +459 455 2 879563392 +459 471 3 879562659 +459 472 5 879563226 +459 477 1 879562995 +459 523 4 879564915 +459 568 3 879564941 +459 619 4 879563169 +459 651 3 879564309 +459 676 3 879563288 +459 678 4 879561783 +459 685 3 879563613 +459 696 4 879563736 +459 748 4 879561754 +459 815 4 879563102 +459 873 4 879561731 +459 879 4 879561630 +459 926 4 879563639 +459 932 4 879563334 +459 934 3 879563639 +459 969 3 879564882 +459 989 5 879561708 +459 1013 3 879563226 +459 1014 1 879563506 +459 1038 4 879561654 +459 1039 3 879564915 +459 1051 3 879563667 +459 1115 3 879563506 +459 1190 4 879563169 +460 1 2 882911203 +460 9 3 882912150 +460 10 3 882912371 +460 13 3 882912371 +460 19 5 882912418 +460 100 5 882912418 +460 117 3 882912342 +460 124 4 882912150 +460 127 4 882912150 +460 137 5 882912418 +460 151 3 882912205 +460 224 4 882911603 +460 242 4 882910838 +460 245 3 882910657 +460 248 4 882912342 +460 250 2 882912261 +460 276 5 882912418 +460 279 2 882912316 +460 283 3 882912316 +460 285 4 882912205 +460 288 2 882910678 +460 298 2 882912440 +460 304 2 882911101 +460 306 4 882912418 +460 307 4 882912418 +460 312 4 882910837 +460 313 4 882910837 +460 321 3 882910510 +460 458 2 882911603 +460 515 5 882912418 +460 847 3 882912205 +460 870 2 882912469 +460 1011 4 882912205 +460 1067 4 882912316 +460 1137 3 882912235 +460 1142 4 882911203 +460 1171 3 882912235 +460 1251 3 882912285 +460 1380 3 882912469 +461 9 5 885356112 +461 158 2 885355930 +461 242 3 885355735 +461 258 4 885355735 +461 285 4 885356112 +461 294 3 885355805 +461 304 4 885355805 +461 305 2 885355757 +461 319 3 885355778 +461 327 4 885355757 +461 575 2 885355930 +461 748 1 885355839 +462 11 5 886365498 +462 22 5 886365498 +462 100 4 886365387 +462 136 4 886365498 +462 181 4 886365443 +462 237 5 886365387 +462 259 3 886365773 +462 261 2 886365773 +462 272 5 886365142 +462 292 5 886365260 +462 300 5 886365260 +462 322 5 886365773 +462 323 2 886365837 +462 326 4 886365297 +462 328 5 886365773 +462 330 3 886365803 +462 346 1 886365928 +462 539 3 886365773 +462 655 5 886365467 +462 682 5 886365231 +462 866 5 886365387 +462 873 4 886365706 +463 1 1 890453075 +463 16 4 877385830 +463 19 5 877385341 +463 20 5 877385590 +463 25 3 877385664 +463 93 4 877385457 +463 107 3 889936181 +463 111 2 877385414 +463 121 3 877385797 +463 125 4 877385590 +463 126 4 877385531 +463 129 2 877385287 +463 137 2 877385237 +463 147 3 877386047 +463 224 3 877385181 +463 237 4 877385237 +463 243 1 877384970 +463 246 4 877387935 +463 248 3 889935953 +463 253 5 877387935 +463 258 5 877387935 +463 268 4 877384940 +463 269 5 877384802 +463 271 1 889943811 +463 275 5 877385287 +463 276 3 877385287 +463 283 5 877385287 +463 286 4 877387935 +463 301 5 889936512 +463 302 5 877384835 +463 304 3 877384881 +463 310 3 889936490 +463 313 4 889935655 +463 319 1 889936589 +463 472 3 877385922 +463 473 4 877385731 +463 475 3 877385341 +463 476 3 877385664 +463 477 2 877385489 +463 508 4 877385125 +463 539 1 889936753 +463 591 4 877385590 +463 690 4 877384802 +463 740 4 877385922 +463 744 3 877385457 +463 749 3 877384882 +463 751 4 889943769 +463 764 2 877385457 +463 819 1 889937778 +463 845 3 877385830 +463 866 3 877385862 +463 870 2 877385615 +463 880 4 890452525 +463 887 5 890452468 +463 892 2 889936774 +463 926 1 890453075 +463 936 2 890460826 +463 952 1 890453075 +463 985 1 877386923 +463 1007 3 877387935 +463 1009 3 877386047 +463 1017 2 877385731 +463 1028 2 877386082 +463 1060 2 889936244 +463 1067 2 877385531 +463 1115 4 877385531 +463 1163 4 877385982 +463 1197 4 877385180 +463 1199 1 889937778 +463 1216 3 877387935 +463 1244 1 890530329 +463 1284 4 877385381 +463 1377 4 889935837 +463 1606 2 889936565 +464 12 5 878355167 +464 16 4 878355211 +464 50 4 878354966 +464 127 5 878354966 +464 176 4 878355211 +464 248 5 878354998 +464 249 2 878355119 +464 255 4 878355061 +464 257 4 878355088 +464 259 4 878354859 +464 264 4 878354886 +464 270 4 878354762 +464 288 4 878354626 +464 292 5 878354722 +464 293 5 878355033 +464 295 5 878355033 +464 299 4 878354791 +464 302 5 878354626 +464 307 5 878354859 +464 321 4 878354680 +464 322 3 878354680 +464 332 4 878354761 +464 479 4 878355167 +464 510 4 878355167 +464 515 5 878354965 +464 520 5 878355167 +464 603 5 878355259 +464 984 2 878354681 +464 1025 2 878354829 +465 1 4 883530054 +465 7 5 883529916 +465 8 4 883530991 +465 32 3 883531026 +465 48 3 883530313 +465 56 4 883531110 +465 98 4 883531409 +465 100 3 883532119 +465 127 4 883530667 +465 132 4 883531325 +465 135 3 883531380 +465 136 4 883530133 +465 143 4 883531380 +465 151 3 883530818 +465 154 2 883532119 +465 169 4 883531072 +465 172 3 883531026 +465 174 3 883531409 +465 181 3 883530521 +465 258 5 883529482 +465 275 4 883530521 +465 281 2 883532120 +465 357 4 883531325 +465 404 2 883532120 +465 408 5 883530391 +465 423 3 883531533 +465 428 3 883531246 +465 511 4 883530991 +465 513 5 883530015 +465 528 3 883530190 +465 615 3 883530991 +465 651 3 883531155 +465 705 4 883531444 +465 835 3 883531026 +465 836 3 883531155 +465 845 4 883530743 +465 868 2 883532119 +465 929 3 883530818 +466 4 3 890285034 +466 7 4 890284819 +466 11 3 890284707 +466 17 5 890284766 +466 22 5 890284706 +466 33 4 890285113 +466 50 5 890284819 +466 55 4 890284857 +466 56 4 890284706 +466 68 3 890285159 +466 79 3 890284706 +466 82 3 890284819 +466 92 4 890285034 +466 96 5 890284819 +466 98 3 890285762 +466 121 3 890285034 +466 144 5 890284707 +466 161 2 890285113 +466 173 3 890285762 +466 174 5 890284706 +466 182 4 890284706 +466 184 4 890285113 +466 187 3 890284857 +466 195 4 890284857 +466 210 4 890284706 +466 226 4 890285034 +466 231 1 890285159 +466 241 5 890284857 +466 258 4 890284652 +466 260 4 890283592 +466 268 2 890282759 +466 273 4 890284857 +466 288 4 890284651 +466 292 4 890284651 +466 294 3 890282986 +466 300 3 890282795 +466 313 5 890284651 +466 326 3 890282925 +466 327 3 890282956 +466 328 4 890284652 +466 346 3 890283056 +466 403 3 890284857 +466 405 3 890284903 +466 510 2 890284857 +466 518 4 890284903 +466 679 3 890285159 +466 684 4 890285034 +466 885 2 890283667 +466 895 3 890283056 +466 899 5 890284231 +466 908 4 890284651 +466 909 5 890284231 +466 995 5 890284231 +466 1176 5 890284651 +466 1607 5 890284231 +467 1 4 879532459 +467 10 4 879532496 +467 24 4 879532496 +467 117 2 879532437 +467 127 5 879532478 +467 181 3 879532420 +467 222 3 879532651 +467 246 5 879532534 +467 249 3 879532671 +467 258 2 879532164 +467 269 4 879532145 +467 273 4 879532565 +467 293 4 879532385 +467 302 4 879532127 +467 327 4 879532164 +467 475 4 879532460 +467 742 2 879532671 +467 919 2 879532535 +467 1011 2 879532630 +467 1012 3 879532534 +467 1059 4 879532693 +467 1226 4 879532744 +468 1 5 875280395 +468 5 3 875287686 +468 7 3 875280214 +468 9 5 875280041 +468 12 4 875291902 +468 22 5 875287686 +468 24 3 875280462 +468 25 5 875280214 +468 42 4 875294549 +468 44 4 875302208 +468 47 5 875301056 +468 50 5 875280352 +468 55 5 875287615 +468 58 4 875288771 +468 64 5 875286450 +468 65 3 875294549 +468 70 3 875287535 +468 82 5 875292320 +468 89 4 875291722 +468 91 5 875301056 +468 95 4 875287826 +468 96 5 875295148 +468 97 5 875288503 +468 100 5 875279269 +468 111 4 875280518 +468 117 2 875280499 +468 118 3 875280417 +468 121 4 875280628 +468 124 5 875280331 +468 126 3 875280214 +468 127 4 875280126 +468 135 5 875287895 +468 143 5 875288197 +468 144 5 875287826 +468 150 5 875280309 +468 153 5 875287720 +468 157 4 875294741 +468 161 3 875296309 +468 170 4 875301056 +468 172 4 875293386 +468 174 5 875294549 +468 178 5 875296401 +468 180 5 875291902 +468 191 4 875287686 +468 192 4 875291403 +468 195 5 875291902 +468 204 5 875287826 +468 216 5 875288771 +468 218 4 875294971 +468 226 2 875302208 +468 237 4 875280181 +468 238 3 875286036 +468 246 5 875280352 +468 248 4 875280352 +468 286 4 875279126 +468 297 4 875280462 +468 318 5 875293386 +468 367 4 875296868 +468 372 2 875301098 +468 377 2 875288503 +468 427 5 875291722 +468 432 5 875287826 +468 462 4 875288196 +468 471 3 875279269 +468 508 4 875280539 +468 529 3 875287686 +468 531 4 875295368 +468 584 4 875288771 +468 647 5 875293386 +468 655 5 875294464 +468 699 3 875287686 +468 724 4 875287615 +468 772 4 875291722 +468 943 3 875287721 +468 952 3 875280310 +468 955 4 875288504 +468 963 5 875286036 +468 1012 4 875280462 +468 1016 3 875280670 +468 1051 2 875284635 +468 1070 5 875301653 +468 1134 5 875280670 +469 64 5 879523802 +469 65 4 879524178 +469 152 4 879523947 +469 161 3 879523802 +469 168 4 879524006 +469 199 4 879524006 +469 215 4 879523802 +469 238 4 879525237 +469 286 5 879450367 +469 306 4 879450473 +469 474 5 879524117 +469 487 5 879524178 +469 490 5 879524485 +469 507 5 879523803 +469 510 4 879523802 +469 511 5 879524062 +469 520 4 879523947 +469 582 5 879524266 +469 603 5 879524376 +469 607 5 879524117 +469 611 5 879525237 +470 1 3 879178428 +470 7 3 879178518 +470 9 5 879178370 +470 13 4 879178518 +470 124 3 879178486 +470 129 3 879178542 +470 150 5 879178406 +470 181 4 879189434 +470 222 3 879178711 +470 235 3 879178486 +470 257 4 879178568 +470 258 4 879178216 +470 273 3 879178370 +470 276 5 879178619 +470 277 4 879178593 +470 283 5 879178370 +470 286 4 879178216 +470 291 2 879178777 +470 305 4 879178257 +470 319 3 879178216 +470 327 3 879178274 +470 360 2 879189269 +470 458 4 879178542 +470 471 5 879178593 +470 742 4 879178455 +470 874 3 879189137 +470 1067 4 879178568 +470 1084 3 879178406 +470 1134 4 879178486 +471 50 3 889827757 +471 71 3 889828154 +471 82 5 889827822 +471 172 4 889827822 +471 225 5 889828026 +471 393 5 889827918 +471 404 2 889827757 +471 420 1 889828027 +471 422 5 889827982 +471 432 1 889827822 +471 465 5 889827822 +471 627 1 889827881 +471 768 3 889827982 +471 878 4 889827710 +471 932 5 889828027 +471 946 2 889827982 +471 1219 4 889828026 +472 2 5 892790676 +472 7 5 892790953 +472 12 5 892791017 +472 21 3 875978686 +472 22 5 892790953 +472 24 5 892791017 +472 28 5 892791063 +472 29 5 875982867 +472 33 5 875981829 +472 41 4 875982511 +472 43 4 875982560 +472 50 5 875978010 +472 51 5 875981708 +472 56 5 875979853 +472 62 5 875981876 +472 63 4 875982511 +472 64 5 875981829 +472 67 4 892790628 +472 68 5 892791017 +472 69 5 892790628 +472 78 1 875982967 +472 79 5 892790953 +472 82 5 892791017 +472 91 5 892791063 +472 94 5 892791063 +472 95 3 875980209 +472 96 5 875980823 +472 100 5 875978534 +472 101 5 875981624 +472 105 3 875979402 +472 109 4 875978686 +472 121 5 875978600 +472 122 3 875979153 +472 125 5 875979041 +472 132 5 875979853 +472 140 3 875980823 +472 143 4 875980823 +472 150 3 875978686 +472 161 5 875982149 +472 172 5 892791063 +472 173 5 875982641 +472 174 5 875981595 +472 175 5 875979910 +472 176 5 875981664 +472 183 5 875980376 +472 186 5 888183325 +472 191 5 875980283 +472 200 4 875981158 +472 202 5 875979737 +472 208 5 875981317 +472 210 5 875981664 +472 214 4 875979964 +472 215 4 875981968 +472 216 4 875981230 +472 222 5 876882530 +472 226 5 875982867 +472 227 5 875981429 +472 230 5 875981876 +472 231 5 875980418 +472 235 5 875978994 +472 239 5 875982398 +472 240 4 875979187 +472 252 4 875978191 +472 254 4 875978191 +472 257 4 875978096 +472 260 4 875977827 +472 264 3 875977870 +472 265 4 892790676 +472 271 5 892790628 +472 294 4 875977735 +472 313 5 892790628 +472 323 4 892790117 +472 338 4 892790531 +472 343 5 892790628 +472 356 3 875983231 +472 358 5 892790676 +472 366 4 892790952 +472 367 5 892790953 +472 373 4 875983129 +472 375 5 875982680 +472 385 5 892790676 +472 386 5 892790953 +472 391 2 875983129 +472 392 4 875981503 +472 402 5 892791063 +472 403 5 875982200 +472 404 3 875982922 +472 405 5 875978600 +472 416 3 875982867 +472 419 4 875982337 +472 420 3 875982149 +472 421 5 875982200 +472 423 5 892791017 +472 426 4 875980010 +472 432 5 875979964 +472 443 4 875982149 +472 465 3 875982149 +472 472 5 875979153 +472 485 3 875980377 +472 496 4 875980823 +472 540 3 875982239 +472 546 4 875979041 +472 548 1 875982867 +472 549 5 892791063 +472 554 5 875982771 +472 562 5 875983023 +472 566 4 875982727 +472 569 4 892790676 +472 576 5 892790952 +472 577 3 875982680 +472 581 4 875981551 +472 597 5 892791062 +472 603 5 875980376 +472 651 4 875981830 +472 660 5 875982096 +472 665 4 875983023 +472 672 4 875982771 +472 678 4 883904118 +472 742 5 883903715 +472 760 5 892790953 +472 768 5 875982771 +472 780 4 875982922 +472 796 4 875981595 +472 810 5 875982922 +472 825 5 875979439 +472 831 5 875979498 +472 834 3 875979685 +472 866 5 875978600 +472 890 4 883903272 +472 895 4 892790628 +472 916 5 892790627 +472 928 4 875979562 +472 1002 4 883904649 +472 1014 4 875978191 +472 1029 4 875983321 +472 1034 3 875979359 +472 1035 4 875981759 +472 1047 4 875979082 +472 1058 4 875980081 +472 1074 5 892790676 +472 1079 4 883904360 +472 1090 5 875983321 +472 1110 5 875981429 +472 1139 5 875983231 +472 1215 4 875979562 +472 1239 5 892790676 +473 9 5 878157357 +473 14 4 878157242 +473 20 3 878157568 +473 124 4 878157357 +473 127 5 878157299 +473 129 4 878157329 +473 150 5 878157329 +473 242 3 878156824 +473 246 5 878157404 +473 256 4 878157648 +473 285 4 878157404 +473 302 4 878156824 +473 303 4 878156932 +473 319 3 878156824 +473 321 2 878156950 +473 475 5 878157299 +473 1007 4 878157329 +473 1143 4 878157242 +474 4 5 887927588 +474 9 5 887916203 +474 12 5 887924683 +474 13 5 887915684 +474 14 5 887915306 +474 22 4 887924571 +474 23 4 887925620 +474 25 5 887916608 +474 26 4 887927509 +474 28 4 887924619 +474 31 4 887926573 +474 44 3 887926998 +474 45 5 887924618 +474 47 4 887927339 +474 50 5 887915221 +474 55 4 887926271 +474 56 5 887924083 +474 58 4 887925977 +474 59 3 887923708 +474 60 3 887925620 +474 64 5 887924027 +474 66 4 887926437 +474 69 5 887924618 +474 70 4 887928498 +474 86 4 887927456 +474 88 4 887926106 +474 89 5 887924425 +474 96 4 887925497 +474 97 5 887924028 +474 107 3 887915722 +474 111 4 887916203 +474 116 5 887915366 +474 124 5 887915269 +474 126 4 887915366 +474 127 5 887915188 +474 131 4 887927509 +474 137 5 887915188 +474 141 4 887926059 +474 143 4 887926573 +474 150 5 887915188 +474 151 3 887916203 +474 168 3 887927670 +474 174 5 887925750 +474 179 5 887924424 +474 182 5 887923924 +474 185 5 887923923 +474 186 4 887925977 +474 187 5 887923708 +474 188 5 887926437 +474 190 3 887923972 +474 193 4 887925497 +474 197 5 887923788 +474 200 3 887925497 +474 204 4 887924084 +474 205 5 887924469 +474 207 4 887925751 +474 208 3 887925497 +474 211 5 887925751 +474 212 4 887927670 +474 213 4 887927509 +474 215 5 887926804 +474 218 4 887927588 +474 222 4 887915479 +474 230 3 887927728 +474 248 4 887916438 +474 252 4 887916567 +474 255 4 887915600 +474 259 1 887914878 +474 274 3 887916330 +474 282 4 887916411 +474 284 4 887915645 +474 286 5 887914646 +474 288 3 887914615 +474 289 3 887914906 +474 291 4 887916567 +474 294 3 887916330 +474 302 5 887914615 +474 313 4 887914615 +474 315 5 887914615 +474 318 5 887923708 +474 323 2 887915020 +474 326 3 887914822 +474 343 3 887915082 +474 356 5 887928793 +474 357 5 887924618 +474 378 4 887927152 +474 381 4 887924683 +474 385 4 887927670 +474 405 4 887916260 +474 411 2 887915684 +474 414 4 887927153 +474 416 4 887926271 +474 421 3 887928562 +474 423 5 887924425 +474 427 5 887923924 +474 430 3 887925977 +474 431 4 887926999 +474 434 4 887928562 +474 436 3 887926873 +474 448 5 887925751 +474 462 4 887925497 +474 467 4 887928498 +474 468 4 887926999 +474 469 4 887925916 +474 470 3 887926437 +474 471 3 887915307 +474 475 4 887915479 +474 478 4 887926804 +474 479 5 887923972 +474 482 3 887925395 +474 485 4 887926804 +474 486 4 887924425 +474 487 4 887923972 +474 490 5 887926059 +474 491 4 887925187 +474 492 4 887925838 +474 497 5 887926106 +474 504 5 887924469 +474 505 5 887924425 +474 507 4 887924424 +474 509 5 887927457 +474 510 4 887925837 +474 511 5 887925620 +474 514 4 887926632 +474 515 5 887915269 +474 519 4 887926872 +474 520 5 887925837 +474 523 5 887924083 +474 525 4 887925837 +474 526 5 887927339 +474 527 5 887923923 +474 530 5 887926271 +474 549 5 887926999 +474 566 5 887926632 +474 582 5 887927728 +474 584 5 887927728 +474 601 5 887927509 +474 604 4 887926059 +474 605 3 887927670 +474 606 3 887924571 +474 607 4 887926872 +474 608 4 887925187 +474 609 4 887927509 +474 611 4 887925395 +474 614 4 887926999 +474 616 4 887924028 +474 617 3 887925620 +474 628 4 887915414 +474 630 3 887928793 +474 647 4 887924571 +474 648 4 887926804 +474 650 4 887925187 +474 651 5 887927670 +474 652 4 887925838 +474 654 5 887924469 +474 655 5 887924083 +474 657 5 887924028 +474 659 5 887925187 +474 660 5 887926999 +474 663 4 887924084 +474 664 4 887925620 +474 671 3 887926105 +474 678 2 887915020 +474 685 3 887915784 +474 692 4 887927588 +474 697 4 887928498 +474 699 4 887927457 +474 709 5 887928755 +474 729 4 887927152 +474 737 4 887926633 +474 748 3 887914979 +474 792 4 887926573 +474 836 3 887926804 +474 924 4 887915600 +474 929 3 887916330 +474 939 4 887928562 +474 943 4 887925751 +474 945 4 887923923 +474 956 4 887926271 +474 971 4 887924469 +474 1011 4 887916203 +474 1063 5 887927728 +474 1113 3 887926059 +474 1124 4 887927152 +474 1134 3 887915306 +474 1200 4 887927339 +474 1221 4 887926999 +474 1286 2 887927670 +474 1421 4 887928562 +475 50 5 891627857 +475 70 4 891627606 +475 127 4 891627857 +475 258 1 891451205 +475 269 4 891451276 +475 302 3 891451083 +475 303 1 891451341 +475 306 5 891451276 +475 327 4 891451149 +475 354 2 891627606 +475 539 3 891451693 +475 902 5 891451402 +476 4 4 883364143 +476 26 4 883364475 +476 47 3 883364392 +476 56 4 883365019 +476 66 3 883364433 +476 67 4 883365218 +476 70 3 883364680 +476 73 4 883364475 +476 80 3 883364392 +476 83 3 883364143 +476 85 2 883364433 +476 88 4 883364717 +476 90 3 883364433 +476 94 2 883364780 +476 168 5 883364143 +476 173 5 883364218 +476 201 4 883364324 +476 208 5 883364250 +476 210 4 883364218 +476 239 4 883364475 +476 245 4 883365784 +476 268 4 883365503 +476 294 3 883365634 +476 300 5 883365561 +476 319 1 883365561 +476 325 1 883365684 +476 384 4 883365274 +476 386 2 883365135 +476 393 4 883365135 +476 399 3 883364812 +476 401 3 883364812 +476 430 4 883364143 +476 433 4 883364250 +476 451 3 883364475 +476 579 2 883365385 +476 648 4 883364295 +476 655 4 883365019 +476 692 3 883364143 +476 732 3 883364250 +476 738 3 883364812 +476 746 3 883364295 +476 780 3 883365274 +476 940 3 883365336 +476 959 3 883364433 +476 999 2 883365385 +476 1036 2 883364780 +476 1180 3 883365336 +476 1271 2 883364433 +477 20 4 875941888 +477 36 4 875941224 +477 49 5 875941155 +477 66 5 875941763 +477 90 4 875941275 +477 111 5 875941763 +477 237 4 875940451 +477 274 5 875941763 +477 275 5 875941763 +477 282 4 875941948 +477 289 5 875941793 +477 294 4 875940693 +477 369 4 875940836 +477 451 5 875941763 +477 546 4 875941972 +477 553 5 875941155 +477 722 5 875941763 +477 731 4 875941275 +477 732 4 875941111 +477 739 4 875941191 +477 756 4 875940755 +477 778 4 875941191 +477 794 4 875941111 +477 846 4 875942042 +477 1041 5 875941225 +477 1051 5 875941763 +478 1 4 889387931 +478 7 1 889387871 +478 11 4 889395638 +478 12 5 889388862 +478 15 5 889397306 +478 26 5 889396212 +478 32 3 889395678 +478 40 1 889398198 +478 64 5 889388862 +478 65 4 889395879 +478 68 1 889396582 +478 69 3 889388612 +478 71 3 889388790 +478 77 1 889395879 +478 96 2 889396509 +478 100 5 889388863 +478 124 4 889387982 +478 134 2 889397467 +478 144 5 889396509 +478 150 4 889388098 +478 153 3 889396212 +478 160 2 889395921 +478 178 4 889388562 +478 182 5 889389014 +478 195 4 889396509 +478 196 3 889395921 +478 202 4 889396256 +478 204 4 889388658 +478 222 2 889387931 +478 231 1 889398598 +478 232 2 889396180 +478 235 2 889388357 +478 238 3 889388818 +478 283 4 889388137 +478 300 3 889387471 +478 327 3 889387577 +478 340 5 889398260 +478 367 4 889396235 +478 393 4 889397306 +478 410 3 889388357 +478 433 3 889396330 +478 447 4 889396732 +478 451 5 889396282 +478 467 5 889395563 +478 568 5 889396615 +478 591 3 889387958 +478 616 4 889398260 +478 655 3 889395541 +478 708 3 889397239 +478 710 5 889396029 +478 762 4 889388161 +478 780 3 889397808 +478 843 5 889397582 +478 869 2 889396102 +478 946 2 889396917 +478 959 4 889396049 +478 975 4 889388229 +478 1041 3 889396449 +478 1048 4 889388357 +478 1101 4 889396005 +478 1221 2 889398645 +478 1270 1 889396212 +479 8 5 879461415 +479 15 3 879460140 +479 22 4 879461280 +479 24 3 879460236 +479 31 4 889125905 +479 32 3 879461354 +479 62 3 879462007 +479 66 3 879462103 +479 89 4 879460959 +479 95 4 879461818 +479 96 4 879460959 +479 108 4 879460424 +479 111 4 879460323 +479 131 3 879460999 +479 136 4 879461447 +479 137 4 889125448 +479 143 1 879461669 +479 148 2 879460354 +479 151 4 879461914 +479 154 3 889126007 +479 157 5 879461856 +479 169 5 879460917 +479 172 4 879461084 +479 173 5 879460984 +479 177 4 889125665 +479 180 4 879460819 +479 183 5 889125563 +479 187 4 879460785 +479 188 2 879461545 +479 193 3 879460939 +479 196 4 879461207 +479 198 5 879460939 +479 199 5 879460863 +479 200 5 889125775 +479 201 4 879461142 +479 202 4 879461567 +479 203 3 879460893 +479 204 4 879461583 +479 205 3 879461015 +479 213 4 879461039 +479 215 3 879461651 +479 222 4 879460028 +479 234 5 879461318 +479 235 3 879460503 +479 238 4 879461039 +479 250 4 879460393 +479 252 2 879460628 +479 258 5 879459552 +479 264 3 879459791 +479 265 4 879460918 +479 270 4 879459641 +479 271 3 879459692 +479 272 4 889125255 +479 273 4 879459909 +479 274 4 879460370 +479 281 3 879460285 +479 283 4 879460140 +479 294 3 879459578 +479 295 1 879460424 +479 300 2 879459641 +479 318 5 879461039 +479 328 4 879459611 +479 335 3 879459752 +479 338 1 887064372 +479 340 1 887064320 +479 356 3 879461951 +479 357 4 889125798 +479 380 3 879462007 +479 403 3 879461988 +479 408 5 879460091 +479 423 2 879461084 +479 431 4 879461741 +479 455 4 889125853 +479 470 5 889125718 +479 471 4 879460028 +479 472 1 879460354 +479 474 5 879461279 +479 475 1 879460028 +479 479 4 879461378 +479 480 5 889125737 +479 485 3 879460844 +479 490 4 879461337 +479 496 3 879461084 +479 498 5 879461179 +479 509 4 879461756 +479 510 4 879461337 +479 511 5 879461280 +479 526 4 879461378 +479 546 2 879460305 +479 566 3 879461800 +479 584 3 879461873 +479 588 1 879461378 +479 602 4 879461492 +479 604 3 879461084 +479 609 5 879461951 +479 629 3 879461161 +479 647 5 879461039 +479 651 5 889125921 +479 670 3 879461530 +479 688 1 887064434 +479 727 5 879461818 +479 751 4 889125759 +479 756 1 879462203 +479 831 2 879460562 +479 915 4 893281238 +479 986 1 879460648 +479 1007 4 879460140 +479 1028 1 879460192 +479 1142 5 879459939 +479 1444 1 879462121 +479 1608 2 889125499 +480 12 5 891208433 +480 50 4 891207951 +480 56 4 891208492 +480 64 3 891208293 +480 79 4 891208718 +480 89 4 891208651 +480 96 4 891208623 +480 98 4 891208239 +480 100 4 891207715 +480 152 4 891208390 +480 169 5 891208327 +480 185 2 891208718 +480 197 3 891208215 +480 208 2 891208650 +480 209 4 891208599 +480 213 5 891208492 +480 249 1 891207975 +480 257 4 891208037 +480 258 3 891207859 +480 272 4 891207539 +480 294 1 891208058 +480 302 4 891207539 +480 443 4 891208746 +480 462 4 891208520 +480 479 4 891208215 +480 485 4 891208186 +480 504 4 891208822 +480 511 4 891208599 +480 527 4 891208327 +480 654 4 891208718 +480 661 4 891208327 +480 705 4 891208520 +480 863 4 891208356 +480 1007 4 891207715 +480 1121 4 891208689 +480 1388 4 891207665 +481 8 3 885828245 +481 50 4 885827974 +481 70 5 885828389 +481 86 5 885828650 +481 88 4 885829153 +481 100 4 885828426 +481 144 4 885828732 +481 163 4 885828389 +481 173 4 885828165 +481 181 5 885827974 +481 191 5 885828543 +481 198 4 885828686 +481 199 5 885828543 +481 202 4 885829240 +481 204 4 885829196 +481 207 3 885828619 +481 211 5 885828426 +481 252 4 885828016 +481 283 5 885828389 +481 322 4 885828016 +481 393 3 885829045 +481 430 4 885829196 +481 479 4 885828619 +481 484 4 885828686 +481 498 5 885828619 +481 500 4 885828732 +481 580 4 885829153 +481 663 4 885828297 +482 50 4 887644063 +482 243 2 887644023 +482 245 4 887643461 +482 249 2 887644102 +482 258 2 887644023 +482 269 4 887643096 +482 286 3 887644023 +482 288 3 887644023 +482 294 4 887643365 +482 313 5 887643146 +482 315 3 887643146 +482 328 4 887643289 +482 346 3 887644022 +482 682 3 887644022 +482 748 4 887643365 +482 881 3 887644022 +483 9 2 878952471 +483 50 5 878953485 +483 68 1 878953693 +483 91 3 884047427 +483 101 2 884047278 +483 116 3 878951532 +483 121 2 878952692 +483 151 2 878952582 +483 173 4 884047454 +483 180 2 878954086 +483 195 3 878954753 +483 222 3 878953485 +483 227 3 878953592 +483 228 5 878953485 +483 229 3 878953485 +483 257 2 878952519 +483 258 4 878950353 +483 274 4 878953129 +483 283 5 878952582 +483 290 3 878953199 +483 318 3 884046480 +483 380 3 878953592 +483 473 3 878953090 +483 480 3 878953862 +483 510 3 878953751 +483 515 4 878950971 +483 582 3 887677797 +483 676 4 878950972 +483 743 1 893098548 +483 1152 4 893098572 +484 2 4 891195391 +484 4 4 891195154 +484 7 4 881449706 +484 14 4 885237963 +484 22 5 891194841 +484 24 1 881449826 +484 28 5 880937193 +484 29 3 891195532 +484 38 4 891195532 +484 51 4 891194910 +484 71 2 891194743 +484 73 4 891195199 +484 79 5 891195322 +484 82 4 891195444 +484 87 5 891195746 +484 88 4 891195179 +484 89 4 891195298 +484 95 4 891195773 +484 98 4 891195687 +484 111 4 881450111 +484 117 4 881449561 +484 121 4 881449910 +484 125 4 881450017 +484 136 5 891194766 +484 150 4 891195246 +484 153 5 891194716 +484 161 4 891195444 +484 168 4 891195036 +484 172 5 891195298 +484 173 5 891195036 +484 174 5 891195298 +484 176 4 891195298 +484 181 5 881254239 +484 183 4 891195323 +484 186 4 891195219 +484 197 4 891195973 +484 204 5 891195057 +484 210 5 891194743 +484 211 4 891195036 +484 216 4 891195105 +484 222 5 883402900 +484 226 4 891195390 +484 229 5 891195476 +484 231 2 891195476 +484 233 5 891195444 +484 237 3 881450112 +484 241 3 891195390 +484 274 4 881450085 +484 275 3 891195973 +484 294 4 878060860 +484 313 5 885237934 +484 315 3 883973609 +484 385 4 891195416 +484 392 4 891194932 +484 393 1 891195246 +484 405 4 881450182 +484 415 3 891195857 +484 419 4 891195825 +484 423 5 891195746 +484 427 5 891195746 +484 431 4 891194692 +484 449 4 891195602 +484 468 5 891194886 +484 471 4 881449737 +484 472 4 891195565 +484 562 3 891195565 +484 566 4 891195416 +484 655 5 891194820 +484 679 2 891195476 +484 684 5 891195390 +484 692 5 891194998 +484 699 4 891195773 +484 720 4 891195532 +484 732 5 891194864 +484 742 3 881449737 +484 746 4 891195179 +484 829 2 891195663 +484 849 3 891195506 +484 930 3 880270596 +484 951 1 891195886 +484 1016 4 883402866 +485 242 5 891040423 +485 269 4 891040493 +485 286 2 891040897 +485 301 2 891041551 +485 302 5 891040423 +485 303 4 891040688 +485 311 3 891040423 +485 319 3 891041485 +485 328 2 891040560 +485 330 3 891042162 +485 345 1 891040560 +485 346 4 891040967 +485 748 2 891041551 +485 752 3 891040967 +485 889 5 891040560 +486 1 4 879874870 +486 9 5 879874449 +486 10 4 879874871 +486 14 5 879874725 +486 16 3 879874583 +486 20 3 879875069 +486 21 3 879875371 +486 25 4 879874838 +486 50 5 879874582 +486 93 4 879874629 +486 100 5 879875465 +486 106 1 879875408 +486 108 4 879874810 +486 117 3 879874939 +486 124 5 879874545 +486 129 4 879874939 +486 137 4 879874871 +486 148 2 879874903 +486 150 3 879874838 +486 151 2 879875041 +486 222 3 879874939 +486 235 2 879875370 +486 236 3 879874629 +486 242 4 879874018 +486 244 3 879875220 +486 245 3 879875441 +486 246 3 879874545 +486 248 4 879874663 +486 251 5 879874582 +486 252 3 879875316 +486 255 3 879874692 +486 262 1 879874017 +486 264 3 879874262 +486 268 3 879874064 +486 269 4 879874388 +486 273 3 879874871 +486 275 4 879874582 +486 277 3 879874418 +486 279 4 879874939 +486 280 2 879875249 +486 281 3 879874629 +486 288 4 879874153 +486 289 3 879874262 +486 292 4 879874388 +486 293 3 879874545 +486 294 2 879874187 +486 297 4 879874629 +486 298 3 879874871 +486 301 4 879874113 +486 302 5 879873973 +486 303 4 879874388 +486 304 3 879874186 +486 306 1 879874063 +486 307 3 879874388 +486 319 3 879874388 +486 322 2 879874262 +486 324 4 879874262 +486 325 2 879874296 +486 327 3 879874112 +486 328 2 879873973 +486 332 3 879874187 +486 333 2 879873973 +486 405 4 879875040 +486 408 3 879874481 +486 458 3 879875069 +486 459 2 879875040 +486 473 3 879875188 +486 475 4 879874583 +486 508 4 879874753 +486 515 5 879874417 +486 532 4 879874871 +486 544 4 879875249 +486 546 2 879875440 +486 547 3 879874753 +486 591 4 879874662 +486 628 3 879875278 +486 678 1 879874297 +486 685 3 879875188 +486 713 3 879874902 +486 741 3 879875221 +486 742 2 879874693 +486 813 5 879874516 +486 825 2 879875188 +486 831 3 879875316 +486 845 4 879874995 +486 880 5 879874112 +486 883 3 879874388 +486 889 4 879873973 +486 919 3 879874902 +486 924 3 879875069 +486 926 2 879875408 +486 935 4 879874516 +486 950 4 879875069 +486 975 3 879874783 +486 995 4 879874388 +486 1011 4 879874939 +486 1016 2 879874970 +486 1047 2 879875316 +486 1082 2 879875221 +486 1086 3 879874482 +486 1094 2 879874838 +486 1120 3 879875465 +486 1129 4 879874726 +486 1137 5 879874545 +486 1142 5 879874725 +486 1143 3 879874726 +486 1171 3 879874417 +486 1176 3 879874388 +486 1197 4 879874582 +486 1226 4 879874902 +486 1302 3 879874515 +486 1322 3 879875347 +486 1369 3 879874582 +486 1375 3 879874449 +486 1379 3 879874515 +486 1405 5 879874516 +486 1598 5 879874583 +486 1609 3 879875220 +486 1610 2 879874811 +486 1611 3 879874692 +487 1 5 883443504 +487 2 3 883531122 +487 11 5 883445495 +487 17 3 883531279 +487 22 5 883445495 +487 24 4 883444558 +487 25 1 883445130 +487 27 5 884044329 +487 31 5 883446685 +487 42 3 883446685 +487 48 2 883445540 +487 49 4 884036466 +487 50 4 883442018 +487 53 2 883447118 +487 55 5 883446685 +487 58 5 883446907 +487 62 3 884042630 +487 64 5 883445859 +487 66 5 883530484 +487 67 3 884050247 +487 70 3 883530929 +487 71 3 883530786 +487 77 3 883530814 +487 82 5 883446252 +487 85 2 884044654 +487 88 4 884024901 +487 92 4 883446600 +487 94 3 884050838 +487 96 5 883446801 +487 97 5 883446600 +487 98 5 883446637 +487 100 5 883442105 +487 125 5 883444736 +487 144 5 883446725 +487 150 5 883442430 +487 156 4 883446027 +487 160 4 884041685 +487 173 4 883445580 +487 176 5 883445540 +487 178 5 883445540 +487 179 3 883528237 +487 191 4 883446027 +487 197 3 883446404 +487 204 4 883445495 +487 210 4 883529505 +487 216 4 883530484 +487 222 4 883442018 +487 229 3 884042207 +487 230 5 884036466 +487 231 1 884050940 +487 239 5 883531507 +487 248 1 883443504 +487 249 1 884637200 +487 257 4 883442260 +487 258 5 883440613 +487 259 2 883441083 +487 270 5 883440572 +487 272 5 885322350 +487 273 5 883443504 +487 274 4 883444631 +487 282 4 883442105 +487 286 2 883439831 +487 289 2 883441083 +487 291 3 883445079 +487 301 4 883440613 +487 313 3 883439795 +487 318 3 883528237 +487 333 3 883440491 +487 340 1 883440613 +487 347 2 884806595 +487 349 3 885239880 +487 356 4 884024462 +487 366 3 883530929 +487 378 5 883530973 +487 380 2 883531466 +487 385 4 883530454 +487 392 4 883529363 +487 393 4 884042207 +487 399 5 884046800 +487 403 4 884050247 +487 404 4 883446725 +487 405 4 883443504 +487 412 1 883445220 +487 423 4 883446685 +487 426 3 884025034 +487 431 3 883529593 +487 432 3 883447015 +487 471 3 883441956 +487 546 3 883444674 +487 550 3 883530841 +487 559 3 884029657 +487 566 4 883529540 +487 568 4 883446322 +487 572 1 884050940 +487 578 3 884036466 +487 588 5 883446725 +487 591 2 883444462 +487 596 5 883441956 +487 627 4 883531122 +487 628 4 883444558 +487 651 5 883445606 +487 652 5 883530374 +487 685 3 883444252 +487 686 4 884044329 +487 689 1 883441407 +487 692 5 883530434 +487 713 4 883444631 +487 720 4 884036466 +487 727 3 884029774 +487 742 5 883442053 +487 746 4 883529540 +487 747 4 883531466 +487 772 3 883530885 +487 783 4 884045361 +487 789 4 883446757 +487 790 3 884045135 +487 802 4 884051006 +487 803 2 884045297 +487 809 2 884050192 +487 825 3 883444674 +487 833 4 888262381 +487 841 2 883445168 +487 921 5 884042629 +487 941 3 884045297 +487 955 5 884024462 +487 966 5 883530562 +487 1011 3 883444768 +487 1016 5 883444515 +487 1074 1 884051840 +487 1209 4 884045135 +487 1220 4 884050879 +487 1276 2 885239896 +487 1314 1 883530929 +487 1410 5 883446637 +487 1425 4 884024462 +487 1440 4 884045494 +488 1 3 891294896 +488 15 4 891294568 +488 31 4 891294439 +488 50 4 891293974 +488 56 4 891294785 +488 69 4 891294209 +488 71 3 891294606 +488 79 4 891294334 +488 82 4 891294942 +488 89 4 891294854 +488 96 3 891294014 +488 97 4 891293863 +488 98 4 891293698 +488 127 4 891294606 +488 132 3 891294108 +488 134 2 891294707 +488 135 4 891294785 +488 136 4 891294158 +488 144 3 891293974 +488 153 2 891293974 +488 162 3 891376081 +488 164 3 891293911 +488 168 4 891293910 +488 173 4 891294473 +488 174 4 891294853 +488 178 4 891294158 +488 181 4 891376029 +488 182 3 891293734 +488 185 4 891376137 +488 190 5 891376046 +488 191 3 891293974 +488 193 3 891293911 +488 196 3 891293974 +488 197 2 891294473 +488 205 4 891375784 +488 207 3 891294942 +488 215 5 891294742 +488 216 2 891294785 +488 223 4 891294158 +488 234 4 891293911 +488 238 1 891375965 +488 239 4 891294976 +488 245 3 891292897 +488 265 4 891294473 +488 269 3 891293606 +488 286 1 891292852 +488 288 2 891292682 +488 289 1 891293263 +488 294 4 891293606 +488 300 4 891293606 +488 304 4 891293606 +488 318 4 891293734 +488 321 3 891293152 +488 322 3 891293009 +488 323 1 891293263 +488 328 4 891293606 +488 357 4 891293699 +488 358 3 891293051 +488 414 2 891293863 +488 418 3 891294530 +488 429 4 891375991 +488 478 3 891294530 +488 486 4 891295023 +488 492 2 891375784 +488 493 3 891294297 +488 498 3 891294707 +488 500 4 891294568 +488 509 2 891294365 +488 514 2 891294063 +488 515 4 891293699 +488 526 4 891294530 +488 527 3 891294473 +488 589 3 891294400 +488 612 4 891294210 +488 633 5 891294334 +488 651 5 891294014 +488 659 3 891293771 +488 678 2 891293400 +488 692 4 891294707 +488 705 4 891294473 +488 707 2 891294707 +488 724 3 891375751 +488 732 4 891294606 +488 742 4 891295023 +488 746 4 891293771 +488 751 3 891292771 +488 754 4 891293606 +488 776 4 891294298 +488 873 3 891293152 +488 890 1 891293478 +488 1039 4 891294654 +488 1050 4 891294568 +489 243 4 891445389 +489 245 3 891366838 +489 258 5 891366570 +489 261 2 891449155 +489 268 2 891448453 +489 269 3 891362740 +489 288 4 891366693 +489 299 2 891447522 +489 300 5 891366571 +489 303 4 891448109 +489 304 3 891362812 +489 307 4 891363191 +489 312 2 891366748 +489 313 4 891362740 +489 316 5 891447872 +489 319 3 891447218 +489 322 5 891366571 +489 323 5 891445388 +489 324 3 891445320 +489 325 5 891445439 +489 326 4 891362773 +489 327 5 891448409 +489 328 4 891366748 +489 332 5 891447823 +489 333 4 891362740 +489 338 3 891448200 +489 339 3 891448428 +489 346 5 891362904 +489 347 5 891448774 +489 349 4 891449155 +489 351 5 891446623 +489 353 4 891449555 +489 358 5 891445439 +489 359 5 891362812 +489 360 5 891362904 +489 538 4 891448222 +489 678 4 891366693 +489 683 2 891449099 +489 688 2 891448861 +489 748 4 891366838 +489 749 4 891366571 +489 750 5 891448080 +489 751 5 891362773 +489 752 5 891448109 +489 754 5 891448109 +489 874 2 891448774 +489 875 2 891449465 +489 876 2 891447218 +489 879 5 891366652 +489 880 2 891447302 +489 885 4 891448861 +489 887 2 891447845 +489 890 5 891447990 +489 892 3 891449532 +489 895 4 891448147 +489 897 2 891448565 +489 898 3 891366652 +489 902 4 891448931 +489 948 2 891447960 +489 984 5 891362904 +489 1265 2 891449466 +489 1280 3 891447653 +489 1612 5 891446623 +489 1613 4 891449466 +490 7 3 875427739 +490 24 4 875428765 +490 50 5 875428765 +490 93 4 875427993 +490 100 3 875427629 +490 109 5 875428765 +490 117 1 875427948 +490 118 2 875428703 +490 127 5 875428765 +490 137 3 875427739 +490 150 5 875428765 +490 151 1 875428185 +490 181 4 875427873 +490 222 3 875427103 +490 224 2 875428702 +490 246 2 875427812 +490 255 1 875428309 +490 289 1 875427021 +490 292 3 875428185 +490 293 2 875427993 +490 302 4 875428765 +490 410 4 875428570 +490 455 4 875428152 +490 458 3 875428417 +490 473 2 875428417 +490 475 4 875427629 +490 547 4 875428765 +490 741 4 875427629 +490 847 3 875427873 +490 919 4 875428765 +490 926 2 875428185 +490 952 2 875427532 +490 987 3 875428702 +490 1012 3 875428416 +490 1067 2 875428309 +490 1383 1 875428417 +490 1386 4 875428416 +491 7 3 891185298 +491 12 5 891189305 +491 14 2 891185298 +491 23 2 891189306 +491 100 5 891186806 +491 116 5 891185209 +491 124 5 891185170 +491 127 3 891185129 +491 129 4 891185170 +491 237 3 891187226 +491 284 3 891185330 +491 286 4 891184567 +491 294 2 891189842 +491 319 1 891184567 +491 325 1 891189876 +491 408 5 891185298 +491 493 4 891185129 +491 513 5 891189306 +491 654 5 891189306 +491 684 5 891189575 +491 696 3 891188296 +492 45 3 879969814 +492 56 5 879969878 +492 69 3 879969385 +492 100 4 879969292 +492 131 3 879969720 +492 134 3 879969644 +492 137 4 879969670 +492 153 4 879969454 +492 172 3 879969415 +492 192 3 879969583 +492 193 4 879969415 +492 199 3 879969255 +492 205 4 879969692 +492 212 3 879969367 +492 221 3 879969454 +492 242 5 879969878 +492 275 2 879969210 +492 285 4 879969345 +492 286 4 879969099 +492 291 4 879969692 +492 462 3 879969292 +492 474 5 879969879 +492 478 2 879969583 +492 479 3 879969583 +492 482 3 879969720 +492 514 3 879969415 +492 521 5 879969644 +492 527 5 879969879 +492 528 5 879969878 +492 531 4 879969539 +492 650 2 879969644 +492 651 3 879969814 +492 654 4 879969323 +492 657 3 879969345 +492 699 3 879969210 +492 772 1 879969512 +492 1098 4 879969512 +492 1121 2 879969720 +492 1147 1 879969670 +493 1 3 884130416 +493 12 3 884132225 +493 22 5 884131114 +493 24 4 884130593 +493 25 4 884132717 +493 48 4 884130995 +493 60 2 884131263 +493 65 4 884132146 +493 71 5 884131020 +493 89 4 884130933 +493 91 3 884132287 +493 109 4 884130416 +493 118 4 884132898 +493 124 3 884130253 +493 134 3 884132246 +493 151 3 884130516 +493 154 4 884131952 +493 168 5 884131143 +493 170 3 884131089 +493 171 5 884130825 +493 173 4 884131114 +493 174 3 884131211 +493 182 5 884130971 +493 183 5 884132225 +493 186 5 884131897 +493 188 5 884131314 +493 192 3 884132015 +493 195 3 884131314 +493 196 4 884130933 +493 201 5 884131089 +493 204 5 884130852 +493 208 4 884131897 +493 209 5 884130933 +493 234 5 884132037 +493 238 3 884131985 +493 239 5 884131952 +493 249 4 884132784 +493 257 5 884130495 +493 260 1 884129979 +493 262 3 884129793 +493 271 1 884129823 +493 274 5 884131480 +493 288 4 884129823 +493 300 4 884129725 +493 317 3 884132267 +493 323 4 884129979 +493 328 4 884129823 +493 333 4 884133084 +493 338 4 884130032 +493 357 5 884130891 +493 358 4 884129979 +493 369 2 884130271 +493 404 4 884132351 +493 405 2 884130619 +493 410 4 884132883 +493 435 5 884132015 +493 455 5 884131690 +493 462 2 884132015 +493 475 3 884130495 +493 483 5 884131534 +493 550 4 884132181 +493 597 4 884131738 +493 647 4 884131287 +493 678 3 884129979 +493 684 4 884132267 +493 693 4 884132129 +493 806 3 884131143 +493 833 2 884131738 +493 876 1 884129923 +493 881 1 884130009 +493 890 3 884130074 +493 959 2 884131263 +493 974 3 884132914 +493 1013 1 884131777 +493 1016 4 884130550 +493 1088 2 884131777 +494 65 5 879541207 +494 86 3 879541298 +494 98 4 879541158 +494 121 4 879541429 +494 127 5 879541080 +494 143 5 879541245 +494 181 4 879541298 +494 204 5 879541298 +494 222 5 879541375 +494 238 5 879541207 +494 245 3 879540720 +494 286 4 879540508 +494 294 4 879540593 +494 300 5 879540593 +494 323 3 879540901 +494 329 3 879540819 +494 357 5 879541245 +494 358 3 879540901 +494 479 3 879541207 +494 498 4 879541246 +494 514 2 879541246 +494 528 3 879541245 +494 603 3 879541298 +494 663 5 879541080 +494 707 4 879541112 +494 845 4 879541429 +495 1 4 888632943 +495 4 3 888633129 +495 9 5 888632069 +495 11 5 888634536 +495 54 5 888637768 +495 55 2 888634389 +495 64 5 888632496 +495 67 3 888636635 +495 77 4 888634475 +495 79 5 888632546 +495 80 3 888636992 +495 82 5 888632969 +495 86 5 888637768 +495 90 4 888635637 +495 91 2 888634859 +495 94 3 888636992 +495 95 3 888634315 +495 96 4 888634110 +495 98 5 888632943 +495 101 5 888632943 +495 120 5 888637768 +495 121 5 888633473 +495 132 4 888632916 +495 135 3 888633011 +495 143 1 888634315 +495 144 4 888634070 +495 151 5 888635236 +495 154 4 888633277 +495 155 3 888635455 +495 157 5 888635294 +495 158 3 888637477 +495 161 4 888634746 +495 173 5 888632180 +495 176 5 888632496 +495 179 5 888632470 +495 181 5 888632180 +495 182 5 888632043 +495 183 5 888633277 +495 185 5 888633042 +495 186 5 888633277 +495 188 4 888632250 +495 196 3 888632546 +495 202 4 888633042 +495 204 4 888632155 +495 208 5 888632134 +495 210 5 888632496 +495 211 5 888633194 +495 218 4 888635080 +495 219 4 888636992 +495 225 4 888635524 +495 226 4 888633011 +495 228 5 888632738 +495 229 3 888634918 +495 231 3 888635294 +495 232 5 888635202 +495 233 4 888633594 +495 234 5 888634144 +495 240 4 888636773 +495 265 5 888633316 +495 378 5 888634896 +495 380 3 888635339 +495 385 3 888633042 +495 386 3 888636837 +495 393 5 888635339 +495 395 1 888637147 +495 402 3 888635050 +495 403 5 888634475 +495 416 5 888636899 +495 417 3 888636741 +495 418 4 888633440 +495 419 1 888632070 +495 421 1 888634389 +495 423 5 888633522 +495 431 5 888632546 +495 432 5 888633396 +495 433 4 888634315 +495 435 5 888632969 +495 441 3 888633440 +495 444 3 888636958 +495 447 4 888635420 +495 448 5 888634896 +495 449 5 888637768 +495 452 2 888637070 +495 472 5 888635144 +495 491 5 888632443 +495 498 3 888633165 +495 505 5 888633473 +495 511 4 888634536 +495 521 5 888632219 +495 523 5 888632155 +495 559 4 888635180 +495 568 1 888635294 +495 573 4 888636928 +495 576 3 888637440 +495 577 1 888637477 +495 578 3 888636653 +495 582 4 888635080 +495 590 4 888637612 +495 631 2 888632677 +495 633 5 888632738 +495 636 3 888634475 +495 637 3 888635995 +495 655 5 888634536 +495 660 3 888635144 +495 662 5 888636810 +495 665 1 888637169 +495 684 5 888634956 +495 732 4 888634070 +495 739 4 888637042 +495 768 3 888636216 +495 790 3 888636635 +495 796 4 888637070 +495 924 3 888634441 +495 944 5 888637768 +495 969 4 888632443 +495 1039 5 888635180 +495 1046 5 888636837 +495 1079 5 888636511 +495 1091 4 888637503 +495 1116 3 888632738 +495 1133 3 888636487 +495 1157 4 888637300 +495 1182 3 888636871 +495 1188 5 888637147 +495 1207 5 888637300 +495 1208 4 888636032 +495 1245 5 888633129 +495 1263 4 888636062 +495 1469 5 888636810 +495 1542 4 888637643 +496 10 5 876064845 +496 22 4 876065259 +496 28 2 876066153 +496 53 3 876070655 +496 56 5 876066009 +496 68 4 876067192 +496 88 1 876067346 +496 94 1 876070975 +496 96 4 876065881 +496 98 4 876073160 +496 109 3 876064357 +496 143 3 876067146 +496 147 3 876064356 +496 150 2 876064230 +496 151 3 876067445 +496 155 1 876070859 +496 158 2 876069951 +496 164 3 876066153 +496 168 3 876065324 +496 172 5 876065558 +496 173 5 876065349 +496 174 4 876066507 +496 186 4 876065558 +496 190 5 876072632 +496 191 5 876072632 +496 195 4 876065715 +496 196 3 876066374 +496 204 3 876066531 +496 206 4 876068615 +496 217 5 876073320 +496 227 1 876066794 +496 252 2 876065105 +496 268 4 876063784 +496 277 5 876072633 +496 288 2 876063810 +496 333 3 876063848 +496 356 2 876070764 +496 393 1 876069951 +496 416 1 876067754 +496 417 1 876066465 +496 419 2 876066874 +496 421 3 876066229 +496 426 3 876071419 +496 433 4 876066904 +496 443 2 876066353 +496 469 3 876065962 +496 483 4 876065259 +496 484 3 876065382 +496 485 3 876065477 +496 495 3 876066300 +496 496 1 876066424 +496 506 3 876067215 +496 559 5 876068153 +496 607 3 876065822 +496 651 2 876065610 +496 652 5 876065693 +496 660 3 876067108 +496 661 3 876067001 +496 699 3 876068220 +496 705 2 876065382 +496 721 5 876067215 +496 743 2 876065190 +496 771 2 876073865 +496 825 3 876065015 +496 842 2 876068249 +496 961 2 876070655 +496 1041 1 876068615 +496 1060 1 876071243 +496 1091 1 876068433 +496 1139 2 876073882 +496 1157 1 876070937 +496 1229 1 876071097 +496 1286 2 876065382 +496 1459 4 876067376 +496 1614 3 876070690 +497 1 4 879309955 +497 4 3 879310825 +497 7 3 879310604 +497 11 3 879310825 +497 12 4 879362019 +497 22 5 879310730 +497 24 4 879310260 +497 28 3 879363586 +497 29 4 879362569 +497 33 4 879310730 +497 42 4 878759777 +497 49 3 879310474 +497 50 5 879310580 +497 53 3 879362178 +497 55 3 879310705 +497 62 4 879310913 +497 63 3 879362985 +497 66 3 879362720 +497 68 4 879310850 +497 70 4 879362798 +497 73 3 879362858 +497 83 2 878759898 +497 90 4 879310445 +497 91 2 879309993 +497 96 4 879310705 +497 97 4 879310473 +497 111 4 878759828 +497 118 4 879310621 +497 121 4 879310581 +497 122 1 879309802 +497 123 3 879361727 +497 128 4 879362496 +497 141 3 879363611 +497 144 4 879310792 +497 151 3 879363510 +497 156 5 879361872 +497 163 2 879363181 +497 164 4 879361872 +497 167 2 879363111 +497 169 4 879309992 +497 172 5 879310705 +497 175 4 878759745 +497 176 4 879310762 +497 177 4 879310762 +497 181 5 879310580 +497 182 4 879310705 +497 183 4 879310825 +497 184 3 879310792 +497 189 4 879309993 +497 194 3 878759705 +497 195 4 879310730 +497 200 3 879362359 +497 202 4 878760023 +497 204 3 879362683 +497 208 3 878759806 +497 210 4 878759777 +497 216 3 879310399 +497 222 3 879310580 +497 225 3 879363510 +497 226 3 879310913 +497 231 3 879310883 +497 232 3 879310850 +497 233 2 879310883 +497 237 3 879310314 +497 239 4 879362835 +497 248 4 879309673 +497 249 5 879309734 +497 265 4 879310883 +497 273 4 879310604 +497 291 3 879361707 +497 294 4 878759351 +497 300 3 878759351 +497 325 2 878759505 +497 358 4 878759378 +497 364 3 879363233 +497 367 4 879362835 +497 372 4 879362875 +497 373 4 879311007 +497 388 4 879363253 +497 391 3 879362545 +497 393 4 879362858 +497 394 3 878759862 +497 399 4 879310883 +497 402 4 879310508 +497 413 3 879362292 +497 416 2 879363611 +497 417 2 879363627 +497 418 3 879310021 +497 420 3 879309993 +497 423 3 879363586 +497 432 3 879309993 +497 433 3 878759806 +497 440 1 879362430 +497 441 2 879362407 +497 449 2 879310966 +497 450 2 879362202 +497 451 2 879310419 +497 472 3 879310650 +497 475 4 878759705 +497 541 4 879362546 +497 545 3 879363233 +497 552 3 879362155 +497 553 2 879310379 +497 559 4 879362359 +497 568 3 879310792 +497 569 2 879362359 +497 577 2 879363284 +497 584 4 879363611 +497 590 2 879362461 +497 597 3 879310649 +497 603 3 879361802 +497 622 2 879363586 +497 629 2 878759862 +497 642 3 879362041 +497 652 5 878759777 +497 665 2 879310966 +497 684 3 879310792 +497 716 4 878759745 +497 719 3 879363253 +497 725 3 879363253 +497 731 3 879310474 +497 739 4 879310474 +497 743 3 879362638 +497 758 2 879362292 +497 763 3 879309780 +497 769 3 879362430 +497 774 4 879362407 +497 790 2 879362720 +497 795 1 879363284 +497 797 3 879362586 +497 805 3 879362835 +497 826 3 879311007 +497 849 2 879310913 +497 926 2 879309759 +497 928 3 879361744 +497 944 3 879362798 +497 946 4 879310021 +497 951 2 879363695 +497 1030 1 879363780 +497 1041 3 879310473 +497 1046 3 879362041 +497 1077 4 879361847 +497 1177 1 879363111 +497 1228 2 879362569 +497 1240 5 879310070 +497 1303 2 879311007 +497 1415 2 879363748 +497 1615 3 879310650 +498 7 3 881954741 +498 9 2 881954931 +498 10 5 881960711 +498 14 4 881955189 +498 53 4 881961689 +498 56 3 881957353 +498 64 4 881956575 +498 77 2 881961627 +498 79 3 881959104 +498 83 3 881957846 +498 89 5 881957353 +498 100 3 881955291 +498 109 3 881955189 +498 124 3 881955291 +498 134 3 881956498 +498 135 5 881956576 +498 136 3 881958174 +498 137 3 881954357 +498 150 3 881954451 +498 156 5 881957054 +498 160 5 881958174 +498 168 4 881958174 +498 172 3 881956362 +498 174 3 881956953 +498 175 5 881956498 +498 179 4 881961133 +498 180 4 881955866 +498 181 2 881955014 +498 183 4 881957905 +498 185 4 881955960 +498 186 4 881960591 +498 190 4 881956203 +498 204 2 881957267 +498 210 2 881957054 +498 212 3 881958238 +498 222 3 881961877 +498 229 2 881961877 +498 234 4 881957625 +498 237 2 881957625 +498 238 4 881957195 +498 251 3 881954219 +498 262 2 881954618 +498 265 2 881957489 +498 268 2 881954618 +498 269 4 881953527 +498 288 3 881953815 +498 293 4 881955189 +498 317 3 881957625 +498 337 4 881954617 +498 381 3 881961312 +498 410 3 881954931 +498 423 3 881957267 +498 425 2 881957431 +498 430 4 881958174 +498 435 3 881956363 +498 443 3 881958237 +498 447 3 882205321 +498 448 4 882205321 +498 449 3 881961932 +498 462 3 881958897 +498 464 4 881958471 +498 479 3 881957054 +498 480 5 881960523 +498 486 2 881957431 +498 496 3 881957905 +498 509 3 881955867 +498 514 4 881958093 +498 517 4 881957353 +498 527 3 881957757 +498 531 3 881957195 +498 554 3 881962385 +498 594 2 881956498 +498 607 3 881958093 +498 631 3 881957905 +498 656 3 881957999 +498 657 3 881957488 +498 663 4 881956363 +498 664 5 881955596 +498 673 3 881958343 +498 675 4 881958414 +498 693 3 881957625 +498 754 2 881962988 +498 772 1 881957999 +498 806 3 881957905 +498 887 3 881953907 +498 922 5 881955432 +498 1073 3 881961496 +498 1161 3 881960777 +498 1404 3 881957054 +498 1495 3 881958237 +499 7 4 882996793 +499 12 5 885599040 +499 50 3 882996761 +499 55 4 885599598 +499 56 4 885599182 +499 97 4 885599227 +499 98 4 885599119 +499 100 4 885599040 +499 117 3 885599246 +499 127 4 885598312 +499 132 4 885599040 +499 143 3 885598961 +499 153 4 885599269 +499 157 3 885599447 +499 165 5 885598961 +499 166 5 885599334 +499 173 5 885599307 +499 174 3 885598961 +499 182 2 885599551 +499 191 5 885599307 +499 193 4 885599682 +499 194 4 885599372 +499 198 5 885599682 +499 205 5 885599413 +499 208 4 885599718 +499 251 5 882996735 +499 257 5 885598342 +499 258 2 885598932 +499 271 3 882995586 +499 272 5 885597680 +499 275 3 885599447 +499 295 2 885598827 +499 300 4 882995625 +499 301 4 882995808 +499 307 4 885597747 +499 313 5 885597821 +499 328 5 882996296 +499 357 5 885599372 +499 425 3 885599474 +499 429 4 885599372 +499 430 3 885598989 +499 474 4 885599227 +499 483 5 885598854 +499 484 4 885599013 +499 486 3 885599598 +499 497 2 885599498 +499 519 3 885599040 +499 520 3 885599572 +499 521 4 885599119 +499 524 4 885599073 +499 525 4 885599660 +499 527 5 885599307 +499 530 4 885599390 +499 588 4 885599334 +499 605 1 885599533 +499 624 2 885599372 +499 647 5 885599013 +499 663 5 885599718 +499 690 4 882995558 +499 692 4 885599119 +499 886 4 885598215 +499 887 5 882995826 +499 898 4 885597901 +499 902 5 892501173 +499 915 4 892501128 +499 1483 1 892501259 +500 7 5 883865104 +500 8 4 883874621 +500 9 4 883865042 +500 10 3 883865391 +500 13 5 883865232 +500 15 2 883865129 +500 16 4 883865462 +500 25 3 883865755 +500 31 4 883875092 +500 45 4 883874170 +500 49 4 883876053 +500 50 3 883864992 +500 59 4 883873528 +500 60 5 883874557 +500 69 4 883873839 +500 72 4 883876155 +500 77 3 883875793 +500 82 4 883874290 +500 93 4 883865020 +500 94 2 883877023 +500 98 4 883873811 +500 100 4 883865104 +500 117 4 883865755 +500 118 3 883865610 +500 121 3 883865611 +500 122 3 883876795 +500 134 5 883873461 +500 135 5 883875041 +500 151 3 883874059 +500 161 2 883877001 +500 168 4 883873616 +500 170 5 883874446 +500 174 2 883873505 +500 182 2 883873556 +500 183 4 883873461 +500 202 4 883874239 +500 204 3 883874265 +500 210 3 883874290 +500 211 3 883875241 +500 215 1 883874528 +500 217 4 883876053 +500 234 3 883875638 +500 238 4 883873839 +500 242 3 891916883 +500 245 2 883864862 +500 249 3 887720111 +500 250 4 883865195 +500 257 3 883865321 +500 268 5 883864840 +500 274 3 883865807 +500 281 3 883865463 +500 282 4 883875092 +500 283 2 883865341 +500 285 3 883865020 +500 286 1 883864527 +500 289 4 883864818 +500 295 4 883865128 +500 300 4 883864749 +500 301 2 888538350 +500 313 3 893192133 +500 328 3 883864749 +500 358 4 887755810 +500 367 3 883875835 +500 370 3 883865952 +500 371 4 883874341 +500 383 3 883877467 +500 387 2 883875388 +500 393 3 883875793 +500 396 3 883876224 +500 402 3 883875388 +500 407 3 883877252 +500 409 4 883865985 +500 411 2 883865826 +500 412 1 883876370 +500 423 3 883875388 +500 425 4 883874413 +500 443 4 883873679 +500 448 3 883873745 +500 462 4 883874715 +500 464 4 883875274 +500 471 4 883865391 +500 472 3 883865374 +500 475 5 883865232 +500 476 2 883865851 +500 479 5 883873811 +500 483 4 883874039 +500 509 4 883874216 +500 514 5 883873941 +500 531 3 883873911 +500 532 4 883865952 +500 546 4 887720050 +500 552 1 883876738 +500 554 3 883877162 +500 557 3 883875136 +500 559 4 883875523 +500 568 1 883874715 +500 569 4 883876370 +500 582 4 883874290 +500 611 5 883873940 +500 619 3 883865341 +500 709 4 883873640 +500 727 2 883875041 +500 735 4 883873941 +500 740 3 883865632 +500 755 3 883876251 +500 762 4 883865532 +500 763 3 883865589 +500 768 2 883876596 +500 775 1 883877001 +500 780 3 883876904 +500 821 2 883876837 +500 831 3 883866004 +500 846 3 883865566 +500 919 3 883865341 +500 964 4 883874557 +500 996 1 883875241 +500 1010 4 883865483 +500 1048 3 883865532 +500 1057 3 883877359 +500 1069 4 883876300 +500 1135 3 883875561 +500 1160 5 883865483 +500 1166 4 883874139 +500 1195 4 883875468 +500 1311 1 883877467 +500 1315 4 883865463 +500 1385 4 883865290 +500 1441 2 885237683 +500 1469 1 883876224 +501 7 4 883348236 +501 13 4 883348011 +501 24 3 883348519 +501 93 4 883347891 +501 100 4 883347799 +501 108 4 883348564 +501 111 3 883348474 +501 118 3 883348474 +501 121 4 883347023 +501 122 4 883348236 +501 125 3 883348435 +501 147 3 883348080 +501 150 5 883347773 +501 221 3 883348011 +501 222 4 883347919 +501 245 3 883346844 +501 248 4 883347975 +501 273 4 883347975 +501 274 3 883348474 +501 276 4 883348138 +501 294 3 883346694 +501 342 4 883346823 +501 369 4 883348703 +501 405 4 883347857 +501 410 4 883348207 +501 411 4 883348564 +501 544 4 883348372 +501 546 4 883348283 +501 591 4 883348138 +501 597 3 883348260 +501 628 4 883348519 +501 678 3 883346886 +501 685 3 883347774 +501 696 4 883348185 +501 741 5 883347857 +501 829 3 883348656 +501 840 4 883348655 +501 845 3 883348036 +501 922 4 883347857 +501 928 3 883347773 +501 952 4 883348114 +501 979 3 883348308 +501 1007 4 883995203 +501 1010 4 883348308 +501 1011 4 883348519 +501 1014 4 883348543 +501 1067 5 883348011 +501 1081 3 883348703 +501 1097 5 883347950 +502 243 3 883702945 +502 258 2 883701927 +502 259 3 883702448 +502 261 2 883702945 +502 263 1 883702448 +502 264 3 883702518 +502 266 3 883702255 +502 270 2 883702043 +502 271 5 883702088 +502 288 5 883701866 +502 300 2 883701980 +502 307 4 883701980 +502 313 4 883701792 +502 323 4 883702447 +502 328 4 883701980 +502 342 4 883702088 +502 343 5 883702370 +502 350 3 883701792 +502 680 3 883702255 +502 681 1 883702631 +502 682 5 883701927 +502 687 4 883702867 +502 751 3 883702120 +502 754 2 883701927 +502 895 4 883702370 +503 1 5 879438233 +503 8 5 880472435 +503 10 5 879438257 +503 12 3 879454675 +503 13 3 879438377 +503 14 3 879438161 +503 19 5 879438319 +503 25 4 879438685 +503 26 2 880383200 +503 44 5 879454841 +503 47 5 880472216 +503 50 5 879438161 +503 58 4 880472565 +503 66 3 880383468 +503 70 4 880383174 +503 79 5 879454675 +503 83 5 880383098 +503 86 5 880383098 +503 98 5 879454675 +503 100 5 879438346 +503 116 5 879438559 +503 124 5 879438233 +503 125 3 880390153 +503 130 5 879438837 +503 132 5 880472148 +503 133 5 880472272 +503 166 5 880472188 +503 172 5 880383588 +503 174 5 880472250 +503 183 5 879454754 +503 185 5 879454753 +503 187 5 880383625 +503 190 5 880383030 +503 197 5 880383358 +503 199 4 880383625 +503 210 5 880383703 +503 211 5 880472435 +503 213 5 880383030 +503 216 5 880383357 +503 221 5 879438377 +503 223 5 880472362 +503 224 3 880390128 +503 226 5 879454841 +503 234 5 879454675 +503 237 4 879438505 +503 268 5 884637610 +503 269 5 879438024 +503 275 5 879438411 +503 277 4 879438580 +503 280 1 892667653 +503 283 5 879438258 +503 285 4 884637911 +503 286 3 879438191 +503 293 4 879438411 +503 297 5 879438346 +503 303 5 879438024 +503 306 5 879438024 +503 319 3 879438024 +503 321 2 879438024 +503 347 5 884637610 +503 356 4 879454841 +503 381 5 880383174 +503 387 4 880383358 +503 423 5 880472321 +503 427 5 880472216 +503 432 5 880472102 +503 443 5 879454811 +503 451 4 880383425 +503 452 1 879454950 +503 463 1 880383126 +503 475 2 879438319 +503 482 5 880383588 +503 484 4 880472188 +503 485 4 880472383 +503 489 4 880383625 +503 496 5 880472474 +503 503 3 880472250 +503 504 4 880472298 +503 509 5 880383098 +503 529 2 880383030 +503 546 4 879438685 +503 580 3 880383236 +503 582 5 880383064 +503 603 3 880383653 +503 615 5 880472061 +503 633 5 880472344 +503 662 3 880383467 +503 684 4 879454950 +503 692 3 880383467 +503 694 5 880383030 +503 702 2 880383236 +503 707 5 880382768 +503 729 3 880472454 +503 732 3 880383467 +503 736 4 880383174 +503 739 1 880383490 +503 740 5 879438411 +503 744 2 879454442 +503 753 1 880383064 +503 823 2 879438817 +503 840 1 879454292 +503 949 3 892667891 +503 963 5 880472061 +503 1009 2 884638911 +503 1317 4 879438874 +503 1475 5 880382768 +504 4 4 887839260 +504 9 4 887831567 +504 40 4 887910409 +504 44 4 887838846 +504 53 4 887911730 +504 65 4 887838717 +504 67 2 887912382 +504 69 4 887837918 +504 70 3 887838869 +504 88 3 887909839 +504 90 3 887910552 +504 99 3 887837739 +504 100 5 887831486 +504 102 3 887910409 +504 106 3 887831879 +504 121 4 887831642 +504 122 1 887832268 +504 125 4 889550735 +504 127 5 887831510 +504 139 3 887840589 +504 141 3 887909578 +504 142 3 887841158 +504 153 3 887838624 +504 154 4 887839081 +504 155 3 887912634 +504 158 3 887910737 +504 161 4 887839195 +504 162 4 887832741 +504 168 5 887839164 +504 174 4 887909455 +504 176 3 887837739 +504 181 3 887831773 +504 185 5 887838624 +504 187 3 887840559 +504 196 4 887838935 +504 200 4 887838450 +504 202 3 887909347 +504 205 3 887909299 +504 208 4 887838450 +504 211 4 887837739 +504 212 4 887909911 +504 214 4 887840764 +504 216 4 887838450 +504 218 4 887910267 +504 219 3 887911314 +504 223 5 887832364 +504 225 4 887832207 +504 238 3 887912416 +504 240 1 887832012 +504 245 4 887831274 +504 248 4 887831622 +504 282 4 887831838 +504 291 4 887832043 +504 292 5 887831273 +504 294 2 887912722 +504 298 4 887831717 +504 300 4 887831274 +504 307 4 887831273 +504 310 4 887831273 +504 322 4 887831274 +504 330 4 887831274 +504 356 4 887840098 +504 357 4 887832705 +504 364 2 887912382 +504 371 3 887912236 +504 382 4 887839709 +504 386 3 887912431 +504 392 5 887908645 +504 393 3 887909456 +504 399 4 887840882 +504 400 3 887911277 +504 401 2 887911789 +504 409 4 889550757 +504 411 4 887831447 +504 418 3 887832391 +504 423 4 887840960 +504 440 3 887910370 +504 441 4 887911314 +504 447 4 887909816 +504 448 5 887840134 +504 449 4 887839810 +504 451 1 887912584 +504 454 5 887838008 +504 462 4 887838740 +504 465 3 887909936 +504 476 5 887831447 +504 479 4 887832571 +504 485 4 887839745 +504 490 4 887909816 +504 503 4 887837958 +504 504 4 887909890 +504 505 4 887837957 +504 506 4 887910552 +504 514 4 887838485 +504 517 4 887832782 +504 526 3 887838624 +504 527 4 887838624 +504 548 2 887909864 +504 559 5 887840745 +504 561 4 887910023 +504 575 3 887912401 +504 595 4 887832097 +504 612 4 887838677 +504 620 4 887831419 +504 622 4 887910487 +504 628 4 887831678 +504 629 4 887841136 +504 631 4 887837701 +504 632 3 887837701 +504 633 3 887912542 +504 651 4 887832531 +504 660 4 887839195 +504 664 3 887910718 +504 667 3 887911808 +504 676 4 887908756 +504 705 4 887838935 +504 717 4 887911730 +504 725 3 887911973 +504 729 5 887832571 +504 731 3 887840014 +504 735 5 887838510 +504 739 3 887841201 +504 742 4 887831860 +504 756 3 887910240 +504 773 3 887909936 +504 791 3 887911789 +504 834 2 887911059 +504 846 4 887831806 +504 928 4 887831353 +504 939 4 887838869 +504 942 4 887841136 +504 961 4 887839081 +504 969 4 887838677 +504 973 4 887911444 +504 1037 1 887912584 +504 1046 4 887912298 +504 1050 4 887832433 +504 1084 4 887837958 +504 1090 4 887910961 +504 1093 1 887841073 +504 1118 3 887911035 +504 1147 4 887832741 +504 1210 3 887840637 +504 1277 4 887832012 +504 1444 3 887911133 +505 1 3 889333414 +505 11 4 889333861 +505 22 5 889333274 +505 31 4 889334067 +505 50 3 889334067 +505 69 3 889333974 +505 71 4 889333937 +505 73 4 889334248 +505 77 3 889334248 +505 82 4 889333274 +505 95 4 889333313 +505 96 4 889333442 +505 97 4 889333676 +505 98 4 889333792 +505 102 1 889334526 +505 117 4 889333508 +505 121 4 889334004 +505 123 3 889333894 +505 125 3 889334373 +505 127 1 889333711 +505 132 5 889333598 +505 144 3 889333861 +505 154 1 889334555 +505 164 4 889334189 +505 172 3 889334129 +505 173 3 889333534 +505 174 4 889333340 +505 177 3 889334477 +505 181 3 889333974 +505 182 1 889334555 +505 183 3 889333392 +505 190 4 889333598 +505 191 3 889333792 +505 202 3 889333508 +505 204 3 889334162 +505 207 3 889334004 +505 210 4 889333508 +505 227 2 889334334 +505 228 2 889333894 +505 243 2 888631415 +505 259 3 888631208 +505 294 3 888631311 +505 300 4 888631046 +505 307 4 889332705 +505 313 5 889332743 +505 328 4 888631175 +505 358 3 888631555 +505 385 4 889334477 +505 419 3 889333560 +505 435 3 889333676 +505 471 4 889333392 +505 491 3 889333861 +505 495 3 889333823 +505 496 5 889333534 +505 501 2 889334373 +505 510 3 889334477 +505 526 5 889333823 +505 568 4 889333466 +505 584 4 889334067 +505 588 5 889333823 +505 604 5 889333598 +505 648 4 889334614 +505 660 3 889334477 +505 692 3 889334583 +505 724 4 889333861 +505 742 4 889334162 +505 755 3 889334248 +505 951 3 889334067 +505 988 3 888631371 +505 1039 4 889334004 +505 1063 3 889334334 +505 1409 3 889333974 +506 2 4 874874850 +506 5 4 874874947 +506 8 5 874873374 +506 10 2 874862734 +506 12 5 874873247 +506 29 2 874874894 +506 31 4 874873247 +506 42 3 874873247 +506 44 4 874874850 +506 46 3 874874802 +506 48 2 874873158 +506 55 4 874873287 +506 62 3 874874894 +506 63 4 874873944 +506 66 4 874874676 +506 67 3 874874894 +506 68 4 874873944 +506 69 5 874873327 +506 71 5 874873068 +506 73 4 874873703 +506 79 5 874874054 +506 85 3 874873795 +506 89 5 874874109 +506 90 2 874876599 +506 92 3 874876551 +506 94 3 874876599 +506 95 5 874873198 +506 96 4 874873423 +506 132 4 874873615 +506 135 5 874873157 +506 137 2 874872872 +506 147 3 888848342 +506 161 4 885135881 +506 168 5 874874055 +506 172 5 885135819 +506 173 4 874874308 +506 174 5 874873157 +506 177 5 888848342 +506 181 5 874874676 +506 186 4 874875062 +506 187 5 885135819 +506 191 4 874873615 +506 194 5 874873247 +506 195 4 874873374 +506 196 4 874873745 +506 198 2 874873703 +506 199 4 874874109 +506 200 4 874873112 +506 202 5 874873374 +506 203 4 874874152 +506 204 5 874874055 +506 205 5 874874760 +506 208 4 874873423 +506 210 5 885135737 +506 211 4 874873198 +506 215 5 878044852 +506 216 4 874873794 +506 218 3 874873615 +506 224 1 885136005 +506 228 5 874873571 +506 231 3 874873847 +506 233 4 874874109 +506 239 3 874874152 +506 241 2 874874850 +506 248 2 880198305 +506 261 3 885135514 +506 271 4 880198184 +506 294 4 877861414 +506 323 3 875444631 +506 324 1 877984213 +506 328 4 885135476 +506 333 4 887230118 +506 363 3 874862646 +506 380 4 874874585 +506 391 2 885135912 +506 393 3 874874802 +506 399 5 874874054 +506 418 4 874874055 +506 423 5 874874850 +506 425 4 874874585 +506 430 4 874873703 +506 432 4 874873112 +506 434 4 874876599 +506 435 5 874873744 +506 443 4 874874760 +506 447 4 874873847 +506 449 2 885135882 +506 455 3 876070976 +506 461 2 874873944 +506 478 4 874873067 +506 482 5 878044852 +506 484 4 882100828 +506 489 4 874876651 +506 496 5 874873615 +506 497 5 874873703 +506 503 4 874874396 +506 514 5 874873287 +506 516 4 874874525 +506 517 2 874874585 +506 518 4 874873198 +506 521 5 874873529 +506 523 5 874873112 +506 525 4 874876486 +506 529 3 874873615 +506 539 4 884517135 +506 542 3 874873794 +506 566 4 885135819 +506 568 5 889979761 +506 576 4 885135954 +506 578 3 885135881 +506 580 3 874875062 +506 582 3 874873423 +506 586 2 885135882 +506 604 4 874873528 +506 607 4 874874851 +506 641 5 874873158 +506 642 4 874874000 +506 657 5 874873745 +506 660 3 874873157 +506 665 2 885135882 +506 676 1 874945513 +506 684 5 874873529 +506 686 3 889874717 +506 692 4 874873529 +506 693 4 874876651 +506 699 4 888848303 +506 705 5 878044851 +506 710 5 874874151 +506 712 3 874873893 +506 715 2 874876486 +506 731 4 874873374 +506 739 4 874874525 +506 742 5 878044851 +506 746 5 874875062 +506 749 4 888178129 +506 755 4 874876486 +506 761 2 874873327 +506 762 3 877861473 +506 770 3 874874110 +506 802 4 885135954 +506 836 4 874875062 +506 855 4 874874802 +506 873 4 889874717 +506 880 1 885135560 +506 945 4 874874585 +506 972 3 874874760 +506 1019 5 878044851 +506 1020 4 874873067 +506 1063 5 888848303 +506 1089 1 889979761 +506 1136 3 877539905 +506 1407 2 885135954 +507 50 5 889965997 +507 118 5 889966127 +507 121 5 889965997 +507 181 5 889965997 +507 222 5 889965997 +507 250 5 889966024 +507 252 5 889966054 +507 257 5 889966054 +507 258 4 889963959 +507 269 2 889964121 +507 288 5 889964020 +507 294 5 889964274 +507 298 5 889965997 +507 306 5 889964677 +507 307 5 889964239 +507 313 5 889964121 +507 315 5 889964593 +507 319 3 889964074 +507 333 4 889964121 +507 334 5 889964748 +507 345 5 889964202 +507 538 4 889964239 +507 597 5 889966089 +507 678 5 889966088 +507 690 4 889964074 +507 691 5 889964162 +507 748 5 889964844 +507 750 5 889964274 +507 751 5 889964162 +507 754 5 889964121 +507 841 5 889966054 +507 894 5 889964162 +507 895 5 889964202 +507 898 5 889964202 +507 1016 5 889966088 +507 1237 5 889964311 +508 23 4 883767361 +508 47 3 883777257 +508 50 5 883777430 +508 52 4 883777047 +508 70 4 883776748 +508 79 2 883767543 +508 91 4 883767246 +508 96 2 883768886 +508 98 3 883767140 +508 132 5 883767279 +508 153 3 883777329 +508 154 5 883767704 +508 163 3 883768862 +508 168 4 883767172 +508 174 4 883767728 +508 175 4 883767465 +508 179 4 883767465 +508 183 5 883767588 +508 185 5 883777430 +508 186 3 883777109 +508 191 5 883767383 +508 196 3 883776704 +508 200 4 883768842 +508 204 3 883767510 +508 208 5 883776748 +508 210 4 883777125 +508 215 3 883776977 +508 222 3 883777281 +508 228 5 883777430 +508 229 2 883777346 +508 230 2 883768706 +508 232 3 883777109 +508 234 4 883767465 +508 269 4 883766931 +508 318 4 883767704 +508 357 5 883767246 +508 378 5 883777430 +508 423 5 883777430 +508 451 3 883777281 +508 474 5 883777430 +508 511 4 883767246 +508 514 5 883767301 +508 524 5 883767608 +508 527 5 883775361 +508 629 4 883775341 +508 655 4 883767525 +508 710 4 883777071 +508 1067 4 883767665 +508 1153 4 883768797 +509 181 4 883591826 +509 245 2 883591109 +509 266 1 883591489 +509 268 2 883590443 +509 271 4 883591195 +509 289 2 883590972 +509 294 2 883590972 +509 301 2 883591043 +509 302 5 883590443 +509 307 2 883590729 +509 309 2 883590609 +509 326 4 883591043 +509 328 1 883590800 +509 338 3 883591319 +509 343 3 883591319 +509 345 1 883590115 +509 690 3 883590676 +509 705 4 883591687 +509 754 1 883590676 +509 892 1 883591489 +510 243 3 887667780 +510 245 3 887667574 +510 258 4 887667465 +510 261 2 887667780 +510 292 4 887667524 +510 299 3 887667681 +510 300 5 887667439 +510 313 5 887667439 +510 322 3 887667752 +510 323 4 887667752 +510 324 1 887667618 +510 326 4 887667751 +510 333 3 887667465 +510 457 2 887667969 +510 681 1 887667808 +510 748 3 887667707 +510 873 3 887667780 +511 260 4 890004916 +511 288 4 890004795 +511 300 4 890004658 +511 340 4 890004687 +511 343 3 890004892 +511 678 2 890005076 +511 682 4 890004844 +511 887 5 890004747 +511 1527 4 890004952 +512 50 5 888579997 +512 56 5 888579996 +512 183 5 888579474 +512 186 5 888579520 +512 258 3 888578768 +512 273 5 888579645 +512 286 5 888578937 +512 325 2 888579139 +512 1238 4 888578602 +513 50 5 885062365 +513 118 4 885062559 +513 121 5 885062602 +513 127 4 885062286 +513 210 5 885063273 +513 222 5 885062519 +513 250 3 885062332 +513 252 5 885063549 +513 257 4 885062519 +513 258 4 885062286 +513 323 5 885062636 +513 405 3 885062559 +513 435 5 885063304 +513 685 4 885062601 +513 739 5 885063056 +513 763 3 885062453 +513 841 4 885062602 +514 7 5 875309415 +514 10 4 875462867 +514 12 5 875318263 +514 13 3 876063880 +514 19 4 875463128 +514 22 4 875463202 +514 24 3 875463164 +514 25 4 875463028 +514 26 3 875463595 +514 28 5 875311192 +514 31 4 886190665 +514 48 4 875318114 +514 49 2 886189676 +514 50 5 875462466 +514 64 4 875462645 +514 65 3 886190207 +514 68 4 875463551 +514 70 5 875462826 +514 73 4 876067258 +514 79 4 875462520 +514 81 4 875463416 +514 87 5 875318163 +514 88 4 875463468 +514 89 4 875318331 +514 95 4 875309350 +514 97 5 875462764 +514 98 5 875309473 +514 100 4 875318163 +514 111 5 875463165 +514 114 5 875462466 +514 116 4 875462426 +514 118 2 875463416 +514 132 4 875463469 +514 134 3 875463665 +514 136 4 875462867 +514 137 3 875318114 +514 144 3 875462520 +514 152 4 875318163 +514 153 4 875463386 +514 154 4 875462689 +514 156 4 875311225 +514 157 4 875309350 +514 168 4 875308925 +514 169 5 875308734 +514 172 4 875462726 +514 173 5 875462826 +514 174 5 875310992 +514 176 4 875463128 +514 177 3 886189816 +514 178 4 875308925 +514 180 3 886189927 +514 181 4 875463494 +514 183 3 875462645 +514 185 3 875311225 +514 186 4 875463028 +514 188 5 875463028 +514 190 5 875318224 +514 191 5 875318224 +514 194 4 875463525 +514 195 5 876063938 +514 196 5 875318331 +514 197 4 875310992 +514 199 3 875463351 +514 200 2 875462867 +514 202 4 875309414 +514 208 4 875463494 +514 209 3 876062951 +514 211 3 876067235 +514 214 5 875318163 +514 215 4 875462689 +514 216 5 875309350 +514 222 4 875462611 +514 228 5 875463202 +514 229 3 875463525 +514 234 3 876063765 +514 237 4 875462611 +514 258 4 875308674 +514 259 4 885180989 +514 265 4 886190600 +514 268 4 885180579 +514 272 4 885180603 +514 274 4 876067433 +514 275 5 875463028 +514 283 4 875309231 +514 293 3 880209950 +514 294 3 885180929 +514 301 4 880209797 +514 306 4 876672606 +514 313 5 891900147 +514 342 1 885180909 +514 384 3 876067623 +514 385 3 886189965 +514 393 3 876067592 +514 403 3 875463202 +514 419 4 875463468 +514 421 4 875463269 +514 425 5 875318291 +514 430 4 875462901 +514 431 4 875463595 +514 432 4 875311156 +514 433 5 875462795 +514 435 3 875463551 +514 462 4 875310992 +514 470 3 875462901 +514 473 3 875462520 +514 474 5 875462689 +514 483 4 875462795 +514 486 3 886189869 +514 511 3 886189990 +514 527 4 875462466 +514 531 3 875308734 +514 568 4 875462689 +514 582 4 875318224 +514 587 4 880210105 +514 647 3 875463079 +514 648 3 886189869 +514 652 4 886189466 +514 655 4 875462568 +514 680 1 885180893 +514 710 5 875318331 +514 713 3 875309415 +514 747 4 875463245 +514 778 4 876067546 +514 792 4 875462611 +514 796 4 876067205 +514 890 1 885180929 +514 898 2 885180893 +514 949 3 886189510 +514 988 2 885180989 +514 1039 5 875318163 +514 1047 3 876063961 +514 1074 4 876067623 +514 1101 4 886189893 +514 1115 4 875462826 +514 1160 4 886189748 +514 1600 4 875723266 +515 258 4 887658676 +515 259 3 887659123 +515 269 2 887658844 +515 286 2 887660131 +515 289 1 887660131 +515 294 3 887658910 +515 300 5 887658975 +515 302 3 887658604 +515 304 4 887658782 +515 323 3 887659192 +515 326 2 887660131 +515 328 2 887660131 +515 332 3 887658676 +515 340 3 887658782 +515 342 3 887659423 +515 347 3 887658604 +515 538 3 887658676 +515 682 4 887659192 +515 687 3 887659718 +515 748 2 887660131 +515 750 2 887658782 +515 895 4 887659123 +515 900 4 887658975 +515 905 2 887660131 +515 1399 4 887659718 +515 1430 3 887658604 +516 169 5 891290685 +516 194 4 891290593 +516 204 4 891290649 +516 212 4 891290649 +516 214 3 891290649 +516 250 4 891290565 +516 286 5 891290565 +516 357 3 891290685 +516 431 3 891290649 +516 474 5 891290648 +516 515 4 891290566 +516 582 5 891290594 +516 660 5 891290593 +517 1 3 892659892 +517 25 2 892659923 +517 105 1 892654653 +517 117 4 892659893 +517 127 4 892660033 +517 131 3 892659922 +517 181 4 892660033 +517 222 4 892660033 +517 229 3 892660034 +517 237 1 892659923 +517 258 5 892660728 +517 294 1 892607194 +517 311 3 892660034 +517 328 3 892660034 +517 333 3 892659922 +517 335 3 875492066 +517 405 4 892659893 +517 472 2 892659923 +517 538 4 892607155 +517 740 4 892660728 +517 748 4 892660728 +517 755 3 892659893 +517 761 5 892660727 +517 823 2 892659923 +517 1047 2 892659923 +517 1177 5 892660728 +518 1 4 876823143 +518 9 3 876822811 +518 10 3 876822744 +518 106 5 876823804 +518 121 5 876823804 +518 125 5 876823645 +518 126 4 876823018 +518 129 5 876823804 +518 147 4 876823324 +518 235 4 876823597 +518 237 4 876823804 +518 240 1 876824079 +518 276 5 876822923 +518 280 4 876824218 +518 288 3 876822581 +518 289 4 876823804 +518 300 3 876822581 +518 405 5 876823926 +518 410 3 876823541 +518 412 1 876824266 +518 475 4 876822811 +518 476 4 876823324 +518 508 3 876823266 +518 544 3 876823324 +518 591 3 876823447 +518 619 4 876823018 +518 628 5 876823804 +518 713 5 876823071 +518 742 5 876823804 +518 744 4 876823266 +518 820 2 876824218 +518 829 3 876824156 +518 847 5 876823447 +518 864 3 876823324 +518 920 3 876824121 +518 1011 4 876823645 +518 1040 3 876823541 +518 1114 2 876824079 +518 1335 3 876823018 +519 259 1 883248278 +519 264 2 883248251 +519 266 5 883248595 +519 268 5 883248065 +519 313 5 883248134 +519 325 1 883248535 +519 328 2 883248251 +519 330 5 884545961 +519 332 3 883248159 +519 333 3 883248089 +519 339 3 883248222 +519 340 5 883248251 +519 346 4 885929222 +519 348 5 883250148 +519 350 5 883250102 +519 351 5 883250102 +519 680 5 883248595 +519 682 1 883248278 +519 751 4 884545801 +519 874 5 883250102 +519 879 5 883248595 +519 887 5 883250102 +519 895 4 883248222 +519 903 5 883248595 +519 991 2 883250021 +519 1238 5 883248595 +519 1293 5 883250148 +519 1295 5 883248595 +519 1434 5 883250102 +519 1591 5 883250102 +519 1612 5 883250148 +520 100 4 885170394 +520 240 1 885170476 +520 286 5 885168591 +520 294 3 885170330 +520 302 3 885170330 +520 310 4 885168862 +520 311 3 885168591 +520 690 5 885168677 +520 871 1 885170547 +520 893 2 885170330 +520 898 5 885168939 +520 990 4 885168906 +521 1 2 884475825 +521 2 3 886063310 +521 7 3 884475973 +521 8 3 884477914 +521 12 5 884477853 +521 13 2 884476240 +521 17 1 885254888 +521 22 4 884477677 +521 23 3 884478428 +521 25 2 884476002 +521 28 3 885253323 +521 31 3 884478135 +521 42 5 884478721 +521 50 4 884475799 +521 56 4 884478530 +521 68 4 886061689 +521 77 3 885254338 +521 79 4 884477656 +521 87 3 884478314 +521 89 3 885253266 +521 95 3 885253266 +521 96 4 884477853 +521 97 3 884478049 +521 99 3 885253937 +521 108 3 884476020 +521 109 5 884475845 +521 121 2 884475889 +521 125 3 884476020 +521 127 4 885253352 +521 135 4 885254226 +521 147 4 884476837 +521 151 3 884476240 +521 154 2 884478119 +521 159 3 885253904 +521 163 3 884478483 +521 168 4 884477585 +521 172 3 884478049 +521 174 4 884478721 +521 181 4 884475845 +521 183 3 884477630 +521 184 4 884478358 +521 186 4 884478358 +521 188 4 884478101 +521 191 4 884477868 +521 195 4 884477775 +521 203 3 884477896 +521 204 4 884477853 +521 208 3 885253562 +521 210 3 884478119 +521 215 1 886062095 +521 216 2 885253247 +521 222 4 884475799 +521 226 4 884478721 +521 227 3 885253808 +521 229 2 884478314 +521 231 2 885254307 +521 235 3 884476221 +521 239 5 885254354 +521 240 3 884476067 +521 246 4 884475913 +521 249 4 884476257 +521 257 3 884476035 +521 265 3 885253247 +521 268 5 884475470 +521 273 3 884476168 +521 290 3 884477262 +521 298 3 884476126 +521 300 3 884475555 +521 324 2 886059923 +521 343 3 884475605 +521 385 3 885254837 +521 393 3 884478667 +521 402 3 885253501 +521 403 4 885253758 +521 405 2 884476820 +521 421 4 885254070 +521 431 4 884478601 +521 475 3 884475889 +521 496 2 885253668 +521 520 3 884477585 +521 526 3 885254307 +521 550 3 885253844 +521 566 3 885254925 +521 568 3 884478101 +521 597 2 884476302 +521 651 3 885253376 +521 655 4 885253904 +521 679 3 884478515 +521 684 3 884478807 +521 732 3 884478135 +521 742 3 884477512 +521 746 4 884478152 +521 748 3 884475618 +521 751 3 884475485 +521 754 3 885252562 +521 755 3 885254872 +521 763 4 884476152 +521 827 1 884476904 +521 829 2 884476168 +521 833 2 884476869 +521 967 3 885254071 +521 1013 1 884476820 +521 1014 3 884476320 +521 1240 3 884478667 +521 1244 3 884476887 +522 11 4 876961076 +522 12 5 876960894 +522 23 5 876961248 +522 48 4 876961020 +522 134 5 876961020 +522 135 5 876960824 +522 168 5 876960956 +522 179 5 876961190 +522 180 5 876960824 +522 192 5 876960894 +522 200 4 876961314 +522 205 4 876961020 +522 208 5 876961248 +522 430 5 876961314 +522 480 5 876961076 +522 492 4 876961190 +522 510 5 876961190 +522 514 2 876960956 +522 521 5 876961190 +522 530 4 876961314 +522 543 4 876961076 +522 654 4 876960824 +523 1 5 883701763 +523 14 5 883700991 +523 25 4 883702054 +523 42 3 883703495 +523 56 3 883703495 +523 67 4 883702654 +523 70 5 883700743 +523 95 4 883701800 +523 97 4 883702946 +523 116 5 883700766 +523 155 4 883703091 +523 163 5 883702411 +523 167 4 883702233 +523 168 4 883701962 +523 169 5 883701800 +523 179 3 883703495 +523 194 5 883702210 +523 197 5 883703048 +523 202 4 883702054 +523 210 5 883702209 +523 213 5 883700743 +523 255 5 883700144 +523 257 5 883700187 +523 258 5 883699583 +523 301 4 883700064 +523 306 5 883699583 +523 384 3 883703495 +523 407 4 883702800 +523 408 5 883700527 +523 412 3 883702351 +523 430 4 883702125 +523 432 5 883701800 +523 435 5 883702263 +523 451 5 883702441 +523 476 3 883702441 +523 477 3 883703495 +523 508 3 883703495 +523 509 4 883700870 +523 523 3 883703495 +523 531 5 883700792 +523 533 4 883700395 +523 582 4 883701154 +523 634 5 883700743 +523 638 4 883701065 +523 663 5 883701962 +523 694 5 883703048 +523 722 3 883703495 +523 732 4 883702125 +523 863 4 883700743 +523 866 5 883700618 +523 874 4 883699869 +523 934 4 883702602 +523 944 4 883702324 +523 949 5 883700792 +523 954 5 883702474 +523 1014 5 883700307 +523 1036 4 883702552 +523 1041 4 883702411 +523 1047 5 883702800 +523 1069 5 883701962 +523 1121 5 883700969 +523 1195 5 883700969 +523 1472 5 883701124 +524 4 4 884636498 +524 6 5 884627388 +524 7 2 884627065 +524 12 3 884634646 +524 13 4 884323551 +524 14 5 884322047 +524 22 3 884634731 +524 23 5 884635031 +524 32 4 884634679 +524 39 5 884636583 +524 44 4 884636416 +524 47 2 884635136 +524 50 4 884634615 +524 52 4 884636453 +524 55 2 884634911 +524 56 4 884634849 +524 58 4 884635031 +524 60 5 884634938 +524 64 2 884634877 +524 65 4 884636646 +524 69 4 884634578 +524 70 4 884636519 +524 71 3 884634755 +524 72 4 884636958 +524 77 3 884637095 +524 79 4 884634818 +524 81 1 884636262 +524 82 4 884636583 +524 92 4 884635171 +524 94 2 884637245 +524 96 4 884635172 +524 98 3 884634615 +524 107 3 884628284 +524 111 5 884323426 +524 116 4 884322047 +524 117 3 884322113 +524 118 4 884627463 +524 124 5 884322113 +524 126 4 884323427 +524 129 5 884322047 +524 131 5 884636498 +524 132 4 884634968 +524 133 5 884634968 +524 134 5 884634848 +524 135 3 884634679 +524 150 2 884832650 +524 170 4 884634785 +524 173 4 884637436 +524 174 4 884634911 +524 175 3 884634911 +524 186 3 884634995 +524 194 4 884634646 +524 195 2 884634849 +524 197 4 884637347 +524 203 4 884634819 +524 204 3 884635358 +524 208 5 884635287 +524 209 4 884634755 +524 211 5 884635136 +524 212 5 884635326 +524 216 5 884634849 +524 218 3 884636453 +524 221 4 884323464 +524 222 2 884323500 +524 226 3 884635085 +524 227 2 884636498 +524 228 3 884636152 +524 230 3 884636907 +524 235 1 884628059 +524 238 4 884634755 +524 239 2 884636498 +524 241 5 884635205 +524 259 3 884320358 +524 265 4 884636583 +524 269 4 884287379 +524 273 3 884322113 +524 275 3 884832616 +524 301 4 884321179 +524 302 5 884287406 +524 304 4 884321179 +524 310 4 884701677 +524 311 4 884287428 +524 318 4 884635287 +524 319 4 884638062 +524 321 3 884321179 +524 322 4 884320358 +524 367 5 884636453 +524 380 2 884637202 +524 382 3 884636596 +524 385 3 884636453 +524 386 4 884637032 +524 393 3 884637032 +524 402 2 884636617 +524 403 4 884636182 +524 405 2 884627065 +524 414 4 884635136 +524 416 4 884636152 +524 418 1 884637598 +524 419 1 884635031 +524 429 2 884635358 +524 430 3 884637914 +524 432 1 884636151 +524 433 5 884636444 +524 435 4 884635053 +524 436 4 884636864 +524 443 4 884636542 +524 447 5 884636182 +524 449 3 884637245 +524 451 3 884637202 +524 461 3 884635287 +524 466 4 884636583 +524 471 4 884322169 +524 472 3 884323500 +524 476 3 884628212 +524 478 3 884637376 +524 480 4 884634911 +524 481 4 884634785 +524 482 5 884634938 +524 484 4 884634646 +524 485 2 884635085 +524 488 4 884634707 +524 492 3 884634679 +524 493 4 884638025 +524 494 4 884637409 +524 495 4 884635358 +524 496 2 884637314 +524 498 5 884636453 +524 499 4 884637598 +524 501 2 884636262 +524 504 5 884634877 +524 508 5 884322047 +524 511 5 884634707 +524 513 4 884634938 +524 514 5 884634938 +524 515 4 884637409 +524 516 4 884634578 +524 517 4 884635136 +524 519 4 884634818 +524 520 3 884637314 +524 521 4 884636182 +524 523 4 884634615 +524 526 3 884636907 +524 528 4 884634818 +524 546 4 884627594 +524 549 4 884636931 +524 550 3 884636958 +524 558 4 884634533 +524 559 3 884637067 +524 568 4 884636152 +524 570 4 884637128 +524 573 4 884636827 +524 578 5 884637031 +524 582 3 884635326 +524 583 4 884635326 +524 584 1 884635205 +524 604 4 884637501 +524 606 4 884634968 +524 612 3 884635204 +524 614 5 884634731 +524 618 3 884636416 +524 638 2 884637914 +524 640 1 884636541 +524 647 3 884634911 +524 649 4 884636205 +524 651 4 884634578 +524 654 5 884634877 +524 657 4 884634995 +524 661 3 884637467 +524 663 2 884635358 +524 676 3 884322379 +524 684 4 884636236 +524 693 5 884636562 +524 700 5 884637246 +524 704 4 884636691 +524 705 3 884634818 +524 708 4 884636645 +524 709 5 884635171 +524 715 4 884636182 +524 739 2 884637128 +524 748 2 884321592 +524 751 4 884701677 +524 781 1 884636583 +524 792 4 884636519 +524 796 3 884636958 +524 815 3 884627519 +524 818 3 884628308 +524 823 4 884628136 +524 831 3 884628212 +524 836 2 884637409 +524 837 2 884637467 +524 845 5 884323426 +524 855 4 884634911 +524 895 4 884320358 +524 930 3 884832772 +524 943 3 884636453 +524 950 4 884323351 +524 955 1 884637914 +524 965 4 884635288 +524 1041 2 884636746 +524 1046 3 884637173 +524 1048 4 884627594 +524 1050 2 884637501 +524 1065 1 884636646 +524 1073 5 884635287 +524 1074 2 884637128 +524 1093 4 884628136 +524 1101 4 884635053 +524 1107 4 884636262 +524 1113 3 884636236 +524 1124 3 884637528 +524 1126 1 884637409 +524 1129 2 884832580 +524 1152 3 884626906 +524 1166 5 884635031 +524 1184 3 884637173 +524 1421 5 884637147 +524 1454 3 884637128 +524 1540 2 884635326 +524 1553 3 884635136 +525 7 3 881086051 +525 14 3 881086078 +525 15 4 881085964 +525 100 4 881086108 +525 106 2 881086938 +525 124 3 881086108 +525 125 3 881085709 +525 127 3 881085647 +525 147 3 881085893 +525 151 5 881086562 +525 181 4 881085740 +525 248 4 881085709 +525 250 3 881085917 +525 257 4 881085739 +525 269 5 881087067 +525 282 4 881085648 +525 288 4 881085217 +525 289 3 881085256 +525 291 2 881086644 +525 293 3 881086108 +525 322 2 881085256 +525 405 4 881086693 +525 472 2 881086012 +525 475 3 881086108 +525 596 4 881086195 +525 597 3 881086413 +525 676 2 881086518 +525 713 4 881086393 +525 742 3 881085843 +525 762 4 881085917 +525 928 3 881086586 +525 1014 3 881086468 +525 1047 2 881086274 +525 1315 4 881086393 +526 50 5 885682426 +526 100 5 885682448 +526 121 2 885682590 +526 123 3 885682614 +526 125 2 885682657 +526 127 4 885682426 +526 150 2 885682370 +526 181 4 885682448 +526 245 2 885682124 +526 248 4 885682635 +526 250 2 885682477 +526 258 3 885681860 +526 260 1 885681982 +526 271 3 885682124 +526 272 5 885681860 +526 273 2 885682562 +526 276 4 885682477 +526 277 2 885682657 +526 282 3 885682370 +526 285 5 885682503 +526 288 4 885681910 +526 293 5 885682477 +526 294 3 885681982 +526 298 4 885682528 +526 300 2 885682031 +526 302 5 885681860 +526 307 2 885681958 +526 313 5 885681934 +526 323 2 885682214 +526 325 3 885682102 +526 328 2 885682006 +526 331 3 885681935 +526 332 2 885682006 +526 333 3 885681935 +526 342 2 885682295 +526 343 3 885682264 +526 475 5 885682635 +526 508 4 885682590 +526 544 1 885682477 +526 591 4 885682503 +526 690 3 885681910 +526 742 3 885682562 +526 748 1 885682214 +526 750 4 885681886 +526 751 2 885681958 +526 845 5 885682590 +526 879 3 885682102 +526 1007 3 885682657 +526 1084 5 885682590 +527 4 2 879456162 +527 7 5 879456162 +527 9 5 879455873 +527 11 4 879456662 +527 12 4 879456637 +527 14 2 879456663 +527 23 5 879456611 +527 60 4 879456132 +527 69 4 879456490 +527 70 4 879455873 +527 86 4 879456438 +527 91 2 879455873 +527 93 4 879456078 +527 96 4 879456611 +527 100 5 879455905 +527 116 4 879456611 +527 129 2 879455905 +527 134 5 879456490 +527 135 2 879456587 +527 144 4 879456186 +527 153 5 879455847 +527 154 3 879455814 +527 168 5 879456405 +527 169 4 879455961 +527 170 3 879456637 +527 172 5 879456490 +527 174 4 879455847 +527 175 3 879456132 +527 177 5 879456405 +527 179 3 879456587 +527 180 5 879456334 +527 182 5 879456132 +527 183 5 879456691 +527 185 5 879455680 +527 187 5 879455999 +527 191 5 879455654 +527 192 4 879455765 +527 197 4 879455740 +527 200 3 879455999 +527 202 3 879456691 +527 209 4 879456405 +527 211 4 879456289 +527 214 4 879456030 +527 234 5 879455706 +527 238 5 879456405 +527 275 3 879455961 +527 279 4 879456438 +527 283 4 879456405 +527 286 2 879455354 +527 318 3 879456104 +527 357 5 879455654 +527 423 3 879456248 +527 425 4 879455792 +527 427 4 879455740 +527 429 5 879456611 +527 431 3 879456363 +527 433 4 879456464 +527 462 3 879455707 +527 466 2 879455765 +527 467 3 879455999 +527 475 3 879455847 +527 492 3 879456405 +527 496 4 879456248 +527 498 4 879455961 +527 499 5 879456490 +527 508 3 879456363 +527 511 5 879456248 +527 526 5 879456312 +527 528 3 879456104 +527 558 4 879456162 +527 582 2 879456078 +527 603 4 879456078 +527 628 3 879456289 +527 640 4 879456464 +527 647 5 879455654 +527 651 5 879455654 +527 652 4 879456248 +527 655 3 879456464 +527 657 4 879455999 +527 659 4 879455617 +527 661 5 879456186 +527 671 5 879455873 +527 673 4 879456587 +527 855 2 879455814 +527 878 1 879455511 +527 962 3 879456312 +527 1101 4 879456691 +527 1149 4 879456637 +527 1211 3 879455765 +528 31 5 886101761 +528 56 3 886101428 +528 69 3 886101761 +528 77 3 886101428 +528 79 5 886101911 +528 83 5 886101632 +528 109 4 886812980 +528 168 4 888522642 +528 173 5 886101610 +528 178 4 886101695 +528 185 4 886101652 +528 202 5 886101846 +528 203 4 888522613 +528 204 5 888522547 +528 210 5 886101976 +528 213 4 886101505 +528 250 3 886812886 +528 258 4 886812857 +528 294 3 888520438 +528 298 4 888520849 +528 402 4 888520911 +528 410 4 886813104 +528 422 2 886813066 +528 427 4 886813104 +528 484 3 886101695 +528 505 4 886101956 +528 523 4 886101846 +528 526 4 886101505 +528 541 3 888520782 +528 588 2 886101736 +528 615 4 886101715 +528 678 3 888520525 +528 845 3 886812857 +528 1254 3 886812920 +528 1618 1 888521905 +529 245 3 882535639 +529 258 4 882535091 +529 260 4 882535693 +529 264 2 882535820 +529 268 5 882535220 +529 270 4 882535304 +529 271 4 882535536 +529 286 4 882534996 +529 288 4 882535353 +529 300 4 882535049 +529 301 4 882535639 +529 307 5 882534996 +529 309 3 882535353 +529 310 4 882534996 +529 319 4 882535220 +529 322 4 882535383 +529 324 2 882535563 +529 326 4 882535304 +529 327 4 882535353 +529 328 4 882535256 +529 332 4 882535049 +529 333 4 882534996 +529 343 3 882535180 +529 682 4 882535256 +529 689 2 882535049 +529 690 3 882535180 +529 749 4 882535466 +529 875 4 882535714 +529 876 3 882535466 +529 880 4 882535304 +529 886 4 882535353 +529 991 1 882535639 +530 60 5 883790997 +530 64 5 883790942 +530 88 4 890627443 +530 98 4 883784195 +530 100 4 883784058 +530 174 4 883784503 +530 176 3 886202320 +530 181 3 886202320 +530 183 4 883790882 +530 191 5 883785574 +530 195 3 883784105 +530 196 5 883784601 +530 204 4 883790833 +530 220 5 886628953 +530 237 4 886629307 +530 255 4 886198864 +530 275 5 890627396 +530 333 3 890627264 +530 443 4 883790943 +530 470 3 891568895 +530 487 4 883784557 +530 582 4 883783631 +530 607 5 883790567 +530 660 3 883785464 +530 815 4 886202404 +530 1136 4 891568851 +530 1226 4 891568366 +531 245 4 887049049 +531 259 1 887048789 +531 286 5 887048741 +531 288 1 887048686 +531 300 4 887048862 +531 302 5 887048686 +531 311 4 887048763 +531 313 5 887049364 +531 327 3 887048718 +531 329 5 887049081 +531 338 1 887048938 +531 688 1 887048998 +531 690 5 887048789 +531 748 4 887049081 +531 751 4 887048836 +531 890 1 887049341 +531 892 3 887049187 +531 894 1 887049214 +531 895 2 887049214 +531 898 5 887049081 +531 908 1 887048836 +531 1316 4 887049214 +532 1 5 893119335 +532 2 5 893119336 +532 4 5 893119415 +532 7 5 893119415 +532 8 5 893119415 +532 9 5 893119438 +532 12 5 893119491 +532 22 5 892867296 +532 24 5 892867296 +532 26 3 888629359 +532 29 3 888636521 +532 44 5 888637085 +532 52 4 888629446 +532 72 3 888636538 +532 77 5 892519935 +532 79 5 889235367 +532 82 5 892521554 +532 87 5 892866230 +532 97 5 893119415 +532 98 5 893119438 +532 99 5 893119438 +532 100 5 893119335 +532 105 3 874789704 +532 107 5 893119415 +532 118 4 888634813 +532 120 2 888630742 +532 125 5 893119415 +532 127 5 893119438 +532 135 3 888629938 +532 136 5 892865321 +532 139 5 874792232 +532 143 4 874788755 +532 147 4 888634802 +532 161 5 892519934 +532 164 5 892519934 +532 181 5 889235367 +532 186 4 891910189 +532 187 4 884594932 +532 191 5 888635366 +532 203 5 893118712 +532 204 5 892863286 +532 215 5 892866230 +532 218 5 889235367 +532 226 4 892859148 +532 227 4 874788566 +532 228 5 893118712 +532 229 5 892859148 +532 230 5 893118712 +532 234 5 889235367 +532 240 3 888629938 +532 248 4 888635264 +532 251 4 888636374 +532 252 4 888636478 +532 267 3 875441348 +532 268 4 875441085 +532 269 4 891288537 +532 272 5 884594422 +532 277 5 893119439 +532 282 5 893119415 +532 292 4 884594621 +532 295 5 884594761 +532 298 4 892859148 +532 304 5 893118711 +532 305 3 878372701 +532 307 4 880831630 +532 310 4 888634802 +532 311 2 885415471 +532 313 5 884594326 +532 315 3 888636423 +532 316 4 888631773 +532 318 5 893119439 +532 330 4 888636373 +532 332 4 876696298 +532 335 3 888636389 +532 339 5 892859148 +532 346 5 885761690 +532 347 4 884594422 +532 352 3 886585109 +532 354 4 887672256 +532 364 3 874791976 +532 367 5 893119439 +532 368 3 888630991 +532 402 5 893118712 +532 407 2 874794386 +532 411 3 874792031 +532 420 4 888636374 +532 425 4 888634801 +532 426 5 888635197 +532 427 5 892519934 +532 431 5 892521553 +532 447 4 888630205 +532 448 4 888635429 +532 450 2 874796421 +532 451 4 874789474 +532 452 5 888630585 +532 453 4 888631524 +532 477 4 892520198 +532 480 5 893119491 +532 482 5 888629254 +532 483 5 892867296 +532 491 5 893119491 +532 495 4 888634801 +532 496 5 893119491 +532 498 4 888629124 +532 501 5 889235367 +532 506 5 889235367 +532 508 4 888636373 +532 510 5 888635197 +532 520 5 892861434 +532 523 5 888637085 +532 531 5 893119491 +532 535 5 888637085 +532 549 5 888637085 +532 554 4 874790813 +532 559 5 892859148 +532 570 4 888629804 +532 576 5 893118712 +532 588 5 893119415 +532 619 5 889235367 +532 633 5 888635197 +532 636 5 892859149 +532 660 4 888634801 +532 676 5 892521554 +532 684 5 888635197 +532 708 4 877634392 +532 722 3 888629836 +532 739 5 893119335 +532 754 4 892854961 +532 759 2 888631120 +532 761 4 874787387 +532 771 3 874791172 +532 781 5 877635505 +532 795 2 874789538 +532 796 5 888635445 +532 815 4 888635376 +532 824 4 888634802 +532 833 4 888629804 +532 834 4 874796151 +532 840 4 892867296 +532 842 4 888635407 +532 864 4 887041540 +532 898 4 884594575 +532 915 4 891909850 +532 916 3 893115293 +532 917 4 892520128 +532 918 4 893013954 +532 925 4 892520642 +532 931 3 892520696 +532 946 5 888635366 +532 980 4 884594911 +532 982 3 888631077 +532 990 3 875511963 +532 1011 5 893119491 +532 1016 4 888636450 +532 1039 4 888629863 +532 1092 2 888630838 +532 1136 2 888636558 +532 1162 2 888631576 +532 1168 4 888630436 +532 1188 4 874790998 +532 1189 5 892521554 +532 1199 3 874789155 +532 1207 2 874790439 +532 1217 4 888630453 +532 1228 3 874789704 +532 1240 2 874793852 +532 1300 3 888632446 +532 1312 4 888631036 +532 1407 2 874794386 +532 1428 4 874791420 +532 1483 4 891909911 +532 1594 4 893115576 +533 8 3 879191938 +533 12 4 879438543 +533 13 3 879192475 +533 15 4 879192641 +533 20 5 882902988 +533 22 4 879438961 +533 28 4 879192315 +533 31 3 879191265 +533 38 2 879191691 +533 43 4 879439341 +533 44 4 879191594 +533 48 4 879191373 +533 53 1 879191621 +533 56 3 879439379 +533 58 4 888845150 +533 64 5 882902988 +533 66 4 879439204 +533 70 4 879191938 +533 71 4 889450972 +533 72 2 879192157 +533 77 4 879191713 +533 88 4 879191902 +533 94 4 879192184 +533 100 5 882902988 +533 107 3 879773606 +533 109 2 879192986 +533 111 4 879192474 +533 117 5 879192901 +533 120 1 879366160 +533 121 4 879192901 +533 125 5 891263021 +533 126 4 879192414 +533 132 5 879191220 +533 134 4 879439379 +533 135 3 879191022 +533 143 4 879438850 +533 147 1 884698117 +533 148 3 882902641 +533 150 3 886425704 +533 168 4 879191864 +533 169 4 879438543 +533 172 4 879191184 +533 174 4 879191184 +533 176 1 879191332 +533 177 4 879191300 +533 182 3 879191265 +533 186 3 879438850 +533 187 4 879438811 +533 191 4 879192315 +533 192 3 879438486 +533 197 5 882902988 +533 203 4 879438743 +533 204 4 879192157 +533 205 5 882902988 +533 208 4 879191374 +533 211 4 879191972 +533 215 4 879438941 +533 216 4 879191864 +533 226 4 879191621 +533 227 4 879191563 +533 228 4 879191332 +533 230 4 879191563 +533 236 4 890659276 +533 237 2 879193048 +533 239 3 879192157 +533 242 4 884698095 +533 243 3 879193517 +533 255 2 882195237 +533 257 4 882195275 +533 265 3 879191563 +533 281 4 887032214 +533 284 1 879192641 +533 289 2 879773297 +533 291 3 882902727 +533 292 4 883583127 +533 293 3 879191469 +533 294 4 879193088 +533 297 4 893160944 +533 298 4 882195203 +533 300 4 888844557 +533 318 5 879438849 +533 333 4 886425803 +533 356 4 879191652 +533 367 2 879191972 +533 371 3 879439488 +533 382 1 879191998 +533 385 4 879438666 +533 393 4 879192069 +533 402 4 888845284 +533 403 3 879439341 +533 408 4 880402916 +533 423 5 888844906 +533 443 3 879191595 +533 449 4 879191713 +533 451 2 879439465 +533 471 4 882902330 +533 474 3 879190771 +533 476 2 879365951 +533 480 4 879190670 +533 483 4 879438470 +533 489 4 879438961 +533 498 4 879438850 +533 504 4 888845229 +533 508 4 879192702 +533 511 4 879439379 +533 514 3 879190670 +533 521 3 879191022 +533 527 4 879191022 +533 549 4 879439340 +533 550 4 879439340 +533 554 1 879191691 +533 566 4 879191652 +533 580 3 879192034 +533 591 4 887721848 +533 596 2 880402996 +533 609 4 879191184 +533 627 2 879439593 +533 654 3 879191770 +533 660 5 882902988 +533 663 5 879191022 +533 676 5 879439720 +533 684 4 879191594 +533 685 4 887032380 +533 687 2 879193517 +533 696 3 887032538 +533 713 2 879192582 +533 739 5 882902988 +533 740 4 879192815 +533 744 2 887721800 +533 747 5 879438767 +533 748 3 890659295 +533 755 3 888845338 +533 756 4 879193004 +533 778 4 879192157 +533 792 3 879190771 +533 820 2 887032380 +533 823 4 879192901 +533 824 1 879366160 +533 846 2 879365886 +533 866 2 887032297 +533 871 2 879192730 +533 919 2 888239673 +533 921 2 879439061 +533 934 3 879366118 +533 936 4 889450822 +533 988 2 882821725 +533 1001 1 879366160 +533 1016 3 887721769 +533 1041 2 879192069 +533 1047 3 887032276 +533 1048 3 889450842 +533 1086 3 880402916 +533 1142 4 888347670 +533 1147 3 879439204 +533 1161 3 883583033 +533 1173 4 885820219 +533 1174 3 882821669 +533 1291 1 879366076 +534 1 5 877807718 +534 3 4 877808031 +534 7 4 877807780 +534 15 4 877807873 +534 21 4 877807905 +534 25 5 877807845 +534 93 1 877807692 +534 105 4 877808198 +534 109 4 877808053 +534 118 4 877807935 +534 121 4 877808002 +534 125 3 877807816 +534 129 4 877807718 +534 147 5 877808031 +534 148 4 877808198 +534 149 2 877808237 +534 235 4 877807973 +534 243 3 877807461 +534 273 5 877807747 +534 274 3 877807846 +534 276 5 877807873 +534 282 5 877808174 +534 286 3 877807602 +534 288 4 877807429 +534 291 4 877808031 +534 294 5 877807461 +534 300 4 877807486 +534 331 4 877807429 +534 333 5 877807486 +534 405 3 877807935 +534 410 5 877807816 +534 475 4 877807747 +534 477 3 877807780 +534 508 4 877807973 +534 546 4 877808120 +534 597 5 877808175 +534 619 4 877807653 +534 685 3 877807653 +534 717 5 877808198 +534 748 4 877807429 +534 756 4 877808175 +534 760 2 877808098 +534 763 4 877808361 +534 823 4 877807973 +534 824 4 877808260 +534 919 5 877807816 +534 978 4 877808175 +534 985 4 877807815 +534 1052 4 877808300 +534 1054 5 877807973 +534 1215 3 877808120 +534 1327 2 877808281 +535 7 5 879618776 +535 9 5 879617779 +535 14 3 879618743 +535 16 4 879618532 +535 25 4 879619176 +535 30 4 879617531 +535 32 3 879617574 +535 45 3 879618655 +535 47 5 879618160 +535 50 5 879618091 +535 52 4 879618091 +535 56 3 879617613 +535 60 5 879618613 +535 61 3 879619107 +535 64 5 879617531 +535 71 4 879618502 +535 79 3 879618502 +535 83 4 879618091 +535 86 4 879618385 +535 87 5 879618965 +535 98 2 879617977 +535 100 5 879617531 +535 132 5 879619035 +535 133 5 879618019 +535 134 5 879619144 +535 135 3 879617978 +535 136 5 879619107 +535 144 3 879618123 +535 152 4 879618385 +535 153 4 879617663 +535 156 2 879617613 +535 162 3 879619035 +535 166 4 879618385 +535 170 4 879618160 +535 173 5 879617747 +535 179 4 879617489 +535 180 4 879618655 +535 186 4 879618925 +535 187 2 879617701 +535 188 3 879618999 +535 190 4 879617747 +535 192 4 879617931 +535 193 4 879618700 +535 194 5 879617663 +535 195 4 879618288 +535 196 4 879617894 +535 197 5 879618288 +535 198 4 879618850 +535 205 3 879618464 +535 207 4 879618613 +535 210 5 879618160 +535 211 4 879617489 +535 213 5 879618849 +535 215 4 879619144 +535 221 3 879618700 +535 223 5 879618207 +535 237 4 879617779 +535 258 5 879619286 +535 265 3 879619144 +535 268 3 879617199 +535 275 4 879619177 +535 276 3 879618965 +535 277 5 879619107 +535 284 4 879619144 +535 300 3 879617199 +535 301 4 879617199 +535 302 3 879617063 +535 318 4 879618502 +535 319 5 879617310 +535 381 3 879617818 +535 382 5 879618058 +535 389 4 879619177 +535 419 3 879618654 +535 425 5 879618338 +535 427 4 879618246 +535 429 3 879618569 +535 447 5 879617574 +535 461 3 879617663 +535 466 3 879618385 +535 471 4 879618743 +535 482 4 879619107 +535 483 5 879618742 +535 484 5 879617819 +535 488 5 879618965 +535 492 4 879618742 +535 495 3 879618849 +535 496 5 879618246 +535 498 4 879619224 +535 499 4 879617894 +535 504 3 879617574 +535 507 5 879617856 +535 511 3 879618655 +535 517 4 879617977 +535 518 5 879618569 +535 520 4 879618058 +535 527 3 879617574 +535 529 3 879618655 +535 558 5 879618385 +535 566 3 879618338 +535 604 4 879617663 +535 608 4 879617856 +535 609 4 879618019 +535 612 4 879618385 +535 614 5 879618850 +535 628 4 879618246 +535 631 5 879619176 +535 632 4 879618965 +535 638 4 879618655 +535 640 3 879618742 +535 645 4 879617856 +535 654 5 879617856 +535 655 4 879618385 +535 657 5 879618338 +535 686 5 879617489 +535 692 4 879618880 +535 693 3 879619107 +535 699 4 879619000 +535 702 1 879619067 +535 707 4 879618809 +535 708 5 879618777 +535 709 5 879618925 +535 721 3 879618464 +535 727 4 879618502 +535 778 2 879617819 +535 792 4 879618655 +535 848 3 879618743 +535 919 4 879618207 +535 921 4 879617489 +535 942 4 879619035 +535 950 3 879618019 +535 955 3 879618338 +535 962 4 879617747 +535 963 5 879617977 +535 1039 4 879618058 +535 1045 4 879617663 +535 1063 4 879618613 +535 1098 5 879618464 +535 1101 4 879619177 +535 1136 4 879618465 +535 1170 3 879618019 +535 1474 4 879618207 +536 1 5 882318394 +536 8 5 882359047 +536 10 4 882318772 +536 22 5 882359863 +536 28 5 882359678 +536 56 3 882360405 +536 62 4 882360873 +536 71 5 882360467 +536 73 4 882360894 +536 79 4 882359813 +536 80 2 882360802 +536 82 4 882360929 +536 84 4 882363820 +536 86 3 882360573 +536 87 3 882359584 +536 88 4 882360601 +536 94 4 882363972 +536 95 5 882360361 +536 96 4 882359988 +536 97 3 882360662 +536 98 4 882360029 +536 117 4 882318415 +536 121 4 882318820 +536 135 5 882359370 +536 136 4 882359780 +536 141 4 882361042 +536 144 4 882359962 +536 148 4 882318820 +536 151 3 882318442 +536 153 4 882359540 +536 164 4 882361018 +536 167 3 882361317 +536 168 5 882359863 +536 169 5 882359047 +536 172 5 882359539 +536 179 2 882359625 +536 180 4 882359431 +536 181 5 882318369 +536 188 3 882359755 +536 190 5 882359431 +536 191 4 882360187 +536 197 3 882359567 +536 205 5 882360424 +536 209 2 882360030 +536 210 5 882359477 +536 213 5 882360704 +536 215 4 882360530 +536 222 4 882360552 +536 228 5 882359863 +536 275 5 882318287 +536 283 3 882318369 +536 304 3 882317183 +536 378 5 882360405 +536 380 4 882360734 +536 386 4 882361162 +536 389 5 882360734 +536 403 3 882360496 +536 404 4 882359838 +536 405 2 882318246 +536 408 5 882318561 +536 416 4 882360929 +536 419 3 882360993 +536 423 4 882360601 +536 427 5 882359455 +536 431 5 882359813 +536 432 4 882360552 +536 435 3 882359755 +536 436 3 882359883 +536 443 3 882360833 +536 450 2 882364152 +536 472 3 882319003 +536 474 5 882359678 +536 480 5 882359370 +536 483 4 882359625 +536 486 4 882359652 +536 487 4 882359813 +536 489 4 882360451 +536 493 4 882359333 +536 496 5 882359455 +536 498 5 882359906 +536 500 4 882360946 +536 510 4 882359838 +536 546 2 882318533 +536 549 3 882360283 +536 566 5 882360264 +536 568 4 882360209 +536 588 3 882359726 +536 596 3 882317312 +536 614 4 882359653 +536 631 2 882363934 +536 640 4 882361042 +536 662 5 882360100 +536 694 5 882360622 +536 707 5 882359678 +536 708 3 882361179 +536 713 4 882318741 +536 720 4 882361207 +536 736 5 882360264 +536 740 4 882318630 +536 746 5 882359838 +536 755 4 882360993 +536 778 4 882359988 +536 993 3 882318629 +536 1030 3 882364170 +536 1039 5 882360029 +536 1050 5 882360124 +536 1063 5 882359938 +536 1115 5 882318369 +536 1140 1 882364876 +537 1 2 886029889 +537 4 2 886031634 +537 6 2 886029806 +537 10 4 886030109 +537 12 3 886031074 +537 14 4 886030108 +537 15 3 886030051 +537 19 4 886030051 +537 20 3 886029974 +537 23 4 886030738 +537 24 1 886030176 +537 25 2 886030199 +537 26 3 886031913 +537 30 3 886031606 +537 32 3 886031178 +537 39 2 886031407 +537 42 3 886030622 +537 44 3 886031886 +537 45 3 886031786 +537 47 4 886030768 +537 48 4 886030805 +537 50 4 886030805 +537 52 3 886030891 +537 53 2 886032029 +537 56 5 886030652 +537 59 3 886031178 +537 61 4 886031211 +537 64 3 886030707 +537 65 3 886030767 +537 69 2 886031178 +537 72 1 886031966 +537 76 3 886031934 +537 79 3 886032123 +537 81 3 886031106 +537 83 4 886030891 +537 86 4 886031786 +537 87 3 886030622 +537 88 2 886032204 +537 89 4 886030862 +537 91 2 886031438 +537 93 3 886030077 +537 96 3 886031576 +537 97 2 886031720 +537 98 3 886030583 +537 99 2 886031375 +537 100 4 886029692 +537 107 3 886030281 +537 109 1 886030051 +537 111 3 886030077 +537 116 3 886029841 +537 117 2 886030011 +537 121 1 886030380 +537 123 2 886030109 +537 124 4 886029806 +537 127 5 886030622 +537 129 3 886029889 +537 131 4 886031407 +537 132 3 886031074 +537 135 5 886031149 +537 140 2 886032001 +537 141 3 886032183 +537 147 2 886030012 +537 149 3 886030078 +537 168 4 886030552 +537 170 3 886031211 +537 173 4 886030682 +537 174 3 886030622 +537 175 4 886030966 +537 176 2 886031606 +537 178 4 886030767 +537 180 4 886031342 +537 181 2 886031437 +537 183 3 886031407 +537 184 3 886032246 +537 185 4 886030805 +537 186 4 886031211 +537 190 4 886030552 +537 192 4 886031473 +537 195 3 886031407 +537 196 3 886030831 +537 197 4 886030891 +537 198 2 886030652 +537 199 4 886030682 +537 200 3 886031473 +537 202 3 886031540 +537 204 3 886031786 +537 208 4 886031297 +537 209 4 886030966 +537 211 4 886030831 +537 212 3 886032123 +537 213 4 886031830 +537 216 3 886031540 +537 221 3 886029841 +537 222 2 886029974 +537 224 3 886030109 +537 228 3 886031474 +537 230 2 886031860 +537 234 3 886031211 +537 236 3 886029726 +537 238 4 886030966 +537 243 1 886029239 +537 262 5 886028446 +537 265 3 886031473 +537 268 4 886028647 +537 270 3 886028498 +537 271 2 886028791 +537 272 4 886028446 +537 273 3 886029727 +537 274 2 886030235 +537 276 4 886029806 +537 277 2 886029973 +537 279 2 886030177 +537 281 1 886030281 +537 283 4 886029889 +537 284 3 886030347 +537 286 3 886028498 +537 288 2 886028706 +537 289 1 886029153 +537 290 2 886030254 +537 292 2 886029116 +537 294 1 886029083 +537 299 2 886028791 +537 300 1 886028446 +537 302 4 886028446 +537 303 4 886028706 +537 305 4 886028498 +537 307 3 886028791 +537 310 3 886028647 +537 311 3 886028446 +537 314 1 886029239 +537 315 4 886029116 +537 317 3 886031786 +537 319 4 886028604 +537 321 3 886028791 +537 322 1 886029153 +537 323 1 886029211 +537 325 1 886029153 +537 328 2 886029083 +537 333 2 886028707 +537 337 3 886029526 +537 338 1 886029239 +537 340 4 886028604 +537 343 2 886029153 +537 345 4 886028446 +537 346 3 886028544 +537 347 4 886028845 +537 371 3 886031407 +537 378 2 886032154 +537 380 2 886032154 +537 381 3 886031678 +537 382 3 886030938 +537 385 2 886032098 +537 387 4 886031860 +537 392 2 886032245 +537 404 3 886031720 +537 414 4 886030938 +537 419 2 886031342 +537 423 2 886030622 +537 425 3 886031297 +537 426 1 886032154 +537 427 4 886030831 +537 428 4 886031506 +537 429 3 886030863 +537 430 3 886031297 +537 431 4 886031678 +537 433 4 886031634 +537 434 3 886031211 +537 435 3 886031933 +537 443 3 886031752 +537 445 3 886030767 +537 448 3 886032001 +537 455 1 886030317 +537 458 3 886030176 +537 462 3 886030805 +537 463 3 886030738 +537 464 4 886031506 +537 466 4 886031149 +537 468 2 886032029 +537 469 3 886030652 +537 471 3 886030012 +537 474 5 886030805 +537 478 4 886030938 +537 479 4 886030938 +537 480 4 886030622 +537 482 4 886031375 +537 483 4 886030583 +537 484 4 886031105 +537 485 3 886031576 +537 486 3 886031149 +537 489 3 886030738 +537 490 4 886031786 +537 492 3 886031342 +537 493 4 886030707 +537 494 4 886031752 +537 495 2 886031678 +537 496 4 886030831 +537 497 4 886030863 +537 499 3 886031634 +537 501 3 886032000 +537 506 3 886031860 +537 508 4 886030108 +537 510 3 886031575 +537 511 5 886030652 +537 512 3 886031438 +537 513 4 886030891 +537 514 4 886030583 +537 515 4 886031297 +537 517 4 886031341 +537 518 4 886031105 +537 519 3 886030584 +537 521 2 886030831 +537 523 3 886030682 +537 525 3 886030891 +537 527 4 886031860 +537 528 3 886030805 +537 530 4 886030768 +537 539 1 886029212 +537 543 5 886031074 +537 547 1 886029771 +537 550 2 886032246 +537 566 2 886032183 +537 568 2 886031912 +537 569 2 886032183 +537 573 2 886031886 +537 581 3 886031886 +537 582 3 886030966 +537 584 2 886031678 +537 591 3 886030051 +537 603 4 886030622 +537 604 3 886031211 +537 607 4 886030682 +537 609 3 886031606 +537 614 3 886031473 +537 616 2 886031752 +537 625 3 886032184 +537 628 2 886030177 +537 633 3 886031342 +537 638 3 886030682 +537 639 2 886031438 +537 640 3 886031211 +537 641 4 886031178 +537 642 4 886031342 +537 644 5 886031438 +537 646 2 886030552 +537 647 4 886030891 +537 651 3 886030862 +537 652 3 886031074 +537 655 3 886030831 +537 657 3 886030966 +537 660 3 886031149 +537 664 3 886031634 +537 670 2 886031342 +537 673 3 886031505 +537 675 3 886031860 +537 676 4 886029889 +537 678 1 886029181 +537 684 3 886030738 +537 688 1 886029153 +537 689 1 886029239 +537 690 2 886028604 +537 693 4 886031786 +537 694 4 886031407 +537 699 4 886031149 +537 702 3 886031375 +537 703 3 886031859 +537 705 3 886031074 +537 707 4 886031576 +537 708 3 886031860 +537 709 4 886031342 +537 713 3 886030177 +537 714 3 886031886 +537 715 4 886032029 +537 718 4 886029771 +537 723 2 886032098 +537 724 3 886031886 +537 727 2 886032245 +537 730 3 886031211 +537 732 3 886031912 +537 733 3 886031297 +537 735 3 886031576 +537 739 1 886032154 +537 741 2 886030199 +537 745 2 886031074 +537 746 3 886031149 +537 750 3 886028498 +537 753 2 886030622 +537 778 3 886031106 +537 782 3 886031831 +537 789 2 886030805 +537 792 3 886030805 +537 806 3 886031074 +537 837 3 886031211 +537 845 2 886030078 +537 848 3 886030552 +537 855 3 886030937 +537 873 2 886029211 +537 882 4 886028791 +537 890 1 886029526 +537 894 1 886029526 +537 896 3 886028604 +537 901 1 886029488 +537 919 4 886030012 +537 921 3 886031074 +537 923 3 886031342 +537 924 3 886030254 +537 928 1 886030442 +537 942 3 886031913 +537 948 1 886029239 +537 950 3 886030347 +537 953 3 886031473 +537 955 4 886031149 +537 958 2 886030652 +537 959 3 886032154 +537 960 3 886031540 +537 963 3 886030805 +537 964 3 886031407 +537 966 2 886032098 +537 970 3 886032184 +537 971 4 886031375 +537 972 3 886032123 +537 975 3 886030281 +537 978 2 886029841 +537 979 2 886030317 +537 980 3 886030051 +537 988 1 886029488 +537 990 2 886029153 +537 1005 3 886031752 +537 1006 2 886032245 +537 1010 2 886030381 +537 1011 3 886030416 +537 1025 1 886029488 +537 1045 3 886032154 +537 1048 2 886030381 +537 1070 3 886031678 +537 1084 3 886030050 +537 1101 3 886031720 +537 1103 4 886031407 +537 1113 3 886031606 +537 1129 1 886030051 +537 1134 3 886030176 +537 1147 3 886031473 +537 1154 1 886032000 +537 1163 1 886030347 +537 1166 2 886031886 +537 1194 3 886030584 +537 1245 3 886030051 +537 1267 3 886032123 +537 1335 3 886030347 +537 1400 2 886031678 +537 1404 2 886032204 +537 1420 1 886029181 +537 1445 3 886031576 +537 1451 3 886030552 +537 1475 2 886031786 +538 4 3 877107726 +538 11 4 877109516 +538 12 4 877107633 +538 22 5 877107232 +538 28 3 877107491 +538 31 3 877109422 +538 42 1 877108077 +538 50 5 877107656 +538 58 4 877109688 +538 79 4 877107050 +538 82 4 877107558 +538 88 2 877108078 +538 89 4 877109831 +538 96 4 877109669 +538 100 4 877109748 +538 121 3 877110209 +538 137 3 877108372 +538 143 3 877364003 +538 144 4 877107558 +538 153 4 877106976 +538 162 3 877363863 +538 172 4 877107765 +538 173 3 877107914 +538 174 4 877106619 +538 176 4 877106918 +538 181 3 877107700 +538 182 4 877107408 +538 183 4 877106768 +538 187 5 877107840 +538 188 4 877108195 +538 199 5 877364067 +538 204 3 877363950 +538 208 3 877107085 +538 210 3 877106665 +538 223 4 877107700 +538 234 3 877108077 +538 258 3 877095640 +538 273 3 877107879 +538 275 4 877107050 +538 276 1 877107340 +538 289 1 877095667 +538 294 3 877095702 +538 318 5 877106768 +538 381 3 877110175 +538 385 3 877108345 +538 423 4 877108919 +538 483 5 877109932 +538 527 3 877364067 +538 528 5 877107536 +538 566 3 877107765 +538 642 3 877107633 +538 655 3 877108345 +538 710 3 877107726 +538 712 3 877109773 +538 735 3 877108785 +539 22 3 879788195 +539 45 4 879788345 +539 56 2 879788046 +539 59 5 879788224 +539 69 5 879787801 +539 124 4 879788480 +539 127 3 879788046 +539 132 5 879788284 +539 133 4 879788136 +539 163 4 879788572 +539 170 5 879788533 +539 202 5 879788405 +539 204 4 879788045 +539 215 4 879788623 +539 236 3 879788345 +539 238 3 879788045 +539 239 3 879788572 +539 258 4 879787770 +539 269 5 879787770 +539 275 4 879787917 +539 285 4 879788623 +539 286 4 879787771 +539 289 4 879787770 +539 301 5 879787770 +539 303 5 879787770 +539 306 4 879787770 +539 319 5 879787770 +539 340 2 879787771 +539 357 4 879787917 +539 372 2 879787985 +539 487 3 879788101 +539 496 3 879787985 +539 531 4 879788572 +539 603 4 879787985 +539 610 4 879788533 +539 640 2 879788101 +539 660 5 879788346 +539 962 4 879788195 +539 963 4 879788533 +539 1211 3 879788371 +540 9 5 882156965 +540 13 4 882157585 +540 15 3 882157084 +540 20 4 882157509 +540 25 4 882157635 +540 111 4 882157148 +540 117 4 882157706 +540 121 2 882157148 +540 147 3 882157612 +540 181 4 882157060 +540 220 3 882157820 +540 222 4 882157224 +540 250 4 882157172 +540 257 4 882157584 +540 258 4 882156584 +540 269 4 882156584 +540 270 4 882156731 +540 274 4 882157662 +540 276 4 882157061 +540 280 3 882157797 +540 281 3 882157011 +540 286 4 882156584 +540 293 4 882157084 +540 294 4 882156617 +540 300 3 882156618 +540 310 4 882156710 +540 323 3 882156851 +540 332 4 882156677 +540 333 4 882156617 +540 340 4 882156710 +540 343 4 882156677 +540 405 3 882157612 +540 455 4 882157477 +540 471 4 882157706 +540 473 3 882157687 +540 475 4 882156983 +540 508 4 882156983 +540 515 5 882157105 +540 596 4 882157126 +540 597 4 882157248 +540 628 3 882157148 +540 762 4 882157545 +540 820 3 882157545 +540 825 4 882157172 +540 1011 4 882157509 +540 1014 4 882157224 +540 1016 4 882157662 +540 1048 4 882157635 +540 1226 4 882157732 +541 8 5 883874645 +541 29 2 883865336 +541 38 3 883871617 +541 50 5 884046910 +541 62 4 883871644 +541 63 3 883866049 +541 66 4 883865929 +541 71 5 883874716 +541 73 4 883865693 +541 79 5 883871524 +541 83 5 883864806 +541 88 3 883865738 +541 90 4 883866093 +541 91 5 883874683 +541 95 4 883874682 +541 99 4 883874717 +541 102 4 883874778 +541 110 4 883866114 +541 111 1 884645883 +541 118 4 883871670 +541 121 3 883871695 +541 139 3 884047204 +541 140 5 883874682 +541 142 5 883874778 +541 151 3 883874717 +541 168 4 883865555 +541 172 5 884645816 +541 173 5 883865534 +541 174 4 883871524 +541 204 4 884645816 +541 234 5 883874433 +541 235 1 883866049 +541 254 3 884046953 +541 258 4 883864123 +541 259 1 884046888 +541 265 5 885595654 +541 278 2 883875063 +541 304 4 883864207 +541 378 5 883864908 +541 393 3 883865693 +541 395 2 883866300 +541 402 3 883864946 +541 403 3 883865110 +541 404 4 883874646 +541 405 3 883871695 +541 417 4 883874749 +541 418 5 883874646 +541 427 4 883864638 +541 432 4 883874716 +541 459 5 884047153 +541 468 4 883865007 +541 474 5 884047153 +541 476 5 883866007 +541 477 4 883865654 +541 500 4 883874682 +541 501 4 883874682 +541 511 4 883864739 +541 526 4 883865088 +541 527 3 883864638 +541 542 1 884046888 +541 543 4 883875432 +541 553 4 883865289 +541 584 3 883874646 +541 585 2 883866114 +541 588 4 883874682 +541 622 3 883874804 +541 623 3 883874778 +541 627 4 883874749 +541 651 5 883864782 +541 655 4 883864782 +541 659 5 883865555 +541 676 3 883865063 +541 678 5 883864160 +541 709 5 885595735 +541 732 3 883865173 +541 755 5 883874716 +541 812 3 883874872 +541 826 3 883871755 +541 843 4 884645883 +541 877 1 884046888 +541 924 5 883865133 +541 931 3 883875370 +541 941 4 883865394 +541 946 5 883874749 +541 993 4 884046295 +541 1030 3 885595972 +541 1036 2 883866280 +541 1041 3 883865929 +541 1047 2 883866173 +541 1053 3 883865317 +541 1074 1 884046888 +541 1078 4 883874834 +541 1084 4 883864569 +541 1091 3 883874804 +541 1185 2 883866028 +541 1315 1 884046202 +541 1409 4 883874778 +541 1412 1 883874834 +541 1442 1 884046888 +542 1 4 886532534 +542 11 2 886533710 +542 12 4 886533774 +542 13 4 886533002 +542 15 2 886533483 +542 22 3 886532314 +542 41 4 886533068 +542 42 3 886532726 +542 47 5 886532855 +542 48 5 886533452 +542 50 4 886532209 +542 64 4 886533421 +542 70 4 886532788 +542 71 3 886533562 +542 72 3 886532818 +542 80 3 886533142 +542 87 3 886532676 +542 88 3 886532727 +542 90 4 886533227 +542 94 3 886533021 +542 95 3 886533562 +542 97 4 886533754 +542 99 5 886533587 +542 109 4 886532416 +542 121 2 886532381 +542 122 3 886533253 +542 127 5 886532294 +542 132 3 886532620 +542 150 2 886532908 +542 168 4 886532602 +542 172 4 886532265 +542 173 4 886532265 +542 175 3 886532762 +542 180 3 886532602 +542 181 4 886532359 +542 186 4 886532909 +542 192 5 886533421 +542 194 4 886532534 +542 195 3 886532294 +542 196 4 886533452 +542 202 3 886532314 +542 208 4 886532881 +542 210 3 886532706 +542 235 3 886533228 +542 237 4 886532238 +542 240 3 886533142 +542 249 4 886532432 +542 273 3 886532466 +542 282 3 886533452 +542 293 3 886532466 +542 315 4 886532120 +542 321 4 886532928 +542 347 3 886532176 +542 357 5 886532534 +542 384 3 886533227 +542 386 3 886533046 +542 393 3 886533142 +542 401 3 886533193 +542 410 4 886532971 +542 418 4 886533562 +542 420 3 886533587 +542 423 4 886532676 +542 427 5 886532294 +542 432 5 886532552 +542 433 3 886532838 +542 435 4 886532818 +542 451 3 886532971 +542 501 4 886533562 +542 509 4 886532209 +542 523 4 886532788 +542 531 4 886533452 +542 585 2 886533068 +542 625 3 886533588 +542 627 3 886533604 +542 695 2 886532788 +542 732 3 886533227 +542 734 3 886533303 +542 744 2 886532676 +542 763 4 886533253 +542 772 4 886533694 +542 775 2 886533253 +542 780 3 886533003 +542 789 3 886532909 +542 864 3 886533112 +542 871 2 886533142 +542 952 4 886533193 +542 959 3 886532971 +542 1061 2 886533275 +543 2 3 877546306 +543 4 4 875658853 +543 8 4 875658853 +543 9 4 876382812 +543 11 3 874866116 +543 12 5 875665787 +543 13 3 876896210 +543 14 4 876896210 +543 16 3 875655073 +543 22 3 877545230 +543 23 4 874864183 +543 24 3 874861639 +543 29 2 877546306 +543 38 3 877545717 +543 44 3 874865728 +543 47 3 877547672 +543 56 5 874866535 +543 59 4 875659256 +543 60 5 874864346 +543 61 4 875659098 +543 62 3 875663687 +543 64 4 874863336 +543 66 3 874866535 +543 69 4 874863436 +543 70 4 874863155 +543 82 4 877545605 +543 89 4 877545605 +543 94 3 877550791 +543 97 3 874864346 +543 98 4 874863336 +543 102 4 874863155 +543 111 4 874861699 +543 114 4 874864346 +543 118 3 874862036 +543 134 5 874862967 +543 144 4 874863269 +543 147 4 877543316 +543 153 3 874863035 +543 157 3 874863549 +543 160 3 874863803 +543 161 4 877545356 +543 163 4 874864870 +543 168 3 875663170 +543 169 4 875663267 +543 170 4 874863269 +543 174 4 874864666 +543 177 4 877545356 +543 180 4 874866208 +543 183 4 874864034 +543 188 4 877545717 +543 191 4 874863035 +543 192 4 874863878 +543 195 4 874863155 +543 197 4 874866116 +543 198 4 876896210 +543 200 4 874864870 +543 204 4 874864737 +543 211 4 877547441 +543 212 4 875659175 +543 214 3 874864421 +543 218 3 874864034 +543 226 4 875663372 +543 233 4 877545716 +543 234 4 876896210 +543 237 4 876896210 +543 239 2 877550660 +543 249 2 888209667 +543 252 3 889308778 +543 265 4 877545356 +543 272 3 888300821 +543 302 4 887912238 +543 303 4 875664365 +543 313 3 887912223 +543 318 3 874863549 +543 324 3 890723992 +543 357 4 874863803 +543 367 4 876105366 +543 391 3 877547190 +543 397 3 877547005 +543 410 3 877453103 +543 423 3 874863035 +543 432 4 874862967 +543 461 3 875659175 +543 462 4 874864182 +543 463 3 874864034 +543 466 4 874864094 +543 469 4 875663056 +543 471 3 875657863 +543 474 5 875665787 +543 479 4 874866208 +543 480 4 876896210 +543 508 4 874861792 +543 509 3 874863734 +543 515 4 876896210 +543 518 3 874864736 +543 519 4 875662979 +543 521 4 874865636 +543 528 4 874864666 +543 529 4 874866208 +543 531 4 874864347 +543 550 2 877547005 +543 562 2 877547004 +543 566 4 877545605 +543 568 3 877547005 +543 576 4 877546306 +543 582 3 874863550 +543 586 3 877547190 +543 603 5 875665787 +543 636 3 876718718 +543 642 3 874863803 +543 651 3 877546306 +543 656 4 875665787 +543 660 3 875659098 +543 663 4 874866208 +543 684 4 874864737 +543 692 4 877547580 +543 700 2 874865923 +543 702 2 877550399 +543 704 3 875662979 +543 709 3 874866535 +543 715 3 877550534 +543 720 2 877546306 +543 730 3 874864346 +543 732 3 877547863 +543 742 3 874861699 +543 761 2 876105554 +543 778 4 877550399 +543 792 4 877550535 +543 796 3 877550790 +543 855 4 875663543 +543 919 2 874863549 +543 936 4 888209568 +543 944 3 877547863 +543 947 4 877545605 +543 1014 4 875655073 +543 1073 3 874863269 +543 1099 4 874863878 +543 1159 5 875665787 +543 1174 3 876894981 +543 1199 2 877542776 +543 1416 2 876718718 +543 1441 3 874863436 +543 1524 4 874866319 +543 1555 3 874863155 +544 259 1 884795581 +544 270 3 884795135 +544 271 3 884795986 +544 288 2 884795135 +544 292 4 884795470 +544 294 2 884795581 +544 300 4 884795612 +544 301 2 884795580 +544 302 5 884795135 +544 304 3 884795135 +544 310 2 884795264 +544 313 5 884795413 +544 323 2 884796016 +544 327 2 884795516 +544 328 3 884795581 +544 331 3 884795516 +544 338 2 884796062 +544 343 2 884796062 +544 346 4 884795135 +544 748 3 884795986 +544 749 4 884795471 +544 750 3 884795135 +544 877 2 884795612 +545 1 5 879901359 +545 17 3 879899472 +545 28 4 884133814 +545 29 3 880347984 +545 31 4 884133988 +545 50 5 879898644 +545 62 5 879899438 +545 67 1 880348933 +545 77 3 884134704 +545 78 2 884134578 +545 79 4 879899233 +545 80 3 879900654 +545 82 4 879899266 +545 94 3 879900794 +545 95 4 879901458 +545 96 5 879899233 +545 97 3 879901865 +545 98 5 879899861 +545 99 4 880347957 +545 117 4 879899233 +545 121 5 879899299 +545 139 3 884134959 +545 142 3 884135088 +545 151 4 880348074 +545 155 3 879902060 +545 164 4 879899906 +545 167 3 879900731 +545 168 4 879900156 +545 172 5 879899125 +545 173 5 879900185 +545 174 4 879899125 +545 175 4 879899641 +545 176 4 879899125 +545 177 3 879899299 +545 181 5 879898644 +545 182 3 883115423 +545 183 4 879899125 +545 188 2 879899233 +545 193 3 884133988 +545 194 3 879899677 +545 195 4 879899158 +545 196 4 884133859 +545 199 4 880347770 +545 202 4 879900388 +545 203 4 880347831 +545 204 4 879899641 +545 205 4 884134276 +545 211 3 879900586 +545 218 4 879899906 +545 227 4 879899380 +545 230 5 879899327 +545 232 3 883115515 +545 233 4 879899380 +545 234 3 879899905 +545 257 5 879898678 +545 258 3 879898617 +545 266 2 879898447 +545 271 3 879898362 +545 326 3 879898447 +545 328 4 879898301 +545 373 3 879899523 +545 378 3 884134177 +545 379 4 879900010 +545 380 3 884134628 +545 384 3 879900863 +545 385 3 879899266 +545 386 2 884134780 +545 391 2 883115552 +545 393 4 879900891 +545 395 4 879901092 +545 403 5 879899380 +545 405 4 879899380 +545 413 4 879899977 +545 419 3 884134177 +545 423 4 884134114 +545 426 3 879901483 +545 431 3 879899472 +545 434 3 884134177 +545 449 2 879899497 +545 450 2 883115718 +545 451 3 879900366 +545 491 3 884134035 +545 510 3 880347957 +545 541 4 879899548 +545 542 2 880348933 +545 546 3 879901281 +545 549 4 879901920 +545 550 3 879899327 +545 551 4 879900053 +545 563 3 879900011 +545 566 4 879899438 +545 569 3 879900011 +545 575 3 879900985 +545 578 4 884134936 +545 588 4 879901459 +545 627 3 879901504 +545 633 3 884133963 +545 679 2 879899438 +545 684 4 879899380 +545 692 3 879900654 +545 720 3 883115664 +545 729 3 884134114 +545 732 4 879899619 +545 742 4 880347813 +545 743 3 879901322 +545 746 4 879900321 +545 751 3 883115062 +545 820 3 879901359 +545 890 2 880347690 +545 944 4 879900731 +545 968 5 884134395 +545 1028 4 879900731 +545 1091 3 879901483 +545 1188 3 883115515 +545 1228 3 884134603 +546 5 5 885141411 +546 7 5 885140689 +546 50 5 885140368 +546 53 5 885141502 +546 100 3 885140706 +546 109 5 885141260 +546 121 5 885140909 +546 145 4 885141502 +546 164 4 885141360 +546 181 5 885140754 +546 185 4 885141360 +546 200 5 885141332 +546 219 5 885141439 +546 222 4 885141260 +546 234 4 885141332 +546 236 4 885141260 +546 250 4 885141260 +546 258 4 885139634 +546 271 5 885139779 +546 294 1 885139779 +546 300 3 885139842 +546 313 2 885139580 +546 322 4 885139921 +546 343 3 885140117 +546 347 5 885139580 +546 349 4 885141260 +546 379 4 885141465 +546 447 3 885141360 +546 457 1 885139608 +546 567 4 885141502 +546 590 4 885141538 +546 665 2 885141411 +546 682 3 885140097 +546 690 2 885139693 +546 751 3 885139871 +546 758 4 885140808 +546 760 5 885140808 +546 769 4 885141465 +546 816 3 885141411 +546 892 4 885141260 +546 898 4 885141260 +546 977 5 885140939 +547 269 3 891282555 +547 289 3 891282775 +547 294 1 891282757 +547 302 5 891282575 +547 303 3 891282715 +547 313 5 891282611 +547 315 4 891282555 +547 319 4 891282926 +547 321 4 891282732 +547 332 3 891282681 +547 333 4 891282555 +547 338 2 891282967 +547 340 4 891282757 +547 345 5 891282555 +547 751 4 891282597 +548 1 4 891043182 +548 3 1 891415967 +548 9 1 891043008 +548 13 1 891415677 +548 14 1 891043182 +548 15 2 891415854 +548 17 3 891044596 +548 23 5 891044410 +548 25 2 891415746 +548 39 5 891044481 +548 50 5 891044304 +548 55 5 891044482 +548 56 5 891044356 +548 79 5 891044482 +548 98 5 891044410 +548 100 5 891044304 +548 121 5 891415939 +548 127 5 891043008 +548 151 1 891415786 +548 156 5 891044356 +548 164 5 891044446 +548 176 4 891044355 +548 181 4 891043008 +548 183 5 891044410 +548 185 5 891044356 +548 203 5 891044446 +548 218 4 891044538 +548 226 5 891044596 +548 229 5 891044596 +548 233 5 891044596 +548 234 4 891044356 +548 237 4 891415540 +548 245 4 891042624 +548 250 5 891044304 +548 252 3 891043977 +548 254 1 891043999 +548 257 5 891044304 +548 271 3 891043509 +548 272 2 891042194 +548 275 3 891415411 +548 277 3 891415540 +548 282 4 891415384 +548 283 3 891415572 +548 284 3 891415619 +548 286 1 891042194 +548 288 3 891042794 +548 291 5 891415677 +548 292 4 891042530 +548 293 4 891043760 +548 294 3 891042954 +548 295 5 891044304 +548 300 5 891044304 +548 302 4 891042194 +548 305 1 891042624 +548 310 3 891042474 +548 313 5 891044304 +548 316 4 891044139 +548 326 4 891043278 +548 328 4 891042954 +548 331 4 891042530 +548 333 4 891042624 +548 340 1 891042794 +548 343 4 891043547 +548 344 1 891042530 +548 346 4 891042624 +548 347 2 891415257 +548 358 2 891043547 +548 370 3 891416050 +548 405 4 891415643 +548 413 3 891416049 +548 431 5 891044446 +548 443 4 891044446 +548 460 4 891416122 +548 466 5 891044446 +548 471 5 891415709 +548 472 2 891415967 +548 475 4 891415411 +548 515 5 891044304 +548 525 5 891044446 +548 539 2 891415257 +548 546 4 891415815 +548 581 4 891044596 +548 591 3 891415465 +548 595 4 891416071 +548 597 4 891415890 +548 628 2 891415890 +548 642 4 891044538 +548 654 5 891044411 +548 659 4 891044446 +548 678 4 891043547 +548 683 4 891042954 +548 696 4 891415912 +548 717 4 891416050 +548 742 5 891044596 +548 748 3 891043910 +548 750 4 891042353 +548 751 4 891042851 +548 762 4 891415709 +548 882 4 891043442 +548 898 1 891043509 +548 905 4 891044198 +548 924 3 891415786 +548 925 2 891415709 +548 928 3 891415890 +548 950 4 891415643 +548 978 2 891416122 +548 1011 2 891415746 +548 1013 3 891043910 +548 1014 4 891043932 +548 1016 4 891043882 +548 1025 4 891043278 +548 1047 4 891416011 +548 1089 2 891044049 +548 1244 4 891043953 +548 1278 4 891416371 +549 1 5 881672182 +549 24 3 881672556 +549 100 4 881672333 +549 118 4 881672479 +549 121 4 881672461 +549 127 5 881672441 +549 151 3 881672300 +549 181 4 881672241 +549 237 4 881672605 +549 258 5 881671833 +549 282 3 881672300 +549 323 2 881671879 +549 405 4 881672556 +549 411 3 881672667 +549 472 3 881672408 +549 515 5 881672276 +549 620 3 881672650 +549 748 4 881671952 +549 1047 3 881672700 +550 1 3 883425913 +550 15 5 883426027 +550 50 5 883425283 +550 121 5 883426027 +550 125 4 883425958 +550 181 5 883425283 +550 222 4 883425979 +550 237 3 883426119 +550 243 2 883426119 +550 249 4 883425388 +550 252 1 883426119 +550 257 4 883425337 +550 258 5 883425409 +550 271 5 883425652 +550 275 4 883425958 +550 288 5 883425979 +550 294 3 883426119 +550 301 2 883426119 +550 313 5 883425610 +550 328 5 883425652 +550 596 2 883426119 +550 682 4 883425783 +550 688 3 883425762 +550 748 4 883425365 +550 877 4 883425723 +550 924 4 883426027 +550 1089 3 883425485 +550 1620 4 883425448 +551 3 5 892784093 +551 4 2 892783711 +551 5 4 892783314 +551 7 5 892777638 +551 9 5 892776982 +551 11 5 892777052 +551 17 5 892784942 +551 24 5 892783142 +551 26 4 892785056 +551 28 4 892776982 +551 33 5 892778297 +551 34 4 892778336 +551 38 1 892784553 +551 40 1 892785056 +551 44 4 892777825 +551 49 3 892783281 +551 51 5 892784780 +551 54 3 892784093 +551 55 5 892777753 +551 58 5 892783451 +551 64 5 892776380 +551 66 2 892783281 +551 67 5 892785164 +551 68 2 892783972 +551 69 4 892776982 +551 70 4 892783057 +551 71 4 892783281 +551 72 5 892783972 +551 73 2 892784130 +551 76 4 892778202 +551 77 3 892784130 +551 80 1 892785300 +551 82 5 892783525 +551 84 1 892785020 +551 85 1 892783749 +551 88 4 892783314 +551 89 4 892777787 +551 90 1 892784199 +551 92 5 892783672 +551 95 5 892783791 +551 96 5 892777987 +551 97 5 892777013 +551 100 4 892776486 +551 111 5 892783612 +551 117 5 892782807 +551 118 5 892784008 +551 125 4 892783791 +551 128 4 892783829 +551 143 4 892777274 +551 144 5 892778035 +551 147 4 892783525 +551 150 3 892782807 +551 153 3 892777310 +551 155 4 892784259 +551 157 4 892782765 +551 159 4 892784743 +551 162 5 892783242 +551 164 4 892776650 +551 168 5 892777723 +551 172 2 892778164 +551 176 4 892776876 +551 177 5 892777274 +551 180 5 892777052 +551 182 5 892776824 +551 184 1 892777855 +551 186 5 892783142 +551 187 5 892776450 +551 188 5 892783672 +551 192 5 892776750 +551 195 5 892777052 +551 196 5 892776982 +551 198 5 892778035 +551 200 4 892782936 +551 202 4 892783177 +551 204 4 892777673 +551 205 5 892776575 +551 209 5 892777123 +551 210 4 892777787 +551 211 5 892778035 +551 215 4 892778035 +551 216 5 892777609 +551 217 1 892784093 +551 218 5 892783212 +551 219 5 892784479 +551 226 5 892783411 +551 227 5 892783488 +551 228 5 892783212 +551 229 5 892784779 +551 230 5 892782901 +551 232 5 892783365 +551 233 4 892784259 +551 235 1 892784629 +551 245 3 892775723 +551 258 4 892775584 +551 264 3 892775970 +551 265 4 892776336 +551 272 5 892775389 +551 276 5 892783451 +551 280 3 892778337 +551 281 5 892784320 +551 282 5 892777092 +551 284 4 892783110 +551 288 4 892775466 +551 294 4 892775824 +551 300 4 892775687 +551 302 3 892775389 +551 310 4 892775516 +551 313 4 892775389 +551 315 5 892775389 +551 324 3 892775824 +551 326 4 892775612 +551 328 5 892775584 +551 331 5 892775584 +551 332 4 892775547 +551 333 5 892775584 +551 346 4 892775547 +551 351 3 892775894 +551 356 4 892783829 +551 357 5 892777274 +551 363 4 892784710 +551 366 5 892784049 +551 380 3 892783488 +551 385 5 892783791 +551 386 1 892785364 +551 393 5 892782901 +551 399 3 892785364 +551 402 4 892784049 +551 403 3 892782807 +551 410 5 892784093 +551 411 1 892784437 +551 415 4 892784710 +551 421 4 892778202 +551 431 4 892777583 +551 433 5 892777787 +551 448 4 892783242 +551 451 1 892784976 +551 455 1 892783525 +551 460 3 892784320 +551 461 3 892778074 +551 468 5 892783559 +551 470 5 892783711 +551 475 5 892777910 +551 476 5 892784259 +551 505 5 892777397 +551 508 4 892783366 +551 509 4 892777274 +551 518 4 892783212 +551 520 4 892777339 +551 531 5 892777485 +551 544 4 892784093 +551 546 2 892784673 +551 554 5 892783906 +551 559 5 892784479 +551 568 4 892783906 +551 570 4 892785264 +551 572 1 892784672 +551 583 3 892778369 +551 587 4 892783525 +551 591 5 892783612 +551 595 2 892784744 +551 596 5 892784049 +551 597 4 892784976 +551 603 5 892776524 +551 627 3 892783906 +551 628 5 892783177 +551 636 5 892784130 +551 640 4 892783750 +551 655 5 892783142 +551 660 3 892783672 +551 672 1 892785056 +551 673 4 892778164 +551 685 1 892782901 +551 686 3 892783829 +551 693 5 892777943 +551 696 2 892785194 +551 708 1 892783830 +551 710 5 892777753 +551 717 3 892785164 +551 720 2 892784744 +551 721 5 892784898 +551 727 5 892783559 +551 728 2 892785331 +551 732 4 892783711 +551 735 5 892783110 +551 739 4 892784710 +551 747 3 892783025 +551 751 4 892775797 +551 760 3 892784592 +551 761 1 892785164 +551 762 5 892784130 +551 763 5 892784008 +551 765 1 892785194 +551 770 2 892778244 +551 774 5 892783314 +551 779 4 892785399 +551 790 2 892783942 +551 796 4 892785264 +551 802 4 892784437 +551 809 5 892784629 +551 824 1 892784629 +551 833 3 892784166 +551 849 5 892785128 +551 875 4 892775970 +551 895 3 892775752 +551 917 3 892775466 +551 924 5 892783451 +551 926 2 892785300 +551 941 4 892782734 +551 943 5 892783451 +551 979 4 892784479 +551 1011 5 892783177 +551 1028 4 892785056 +551 1039 4 892777013 +551 1044 3 892785223 +551 1047 4 892785264 +551 1051 4 892784593 +551 1059 3 892785128 +551 1118 5 892784199 +551 1135 5 892785331 +551 1136 5 892784049 +551 1139 4 892785263 +551 1169 4 892778297 +551 1217 1 892784524 +551 1220 5 892784524 +551 1253 2 892784629 +551 1303 1 892785399 +551 1304 1 892783942 +551 1419 1 892785332 +551 1439 5 892783612 +551 1443 5 892784942 +551 1621 1 892785194 +552 1 3 879221716 +552 25 3 879221833 +552 50 4 879221876 +552 100 4 879221716 +552 111 3 879222238 +552 117 3 879222412 +552 121 4 879222698 +552 125 3 879222484 +552 126 4 879221876 +552 127 4 879221580 +552 147 3 879222412 +552 148 3 879222452 +552 181 3 879221399 +552 237 4 879221617 +552 240 2 879222133 +552 243 3 879220651 +552 248 4 879221795 +552 250 3 879222336 +552 257 3 879221795 +552 258 4 879220564 +552 280 3 879222002 +552 281 3 879222306 +552 282 3 879222133 +552 284 3 879222071 +552 286 4 879220564 +552 288 2 879221267 +552 291 2 879222661 +552 294 4 879220688 +552 300 4 879220610 +552 323 2 879221267 +552 405 3 879222268 +552 410 3 879222070 +552 411 3 879222002 +552 412 2 879222583 +552 515 3 879221543 +552 591 3 879222412 +552 619 3 879222632 +552 628 3 879221833 +552 748 4 879220651 +552 756 2 879221683 +552 815 3 879222336 +552 826 2 879222002 +552 845 3 879222368 +552 873 3 879220688 +552 926 2 879222698 +552 932 3 879222194 +552 934 3 879222336 +552 977 3 879222033 +552 988 3 879220650 +552 1014 4 879222520 +552 1047 3 879222521 +552 1048 3 879221683 +552 1051 3 879222238 +552 1095 3 879222738 +552 1278 3 879222452 +552 1362 3 879222698 +553 1 3 879949153 +553 8 3 879949290 +553 23 5 879948806 +553 45 4 879948732 +553 50 4 879948732 +553 56 4 879949042 +553 81 3 879948732 +553 100 5 879948869 +553 132 4 879948610 +553 134 4 879948806 +553 135 4 879948996 +553 136 4 879948655 +553 153 5 879949107 +553 170 4 879948806 +553 174 4 879949073 +553 178 5 879948460 +553 181 4 879948695 +553 186 3 879948552 +553 187 5 879948609 +553 190 5 879949251 +553 191 4 879949153 +553 197 5 879948831 +553 213 5 879949290 +553 218 4 879948996 +553 238 5 879948655 +553 275 5 879948552 +553 367 4 879949153 +553 378 3 879948655 +553 423 3 879948655 +553 435 4 879948869 +553 480 5 879948552 +553 483 5 879948423 +553 484 5 879949324 +553 487 5 879948996 +553 497 4 879948460 +553 498 4 879949042 +553 506 4 879948655 +553 507 3 879948831 +553 513 4 879948806 +553 514 3 879948695 +553 515 5 879948386 +553 519 5 879949042 +553 520 5 879949153 +553 524 5 879948996 +553 525 4 879949153 +553 527 3 879949290 +553 528 3 879949180 +553 559 3 879949251 +553 589 5 879948964 +553 605 4 879949251 +553 607 4 879949107 +553 609 4 879948806 +553 611 5 879948386 +553 615 5 879949073 +553 617 4 879949042 +553 631 5 879948695 +553 638 3 879948732 +553 655 4 879949289 +553 657 5 879949212 +553 661 5 879949324 +553 1009 4 879949212 +553 1124 4 879948695 +553 1126 4 879948508 +553 1194 5 879948995 +553 1200 3 879948964 +554 1 3 876231938 +554 4 2 876369560 +554 7 3 876549087 +554 11 4 876233069 +554 13 2 876232730 +554 14 4 876550182 +554 15 4 876231964 +554 21 1 876232212 +554 22 4 876232794 +554 31 4 876369085 +554 43 3 876369968 +554 50 4 876550778 +554 56 4 876550257 +554 58 4 876549808 +554 66 3 876369615 +554 68 2 876368907 +554 70 4 876369382 +554 71 4 876550257 +554 77 4 876550778 +554 95 4 876550526 +554 100 3 876231441 +554 111 4 876550526 +554 117 4 876231777 +554 121 4 876232267 +554 125 3 876550913 +554 132 4 876550453 +554 133 4 876369272 +554 151 4 876550100 +554 172 5 876550372 +554 173 3 876369527 +554 179 3 876369785 +554 181 4 876550100 +554 191 5 876243914 +554 202 4 876232956 +554 204 5 876550610 +554 209 4 876232997 +554 215 5 876550833 +554 216 3 876369162 +554 218 4 876550654 +554 220 3 876232109 +554 222 4 876231802 +554 230 5 876369968 +554 237 3 876231570 +554 238 3 876232682 +554 245 3 876231229 +554 265 4 876232956 +554 273 3 876231839 +554 275 4 876231634 +554 276 3 876548886 +554 282 3 876232267 +554 284 3 876549009 +554 288 3 876231123 +554 289 4 876549656 +554 294 3 876231229 +554 318 5 876369730 +554 328 4 878801354 +554 378 4 876549808 +554 405 4 876550654 +554 423 4 876550182 +554 526 4 876550100 +554 527 4 876233137 +554 531 4 876549731 +554 595 3 876232109 +554 596 3 876232758 +554 597 4 876232176 +554 678 3 876231229 +554 684 4 876550342 +554 692 4 876549579 +554 717 3 876232553 +554 728 3 876369995 +554 732 4 876550833 +554 735 3 876369162 +554 756 3 876231938 +554 770 1 876369382 +554 819 3 876231688 +554 820 2 876232176 +554 864 4 876231993 +554 866 3 876232486 +554 939 4 876550342 +554 1012 3 876231839 +554 1028 3 876551044 +554 1041 3 876369560 +554 1042 3 876550610 +554 1046 4 876550526 +554 1284 3 876232053 +555 13 5 879964092 +555 21 4 879964265 +555 25 4 879963127 +555 47 2 879975505 +555 50 5 879962152 +555 89 4 879975438 +555 100 5 879964092 +555 111 4 879964159 +555 118 4 879962569 +555 120 4 879964334 +555 121 3 879962551 +555 129 4 882385841 +555 150 4 879963127 +555 169 5 879975419 +555 181 5 879962172 +555 195 4 879975438 +555 235 3 879964209 +555 244 5 879962642 +555 248 4 879963127 +555 252 5 879962551 +555 258 3 879962096 +555 265 3 879975505 +555 274 4 879964240 +555 288 3 879962096 +555 301 4 879962096 +555 302 3 879962096 +555 318 4 879975419 +555 319 5 879962096 +555 328 4 879962096 +555 340 4 879962096 +555 357 4 879975455 +555 405 4 879962569 +555 410 4 879962769 +555 505 4 879975474 +555 748 4 879962096 +555 762 4 879964159 +555 1013 4 879962642 +556 12 5 882136440 +556 127 5 882136205 +556 133 5 882136396 +556 134 5 882136252 +556 135 2 882136252 +556 172 5 882136441 +556 173 3 882136162 +556 178 5 882136162 +556 187 5 882136396 +556 209 5 882136162 +556 243 1 882135994 +556 268 4 882135646 +556 286 4 882135437 +556 294 2 882135855 +556 302 4 882135437 +556 318 5 882136252 +556 319 3 882135437 +556 321 4 882135994 +556 323 2 882136058 +556 324 4 882135805 +556 340 5 882135646 +556 427 5 882136440 +556 481 5 882136441 +556 482 5 882136440 +556 493 5 882136441 +556 513 4 882136396 +556 523 5 882136205 +556 603 5 882136440 +556 604 5 882136205 +556 707 3 882136396 +556 988 1 882135994 +557 12 5 881179653 +557 50 4 881095916 +557 58 4 880555684 +557 96 5 881179653 +557 150 3 881179621 +557 165 5 881179653 +557 176 4 880486028 +557 180 5 881179653 +557 197 5 881179653 +557 198 5 881179513 +557 246 5 880485693 +557 252 3 880485846 +557 253 3 880485693 +557 268 5 881179653 +557 269 3 881179139 +557 270 3 881179166 +557 288 1 884357600 +557 289 4 880484992 +557 292 4 880485019 +557 298 5 881095916 +557 299 4 881095916 +557 300 4 881095916 +557 305 3 881179268 +557 307 5 881179653 +557 322 3 880485052 +557 325 3 880485074 +557 327 3 882458785 +557 334 4 881179362 +557 337 5 881179653 +557 346 2 884357321 +557 529 5 881179455 +557 532 5 881095916 +557 682 2 881179213 +557 739 3 881179539 +557 750 4 884357373 +557 865 3 881179268 +557 875 4 881179291 +557 887 3 881179118 +557 892 3 884357648 +557 1176 5 881179653 +557 1244 2 880485863 +558 9 4 879436069 +558 15 3 879436140 +558 20 5 879436396 +558 100 5 879436396 +558 137 4 879435896 +558 253 5 879436396 +558 269 4 879436396 +558 275 4 879435896 +558 283 3 879436097 +558 285 5 879436396 +558 286 4 879435828 +558 744 4 879436027 +558 1068 2 879435896 +559 12 3 891034067 +559 22 1 891034003 +559 55 4 891035111 +559 56 3 891034550 +559 69 5 891034003 +559 70 3 891035917 +559 87 4 891034003 +559 94 3 891035979 +559 144 5 891034551 +559 153 3 891035708 +559 163 4 891035840 +559 167 3 891035840 +559 174 4 891035111 +559 180 4 891035111 +559 182 4 891035111 +559 187 3 891033911 +559 194 3 891035781 +559 195 3 891034647 +559 196 5 891033805 +559 197 4 891035111 +559 202 1 891035674 +559 205 5 891033805 +559 216 5 891035876 +559 226 5 891034688 +559 233 3 891034688 +559 257 3 891035466 +559 259 3 891035407 +559 261 3 891035378 +559 300 4 891035137 +559 311 3 891033635 +559 318 5 891033835 +559 322 4 891034987 +559 347 3 891035343 +559 385 4 891035111 +559 393 2 891035917 +559 398 3 891034904 +559 502 4 891035946 +559 508 3 891034209 +559 511 2 891034347 +559 513 5 891033956 +559 515 4 891035111 +559 519 5 891034004 +559 520 5 891033911 +559 521 2 891033911 +559 523 4 891035812 +559 550 4 891035111 +559 566 5 891034688 +559 587 4 891034095 +559 652 4 891035633 +559 660 1 891034250 +559 661 3 891034040 +559 863 5 891033956 +559 1141 2 891034316 +559 1401 3 891034172 +559 1556 3 891033759 +560 11 4 879975485 +560 12 5 879975661 +560 22 2 879975613 +560 24 2 879976772 +560 50 5 879976109 +560 58 3 879975485 +560 89 5 879975752 +560 93 3 879976559 +560 100 5 879975752 +560 109 3 879976651 +560 111 3 879976731 +560 121 3 879976705 +560 122 3 879977081 +560 127 5 879976071 +560 132 3 879975485 +560 134 5 879975406 +560 137 4 879976427 +560 151 3 879976542 +560 168 4 879975718 +560 181 4 879975661 +560 183 5 879975586 +560 197 4 879975613 +560 201 3 879975718 +560 211 4 879975752 +560 222 4 879976706 +560 240 3 879976970 +560 246 5 879976109 +560 249 5 879976247 +560 255 4 879976109 +560 257 3 879976172 +560 264 3 879975231 +560 268 4 879975173 +560 270 4 879975173 +560 271 4 879975194 +560 275 4 879975718 +560 277 3 879976731 +560 278 1 879976892 +560 284 3 879976525 +560 301 3 879975116 +560 302 5 879975087 +560 318 4 879975406 +560 321 3 879975151 +560 358 3 879975358 +560 405 4 879976970 +560 411 3 879976828 +560 429 3 879975485 +560 458 3 879976731 +560 472 2 879976945 +560 476 2 879977124 +560 483 5 879975406 +560 489 3 879975662 +560 496 3 879975752 +560 498 4 879975718 +560 508 3 879976502 +560 515 3 879976109 +560 546 2 879976705 +560 606 4 879975613 +560 617 3 879975661 +560 653 4 879975529 +560 654 5 879975613 +560 845 3 879976602 +560 847 4 879976449 +560 928 3 879977062 +560 1014 4 879976215 +560 1016 3 879976216 +560 1019 4 879975529 +560 1021 4 879975718 +560 1073 3 879975586 +560 1134 3 879976478 +560 1215 2 879977336 +560 1265 3 879975194 +560 1405 4 879976215 +561 2 3 885809752 +561 3 3 885810390 +561 4 3 885809044 +561 8 3 885807455 +561 9 4 885807546 +561 10 3 885808766 +561 11 4 885807743 +561 12 5 885809356 +561 17 2 885810167 +561 22 3 885809223 +561 24 3 885807776 +561 25 2 885809426 +561 28 2 885808053 +561 31 2 885809146 +561 40 2 885810834 +561 46 4 885808796 +561 47 4 885809557 +561 48 4 885807547 +561 49 2 885809269 +561 50 3 885807429 +561 52 4 885809583 +561 55 4 885808796 +561 56 5 885807291 +561 58 3 885809654 +561 67 1 885810240 +561 69 1 885807215 +561 70 4 885808673 +561 71 2 885810039 +561 72 2 885810084 +561 77 1 885809246 +561 79 3 885808887 +561 81 2 885808000 +561 86 4 885809064 +561 87 3 885809197 +561 88 2 885810769 +561 89 4 885809556 +561 91 4 885807455 +561 95 2 885809605 +561 96 1 885809336 +561 97 3 885809312 +561 99 3 885808673 +561 100 4 885807484 +561 116 4 885809146 +561 117 3 885810220 +561 121 3 885810372 +561 130 4 885810429 +561 131 4 885808929 +561 132 2 885809269 +561 133 3 885807888 +561 144 3 885807547 +561 153 3 885808844 +561 155 2 885810785 +561 156 4 885807484 +561 157 4 885808053 +561 159 1 885809356 +561 160 3 885808904 +561 162 3 885809781 +561 168 4 885807261 +561 171 5 885807261 +561 172 2 885807743 +561 173 4 885807393 +561 174 4 885808053 +561 175 4 885807429 +561 176 4 885807345 +561 178 4 885807713 +561 179 4 885807261 +561 180 4 885807261 +561 181 3 885807318 +561 182 3 885807318 +561 183 5 885807215 +561 184 3 885808843 +561 185 4 885807173 +561 186 3 885809447 +561 188 4 885807261 +561 191 3 885807484 +561 194 4 885807612 +561 195 3 885808963 +561 196 4 885808620 +561 197 4 885807484 +561 198 3 885808986 +561 199 4 885809939 +561 200 4 885807743 +561 201 3 885807291 +561 203 4 885807261 +561 206 3 885809506 +561 207 3 885809245 +561 209 4 885807369 +561 210 3 885809146 +561 212 3 885809025 +561 214 3 885809670 +561 215 3 885809872 +561 216 3 885807173 +561 217 3 885810858 +561 223 4 885807235 +561 226 1 885809806 +561 229 3 885810271 +561 230 3 885809426 +561 231 2 885810744 +561 232 3 885810428 +561 233 1 885809246 +561 234 3 885808824 +561 235 3 885809806 +561 238 4 885807547 +561 240 1 885810726 +561 243 1 885807010 +561 268 3 885806710 +561 276 4 885807713 +561 277 3 885809223 +561 284 1 885809626 +561 285 4 885808715 +561 286 4 885806710 +561 319 2 885809005 +561 345 4 885806823 +561 356 1 885809752 +561 357 3 885807612 +561 362 2 893105375 +561 367 3 885809583 +561 371 1 885809426 +561 379 2 885810428 +561 380 2 885809524 +561 385 2 885810144 +561 403 3 885809690 +561 405 2 885809313 +561 417 2 885809690 +561 423 2 885808796 +561 425 4 885808000 +561 426 1 885810220 +561 427 4 885807484 +561 428 4 885810084 +561 430 3 885809336 +561 431 2 885808738 +561 432 5 885807776 +561 433 1 885808867 +561 435 3 888232990 +561 443 4 885809197 +561 447 3 885808767 +561 451 2 885810117 +561 455 3 885808766 +561 462 3 885809246 +561 470 3 885809872 +561 473 3 885810428 +561 474 5 885807318 +561 475 3 885807393 +561 478 4 885807290 +561 479 4 885807547 +561 480 4 885807484 +561 483 4 885807612 +561 484 4 885807215 +561 488 4 885807290 +561 492 4 885807369 +561 494 4 885808824 +561 496 3 885807369 +561 503 4 885808887 +561 504 3 885809447 +561 505 4 885807510 +561 507 4 885807429 +561 510 3 885808673 +561 511 4 885807510 +561 512 4 885808000 +561 514 4 885807713 +561 515 3 885807215 +561 520 4 885807318 +561 523 4 885809269 +561 524 4 885807888 +561 526 3 885808796 +561 531 1 885807215 +561 539 1 885807035 +561 542 1 885810858 +561 544 2 885809872 +561 546 1 885810557 +561 549 2 885809654 +561 550 1 885810117 +561 559 1 885809336 +561 566 3 885809873 +561 568 3 885807962 +561 578 3 885810575 +561 588 2 885809197 +561 589 3 885807510 +561 596 2 885809958 +561 603 4 885807842 +561 607 5 885807173 +561 608 3 885809119 +561 611 5 885807547 +561 614 3 885809336 +561 615 4 885807930 +561 617 4 885808738 +561 629 3 885809119 +561 631 3 885808000 +561 636 1 885809670 +561 639 3 885809291 +561 642 3 885809356 +561 644 3 885807743 +561 651 3 885807574 +561 652 5 885809312 +561 655 3 885807930 +561 656 4 885807455 +561 657 4 885807235 +561 660 3 885810144 +561 664 4 885807574 +561 665 3 885810309 +561 673 3 885809313 +561 675 3 885808904 +561 676 3 885810674 +561 679 3 885807235 +561 684 3 885808867 +561 692 1 885810084 +561 693 3 885808620 +561 701 3 885807930 +561 702 3 885809873 +561 705 3 885808000 +561 709 3 885808824 +561 710 4 885809897 +561 719 1 885810785 +561 724 3 885808867 +561 732 3 885809958 +561 733 3 885809099 +561 737 3 885810706 +561 739 2 885810271 +561 744 3 885809781 +561 746 3 885809025 +561 748 2 888557502 +561 751 3 885806779 +561 762 3 885809654 +561 772 4 885808715 +561 780 1 885810769 +561 790 1 885810538 +561 794 2 885809731 +561 802 1 885810726 +561 811 3 885808963 +561 849 2 885810193 +561 895 1 885807035 +561 921 3 885810769 +561 925 3 885810084 +561 928 2 885810330 +561 942 3 885809712 +561 943 3 885809197 +561 946 3 885810813 +561 952 3 885810192 +561 955 3 885808738 +561 956 4 885809336 +561 960 4 885809605 +561 971 3 885809269 +561 980 3 885809146 +561 1010 3 885809781 +561 1015 2 885810060 +561 1018 3 885809806 +561 1021 4 885807962 +561 1035 3 885810390 +561 1039 3 885807612 +561 1044 2 885810834 +561 1059 1 885808867 +561 1070 4 885809043 +561 1103 4 885807291 +561 1115 3 885809146 +561 1131 4 885807173 +561 1149 4 885807713 +561 1170 3 885809407 +561 1210 1 885810813 +561 1229 1 885810220 +561 1230 3 885810813 +561 1267 3 885809690 +561 1294 1 891710133 +561 1449 5 885808620 +561 1478 3 885809626 +561 1512 5 885807455 +562 1 2 879194894 +562 4 1 879196517 +562 5 4 879196576 +562 50 5 879196445 +562 66 1 879195927 +562 73 4 879195881 +562 79 4 879196445 +562 82 5 879196401 +562 88 5 879196680 +562 89 1 879195819 +562 98 4 879195081 +562 118 3 879196483 +562 127 5 879196401 +562 132 4 879195721 +562 133 2 879195007 +562 135 5 879196075 +562 141 4 879195334 +562 143 5 879196074 +562 144 5 879196445 +562 148 5 879195442 +562 153 4 879195954 +562 161 3 879196445 +562 173 5 879196308 +562 174 5 879196105 +562 181 3 879195125 +562 185 5 879196075 +562 190 4 879196445 +562 194 5 879196075 +562 204 1 879196288 +562 218 4 879196576 +562 229 1 879195848 +562 230 1 879195954 +562 231 1 879196446 +562 234 5 879196074 +562 286 4 879194616 +562 318 3 879194894 +562 323 2 879194768 +562 357 1 879195125 +562 385 2 879196483 +562 393 2 879195954 +562 402 5 879196074 +562 416 5 879195613 +562 432 5 879196074 +562 435 4 879195125 +562 458 2 879195982 +562 477 4 879195688 +562 483 4 879195954 +562 485 5 879196074 +562 504 4 879196709 +562 511 2 879195819 +562 514 1 879195848 +562 550 4 879196445 +562 566 4 879196483 +562 582 4 879196249 +562 591 4 879196176 +562 684 4 879196517 +562 806 1 879195289 +562 1039 4 879196105 +562 1126 4 879196045 +563 70 4 880506528 +563 118 4 880506863 +563 153 4 880507625 +563 167 4 880506771 +563 172 5 880507339 +563 181 4 880507374 +563 210 4 880507483 +563 220 4 880506703 +563 237 5 880506666 +563 255 5 880506528 +563 257 5 880506596 +563 294 3 880506121 +563 301 4 880506234 +563 304 2 880506234 +563 321 5 880506197 +563 403 4 880506963 +563 412 2 880507108 +563 476 3 880507311 +563 566 4 880507042 +563 678 2 880506368 +563 781 4 880507582 +563 862 1 880507672 +563 871 2 880507263 +564 50 4 888730974 +564 117 4 888730974 +564 118 4 888730699 +564 127 4 888730974 +564 181 4 888730974 +564 245 4 888718546 +564 257 4 888731011 +564 258 4 888718771 +564 272 3 888718415 +564 281 3 888730658 +564 289 4 888718546 +564 292 4 888718546 +564 298 3 888730534 +564 300 4 888718470 +564 302 3 888718415 +564 312 3 888718443 +564 313 4 888718415 +564 323 3 888730838 +564 344 4 888718521 +564 345 4 888718521 +564 472 4 888730658 +564 597 4 888730699 +564 685 3 888730658 +564 831 3 888730658 +564 924 3 888730534 +564 930 3 888730699 +564 1016 2 888730699 +564 1025 2 888718443 +564 1034 3 888730838 +565 30 5 891037499 +565 70 5 891037629 +565 83 5 891037628 +565 86 5 891037757 +565 165 4 891037252 +565 166 4 891037252 +565 171 5 891037252 +565 190 5 891037563 +565 207 4 891037393 +565 213 4 891037803 +565 381 2 891037628 +565 382 5 891037586 +565 462 4 891037692 +565 509 4 891037692 +565 512 3 891037453 +565 515 5 891037803 +565 638 4 891037837 +565 639 5 891037291 +565 652 5 891037563 +565 707 5 891037453 +565 713 5 891037693 +565 923 4 891037333 +565 970 4 891037757 +565 971 5 891037862 +565 1018 5 891037862 +565 1396 5 891037333 +565 1622 4 891037478 +566 2 5 881650739 +566 11 3 881649962 +566 12 4 881649802 +566 20 4 881650551 +566 22 3 881649358 +566 23 4 881650405 +566 31 3 881650825 +566 49 2 881651561 +566 50 2 881650063 +566 54 3 881651013 +566 56 4 881649828 +566 64 5 881649530 +566 69 4 881650108 +566 70 4 881649563 +566 78 1 881651829 +566 80 3 881651531 +566 86 4 881649622 +566 94 2 881651636 +566 96 3 881650171 +566 97 3 881650090 +566 100 5 881649548 +566 108 2 881651360 +566 110 1 881651813 +566 121 3 881650755 +566 122 2 881651583 +566 127 5 881650219 +566 133 4 881649670 +566 134 5 881649853 +566 135 5 881649389 +566 136 4 881649621 +566 137 5 881649928 +566 143 3 881650502 +566 144 3 881649530 +566 153 2 881649747 +566 155 2 881651225 +566 156 4 881649428 +566 161 4 881651097 +566 163 5 881649622 +566 165 5 881649530 +566 166 4 881649709 +566 168 4 881650003 +566 170 5 881650739 +566 172 3 881649644 +566 173 3 881649945 +566 181 2 881649985 +566 182 4 881649428 +566 191 4 881649853 +566 192 5 881649747 +566 202 4 881650551 +566 203 4 881650148 +566 204 3 881649828 +566 210 4 881650030 +566 215 3 881650739 +566 218 4 881650242 +566 219 1 881651286 +566 228 2 881650262 +566 230 2 881650123 +566 231 1 881651317 +566 234 3 881650148 +566 240 3 881651225 +566 260 2 881649273 +566 265 4 881650849 +566 273 5 881650063 +566 288 3 881650627 +566 289 1 881649273 +566 318 4 881649471 +566 327 3 881649273 +566 378 4 881650467 +566 384 3 881651360 +566 385 3 881650825 +566 386 1 881651375 +566 387 4 881651512 +566 388 3 881651512 +566 393 2 881651434 +566 403 3 881650654 +566 411 4 881651013 +566 419 2 881650907 +566 443 4 881649505 +566 461 4 881649853 +566 462 4 881650090 +566 465 2 881650654 +566 467 3 881650030 +566 483 4 881649357 +566 496 5 881649428 +566 508 4 881649577 +566 511 4 881649445 +566 521 4 881649802 +566 523 4 881649622 +566 529 4 881649358 +566 575 1 881651652 +566 576 2 881651013 +566 582 5 881650186 +566 631 4 881650605 +566 660 4 881650172 +566 673 4 881649775 +566 684 4 881649802 +566 685 3 881651183 +566 693 5 881649727 +566 736 4 881650690 +566 742 3 881650627 +566 763 4 881651045 +566 790 3 881651464 +566 879 2 881649273 +566 959 4 881651406 +566 1005 5 881650090 +566 1028 2 881651339 +566 1065 5 881650709 +566 1437 2 881651434 +567 9 4 882426696 +567 10 4 882426508 +567 12 4 882426508 +567 23 4 882426740 +567 32 5 882426644 +567 39 3 882426974 +567 47 4 882426696 +567 50 1 882426246 +567 56 4 882425630 +567 59 5 882425762 +567 60 5 882425966 +567 79 2 882427023 +567 83 4 882425791 +567 89 5 882425820 +567 96 4 882427155 +567 100 1 882425791 +567 109 2 882425673 +567 124 4 882426812 +567 127 5 882426246 +567 133 4 882425790 +567 134 5 882425873 +567 135 3 882426837 +567 136 5 882426210 +567 152 4 882426673 +567 156 5 882426055 +567 168 5 882425736 +567 170 3 882426184 +567 173 4 882425630 +567 174 1 882426869 +567 175 5 882425630 +567 177 4 882426673 +567 178 4 882425820 +567 179 5 882426135 +567 182 5 882425701 +567 183 4 882425701 +567 185 5 882426899 +567 187 5 882425673 +567 188 5 882426055 +567 190 4 882427068 +567 192 4 882426021 +567 194 3 882425874 +567 195 3 882426782 +567 197 5 882425901 +567 198 5 882425631 +567 199 4 882425820 +567 203 4 882426508 +567 205 3 882425736 +567 209 4 882426812 +567 212 2 882427023 +567 223 4 882426508 +567 234 3 882426762 +567 246 4 882426508 +567 248 4 882427273 +567 268 4 882426327 +567 271 4 882426327 +567 293 5 882427250 +567 297 3 882426246 +567 299 4 882426350 +567 303 3 882426350 +567 306 3 882426327 +567 340 3 882426300 +567 357 2 882425901 +567 387 4 882426899 +567 423 2 882426869 +567 427 3 882427124 +567 429 4 882426899 +567 430 4 882426927 +567 433 4 882426673 +567 434 5 882425997 +567 469 4 882426837 +567 474 5 882426135 +567 475 4 882426508 +567 479 5 882425997 +567 481 5 882426899 +567 484 4 882426508 +567 487 4 882427155 +567 489 5 882426673 +567 490 4 882425673 +567 492 4 882425966 +567 493 4 882426719 +567 494 5 882425932 +567 498 4 882425966 +567 507 5 882425820 +567 511 2 882425701 +567 513 4 882426719 +567 514 5 882425701 +567 521 3 882425701 +567 523 3 882425966 +567 525 5 882425901 +567 527 3 882426673 +567 582 3 882426899 +567 589 5 882425932 +567 603 5 882425631 +567 604 4 882426508 +567 607 4 882426762 +567 608 4 882426021 +567 612 4 882427124 +567 631 3 882426869 +567 640 4 882426927 +567 641 5 882426158 +567 646 5 882427046 +567 647 5 882425998 +567 648 4 882426021 +567 650 4 882426762 +567 653 5 882425843 +567 654 5 882425701 +567 657 5 882425762 +567 659 4 882426508 +567 673 3 882427089 +567 675 4 882426812 +567 679 4 882426055 +567 705 5 882426105 +567 811 4 882426210 +567 836 3 882426998 +567 847 4 882425791 +567 1012 3 882427273 +567 1021 4 882425736 +567 1022 5 882426350 +567 1252 3 882427294 +567 1298 5 882425998 +567 1451 3 882426952 +568 30 4 877907877 +568 56 4 877907720 +568 79 4 877907782 +568 100 4 877907281 +568 127 4 877907050 +568 132 2 877907236 +568 134 5 877907092 +568 135 4 877907782 +568 162 2 877906935 +568 178 4 877907327 +568 179 2 877906935 +568 187 3 877907596 +568 191 4 877907126 +568 199 3 877906935 +568 213 4 877907835 +568 224 4 877907236 +568 234 3 877907092 +568 242 4 877906547 +568 301 1 877906737 +568 303 4 877906697 +568 319 2 877906697 +568 423 4 877907281 +568 427 4 877907720 +568 430 3 877907834 +568 435 2 877907721 +568 462 4 877907236 +568 478 4 877907235 +568 479 5 877906995 +568 482 4 877907781 +568 483 5 877907281 +568 486 4 877907720 +568 488 5 877907782 +568 493 3 877907281 +568 494 4 877907835 +568 497 2 877907092 +568 504 3 877907596 +568 509 4 877906935 +568 512 1 877907596 +568 519 3 877907157 +568 520 2 877907327 +568 523 3 877907877 +568 524 2 877907281 +568 529 4 877907877 +568 530 3 877907782 +568 603 5 877907157 +568 604 4 877907156 +568 611 3 877907782 +568 612 3 877907720 +568 615 5 877907235 +568 631 5 877907367 +568 638 3 877907877 +568 641 5 877907596 +568 653 4 877907877 +568 656 3 877907281 +568 659 3 877907050 +568 661 4 877907126 +568 735 2 877907327 +568 772 1 877906995 +568 855 1 877906935 +568 1125 4 877907281 +568 1137 4 877907092 +568 1286 4 877907327 +569 7 4 879793909 +569 9 5 879793493 +569 13 3 879793847 +569 14 4 879793948 +569 15 4 879794265 +569 16 3 879794348 +569 19 5 879794127 +569 100 5 879793784 +569 118 4 879794265 +569 121 3 879794699 +569 124 5 879793886 +569 125 3 879794348 +569 225 3 879794408 +569 236 4 879793717 +569 257 4 879794302 +569 258 5 879792991 +569 268 3 880559356 +569 273 3 879793810 +569 274 4 879794740 +569 276 4 879793493 +569 277 2 879794385 +569 281 3 879793466 +569 284 4 879793886 +569 286 5 879792991 +569 288 3 879793228 +569 291 4 879794348 +569 294 2 879793149 +569 295 3 879793983 +569 298 3 879793784 +569 300 3 879793036 +569 301 4 879793149 +569 321 4 879793103 +569 325 1 879793149 +569 328 4 879793253 +569 333 3 879793036 +569 405 3 879794498 +569 455 3 879794265 +569 458 2 879794498 +569 471 3 879793466 +569 473 4 879794699 +569 508 3 879793785 +569 546 3 879794302 +569 685 4 879794075 +569 748 2 879793228 +569 756 3 879794660 +569 762 3 879794740 +569 826 3 879794660 +569 979 3 879793948 +569 1014 3 879795581 +569 1197 4 879793465 +569 1284 2 879795512 +570 243 1 881262557 +570 258 3 881262189 +570 268 3 881262404 +570 271 4 881262256 +570 286 4 881262625 +570 288 2 881262307 +570 289 1 881262497 +570 301 3 881262404 +570 305 5 881262256 +570 321 1 881262795 +570 324 2 881262437 +570 327 4 881262795 +570 340 3 881262145 +570 358 2 881262582 +570 690 3 881262307 +570 748 3 881262497 +570 879 2 881262795 +570 886 2 881262534 +571 32 2 883355063 +571 45 4 883354940 +571 47 3 883354818 +571 64 4 883355063 +571 69 2 883354760 +571 114 4 883355063 +571 124 4 883354760 +571 144 2 883354992 +571 174 4 883354940 +571 181 4 883354940 +571 191 4 883354761 +571 194 3 883354818 +571 357 4 883355063 +571 462 4 883354992 +571 484 4 883354992 +571 604 3 883354886 +571 657 4 883354992 +571 964 4 883355063 +571 1039 3 883354760 +572 9 5 879449610 +572 13 4 879449763 +572 14 4 879449683 +572 100 3 879449632 +572 121 2 879449610 +572 124 5 879449610 +572 222 2 879449763 +572 277 1 879449799 +572 284 3 879449840 +572 286 4 879449179 +572 289 3 879449277 +572 301 4 879449243 +572 319 4 879449209 +572 476 4 879449573 +572 813 4 879449573 +572 924 1 879449840 +573 10 4 885843818 +573 22 4 885844394 +573 50 4 885843738 +573 134 4 885843928 +573 135 4 885843964 +573 144 4 885844638 +573 157 4 885844161 +573 162 4 885844007 +573 174 4 885844431 +573 178 4 885844395 +573 179 4 885844091 +573 180 4 885844091 +573 182 4 885843892 +573 185 3 885844605 +573 216 4 885844674 +573 237 4 885843527 +573 258 4 885843700 +573 275 4 885843596 +573 276 3 885843964 +573 283 4 885843817 +573 286 3 885843476 +573 347 4 885843476 +573 423 3 885844127 +573 479 4 885844051 +573 495 2 885844339 +573 507 5 885844638 +573 513 4 885844395 +573 519 4 885844567 +573 523 4 885844007 +573 528 4 885843928 +573 654 4 885844535 +573 657 4 885843928 +573 685 3 885843779 +573 713 4 885843817 +573 836 3 885844605 +574 100 5 891279712 +574 213 4 891279712 +574 242 5 891278860 +574 262 5 891279122 +574 268 5 891279174 +574 269 5 891279173 +574 270 3 891279121 +574 286 3 891278916 +574 288 4 891279174 +574 289 4 891279285 +574 302 4 891278860 +574 303 3 891278962 +574 305 3 891279012 +574 310 4 891279012 +574 311 4 891279410 +574 312 4 891279410 +574 316 4 891279451 +574 319 5 891279236 +574 327 3 891279122 +574 328 3 891279174 +574 332 3 891279410 +574 333 3 891279285 +574 340 1 891279174 +574 344 5 891278962 +574 345 2 891278860 +574 346 4 891278962 +574 347 3 891278860 +574 358 2 891279520 +574 750 3 891278962 +574 754 4 891279122 +574 883 4 891279520 +574 887 4 891279214 +574 896 2 891279013 +574 900 4 891278860 +574 910 1 891279362 +574 1022 2 891278916 +574 1062 5 891279122 +574 1313 4 891278916 +575 50 2 878148258 +575 79 5 878148199 +575 96 5 878148199 +575 98 4 878146853 +575 111 1 878148329 +575 127 2 878148137 +575 168 5 878148358 +575 176 4 878148087 +575 182 3 878148295 +575 294 1 878146447 +575 304 2 878146638 +575 318 5 878148087 +575 321 3 878146540 +575 357 5 878148388 +575 427 4 878148329 +575 531 1 878148199 +575 603 5 878148012 +575 963 1 878148199 +576 1 4 886985079 +576 7 5 886985003 +576 15 4 886985104 +576 50 4 887081005 +576 100 4 886984965 +576 124 4 886985002 +576 125 4 886985177 +576 137 3 886985695 +576 204 4 886986445 +576 208 3 886986445 +576 210 4 886986400 +576 248 4 887169019 +576 255 3 887081086 +576 257 4 887168556 +576 276 3 887080905 +576 294 3 886960098 +576 319 3 886985695 +576 323 3 886960604 +576 324 2 887168978 +576 471 4 886986237 +576 475 1 887168978 +576 514 5 886986400 +576 678 3 886960535 +576 763 3 886985695 +576 815 3 886985695 +577 1 5 880470282 +577 4 4 880474635 +577 5 4 880475318 +577 7 2 880470447 +577 8 4 880474257 +577 11 2 880474293 +577 22 5 880472153 +577 25 4 880470504 +577 28 5 880472077 +577 29 3 880474903 +577 31 4 880474216 +577 44 3 880474934 +577 48 5 880474530 +577 49 4 880474955 +577 50 4 880474394 +577 54 4 880474903 +577 55 3 880474694 +577 56 3 880474934 +577 58 4 880474414 +577 62 3 880475504 +577 63 4 880476606 +577 64 5 880474394 +577 65 5 880475539 +577 68 4 880475021 +577 69 4 880474829 +577 71 5 880474433 +577 77 3 880475561 +577 79 4 880474530 +577 82 4 880474433 +577 85 3 880475170 +577 87 5 880474216 +577 88 3 880475226 +577 96 4 880474257 +577 97 5 880472153 +577 98 4 880474530 +577 99 3 880474674 +577 100 4 880470350 +577 102 4 880475043 +577 111 4 880470604 +577 118 3 880471658 +577 121 5 880470258 +577 125 4 880470604 +577 132 4 880472153 +577 133 4 880474694 +577 140 4 880475043 +577 143 3 880474635 +577 147 4 880470604 +577 151 4 880470604 +577 161 5 880475561 +577 172 4 880472124 +577 173 5 880472055 +577 174 5 880475043 +577 176 5 880474311 +577 179 2 880474829 +577 181 5 880474612 +577 183 5 880474747 +577 191 4 880472055 +577 194 4 880474216 +577 196 5 880474357 +577 200 3 880475226 +577 202 4 880474787 +577 203 3 880474455 +577 208 4 880474556 +577 210 3 880474715 +577 215 5 880474556 +577 216 4 880472124 +577 217 5 880475363 +577 226 4 880475094 +577 228 3 880474338 +577 234 3 880474257 +577 237 4 880470323 +577 240 3 880470884 +577 241 5 880474766 +577 265 5 880474851 +577 294 4 880469903 +577 298 4 884819086 +577 307 3 890089564 +577 313 4 890089462 +577 317 5 880474871 +577 318 5 880472055 +577 338 3 880469983 +577 356 4 880474903 +577 399 4 880475269 +577 402 4 880475318 +577 403 4 880475187 +577 405 3 880470282 +577 407 4 880471271 +577 409 5 880470682 +577 410 3 880471170 +577 423 4 880472124 +577 425 2 880474808 +577 427 4 880474715 +577 436 4 880475339 +577 447 3 880475226 +577 452 3 880475644 +577 465 4 880474851 +577 468 3 880474766 +577 470 5 880475245 +577 472 4 880470570 +577 496 5 880474455 +577 531 4 890089749 +577 545 3 880476578 +577 546 3 880470483 +577 549 5 880475539 +577 550 3 880475130 +577 559 3 880474903 +577 560 3 880475363 +577 566 4 880474216 +577 568 3 880475021 +577 579 4 880475602 +577 582 4 880475540 +577 588 4 880474808 +577 627 5 880475339 +577 651 5 880475043 +577 660 3 880474613 +577 663 5 880474612 +577 665 4 880475644 +577 673 3 880474851 +577 693 1 880475408 +577 708 3 880475067 +577 728 3 880475226 +577 732 4 880474414 +577 735 5 880474338 +577 739 3 880474871 +577 742 4 880470504 +577 763 3 880470638 +577 768 3 880474787 +577 770 4 880475149 +577 819 3 880470604 +577 823 3 880471304 +577 826 4 880470852 +577 829 3 880470884 +577 866 5 880470570 +577 939 5 880474933 +577 941 4 880475435 +577 949 2 880475408 +577 1028 4 880470764 +577 1033 4 880471170 +577 1035 3 880475130 +577 1042 4 880475286 +577 1044 4 880475504 +577 1046 4 880475226 +577 1054 3 880471823 +577 1147 4 880474394 +577 1209 4 880476578 +577 1219 3 880475067 +577 1271 3 880475581 +577 1336 1 880472018 +577 1517 3 880475644 +578 222 4 888957788 +578 245 3 887229523 +578 246 2 890939697 +578 250 2 888957735 +578 258 1 888957735 +578 268 2 890939697 +578 272 2 888957735 +578 288 3 887229335 +578 298 4 888957584 +578 300 4 887229386 +578 313 5 887229355 +578 323 3 888957735 +578 324 1 888957735 +578 325 1 888957735 +578 343 2 888957735 +578 346 3 887229335 +578 355 1 888957758 +578 678 3 888957490 +578 751 3 887229503 +578 1016 4 888957666 +578 1098 2 890939753 +578 1264 3 890939815 +579 4 2 880952271 +579 7 3 880952006 +579 25 4 880952335 +579 50 5 880951984 +579 56 3 880952360 +579 65 3 880951944 +579 66 4 880952516 +579 69 2 880951868 +579 70 3 880952299 +579 82 3 880951783 +579 88 4 880952440 +579 153 4 880952335 +579 169 4 880951867 +579 173 5 880951765 +579 186 3 880952237 +579 194 5 880952271 +579 202 5 880952270 +579 204 3 880952201 +579 209 4 880951944 +579 210 3 880951944 +579 211 3 880952476 +579 216 5 880952299 +579 228 3 880951984 +579 234 3 880951708 +579 238 3 880952201 +579 245 2 880951595 +579 258 5 880951444 +579 268 3 880951444 +579 269 3 880951346 +579 286 4 880951444 +579 289 2 880951569 +579 294 4 880951494 +579 303 3 880951494 +579 326 3 880951494 +579 327 3 880951494 +579 331 3 880951346 +579 333 4 880951372 +579 381 3 880952360 +579 382 3 880952237 +579 393 4 880952409 +579 428 4 880952335 +579 433 3 880952237 +579 435 5 880952038 +579 514 3 880952165 +579 520 4 880951708 +579 523 3 880951740 +579 582 4 880952102 +579 603 5 880952006 +579 676 3 880951784 +579 692 4 880952440 +579 709 5 880952142 +579 732 4 880952335 +579 748 3 880951569 +579 877 1 880951594 +579 1110 1 880952516 +579 1446 2 880952165 +580 1 3 884125243 +580 3 5 884125916 +580 15 3 884125339 +580 25 3 884125457 +580 50 5 884124927 +580 100 3 884124872 +580 121 4 884125457 +580 125 3 884125387 +580 147 3 884125658 +580 151 2 884126077 +580 181 5 884125042 +580 222 3 884125292 +580 249 5 884125243 +580 250 5 884125072 +580 252 5 884125829 +580 257 5 884125243 +580 258 5 884124103 +580 271 5 884124248 +580 282 5 884125292 +580 286 4 884124750 +580 288 5 884125658 +580 289 5 884124382 +580 323 2 884124383 +580 343 5 884124304 +580 348 3 884124382 +580 405 2 884126077 +580 455 4 884125492 +580 471 3 884125018 +580 546 1 884126077 +580 597 1 884126077 +580 619 3 884125175 +580 687 3 884124583 +580 748 2 884126077 +580 829 2 884126077 +580 866 4 884125856 +580 871 4 884125135 +580 1014 3 884125135 +581 7 4 879643079 +581 9 5 879641787 +581 100 5 879641603 +581 127 5 879643079 +581 137 5 879641787 +581 181 3 879641787 +581 221 2 879642274 +581 222 3 879641698 +581 224 4 879641698 +581 253 5 879642333 +581 269 3 879641348 +581 275 3 879641787 +581 276 3 879641850 +581 283 2 879642274 +581 285 5 879641533 +581 475 4 879641850 +581 515 4 879641533 +581 813 5 879641603 +581 844 5 879642274 +581 922 5 879642333 +581 936 3 879643155 +581 1097 4 879641787 +581 1353 4 879641850 +581 1367 5 879641603 +581 1375 5 879641787 +582 1 4 882961257 +582 3 3 882961723 +582 7 5 882961082 +582 15 3 882961481 +582 25 3 882961608 +582 50 5 882961082 +582 93 5 882960844 +582 100 5 882960863 +582 117 3 882961000 +582 118 2 882962523 +582 121 3 882961133 +582 124 4 882961082 +582 125 3 882961632 +582 151 4 882961133 +582 181 4 882961301 +582 235 3 882962803 +582 237 3 882960941 +582 240 4 882961804 +582 257 3 882961608 +582 268 4 882960396 +582 269 4 882960418 +582 271 4 882960418 +582 293 5 882961082 +582 294 1 882960396 +582 300 3 882960446 +582 313 5 882960461 +582 321 3 882960555 +582 328 3 882960555 +582 369 1 882963114 +582 405 3 882962133 +582 410 3 882961481 +582 411 1 882962652 +582 455 1 882961481 +582 458 4 882961968 +582 472 4 882962561 +582 473 3 882962062 +582 475 5 882961000 +582 477 4 882961540 +582 508 4 882961082 +582 547 4 882961608 +582 597 3 882962267 +582 676 2 882961133 +582 742 3 882961082 +582 748 3 882960601 +582 760 3 882962886 +582 763 2 882961804 +582 831 2 882962561 +582 841 2 882962133 +582 919 5 882961540 +582 932 2 882963114 +582 988 1 882960718 +582 1014 4 882962247 +582 1033 2 882962030 +582 1215 4 882963027 +583 7 5 879384471 +583 55 4 879384404 +583 100 5 879384404 +583 175 5 879384471 +583 195 4 879384404 +583 200 5 879384404 +583 258 4 879384094 +583 276 4 879384338 +583 286 4 879384052 +583 357 5 879384575 +583 425 5 879384575 +583 483 5 879384338 +583 513 5 879384338 +583 519 5 879384338 +583 524 5 879384522 +583 530 4 879384404 +583 602 4 879384471 +583 655 5 879384471 +583 708 5 879384338 +584 25 3 885778571 +584 40 4 885778385 +584 50 4 885777950 +584 82 3 885778458 +584 108 3 885774575 +584 109 4 885778204 +584 161 4 885778170 +584 165 1 885778780 +584 172 4 885778080 +584 181 4 885778120 +584 222 4 885774483 +584 227 4 885774172 +584 228 5 885774171 +584 229 3 885774172 +584 230 4 885774171 +584 249 4 885774551 +584 313 5 885773921 +584 423 4 885778263 +584 431 3 885774702 +584 449 2 885778571 +584 450 2 885778571 +584 541 3 885774508 +585 10 3 891286256 +585 14 4 891282808 +585 18 2 891283124 +585 19 3 891282808 +585 20 4 891285658 +585 30 4 891284393 +585 52 3 891284184 +585 59 4 891283124 +585 60 4 891282808 +585 61 4 891283338 +585 70 5 891286256 +585 83 3 891282808 +585 86 5 891284016 +585 165 4 891284184 +585 170 5 891282573 +585 171 3 891285491 +585 198 5 891283921 +585 213 5 891284393 +585 275 4 891283124 +585 283 4 891283124 +585 286 4 891281385 +585 313 3 891281385 +585 340 2 891281651 +585 462 3 891283124 +585 509 4 891283000 +585 510 5 891284016 +585 529 3 891283124 +585 543 3 891284393 +585 557 4 891285820 +585 584 3 891286256 +585 634 4 891285491 +585 640 2 891284816 +585 652 4 891285658 +585 713 4 891282808 +585 736 4 891284184 +585 740 4 891284588 +585 855 3 891284184 +585 919 2 891283681 +585 923 5 891282808 +585 970 3 891284915 +585 971 3 891282894 +585 1005 4 891283339 +585 1009 5 891285491 +585 1021 3 891283681 +585 1121 4 891283339 +585 1149 4 891283921 +585 1155 5 891285820 +585 1193 5 891282894 +585 1319 2 891285820 +585 1323 3 891284588 +585 1344 3 891282573 +585 1449 5 891283338 +585 1475 3 891283681 +585 1485 3 891283124 +585 1501 4 891284393 +585 1558 5 891282893 +585 1623 4 891283921 +586 3 5 884068767 +586 11 3 884059693 +586 17 5 884060807 +586 22 3 884058708 +586 23 2 884058674 +586 27 3 884062405 +586 29 5 884062405 +586 31 4 884064631 +586 33 5 884061807 +586 44 3 884065692 +586 50 4 884057387 +586 51 4 884066336 +586 53 5 884061084 +586 54 3 884068393 +586 56 5 884060112 +586 67 5 884067059 +586 68 4 884062010 +586 69 4 884059426 +586 72 2 884067378 +586 76 5 884059196 +586 77 3 884065719 +586 79 4 884058986 +586 80 2 884067003 +586 83 2 884059196 +586 85 3 884067003 +586 92 3 884061459 +586 96 4 884059110 +586 117 4 884057578 +586 118 4 884062671 +586 121 5 884062010 +586 123 3 884057661 +586 127 4 884057313 +586 144 4 884059287 +586 153 2 884058956 +586 155 3 884067874 +586 156 4 884064459 +586 159 4 884065719 +586 160 4 884066360 +586 161 5 884062671 +586 164 2 884059486 +586 172 4 884058708 +586 173 3 884059287 +586 177 3 884061343 +586 181 4 884057344 +586 182 3 884066016 +586 183 4 884059196 +586 184 2 884060807 +586 185 2 884058860 +586 188 2 884058956 +586 195 4 884058956 +586 200 4 884060941 +586 202 4 884066689 +586 204 3 884066723 +586 215 4 884066141 +586 217 5 884061084 +586 218 3 884060705 +586 222 3 884057387 +586 227 2 884062010 +586 228 3 884061459 +586 230 2 884061623 +586 231 3 884062010 +586 232 3 884058809 +586 233 4 884062405 +586 234 3 884060614 +586 237 4 884057783 +586 238 2 884059027 +586 239 3 884067058 +586 240 3 884066799 +586 241 4 884061623 +586 249 2 884058005 +586 250 3 884057661 +586 254 4 884064246 +586 257 3 884057471 +586 265 5 884062405 +586 273 5 884057692 +586 284 3 884057518 +586 288 4 884057861 +586 295 3 884068393 +586 318 3 884065986 +586 356 4 884065692 +586 358 4 884069523 +586 379 4 884060941 +586 385 3 884058956 +586 393 3 884066799 +586 397 3 884063080 +586 405 5 884061807 +586 410 3 884057783 +586 411 2 884067199 +586 423 2 884058708 +586 427 3 884066016 +586 431 3 884061343 +586 436 2 884060807 +586 451 4 884067422 +586 452 3 884060941 +586 467 4 884066230 +586 468 3 884066087 +586 496 3 884059426 +586 541 3 884063080 +586 550 4 884061459 +586 551 2 884061189 +586 566 3 884062621 +586 569 3 884060807 +586 576 3 884062671 +586 581 2 884065745 +586 586 2 884063080 +586 591 3 884058249 +586 651 3 884059287 +586 655 4 884066294 +586 672 2 884061084 +586 676 3 884066112 +586 679 3 884062742 +586 693 3 884066060 +586 696 3 884065851 +586 720 4 884062742 +586 735 3 884066230 +586 742 3 884057578 +586 761 3 884062742 +586 763 4 884067105 +586 779 3 884062856 +586 780 4 884067151 +586 790 3 884067151 +586 800 3 884061189 +586 806 4 884058611 +586 808 3 884062405 +586 809 3 884061459 +586 820 4 884057412 +586 841 3 884063854 +586 849 3 884062742 +586 930 2 884063080 +586 939 4 884064459 +586 978 2 884065825 +586 1042 4 884065773 +586 1046 3 884064912 +586 1047 3 884067058 +586 1090 3 884065797 +586 1207 2 884065879 +586 1218 5 884066959 +586 1249 3 884067058 +586 1273 4 884065825 +587 243 3 892871401 +587 245 1 892871253 +587 258 4 892871069 +587 259 4 892871223 +587 260 4 892871284 +587 262 4 892871069 +587 264 4 892871400 +587 266 1 892871536 +587 268 4 892871068 +587 269 3 892870956 +587 270 4 892871171 +587 271 4 892871310 +587 286 4 892870992 +587 288 4 892870992 +587 289 3 892871113 +587 292 3 892871141 +587 294 3 892871197 +587 301 3 892871197 +587 302 3 892870956 +587 304 4 892871141 +587 305 4 892871068 +587 307 4 892870992 +587 308 3 892871642 +587 310 3 892870992 +587 313 5 892870956 +587 315 4 892870956 +587 316 4 892870992 +587 319 3 892871113 +587 321 2 892871113 +587 322 3 892871113 +587 323 4 892871284 +587 325 5 892871252 +587 326 3 892871284 +587 328 1 892871284 +587 330 3 892871372 +587 331 3 892871197 +587 332 4 892871171 +587 333 4 892871031 +587 334 3 892871171 +587 338 4 892871462 +587 339 3 892871284 +587 340 5 892871141 +587 342 1 892871503 +587 350 3 892871372 +587 351 2 892871683 +587 353 2 892871706 +587 355 3 892871610 +587 358 3 892871284 +587 539 3 892871437 +587 678 2 892871438 +587 680 1 892871503 +587 681 2 892871641 +587 687 1 892871683 +587 689 1 892871438 +587 690 3 892871252 +587 691 4 892871031 +587 749 2 892871223 +587 750 3 892871113 +587 876 2 892871536 +587 877 2 892871372 +587 878 2 892871641 +587 880 3 892871536 +587 886 2 892871171 +587 887 2 892871310 +587 888 3 892871563 +587 890 1 892871503 +587 892 3 892871462 +587 895 4 892871113 +587 902 2 892871584 +587 905 3 892871503 +587 914 4 892871031 +587 916 3 892871610 +587 918 3 892871113 +587 937 4 892871031 +587 938 2 892871141 +587 988 2 892871641 +587 989 2 892871438 +587 1265 4 892871252 +587 1483 4 892871337 +587 1625 4 892871732 +588 1 4 890015684 +588 7 3 890024611 +588 8 5 890023557 +588 12 5 890015324 +588 21 5 890015791 +588 22 5 890024195 +588 24 2 890015766 +588 28 5 890024051 +588 29 3 890027063 +588 42 5 890024529 +588 50 5 890024427 +588 51 4 890026395 +588 56 4 890024246 +588 62 2 890027865 +588 63 5 890028385 +588 66 3 890023646 +588 67 1 890032343 +588 68 5 890026705 +588 69 2 890023556 +588 72 4 890026939 +588 79 4 890023722 +588 82 5 890024829 +588 83 5 890015435 +588 85 5 890026882 +588 88 5 890024730 +588 91 5 890026656 +588 94 2 890027865 +588 95 4 890015722 +588 97 2 890023587 +588 98 1 890015324 +588 100 1 890015374 +588 107 5 890030781 +588 110 3 890027247 +588 111 1 890028509 +588 117 4 890027062 +588 118 3 890026210 +588 121 5 890026154 +588 125 3 890026154 +588 131 5 890024918 +588 132 5 890015476 +588 133 5 890015894 +588 142 5 890024117 +588 151 4 890026263 +588 154 4 890024529 +588 155 5 890026882 +588 159 1 890029795 +588 161 4 890015580 +588 162 5 890026339 +588 164 5 890026262 +588 165 2 890015649 +588 168 5 890024002 +588 172 5 890026459 +588 173 5 890024677 +588 174 3 890015323 +588 178 5 890015323 +588 181 5 890015608 +588 184 4 890025951 +588 186 4 890024079 +588 202 1 890015500 +588 206 4 890025023 +588 208 3 890023879 +588 210 4 890015500 +588 215 5 890024564 +588 216 5 890024781 +588 217 4 890030473 +588 222 3 890015722 +588 225 5 890027113 +588 230 1 890023692 +588 231 4 890028987 +588 234 5 890024161 +588 237 2 890015894 +588 239 5 890025704 +588 265 5 890025621 +588 268 5 890014648 +588 272 5 890014748 +588 275 3 890024246 +588 282 5 890015894 +588 283 4 890015835 +588 286 4 890014710 +588 294 4 890014887 +588 301 5 890015021 +588 307 4 890014887 +588 313 5 890014782 +588 315 4 890014591 +588 318 4 890015435 +588 326 4 890014782 +588 354 5 890014930 +588 356 4 890025751 +588 362 3 890014710 +588 366 5 890027430 +588 367 5 890024117 +588 370 5 890031141 +588 378 3 890026059 +588 380 3 890028987 +588 382 3 890024730 +588 384 1 890032013 +588 385 3 890023557 +588 386 2 890029445 +588 393 4 890026939 +588 395 4 890030781 +588 399 3 890027379 +588 402 5 890026882 +588 403 3 890027525 +588 404 3 890026656 +588 417 5 890026009 +588 419 5 890023646 +588 421 5 890023830 +588 433 5 890024246 +588 443 3 890024876 +588 447 3 890026009 +588 463 4 890023879 +588 468 3 890015835 +588 471 5 890024289 +588 472 4 890026059 +588 475 2 890015684 +588 483 4 890015500 +588 485 5 890015835 +588 531 3 890015722 +588 542 3 890026787 +588 550 3 890026513 +588 552 1 890031021 +588 553 4 890025864 +588 554 3 890032281 +588 559 5 890025951 +588 561 3 890027780 +588 566 2 890023557 +588 568 4 890024876 +588 570 4 890032281 +588 578 5 890029212 +588 584 3 890024677 +588 588 4 890023692 +588 597 4 890026543 +588 602 3 890015580 +588 625 3 890024325 +588 638 4 890024289 +588 645 5 890024488 +588 655 3 890025864 +588 658 5 890025751 +588 660 4 890024002 +588 678 2 890015063 +588 684 4 890024246 +588 692 4 890024051 +588 697 5 890024002 +588 713 3 890015791 +588 716 5 890028167 +588 720 4 890027247 +588 723 2 890026459 +588 724 2 890015648 +588 728 3 890027707 +588 729 3 890024488 +588 731 2 890026705 +588 732 4 890024325 +588 735 5 890024196 +588 739 4 890025704 +588 742 4 890024002 +588 747 4 890025797 +588 751 3 890014887 +588 755 3 890025797 +588 762 4 890026705 +588 778 3 890027600 +588 781 2 890028509 +588 810 4 890029445 +588 815 4 890024829 +588 821 4 890026339 +588 832 1 890027865 +588 842 3 890015542 +588 846 4 890025621 +588 873 3 890014887 +588 880 1 890014996 +588 928 4 890027063 +588 934 4 890030736 +588 941 5 890026513 +588 959 5 890026459 +588 969 5 890023831 +588 1044 4 890025674 +588 1053 3 890027780 +588 1058 2 890030656 +588 1061 5 890024876 +588 1074 5 890032056 +588 1078 4 890026999 +588 1091 4 890027865 +588 1098 4 890026656 +588 1180 2 890032056 +588 1219 2 890028385 +588 1240 5 890025864 +588 1311 1 890029079 +588 1411 1 890032421 +588 1428 5 890032056 +588 1469 3 890026705 +589 243 3 883352735 +589 258 2 883352463 +589 272 5 883352535 +589 286 3 883352372 +589 294 5 883352600 +589 300 5 883352600 +589 301 2 883352535 +589 304 5 883352599 +589 310 5 883352494 +589 322 3 883352631 +589 323 2 883352631 +589 324 1 883352402 +589 326 1 883352600 +589 328 5 883352562 +589 332 4 883352536 +589 333 5 883352402 +589 334 1 883352631 +589 336 1 883352535 +589 338 3 883352654 +589 339 5 883352494 +589 538 5 883352494 +589 682 4 883352494 +589 688 4 883352707 +589 689 4 883352787 +589 690 4 883352600 +589 749 3 883352631 +589 751 4 883352562 +589 873 5 883352600 +589 877 4 883352562 +589 879 4 883352654 +589 892 4 883352762 +590 6 5 879439145 +590 9 3 879438972 +590 13 4 879438972 +590 14 5 879438852 +590 15 3 879438936 +590 19 5 879438735 +590 111 3 879438936 +590 116 5 879439196 +590 124 5 879438735 +590 125 3 879439509 +590 127 4 879439645 +590 130 1 879439567 +590 137 5 879438878 +590 237 3 879438911 +590 248 4 879439645 +590 255 1 879439374 +590 274 3 879439256 +590 275 4 879439645 +590 282 2 879439374 +590 284 2 879439345 +590 286 5 879439645 +590 287 4 879439645 +590 293 3 879439114 +590 298 2 879438911 +590 475 4 879439645 +590 476 3 879439345 +590 515 3 879438972 +590 546 1 879439538 +590 547 4 879439086 +590 591 3 879439256 +590 676 4 879439060 +590 740 4 879439645 +590 744 4 879438769 +590 1009 3 879439483 +590 1014 3 879439283 +590 1061 2 879439538 +590 1129 3 879438735 +590 1331 4 879439645 +591 4 4 891040366 +591 8 3 891031203 +591 13 4 891039637 +591 25 4 891039658 +591 26 3 891031526 +591 45 5 891031257 +591 47 3 891031426 +591 48 4 891031286 +591 64 5 891031203 +591 66 2 891031526 +591 70 4 891031321 +591 79 4 891031171 +591 85 3 891031500 +591 86 5 891031171 +591 94 3 891031603 +591 100 5 891039565 +591 110 2 891031676 +591 116 4 891039616 +591 127 4 891031203 +591 168 3 891031724 +591 172 3 891031116 +591 182 3 891031171 +591 194 4 891031171 +591 196 4 891031116 +591 202 3 891031469 +591 210 3 891031469 +591 211 4 891031469 +591 216 4 891031426 +591 237 3 891039974 +591 238 5 891031228 +591 283 4 891039565 +591 285 5 891039565 +591 300 3 891030956 +591 306 5 891030956 +591 357 5 891031228 +591 367 3 891031403 +591 381 4 891040366 +591 393 4 891031644 +591 428 4 891031500 +591 435 4 891031724 +591 451 3 891040366 +591 466 3 891031116 +591 487 4 891031203 +591 508 4 891039616 +591 511 3 891031145 +591 514 4 891031383 +591 516 3 891031469 +591 517 4 891040366 +591 523 4 891031724 +591 580 2 891031526 +591 603 5 891031116 +591 615 4 891031116 +591 655 4 891031469 +591 662 3 891031145 +591 709 4 891031426 +591 710 3 891031603 +591 712 3 891040366 +591 732 3 891031500 +591 792 4 891031383 +591 856 4 891040366 +591 866 3 891039658 +591 923 4 891031116 +591 954 3 891031403 +591 956 4 891031286 +591 1028 3 891039658 +591 1041 2 891031644 +591 1111 4 891031603 +591 1120 4 891039637 +592 3 4 882608960 +592 4 4 882956418 +592 7 5 882607986 +592 8 5 882955582 +592 9 5 882608182 +592 11 5 882955978 +592 12 5 882955825 +592 13 5 882608401 +592 14 5 882607986 +592 15 5 882608457 +592 22 5 882955506 +592 23 5 882955735 +592 24 4 882608021 +592 47 5 882955889 +592 48 5 882955735 +592 55 4 882956067 +592 58 5 882956388 +592 60 4 882955460 +592 69 5 882956201 +592 70 4 882956803 +592 71 4 882956668 +592 81 4 882956201 +592 87 4 882956467 +592 89 4 882955543 +592 92 5 882956358 +592 93 4 882608061 +592 95 4 882956276 +592 96 5 882956241 +592 97 4 882956718 +592 98 5 882955918 +592 99 5 882955663 +592 100 5 882608182 +592 109 4 882608145 +592 116 4 882608182 +592 117 5 882608234 +592 118 3 882609056 +592 121 4 882608573 +592 122 4 882608960 +592 123 4 882608573 +592 127 5 882608021 +592 129 5 882608457 +592 132 5 882955794 +592 134 5 882955794 +592 135 5 882955765 +592 140 3 882956551 +592 144 5 882956668 +592 148 2 882608961 +592 149 4 882607910 +592 150 5 882607955 +592 151 4 882608402 +592 170 5 882955703 +592 172 5 882956011 +592 173 5 882956276 +592 174 5 882955918 +592 176 5 882956039 +592 178 5 882956241 +592 180 5 882956102 +592 181 3 882608182 +592 182 5 882955662 +592 183 5 882955613 +592 185 5 882956201 +592 188 5 882956387 +592 189 5 882955583 +592 191 5 882955735 +592 192 5 882955460 +592 193 5 882955948 +592 194 4 882955543 +592 196 5 882955978 +592 198 5 882956241 +592 203 5 882956276 +592 215 5 882956467 +592 216 4 882955978 +592 221 5 882608357 +592 222 1 882608145 +592 223 5 882955863 +592 224 5 882608357 +592 234 5 882955863 +592 235 3 882608662 +592 237 4 882608061 +592 242 5 882607286 +592 243 1 882607780 +592 245 1 882607434 +592 246 5 882608500 +592 248 4 882608279 +592 249 4 882608795 +592 250 4 882608145 +592 252 3 882608915 +592 253 1 882608279 +592 257 4 882608107 +592 259 2 882607573 +592 260 4 882607690 +592 261 1 882607744 +592 265 4 882956039 +592 268 5 882607286 +592 269 4 882607286 +592 276 5 882608401 +592 281 4 882608573 +592 282 4 882608572 +592 283 4 882956241 +592 285 5 882607910 +592 286 5 882607356 +592 287 3 882608457 +592 289 4 882607606 +592 292 1 882607434 +592 293 5 882607986 +592 294 3 882607434 +592 295 4 882608357 +592 298 5 882608061 +592 299 1 882607573 +592 301 1 882607573 +592 302 5 882607325 +592 305 4 885280098 +592 306 5 882607528 +592 307 4 882607528 +592 312 2 882607780 +592 313 5 882955258 +592 315 5 885280156 +592 320 5 882955735 +592 322 1 882607647 +592 325 2 882607647 +592 326 4 882607573 +592 327 4 882607387 +592 328 1 882607476 +592 331 3 882607528 +592 332 3 882607286 +592 333 5 882607476 +592 338 2 882607647 +592 339 3 882607572 +592 340 5 882607476 +592 342 2 882607745 +592 343 3 882607476 +592 344 4 888553156 +592 346 4 885280098 +592 350 4 885280124 +592 357 4 882956102 +592 358 1 882607690 +592 367 4 882956510 +592 382 4 882956761 +592 405 4 882608531 +592 409 1 882609056 +592 410 5 882608402 +592 421 5 882956158 +592 423 5 882955918 +592 427 5 882955735 +592 431 2 882956510 +592 443 5 882956158 +592 458 3 882608107 +592 461 4 882955765 +592 463 4 882956321 +592 466 5 882955766 +592 467 5 882955582 +592 469 4 882955825 +592 471 4 882608234 +592 472 1 882608795 +592 475 5 882608107 +592 479 4 882956668 +592 480 4 882955662 +592 482 4 882955582 +592 483 5 882955613 +592 484 4 882956551 +592 501 4 882956276 +592 508 5 882608021 +592 512 5 882956803 +592 514 5 882955543 +592 518 5 882956011 +592 521 5 882955703 +592 522 5 882955662 +592 526 5 882956241 +592 527 5 882955889 +592 531 5 882955765 +592 534 5 882608531 +592 544 4 882608107 +592 546 4 882608500 +592 547 4 882607910 +592 558 5 882955948 +592 568 5 882956201 +592 589 5 882955825 +592 591 4 882608402 +592 597 2 882609056 +592 603 5 882955543 +592 628 3 882608107 +592 631 3 882956624 +592 654 5 882955703 +592 655 5 882955543 +592 657 4 882956011 +592 678 2 882607690 +592 680 1 882607690 +592 681 1 882607780 +592 683 1 882607745 +592 685 2 882608662 +592 686 5 882956387 +592 688 1 882607744 +592 702 4 882956510 +592 705 5 882955978 +592 730 4 882956011 +592 735 5 882956158 +592 744 3 882608500 +592 747 4 882956102 +592 748 2 882607434 +592 750 5 886394208 +592 751 3 882955258 +592 752 4 888553156 +592 754 3 882607325 +592 762 5 882608402 +592 763 5 882608531 +592 789 4 882956419 +592 813 4 882607955 +592 815 3 882608625 +592 825 1 882608795 +592 844 4 882608021 +592 845 4 882608573 +592 853 5 882956201 +592 854 5 882955948 +592 875 4 882607434 +592 877 2 882607647 +592 881 1 882607476 +592 885 2 887257199 +592 886 3 882607476 +592 887 5 882607780 +592 890 1 882607745 +592 892 1 882607690 +592 893 1 882955292 +592 895 3 882607528 +592 898 2 887257199 +592 900 4 887257094 +592 919 5 882608061 +592 922 3 882608736 +592 925 3 882608915 +592 931 1 882608960 +592 936 4 882608315 +592 939 3 882956510 +592 963 5 882955663 +592 971 4 882955978 +592 975 4 882608873 +592 984 1 882607690 +592 985 4 882608698 +592 1010 5 882608357 +592 1011 4 882608699 +592 1012 5 882608401 +592 1014 4 882609009 +592 1016 4 882608145 +592 1017 4 882608279 +592 1022 5 885280183 +592 1023 1 882608873 +592 1039 4 882955582 +592 1047 1 882608736 +592 1048 3 882608625 +592 1059 3 882608457 +592 1067 5 882608698 +592 1070 5 882956158 +592 1071 4 882956668 +592 1073 5 882956276 +592 1079 1 882608873 +592 1082 3 882608625 +592 1085 3 882608625 +592 1097 4 882608021 +592 1129 5 882608021 +592 1142 5 882608145 +592 1143 5 882607872 +592 1166 3 882956668 +592 1184 5 882956551 +592 1199 5 882608358 +592 1226 4 882608873 +592 1258 1 882608960 +592 1264 4 882955460 +592 1265 1 882607690 +592 1275 3 882956624 +592 1276 1 882609057 +592 1281 3 882608795 +592 1356 4 882608915 +592 1514 5 882608625 +592 1609 1 882608698 +592 1620 1 882609057 +593 1 3 875659150 +593 4 4 877728878 +593 8 3 875673098 +593 9 3 875659306 +593 11 4 875660482 +593 15 4 875659636 +593 25 3 875659826 +593 26 4 875660886 +593 40 1 875671757 +593 49 3 875671891 +593 50 4 875660009 +593 51 3 875671982 +593 56 5 875658887 +593 58 4 875671579 +593 69 5 875660419 +593 73 2 875671807 +593 77 4 875671619 +593 83 5 886194064 +593 88 4 875672874 +593 97 4 877728878 +593 98 5 875661596 +593 106 2 875660347 +593 111 5 875659576 +593 117 4 875659497 +593 118 4 875660009 +593 121 4 875660036 +593 122 1 875660347 +593 126 5 875659777 +593 131 4 876506731 +593 133 4 876507391 +593 140 4 875671226 +593 143 4 886193303 +593 144 4 875660569 +593 153 5 875671107 +593 155 5 875671579 +593 157 3 875671732 +593 158 3 875671891 +593 159 4 875671302 +593 161 5 875671464 +593 162 5 875671807 +593 163 4 876506675 +593 164 4 875671861 +593 173 5 877728878 +593 174 4 875660546 +593 179 5 877728878 +593 181 4 875658800 +593 183 4 875670915 +593 193 4 886193361 +593 200 5 875661567 +593 204 4 875660886 +593 220 3 875660274 +593 223 5 888872089 +593 233 2 875671549 +593 237 4 877728878 +593 238 4 877728878 +593 241 5 875672874 +593 255 5 875659055 +593 272 5 888871874 +593 274 3 875659849 +593 275 3 875658862 +593 276 1 875659150 +593 278 3 875659686 +593 280 3 875660194 +593 282 5 875659518 +593 283 4 875659665 +593 284 4 875659236 +593 285 2 886193129 +593 286 5 875660009 +593 288 4 877728878 +593 293 1 877727988 +593 301 4 877728878 +593 313 4 888871903 +593 318 5 875671413 +593 322 2 875644752 +593 357 5 875661486 +593 366 4 875671255 +593 371 3 875659076 +593 385 4 886194041 +593 393 4 886194041 +593 405 3 875659943 +593 417 5 875671598 +593 423 4 875671505 +593 451 3 875672999 +593 468 3 886193438 +593 470 2 875671062 +593 471 3 875659826 +593 476 2 875659943 +593 478 5 875660788 +593 496 5 875671198 +593 535 3 875659943 +593 546 3 875659849 +593 553 2 875672852 +593 568 4 886193361 +593 580 1 876507120 +593 591 4 877728878 +593 619 3 877727927 +593 631 3 886194296 +593 659 5 875671464 +593 660 5 875671372 +593 661 2 886193103 +593 685 3 875660081 +593 692 3 886193724 +593 699 4 875671334 +593 723 4 875671890 +593 732 3 875660850 +593 735 4 886193600 +593 739 5 875672970 +593 742 4 888872002 +593 744 3 886193049 +593 747 4 877728878 +593 761 2 875671951 +593 762 4 875659849 +593 763 3 875660105 +593 775 3 875672949 +593 781 3 875671334 +593 807 4 875672999 +593 815 3 875659826 +593 845 3 875671033 +593 846 2 875660295 +593 866 5 875660236 +593 949 2 875672949 +593 966 5 886193788 +593 974 2 875660347 +593 977 3 875660215 +593 1012 3 877727961 +593 1014 1 875659755 +593 1016 4 888872636 +593 1028 3 875659896 +593 1119 5 875660823 +593 1221 3 875671982 +594 15 4 874783052 +594 19 3 874781004 +594 50 3 874783018 +594 100 4 874781004 +594 126 3 874781173 +594 127 4 874781076 +594 181 3 874781076 +594 199 4 877816302 +594 221 4 874781207 +594 242 4 875997093 +594 245 3 874780909 +594 269 4 877816219 +594 276 3 874783470 +594 292 3 874780864 +594 319 3 874780864 +594 357 4 874786664 +594 483 3 874786695 +594 515 5 874781050 +594 520 4 874786664 +594 988 2 874780945 +595 3 4 886922069 +595 9 4 886922069 +595 14 5 886921223 +595 50 5 886921112 +595 100 4 886921112 +595 108 2 886921634 +595 109 2 886921365 +595 111 4 886921496 +595 121 2 886921550 +595 127 5 886921199 +595 151 5 886921475 +595 181 5 886921199 +595 222 3 886921274 +595 235 3 886921392 +595 237 3 886921315 +595 240 3 886921424 +595 246 4 886921068 +595 255 3 886921392 +595 258 4 886920602 +595 268 4 886920576 +595 273 3 886921140 +595 274 3 886921584 +595 275 4 886921166 +595 282 4 886921344 +595 288 3 886920602 +595 290 4 886921748 +595 293 4 886922069 +595 294 2 886920748 +595 298 4 886921166 +595 304 3 886920774 +595 324 3 886920632 +595 325 3 886920774 +595 330 4 886920819 +595 336 2 886920966 +595 346 4 886920576 +595 358 2 886920714 +595 410 4 886921315 +595 411 3 886921448 +595 460 4 886921699 +595 472 3 886921847 +595 475 5 886921166 +595 508 5 886921199 +595 544 3 886921699 +595 546 4 886922069 +595 547 4 886922069 +595 591 4 886921344 +595 676 2 886921140 +595 678 1 886920819 +595 717 2 886921977 +595 744 3 886921274 +595 748 2 886920655 +595 762 4 886922069 +595 815 3 886921584 +595 820 2 886921870 +595 824 3 886921748 +595 826 1 886921819 +595 844 4 886922069 +595 845 3 886921448 +595 864 4 886922069 +595 871 2 886921945 +595 880 3 886920819 +595 922 4 886921036 +595 926 1 886921897 +595 929 2 886921722 +595 930 2 886921870 +595 948 3 886920919 +595 952 5 886921424 +595 979 3 886921847 +595 986 2 886921945 +595 994 4 886921897 +595 1010 4 886922069 +595 1023 1 886921977 +595 1028 3 886921475 +595 1047 2 886921769 +595 1061 3 886921945 +595 1142 5 886921199 +595 1165 1 886921748 +595 1259 3 886921819 +595 1312 3 886921787 +596 13 2 883539402 +596 50 5 883539402 +596 149 3 883539402 +596 181 4 883539431 +596 222 3 883539402 +596 276 3 883539431 +596 286 4 883538815 +596 289 3 883539079 +596 295 4 883539402 +596 300 4 883539011 +596 313 5 883538815 +596 323 4 883538965 +596 328 5 883539103 +596 682 4 883539173 +596 895 3 883539049 +597 1 3 875339723 +597 15 5 875341758 +597 24 3 875341858 +597 50 5 875339876 +597 111 3 875342355 +597 118 3 875343067 +597 127 4 875340062 +597 151 4 875342314 +597 181 4 875340062 +597 225 4 875342875 +597 235 4 875340062 +597 250 4 875340939 +597 264 4 875339156 +597 275 4 875339876 +597 283 5 875340010 +597 286 3 875338983 +597 289 5 875338983 +597 293 5 875340939 +597 294 4 875339083 +597 295 3 875340117 +597 323 3 875339041 +597 326 1 875339083 +597 477 5 875339970 +597 678 1 875339041 +597 688 4 875339132 +597 713 2 875340010 +597 742 4 875341603 +597 748 5 875339041 +597 763 4 875340191 +597 825 5 875343583 +597 990 2 875339041 +597 1016 4 875342355 +597 1534 1 875341758 +598 22 5 886711521 +598 243 2 886711192 +598 258 5 886711452 +598 259 3 886710977 +598 260 3 886711034 +598 269 3 886710494 +598 286 5 886711452 +598 292 4 886710735 +598 300 4 886710671 +598 308 4 886710612 +598 312 5 886711452 +598 313 5 886711452 +598 343 2 886710795 +598 347 3 886710330 +598 350 4 886711452 +598 538 4 886711452 +598 690 3 886710735 +598 691 2 886710330 +598 748 4 886711034 +598 750 5 886711452 +598 751 3 886710494 +598 895 2 886710977 +598 898 4 886711452 +599 1 4 880951657 +599 111 5 880951885 +599 220 5 880951479 +599 237 5 880951595 +599 245 3 880953441 +599 255 5 880951479 +599 260 1 880951113 +599 274 5 880952144 +599 276 2 880951439 +599 278 3 880953441 +599 280 5 880952229 +599 284 4 880952229 +599 288 4 880950997 +599 294 4 880951113 +599 319 2 880951046 +599 476 4 880953441 +599 508 3 880953441 +599 535 4 880952267 +599 546 4 880953441 +599 595 5 880952144 +599 748 4 880951144 +599 756 5 880952037 +599 763 5 880952316 +599 815 3 880953441 +599 845 5 880951974 +599 846 5 880952229 +599 866 2 880952229 +599 872 2 880951046 +599 888 5 880951249 +599 948 4 880951281 +599 975 5 880952357 +599 1014 4 880951885 +599 1048 2 880952357 +599 1277 4 880952496 +599 1278 5 880952185 +599 1315 4 880951743 +599 1357 2 880952905 +600 4 4 888451908 +600 11 5 888451665 +600 22 5 888451491 +600 29 2 888452490 +600 50 4 888451492 +600 53 4 888452563 +600 56 5 888451492 +600 62 4 888452151 +600 79 4 888451582 +600 82 5 888451583 +600 89 5 888451492 +600 96 5 888451664 +600 161 4 888451908 +600 172 4 888451665 +600 174 4 888451665 +600 177 5 888451583 +600 181 4 888451491 +600 182 4 888451750 +600 183 5 888451750 +600 184 3 888451750 +600 187 5 888451750 +600 188 4 888451750 +600 195 4 888451492 +600 230 4 888451839 +600 231 3 888452152 +600 232 3 888451839 +600 233 2 888452071 +600 241 5 888451582 +600 269 4 888451388 +600 373 3 888452490 +600 385 3 888451582 +600 391 3 888452491 +600 399 4 888452491 +600 431 3 888451908 +600 449 4 888452564 +600 450 4 888453144 +600 510 5 888451665 +600 511 5 888451492 +600 515 5 888451492 +600 518 5 888451908 +600 530 4 888451664 +600 540 3 888453083 +600 541 1 888451977 +600 562 3 888452564 +600 566 3 888451908 +600 568 4 888451908 +600 570 4 888452563 +600 576 3 888451840 +600 578 2 888451839 +600 586 2 888453083 +600 651 4 888451492 +600 665 5 888452152 +600 679 2 888451839 +600 684 4 888451582 +600 720 3 888452151 +600 759 2 888453145 +600 761 4 888451977 +600 771 3 888452564 +600 779 2 888452564 +600 802 2 888453082 +600 810 3 888451977 +600 947 4 888452071 +600 1004 4 888451839 +600 1188 3 888452152 +600 1239 2 888452564 +600 1274 2 888453145 +600 1419 3 888452564 +601 8 3 876348736 +601 9 4 876347196 +601 12 3 876348947 +601 15 1 876347040 +601 22 4 876348820 +601 47 3 876349542 +601 50 5 876346810 +601 56 3 876349577 +601 58 1 876350400 +601 64 4 876349503 +601 65 4 876350017 +601 69 3 876348987 +601 71 1 876349937 +601 82 1 876351298 +601 87 4 876349503 +601 91 5 876349251 +601 96 2 876350185 +601 98 3 876348526 +601 99 3 876350536 +601 100 4 876346757 +601 107 4 876347113 +601 118 1 876347320 +601 121 2 876347267 +601 123 1 876347148 +601 125 1 876347320 +601 131 4 876350766 +601 132 5 876350104 +601 133 4 876350812 +601 135 4 876350443 +601 141 4 876350443 +601 143 3 876351073 +601 148 3 876348140 +601 151 3 876346930 +601 153 4 876350060 +601 154 5 876350017 +601 156 4 876348782 +601 157 3 876349716 +601 163 4 876350400 +601 168 5 876350944 +601 172 4 876348736 +601 173 5 876348736 +601 178 4 876348526 +601 183 4 876348674 +601 185 4 876349577 +601 186 4 876349542 +601 191 4 876350016 +601 195 3 876348611 +601 198 4 876350104 +601 201 5 876349503 +601 204 2 876348783 +601 208 4 876350017 +601 210 4 876350060 +601 222 4 876347039 +601 225 1 876347462 +601 228 5 876350400 +601 230 4 876350583 +601 234 1 876348947 +601 238 2 876349897 +601 239 3 876350537 +601 241 4 876350652 +601 258 5 876346344 +601 259 1 876346515 +601 260 4 876346633 +601 284 4 876347523 +601 287 1 876348215 +601 288 1 876346515 +601 294 1 876346515 +601 318 4 876348572 +601 325 4 876346551 +601 357 4 876349150 +601 365 3 876350812 +601 378 2 876351041 +601 382 4 876351582 +601 387 3 876350583 +601 389 2 876350537 +601 405 1 876347765 +601 406 2 876350998 +601 410 4 876347113 +601 416 3 876350683 +601 421 1 876350060 +601 427 4 876348736 +601 429 5 876349387 +601 431 4 876351413 +601 436 4 876350230 +601 443 4 876350766 +601 455 4 876347148 +601 472 1 876348177 +601 473 3 876347665 +601 475 4 876346890 +601 476 1 876347765 +601 479 4 876349358 +601 483 4 876348782 +601 504 4 876350300 +601 508 4 876346964 +601 591 3 876347267 +601 660 3 876349937 +601 671 4 876348572 +601 673 1 876351264 +601 743 1 876348410 +601 763 5 876348035 +601 820 1 876348316 +601 840 2 876347599 +601 842 1 876351171 +601 864 1 876347320 +601 921 5 876351214 +601 928 1 876348140 +601 934 1 876348285 +601 949 2 876351214 +601 1028 2 876347557 +601 1039 4 876350185 +601 1047 1 876347557 +601 1063 3 876350340 +601 1084 5 876346849 +601 1116 4 876350944 +601 1135 2 876351141 +601 1296 1 876346344 +601 1540 2 876350017 +602 1 4 888638547 +602 9 4 888638490 +602 50 5 888638460 +602 117 5 888638674 +602 118 3 888638703 +602 121 4 888638434 +602 127 5 888638491 +602 148 4 888638517 +602 181 5 888638547 +602 237 4 888638547 +602 243 3 888638277 +602 257 4 888638618 +602 259 4 888638160 +602 261 3 888638248 +602 294 5 888637987 +602 300 3 888637847 +602 343 2 888638022 +602 358 4 888637965 +602 457 3 888638305 +602 508 3 888638618 +602 538 4 888638048 +602 748 3 888638160 +602 871 3 888638589 +602 880 4 888637925 +602 895 3 888637925 +602 988 4 888638248 +603 7 5 891956075 +603 12 5 891955991 +603 22 4 891956776 +603 50 5 891955922 +603 56 4 891957053 +603 62 2 891955972 +603 89 5 891956825 +603 176 2 891956776 +603 180 4 891956946 +603 183 4 891957110 +603 210 4 891957110 +603 216 4 891957139 +603 222 4 891955922 +603 227 3 891955972 +603 228 3 891955922 +603 229 4 891955972 +603 250 5 891956173 +603 271 2 891955922 +603 273 1 891956124 +603 288 3 891956283 +603 294 4 891956330 +603 313 5 891956091 +603 326 4 891956344 +603 385 4 891957012 +603 419 2 891957012 +603 449 4 891955972 +603 450 3 891955972 +603 474 4 891956803 +603 747 3 891956897 +603 751 4 891956242 +603 923 4 891957139 +603 988 4 891956529 +603 1240 5 891956058 +603 1483 5 891956283 +604 5 2 883668261 +604 7 4 883668097 +604 48 5 883667946 +604 56 2 883668097 +604 98 2 883668097 +604 100 5 883668097 +604 127 4 883667946 +604 164 4 883668175 +604 184 3 883668352 +604 200 1 883668261 +604 201 3 883668352 +604 218 3 883668175 +604 288 3 883668261 +604 441 2 883668261 +604 443 3 883668352 +604 447 4 883668352 +604 448 5 883668261 +604 558 4 883668175 +604 567 5 883668352 +604 637 4 883668261 +604 670 5 883668352 +604 672 1 883668261 +605 1 4 879365748 +605 9 4 879365773 +605 12 4 881016144 +605 14 5 879427619 +605 22 4 879424548 +605 64 5 879425432 +605 69 5 879425432 +605 70 3 879424680 +605 79 5 879425432 +605 98 5 879425432 +605 100 5 879425432 +605 111 3 879425663 +605 117 2 879365748 +605 118 3 879429729 +605 121 1 879429706 +605 124 3 879365748 +605 126 5 880762240 +605 132 5 879425432 +605 133 5 879424661 +605 135 5 879424369 +605 143 1 879424345 +605 153 4 879424784 +605 176 4 879426339 +605 187 5 879425432 +605 191 5 879426212 +605 210 3 879424452 +605 215 3 879426163 +605 223 5 881015099 +605 237 3 879424661 +605 238 1 879424783 +605 245 3 879366335 +605 252 4 879510953 +605 255 2 879510904 +605 260 4 879365417 +605 269 4 879365101 +605 274 3 879425663 +605 275 4 879366177 +605 276 4 879365773 +605 282 4 879424743 +605 286 4 879365101 +605 288 5 879365158 +605 293 3 879366256 +605 294 4 879365219 +605 295 4 879366240 +605 300 2 879365101 +605 301 3 879365237 +605 302 4 879365132 +605 318 5 879426144 +605 325 2 879365219 +605 333 4 880554130 +605 338 2 881015064 +605 340 4 879365132 +605 357 5 879426180 +605 371 5 879427369 +605 405 3 879429706 +605 408 5 881016144 +605 462 5 881016176 +605 471 3 879365748 +605 475 3 879424369 +605 483 5 879425432 +605 496 5 879424600 +605 508 5 879425432 +605 521 5 879424743 +605 523 5 879424345 +605 526 5 879426371 +605 528 5 879424273 +605 546 2 879429729 +605 597 3 879427755 +605 619 4 880762205 +605 678 1 879366335 +605 827 3 879429729 +605 831 1 879429729 +605 873 3 879365219 +605 879 3 879365417 +605 930 2 879429706 +605 934 4 879425706 +605 949 5 879427164 +605 1040 2 879425689 +605 1226 4 879510864 +606 1 5 878148365 +606 3 5 880922084 +606 8 2 880923579 +606 12 2 880924384 +606 24 5 878143509 +606 25 5 878149689 +606 28 4 880924921 +606 31 4 880925199 +606 38 4 880927923 +606 42 3 880926245 +606 48 4 880924483 +606 50 5 878142864 +606 55 4 880926245 +606 56 5 880924483 +606 58 3 880924483 +606 63 3 880927666 +606 68 5 880927127 +606 69 4 880926339 +606 71 5 880923745 +606 79 3 880927127 +606 81 3 880924921 +606 82 5 880925646 +606 83 5 880925289 +606 87 4 880924483 +606 88 4 880926533 +606 89 5 880927358 +606 91 5 880926610 +606 93 4 878142865 +606 97 5 880925453 +606 98 5 880923925 +606 99 4 880923799 +606 100 5 878146986 +606 103 3 880923349 +606 108 1 880923349 +606 111 4 878146986 +606 117 4 878143605 +606 118 4 878143785 +606 121 4 878148425 +606 125 4 878148493 +606 127 4 878143509 +606 129 3 878142865 +606 132 5 880923925 +606 135 5 880926245 +606 138 3 880927923 +606 144 4 880924664 +606 148 3 878150506 +606 150 4 878143246 +606 151 5 878148493 +606 153 3 880926700 +606 154 3 880923862 +606 156 4 880924789 +606 157 4 880926018 +606 161 4 880926994 +606 168 5 880924557 +606 172 5 880924322 +606 173 5 880924859 +606 174 5 880924663 +606 175 4 880927127 +606 176 5 880923925 +606 178 5 880925579 +606 179 5 880927552 +606 180 4 880926245 +606 181 5 878143047 +606 183 5 880926162 +606 184 5 880924790 +606 185 3 880926759 +606 187 4 880926861 +606 188 4 880924921 +606 191 5 880923988 +606 194 4 880925199 +606 195 5 880926162 +606 196 4 880926759 +606 198 4 880927665 +606 200 5 880923862 +606 201 4 880927417 +606 202 4 880924921 +606 203 5 880926084 +606 204 4 880924384 +606 206 4 880927552 +606 208 3 880925074 +606 209 4 880926018 +606 211 5 880926759 +606 214 4 880926018 +606 215 4 880923925 +606 216 5 880925579 +606 222 3 878147770 +606 225 1 880923349 +606 230 2 880926084 +606 234 4 880927179 +606 235 3 880922566 +606 236 3 878150506 +606 237 4 878148365 +606 238 4 880927179 +606 239 4 880926339 +606 248 5 887058736 +606 249 3 880922503 +606 250 4 878143047 +606 255 5 887061723 +606 257 5 880922503 +606 260 3 887059561 +606 265 4 880924663 +606 273 4 878143509 +606 281 4 880922148 +606 282 4 878147641 +606 284 4 878148425 +606 293 5 878143605 +606 294 2 880923349 +606 298 4 880920725 +606 307 4 888334083 +606 313 5 887841727 +606 323 4 877642209 +606 326 4 889137188 +606 333 5 887059213 +606 385 4 880925200 +606 393 4 880925453 +606 404 4 880925200 +606 405 4 878148493 +606 410 3 880921656 +606 419 4 880924188 +606 423 5 880925200 +606 427 4 880924106 +606 428 3 880927247 +606 432 5 880926339 +606 435 4 880923862 +606 441 4 880927750 +606 451 3 880927247 +606 455 2 880923349 +606 468 4 880923989 +606 471 4 878146986 +606 472 4 880921408 +606 475 4 878143785 +606 477 4 878143247 +606 483 5 880924921 +606 491 4 880923799 +606 498 4 880923862 +606 501 4 880926084 +606 507 4 880923689 +606 508 4 878147350 +606 516 4 880924859 +606 527 4 880924790 +606 531 5 880924188 +606 537 2 880925074 +606 546 4 878149278 +606 549 4 880926862 +606 562 4 880928181 +606 568 4 880923988 +606 576 3 880927750 +606 585 4 880927358 +606 588 5 880923862 +606 591 3 880923349 +606 596 4 878149415 +606 619 4 880922565 +606 628 4 878143729 +606 637 3 880927750 +606 647 3 880924663 +606 651 4 880926018 +606 652 3 880925200 +606 655 4 880926469 +606 660 5 880926470 +606 662 4 880926162 +606 678 3 877642127 +606 684 3 880925579 +606 685 3 880923349 +606 692 5 880924790 +606 709 5 880927417 +606 713 4 878142865 +606 717 3 878147770 +606 729 4 880927247 +606 735 5 880926610 +606 747 4 880927468 +606 748 3 880921753 +606 749 4 888333338 +606 806 5 880923579 +606 816 2 880927358 +606 825 5 878149689 +606 827 3 880922625 +606 833 5 887060394 +606 841 3 880922625 +606 844 4 878149278 +606 845 4 878147770 +606 919 2 880923349 +606 924 5 880921408 +606 925 4 880922566 +606 926 3 880922625 +606 928 4 880928180 +606 939 4 880927247 +606 942 4 880926700 +606 951 2 880928181 +606 959 5 880927128 +606 963 5 880923925 +606 969 5 880925074 +606 993 5 887059716 +606 1010 3 878149278 +606 1011 3 880921408 +606 1016 3 887062032 +606 1039 4 880923690 +606 1047 2 880923349 +606 1055 4 880923690 +606 1065 5 880924323 +606 1149 4 880925289 +606 1151 3 889137292 +606 1190 3 889137308 +606 1199 3 878143246 +606 1280 2 889137292 +606 1518 4 880926760 +607 19 3 883879613 +607 30 4 883880180 +607 45 4 883880079 +607 56 5 883880155 +607 100 4 883879316 +607 121 2 883879811 +607 137 4 883879556 +607 174 3 883879516 +607 180 4 883879556 +607 211 5 883879556 +607 212 3 883880052 +607 213 4 883880027 +607 222 3 883879613 +607 238 4 883879556 +607 275 4 883879756 +607 311 4 883879971 +607 382 3 883880110 +607 435 3 883879473 +607 462 4 883880110 +607 474 4 883879473 +607 475 4 883879811 +607 482 5 883879556 +607 483 4 883879379 +607 485 3 883879442 +607 494 5 883879556 +607 498 4 883879556 +607 511 5 883879556 +607 707 4 883880027 +607 855 4 883880027 +607 887 3 883878999 +607 950 3 883879691 +608 4 3 880406168 +608 8 2 880405484 +608 11 5 880405927 +608 16 2 880406950 +608 22 4 880405395 +608 23 5 880403239 +608 25 4 880406506 +608 28 4 880405484 +608 42 5 880406168 +608 44 4 880406469 +608 50 1 880403765 +608 56 5 880403690 +608 59 5 880403856 +608 61 5 880404693 +608 64 4 880405165 +608 70 4 880406552 +608 76 4 880408115 +608 79 5 880405863 +608 83 5 880406862 +608 86 5 880403484 +608 92 3 880408150 +608 93 4 880406299 +608 98 5 880403855 +608 100 4 880403280 +608 111 1 880406507 +608 126 1 880405165 +608 127 5 880403320 +608 131 4 880406032 +608 132 2 880403899 +608 133 4 880405165 +608 134 3 880403810 +608 136 3 880403280 +608 144 4 880405659 +608 157 1 880405085 +608 163 1 880405085 +608 166 3 880403388 +608 168 1 880403810 +608 172 1 880405927 +608 174 3 880406506 +608 182 4 880403484 +608 185 5 880405484 +608 187 4 880403055 +608 190 4 880405527 +608 195 1 880405527 +608 196 5 880405395 +608 197 5 880405431 +608 199 1 880403606 +608 204 4 880405527 +608 207 5 880404975 +608 213 4 880404693 +608 215 3 880406299 +608 216 5 880403239 +608 218 4 880406862 +608 234 5 880404847 +608 238 5 880403810 +608 262 3 880402368 +608 268 4 880402983 +608 269 3 880402272 +608 275 5 880403810 +608 283 4 880406623 +608 286 4 880402272 +608 287 3 880406950 +608 288 5 880402982 +608 294 3 880402450 +608 300 1 880402327 +608 301 1 880402633 +608 303 4 880402983 +608 305 3 880402633 +608 306 4 880402983 +608 310 1 880402450 +608 317 5 880405527 +608 318 4 880404916 +608 319 4 880402983 +608 321 2 880402633 +608 327 2 880402450 +608 328 4 880402983 +608 333 4 880402983 +608 337 4 880402982 +608 340 4 880402982 +608 357 5 880404916 +608 418 1 880405971 +608 421 5 880406427 +608 423 4 880406727 +608 427 4 880403765 +608 443 5 880405824 +608 448 5 880406593 +608 461 4 880406507 +608 462 4 880406552 +608 469 3 880405395 +608 475 3 880405971 +608 479 5 880404636 +608 480 3 880405165 +608 483 4 880404916 +608 487 4 880406032 +608 499 4 880403484 +608 505 5 880406862 +608 506 4 880406728 +608 507 3 880403899 +608 508 4 880406593 +608 509 1 880403855 +608 514 5 880403320 +608 517 4 880403856 +608 549 4 880405824 +608 568 5 880406032 +608 603 5 880403537 +608 606 5 880404693 +608 607 5 880405395 +608 611 3 880403537 +608 655 5 880405395 +608 658 3 880408150 +608 660 5 880406800 +608 690 4 880402527 +608 693 3 880405927 +608 694 3 880405085 +608 699 5 880406507 +608 702 1 880406862 +608 735 4 880406799 +608 736 4 880403484 +608 742 4 880406299 +608 753 5 880405395 +608 848 4 880403690 +608 865 4 880403537 +608 939 4 880405896 +608 956 3 880405896 +608 961 4 880405431 +608 969 5 880407079 +608 1009 4 880406032 +608 1039 5 880406552 +608 1063 5 880405659 +608 1101 4 880405863 +608 1183 1 880405484 +608 1204 2 880403606 +608 1221 2 880406800 +608 1262 5 880406095 +608 1281 4 880407079 +609 1 1 886896185 +609 15 5 886895150 +609 125 4 886895193 +609 147 1 886895016 +609 243 1 886895886 +609 258 3 886894677 +609 259 1 886895763 +609 285 5 886894879 +609 288 2 886894677 +609 294 2 886895346 +609 304 5 886895436 +609 313 5 886894637 +609 314 1 886895941 +609 319 1 886895516 +609 352 1 886895699 +609 408 5 886896185 +609 475 2 886896281 +609 750 4 886895397 +609 877 5 886895649 +609 890 1 886895914 +609 894 1 886895852 +609 908 1 886895699 +609 948 1 886895886 +609 1012 1 886896237 +610 1 4 888703157 +610 7 2 888703137 +610 8 4 888702902 +610 9 3 888702961 +610 12 5 888703157 +610 28 4 888703258 +610 50 4 888702961 +610 51 5 888703523 +610 56 3 888703213 +610 66 3 888704000 +610 70 4 888703609 +610 71 4 888703258 +610 79 3 888702859 +610 95 2 888703316 +610 97 3 888703453 +610 98 5 888702902 +610 117 4 888704000 +610 127 5 888702902 +610 133 4 888703648 +610 135 3 888703730 +610 143 5 888703290 +610 153 5 888703766 +610 162 5 888703343 +610 172 4 888702962 +610 176 4 888703157 +610 183 4 888703749 +610 185 5 888703191 +610 187 4 888703213 +610 195 3 888703583 +610 203 4 888703749 +610 204 1 888703343 +610 210 3 888703290 +610 271 1 888702795 +610 272 4 888702815 +610 275 4 888703453 +610 276 4 888703766 +610 283 3 888703316 +610 288 3 888702795 +610 294 1 888702795 +610 313 4 888702841 +610 317 3 888703553 +610 318 5 888703378 +610 331 3 888702764 +610 352 1 888702795 +610 378 5 888703609 +610 419 5 888703241 +610 423 4 888703710 +610 427 5 888703730 +610 477 2 888703475 +610 480 5 888702962 +610 484 3 888703507 +610 485 5 888703815 +610 489 4 888703343 +610 505 4 888703537 +610 508 3 888703629 +610 516 3 888703710 +610 582 4 888703749 +610 591 3 888703316 +610 606 5 888703343 +610 607 5 888703157 +610 673 4 888704000 +610 699 2 888703507 +610 705 3 888703710 +610 735 3 888703360 +610 750 4 888702841 +610 755 5 888703710 +611 262 4 891636223 +611 268 5 891636192 +611 269 4 891636072 +611 272 5 891636098 +611 286 5 891636244 +611 288 3 891636073 +611 299 1 891636223 +611 301 4 891636152 +611 302 5 891636073 +611 305 4 891636192 +611 306 5 891636152 +611 307 4 891636125 +611 311 4 891636073 +611 313 3 891636125 +611 315 5 891636098 +611 324 3 891636399 +611 333 4 891636073 +611 334 5 891636223 +611 336 5 891636399 +611 340 5 891636192 +611 342 3 891636223 +611 344 5 891636073 +611 346 5 891636152 +611 347 4 891636244 +611 353 3 891636125 +611 354 3 891636192 +611 355 1 891636399 +611 680 4 891636125 +611 690 3 891636098 +611 750 5 891636222 +611 751 4 891636098 +611 752 5 891636223 +611 873 3 891636399 +611 882 4 891636192 +611 886 4 891636399 +611 887 2 891636125 +611 896 3 891636152 +611 906 2 891636223 +611 1243 3 891636244 +612 1 4 875324876 +612 7 3 875324876 +612 15 4 875324455 +612 25 3 875324915 +612 100 4 875324790 +612 117 4 875324599 +612 118 3 875324947 +612 127 2 875325049 +612 147 4 875324975 +612 202 2 875325221 +612 237 3 875324455 +612 243 2 875324355 +612 259 3 875324355 +612 275 5 875324710 +612 300 4 875324266 +612 476 3 875324947 +612 477 2 875324876 +612 480 4 875325049 +612 604 4 875325256 +612 864 4 875324756 +612 1060 4 875324756 +613 1 4 891227410 +613 12 5 891227299 +613 28 3 891227262 +613 50 5 891227365 +613 64 5 891227204 +613 89 5 891227237 +613 126 5 891227338 +613 127 4 891227204 +613 176 5 891227237 +613 194 5 891227299 +613 272 5 891227111 +613 279 4 891227410 +613 297 5 891227338 +613 318 5 891227299 +613 435 5 891227299 +613 471 3 891227410 +613 478 5 891227262 +613 509 4 891227236 +613 514 4 891227236 +613 530 5 891227262 +613 576 3 891227204 +613 603 5 891227298 +613 607 4 891227236 +613 632 3 891227204 +613 1157 2 891227204 +613 1315 4 891227338 +614 1 5 879464093 +614 7 2 879464215 +614 14 3 879464093 +614 121 4 879464398 +614 122 3 879465320 +614 147 5 879464332 +614 235 5 879464437 +614 237 2 879464216 +614 255 5 879464119 +614 276 4 879464234 +614 279 3 879464287 +614 286 2 879464507 +614 288 2 879463630 +614 289 2 879463669 +614 293 3 879464157 +614 294 4 879464507 +614 405 2 879464525 +614 410 3 879464437 +614 458 4 879464287 +614 472 3 879464416 +614 476 3 879464507 +614 508 4 879464093 +614 535 2 879464376 +614 546 1 879463965 +614 717 4 879465414 +614 756 4 879465398 +614 841 2 879465398 +614 871 2 879465376 +614 1009 3 879464119 +614 1134 2 879464556 +614 1142 3 879463965 +615 13 4 879449184 +615 14 5 879448016 +615 22 4 879448797 +615 23 5 879448547 +615 26 4 879448233 +615 28 4 879448759 +615 48 5 879448399 +615 70 4 879448915 +615 72 2 879449164 +615 83 4 879448399 +615 86 5 879448439 +615 97 4 879448759 +615 100 3 879448693 +615 127 5 879448399 +615 135 4 879448599 +615 153 4 879449130 +615 160 3 879448599 +615 168 5 879449110 +615 175 5 879448439 +615 178 5 879448547 +615 180 4 879448475 +615 187 5 879448598 +615 190 3 879447968 +615 191 5 879448759 +615 192 5 879448780 +615 194 5 879449164 +615 197 4 879448439 +615 199 5 879448599 +615 208 4 879449130 +615 209 5 879449068 +615 211 5 879449164 +615 213 5 879447990 +615 215 4 879448632 +615 216 4 879449068 +615 237 4 879448843 +615 238 3 879449044 +615 262 4 879447556 +615 268 4 879447642 +615 269 4 879447500 +615 271 2 879447642 +615 275 4 879447872 +615 283 4 879448015 +615 286 4 879447500 +615 300 4 879447613 +615 302 4 879447500 +615 303 5 879447530 +615 306 4 879447556 +615 319 4 879447585 +615 325 2 879447693 +615 332 2 879447585 +615 357 5 879448399 +615 387 3 879448915 +615 423 5 879448672 +615 427 5 879448475 +615 428 5 879449111 +615 435 5 879449089 +615 462 4 879447990 +615 475 4 879447919 +615 509 4 879448149 +615 514 5 879449110 +615 518 4 879448632 +615 519 5 879448598 +615 521 4 879448475 +615 523 5 879448735 +615 526 4 879448735 +615 527 4 879448399 +615 528 4 879448399 +615 529 5 879448036 +615 582 3 879447968 +615 629 4 879449184 +615 631 4 879448843 +615 632 5 879448759 +615 638 5 879447968 +615 666 2 879448270 +615 678 1 879447713 +615 683 1 879447642 +615 699 3 879448823 +615 707 3 879447990 +615 708 2 879448882 +615 732 4 879449211 +615 736 5 879448149 +615 792 4 879448632 +615 855 4 879448088 +615 937 2 879447530 +615 949 3 879448149 +615 988 1 879447735 +615 1065 4 879448567 +615 1128 1 879448715 +616 245 3 891224767 +616 258 4 891224676 +616 260 3 891224864 +616 272 5 891224517 +616 286 5 891224448 +616 288 4 891224676 +616 289 4 891224840 +616 292 4 891224448 +616 299 3 891224801 +616 301 3 891224748 +616 302 5 891224517 +616 303 4 891224558 +616 307 2 891224448 +616 313 5 891224590 +616 315 4 891224447 +616 316 4 891224840 +616 322 4 891224840 +616 323 4 891224801 +616 326 3 891224590 +616 327 3 891224558 +616 328 3 891224590 +616 329 3 891224748 +616 331 4 891224677 +616 333 2 891224448 +616 339 3 891224718 +616 343 4 891224864 +616 346 3 891224558 +616 347 4 891224677 +616 348 3 891224801 +616 349 4 891224748 +616 362 3 891224517 +616 678 2 891224718 +616 748 3 891224840 +616 873 3 891224767 +616 879 4 891224864 +616 895 3 891224644 +616 937 4 891224919 +616 1313 4 891224840 +617 17 1 883789507 +617 56 1 883789425 +617 74 5 883788859 +617 136 3 883789079 +617 145 1 883789716 +617 164 1 883789664 +617 170 1 883788929 +617 174 1 883788820 +617 175 4 883789386 +617 179 4 883789386 +617 183 4 883789386 +617 184 1 883789464 +617 185 5 883789042 +617 192 5 883788900 +617 200 5 883789425 +617 201 1 883789465 +617 218 2 883789464 +617 219 4 883789536 +617 234 3 883789464 +617 238 3 883789249 +617 269 1 883788511 +617 288 1 883788566 +617 302 4 883788511 +617 313 1 883788511 +617 320 5 883789424 +617 345 1 883788511 +617 357 4 883789386 +617 413 1 883789635 +617 423 1 883789294 +617 424 1 883789716 +617 427 4 883789042 +617 429 3 883789212 +617 436 3 883789464 +617 440 4 883789635 +617 441 3 883789590 +617 443 4 883788782 +617 444 4 883789590 +617 446 2 883789590 +617 447 4 883789386 +617 448 3 883789507 +617 452 1 883789590 +617 453 1 883789715 +617 475 1 883789294 +617 480 4 883789179 +617 496 1 883789080 +617 497 3 883788782 +617 498 3 883788955 +617 515 3 883788782 +617 519 3 883789105 +617 531 2 883788859 +617 547 1 883789464 +617 558 3 883789425 +617 559 1 883789507 +617 563 1 883789747 +617 567 2 883789747 +617 569 1 883789537 +617 573 4 883789590 +617 582 4 883789294 +617 590 1 883789747 +617 604 2 883788955 +617 607 4 883789212 +617 611 4 883789386 +617 615 3 883789294 +617 631 2 883789212 +617 635 4 883789716 +617 644 4 883789386 +617 646 4 883789386 +617 647 3 883789006 +617 648 3 883789080 +617 653 4 883788955 +617 656 4 883789386 +617 667 2 883789590 +617 668 4 883789716 +617 669 1 883789635 +617 670 1 883789590 +617 671 4 883789425 +617 672 3 883789537 +617 674 3 883789536 +617 675 4 883789425 +617 767 3 883789747 +617 774 1 883789635 +617 816 1 883789747 +617 854 1 883789464 +617 855 3 883789294 +617 859 3 883789590 +617 868 4 883788820 +617 1019 4 883788782 +617 1021 4 883788730 +617 1073 3 883789105 +617 1187 3 883788900 +617 1316 1 883788511 +617 1612 1 883788511 +618 1 4 891308063 +618 4 2 891308459 +618 7 4 891309887 +618 8 3 891307862 +618 9 3 891308141 +618 11 4 891307263 +618 15 3 891308391 +618 22 4 891308390 +618 23 5 891306990 +618 24 2 891308515 +618 25 2 891308260 +618 31 4 891307577 +618 33 2 891309351 +618 44 4 891308791 +618 49 3 891309514 +618 52 3 891307224 +618 54 3 891309319 +618 55 2 891308063 +618 56 4 891307175 +618 62 2 891309697 +618 64 4 891306990 +618 65 3 891309720 +618 66 4 891309697 +618 68 3 891309608 +618 69 4 891308176 +618 70 3 891307495 +618 71 4 891309041 +618 73 3 891309440 +618 82 4 891308704 +618 87 3 891307931 +618 88 4 891309440 +618 90 1 891309351 +618 91 4 891309756 +618 95 3 891309319 +618 97 5 891308913 +618 98 5 891307494 +618 99 3 891308019 +618 109 2 891308615 +618 111 3 891308946 +618 117 5 891307494 +618 118 3 891309004 +618 121 4 891308913 +618 123 2 891308063 +618 124 1 891308542 +618 125 3 891308704 +618 127 5 891307619 +618 132 4 891307057 +618 133 4 891307784 +618 135 4 891307224 +618 136 3 891307931 +618 144 4 891309887 +618 148 3 891309670 +618 151 3 891309514 +618 154 3 891308615 +618 159 3 891309670 +618 164 3 891309041 +618 168 5 891308342 +618 172 5 891307098 +618 173 3 891307404 +618 174 5 891307539 +618 176 4 891307426 +618 181 5 891307263 +618 183 4 891307494 +618 186 4 891307224 +618 187 5 891307098 +618 190 4 891307404 +618 191 4 891307175 +618 192 5 891307367 +618 193 4 891308432 +618 195 3 891308431 +618 197 3 891307825 +618 200 5 891307367 +618 202 2 891307714 +618 203 3 891308176 +618 214 2 891308176 +618 215 4 891307494 +618 216 3 891308791 +618 218 3 891308115 +618 233 3 891309471 +618 234 4 891307714 +618 238 1 891308391 +618 239 3 891309293 +618 241 4 891309887 +618 265 4 891307289 +618 275 3 891307577 +618 276 3 891309266 +618 283 3 891309217 +618 288 3 891307343 +618 313 4 891306927 +618 318 5 891307825 +618 356 2 891309608 +618 371 3 891308980 +618 382 2 891307540 +618 385 4 891309163 +618 403 4 891309608 +618 404 5 891309192 +618 416 4 891309720 +618 418 3 891308260 +618 419 4 891309887 +618 420 3 891309163 +618 421 3 891308615 +618 423 5 891309886 +618 427 5 891308431 +618 432 5 891308979 +618 433 2 891309410 +618 443 4 891308665 +618 458 3 891309579 +618 462 2 891307540 +618 468 3 891308665 +618 470 3 891308615 +618 471 3 891309041 +618 477 2 891308791 +618 483 5 891308199 +618 485 3 891307646 +618 487 4 891309886 +618 497 2 891307019 +618 501 4 891308884 +618 506 4 891308296 +618 507 4 891309239 +618 521 2 891307784 +618 526 5 891308141 +618 531 4 891309886 +618 550 3 891308261 +618 559 3 891309382 +618 566 3 891308261 +618 568 4 891309409 +618 576 4 891309608 +618 582 4 891309217 +618 588 4 891307224 +618 596 4 891309065 +618 597 4 891309041 +618 609 4 891309440 +618 625 4 891309192 +618 628 2 891308019 +618 633 3 891308571 +618 651 5 891307263 +618 655 4 891309887 +618 660 3 891309040 +618 673 3 891309139 +618 676 2 891307977 +618 679 1 891308615 +618 684 3 891306991 +618 692 4 891309091 +618 693 3 891307540 +618 699 3 891309410 +618 709 2 891308665 +618 713 4 891307224 +618 720 3 891309293 +618 723 3 891309514 +618 729 3 891308945 +618 731 2 891309514 +618 735 3 891308571 +618 746 2 891308946 +618 755 2 891309670 +618 762 3 891309636 +618 763 2 891309319 +618 770 2 891309756 +618 776 2 891307098 +618 785 3 891309351 +618 790 3 891309471 +618 815 4 891309552 +618 895 3 891309929 +618 924 4 891309040 +618 925 2 891308854 +618 939 2 891308791 +618 942 2 891309293 +618 955 2 891307540 +618 959 4 891309756 +618 962 1 891307784 +618 966 4 891307931 +618 969 3 891307889 +618 1032 2 891309192 +618 1039 4 891309887 +618 1048 3 891308980 +618 1058 3 891309114 +618 1063 3 891308459 +618 1066 3 891309756 +618 1163 2 891309266 +618 1185 2 891309471 +618 1212 2 891309410 +618 1221 2 891309636 +618 1225 2 891309382 +618 1468 3 891308665 +619 11 2 885954019 +619 17 1 885954184 +619 22 5 885953992 +619 27 4 885954159 +619 29 1 885954238 +619 33 3 885954133 +619 50 4 885953778 +619 53 2 885954341 +619 55 1 885954053 +619 56 3 885953992 +619 68 3 885954105 +619 79 5 885953992 +619 82 5 885954053 +619 96 5 885954083 +619 118 5 885953827 +619 121 5 885953805 +619 127 4 885953778 +619 144 5 885954083 +619 161 4 885954133 +619 174 4 885953992 +619 176 5 885954053 +619 181 4 885953778 +619 182 4 885954019 +619 183 5 885953992 +619 187 5 885953992 +619 188 4 885954158 +619 195 5 885954019 +619 226 5 885954133 +619 231 4 885954185 +619 233 4 885954158 +619 252 3 885953878 +619 257 3 885953805 +619 258 5 885953622 +619 273 4 885953778 +619 281 4 885954133 +619 288 3 885953931 +619 293 3 885953804 +619 294 1 885953684 +619 295 4 885953804 +619 298 5 885953778 +619 300 5 885953684 +619 302 4 885953600 +619 307 2 885953601 +619 313 5 885953601 +619 323 3 885953878 +619 326 2 885953601 +619 327 3 885953743 +619 331 4 885953574 +619 332 4 885953742 +619 333 2 885953574 +619 346 3 885953622 +619 350 3 885953641 +619 363 2 885954215 +619 385 5 885954053 +619 391 3 885954215 +619 405 3 885953826 +619 406 2 885953931 +619 515 1 885953778 +619 546 2 885953826 +619 550 5 885954134 +619 554 3 885954238 +619 562 3 885954341 +619 566 4 885954105 +619 568 5 885954083 +619 576 4 885954261 +619 578 4 885954215 +619 597 4 885953850 +619 651 5 885954053 +619 665 5 885954261 +619 684 4 885954083 +619 685 3 885953850 +619 720 4 885954238 +619 750 3 885953537 +619 808 3 885954053 +619 825 2 885953850 +619 827 3 885953878 +619 849 2 885954184 +619 879 4 885953743 +619 1016 4 885953826 +619 1231 2 885954215 +619 1314 3 885954341 +620 1 5 889987954 +620 7 4 889987073 +620 8 3 889988121 +620 15 5 889987210 +620 28 4 889988121 +620 35 3 889988340 +620 50 4 889988121 +620 63 5 889988232 +620 78 4 889988340 +620 82 5 889988146 +620 91 2 889988069 +620 94 5 889988340 +620 95 4 889988005 +620 98 4 889987560 +620 99 3 889988005 +620 100 1 889987073 +620 112 4 889988341 +620 118 4 889987825 +620 123 3 889987190 +620 125 2 889987255 +620 138 5 889988312 +620 140 4 889988258 +620 145 5 889987682 +620 147 3 889987299 +620 151 4 889988196 +620 164 5 889987586 +620 172 4 889988146 +620 173 5 889988121 +620 174 5 889988121 +620 181 4 889988146 +620 225 3 889988281 +620 234 3 889987560 +620 237 4 889987123 +620 240 5 889987954 +620 243 3 889986676 +620 246 4 889987276 +620 260 5 889986624 +620 288 4 889986452 +620 300 3 889986411 +620 313 5 889986477 +620 323 5 889986580 +620 354 5 889986477 +620 393 5 889988196 +620 404 4 889988232 +620 406 4 889987073 +620 409 4 889988196 +620 416 4 889988196 +620 418 3 889988005 +620 419 2 889988169 +620 420 3 889988005 +620 422 1 889988036 +620 423 5 889988168 +620 432 4 889988036 +620 452 3 889987604 +620 501 4 889988036 +620 560 4 889988232 +620 588 5 889988036 +620 595 5 889987792 +620 596 2 889987954 +620 623 4 889988232 +620 627 5 889988037 +620 674 3 889987586 +620 676 3 889987190 +620 683 3 889986984 +620 699 5 889988121 +620 706 3 889987706 +620 740 5 889987349 +620 742 5 889987792 +620 755 5 889988169 +620 758 2 889987073 +620 760 3 889987073 +620 769 4 889987706 +620 795 4 889988340 +620 820 4 889987954 +620 834 2 889987073 +620 859 4 889987657 +620 895 3 889986984 +620 924 3 889987164 +620 928 5 889987825 +620 931 3 889987875 +620 946 4 889988036 +620 951 3 889988258 +620 969 4 889988037 +620 975 3 889987852 +620 993 5 889987954 +620 1036 4 889988258 +620 1066 5 889988069 +620 1091 4 889988069 +620 1219 3 889988069 +620 1480 3 889988281 +620 1503 4 889988196 +621 1 3 880227233 +621 2 3 880739909 +621 3 5 881444887 +621 7 4 880738353 +621 8 5 874965407 +621 17 4 880739965 +621 24 4 880737433 +621 25 4 880738699 +621 28 4 874965408 +621 38 3 874964495 +621 40 3 874963273 +621 41 4 874963273 +621 50 5 874965407 +621 53 4 874964496 +621 55 5 874963594 +621 62 4 874964496 +621 63 1 874963445 +621 65 3 885596944 +621 68 4 880739654 +621 71 3 874965208 +621 73 5 874962772 +621 79 5 874963594 +621 80 4 874963126 +621 82 5 874964267 +621 87 5 874965408 +621 88 2 874962772 +621 91 3 874965299 +621 94 2 874963081 +621 95 4 880739654 +621 96 5 874963797 +621 100 5 880227104 +621 108 3 881445012 +621 109 4 880737607 +621 118 3 880738353 +621 121 3 880227385 +621 122 2 880738838 +621 123 4 880738080 +621 125 4 880739654 +621 128 4 880740034 +621 142 3 874965299 +621 143 2 874965208 +621 148 4 880739654 +621 154 5 881444499 +621 161 3 874964447 +621 172 5 874965407 +621 173 4 874965407 +621 174 3 874965407 +621 176 3 874963797 +621 180 4 885596944 +621 183 4 874963594 +621 184 3 874964267 +621 200 4 874964816 +621 222 4 880736904 +621 233 3 874964375 +621 235 3 880738142 +621 240 4 880738893 +621 241 4 874964604 +621 250 4 880738568 +621 257 5 880738699 +621 268 4 890517367 +621 270 4 890517239 +621 271 5 880226633 +621 273 4 880739654 +621 276 4 880736723 +621 298 4 883801703 +621 299 1 880227012 +621 313 5 883798770 +621 333 4 890517503 +621 367 3 874962900 +621 383 2 874963166 +621 384 3 874963081 +621 385 5 874963797 +621 386 3 874963126 +621 391 3 874964657 +621 393 3 874962705 +621 395 4 880739654 +621 398 2 874964605 +621 401 1 874963210 +621 405 5 880740034 +621 410 4 880738623 +621 417 3 874965299 +621 418 3 874965298 +621 419 4 874965093 +621 420 4 874965298 +621 432 4 874965093 +621 455 4 880738462 +621 472 3 880738462 +621 501 3 874965299 +621 539 1 883799884 +621 540 3 874964657 +621 546 3 880738894 +621 561 4 874964945 +621 568 5 874963797 +621 577 3 874963446 +621 578 5 874964604 +621 584 5 874965094 +621 585 4 874962988 +621 588 3 874965208 +621 624 5 874965093 +621 625 4 874965299 +621 676 3 880737607 +621 686 5 880739852 +621 692 4 874962614 +621 721 4 874963126 +621 722 4 881444887 +621 735 4 880739654 +621 746 4 874963028 +621 751 4 883799651 +621 755 3 874965299 +621 763 4 880738462 +621 779 3 880740296 +621 780 4 874962824 +621 783 3 874963273 +621 790 4 874963081 +621 795 1 874963273 +621 804 4 881445120 +621 809 4 880740136 +621 810 3 874964657 +621 825 3 880738142 +621 871 3 881445723 +621 879 4 880227012 +621 881 2 883798770 +621 890 1 883799608 +621 894 1 883800011 +621 926 3 880738894 +621 940 3 874963166 +621 944 5 874963126 +621 1013 2 880738282 +621 1016 4 880737785 +621 1028 4 880737861 +621 1029 2 874963210 +621 1035 4 880739654 +621 1036 1 874963446 +621 1047 3 880738080 +621 1093 4 880738568 +621 1185 3 881445012 +621 1228 3 880740296 +622 1 3 882590344 +622 3 1 882672922 +622 4 4 882671120 +622 7 5 882590269 +622 8 4 882592421 +622 9 4 882669969 +622 15 4 882590670 +622 22 4 882592178 +622 24 4 882590367 +622 28 3 882592314 +622 29 4 882592735 +622 31 3 882669594 +622 41 3 882672060 +622 46 4 882670610 +622 47 3 882670406 +622 49 3 882671273 +622 50 5 882592815 +622 56 5 882592103 +622 62 4 882592850 +622 64 5 882669391 +622 67 1 882671463 +622 69 4 882592041 +622 70 3 882670562 +622 79 5 882591979 +622 80 3 882671446 +622 82 3 882670767 +622 83 5 882592178 +622 86 4 882670587 +622 88 3 882670749 +622 89 5 882669740 +622 90 4 882671574 +622 94 2 882671694 +622 95 4 882669556 +622 96 5 882592449 +622 98 5 882669449 +622 99 4 882592383 +622 100 5 882590252 +622 101 5 882592662 +622 109 5 882590559 +622 111 4 882591014 +622 117 4 882590291 +622 118 1 882591663 +622 121 1 882590955 +622 125 3 882590457 +622 127 5 882590534 +622 132 4 882669851 +622 135 4 882592346 +622 142 3 882670826 +622 143 4 882670228 +622 144 5 882592103 +622 153 4 882592314 +622 154 4 882669740 +622 156 5 882592143 +622 157 4 882670389 +622 159 3 882670309 +622 161 3 882670712 +622 162 3 882670389 +622 165 5 882591938 +622 166 5 882669695 +622 169 5 882669374 +622 172 5 882669826 +622 173 5 882670057 +622 174 4 882592559 +622 175 4 882669645 +622 176 4 882669851 +622 178 4 882592421 +622 181 5 882592041 +622 183 4 882669826 +622 184 5 882592103 +622 185 3 882592041 +622 190 4 882669762 +622 195 5 882591938 +622 198 4 882669612 +622 199 5 882592143 +622 202 4 882670252 +622 204 3 882592559 +622 206 1 882670899 +622 207 5 882592278 +622 209 5 882592421 +622 210 3 882669784 +622 212 3 882669740 +622 213 5 882670009 +622 214 4 882670228 +622 215 3 882592523 +622 217 4 882671185 +622 218 3 882670057 +622 222 5 882592815 +622 226 4 882670367 +622 227 3 882592815 +622 228 5 882592815 +622 229 2 882592850 +622 230 3 882592815 +622 231 4 882592735 +622 233 4 882670423 +622 248 4 882590420 +622 249 5 882590394 +622 250 4 882590252 +622 253 3 882591047 +622 257 3 882590485 +622 276 4 882590485 +622 277 4 882590252 +622 280 3 882590534 +622 294 3 882589830 +622 298 4 882590559 +622 363 4 882591484 +622 375 2 882592625 +622 380 4 882592850 +622 385 5 882592421 +622 386 3 882671727 +622 391 2 882671827 +622 395 2 882672143 +622 396 1 882671222 +622 402 3 882670252 +622 403 4 882592735 +622 404 3 882670562 +622 405 4 882590886 +622 408 5 882590223 +622 418 3 882669905 +622 419 4 882670009 +622 423 3 882670121 +622 427 4 882592178 +622 431 5 882670169 +622 432 5 882670009 +622 433 4 882669886 +622 434 4 882592523 +622 449 2 882592850 +622 450 1 882592850 +622 451 4 882671221 +622 472 3 882591687 +622 474 3 882669509 +622 480 4 882669414 +622 482 3 882592178 +622 484 3 882669803 +622 496 4 882592314 +622 501 3 882670480 +622 506 3 882670139 +622 511 4 882592103 +622 532 3 882591091 +622 541 2 882592781 +622 542 2 882671346 +622 550 4 882670929 +622 552 2 882671863 +622 553 3 882670929 +622 558 2 882592523 +622 568 4 882592449 +622 577 2 882672143 +622 578 4 882670843 +622 581 4 882670562 +622 586 3 882671916 +622 588 4 882592246 +622 597 5 882591687 +622 625 3 882671120 +622 665 2 882671769 +622 674 2 882670929 +622 679 3 882671483 +622 685 2 882590862 +622 705 3 882592217 +622 719 2 882671622 +622 721 4 882670610 +622 722 3 882670862 +622 725 3 882672177 +622 737 5 882592678 +622 739 2 882671554 +622 742 3 882590420 +622 763 4 882591047 +622 769 1 882672922 +622 781 3 882671595 +622 795 2 882672079 +622 808 3 882671534 +622 809 2 882671081 +622 833 4 882590955 +622 855 3 882592103 +622 866 2 882591484 +622 934 2 882591726 +622 949 3 882672941 +622 977 2 882591804 +622 978 2 882591453 +622 1016 3 882591014 +622 1039 5 882669575 +622 1060 3 882671160 +622 1074 2 882671185 +622 1078 3 882671160 +622 1079 2 882591663 +622 1149 3 882592314 +622 1181 4 882670367 +622 1203 3 882669645 +622 1207 2 882671958 +622 1216 4 882590344 +622 1228 1 882672922 +622 1230 1 882672922 +622 1231 2 882670653 +622 1303 2 882672060 +622 1406 3 882671381 +622 1407 1 882672922 +622 1408 1 882672922 +622 1411 4 882671664 +622 1419 2 882672120 +622 1552 2 882670793 +623 15 4 891032375 +623 66 4 891034993 +623 70 4 891034950 +623 79 5 891035112 +623 88 4 891034973 +623 121 4 891034129 +623 127 4 891032275 +623 153 3 891034757 +623 163 3 891034756 +623 181 5 891032291 +623 183 3 891034294 +623 185 4 891034343 +623 186 3 891034814 +623 194 5 891035112 +623 202 1 891034620 +623 210 5 891035112 +623 211 3 891034814 +623 216 4 891034756 +623 222 4 891034110 +623 227 4 891034528 +623 228 3 891034343 +623 234 4 891034343 +623 258 4 891032358 +623 274 4 891034053 +623 283 4 891032275 +623 286 2 891032107 +623 288 1 891032140 +623 291 3 891034129 +623 298 2 891032433 +623 435 5 891035112 +623 451 4 891034973 +623 483 5 891035112 +623 504 3 891034343 +623 525 4 891034294 +623 603 4 891034294 +623 629 3 891034973 +623 648 5 891035112 +623 659 5 891035112 +623 692 3 891034951 +624 1 4 879792581 +624 3 3 879793436 +624 7 4 879792623 +624 14 5 879792623 +624 15 4 879793330 +624 24 3 879793380 +624 25 4 879792446 +624 93 5 879792557 +624 100 5 879792581 +624 108 3 879793198 +624 111 3 879792671 +624 117 3 879792446 +624 121 3 879793156 +624 122 3 879793436 +624 123 3 879793223 +624 124 4 879792358 +624 125 3 879793093 +624 126 4 879792395 +624 127 4 879792322 +624 147 4 879792557 +624 150 4 879792493 +624 181 4 879792378 +624 235 4 879793156 +624 236 3 879792358 +624 237 4 879793174 +624 240 2 879793129 +624 242 4 891961040 +624 245 3 879792109 +624 246 4 879792493 +624 248 4 879793485 +624 249 3 879793380 +624 250 4 879792623 +624 255 3 879793435 +624 257 3 879793269 +624 258 4 879791792 +624 260 2 879792251 +624 268 4 879791962 +624 269 4 891961120 +624 270 3 891961120 +624 273 4 879793129 +624 275 4 879792493 +624 276 5 879792446 +624 282 4 879793330 +624 285 5 879792557 +624 286 5 879791792 +624 288 4 879791922 +624 293 4 879792623 +624 294 3 879792109 +624 295 3 879793511 +624 298 4 879792378 +624 300 4 879792132 +624 301 3 879792131 +624 302 4 885215462 +624 305 4 891961140 +624 307 3 891961056 +624 310 4 891961078 +624 312 4 891961343 +624 313 5 885215463 +624 316 4 891961232 +624 319 3 891961140 +624 321 4 879791962 +624 323 2 879792155 +624 326 3 891961210 +624 328 4 879792131 +624 329 3 891961120 +624 333 4 879791884 +624 340 3 879791884 +624 342 3 891961267 +624 347 4 891961140 +624 358 3 891961210 +624 405 4 879792671 +624 410 4 879793156 +624 411 4 879793269 +624 455 3 879793358 +624 473 3 879793093 +624 475 4 879793223 +624 477 3 879793198 +624 508 4 879793092 +624 534 3 879792358 +624 544 4 879792557 +624 546 3 879793093 +624 591 3 879792557 +624 595 3 879793408 +624 597 3 879793129 +624 619 3 879793408 +624 628 4 879793198 +624 678 3 879792155 +624 687 2 891961362 +624 689 3 891961187 +624 690 4 879791962 +624 696 4 879793223 +624 741 4 879792557 +624 750 4 891961163 +624 762 4 879793330 +624 763 3 879792671 +624 815 3 879793174 +624 824 2 879793582 +624 831 3 879793545 +624 833 4 879793582 +624 845 3 879793129 +624 866 3 879793436 +624 870 4 879793155 +624 876 3 879792251 +624 879 3 879792171 +624 881 3 879792132 +624 898 1 891961380 +624 905 4 891961250 +624 919 4 879792581 +624 924 4 879792493 +624 928 3 879793511 +624 979 4 879793511 +624 980 4 879793358 +624 993 4 879793486 +624 1010 4 879793155 +624 1012 4 879793408 +624 1016 3 879793582 +624 1017 3 879792322 +624 1028 3 879793485 +624 1047 3 879793436 +624 1048 4 879793223 +624 1059 1 879793358 +624 1067 4 879793330 +624 1089 2 879793408 +624 1095 2 879793408 +624 1114 4 879792557 +624 1120 4 879793269 +624 1289 3 879793093 +625 4 4 892000372 +625 22 3 891262899 +625 23 4 891263960 +625 25 2 891632018 +625 50 5 891273543 +625 70 3 891262724 +625 91 4 891263057 +625 95 3 891953755 +625 97 4 891263057 +625 100 3 891878363 +625 121 3 891273698 +625 134 4 891263665 +625 135 5 891999874 +625 144 4 891962917 +625 154 3 891998289 +625 165 3 891999926 +625 168 3 891262837 +625 169 5 891263665 +625 173 3 891953681 +625 174 4 891263589 +625 176 4 891263960 +625 179 4 891961170 +625 181 4 891262633 +625 183 3 892000438 +625 188 4 891262724 +625 190 3 892000576 +625 191 3 891636079 +625 192 2 892000438 +625 195 4 891262983 +625 197 5 891262724 +625 198 4 891263665 +625 200 3 892000686 +625 202 3 891262633 +625 204 3 891999874 +625 208 3 891968164 +625 210 3 892054095 +625 212 3 891968320 +625 213 4 891999608 +625 214 4 891961632 +625 216 4 891262899 +625 222 4 891273543 +625 235 3 891631761 +625 238 4 891636000 +625 248 4 891629673 +625 250 4 891273750 +625 254 3 891273897 +625 255 2 891629673 +625 257 4 891273543 +625 265 3 892054198 +625 283 3 891629673 +625 286 4 891262561 +625 294 3 891536483 +625 300 3 891262561 +625 357 3 891262784 +625 380 3 891263589 +625 385 4 892053920 +625 393 4 891263665 +625 403 3 891961882 +625 405 3 891273859 +625 408 4 891997054 +625 423 4 891263760 +625 433 3 891636427 +625 476 2 891632164 +625 479 4 891262983 +625 480 4 891263589 +625 483 5 891262983 +625 484 4 891262783 +625 486 3 891953617 +625 498 4 891263703 +625 514 3 891262724 +625 515 4 891263589 +625 516 3 892000518 +625 517 3 891636079 +625 519 2 891263703 +625 522 3 891968164 +625 528 3 891961633 +625 546 2 891273897 +625 584 3 891636000 +625 588 4 891263057 +625 597 2 891273801 +625 603 4 891636000 +625 640 3 891999796 +625 647 4 891263822 +625 652 4 891262983 +625 654 3 891262837 +625 655 3 891999926 +625 678 3 891262561 +625 705 3 891262983 +625 732 3 891263960 +625 751 4 891536426 +625 855 4 891953479 +625 945 3 891262724 +625 961 4 891962917 +625 1016 2 891273699 +625 1020 3 892000629 +626 243 1 878771505 +626 258 4 878771243 +626 264 1 878771476 +626 266 1 878771476 +626 268 4 878771355 +626 270 2 878771355 +626 272 5 887772871 +626 286 5 878771242 +626 289 1 878771281 +626 292 1 878771281 +626 294 3 878771243 +626 302 4 878771242 +626 313 5 887772871 +626 323 1 878771505 +626 327 4 878771419 +626 328 1 878771505 +626 330 3 878771447 +626 332 3 878771355 +626 333 1 878771281 +626 336 1 878771477 +626 358 1 878771505 +626 678 1 878771505 +626 680 1 878771476 +626 681 1 878771477 +626 682 3 878771447 +626 748 2 878771281 +626 879 1 878771418 +626 923 5 887772922 +626 948 1 878771281 +626 988 1 878771281 +627 2 3 879531352 +627 4 2 879531248 +627 7 5 879531158 +627 9 4 879530014 +627 11 4 879529702 +627 12 4 879529819 +627 17 2 879531397 +627 22 5 879530205 +627 23 4 879529986 +627 27 3 879530762 +627 28 3 879529987 +627 33 1 879531397 +627 39 4 879530408 +627 47 2 879530346 +627 51 5 879530866 +627 52 3 879530146 +627 53 4 879531504 +627 55 4 879531301 +627 56 2 879531248 +627 58 5 879529958 +627 62 4 879531397 +627 64 5 879530015 +627 68 4 879531429 +627 69 3 879529855 +627 70 4 879530408 +627 76 3 879530173 +627 77 2 879530305 +627 79 3 879531158 +627 82 4 879531248 +627 83 3 879530071 +627 86 3 879530263 +627 89 5 879531158 +627 92 4 879529702 +627 96 3 879531196 +627 100 5 879529702 +627 117 3 879531248 +627 121 3 879531397 +627 123 3 879530305 +627 125 2 879530346 +627 135 4 879529702 +627 148 3 879530463 +627 161 2 879531302 +627 172 3 879531196 +627 174 3 879531195 +627 176 5 879531158 +627 177 5 879531158 +627 180 5 879529794 +627 182 4 879529916 +627 183 5 879531196 +627 184 4 879531248 +627 187 5 879529855 +627 188 4 879531196 +627 191 4 879529957 +627 193 5 879529767 +627 195 4 879531301 +627 196 5 879530172 +627 197 5 879529730 +627 199 5 879529702 +627 205 5 879529767 +627 214 3 879530408 +627 215 1 879529767 +627 226 1 879531397 +627 227 3 879531352 +627 228 4 879531301 +627 229 2 879531459 +627 230 4 879531397 +627 232 3 879531302 +627 233 2 879531351 +627 237 4 879530346 +627 239 3 879530662 +627 241 4 879531397 +627 245 4 879529556 +627 258 4 879529339 +627 271 5 879529432 +627 273 4 879531196 +627 276 2 879530173 +627 282 2 879530463 +627 284 2 879530306 +627 288 3 879529381 +627 289 2 879530899 +627 317 5 879530071 +627 318 5 879529701 +627 328 4 879529486 +627 358 3 879529556 +627 385 2 879531351 +627 387 2 879529916 +627 399 3 879531557 +627 402 3 879530866 +627 405 3 879531458 +627 423 3 879530145 +627 431 4 879531302 +627 434 4 879529855 +627 435 5 879531158 +627 458 3 879530824 +627 461 3 879530042 +627 468 2 879530408 +627 470 3 879530264 +627 471 3 879530463 +627 510 4 879529730 +627 511 4 879529986 +627 518 4 879530146 +627 520 5 879529916 +627 521 2 879529767 +627 523 4 879529767 +627 526 4 879529916 +627 528 4 879530662 +627 530 3 879531195 +627 541 4 879531504 +627 546 3 879531429 +627 550 1 879531352 +627 553 3 879530967 +627 554 2 879531557 +627 562 2 879531504 +627 566 3 879531249 +627 568 2 879531301 +627 576 3 879531504 +627 578 3 879531351 +627 582 3 879529916 +627 586 3 879531557 +627 591 3 879530205 +627 597 3 879531557 +627 628 4 879530501 +627 631 3 879529885 +627 636 4 879531302 +627 651 4 879530109 +627 655 4 879530536 +627 658 3 879530536 +627 660 4 879530463 +627 665 3 879531459 +627 673 2 879530110 +627 679 3 879531429 +627 684 4 879531301 +627 685 3 879531351 +627 690 5 879529406 +627 693 2 879530205 +627 697 5 879530042 +627 713 2 879530306 +627 724 2 879530305 +627 729 1 879530600 +627 732 3 879530568 +627 735 4 879530600 +627 792 4 879530501 +627 797 4 879531504 +627 802 2 879531557 +627 808 2 879531557 +627 810 3 879531459 +627 849 4 879531504 +627 939 3 879530264 +627 941 3 879530866 +627 942 2 879530408 +627 947 3 879531301 +627 949 2 879530824 +627 1044 2 879530899 +627 1074 3 879530694 +627 1134 1 879530305 +627 1135 3 879530625 +627 1136 4 879530762 +627 1267 4 879530346 +627 1478 3 879530967 +628 8 2 880777167 +628 173 3 880777167 +628 242 5 880777096 +628 258 5 880777167 +628 288 5 880777096 +628 292 5 880776981 +628 294 4 880777167 +628 300 5 880776981 +628 301 4 880777046 +628 305 5 880776981 +628 326 5 880777095 +628 332 5 880777096 +628 333 5 880777096 +628 338 5 880776981 +628 340 5 880777095 +628 361 5 880776981 +628 690 5 880776981 +628 845 5 880777167 +628 874 5 880776981 +628 938 5 880777095 +628 984 5 880776981 +628 1025 5 880777095 +628 1296 5 880777096 +629 4 3 880117513 +629 7 2 880117635 +629 11 2 880116789 +629 12 5 880117333 +629 15 5 880117719 +629 22 5 880116818 +629 23 5 880117001 +629 39 2 880117747 +629 42 2 880117430 +629 50 5 880117395 +629 55 4 880117094 +629 56 5 880117430 +629 64 5 880117513 +629 69 5 880117485 +629 81 3 880117689 +629 86 5 880117163 +629 87 5 880117635 +629 92 4 880117163 +629 98 5 880117254 +629 100 5 880116847 +629 111 5 880117689 +629 117 5 880116963 +629 127 5 880117605 +629 132 5 880117395 +629 135 5 880117586 +629 137 5 880117001 +629 144 5 880117430 +629 147 5 880117534 +629 153 5 880116818 +629 160 4 880117361 +629 162 5 880117361 +629 172 5 880117333 +629 173 5 880116847 +629 174 5 880116847 +629 182 5 880116818 +629 191 3 880116887 +629 193 5 880117565 +629 194 5 880116887 +629 195 4 880116847 +629 196 4 880117062 +629 197 5 880117031 +629 199 5 880117772 +629 200 4 880117333 +629 202 4 880117635 +629 204 5 880117285 +629 207 4 880117000 +629 210 5 880117689 +629 223 5 880117813 +629 234 4 880117215 +629 238 5 880117285 +629 241 5 880116911 +629 245 3 880116240 +629 258 4 880116722 +629 265 4 880116887 +629 268 5 880116722 +629 269 3 880115840 +629 270 3 880116023 +629 271 4 880116722 +629 273 2 880117001 +629 275 5 880117565 +629 276 5 880116887 +629 277 5 880117459 +629 286 4 880115839 +629 288 4 880116722 +629 292 4 880116722 +629 294 3 880115922 +629 300 4 880115923 +629 301 3 880115922 +629 307 5 880116722 +629 309 3 880116240 +629 317 4 880117430 +629 319 4 880116722 +629 322 3 880116240 +629 324 2 880116023 +629 326 3 880116103 +629 327 3 880116201 +629 328 3 880116103 +629 331 3 880116067 +629 332 4 880116722 +629 333 4 880116722 +629 340 2 880115971 +629 357 4 880117062 +629 381 4 880117852 +629 392 4 880117747 +629 416 4 880117813 +629 423 5 880117333 +629 425 3 880117163 +629 435 4 880116756 +629 463 4 880117852 +629 467 5 880117565 +629 475 4 880117121 +629 504 4 880117719 +629 509 5 880116818 +629 523 3 880116963 +629 566 5 880117395 +629 632 3 880117031 +629 651 5 880117163 +629 655 5 880117333 +629 658 4 880117813 +629 660 5 880117772 +629 684 5 880117430 +629 690 2 880116067 +629 693 5 880117215 +629 699 3 880117460 +629 709 3 880117062 +629 729 4 880117852 +629 732 5 880117430 +629 876 3 880116023 +629 880 4 880116722 +629 881 3 880116023 +629 886 3 880116278 +629 984 3 880116278 +629 991 1 880115923 +629 1038 3 880116240 +629 1119 5 880116756 +630 1 4 885666779 +630 7 4 885666571 +630 9 2 885666536 +630 11 5 885668028 +630 15 3 885666718 +630 22 3 885668328 +630 31 2 885667968 +630 50 3 885666536 +630 64 5 885668276 +630 69 3 885667939 +630 70 2 885667994 +630 71 3 885667854 +630 96 4 885668277 +630 98 5 885667898 +630 100 3 885666592 +630 111 5 885666956 +630 118 4 885666875 +630 120 4 885667678 +630 121 4 885666823 +630 123 4 885668203 +630 125 3 885666875 +630 126 4 885667305 +630 153 3 885668277 +630 172 3 885667918 +630 174 3 885668131 +630 181 3 885666650 +630 191 3 885668090 +630 193 3 885667939 +630 195 4 885667968 +630 213 2 885667994 +630 216 5 885667968 +630 237 5 885666823 +630 239 4 885668061 +630 240 3 885667200 +630 243 2 885666301 +630 250 1 885666650 +630 252 2 885667464 +630 255 5 885666740 +630 257 3 885667037 +630 258 3 885666143 +630 264 2 885666353 +630 272 5 885756030 +630 273 5 885666779 +630 276 1 885667108 +630 280 2 885667148 +630 282 3 885666804 +630 288 4 885666102 +630 295 4 885666875 +630 298 5 885666686 +630 300 4 885665975 +630 310 3 885665975 +630 322 3 885666211 +630 323 4 885666237 +630 325 3 885666301 +630 357 3 885668090 +630 409 3 885667037 +630 411 4 885667108 +630 412 1 885667508 +630 465 1 885668203 +630 471 4 885666955 +630 472 3 885667391 +630 477 4 885667200 +630 496 3 885667854 +630 535 4 885667624 +630 546 3 885667056 +630 550 3 885667968 +630 568 4 885668328 +630 595 5 885667660 +630 597 4 885667006 +630 620 4 885667661 +630 640 1 885668276 +630 687 3 885666301 +630 732 4 885668203 +630 735 2 885668231 +630 742 5 885666918 +630 756 4 885667551 +630 815 3 885667229 +630 819 3 885667108 +630 820 4 885667391 +630 832 2 885667528 +630 864 4 885667600 +630 866 3 885667148 +630 895 4 885666143 +630 929 4 885667249 +630 930 3 885667551 +630 932 2 885667108 +630 975 4 885667108 +630 983 3 885667699 +630 988 2 885666301 +630 1023 4 885667581 +630 1047 4 885667200 +630 1055 3 885667898 +630 1061 2 885667581 +630 1079 1 885667508 +630 1197 3 885667464 +631 288 3 888464916 +631 289 4 888465216 +631 294 3 888465155 +631 301 4 888465107 +631 307 4 888465033 +631 310 4 888464980 +631 313 4 888464915 +631 315 4 888464916 +631 323 2 888465216 +631 332 3 888465180 +631 334 2 888464941 +631 338 2 888465299 +631 682 2 888465247 +631 873 2 888465084 +631 877 2 888465131 +631 886 4 888465216 +631 1527 2 888465351 +632 1 3 879458692 +632 2 4 879459505 +632 7 3 879456955 +632 11 4 879458142 +632 12 5 879456910 +632 17 3 879459573 +632 22 4 879457394 +632 50 5 879459738 +632 51 4 879459166 +632 54 3 879459304 +632 55 2 879457857 +632 56 3 879458277 +632 64 5 879457525 +632 68 1 879459394 +632 69 4 879457371 +632 73 3 879459649 +632 79 5 879457317 +632 81 5 879458834 +632 82 4 879457903 +632 91 3 879459187 +632 95 5 879456955 +632 97 4 879458856 +632 98 4 879457217 +632 99 5 879458941 +632 100 3 879457603 +632 131 4 879458941 +632 132 5 879459738 +632 133 4 879457064 +632 134 5 879457217 +632 143 5 879459053 +632 144 4 879457812 +632 150 2 879457525 +632 156 3 879457437 +632 161 3 879459053 +632 168 4 879457248 +632 172 5 879457157 +632 173 5 879458649 +632 174 5 879457856 +632 176 3 879457812 +632 181 5 879457016 +632 182 3 879457641 +632 183 4 879456909 +632 184 5 879458277 +632 186 5 879459738 +632 191 5 879457603 +632 194 4 879457712 +632 195 5 879459738 +632 196 3 879457064 +632 201 4 879457641 +632 203 3 879457217 +632 204 4 879458277 +632 210 5 879459738 +632 215 4 879458834 +632 227 3 879459025 +632 228 3 879457157 +632 233 3 879459441 +632 234 3 879457641 +632 258 4 879459777 +632 275 3 879457582 +632 276 2 879457856 +632 282 4 879458806 +632 318 5 879456843 +632 356 4 879459248 +632 357 4 879456844 +632 367 2 879459544 +632 385 4 879458649 +632 402 3 879458725 +632 404 5 879459544 +632 423 4 879459003 +632 432 3 879456910 +632 451 4 879459505 +632 468 3 879457925 +632 470 4 879459677 +632 475 3 879457582 +632 480 5 879459739 +632 483 5 879459738 +632 485 4 879457157 +632 508 2 879458570 +632 510 5 879459738 +632 523 3 879458900 +632 527 4 879458429 +632 549 3 879459210 +632 550 2 879458900 +632 566 4 879458649 +632 568 3 879458142 +632 588 2 879457217 +632 591 4 879459053 +632 609 3 879459677 +632 633 4 879459003 +632 651 5 879459738 +632 655 3 879457641 +632 679 4 879459321 +632 684 5 879457903 +632 685 2 879459394 +632 693 2 879458692 +632 705 5 879459738 +632 720 3 879459025 +632 735 4 879458649 +632 739 3 879459210 +632 746 3 879459481 +632 763 3 879459304 +632 845 4 879459677 +632 877 1 879459777 +632 1028 2 879459649 +632 1183 2 879458142 +633 5 3 877212085 +633 45 3 877211326 +633 50 4 875326664 +633 56 2 875326491 +633 71 3 875325804 +633 77 3 877212173 +633 79 5 875325128 +633 82 4 875325273 +633 94 4 877211684 +633 96 4 875324997 +633 97 3 877211083 +633 98 4 875324715 +633 110 3 877211817 +633 117 3 875326491 +633 121 3 875325168 +633 128 3 875325225 +633 147 4 875325740 +633 148 1 875326138 +633 159 4 875325093 +633 172 3 877212250 +633 177 3 875325654 +633 183 4 875325577 +633 195 4 875324997 +633 226 4 877212085 +633 234 4 877212594 +633 237 4 875324891 +633 252 3 875325273 +633 276 3 875326698 +633 289 3 875324233 +633 300 4 875324233 +633 317 3 875324598 +633 318 4 875324813 +633 322 3 875325888 +633 328 4 875324298 +633 333 3 875567562 +633 385 4 875325497 +633 405 4 875325654 +633 410 2 875325865 +633 423 4 877212367 +633 498 2 875324922 +633 566 3 877212173 +633 581 3 877212085 +633 651 3 877212283 +633 654 3 875324654 +633 665 3 875325577 +633 871 3 875326698 +633 921 3 875324812 +633 939 4 877212045 +633 958 3 877210979 +633 1019 4 875324766 +633 1046 4 877212085 +634 1 3 875728872 +634 7 4 875729069 +634 9 5 877018125 +634 13 4 878916178 +634 14 3 875728783 +634 15 4 875729436 +634 21 2 875729668 +634 25 4 877018125 +634 50 4 877018347 +634 93 5 877018125 +634 100 4 875728834 +634 106 3 877017923 +634 109 4 877017810 +634 111 4 875729794 +634 116 3 875729069 +634 117 4 875729535 +634 118 4 875729106 +634 121 5 877018125 +634 122 3 877017975 +634 125 4 875729710 +634 126 3 875729106 +634 127 5 877018347 +634 129 4 875729105 +634 137 3 875728834 +634 147 2 875729749 +634 222 3 875728913 +634 225 3 875729668 +634 235 3 875729825 +634 240 3 877018033 +634 245 3 875729217 +634 248 4 877018311 +634 258 4 884980585 +634 269 4 890779855 +634 272 5 889464384 +634 274 3 876170992 +634 275 3 875728834 +634 276 5 877018125 +634 281 4 877017829 +634 282 4 875729749 +634 283 2 875728783 +634 284 4 875729668 +634 285 4 875728872 +634 287 3 877018059 +634 288 3 875729178 +634 290 3 877017891 +634 292 3 876170101 +634 293 3 877018347 +634 294 4 876170101 +634 300 3 881952599 +634 313 5 884980565 +634 315 5 889464384 +634 322 3 875729217 +634 323 4 875729217 +634 325 1 877974690 +634 331 4 875728702 +634 333 4 881007052 +634 340 4 881952599 +634 341 2 890779883 +634 408 3 875728783 +634 410 4 877017872 +634 411 4 877018059 +634 471 4 875729478 +634 473 2 875729558 +634 475 5 877018125 +634 477 3 876171093 +634 508 4 880067125 +634 515 4 877018346 +634 544 3 875729478 +634 546 4 875729535 +634 547 4 877979407 +634 591 4 875729535 +634 595 4 877017923 +634 597 4 877017923 +634 628 4 876170992 +634 676 4 875729633 +634 678 2 877017632 +634 685 4 875729535 +634 690 3 877368446 +634 696 4 875729535 +634 717 4 875729794 +634 740 2 875729749 +634 741 3 875728834 +634 742 4 875729794 +634 744 5 877018125 +634 748 3 875729217 +634 756 3 875729749 +634 760 3 879787621 +634 762 3 879787667 +634 763 3 875729825 +634 819 2 876171049 +634 840 2 875729794 +634 845 3 875729148 +634 864 3 877368475 +634 866 3 875729668 +634 922 4 875728913 +634 924 4 877017810 +634 929 3 877018033 +634 932 3 877018004 +634 933 3 877017951 +634 934 2 877018033 +634 950 5 877018125 +634 985 4 877017790 +634 988 1 875729217 +634 991 3 875729239 +634 1009 2 875729794 +634 1011 4 875729633 +634 1028 3 875729456 +634 1047 3 875729668 +634 1048 3 875729668 +634 1049 2 877018004 +634 1067 4 875729069 +634 1084 2 875728783 +634 1142 3 877018347 +634 1162 1 877017951 +634 1197 4 875729106 +634 1199 1 875728913 +634 1284 3 875729794 +634 1335 2 877017975 +635 1 4 878879283 +635 13 2 878879164 +635 15 3 878879346 +635 117 2 878879284 +635 150 3 878879236 +635 237 3 878879257 +635 246 5 878879190 +635 255 4 878879213 +635 262 5 878878654 +635 268 5 878878654 +635 269 5 878878587 +635 276 3 878879257 +635 301 3 878878587 +635 302 4 878878587 +635 307 4 878878654 +635 323 3 878878714 +635 327 5 878878752 +635 328 3 878878752 +635 331 4 878878654 +635 333 5 878878685 +635 358 1 878878838 +635 682 2 878878685 +635 688 2 878878838 +635 742 3 878879190 +635 748 2 878878838 +635 874 3 878878714 +635 875 2 878878838 +635 877 3 878878901 +635 879 3 878878866 +635 886 4 878878901 +635 1025 2 878878901 +636 1 3 891448229 +636 9 3 891448185 +636 10 5 891449123 +636 15 5 891449237 +636 25 5 891449237 +636 100 5 891448228 +636 106 4 891449328 +636 118 5 891449305 +636 121 5 891449212 +636 235 4 891449371 +636 258 5 891448155 +636 272 5 891448155 +636 275 3 891448229 +636 283 3 891448916 +636 313 5 891448155 +636 740 4 891449263 +636 760 5 891449263 +636 813 5 891448297 +637 1 4 882902924 +637 7 1 882903044 +637 9 1 882902924 +637 13 1 882904458 +637 15 4 882903447 +637 24 2 882903511 +637 25 4 882904537 +637 50 4 882901146 +637 93 3 882903511 +637 111 3 882903645 +637 117 2 882904148 +637 118 1 882904961 +637 121 4 882904458 +637 124 3 882902835 +637 125 3 882903582 +637 127 2 882901356 +637 147 1 882903645 +637 148 3 882905070 +637 149 2 882901356 +637 150 1 882903447 +637 151 5 882904064 +637 181 4 882902540 +637 225 3 882904829 +637 235 1 882904233 +637 237 2 882903511 +637 244 1 882903645 +637 245 3 882900047 +637 246 2 882903447 +637 255 3 882903645 +637 257 2 882903511 +637 268 2 882898692 +637 273 3 882903250 +637 274 5 882904065 +637 275 3 882903191 +637 282 3 882903250 +637 283 2 882903822 +637 285 3 882901356 +637 286 5 882900888 +637 289 2 882900047 +637 291 4 882905183 +637 293 3 882902835 +637 294 3 882900888 +637 300 3 882900888 +637 301 1 882899527 +637 322 3 882900888 +637 323 1 882899182 +637 325 1 882899928 +637 328 4 882900888 +637 332 4 882900888 +637 333 3 882900888 +637 338 4 882900888 +637 405 1 882903250 +637 408 5 882901355 +637 410 2 882904148 +637 411 1 882904678 +637 460 2 882905388 +637 471 2 882903822 +637 475 1 882903191 +637 508 2 882903301 +637 515 4 882902540 +637 535 2 882905573 +637 544 3 882903914 +637 546 1 882905182 +637 591 3 882904233 +637 596 2 882903582 +637 619 2 882903914 +637 676 3 882903767 +637 685 3 882904829 +637 717 3 882905572 +637 740 2 882903914 +637 741 1 882903644 +637 742 4 882904233 +637 744 4 882903044 +637 815 2 882904678 +637 833 1 882905070 +637 847 3 882903191 +637 866 3 882905285 +637 873 1 882899608 +637 922 1 882902487 +637 926 2 882904898 +637 931 1 882905388 +637 934 1 882905285 +637 936 4 882902487 +637 985 2 882905284 +637 1011 1 882904961 +637 1028 3 882905182 +637 1033 3 882904233 +637 1051 2 882905388 +637 1060 2 882904148 +637 1102 3 882904537 +637 1226 2 882903191 +637 1233 5 882900888 +637 1244 1 882904458 +637 1258 1 882905070 +637 1284 1 882905070 +637 1344 4 882901356 +637 1374 1 882903447 +638 4 4 876695108 +638 22 5 876694787 +638 29 2 876694917 +638 62 3 876695307 +638 82 2 876694917 +638 89 4 876694704 +638 96 4 876694917 +638 98 3 876695560 +638 100 3 876695560 +638 117 4 876694995 +638 118 3 876695385 +638 121 4 876694995 +638 128 3 876695216 +638 144 5 876694861 +638 153 3 876695819 +638 168 4 876695714 +638 172 4 876694787 +638 174 5 876694861 +638 175 4 876695774 +638 176 3 876694861 +638 181 5 876694787 +638 185 5 876695601 +638 186 5 876695859 +638 187 2 876694704 +638 188 3 876694995 +638 195 4 876694787 +638 202 3 876695819 +638 204 5 876695917 +638 210 4 876695478 +638 211 4 876695774 +638 222 4 876694787 +638 226 5 876695217 +638 227 2 876695259 +638 228 3 876694917 +638 229 1 876695108 +638 230 5 876695259 +638 234 4 876695627 +638 238 4 876695819 +638 241 3 876695217 +638 265 5 876695216 +638 385 5 876694917 +638 403 3 876695059 +638 405 3 876695338 +638 430 5 876695714 +638 431 4 876695108 +638 435 3 876694787 +638 449 2 876694995 +638 450 1 876695415 +638 455 3 876695059 +638 504 2 876695560 +638 510 3 876694704 +638 511 3 876695478 +638 514 2 876695714 +638 515 4 876694704 +638 523 4 876695917 +638 550 5 876695059 +638 636 3 876695108 +638 679 3 876695259 +638 685 4 876695307 +639 12 3 891239030 +639 14 5 891239813 +639 19 4 891239813 +639 28 4 891239239 +639 48 4 891239295 +639 51 2 891239613 +639 52 3 891239838 +639 57 3 891239862 +639 59 3 891239658 +639 60 3 891239790 +639 61 3 891239790 +639 66 3 891240868 +639 70 3 891239862 +639 83 4 891239790 +639 86 4 891239406 +639 87 3 891239218 +639 97 1 891240495 +639 98 4 891240643 +639 100 1 891240495 +639 111 2 891239613 +639 116 3 891239739 +639 135 4 891239239 +639 137 3 891239271 +639 153 3 891240752 +639 155 3 891239638 +639 162 3 891239380 +639 165 3 891239658 +639 168 1 891240678 +639 173 1 891239492 +639 174 4 891240160 +639 178 5 891240543 +639 179 1 891239324 +639 191 3 891239109 +639 193 3 891239177 +639 194 4 891240160 +639 196 3 891239456 +639 197 3 891239492 +639 198 2 891239885 +639 199 3 891239155 +639 202 2 891239581 +639 204 3 891240751 +639 210 3 891240136 +639 212 4 891239550 +639 213 5 891239528 +639 215 1 891239271 +639 216 3 891239528 +639 237 1 891239296 +639 269 3 891238599 +639 274 1 891240495 +639 275 4 891239492 +639 280 3 891240868 +639 283 4 891239913 +639 285 1 891239131 +639 286 4 891238618 +639 300 3 891238790 +639 305 1 891238668 +639 311 3 891238599 +639 313 1 891238514 +639 323 1 891238876 +639 356 2 891239380 +639 357 3 891239156 +639 371 1 891240495 +639 381 2 891239581 +639 382 2 891239913 +639 387 3 891239380 +639 414 3 891240719 +639 423 2 891239030 +639 427 4 891239064 +639 451 4 891239529 +639 471 2 891239349 +639 483 5 891240520 +639 509 3 891239271 +639 510 3 891239862 +639 511 4 891239240 +639 512 2 891239759 +639 513 4 891239030 +639 514 4 891240566 +639 516 4 891240678 +639 519 4 891239380 +639 526 4 891239177 +639 528 4 891239239 +639 549 2 891239427 +639 580 2 891239581 +639 582 3 891239739 +639 584 2 891239790 +639 604 4 891240520 +639 615 5 891240160 +639 638 4 891239790 +639 647 3 891239217 +639 648 3 891239491 +639 651 4 891239349 +639 655 3 891239406 +639 660 2 891239271 +639 661 4 891239155 +639 662 2 891239581 +639 664 2 891239324 +639 673 4 891239406 +639 692 3 891239550 +639 694 5 891239492 +639 702 2 891240868 +639 707 5 891239492 +639 714 2 891239886 +639 716 1 891240805 +639 724 3 891239581 +639 727 2 891239613 +639 731 2 891239613 +639 739 3 891240868 +639 740 4 891239324 +639 747 3 891239528 +639 750 2 891238514 +639 778 5 891239613 +639 786 3 891241022 +639 792 2 891240752 +639 796 1 891240805 +639 835 4 891240543 +639 863 4 891239702 +639 865 1 891239427 +639 923 4 891239702 +639 949 3 891240868 +639 953 2 891239407 +639 958 4 891241052 +639 962 1 891243532 +639 971 4 891239913 +639 990 1 891238689 +639 1005 2 891239813 +639 1065 1 891239030 +639 1101 3 891239177 +639 1121 2 891239885 +639 1163 1 891239349 +639 1193 4 891239702 +639 1195 2 891239838 +639 1465 2 891239048 +640 2 4 874778568 +640 4 4 874778065 +640 12 5 874777491 +640 14 4 886474436 +640 22 4 874778479 +640 33 3 874778696 +640 42 5 874778345 +640 47 4 874777735 +640 55 5 874777765 +640 56 5 874777528 +640 62 3 874778612 +640 64 5 874777701 +640 66 4 874778345 +640 68 4 874778479 +640 70 4 874778065 +640 79 5 874778515 +640 81 5 874777735 +640 85 5 874778065 +640 91 4 874777998 +640 92 4 874778515 +640 96 5 874778240 +640 126 4 886474802 +640 134 5 874777623 +640 150 4 886474493 +640 151 4 886474515 +640 161 4 874778479 +640 168 5 886354114 +640 169 5 874777890 +640 170 5 874777583 +640 174 5 876067863 +640 175 5 874777735 +640 180 5 874777528 +640 182 5 874777925 +640 184 5 889235992 +640 186 5 888026047 +640 189 5 874778181 +640 195 4 874778515 +640 201 4 874778240 +640 202 5 874778366 +640 209 5 874778154 +640 210 5 876067710 +640 214 5 874778274 +640 226 5 874778569 +640 231 5 874778424 +640 233 4 874778479 +640 249 4 886474493 +640 269 5 886803575 +640 301 2 886353820 +640 302 5 888025971 +640 304 4 876067605 +640 313 5 888639815 +640 315 5 886353894 +640 318 5 874777948 +640 336 3 886353894 +640 338 5 886353852 +640 342 5 886353780 +640 346 4 886353742 +640 347 3 886353742 +640 354 4 888262331 +640 357 5 874778274 +640 369 3 886474977 +640 373 3 874778756 +640 382 4 874777528 +640 391 3 874778756 +640 428 5 874778299 +640 461 4 874777833 +640 474 4 874777623 +640 496 4 874777491 +640 540 3 874778479 +640 550 4 874778722 +640 566 4 874778569 +640 568 4 874778569 +640 578 3 874778612 +640 580 5 874778096 +640 591 4 875732368 +640 663 5 874778240 +640 684 4 874778568 +640 689 4 886353852 +640 691 4 890014144 +640 693 5 874778207 +640 720 3 874778612 +640 750 5 886353742 +640 751 4 886353742 +640 761 5 874778613 +640 770 4 874777658 +640 778 4 886354499 +640 790 4 874777260 +640 802 3 874778756 +640 827 3 886474833 +640 919 5 886474436 +640 926 3 886474913 +640 952 4 886474538 +640 1010 3 886474753 +640 1016 3 886474538 +640 1054 1 886474010 +640 1067 4 876068799 +640 1073 5 874778299 +640 1228 4 889235993 +640 1244 3 886474849 +640 1258 3 886474866 +641 23 5 879370364 +641 30 4 879370365 +641 50 3 879370150 +641 59 4 879370259 +641 64 4 879370337 +641 83 4 879370119 +641 89 4 879370364 +641 124 4 879370299 +641 134 5 879370062 +641 192 4 879370150 +641 198 5 879370028 +641 203 4 879370337 +641 209 4 879370365 +641 242 5 879370299 +641 258 3 879369806 +641 268 4 879369827 +641 270 3 879369827 +641 285 5 879370028 +641 301 4 879369925 +641 303 3 879369827 +641 305 5 879369848 +641 336 3 879369943 +641 338 3 879369958 +641 427 4 879370119 +641 432 5 879370119 +641 434 4 879370259 +641 483 5 879370259 +641 484 5 879370299 +641 496 2 879370337 +641 497 5 879370259 +641 511 5 879370337 +641 513 5 879370150 +641 514 4 879370062 +641 528 4 879370150 +641 558 5 879370299 +641 657 4 879370062 +641 865 5 879370149 +641 969 4 879370259 +641 1039 4 879370337 +641 1194 3 879370299 +642 1 5 885603565 +642 2 4 885606787 +642 4 3 885605768 +642 8 5 885603662 +642 13 4 886206806 +642 15 5 885602314 +642 21 5 885605148 +642 22 4 885602285 +642 28 5 885603636 +642 29 5 886454812 +642 35 2 886570027 +642 40 4 885605866 +642 41 3 885605347 +642 44 3 885603870 +642 49 4 885605909 +642 51 5 886132172 +642 53 2 885604940 +642 54 4 886206959 +642 56 4 885602656 +642 58 3 886131744 +642 63 3 885606090 +642 64 5 885602482 +642 65 4 886132172 +642 66 5 885603740 +642 67 4 885843025 +642 68 3 885606765 +642 69 5 885602631 +642 71 5 886131547 +642 73 4 885605735 +642 78 3 886570084 +642 80 5 885606557 +642 82 5 885602285 +642 83 5 885603636 +642 88 5 886131546 +642 89 2 886455538 +642 90 4 885606024 +642 91 4 885603897 +642 94 2 885605909 +642 95 5 886131547 +642 96 5 885842289 +642 99 2 885602446 +642 102 5 885603849 +642 110 2 885606048 +642 117 4 886131655 +642 118 3 885603566 +642 120 3 886206256 +642 121 5 885842289 +642 122 2 885606463 +642 125 4 885603586 +642 131 3 885603566 +642 136 3 885602232 +642 138 4 886570173 +642 139 1 886569417 +642 140 3 886569257 +642 141 4 886568744 +642 142 4 886569380 +642 143 5 885603018 +642 147 4 885606986 +642 148 5 885604163 +642 153 3 885602572 +642 155 3 886568726 +642 156 1 886454965 +642 165 4 885604480 +642 166 5 885604434 +642 168 5 885842943 +642 172 5 885604299 +642 173 5 885602314 +642 174 5 885842594 +642 181 5 885603699 +642 186 5 885602739 +642 191 4 886131970 +642 195 3 885602718 +642 202 3 885842351 +642 204 4 885602593 +642 208 5 886131547 +642 216 3 885603083 +642 217 2 886569659 +642 218 3 886130929 +642 220 4 887663380 +642 225 4 886569942 +642 231 3 886454812 +642 233 4 885606964 +642 234 1 885603662 +642 235 2 885606047 +642 237 5 885603870 +642 240 3 885606137 +642 245 4 891317923 +642 249 5 885604805 +642 250 5 886131457 +642 252 5 885842962 +642 254 4 886454812 +642 257 5 886131546 +642 259 5 885605095 +642 288 1 885604085 +642 292 2 887663326 +642 294 5 885601998 +642 313 5 886454784 +642 318 2 885602369 +642 356 4 886132104 +642 357 2 885603565 +642 364 5 885843025 +642 365 4 886569922 +642 366 4 886131707 +642 367 5 885605866 +642 368 4 885606271 +642 369 2 885606090 +642 376 3 885606194 +642 377 3 886569809 +642 378 3 885603517 +642 383 5 886570062 +642 384 5 886131546 +642 385 5 885602571 +642 386 5 885605932 +642 391 4 885607143 +642 392 4 886132237 +642 393 5 885605834 +642 395 5 885604187 +642 398 2 886454837 +642 399 3 886131257 +642 400 4 886569278 +642 401 4 885606178 +642 402 4 885603792 +642 403 4 886454812 +642 404 3 886569122 +642 405 3 885606946 +642 407 5 885606482 +642 409 5 885605909 +642 410 1 885605988 +642 411 5 885605834 +642 412 2 885606271 +642 416 5 886455469 +642 417 3 886568791 +642 418 5 885606581 +642 419 4 885603537 +642 420 4 885606581 +642 422 3 885606608 +642 423 3 885602506 +642 427 3 886132043 +642 432 2 885602369 +642 441 1 886569942 +642 444 1 886569417 +642 447 4 886569328 +642 451 5 885605794 +642 452 1 886569699 +642 462 4 886455357 +642 463 3 885602232 +642 465 4 885603932 +642 470 4 886206991 +642 472 5 885607081 +642 473 1 886131585 +642 477 5 886131563 +642 485 5 885602612 +642 496 4 885603516 +642 527 4 886207132 +642 541 5 885607028 +642 542 5 885606609 +642 552 4 886569347 +642 553 5 886132153 +642 554 4 885842962 +642 559 5 885604874 +642 560 4 886568978 +642 565 4 886569870 +642 568 4 885606735 +642 569 2 886569538 +642 570 1 886131332 +642 571 3 885606113 +642 575 3 886454901 +642 577 4 886569870 +642 579 4 885606537 +642 581 2 886569209 +642 584 4 885842877 +642 585 5 885606178 +642 588 5 886131546 +642 597 4 885607065 +642 609 3 885604859 +642 622 4 886568941 +642 623 4 886570010 +642 624 3 885606608 +642 625 3 885603932 +642 627 3 885606581 +642 628 3 891317897 +642 651 4 885602571 +642 660 3 886132089 +642 673 2 886130929 +642 679 2 885606986 +642 686 5 886131546 +642 699 5 886568959 +642 722 3 885606113 +642 723 4 886132088 +642 725 4 885606067 +642 726 2 886570131 +642 729 3 885603566 +642 731 5 885605909 +642 732 4 885605538 +642 734 3 886569960 +642 739 5 886568838 +642 742 5 885602839 +642 748 5 885601998 +642 755 3 885603495 +642 756 5 885604859 +642 759 3 885843824 +642 765 3 885606234 +642 769 5 885842903 +642 771 3 885607115 +642 775 4 886569570 +642 779 3 885843177 +642 780 5 885606270 +642 783 4 885606024 +642 790 4 885605932 +642 794 4 886568429 +642 795 4 886570173 +642 796 4 885605909 +642 801 3 885605794 +642 812 4 886455357 +642 815 4 892241051 +642 826 5 888963032 +642 827 1 886131332 +642 832 3 892240991 +642 843 3 886569682 +642 845 5 891318088 +642 862 4 892241015 +642 864 3 885605987 +642 871 3 885605835 +642 926 5 885605454 +642 928 5 886131546 +642 931 4 885606857 +642 932 5 885605866 +642 934 2 885606137 +642 940 2 886569847 +642 942 4 886207151 +642 944 5 885605987 +642 946 2 885606581 +642 949 1 885605834 +642 955 3 888123262 +642 959 5 885605794 +642 969 2 885603662 +642 974 3 886569765 +642 975 2 886130929 +642 993 4 891317955 +642 996 2 885605932 +642 998 3 886569765 +642 1000 3 885602340 +642 1011 3 885842351 +642 1014 5 886131547 +642 1028 4 885605735 +642 1029 3 885606271 +642 1030 4 886570173 +642 1032 4 886569012 +642 1036 4 885606234 +642 1037 2 885605866 +642 1047 3 885606327 +642 1049 3 885606271 +642 1053 3 886207279 +642 1054 3 885606482 +642 1055 4 886569483 +642 1058 3 886132139 +642 1063 3 885603740 +642 1066 3 885606608 +642 1076 2 885606648 +642 1078 5 885604239 +642 1079 5 885605987 +642 1091 4 885606608 +642 1095 2 885606271 +642 1126 1 885603495 +642 1133 3 886569295 +642 1136 4 888123195 +642 1140 4 886569732 +642 1146 1 886570084 +642 1152 5 886569828 +642 1178 3 885606067 +642 1179 3 885606048 +642 1181 2 885607143 +642 1182 2 885606178 +642 1185 4 885606024 +642 1209 3 885606212 +642 1219 4 885603932 +642 1224 4 886132139 +642 1239 4 885607097 +642 1285 4 886132043 +642 1287 2 885606463 +642 1311 3 886569715 +642 1336 2 885606520 +642 1413 3 886569809 +642 1425 2 885606024 +642 1473 4 886568874 +642 1480 1 886569922 +642 1503 2 885602446 +642 1509 2 885606270 +642 1531 3 886569226 +643 1 5 891445287 +643 2 3 891448218 +643 4 4 891448136 +643 5 3 891449741 +643 7 4 891445354 +643 11 4 891446720 +643 12 5 891446720 +643 23 5 891447835 +643 24 4 891449614 +643 28 4 891448002 +643 29 2 891449901 +643 32 4 891447459 +643 33 3 891449417 +643 39 4 891447747 +643 42 4 891446750 +643 47 4 891446791 +643 49 3 891449848 +643 50 4 891445140 +643 53 4 891449719 +643 55 4 891448218 +643 58 4 891448062 +643 65 4 891448786 +643 66 3 891448786 +643 67 4 891449476 +643 68 3 891447338 +643 69 3 891447430 +643 70 3 892502414 +643 72 4 891449301 +643 77 3 891449557 +643 79 4 891446826 +643 82 3 891448095 +643 87 5 891447663 +643 88 2 891449417 +643 89 3 891448630 +643 92 4 891447835 +643 94 4 891450240 +643 96 5 891447747 +643 98 3 891446688 +643 99 4 891447485 +643 100 5 891445140 +643 111 4 891446301 +643 114 4 891446854 +643 117 3 891445823 +643 118 2 891445741 +643 121 4 891445741 +643 127 5 891445476 +643 128 3 891447617 +643 129 5 891445354 +643 132 5 891448265 +643 144 4 891447286 +643 147 3 891445526 +643 150 5 891445823 +643 152 4 891446956 +643 153 4 891447196 +643 155 2 891449345 +643 156 5 891446826 +643 159 3 891449345 +643 161 3 891449381 +643 162 3 891448436 +643 163 4 891448839 +643 168 5 891447157 +643 169 4 891447222 +643 172 5 891447093 +643 173 4 891447663 +643 174 4 891446652 +643 176 5 891447157 +643 177 4 891448002 +643 179 4 891447901 +643 181 3 891445476 +643 183 5 891447790 +643 185 5 891447157 +643 186 4 891447663 +643 187 4 891447127 +643 194 4 891446652 +643 195 5 891447063 +643 197 4 891446983 +643 200 3 891448265 +643 202 3 891447835 +643 203 4 891446956 +643 204 3 891447901 +643 205 5 891447222 +643 208 5 891448136 +643 209 5 891446652 +643 210 4 891448318 +643 211 4 891447617 +643 215 3 891447037 +643 216 4 891448136 +643 218 3 891449680 +643 219 5 891449614 +643 223 4 891447696 +643 226 2 891449476 +643 228 4 891447260 +643 231 2 891450316 +643 233 4 891449249 +643 234 4 891447260 +643 235 4 891445698 +643 238 3 891448095 +643 240 5 891445823 +643 246 5 891445312 +643 249 3 891446323 +643 255 4 892502414 +643 262 3 892502480 +643 268 4 891450748 +643 273 3 891445287 +643 276 5 891445354 +643 282 3 891445230 +643 288 4 891445255 +643 325 2 891446581 +643 356 4 891448218 +643 357 5 891446889 +643 367 4 891447518 +643 385 3 891449344 +643 393 4 891450273 +643 399 3 891450376 +643 403 3 891449534 +643 404 4 891447959 +643 405 3 891445859 +643 408 4 891445176 +643 410 4 891445597 +643 418 4 891447518 +643 420 4 891449803 +643 423 4 891447370 +643 428 4 891447196 +643 430 5 891447403 +643 432 5 891449771 +643 435 5 891447314 +643 436 4 891449870 +643 443 4 891446919 +643 447 4 891449249 +643 448 3 891449580 +643 451 2 891449301 +643 468 4 891449900 +643 470 4 891448352 +643 474 5 891446955 +643 481 4 891447127 +643 482 4 891447063 +643 483 4 891446889 +643 484 5 891448756 +643 492 4 891448586 +643 496 4 891446688 +643 501 4 891448062 +643 504 4 891447370 +643 505 4 891447260 +643 508 4 891445287 +643 509 3 891448839 +643 514 3 891446688 +643 515 4 891445140 +643 516 4 891447037 +643 519 4 891447663 +643 521 4 891448586 +643 527 3 891448502 +643 550 3 891450273 +643 566 3 891449476 +643 568 4 891447663 +643 571 3 891450316 +643 572 3 891450341 +643 597 2 891446301 +643 603 5 891447459 +643 629 3 891450168 +643 630 3 891448352 +643 631 3 891447930 +643 639 4 891447790 +643 655 4 891448176 +643 656 4 891447196 +643 659 5 891447127 +643 663 4 891447747 +643 665 3 891449930 +643 673 4 891448095 +643 674 3 891449901 +643 679 3 891447747 +643 685 3 891445354 +643 712 3 891449249 +643 715 5 891450210 +643 716 3 891449507 +643 721 2 892502531 +643 732 3 891447868 +643 739 3 891449476 +643 780 4 891449442 +643 790 4 891449249 +643 794 3 891450376 +643 820 3 891446381 +643 824 3 891449681 +643 845 3 891445476 +643 928 4 891445660 +643 956 4 891448586 +643 959 3 891449741 +643 969 4 891446826 +643 1012 4 891445550 +643 1016 3 891445766 +643 1028 3 891446404 +643 1065 4 891448756 +643 1074 2 891448630 +643 1098 4 891447696 +643 1139 3 891449680 +643 1215 3 891446489 +643 1221 3 891450316 +644 117 4 889077418 +644 121 5 889077344 +644 125 4 889076851 +644 127 4 889076775 +644 181 4 889077189 +644 237 4 889076775 +644 243 4 889076364 +644 250 4 889077463 +644 255 4 889077513 +644 258 4 889075928 +644 259 4 889076433 +644 261 4 889076502 +644 276 4 889077344 +644 289 1 889076364 +644 291 4 889076949 +644 293 4 889076851 +644 298 4 889077513 +644 307 4 889076031 +644 308 4 889076095 +644 322 5 889076364 +644 323 4 889076433 +644 326 5 889076148 +644 328 4 889076222 +644 330 4 889076173 +644 333 3 889075967 +644 457 4 889076502 +644 546 4 889076875 +644 597 4 889077513 +644 871 4 889077513 +644 873 4 889076310 +644 977 4 889076922 +644 988 4 889076475 +644 1025 4 889076433 +644 1610 3 889077115 +644 1620 4 889077247 +645 4 4 892055347 +645 11 4 892054278 +645 22 4 892054508 +645 23 5 892054364 +645 28 4 892053310 +645 30 4 892054824 +645 32 5 892054906 +645 39 3 892054324 +645 46 5 892054508 +645 47 4 892054824 +645 48 4 892053748 +645 50 4 892054824 +645 55 3 892053748 +645 56 3 892053241 +645 59 5 892053429 +645 60 5 892053748 +645 61 5 892054508 +645 64 3 892053429 +645 65 4 892054824 +645 70 4 892055325 +645 72 3 892053686 +645 73 3 892055445 +645 81 4 892055039 +645 87 4 892055444 +645 89 4 892053483 +645 91 3 892054990 +645 92 3 892054444 +645 96 3 892054444 +645 98 4 892053241 +645 134 5 892054364 +645 135 5 892054707 +645 168 4 892054797 +645 172 4 892054537 +645 173 4 892053748 +645 174 4 892053518 +645 175 5 892054537 +645 177 4 892053274 +645 180 4 892054402 +645 181 4 892053483 +645 182 5 892053686 +645 183 4 892053340 +645 184 3 892055213 +645 185 5 892054537 +645 186 4 892053340 +645 188 4 892054906 +645 191 5 892053644 +645 194 4 892053644 +645 195 4 892054537 +645 197 5 892055244 +645 198 3 892053644 +645 200 5 892054906 +645 202 3 892053518 +645 203 4 892053456 +645 208 5 892054797 +645 209 5 892053483 +645 211 4 892054364 +645 212 4 892054857 +645 214 4 892054570 +645 216 4 892054732 +645 228 3 892053748 +645 239 3 892055445 +645 243 1 892052232 +645 258 3 892051708 +645 268 4 892051811 +645 286 4 892051844 +645 288 3 892051741 +645 301 2 892052070 +645 318 5 892053241 +645 319 3 892051708 +645 340 4 892051762 +645 357 5 892053274 +645 367 3 892055039 +645 403 3 892055603 +645 427 5 892053483 +645 428 4 892054684 +645 430 5 892054797 +645 433 4 892054906 +645 434 4 892055389 +645 435 4 892054364 +645 447 3 892053541 +645 469 5 892054707 +645 474 5 892053398 +645 482 4 892053340 +645 483 5 892053456 +645 488 4 892053241 +645 496 3 892053686 +645 506 5 892055072 +645 512 5 892055072 +645 513 5 892054481 +645 514 5 892053686 +645 518 5 892055285 +645 521 4 892054990 +645 523 5 892053686 +645 558 4 892053429 +645 616 3 892054508 +645 627 2 892055244 +645 640 4 892055285 +645 641 5 892054600 +645 650 5 892055285 +645 653 5 892054990 +645 654 5 892053686 +645 656 4 892053241 +645 658 4 892054632 +645 660 3 892055628 +645 664 4 892054402 +645 673 3 892054600 +645 674 3 892054402 +645 708 3 892055072 +645 709 3 892054570 +645 746 4 892054683 +645 772 3 892055728 +645 955 4 892054989 +645 956 4 892053310 +645 959 4 892053541 +645 960 4 892054278 +645 963 4 892053241 +645 1018 3 892053518 +645 1159 4 892054632 +646 258 3 888528417 +646 259 3 888528978 +646 272 4 888528483 +646 286 3 888528927 +646 288 3 888529127 +646 294 2 888528870 +646 300 3 888528418 +646 304 3 888529014 +646 307 3 888528902 +646 310 3 888528483 +646 313 5 888528457 +646 315 4 888528483 +646 319 3 888529054 +646 323 3 888529153 +646 328 3 888528457 +646 332 3 888528870 +646 346 2 888528392 +646 347 2 888528392 +646 349 2 888529127 +646 352 1 888529153 +646 354 3 888528902 +646 678 3 888529127 +646 682 3 888529153 +646 683 3 888529014 +646 690 3 888528417 +646 748 3 888529054 +646 750 3 888528902 +646 751 2 888528870 +646 877 3 888529014 +646 880 3 888529127 +646 892 2 888529180 +646 893 3 888529080 +646 895 3 888528978 +646 908 3 888529054 +646 1022 4 888528955 +646 1176 4 888528955 +646 1237 3 888529127 +646 1313 3 888529180 +647 15 4 876532975 +647 22 5 876534131 +647 29 4 876533657 +647 70 3 876776321 +647 71 4 876534275 +647 72 4 876534083 +647 73 5 876537697 +647 77 4 876533851 +647 79 4 876530687 +647 82 4 876533912 +647 88 4 876534041 +647 117 3 876776321 +647 121 4 876534274 +647 134 4 876534275 +647 136 5 876534131 +647 147 4 876532975 +647 173 5 876534131 +647 174 4 876530784 +647 177 5 876534131 +647 196 4 876537620 +647 197 5 876534131 +647 202 4 876534275 +647 203 3 876776321 +647 213 3 876534151 +647 222 4 876534274 +647 231 4 876533657 +647 237 3 876776320 +647 250 3 876532975 +647 255 4 876534131 +647 257 2 876776321 +647 291 3 876534275 +647 294 3 876532501 +647 298 3 876533005 +647 300 4 876534131 +647 328 3 876531582 +647 357 5 876534131 +647 402 4 876534009 +647 403 4 876533657 +647 405 4 876532747 +647 427 4 876534275 +647 490 4 876532145 +647 496 4 876534275 +647 568 4 876533832 +647 588 4 876531955 +647 604 4 876537591 +647 631 4 876532425 +647 705 4 876530628 +647 742 4 876534275 +647 831 3 876776321 +647 993 4 876534131 +647 1014 3 876531583 +647 1016 4 876534131 +647 1047 4 876534275 +647 1063 3 876776320 +647 1263 3 876776321 +648 1 5 882211109 +648 2 4 884882742 +648 4 1 884881646 +648 5 4 884883476 +648 7 3 882211109 +648 9 1 884795447 +648 13 3 882212071 +648 14 2 882211223 +648 15 1 884795447 +648 17 2 884882078 +648 21 3 882212609 +648 22 4 884628482 +648 23 3 882212709 +648 24 3 882211532 +648 25 2 882211760 +648 28 5 884628437 +648 29 2 884883149 +648 33 1 884881722 +648 38 5 884882803 +648 39 3 884882742 +648 40 4 884882234 +648 47 2 884881807 +648 49 2 884881679 +648 50 5 882211016 +648 56 1 884881592 +648 62 5 884882916 +648 63 4 884882103 +648 66 5 882213535 +648 67 4 884882192 +648 68 1 884882916 +648 70 2 884881592 +648 71 3 884368165 +648 72 4 884881722 +648 79 5 884796689 +648 82 5 884882742 +648 83 4 884628482 +648 88 4 884881679 +648 89 4 884797033 +648 90 3 884882271 +648 94 5 884882234 +648 95 3 884368371 +648 98 4 884368313 +648 103 1 884367274 +648 104 1 884367274 +648 107 4 882212200 +648 109 5 882211419 +648 110 3 884882407 +648 111 5 882211886 +648 112 2 884367366 +648 117 2 882211301 +648 118 4 882212200 +648 121 5 882211654 +648 122 1 882212609 +648 123 4 884366184 +648 125 2 882211654 +648 127 3 884365970 +648 133 4 882212651 +648 143 4 884368002 +648 144 4 884368273 +648 145 4 884883616 +648 151 2 882212288 +648 152 5 884368485 +648 153 4 884881621 +648 161 3 884882802 +648 164 4 884883424 +648 167 4 884882407 +648 168 5 884797068 +648 169 5 882212651 +648 172 5 884367538 +648 173 5 882213502 +648 174 5 884882664 +648 175 3 882213597 +648 176 4 884367538 +648 177 5 884882702 +648 178 4 884368273 +648 179 4 884368442 +648 180 1 884368643 +648 181 5 882211066 +648 183 5 884368442 +648 184 5 884368643 +648 185 5 884368485 +648 186 5 882213597 +648 187 3 884882664 +648 191 5 884368002 +648 193 4 884628607 +648 195 5 884368313 +648 197 3 884628644 +648 199 4 884368313 +648 200 2 884883476 +648 202 5 884881524 +648 203 1 884796571 +648 204 5 884368002 +648 205 3 884628607 +648 208 5 884796652 +648 210 4 882213502 +648 211 4 884368643 +648 215 2 884796689 +648 216 4 882213596 +648 217 2 884883616 +648 218 3 884883424 +648 219 4 884883578 +648 220 3 882212039 +648 222 5 882211258 +648 225 1 882212527 +648 226 4 884882916 +648 227 3 884882803 +648 228 5 884882702 +648 229 4 884882802 +648 230 5 884796822 +648 231 2 884882987 +648 234 5 884368314 +648 235 4 882212071 +648 238 3 882213535 +648 240 2 882211857 +648 249 3 882211348 +648 250 4 882211464 +648 252 4 882212374 +648 254 3 884367248 +648 265 4 884796886 +648 275 5 882211016 +648 281 3 884365970 +648 286 1 882210926 +648 290 3 882211707 +648 291 3 882211736 +648 294 3 884366184 +648 295 4 882211464 +648 318 3 884368371 +648 323 5 882212526 +648 357 2 884628534 +648 364 5 884882528 +648 367 3 884881837 +648 368 2 884366748 +648 373 3 884883149 +648 377 3 884881837 +648 379 1 884883724 +648 384 4 884882235 +648 385 5 884368130 +648 386 4 884882192 +648 391 3 884883031 +648 393 4 884881679 +648 399 4 884882104 +648 403 4 884882802 +648 405 4 882211924 +648 406 3 882212373 +648 407 4 884367248 +648 410 2 884882375 +648 411 2 882212288 +648 412 1 884367318 +648 413 2 882212609 +648 414 1 884797033 +648 423 4 884368442 +648 428 2 884881754 +648 429 4 884368130 +648 430 5 884881563 +648 431 5 884882664 +648 432 5 884368538 +648 434 5 884628437 +648 435 5 882212651 +648 436 5 884883476 +648 441 3 884883724 +648 443 2 884883424 +648 444 3 884883679 +648 447 5 884883578 +648 448 3 884883476 +648 449 3 884882987 +648 452 3 884883679 +648 454 3 884368232 +648 455 3 882211685 +648 456 2 884367180 +648 458 2 882211418 +648 471 4 882211685 +648 472 3 882211965 +648 474 4 884368002 +648 475 1 884364250 +648 477 3 882211585 +648 479 4 884368538 +648 483 5 882212708 +648 484 5 884368442 +648 496 4 884796822 +648 497 4 884796769 +648 498 3 884368130 +648 500 5 884368002 +648 502 5 884881679 +648 505 4 884796652 +648 507 1 884796598 +648 510 5 884796728 +648 514 2 884796822 +648 519 4 884628482 +648 520 4 884367538 +648 523 3 884628644 +648 526 3 884368232 +648 527 4 884368643 +648 546 4 882211736 +648 550 4 884882802 +648 554 4 884883323 +648 559 2 884883578 +648 561 2 884883679 +648 563 5 884883679 +648 564 1 884883724 +648 565 3 884883679 +648 566 4 884882702 +648 568 5 882212651 +648 569 3 884883578 +648 575 3 884882553 +648 576 4 884882916 +648 578 4 884882987 +648 585 3 884882234 +648 596 3 882211419 +648 603 5 882212651 +648 615 4 884796652 +648 619 3 882211301 +648 629 4 882213596 +648 633 3 884796858 +648 635 2 884883476 +648 636 4 884882916 +648 637 2 884883424 +648 662 3 884368485 +648 663 1 882213502 +648 665 2 884882987 +648 671 3 884883476 +648 675 2 884883424 +648 676 2 882211384 +648 678 3 884366792 +648 679 3 884882802 +648 684 4 884882702 +648 685 5 882211924 +648 687 1 882212527 +648 692 4 882213535 +648 713 2 884795447 +648 717 4 884366425 +648 722 3 884882104 +648 726 3 884882271 +648 728 2 884882078 +648 740 4 882211301 +648 742 5 882211175 +648 743 1 884367366 +648 746 4 884881524 +648 748 3 882211886 +648 756 2 884366939 +648 758 2 884795447 +648 763 2 882212200 +648 769 1 884883724 +648 780 1 884882501 +648 781 4 884882078 +648 797 3 884883031 +648 809 3 884883323 +648 810 4 884883031 +648 816 1 884883724 +648 820 2 882212131 +648 825 4 882212039 +648 826 3 882212526 +648 827 3 882211924 +648 831 1 882212131 +648 840 1 884367180 +648 862 1 884882441 +648 864 3 882211418 +648 878 3 884367366 +648 904 2 884794555 +648 924 1 884795447 +648 926 3 882212400 +648 928 4 882212071 +648 929 4 882211066 +648 930 3 882212131 +648 931 2 882212609 +648 997 1 884882636 +648 1003 4 884882375 +648 1028 2 882212288 +648 1029 2 884882636 +648 1030 2 884882552 +648 1033 2 882212288 +648 1041 3 884882192 +648 1047 2 882212288 +648 1050 4 884797033 +648 1060 2 882212373 +648 1072 2 884882527 +648 1092 1 884882502 +648 1110 3 884881621 +648 1176 1 884628278 +648 1228 3 884883149 +648 1244 3 882212373 +648 1258 2 884366613 +648 1271 4 884882234 +648 1337 3 884367366 +648 1376 2 884367180 +648 1626 1 884795447 +649 15 4 891440373 +649 24 4 891440460 +649 50 4 891440235 +649 117 5 891440460 +649 121 2 891440214 +649 127 5 891440356 +649 147 4 891440214 +649 181 4 891440309 +649 250 3 891440356 +649 252 4 891440624 +649 254 4 891440695 +649 257 5 891440496 +649 275 2 891440412 +649 282 4 891440330 +649 291 5 891440330 +649 298 4 891440293 +649 323 3 891440624 +649 471 5 891440412 +649 678 3 891440562 +649 815 3 891440274 +649 1016 4 891440511 +649 1244 3 891440676 +649 1283 2 891440528 +650 1 3 891369759 +650 2 3 891381709 +650 4 3 891386695 +650 7 4 891369656 +650 15 3 891383594 +650 21 2 891387767 +650 22 3 891369707 +650 23 3 891369890 +650 25 3 891385826 +650 27 3 891381745 +650 29 2 891382877 +650 38 3 891381784 +650 50 5 891372232 +650 54 2 891385876 +650 55 4 891369889 +650 56 3 891369798 +650 62 3 891381784 +650 63 2 891388294 +650 66 3 891384285 +650 68 3 891381784 +650 69 2 891382877 +650 71 3 891386755 +650 72 2 891386755 +650 73 3 891387542 +650 77 3 891370093 +650 79 3 891369924 +650 80 2 891389216 +650 82 3 891381585 +650 88 3 891384226 +650 89 4 891381585 +650 91 4 891371061 +650 95 3 891371186 +650 96 4 891369479 +650 97 3 891383110 +650 98 4 891369798 +650 99 4 891372365 +650 100 4 891369954 +650 109 3 891386167 +650 117 4 891370852 +650 118 4 891381546 +650 121 3 891369836 +650 127 2 891369520 +650 131 3 891372258 +650 132 4 891372365 +650 133 4 891381546 +650 134 5 891369520 +650 135 4 891381545 +650 136 4 891372203 +650 137 3 891385105 +650 140 2 891389132 +650 141 4 891386210 +650 143 5 891369656 +650 144 3 891381585 +650 145 3 891387953 +650 151 3 891387418 +650 152 3 891382138 +650 153 4 891382138 +650 154 3 891381993 +650 155 2 891384249 +650 157 3 891382960 +650 158 2 891388149 +650 159 3 891370093 +650 160 3 891383572 +650 161 3 891381709 +650 162 3 891382928 +650 163 3 891386878 +650 164 4 891369798 +650 168 4 891381546 +650 172 4 891369442 +650 173 5 891369520 +650 174 4 891369479 +650 175 4 891372233 +650 176 4 891369798 +650 177 2 891371061 +650 179 2 891383786 +650 180 3 891383164 +650 181 4 891371116 +650 182 3 891385775 +650 183 4 891369924 +650 185 3 891369836 +650 186 4 891370998 +650 187 2 891381585 +650 188 3 891381610 +650 191 4 891381546 +650 193 3 891382901 +650 194 4 891369588 +650 195 4 891369442 +650 196 4 891370998 +650 198 4 891381546 +650 199 4 891369520 +650 200 4 891386047 +650 202 3 891372258 +650 203 3 891369924 +650 204 4 891369707 +650 205 4 891370971 +650 206 4 891371186 +650 208 5 891371090 +650 209 3 891382032 +650 210 3 891381585 +650 211 4 891370971 +650 212 3 891383713 +650 214 3 891369587 +650 215 2 891371152 +650 216 4 891381546 +650 217 3 891389162 +650 218 3 891370065 +650 219 3 891386671 +650 222 4 891369924 +650 223 3 891369656 +650 226 3 891370031 +650 227 2 891369836 +650 228 4 891369954 +650 229 2 891370031 +650 230 4 891369656 +650 231 2 891381709 +650 232 3 891381634 +650 233 2 891370243 +650 234 4 891369890 +650 235 3 891388080 +650 238 4 891382032 +650 239 3 891385876 +650 243 2 891369215 +650 257 3 891384844 +650 258 3 891368960 +650 265 4 891370031 +650 269 4 891368885 +650 270 4 891368959 +650 271 3 891369143 +650 272 4 891381546 +650 281 2 891382877 +650 286 3 891369022 +650 288 3 891369889 +650 290 2 891387979 +650 294 3 891369190 +650 301 2 891385035 +650 313 4 891381546 +650 315 3 891368885 +650 316 3 891369190 +650 323 3 891369285 +650 355 2 891369190 +650 357 4 891372286 +650 363 2 891382876 +650 367 2 891387490 +650 371 2 891387725 +650 373 1 891382877 +650 378 3 891383879 +650 380 2 891383735 +650 385 4 891381585 +650 389 3 891387571 +650 391 2 891382877 +650 393 3 891386778 +650 399 3 891381784 +650 402 3 891383272 +650 403 3 891381709 +650 404 3 891369443 +650 416 3 891387312 +650 417 3 891387591 +650 419 4 891370971 +650 420 3 891385826 +650 423 3 891372316 +650 427 4 891383424 +650 429 4 891383523 +650 430 4 891382138 +650 431 3 891369620 +650 432 4 891386830 +650 434 4 891382218 +650 435 4 891372286 +650 443 5 891369982 +650 444 2 891388341 +650 445 4 891388210 +650 447 3 891386120 +650 449 3 891370031 +650 450 1 891382877 +650 451 2 891384202 +650 452 2 891370155 +650 472 3 891381784 +650 474 4 891385315 +650 476 2 891388080 +650 478 4 891371186 +650 479 5 891372339 +650 480 5 891371090 +650 482 3 891385775 +650 483 5 891372315 +650 484 5 891372365 +650 485 3 891385422 +650 489 3 891387277 +650 491 3 891385775 +650 493 4 891369554 +650 494 3 891371153 +650 495 3 891372316 +650 496 4 891369707 +650 498 4 891369587 +650 499 3 891372316 +650 501 3 891385980 +650 502 3 891387353 +650 504 3 891369889 +650 506 3 891385508 +650 507 4 891371153 +650 509 3 891372233 +650 510 3 891371090 +650 511 5 891369520 +650 515 4 891369678 +650 519 4 891381545 +650 520 4 891369759 +650 521 3 891387616 +650 523 3 891382066 +650 525 3 891369954 +650 526 4 891369554 +650 527 3 891383229 +650 528 3 891370998 +650 530 4 891372233 +650 546 1 891382877 +650 550 3 891381661 +650 551 3 891370446 +650 554 2 891382877 +650 559 3 891387520 +650 561 3 891370113 +650 563 3 891388170 +650 565 3 891388266 +650 566 3 891369890 +650 568 3 891381709 +650 571 3 891387915 +650 576 1 891382877 +650 578 3 891381661 +650 579 3 891370182 +650 581 2 891370155 +650 585 1 891387979 +650 588 3 891372286 +650 597 3 891381818 +650 601 3 891386964 +650 602 4 891371116 +650 603 4 891369836 +650 604 3 891385178 +650 608 4 891369520 +650 612 4 891369656 +650 614 3 891385876 +650 620 2 891383977 +650 622 3 891387468 +650 625 3 891387616 +650 627 2 891387520 +650 628 3 891369982 +650 629 3 891387398 +650 631 3 891383424 +650 633 4 891371091 +650 635 3 891370155 +650 636 3 891370066 +650 637 3 891387353 +650 639 3 891371116 +650 642 3 891370065 +650 644 3 891371061 +650 648 3 891384201 +650 650 2 891372203 +650 654 3 891369890 +650 657 4 891372339 +650 658 3 891387571 +650 659 3 891369798 +650 661 3 891385206 +650 662 3 891371153 +650 663 4 891370971 +650 665 2 891381819 +650 670 3 891387915 +650 671 3 891386878 +650 673 3 891369924 +650 674 4 891386778 +650 679 3 891381709 +650 692 3 891384226 +650 705 4 891371153 +650 708 3 891383356 +650 715 3 891383206 +650 719 3 891387833 +650 732 3 891371061 +650 735 3 891369588 +650 737 2 891383832 +650 739 2 891384328 +650 742 3 891369889 +650 751 2 891369001 +650 755 3 891386187 +650 780 2 891389237 +650 809 3 891383926 +650 823 3 891381661 +650 849 2 891381745 +650 898 3 891368914 +650 926 3 891388294 +650 928 2 891370093 +650 968 4 891372258 +650 969 3 891371186 +650 1031 3 891369480 +650 1035 2 891389132 +650 1039 3 891383229 +650 1050 3 891369620 +650 1060 3 891387833 +650 1065 4 891383547 +650 1110 4 891388467 +650 1118 3 891385746 +650 1119 3 891383303 +650 1126 4 891369620 +650 1135 2 891383977 +650 1149 4 891383856 +650 1215 3 891381850 +650 1247 1 891384110 +650 1419 3 891381884 +650 1627 3 891383786 +651 116 2 879348966 +651 127 4 879348965 +651 242 5 880126430 +651 268 2 880126473 +651 269 5 880126096 +651 276 4 879348966 +651 285 4 879348966 +651 286 4 879348880 +651 294 1 879348880 +651 301 3 880126632 +651 302 5 879348880 +651 309 1 880126632 +651 322 3 880126632 +651 327 4 880126473 +651 332 3 879348880 +651 515 5 879348966 +651 683 3 880126096 +651 690 3 880126508 +651 995 1 880126547 +652 96 4 882567356 +652 125 2 882567383 +652 245 4 882567058 +652 257 2 882567356 +652 259 2 882567058 +652 275 4 882567294 +652 282 4 882567294 +652 286 3 882567012 +652 288 2 882566890 +652 294 2 882566890 +652 300 4 882566890 +652 301 1 882566948 +652 307 4 882566890 +652 323 3 882567100 +652 328 4 882567058 +652 333 4 882566857 +652 395 3 882567383 +652 538 4 882567012 +652 699 5 882567383 +652 748 3 882566948 +652 879 3 882566924 +652 984 2 882567180 +653 1 4 878855383 +653 2 1 880151839 +653 4 3 878866755 +653 7 2 878866951 +653 11 2 878854145 +653 15 3 878854383 +653 22 5 878854284 +653 28 4 878866814 +653 38 3 880152955 +653 42 2 880151818 +653 53 2 880153304 +653 54 3 880152523 +653 55 3 878854051 +653 56 5 878853975 +653 62 3 880151691 +653 63 2 880153077 +653 64 4 878867272 +653 69 4 878854284 +653 70 2 880151340 +653 76 3 880150702 +653 77 3 880152843 +653 79 4 878854051 +653 81 1 880151651 +653 82 4 880150393 +653 83 5 878853936 +653 87 4 878854332 +653 88 3 880152399 +653 89 5 878854100 +653 94 2 880153494 +653 96 4 878854145 +653 97 3 878854383 +653 98 2 878854633 +653 100 4 878854666 +653 101 3 880151817 +653 105 3 890181185 +653 111 2 878854996 +653 117 4 878854810 +653 118 3 878854810 +653 121 4 878854769 +653 125 2 878866973 +653 127 5 878853780 +653 128 3 880606620 +653 132 3 880149897 +653 135 5 878866755 +653 136 1 880149965 +653 139 2 880153123 +653 142 2 880153378 +653 143 3 880150104 +653 144 3 878867346 +653 145 2 880153705 +653 151 3 878866475 +653 152 2 878866951 +653 153 2 878867228 +653 154 3 878867137 +653 156 4 878854633 +653 157 5 878855483 +653 160 3 878854441 +653 161 4 878854247 +653 163 4 880151629 +653 167 2 880153429 +653 168 3 890181186 +653 172 3 878854051 +653 174 5 878854051 +653 175 2 878854332 +653 176 3 878854145 +653 177 3 880150702 +653 179 4 880149927 +653 180 5 878854593 +653 181 4 878854145 +653 182 3 878854051 +653 183 3 878854100 +653 185 2 880606620 +653 186 5 880151557 +653 187 4 878853780 +653 188 5 878854145 +653 191 5 880150019 +653 193 4 878866951 +653 194 3 880150260 +653 195 5 878854100 +653 196 2 880151539 +653 197 3 878854332 +653 198 4 880151426 +653 199 4 880150239 +653 200 4 878866952 +653 202 3 880151794 +653 204 4 878867093 +653 205 1 880150126 +653 208 3 890181185 +653 210 4 880150103 +653 211 1 880149947 +653 213 2 880150190 +653 214 3 880151311 +653 215 2 880606619 +653 216 3 878866900 +653 219 1 880152780 +653 222 3 884405596 +653 223 3 878866636 +653 225 1 886052230 +653 226 3 878867346 +653 227 3 880151488 +653 228 4 878854190 +653 229 3 880153145 +653 230 3 890181186 +653 232 2 880152426 +653 233 3 880151599 +653 234 3 878854633 +653 237 2 878855365 +653 238 1 878866604 +653 239 5 878854475 +653 245 4 893276091 +653 248 3 884405730 +653 257 3 890181185 +653 258 3 886051833 +653 265 4 878866995 +653 282 3 884405616 +653 286 4 884405346 +653 290 3 880153522 +653 291 4 878855275 +653 293 3 886051879 +653 294 2 878853618 +653 300 4 889151716 +653 307 4 889151627 +653 310 4 884405406 +653 313 4 890180685 +653 318 4 878854383 +653 328 4 884408848 +653 333 5 878853678 +653 356 1 880151734 +653 357 4 878854383 +653 366 2 880152901 +653 367 3 878867228 +653 371 1 880152058 +653 378 3 890181185 +653 380 3 880151984 +653 381 2 880606620 +653 385 4 878854190 +653 386 1 880152864 +653 388 2 880153705 +653 393 2 880152426 +653 395 1 880153674 +653 403 2 880151461 +653 405 3 878854810 +653 407 1 878867398 +653 409 2 880153406 +653 410 1 878855024 +653 411 2 878854906 +653 416 1 880152426 +653 423 2 880152039 +653 425 2 880606619 +653 428 1 880151580 +653 429 3 878866679 +653 431 4 878854666 +653 436 1 880151673 +653 441 3 890181186 +653 447 2 880606620 +653 448 4 878867249 +653 449 3 880153740 +653 451 2 880152351 +653 455 3 878854051 +653 458 2 878866475 +653 471 2 884405560 +653 472 1 880606675 +653 474 4 880150019 +653 476 2 878855211 +653 480 4 880150239 +653 482 2 880150218 +653 492 4 880149999 +653 496 2 878866679 +653 502 2 878866995 +653 506 2 880606619 +653 508 3 886052198 +653 509 4 878854441 +653 510 2 880150040 +653 511 4 878854100 +653 517 1 880150330 +653 518 2 878866755 +653 520 3 880151488 +653 521 4 878854441 +653 523 4 878854284 +653 526 3 880151752 +653 527 2 878855510 +653 531 5 878854284 +653 546 2 880153253 +653 550 3 890181186 +653 563 1 880153406 +653 571 1 880153406 +653 572 2 880153522 +653 575 1 880153406 +653 576 1 880152955 +653 578 1 880153009 +653 581 1 880152819 +653 585 2 880153522 +653 597 4 878854810 +653 619 3 880152085 +653 620 3 880153740 +653 622 3 880152377 +653 628 4 878866413 +653 631 2 880150412 +653 638 1 878866636 +653 642 1 878866604 +653 654 2 880606620 +653 657 4 890181185 +653 658 2 880151817 +653 659 1 880150330 +653 670 1 880152902 +653 674 3 880151983 +653 679 2 880153406 +653 684 5 878854247 +653 685 3 878854769 +653 686 2 878854247 +653 692 2 880151884 +653 693 1 880151651 +653 696 1 880152989 +653 702 3 880151918 +653 708 2 880152598 +653 712 3 880153639 +653 719 3 880153841 +653 722 1 880152800 +653 728 2 880153568 +653 732 2 878866724 +653 737 1 880151839 +653 739 3 880152902 +653 742 3 886052040 +653 746 5 878853936 +653 748 5 878853734 +653 755 2 880153077 +653 756 1 878854996 +653 763 1 878854906 +653 765 1 880153207 +653 771 2 880606620 +653 779 1 880153467 +653 780 2 880606620 +653 790 2 880152523 +653 797 2 880153841 +653 802 2 880153040 +653 809 3 880153620 +653 819 3 880149751 +653 823 2 880153568 +653 840 4 878854737 +653 862 2 880153378 +653 930 4 880148885 +653 941 1 880153040 +653 944 2 880152657 +653 967 2 880153123 +653 973 2 880150348 +653 984 4 884408848 +653 1012 4 878854852 +653 1014 2 884405682 +653 1016 3 890181186 +653 1023 3 878855109 +653 1028 2 880152902 +653 1035 2 880153099 +653 1042 2 880151488 +653 1046 1 880151580 +653 1065 1 880152085 +653 1087 2 880153207 +653 1101 2 878866755 +653 1132 1 880153429 +653 1133 2 880153674 +653 1135 2 880152759 +653 1136 2 880152759 +653 1139 3 880153145 +653 1140 1 880153841 +653 1183 1 880153329 +653 1188 1 880153568 +653 1206 3 880152377 +653 1207 1 880153329 +653 1210 2 880153705 +653 1228 2 880153378 +653 1231 2 880153349 +653 1244 3 878854769 +653 1267 1 880153253 +653 1444 3 880153077 +653 1478 2 880153705 +653 1620 2 886052291 +654 1 4 887863557 +654 3 3 887864071 +654 8 5 887864497 +654 11 4 887864452 +654 12 5 887864389 +654 13 1 887863780 +654 14 2 887863557 +654 15 3 887863557 +654 22 5 887864292 +654 24 4 887863651 +654 25 1 887863381 +654 28 5 887864610 +654 50 5 887863323 +654 54 3 887864941 +654 56 4 887864414 +654 66 4 887864727 +654 69 4 887864641 +654 70 4 887864663 +654 71 3 887864610 +654 79 5 887864256 +654 81 2 887864831 +654 82 5 887864797 +654 83 5 887864680 +654 87 4 887864471 +654 95 4 887864204 +654 97 3 887864727 +654 98 5 887864641 +654 100 1 887863436 +654 109 3 887863635 +654 111 4 887863635 +654 114 5 887864532 +654 116 4 887863436 +654 117 4 887864350 +654 118 2 887863914 +654 121 4 887863757 +654 124 4 887863412 +654 128 5 887865053 +654 137 4 887863596 +654 143 5 887864275 +654 144 5 887864907 +654 146 3 887864105 +654 147 3 887863488 +654 151 4 887863471 +654 153 4 887864414 +654 154 3 887864797 +654 168 4 887864369 +654 169 5 887864275 +654 172 4 887864532 +654 173 5 887864181 +654 174 5 887864727 +654 181 3 887863381 +654 189 4 887864230 +654 195 4 887864350 +654 196 5 887864757 +654 204 4 887864610 +654 210 5 887864350 +654 215 4 887864587 +654 216 4 887864432 +654 218 2 887864330 +654 222 5 887863534 +654 223 4 887864497 +654 237 4 887863339 +654 238 4 887864452 +654 239 4 887864868 +654 246 1 887863471 +654 248 2 887863596 +654 249 5 887863866 +654 252 2 887864031 +654 255 2 887863513 +654 257 4 887863802 +654 265 5 887864330 +654 268 1 887863017 +654 269 4 889451420 +654 274 4 887863635 +654 275 5 887863394 +654 276 1 887863866 +654 278 3 887863757 +654 282 3 887863513 +654 283 5 887863471 +654 284 4 887863914 +654 288 3 887863064 +654 291 4 887863914 +654 294 3 887863127 +654 300 5 887863017 +654 302 5 887862964 +654 313 5 887862952 +654 317 4 887864757 +654 332 4 887863081 +654 336 3 887863227 +654 367 4 887864923 +654 370 2 887863914 +654 381 3 887864886 +654 385 4 887864308 +654 405 4 887863866 +654 408 5 887863381 +654 418 4 887864588 +654 431 4 887864414 +654 455 3 887863826 +654 462 4 887864998 +654 468 4 887864757 +654 473 2 887863933 +654 476 3 887863914 +654 496 4 887864230 +654 508 1 887863355 +654 535 3 887863962 +654 546 4 887863885 +654 568 4 887864868 +654 588 4 887864797 +654 591 5 887863412 +654 596 3 887863802 +654 597 4 887864812 +654 638 4 887864868 +654 660 5 887864532 +654 678 4 888687055 +654 689 3 887863194 +654 720 4 887864923 +654 735 4 887864846 +654 736 5 887864757 +654 739 4 887864886 +654 742 4 887863339 +654 746 3 887864204 +654 748 4 887863081 +654 751 3 887863034 +654 756 4 887864071 +654 785 4 887864976 +654 821 3 887864907 +654 825 3 887863826 +654 845 4 887863613 +654 926 4 887863981 +654 963 4 887864414 +654 969 5 887864204 +654 1009 3 887863885 +654 1014 3 887863981 +654 1016 4 887863841 +654 1020 4 887864566 +654 1035 4 887864697 +654 1048 3 887864050 +654 1115 3 887863779 +654 1165 1 887864146 +654 1283 1 887863779 +654 1285 4 887864998 +655 1 2 887650876 +655 2 3 888474138 +655 4 2 887611649 +655 5 2 887523641 +655 6 4 887425812 +655 7 3 887425969 +655 8 3 887477336 +655 9 3 891585450 +655 11 2 887427307 +655 12 3 887427130 +655 13 3 887426237 +655 15 3 888685735 +655 18 3 888984478 +655 19 2 887472719 +655 20 3 887611537 +655 21 2 888685787 +655 22 2 888474424 +655 23 3 887426971 +655 24 3 887473831 +655 25 3 887611511 +655 26 3 887427338 +655 27 3 888984478 +655 28 3 887427210 +655 30 5 888474646 +655 31 3 887523200 +655 32 4 887426900 +655 36 2 888685955 +655 38 2 887429875 +655 42 3 887428184 +655 43 3 888474456 +655 44 2 887564639 +655 45 3 891585477 +655 46 4 887523403 +655 47 3 887426972 +655 48 4 887472744 +655 49 1 887428417 +655 50 4 887425458 +655 51 2 887611677 +655 54 2 887430746 +655 55 2 887429302 +655 56 3 887428060 +655 57 3 887427743 +655 58 3 887427600 +655 59 4 887564613 +655 60 3 887564614 +655 61 3 887564614 +655 64 4 887426931 +655 65 2 887477511 +655 69 3 887476943 +655 70 2 887474727 +655 76 3 888813372 +655 77 3 887430746 +655 79 5 887429559 +655 81 3 887427371 +655 82 2 887429559 +655 86 4 887650978 +655 87 3 887476943 +655 88 2 890887261 +655 89 4 887650683 +655 92 3 891585477 +655 93 3 888474986 +655 96 3 887651060 +655 97 3 887426931 +655 98 4 887472744 +655 100 3 888474138 +655 111 2 887523664 +655 113 3 891585477 +655 116 2 887476999 +655 117 2 887426030 +655 118 2 887426666 +655 121 3 887651060 +655 122 2 887523605 +655 124 3 887426087 +655 125 2 887426200 +655 127 5 888474106 +655 128 3 887429732 +655 129 3 887426008 +655 131 2 893002283 +655 132 3 887565138 +655 133 4 888474106 +655 134 4 887431976 +655 135 4 887427083 +655 137 4 892333972 +655 143 4 887523176 +655 144 3 887429594 +655 149 4 887425936 +655 150 3 888893279 +655 152 3 890887261 +655 153 2 887523641 +655 155 4 887473702 +655 156 2 887430634 +655 157 3 887611445 +655 159 3 887477216 +655 160 3 887427473 +655 161 2 887429758 +655 162 3 888474165 +655 164 2 887430072 +655 165 3 887650512 +655 166 3 891585530 +655 167 4 888474713 +655 170 3 887523224 +655 171 2 887523641 +655 172 4 887477167 +655 174 3 888474456 +655 175 3 887426931 +655 176 2 887429999 +655 178 4 887427009 +655 179 4 888813272 +655 181 3 887425601 +655 182 4 888474106 +655 183 4 887429999 +655 185 4 887430102 +655 186 3 887428157 +655 187 5 888474357 +655 188 3 888474807 +655 190 3 887427338 +655 191 4 887472744 +655 192 3 887473753 +655 193 3 887427307 +655 195 3 887473965 +655 196 3 888685556 +655 197 3 887426864 +655 200 4 887473639 +655 202 2 887651114 +655 203 3 887476943 +655 204 3 887477192 +655 205 3 887650538 +655 207 3 888893279 +655 208 3 888813272 +655 209 3 887473831 +655 210 3 888474646 +655 211 3 887428334 +655 212 3 887477409 +655 213 4 888474934 +655 214 3 887650851 +655 215 2 887472943 +655 216 4 887428086 +655 218 3 887523477 +655 219 2 890497653 +655 220 2 887426583 +655 221 3 891585242 +655 222 2 887650944 +655 223 3 887473856 +655 226 3 887429732 +655 228 3 887429594 +655 233 3 887611537 +655 234 3 888474713 +655 236 3 887426407 +655 237 3 887426116 +655 238 3 887473831 +655 239 2 887428507 +655 240 3 887650538 +655 242 4 887424795 +655 246 3 887474020 +655 248 2 888685759 +655 249 3 887474630 +655 250 3 887425625 +655 251 3 888984417 +655 252 2 888474490 +655 255 3 887477336 +655 256 3 887651060 +655 257 3 887474020 +655 258 2 887650944 +655 262 5 888474934 +655 265 3 887477314 +655 268 3 887474077 +655 269 3 888474807 +655 270 4 887650943 +655 271 3 887425103 +655 272 3 888474138 +655 273 4 887426373 +655 275 4 887425845 +655 276 4 887473778 +655 279 3 888685989 +655 280 2 888474490 +655 282 3 888685989 +655 283 3 887425936 +655 284 2 887426732 +655 285 4 887425936 +655 286 3 887424831 +655 287 3 890497592 +655 288 3 887472814 +655 289 3 887425070 +655 291 3 887523177 +655 292 2 889293132 +655 293 4 887650683 +655 294 3 887425103 +655 295 3 887425530 +655 296 4 888474934 +655 297 4 888474107 +655 298 4 887425564 +655 300 3 887476919 +655 301 2 887424991 +655 302 4 887424720 +655 303 4 888474107 +655 304 2 888475101 +655 305 4 887523909 +655 306 3 887424883 +655 307 3 892011201 +655 310 3 887473937 +655 311 3 887473702 +655 312 2 892011201 +655 313 4 888474285 +655 315 4 887424720 +655 316 4 889978343 +655 317 3 887474269 +655 318 4 887473702 +655 319 3 888685879 +655 320 5 888474456 +655 321 3 887425103 +655 324 3 890103072 +655 325 2 887425197 +655 326 2 888474742 +655 327 3 888685734 +655 328 2 887425025 +655 330 2 887425295 +655 332 3 888984255 +655 333 2 887472879 +655 337 2 887433538 +655 340 3 888984325 +655 345 3 887473803 +655 346 4 888474713 +655 347 3 887424948 +655 354 2 891667570 +655 356 3 887430804 +655 357 4 887426864 +655 359 3 887424883 +655 363 3 887426770 +655 367 3 887428031 +655 371 3 887611537 +655 372 3 887428507 +655 375 2 888984293 +655 378 1 887430410 +655 381 3 887474656 +655 382 3 887427131 +655 385 3 887429669 +655 387 3 888984538 +655 391 2 887429784 +655 393 2 887428334 +655 396 2 887428507 +655 402 2 887431019 +655 403 2 891585574 +655 405 2 887429900 +655 410 2 891585344 +655 411 3 887650512 +655 417 2 888771346 +655 423 3 887693376 +655 425 3 887477409 +655 427 4 891585242 +655 428 3 887428157 +655 433 2 887428030 +655 435 2 887860616 +655 443 4 887430102 +655 447 4 888813372 +655 448 4 888474934 +655 449 3 887429732 +655 451 3 887428280 +655 454 3 888813372 +655 458 3 887426407 +655 459 2 891408204 +655 461 2 887427130 +655 462 3 888474960 +655 464 3 887523367 +655 466 3 887474630 +655 467 3 887523790 +655 468 3 887427681 +655 469 3 887427778 +655 471 3 887611594 +655 474 3 888813306 +655 475 3 887693376 +655 476 2 887428671 +655 479 4 888474107 +655 480 4 888984506 +655 481 2 888474390 +655 483 4 888685734 +655 498 3 887523453 +655 500 2 887651149 +655 502 4 887477168 +655 503 3 887523477 +655 504 5 887650683 +655 505 3 891735725 +655 507 4 888813371 +655 508 3 887426030 +655 509 3 887427441 +655 511 3 887427009 +655 512 3 887474050 +655 513 3 891585504 +655 514 5 887650683 +655 515 4 887425458 +655 516 2 887523581 +655 517 4 891585450 +655 518 2 888813186 +655 520 3 887523427 +655 521 3 887426900 +655 522 3 887426900 +655 525 2 892333973 +655 527 3 887427568 +655 528 5 887473570 +655 529 4 887428965 +655 531 4 887473570 +655 533 2 887651114 +655 534 2 887693376 +655 535 2 888685914 +655 536 3 887650512 +655 537 3 887489086 +655 543 3 887474050 +655 547 4 887523176 +655 550 2 887611677 +655 553 2 887431019 +655 558 4 887427506 +655 559 2 887472965 +655 566 3 888893279 +655 568 3 887429640 +655 572 2 887651149 +655 574 2 887489222 +655 576 2 888893313 +655 578 2 887488694 +655 581 2 887477000 +655 582 2 887427131 +655 584 3 887429171 +655 591 3 887426237 +655 594 3 887430778 +655 603 4 887473605 +655 604 4 888984325 +655 605 3 887474241 +655 607 4 887523427 +655 610 4 887432283 +655 611 3 887475345 +655 612 3 888474456 +655 619 3 887430746 +655 628 3 890887261 +655 629 3 887428559 +655 631 4 887473570 +655 632 3 887523224 +655 636 3 888475015 +655 638 4 890497592 +655 639 3 887473803 +655 640 2 888685955 +655 642 3 887430714 +655 644 3 887474288 +655 645 3 887474288 +655 647 3 888813306 +655 649 3 888685989 +655 650 3 887427009 +655 651 4 887564613 +655 653 3 892011201 +655 654 3 887474077 +655 655 3 888474285 +655 656 3 887430072 +655 657 3 891585504 +655 658 3 887427130 +655 660 2 888475101 +655 662 2 888686011 +655 672 2 891585573 +655 673 3 887523427 +655 674 3 887523427 +655 676 2 887426665 +655 684 3 887473965 +655 685 2 887426666 +655 686 2 887427866 +655 690 2 887477489 +655 692 3 887523453 +655 694 3 887428772 +655 695 3 891585242 +655 698 4 887473727 +655 699 2 887650593 +655 700 3 887523200 +655 702 2 887477262 +655 707 3 887472671 +655 708 3 887427307 +655 709 3 888475039 +655 712 3 887474050 +655 715 3 887476942 +655 716 2 888475101 +655 717 1 887430830 +655 722 1 887431047 +655 723 3 887650851 +655 724 3 887427600 +655 726 2 887475055 +655 727 2 888685914 +655 728 2 887431019 +655 729 2 887476031 +655 730 2 890497653 +655 731 3 888474872 +655 732 3 887428445 +655 733 3 888474138 +655 734 3 887523477 +655 735 3 887427338 +655 739 4 891585450 +655 740 3 888474713 +655 741 3 887426201 +655 742 3 888813272 +655 744 2 887427636 +655 746 3 891999461 +655 750 2 887472879 +655 751 3 888474960 +655 753 3 887860615 +655 761 2 888686011 +655 762 2 888984255 +655 764 1 887431074 +655 766 3 891585450 +655 770 2 892011201 +655 772 3 887426972 +655 773 3 887430072 +655 775 2 887523815 +655 778 2 890497653 +655 781 1 887428384 +655 782 3 887650483 +655 785 2 887490946 +655 786 2 887472965 +655 789 3 887473879 +655 792 3 891585380 +655 793 3 888813186 +655 794 1 887431019 +655 796 2 887428280 +655 800 2 887430197 +655 803 3 888474358 +655 805 2 888474327 +655 806 3 887523224 +655 813 3 888474456 +655 815 2 887651149 +655 823 2 888685759 +655 825 2 887429669 +655 831 2 887564549 +655 844 4 887650979 +655 845 2 887426446 +655 847 2 891585279 +655 855 3 887428965 +655 860 3 887477386 +655 863 3 887473995 +655 865 4 887523909 +655 867 4 887427307 +655 869 2 889282952 +655 872 3 888685879 +655 874 4 888984255 +655 875 3 888685850 +655 880 2 887523271 +655 882 3 887473879 +655 887 3 887650979 +655 889 3 888474285 +655 895 3 887472767 +655 896 4 887474605 +655 899 2 887433492 +655 900 3 887424991 +655 902 2 892333973 +655 903 3 887425070 +655 904 5 887473639 +655 906 2 888813416 +655 909 3 890611503 +655 910 3 889458990 +655 911 2 891817522 +655 912 3 891817522 +655 913 4 891817521 +655 914 3 891817471 +655 915 4 891817435 +655 916 2 892436455 +655 919 2 888474490 +655 921 3 887474656 +655 923 3 888685734 +655 927 3 887564613 +655 930 2 887429812 +655 935 3 887425498 +655 936 3 887425625 +655 939 3 887473905 +655 942 4 888685850 +655 944 3 891585504 +655 945 2 887476008 +655 950 3 887611566 +655 953 3 887427243 +655 954 2 887428031 +655 955 3 887860615 +655 956 3 888984538 +655 958 3 887428993 +655 959 3 887427958 +655 960 3 887427210 +655 961 3 888685735 +655 962 5 887473674 +655 963 3 888475015 +655 966 3 887477409 +655 972 3 887475213 +655 974 2 887477025 +655 975 3 887426446 +655 979 3 888893279 +655 980 2 888984354 +655 995 3 887424991 +655 1005 4 887474605 +655 1007 3 891585504 +655 1008 3 887426300 +655 1009 2 887523271 +655 1010 3 887477191 +655 1011 3 887651060 +655 1012 3 888474357 +655 1014 3 890103072 +655 1016 3 887425601 +655 1017 3 887611566 +655 1018 3 887472791 +655 1022 3 887424948 +655 1024 3 887650979 +655 1029 1 887475032 +655 1041 3 887611537 +655 1042 2 887523641 +655 1044 3 887564483 +655 1045 3 887427473 +655 1046 3 887430779 +655 1053 1 887489159 +655 1061 2 887428623 +655 1062 3 887650979 +655 1063 3 888474909 +655 1067 2 887650593 +655 1068 3 891585417 +655 1069 1 887473535 +655 1070 4 887474050 +655 1071 2 888984293 +655 1074 3 891999461 +655 1082 3 887425655 +655 1084 3 888813272 +655 1085 2 888813416 +655 1086 3 888474358 +655 1090 3 887430855 +655 1097 3 887426008 +655 1098 3 887473905 +655 1099 3 887428965 +655 1100 3 887427371 +655 1101 2 887427243 +655 1103 3 887428417 +655 1106 2 891817472 +655 1107 4 888813272 +655 1108 3 887427083 +655 1111 3 887473856 +655 1112 2 887475641 +655 1113 3 887427810 +655 1118 3 887473605 +655 1121 3 887428938 +655 1128 3 887472791 +655 1129 3 891585242 +655 1131 5 887428772 +655 1134 3 887611594 +655 1135 3 887427743 +655 1136 2 887427568 +655 1137 3 888474807 +655 1140 3 887474699 +655 1141 3 888474986 +655 1142 2 891585344 +655 1143 3 887425458 +655 1144 3 888475015 +655 1147 3 887472767 +655 1149 3 887429107 +655 1153 3 887477336 +655 1155 3 887474289 +655 1158 3 888984255 +655 1160 3 888685850 +655 1161 3 887426446 +655 1166 3 891585477 +655 1167 3 887428384 +655 1169 3 887427210 +655 1170 3 891585242 +655 1171 3 887426200 +655 1173 2 887431157 +655 1174 3 887523477 +655 1176 4 888474934 +655 1186 3 888984538 +655 1192 4 887650851 +655 1193 3 887477360 +655 1194 5 887474605 +655 1195 3 887693376 +655 1196 3 888984325 +655 1197 3 887474289 +655 1198 3 888984538 +655 1208 3 887430746 +655 1211 4 887427681 +655 1213 2 887489282 +655 1214 2 891999461 +655 1221 3 891585477 +655 1223 3 891585242 +655 1226 3 891585529 +655 1232 3 887472606 +655 1233 3 887650512 +655 1238 2 888474843 +655 1245 3 887426087 +655 1248 3 887473879 +655 1252 3 887425601 +655 1255 3 887425732 +655 1256 3 887425655 +655 1257 3 887433685 +655 1262 3 891585279 +655 1265 3 887425025 +655 1266 3 887428911 +655 1267 2 887427840 +655 1268 3 892914357 +655 1273 2 888984386 +655 1278 2 887433780 +655 1281 3 891585477 +655 1284 2 887477511 +655 1288 3 887523427 +655 1296 3 891585242 +655 1311 3 887474473 +655 1319 3 887426373 +655 1322 2 887523641 +655 1344 3 887474020 +655 1351 3 888984539 +655 1356 3 887426059 +655 1368 5 888474285 +655 1370 3 890887261 +655 1375 3 887426008 +655 1378 3 887523176 +655 1379 3 888685879 +655 1380 4 887425625 +655 1388 3 887477336 +655 1395 3 887768594 +655 1400 3 887427268 +655 1406 3 888984325 +655 1407 2 887491131 +655 1418 4 888474646 +655 1421 3 887523477 +655 1426 2 888474390 +655 1436 2 888474679 +655 1445 3 887427538 +655 1448 3 887523224 +655 1462 3 887429077 +655 1465 2 887472943 +655 1466 3 890497592 +655 1473 3 888474872 +655 1475 3 887477386 +655 1479 2 887475032 +655 1490 2 887489792 +655 1499 3 888685556 +655 1501 3 887523200 +655 1506 3 887428871 +655 1514 2 887472879 +655 1516 3 887474630 +655 1529 2 887489792 +655 1532 2 887476999 +655 1535 3 887429023 +655 1538 3 887425498 +655 1549 2 891585574 +655 1553 4 888474019 +655 1554 2 887611677 +655 1560 2 887429136 +655 1578 3 887650714 +655 1585 4 887523403 +655 1600 3 888474286 +655 1602 3 891817435 +655 1605 3 888685850 +655 1607 3 887768472 +655 1623 4 887428735 +655 1628 2 888729735 +655 1629 3 887427083 +655 1630 3 887428735 +655 1631 4 888685734 +655 1632 3 888685759 +655 1633 3 889331315 +655 1634 2 888474019 +655 1635 3 887432079 +655 1636 4 887473570 +655 1637 3 888984255 +655 1638 3 887488947 +655 1639 4 887650483 +655 1640 3 888474646 +655 1641 3 887427810 +655 1642 4 888474934 +655 1643 5 887611511 +655 1644 1 888474327 +655 1645 4 892871225 +655 1646 3 891913577 +655 1647 3 891817435 +655 1648 2 891817435 +655 1649 3 892333993 +655 1650 4 892871225 +655 1651 4 891913500 +656 245 1 892319084 +656 269 3 892318343 +656 270 3 892318676 +656 272 3 892318343 +656 286 1 892318343 +656 300 2 892318614 +656 301 3 892318648 +656 302 3 892318450 +656 303 4 892318553 +656 312 1 892318777 +656 316 3 892318450 +656 322 1 892319238 +656 326 1 892318888 +656 327 2 892318738 +656 338 3 892319359 +656 340 3 892318488 +656 344 4 892318520 +656 346 3 892318488 +656 347 4 892318488 +656 689 2 892319276 +656 750 2 892318648 +656 875 2 892318842 +656 896 5 892318842 +656 903 2 892318777 +657 1 3 884239123 +657 7 3 884239057 +657 9 4 884239123 +657 109 1 884239886 +657 111 5 884239368 +657 117 4 884240629 +657 118 1 884240732 +657 151 4 884239886 +657 258 2 884238559 +657 269 5 884238002 +657 273 3 884239566 +657 282 3 884239745 +657 286 4 884238002 +657 294 5 884238247 +657 300 2 884237751 +657 301 3 884237633 +657 302 2 884237291 +657 327 1 884238247 +657 340 4 884237291 +657 346 4 884238162 +657 455 1 884239498 +657 475 4 884239057 +657 508 4 884239057 +657 628 3 884241192 +657 690 4 884238002 +657 744 4 884239566 +657 873 3 884238614 +657 922 4 884239123 +657 1009 4 884240629 +658 1 4 875145614 +658 7 4 875145879 +658 8 5 875147873 +658 9 4 875145572 +658 22 4 875147448 +658 24 3 875145493 +658 31 3 875148108 +658 32 3 875147800 +658 42 4 875147873 +658 45 5 875147800 +658 50 4 875145750 +658 55 4 875148059 +658 56 5 875148108 +658 69 4 875147995 +658 70 3 875148196 +658 86 4 875147873 +658 96 4 875147873 +658 98 4 875147800 +658 100 4 875145493 +658 117 4 875145879 +658 127 5 875145614 +658 129 3 875145750 +658 137 3 875145572 +658 151 5 875148319 +658 168 3 875148108 +658 169 5 875147935 +658 171 4 875147448 +658 178 5 875148195 +658 181 3 875145614 +658 182 5 875147448 +658 192 4 875147935 +658 195 3 875148059 +658 198 5 875148108 +658 201 3 875147873 +658 212 3 875148059 +658 235 2 875145572 +658 257 4 875145667 +658 273 4 875148262 +658 318 4 875148196 +658 408 5 875145614 +658 429 4 875147800 +658 433 4 875147994 +658 458 3 875145926 +658 467 4 875147448 +658 471 4 875145879 +658 475 4 875145667 +658 477 3 875145750 +658 488 4 875148196 +658 510 3 875147800 +658 511 4 875147935 +658 515 5 875145493 +658 518 4 875147873 +658 527 5 875147800 +658 530 4 875147995 +658 603 4 875147994 +658 628 3 875145841 +658 654 4 875148059 +658 718 3 875145667 +658 724 3 875148059 +658 730 3 875147995 +658 735 3 875148108 +658 772 3 875147591 +658 844 3 875145667 +658 919 2 875145841 +658 923 3 875148059 +658 943 3 875148196 +658 952 2 875145926 +658 960 4 875147873 +658 1079 2 875145572 +658 1101 4 875147995 +659 4 3 891383917 +659 7 3 891331564 +659 13 4 891331361 +659 23 5 891332006 +659 43 4 891385955 +659 49 3 891385438 +659 50 3 891044882 +659 56 5 891331825 +659 58 4 891385012 +659 62 4 891386380 +659 64 4 891384152 +659 66 4 891385306 +659 69 3 891384916 +659 70 4 891383412 +659 73 4 891387083 +659 76 4 891383917 +659 77 4 891386680 +659 79 4 891384036 +659 82 4 891384499 +659 86 5 891386071 +659 88 2 891385955 +659 89 4 891384637 +659 90 2 891386577 +659 96 4 891384552 +659 97 5 891384798 +659 98 4 891045943 +659 121 4 891331301 +659 127 5 891331825 +659 131 4 891383412 +659 134 4 891332189 +659 135 3 891383412 +659 136 5 891331874 +659 143 5 891384973 +659 144 4 891384499 +659 153 4 891045891 +659 155 3 891386540 +659 157 4 891383636 +659 159 4 891386540 +659 161 3 891386492 +659 162 3 891385136 +659 164 4 891384606 +659 167 3 891385438 +659 170 3 891045943 +659 172 3 891384526 +659 173 4 891383412 +659 174 4 891384215 +659 175 5 891386829 +659 176 4 891045747 +659 177 5 891384850 +659 178 5 891332261 +659 179 1 891384077 +659 180 5 891385044 +659 181 3 891384107 +659 182 4 891332044 +659 183 4 891385079 +659 185 4 891332223 +659 186 3 891385197 +659 187 5 891331825 +659 188 3 891384606 +659 191 5 891332293 +659 192 4 891384372 +659 195 4 891384152 +659 196 4 891384888 +659 197 5 891385080 +659 199 4 891383965 +659 202 4 891385306 +659 204 4 891384152 +659 210 5 891383889 +659 211 3 891384077 +659 212 4 891387227 +659 214 3 891387399 +659 215 4 891385258 +659 216 4 891045892 +659 218 4 891384798 +659 226 4 891387194 +659 234 4 891384798 +659 241 3 891387121 +659 252 4 891045227 +659 255 3 891045161 +659 257 2 891044849 +659 258 4 891331825 +659 269 4 891331825 +659 272 4 891044849 +659 294 4 891044849 +659 313 5 891331825 +659 315 3 891044991 +659 316 4 891044849 +659 317 4 891331874 +659 319 3 891331322 +659 345 4 891044849 +659 356 3 891385012 +659 357 4 891331959 +659 367 3 891385166 +659 385 5 891331825 +659 387 4 891387227 +659 393 3 891387054 +659 402 3 891387400 +659 419 5 891331916 +659 423 4 891384414 +659 431 4 891385627 +659 443 5 891385136 +659 447 3 891386910 +659 448 4 891385438 +659 451 5 891385534 +659 467 3 891384414 +659 469 4 891385136 +659 474 2 891384739 +659 476 3 891331534 +659 479 5 891383412 +659 481 5 891385866 +659 482 4 891383674 +659 483 4 891383889 +659 486 4 891383733 +659 489 4 891045747 +659 490 4 891384215 +659 492 3 891332189 +659 494 4 891383965 +659 496 5 891385258 +659 498 3 891383733 +659 499 4 891385438 +659 502 4 891385438 +659 505 4 891385769 +659 506 3 891385379 +659 507 5 891383561 +659 512 3 891386040 +659 514 5 891385044 +659 517 5 891384888 +659 519 4 891383889 +659 520 3 891332006 +659 521 5 891384499 +659 524 4 891332158 +659 526 5 891332224 +659 528 4 891385012 +659 559 1 891386641 +659 566 3 891383889 +659 568 4 891384850 +659 569 2 891386910 +659 578 3 891387351 +659 601 3 891386241 +659 602 4 891385986 +659 603 5 891331825 +659 604 4 891331916 +659 606 5 891331959 +659 607 5 891331825 +659 609 4 891385769 +659 610 3 891332044 +659 611 4 891384606 +659 616 4 891386577 +659 629 4 891386680 +659 636 3 891387400 +659 642 2 891386492 +659 646 4 891332122 +659 647 3 891384823 +659 648 3 891332006 +659 649 3 891386307 +659 654 4 891384526 +659 655 4 891383561 +659 657 5 891383965 +659 659 3 891332006 +659 660 3 891384798 +659 661 5 891331916 +659 664 4 891386380 +659 670 2 891385689 +659 673 4 891384499 +659 675 4 891386936 +659 693 4 891331417 +659 699 3 891384499 +659 705 5 891383561 +659 708 3 891386641 +659 712 3 891386307 +659 720 3 891386492 +659 735 3 891385079 +659 739 4 891387022 +659 762 3 891387227 +659 792 4 891384003 +659 794 3 891386910 +659 805 5 891383561 +659 836 4 891045943 +659 837 3 891386307 +659 855 2 891386576 +659 942 3 891386347 +659 1021 5 891331825 +659 1044 4 891386071 +659 1064 5 891385866 +659 1119 4 891383674 +659 1138 4 891045266 +659 1168 4 891386641 +659 1172 4 891332122 +659 1203 4 891385258 +659 1267 3 891385689 +659 1297 2 891387306 +660 1 3 891406276 +660 2 2 891201151 +660 3 1 891405958 +660 7 3 891198203 +660 8 2 891199781 +660 17 1 891265453 +660 21 3 891198671 +660 22 4 891199262 +660 24 3 891198277 +660 29 2 891357371 +660 33 2 891200193 +660 38 2 891201842 +660 40 2 891201674 +660 41 1 891265453 +660 47 2 891200456 +660 50 4 891197980 +660 56 1 891265453 +660 62 2 891201243 +660 63 2 891201823 +660 64 3 891199035 +660 67 1 891201859 +660 68 4 891199391 +660 71 2 891200430 +660 72 3 891201436 +660 79 2 891199348 +660 80 1 891201796 +660 82 2 891200491 +660 83 3 891199556 +660 84 2 891201823 +660 87 2 891199133 +660 89 3 891199965 +660 90 2 891201346 +660 91 4 891200193 +660 94 2 891201887 +660 95 2 891200491 +660 96 3 891200430 +660 97 3 891200406 +660 98 4 891199348 +660 99 2 891200704 +660 100 3 891198063 +660 101 3 891201243 +660 106 2 891903867 +660 117 3 891197934 +660 118 2 891198479 +660 120 1 891198996 +660 121 2 891197954 +660 122 1 891198996 +660 123 2 891198109 +660 125 3 891198421 +660 132 3 891199683 +660 134 4 891199153 +660 135 4 891199833 +660 139 2 891202060 +660 144 3 891199856 +660 145 2 891202022 +660 151 5 891198335 +660 153 4 891200388 +660 154 4 891200534 +660 159 1 891200817 +660 161 1 891201223 +660 163 2 891199992 +660 164 2 891200307 +660 167 2 891201565 +660 168 5 891199477 +660 172 4 891199017 +660 173 5 891199556 +660 174 4 891199293 +660 175 3 891199367 +660 176 3 891199182 +660 177 2 891200014 +660 179 4 891200073 +660 181 4 891197998 +660 182 2 891200213 +660 183 2 891199499 +660 184 3 891200741 +660 186 3 891199781 +660 191 4 891406212 +660 195 4 891406212 +660 196 4 891199557 +660 197 3 891199965 +660 201 3 891200513 +660 202 2 891199683 +660 204 3 891200370 +660 207 4 891199620 +660 208 4 891199201 +660 209 4 891406212 +660 210 4 891199293 +660 211 4 891199104 +660 215 3 891199082 +660 216 2 891199804 +660 217 2 891200817 +660 219 1 891406212 +660 222 2 891198063 +660 227 2 891201172 +660 228 3 891200193 +660 229 2 891406212 +660 230 3 891199856 +660 231 2 891357371 +660 235 3 891198401 +660 238 3 891200340 +660 239 2 891200989 +660 243 2 891197757 +660 249 2 891198109 +660 250 4 891198174 +660 252 2 891198459 +660 254 1 891357371 +660 257 4 891197934 +660 259 4 891197778 +660 265 2 891199241 +660 266 2 891197639 +660 271 3 891197561 +660 272 4 891197481 +660 281 3 891198588 +660 290 4 891198549 +660 294 3 891197701 +660 298 2 891198441 +660 301 3 891197661 +660 307 3 891197503 +660 313 4 891197481 +660 315 4 891197462 +660 316 4 891197728 +660 318 3 891199133 +660 328 3 891197585 +660 347 3 891197585 +660 349 3 891197757 +660 357 2 891200014 +660 358 2 891197796 +660 362 2 891197585 +660 366 1 891405958 +660 380 2 891201587 +660 385 3 891199883 +660 386 2 891200904 +660 391 2 891201823 +660 392 2 891200072 +660 393 2 891201541 +660 402 3 891201380 +660 403 3 891357371 +660 404 2 891200621 +660 405 2 891198479 +660 419 2 891199348 +660 423 3 891199942 +660 428 4 891200594 +660 429 4 891199833 +660 430 4 891199747 +660 431 4 891200658 +660 432 4 891199104 +660 434 3 891200430 +660 435 4 891199883 +660 444 2 891201948 +660 449 3 891201796 +660 456 1 891198996 +660 462 2 891199293 +660 470 2 891199883 +660 472 2 891198421 +660 473 2 891198996 +660 474 2 891200037 +660 483 4 891199804 +660 485 3 891200491 +660 491 4 891199348 +660 496 3 891199082 +660 510 3 891199056 +660 515 2 891199391 +660 523 3 891200534 +660 527 3 891200073 +660 542 2 891201887 +660 546 2 891198588 +660 550 2 891201541 +660 559 2 891201069 +660 568 3 891199182 +660 569 2 891201499 +660 603 4 891199182 +660 625 3 891200513 +660 636 2 891200704 +660 640 1 891201223 +660 652 4 891200370 +660 657 2 891199579 +660 658 1 891200193 +660 663 2 891199833 +660 675 3 891199556 +660 679 2 891201069 +660 680 2 891405088 +660 710 3 891199942 +660 722 1 891265453 +660 739 2 891201925 +660 742 2 891198312 +660 746 4 891199478 +660 747 4 891200639 +660 748 3 891197757 +660 755 2 891201026 +660 771 2 891201984 +660 774 3 891200594 +660 786 1 891265453 +660 797 2 891201753 +660 800 2 891201675 +660 809 2 891201565 +660 810 3 891265495 +660 825 2 891198549 +660 826 3 891198762 +660 845 3 891198385 +660 846 2 891198174 +660 890 1 891198996 +660 898 4 891197561 +660 926 2 891201587 +660 930 2 891198762 +660 946 2 891201696 +660 996 1 891265453 +660 1020 4 891199833 +660 1035 2 891201116 +660 1050 4 891200678 +660 1065 2 891201049 +660 1074 1 891201399 +660 1078 2 891201521 +660 1110 2 891201823 +660 1133 2 891201419 +660 1135 2 891201675 +660 1139 2 891201966 +660 1178 1 891265453 +660 1181 1 891200594 +660 1183 1 891201049 +660 1240 3 891201637 +660 1411 2 891201294 +660 1419 1 891202022 +660 1483 3 892520856 +660 1615 2 891198441 +661 1 5 876016545 +661 8 5 876016491 +661 28 5 876013975 +661 31 3 876017533 +661 48 4 876016726 +661 50 5 876013935 +661 52 4 876017029 +661 58 4 886841865 +661 64 4 876014060 +661 69 4 876013492 +661 70 4 876017029 +661 71 4 876015530 +661 79 5 886841798 +661 86 4 876035679 +661 89 5 888300344 +661 95 5 876036190 +661 96 4 876015607 +661 97 4 888299980 +661 117 4 886841250 +661 118 4 876037058 +661 121 2 876037619 +661 131 3 886841714 +661 132 5 886841714 +661 135 5 876013398 +661 140 3 876013552 +661 144 5 876016580 +661 145 1 876035968 +661 161 4 876013588 +661 164 4 876035968 +661 165 5 876013975 +661 166 5 888300194 +661 168 5 876017294 +661 169 5 876017294 +661 170 4 888300680 +661 172 5 876036358 +661 173 4 876014469 +661 174 5 876013447 +661 175 2 888299899 +661 178 4 876013492 +661 179 4 876014125 +661 180 5 876016545 +661 181 5 876015607 +661 183 4 876035466 +661 185 5 876013447 +661 189 4 876013850 +661 191 4 888300344 +661 192 4 888299461 +661 194 5 876016667 +661 195 5 888300488 +661 196 3 888300680 +661 197 4 876013975 +661 199 5 876016726 +661 200 3 876035896 +661 204 5 876017801 +661 209 4 876013492 +661 210 5 876015530 +661 215 3 876015657 +661 216 5 876017933 +661 218 3 876035933 +661 219 2 876035968 +661 222 3 876013121 +661 228 5 876016545 +661 230 4 888300344 +661 237 4 876037519 +661 238 4 876016491 +661 249 3 886841443 +661 255 3 876037088 +661 258 4 876012997 +661 272 4 893281023 +661 274 4 876037199 +661 280 3 886841562 +661 294 4 876036384 +661 298 3 886841348 +661 300 3 876036477 +661 304 2 886829961 +661 310 2 889500835 +661 313 4 886829961 +661 318 5 876013935 +661 357 4 876014469 +661 408 5 876015530 +661 418 4 876036240 +661 423 4 876016726 +661 425 4 886841714 +661 427 4 876016491 +661 428 4 876016726 +661 433 5 876016545 +661 436 4 876036043 +661 443 4 876035933 +661 471 4 876037167 +661 480 5 876016491 +661 496 5 876015530 +661 498 5 876017801 +661 501 4 876036190 +661 506 3 886841865 +661 514 3 876013398 +661 515 5 876017294 +661 527 4 876035679 +661 531 4 876013552 +661 538 3 886830056 +661 566 4 876015688 +661 568 4 888301266 +661 573 3 876036043 +661 603 3 876016726 +661 615 4 876013774 +661 631 3 886841831 +661 647 4 876013356 +661 652 2 888300680 +661 657 4 876013714 +661 665 3 876035999 +661 676 4 886841222 +661 684 3 888299899 +661 707 5 876016858 +661 709 4 886841685 +661 727 4 888300194 +661 749 2 889500304 +661 751 4 886840577 +661 756 3 876037089 +661 762 2 876037121 +661 972 3 876016581 +661 1035 3 876017717 +661 1045 3 886841865 +662 6 5 880571006 +662 10 4 880570142 +662 13 4 880570265 +662 50 3 880570142 +662 93 5 880571006 +662 100 5 880571006 +662 246 5 880571006 +662 268 5 880571005 +662 275 4 880571006 +662 276 3 880570080 +662 285 5 880571005 +662 286 3 880569465 +662 291 2 880570487 +662 319 3 880569520 +662 515 4 880571006 +662 591 4 880570112 +662 813 3 880570194 +662 985 4 880571006 +662 1342 4 880570112 +662 1380 2 880570952 +662 1381 5 880571005 +662 1511 4 880570301 +662 1652 3 880570909 +663 1 4 889492679 +663 3 4 889492614 +663 7 4 889492841 +663 9 2 889492435 +663 11 5 889493628 +663 12 5 889493576 +663 13 3 889492562 +663 15 4 889493069 +663 23 4 889493818 +663 25 4 889492917 +663 31 4 889493628 +663 42 5 889493732 +663 47 4 889493576 +663 50 5 889493502 +663 56 5 889493502 +663 64 5 889493502 +663 69 4 889493770 +663 89 4 889493818 +663 96 5 889493628 +663 98 5 889493540 +663 100 4 889492503 +663 108 2 889492796 +663 111 3 889492562 +663 117 4 889492390 +663 121 4 889493182 +663 123 3 889492562 +663 124 3 889492390 +663 125 3 889492720 +663 127 5 889493540 +663 129 3 889492503 +663 134 5 889493818 +663 147 3 889493069 +663 148 4 889492989 +663 150 5 889492435 +663 151 3 889492841 +663 173 3 889493818 +663 174 5 889493540 +663 176 5 889493502 +663 180 4 889493691 +663 181 4 889493732 +663 182 5 889493691 +663 183 4 889493770 +663 187 5 889493869 +663 192 4 889493628 +663 210 3 889493818 +663 235 2 889492917 +663 237 4 889492473 +663 240 3 889493027 +663 243 3 889492076 +663 245 4 889491891 +663 258 3 889491560 +663 259 2 889491861 +663 260 2 889491861 +663 265 4 889493691 +663 268 3 889491617 +663 272 5 889491515 +663 273 4 889492679 +663 274 3 889493182 +663 276 3 889492435 +663 280 3 889492841 +663 281 3 889492759 +663 282 3 889492759 +663 284 4 889492841 +663 286 3 889491515 +663 287 5 889492720 +663 288 4 889491617 +663 289 1 889491861 +663 294 3 889491811 +663 299 2 889491739 +663 300 4 889491655 +663 307 4 889491690 +663 313 5 889491617 +663 315 4 889491560 +663 316 4 889491974 +663 318 4 889493576 +663 319 1 889492229 +663 321 5 889491739 +663 322 4 889491739 +663 323 2 889492230 +663 324 2 889492019 +663 326 4 889491861 +663 328 4 889491861 +663 330 4 889491739 +663 332 4 889491768 +663 333 5 889491655 +663 351 2 889491919 +663 357 5 889493732 +663 363 2 889492990 +663 405 3 889492877 +663 410 3 889492759 +663 411 3 889492877 +663 455 2 889492679 +663 466 3 889493467 +663 471 3 889492841 +663 473 3 889492917 +663 475 4 889492435 +663 508 4 889492503 +663 509 4 889493437 +663 521 3 889493467 +663 544 4 889492841 +663 546 3 889493118 +663 588 4 889493628 +663 591 3 889492759 +663 597 3 889492917 +663 603 4 889493540 +663 619 4 889493182 +663 628 4 889492615 +663 652 4 889493540 +663 655 4 889493869 +663 658 4 889493467 +663 676 3 889492435 +663 678 2 889492140 +663 682 3 889491891 +663 685 4 889492917 +663 693 4 889493732 +663 696 3 889492877 +663 710 3 889493437 +663 741 4 889493351 +663 742 4 889492720 +663 748 2 889492019 +663 749 3 889491617 +663 762 4 889492473 +663 763 5 889492614 +663 815 4 889492759 +663 827 2 889492796 +663 833 4 889492796 +663 844 2 889492841 +663 845 3 889492796 +663 864 3 889492917 +663 872 3 889491919 +663 876 3 889491739 +663 895 4 889491811 +663 919 3 889492562 +663 924 3 889492351 +663 925 3 889493069 +663 928 3 889492679 +663 948 4 889492258 +663 956 4 889493732 +663 975 4 889492720 +663 978 4 889492614 +663 984 3 889491690 +663 985 3 889493210 +663 1009 3 889493069 +663 1011 3 889493027 +663 1017 2 889492679 +663 1047 4 889492679 +663 1048 4 889492562 +663 1051 3 889493118 +663 1059 2 889492614 +663 1067 3 889492562 +663 1073 3 889493691 +663 1086 3 889492959 +663 1119 3 889493437 +663 1161 3 889493069 +663 1245 4 889492959 +663 1276 3 889492679 +663 1324 3 889492473 +663 1327 4 889493210 +664 1 4 878090087 +664 4 4 876526152 +664 7 3 878091393 +664 12 5 876524699 +664 14 4 878090764 +664 22 2 876524731 +664 31 4 876526555 +664 45 4 878090415 +664 47 4 876525076 +664 50 5 878090415 +664 52 5 876525736 +664 53 3 876526580 +664 54 3 876526684 +664 56 4 876525962 +664 57 4 878092649 +664 58 4 876525292 +664 64 4 876524474 +664 69 3 876525364 +664 70 3 878092758 +664 71 4 878090125 +664 73 2 878090764 +664 77 3 876526631 +664 79 4 876526519 +664 81 5 876524474 +664 83 4 876524869 +664 89 5 878092649 +664 92 4 876525002 +664 95 4 878090125 +664 96 3 878094973 +664 97 3 876525363 +664 98 4 876526462 +664 100 5 876523833 +664 118 3 876526604 +664 121 3 876526659 +664 127 5 876525044 +664 132 4 878092569 +664 134 5 878092758 +664 137 3 876524641 +664 149 3 876525315 +664 151 4 878091912 +664 152 3 878091463 +664 153 4 876526152 +664 154 5 876525963 +664 156 4 876526784 +664 157 3 876524731 +664 159 3 876526739 +664 160 3 876524731 +664 162 4 876525764 +664 168 4 878090705 +664 169 5 878092569 +664 172 5 878090054 +664 173 4 876525963 +664 174 5 878092802 +664 175 4 876524699 +664 176 4 876526462 +664 179 4 876523654 +664 180 4 876524641 +664 182 4 876524641 +664 183 3 876526462 +664 186 5 876526052 +664 187 5 876524699 +664 191 3 876523833 +664 192 4 876524096 +664 194 4 876525998 +664 196 4 878090054 +664 197 4 876523654 +664 202 4 878094973 +664 203 4 876526685 +664 209 4 876525998 +664 210 4 878090054 +664 212 4 878090180 +664 215 4 876525293 +664 222 3 876524641 +664 223 4 876523654 +664 227 3 876526718 +664 228 4 876526462 +664 229 3 876526631 +664 230 3 876526659 +664 234 3 876526554 +664 237 2 876525002 +664 268 3 876523093 +664 276 5 876524053 +664 285 5 876524053 +664 286 4 876523092 +664 302 4 876523093 +664 306 4 876523133 +664 317 3 878095280 +664 318 5 876525044 +664 319 4 876523133 +664 321 3 876526179 +664 326 2 876523225 +664 328 3 876523314 +664 356 3 876526685 +664 367 3 876526152 +664 408 5 878094973 +664 414 5 878090415 +664 425 3 876524937 +664 427 4 876524053 +664 431 2 876526631 +664 433 3 876525998 +664 449 2 876526718 +664 450 3 876526604 +664 458 3 878091463 +664 462 4 878091912 +664 466 4 876526519 +664 469 3 876524474 +664 478 5 878090415 +664 479 5 878090087 +664 480 5 878091393 +664 481 5 878091912 +664 482 5 878090180 +664 483 4 878091463 +664 484 5 878090705 +664 494 5 878089975 +664 496 5 878090381 +664 497 3 878092649 +664 504 4 876526518 +664 509 4 876523654 +664 513 4 876524053 +664 514 5 876526179 +664 516 5 876525963 +664 518 4 876524290 +664 522 3 876525998 +664 525 4 876526580 +664 528 5 876523833 +664 529 4 878090125 +664 531 2 876523833 +664 566 4 876526631 +664 582 1 876525044 +664 588 3 878092569 +664 603 5 876526518 +664 611 5 878090705 +664 627 1 878090125 +664 631 4 876525077 +664 636 3 876526631 +664 642 4 876526554 +664 649 4 876525044 +664 654 5 876526604 +664 655 3 876524097 +664 657 5 876526685 +664 659 5 876526518 +664 660 3 876525718 +664 663 4 876525998 +664 664 4 876524474 +664 673 3 876526718 +664 678 2 876523288 +664 684 4 876526580 +664 692 3 878152048 +664 702 4 876526052 +664 705 4 878092802 +664 708 4 876525077 +664 715 3 876525718 +664 717 1 876526555 +664 724 3 876525695 +664 732 3 876525315 +664 735 4 878092802 +664 764 4 878092758 +664 770 4 876526659 +664 778 3 876525192 +664 792 4 876524474 +664 805 5 878090381 +664 845 2 878090381 +664 1090 1 876526739 +664 1098 3 876526152 +664 1101 3 876525002 +664 1109 4 876526555 +665 1 4 884290491 +665 7 4 884290635 +665 9 4 884290608 +665 12 4 884294286 +665 15 4 884290676 +665 24 3 884291300 +665 31 3 884294880 +665 33 2 884293873 +665 50 4 884290432 +665 56 5 884294611 +665 65 4 884293523 +665 69 5 884293475 +665 71 4 884293933 +665 79 3 884293831 +665 88 3 884294552 +665 89 4 884294935 +665 92 4 884295080 +665 96 3 884293831 +665 97 2 884294329 +665 98 4 884293569 +665 100 3 884290349 +665 105 2 884291810 +665 109 4 884292654 +665 111 4 884290608 +665 117 4 884290575 +665 121 2 884290480 +665 125 4 884291340 +665 126 4 884290751 +665 127 4 884292654 +665 133 3 884294771 +665 134 4 884293569 +665 135 4 884294880 +665 143 4 884293475 +665 147 4 884291057 +665 151 3 884291017 +665 154 3 884294025 +665 156 5 884294772 +665 157 3 884294671 +665 172 4 884293523 +665 177 3 884294374 +665 181 4 884291936 +665 183 4 884293933 +665 185 4 884294200 +665 186 4 884293569 +665 188 4 884293366 +665 191 3 884293475 +665 194 3 884294671 +665 195 3 884294819 +665 196 4 884294026 +665 200 4 884293741 +665 202 3 884294612 +665 210 4 884293789 +665 214 4 884294935 +665 215 2 884294880 +665 216 4 884293690 +665 222 3 884290676 +665 234 3 884293610 +665 237 3 884290635 +665 238 4 884294772 +665 239 3 884293475 +665 240 5 884291271 +665 248 4 884292068 +665 249 5 884290608 +665 255 4 884290608 +665 257 3 884292654 +665 265 3 884294716 +665 271 2 884290055 +665 274 3 884290408 +665 282 4 884291094 +665 286 4 884289850 +665 287 4 884290575 +665 293 4 884290728 +665 294 2 884289922 +665 298 3 884292654 +665 301 4 884290096 +665 307 3 884292654 +665 313 4 884618217 +665 315 4 884697720 +665 319 4 884289897 +665 328 4 884290055 +665 343 3 884292654 +665 346 2 884289897 +665 357 4 884293979 +665 369 4 884291747 +665 378 3 884294237 +665 393 3 884295080 +665 405 3 884291300 +665 410 3 884291165 +665 411 4 884291242 +665 417 3 884293569 +665 418 4 884294611 +665 419 4 884295126 +665 421 4 884294552 +665 423 4 884294611 +665 427 5 884293309 +665 432 4 884294025 +665 456 4 884291662 +665 471 3 884292009 +665 472 3 884291242 +665 473 4 884290882 +665 475 3 884290349 +665 476 4 884291133 +665 483 4 884293610 +665 496 3 884294200 +665 508 2 884290751 +665 527 3 884294880 +665 535 4 884291094 +665 538 4 884290143 +665 546 2 884291376 +665 566 2 884293741 +665 588 4 884294772 +665 597 3 884290853 +665 620 3 884291613 +665 631 2 884294459 +665 660 4 884294935 +665 684 3 884294286 +665 685 2 884290515 +665 687 2 884290143 +665 699 4 884294374 +665 721 3 884294772 +665 742 4 884290704 +665 748 4 884290076 +665 756 3 884292654 +665 762 4 884290480 +665 763 4 884291210 +665 815 4 884290608 +665 833 3 884291210 +665 845 4 884292654 +665 866 3 884290676 +665 924 4 884291165 +665 926 3 884291376 +665 931 3 884291810 +665 1009 4 884291936 +665 1028 4 884291133 +665 1040 4 884291550 +665 1047 1 884291376 +665 1048 4 884292325 +665 1061 4 884292654 +665 1132 2 884291662 +665 1225 2 884294286 +665 1283 3 884292654 +665 1315 4 884291413 +666 4 5 880314477 +666 5 2 880568465 +666 7 4 880313329 +666 11 4 880314453 +666 12 4 880139323 +666 13 4 880313542 +666 23 4 880139467 +666 25 3 880313559 +666 26 3 880568505 +666 28 3 880139381 +666 31 3 880314500 +666 32 4 880139466 +666 46 4 880139348 +666 48 4 880139180 +666 50 3 880313447 +666 56 4 880139090 +666 64 4 880139120 +666 66 4 880568560 +666 69 3 880139149 +666 70 4 880139526 +666 79 3 880567919 +666 81 4 880314194 +666 82 3 880314194 +666 89 4 880139149 +666 91 3 880139409 +666 92 3 880139493 +666 96 3 880568270 +666 97 4 880139642 +666 98 4 880139381 +666 100 4 880313310 +666 106 2 880313992 +666 108 3 880313929 +666 111 3 880313523 +666 114 4 880567919 +666 116 4 880313270 +666 118 3 880313903 +666 121 3 880313603 +666 122 2 880313723 +666 124 3 880313391 +666 127 5 880139180 +666 129 4 880313270 +666 132 4 880139669 +666 133 3 880139439 +666 134 5 880567695 +666 135 4 880139562 +666 137 4 880313423 +666 143 2 880568064 +666 144 3 880314144 +666 147 3 880313661 +666 151 2 880313582 +666 153 4 880314103 +666 154 3 880568662 +666 162 4 880568662 +666 163 3 880567742 +666 168 4 880314272 +666 169 4 880567883 +666 172 3 880139090 +666 173 4 880139253 +666 174 3 880139586 +666 175 4 880567612 +666 176 4 880139120 +666 177 3 880567612 +666 179 5 880139323 +666 180 4 880139562 +666 181 2 880139563 +666 182 4 880139526 +666 183 5 880139180 +666 185 4 880139466 +666 186 2 880139587 +666 187 5 880139439 +666 188 5 880314564 +666 191 4 880139090 +666 192 4 880139615 +666 193 4 880567810 +666 194 3 880139348 +666 195 3 880314272 +666 196 3 880568129 +666 197 4 880568129 +666 199 5 880314253 +666 200 5 880568465 +666 202 5 880139493 +666 203 4 880139180 +666 204 3 880139090 +666 205 3 880139562 +666 206 4 880139669 +666 208 3 880139467 +666 209 4 880139205 +666 210 2 880139493 +666 211 4 880139382 +666 213 4 880139120 +666 216 3 880139642 +666 222 3 880313423 +666 223 3 880314144 +666 234 3 880139323 +666 236 4 880313250 +666 237 3 880313391 +666 238 4 880139615 +666 245 3 880138865 +666 248 3 880313640 +666 255 4 880313423 +666 257 3 880313682 +666 258 4 880138999 +666 264 3 880138999 +666 265 3 880139274 +666 269 5 880314564 +666 270 3 880138720 +666 273 3 880313292 +666 282 3 880313482 +666 284 3 880313523 +666 286 5 880138999 +666 288 3 880138999 +666 291 3 880313640 +666 293 3 880313310 +666 294 3 880139037 +666 300 3 880138702 +666 301 4 880138999 +666 302 5 880138999 +666 310 5 880313163 +666 318 5 880139180 +666 319 4 880138999 +666 331 4 880138999 +666 333 3 880138999 +666 339 4 880138999 +666 357 4 880139526 +666 370 2 880313811 +666 381 3 880139349 +666 385 3 880568028 +666 405 2 880313662 +666 410 2 880313447 +666 423 3 880139381 +666 427 4 880139382 +666 428 3 880139439 +666 429 5 880139409 +666 430 4 880139614 +666 432 3 880139439 +666 433 3 880568560 +666 435 4 880567883 +666 436 3 880568637 +666 443 4 880568638 +666 467 4 880568094 +666 471 4 880313423 +666 474 5 880139323 +666 478 4 880139526 +666 479 4 880139642 +666 480 4 880568063 +666 482 4 880567997 +666 483 5 880139348 +666 484 4 880139149 +666 489 4 880314194 +666 492 4 880139252 +666 493 5 880139252 +666 494 4 880314310 +666 496 4 880139149 +666 498 5 880139669 +666 499 4 880139562 +666 502 3 880567883 +666 504 4 880139120 +666 505 4 880139526 +666 506 5 880139252 +666 507 3 880567771 +666 510 4 880139409 +666 511 4 880139120 +666 513 4 880139323 +666 514 4 880139295 +666 515 5 880313230 +666 516 5 880139348 +666 517 4 880139563 +666 518 4 880567742 +666 519 4 880139205 +666 520 3 880139562 +666 523 4 880314194 +666 525 4 880139467 +666 527 4 880139253 +666 529 5 880568129 +666 530 3 880139323 +666 544 4 880313682 +666 546 4 880313640 +666 566 3 880314500 +666 582 4 880139642 +666 591 2 880313604 +666 603 4 880567943 +666 604 3 880139669 +666 607 4 880139563 +666 613 5 880139295 +666 616 3 880139253 +666 632 4 880568028 +666 636 4 880568322 +666 638 3 880139563 +666 640 4 880314477 +666 642 5 880139586 +666 644 3 880314453 +666 646 3 880139180 +666 647 5 880139439 +666 649 3 880568694 +666 650 5 880139409 +666 651 5 880139149 +666 653 4 880139120 +666 654 5 880139382 +666 655 4 880139439 +666 656 4 880139120 +666 657 4 880139642 +666 660 4 880568094 +666 661 4 880139765 +666 662 3 880568094 +666 663 4 880139409 +666 684 4 880568063 +666 692 3 880568505 +666 696 3 880313811 +666 699 3 880568297 +666 707 5 880314103 +666 709 4 880314144 +666 729 4 880314225 +666 742 3 880313723 +666 744 3 880313661 +666 760 3 880313789 +666 792 4 880568694 +666 805 4 880568436 +666 811 4 880568396 +666 831 2 880313841 +666 855 4 880568270 +666 856 5 880139765 +666 864 3 880313523 +666 866 2 880313582 +666 924 2 880313582 +666 945 4 880567883 +666 956 4 880568637 +666 959 4 880139149 +666 960 4 880567810 +666 962 3 880314272 +666 963 3 880139090 +666 974 4 880313929 +666 1011 4 880313723 +666 1013 3 880314029 +666 1021 5 880139669 +666 1045 4 880567974 +666 1047 3 880313858 +666 1071 3 880567771 +666 1098 4 880314384 +666 1110 3 880314366 +666 1132 3 880313992 +666 1154 3 880567658 +666 1170 4 880568352 +666 1266 5 880139493 +666 1451 3 880139614 +666 1474 3 880567612 +667 9 5 891034831 +667 23 3 891035084 +667 28 5 891034913 +667 69 3 891035104 +667 79 3 891034930 +667 86 5 891034894 +667 98 4 891035104 +667 124 5 891035164 +667 131 5 891034810 +667 137 3 891035206 +667 168 3 891035206 +667 182 5 891034767 +667 186 4 891035033 +667 192 5 891034947 +667 196 5 891034993 +667 197 4 891035033 +667 210 3 891035051 +667 216 4 891034894 +667 223 5 891034767 +667 234 2 891034730 +667 238 3 891035140 +667 268 3 891034404 +667 269 5 891034444 +667 272 5 891034404 +667 275 4 891035084 +667 283 4 891034947 +667 285 5 891034810 +667 301 1 891034513 +667 313 3 891034404 +667 315 4 891034426 +667 316 4 891034584 +667 318 5 891034976 +667 357 5 891034767 +667 427 5 891034767 +667 435 3 891035104 +667 461 4 891034913 +667 475 5 891035051 +667 482 4 891035140 +667 487 5 891035084 +667 504 3 891035015 +667 527 4 891035121 +667 651 5 891034767 +667 660 4 891035164 +667 694 4 891034730 +667 880 3 891034568 +667 962 2 891035164 +667 1101 3 891035015 +668 13 4 881591075 +668 29 3 881605433 +668 50 5 881605642 +668 69 1 881702566 +668 82 4 881702925 +668 97 2 881702632 +668 124 3 881605489 +668 137 3 881605093 +668 210 5 881605849 +668 231 2 881605433 +668 252 2 881702925 +668 257 3 881605269 +668 258 2 881523929 +668 269 5 881523612 +668 271 4 881523787 +668 272 5 890349005 +668 283 5 881605324 +668 286 4 881523612 +668 288 4 882818604 +668 289 2 881523929 +668 294 3 890349076 +668 300 4 881523612 +668 302 5 881523612 +668 307 4 881523762 +668 311 4 881591023 +668 323 4 881591198 +668 328 4 881523787 +668 333 3 881524020 +668 340 4 881523737 +668 345 2 890349041 +668 347 4 890349005 +668 354 4 890349060 +668 355 2 890349190 +668 358 3 881524153 +668 367 5 881605587 +668 403 4 881605433 +668 475 4 881605210 +668 538 5 881523787 +668 554 3 881702723 +668 596 3 881591297 +668 752 4 890349005 +668 882 3 881523929 +668 895 3 890349136 +668 896 4 882818549 +668 902 2 890349285 +668 993 4 881591257 +669 1 5 892549412 +669 7 3 892549266 +669 12 5 891517287 +669 22 3 891517159 +669 23 4 891260474 +669 50 5 891517215 +669 56 2 891260497 +669 64 4 891260440 +669 79 2 891260474 +669 82 4 892550310 +669 96 2 891260392 +669 97 4 891517238 +669 111 4 892549583 +669 114 5 892550196 +669 117 1 891260577 +669 118 2 892549838 +669 121 3 892549673 +669 125 3 892549622 +669 127 5 891260596 +669 132 4 891260519 +669 133 4 891260779 +669 150 3 892549477 +669 151 5 892549370 +669 168 4 891517259 +669 169 3 891517159 +669 172 3 891517159 +669 174 3 891260369 +669 175 4 892550170 +669 181 5 892549390 +669 183 3 891260577 +669 187 5 892550170 +669 190 3 892550170 +669 191 3 892550310 +669 192 5 891260542 +669 194 3 891517159 +669 195 2 891260542 +669 196 3 892550234 +669 205 4 892550137 +669 208 2 891517215 +669 216 3 892550170 +669 222 3 892549434 +669 235 2 892549865 +669 246 4 892549497 +669 248 4 892549412 +669 252 2 892549865 +669 257 3 892549514 +669 258 2 891182622 +669 268 3 891517159 +669 269 3 891517159 +669 271 2 891182948 +669 276 2 892550259 +669 290 2 892549820 +669 300 4 892549238 +669 302 4 891182948 +669 310 4 892549126 +669 313 4 891182948 +669 323 1 891182792 +669 324 3 891517159 +669 326 1 891182678 +669 329 1 891182771 +669 340 4 891182948 +669 347 3 891182948 +669 348 1 891182572 +669 354 1 891182622 +669 355 2 891182792 +669 357 4 891260616 +669 408 5 892549316 +669 427 4 892550137 +669 462 5 892550137 +669 474 4 891260369 +669 475 3 892549336 +669 479 5 891260806 +669 480 5 891517259 +669 482 4 892550170 +669 483 3 892550196 +669 490 5 892550283 +669 505 3 891517159 +669 508 3 892549292 +669 511 5 891260778 +669 514 3 892550215 +669 515 5 891517238 +669 517 3 892550282 +669 521 4 892550196 +669 522 4 892550196 +669 523 4 891260638 +669 527 3 891517185 +669 531 3 892550310 +669 537 3 891517159 +669 603 5 891260719 +669 614 4 891260778 +669 647 5 891260596 +669 649 4 891260754 +669 654 5 891260754 +669 657 5 891517185 +669 664 4 892550104 +669 749 3 891517159 +669 879 2 891182703 +669 898 1 891182812 +669 902 2 891182948 +669 915 3 892549178 +670 8 4 877975594 +670 15 4 877975200 +670 83 3 877975018 +670 96 5 877975070 +670 98 2 877975731 +670 135 3 877974549 +670 144 4 877975285 +670 161 2 877975392 +670 168 3 877974549 +670 174 4 877975344 +670 175 2 877975448 +670 186 4 877975594 +670 191 4 877975731 +670 195 4 877974787 +670 199 4 877974549 +670 222 4 877974857 +670 228 5 877975344 +670 232 3 877975448 +670 245 4 877974070 +670 417 4 877975129 +670 419 4 877974945 +670 474 3 877975070 +670 479 5 877975594 +670 480 5 877975017 +670 482 5 877975285 +670 483 5 877975200 +670 484 5 877975391 +670 485 5 877974945 +670 511 4 877975285 +670 515 2 877974699 +670 519 5 877974604 +670 521 4 877975344 +670 603 5 877974465 +670 606 4 877975391 +670 611 5 877975129 +670 615 3 877974605 +670 650 2 877975200 +670 651 4 877975070 +670 657 5 877974857 +670 659 5 877974699 +670 705 5 877974905 +670 945 4 877975285 +670 949 2 877974465 +670 969 2 877975070 +670 1099 3 877975018 +670 1299 4 877974905 +671 2 4 884035892 +671 4 5 884035939 +671 5 2 883949781 +671 7 5 875388719 +671 11 4 884035774 +671 12 5 883546120 +671 17 4 883546889 +671 22 4 884035406 +671 23 4 883547351 +671 27 3 884036050 +671 29 3 884036050 +671 31 2 883546333 +671 33 5 883949781 +671 38 5 884035992 +671 50 5 875388719 +671 53 3 884034800 +671 54 3 884035173 +671 55 3 883546890 +671 56 1 883546120 +671 62 5 884036411 +671 66 5 884204727 +671 68 3 884035892 +671 79 2 883546120 +671 82 4 884035686 +671 88 4 884036846 +671 89 5 884035406 +671 96 5 884035686 +671 98 4 883949357 +671 117 3 875389187 +671 118 5 875389187 +671 121 4 875389187 +671 123 5 883546677 +671 144 4 884035686 +671 147 1 884035992 +671 159 5 883949781 +671 161 5 884035892 +671 172 5 884035774 +671 174 5 884035685 +671 176 2 883546120 +671 177 4 884035775 +671 181 5 875388719 +671 182 4 884035685 +671 184 3 884035775 +671 188 2 884035992 +671 195 5 884035774 +671 201 3 884204509 +671 203 3 884035173 +671 204 5 884204510 +671 210 5 884035892 +671 219 3 884338399 +671 222 1 883546333 +671 226 3 883949693 +671 231 3 884035993 +671 233 4 883547351 +671 234 4 883546890 +671 237 5 884037003 +671 241 5 884035686 +671 250 5 875389187 +671 255 5 884375221 +671 257 5 875388720 +671 258 5 875386402 +671 265 3 884035992 +671 273 4 875389187 +671 288 5 883950232 +671 298 4 875389187 +671 327 1 875387273 +671 356 3 883949781 +671 379 3 884035303 +671 385 5 884035892 +671 405 3 884035939 +671 431 2 883546677 +671 443 3 884034132 +671 451 4 884037004 +671 452 4 884035173 +671 455 4 884035775 +671 472 5 884036411 +671 504 4 883949781 +671 510 3 884035892 +671 511 3 884035406 +671 526 2 884035406 +671 546 5 884036050 +671 550 3 884035406 +671 553 5 884036846 +671 554 4 884036411 +671 559 4 884338399 +671 562 5 884036365 +671 566 4 884035303 +671 568 5 884035686 +671 570 3 884036411 +671 576 5 884035939 +671 578 3 884036411 +671 581 2 884035173 +671 583 3 884034132 +671 591 3 883546333 +671 597 4 884036365 +671 628 3 883950232 +671 654 3 884034800 +671 679 3 884036050 +671 684 3 883546890 +671 685 5 884035992 +671 686 3 884036365 +671 720 3 884036050 +671 742 5 884035173 +671 748 3 875386402 +671 770 2 883547351 +671 779 3 884036683 +671 802 3 884036411 +671 810 2 884036050 +671 838 3 884036365 +671 841 2 875388720 +671 849 3 884036050 +671 864 3 884204727 +671 925 3 883949781 +671 947 3 884035775 +671 986 2 884035173 +671 1073 3 883949781 +671 1109 2 883546677 +671 1215 3 884036365 +671 1217 4 883547351 +671 1222 3 884036365 +671 1239 3 884036683 +671 1303 3 884036365 +671 1491 1 884034132 +671 1597 1 884035892 +672 15 3 879787922 +672 25 5 879789056 +672 50 3 879787753 +672 109 4 879788774 +672 124 3 879787922 +672 127 4 879787729 +672 181 3 879788708 +672 220 2 879787729 +672 225 2 879789437 +672 237 2 879787811 +672 255 2 879789278 +672 269 3 879787460 +672 275 5 879787955 +672 280 2 879787729 +672 281 3 879788819 +672 284 4 879789030 +672 301 4 879787500 +672 321 4 879787518 +672 476 5 879789462 +672 515 5 879787812 +672 756 2 879789244 +672 815 4 879788819 +672 864 3 879789278 +672 874 4 879787643 +672 931 1 879789164 +672 1023 2 879789672 +672 1028 4 879789030 +672 1061 4 879789566 +672 1190 2 879789437 +673 12 4 888787587 +673 79 5 888787587 +673 242 4 888787508 +673 258 2 888786969 +673 268 1 888786997 +673 269 4 888786942 +673 272 5 888786942 +673 286 4 888787508 +673 288 4 888787423 +673 292 4 888787376 +673 294 4 888787376 +673 300 3 888786942 +673 301 3 888787450 +673 302 3 888786942 +673 303 5 888787376 +673 307 3 888787355 +673 310 5 888786997 +673 311 4 888787396 +673 313 4 888786942 +673 315 5 888786942 +673 321 3 888787355 +673 322 4 888787450 +673 323 2 888787508 +673 326 4 888787423 +673 327 4 888787396 +673 328 4 888787355 +673 340 5 888786969 +673 344 5 888787376 +673 345 4 888787396 +673 347 4 888787290 +673 528 5 888787587 +673 750 5 888786969 +673 895 3 888787423 +673 896 5 888787355 +673 898 3 888787312 +674 1 4 887762799 +674 15 4 887762584 +674 25 4 887763035 +674 50 4 887762584 +674 111 5 887763336 +674 117 5 887762861 +674 118 3 887763150 +674 121 4 887762881 +674 125 5 887762779 +674 127 5 887762799 +674 151 2 887763274 +674 181 4 887762603 +674 222 3 887762839 +674 245 4 887762430 +674 252 2 887763151 +674 255 4 887763012 +674 257 4 887762641 +674 282 5 887763231 +674 288 3 887762296 +674 289 2 887763151 +674 292 4 887762415 +674 294 4 887762296 +674 300 3 887762296 +674 304 3 887762296 +674 313 5 887762296 +674 315 3 887762296 +674 323 3 887762937 +674 405 4 887762861 +674 410 3 887763150 +674 539 1 887763151 +674 597 3 887763150 +674 678 3 887762480 +674 685 3 887762861 +674 742 5 887762714 +674 751 3 887762398 +674 763 5 887762799 +674 827 4 887762899 +674 866 5 887763062 +674 929 3 887763150 +674 1197 3 887763386 +674 1620 4 887763035 +675 86 4 889489574 +675 223 1 889490151 +675 235 1 889490151 +675 242 4 889488522 +675 244 3 889489775 +675 258 3 889488679 +675 269 5 889488487 +675 272 3 889488431 +675 286 4 889488431 +675 303 5 889488522 +675 305 4 889488548 +675 306 5 889488487 +675 311 3 889488647 +675 312 2 889488624 +675 318 5 889489273 +675 321 2 889488708 +675 344 4 889488754 +675 347 4 889488431 +675 427 5 889489691 +675 463 5 889489003 +675 509 5 889489465 +675 531 5 889489108 +675 650 5 889489971 +675 750 4 889488487 +675 874 4 889488679 +675 891 2 889488779 +675 896 5 889488575 +675 900 4 889488624 +675 937 1 889490151 +675 1007 4 889489522 +675 1101 4 889490029 +675 1255 1 889490151 +675 1628 5 889489837 +675 1653 5 889489913 +676 1 5 892686188 +676 9 2 892686134 +676 13 1 892686319 +676 22 5 892686606 +676 50 5 892686083 +676 64 5 892686563 +676 100 5 892686083 +676 114 5 892686606 +676 117 4 892686244 +676 132 5 892686703 +676 144 4 892686459 +676 168 5 892686459 +676 169 5 892686524 +676 172 5 892686490 +676 173 5 892686665 +676 174 5 892686459 +676 181 5 892686164 +676 193 5 892686606 +676 222 4 892686273 +676 245 4 892685592 +676 250 4 892686164 +676 255 5 892686348 +676 257 5 892686220 +676 258 2 892685370 +676 259 4 892685621 +676 265 5 892686703 +676 269 2 892685224 +676 270 4 892685489 +676 271 3 892685621 +676 272 4 892685224 +676 286 4 892685252 +676 288 1 892685437 +676 294 4 892685591 +676 295 1 892686220 +676 300 4 892685403 +676 302 5 892685224 +676 303 4 892685403 +676 313 4 892685224 +676 315 4 892685224 +676 316 4 892685224 +676 318 5 892686459 +676 326 2 892685592 +676 328 5 892685657 +676 344 5 892685657 +676 345 2 892685621 +676 352 1 892685875 +676 354 4 892685437 +676 471 3 892686273 +676 480 5 892686666 +676 482 4 892686702 +676 483 4 892686459 +676 508 1 892686134 +676 520 4 892686758 +676 538 4 892685437 +676 539 4 892685920 +676 546 3 892686371 +676 682 1 892685716 +676 687 1 892685803 +676 688 1 892685695 +676 748 4 892685538 +676 750 4 892685252 +676 751 4 892685695 +676 845 5 892686398 +676 879 3 892685489 +676 890 1 892685900 +676 892 4 892685900 +676 895 1 892685562 +676 902 4 892685740 +676 912 3 892685489 +676 916 5 892685849 +676 948 1 892685803 +676 962 4 892686525 +676 993 5 892686294 +676 1234 1 892685775 +676 1483 4 892685826 +676 1527 1 892685657 +676 1654 1 892685960 +677 1 4 889399229 +677 7 4 889399171 +677 14 1 889399265 +677 91 5 889399671 +677 101 5 889399671 +677 109 1 889399327 +677 117 4 889399171 +677 126 1 889399265 +677 129 5 889399199 +677 148 4 889399265 +677 150 3 889399402 +677 151 4 889399431 +677 222 4 889399171 +677 237 4 889399402 +677 240 5 889399431 +677 243 3 889399113 +677 245 5 885191403 +677 268 5 889398907 +677 286 1 889399113 +677 288 5 885191166 +677 289 1 889399113 +677 290 1 889399295 +677 294 5 885191227 +677 300 5 889398960 +677 307 5 885191227 +677 322 4 885191280 +677 323 4 885191280 +677 351 2 889399113 +677 358 5 885191454 +677 405 4 889399328 +677 455 5 889399470 +677 457 1 889399113 +677 471 4 889399171 +677 475 4 889399265 +677 508 5 889399171 +677 539 3 889399113 +677 678 4 889399113 +677 687 4 889399113 +677 740 1 889399265 +677 742 4 889399139 +677 748 4 889399113 +677 845 3 889399327 +677 908 4 885191403 +677 980 2 889399470 +677 988 4 889399113 +677 1011 3 889399431 +677 1049 3 889399139 +677 1240 5 889399671 +677 1245 4 889399199 +678 1 5 879544882 +678 7 4 879544952 +678 14 3 879544815 +678 15 3 879544449 +678 25 2 879544915 +678 50 4 879544450 +678 100 5 879544750 +678 111 4 879544397 +678 117 4 879544989 +678 127 5 879544782 +678 147 4 879544882 +678 181 3 879544450 +678 222 3 879544989 +678 237 3 879544915 +678 275 2 879544450 +678 276 5 879544952 +678 277 3 879544882 +678 282 3 879544952 +678 285 3 879544397 +678 287 3 879544397 +678 298 3 879544750 +678 300 4 879544295 +678 332 4 879544254 +678 515 4 879544782 +678 742 4 879544783 +678 924 2 879544397 +678 1115 3 879544815 +678 1129 1 879544915 +679 1 3 884487688 +679 8 2 884486856 +679 28 5 884486732 +679 42 4 884487584 +679 50 5 884486758 +679 56 4 884487418 +679 63 3 884489283 +679 64 4 884487052 +679 69 4 884487688 +679 70 4 884487325 +679 73 4 884488036 +679 83 5 884486694 +679 95 3 884487688 +679 97 3 884487300 +679 100 3 884487089 +679 109 3 884488283 +679 111 3 884487715 +679 121 2 884488260 +679 132 4 884487374 +679 143 2 884487135 +679 153 2 884486904 +679 154 4 884486658 +679 168 5 884487534 +679 169 3 884486904 +679 172 5 884486758 +679 173 5 884486966 +679 174 3 884486837 +679 181 5 884487279 +679 184 4 884487491 +679 196 4 884487610 +679 204 3 884487191 +679 215 3 884487999 +679 222 4 884487418 +679 223 5 884487052 +679 241 3 884488149 +679 249 3 884486594 +679 268 4 884312834 +679 286 5 884312660 +679 288 4 884312660 +679 290 2 884487715 +679 291 4 884487960 +679 294 1 884312763 +679 318 5 884486812 +679 322 3 884312763 +679 327 4 884312731 +679 357 5 884486812 +679 416 3 884488226 +679 419 3 884487514 +679 423 3 884487112 +679 432 4 884487514 +679 483 5 884487010 +679 484 4 884486658 +679 520 4 884487031 +679 527 4 884486985 +679 531 4 884487153 +679 568 2 884488259 +679 588 3 884487825 +679 710 4 884487374 +679 721 3 884487611 +679 727 4 884487961 +679 748 4 884312926 +679 751 5 884325826 +680 1 4 876816224 +680 7 5 876816310 +680 9 4 876816106 +680 14 5 877075079 +680 15 3 877075048 +680 20 4 877075273 +680 24 4 877075214 +680 25 4 876816310 +680 50 5 876816310 +680 98 4 876816224 +680 100 3 877075214 +680 117 4 877075312 +680 121 3 876816268 +680 137 4 876816310 +680 143 4 876816224 +680 150 5 877075105 +680 151 5 877075164 +680 169 5 876816162 +680 195 4 876816106 +680 203 3 876816162 +680 242 4 876815942 +680 248 4 877075312 +680 257 4 877075273 +680 269 4 876815942 +680 273 3 877075214 +680 274 3 877075312 +680 276 5 877075135 +680 285 5 877075079 +680 286 4 876815942 +680 294 4 876816043 +680 318 5 876816106 +680 408 5 876816268 +680 515 4 876816268 +680 517 4 876816162 +680 815 3 877075312 +680 845 4 877075241 +680 1012 3 877075214 +680 1089 2 877075214 +681 258 1 885409516 +681 259 2 885409882 +681 270 1 885409370 +681 286 5 885409370 +681 288 1 885409810 +681 289 5 885410009 +681 292 4 885409883 +681 294 5 885409938 +681 304 3 885409742 +681 310 3 885409572 +681 328 3 885409810 +681 538 3 885409516 +681 539 4 885409810 +681 682 1 885409810 +681 690 4 885409770 +681 750 5 885409438 +681 894 1 885409742 +681 898 4 885409515 +681 990 4 885409770 +681 1105 3 885409742 +681 1176 4 885409515 +681 1394 5 885409742 +682 1 4 888523054 +682 2 3 888522541 +682 3 3 888519113 +682 4 3 888521599 +682 5 3 888520799 +682 7 4 888522455 +682 8 3 888521833 +682 9 3 888517168 +682 11 4 888517049 +682 12 5 888516953 +682 15 4 888523581 +682 17 3 888520923 +682 21 4 888522194 +682 22 5 888519725 +682 23 4 888519725 +682 24 4 888522575 +682 25 4 888521564 +682 26 3 888517986 +682 27 3 888518104 +682 28 3 888516953 +682 29 2 888522699 +682 31 3 888520705 +682 33 4 888520864 +682 38 3 888521116 +682 39 4 888518009 +682 41 3 888522073 +682 42 5 888518979 +682 47 1 888517870 +682 48 4 888517264 +682 49 3 888522194 +682 50 5 888518639 +682 51 5 888517740 +682 53 2 888519519 +682 54 4 888517628 +682 55 4 888520705 +682 56 4 888519077 +682 58 3 888517627 +682 62 3 888522541 +682 64 5 888517011 +682 65 3 888517416 +682 66 3 888521740 +682 67 4 888523581 +682 68 5 888522575 +682 69 4 888519206 +682 70 4 888517416 +682 71 5 888523135 +682 72 3 888521540 +682 73 5 888521564 +682 75 4 888518185 +682 76 3 888517049 +682 77 3 888517562 +682 79 4 888520705 +682 80 1 888521803 +682 81 3 888517439 +682 82 4 888522541 +682 83 3 888517011 +682 85 3 888521833 +682 86 2 888518206 +682 87 5 888517235 +682 88 4 888521599 +682 89 4 888522418 +682 92 5 888519059 +682 94 3 888522021 +682 95 5 888523581 +682 96 4 888523635 +682 97 4 888517587 +682 98 4 888520638 +682 100 3 888517011 +682 108 3 888521564 +682 109 3 888521539 +682 111 3 888521740 +682 117 4 888522455 +682 121 4 888520799 +682 122 3 888522260 +682 124 2 888517097 +682 125 4 888523635 +682 127 5 888517011 +682 128 4 888522575 +682 135 4 888517484 +682 143 3 888523115 +682 144 3 888522418 +682 147 1 888523619 +682 148 3 888520923 +682 150 4 888517197 +682 151 5 888523115 +682 153 3 888521465 +682 154 5 888521489 +682 156 5 888519207 +682 157 4 888517484 +682 158 2 888522260 +682 159 3 888521005 +682 161 3 888522542 +682 163 3 888521833 +682 164 3 888521005 +682 167 2 888522101 +682 168 5 888521381 +682 172 5 888522417 +682 173 4 888521381 +682 174 4 888523581 +682 175 3 888517265 +682 176 4 888521195 +682 179 4 888517627 +682 180 3 888516979 +682 181 5 888518639 +682 182 4 888523619 +682 183 3 888520638 +682 184 4 888519307 +682 185 4 888520639 +682 186 4 888521413 +682 187 5 888517235 +682 188 4 888522417 +682 190 4 888519725 +682 191 3 888517197 +682 192 3 888516979 +682 195 4 888522418 +682 196 5 888523581 +682 201 4 888519365 +682 202 4 888521413 +682 204 3 888521413 +682 205 3 888518164 +682 209 3 888521381 +682 210 4 888522326 +682 211 4 888522311 +682 215 4 888517197 +682 216 4 888521381 +682 217 4 888523581 +682 218 3 888520977 +682 219 2 888522857 +682 222 4 888519725 +682 223 1 888517011 +682 226 3 888520923 +682 228 4 888520923 +682 229 4 888520923 +682 231 1 888522612 +682 232 3 888519408 +682 233 2 888520864 +682 234 3 888520705 +682 235 1 888521833 +682 237 3 888517324 +682 238 3 888521540 +682 239 3 888517439 +682 240 4 888521637 +682 241 4 888522541 +682 243 1 888516865 +682 245 3 888516841 +682 246 5 888518659 +682 248 3 888518640 +682 249 3 888518722 +682 250 4 888523635 +682 252 3 888518773 +682 254 2 888518871 +682 255 3 888518722 +682 257 2 888518704 +682 258 3 888516814 +682 259 3 888518424 +682 263 1 888518541 +682 265 3 888520922 +682 268 5 888518279 +682 271 4 888518279 +682 272 5 888523619 +682 273 4 888520864 +682 274 4 888521740 +682 276 3 888517097 +682 280 3 888517740 +682 281 3 888520864 +682 282 4 888519918 +682 284 4 888519725 +682 288 4 888516814 +682 290 1 888522217 +682 291 1 888517364 +682 293 4 888523581 +682 294 3 888516841 +682 298 4 888518639 +682 299 4 888518363 +682 300 2 888518320 +682 304 1 888523810 +682 317 4 888517390 +682 318 4 888517168 +682 323 2 888516865 +682 325 4 888521174 +682 327 3 888518299 +682 328 3 888518363 +682 332 4 888518320 +682 333 4 888518279 +682 339 2 888518364 +682 346 2 888518320 +682 351 4 888518468 +682 352 1 888518424 +682 356 3 888517986 +682 357 3 888516979 +682 358 3 888518450 +682 362 2 888518251 +682 363 2 888522612 +682 365 3 888517986 +682 366 4 888517896 +682 367 3 888521783 +682 378 3 888517986 +682 379 4 888519260 +682 380 4 888517510 +682 384 2 888522073 +682 385 3 888522456 +682 386 2 888521942 +682 393 4 888521711 +682 395 3 888523657 +682 399 4 888522612 +682 401 1 888522260 +682 403 3 888517792 +682 405 2 888522456 +682 410 3 888521740 +682 412 1 888521907 +682 419 3 888523054 +682 420 3 888523115 +682 423 5 888519206 +682 427 4 888523581 +682 431 4 888520799 +682 433 3 888521540 +682 443 3 888520977 +682 447 2 888522857 +682 451 3 888521637 +682 455 4 888521866 +682 465 3 888523054 +682 467 3 888517364 +682 468 5 888517869 +682 470 5 888517628 +682 471 3 888517537 +682 472 3 888522699 +682 475 3 888521465 +682 476 1 888522100 +682 509 2 888517235 +682 518 4 888517324 +682 520 4 888519725 +682 527 3 888517168 +682 540 2 888521291 +682 541 3 888522612 +682 542 2 888523227 +682 546 3 888517740 +682 549 3 888517415 +682 550 2 888522541 +682 551 2 888522977 +682 552 3 888520977 +682 553 3 888517627 +682 554 3 888521116 +682 556 2 888517840 +682 558 1 888519276 +682 559 4 888522837 +682 562 2 888522700 +682 566 3 888519260 +682 568 3 888522575 +682 570 2 888517948 +682 572 4 888521116 +682 573 4 888521116 +682 576 4 888522754 +682 578 3 888522575 +682 581 2 888517948 +682 582 1 888517816 +682 583 2 888517587 +682 585 4 888522021 +682 586 1 888522700 +682 591 3 888517097 +682 597 1 888522699 +682 619 3 888519226 +682 623 3 888523288 +682 625 3 888523155 +682 627 4 888523171 +682 628 4 888517364 +682 631 3 888517922 +682 651 4 888517168 +682 654 4 888520799 +682 655 5 888519725 +682 657 4 888520638 +682 658 4 888517390 +682 659 1 888520638 +682 660 2 888517870 +682 672 2 888522894 +682 673 3 888517049 +682 678 1 888516814 +682 683 2 888518503 +682 684 3 888520705 +682 685 3 888522541 +682 686 4 888519725 +682 687 2 888518871 +682 692 3 888519207 +682 693 3 888517537 +682 696 4 888518035 +682 697 4 888517816 +682 699 3 888523658 +682 708 3 888518104 +682 710 3 888521413 +682 713 3 888517537 +682 716 2 888522074 +682 717 3 888521090 +682 719 2 888521982 +682 720 4 888522699 +682 721 4 888518937 +682 722 4 888522073 +682 723 1 888518063 +682 724 4 888517948 +682 728 3 888522021 +682 729 3 888518035 +682 732 3 888517740 +682 735 4 888517627 +682 737 3 888518104 +682 738 3 888522021 +682 742 3 888519738 +682 746 3 888521413 +682 748 3 888516814 +682 752 4 888523634 +682 756 2 888521942 +682 761 4 888521090 +682 762 3 888521637 +682 763 4 888521783 +682 765 4 888523581 +682 769 2 888522951 +682 772 4 888517922 +682 774 4 888522894 +682 775 1 888521981 +682 779 3 888522754 +682 780 3 888522217 +682 781 2 888521833 +682 783 2 888521291 +682 790 3 888521942 +682 797 2 888522613 +682 801 3 888521907 +682 802 2 888521047 +682 804 3 888521740 +682 806 3 888523658 +682 808 4 888517762 +682 809 2 888522755 +682 820 3 888523323 +682 823 2 888522613 +682 824 1 888521907 +682 833 1 888522260 +682 834 3 888522971 +682 849 2 888522699 +682 862 1 888522021 +682 866 2 888522101 +682 876 3 888521290 +682 881 3 888521291 +682 890 2 888518564 +682 895 4 888518380 +682 922 3 888517816 +682 924 5 888517627 +682 925 3 888520923 +682 932 1 888522017 +682 940 2 888521907 +682 941 4 888518035 +682 942 2 888517324 +682 943 3 888520864 +682 944 3 888522073 +682 946 4 888523155 +682 948 2 888516865 +682 959 4 888521803 +682 977 3 888521090 +682 991 2 888518871 +682 999 2 888521942 +682 1011 4 888517986 +682 1012 4 888518747 +682 1016 2 888518747 +682 1019 5 888519519 +682 1028 3 888523657 +682 1035 3 888523227 +682 1039 4 888517510 +682 1045 3 888517792 +682 1046 3 888520799 +682 1047 3 888521803 +682 1048 3 888521564 +682 1067 3 888520497 +682 1074 4 888517792 +682 1079 3 888523657 +682 1084 2 888518164 +682 1089 2 888518871 +682 1090 2 888521047 +682 1091 3 888523288 +682 1093 3 888522100 +682 1107 2 888517896 +682 1118 3 888521711 +682 1132 3 888521907 +682 1135 2 888518035 +682 1153 3 888517869 +682 1178 1 888521866 +682 1188 3 888519408 +682 1217 3 888521047 +682 1220 4 888518130 +682 1221 3 888517265 +682 1222 3 888523657 +682 1225 4 888521783 +682 1228 1 888522699 +682 1231 2 888522612 +682 1232 2 888517896 +682 1267 3 888517627 +682 1303 2 888522699 +682 1305 3 888522021 +682 1311 3 888518035 +682 1410 3 888517324 +682 1428 3 888518131 +682 1437 2 888521942 +682 1440 2 888517538 +682 1478 3 888519226 +682 1655 2 888517922 +683 22 4 893286550 +683 56 5 893286364 +683 62 4 893286208 +683 127 4 893286501 +683 132 5 893286207 +683 133 5 893286208 +683 187 5 893286501 +683 245 2 893283728 +683 248 4 893286603 +683 258 3 893282978 +683 259 3 893283642 +683 264 2 893283997 +683 268 4 893286261 +683 269 3 893282664 +683 270 3 893283049 +683 271 3 893284183 +683 272 4 893286260 +683 286 2 893282977 +683 288 3 893286259 +683 289 4 893286260 +683 294 3 893286346 +683 299 3 893283997 +683 300 3 893283728 +683 301 2 893283728 +683 302 5 893286207 +683 303 3 893283104 +683 305 4 893286261 +683 306 3 893286347 +683 307 3 893286347 +683 308 3 893284420 +683 311 3 893283049 +683 312 3 893284183 +683 313 2 893282664 +683 315 4 893285557 +683 316 4 893286208 +683 317 4 893286501 +683 321 5 893286207 +683 322 2 893283903 +683 323 3 893283903 +683 325 2 893286346 +683 327 4 893286260 +683 328 2 893283728 +683 331 2 893283728 +683 332 3 893283997 +683 340 4 893286260 +683 344 3 893284138 +683 346 4 893286347 +683 347 4 893286208 +683 350 2 893284184 +683 354 3 893286347 +683 358 2 893283948 +683 472 3 893286550 +683 511 5 893286207 +683 513 5 893286208 +683 588 4 893286584 +683 607 5 893286207 +683 609 3 893286502 +683 626 3 893286550 +683 678 1 893283948 +683 682 1 893284032 +683 683 3 893286347 +683 690 4 893286260 +683 748 3 893286347 +683 754 3 893284184 +683 879 3 893283997 +683 880 3 893283641 +683 887 4 893286261 +683 895 2 893284138 +683 900 1 893282740 +683 906 4 893286261 +683 911 3 893286346 +683 914 2 893283104 +683 915 2 893282977 +683 1280 3 893284032 +683 1483 3 893286346 +684 1 4 875810928 +684 8 5 878761120 +684 15 5 878759758 +684 38 3 878759635 +684 48 4 875812176 +684 49 4 878762243 +684 50 4 875810897 +684 63 4 878762087 +684 64 4 878759907 +684 66 4 878762033 +684 67 3 878762144 +684 70 4 878761788 +684 73 4 878762087 +684 82 5 875812227 +684 83 5 878761676 +684 88 4 878761788 +684 94 3 878762183 +684 98 4 878759970 +684 100 4 875810574 +684 111 4 878760164 +684 117 4 875810999 +684 118 4 878760274 +684 121 3 875810574 +684 147 2 878232961 +684 151 3 875810633 +684 158 3 878760372 +684 161 3 878760137 +684 168 4 878761120 +684 172 5 875812299 +684 173 3 878761120 +684 178 4 878760250 +684 181 4 875810999 +684 186 4 878762087 +684 202 4 878759384 +684 204 4 875812299 +684 208 3 878761120 +684 210 3 878759474 +684 215 5 875812176 +684 216 3 878761717 +684 217 2 875811965 +684 218 1 878232961 +684 225 3 875811341 +684 237 5 875811158 +684 238 3 878759545 +684 239 4 878762118 +684 248 3 878576473 +684 252 4 875812227 +684 265 4 878759435 +684 274 2 878759884 +684 282 4 875811274 +684 365 4 878759820 +684 371 2 878576866 +684 376 3 878762273 +684 381 2 878762033 +684 386 3 878759184 +684 393 4 878761751 +684 395 2 878762243 +684 401 3 878762302 +684 402 3 878759310 +684 408 5 875810796 +684 409 3 878760614 +684 411 3 875811455 +684 435 3 878761717 +684 477 5 878759560 +684 483 5 878576905 +684 520 4 875812065 +684 553 4 878760305 +684 585 2 878762273 +684 596 3 875812351 +684 625 3 878760041 +684 692 4 878576614 +684 710 5 875812109 +684 716 2 878761751 +684 722 2 878762302 +684 728 2 878762243 +684 732 4 878761717 +684 734 3 878762302 +684 742 4 875810830 +684 756 4 875811455 +684 763 2 878232961 +684 781 3 878762183 +684 924 2 878232961 +684 934 3 875811158 +684 1028 4 875810966 +684 1283 3 875811708 +684 1301 3 878760019 +685 269 3 879451401 +685 286 1 879447443 +685 288 2 879451147 +685 289 2 879451253 +685 299 2 879451540 +685 302 3 879451401 +685 319 2 879451401 +685 324 3 879451401 +685 325 3 879451401 +685 327 2 879451234 +685 333 1 879451147 +685 334 1 879451168 +685 337 2 879451401 +685 340 2 879451401 +685 872 2 879447443 +685 873 2 879451401 +685 875 3 879451401 +685 882 3 879451401 +685 886 1 879451211 +685 991 1 879451282 +686 2 3 879546443 +686 11 4 879546083 +686 12 5 879545758 +686 22 5 879545181 +686 23 5 879547177 +686 26 5 879546847 +686 28 4 879546147 +686 48 5 879545180 +686 50 4 879545413 +686 56 5 879546147 +686 64 5 879547224 +686 79 4 879546443 +686 89 4 879545481 +686 97 2 879546847 +686 98 5 879546651 +686 99 5 879546553 +686 127 5 879545481 +686 134 5 879545340 +686 135 5 879547276 +686 168 5 879547129 +686 170 5 879547043 +686 172 4 879545181 +686 173 5 879546847 +686 174 4 879545966 +686 176 3 879545413 +686 178 5 879546715 +686 179 5 879545814 +686 180 5 879546147 +686 181 4 879547337 +686 182 5 879546217 +686 185 5 879545603 +686 187 5 879545481 +686 191 5 879546954 +686 192 5 879545340 +686 194 5 879546443 +686 197 5 879545814 +686 198 5 879546443 +686 204 4 879546553 +686 205 5 879545181 +686 208 5 879547275 +686 209 5 879545550 +686 214 5 879546651 +686 234 4 879546715 +686 265 4 879545550 +686 299 5 879543557 +686 317 5 879546553 +686 318 5 879545814 +686 327 5 879543445 +686 357 5 879545549 +686 425 5 879546651 +686 427 5 879546319 +686 430 4 879546786 +686 435 5 879545758 +686 451 4 879546847 +686 467 5 879547336 +686 474 5 879545413 +686 480 5 879547224 +686 504 5 879545662 +686 514 5 879545662 +686 518 5 879546497 +686 521 5 879546786 +686 527 3 879547177 +686 528 5 879547336 +686 542 1 879546443 +686 588 4 879546497 +686 603 5 879546847 +686 651 5 879545413 +686 654 5 879546954 +686 806 5 879546319 +686 969 5 879546083 +686 1184 1 879547337 +687 245 3 884652276 +687 264 3 884652197 +687 268 5 884652088 +687 269 4 884651420 +687 286 3 884651648 +687 288 4 884651576 +687 294 3 884651894 +687 300 4 884652089 +687 313 5 884651420 +687 319 4 884652276 +687 321 4 884651818 +687 323 2 884651894 +687 324 2 884651648 +687 336 2 884652144 +687 340 4 884651894 +687 678 4 884652482 +687 748 3 884652276 +687 749 4 884651746 +687 879 3 884651894 +687 895 4 884652331 +687 988 3 884652429 +688 259 5 884153750 +688 288 5 884153712 +688 302 5 884153425 +688 304 5 884153606 +688 307 4 884153505 +688 309 5 884153606 +688 326 5 884153606 +688 329 5 884153606 +688 332 5 884153712 +688 336 2 884153728 +688 338 5 884153751 +688 339 5 884153712 +688 341 5 884153606 +688 349 5 884153712 +688 359 5 884153606 +688 678 5 884153750 +688 682 5 884153712 +688 749 5 884153712 +688 754 5 884153606 +688 877 5 884153751 +688 879 5 884153712 +688 898 5 884153606 +688 1127 5 884153606 +688 1234 5 884153712 +689 1 3 876676211 +689 7 5 876676334 +689 13 1 876676397 +689 15 5 876676502 +689 50 5 876676397 +689 109 5 876675152 +689 111 3 876676501 +689 117 4 876676293 +689 118 4 876676433 +689 121 5 876676433 +689 125 3 876675152 +689 150 4 876676134 +689 151 3 876676501 +689 181 5 876674861 +689 222 5 876674954 +689 237 3 876676293 +689 250 5 876676334 +689 257 5 876676397 +689 258 5 876674954 +689 260 3 879211543 +689 273 3 876676165 +689 295 1 876676334 +689 298 4 876676211 +689 300 5 876674606 +689 328 5 879211479 +689 358 4 876674762 +689 405 5 876676292 +689 410 1 876676293 +689 471 4 876676433 +689 475 4 876676334 +689 596 3 876676134 +689 597 4 876676165 +689 717 3 876676359 +689 748 5 876674637 +689 763 4 876676165 +689 879 2 876674692 +690 1 4 881179631 +690 4 3 881177459 +690 8 4 881177430 +690 9 3 881178232 +690 12 4 881179631 +690 25 3 881177430 +690 47 1 881179469 +690 51 3 881180543 +690 53 2 881180005 +690 56 4 881177349 +690 63 3 881177804 +690 64 5 881179682 +690 66 3 881177581 +690 67 4 881177836 +690 69 5 881179293 +690 70 2 881179584 +690 72 2 881177553 +690 73 2 881177271 +690 77 3 881179906 +690 79 4 881179809 +690 80 3 881177778 +690 85 1 881177430 +690 88 4 881177689 +690 89 2 881179505 +690 90 1 881179469 +690 94 4 881177836 +690 98 5 881179196 +690 106 3 881180138 +690 118 4 881180056 +690 120 1 881179469 +690 121 3 881179906 +690 127 4 881178213 +690 148 3 881178365 +690 153 5 881177485 +690 154 3 881179222 +690 158 4 881177835 +690 159 3 881180005 +690 163 3 881177459 +690 167 2 881177662 +690 168 3 881177376 +690 174 4 881179505 +690 186 4 881177349 +690 194 4 881177349 +690 197 4 881180427 +690 202 2 881177349 +690 203 4 881179631 +690 204 3 881177430 +690 208 5 881177302 +690 210 3 881177581 +690 211 3 881177349 +690 216 4 881177302 +690 218 5 881179906 +690 223 4 881179069 +690 226 3 881179969 +690 232 4 881177689 +690 233 3 881179968 +690 234 4 881179878 +690 237 4 881178330 +690 238 5 881177302 +690 239 2 881177532 +690 240 1 881179469 +690 274 3 881177721 +690 276 3 881178293 +690 281 3 881180005 +690 284 4 881178442 +690 294 3 881177237 +690 357 5 881179122 +690 364 3 881178026 +690 376 3 881177910 +690 384 3 881177804 +690 393 4 881177616 +690 396 2 881177861 +690 402 3 881180497 +690 428 1 881177506 +690 431 2 881179856 +690 435 5 881177616 +690 443 3 881179937 +690 451 4 881177910 +690 496 4 881179222 +690 514 1 881177430 +690 523 4 881177430 +690 546 4 881178383 +690 554 3 881180005 +690 581 2 881180109 +690 585 2 881177970 +690 629 1 881177459 +690 636 4 881179969 +690 642 3 881179937 +690 649 4 881179906 +690 655 4 881177272 +690 663 4 881177376 +690 684 4 881179938 +690 705 1 881179505 +690 712 4 881177880 +690 716 1 881179469 +690 722 3 881177937 +690 739 3 881180564 +690 742 3 881179878 +690 746 2 881177532 +690 747 3 881180427 +690 763 4 881177553 +690 780 4 881177910 +690 781 2 881177662 +690 790 3 881177970 +690 794 3 881180543 +690 993 3 881178697 +690 1028 4 881177836 +690 1041 3 881177804 +690 1042 4 881180035 +690 1090 3 881180138 +690 1118 1 881177459 +690 1185 1 881177778 +690 1207 3 881180138 +690 1210 3 881180035 +690 1273 3 881180382 +691 1 5 875543346 +691 8 2 875543346 +691 50 4 875543191 +691 56 4 875543025 +691 64 5 875543191 +691 79 5 875543025 +691 98 4 875543281 +691 170 5 875543395 +691 178 5 875543281 +691 182 5 875543228 +691 185 5 875543281 +691 205 5 875543395 +691 227 4 875543108 +691 243 1 875542944 +691 294 4 875542868 +691 304 3 875542868 +691 318 5 875543281 +691 322 3 875542976 +691 478 4 875543281 +691 496 5 875543025 +691 500 3 875543068 +691 524 5 875543153 +691 603 5 875543191 +691 604 5 875543025 +691 631 4 875543025 +691 650 5 875543281 +691 672 1 875543153 +691 692 5 875543153 +691 735 5 875543228 +691 748 4 875542868 +691 772 5 875543281 +691 1172 5 875543191 +692 1 4 876953340 +692 25 4 876953340 +692 56 3 876953204 +692 66 2 876953130 +692 100 4 876953482 +692 127 3 876948910 +692 168 2 876953204 +692 194 4 876953340 +692 204 5 876953340 +692 208 4 876953340 +692 211 4 876953340 +692 238 4 876953340 +692 249 3 876953681 +692 257 4 876953340 +692 285 3 876953204 +692 287 3 876953130 +692 294 3 876946833 +692 300 4 876953340 +692 321 3 876946833 +692 326 3 876948579 +692 328 4 876953340 +692 410 5 876953824 +692 411 4 876954021 +692 412 4 876954196 +692 476 3 876953279 +692 508 3 876953424 +692 523 3 876953204 +692 692 3 876953130 +692 756 2 876953681 +692 762 4 876953681 +692 763 3 876954381 +692 845 3 876948910 +692 866 4 876953733 +692 1012 1 876953553 +692 1023 2 876954083 +692 1028 3 876953823 +692 1040 2 876954021 +692 1047 2 876953616 +692 1054 3 876954197 +692 1132 4 876953954 +693 7 4 875483947 +693 9 3 875481856 +693 11 4 875482197 +693 12 4 875482056 +693 23 4 875482168 +693 25 4 883975697 +693 28 2 875482280 +693 39 3 875482396 +693 48 5 875482280 +693 50 3 875483881 +693 53 4 875483597 +693 56 4 875483268 +693 58 3 875482477 +693 64 3 875482136 +693 69 3 875482336 +693 77 2 875482860 +693 79 4 875483330 +693 88 3 883975500 +693 96 4 875483881 +693 97 5 875482604 +693 98 4 875483268 +693 99 3 875484763 +693 117 4 875483977 +693 118 2 875483597 +693 121 2 875483564 +693 127 4 875482056 +693 130 1 875483144 +693 131 3 875484953 +693 132 4 875484562 +693 134 4 875484539 +693 135 4 875482524 +693 143 4 875484613 +693 144 4 875483847 +693 157 4 875482779 +693 159 4 875483521 +693 161 3 875484089 +693 162 3 875482912 +693 172 3 875483947 +693 174 4 875483881 +693 176 2 875483268 +693 177 3 875484882 +693 178 5 875482309 +693 180 3 875482309 +693 181 3 875483881 +693 183 2 875483301 +693 185 5 875483301 +693 186 2 875484882 +693 187 3 875482336 +693 188 2 875483847 +693 191 2 875482136 +693 192 2 875482477 +693 193 4 875482092 +693 195 4 875483847 +693 196 2 875482548 +693 197 3 875482197 +693 199 3 883975558 +693 210 3 875484044 +693 211 2 875484789 +693 215 4 875482860 +693 216 4 875484613 +693 218 4 875483473 +693 222 2 875482524 +693 228 2 875483947 +693 229 2 875483435 +693 230 2 875483381 +693 234 2 875483330 +693 258 4 875481336 +693 272 4 885703603 +693 273 3 875481549 +693 281 3 875483597 +693 282 4 875482626 +693 288 2 883975203 +693 289 3 889167919 +693 291 3 889167954 +693 298 3 885703740 +693 300 2 875481397 +693 313 5 885703726 +693 318 4 875482092 +693 333 3 875481397 +693 357 5 875482169 +693 378 2 883975537 +693 382 4 875482689 +693 402 3 883975558 +693 403 2 875483049 +693 419 2 875484501 +693 423 3 875482136 +693 427 4 875484908 +693 428 3 875484763 +693 432 4 875484908 +693 443 2 875483741 +693 449 2 875483407 +693 471 3 875482653 +693 472 3 875484089 +693 480 4 875484454 +693 483 3 875484352 +693 484 3 875484837 +693 488 4 875484539 +693 492 3 875484539 +693 499 4 875484539 +693 504 5 875483302 +693 506 2 875484932 +693 507 4 875484837 +693 508 2 875482447 +693 509 3 883975500 +693 514 4 875484431 +693 520 2 875485037 +693 521 5 875482092 +693 523 4 875482448 +693 527 3 875482280 +693 528 1 875484613 +693 546 1 875483234 +693 566 2 875483473 +693 568 4 875483947 +693 572 2 875484148 +693 576 2 875484148 +693 581 3 875482731 +693 582 2 875482477 +693 591 3 875482779 +693 604 3 875484480 +693 606 4 875484584 +693 611 4 875484406 +693 628 4 875483020 +693 631 3 875482826 +693 632 5 875482626 +693 636 1 875483473 +693 649 2 875483169 +693 650 3 875482364 +693 651 3 875482548 +693 654 3 875483381 +693 655 3 875482604 +693 660 3 875483020 +693 662 4 875482604 +693 664 2 875482689 +693 673 4 875483050 +693 684 3 875483435 +693 685 4 875483947 +693 693 3 875482860 +693 697 4 875482574 +693 708 3 875483049 +693 729 4 875482912 +693 735 4 875482912 +693 742 3 875483407 +693 855 2 883975636 +693 939 4 875483381 +693 942 2 875482396 +693 977 3 875483597 +693 1090 4 875483564 +693 1135 3 875482689 +693 1136 3 883975358 +693 1145 2 875483049 +693 1232 2 875483114 +693 1248 3 875483597 +693 1311 1 875482939 +693 1522 3 875483670 +694 9 5 875726618 +694 15 4 875728842 +694 22 5 875726759 +694 23 3 875727926 +694 28 4 875729304 +694 31 4 875728345 +694 48 4 875726759 +694 50 5 875730386 +694 52 4 875729667 +694 69 5 875727715 +694 71 4 875730889 +694 72 4 875729107 +694 82 5 875728345 +694 88 4 875727018 +694 89 4 875728220 +694 97 5 875727399 +694 98 5 875726886 +694 100 4 875727640 +694 118 4 875729983 +694 121 5 875726886 +694 127 5 875730386 +694 131 5 875727715 +694 132 5 875727640 +694 133 5 875727189 +694 135 5 875727018 +694 138 3 875730082 +694 141 5 875727399 +694 143 4 875727513 +694 144 4 875728912 +694 153 4 875728508 +694 157 4 875729667 +694 161 4 875727018 +694 163 4 875729982 +694 172 5 875727399 +694 174 5 875727061 +694 176 5 875729146 +694 177 5 875726886 +694 178 4 875727099 +694 179 4 875730980 +694 180 4 875727672 +694 181 5 875730386 +694 183 5 875727061 +694 185 4 875729520 +694 187 4 875727582 +694 188 5 875727715 +694 191 5 875727749 +694 193 4 875728435 +694 194 5 875727143 +694 195 4 875726708 +694 196 5 875727226 +694 197 5 875727926 +694 199 5 875728435 +694 200 4 875726968 +694 202 4 875727189 +694 203 4 875728801 +694 204 4 875728639 +694 205 5 875726968 +694 210 4 875728293 +694 211 5 875727189 +694 215 3 875728181 +694 216 4 875729830 +694 226 3 875729271 +694 228 4 875727306 +694 229 4 875728801 +694 230 4 875727143 +694 237 4 875728509 +694 238 3 875727306 +694 239 4 875729520 +694 241 3 875727877 +694 275 4 875727640 +694 300 4 875726453 +694 318 5 875727099 +694 356 4 875729622 +694 357 5 875726618 +694 378 3 875730313 +694 385 4 875730082 +694 393 3 875728952 +694 419 4 875729907 +694 423 5 875727018 +694 427 4 875727226 +694 429 4 875726759 +694 432 4 875727513 +694 434 5 875727018 +694 435 4 875728639 +694 448 3 875729489 +694 449 4 875727271 +694 451 4 875729068 +694 468 4 875729270 +694 470 4 875727144 +694 474 4 875727226 +694 480 4 875726759 +694 481 4 875727781 +694 482 5 875728435 +694 483 5 875727449 +694 484 4 875726707 +694 485 4 875728952 +694 489 4 875727640 +694 490 4 875727877 +694 491 3 875731050 +694 492 4 875727581 +694 495 4 875727018 +694 496 4 875727640 +694 498 5 875726618 +694 499 4 875728345 +694 504 3 875728912 +694 506 4 875727270 +694 510 5 875726927 +694 511 5 875728048 +694 517 4 875727926 +694 519 4 875728293 +694 520 5 875726618 +694 521 3 875730042 +694 523 4 875727877 +694 526 5 875729431 +694 527 5 875727449 +694 528 3 875728842 +694 530 5 875726708 +694 582 4 875728801 +694 584 4 875727877 +694 603 4 875727476 +694 604 4 875727399 +694 605 4 875727513 +694 606 4 875727189 +694 610 4 875729983 +694 614 4 875726886 +694 617 4 875728181 +694 630 3 875728912 +694 632 4 875727399 +694 641 4 875726618 +694 645 4 875727143 +694 648 5 875728639 +694 654 4 875727099 +694 657 4 875728952 +694 659 4 875728181 +694 660 3 875729270 +694 661 5 875727926 +694 663 4 875727926 +694 665 4 875728729 +694 671 3 875728989 +694 673 4 875726926 +694 684 4 875730313 +694 692 4 875728729 +694 699 4 875728639 +694 705 5 875728048 +694 836 4 875727821 +694 965 4 875727672 +694 1020 4 875728345 +694 1028 3 875728581 +694 1035 4 875728345 +694 1050 3 875726759 +694 1126 5 875727449 +694 1203 4 875729489 +694 1205 3 875727550 +694 1221 3 875728842 +694 1263 3 875729146 +694 1269 5 875726793 +694 1455 3 875727061 +695 242 5 888805837 +695 260 4 888806150 +695 264 1 888806222 +695 268 5 888805864 +695 270 4 888805952 +695 286 3 888805913 +695 288 4 888806120 +695 289 2 888806150 +695 300 1 888805767 +695 301 3 888806120 +695 302 4 888805836 +695 305 3 888805797 +695 307 4 888806120 +695 311 4 888805767 +695 312 3 888806193 +695 313 2 888805836 +695 319 5 888806056 +695 323 2 888806292 +695 324 2 888805981 +695 328 3 888806056 +695 333 2 888805952 +695 338 2 888806270 +695 340 4 888806082 +695 343 4 888806120 +695 346 5 888806011 +695 354 4 888806056 +695 358 5 888806270 +695 678 4 888806292 +695 682 1 888805952 +695 748 1 888806270 +695 882 4 888805836 +695 887 3 888805797 +695 895 1 888805864 +695 903 4 888806082 +695 989 3 888806056 +695 991 5 888806011 +695 995 4 888806150 +695 1024 5 888805913 +696 9 5 886404617 +696 124 5 886404617 +696 178 4 886404542 +696 234 4 886404617 +696 245 4 886404208 +696 285 4 886404617 +696 286 5 886403578 +696 302 5 886403632 +696 305 4 886403578 +696 307 5 886404144 +696 310 4 886403673 +696 311 5 886404063 +696 312 4 886404322 +696 313 3 886403672 +696 315 5 886403578 +696 327 4 886404144 +696 344 5 886403672 +696 347 1 886403578 +696 427 5 886404542 +696 520 5 886404617 +696 523 5 886404542 +696 689 1 886404208 +696 748 1 886404268 +696 883 4 886404208 +696 899 3 886403673 +696 906 3 886403769 +696 1062 4 886403631 +696 1126 3 886404617 +696 1176 4 886403631 +697 1 5 882622481 +697 7 5 882622798 +697 9 4 882622505 +697 25 3 882622188 +697 50 5 882621913 +697 107 5 882622581 +697 118 3 882622044 +697 121 4 882622066 +697 122 4 882622248 +697 123 5 882622016 +697 124 5 882622505 +697 125 3 882622559 +697 126 5 882622581 +697 127 5 882622481 +697 129 5 882622016 +697 150 5 882622127 +697 181 4 882621913 +697 222 4 882622016 +697 225 3 882622680 +697 235 4 882622188 +697 237 5 882622414 +697 242 5 882621486 +697 244 5 882622481 +697 245 3 882621621 +697 246 5 882622798 +697 250 4 882621940 +697 252 1 882621940 +697 254 2 882621958 +697 257 5 882621913 +697 260 3 882621651 +697 263 1 882621714 +697 268 5 882621548 +697 270 5 882622481 +697 271 4 882621460 +697 273 5 882622481 +697 276 5 882622505 +697 277 5 882622581 +697 280 3 882622597 +697 282 4 882622559 +697 283 5 882622146 +697 284 5 882622581 +697 286 4 882621486 +697 287 4 882622170 +697 288 2 882621431 +697 291 5 882622481 +697 294 4 882621569 +697 295 3 882622733 +697 298 4 882621940 +697 300 5 882621431 +697 301 5 882621523 +697 302 5 882621460 +697 305 5 882621431 +697 307 4 882621431 +697 310 3 882621431 +697 323 4 882621621 +697 324 5 882622481 +697 325 4 882621673 +697 326 4 882621548 +697 328 5 882621486 +697 331 3 882621431 +697 333 3 882621431 +697 336 3 882621523 +697 339 2 882621714 +697 343 4 882621548 +697 369 5 882622481 +697 455 4 882622170 +697 456 3 882622287 +697 473 5 882622372 +697 546 4 882622626 +697 591 4 882622016 +697 595 4 882622066 +697 596 4 882622372 +697 628 4 882622016 +697 682 2 882621523 +697 683 1 882621813 +697 689 4 882621714 +697 713 5 882622505 +697 742 3 882622044 +697 748 5 882621569 +697 751 5 882622481 +697 754 3 882621431 +697 763 4 882622208 +697 815 3 882622430 +697 818 4 882622228 +697 820 3 882622373 +697 833 3 882622228 +697 876 3 882621595 +697 879 4 882621486 +697 881 2 882621523 +697 886 5 882622481 +697 895 2 882621548 +697 928 3 882622044 +697 975 1 882622044 +697 979 5 882622044 +697 986 1 882622680 +697 989 2 882621813 +697 1012 1 882622824 +697 1022 1 882621523 +697 1025 2 882621523 +697 1047 3 882622228 +697 1059 2 882622208 +697 1067 5 882622170 +697 1089 3 882621958 +697 1160 1 882622824 +697 1245 1 882622526 +698 1 4 886366815 +698 9 3 886367956 +698 10 4 886366652 +698 22 1 886368545 +698 25 2 886367917 +698 28 2 886366916 +698 50 5 886366101 +698 66 3 886367100 +698 83 5 886366731 +698 86 2 886367508 +698 89 4 886366454 +698 95 3 886367406 +698 96 4 886366515 +698 100 2 886367809 +698 121 2 886368545 +698 127 4 886366101 +698 131 4 886366955 +698 132 4 886367066 +698 133 2 886367586 +698 134 3 886366558 +698 135 3 886366483 +698 143 3 886367530 +698 144 2 886367586 +698 153 2 886367586 +698 168 3 886366731 +698 172 5 886367100 +698 173 5 886366652 +698 174 3 886367337 +698 175 3 886367406 +698 176 4 886366814 +698 177 1 886367366 +698 181 3 886366141 +698 183 3 886366916 +698 187 2 886366916 +698 190 5 886366515 +698 191 2 886367406 +698 194 4 886366454 +698 195 4 886366483 +698 198 2 886367442 +698 199 2 886367065 +698 202 3 886367775 +698 204 2 886366770 +698 205 4 886367013 +698 210 5 886366690 +698 211 2 886367066 +698 214 1 886367874 +698 220 3 886367874 +698 222 4 886366611 +698 228 3 886367442 +698 230 3 886367337 +698 255 3 886366213 +698 257 3 886366141 +698 258 3 886365527 +698 275 4 886366558 +698 283 2 886367849 +698 284 1 886368545 +698 294 4 886365733 +698 300 4 886365577 +698 307 4 886365629 +698 330 4 886365606 +698 357 4 886366454 +698 385 4 886367366 +698 404 1 886368545 +698 419 3 886367474 +698 421 2 886367366 +698 423 2 886366731 +698 427 1 886367013 +698 428 1 886367955 +698 431 1 886367750 +698 433 4 886366848 +698 434 4 886366515 +698 435 3 886366980 +698 465 3 886367720 +698 478 4 886366814 +698 479 2 886368545 +698 480 2 886367100 +698 481 3 886367473 +698 482 2 886367406 +698 483 3 886367133 +698 485 4 886367473 +698 486 4 886366815 +698 487 2 886367508 +698 489 3 886367849 +698 490 3 886366814 +698 491 2 886367644 +698 496 3 886366690 +698 497 3 886367473 +698 498 4 886366515 +698 499 3 886366515 +698 505 2 886367750 +698 507 4 886366611 +698 511 2 886367693 +698 512 4 886367644 +698 513 2 886366558 +698 515 4 886366190 +698 516 2 886367809 +698 525 1 886367615 +698 526 2 886366611 +698 529 5 886366731 +698 568 2 886367955 +698 588 4 886367558 +698 603 4 886366770 +698 606 2 886366770 +698 607 2 886368545 +698 613 5 886366770 +698 625 3 886366731 +698 640 2 886367849 +698 648 4 886367100 +698 654 1 886367586 +698 656 1 886367133 +698 659 3 886367013 +698 662 2 886367406 +698 663 1 886366955 +698 705 4 886366611 +698 707 2 886366814 +698 709 4 886367065 +698 751 3 886365557 +698 855 2 886367615 +698 945 2 886367100 +698 968 1 886368545 +698 988 1 886365802 +698 1020 2 886367558 +698 1021 1 886367615 +698 1063 2 886367406 +698 1115 2 886367955 +698 1149 3 886367013 +698 1299 2 886367775 +699 1 3 878882272 +699 3 3 879147917 +699 7 2 878882272 +699 9 2 878882133 +699 10 4 883884599 +699 13 4 879146941 +699 14 3 878881952 +699 15 1 878882511 +699 16 3 879148259 +699 19 4 878882667 +699 20 4 879147239 +699 21 3 884152916 +699 23 4 878883113 +699 24 3 879147239 +699 50 3 878881875 +699 70 4 878883038 +699 95 3 878883173 +699 98 4 878883038 +699 100 4 878882667 +699 106 3 886568066 +699 109 3 879147109 +699 111 3 878881875 +699 112 3 884152976 +699 116 4 887503290 +699 117 4 879148051 +699 118 4 879148051 +699 121 3 878882366 +699 124 4 878882667 +699 127 3 878881828 +699 129 4 878882667 +699 137 4 878882667 +699 147 2 883279472 +699 151 3 878882002 +699 181 3 878882082 +699 185 4 878883038 +699 191 3 878883173 +699 202 3 878883112 +699 206 3 878883173 +699 211 1 878883113 +699 220 2 885775430 +699 221 4 878882667 +699 222 3 883884642 +699 224 3 878883249 +699 225 3 878882133 +699 234 3 878883172 +699 235 3 878882272 +699 243 2 879147597 +699 244 3 878882319 +699 246 4 883278783 +699 250 4 879148050 +699 252 4 879148050 +699 258 5 883278844 +699 268 4 884152267 +699 269 4 893140697 +699 270 4 893140745 +699 271 3 880695324 +699 273 3 878882563 +699 275 3 879148201 +699 276 3 885775479 +699 277 3 878882319 +699 283 4 879147032 +699 285 4 879148050 +699 286 3 880695246 +699 288 3 878881675 +699 291 3 892709098 +699 294 3 878881676 +699 298 4 883278699 +699 300 3 893140897 +699 304 4 880695431 +699 307 3 893140697 +699 308 4 879382955 +699 309 3 882000505 +699 319 3 883279146 +699 321 3 879383009 +699 322 3 879382698 +699 323 4 879147366 +699 324 4 879147497 +699 325 5 879148050 +699 328 2 885775345 +699 333 3 893140662 +699 340 4 893140639 +699 370 3 879148129 +699 405 3 878882608 +699 413 3 884152706 +699 455 3 878882178 +699 456 1 880696679 +699 458 4 879148051 +699 471 3 879147597 +699 473 3 880696344 +699 475 4 878882667 +699 477 3 878882411 +699 479 3 878883038 +699 482 2 878883038 +699 495 3 878883113 +699 523 2 878883038 +699 532 3 878882410 +699 544 4 879147109 +699 546 3 879147769 +699 591 2 880696196 +699 596 3 884152780 +699 597 3 884152570 +699 619 2 887503290 +699 678 3 879147032 +699 683 3 880695597 +699 685 3 879147367 +699 717 1 878882511 +699 748 2 879382698 +699 749 3 893140897 +699 760 3 879147239 +699 762 3 878882455 +699 764 3 886568162 +699 820 2 880696597 +699 825 3 879147917 +699 828 3 884152917 +699 831 2 884152570 +699 870 3 879147814 +699 878 3 879382955 +699 880 3 893140941 +699 886 3 893140639 +699 929 3 879147366 +699 930 2 880696344 +699 933 3 878882226 +699 977 2 879147550 +699 978 4 886568066 +699 983 3 886568097 +699 985 3 879147814 +699 989 4 883279196 +699 991 3 879382830 +699 1009 4 878882668 +699 1010 3 878882563 +699 1011 4 880696196 +699 1013 3 879147722 +699 1028 2 880696678 +699 1033 4 884152917 +699 1057 3 880696553 +699 1060 3 879147367 +699 1061 3 879147169 +699 1068 3 879146547 +699 1093 3 880696051 +699 1129 3 878882319 +699 1143 3 879146941 +699 1163 5 879148050 +699 1187 4 879148051 +699 1284 3 879147239 +699 1328 4 879148051 +699 1336 3 884152976 +699 1375 3 878882836 +699 1615 3 883884998 +699 1643 3 879147169 +700 28 3 884493712 +700 48 4 884494215 +700 50 5 884493899 +700 56 3 884493899 +700 73 3 884494380 +700 79 3 884494420 +700 96 4 884494310 +700 98 3 884494215 +700 144 4 884494252 +700 168 3 884494420 +700 169 3 884493862 +700 173 5 884493713 +700 174 4 884493862 +700 180 3 884494278 +700 181 5 884493523 +700 202 3 884493899 +700 222 3 884493899 +700 318 4 884494420 +700 423 4 884493943 +700 531 4 884494380 +700 651 4 884493712 +701 1 4 891447139 +701 19 5 891447164 +701 50 5 891447197 +701 100 5 891447139 +701 124 5 891447164 +701 127 4 891447139 +701 237 5 891447198 +701 255 3 891447164 +701 257 4 891447197 +701 269 5 891446488 +701 272 5 891446559 +701 275 5 891447228 +701 285 5 891447139 +701 286 4 891446488 +701 289 4 891446857 +701 292 4 891446754 +701 297 4 891447197 +701 300 3 891446520 +701 303 4 891446618 +701 304 4 891446679 +701 311 5 891446679 +701 312 3 891446730 +701 313 4 891446521 +701 315 5 891446559 +701 316 5 891446857 +701 326 4 891446707 +701 328 4 891446707 +701 333 3 891446788 +701 344 3 891446788 +701 689 3 891446822 +701 690 4 891446520 +701 750 5 891446588 +701 751 4 891446788 +702 222 5 885767775 +702 227 4 885767775 +702 228 5 885767774 +702 229 4 885767775 +702 230 4 885767774 +702 258 5 885767306 +702 259 3 885767604 +702 271 1 885767534 +702 288 1 885767306 +702 289 2 885767604 +702 294 1 885767555 +702 300 3 885767461 +702 307 2 885767336 +702 313 5 885767336 +702 343 2 885767629 +702 346 1 885767306 +702 350 1 885767336 +702 352 1 885767435 +702 380 4 885767774 +702 449 3 885767775 +702 450 1 885767775 +702 538 4 885767461 +702 683 1 885767576 +702 687 1 885767629 +702 688 1 885767629 +702 690 1 885767392 +702 748 2 885767556 +702 751 4 885767576 +702 879 1 885767604 +702 895 1 885767534 +702 1127 2 885767414 +703 1 4 875242851 +703 7 4 875242599 +703 9 2 875242814 +703 15 5 875242814 +703 25 3 875242683 +703 50 5 875242813 +703 100 4 875242663 +703 117 4 875242814 +703 118 5 875242852 +703 121 5 875243049 +703 123 4 875242787 +703 127 5 875242663 +703 147 3 875243049 +703 181 5 875242762 +703 222 4 875242704 +703 235 1 875242885 +703 237 5 875242787 +703 257 5 875242990 +703 258 4 875242076 +703 259 1 875242336 +703 275 4 875242663 +703 276 3 875242964 +703 288 4 875242076 +703 293 4 875242990 +703 294 2 875242281 +703 300 4 875242077 +703 322 3 875242336 +703 323 2 875242281 +703 328 3 875242303 +703 410 4 875243028 +703 458 3 875242935 +703 471 4 875242885 +703 508 3 875243028 +703 591 4 875243049 +703 596 3 875242912 +703 628 4 875242762 +703 742 3 875242852 +703 748 3 875242281 +703 764 2 875242885 +703 819 2 875242912 +703 845 4 875243028 +703 864 2 875242912 +703 926 4 875242885 +703 993 4 875242787 +703 1012 4 875242852 +703 1047 3 875243028 +703 1197 3 875242762 +704 14 3 891397190 +704 22 2 891397441 +704 50 5 891397262 +704 58 3 891397366 +704 69 3 891397441 +704 89 5 891397305 +704 98 5 891397305 +704 100 4 891397491 +704 131 5 891398726 +704 134 5 891397441 +704 135 5 891397305 +704 136 4 891397819 +704 152 2 891397819 +704 154 3 891398702 +704 156 3 891397819 +704 170 3 891397086 +704 172 2 891397058 +704 173 4 891397058 +704 175 3 891397712 +704 178 5 891397535 +704 180 4 891397491 +704 185 4 891398702 +704 187 4 891397143 +704 191 3 891397262 +704 193 5 891397305 +704 197 5 891397948 +704 205 5 891397819 +704 208 3 891397262 +704 209 3 891397667 +704 210 4 891397112 +704 211 5 891398726 +704 214 2 891398702 +704 222 3 891397058 +704 259 2 891396904 +704 269 4 891397015 +704 272 5 891397015 +704 286 5 891397015 +704 289 3 891396881 +704 300 2 891396674 +704 302 4 891397015 +704 304 2 891396595 +704 316 4 891397015 +704 318 5 891397491 +704 322 2 891396881 +704 340 3 891396636 +704 344 4 891397015 +704 347 4 891397015 +704 354 4 891397015 +704 381 3 891397713 +704 382 4 891397571 +704 429 4 891397366 +704 432 5 891397535 +704 435 4 891397058 +704 461 3 891397712 +704 480 5 891397086 +704 481 5 891397667 +704 486 4 891397764 +704 488 5 891397570 +704 491 5 891397535 +704 492 5 891397491 +704 493 4 891397190 +704 494 5 891397948 +704 496 5 891397712 +704 497 3 891397764 +704 506 4 891397712 +704 514 4 891397112 +704 519 3 891397262 +704 523 5 891397667 +704 528 3 891397491 +704 603 5 891397262 +704 604 5 891397366 +704 606 2 891397441 +704 607 4 891397535 +704 611 3 891397764 +704 631 3 891397366 +704 632 3 891397441 +704 633 5 891397819 +704 639 2 891397667 +704 648 5 891397667 +704 654 5 891397667 +704 655 3 891397190 +704 657 4 891397667 +704 661 4 891397667 +704 662 3 891397819 +704 679 2 891398726 +704 735 4 891397305 +704 889 3 891397015 +704 1296 4 891397015 +704 1299 3 891398702 +704 1454 3 891397441 +705 1 5 883427101 +705 2 3 883428058 +705 8 3 883427904 +705 15 3 883427297 +705 22 5 883427988 +705 28 4 883427640 +705 29 5 883428237 +705 38 5 883428258 +705 50 4 883427012 +705 58 2 883518834 +705 62 5 883428178 +705 64 5 883518709 +705 69 3 883518834 +705 71 5 883427640 +705 79 5 883428028 +705 82 5 883427663 +705 83 4 883518834 +705 89 2 883428083 +705 94 4 883427857 +705 95 4 883427640 +705 96 5 883428028 +705 97 3 883518765 +705 99 3 883427691 +705 111 4 883427012 +705 117 5 883426944 +705 118 4 883427377 +705 121 5 883427479 +705 142 2 883427932 +705 143 3 883427663 +705 144 3 883427988 +705 148 5 883427134 +705 151 3 883427134 +705 161 5 883428028 +705 172 3 883427663 +705 173 2 883427640 +705 174 5 883427640 +705 181 5 883426892 +705 183 2 883427988 +705 191 1 883518871 +705 193 3 883518903 +705 195 2 883428083 +705 196 4 883518903 +705 210 5 883427988 +705 215 2 883518871 +705 222 5 883427318 +705 225 4 883427594 +705 226 3 883428028 +705 227 4 883428178 +705 228 3 883428109 +705 229 3 883428154 +705 230 4 883428083 +705 231 3 883428201 +705 233 3 883428154 +705 241 4 883428128 +705 252 1 883427552 +705 255 5 883427152 +705 257 4 883426944 +705 265 5 883428154 +705 275 5 883427048 +705 282 5 883427216 +705 283 5 883427048 +705 284 3 883427190 +705 286 3 883426747 +705 298 5 883426892 +705 300 5 883426780 +705 318 5 883518731 +705 363 2 883427530 +705 373 3 883428237 +705 377 4 883427857 +705 385 4 883428084 +705 393 4 883427716 +705 399 5 883427778 +705 400 4 883427817 +705 403 4 883428154 +705 405 4 883427479 +705 416 3 883427716 +705 419 3 883427663 +705 423 2 883427904 +705 427 2 883518783 +705 471 5 883427339 +705 526 3 883428028 +705 546 3 883427377 +705 550 2 883428058 +705 554 2 883428201 +705 560 2 883427951 +705 566 4 883428058 +705 568 5 883428058 +705 576 4 883428128 +705 578 3 883428276 +705 588 3 883427640 +705 597 4 883427339 +705 622 4 883427778 +705 623 5 883427778 +705 625 5 883427691 +705 627 3 883427932 +705 655 3 883518852 +705 684 3 883428084 +705 685 5 883427190 +705 699 5 883427640 +705 720 5 883428178 +705 755 5 883427691 +705 797 4 883428258 +705 815 3 883427297 +705 820 3 883427817 +705 826 4 883428238 +705 827 4 883427297 +705 843 2 883427796 +705 849 3 883428201 +705 862 1 883427875 +705 932 5 883427339 +705 1035 4 883427737 +705 1043 5 883427857 +705 1228 2 883428258 +705 1544 4 883427691 +706 1 4 880997324 +706 7 3 880997412 +706 9 3 880997105 +706 24 3 880997172 +706 25 4 880997385 +706 50 5 880997142 +706 100 1 880997211 +706 117 4 880997195 +706 118 3 880997464 +706 125 5 880997172 +706 148 4 880997464 +706 181 4 880997105 +706 237 4 880997482 +706 245 3 880996945 +706 258 4 880997001 +706 273 3 880997142 +706 288 3 880996945 +706 294 4 880996945 +706 323 4 880996945 +706 325 1 880996945 +706 331 5 880996945 +706 333 1 880996945 +706 410 4 880997444 +706 471 4 880997172 +706 628 4 880997412 +706 682 2 880996945 +706 687 1 880996945 +706 742 2 880997324 +706 756 4 880997412 +707 4 3 886286170 +707 6 3 886285627 +707 8 5 886285762 +707 9 5 880059647 +707 10 5 880059687 +707 12 3 886286004 +707 13 4 880059957 +707 14 3 880060118 +707 15 4 880059876 +707 26 3 886286954 +707 45 4 886286926 +707 52 3 886287268 +707 57 4 886287310 +707 58 3 886285907 +707 64 3 886286170 +707 65 4 886286004 +707 70 3 886287376 +707 81 2 886286491 +707 83 3 886286926 +707 86 4 886286283 +707 88 3 886287331 +707 93 5 880059995 +707 97 4 886285876 +707 100 5 880059810 +707 106 3 886288189 +707 111 4 880060420 +707 116 5 880059974 +707 124 4 880059876 +707 133 2 886287268 +707 134 4 886286004 +707 135 2 886286032 +707 137 5 880059876 +707 140 2 886287191 +707 151 4 880059810 +707 153 3 886286844 +707 154 3 886286742 +707 155 3 886288598 +707 160 5 886286193 +707 162 5 886285968 +707 163 2 886285939 +707 165 3 886285939 +707 166 3 880061579 +707 167 2 886288133 +707 168 3 886286170 +707 170 5 886285824 +707 172 2 886286134 +707 173 2 886286380 +707 174 2 886286133 +707 185 3 886286032 +707 186 3 886286133 +707 190 5 886286283 +707 191 5 880061699 +707 194 4 886286246 +707 197 4 886287130 +707 199 2 886285824 +707 200 2 886286491 +707 208 5 886285939 +707 211 3 886287051 +707 212 4 886286792 +707 216 3 886286092 +707 220 2 880060549 +707 221 4 880059749 +707 224 4 880059876 +707 238 4 886286764 +707 242 4 879439088 +707 248 4 886285498 +707 251 5 880059647 +707 256 4 880061024 +707 269 4 882200810 +707 275 4 880059687 +707 279 3 886285627 +707 283 4 880059957 +707 285 5 880059749 +707 286 5 879438988 +707 287 4 880059774 +707 293 4 880059810 +707 294 2 879438988 +707 297 3 880060261 +707 302 4 886285168 +707 303 3 879438988 +707 305 5 879439188 +707 309 2 880684605 +707 310 4 882200872 +707 311 4 879439624 +707 313 2 886288754 +707 317 3 886286433 +707 318 5 880061699 +707 319 5 879439088 +707 345 5 886285168 +707 347 5 886285277 +707 367 4 886291531 +707 371 3 886287497 +707 378 3 886287628 +707 381 3 886286457 +707 382 3 886287191 +707 387 4 886287733 +707 419 3 886285968 +707 420 3 886287160 +707 425 5 886287268 +707 427 4 886285907 +707 443 3 886287191 +707 449 2 886288688 +707 458 3 880060724 +707 462 4 886286133 +707 467 4 886286057 +707 473 4 880060820 +707 476 3 880061111 +707 478 4 886285762 +707 479 3 886286092 +707 480 3 886286360 +707 482 3 886286032 +707 483 5 886286004 +707 485 4 886287079 +707 486 3 886287662 +707 487 2 886286360 +707 488 4 886286491 +707 490 2 886285792 +707 492 2 886286818 +707 496 3 886286433 +707 498 3 886286133 +707 499 4 886287450 +707 504 1 886286246 +707 505 4 886286311 +707 506 2 886286742 +707 507 5 886286819 +707 517 3 886287079 +707 525 3 886286999 +707 526 1 886287405 +707 527 5 880061699 +707 529 4 886287376 +707 531 5 886286214 +707 533 5 880060420 +707 536 3 880059921 +707 582 5 886286433 +707 602 4 886287290 +707 603 3 886286926 +707 606 4 886285762 +707 614 2 886287876 +707 618 3 886288282 +707 630 3 886287608 +707 631 4 886286844 +707 632 4 886287426 +707 638 4 886286361 +707 640 2 886287471 +707 641 1 886285907 +707 647 5 880061652 +707 648 4 886285824 +707 654 4 880061578 +707 660 5 886287107 +707 663 4 886286979 +707 676 4 880060180 +707 692 4 886286092 +707 694 4 886286246 +707 696 4 880061405 +707 702 3 886286193 +707 703 4 886287236 +707 705 4 886285851 +707 707 5 886286133 +707 708 3 886286170 +707 712 3 886288624 +707 715 3 886286954 +707 716 2 886287051 +707 718 5 880059876 +707 719 3 886288189 +707 723 3 886286954 +707 730 3 886286742 +707 732 4 886287160 +707 735 4 886286792 +707 736 4 886286311 +707 739 2 886287919 +707 744 3 880060261 +707 747 3 886287900 +707 766 3 886287051 +707 770 3 886287405 +707 778 3 886287160 +707 782 3 886288263 +707 792 4 886287107 +707 799 4 886287876 +707 811 4 886287531 +707 815 2 880060609 +707 847 5 880060066 +707 863 4 886286662 +707 864 4 880060262 +707 865 5 886286360 +707 866 2 880060974 +707 869 1 886289521 +707 880 2 887860711 +707 882 4 879439382 +707 900 4 890008041 +707 902 5 890008121 +707 903 3 886285216 +707 921 4 886286361 +707 923 5 886286092 +707 936 4 880059836 +707 949 3 886287191 +707 950 2 880061287 +707 952 3 880060724 +707 953 4 886288015 +707 956 5 886287107 +707 962 2 886285792 +707 995 4 879439418 +707 1007 4 880060180 +707 1008 3 880060460 +707 1018 3 886288455 +707 1021 3 886287079 +707 1022 3 879439088 +707 1024 5 890008041 +707 1061 3 880060118 +707 1068 4 880061405 +707 1101 4 880061652 +707 1107 3 886288239 +707 1109 5 886286283 +707 1113 2 886287990 +707 1120 4 880060974 +707 1141 3 886285791 +707 1142 1 880059921 +707 1163 4 880060724 +707 1168 3 886287990 +707 1171 3 880059687 +707 1174 5 880059749 +707 1176 2 879438910 +707 1204 3 886286283 +707 1211 4 886287268 +707 1251 4 880059647 +707 1255 3 880061252 +707 1257 2 880061190 +707 1281 4 880060820 +707 1311 3 886287608 +707 1381 3 880061346 +707 1397 1 886289521 +707 1401 3 886286663 +707 1479 5 886287854 +707 1530 3 886288356 +707 1545 2 886288189 +707 1628 5 886287353 +707 1642 5 886286491 +708 1 5 877325375 +708 9 1 877325135 +708 15 3 877325404 +708 21 1 877325316 +708 25 3 877325838 +708 50 5 877325186 +708 111 4 877325570 +708 112 1 877325934 +708 117 4 877325236 +708 118 5 877325545 +708 121 3 877325349 +708 125 4 877325601 +708 126 4 892719340 +708 127 3 877325213 +708 147 4 892719246 +708 148 4 892719246 +708 149 3 892719246 +708 150 4 892719246 +708 151 4 892719211 +708 181 5 877325279 +708 222 5 892719172 +708 225 2 892719172 +708 237 5 892719144 +708 255 5 877325601 +708 258 5 892719007 +708 268 3 892718876 +708 269 3 892718875 +708 271 1 892718796 +708 274 4 877326086 +708 276 2 877325905 +708 278 4 877325956 +708 280 4 877325316 +708 281 4 877326014 +708 283 1 892719363 +708 284 5 892719340 +708 289 4 892719062 +708 294 3 892719033 +708 299 1 892718964 +708 300 4 892718939 +708 304 4 892718876 +708 313 5 892718687 +708 319 5 892719062 +708 322 3 892719062 +708 326 4 892719007 +708 328 3 892718964 +708 336 2 892718846 +708 347 3 892718637 +708 352 1 892718596 +708 358 2 892719007 +708 362 1 892718575 +708 405 4 877325881 +708 412 1 877326159 +708 457 4 892718965 +708 471 4 877325455 +708 473 1 877325656 +708 476 3 892719385 +708 508 4 892719193 +708 535 2 877325838 +708 538 2 892718762 +708 546 3 877325601 +708 596 4 877326158 +708 597 2 877326345 +708 628 3 892719246 +708 676 3 892719172 +708 678 2 892719007 +708 685 3 877326158 +708 687 2 892719062 +708 690 4 892718919 +708 713 4 877325316 +708 740 5 877325687 +708 742 1 892719385 +708 748 4 892719033 +708 751 4 892718687 +708 756 2 877326062 +708 762 5 877325838 +708 763 4 877326158 +708 764 4 877325934 +708 819 3 877325349 +708 845 5 892719269 +708 846 2 892719269 +708 847 3 892719246 +708 864 3 892719172 +708 866 5 892719143 +708 871 1 892719101 +708 873 5 892718965 +708 880 3 892718919 +708 887 2 892718820 +708 926 3 877325523 +708 930 3 892719363 +708 934 4 892719172 +708 938 3 892718896 +708 981 3 892719304 +708 993 4 877325349 +708 1023 3 877326114 +708 1028 2 877326217 +708 1040 2 877326037 +708 1047 2 877325726 +708 1049 2 877326086 +708 1051 4 892719193 +708 1054 3 877326158 +708 1061 3 892719143 +708 1079 1 892719385 +708 1117 4 892719269 +708 1152 5 892719143 +708 1280 1 892718819 +709 1 4 879847730 +709 2 4 879848511 +709 4 3 879848551 +709 5 4 879848167 +709 7 3 879846440 +709 11 5 879847945 +709 17 4 879848120 +709 22 5 879847946 +709 27 3 879848590 +709 28 5 879847946 +709 29 3 879848695 +709 38 3 879848744 +709 50 5 879846489 +709 53 3 879848272 +709 56 5 879848053 +709 62 3 879848590 +709 64 5 879846293 +709 65 2 879846868 +709 68 5 879848551 +709 69 5 879846332 +709 79 3 879846440 +709 82 4 879848645 +709 89 3 879848397 +709 92 4 879848397 +709 96 5 879848397 +709 97 5 879846784 +709 98 4 879846648 +709 117 4 879846623 +709 118 5 879848824 +709 121 4 879848475 +709 125 4 879847730 +709 127 5 879847945 +709 129 2 879846332 +709 144 3 879846622 +709 145 3 879848319 +709 155 2 879849185 +709 161 5 879848511 +709 164 3 879848120 +709 172 5 879848397 +709 173 4 879846169 +709 174 5 879848396 +709 176 4 879848432 +709 181 4 879846375 +709 182 4 879846741 +709 183 5 879846590 +709 187 5 879847945 +709 192 4 879846705 +709 195 5 879848432 +709 200 4 879848053 +709 203 4 879849372 +709 209 3 879846332 +709 210 4 879848432 +709 214 1 879846922 +709 215 3 879846259 +709 217 5 879848168 +709 218 4 879848168 +709 219 4 879848120 +709 226 3 879848551 +709 227 2 879848551 +709 228 3 879848397 +709 229 2 879848645 +709 230 2 879848551 +709 231 3 879848646 +709 232 5 879848590 +709 233 3 879848511 +709 234 5 879847945 +709 250 4 879847626 +709 265 4 879846489 +709 273 4 879847686 +709 282 5 879847945 +709 288 5 879847945 +709 293 4 879847879 +709 294 3 879847304 +709 295 3 879847731 +709 318 5 879846210 +709 363 3 879848695 +709 379 3 879848209 +709 385 4 879848397 +709 402 3 879849185 +709 403 3 879848590 +709 405 3 879848590 +709 413 2 879848209 +709 423 3 879846741 +709 427 4 879846489 +709 431 5 879848511 +709 441 4 879848239 +709 447 2 879848167 +709 451 1 879848969 +709 452 3 879848318 +709 470 3 879847026 +709 472 4 879848792 +709 508 4 879846590 +709 515 4 879846816 +709 540 3 879848744 +709 541 3 879848695 +709 546 4 879848475 +709 550 3 879848475 +709 554 4 879848744 +709 559 3 879848209 +709 561 3 879848209 +709 564 1 879848318 +709 567 2 879848272 +709 568 4 879848396 +709 569 3 879848209 +709 576 4 879848695 +709 578 4 879848645 +709 597 4 879848824 +709 628 3 879847000 +709 633 3 879846561 +709 636 3 879848645 +709 637 3 879848168 +709 651 4 879846705 +709 665 3 879848272 +709 672 2 879848239 +709 693 4 879847082 +709 697 5 879847946 +709 727 2 879849049 +709 728 4 879849185 +709 738 1 879849330 +709 739 3 879849049 +709 747 2 879848925 +709 762 3 879848925 +709 769 3 879848239 +709 781 3 879849185 +709 808 4 879848645 +709 816 2 879848318 +709 823 3 879849573 +709 825 2 879848744 +709 833 4 879848792 +709 841 4 879848824 +709 849 4 879848590 +709 859 3 879848318 +709 860 3 879848318 +709 939 4 879847082 +709 959 4 879846169 +709 1059 5 879847945 +709 1188 4 879848695 +709 1218 4 879846623 +710 1 4 882064377 +710 12 4 882063648 +710 22 3 882063852 +710 23 5 882064200 +710 50 4 882063766 +710 56 5 882064021 +710 64 4 882063766 +710 79 4 882064283 +710 89 4 882063736 +710 92 3 883705436 +710 95 3 882064434 +710 99 4 882064434 +710 100 4 882063920 +710 116 4 882063852 +710 127 5 882064096 +710 134 5 882063648 +710 135 5 882064041 +710 142 3 882064377 +710 156 4 882064524 +710 172 4 882064283 +710 173 3 882063685 +710 174 4 882064283 +710 179 4 882063766 +710 180 4 882063736 +710 181 3 882064160 +710 182 4 882063967 +710 185 4 882064321 +710 187 5 882064096 +710 192 5 882063921 +710 197 4 882064200 +710 198 4 883705435 +710 200 4 882063793 +710 202 3 882063793 +710 204 4 882063824 +710 210 4 882064283 +710 223 4 882063766 +710 234 4 882064321 +710 258 2 882063224 +710 264 2 882063564 +710 265 4 883705484 +710 268 4 882063276 +710 269 3 882063224 +710 271 3 882063367 +710 277 4 882063967 +710 282 2 882063921 +710 286 4 882063223 +710 294 3 882063224 +710 299 3 882063612 +710 300 3 882063407 +710 301 3 882063407 +710 302 4 882063224 +710 303 4 882063224 +710 310 3 882063224 +710 313 4 882860832 +710 318 4 882063710 +710 327 3 882063407 +710 330 3 882063612 +710 333 3 882063367 +710 334 2 882063327 +710 335 1 882063564 +710 340 4 882063367 +710 343 3 882063327 +710 346 4 883705502 +710 357 4 882063649 +710 418 3 882063685 +710 419 4 882063766 +710 420 4 882064434 +710 432 5 882064434 +710 479 5 882064120 +710 483 5 882063685 +710 496 4 882063793 +710 501 3 882064435 +710 504 4 882063649 +710 510 4 882064283 +710 603 4 882063921 +710 627 4 882064377 +710 654 4 882064524 +710 656 5 882064321 +710 720 3 882063649 +710 751 3 882860806 +710 874 3 882063254 +710 886 3 882063528 +710 887 2 882063612 +710 1019 4 882064555 +710 1039 4 882063736 +710 1101 4 883705436 +711 8 5 879993707 +711 10 5 876185943 +711 16 5 886031006 +711 22 4 879993073 +711 25 4 876185920 +711 40 4 879994875 +711 42 3 876278831 +711 48 4 879993053 +711 49 4 879994903 +711 50 4 876185648 +711 51 4 879994778 +711 52 5 879993534 +711 58 4 879993028 +711 64 4 876278860 +711 65 4 879992968 +711 66 4 879994801 +711 69 3 879993194 +711 70 5 879993824 +711 71 3 879994581 +711 77 3 879994749 +711 79 4 879992739 +711 82 3 879994632 +711 83 5 879993628 +711 86 5 886030557 +711 88 5 886030557 +711 89 5 879993997 +711 91 4 879994413 +711 94 2 879995728 +711 95 4 879993758 +711 97 4 879993605 +711 98 5 879992994 +711 99 3 879993534 +711 111 2 876185574 +711 114 5 879992870 +711 116 5 888458447 +711 120 2 879992038 +711 121 1 876185726 +711 132 5 879993150 +711 133 5 879992739 +711 134 5 876278804 +711 135 4 879992445 +711 137 5 886030557 +711 143 5 879993236 +711 144 2 879993871 +711 151 4 876185920 +711 154 4 879992739 +711 155 4 879995382 +711 157 3 879994608 +711 161 4 879994495 +711 162 5 879994875 +711 167 2 879995146 +711 168 4 879993318 +711 169 5 879992929 +711 170 5 876279059 +711 172 5 879992445 +711 173 3 879993890 +711 180 4 876279059 +711 181 4 876185574 +711 185 4 876278721 +711 186 3 879993237 +711 189 5 886030557 +711 191 5 879993959 +711 193 4 879993092 +711 196 5 879993918 +711 197 4 879993110 +711 200 4 879993918 +711 202 4 879993194 +711 203 4 879994433 +711 204 3 879992994 +711 213 5 879994390 +711 214 4 879993871 +711 215 3 879994555 +711 216 4 879993149 +711 217 4 879994454 +711 218 4 879994852 +711 219 2 879995792 +711 222 3 876185896 +711 228 3 879993997 +711 229 3 879995461 +711 230 3 879995053 +711 232 3 879993799 +711 238 4 879993126 +711 240 1 879991425 +711 241 4 879994536 +711 248 5 886030732 +711 250 2 876185855 +711 254 2 879992038 +711 255 4 886030579 +711 257 3 876185726 +711 258 4 876185488 +711 265 2 879994536 +711 269 5 879991028 +711 272 5 884485798 +711 275 5 876185855 +711 277 5 879991476 +711 281 3 879995362 +711 283 4 876185788 +711 286 4 876185488 +711 288 1 879991364 +711 301 4 889910848 +711 306 5 879991049 +711 312 5 883589763 +711 313 4 889910848 +711 315 4 886030353 +711 316 4 889911048 +711 317 4 879993173 +711 318 5 879992968 +711 340 5 886030557 +711 343 3 882457816 +711 345 4 884485683 +711 354 3 889910865 +711 365 3 879995850 +711 378 4 879995099 +711 380 3 879993959 +711 381 5 879994749 +711 387 4 879994777 +711 393 4 879994778 +711 401 3 879995405 +711 402 4 879993674 +711 403 4 879994513 +711 404 3 879993579 +711 408 5 886030557 +711 416 3 879995215 +711 417 4 879994749 +711 419 5 879994581 +711 420 5 879995302 +711 421 4 879993674 +711 423 3 879993534 +711 425 4 879993728 +711 427 5 886030557 +711 432 4 879992870 +711 433 4 879992994 +711 447 4 879994656 +711 451 5 879994749 +711 463 5 879993959 +711 472 1 879991585 +711 475 5 876185673 +711 476 4 876185832 +711 483 5 879992739 +711 485 4 879993278 +711 488 4 879992407 +711 496 5 879993073 +711 509 4 879993674 +711 542 1 879995754 +711 549 4 879994719 +711 559 3 879994020 +711 566 2 879995259 +711 568 3 879995238 +711 582 5 879993605 +711 588 4 879993173 +711 622 4 879993997 +711 651 4 879993707 +711 652 4 879993824 +711 655 4 879993605 +711 658 4 879994581 +711 660 5 879994825 +711 662 3 879993918 +711 676 5 876185812 +711 684 3 879993758 +711 692 3 879993150 +711 694 5 879993318 +711 699 5 879993728 +711 704 4 879993650 +711 707 5 879993579 +711 710 4 879994903 +711 713 3 879991283 +711 715 4 879994581 +711 716 5 879995215 +711 720 3 879995077 +711 723 5 879994852 +711 724 5 879995461 +711 727 4 879993629 +711 729 3 879994413 +711 731 4 879994656 +711 732 4 879994495 +711 735 5 886030557 +711 736 5 879993871 +711 739 3 879995215 +711 741 4 886030774 +711 744 4 876185896 +711 747 4 879993871 +711 755 3 879994581 +711 762 3 879991585 +711 763 1 876185767 +711 778 4 884485635 +711 829 2 879992018 +711 845 4 879991247 +711 905 3 886559521 +711 909 4 889911007 +711 921 5 879993318 +711 923 5 879993629 +711 941 3 879994608 +711 949 4 879994719 +711 955 1 879992739 +711 958 5 876278721 +711 959 5 879995322 +711 961 5 886030557 +711 966 5 879994390 +711 969 5 886030557 +711 995 4 879991134 +711 1014 4 886030873 +711 1024 5 883589512 +711 1046 3 879994367 +711 1053 4 879995099 +711 1074 3 879995754 +711 1115 4 876185812 +711 1117 4 883589726 +711 1118 4 879994633 +711 1119 4 879994632 +711 1152 1 879991762 +711 1160 5 884485704 +711 1163 4 879991347 +711 1168 4 879995753 +711 1170 3 879993842 +711 1190 3 886030579 +711 1221 4 879994777 +711 1285 3 879995238 +711 1289 2 879991458 +711 1446 2 879994608 +711 1466 4 883589693 +711 1518 3 879993997 +712 4 4 874730179 +712 26 2 874957053 +712 38 4 874730553 +712 40 5 874956956 +712 42 1 874729935 +712 49 3 874956872 +712 50 4 874729750 +712 51 3 874957293 +712 59 2 874730420 +712 60 1 874730520 +712 61 3 874730031 +712 63 4 874956903 +712 66 5 874729816 +712 67 3 874957086 +712 69 3 874730085 +712 71 5 874730261 +712 72 4 874730261 +712 73 5 874730293 +712 78 4 874957207 +712 79 4 874729850 +712 82 5 874730031 +712 83 4 874730396 +712 88 4 874730155 +712 90 3 874957027 +712 94 4 874957005 +712 95 4 874730552 +712 96 5 874729850 +712 97 5 874729816 +712 99 4 874729995 +712 102 4 874956543 +712 110 5 874956956 +712 136 1 874730443 +712 140 4 874957140 +712 141 3 874730320 +712 142 4 876251366 +712 143 5 874957306 +712 168 2 874956357 +712 172 5 874729901 +712 173 5 874729901 +712 174 5 874729995 +712 177 2 874730155 +712 178 2 874956357 +712 181 5 874729901 +712 191 3 874730396 +712 195 3 874730085 +712 196 4 874730396 +712 202 4 874730031 +712 204 4 874956810 +712 210 5 874730293 +712 213 3 876251366 +712 215 3 874730031 +712 220 5 874729682 +712 228 3 874730261 +712 230 3 874730467 +712 232 3 874956903 +712 234 2 874729935 +712 238 3 874730206 +712 243 4 874956228 +712 294 4 876251330 +712 365 3 874730234 +712 366 5 874956713 +712 367 4 874956841 +712 376 3 874956903 +712 378 4 874730370 +712 385 5 874729778 +712 386 3 874956956 +712 388 3 874957053 +712 392 5 874729996 +712 393 3 874730320 +712 395 4 874957005 +712 398 4 874957179 +712 399 5 874956872 +712 400 3 874957179 +712 401 3 874957027 +712 402 4 874729935 +712 404 3 874730467 +712 415 4 874957161 +712 416 3 874957113 +712 417 4 874729750 +712 418 3 874730553 +712 419 3 874730234 +712 420 3 874957140 +712 421 4 874729935 +712 423 3 874729960 +712 431 3 874730552 +712 432 4 874730056 +712 433 3 874956903 +712 451 5 874956872 +712 462 3 874730085 +712 465 4 874957113 +712 486 4 874730521 +712 495 4 874730520 +712 498 3 874729935 +712 501 3 874957140 +712 506 3 874730520 +712 510 2 874729749 +712 542 4 874956543 +712 553 5 874729850 +712 560 3 874730261 +712 568 5 874730491 +712 575 3 874957053 +712 584 4 874730342 +712 585 4 874730234 +712 588 4 874956515 +712 622 4 874730293 +712 623 4 874729778 +712 625 3 874956516 +712 627 4 874956515 +712 652 3 876251407 +712 655 5 874730467 +712 660 4 874730234 +712 662 5 874730320 +712 692 5 874729995 +712 699 5 874956586 +712 716 5 874730370 +712 722 3 874957086 +712 724 3 874957268 +712 728 4 874956384 +712 729 5 874730491 +712 731 5 874729750 +712 732 5 874730370 +712 734 4 874957027 +712 738 4 874956841 +712 739 4 874729935 +712 746 4 874730085 +712 747 3 874730552 +712 755 4 874957113 +712 762 4 874956244 +712 768 5 874956560 +712 776 4 874730155 +712 781 4 874956841 +712 783 3 874956981 +712 785 5 874730206 +712 787 3 876251366 +712 790 4 874956931 +712 794 4 874957243 +712 796 4 874957268 +712 812 4 874729996 +712 842 3 874957160 +712 843 3 874957140 +712 941 5 874730491 +712 944 4 874956981 +712 946 4 874730521 +712 949 4 874730370 +712 955 2 874957293 +712 969 4 874729850 +712 996 4 874956903 +712 1036 5 874956981 +712 1037 4 874956981 +712 1040 4 874729682 +712 1043 3 874956788 +712 1053 4 874730490 +712 1055 4 874730155 +712 1074 3 874957086 +712 1091 3 874956543 +712 1119 4 874957269 +712 1178 4 874957086 +712 1220 5 874729996 +712 1221 4 874956641 +712 1469 4 874730206 +712 1480 4 874957161 +712 1503 4 874730235 +713 269 4 888882040 +713 270 2 888882179 +713 272 4 888881939 +713 286 3 888881939 +713 300 2 888881939 +713 302 4 888882040 +713 307 3 888882311 +713 310 4 888882133 +713 311 3 888882040 +713 313 3 888882179 +713 315 4 888881988 +713 327 2 888882085 +713 340 3 888882133 +713 342 3 888882179 +713 344 5 888882276 +713 345 3 888881939 +713 347 4 888882337 +713 362 1 888882040 +713 539 3 888882085 +713 689 3 888882225 +713 690 1 888882179 +713 750 3 888881939 +713 752 2 888882276 +713 882 3 888881988 +713 898 3 888882276 +713 1127 3 888882225 +713 1176 3 888882224 +713 1431 3 888881939 +713 1434 3 888882133 +713 1656 2 888882085 +714 1 3 892776123 +714 3 5 892777876 +714 7 4 892777903 +714 9 3 892775786 +714 15 3 892777197 +714 50 5 892777876 +714 100 1 892775786 +714 111 3 892777330 +714 117 5 892777876 +714 118 5 892777877 +714 121 4 892777903 +714 151 3 892777812 +714 181 5 892777876 +714 237 3 892776261 +714 250 5 892777876 +714 252 3 892777619 +714 255 2 892777140 +714 257 3 892776410 +714 258 4 892777903 +714 276 2 892777242 +714 281 3 892777651 +714 282 4 892777903 +714 284 3 892777438 +714 289 3 892778092 +714 291 3 892777117 +714 294 4 892777903 +714 300 5 892778035 +714 323 4 892777903 +714 369 3 892777581 +714 405 5 892777876 +714 410 3 892777767 +714 471 4 892777903 +714 472 2 892777730 +714 477 2 892777408 +714 597 3 892777533 +714 685 4 892777903 +714 748 5 892777877 +714 763 4 892777903 +714 871 3 892777903 +714 924 3 892777408 +714 1014 3 892777694 +714 1016 5 892777876 +714 1028 4 892777877 +714 1152 2 892777651 +715 1 5 875961843 +715 2 3 875964926 +715 4 4 875964300 +715 7 3 875962110 +715 11 4 875963306 +715 12 4 875963657 +715 17 3 875964105 +715 22 4 875963792 +715 24 3 875962374 +715 27 3 875964051 +715 28 5 875963242 +715 31 4 875963692 +715 33 3 875964751 +715 39 3 875964273 +715 40 1 875964681 +715 42 5 875963112 +715 50 5 875961998 +715 53 1 875963946 +715 56 5 875963387 +715 58 4 875964131 +715 64 5 875963242 +715 68 4 875963486 +715 69 4 875963692 +715 70 3 875964105 +715 71 3 875963354 +715 73 4 875964410 +715 79 5 875964579 +715 81 4 875963112 +715 82 4 875964025 +715 83 4 875963792 +715 85 3 875964300 +715 87 4 875963024 +715 88 3 875964633 +715 89 3 875963538 +715 90 5 875964386 +715 92 3 875963899 +715 95 4 875963621 +715 96 4 875963538 +715 97 3 875964330 +715 98 5 875963792 +715 100 2 875961816 +715 101 3 875964131 +715 106 2 875962140 +715 108 4 875962315 +715 111 3 875962173 +715 117 3 875961816 +715 118 2 875962395 +715 121 4 875962524 +715 122 4 875962718 +715 125 3 875962477 +715 128 3 875964300 +715 135 2 875964203 +715 143 3 875963946 +715 144 5 875962991 +715 145 2 875963657 +715 150 4 875961898 +715 155 4 875964580 +715 156 4 875964438 +715 157 4 875963024 +715 158 2 875965035 +715 159 3 875964330 +715 161 5 875964905 +715 168 4 875963657 +715 172 4 875963452 +715 173 5 875963998 +715 174 4 875963306 +715 175 3 875962964 +715 176 5 875963792 +715 179 4 875963596 +715 181 4 875961816 +715 182 5 875965035 +715 183 3 875964491 +715 193 5 875965127 +715 195 4 875963657 +715 196 4 875964131 +715 202 5 875962931 +715 204 4 875964025 +715 205 5 875964410 +715 206 4 875964438 +715 208 3 875963836 +715 216 4 875963452 +715 217 2 875963452 +715 222 3 875962227 +715 227 3 875964272 +715 228 3 875963486 +715 231 3 875963273 +715 232 4 875964905 +715 233 3 875964468 +715 234 4 875963242 +715 235 2 875962140 +715 237 4 875962280 +715 239 4 875963867 +715 248 4 875962280 +715 249 4 875961919 +715 250 2 875962806 +715 252 1 875962049 +715 254 1 875962762 +715 257 4 875962423 +715 265 5 875964105 +715 268 4 875961674 +715 273 5 875961998 +715 274 3 875963899 +715 276 3 875962454 +715 282 3 875962423 +715 284 4 875962109 +715 288 4 875962201 +715 298 4 875962076 +715 318 5 875963867 +715 367 3 875964272 +715 376 2 875964545 +715 380 3 875965058 +715 399 2 875963418 +715 405 3 875962374 +715 410 4 875962227 +715 412 2 875962783 +715 425 4 875964655 +715 426 5 875964104 +715 433 2 875963082 +715 447 3 875963452 +715 455 3 875962109 +715 462 4 875963998 +715 470 4 875963538 +715 471 4 875962202 +715 475 4 875962049 +715 480 5 875963387 +715 546 4 875962076 +715 549 3 875964519 +715 564 2 875964300 +715 576 2 875964468 +715 588 4 875963353 +715 591 4 875962109 +715 595 3 875962718 +715 627 3 875964614 +715 629 2 875963921 +715 655 4 875964203 +715 658 4 875963693 +715 685 3 875962173 +715 692 3 875963836 +715 697 2 875963566 +715 713 4 875962201 +715 732 3 875964179 +715 735 4 875964224 +715 739 2 875964681 +715 743 2 875962806 +715 746 5 875964025 +715 755 2 875964704 +715 756 2 875962280 +715 761 3 875965009 +715 778 2 875965171 +715 789 4 875963353 +715 826 2 875962652 +715 926 4 875962201 +715 939 4 875964545 +715 941 2 875964072 +715 944 2 875963755 +715 955 4 875963596 +715 976 1 875962339 +715 977 2 875962718 +715 1011 4 875962524 +715 1016 4 875962049 +715 1045 2 875965171 +715 1047 3 875962500 +715 1088 1 875962454 +715 1188 2 875964843 +715 1215 1 875962762 +715 1217 2 875963998 +715 1222 2 875965035 +716 1 5 879793192 +716 4 2 879796046 +716 11 4 879795790 +716 13 2 879793376 +716 22 5 879795159 +716 23 4 879795643 +716 25 4 879793737 +716 28 5 879794815 +716 31 3 879794996 +716 47 3 879795606 +716 48 5 879795314 +716 49 4 879797286 +716 50 5 879793192 +716 52 5 879795467 +716 56 5 879796171 +716 58 5 879795239 +716 64 5 879795314 +716 69 5 879795188 +716 70 4 879796046 +716 72 3 879796766 +716 73 4 879797256 +716 79 4 879794935 +716 81 4 879796475 +716 82 5 879796138 +716 83 4 879795906 +716 86 5 879796072 +716 88 4 879796596 +716 91 5 879796438 +716 95 4 879794775 +716 96 2 879795122 +716 97 4 879794996 +716 98 5 879795336 +716 99 5 879796214 +716 102 2 879797256 +716 105 2 879794450 +716 108 2 879794290 +716 111 4 879793443 +716 117 4 879793542 +716 118 2 879793763 +716 121 5 879794116 +716 122 2 879794727 +716 127 5 879793293 +716 131 5 879796311 +716 132 5 879796438 +716 133 5 879795239 +716 134 5 879795314 +716 135 3 879795071 +716 136 5 879795790 +716 141 4 879797555 +716 142 3 879797555 +716 143 5 879796171 +716 144 2 879795467 +716 151 5 879793631 +716 153 4 879796311 +716 154 5 879795867 +716 157 3 879796914 +716 159 4 879797475 +716 160 2 879797303 +716 161 3 879796651 +716 162 4 879796311 +716 163 4 879795949 +716 168 5 879796942 +716 172 4 879795542 +716 173 4 879797328 +716 174 5 879795025 +716 175 2 879795644 +716 176 3 879795189 +716 177 2 879794935 +716 178 5 879795269 +716 180 3 879794815 +716 181 4 879793221 +716 183 2 879796279 +716 185 5 879796046 +716 186 3 879795867 +716 187 3 879795189 +716 190 5 879797152 +716 191 5 879796046 +716 192 3 879794870 +716 193 5 879796596 +716 194 5 879795576 +716 195 1 879795425 +716 196 5 879796596 +716 197 5 879794962 +716 199 4 879796096 +716 200 4 879795606 +716 202 4 879794935 +716 203 4 879796311 +716 204 5 879795543 +716 205 5 879796438 +716 208 5 879795790 +716 209 3 879795543 +716 210 5 879796651 +716 211 5 879796171 +716 213 5 879795906 +716 215 5 879796046 +716 216 5 879795239 +716 218 3 879796766 +716 222 4 879793192 +716 225 3 879794482 +716 227 3 879797177 +716 228 4 879794870 +716 229 3 879797177 +716 230 3 879797198 +716 234 5 879795269 +716 235 2 879794154 +716 237 5 879793844 +716 238 4 879797286 +716 241 3 879796138 +716 248 4 879793293 +716 257 5 879793465 +716 260 1 879793001 +716 265 5 879797414 +716 274 5 879793631 +716 275 5 879793501 +716 282 3 879793501 +716 283 4 879793294 +716 284 3 879794116 +716 293 4 879793258 +716 294 4 879793653 +716 298 5 879793501 +716 300 5 879792599 +716 318 5 879794962 +716 340 3 879792665 +716 357 5 879795762 +716 367 4 879796942 +716 381 4 879795644 +716 385 1 879796011 +716 387 4 879797391 +716 392 2 879796895 +716 393 3 879796596 +716 399 3 879797414 +716 404 4 879796438 +716 405 4 879793844 +716 412 2 879794727 +716 414 4 879797152 +716 416 3 879796354 +716 417 3 879797257 +716 418 4 879796620 +716 419 5 879794775 +716 420 4 879796766 +716 423 4 879795496 +716 425 5 879796279 +716 427 5 879795375 +716 428 3 879795838 +716 430 5 879796620 +716 432 5 879795269 +716 435 4 879795071 +716 443 4 879796381 +716 445 3 879797221 +716 451 4 879796961 +716 465 5 879797177 +716 468 3 879796596 +716 470 4 879797152 +716 471 2 879795375 +716 472 3 879794032 +716 473 4 879794379 +716 474 5 879795122 +716 478 4 879795735 +716 479 4 879796010 +716 480 5 879795025 +716 481 4 879795025 +716 482 5 879795867 +716 483 5 879795790 +716 484 4 879795867 +716 485 5 879795375 +716 486 5 879795121 +716 487 5 879794934 +716 488 4 879796171 +716 489 4 879795496 +716 490 4 879794870 +716 491 4 879794934 +716 492 3 879795425 +716 493 5 879795949 +716 494 5 879795542 +716 495 4 879795762 +716 496 5 879795467 +716 497 3 879795949 +716 498 5 879795122 +716 499 4 879796942 +716 501 5 879796215 +716 502 3 879795867 +716 503 3 879795071 +716 504 5 879795189 +716 505 4 879796381 +716 506 4 879794775 +716 507 5 879796072 +716 511 5 879795542 +716 514 5 879796331 +716 515 5 879793293 +716 517 5 879797221 +716 519 3 879796555 +716 520 4 879794935 +716 521 3 879796846 +716 525 3 879794815 +716 526 5 879795269 +716 527 5 879795813 +716 546 1 879794094 +716 549 4 879797372 +716 559 2 879796846 +716 566 3 879796010 +716 568 4 879796718 +716 570 3 879797286 +716 588 4 879795606 +716 601 4 879794892 +716 602 5 879795691 +716 603 5 879794775 +716 604 3 879795071 +716 605 3 879796215 +716 606 5 879796214 +716 609 3 879796354 +716 610 4 879795375 +716 611 5 879795496 +716 614 4 879795159 +716 615 3 879795269 +716 620 3 879797287 +716 622 3 879797152 +716 627 4 879797475 +716 628 3 879793376 +716 630 4 879796138 +716 631 5 879795867 +716 632 4 879795691 +716 633 4 879796808 +716 636 2 879796651 +716 648 4 879796138 +716 650 3 879796278 +716 651 5 879796278 +716 655 4 879795838 +716 659 4 879794962 +716 660 4 879796718 +716 661 3 879794870 +716 662 3 879794962 +716 663 5 879795467 +716 673 4 879797535 +716 675 2 879796766 +716 692 5 879795239 +716 696 2 879794615 +716 705 5 879794892 +716 707 4 879795121 +716 708 4 879797443 +716 723 4 879796072 +716 724 4 879796138 +716 729 2 879795375 +716 732 5 879795375 +716 735 5 879795644 +716 740 4 879793714 +716 792 4 879796010 +716 823 3 879794428 +716 826 2 879794410 +716 836 4 879795425 +716 837 4 879796475 +716 842 3 879796846 +716 866 3 879794200 +716 946 2 879796718 +716 949 3 879796718 +716 956 4 879796011 +716 965 2 879797504 +716 969 4 879794815 +716 1016 3 879794032 +716 1020 5 879795314 +716 1039 5 879796808 +716 1047 3 879794200 +716 1050 4 879797303 +716 1101 5 879795467 +716 1113 4 879797443 +716 1124 3 879795838 +716 1126 3 879796138 +716 1203 2 879795239 +716 1269 4 879795122 +716 1286 2 879795239 +717 7 4 884642160 +717 24 2 884642297 +717 25 5 884642710 +717 50 4 884715122 +717 100 4 884642268 +717 106 4 884642932 +717 111 4 884642479 +717 117 4 884642339 +717 121 2 884642762 +717 125 4 884642339 +717 126 5 884642580 +717 127 4 884715172 +717 130 2 884642958 +717 147 4 884642297 +717 148 3 884642958 +717 150 4 884642339 +717 222 4 884642215 +717 235 4 884642762 +717 237 5 884642400 +717 240 2 884642868 +717 245 4 884641842 +717 246 5 884715146 +717 250 1 884715146 +717 258 5 884642133 +717 260 1 884641911 +717 262 4 884641621 +717 268 5 884642133 +717 269 5 884642133 +717 271 2 884641842 +717 274 4 884642581 +717 280 4 884642738 +717 281 4 884642958 +717 282 5 884642817 +717 285 5 884642214 +717 286 3 884641644 +717 287 5 884642558 +717 288 1 884641717 +717 289 4 884641911 +717 290 3 884642738 +717 291 4 884642479 +717 293 5 884715103 +717 294 3 884641842 +717 298 3 884715172 +717 299 4 884641743 +717 300 5 884641808 +717 301 4 884641717 +717 302 5 884641599 +717 303 4 884641644 +717 307 5 884642133 +717 312 5 884642133 +717 313 5 884642133 +717 322 5 884642133 +717 324 3 884641842 +717 326 3 884641621 +717 327 3 884641681 +717 328 4 884641842 +717 331 3 884641681 +717 333 4 884641681 +717 340 4 884641599 +717 343 4 884641983 +717 358 2 884642001 +717 405 3 884642738 +717 455 2 884642479 +717 471 4 884642427 +717 472 4 884642581 +717 475 5 884642187 +717 476 4 884642868 +717 546 3 884642932 +717 591 4 884642297 +717 597 4 884642710 +717 628 5 884644605 +717 678 3 884641842 +717 685 4 884642581 +717 742 5 884642427 +717 748 3 884641884 +717 751 4 884642001 +717 815 3 884642817 +717 825 2 884642558 +717 826 2 884642868 +717 831 3 884642958 +717 846 4 884642339 +717 866 1 884642932 +717 887 5 884642133 +717 888 5 884642133 +717 890 1 884642001 +717 975 2 884642843 +717 980 4 884642268 +717 995 5 884642132 +717 1011 4 884644419 +717 1047 4 884642981 +717 1051 3 884642868 +717 1137 5 884642580 +717 1282 4 884642762 +718 15 5 883348962 +718 111 4 883348634 +718 118 4 883348912 +718 121 4 883348773 +718 222 4 883348712 +718 240 1 883349467 +718 255 4 883348773 +718 257 4 883348845 +718 273 3 883348712 +718 274 3 883349363 +718 282 5 883348712 +718 284 4 883349191 +718 289 3 883348391 +718 300 5 883348269 +718 405 5 883349384 +718 471 5 883348634 +718 546 4 883349158 +718 591 4 883349191 +718 597 5 883348938 +718 685 4 883349301 +718 689 4 883348355 +718 717 4 883349214 +718 742 5 883348873 +718 744 3 883348824 +718 750 3 883449953 +718 751 5 883449953 +718 756 5 883349384 +718 815 4 883348873 +718 820 2 883349642 +718 831 3 883349663 +718 841 4 883349557 +718 879 2 883348355 +718 926 2 883348912 +718 975 2 883349301 +718 982 4 883348912 +718 1028 4 883349191 +718 1047 3 883349442 +718 1048 2 883349363 +718 1165 3 883349598 +719 7 2 877311269 +719 9 4 883354106 +719 23 3 888897264 +719 50 2 879358671 +719 58 3 879360933 +719 64 5 879360442 +719 66 3 888454637 +719 69 5 879360536 +719 71 3 883354106 +719 77 3 879360846 +719 79 4 877310859 +719 87 2 879360617 +719 88 3 888454637 +719 97 3 879360845 +719 98 5 877310859 +719 118 2 879360001 +719 121 1 879372253 +719 126 2 884900234 +719 127 3 879358453 +719 137 1 884899841 +719 162 4 879361003 +719 185 4 877310932 +719 214 2 879360965 +719 215 4 879360781 +719 216 4 879373935 +719 220 5 888454728 +719 223 5 879360442 +719 237 2 877917981 +719 240 1 879372631 +719 254 1 879360298 +719 255 2 883981599 +719 274 3 888449274 +719 281 3 888897264 +719 282 4 879358874 +719 284 2 888449573 +719 285 4 877917156 +719 289 2 877311150 +719 291 3 884900301 +719 293 3 883982002 +719 294 2 877311109 +719 298 2 888451537 +719 300 2 888449132 +719 318 5 879360493 +719 357 4 879360583 +719 378 4 879360555 +719 382 2 879360965 +719 392 4 879360846 +719 402 4 879360933 +719 410 1 883354126 +719 423 3 879360583 +719 427 4 883354106 +719 456 1 879373729 +719 468 3 879361023 +719 509 2 879360933 +719 510 4 879360493 +719 520 5 879360466 +719 532 3 888449606 +719 582 3 888451748 +719 620 4 879359034 +719 655 4 879360617 +719 659 4 879373935 +719 660 5 879360493 +719 673 3 879360965 +719 735 5 888454612 +719 742 4 879358893 +719 778 3 883982002 +719 890 1 879358395 +720 242 4 891262608 +720 258 4 891262762 +720 262 4 891262608 +720 268 4 891262669 +720 269 3 891262608 +720 272 4 891262762 +720 286 5 891262635 +720 302 5 891262608 +720 304 4 891262697 +720 306 4 891262635 +720 310 4 891262762 +720 311 5 891262635 +720 313 3 891262608 +720 315 4 891262608 +720 316 4 891263387 +720 319 3 891263340 +720 321 4 891262762 +720 333 4 891262669 +720 345 2 891262762 +720 347 3 891262608 +720 749 3 891262812 +720 872 3 891262780 +720 887 5 891262608 +720 896 5 891262669 +720 898 4 891262812 +720 902 4 891263460 +720 906 4 891262697 +720 995 4 891262762 +720 1062 5 891262812 +720 1176 5 891262812 +721 1 5 877137877 +721 8 4 877154765 +721 15 4 877140632 +721 22 5 877139147 +721 28 5 877140137 +721 50 5 877138584 +721 51 4 877141038 +721 56 3 877150031 +721 58 2 877140781 +721 64 4 877139301 +721 65 1 877140221 +721 69 4 877140282 +721 70 3 877145403 +721 77 5 877147200 +721 81 2 877139301 +721 82 4 877139015 +721 84 3 877147675 +721 87 3 877140859 +721 97 4 877140780 +721 107 4 877140780 +721 111 4 877154765 +721 125 3 877147080 +721 127 5 877140409 +721 135 3 877140490 +721 145 4 877139773 +721 153 4 877150031 +721 157 3 877140137 +721 161 5 877138816 +721 162 2 877147503 +721 172 5 877138884 +721 173 5 877138745 +721 174 5 877139015 +721 175 5 877140282 +721 179 5 877141038 +721 181 5 877138951 +721 191 3 877140490 +721 194 5 877138024 +721 196 5 877139147 +721 197 4 877140221 +721 199 4 877147323 +721 204 5 877154765 +721 209 3 877150031 +721 215 4 877141373 +721 216 5 877138498 +721 222 5 877138584 +721 228 5 877138585 +721 229 5 877138585 +721 237 3 877145312 +721 239 4 877147007 +721 242 3 877137597 +721 243 3 877137527 +721 245 3 877137527 +721 258 3 877135269 +721 259 3 877137527 +721 260 3 877137109 +721 261 3 877137214 +721 262 3 877137285 +721 263 3 877137598 +721 264 1 877135806 +721 266 3 877136967 +721 268 4 877136831 +721 269 5 877135269 +721 282 4 877145657 +721 284 4 877141038 +721 286 5 877137285 +721 288 3 877137447 +721 289 3 877137597 +721 292 3 877137527 +721 294 3 877137447 +721 299 3 877137447 +721 300 5 877135806 +721 301 4 877136358 +721 302 3 877137358 +721 303 3 877137285 +721 304 3 877137285 +721 305 3 877137285 +721 306 3 877137285 +721 317 4 877147872 +721 318 4 877140047 +721 319 3 877137527 +721 321 3 877137447 +721 322 4 877136891 +721 323 3 877137598 +721 324 3 877137447 +721 325 3 877137109 +721 326 4 877136236 +721 327 2 877136967 +721 328 5 877136303 +721 329 3 877137214 +721 330 3 877136967 +721 331 3 877137285 +721 332 4 877137358 +721 333 3 877137358 +721 334 1 877136831 +721 335 3 877137359 +721 357 5 877140221 +721 358 1 877137214 +721 359 3 877137359 +721 380 5 877138661 +721 382 4 877147675 +721 393 5 877138200 +721 402 4 877147200 +721 403 4 877139638 +721 406 1 877154989 +721 423 5 877141373 +721 435 4 877139384 +721 455 5 877138884 +721 457 3 877137214 +721 471 5 877138200 +721 518 2 877140221 +721 527 5 877140046 +721 581 2 877141373 +721 582 3 877140490 +721 631 5 877147260 +721 632 4 877147675 +721 655 2 877140490 +721 660 5 877147616 +721 678 3 877137527 +721 680 3 877137448 +721 681 3 877137214 +721 682 3 877137285 +721 684 4 877138200 +721 687 3 877137358 +721 688 3 877136967 +721 690 3 877136967 +721 699 3 877147080 +721 715 2 877147726 +721 720 5 877138395 +721 729 3 877141222 +721 732 4 877147079 +721 735 4 877141039 +721 739 4 877139551 +721 748 3 877136967 +721 749 3 877137359 +721 755 4 877139773 +721 809 1 877139384 +721 872 3 877137598 +721 873 3 877137447 +721 874 3 877137447 +721 875 3 877137527 +721 876 3 877137447 +721 877 3 877137285 +721 878 3 877137598 +721 879 4 877136175 +721 880 3 877137109 +721 881 3 877137359 +721 937 3 877137359 +721 938 3 877137359 +721 942 4 877147140 +721 948 1 877137109 +721 984 3 877137527 +721 988 3 877137598 +721 989 3 877137527 +721 990 5 877137213 +721 991 3 877137214 +721 995 3 877137447 +721 1025 3 877138200 +721 1026 3 877137214 +721 1039 5 877140780 +721 1065 5 877147383 +721 1119 4 877147795 +721 1221 3 877139637 +721 1265 3 877138661 +721 1295 3 877137214 +721 1296 3 877137285 +721 1392 3 877137598 +721 1393 3 877137598 +721 1442 4 877147872 +722 7 4 891280842 +722 13 2 891281876 +722 25 4 891281108 +722 100 4 891280894 +722 111 3 891281077 +722 117 4 891281132 +722 118 4 891281349 +722 121 5 891281182 +722 122 3 891281655 +722 124 4 891280842 +722 130 4 891281679 +722 147 3 891281158 +722 148 3 891281710 +722 151 5 891281020 +722 237 4 891280988 +722 286 4 891280046 +722 291 4 891281228 +722 294 2 891280219 +722 300 3 891279945 +722 307 4 891280245 +722 310 4 891279945 +722 322 3 891280402 +722 328 5 891280272 +722 333 5 891279945 +722 405 3 891280918 +722 412 2 891281679 +722 458 4 891280955 +722 471 4 891281020 +722 476 4 891281635 +722 508 4 891281020 +722 546 3 891280866 +722 597 3 891281710 +722 628 4 891280894 +722 678 3 891280443 +722 696 4 891281570 +722 748 4 891280154 +722 756 3 891281369 +722 823 3 891281570 +722 845 5 891280842 +722 866 4 891281108 +722 871 2 891281876 +722 928 3 891281228 +723 1 3 880499050 +723 9 3 880498912 +723 28 3 880498970 +723 50 4 880498889 +723 89 3 880498996 +723 137 3 880498970 +723 150 3 880499050 +723 164 4 880499019 +723 168 5 880498912 +723 169 4 880498938 +723 172 4 880498890 +723 174 4 880498996 +723 178 3 880498938 +723 189 3 880498938 +723 191 3 880499019 +723 258 4 880498768 +723 286 3 880498746 +723 289 2 880498816 +723 322 2 880499254 +723 433 3 880499019 +723 748 5 880498795 +723 988 1 880499254 +724 242 1 883758268 +724 245 2 883757874 +724 258 4 883757537 +724 259 2 883757726 +724 264 3 883758119 +724 266 1 883758119 +724 268 4 883757397 +724 269 4 883756996 +724 271 2 883757834 +724 272 5 883756996 +724 286 1 883758268 +724 288 4 883757597 +724 289 1 883757703 +724 294 4 883757726 +724 299 1 883758119 +724 300 3 883757468 +724 301 4 883757670 +724 302 3 883756996 +724 304 4 883757703 +724 305 3 883757259 +724 307 3 883757468 +724 308 1 883757170 +724 310 5 883757170 +724 311 1 883757597 +724 313 5 883756996 +724 322 1 883757784 +724 323 2 883757874 +724 326 4 883757671 +724 327 4 883757670 +724 328 4 883757727 +724 329 4 883757670 +724 331 3 883757468 +724 332 4 883757670 +724 333 4 883757670 +724 336 1 883757784 +724 338 3 883758119 +724 342 3 883757874 +724 343 1 883757259 +724 344 1 883757468 +724 346 1 883757703 +724 347 4 883757670 +724 349 2 883757537 +724 351 1 883758241 +724 352 1 883757259 +724 358 1 883757834 +724 361 1 883758241 +724 538 2 883757537 +724 678 2 883757874 +724 680 1 883758119 +724 682 1 883757703 +724 683 1 883757834 +724 690 1 883757468 +724 748 1 883757784 +724 749 4 883757670 +724 750 2 883757170 +724 751 2 883757397 +724 872 1 883757537 +724 873 3 883757784 +724 876 1 883757784 +724 877 1 883757834 +724 879 1 883757259 +724 880 3 883757834 +724 882 1 883758267 +724 887 3 883757468 +724 893 3 883757874 +724 895 4 883757727 +724 898 1 883757784 +724 906 1 883757468 +724 908 1 883758208 +724 909 1 883758208 +724 937 3 883757670 +724 938 3 883757671 +724 948 1 883758119 +724 988 1 883758119 +724 989 1 883757874 +724 995 1 883757597 +724 1062 1 883758208 +724 1105 1 883757537 +724 1127 3 883758267 +724 1176 1 883757397 +724 1234 1 883757170 +724 1432 1 883758208 +724 1434 1 883757597 +724 1591 1 883757468 +724 1617 1 883757703 +725 9 4 876106243 +725 15 4 876106206 +725 19 5 876106729 +725 100 5 876106729 +725 111 3 876106206 +725 181 4 876106206 +725 245 4 876103793 +725 258 4 876106729 +725 264 1 876103811 +725 276 4 876106243 +725 286 5 876106729 +725 288 3 876103725 +725 294 3 876103726 +725 300 4 876106729 +725 301 4 876106729 +725 321 2 876103700 +725 322 4 876103762 +725 328 4 876106729 +725 333 5 876106729 +725 358 3 876103744 +725 748 4 876103744 +725 873 4 876103794 +725 879 4 876106729 +725 881 5 876106729 +725 1197 3 876106243 +726 1 4 890079166 +726 25 4 889831222 +726 117 1 890080144 +726 248 2 889832422 +726 249 1 889832422 +726 255 2 889832297 +726 257 3 889831166 +726 274 4 889831222 +726 294 5 889828701 +726 310 4 889828404 +726 323 3 889828641 +726 355 3 889829235 +726 409 3 890087998 +726 535 3 889832806 +726 763 2 889831115 +726 819 3 889832688 +726 832 5 889832807 +726 833 5 889832807 +726 845 3 889832358 +726 898 2 889829235 +726 1014 1 889832744 +726 1028 2 889832592 +726 1038 2 889832053 +726 1059 5 889832806 +727 1 3 883708660 +727 2 4 883711874 +727 5 3 883711680 +727 7 2 883708927 +727 11 3 883710152 +727 12 5 883710598 +727 17 1 883711011 +727 22 4 883710236 +727 24 3 883709711 +727 25 3 883708927 +727 27 4 883711847 +727 28 5 883710075 +727 29 3 883712603 +727 33 3 883711150 +727 38 1 883712993 +727 39 2 883712780 +727 42 5 883710375 +727 43 3 883712123 +727 50 4 883708951 +727 53 1 883712851 +727 54 3 883711045 +727 55 3 883710375 +727 56 3 883711150 +727 62 3 883712603 +727 63 2 883713454 +727 65 2 883712343 +727 66 3 883712068 +727 67 4 883712652 +727 68 4 883710347 +727 69 4 883710186 +727 70 5 883710856 +727 71 3 883711069 +727 72 3 883712476 +727 73 4 883713048 +727 79 4 883710806 +727 80 4 883713454 +727 82 3 883711527 +727 83 5 883710889 +727 87 4 883710347 +727 88 5 883711394 +727 89 5 883711298 +727 90 3 883711991 +727 91 4 883710396 +727 92 2 883710806 +727 94 4 883713257 +727 95 4 883710948 +727 96 4 883710152 +727 98 4 883710152 +727 100 2 883708830 +727 101 2 883711771 +727 105 1 883709884 +727 108 3 883709948 +727 109 2 883709266 +727 111 3 883709266 +727 114 5 883710152 +727 117 3 883708660 +727 118 4 883709729 +727 121 4 883709518 +727 122 2 883709802 +727 123 3 883709402 +727 125 4 883710598 +727 127 4 883708830 +727 128 4 883712016 +727 131 2 883711699 +727 132 2 883710271 +727 135 2 883711069 +727 144 4 883710395 +727 147 3 883709402 +727 148 2 883709438 +727 153 4 883710856 +727 154 3 883711567 +727 155 3 883712068 +727 156 4 883710326 +727 157 3 883711965 +727 158 2 883713668 +727 159 2 883712016 +727 161 4 883712716 +727 163 4 883711550 +727 164 5 883711497 +727 167 2 883713419 +727 168 5 883710152 +727 169 5 883710419 +727 172 5 883710104 +727 173 5 883710437 +727 174 4 883710186 +727 176 4 883710948 +727 177 4 883710687 +727 178 4 883710123 +727 179 3 883711150 +727 180 3 883711589 +727 181 3 883708750 +727 183 3 883710186 +727 184 3 883710761 +727 186 5 883710598 +727 187 5 883710104 +727 188 3 883711679 +727 191 4 883710717 +727 195 4 883710375 +727 196 4 883710514 +727 197 3 883710271 +727 198 4 883710687 +727 199 4 883710288 +727 201 4 883710717 +727 202 4 883711354 +727 203 5 883710236 +727 204 3 883710395 +727 205 5 883710104 +727 206 3 883711896 +727 207 5 883710889 +727 208 4 883711240 +727 209 3 883710186 +727 210 3 883710123 +727 211 4 883710464 +727 217 3 883712913 +727 219 3 883712476 +727 222 3 883709350 +727 226 3 883711966 +727 227 4 883710974 +727 228 4 883711527 +727 229 2 883711476 +727 230 3 883711847 +727 231 3 883713286 +727 232 3 883712780 +727 233 4 883713473 +727 234 2 883711699 +727 235 3 883709518 +727 238 2 883710910 +727 239 4 883711449 +727 240 3 883709607 +727 246 4 883708806 +727 248 5 883709207 +727 249 2 883708927 +727 250 5 883709242 +727 252 2 883709438 +727 257 2 883708806 +727 258 2 883709325 +727 259 4 883708265 +727 260 1 883708265 +727 265 4 883710326 +727 268 4 883708087 +727 271 4 883708149 +727 274 5 883709438 +727 275 3 883708927 +727 278 2 883709325 +727 282 4 883709157 +727 283 2 883709009 +727 284 3 883709607 +727 291 4 883709009 +727 294 4 883708087 +727 312 3 883708435 +727 328 4 883708149 +727 343 3 883708149 +727 356 3 883712365 +727 358 2 883708462 +727 363 3 883709641 +727 366 3 883712397 +727 367 3 883712430 +727 369 2 883709948 +727 371 2 883712193 +727 378 3 883712603 +727 379 2 883712805 +727 380 3 883712397 +727 384 2 883712804 +727 385 3 883710994 +727 386 2 883712805 +727 392 4 883711847 +727 393 3 883712397 +727 395 3 883713692 +727 397 2 883712780 +727 398 2 883713714 +727 399 3 883712717 +727 401 2 883713521 +727 402 3 883711847 +727 403 4 883712282 +727 405 3 883709571 +727 408 4 883708895 +727 410 2 883709710 +727 411 3 883709905 +727 413 2 883709710 +727 419 2 883710236 +727 421 5 883711181 +727 423 3 883710830 +727 424 1 883713454 +727 431 4 883711045 +727 432 2 883711298 +727 433 5 883710994 +727 434 5 883710717 +727 435 3 883710687 +727 440 1 883713548 +727 441 2 883711924 +727 444 2 883712851 +727 447 3 883713194 +727 451 5 883712681 +727 455 3 883709671 +727 465 2 883712159 +727 470 5 883711847 +727 471 3 883709188 +727 472 2 883709374 +727 474 3 883710910 +727 483 4 883710236 +727 491 4 883710213 +727 507 2 883710948 +727 510 4 883710717 +727 511 4 883710948 +727 520 4 883710288 +727 526 4 883711113 +727 538 3 883708066 +727 539 2 883708523 +727 541 4 883712751 +727 542 2 883712993 +727 544 3 883709518 +727 546 2 883709607 +727 549 3 883712219 +727 550 4 883712519 +727 552 2 883712751 +727 553 2 883710186 +727 556 2 883713632 +727 559 2 883712282 +727 562 2 883713548 +727 566 3 883711449 +727 567 2 883713388 +727 568 3 883711476 +727 569 2 883713286 +727 570 2 883713194 +727 576 4 883713454 +727 578 3 883711897 +727 585 2 883713257 +727 588 4 883710495 +727 596 4 883709188 +727 597 3 883709641 +727 609 3 883711923 +727 616 2 883713348 +727 627 3 883711150 +727 628 3 883709774 +727 635 2 883713419 +727 636 3 883711616 +727 651 3 883710104 +727 658 5 883711720 +727 665 3 883713257 +727 678 3 883708229 +727 679 5 883712315 +727 680 3 883708462 +727 684 4 883710948 +727 685 3 883709518 +727 692 4 883711240 +727 720 2 883712037 +727 722 2 883712993 +727 729 2 883711720 +727 739 4 883711735 +727 746 4 883710514 +727 747 2 883712519 +727 748 4 883708119 +727 751 3 883708208 +727 755 2 883712828 +727 760 1 883713388 +727 765 2 883712780 +727 771 3 883713692 +727 774 3 883713257 +727 775 4 883713147 +727 779 2 883712717 +727 783 3 883713737 +727 790 2 883711616 +727 801 2 883713194 +727 802 2 883712780 +727 808 2 883712245 +727 809 4 883713082 +727 810 2 883712652 +727 815 3 883709188 +727 820 2 883709539 +727 826 2 883713738 +727 827 3 883709839 +727 831 3 883709839 +727 840 2 883709884 +727 841 3 883709208 +727 845 3 883709325 +727 849 2 883713348 +727 866 3 883709710 +727 879 4 883708208 +727 890 1 883708478 +727 926 3 883709438 +727 928 3 883709802 +727 930 3 883709802 +727 933 1 883709009 +727 940 2 883713521 +727 941 2 883711874 +727 949 3 883711616 +727 977 2 883709948 +727 982 4 883713632 +727 993 4 883709750 +727 1016 3 883709802 +727 1025 2 883708149 +727 1028 2 883712016 +727 1034 2 883713692 +727 1035 2 883712245 +727 1042 2 883712068 +727 1047 2 883709750 +727 1049 1 883709711 +727 1076 2 883712632 +727 1088 2 883709884 +727 1119 3 883711923 +727 1139 3 883713348 +727 1165 2 883709948 +727 1185 1 883711847 +727 1188 2 883712632 +727 1206 2 883712315 +727 1215 2 883713521 +727 1217 3 883711965 +727 1218 4 883712068 +727 1222 1 883713574 +727 1224 3 883712219 +727 1229 2 883713473 +727 1231 3 883713082 +727 1244 3 883709859 +727 1249 3 883711991 +727 1250 1 883713760 +727 1273 3 883713286 +727 1303 2 883713737 +727 1411 2 883713419 +727 1437 2 883713082 +727 1446 3 883712123 +727 1615 1 883709884 +727 1657 3 883711991 +728 15 4 879443387 +728 25 4 879443155 +728 100 5 879443321 +728 116 4 879443291 +728 117 4 879443321 +728 124 3 879443155 +728 147 4 879443418 +728 237 4 879443155 +728 243 2 879442892 +728 282 4 879443291 +728 285 4 879443446 +728 286 3 879442532 +728 287 4 879443155 +728 289 3 879442761 +728 304 4 879442794 +728 319 3 879442612 +728 322 4 879442761 +728 323 3 879442685 +728 471 4 879443291 +728 508 4 879443265 +728 546 2 879443155 +728 678 4 879442794 +728 742 4 879443321 +728 748 3 879442532 +728 871 2 879443321 +728 1355 4 879443265 +729 272 4 893286638 +729 288 2 893286261 +729 294 2 893286338 +729 300 4 893286638 +729 310 3 893286204 +729 313 3 893286638 +729 322 4 893286637 +729 328 3 893286638 +729 333 4 893286638 +729 338 1 893286373 +729 346 1 893286168 +729 354 5 893286637 +729 362 4 893286637 +729 683 2 893286511 +729 689 4 893286638 +729 690 2 893286149 +729 748 4 893286638 +729 751 3 893286338 +729 879 3 893286299 +729 894 1 893286511 +729 901 1 893286491 +730 1 4 880310285 +730 7 4 880310352 +730 15 4 880310264 +730 50 4 880310285 +730 100 5 880310371 +730 109 4 880310390 +730 117 3 880310300 +730 121 4 880310506 +730 125 4 880310521 +730 151 4 880310371 +730 181 2 880310465 +730 237 3 880310233 +730 246 4 880310264 +730 248 3 880310324 +730 257 5 880310541 +730 258 5 880309940 +730 268 4 880309927 +730 269 5 880309870 +730 273 2 880310324 +730 276 3 880310390 +730 294 4 880309996 +730 298 4 880310426 +730 300 3 880309964 +730 301 1 880310202 +730 322 1 880310202 +730 327 2 880309964 +730 328 2 880310201 +730 332 3 880309870 +730 340 3 880309892 +730 410 1 880310440 +730 535 2 880310506 +730 685 2 880310569 +730 742 3 880310553 +730 748 4 880310082 +730 815 3 880310490 +730 873 2 880310035 +730 875 2 880310201 +730 1012 5 880310426 +731 1 2 886184421 +731 8 2 886184681 +731 14 3 886179040 +731 15 4 886182632 +731 28 4 886182826 +731 56 2 886179161 +731 64 5 886179040 +731 66 4 886184577 +731 69 5 886179040 +731 95 3 886183978 +731 97 5 886183681 +731 125 3 886186940 +731 127 4 886179415 +731 132 3 886182632 +731 133 1 886184852 +731 136 4 886182826 +731 140 2 886186811 +731 143 5 886182827 +731 153 3 886182555 +731 168 1 886185744 +731 170 5 886179040 +731 183 1 886185744 +731 190 5 886187538 +731 192 5 886182457 +731 194 3 886183681 +731 195 1 886185851 +731 196 5 886186811 +731 197 5 886185743 +731 202 5 886186568 +731 204 4 886184682 +731 205 1 886187652 +731 207 4 886182827 +731 213 5 886183515 +731 215 5 886182555 +731 216 5 886184682 +731 237 4 886185851 +731 283 4 886182367 +731 320 1 886186811 +731 357 5 886187538 +731 378 1 886187652 +731 393 5 886183978 +731 419 4 886183039 +731 427 5 886186940 +731 434 1 886186811 +731 462 5 886186568 +731 478 4 886182555 +731 480 4 886187652 +731 481 3 886182456 +731 482 3 886184770 +731 484 3 886179289 +731 485 4 886187414 +731 486 4 886182556 +731 487 4 886184682 +731 494 3 886179161 +731 496 5 886179040 +731 504 3 886183209 +731 507 3 886184771 +731 508 1 886186811 +731 510 1 886186091 +731 520 4 886186567 +731 521 1 886184682 +731 527 5 886184682 +731 588 3 886184682 +731 591 1 886184577 +731 603 5 886182631 +731 606 3 886182366 +731 608 4 886183515 +731 611 3 886184683 +731 613 2 886186568 +731 648 4 886183515 +731 655 5 886183515 +731 662 3 886183209 +731 694 5 886184421 +731 705 5 886182632 +731 720 3 886184771 +731 845 2 886184681 +731 945 4 886183209 +731 1039 4 886182366 +731 1086 1 886186091 +731 1087 1 886186091 +731 1269 3 886187652 +731 1275 1 886186940 +731 1503 5 886184578 +732 243 5 882589879 +732 245 4 882590200 +732 269 5 882589593 +732 286 5 882589593 +732 288 4 882590200 +732 289 3 882590201 +732 294 3 882590201 +732 300 4 882589552 +732 304 5 882589792 +732 305 2 882590201 +732 321 3 882590201 +732 322 3 882590201 +732 324 2 882590201 +732 332 5 882589819 +732 690 5 882589626 +732 873 5 882589845 +732 875 1 882590201 +732 882 5 882589819 +732 937 4 882589967 +732 938 1 882590201 +733 1 2 879535129 +733 7 3 879535603 +733 9 3 879535406 +733 10 3 879535559 +733 13 3 879535694 +733 14 5 879535368 +733 16 3 879535969 +733 19 5 879535338 +733 20 5 879535299 +733 100 5 879535471 +733 107 4 879536001 +733 116 4 879535368 +733 117 2 879535779 +733 121 3 879536723 +733 124 5 879535213 +733 125 2 879535814 +733 126 2 879535938 +733 127 3 879535265 +733 129 2 879535299 +733 130 2 879544411 +733 137 5 879535406 +733 146 3 879536001 +733 147 1 879535938 +733 148 3 879536607 +733 149 4 879535440 +733 150 2 879535440 +733 151 4 879535694 +733 220 2 879544411 +733 221 4 879535265 +733 224 4 879535265 +733 237 3 879535338 +733 242 4 879535011 +733 244 2 879535886 +733 245 3 879544466 +733 248 3 879535752 +733 250 1 879535502 +733 253 3 879535407 +733 258 3 879535011 +733 273 4 879535603 +733 274 3 879536723 +733 275 3 879535265 +733 276 5 879535299 +733 277 1 879536523 +733 279 2 879535968 +733 281 2 879536567 +733 282 3 879535814 +733 283 3 879535368 +733 284 2 879535129 +733 285 4 879535299 +733 286 4 879535471 +733 287 3 879535129 +733 288 2 879535694 +733 290 4 879535752 +733 291 2 879536608 +733 293 4 879535559 +733 294 2 879536001 +733 296 2 879535265 +733 297 3 879535559 +733 298 2 879535502 +733 302 4 879535011 +733 322 2 879536523 +733 324 4 879535694 +733 405 2 879536659 +733 458 2 879535129 +733 459 4 879535440 +733 471 3 879535814 +733 515 5 879535213 +733 534 3 879544377 +733 544 1 879535407 +733 546 1 879544466 +733 591 3 879535440 +733 619 3 879536488 +733 676 4 879535603 +733 696 3 879535909 +733 713 4 879535938 +733 740 3 879535886 +733 742 3 879535502 +733 744 4 879535723 +733 762 4 879535847 +733 820 2 879536608 +733 846 2 879535848 +733 847 3 879535471 +733 922 3 879535406 +733 924 4 879536523 +733 933 1 879535752 +733 950 4 879535643 +733 985 3 879535909 +733 1009 2 879536723 +733 1011 4 879535644 +733 1023 1 879544411 +733 1047 2 879536659 +733 1067 5 879535603 +733 1085 4 879536607 +733 1114 3 879535603 +733 1115 3 879535338 +733 1117 2 879536659 +733 1129 4 879535338 +733 1132 4 879536488 +733 1142 4 879535694 +733 1163 2 879535603 +733 1171 3 879535780 +733 1173 2 879535814 +733 1226 3 879535968 +733 1338 4 879536608 +733 1375 3 879535559 +733 1380 2 879536567 +733 1658 3 879535780 +734 15 4 891026009 +734 22 3 891025301 +734 28 4 891022627 +734 50 4 891022627 +734 56 1 891022752 +734 82 4 891022704 +734 83 4 891022733 +734 95 4 891025573 +734 97 4 891022993 +734 98 4 891025247 +734 99 4 891023086 +734 111 3 891025993 +734 121 4 891026028 +734 132 3 891022212 +734 143 5 891022958 +734 144 2 891023019 +734 162 3 891025393 +734 164 3 891025524 +734 165 3 891025393 +734 166 3 891022849 +734 172 4 891022212 +734 173 3 891025247 +734 174 4 891025247 +734 191 4 891025523 +734 193 4 891025340 +734 198 1 891022734 +734 202 5 891022684 +734 204 4 891022938 +734 210 3 891022937 +734 213 5 891022684 +734 222 1 891022849 +734 230 2 891022803 +734 274 4 891025943 +734 275 4 891023019 +734 282 4 891025974 +734 283 5 891023066 +734 288 4 891022311 +734 294 1 891025891 +734 313 4 891022311 +734 318 5 891022648 +734 419 4 891023066 +734 423 4 891022734 +734 465 4 891022734 +734 478 4 891022849 +734 479 4 891025541 +734 482 2 891025591 +734 483 4 891025247 +734 485 5 891022976 +734 487 4 891025498 +734 496 5 891025523 +734 498 4 891022938 +734 582 2 891022684 +734 591 4 891022977 +734 603 4 891022958 +734 604 4 891023086 +734 605 4 891025555 +734 607 5 891023066 +734 662 3 891022704 +734 699 4 891022752 +734 705 4 891023131 +734 724 3 891022684 +734 742 4 891025958 +734 751 4 891021937 +734 821 2 891023086 +735 1 4 876698796 +735 7 3 876698683 +735 9 4 876698755 +735 13 4 876698643 +735 25 4 876698684 +735 50 5 876698683 +735 93 2 876698604 +735 100 2 876698796 +735 106 3 876698714 +735 117 3 876698897 +735 123 3 876698866 +735 124 5 876698643 +735 126 3 876698570 +735 127 4 876698755 +735 147 1 876698643 +735 181 4 876698604 +735 237 4 876698714 +735 242 5 876697561 +735 245 3 876698022 +735 258 4 876697561 +735 269 3 876698022 +735 275 4 876698643 +735 276 4 876698796 +735 277 3 876698604 +735 283 2 876698796 +735 285 4 876698897 +735 286 5 876697561 +735 288 4 876697610 +735 289 1 876698022 +735 293 3 876698570 +735 298 4 876698897 +735 300 4 876697647 +735 301 3 876697610 +735 304 4 876697679 +735 319 4 876697647 +735 321 3 876698022 +735 325 1 876698022 +735 327 3 876698022 +735 331 3 876698022 +735 332 3 876698022 +735 333 4 876697647 +735 475 4 876698570 +735 515 4 876698755 +735 628 3 876698755 +735 676 3 876698837 +735 690 4 876697561 +735 741 2 876698796 +735 744 3 876698714 +735 748 3 876698022 +735 756 2 876698684 +735 764 3 876698837 +735 813 4 876698570 +735 1012 2 876698897 +736 50 3 878708579 +736 127 4 878709365 +736 181 2 878708646 +736 246 4 878708929 +736 248 4 878709365 +736 253 5 878709365 +736 254 1 878709262 +736 255 1 878709025 +736 257 3 878708721 +736 286 4 878709365 +736 293 4 878709365 +736 294 3 878709025 +736 296 4 878709365 +736 323 1 878709187 +736 324 3 878708991 +736 515 5 878709365 +736 532 4 878709365 +736 533 3 878709108 +736 678 1 878709212 +736 748 2 878708465 +736 993 4 878709365 +736 1089 1 878709187 +736 1278 1 878709262 +736 1388 5 878709365 +737 11 3 884314903 +737 12 4 884314922 +737 22 4 884314993 +737 32 4 884314993 +737 47 3 884314970 +737 58 4 884314970 +737 64 4 884314740 +737 89 4 884314664 +737 96 2 884314715 +737 100 5 884314664 +737 127 5 884315175 +737 137 5 884314694 +737 154 4 884314694 +737 156 5 884314693 +737 160 4 884314881 +737 169 4 884314644 +737 171 4 884314644 +737 173 4 884314970 +737 174 2 884314740 +737 175 5 884315246 +737 180 4 884314644 +737 186 5 884314944 +737 187 5 884315175 +737 192 5 884314970 +737 196 3 884314694 +737 222 3 884315127 +737 258 5 884315127 +737 357 5 884314944 +737 427 3 884314970 +737 428 4 884315066 +737 474 5 884314740 +737 475 4 884314693 +737 501 1 884314922 +738 1 5 892844079 +738 2 3 875351530 +738 4 4 875351486 +738 7 4 875349530 +738 22 3 875349713 +738 28 4 875350913 +738 39 3 875350720 +738 42 2 875350012 +738 47 3 875353569 +738 50 5 892844112 +738 54 3 875351872 +738 56 4 875350418 +738 63 3 875351905 +738 64 4 875351092 +738 69 5 892844079 +738 71 3 875350352 +738 79 3 875351019 +738 81 4 875351092 +738 82 5 892844079 +738 88 3 875351712 +738 89 5 892844112 +738 91 4 875351462 +738 95 4 875350122 +738 96 5 892844112 +738 97 4 875350122 +738 98 4 875350515 +738 100 2 875349968 +738 109 4 875353678 +738 117 3 875350913 +738 118 3 875351438 +738 121 4 875353780 +738 127 4 892957753 +738 128 4 875351873 +738 135 5 892844111 +738 136 4 892958170 +738 141 3 875352771 +738 144 5 892844079 +738 147 3 875350764 +738 151 4 875352737 +738 152 4 875350265 +738 153 4 875350223 +738 154 3 875353105 +738 161 4 875350720 +738 164 5 892844112 +738 168 3 875353869 +738 169 5 892844079 +738 172 4 875349895 +738 173 5 875350012 +738 174 5 875349968 +738 175 4 875349968 +738 176 5 892844079 +738 177 4 892958051 +738 178 4 875349628 +738 179 3 875353869 +738 180 5 892844112 +738 181 4 875348856 +738 183 5 892844079 +738 186 4 875351773 +738 188 3 875350456 +738 189 4 875351404 +738 191 4 875350086 +738 193 5 892844112 +738 195 4 875349628 +738 196 4 875350086 +738 197 4 875353869 +738 199 4 892938594 +738 200 3 875350086 +738 202 4 875351299 +738 203 3 892958137 +738 204 4 875350053 +738 205 5 892844079 +738 206 3 875350223 +738 208 4 875350418 +738 209 4 875350485 +738 210 5 892844112 +738 211 3 892958137 +738 214 4 875350157 +738 216 3 875352679 +738 222 4 875350913 +738 225 3 875351837 +738 226 3 875351299 +738 227 4 875353533 +738 228 5 875350316 +738 229 3 875351906 +738 230 4 875351530 +738 231 3 875350995 +738 233 3 875353678 +738 234 4 875349850 +738 235 2 875350764 +738 238 4 875349895 +738 240 3 875350385 +738 250 4 875348912 +738 252 4 875349045 +738 254 2 875349111 +738 257 3 875348912 +738 258 4 875348442 +738 260 2 875348571 +738 265 4 892957967 +738 269 2 892938254 +738 271 3 892938330 +738 298 3 875348670 +738 313 5 892938181 +738 318 5 892844112 +738 343 3 892938330 +738 357 4 875353869 +738 367 3 875351346 +738 380 3 875351530 +738 385 5 892844079 +738 393 3 875350944 +738 403 3 875351638 +738 405 2 875349968 +738 408 5 875349584 +738 418 3 875353105 +738 423 4 875350223 +738 429 3 875353813 +738 434 4 875351872 +738 449 3 875351438 +738 455 4 875350551 +738 470 4 875350551 +738 474 4 875349775 +738 496 4 875351346 +738 511 4 875349584 +738 517 3 892938492 +738 527 5 892844111 +738 528 4 875352679 +738 550 3 875351603 +738 568 3 875350485 +738 603 5 892844079 +738 636 3 875350944 +738 650 3 875351712 +738 651 4 892957752 +738 655 3 875350456 +738 659 4 875350804 +738 662 4 875350418 +738 665 2 875351873 +738 697 2 875353869 +738 732 3 875350316 +738 747 4 875351603 +738 751 3 892938297 +738 755 3 875350913 +738 916 3 892938181 +738 919 4 875349807 +738 926 3 875350456 +738 930 3 875351956 +738 951 2 875351906 +738 969 4 892957860 +738 1016 3 875348912 +738 1047 3 875351872 +739 22 5 886958860 +739 50 4 886958895 +739 55 1 886958972 +739 56 4 886958938 +739 69 5 886959069 +739 79 4 886958938 +739 96 5 886959039 +739 97 5 886959115 +739 98 3 886958972 +739 100 5 886825383 +739 132 4 886959039 +739 168 1 886958831 +739 172 4 886958938 +739 176 1 886958938 +739 187 4 886959115 +739 195 5 886958939 +739 197 1 886958860 +739 216 4 886958831 +739 286 2 886825020 +739 288 1 886825083 +739 301 5 886825529 +739 318 4 886958831 +739 327 5 886825529 +739 333 4 886825227 +739 359 5 886825529 +739 465 1 886959039 +739 498 4 886958939 +739 526 5 886958895 +739 603 4 886959069 +739 661 2 886958831 +739 749 5 886825529 +739 751 3 886825083 +739 969 1 886959039 +739 1429 5 886825529 +739 1431 5 886825529 +740 242 4 879523187 +740 258 3 879522681 +740 269 4 879523187 +740 271 2 879522753 +740 286 5 879523187 +740 288 4 879523187 +740 289 4 879523187 +740 294 4 879523187 +740 300 4 879523187 +740 302 5 879523187 +740 319 3 879522781 +740 322 3 879522839 +740 326 3 879522814 +740 328 3 879522814 +740 332 3 879522681 +740 340 4 879523187 +740 748 3 879522872 +740 873 2 879522872 +740 938 1 879522906 +740 1038 4 879523187 +741 5 3 891455671 +741 7 3 891040277 +741 15 4 891456573 +741 17 2 891455711 +741 22 5 891018303 +741 25 3 891458428 +741 28 3 891018339 +741 31 3 891455516 +741 38 2 891455832 +741 48 4 891018550 +741 50 5 891018339 +741 54 3 891455610 +741 56 4 891018303 +741 66 3 891018266 +741 67 3 891457456 +741 69 4 891018550 +741 70 4 891456573 +741 77 3 891455671 +741 79 4 891455610 +741 82 3 891018400 +741 83 4 891457855 +741 88 4 891457456 +741 92 3 891456427 +741 94 3 891457483 +741 95 2 891018400 +741 98 5 891455516 +741 118 1 891455855 +741 121 2 891455766 +741 131 4 891456776 +741 134 5 891455381 +741 151 3 891458539 +741 164 3 891455766 +741 172 5 891018339 +741 173 2 891018366 +741 174 5 891018303 +741 178 5 891018435 +741 180 4 891457855 +741 181 4 891036681 +741 186 5 891455317 +741 194 4 891457242 +741 196 5 891018460 +741 202 3 891455316 +741 204 4 891018266 +741 209 3 891457342 +741 210 3 891455353 +741 215 4 891456615 +741 216 4 891457342 +741 218 4 891455711 +741 226 2 891455711 +741 228 2 891455610 +741 234 4 891455545 +741 239 2 891456040 +741 241 4 891019625 +741 255 3 891458098 +741 265 5 891455735 +741 273 3 891458066 +741 274 4 891019587 +741 275 4 891019587 +741 280 3 891458403 +741 281 2 891455792 +741 283 4 891458250 +741 288 4 891018070 +741 290 3 891457956 +741 313 4 891455095 +741 357 5 891018507 +741 367 2 891457280 +741 393 2 891040490 +741 399 2 891457456 +741 401 3 891457483 +741 403 5 891456083 +741 423 3 891018339 +741 427 5 891018221 +741 435 4 891455353 +741 451 3 891457395 +741 475 3 891018152 +741 478 5 891456741 +741 479 5 891456874 +741 480 5 891457855 +741 496 5 891456718 +741 566 4 891455671 +741 582 3 891456156 +741 651 4 891018507 +741 660 3 891040362 +741 673 4 891455671 +741 682 3 891455960 +741 692 1 891019587 +741 696 3 891455901 +741 699 4 891018400 +741 722 3 891457528 +741 724 4 891019625 +741 732 4 891456509 +741 742 4 891455766 +741 781 4 891457424 +741 783 3 891457633 +741 785 3 891457371 +741 790 3 891457456 +741 815 3 891458647 +741 945 5 891456827 +741 1016 3 891458249 +741 1029 1 891457506 +741 1041 4 891457424 +741 1074 2 891457395 +741 1090 1 891455880 +741 1152 3 891458597 +742 1 4 881335281 +742 7 3 881335492 +742 13 4 881335361 +742 14 5 881335361 +742 15 4 881335461 +742 24 3 881335248 +742 50 4 881335248 +742 100 5 881335492 +742 109 1 881335960 +742 117 2 881335528 +742 124 4 881335461 +742 127 5 881335361 +742 181 3 881335281 +742 222 2 881336006 +742 237 4 881335960 +742 250 3 881336006 +742 258 5 881005590 +742 282 3 881335857 +742 284 3 881335492 +742 294 3 881005590 +742 321 3 881005611 +742 475 4 881335492 +742 508 4 881335461 +742 546 1 881335598 +742 591 4 881335461 +742 1012 4 881335528 +743 9 5 881278061 +743 15 3 881277855 +743 100 5 881277962 +743 181 3 881277931 +743 222 4 881277962 +743 224 5 881277931 +743 242 4 881277267 +743 258 5 881277357 +743 259 3 881277656 +743 268 4 881277551 +743 269 4 881277267 +743 273 3 881278061 +743 276 5 881277855 +743 286 3 881277602 +743 288 2 881277690 +743 289 3 881277357 +743 292 3 881277267 +743 294 2 881277656 +743 297 5 881277931 +743 298 4 881278061 +743 300 4 881277267 +743 301 4 881277357 +743 302 5 881277267 +743 303 5 881277357 +743 308 2 881277314 +743 311 5 881277551 +743 321 2 881277690 +743 322 3 881277750 +743 326 3 881277656 +743 338 1 881277800 +743 340 3 881277551 +743 408 4 881277931 +743 744 5 881277892 +743 748 4 881277656 +743 879 4 881277656 +744 1 4 881171926 +744 9 3 881170416 +744 23 4 881171420 +744 28 3 881170416 +744 50 3 881172357 +744 127 5 881171481 +744 156 4 881170452 +744 174 4 881171421 +744 188 3 881170528 +744 237 4 881171907 +744 238 4 881170416 +744 276 4 881171907 +744 301 3 881171857 +744 302 5 881171820 +744 307 4 881171839 +744 340 3 881171820 +744 428 4 881170528 +744 479 5 881171482 +744 481 3 881171420 +744 482 3 881171420 +744 483 4 881171452 +744 508 5 881171907 +744 603 5 881170528 +744 628 2 881172357 +744 657 5 881170575 +744 963 5 881170576 +744 1134 3 881171482 +745 1 2 880122809 +745 7 4 880123019 +745 8 4 880123627 +745 9 4 880122809 +745 10 5 880123905 +745 12 5 880123905 +745 14 3 880122863 +745 20 1 880123905 +745 28 2 880123671 +745 50 2 880122928 +745 64 5 880123905 +745 79 3 880123540 +745 96 4 880123399 +745 98 5 880123905 +745 100 5 880122809 +745 124 5 880122775 +745 125 5 880123069 +745 127 2 880122986 +745 151 2 880122948 +745 168 3 880123671 +745 169 4 880123671 +745 174 3 880123179 +745 177 3 880123572 +745 181 2 880122965 +745 182 2 880123314 +745 183 3 880123205 +745 188 3 880123540 +745 190 5 880123905 +745 194 4 880123262 +745 202 3 880123486 +745 203 3 880123696 +745 204 3 880123335 +745 205 2 880123205 +745 207 2 880123609 +745 215 3 880123751 +745 222 2 880123126 +745 230 2 880123572 +745 258 5 880122502 +745 275 1 880123905 +745 276 1 880123905 +745 285 1 880123905 +745 286 1 880123905 +745 302 4 880122475 +745 425 4 880123540 +745 427 4 880123361 +745 480 3 880123361 +745 483 1 880123361 +745 492 5 880123572 +745 507 1 880123335 +745 510 3 880123720 +745 515 4 880122863 +745 519 5 880123751 +745 520 3 880123696 +745 527 3 880123486 +745 531 3 880123517 +745 603 4 880123243 +745 646 4 880123416 +745 923 3 880123720 +745 936 1 880122907 +745 1126 2 880123572 +746 1 4 885075714 +746 2 3 885075304 +746 8 4 885075539 +746 22 4 885075211 +746 24 4 885075434 +746 38 2 885075476 +746 50 5 885075165 +746 56 3 885075211 +746 62 3 885075434 +746 64 4 885075790 +746 68 4 885075337 +746 79 5 885075165 +746 82 4 885075337 +746 83 4 885075497 +746 89 4 885075243 +746 96 4 885075267 +746 117 4 885075304 +746 121 3 885075337 +746 127 2 885075243 +746 128 3 885075211 +746 132 4 885075756 +746 135 1 885075655 +746 144 5 885075211 +746 157 4 885075590 +746 161 3 885075304 +746 168 3 885075790 +746 172 5 885075165 +746 174 5 885075243 +746 176 5 885075243 +746 181 5 885075166 +746 183 4 885075165 +746 184 4 885075267 +746 186 4 885075497 +746 196 4 885075612 +746 202 5 885075518 +746 204 5 885075539 +746 208 4 885075569 +746 210 5 885075211 +746 222 3 885075267 +746 226 4 885075434 +746 228 4 885075243 +746 229 2 885075399 +746 230 1 885075337 +746 231 2 885075476 +746 232 3 885075304 +746 233 4 885075399 +746 265 4 885075399 +746 281 3 885075434 +746 385 5 885075367 +746 399 3 885075211 +746 403 4 885075337 +746 405 2 885075476 +746 423 3 885075612 +746 431 5 885075304 +746 449 1 885075476 +746 455 4 885075304 +746 506 3 885075824 +746 523 3 885075497 +746 546 3 885075434 +746 550 4 885075367 +746 566 4 885075367 +746 568 4 885075211 +746 578 4 885075399 +746 597 4 885075304 +746 684 4 885075337 +746 685 3 885075304 +746 720 3 885075399 +747 1 5 888639138 +747 3 2 888733567 +747 4 4 888733111 +747 7 4 888639176 +747 8 5 888639175 +747 9 5 888734012 +747 11 5 888638958 +747 12 4 888639272 +747 13 3 888733348 +747 14 3 888734152 +747 15 4 888639780 +747 17 4 888733387 +747 21 2 888733111 +747 22 3 888640099 +747 23 5 888639735 +747 25 3 888639318 +747 26 3 888733314 +747 28 4 888640915 +747 29 1 888734152 +747 30 5 888638913 +747 31 4 888639222 +747 32 5 888639890 +747 39 4 888640684 +747 40 2 888733480 +747 44 2 888639437 +747 47 5 888639939 +747 48 5 888639890 +747 50 5 888639060 +747 56 5 888639526 +747 58 3 888639594 +747 63 3 888733510 +747 64 5 888639642 +747 69 5 888640475 +747 70 4 888733218 +747 71 5 888639102 +747 73 4 888640305 +747 79 4 888640392 +747 82 4 888639642 +747 83 4 888732571 +747 85 3 888733144 +747 86 5 888638958 +747 87 5 888640222 +747 88 2 888733218 +747 91 5 888640820 +747 93 4 888639685 +747 94 4 888733537 +747 95 3 888639318 +747 96 5 888639397 +747 97 5 888640437 +747 98 5 888639480 +747 99 5 888640524 +747 100 5 888639397 +747 108 4 888733415 +747 109 5 888733274 +747 111 4 888733480 +747 116 4 888639318 +747 117 2 888639780 +747 124 5 888639138 +747 127 5 888639362 +747 129 5 888639138 +747 132 4 888732640 +747 133 5 888732695 +747 134 5 888640180 +747 135 5 888640437 +747 136 5 888639481 +747 152 3 888640222 +747 153 4 888639989 +747 154 3 888733182 +747 156 3 888639362 +747 162 5 888639594 +747 163 4 888733111 +747 168 4 888639015 +747 169 5 888640305 +747 172 5 888639222 +747 173 3 888640862 +747 174 5 888639138 +747 175 4 888640180 +747 176 4 888638958 +747 178 5 888639939 +747 179 5 888639780 +747 180 5 888639735 +747 181 5 888639014 +747 182 5 888639272 +747 183 5 888732899 +747 185 5 888640437 +747 187 5 888639318 +747 188 5 888639890 +747 189 4 888639272 +747 190 4 888640305 +747 192 5 888639014 +747 194 3 888639222 +747 195 4 888640136 +747 196 2 888640046 +747 199 4 888639102 +747 202 4 888733047 +747 204 5 888732899 +747 205 5 888639102 +747 208 5 888640862 +747 209 3 888640437 +747 210 4 888639272 +747 211 5 888639014 +747 215 5 888732899 +747 216 2 888639060 +747 222 2 888640180 +747 223 5 888638913 +747 228 4 888639736 +747 231 3 888734113 +747 234 5 888640099 +747 235 5 888733444 +747 238 3 888638957 +747 258 2 888638335 +747 262 5 888638242 +747 265 4 888639060 +747 268 5 888638091 +747 269 4 888638183 +747 274 4 888733348 +747 276 5 888639989 +747 279 4 888732571 +747 282 2 888640475 +747 285 5 888732899 +747 286 4 888638335 +747 287 4 888733182 +747 288 4 888638091 +747 290 3 888733144 +747 292 4 888638293 +747 301 1 888638335 +747 302 5 888638091 +747 303 5 888638091 +747 304 4 888638370 +747 305 5 888638183 +747 313 5 888638265 +747 315 4 888638774 +747 316 4 888638552 +747 318 5 888732899 +747 320 5 888732899 +747 327 4 888638425 +747 333 4 888638335 +747 347 5 888638091 +747 357 5 888638876 +747 367 3 888733070 +747 390 4 888640862 +747 392 3 888734178 +747 393 2 888733111 +747 403 5 888734113 +747 404 5 888640648 +747 408 5 888639481 +747 409 1 888733595 +747 416 5 888640916 +747 418 5 888639102 +747 419 5 888640820 +747 423 5 888638958 +747 427 5 888732899 +747 428 3 888640046 +747 429 4 888639823 +747 430 4 888639437 +747 432 5 888640567 +747 433 3 888733387 +747 443 5 888640136 +747 461 5 888639526 +747 462 5 888639272 +747 463 3 888732695 +747 466 3 888640136 +747 467 4 888639222 +747 473 3 888640305 +747 474 5 888639526 +747 475 5 888639397 +747 476 3 888733595 +747 478 4 888639437 +747 479 5 888732719 +747 480 5 888639060 +747 481 5 888639525 +747 482 5 888639526 +747 483 5 888639318 +747 485 5 888640222 +747 486 5 888732609 +747 488 5 888640524 +747 492 4 888639060 +747 493 5 888734012 +747 494 5 888639015 +747 496 5 888640136 +747 497 5 888639890 +747 498 5 888639318 +747 500 4 888640222 +747 501 5 888639362 +747 502 5 888733182 +747 504 5 888640605 +747 505 5 888639823 +747 507 3 888639890 +747 508 5 888638876 +747 509 5 888639176 +747 510 5 888639890 +747 511 5 888639138 +747 514 4 888639823 +747 517 5 888734012 +747 519 5 888639989 +747 521 5 888640567 +747 524 5 888640222 +747 525 5 888640684 +747 526 5 888639642 +747 529 5 888640099 +747 530 5 888734041 +747 531 4 888732609 +747 555 2 888734152 +747 558 4 888640046 +747 580 5 888734112 +747 582 5 888639362 +747 584 5 888640524 +747 588 5 888639989 +747 591 2 888640776 +747 596 5 888640437 +747 603 5 888639362 +747 604 5 888638913 +747 606 5 888638958 +747 608 4 888640475 +747 615 5 888640348 +747 625 3 888640648 +747 631 5 888638957 +747 634 5 888639222 +747 639 5 888732899 +747 644 5 888639397 +747 648 5 888734012 +747 649 3 888640916 +747 650 4 888639014 +747 651 5 888640862 +747 653 5 888639939 +747 654 5 888639939 +747 655 3 888639685 +747 659 4 888639175 +747 661 5 888639642 +747 663 5 888733111 +747 664 2 888638876 +747 672 4 888734152 +747 675 2 888640180 +747 693 5 888732899 +747 695 2 888733111 +747 705 5 888639939 +747 715 5 888733274 +747 726 2 888733387 +747 732 3 888639138 +747 735 4 888639735 +747 736 5 888732899 +747 739 3 888734072 +747 783 1 888732921 +747 792 5 888639102 +747 811 3 888639735 +747 835 3 888640180 +747 842 5 888640916 +747 844 4 888640136 +747 845 2 888640046 +747 865 5 888640916 +747 875 3 888638455 +747 887 5 888638335 +747 900 5 888638183 +747 923 5 888639939 +747 929 3 888733218 +747 939 3 888639362 +747 945 4 888639481 +747 949 5 888733182 +747 951 2 888640648 +747 952 2 888733630 +747 959 5 888733144 +747 967 3 888639318 +747 985 2 888732640 +747 989 3 888638508 +747 997 3 888733480 +747 1003 1 888733314 +747 1015 4 888640046 +747 1020 4 888639642 +747 1021 5 888640099 +747 1028 1 888733480 +747 1041 4 888733567 +747 1045 4 888639823 +747 1050 3 888640099 +747 1067 2 888733348 +747 1098 4 888640437 +747 1134 5 888732609 +747 1142 4 888732952 +747 1159 2 888639685 +747 1170 2 888733182 +747 1179 1 888733387 +747 1194 5 888639102 +747 1203 5 888639685 +747 1204 4 888639102 +747 1205 3 888639594 +747 1225 3 888733314 +747 1246 1 888733415 +747 1375 4 888732571 +747 1427 2 888639594 +747 1456 3 888732747 +747 1497 4 888732538 +747 1631 3 888638957 +747 1659 1 888733313 +747 1660 2 888640731 +748 1 4 879455040 +748 4 4 879454912 +748 7 4 879454662 +748 8 4 879455126 +748 22 4 879455126 +748 48 4 879455083 +748 50 5 879454428 +748 56 4 879455083 +748 58 4 879455083 +748 64 4 879454707 +748 69 4 879454849 +748 71 3 879454546 +748 79 4 879454998 +748 83 3 879455019 +748 86 4 879455126 +748 89 5 879454831 +748 96 5 879454662 +748 97 4 879454848 +748 114 4 879454773 +748 118 2 879455040 +748 132 3 879454998 +748 133 3 879454455 +748 135 4 879454998 +748 137 3 879454958 +748 143 3 879454546 +748 144 4 879454707 +748 153 4 879454930 +748 154 3 879454602 +748 168 3 879454930 +748 169 4 879454848 +748 172 4 879454810 +748 173 4 879454831 +748 174 5 879454405 +748 175 5 879455019 +748 176 5 879454773 +748 179 4 879454728 +748 180 4 879454958 +748 181 4 879454455 +748 182 4 879454630 +748 183 4 879454584 +748 186 5 879454498 +748 187 4 879454958 +748 188 4 879455167 +748 189 4 879454749 +748 192 3 879454584 +748 193 3 879454789 +748 194 4 879454773 +748 195 4 879455083 +748 196 3 879454958 +748 197 3 879454630 +748 199 4 879455454 +748 200 3 879454522 +748 204 3 879454662 +748 208 4 879454522 +748 209 4 879454728 +748 210 3 879454584 +748 213 3 879455454 +748 216 4 879454998 +748 222 4 879454707 +748 227 3 879455150 +748 228 3 879454687 +748 234 4 879454475 +748 237 4 879454880 +748 250 5 879454383 +748 258 5 879454081 +748 271 3 879454302 +748 286 3 879454107 +748 300 4 879454172 +748 318 5 879454475 +748 319 3 879454107 +748 323 4 879454208 +748 326 3 879454171 +748 328 4 879454208 +748 357 3 879454584 +748 402 2 879454476 +748 408 5 879454428 +748 421 4 879454630 +748 425 4 879454773 +748 427 4 879454405 +748 451 1 879455186 +748 474 4 879454475 +748 479 4 879454428 +748 483 4 879455040 +748 495 3 879454687 +748 496 4 879454455 +748 498 4 879454831 +748 514 4 879454749 +748 515 4 879454662 +748 517 3 879455083 +748 527 5 879454749 +748 528 3 879454880 +748 588 4 879454497 +748 603 5 879454455 +748 633 4 879454428 +748 647 3 879454602 +748 650 1 879454573 +748 654 4 879454998 +748 655 3 879454879 +748 657 4 879455221 +748 678 2 879454233 +748 692 3 879455410 +748 699 3 879455454 +748 709 4 879454546 +748 710 3 879455410 +748 732 4 879454749 +748 748 4 879454208 +748 813 4 879454497 +748 847 4 879454546 +749 1 4 881602577 +749 2 4 878849375 +749 4 4 878847863 +749 9 3 878846903 +749 11 5 878848189 +749 15 5 878846841 +749 22 5 878847327 +749 23 3 878849176 +749 24 2 878849508 +749 25 4 878846697 +749 31 5 878847209 +749 38 3 878850724 +749 47 4 878848098 +749 48 3 878848015 +749 49 4 878848137 +749 50 5 878846978 +749 56 2 878847404 +749 58 3 878847988 +749 62 3 878849052 +749 64 4 878847171 +749 66 3 878849433 +749 67 1 878850588 +749 68 4 878849612 +749 69 5 878847576 +749 71 4 878847576 +749 72 3 878850388 +749 73 4 878849586 +749 77 3 878849534 +749 78 3 878850632 +749 79 4 878848069 +749 80 1 878850533 +749 82 5 878848405 +749 85 4 878849259 +749 86 4 878848369 +749 87 4 878849558 +749 88 4 878849534 +749 89 4 878848098 +749 94 5 878849829 +749 95 3 878848333 +749 96 5 878847498 +749 98 5 878847404 +749 99 5 878847804 +749 100 3 878849052 +749 101 4 878848700 +749 105 1 878849508 +749 110 2 878850703 +749 111 3 878848405 +749 117 4 878846654 +749 118 3 878846841 +749 121 3 878847645 +749 125 5 878848764 +749 127 4 881073104 +749 132 4 878847926 +749 133 4 878849052 +749 134 4 878847286 +749 135 4 878848189 +749 136 5 878849404 +749 139 4 878850084 +749 140 3 878847673 +749 141 4 878848217 +749 142 4 878850456 +749 143 4 878847926 +749 144 5 878847835 +749 145 4 878849433 +749 148 3 878850212 +749 151 5 878846783 +749 153 4 878848828 +749 154 5 878847988 +749 155 2 878849829 +749 157 3 878847364 +749 158 3 878849903 +749 159 4 878849956 +749 160 3 878847461 +749 161 3 878847461 +749 162 3 878848333 +749 164 3 878848866 +749 167 2 878848701 +749 168 5 878847765 +749 172 5 878847239 +749 173 5 878847740 +749 174 5 878847209 +749 175 3 878847576 +749 176 4 878847954 +749 178 4 878847540 +749 179 4 878848015 +749 180 4 878848483 +749 181 5 878846998 +749 182 3 878848639 +749 183 5 878847286 +749 184 2 878848137 +749 185 4 878847740 +749 186 4 878847862 +749 187 3 881073104 +749 188 3 878848302 +749 191 4 878848217 +749 194 5 878847541 +749 195 5 878848639 +749 196 4 878848302 +749 197 4 878848044 +749 199 5 878847171 +749 200 4 878848302 +749 202 5 878847461 +749 203 4 878848639 +749 204 4 878847576 +749 205 4 878847804 +749 208 5 878848044 +749 209 4 878848828 +749 210 4 878848587 +749 211 5 878847887 +749 214 3 878849177 +749 215 4 878847172 +749 216 4 878848137 +749 222 3 878847716 +749 223 4 881602704 +749 226 4 878848533 +749 227 4 878848189 +749 228 5 878848828 +749 229 3 878849482 +749 230 3 878848272 +749 231 4 878849660 +749 232 4 878848483 +749 233 5 878849286 +749 234 4 878848044 +749 237 3 878846782 +749 238 3 878847863 +749 239 4 878849286 +749 240 1 878850656 +749 245 4 878846423 +749 250 3 878846978 +749 252 3 878847057 +749 254 2 881602674 +749 257 3 878846957 +749 258 4 878846265 +749 271 5 879788762 +749 273 4 878848243 +749 280 4 878847835 +749 284 4 878846812 +749 291 4 878848137 +749 292 4 878846384 +749 293 4 878846783 +749 294 2 878846265 +749 295 3 881602635 +749 298 4 879788916 +749 300 4 878846365 +749 322 4 878846422 +749 326 4 878846365 +749 328 4 878846422 +749 356 4 878847804 +749 357 4 878847862 +749 358 3 878846422 +749 365 3 878848951 +749 366 4 878849903 +749 378 5 878847612 +749 380 3 878849586 +749 385 3 878848272 +749 389 3 878849375 +749 391 3 878849149 +749 393 5 878849903 +749 398 3 878850038 +749 399 3 878849433 +749 401 1 878850015 +749 402 4 878849829 +749 403 4 878849903 +749 404 5 878847673 +749 405 2 878848673 +749 406 4 881072892 +749 414 4 878848189 +749 418 5 878847498 +749 419 5 878847765 +749 420 4 878849682 +749 423 4 878847645 +749 428 3 878849534 +749 429 4 878847461 +749 430 4 878847926 +749 431 5 878848069 +749 433 3 878848217 +749 434 4 878848369 +749 435 4 878847888 +749 443 4 878847954 +749 444 2 878850632 +749 448 2 878847645 +749 449 3 878850610 +749 465 4 878847716 +749 468 3 878848333 +749 470 5 878849259 +749 472 4 878849149 +749 477 3 878848405 +749 478 5 878847328 +749 480 5 878847328 +749 483 4 878847540 +749 484 5 881073043 +749 485 4 878848097 +749 495 4 878847612 +749 496 5 878847673 +749 498 4 878847926 +749 501 4 878847209 +749 510 4 878847404 +749 511 4 878847286 +749 521 4 878847765 +749 523 4 878847285 +749 526 5 878847804 +749 527 4 878847364 +749 531 5 878847171 +749 540 3 878850388 +749 541 3 878850825 +749 546 3 878849857 +749 549 3 878847926 +749 550 4 878850212 +749 554 3 878849612 +749 566 3 878849857 +749 568 4 878848098 +749 571 3 878850456 +749 576 3 878850533 +749 578 3 878850429 +749 584 3 878848483 +749 586 4 878850657 +749 595 4 878850107 +749 603 5 878847804 +749 609 4 881073104 +749 616 3 878848612 +749 620 4 882804506 +749 621 3 878848795 +749 622 3 878850675 +749 625 3 878848430 +749 627 2 878848951 +749 628 4 878846903 +749 633 4 878848764 +749 635 1 878850703 +749 636 4 878849929 +749 637 1 878850456 +749 642 2 878848137 +749 650 3 878848189 +749 655 5 878848044 +749 658 4 878849404 +749 659 5 878847611 +749 661 5 878847576 +749 663 4 878847988 +749 678 2 878846423 +749 685 4 878848137 +749 686 4 878850429 +749 705 4 878847612 +749 712 3 878849375 +749 729 4 878848015 +749 731 3 878848828 +749 732 4 878848452 +749 735 5 878847716 +749 736 3 878847988 +749 739 3 878848558 +749 740 3 878847716 +749 742 4 878849375 +749 746 5 878848764 +749 748 3 878846384 +749 755 4 878848866 +749 763 1 878848483 +749 780 1 878849682 +749 781 4 878849979 +749 802 3 878850789 +749 808 3 878849929 +749 809 3 878848673 +749 812 3 878849586 +749 821 3 878847328 +749 823 3 878850060 +749 826 3 878850038 +749 833 2 878850565 +749 837 5 878848587 +749 841 3 878850768 +749 843 3 878848998 +749 845 3 878848189 +749 866 3 878848639 +749 879 4 878846449 +749 930 3 878849558 +749 932 3 878850333 +749 934 3 878850333 +749 941 5 878849877 +749 944 4 878849482 +749 951 4 878848533 +749 968 3 878850186 +749 969 4 878848243 +749 975 4 878848369 +749 977 4 878850502 +749 984 3 881073009 +749 986 3 878850107 +749 1013 1 881073081 +749 1016 5 878846958 +749 1023 3 881073104 +749 1028 4 878849149 +749 1034 2 878850656 +749 1041 4 878849979 +749 1047 3 878849740 +749 1051 3 878846676 +749 1088 2 881602596 +749 1089 3 882804586 +749 1092 3 878850703 +749 1133 2 878850084 +749 1136 4 878847804 +749 1139 3 878850084 +749 1185 4 878849375 +749 1188 3 878850610 +749 1228 4 878850748 +749 1244 3 878847101 +749 1263 2 878850533 +749 1274 2 878850212 +749 1337 3 882804605 +749 1440 3 878849534 +749 1615 4 878847076 +750 245 3 879446215 +750 258 3 879445755 +750 269 4 879445755 +750 270 4 879445877 +750 271 4 879445911 +750 286 4 879445755 +750 288 4 879445808 +750 294 4 879445961 +750 300 3 879446013 +750 301 4 879445911 +750 303 4 879445911 +750 304 4 879446013 +750 305 4 879445877 +750 306 4 879445877 +750 322 2 879445877 +750 323 3 879445877 +750 325 1 879446215 +750 327 4 879446013 +750 328 4 879445808 +750 330 2 879446215 +750 331 4 879446114 +750 338 3 879445961 +750 358 3 879446216 +750 683 1 879445911 +750 688 1 879446013 +750 748 3 879446013 +750 749 3 879446271 +750 873 3 879446013 +750 876 2 879446014 +750 879 4 879445961 +750 881 2 879446114 +750 886 3 879446114 +750 1280 1 879445877 +751 1 3 889132162 +751 2 4 889298116 +751 3 3 889299391 +751 7 3 889132251 +751 11 1 889133177 +751 21 5 889298093 +751 25 5 889132252 +751 28 5 889133064 +751 42 5 889133429 +751 50 5 889132162 +751 52 2 889297948 +751 55 4 889134419 +751 56 4 889132775 +751 62 4 889298660 +751 70 4 889297870 +751 79 4 889132776 +751 82 4 889133334 +751 83 5 889134705 +751 85 3 889297767 +751 87 5 889297927 +751 88 4 889298660 +751 89 3 889132966 +751 90 3 889298528 +751 91 4 889134705 +751 94 3 889298964 +751 95 5 889134419 +751 96 4 889133154 +751 98 5 889134186 +751 99 4 889134483 +751 100 4 889132252 +751 101 4 889298622 +751 111 3 889132657 +751 117 4 889132269 +751 118 2 889298074 +751 121 4 889135401 +751 131 5 889132966 +751 142 4 889299175 +751 143 5 889133882 +751 144 4 889133219 +751 153 4 889133240 +751 154 3 888871900 +751 161 2 889134419 +751 168 5 888871900 +751 172 5 889133129 +751 173 4 889134393 +751 174 4 889133012 +751 178 5 889132896 +751 179 4 889298074 +751 181 5 889132397 +751 193 5 889133556 +751 194 5 889297693 +751 196 4 889133039 +751 197 3 889296961 +751 202 4 889133129 +751 204 4 889133950 +751 209 4 889133377 +751 210 5 889133106 +751 213 5 889132808 +751 214 4 889298463 +751 215 4 889133334 +751 216 4 889133602 +751 226 3 889134237 +751 227 4 889298892 +751 237 2 889132301 +751 238 3 889297524 +751 239 4 889134237 +751 248 5 889132413 +751 250 3 889132397 +751 257 4 889132542 +751 269 5 888871900 +751 270 4 887134730 +751 272 4 887134672 +751 274 4 889298694 +751 291 3 889299155 +751 300 2 887134622 +751 301 5 887134816 +751 302 4 888870893 +751 305 2 887134730 +751 310 3 887134816 +751 313 2 889727869 +751 315 3 887134587 +751 316 4 888871453 +751 323 1 888871598 +751 332 3 887134842 +751 347 4 887134587 +751 367 4 889133950 +751 372 3 889297990 +751 380 3 889298548 +751 381 1 889134419 +751 382 3 889298463 +751 385 4 889135244 +751 386 3 889299078 +751 394 4 889297640 +751 399 3 889298912 +751 402 3 889298216 +751 405 3 889298528 +751 417 2 889297615 +751 418 5 889135211 +751 419 4 889134533 +751 428 4 889297239 +751 431 4 889134705 +751 432 4 889134420 +751 433 3 889134186 +751 434 4 889297670 +751 436 4 889135879 +751 472 2 889299043 +751 479 2 889132776 +751 480 4 889133129 +751 481 4 889133684 +751 483 5 889132849 +751 484 3 889134483 +751 485 4 889134483 +751 486 3 889133737 +751 487 5 889134705 +751 490 4 889133429 +751 494 4 889133556 +751 497 4 889134393 +751 537 4 889134006 +751 538 4 887134672 +751 558 3 889298216 +751 559 4 889298622 +751 568 3 889133334 +751 578 4 889298174 +751 588 5 889133291 +751 591 1 889132375 +751 596 4 889133852 +751 597 2 889299290 +751 603 4 889132776 +751 631 5 889297711 +751 652 4 889133951 +751 655 3 889133377 +751 658 3 889133106 +751 659 5 889133012 +751 660 4 889297990 +751 689 2 888871738 +751 704 2 889133429 +751 708 4 889298140 +751 709 4 889132929 +751 710 3 889298051 +751 734 1 889299637 +751 735 4 889134332 +751 736 5 889134533 +751 737 4 889298945 +751 738 4 889299733 +751 739 3 889133556 +751 742 3 889132347 +751 746 4 889133219 +751 748 2 887135437 +751 751 4 887396425 +751 755 4 889298116 +751 756 2 889299249 +751 778 3 889297178 +751 785 4 889298010 +751 809 3 889299429 +751 849 2 889299133 +751 856 2 889134393 +751 865 2 889135211 +751 916 1 893113145 +751 917 2 892486699 +751 945 3 889133852 +751 1007 4 889132222 +751 1011 4 889132599 +751 1035 2 889298585 +751 1078 3 889299290 +751 1101 1 889298379 +751 1140 2 889299503 +751 1446 2 889298694 +751 1661 1 889299429 +752 258 3 891207898 +752 259 5 891208451 +752 260 3 891208261 +752 268 2 891208036 +752 269 5 891208451 +752 270 4 891208077 +752 271 5 891208452 +752 272 4 891207898 +752 286 1 891207940 +752 288 5 891208452 +752 289 1 891208299 +752 294 3 891208261 +752 300 3 891208126 +752 301 4 891208077 +752 302 5 891208451 +752 305 4 891207940 +752 306 5 891208451 +752 307 5 891208451 +752 310 1 891207791 +752 311 3 891207983 +752 313 3 891207791 +752 315 2 891207791 +752 316 3 891208329 +752 321 3 891208212 +752 322 1 891208261 +752 323 1 891208261 +752 325 2 891208126 +752 326 1 891208299 +752 327 5 891208451 +752 331 4 891208036 +752 332 4 891208170 +752 333 3 891207791 +752 338 3 891208329 +752 340 4 891208077 +752 344 4 891208212 +752 345 1 891207898 +752 346 4 891207983 +752 347 4 891207846 +752 348 4 891208213 +752 350 4 891208357 +752 351 3 891207898 +752 354 2 891208261 +752 355 2 891208036 +752 358 4 891208452 +752 539 4 891208357 +752 589 4 891208491 +752 621 1 891208491 +752 678 3 891208299 +752 683 4 891208299 +752 690 4 891208170 +752 748 4 891208392 +752 750 2 891207791 +752 751 4 891208212 +752 752 3 891208213 +752 882 4 891207846 +752 887 1 891207846 +752 896 3 891207846 +752 900 4 891207791 +752 902 5 891208452 +752 904 4 891207845 +752 905 2 891207940 +752 909 3 891208036 +752 995 4 891208261 +752 1024 3 891207940 +752 1105 3 891207983 +752 1127 3 891208170 +752 1176 2 891208170 +752 1243 4 891207939 +752 1265 3 891208126 +752 1279 3 891208491 +752 1294 3 891207898 +752 1463 4 891208261 +752 1527 1 891208077 +753 22 4 891401798 +753 23 2 891401665 +753 50 4 891401902 +753 64 4 891402379 +753 69 4 891401851 +753 71 5 891401457 +753 79 4 891401665 +753 89 3 891402240 +753 96 1 891401366 +753 98 5 891401366 +753 134 4 891402323 +753 172 3 891401510 +753 173 5 891401757 +753 174 4 891402323 +753 179 2 891401410 +753 180 2 891401712 +753 181 3 891402240 +753 182 3 891401851 +753 183 1 891401798 +753 185 3 891401410 +753 187 3 891401851 +753 193 4 891401366 +753 194 4 891401757 +753 195 1 891401851 +753 199 5 891401510 +753 211 4 891402240 +753 215 5 891402272 +753 242 4 891399477 +753 269 5 891399367 +753 272 4 891399135 +753 286 3 891399477 +753 294 5 891399737 +753 300 1 891401167 +753 304 4 891399686 +753 313 5 891399135 +753 316 4 891399903 +753 322 3 891401167 +753 328 3 891401167 +753 347 2 891401167 +753 357 4 891401901 +753 359 4 891399477 +753 427 5 891401712 +753 435 4 891401712 +753 462 4 891401510 +753 483 5 891401712 +753 484 5 891401757 +753 499 3 891402323 +753 504 3 891401457 +753 510 4 891401457 +753 515 5 891401712 +753 523 4 891401851 +753 527 4 891401510 +753 653 4 891401851 +753 657 5 891401665 +753 673 1 891402379 +753 750 2 891401167 +753 898 4 891400364 +754 9 4 879451626 +754 15 5 879451743 +754 117 4 879451626 +754 118 2 879451775 +754 127 4 879451420 +754 237 3 879451805 +754 243 1 879451163 +754 255 3 879451585 +754 273 3 879451516 +754 276 5 879451841 +754 282 4 879451804 +754 284 3 879451775 +754 286 3 879450947 +754 291 4 879451991 +754 292 3 879451958 +754 293 4 879451466 +754 295 4 879451626 +754 307 3 879451191 +754 328 3 879450984 +754 340 2 879451010 +754 359 3 879451299 +754 459 4 879451805 +754 476 4 879451742 +754 477 5 879451775 +754 595 2 879452073 +754 619 4 879451517 +754 676 3 879451517 +754 742 3 879451991 +754 744 3 879452073 +754 819 3 879452116 +754 922 3 879452073 +754 937 4 879451061 +754 1016 4 879451585 +754 1197 3 879451841 +755 245 4 882569881 +755 258 5 882569732 +755 259 3 882570140 +755 264 2 882570077 +755 269 5 882569604 +755 271 1 882570023 +755 286 5 882569670 +755 288 1 882569771 +755 289 1 882569912 +755 294 3 882569574 +755 299 2 882569732 +755 300 4 882569574 +755 301 3 882569771 +755 302 4 882569771 +755 304 4 882569881 +755 310 4 882569604 +755 311 4 882569771 +755 319 3 882569801 +755 322 3 882569912 +755 323 4 882570077 +755 327 2 882569801 +755 328 4 882569881 +755 331 3 882569771 +755 340 1 882569732 +755 343 3 882570077 +755 538 4 882570023 +755 688 3 882570077 +755 689 3 882570077 +755 690 5 882569574 +755 748 4 882570141 +755 872 1 882569844 +755 875 1 882570023 +755 879 4 882569844 +755 880 4 882569732 +755 881 1 882569732 +755 887 3 882569845 +755 937 4 882569604 +755 938 3 882570023 +756 1 4 874826629 +756 3 1 874829174 +756 8 4 874827755 +756 9 2 874828453 +756 22 3 874828592 +756 30 4 874827283 +756 50 4 874828592 +756 53 3 874830432 +756 55 5 875129318 +756 63 3 874830908 +756 66 4 874829705 +756 71 3 874828391 +756 79 4 874829990 +756 82 3 874830748 +756 88 1 874829743 +756 89 4 874828769 +756 91 3 874830954 +756 92 3 874828027 +756 95 3 874829258 +756 96 4 874828640 +756 97 3 874829484 +756 99 3 874829258 +756 100 5 874831383 +756 111 4 874829670 +756 117 4 874828826 +756 118 2 874828967 +756 121 3 874829152 +756 122 1 874831227 +756 123 2 874830344 +756 135 2 874827884 +756 138 2 874830864 +756 141 3 874831227 +756 143 5 874831383 +756 147 4 874828826 +756 151 4 874830550 +756 155 4 874829637 +756 159 4 874829924 +756 161 3 874831194 +756 171 4 874827062 +756 173 3 874826565 +756 176 4 874828826 +756 178 5 874831383 +756 181 4 874831383 +756 183 4 874831383 +756 195 3 874828967 +756 197 2 874829446 +756 210 4 874828902 +756 222 2 874828967 +756 225 1 874830864 +756 226 3 874830103 +756 228 3 874828640 +756 230 3 874829010 +756 234 3 874829924 +756 235 3 874827755 +756 245 3 874832096 +756 251 4 875129238 +756 256 4 874827486 +756 258 3 874826502 +756 274 3 874829637 +756 275 3 874827103 +756 289 4 874828027 +756 300 4 874826502 +756 323 3 874832096 +756 325 3 874832132 +756 367 4 874827614 +756 383 3 874831050 +756 398 3 874831050 +756 399 2 874828967 +756 402 4 874831383 +756 403 2 874828826 +756 404 3 874830908 +756 409 2 874830998 +756 418 3 874829333 +756 419 3 874830513 +756 420 4 874829373 +756 421 4 874829637 +756 423 3 874830675 +756 432 4 874829258 +756 435 3 874832788 +756 473 3 874829296 +756 501 3 874829296 +756 527 3 874828242 +756 550 2 874829152 +756 554 1 874829152 +756 566 4 874830168 +756 568 3 874828903 +756 588 4 874829258 +756 591 4 874829924 +756 603 5 874831383 +756 622 3 874830790 +756 642 2 874829924 +756 731 3 874827920 +756 739 4 874829743 +756 742 3 874830026 +756 753 2 874832788 +756 755 3 874830598 +756 860 1 874830068 +756 919 5 874831383 +756 930 3 874830344 +756 983 2 874830305 +756 1009 4 874827247 +756 1031 2 874830819 +756 1060 4 874831383 +756 1074 4 874831383 +756 1119 4 874828349 +756 1149 5 874827023 +756 1240 4 874829333 +756 1274 2 874828278 +756 1652 1 874828198 +757 1 4 888443974 +757 2 3 888466490 +757 4 5 888466461 +757 7 4 888444826 +757 11 4 888466583 +757 17 3 888466490 +757 22 4 888466407 +757 24 4 888444616 +757 27 4 888466683 +757 28 3 888467794 +757 29 2 888466683 +757 31 4 888445570 +757 38 3 888467038 +757 50 4 888444056 +757 53 3 888466737 +757 56 4 888445279 +757 58 3 888467592 +757 62 3 888466758 +757 64 5 888445298 +757 68 4 888466435 +757 69 3 888445768 +757 71 4 888445838 +757 79 4 888445750 +757 82 4 888466490 +757 89 4 888445279 +757 91 4 888467309 +757 95 4 888467270 +757 96 4 888466461 +757 97 4 888445714 +757 98 4 888445767 +757 100 3 888444056 +757 101 4 888467309 +757 117 4 888444181 +757 118 3 888444920 +757 121 2 888444635 +757 122 1 888445218 +757 125 2 888467666 +757 128 3 888466490 +757 129 3 888444400 +757 143 3 888468693 +757 144 4 888466490 +757 145 3 888467442 +757 148 4 888444948 +757 151 4 888444684 +757 153 3 888468995 +757 155 2 888469095 +757 156 3 888445551 +757 157 3 888467855 +757 161 3 888468909 +757 164 3 888445684 +757 168 4 888468756 +757 172 4 888445587 +757 173 4 888445604 +757 174 5 888445637 +757 175 3 888445551 +757 176 5 888445730 +757 179 4 888467855 +757 181 3 888444314 +757 183 4 888445864 +757 188 3 888466614 +757 193 4 888445521 +757 195 4 888445802 +757 196 4 888445604 +757 198 4 888445864 +757 202 4 888445730 +757 203 5 888445521 +757 204 4 888468577 +757 205 4 888467498 +757 206 4 888445683 +757 207 2 888468632 +757 210 4 888445570 +757 217 3 888467381 +757 222 4 888444400 +757 226 3 888467038 +757 227 4 888466652 +757 228 4 888466461 +757 229 3 888466652 +757 230 4 888466614 +757 231 2 888466614 +757 232 3 888466435 +757 233 3 888467038 +757 235 3 888444935 +757 241 3 888466863 +757 248 4 888444209 +757 250 4 888444088 +757 252 3 888444827 +757 254 2 888445172 +757 257 4 888444400 +757 258 5 888443306 +757 260 3 888443511 +757 265 3 888466614 +757 270 3 888443434 +757 271 3 888443307 +757 276 4 888444181 +757 288 4 888443307 +757 298 4 888444208 +757 313 3 888443263 +757 323 3 888443483 +757 326 3 888443434 +757 328 3 888469286 +757 333 4 888443263 +757 343 3 888443555 +757 350 3 888443511 +757 358 3 888443570 +757 385 3 888468596 +757 399 3 888466782 +757 403 4 888466461 +757 405 4 888444583 +757 423 3 888445279 +757 426 3 888467270 +757 431 4 888466584 +757 432 3 888467269 +757 433 4 888445684 +757 449 3 888466782 +757 450 2 888467205 +757 455 3 888445035 +757 470 3 888467016 +757 471 4 888444738 +757 472 3 888445086 +757 474 3 888469045 +757 515 5 888444007 +757 546 3 888444881 +757 549 5 888468540 +757 550 3 888445820 +757 554 3 888466683 +757 559 4 888467400 +757 561 2 888467380 +757 562 3 888466737 +757 566 3 888466490 +757 568 4 888466490 +757 569 3 888467400 +757 570 3 888466683 +757 574 3 888467187 +757 576 3 888469012 +757 588 3 888467286 +757 638 3 888468871 +757 651 4 888445279 +757 658 2 888467765 +757 665 3 888466652 +757 678 2 888443531 +757 679 4 888466583 +757 684 4 888445864 +757 685 3 888444684 +757 693 4 888467498 +757 732 3 888467829 +757 742 4 888444563 +757 743 2 888445172 +757 746 3 888468435 +757 751 3 888443398 +757 771 2 888467160 +757 809 4 888466758 +757 825 3 888444865 +757 827 3 888466758 +757 895 4 888443483 +757 931 2 888445150 +757 939 4 888467498 +757 969 3 888468741 +757 1014 3 888444827 +757 1016 3 888444563 +757 1035 2 888469113 +757 1073 4 888466983 +757 1090 2 888467187 +757 1188 3 888466651 +757 1210 2 888467187 +757 1240 3 888445820 +757 1273 2 888467187 +758 4 4 881977375 +758 6 2 881976919 +758 7 5 881975243 +758 8 5 881975577 +758 11 3 881975289 +758 12 5 881975243 +758 13 5 881977205 +758 14 5 883287566 +758 20 4 881976574 +758 23 4 881975814 +758 24 4 881979891 +758 25 4 881977669 +758 26 4 881977108 +758 28 4 881975990 +758 29 3 882054935 +758 31 3 881977872 +758 33 4 881976335 +758 38 3 881980408 +758 39 2 881974931 +758 43 3 881977747 +758 50 4 884999132 +758 53 4 882053613 +758 56 5 881976031 +758 58 4 881977169 +758 61 3 881976289 +758 62 2 881978368 +758 64 5 881974931 +758 66 3 881977169 +758 68 3 881977265 +758 69 5 881976233 +758 76 3 881977265 +758 77 3 882054049 +758 79 4 881976061 +758 81 5 881975815 +758 82 4 881976168 +758 88 4 881979942 +758 91 4 881977375 +758 93 5 881975922 +758 95 3 881977057 +758 96 5 881976985 +758 98 5 881976289 +758 99 3 882052960 +758 100 5 881975119 +758 105 2 882054936 +758 108 5 881978148 +758 109 3 881975687 +758 116 5 881976289 +758 117 4 881976203 +758 118 2 881978326 +758 121 2 881978864 +758 122 4 881980408 +758 123 1 881977872 +758 124 5 884999132 +758 125 2 881977205 +758 127 5 880672637 +758 128 4 881977625 +758 129 4 881975962 +758 131 3 881975243 +758 134 5 881975005 +758 135 5 881974742 +758 137 5 881975539 +758 139 4 882053834 +758 141 4 881977533 +758 143 5 881975314 +758 144 4 881975267 +758 147 4 881977021 +758 150 5 881975243 +758 151 5 881975814 +758 152 5 881975853 +758 153 5 881976377 +758 154 5 881975267 +758 155 1 882054226 +758 159 3 881977408 +758 163 5 881976089 +758 168 5 881975416 +758 170 5 881976233 +758 171 5 881976262 +758 172 4 881974880 +758 173 5 881975182 +758 174 5 881975005 +758 175 4 881976061 +758 176 5 882055987 +758 177 5 881974823 +758 179 5 881976031 +758 181 4 880672747 +758 183 5 882055987 +758 184 5 881974823 +758 185 4 881975182 +758 186 5 881974931 +758 191 5 881975853 +758 192 4 882053053 +758 195 5 881975416 +758 196 4 881977229 +758 197 3 881975687 +758 199 4 881975687 +758 200 5 881977229 +758 202 5 881976821 +758 203 5 881978016 +758 204 4 881975787 +758 208 4 881978148 +758 209 5 881975118 +758 210 4 882053302 +758 211 4 881975736 +758 212 4 881976919 +758 213 5 881976377 +758 216 4 881974931 +758 217 2 881978805 +758 218 4 881977487 +758 221 3 881976335 +758 222 4 884999132 +758 223 5 881975119 +758 224 4 881975922 +758 227 4 884999133 +758 228 3 881977021 +758 229 3 881978057 +758 230 4 884999132 +758 231 3 881979012 +758 234 4 881974823 +758 235 5 881978274 +758 236 4 881974742 +758 237 4 881976377 +758 238 5 881975538 +758 239 3 881976574 +758 240 3 882053986 +758 241 3 881977109 +758 242 3 880672230 +758 248 4 880672747 +758 249 4 880672782 +758 250 4 880672766 +758 252 3 880672830 +758 253 5 880672855 +758 257 5 880672700 +758 258 4 880672230 +758 262 5 880672257 +758 269 4 880672230 +758 270 4 889062124 +758 271 4 884999132 +758 272 4 884413293 +758 273 4 881977714 +758 276 2 881976574 +758 282 3 881977488 +758 285 5 881974823 +758 286 5 880672230 +758 287 5 881975182 +758 288 4 882056007 +758 289 2 880672402 +758 290 5 881978495 +758 291 4 881978115 +758 292 4 880672402 +758 293 3 880672727 +758 294 5 880672523 +758 297 4 880672700 +758 298 4 880672727 +758 300 2 880672402 +758 301 3 880672427 +758 302 5 882848498 +758 303 4 880672321 +758 305 4 880672257 +758 307 3 880672345 +758 310 3 880672402 +758 311 4 880672321 +758 312 3 883190351 +758 313 4 882926095 +758 315 5 883793836 +758 316 5 888020827 +758 319 4 880672321 +758 320 5 881976061 +758 324 5 880672230 +758 328 1 880672321 +758 331 4 882322862 +758 332 4 886464043 +758 338 4 881295151 +758 340 3 880672345 +758 342 4 881295151 +758 343 2 882055987 +758 344 3 888715390 +758 345 5 883806413 +758 346 2 883099368 +758 347 3 885257453 +758 350 4 885016523 +758 352 4 885948283 +758 353 4 886743253 +758 355 4 888461050 +758 356 2 881977872 +758 362 5 888020763 +758 364 4 882055394 +758 373 4 882055347 +758 380 4 884999133 +758 384 5 881979788 +758 385 4 881974742 +758 386 3 881978259 +758 387 2 881978495 +758 388 3 882055289 +758 391 3 881980386 +758 393 4 881979012 +758 405 4 881978635 +758 411 4 881978115 +758 412 5 882054797 +758 414 4 881977487 +758 419 4 881974639 +758 420 3 882053499 +758 421 4 881975814 +758 425 5 881977337 +758 427 4 881974742 +758 428 4 881976745 +758 430 5 881975503 +758 431 3 881977309 +758 433 5 881976820 +758 434 3 881976233 +758 435 5 881975853 +758 436 3 881978572 +758 441 3 882054797 +758 447 4 881977487 +758 448 4 881978805 +758 452 3 882054468 +758 455 4 881977309 +758 462 4 881975687 +758 471 3 881975472 +758 474 5 881976089 +758 475 5 881977205 +758 479 5 881975539 +758 480 5 881975213 +758 481 5 881976031 +758 482 5 881975922 +758 483 5 881975577 +758 484 5 881975814 +758 488 3 881976262 +758 489 5 881975687 +758 496 3 881976031 +758 502 4 881978864 +758 505 5 881979012 +758 506 3 881975061 +758 508 4 881975962 +758 509 5 881975213 +758 510 3 881974823 +758 512 5 881975416 +758 514 5 881974823 +758 517 3 881976377 +758 520 5 881976089 +758 526 4 882052744 +758 527 5 881977169 +758 529 4 881979609 +758 531 5 881975061 +758 533 4 882055948 +758 536 2 880672747 +758 540 3 882054637 +758 541 4 881977747 +758 542 2 881978495 +758 546 3 882053613 +758 547 5 881975472 +758 550 4 881978115 +758 554 3 882055007 +758 566 4 881977488 +758 567 4 881978016 +758 568 4 881977669 +758 569 3 881978460 +758 571 4 882054936 +758 576 4 882055054 +758 578 4 881977872 +758 580 4 881974880 +758 582 3 881974823 +758 587 4 881978635 +758 597 2 881978805 +758 603 5 881976262 +758 605 3 881977057 +758 607 5 881976032 +758 608 5 881975182 +758 616 4 881976377 +758 619 4 881977205 +758 628 4 881977714 +758 629 4 881978715 +758 634 5 881975922 +758 640 5 881975119 +758 650 5 881979419 +758 652 5 881975853 +758 653 3 881975922 +758 654 4 881975061 +758 656 5 881976032 +758 657 5 881975213 +758 665 2 882055988 +758 676 2 881977428 +758 684 4 881977872 +758 685 5 881979987 +758 686 3 881974823 +758 687 3 881295189 +758 689 1 881295176 +758 705 5 881976203 +758 713 3 881977533 +758 715 4 881977057 +758 716 2 881978864 +758 722 3 881980408 +758 732 4 881977057 +758 735 5 881976855 +758 737 3 881978864 +758 742 4 881976168 +758 746 4 881976746 +758 748 1 880672522 +758 750 2 883518021 +758 751 4 882597651 +758 752 3 887086705 +758 764 1 882054519 +758 765 2 881980315 +758 780 5 882054468 +758 790 4 881978115 +758 802 3 881978572 +758 810 3 881980195 +758 820 4 882054112 +758 826 3 882054854 +758 827 3 882055257 +758 831 4 882054415 +758 837 4 881976377 +758 841 3 882055193 +758 864 4 882053726 +758 865 4 881975005 +758 887 5 882322840 +758 889 3 889038958 +758 890 3 880672552 +758 892 2 883190434 +758 895 4 883190310 +758 896 5 886658068 +758 898 3 883287566 +758 902 4 889328320 +758 919 5 881976262 +758 922 5 881980034 +758 955 2 881977021 +758 959 3 881978864 +758 968 5 881976746 +758 977 2 882055347 +758 997 4 881979969 +758 1001 5 882055227 +758 1007 5 880672727 +758 1012 4 880672727 +758 1016 4 880672855 +758 1019 4 881975736 +758 1022 5 885698979 +758 1023 4 880672855 +758 1025 3 881295176 +758 1034 4 882054415 +758 1039 5 881975787 +758 1046 4 881978767 +758 1047 3 882054250 +758 1052 5 882055497 +758 1074 1 882054297 +758 1085 5 881975503 +758 1088 3 880672830 +758 1090 1 882055460 +758 1098 5 881976746 +758 1111 4 881977375 +758 1135 2 881980034 +758 1142 5 880672766 +758 1143 5 880672637 +758 1159 5 881974639 +758 1244 3 881713279 +758 1283 4 880672876 +758 1292 1 880672876 +758 1501 3 881978258 +758 1527 3 888039070 +759 1 5 875227798 +759 24 3 875227904 +759 50 4 881476824 +759 117 5 881476781 +759 118 5 875227954 +759 121 5 881476858 +759 127 2 875227798 +759 181 5 875227798 +759 220 5 875227904 +759 222 5 881476922 +759 237 3 881476891 +759 245 3 881476616 +759 257 4 881476824 +759 258 4 875227686 +759 275 4 875227858 +759 281 4 881476991 +759 294 5 875227708 +759 298 4 875227858 +759 300 5 875227686 +759 323 4 875227724 +759 328 5 881476590 +759 332 4 881476516 +759 405 4 881476969 +759 471 4 881476969 +759 591 3 881476891 +759 678 2 875227742 +759 742 5 875227798 +759 748 4 875227708 +759 756 4 875227922 +759 937 4 881476756 +759 984 2 881476642 +759 1016 5 881476922 +760 25 2 875666317 +760 50 3 875666268 +760 65 2 875667131 +760 66 2 875668932 +760 71 4 875668080 +760 98 3 875667717 +760 111 4 875666242 +760 120 1 875669077 +760 125 4 875666242 +760 162 3 875668418 +760 172 3 875667294 +760 181 3 875666268 +760 183 2 875667366 +760 185 2 875667450 +760 195 4 875668535 +760 202 3 875667834 +760 204 4 875668105 +760 216 2 875667366 +760 237 3 875666179 +760 255 3 875666375 +760 258 5 875665793 +760 278 4 875666242 +760 288 4 875665867 +760 300 1 875665867 +760 365 5 875668737 +760 375 4 875669114 +760 451 5 875668781 +760 604 4 875668219 +760 631 3 875668368 +760 682 3 878530117 +760 723 2 875669011 +760 739 4 875668888 +760 748 4 875665867 +760 776 5 875667247 +760 819 1 875666064 +760 841 3 875666421 +760 845 5 875666110 +760 873 4 875665908 +760 928 1 875666242 +760 1037 5 875668781 +760 1135 4 875668968 +761 1 1 876190094 +761 7 4 876190206 +761 9 2 876190235 +761 15 5 876190314 +761 50 5 876189795 +761 117 5 876190314 +761 123 3 876190160 +761 125 4 876190798 +761 127 3 876190025 +761 147 4 876190370 +761 148 5 876189829 +761 151 2 876190394 +761 181 5 876190072 +761 201 2 876190511 +761 205 4 876190511 +761 214 1 876190510 +761 222 4 876190025 +761 235 3 876190182 +761 237 5 876190417 +761 243 3 876189749 +761 245 5 876189715 +761 258 4 876189585 +761 261 1 876189871 +761 263 1 876189950 +761 275 4 876190130 +761 278 4 876190370 +761 282 4 876190752 +761 283 4 876190160 +761 288 4 876189614 +761 289 2 876189871 +761 291 3 876190770 +761 293 4 876190130 +761 294 3 876189664 +761 295 4 876190130 +761 326 1 876189715 +761 358 3 876189689 +761 402 3 876189829 +761 426 1 876190510 +761 455 2 876190439 +761 457 1 876189950 +761 458 1 876190623 +761 471 3 876190336 +761 476 2 876190468 +761 477 1 876190235 +761 508 1 876190206 +761 546 5 876190468 +761 628 4 876190689 +761 678 2 876189689 +761 688 2 876189913 +761 742 2 876190370 +761 748 4 876189614 +761 840 4 876190753 +761 864 4 876190336 +761 877 2 876189931 +761 924 4 876190723 +761 988 1 876189715 +761 1012 1 876190417 +761 1014 1 876190256 +761 1152 2 876190623 +761 1157 5 876189775 +761 1163 2 876190752 +761 1197 3 876190025 +761 1272 1 876190160 +761 1277 1 876190752 +761 1287 1 876190072 +761 1558 1 876190511 +762 111 2 878719371 +762 116 1 878719186 +762 173 5 878719533 +762 237 3 878719294 +762 246 1 878719294 +762 256 3 878719448 +762 270 4 878718855 +762 274 4 878719371 +762 286 4 878718810 +762 302 5 878718810 +762 332 1 878718996 +762 421 4 878719594 +762 475 5 878719219 +762 515 5 878719186 +762 709 3 878719594 +762 749 1 878718996 +762 815 1 878719406 +762 875 5 878718996 +762 934 1 878719406 +762 955 5 878719551 +762 1662 1 878719324 +763 1 4 878915559 +763 4 5 878917877 +763 5 4 878920895 +763 11 4 878918333 +763 12 5 878918486 +763 13 3 878919116 +763 16 5 878918332 +763 22 4 878921853 +763 25 4 878922982 +763 26 4 878919055 +763 28 3 878915765 +763 39 4 878918360 +763 47 3 878915692 +763 50 4 878914968 +763 55 4 878917384 +763 56 5 878919116 +763 59 5 878915765 +763 60 5 878914968 +763 61 5 878915628 +763 69 4 878915600 +763 70 5 878917468 +763 73 3 878919180 +763 79 5 878919083 +763 83 3 878917877 +763 85 4 878918960 +763 87 2 878919019 +763 88 4 878918486 +763 96 2 878918213 +763 97 3 878919153 +763 98 4 878914968 +763 99 4 878915765 +763 100 5 878915958 +763 111 2 878918871 +763 125 3 878923322 +763 127 4 878920656 +763 132 3 878920656 +763 133 3 878923609 +763 135 5 878918332 +763 137 4 878918332 +763 143 3 878918332 +763 144 3 878915722 +763 151 4 878923488 +763 153 4 878915692 +763 157 4 878917467 +763 159 3 878917818 +763 162 4 878923433 +763 164 4 878917850 +763 168 5 878919055 +763 171 3 878915015 +763 173 4 878914968 +763 174 4 878919019 +763 176 4 878919116 +763 190 4 878917384 +763 191 4 878915063 +763 194 5 878918406 +763 195 4 878918360 +763 196 4 878919206 +763 197 4 878918360 +763 198 5 878915958 +763 200 4 878915015 +763 209 4 878918213 +763 210 3 878915015 +763 212 4 878920656 +763 213 4 878917468 +763 222 5 878918406 +763 224 5 878919153 +763 230 3 878923288 +763 234 3 878923288 +763 237 3 878919153 +763 238 4 878915559 +763 258 3 878914901 +763 275 5 878915958 +763 280 2 878915015 +763 283 4 878915600 +763 286 4 878914901 +763 317 3 878919180 +763 357 4 878919116 +763 367 3 878918871 +763 375 2 878923513 +763 382 5 878922829 +763 392 4 878919055 +763 418 4 878921530 +763 432 5 878922982 +763 461 4 878915015 +763 462 5 878921529 +763 464 3 878918960 +763 466 4 878922422 +763 469 4 878915958 +763 475 4 878915722 +763 483 4 878915628 +763 498 4 878915600 +763 505 4 878919206 +763 507 4 878918933 +763 509 5 878920895 +763 510 4 878915559 +763 515 4 878915628 +763 518 4 878919180 +763 527 3 878915692 +763 588 4 878918213 +763 607 4 878917850 +763 609 4 878918712 +763 625 4 878923488 +763 627 3 878923488 +763 629 5 878918871 +763 658 3 878915600 +763 692 2 878915958 +763 702 3 878917877 +763 703 5 878923433 +763 730 5 878923456 +763 732 3 878919206 +763 737 2 878919055 +763 738 2 878922982 +763 742 4 878921584 +763 819 2 878915766 +763 845 4 878918712 +763 879 3 878914901 +763 941 3 878915958 +763 955 2 878917433 +763 960 4 878915958 +763 961 5 878919083 +763 972 3 878918333 +763 1006 2 878919116 +763 1039 4 878923513 +763 1065 5 878915559 +763 1098 3 878919083 +763 1101 3 878918486 +763 1129 4 878918908 +763 1180 2 878915765 +763 1268 5 878918933 +764 1 4 876244181 +764 2 3 876244856 +764 4 3 876245421 +764 7 4 876243159 +764 9 4 876242649 +764 11 4 876244652 +764 13 2 876242755 +764 14 4 876752116 +764 15 4 876242945 +764 21 2 876243794 +764 22 4 876245549 +764 25 2 876243015 +764 28 4 876245069 +764 31 4 876246687 +764 50 3 876242649 +764 56 4 876244472 +764 64 5 876244991 +764 69 5 876244991 +764 70 4 876244559 +764 71 5 876429672 +764 77 4 876246687 +764 86 3 876246358 +764 89 4 876245837 +764 95 5 876246475 +764 98 5 876244991 +764 99 4 876246687 +764 100 4 876242649 +764 106 2 876243990 +764 111 4 876243595 +764 117 5 876244991 +764 118 3 876243046 +764 121 5 876244991 +764 125 4 876243795 +764 132 5 876246236 +764 140 3 876245940 +764 143 5 876245331 +764 151 4 876242912 +764 173 3 876245383 +764 174 5 876245475 +764 176 4 876244856 +764 191 3 876244688 +764 200 4 876244895 +764 202 4 876246312 +764 216 4 876245520 +764 218 4 876245837 +764 220 3 876243925 +764 222 4 876243440 +764 223 3 876244625 +764 227 4 876246358 +764 231 3 876246409 +764 237 4 876243440 +764 245 4 876244181 +764 252 3 876244023 +764 255 4 876244181 +764 273 3 876242649 +764 274 3 876243410 +764 275 4 876242851 +764 276 3 876752289 +764 278 4 876243343 +764 280 4 876244181 +764 281 3 876243854 +764 282 4 876243291 +764 284 4 876243015 +764 286 4 876232900 +764 289 5 876244991 +764 294 3 876233213 +764 318 5 876244991 +764 321 1 876233034 +764 323 3 876233088 +764 356 4 876430571 +764 371 3 876246436 +764 405 4 876243772 +764 411 3 876243668 +764 418 4 876430033 +764 432 5 876245421 +764 472 3 876243925 +764 496 5 876244991 +764 527 4 876339982 +764 531 5 876244991 +764 588 5 876246409 +764 591 3 876243572 +764 595 4 876243703 +764 596 3 876243046 +764 597 4 876243440 +764 633 5 876244991 +764 673 4 876246504 +764 692 4 876246358 +764 693 3 876246687 +764 696 3 876243465 +764 717 3 876243644 +764 732 3 876246475 +764 742 3 876243410 +764 743 1 876243100 +764 747 3 876246291 +764 756 3 876243595 +764 819 3 876243159 +764 820 3 876243953 +764 845 4 876242972 +764 864 4 876243232 +764 866 4 876244181 +764 939 4 876245880 +764 946 4 876246555 +764 1012 4 876244181 +764 1028 4 876244181 +764 1046 4 876244895 +764 1057 1 876243990 +764 1152 3 876242755 +764 1221 4 876430033 +764 1284 3 876244529 +765 10 4 880346308 +765 14 5 880346204 +765 15 2 880346491 +765 25 4 880346418 +765 42 5 880346975 +765 50 2 880346255 +765 127 5 880346722 +765 137 5 880346255 +765 151 4 880346204 +765 170 5 880346854 +765 222 2 880346340 +765 237 3 880346797 +765 242 5 880345862 +765 248 2 880346392 +765 275 4 880346768 +765 283 4 880346282 +765 285 5 880346694 +765 286 5 880345862 +765 507 5 880347034 +765 522 5 880346951 +765 847 4 880346466 +765 971 4 880346911 +765 1009 5 880346606 +766 8 5 891309329 +766 22 3 891309261 +766 23 4 891309177 +766 28 5 891309668 +766 40 3 891310851 +766 50 4 891309053 +766 52 4 891309177 +766 53 4 891310281 +766 62 3 891310475 +766 65 4 891309810 +766 69 4 891309668 +766 71 3 891309913 +766 72 2 891310704 +766 77 2 891310313 +766 82 3 891309558 +766 89 4 891309090 +766 90 1 891310313 +766 91 5 891310125 +766 95 3 891309421 +766 98 3 891309522 +766 99 3 891309810 +766 127 5 891309011 +766 131 3 891309703 +766 132 4 891309522 +766 133 3 891309844 +766 134 5 891308968 +766 135 4 891309053 +766 136 3 891310009 +766 161 3 891310372 +766 168 5 891309090 +766 172 3 891309052 +766 173 4 891309261 +766 174 3 891308968 +766 175 3 891309118 +766 176 2 891308927 +766 177 3 891309844 +766 178 4 891308968 +766 179 4 891309484 +766 180 4 891308927 +766 181 4 891309177 +766 182 4 891309053 +766 183 4 891309484 +766 185 4 891310038 +766 186 3 891309522 +766 187 4 891309053 +766 188 4 891309484 +766 191 4 891310067 +766 192 4 891309391 +766 193 3 891309668 +766 194 3 891309117 +766 196 3 891309703 +766 197 3 891309011 +766 198 4 891310210 +766 202 3 891310281 +766 205 5 891309975 +766 208 5 891309810 +766 209 3 891309053 +766 211 4 891310009 +766 212 5 891310125 +766 214 2 891309667 +766 215 3 891309250 +766 216 3 891310038 +766 217 4 891310650 +766 219 3 891310241 +766 226 3 891310150 +766 228 3 891309811 +766 229 3 891310210 +766 230 3 891310444 +766 231 2 891310851 +766 234 4 891309558 +766 238 4 891309450 +766 265 3 891309357 +766 272 4 891306880 +766 294 2 891307007 +766 318 5 891309522 +766 357 4 891309558 +766 366 3 891310875 +766 367 2 891309878 +766 375 2 891310907 +766 378 4 891310540 +766 380 2 891310475 +766 382 3 891310281 +766 385 3 891310281 +766 386 3 891310620 +766 393 3 891310372 +766 396 2 891310934 +766 402 3 891310565 +766 403 3 891310444 +766 414 4 891310150 +766 419 3 891309913 +766 423 3 891309844 +766 428 5 891309622 +766 429 4 891310067 +766 431 3 891310067 +766 432 3 891309250 +766 433 3 891309391 +766 434 5 891309947 +766 435 3 891309053 +766 436 4 891310038 +766 443 3 891309844 +766 447 3 891309522 +766 448 3 891310934 +766 451 2 891310824 +766 465 3 891310281 +766 474 5 891309011 +766 481 4 891308968 +766 482 3 891309117 +766 483 3 891309250 +766 484 4 891309391 +766 485 3 891309913 +766 487 3 891309090 +766 493 4 891309261 +766 494 3 891309177 +766 496 5 891309767 +766 497 3 891309736 +766 498 4 891309913 +766 499 3 891310125 +766 503 3 891309329 +766 504 3 891309484 +766 507 3 891309878 +766 510 3 891310038 +766 514 4 891308927 +766 518 3 891309878 +766 519 4 891308968 +766 520 4 891309146 +766 521 4 891309261 +766 523 3 891309011 +766 526 2 891309558 +766 527 5 891309558 +766 530 4 891309703 +766 550 3 891310210 +766 559 4 891310824 +766 568 2 891310313 +766 577 3 891310934 +766 584 3 891309844 +766 588 3 891309484 +766 602 4 891310038 +766 604 4 891309329 +766 605 3 891310650 +766 606 3 891309011 +766 607 1 891309090 +766 609 3 891309767 +766 613 3 891310009 +766 616 3 891309589 +766 630 3 891310772 +766 633 4 891309947 +766 639 3 891309622 +766 646 4 891309053 +766 648 3 891309913 +766 654 4 891309090 +766 659 3 891309736 +766 662 3 891310281 +766 663 5 891310067 +766 664 2 891309589 +766 672 3 891310824 +766 674 3 891310772 +766 675 3 891308927 +766 679 3 891310337 +766 705 4 891309668 +766 712 3 891310444 +766 729 3 891310394 +766 739 2 891310241 +766 747 5 891310210 +766 810 2 891310620 +766 837 3 891309878 +766 951 3 891310540 +766 965 3 891310540 +766 968 4 891310241 +766 972 3 891310907 +766 1021 2 891309011 +766 1050 3 891309668 +766 1126 4 891309767 +766 1203 3 891309421 +766 1298 3 891309736 +766 1444 2 891310508 +767 1 5 891462829 +767 22 4 891462614 +767 28 4 891462759 +767 56 4 891462759 +767 98 5 891462560 +767 100 5 891462560 +767 141 4 891462870 +767 163 4 891462560 +767 170 5 891462717 +767 172 5 891462614 +767 176 3 891462759 +767 177 5 891462614 +767 180 5 891462870 +767 183 4 891462870 +767 187 4 891462658 +767 207 5 891462759 +767 222 5 891462760 +767 242 4 891462614 +767 300 4 891462511 +767 344 4 891462511 +767 432 5 891462829 +767 478 4 891463095 +767 481 5 891462614 +767 483 5 891462870 +767 486 4 891462560 +767 495 4 891463095 +767 505 4 891462560 +767 506 5 891462829 +767 524 5 891462560 +767 615 4 891463095 +767 648 4 891462917 +767 657 4 891462917 +767 659 5 891462560 +767 724 4 891462658 +767 921 5 891462717 +767 1068 4 891462829 +767 1121 5 891462917 +768 1 5 883835025 +768 9 5 883835026 +768 14 5 883835026 +768 15 2 883835210 +768 16 3 880135943 +768 25 4 880136157 +768 50 4 883834705 +768 65 4 887305100 +768 70 4 888798611 +768 100 5 883835026 +768 111 3 880136139 +768 117 4 883834981 +768 121 4 883834705 +768 127 5 883835026 +768 151 2 880135923 +768 173 5 883835053 +768 222 4 883834705 +768 235 2 885319496 +768 237 4 883834705 +768 245 2 879523820 +768 248 3 883834705 +768 252 3 880136317 +768 255 4 888798611 +768 257 4 880136012 +768 269 3 885319349 +768 272 5 884970491 +768 274 3 880136201 +768 275 4 880135736 +768 278 2 883835210 +768 282 4 880135987 +768 284 1 883835210 +768 288 4 883834705 +768 300 5 883835026 +768 301 5 883835026 +768 310 4 883835026 +768 313 5 883835026 +768 315 3 883834448 +768 332 4 879523820 +768 340 2 879523820 +768 346 3 883834705 +768 354 3 888798611 +768 405 4 883834883 +768 471 3 880135875 +768 475 2 883835210 +768 476 4 883834705 +768 535 3 882190750 +768 591 4 883834945 +768 597 2 883835210 +768 620 2 880136410 +768 628 3 880136174 +768 682 3 883834776 +768 742 3 880136033 +768 744 3 880136272 +768 756 3 883835053 +768 762 1 883835210 +768 763 2 883835210 +768 815 3 880135963 +768 826 1 883835210 +768 845 2 880135875 +768 895 2 883750415 +768 966 4 883834814 +768 1014 2 882816126 +768 1016 2 883834814 +768 1061 1 883835210 +769 1 4 885423720 +769 13 4 885424214 +769 15 3 885423824 +769 111 5 885424001 +769 118 4 885424099 +769 120 1 885424401 +769 121 4 885423865 +769 222 4 885423824 +769 235 3 885424186 +769 237 3 885423954 +769 258 3 885422650 +769 269 5 885422510 +769 284 3 885423927 +769 405 2 885424214 +769 411 3 885424099 +769 473 3 885424337 +769 476 4 885424142 +769 546 4 885424242 +769 597 2 885424001 +769 685 3 885424305 +769 748 2 885422821 +769 824 2 885424511 +769 831 1 885424534 +769 934 4 885424462 +769 1011 3 885424142 +769 1028 3 885424186 +769 1093 3 885423632 +769 1312 2 885424776 +769 1322 2 885424730 +770 1 5 875972219 +770 7 5 875972185 +770 14 5 875972024 +770 15 5 875971902 +770 25 5 875972582 +770 50 3 875971949 +770 93 5 875971989 +770 100 5 875971949 +770 111 5 875972059 +770 117 5 875971989 +770 118 4 875973080 +770 123 3 875972100 +770 129 5 875972352 +770 151 5 875973080 +770 181 3 875972219 +770 222 4 875973686 +770 240 2 875972582 +770 244 4 875973047 +770 246 5 875971813 +770 250 5 875971902 +770 253 5 875971949 +770 255 4 875972099 +770 257 4 875972059 +770 258 5 875971568 +770 268 5 875971568 +770 275 5 875972219 +770 282 5 875972927 +770 288 4 875971612 +770 289 5 875971655 +770 294 3 875971655 +770 295 4 875972290 +770 297 5 875972099 +770 298 4 875971902 +770 300 5 875971612 +770 301 4 875971703 +770 302 2 875971568 +770 303 4 875971568 +770 323 5 875971612 +770 325 4 875971703 +770 326 4 876598016 +770 328 3 875971736 +770 331 3 875971703 +770 333 5 875971612 +770 334 5 876597960 +770 358 3 875971655 +770 410 4 875973047 +770 473 5 875972612 +770 475 5 875972381 +770 477 4 875972259 +770 508 5 875972322 +770 546 4 875972699 +770 596 4 875972988 +770 678 2 875971655 +770 742 4 875972927 +770 748 5 875971655 +770 813 5 875971850 +770 875 4 875971612 +770 919 5 875972024 +770 924 5 875971902 +770 929 4 875971989 +770 936 5 875971902 +770 937 4 876598016 +770 988 3 875971703 +770 1012 5 875972730 +771 1 5 880659449 +771 4 1 880659748 +771 8 5 880659583 +771 15 5 880659303 +771 28 5 880659392 +771 50 4 880659347 +771 69 5 880659606 +771 71 5 880659815 +771 79 1 880659729 +771 82 2 880659686 +771 83 5 880659369 +771 86 5 880659539 +771 88 4 880659970 +771 91 4 880659815 +771 95 4 880659606 +771 97 1 880659919 +771 98 1 880659990 +771 111 4 880659919 +771 114 4 880659539 +771 128 2 880659482 +771 134 4 880659482 +771 137 4 880659302 +771 144 1 880659507 +771 154 2 880659426 +771 164 2 880660025 +771 169 5 880659426 +771 172 4 880659482 +771 173 4 880659894 +771 181 4 880659653 +771 189 5 880659815 +771 197 1 880659919 +771 202 4 880659941 +771 203 1 880659482 +771 216 5 880659894 +771 222 2 880659709 +771 237 5 880659482 +771 241 1 880659791 +771 242 4 880659235 +771 243 3 886640629 +771 251 5 880660087 +771 258 5 880659323 +771 274 4 880659941 +771 275 5 880659392 +771 283 4 880659303 +771 286 2 880659235 +771 289 4 886640547 +771 294 4 886640547 +771 304 5 886640562 +771 313 3 886635643 +771 381 3 880659970 +771 403 4 880659769 +771 408 5 880659302 +771 462 3 880659426 +771 477 5 880660199 +771 496 5 880659606 +771 542 4 880659834 +771 588 5 880659815 +771 596 4 880659815 +771 652 4 880659507 +771 690 4 880659235 +771 694 3 880659894 +771 707 4 880659507 +771 709 5 880659894 +771 762 2 880659970 +771 768 4 880659867 +771 873 3 886635816 +771 892 5 886640606 +771 949 5 880659941 +771 993 4 880660199 +771 1129 5 880660106 +772 245 5 877533546 +772 258 5 877533440 +772 259 2 877533957 +772 264 4 876250551 +772 271 4 889028773 +772 272 5 889028581 +772 288 2 889028773 +772 294 4 877533625 +772 300 4 877533731 +772 302 5 877533625 +772 304 4 876250442 +772 307 4 889028773 +772 310 4 889028363 +772 312 4 889028941 +772 313 5 889028363 +772 315 5 889028363 +772 321 5 877533625 +772 322 4 877533546 +772 323 4 876250551 +772 326 4 877533625 +772 327 4 877533873 +772 328 5 876250551 +772 331 5 876250551 +772 332 4 877533731 +772 344 4 889028581 +772 354 4 889028692 +772 678 4 877533546 +772 748 3 877533625 +772 751 3 889028876 +772 752 3 889028773 +772 879 4 877533731 +772 898 3 889028941 +772 1025 3 877533820 +773 1 3 888539232 +773 2 3 888540146 +773 6 3 888538620 +773 7 2 888539992 +773 11 2 888539963 +773 12 3 888540448 +773 13 4 888539471 +773 14 5 888538620 +773 23 5 888540507 +773 24 3 888538677 +773 27 1 888540218 +773 29 2 888540218 +773 32 4 888540467 +773 37 3 888540352 +773 42 3 888539398 +773 45 4 888538776 +773 47 4 888539512 +773 50 5 888539993 +773 52 3 888538853 +773 53 3 888540147 +773 56 2 888539328 +773 59 5 888540617 +773 60 5 888538931 +773 61 5 888538908 +773 64 4 888540507 +773 68 2 888540091 +773 70 3 888538810 +773 72 3 888539531 +773 89 4 888540020 +773 90 4 888539643 +773 91 4 888539232 +773 92 4 888540041 +773 93 3 888539366 +773 96 2 888540063 +773 98 4 888540279 +773 100 4 888539347 +773 109 4 888539328 +773 121 2 888540163 +773 127 5 888539962 +773 145 3 888540390 +773 152 5 888539398 +773 153 5 888539425 +773 154 5 888539471 +773 168 5 888539425 +773 169 5 888539232 +773 170 5 888538980 +773 171 5 888538726 +773 172 5 888539992 +773 174 3 888539962 +773 175 4 888539425 +773 176 4 888539962 +773 179 5 888538810 +773 181 5 888540020 +773 182 4 888539993 +773 183 4 888539962 +773 184 2 888540041 +773 185 4 888540279 +773 187 5 888539962 +773 188 3 888540091 +773 189 5 888539232 +773 191 4 888540448 +773 196 4 888540467 +773 198 4 888538950 +773 200 4 888540279 +773 204 3 888539559 +773 209 5 888539425 +773 210 2 888539398 +773 212 2 888538980 +773 216 4 888539608 +773 217 3 888540314 +773 218 2 888540295 +773 221 2 888540448 +773 228 3 888539993 +773 229 3 888540112 +773 231 2 888540186 +773 232 3 888540146 +773 233 1 888540112 +773 234 2 888540279 +773 235 4 888539677 +773 238 4 888539347 +773 239 4 888539512 +773 240 2 888539273 +773 251 3 888538573 +773 258 5 888538143 +773 260 2 888538348 +773 264 2 888538348 +773 265 2 888540146 +773 268 4 888538249 +773 286 3 888538269 +773 288 2 888538199 +773 318 4 888540484 +773 324 3 888538269 +773 343 1 888538175 +773 354 2 888538143 +773 357 4 888540448 +773 364 4 888539875 +773 367 2 888539576 +773 382 3 888538829 +773 384 2 888539766 +773 386 3 888539643 +773 393 2 888539711 +773 403 2 888540091 +773 408 5 888539232 +773 427 3 888540484 +773 428 4 888539512 +773 431 1 888540063 +773 432 4 888539232 +773 433 3 888539471 +773 455 4 888539471 +773 462 5 888538776 +773 475 3 888538533 +773 509 4 888538995 +773 522 4 888539328 +773 531 5 888538853 +773 541 1 888540187 +773 547 4 888538643 +773 559 2 888540314 +773 567 2 888540352 +773 568 1 888540091 +773 588 1 888539232 +773 639 4 888538931 +773 652 3 888538950 +773 655 3 888539347 +773 665 2 888540187 +773 675 5 888540279 +773 710 3 888539366 +773 720 1 888540218 +773 730 3 888538852 +773 732 3 888539492 +773 737 3 888539064 +773 751 3 888538175 +773 769 1 888540390 +773 780 4 888539857 +773 790 3 888539825 +773 792 4 888539471 +773 809 1 888540186 +773 840 1 888540218 +773 855 2 888538726 +773 887 2 888538175 +773 895 2 888538417 +773 919 5 888538643 +773 924 1 888540146 +773 940 2 888539766 +773 948 2 888538438 +773 958 4 888538908 +773 959 4 888539608 +773 1018 3 888539095 +773 1021 5 888539011 +773 1036 3 888539907 +773 1069 4 888539559 +773 1071 2 888539662 +773 1097 4 888538590 +773 1170 3 888539711 +773 1187 3 888540020 +773 1188 2 888539842 +773 1240 3 888539256 +773 1252 4 888538643 +773 1367 5 888538643 +773 1475 4 888539027 +773 1529 5 888539120 +773 1555 4 888540618 +774 2 1 888557383 +774 4 2 888556090 +774 7 2 888558539 +774 8 1 888556090 +774 12 3 888559437 +774 22 2 888556600 +774 23 3 888556634 +774 28 3 888556698 +774 29 1 888557519 +774 31 1 888558284 +774 44 1 888558343 +774 50 4 888557198 +774 52 3 888556659 +774 53 4 888557383 +774 54 1 888556814 +774 56 2 888555928 +774 58 1 888556698 +774 62 2 888557520 +774 64 3 888556517 +774 68 3 888557329 +774 69 4 888556544 +774 72 1 888556121 +774 77 1 888556938 +774 79 2 888557236 +774 82 2 888557277 +774 88 1 888556193 +774 89 2 888557198 +774 91 1 888558018 +774 94 2 888556248 +774 96 2 888557276 +774 97 2 888556600 +774 98 4 888557682 +774 100 1 888558731 +774 101 2 888558018 +774 105 1 888558946 +774 117 2 888558646 +774 118 1 888558594 +774 121 1 888558565 +774 122 1 888558924 +774 127 4 888557198 +774 135 3 888556600 +774 150 1 888558787 +774 161 2 888557409 +774 168 1 888555964 +774 172 3 888557198 +774 174 3 888557198 +774 175 3 888555897 +774 176 4 888557198 +774 177 4 888557277 +774 178 4 888556483 +774 179 5 888556634 +774 180 5 888556634 +774 181 3 888557236 +774 182 4 888556398 +774 183 4 888557198 +774 185 2 888557683 +774 186 3 888556047 +774 187 3 888556483 +774 188 3 888557329 +774 189 2 888557987 +774 193 5 888556746 +774 194 3 888555998 +774 195 3 888557236 +774 196 3 888556746 +774 197 1 888556746 +774 199 4 888556517 +774 200 2 888557715 +774 201 2 888556090 +774 202 5 888555964 +774 203 2 888558447 +774 204 3 888556316 +774 205 4 888556434 +774 208 2 888555897 +774 210 1 888555964 +774 211 3 888555897 +774 214 3 888556517 +774 215 3 888556517 +774 217 2 888557772 +774 218 1 888557739 +774 219 4 888557739 +774 222 3 888558539 +774 226 2 888557330 +774 227 5 888557383 +774 228 4 888557237 +774 229 2 888557329 +774 230 2 888557237 +774 231 1 888557383 +774 232 2 888556121 +774 233 2 888557383 +774 234 2 888557683 +774 235 1 888558806 +774 238 5 888555928 +774 240 1 888558787 +774 241 4 888557237 +774 250 3 888559123 +774 254 1 888559144 +774 258 1 888555792 +774 265 3 888557237 +774 273 1 888558539 +774 293 1 888559123 +774 294 1 888555792 +774 300 2 888555792 +774 307 1 888555792 +774 318 1 888556483 +774 357 2 888556434 +774 365 2 888556989 +774 367 2 888556047 +774 373 2 888557557 +774 380 2 888556968 +774 385 1 888557329 +774 386 2 888556225 +774 391 1 888557520 +774 393 1 888556090 +774 398 1 888557482 +774 399 2 888556169 +774 401 2 888556169 +774 402 2 888556938 +774 403 2 888556814 +774 405 1 888558539 +774 406 1 888559013 +774 410 1 888558762 +774 411 1 888558853 +774 412 3 888558924 +774 413 1 888559013 +774 418 2 888558019 +774 421 1 888558128 +774 423 1 888556634 +774 428 1 888556090 +774 429 1 888556698 +774 431 4 888557329 +774 436 2 888557739 +774 444 1 888557772 +774 447 1 888557715 +774 448 2 888557715 +774 449 1 888557482 +774 450 2 888557557 +774 451 1 888556169 +774 452 1 888557805 +774 453 2 888557804 +774 468 2 888556968 +774 501 1 888558019 +774 508 3 888558731 +774 510 2 888556484 +774 511 3 888556483 +774 514 2 888555998 +774 515 2 888556398 +774 518 1 888556746 +774 519 5 888556434 +774 520 3 888556398 +774 521 2 888556483 +774 523 2 888555964 +774 525 2 888558305 +774 526 4 888556600 +774 527 1 888556698 +774 528 4 888556698 +774 530 5 888557197 +774 537 2 888556893 +774 545 1 888555864 +774 546 1 888558565 +774 548 1 888558041 +774 550 2 888557277 +774 553 2 888556867 +774 554 1 888557556 +774 559 1 888557715 +774 561 1 888557772 +774 563 1 888557883 +774 566 2 888557277 +774 567 1 888557772 +774 568 2 888557329 +774 569 2 888557857 +774 573 2 888557804 +774 576 1 888557520 +774 577 2 888556278 +774 585 1 888556225 +774 597 2 888558565 +774 644 4 888556777 +774 649 3 888556814 +774 650 1 888556893 +774 654 2 888558284 +774 655 1 888555998 +774 659 3 888555864 +774 672 1 888557772 +774 673 2 888556545 +774 674 2 888557683 +774 679 5 888557383 +774 684 1 888557329 +774 692 1 888556121 +774 708 2 888556893 +774 712 1 888556169 +774 732 1 888556814 +774 739 2 888558187 +774 741 1 888558762 +774 743 1 888558623 +774 758 1 888559036 +774 774 1 888557883 +774 778 5 888556046 +774 795 1 888555864 +774 808 1 888557451 +774 826 2 888558623 +774 831 2 888558594 +774 834 1 888559013 +774 840 2 888558594 +774 849 1 888557482 +774 866 1 888558853 +774 871 1 888558876 +774 920 2 888559297 +774 926 1 888558946 +774 947 2 888557276 +774 986 1 888558594 +774 1016 3 888559123 +774 1017 3 888558829 +774 1028 2 888558829 +774 1079 1 888558897 +774 1090 1 888558419 +774 1091 1 888558041 +774 1110 1 888557519 +774 1118 3 888556047 +774 1182 1 888556278 +774 1215 1 888558623 +774 1218 3 888556169 +774 1228 1 888557556 +774 1274 1 888557557 +774 1305 3 888555829 +774 1419 1 888557409 +775 245 3 891032989 +775 258 4 891032837 +775 264 4 891033071 +775 269 4 891032742 +775 270 2 891032742 +775 272 4 891032742 +775 286 4 891032741 +775 300 4 891032956 +775 302 3 891032742 +775 305 4 891032837 +775 307 4 891032989 +775 310 3 891032837 +775 312 3 891032866 +775 313 4 891032837 +775 315 5 891032742 +775 327 5 891032956 +775 329 3 891033071 +775 331 4 891032923 +775 333 4 891033022 +775 343 4 891033022 +775 344 5 891032777 +775 345 5 891032895 +775 347 3 891032837 +775 348 3 891032804 +775 690 3 891033022 +775 750 5 891032804 +775 887 4 891032866 +775 900 3 891032956 +776 5 4 892920320 +776 7 4 891629077 +776 21 3 892313317 +776 22 5 891628752 +776 23 4 891628708 +776 28 5 891628895 +776 50 5 891628977 +776 53 2 892313246 +776 89 5 891628708 +776 91 4 891628752 +776 95 4 892210688 +776 98 4 891628837 +776 109 4 892210576 +776 127 5 891628731 +776 132 3 891629157 +776 134 4 892210460 +776 135 4 891628656 +776 145 2 892920381 +776 164 3 892920290 +776 168 5 891628656 +776 174 5 891629157 +776 177 4 891628937 +776 179 4 891628678 +776 181 4 891628916 +776 182 3 891628773 +776 184 4 892920381 +776 185 4 892920290 +776 187 4 891628632 +776 191 5 891628837 +776 192 5 891628836 +776 193 3 891628895 +776 194 4 891628752 +776 195 3 891628836 +776 196 3 891628773 +776 200 4 892920381 +776 217 4 892920351 +776 218 4 892920321 +776 219 3 892920321 +776 234 5 892920290 +776 238 4 891628708 +776 241 1 892313489 +776 276 4 892313295 +776 282 3 892313246 +776 318 4 891628632 +776 355 3 892210668 +776 422 2 892210688 +776 427 3 892313246 +776 431 4 891628916 +776 432 1 891628977 +776 436 4 892920350 +776 437 1 892920446 +776 438 2 892920506 +776 439 1 892920480 +776 440 2 892920480 +776 441 2 892920403 +776 442 2 892920480 +776 443 3 892920290 +776 444 2 892920423 +776 474 5 891628632 +776 479 4 891813013 +776 483 5 891628731 +776 485 2 891628656 +776 486 4 892920189 +776 496 3 891628708 +776 509 5 891628773 +776 510 5 891628708 +776 511 5 891628632 +776 514 5 891628916 +776 523 4 891628937 +776 524 5 891628752 +776 525 2 891629157 +776 549 5 891628731 +776 551 3 892920480 +776 559 4 892920351 +776 564 3 892920446 +776 567 2 892920351 +776 569 3 892920403 +776 588 4 892210723 +776 590 1 892920446 +776 603 4 891628599 +776 607 4 892920221 +776 618 3 892474057 +776 635 4 892920403 +776 637 3 892920381 +776 648 3 893077100 +776 656 5 891628678 +776 657 3 891628977 +776 661 5 893077159 +776 667 2 892920480 +776 670 3 892920351 +776 672 3 892920381 +776 674 3 892920321 +776 675 3 892920321 +776 679 4 891628708 +776 706 3 892920480 +776 708 5 891628599 +776 760 3 892920241 +776 769 3 892920446 +776 816 2 892920423 +776 848 2 892210321 +776 860 3 892920381 +776 866 3 892313273 +776 947 2 891628836 +776 1172 2 892051948 +776 1219 3 891628837 +777 1 4 875979431 +777 9 5 875979380 +777 15 4 875980306 +777 42 5 875980670 +777 56 5 875980670 +777 100 1 875979380 +777 117 5 875979380 +777 127 1 875980391 +777 135 3 875980391 +777 153 1 875980541 +777 157 3 875980235 +777 168 5 875980492 +777 180 5 875980306 +777 196 5 875980306 +777 202 5 875980669 +777 204 5 875980670 +777 205 4 875980306 +777 212 5 875980348 +777 216 4 875980597 +777 223 4 875980306 +777 238 4 875980541 +777 245 5 875979241 +777 273 4 875979432 +777 286 2 875979137 +777 288 4 875979201 +777 357 5 875980235 +777 509 4 875980449 +777 521 5 875980235 +777 522 5 875980669 +777 523 4 875980235 +777 527 4 875980306 +777 652 5 875980670 +777 690 4 875979137 +777 692 5 875980670 +777 818 5 875980669 +777 1079 2 875979431 +778 7 4 890725886 +778 8 1 891234406 +778 11 5 890725951 +778 28 4 890726618 +778 35 1 891234406 +778 42 5 890670510 +778 54 2 890803859 +778 56 3 891232041 +778 69 2 890803860 +778 78 1 890803860 +778 79 3 890725776 +778 82 3 890803491 +778 94 2 891233603 +778 98 4 890725951 +778 117 3 890727011 +778 121 3 890803561 +778 132 2 891232769 +778 143 1 890804547 +778 144 4 890670638 +778 150 3 890802549 +778 154 5 890670560 +778 157 3 891233153 +778 161 3 890727175 +778 168 5 890670560 +778 174 4 890725804 +778 180 4 890725725 +778 186 4 890802724 +778 193 4 890769241 +778 195 4 890769370 +778 196 2 890769633 +778 197 4 891232569 +778 200 5 890726264 +778 204 4 890726518 +778 209 4 890769470 +778 216 3 890726264 +778 219 3 890727129 +778 226 4 890670638 +778 230 2 890804025 +778 234 3 890726231 +778 238 3 890725804 +778 239 4 890726303 +778 246 2 890769632 +778 249 3 891233675 +778 262 4 891482843 +778 265 4 890726003 +778 268 2 890803859 +778 281 2 890803859 +778 367 5 890802895 +778 405 3 890727091 +778 423 1 890803860 +778 441 3 890804387 +778 451 1 891234405 +778 496 1 891234406 +778 550 4 890670638 +778 568 3 890726190 +778 582 1 891232769 +778 616 4 890726086 +778 623 1 890804625 +778 629 2 890802784 +778 712 3 890803176 +778 738 1 891578101 +778 755 2 890804547 +778 780 3 890803133 +778 1035 1 890804607 +778 1273 3 890726925 +779 1 4 875501555 +779 7 3 875993165 +779 15 4 875501782 +779 21 5 875996932 +779 50 5 875992279 +779 71 4 875999285 +779 95 5 875999285 +779 109 3 875501782 +779 111 4 875994324 +779 117 4 875503280 +779 118 5 875994324 +779 121 3 875503280 +779 125 4 875996809 +779 181 5 875501734 +779 195 5 875999211 +779 222 4 875503280 +779 225 4 877454525 +779 235 4 875502286 +779 243 4 875501402 +779 252 3 877453656 +779 255 4 875993165 +779 257 4 875993201 +779 258 5 875501254 +779 275 4 875992583 +779 284 3 875994401 +779 294 5 875501334 +779 300 3 875501300 +779 304 3 875501254 +779 328 4 875501334 +779 411 3 875999002 +779 447 4 875999211 +779 471 4 875993165 +779 509 2 875999211 +779 596 4 875994324 +779 879 3 875501300 +779 926 4 875992442 +779 1028 4 875996932 +780 4 3 891363969 +780 22 4 891363969 +780 28 5 891363618 +780 50 5 891363685 +780 70 2 891363969 +780 79 4 891363860 +780 97 5 891363617 +780 98 1 891364027 +780 133 5 891364086 +780 164 4 891363996 +780 172 5 891363723 +780 174 5 891363783 +780 183 2 891363860 +780 186 4 891363651 +780 187 5 891363904 +780 199 5 891363723 +780 202 4 891363783 +780 204 5 891363651 +780 208 3 891364125 +780 210 5 891364027 +780 216 4 891363617 +780 275 4 891363685 +780 286 4 891362937 +780 294 3 891363259 +780 300 3 891362937 +780 313 5 891362901 +780 318 5 891364124 +780 339 4 891363073 +780 357 5 891363723 +780 385 4 891364125 +780 419 4 891363826 +780 423 5 891363618 +780 427 3 891363904 +780 433 1 891363826 +780 467 3 891363904 +780 474 3 891363723 +780 485 4 891363826 +780 491 4 891363651 +780 496 4 891364027 +780 497 2 891364059 +780 498 5 891363756 +780 508 3 891363826 +780 510 4 891363904 +780 511 5 891364027 +780 515 3 891364124 +780 520 4 891363904 +780 526 5 891364125 +780 603 2 891364059 +780 604 3 891363933 +780 657 3 891363723 +780 659 4 891363756 +780 660 3 891363969 +780 662 5 891363756 +780 705 5 891363685 +780 887 4 891363073 +781 50 5 879634362 +781 56 3 879633919 +781 64 4 879634387 +781 69 3 879634147 +781 87 4 879634340 +781 97 4 879634096 +781 100 5 879634175 +781 127 5 879634017 +781 134 5 879634256 +781 135 5 879634387 +781 172 5 879634362 +781 174 5 879634256 +781 179 5 879634017 +781 180 4 879633895 +781 181 5 879634318 +781 187 5 879633976 +781 191 4 879633995 +781 195 4 879633942 +781 204 4 879634256 +781 205 5 879634256 +781 210 4 879634295 +781 215 3 879634124 +781 223 4 879634175 +781 232 3 879634318 +781 245 2 879633862 +781 258 2 879633862 +781 268 2 879633862 +781 286 1 879633495 +781 288 2 879633862 +781 289 3 879633862 +781 294 1 879633862 +781 302 5 879633862 +781 318 3 879634124 +781 322 2 879633862 +781 324 4 879633862 +781 327 4 879633862 +781 403 4 879634340 +781 474 5 879633976 +781 483 5 879633942 +781 523 5 879634038 +781 878 1 879633752 +781 1500 5 879634096 +782 50 3 891499243 +782 127 4 891499213 +782 181 3 891499213 +782 243 3 891498381 +782 244 4 891499321 +782 245 4 891498139 +782 246 3 891499321 +782 247 1 891499700 +782 248 4 891499321 +782 249 2 891499399 +782 250 4 891499440 +782 251 3 891500109 +782 252 3 891499469 +782 253 2 891500150 +782 254 2 891499660 +782 255 4 891499321 +782 256 2 891500150 +782 257 3 891499278 +782 258 4 891497906 +782 259 1 891498267 +782 260 2 891498079 +782 261 2 891498865 +782 264 4 891498381 +782 266 1 891498919 +782 268 3 891497854 +782 269 3 891497698 +782 270 4 891497963 +782 271 2 891498213 +782 272 5 891497698 +782 286 2 891497906 +782 288 4 891498079 +782 289 3 891498436 +782 292 4 891498213 +782 293 2 891499278 +782 294 3 891498381 +782 295 2 891499321 +782 296 3 891500109 +782 297 3 891500067 +782 298 4 891499278 +782 299 3 891498079 +782 300 4 891497906 +782 301 3 891498139 +782 302 3 891497698 +782 304 4 891497906 +782 307 4 891497854 +782 308 4 891498030 +782 310 4 891497963 +782 312 4 891498436 +782 313 5 891497697 +782 315 4 891497698 +782 316 4 891498436 +782 321 2 891498381 +782 322 4 891498381 +782 323 3 891498512 +782 324 2 891498381 +782 325 2 891498720 +782 326 5 891498322 +782 328 5 891498030 +782 329 3 891498213 +782 330 4 891498213 +782 331 3 891497854 +782 332 4 891498139 +782 333 3 891497698 +782 335 2 891498918 +782 338 2 891498676 +782 339 3 891498676 +782 340 3 891497963 +782 342 2 891498322 +782 343 2 891498821 +782 344 3 891497854 +782 346 2 891497854 +782 347 1 891498139 +782 348 4 891498213 +782 349 3 891498720 +782 350 4 891498641 +782 351 3 891498139 +782 352 1 891498513 +782 354 2 891497698 +782 355 3 891498821 +782 358 4 891498641 +782 361 3 891498139 +782 515 3 891500028 +782 532 2 891499370 +782 533 2 891500151 +782 534 3 891500109 +782 535 3 891499469 +782 536 2 891500150 +782 538 4 891498214 +782 539 3 891498865 +782 678 3 891498767 +782 680 1 891498865 +782 681 3 891498436 +782 682 4 891498513 +782 683 1 891498213 +782 687 2 891498865 +782 688 2 891498918 +782 689 3 891498720 +782 690 4 891497793 +782 691 3 891498079 +782 748 4 891498720 +782 749 4 891498079 +782 750 4 891497793 +782 751 2 891498323 +782 752 4 891497793 +782 872 2 891498513 +782 873 4 891498512 +782 876 2 891498267 +782 877 3 891498213 +782 878 3 891498918 +782 879 3 891498267 +782 880 4 891498322 +782 881 3 891498381 +782 885 3 891498766 +782 886 3 891498267 +782 887 4 891498676 +782 888 3 891498919 +782 890 1 891498865 +782 894 2 891498031 +782 895 4 891497964 +782 898 3 891498720 +782 900 3 891497963 +782 902 2 891497906 +782 905 4 891498791 +782 908 3 891498322 +782 935 2 891500150 +782 936 3 891500110 +782 937 1 891498918 +782 938 3 891498030 +782 948 2 891499699 +782 984 2 891498821 +782 987 3 891499660 +782 989 3 891498267 +782 990 3 891499611 +782 991 2 891500230 +782 992 2 891499370 +782 993 3 891499370 +782 994 2 891500194 +782 1007 3 891500067 +782 1012 2 891499344 +782 1013 3 891499439 +782 1014 2 891499611 +782 1016 3 891499321 +782 1023 3 891499611 +782 1025 2 891498436 +782 1038 4 891498213 +782 1082 3 891500230 +782 1088 2 891499611 +782 1089 2 891499660 +782 1096 2 891499699 +782 1105 3 891498766 +782 1127 2 891497793 +782 1138 2 891499699 +782 1142 3 891499243 +782 1143 2 891500194 +782 1144 3 891499243 +782 1160 2 891500150 +782 1173 2 891500230 +782 1190 2 891500230 +782 1191 3 891498558 +782 1216 2 891500150 +782 1226 2 891499439 +782 1237 3 891497906 +782 1241 2 891500150 +782 1243 3 891498558 +782 1244 3 891499660 +782 1251 3 891500028 +782 1252 3 891500066 +782 1254 3 891499829 +782 1255 2 891500194 +782 1256 2 891500230 +782 1257 1 891500230 +782 1258 2 891499440 +782 1278 4 891499278 +782 1279 3 891499660 +782 1283 2 891499469 +782 1292 3 891499700 +782 1296 3 891498030 +782 1300 2 891499469 +782 1302 3 891500028 +782 1315 3 891499440 +782 1378 2 891499494 +782 1379 3 891500028 +782 1380 2 891500150 +782 1382 3 891500109 +782 1383 3 891499611 +782 1384 3 891500110 +782 1385 4 891500028 +782 1386 3 891500066 +782 1387 3 891499278 +782 1388 3 891500028 +782 1389 3 891500028 +782 1390 3 891500028 +782 1391 4 891500066 +782 1393 2 891498512 +782 1394 4 891498323 +782 1399 2 891498919 +782 1405 2 891499213 +782 1417 2 891500193 +782 1477 3 891499344 +782 1511 2 891500194 +782 1513 2 891499440 +782 1514 2 891500194 +782 1527 2 891498641 +782 1528 2 891499577 +782 1534 2 891500194 +782 1537 3 891500066 +782 1538 3 891500109 +782 1588 3 891500067 +782 1589 3 891500028 +782 1590 3 891500028 +782 1598 2 891499556 +782 1600 3 891500066 +782 1605 2 891500194 +782 1608 3 891499399 +782 1609 1 891499439 +782 1610 1 891500230 +782 1611 3 891500066 +782 1615 3 891499611 +782 1620 3 891499440 +782 1643 2 891499321 +782 1644 2 891500110 +782 1652 1 891500230 +782 1658 2 891500230 +782 1662 4 891500110 +782 1663 2 891499700 +782 1664 4 891499699 +782 1665 2 891500194 +782 1666 2 891500194 +782 1667 3 891500110 +782 1668 3 891500067 +782 1669 2 891500150 +782 1670 3 891497793 +783 258 4 884326348 +783 260 4 884326690 +783 264 4 884326726 +783 269 4 884326274 +783 271 5 884326506 +783 286 3 884326274 +783 288 3 884326274 +783 292 4 884326382 +783 294 3 884326506 +783 299 5 884326620 +783 300 4 884326348 +783 301 4 884326424 +783 307 5 884326506 +783 328 4 884326545 +783 330 1 884326755 +783 331 3 884326461 +783 333 4 884326383 +783 334 3 884326461 +783 335 3 884326545 +783 343 5 884326787 +783 345 4 884326461 +783 346 5 884326424 +783 750 4 884326274 +783 872 4 884326545 +783 876 4 884326424 +783 880 4 884326545 +783 881 4 884326584 +783 887 5 884326620 +783 895 4 884326787 +783 948 3 884326726 +784 258 5 891387249 +784 260 4 891387704 +784 268 3 891387501 +784 269 5 891387155 +784 270 3 891387249 +784 271 3 891387623 +784 272 4 891387077 +784 286 3 891386988 +784 292 4 891387315 +784 299 3 891387155 +784 300 4 891386988 +784 302 5 891386988 +784 303 4 891387077 +784 304 4 891387501 +784 307 4 891387623 +784 310 4 891387155 +784 312 3 891387623 +784 313 5 891386988 +784 315 4 891386988 +784 321 3 891387249 +784 323 4 891387704 +784 326 5 891387155 +784 327 4 891387315 +784 328 3 891387502 +784 331 4 891387155 +784 332 4 891387812 +784 333 4 891387501 +784 334 3 891387812 +784 340 3 891387895 +784 344 4 891387078 +784 346 4 891387077 +784 678 4 891387895 +784 690 4 891387249 +784 750 5 891386988 +784 751 4 891387316 +784 754 3 891387249 +784 877 4 891387622 +784 898 4 891387895 +784 1038 3 891387704 +785 1 4 879439137 +785 12 4 879439137 +785 22 4 879438957 +785 50 5 879439021 +785 56 4 879438920 +785 69 4 879439137 +785 79 4 879438984 +785 137 2 879438810 +785 152 4 879439527 +785 168 4 879438810 +785 174 5 879438957 +785 183 5 879439232 +785 195 4 879438984 +785 209 3 879439043 +785 269 5 879438537 +785 273 3 879439527 +785 288 3 879438537 +785 294 4 879438705 +785 301 4 879438565 +785 318 4 879439232 +785 423 2 879438957 +785 496 4 879438810 +785 661 3 879438810 +785 748 3 879438705 +785 886 3 879438591 +785 995 3 879438736 +785 1050 3 879439232 +786 1 4 882841828 +786 4 4 882844294 +786 7 5 882841955 +786 9 5 882841955 +786 15 3 882841855 +786 28 5 882843646 +786 50 4 882844295 +786 66 4 882843607 +786 69 4 882844295 +786 70 4 882843534 +786 71 5 882843786 +786 82 4 882844096 +786 86 4 882843006 +786 88 4 882844010 +786 89 4 882842878 +786 95 5 882843397 +786 97 4 882843683 +786 98 5 882843190 +786 99 4 882843112 +786 100 4 882841667 +786 102 4 882844096 +786 111 5 882841667 +786 117 4 882841996 +786 121 2 882842416 +786 125 4 882841745 +786 126 4 882842019 +786 127 4 882841692 +786 132 5 882842946 +786 133 5 882843353 +786 143 4 882843039 +786 161 4 882843534 +786 172 5 882843112 +786 173 4 882843069 +786 174 4 882844294 +786 176 4 882843069 +786 177 4 882843646 +786 179 4 882843500 +786 180 4 882843112 +786 181 4 882841955 +786 183 4 882843150 +786 186 4 882843786 +786 187 4 882843112 +786 188 5 882843237 +786 191 4 882843272 +786 195 4 882843312 +786 196 4 882843683 +786 197 3 882843431 +786 198 5 882843753 +786 199 4 882843006 +786 200 5 882844010 +786 202 4 882843812 +786 203 4 882843753 +786 204 4 882843925 +786 208 5 882843150 +786 210 4 882843039 +786 211 4 882843500 +786 216 4 882843272 +786 222 4 882842044 +786 228 4 882844295 +786 230 4 882844295 +786 231 2 882844127 +786 234 3 882843753 +786 237 5 882842195 +786 238 4 882843646 +786 240 1 882842762 +786 265 4 882842946 +786 275 4 882841772 +786 276 1 882841875 +786 280 3 882841745 +786 281 4 882842044 +786 283 4 882841906 +786 285 3 882842726 +786 286 4 882841571 +786 289 4 882844336 +786 318 5 882843190 +786 322 3 882842463 +786 357 5 882842878 +786 376 3 882844096 +786 381 3 882843397 +786 385 4 882844294 +786 404 4 882843500 +786 405 4 882842311 +786 416 4 882843534 +786 418 4 882843352 +786 419 4 882843312 +786 423 5 882843150 +786 429 4 882843237 +786 449 2 882844096 +786 451 2 882844171 +786 455 1 882842762 +786 458 3 882842195 +786 465 4 882844010 +786 471 4 882842311 +786 484 4 882843398 +786 496 5 882843312 +786 497 4 882842946 +786 501 4 882843534 +786 504 4 882843352 +786 520 4 882843311 +786 528 5 882842878 +786 546 4 882844294 +786 588 5 882843039 +786 633 4 882843237 +786 655 4 882843683 +786 684 4 882843607 +786 692 4 882843190 +786 696 3 882842149 +786 699 4 882844295 +786 703 3 882843190 +786 708 4 882844171 +786 709 2 882843607 +786 724 4 882844295 +786 732 4 882843353 +786 849 2 882844052 +786 866 3 882842173 +786 871 1 882842762 +786 1044 4 882844127 +787 245 3 888980193 +787 258 5 888979605 +787 259 4 888979721 +787 268 4 888979007 +787 269 3 888979547 +787 271 1 888979721 +787 286 3 888979007 +787 288 1 888979236 +787 292 3 888979236 +787 294 3 888979606 +787 300 4 888979657 +787 302 3 888979123 +787 304 4 888980193 +787 305 3 888979721 +787 306 3 888979007 +787 307 4 888979074 +787 308 3 888979181 +787 310 5 888979007 +787 311 4 888979605 +787 313 5 888979547 +787 319 3 888979721 +787 324 2 888979605 +787 326 4 888979547 +787 328 3 888979874 +787 329 4 888980193 +787 331 3 888979235 +787 333 3 888979074 +787 342 2 888979875 +787 345 3 888979007 +787 347 4 888979606 +787 348 4 888979875 +787 350 1 888979721 +787 351 3 888979657 +787 352 2 888979657 +787 359 3 888979547 +787 361 3 888979075 +787 362 3 888979657 +787 681 3 888979657 +787 690 5 888979007 +787 691 4 888979123 +787 748 4 888979606 +787 749 4 888979657 +787 750 5 888979075 +787 751 4 888979235 +787 877 2 888980193 +787 879 4 888979721 +787 880 3 888979123 +787 898 3 888979182 +787 899 3 888979074 +787 904 3 888979182 +787 906 1 888979721 +787 937 3 888979074 +787 938 3 888979605 +787 1024 2 888979606 +787 1433 3 888979181 +787 1434 1 888979657 +787 1671 1 888980193 +788 1 3 880867970 +788 4 3 880868401 +788 7 4 880868559 +788 9 4 880869508 +788 10 4 880869584 +788 11 2 880868513 +788 12 5 880868919 +788 22 5 880868513 +788 23 3 880868277 +788 28 5 880868876 +788 29 3 880871240 +788 38 3 880871359 +788 43 3 880870299 +788 44 4 880869434 +788 46 3 880870018 +788 51 4 880870018 +788 53 1 880871717 +788 54 4 880869174 +788 55 4 880868876 +788 56 3 880868235 +788 58 4 880868355 +788 62 3 880870179 +788 64 5 880868005 +788 65 4 880869584 +788 68 3 880869819 +788 69 4 880868144 +788 70 4 880869908 +788 71 3 880868144 +788 73 3 880869174 +788 76 3 880869323 +788 79 4 880868559 +788 82 3 880870116 +788 85 1 880869984 +788 89 5 880869548 +788 96 3 880868803 +788 97 3 880868235 +788 98 5 880868919 +788 100 5 880868277 +788 112 3 880871173 +788 117 4 880869014 +788 118 3 880870335 +788 120 2 880871520 +788 121 4 880869469 +788 125 3 880870335 +788 130 2 880869396 +788 132 5 880869014 +788 133 5 880868473 +788 135 3 880869014 +788 141 3 880869984 +788 144 4 880868599 +788 148 3 880869215 +788 151 1 880869908 +788 153 3 880868277 +788 157 5 880869396 +788 159 3 880869135 +788 162 3 880869787 +788 164 3 880870115 +788 167 3 880870582 +788 172 3 880869687 +788 174 2 880868316 +788 175 3 880868401 +788 176 5 880868743 +788 177 3 880868513 +788 180 4 880869174 +788 182 2 880868599 +788 183 5 880868743 +788 185 4 880868316 +788 186 3 880868559 +788 187 4 880867933 +788 188 4 880870083 +788 192 4 880868838 +788 193 4 880868235 +788 194 4 880870052 +788 195 3 880868876 +788 199 5 880868673 +788 200 4 880869075 +788 203 5 880869215 +788 204 3 880868644 +788 205 4 880868068 +788 211 4 880868401 +788 215 3 880869908 +788 218 4 880871328 +788 222 3 880869945 +788 223 4 880868181 +788 226 4 880870710 +788 227 3 880867890 +788 228 3 880870365 +788 229 3 880870299 +788 230 3 880869754 +788 231 3 880871267 +788 234 3 880868473 +788 235 3 880871328 +788 237 4 880869584 +788 241 5 880869075 +788 258 4 880867855 +788 270 2 880867855 +788 271 3 880867855 +788 281 4 880871205 +788 282 4 880869819 +788 284 3 880869323 +788 286 5 880867372 +788 289 4 880867565 +788 291 4 880870905 +788 294 3 880867855 +788 300 5 880867477 +788 301 2 880867855 +788 302 4 880867326 +788 317 4 880869945 +788 318 5 880868355 +788 322 4 880867422 +788 323 3 880867855 +788 326 4 880867477 +788 327 3 880867855 +788 328 4 880867477 +788 331 4 880867372 +788 356 4 880870827 +788 357 4 880869687 +788 363 2 880871088 +788 370 2 880870881 +788 371 3 880870626 +788 380 3 880869215 +788 385 3 880869434 +788 391 2 880871746 +788 399 3 880871128 +788 402 3 880870544 +788 403 3 880870516 +788 405 4 880868974 +788 409 3 880871057 +788 423 5 880868235 +788 427 2 880868316 +788 429 3 880868919 +788 431 2 880868401 +788 432 1 880869323 +788 433 2 880869621 +788 435 3 880869278 +788 436 3 880871127 +788 443 4 880868473 +788 444 3 880870626 +788 445 4 880869718 +788 447 3 880870299 +788 448 2 880869355 +788 451 4 880871240 +788 470 3 880868042 +788 471 3 880869862 +788 474 3 880868599 +788 480 3 880868473 +788 482 4 880869787 +788 483 5 880867933 +788 492 3 880868235 +788 498 5 880867933 +788 503 4 880869984 +788 504 4 880867970 +788 510 5 880867933 +788 511 5 880868277 +788 518 3 880869754 +788 519 4 880868235 +788 520 4 880868919 +788 521 4 880869945 +788 523 4 880868559 +788 528 5 880868144 +788 531 4 880868144 +788 540 3 880871394 +788 546 3 880871429 +788 549 4 880869753 +788 550 3 880869508 +788 553 3 880869687 +788 554 3 880870257 +788 556 2 880871128 +788 561 3 880870626 +788 562 3 880871294 +788 566 4 880869908 +788 568 3 880869862 +788 570 3 880869862 +788 572 3 880871891 +788 579 3 880871804 +788 582 4 880869396 +788 586 2 880871490 +788 589 5 880868005 +788 591 3 880869469 +788 597 3 880870582 +788 601 4 880868876 +788 614 4 880868803 +788 620 3 880871088 +788 621 3 880871026 +788 623 3 880870936 +788 627 4 880870654 +788 629 1 880870149 +788 630 2 880869355 +788 636 3 880870583 +788 637 2 880870516 +788 639 3 880870710 +788 645 3 880870626 +788 646 3 880868513 +788 649 3 880869649 +788 651 4 880868838 +788 655 3 880868644 +788 657 4 880868277 +788 658 3 880869862 +788 661 5 880868473 +788 662 4 880871359 +788 665 2 880867890 +788 670 3 880870935 +788 679 2 880871057 +788 684 5 880868401 +788 685 3 880870996 +788 692 3 880869106 +788 693 2 880868705 +788 696 3 880871173 +788 699 3 880869323 +788 708 2 880869908 +788 712 3 880871804 +788 715 3 880871664 +788 720 3 880870482 +788 723 3 880870207 +788 726 4 880871128 +788 729 4 880870052 +788 736 3 880870299 +788 739 2 880870149 +788 742 3 880869508 +788 744 4 880869621 +788 748 3 880867855 +788 754 4 880867477 +788 755 3 880870881 +788 781 3 880871205 +788 798 2 880870827 +788 809 3 880870401 +788 810 3 880870773 +788 823 3 880871294 +788 828 3 880869396 +788 879 4 880867422 +788 931 2 880871551 +788 963 4 880868644 +788 983 3 880871173 +788 984 3 880867855 +788 1042 3 880871240 +788 1107 3 880870773 +788 1112 3 880870428 +788 1126 5 880869278 +788 1135 2 880871460 +788 1139 1 880871605 +788 1183 2 880871891 +788 1248 3 880871460 +788 1273 3 880871771 +788 1277 3 880870583 +788 1303 3 880871577 +788 1407 3 880871717 +788 1459 2 880871857 +788 1478 3 880871173 +788 1518 3 880871394 +789 1 3 880332089 +789 9 5 880332114 +789 50 5 880332114 +789 93 4 880332063 +789 100 5 880332089 +789 111 3 880332400 +789 124 4 880332089 +789 127 5 880332039 +789 129 5 880332063 +789 137 2 880332189 +789 150 5 880332333 +789 151 2 880332365 +789 181 4 880332437 +789 248 3 880332148 +789 249 3 880332296 +789 276 5 880332063 +789 284 3 880332259 +789 286 1 880332039 +789 288 3 880331942 +789 293 4 880332259 +789 294 3 880332275 +789 475 5 880332063 +789 508 4 880332169 +789 591 3 880332259 +789 628 3 880332215 +789 741 5 880332148 +789 742 3 880332400 +789 762 3 880332232 +789 1007 4 880332215 +789 1008 4 880332365 +789 1012 4 880332169 +789 1017 3 880332316 +789 1161 3 880332189 +790 1 3 884461306 +790 2 3 885156988 +790 4 3 885156773 +790 7 4 884461796 +790 10 1 884461988 +790 13 3 884461820 +790 15 5 884461413 +790 17 2 885157399 +790 22 5 885155540 +790 25 2 884461925 +790 29 2 885158082 +790 38 2 885157929 +790 41 3 885158235 +790 42 5 885156686 +790 47 2 885156988 +790 49 3 885156852 +790 50 4 884461387 +790 51 3 885156193 +790 52 4 885156934 +790 56 4 885155150 +790 62 3 885157465 +790 63 2 885157837 +790 65 4 885155846 +790 66 3 885156560 +790 67 3 885158007 +790 68 3 885157440 +790 69 1 885155209 +790 70 3 885157776 +790 72 2 885157661 +790 73 4 885157489 +790 79 4 885156538 +790 80 2 885157575 +790 83 3 885155034 +790 85 3 885156825 +790 89 4 885155770 +790 90 2 885157440 +790 91 3 885157862 +790 96 3 885155648 +790 97 2 885155770 +790 98 5 885156375 +790 100 2 884461334 +790 105 2 884462907 +790 108 3 884462415 +790 109 3 884461775 +790 111 3 884461849 +790 116 4 884461334 +790 117 5 884461283 +790 121 3 884461657 +790 122 2 884462954 +790 123 3 884461413 +790 131 2 885156852 +790 135 3 885156538 +790 139 2 885157748 +790 143 3 885156193 +790 144 4 885155572 +790 145 2 885158299 +790 151 4 884461988 +790 153 3 885155077 +790 154 4 885156290 +790 155 3 885157061 +790 157 2 885156193 +790 158 2 885157797 +790 159 3 885156934 +790 161 4 885157181 +790 168 4 885155230 +790 172 4 885155540 +790 173 3 885156046 +790 174 4 885155572 +790 176 3 885155489 +790 181 4 884461283 +790 183 4 885156193 +790 184 3 885156958 +790 186 3 885156165 +790 188 4 885157399 +790 191 3 885155209 +790 196 3 885156500 +790 202 3 885156904 +790 203 4 885155459 +790 208 3 885156014 +790 209 1 885155540 +790 210 4 885155209 +790 211 4 885156046 +790 213 3 885156336 +790 214 3 885156618 +790 215 2 885157797 +790 216 5 885156435 +790 217 4 885158459 +790 222 3 884461441 +790 226 3 885156396 +790 227 3 885156647 +790 228 3 885156647 +790 229 3 885156686 +790 230 4 885155846 +790 231 4 885158057 +790 232 4 885156773 +790 233 3 885157230 +790 235 1 884462551 +790 237 4 884461541 +790 240 3 884462692 +790 241 5 885156825 +790 246 4 884461283 +790 248 4 884461888 +790 249 3 884461849 +790 250 5 885158562 +790 258 3 884461387 +790 259 2 884461023 +790 265 4 885155770 +790 268 4 884460878 +790 269 3 892305174 +790 273 5 884461888 +790 274 3 884461950 +790 275 4 884461774 +790 282 4 884461590 +790 283 2 884461517 +790 284 4 884461888 +790 288 4 884460942 +790 294 2 884460878 +790 298 5 884461849 +790 317 4 885155949 +790 328 3 884461023 +790 358 2 885154848 +790 364 2 885158161 +790 365 4 885157465 +790 367 4 885156114 +790 368 2 884462954 +790 373 3 885158459 +790 376 2 885157533 +790 378 3 885156934 +790 380 4 885157419 +790 384 2 885158374 +790 386 2 885158208 +790 391 2 885158299 +790 393 2 885156290 +790 401 4 885157621 +790 402 2 885156796 +790 403 4 885157036 +790 405 3 884461925 +790 411 3 884462929 +790 412 4 885158495 +790 417 2 885156538 +790 427 4 885155172 +790 431 3 885157159 +790 436 4 885156686 +790 449 2 885157594 +790 451 3 885157299 +790 470 4 885158547 +790 472 2 884462416 +790 475 3 884461657 +790 485 3 885156709 +790 496 3 885155172 +790 546 1 884461590 +790 550 4 885156618 +790 552 2 885157984 +790 559 3 885156773 +790 561 3 885158082 +790 566 3 885156618 +790 568 3 885157087 +790 570 2 885158057 +790 572 3 885157956 +790 577 2 885158122 +790 582 3 885156852 +790 583 2 885157489 +790 584 4 885156773 +790 585 2 885157686 +790 597 3 884462047 +790 609 2 885156773 +790 660 3 885156904 +790 664 3 885158235 +790 665 3 885158495 +790 678 3 884461115 +790 685 4 884461988 +790 687 1 884461162 +790 708 3 885158082 +790 709 3 885156686 +790 716 4 885158033 +790 721 3 885157017 +790 722 3 885157686 +790 738 3 885158396 +790 739 4 885156686 +790 742 4 884461541 +790 748 1 884461073 +790 755 3 885157928 +790 762 5 884462105 +790 763 3 884462692 +790 771 4 885158436 +790 774 4 885156904 +790 776 3 885155119 +790 781 4 885157107 +790 786 3 885157533 +790 790 2 885157928 +790 792 2 885155603 +790 825 3 884462385 +790 826 1 884462714 +790 849 4 885157205 +790 862 1 885158374 +790 864 4 884462647 +790 926 2 884462598 +790 928 3 884462598 +790 931 2 884462105 +790 940 3 885157928 +790 941 3 885157061 +790 944 1 885157299 +790 949 4 885156825 +790 959 3 885156686 +790 977 1 885158208 +790 1014 2 884462551 +790 1016 2 884461925 +790 1025 1 884461188 +790 1028 3 884462692 +790 1039 3 885155490 +790 1040 2 884462954 +790 1044 4 885158185 +790 1047 3 885157621 +790 1048 4 884462692 +790 1063 5 885156478 +790 1074 3 885158235 +790 1077 3 885156619 +790 1091 1 885157728 +790 1118 3 885156046 +790 1119 4 885156732 +790 1132 2 885158329 +790 1165 2 884462890 +790 1183 2 885157956 +790 1185 2 885158257 +790 1188 3 885157984 +790 1215 1 884462737 +790 1230 2 885158235 +790 1244 1 884462598 +790 1282 5 884462551 +790 1446 4 885157230 +790 1471 2 885158374 +791 9 5 879448314 +791 50 5 879448338 +791 181 5 879448338 +791 245 4 879448087 +791 259 3 879448087 +791 269 4 879447940 +791 275 5 879448314 +791 286 3 879447907 +791 288 3 879447907 +791 289 4 879448087 +791 294 3 879447940 +791 299 2 879448035 +791 300 5 879447977 +791 301 3 879448035 +791 302 4 879447940 +791 304 4 879448035 +791 306 5 879447977 +791 319 2 879448086 +791 322 4 879448128 +791 327 5 879447977 +791 328 4 879448087 +791 331 1 879447940 +791 332 5 879448166 +791 748 3 879448035 +791 754 4 879448086 +792 1 4 877910822 +792 7 4 877910822 +792 9 3 877909631 +792 13 4 877910822 +792 15 4 877909865 +792 21 3 877910444 +792 24 3 877910091 +792 25 2 877909892 +792 100 4 877910822 +792 111 3 877910126 +792 118 2 877910538 +792 121 4 877910412 +792 124 4 877909865 +792 125 3 877910539 +792 129 4 877909753 +792 147 4 877910822 +792 151 3 877909753 +792 237 3 877910444 +792 276 3 877910305 +792 282 3 877909931 +792 291 2 877910629 +792 363 3 877910478 +792 405 3 877909753 +792 471 4 877910822 +792 476 1 877910206 +792 508 2 877910478 +792 544 4 877910822 +792 546 3 877910353 +792 591 2 877909865 +792 595 3 877910305 +792 596 3 877910241 +792 597 3 877910478 +792 696 3 877910241 +792 742 3 877909709 +792 762 4 877910206 +792 831 2 877910666 +792 840 2 877910539 +792 844 4 877910822 +792 926 3 877909798 +792 1011 3 877910730 +792 1015 5 877910822 +792 1047 3 877909798 +792 1054 1 877910666 +792 1132 3 877910160 +792 1164 3 877910629 +792 1197 4 877910822 +792 1335 4 877910353 +793 1 4 875104091 +793 3 4 875104592 +793 7 3 875104031 +793 9 3 875103810 +793 50 5 875103942 +793 100 4 875104031 +793 106 3 875104340 +793 109 4 875104119 +793 117 4 875103739 +793 118 2 875104119 +793 121 3 875104193 +793 122 3 875104532 +793 127 5 875103773 +793 129 4 875104067 +793 148 4 875104498 +793 150 4 875103842 +793 151 5 875104142 +793 181 4 875103810 +793 222 3 875103971 +793 235 3 875104068 +793 237 3 875103842 +793 240 4 875104565 +793 248 4 875103875 +793 250 4 875104031 +793 252 4 875104498 +793 257 4 875103901 +793 273 3 875103942 +793 276 3 875103971 +793 282 4 875104340 +793 288 4 875103584 +793 293 4 875104091 +793 294 5 875103584 +793 298 4 875103971 +793 405 3 875104340 +793 406 2 875104221 +793 456 3 875104752 +793 458 3 875104243 +793 508 4 875104620 +793 591 4 875104752 +793 597 3 875104565 +793 628 3 875103942 +793 685 3 875104718 +793 696 3 875104303 +793 742 3 875104648 +793 815 3 875103901 +793 823 3 875104648 +793 824 3 875104000 +793 844 4 875103842 +793 928 3 875104864 +793 979 3 875104620 +793 1014 3 875103810 +793 1067 4 875103875 +793 1142 5 875104068 +793 1187 2 875104167 +793 1365 2 875104718 +794 1 4 891035864 +794 13 4 891035582 +794 14 5 891034956 +794 19 4 891036111 +794 24 5 891035957 +794 50 5 891035307 +794 100 5 891035063 +794 109 4 891035941 +794 116 5 891035307 +794 118 2 891035413 +794 127 5 891035117 +794 137 5 891035307 +794 150 4 891034956 +794 181 4 891035957 +794 187 5 891035117 +794 221 4 891036222 +794 224 4 891035793 +794 238 5 891035135 +794 242 5 891034156 +794 248 4 891036463 +794 249 3 891035885 +794 257 4 891036265 +794 269 5 891034213 +794 273 4 891036111 +794 275 4 891034792 +794 285 5 891035355 +794 286 3 891034156 +794 420 4 891035662 +794 455 4 891034986 +794 473 4 891036222 +794 475 5 891035822 +794 514 5 891035604 +794 515 5 891034755 +794 557 4 891036008 +794 751 3 891034523 +794 847 5 891035822 +794 887 4 891034284 +794 936 5 891035219 +794 1251 4 891034755 +795 1 4 883767204 +795 2 3 883252599 +795 3 2 880561783 +795 4 4 881253238 +795 7 5 880557294 +795 8 5 880569317 +795 10 4 880556527 +795 12 4 881260621 +795 17 2 883252686 +795 21 3 880557953 +795 25 5 880556527 +795 28 4 880569414 +795 39 4 883253661 +795 42 3 881252510 +795 47 3 881265108 +795 50 3 880557114 +795 58 4 881259362 +795 62 4 883254564 +795 68 3 883253137 +795 70 3 883253481 +795 72 3 883252003 +795 79 2 880568325 +795 80 3 883254212 +795 81 4 883250055 +795 89 4 880569085 +795 91 5 881265483 +795 95 4 881529851 +795 96 2 881530415 +795 97 2 881529761 +795 100 5 880555946 +795 105 1 883774317 +795 108 3 880559483 +795 109 3 880557210 +795 117 4 880558122 +795 118 2 883254314 +795 120 3 883255416 +795 121 3 880558035 +795 123 4 880558447 +795 132 3 883249522 +795 135 3 881530126 +795 143 3 883252292 +795 144 4 881265483 +795 150 3 883766579 +795 151 3 880558562 +795 152 4 881260622 +795 153 3 880569085 +795 154 3 881529904 +795 164 3 883253368 +795 167 3 883254348 +795 168 5 881528760 +795 169 5 880567884 +795 172 3 880570209 +795 173 4 880567884 +795 174 4 880569625 +795 175 5 881263767 +795 181 4 880557060 +795 182 4 881530041 +795 184 4 880588118 +795 186 3 883249522 +795 189 3 881265284 +795 191 4 883249962 +795 200 3 883251581 +795 201 4 880569984 +795 202 3 881529874 +795 203 3 881530198 +795 204 3 880570209 +795 208 4 881252835 +795 209 5 880587862 +795 210 4 880567593 +795 214 4 881265372 +795 217 1 883774317 +795 219 3 883252104 +795 222 3 880558122 +795 226 3 883251800 +795 231 4 883254844 +795 234 4 883251200 +795 235 3 880560263 +795 238 3 881266197 +795 240 2 883767338 +795 257 3 881252002 +795 265 3 881265483 +795 319 4 880554132 +795 367 3 883252202 +795 381 2 883774317 +795 382 4 881529077 +795 386 3 883254649 +795 395 2 883255008 +795 402 2 883254905 +795 403 3 883250829 +795 405 1 883774317 +795 407 3 880560679 +795 410 2 880559227 +795 412 3 883254675 +795 419 3 880569526 +795 423 2 881265617 +795 425 3 883249522 +795 429 3 880568492 +795 431 4 883253193 +795 432 3 881258945 +795 433 4 880588141 +795 434 3 880569983 +795 436 3 883767338 +795 465 3 883252686 +795 472 3 880559543 +795 473 2 880561783 +795 477 3 880558562 +795 502 3 883251421 +795 514 4 883250472 +795 546 3 880559275 +795 550 3 883252004 +795 552 2 883774317 +795 554 3 883254802 +795 559 2 883774317 +795 564 1 883774317 +795 567 2 883253903 +795 568 3 883251659 +795 576 2 883254780 +795 577 3 883254987 +795 581 4 883253316 +795 583 4 883250168 +795 588 5 880587862 +795 636 3 883253661 +795 640 4 883251200 +795 655 3 881530154 +795 658 2 883251696 +795 675 3 883251659 +795 705 4 883250829 +795 710 3 881265617 +795 716 3 880569984 +795 719 2 883254675 +795 727 3 881530317 +795 739 1 883774317 +795 742 2 880556833 +795 746 3 881529904 +795 747 3 883252630 +795 755 3 883254564 +795 756 3 880559895 +795 768 3 883252985 +795 771 3 883255324 +795 797 3 883254750 +795 820 3 880560679 +795 825 2 880559026 +795 826 3 880560736 +795 831 2 880560971 +795 919 4 880557617 +795 926 2 880561783 +795 928 1 883774317 +795 931 2 880560078 +795 998 3 883255182 +795 1030 3 883255381 +795 1036 2 883255578 +795 1041 3 883254780 +795 1052 3 883255477 +795 1095 3 883767108 +795 1101 4 881528779 +795 1110 3 883251943 +795 1199 3 880557953 +795 1413 3 883254987 +795 1555 3 883249643 +796 1 2 892660251 +796 2 5 893048377 +796 4 5 893048150 +796 5 4 893194607 +796 8 5 892690059 +796 9 3 892660251 +796 12 5 892662483 +796 15 4 893188341 +796 22 4 892662523 +796 23 2 892690382 +796 26 2 893047208 +796 28 3 892662523 +796 29 3 893048672 +796 31 4 893194547 +796 33 3 893048471 +796 36 1 893047967 +796 38 5 893048505 +796 39 3 893048562 +796 43 4 893188486 +796 45 3 892675605 +796 48 3 892663090 +796 49 3 893047287 +796 50 5 892660147 +796 53 1 893048713 +796 54 4 893194685 +796 56 5 892663009 +796 58 3 892675605 +796 62 4 893048562 +796 63 3 893218764 +796 64 4 892662400 +796 66 5 893047241 +796 69 5 892662483 +796 71 4 893218764 +796 77 5 893194646 +796 78 3 893219254 +796 79 5 892661988 +796 82 3 892676195 +796 86 5 893047321 +796 87 5 893218728 +796 88 5 893047287 +796 89 5 892662222 +796 91 2 893219033 +796 94 3 893219065 +796 95 4 892690382 +796 96 4 892662523 +796 97 3 892690059 +796 98 5 892663090 +796 99 3 893218764 +796 100 3 892611093 +796 106 2 893194895 +796 111 4 893047288 +796 112 4 893219477 +796 117 5 892660283 +796 118 4 893048505 +796 121 5 892661043 +796 125 4 892660465 +796 126 3 892690173 +796 127 5 892660147 +796 132 4 892662222 +796 134 3 892663009 +796 143 5 893218728 +796 144 5 892662524 +796 145 2 893218485 +796 147 5 893048410 +796 151 5 893218765 +796 152 3 892690101 +796 153 5 892676155 +796 154 3 892676155 +796 155 5 893047241 +796 159 3 893194685 +796 161 5 893048377 +796 164 3 893194548 +796 168 5 892662871 +796 172 4 892663090 +796 173 5 892662483 +796 174 5 892662069 +796 176 5 892662523 +796 178 3 892662223 +796 180 2 892675606 +796 181 5 892660177 +796 182 4 893048342 +796 183 5 892662441 +796 184 1 892761544 +796 185 4 893194548 +796 186 3 892676114 +796 187 5 892662904 +796 188 2 892675654 +796 191 4 892690382 +796 193 3 892662964 +796 194 4 892662826 +796 195 5 892675424 +796 196 5 892675693 +796 197 3 892676231 +796 198 4 892662871 +796 199 3 892662223 +796 200 5 893218420 +796 202 4 893047167 +796 203 3 892690173 +796 204 5 892662441 +796 209 3 893048115 +796 210 3 892662441 +796 211 3 893048115 +796 213 4 893047167 +796 215 5 892676115 +796 216 5 892761543 +796 217 4 893218556 +796 218 3 893194607 +796 219 4 893218453 +796 222 5 892660364 +796 226 3 893048410 +796 227 4 893048471 +796 228 5 892761629 +796 229 3 893048471 +796 230 5 893048377 +796 231 3 893048622 +796 232 3 893048911 +796 233 4 893048471 +796 234 2 892690173 +796 236 4 893048149 +796 237 5 893047126 +796 238 3 892761427 +796 243 3 892612354 +796 245 3 892612031 +796 248 3 892660465 +796 249 1 892661011 +796 250 5 892660984 +796 257 5 892660283 +796 258 4 892611840 +796 265 5 892761544 +796 269 3 892610692 +796 270 4 892611799 +796 271 5 892874827 +796 272 4 892610692 +796 273 2 892660856 +796 274 5 893047167 +796 275 4 892660211 +796 278 4 892660323 +796 280 4 893047208 +796 281 4 893194929 +796 282 4 892660364 +796 283 3 892660322 +796 284 3 892660954 +796 286 2 892610876 +796 291 4 893188576 +796 293 5 892660251 +796 294 3 892611979 +796 298 5 892660954 +796 300 4 892611903 +796 301 1 892611903 +796 307 4 892611799 +796 313 4 892610692 +796 315 5 892611769 +796 316 5 892610692 +796 318 4 892661988 +796 321 2 892611871 +796 322 3 892611953 +796 323 2 892611953 +796 326 4 892612032 +796 328 5 892612057 +796 333 5 892610876 +796 339 2 892874859 +796 342 5 892611871 +796 356 4 893194646 +796 357 4 892662400 +796 367 5 893048150 +796 371 5 893047167 +796 378 4 893218764 +796 381 3 893047208 +796 385 5 893048342 +796 387 3 893047504 +796 389 4 893219092 +796 391 4 893048713 +796 393 4 893218933 +796 396 2 893218621 +796 399 4 893048471 +796 401 3 893219427 +796 402 5 893047320 +796 403 4 893048410 +796 405 5 892660954 +796 409 3 893219122 +796 414 3 892663044 +796 417 4 893218933 +796 418 4 893218933 +796 419 5 893219001 +796 423 4 892690262 +796 427 4 892662355 +796 429 4 892690102 +796 431 4 892676231 +796 432 2 893218728 +796 433 2 892675694 +796 434 4 892676195 +796 443 2 893202878 +796 447 3 893218485 +796 448 4 893218485 +796 449 4 893048622 +796 450 3 893049399 +796 451 5 893047167 +796 467 3 892675654 +796 474 2 892663009 +796 477 2 892660465 +796 478 5 892761629 +796 479 4 892761427 +796 480 4 892663155 +796 483 5 892663044 +796 484 5 892675528 +796 485 4 893279958 +796 486 5 892676072 +796 487 5 892676195 +796 488 2 892662400 +796 491 4 892662964 +796 493 3 892675424 +796 496 5 892662223 +796 500 4 892761629 +796 510 3 892761578 +796 511 4 892676155 +796 514 3 892676231 +796 516 4 893048115 +796 517 2 893047208 +796 520 3 892662223 +796 525 4 892761390 +796 527 3 892675654 +796 530 3 893048410 +796 540 2 893048672 +796 542 3 893219403 +796 546 4 893048505 +796 549 3 893047208 +796 550 3 893048562 +796 553 4 893047208 +796 554 2 893048713 +796 559 3 893218453 +796 564 1 893194929 +796 565 3 893218556 +796 566 4 893048343 +796 568 4 892676114 +796 570 2 893048505 +796 573 4 893218521 +796 576 3 893048562 +796 578 4 893048562 +796 586 3 893049257 +796 588 5 893218728 +796 591 3 892611093 +796 597 5 892661043 +796 603 4 892662152 +796 606 4 892761504 +796 607 4 892662964 +796 608 3 892675492 +796 611 4 892675694 +796 615 4 892690263 +796 623 3 893219122 +796 628 4 893194740 +796 633 5 892662070 +796 636 2 893048505 +796 649 3 893194646 +796 655 3 893048115 +796 659 3 892662482 +796 660 5 892690101 +796 662 5 893047207 +796 665 2 893048622 +796 672 3 893218485 +796 679 4 893048471 +796 684 5 892676195 +796 685 4 892660466 +796 692 5 892761544 +796 693 3 893188650 +796 699 4 893188576 +796 705 4 892690263 +796 707 3 892663154 +796 709 3 892676155 +796 716 3 893047167 +796 717 3 893194862 +796 720 4 893048562 +796 722 3 893047460 +796 724 2 893047241 +796 728 3 893047691 +796 731 3 893047320 +796 732 5 893047241 +796 735 2 893188514 +796 736 3 893047126 +796 739 5 893047207 +796 742 3 892660505 +796 746 3 893048115 +796 747 4 893047167 +796 748 5 892611979 +796 751 5 892611979 +796 755 4 893219033 +796 761 3 893048622 +796 762 3 892676115 +796 765 3 893047691 +796 768 2 893219065 +796 769 4 893218622 +796 775 2 893047691 +796 776 4 893219065 +796 778 4 893047021 +796 779 3 893048713 +796 781 4 893047241 +796 783 4 893047691 +796 785 5 893047287 +796 794 4 893047320 +796 795 3 893219254 +796 796 4 893047320 +796 797 3 893049257 +796 807 2 893047691 +796 809 4 893048471 +796 810 3 893048622 +796 815 4 893047321 +796 821 4 893047126 +796 826 2 893049362 +796 831 2 893049303 +796 849 4 893048562 +796 855 3 893279958 +796 859 2 893218622 +796 869 4 893047287 +796 871 1 893219001 +796 873 3 892874827 +796 879 4 892612031 +796 880 3 892611840 +796 928 2 893194929 +796 932 4 893219254 +796 934 3 893048024 +796 939 3 892761504 +796 945 5 892663009 +796 949 4 893047460 +796 974 3 893194740 +796 977 2 893194992 +796 988 3 893219180 +796 1001 2 893219180 +796 1012 3 892660466 +796 1032 3 893219451 +796 1036 4 893219522 +796 1037 2 893047967 +796 1039 4 892662223 +796 1040 3 893047460 +796 1041 5 893047287 +796 1042 4 893194740 +796 1046 3 893194607 +796 1048 2 893047288 +796 1049 4 893219151 +796 1055 3 893188577 +796 1057 2 893047967 +796 1074 1 893047691 +796 1076 2 893219150 +796 1090 4 893194992 +796 1101 5 892690382 +796 1119 4 892675528 +796 1126 1 892662826 +796 1163 3 892660364 +796 1197 3 892660955 +796 1217 3 893194607 +796 1228 4 893048713 +796 1269 5 892662765 +796 1285 4 893188622 +796 1297 2 893047504 +796 1299 2 892676043 +796 1303 2 893048713 +796 1407 3 893049362 +796 1415 3 893219254 +796 1511 3 892660955 +796 1522 3 893194740 +797 50 5 879439314 +797 127 4 879439297 +797 181 5 879439362 +797 243 2 879439104 +797 257 5 879439362 +797 259 3 879439136 +797 269 3 879438957 +797 286 2 879438957 +797 294 3 879439105 +797 298 3 879439362 +797 300 2 879439031 +797 307 2 879439190 +797 309 3 879438992 +797 327 2 879438992 +797 328 2 879439136 +797 336 2 879439136 +797 340 2 879439735 +797 687 2 879439190 +797 720 2 879439735 +797 748 1 879439105 +797 781 5 879439594 +797 948 1 879439230 +797 988 1 879439230 +797 990 2 879439456 +797 1023 3 879439519 +797 1254 2 879439548 +798 1 4 875295695 +798 2 4 875743787 +798 14 2 875295930 +798 15 4 875295810 +798 21 5 875554953 +798 28 4 875638354 +798 29 4 875915913 +798 38 4 875915806 +798 49 4 875814021 +798 50 5 875295810 +798 52 3 876176979 +798 62 4 875915855 +798 63 5 875914939 +798 66 3 875639364 +798 71 3 875303589 +798 72 3 875638883 +798 73 4 875914114 +798 79 4 875638627 +798 81 3 876177211 +798 82 4 875915855 +798 83 4 875303683 +798 87 3 875639680 +798 88 4 875743642 +798 90 3 875914860 +798 94 3 875914939 +798 95 5 876175467 +798 97 1 875638474 +798 98 1 875639581 +798 105 3 875555000 +798 110 4 875914458 +798 111 1 875296109 +798 112 3 875296234 +798 116 3 875554781 +798 118 4 875295842 +798 121 5 875295930 +798 125 3 875296178 +798 132 4 875639134 +798 133 3 875303559 +798 138 3 876176160 +798 140 4 876175467 +798 142 3 876175427 +798 143 5 875639061 +798 151 3 875554819 +798 155 3 875639581 +798 158 2 875914604 +798 161 3 875639235 +798 162 3 876177353 +798 163 3 875814110 +798 164 4 875303502 +798 168 4 875743765 +798 172 4 875639656 +798 173 5 875656071 +798 174 4 875743140 +798 181 5 875295772 +798 191 4 875743458 +798 194 4 875743366 +798 196 3 875743006 +798 197 2 875303502 +798 202 2 875639095 +798 204 4 875742878 +798 208 3 875639010 +798 210 4 875743410 +798 220 3 875295810 +798 222 3 875295616 +798 225 4 875637487 +798 228 3 875915639 +798 231 2 875638817 +798 239 4 875814157 +798 243 4 875295566 +798 254 5 875637836 +798 257 4 875295842 +798 258 4 875286981 +798 259 5 875295566 +798 265 5 875915777 +798 270 4 880483677 +798 274 5 875295772 +798 275 4 875295842 +798 280 2 875554523 +798 281 4 875296234 +798 283 5 875637963 +798 289 3 875286981 +798 306 3 875637329 +798 321 3 875286981 +798 323 4 875295469 +798 356 3 875639236 +798 365 3 875639656 +798 367 3 875743434 +798 377 3 875639061 +798 378 4 875743858 +798 380 3 875638680 +798 384 2 875915279 +798 391 3 875915855 +798 393 3 875915029 +798 394 4 875914484 +798 395 3 875915279 +798 399 5 875638680 +798 400 3 876176160 +798 402 3 875916297 +798 403 4 875743140 +798 405 5 875296148 +798 415 3 875639260 +798 417 3 876176043 +798 418 4 875639212 +798 419 4 876175937 +798 420 3 876175937 +798 423 3 875639864 +798 432 4 876176259 +798 443 3 876249370 +798 444 2 875639115 +798 451 2 875638547 +798 463 3 876175467 +798 465 4 876176115 +798 472 3 875638178 +798 473 2 875296109 +798 476 2 875637822 +798 480 3 875303765 +798 482 3 875638884 +798 485 5 875639784 +798 486 4 875639889 +798 491 4 875743196 +798 493 3 875638514 +798 498 3 875639581 +798 554 2 875638884 +798 560 3 875638972 +798 563 2 875638323 +798 568 4 875656111 +798 571 3 875914458 +798 576 3 875639324 +798 577 2 875639441 +798 584 3 876176071 +798 585 3 875743912 +798 586 2 875303765 +798 588 4 875638447 +798 602 3 875639260 +798 603 3 875743267 +798 610 3 875743314 +798 623 3 876175980 +798 648 3 875914785 +798 659 4 875914337 +798 660 3 876177436 +798 662 3 875916187 +798 671 2 875639115 +798 687 4 875295566 +798 690 4 877117972 +798 692 4 875743140 +798 694 3 875303718 +798 699 3 875303502 +798 703 4 876177414 +798 705 4 875638447 +798 707 2 875303559 +798 709 5 875914860 +798 719 1 875743196 +798 720 5 875915940 +798 722 3 875914534 +798 728 4 875914458 +798 731 3 875303765 +798 732 2 875638759 +798 734 3 875639061 +798 736 5 875639010 +798 740 2 875296148 +798 746 4 875914066 +798 748 5 875295521 +798 755 3 875638627 +798 756 3 875296109 +798 768 4 876175980 +798 769 2 876249507 +798 781 2 875639061 +798 785 3 875639553 +798 795 3 876176160 +798 801 3 875915317 +798 805 4 875743813 +798 810 3 875915855 +798 815 5 875295695 +798 819 3 875295930 +798 821 5 875916505 +798 825 3 875638178 +798 826 5 875295695 +798 827 4 875637541 +798 828 4 875637986 +798 832 4 875637822 +798 839 4 875638649 +798 845 5 875295930 +798 862 3 875914534 +798 878 4 875295521 +798 924 3 875296148 +798 926 4 875638203 +798 929 3 875638090 +798 930 5 875637661 +798 932 4 875637927 +798 940 1 875914898 +798 941 3 876176561 +798 944 4 875914573 +798 945 3 875743518 +798 946 2 875639889 +798 949 3 875914337 +798 951 3 875639767 +798 953 2 875639290 +798 961 1 875303558 +798 988 3 875295469 +798 993 3 875554639 +798 996 3 875638717 +798 998 3 875915317 +798 1003 3 875639478 +798 1023 3 875295772 +798 1032 3 875639212 +798 1034 2 875638547 +798 1035 4 875638717 +798 1043 3 875915279 +798 1049 3 875638150 +798 1063 3 875303502 +798 1066 2 876175427 +798 1076 3 876176043 +798 1089 3 875295616 +798 1102 4 875637680 +798 1119 3 875916421 +798 1139 3 876177661 +798 1164 3 875637744 +798 1183 1 875915190 +798 1224 2 875638842 +798 1239 4 875915965 +798 1249 4 875914785 +798 1270 3 875915190 +798 1282 3 875296234 +798 1283 4 875295695 +798 1284 3 875637744 +798 1285 3 876177330 +798 1297 3 875916505 +798 1337 3 875554892 +798 1411 1 875639656 +798 1425 4 875915317 +798 1435 2 875639836 +798 1446 4 875914898 +798 1469 3 876175427 +798 1503 3 876176071 +798 1509 3 875915155 +798 1517 4 875743605 +798 1539 2 876177839 +798 1540 4 875743576 +798 1544 3 875638925 +799 45 4 879253969 +799 50 4 879254077 +799 127 4 879254026 +799 173 5 879254077 +799 174 5 879254026 +799 191 3 879254077 +799 258 5 879253668 +799 286 5 879253668 +799 289 3 879253720 +799 292 4 879253720 +799 306 4 879253795 +799 307 3 879253795 +799 319 4 879253668 +799 321 4 879253720 +799 331 4 879253795 +799 427 5 879254077 +799 479 5 879254026 +799 484 3 879254077 +799 499 4 879253969 +799 654 5 879254027 +799 690 3 879253668 +799 748 2 879253755 +799 1063 4 879254026 +799 1545 4 879254026 +800 1 4 887646283 +800 15 4 887646631 +800 25 4 887646980 +800 50 4 887646263 +800 118 3 887646342 +800 121 4 887646423 +800 125 3 887646608 +800 127 4 887646980 +800 181 4 887646203 +800 222 4 887646226 +800 223 5 887646979 +800 237 4 887646980 +800 257 4 887646980 +800 275 4 887646203 +800 276 3 887646245 +800 289 4 887646980 +800 292 5 887646979 +800 294 3 887645970 +800 300 4 887646980 +800 304 3 887645987 +800 405 4 887646705 +800 457 2 887646168 +800 476 3 887646776 +800 597 4 887646555 +800 742 4 887646477 +800 751 4 887646980 +800 864 4 887646980 +800 1047 3 887646804 +801 245 3 890333042 +801 259 3 890332986 +801 268 5 890332645 +801 271 5 890332929 +801 288 5 890332820 +801 294 5 890332748 +801 299 2 890333011 +801 300 5 890332748 +801 301 5 890332820 +801 302 4 890332645 +801 307 4 890332853 +801 313 5 890332694 +801 326 4 890332885 +801 328 5 890332748 +801 332 5 890332719 +801 333 5 890332885 +801 343 4 890332986 +801 354 4 890332645 +801 355 3 890332929 +801 358 4 890333094 +801 681 1 890332820 +801 682 5 890332775 +801 752 4 890332853 +801 881 3 890332820 +801 890 2 890333150 +801 895 5 890332929 +802 7 5 875986303 +802 53 4 875985840 +802 56 3 875985601 +802 98 4 875985601 +802 134 3 875985347 +802 135 4 875985347 +802 176 5 875985469 +802 183 5 875985469 +802 184 4 875986155 +802 185 3 875985601 +802 194 4 875986155 +802 196 3 875985239 +802 197 3 875985347 +802 200 4 875985686 +802 201 4 875985601 +802 217 3 875985767 +802 218 3 875985767 +802 219 5 875985767 +802 234 5 875985601 +802 258 5 875984532 +802 259 2 875984938 +802 260 4 875984938 +802 261 3 875985032 +802 263 1 875985032 +802 264 4 875986155 +802 266 3 875984938 +802 286 2 875984532 +802 288 3 875984637 +802 294 4 875984637 +802 299 4 875986155 +802 300 4 875986155 +802 302 4 875984532 +802 304 3 875985142 +802 323 5 875984722 +802 326 5 875984637 +802 327 2 875984861 +802 330 2 875985031 +802 331 4 875986155 +802 333 4 875986155 +802 358 3 875984722 +802 379 4 875985976 +802 396 2 875985840 +802 413 4 875986303 +802 424 2 875986303 +802 436 4 875985686 +802 440 3 875985686 +802 441 3 875985840 +802 443 4 875985686 +802 444 4 875985840 +802 445 3 875985686 +802 447 2 875985686 +802 448 3 875985686 +802 452 4 875985976 +802 484 3 875985239 +802 559 2 875985840 +802 563 3 875985976 +802 565 3 875985976 +802 567 4 875985976 +802 569 3 875985840 +802 573 4 875985840 +802 646 4 875986155 +802 657 4 875985239 +802 665 4 875985469 +802 669 1 875985840 +802 670 4 875986155 +802 672 3 875985767 +802 674 2 875985768 +802 678 4 875984776 +802 681 4 875986155 +802 687 3 875984722 +802 748 4 875984776 +802 760 3 875986303 +802 769 5 875985976 +802 879 5 875984938 +802 1025 3 875984637 +803 242 5 880054592 +803 243 1 880055548 +803 245 4 880055378 +803 259 2 880054971 +803 260 3 880055454 +803 261 1 880054754 +803 264 2 880055309 +803 269 5 880054592 +803 271 2 880054833 +803 286 5 880054592 +803 289 3 880055309 +803 300 3 880054629 +803 303 4 880054629 +803 304 3 880054792 +803 305 5 880055604 +803 306 4 880054629 +803 307 4 880055604 +803 311 5 880054754 +803 321 4 880054792 +803 322 2 880055043 +803 325 4 880054885 +803 338 2 880055454 +803 339 3 880054834 +803 340 5 880055088 +803 538 4 880054834 +803 683 1 880054885 +803 688 1 880055043 +803 690 4 880055210 +803 748 1 880054885 +803 754 2 880054754 +803 887 5 880054671 +803 988 1 880055454 +803 990 2 880054792 +804 1 5 879442661 +804 2 4 879445493 +804 4 4 879442192 +804 7 4 879443673 +804 10 4 879442298 +804 11 4 879442954 +804 22 5 879444407 +804 23 4 879442557 +804 24 5 879443776 +804 25 4 879442490 +804 28 4 879445904 +804 31 4 879442792 +804 32 3 879444352 +804 33 4 879445975 +804 39 2 879447475 +804 40 3 879445739 +804 49 2 879447476 +804 50 4 879440912 +804 55 4 879442141 +804 56 3 879441371 +804 62 4 879445305 +804 63 4 879445334 +804 64 5 879442001 +804 68 3 879445975 +804 69 4 879444890 +804 70 4 879443137 +804 71 4 879442538 +804 72 4 879445281 +804 79 4 879441627 +804 81 4 879441913 +804 82 5 879442001 +804 84 3 879445933 +804 85 4 879445190 +804 87 4 879442954 +804 89 4 879441524 +804 91 4 879442192 +804 94 4 879446194 +804 95 2 879447476 +804 96 5 879441677 +804 97 4 879442057 +804 98 5 879441503 +804 99 4 879442984 +804 100 5 879445904 +804 105 3 879444077 +804 108 3 879443819 +804 118 4 879443900 +804 120 3 879444077 +804 121 4 879442377 +804 123 4 879443645 +804 125 4 879443709 +804 127 3 879440947 +804 128 5 879441702 +804 132 4 879445305 +804 133 3 879445904 +804 134 4 879444890 +804 135 3 879444407 +804 139 3 879444943 +804 141 3 879445841 +804 143 3 879442490 +804 144 4 879444890 +804 145 3 879446276 +804 151 3 879442412 +804 152 4 879445466 +804 153 4 879441346 +804 154 3 879441598 +804 155 3 879445660 +804 156 4 879444781 +804 157 4 879442862 +804 159 4 879445441 +804 160 4 879442707 +804 161 4 879442269 +804 162 2 879446037 +804 163 3 879445579 +804 164 4 879442025 +804 167 3 879445956 +804 168 5 879442377 +804 172 4 879442001 +804 173 4 879442412 +804 174 5 879441476 +804 175 4 879444583 +804 176 4 879441702 +804 177 5 879441727 +804 180 4 879442348 +804 181 5 879440947 +804 182 4 879444924 +804 183 4 879445904 +804 184 5 879441727 +804 185 4 879444890 +804 186 4 879442687 +804 187 4 879441973 +804 188 4 879442096 +804 191 4 879442025 +804 192 4 879441752 +804 193 4 879444518 +804 194 4 879442490 +804 195 5 879442538 +804 196 4 879441752 +804 197 4 879443136 +804 198 5 879441391 +804 199 5 879442239 +804 200 3 879445493 +804 202 4 879442079 +804 203 4 879442122 +804 204 4 879441450 +804 205 4 879442434 +804 206 3 879445440 +804 208 5 879441412 +804 209 3 879442538 +804 210 5 879441372 +804 211 4 879444805 +804 212 3 879445933 +804 213 3 879441651 +804 215 5 879441752 +804 216 4 879441450 +804 218 4 879445072 +804 219 3 879445072 +804 222 5 879442591 +804 226 4 879445372 +804 227 4 879443136 +804 228 4 879441391 +804 229 4 879445816 +804 230 4 879442001 +804 231 4 879445334 +804 233 4 879445815 +804 234 4 879442862 +804 235 5 879443736 +804 237 4 879443709 +804 238 4 879441727 +804 239 4 879442122 +804 240 4 879443958 +804 243 3 879440727 +804 245 4 879441132 +804 250 4 879441000 +804 252 4 879441160 +804 254 4 879441195 +804 257 5 879441014 +804 259 4 879440700 +804 260 2 879440787 +804 265 4 879445037 +804 282 4 879444714 +804 284 4 879442732 +804 288 1 879447476 +804 290 4 879443795 +804 291 4 879443819 +804 292 2 879441099 +804 294 5 879441099 +804 307 4 879440600 +804 310 4 879440600 +804 318 5 879441450 +804 322 5 879440700 +804 323 4 879440765 +804 328 4 879440600 +804 357 5 879441450 +804 358 3 879440787 +804 363 4 879446245 +804 365 4 879446194 +804 366 4 879445579 +804 367 3 879445605 +804 373 2 879447476 +804 378 4 879445605 +804 379 3 879445465 +804 380 4 879445715 +804 385 4 879445904 +804 393 3 879445072 +804 396 3 879445956 +804 399 4 879445111 +804 401 2 879445798 +804 402 3 879445441 +804 403 3 879445739 +804 405 4 879443776 +804 406 3 879444133 +804 411 3 879443776 +804 412 2 879445955 +804 413 4 879443918 +804 414 4 879444890 +804 415 3 879446391 +804 419 3 879444624 +804 423 3 879441371 +804 425 4 879442643 +804 428 3 879445841 +804 429 4 879445037 +804 431 4 879442707 +804 432 3 879441677 +804 433 4 879444714 +804 434 4 879442642 +804 435 3 879444488 +804 436 5 879444984 +804 443 5 879442122 +804 444 4 879444743 +804 445 4 879445766 +804 447 3 879445625 +804 448 3 879445841 +804 449 3 879445281 +804 451 2 879446063 +804 455 5 879443609 +804 456 3 879444011 +804 468 4 879442687 +804 472 3 879443976 +804 473 4 879443884 +804 474 4 879441524 +804 476 3 879443852 +804 479 4 879441542 +804 480 5 879442057 +804 483 5 879441627 +804 495 3 879442792 +804 496 5 879441973 +804 498 5 879442239 +804 504 3 879444444 +804 510 5 879441346 +804 511 4 879442792 +804 513 5 879441937 +804 514 4 879443032 +804 515 5 879441000 +804 520 4 879445904 +804 522 3 879445190 +804 523 5 879441476 +804 526 4 879442792 +804 527 4 879441752 +804 528 4 879443048 +804 529 4 879441913 +804 546 3 879443884 +804 550 4 879445739 +804 552 4 879446209 +804 554 2 879447476 +804 558 3 879441627 +804 559 3 879445334 +804 566 4 879444820 +804 568 4 879442793 +804 573 3 879445232 +804 576 4 879445355 +804 582 3 879444963 +804 584 4 879444964 +804 588 4 879442687 +804 597 3 879444011 +804 603 5 879441937 +804 609 3 879444583 +804 615 5 879442298 +804 616 3 879442984 +804 624 2 879445536 +804 625 3 879445493 +804 629 3 879445072 +804 631 3 879444463 +804 632 3 879444488 +804 636 3 879445334 +804 637 3 879444943 +804 639 4 879442591 +804 642 3 879445556 +804 646 4 879441936 +804 647 5 879442001 +804 651 4 879445904 +804 654 3 879441651 +804 655 4 879442377 +804 657 4 879445904 +804 662 4 879442413 +804 663 5 879442793 +804 664 3 879446090 +804 670 4 879444536 +804 671 3 879445493 +804 674 4 879445699 +804 675 3 879445355 +804 678 4 879440700 +804 679 4 879445393 +804 685 4 879443946 +804 692 5 879442122 +804 702 2 879447476 +804 708 3 879445783 +804 719 3 879445132 +804 720 3 879445072 +804 732 4 879445037 +804 737 3 879444781 +804 739 4 879444805 +804 742 4 879442732 +804 746 4 879444890 +804 747 3 879445699 +804 748 4 879440700 +804 755 3 879445305 +804 756 3 879443976 +804 763 4 879443776 +804 768 3 879445493 +804 771 3 879446108 +804 797 4 879445280 +804 820 4 879444115 +804 824 3 879444133 +804 826 3 879443776 +804 831 3 879443852 +804 841 4 879443709 +804 925 4 879443946 +804 926 4 879443993 +804 928 4 879443736 +804 929 3 879444092 +804 930 3 879444115 +804 932 3 879444077 +804 948 1 879447476 +804 949 3 879445254 +804 951 3 879444781 +804 969 4 879442687 +804 972 3 879445783 +804 981 3 879444077 +804 982 4 879444048 +804 984 4 879440727 +804 988 4 879440663 +804 993 2 879441236 +804 1016 4 879441099 +804 1025 4 879440765 +804 1028 3 879445556 +804 1041 3 879446037 +804 1047 3 879443852 +804 1050 3 879442269 +804 1056 4 879442762 +804 1060 3 879443918 +804 1065 3 879441727 +804 1074 1 879447476 +804 1076 3 879446162 +804 1079 4 879444133 +804 1101 3 879444805 +804 1139 3 879446145 +804 1140 3 879446276 +804 1170 3 879445393 +804 1177 3 879446390 +804 1178 3 879445990 +804 1188 2 879446245 +804 1210 2 879447476 +804 1222 3 879446276 +804 1228 3 879446090 +804 1244 2 879441132 +804 1260 3 879445660 +804 1285 2 879445766 +804 1291 3 879444115 +804 1411 3 879446129 +804 1488 3 879445579 +804 1489 3 879445441 +804 1615 4 879441195 +805 1 4 881695527 +805 4 2 881694798 +805 5 4 881695293 +805 7 5 881694693 +805 8 3 881704063 +805 9 3 881697667 +805 11 2 881694423 +805 12 4 881695677 +805 13 3 881704063 +805 17 4 881695346 +805 21 2 881705055 +805 22 1 881694423 +805 24 4 881694923 +805 25 4 881704193 +805 28 3 881698243 +805 32 4 881697792 +805 33 5 881694885 +805 38 3 881695080 +805 40 3 881704553 +805 42 2 881704193 +805 45 4 881697128 +805 47 5 881698778 +805 50 4 879971214 +805 55 5 881694693 +805 56 4 881694423 +805 58 4 881698778 +805 65 3 881698861 +805 68 3 881694886 +805 71 3 881695560 +805 79 5 881694423 +805 82 3 881694854 +805 83 4 881696671 +805 86 4 881696729 +805 88 2 881696876 +805 89 4 881694713 +805 90 2 881705412 +805 91 5 881695527 +805 93 5 881704016 +805 94 1 881705412 +805 95 3 881695527 +805 96 4 881694713 +805 98 5 881695196 +805 99 2 881695560 +805 100 5 881695196 +805 101 2 881695591 +805 102 4 881695591 +805 105 2 881705238 +805 106 5 881695968 +805 108 3 881705082 +805 111 3 881696671 +805 117 3 881694798 +805 118 3 881695745 +805 121 3 881694885 +805 122 5 881705350 +805 123 4 881695723 +805 127 3 879971215 +805 128 5 881694798 +805 135 4 881698095 +805 137 5 881697713 +805 140 3 881705892 +805 141 2 881705843 +805 142 4 881705843 +805 143 3 881705765 +805 144 3 881694693 +805 145 2 881695445 +805 147 5 881694286 +805 148 2 881695911 +805 150 5 883766549 +805 151 5 881705810 +805 153 4 881704063 +805 154 5 881704063 +805 155 1 881696923 +805 161 1 881694823 +805 162 2 881698069 +805 164 3 881695293 +805 167 3 881705534 +805 168 5 881704016 +805 169 4 881695527 +805 172 4 881694713 +805 173 4 881696671 +805 174 3 881694798 +805 175 5 881697229 +805 176 4 881684185 +805 179 4 881697792 +805 180 3 881698139 +805 181 3 879971215 +805 183 5 881684185 +805 185 5 881695196 +805 190 5 881694423 +805 191 4 881697713 +805 195 3 881694693 +805 196 2 881698778 +805 197 5 881696671 +805 200 5 881695244 +805 202 2 881696729 +805 204 2 881704016 +805 209 4 881684202 +805 210 3 881694693 +805 212 3 881696729 +805 213 3 881696699 +805 214 2 881700713 +805 216 2 881696699 +805 217 2 881695293 +805 222 4 881694823 +805 223 5 881698139 +805 225 1 881705892 +805 226 3 881694978 +805 228 3 881694423 +805 229 2 881694885 +805 231 3 881694978 +805 234 5 881695244 +805 235 2 881705350 +805 238 5 881704223 +805 240 3 881705350 +805 241 2 881694923 +805 248 4 881683074 +805 258 3 879971215 +805 259 1 879971049 +805 269 5 879971251 +805 271 3 880055033 +805 273 2 883415418 +805 274 2 881705055 +805 288 1 881695244 +805 294 1 879970879 +805 317 4 881698745 +805 319 2 881696876 +805 321 3 881705292 +805 322 2 879971215 +805 323 5 879971214 +805 331 4 879971214 +805 337 2 881180971 +805 338 1 879970974 +805 343 5 881684185 +805 346 4 883766007 +805 352 5 885845656 +805 357 5 881697713 +805 358 3 879971215 +805 367 4 881705108 +805 371 1 881696759 +805 382 4 881698258 +805 383 2 881706146 +805 385 1 881694693 +805 386 3 881704224 +805 387 3 881696905 +805 393 3 881705843 +805 396 4 881695396 +805 401 4 881705108 +805 402 2 881697013 +805 403 4 881694886 +805 405 3 881694885 +805 406 1 881695445 +805 411 2 881705350 +805 412 3 881705592 +805 413 2 881695414 +805 417 2 881705918 +805 418 2 881695527 +805 419 4 881705766 +805 420 4 881695560 +805 422 4 881695560 +805 423 1 881698175 +805 425 5 881698745 +805 428 5 881704337 +805 431 1 881694713 +805 432 5 881695527 +805 433 4 883415418 +805 436 3 881695347 +805 443 5 881695196 +805 447 4 881695293 +805 451 5 881696759 +805 452 3 881695445 +805 455 4 881694854 +805 469 4 881698243 +805 470 5 881695872 +805 472 2 881695040 +805 473 4 881695591 +805 475 5 881704016 +805 476 1 881705592 +805 477 4 881705810 +805 501 5 881695560 +805 509 5 881698095 +805 519 4 881698095 +805 522 5 881698095 +805 525 4 881696335 +805 527 3 881698798 +805 537 5 881703643 +805 541 3 882216971 +805 545 1 881705488 +805 546 2 881703473 +805 549 3 881696759 +805 550 3 881694854 +805 552 3 881696124 +805 554 1 881695080 +805 558 5 881695243 +805 559 3 881695347 +805 568 3 881694854 +805 569 1 881695414 +805 576 4 881695040 +805 581 2 881695793 +805 582 3 881698798 +805 588 2 881695527 +805 595 3 881695951 +805 597 3 881695080 +805 603 4 881696335 +805 625 3 881695560 +805 629 3 881704553 +805 631 5 881698243 +805 636 4 881694978 +805 642 4 881695830 +805 645 5 881704193 +805 648 4 881696729 +805 655 3 881698175 +805 659 3 881695677 +805 660 3 881698881 +805 661 4 881697713 +805 664 5 881697667 +805 665 4 881684185 +805 678 4 879971214 +805 679 4 881694854 +805 708 3 881699661 +805 709 4 881696699 +805 715 4 881698828 +805 716 4 881696980 +805 719 4 881705389 +805 724 2 881696699 +805 725 3 881705672 +805 729 3 881699728 +805 735 4 881698139 +805 739 1 881697013 +805 742 3 881695872 +805 747 3 881696729 +805 748 2 879971215 +805 755 3 881705810 +805 761 3 881695040 +805 768 2 881706049 +805 769 2 881695999 +805 771 5 881695999 +805 772 3 881698881 +805 806 4 881698175 +805 810 2 881695105 +805 827 4 881695040 +805 831 4 881695040 +805 856 4 881698881 +805 866 1 881705412 +805 890 3 882216972 +805 922 5 881702716 +805 928 3 881695930 +805 934 1 881705611 +805 942 3 881698861 +805 946 2 881695591 +805 950 3 881698828 +805 952 5 881704553 +805 959 2 881705327 +805 998 4 881705327 +805 1002 1 881705592 +805 1008 4 881699661 +805 1014 4 881694265 +805 1017 3 881704337 +805 1033 3 881706146 +805 1054 3 881705637 +805 1065 5 881697792 +805 1071 4 881705456 +805 1091 2 881695591 +805 1098 3 881704150 +805 1101 5 881698745 +805 1105 2 884881781 +805 1110 5 881694978 +805 1118 5 881704553 +805 1119 3 881696759 +805 1149 4 881697229 +805 1157 5 881696124 +805 1170 5 881700749 +805 1232 3 881703472 +805 1629 5 881703690 +806 1 4 882385082 +806 2 3 882389862 +806 3 2 882385916 +806 6 2 882385063 +806 12 5 882388204 +806 14 3 882385394 +806 17 4 882389506 +806 24 3 882385394 +806 28 3 882388286 +806 29 4 882390296 +806 45 4 882388159 +806 47 4 882387563 +806 50 5 882385200 +806 56 5 882387999 +806 70 2 882388628 +806 76 3 882389054 +806 79 3 882387448 +806 81 5 882389727 +806 82 4 882389179 +806 88 4 882390191 +806 89 5 882387756 +806 90 4 882390164 +806 95 5 882388658 +806 96 5 882389908 +806 98 4 882387798 +806 100 4 882385063 +806 111 3 882385237 +806 117 2 882385237 +806 121 4 882385916 +806 122 3 882385694 +806 127 5 882386323 +806 128 3 882388419 +806 131 4 882390496 +806 133 5 882389908 +806 143 5 882390296 +806 144 5 882388658 +806 150 4 882385563 +806 153 4 882388658 +806 155 3 882390164 +806 156 4 882388128 +806 157 3 882387974 +806 158 2 882390404 +806 161 3 882388328 +806 162 3 882388557 +806 168 4 882387595 +806 169 5 882387756 +806 170 5 882387520 +806 172 3 882387373 +806 174 5 882387870 +806 175 5 882387756 +806 176 5 882387798 +806 177 3 882388254 +806 179 5 882387870 +806 180 4 882388082 +806 181 2 882384988 +806 182 5 882387925 +806 186 4 882387925 +806 187 5 882387670 +806 188 3 882388159 +806 192 4 882387798 +806 195 3 882388328 +806 196 5 882388437 +806 197 4 882387728 +806 200 4 882387670 +806 204 5 882388205 +806 209 3 882387837 +806 210 5 882387520 +806 216 4 882388128 +806 222 4 882385563 +806 226 3 882389908 +806 227 2 882388353 +806 228 4 882389230 +806 230 4 882388520 +806 231 3 882390614 +806 233 2 882390614 +806 234 4 882388036 +806 237 2 882385135 +806 238 4 882388082 +806 240 2 882385455 +806 249 4 882385476 +806 252 1 882386110 +806 254 3 882387272 +806 257 4 882385394 +806 258 3 882384589 +806 265 4 882388328 +806 271 3 882384844 +806 273 4 882385524 +806 286 3 882384513 +806 288 3 882384554 +806 302 4 882384513 +806 318 5 882387484 +806 324 2 882384513 +806 343 3 882384656 +806 357 3 882387373 +806 403 4 882388706 +806 405 3 882385762 +806 407 3 882386125 +806 408 5 882385237 +806 419 5 882388706 +806 421 4 882388897 +806 433 4 882389523 +806 455 3 882385455 +806 461 4 882388706 +806 475 4 882385083 +806 483 4 882387409 +806 484 4 882387373 +806 485 5 882388381 +806 496 5 882387798 +806 504 4 882388658 +806 511 5 882387520 +806 518 3 882388231 +806 521 3 882387595 +806 522 3 882388128 +806 553 3 882389831 +806 588 4 882388795 +806 628 3 882385309 +806 629 3 882389862 +806 654 5 882387837 +806 655 3 882388128 +806 675 3 882388381 +806 690 2 882384589 +806 702 3 882388795 +806 705 4 882387595 +806 789 4 882389319 +806 856 5 882387644 +806 875 3 882384802 +806 879 3 882384802 +806 923 3 882389080 +806 952 2 882385578 +806 1010 3 882385806 +806 1012 4 882385278 +806 1016 1 882386110 +806 1018 4 882389908 +806 1048 3 882385806 +806 1059 3 882390426 +806 1071 4 882388965 +806 1074 3 882390515 +806 1098 4 882387925 +806 1129 3 882384988 +806 1514 3 882385643 +807 1 4 892528231 +807 2 4 892978338 +807 8 4 892528374 +807 21 4 892823188 +807 22 5 892528470 +807 28 4 892528918 +807 29 4 892530626 +807 50 5 892529076 +807 62 3 892979256 +807 63 5 892531504 +807 68 4 892705239 +807 69 5 892528110 +807 71 5 892530705 +807 73 3 892532030 +807 79 5 892528690 +807 82 4 892529278 +807 89 4 892528470 +807 91 5 892684675 +807 94 2 892823225 +807 95 4 892529185 +807 96 3 892528564 +807 99 5 892529401 +807 101 4 893080637 +807 102 4 892979501 +807 117 4 892528813 +807 118 4 892529713 +807 121 4 892529278 +807 127 3 892529647 +807 132 4 892530003 +807 133 5 892705060 +807 135 5 892705362 +807 136 5 892529185 +807 139 2 893082430 +807 140 3 892530004 +807 141 3 892684576 +807 142 3 892530752 +807 143 4 892528062 +807 144 4 892528771 +807 151 4 893081163 +807 154 2 892528919 +807 161 4 892528919 +807 168 4 892529893 +807 172 5 892528515 +807 173 3 892528285 +807 174 5 892528866 +807 177 4 892705191 +807 181 5 892528954 +807 186 4 892530004 +807 193 4 892529483 +807 194 4 892528427 +807 195 3 892528999 +807 199 5 892528374 +807 204 4 892528954 +807 205 3 892528605 +807 206 2 892684932 +807 208 4 892528646 +807 210 4 892528646 +807 211 4 892529448 +807 222 4 892528174 +807 227 4 892529805 +807 228 4 892529448 +807 229 4 892530752 +807 230 4 892530216 +807 231 4 892530705 +807 234 3 892530216 +807 235 1 892530173 +807 239 4 892529805 +807 250 4 893084375 +807 252 4 893084689 +807 254 4 893085166 +807 257 4 893084232 +807 258 3 892527100 +807 265 5 892529076 +807 271 3 892527385 +807 289 4 892527665 +807 298 4 893083851 +807 300 5 892527168 +807 313 5 892527050 +807 318 5 892528062 +807 358 3 892527606 +807 373 4 893081695 +807 374 3 893083109 +807 380 4 893080442 +807 381 2 892530004 +807 384 4 893080838 +807 385 4 892530349 +807 386 4 893080516 +807 393 4 892528954 +807 398 3 893082268 +807 399 4 893080801 +807 402 5 892705096 +807 403 4 892979116 +807 404 3 892528427 +807 405 4 892684722 +807 408 3 892528813 +807 415 3 893082702 +807 416 3 892528771 +807 417 3 892979746 +807 418 4 892529358 +807 419 5 892528813 +807 420 3 892979368 +807 421 3 892529805 +807 422 4 893082741 +807 423 5 892528470 +807 427 4 892528427 +807 428 4 892530439 +807 431 4 892528062 +807 432 5 892530498 +807 435 3 892528690 +807 449 5 893082893 +807 450 4 893082931 +807 451 5 892530112 +807 465 4 892529448 +807 470 5 892529448 +807 471 4 892775416 +807 472 4 892530625 +807 473 3 892530705 +807 477 4 892775458 +807 483 5 892529756 +807 484 4 892530966 +807 485 5 892531977 +807 491 5 892528062 +807 495 4 892530792 +807 496 5 892528918 +807 498 4 892529150 +807 501 3 892529358 +807 503 3 892530004 +807 505 3 892528110 +807 510 5 892529401 +807 511 5 892705391 +807 515 4 892528999 +807 520 5 892529358 +807 523 3 892529519 +807 526 5 892530061 +807 527 5 892528646 +807 528 4 892530173 +807 541 4 893083740 +807 542 5 893081951 +807 543 2 892528427 +807 546 4 892978966 +807 550 5 892979747 +807 554 4 892684529 +807 566 4 892528999 +807 570 4 893081426 +807 576 4 893081656 +807 578 4 892530582 +807 584 4 892529031 +807 588 5 892530251 +807 596 4 892530792 +807 597 4 892705277 +807 602 5 893083772 +807 605 3 892529150 +807 610 3 892684802 +807 612 5 892528690 +807 622 3 892530656 +807 624 3 892530705 +807 625 3 892978296 +807 627 4 892684456 +807 630 4 892529573 +807 633 4 892529401 +807 636 4 892530752 +807 657 4 892529573 +807 659 4 892977077 +807 678 3 892527569 +807 679 4 892705307 +807 684 5 892529851 +807 699 4 892528515 +807 705 4 892528918 +807 720 4 893080801 +807 739 4 892684321 +807 743 3 893083216 +807 748 4 892527267 +807 751 3 892527467 +807 757 4 892528374 +807 820 3 892532068 +807 826 3 893082505 +807 831 4 892530881 +807 842 4 892979600 +807 843 2 892684615 +807 930 5 893082778 +807 946 3 893081338 +807 968 4 892530498 +807 969 4 892528375 +807 998 3 893081656 +807 1016 4 893083991 +807 1034 5 893082544 +807 1039 4 892528324 +807 1050 5 892529311 +807 1063 4 892529112 +807 1066 5 893081508 +807 1076 3 893082227 +807 1078 4 892979639 +807 1084 4 892529519 +807 1089 4 893084724 +807 1091 3 893082703 +807 1133 3 892823295 +807 1138 5 893084886 +807 1274 3 893083179 +807 1409 4 892978256 +807 1411 1 893082619 +807 1413 2 893083486 +807 1444 3 893082702 +807 1483 4 892527385 +807 1615 4 893084653 +808 245 4 883949822 +808 262 5 883949986 +808 264 5 883949986 +808 270 4 883949560 +808 271 3 883949602 +808 286 4 883949560 +808 288 3 883949454 +808 294 5 883949986 +808 300 4 883949681 +808 302 5 883949986 +808 312 3 883949873 +808 313 5 883949986 +808 325 1 883949873 +808 327 5 883949986 +808 332 4 883949639 +808 333 4 883949519 +808 340 5 883949986 +808 346 5 883949986 +808 748 4 883949873 +808 750 5 883949986 +808 751 3 883949560 +808 872 5 883949986 +808 875 4 883949915 +809 245 3 891037127 +809 258 3 891036903 +809 272 5 891036743 +809 286 4 891036809 +809 289 1 891037020 +809 299 4 891037069 +809 300 4 891036903 +809 302 5 891036743 +809 307 5 891036809 +809 313 4 891036743 +809 315 5 891036743 +809 319 3 891036744 +809 322 3 891037069 +809 328 5 891036989 +809 331 2 891036809 +809 333 3 891036903 +809 340 4 891036744 +809 678 2 891037172 +809 748 3 891037091 +809 1025 1 891037205 +810 243 4 879895350 +810 269 5 891293811 +810 286 4 891293811 +810 288 3 879895233 +810 289 5 879895403 +810 294 5 879895233 +810 300 5 890083187 +810 301 5 890083124 +810 304 4 885406558 +810 313 5 885406451 +810 321 5 879895290 +810 323 4 879895314 +810 326 5 891873739 +810 328 5 885406635 +810 331 4 891873686 +810 333 5 886614819 +810 338 4 891873660 +810 339 5 891294039 +810 342 5 890083580 +810 678 4 879895453 +810 873 3 879895403 +810 876 3 886614969 +810 878 4 879895500 +810 879 5 890083124 +810 881 4 879895350 +810 902 5 890083210 +811 243 3 886377579 +811 258 5 886377311 +811 286 5 886376983 +811 289 2 886377426 +811 292 3 886377041 +811 294 4 886377483 +811 300 5 886377373 +811 301 5 886377530 +811 304 5 886377311 +811 307 4 886377248 +811 308 4 886377082 +811 315 4 886377579 +811 321 3 886377483 +811 323 5 886377579 +811 678 5 886377686 +811 690 5 886377248 +811 748 3 886377579 +811 892 4 886377530 +811 895 5 886377311 +811 901 4 886377771 +811 988 4 886377686 +812 245 2 877625367 +812 261 1 877625461 +812 286 2 877625109 +812 288 4 877625294 +812 289 1 877625461 +812 292 3 877625610 +812 294 5 877625367 +812 300 5 877625461 +812 302 3 877625109 +812 326 4 877625294 +812 328 4 877625368 +812 332 4 877625368 +812 333 5 877625294 +812 358 3 877625461 +812 678 4 877625294 +812 682 4 877625224 +812 748 5 877625368 +812 873 4 877625537 +812 881 4 877625537 +812 1393 3 877625224 +813 9 3 883752051 +813 243 3 883752660 +813 259 2 883752528 +813 263 3 883752606 +813 266 2 883752660 +813 270 5 883752380 +813 271 4 883752455 +813 289 4 883752455 +813 294 1 883752051 +813 300 4 883752331 +813 304 1 883752380 +813 307 4 883752265 +813 310 4 883752290 +813 326 3 883752380 +813 335 2 883752417 +813 342 1 883752417 +813 358 3 883752606 +813 538 3 883752380 +813 680 2 883752660 +813 690 4 883752331 +813 750 4 883752264 +813 751 5 883752264 +813 877 1 883752331 +813 890 4 883752708 +813 892 1 883752708 +813 893 3 883752708 +813 898 1 883752264 +813 901 1 883752708 +813 988 3 883752528 +814 5 3 885411030 +814 7 4 885411073 +814 17 3 885411073 +814 53 4 885411132 +814 56 3 885410957 +814 98 4 885410957 +814 100 4 885410957 +814 145 2 885411749 +814 184 3 885411073 +814 185 3 885411030 +814 200 4 885411204 +814 201 2 885410957 +814 218 3 885411030 +814 219 4 885411030 +814 234 3 885410957 +814 288 4 885410789 +814 358 2 885410837 +814 413 2 885411749 +814 436 3 885411073 +814 441 2 885411347 +814 443 3 885411132 +814 444 2 885411347 +814 447 3 885411030 +814 448 3 885411030 +814 559 3 885411132 +814 565 3 885411347 +814 590 2 885411749 +814 635 2 885411749 +814 656 3 885410957 +814 665 4 885411204 +814 667 2 885411204 +814 669 3 885411204 +814 672 3 885411030 +814 674 3 885411030 +814 675 3 885410957 +815 1 5 878691975 +815 2 3 878696355 +815 7 4 878691975 +815 9 4 878691739 +815 28 4 878694199 +815 31 4 878695490 +815 50 5 878691739 +815 54 3 878696355 +815 57 5 878694854 +815 65 5 878694664 +815 69 4 878694106 +815 71 5 878694341 +815 77 4 878695798 +815 79 4 878694493 +815 82 4 884267891 +815 83 4 878695311 +815 86 5 878693989 +815 87 5 878694199 +815 88 4 878695176 +815 89 4 878695092 +815 91 3 878696840 +815 94 3 878697705 +815 95 3 878693381 +815 96 5 878693871 +815 97 5 878694983 +815 98 4 878693183 +815 99 4 878694665 +815 102 3 878694028 +815 114 5 878695019 +815 117 3 878691884 +815 121 2 878692344 +815 125 5 878692242 +815 127 3 878691739 +815 131 2 878698449 +815 132 5 878695278 +815 133 5 878694613 +815 134 4 878694613 +815 135 2 878694493 +815 136 5 878695311 +815 141 4 878694613 +815 143 5 878694665 +815 144 4 878693989 +815 151 4 878692207 +815 153 4 878695020 +815 154 5 878694453 +815 158 2 878695645 +815 159 3 878694306 +815 163 4 878695841 +815 167 2 878697705 +815 168 3 878693424 +815 172 5 878694613 +815 173 5 878695241 +815 174 4 878693424 +815 175 3 878694952 +815 176 4 878694705 +815 179 2 878694228 +815 181 5 878691844 +815 182 3 878693424 +815 183 5 878694381 +815 185 3 878693830 +815 188 3 878693906 +815 190 5 878693381 +815 191 5 878693183 +815 193 4 878696054 +815 195 4 878695278 +815 196 4 878694526 +815 199 4 878694055 +815 200 5 878693871 +815 202 4 878694341 +815 203 4 878696650 +815 204 4 878693871 +815 210 2 878698553 +815 214 5 878693497 +815 215 5 878694820 +815 216 3 878693381 +815 217 3 878696681 +815 222 4 884320310 +815 226 3 878698704 +815 227 2 878695147 +815 228 5 878694735 +815 229 3 878695527 +815 230 5 878698098 +815 233 3 878694381 +815 239 5 878694563 +815 240 2 878692319 +815 250 1 878691779 +815 252 2 884267891 +815 257 3 884320266 +815 258 4 884320310 +815 265 5 878696181 +815 313 5 884222552 +815 318 5 878693497 +815 333 3 887978234 +815 357 5 878693906 +815 380 3 878695744 +815 386 2 878696563 +815 391 2 878697734 +815 392 4 878697163 +815 393 4 878696473 +815 402 5 878695438 +815 403 4 878697532 +815 404 4 878695147 +815 405 4 878692071 +815 417 5 878694664 +815 418 4 878695744 +815 419 3 878695490 +815 423 5 878694613 +815 427 5 887978255 +815 432 5 878694952 +815 433 3 878695199 +815 434 3 878696619 +815 435 4 878694269 +815 436 3 878695241 +815 443 3 878695055 +815 444 2 878698407 +815 449 2 878698661 +815 451 3 878696965 +815 465 5 878694952 +815 471 2 878692149 +815 472 1 878692826 +815 479 4 878694106 +815 483 5 878696284 +815 484 4 878693989 +815 485 4 878694820 +815 494 5 878696093 +815 496 5 878694027 +815 501 3 878694028 +815 514 1 878693183 +815 515 5 878691739 +815 518 3 878693183 +815 521 4 878694381 +815 523 4 878693462 +815 524 4 878693381 +815 526 4 878696093 +815 527 5 878693830 +815 528 5 887978255 +815 529 5 878694854 +815 542 4 878694820 +815 559 3 878695877 +815 582 1 878695311 +815 584 3 878696355 +815 588 5 878693906 +815 596 5 878692043 +815 602 3 878694269 +815 603 3 878694664 +815 613 5 878694983 +815 614 3 878695964 +815 615 2 878696181 +815 616 1 878697189 +815 623 3 878697043 +815 625 4 878694705 +815 629 4 878695527 +815 631 4 887978234 +815 639 2 878696681 +815 647 5 878694055 +815 650 2 878696213 +815 655 3 878694563 +815 659 5 878694952 +815 660 4 878696441 +815 665 2 878698525 +815 671 4 878695679 +815 675 2 878698831 +815 684 4 878696441 +815 686 5 878695092 +815 705 5 878693183 +815 712 3 878696563 +815 713 4 878692016 +815 732 5 878694106 +815 735 5 878695438 +815 835 3 878694269 +815 837 5 878694983 +815 871 1 878693073 +815 919 5 878691844 +815 944 3 878696318 +815 945 4 878697261 +815 969 5 878694306 +815 993 2 878691939 +815 1039 5 878693870 +815 1078 2 878695903 +815 1133 3 878697466 +815 1157 2 884267828 +815 1204 5 878696619 +815 1299 3 878697015 +816 243 4 891711554 +816 258 3 891711378 +816 259 2 891711423 +816 260 3 891711579 +816 264 4 891711495 +816 271 4 891711378 +816 288 4 891710724 +816 294 5 891711801 +816 300 4 891710724 +816 309 5 891711801 +816 313 5 891710780 +816 322 4 891710922 +816 323 4 891711324 +816 326 4 891710803 +816 328 4 891710968 +816 331 5 891710922 +816 332 4 891710994 +816 342 4 891711519 +816 343 4 891711423 +816 349 4 891711554 +816 355 2 891711472 +816 678 4 891710837 +816 687 2 891711554 +816 690 4 891710922 +816 1025 4 891711495 +817 1 4 874815835 +817 7 4 874815885 +817 9 3 874815836 +817 15 3 874815836 +817 24 4 874815947 +817 117 5 874815947 +817 118 3 874815947 +817 121 3 874815835 +817 124 4 874815885 +817 129 4 874815836 +817 147 3 874815947 +817 222 4 874815835 +817 245 2 874815789 +817 258 3 874815541 +817 273 5 874815885 +817 281 4 874816007 +817 288 4 874815593 +817 289 2 874815789 +817 294 4 874815593 +817 300 3 874815542 +817 324 2 874815789 +817 327 4 874815593 +817 328 4 874815679 +817 329 4 874815649 +817 358 4 874815679 +817 363 3 874816007 +817 405 3 874815947 +817 455 3 874815947 +817 546 4 874815947 +817 597 2 874816007 +817 748 4 874815649 +817 831 1 874816007 +817 840 2 874816007 +817 876 4 874815542 +817 924 3 874815947 +817 928 3 874815835 +818 245 4 891870515 +818 258 4 891870301 +818 269 3 891870173 +818 271 4 891870389 +818 286 4 891870222 +818 288 5 891870364 +818 300 2 891870222 +818 302 5 891870264 +818 303 5 891870222 +818 312 2 891870546 +818 313 4 891870173 +818 316 4 891870301 +818 322 2 891870389 +818 328 4 891870301 +818 346 4 891870364 +818 690 3 891870301 +818 751 5 891870473 +818 875 1 891870590 +818 887 4 891870590 +818 912 3 891870301 +818 1105 1 891883071 +819 70 4 884105841 +819 147 5 884105025 +819 177 4 884105025 +819 182 4 884105025 +819 245 3 879952688 +819 246 4 884012614 +819 248 5 880382511 +819 255 1 884105841 +819 258 2 879952538 +819 268 4 884012614 +819 286 5 879952508 +819 300 5 879952538 +819 302 5 884012512 +819 303 4 879952508 +819 304 4 879952565 +819 315 5 884618354 +819 319 4 879952627 +819 321 4 880381928 +819 327 4 879952656 +819 340 5 879952627 +819 345 4 884618137 +819 346 5 884012487 +819 381 4 884105841 +819 533 4 884618086 +819 744 5 880382355 +819 862 2 884012586 +819 1160 4 880382533 +819 1537 5 884012662 +820 258 3 887954853 +820 264 3 887955180 +820 271 2 887955020 +820 286 4 887954853 +820 288 5 887954934 +820 289 2 887955020 +820 301 2 887955046 +820 302 5 887954906 +820 313 5 887954934 +820 315 3 887954828 +820 316 3 887955204 +820 324 3 887955020 +820 328 2 887955079 +820 333 5 887954878 +820 343 4 887955241 +820 347 4 887954853 +820 358 1 887954972 +820 538 3 887954906 +820 748 1 887955223 +820 751 1 887955180 +820 895 2 887955046 +821 1 5 874792813 +821 14 4 874792369 +821 15 5 874792835 +821 22 5 874793418 +821 28 5 874793469 +821 56 5 874793847 +821 64 5 874793649 +821 70 4 874793933 +821 71 5 874793969 +821 79 5 874793517 +821 95 5 874793898 +821 97 5 874793848 +821 98 5 874793847 +821 100 2 874792285 +821 106 2 874793196 +821 111 4 874793049 +821 117 3 874792442 +821 118 3 874793218 +821 121 3 874792752 +821 125 4 874792860 +821 126 5 874792570 +821 132 5 874793898 +821 148 3 874792650 +821 151 4 874792889 +821 161 4 874793898 +821 174 5 874793773 +821 180 5 874793517 +821 181 4 874792521 +821 213 5 874793806 +821 234 5 874793574 +821 237 5 874792491 +821 274 5 874792778 +821 275 5 874792369 +821 281 3 874793218 +821 284 3 874792521 +821 294 4 874792194 +821 318 5 874793368 +821 357 5 874793517 +821 389 5 874793469 +821 405 4 874793022 +821 427 5 874793649 +821 435 4 874793773 +821 459 5 874792698 +821 471 4 874792752 +821 473 3 874792813 +821 476 4 874792403 +821 483 5 874793517 +821 484 5 874793898 +821 495 5 874793574 +821 504 4 874793848 +821 509 5 874793574 +821 560 3 874793773 +821 597 3 874793022 +821 705 5 874793649 +821 707 5 874793848 +821 742 4 874793130 +821 763 3 874792491 +821 845 5 874792591 +821 993 4 874792570 +821 1060 5 874793022 +821 1084 5 874792285 +821 1197 5 874792889 +822 1 4 891037291 +822 25 3 891039543 +822 71 4 891037465 +822 91 3 891037394 +822 95 4 891037394 +822 101 2 891037465 +822 111 4 891039414 +822 169 4 891037394 +822 189 4 891037394 +822 206 3 891036851 +822 235 3 891039543 +822 272 3 891033683 +822 333 4 891033747 +822 358 3 891037112 +822 408 5 891037291 +822 410 1 891039486 +822 432 3 891037394 +822 539 2 891035086 +822 588 2 891037394 +822 751 3 891035141 +822 902 4 891033747 +822 926 2 891040155 +822 1091 1 891038627 +822 1110 4 891036395 +822 1240 3 891036703 +823 1 4 878438206 +823 4 5 878438607 +823 7 5 878438298 +823 8 5 878437925 +823 12 4 878437925 +823 13 5 878438642 +823 17 4 878439655 +823 22 5 878438058 +823 25 3 878438642 +823 26 5 878438930 +823 28 3 878438058 +823 31 5 878439038 +823 33 3 878438332 +823 42 4 878438357 +823 48 5 878438642 +823 50 5 878438435 +823 52 3 878439605 +823 53 5 878439229 +823 55 4 878438484 +823 56 5 878438119 +823 58 5 878438930 +823 64 5 878437753 +823 66 4 878439391 +823 68 3 878438930 +823 69 5 878438095 +823 71 3 878439008 +823 77 4 878438958 +823 79 4 878439038 +823 81 4 878437836 +823 83 3 878438024 +823 87 5 878438887 +823 88 5 878438780 +823 89 5 878438780 +823 90 4 878438552 +823 91 3 878439365 +823 92 5 878438357 +823 94 2 878439497 +823 95 4 878439257 +823 96 4 878438179 +823 97 5 878439113 +823 98 5 878437890 +823 100 5 878437658 +823 101 3 878438807 +823 102 4 878438807 +823 111 4 878438206 +823 124 4 878437925 +823 125 4 878438585 +823 127 5 878438357 +823 128 2 878438733 +823 134 5 878438232 +823 135 4 878438379 +823 136 5 878438206 +823 140 3 878438332 +823 141 4 878438484 +823 143 4 878438024 +823 144 5 878438535 +823 150 4 878438058 +823 151 4 878438732 +823 152 5 878437703 +823 153 4 878438856 +823 154 5 878438607 +823 155 3 878439211 +823 156 5 878438403 +823 157 5 878438435 +823 159 3 878438484 +823 160 4 878438232 +823 161 3 878438535 +823 164 3 878437658 +823 168 5 878437658 +823 170 4 878438357 +823 172 5 878437589 +823 173 5 878438148 +823 174 5 878437589 +823 175 4 878438457 +823 176 4 878438807 +823 180 4 878439008 +823 181 4 878438260 +823 182 4 878438260 +823 183 4 878438403 +823 184 3 878439629 +823 186 4 878438672 +823 187 5 878438148 +823 188 5 878438672 +823 191 5 878437623 +823 193 5 878439113 +823 194 5 878439136 +823 195 4 878437703 +823 196 5 878439211 +823 197 5 878437623 +823 198 4 878439065 +823 202 4 878438672 +823 204 4 878438930 +823 206 4 878439089 +823 209 4 878438379 +823 210 4 878439498 +823 211 5 878438585 +823 215 4 878437925 +823 216 5 878438584 +823 217 3 878439655 +823 218 4 878438232 +823 219 2 878439038 +823 222 3 878438179 +823 227 1 878439497 +823 228 3 878438435 +823 229 3 878439211 +823 230 3 878439557 +823 231 3 878439337 +823 233 4 878439365 +823 234 4 878438608 +823 237 4 878439037 +823 238 5 878438057 +823 239 4 878438959 +823 240 3 878438119 +823 273 3 878437890 +823 274 4 878439038 +823 282 3 878439364 +823 286 5 878437499 +823 294 3 878439981 +823 318 5 878438179 +823 333 3 878439845 +823 356 3 878439467 +823 374 1 878438733 +823 401 4 878439365 +823 404 4 878438484 +823 408 5 878437589 +823 410 4 878438535 +823 418 4 878438672 +823 419 4 878438780 +823 423 5 878438780 +823 425 5 878438298 +823 426 4 878437658 +823 427 4 878439038 +823 428 5 878438511 +823 433 4 878438379 +823 450 1 878439412 +823 459 4 878438379 +823 471 3 878438608 +823 473 3 878439065 +823 474 5 878437890 +823 475 5 878438297 +823 478 4 878439113 +823 502 5 878439008 +823 503 5 878439315 +823 514 5 878438024 +823 517 5 878437658 +823 531 4 878437890 +823 566 4 878439605 +823 568 3 878439293 +823 588 3 878438179 +823 606 4 878438856 +823 625 4 878438807 +823 631 4 878439293 +823 640 1 878439315 +823 642 4 878439089 +823 651 5 878438179 +823 654 5 878437703 +823 655 5 878439364 +823 659 4 878437589 +823 660 5 878438435 +823 684 4 878439391 +823 686 4 878439257 +823 692 4 878439438 +823 708 4 878438930 +823 709 3 878438095 +823 710 4 878438457 +823 715 5 878439065 +823 721 4 878438695 +823 732 5 878439183 +823 735 4 878438754 +823 739 4 878439582 +823 742 4 878438535 +823 747 4 878438585 +823 762 4 878439557 +823 770 4 878438754 +823 792 3 878438057 +823 866 2 878438179 +823 919 4 878438206 +823 1046 3 878439467 +823 1067 4 878438511 +823 1070 4 878438332 +823 1107 3 878438332 +823 1118 3 878437836 +823 1135 3 878437836 +823 1217 1 878438435 +823 1267 4 878438780 +824 243 1 877021002 +824 245 2 877021121 +824 259 4 877020927 +824 268 4 877020871 +824 286 2 877020871 +824 288 3 877020927 +824 289 2 877021044 +824 292 3 877020927 +824 294 3 877021002 +824 304 3 877020964 +824 319 2 877020927 +824 321 2 877021002 +824 322 4 877021044 +824 323 2 877020965 +824 325 4 877021121 +824 678 3 877021121 +824 687 2 877021077 +824 748 1 877021077 +824 989 2 877021121 +824 991 3 877021121 +825 7 5 880755612 +825 9 3 880755418 +825 12 5 881101782 +825 14 3 880755942 +825 16 3 889020779 +825 20 2 889021180 +825 25 4 880756904 +825 50 4 880755418 +825 98 5 881101641 +825 100 4 880755942 +825 105 3 889021208 +825 106 4 880756504 +825 111 3 892947930 +825 116 3 880755693 +825 117 5 889021393 +825 118 4 880756725 +825 120 3 889020852 +825 121 5 880756076 +825 122 1 889021209 +825 124 3 881097389 +825 125 5 880755942 +825 126 3 880755982 +825 127 3 880755612 +825 130 2 889021235 +825 137 2 880756224 +825 147 5 880756643 +825 148 4 880756725 +825 174 5 881101782 +825 176 5 881101641 +825 181 4 880756224 +825 195 5 881101543 +825 222 5 880755468 +825 235 3 880756678 +825 237 4 880931932 +825 243 4 884642187 +825 245 5 882109193 +825 248 4 880755869 +825 249 3 880755693 +825 250 5 880755693 +825 252 5 880757103 +825 257 4 880931887 +825 258 4 880932625 +825 273 5 880756401 +825 274 4 889020826 +825 275 3 881100775 +825 276 1 880756575 +825 281 3 880756678 +825 282 4 880755693 +825 283 2 880756224 +825 284 3 880756603 +825 285 3 880756504 +825 286 4 889912073 +825 288 1 880931932 +825 289 1 882109193 +825 290 4 880755869 +825 291 5 880756603 +825 293 3 880931805 +825 294 4 880755305 +825 298 5 880756726 +825 307 4 880755305 +825 321 3 886697076 +825 322 5 884642187 +825 323 4 881185672 +825 325 5 882109250 +825 326 4 886696420 +825 363 4 881185343 +825 369 3 880756862 +825 370 3 889021180 +825 385 5 881101641 +825 405 5 880756442 +825 406 2 889021208 +825 407 3 889021180 +825 409 3 889020852 +825 411 3 889021134 +825 413 3 889020940 +825 423 5 881101641 +825 455 4 880756796 +825 456 3 889021287 +825 472 5 880756442 +825 491 4 881101782 +825 508 4 880756725 +825 515 4 880756076 +825 544 3 889021037 +825 546 5 880756603 +825 566 5 881101543 +825 591 4 880755943 +825 593 3 880755468 +825 595 3 889021134 +825 597 5 880756933 +825 619 4 880756834 +825 620 3 889021134 +825 628 4 880756504 +825 678 4 880757103 +825 685 4 880756321 +825 687 5 882109250 +825 696 3 889020961 +825 717 4 889021088 +825 740 2 880756320 +825 741 4 881343947 +825 742 4 880756224 +825 746 5 881101782 +825 748 5 880756504 +825 823 4 881342978 +825 825 4 881187129 +825 827 4 881184695 +825 831 3 880756796 +825 832 3 881101246 +825 833 4 881101329 +825 840 4 880757103 +825 841 4 880756904 +825 844 2 892949244 +825 864 3 880756725 +825 866 4 880756376 +825 870 3 880931932 +825 871 3 880932283 +825 919 1 881099316 +825 924 2 880756725 +825 925 4 880756904 +825 926 4 880756643 +825 928 3 880756224 +825 930 5 881184695 +825 931 3 889021287 +825 932 3 880756862 +825 979 4 889021134 +825 982 5 881184695 +825 984 5 884642187 +825 986 5 881185343 +825 988 3 889020557 +825 1008 1 889020680 +825 1011 3 881101246 +825 1013 2 881185672 +825 1015 2 880756321 +825 1016 3 880756077 +825 1028 3 889021037 +825 1034 4 881185343 +825 1047 3 880756934 +825 1049 3 880756834 +825 1051 4 880755693 +825 1087 3 881343153 +825 1117 3 880756402 +825 1163 3 880756076 +825 1199 4 880755762 +825 1244 5 881185672 +825 1254 1 880756678 +825 1291 2 889021258 +826 1 4 885690250 +826 2 3 885690713 +826 4 4 885690526 +826 11 4 885690526 +826 22 5 885690481 +826 29 3 885690750 +826 33 3 885690600 +826 38 3 885690750 +826 39 4 885690600 +826 50 5 885690525 +826 53 5 885690900 +826 55 5 885690636 +826 56 5 885690525 +826 62 4 885690790 +826 68 3 885690677 +826 71 5 885690342 +826 79 4 885690526 +826 82 3 885690482 +826 89 5 885690526 +826 91 4 885690342 +826 92 4 885690636 +826 95 5 885690342 +826 96 5 885690600 +826 99 3 885690379 +826 101 5 885690442 +826 102 4 885690442 +826 127 5 885690482 +826 161 3 885690677 +826 172 5 885690481 +826 174 5 885690481 +826 176 5 885690600 +826 177 5 885690676 +826 181 5 885690526 +826 182 4 885690600 +826 183 5 885690482 +826 184 3 885690677 +826 187 4 885690481 +826 188 4 885690636 +826 190 3 885690636 +826 195 5 885690636 +826 210 5 885690526 +826 226 4 885690677 +826 227 4 885690713 +826 228 3 885690600 +826 229 4 885690713 +826 230 4 885690600 +826 231 3 885690713 +826 232 3 885690713 +826 233 4 885690713 +826 241 4 885690600 +826 258 4 885689759 +826 260 3 885690022 +826 265 5 885690526 +826 271 4 885690022 +826 288 3 885689759 +826 294 4 885689918 +826 309 4 885689892 +826 313 5 885689782 +826 332 3 885689821 +826 336 4 885690064 +826 343 5 885690046 +826 373 3 885690900 +826 385 5 885690677 +826 391 4 885690854 +826 397 3 885690854 +826 399 4 885690790 +826 403 4 885690750 +826 420 3 885690342 +826 422 2 885690379 +826 426 2 885690379 +826 431 5 885690636 +826 432 3 885690379 +826 435 4 885690677 +826 449 4 885690819 +826 501 3 885690380 +826 510 4 885690677 +826 511 3 885690482 +826 526 3 885690677 +826 540 3 885690854 +826 550 3 885690750 +826 554 4 885690749 +826 566 3 885690636 +826 568 4 885690636 +826 570 4 885690790 +826 576 4 885690900 +826 578 5 885690713 +826 586 4 885690819 +826 588 4 885690342 +826 624 4 885690379 +826 625 3 885690442 +826 627 4 885690342 +826 651 4 885690526 +826 665 5 885690819 +826 678 4 885689942 +826 679 2 885690712 +826 684 3 885690600 +826 720 3 885690819 +826 748 4 885689918 +826 768 3 885690442 +826 771 3 885690900 +826 779 3 885690900 +826 802 4 885690854 +826 810 3 885690854 +826 820 3 885690250 +826 849 4 885690750 +826 946 3 885690342 +826 1091 3 885690379 +826 1110 4 885690900 +826 1219 4 885690442 +826 1222 3 885690819 +826 1228 3 885690900 +826 1231 3 885690854 +826 1239 4 885690854 +826 1240 5 885690442 +826 1409 2 885690442 +827 245 3 882807611 +827 258 3 882201175 +827 268 4 882201175 +827 269 5 882201356 +827 272 4 884213984 +827 286 3 882201725 +827 288 3 882204460 +827 289 3 882807571 +827 294 4 882807611 +827 300 3 882201725 +827 301 4 882201885 +827 302 4 882201356 +827 312 2 882809814 +827 313 3 892157221 +827 316 3 892157262 +827 326 3 882807503 +827 329 3 882807787 +827 331 3 892157376 +827 332 3 882204460 +827 333 3 892157242 +827 343 4 882201532 +827 347 3 892157356 +827 358 2 882808622 +827 689 3 882201884 +827 690 3 882807503 +827 748 4 882808465 +827 750 3 892157198 +827 938 3 892157282 +828 6 1 891035614 +828 10 3 891035970 +828 14 4 891035819 +828 19 5 891035613 +828 20 2 891035969 +828 24 4 891035864 +828 26 3 891037948 +828 45 4 891380166 +828 52 3 891037639 +828 57 3 891037640 +828 59 5 891036972 +828 60 4 891380167 +828 61 5 891037466 +828 70 3 893186210 +828 83 3 891036826 +828 86 3 891037047 +828 116 4 891035724 +828 170 3 891037231 +828 171 3 891036568 +828 179 4 891036972 +828 190 3 891036826 +828 198 4 891036492 +828 207 4 891036492 +828 213 2 891037865 +828 224 3 891035614 +828 246 2 893186163 +828 269 4 891033574 +828 270 5 891034148 +828 271 2 891035438 +828 275 3 891035614 +828 283 3 891035864 +828 286 4 891033342 +828 288 3 891034237 +828 301 2 893186210 +828 302 4 891380166 +828 303 4 891033574 +828 306 3 891033342 +828 313 3 891033342 +828 316 5 891034440 +828 322 3 891034515 +828 325 2 891035438 +828 327 4 891033756 +828 328 3 891033988 +828 331 4 891380166 +828 340 5 891033756 +828 345 1 891035438 +828 346 4 891380167 +828 347 1 891035438 +828 355 2 891035437 +828 381 3 891036568 +828 382 3 891037639 +828 462 3 891036630 +828 463 2 891036717 +828 475 4 891035724 +828 509 2 891036630 +828 510 3 891037231 +828 512 5 891037948 +828 531 4 891036972 +828 547 2 891035864 +828 557 2 891036826 +828 558 3 891037047 +828 582 3 891037813 +828 640 2 891037948 +828 652 5 891036492 +828 694 2 891036717 +828 702 2 891037466 +828 730 3 891036972 +828 737 1 891037948 +828 748 2 891035438 +828 751 3 891034306 +828 752 1 891035438 +828 753 4 891037047 +828 874 3 891380355 +828 886 1 891035438 +828 887 4 891033611 +828 895 2 891035437 +828 896 4 891379760 +828 900 2 891035438 +828 902 4 891380167 +828 903 4 891380167 +828 904 3 891618316 +828 906 3 891034148 +828 921 4 891037948 +828 923 3 891037047 +828 955 3 891379818 +828 958 5 891038262 +828 960 5 891036568 +828 961 2 891038222 +828 971 4 891380167 +828 985 3 893186246 +828 1005 3 891037813 +828 1056 1 891036630 +828 1062 4 891380166 +828 1068 4 891035864 +828 1073 4 891036630 +828 1153 3 891037948 +828 1196 2 891036492 +828 1268 2 891038098 +828 1462 3 891037948 +828 1466 4 891380166 +828 1597 3 891037813 +828 1622 1 891038060 +828 1646 4 893186124 +828 1672 2 891037722 +829 1 4 891990554 +829 10 3 881707829 +829 13 4 881086933 +829 14 2 881712488 +829 20 3 881707829 +829 70 4 881699060 +829 86 4 891992008 +829 100 4 881086893 +829 105 3 881711924 +829 116 4 881698644 +829 124 4 892312784 +829 125 3 891990619 +829 129 4 881712252 +829 151 4 891990672 +829 153 4 887584684 +829 170 4 881698933 +829 189 4 891992008 +829 190 4 881698876 +829 192 5 881712519 +829 198 4 884736647 +829 212 4 881699005 +829 213 4 881698933 +829 222 4 882816987 +829 237 3 891204271 +829 250 3 882816754 +829 255 3 891547657 +829 257 4 881699584 +829 258 3 886993238 +829 259 2 881707829 +829 268 4 886631672 +829 275 4 892312770 +829 276 4 891990694 +829 278 1 881712488 +829 281 3 881712349 +829 284 3 891990799 +829 286 4 891204271 +829 294 2 881707829 +829 310 3 890956632 +829 313 4 891204191 +829 318 5 883149860 +829 319 4 892312728 +829 339 2 891992167 +829 408 4 891991300 +829 410 3 881086959 +829 427 4 891204271 +829 458 3 891990881 +829 462 4 881698976 +829 475 4 891990718 +829 509 5 881698976 +829 512 4 881698976 +829 515 4 881698803 +829 529 4 881698976 +829 582 4 881699060 +829 639 4 881699005 +829 640 3 881707829 +829 705 4 891204271 +829 733 2 887584684 +829 845 3 891990650 +829 855 4 881698934 +829 1018 2 881707829 +829 1067 4 891990842 +829 1120 2 881707829 +829 1121 4 883149815 +829 1193 4 881699425 +830 1 4 891560596 +830 2 3 891561806 +830 15 4 891561065 +830 22 5 891561673 +830 29 1 891899476 +830 49 5 892503093 +830 50 5 891561606 +830 56 2 891464054 +830 69 5 891898262 +830 71 4 891561474 +830 79 4 891561607 +830 82 3 891561673 +830 87 4 891462594 +830 88 4 891464148 +830 89 5 891561607 +830 95 3 891561474 +830 96 3 891561673 +830 97 4 892502984 +830 98 5 891462467 +830 99 3 891561474 +830 100 5 891560934 +830 126 5 892502421 +830 127 4 891464054 +830 134 3 891464054 +830 151 3 891560596 +830 161 4 891561870 +830 172 5 891561606 +830 173 4 891464148 +830 174 5 891561606 +830 176 3 891561673 +830 177 4 891561870 +830 181 5 891561673 +830 183 4 891462467 +830 187 2 891464054 +830 193 5 891898415 +830 194 4 891898720 +830 195 3 891464054 +830 197 4 891464415 +830 202 5 891464148 +830 203 4 891898061 +830 204 3 891898551 +830 205 5 891462531 +830 210 5 891561607 +830 211 4 891898720 +830 222 3 891561065 +830 225 3 891560596 +830 226 5 891561806 +830 227 3 891561737 +830 228 3 891561607 +830 229 2 891561937 +830 230 3 891561806 +830 231 2 891561938 +830 233 3 891561737 +830 241 4 891464148 +830 265 5 891561607 +830 288 1 891899475 +830 294 3 891464054 +830 310 4 891462185 +830 313 5 891462165 +830 385 4 891561805 +830 399 5 891561999 +830 402 4 892503093 +830 403 4 891561806 +830 413 1 891899475 +830 418 3 891561540 +830 424 1 891560972 +830 427 5 891462531 +830 431 3 891561737 +830 432 3 891561474 +830 435 5 891561737 +830 449 2 891899475 +830 451 4 892503035 +830 474 5 891898661 +830 480 5 891462594 +830 484 5 891898661 +830 487 5 891898415 +830 498 5 891899535 +830 501 3 891561474 +830 510 4 891561673 +830 511 5 891561673 +830 523 4 891898661 +830 550 5 891561870 +830 554 5 891561999 +830 566 3 891561937 +830 568 4 891561607 +830 588 5 891561474 +830 612 4 891898061 +830 613 4 891898603 +830 625 3 891561541 +830 627 3 891561541 +830 633 4 891898661 +830 648 5 891464148 +830 651 4 891561737 +830 661 4 891462594 +830 679 3 891561805 +830 692 4 891464148 +830 696 2 892502651 +830 732 5 891464415 +830 739 4 892503093 +830 751 2 891464054 +830 790 1 891899476 +830 820 1 891899475 +830 834 1 891899475 +830 837 5 891462467 +830 925 4 892502651 +830 968 4 891898211 +831 1 4 891354573 +831 7 5 891354947 +831 12 5 891354687 +831 22 5 891354573 +831 28 3 891354848 +831 31 4 891354612 +831 50 5 891354900 +831 56 5 891354751 +831 64 5 891354534 +831 83 4 891354848 +831 96 5 891354668 +831 100 4 891354573 +831 117 3 891354970 +831 129 2 891354866 +831 144 5 891354815 +831 150 3 891354815 +831 156 4 891354751 +831 173 3 891354798 +831 174 5 891354534 +831 181 5 891354866 +831 197 4 891354751 +831 204 5 891354645 +831 208 2 891354612 +831 210 5 891354612 +831 237 4 891355004 +831 245 2 891354226 +831 250 5 891354931 +831 258 2 891354020 +831 260 2 891354371 +831 266 3 891354338 +831 270 4 891354000 +831 271 2 891354225 +831 272 5 891353915 +831 273 3 891354773 +831 284 3 891355004 +831 288 1 891354043 +831 294 4 891354043 +831 298 5 891355004 +831 300 3 891354191 +831 301 2 891354275 +831 307 2 891354064 +831 313 5 891354000 +831 315 3 891353915 +831 316 3 891354338 +831 317 4 891354798 +831 323 2 891354275 +831 326 4 891354275 +831 327 2 891353940 +831 328 3 891354000 +831 331 4 891353979 +831 333 4 891353915 +831 340 4 891354000 +831 347 3 891354191 +831 354 4 891354063 +831 358 2 891354371 +831 479 4 891354726 +831 508 3 891354947 +831 591 4 891355004 +831 603 5 891354535 +831 687 2 891354424 +831 688 1 891354424 +831 690 4 891354064 +831 713 5 891354970 +831 741 2 891354726 +831 742 3 891354866 +831 748 2 891354297 +831 749 2 891354225 +831 750 4 891354225 +831 877 2 891354391 +831 905 4 891354020 +831 1012 4 891354970 +831 1063 4 891354668 +831 1119 3 891354751 +832 25 2 888260157 +832 50 3 888260089 +832 181 3 888260089 +832 243 2 888259984 +832 245 3 888259984 +832 258 3 888258960 +832 260 3 888259404 +832 264 3 888259480 +832 286 3 888258806 +832 288 3 888259984 +832 294 4 888259121 +832 307 4 888259231 +832 313 5 888258754 +832 322 3 888259984 +832 323 3 888259984 +832 326 4 888259121 +832 328 3 888259020 +832 334 2 888259984 +832 471 4 888260089 +832 678 2 888259984 +832 681 2 888259984 +832 748 3 888259984 +832 873 2 888259984 +832 876 3 888259480 +832 895 2 888259285 +833 4 3 875123781 +833 5 1 879818535 +833 7 3 875035953 +833 11 5 875038850 +833 12 5 875039416 +833 13 2 875036139 +833 22 3 875122716 +833 23 5 875123427 +833 24 4 875036213 +833 26 1 875133661 +833 28 3 875135213 +833 30 4 875225297 +833 32 5 875123255 +833 33 2 875134264 +833 38 1 879818760 +833 47 5 875123299 +833 50 2 875035718 +833 52 3 878078390 +833 53 1 875224039 +833 55 3 875038807 +833 56 4 875122716 +833 58 2 875124495 +833 64 3 875039204 +833 67 3 875134891 +833 68 4 875224515 +833 69 2 875039326 +833 72 2 875134724 +833 76 2 875124382 +833 79 3 875039254 +833 89 5 875124495 +833 92 2 875135363 +833 93 4 875036056 +833 96 5 875132134 +833 98 3 875123359 +833 100 4 875036169 +833 106 2 879818799 +833 108 2 875036102 +833 111 2 875134110 +833 118 2 875038483 +833 121 1 875133458 +833 122 2 875135058 +833 127 5 875035660 +833 128 3 875123536 +833 129 3 875035718 +833 134 5 875038987 +833 135 4 875123677 +833 144 4 887158945 +833 150 3 875036213 +833 151 4 875036418 +833 152 2 875134063 +833 153 3 875038709 +833 154 5 875038775 +833 156 4 875038775 +833 157 2 875132195 +833 159 2 879818659 +833 160 5 875124535 +833 161 1 875224515 +833 163 3 875122814 +833 164 2 879818575 +833 168 5 875038775 +833 172 2 875224482 +833 174 2 875038529 +833 175 4 875124535 +833 176 2 875038850 +833 177 5 875123299 +833 179 5 875124181 +833 180 5 875123677 +833 181 2 875036321 +833 182 5 875039254 +833 183 5 875123026 +833 184 3 875039039 +833 185 5 875039416 +833 186 1 875133458 +833 187 5 875124348 +833 188 4 875124495 +833 191 4 875132134 +833 192 5 875038529 +833 194 3 875133840 +833 195 5 875038529 +833 197 3 875123427 +833 198 4 875123677 +833 200 4 875131847 +833 201 4 875134150 +833 202 4 875133924 +833 203 5 875124299 +833 204 1 875039255 +833 205 4 875122814 +833 206 4 875038671 +833 208 3 875039326 +833 209 5 875124604 +833 211 3 875124495 +833 217 2 875224252 +833 218 4 875124495 +833 219 4 875224309 +833 223 4 875038888 +833 226 3 887158946 +833 227 2 879818619 +833 230 1 875223923 +833 233 2 875223756 +833 234 3 875122884 +833 235 4 875036418 +833 238 2 875124225 +833 240 4 875035624 +833 249 1 875133458 +833 250 3 875036499 +833 262 2 875035534 +833 264 2 878077967 +833 267 1 875655669 +833 271 5 879818341 +833 273 3 875035954 +833 284 1 885328485 +833 288 2 875035487 +833 289 1 875035487 +833 291 3 879818619 +833 293 4 875035885 +833 298 5 875036383 +833 302 3 884828670 +833 320 4 875124647 +833 324 3 875035487 +833 325 4 875035885 +833 328 2 875035534 +833 336 2 878078056 +833 340 5 879818293 +833 344 4 888536031 +833 346 5 884828744 +833 347 3 887158791 +833 357 4 875038709 +833 367 3 875123359 +833 378 3 875124648 +833 379 2 875224178 +833 381 4 875134016 +833 384 3 875134724 +833 385 3 875039204 +833 396 3 875134063 +833 401 2 875135113 +833 403 1 875133458 +833 405 3 875038395 +833 410 3 878078390 +833 427 3 878078390 +833 428 2 875134110 +833 429 3 875123506 +833 430 4 875133840 +833 431 2 875223813 +833 432 4 875132134 +833 433 3 875124181 +833 434 3 875038888 +833 435 2 878078229 +833 436 2 875224252 +833 441 1 875224352 +833 443 3 875124348 +833 444 3 875224352 +833 445 4 875123299 +833 447 5 875224309 +833 448 3 875124495 +833 449 2 875223923 +833 451 1 875134016 +833 452 1 875224178 +833 455 3 875297104 +833 460 2 875036827 +833 467 2 875038626 +833 474 5 875122675 +833 475 3 875035718 +833 479 2 875039101 +833 483 4 875122716 +833 488 5 878078229 +833 504 4 875038671 +833 506 2 875132079 +833 508 5 875035953 +833 511 4 875038742 +833 512 4 875225257 +833 515 3 875035660 +833 517 2 875133633 +833 518 3 875039100 +833 521 4 875124495 +833 522 2 875039039 +833 523 3 875133840 +833 526 4 875224515 +833 540 1 875224687 +833 544 1 875133458 +833 546 2 875036354 +833 550 2 887158946 +833 552 3 875223976 +833 558 4 875039204 +833 573 1 875223976 +833 576 3 875224603 +833 577 1 875135113 +833 578 1 875224603 +833 581 1 875223813 +833 589 5 875038807 +833 591 2 875036139 +833 597 1 875133458 +833 614 2 875131539 +833 616 5 875124024 +833 628 4 875036102 +833 636 3 879818659 +833 640 3 875123986 +833 641 4 875038626 +833 642 3 875038626 +833 645 3 875039416 +833 646 5 875123427 +833 647 4 875123427 +833 649 3 875224178 +833 653 4 875039558 +833 654 5 875039558 +833 655 2 875131810 +833 656 4 875123536 +833 657 4 875123986 +833 663 3 875134317 +833 664 3 875124225 +833 665 3 875224309 +833 667 1 875224381 +833 670 1 875124428 +833 671 5 875039204 +833 673 4 875224039 +833 675 4 875224252 +833 679 3 875224482 +833 684 3 875123195 +833 696 3 875036912 +833 715 2 875133633 +833 730 4 875038888 +833 742 3 875036468 +833 745 4 875134063 +833 761 2 879818719 +833 802 1 887158946 +833 806 4 875122675 +833 819 1 875133458 +833 824 1 875134843 +833 826 2 875297292 +833 831 1 875297256 +833 840 2 875297195 +833 854 4 875038529 +833 860 2 875124604 +833 861 3 875224309 +833 919 2 875124348 +833 923 5 875039153 +833 928 2 879818689 +833 931 4 879818760 +833 933 4 875035914 +833 940 2 875134411 +833 943 4 875124382 +833 977 2 879818799 +833 980 3 875035800 +833 1006 1 875039153 +833 1012 4 875036418 +833 1016 1 875133458 +833 1017 4 875036017 +833 1019 5 875039039 +833 1029 1 875134940 +833 1070 5 875038987 +833 1071 3 875134150 +833 1118 3 875133924 +833 1143 4 887158946 +833 1149 4 875123677 +833 1154 4 875039101 +833 1181 1 875133458 +833 1187 5 875035850 +833 1210 1 879818799 +833 1214 4 875225193 +833 1231 4 875132237 +833 1274 1 878078280 +833 1335 2 875038433 +833 1353 3 875035885 +833 1386 4 875035660 +833 1427 3 875131974 +833 1428 3 875123494 +833 1597 5 875225193 +833 1628 3 875225219 +834 7 4 890862974 +834 9 3 890862311 +834 13 2 890862648 +834 15 4 890863052 +834 25 3 890862468 +834 50 5 890862362 +834 100 4 890862311 +834 117 4 890862386 +834 127 5 890862412 +834 148 4 890862563 +834 150 5 890862564 +834 151 4 890862974 +834 181 5 890862526 +834 237 5 890862437 +834 245 4 890860416 +834 246 4 890863023 +834 255 3 890862940 +834 258 4 890860194 +834 268 3 890860194 +834 269 5 890860566 +834 272 4 890860566 +834 275 3 890862648 +834 276 5 890862468 +834 282 4 890863052 +834 284 4 890862468 +834 286 4 890860566 +834 287 2 890862974 +834 288 5 890860566 +834 292 5 890860566 +834 293 3 890862974 +834 294 3 890860159 +834 298 4 890862648 +834 300 3 890860334 +834 307 4 890860566 +834 313 5 890860566 +834 315 5 890860687 +834 316 5 890860566 +834 323 2 890860471 +834 326 4 890860386 +834 333 5 890860566 +834 342 2 890860334 +834 343 4 890860416 +834 346 3 890860194 +834 347 4 890860007 +834 405 4 890862563 +834 475 5 890862311 +834 515 5 890862231 +834 544 4 890862563 +834 628 5 890862648 +834 744 4 890862527 +834 751 3 890860298 +834 762 4 890863072 +834 886 4 890860566 +834 1017 2 890862563 +835 1 3 891033420 +835 15 5 891032930 +835 23 4 891035310 +835 25 5 891032764 +835 28 4 891034052 +835 50 4 891035309 +835 69 5 891034366 +835 97 5 891033501 +835 98 5 891034401 +835 127 4 891032536 +835 131 5 891033560 +835 132 5 891033232 +835 133 5 891033718 +835 134 3 891033927 +835 135 5 891033560 +835 143 5 891033819 +835 157 4 891033526 +835 160 3 891034219 +835 162 5 891033420 +835 174 5 891033623 +835 176 4 891035309 +835 179 5 891033819 +835 180 5 891033675 +835 183 4 891034023 +835 185 4 891033957 +835 186 4 891034285 +835 187 4 891033078 +835 191 4 891033276 +835 193 4 891033148 +835 194 4 891034143 +835 196 5 891033173 +835 197 5 891033889 +835 200 4 891033927 +835 204 3 891033380 +835 205 3 891034084 +835 210 5 891033303 +835 215 4 891033199 +835 216 4 891033560 +835 225 2 891032898 +835 234 5 891033857 +835 237 4 891035310 +835 239 5 891034084 +835 257 3 891032738 +835 272 4 891035309 +835 281 4 891032718 +835 285 4 891032792 +835 286 3 891032224 +835 287 4 891035309 +835 288 2 891032224 +835 294 3 891032356 +835 310 4 891035309 +835 313 5 891032224 +835 318 5 891033718 +835 325 5 891032391 +835 354 3 891032224 +835 357 5 891033232 +835 371 5 891034366 +835 378 4 891035309 +835 393 5 891033718 +835 405 3 891032793 +835 421 4 891034023 +835 423 4 891033857 +835 427 4 891033380 +835 458 4 891032869 +835 465 3 891033957 +835 484 4 891034219 +835 485 5 891033525 +835 486 4 891034084 +835 488 5 891034117 +835 499 5 891033675 +835 504 5 891033772 +835 505 3 891033857 +835 509 4 891035309 +835 514 3 891033986 +835 523 3 891033560 +835 526 3 891033927 +835 527 4 891033048 +835 543 5 891033232 +835 588 3 891033857 +835 591 4 891032579 +835 606 5 891033200 +835 609 4 891034310 +835 610 5 891034401 +835 612 4 891033927 +835 616 4 891033718 +835 628 3 891032930 +835 632 5 891033747 +835 633 5 891033889 +835 650 5 891033957 +835 654 5 891033173 +835 660 4 891033986 +835 673 4 891034117 +835 685 4 891032627 +835 708 5 891035078 +835 735 5 891033349 +835 928 3 891032899 +835 988 3 891032391 +835 1045 4 891034023 +835 1063 4 891034285 +835 1153 4 891035309 +835 1278 5 891032653 +835 1673 3 891034023 +836 12 5 885754118 +836 42 3 885754266 +836 56 4 885754096 +836 89 4 885754029 +836 134 3 885754096 +836 163 5 885754058 +836 165 4 885754149 +836 170 5 885754200 +836 174 5 885754266 +836 180 5 885754200 +836 185 5 885754118 +836 187 5 885754200 +836 192 5 885754118 +836 210 4 885754058 +836 216 4 885753979 +836 238 4 885754200 +836 258 4 885753475 +836 260 2 885753691 +836 268 3 885753475 +836 269 5 885753475 +836 286 3 885753435 +836 288 1 885753475 +836 289 1 885753691 +836 292 5 885753475 +836 302 5 885753506 +836 318 5 885754172 +836 322 2 885753639 +836 324 4 885753595 +836 327 3 885753639 +836 357 5 885754173 +836 419 2 885753979 +836 429 4 885754200 +836 496 4 885754231 +836 507 4 885754149 +836 523 5 885754150 +836 531 4 885754150 +836 603 5 885754029 +836 611 5 885754096 +836 654 5 885754150 +836 657 5 885754096 +836 659 5 885754096 +836 663 5 885754266 +836 690 3 885753435 +836 750 3 885753475 +836 793 2 885754029 +836 875 1 885753752 +836 880 4 885753506 +836 896 3 885753506 +836 900 2 885753475 +836 1065 4 885754231 +837 9 3 875721889 +837 13 4 875721843 +837 15 3 875721869 +837 16 2 875721793 +837 19 4 875721948 +837 20 4 875721919 +837 25 3 875722169 +837 111 4 875722050 +837 125 5 875722032 +837 151 5 875721734 +837 181 3 875721869 +837 220 4 875722007 +837 222 3 875721793 +837 225 3 875722371 +837 237 3 875721793 +837 250 2 875722104 +837 258 4 875721473 +837 274 4 875721989 +837 275 4 875721989 +837 276 1 875721843 +837 277 2 875722169 +837 278 3 875722246 +837 280 2 875722350 +837 283 5 875722069 +837 284 1 875722104 +837 285 4 875722187 +837 286 4 875721473 +837 289 5 875721539 +837 294 4 875721502 +837 328 4 875721604 +837 472 3 875722141 +837 476 3 875722225 +837 535 1 875722246 +837 596 3 875721969 +837 628 3 875722225 +837 717 1 875722393 +837 740 5 875722123 +837 762 2 875722318 +837 763 1 875722123 +837 845 4 875722392 +837 926 1 875722371 +837 934 2 875722483 +837 950 2 875722169 +837 1009 5 875721765 +837 1047 1 875722267 +837 1049 1 875722298 +838 1 5 887064024 +838 7 5 887064072 +838 8 4 887066972 +838 9 4 887063696 +838 12 4 887067063 +838 22 4 887065878 +838 24 4 887064231 +838 28 4 887065709 +838 45 4 887066644 +838 50 5 887063657 +838 56 5 887066782 +838 60 4 887067575 +838 69 4 887067609 +838 70 4 887066207 +838 71 3 887066782 +838 72 4 887067162 +838 82 4 887066783 +838 83 5 887065807 +838 87 4 887065750 +838 93 3 887063937 +838 96 4 887065781 +838 100 4 887063994 +838 111 4 887064357 +838 114 4 887065822 +838 121 2 887064248 +838 124 4 887063696 +838 127 5 887063657 +838 128 4 887066724 +838 134 3 887066304 +838 143 5 887067631 +838 153 4 887066783 +838 168 5 887066678 +838 169 4 887067390 +838 172 5 887066143 +838 173 5 887065782 +838 174 4 887066078 +838 175 3 887066186 +838 179 5 887067340 +838 181 5 887063696 +838 187 3 887067019 +838 190 4 887066988 +838 191 5 887065709 +838 204 4 887066040 +838 206 4 887067020 +838 210 4 887067359 +838 222 4 887064356 +838 223 3 887065807 +838 228 4 887067390 +838 235 2 887064515 +838 238 4 887067359 +838 249 4 887064315 +838 254 3 887065606 +838 255 4 887063937 +838 257 5 887064014 +838 258 5 887060659 +838 271 4 887060972 +838 274 4 887064388 +838 275 5 887064193 +838 276 4 887064825 +838 283 5 887063994 +838 286 4 887061035 +838 289 5 887061035 +838 298 3 887064476 +838 300 2 887060778 +838 302 4 887060659 +838 311 4 887060659 +838 313 5 887060659 +838 318 5 887067085 +838 354 4 892153360 +838 385 4 887067127 +838 405 4 887064589 +838 408 4 887066040 +838 419 5 887066989 +838 455 4 887064275 +838 480 4 887066078 +838 487 4 887067126 +838 494 4 887066644 +838 497 5 887067162 +838 568 4 887067309 +838 584 4 887066143 +838 596 5 887064275 +838 705 5 887065750 +838 713 4 887064193 +838 718 5 887064051 +838 732 4 887066782 +838 748 3 887060972 +838 750 4 887060879 +838 919 5 887064316 +838 945 4 887065917 +838 993 3 887064231 +838 1005 4 887066678 +838 1039 5 887065782 +838 1115 4 887064476 +839 1 4 875751723 +839 7 2 875751992 +839 50 5 875751930 +839 93 4 875752056 +839 100 3 875751991 +839 106 2 875752317 +839 111 4 875752237 +839 117 5 875752169 +839 118 2 875752317 +839 121 3 875752237 +839 123 3 875752560 +839 127 5 875751723 +839 129 4 875751893 +839 130 3 875753029 +839 181 3 875751991 +839 220 3 875753029 +839 235 4 875752433 +839 237 3 875752317 +839 244 3 875751958 +839 255 3 875752138 +839 257 3 875751930 +839 258 4 875751411 +839 260 2 875751560 +839 264 3 875751559 +839 276 3 875751799 +839 277 2 875752082 +839 281 3 875752456 +839 285 5 875752138 +839 286 4 875751411 +839 292 3 875751559 +839 319 1 875751411 +839 321 1 875751470 +839 323 4 875751559 +839 326 4 875751519 +839 333 4 875751442 +839 410 1 875752274 +839 455 4 875752107 +839 458 5 875751893 +839 475 5 875751856 +839 508 3 875752479 +839 532 3 875752560 +839 696 2 875752479 +839 713 2 875751774 +839 742 3 875752200 +839 813 4 875752082 +839 825 4 875752274 +839 845 4 875752237 +839 846 2 875753052 +839 864 3 875751958 +839 866 2 875752687 +839 950 4 875752408 +839 1009 3 875752560 +839 1048 1 875752990 +839 1085 5 875752877 +839 1245 4 875752408 +839 1381 3 875752456 +839 1664 1 875752902 +840 7 4 891203408 +840 8 5 891208958 +840 11 3 891204921 +840 14 5 891203250 +840 22 3 891204265 +840 23 5 891204827 +840 45 4 891205222 +840 48 3 891204418 +840 50 4 891203366 +840 52 3 891205320 +840 56 5 891204239 +840 64 4 891204664 +840 66 3 891209509 +840 69 4 891204535 +840 70 3 891208919 +840 71 3 891209572 +840 79 4 891204135 +840 81 4 891204948 +840 82 3 891209183 +840 83 5 891204215 +840 88 4 891209241 +840 89 5 891204418 +840 91 5 891208998 +840 96 2 891204592 +840 97 3 891205041 +840 98 5 891204160 +840 99 5 891204509 +840 100 5 891203166 +840 117 3 891209408 +840 118 3 891204056 +840 121 2 891204056 +840 127 4 891203366 +840 132 4 891204356 +840 134 3 891204160 +840 135 5 891204356 +840 137 5 891203309 +840 143 4 891209490 +840 144 3 891209104 +840 152 4 891204160 +840 153 3 891204627 +840 154 3 891204564 +840 157 4 891208998 +840 163 4 891204295 +840 165 5 891204239 +840 166 5 891204798 +840 168 5 891204868 +840 169 5 891204215 +840 170 4 891204713 +840 172 3 891204627 +840 173 5 891204356 +840 174 4 891204114 +840 175 4 891205004 +840 176 3 891204755 +840 179 5 891205069 +840 180 5 891205143 +840 181 3 891204056 +840 182 4 891204798 +840 183 5 891204664 +840 185 5 891204356 +840 186 4 891204827 +840 187 3 891205222 +840 190 5 891211236 +840 191 4 891204160 +840 194 3 891204264 +840 195 5 891204847 +840 196 4 891205070 +840 197 5 891204509 +840 198 3 891204356 +840 199 4 891209183 +840 202 5 891204322 +840 203 5 891204627 +840 204 4 891205245 +840 208 4 891204295 +840 209 4 891204418 +840 210 3 891204592 +840 212 4 891209159 +840 213 4 891205199 +840 215 4 891209285 +840 216 4 891205123 +840 221 4 891203309 +840 234 5 891204948 +840 238 5 891204239 +840 252 4 891203810 +840 257 3 891204056 +840 272 4 891202756 +840 285 4 891203203 +840 297 5 891203334 +840 300 3 891204056 +840 303 5 891202889 +840 357 5 891204114 +840 367 4 891205287 +840 405 4 891203585 +840 414 4 891204535 +840 419 5 891208897 +840 423 5 891209449 +840 428 4 891209547 +840 429 3 891204827 +840 430 5 891204418 +840 432 5 891209342 +840 435 4 891204114 +840 443 5 891209490 +840 462 3 891205287 +840 463 5 891205287 +840 465 4 891204798 +840 473 5 891203408 +840 474 5 891204089 +840 478 3 891204627 +840 479 4 891204385 +840 480 5 891208647 +840 483 5 891208703 +840 484 5 891204295 +840 489 3 891204385 +840 492 5 891204215 +840 493 5 891208958 +840 495 3 891209322 +840 496 5 891204089 +840 497 4 891209571 +840 498 5 891204264 +840 499 4 891209241 +840 501 4 891209159 +840 503 4 891209322 +840 504 3 891208647 +840 505 5 891204714 +840 506 5 891204385 +840 507 4 891208667 +840 509 3 891204564 +840 511 4 891204089 +840 512 5 891205371 +840 513 5 891204295 +840 514 5 891205093 +840 515 5 891203280 +840 516 5 891205245 +840 517 4 891204322 +840 519 5 891204356 +840 520 5 891204089 +840 521 5 891205069 +840 525 5 891204535 +840 526 4 891204971 +840 528 5 891209260 +840 529 4 891204891 +840 531 5 891204089 +840 566 5 891209285 +840 580 3 891211972 +840 582 5 891204265 +840 588 4 891205321 +840 603 5 891204564 +840 606 4 891205004 +840 607 4 891204627 +840 609 4 891204627 +840 611 4 891204509 +840 615 5 891204356 +840 616 5 891209364 +840 628 4 891209285 +840 631 4 891205004 +840 632 3 891204296 +840 637 3 891205199 +840 638 3 891204239 +840 639 4 891204564 +840 640 3 891209242 +840 642 4 891204664 +840 644 4 891204592 +840 645 3 891204714 +840 647 5 891205004 +840 650 4 891209364 +840 653 5 891209389 +840 654 4 891204160 +840 655 5 891205245 +840 656 4 891205041 +840 657 5 891205287 +840 659 5 891204827 +840 661 5 891204441 +840 663 4 891204322 +840 664 3 891204474 +840 671 3 891204891 +840 675 4 891205093 +840 705 4 891204713 +840 707 5 891204114 +840 708 4 891209033 +840 732 3 891204947 +840 737 4 891205320 +840 747 4 891209490 +840 750 4 891202784 +840 756 4 891203664 +840 845 5 891203553 +840 855 4 891205093 +840 884 5 891203087 +840 936 4 891203504 +840 945 3 891204509 +840 949 4 891211530 +840 971 4 891209449 +840 1018 3 891211664 +840 1065 5 891209285 +840 1214 1 891211729 +840 1266 5 891204535 +840 1451 5 891205123 +840 1639 4 891211447 +840 1674 4 891211682 +841 258 5 889067076 +841 270 4 889067045 +841 271 4 889067216 +841 272 4 889066780 +841 286 5 889066959 +841 288 3 889067046 +841 300 4 889066780 +841 302 5 889066959 +841 306 4 889066824 +841 307 5 889067152 +841 313 5 889066779 +841 315 4 889066780 +841 316 4 889067313 +841 322 4 889067152 +841 323 3 889066880 +841 325 3 889067216 +841 326 4 889067216 +841 331 5 889066999 +841 333 4 889066780 +841 344 3 889066880 +841 353 1 889067253 +841 358 1 889067348 +841 678 4 889067313 +841 689 5 889067253 +841 748 4 889067253 +841 751 3 889066880 +841 754 4 889067045 +841 873 4 889067121 +841 888 5 889067432 +841 892 3 889067182 +841 1294 5 889067507 +842 258 3 891217835 +842 268 5 891218059 +842 269 5 891217834 +842 270 5 891218251 +842 272 4 891217834 +842 288 3 891218192 +842 302 5 891217834 +842 303 5 891218002 +842 306 4 891217942 +842 313 4 891217891 +842 315 3 891217834 +842 324 4 891218060 +842 328 2 891218192 +842 333 4 891218107 +842 340 5 891218192 +842 344 1 891217835 +842 349 3 891218459 +842 362 3 891217891 +842 749 4 891218060 +842 751 4 891218192 +842 752 4 891218353 +842 754 1 891218251 +842 874 5 891218060 +842 886 4 891218459 +842 902 5 891218459 +842 1105 2 891218353 +842 1395 4 891218060 +843 1 3 879446186 +843 7 5 879443297 +843 21 2 879448392 +843 23 2 879446696 +843 25 2 879447523 +843 28 3 879446977 +843 50 3 879444670 +843 52 2 879447110 +843 53 2 879443442 +843 56 3 879443174 +843 62 4 879444891 +843 69 3 879446476 +843 71 2 879449256 +843 74 2 879448830 +843 77 2 879443975 +843 79 2 879445658 +843 82 3 879444801 +843 83 3 879446948 +843 89 5 879444670 +843 91 3 879446155 +843 95 2 879446716 +843 96 3 879444711 +843 97 3 879447377 +843 98 3 879443668 +843 99 2 879448751 +843 101 3 879447424 +843 102 2 879449177 +843 121 3 879444047 +843 127 2 879445059 +843 132 3 879446186 +843 133 3 879448431 +843 135 5 879449177 +843 141 4 879447327 +843 142 2 879448604 +843 143 2 879447757 +843 144 3 879444711 +843 145 3 879443597 +843 151 2 879447007 +843 152 2 879446458 +843 153 3 879446281 +843 154 3 879446281 +843 157 2 879448199 +843 158 2 879449336 +843 159 2 879443951 +843 161 2 879444891 +843 162 2 879447625 +843 164 3 879443297 +843 168 3 879446255 +843 170 1 879446863 +843 172 3 879444711 +843 173 2 879446215 +843 174 4 879444670 +843 175 4 879446911 +843 176 4 879447837 +843 177 3 879444767 +843 179 4 879446774 +843 180 3 879447234 +843 181 3 879444670 +843 182 2 879444739 +843 183 5 879443800 +843 185 3 879443341 +843 186 2 879447170 +843 188 2 879444767 +843 191 3 879446755 +843 193 3 879446863 +843 194 2 879445590 +843 195 4 879444711 +843 196 2 879446806 +843 197 2 879446638 +843 199 3 879446503 +843 200 3 879447801 +843 204 3 879448073 +843 205 4 879446888 +843 206 3 879448112 +843 208 3 879446716 +843 209 3 879446806 +843 210 3 879444670 +843 211 2 879446255 +843 214 3 879447453 +843 215 2 879447214 +843 216 2 879446806 +843 217 4 879443341 +843 218 2 879443297 +843 219 2 879443394 +843 222 3 879443837 +843 225 2 879449256 +843 226 3 879443865 +843 227 3 879443908 +843 228 4 879443763 +843 229 3 879443908 +843 230 3 879443763 +843 234 4 879443297 +843 238 3 879446359 +843 239 3 879447670 +843 250 4 879445087 +843 252 3 879445114 +843 258 4 879442947 +843 265 3 879443865 +843 270 4 879442947 +843 271 5 879442947 +843 275 3 879446680 +843 288 4 879443544 +843 298 2 879444531 +843 300 3 879442947 +843 357 2 879446502 +843 378 2 879448230 +843 379 2 879443394 +843 380 3 879448262 +843 385 3 879444801 +843 392 2 879447377 +843 393 2 879448858 +843 402 2 879447599 +843 403 2 879444934 +843 413 2 879443482 +843 416 2 879448352 +843 419 2 879446617 +843 420 3 879448073 +843 422 2 879448431 +843 423 2 879448019 +843 427 2 879446281 +843 429 4 879446503 +843 431 3 879443763 +843 432 2 879447326 +843 434 4 879447146 +843 435 2 879446477 +843 436 2 879443394 +843 440 1 879443544 +843 441 2 879443544 +843 443 4 879443297 +843 444 2 879443442 +843 446 3 879443442 +843 447 2 879443297 +843 448 4 879443297 +843 449 3 879444083 +843 450 2 879444083 +843 452 2 879443442 +843 465 2 879449152 +843 473 2 879449193 +843 474 3 879445738 +843 482 2 879447007 +843 485 2 879447007 +843 495 3 879447170 +843 498 2 879446155 +843 501 2 879447578 +843 504 2 879446911 +843 511 3 879447837 +843 515 3 879444801 +843 521 2 879446359 +843 526 3 879447625 +843 527 3 879448138 +843 528 3 879447030 +843 530 3 879444670 +843 542 2 879448392 +843 550 3 879449152 +843 551 3 879443544 +843 561 4 879443482 +843 563 2 879443545 +843 566 3 879444766 +843 569 1 879443482 +843 578 3 879448604 +843 581 3 879443951 +843 582 2 879445658 +843 588 2 879447579 +843 590 3 879443544 +843 596 3 879448486 +843 603 2 879446596 +843 615 3 879446215 +843 616 3 879449256 +843 625 2 879448542 +843 627 2 879447718 +843 628 2 879443951 +843 632 2 879447146 +843 633 3 879447285 +843 635 2 879443544 +843 636 4 879443837 +843 637 2 879443297 +843 650 3 879447801 +843 651 2 879447837 +843 654 2 879446359 +843 655 3 879447030 +843 657 3 879443668 +843 660 2 879447484 +843 661 3 879447077 +843 665 3 879443482 +843 667 2 879443597 +843 671 3 879446889 +843 672 3 879443297 +843 674 2 879443394 +843 675 5 879443174 +843 679 4 879444851 +843 690 5 879442947 +843 708 2 879448230 +843 739 2 879447523 +843 800 4 879443482 +843 831 4 879444977 +843 860 3 879443443 +843 959 2 879447523 +843 1039 3 879446215 +843 1065 3 879448751 +843 1118 2 879448112 +843 1135 3 879447377 +843 1157 3 879444114 +843 1411 3 879449377 +843 1480 2 879449377 +844 2 4 877387933 +844 7 3 877381784 +844 12 5 877388182 +844 13 3 877381708 +844 22 4 877386855 +844 24 5 877388183 +844 45 4 877387548 +844 50 5 877388182 +844 55 4 877387769 +844 56 4 877386897 +844 69 5 877388182 +844 70 4 877386990 +844 71 3 877388040 +844 82 3 877387857 +844 83 5 877388183 +844 89 3 877387857 +844 90 3 877387242 +844 95 4 877388040 +844 97 3 877386855 +844 99 3 877388040 +844 100 4 877381607 +844 109 2 877381850 +844 117 4 877381450 +844 121 3 877382055 +844 125 3 877382269 +844 144 3 877387825 +844 151 4 877381674 +844 154 3 877387052 +844 161 3 877387857 +844 168 4 877386990 +844 172 4 877387768 +844 173 5 877388182 +844 174 4 877387768 +844 175 3 877386897 +844 176 3 877387933 +844 179 3 877387548 +844 181 5 877388183 +844 184 3 877387769 +844 195 3 877387825 +844 207 4 877387392 +844 210 4 877386928 +844 216 5 877388183 +844 222 3 877381629 +844 228 3 877387858 +844 241 4 877387150 +844 251 4 877381484 +844 255 3 877382008 +844 257 4 877381784 +844 258 4 877381147 +844 260 1 877381312 +844 294 2 877381206 +844 300 3 877381268 +844 318 4 877382762 +844 326 3 877381268 +844 403 3 877387825 +844 405 2 877382189 +844 418 3 877388040 +844 421 4 877387219 +844 423 3 877382762 +844 431 4 877387825 +844 432 5 877388183 +844 471 3 877381736 +844 511 3 877387825 +844 549 3 877387280 +844 553 4 877387242 +844 568 4 877387964 +844 588 4 877388040 +844 597 3 877382339 +844 625 3 877388040 +844 627 3 877388040 +844 684 3 877387933 +844 690 3 877381230 +844 778 4 877387195 +844 864 3 877381873 +844 919 3 877381534 +844 921 5 877388183 +844 930 2 877382574 +844 946 3 877388107 +844 1039 4 877382717 +844 1099 2 877387391 +844 1474 4 877387195 +845 242 4 885409493 +845 268 3 885409374 +845 269 4 885409493 +845 272 3 885409374 +845 286 5 885409719 +845 302 3 885409374 +845 303 1 885409374 +845 306 2 885409374 +845 308 4 885409493 +845 310 4 885409493 +845 311 4 885409493 +845 313 4 885409374 +845 340 1 885409719 +845 346 3 885409493 +845 690 5 885409719 +845 750 3 885409719 +845 751 2 885409719 +845 877 2 885409719 +845 896 3 885409374 +845 900 3 885409719 +845 903 4 885409493 +845 904 3 885409374 +845 909 4 885409789 +845 1022 2 885409493 +845 1234 4 885409719 +845 1238 2 885409374 +845 1394 4 885409719 +845 1399 3 885409493 +845 1434 4 885409719 +845 1463 1 885409374 +845 1592 3 885409493 +846 2 5 883948949 +846 4 5 883948908 +846 8 4 883947861 +846 11 5 883948343 +846 12 5 883947777 +846 22 4 883948222 +846 23 4 883948089 +846 26 4 883949335 +846 28 5 883948685 +846 29 2 883949508 +846 31 4 883948571 +846 33 5 883948571 +846 36 2 883950665 +846 39 3 883948873 +846 40 2 883950253 +846 41 3 883950859 +846 42 5 883948606 +846 44 1 883947737 +846 46 4 883949199 +846 47 5 883948803 +846 48 5 883949046 +846 50 5 883948003 +846 51 4 883949121 +846 52 4 883949290 +846 53 3 883950820 +846 54 3 883949459 +846 55 5 883948642 +846 56 5 883948003 +846 57 2 883949121 +846 58 4 883949200 +846 59 4 883948457 +846 60 4 883948606 +846 61 3 883947911 +846 63 3 883950220 +846 64 4 883948221 +846 65 3 883949254 +846 66 4 883949290 +846 67 4 883950252 +846 68 3 883948765 +846 69 5 883947500 +846 70 4 883949156 +846 71 4 883948141 +846 72 4 883950129 +846 73 4 883949728 +846 76 4 883949200 +846 79 4 883947630 +846 80 4 883949594 +846 82 2 883948089 +846 83 4 883947911 +846 86 5 883949290 +846 87 4 883948417 +846 88 4 883948948 +846 89 5 883948003 +846 90 2 883950001 +846 91 4 883948417 +846 92 4 883948495 +846 94 4 883950711 +846 95 3 883947778 +846 96 4 883947694 +846 97 4 883949255 +846 98 4 883947819 +846 99 4 883948989 +846 101 4 883949336 +846 102 2 883950286 +846 110 3 883950568 +846 127 5 883947911 +846 131 3 883948457 +846 132 5 883948840 +846 133 4 883948534 +846 134 4 883947630 +846 135 4 883947694 +846 136 3 883947861 +846 139 2 883949508 +846 140 4 883950634 +846 141 4 883948948 +846 142 3 883950053 +846 143 5 883948804 +846 161 4 883948534 +846 168 5 883947737 +846 172 4 883949834 +846 173 4 883947819 +846 174 5 883947737 +846 175 5 883948048 +846 176 4 883947694 +846 177 3 883947737 +846 178 4 883947630 +846 179 5 883948571 +846 180 5 883947630 +846 181 5 883947694 +846 182 5 883948089 +846 183 4 883948048 +846 184 5 883949697 +846 185 5 883948534 +846 186 5 883948949 +846 187 4 883947911 +846 188 3 883948642 +846 190 5 883947694 +846 191 5 883948048 +846 192 5 883949254 +846 193 5 883948417 +846 194 4 883947630 +846 195 4 883948141 +846 196 4 883949290 +846 197 4 883948417 +846 198 5 883948457 +846 199 5 883947911 +846 200 4 883948685 +846 202 5 883949594 +846 203 5 883948606 +846 204 3 883948141 +846 205 5 883948141 +846 208 5 883949547 +846 209 4 883948377 +846 210 5 883947500 +846 211 2 883948089 +846 212 5 883948804 +846 213 3 883948534 +846 215 5 883949156 +846 216 4 883948571 +846 217 4 883950022 +846 218 4 883948089 +846 219 4 883948607 +846 226 4 883948495 +846 227 4 883949698 +846 228 5 883947737 +846 229 3 883949771 +846 230 3 883948720 +846 231 2 883950711 +846 232 3 883949290 +846 233 5 883949547 +846 234 5 883948495 +846 238 5 883948377 +846 239 4 883947694 +846 241 4 883947911 +846 258 3 883946284 +846 265 5 883947630 +846 268 4 883946938 +846 269 5 883946315 +846 270 3 883946284 +846 271 5 883946611 +846 288 4 883946837 +846 289 4 883946548 +846 294 3 883946477 +846 302 5 883946861 +846 317 3 883947778 +846 318 5 883947777 +846 357 4 883947960 +846 365 2 883950434 +846 367 4 883949121 +846 373 3 883950391 +846 376 2 883950665 +846 377 2 883950155 +846 378 4 883948989 +846 380 3 883949380 +846 381 4 883950311 +846 382 3 883948989 +846 385 5 883949156 +846 386 3 883950154 +846 387 3 883950634 +846 388 3 883950950 +846 391 3 883950605 +846 392 2 883950185 +846 393 3 883949547 +846 396 5 883949508 +846 398 1 883950753 +846 400 1 883950889 +846 401 5 883949643 +846 403 3 883948765 +846 404 4 883949046 +846 414 4 883949771 +846 415 2 883950605 +846 417 4 883950129 +846 419 5 883948949 +846 421 4 883948173 +846 423 4 883949335 +846 425 5 883949156 +846 426 1 883949046 +846 427 4 883948948 +846 428 3 883948377 +846 429 2 883947819 +846 430 3 883947778 +846 431 5 883947590 +846 432 3 883948457 +846 433 4 883948457 +846 435 5 883948222 +846 436 4 883950286 +846 441 4 883950252 +846 443 4 883948643 +846 448 5 883949547 +846 449 3 883950950 +846 451 4 883949379 +846 452 3 883950950 +846 463 5 883948222 +846 464 2 883947778 +846 468 4 883948949 +846 469 2 883949290 +846 470 5 883949200 +846 474 5 883947960 +846 478 4 883947819 +846 479 4 883947694 +846 480 5 883947861 +846 482 5 883948173 +846 483 5 883948173 +846 484 5 883948048 +846 485 5 883947590 +846 486 5 883948948 +846 487 4 883948685 +846 488 5 883948343 +846 489 4 883948606 +846 490 4 883947862 +846 491 3 883947960 +846 492 3 883947737 +846 493 5 883947590 +846 494 5 883947590 +846 495 4 883948840 +846 496 3 883947630 +846 497 5 883948685 +846 498 4 883947861 +846 499 4 883948840 +846 504 5 883948221 +846 505 5 883948343 +846 506 3 883948908 +846 507 3 883947861 +846 509 4 883948765 +846 510 4 883948003 +846 511 5 883947911 +846 513 5 883947589 +846 514 3 883947590 +846 515 5 883948457 +846 516 4 883948457 +846 518 4 883948571 +846 519 4 883947694 +846 520 5 883947960 +846 521 3 883948141 +846 523 4 883948048 +846 524 3 883947819 +846 525 4 883947819 +846 526 4 883947960 +846 527 5 883947500 +846 528 5 883948417 +846 530 5 883948606 +846 540 2 883950711 +846 542 3 883950712 +846 549 4 883949421 +846 550 4 883949156 +846 552 4 883950634 +846 554 4 883949728 +846 555 2 883949508 +846 558 4 883948221 +846 559 5 883949200 +846 560 1 883950889 +846 561 3 883950753 +846 562 5 883950463 +846 565 2 883950712 +846 566 5 883948874 +846 568 4 883948571 +846 569 3 883949728 +846 570 4 883949698 +846 575 2 883950569 +846 576 4 883950186 +846 578 3 883949200 +846 580 5 883949335 +846 581 4 883950129 +846 585 2 883949643 +846 586 2 883950712 +846 588 4 883949380 +846 601 5 883947500 +846 602 4 883949255 +846 603 5 883947960 +846 604 4 883947777 +846 606 4 883948685 +846 608 4 883948377 +846 609 5 883949199 +846 610 4 883948221 +846 612 5 883949421 +846 614 5 883948765 +846 615 5 883948003 +846 616 3 883950753 +846 622 4 883950220 +846 623 1 883950889 +846 627 4 883949594 +846 630 3 883948642 +846 633 3 883948534 +846 638 4 883947694 +846 640 1 883948642 +846 642 5 883950220 +846 648 5 883948343 +846 650 5 883948534 +846 651 3 883948141 +846 654 5 883948089 +846 655 3 883948804 +846 657 5 883947590 +846 659 5 883948908 +846 660 3 883948765 +846 661 4 883948840 +846 662 3 883948765 +846 663 4 883948873 +846 665 4 883950434 +846 672 4 883949594 +846 673 4 883949422 +846 674 4 883949046 +846 675 2 883949379 +846 679 3 883948989 +846 684 5 883948141 +846 692 3 883949594 +846 693 5 883949335 +846 697 5 883949254 +846 699 3 883947960 +846 700 2 883950605 +846 702 4 883949380 +846 705 3 883948141 +846 708 3 883948685 +846 715 4 883949380 +846 716 3 883949508 +846 719 2 883949643 +846 720 4 883949643 +846 721 4 883948719 +846 723 2 883948949 +846 727 4 883948873 +846 728 4 883949422 +846 729 4 883950053 +846 731 3 883949594 +846 732 4 883948840 +846 735 2 883948141 +846 736 4 883948874 +846 737 4 883949771 +846 738 4 883950364 +846 739 4 883949459 +846 746 3 883949254 +846 747 3 883948417 +846 748 3 883946477 +846 751 5 883946938 +846 755 3 883950311 +846 768 4 883949508 +846 770 5 883948606 +846 772 4 883949421 +846 778 4 883948804 +846 780 4 883949380 +846 785 4 883950364 +846 786 4 883949771 +846 787 4 883949335 +846 789 4 883948417 +846 792 4 883948221 +846 794 5 883948495 +846 796 1 883950524 +846 802 2 883949508 +846 806 3 883948343 +846 810 3 883950434 +846 836 5 883950186 +846 837 5 883948495 +846 849 3 883950129 +846 941 2 883949379 +846 942 4 883948765 +846 944 2 883949547 +846 949 2 883949643 +846 955 3 883948720 +846 967 3 883950791 +846 1004 3 883950791 +846 1018 4 883949421 +846 1029 1 883950859 +846 1035 4 883949771 +846 1041 4 883950791 +846 1044 4 883950820 +846 1045 3 883950364 +846 1050 4 883949046 +846 1055 3 883949459 +846 1066 3 883950568 +846 1069 4 883948221 +846 1074 3 883950859 +846 1078 2 883949982 +846 1101 3 883948685 +846 1107 4 883950128 +846 1109 3 883948908 +846 1110 3 883950390 +846 1118 5 883948495 +846 1124 4 883948048 +846 1133 2 883950711 +846 1148 3 883950220 +846 1168 4 883950569 +846 1178 2 883950524 +846 1179 2 883949121 +846 1182 2 883950488 +846 1188 2 883950524 +846 1206 3 883948989 +846 1209 1 883950858 +846 1210 2 883950791 +846 1218 4 883950434 +846 1220 2 883950434 +846 1221 3 883950220 +846 1239 2 883950634 +846 1248 4 883949254 +846 1249 3 883949771 +846 1267 3 883949728 +846 1286 4 883948173 +846 1297 3 883950665 +846 1311 2 883950712 +846 1411 4 883950364 +846 1439 2 883950463 +846 1451 4 883948089 +846 1473 5 883949335 +846 1478 4 883950523 +846 1479 3 883948720 +846 1518 2 883950186 +846 1530 2 883949335 +846 1540 3 883949121 +847 1 3 878775523 +847 7 3 878775647 +847 8 4 878941082 +847 11 3 878939876 +847 13 3 878938897 +847 25 3 878775796 +847 39 2 878940531 +847 47 2 878939700 +847 50 4 878774969 +847 56 1 878939975 +847 66 3 878941398 +847 70 3 878940584 +847 71 4 878940653 +847 77 4 878941421 +847 79 4 878941588 +847 82 4 878941466 +847 88 2 878941168 +847 89 2 878940332 +847 93 1 878775570 +847 95 4 878939503 +847 96 4 878940301 +847 98 4 878940067 +847 99 2 878940013 +847 104 3 878939266 +847 108 2 878939266 +847 109 5 878938982 +847 117 2 878775570 +847 118 3 878775982 +847 120 1 878939349 +847 121 3 878775523 +847 125 3 878774969 +847 133 3 878941027 +847 135 4 878941144 +847 141 3 878941144 +847 142 3 878941168 +847 144 4 878940189 +847 151 4 878775914 +847 153 4 878941496 +847 157 1 878940463 +847 161 2 878940830 +847 164 3 878941056 +847 168 4 878939912 +847 172 4 878939803 +847 173 5 878940332 +847 174 4 878941168 +847 176 3 878941398 +847 180 2 878939945 +847 181 4 878775821 +847 183 4 878940332 +847 185 2 878939503 +847 191 4 878940652 +847 195 4 878940301 +847 196 3 878939839 +847 198 4 878940161 +847 200 3 878940756 +847 202 4 878940255 +847 204 4 878939912 +847 210 3 878940584 +847 211 4 878940383 +847 216 3 878940356 +847 218 3 878940254 +847 219 4 878940618 +847 220 4 878939327 +847 222 5 878775470 +847 225 1 878775647 +847 228 4 878940383 +847 234 2 878939645 +847 235 1 878776020 +847 238 2 878939975 +847 239 5 878940688 +847 240 1 878939309 +847 243 1 878774856 +847 257 3 878775863 +847 258 5 878774722 +847 261 1 878774763 +847 262 5 878774788 +847 288 4 878774722 +847 289 5 878774856 +847 290 4 878775523 +847 301 5 878774832 +847 317 3 878940732 +847 367 3 878940189 +847 369 1 878939451 +847 372 5 878940189 +847 404 3 878940732 +847 405 3 878938982 +847 410 1 878938855 +847 411 1 878939349 +847 417 2 878941588 +847 419 3 878941027 +847 426 2 878940485 +847 428 3 878940732 +847 434 3 878941520 +847 444 3 878940782 +847 447 3 878940890 +847 448 4 878940013 +847 455 2 878775647 +847 456 1 878939393 +847 473 2 878938855 +847 474 4 878941562 +847 476 4 878775961 +847 479 3 878940405 +847 480 3 878940039 +847 482 2 878940584 +847 485 3 878941539 +847 496 4 878940954 +847 499 4 878940013 +847 501 3 878940463 +847 507 3 878940161 +847 527 2 878939536 +847 567 3 878940783 +847 568 4 878941442 +847 578 3 878940805 +847 596 3 878938982 +847 602 3 878940732 +847 603 3 878939876 +847 609 2 878940383 +847 645 3 878940132 +847 652 5 878941005 +847 658 3 878940855 +847 663 2 878940954 +847 685 2 878938922 +847 705 3 878939700 +847 716 3 878941370 +847 732 4 878940510 +847 735 4 878940890 +847 740 4 878938982 +847 742 3 878774969 +847 756 1 878776020 +847 763 1 878775914 +847 820 1 878939375 +847 826 3 878939266 +847 926 1 878938792 +847 928 3 878939375 +847 948 1 878774764 +847 1007 4 878775444 +847 1012 1 878775729 +847 1031 2 878941005 +847 1050 3 878940618 +847 1086 4 878775404 +847 1137 5 878775404 +847 1160 4 878939153 +847 1167 5 878939645 +847 1172 1 878939803 +847 1204 3 878940757 +847 1400 5 878940830 +848 23 2 887040025 +848 25 5 887046890 +848 32 5 887042871 +848 42 2 887040097 +848 50 5 887038397 +848 65 2 887038527 +848 69 2 887043340 +848 71 5 887046915 +848 72 5 887042341 +848 82 5 887039164 +848 88 4 887048260 +848 89 5 887040097 +848 95 5 887041354 +848 97 5 887043607 +848 99 3 887038397 +848 108 5 887040302 +848 109 4 887043421 +848 118 2 887047243 +848 121 4 887043266 +848 125 5 887040159 +848 127 3 887038159 +848 132 5 887038197 +848 133 4 887047308 +848 134 5 887043265 +848 135 4 887038022 +848 141 4 887040159 +848 151 4 887043180 +848 152 5 887046166 +848 153 5 887039271 +848 154 5 887038634 +848 162 2 887048541 +848 163 5 887048073 +848 164 5 887043421 +848 165 5 887038397 +848 166 5 887038159 +848 170 5 887039271 +848 172 5 887038022 +848 173 5 887038134 +848 174 5 887038104 +848 176 4 887037980 +848 179 5 887042377 +848 180 2 887038993 +848 181 5 887046674 +848 183 3 887038104 +848 185 3 887037861 +848 186 5 887039271 +848 191 5 887038564 +848 195 3 887040097 +848 196 5 887044238 +848 197 5 887038021 +848 199 5 887042341 +848 200 2 887040302 +848 202 5 887043040 +848 204 5 887039078 +848 207 5 887043265 +848 209 5 887038397 +848 210 5 887039271 +848 214 5 887048573 +848 215 5 887046565 +848 216 5 887040159 +848 234 4 887037861 +848 238 4 887046329 +848 241 5 887047243 +848 265 4 887047808 +848 294 5 887037669 +848 318 5 887038231 +848 357 5 887038104 +848 393 5 887047962 +848 403 4 887043266 +848 405 5 887046915 +848 419 5 887043421 +848 421 5 887043777 +848 423 4 887038197 +848 427 5 887039136 +848 428 5 887047809 +848 430 5 887041354 +848 431 5 887038528 +848 432 2 887038022 +848 433 3 887043180 +848 435 3 887042427 +848 443 5 887047921 +848 451 4 887042377 +848 462 5 887038634 +848 474 5 887038441 +848 476 3 887047674 +848 478 5 887039531 +848 479 5 887040302 +848 480 5 887040025 +848 481 3 887038527 +848 483 5 887038021 +848 484 5 887043040 +848 485 5 887042341 +848 489 5 887043821 +848 490 5 887043514 +848 495 2 887039018 +848 496 2 887037980 +848 498 5 887037935 +848 501 3 887048073 +848 504 3 887038397 +848 509 4 887046674 +848 511 4 887037822 +848 512 5 887040025 +848 514 5 887043777 +848 517 5 887043514 +848 519 5 887037980 +848 520 5 887039329 +848 523 5 887042341 +848 527 3 887038280 +848 528 3 887037980 +848 529 5 887042871 +848 530 5 887043040 +848 566 4 887046823 +848 582 4 887046329 +848 584 3 887039531 +848 588 3 887043514 +848 603 5 887047308 +848 606 4 887038441 +848 610 5 887046259 +848 615 5 887037980 +848 633 3 887043040 +848 638 5 887038073 +848 640 1 887037935 +848 642 5 887039164 +848 647 5 887039329 +848 650 4 887037822 +848 654 5 887038104 +848 655 4 887040097 +848 661 3 887040302 +848 663 5 887046329 +848 679 3 887047674 +848 689 1 887037584 +848 708 4 887046619 +848 732 5 887048573 +848 739 5 887048260 +848 747 5 887043777 +848 755 5 887046674 +848 805 5 887048111 +848 812 2 887038475 +848 845 5 887046565 +848 855 5 887046915 +848 899 3 887037471 +848 945 5 887043821 +848 971 5 887043421 +848 973 5 887046619 +848 1021 5 887043777 +848 1063 5 887038197 +848 1065 2 887048154 +848 1101 5 887046533 +848 1118 5 887048573 +848 1126 5 887043265 +849 15 5 879695896 +849 27 5 879695469 +849 38 5 879695420 +849 118 5 879695153 +849 121 5 879695086 +849 133 5 879696059 +849 143 5 879695515 +849 172 5 879695469 +849 174 5 879695469 +849 197 5 879695782 +849 207 5 879695680 +849 234 5 879695469 +849 288 5 879695056 +849 298 5 879695086 +849 406 4 879695125 +849 421 5 879695588 +849 427 4 879695317 +849 568 4 879695317 +849 588 5 879695680 +849 625 5 879695420 +849 633 5 879695420 +849 676 5 879695896 +849 928 5 879695153 +850 8 5 883195055 +850 15 5 883195256 +850 22 5 883195527 +850 28 5 883195214 +850 50 5 883195143 +850 56 1 883195034 +850 69 5 883195456 +850 71 5 883195118 +850 79 5 883195192 +850 82 5 883194950 +850 88 5 883195479 +850 95 5 883195301 +850 96 4 883195236 +850 97 5 883195168 +850 98 1 883195192 +850 121 5 883195055 +850 132 5 883195236 +850 153 4 883194792 +850 162 3 883195301 +850 168 5 883195456 +850 172 5 883195301 +850 173 5 883195008 +850 174 5 883195419 +850 181 5 883195419 +850 196 3 883194792 +850 202 4 883194737 +850 204 5 883194859 +850 208 5 883194973 +850 210 5 883195301 +850 228 5 883195394 +850 294 5 883194367 +850 300 5 883194367 +850 318 5 883194737 +850 385 5 883195099 +850 419 5 883195394 +850 435 4 883194859 +850 480 5 883194810 +850 485 5 883195168 +850 490 5 883194859 +850 494 3 883195168 +850 496 5 883195079 +850 519 4 883195168 +850 566 5 883195256 +850 568 5 883194768 +850 584 4 883195276 +850 648 5 883195527 +850 659 4 883194709 +850 663 2 883194768 +850 705 5 883195034 +850 742 5 883195214 +850 969 5 883194908 +851 4 5 875731489 +851 8 4 875731776 +851 9 4 875730379 +851 10 3 875730030 +851 11 5 875731441 +851 12 4 875731370 +851 17 5 875807089 +851 22 5 875731330 +851 23 4 875806721 +851 27 4 875806765 +851 31 4 875807058 +851 48 4 875731489 +851 50 5 891961663 +851 56 5 875731489 +851 64 5 875731674 +851 68 3 875731722 +851 71 4 875731567 +851 79 4 875731722 +851 92 5 875806791 +851 95 4 875731282 +851 109 4 875730379 +851 111 3 874767408 +851 112 1 875730629 +851 121 4 874728565 +851 122 2 875731105 +851 123 4 875730379 +851 125 4 875730826 +851 127 5 891961664 +851 128 4 875731330 +851 129 4 875730379 +851 132 4 875731370 +851 144 5 875806849 +851 147 4 874728461 +851 153 3 875806683 +851 157 4 875731605 +851 159 3 875806953 +851 160 5 875731224 +851 161 3 875731490 +851 172 5 875731567 +851 174 5 875731776 +851 176 4 875731816 +851 180 5 875731605 +851 182 5 875731406 +851 192 4 875731441 +851 193 4 875731722 +851 204 4 875731567 +851 223 4 875731567 +851 228 4 875731776 +851 231 4 875807019 +851 234 4 875731189 +851 238 5 875731330 +851 240 4 875730629 +851 248 4 875730379 +851 250 5 875730379 +851 252 3 875730418 +851 255 3 890343651 +851 258 4 883148669 +851 261 3 877831111 +851 262 4 890343320 +851 264 2 890343477 +851 266 3 886534672 +851 271 5 883148692 +851 272 5 891961663 +851 273 5 891961663 +851 284 3 874728338 +851 286 4 883148669 +851 290 4 874728430 +851 291 4 875730244 +851 295 5 874728370 +851 298 5 875730379 +851 299 4 886534617 +851 301 3 890343401 +851 302 5 888540054 +851 303 4 890804569 +851 304 3 877831020 +851 307 4 878574215 +851 310 5 891961663 +851 313 4 883148627 +851 318 5 891961664 +851 326 3 891961717 +851 327 4 890804671 +851 328 3 886534572 +851 330 3 884205246 +851 331 3 877830970 +851 332 1 884205263 +851 333 5 890862741 +851 336 4 890804691 +851 338 3 891961750 +851 339 4 888540093 +851 340 5 883148669 +851 342 2 888540205 +851 343 2 883148773 +851 346 5 884831499 +851 347 5 891961663 +851 349 3 890862917 +851 352 1 890343544 +851 353 3 890862878 +851 355 4 888540240 +851 363 4 875730629 +851 367 2 875731674 +851 405 5 874767550 +851 406 2 875731674 +851 410 4 875730379 +851 411 3 875731021 +851 412 2 875731105 +851 435 4 875731225 +851 455 3 875730379 +851 456 2 875730719 +851 472 3 875730312 +851 473 4 874728396 +851 475 4 875731674 +851 480 5 875731406 +851 483 4 875806721 +851 527 5 891961663 +851 531 3 875731189 +851 544 4 874728396 +851 553 4 875731225 +851 564 3 875806892 +851 588 4 875731529 +851 591 5 891961663 +851 595 3 875731021 +851 597 4 875730686 +851 619 4 875730629 +851 676 3 875729887 +851 680 3 886534717 +851 681 1 886534672 +851 682 1 890804746 +851 685 4 875731022 +851 687 2 874728168 +851 689 3 883148867 +851 690 4 891961166 +851 693 5 875731816 +851 696 3 874728338 +851 717 3 874728598 +851 742 5 874767519 +851 748 3 874788804 +851 751 4 883148669 +851 754 2 891961831 +851 760 4 875730418 +851 772 3 875807019 +851 806 4 875731330 +851 815 3 874767550 +851 818 2 875730279 +851 820 3 875730947 +851 823 3 875730532 +851 824 4 874767550 +851 825 4 875730533 +851 826 4 875730719 +851 828 2 875730482 +851 831 5 875731105 +851 833 3 875731105 +851 840 3 875731105 +851 841 3 875730757 +851 845 3 874767408 +851 866 3 875730895 +851 875 5 884205151 +851 879 4 875729820 +851 880 3 886534617 +851 881 3 875729751 +851 892 2 886534635 +851 895 3 886534529 +851 912 4 891961214 +851 915 5 893090752 +851 916 3 891961195 +851 924 4 874789109 +851 925 3 875731022 +851 930 3 875730312 +851 932 3 875730455 +851 974 2 875730979 +851 975 2 875731105 +851 977 3 875730533 +851 979 3 875730244 +851 981 1 875730826 +851 983 2 875731021 +851 984 3 874809850 +851 987 1 875730601 +851 1009 2 874789084 +851 1013 2 891961856 +851 1014 3 874767408 +851 1016 5 891961664 +851 1023 3 875730601 +851 1025 2 884205201 +851 1028 3 875730686 +851 1034 1 875731105 +851 1047 3 874789005 +851 1051 2 875730279 +851 1059 3 875730533 +851 1089 3 875730418 +851 1094 1 875730455 +851 1095 3 875731105 +851 1105 4 890862961 +851 1120 2 890343707 +851 1132 3 875730757 +851 1143 5 891961798 +851 1245 4 875730826 +851 1254 1 875730895 +851 1258 3 890343790 +851 1276 2 875730601 +851 1277 2 875730418 +851 1280 4 890343493 +851 1287 1 875731105 +851 1291 2 875730979 +851 1314 1 890862741 +851 1337 3 875730719 +851 1376 2 875730895 +851 1540 2 875731529 +851 1598 3 886534882 +851 1675 3 884222085 +851 1676 2 875731674 +852 1 4 891036457 +852 7 3 891036485 +852 25 3 891036802 +852 50 5 891036414 +852 100 4 891036457 +852 109 3 891036505 +852 117 4 891036707 +852 118 4 891037262 +852 121 4 891036901 +852 122 1 891037738 +852 127 4 891035544 +852 151 4 891036922 +852 181 4 891036414 +852 235 4 891036765 +852 250 4 891036414 +852 252 3 891036866 +852 257 4 891036414 +852 259 4 891036414 +852 260 3 891036414 +852 264 3 891035999 +852 274 3 891036369 +852 289 2 891035325 +852 290 4 891036817 +852 323 3 891036039 +852 358 3 891036414 +852 405 3 891037262 +852 407 3 891037778 +852 408 5 891036843 +852 472 3 891037605 +852 473 3 891036884 +852 506 4 891037917 +852 515 5 891036414 +852 546 4 891037245 +852 568 4 891037947 +852 597 3 891037562 +852 678 3 891036414 +852 681 4 891036414 +852 685 3 891036435 +852 820 4 891037754 +852 825 3 891037586 +852 826 3 891037806 +852 827 2 891036866 +852 840 3 891036866 +852 841 4 891037625 +852 926 3 891036902 +852 930 3 891037777 +852 969 5 891037917 +852 1052 4 891037888 +852 1615 2 891036457 +853 245 3 879365091 +853 258 3 879364883 +853 259 3 879365034 +853 261 3 879365360 +853 264 3 879365169 +853 270 4 879364822 +853 271 3 879364668 +853 286 3 879364668 +853 288 4 879364822 +853 292 4 879364669 +853 294 2 879365035 +853 299 4 879365092 +853 300 5 879364744 +853 301 1 879364744 +853 302 4 879364669 +853 304 4 879364822 +853 307 1 879364744 +853 322 3 879364883 +853 323 3 879364883 +853 326 2 879364955 +853 327 3 879364955 +853 328 3 879364744 +853 330 1 879365091 +853 331 2 879364822 +853 332 3 879364822 +853 333 4 879364669 +853 334 3 879364744 +853 340 1 879364744 +853 358 1 879365035 +853 678 4 879365170 +853 682 4 879364823 +853 688 3 879365169 +853 690 2 879364744 +853 748 2 879364883 +853 873 3 879365091 +853 877 2 879364882 +853 879 4 879364955 +853 880 5 879364822 +853 887 2 879365169 +853 1025 4 879365360 +853 1280 4 879365091 +854 1 3 882812225 +854 3 1 882813047 +854 4 2 882814436 +854 7 4 882812352 +854 8 5 882814571 +854 9 5 882814570 +854 11 5 882814570 +854 12 5 882813990 +854 13 3 882812755 +854 14 4 882812225 +854 15 3 882812451 +854 19 3 882812826 +854 20 2 882813179 +854 22 2 882813691 +854 23 4 882813647 +854 24 4 882812352 +854 25 3 882813219 +854 32 4 882813574 +854 42 4 882813990 +854 49 4 882814665 +854 50 4 882812102 +854 55 4 882814467 +854 56 5 882814571 +854 58 3 882813825 +854 64 5 882814121 +854 69 4 882814395 +854 79 4 882814298 +854 83 4 882813691 +854 86 3 882814436 +854 87 4 882814063 +854 89 4 882814467 +854 93 5 882814571 +854 96 3 882814467 +854 98 4 882814394 +854 100 5 882812225 +854 106 3 882813248 +854 111 3 882812906 +854 117 3 882812755 +854 118 2 882813219 +854 121 1 882813074 +854 122 3 882813287 +854 123 1 882812406 +854 124 5 882814570 +854 125 3 882813099 +854 126 3 882812826 +854 127 4 882813933 +854 129 3 882812165 +854 132 5 882813877 +854 133 3 882814091 +854 134 4 882813825 +854 135 4 882813933 +854 144 3 882814298 +854 147 3 882812492 +854 150 3 882812314 +854 151 4 882812451 +854 153 4 882813990 +854 156 3 882813574 +854 168 4 882814435 +854 170 4 882813537 +854 171 4 882814333 +854 173 4 882813537 +854 174 3 882813574 +854 175 4 882813797 +854 176 3 882813877 +854 180 4 882813537 +854 185 4 882813877 +854 186 3 882814298 +854 188 4 882814368 +854 191 4 882813825 +854 194 3 882814235 +854 195 3 882813537 +854 197 4 882813797 +854 200 5 882814121 +854 203 4 882813933 +854 216 3 882814028 +854 220 4 882813248 +854 222 4 882812492 +854 223 4 882814177 +854 225 1 882813364 +854 235 2 882813179 +854 237 3 882812406 +854 238 5 882813648 +854 244 3 882812826 +854 246 3 882812195 +854 249 3 882812928 +854 250 4 882812376 +854 255 1 882812852 +854 257 3 882812877 +854 258 4 882811810 +854 260 3 882812030 +854 264 1 882811888 +854 268 3 882811865 +854 269 4 882811742 +854 270 4 882811810 +854 271 4 882811937 +854 273 4 882812852 +854 274 3 882812906 +854 275 4 882814571 +854 281 3 882813047 +854 282 2 882812960 +854 283 3 882812492 +854 285 4 882812165 +854 286 1 882811742 +854 287 3 882813143 +854 288 5 882814571 +854 289 2 882811962 +854 290 1 882813179 +854 291 2 882813074 +854 293 5 882812102 +854 294 2 882811742 +854 297 4 882812263 +854 302 3 882811836 +854 303 3 882811810 +854 318 5 882813825 +854 321 3 882811913 +854 322 1 882811865 +854 324 3 882811937 +854 328 1 882811865 +854 333 3 882811742 +854 343 3 882811773 +854 357 4 882814235 +854 358 2 882812001 +854 382 4 882813761 +854 405 4 882812755 +854 409 2 882813421 +854 411 2 882813143 +854 421 3 882814028 +854 423 4 882813963 +854 431 3 882813726 +854 455 2 882812906 +854 458 3 882812826 +854 461 3 882814298 +854 463 3 882814395 +854 466 3 882813761 +854 469 5 882814571 +854 471 2 882812928 +854 472 1 882813143 +854 475 4 882812352 +854 476 3 882813219 +854 479 4 882813623 +854 482 3 882813761 +854 483 4 882813691 +854 484 3 882814368 +854 487 4 882813990 +854 488 4 882813761 +854 492 4 882814333 +854 493 5 882813933 +854 498 3 882813877 +854 499 4 882813537 +854 505 4 882813600 +854 507 4 882813623 +854 508 4 882812492 +854 509 4 882814333 +854 511 4 882814298 +854 512 3 882814063 +854 514 4 882813537 +854 522 2 882814189 +854 528 4 882813623 +854 535 3 882813364 +854 537 3 882813797 +854 544 3 882812852 +854 591 2 882812451 +854 597 2 882813143 +854 603 4 882813600 +854 604 4 882813601 +854 606 4 882813691 +854 616 4 882813877 +854 619 2 882812376 +854 620 2 882813453 +854 628 2 882812451 +854 632 4 882813797 +854 652 3 882813825 +854 664 4 882814091 +854 696 2 882812961 +854 705 4 882813963 +854 709 4 882814395 +854 713 4 882812288 +854 735 3 882813990 +854 742 2 882812960 +854 744 2 882812787 +854 756 3 882813364 +854 757 3 882814235 +854 762 2 882812905 +854 799 3 882814298 +854 811 3 882814091 +854 815 2 882812981 +854 823 2 882813316 +854 825 3 882813143 +854 826 2 882813453 +854 829 2 882813287 +854 840 2 882813364 +854 846 3 882813453 +854 855 4 882814063 +854 919 4 882812406 +854 922 5 882813143 +854 924 4 882812314 +854 925 2 882813179 +854 928 3 882813143 +854 945 3 882813761 +854 979 4 882813315 +854 1011 2 882813047 +854 1013 1 882813453 +854 1014 3 882813315 +854 1016 2 882812406 +854 1028 2 882813421 +854 1047 1 882812906 +854 1061 1 882813421 +854 1077 3 882813907 +854 1086 3 882812195 +854 1134 3 882812787 +854 1197 3 882812263 +854 1226 4 882814571 +854 1281 2 882812314 +854 1283 2 882813047 +854 1284 2 882812961 +854 1335 2 882812288 +854 1677 3 882814368 +855 45 3 879825383 +855 59 3 879825488 +855 60 3 879825528 +855 86 2 879825462 +855 165 4 879825382 +855 166 4 879825578 +855 170 2 879825383 +855 171 3 879825383 +855 179 3 879825528 +855 198 4 879825613 +855 283 3 879825383 +855 462 4 879825383 +855 475 4 879825383 +855 509 3 879825613 +855 510 4 879825578 +855 512 4 879825382 +855 529 4 879825613 +855 531 3 879825614 +855 582 3 879825578 +855 638 4 879825462 +855 855 4 879825488 +855 919 3 879825462 +855 1021 3 879825578 +856 258 4 891489356 +856 270 3 891489412 +856 272 5 891489217 +856 286 4 891489299 +856 289 1 891489525 +856 294 4 891489502 +856 300 4 891489386 +856 307 4 891489250 +856 310 3 891489217 +856 312 2 891489450 +856 313 5 891489217 +856 315 5 891489250 +856 316 5 891489547 +856 322 4 891489593 +856 323 2 891489593 +856 326 2 891489450 +856 327 4 891489478 +856 328 3 891489478 +856 347 2 891489217 +856 678 3 891489666 +856 688 2 891489666 +856 690 4 891489356 +856 748 3 891489638 +856 749 3 891489450 +856 750 5 891489250 +856 879 3 891489450 +857 14 4 883432633 +857 19 4 883432633 +857 20 3 883432688 +857 24 1 883432711 +857 116 5 883432663 +857 258 5 883432193 +857 259 4 883432397 +857 275 5 883432663 +857 283 5 883432633 +857 294 3 883432251 +857 300 3 883432251 +857 304 2 883432301 +857 321 4 883432352 +857 325 1 883432397 +857 328 3 883432301 +857 348 1 883432170 +857 475 5 883432663 +857 547 3 883432633 +857 687 1 883432470 +857 892 3 883432515 +857 898 5 883432141 +857 988 2 883432423 +858 9 5 880932449 +858 100 3 880932746 +858 127 5 880932912 +858 181 2 879460595 +858 269 4 879458608 +858 286 4 879458829 +858 289 3 879459337 +858 292 3 879459087 +858 293 3 880932692 +858 307 3 880933013 +858 323 2 879459926 +858 327 3 879459504 +858 331 3 880932343 +858 333 4 880933013 +858 334 4 880933072 +858 515 4 880932911 +858 678 1 879459926 +858 689 5 879459087 +858 690 3 879459087 +858 754 4 879459087 +858 1368 4 880932449 +859 3 5 885775513 +859 15 4 885776056 +859 25 4 885776056 +859 111 4 885776056 +859 118 3 885775193 +859 151 2 885775067 +859 249 5 885775086 +859 257 2 885775330 +859 275 3 885774828 +859 276 4 885776056 +859 282 3 885774964 +859 287 5 885775358 +859 288 4 885776056 +859 293 4 885776056 +859 294 3 885775218 +859 313 5 885774773 +859 368 3 885775880 +859 381 4 885776352 +859 410 4 885776056 +859 421 5 885776384 +859 458 3 885775382 +859 475 4 885776056 +859 476 5 885775727 +859 535 5 885774867 +859 762 5 885775437 +859 763 4 885775699 +859 846 5 885775612 +859 928 3 885775473 +859 955 5 885776352 +859 1008 4 885776056 +859 1009 4 885775277 +859 1014 4 885775564 +859 1048 3 885775767 +859 1061 4 885776056 +859 1095 2 885775513 +859 1132 3 885775513 +859 1281 3 885774937 +859 1315 4 885775251 +859 1326 4 885775859 +860 4 4 885991163 +860 26 3 885991163 +860 49 2 885991316 +860 56 4 885990862 +860 70 5 885991040 +860 100 4 885991075 +860 153 4 885990965 +860 159 3 889984855 +860 202 4 885990932 +860 204 4 885990901 +860 211 3 885990998 +860 216 4 885990901 +860 220 3 885145702 +860 245 3 880829225 +860 257 3 891733877 +860 262 4 874967063 +860 269 2 891535991 +860 272 3 885145344 +860 274 3 885991476 +860 283 4 885990998 +860 285 5 885990901 +860 286 4 874967063 +860 287 3 885991407 +860 289 3 880829225 +860 294 2 880829225 +860 300 4 874967063 +860 301 2 880829226 +860 302 4 876074139 +860 303 3 876074139 +860 305 4 878567538 +860 307 3 879801617 +860 310 4 880914645 +860 311 4 882120528 +860 312 4 888169119 +860 313 4 885145375 +860 315 3 884029545 +860 316 3 889627165 +860 321 3 880829225 +860 327 3 880829225 +860 332 2 880829226 +860 333 3 876074177 +860 339 3 882831410 +860 344 3 887028250 +860 347 4 886424396 +860 381 3 885990998 +860 393 2 885991129 +860 508 4 885991076 +860 514 5 885991040 +860 516 3 885991040 +860 517 4 885991076 +860 629 3 885991198 +860 663 3 885991101 +860 678 3 887754112 +860 690 4 876750421 +860 692 5 885990965 +860 712 3 885991316 +860 715 4 885991198 +860 716 2 887754411 +860 732 4 885991129 +860 781 2 887754411 +860 846 2 887754411 +860 865 4 885990862 +860 890 2 880829225 +860 894 2 883678286 +860 900 3 886354648 +860 949 3 885991163 +860 1041 2 887754411 +860 1047 2 885991563 +860 1059 1 891536049 +860 1061 3 879169685 +860 1602 3 893009852 +861 10 3 881274739 +861 14 4 881274612 +861 20 4 881274857 +861 26 3 881274936 +861 45 5 881274698 +861 52 5 881274718 +861 70 4 881274672 +861 83 5 881274672 +861 86 5 881274630 +861 116 4 881274739 +861 170 5 881274672 +861 179 1 881274672 +861 213 5 881274759 +861 242 5 881274504 +861 275 5 881274612 +861 286 4 881274504 +861 289 5 881274504 +861 292 4 881274504 +861 294 3 881274504 +861 301 4 881274504 +861 305 4 881274504 +861 319 5 881274504 +861 321 1 881274504 +861 381 4 881274780 +861 382 5 881274780 +861 462 4 881274698 +861 463 3 881274698 +861 475 3 881274760 +861 509 5 881274739 +861 529 5 881274718 +861 531 4 881274529 +861 547 4 881274857 +861 582 2 881274796 +861 584 5 881274815 +861 714 4 881274899 +861 736 4 881274672 +861 737 3 881274883 +861 740 4 881274760 +861 937 4 881274504 +861 949 4 881274937 +861 1009 5 881274857 +861 1148 3 881274913 +861 1227 4 881274936 +862 7 5 879304196 +862 10 5 879303249 +862 11 4 879305172 +862 12 5 879304571 +862 22 5 879304571 +862 24 4 879302990 +862 45 4 879304721 +862 50 5 879304196 +862 56 3 879305204 +862 59 5 879305204 +862 60 5 879305143 +862 61 5 879304244 +862 64 5 879304326 +862 69 5 879304244 +862 70 4 879305172 +862 79 5 879304623 +862 81 5 879305237 +862 82 4 879305237 +862 89 5 879304526 +862 91 5 879304762 +862 92 5 879305051 +862 96 4 879305051 +862 97 4 879305143 +862 98 5 879304865 +862 99 4 879305097 +862 100 5 879304196 +862 105 3 879303346 +862 111 5 879302844 +862 117 5 879302844 +862 120 3 879303953 +862 121 5 879304196 +862 127 5 879304196 +862 132 5 879304980 +862 135 5 879304762 +862 141 4 879305237 +862 143 5 879304722 +862 147 5 879304196 +862 151 5 879304196 +862 168 4 879304526 +862 172 5 879304243 +862 173 5 879304484 +862 174 5 879304721 +862 175 5 879305172 +862 176 5 879304672 +862 177 4 879305016 +862 179 5 879304410 +862 180 5 879305097 +862 181 5 879305143 +862 182 5 879304526 +862 183 5 879304834 +862 184 2 879305097 +862 185 5 879304571 +862 186 3 879305143 +862 187 4 879304672 +862 188 5 879305312 +862 193 4 879304326 +862 195 5 879304902 +862 196 5 879304799 +862 197 4 879304623 +862 198 5 879304484 +862 199 5 879304761 +862 200 5 879304980 +862 201 3 879304326 +862 202 5 879304624 +862 203 4 879305312 +862 205 4 879304282 +862 208 2 879304282 +862 210 4 879304410 +862 211 5 879305051 +862 214 3 879304834 +862 215 4 879304624 +862 216 5 879304410 +862 222 5 879304196 +862 228 5 879305097 +862 230 3 879305273 +862 238 4 879304624 +862 250 5 879303158 +862 252 3 879302910 +862 257 5 879303207 +862 258 5 879302461 +862 260 5 879302583 +862 265 5 879304980 +862 271 5 879302763 +862 276 5 879303079 +862 282 5 879303123 +862 288 5 879302533 +862 357 3 879305204 +862 405 2 879303123 +862 406 4 879303843 +862 407 3 879303843 +862 413 4 879303952 +862 416 3 879305351 +862 423 4 879305273 +862 429 5 879304526 +862 431 5 879305312 +862 432 5 879304902 +862 433 4 879304445 +862 434 5 879304410 +862 435 5 879304244 +862 436 4 879305386 +862 462 4 879304624 +862 467 4 879305143 +862 472 5 879303505 +862 474 5 879304722 +862 476 4 879303622 +862 478 4 879305016 +862 479 4 879305351 +862 480 5 879304761 +862 483 5 879304326 +862 484 4 879304571 +862 485 5 879304410 +862 491 3 879304799 +862 495 4 879305097 +862 496 5 879304902 +862 498 4 879304445 +862 505 4 879305016 +862 515 4 879302877 +862 519 4 879304326 +862 520 4 879304484 +862 521 5 879304762 +862 526 4 879304623 +862 544 5 879304196 +862 546 4 879302944 +862 559 4 879305312 +862 566 3 879304571 +862 568 3 879304799 +862 597 3 879303697 +862 603 5 879304445 +862 633 5 879304722 +862 640 3 879305351 +862 647 5 879304369 +862 650 4 879304941 +862 651 5 879304624 +862 655 5 879305016 +862 657 5 879304369 +862 658 5 879304526 +862 678 4 879302614 +862 737 4 879305386 +862 742 5 879303298 +862 748 4 879302533 +862 767 4 879303807 +862 789 5 879304941 +862 820 4 879303774 +862 823 4 879303869 +862 825 5 879303668 +862 831 3 879303542 +862 845 4 879303249 +862 866 4 879303697 +862 919 4 879303409 +862 928 4 879303542 +862 930 5 879303843 +862 969 5 879304410 +862 974 2 879304113 +862 977 4 879302877 +862 978 3 879303591 +862 979 5 879303409 +862 982 4 879303622 +862 1009 4 879303622 +862 1011 5 879303123 +862 1050 5 879305351 +862 1093 5 879304196 +862 1109 5 879305016 +862 1110 5 879305386 +862 1117 4 879303668 +862 1199 2 879303729 +863 242 4 889289570 +863 258 5 889289122 +863 259 1 889289240 +863 262 3 889289618 +863 264 3 889289385 +863 268 5 889289240 +863 269 3 889288973 +863 270 3 889288943 +863 271 4 889289191 +863 272 5 889288910 +863 286 5 889289191 +863 288 4 889288911 +863 289 4 889289457 +863 292 2 889289067 +863 294 4 889289327 +863 299 2 889289385 +863 300 5 889289157 +863 301 4 889289240 +863 302 4 889288910 +863 303 1 889288911 +863 304 3 889289240 +863 305 4 889289122 +863 306 5 889289570 +863 307 5 889289157 +863 310 5 889288943 +863 313 5 889288910 +863 315 5 889288910 +863 316 5 889289419 +863 319 2 889289123 +863 321 4 889289157 +863 322 1 889289327 +863 324 5 889289385 +863 326 5 889289157 +863 327 5 889289327 +863 328 5 889288943 +863 329 2 889289157 +863 330 2 889289191 +863 331 4 889289278 +863 332 4 889288943 +863 333 5 889289123 +863 334 5 889289353 +863 336 2 889289327 +863 339 3 889289353 +863 340 3 889288911 +863 342 1 889289241 +863 343 5 889289328 +863 344 4 889289456 +863 346 5 889288911 +863 347 2 889289067 +863 348 2 889289456 +863 349 1 889289457 +863 350 1 889289457 +863 352 1 889289491 +863 354 1 889289191 +863 355 4 889289419 +863 359 3 889289158 +863 361 5 889289618 +863 362 1 889289122 +863 538 2 889289122 +863 682 3 889289491 +863 683 1 889289241 +863 690 4 889289067 +863 691 3 889289067 +863 748 3 889289456 +863 749 2 889289419 +863 750 4 889288973 +863 751 4 889289122 +863 752 4 889289277 +863 754 3 889289067 +863 872 2 889289240 +863 873 2 889289491 +863 876 2 889289457 +863 877 1 889289277 +863 879 2 889289123 +863 882 4 889289570 +863 885 1 889289456 +863 886 3 889289327 +863 887 3 889289328 +863 895 5 889289385 +863 898 1 889288973 +863 900 3 889289067 +863 901 1 889288972 +863 902 5 889289456 +863 903 3 889289570 +863 906 4 889289570 +863 908 1 889289240 +863 909 3 889289619 +863 910 2 889289570 +863 990 1 889289385 +863 1022 2 889289569 +863 1024 3 889289619 +863 1038 1 889289327 +863 1062 4 889289570 +863 1127 4 889289157 +863 1234 3 889289619 +863 1237 4 889289618 +863 1243 4 889289277 +863 1294 4 889289618 +863 1296 3 889289617 +863 1313 1 889289067 +863 1395 4 889289491 +863 1431 4 889289618 +863 1434 2 889289618 +863 1607 2 889288973 +863 1678 1 889289570 +863 1679 3 889289491 +863 1680 2 889289570 +864 1 5 877214125 +864 2 4 888889657 +864 4 4 888890690 +864 5 4 888889657 +864 7 5 878179608 +864 8 5 888887402 +864 9 5 877214236 +864 11 5 888887502 +864 12 5 888886984 +864 13 4 877214125 +864 15 4 888887658 +864 22 5 888888937 +864 24 5 888887502 +864 25 4 888888240 +864 28 5 888887247 +864 29 4 888891794 +864 31 4 888888202 +864 38 3 888891628 +864 43 3 888891524 +864 44 4 888890144 +864 47 5 888887502 +864 48 5 888886945 +864 49 3 888892091 +864 50 5 877214085 +864 52 4 888888861 +864 53 4 888891794 +864 54 4 888891473 +864 55 4 888887045 +864 56 5 888887097 +864 58 5 888887739 +864 62 4 888889035 +864 63 3 888893088 +864 64 5 888887830 +864 65 3 888890690 +864 66 3 888889784 +864 67 4 888891190 +864 69 5 888889863 +864 70 4 888888168 +864 71 3 888889389 +864 72 4 888891288 +864 73 5 888888994 +864 77 4 888891627 +864 79 5 888887830 +864 81 3 888891836 +864 82 5 888887830 +864 85 2 888889327 +864 86 4 888890547 +864 87 5 888887403 +864 88 4 888887469 +864 91 5 888887172 +864 93 3 888889948 +864 94 4 888891423 +864 95 5 888887045 +864 96 5 888887830 +864 97 4 888887216 +864 98 5 888886946 +864 99 3 888890730 +864 100 5 877214125 +864 102 4 888890997 +864 106 3 877214236 +864 108 3 888891627 +864 109 5 888888994 +864 111 3 888888115 +864 114 5 888888168 +864 116 4 888887045 +864 117 4 888889466 +864 118 4 888888994 +864 121 4 877214085 +864 123 4 888890594 +864 124 5 877214158 +864 125 4 888889162 +864 127 4 888887216 +864 128 4 888886882 +864 132 5 888887128 +864 133 5 888887984 +864 134 5 888887013 +864 136 4 888886913 +864 137 4 878179514 +864 140 3 888892016 +864 143 4 888887703 +864 144 5 888887830 +864 145 4 888892230 +864 151 5 888889466 +864 153 5 888886946 +864 157 4 888886984 +864 159 4 888891049 +864 161 4 888891288 +864 163 4 888888680 +864 164 4 888887216 +864 167 4 888891794 +864 168 4 888888067 +864 169 5 888887402 +864 172 5 888887795 +864 173 5 888889129 +864 174 5 888887354 +864 176 5 888887289 +864 178 4 888887248 +864 181 5 888887984 +864 182 3 888886913 +864 183 4 888888115 +864 184 4 888890775 +864 186 4 888887658 +864 188 3 888887172 +864 189 4 888889268 +864 190 4 888887437 +864 191 4 888887869 +864 194 4 888886984 +864 195 4 888888937 +864 196 4 888887914 +864 197 4 888888282 +864 200 4 888889162 +864 201 5 888887172 +864 202 5 888887354 +864 203 5 888886846 +864 204 5 888888937 +864 208 4 888888994 +864 209 3 888887172 +864 210 4 888887469 +864 214 2 888890052 +864 215 4 888888994 +864 216 4 888886882 +864 217 4 888891524 +864 218 4 888890316 +864 219 4 888889129 +864 222 4 888887502 +864 223 5 888887097 +864 225 3 878179608 +864 226 3 888889601 +864 227 4 888889510 +864 228 5 888888067 +864 229 4 888891836 +864 230 2 888889129 +864 231 3 888891288 +864 232 4 888889327 +864 234 4 888887658 +864 235 5 888891794 +864 237 4 878179514 +864 238 5 888890432 +864 239 4 888889466 +864 245 4 887686369 +864 250 3 891044057 +864 257 4 891044192 +864 258 5 877214042 +864 265 5 888886946 +864 273 5 878179555 +864 275 4 878179445 +864 276 5 878179411 +864 282 3 888887469 +864 283 5 878179514 +864 286 5 890463283 +864 288 5 878179381 +864 290 3 888892053 +864 294 4 878179381 +864 317 4 888887128 +864 318 5 888887071 +864 328 5 887686456 +864 333 5 890463283 +864 343 5 887686545 +864 349 4 887686388 +864 356 4 888889268 +864 357 5 888887794 +864 367 5 888890316 +864 373 2 888892053 +864 380 3 888889744 +864 382 3 888887437 +864 386 3 888891288 +864 391 4 888893224 +864 393 3 888889129 +864 394 3 888890432 +864 399 4 888893088 +864 401 4 888893271 +864 402 3 888892128 +864 403 5 888887944 +864 404 4 888890316 +864 405 5 877214158 +864 408 5 877214085 +864 418 3 888887247 +864 419 4 888887984 +864 422 3 888892968 +864 423 5 888887739 +864 432 2 888887502 +864 433 3 888887703 +864 443 4 888890639 +864 451 4 888889563 +864 465 3 888889327 +864 466 4 888887794 +864 470 4 888890052 +864 471 5 888888862 +864 472 4 888888861 +864 473 4 888892300 +864 474 4 888889863 +864 476 2 888892917 +864 483 5 888886913 +864 496 5 888887944 +864 501 3 888891836 +864 509 5 888887944 +864 511 4 888886846 +864 523 4 888888202 +864 526 4 888889784 +864 531 5 888887739 +864 541 2 888892667 +864 542 4 888892841 +864 546 4 888892015 +864 549 3 888890730 +864 550 4 888889389 +864 559 4 888888680 +864 561 4 888888937 +864 562 4 888891794 +864 563 3 888892539 +864 566 4 888889601 +864 568 4 888888115 +864 569 3 888891794 +864 577 3 888892917 +864 578 3 888889948 +864 588 3 888887289 +864 591 4 878179608 +864 596 4 888890001 +864 597 4 888888625 +864 603 4 888888025 +864 609 3 888888861 +864 619 3 888889327 +864 623 3 888889035 +864 625 4 888890273 +864 628 4 888890639 +864 629 3 888888282 +864 642 3 888890432 +864 651 5 888888168 +864 655 4 888887128 +864 658 2 888890690 +864 660 4 888889510 +864 663 4 888887248 +864 665 3 888892300 +864 672 2 888889389 +864 673 3 888890273 +864 678 4 887686545 +864 684 4 888887289 +864 685 4 888891900 +864 692 2 888890316 +864 693 4 888888168 +864 708 3 888889863 +864 710 2 888888115 +864 715 4 888891238 +864 716 2 888889744 +864 717 3 878179608 +864 720 3 888891238 +864 722 2 888892091 +864 729 4 888889035 +864 732 4 888888067 +864 734 3 888892874 +864 735 5 888886882 +864 736 5 888888025 +864 742 4 878179445 +864 747 3 888890380 +864 755 4 888892128 +864 768 3 888890776 +864 770 3 888891322 +864 775 1 888891473 +864 780 2 888892968 +864 781 3 888891238 +864 789 4 888886946 +864 794 3 888889268 +864 797 3 888892539 +864 800 1 888891154 +864 801 3 888892667 +864 805 4 888889327 +864 892 3 887686497 +864 930 3 888892841 +864 939 4 888890102 +864 951 3 888891288 +864 966 4 888888994 +864 969 4 888887172 +864 972 2 888890475 +864 993 4 878179411 +864 1016 4 877214125 +864 1033 2 888891473 +864 1044 3 888891049 +864 1047 3 888888680 +864 1101 4 888887502 +864 1109 4 888890639 +864 1112 2 888891097 +864 1119 3 888890548 +864 1135 3 888890594 +864 1140 1 888892491 +864 1208 2 888890731 +864 1210 2 888892667 +864 1217 3 888889327 +864 1228 3 888892375 +864 1248 3 888891628 +864 1284 3 888891900 +864 1303 2 888890997 +864 1412 1 888892461 +864 1425 2 888890475 +864 1446 3 888889948 +864 1531 3 888890690 +865 1 1 880143424 +865 7 5 880143425 +865 21 2 880144229 +865 24 4 880143612 +865 71 1 880235059 +865 91 3 880235059 +865 95 1 880235059 +865 99 1 880235060 +865 100 4 880143232 +865 101 1 880235099 +865 108 1 880143680 +865 111 1 880144123 +865 117 2 880143746 +865 118 1 880144229 +865 121 1 880144024 +865 122 3 880144539 +865 148 3 880144194 +865 169 5 880235059 +865 189 4 880235059 +865 222 2 880143482 +865 240 2 880143680 +865 245 3 880235263 +865 258 4 880142652 +865 268 4 880142652 +865 271 1 880142778 +865 294 4 880235263 +865 302 5 880142614 +865 328 3 880142857 +865 405 2 880144194 +865 408 5 880143385 +865 411 1 880144153 +865 412 1 880144504 +865 418 1 880235099 +865 432 1 880235059 +865 455 4 880143612 +865 456 1 880144405 +865 471 1 880143612 +865 472 1 880144229 +865 473 3 880144194 +865 475 4 880143425 +865 501 1 880235060 +865 546 1 880143917 +865 547 5 880143232 +865 588 2 880235060 +865 597 1 880144368 +865 625 1 880235099 +865 627 1 880235060 +865 676 2 880144153 +865 685 3 880144071 +865 743 1 880144504 +865 744 4 880144024 +865 763 1 880143680 +865 825 1 880144123 +865 831 1 880144480 +865 845 1 880144123 +865 847 5 880143386 +865 919 5 880143713 +865 926 1 880144405 +865 928 1 880144368 +865 929 2 880144539 +865 946 1 880235099 +865 1009 5 880144368 +865 1011 1 880144405 +865 1028 1 880144024 +865 1047 1 880144265 +865 1240 5 880235099 +866 242 3 891221165 +866 269 3 891221165 +866 272 2 891221006 +866 300 1 891220881 +866 302 2 891220955 +866 303 4 891221165 +866 305 2 891221006 +866 306 4 891221165 +866 313 1 891220955 +866 315 4 891221206 +866 319 4 891221302 +866 321 3 891221302 +866 340 2 891221165 +866 344 2 891221165 +866 347 4 891221165 +866 882 2 891221165 +866 887 3 891221165 +866 889 2 891221006 +866 896 2 891221006 +866 900 4 891221165 +867 1 4 880078521 +867 7 5 880078604 +867 9 5 880078958 +867 11 3 880078547 +867 12 5 880078656 +867 22 5 880078424 +867 23 5 880078723 +867 28 5 880078887 +867 31 5 880078656 +867 50 5 880078027 +867 51 3 880079142 +867 56 5 880078818 +867 64 5 880078547 +867 68 4 880079020 +867 69 2 880078797 +867 79 4 880079142 +867 89 5 880078769 +867 96 5 880078656 +867 98 5 880078937 +867 117 3 880079117 +867 132 3 880078629 +867 134 5 880078723 +867 135 5 880079065 +867 144 3 880078484 +867 150 5 880078677 +867 156 5 880078574 +867 168 4 880078604 +867 172 5 880078769 +867 174 5 880078991 +867 175 5 880078818 +867 176 3 880079094 +867 180 5 880078656 +867 181 5 880078050 +867 182 4 880078521 +867 183 3 880078863 +867 186 5 880078937 +867 188 4 880078796 +867 191 5 880079117 +867 195 5 880078452 +867 196 3 880079043 +867 197 4 880078796 +867 198 5 880078723 +867 203 4 880078484 +867 204 4 880078958 +867 207 5 880079094 +867 210 5 880078547 +867 211 3 880078484 +867 216 3 880079043 +867 222 4 880079094 +867 228 5 880078958 +867 250 4 880078091 +867 252 2 880078179 +867 257 4 880078090 +867 258 3 880077751 +867 270 5 880077780 +867 273 3 880078991 +867 276 1 880079020 +867 286 5 880077721 +867 289 5 880077950 +867 294 3 880077831 +867 295 4 880078069 +867 300 2 880077751 +867 318 5 880078424 +867 323 3 880077951 +867 328 5 880077855 +867 423 3 880078991 +867 431 4 880078841 +867 474 5 880078840 +867 475 5 880078656 +867 480 5 880078401 +867 483 5 880078372 +867 496 5 880078574 +867 498 4 880078401 +867 511 5 880078371 +867 524 5 880078604 +867 528 4 880078371 +867 529 5 880078863 +867 588 3 880078887 +867 603 5 880078452 +867 650 5 880078818 +867 651 5 880079065 +867 652 5 880078745 +867 655 4 880078906 +867 657 5 880078769 +867 660 4 880078723 +867 678 3 880078004 +867 690 5 880077751 +867 748 4 880077951 +867 855 5 880078604 +867 956 4 880079142 +867 1039 5 880078677 +867 1065 5 880078424 +867 1154 5 880078991 +867 1159 5 880078796 +867 1608 2 880078110 +868 1 4 877103320 +868 2 2 877112290 +868 7 5 877104157 +868 12 5 877103834 +868 23 5 877104949 +868 24 2 877108385 +868 47 2 877108302 +868 50 5 877103449 +868 55 5 877106505 +868 56 3 877107143 +868 59 4 877103757 +868 61 5 877109435 +868 64 5 877103548 +868 65 2 877104212 +868 67 3 877109597 +868 68 2 877106505 +868 69 2 877107416 +868 73 1 877108220 +868 80 2 877111453 +868 81 4 877107373 +868 82 2 877112001 +868 89 4 877107446 +868 90 3 877109874 +868 91 3 877107817 +868 94 1 877109814 +868 95 2 877108302 +868 96 2 877107056 +868 98 4 877103371 +868 100 5 877103935 +868 101 4 877109996 +868 109 3 877107627 +868 114 5 877103371 +868 117 2 877110332 +868 121 2 877111542 +868 122 3 877113586 +868 127 4 877103679 +868 128 5 877108123 +868 132 4 877103195 +868 133 2 877108302 +868 135 5 877104987 +868 136 5 877104414 +868 139 1 877109300 +868 142 1 877109874 +868 145 1 877109082 +868 150 5 877103834 +868 151 5 877104879 +868 153 2 877105916 +868 154 3 877107539 +868 155 2 877111623 +868 156 3 877103834 +868 158 1 877111328 +868 159 2 877107416 +868 160 4 877104414 +868 161 2 877107056 +868 162 3 877109505 +868 164 2 877104157 +868 167 1 877110191 +868 168 3 877104157 +868 169 5 877106505 +868 172 5 877107847 +868 173 4 877107961 +868 174 5 877107320 +868 176 4 877103248 +868 178 5 877103714 +868 179 4 877107056 +868 180 4 877104913 +868 181 5 877103280 +868 183 5 877104414 +868 184 3 877107730 +868 186 2 877109234 +868 187 4 877107284 +868 188 3 877103320 +868 189 5 877109300 +868 191 3 877107143 +868 193 2 877108123 +868 195 2 877104212 +868 198 5 877103757 +868 199 5 877105882 +868 200 3 877107189 +868 201 2 877104264 +868 202 3 877104264 +868 204 2 877105882 +868 206 5 877108352 +868 207 3 877107189 +868 208 3 877108624 +868 209 4 877103195 +868 210 5 877103248 +868 211 3 877107730 +868 214 3 877106470 +868 216 2 877109234 +868 217 2 877109895 +868 218 3 877104913 +868 219 2 877107817 +868 222 3 877108989 +868 225 1 877111453 +868 227 1 877110060 +868 228 5 877103935 +868 229 3 877111154 +868 230 3 877112349 +868 232 1 877109082 +868 233 2 877109566 +868 234 4 877103935 +868 237 1 877108989 +868 238 4 877103249 +868 239 3 877107924 +868 240 5 877107373 +868 265 3 877108302 +868 268 4 877102974 +868 273 3 877107284 +868 317 5 877107961 +868 327 4 877103039 +868 358 2 877103098 +868 367 2 877106505 +868 378 2 877108056 +868 382 4 877109874 +868 385 2 877103834 +868 398 1 877109082 +868 402 1 877113412 +868 403 2 877111837 +868 405 1 877109082 +868 408 5 877103935 +868 410 3 877104414 +868 412 5 877112001 +868 417 1 877108087 +868 419 3 877103449 +868 423 2 877107373 +868 426 4 877103935 +868 427 4 877103679 +868 429 2 877103834 +868 432 2 877108624 +868 433 4 877103195 +868 434 3 877107056 +868 436 3 877104913 +868 447 2 877107284 +868 448 2 877110401 +868 449 3 877113540 +868 451 2 877112063 +868 452 2 877111394 +868 455 5 877103410 +868 470 1 877107924 +868 474 4 877105882 +868 475 4 877104987 +868 480 4 877103280 +868 496 2 877107597 +868 498 3 877104913 +868 501 3 877103449 +868 503 3 877106421 +868 506 4 877104879 +868 509 3 877106470 +868 520 4 877103756 +868 524 3 877107730 +868 547 3 877112559 +868 550 4 877112393 +868 556 3 877110060 +868 562 2 877112440 +868 566 1 877111394 +868 567 1 877113481 +868 568 1 877107847 +868 578 2 877112439 +868 579 1 877108241 +868 581 2 877109748 +868 588 1 877106421 +868 589 4 877106421 +868 615 4 877109375 +868 621 2 877103449 +868 631 4 877111453 +868 636 3 877103449 +868 640 5 877103371 +868 646 5 877109435 +868 651 5 877103249 +868 655 4 877107996 +868 658 3 877108742 +868 662 2 877103714 +868 679 3 877109748 +868 685 1 877111394 +868 709 4 877109197 +868 710 3 877103320 +868 726 2 877109926 +868 727 2 877110277 +868 732 3 877107416 +868 738 2 877108624 +868 739 2 877111542 +868 746 2 877109082 +868 747 2 877109566 +868 755 4 877112184 +868 762 4 877109535 +868 778 2 877109375 +868 783 1 877113481 +868 825 1 877109435 +868 843 1 877109748 +868 854 4 877103371 +868 919 4 877103757 +868 922 5 877106505 +868 946 1 877107189 +868 998 2 877112063 +868 1028 3 877103195 +868 1031 1 877109535 +868 1035 1 877107817 +868 1037 1 877113481 +868 1076 1 877111487 +868 1098 5 877107416 +868 1183 1 877112141 +868 1188 1 877110060 +868 1206 3 877112033 +868 1240 5 877107284 +868 1285 2 877109926 +868 1480 1 877111932 +868 1509 1 877111487 +869 13 3 884491199 +869 15 1 884491993 +869 25 2 884491767 +869 50 4 884490892 +869 100 5 884493279 +869 116 4 884490892 +869 118 1 884492338 +869 122 3 884493060 +869 125 3 884491867 +869 126 2 884491927 +869 127 5 884493279 +869 151 5 884493279 +869 181 3 884490825 +869 237 4 884490745 +869 240 4 884491734 +869 242 2 884490097 +869 249 4 884493279 +869 253 4 884493279 +869 269 4 884493279 +869 275 4 884490936 +869 276 4 884491082 +869 282 3 884490987 +869 284 1 884491966 +869 287 2 884492047 +869 288 3 884490011 +869 294 3 884490151 +869 298 3 884491734 +869 310 4 884493279 +869 312 2 884490251 +869 315 3 884490332 +869 411 4 884492828 +869 412 5 884493279 +869 476 1 884492519 +869 515 5 884493279 +869 596 3 884491734 +869 696 2 884493021 +869 756 1 884492780 +869 815 1 884491966 +869 846 2 884492201 +869 1014 4 884493279 +869 1047 2 884492571 +869 1061 1 884492377 +869 1079 2 884493021 +869 1132 1 884492906 +869 1134 1 884492445 +869 1163 2 884492238 +869 1382 3 884492201 +870 1 5 889717102 +870 2 2 879714351 +870 4 2 879270213 +870 6 4 875680311 +870 7 4 875051072 +870 9 5 879376967 +870 10 4 879376967 +870 11 4 875679992 +870 12 4 875050748 +870 13 4 876319137 +870 17 4 880584752 +870 21 3 876319159 +870 22 4 875680165 +870 23 4 875050865 +870 28 4 875680258 +870 31 4 875680070 +870 38 3 879714608 +870 42 2 879270213 +870 45 5 875679795 +870 47 3 875679958 +870 48 4 875050603 +870 50 3 875050865 +870 51 2 879714500 +870 52 2 880584400 +870 53 2 879714351 +870 54 2 879714458 +870 55 3 879713899 +870 56 5 875050826 +870 58 5 875050723 +870 64 5 889717102 +870 65 3 879713898 +870 66 4 875680493 +870 68 3 879714087 +870 69 4 875050603 +870 70 4 889409590 +870 77 3 879714103 +870 79 4 879270313 +870 83 4 889717102 +870 87 5 889717575 +870 88 2 879270213 +870 89 3 879539936 +870 90 4 875680668 +870 92 4 875679861 +870 95 4 875050559 +870 96 4 879270357 +870 98 4 880584497 +870 100 4 889717102 +870 111 3 880584548 +870 124 4 879376994 +870 127 5 875050602 +870 131 4 875050865 +870 132 4 882123548 +870 134 4 875050697 +870 135 3 875680045 +870 148 2 879377064 +870 154 4 876319311 +870 168 4 875680472 +870 169 4 888095560 +870 170 5 875050637 +870 171 4 875050698 +870 172 4 875680098 +870 174 5 875050698 +870 177 4 875050827 +870 178 4 875050559 +870 179 4 875680165 +870 180 3 875679860 +870 181 4 875680119 +870 182 5 883876178 +870 185 4 875050672 +870 186 4 875680186 +870 188 5 875050672 +870 191 3 881001249 +870 192 5 889717102 +870 193 5 889717102 +870 194 3 875679795 +870 195 4 875050602 +870 196 3 879539965 +870 197 5 875050723 +870 198 4 875679860 +870 202 3 879714181 +870 203 4 875680098 +870 204 4 875680448 +870 208 4 879270313 +870 209 4 875680546 +870 210 4 879270313 +870 211 3 879539713 +870 216 4 875680520 +870 218 4 889717102 +870 219 2 879714351 +870 223 4 878737979 +870 235 3 885312790 +870 238 4 875050865 +870 239 3 875680597 +870 244 3 875051043 +870 246 3 881000751 +870 248 4 880124496 +870 253 4 887567321 +870 255 2 889409590 +870 258 4 886883539 +870 265 4 880584497 +870 268 3 881000751 +870 272 4 890920916 +870 273 3 875051100 +870 276 4 889717102 +870 284 2 875051072 +870 286 4 875050332 +870 288 4 875050370 +870 289 2 875050332 +870 302 4 878737704 +870 313 4 883405554 +870 315 2 883876178 +870 317 4 875050723 +870 318 5 875050865 +870 327 4 875050410 +870 328 3 875050410 +870 332 2 879982785 +870 333 3 882123130 +870 340 3 882464808 +870 354 4 889409590 +870 357 5 875679687 +870 367 4 875679768 +870 378 3 879902226 +870 381 3 889409590 +870 382 3 875680568 +870 384 3 875680597 +870 385 3 879714159 +870 386 4 880584752 +870 395 3 879901999 +870 396 3 875680668 +870 401 3 880584584 +870 421 2 879539965 +870 425 4 889717575 +870 427 4 880584516 +870 428 4 875050672 +870 431 3 885586224 +870 433 3 879901879 +870 435 3 880584549 +870 443 3 882123736 +870 447 4 879713953 +870 458 1 879377028 +870 461 4 875680099 +870 462 4 875679860 +870 466 4 878737789 +870 469 4 875679958 +870 470 3 879901727 +870 471 4 885071869 +870 474 4 875050559 +870 475 5 875051100 +870 477 4 876319062 +870 479 5 875050801 +870 480 5 875680142 +870 481 4 875680046 +870 483 5 880584497 +870 487 4 879270313 +870 489 4 875050827 +870 490 3 886883147 +870 494 3 879865875 +870 496 5 882801371 +870 497 4 875050559 +870 499 4 879713935 +870 503 4 879713899 +870 504 5 880584497 +870 505 4 880584752 +870 508 3 881001249 +870 511 3 881001249 +870 513 4 879713578 +870 514 5 875050637 +870 517 2 875680597 +870 520 5 875050559 +870 521 3 875679795 +870 523 5 875050774 +870 527 5 875679687 +870 528 4 875050801 +870 549 2 879270213 +870 550 3 879714310 +870 554 2 879714800 +870 558 4 879270313 +870 559 2 879714532 +870 566 2 882123618 +870 568 4 879714588 +870 569 2 879714631 +870 570 2 879714681 +870 574 1 879902181 +870 579 2 879902161 +870 582 5 879713817 +870 583 2 879714351 +870 589 4 880584534 +870 591 2 879270212 +870 603 5 875050723 +870 606 4 875679687 +870 608 4 875680098 +870 631 2 882123130 +870 640 3 886883147 +870 641 4 875050524 +870 642 4 875680258 +870 644 2 882123665 +870 646 4 875050524 +870 647 4 879270400 +870 649 4 889717102 +870 651 3 879539936 +870 653 4 875050559 +870 654 4 875050801 +870 655 4 875050865 +870 657 5 875050748 +870 658 4 875679992 +870 659 4 875680020 +870 663 3 879540005 +870 673 5 875679721 +870 684 3 879714246 +870 690 2 886372265 +870 692 2 879270213 +870 693 4 879713979 +870 697 4 875050603 +870 699 3 879901671 +870 704 3 879714532 +870 710 3 875680212 +870 713 4 879376966 +870 715 3 875680597 +870 722 2 879270213 +870 724 4 875679906 +870 732 2 882123355 +870 735 3 875679721 +870 736 1 879901654 +870 746 3 879270400 +870 763 4 879902059 +870 770 4 875679992 +870 772 4 875679767 +870 781 3 881001249 +870 789 4 879705466 +870 792 3 879540005 +870 793 5 875680258 +870 802 3 879714763 +870 810 3 879714883 +870 813 4 875051101 +870 841 2 878737915 +870 856 3 879715002 +870 873 2 875050370 +870 939 3 879714066 +870 943 2 879714310 +870 945 4 879714039 +870 949 3 881001249 +870 952 3 880584584 +870 959 4 875680046 +870 988 2 875050439 +870 1006 2 881001249 +870 1008 3 879377028 +870 1014 2 884789665 +870 1019 3 881001249 +870 1020 3 882385179 +870 1021 2 881001249 +870 1041 2 879270213 +870 1042 2 879902127 +870 1044 2 879714772 +870 1046 3 879714310 +870 1073 5 875050748 +870 1074 2 879270213 +870 1090 2 879902161 +870 1098 4 889812986 +870 1112 2 879714902 +870 1118 3 881001249 +870 1134 4 879376967 +870 1208 2 879902128 +870 1210 1 879902161 +870 1221 3 881001249 +870 1230 2 879901998 +870 1267 2 879270213 +870 1412 2 879714435 +870 1451 3 891214479 +870 1664 4 890057322 +871 4 3 888193338 +871 11 3 888193274 +871 17 3 888193275 +871 22 5 888193177 +871 27 2 888193275 +871 50 5 888193275 +871 56 5 888193177 +871 79 5 888193275 +871 82 3 888193336 +871 92 3 888193338 +871 96 5 888193177 +871 97 3 888193541 +871 121 4 888193275 +871 127 5 888193081 +871 147 5 888193136 +871 161 5 888193275 +871 172 5 888193177 +871 173 5 888193383 +871 174 5 888193176 +871 177 5 888193336 +871 181 3 888193335 +871 182 5 888192925 +871 183 3 888193177 +871 187 5 888193081 +871 190 2 888193275 +871 195 5 888193274 +871 197 3 888193385 +871 202 4 888193385 +871 210 5 888193275 +871 213 3 888193386 +871 216 3 888193384 +871 226 5 888193177 +871 237 3 888193386 +871 241 3 888193385 +871 242 3 888192858 +871 245 3 888192475 +871 258 5 888192970 +871 259 3 888192971 +871 262 3 888192970 +871 269 3 888192970 +871 270 5 888192858 +871 271 5 888192349 +871 272 2 888192859 +871 275 3 888193384 +871 276 5 888193136 +871 286 3 888193136 +871 289 3 888192475 +871 300 4 888192971 +871 301 4 888192475 +871 302 5 888192970 +871 305 3 888192475 +871 307 3 888192315 +871 310 3 888192858 +871 313 5 888192858 +871 315 3 888192286 +871 324 3 888192689 +871 326 5 888192971 +871 331 3 888192202 +871 333 2 888192202 +871 335 3 888192475 +871 337 3 888192475 +871 342 4 888192475 +871 345 3 888192859 +871 346 3 888192859 +871 347 5 888192315 +871 352 3 888192971 +871 359 3 888192743 +871 360 3 888192475 +871 402 3 888193541 +871 435 3 888193336 +871 510 3 888193335 +871 511 2 888193177 +871 515 4 888193176 +871 526 5 888193337 +871 547 3 888193136 +871 549 3 888193541 +871 566 3 888193337 +871 575 5 888192909 +871 651 2 888193337 +871 662 3 888193541 +871 690 3 888192315 +871 747 3 888193541 +871 750 3 888192689 +871 751 4 888192744 +871 752 3 888192744 +871 781 4 888193541 +871 794 3 888193541 +871 813 3 888193136 +871 876 3 888192689 +871 883 3 888192475 +871 895 3 888192689 +871 896 3 888192858 +871 904 3 888192858 +871 905 3 888192744 +871 907 3 888192745 +871 908 3 888192745 +871 909 3 888192475 +871 937 3 888192689 +871 947 2 888193177 +871 955 3 888193541 +871 989 3 888192744 +871 1022 3 888192689 +871 1024 3 888192689 +871 1072 3 888193541 +871 1119 3 888193384 +871 1137 3 888193541 +871 1176 3 888192858 +871 1197 3 888193136 +871 1345 3 888193136 +871 1385 3 888193136 +871 1386 3 888193136 +871 1388 4 888193136 +871 1430 3 888192744 +871 1431 4 888192971 +871 1434 3 888192689 +872 1 3 888479151 +872 106 3 888479624 +872 111 4 888479151 +872 117 4 888479171 +872 118 4 888479560 +872 121 4 888479206 +872 151 2 888479434 +872 237 4 888479275 +872 258 4 888478698 +872 268 1 888478864 +872 272 4 888478822 +872 273 3 888479274 +872 274 3 888479560 +872 278 3 888479206 +872 280 3 888479275 +872 282 5 888479253 +872 284 3 888479369 +872 288 5 888478743 +872 290 2 888479537 +872 294 3 888478882 +872 300 5 888478766 +872 310 4 888478698 +872 313 5 888478786 +872 323 2 888480019 +872 328 4 888478822 +872 332 3 888480019 +872 334 1 888479894 +872 347 2 888478743 +872 350 3 888478840 +872 354 4 888478822 +872 363 4 888479582 +872 405 4 888479151 +872 409 3 888479677 +872 476 4 888479737 +872 546 4 888479560 +872 591 3 888479253 +872 597 4 888479370 +872 628 4 888479151 +872 682 3 888478822 +872 685 4 888479348 +872 717 4 888479582 +872 742 4 888479171 +872 748 3 888478942 +872 756 4 888479370 +872 763 3 888479405 +872 815 4 888479434 +872 820 3 888479624 +872 826 3 888479654 +872 845 3 888479313 +872 864 3 888479498 +872 871 3 888479677 +872 892 3 888479052 +872 893 4 888478902 +872 895 5 888478882 +872 905 4 888479034 +872 925 4 888479654 +872 926 4 888479516 +872 928 2 888479582 +872 930 3 888479654 +872 932 4 888479498 +872 974 4 888479701 +872 975 4 888479654 +872 977 3 888479737 +872 1011 1 888479333 +872 1028 3 888479434 +872 1040 3 888479701 +872 1047 4 888479603 +872 1061 4 888479701 +872 1165 2 888479537 +872 1284 3 888479434 +872 1376 2 888479603 +873 258 3 891392818 +873 259 1 891392698 +873 269 2 891392092 +873 286 2 891392091 +873 289 2 891392577 +873 292 5 891392177 +873 294 4 891392303 +873 300 4 891392238 +873 307 3 891392360 +873 313 5 891392177 +873 321 1 891392577 +873 326 4 891392656 +873 328 4 891392756 +873 339 3 891392871 +873 342 4 891392698 +873 348 3 891392577 +873 358 2 891392698 +873 750 3 891392303 +873 875 1 891392577 +873 879 2 891392577 +874 14 4 888632411 +874 20 3 888632615 +874 100 4 888632411 +874 111 3 888632411 +874 116 4 888632484 +874 124 4 888632411 +874 125 3 888632585 +874 127 5 888633310 +874 137 4 888632484 +874 150 4 888632448 +874 182 4 888633311 +874 191 4 888633311 +874 197 4 888633310 +874 275 4 888632448 +874 276 4 888632484 +874 285 4 888632411 +874 286 4 888632057 +874 289 4 888633197 +874 302 5 888632098 +874 305 4 888632057 +874 306 4 888632194 +874 311 4 888632098 +874 313 3 888632098 +874 321 3 888632275 +874 325 2 888633197 +874 340 3 888632194 +874 346 3 888632147 +874 357 5 888633311 +874 514 5 888633311 +874 521 5 888633311 +874 654 5 888633311 +874 676 3 888632585 +874 748 3 888633197 +874 751 3 888632147 +875 4 3 876466687 +875 8 3 876465072 +875 12 5 876465230 +875 22 3 876465072 +875 23 5 876466687 +875 28 4 876465408 +875 32 5 876465275 +875 42 4 876465336 +875 45 3 876465072 +875 50 5 876465370 +875 55 3 876465370 +875 56 5 876466687 +875 64 5 876465275 +875 71 2 876465336 +875 96 4 876465144 +875 98 5 876464967 +875 131 4 876465229 +875 133 4 876464967 +875 134 5 876465188 +875 135 4 876465188 +875 169 5 876465025 +875 171 5 876465370 +875 172 4 876465072 +875 173 5 876465111 +875 174 5 876465025 +875 176 4 876465112 +875 179 5 876465188 +875 180 5 876464967 +875 181 4 876465335 +875 183 5 876465144 +875 185 4 876466687 +875 187 4 876466687 +875 195 4 876466687 +875 211 5 876465144 +875 213 4 876465408 +875 258 4 876464694 +875 268 4 876464755 +875 269 4 876464694 +875 286 3 876464694 +875 288 4 876464755 +875 289 4 876464800 +875 294 2 876464755 +875 300 3 876464800 +875 302 5 876464694 +875 321 3 876464755 +875 327 4 876464873 +875 332 3 876464801 +875 333 5 876464801 +875 334 4 876464800 +875 357 5 876465072 +875 358 3 876464800 +875 418 4 876465230 +875 421 4 876465335 +875 423 5 876464967 +875 428 4 876465112 +875 461 4 876466687 +875 462 4 876465188 +875 474 5 876465188 +875 478 4 876465025 +875 479 4 876466687 +875 480 5 876465275 +875 481 5 876465370 +875 496 4 876465144 +875 501 4 876465335 +875 504 5 876465275 +875 511 5 876465188 +875 512 5 876465408 +875 514 5 876465112 +875 518 4 876465408 +875 523 4 876465408 +875 527 4 876465230 +875 582 5 876465408 +875 603 4 876465111 +875 651 5 876466687 +875 652 5 876465275 +875 654 4 876465230 +875 692 2 876465230 +875 707 4 876464967 +875 753 3 876465188 +875 772 5 876465188 +875 806 4 876465230 +875 921 5 876465275 +875 923 5 876465370 +875 937 4 876464830 +875 963 4 876465275 +875 964 4 876465335 +875 1073 5 876465230 +875 1103 5 876465144 +875 1422 3 876465274 +876 19 5 879428354 +876 22 4 879428451 +876 48 5 879428481 +876 174 4 879428378 +876 178 4 879428378 +876 187 4 879428354 +876 238 4 879428406 +876 276 4 879428354 +876 286 5 879428072 +876 288 3 879428101 +876 289 3 879428145 +876 294 4 879428145 +876 318 5 879428406 +876 435 4 879428421 +876 511 5 879428354 +876 523 5 879428378 +876 527 5 879428406 +876 529 4 879428451 +876 531 4 879428481 +876 604 5 879428406 +876 878 2 879428253 +877 14 5 882677048 +877 31 4 882678483 +877 52 4 882677507 +877 55 4 882678512 +877 56 5 882678483 +877 59 5 882677012 +877 60 5 882677183 +877 61 5 882677244 +877 70 5 882677012 +877 79 4 882678387 +877 83 3 882677085 +877 86 4 882677827 +877 88 4 882677967 +877 98 5 882678427 +877 111 3 882677967 +877 155 2 882677997 +877 159 4 882678512 +877 164 5 882678547 +877 170 5 882677012 +877 173 4 882677865 +877 176 5 882678484 +877 185 4 882678387 +877 197 4 882677827 +877 202 4 882677936 +877 203 4 882678427 +877 207 3 882677012 +877 216 4 882677827 +877 222 2 882678484 +877 226 3 882678547 +877 228 4 882678387 +877 237 4 882677827 +877 241 4 882678194 +877 258 4 882676234 +877 269 4 882676098 +877 270 4 882676054 +877 271 4 882676507 +877 274 4 882678105 +877 275 4 882677183 +877 286 2 882675993 +877 288 3 882675993 +877 300 3 882676366 +877 302 2 882676054 +877 306 3 882675993 +877 307 3 882676190 +877 326 4 882676190 +877 328 2 882676366 +877 333 4 882676259 +877 340 3 882676395 +877 371 5 882677935 +877 381 4 882677345 +877 382 3 882677012 +877 402 3 882677997 +877 451 4 882677865 +877 463 4 882677311 +877 475 4 882677085 +877 515 5 882677640 +877 531 5 882677128 +877 538 4 882676533 +877 549 4 882677935 +877 553 4 882678137 +877 557 4 882677715 +877 566 4 882678547 +877 582 2 882677280 +877 584 4 882677507 +877 640 2 882677311 +877 662 5 882677936 +877 690 4 882676098 +877 692 4 882677898 +877 702 4 882677386 +877 727 4 882677967 +877 732 4 882677898 +877 737 1 882677749 +877 738 4 882678137 +877 739 4 882678105 +877 744 5 882677280 +877 748 4 882676423 +877 921 4 882677128 +877 949 3 882677440 +877 955 4 882677936 +877 971 4 882677386 +877 1402 4 882677386 +878 8 3 880866288 +878 9 4 880865562 +878 14 5 880865865 +878 15 4 880872273 +878 19 4 880865470 +878 20 2 880865715 +878 22 2 880866918 +878 45 3 880867665 +878 50 4 880865562 +878 51 4 880869239 +878 57 4 880867987 +878 59 3 880866054 +878 60 4 880867035 +878 64 5 880866446 +878 66 3 880869354 +878 70 3 880868035 +878 71 4 880870130 +878 82 3 880870609 +878 88 4 880869418 +878 97 3 880869090 +878 98 4 880866848 +878 99 4 880870130 +878 100 2 880865661 +878 111 4 880867282 +878 116 2 880869638 +878 126 3 880865940 +878 127 4 880867444 +878 136 4 880866241 +878 137 3 880865562 +878 140 2 880870486 +878 151 1 880870609 +878 152 4 880870854 +878 153 5 880866177 +878 154 3 880866369 +878 155 3 880869418 +878 165 4 880866241 +878 166 4 880870854 +878 168 4 880866626 +878 170 4 880867485 +878 172 4 880870854 +878 174 3 880872669 +878 175 2 880869911 +878 179 4 880866626 +878 181 3 880865770 +878 191 4 880866564 +878 194 4 880869911 +878 197 4 880866971 +878 202 4 880869090 +878 204 2 880869911 +878 212 3 880867987 +878 213 3 880867854 +878 215 2 880866687 +878 216 4 880869135 +878 225 3 880870765 +878 234 1 880872619 +878 236 2 880865470 +878 237 3 880868955 +878 258 3 880865562 +878 265 3 880866626 +878 269 4 880865183 +878 274 3 880869003 +878 275 4 880865469 +878 276 3 880865715 +878 283 3 880868035 +878 285 5 880865562 +878 286 4 880865183 +878 317 4 880866054 +878 318 5 880866013 +878 321 2 880865300 +878 371 3 880869239 +878 393 3 880870487 +878 402 4 880869303 +878 416 5 880870854 +878 418 3 880870130 +878 427 5 880872394 +878 432 3 880870048 +878 435 4 880866103 +878 451 2 880869135 +878 462 4 880866509 +878 463 2 880866177 +878 474 5 880868819 +878 481 5 880870854 +878 482 4 880866134 +878 485 3 880866103 +878 496 5 880867387 +878 497 2 880872395 +878 498 4 880866758 +878 509 4 880866288 +878 511 4 880866810 +878 512 5 880867709 +878 514 4 880870854 +878 515 4 880865900 +878 517 4 880866687 +878 529 5 880870854 +878 530 5 880872619 +878 531 2 880866564 +878 535 1 880871600 +878 549 4 880869303 +878 553 3 880869303 +878 582 4 880866810 +878 584 4 880867803 +878 588 2 880870048 +878 640 1 880867751 +878 642 3 880866971 +878 650 2 880866883 +878 655 3 880866687 +878 659 4 880870854 +878 662 1 880871600 +878 663 5 880868635 +878 690 2 880865230 +878 692 4 880869191 +878 699 1 880871600 +878 702 1 880871600 +878 707 2 880866409 +878 732 4 880869302 +878 736 5 880868035 +878 739 3 880869303 +878 740 2 880865813 +878 755 2 880870486 +878 781 1 880871600 +878 794 4 880869418 +878 796 2 880869473 +878 855 3 880867803 +878 921 4 880867665 +878 923 3 880866687 +878 949 3 880871600 +878 956 2 880866810 +878 1039 3 880866508 +878 1041 1 880871600 +878 1065 1 880871600 +878 1092 3 880867444 +878 1100 3 880869418 +878 1121 2 880867895 +878 1149 4 880868820 +879 1 4 887761865 +879 15 4 887761865 +879 25 4 887761865 +879 50 4 887761865 +879 111 4 887761865 +879 117 4 887761865 +879 118 3 887761562 +879 121 4 887761865 +879 125 5 887761174 +879 127 5 887761249 +879 151 3 887761425 +879 181 4 887761088 +879 222 4 887761460 +879 237 4 887761309 +879 255 4 887761156 +879 276 4 887761865 +879 282 4 887761865 +879 292 4 887760823 +879 294 3 887760951 +879 300 3 887760802 +879 304 4 887760912 +879 596 2 887761380 +879 597 2 887761229 +879 685 4 887761865 +879 751 2 887760879 +879 763 5 887761425 +879 866 5 887761460 +879 1047 2 887761477 +879 1284 3 887761562 +880 1 4 880166744 +880 2 3 880167732 +880 3 1 880175023 +880 4 4 880167843 +880 5 3 880241379 +880 7 3 880166872 +880 8 4 880174677 +880 11 4 880167695 +880 12 5 880175622 +880 17 3 880174808 +880 21 2 880174961 +880 22 4 880167695 +880 23 5 880175735 +880 24 3 880167175 +880 25 4 880166938 +880 27 3 880167965 +880 28 5 880175690 +880 29 2 880167965 +880 31 4 880243629 +880 33 3 880167880 +880 38 3 880168411 +880 39 4 880167731 +880 40 2 880174904 +880 41 1 880175239 +880 42 5 880174808 +880 44 4 880243712 +880 47 4 880174730 +880 49 3 880174858 +880 50 5 880167175 +880 53 4 880168411 +880 54 3 880242503 +880 55 3 880167778 +880 56 5 880167731 +880 62 3 880168411 +880 63 3 880174926 +880 64 5 880175646 +880 65 4 880241977 +880 67 1 880175023 +880 68 5 880167843 +880 69 4 880175646 +880 70 4 880174677 +880 71 4 880241289 +880 72 3 880174996 +880 79 4 880167670 +880 80 2 880175050 +880 81 4 880242094 +880 82 3 880167806 +880 85 3 880174904 +880 87 4 880241913 +880 88 3 880174705 +880 90 3 880174858 +880 91 3 880241256 +880 92 4 880167778 +880 93 4 880174623 +880 94 3 880175097 +880 95 3 880241219 +880 96 4 880167695 +880 97 4 880175714 +880 98 5 880241327 +880 99 3 880241219 +880 100 5 880166966 +880 105 3 880175077 +880 109 4 880167114 +880 110 3 880175128 +880 111 4 880167132 +880 117 4 880166872 +880 118 3 880167551 +880 120 2 880175503 +880 121 2 880167030 +880 122 3 880175208 +880 123 4 880167247 +880 124 5 880166847 +880 127 5 880167066 +880 128 3 880167806 +880 137 4 880166827 +880 140 4 880243001 +880 144 5 880167670 +880 147 4 880167224 +880 148 2 880167030 +880 150 4 880166798 +880 151 4 880242848 +880 156 4 880243680 +880 158 2 880175128 +880 161 2 880167778 +880 168 3 880174623 +880 172 5 880167695 +880 173 3 880174780 +880 174 4 880167670 +880 176 5 880167731 +880 177 5 880167778 +880 179 4 880175735 +880 180 5 880241822 +880 181 5 880166719 +880 182 5 880167670 +880 184 4 880167843 +880 185 5 880241355 +880 186 4 880174808 +880 187 5 880167671 +880 188 4 880167842 +880 191 5 880175597 +880 194 5 880174623 +880 195 4 880167670 +880 200 4 880241355 +880 201 4 880174834 +880 202 4 880174834 +880 204 5 880174652 +880 208 5 880174652 +880 209 3 880174623 +880 210 4 880167670 +880 217 4 880241411 +880 218 4 880241355 +880 222 4 880166990 +880 226 4 880167806 +880 227 2 880167918 +880 228 3 880167843 +880 230 3 880167732 +880 231 2 880167880 +880 232 4 880167806 +880 233 4 880167918 +880 234 5 880241327 +880 235 3 880166990 +880 237 4 880166798 +880 238 4 880174652 +880 239 4 880174808 +880 240 4 880167151 +880 243 2 892958608 +880 245 2 892958350 +880 246 5 892958837 +880 248 4 892958863 +880 249 4 880166966 +880 250 3 880167521 +880 252 2 880167551 +880 254 2 880167599 +880 257 5 880167521 +880 258 4 880166499 +880 260 4 892958484 +880 268 5 892958128 +880 269 4 892958090 +880 272 5 892958036 +880 273 5 880166770 +880 276 4 880166872 +880 280 2 880243204 +880 281 4 880167384 +880 282 2 880166966 +880 283 3 880167008 +880 284 4 880242528 +880 287 4 892958966 +880 288 4 880166451 +880 293 4 880166872 +880 294 4 880166557 +880 295 5 892958887 +880 298 4 880166827 +880 299 4 892958517 +880 300 3 880166451 +880 301 4 880166557 +880 302 5 880166451 +880 307 4 892958090 +880 310 3 892958036 +880 315 5 892958175 +880 316 5 892958128 +880 318 5 880241746 +880 327 3 880166475 +880 328 4 880166557 +880 329 4 892958250 +880 342 3 892958275 +880 346 5 892958128 +880 347 5 892958301 +880 348 4 892958376 +880 356 4 880242475 +880 357 5 880175622 +880 363 4 880167200 +880 365 2 880242660 +880 366 2 880242257 +880 367 4 880174730 +880 368 1 880175503 +880 369 1 880175503 +880 375 1 880242782 +880 376 3 880175239 +880 379 4 880241434 +880 380 3 880242281 +880 381 4 880174808 +880 383 3 880243147 +880 384 3 880175157 +880 385 4 880167843 +880 386 3 880174995 +880 392 3 880242475 +880 393 3 880174926 +880 394 3 880243319 +880 396 2 880174995 +880 398 3 880167965 +880 401 3 880175077 +880 402 3 880242115 +880 403 3 880167778 +880 405 4 880167328 +880 407 1 880175503 +880 409 2 880243069 +880 410 4 880166938 +880 411 4 880167328 +880 412 3 880167306 +880 418 4 880241256 +880 421 2 880243204 +880 423 5 880175690 +880 435 4 880167778 +880 451 2 880243230 +880 456 3 880175270 +880 461 4 880175666 +880 467 4 880241821 +880 468 3 880242422 +880 470 4 880242306 +880 471 4 880167114 +880 473 3 880167132 +880 475 4 880166798 +880 476 3 880175444 +880 477 3 880166966 +880 508 4 880166966 +880 527 4 880241943 +880 541 2 880167918 +880 546 3 880167410 +880 549 4 880243230 +880 550 4 880167880 +880 554 3 880168411 +880 556 3 880242451 +880 566 3 880167880 +880 568 5 880167843 +880 570 3 880167965 +880 571 2 880175187 +880 575 3 880175077 +880 577 3 880175207 +880 578 3 880168411 +880 579 3 880243882 +880 584 3 880242933 +880 585 1 880175050 +880 588 4 880241219 +880 591 4 880166990 +880 595 1 880243541 +880 597 3 880167436 +880 603 5 880243629 +880 619 4 880243499 +880 623 4 880243069 +880 625 4 880242933 +880 627 3 880241256 +880 628 2 880166799 +880 636 3 880167918 +880 651 5 880167695 +880 655 4 880174623 +880 657 4 880243629 +880 678 3 880166662 +880 684 4 880167778 +880 685 4 880167083 +880 689 4 880166577 +880 692 3 880174652 +880 693 5 880242191 +880 697 2 880242281 +880 719 3 880174961 +880 720 2 880167965 +880 721 1 880174749 +880 722 3 880174904 +880 728 4 880243410 +880 731 4 880175023 +880 732 4 880174652 +880 734 3 880175240 +880 742 4 880166847 +880 746 4 892959246 +880 748 4 892958250 +880 755 3 880242848 +880 761 4 880167965 +880 762 4 893028813 +880 763 3 880167247 +880 768 2 880242848 +880 769 3 880241492 +880 770 4 880167880 +880 771 3 880243848 +880 779 3 880167965 +880 780 3 880175157 +880 781 3 880174961 +880 783 1 880175187 +880 790 3 880175050 +880 791 2 880174961 +880 793 4 880174677 +880 794 4 880243265 +880 795 2 880243147 +880 801 3 880175239 +880 802 3 880167918 +880 810 3 880168411 +880 815 4 893028814 +880 818 2 880175468 +880 820 3 880167384 +880 823 3 880167435 +880 824 4 880174879 +880 825 4 880167288 +880 826 3 880167551 +880 831 4 880167411 +880 833 4 880167288 +880 841 3 880167411 +880 845 3 880167200 +880 849 3 880167918 +880 864 3 880167200 +880 876 4 892958376 +880 879 3 880166529 +880 881 4 892958401 +880 902 4 892958301 +880 926 3 880167328 +880 928 2 880167435 +880 930 2 880167551 +880 931 3 880243564 +880 940 3 880175157 +880 948 4 880166662 +880 956 3 880242380 +880 976 2 880243588 +880 986 3 880167569 +880 992 4 892959014 +880 1000 3 880175128 +880 1001 2 880167435 +880 1002 3 880175527 +880 1012 4 880166827 +880 1013 3 880167355 +880 1014 4 892959041 +880 1016 4 880167223 +880 1017 3 880175077 +880 1023 2 880175405 +880 1030 2 880243147 +880 1035 4 880242933 +880 1036 2 880243147 +880 1041 4 880175128 +880 1044 4 880242577 +880 1047 3 880175157 +880 1049 3 892959087 +880 1052 1 880175503 +880 1053 3 880242660 +880 1058 2 880242421 +880 1059 4 880166939 +880 1093 3 880167384 +880 1095 3 880175503 +880 1119 3 880242028 +880 1134 5 880241609 +880 1139 4 880242577 +880 1151 3 880167454 +880 1157 4 880243817 +880 1165 2 880175527 +880 1181 3 880242781 +880 1184 3 880167806 +880 1185 1 880174995 +880 1188 2 880167880 +880 1197 3 880167151 +880 1210 4 880243790 +880 1215 1 880167599 +880 1217 3 880243712 +880 1222 4 880168411 +880 1224 3 880242632 +880 1225 2 880174834 +880 1244 3 880167411 +880 1258 3 880175368 +880 1267 4 880242356 +880 1270 3 880175187 +880 1276 3 880167384 +880 1277 4 880167355 +880 1284 4 880167355 +880 1291 3 880175468 +880 1296 3 892958128 +880 1415 2 880243093 +880 1423 3 880175577 +880 1446 4 880174705 +880 1468 4 880242139 +880 1478 3 880242547 +880 1496 4 880243147 +880 1518 2 880242422 +880 1620 3 880167288 +880 1664 4 892958799 +881 1 4 876535796 +881 4 3 876538286 +881 7 4 876536164 +881 8 4 876537457 +881 9 3 876536198 +881 11 4 876537752 +881 13 4 876536364 +881 14 1 879051971 +881 15 3 876536241 +881 21 3 876536667 +881 22 5 876538028 +881 23 4 876537419 +881 25 3 876536198 +881 27 3 876538953 +881 28 5 876537612 +881 29 2 876539091 +881 31 5 876537577 +881 38 3 876538763 +881 43 3 876539595 +881 49 5 876538986 +881 50 3 876535927 +881 51 5 876538889 +881 53 2 876539448 +881 54 4 876539387 +881 56 1 876962037 +881 58 3 876538796 +881 62 4 876538666 +881 63 4 876538853 +881 64 5 876537933 +881 69 3 876537933 +881 70 2 876539220 +881 71 4 876538322 +881 72 2 876539220 +881 77 2 876538627 +881 79 4 876537825 +881 81 3 876538666 +881 82 5 876538286 +881 88 3 876538595 +881 89 4 876537577 +881 90 3 876539595 +881 94 2 876539020 +881 95 4 876537679 +881 96 3 876537718 +881 97 3 876537613 +881 98 5 876537612 +881 99 3 876538571 +881 100 4 876536414 +881 103 1 876536745 +881 105 3 876537285 +881 106 4 879052493 +881 108 3 879052402 +881 112 2 876536978 +881 117 5 876535796 +881 118 4 876536332 +881 120 2 879052376 +881 121 5 876536391 +881 125 5 876536745 +881 127 4 876536079 +881 129 4 879052141 +881 132 3 876538726 +881 133 4 876537718 +881 134 5 876539260 +881 135 4 876537900 +881 136 4 876538537 +881 139 3 876538922 +881 140 2 876538098 +881 141 3 876538889 +881 143 5 876539128 +881 151 2 876536241 +881 161 3 876538506 +881 168 3 876537933 +881 172 4 876538986 +881 174 5 876537718 +881 175 2 876537418 +881 176 4 876537679 +881 177 4 876537900 +881 178 3 876537512 +881 179 5 876538400 +881 180 5 876538063 +881 181 4 876535928 +881 182 3 876538571 +881 183 4 876537995 +881 185 5 876537418 +881 186 3 876538221 +881 187 4 876539091 +881 188 4 876538665 +881 191 5 876537457 +881 192 5 876537577 +881 193 5 876538131 +881 194 3 876538185 +881 195 4 876539636 +881 196 3 876538185 +881 197 3 876537870 +881 199 5 876538824 +881 200 2 876538185 +881 202 4 876537825 +881 204 4 876538506 +881 205 4 876538465 +881 208 3 876538098 +881 209 3 876537718 +881 214 4 876538322 +881 215 3 876538726 +881 216 4 876538922 +881 217 3 876538131 +881 218 4 876539260 +881 222 5 876536079 +881 225 2 876536012 +881 226 3 876538400 +881 227 4 876538953 +881 228 3 876537995 +881 229 4 876538726 +881 230 4 876539291 +881 233 3 876538922 +881 234 3 876537870 +881 238 1 876537679 +881 240 1 879052141 +881 243 2 876535663 +881 255 3 876536332 +881 257 5 876536040 +881 259 3 876535599 +881 265 5 876538286 +881 274 3 876536850 +881 276 5 876536079 +881 281 3 876536439 +881 282 4 876536773 +881 286 2 876961961 +881 289 1 876535544 +881 291 3 876537177 +881 294 3 876535642 +881 304 3 876535642 +881 322 4 879051511 +881 323 2 879051487 +881 333 5 876535642 +881 356 3 876539477 +881 357 5 876537457 +881 375 1 876539387 +881 380 4 876538763 +881 385 4 876538666 +881 392 5 876538155 +881 393 4 876539091 +881 395 3 876538322 +881 399 4 876538465 +881 400 2 876539128 +881 401 1 876539260 +881 403 3 876539330 +881 405 4 876536667 +881 409 4 879052545 +881 411 3 879052376 +881 412 1 876536523 +881 414 5 876537752 +881 417 2 876538131 +881 419 5 876538691 +881 420 3 876539549 +881 423 4 876538726 +881 430 4 876537870 +881 432 3 876537825 +881 434 2 876538889 +881 435 3 876538796 +881 441 2 876539549 +881 443 5 876539448 +881 447 4 876538953 +881 449 3 876539549 +881 451 1 876539186 +881 456 1 879052291 +881 465 3 876538595 +881 472 4 876537285 +881 473 2 876536636 +881 474 3 876537870 +881 476 2 879052198 +881 477 4 876536107 +881 478 4 876537612 +881 480 4 876537679 +881 483 4 876537418 +881 484 4 876537512 +881 490 4 876538763 +881 495 5 876537752 +881 498 4 876537577 +881 504 3 876537577 +881 506 4 876539020 +881 511 5 876537419 +881 514 4 876537457 +881 515 4 876535967 +881 520 5 876538986 +881 521 4 876537870 +881 523 4 876537825 +881 524 4 876537825 +881 526 5 876538251 +881 527 3 876537900 +881 528 5 876538536 +881 530 5 876538571 +881 542 1 876538763 +881 546 4 876536012 +881 550 3 876539261 +881 554 1 876539636 +881 559 2 876539220 +881 561 4 876538465 +881 566 4 876538796 +881 568 4 876539020 +881 573 3 876539260 +881 575 2 876539330 +881 576 3 876538824 +881 580 5 876538251 +881 582 1 876538465 +881 588 3 876538027 +881 596 3 876536241 +881 601 5 876539186 +881 615 4 876539291 +881 620 2 879052198 +881 625 5 876538465 +881 630 4 876539187 +881 642 4 876538027 +881 651 5 876539549 +881 654 4 876539156 +881 655 4 876539448 +881 663 5 876538322 +881 671 3 876537512 +881 678 2 876535695 +881 679 1 876539129 +881 685 2 876536877 +881 705 1 876537679 +881 712 3 876539156 +881 728 3 876539129 +881 732 5 876538465 +881 739 4 876539091 +881 742 4 876536773 +881 748 3 876535544 +881 755 4 876538922 +881 756 4 876536012 +881 763 3 879052317 +881 768 3 876539505 +881 790 3 876539549 +881 795 2 876539418 +881 812 2 876539505 +881 820 2 876537285 +881 826 1 879052109 +881 831 2 879052493 +881 849 2 876539051 +881 864 3 876536198 +881 924 3 876536850 +881 934 3 876537011 +881 943 4 876537404 +881 1028 3 876537056 +881 1033 1 876536745 +881 1046 3 876539051 +881 1057 1 879052341 +881 1066 3 876538726 +881 1078 3 876539260 +881 1089 1 876537011 +881 1118 3 876538131 +881 1124 4 876538627 +881 1133 2 876539360 +881 1164 1 876537106 +881 1177 1 876539418 +881 1215 1 879052376 +881 1217 5 876538506 +881 1228 3 876538986 +881 1411 2 876539595 +881 1480 2 876539636 +881 1540 1 876539091 +882 1 5 879864558 +882 4 4 879868118 +882 7 4 879862652 +882 8 5 879864789 +882 11 4 879867816 +882 15 5 879862141 +882 21 2 879863909 +882 25 2 879862652 +882 28 5 879867508 +882 33 2 879868197 +882 50 5 879867694 +882 56 4 879865307 +882 66 4 879867980 +882 69 5 879864917 +882 70 3 879876573 +882 71 5 879867631 +882 79 5 879878486 +882 82 5 879867885 +882 86 5 879867568 +882 89 5 879867508 +882 95 4 879877155 +882 96 4 879878140 +882 98 5 879865750 +882 99 5 879878486 +882 101 3 879879807 +882 105 3 879863735 +882 117 4 879861492 +882 118 4 879863031 +882 121 4 879861739 +882 122 2 879863831 +882 131 4 879876573 +882 132 5 879864970 +882 133 5 879867263 +882 135 5 879876806 +882 140 3 879879868 +882 143 4 879876806 +882 147 4 879863106 +882 151 5 879862327 +882 168 5 879867631 +882 172 5 879864970 +882 173 5 879867980 +882 174 5 879864697 +882 176 4 879867980 +882 177 5 879867885 +882 180 4 879865307 +882 181 5 879867430 +882 183 4 879864789 +882 185 5 879877245 +882 186 5 879879731 +882 191 5 879867694 +882 193 5 879867263 +882 194 3 879879668 +882 195 5 879867568 +882 196 4 879867263 +882 199 5 879867508 +882 202 4 879876806 +882 203 4 879867508 +882 204 5 879864697 +882 205 5 879865307 +882 208 5 879868197 +882 210 4 879867568 +882 211 4 879867431 +882 215 5 879867816 +882 216 4 879867508 +882 222 5 879861562 +882 225 5 879862865 +882 227 4 879879868 +882 228 5 879867694 +882 230 5 879867508 +882 235 3 879863560 +882 237 5 879862327 +882 243 4 879861325 +882 258 3 879860936 +882 265 5 879867431 +882 275 5 879861678 +882 284 3 879862865 +882 288 3 879860762 +882 290 4 879862217 +882 291 4 879862936 +882 294 4 879860936 +882 357 4 879864917 +882 369 3 879863257 +882 378 5 879868198 +882 380 5 879868197 +882 393 4 879880132 +882 405 4 879861939 +882 407 2 879863831 +882 409 4 879863031 +882 411 3 879863457 +882 412 1 879863735 +882 416 4 879879868 +882 419 5 879864917 +882 420 5 879879807 +882 423 5 879878486 +882 427 5 879877026 +882 429 4 879866320 +882 432 5 879865307 +882 455 3 879862652 +882 465 3 879876573 +882 470 4 879867816 +882 471 4 879861562 +882 473 3 879862936 +882 476 3 879863735 +882 496 5 879866320 +882 501 5 879879807 +882 510 5 879864642 +882 515 5 879865307 +882 526 4 879864642 +882 546 2 879863031 +882 559 3 879876806 +882 566 4 879876806 +882 568 5 879865629 +882 582 5 879876573 +882 588 4 879867430 +882 597 4 879863106 +882 616 4 879879807 +882 660 3 879879731 +882 662 3 879879807 +882 684 3 879877026 +882 692 4 879867631 +882 739 4 879880131 +882 746 4 879865163 +882 748 5 879861155 +882 756 3 879863457 +882 815 2 879861678 +882 820 3 879863969 +882 841 1 879863909 +882 929 1 879863176 +882 932 4 879863969 +882 969 5 879880132 +882 988 5 879861385 +882 1015 3 879863457 +882 1052 2 879864125 +882 1060 3 879862652 +882 1116 4 879879868 +882 1412 3 879867368 +882 1444 4 879877245 +883 1 3 891914583 +883 4 4 891694276 +883 7 5 891754985 +883 8 4 891694249 +883 9 4 891717495 +883 10 5 892557605 +883 11 2 891696824 +883 12 4 891717356 +883 13 4 891723351 +883 14 3 891693675 +883 16 4 891692713 +883 19 2 891692657 +883 20 4 891693723 +883 22 3 891696824 +883 24 4 891692657 +883 26 3 891693139 +883 28 3 891717908 +883 30 4 891693058 +883 39 4 891696864 +883 45 5 891695570 +883 47 3 891694182 +883 48 4 891717283 +883 49 3 891694636 +883 50 4 891696824 +883 52 3 891693169 +883 53 5 891696999 +883 55 4 891696864 +883 56 5 891694276 +883 58 3 891717380 +883 59 5 891692982 +883 60 5 891693012 +883 61 5 891693012 +883 64 4 891717988 +883 65 4 891717319 +883 66 3 891694636 +883 68 4 891696957 +883 69 2 891717356 +883 70 3 891693169 +883 72 4 891694431 +883 79 4 891696864 +883 81 5 891717908 +883 82 3 891696999 +883 83 3 891693200 +883 86 3 891693086 +883 88 4 891696715 +883 89 5 891696864 +883 90 3 891694672 +883 96 4 891696864 +883 98 3 891695666 +883 100 4 891717462 +883 113 4 891693723 +883 116 5 891692786 +883 124 5 891717419 +883 127 5 891717319 +883 129 5 891755088 +883 134 5 891754950 +883 135 4 891717319 +883 137 5 891717356 +883 144 4 892557605 +883 147 2 891717419 +883 151 5 892439523 +883 153 5 891723290 +883 154 4 891754985 +883 168 5 891694218 +883 170 3 891693139 +883 172 4 891696824 +883 173 4 891694182 +883 174 4 891696824 +883 175 5 891694312 +883 176 4 891696895 +883 183 5 891696895 +883 185 5 891695692 +883 190 4 891693058 +883 194 3 891694218 +883 195 5 891696824 +883 197 4 891696689 +883 198 5 891695570 +883 199 4 891717462 +883 202 4 891694312 +883 204 4 891694182 +883 207 3 891693012 +883 208 4 891694340 +883 209 3 891694311 +883 210 4 891723351 +883 211 5 891694249 +883 212 5 891695570 +883 213 2 891693058 +883 216 4 891694249 +883 222 3 891717495 +883 224 4 891692683 +883 226 3 892557605 +883 227 3 891696930 +883 228 4 891696824 +883 229 4 891696930 +883 234 4 891695666 +883 237 3 891717963 +883 238 4 891694218 +883 239 3 891694401 +883 241 4 891696714 +883 250 3 892439468 +883 251 5 891692657 +883 256 5 891692713 +883 257 5 891914605 +883 265 3 891696864 +883 269 3 891691436 +883 270 4 891691436 +883 271 2 891692116 +883 273 4 892557850 +883 275 4 891692657 +883 276 5 891717462 +883 277 4 891717936 +883 279 3 891717356 +883 283 4 891692742 +883 285 5 891723351 +883 286 3 891691654 +883 289 5 891692168 +883 302 5 891691410 +883 304 3 891691534 +883 306 3 891691410 +883 311 4 891691505 +883 312 3 891692044 +883 313 3 891692285 +883 315 3 891691353 +883 316 5 891692168 +883 318 4 891717936 +883 319 3 891691560 +883 322 5 891692168 +883 323 5 891692168 +883 331 3 891691654 +883 338 4 891695193 +883 342 4 891692116 +883 345 3 891691465 +883 346 4 891691353 +883 347 4 891691559 +883 349 2 892557605 +883 354 4 891692000 +883 355 5 891692168 +883 367 5 891694218 +883 372 3 891694544 +883 382 3 891693200 +883 384 3 891694431 +883 385 1 891696999 +883 386 3 891694372 +883 387 5 891696750 +883 396 2 891695743 +883 399 5 891696999 +883 403 5 891696999 +883 405 3 891916961 +883 407 3 892557605 +883 408 5 891914522 +883 414 3 891694431 +883 421 5 891696689 +883 430 5 891694401 +883 435 4 891696895 +883 455 4 891916411 +883 461 5 891717988 +883 462 5 891693085 +883 463 3 891693058 +883 464 5 891717533 +883 477 5 891914545 +883 479 5 891755017 +883 487 5 891755066 +883 490 4 891755017 +883 496 2 891755066 +883 504 5 891754950 +883 506 5 891754950 +883 511 4 891717419 +883 512 5 891693058 +883 513 5 891717319 +883 514 4 891694182 +883 515 5 891692657 +883 516 4 891694372 +883 517 4 891694218 +883 519 5 891717283 +883 523 5 891694276 +883 529 5 891693012 +883 530 3 891696823 +883 531 3 891693497 +883 549 4 891696782 +883 550 3 892557605 +883 553 4 891696782 +883 559 3 891695692 +883 561 3 891695717 +883 566 3 891696999 +883 568 3 891696999 +883 580 3 891693200 +883 582 3 891693387 +883 584 3 891693200 +883 589 5 891754985 +883 603 4 891755017 +883 634 3 891692874 +883 647 5 891717319 +883 648 4 891694249 +883 656 5 891695666 +883 659 3 891694218 +883 661 4 891718914 +883 665 4 891695717 +883 684 3 891755066 +883 692 3 891694249 +883 693 4 891717988 +883 694 5 891693110 +883 703 3 891693139 +883 707 3 891693139 +883 709 5 891694431 +883 712 3 891694249 +883 713 3 891692742 +883 715 5 891694311 +883 724 4 891696689 +883 727 3 891696750 +883 732 3 891694340 +883 736 3 891696750 +883 739 2 891696715 +883 740 4 891692742 +883 745 5 891694431 +883 748 5 891692168 +883 749 3 891695490 +883 750 3 891691485 +883 752 4 892872163 +883 770 4 891696957 +883 778 4 891694372 +883 781 3 891694340 +883 785 3 891694372 +883 792 4 891694182 +883 794 4 891696750 +883 796 3 891696782 +883 805 4 891723323 +883 847 4 892557605 +883 856 5 891694401 +883 863 3 891693497 +883 867 5 891695588 +883 873 3 891695173 +883 882 4 891691388 +883 886 3 892439422 +883 896 5 891691465 +883 900 5 891691654 +883 902 4 891691534 +883 919 4 891692713 +883 922 5 891717963 +883 945 4 891754985 +883 952 3 891916924 +883 955 5 891696689 +883 956 4 891717885 +883 971 3 891693200 +883 989 5 891692168 +883 1005 5 891695570 +883 1009 4 891692811 +883 1012 5 891916324 +883 1019 5 891695570 +883 1021 5 891693058 +883 1041 3 891694603 +883 1045 5 891717462 +883 1065 5 891717533 +883 1074 4 891694340 +883 1115 4 891692765 +883 1118 4 891694276 +883 1121 3 891693702 +883 1131 5 891695570 +883 1171 5 891695570 +883 1222 5 891696999 +883 1226 3 891914483 +883 1227 3 891693200 +883 1288 4 892439357 +883 1404 3 891694372 +883 1448 5 891695570 +883 1462 5 891695570 +883 1591 3 891695570 +883 1592 5 891692168 +883 1656 5 891692168 +884 9 5 876858820 +884 14 4 876858946 +884 70 4 876859208 +884 86 3 876859208 +884 100 5 876858820 +884 116 4 876858914 +884 127 4 876858877 +884 146 3 876858877 +884 165 3 876859070 +884 166 3 876859207 +884 179 5 876859109 +884 198 5 876859237 +884 212 4 876859238 +884 213 4 876859207 +884 258 5 876857704 +884 268 4 876857704 +884 269 5 876857704 +884 275 4 876857845 +884 285 4 876858820 +884 300 1 876857789 +884 322 3 876857745 +884 323 2 876857745 +884 381 5 876859751 +884 382 5 876859351 +884 462 4 876859237 +884 463 5 876859070 +884 475 4 876858914 +884 509 4 876859090 +884 510 5 876859330 +884 515 4 876858914 +884 529 5 876859301 +884 582 5 876859351 +884 638 4 876859301 +884 640 1 876859161 +884 713 3 876858914 +884 736 3 876859329 +884 921 5 876859277 +884 923 3 876859109 +884 949 2 876860604 +884 1009 2 876859024 +884 1018 2 876860514 +884 1073 4 876859138 +884 1214 1 876860434 +885 1 5 885714990 +885 7 3 885715889 +885 25 4 885713017 +885 28 4 885714136 +885 29 1 885714487 +885 50 3 885712252 +885 56 3 885714641 +885 65 2 885714336 +885 69 4 885714201 +885 70 5 885713585 +885 71 4 885714820 +885 72 1 885713631 +885 79 4 885715803 +885 82 4 885715907 +885 88 4 885713461 +885 91 3 885714820 +885 94 2 885713833 +885 95 4 885714933 +885 97 5 885714136 +885 99 4 885714858 +885 100 3 885712944 +885 111 4 885712996 +885 117 4 885715643 +885 135 2 885714159 +885 142 2 885716369 +885 143 4 885716344 +885 151 4 885716221 +885 153 2 885713357 +885 154 3 885713434 +885 161 4 885715827 +885 167 3 885713807 +885 169 5 885714820 +885 172 3 885715888 +885 173 4 885713357 +885 174 5 885715780 +885 179 1 885714226 +885 181 3 885712280 +885 186 4 885713434 +885 188 3 885715946 +885 189 5 885714820 +885 195 4 885715827 +885 196 3 885714201 +885 204 4 885713294 +885 208 3 885713406 +885 209 2 885713502 +885 210 5 885713544 +885 213 3 885715221 +885 216 3 885715221 +885 225 3 885716242 +885 233 3 885715889 +885 237 5 885715151 +885 239 3 885713609 +885 245 2 885712224 +885 274 5 885712996 +885 278 3 885715468 +885 290 1 885712921 +885 300 4 885712224 +885 318 5 885714093 +885 338 3 885712224 +885 356 3 885714317 +885 365 3 885714431 +885 383 2 885713939 +885 386 2 885713680 +885 393 3 885713680 +885 402 3 885715489 +885 405 4 885715691 +885 417 3 885716369 +885 418 4 885714933 +885 419 4 885716328 +885 420 4 885714858 +885 423 4 885714136 +885 428 4 885713461 +885 432 4 885714820 +885 451 2 885713716 +885 476 4 885713062 +885 501 3 885714820 +885 523 3 885713357 +885 538 4 885712224 +885 549 3 885714409 +885 568 4 885715889 +885 582 2 885714487 +885 584 3 885716328 +885 588 4 885714820 +885 596 4 885714990 +885 625 3 885714858 +885 655 3 885713294 +885 660 5 885714317 +885 662 3 885714362 +885 685 3 885715671 +885 735 3 885714764 +885 739 4 885715241 +885 756 2 885713101 +885 815 4 885715169 +885 821 3 885713585 +885 866 3 885713102 +885 946 3 885714933 +885 949 4 885714452 +885 953 3 885714531 +885 1030 1 885713975 +885 1061 2 885713138 +885 1221 3 885714362 +885 1311 2 885714582 +886 1 4 876031433 +886 2 4 876033368 +886 3 3 876032330 +886 4 3 876031601 +886 5 3 876032929 +886 7 5 876031330 +886 9 5 876032274 +886 10 3 876032030 +886 11 5 876031365 +886 12 5 876031279 +886 15 3 876031869 +886 17 4 876032596 +886 20 2 876031739 +886 22 4 876032378 +886 23 4 876031365 +886 24 4 876031973 +886 26 4 876032929 +886 27 2 876031829 +886 28 4 876031413 +886 29 1 876033576 +886 33 4 876033088 +886 42 5 876032248 +886 43 2 876033134 +886 47 4 876031601 +886 48 4 876031526 +886 49 4 876032187 +886 50 5 876031501 +886 53 1 876032422 +886 54 3 876031279 +886 55 4 876031622 +886 56 4 876031365 +886 58 4 876032331 +886 62 3 876033265 +886 63 3 876033015 +886 64 5 876031573 +886 65 3 876031870 +886 66 3 876032442 +886 67 4 876033228 +886 68 3 876032422 +886 69 2 876031932 +886 71 4 876032274 +886 76 4 876033897 +886 79 5 876032884 +886 80 3 876034228 +886 81 4 876032531 +886 87 4 876032473 +886 89 4 876031720 +886 92 3 876031481 +886 94 4 876033200 +886 95 5 876032531 +886 96 3 876031392 +886 98 4 876032352 +886 100 4 876032187 +886 101 4 876032103 +886 108 5 876033200 +886 117 2 876033624 +886 118 1 876032673 +886 127 4 876032472 +886 128 4 876031551 +886 129 5 876033015 +886 132 3 876032399 +886 144 4 876032509 +886 147 5 876033228 +886 150 4 876031656 +886 153 3 876031279 +886 156 4 876031413 +886 157 4 876031695 +886 159 2 876031695 +886 160 1 876031550 +886 161 5 876033478 +886 164 4 876033053 +886 168 4 876031573 +886 171 4 876032072 +886 172 5 876031527 +886 173 5 876031932 +886 174 5 876032739 +886 175 4 876031550 +886 176 4 876032143 +886 177 4 876031973 +886 178 5 876031829 +886 179 2 876032673 +886 180 5 876031392 +886 181 5 876031392 +886 182 4 876031932 +886 183 5 876033088 +886 184 4 876031309 +886 186 4 876033460 +886 187 4 876031309 +886 188 4 876031365 +886 191 5 876031309 +886 194 3 876031365 +886 195 4 876032030 +886 196 3 876031365 +886 200 3 876031573 +886 201 3 876031695 +886 202 3 876032509 +886 204 3 876031932 +886 208 3 876031764 +886 209 4 876031850 +886 212 2 876031897 +886 214 3 876032072 +886 216 5 876031695 +886 217 2 876032776 +886 218 3 876031829 +886 222 4 876032615 +886 227 3 876032331 +886 228 4 876031601 +886 229 3 876032509 +886 230 2 876033106 +886 231 2 876032247 +886 232 3 876032973 +886 233 3 876032126 +886 234 3 876031932 +886 235 3 876032739 +886 237 4 876031850 +886 238 3 876031459 +886 239 3 876032635 +886 240 3 876031720 +886 241 4 876032531 +886 265 4 876032553 +886 268 5 876031109 +886 273 2 876032274 +886 282 3 876032378 +886 288 4 876031122 +886 318 5 876031308 +886 328 3 876031173 +886 357 4 876031601 +886 364 3 876034006 +886 367 4 876031622 +886 371 1 876033435 +886 380 3 876032929 +886 381 2 876032308 +886 384 3 876034074 +886 385 3 876033293 +886 388 1 876033850 +886 393 3 876033181 +886 396 2 876032739 +886 399 3 876034041 +886 403 4 876031765 +886 405 3 876033434 +886 410 4 876031459 +886 419 3 876032353 +886 423 3 876032422 +886 425 4 876032029 +886 433 2 876032165 +886 435 3 876031459 +886 449 3 876033784 +886 451 3 876033965 +886 466 1 876032577 +886 467 4 876032577 +886 472 3 876033755 +886 474 4 876031720 +886 475 5 876031501 +886 483 4 876031656 +886 496 4 876031952 +886 506 4 876032308 +886 512 1 876031526 +886 518 4 876031601 +886 544 4 876031850 +886 546 1 876031550 +886 549 3 876032929 +886 550 4 876034228 +886 558 3 876031656 +886 559 2 876033265 +886 566 3 876033461 +886 568 3 876032973 +886 578 4 876034205 +886 581 4 876032103 +886 582 1 876032029 +886 584 4 876031993 +886 589 3 876031365 +886 591 3 876031765 +886 623 1 876033069 +886 628 3 876031695 +886 631 4 876033645 +886 636 3 876032473 +886 651 5 876034074 +886 655 4 876032973 +886 657 5 876031695 +886 659 4 876033731 +886 663 4 876032823 +886 685 2 876032378 +886 686 4 876033228 +886 692 3 876032225 +886 693 4 876033897 +886 697 1 876033368 +886 709 3 876032473 +886 710 4 876031601 +886 715 1 876033434 +886 721 5 876033460 +886 726 1 876033340 +886 732 3 876032029 +886 733 4 876032776 +886 746 3 876032473 +886 761 4 876033368 +886 762 5 876033228 +886 772 1 876031973 +886 781 4 876033340 +886 783 1 876033784 +886 789 3 876031656 +886 790 4 876034095 +886 799 1 876032973 +886 801 3 876034205 +886 803 2 876033015 +886 813 4 876032029 +886 819 4 876033897 +886 824 4 876033413 +886 826 1 876032929 +886 833 5 876033460 +886 919 4 876031869 +886 939 4 876031765 +886 940 2 876034255 +886 941 2 876032072 +886 943 3 876032248 +886 959 3 876032473 +886 1010 5 876032103 +886 1014 5 876034371 +886 1019 4 876031695 +886 1046 2 876033755 +886 1048 4 876032840 +886 1065 4 876033731 +886 1067 5 876032509 +886 1073 4 876031805 +886 1074 2 876033645 +886 1093 1 876032654 +886 1095 2 876033897 +886 1119 4 876032553 +886 1170 3 876031481 +886 1208 3 876032596 +886 1209 2 876034041 +886 1217 4 876033602 +886 1228 2 876034228 +886 1231 3 876033828 +886 1267 3 876032072 +886 1303 1 876033987 +886 1324 2 876032308 +886 1421 2 876034174 +886 1435 3 876034174 +886 1467 5 876033987 +886 1489 1 876034074 +887 1 5 881377972 +887 7 4 881377812 +887 8 4 881380025 +887 9 2 881378118 +887 13 1 881378928 +887 22 5 881379566 +887 24 5 881378219 +887 25 2 881378537 +887 28 5 881379522 +887 38 5 881381503 +887 47 5 881381679 +887 50 5 881377758 +887 56 5 881381382 +887 65 5 881381679 +887 69 4 881380025 +887 71 5 881380996 +887 72 4 881381471 +887 82 4 881381028 +887 84 4 881381114 +887 87 5 881380335 +887 90 5 881381071 +887 91 5 881380884 +887 95 4 881379718 +887 96 4 881380403 +887 98 3 881379345 +887 99 5 881380539 +887 100 2 881377854 +887 105 3 881379009 +887 109 5 881378289 +887 111 5 881378370 +887 115 5 881380218 +887 118 5 881378289 +887 121 5 881378370 +887 122 5 881379239 +887 125 5 881377933 +887 127 3 881377854 +887 128 5 881380218 +887 132 4 881380218 +887 140 5 881381425 +887 142 1 881381207 +887 143 5 881379781 +887 151 5 881378325 +887 164 4 881380139 +887 168 4 881380067 +887 172 5 881379718 +887 176 5 881381348 +887 180 4 881380177 +887 181 5 881378040 +887 183 1 881379449 +887 187 4 881381610 +887 195 4 881380438 +887 200 1 881380883 +887 202 5 881379346 +887 204 5 881380067 +887 206 5 881381471 +887 210 5 881379649 +887 218 5 881381471 +887 222 3 881378153 +887 225 4 881379094 +887 228 4 881380709 +887 235 3 881378537 +887 240 5 881378972 +887 243 1 881378370 +887 252 4 881378972 +887 254 4 881379145 +887 257 5 881377854 +887 258 1 881377893 +887 274 1 881378478 +887 279 5 881378478 +887 284 4 881378669 +887 288 4 881378040 +887 289 5 881380623 +887 294 5 881378219 +887 305 5 881377532 +887 318 5 881379649 +887 365 5 881381610 +887 368 5 881381679 +887 369 5 881378896 +887 378 5 881381207 +887 385 4 881380502 +887 393 4 881381114 +887 404 4 881381071 +887 405 5 881378439 +887 409 4 881378971 +887 410 4 881378040 +887 411 4 881379059 +887 412 5 881379188 +887 416 2 881380539 +887 418 4 881380025 +887 419 2 881379748 +887 420 5 881381425 +887 421 5 881379954 +887 423 2 881379954 +887 427 5 881379718 +887 431 3 881379685 +887 432 5 881379988 +887 443 4 881380883 +887 455 5 881378620 +887 465 5 881381307 +887 470 3 881380773 +887 471 3 881377972 +887 472 4 881378402 +887 473 4 881378896 +887 476 1 881379059 +887 477 1 881378570 +887 491 2 881379566 +887 496 4 881379685 +887 501 4 881380884 +887 548 1 881381555 +887 559 4 881381555 +887 562 5 881381071 +887 568 2 881379566 +887 578 4 881381610 +887 588 4 881380298 +887 596 5 881378118 +887 597 5 881378325 +887 609 4 881381207 +887 633 5 881380584 +887 655 1 881379609 +887 673 5 881381382 +887 692 5 881380654 +887 697 1 881380623 +887 699 1 881379566 +887 710 5 881380709 +887 718 1 881377812 +887 720 5 881380813 +887 755 5 881381425 +887 756 5 881379094 +887 760 5 881378669 +887 763 5 881378087 +887 768 4 881381471 +887 826 1 881379239 +887 828 3 881378854 +887 832 2 881379059 +887 839 4 881379566 +887 845 4 881378087 +887 871 5 881378325 +887 926 5 881378537 +887 928 5 881378620 +887 929 1 881379059 +887 931 3 881379009 +887 932 2 881379009 +887 934 4 881379188 +887 946 4 881381348 +887 969 5 881379954 +887 993 5 881378251 +887 1012 1 881378153 +887 1013 4 881379295 +887 1015 5 881377933 +887 1028 5 881379059 +887 1029 5 881381740 +887 1033 4 881379295 +887 1035 5 881381740 +887 1047 5 881378773 +887 1051 4 881378773 +887 1060 5 881378570 +887 1063 1 881380404 +887 1079 1 881378773 +887 1084 5 881377893 +887 1116 5 881381610 +887 1120 5 881378439 +887 1136 5 881381071 +887 1239 3 881381679 +887 1278 2 881378087 +887 1279 3 881378402 +887 1283 5 881378896 +887 1383 4 881379239 +887 1413 4 881380176 +887 1473 1 881379522 +887 1496 4 881380996 +887 1540 5 881380739 +888 69 4 879365104 +888 100 4 879365004 +888 111 4 879365072 +888 137 4 879365104 +888 153 4 879365154 +888 180 4 879365004 +888 191 5 879365004 +888 202 4 879365072 +888 237 5 879365449 +888 269 5 879364981 +888 274 4 879365497 +888 280 3 879365475 +888 286 5 879364981 +888 514 5 879365154 +888 535 4 879365497 +888 631 4 879365224 +888 644 4 879365054 +888 762 5 879365497 +888 792 5 879365054 +888 869 4 879365086 +889 1 3 880177104 +889 2 3 880182460 +889 3 4 880177664 +889 4 3 880180765 +889 7 3 880177219 +889 8 3 880179757 +889 9 4 880176896 +889 11 5 880177941 +889 12 5 880177880 +889 13 4 880177179 +889 17 4 880181910 +889 22 3 880178158 +889 23 3 880179785 +889 24 4 880177266 +889 26 4 880178748 +889 28 4 880181995 +889 29 3 880182428 +889 31 3 880178449 +889 32 4 880180376 +889 33 5 880180817 +889 39 2 880181191 +889 42 5 880180191 +889 50 4 880176807 +889 54 3 880182815 +889 55 4 880181191 +889 56 5 880177857 +889 58 3 880178130 +889 59 4 880177906 +889 60 3 880181275 +889 64 5 880178313 +889 65 4 880180817 +889 67 2 880182541 +889 69 3 880179785 +889 70 3 880180979 +889 71 3 880180849 +889 72 3 880181317 +889 73 3 880181663 +889 77 3 880182359 +889 79 3 880179705 +889 81 4 880180849 +889 82 4 880180122 +889 83 4 880180817 +889 85 3 880181976 +889 86 4 880180191 +889 87 4 880178367 +889 89 4 880177941 +889 91 4 880180784 +889 92 3 880177970 +889 93 3 880177219 +889 94 4 880181646 +889 95 4 880178342 +889 96 4 880181015 +889 97 3 880178748 +889 98 4 880177857 +889 100 4 880176845 +889 117 4 880177154 +889 121 4 880177308 +889 124 4 880177050 +889 125 4 880177435 +889 127 4 880176845 +889 128 5 880180897 +889 129 5 880177266 +889 132 4 880181910 +889 134 4 880179648 +889 135 2 880180101 +889 137 4 880177016 +889 144 4 880178224 +889 147 3 880176926 +889 150 5 880176984 +889 151 3 880177016 +889 153 5 880181317 +889 154 4 880180612 +889 155 3 880182582 +889 156 5 880178204 +889 159 3 880182295 +889 160 4 880180945 +889 161 4 880180897 +889 164 4 880179757 +889 165 3 880178131 +889 168 4 880178449 +889 169 5 880177906 +889 170 4 880177994 +889 171 4 880177970 +889 172 4 880177941 +889 173 5 880178019 +889 174 4 880178183 +889 175 4 880180101 +889 177 4 880178183 +889 178 5 880178078 +889 179 3 880179705 +889 180 4 880180650 +889 181 4 880177131 +889 182 4 880179586 +889 183 3 880178019 +889 185 4 880180266 +889 186 5 880181563 +889 187 4 880177857 +889 188 5 880181317 +889 190 3 880177994 +889 191 4 880178078 +889 192 3 880178204 +889 193 4 880180191 +889 194 5 880178248 +889 195 4 880178204 +889 196 5 880180612 +889 199 5 880181138 +889 202 3 880178773 +889 203 2 880181275 +889 204 4 880179757 +889 207 3 880179785 +889 208 4 880181275 +889 209 2 880178019 +889 210 4 880178342 +889 211 4 880180765 +889 212 2 880181225 +889 216 4 880180191 +889 217 4 880182582 +889 219 2 880178131 +889 223 4 880177906 +889 226 2 880182016 +889 231 3 880182444 +889 232 3 880182270 +889 234 4 880177857 +889 235 3 880177648 +889 237 4 880176874 +889 239 4 880180554 +889 240 3 880177246 +889 246 4 880176926 +889 248 4 880176984 +889 249 3 880177266 +889 250 4 880177179 +889 252 3 880177503 +889 257 4 880176845 +889 258 4 880176550 +889 262 4 880176620 +889 265 4 880180816 +889 268 4 880176620 +889 269 4 880176518 +889 271 3 880176573 +889 273 4 880177016 +889 276 4 880177104 +889 279 2 880177104 +889 282 4 880177246 +889 290 2 880181601 +889 291 3 880182815 +889 294 3 880176686 +889 297 3 880176845 +889 298 4 880177016 +889 300 3 880176620 +889 302 4 880176518 +889 303 3 880176550 +889 317 4 880180849 +889 318 4 880180265 +889 322 3 880176717 +889 327 3 880176620 +889 338 1 880176666 +889 357 4 880177906 +889 381 4 880180784 +889 382 2 880178248 +889 385 3 880180376 +889 386 3 880182207 +889 399 3 880182359 +889 402 3 880182496 +889 403 3 880179868 +889 405 2 880177567 +889 408 3 880176960 +889 411 2 880177541 +889 423 4 880177941 +889 427 4 880177880 +889 428 4 880179536 +889 430 4 880178411 +889 431 4 880179725 +889 433 4 880180612 +889 435 4 880179536 +889 436 3 880181275 +889 451 3 880181488 +889 455 4 880177647 +889 461 3 880181159 +889 462 5 880180707 +889 469 4 880180414 +889 470 4 880180554 +889 471 3 880176926 +889 473 4 880177503 +889 474 4 880177941 +889 475 4 880176896 +889 479 4 880177994 +889 480 5 880178019 +889 482 4 880178367 +889 483 4 880178183 +889 484 4 880178313 +889 488 2 880180265 +889 493 3 880178313 +889 494 3 880181275 +889 497 4 880179893 +889 498 4 880178748 +889 509 2 880180650 +889 511 4 880178183 +889 512 5 880181372 +889 513 4 880178748 +889 514 1 880178158 +889 515 5 880176807 +889 519 4 880179757 +889 520 4 880179756 +889 523 4 880178078 +889 524 4 880180650 +889 533 3 880177352 +889 540 2 880182317 +889 544 3 880177104 +889 546 4 880177435 +889 550 3 880181434 +889 554 4 880181976 +889 562 3 880181911 +889 566 3 880181275 +889 568 3 880179785 +889 575 3 880182850 +889 576 3 880182541 +889 597 3 880182741 +889 603 4 880180122 +889 604 3 880178342 +889 607 4 880179868 +889 615 3 880180707 +889 627 2 880181646 +889 631 3 880178449 +889 636 4 880181663 +889 642 3 880181455 +889 646 3 880177970 +889 647 2 880181191 +889 649 2 880178511 +889 650 2 880178130 +889 651 4 880177906 +889 652 5 880180784 +889 654 3 880178512 +889 655 4 880178224 +889 657 4 880177941 +889 658 4 880181086 +889 659 4 880178367 +889 663 3 880180554 +889 664 2 880182695 +889 676 2 880176874 +889 678 3 880177352 +889 684 2 880180376 +889 686 3 880180612 +889 687 2 880177797 +889 695 3 880179586 +889 696 3 880177407 +889 700 3 880182295 +889 705 4 880178287 +889 718 4 880176807 +889 721 3 880179536 +889 728 3 880181995 +889 729 3 880179785 +889 731 2 880181191 +889 732 2 880179612 +889 734 3 880182815 +889 737 3 880181515 +889 739 3 880182517 +889 741 4 880177131 +889 742 3 880177219 +889 746 4 880179893 +889 747 4 880181515 +889 749 2 880176718 +889 755 3 880182017 +889 762 3 880177154 +889 763 4 880177502 +889 771 2 880182961 +889 782 2 880182784 +889 789 2 880179508 +889 818 4 880177540 +889 819 2 880177738 +889 820 2 880182103 +889 831 2 880177387 +889 833 3 880177472 +889 847 4 880176926 +889 856 4 880181138 +889 866 4 880177407 +889 869 3 880182428 +889 879 3 880176596 +889 881 3 880176717 +889 886 3 880176666 +889 919 5 880177050 +889 943 3 880178512 +889 944 3 880182173 +889 947 4 880181225 +889 949 3 880181646 +889 952 3 880178411 +889 955 3 880179536 +889 959 3 880182103 +889 979 3 880177435 +889 980 4 880178748 +889 1006 4 880181563 +889 1011 3 880177287 +889 1014 2 880177778 +889 1016 3 880177070 +889 1022 4 880176667 +889 1048 3 880177435 +889 1065 4 880180817 +889 1067 3 880177131 +889 1069 1 880182127 +889 1070 3 880178367 +889 1072 3 880182444 +889 1073 5 880179893 +889 1074 3 880181515 +889 1079 2 880177647 +889 1097 3 880176984 +889 1103 2 880180071 +889 1110 3 880182943 +889 1113 5 880182295 +889 1134 4 880177219 +889 1139 1 880182582 +889 1142 4 880176926 +889 1152 3 880177778 +889 1153 4 880181935 +889 1170 2 880182127 +889 1188 2 880182784 +889 1194 4 880180817 +889 1195 3 880182317 +889 1218 4 880178511 +889 1231 3 880182871 +889 1239 1 880182815 +889 1262 3 880182270 +889 1267 3 880182629 +889 1419 2 880182924 +889 1428 3 880179757 +889 1487 3 880182871 +889 1553 3 880180979 +889 1589 5 880177219 +890 1 4 882402975 +890 7 4 882402739 +890 23 5 882403221 +890 50 5 882405807 +890 69 4 882403446 +890 85 1 882917090 +890 89 4 882403446 +890 97 4 882402774 +890 98 4 882403446 +890 101 2 882915661 +890 102 3 882574982 +890 118 2 882915661 +890 121 2 882915661 +890 127 5 882402949 +890 132 5 882403045 +890 133 5 882402518 +890 134 5 882403122 +890 135 5 882405546 +890 136 5 882403045 +890 142 3 882916650 +890 151 5 882916941 +890 152 4 882403299 +890 153 3 882403345 +890 157 4 882916239 +890 162 4 882403007 +890 163 3 883010005 +890 167 2 883010326 +890 168 5 882916704 +890 172 5 882402905 +890 173 4 882575167 +890 174 5 882405780 +890 176 4 882404851 +890 179 5 882403299 +890 181 4 882405808 +890 183 3 882404917 +890 185 5 882402301 +890 186 2 882916276 +890 187 5 882403221 +890 190 4 882403587 +890 193 4 882402826 +890 194 5 882402774 +890 195 5 882403045 +890 200 4 882402633 +890 204 4 882403085 +890 205 5 882405473 +890 208 5 882403007 +890 210 4 882403587 +890 211 2 882915661 +890 214 4 882916588 +890 215 4 882916356 +890 228 4 882404879 +890 229 2 882405059 +890 230 3 882404947 +890 234 5 882404484 +890 237 3 882575209 +890 258 3 882404055 +890 265 2 882405059 +890 271 3 882404055 +890 286 5 882402181 +890 313 5 882914803 +890 324 4 882404093 +890 340 4 882402181 +890 357 5 882403299 +890 385 4 882574402 +890 403 1 882915661 +890 404 4 882915696 +890 423 5 882402905 +890 427 5 882405586 +890 429 4 882403045 +890 434 4 882403587 +890 435 5 882574437 +890 436 3 882402949 +890 443 4 882404541 +890 444 4 882404610 +890 447 3 882404541 +890 448 2 882915661 +890 449 1 882915661 +890 451 2 882575274 +890 452 2 882404723 +890 474 5 882403587 +890 479 5 882402238 +890 480 5 882403477 +890 483 5 882402477 +890 484 3 882915942 +890 489 4 882402826 +890 496 5 882916460 +890 501 4 882403085 +890 514 5 882402478 +890 515 5 882402518 +890 516 2 882916537 +890 520 4 882403643 +890 521 5 882916429 +890 523 4 882403299 +890 524 4 882403379 +890 527 4 882405473 +890 530 4 882405780 +890 589 5 882403221 +890 603 5 882404851 +890 604 5 882403299 +890 625 3 882575104 +890 632 5 882916538 +890 636 3 882404879 +890 637 3 882404610 +890 654 5 882404851 +890 655 3 882915818 +890 657 5 882403379 +890 660 2 882917026 +890 662 3 882575303 +890 663 4 882402949 +890 667 2 882404652 +890 671 5 882404571 +890 674 3 882404610 +890 675 5 882404541 +890 737 3 882917152 +890 739 2 882915661 +890 843 3 882916650 +890 1039 4 882403122 +890 1065 3 882402949 +890 1149 5 883009400 +891 15 4 891638780 +891 25 5 891638734 +891 50 4 891638682 +891 100 5 891638433 +891 107 5 883490041 +891 111 3 891639737 +891 116 3 891639552 +891 117 3 883488774 +891 118 4 883490041 +891 121 4 883490041 +891 126 5 891638601 +891 127 4 883431353 +891 148 5 891639793 +891 181 3 891638601 +891 237 5 891638601 +891 274 5 883429853 +891 278 4 883489438 +891 280 3 883489646 +891 281 5 891639920 +891 282 5 891639793 +891 285 5 891638757 +891 286 5 891638433 +891 313 5 891638337 +891 323 3 883489806 +891 405 3 883489646 +891 409 4 883490041 +891 459 5 891638682 +891 471 5 891639941 +891 476 5 883489605 +891 531 4 883430128 +891 546 3 883489282 +891 591 4 891639497 +891 595 3 883489668 +891 597 3 883489324 +891 717 4 883489728 +891 740 5 891639497 +891 742 4 891639497 +891 756 4 883429918 +891 866 5 883489497 +891 924 5 891639737 +891 933 3 883429998 +891 934 3 883489806 +891 978 4 883489282 +891 1028 3 883489521 +891 1040 3 883489783 +891 1197 5 891638734 +891 1278 5 883489709 +892 1 5 886608185 +892 2 4 886609006 +892 5 4 886611354 +892 7 4 886608473 +892 8 5 886607879 +892 11 3 886608897 +892 12 5 886608022 +892 15 4 886608237 +892 22 5 886608714 +892 25 4 886609828 +892 27 4 886610682 +892 28 4 886607845 +892 29 2 886610565 +892 31 4 886608643 +892 49 4 886610173 +892 50 5 886608802 +892 54 3 886609828 +892 56 4 886607957 +892 58 4 886609469 +892 62 4 886610011 +892 63 4 886610480 +892 64 4 886608347 +892 67 4 886610480 +892 68 4 886611162 +892 69 5 886610048 +892 70 4 886608802 +892 71 3 886608348 +892 72 4 886609939 +892 73 3 886610523 +892 76 4 886609977 +892 79 5 886609622 +892 81 3 886608473 +892 82 3 886609149 +892 87 5 886609263 +892 88 4 886609884 +892 89 5 886608714 +892 90 2 886610078 +892 95 4 886608770 +892 96 4 886608977 +892 97 5 886608802 +892 98 5 886607912 +892 99 3 886610996 +892 100 5 886607642 +892 102 3 886610078 +892 110 3 886610523 +892 117 4 886611161 +892 118 4 886610649 +892 121 4 886609829 +892 125 4 886610588 +892 127 5 886607878 +892 129 3 886608897 +892 131 4 886610451 +892 132 5 886608897 +892 133 3 886609149 +892 134 5 886608591 +892 135 5 886608643 +892 136 4 886609365 +892 143 2 886608238 +892 144 5 886609179 +892 150 5 886608136 +892 151 4 886609330 +892 153 5 886609793 +892 155 2 886609435 +892 157 5 886609029 +892 159 4 886609977 +892 162 4 886609390 +892 168 4 886607778 +892 172 5 886607743 +892 173 5 886607778 +892 174 5 886608616 +892 175 4 886608559 +892 176 5 886608681 +892 177 4 886608507 +892 178 5 886608681 +892 180 5 886609622 +892 181 4 886608212 +892 182 5 886608507 +892 183 5 886608681 +892 184 4 886609726 +892 186 3 886608643 +892 187 5 886608682 +892 188 5 886608185 +892 191 5 886607879 +892 192 5 886608473 +892 194 4 886608423 +892 195 5 886607710 +892 196 4 886609622 +892 202 4 886608135 +892 203 5 886609390 +892 204 4 886608714 +892 208 4 886609029 +892 210 4 886608507 +892 213 3 886608942 +892 214 2 886608897 +892 215 4 886608743 +892 216 5 886609028 +892 222 4 886608094 +892 226 3 886610201 +892 227 4 886609520 +892 228 3 886608095 +892 229 3 886610011 +892 230 4 886609793 +892 233 5 886610049 +892 237 4 886608802 +892 238 4 886608296 +892 239 4 886609829 +892 265 4 886608380 +892 273 4 886608681 +892 274 4 886610451 +892 276 4 886608559 +892 284 5 886610840 +892 288 4 886610626 +892 291 4 886607744 +892 300 4 886607521 +892 318 5 886607641 +892 321 5 886610341 +892 357 5 886607568 +892 367 4 886610588 +892 378 4 886610137 +892 380 4 886609180 +892 385 3 886608000 +892 393 4 886607679 +892 401 3 886609264 +892 403 3 886610372 +892 405 4 886609977 +892 417 3 886610588 +892 418 4 886610996 +892 419 3 886609520 +892 420 2 886610267 +892 422 1 886610996 +892 423 5 886608185 +892 425 5 886608977 +892 429 4 886608559 +892 430 5 886608296 +892 431 4 886607957 +892 432 4 886610996 +892 435 4 886609149 +892 436 3 886610201 +892 441 3 886610267 +892 447 3 886610174 +892 449 2 886610565 +892 465 4 886609295 +892 470 4 886609977 +892 472 3 886610523 +892 473 3 886611023 +892 477 4 886609551 +892 478 5 886608616 +892 479 5 886608616 +892 480 4 886607844 +892 481 5 886610011 +892 482 5 886608136 +892 483 5 886607642 +892 484 5 886607568 +892 487 5 886609295 +892 495 4 886609218 +892 496 5 886609435 +892 497 4 886608347 +892 500 5 886609622 +892 501 3 886611023 +892 511 5 886608296 +892 515 5 886608380 +892 516 5 886608263 +892 521 5 886608263 +892 523 5 886607711 +892 525 5 886607957 +892 526 4 886608771 +892 542 1 886611023 +892 566 4 886610318 +892 568 4 886610451 +892 570 3 886610566 +892 576 4 886610840 +892 578 4 886609469 +892 582 3 886608559 +892 588 5 886607879 +892 596 3 886608136 +892 601 5 886609149 +892 604 5 886608296 +892 612 5 886609551 +892 613 5 886608714 +892 615 5 886609029 +892 625 3 886610565 +892 631 4 886609726 +892 633 4 886609551 +892 636 4 886609884 +892 641 5 886607845 +892 648 4 886607642 +892 649 5 886608135 +892 659 4 886608681 +892 661 5 886608473 +892 663 5 886609330 +892 671 5 886608212 +892 679 3 886610049 +892 684 5 886608743 +892 692 4 886608296 +892 705 4 886607912 +892 708 4 886607879 +892 729 4 886610174 +892 732 4 886610480 +892 739 4 886609469 +892 755 4 886610048 +892 760 3 886609330 +892 763 2 886609726 +892 765 2 886610840 +892 768 4 886609977 +892 781 4 886610137 +892 797 4 886610372 +892 820 3 886611079 +892 825 4 886610682 +892 826 2 886610523 +892 837 5 886608743 +892 845 4 886610174 +892 849 2 886610341 +892 946 3 886610996 +892 951 4 886610649 +892 969 4 886608380 +892 1035 3 886608643 +892 1078 3 886610566 +892 1091 2 886611079 +892 1118 3 886609939 +892 1124 4 886608423 +892 1219 2 886611079 +892 1224 4 886609792 +892 1269 5 886607958 +892 1285 4 886609435 +892 1444 3 886610267 +892 1454 3 886610267 +893 1 5 874827725 +893 11 4 874829753 +893 24 4 874828649 +893 50 5 874829883 +893 56 5 874829733 +893 69 5 874827818 +893 77 4 874829706 +893 96 4 874830314 +893 117 4 874828772 +893 118 4 874828864 +893 121 4 874830313 +893 122 2 874829249 +893 125 3 874828864 +893 144 4 874830101 +893 147 3 874828569 +893 148 3 874829287 +893 151 4 874829427 +893 161 5 874830122 +893 172 5 874829883 +893 220 3 874829187 +893 235 3 874829035 +893 237 4 874828097 +893 240 4 874828864 +893 246 3 874829968 +893 258 3 874827508 +893 259 3 874827960 +893 260 2 874828296 +893 264 3 874828296 +893 286 4 874828384 +893 288 3 874827526 +893 290 3 874829161 +893 294 3 874827789 +893 298 4 874827623 +893 323 2 874827595 +893 358 2 874828296 +893 405 5 874828864 +893 410 4 874828649 +893 411 3 874829056 +893 412 3 874829249 +893 426 4 874829733 +893 471 4 874828897 +893 476 3 874828772 +893 531 4 874830160 +893 597 4 874829230 +893 724 3 874830160 +893 759 3 874830137 +893 771 3 874830424 +893 781 3 874828569 +893 815 3 874830372 +893 819 3 874829355 +893 820 3 874829161 +893 845 3 874828772 +893 849 3 874830372 +893 928 3 874829129 +893 976 1 874828981 +893 1012 3 874828163 +893 1215 3 874829287 +893 1218 3 874830338 +893 1245 2 874828812 +894 1 4 880416286 +894 7 4 880993632 +894 9 4 880416039 +894 10 4 880416381 +894 12 5 881625708 +894 13 4 882404137 +894 14 4 880416472 +894 15 3 880416340 +894 16 3 880993614 +894 19 4 879897100 +894 20 5 881625708 +894 25 2 880416137 +894 26 4 882404460 +894 30 4 882404250 +894 32 4 882404137 +894 45 4 882404250 +894 50 4 880416008 +894 52 4 882404507 +894 57 4 882404397 +894 59 5 882404397 +894 60 5 882404363 +894 61 4 882404572 +894 70 3 882404536 +894 83 4 882404250 +894 86 4 882404306 +894 93 4 880416219 +894 100 4 882404137 +894 107 3 880993709 +894 109 1 880416219 +894 111 3 880416102 +894 113 4 882404484 +894 116 4 880416473 +894 117 3 880416219 +894 121 3 880993662 +894 124 5 881625708 +894 125 3 885428261 +894 126 3 880416381 +894 129 4 880416253 +894 134 4 879897198 +894 137 5 880416340 +894 147 3 880993709 +894 148 3 880416137 +894 165 4 882404329 +894 166 4 882404306 +894 170 4 882404329 +894 171 3 882404595 +894 179 5 882404485 +894 190 5 879897100 +894 198 4 882404460 +894 212 5 882404572 +894 213 4 882404278 +894 221 4 885428233 +894 223 4 879897149 +894 236 4 880416177 +894 237 4 880416176 +894 242 4 879896041 +894 244 4 879896985 +894 245 4 882404136 +894 246 4 882404137 +894 248 4 879896836 +894 249 3 879896872 +894 250 4 879896898 +894 252 3 879896897 +894 255 3 879896836 +894 256 3 879896704 +894 257 3 880416315 +894 258 4 879896109 +894 260 2 879896268 +894 262 4 879896141 +894 264 3 879896309 +894 268 3 879896041 +894 269 3 879896041 +894 270 3 879896141 +894 271 2 880993335 +894 272 4 885427952 +894 273 3 880416220 +894 275 4 882404137 +894 276 5 880416314 +894 277 4 880416341 +894 278 4 880416419 +894 279 4 880993709 +894 280 3 880993709 +894 281 3 880416102 +894 283 3 880993490 +894 284 3 880416220 +894 285 4 880416136 +894 286 5 879896756 +894 287 4 880993766 +894 288 3 879896141 +894 289 2 879896109 +894 290 2 880416285 +894 292 4 879896168 +894 293 4 881625708 +894 295 3 879896704 +894 297 4 880416380 +894 298 3 879896673 +894 299 3 879896200 +894 300 4 879896466 +894 302 4 879896041 +894 303 4 879896756 +894 305 4 880415834 +894 306 4 879896756 +894 307 3 880415834 +894 310 3 882403366 +894 311 4 880993317 +894 312 3 883518949 +894 313 4 883518874 +894 315 4 885428012 +894 316 4 888280105 +894 318 5 879897168 +894 319 4 879896756 +894 322 3 879896267 +894 323 2 879896268 +894 324 3 879896168 +894 326 3 879896168 +894 327 4 881625708 +894 328 4 879896466 +894 330 3 880415951 +894 331 4 881625708 +894 332 3 879896233 +894 333 4 879896756 +894 334 3 879896200 +894 336 3 879982820 +894 339 4 880415854 +894 340 4 879896756 +894 343 2 883518895 +894 344 4 887825614 +894 345 4 884036815 +894 346 4 884036796 +894 347 4 885427952 +894 350 3 886027788 +894 355 3 889469028 +894 381 3 882404430 +894 405 3 880416177 +894 462 4 882404278 +894 463 4 882404430 +894 471 4 880416314 +894 472 3 880993730 +894 475 3 880416176 +894 479 5 879897198 +894 508 3 880993490 +894 509 4 882404278 +894 511 4 879897198 +894 512 5 879897489 +894 515 4 879896654 +894 529 4 881625708 +894 531 3 882404363 +894 534 4 879896704 +894 535 4 879896920 +894 536 5 879896756 +894 558 5 882404250 +894 582 4 882404485 +894 591 4 880416137 +894 595 3 880993632 +894 628 3 880416102 +894 638 3 882404669 +894 639 5 882404430 +894 676 3 880416315 +894 678 3 879896268 +894 689 3 880993390 +894 690 4 879896200 +894 691 3 889468982 +894 698 4 882404669 +894 702 4 882404768 +894 707 4 882404250 +894 713 4 880416177 +894 718 3 885428386 +894 736 4 882404572 +894 740 4 880416253 +894 744 3 880416072 +894 748 3 879896233 +894 750 4 883518875 +894 751 3 885427971 +894 752 3 888280083 +894 753 5 882404278 +894 754 4 880993317 +894 818 3 880416340 +894 827 3 880993766 +894 845 3 881443365 +894 847 4 879897122 +894 855 4 882404460 +894 863 5 881105162 +894 874 4 879982788 +894 875 3 880415952 +894 877 3 882403414 +894 879 4 879896141 +894 883 3 880415885 +894 885 2 887044250 +894 886 3 879982820 +894 887 4 880993374 +894 888 4 879896756 +894 898 4 883518875 +894 900 3 887044070 +894 902 3 890409704 +894 903 4 888280029 +894 904 4 890409804 +894 905 3 887044109 +894 909 3 889469007 +894 919 4 881625708 +894 922 4 882404137 +894 923 5 882404278 +894 933 3 880416472 +894 935 3 879896815 +894 936 4 879896836 +894 937 4 880415903 +894 960 5 882404572 +894 961 4 882404642 +894 971 3 882404460 +894 978 3 880416176 +894 979 3 880416473 +894 990 3 879896268 +894 1005 5 882404669 +894 1007 3 880416072 +894 1009 4 880993709 +894 1010 4 880993662 +894 1016 3 879896920 +894 1023 3 879896898 +894 1038 3 880415855 +894 1048 4 880993661 +894 1073 4 882404397 +894 1080 4 882404507 +894 1089 2 885428261 +894 1115 4 882404430 +894 1131 4 879897198 +894 1142 4 882404137 +894 1150 4 882404137 +894 1153 3 882404642 +894 1194 5 879897235 +894 1226 4 879896920 +894 1251 4 879896654 +894 1255 4 879896949 +894 1258 3 879896949 +894 1281 3 885428159 +894 1295 3 879896268 +894 1313 3 889229605 +894 1315 3 879896985 +894 1379 4 879896673 +894 1381 3 880993766 +894 1403 3 882404641 +894 1404 3 882404536 +894 1462 3 882404642 +894 1501 4 882404363 +894 1560 4 882404641 +894 1592 4 889469391 +894 1658 4 882404137 +895 1 4 879437950 +895 13 5 879437950 +895 50 5 879438062 +895 100 4 879437997 +895 117 3 879438082 +895 151 5 879438101 +895 181 5 879437950 +895 222 3 879437965 +895 275 5 879438011 +895 283 4 879438028 +895 284 3 879438062 +895 294 4 879437727 +895 301 4 879437793 +895 328 4 879437748 +895 597 2 879438101 +895 742 4 879438123 +895 748 3 879437712 +895 885 2 879437868 +895 988 3 879437845 +895 1014 3 879438082 +896 1 4 887158579 +896 2 3 887160000 +896 4 3 887159173 +896 7 4 887159145 +896 8 5 887159343 +896 9 4 887158266 +896 11 2 887158333 +896 12 3 887158604 +896 15 3 887158900 +896 19 2 887159211 +896 20 1 887235027 +896 22 5 887157947 +896 23 2 887159145 +896 24 4 887159344 +896 25 3 887159261 +896 27 1 887235026 +896 28 2 887158738 +896 29 2 887160916 +896 31 3 887158830 +896 33 2 887160209 +896 39 2 887158739 +896 42 4 887160000 +896 43 3 887161171 +896 46 2 887160750 +896 48 4 887158635 +896 50 5 887159211 +896 51 2 887159951 +896 53 1 887235026 +896 54 2 887160606 +896 55 3 887157978 +896 58 3 887159531 +896 62 2 887161488 +896 64 4 887158926 +896 67 2 887160983 +896 68 3 887160313 +896 69 5 887158768 +896 70 4 887160086 +896 71 5 887158927 +896 73 3 887159368 +896 76 3 887158359 +896 77 4 887160270 +896 79 5 887158384 +896 80 2 887160938 +896 82 3 887159068 +896 83 5 887159554 +896 85 3 887160427 +896 86 1 887159926 +896 87 4 887158295 +896 88 5 887159426 +896 89 5 887159262 +896 91 2 887159369 +896 92 1 887160296 +896 95 4 887158555 +896 96 5 887158635 +896 97 4 887158265 +896 98 5 887158359 +896 100 3 887158294 +896 101 3 887160070 +896 108 3 887159854 +896 117 2 887159173 +896 118 2 887159805 +896 121 3 887159343 +896 123 3 887159748 +896 124 4 887158830 +896 127 5 887158578 +896 128 4 887159321 +896 129 4 887159531 +896 132 3 887158579 +896 133 2 887159502 +896 134 5 887159109 +896 135 3 887158926 +896 136 5 887158768 +896 139 2 887161033 +896 141 3 887159012 +896 143 4 887158901 +896 144 4 887158333 +896 145 1 887161413 +896 147 2 887159464 +896 148 2 887160606 +896 152 3 887160116 +896 153 4 887158165 +896 154 3 887159212 +896 157 4 887159555 +896 159 2 887160880 +896 160 3 887160247 +896 161 3 887159302 +896 164 4 887159321 +896 168 4 887158738 +896 172 5 887158555 +896 173 5 887158683 +896 174 5 887161710 +896 175 2 887159603 +896 176 5 887235690 +896 179 2 887159630 +896 180 5 887158660 +896 181 5 887158829 +896 182 4 887157924 +896 183 4 887235690 +896 184 3 887159578 +896 186 4 887159069 +896 187 5 887157924 +896 188 3 887159011 +896 190 5 887159530 +896 191 4 887158604 +896 195 4 887159578 +896 196 3 887159173 +896 198 4 887158636 +896 199 3 887158005 +896 200 4 887158768 +896 201 3 887158900 +896 202 2 887159464 +896 203 5 887158713 +896 204 4 887157947 +896 206 3 887159368 +896 209 3 887158790 +896 210 4 887158332 +896 211 4 887159554 +896 212 2 887160582 +896 215 5 887158959 +896 216 5 887159658 +896 217 2 887161198 +896 219 3 887160500 +896 222 4 887159109 +896 223 4 887158830 +896 225 1 887161518 +896 226 3 887160270 +896 227 4 887161728 +896 228 5 887158266 +896 229 4 887160399 +896 230 4 887161728 +896 231 1 887160771 +896 232 3 887160427 +896 233 2 887160631 +896 234 4 887157925 +896 235 1 887161198 +896 237 5 887158714 +896 238 3 887158165 +896 239 4 887158165 +896 241 5 887158791 +896 245 4 887235265 +896 248 4 887235249 +896 250 3 887235144 +896 257 4 887235105 +896 258 5 887157258 +896 260 2 887157732 +896 265 4 887158604 +896 271 1 887157278 +896 273 5 887157947 +896 274 2 887158865 +896 275 4 887158713 +896 281 2 887161172 +896 282 2 887158555 +896 284 4 887159972 +896 288 3 887235788 +896 291 3 887160795 +896 299 1 887235709 +896 300 2 887157234 +896 302 2 887157234 +896 307 3 887157636 +896 310 4 887157208 +896 313 4 887235122 +896 317 4 887159069 +896 318 4 887158294 +896 320 3 887159530 +896 325 1 887157732 +896 327 5 887235643 +896 328 1 887235731 +896 343 1 887235690 +896 356 3 887160427 +896 358 1 887235749 +896 367 4 887160227 +896 371 2 887159723 +896 379 2 887159805 +896 380 2 887159748 +896 384 2 887160860 +896 385 4 887160426 +896 386 3 887161172 +896 387 2 887159368 +896 392 3 887160187 +896 393 3 887159464 +896 398 2 887161469 +896 399 1 887161151 +896 402 4 887159173 +896 403 1 887160554 +896 405 2 887160270 +896 411 2 887160842 +896 414 3 887159145 +896 420 4 887158739 +896 422 3 887159972 +896 423 3 887159172 +896 425 2 887159110 +896 426 2 887160722 +896 427 4 887158384 +896 429 5 887158866 +896 430 3 887159234 +896 431 3 887159262 +896 435 4 887158579 +896 436 3 887159692 +896 450 1 887161728 +896 452 3 887161564 +896 455 2 887159723 +896 458 1 887235027 +896 461 3 887159069 +896 462 3 887159069 +896 468 2 887158866 +896 470 2 887159531 +896 471 3 887159972 +896 472 2 887160983 +896 473 2 887161393 +896 474 3 887159426 +896 476 2 887161541 +896 478 5 887158739 +896 479 3 887158713 +896 480 3 887158185 +896 481 4 887158683 +896 482 3 887158359 +896 483 3 887158333 +896 484 4 887159302 +896 489 5 887159674 +896 493 5 887157978 +896 496 4 887158029 +896 497 3 887158332 +896 504 3 887159926 +896 508 2 887159035 +896 511 5 887158830 +896 515 3 887158029 +896 518 3 887159234 +896 525 5 887158164 +896 526 4 887159211 +896 527 4 887159723 +896 542 3 887160677 +896 546 2 887160938 +896 549 2 887160209 +896 550 2 887160880 +896 554 2 887161199 +896 557 3 887160426 +896 559 3 887160187 +896 562 2 887161448 +896 566 4 887159805 +896 568 2 887159603 +896 569 2 887161488 +896 570 2 887161198 +896 572 2 887160676 +896 575 2 887161469 +896 576 2 887160677 +896 578 2 887160653 +896 582 2 887160040 +896 587 3 887159603 +896 588 5 887158265 +896 591 3 887160702 +896 596 2 887159426 +896 597 4 887159854 +896 603 4 887158384 +896 616 3 887160653 +896 631 2 887159464 +896 632 2 887159261 +896 636 3 887159464 +896 637 2 887160041 +896 640 2 887160701 +896 642 2 887160702 +896 647 3 887159502 +896 651 4 887158958 +896 654 3 887159895 +896 655 4 887159109 +896 658 4 887159895 +896 660 5 887159872 +896 661 4 887158384 +896 662 3 887160529 +896 665 1 887235690 +896 672 2 887161218 +896 674 2 887160446 +896 679 3 887160813 +896 684 4 887158959 +896 685 3 887160465 +896 686 3 887159146 +896 692 4 887159173 +896 696 1 887235027 +896 705 5 887158768 +896 708 2 887159926 +896 709 3 887158866 +896 710 4 887159657 +896 713 2 887159630 +896 715 3 887159895 +896 719 1 887235026 +896 720 1 887235026 +896 721 4 887160465 +896 730 4 887158294 +896 732 4 887159674 +896 735 3 887159262 +896 739 2 887159723 +896 742 1 887159464 +896 744 3 887160040 +896 746 3 887159658 +896 751 4 887235605 +896 752 1 887161916 +896 760 2 887235788 +896 763 2 887161199 +896 765 4 887160750 +896 768 2 887160653 +896 770 5 887160702 +896 774 3 887159973 +896 789 2 887157978 +896 798 2 887160983 +896 800 3 887161448 +896 801 2 887161564 +896 802 2 887161172 +896 808 3 887160270 +896 809 2 887160771 +896 810 1 887160958 +896 820 2 887159926 +896 824 1 887161541 +896 836 3 887158635 +896 840 2 887161469 +896 845 3 887159531 +896 849 2 887161563 +896 872 3 887157322 +896 880 4 887235664 +896 887 2 887235769 +896 895 2 887235788 +896 928 3 887161033 +896 942 4 887160209 +896 952 4 887159012 +896 966 4 887159531 +896 993 4 887235498 +896 1004 2 887161542 +896 1011 2 887160296 +896 1018 3 887160116 +896 1028 2 887160554 +896 1042 2 887161151 +896 1045 3 887159012 +896 1046 2 887160583 +896 1074 2 887161393 +896 1078 3 887160983 +896 1098 3 887159146 +896 1101 2 887159110 +896 1112 3 887161393 +896 1119 3 887160040 +896 1134 3 887159950 +896 1183 2 887160842 +896 1194 3 887158604 +896 1208 3 887160339 +896 1214 2 887159302 +896 1217 2 887160446 +896 1220 1 887161033 +896 1221 2 887159261 +896 1222 2 887161393 +896 1231 1 887160880 +896 1240 4 887159012 +896 1248 2 887160187 +896 1249 2 887161518 +896 1267 2 887160165 +896 1284 2 887160958 +896 1303 4 887161518 +896 1351 2 887160399 +896 1406 3 887160676 +896 1423 2 887160631 +896 1437 1 887161564 +896 1471 1 887235026 +896 1522 2 887160750 +896 1622 2 887160296 +896 1672 2 887159554 +896 1681 3 887160722 +897 1 5 879994113 +897 8 3 879990744 +897 11 2 879990744 +897 22 5 879990361 +897 23 3 879990683 +897 25 2 879993346 +897 28 4 879990779 +897 33 5 879992310 +897 40 3 879990361 +897 50 5 879994113 +897 55 3 879990622 +897 56 2 879991037 +897 65 4 879992811 +897 66 3 879990973 +897 68 5 879994113 +897 69 5 879990396 +897 71 5 879991566 +897 73 3 879991341 +897 76 4 879992811 +897 77 4 879990877 +897 79 5 879994113 +897 82 5 879990361 +897 88 4 879991283 +897 89 4 879990683 +897 95 3 879990586 +897 96 5 879990430 +897 97 5 879990622 +897 98 5 879990361 +897 99 5 879994113 +897 117 3 879993210 +897 118 5 879993275 +897 120 3 879993886 +897 121 5 879993376 +897 125 4 879993314 +897 127 5 879990647 +897 132 5 879990531 +897 133 4 879991037 +897 135 3 879990843 +897 136 5 879990843 +897 140 3 879991403 +897 141 4 879991403 +897 143 5 879991069 +897 151 5 879993519 +897 161 5 879993309 +897 168 3 879991341 +897 172 4 879990466 +897 173 3 879990779 +897 174 5 879990587 +897 176 5 879990492 +897 177 5 879990465 +897 179 3 879991069 +897 180 5 879991007 +897 181 3 879990622 +897 182 4 879990683 +897 183 5 879990531 +897 184 4 879991226 +897 185 5 879991137 +897 186 5 879994113 +897 187 5 879990622 +897 188 5 879991493 +897 193 3 879990466 +897 194 5 879991403 +897 195 5 879991137 +897 196 3 879991258 +897 199 4 879990465 +897 200 5 879991434 +897 201 5 879990556 +897 202 2 879990683 +897 203 4 879990813 +897 204 4 879990396 +897 205 3 879990556 +897 208 5 879991037 +897 210 5 879991007 +897 211 5 879991186 +897 214 5 879990923 +897 215 4 879990683 +897 222 4 879993042 +897 227 3 879992190 +897 228 4 879991607 +897 230 4 879991607 +897 232 5 879994113 +897 234 5 879991729 +897 235 3 879993519 +897 238 4 879990779 +897 239 2 879992310 +897 240 4 879993823 +897 243 4 879988868 +897 265 3 879990466 +897 273 3 879993164 +897 281 4 879993553 +897 288 5 879988800 +897 290 4 879993457 +897 294 3 879988800 +897 323 4 879988868 +897 368 1 879993886 +897 369 4 879993713 +897 371 2 879991007 +897 378 5 879991137 +897 385 3 879990622 +897 389 3 879991341 +897 393 4 879991493 +897 402 5 879991069 +897 404 4 879991186 +897 405 5 879993042 +897 406 3 879993577 +897 409 4 879993553 +897 410 3 879993621 +897 411 5 879993797 +897 416 5 879991186 +897 418 4 879991282 +897 419 4 879990430 +897 423 5 879994113 +897 429 5 879990587 +897 433 4 879991434 +897 435 3 879991069 +897 436 4 879991037 +897 443 5 879991666 +897 451 4 879991607 +897 455 3 879993772 +897 465 5 879992030 +897 470 4 879991493 +897 472 5 879993620 +897 473 3 879993644 +897 477 3 879993315 +897 478 3 879991105 +897 479 4 879991566 +897 483 3 879991921 +897 484 3 879991341 +897 485 3 879991037 +897 496 5 879994113 +897 497 3 879990430 +897 498 5 879990683 +897 501 5 879991566 +897 506 4 879991524 +897 510 3 879990531 +897 521 5 879990877 +897 523 5 879991186 +897 526 5 879990813 +897 528 3 879991933 +897 530 3 879990531 +897 546 4 879993489 +897 550 3 879990923 +897 566 2 879991976 +897 568 5 879992216 +897 588 4 879990877 +897 597 5 879993519 +897 603 5 879991666 +897 609 5 879991105 +897 616 5 879990877 +897 622 3 879990877 +897 633 5 879991007 +897 646 5 879994113 +897 649 3 879992004 +897 651 3 879990587 +897 659 5 879990923 +897 660 4 879991630 +897 670 3 879991258 +897 673 5 879990744 +897 679 5 879991630 +897 684 2 879991524 +897 699 4 879990973 +897 705 3 879991226 +897 708 2 879991226 +897 717 1 879993912 +897 736 3 879991186 +897 742 3 879993314 +897 760 5 879993609 +897 763 3 879993404 +897 826 4 879993578 +897 840 3 879993887 +897 849 4 879990877 +897 864 4 879993772 +897 866 5 879993797 +897 871 3 879993519 +897 925 5 879993739 +897 926 4 879993674 +897 928 5 879993621 +897 951 3 879991186 +897 974 4 879993553 +897 1028 4 879993621 +897 1033 4 879993713 +897 1051 3 879993772 +897 1219 4 879991137 +897 1254 2 880253037 +897 1531 4 879991933 +898 242 4 888294441 +898 243 1 888294707 +898 258 3 888294407 +898 270 4 888294408 +898 271 3 888294567 +898 272 4 888294375 +898 286 2 888294408 +898 288 4 888294529 +898 300 2 888294375 +898 302 4 888294567 +898 309 5 888294805 +898 310 4 888294441 +898 312 2 888294707 +898 313 4 888294375 +898 315 5 888294375 +898 316 5 888294739 +898 319 5 888294676 +898 324 4 888294621 +898 327 5 888294529 +898 328 2 888294567 +898 334 3 888294739 +898 343 3 888294805 +898 347 3 888294485 +898 358 4 888294739 +898 539 3 888294441 +898 683 3 888294775 +898 689 3 888294842 +898 748 4 888294739 +898 751 3 888294621 +898 1296 4 888294942 +899 1 3 884120105 +899 2 3 884122563 +899 8 4 884121572 +899 25 3 884120249 +899 28 5 884121214 +899 29 2 884122844 +899 31 3 884121513 +899 48 4 884122044 +899 50 5 884119794 +899 51 1 884122387 +899 64 4 884121647 +899 66 4 884122087 +899 69 3 884121125 +899 71 4 884121424 +899 73 4 884121720 +899 79 5 884122278 +899 83 4 884121214 +899 89 4 884121647 +899 95 5 884121612 +899 96 4 884121125 +899 98 4 884121572 +899 111 4 884120105 +899 117 4 884119830 +899 121 5 884120164 +899 125 3 884120185 +899 133 3 884122308 +899 135 4 884121857 +899 144 3 884121173 +899 147 2 884120106 +899 151 2 884122367 +899 153 5 884122331 +899 154 5 884122420 +899 157 4 884122419 +899 161 4 884122367 +899 168 4 884121799 +899 172 4 884121089 +899 173 3 884121089 +899 174 5 884121125 +899 176 4 884121173 +899 177 3 884122367 +899 179 2 884121267 +899 180 3 884121308 +899 181 3 884119877 +899 186 4 884121767 +899 188 2 884121720 +899 190 4 884121051 +899 193 3 884121946 +899 194 5 884121125 +899 195 4 884121884 +899 197 4 884121512 +899 200 4 884122674 +899 202 4 884122419 +899 203 4 884121513 +899 204 4 884121683 +899 208 3 884121857 +899 209 5 884121173 +899 213 4 884122698 +899 214 4 884122044 +899 216 5 884121885 +899 218 4 884122155 +899 222 4 884119910 +899 228 3 884121572 +899 229 2 884122254 +899 230 4 884122472 +899 231 1 884122844 +899 234 4 884122674 +899 237 4 884120026 +899 238 2 884121424 +899 239 3 884121946 +899 250 2 884120105 +899 254 2 884122845 +899 255 4 884120149 +899 257 4 884120185 +899 258 5 884119973 +899 265 4 884122087 +899 275 4 884119877 +899 282 5 884120007 +899 283 4 884121424 +899 284 3 884120205 +899 291 4 884122279 +899 318 4 884121512 +899 356 2 884122087 +899 357 4 884121342 +899 367 4 884122450 +899 385 3 884121612 +899 403 3 884122844 +899 410 1 884122535 +899 414 2 884122228 +899 423 4 884121214 +899 427 5 884121267 +899 428 4 884122254 +899 431 1 884122645 +899 433 4 884122178 +899 435 3 884122450 +899 455 3 884119910 +899 463 4 884121342 +899 470 4 884122016 +899 471 4 884120007 +899 474 3 884121612 +899 479 4 884121612 +899 483 4 884121572 +899 496 5 884121379 +899 498 4 884121767 +899 499 3 884122308 +899 515 3 884121945 +899 518 4 884121379 +899 527 4 884121767 +899 546 2 884120317 +899 566 3 884122535 +899 568 4 884121720 +899 588 3 884122155 +899 597 2 884120270 +899 603 4 884121379 +899 640 1 884122228 +899 655 4 884121267 +899 658 2 884121911 +899 660 4 884122564 +899 663 4 884122719 +899 684 3 884122501 +899 685 3 884119954 +899 694 5 884121009 +899 710 3 884122619 +899 717 1 884120967 +899 724 5 884122776 +899 732 3 884122776 +899 740 5 884120077 +899 742 4 884119830 +899 746 4 884121512 +899 747 1 884122535 +899 748 4 884120232 +899 751 4 884120724 +899 827 2 884120388 +899 934 3 884120603 +899 1016 3 884120149 +899 1101 5 884122112 +900 9 2 877832868 +900 31 2 877833995 +900 100 4 877832904 +900 117 2 877833029 +900 121 2 877832803 +900 124 4 877832837 +900 129 4 877833080 +900 130 1 877833512 +900 136 2 877833712 +900 137 3 877832803 +900 183 3 877833781 +900 186 2 877833957 +900 200 2 877833632 +900 205 4 877833712 +900 237 4 877832803 +900 280 2 877833364 +900 284 2 877833287 +900 288 2 877832113 +900 294 4 877832113 +900 318 4 877833672 +900 325 1 877832320 +900 405 3 877833364 +900 410 2 877833326 +900 429 2 877833747 +900 458 2 877833326 +900 471 2 877833259 +900 474 4 877833781 +900 478 2 877833923 +900 480 4 877833603 +900 483 4 877833924 +900 493 2 877833603 +900 508 3 877832764 +900 589 5 877833631 +900 602 1 877834025 +900 618 4 877833957 +900 654 2 877833924 +900 661 4 877833747 +900 696 2 877833195 +900 744 2 877833195 +900 834 1 877833536 +900 864 2 877833000 +900 871 1 877833443 +900 1028 2 877833393 +900 1132 1 877833364 +900 1298 2 877833923 +901 1 5 877129870 +901 8 3 877131307 +901 12 5 877132065 +901 13 1 877129839 +901 15 5 877130439 +901 20 1 877130406 +901 22 5 877131045 +901 28 5 877131624 +901 35 4 877131685 +901 38 3 877131087 +901 50 4 877126576 +901 56 1 877130999 +901 58 4 877132091 +901 63 5 877131307 +901 66 5 877131307 +901 69 5 877132346 +901 71 4 877131654 +901 73 5 877131416 +901 78 4 877131738 +901 82 5 877131624 +901 88 5 877132604 +901 89 3 877288929 +901 91 1 877131817 +901 94 4 877131738 +901 95 4 877131685 +901 96 5 877130999 +901 111 3 877126434 +901 117 4 877127196 +901 118 3 877127250 +901 121 4 877127219 +901 135 4 877131961 +901 140 4 877288179 +901 142 4 877131739 +901 144 5 877288015 +901 151 3 877129870 +901 155 5 877132671 +901 161 5 877131147 +901 168 4 877131342 +901 172 5 877131205 +901 174 5 877130965 +901 180 2 877289290 +901 181 4 877127128 +901 194 5 877131342 +901 195 5 877131118 +901 196 4 877288864 +901 204 5 877131307 +901 210 4 877130999 +901 211 4 877131342 +901 216 4 877132578 +901 222 4 877126648 +901 228 5 877131045 +901 229 4 877131205 +901 230 5 877131087 +901 234 4 877287882 +901 235 3 877126963 +901 237 3 877126757 +901 243 2 877129839 +901 250 3 877127196 +901 252 3 877127250 +901 257 4 877127196 +901 259 2 877129839 +901 275 3 877130677 +901 287 3 877126935 +901 294 3 877125532 +901 321 1 877129839 +901 322 4 877125575 +901 378 5 877131654 +901 391 5 877131205 +901 393 5 877131738 +901 395 3 877131500 +901 402 4 877132632 +901 403 2 877131086 +901 405 4 877127250 +901 409 3 877129911 +901 419 5 877131763 +901 423 4 877131685 +901 429 5 877132301 +901 430 3 877131416 +901 435 5 877131342 +901 436 4 877131961 +901 443 3 877287910 +901 447 3 877132015 +901 451 4 877132604 +901 465 4 877131654 +901 476 5 877289381 +901 477 3 877127021 +901 498 4 877131990 +901 509 4 877288977 +901 520 5 877287882 +901 521 2 877289241 +901 523 4 877132400 +901 546 4 877127250 +901 560 3 877131624 +901 566 5 877131118 +901 568 5 877131045 +901 578 3 877131961 +901 623 4 877131793 +901 636 2 877131147 +901 662 4 877132632 +901 679 4 877131205 +901 688 2 877129839 +901 728 4 877132632 +901 732 5 877132578 +901 739 5 877132671 +901 748 4 877125480 +901 756 4 877126935 +901 768 3 877131793 +901 795 3 877131738 +901 826 2 877129839 +901 864 5 877289441 +901 866 3 877126963 +901 929 4 877126902 +901 932 4 877127021 +901 949 3 877131500 +901 988 4 877125716 +901 1035 4 877131793 +901 1041 5 877131443 +901 1047 3 877131391 +901 1049 3 877127021 +901 1120 4 877127021 +901 1389 5 877127052 +901 1605 5 877127052 +901 1620 5 877126743 +901 1643 5 877130473 +902 1 5 879465583 +902 8 5 879465765 +902 50 5 879464726 +902 79 5 879465952 +902 87 4 879465834 +902 95 4 879465834 +902 127 3 879464726 +902 134 3 879465523 +902 144 5 879465894 +902 172 4 879465522 +902 176 5 879465834 +902 181 3 879464783 +902 187 3 879465834 +902 191 5 879465583 +902 204 3 879465952 +902 228 3 879465834 +902 246 1 879465073 +902 250 4 879465073 +902 257 3 879464964 +902 258 3 879463109 +902 268 1 879463373 +902 271 2 879463433 +902 275 4 879465894 +902 289 3 879463433 +902 294 2 879463212 +902 295 2 879465128 +902 298 2 879465016 +902 300 4 879463373 +902 301 2 879463373 +902 302 3 879463109 +902 304 3 879464257 +902 306 4 879463212 +902 307 3 879463582 +902 318 5 879465522 +902 326 3 879463310 +902 327 3 879463373 +902 328 3 879463212 +902 333 3 879463310 +902 423 4 879465765 +902 479 4 879465583 +902 480 5 879465711 +902 483 4 879465448 +902 497 5 879465894 +902 515 5 879464726 +902 754 3 879463310 +902 879 4 879463485 +902 989 2 879465336 +902 993 3 879465180 +902 1016 2 879464783 +903 1 3 891031280 +903 4 4 891033564 +903 7 2 891031259 +903 9 3 891031309 +903 11 2 891033335 +903 12 5 891033334 +903 13 5 891031632 +903 23 5 891033541 +903 25 4 891031259 +903 30 5 891466808 +903 46 4 891033123 +903 47 5 891033522 +903 48 4 891033005 +903 50 5 891031329 +903 52 3 891466551 +903 56 5 891466376 +903 59 4 891466808 +903 60 4 891033048 +903 61 4 891033302 +903 64 5 891033564 +903 79 4 891033070 +903 81 5 891466376 +903 87 4 891032981 +903 89 4 891032842 +903 91 5 891033005 +903 96 2 891032842 +903 98 5 892760784 +903 100 5 891031203 +903 105 3 891031794 +903 106 2 891031883 +903 111 3 891031677 +903 118 4 891031794 +903 120 2 891032101 +903 121 3 891031487 +903 127 5 891031144 +903 129 3 891031144 +903 147 3 891031178 +903 154 4 891033781 +903 156 5 891466376 +903 157 4 891033430 +903 175 4 891032760 +903 177 4 891033541 +903 179 5 891466376 +903 180 5 891033585 +903 181 4 891031309 +903 182 5 891380461 +903 183 4 891032872 +903 185 5 891033070 +903 186 5 891466376 +903 187 5 891033754 +903 188 5 891466376 +903 191 5 891032872 +903 192 5 891033628 +903 196 4 891033781 +903 198 4 891032872 +903 203 4 891032911 +903 204 3 891033335 +903 210 4 891033541 +903 211 5 891033808 +903 214 4 891033781 +903 223 5 891033354 +903 234 4 891033808 +903 238 5 891033502 +903 240 4 891031730 +903 248 2 891031309 +903 252 3 891031715 +903 254 2 891032101 +903 272 4 892493587 +903 273 3 891031203 +903 276 5 891380461 +903 281 4 891031677 +903 282 4 891031384 +903 288 4 891031105 +903 293 4 891031226 +903 302 4 891380461 +903 317 4 891033808 +903 318 5 891032793 +903 324 4 891031697 +903 333 4 891032653 +903 346 3 891380391 +903 357 5 891032872 +903 369 4 891032101 +903 405 4 891031678 +903 409 4 891031794 +903 410 4 891031677 +903 412 2 891032077 +903 421 3 891380488 +903 427 5 891466376 +903 443 5 891033755 +903 461 3 891033334 +903 467 3 891033606 +903 475 4 891031144 +903 479 4 891032793 +903 509 4 891033380 +903 515 4 891031178 +903 520 4 891032911 +903 521 5 891033781 +903 523 5 891033606 +903 528 4 892760784 +903 529 4 891033278 +903 544 2 891031470 +903 582 3 891033564 +903 595 2 891031714 +903 628 3 891031384 +903 642 4 891033005 +903 649 4 891033628 +903 651 5 891032793 +903 655 5 891466376 +903 664 4 891033755 +903 684 3 891033828 +903 693 5 891466376 +903 696 3 891031906 +903 708 4 891033808 +903 709 4 891033502 +903 721 4 891380524 +903 746 2 891033302 +903 763 5 891031450 +903 820 4 891031768 +903 824 3 891031833 +903 845 1 891031450 +903 871 3 891031833 +903 928 2 891031749 +903 931 2 891032038 +903 977 1 891031810 +903 994 3 891031883 +903 1008 3 891031505 +903 1009 4 891031906 +903 1048 4 891031906 +903 1067 2 891031412 +903 1070 4 891033335 +903 1073 3 891032842 +903 1098 5 891033606 +903 1101 4 891033828 +903 1132 3 891031949 +903 1142 5 891466376 +903 1381 4 891031864 +904 9 4 879735316 +904 66 4 879735641 +904 88 3 879735710 +904 90 2 879735731 +904 97 4 879735678 +904 111 4 879735641 +904 117 4 879735316 +904 155 4 879735616 +904 173 3 879735499 +904 181 3 879735362 +904 202 2 879735584 +904 216 4 879735461 +904 237 5 879735551 +904 255 5 879735380 +904 274 5 879735551 +904 275 5 879735461 +904 278 5 879735616 +904 280 5 879735678 +904 288 4 879735109 +904 289 5 879735177 +904 300 4 879735109 +904 328 2 879735136 +904 402 4 879735679 +904 421 5 879735772 +904 451 4 879735584 +904 535 3 879735404 +904 553 3 879735710 +904 603 4 879735843 +904 628 3 879735362 +904 682 4 879735158 +904 694 3 879735551 +904 709 3 879735499 +904 724 4 879735616 +904 732 3 879735584 +904 736 4 879735499 +904 739 4 879735678 +904 747 4 879735584 +904 762 2 879735617 +904 778 3 879735678 +904 781 4 879735678 +904 785 5 879735731 +904 794 4 879735710 +904 796 3 879735710 +904 815 4 879735678 +904 1041 2 879735710 +904 1074 4 879735710 +904 1152 4 879735551 +905 7 4 884984329 +905 100 4 884983888 +905 116 3 884984066 +905 117 3 884984066 +905 124 4 884983889 +905 125 3 884984009 +905 129 4 884984009 +905 137 3 884984148 +905 150 4 884984148 +905 237 3 884983951 +905 245 3 884983273 +905 258 3 884982806 +905 273 3 884984148 +905 282 3 884983889 +905 294 3 884983556 +905 300 4 884983556 +905 301 4 884983556 +905 302 5 884982870 +905 313 4 884982870 +905 319 2 884983463 +905 321 4 884983463 +905 322 3 884983341 +905 326 3 884983034 +905 328 3 884983034 +905 333 3 884982806 +905 345 4 884983089 +905 458 4 884984382 +905 471 4 884983952 +905 475 3 884984329 +905 508 4 884984066 +905 591 4 884983951 +905 717 1 884984149 +905 742 4 884983888 +905 748 2 884983627 +905 751 3 884983034 +905 871 2 884984149 +905 873 3 884983396 +905 879 3 884983627 +905 1011 3 884984382 +905 1051 2 884984329 +906 7 3 879434846 +906 9 4 879434846 +906 10 4 879435339 +906 15 3 879435415 +906 100 4 879434846 +906 117 4 879435574 +906 121 4 879435598 +906 124 4 879435212 +906 125 4 879435365 +906 129 4 879435469 +906 221 4 879435365 +906 237 4 879435469 +906 240 3 879435758 +906 270 4 879434471 +906 273 4 879434882 +906 276 5 879435299 +906 277 3 879435469 +906 283 4 879435524 +906 284 4 879435469 +906 285 5 879434846 +906 286 5 879434335 +906 287 5 879435524 +906 300 3 879434378 +906 307 3 879434378 +906 321 4 879434436 +906 405 3 879435551 +906 408 4 879435212 +906 471 3 879435415 +906 473 4 879435598 +906 475 3 879435253 +906 544 4 879435664 +906 628 5 879435551 +906 676 5 879435415 +906 696 4 879435758 +906 740 4 879435415 +906 742 3 879435278 +906 744 4 879435524 +906 823 3 879435664 +906 991 3 879434410 +906 1009 2 879435212 +906 1011 4 879435365 +907 1 5 880158712 +907 5 5 881030348 +907 8 3 880159688 +907 15 5 880158861 +907 19 5 880158730 +907 25 5 880159113 +907 42 4 880159957 +907 50 4 880158692 +907 71 5 880159911 +907 79 5 880160008 +907 83 5 880159865 +907 86 5 880160162 +907 88 5 881030348 +907 96 5 881030348 +907 97 5 880160204 +907 98 5 880160037 +907 100 5 880158712 +907 107 5 880158939 +907 111 5 880158883 +907 117 5 880159172 +907 118 4 880159360 +907 120 4 880159562 +907 121 4 880159015 +907 123 4 880159442 +907 125 4 880159259 +907 129 5 885862428 +907 143 5 880159982 +907 144 5 880159937 +907 147 5 885862325 +907 151 4 880159222 +907 172 4 880160008 +907 173 4 880160140 +907 181 4 880158692 +907 182 5 880159844 +907 185 4 880159801 +907 198 5 880160162 +907 202 5 880160204 +907 220 5 880159360 +907 225 5 880159442 +907 235 4 880159222 +907 237 5 880159059 +907 245 4 880158556 +907 248 5 880159038 +907 258 4 880158316 +907 260 2 885860511 +907 268 4 885860288 +907 271 5 881030073 +907 272 5 885860093 +907 274 5 880158986 +907 275 5 880158692 +907 277 5 880158794 +907 278 5 880159016 +907 281 5 881030348 +907 282 4 880158939 +907 283 4 880158827 +907 284 5 881030348 +907 286 5 880158316 +907 287 4 880158913 +907 288 5 880158476 +907 290 4 880159259 +907 291 5 880158913 +907 294 4 880158502 +907 301 4 880158537 +907 312 5 885860416 +907 313 5 885860093 +907 317 5 880159910 +907 318 5 880159642 +907 322 5 881030348 +907 326 5 880158448 +907 332 5 885862325 +907 333 5 885860288 +907 340 2 880158425 +907 356 4 880159937 +907 366 5 885862156 +907 393 5 880160009 +907 402 5 880160037 +907 405 4 880159113 +907 409 4 880159151 +907 427 5 880159821 +907 462 4 880159666 +907 471 5 880159059 +907 472 5 880159360 +907 475 3 880158692 +907 476 4 880159134 +907 483 4 880159937 +907 485 5 880160008 +907 496 4 880159666 +907 497 5 880160204 +907 506 5 881030348 +907 520 5 880159865 +907 553 5 880160056 +907 591 5 880158913 +907 596 4 880159015 +907 619 2 880159038 +907 620 4 880159113 +907 628 5 880158986 +907 633 5 881030348 +907 647 3 880159844 +907 685 5 880158960 +907 686 4 880159778 +907 689 4 885860672 +907 696 5 880159081 +907 697 5 880159982 +907 699 5 880159619 +907 710 4 880160106 +907 713 5 880159172 +907 724 5 880159642 +907 729 5 880159821 +907 739 5 880159982 +907 740 5 880158960 +907 742 5 880158939 +907 744 5 880159015 +907 748 5 880158537 +907 756 4 880159198 +907 762 5 880159496 +907 763 5 880159081 +907 764 4 880159113 +907 781 5 885862325 +907 813 5 880158770 +907 815 5 880158913 +907 819 4 880159442 +907 821 5 880160008 +907 825 3 880159404 +907 828 5 880159361 +907 869 5 880160123 +907 924 5 880159240 +907 928 5 880159198 +907 934 4 880159222 +907 978 5 880159473 +907 988 3 880158612 +907 1016 5 880158939 +907 1028 5 880158913 +907 1040 5 880159496 +907 1047 5 881030348 +907 1048 5 880159404 +907 1051 5 880159530 +907 1054 3 880159598 +907 1057 3 880159151 +907 1119 5 880159865 +907 1157 5 885862211 +907 1163 4 880159015 +907 1167 5 880160106 +907 1220 5 880159642 +907 1221 5 880160080 +907 1244 5 880159381 +907 1284 5 881030348 +907 1326 4 880159512 +908 7 3 879722334 +908 12 3 879722603 +908 28 4 879723073 +908 47 3 879723095 +908 50 4 879722397 +908 55 3 879722334 +908 56 4 879722642 +908 69 3 879722513 +908 79 4 879722850 +908 96 4 879722932 +908 98 5 879722300 +908 100 4 879722427 +908 111 3 879723073 +908 123 3 879722822 +908 124 3 879722694 +908 127 4 879722694 +908 133 5 879722603 +908 144 4 879722850 +908 147 2 879722932 +908 151 3 879722875 +908 156 3 879722603 +908 172 3 879722780 +908 173 3 879722901 +908 174 3 879722642 +908 181 3 879722754 +908 183 4 879722427 +908 185 4 879722822 +908 192 2 879722489 +908 194 3 879722932 +908 195 4 879722754 +908 200 2 879722642 +908 204 4 879722427 +908 205 3 879722901 +908 209 3 879722694 +908 216 3 879723074 +908 223 4 879722953 +908 264 3 879722206 +908 288 4 879722097 +908 300 3 879722076 +908 318 5 879722717 +908 322 2 879722169 +908 357 3 879723046 +908 414 3 879723022 +908 419 4 879722875 +908 423 4 879722822 +908 427 5 879722642 +908 434 4 879723128 +908 447 3 879722850 +908 478 4 879723046 +908 479 4 879723022 +908 481 3 879722754 +908 482 3 879722667 +908 483 4 879722718 +908 484 4 879722361 +908 488 4 879722642 +908 494 3 879723046 +908 496 5 879722361 +908 515 4 879722463 +908 525 4 879722300 +908 527 3 879722754 +908 528 4 879722397 +908 558 4 879722667 +908 591 4 879722996 +908 603 4 879722361 +908 631 4 879723128 +908 648 4 879722333 +908 654 3 879722822 +908 657 4 879722822 +908 663 3 879723022 +908 694 4 879722603 +908 701 4 879722780 +908 709 4 879722490 +908 732 3 879722974 +908 963 4 879722397 +909 14 4 891920763 +909 86 5 891920125 +909 116 5 891920010 +909 165 5 891920233 +909 166 5 891920166 +909 170 5 891920276 +909 224 5 891920089 +909 261 5 891919599 +909 275 5 891920166 +909 286 4 891919160 +909 289 3 891920763 +909 292 4 891919160 +909 294 3 891920763 +909 300 5 891919232 +909 326 4 891919458 +909 339 4 891919406 +909 382 5 891920327 +909 509 5 891920211 +909 529 3 891920763 +909 531 4 891920166 +909 582 5 891920125 +909 682 3 891920763 +909 707 5 891920327 +909 744 3 891920763 +909 880 4 891919406 +909 1121 5 891920703 +910 1 4 880822060 +910 3 2 881421019 +910 9 4 880821079 +910 12 4 880821718 +910 23 4 881421332 +910 24 3 880821367 +910 25 3 880822203 +910 50 5 880822060 +910 56 4 880821656 +910 98 4 881421309 +910 100 4 880821098 +910 117 4 880822012 +910 118 3 881420857 +910 121 1 880821492 +910 124 3 880821124 +910 125 3 880821383 +910 127 5 880822060 +910 134 3 880821676 +910 137 3 880822060 +910 174 5 880822060 +910 181 1 880821033 +910 182 4 880821696 +910 183 4 880822060 +910 205 4 880822060 +910 210 4 881421309 +910 222 4 880822060 +910 237 4 880822060 +910 245 2 881420474 +910 250 1 880821033 +910 252 2 881421035 +910 254 1 881421240 +910 257 3 880821349 +910 273 3 880821492 +910 282 3 880821319 +910 284 3 880821969 +910 286 3 883760216 +910 288 3 884229224 +910 289 3 881420491 +910 291 1 881421090 +910 293 4 880822060 +910 298 2 880821124 +910 300 4 881420194 +910 307 2 880821815 +910 310 3 881420170 +910 313 4 884229092 +910 332 2 880821834 +910 357 4 880821718 +910 405 4 881420841 +910 414 4 881421332 +910 508 4 880821349 +910 597 3 881421048 +910 628 1 880821319 +910 684 4 880821696 +910 742 4 880822031 +910 748 3 881420228 +910 751 3 884229194 +910 831 1 881421142 +910 845 4 880821405 +910 1012 4 884229250 +910 1025 2 881420507 +911 7 4 892839551 +911 21 4 892840144 +911 26 4 892840048 +911 82 2 892840888 +911 83 4 892839784 +911 87 5 892839056 +911 89 4 892838405 +911 93 4 892839784 +911 98 2 892839015 +911 99 3 892840889 +911 102 3 892840889 +911 134 4 892838823 +911 142 4 892840950 +911 143 5 892840889 +911 151 5 892840916 +911 153 5 892839784 +911 154 4 892839492 +911 163 4 892839846 +911 168 4 892838676 +911 172 4 892838636 +911 173 5 892838677 +911 174 4 892838577 +911 176 4 892841255 +911 183 4 892839492 +911 185 5 892841255 +911 186 5 892839929 +911 190 5 892838864 +911 191 5 892838676 +911 193 4 892839056 +911 194 4 892839929 +911 197 4 892842771 +911 199 3 892839333 +911 203 4 892841196 +911 204 4 892839930 +911 205 3 892839454 +911 208 4 892839970 +911 209 5 892839784 +911 210 3 892839745 +911 211 3 892839418 +911 215 3 892839140 +911 216 4 892839929 +911 228 4 892841220 +911 238 2 892839970 +911 240 1 892840297 +911 272 4 892838135 +911 313 2 892838135 +911 357 4 892838954 +911 374 1 892841118 +911 381 5 892839846 +911 383 3 892841094 +911 399 5 892840120 +911 404 3 892840950 +911 419 5 892840916 +911 420 4 892840950 +911 423 4 892840837 +911 427 3 892838538 +911 428 4 892839929 +911 431 4 892842368 +911 432 3 892839551 +911 435 5 892839993 +911 443 4 892841220 +911 451 2 892840253 +911 465 5 892840807 +911 473 3 892840996 +911 474 5 892838637 +911 478 5 892838823 +911 479 5 892838787 +911 480 4 892838823 +911 482 4 892838864 +911 483 3 892838637 +911 484 3 892839363 +911 485 3 892839454 +911 496 3 892838954 +911 501 3 892840916 +911 506 3 892839518 +911 507 4 892839289 +911 514 3 892839454 +911 530 4 892838677 +911 548 3 892841073 +911 584 3 892841033 +911 588 4 892840837 +911 603 5 892838864 +911 622 3 892840996 +911 625 5 892840807 +911 627 3 892840888 +911 638 4 892839391 +911 647 4 892839140 +911 655 5 892839719 +911 659 3 892838677 +911 709 5 892839846 +911 727 2 892842738 +911 835 3 892838405 +911 855 5 892839084 +911 923 4 892842509 +911 969 5 892840807 +911 1039 4 892838357 +911 1060 4 892841033 +911 1203 4 892838357 +912 14 5 875966927 +912 15 4 875967028 +912 28 4 875966756 +912 56 2 875966027 +912 64 4 875966027 +912 97 4 875966783 +912 132 5 875965981 +912 143 5 875966694 +912 152 4 875966320 +912 154 4 875966027 +912 168 5 875966107 +912 172 3 875966027 +912 173 4 875966238 +912 174 3 875966756 +912 185 3 875966065 +912 186 3 875966202 +912 192 4 875966349 +912 194 4 875966238 +912 197 5 875966429 +912 204 2 875966202 +912 238 4 875966320 +912 246 2 875967072 +912 268 2 875965695 +912 318 4 875966385 +912 357 5 875966429 +912 418 4 875966694 +912 419 4 875966756 +912 423 5 875966694 +912 427 5 875965830 +912 443 4 875966027 +912 474 3 875965906 +912 479 4 875966107 +912 482 5 875965939 +912 483 5 875965906 +912 496 4 875965939 +912 498 5 875965830 +912 501 4 875966756 +912 507 3 875965906 +912 517 4 875966458 +912 520 2 875966429 +912 523 4 875965830 +912 602 5 875965981 +912 610 4 875966027 +912 611 3 875965830 +912 616 3 875966065 +912 646 3 875966429 +912 648 3 875966616 +912 653 3 875965906 +912 654 3 875966027 +912 655 5 875966320 +912 659 5 875966202 +912 661 2 875965981 +912 1041 4 875966616 +913 1 2 880758579 +913 4 4 874786460 +913 7 5 881725846 +913 8 2 880825916 +913 9 5 881725816 +913 11 4 881037106 +913 12 4 881366897 +913 15 3 881367770 +913 19 5 881366383 +913 22 5 881369920 +913 25 3 881366974 +913 28 3 881369039 +913 42 3 880824372 +913 50 4 880758348 +913 56 5 880758974 +913 57 4 880758348 +913 58 5 880759221 +913 60 3 880946006 +913 64 5 881725876 +913 69 2 880757553 +913 79 4 880758974 +913 82 3 881368310 +913 83 4 881725904 +913 89 5 880794731 +913 92 4 881725846 +913 95 4 880826766 +913 96 5 881725904 +913 98 4 881725761 +913 99 4 881366878 +913 100 3 880824823 +913 117 1 882544673 +913 127 4 882044440 +913 131 5 881367150 +913 132 3 880758150 +913 143 5 881725761 +913 144 5 880946236 +913 151 4 881368824 +913 156 3 880824512 +913 164 2 880826620 +913 168 4 881725796 +913 169 4 880757553 +913 171 3 880758348 +913 172 5 881726004 +913 173 5 880826542 +913 174 5 881367620 +913 175 5 881366473 +913 176 5 880759221 +913 179 3 881368269 +913 180 3 880758150 +913 181 3 880825135 +913 183 4 880757553 +913 184 3 880826706 +913 185 4 881367173 +913 186 3 880946006 +913 189 3 881367594 +913 191 5 881725737 +913 195 4 881725846 +913 200 5 880825443 +913 202 4 880825052 +913 203 4 880825916 +913 204 4 880946539 +913 209 2 881367150 +913 210 2 880826706 +913 216 4 881725796 +913 222 3 881037459 +913 227 1 881368310 +913 228 5 881368310 +913 234 4 880825443 +913 235 1 881725960 +913 237 4 881725960 +913 238 3 880825052 +913 258 4 889331049 +913 260 1 881037229 +913 265 4 880757553 +913 268 2 880753802 +913 269 5 881725938 +913 273 3 881037670 +913 276 3 881037047 +913 288 2 880755823 +913 289 5 880658260 +913 301 1 880753802 +913 302 4 880794297 +913 310 3 880753802 +913 317 4 881725876 +913 318 4 880794731 +913 343 1 881037310 +913 346 3 883110406 +913 357 5 880824372 +913 408 5 880758348 +913 418 3 881368742 +913 419 5 881725737 +913 423 3 881368310 +913 427 4 881725960 +913 428 3 881367151 +913 430 2 882544617 +913 432 3 881366721 +913 436 3 881367312 +913 461 4 881725816 +913 462 3 881037459 +913 465 2 880826366 +913 466 3 882544673 +913 469 3 881037459 +913 474 5 881725737 +913 475 4 880757473 +913 478 4 880824512 +913 481 3 880758579 +913 483 3 880757975 +913 498 3 880757473 +913 508 3 880759072 +913 518 4 881725761 +913 527 5 881036957 +913 530 2 881367312 +913 531 2 880946475 +913 588 3 881449256 +913 596 1 881367210 +913 603 4 880758150 +913 604 2 882201336 +913 613 5 881725796 +913 655 4 881725846 +913 656 3 881726004 +913 657 5 881725761 +913 690 3 880824288 +913 729 3 881368824 +913 741 4 881037004 +913 742 3 881036957 +913 747 3 881369407 +913 750 4 883110363 +913 789 4 880946415 +913 919 4 880758150 +913 963 4 881725737 +913 1112 1 882044453 +913 1240 2 881037004 +914 88 2 887124121 +914 111 1 887124121 +914 155 5 887124121 +914 197 4 887122028 +914 216 3 887122324 +914 313 3 887121969 +914 371 4 887122029 +914 381 3 887122325 +914 387 3 887124121 +914 402 5 887124376 +914 451 2 887122085 +914 643 4 887123886 +914 692 3 887122324 +914 724 3 887123464 +914 732 2 887123465 +914 736 3 887123465 +914 739 2 887124376 +914 775 3 887124121 +914 778 5 887122085 +914 781 5 887123464 +914 1259 1 887123886 +914 1355 1 887123886 +914 1406 4 887123886 +915 258 2 891030108 +915 268 5 891031477 +915 270 3 891030070 +915 286 4 891030032 +915 288 2 891031450 +915 300 3 891031477 +915 301 2 891030032 +915 302 4 891029965 +915 304 3 891030032 +915 305 2 891030070 +915 307 3 891030032 +915 310 3 891029965 +915 313 4 891029965 +915 315 4 891029965 +915 321 3 891030002 +915 328 2 891031450 +915 333 3 891031450 +915 334 3 891031477 +915 345 4 891030145 +915 346 2 891030070 +915 347 5 891031477 +915 691 4 891030108 +915 750 4 891030070 +915 752 3 891030120 +915 896 2 891030070 +915 1038 2 891030070 +916 1 4 880843361 +916 2 3 880845391 +916 3 3 880843838 +916 4 4 880844395 +916 5 3 880845099 +916 7 4 880843361 +916 9 5 880843378 +916 11 4 880844369 +916 12 4 880844445 +916 14 5 880843378 +916 17 4 880845135 +916 22 4 880844627 +916 23 4 880843997 +916 24 2 880843419 +916 28 4 880844861 +916 30 4 880844463 +916 31 3 880844789 +916 33 2 880845135 +916 39 4 880845011 +916 42 5 880844958 +916 46 4 880844480 +916 48 5 880844861 +916 49 3 880845673 +916 50 5 880843436 +916 51 2 880845658 +916 52 5 880844813 +916 53 4 880844834 +916 54 3 880845790 +916 55 3 880844369 +916 56 5 880844038 +916 58 5 880844291 +916 60 4 880844058 +916 64 5 880843996 +916 65 3 880845327 +916 66 3 880845264 +916 68 3 880845636 +916 69 4 880844694 +916 70 4 880845099 +916 71 3 880844897 +916 72 3 880845808 +916 73 3 880845829 +916 76 3 880845049 +916 77 3 880845620 +916 79 3 880845249 +916 80 3 880845476 +916 81 5 880844527 +916 82 4 880845772 +916 83 4 880845206 +916 85 2 880845115 +916 86 4 880844655 +916 87 3 880844262 +916 88 4 880845157 +916 89 5 880844241 +916 90 3 880845115 +916 91 4 880844223 +916 92 5 880844291 +916 96 3 880844813 +916 97 4 880844789 +916 98 5 880844038 +916 100 5 880843288 +916 101 3 880845690 +916 106 3 880843934 +916 109 3 880845099 +916 111 4 880843636 +916 117 2 880843509 +916 118 2 880843838 +916 121 3 880843864 +916 123 3 880843524 +916 125 3 880843750 +916 132 3 880844597 +916 134 5 880844123 +916 135 4 880844552 +916 137 5 880843482 +916 143 3 880844463 +916 144 3 880844016 +916 147 1 880843578 +916 148 2 880843892 +916 150 4 880843318 +916 151 3 880843578 +916 153 3 880844087 +916 154 4 880844552 +916 155 2 880845808 +916 156 5 880844016 +916 157 4 880845011 +916 158 2 880845829 +916 159 3 880845303 +916 160 3 880844511 +916 161 3 880845658 +916 163 3 880844834 +916 164 4 880845028 +916 168 4 880844369 +916 170 4 880844612 +916 171 4 880844332 +916 172 5 880843997 +916 173 4 880844332 +916 174 5 880844569 +916 175 4 880845011 +916 176 4 880844419 +916 177 3 880844312 +916 179 3 880844420 +916 180 5 880844753 +916 181 4 880843401 +916 182 3 880844123 +916 183 4 880844395 +916 186 3 880844175 +916 188 3 880844789 +916 190 4 880846339 +916 192 4 880844552 +916 193 4 880844420 +916 194 4 880843997 +916 195 3 880844920 +916 196 4 880844920 +916 198 4 880844463 +916 202 3 880845028 +916 203 4 880844157 +916 204 3 880844813 +916 206 3 880844597 +916 209 3 880844017 +916 210 4 880844694 +916 211 4 880844395 +916 212 5 880844879 +916 213 4 880844675 +916 214 3 880844958 +916 215 3 880844552 +916 216 4 880844312 +916 217 4 880845282 +916 218 3 880845303 +916 219 3 880845755 +916 221 4 880843594 +916 222 3 880843419 +916 223 4 880844087 +916 226 3 880845177 +916 227 3 880845067 +916 228 3 880845049 +916 229 3 880845328 +916 230 3 880845177 +916 232 3 880844897 +916 233 3 880845391 +916 234 4 880845206 +916 235 3 880843749 +916 236 4 880843482 +916 237 3 880843419 +916 238 4 880845011 +916 239 3 880844627 +916 241 4 880845368 +916 244 4 880843401 +916 246 5 880843318 +916 249 3 880843579 +916 250 4 880843361 +916 252 2 880843864 +916 256 3 880843551 +916 257 3 880843401 +916 265 4 880844813 +916 268 5 880843093 +916 271 3 880843185 +916 273 3 880843361 +916 276 4 880843551 +916 280 2 880843864 +916 281 3 880843727 +916 284 2 880843666 +916 286 4 880843062 +916 290 3 880845206 +916 295 2 880843551 +916 298 3 880843334 +916 317 4 880845098 +916 318 4 880844175 +916 356 3 880845722 +916 366 3 880845658 +916 367 3 880845451 +916 369 2 880843906 +916 380 2 880845206 +916 381 3 880845738 +916 382 4 880844674 +916 385 3 880844834 +916 387 4 880845328 +916 393 2 880845067 +916 399 3 880845135 +916 402 3 880845177 +916 405 2 880843579 +916 417 2 880845949 +916 421 5 880844291 +916 423 3 880844654 +916 425 5 880844102 +916 427 4 880844654 +916 428 4 880844350 +916 431 3 880844655 +916 433 3 880844958 +916 451 3 880845227 +916 461 4 880844087 +916 462 4 880844058 +916 467 3 880844420 +916 470 3 880845476 +916 472 3 880843697 +916 474 4 880844175 +916 475 4 880843334 +916 476 2 880843775 +916 480 4 880844201 +916 483 5 880844419 +916 484 4 880844156 +916 498 3 880844241 +916 506 3 880844728 +916 509 4 880844312 +916 511 5 880844395 +916 512 5 880844675 +916 523 3 880844511 +916 527 4 880845135 +916 528 3 880846339 +916 530 4 880844202 +916 531 4 880844331 +916 535 3 880843949 +916 537 4 880844087 +916 541 2 880845206 +916 546 2 880843864 +916 549 3 880845543 +916 550 2 880844985 +916 557 4 880844527 +916 558 3 880844767 +916 559 3 880845658 +916 561 3 880845227 +916 566 3 880845574 +916 568 4 880845949 +916 569 2 880845606 +916 570 3 880845368 +916 578 1 880844985 +916 581 4 880845543 +916 582 4 880844728 +916 583 4 880845690 +916 593 4 880843551 +916 597 2 880843727 +916 631 4 880844654 +916 636 3 880845391 +916 640 4 880845157 +916 642 3 880845227 +916 650 4 880844711 +916 652 4 880844291 +916 655 3 880844350 +916 674 3 880845522 +916 678 2 880843249 +916 679 3 880845690 +916 684 3 880844395 +916 685 2 880843727 +916 693 3 880844087 +916 697 4 880844937 +916 702 3 880845157 +916 704 3 880845177 +916 708 4 880845673 +916 709 3 880844123 +916 710 3 880844332 +916 713 3 880843636 +916 715 4 880845099 +916 720 2 880844920 +916 721 4 880845049 +916 727 4 880845049 +916 732 3 880844862 +916 735 4 880844879 +916 737 3 880845328 +916 739 3 880845589 +916 741 3 880843401 +916 746 3 880844262 +916 748 2 880843249 +916 755 2 880845574 +916 756 3 880843892 +916 762 3 880843579 +916 763 3 880843683 +916 764 3 880843798 +916 767 4 880845522 +916 781 3 880845451 +916 790 2 880845790 +916 792 3 880844569 +916 806 4 880844552 +916 820 2 880843636 +916 824 3 880843838 +916 825 1 880843750 +916 831 1 880843864 +916 844 3 880843465 +916 863 3 880846735 +916 866 3 880843798 +916 919 5 880843465 +916 930 2 880843934 +916 931 1 880843798 +916 939 3 880844694 +916 943 4 880844834 +916 944 2 880845476 +916 948 2 880843838 +916 959 4 880845328 +916 960 4 880844861 +916 961 3 880844202 +916 971 4 880845476 +916 978 1 880843949 +916 1005 4 880845303 +916 1009 5 880843551 +916 1010 4 880843482 +916 1011 4 880843666 +916 1014 3 880843683 +916 1042 3 880845328 +916 1046 2 880845722 +916 1070 4 880844202 +916 1073 4 880844445 +916 1074 3 880844985 +916 1079 2 880843811 +916 1098 4 880844862 +916 1101 4 880844419 +916 1109 3 880844861 +916 1113 4 880844897 +916 1119 3 880845505 +916 1135 3 880845556 +916 1194 4 880844753 +916 1206 2 880845543 +916 1208 2 880845249 +916 1217 1 880845606 +916 1220 3 880845282 +916 1268 3 880845451 +916 1335 4 880843798 +916 1401 3 880844262 +916 1428 3 880845415 +916 1597 3 880845206 +916 1682 3 880845755 +917 1 3 882910888 +917 3 1 882911567 +917 9 5 882912385 +917 25 4 882911390 +917 50 3 882910915 +917 100 4 882910830 +917 121 1 882911567 +917 150 5 882912385 +917 237 5 882912385 +917 246 4 882910971 +917 248 4 882912385 +917 255 3 882911158 +917 268 4 882910409 +917 276 5 882912385 +917 278 3 882911767 +917 282 4 882911480 +917 285 4 882911122 +917 287 4 882911185 +917 289 4 882910457 +917 312 2 882910627 +917 328 2 882910506 +917 405 3 882911215 +917 471 4 882911099 +917 473 3 882911390 +917 476 5 882912385 +917 535 4 882912385 +917 591 3 882911185 +917 628 5 882912385 +917 696 5 882912385 +917 740 5 882912385 +917 751 2 882910409 +917 756 4 882911622 +917 763 3 882911480 +917 879 2 882910604 +917 1014 2 882911246 +918 1 3 891987059 +918 16 4 891988560 +918 25 4 891988123 +918 28 4 891987541 +918 42 3 891987059 +918 45 4 891986959 +918 64 4 891987025 +918 69 3 891987497 +918 70 3 891988248 +918 72 1 891988491 +918 82 3 891988521 +918 83 4 891987914 +918 86 4 891986798 +918 88 2 891988276 +918 89 5 891987780 +918 131 3 891987824 +918 132 4 891986904 +918 133 1 891987267 +918 135 1 891986634 +918 137 5 891987879 +918 143 4 891988726 +918 151 2 891988646 +918 153 1 891987291 +918 154 2 891987411 +918 161 1 891988824 +918 165 4 891986998 +918 166 4 891987238 +918 168 3 891986999 +918 170 4 891987205 +918 174 3 891987154 +918 175 3 891987339 +918 179 2 891988337 +918 190 5 891986720 +918 196 3 891987267 +918 197 2 891987387 +918 199 3 891986846 +918 204 1 891987317 +918 208 3 891988002 +918 211 2 891987752 +918 213 5 891988054 +918 216 2 891987205 +918 275 4 891987176 +918 289 2 891988559 +918 340 1 891986174 +918 381 5 891988123 +918 382 4 891986846 +918 417 2 891988521 +918 419 3 891987622 +918 428 5 891988001 +918 430 1 891987205 +918 433 2 891987082 +918 443 3 891988248 +918 462 3 891986933 +918 485 3 891987689 +918 487 4 891987446 +918 488 3 891987846 +918 495 3 891987689 +918 498 4 891987025 +918 499 4 891986775 +918 507 5 891987363 +918 514 2 891987082 +918 517 3 891987622 +918 520 3 891987571 +918 529 3 891987290 +918 582 4 891987723 +918 606 4 891987132 +918 630 3 891988672 +918 631 4 891986664 +918 638 4 891987267 +918 640 3 891988163 +918 645 4 891988090 +918 656 4 891986609 +918 658 3 891987059 +918 659 4 891987622 +918 660 4 891987752 +918 664 4 891987914 +918 704 4 891988123 +918 707 5 891987446 +918 709 4 891986820 +918 737 3 891988123 +918 747 3 891988705 +918 792 3 891986904 +918 855 5 891987497 +918 856 4 891988491 +918 921 4 891988029 +918 923 4 891987317 +918 958 3 891988491 +918 962 4 891988029 +918 965 4 891988276 +918 971 4 891987780 +918 972 5 891988054 +918 995 3 891986143 +918 1065 4 891988002 +918 1099 4 891987571 +918 1101 4 891987824 +918 1137 5 891986999 +918 1171 4 891988646 +918 1172 3 891987622 +918 1195 4 891986664 +918 1200 4 891988276 +918 1265 1 891986494 +918 1266 4 891988586 +918 1639 5 891987571 +919 1 4 875289321 +919 4 1 875374032 +919 5 4 875374088 +919 7 3 875288848 +919 9 5 875288749 +919 11 4 875373582 +919 12 3 875373294 +919 14 4 875288934 +919 15 5 875289250 +919 16 4 875289533 +919 19 4 875288681 +919 20 1 875289499 +919 21 2 875289356 +919 22 5 875374269 +919 23 3 875373074 +919 25 4 875289113 +919 28 4 875373888 +919 31 3 875373416 +919 50 3 875288570 +919 57 5 875373621 +919 58 5 875374032 +919 64 5 875374088 +919 69 3 875921182 +919 70 4 875921442 +919 82 5 875373945 +919 85 2 875372947 +919 88 2 875373621 +919 93 5 875288681 +919 95 4 875921182 +919 98 5 875373470 +919 99 4 875373945 +919 100 5 875288522 +919 111 4 875288681 +919 112 3 875289417 +919 116 3 875288749 +919 117 4 875288934 +919 118 4 875373582 +919 124 3 875288522 +919 125 4 875289113 +919 126 4 875289170 +919 129 5 875289025 +919 137 2 875288749 +919 140 5 875373471 +919 144 4 875373889 +919 147 4 875289322 +919 148 3 875289417 +919 151 4 875289025 +919 168 1 875373074 +919 174 4 875372947 +919 181 4 875289250 +919 183 3 875372802 +919 191 5 875373824 +919 193 2 875373471 +919 200 4 875373294 +919 201 4 875920887 +919 202 3 875373582 +919 204 4 875921396 +919 217 4 875373669 +919 218 4 875374032 +919 221 4 875288898 +919 222 3 875288983 +919 223 4 875372844 +919 236 5 875288681 +919 237 4 875288805 +919 238 3 875372988 +919 240 3 875289611 +919 243 3 875288418 +919 244 2 875289025 +919 245 2 875288253 +919 246 3 875288523 +919 250 3 875288749 +919 253 3 875288748 +919 255 4 875289170 +919 257 4 875288848 +919 258 4 875288164 +919 259 4 875288362 +919 260 4 875288362 +919 261 3 885059658 +919 264 3 875288362 +919 268 3 875920245 +919 270 4 885059422 +919 271 4 885059476 +919 272 5 885059452 +919 275 5 875288522 +919 276 5 875288612 +919 277 5 875288805 +919 282 4 875289113 +919 283 4 875288748 +919 284 3 875289280 +919 285 5 875288748 +919 286 4 885059400 +919 287 4 875289611 +919 288 4 875288164 +919 289 3 875288164 +919 292 3 875288253 +919 293 4 875288681 +919 294 3 875288304 +919 295 3 875289170 +919 297 4 875288749 +919 298 3 875288983 +919 300 4 875288164 +919 301 3 875288164 +919 302 4 875920245 +919 303 4 875920245 +919 304 4 875920245 +919 305 4 885059623 +919 307 4 885059506 +919 310 3 885059537 +919 312 2 885059658 +919 313 5 885059400 +919 315 3 885059569 +919 318 5 875372903 +919 319 3 875288164 +919 321 2 875288164 +919 322 3 875288253 +919 323 4 875288362 +919 325 4 875288418 +919 326 3 875288304 +919 327 4 875288304 +919 328 2 875288304 +919 331 4 875920290 +919 332 4 885059537 +919 333 4 875920290 +919 334 4 885059506 +919 340 5 885059506 +919 343 4 885059506 +919 347 3 885059569 +919 358 3 875288304 +919 367 4 875921085 +919 372 3 875920948 +919 382 5 875373214 +919 406 3 875289417 +919 412 2 875289061 +919 418 4 875373945 +919 419 5 875374269 +919 423 5 875374032 +919 432 4 875373824 +919 447 4 875372903 +919 458 2 875289212 +919 462 3 875372844 +919 471 3 875289638 +919 475 3 875288898 +919 477 4 875289025 +919 508 5 875288570 +919 527 4 875373416 +919 531 3 875373669 +919 535 3 885059887 +919 539 3 885059682 +919 558 5 875372988 +919 564 2 875373770 +919 582 5 875373214 +919 591 3 875289667 +919 596 3 885059887 +919 628 3 875288898 +919 660 4 875373945 +919 676 4 875289061 +919 678 2 875288253 +919 681 2 875920347 +919 687 1 875288362 +919 689 2 885059506 +919 690 3 885059658 +919 709 3 875374088 +919 715 5 875921442 +919 717 3 875288805 +919 732 3 875373471 +919 740 3 875289113 +919 741 3 875288805 +919 742 4 875289499 +919 748 1 875288253 +919 750 3 885059452 +919 755 3 875373889 +919 756 3 875289170 +919 787 3 875921283 +919 794 4 875373521 +919 813 4 875288681 +919 815 2 875289533 +919 819 3 875288805 +919 832 3 875289726 +919 864 2 875288848 +919 875 1 875288362 +919 877 3 875288304 +919 878 2 875288443 +919 879 3 875920627 +919 880 3 885059601 +919 887 3 885059452 +919 892 3 885059724 +919 895 4 885059623 +919 919 2 875288805 +919 937 4 875920627 +919 946 4 875373416 +919 953 3 875921051 +919 976 2 875289453 +919 988 3 875288362 +919 989 2 875288418 +919 1012 4 875289611 +919 1014 4 875289384 +919 1047 3 875289697 +919 1048 3 875289113 +919 1060 3 875289322 +919 1073 4 875373416 +919 1086 4 875289322 +919 1101 5 875373470 +919 1109 3 875373824 +919 1114 3 875920823 +919 1119 3 875373824 +919 1134 2 875289356 +919 1136 2 875374269 +919 1137 4 875289170 +919 1152 4 875288612 +919 1173 3 885059859 +919 1197 4 875288613 +919 1258 3 875289453 +919 1277 4 875289887 +919 1278 4 875289761 +919 1284 3 875289566 +919 1315 2 875289611 +919 1514 2 885059812 +920 245 2 884220131 +920 258 4 884220094 +920 268 3 884220163 +920 270 3 884219993 +920 272 3 884219701 +920 286 2 884219953 +920 288 3 884219768 +920 292 3 884220058 +920 299 2 884220163 +920 300 3 884220058 +920 301 2 884220058 +920 302 4 884219701 +920 307 3 884219993 +920 310 4 884219768 +920 311 3 884219701 +920 313 5 884219701 +920 328 2 884220058 +920 331 3 884220094 +920 332 3 884219953 +920 333 4 884219993 +920 340 4 884219993 +920 346 4 884219768 +920 347 4 884220131 +920 350 4 884219953 +920 682 3 884220058 +920 1612 4 884219953 +921 1 3 879379601 +921 8 3 884673699 +921 15 4 879379621 +921 24 3 879380097 +921 25 3 879379736 +921 50 4 879381051 +921 66 5 884673700 +921 69 4 879380862 +921 71 4 879380957 +921 72 4 879380806 +921 79 4 879380704 +921 82 3 884673954 +921 87 2 884673673 +921 96 4 879380656 +921 97 2 884673891 +921 111 4 879380097 +921 121 5 879379736 +921 122 2 879380433 +921 125 3 879379774 +921 128 1 879381287 +921 132 3 884673699 +921 133 5 884673843 +921 136 4 879380806 +921 143 5 879381257 +921 147 3 879379843 +921 151 3 879379994 +921 172 4 884673823 +921 173 5 884673780 +921 174 5 884673780 +921 181 5 879379562 +921 185 3 879380826 +921 190 2 884673602 +921 194 3 879380704 +921 196 5 884673724 +921 202 4 884673891 +921 210 4 884673633 +921 215 4 879380677 +921 222 5 879381128 +921 227 3 879381051 +921 228 3 884673823 +921 230 3 879381051 +921 237 3 879379562 +921 240 1 879379621 +921 245 1 879379361 +921 252 4 879380142 +921 254 3 879380908 +921 257 3 879379898 +921 259 4 884673369 +921 274 4 879379971 +921 275 1 879379642 +921 276 1 879381004 +921 280 3 879379562 +921 282 2 879379714 +921 284 4 879379943 +921 288 3 879379265 +921 294 4 879379338 +921 304 2 879379428 +921 313 5 884673044 +921 322 3 879379428 +921 323 4 879379428 +921 328 5 879379338 +921 367 4 879381021 +921 369 1 879380328 +921 380 4 879381051 +921 392 4 884673868 +921 395 3 879380908 +921 400 4 879381158 +921 405 3 879379774 +921 410 2 879380957 +921 411 2 879380142 +921 419 5 879381234 +921 422 3 879380957 +921 471 2 879379821 +921 472 2 879380057 +921 484 3 884673633 +921 526 4 884673930 +921 538 4 884673311 +921 560 2 879380981 +921 603 3 884673868 +921 651 3 884673891 +921 659 5 884673799 +921 662 4 884673724 +921 678 5 879379447 +921 692 4 884673724 +921 720 4 879381128 +921 728 3 879381299 +921 755 4 884673910 +921 760 2 879380164 +921 762 2 879380237 +921 763 3 879380258 +921 778 3 879380704 +921 797 3 879381287 +921 815 5 879379942 +921 820 3 879380328 +921 845 4 879379601 +921 892 3 884673402 +921 924 3 879379736 +921 929 1 879380142 +921 932 3 879381128 +921 934 3 879380496 +921 1016 4 879379562 +921 1028 4 879380142 +921 1032 5 879381199 +921 1034 3 879380457 +921 1047 1 879380015 +921 1051 3 879380433 +921 1060 2 879379942 +921 1279 2 879380142 +921 1287 1 879380401 +921 1317 2 879380981 +922 1 5 891448551 +922 11 5 891450401 +922 15 4 891453122 +922 22 5 891450586 +922 29 3 891450805 +922 43 3 891454445 +922 50 5 891447447 +922 51 4 891448451 +922 56 1 891447628 +922 62 3 891450768 +922 63 3 891449363 +922 67 3 891452928 +922 68 4 891450586 +922 69 3 891453106 +922 71 4 891448580 +922 72 4 891452470 +922 77 4 891447833 +922 80 3 891452817 +922 82 3 891449123 +922 83 4 891448115 +922 89 5 891450368 +922 91 4 891448833 +922 94 3 891449333 +922 95 3 891448580 +922 98 5 891447665 +922 99 4 891448580 +922 122 2 891455788 +922 127 3 891453105 +922 135 2 891453820 +922 143 4 891449021 +922 145 3 891450315 +922 151 5 891449152 +922 153 4 891451037 +922 155 2 891448473 +922 159 3 891447853 +922 161 3 891450401 +922 168 3 891450968 +922 172 5 891449021 +922 173 5 891448040 +922 174 5 891449021 +922 175 3 891451240 +922 176 3 891450401 +922 181 5 891449122 +922 183 3 891450401 +922 184 3 891449901 +922 191 3 891454587 +922 195 3 891450401 +922 200 3 891449878 +922 202 5 891448115 +922 204 3 891451100 +922 210 3 891450368 +922 212 2 891448473 +922 214 2 891454071 +922 215 3 891453653 +922 216 3 891448115 +922 217 3 891449993 +922 219 1 891449901 +922 222 4 891447681 +922 227 4 891447777 +922 228 4 891447665 +922 229 4 891447777 +922 230 4 891447723 +922 235 2 891452407 +922 237 4 891448247 +922 249 3 891455250 +922 250 2 891454910 +922 252 2 891455230 +922 257 4 891455049 +922 258 4 891454681 +922 265 5 891447777 +922 271 3 891445117 +922 274 3 891448247 +922 276 3 891453854 +922 288 2 891445064 +922 290 4 891451277 +922 294 4 891447296 +922 367 3 891452743 +922 371 3 891448348 +922 375 2 891454552 +922 380 4 891454218 +922 382 4 891451373 +922 384 4 891452521 +922 385 3 891450586 +922 391 3 891450840 +922 395 4 891452879 +922 402 3 891448451 +922 403 3 891450805 +922 406 4 891447944 +922 411 1 891455379 +922 418 4 891448580 +922 421 4 891448473 +922 427 5 891449123 +922 431 4 891447723 +922 432 5 891448551 +922 433 4 891451143 +922 447 1 891449901 +922 449 4 891447802 +922 450 4 891447876 +922 451 4 891448247 +922 455 4 891450688 +922 471 3 891453501 +922 476 1 891455167 +922 550 3 891450805 +922 562 3 891450866 +922 568 3 891450524 +922 576 4 891450805 +922 579 3 891447988 +922 588 4 891448580 +922 596 4 891448833 +922 631 3 891453171 +922 655 2 891451327 +922 660 3 891453122 +922 662 3 891448246 +922 699 3 891449048 +922 715 3 891452354 +922 739 3 891448516 +922 746 4 891451143 +922 747 3 891448247 +922 756 2 891455185 +922 810 4 891450866 +922 834 1 891455565 +922 919 5 891454625 +922 949 5 891454320 +922 1035 3 891449552 +922 1079 1 891455277 +922 1110 4 891450768 +922 1157 2 891447853 +923 1 3 880387306 +923 3 4 880387707 +923 9 4 880387306 +923 50 5 880387306 +923 100 5 880387474 +923 105 4 880388547 +923 117 4 880387598 +923 121 4 880387908 +923 125 4 880388289 +923 129 5 880387474 +923 148 4 880387474 +923 151 4 880388021 +923 168 5 880388872 +923 174 5 880388872 +923 181 5 880387363 +923 222 4 880388211 +923 237 4 880387908 +923 245 3 880387199 +923 248 4 880387474 +923 249 4 880388021 +923 257 5 880387946 +923 264 3 880387199 +923 273 5 880387474 +923 276 5 880387429 +923 280 3 880388097 +923 281 4 880387875 +923 282 4 880387624 +923 288 5 880386897 +923 291 4 880387707 +923 293 4 880387908 +923 294 4 880387081 +923 295 5 880387579 +923 307 4 880386897 +923 322 4 880387130 +923 325 4 880387081 +923 333 5 880386897 +923 334 5 880387129 +923 338 4 880387172 +923 340 5 880387080 +923 405 4 880387429 +923 410 3 880387908 +923 411 4 880387664 +923 455 4 880387946 +923 456 4 880388562 +923 460 4 880388426 +923 472 4 880388547 +923 475 5 880387664 +923 544 4 880387507 +923 546 4 880387507 +923 591 5 880387875 +923 628 4 880387428 +923 685 4 880387396 +923 689 3 880387001 +923 713 5 880388173 +923 741 5 880387792 +923 742 4 880387792 +923 762 4 880387525 +923 763 4 880387908 +923 815 4 880387792 +923 823 4 880388383 +923 825 4 880387525 +923 827 3 880387997 +923 829 4 880388426 +923 831 4 880388211 +923 866 4 880388383 +923 926 4 880388383 +923 928 4 880388306 +923 975 4 880388245 +923 1001 1 880388173 +923 1011 4 880388097 +923 1012 5 880387624 +923 1017 5 880387525 +923 1028 4 880387624 +923 1277 5 880388322 +924 1 5 884371535 +924 2 3 886759997 +924 6 4 886759441 +924 7 4 885458060 +924 9 4 886759657 +924 12 4 885458093 +924 13 3 887421305 +924 28 4 885457827 +924 31 3 885458168 +924 50 5 884371386 +924 56 3 886327724 +924 64 4 886327778 +924 71 5 885457922 +924 82 4 885458168 +924 96 4 886760020 +924 100 4 884371558 +924 114 3 886327724 +924 117 2 887421305 +924 121 4 886760071 +924 127 3 884371438 +924 129 4 889286888 +924 134 4 885457827 +924 144 3 885458093 +924 153 4 886327689 +924 172 4 885458060 +924 173 5 885458060 +924 174 5 885458009 +924 178 5 885457922 +924 181 3 884371535 +924 195 5 886065785 +924 196 4 886759657 +924 200 4 885458093 +924 202 4 886760020 +924 205 4 886327826 +924 211 3 885457891 +924 216 4 885458010 +924 228 4 886327826 +924 237 4 889286746 +924 258 3 884336994 +924 273 3 889286721 +924 275 4 889286721 +924 276 2 884371386 +924 277 3 889286765 +924 283 4 884371495 +924 285 4 884371386 +924 286 3 884337043 +924 288 3 886065748 +924 300 2 884337243 +924 313 4 886065805 +924 318 5 885458060 +924 322 2 884337164 +924 402 3 886759965 +924 408 3 889286721 +924 421 4 885458060 +924 427 4 885458010 +924 429 4 886760020 +924 433 5 885458168 +924 471 4 884371635 +924 480 3 885457891 +924 482 4 885457858 +924 496 5 886327689 +924 504 5 885458009 +924 511 5 885457827 +924 519 4 886759888 +924 523 5 885458121 +924 526 3 886327826 +924 527 4 885458009 +924 562 3 886759657 +924 605 3 885457975 +924 632 4 885458121 +924 701 4 885457922 +924 705 5 885457858 +924 742 3 886065661 +924 836 3 885457975 +924 849 3 886760052 +924 896 4 884337242 +924 923 5 886327748 +924 1011 3 886760052 +924 1036 2 886759690 +924 1149 3 888351470 +924 1400 4 886327641 +924 1478 4 886759691 +925 5 4 884718156 +925 56 3 884717963 +925 98 4 884717862 +925 185 4 884717963 +925 200 2 884717963 +925 217 2 884718100 +925 218 4 884717862 +925 219 3 884718099 +925 245 3 884633287 +925 260 3 884717669 +925 288 5 884633224 +925 299 3 884717478 +925 323 4 884633287 +925 324 4 884633348 +925 325 4 884633349 +925 327 3 884717790 +925 332 4 884717404 +925 333 3 884717790 +925 447 4 884717963 +925 558 1 884718099 +925 559 3 884717963 +925 561 3 884718100 +925 563 2 884718204 +925 567 3 884718156 +925 672 3 884718099 +925 678 3 884717790 +925 682 4 884717586 +925 773 1 884717862 +925 788 3 884718204 +925 816 3 884718156 +925 876 3 884717404 +925 948 2 884717790 +926 237 3 888351813 +926 245 3 888636270 +926 258 4 888636202 +926 262 3 888636082 +926 269 5 888636082 +926 272 5 888351623 +926 286 4 888636202 +926 288 3 888636202 +926 289 3 888636269 +926 292 3 888636202 +926 294 3 888636269 +926 300 3 888351623 +926 302 4 888351713 +926 303 3 888351713 +926 313 3 888351622 +926 315 4 888351623 +926 321 3 888636202 +926 322 2 888636270 +926 325 1 888636269 +926 340 4 888351623 +927 1 5 879191524 +927 7 3 879177298 +927 8 4 879183164 +927 11 5 879183303 +927 15 5 879177509 +927 24 3 879181042 +927 25 3 879177403 +927 28 4 879183511 +927 29 5 879194033 +927 38 5 879195783 +927 41 4 879195407 +927 56 4 879184534 +927 63 4 879197074 +927 64 5 879199250 +927 67 4 879190473 +927 69 4 879183164 +927 71 5 879190473 +927 72 5 879193848 +927 79 3 879184644 +927 82 2 879197269 +927 91 4 879196955 +927 94 2 879198972 +927 95 5 879184447 +927 96 5 879184761 +927 99 2 879195472 +927 105 1 879181879 +927 111 4 879177457 +927 118 5 879181042 +927 121 5 879199250 +927 125 4 879177298 +927 132 2 879194268 +927 138 4 879198655 +927 143 3 879196231 +927 154 3 879184534 +927 155 4 879193972 +927 158 2 879198608 +927 168 4 879193383 +927 174 3 879185327 +927 195 4 879183245 +927 204 4 879183511 +927 210 5 879194937 +927 217 1 879196955 +927 222 5 879177177 +927 227 2 879196283 +927 228 5 879184644 +927 229 3 879191722 +927 230 5 879199250 +927 237 4 879177508 +927 240 3 879177456 +927 255 4 879177027 +927 257 5 879177353 +927 274 1 879181133 +927 278 1 879181133 +927 288 5 879199250 +927 294 5 879199250 +927 300 5 879176156 +927 328 4 879176059 +927 367 5 879199250 +927 374 4 879195783 +927 380 5 879196283 +927 385 4 879193625 +927 393 5 879193732 +927 395 3 879193732 +927 401 2 879196762 +927 402 4 879192123 +927 403 4 879194335 +927 404 4 879197692 +927 405 5 879181451 +927 409 4 879176876 +927 410 1 879190223 +927 411 4 879182939 +927 412 1 879182833 +927 417 4 879184710 +927 420 5 879193437 +927 421 4 879194661 +927 422 4 879199110 +927 426 4 879191432 +927 449 4 879196230 +927 456 2 879182709 +927 471 4 879193906 +927 477 3 879176876 +927 501 4 879190422 +927 535 3 879181694 +927 541 5 879199250 +927 542 2 879193676 +927 552 4 879196283 +927 560 2 879191978 +927 568 5 879199250 +927 571 3 879196853 +927 588 5 879183683 +927 623 3 879199110 +927 625 3 879191360 +927 722 3 879197421 +927 738 3 879196762 +927 739 3 879191360 +927 742 5 879199250 +927 755 5 879192381 +927 756 4 879181259 +927 761 3 879198085 +927 763 4 879181749 +927 768 4 879195972 +927 775 3 879197949 +927 780 1 879195783 +927 815 3 879181259 +927 819 3 879181508 +927 820 4 879177403 +927 826 4 879181451 +927 866 4 879181621 +927 928 4 879183019 +927 1014 3 879176876 +927 1016 5 879199250 +927 1035 4 879199030 +927 1047 4 879181192 +927 1089 5 879177457 +927 1093 4 879177243 +927 1095 2 879182939 +927 1178 2 879192052 +927 1229 3 879197198 +927 1284 4 879181133 +927 1415 4 879196853 +928 8 5 880936905 +928 9 5 880937163 +928 48 5 880936817 +928 98 5 880936884 +928 114 5 880936742 +928 127 5 880936905 +928 134 5 880936742 +928 135 4 880936884 +928 165 5 880936863 +928 168 5 880936817 +928 172 5 880936769 +928 173 4 880936863 +928 176 3 880936817 +928 187 5 880936884 +928 191 5 880936863 +928 246 5 880937184 +928 266 5 880936022 +928 268 5 880935814 +928 269 5 880935738 +928 276 5 880937144 +928 288 3 880935738 +928 328 3 880937258 +928 333 3 880937258 +928 358 5 880936023 +928 487 5 880936769 +928 496 5 880936863 +928 749 5 880936022 +928 876 5 880936023 +928 877 5 880936022 +928 878 5 880936022 +928 1007 5 880937163 +928 1025 5 880936022 +929 1 3 878402162 +929 12 4 879640036 +929 22 5 879640394 +929 23 3 880817681 +929 28 4 879640084 +929 31 2 880817708 +929 32 3 880817818 +929 50 4 878402162 +929 56 4 880817844 +929 89 5 879640126 +929 98 5 879640394 +929 100 4 878402162 +929 127 5 878402162 +929 134 4 880817752 +929 135 5 880817818 +929 136 3 879640184 +929 144 3 879640394 +929 172 4 879640329 +929 174 3 879640329 +929 182 4 879640225 +929 185 5 879640184 +929 187 5 879640290 +929 188 4 880817728 +929 195 4 880817681 +929 197 3 880817780 +929 204 4 879640126 +929 205 4 879639969 +929 209 3 880817752 +929 271 2 880817603 +929 276 2 879640184 +929 284 2 878402162 +929 318 4 879640225 +929 419 4 880817844 +929 423 4 879640394 +929 429 4 879640225 +929 431 1 879640225 +929 433 2 880817753 +929 435 3 880817753 +929 474 4 879640126 +929 479 4 879640329 +929 480 3 879639969 +929 483 4 879640036 +929 484 3 879639969 +929 496 3 879640256 +929 515 5 878402162 +929 517 5 879640329 +929 521 5 879640184 +929 589 5 880817708 +929 654 3 879640290 +930 1 3 879534525 +930 8 3 879535713 +930 14 4 879535392 +930 16 1 879534925 +930 24 1 879535015 +930 45 4 879535492 +930 50 2 879534410 +930 64 4 879535641 +930 100 3 879534506 +930 106 4 879535392 +930 107 3 879535207 +930 113 5 879535573 +930 116 5 879535392 +930 117 3 879534803 +930 121 4 879535392 +930 126 5 879535392 +930 137 2 879535734 +930 143 2 879535462 +930 148 1 879534886 +930 151 2 879534724 +930 153 2 879535685 +930 165 5 879535609 +930 171 1 879535685 +930 174 3 879535513 +930 175 2 879535713 +930 176 3 879535663 +930 190 4 879535492 +930 210 2 879535713 +930 235 2 879535207 +930 237 3 879534587 +930 238 4 879535544 +930 240 1 879535207 +930 244 4 879535392 +930 245 3 879534165 +930 255 3 879534667 +930 257 4 879535392 +930 265 3 879535685 +930 269 4 879535392 +930 274 4 879534803 +930 275 4 879534550 +930 281 4 879535056 +930 282 4 879534667 +930 283 4 879535544 +930 286 3 879533975 +930 288 1 879534001 +930 300 4 879535392 +930 405 3 879534803 +930 410 3 879534973 +930 411 1 879535272 +930 455 1 879534692 +930 523 2 879535574 +930 535 4 879535392 +930 651 3 879535574 +930 690 3 879534335 +930 705 2 879535609 +930 709 4 879535663 +930 756 3 879535015 +930 763 3 879535102 +930 845 3 879534724 +930 871 3 879535138 +930 1010 2 879534692 +930 1048 2 879535160 +930 1315 3 879534692 +931 14 4 891036648 +931 50 3 891036715 +931 100 4 891036430 +931 111 3 891036648 +931 116 4 891036734 +931 121 2 891036604 +931 125 4 891036786 +931 126 4 891036463 +931 127 5 891037521 +931 137 3 891036552 +931 181 4 891036786 +931 220 3 891037046 +931 237 3 891036552 +931 245 4 891037024 +931 250 2 891036673 +931 252 3 891037070 +931 255 4 891036755 +931 257 4 891036530 +931 258 3 891036003 +931 269 3 891035876 +931 272 5 891037521 +931 275 5 891037521 +931 281 3 891036883 +931 283 4 891036604 +931 286 5 891037521 +931 290 2 891036883 +931 293 4 891036604 +931 297 4 891036673 +931 298 4 891036849 +931 300 5 891037521 +931 302 4 891035876 +931 303 4 891035917 +931 304 4 891036105 +931 306 4 891036026 +931 310 3 891035876 +931 312 4 891036105 +931 313 4 891035876 +931 315 5 891037577 +931 316 5 891037521 +931 333 5 891037521 +931 344 4 891035917 +931 347 4 891035946 +931 355 2 891036148 +931 362 3 891035970 +931 459 4 891036506 +931 471 3 891036506 +931 476 3 891036974 +931 508 4 891036696 +931 515 5 891036506 +931 546 3 891036849 +931 678 3 891036247 +931 685 4 891036902 +931 690 4 891036003 +931 744 4 891036463 +931 750 5 891037521 +931 845 3 891036883 +931 896 3 891036080 +931 900 4 891035917 +931 909 5 891037521 +931 1022 1 891036003 +931 1152 4 891037177 +932 1 4 891249932 +932 7 4 891250109 +932 9 5 891249649 +932 14 4 891248856 +932 30 4 891249196 +932 38 2 891251696 +932 45 5 891249063 +932 47 4 891250142 +932 54 4 891251038 +932 55 3 891249994 +932 56 4 891250584 +932 64 2 891250059 +932 67 2 891251611 +932 70 4 891249171 +932 77 2 891251869 +932 82 3 891251246 +932 86 4 891249146 +932 89 5 891249586 +932 96 4 891250060 +932 98 5 891249586 +932 99 4 891250236 +932 100 5 891249586 +932 101 3 891251225 +932 105 2 891252338 +932 109 2 891251891 +932 114 5 891249903 +932 119 5 891249586 +932 121 3 891251669 +932 131 4 891250525 +932 133 4 891249675 +932 134 4 891250169 +932 135 5 891249538 +932 136 5 891249736 +932 141 4 891250363 +932 144 3 891249710 +932 148 2 891252140 +932 151 3 891251225 +932 153 4 891251063 +932 154 5 891249994 +932 155 3 891251869 +932 157 4 891250667 +932 161 3 891251507 +932 162 4 891250704 +932 163 4 891251246 +932 165 4 891248996 +932 167 4 891251647 +932 168 5 891250746 +932 169 5 891249649 +932 170 4 891248967 +932 172 5 891250472 +932 173 3 891250337 +932 174 4 891250017 +932 175 4 891250449 +932 176 5 891250449 +932 177 4 891250609 +932 178 5 891249821 +932 179 5 891249239 +932 180 4 891251014 +932 183 4 891249877 +932 185 4 891250392 +932 188 3 891250142 +932 189 5 891250449 +932 191 4 891249620 +932 193 3 891250142 +932 194 5 891250472 +932 195 4 891250643 +932 196 4 891251038 +932 197 5 891249649 +932 198 4 891249109 +932 199 5 891249538 +932 203 4 891250584 +932 204 4 891250667 +932 205 5 891250211 +932 208 5 891249794 +932 209 5 891250258 +932 210 4 891250793 +932 211 5 891249710 +932 212 4 891249109 +932 213 3 891249038 +932 218 3 891250915 +932 222 4 891251485 +932 225 2 891251985 +932 226 3 891251292 +932 228 4 891251442 +932 229 4 891251063 +932 230 4 891251153 +932 234 3 891250060 +932 235 2 891250770 +932 238 3 891250609 +932 274 5 891250704 +932 285 4 891250392 +932 357 5 891280138 +932 379 2 891251798 +932 380 4 891250498 +932 385 2 891251331 +932 389 3 891251331 +932 399 4 891251798 +932 405 4 891251177 +932 414 4 891251959 +932 416 3 891250498 +932 427 4 891249709 +932 428 4 891251105 +932 429 5 891249675 +932 430 4 891249849 +932 431 3 891250944 +932 432 4 891250109 +932 434 5 891251015 +932 435 4 891249821 +932 436 3 891251225 +932 441 2 891252504 +932 443 4 891250059 +932 447 3 891250944 +932 448 2 891251588 +932 459 4 891250944 +932 462 4 891249038 +932 470 3 891251331 +932 474 5 891250418 +932 475 4 891248856 +932 478 4 891249962 +932 479 5 891249794 +932 480 5 891250746 +932 481 4 891249877 +932 482 5 891250211 +932 483 5 891249962 +932 484 5 891249586 +932 486 5 891251177 +932 487 3 891250558 +932 488 5 891250282 +932 489 4 891249710 +932 490 4 891250891 +932 491 5 891249621 +932 493 5 891249767 +932 494 4 891250060 +932 495 5 891251105 +932 496 4 891250169 +932 497 5 891249933 +932 498 5 891250363 +932 502 4 891249710 +932 503 4 891249962 +932 504 4 891250236 +932 506 4 891249710 +932 507 5 891249675 +932 509 3 891248893 +932 510 4 891249146 +932 511 5 891250282 +932 513 5 891250316 +932 514 5 891249932 +932 515 4 891249373 +932 516 5 891249877 +932 517 5 891250643 +932 519 4 891249710 +932 520 4 891249794 +932 521 5 891249994 +932 523 4 891250080 +932 524 5 891249675 +932 525 5 891250418 +932 526 5 891250746 +932 527 4 891249710 +932 528 5 891249962 +932 529 4 891251153 +932 530 4 891249903 +932 541 1 891251421 +932 550 2 891251331 +932 560 2 891252198 +932 562 2 891251611 +932 566 4 891251463 +932 570 4 891251178 +932 576 2 891252198 +932 589 5 891250609 +932 600 2 891252412 +932 603 5 891249877 +932 606 4 891250169 +932 607 4 891249621 +932 611 5 891250418 +932 612 5 891249620 +932 613 4 891250363 +932 614 4 891280138 +932 615 5 891249621 +932 616 5 891251153 +932 617 4 891251588 +932 632 4 891249649 +932 636 3 891251063 +932 639 5 891249171 +932 640 2 891249239 +932 646 4 891250498 +932 647 5 891250987 +932 648 5 891249903 +932 649 4 891251199 +932 650 5 891250498 +932 652 3 891248893 +932 654 5 891249877 +932 657 5 891249767 +932 659 5 891250770 +932 661 5 891250109 +932 663 4 891251506 +932 665 2 891252058 +932 671 3 891250915 +932 675 4 891249538 +932 676 4 891251738 +932 679 2 891251538 +932 705 4 891250017 +932 708 4 891251647 +932 709 4 891251395 +932 736 3 891249261 +932 745 5 891250584 +932 755 2 891251822 +932 778 4 891251272 +932 805 4 891250236 +932 811 4 891250392 +932 836 5 891250142 +932 841 2 891250317 +932 855 5 891249109 +932 863 4 891249063 +932 890 1 891248778 +932 967 4 891251331 +932 968 4 891250816 +932 1020 5 891249621 +932 1021 4 891249146 +932 1030 2 891252338 +932 1035 4 891251869 +932 1050 4 891251015 +932 1065 5 891251538 +932 1116 4 891250943 +932 1121 5 891249261 +932 1126 5 891250862 +932 1139 2 891251562 +932 1149 4 891249767 +932 1184 3 891250169 +932 1204 5 891249821 +932 1205 5 891250643 +932 1266 4 891248937 +932 1305 2 891252260 +932 1397 4 891250793 +932 1411 4 891251647 +932 1449 5 891248937 +932 1451 5 891249675 +932 1454 4 891251985 +932 1456 4 891250891 +932 1512 5 891249038 +932 1558 5 891248996 +932 1573 4 891249239 +933 1 3 874854294 +933 4 3 874854383 +933 7 4 874854190 +933 9 3 874854402 +933 11 4 874853899 +933 12 4 874854135 +933 21 1 874854383 +933 22 5 874853634 +933 25 2 874854589 +933 28 4 874853977 +933 38 2 874939185 +933 39 3 874854100 +933 42 1 874853635 +933 50 4 874854383 +933 52 3 874854161 +933 53 1 874855104 +933 56 5 874853688 +933 58 3 874855121 +933 62 1 874854994 +933 63 2 874938563 +933 64 5 874853605 +933 67 1 874938430 +933 69 4 874854009 +933 70 2 874855020 +933 72 3 874938538 +933 73 4 874854629 +933 79 3 874853819 +933 80 2 874938689 +933 82 3 874939130 +933 87 4 874854723 +933 88 3 874854696 +933 89 4 874853957 +933 94 1 874938475 +933 95 3 874853666 +933 96 2 874855020 +933 97 2 874854161 +933 98 5 874853734 +933 100 5 874853927 +933 105 2 874938475 +933 110 1 874938664 +933 117 2 874939157 +933 121 3 874855138 +933 125 4 874854251 +933 127 5 874853898 +933 132 3 874853605 +933 135 4 874854444 +933 144 4 874854932 +933 151 4 874853977 +933 153 3 874853779 +933 154 2 874938389 +933 156 4 874854135 +933 157 4 874854932 +933 159 3 874854190 +933 160 3 874853755 +933 161 2 874939105 +933 163 2 874938309 +933 164 2 874854461 +933 166 3 874854062 +933 167 2 874938491 +933 168 3 874853869 +933 172 2 874939031 +933 173 3 874855020 +933 174 4 874854745 +933 175 4 874854444 +933 176 3 874854315 +933 177 4 874854994 +933 179 5 874854135 +933 180 5 874854723 +933 181 2 874854100 +933 182 4 874854853 +933 183 4 874853819 +933 184 1 874938850 +933 186 4 874938563 +933 187 4 874854294 +933 193 4 874853927 +933 194 4 874854135 +933 195 4 874854589 +933 196 4 874854932 +933 200 4 874854783 +933 202 2 874854745 +933 204 3 874854723 +933 209 2 874854678 +933 210 3 874853734 +933 211 4 874854251 +933 214 3 874853666 +933 215 3 874854031 +933 216 3 874938239 +933 218 3 874854678 +933 219 1 874854217 +933 222 1 874854783 +933 226 2 874854874 +933 227 1 874939078 +933 228 4 874854217 +933 229 1 874939078 +933 230 3 874854338 +933 231 1 874939031 +933 232 1 874938354 +933 233 2 874939008 +933 234 3 874853957 +933 238 2 874853819 +933 239 3 874938412 +933 241 2 874855069 +933 265 4 874854697 +933 273 3 874855069 +933 282 3 874855104 +933 284 2 874854294 +933 317 4 874853779 +933 318 4 874853605 +933 357 4 874853635 +933 367 4 874854190 +933 384 1 874938475 +933 385 3 874939207 +933 388 1 874938620 +933 391 1 874939230 +933 392 3 874854652 +933 393 2 874938371 +933 399 3 874939157 +933 403 3 874939105 +933 405 3 874939157 +933 410 3 874854383 +933 411 2 874938689 +933 424 1 874938833 +933 433 1 874854251 +933 435 4 874854251 +933 441 2 874938833 +933 447 2 874854678 +933 449 1 874939207 +933 451 1 874938507 +933 452 1 874938808 +933 453 1 874938833 +933 467 3 874854479 +933 470 4 874854611 +933 471 3 874854611 +933 474 5 874853734 +933 475 2 874853605 +933 476 2 874854953 +933 483 4 874854424 +933 508 3 874853927 +933 515 3 874854062 +933 523 4 874853957 +933 546 2 874939105 +933 550 1 874939185 +933 559 2 874938808 +933 561 3 874938808 +933 568 2 874939207 +933 569 1 874938850 +933 575 1 874938620 +933 576 1 874939185 +933 577 1 874938705 +933 578 1 874939230 +933 583 3 874854217 +933 585 1 874938728 +933 597 1 874939230 +933 627 2 874854874 +933 636 2 874939105 +933 651 3 874854081 +933 652 3 874854424 +933 654 4 874854338 +933 665 1 874938878 +933 679 1 874939078 +933 710 2 874938309 +933 732 3 874854651 +933 734 2 874938644 +933 735 3 874853846 +933 746 4 874854762 +933 763 3 874938644 +933 765 1 874938644 +933 789 4 874853957 +933 823 2 874854813 +933 834 1 874938878 +933 840 3 874939230 +933 866 2 874938620 +933 934 1 874938412 +933 940 1 874938664 +933 959 1 874938430 +933 1017 3 874854953 +933 1028 2 874938620 +933 1037 1 874938620 +933 1070 2 874854031 +933 1110 3 874938728 +933 1183 3 874938596 +933 1188 1 874938474 +933 1228 1 874939247 +933 1246 1 874938728 +934 1 2 891225958 +934 2 4 891192087 +934 4 5 891195713 +934 13 5 891189566 +934 25 4 891195233 +934 50 5 891189363 +934 56 5 891191922 +934 65 4 891192914 +934 66 4 891193187 +934 67 4 891193373 +934 69 5 891193013 +934 70 4 891195713 +934 72 3 891195982 +934 82 4 891194221 +934 83 4 891191831 +934 86 3 891191831 +934 88 4 891194866 +934 89 5 891191157 +934 94 4 891196117 +934 96 4 891191157 +934 97 4 891192329 +934 99 3 891194379 +934 100 4 891189511 +934 121 3 891189819 +934 131 4 891191778 +934 132 4 891190609 +934 134 4 891191157 +934 135 4 891191659 +934 144 4 891192087 +934 145 3 891196610 +934 151 3 891189401 +934 152 4 891194303 +934 153 5 891225716 +934 154 3 891191401 +934 156 3 891190813 +934 157 2 891194498 +934 161 4 891193290 +934 162 3 891191546 +934 163 4 891193331 +934 168 4 891191875 +934 170 4 891190744 +934 172 5 891191206 +934 173 3 891192965 +934 174 5 891191511 +934 175 4 891190854 +934 177 3 891192623 +934 179 2 891191600 +934 181 4 891189275 +934 183 2 891190903 +934 186 2 891190854 +934 190 4 891191660 +934 191 5 891190695 +934 193 4 891192236 +934 195 4 891191600 +934 196 5 891191108 +934 197 5 891192041 +934 199 4 891191778 +934 202 5 891193132 +934 204 4 891192444 +934 208 5 891191258 +934 209 1 891190695 +934 210 4 891191206 +934 211 4 891194661 +934 212 4 891194802 +934 213 4 891190744 +934 216 1 891191511 +934 223 5 891191659 +934 225 2 891197375 +934 226 4 891191831 +934 228 4 891193778 +934 229 4 891194539 +934 234 2 891191875 +934 237 4 891189879 +934 239 4 891194802 +934 254 4 891190478 +934 257 4 891189598 +934 269 2 891188367 +934 286 4 891188367 +934 297 5 891189969 +934 302 4 891188367 +934 303 4 891188441 +934 313 3 891188441 +934 315 4 891188403 +934 316 4 891188727 +934 384 4 891195573 +934 388 3 891197678 +934 389 3 891195811 +934 393 2 891193013 +934 403 4 891195537 +934 405 5 891189819 +934 411 3 891190377 +934 414 5 891191027 +934 419 4 891192849 +934 420 4 891191469 +934 423 3 891191660 +934 427 4 891191027 +934 428 4 891195503 +934 432 5 891191976 +934 435 4 891191365 +934 436 3 891196610 +934 449 4 891194900 +934 451 4 891192562 +934 461 4 891191660 +934 462 4 891191511 +934 474 4 891191976 +934 481 4 891191402 +934 483 3 891190609 +934 488 5 891192197 +934 492 4 891192087 +934 495 4 891195604 +934 498 3 891191511 +934 501 4 891196464 +934 502 4 891194539 +934 506 4 891193331 +934 507 4 891192145 +934 510 5 891193751 +934 514 5 891191546 +934 516 3 891191334 +934 526 2 891192197 +934 527 3 891191334 +934 529 5 891194866 +934 533 3 891189640 +934 550 4 891193097 +934 554 4 891194462 +934 573 2 891197530 +934 581 2 891193814 +934 584 4 891196384 +934 602 3 891195063 +934 605 4 891195288 +934 614 3 891191334 +934 617 4 891191778 +934 624 4 891193290 +934 629 4 891191334 +934 630 4 891192285 +934 648 3 891190695 +934 650 4 891195503 +934 657 3 891191027 +934 660 5 891194836 +934 661 4 891190960 +934 663 5 891192849 +934 664 4 891193331 +934 674 4 891193814 +934 675 4 891192285 +934 703 4 891195437 +934 705 4 891191778 +934 708 3 891192329 +934 709 3 891196314 +934 712 4 891196564 +934 732 5 891194089 +934 755 4 891196610 +934 771 3 891196950 +934 786 1 891194089 +934 792 3 891193132 +934 794 4 891192849 +934 805 4 891194221 +934 811 4 891192145 +934 818 1 891190288 +934 855 4 891192849 +934 902 4 891188580 +934 949 3 891197678 +934 961 4 891193854 +934 963 5 891192914 +934 965 4 891192914 +934 972 3 891225716 +934 1018 4 891192849 +934 1037 1 891197344 +934 1065 2 891191108 +934 1135 3 891196117 +934 1203 5 891193013 +934 1285 3 891196516 +934 1311 1 891195713 +934 1411 4 891195437 +934 1425 1 891197851 +934 1449 5 891191976 +935 1 3 884472064 +935 9 1 884472352 +935 15 5 884472177 +935 100 3 884472110 +935 117 4 884472229 +935 118 4 884472704 +935 120 3 884472942 +935 121 4 884472434 +935 125 4 884472575 +935 127 4 884472086 +935 148 4 884472892 +935 181 4 884472039 +935 237 5 884472159 +935 255 4 884472247 +935 257 2 884472110 +935 274 5 884472352 +935 281 5 884472310 +935 282 4 884472539 +935 283 4 884472136 +935 284 4 884472673 +935 286 5 884471835 +935 300 4 884471955 +935 313 5 884471835 +935 405 4 884472704 +935 471 4 884472352 +935 476 4 884472465 +935 546 4 884472743 +935 597 4 884472576 +935 620 2 884472627 +935 685 4 884472310 +935 717 4 884472872 +935 742 5 884472266 +935 815 4 884472576 +935 846 4 884472999 +935 864 5 884472704 +935 924 4 884472392 +935 934 4 884472743 +935 1016 4 884472434 +935 1048 3 884472465 +936 1 4 886832453 +936 3 4 886833148 +936 6 5 886832636 +936 7 4 886832221 +936 9 4 886832373 +936 13 4 886832596 +936 14 4 886832373 +936 16 4 886832596 +936 19 5 886832092 +936 20 5 886833795 +936 24 4 886832904 +936 25 4 886833231 +936 50 4 886832282 +936 93 5 886833795 +936 100 4 886832092 +936 106 3 886833148 +936 108 4 886832758 +936 111 4 886832597 +936 116 4 886832636 +936 117 4 886832713 +936 118 3 886833516 +936 121 4 886832544 +936 124 4 886832282 +936 125 4 886832757 +936 127 5 886833795 +936 129 4 886832134 +936 137 4 886832544 +936 181 4 886832596 +936 221 4 886832373 +936 235 3 886833099 +936 236 5 886832183 +936 237 4 886832672 +936 243 2 886831820 +936 244 4 886833099 +936 246 4 886832282 +936 248 4 886833006 +936 249 5 886832808 +936 250 5 886832337 +936 251 4 886832134 +936 252 2 886833099 +936 253 5 886832454 +936 255 5 886833795 +936 257 3 886832808 +936 258 3 886831374 +936 259 3 886831709 +936 268 4 886831415 +936 269 4 886831415 +936 272 4 886831374 +936 273 3 886832453 +936 274 3 886832858 +936 275 4 886832134 +936 276 5 886832282 +936 281 4 886832903 +936 282 2 886832714 +936 285 4 886832221 +936 286 5 886833794 +936 287 4 886832419 +936 289 5 886831769 +936 294 3 886831679 +936 295 3 886832502 +936 298 4 886832134 +936 300 3 886831501 +936 301 3 886831637 +936 312 3 886831853 +936 313 4 886831374 +936 319 4 886831576 +936 321 3 886831769 +936 323 3 886831820 +936 324 5 886831576 +936 325 5 886831709 +936 327 4 886831445 +936 333 3 886831415 +936 340 4 886831535 +936 343 3 886831576 +936 346 4 886831445 +936 358 4 886831820 +936 405 2 886833053 +936 410 3 886833099 +936 455 3 886833148 +936 475 5 886832282 +936 476 4 886832544 +936 508 3 886832282 +936 535 2 886833052 +936 547 5 886833795 +936 591 4 886832373 +936 628 1 886832758 +936 678 3 886831820 +936 696 2 886833191 +936 717 2 886833325 +936 741 4 886832808 +936 748 2 886831738 +936 756 4 886833052 +936 766 3 886832597 +936 813 5 886832222 +936 815 3 886833571 +936 818 4 886832903 +936 825 4 886832502 +936 827 2 886833191 +936 845 4 886833006 +936 864 4 886833360 +936 866 2 886833099 +936 898 1 886831535 +936 904 5 886831415 +936 919 5 886832808 +936 926 4 886833191 +936 927 4 886833052 +936 928 3 886832502 +936 952 4 886832966 +936 975 3 886832714 +936 988 3 886831912 +936 995 3 886831637 +936 1007 5 886833795 +936 1008 5 886833098 +936 1009 4 886833231 +936 1011 4 886832757 +936 1014 3 886833571 +936 1016 3 886832966 +936 1023 2 886833661 +936 1068 4 886832904 +936 1079 1 886832714 +936 1086 3 886832134 +936 1097 5 886833795 +936 1115 4 886832859 +936 1129 5 886833795 +936 1160 5 886833795 +936 1163 5 886833099 +936 1171 5 886832757 +936 1190 3 886833707 +936 1199 4 886833148 +936 1202 4 886832221 +936 1226 3 886833148 +936 1241 4 886832808 +936 1258 2 886833281 +936 1279 3 886833360 +936 1315 3 886833191 +936 1323 4 886833281 +936 1335 4 886833325 +936 1344 5 886832183 +936 1368 5 886832337 +936 1370 4 886833571 +936 1375 5 886832596 +936 1377 5 886832183 +937 9 5 876769373 +937 14 4 876769080 +937 19 1 876769436 +937 50 5 876769374 +937 93 4 876780336 +937 100 3 876769080 +937 116 4 876769080 +937 124 4 876769212 +937 126 4 876769374 +937 137 3 876769480 +937 222 3 876769530 +937 224 4 876769480 +937 225 2 876769436 +937 236 4 876769373 +937 237 4 876769530 +937 242 3 876762200 +937 255 3 876769323 +937 258 4 876762200 +937 268 1 876762200 +937 275 4 876769323 +937 283 4 876769212 +937 285 4 876769436 +937 286 4 876762200 +937 293 4 876769530 +937 294 1 876769480 +937 295 4 876780336 +937 297 4 876769436 +937 300 4 876768813 +937 301 1 876768812 +937 303 4 876762200 +937 304 4 876768813 +937 326 1 876768813 +937 408 5 876769323 +937 508 1 876780336 +937 515 5 876769253 +937 847 4 876769213 +937 864 3 876769530 +937 874 3 876768956 +937 988 2 876768983 +937 1007 4 876769373 +938 1 4 891356314 +938 7 4 891356679 +938 9 3 891356413 +938 15 2 891356615 +938 25 4 891356532 +938 50 5 891356314 +938 100 5 891356350 +938 105 1 891357137 +938 106 5 891357019 +938 111 5 891356742 +938 117 3 891356350 +938 118 5 891356799 +938 121 5 891356895 +938 122 1 891357190 +938 125 3 891356742 +938 126 4 891356656 +938 127 5 891356446 +938 148 3 891356500 +938 151 4 891356679 +938 181 5 891356390 +938 220 4 891357085 +938 222 5 891356479 +938 225 4 891357161 +938 235 1 891357137 +938 237 2 891356549 +938 240 2 891356847 +938 243 4 891356085 +938 245 3 891356282 +938 248 1 891356390 +938 250 3 891356532 +938 252 4 891357042 +938 255 1 891356329 +938 257 5 891356350 +938 258 5 891353196 +938 259 2 891356282 +938 260 4 891355996 +938 273 5 891356532 +938 275 4 891356350 +938 276 3 891356572 +938 281 2 891356594 +938 284 2 891356827 +938 286 3 891356282 +938 288 5 891354203 +938 289 1 891356282 +938 290 3 891356679 +938 291 4 891356594 +938 293 3 891356501 +938 298 4 891356573 +938 300 3 891350008 +938 313 5 891349471 +938 323 3 891356282 +938 328 2 891356282 +938 333 4 891356146 +938 343 4 891356062 +938 358 4 891355972 +938 370 5 891357137 +938 405 3 891356847 +938 406 3 891357060 +938 410 1 891356780 +938 411 3 891357042 +938 456 1 891357161 +938 458 4 891356780 +938 471 3 891356413 +938 472 4 891356656 +938 473 3 891357106 +938 476 4 891357137 +938 477 1 891356702 +938 508 4 891356367 +938 546 3 891356532 +938 591 3 891356463 +938 595 2 891357042 +938 596 5 891356532 +938 597 3 891356679 +938 676 3 891356428 +938 678 3 891356282 +938 685 3 891356894 +938 717 2 891357060 +938 742 3 891356702 +938 748 2 891356282 +938 756 3 891357019 +938 762 4 891356780 +938 763 4 891356656 +938 815 3 891356532 +938 823 4 891357019 +938 829 1 891357085 +938 840 2 891357190 +938 841 3 891357190 +938 845 1 891356780 +938 864 4 891356827 +938 866 5 891356991 +938 871 2 891356549 +938 873 3 891356085 +938 926 3 891357137 +938 928 5 891356656 +938 929 2 891356966 +938 988 3 891356282 +938 993 5 891356413 +938 1012 5 891356500 +938 1013 2 891357042 +938 1014 4 891356632 +938 1016 3 891356799 +938 1028 5 891356679 +938 1033 2 891357137 +938 1047 3 891357107 +938 1061 4 891357085 +938 1152 3 891357106 +938 1254 1 891357019 +938 1283 3 891357190 +939 9 5 880260745 +939 15 5 880261094 +939 106 3 880262019 +939 118 5 880261450 +939 121 5 880261373 +939 127 5 880260745 +939 220 5 880261658 +939 222 5 880260956 +939 237 5 880261056 +939 252 3 880261185 +939 254 3 880262319 +939 255 5 880261094 +939 257 5 880260805 +939 258 4 880260692 +939 266 2 880260636 +939 274 5 880261334 +939 275 4 880260852 +939 280 5 880261291 +939 283 5 880261291 +939 285 5 880261184 +939 298 5 880261184 +939 326 5 880260636 +939 405 4 880261450 +939 409 4 880261532 +939 411 4 880261917 +939 424 3 880262019 +939 471 5 880261254 +939 476 5 880261974 +939 508 5 880261141 +939 546 4 880261610 +939 591 5 880260994 +939 597 4 880261610 +939 680 2 880260636 +939 689 5 880260636 +939 717 4 880261784 +939 742 5 880260915 +939 756 5 880261532 +939 818 3 880262057 +939 841 4 880261868 +939 890 2 880260636 +939 931 2 880262196 +939 934 3 880262139 +939 993 4 880260853 +939 1023 4 880262057 +939 1028 5 880261868 +939 1051 5 880262090 +939 1054 4 880261868 +939 1190 5 880260883 +939 1277 5 880261945 +940 4 2 885922040 +940 7 4 885921597 +940 8 5 885921577 +940 9 3 885921687 +940 12 4 885921979 +940 14 3 885921710 +940 47 3 885921758 +940 50 4 885921542 +940 56 5 885921577 +940 66 4 885922016 +940 69 2 885921265 +940 70 3 885921500 +940 82 4 885922040 +940 89 4 885921828 +940 95 5 885921800 +940 96 5 885921265 +940 98 4 885921421 +940 100 3 885921471 +940 116 2 885921741 +940 137 3 885921758 +940 147 4 885921893 +940 150 3 885921422 +940 151 3 885921800 +940 153 2 885921953 +940 161 3 885921870 +940 164 2 885921915 +940 168 3 885921597 +940 170 4 885921401 +940 171 2 885921401 +940 172 4 885921451 +940 173 4 885921400 +940 174 4 885921310 +940 176 4 885921979 +940 181 3 885921310 +940 183 3 885921422 +940 191 4 885921710 +940 193 3 885921893 +940 194 5 885921953 +940 200 3 885922016 +940 204 4 885922015 +940 205 3 885921243 +940 209 4 885921800 +940 213 4 885921597 +940 215 2 885921451 +940 216 4 885921310 +940 238 4 885921628 +940 258 5 884801316 +940 259 4 884801316 +940 264 1 884801053 +940 269 4 884801316 +940 271 2 884801053 +940 272 4 884801316 +940 285 4 885921846 +940 286 3 884800898 +940 289 3 884801144 +940 294 4 884801316 +940 300 5 884801316 +940 301 3 884800988 +940 302 4 884801316 +940 310 3 884800966 +940 313 5 884801316 +940 315 4 884801125 +940 316 4 889480582 +940 317 4 885921577 +940 319 2 884800944 +940 321 4 884801316 +940 343 2 884801246 +940 347 3 884801024 +940 354 5 889480493 +940 355 1 889480552 +940 357 4 885921219 +940 358 1 884801227 +940 382 3 885921953 +940 420 4 885921979 +940 427 5 885921451 +940 430 4 885921542 +940 436 4 885921542 +940 471 4 885921628 +940 474 3 885921687 +940 482 5 885921198 +940 508 5 885921198 +940 516 4 885921401 +940 521 4 885921915 +940 527 3 885921710 +940 529 3 885921669 +940 549 2 885921915 +940 568 3 885921870 +940 610 1 885921953 +940 628 4 885921800 +940 629 3 885921800 +940 651 4 885921243 +940 655 4 885921775 +940 657 4 885921471 +940 678 4 884801316 +940 683 3 884800988 +940 692 4 885921651 +940 708 3 885921953 +940 709 5 885921451 +940 746 3 885921669 +940 751 3 884801227 +940 792 2 885921892 +940 855 5 885921980 +940 873 3 889480440 +940 879 3 889480535 +940 1137 3 885921577 +940 1167 4 885921198 +940 1401 1 885921371 +941 1 5 875049144 +941 7 4 875048952 +941 15 4 875049144 +941 117 5 875048886 +941 124 5 875048996 +941 147 4 875049077 +941 181 5 875048887 +941 222 2 875049038 +941 257 4 875048952 +941 258 4 875048495 +941 273 3 875049038 +941 294 4 875048532 +941 298 5 875048887 +941 300 4 875048495 +941 358 2 875048581 +941 408 5 875048886 +941 455 4 875049038 +941 475 4 875049038 +941 763 3 875048996 +941 919 5 875048887 +941 993 4 875048996 +941 1007 4 875049077 +942 31 5 891283517 +942 50 5 891282816 +942 71 5 891282840 +942 79 5 891282903 +942 95 5 891283516 +942 97 5 891283239 +942 99 5 891282880 +942 117 4 891282816 +942 124 4 891283068 +942 131 5 891283094 +942 135 3 891283017 +942 172 5 891282963 +942 174 5 891283209 +942 183 3 891283184 +942 193 5 891283043 +942 197 5 891283043 +942 200 4 891282840 +942 210 4 891283184 +942 215 5 891283117 +942 216 4 891282963 +942 234 4 891283161 +942 258 4 891282438 +942 259 4 891282673 +942 261 4 891282673 +942 265 5 891282880 +942 269 2 891282396 +942 272 5 891282420 +942 282 5 891282816 +942 300 5 891282564 +942 303 4 891282477 +942 304 5 891282457 +942 310 4 891282396 +942 313 3 891282396 +942 315 4 891282355 +942 316 4 891282618 +942 318 5 891282903 +942 322 3 891282539 +942 323 3 891282644 +942 328 3 891282503 +942 347 5 891282396 +942 357 4 891283239 +942 362 3 891282420 +942 414 4 891282857 +942 423 5 891283095 +942 427 5 891283017 +942 435 5 891282931 +942 478 5 891283017 +942 479 4 891283118 +942 480 5 891282985 +942 484 5 891282963 +942 487 4 891282985 +942 496 5 891283043 +942 498 5 891282931 +942 500 5 891282816 +942 511 4 891282931 +942 514 4 891283069 +942 520 5 891282963 +942 528 5 891282840 +942 539 3 891282673 +942 584 4 891283239 +942 604 4 891283139 +942 607 5 891282931 +942 615 3 891283017 +942 659 5 891283161 +942 661 4 891283139 +942 662 4 891283517 +942 678 3 891282673 +942 689 3 891282644 +942 705 4 891283095 +942 750 4 891282355 +942 878 4 891282702 +942 879 4 891282539 +942 892 3 891282644 +942 945 5 891283239 +942 969 4 891282817 +942 1028 4 891283209 +942 1050 5 891283043 +942 1204 4 891283209 +942 1221 4 891282783 +943 2 5 888639953 +943 9 3 875501960 +943 11 4 888639000 +943 12 5 888639093 +943 22 4 888639042 +943 23 4 888638897 +943 24 4 875502074 +943 27 4 888639954 +943 28 4 875409978 +943 31 4 888639066 +943 38 3 888640208 +943 41 4 888640251 +943 42 5 888639042 +943 50 4 875501835 +943 51 1 888640088 +943 53 3 888640067 +943 54 4 888639972 +943 55 5 888639118 +943 56 5 888639269 +943 58 4 888639118 +943 62 3 888640003 +943 64 5 875409939 +943 67 4 888640143 +943 68 4 888639500 +943 69 5 888639427 +943 72 2 888639814 +943 73 3 888639598 +943 76 4 888639523 +943 79 5 888639019 +943 80 2 888640048 +943 92 5 888639660 +943 94 4 888639929 +943 96 4 888638920 +943 97 2 888639445 +943 98 5 888638980 +943 100 5 875501725 +943 111 4 875502192 +943 117 4 875501937 +943 121 3 875502096 +943 122 1 875502576 +943 124 3 875501995 +943 127 5 875501774 +943 132 3 888639093 +943 139 1 888640027 +943 151 4 888692699 +943 161 4 888639772 +943 168 2 888638897 +943 172 4 888638940 +943 173 5 888638960 +943 174 4 875410099 +943 181 4 875409978 +943 182 5 888639066 +943 184 5 888639247 +943 185 2 888639370 +943 186 5 888639478 +943 187 5 888639147 +943 188 4 888639269 +943 193 4 888639093 +943 194 5 888639192 +943 195 4 888639407 +943 196 5 888639192 +943 200 4 888639388 +943 201 5 888639351 +943 202 2 888639170 +943 204 3 888639117 +943 205 5 888639478 +943 210 4 888639147 +943 215 5 888639000 +943 216 4 888639327 +943 217 3 888640067 +943 218 4 888639929 +943 219 4 888639575 +943 226 4 888639660 +943 227 1 888693158 +943 228 3 888693158 +943 229 2 888693158 +943 230 1 888693158 +943 231 2 888640186 +943 232 4 888639867 +943 233 5 888639327 +943 234 3 888693184 +943 237 4 888692413 +943 239 5 888639867 +943 274 3 875502074 +943 281 4 875502299 +943 282 5 875502230 +943 284 2 875502192 +943 318 3 888639093 +943 356 4 888639598 +943 367 4 888639679 +943 373 3 888640275 +943 385 4 888639308 +943 386 1 888640186 +943 391 2 888640291 +943 393 2 888639638 +943 399 1 888639886 +943 401 1 888639867 +943 402 2 888639702 +943 403 4 888639746 +943 405 4 875502042 +943 406 3 875502597 +943 412 2 875501856 +943 415 1 888640027 +943 419 2 888638920 +943 421 2 888639351 +943 423 3 888639231 +943 426 4 888640027 +943 427 4 888639147 +943 431 4 888639724 +943 443 2 888639746 +943 449 1 888693158 +943 450 1 888693158 +943 468 2 888639575 +943 470 4 888639814 +943 471 5 875502042 +943 475 5 875501889 +943 485 5 888639523 +943 508 5 875501795 +943 526 4 888639523 +943 541 4 888639954 +943 546 4 875502229 +943 549 1 888639772 +943 559 4 888639638 +943 566 4 888639886 +943 568 3 888639042 +943 569 2 888640186 +943 570 1 888640125 +943 576 4 888640106 +943 581 4 888639814 +943 585 1 888640250 +943 595 2 875502597 +943 609 2 888639702 +943 614 5 888639351 +943 625 3 888639427 +943 655 4 888639269 +943 672 5 888640125 +943 685 4 875502042 +943 717 4 875502116 +943 720 1 888640048 +943 721 5 888639660 +943 722 3 888640208 +943 724 1 888639478 +943 732 4 888639789 +943 739 4 888639929 +943 756 2 875502146 +943 763 4 875501813 +943 765 3 888640227 +943 785 2 888640088 +943 794 3 888640143 +943 796 3 888640311 +943 808 4 888639868 +943 816 4 888640186 +943 824 4 875502483 +943 825 3 875502283 +943 831 2 875502283 +943 840 4 888693104 +943 928 5 875502074 +943 941 1 888639725 +943 943 5 888639614 +943 1011 2 875502560 +943 1028 2 875502096 +943 1044 3 888639903 +943 1047 2 875502146 +943 1067 2 875501756 +943 1074 4 888640250 +943 1188 3 888640250 +943 1228 3 888640275 +943 1330 3 888692465 diff --git a/MovieLens Movie Recommendation/Python/ml-100k/u2.test b/MovieLens Movie Recommendation/Python/ml-100k/u2.test new file mode 100644 index 00000000..03527d72 --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/u2.test @@ -0,0 +1,20000 @@ +1 1 5 874965758 +1 2 3 876893171 +1 8 1 875072484 +1 9 5 878543541 +1 21 1 878542772 +1 22 4 875072404 +1 26 3 875072442 +1 30 3 878542515 +1 32 5 888732909 +1 34 2 878542869 +1 37 2 878543030 +1 38 3 878543075 +1 40 3 876893230 +1 63 2 878543196 +1 68 4 875072688 +1 75 4 878543238 +1 89 5 875072484 +1 93 5 875071484 +1 99 3 875072547 +1 105 2 875240739 +1 119 5 876893098 +1 131 1 878542552 +1 133 4 876892818 +1 135 4 875072404 +1 136 3 876893206 +1 138 1 878543006 +1 141 3 878542608 +1 144 4 875073180 +1 146 4 875071561 +1 147 3 875240993 +1 158 3 878542699 +1 166 5 874965677 +1 173 5 878541803 +1 176 5 876892468 +1 179 3 875072370 +1 181 5 874965739 +1 187 4 874965678 +1 194 4 876892743 +1 197 5 875072956 +1 205 3 878542909 +1 211 3 878541970 +1 220 3 875241390 +1 234 4 876892355 +1 237 2 875071749 +1 239 4 878542845 +1 246 5 874965905 +1 247 1 875241619 +1 249 4 874965970 +1 256 4 889751712 +1 257 4 874965954 +1 268 5 875692927 +1 269 5 877482427 +1 270 5 888732827 +1 271 2 887431672 +2 1 4 888550871 +2 10 2 888551853 +2 14 4 888551853 +2 25 4 888551648 +2 111 4 888551853 +2 242 5 888552084 +2 258 3 888549961 +2 273 4 888551647 +2 276 4 888551552 +2 277 4 888551174 +2 282 4 888551922 +2 283 5 888552084 +2 287 3 888551235 +2 291 3 888551647 +2 293 4 888550939 +2 294 1 888551648 +2 295 4 888551164 +2 305 3 888550065 +2 306 4 888550774 +2 309 1 888980029 +2 310 4 888979061 +3 181 4 889237482 +3 258 2 889237026 +3 260 4 889237455 +3 268 3 889236961 +3 288 2 889237026 +3 302 2 889236939 +3 303 3 889236983 +3 317 2 889237482 +3 320 5 889237482 +3 321 5 889237455 +3 322 3 889237269 +3 329 4 889237455 +3 338 2 889237297 +3 339 3 889237141 +3 342 4 889237174 +3 355 3 889237247 +4 210 3 892003374 +4 258 5 892001374 +4 271 4 892001690 +4 300 5 892001445 +4 328 3 892001537 +4 329 5 892002352 +5 21 3 875635327 +5 25 3 875635318 +5 29 4 875637023 +5 50 4 875635758 +5 70 4 875636389 +5 95 4 875721168 +5 99 3 875721216 +5 101 5 878844510 +5 135 4 875637536 +5 151 3 875635723 +5 162 1 875721572 +5 168 3 875636691 +5 172 5 875636130 +5 183 4 875636014 +5 186 5 875636375 +5 194 4 878845197 +5 208 4 875636675 +5 226 3 875635962 +5 229 2 875635947 +5 257 5 875635239 +5 371 1 875720967 +5 378 1 875721167 +5 381 1 875636540 +5 390 5 875636340 +5 392 2 875637330 +5 395 2 879198898 +5 399 3 875635947 +5 401 5 875636308 +5 405 3 875635225 +5 408 5 878844495 +5 414 3 875636691 +5 415 1 875636842 +5 416 1 875721196 +5 427 3 875721167 +5 430 5 875636631 +5 432 4 875636793 +5 437 1 878844423 +5 440 1 878844423 +5 442 1 879198898 +5 443 4 875720744 +5 449 2 875636099 +5 451 1 875636571 +5 452 1 878844397 +5 456 1 875636375 +6 12 4 883601053 +6 13 2 883599400 +6 21 3 883600152 +6 22 3 883602048 +6 47 3 883600943 +6 50 4 883600842 +6 64 4 883600597 +6 137 5 883599327 +6 165 5 883600747 +6 166 4 883601426 +6 169 4 883600943 +6 174 4 883600985 +6 177 4 883600818 +6 178 4 883600785 +6 186 4 883602730 +6 191 4 883601088 +6 194 4 883601365 +6 200 3 883602422 +6 203 3 883602864 +6 246 3 883599509 +6 259 1 883268375 +6 272 4 883717304 +6 274 4 883602501 +6 293 3 883599327 +6 310 2 883268353 +6 321 3 883268353 +6 367 2 883602690 +6 405 1 883600066 +6 408 4 883599075 +6 410 4 883599707 +6 419 4 883602284 +6 427 4 883600707 +6 435 4 883601529 +6 461 4 883601393 +6 465 1 883683508 +6 473 2 883600111 +6 482 4 883601203 +6 485 5 883602664 +6 493 5 883601713 +6 494 4 883601713 +6 495 4 883601366 +6 501 5 883602730 +6 503 3 883602133 +6 504 3 883601155 +6 505 4 883602422 +6 507 4 883601310 +6 510 4 883600785 +6 512 4 883601155 +6 514 5 883600657 +6 516 4 883602664 +6 520 4 883600985 +6 522 5 883601500 +6 529 4 883601459 +6 530 4 883601203 +6 536 4 883599400 +6 538 2 883268483 +7 23 3 891351383 +7 27 4 891352692 +7 29 3 891353828 +7 47 5 891352692 +7 51 2 891352984 +7 56 5 891351432 +7 62 3 891354499 +7 64 5 891350756 +7 77 5 891353325 +7 80 4 891354381 +7 91 3 891353860 +7 97 5 891351201 +7 98 4 891351002 +7 99 5 891352557 +7 100 5 891351082 +7 134 4 892134959 +7 135 5 891351547 +7 140 5 891353124 +7 143 3 892132627 +7 157 5 891352059 +7 175 5 892133057 +7 178 4 891350932 +7 187 4 891350757 +7 192 4 891352010 +7 194 5 891351851 +7 199 5 892135346 +7 201 2 891351471 +7 213 3 891351686 +7 215 4 891351624 +7 216 4 891350900 +7 219 1 892131924 +7 229 3 891352384 +7 231 3 892132885 +7 234 5 891351041 +7 237 5 891351772 +7 258 4 892135277 +7 286 4 891350703 +7 294 1 892130809 +7 324 1 892135078 +7 380 4 891354053 +7 391 3 892132943 +7 403 4 891351234 +7 405 3 891353290 +7 416 5 891353051 +7 419 3 891350900 +7 429 5 891351002 +7 436 5 891351471 +7 440 1 892131978 +7 446 2 892132020 +7 447 5 891350900 +7 449 3 891354785 +7 465 4 891353154 +7 499 4 891351472 +7 507 5 891352383 +7 527 5 891351772 +7 529 2 891352626 +7 547 3 891353710 +7 552 4 891354531 +7 556 3 891352659 +7 557 4 892132145 +7 558 4 892131924 +7 565 4 892132019 +7 571 3 891353950 +7 572 3 891354331 +7 574 5 892132402 +7 578 3 891354090 +7 583 2 892132380 +7 584 4 891352093 +7 585 4 892133180 +7 588 4 891352261 +7 590 2 891354730 +7 593 5 891351851 +7 595 2 891353801 +7 596 5 891351728 +7 597 3 891353744 +7 600 4 891354090 +7 603 4 891350757 +7 609 3 891352749 +7 611 3 891351161 +7 612 5 891351121 +7 613 4 891352010 +7 616 4 891351002 +7 617 5 891354588 +7 620 4 891353892 +7 628 3 891352831 +7 646 5 891351383 +7 656 3 891351509 +7 660 5 891353051 +7 665 4 891354471 +7 677 3 891354499 +7 678 3 891350356 +7 679 5 891353124 +7 682 2 891350383 +8 82 5 879362356 +8 174 5 879362183 +8 195 5 879362287 +8 228 5 879362286 +8 229 5 879362356 +8 233 4 879362423 +8 241 4 879362423 +8 259 1 879361604 +8 273 3 879362287 +8 341 2 879361825 +8 435 5 879362233 +8 518 4 879362422 +8 684 4 879362356 +9 276 4 886959423 +9 294 4 886959453 +9 402 4 886959343 +9 483 5 886960056 +9 615 4 886959344 +9 690 1 886959344 +10 11 4 877888677 +10 32 4 877886661 +10 33 4 877893020 +10 50 5 877888545 +10 82 4 877886912 +10 116 4 877888944 +10 129 4 877891966 +10 134 5 877889131 +10 137 4 877889186 +10 157 5 877889004 +10 161 4 877892050 +10 162 4 877892210 +10 174 4 877886661 +10 178 5 877888677 +10 182 5 877888876 +10 205 5 877888812 +10 211 5 877889130 +10 216 4 877889333 +10 221 4 877888677 +10 245 4 877886281 +10 274 4 877889333 +10 302 4 877886162 +10 333 4 877886359 +10 334 4 877886281 +10 357 5 877889186 +10 404 4 877886911 +10 432 4 877892160 +10 462 3 877891747 +10 467 4 877891904 +10 480 5 877888943 +10 510 5 877892209 +10 511 4 877888877 +10 513 4 877886598 +10 527 4 877886597 +10 529 3 877892438 +10 531 5 877886911 +10 606 5 877888876 +10 663 3 877886598 +10 664 4 877886911 +10 692 4 877889261 +10 694 5 877892437 +10 697 3 877888677 +11 24 3 891904016 +11 39 3 891905824 +11 56 4 891904949 +11 57 2 891904552 +11 69 3 891904270 +11 70 4 891904573 +11 79 4 891905783 +11 86 4 891904551 +11 98 2 891905783 +11 168 3 891904949 +11 180 2 891904335 +11 211 3 891905003 +11 222 3 891902718 +11 228 3 891905824 +11 237 4 891903005 +11 238 3 891905032 +11 258 5 891901696 +11 259 3 891902270 +11 274 3 891906510 +11 286 5 891901606 +11 290 3 891903877 +11 317 4 891904174 +11 357 5 891904241 +11 370 3 891902880 +11 386 3 891905279 +11 405 3 891904016 +11 414 3 891905393 +11 423 5 891904174 +11 433 4 891905003 +11 508 4 891903005 +11 544 4 891903226 +11 549 4 891904617 +11 577 3 891905555 +11 580 5 891905222 +11 654 3 891905856 +11 659 5 891904920 +11 692 4 891905003 +11 707 5 891906389 +11 716 3 891905058 +11 719 3 891905279 +11 727 3 891904335 +11 728 3 891905366 +11 731 4 891904789 +11 742 3 891902815 +11 745 5 891905324 +11 749 5 891901797 +11 750 5 891901629 +12 133 4 879959670 +12 159 4 879959306 +12 168 4 879959513 +12 170 4 879959374 +12 195 4 879959670 +12 202 4 879959514 +12 216 5 879960826 +12 242 5 879960826 +12 392 4 879959025 +12 591 5 879959212 +12 708 3 879959394 +13 1 3 882140487 +13 4 5 882141306 +13 5 1 882396869 +13 7 2 882396790 +13 12 5 881515011 +13 13 5 882141617 +13 17 1 882396954 +13 23 5 882139937 +13 32 4 882140286 +13 51 3 882399419 +13 68 3 882397741 +13 79 3 882139746 +13 83 2 886303585 +13 89 4 882139717 +13 91 2 882398724 +13 92 3 882397271 +13 95 5 882140104 +13 96 4 882140104 +13 99 4 882398654 +13 110 3 882141130 +13 117 3 882398138 +13 138 1 882399218 +13 155 2 882399615 +13 170 5 882139774 +13 177 5 882397271 +13 183 4 882397271 +13 191 3 881515193 +13 193 5 882139937 +13 194 5 882141458 +13 200 3 882140552 +13 204 5 882140318 +13 216 3 881515193 +13 222 3 882140285 +13 233 4 882397650 +13 234 5 882140252 +13 237 5 882140285 +13 241 3 882397502 +13 286 3 881514683 +13 292 5 882140867 +13 311 3 881514726 +13 313 4 882774047 +13 316 5 888073653 +13 321 2 882140740 +13 327 3 881515521 +13 328 3 881514811 +13 329 2 886952246 +13 332 3 881515457 +13 339 3 882140718 +13 342 4 885744650 +13 347 5 885185824 +13 350 2 886302293 +13 355 3 888688733 +13 357 3 881515411 +13 394 2 882399615 +13 401 1 882141841 +13 403 2 882397271 +13 404 5 882399014 +13 413 1 882396984 +13 417 2 882398934 +13 419 3 882398814 +13 427 5 882398814 +13 430 5 882139495 +13 433 4 881515239 +13 435 5 882141392 +13 441 1 882396984 +13 442 1 890705056 +13 462 5 882140487 +13 463 5 882140318 +13 475 3 881515113 +13 478 4 884538571 +13 484 5 882139804 +13 494 4 881515295 +13 518 4 882140252 +13 523 4 882141306 +13 527 5 882140252 +13 529 4 882140206 +13 538 1 884538448 +13 547 1 882397011 +13 550 4 882397741 +13 551 1 882397084 +13 553 2 882399419 +13 554 2 882397833 +13 559 1 882396913 +13 563 1 882397039 +13 565 1 882397040 +13 578 3 882397974 +13 585 4 882141814 +13 603 4 884538571 +13 606 4 882140130 +13 613 4 881515411 +13 621 4 882398934 +13 637 2 882396913 +13 639 3 882139804 +13 646 4 882140037 +13 654 5 881515295 +13 661 5 881515411 +13 663 5 882140252 +13 669 1 882397067 +13 672 1 882396914 +13 674 3 882396955 +13 679 4 882397650 +13 686 5 882397146 +13 688 1 883670819 +13 689 2 881515735 +13 706 1 882396869 +13 709 4 882139863 +13 712 4 882141872 +13 732 5 882141617 +13 733 5 882399528 +13 737 4 882399615 +13 739 4 886303745 +13 740 1 882140355 +13 747 4 882140624 +13 754 4 882140718 +13 757 3 882398934 +13 760 1 882396914 +13 763 1 882141458 +13 768 4 882398724 +13 769 3 882397040 +13 770 4 882397581 +13 773 1 882396869 +13 785 3 882141924 +13 790 2 882141841 +13 791 5 882141686 +13 792 5 882139686 +13 795 2 882399219 +13 796 3 886304188 +13 800 1 882397067 +13 801 3 886303172 +13 804 2 882141997 +13 824 3 886302261 +13 827 3 882398327 +13 829 3 882398385 +13 833 2 882397974 +13 838 1 882397742 +13 843 5 882399156 +13 845 3 882141503 +13 846 2 882141997 +13 849 1 882397833 +13 850 4 882140318 +13 851 5 882139966 +13 855 4 882140130 +13 867 5 882399615 +13 871 2 882141924 +13 872 3 882139327 +13 879 2 881515697 +13 880 3 882140966 +13 883 3 882140848 +13 884 2 882140814 +13 889 3 892015236 +13 900 5 888279677 +13 909 5 890704721 +13 914 2 892870589 +14 12 5 890881216 +14 32 5 890881485 +14 96 4 890881433 +14 124 5 876964936 +14 127 2 879644647 +14 210 5 879119739 +14 222 4 876965061 +14 238 5 879119579 +14 288 4 876964936 +14 319 1 884482684 +14 427 5 890881433 +14 428 4 879119497 +14 628 5 880929697 +14 750 3 891014196 +14 820 3 882839856 +14 920 4 880929745 +14 921 5 890881384 +15 13 1 879455940 +15 14 4 879455659 +15 15 4 879455939 +15 50 5 879455606 +15 118 1 879456381 +15 181 5 879455710 +15 235 1 879456424 +15 243 1 879455362 +15 248 1 879455871 +15 251 2 879455541 +15 252 2 879456351 +15 255 5 879455764 +15 257 4 879455821 +15 269 5 879455165 +15 280 3 879456167 +15 282 3 879456204 +15 285 4 879455635 +15 291 3 879456084 +15 292 5 879455128 +15 302 4 879455049 +15 303 3 879455080 +15 306 5 879455165 +15 308 5 879455334 +15 310 4 879455049 +15 323 1 879455311 +15 333 1 879455128 +15 409 3 879456324 +15 455 1 879455914 +15 546 2 879456324 +15 676 4 879455871 +15 690 4 879455128 +15 866 4 879456288 +15 879 3 879455311 +15 926 1 879456424 +15 927 4 879456381 +15 928 1 879456404 +15 930 2 879456381 +15 935 3 879455710 +15 936 5 879455889 +16 1 5 877717833 +16 4 5 877726390 +16 11 5 877718755 +16 12 5 877718168 +16 58 4 877720118 +16 79 5 877727122 +16 95 5 877728417 +16 109 4 877719333 +16 143 5 877727192 +16 200 5 877722736 +16 204 5 877722736 +16 208 5 877727054 +16 216 5 877722736 +16 234 5 877720185 +16 237 5 877719504 +16 240 4 877724603 +16 282 5 877718755 +16 385 5 877727192 +16 404 5 877728417 +16 427 5 877722001 +16 467 5 877720733 +16 469 3 877720916 +16 498 5 877719333 +16 502 4 877723670 +16 509 2 877720118 +16 510 4 877727280 +16 531 5 877722736 +16 642 5 877719075 +16 770 3 877724979 +16 941 1 877720437 +16 946 5 877724727 +16 947 4 877719454 +16 948 3 877717397 +17 117 3 885272724 +17 137 4 885272606 +17 150 5 885272654 +17 286 3 885165619 +17 294 4 885166209 +17 323 1 885166256 +18 4 3 880132150 +18 6 5 880130764 +18 9 5 880130550 +18 42 3 880130713 +18 45 5 880130739 +18 60 4 880132055 +18 61 4 880130803 +18 65 5 880130333 +18 66 3 880131728 +18 79 4 880131450 +18 91 3 880130393 +18 94 3 880131676 +18 95 4 880131297 +18 98 5 880129527 +18 125 3 880131004 +18 132 5 880132437 +18 134 5 880129877 +18 153 4 880130551 +18 157 3 880131849 +18 165 4 880129527 +18 166 4 880129595 +18 168 3 880130431 +18 177 3 880131297 +18 198 3 880130613 +18 200 3 880131775 +18 211 5 880131358 +18 213 5 880131201 +18 236 3 880131077 +18 238 5 880132437 +18 283 5 880130551 +18 284 3 880131804 +18 285 5 880130333 +18 287 4 880131144 +18 319 4 880129305 +18 378 3 880131804 +18 402 3 880132225 +18 403 3 880132103 +18 404 4 880132055 +18 416 5 880131144 +18 425 3 880130713 +18 430 4 880130155 +18 435 4 880130890 +18 461 4 880130713 +18 474 4 880129731 +18 476 3 880132399 +18 478 5 880129691 +18 480 4 880129595 +18 486 3 880131559 +18 504 5 880129940 +18 519 4 880129991 +18 520 4 880129595 +18 582 5 880131450 +18 588 4 880131201 +18 613 5 880129769 +18 627 3 880131931 +18 639 4 880131407 +18 649 3 880131591 +18 654 4 880130110 +18 663 4 880129454 +18 707 3 880131450 +18 708 3 880129595 +18 709 5 880131028 +18 735 4 880130582 +18 736 4 880131028 +18 762 3 880132103 +18 781 3 880132188 +18 805 4 880131358 +18 845 3 880131236 +18 949 3 880131559 +18 951 3 880129595 +18 969 3 880131106 +18 972 3 880130515 +18 973 3 880129595 +19 210 3 885412840 +19 211 4 885412840 +19 268 2 885412034 +19 288 3 885411840 +19 319 4 885411465 +19 325 4 885412251 +19 887 4 885411465 +20 94 2 879669954 +20 151 3 879668555 +20 174 4 879669087 +20 181 4 879667904 +20 210 4 879669065 +20 357 1 879669244 +20 423 2 879669313 +20 498 3 879669001 +20 588 4 879669120 +20 763 1 879668476 +20 820 2 879668626 +20 866 1 879668583 +20 934 4 879668783 +21 5 2 874951761 +21 7 5 874951292 +21 17 4 874951695 +21 123 4 874951382 +21 145 1 874951761 +21 200 5 874951695 +21 201 5 874951658 +21 240 4 874951245 +21 243 2 874951039 +21 244 4 874951349 +21 261 1 874951006 +21 262 4 874950931 +21 263 1 874951040 +21 281 2 874951416 +21 289 3 874950972 +21 300 3 874950889 +21 301 4 874951054 +21 322 3 874951005 +21 406 1 874951293 +21 413 2 874951293 +21 436 4 874951858 +21 443 4 874951761 +21 453 2 874951797 +21 547 2 874951292 +21 551 3 874951898 +21 559 1 874951761 +21 561 1 874951761 +21 563 2 874951898 +21 567 2 874951858 +21 669 1 874951761 +21 674 2 874951897 +21 675 5 874951897 +21 680 1 874950972 +21 706 2 874951695 +21 748 1 874950889 +21 760 1 874951293 +21 767 1 874951314 +21 854 5 874951657 +21 872 2 874950889 +21 874 2 874951005 +21 878 2 874951039 +21 925 2 874951447 +21 976 1 874951483 +21 981 2 874951382 +21 984 1 874951040 +21 988 1 874951005 +21 989 3 874951039 +21 993 4 874951245 +22 21 4 878886750 +22 24 5 878888026 +22 53 3 878888107 +22 85 5 878886989 +22 94 3 878887277 +22 105 1 878887347 +22 109 4 878886710 +22 163 1 878886845 +22 167 3 878887023 +22 175 4 878886682 +22 184 5 878887869 +22 187 5 878887680 +22 202 5 878886480 +22 211 3 878886518 +22 216 4 878886682 +22 229 2 878887925 +22 231 2 878887983 +22 367 1 878886571 +22 431 4 878888026 +22 449 1 878888145 +22 451 4 878887062 +22 515 5 878887869 +22 523 5 878886845 +22 546 3 878888107 +22 636 3 878888106 +22 651 4 878887810 +22 665 1 878888145 +22 684 3 878887983 +22 840 4 878888184 +22 862 1 878886845 +22 932 1 878887277 +22 988 1 878887116 +22 996 1 878887158 +22 1002 1 878887186 +22 1003 1 878887277 +23 7 4 874784385 +23 14 4 874784440 +23 19 4 874784466 +23 79 4 874785957 +23 82 3 874787449 +23 91 4 884550049 +23 95 4 874786220 +23 100 5 874784557 +23 124 5 874784440 +23 132 4 874785756 +23 134 4 874786098 +23 145 3 874786244 +23 151 3 874784668 +23 155 3 874787059 +23 156 3 877817091 +23 161 2 874787017 +23 174 4 874785652 +23 175 5 874785526 +23 185 4 874785756 +23 202 3 874785165 +23 203 4 874786746 +23 204 3 874786122 +23 224 5 874784638 +23 230 4 874785809 +23 250 4 874784338 +23 275 5 874785474 +23 283 4 874784575 +23 294 1 876785901 +23 386 4 874789001 +23 408 5 874784538 +23 414 3 874785526 +23 418 4 874786037 +23 432 4 884550048 +23 433 5 874785233 +23 472 2 874784972 +23 530 4 874789279 +23 588 4 884550021 +23 597 3 874785024 +23 629 4 874786098 +23 652 4 874785926 +23 780 1 874788388 +23 856 4 874787288 +23 961 5 874785165 +24 8 5 875323002 +24 11 5 875323100 +24 41 5 875323594 +24 55 5 875323308 +24 69 5 875323051 +24 127 5 875323879 +24 173 5 875323474 +24 176 5 875323595 +24 180 5 875322847 +24 200 5 875323440 +24 237 4 875323002 +24 238 5 875323274 +24 249 4 875246216 +24 289 3 875245985 +24 300 4 875245985 +24 357 5 875323100 +24 421 5 875323712 +24 486 3 875322908 +24 582 4 875323368 +24 727 3 875322727 +24 729 5 875323475 +24 919 3 875246185 +25 116 4 885853335 +25 131 4 885852611 +25 141 4 885852720 +25 143 3 885852529 +25 186 4 885852569 +25 195 4 885852008 +25 265 4 885853415 +25 474 4 885852008 +25 479 5 885852569 +25 568 4 885852529 +25 655 4 885852248 +25 837 4 885852611 +25 968 4 885852218 +26 1 3 891350625 +26 14 3 891371505 +26 24 3 891377540 +26 50 4 891386368 +26 109 3 891376987 +26 118 3 891385691 +26 121 3 891377540 +26 126 4 891371676 +26 129 4 891350566 +26 151 3 891372429 +26 181 4 891386369 +26 222 3 891371369 +26 246 4 891351590 +26 276 4 891386369 +26 300 4 891347537 +26 302 5 891386368 +26 304 4 891348011 +26 316 3 891349122 +26 405 2 891376986 +26 413 2 891386049 +26 458 3 891352941 +26 546 2 891371676 +26 628 3 891372429 +26 748 1 891348192 +26 750 4 891347478 +26 831 2 891379753 +26 1011 3 891371597 +26 1012 4 891386369 +26 1014 3 891384414 +27 9 4 891542942 +27 50 3 891542897 +27 118 3 891543222 +27 148 3 891543129 +27 244 3 891543222 +27 286 3 891543393 +28 11 4 881956144 +28 56 5 881957479 +28 117 4 881957002 +28 164 4 881960945 +28 176 5 881956445 +28 195 4 881957250 +28 200 2 881961671 +28 227 4 881961393 +28 286 3 881955018 +28 323 3 882826593 +28 429 5 881960794 +28 443 4 881961671 +28 449 2 881961394 +28 609 3 881956220 +28 670 4 881961600 +28 760 3 882826399 +28 859 3 881961842 +29 79 4 882821989 +29 286 5 882820663 +29 300 3 882820897 +29 480 4 882821989 +29 661 5 882821942 +29 879 3 882821161 +30 2 3 875061066 +30 172 4 875060742 +30 174 5 885941156 +30 242 5 885941156 +30 258 5 885941156 +30 259 4 875058280 +30 304 4 875988548 +30 315 4 885941412 +30 873 1 875061066 +30 892 4 884310496 +31 32 5 881548030 +31 175 5 881548053 +31 268 3 881547746 +31 299 4 881547814 +31 319 4 881547788 +31 328 2 881547746 +31 340 3 881547788 +31 490 4 881548030 +31 875 4 881547938 +31 1021 3 881548082 +32 9 3 883717747 +32 222 3 883717600 +32 240 2 883717967 +32 248 4 883717816 +32 271 3 883709953 +32 288 4 883709915 +32 307 2 883709915 +32 313 4 883709840 +32 405 4 883718008 +32 475 5 883717766 +32 508 4 883717581 +32 742 3 883717628 +32 1023 3 883717913 +33 245 3 891964326 +33 260 4 891964306 +33 294 3 891964166 +33 348 4 891964404 +33 678 4 891964306 +33 682 4 891964274 +33 879 3 891964230 +34 292 5 888602742 +34 294 1 888602808 +34 324 5 888602808 +34 1024 5 888602618 +35 258 2 875458941 +35 261 3 875459046 +35 328 3 875459046 +35 358 1 875459073 +35 678 3 875459017 +35 876 2 875458970 +35 879 4 875459073 +35 881 2 875459127 +35 937 4 875459237 +36 288 4 882157227 +36 289 2 882157356 +36 333 4 882157227 +36 358 5 882157581 +36 873 3 882157386 +36 875 3 882157470 +36 878 5 882157581 +36 1026 5 882157581 +37 27 4 880915942 +37 50 5 880915838 +37 68 5 880915902 +37 82 1 880915942 +37 89 4 880930072 +37 92 4 880930072 +37 118 2 880915633 +37 127 4 880930071 +37 147 3 880915749 +37 174 5 880915810 +37 231 2 880916046 +37 273 3 880915528 +37 546 3 880915565 +37 550 4 880915902 +37 566 4 880916010 +37 665 3 880916046 +37 825 2 880915565 +38 69 5 892430486 +38 70 5 892432424 +38 84 5 892430937 +38 97 5 892430369 +38 105 3 892434217 +38 112 5 892432751 +38 127 2 892429460 +38 188 2 892431953 +38 200 5 892432180 +38 247 5 892429460 +38 259 3 892428754 +38 313 5 892428216 +38 356 2 892430309 +38 395 3 892434164 +38 402 5 892430539 +38 405 5 892432205 +38 418 5 892431026 +38 445 2 892429399 +38 588 5 892429225 +38 590 1 892434373 +38 681 5 892429065 +38 742 5 892430001 +38 1033 5 892432531 +38 1035 5 892431907 +38 1036 4 892433704 +39 269 4 891400188 +39 270 4 891400609 +39 313 4 891400159 +39 937 5 891400704 +40 245 3 889041671 +40 269 1 889041283 +40 270 3 889041477 +40 286 2 889041430 +40 305 4 889041430 +40 316 3 889041643 +40 337 4 889041523 +40 879 2 889041595 +40 896 4 889041402 +41 175 5 890687526 +41 188 4 890687571 +41 195 4 890687042 +41 196 3 890687593 +41 202 2 890687326 +41 216 3 890687571 +41 318 4 890687353 +41 414 4 890687550 +41 430 5 890692860 +41 474 5 890687066 +41 516 5 890687242 +42 1 5 881105633 +42 15 4 881105633 +42 43 2 881109325 +42 54 4 881108982 +42 58 5 881108040 +42 66 4 881108280 +42 83 4 881108093 +42 125 4 881105462 +42 161 4 881108229 +42 173 5 881107220 +42 175 2 881107687 +42 202 5 881107687 +42 203 4 881107413 +42 219 1 881109324 +42 228 4 881107538 +42 229 4 881108684 +42 237 4 881105882 +42 283 3 881110483 +42 290 3 881106072 +42 371 4 881108760 +42 385 5 881108147 +42 387 3 881108760 +42 402 5 881108982 +42 419 5 881107178 +42 427 4 881107773 +42 443 3 881108093 +42 469 4 881109324 +42 471 4 881105505 +42 501 5 881108345 +42 582 3 881108928 +42 627 2 881109271 +42 679 2 881108548 +42 720 4 881109149 +42 729 3 881108345 +42 756 5 881106420 +42 924 3 881105677 +42 934 4 881106419 +42 1042 3 881109325 +42 1047 4 881106419 +43 3 2 884029543 +43 9 4 875975656 +43 25 5 875975656 +43 79 4 875981335 +43 82 4 883955498 +43 86 4 883955020 +43 88 5 883955702 +43 97 5 883955293 +43 111 4 883955745 +43 133 4 875981483 +43 140 4 883955110 +43 172 4 883955135 +43 189 5 875981220 +43 196 4 875981190 +43 211 4 883955785 +43 217 2 883955930 +43 231 4 883955995 +43 250 2 875975383 +43 269 5 888177393 +43 276 4 883954876 +43 278 3 884029259 +43 280 3 883955806 +43 283 2 883955415 +43 290 4 884029192 +43 291 3 883955995 +43 312 4 883953502 +43 313 5 887076865 +43 317 2 883955319 +43 347 3 888177393 +43 385 5 883955387 +43 408 5 875975492 +43 479 4 875981365 +43 496 5 883955605 +43 559 1 883956468 +43 588 4 883955745 +43 660 4 883955859 +43 686 3 883955884 +43 735 4 875981275 +43 742 5 883955650 +43 756 3 884029519 +43 778 5 883955363 +43 781 3 883956494 +43 785 3 883956538 +43 939 3 883955547 +43 1023 3 875975323 +43 1035 4 883955745 +43 1047 3 883956387 +43 1048 3 883956260 +43 1052 1 892350297 +43 1054 3 884029658 +43 1056 3 883955498 +44 1 4 878341315 +44 24 3 878346575 +44 25 2 878346431 +44 69 4 878347711 +44 71 3 878347633 +44 81 4 878348499 +44 89 5 878347315 +44 90 2 878348784 +44 98 2 878347420 +44 99 4 878348812 +44 100 5 878341196 +44 121 4 878346946 +44 132 4 878347315 +44 135 5 878347259 +44 143 4 878347392 +44 159 3 878347633 +44 196 4 878348885 +44 200 4 878347633 +44 211 4 878347598 +44 231 2 878347915 +44 249 4 878346630 +44 260 4 878340905 +44 313 4 883612268 +44 380 4 883613334 +44 405 3 878346512 +44 423 4 878348111 +44 429 4 878347791 +44 448 2 878348547 +44 450 2 883613335 +44 591 4 878341315 +44 631 1 883613297 +44 655 3 878347455 +44 678 3 878340887 +44 737 1 883613298 +44 871 3 883613005 +44 946 3 878347847 +45 13 5 881012356 +45 50 5 881007272 +45 225 4 881014070 +45 411 3 881015657 +45 596 3 881014015 +45 756 2 881015244 +45 762 4 881013563 +45 820 4 881015860 +45 823 4 881014785 +45 934 2 881015860 +46 50 4 883616254 +46 125 4 883616284 +46 245 3 883614625 +47 258 4 879438984 +47 269 4 879438984 +47 288 2 879439078 +47 327 4 879440360 +47 683 3 879439143 +48 98 5 879434954 +48 136 4 879434689 +48 183 5 879434608 +48 185 4 879434819 +48 191 5 879434954 +48 209 5 879434954 +48 269 1 879434094 +48 294 3 879434212 +48 479 4 879434723 +48 480 4 879434653 +48 483 5 879434607 +48 496 5 879434791 +48 519 3 879434689 +48 523 5 879434689 +48 527 4 879434654 +48 528 5 879434954 +48 647 4 879434819 +48 1064 4 879434688 +48 1065 2 879434792 +49 13 3 888068816 +49 42 4 888068791 +49 50 1 888067691 +49 71 3 888067096 +49 80 1 888069117 +49 82 1 888067765 +49 90 1 888069194 +49 91 5 888066979 +49 96 1 888069512 +49 98 4 888067307 +49 145 1 888067460 +49 159 2 888068245 +49 217 3 888067405 +49 218 2 888068651 +49 262 5 888065620 +49 270 2 888065432 +49 382 2 888066705 +49 403 3 888069636 +49 419 4 888067691 +49 420 4 888067031 +49 433 5 888068739 +49 557 3 888066394 +49 561 2 888067460 +49 627 2 888067096 +49 640 1 888066685 +49 692 1 888069040 +49 698 2 888066776 +49 928 2 888068651 +49 946 2 888067096 +49 1018 2 888066755 +49 1021 5 888066647 +49 1028 2 888069304 +49 1066 2 888067187 +49 1067 3 888068842 +49 1071 3 888069138 +49 1072 1 888069194 +49 1080 4 888066734 +49 1083 2 888068651 +50 268 4 877051656 +50 276 2 877052400 +50 288 4 877052008 +50 319 5 877051687 +50 324 5 877052008 +50 1008 5 877052805 +50 1010 5 877052329 +51 83 5 883498937 +51 173 5 883498844 +51 203 4 883498685 +51 479 3 883498655 +51 603 3 883498728 +52 13 5 882922485 +52 19 5 882922407 +52 22 5 882922833 +52 111 4 882922357 +52 117 4 882922629 +52 121 4 882922382 +52 126 5 882922589 +52 151 5 882922249 +52 204 4 882923012 +52 237 4 882922227 +52 258 5 882922065 +52 285 5 882922227 +52 463 5 882922927 +52 471 4 882922562 +52 527 5 882922927 +52 588 4 882922927 +52 762 3 882922806 +52 815 4 882922357 +52 864 3 882922661 +52 1011 4 882922588 +53 7 3 879442991 +53 64 5 879442384 +53 96 4 879442514 +53 118 4 879443253 +53 121 4 879443329 +53 546 4 879443329 +53 568 4 879442538 +53 628 5 879443253 +53 1087 4 879443329 +54 1 4 880931595 +54 7 4 880935294 +54 24 1 880937311 +54 25 4 880936500 +54 151 2 880936670 +54 181 5 880931358 +54 255 3 882153415 +54 272 5 890608175 +54 288 4 880928957 +54 291 1 891898613 +54 295 3 880936905 +54 328 4 880928957 +54 338 3 880929490 +54 340 4 890608225 +54 471 4 880937399 +54 546 3 880937583 +54 829 2 880937311 +54 930 1 880937813 +55 117 3 878176047 +55 118 5 878176134 +55 181 4 878176237 +55 597 2 878176134 +56 11 4 892676376 +56 67 2 892677114 +56 78 3 892910544 +56 88 1 892683895 +56 97 3 892677186 +56 111 2 892683877 +56 117 5 892679439 +56 151 4 892910207 +56 154 2 892911144 +56 158 3 892911539 +56 173 4 892737191 +56 176 5 892676377 +56 183 5 892676314 +56 191 4 892678526 +56 200 4 892679088 +56 210 5 892676377 +56 232 4 892676339 +56 234 4 892679067 +56 323 3 892676028 +56 376 3 892911420 +56 386 3 892911494 +56 399 4 892910247 +56 403 4 892678942 +56 408 4 892683248 +56 423 5 892737191 +56 483 4 892682889 +56 523 4 892676970 +56 550 4 892910860 +56 720 3 892910860 +56 778 4 892678669 +56 781 4 892677147 +56 794 3 892683960 +56 820 3 892683303 +56 862 3 892910292 +56 946 4 892737210 +56 1035 4 892910268 +56 1057 3 892683978 +57 8 4 883698292 +57 11 3 883698454 +57 24 3 883697459 +57 42 5 883698324 +57 64 5 883698431 +57 105 3 883698009 +57 109 4 883697293 +57 111 4 883697679 +57 125 3 883697223 +57 126 3 883697293 +57 181 5 883697352 +57 245 4 883696709 +57 249 5 883697704 +57 284 3 883697158 +57 295 5 883698581 +57 318 5 883698580 +57 405 4 883697459 +57 472 1 883697253 +57 546 4 883697482 +57 710 3 883698324 +57 748 4 883696629 +57 763 5 883698581 +57 820 3 883698039 +57 826 2 883697990 +57 833 4 883697705 +57 871 3 883697536 +57 1073 3 883698525 +57 1096 3 883697940 +58 11 5 884305019 +58 12 5 884304895 +58 70 4 890321652 +58 116 5 884304409 +58 124 5 884304483 +58 127 4 884304503 +58 171 5 884663379 +58 172 5 884305241 +58 175 5 884663324 +58 176 4 884304936 +58 185 2 884304896 +58 189 3 884304790 +58 209 5 884305019 +58 269 4 884304267 +58 300 4 884388247 +58 310 4 884459024 +58 433 5 884305165 +58 463 3 884305241 +58 474 4 884305087 +58 496 2 891611593 +58 501 2 884305220 +58 511 5 884304979 +58 512 3 890770101 +58 514 5 884305321 +58 640 5 884304767 +58 645 5 884304838 +58 652 5 884304728 +58 692 2 884305123 +58 732 3 884305321 +58 741 2 892242159 +58 1006 2 884304865 +58 1012 4 884304627 +58 1048 1 892242190 +58 1089 1 892242818 +58 1101 5 890421373 +58 1105 2 884794758 +59 1 2 888203053 +59 3 4 888203814 +59 9 4 888203053 +59 11 5 888205744 +59 22 4 888204260 +59 44 4 888206048 +59 51 5 888206095 +59 52 4 888205615 +59 55 5 888204553 +59 56 5 888204465 +59 58 4 888204389 +59 59 5 888204928 +59 61 4 888204597 +59 64 5 888204309 +59 79 5 888204260 +59 83 4 888204802 +59 87 4 888205228 +59 99 4 888205033 +59 111 4 888203095 +59 123 3 888203343 +59 135 5 888204758 +59 137 5 888203234 +59 147 5 888203270 +59 149 4 888203313 +59 161 3 888205855 +59 168 5 888204641 +59 174 5 888204553 +59 176 5 888205574 +59 181 5 888204877 +59 194 3 888204841 +59 199 4 888205410 +59 201 4 888204260 +59 205 3 888204260 +59 210 4 888204309 +59 211 5 888206048 +59 216 4 888205228 +59 220 2 888203175 +59 226 4 888206362 +59 232 3 888206485 +59 234 5 888204928 +59 237 3 888203371 +59 276 5 888203095 +59 284 2 888203449 +59 288 5 888202787 +59 357 5 888204349 +59 393 2 888205714 +59 403 5 888206605 +59 404 3 888205463 +59 410 3 888203270 +59 416 3 888205660 +59 423 5 888204465 +59 432 4 888204802 +59 435 5 888204553 +59 436 5 888206094 +59 443 5 888205370 +59 462 5 888205787 +59 477 3 888203415 +59 483 5 888204309 +59 484 4 888204502 +59 489 4 888205300 +59 491 4 888206689 +59 498 5 888204927 +59 508 5 888203095 +59 514 5 888204641 +59 523 4 888204389 +59 529 4 888205145 +59 581 5 888206015 +59 595 3 888203658 +59 606 4 888204802 +59 610 4 888205615 +59 612 3 888206161 +59 615 4 888204553 +59 618 4 888205956 +59 642 5 888206254 +59 647 5 888205336 +59 649 4 888205660 +59 650 5 888205534 +59 651 5 888204997 +59 654 4 888204309 +59 657 4 888204597 +59 670 4 888206485 +59 673 5 888204802 +59 675 5 888205534 +59 713 5 888203579 +59 741 4 888203175 +59 746 5 888204642 +59 747 4 888205410 +59 756 2 888203658 +59 762 4 888203708 +59 770 4 888205534 +59 781 4 888206605 +59 845 5 888203579 +59 919 4 888203018 +59 963 5 888204757 +59 975 4 888203610 +59 1005 5 888206363 +59 1021 4 888204996 +59 1050 2 888205188 +59 1101 5 888205265 +59 1115 3 888203128 +59 1119 4 888206094 +60 8 3 883326370 +60 12 4 883326463 +60 30 5 883325944 +60 50 5 883326566 +60 59 5 883326155 +60 73 4 883326995 +60 95 4 883327799 +60 97 3 883326215 +60 121 4 883327664 +60 128 3 883326566 +60 144 4 883325944 +60 153 3 883326733 +60 160 4 883326525 +60 166 4 883326593 +60 168 5 883326837 +60 173 4 883326498 +60 174 4 883326497 +60 181 4 883326754 +60 185 4 883326682 +60 195 4 883326086 +60 205 4 883326426 +60 210 4 883326241 +60 211 4 883327493 +60 212 5 883327087 +60 229 4 883327472 +60 265 5 883327591 +60 275 4 883326682 +60 327 4 883325508 +60 357 4 883326273 +60 366 4 883327368 +60 385 4 883327799 +60 404 3 883327287 +60 405 4 883326958 +60 411 3 883327827 +60 418 3 883327342 +60 429 5 883326733 +60 433 4 883327342 +60 435 4 883326122 +60 491 4 883326301 +60 494 4 883326399 +60 506 5 883327441 +60 510 5 883327174 +60 515 5 883326784 +60 524 4 883325994 +60 528 4 883326086 +60 546 4 883326837 +60 582 4 883327664 +60 593 5 883326185 +60 602 4 883326958 +60 608 5 883326028 +60 609 3 883327923 +60 618 3 883327113 +60 629 3 883327175 +60 637 4 883327975 +60 641 5 883326086 +60 650 4 883327201 +60 661 4 883326808 +60 665 4 883326893 +60 705 4 883326710 +60 735 5 883327711 +60 736 5 883327923 +60 799 4 883326995 +60 835 4 883326893 +60 1050 3 883327923 +60 1121 3 883326215 +61 258 4 891206125 +61 300 5 891206407 +61 304 4 891220884 +61 327 2 891206407 +61 748 2 892302120 +62 1 2 879372813 +62 9 4 879372182 +62 44 3 879374142 +62 50 5 879372216 +62 53 2 879376270 +62 56 5 879373711 +62 62 3 879375781 +62 70 3 879373960 +62 83 5 879375000 +62 91 4 879375196 +62 97 2 879373795 +62 98 4 879373543 +62 129 3 879372276 +62 159 3 879375762 +62 170 3 879373848 +62 174 4 879374916 +62 188 3 879373638 +62 195 5 879373960 +62 196 4 879374015 +62 199 4 879373692 +62 222 5 879372480 +62 230 2 879375738 +62 238 5 879373568 +62 241 1 879375562 +62 250 5 879372455 +62 252 3 879373272 +62 273 4 879371980 +62 283 4 879372598 +62 290 3 879373007 +62 357 4 879374706 +62 387 2 879376115 +62 403 4 879375588 +62 405 3 879373118 +62 431 2 879374969 +62 436 3 879375883 +62 472 2 879373152 +62 483 4 879373768 +62 512 4 879374894 +62 554 1 879375562 +62 568 3 879375080 +62 605 3 879375364 +62 651 4 879373848 +62 655 3 879375453 +62 710 3 879375453 +62 715 2 879375912 +62 729 3 879375414 +62 744 3 879372304 +62 866 2 879373195 +62 875 4 879371909 +62 959 4 879375269 +62 1009 4 879372869 +62 1018 3 879375606 +62 1091 3 879376709 +62 1132 2 879373404 +62 1134 2 879372936 +63 15 3 875747439 +63 108 2 875748164 +63 224 4 875747635 +63 258 3 875746809 +63 282 1 875747657 +63 286 4 875746809 +63 302 3 875746809 +63 333 4 875746917 +63 405 4 875748109 +63 475 4 875747319 +63 546 2 875747789 +63 591 3 875747581 +63 676 3 875747470 +63 741 3 875747854 +63 828 1 875747936 +63 929 3 875747955 +63 1012 3 875747854 +64 11 4 889737376 +64 22 4 889737376 +64 32 1 889739346 +64 50 5 889737914 +64 81 4 889739460 +64 82 3 889740199 +64 97 3 889738085 +64 121 2 889739678 +64 135 4 889737889 +64 143 4 889739051 +64 144 3 889737771 +64 162 3 889739262 +64 168 5 889739243 +64 179 5 889739460 +64 182 4 889738030 +64 183 5 889737914 +64 188 4 889739586 +64 190 4 889737851 +64 191 4 889740740 +64 194 5 889737710 +64 195 5 889737914 +64 196 4 889737992 +64 203 4 889737851 +64 209 5 889737654 +64 210 3 889737654 +64 218 1 889739517 +64 227 3 889740880 +64 237 4 889740310 +64 265 4 879365491 +64 269 5 879365313 +64 300 3 879365314 +64 310 4 889737047 +64 313 4 889736971 +64 340 4 879365313 +64 405 3 889739288 +64 423 4 889739569 +64 425 4 889739051 +64 431 4 889737376 +64 434 4 889739052 +64 436 5 889739625 +64 475 5 889738993 +64 511 4 889739779 +64 520 5 889737851 +64 546 3 889739883 +64 568 4 889737506 +64 569 3 889740602 +64 588 4 889739091 +64 603 3 889737506 +64 652 2 879365590 +64 679 3 889740033 +64 748 1 879365314 +64 768 2 889739954 +64 847 3 879365558 +64 969 3 889737889 +64 1140 1 889740676 +65 15 5 879217138 +65 28 4 879216734 +65 50 5 879217689 +65 63 2 879217913 +65 65 3 879216672 +65 88 4 879217942 +65 168 4 879217851 +65 185 4 879218449 +65 238 3 879218449 +65 255 3 879217406 +65 258 3 879216131 +65 294 4 879217320 +65 365 3 879216672 +65 378 5 879217032 +65 393 4 879217881 +65 514 4 879217998 +65 651 4 879216371 +65 660 5 879216880 +65 735 4 879216769 +65 778 4 879216949 +65 956 4 879216797 +66 24 3 883601582 +66 50 5 883601236 +66 121 3 883601834 +66 127 4 883601156 +66 237 4 883601355 +66 248 4 883601426 +66 294 4 883601089 +66 295 3 883601456 +66 405 3 883601990 +66 508 4 883601387 +66 741 4 883601664 +67 24 4 875379729 +67 25 4 875379420 +67 105 4 875379683 +67 546 3 875379288 +68 25 4 876974176 +68 111 3 876974276 +68 121 1 876974176 +68 258 5 876973692 +68 275 5 876973969 +68 286 5 876973692 +68 409 3 876974677 +68 458 1 876974048 +68 475 5 876973917 +69 42 5 882145548 +69 50 5 882072748 +69 98 5 882145375 +69 123 4 882126125 +69 181 5 882072778 +69 235 3 882126048 +69 236 4 882072827 +69 237 3 882072920 +69 245 1 882027284 +69 246 5 882072827 +69 265 4 882145400 +69 273 3 882072803 +69 282 3 882126048 +69 294 2 882027233 +69 307 2 882027204 +69 475 3 882072869 +69 742 3 882072956 +69 763 3 882126156 +69 886 4 882027284 +69 1142 4 882072956 +70 8 4 884064986 +70 24 4 884064743 +70 83 4 884065895 +70 95 4 884065501 +70 99 4 884067222 +70 132 4 884067281 +70 150 3 884065247 +70 161 3 884067638 +70 168 4 884065423 +70 175 3 884150422 +70 181 4 884064416 +70 183 4 884149894 +70 204 3 884066399 +70 208 4 884149431 +70 214 3 884067842 +70 230 4 884064269 +70 231 3 884064862 +70 300 4 884063569 +70 313 4 884063469 +70 393 4 884068497 +70 403 4 884064862 +70 405 3 884149117 +70 411 3 884066399 +70 450 1 884064269 +70 483 5 884064444 +70 496 4 884064545 +70 554 3 884068277 +70 568 3 884149722 +70 576 2 884065248 +70 1146 3 884151576 +71 14 5 877319375 +71 64 4 885016536 +71 175 4 885016882 +71 181 3 877319414 +71 197 5 885016990 +71 248 3 877319446 +71 257 5 877319414 +71 282 3 885016990 +71 357 5 885016495 +72 2 3 880037376 +72 7 1 880036347 +72 9 5 880035636 +72 15 5 880035708 +72 25 5 880035588 +72 77 4 880036945 +72 97 4 880036638 +72 98 5 880037417 +72 118 3 880036346 +72 134 5 880037793 +72 147 5 880037702 +72 170 3 880037793 +72 174 5 880037702 +72 194 4 880037793 +72 212 5 880036946 +72 220 3 880035786 +72 228 1 880037204 +72 229 1 880037307 +72 241 4 880037242 +72 318 5 880037702 +72 405 3 880036346 +72 443 3 880037418 +72 461 3 880036824 +72 476 4 880036048 +72 521 4 880036718 +72 525 4 880037436 +72 582 4 880036783 +72 591 5 880035708 +72 628 4 880035857 +72 655 5 880037702 +72 664 3 880037020 +72 792 3 880036718 +73 32 4 888626220 +73 59 5 888625980 +73 64 5 888625042 +73 135 5 888626371 +73 152 3 888626496 +73 153 3 888626007 +73 154 5 888625343 +73 171 5 888626199 +73 179 5 888626041 +73 213 4 888625753 +73 255 2 888792938 +73 269 4 888792172 +73 272 4 888792247 +73 289 2 888792410 +73 382 4 888626496 +73 650 3 888626152 +74 7 4 888333458 +74 258 4 888333194 +74 294 4 888333311 +74 313 5 888333219 +74 328 4 888333280 +74 351 3 888333352 +74 354 3 888333194 +75 1 4 884050018 +75 13 5 884050102 +75 25 5 884049875 +75 111 4 884050502 +75 114 4 884051893 +75 123 3 884050164 +75 196 4 884051948 +75 220 1 884050705 +75 225 2 884050940 +75 235 4 884050502 +75 294 3 884049758 +75 301 4 884051510 +75 304 2 884051610 +75 323 2 884049789 +75 405 4 884050164 +75 408 4 884050046 +75 413 2 884050979 +75 427 4 884051921 +75 477 4 884050102 +75 678 3 884049758 +75 685 4 884050134 +75 756 2 884050309 +75 825 1 884050393 +75 845 3 884050194 +75 926 3 884050393 +75 1028 4 884050590 +75 1059 1 884050760 +76 7 4 875312133 +76 42 3 882606243 +76 56 5 875027739 +76 60 4 875028007 +76 77 2 882607017 +76 137 5 875498777 +76 172 5 882606080 +76 216 4 875028624 +76 318 3 882606166 +76 324 4 875027206 +76 343 3 882129361 +76 358 2 878101114 +76 513 5 882606305 +76 514 4 882129456 +76 547 2 882607017 +76 628 2 882606768 +76 769 1 882607018 +76 1006 3 875027907 +76 1019 3 879576256 +76 1048 2 882607017 +76 1155 2 882607017 +76 1157 1 882607018 +77 15 2 884732873 +77 56 4 884752900 +77 97 2 884753292 +77 127 2 884732927 +77 133 2 884752997 +77 175 4 884733655 +77 201 4 884752785 +77 209 4 884752562 +77 215 2 884752757 +77 246 5 884732808 +77 250 3 884732873 +77 268 5 884733857 +77 455 3 884732873 +77 511 2 884753152 +77 641 5 884733621 +77 833 1 884733284 +78 257 4 879633721 +78 301 5 879633467 +78 327 1 879633495 +78 813 2 879633745 +78 1047 1 879634199 +79 19 5 891271792 +79 93 2 891271676 +79 116 5 891271676 +79 268 5 891271792 +79 306 5 891271792 +79 319 4 891271278 +79 333 2 891271086 +79 582 5 891271806 +79 690 4 891271308 +79 906 5 891271792 +79 1022 5 891271792 +80 100 5 887401453 +80 154 3 887401307 +80 213 3 887401407 +80 260 1 883605215 +80 303 4 883605055 +81 1 4 876534949 +81 42 4 876534704 +81 100 3 876533545 +81 111 3 876534174 +81 121 4 876533586 +81 150 3 876533619 +81 237 4 876533764 +81 275 4 876533657 +81 283 4 876533504 +81 289 3 876533229 +81 405 3 876533764 +81 591 5 876534124 +81 619 3 876534009 +81 726 4 876534505 +81 1047 3 876533988 +82 3 2 878768765 +82 9 4 876311146 +82 21 1 884714456 +82 28 3 878769815 +82 81 3 878770059 +82 97 4 878769777 +82 99 4 878769949 +82 111 4 876311423 +82 121 4 876311387 +82 168 5 878769748 +82 181 4 876311241 +82 211 4 878769815 +82 228 3 878769629 +82 230 2 878769815 +82 238 3 878769373 +82 283 2 884714164 +82 284 4 876311387 +82 288 3 876311518 +82 326 2 879788343 +82 409 1 884714421 +82 418 4 878769848 +82 424 1 878768811 +82 430 5 878769703 +82 432 4 878769373 +82 456 1 884714618 +82 462 4 878769992 +82 511 3 878769948 +82 514 4 878769442 +82 523 5 878769373 +82 588 5 878769917 +82 740 2 884714249 +82 820 3 878768902 +82 826 3 876311646 +82 834 1 884714618 +82 866 3 878768840 +82 1163 2 884714204 +83 2 4 881971771 +83 4 2 880336655 +83 15 4 880307000 +83 25 2 883867729 +83 64 5 887665422 +83 66 4 880307898 +83 69 4 887665549 +83 70 4 880308256 +83 71 3 880328167 +83 111 3 884647519 +83 121 4 880306951 +83 161 4 887665549 +83 174 5 880307699 +83 191 4 880308038 +83 196 5 880307996 +83 204 5 880307922 +83 233 4 887665549 +83 249 2 887664680 +83 274 4 880306810 +83 322 3 889681216 +83 371 3 880308408 +83 406 2 891182431 +83 411 2 880307259 +83 477 2 887665798 +83 508 2 887665655 +83 527 4 880307807 +83 546 4 887665549 +83 580 4 883869630 +83 584 4 880308453 +83 597 2 891182270 +83 717 4 880307339 +83 732 4 880308390 +83 739 5 880308141 +83 755 5 887665423 +83 781 4 883868890 +83 832 3 883868300 +83 846 3 891181639 +83 871 2 891182319 +83 1016 4 883868345 +83 1047 2 891182319 +83 1060 3 880306926 +84 1 2 883452108 +84 15 4 883449993 +84 25 3 883452462 +84 95 4 883453642 +84 98 4 883453755 +84 111 4 883453108 +84 117 4 883450553 +84 203 3 883453587 +84 225 4 883452307 +84 245 4 883449530 +84 274 4 883452462 +84 276 4 883449944 +84 294 3 883449317 +84 300 4 883449419 +84 317 3 883453587 +84 543 5 883453713 +84 546 3 883452462 +84 597 3 883452200 +84 685 3 883452274 +84 866 4 883452174 +84 1028 3 883452155 +84 1047 2 883452694 +85 10 4 879452898 +85 14 4 879452638 +85 27 4 879827488 +85 28 4 879829301 +85 30 3 882995290 +85 57 5 879828107 +85 69 4 879454582 +85 79 3 879453845 +85 99 5 880838306 +85 100 3 879452693 +85 134 5 879454004 +85 143 4 879456247 +85 150 3 890255432 +85 153 3 879453658 +85 168 4 879454304 +85 170 4 879453748 +85 180 4 879454820 +85 182 4 893110061 +85 188 2 879454782 +85 190 4 879453845 +85 191 4 879455021 +85 193 3 879454189 +85 194 4 879454189 +85 195 3 882995132 +85 197 5 879455197 +85 205 4 879454004 +85 210 3 879454981 +85 222 2 879452831 +85 229 3 882813248 +85 258 4 882812472 +85 284 3 879452866 +85 291 3 882994658 +85 301 4 886283002 +85 310 3 880838201 +85 319 4 879452334 +85 345 4 884820077 +85 378 4 879829642 +85 385 3 879455021 +85 393 4 879828967 +85 412 3 879453288 +85 416 3 882994912 +85 423 4 879454046 +85 432 4 880838305 +85 435 4 879828911 +85 447 3 882994767 +85 458 3 879452867 +85 462 4 879454189 +85 465 4 879454437 +85 476 3 879453018 +85 481 4 879454582 +85 485 5 879454400 +85 495 3 882994860 +85 496 4 879453781 +85 506 4 886282959 +85 510 4 879454400 +85 512 3 879456199 +85 516 4 879454272 +85 527 4 879455114 +85 529 3 879827935 +85 610 3 879454582 +85 631 4 886282927 +85 641 4 879454952 +85 654 4 879454272 +85 659 4 879453844 +85 664 4 879829562 +85 705 5 882994912 +85 712 3 882995754 +85 751 3 884820157 +85 813 4 879452664 +85 955 4 879454400 +85 1006 3 882995833 +85 1010 2 879452971 +85 1103 3 882995489 +85 1121 3 879454820 +85 1170 3 879456350 +85 1172 4 879453781 +85 1173 4 884820209 +86 270 5 879570974 +86 328 2 879569555 +86 683 5 879570974 +86 888 4 879570218 +87 21 3 879877173 +87 22 4 879875817 +87 38 5 879875940 +87 48 4 879875649 +87 50 5 879876194 +87 62 5 879875996 +87 80 4 879877241 +87 89 4 879875818 +87 100 5 879876488 +87 111 4 879876611 +87 127 4 879876194 +87 132 5 879877930 +87 144 4 879875734 +87 167 4 879876703 +87 172 5 879875737 +87 181 5 879876194 +87 199 5 879875649 +87 202 5 879876403 +87 204 5 879876447 +87 216 5 879876448 +87 228 5 879875893 +87 230 5 879875818 +87 232 3 879876037 +87 235 3 879877208 +87 281 4 879876074 +87 297 3 879877404 +87 321 2 879876813 +87 323 3 879876256 +87 405 4 879875893 +87 414 3 879876673 +87 427 4 879877824 +87 435 5 879875818 +87 449 3 879876110 +87 477 3 879876610 +87 502 5 879876524 +87 510 5 879875818 +87 546 3 879876074 +87 570 3 879876163 +87 575 3 879877208 +87 657 4 879877740 +87 722 4 879876946 +87 728 4 879876768 +87 780 4 879877173 +87 781 5 879876524 +87 783 4 879877279 +87 789 3 879876610 +87 791 2 879877280 +87 824 3 879877043 +87 866 4 879877208 +87 871 4 879876734 +87 1041 4 879877007 +87 1049 3 879876812 +87 1177 1 879877280 +87 1181 3 879875940 +88 300 3 891037466 +88 308 4 891037396 +88 311 5 891037336 +88 313 3 891037201 +88 319 3 891037708 +88 1191 5 891038103 +89 7 5 879441422 +89 13 2 879441672 +89 66 3 879459980 +89 100 5 879441271 +89 111 4 879441452 +89 137 1 879441335 +89 187 5 879461246 +89 202 3 879459859 +89 237 4 879441381 +89 240 4 879441571 +89 269 5 879461219 +89 275 5 879441307 +89 321 4 879441049 +89 702 5 879459999 +89 724 4 879460027 +89 875 3 879441160 +89 880 5 879461219 +89 1074 5 879459909 +90 18 3 891383687 +90 19 3 891384020 +90 20 4 891384357 +90 26 4 891385842 +90 52 5 891385522 +90 70 5 891383866 +90 89 5 891385039 +90 117 3 891385389 +90 127 4 891383561 +90 136 5 891383241 +90 151 2 891385190 +90 153 5 891384754 +90 162 5 891385190 +90 170 5 891383561 +90 174 5 891383866 +90 175 3 891383912 +90 193 4 891383752 +90 216 5 891383626 +90 273 3 891385040 +90 285 5 891383687 +90 286 5 891382267 +90 300 3 891382163 +90 302 5 891383319 +90 303 4 891382193 +90 306 4 891382267 +90 310 3 891382240 +90 317 4 891383626 +90 356 4 891385752 +90 427 5 891384423 +90 430 3 891383835 +90 443 4 891385250 +90 462 5 891383752 +90 464 5 891385039 +90 474 5 891383599 +90 480 5 891383835 +90 485 5 891383687 +90 488 5 891384065 +90 493 5 891383600 +90 497 5 891384996 +90 509 5 891383866 +90 515 5 891385165 +90 528 5 891384065 +90 531 4 891383204 +90 543 3 891383173 +90 568 5 891385165 +90 606 5 891383173 +90 607 5 891384673 +90 609 5 891384357 +90 617 4 891383835 +90 632 5 891384113 +90 639 5 891385039 +90 650 5 891384516 +90 651 5 891384997 +90 661 5 891385522 +90 684 3 891385335 +90 703 3 891384997 +90 709 5 891383752 +90 721 3 891385215 +90 762 3 891385250 +90 811 4 891384516 +90 837 5 891384476 +90 863 4 891384114 +90 875 1 891382612 +90 889 3 891382731 +90 896 3 891382163 +90 905 4 891383319 +90 954 4 891385522 +90 965 5 891383561 +90 972 4 891384476 +90 990 3 891382522 +90 1097 4 891384885 +90 1134 3 891385752 +90 1137 2 891384516 +90 1195 5 891384789 +90 1199 5 891385652 +91 31 5 891438875 +91 50 5 891439386 +91 98 5 891439130 +91 127 5 891439018 +91 132 3 891439503 +91 135 4 891439302 +91 136 4 891438909 +91 176 5 891439130 +91 182 4 891439439 +91 187 5 891438908 +91 210 5 891439208 +91 211 2 891439208 +91 389 2 891439130 +91 429 4 891439324 +91 483 4 891439208 +91 495 4 891439171 +91 498 3 891439271 +91 520 4 891439414 +91 568 2 891439018 +91 603 5 891439171 +91 612 4 891439471 +91 614 4 891439018 +91 988 2 891438583 +92 4 4 875654222 +92 5 4 875654432 +92 7 4 876175754 +92 12 5 875652934 +92 29 3 875656624 +92 54 3 875656624 +92 56 5 875653271 +92 64 4 875653519 +92 71 5 875654888 +92 78 3 876175191 +92 80 2 875907504 +92 82 2 875654846 +92 91 3 875660164 +92 92 4 875654846 +92 100 5 875640294 +92 117 4 875640214 +92 120 2 875642089 +92 122 3 875907535 +92 125 4 876175004 +92 143 3 875653960 +92 145 2 875654929 +92 153 4 875653605 +92 157 4 875653988 +92 160 4 875654125 +92 167 3 875656557 +92 171 4 875652981 +92 182 4 875653836 +92 195 5 875652981 +92 198 5 875653016 +92 200 3 875811717 +92 204 4 875653913 +92 208 4 875656288 +92 218 4 875654846 +92 222 4 886440557 +92 230 3 875656055 +92 231 3 875654732 +92 234 4 875654297 +92 237 4 875640318 +92 240 2 875640189 +92 265 4 875657620 +92 271 2 880149111 +92 284 2 876175733 +92 294 3 875640679 +92 356 3 875813171 +92 364 3 875907702 +92 370 1 875644796 +92 396 3 875654733 +92 405 2 875644795 +92 409 3 890251791 +92 411 4 875640189 +92 421 4 875654534 +92 425 4 875812898 +92 449 3 875812511 +92 450 2 875907134 +92 456 2 888469668 +92 474 4 875653519 +92 500 4 883433734 +92 504 3 875653050 +92 554 2 875907180 +92 577 3 875907649 +92 591 4 875640294 +92 620 3 875813224 +92 642 3 875654929 +92 651 4 875653271 +92 674 4 875906853 +92 679 4 875660468 +92 704 3 875812121 +92 737 4 875654125 +92 742 3 886443192 +92 755 3 875656055 +92 780 3 875660494 +92 800 3 875906802 +92 823 4 875654846 +92 826 2 886443534 +92 949 3 875653664 +92 980 3 883433686 +92 1011 3 886443471 +92 1018 4 875653769 +92 1028 2 876769174 +92 1040 3 876175658 +92 1046 3 875812841 +92 1073 5 875653271 +92 1157 2 875812435 +92 1208 4 875812741 +92 1211 3 876175395 +92 1214 2 876174925 +93 1 5 888705321 +93 151 1 888705360 +93 283 4 888705146 +93 866 2 888705780 +94 7 4 885873089 +94 11 5 885870231 +94 22 4 885872758 +94 25 3 891724142 +94 29 2 891723883 +94 41 3 891723355 +94 49 4 891722174 +94 53 4 891721378 +94 54 4 891722432 +94 56 5 891725331 +94 66 2 891721889 +94 77 3 891721462 +94 80 2 891723525 +94 81 4 885870577 +94 83 4 885873653 +94 90 3 891721889 +94 93 4 891724282 +94 97 4 891721317 +94 98 4 891721192 +94 111 4 891721414 +94 125 1 891721851 +94 132 4 891720862 +94 142 3 891721749 +94 143 4 891722609 +94 154 5 886008791 +94 160 4 891721942 +94 173 4 885872758 +94 176 4 891720570 +94 179 5 885870577 +94 183 5 891720921 +94 187 4 885870362 +94 190 5 885870231 +94 191 5 885870175 +94 192 4 891721142 +94 200 4 891721414 +94 204 4 891721317 +94 209 5 886008301 +94 219 4 891721528 +94 225 3 891722646 +94 230 2 891723124 +94 260 2 891725049 +94 268 4 891724925 +94 274 4 891722511 +94 281 3 891722576 +94 318 5 891721191 +94 356 4 891722646 +94 369 1 891723459 +94 381 4 886008764 +94 386 4 891722382 +94 391 3 891723644 +94 392 3 891722646 +94 399 4 891722802 +94 401 4 891722678 +94 404 4 891721615 +94 419 3 891721615 +94 432 4 885873089 +94 451 4 891723494 +94 475 5 885870362 +94 484 5 891720996 +94 506 5 891721642 +94 508 5 891720712 +94 509 5 885873159 +94 510 5 885873089 +94 518 5 891720950 +94 525 5 891721439 +94 528 5 885870323 +94 549 5 891721528 +94 569 1 891722980 +94 585 3 891723494 +94 586 1 891723707 +94 589 5 891720786 +94 597 2 891723078 +94 629 4 891721286 +94 642 4 891720590 +94 647 5 891720921 +94 665 3 891723328 +94 670 3 891722249 +94 686 4 891720540 +94 703 3 891721562 +94 716 3 885873006 +94 722 2 891723494 +94 728 2 891723748 +94 732 3 891721216 +94 739 2 891723156 +94 741 4 891721352 +94 750 4 891725501 +94 763 3 891722006 +94 786 3 891723593 +94 797 2 891723848 +94 800 3 891723296 +94 808 2 891723931 +94 809 2 891723155 +94 864 2 891723397 +94 923 5 885882685 +94 932 2 891724691 +94 943 3 891722338 +94 993 4 891724303 +94 1014 4 891724256 +94 1073 5 891720540 +94 1091 3 891722306 +94 1118 4 891722482 +94 1218 4 891722511 +94 1222 3 891723848 +95 25 3 879192597 +95 28 4 879197603 +95 31 4 888954513 +95 63 3 880572218 +95 70 4 880571951 +95 71 5 880573288 +95 72 2 880571389 +95 77 4 880571746 +95 78 3 888956901 +95 82 3 879196408 +95 89 3 879196353 +95 91 5 880573288 +95 94 5 880573288 +95 98 4 879197385 +95 121 4 879194114 +95 127 4 879195062 +95 140 3 879199014 +95 141 4 888954631 +95 144 5 879197329 +95 153 5 879197022 +95 168 4 879197970 +95 170 5 880573288 +95 175 5 879197603 +95 179 3 880570909 +95 180 3 880570852 +95 182 2 879198210 +95 183 5 879197329 +95 186 5 880573288 +95 188 3 879196354 +95 190 4 888954513 +95 193 3 879198482 +95 198 5 880570823 +95 199 5 880570964 +95 200 2 888954552 +95 203 3 879198888 +95 205 3 888954412 +95 207 5 880571164 +95 208 4 879198353 +95 210 5 879196566 +95 274 4 879193881 +95 275 3 879192819 +95 282 4 880573506 +95 290 3 879193973 +95 356 4 880571117 +95 391 2 879196566 +95 415 3 888956582 +95 423 5 880571479 +95 436 5 879198547 +95 447 2 880572166 +95 448 3 879197783 +95 449 3 879196665 +95 451 3 880572249 +95 463 5 880573287 +95 491 4 879197783 +95 506 3 888954552 +95 509 4 879197728 +95 515 5 879197329 +95 520 4 879197970 +95 532 4 881011974 +95 539 4 884266022 +95 542 2 888954039 +95 586 2 881599672 +95 596 2 879193651 +95 597 3 879194663 +95 640 3 880571746 +95 649 4 880571678 +95 650 4 880572132 +95 705 5 880570964 +95 708 2 880571951 +95 779 3 880572288 +95 815 3 879193708 +95 892 3 882803890 +95 968 5 880571117 +95 971 3 879198262 +95 1091 3 880572658 +95 1101 2 879197970 +95 1133 3 880572416 +95 1188 2 880572787 +95 1221 4 880572448 +95 1231 1 880572787 +96 7 5 884403811 +96 42 1 884403214 +96 56 5 884403336 +96 98 5 884403214 +96 174 5 884403020 +96 181 5 884403687 +96 182 4 884402791 +96 185 5 884403866 +96 187 5 884402791 +96 190 4 884402978 +96 194 2 884403392 +96 195 5 884403159 +96 216 4 884403095 +96 238 4 884403250 +96 318 5 884403057 +96 445 4 884403095 +96 486 3 884403392 +97 1 4 884238911 +97 82 4 884239552 +97 96 5 884239712 +97 132 5 884238693 +97 135 5 884238652 +97 153 5 884239686 +97 175 5 884239616 +97 183 5 884238911 +97 189 4 884238887 +97 191 5 884239472 +97 197 3 884239655 +97 204 5 884238966 +97 205 2 884238817 +97 408 5 884238652 +97 431 3 884239616 +97 526 3 884239687 +97 663 5 884239791 +97 919 5 884239616 +98 25 5 880499111 +98 88 3 880499087 +98 168 2 880498834 +98 322 3 880498586 +98 428 5 880498834 +98 514 5 880498898 +98 523 5 880498967 +98 629 5 880499111 +99 1 4 886518459 +99 22 5 885679596 +99 25 3 885679025 +99 28 3 885680578 +99 64 5 885680578 +99 92 4 885680837 +99 117 5 885678784 +99 121 3 885679261 +99 125 4 885678840 +99 201 3 885680348 +99 238 4 885680616 +99 275 1 888469419 +99 300 4 885678397 +99 315 4 885678479 +99 332 3 885678348 +99 342 1 885678348 +99 345 3 885678696 +99 358 2 885678520 +99 367 4 886519075 +99 405 4 885678813 +99 456 3 885679504 +99 471 4 885679091 +99 475 5 885678785 +99 591 4 885678840 +99 595 4 885679504 +99 619 4 885679091 +99 751 4 885678397 +99 763 5 885679138 +99 815 2 885679237 +99 829 4 885679382 +99 845 3 885679183 +100 286 3 891375629 +100 300 4 891375112 +100 310 3 891375522 +100 328 4 891375212 +100 347 4 891375212 +100 349 3 891375629 +100 678 3 891375428 +100 690 4 891375629 +100 874 1 891374868 +100 879 4 891374946 +100 880 1 891375260 +100 908 1 891375068 +100 1234 1 891375068 +100 1235 4 891375454 +100 1237 3 891375630 +101 1 3 877136039 +101 7 3 877135944 +101 111 2 877136686 +101 117 4 877136067 +101 147 4 877136506 +101 181 4 877137015 +101 255 4 877137015 +101 257 4 877137015 +101 280 3 877136039 +101 597 3 877136928 +101 742 4 877136302 +101 841 2 877136763 +101 845 3 877136302 +101 924 4 877136535 +101 1132 3 877136954 +102 29 1 888802677 +102 38 2 888801622 +102 53 2 888801577 +102 56 3 888801360 +102 72 3 888803602 +102 82 2 888801360 +102 91 3 883748488 +102 127 2 888801316 +102 168 3 888803537 +102 175 4 892991117 +102 182 3 889362833 +102 185 3 888802940 +102 187 3 888801232 +102 188 2 888801812 +102 194 3 888803537 +102 201 2 888803051 +102 204 4 888803487 +102 210 3 888801522 +102 211 3 892993190 +102 218 3 888803002 +102 228 4 888801465 +102 230 2 888801232 +102 231 2 888802319 +102 235 3 892993605 +102 245 3 883748222 +102 260 2 883277645 +102 319 4 875886434 +102 327 2 884870872 +102 332 3 883277920 +102 338 2 887051723 +102 373 2 888802508 +102 386 2 892993735 +102 409 2 892993855 +102 436 2 888803051 +102 450 1 888802768 +102 501 2 883748418 +102 548 2 885126313 +102 566 2 888801876 +102 650 3 888801063 +102 652 2 892992129 +102 665 1 888802319 +102 667 3 888803002 +102 671 3 888803002 +102 672 1 888803148 +102 771 2 888802508 +102 778 3 892991448 +102 892 2 883278138 +102 993 2 883748352 +102 1228 1 888802508 +102 1240 2 883748450 +103 204 3 880423118 +103 250 4 880415918 +103 252 2 880420020 +103 255 5 880416423 +103 257 3 880415892 +103 301 4 880416704 +103 405 3 880416424 +103 1089 1 880420178 +104 3 3 888465739 +104 10 2 888465413 +104 13 3 888465634 +104 111 1 888465675 +104 126 4 888465513 +104 130 1 888465554 +104 181 5 888465972 +104 237 3 888465263 +104 255 1 888465604 +104 257 4 888465582 +104 258 3 888442249 +104 273 3 888465972 +104 276 4 888465290 +104 289 4 888442112 +104 290 4 888465739 +104 294 3 888442404 +104 302 5 888441877 +104 307 2 888442249 +104 311 1 888442112 +104 313 4 888441878 +104 316 4 888442461 +104 333 2 888442305 +104 345 4 888442171 +104 405 3 888466028 +104 456 3 888465853 +104 508 2 888465201 +104 534 2 888465554 +104 628 4 888465347 +104 748 2 888442461 +104 840 1 888466086 +104 845 3 888465634 +104 1012 4 888465708 +104 1115 4 888465263 +105 264 2 889214491 +105 270 5 889214245 +105 271 2 889214245 +105 288 4 889214335 +105 302 5 889214193 +105 313 5 889214193 +105 324 4 889214245 +105 327 4 889214406 +105 340 3 889214245 +105 690 3 889214306 +105 748 2 889214406 +106 12 4 881451234 +106 25 4 881451016 +106 161 3 881452816 +106 210 4 881450810 +106 211 4 881452532 +106 216 5 881452998 +106 274 3 883876146 +106 275 4 883877219 +106 280 2 883876680 +106 712 3 881452599 +106 1028 3 883876085 +106 1242 4 881516731 +107 268 4 891264387 +107 286 2 891264266 +107 288 3 891264432 +107 313 2 891264266 +107 323 1 891264566 +107 902 5 891264501 +108 127 4 879879720 +108 222 2 879879720 +108 252 3 879879961 +108 255 2 879880094 +108 284 3 879879911 +108 294 4 879879662 +108 304 3 879879662 +108 319 5 879879662 +108 718 4 879879985 +108 748 3 879879662 +109 12 4 880577542 +109 29 3 880582783 +109 55 2 880572756 +109 64 2 880572560 +109 67 5 880580719 +109 70 4 880578038 +109 71 4 880578066 +109 72 5 880577892 +109 77 4 880578388 +109 79 5 880572721 +109 82 5 880572680 +109 88 4 880581942 +109 98 4 880572755 +109 118 3 880571801 +109 122 2 880583493 +109 125 5 880564534 +109 156 5 880573084 +109 164 5 880578066 +109 173 5 880572786 +109 174 5 880572721 +109 177 4 880578358 +109 179 4 880577961 +109 181 5 880563471 +109 211 5 880578230 +109 216 3 880572891 +109 231 3 880582976 +109 233 4 880578502 +109 239 4 880578632 +109 265 5 880578185 +109 323 3 880562908 +109 332 3 880562908 +109 373 5 880583241 +109 386 1 880579916 +109 403 5 880581719 +109 411 4 880572296 +109 413 3 880572382 +109 425 2 880582317 +109 449 5 880581987 +109 451 5 880583192 +109 452 2 880583753 +109 531 4 880578066 +109 568 5 880578186 +109 584 2 880581127 +109 597 2 880571715 +109 628 2 880564640 +109 722 3 880583493 +109 735 5 880577989 +109 739 4 880579107 +109 763 2 880571715 +109 790 2 880580662 +109 809 4 880582945 +109 928 3 880572134 +109 940 3 880583133 +109 944 3 880579107 +109 986 2 880572382 +109 1035 2 880579787 +109 1060 4 880571661 +109 1074 4 880583308 +109 1222 4 880579758 +109 1228 3 880582758 +110 2 3 886988536 +110 33 4 886988631 +110 41 4 886989399 +110 55 3 886988449 +110 56 1 886988449 +110 64 4 886987894 +110 69 4 886987860 +110 94 4 886989473 +110 96 4 886988449 +110 173 1 886988909 +110 196 4 886987978 +110 215 3 886987894 +110 226 3 886988536 +110 230 3 886988750 +110 231 1 886988664 +110 258 4 886987183 +110 288 4 886987145 +110 294 3 886987540 +110 313 5 886987183 +110 315 4 886987726 +110 325 3 886987561 +110 340 3 886987183 +110 376 2 886989340 +110 401 3 886989399 +110 402 4 886988293 +110 421 4 886988873 +110 451 4 886988909 +110 586 3 886988536 +110 684 4 886988480 +110 689 3 886987584 +110 765 3 886989028 +110 802 3 886988793 +110 849 3 886988664 +110 873 2 886987505 +110 895 2 886987354 +110 905 3 886987236 +110 1210 3 886989191 +110 1218 3 886989473 +110 1222 2 886989191 +110 1231 2 886988664 +110 1247 2 886988413 +110 1249 3 886989612 +111 258 4 891679692 +111 303 3 891680028 +111 344 2 891680243 +112 269 3 884992651 +112 301 3 884992566 +112 321 3 884992484 +112 323 3 884992651 +112 339 4 892439990 +112 879 4 884992566 +112 887 5 884992444 +112 937 4 884992801 +112 1106 4 892439835 +113 7 3 875076827 +113 50 5 875076416 +113 116 3 875076246 +113 124 3 875076307 +113 237 3 875076246 +113 268 4 875935609 +113 273 4 875935609 +113 303 5 875935244 +113 323 4 875325377 +113 328 5 875076044 +113 424 1 875076357 +113 948 3 875935312 +114 56 3 881260545 +114 89 5 881260024 +114 156 4 881309662 +114 176 5 881260203 +114 180 3 881309718 +114 197 4 881260506 +114 318 3 881259495 +114 357 4 881259525 +114 483 4 881260246 +114 485 3 881260409 +114 646 4 881260473 +114 655 3 881260506 +114 659 4 881259495 +114 679 2 881259741 +114 855 3 881260473 +115 4 4 881172117 +115 7 5 881171982 +115 13 5 881171983 +115 23 5 881171348 +115 33 4 881171693 +115 56 5 881171409 +115 96 3 881172117 +115 98 3 881171409 +115 121 3 881170065 +115 174 5 881171137 +115 177 5 881172117 +115 183 5 881171488 +115 237 2 881171075 +115 273 4 881169984 +115 357 5 881171982 +115 596 1 881170663 +115 657 3 881171488 +115 673 3 881171558 +115 847 4 881170844 +115 922 3 881170252 +116 20 3 892683858 +116 47 3 876454238 +116 116 3 876453733 +116 191 4 876453961 +116 193 4 876453681 +116 203 5 876453915 +116 252 2 876453376 +116 253 3 876452492 +116 258 4 876451911 +116 268 5 886310197 +116 285 4 876454023 +116 288 3 886309812 +116 297 3 890633075 +116 302 3 876451911 +116 304 2 876453376 +116 306 3 876751342 +116 310 4 886309549 +116 324 2 876452133 +116 325 3 876452186 +116 328 3 876452186 +116 333 2 876452054 +116 346 4 886310197 +116 349 2 886977905 +116 358 2 876452094 +116 390 4 876454090 +116 511 4 876453519 +116 519 5 886310197 +116 655 4 886309958 +116 748 2 876452186 +116 872 3 876452228 +116 879 2 876452094 +116 888 2 886309958 +116 900 4 888311676 +116 1013 3 876453222 +116 1214 3 876453422 +116 1226 2 876454090 +116 1254 2 876453377 +117 33 4 881011697 +117 122 2 886022187 +117 144 4 881011807 +117 172 5 881012623 +117 173 5 881011697 +117 179 5 881012776 +117 210 4 881012293 +117 237 4 880126232 +117 406 3 881010556 +117 423 4 881012472 +117 546 3 881009758 +117 678 4 880124435 +117 743 1 881010401 +117 748 3 880124378 +117 763 5 881009890 +117 789 4 881011413 +117 977 3 881009738 +118 7 5 875385198 +118 53 5 875385280 +118 55 5 875385099 +118 56 5 875385198 +118 79 5 875384885 +118 98 5 875384979 +118 132 4 875384793 +118 135 5 875384591 +118 171 5 875384825 +118 180 5 875385136 +118 210 5 875384825 +118 223 5 875385386 +118 288 5 875385386 +118 320 5 875385386 +118 396 5 875385335 +118 413 4 875385306 +118 513 5 875384751 +118 551 5 875385306 +118 559 4 875385306 +118 564 1 875385335 +118 603 4 875384916 +118 641 5 875385386 +118 675 5 875385386 +118 800 4 875385280 +118 919 5 875385386 +118 960 5 875385136 +118 1079 4 875385442 +119 11 5 874781198 +119 22 4 874781698 +119 23 3 874782100 +119 25 5 886177013 +119 50 5 874774718 +119 52 3 890627339 +119 56 4 874781198 +119 96 5 874781257 +119 132 5 874782228 +119 168 5 874781351 +119 210 5 874781407 +119 226 3 887038665 +119 276 2 874775262 +119 294 1 892564313 +119 300 5 874774286 +119 301 4 886176779 +119 329 3 886433226 +119 332 4 886175313 +119 348 3 886433226 +119 412 4 874775136 +119 459 4 887038711 +119 537 5 886176618 +119 591 4 886177235 +119 597 4 874775465 +119 685 4 886177048 +119 689 4 886175431 +119 710 4 886177162 +119 755 1 886176678 +119 762 4 874775465 +119 813 4 874774956 +119 823 3 874775406 +119 825 3 874780860 +119 831 2 874775980 +119 879 5 875720232 +119 916 1 892564442 +119 917 4 892564349 +119 931 1 886178294 +119 986 3 874781068 +119 1034 3 874775980 +119 1052 4 886177162 +119 1166 5 887038711 +119 1260 5 874781547 +120 1 4 889490412 +120 15 4 889490244 +120 117 3 889490979 +120 121 4 889490290 +120 237 3 889490172 +120 258 5 889490124 +120 742 4 889490549 +120 827 2 889490979 +121 83 4 891388210 +121 100 4 891388035 +121 124 5 891388063 +121 127 5 891388333 +121 165 4 891388210 +121 250 2 891388676 +121 313 5 891390013 +121 357 5 891388063 +121 427 4 891388286 +121 479 5 891388113 +121 546 1 891390521 +121 582 2 891390034 +121 595 2 891390521 +121 628 3 891389037 +121 742 5 891390013 +121 792 3 891388250 +121 937 4 891389924 +121 1266 4 891388250 +122 11 1 879270424 +122 69 2 879270511 +122 180 5 879270327 +122 193 4 879270605 +122 269 5 879269963 +122 429 3 879270165 +122 582 5 879270644 +122 660 3 879270644 +122 661 4 879270327 +122 673 3 879270511 +122 724 4 879270677 +122 956 4 879270850 +122 1044 5 879270923 +123 9 5 879873726 +123 98 4 879872672 +123 100 4 879872792 +123 197 5 879872066 +123 242 5 879809053 +123 276 4 879873830 +123 286 5 879809053 +123 289 1 879809220 +123 319 4 879809220 +123 435 5 879809943 +123 462 4 879872540 +123 479 4 879872066 +123 483 4 879873020 +123 504 5 879872948 +123 514 5 879872193 +123 523 3 879872406 +123 657 4 879872066 +124 28 3 890287068 +124 98 4 890287822 +124 144 4 890287645 +124 154 5 890287645 +124 168 5 890287645 +124 172 3 890287645 +124 174 3 890287317 +124 209 3 890399902 +124 474 3 890287221 +125 41 2 892838510 +125 56 1 879454345 +125 79 5 879454100 +125 105 3 892839021 +125 109 3 892838288 +125 176 5 879454448 +125 181 5 879454139 +125 191 5 879454385 +125 195 5 892836465 +125 201 3 879455019 +125 210 5 879454243 +125 211 3 879455184 +125 216 3 879454419 +125 258 5 892835624 +125 294 4 892835778 +125 300 5 892835836 +125 323 3 892836124 +125 340 1 892835659 +125 364 3 892839191 +125 367 4 892836551 +125 369 3 892838777 +125 372 1 879454892 +125 399 3 892838509 +125 412 3 892839191 +125 427 4 879454277 +125 435 4 892836550 +125 451 4 892838288 +125 455 5 879454987 +125 474 3 892836422 +125 513 4 879454385 +125 520 5 892836309 +125 585 4 892838463 +125 659 4 879454628 +125 705 5 879454243 +125 728 3 892838425 +125 748 3 892835778 +125 751 5 892835624 +125 780 2 892839270 +125 790 4 892838462 +125 914 1 892835594 +125 1115 3 879454345 +125 1185 3 892838509 +125 1246 2 892838687 +126 272 3 887853469 +126 300 4 887854943 +126 311 4 887855173 +126 315 4 887853469 +126 326 2 887853919 +126 328 5 887853735 +126 333 2 887853919 +126 340 5 887854982 +126 344 4 887853735 +126 346 3 887853735 +126 690 3 887853735 +127 62 5 884364950 +127 222 5 884364866 +127 271 5 884364866 +127 343 5 884364151 +127 750 1 884363851 +128 25 3 879968185 +128 26 4 879969032 +128 70 3 879967341 +128 71 4 879967576 +128 82 5 879968185 +128 121 4 879968278 +128 132 3 879966785 +128 133 5 879967248 +128 159 4 879968390 +128 168 4 879966685 +128 172 3 879967248 +128 181 4 879966954 +128 191 4 879967080 +128 193 3 879967249 +128 196 5 879967550 +128 197 4 879966729 +128 202 2 879968579 +128 218 3 879969244 +128 222 3 879967249 +128 245 2 879966524 +128 268 3 879966355 +128 328 2 879966406 +128 340 4 879966355 +128 387 2 879968774 +128 419 3 879967268 +128 471 4 879967804 +128 478 5 879966840 +128 483 5 879966785 +128 487 5 879968029 +128 497 3 879967102 +128 499 5 879967767 +128 622 4 879968332 +128 651 5 879966983 +128 652 3 879966603 +128 655 3 879969064 +128 690 3 879966274 +128 692 4 879967197 +128 705 3 879968096 +128 729 2 879968447 +128 732 4 879967047 +128 770 3 879968008 +128 815 3 879968827 +128 838 5 879968164 +128 873 1 879966524 +128 924 3 879967341 +128 942 5 879968742 +128 1035 3 879968921 +128 1048 2 879968858 +128 1192 2 879967576 +128 1221 3 879968279 +129 286 5 883243934 +129 302 4 883243934 +129 311 3 883244059 +129 678 1 883245452 +129 882 2 883244662 +130 5 4 876251650 +130 11 5 875216545 +130 24 5 874953866 +130 27 4 875802105 +130 31 4 875801801 +130 54 5 876251895 +130 62 4 876252175 +130 65 4 875216786 +130 79 5 875217392 +130 82 5 875802080 +130 98 5 875216507 +130 100 3 874953558 +130 118 4 874953895 +130 132 5 875802006 +130 159 4 875802211 +130 181 5 874953621 +130 215 5 875802035 +130 227 3 875801868 +130 235 4 874953728 +130 237 5 874953621 +130 246 4 874953698 +130 248 3 874953769 +130 249 5 876250746 +130 250 3 876250833 +130 252 5 876250932 +130 261 4 874953525 +130 262 3 877926419 +130 269 4 881075976 +130 289 5 874953291 +130 299 3 874953526 +130 305 4 886023938 +130 313 5 884623736 +130 315 4 884623887 +130 328 4 874953525 +130 342 3 881076199 +130 343 4 881536273 +130 354 5 888211701 +130 403 5 876251922 +130 407 2 876251388 +130 411 5 876251217 +130 412 4 874953866 +130 420 5 876252472 +130 423 5 875216978 +130 427 5 875217033 +130 436 3 875801573 +130 449 4 878537516 +130 450 2 878537602 +130 452 4 880396495 +130 465 5 875801596 +130 469 5 876251693 +130 470 2 875217096 +130 472 4 876251072 +130 477 4 875216593 +130 501 5 875801716 +130 527 5 875801447 +130 531 5 875216628 +130 532 5 876250955 +130 555 4 888211930 +130 565 3 880396541 +130 589 4 875216717 +130 658 5 875802173 +130 665 3 876252175 +130 692 5 875801422 +130 746 5 876252012 +130 763 5 874953728 +130 765 4 876252420 +130 769 3 880396541 +130 816 5 880396518 +130 864 2 874953595 +130 888 3 881076146 +130 892 3 884623832 +130 894 4 884624087 +130 895 5 884623799 +130 929 4 876251160 +130 939 4 876252041 +130 974 4 876250932 +130 982 1 880396831 +130 1028 4 876250805 +130 1034 2 876250833 +130 1039 4 875216420 +130 1046 4 880396831 +130 1079 3 876251217 +130 1089 2 876250718 +130 1095 3 876251192 +130 1151 3 877984840 +130 1231 4 878537778 +130 1244 4 876251192 +130 1267 4 875217265 +131 124 5 883681313 +131 127 4 883681418 +131 242 5 883681723 +131 251 5 883681723 +131 276 5 883681723 +131 293 3 883681442 +132 12 4 891278867 +132 56 5 891278996 +132 127 4 891278937 +132 151 3 891278774 +132 175 3 891278807 +132 484 4 891278807 +132 523 4 891278996 +133 272 5 890588672 +133 300 3 890588577 +133 308 4 890588639 +133 313 3 890588524 +133 346 3 890588577 +133 749 4 890588720 +134 316 4 891732418 +134 326 5 891732296 +134 328 4 891732335 +135 56 4 879857765 +135 98 5 879857765 +135 173 4 879857723 +135 230 3 879857843 +135 234 4 879857797 +135 260 3 879857575 +135 288 3 879857575 +136 116 5 882693723 +136 137 5 882693339 +136 204 4 882848866 +136 237 4 882693597 +136 275 4 882693723 +136 283 4 882693529 +136 286 5 882693234 +136 303 4 882693234 +136 318 5 882848820 +136 475 4 882693339 +136 525 5 882848925 +136 647 5 882848783 +136 744 5 882693569 +137 1 3 881433048 +137 89 5 881433719 +137 121 5 881432881 +137 174 5 881433654 +137 181 5 881433015 +137 210 5 881433654 +137 243 4 881432790 +137 260 3 881432735 +137 385 5 881433719 +137 405 5 881433336 +137 476 1 881433524 +137 680 5 881432735 +137 748 4 881432626 +137 892 3 882809210 +137 1117 2 881433435 +138 12 5 879024232 +138 13 4 879023345 +138 15 4 879023389 +138 56 5 879024232 +138 117 4 879023245 +138 133 4 879024043 +138 182 4 879023948 +138 187 5 879024043 +138 194 5 879024184 +138 222 4 879023345 +138 435 5 879024232 +138 487 3 879023853 +138 513 5 879024043 +138 518 4 879024327 +138 603 4 879024184 +138 662 4 879024128 +139 150 4 879538327 +139 296 4 879538218 +139 297 5 879538275 +139 460 3 879538199 +139 740 2 879538254 +139 1176 4 879538080 +140 286 5 879013617 +140 294 3 879013651 +140 302 4 879013617 +141 7 5 884584981 +141 118 5 884585274 +141 121 4 884585071 +141 126 5 884585642 +141 127 2 884584735 +141 147 4 884584906 +141 235 1 884585437 +141 244 5 884585247 +141 248 3 884585039 +141 250 4 884585128 +141 259 1 886447904 +141 261 1 886447904 +141 279 1 884584817 +141 282 5 884585642 +141 284 5 884585071 +141 286 4 884584247 +141 292 1 884584906 +141 293 2 884584735 +141 298 5 884584790 +141 313 5 884584271 +141 323 4 884584480 +141 330 1 886447735 +141 333 5 887424639 +141 335 1 886447735 +141 756 3 884585363 +141 815 4 884585070 +141 823 3 884585437 +141 831 2 884585470 +141 926 4 884585300 +141 974 4 884585300 +141 1244 3 884585364 +141 1283 3 884585168 +142 124 4 888640379 +142 176 5 888640455 +142 333 5 888639968 +142 346 5 888639815 +142 408 4 888640379 +142 463 3 888640489 +142 514 5 888640317 +143 272 4 888407586 +143 313 5 888407586 +143 323 3 888407656 +143 333 5 888407708 +144 1 4 888104063 +144 4 4 888105873 +144 8 4 888105612 +144 15 4 888104150 +144 20 4 888104559 +144 24 4 888104541 +144 48 5 888105197 +144 61 3 888106182 +144 68 2 888105665 +144 69 5 888105140 +144 70 4 888105587 +144 87 5 888105548 +144 117 4 888103969 +144 135 5 888105364 +144 144 4 888105254 +144 173 5 888105902 +144 187 4 888105312 +144 196 4 888105743 +144 213 4 888105387 +144 215 4 888105714 +144 242 4 888103444 +144 244 3 888104588 +144 251 4 888103929 +144 257 4 888104258 +144 258 4 888103371 +144 262 3 888103444 +144 271 2 888103632 +144 280 1 888104625 +144 281 3 888104191 +144 288 2 888103509 +144 316 5 888103666 +144 318 5 888105419 +144 319 3 888103509 +144 326 4 888103530 +144 327 3 888103444 +144 333 3 888103371 +144 343 2 888103725 +144 423 5 888105714 +144 435 4 888105387 +144 466 2 888105823 +144 470 2 888105993 +144 475 1 888104032 +144 476 2 888104625 +144 500 4 888105419 +144 524 5 888105081 +144 533 4 888104258 +144 588 4 888105549 +144 647 4 888105338 +144 654 4 888105823 +144 729 4 888105665 +144 823 3 888104659 +144 847 4 888104063 +144 1065 4 888105714 +144 1101 4 888105312 +144 1138 4 888104684 +144 1197 4 888104322 +144 1226 4 888104737 +145 12 5 882182917 +145 17 3 875272132 +145 23 4 875271896 +145 54 5 888398669 +145 89 4 882181605 +145 117 5 875270655 +145 123 4 879161848 +145 134 4 882181695 +145 150 5 875270655 +145 156 5 875271896 +145 202 4 875272694 +145 209 4 882181659 +145 236 1 888397981 +145 242 5 875269755 +145 257 5 875270932 +145 259 3 875269871 +145 274 3 875270800 +145 276 1 882182634 +145 282 5 875270570 +145 294 4 875269871 +145 300 3 875269755 +145 312 3 885622510 +145 313 4 883840638 +145 328 5 875270006 +145 342 4 882181205 +145 354 4 891509877 +145 356 4 875272299 +145 363 4 875271607 +145 379 3 875272299 +145 380 3 885557699 +145 405 3 875270970 +145 407 2 888398400 +145 410 4 875270616 +145 412 4 888398492 +145 450 3 885557660 +145 452 3 882182762 +145 486 3 882181659 +145 510 4 882181859 +145 515 5 875270394 +145 554 3 875272245 +145 558 2 877343121 +145 559 2 877343156 +145 563 3 877343280 +145 566 5 875272010 +145 572 5 888398747 +145 595 3 885557505 +145 603 5 875272009 +145 635 4 875272349 +145 650 4 875273120 +145 652 5 882181571 +145 673 4 875272299 +145 687 2 882181335 +145 688 4 875269822 +145 692 2 885557505 +145 732 4 875272833 +145 738 3 875272927 +145 761 4 882182850 +145 762 3 875272926 +145 767 2 879161882 +145 771 2 888398867 +145 789 4 875272132 +145 800 2 875272349 +145 816 5 877343156 +145 820 2 885557732 +145 823 3 875271397 +145 825 4 875271477 +145 877 2 885557506 +145 879 5 877343000 +145 929 2 888398069 +145 934 1 875270394 +145 939 4 875272050 +145 977 3 879161931 +145 979 3 879161882 +145 988 1 891510040 +145 1025 4 877343020 +145 1028 5 875271607 +145 1047 3 875270764 +145 1073 5 875272009 +145 1087 1 875271357 +145 1132 3 875271522 +145 1215 2 888398400 +145 1287 2 888398563 +145 1288 4 888398197 +145 1290 1 875272732 +145 1291 3 888398563 +146 258 4 891457714 +146 271 3 891457749 +146 301 2 891457905 +146 319 4 891457538 +146 328 3 891458079 +146 331 5 891458193 +147 270 3 885594204 +147 313 4 885593965 +147 319 4 885593812 +147 937 3 885593997 +148 50 5 877016805 +148 69 5 877019101 +148 89 5 877398587 +148 151 4 877400124 +148 175 4 877016259 +148 209 5 877398648 +148 222 4 877398901 +148 432 5 877019698 +148 496 3 877015066 +148 521 1 877398836 +149 262 1 883512623 +149 286 5 883512591 +149 302 4 883512623 +149 323 2 883512928 +149 325 2 883512834 +149 326 3 883512856 +149 337 2 883512968 +149 338 2 883512904 +150 151 4 878746824 +150 288 4 878746174 +150 319 4 878746174 +150 324 4 878746225 +151 9 4 879524199 +151 14 5 879524325 +151 26 3 879542252 +151 31 3 879524713 +151 50 5 879525034 +151 52 5 879524586 +151 69 4 879524368 +151 70 4 879524947 +151 81 5 879524293 +151 86 5 879524345 +151 88 5 879542645 +151 98 4 879524088 +151 111 4 879542775 +151 118 3 879542588 +151 131 5 879525075 +151 132 5 879524669 +151 134 4 879524131 +151 136 4 879524293 +151 137 5 879528754 +151 147 2 879524947 +151 152 3 879525075 +151 154 4 879524642 +151 171 5 879524921 +151 181 5 879524394 +151 185 4 879528801 +151 198 4 879524472 +151 204 4 879524641 +151 209 4 879524443 +151 211 5 879528588 +151 215 3 879524420 +151 230 3 879528647 +151 238 5 879542286 +151 275 5 879524443 +151 286 5 879523838 +151 378 4 879528520 +151 381 5 879528754 +151 382 4 879528754 +151 430 4 879528418 +151 448 2 879528779 +151 462 4 879524088 +151 463 5 879525002 +151 466 5 879528496 +151 474 5 879524222 +151 476 3 879543423 +151 483 5 879524244 +151 488 4 879524900 +151 492 3 879524738 +151 496 4 879524974 +151 497 5 879524325 +151 499 5 879524585 +151 504 4 879528868 +151 512 5 879524712 +151 516 5 879542707 +151 517 2 879542588 +151 523 5 879524173 +151 525 4 879528570 +151 528 5 879524849 +151 549 4 879543324 +151 561 3 879543342 +151 566 3 879528890 +151 582 5 879524563 +151 603 5 879524641 +151 609 4 879525075 +151 627 2 879542796 +151 631 3 879524849 +151 632 4 879528779 +151 638 5 879528819 +151 657 5 879524760 +151 661 4 879524419 +151 716 2 879528778 +151 741 2 879524394 +151 761 3 879542813 +151 770 4 879542527 +151 781 3 879543181 +151 782 4 879542566 +151 845 4 879525035 +151 847 5 879528459 +151 939 4 879524514 +151 952 3 879528729 +151 953 5 879524948 +151 965 5 879524849 +151 1039 4 879524471 +151 1070 4 879524174 +151 1098 1 879528890 +151 1203 5 879542670 +151 1286 5 879524173 +151 1299 4 879543423 +152 15 5 880148843 +152 49 5 882477402 +152 69 5 882474000 +152 71 5 882900320 +152 117 4 880148782 +152 120 2 880149686 +152 133 5 882474845 +152 161 5 882476363 +152 215 5 880149882 +152 234 4 882474970 +152 237 5 880148734 +152 274 5 880149166 +152 275 4 880148664 +152 354 3 890322242 +152 364 4 884019146 +152 371 4 882477356 +152 402 5 882829501 +152 410 4 882478038 +152 487 5 882474587 +152 504 4 882476261 +152 527 4 882477356 +152 549 4 882476261 +152 632 4 882474734 +152 692 5 880149963 +152 720 5 882477356 +152 783 4 884018961 +152 785 5 886535773 +152 794 5 886535773 +152 1041 5 882477572 +152 1053 5 882475618 +152 1054 1 880149643 +152 1301 5 884018462 +153 50 1 881371140 +153 258 5 881371336 +153 265 4 881371032 +153 294 2 881370859 +154 61 4 879138657 +154 174 5 879138657 +154 191 4 879138832 +154 288 3 879138235 +154 474 5 879138783 +154 482 4 879138831 +154 642 3 879138910 +154 651 4 879138783 +154 874 3 879138368 +154 919 4 879138712 +154 945 3 879138713 +155 288 3 879370860 +155 332 2 879371121 +155 990 3 879371194 +156 83 3 888185677 +156 178 5 888185777 +156 187 5 888185778 +156 357 4 888185677 +156 651 4 888185906 +156 772 3 888185947 +157 50 4 886890541 +157 100 5 886890650 +157 117 5 886890296 +157 255 3 886889876 +157 269 4 886889876 +157 286 5 874813268 +157 289 4 886889876 +157 290 4 886890787 +157 313 5 886889616 +157 340 5 886889616 +157 410 4 886890855 +157 476 1 886891173 +157 515 5 874813477 +157 685 3 886890372 +157 934 2 886890878 +157 1051 4 886890835 +157 1244 3 886891194 +158 20 4 880134261 +158 39 5 880134398 +158 53 1 880134781 +158 55 4 880134407 +158 89 5 880133189 +158 92 4 880134407 +158 96 4 880134332 +158 111 4 880134261 +158 118 5 880132638 +158 120 1 880134014 +158 123 3 880132488 +158 129 5 880132383 +158 168 5 880134948 +158 173 5 880134913 +158 181 3 880132383 +158 187 5 880134332 +158 194 5 880134913 +158 202 5 880135001 +158 209 5 880135001 +158 221 2 880132421 +158 250 4 880132356 +158 252 3 880132893 +158 275 5 880132313 +158 293 4 880132513 +158 399 3 880134595 +158 430 5 880135093 +158 450 3 880134815 +158 544 2 880132638 +158 546 3 880132719 +158 570 3 880134445 +158 652 4 880134966 +158 659 5 880134947 +158 684 3 880134332 +158 694 5 880133209 +158 742 4 880134261 +158 744 4 880132462 +158 745 4 880135044 +158 797 3 880134701 +158 798 4 880134815 +158 985 4 880134261 +159 24 5 880989865 +159 72 3 884026946 +159 96 4 884360539 +159 126 5 880557038 +159 195 3 884360539 +159 243 4 880485529 +159 255 3 885501660 +159 260 2 893255969 +159 273 5 880485935 +159 274 3 880557387 +159 294 4 884026788 +159 319 1 880485290 +159 333 5 893255761 +159 588 2 884027316 +159 595 5 880486009 +159 832 3 880557864 +159 918 4 893255798 +159 1013 4 880557170 +159 1049 4 880485972 +159 1095 5 880557824 +159 1278 3 880557782 +160 13 4 876768990 +160 15 2 876768609 +160 100 5 876767023 +160 151 4 876769097 +160 153 3 876860808 +160 168 4 876858091 +160 169 4 876862077 +160 182 5 876770311 +160 185 5 876861185 +160 192 5 876861185 +160 195 4 876859413 +160 201 5 876858346 +160 202 4 876862077 +160 240 4 876768990 +160 248 5 876768828 +160 273 5 876767660 +160 282 4 876768025 +160 293 5 876767572 +160 405 3 876770441 +160 410 4 876769148 +160 455 4 876769689 +160 474 4 876857977 +160 508 5 876768025 +160 531 5 876942699 +160 640 3 876860808 +160 671 5 876859778 +160 763 4 876768025 +160 770 4 876861878 +160 844 3 876767822 +160 933 3 876767621 +160 1012 5 876769689 +160 1197 4 876768609 +161 22 2 891171282 +161 50 2 891170972 +161 100 4 891171127 +161 132 1 891171458 +161 133 2 891171023 +161 181 2 891171848 +161 186 4 891171530 +161 257 3 891172174 +161 265 2 891171597 +161 309 2 891170018 +161 435 2 891171104 +161 473 1 891172358 +161 483 3 891171214 +161 496 3 891171734 +162 1 4 877635819 +162 11 4 877636772 +162 105 2 877636458 +162 144 3 877636746 +162 208 3 877636746 +162 358 3 877635375 +162 508 5 877635662 +162 1011 4 877636370 +163 258 4 891219977 +163 269 3 891219977 +163 272 4 891219977 +163 300 3 891219977 +163 301 3 891219977 +163 433 1 891220137 +163 879 2 891219643 +164 100 5 889401998 +164 258 5 889401221 +164 291 5 889401963 +164 293 4 889402121 +164 298 3 889401835 +164 326 3 889401362 +164 342 2 889401691 +164 370 5 889402443 +164 411 2 889402407 +164 515 4 889401906 +164 717 3 889402265 +164 742 5 889401981 +164 845 3 889402071 +164 866 5 889402121 +164 934 5 889402547 +164 1016 3 889402091 +165 15 5 879525799 +165 176 4 879526007 +165 222 5 879525987 +165 270 4 879525672 +165 500 3 879525832 +166 243 3 886397827 +166 286 1 886397562 +166 294 3 886397596 +166 751 4 886397665 +166 984 5 886397802 +167 8 5 892738237 +167 96 5 892738307 +167 225 3 892737995 +167 240 1 892737972 +167 318 5 892738307 +167 435 5 892738453 +167 478 5 892738452 +167 521 5 892738307 +167 726 1 892738385 +167 1225 3 892738277 +167 1304 4 892738277 +167 1308 1 892738307 +168 9 1 884287394 +168 121 4 884287731 +168 125 4 884287731 +168 126 5 884287962 +168 275 3 884287822 +168 291 4 884287668 +168 294 4 884286862 +168 325 1 884287073 +168 597 3 884288112 +168 678 1 884287109 +168 685 3 884287759 +168 871 3 884287711 +168 930 3 884288243 +169 211 5 891359200 +169 213 5 891359354 +169 243 3 891268851 +169 258 5 891268552 +169 300 5 891268491 +169 331 5 891268491 +169 480 4 891359137 +169 483 3 891359200 +169 495 3 891359276 +169 498 3 891359170 +169 684 5 891359354 +170 259 3 886623680 +170 288 3 884706012 +170 322 5 884103801 +170 323 3 884293671 +170 326 5 886623057 +170 348 3 887646014 +170 687 3 884706063 +170 984 5 884103918 +170 988 3 884706063 +171 258 4 891034801 +171 262 4 891034641 +171 315 4 891034835 +171 340 3 891034756 +171 887 4 891034835 +171 906 3 891034684 +172 606 3 875537964 +172 612 3 875537964 +172 772 1 875537099 +173 269 4 877556626 +173 302 5 877556626 +173 305 5 877556626 +173 306 5 877556626 +173 321 4 877556864 +173 331 4 877557028 +173 690 5 877557076 +173 874 4 877556926 +173 937 4 877557077 +173 984 4 877556988 +174 1 3 886433898 +174 9 5 886439492 +174 12 5 886439091 +174 15 5 886434065 +174 31 4 886434566 +174 69 5 886514201 +174 100 5 886433788 +174 111 5 886433898 +174 139 3 886515591 +174 140 4 886515514 +174 147 4 886433936 +174 151 3 886434013 +174 158 2 886514921 +174 210 4 886514788 +174 221 4 886433771 +174 238 5 890168700 +174 239 4 886439537 +174 269 5 886432811 +174 278 5 886433833 +174 323 1 886434241 +174 340 5 886432749 +174 364 1 886515240 +174 388 1 886515335 +174 417 4 886515490 +174 433 5 886514757 +174 451 5 886513752 +174 553 5 886513674 +174 662 5 886513752 +174 696 4 886434087 +174 715 3 886514397 +174 722 4 886513896 +174 723 5 886514448 +174 739 5 886513729 +174 742 4 886434087 +174 747 5 886513729 +174 764 4 886434343 +174 843 2 886515551 +174 846 5 886433996 +174 953 5 886514377 +174 1035 4 886515532 +174 1074 4 886514529 +174 1221 5 886514398 +174 1262 5 886434566 +174 1282 5 886433862 +175 12 4 877108146 +175 64 5 877107552 +175 100 2 877107712 +175 147 3 877108146 +175 172 5 877107339 +175 193 4 877108098 +175 234 5 877108015 +175 419 5 877108098 +175 508 1 877107712 +175 661 4 877107432 +176 25 3 886048188 +176 111 4 886048040 +176 151 4 886048305 +176 222 5 886048145 +176 246 5 886047994 +176 321 4 886047176 +176 325 3 886047375 +176 328 4 886047375 +176 343 2 886047595 +176 347 4 886047442 +176 475 5 886047918 +176 741 3 886048145 +176 874 4 886047118 +176 927 3 886048305 +176 952 2 886048230 +177 11 4 880131161 +177 12 5 880130825 +177 23 5 880130758 +177 50 5 880131216 +177 55 3 880131143 +177 64 4 880130736 +177 92 4 882142295 +177 121 2 880131123 +177 135 5 880130712 +177 153 4 880130972 +177 154 4 880130600 +177 161 3 880130915 +177 173 4 880130667 +177 176 4 880130951 +177 200 4 880130951 +177 217 3 880131230 +177 223 4 880130758 +177 268 3 880130452 +177 288 5 880130467 +177 292 3 880130415 +177 343 3 882141885 +177 358 2 882141918 +177 421 3 880130881 +177 469 4 880131201 +177 527 4 880130898 +177 568 3 880130915 +177 628 2 882143736 +177 654 4 880131106 +177 693 4 880130653 +177 806 4 880131216 +177 963 4 880130736 +177 1218 4 880131231 +178 2 4 882827375 +178 9 2 882823758 +178 11 5 882826162 +178 24 3 882824221 +178 38 3 882827574 +178 50 5 882823857 +178 56 4 882825767 +178 62 4 882827083 +178 82 5 882826242 +178 87 4 885784558 +178 90 3 882827985 +178 92 3 882827803 +178 95 5 882826514 +178 97 5 882827020 +178 123 4 882824325 +178 127 5 882823978 +178 143 4 882827574 +178 153 4 882826347 +178 155 4 882828021 +178 176 4 882826782 +178 184 5 882827947 +178 197 2 882826720 +178 200 3 882826983 +178 202 5 882826782 +178 219 4 882828350 +178 226 4 882826187 +178 230 4 882826889 +178 235 1 882824467 +178 237 4 882824291 +178 238 4 882826577 +178 249 3 884836855 +178 260 1 886678700 +178 265 5 882826394 +178 274 4 882824253 +178 280 4 882824592 +178 281 3 882824028 +178 298 2 882823905 +178 300 5 882823301 +178 313 5 884836422 +178 316 4 888513290 +178 318 5 882826982 +178 319 1 884836946 +178 322 3 882823460 +178 340 1 882823353 +178 354 4 892239771 +178 405 3 882823905 +178 423 4 882826556 +178 469 3 882827870 +178 472 4 882824194 +178 506 3 882827084 +178 535 3 882824671 +178 578 4 882828021 +178 591 5 882827288 +178 654 3 882827506 +178 685 4 882824253 +178 729 4 882827020 +178 744 3 882824028 +178 751 4 882823353 +178 756 3 882824983 +178 763 4 882824253 +178 764 3 888514648 +178 783 4 886678484 +178 790 3 882827870 +178 809 4 882827084 +178 819 2 882824670 +178 846 3 882824467 +178 876 2 886678484 +178 1016 4 882824253 +178 1033 2 882824869 +178 1048 2 884837073 +178 1101 4 882827019 +178 1157 3 882827375 +178 1314 3 882827134 +178 1315 4 882824291 +179 302 4 892151173 +179 307 3 892151565 +179 321 1 892151331 +179 333 5 892151459 +179 340 4 892151064 +179 362 1 892151231 +179 690 1 892151489 +179 893 2 892151565 +179 917 3 892151231 +180 12 2 877355568 +180 98 5 877544444 +180 153 1 877126182 +180 186 4 877127189 +180 201 2 877127189 +180 258 5 877125493 +180 367 1 877127486 +180 380 5 877127796 +180 658 5 877355598 +180 660 5 877372188 +180 684 5 877442058 +180 729 5 877355598 +180 733 5 877128388 +180 778 2 877128388 +180 790 1 877127572 +180 1046 2 877442125 +181 15 3 878962816 +181 18 1 878962623 +181 19 1 878962392 +181 93 1 878962773 +181 100 3 878962816 +181 104 1 878962866 +181 105 1 878963304 +181 111 3 878962774 +181 117 2 878962918 +181 118 2 878962955 +181 126 2 878962585 +181 129 2 878962279 +181 137 2 878962465 +181 224 1 878962623 +181 235 1 878963168 +181 242 1 878961814 +181 270 4 878961270 +181 275 3 878962720 +181 282 4 878962816 +181 290 2 878963168 +181 291 3 878962997 +181 294 2 878961173 +181 307 1 878962006 +181 322 1 878961814 +181 326 1 878961709 +181 336 2 878961709 +181 358 2 878961709 +181 360 1 878962005 +181 363 1 878963342 +181 407 2 878963038 +181 409 2 878963276 +181 413 2 878963241 +181 455 1 878962623 +181 456 1 878962586 +181 471 2 878962919 +181 475 2 878962720 +181 477 1 878962465 +181 547 1 878962720 +181 591 4 878962996 +181 681 1 878961474 +181 749 1 878961586 +181 756 2 878962866 +181 760 1 878963418 +181 767 1 878963381 +181 813 2 878962279 +181 818 1 878963380 +181 820 1 878963342 +181 831 1 878963241 +181 844 1 878962816 +181 845 3 878962816 +181 876 1 878961781 +181 877 2 878961668 +181 883 1 878961847 +181 919 1 878962550 +181 920 1 878962496 +181 924 3 878963168 +181 931 1 878963205 +181 934 3 878963086 +181 974 4 878963417 +181 977 1 878962997 +181 982 1 878963205 +181 983 2 878963038 +181 989 1 878961780 +181 991 1 878961814 +181 1002 1 878963122 +181 1026 1 878961781 +181 1038 1 878962005 +181 1054 2 878963418 +181 1059 1 878963440 +181 1085 1 878962623 +181 1097 1 878962720 +181 1114 1 878963342 +181 1132 1 878963342 +181 1150 1 878963305 +181 1152 2 878962496 +181 1162 1 878962392 +181 1197 1 878962774 +181 1245 1 878962550 +181 1255 1 878962086 +181 1277 2 878963085 +181 1280 1 878961668 +181 1302 1 878962086 +181 1331 1 878962052 +181 1337 1 878963121 +181 1338 1 878962240 +181 1339 1 878962086 +181 1340 1 878962240 +181 1349 1 878962278 +181 1355 1 878963086 +181 1359 1 878962200 +181 1363 1 878962279 +181 1372 1 878962279 +181 1389 1 878962119 +182 111 4 885613238 +182 126 5 885613153 +182 181 5 885612967 +182 191 4 876435434 +182 203 3 876436556 +182 257 3 885613117 +182 479 5 876436556 +183 55 4 891466266 +183 77 3 891466405 +183 176 3 891466266 +183 181 2 891463937 +183 210 3 891465869 +183 212 4 891467870 +183 216 4 891479033 +183 226 3 891466350 +183 229 3 891463591 +183 356 3 891466447 +183 375 2 891467545 +183 1090 2 891467546 +183 1159 3 891479702 +184 20 4 889907771 +184 25 4 889908068 +184 44 4 889909746 +184 50 4 889907396 +184 51 4 889909069 +184 66 4 889910013 +184 79 3 889909551 +184 82 3 889909934 +184 93 4 889907771 +184 97 2 889908539 +184 117 2 889907995 +184 118 2 889908344 +184 121 2 889908026 +184 127 5 889907396 +184 166 3 889910684 +184 175 3 889908985 +184 176 4 889908740 +184 182 4 889908497 +184 183 4 889908630 +184 203 3 889908571 +184 210 4 889911069 +184 215 4 889909812 +184 221 5 889907838 +184 283 5 889913687 +184 285 5 889907771 +184 357 5 889913687 +184 378 4 889909551 +184 381 4 889909962 +184 393 4 889909788 +184 399 3 889910159 +184 401 3 889910418 +184 402 3 889910013 +184 411 3 889908207 +184 443 3 889911552 +184 483 5 889908630 +184 508 4 889907738 +184 512 4 889908716 +184 523 4 889909618 +184 527 4 889908462 +184 528 5 889908462 +184 529 4 889909445 +184 596 4 889907812 +184 631 4 889910612 +184 639 3 889909590 +184 644 4 889908947 +184 651 3 889908462 +184 654 4 889908824 +184 657 4 889908497 +184 694 5 889908824 +184 708 4 889909962 +184 736 3 889911633 +184 738 3 889910372 +184 739 3 889910257 +184 747 3 889909672 +184 845 3 889907971 +184 945 4 889909721 +184 956 3 889908693 +184 1014 2 889907468 +184 1061 3 889908264 +184 1117 2 889907771 +184 1148 3 889910098 +184 1160 5 889907363 +184 1167 5 889913687 +185 9 4 883524396 +185 25 4 883525206 +185 111 4 883524529 +185 181 4 883524475 +185 205 3 883524320 +185 276 4 883524475 +185 423 5 883524428 +185 514 5 883524428 +185 690 4 883526267 +185 1020 4 883524172 +186 56 3 879023460 +186 79 5 879023460 +186 98 5 891719859 +186 106 2 879023242 +186 121 2 879023074 +186 203 5 879023529 +186 243 2 879024099 +186 303 3 891717938 +186 306 4 891717690 +186 332 4 891719775 +186 540 4 879024014 +186 568 4 879024014 +186 595 3 879023390 +186 754 2 891717690 +186 829 4 891719775 +186 880 3 891718700 +186 934 3 879023968 +186 1016 5 879023643 +186 1046 3 879023751 +186 1336 3 879024346 +186 1399 2 891718530 +187 65 5 879465507 +187 69 4 879465566 +187 97 3 879465717 +187 168 5 879465273 +187 197 4 879465597 +187 213 4 879465858 +187 214 4 879465632 +187 216 5 879465394 +187 428 4 879465308 +187 651 5 879465566 +187 660 5 879465744 +187 663 3 879465242 +187 735 4 879465532 +187 736 4 879465632 +188 5 4 875074266 +188 22 5 875072459 +188 28 3 875072972 +188 54 4 875074589 +188 64 5 875071891 +188 97 5 875071891 +188 100 4 875074127 +188 121 4 875073647 +188 157 3 875072674 +188 177 4 875073329 +188 226 3 875074266 +188 281 3 875074772 +188 462 4 875073246 +188 468 4 875073329 +188 470 5 875073647 +188 483 5 875072009 +188 498 5 875073828 +188 553 4 875071775 +188 568 4 875072583 +188 629 4 875073246 +188 651 4 875073408 +188 764 4 875072087 +188 877 2 875071361 +188 1263 3 875071891 +189 7 3 893264300 +189 13 4 893264220 +189 24 4 893264248 +189 44 4 893266376 +189 83 4 893265624 +189 89 5 893265624 +189 97 4 893277579 +189 99 5 893265684 +189 105 2 893264865 +189 124 5 893264048 +189 131 4 893265710 +189 132 5 893265865 +189 136 4 893265535 +189 162 3 893266230 +189 166 4 893265657 +189 172 5 893265683 +189 191 5 893265402 +189 196 5 893266204 +189 198 4 893265657 +189 204 5 893265657 +189 207 5 893266161 +189 209 1 893265826 +189 238 5 893265683 +189 241 3 893265947 +189 246 4 893264048 +189 283 5 893264300 +189 313 2 893263960 +189 317 4 893265826 +189 423 5 893265796 +189 485 4 893265710 +189 487 5 893265568 +189 492 3 893265535 +189 499 4 893265596 +189 500 5 893266351 +189 501 4 893265893 +189 516 1 893265568 +189 527 5 893265327 +189 603 5 893265239 +189 630 4 893266376 +189 647 4 893265826 +189 656 4 893265568 +189 855 3 893265657 +189 1065 5 893265478 +189 1400 3 893265684 +190 15 4 891033697 +190 125 3 891033863 +190 245 4 891033487 +190 272 5 891033606 +190 273 4 891033676 +190 276 4 891033632 +190 281 3 891042916 +190 310 4 891033607 +190 313 5 891033606 +190 354 4 891033606 +190 471 5 891033632 +190 539 2 891033370 +190 544 4 891033806 +190 591 4 891033863 +190 685 3 891033725 +190 823 2 891626040 +190 898 2 891033349 +190 989 3 891033327 +191 300 4 891560842 +191 339 3 891562090 +191 750 4 891560253 +191 891 3 891560481 +191 900 4 891560481 +192 50 4 881367505 +192 108 4 881368339 +192 121 2 881368127 +192 284 5 881367987 +193 1 4 890859954 +193 23 4 889126609 +193 25 4 889127301 +193 38 3 889126055 +193 72 2 889127301 +193 73 3 889127237 +193 82 2 889125880 +193 94 3 889127592 +193 187 4 890860351 +193 199 5 889125535 +193 237 4 889124327 +193 246 3 890859402 +193 269 4 889123086 +193 274 3 889126272 +193 280 4 889124016 +193 294 1 889123777 +193 300 4 889123039 +193 310 4 890834947 +193 313 4 889122950 +193 343 1 889123777 +193 354 3 889123158 +193 366 4 890860428 +193 402 3 889126375 +193 403 3 889125945 +193 412 3 889127787 +193 476 2 889127698 +193 508 4 889125319 +193 541 1 889125976 +193 562 3 889126055 +193 739 4 889126427 +193 742 4 889126673 +193 763 3 889127457 +193 781 3 889124469 +193 895 1 889123777 +193 905 4 889123458 +193 1074 3 889126453 +193 1168 4 890860234 +194 8 3 879521719 +194 9 4 879535704 +194 13 4 879539410 +194 15 4 879539127 +194 22 5 879521474 +194 28 5 879522324 +194 31 3 879549793 +194 50 3 879521396 +194 69 4 879521595 +194 73 3 879527145 +194 76 2 879549503 +194 81 2 879523576 +194 86 3 879520991 +194 87 4 879523104 +194 90 3 879552841 +194 91 3 879524892 +194 100 4 879539305 +194 118 3 879539229 +194 121 2 879539794 +194 134 2 879521719 +194 135 3 879521474 +194 154 3 879546305 +194 155 3 879550737 +194 159 3 879552401 +194 174 4 879520916 +194 178 3 879521253 +194 182 3 879521475 +194 183 3 879520916 +194 194 4 879523575 +194 197 4 879522021 +194 225 3 879543589 +194 229 1 879535548 +194 230 1 879535548 +194 238 5 879521396 +194 241 2 879527725 +194 356 2 879524892 +194 357 4 879520916 +194 376 2 879528752 +194 380 1 879535549 +194 402 3 879524008 +194 403 2 879527725 +194 405 2 879539305 +194 414 3 879522240 +194 423 3 879548121 +194 449 1 879554897 +194 456 1 879544303 +194 467 5 879521253 +194 481 3 879524291 +194 483 4 879520916 +194 485 3 879546498 +194 491 3 879520916 +194 498 3 879521595 +194 503 4 879522916 +194 529 4 879523575 +194 546 3 879541806 +194 549 3 879527263 +194 562 2 879524007 +194 580 4 879525876 +194 624 2 879525695 +194 625 3 879527145 +194 628 3 879540171 +194 633 3 879521254 +194 640 1 879535548 +194 642 2 879527514 +194 655 5 879520813 +194 659 4 879520743 +194 693 4 879524216 +194 720 2 879553883 +194 732 3 879522021 +194 736 2 879548122 +194 762 3 879539305 +194 820 1 879541742 +194 837 4 879546671 +194 864 2 879539305 +194 939 3 879550615 +194 944 2 879551999 +194 991 2 879520306 +194 997 3 879553988 +194 1011 3 879539794 +194 1041 2 879553591 +194 1045 2 879524644 +194 1066 3 879554383 +194 1207 1 879555410 +194 1411 1 879554331 +194 1412 2 879551921 +195 47 5 876632643 +195 59 3 888737346 +195 93 3 891762536 +195 127 5 875771441 +195 143 5 875771441 +195 152 3 890589490 +195 198 3 884420000 +195 264 3 890721304 +195 313 5 883688297 +195 326 3 887439400 +195 373 3 875158215 +195 384 2 874825826 +195 413 3 885110849 +195 433 3 878019342 +195 500 4 876617344 +195 508 3 886782519 +195 558 3 890589408 +195 678 3 883295570 +195 740 3 890985743 +195 753 3 874824313 +195 797 3 877835268 +195 809 3 877835548 +195 877 3 887567629 +195 982 2 877835350 +195 1030 2 877835451 +195 1193 4 888737346 +195 1407 2 874825826 +195 1413 2 877835268 +195 1415 1 874825827 +195 1416 2 884504132 +196 66 3 881251911 +196 70 3 881251842 +196 108 4 881252110 +196 116 3 881251753 +196 202 3 881251728 +196 257 2 881251577 +196 285 5 881251753 +196 287 3 881251884 +196 340 3 881251045 +196 382 4 881251843 +197 2 3 891409981 +197 11 1 891409893 +197 22 5 891409839 +197 29 3 891410170 +197 38 3 891410039 +197 39 2 891409982 +197 56 1 891409799 +197 172 5 891409839 +197 188 3 891409982 +197 228 4 891409894 +197 230 4 891409893 +197 232 4 891410082 +197 245 4 891409352 +197 265 5 891409893 +197 322 3 891409475 +197 333 2 891409111 +197 354 2 891409199 +197 373 1 891410124 +197 399 2 891410082 +197 435 5 891409935 +197 526 5 891409935 +197 586 3 891410170 +197 678 2 891409593 +197 679 1 891409935 +197 684 4 891409981 +197 895 3 891409199 +198 1 4 884205081 +198 6 2 884206270 +198 25 2 884205114 +198 55 3 884207525 +198 56 5 884207392 +198 70 3 884207691 +198 98 4 884207611 +198 101 5 884209569 +198 117 1 884205114 +198 121 3 884206330 +198 132 4 884208137 +198 143 3 884208951 +198 161 3 884208454 +198 168 4 884207654 +198 173 4 884207492 +198 185 3 884209264 +198 187 4 884207239 +198 191 4 884208682 +198 198 4 884207654 +198 200 4 884207239 +198 208 3 884208571 +198 210 4 884207612 +198 215 4 884208098 +198 216 4 884208490 +198 222 3 884204993 +198 265 3 884207206 +198 276 3 884205317 +198 298 1 884204993 +198 300 2 884204427 +198 356 3 884208455 +198 403 4 884209353 +198 411 1 884206659 +198 433 2 884208326 +198 655 4 884209188 +198 690 3 884204427 +198 693 3 884207734 +198 763 3 884206482 +198 871 1 884205277 +198 923 3 884207946 +198 959 3 884209264 +198 979 5 884206748 +198 1142 5 884205114 +198 1244 2 884206659 +198 1245 4 884205317 +199 1 1 883782854 +199 7 4 883782854 +199 93 4 883782825 +199 100 3 883782807 +199 116 5 883782807 +199 508 4 883782899 +199 892 1 883782485 +199 1326 3 883782934 +200 1 5 876042340 +200 28 5 884128458 +200 43 3 884129814 +200 48 2 884129029 +200 54 4 884129920 +200 58 4 884129301 +200 63 4 884130415 +200 68 5 884129729 +200 69 5 884128788 +200 89 5 884128788 +200 98 5 884128933 +200 99 5 884128858 +200 107 3 884128022 +200 117 5 876042268 +200 141 4 884129346 +200 161 4 884128979 +200 169 5 884128822 +200 177 4 884129656 +200 179 4 884129029 +200 188 4 884129160 +200 195 5 884128822 +200 226 4 884130085 +200 235 2 884128065 +200 280 4 884127798 +200 282 4 884127745 +200 325 5 876041719 +200 358 5 884127221 +200 392 5 884128858 +200 401 2 884130085 +200 411 3 876042824 +200 419 4 884129232 +200 423 5 884129275 +200 451 4 884129006 +200 472 4 884127890 +200 495 3 884129092 +200 496 5 884128904 +200 501 4 884129504 +200 515 5 884129381 +200 527 4 884129656 +200 546 3 884127745 +200 549 4 884129567 +200 552 4 884130540 +200 568 5 884128372 +200 679 4 884129920 +200 756 3 876042493 +200 758 3 884127370 +200 760 4 876042753 +200 826 4 876042556 +200 841 3 876042556 +200 866 4 891825324 +200 890 4 884127082 +200 982 2 891825589 +200 984 3 884125996 +200 1034 3 891825521 +200 1091 4 884129814 +200 1219 3 884130289 +200 1419 5 884130679 +201 11 4 884112201 +201 31 1 884114232 +201 42 4 884113713 +201 47 4 884140610 +201 53 3 884114713 +201 76 4 884140709 +201 82 4 884114471 +201 95 3 884114015 +201 118 1 884310148 +201 121 2 884114275 +201 124 3 884112991 +201 127 5 884111708 +201 129 4 884114471 +201 171 3 884111678 +201 172 5 884111269 +201 179 5 884114471 +201 180 3 884140078 +201 181 2 884112245 +201 188 4 884112201 +201 191 4 884114471 +201 207 3 884111360 +201 216 4 884111360 +201 222 3 884112201 +201 223 4 884113343 +201 226 3 884114232 +201 227 4 884310149 +201 230 3 884112487 +201 231 2 884310104 +201 234 5 884112537 +201 238 3 884113343 +201 282 2 884140428 +201 288 4 884110887 +201 334 4 884110927 +201 379 3 884114813 +201 381 3 884111986 +201 387 2 884140825 +201 402 2 884140975 +201 408 4 884111436 +201 423 4 884112901 +201 425 3 884140246 +201 435 4 884112201 +201 438 1 884114813 +201 448 3 884112581 +201 455 3 884112487 +201 458 4 884140428 +201 464 1 884140522 +201 466 4 884113453 +201 483 3 884111546 +201 505 3 884113772 +201 514 3 884112747 +201 521 2 884111637 +201 546 2 884140891 +201 567 3 884112673 +201 582 5 884111873 +201 588 4 884113490 +201 591 3 884140307 +201 631 2 884140750 +201 644 3 884113924 +201 658 3 884111677 +201 665 2 884114770 +201 667 2 884114682 +201 672 2 884112673 +201 679 3 884310104 +201 699 3 884140610 +201 729 2 884140975 +201 735 3 884113975 +201 750 3 884110598 +201 751 3 884110766 +201 772 5 884113343 +201 773 4 884112627 +201 789 3 884112840 +201 803 2 884112282 +201 923 3 884113592 +201 950 3 884140610 +201 956 4 884140522 +201 962 4 884113082 +201 1006 2 884112136 +201 1011 3 884140853 +201 1045 2 884140788 +201 1069 2 884111312 +201 1070 5 884111677 +201 1073 2 884111899 +201 1135 5 884140750 +201 1193 4 884111873 +201 1224 2 884140891 +201 1268 4 884112077 +201 1421 3 884141015 +201 1422 2 884114194 +201 1428 4 884114099 +202 1 3 879727059 +202 204 3 879727058 +202 242 3 879726342 +202 258 4 879726342 +202 318 1 879727116 +202 423 3 879727116 +202 481 1 879726642 +203 100 1 880434411 +203 150 5 880434278 +203 222 4 880434318 +203 257 3 880434298 +203 276 4 880434810 +203 283 5 880434359 +203 288 5 880433368 +203 475 3 880434318 +203 815 4 880434882 +203 993 3 880434919 +204 170 5 892513865 +204 242 5 892388935 +204 262 4 892389137 +204 300 3 892388900 +204 303 5 892389020 +204 318 5 892513819 +204 321 1 892388900 +204 1296 5 892392078 +205 268 2 888284618 +205 286 2 888284245 +205 300 3 888284245 +205 315 4 888284245 +205 875 2 888284532 +205 1025 1 888284495 +206 262 1 888180049 +206 269 4 888180018 +206 300 1 888179565 +206 308 2 888180049 +206 343 1 888179788 +206 359 1 888179980 +206 361 1 888180082 +206 683 1 888179980 +206 691 1 888180081 +206 748 4 888179833 +206 749 2 888179980 +206 1022 1 888179980 +206 1024 1 888180049 +206 1062 3 888180018 +206 1395 1 888180081 +206 1431 1 888180018 +206 1434 1 888180082 +207 5 3 880839802 +207 12 3 878104200 +207 15 4 876198392 +207 23 4 875509888 +207 33 2 877125422 +207 38 3 875509507 +207 55 3 875509395 +207 60 3 877845845 +207 70 3 875506737 +207 88 2 878104627 +207 111 3 880839802 +207 127 5 875506634 +207 137 3 877821612 +207 175 1 877845982 +207 179 4 877822224 +207 180 3 879665352 +207 185 4 875509832 +207 197 4 875774463 +207 210 3 878191574 +207 224 3 884386473 +207 237 4 877878342 +207 239 3 876079016 +207 248 3 877878409 +207 276 2 875504835 +207 281 3 876018471 +207 282 4 879577372 +207 284 3 877746137 +207 291 3 876018608 +207 298 3 875509150 +207 319 3 879664891 +207 414 2 876078916 +207 458 3 875991160 +207 462 3 877845656 +207 471 3 875509715 +207 483 5 875774491 +207 509 4 877878688 +207 514 4 877878343 +207 524 4 878104569 +207 527 4 877879172 +207 562 2 875509507 +207 566 4 875509434 +207 609 4 877879173 +207 631 2 877847187 +207 660 4 877847100 +207 684 3 875509307 +207 696 3 877751310 +207 712 4 877847025 +207 735 4 877878688 +207 742 4 876018580 +207 748 3 877750478 +207 756 2 877878923 +207 826 2 877751143 +207 841 3 876018501 +207 849 3 877822704 +207 993 3 877879206 +207 1028 3 877847025 +207 1049 3 877878860 +207 1225 3 875508817 +207 1333 3 877995615 +208 97 4 883108797 +208 194 5 883108360 +208 310 4 883108105 +208 371 5 883108842 +208 517 3 883108398 +208 739 4 883108873 +208 996 3 883108684 +209 1 5 883460644 +209 14 3 883417547 +209 181 4 883417491 +209 285 5 883417613 +209 286 2 883417458 +209 333 2 883589568 +210 4 4 887730443 +210 15 4 887737710 +210 23 5 887730102 +210 56 5 887730264 +210 69 4 887736482 +210 72 3 891036310 +210 94 4 891036181 +210 99 4 887736937 +210 153 5 887730297 +210 154 4 887730341 +210 167 4 891036054 +210 172 5 887736261 +210 180 4 887735872 +210 181 5 887731082 +210 195 4 887736429 +210 208 5 887730443 +210 235 3 887730842 +210 290 4 887730813 +210 301 4 887731435 +210 327 4 887735288 +210 392 3 887736017 +210 393 3 891035904 +210 411 3 887730931 +210 423 5 887737338 +210 435 4 887730407 +210 482 5 887736739 +210 483 5 887736482 +210 514 5 887730532 +210 517 4 887730342 +210 568 4 887735960 +210 629 3 891035928 +210 657 4 887736429 +210 732 4 887730676 +210 821 3 887730532 +210 926 2 887730909 +210 956 3 887736900 +210 1012 4 887730789 +211 9 3 879460172 +211 230 3 879460294 +211 423 5 879459846 +211 457 4 879437184 +211 462 4 879460096 +211 491 3 879459876 +211 520 4 879460096 +211 1127 1 879461395 +212 199 5 879303831 +212 268 5 879303468 +212 382 5 879303929 +212 423 4 879304010 +212 527 5 879303892 +212 528 5 879303950 +213 24 5 878870846 +213 31 4 878956338 +213 56 5 878955635 +213 118 4 878870871 +213 127 5 878870790 +213 143 5 878955766 +213 156 5 878955474 +213 175 4 878955599 +213 181 4 878870552 +213 182 4 878955766 +213 185 5 878955501 +213 187 5 878956022 +213 192 5 878955474 +213 199 5 878956000 +213 214 5 878955816 +213 222 3 878870790 +213 252 3 878870456 +213 257 4 878870846 +213 258 4 878870226 +213 284 5 878955164 +213 286 3 878870598 +213 393 3 878955973 +213 405 3 878870904 +213 432 4 878956047 +213 463 5 878956000 +213 478 5 878956129 +213 479 4 878955534 +213 483 5 878955848 +213 502 5 878956263 +213 504 5 878955885 +213 511 4 878955442 +213 521 4 878955474 +213 655 4 878956300 +213 685 3 878870987 +213 942 4 878955533 +213 985 3 878955164 +214 8 4 892668196 +214 24 3 891543176 +214 64 5 892668130 +214 89 4 892668249 +214 92 4 892668249 +214 100 4 891542986 +214 127 4 891542986 +214 135 3 891544175 +214 154 3 891544000 +214 156 5 892668172 +214 166 4 891544512 +214 168 3 891544222 +214 169 4 891544175 +214 171 4 891544323 +214 172 3 891544390 +214 174 4 892668249 +214 175 5 892668153 +214 180 5 892668130 +214 181 3 891543036 +214 196 4 891544493 +214 223 3 891544200 +214 249 3 891543256 +214 318 4 892668249 +214 319 3 891542735 +214 427 5 892668172 +214 462 4 892668197 +214 475 5 892668153 +214 479 4 891544052 +214 516 5 892668173 +214 522 4 891544052 +214 527 4 891544089 +214 603 4 891544089 +214 608 4 891544114 +214 650 5 892668173 +214 705 4 891544414 +214 708 4 891544152 +214 752 2 891542578 +214 1073 5 892668130 +215 15 3 891435761 +215 23 3 891436048 +215 50 5 891436543 +215 99 4 891435731 +215 127 4 891435183 +215 134 4 891435266 +215 176 5 891435804 +215 191 4 891435460 +215 195 5 891435655 +215 196 4 891435548 +215 202 4 891435295 +215 203 3 891435266 +215 218 3 891436607 +215 228 5 891436543 +215 229 3 891436469 +215 237 4 891435761 +215 270 3 891434683 +215 271 4 891434733 +215 288 2 891434563 +215 300 3 891434733 +215 313 5 891436543 +215 380 3 891436470 +215 480 5 891436543 +215 496 5 891435183 +215 523 4 891435060 +215 636 2 891436690 +215 1063 5 891436543 +216 11 5 880234346 +216 25 3 881428365 +216 42 5 880234469 +216 58 4 880244972 +216 82 4 880244446 +216 100 5 880232597 +216 122 5 881432488 +216 156 5 880233608 +216 182 4 883981859 +216 188 5 880245075 +216 201 3 880235734 +216 215 5 880235120 +216 221 4 881432501 +216 237 5 880232752 +216 257 3 880232830 +216 280 2 880233043 +216 313 5 883981737 +216 318 5 880233564 +216 402 2 881432430 +216 403 3 880244446 +216 408 3 880232547 +216 412 2 880233197 +216 423 4 881432467 +216 475 5 880232768 +216 569 3 880245291 +216 789 5 880233957 +216 790 3 881428365 +216 943 5 881721799 +216 1218 3 881428365 +217 29 2 889070011 +217 33 4 889069878 +217 50 1 889069684 +217 56 5 889069709 +217 79 5 889069741 +217 147 3 889070174 +217 183 3 889069741 +217 210 4 889069709 +217 222 5 889069944 +217 300 4 889069555 +217 373 2 889070307 +217 541 3 889069974 +217 546 2 889070196 +217 550 1 889069842 +217 562 3 889070211 +217 568 4 889069782 +217 679 5 889069878 +217 720 3 889070011 +217 779 1 889070266 +218 8 3 881288574 +218 39 2 881288265 +218 47 4 877488492 +218 55 4 881288265 +218 56 3 881288574 +218 168 4 877488316 +218 173 3 877488316 +218 183 5 881288265 +218 203 4 881288620 +218 269 4 877487931 +218 294 2 881288574 +218 659 4 877488366 +218 712 3 877488902 +218 1073 5 881288265 +219 71 1 889452455 +219 258 5 889386635 +219 269 5 889386655 +219 382 5 889451412 +219 616 5 889403435 +219 855 5 889452619 +219 879 4 892039556 +219 1014 3 892039611 +220 264 3 881198524 +220 289 4 881198113 +220 294 4 881197663 +220 300 5 881197663 +220 305 4 881197771 +220 995 3 881197948 +221 7 4 875244204 +221 23 4 875245462 +221 29 3 875245739 +221 50 4 875244125 +221 59 2 875245514 +221 64 5 875245350 +221 79 4 875245715 +221 96 5 875245672 +221 108 3 875244866 +221 156 5 875245533 +221 178 4 875245989 +221 181 4 875244087 +221 186 4 875245641 +221 215 4 875245514 +221 218 4 875246308 +221 222 3 875244232 +221 230 3 875246506 +221 240 4 875244352 +221 273 5 875244183 +221 282 4 875244558 +221 298 4 875244331 +221 335 4 876502948 +221 346 5 885081300 +221 358 3 875244232 +221 385 4 875245948 +221 386 3 875246662 +221 402 2 875393426 +221 407 2 875245100 +221 469 3 875245481 +221 470 3 875245374 +221 544 4 875244512 +221 566 3 875246308 +221 568 4 875246398 +221 695 4 875245776 +221 732 4 875246330 +221 763 4 875244232 +221 1017 4 875244268 +221 1090 3 875246783 +221 1185 3 875246710 +222 11 5 878181534 +222 24 3 877563622 +222 28 5 878182370 +222 31 5 878182453 +222 41 3 881060659 +222 63 3 878183713 +222 66 4 878183837 +222 73 4 878181976 +222 79 5 878181906 +222 80 2 881060155 +222 89 5 878181739 +222 95 4 878182453 +222 102 2 878183043 +222 121 3 877564031 +222 132 2 878181829 +222 168 4 878181616 +222 175 3 878181739 +222 176 4 878181804 +222 183 4 878181535 +222 186 5 878184195 +222 208 3 881059014 +222 209 4 878181457 +222 214 4 878182453 +222 216 4 878182632 +222 225 1 877563353 +222 227 3 878184171 +222 228 5 878181869 +222 229 3 878184315 +222 233 2 881060205 +222 238 5 878181673 +222 257 4 877563353 +222 271 4 881057647 +222 282 4 877563227 +222 284 3 877563462 +222 318 5 878181934 +222 326 4 877562819 +222 338 1 881058145 +222 365 4 878184765 +222 367 2 878181563 +222 375 1 878182880 +222 378 1 881059993 +222 388 2 878184765 +222 391 3 881060635 +222 392 4 881059920 +222 396 1 878183381 +222 407 2 883816411 +222 450 3 881060824 +222 468 2 881060412 +222 473 1 877563622 +222 475 4 877563252 +222 506 2 878183264 +222 508 3 877563326 +222 521 5 878184866 +222 540 3 878184087 +222 546 3 877563462 +222 549 4 878184055 +222 559 3 878184291 +222 569 2 878184866 +222 576 3 881060305 +222 578 3 881060281 +222 580 3 878715168 +222 620 3 877563873 +222 623 2 878183985 +222 636 4 878184055 +222 642 3 878181421 +222 651 4 878184290 +222 655 4 878182210 +222 679 2 881059678 +222 710 4 881059714 +222 723 3 878184812 +222 729 4 878184315 +222 732 4 878183425 +222 735 5 878184087 +222 769 2 881060608 +222 772 2 878181906 +222 806 4 878181534 +222 826 2 883816093 +222 845 3 877563530 +222 929 1 881061213 +222 941 3 881059736 +222 1011 4 881061049 +222 1016 3 877563530 +222 1074 3 881060504 +222 1087 1 878185102 +222 1139 3 878185137 +222 1178 2 878184392 +222 1218 1 878183218 +222 1336 2 877563998 +223 95 5 891550649 +223 125 3 891549294 +223 284 2 891549683 +223 295 3 891549410 +223 333 4 891548675 +223 476 3 891550349 +223 591 3 891549627 +223 620 2 891550253 +223 682 4 891548828 +223 749 4 891549049 +223 864 3 891550094 +223 866 4 891549945 +223 924 1 891549975 +223 926 4 891549792 +223 929 3 891549975 +223 930 2 891550326 +223 974 2 891550504 +223 993 4 891549876 +223 1009 1 891549475 +223 1291 3 891550431 +224 28 4 888082468 +224 97 5 888082552 +224 221 2 888103812 +224 239 4 888104554 +224 276 3 888104116 +224 280 4 888104353 +224 284 3 888104117 +224 286 3 888081843 +224 313 5 888081843 +224 326 4 888082071 +224 329 3 888082187 +224 333 3 888081976 +224 349 4 888082246 +224 365 3 888104188 +224 366 3 888104457 +224 423 4 888103581 +224 469 1 888104219 +224 470 4 888082742 +224 556 1 888103942 +224 689 3 888082246 +224 736 3 888082742 +224 744 1 888103646 +224 748 3 888082099 +224 925 3 888104281 +224 1058 3 888104219 +224 1152 3 888104313 +224 1221 3 888082742 +224 1401 1 888104554 +225 427 5 879539615 +225 566 4 879540678 +225 604 5 879540778 +225 1203 5 879540778 +226 25 4 883890235 +226 69 4 883889430 +226 97 3 883889355 +226 109 4 883889063 +226 174 4 883889186 +226 176 4 883888978 +226 182 1 883889322 +226 191 4 883889229 +226 224 4 883889690 +226 405 4 883889507 +226 408 5 883888853 +226 507 2 883889146 +226 508 4 883889984 +226 527 4 883889430 +226 652 3 883889012 +226 713 5 883889884 +226 813 4 883890235 +227 14 4 879035463 +227 124 4 879035158 +227 137 5 879035289 +227 221 4 879035535 +227 250 2 879035637 +227 273 3 879035206 +227 288 2 879035072 +227 294 3 879035431 +227 321 3 881518363 +227 322 3 881518461 +227 324 4 879035963 +227 460 2 879035963 +227 748 1 879035387 +227 934 2 879035874 +227 1007 4 879035158 +227 1011 4 879035834 +227 1028 2 879035803 +227 1047 2 879035834 +228 137 1 889388662 +228 750 3 889388440 +228 938 1 889387173 +229 245 3 891632385 +229 269 4 891633029 +229 272 3 891632073 +229 288 4 891633028 +229 300 2 891632142 +229 311 5 891633028 +229 344 5 891633028 +230 1 5 880484370 +230 25 3 880485282 +230 28 5 880484444 +230 71 5 880484911 +230 79 5 880484778 +230 82 5 880485311 +230 91 3 880485043 +230 95 5 880484850 +230 98 5 880484391 +230 99 3 880485066 +230 134 4 880484755 +230 141 4 880485489 +230 204 4 880484616 +230 216 4 880484444 +230 237 5 880484800 +230 239 4 880484320 +230 240 1 880484320 +230 265 5 880484544 +230 280 4 880485254 +230 418 5 880484937 +230 420 5 880485726 +230 427 5 880484501 +230 447 1 880485513 +230 501 3 880485352 +230 515 5 880484567 +230 568 3 880484567 +230 570 4 880485689 +230 609 3 880485311 +230 621 2 880485380 +230 628 3 880485421 +230 650 4 880484778 +230 693 2 880485594 +230 951 5 880485181 +231 1 3 879965704 +231 255 3 879965760 +231 289 4 888605273 +231 471 5 888605273 +232 32 4 888549467 +232 76 3 888550060 +232 117 3 891565128 +232 127 3 888550101 +232 132 5 888549721 +232 133 4 888549988 +232 150 3 891565095 +232 166 4 888549815 +232 186 4 888549790 +232 209 3 888549563 +232 246 4 885939945 +232 269 3 891565001 +232 289 4 880062259 +232 302 5 885939473 +232 419 4 888550013 +232 514 4 888549879 +232 531 4 888549647 +232 603 4 888549376 +232 750 3 885939690 +233 8 3 877663612 +233 14 4 876021262 +233 47 5 877661881 +233 71 5 876812281 +233 91 3 876812281 +233 95 5 877661496 +233 129 3 876374463 +233 143 4 877663383 +233 192 5 875508485 +233 194 4 877663913 +233 196 5 880610814 +233 197 5 877663303 +233 203 3 880923202 +233 204 5 880923202 +233 223 4 875508225 +233 234 4 877664010 +233 261 5 883356913 +233 275 5 885147637 +233 378 4 877663429 +233 432 3 877663383 +233 483 5 876021170 +233 501 3 877663383 +233 506 5 877663337 +233 509 4 877663646 +233 527 5 877665324 +233 584 4 877663548 +233 603 4 880190566 +233 623 3 876374602 +233 640 2 875508639 +233 828 4 875508169 +234 4 4 892334610 +234 5 3 892334338 +234 16 2 891227771 +234 22 4 892334644 +234 23 4 892334368 +234 25 3 892335797 +234 40 2 892335894 +234 47 2 892334543 +234 48 2 892334107 +234 64 4 892078983 +234 69 4 892078567 +234 88 3 892335920 +234 102 2 892335616 +234 111 3 892318060 +234 124 4 891227689 +234 131 3 892334680 +234 133 3 892334680 +234 137 3 891227730 +234 140 2 892334766 +234 143 3 892079288 +234 153 3 892333830 +234 156 2 892078936 +234 160 2 892336119 +234 163 3 892335951 +234 174 3 892078605 +234 175 2 892079076 +234 177 3 892079040 +234 178 5 892078890 +234 180 3 892079910 +234 181 3 892079373 +234 182 3 892078567 +234 183 4 892079585 +234 185 3 892078936 +234 188 2 892079288 +234 195 2 892078936 +234 211 3 892079475 +234 216 3 892078605 +234 224 4 892334107 +234 268 2 891033261 +234 285 4 891227771 +234 290 3 892333980 +234 307 2 891033427 +234 313 4 891033261 +234 319 3 892334883 +234 321 2 891033393 +234 381 3 892335739 +234 389 3 892335309 +234 393 2 892335108 +234 404 4 892333830 +234 417 3 892336119 +234 419 4 892334644 +234 429 4 892079434 +234 430 4 892333683 +234 432 4 892079722 +234 463 4 892333865 +234 470 2 892335797 +234 474 4 892317967 +234 477 1 892335108 +234 488 4 892078386 +234 497 4 892334481 +234 505 4 892333798 +234 515 5 892078424 +234 516 3 892079140 +234 517 3 892333919 +234 524 3 892079910 +234 525 4 892078984 +234 528 4 892079689 +234 530 4 892333573 +234 531 3 892078984 +234 546 1 891227851 +234 591 3 892335142 +234 602 4 892334368 +234 606 5 892318060 +234 608 3 892078741 +234 609 3 892335186 +234 610 4 892079769 +234 613 4 892079434 +234 630 2 892334141 +234 642 3 892334766 +234 646 3 892335500 +234 649 3 892335870 +234 675 4 892078342 +234 692 3 892335990 +234 735 3 892079803 +234 745 4 892333573 +234 746 2 892335213 +234 785 3 892336119 +234 842 4 892334045 +234 855 3 892079803 +234 863 5 892079689 +234 873 3 891034007 +234 887 3 891034078 +234 950 2 892079538 +234 970 4 892335437 +234 980 2 891227851 +234 1039 3 892078741 +234 1044 2 892336194 +234 1051 2 892336322 +234 1064 4 892333683 +234 1121 5 892334481 +234 1133 3 892336358 +234 1168 2 892335108 +234 1169 4 892334543 +234 1200 3 892333865 +234 1203 4 892079910 +234 1204 3 892078297 +234 1205 1 892335501 +234 1269 3 892078297 +234 1445 4 892336286 +234 1447 3 892336119 +234 1450 3 892335213 +234 1453 2 892335415 +234 1461 2 892078297 +235 69 4 889655468 +235 83 4 889656068 +235 86 4 889656113 +235 175 4 889654971 +235 181 3 889655360 +235 191 4 889654971 +235 192 4 889655298 +235 194 5 889655232 +235 196 3 889655162 +235 303 4 889654483 +235 318 5 889654971 +235 327 3 889654594 +235 338 1 889654821 +235 431 2 889655490 +235 496 4 889655662 +235 512 5 889656044 +235 522 5 889655086 +235 603 3 889655044 +235 655 4 889655550 +235 692 4 889655595 +235 701 4 889655086 +235 1021 5 889656090 +235 1193 4 889655232 +236 9 5 890116792 +236 56 5 890116254 +236 127 5 890116032 +236 132 4 890115897 +236 151 2 890116964 +236 174 3 890116539 +236 176 2 890115933 +236 196 1 890115966 +236 203 4 890116132 +236 210 2 890118153 +236 211 3 890116539 +236 216 5 890116163 +236 225 3 890117465 +236 275 3 890116499 +236 318 5 890116539 +236 423 5 890116304 +236 432 5 890118251 +236 435 4 890115966 +236 462 4 890115933 +236 476 3 890117308 +236 483 5 890116221 +236 496 3 890116499 +236 504 3 890118075 +236 523 2 890116221 +236 591 4 890117029 +236 659 3 890116599 +236 673 4 890116132 +236 685 2 890117308 +236 692 4 890116670 +236 866 3 890117223 +236 1039 2 890115996 +236 1401 3 890116335 +237 9 4 879376730 +237 127 5 879376671 +237 169 5 879376381 +237 178 4 879376671 +237 179 4 879376641 +237 180 4 879376730 +237 190 4 879376515 +237 197 4 879376515 +237 238 4 879376435 +237 357 4 879376327 +237 408 5 879376434 +237 485 4 879376553 +237 489 4 879376381 +237 525 4 879376487 +237 659 4 879376553 +237 705 3 879376487 +238 125 3 883576230 +238 286 5 883575683 +238 301 3 883575855 +238 471 4 883576359 +238 845 3 883576424 +238 926 3 883576543 +239 50 5 889179131 +239 65 5 889180041 +239 91 4 889180487 +239 132 5 889178986 +239 150 5 889179131 +239 162 5 889179131 +239 174 4 889179131 +239 181 3 889180411 +239 185 4 889178688 +239 190 1 889178616 +239 221 5 889180447 +239 228 2 889180651 +239 268 2 889178512 +239 300 1 889178513 +239 318 1 889178798 +239 421 5 889181048 +239 427 5 889180888 +239 428 5 889180978 +239 434 5 889180041 +239 443 5 889181015 +239 474 5 889179095 +239 484 5 889179095 +239 489 5 889178833 +239 498 4 889179623 +239 499 5 889179808 +239 504 4 889179544 +239 511 5 889178798 +239 512 5 889180921 +239 527 5 889178833 +239 589 3 889180978 +239 634 4 889180487 +239 659 3 889179808 +239 675 5 889180617 +239 753 5 889179478 +239 961 5 889181093 +239 1204 4 889178986 +240 245 4 885775831 +240 272 5 885775536 +240 873 2 885775857 +241 288 5 887249745 +241 335 3 887250085 +241 343 2 887250085 +241 346 3 887249482 +241 682 2 887249745 +242 1 4 879740362 +242 111 4 879741196 +242 331 5 879741340 +242 475 3 879740223 +243 1 4 879987239 +243 7 3 879987362 +243 14 3 879987239 +243 86 5 879989217 +243 162 4 879988459 +243 215 3 879988046 +243 318 4 879988071 +243 423 3 879988587 +243 458 4 879987397 +243 461 3 879988132 +243 468 3 879988298 +243 509 4 879988369 +243 514 4 879989006 +243 694 4 879988262 +243 708 3 879988520 +243 732 4 879988557 +243 736 4 879988520 +243 1148 3 879988723 +243 1197 4 879988337 +243 1465 3 879988215 +244 3 5 880602451 +244 32 2 880605514 +244 50 5 880604379 +244 64 5 880605638 +244 66 4 880607683 +244 82 3 880606667 +244 86 4 880605896 +244 92 4 880602478 +244 105 2 880605333 +244 111 4 880604550 +244 156 4 880602517 +244 162 4 880606993 +244 169 5 880606274 +244 173 4 880605458 +244 174 3 880605896 +244 197 4 880605838 +244 200 5 880606698 +244 215 4 880603242 +244 222 2 880604379 +244 246 5 880604302 +244 268 5 880601904 +244 281 3 880605010 +244 317 5 880602083 +244 318 5 880603082 +244 357 5 880605553 +244 393 3 880607365 +244 401 3 880607424 +244 410 4 880606593 +244 451 4 880608112 +244 458 3 880604405 +244 468 1 880606947 +244 471 1 880606874 +244 521 4 880606385 +244 527 5 880606155 +244 537 5 880602593 +244 553 5 880606215 +244 581 4 880607903 +244 655 5 880605766 +244 660 4 880603881 +244 716 3 880607641 +244 721 5 880602031 +244 732 1 880604148 +244 746 3 880606180 +244 754 4 880603960 +244 763 4 880604830 +244 772 4 880601937 +244 780 4 880602843 +244 833 3 880607878 +244 856 5 880602002 +244 941 4 880603618 +244 946 4 880607545 +244 959 4 880607684 +244 1057 4 880608992 +244 1079 2 880605333 +244 1132 4 880605132 +244 1168 4 880608788 +245 21 3 888513502 +245 133 2 888513058 +245 756 3 888513425 +245 1033 5 888513522 +245 1047 3 888513393 +246 11 4 884922512 +246 12 5 884921948 +246 24 4 884921345 +246 25 3 884922383 +246 38 2 884923175 +246 41 2 884923811 +246 77 2 884921839 +246 81 5 884921638 +246 92 1 884921661 +246 95 3 884920949 +246 97 3 884922272 +246 118 1 884923175 +246 132 4 884921319 +246 138 1 884923715 +246 173 5 884921227 +246 178 5 884920918 +246 198 4 884922196 +246 204 3 884921638 +246 208 4 884921394 +246 210 3 884921319 +246 211 4 884922605 +246 216 3 884920949 +246 219 5 884922801 +246 228 3 884921558 +246 235 3 884921965 +246 238 5 884921429 +246 250 4 884924327 +246 254 1 884924710 +246 288 5 884922235 +246 393 3 884922627 +246 401 1 884923750 +246 412 1 884923305 +246 413 4 884923922 +246 420 3 884922272 +246 441 3 884922538 +246 444 4 884923715 +246 475 4 884921637 +246 559 3 884922898 +246 567 5 884923348 +246 572 3 884923127 +246 576 1 884923864 +246 633 3 884920997 +246 652 5 884921033 +246 679 2 884922917 +246 741 5 884921533 +246 746 4 884922070 +246 758 1 884924813 +246 798 2 884924001 +246 831 1 884924025 +246 853 5 884922383 +246 981 1 884924765 +246 993 3 884920770 +246 1028 3 884923653 +246 1044 1 884922869 +246 1052 1 884924710 +246 1139 2 884923811 +246 1228 1 884923971 +246 1411 2 884924026 +247 222 3 893081411 +247 259 3 893081411 +247 269 4 893097024 +247 300 2 893081411 +248 7 2 884534968 +248 50 5 884535013 +248 64 5 884534735 +248 69 1 884534695 +248 176 5 884534808 +248 196 2 884535013 +249 1 4 879572210 +249 12 5 879572472 +249 53 4 879572760 +249 56 5 879572189 +249 64 5 879572210 +249 89 5 879572229 +249 114 5 879572314 +249 117 4 879640414 +249 125 3 879640210 +249 135 5 879572668 +249 148 3 879640361 +249 175 4 879572106 +249 183 4 879572540 +249 191 4 879572167 +249 203 5 879572167 +249 210 3 879641305 +249 228 4 879572496 +249 237 5 879640361 +249 250 4 879571678 +249 257 3 879571715 +249 273 4 879640284 +249 283 5 879572600 +249 290 2 879640521 +249 294 3 879571557 +249 298 4 879571715 +249 309 3 879571456 +249 317 5 879572106 +249 405 3 879640284 +249 423 4 879572167 +249 462 5 879572725 +249 467 4 879572795 +249 471 4 879640241 +249 478 4 879572911 +249 480 5 879572210 +249 483 5 879572314 +249 546 3 879640436 +249 568 4 879572256 +249 583 4 879640918 +249 588 3 879572256 +249 741 4 879572402 +249 742 3 879640241 +249 789 5 879572911 +249 806 5 879572167 +249 1011 5 879640284 +249 1012 3 879571998 +249 1039 5 879572725 +249 1047 3 879640603 +249 1073 4 879640918 +250 50 5 878089393 +250 100 5 878089786 +250 153 2 878090066 +250 179 4 883263374 +250 181 4 878089393 +250 235 2 878089786 +250 237 2 878089753 +250 258 4 878088969 +250 270 4 883263374 +250 271 4 883263374 +250 288 4 878088970 +250 313 5 883262672 +250 325 4 883262927 +250 331 3 878089033 +250 333 4 883263374 +250 340 4 883263374 +250 367 4 878090330 +250 475 4 878089436 +250 501 5 878090199 +250 527 4 878091735 +250 558 4 878091965 +250 676 5 878089547 +250 687 1 883263007 +250 751 2 883262694 +250 844 4 878090414 +250 988 4 878089182 +250 1199 3 878089467 +251 22 5 886271955 +251 33 3 886271675 +251 45 5 886271855 +251 64 5 886271640 +251 111 3 886272319 +251 117 4 886272009 +251 118 3 886272514 +251 147 3 886272319 +251 151 5 886272118 +251 248 4 886272223 +251 250 3 886272378 +251 275 4 886271675 +251 281 4 886272456 +251 282 4 886272223 +251 313 5 886271472 +251 405 3 886272547 +251 429 4 886271955 +251 472 3 886272585 +251 685 4 886272585 +251 742 5 886272486 +251 813 3 886272086 +251 978 2 886272585 +251 1012 4 886272175 +251 1016 3 886272197 +251 1098 3 886271920 +252 1 5 891456989 +252 14 4 891456876 +252 276 5 891456877 +252 410 5 891456989 +252 475 5 891456876 +253 8 4 891628323 +253 12 5 891628159 +253 15 4 891628019 +253 22 5 891628435 +253 56 3 891628229 +253 81 4 891628614 +253 96 5 891628651 +253 100 4 891628122 +253 125 3 891628033 +253 156 3 891628614 +253 182 3 891628374 +253 190 5 891628278 +253 202 5 891628392 +253 220 4 891628060 +253 222 4 891628548 +253 273 3 891628060 +253 300 4 891627724 +253 328 4 891627790 +253 331 3 891627664 +253 343 4 891627815 +253 482 5 891628451 +253 485 5 891628435 +253 494 5 891628341 +253 523 4 891628501 +253 588 5 891628416 +253 591 3 891628358 +253 679 3 891628578 +253 685 2 891628884 +253 689 5 891627775 +253 732 4 891628651 +253 895 4 891627893 +253 1016 3 891628094 +253 1468 3 891628142 +254 1 3 887347350 +254 8 5 887347000 +254 21 3 886474518 +254 22 4 887347350 +254 28 4 886472369 +254 64 4 886472051 +254 71 3 886472737 +254 78 3 886475476 +254 94 3 887347350 +254 102 3 886473929 +254 133 5 886473158 +254 151 2 886474396 +254 181 5 886471151 +254 196 4 886472400 +254 204 4 886472434 +254 210 5 886472172 +254 225 3 886475952 +254 227 4 886474806 +254 265 3 886471695 +254 313 5 886470465 +254 389 3 886473852 +254 400 3 886475790 +254 415 3 886475523 +254 417 3 886473408 +254 423 5 886472799 +254 435 3 886472089 +254 449 5 886475446 +254 498 4 886472115 +254 542 3 886475034 +254 548 2 886475319 +254 554 3 886475952 +254 588 3 886473701 +254 622 4 887347350 +254 678 3 886470859 +254 768 3 886475004 +254 1028 2 886474619 +254 1033 3 886475034 +254 1050 3 886472609 +254 1091 3 886475586 +254 1183 4 887347350 +254 1263 1 886474426 +254 1443 4 887347382 +254 1469 3 886473929 +254 1470 2 886474650 +255 5 2 883216599 +255 100 3 883216358 +255 118 1 883216958 +255 121 2 883216902 +255 147 4 883216845 +255 200 3 883216544 +255 245 1 883215723 +255 264 2 883215829 +255 281 1 883216902 +255 322 2 883215723 +255 343 2 883215867 +255 447 3 883216599 +255 559 4 883216748 +255 564 1 883216600 +255 665 3 883216748 +255 672 2 883216544 +255 682 5 883215759 +255 685 3 883216845 +255 829 1 883216903 +255 831 4 883216902 +255 834 4 883216358 +255 982 2 883217030 +256 1 5 882150980 +256 5 5 882164727 +256 15 5 882150644 +256 22 5 882164259 +256 31 5 882164867 +256 36 3 882165269 +256 38 4 882164927 +256 54 5 882164955 +256 56 3 882164406 +256 66 4 882165103 +256 79 5 882164406 +256 88 5 882165296 +256 89 5 882164525 +256 98 5 882164696 +256 106 4 882153724 +256 117 5 882150313 +256 118 5 882151123 +256 147 4 882152540 +256 151 5 882151623 +256 174 4 882164406 +256 185 5 882164696 +256 203 4 882164867 +256 210 4 882164443 +256 225 4 882152605 +256 232 3 882164525 +256 233 4 882164479 +256 234 5 882164696 +256 282 3 882151017 +256 288 5 882150122 +256 323 5 882150193 +256 356 3 882164927 +256 403 4 882164603 +256 405 4 882151088 +256 451 4 882165135 +256 568 5 882164603 +256 583 5 882164603 +256 620 3 882151743 +256 657 5 882164727 +256 684 5 882164480 +256 739 5 882165135 +256 741 4 882151517 +256 769 5 882164955 +256 785 4 882165296 +256 794 4 882165135 +256 808 4 882164559 +256 815 5 882151743 +256 1041 4 882165328 +256 1046 4 882164927 +256 1047 4 882151743 +256 1051 4 882150552 +256 1109 4 882164867 +256 1114 4 882153699 +256 1228 1 882164643 +257 70 4 880496892 +257 129 4 880008245 +257 166 4 880496522 +257 181 5 882050131 +257 198 3 880496822 +257 245 4 884151807 +257 269 3 879029516 +257 324 5 879029543 +257 381 5 880496690 +257 475 5 879029716 +257 582 5 879547608 +257 676 4 882050006 +257 1129 5 879585415 +257 1160 4 882049973 +257 1472 2 880496943 +258 258 2 885700811 +258 333 2 885700811 +259 15 3 881378653 +259 97 4 874809292 +259 121 3 881379128 +259 147 4 888630664 +259 154 5 876365003 +259 179 4 877924028 +259 185 4 874724781 +259 288 3 874724905 +259 475 5 877925049 +259 781 3 888630664 +259 1135 5 877926006 +260 288 3 890618476 +260 748 4 890618198 +260 882 5 890618729 +260 891 5 890618729 +261 125 5 890456142 +261 243 5 890454351 +261 288 4 890454087 +261 301 4 890454246 +261 321 3 890455521 +261 687 5 890455020 +262 1 3 879962366 +262 7 4 879790603 +262 40 4 879795405 +262 52 3 879792331 +262 55 3 879791790 +262 69 4 879793479 +262 72 3 879962366 +262 95 3 879793503 +262 99 3 879792262 +262 100 3 879962366 +262 125 3 879961882 +262 131 5 879961282 +262 169 3 879791844 +262 181 3 879961819 +262 210 3 879792962 +262 235 2 879790783 +262 288 3 879961374 +262 294 2 879962366 +262 385 2 879795030 +262 420 3 879793854 +262 421 4 879792331 +262 423 4 879793854 +262 433 4 879791790 +262 443 3 879792027 +262 451 4 879794446 +262 473 2 879791216 +262 485 4 879793363 +262 486 5 879794296 +262 559 3 879792792 +262 582 4 879962517 +262 660 4 879794419 +262 735 4 879793854 +262 785 3 879794359 +262 959 2 879794739 +262 974 3 879791447 +262 1013 2 879791471 +262 1035 3 879794530 +262 1095 2 879791537 +263 58 4 891299264 +263 87 4 891298977 +263 100 5 891298453 +263 132 5 891298392 +263 136 4 891298337 +263 174 5 891299697 +263 194 5 891298107 +263 202 4 891299031 +263 204 4 891298854 +263 222 4 891299573 +263 250 2 891300103 +263 271 1 891297276 +263 300 3 891297330 +263 315 4 891296896 +263 316 5 891297416 +263 480 3 891298453 +263 496 5 891298218 +263 498 5 891298046 +263 511 5 891299324 +263 515 5 891298592 +263 527 5 891299148 +263 543 5 891298727 +263 622 4 891299949 +263 646 5 891299877 +263 690 5 891297209 +263 699 4 891299207 +263 732 5 891299265 +263 879 2 891297416 +263 1020 3 891298337 +263 1126 5 891298391 +264 14 4 886122771 +264 19 5 886122952 +264 26 4 886123727 +264 88 3 886123728 +264 123 4 886122952 +264 182 5 886122098 +264 184 5 886122447 +264 185 5 886122261 +264 192 4 886122099 +264 194 5 886123358 +264 202 5 886123596 +264 204 5 886123472 +264 211 5 886123472 +264 217 3 886122446 +264 222 5 886122577 +264 240 4 886124352 +264 269 5 886121456 +264 286 2 886121691 +264 288 5 886121631 +264 367 4 886123656 +264 478 5 886122194 +264 514 5 886123359 +264 603 5 886122508 +264 645 4 886123358 +264 656 4 886122099 +264 676 3 886123172 +264 702 4 886123531 +264 746 3 886123358 +264 774 2 886122446 +264 856 3 886123472 +264 873 3 886121517 +264 1009 4 886124417 +264 1070 4 886123415 +264 1074 4 886123727 +264 1118 4 886123656 +264 1355 4 886124417 +264 1474 2 886123728 +264 1475 2 886123596 +265 237 5 875320462 +265 240 3 875320633 +265 245 4 875320112 +265 293 4 875320661 +265 298 5 875320633 +265 323 3 875320112 +265 327 3 875320052 +265 688 2 875320084 +265 1197 2 875320542 +266 14 4 892258004 +266 25 3 892257940 +266 268 4 892256828 +266 275 5 892257831 +266 285 4 892257940 +266 286 4 892256662 +267 29 3 878973426 +267 31 4 878972119 +267 33 5 878972650 +267 53 4 878972842 +267 62 3 878973597 +267 64 5 878972193 +267 65 4 878972071 +267 108 4 878971224 +267 124 5 878970473 +267 128 5 878972170 +267 144 5 878971463 +267 156 5 878971599 +267 159 4 878974659 +267 164 3 878972342 +267 169 5 878972614 +267 174 5 878971405 +267 176 5 878971874 +267 179 5 878972314 +267 180 5 878971690 +267 182 5 878971773 +267 189 4 878971874 +267 206 5 878974783 +267 218 4 878972650 +267 229 4 878972558 +267 231 4 878973153 +267 235 3 878970578 +267 364 2 878974460 +267 380 2 878973426 +267 385 3 878972873 +267 391 3 878973675 +267 405 3 878970953 +267 408 5 878974783 +267 455 3 878970578 +267 515 5 878970710 +267 550 4 878973047 +267 566 3 878973047 +267 655 4 878971989 +267 665 4 878973825 +267 720 3 878973946 +267 732 4 878973650 +267 789 5 878972119 +267 810 3 878973568 +267 826 3 878971266 +267 926 2 878970785 +267 944 3 878973179 +267 1090 3 878973854 +267 1185 2 878973995 +268 4 4 875309829 +268 10 4 875306691 +268 11 4 875309507 +268 12 4 875310116 +268 13 3 875742647 +268 27 4 875744136 +268 33 3 875310645 +268 47 1 875310645 +268 50 5 875309719 +268 53 3 875744173 +268 59 5 875309282 +268 71 3 875309486 +268 72 3 875743831 +268 89 4 876513897 +268 100 3 875742316 +268 120 2 875743282 +268 124 4 875742499 +268 128 3 875744199 +268 151 3 875742470 +268 158 2 875743678 +268 164 2 875744556 +268 174 5 875309882 +268 179 4 875309258 +268 180 3 875309719 +268 184 4 875310524 +268 195 4 875309719 +268 203 5 876513855 +268 204 3 875310311 +268 222 4 875742275 +268 226 4 875310784 +268 227 4 875310824 +268 229 2 875310784 +268 234 4 875309430 +268 235 3 875742556 +268 241 3 875310603 +268 249 4 875742437 +268 260 3 876513643 +268 284 3 875742407 +268 288 4 875306477 +268 324 4 876513708 +268 328 1 876513643 +268 369 1 875744021 +268 381 3 875309344 +268 384 3 875743868 +268 391 3 876513897 +268 397 2 875744321 +268 399 3 875743656 +268 402 1 875745231 +268 407 1 876514002 +268 455 3 875742499 +268 466 3 875310571 +268 480 5 875309430 +268 506 4 875310625 +268 541 3 875744357 +268 544 3 875743090 +268 579 1 875744021 +268 597 2 875743310 +268 630 4 875542174 +268 654 5 875309718 +268 658 3 875310524 +268 710 3 875309719 +268 727 2 875310116 +268 729 3 875310673 +268 738 2 875744021 +268 743 1 875743335 +268 780 3 875743929 +268 941 2 875310463 +268 981 1 875743283 +268 1037 2 875745255 +268 1046 3 875745501 +268 1054 1 875744051 +268 1074 3 875744051 +268 1091 2 875744895 +268 1222 2 875744174 +268 1228 1 875744357 +268 1231 2 875744228 +268 1273 2 875745476 +268 1314 2 875744289 +268 1476 2 876513897 +269 3 3 891446722 +269 42 5 891449646 +269 48 5 891455816 +269 51 2 891451111 +269 53 1 891451111 +269 56 5 891455815 +269 58 2 891447842 +269 66 1 891451063 +269 69 1 891448048 +269 77 1 891451374 +269 81 3 891448323 +269 88 1 891450427 +269 96 1 891450755 +269 111 1 891446703 +269 134 4 891448849 +269 148 1 891446443 +269 151 5 891450489 +269 154 3 891449189 +269 157 3 891448092 +269 160 2 891448220 +269 162 3 891448141 +269 173 1 891449429 +269 182 4 891447961 +269 185 5 891448951 +269 191 5 891457067 +269 192 4 891447979 +269 197 5 891447961 +269 200 4 891449984 +269 204 2 891449842 +269 212 4 891447002 +269 218 2 891450509 +269 239 2 891448386 +269 241 1 891450405 +269 274 1 891450901 +269 302 3 891446132 +269 315 4 891446132 +269 318 4 891447791 +269 357 5 891447773 +269 365 2 891448738 +269 393 1 891451036 +269 403 1 891448522 +269 410 4 891446662 +269 425 5 891448345 +269 428 5 891448980 +269 445 3 891450385 +269 462 3 891447216 +269 469 4 891448072 +269 488 4 891448926 +269 502 3 891449842 +269 517 4 891449189 +269 518 4 891447815 +269 523 5 891447593 +269 528 4 891447593 +269 537 5 891455816 +269 582 4 891447234 +269 602 4 891449346 +269 632 4 891447931 +269 644 5 891447593 +269 647 4 891447815 +269 659 4 891449406 +269 660 1 891448220 +269 679 1 891449962 +269 707 2 891449304 +269 715 4 891448092 +269 723 1 891448643 +269 778 3 891448547 +269 783 1 891451889 +269 821 1 891450427 +269 928 1 891451754 +269 931 1 891451754 +269 956 3 891448475 +269 1006 3 891447409 +269 1011 4 891446246 +269 1017 5 892567767 +269 1040 1 891456425 +269 1135 2 891448456 +269 1148 4 891447062 +269 1188 1 891451857 +269 1397 4 891450575 +269 1479 2 891451111 +270 5 5 876956064 +270 7 4 876954004 +270 26 5 876954995 +270 50 5 876954004 +270 60 5 876955066 +270 79 4 876955938 +270 90 5 876955770 +270 121 4 876954093 +270 145 3 876956419 +270 164 5 876956137 +270 183 5 876955938 +270 226 4 876956038 +270 244 3 876954004 +270 250 2 876954223 +270 257 4 876954223 +270 279 5 876954093 +270 335 3 876953900 +270 356 3 876956064 +270 443 3 876955976 +270 447 4 876956360 +270 531 4 876954945 +270 546 4 876954484 +270 559 5 876956442 +270 581 5 876955938 +270 583 5 876956038 +270 584 5 876955067 +270 694 5 876954927 +270 713 5 876954122 +270 722 4 876955689 +270 727 5 876955563 +270 739 4 876955729 +270 742 2 876954248 +270 794 4 876955689 +270 860 5 876956464 +270 928 4 876956137 +270 1009 5 876954522 +271 4 5 885849357 +271 12 4 885848314 +271 62 2 885849386 +271 77 4 885849231 +271 79 4 885848672 +271 87 3 885848802 +271 88 4 885849087 +271 89 3 885848518 +271 98 5 885848559 +271 107 1 885848179 +271 118 3 885848132 +271 126 3 885848034 +271 127 5 885848863 +271 130 1 885848218 +271 135 4 885848373 +271 137 4 885847636 +271 161 2 885849470 +271 168 2 885848343 +271 179 4 885848616 +271 190 4 885848707 +271 193 5 885848475 +271 194 5 885848770 +271 196 4 885848886 +271 198 4 885848616 +271 218 3 885849087 +271 234 5 885848640 +271 235 3 885848062 +271 239 3 885849419 +271 257 4 886106038 +271 269 4 885844430 +271 276 3 885847800 +271 277 4 885847714 +271 282 2 885847666 +271 285 4 885847876 +271 286 4 885844610 +271 357 5 885848408 +271 371 5 885849188 +271 392 3 885848343 +271 393 4 885849648 +271 441 3 885849648 +271 443 3 885848943 +271 461 5 885849582 +271 476 1 885848062 +271 479 4 885848615 +271 494 4 885848770 +271 495 5 885849052 +271 505 4 885848475 +271 507 2 885848707 +271 509 4 885848559 +271 520 5 885848615 +271 521 5 885848373 +271 523 4 885848770 +271 526 5 885849188 +271 527 5 885848736 +271 529 4 885848475 +271 546 2 885848102 +271 570 3 885849742 +271 580 2 885849386 +271 602 3 885848886 +271 614 4 885848373 +271 648 4 885848770 +271 651 4 885848584 +271 659 3 885848827 +271 660 5 885848971 +271 663 4 885849052 +271 699 4 885849025 +271 703 3 885848559 +271 756 2 885848218 +271 845 1 885847800 +271 864 3 886106165 +271 1046 4 885849357 +271 1411 2 885849895 +272 23 5 879454725 +272 42 4 879454939 +272 50 4 879454900 +272 79 5 879455015 +272 96 5 879454845 +272 98 4 879454797 +272 175 5 879455043 +272 183 4 879454726 +272 193 4 879455254 +272 205 5 879454726 +272 210 5 879455220 +272 211 5 879454845 +272 423 4 879454939 +272 514 5 879455254 +272 604 4 879455113 +272 746 3 879454797 +273 272 4 891292811 +273 315 4 891292846 +273 316 4 891293201 +273 340 3 891292761 +274 9 5 878945404 +274 15 5 878945505 +274 69 5 878946644 +274 71 4 878946612 +274 98 5 878946536 +274 100 5 878945404 +274 125 4 878945711 +274 211 5 878946612 +274 274 4 878945963 +274 276 4 878945437 +274 280 1 878946162 +274 282 5 878945788 +274 300 5 878944464 +274 591 4 878945466 +274 685 5 878945542 +274 762 5 878945610 +274 846 2 878946204 +274 866 4 878946107 +274 877 3 878944543 +274 924 3 878945918 +274 1063 4 878946502 +274 1152 4 878945939 +275 1 4 875154310 +275 50 4 876198296 +275 62 3 876198328 +275 71 3 875154535 +275 96 3 880314914 +275 99 3 875154718 +275 132 3 880314529 +275 135 3 880314824 +275 154 2 875154878 +275 162 3 880315276 +275 196 3 880314969 +275 210 4 880314320 +275 257 3 876197645 +275 294 4 876197443 +275 408 3 875154438 +275 416 3 880314991 +275 420 2 875154535 +275 431 3 880314969 +275 515 3 876197552 +275 826 2 876197904 +276 9 5 889174849 +276 17 4 874791894 +276 21 3 874787195 +276 24 4 874792366 +276 31 4 874795704 +276 44 3 874795637 +276 47 4 874787407 +276 50 5 880913800 +276 53 4 883822485 +276 62 2 874792574 +276 73 3 874791805 +276 79 4 874792436 +276 84 2 877934232 +276 86 3 874791101 +276 88 3 874791960 +276 98 5 874792663 +276 99 4 874792907 +276 100 5 874786605 +276 108 3 874786924 +276 120 2 874787172 +276 123 4 874786657 +276 128 4 874792436 +276 144 5 874792401 +276 151 5 874786568 +276 153 4 874791667 +276 158 3 874791932 +276 159 3 874795637 +276 189 4 874977555 +276 192 5 874787353 +276 197 5 874787549 +276 201 5 889174849 +276 222 4 880913800 +276 239 4 874791194 +276 240 4 874786713 +276 241 4 874792402 +276 252 3 874787006 +276 258 5 874786337 +276 264 3 892436418 +276 271 4 880913800 +276 274 3 874791960 +276 281 3 874787065 +276 289 2 890979634 +276 298 5 874786467 +276 323 3 874786392 +276 325 3 874786419 +276 331 4 890979062 +276 343 4 881563147 +276 354 4 888873388 +276 356 3 874791101 +276 358 3 874786419 +276 367 3 874791667 +276 380 3 874791383 +276 388 2 874792094 +276 391 2 874977442 +276 393 4 874792094 +276 395 2 877935377 +276 396 4 874792118 +276 399 2 874792634 +276 402 3 874791407 +276 410 4 874786686 +276 415 3 874793062 +276 421 4 874795500 +276 426 3 874793092 +276 433 4 874791960 +276 451 3 874792216 +276 453 1 880913767 +276 458 4 874786854 +276 461 4 874787526 +276 462 4 874795868 +276 473 4 874786831 +276 523 4 874787496 +276 526 4 874791123 +276 558 4 874787526 +276 572 3 874795823 +276 591 3 874786632 +276 603 5 874795613 +276 627 3 874792907 +276 634 4 874795888 +276 647 4 874790903 +276 653 5 874795729 +276 655 4 874791297 +276 658 4 874791194 +276 691 4 888873488 +276 692 4 874791960 +276 715 3 874791194 +276 720 2 874791464 +276 721 3 874791871 +276 734 1 877935262 +276 739 2 874795538 +276 750 4 882659186 +276 755 3 874792870 +276 763 3 874787214 +276 765 3 877935335 +276 771 2 874795795 +276 797 3 877934643 +276 800 3 874792745 +276 802 3 874792634 +276 823 3 874786807 +276 825 3 874787006 +276 915 4 892436368 +276 916 4 892436298 +276 931 2 874836682 +276 942 4 889174904 +276 951 3 874792969 +276 959 4 874791695 +276 974 2 874786945 +276 1006 3 874787353 +276 1011 3 874836682 +276 1028 3 874787044 +276 1031 2 874793035 +276 1042 1 874795823 +276 1047 3 889174658 +276 1056 4 874796201 +276 1079 2 874787300 +276 1083 3 877934891 +276 1118 4 874791830 +276 1141 3 874790773 +276 1170 4 877934392 +276 1194 3 874790875 +276 1221 3 890979470 +276 1244 3 874836608 +276 1245 3 874787091 +276 1301 4 885871474 +276 1407 1 874977513 +277 7 2 879543377 +277 50 3 879543652 +277 111 4 879543487 +277 124 3 879543421 +277 137 3 879543336 +277 147 4 879543822 +277 237 4 879544145 +277 276 4 879543454 +277 293 4 879544145 +277 473 2 879543879 +277 508 4 879543487 +277 619 4 879543801 +277 742 4 879543845 +277 844 4 879543528 +277 925 4 879543592 +277 1129 3 879543421 +277 1283 2 879543592 +278 245 3 891295230 +278 258 3 891295099 +278 286 5 891295044 +278 288 5 891295230 +278 313 5 891294932 +278 315 4 891294932 +278 538 4 891295164 +278 752 5 891295164 +278 882 3 891295007 +279 10 4 875295838 +279 12 2 875306515 +279 16 4 875296792 +279 41 2 875313646 +279 60 4 875310263 +279 70 1 875309141 +279 71 3 890780576 +279 81 4 875732652 +279 94 3 892865054 +279 99 3 890451347 +279 109 5 880869018 +279 124 3 878261977 +279 128 5 875296461 +279 129 1 884986081 +279 132 3 875308670 +279 139 3 890780864 +279 146 1 875297281 +279 150 3 886019867 +279 151 4 875249259 +279 153 5 891209077 +279 156 4 875306580 +279 158 3 875313351 +279 166 4 879572893 +279 172 2 878082751 +279 181 3 875298494 +279 186 5 875309482 +279 189 5 878082781 +279 190 3 875307407 +279 204 3 878082751 +279 219 2 875736276 +279 229 4 889326161 +279 234 2 875654542 +279 274 3 875296792 +279 283 3 875296652 +279 291 3 878878420 +279 294 2 875249117 +279 367 3 875309861 +279 372 4 875310117 +279 380 4 889326161 +279 395 4 875659329 +279 396 3 875314231 +279 398 4 875310764 +279 401 5 875310730 +279 403 1 879573060 +279 407 4 875297479 +279 413 4 889151529 +279 421 3 892864867 +279 425 4 875306430 +279 436 4 891209332 +279 444 3 875659746 +279 455 5 877236424 +279 470 3 878262194 +279 474 5 892173363 +279 502 5 875310263 +279 529 3 875308843 +279 532 1 875298597 +279 554 1 875314231 +279 558 4 875307210 +279 594 1 891209021 +279 597 5 875297456 +279 624 4 875734996 +279 649 3 875312719 +279 659 5 877756699 +279 660 4 875313473 +279 663 3 875310394 +279 666 2 890451373 +279 684 3 880825843 +279 712 5 875312339 +279 751 4 882593314 +279 760 3 875297522 +279 764 3 888425981 +279 802 4 875313600 +279 809 3 891208945 +279 824 4 875297456 +279 843 4 875314313 +279 869 1 892176473 +279 890 3 882146458 +279 922 3 890451433 +279 932 3 892174381 +279 978 1 889231898 +279 990 1 875249134 +279 1025 2 880825843 +279 1059 4 891209332 +279 1087 2 891209189 +279 1121 4 875310101 +279 1132 1 892864828 +279 1195 1 875312339 +279 1206 5 884986688 +279 1215 2 884556545 +279 1242 1 888797284 +279 1266 1 875308843 +279 1305 4 875313406 +279 1361 3 878261977 +279 1402 1 888462243 +279 1435 3 892174339 +279 1485 4 878262195 +279 1499 4 890451408 +280 13 5 891700257 +280 29 3 891701852 +280 31 4 891701344 +280 56 5 891702544 +280 66 5 891701148 +280 67 4 891701785 +280 77 3 891702086 +280 79 4 891700453 +280 80 3 891701998 +280 90 4 891701530 +280 94 2 891702028 +280 98 5 891700208 +280 118 2 891701027 +280 126 3 891700643 +280 140 4 891701223 +280 155 5 891702544 +280 156 4 891700643 +280 158 2 891701764 +280 161 4 891701249 +280 162 3 891701431 +280 174 3 891700588 +280 176 3 891700426 +280 197 2 891700836 +280 200 5 891702544 +280 215 3 891701723 +280 217 3 891701832 +280 219 2 891702199 +280 220 5 891700426 +280 232 3 891701649 +280 235 5 891701649 +280 239 3 891701344 +280 284 3 891701090 +280 313 3 891699839 +280 315 5 891700184 +280 324 5 891700185 +280 367 5 891701002 +280 388 2 891702486 +280 389 5 891701913 +280 409 3 891702441 +280 507 3 891700682 +280 527 5 891700768 +280 546 4 891702252 +280 678 2 891700124 +280 697 5 891701506 +280 699 4 891700341 +280 725 3 891702387 +280 729 2 891700963 +280 731 3 891702049 +280 746 4 891701148 +280 748 2 891700080 +280 751 3 891699925 +280 755 2 891701278 +280 765 4 891701816 +280 769 3 891702441 +280 771 3 891702122 +280 925 4 891701723 +280 1035 4 891701785 +280 1041 5 891702544 +280 1048 4 891701002 +280 1066 4 891701928 +280 1112 4 891702324 +280 1133 3 891700242 +280 1182 3 891702214 +280 1207 4 891701998 +280 1221 5 891701944 +280 1297 4 891702230 +280 1466 5 891700836 +280 1473 3 891700904 +281 288 4 881200264 +281 294 3 881200643 +281 304 5 881200745 +281 308 1 881200297 +281 310 4 881200264 +281 326 1 881200491 +281 331 3 881200491 +281 333 3 881200457 +282 262 4 879949417 +282 300 3 879949438 +282 340 3 879949394 +282 343 4 881702939 +282 689 2 881703044 +282 890 4 879949468 +283 21 3 879297867 +283 49 4 879298333 +283 56 5 879298206 +283 151 4 879297318 +283 168 5 879298206 +283 175 4 879298270 +283 202 5 879298206 +283 204 4 879298239 +283 208 5 879298239 +283 294 4 879297013 +283 393 4 879298295 +283 409 4 879297442 +283 435 5 879298206 +283 625 3 879298007 +283 820 4 879297904 +283 1079 4 879297526 +284 262 4 885328836 +284 268 5 885329065 +284 272 5 885328727 +284 301 5 885329593 +284 306 4 885329146 +284 307 4 885329322 +284 345 4 885328728 +284 347 5 885328727 +284 539 2 885329821 +284 690 3 885329468 +284 748 3 885329671 +284 750 3 885328906 +284 900 4 885328991 +284 938 3 885329821 +285 100 4 890595636 +285 198 5 890595900 +285 205 4 890595900 +285 302 5 890595313 +285 346 4 890595456 +286 14 4 875807003 +286 40 4 877534824 +286 47 4 877532419 +286 82 3 889651605 +286 90 4 877533224 +286 95 5 877531407 +286 111 5 876521858 +286 121 3 876522166 +286 125 4 876521650 +286 132 5 877531791 +286 139 3 889653012 +286 144 3 877531434 +286 147 5 876522114 +286 172 4 889651549 +286 174 4 877531537 +286 176 4 878142001 +286 179 5 889651822 +286 181 3 875807043 +286 186 5 877534903 +286 209 4 877531691 +286 210 5 877535208 +286 211 4 879781579 +286 212 1 877531830 +286 216 4 877532013 +286 217 3 877533447 +286 224 5 889651549 +286 251 5 876521678 +286 285 1 879781450 +286 312 4 884069415 +286 315 5 889651138 +286 336 5 884069544 +286 339 5 884583549 +286 381 5 877532965 +286 390 1 889652378 +286 394 5 877534771 +286 396 4 877534414 +286 411 2 876522133 +286 417 3 877533993 +286 428 5 877532303 +286 433 5 877531537 +286 461 2 877532930 +286 475 4 875807074 +286 476 4 876521993 +286 527 4 877531407 +286 535 5 875806918 +286 552 3 877535072 +286 588 5 877532131 +286 597 3 876522360 +286 658 5 877533543 +286 703 2 889651672 +286 707 5 877531975 +286 737 4 877532419 +286 749 3 889651060 +286 761 4 877533640 +286 763 2 876521809 +286 768 3 889652968 +286 805 3 878141931 +286 818 2 877531281 +286 819 3 876521835 +286 883 5 884069544 +286 924 4 876521773 +286 930 2 876522240 +286 969 5 878142001 +286 1038 5 884583549 +286 1075 5 877532385 +286 1105 5 884583549 +286 1239 3 877535344 +286 1280 5 884069544 +286 1288 4 876522114 +286 1375 5 889651445 +287 4 4 875336652 +287 9 5 875334089 +287 50 5 875334271 +287 121 4 875334494 +287 181 3 875333964 +287 200 4 875335237 +287 237 5 875334151 +287 313 4 888177170 +287 426 3 875336743 +287 546 4 875334271 +287 682 4 888177213 +287 845 5 875334587 +288 22 5 886374286 +288 121 2 886893063 +288 175 1 886629664 +288 180 5 886373474 +288 190 1 886374286 +288 216 4 886629592 +288 223 3 886374497 +288 234 4 886374473 +288 268 4 886372812 +288 289 3 886372937 +288 345 5 886372155 +288 346 5 886372155 +288 427 5 886374342 +288 435 4 889225633 +288 511 4 886373509 +288 515 4 886373591 +288 520 5 886374497 +288 544 5 886892241 +288 688 1 886373007 +288 880 1 886373007 +288 1358 5 886892241 +289 21 1 876790499 +289 125 2 876789373 +289 151 2 876790499 +289 222 2 876789463 +289 254 1 876790734 +290 15 4 880474494 +290 69 4 880473696 +290 97 3 880475016 +290 125 3 880475245 +290 139 2 880475420 +290 141 4 880474740 +290 167 2 880475807 +290 176 4 880473971 +290 228 4 880473556 +290 229 3 880473557 +290 230 4 880473557 +290 252 3 880732575 +290 265 4 880475371 +290 271 3 880473557 +290 318 4 880473776 +290 403 2 880475542 +290 434 4 880474422 +290 435 3 880473802 +290 465 3 880474799 +290 483 5 880473845 +290 484 3 880474174 +290 496 4 880474156 +290 629 3 880474716 +290 683 2 880473415 +290 732 4 880473777 +290 926 3 880732538 +290 1047 4 880475757 +290 1060 3 880732271 +290 1079 2 880732771 +290 1285 3 880475565 +291 1 5 874834481 +291 5 5 874834799 +291 8 4 874871766 +291 9 5 874805804 +291 12 5 874834701 +291 22 5 874835062 +291 31 4 874834768 +291 33 4 874834850 +291 38 3 874834914 +291 55 4 874834735 +291 79 5 874834799 +291 82 4 874835116 +291 85 2 874877699 +291 121 2 874805984 +291 123 4 874806006 +291 128 4 874835062 +291 140 4 875086887 +291 164 4 874834875 +291 210 5 875086491 +291 215 4 874868382 +291 231 3 874835024 +291 232 4 874835198 +291 235 2 874805860 +291 236 4 874834128 +291 238 5 874871736 +291 285 4 874833746 +291 288 5 874805453 +291 290 4 874834001 +291 325 4 874805610 +291 367 4 874871800 +291 369 3 874834388 +291 391 1 874835242 +291 403 4 874835165 +291 412 3 875086669 +291 416 4 875087100 +291 417 4 875086958 +291 420 4 875086991 +291 427 4 874868304 +291 448 5 874867741 +291 469 5 874867912 +291 475 5 874805699 +291 546 3 874805958 +291 563 3 874867824 +291 565 2 874867852 +291 566 4 874834799 +291 568 4 874835141 +291 569 3 874868580 +291 581 5 874834827 +291 655 4 874868629 +291 685 5 874834254 +291 706 3 874867785 +291 735 4 874868027 +291 761 3 874834914 +291 763 4 874833841 +291 798 4 874871655 +291 823 3 874833936 +291 825 4 874833983 +291 829 2 874834308 +291 940 3 875086608 +291 941 4 874868284 +291 946 4 875086887 +291 975 2 874834146 +291 998 1 875086728 +291 1059 4 874834345 +291 1073 5 874834701 +291 1077 4 874834963 +291 1217 3 874834850 +291 1229 2 874868027 +291 1303 3 874835279 +291 1478 2 874871585 +292 1 4 881104147 +292 7 3 881104068 +292 20 2 881104760 +292 24 4 881104481 +292 58 5 881105442 +292 98 5 881103758 +292 153 4 881105587 +292 156 5 881105516 +292 180 5 881103652 +292 209 5 881103874 +292 214 3 881105701 +292 235 3 881104797 +292 250 3 881104679 +292 264 3 877628138 +292 298 4 881103977 +292 462 3 881105657 +292 482 5 881103606 +292 492 4 881105318 +292 523 4 881105561 +292 528 5 881105657 +292 607 4 881105625 +292 748 3 877718776 +292 844 5 881104481 +292 1142 4 881104481 +293 3 2 888905399 +293 7 3 888905062 +293 14 3 888904985 +293 15 3 888904777 +293 25 3 888904696 +293 26 3 888907015 +293 29 1 888907499 +293 38 1 888907981 +293 48 5 888905819 +293 49 3 888907312 +293 50 5 888905519 +293 62 1 888907624 +293 65 3 888906945 +293 70 3 888907101 +293 81 4 888906576 +293 89 5 888905582 +293 111 2 888905062 +293 133 3 888906045 +293 159 3 888907674 +293 160 4 888907036 +293 165 3 888905991 +293 177 4 888906193 +293 182 5 888905481 +293 196 4 888906012 +293 198 4 888906143 +293 199 5 888905582 +293 203 3 888906781 +293 204 3 888906012 +293 211 4 888906338 +293 222 3 888904861 +293 230 2 888907384 +293 233 2 888907266 +293 240 2 888905086 +293 248 3 888904985 +293 250 3 888904862 +293 252 2 888905086 +293 258 3 888904092 +293 272 4 888904180 +293 283 2 888904884 +293 286 3 888904265 +293 290 2 888905198 +293 291 2 888905377 +293 294 2 888904410 +293 297 4 888905034 +293 302 4 888904092 +293 313 4 888904004 +293 356 3 888907955 +293 357 4 888905760 +293 367 2 888906288 +293 403 3 888906869 +293 416 4 888907575 +293 433 3 888907407 +293 460 3 888905005 +293 462 4 888905819 +293 463 4 888906619 +293 482 4 888906096 +293 483 5 888905481 +293 491 4 888905923 +293 492 5 888906096 +293 497 4 888906217 +293 503 4 888907145 +293 506 5 888906428 +293 544 3 888905062 +293 546 1 888904927 +293 549 3 888907166 +293 550 1 888906781 +293 578 2 888907913 +293 582 4 888906536 +293 588 3 888906748 +293 591 3 888904712 +293 636 4 888906576 +293 651 3 888905865 +293 658 1 888907499 +293 660 2 888907433 +293 678 2 888904439 +293 684 3 888905481 +293 715 3 888907674 +293 732 3 888906516 +293 742 2 888904927 +293 746 3 888906748 +293 809 2 888908117 +293 810 1 888907674 +293 824 3 888905252 +293 831 3 888905286 +293 856 3 888905686 +293 895 3 888904410 +293 933 2 888905399 +293 939 2 888906516 +293 941 2 888907407 +293 942 4 888907210 +293 955 2 888906464 +293 1016 2 888905086 +293 1048 3 888905034 +293 1208 3 888906990 +293 1229 1 888907210 +293 1248 2 888907527 +293 1298 3 888906045 +293 1311 3 888907603 +294 50 5 877819353 +294 100 4 877819265 +294 121 5 877819714 +294 122 3 889242661 +294 235 3 877819532 +294 237 4 889242035 +294 240 3 877820294 +294 249 5 877819941 +294 269 5 877818457 +294 291 2 889242469 +294 298 5 877819265 +294 307 3 889241466 +294 331 4 877818580 +294 332 3 877818915 +294 340 4 889241280 +294 347 5 889241377 +294 363 1 889243393 +294 410 4 877819897 +294 413 3 889242166 +294 472 3 889242370 +294 476 3 877819792 +294 546 4 877819761 +294 619 3 877820328 +294 682 3 889241486 +294 752 3 889241377 +294 928 3 889242468 +294 1079 2 889242624 +294 1081 3 889242328 +294 1088 1 889243393 +295 22 4 879517372 +295 43 4 879518107 +295 60 5 879517492 +295 69 5 879517911 +295 91 5 879519556 +295 95 4 879518080 +295 96 1 879517299 +295 97 5 879517761 +295 105 4 879519473 +295 109 4 879517911 +295 118 3 879518840 +295 121 4 879518455 +295 125 5 879518528 +295 134 5 879519556 +295 137 4 879517271 +295 158 4 879518932 +295 161 4 879518430 +295 181 4 879517860 +295 188 3 879518042 +295 196 5 879966498 +295 202 5 879517943 +295 204 4 879517655 +295 208 5 879517157 +295 213 5 879517324 +295 217 4 879517705 +295 228 4 879518414 +295 229 4 879519010 +295 230 4 879517271 +295 238 4 879517136 +295 386 4 879519308 +295 403 4 879517762 +295 417 5 879518474 +295 420 4 879518233 +295 421 4 879517802 +295 427 4 879517412 +295 431 5 879518233 +295 513 4 879517492 +295 527 4 879517964 +295 559 4 879518674 +295 629 5 879518780 +295 631 5 879966498 +295 660 5 879518143 +295 705 4 879517682 +295 720 4 879518801 +295 729 4 879518018 +295 738 4 879518546 +295 965 4 879517271 +295 1473 4 879519473 +296 55 5 884197287 +296 61 3 884197287 +296 79 4 884197068 +296 100 5 884196489 +296 125 5 884196985 +296 144 4 884197131 +296 180 5 884198772 +296 191 5 884197193 +296 198 5 884197264 +296 199 5 884197193 +296 237 5 884196785 +296 251 5 884196523 +296 257 5 884196921 +296 259 1 884196374 +296 282 4 884196712 +296 287 4 884196765 +296 293 5 884196765 +296 294 1 884196374 +296 303 4 884196238 +296 357 5 884197068 +296 515 5 884196555 +296 521 4 884197091 +296 523 4 884197235 +296 528 5 884197068 +296 663 5 884198772 +296 1160 4 884196964 +296 1284 4 884196765 +297 1 3 874954425 +297 4 1 875240201 +297 8 5 875239795 +297 11 4 875240015 +297 13 3 874955210 +297 17 3 875240201 +297 53 3 875239942 +297 55 4 875238922 +297 69 3 875240171 +297 83 4 875774306 +297 109 4 874954814 +297 114 5 875239569 +297 117 4 874954497 +297 151 3 875239975 +297 154 5 875239658 +297 160 1 875238853 +297 174 5 875410071 +297 185 5 875239870 +297 191 3 875238923 +297 213 3 875240171 +297 230 2 875238814 +297 237 4 875239383 +297 243 1 878771163 +297 249 3 874955210 +297 258 5 874953892 +297 265 3 875239454 +297 268 4 881707737 +297 271 2 881707810 +297 283 4 874954387 +297 288 3 874955131 +297 298 5 874954814 +297 302 4 875408934 +297 347 3 885922424 +297 430 1 875238778 +297 447 4 875239691 +297 455 4 874954611 +297 474 4 875239125 +297 508 4 874955210 +297 514 3 875239383 +297 603 5 875239942 +297 919 1 874954260 +297 1073 3 875238695 +298 1 5 884126061 +298 22 4 884182965 +298 23 4 884183236 +298 58 4 884182725 +298 79 5 884182685 +298 97 4 884183063 +298 118 4 884183016 +298 127 5 884125847 +298 133 3 884125093 +298 134 5 884182966 +298 143 5 884182966 +298 183 3 884182600 +298 186 4 884183256 +298 194 5 884127249 +298 205 5 884181969 +298 257 4 884126240 +298 294 3 884184024 +298 318 5 884182657 +298 393 4 884183099 +298 430 5 884182657 +298 435 5 884182573 +298 471 4 884125847 +298 483 5 884125441 +298 511 4 884127690 +298 514 4 884182989 +298 527 5 884182725 +298 530 5 884182600 +298 588 4 884125022 +298 603 5 884125093 +298 705 4 884182148 +298 864 3 884183912 +298 866 3 884183930 +298 951 4 884183130 +299 19 1 877877434 +299 23 4 878192154 +299 25 3 877878227 +299 47 4 877881508 +299 58 3 878192601 +299 88 3 889502902 +299 94 1 889503564 +299 129 4 877877733 +299 167 3 889503159 +299 171 4 877880961 +299 185 3 878192039 +299 190 5 877881356 +299 191 4 878192039 +299 197 3 878192039 +299 204 4 889503112 +299 209 3 889503013 +299 228 3 878191823 +299 237 2 877877649 +299 249 3 877878414 +299 251 5 877877434 +299 255 2 877878036 +299 259 3 877877323 +299 264 2 877877290 +299 275 4 877877535 +299 283 3 889417370 +299 288 3 877618584 +299 289 3 877877323 +299 298 4 877878227 +299 300 4 877618619 +299 302 4 889501087 +299 311 4 880198334 +299 345 4 884023998 +299 346 3 886101436 +299 432 3 877880612 +299 461 3 878192601 +299 473 3 877878561 +299 474 5 877880474 +299 483 5 877880961 +299 484 4 877881169 +299 488 4 877881508 +299 498 4 878192237 +299 508 4 877878451 +299 514 5 877881229 +299 529 4 877880852 +299 538 3 881605700 +299 606 4 889501393 +299 634 2 877880852 +299 647 4 878192804 +299 652 3 877880522 +299 692 4 877880915 +299 728 2 889503159 +299 732 4 889502688 +299 746 4 889502979 +299 811 4 877880794 +299 813 4 878192192 +299 895 2 884993860 +299 915 4 892250102 +299 962 4 889501593 +299 965 4 889501260 +299 1005 5 878192833 +299 1006 4 878192804 +299 1050 4 878192721 +299 1056 4 889502292 +299 1103 4 889503013 +299 1223 3 878191779 +299 1226 2 877878602 +299 1506 4 878192680 +299 1507 3 877881170 +300 288 4 875649995 +300 300 4 875649995 +300 456 4 875650267 +300 876 5 875650105 +301 3 2 882075082 +301 28 4 882076264 +301 29 4 882078492 +301 39 3 882076292 +301 42 4 882075743 +301 43 5 882078994 +301 47 4 882076936 +301 51 4 882078928 +301 64 5 882075672 +301 73 4 882075962 +301 76 4 882078250 +301 81 3 882077351 +301 82 5 882077078 +301 91 3 882078906 +301 94 4 882079172 +301 109 5 882074236 +301 111 1 882074708 +301 118 4 882074903 +301 121 4 882075148 +301 127 4 882074262 +301 132 4 882076619 +301 133 4 882077142 +301 142 3 882078420 +301 143 4 882077330 +301 144 4 882076021 +301 150 4 882074345 +301 156 4 882076098 +301 181 5 882074291 +301 193 3 882075994 +301 195 5 882076098 +301 196 4 882077836 +301 197 5 882075774 +301 203 4 882077176 +301 228 3 882076966 +301 235 2 882074408 +301 237 4 882074291 +301 240 4 882074494 +301 265 4 882075672 +301 373 4 882079334 +301 403 4 882076292 +301 405 4 882074727 +301 418 3 882076751 +301 426 4 882076967 +301 447 4 882078955 +301 455 5 882074437 +301 465 4 882077811 +301 474 4 882075803 +301 501 3 882078040 +301 502 4 882076558 +301 521 3 882076987 +301 527 4 882076238 +301 550 3 882078040 +301 559 4 882078955 +301 568 4 882076538 +301 588 5 882077055 +301 607 4 882077176 +301 665 2 882079334 +301 693 5 882076806 +301 702 4 882077784 +301 739 2 882076966 +301 746 3 882075774 +301 763 4 882074665 +301 824 3 882075055 +301 1016 4 882074684 +301 1074 2 882078580 +301 1135 3 882078906 +301 1283 4 882075386 +302 301 4 879436820 +302 680 2 879437035 +302 988 2 879436875 +303 2 3 879467191 +303 3 3 879485184 +303 11 4 879467260 +303 12 4 879466937 +303 13 4 879484918 +303 25 4 879468047 +303 28 3 879466717 +303 29 2 879485134 +303 50 5 879466866 +303 53 3 879485608 +303 54 3 879484695 +303 56 5 879466547 +303 64 5 879466457 +303 78 2 879544238 +303 90 4 879485111 +303 95 5 879484480 +303 98 5 879466572 +303 100 5 879466420 +303 106 2 879543796 +303 109 4 879467131 +303 117 3 879468581 +303 137 4 879468414 +303 151 5 879484534 +303 156 5 879466771 +303 168 5 879467223 +303 170 5 879467574 +303 195 4 879466937 +303 198 4 879467413 +303 215 5 879467413 +303 216 5 879466604 +303 222 3 879468414 +303 223 4 879466742 +303 227 3 879542884 +303 239 3 879484871 +303 250 4 879544712 +303 258 4 879465986 +303 264 3 879466214 +303 270 4 879466088 +303 321 3 879466065 +303 324 3 879466065 +303 328 3 879466166 +303 334 3 879466184 +303 340 5 879466088 +303 357 5 879466717 +303 379 4 879485546 +303 381 4 879467574 +303 382 3 879467815 +303 387 5 879485401 +303 413 2 879543524 +303 420 4 879484563 +303 423 4 879483535 +303 443 4 879468459 +303 455 3 879484421 +303 458 3 879467936 +303 470 4 879468375 +303 475 4 879467155 +303 482 5 879467361 +303 502 4 879484421 +303 508 4 879467260 +303 517 5 879484480 +303 518 4 879468581 +303 525 5 879466604 +303 535 1 879544681 +303 540 1 879543679 +303 544 4 879483617 +303 550 3 879467607 +303 552 2 879485048 +303 575 4 879544219 +303 586 2 879485659 +303 603 5 879466457 +303 616 4 879484948 +303 619 3 879467574 +303 650 5 879483941 +303 658 5 879484327 +303 673 4 879468250 +303 678 1 879544946 +303 692 4 879468123 +303 709 5 879468021 +303 715 4 879484441 +303 720 2 879468375 +303 721 4 879484194 +303 741 4 879466604 +303 762 4 879468179 +303 780 5 879483900 +303 800 3 879485352 +303 801 1 879543679 +303 808 2 879484480 +303 847 4 879466830 +303 871 1 879485685 +303 872 3 879466018 +303 928 3 879485589 +303 952 3 879467706 +303 953 3 879485016 +303 960 4 879467361 +303 979 4 879484213 +303 1013 1 879544860 +303 1073 4 879467191 +303 1089 1 879544978 +303 1110 1 879543939 +303 1142 4 879544659 +303 1145 2 879544219 +303 1153 3 879484899 +303 1157 2 879543711 +303 1215 1 879544435 +303 1218 4 879484350 +303 1232 3 879484948 +303 1270 1 879485770 +303 1273 2 879485278 +303 1411 2 879483941 +303 1426 2 879484804 +303 1510 3 879485659 +303 1511 3 879544843 +304 111 3 884968264 +304 278 4 884968415 +304 286 1 884967017 +304 294 4 884968415 +304 300 5 884968415 +304 313 5 884968415 +304 328 3 884967167 +304 895 3 884967017 +305 12 5 886322930 +305 16 3 886324058 +305 42 4 886324172 +305 64 5 886323406 +305 70 4 886324221 +305 88 2 886323966 +305 91 2 886323303 +305 96 3 886324172 +305 121 3 886324898 +305 135 3 886323189 +305 153 3 886323153 +305 163 3 886325627 +305 168 4 886323115 +305 170 4 886322691 +305 171 5 886323237 +305 180 4 886323806 +305 181 4 886321799 +305 184 3 886323937 +305 195 3 886323006 +305 199 4 886323779 +305 200 3 886324661 +305 202 3 886323684 +305 215 2 886323464 +305 223 4 886322758 +305 251 5 886321764 +305 286 4 886307828 +305 315 5 886308168 +305 317 4 886323713 +305 327 3 886307948 +305 479 3 886323275 +305 480 5 886322758 +305 582 4 886323506 +305 628 4 886324661 +305 631 3 886324028 +305 664 2 886324462 +305 686 3 886324330 +305 690 4 886307828 +305 735 4 886324128 +305 748 3 886308147 +305 751 3 886307971 +305 792 4 886323406 +305 793 5 886324712 +305 904 4 886307860 +305 941 2 886324792 +305 963 4 886322635 +305 971 4 886324608 +305 1015 1 886323068 +305 1073 1 886323591 +305 1512 3 886322796 +305 1513 2 886322212 +306 111 4 876504442 +306 286 4 876503793 +306 321 3 876503793 +306 756 3 876504472 +307 1 5 878066938 +307 28 3 877119480 +307 56 4 878856967 +307 83 5 877120874 +307 135 4 877122208 +307 181 5 879283232 +307 185 3 877118565 +307 200 3 877117875 +307 204 3 879205470 +307 209 5 879283798 +307 210 2 877123746 +307 215 4 879283036 +307 227 5 879538922 +307 230 5 879538921 +307 257 5 875645340 +307 286 3 881965984 +307 380 3 879538922 +307 395 3 877121789 +307 401 1 879114143 +307 419 4 877122115 +307 529 4 877381142 +307 631 3 879283544 +307 660 3 879205470 +307 739 2 877122317 +308 8 5 887736696 +308 11 5 887737837 +308 15 3 887739426 +308 19 3 887737383 +308 21 3 887740729 +308 23 5 887737293 +308 24 4 887738057 +308 30 4 887738933 +308 31 3 887739472 +308 32 5 887737432 +308 48 4 887736880 +308 49 3 887740833 +308 56 5 887736924 +308 65 3 887738301 +308 68 4 887740933 +308 71 4 887739257 +308 82 4 887738470 +308 88 4 887740568 +308 92 4 887737293 +308 96 4 887737432 +308 97 1 887738469 +308 117 3 887738620 +308 118 3 887739670 +308 123 3 887738619 +308 135 5 887737243 +308 143 4 887739136 +308 148 3 887740788 +308 157 5 887738268 +308 162 4 887739095 +308 171 4 887738346 +308 176 4 887736696 +308 186 4 887738152 +308 195 5 887738619 +308 198 3 887739172 +308 201 5 887737334 +308 202 4 887737084 +308 208 4 887736798 +308 209 4 887737686 +308 213 4 887739382 +308 214 2 887738104 +308 216 3 887737789 +308 231 3 887740410 +308 235 3 887739800 +308 237 3 887737383 +308 239 3 887740033 +308 241 4 887738509 +308 248 4 887741437 +308 254 2 887742454 +308 275 4 887737891 +308 276 4 887736998 +308 288 4 887736408 +308 294 3 887736408 +308 318 4 887736743 +308 357 4 887738151 +308 367 4 887738571 +308 371 3 887738469 +308 403 4 887738571 +308 404 3 887736998 +308 408 5 887738268 +308 419 4 887737194 +308 423 5 887736999 +308 428 5 887739426 +308 430 4 887738717 +308 432 4 887737036 +308 448 3 887740866 +308 469 5 887738104 +308 473 3 887739951 +308 482 5 887738152 +308 494 5 887738570 +308 495 3 887740131 +308 499 3 887738619 +308 510 3 887736925 +308 512 5 887736584 +308 517 4 887737483 +308 522 3 887737484 +308 523 4 887737084 +308 531 4 887738057 +308 558 4 887737594 +308 566 4 887739014 +308 568 5 887740649 +308 591 3 887739608 +308 597 3 887738933 +308 602 4 887737536 +308 605 4 887740603 +308 641 4 887736459 +308 646 5 887738508 +308 648 4 887738509 +308 655 4 887738664 +308 663 5 887738469 +308 678 3 887736408 +308 679 4 887739426 +308 699 4 887737193 +308 708 4 887739863 +308 712 4 887740833 +308 715 5 887740700 +308 732 4 887738847 +308 825 4 887740700 +308 842 3 887740099 +308 856 4 887738387 +308 928 4 887742103 +308 945 4 887739136 +308 1126 3 887738268 +308 1154 2 887740367 +308 1252 3 887741604 +308 1411 4 887741150 +308 1456 4 887739056 +309 304 3 877370319 +309 319 4 877370419 +309 331 5 877370356 +309 334 4 877370356 +309 1025 5 877370356 +309 1296 2 877370319 +310 1386 1 879436177 +311 8 4 884364465 +311 12 4 884364436 +311 23 3 884364570 +311 31 4 884364570 +311 63 3 884365686 +311 72 4 884365686 +311 77 5 884365718 +311 100 1 884963136 +311 101 4 884366397 +311 121 4 884366852 +311 127 4 884364538 +311 133 3 884364652 +311 173 5 884364569 +311 176 4 884365104 +311 177 5 884364764 +311 185 2 884366617 +311 191 4 884364764 +311 194 4 884364724 +311 196 5 884365325 +311 197 4 884365686 +311 202 4 884364694 +311 209 2 884364502 +311 215 4 884364999 +311 216 5 884364502 +311 218 4 884366363 +311 228 5 884365325 +311 276 4 884963282 +311 294 4 884364047 +311 300 4 884363831 +311 306 4 884363791 +311 321 3 884363948 +311 323 3 884364139 +311 356 4 884365653 +311 357 5 884365104 +311 399 4 884366269 +311 416 4 884365853 +311 423 5 884365579 +311 444 2 884365746 +311 449 3 884365823 +311 465 4 884365406 +311 468 4 884365140 +311 479 5 884365519 +311 483 4 884364437 +311 498 4 884364931 +311 501 5 884365954 +311 504 4 884364873 +311 509 3 884366590 +311 519 3 884365548 +311 520 5 884365251 +311 521 4 884366686 +311 530 3 884365201 +311 539 4 884364268 +311 549 2 884366111 +311 562 3 884365746 +311 584 3 884365485 +311 621 4 884365579 +311 622 3 884364437 +311 639 4 884365686 +311 648 4 884364694 +311 651 4 884364623 +311 684 4 884365075 +311 700 3 884365852 +311 702 3 884365284 +311 724 4 884365406 +311 729 4 884365451 +311 732 4 884365617 +311 750 5 884363706 +311 754 3 884363758 +311 768 2 884365889 +311 783 3 884366439 +311 794 4 884366270 +311 1041 3 884366334 +311 1042 3 884366187 +311 1119 4 884366703 +311 1221 4 884364502 +312 1 5 891698832 +312 69 4 891699182 +312 70 5 891699398 +312 71 4 891699599 +312 89 5 891698832 +312 154 4 891699372 +312 165 5 891698726 +312 166 5 891698391 +312 174 5 891698224 +312 175 3 891699321 +312 176 4 891699295 +312 185 5 891699121 +312 186 3 891699491 +312 187 5 891699345 +312 191 5 891698334 +312 206 5 891699399 +312 207 5 891699121 +312 208 5 891698334 +312 211 4 891698254 +312 214 3 891699121 +312 276 4 891699010 +312 372 3 891699568 +312 414 3 891699626 +312 428 3 891698424 +312 432 5 891699491 +312 434 3 891699263 +312 463 5 891698696 +312 478 5 891698664 +312 486 5 891699655 +312 487 5 891699655 +312 488 5 891698334 +312 491 5 891699702 +312 493 5 891698365 +312 505 5 891698987 +312 510 5 891699490 +312 512 3 891698951 +312 514 3 891698516 +312 515 5 891699677 +312 519 5 891698726 +312 521 5 891698987 +312 524 5 891699345 +312 526 5 891698334 +312 531 5 891698254 +312 537 5 891698516 +312 608 5 891699372 +312 613 5 891698454 +312 625 3 891699538 +312 632 3 891698764 +312 633 5 891698951 +312 653 5 891698365 +312 654 5 891698485 +312 663 5 891699599 +312 671 5 891699182 +312 684 5 891698664 +312 835 5 891712535 +312 837 4 891699426 +312 850 5 891698764 +312 855 5 891699538 +312 863 5 891698695 +312 1020 5 891698553 +312 1126 4 891699455 +312 1167 4 891699295 +312 1451 4 891699156 +312 1516 4 891698334 +313 1 4 891013436 +313 8 3 891014551 +313 23 4 891013742 +313 25 2 891016757 +313 50 5 891013859 +313 77 3 891031950 +313 88 2 891028956 +313 94 3 891030490 +313 95 3 891014313 +313 118 4 891028197 +313 121 4 891015114 +313 133 5 891014956 +313 144 4 891015144 +313 152 3 891016878 +313 153 3 891015268 +313 167 3 891029076 +313 168 3 891013589 +313 177 4 891015566 +313 178 5 891013773 +313 183 5 891013554 +313 185 5 891013773 +313 186 3 891017011 +313 192 3 891015011 +313 193 4 891013887 +313 258 3 891012852 +313 322 3 891014313 +313 328 4 891012907 +313 333 4 891012877 +313 391 3 891028360 +313 393 4 891015268 +313 404 4 891030189 +313 409 2 891030334 +313 418 3 891014838 +313 420 5 891014782 +313 428 3 891014649 +313 430 5 891013620 +313 443 5 891013971 +313 449 3 891028323 +313 461 3 891014925 +313 474 5 891016193 +313 479 5 891013652 +313 480 5 891013742 +313 483 5 891016193 +313 484 5 891016193 +313 485 3 891016425 +313 486 3 891015219 +313 493 3 891016193 +313 495 2 891016280 +313 496 5 891014753 +313 523 5 891014401 +313 525 5 891013525 +313 538 2 891014313 +313 624 4 891030261 +313 629 3 891028873 +313 632 4 891013620 +313 633 5 891014597 +313 655 4 891014474 +313 662 3 891031576 +313 663 5 891013652 +313 684 4 891017088 +313 720 2 891028472 +313 739 3 891031747 +313 768 3 891030367 +313 770 4 891028285 +313 820 2 891030228 +313 823 3 891028555 +313 837 4 891014898 +313 840 2 891028360 +313 892 4 891013059 +313 1091 2 891030261 +314 11 5 877887837 +314 22 4 877889724 +314 36 2 877889103 +314 56 1 877887568 +314 66 5 877887763 +314 67 4 877891386 +314 78 4 877890463 +314 99 4 877888391 +314 121 4 877886221 +314 125 5 877886412 +314 161 5 877888168 +314 196 3 877888212 +314 202 5 877888610 +314 216 3 877888722 +314 257 5 877886413 +314 278 5 877886888 +314 280 3 877887034 +314 284 3 877886706 +314 294 5 877885887 +314 367 4 877889770 +314 378 5 877888168 +314 379 3 877890463 +314 393 4 877889133 +314 405 4 877886522 +314 410 5 877886706 +314 411 4 877892461 +314 423 4 877888060 +314 501 4 877888610 +314 562 4 877890960 +314 588 5 877888007 +314 595 3 877886375 +314 627 4 877888996 +314 628 5 877886606 +314 685 4 877886788 +314 697 3 877888996 +314 699 5 877888527 +314 721 5 877891465 +314 761 4 877889073 +314 762 4 877886443 +314 783 3 877888855 +314 794 4 877888952 +314 796 2 877891518 +314 801 3 877892017 +314 806 4 877887802 +314 815 5 877886375 +314 845 5 877886483 +314 866 4 877892461 +314 942 3 877888346 +314 946 5 877888527 +314 993 5 877886279 +314 996 4 877891354 +314 1014 3 877886317 +314 1016 4 877886483 +314 1041 4 877888445 +314 1152 4 877887469 +314 1210 4 877889861 +314 1229 2 877891681 +314 1267 3 877888117 +314 1311 5 877889994 +314 1471 4 877892430 +314 1473 4 877891089 +314 1519 4 877892181 +315 25 5 879821120 +315 56 5 879821037 +315 154 5 879821158 +315 173 4 879821003 +315 175 5 879799423 +315 176 4 879821193 +315 178 4 879799486 +315 183 3 879821267 +315 209 5 879821003 +315 271 3 879799546 +315 276 4 879799526 +315 327 4 879799583 +315 382 4 879821089 +315 428 4 879821120 +315 461 4 879799457 +315 513 5 879821299 +315 523 4 879799390 +315 645 4 879821065 +315 770 3 879821348 +315 1065 4 879799526 +316 69 3 880853881 +316 83 4 880853992 +316 168 3 880853599 +316 170 4 880853810 +316 172 1 880854197 +316 173 1 880853654 +316 183 1 880853654 +316 185 2 880853548 +316 187 2 880853548 +316 191 5 880854539 +316 199 3 880853598 +316 276 2 880853849 +316 482 3 880854337 +316 507 3 880853704 +316 651 5 880854227 +316 673 2 880854083 +316 678 1 880853310 +316 707 4 880853485 +316 730 4 880853775 +316 923 5 880854022 +317 264 4 891446843 +317 288 4 891446190 +317 299 4 891446371 +317 313 4 891446208 +317 322 3 891446783 +317 355 4 891446783 +317 748 5 891446843 +317 879 3 891446575 +318 24 4 884495132 +318 26 5 884497471 +318 56 3 884495561 +318 58 4 884496243 +318 70 5 884496368 +318 85 3 884497180 +318 94 4 884498210 +318 132 4 884495868 +318 161 3 884496738 +318 174 4 884495590 +318 191 5 884496069 +318 193 3 884496367 +318 205 3 884496334 +318 213 4 884497031 +318 215 2 884496218 +318 238 3 884497359 +318 255 4 884494693 +318 269 5 884469970 +318 282 4 884470775 +318 284 3 884470775 +318 289 3 884470682 +318 301 4 884470034 +318 318 5 884496218 +318 376 3 884498314 +318 378 4 884497632 +318 381 1 884497516 +318 403 2 884496759 +318 404 3 884496639 +318 405 2 884494797 +318 480 4 884495795 +318 527 5 884496596 +318 566 4 884496472 +318 605 4 884497425 +318 628 4 884494757 +318 739 5 884496984 +318 763 3 884494897 +318 842 2 884495742 +318 864 2 884495032 +318 869 3 884498461 +318 892 3 884470391 +318 1012 4 884471076 +318 1044 4 884496985 +318 1063 3 884495973 +318 1120 3 884495206 +319 259 2 889816172 +319 268 4 889816026 +319 269 3 875707746 +319 306 4 879975504 +319 307 4 879975504 +319 340 3 879975481 +319 689 3 881355802 +319 750 3 889816107 +319 751 3 889816136 +320 2 4 884749281 +320 17 5 884751190 +320 24 3 884748641 +320 66 4 884751034 +320 71 3 884751439 +320 79 4 884749255 +320 82 3 884749359 +320 92 5 884749306 +320 95 3 884751418 +320 121 5 884748733 +320 164 4 884751246 +320 226 4 884749306 +320 231 2 884749411 +320 233 4 884749281 +320 235 3 884748929 +320 241 4 884750968 +320 257 4 884749499 +320 288 4 884748277 +320 300 4 884748229 +320 368 3 884748946 +320 385 4 884749327 +320 410 4 884748839 +320 421 4 884750968 +320 453 3 884751610 +320 458 4 884748868 +320 546 4 884748818 +320 550 5 884749384 +320 566 3 884749384 +320 568 4 884749327 +320 570 4 884749384 +320 586 3 884749412 +320 588 3 884750766 +320 627 4 884751418 +320 679 4 884749306 +320 760 3 884748946 +320 763 4 884748683 +320 769 3 884751288 +320 800 4 884751190 +320 808 4 884749359 +320 1091 4 884751462 +320 1215 1 884749097 +320 1522 3 884751316 +321 7 4 879438793 +321 9 4 879440472 +321 45 4 879439763 +321 48 4 879439706 +321 60 4 879440954 +321 61 5 879441128 +321 64 3 879438607 +321 83 4 879439926 +321 87 3 879439763 +321 132 5 879440342 +321 153 4 879440746 +321 174 3 879441111 +321 175 3 879439706 +321 186 4 879440245 +321 190 4 879439562 +321 211 4 879440109 +321 212 3 879440342 +321 382 3 879440245 +321 432 5 879439812 +321 463 3 879440393 +321 480 4 879440109 +321 499 3 879440393 +321 510 5 879440317 +321 513 4 879440294 +321 529 4 879440342 +321 530 4 879440109 +321 604 5 879438651 +321 633 5 879440109 +321 654 4 879439927 +321 657 4 879440660 +321 863 3 879440746 +321 1126 3 879439860 +321 1331 4 879439017 +322 23 5 887314417 +322 48 4 887313946 +322 64 5 887314148 +322 150 4 887314027 +322 156 4 887313850 +322 157 5 887314244 +322 188 3 887314244 +322 196 4 887314352 +322 234 4 887313893 +322 302 5 887314417 +322 513 4 887314185 +322 528 5 887314418 +322 603 5 887314417 +322 608 3 887314027 +322 656 5 887314027 +323 11 5 878739953 +323 121 3 878739618 +323 144 4 878739988 +323 186 4 878739988 +323 204 3 878739771 +323 238 4 878740017 +323 258 4 878738826 +323 292 4 878738997 +323 293 4 878739299 +323 319 2 878738827 +323 475 3 878739393 +323 479 4 878739801 +323 619 3 878739519 +323 678 2 878738910 +323 741 3 878739543 +323 763 4 878739459 +323 873 3 878738949 +323 933 3 878739393 +324 14 5 880575531 +324 50 5 880575618 +324 123 4 880575714 +324 150 4 880575412 +324 248 5 880575493 +324 255 4 880575449 +324 260 5 880575277 +324 275 4 880575531 +324 282 5 880575619 +324 288 5 880575002 +324 289 5 880575163 +324 293 4 880575714 +324 294 5 880575002 +324 322 4 880575163 +324 323 4 880575163 +324 538 4 880574901 +324 749 3 880575277 +324 827 4 880575715 +324 872 5 880575045 +324 875 3 880575163 +324 879 4 880575234 +325 1 2 891478665 +325 2 1 891478772 +325 16 1 891478981 +325 23 5 891478276 +325 28 3 891478796 +325 50 5 891478140 +325 82 3 891479263 +325 114 5 891478307 +325 115 3 891478557 +325 137 5 891477980 +325 174 2 891478006 +325 183 3 891477980 +325 186 4 891478578 +325 190 4 891478432 +325 191 3 891478408 +325 208 3 891478771 +325 211 3 891478627 +325 236 3 891478695 +325 269 4 891477567 +325 271 3 891477759 +325 272 3 891477537 +325 319 3 891477638 +325 434 5 891478376 +325 443 4 891478817 +325 498 4 891478333 +325 502 4 891479058 +325 548 3 891480086 +325 604 4 891478504 +325 628 3 891478772 +325 650 3 891478079 +325 654 4 891478276 +325 655 4 891479312 +325 768 3 891479564 +325 961 4 891479312 +325 1003 3 891480133 +325 1230 3 891479737 +325 1232 1 891479228 +326 8 4 879875457 +326 33 2 879876975 +326 38 3 879877005 +326 44 1 879875852 +326 64 4 879875024 +326 72 2 879877264 +326 89 4 879875398 +326 96 3 879875057 +326 136 4 879874933 +326 154 2 879875271 +326 170 2 879874897 +326 174 4 879874825 +326 177 3 879876881 +326 181 4 879875592 +326 182 2 879876861 +326 183 5 879875851 +326 208 3 879875534 +326 216 2 879876235 +326 219 2 879877349 +326 228 4 879876861 +326 230 3 879876861 +326 232 2 879876941 +326 317 3 879875243 +326 393 4 879876327 +326 397 3 879876975 +326 423 3 879876159 +326 433 2 879875644 +326 434 5 879875203 +326 435 3 879874897 +326 481 1 879874964 +326 483 5 879874963 +326 485 5 879875483 +326 491 4 879876235 +326 501 3 879876688 +326 511 4 879875593 +326 565 3 879877470 +326 608 4 879875930 +326 609 3 879875930 +326 613 5 879874860 +326 651 4 879875663 +326 654 1 879875151 +326 657 5 879875431 +326 705 3 879875399 +326 720 2 879876975 +326 780 2 879877326 +326 790 1 879877198 +326 837 4 879875507 +327 1 4 887745622 +327 2 2 887820385 +327 4 4 887819161 +327 8 4 887819860 +327 10 4 887744432 +327 11 4 887745303 +327 12 3 887744205 +327 22 4 887744167 +327 23 4 887745463 +327 26 3 887747299 +327 55 4 887820293 +327 65 2 887747617 +327 69 2 887822711 +327 70 4 887819316 +327 72 2 887819582 +327 79 3 887745661 +327 85 2 887819507 +327 88 2 887819194 +327 92 4 887748006 +327 100 4 887744513 +327 117 3 887820385 +327 132 5 887820828 +327 147 2 887820417 +327 151 4 887745871 +327 154 4 887747337 +327 164 3 887746219 +327 172 4 887743986 +327 182 4 887744205 +327 190 4 887832180 +327 201 5 887820828 +327 202 4 887822400 +327 204 4 887818658 +327 209 4 887747939 +327 211 3 887818682 +327 218 3 887746328 +327 222 2 887744357 +327 232 4 887819538 +327 269 3 887737629 +327 271 3 887743644 +327 273 2 887745911 +327 285 4 887744459 +327 298 3 887744405 +327 301 3 887743725 +327 321 3 887743761 +327 327 3 887737402 +327 328 2 887743600 +327 340 4 887744167 +327 357 4 887747338 +327 403 3 887820384 +327 405 2 887745589 +327 428 4 887819021 +327 464 4 887822785 +327 475 4 887744405 +327 482 4 887745661 +327 484 3 887745303 +327 502 3 887747134 +327 506 3 887744513 +327 508 2 887744064 +327 527 4 887745319 +327 546 2 887820448 +327 550 2 887820448 +327 559 2 887746328 +327 582 4 887822711 +327 631 3 887747133 +327 644 3 887747410 +327 651 4 887745744 +327 672 2 887746328 +327 676 3 887746686 +327 686 4 887820293 +327 708 4 887818596 +327 715 4 887819860 +327 746 3 887818992 +327 772 3 887822646 +327 856 4 887744167 +327 865 5 887745774 +327 874 3 887737629 +327 919 5 887820828 +327 959 5 887819161 +327 960 5 887745774 +327 1007 4 887745272 +327 1017 2 887819316 +327 1019 3 887746665 +327 1069 4 887819136 +327 1070 4 887744513 +327 1073 2 887744241 +327 1101 4 887746665 +327 1103 4 887819614 +327 1170 4 887819860 +328 8 3 885047018 +328 11 3 885047450 +328 12 5 885045528 +328 28 5 885045931 +328 29 3 885048930 +328 44 3 885047864 +328 62 3 885049275 +328 70 4 885047252 +328 97 3 885046174 +328 117 4 885046420 +328 127 5 885045645 +328 149 2 885048730 +328 155 4 885048198 +328 161 4 885047670 +328 172 4 885045528 +328 177 3 885047099 +328 180 4 885046134 +328 186 4 886037065 +328 195 3 885045899 +328 198 3 885045844 +328 215 3 885046773 +328 226 3 885048235 +328 232 3 885047670 +328 241 5 885047252 +328 270 2 885044641 +328 272 5 888641556 +328 273 3 885046134 +328 286 5 885044452 +328 301 2 885044607 +328 315 4 885044782 +328 317 4 885046976 +328 323 3 885044940 +328 326 4 885044607 +328 333 3 885044418 +328 344 4 893195665 +328 380 3 885047737 +328 383 3 885049880 +328 399 2 885049405 +328 405 4 885047018 +328 448 3 885046744 +328 449 3 885049607 +328 540 3 885048730 +328 553 3 885048235 +328 559 3 885048986 +328 561 3 885049431 +328 589 4 885046244 +328 595 3 885048500 +328 601 4 885048004 +328 620 3 885048861 +328 645 4 885046344 +328 649 3 885047417 +328 665 2 885048801 +328 684 5 885046537 +328 688 1 886036585 +328 699 4 885046718 +328 708 2 885048101 +328 729 4 885047737 +328 739 3 885048611 +328 748 3 885045245 +328 752 2 888641528 +328 755 3 885048801 +328 823 3 885049024 +328 912 3 893195852 +328 1112 4 885049459 +328 1313 4 888641949 +328 1439 3 885048827 +328 1478 3 885049275 +328 1483 4 893195825 +329 7 3 891655961 +329 117 3 891655868 +329 137 5 891655812 +329 169 4 891656178 +329 174 4 891656639 +329 185 3 891656347 +329 194 3 891656429 +329 197 4 891656429 +329 198 4 891656268 +329 274 3 891656639 +329 282 3 891656300 +329 284 3 891656072 +329 313 4 891655191 +329 323 2 891655594 +329 331 3 891656639 +329 705 3 891656347 +329 892 2 891655614 +330 28 5 876546526 +330 31 5 876546812 +330 63 3 876547165 +330 67 4 876547500 +330 91 4 876547426 +330 94 4 876547426 +330 98 5 876546033 +330 99 4 876546172 +330 105 4 876545150 +330 118 5 876544582 +330 126 5 876544480 +330 132 5 876546498 +330 135 3 876546172 +330 148 4 876544781 +330 151 4 876544734 +330 168 3 876546439 +330 177 4 876546267 +330 195 3 876546694 +330 197 5 876546071 +330 210 5 876546866 +330 216 5 876546470 +330 238 5 876546323 +330 252 4 876544734 +330 257 5 876544609 +330 293 3 876544311 +330 357 4 876546439 +330 370 4 876545058 +330 432 4 876546753 +330 451 5 876547813 +330 470 5 876546267 +330 501 5 876546719 +330 554 3 876547500 +330 568 5 876546752 +330 651 5 876547311 +330 660 5 876546752 +330 699 5 876547032 +330 729 5 876545721 +330 739 5 876545368 +330 864 4 876544278 +330 866 5 876544998 +330 993 4 876544632 +330 1084 5 876544432 +331 32 4 877196633 +331 124 4 877196174 +331 198 4 877196634 +331 214 3 877196702 +331 221 4 877196308 +331 223 4 877196173 +331 234 4 877196633 +331 238 4 877196383 +331 286 4 877196089 +331 414 4 877196504 +331 475 3 877196173 +331 482 2 877196235 +331 491 3 877196383 +331 682 5 877196820 +331 694 4 877196702 +331 735 4 877196444 +331 958 5 877196504 +331 1141 3 877196504 +331 1194 3 877196444 +332 1 4 887938245 +332 8 5 888360108 +332 11 5 888359882 +332 12 5 888098205 +332 70 2 888360179 +332 105 2 887938631 +332 106 4 887938687 +332 123 4 887916653 +332 159 5 887939071 +332 182 5 888098088 +332 210 5 887938981 +332 227 5 888360371 +332 234 5 888360342 +332 237 5 887916529 +332 252 5 888098524 +332 257 4 887916575 +332 264 3 893027312 +332 273 5 887938277 +332 282 5 887916692 +332 293 4 887916624 +332 298 4 887916575 +332 322 4 887916365 +332 328 5 887916217 +332 333 5 889069499 +332 369 4 887938556 +332 370 2 887938849 +332 405 4 887938503 +332 456 4 887938556 +332 470 5 887939157 +332 597 5 887938486 +332 651 5 888098060 +332 679 5 887939021 +332 746 5 888360129 +332 763 5 887938421 +332 815 4 887938224 +332 824 3 887938818 +332 841 4 887938669 +332 895 5 887916385 +332 931 2 888360532 +332 982 3 887938601 +332 1011 3 887938631 +332 1047 3 887938652 +332 1090 5 888360508 +332 1315 2 887916623 +333 153 4 891045496 +333 168 4 891045496 +333 186 4 891045335 +333 255 3 891045624 +333 294 3 891045496 +333 300 4 891044389 +333 435 4 891045245 +333 513 4 891045496 +334 12 5 891547016 +334 13 3 891545089 +334 28 3 891546373 +334 50 5 891544867 +334 58 4 891546914 +334 61 3 891550409 +334 68 3 891548387 +334 74 2 891549246 +334 83 4 891628832 +334 89 4 891545898 +334 95 3 891548069 +334 98 4 891545793 +334 111 3 891547445 +334 115 5 891545768 +334 125 3 891544925 +334 127 4 891544840 +334 131 4 891547744 +334 151 4 891544925 +334 163 4 891548602 +334 174 4 891546992 +334 175 4 891546257 +334 176 3 891547040 +334 185 4 891545950 +334 197 4 891546181 +334 213 4 891546373 +334 221 5 891544904 +334 228 5 891547894 +334 230 4 891548808 +334 231 2 891549024 +334 235 3 891545293 +334 237 4 891545067 +334 239 3 891546914 +334 265 3 891545876 +334 271 3 891544340 +334 272 4 891544103 +334 277 3 891544904 +334 286 4 891544049 +334 287 3 891545162 +334 288 3 891544209 +334 297 5 891544680 +334 303 4 891544077 +334 305 2 891544135 +334 310 3 891544049 +334 312 2 891544286 +334 315 4 891550535 +334 318 4 891545926 +334 324 4 891628832 +334 328 3 891544311 +334 333 4 891544233 +334 338 1 891544524 +334 345 2 891544177 +334 346 5 891544209 +334 347 3 891547445 +334 371 2 891547283 +334 405 3 891547040 +334 423 5 891545821 +334 425 4 891548835 +334 428 4 891547955 +334 429 4 891546299 +334 430 4 891546206 +334 483 5 891628266 +334 484 5 891545793 +334 485 3 891548224 +334 488 5 891546231 +334 498 4 891545898 +334 500 3 891547334 +334 510 4 891628832 +334 531 5 891545949 +334 553 1 891548866 +334 582 5 891547235 +334 591 4 891544810 +334 606 5 891545793 +334 634 4 891547513 +334 640 4 891548129 +334 642 5 891548436 +334 655 4 891546257 +334 657 4 891545898 +334 678 3 891544446 +334 746 3 891548622 +334 762 3 891545044 +334 855 3 891547513 +334 877 3 891544264 +334 886 4 891544233 +334 902 4 891550520 +334 905 1 891547612 +334 906 5 891544177 +334 936 3 891544764 +334 937 3 891544367 +334 945 4 891545973 +334 955 1 891547563 +334 969 4 891628832 +334 1014 2 891545293 +334 1016 3 891545185 +334 1041 3 891549667 +334 1170 4 891548729 +334 1198 3 891544735 +334 1312 4 891628832 +334 1313 4 891544407 +334 1525 4 893074672 +335 258 1 891566808 +335 300 5 891567029 +335 305 4 891566861 +335 307 5 891566952 +335 313 3 891566808 +335 323 4 891567125 +335 333 4 891566952 +335 342 2 891566976 +335 355 3 891567053 +335 748 2 891567098 +335 902 5 891566808 +336 4 4 877757790 +336 33 3 877756242 +336 41 3 877757477 +336 56 4 877757601 +336 63 2 877757268 +336 70 5 877757910 +336 88 2 877757910 +336 90 5 877757062 +336 94 3 877756890 +336 100 3 877756934 +336 105 4 877755098 +336 111 3 877756999 +336 121 4 877760441 +336 122 5 877757134 +336 125 3 877760032 +336 168 5 877757700 +336 186 4 877757730 +336 237 5 877759598 +336 275 4 877759730 +336 284 4 877759833 +336 288 3 877760521 +336 290 3 877756934 +336 383 1 877758935 +336 388 1 877757418 +336 401 1 877757133 +336 575 3 877757373 +336 732 3 877756356 +336 762 5 877756890 +336 763 3 877756890 +336 765 4 877757516 +336 790 2 877758187 +336 796 3 877758035 +336 859 2 877758103 +336 998 1 877757062 +336 1011 2 877754536 +336 1037 1 877757550 +336 1041 2 877757837 +336 1051 2 877757094 +336 1188 3 877757418 +336 1437 2 877756890 +336 1496 1 877757268 +337 15 5 875185596 +337 125 4 875185574 +337 127 3 875184682 +337 222 5 875185319 +337 250 3 875185219 +337 380 4 875185319 +337 449 4 875185319 +337 471 5 875235809 +337 515 5 875184280 +337 520 5 875236281 +337 636 4 875236281 +337 831 1 875236281 +338 1 3 879438143 +338 52 5 879438690 +338 83 2 879438064 +338 135 5 879438570 +338 175 4 879438762 +338 196 2 879438505 +338 208 3 879438225 +338 213 5 879438250 +338 216 4 879438196 +338 301 4 879437655 +338 427 4 879438419 +338 443 5 879438570 +338 474 4 879438627 +338 490 5 879438275 +338 513 5 879438225 +338 514 5 879438114 +338 607 4 879438225 +338 650 5 879438275 +338 654 5 879438143 +338 708 5 879438627 +339 4 4 891033653 +339 5 3 891034953 +339 22 5 891033735 +339 29 3 891035759 +339 45 5 891033200 +339 50 4 891032576 +339 56 5 891032221 +339 64 5 891033629 +339 69 4 891032633 +339 79 4 891032701 +339 80 3 891035707 +339 86 4 891032221 +339 88 4 891035454 +339 89 5 891033416 +339 91 5 891034282 +339 99 4 891035180 +339 100 5 891032286 +339 117 3 891034152 +339 127 5 891032349 +339 130 4 891034040 +339 134 5 891033044 +339 150 4 891033282 +339 151 4 891033676 +339 157 4 891032379 +339 160 5 891033512 +339 161 3 891034626 +339 179 5 891032793 +339 180 5 891032793 +339 185 4 891032885 +339 186 4 891032255 +339 195 3 891032576 +339 197 5 891033653 +339 199 5 891032576 +339 203 4 891032466 +339 204 3 891033542 +339 208 4 891032827 +339 209 5 891032600 +339 227 2 891035524 +339 233 1 891036503 +339 234 4 891032255 +339 235 3 891036387 +339 257 4 891033710 +339 269 5 891032379 +339 276 4 891032495 +339 317 4 891032542 +339 357 5 891032189 +339 383 1 891036834 +339 403 3 891034510 +339 410 2 891034953 +339 415 3 891035553 +339 423 3 891033602 +339 427 5 891034778 +339 428 5 891032349 +339 433 4 891033542 +339 436 4 891035147 +339 447 4 891034923 +339 451 3 891034151 +339 461 5 891033226 +339 474 4 891032286 +339 483 5 891032121 +339 484 5 891032495 +339 498 4 891033044 +339 508 4 891032189 +339 511 5 891032885 +339 521 4 891032737 +339 527 4 891032793 +339 528 5 891033044 +339 530 5 891032413 +339 566 3 891034717 +339 614 3 891034867 +339 637 4 891035647 +339 640 5 891035035 +339 649 5 891034007 +339 650 4 891032438 +339 663 5 891032952 +339 675 4 891034810 +339 678 2 891036781 +339 702 4 891035850 +339 709 5 891032982 +339 735 4 891034717 +339 737 3 891035180 +339 942 4 891034484 +339 1017 5 891033567 +339 1110 4 891034657 +339 1153 4 891035035 +339 1526 4 891035116 +340 50 4 884990546 +340 88 5 884991584 +340 143 5 884990669 +340 173 5 884990703 +340 199 5 884990988 +340 215 5 884990620 +340 417 5 884991544 +340 486 4 884991083 +340 520 5 884991544 +340 588 5 884991369 +340 662 2 884991584 +340 946 5 884991647 +341 259 3 890758051 +341 358 1 890758050 +341 682 3 890757961 +341 1025 5 890757961 +342 7 4 875318266 +342 8 4 875319597 +342 15 3 875318154 +342 26 2 875320037 +342 28 2 875319383 +342 47 5 874984430 +342 68 3 875319992 +342 111 3 875318267 +342 123 5 874984832 +342 124 4 875318267 +342 125 2 875318585 +342 131 5 875319786 +342 133 4 874984207 +342 135 3 874984395 +342 144 5 875319912 +342 174 2 875319681 +342 193 5 875320199 +342 194 3 875318858 +342 196 3 874984128 +342 197 4 875318988 +342 208 4 874984430 +342 209 5 875319554 +342 223 4 875318907 +342 238 4 875319012 +342 248 3 874984455 +342 282 1 875318366 +342 286 4 874984002 +342 298 3 874984619 +342 301 5 874984045 +342 326 1 874984002 +342 357 3 874984234 +342 367 5 875319967 +342 382 3 875320623 +342 410 3 874984661 +342 423 4 875319436 +342 478 3 875319967 +342 482 5 875318936 +342 535 3 874984727 +342 547 5 875318347 +342 606 5 875318882 +342 656 5 875319151 +342 663 4 875320297 +342 699 4 875319808 +342 727 3 875320082 +342 732 3 875319786 +342 756 3 874984895 +342 789 3 875319412 +342 818 4 875318488 +342 866 1 875318585 +342 873 3 874984068 +342 1008 3 875318669 +342 1014 1 874984531 +342 1103 3 874984395 +342 1167 1 875319854 +342 1170 3 875319659 +342 1315 1 875318742 +342 1528 3 875318585 +343 1 5 876402668 +343 3 4 876406256 +343 11 5 876405172 +343 23 5 876404499 +343 42 4 876404647 +343 57 5 876404426 +343 58 4 876406283 +343 63 4 876406062 +343 66 3 876406421 +343 77 3 876405004 +343 79 4 876406144 +343 83 4 876404957 +343 86 5 876404836 +343 87 4 876404613 +343 89 3 876406006 +343 90 4 876406677 +343 117 2 876403121 +343 137 4 876402941 +343 144 4 876405004 +343 152 4 876404612 +343 153 5 876404539 +343 155 1 876407379 +343 168 4 876404612 +343 169 5 876405172 +343 174 5 876404464 +343 175 5 876405045 +343 177 4 876407252 +343 180 5 876404613 +343 200 2 876404539 +343 229 4 876407340 +343 231 5 876407032 +343 238 4 876404647 +343 241 3 876407291 +343 257 3 876402941 +343 265 2 876406878 +343 277 4 876402978 +343 283 4 876403212 +343 297 5 876403283 +343 302 4 876402390 +343 324 5 876402468 +343 334 5 876402468 +343 357 5 876408139 +343 358 1 876402493 +343 427 5 876405820 +343 449 5 876407138 +343 461 2 876404957 +343 463 4 876404793 +343 471 4 876402941 +343 508 5 876403514 +343 515 4 876402626 +343 521 5 876408138 +343 527 5 876404757 +343 528 3 876405004 +343 530 5 876405633 +343 559 3 876406822 +343 581 4 876405820 +343 614 5 876404689 +343 631 4 876407175 +343 660 3 876405004 +343 703 4 876404426 +343 739 3 876406939 +343 744 4 876402941 +343 786 4 876406181 +343 930 1 876403587 +343 931 3 876403938 +343 943 4 876406552 +343 950 3 876403121 +343 1067 3 876403078 +343 1073 4 876405771 +343 1194 4 876405129 +343 1211 4 876406677 +344 1 3 884899372 +344 7 4 884814668 +344 8 5 889814194 +344 14 5 884814532 +344 70 3 884901561 +344 73 3 884901371 +344 88 3 884901403 +344 89 5 884814479 +344 121 3 884899792 +344 124 5 884899346 +344 129 4 884899346 +344 137 5 884814668 +344 151 5 884899719 +344 174 5 884900993 +344 198 5 884814507 +344 202 4 884901180 +344 210 4 884814401 +344 216 4 884901156 +344 272 5 885769962 +344 275 4 884899397 +344 280 3 884899815 +344 291 3 884899791 +344 298 4 889814571 +344 316 4 889814343 +344 322 2 889814470 +344 357 5 884814432 +344 372 4 884901469 +344 385 2 884901503 +344 405 2 884900353 +344 459 4 884899741 +344 487 5 884900791 +344 509 4 889814195 +344 647 4 884814401 +344 696 3 884900567 +344 708 4 884901561 +344 764 1 886381986 +344 815 2 884900409 +344 844 1 886381985 +344 926 2 886381985 +344 955 4 889814195 +344 972 4 884901503 +344 1014 4 889814600 +344 1142 5 889814518 +345 11 4 884992337 +345 28 3 884916441 +345 43 3 884993890 +345 44 3 884992770 +345 50 5 884992367 +345 56 5 884902317 +345 70 5 884992248 +345 79 4 884992291 +345 111 4 884991244 +345 117 4 884991220 +345 143 5 884992940 +345 148 3 884991303 +345 170 5 884902317 +345 196 5 884902317 +345 223 5 884902317 +345 226 3 884993418 +345 234 4 884991831 +345 239 4 884993485 +345 241 4 884992142 +345 245 2 884901497 +345 278 3 884991505 +345 288 3 884901497 +345 294 3 884901497 +345 298 5 884902339 +345 365 2 884993760 +345 378 4 884993436 +345 381 4 884993505 +345 382 4 884992725 +345 416 4 884992142 +345 433 4 884992142 +345 464 3 884992084 +345 534 4 884994592 +345 568 4 884993047 +345 588 3 884992100 +345 655 4 884991851 +345 696 3 884991267 +345 702 4 884993418 +345 709 4 884993033 +345 736 3 884992897 +345 747 3 884993139 +345 772 4 884993121 +345 955 4 884993932 +345 1008 3 884991267 +345 1012 3 884994606 +345 1023 2 884994658 +345 1053 3 884993903 +345 1096 3 884994682 +345 1117 4 884900810 +345 1221 3 884993703 +345 1226 3 884994592 +346 2 5 875263473 +346 7 2 874947923 +346 11 4 874948174 +346 12 5 874950232 +346 22 5 874948059 +346 29 4 875264137 +346 38 3 874950993 +346 50 5 874947609 +346 54 4 874949217 +346 56 5 874949217 +346 77 4 874950937 +346 89 4 874948513 +346 91 1 874950029 +346 92 4 886274124 +346 98 2 874948173 +346 100 3 874948426 +346 110 2 875266064 +346 117 4 874950054 +346 132 4 875261235 +346 141 4 874950692 +346 147 4 874950172 +346 156 4 874948139 +346 157 3 874950966 +346 168 4 874948252 +346 172 5 874947609 +346 173 3 874948475 +346 180 5 874947958 +346 181 5 874948332 +346 183 4 874948382 +346 184 1 874950463 +346 204 4 874948730 +346 215 3 874948303 +346 250 3 886274255 +346 259 2 886273426 +346 273 4 874948783 +346 276 1 874950029 +346 288 2 886273342 +346 293 3 875000499 +346 300 5 874947380 +346 302 3 877231140 +346 318 5 874948105 +346 325 1 886273717 +346 333 4 886273342 +346 358 4 886273570 +346 363 3 874951062 +346 366 2 874947609 +346 369 3 874948890 +346 375 1 875266176 +346 394 4 874949116 +346 431 5 874950616 +346 470 3 874948513 +346 496 5 875260242 +346 549 4 874950966 +346 550 4 886273914 +346 571 3 875264262 +346 572 5 875266600 +346 576 3 875264945 +346 578 2 874950463 +346 597 3 875003052 +346 616 1 874948890 +346 636 3 874950794 +346 642 3 874949952 +346 712 3 875264985 +346 746 3 874949116 +346 748 4 874947380 +346 802 4 875265236 +346 944 3 874951714 +346 951 2 874950463 +346 959 2 875260577 +346 1025 3 886273570 +346 1135 4 874950993 +346 1228 4 875265825 +346 1231 3 875265106 +347 1 4 881652518 +347 17 4 881654635 +347 28 4 881654612 +347 31 5 881654321 +347 50 5 881652456 +347 68 5 881654825 +347 70 2 881654428 +347 77 5 881654386 +347 97 4 881654101 +347 99 3 881654591 +347 117 5 881652518 +347 118 4 881652710 +347 157 5 881654567 +347 158 3 881654773 +347 163 4 881654801 +347 164 3 881654752 +347 172 5 881653933 +347 176 3 881653866 +347 181 5 881652377 +347 187 5 881653652 +347 226 4 881653890 +347 233 5 881654653 +347 235 2 881653224 +347 240 5 881653300 +347 245 5 881652230 +347 252 2 881653176 +347 258 4 881652077 +347 271 1 881652191 +347 273 5 881652456 +347 276 3 881652657 +347 333 5 881652077 +347 356 5 881654134 +347 371 1 881654715 +347 403 5 881654386 +347 404 4 881654846 +347 432 4 881653973 +347 460 3 881652888 +347 468 2 881654825 +347 470 5 881654301 +347 471 4 881652518 +347 508 3 881652629 +347 544 4 881652862 +347 597 3 881652788 +347 655 5 881653973 +347 692 4 881654679 +347 756 2 881653266 +347 763 5 881652837 +347 820 2 881653340 +347 831 1 881653340 +347 930 2 881653340 +347 982 1 881652709 +347 1012 4 881652590 +347 1016 3 881652730 +347 1039 5 881653830 +348 7 4 886523302 +348 107 4 886523813 +348 111 5 886523330 +348 118 4 886523588 +348 121 5 886523521 +348 123 5 886523361 +348 126 5 886523560 +348 225 3 886523645 +348 291 4 886523790 +348 323 5 886522579 +348 368 3 886523876 +348 409 4 886523710 +348 412 2 886523560 +348 546 3 886523256 +348 756 4 886523735 +348 831 4 886523913 +348 926 3 886523683 +348 934 4 886523839 +348 988 3 886522799 +348 1060 3 886523621 +349 10 5 879465569 +349 15 4 879465785 +349 20 5 879465642 +349 120 3 879466334 +349 121 2 879465712 +349 325 3 879465326 +349 458 4 879465933 +349 471 3 879465535 +349 544 4 879465933 +349 596 2 879465814 +349 1128 3 879466062 +350 50 5 882345502 +350 133 5 882346900 +350 136 5 882347699 +350 172 5 882345823 +350 185 5 882347531 +350 204 4 882346161 +350 210 4 882345918 +350 214 3 882347465 +350 258 3 882347465 +350 265 2 882347466 +350 479 5 882345789 +350 489 4 882347465 +350 515 5 882346756 +351 245 3 879481550 +351 288 3 879481550 +351 289 5 879481613 +351 300 5 879481425 +351 301 3 879481424 +351 311 4 879481589 +351 322 5 879481589 +351 323 5 883356710 +351 326 5 879481589 +351 327 5 883356684 +351 328 4 879481550 +351 341 4 879481425 +351 343 3 883356591 +351 678 4 879481675 +351 689 4 879481386 +351 748 4 879481613 +351 751 4 883356614 +351 880 2 879481460 +351 888 4 879481589 +351 1024 4 879481495 +352 12 4 884290428 +352 17 2 884289728 +352 50 5 884289693 +352 82 3 884290328 +352 89 5 884289693 +352 100 4 884290428 +352 129 5 884290428 +352 172 5 884289759 +352 194 3 884290361 +352 195 4 884289693 +352 228 3 884289729 +352 273 2 884290328 +352 302 4 884289619 +352 385 4 884289760 +352 692 3 884290361 +353 245 4 891402405 +353 258 5 891402757 +353 272 5 891402757 +353 326 2 891402444 +353 328 2 891402259 +353 332 5 891402757 +353 340 4 891401942 +354 7 4 891216607 +354 9 3 891216607 +354 14 4 891216575 +354 20 5 891216498 +354 25 2 891216854 +354 32 3 891217929 +354 50 4 891216498 +354 59 5 891218208 +354 66 2 891307180 +354 88 2 891307206 +354 89 4 891217547 +354 93 4 891216805 +354 98 3 891218312 +354 100 5 891216656 +354 116 5 891216692 +354 135 3 891218230 +354 137 3 891216575 +354 151 3 891218356 +354 154 4 891217897 +354 166 4 891218379 +354 169 3 891217511 +354 173 3 891217394 +354 189 3 891217249 +354 190 4 891217221 +354 193 3 891217782 +354 202 3 891307157 +354 216 3 891217782 +354 251 5 891216691 +354 255 2 891216788 +354 258 4 891180399 +354 272 3 891180399 +354 275 4 891216526 +354 281 1 891216915 +354 287 3 891216854 +354 387 4 891307180 +354 419 4 891217755 +354 421 2 891306852 +354 423 4 891217575 +354 489 4 891217851 +354 507 3 891306892 +354 509 5 891218249 +354 513 5 891217782 +354 515 3 891216526 +354 516 5 891217851 +354 531 4 891217897 +354 558 4 891217082 +354 604 4 891217755 +354 638 4 891217547 +354 650 3 891217693 +354 652 4 891217194 +354 660 3 891218155 +354 661 4 891306946 +354 707 4 891217633 +354 709 5 891217928 +354 753 5 891217482 +354 792 4 891217340 +354 863 3 891306919 +354 889 5 891217966 +354 955 3 891307180 +354 956 4 891218271 +354 958 4 891218271 +354 1017 3 891216896 +354 1063 3 891218230 +354 1065 3 891217512 +354 1085 3 891219432 +354 1119 4 891307114 +354 1137 4 891219376 +354 1194 4 891217429 +354 1197 3 891219490 +354 1511 4 891216575 +355 242 4 879486529 +355 260 4 879485760 +355 264 4 879485760 +355 271 3 879486422 +355 286 5 879485423 +355 358 4 879485523 +355 360 4 879486422 +355 681 4 879485523 +356 286 3 891405721 +356 292 3 891405978 +356 310 3 891405721 +356 315 4 891405619 +356 316 4 891406372 +356 326 4 891406193 +356 331 3 891405619 +356 347 4 891405619 +356 1294 4 891405721 +357 1 5 878951216 +357 10 5 878951831 +357 24 4 878951457 +357 105 4 878952342 +357 111 5 878951784 +357 117 5 878951217 +357 123 4 878951864 +357 147 5 878951457 +357 151 5 878951728 +357 220 5 878951954 +357 245 4 878951101 +357 270 5 878951101 +357 273 5 878951457 +357 274 4 878951784 +357 275 5 878951784 +357 280 5 878951831 +357 471 5 878951498 +357 472 3 878952166 +357 476 3 878951616 +357 546 5 878951729 +357 595 4 878951537 +357 597 4 878952080 +357 744 5 878951653 +357 820 4 878952288 +357 831 3 878952080 +357 1034 2 878952222 +357 1047 4 878951691 +357 1277 5 878951918 +358 127 1 891269117 +358 213 5 891269827 +358 268 3 891269077 +358 318 5 891271063 +358 324 4 891269077 +358 382 2 891269913 +358 511 2 891271035 +358 529 3 891269464 +358 558 4 891269511 +358 582 5 891269723 +358 584 4 891269913 +358 639 4 891269584 +358 666 3 891269992 +358 863 5 891269666 +358 918 1 892731254 +358 1021 5 891269464 +359 7 5 886453325 +359 121 4 886453373 +359 286 5 886453161 +359 298 5 886453354 +359 408 5 886453239 +359 472 4 886453402 +359 546 3 886453373 +359 748 3 886453271 +360 1 3 880354315 +360 10 5 880354624 +360 23 5 880356240 +360 45 4 880355747 +360 50 4 880354149 +360 64 5 880355485 +360 100 5 880354379 +360 124 5 880354215 +360 165 4 880356059 +360 170 5 880355485 +360 174 3 880356240 +360 205 5 880356240 +360 248 4 880354484 +360 271 2 880354839 +360 284 3 880354991 +360 286 5 880353526 +360 304 4 880353660 +360 306 4 880353584 +360 308 4 880353584 +360 326 3 880354094 +360 328 3 880354094 +360 357 5 880355958 +360 405 3 880354347 +360 483 5 880355527 +360 515 4 880354315 +360 582 4 880355594 +360 744 4 880355066 +360 748 2 880354094 +360 845 3 880354942 +360 936 4 880354181 +360 1197 3 880355177 +361 23 5 879441215 +361 53 2 879441351 +361 56 4 879440516 +361 59 4 879440652 +361 60 4 879440605 +361 66 4 879441075 +361 83 3 879440345 +361 86 4 879440941 +361 90 2 879441179 +361 98 5 879441215 +361 129 4 879441285 +361 150 2 879440345 +361 165 5 879440573 +361 170 5 879440605 +361 178 5 879441462 +361 190 5 879440573 +361 204 4 879440516 +361 212 5 879440941 +361 213 5 879440605 +361 237 4 879440740 +361 258 3 879440286 +361 269 4 879441490 +361 274 3 879441034 +361 333 2 879441490 +361 421 3 879440974 +361 430 5 879440475 +361 475 4 879440475 +361 502 4 879440475 +361 504 4 879441215 +361 514 5 879440345 +361 525 4 879441253 +361 639 4 879440652 +361 657 5 879441253 +361 659 5 879441324 +361 673 4 879441286 +361 694 4 879440774 +361 707 4 879440974 +361 737 4 879441179 +361 770 3 879441352 +361 781 2 879441179 +361 813 4 879440475 +361 1103 4 879440386 +362 264 1 885019695 +362 302 5 885019260 +362 322 3 885019651 +362 323 2 885019651 +362 328 2 885019504 +362 350 5 885019537 +362 689 5 885019504 +362 748 1 885019592 +363 1 2 891494563 +363 7 3 891495510 +363 11 5 891494587 +363 29 1 891498365 +363 32 2 891496667 +363 44 3 891496927 +363 54 3 891497440 +363 56 5 891495301 +363 58 3 891494962 +363 68 2 891495809 +363 70 2 891496373 +363 72 1 891496850 +363 77 2 891496587 +363 79 2 891494835 +363 88 2 891498087 +363 98 3 891495402 +363 117 5 891495742 +363 121 2 891497393 +363 137 5 891495742 +363 159 1 891496667 +363 164 2 891496722 +363 171 5 891495849 +363 172 5 891495711 +363 174 4 891495109 +363 179 4 891496373 +363 185 5 891495338 +363 193 3 891494962 +363 200 3 891495918 +363 206 2 891496587 +363 216 3 891495879 +363 222 5 891496513 +363 226 1 891497015 +363 231 1 891497679 +363 250 1 891499468 +363 258 3 891493603 +363 264 3 891494049 +363 271 4 891493840 +363 290 3 891496753 +363 293 4 891499329 +363 298 5 891499411 +363 317 5 891495596 +363 322 2 891493959 +363 333 1 891493634 +363 380 4 891496481 +363 423 3 891495711 +363 428 5 891495742 +363 431 2 891495301 +363 443 4 891500334 +363 444 4 891500406 +363 448 5 891497953 +363 451 2 891497130 +363 469 2 891496077 +363 506 2 891496077 +363 511 4 891495850 +363 518 4 891494835 +363 523 3 891494659 +363 531 4 891495879 +363 537 1 891495402 +363 557 1 891496103 +363 559 3 891496927 +363 566 3 891496439 +363 568 2 891495070 +363 571 1 891498964 +363 572 2 891498469 +363 575 1 891498681 +363 578 4 891497925 +363 590 3 891500527 +363 597 4 891498286 +363 603 4 891495109 +363 625 4 891498038 +363 631 1 891497440 +363 650 2 891495197 +363 651 3 891495682 +363 653 3 891495682 +363 657 5 891494587 +363 678 1 891494012 +363 682 1 891493634 +363 698 2 891495987 +363 699 2 891495850 +363 707 3 891494906 +363 710 5 891495596 +363 742 2 891497076 +363 752 5 891493885 +363 760 1 891499993 +363 774 4 891498835 +363 778 4 891495510 +363 805 4 891497205 +363 831 1 891498469 +363 849 2 891498365 +363 859 4 891500462 +363 895 3 891493840 +363 979 1 891497748 +363 1035 2 891497925 +363 1073 4 891496337 +363 1101 3 891495004 +363 1214 1 891497712 +363 1512 1 891494754 +364 261 2 875931432 +364 262 3 875931432 +364 294 5 875931432 +364 319 3 875931309 +364 875 3 875931585 +364 948 4 875931561 +364 988 2 875931561 +365 100 5 891303901 +365 125 3 891304152 +365 151 4 891304106 +365 222 4 891303950 +365 235 2 891304278 +365 269 4 891303357 +365 271 4 891303408 +365 272 4 891303357 +365 288 5 891303357 +365 294 1 891303614 +365 315 4 891303384 +365 340 5 891303536 +365 342 2 891303614 +365 473 4 891304106 +365 762 4 891304300 +365 895 4 891303515 +365 995 4 891303694 +365 1137 5 891303950 +365 1420 2 891303454 +366 98 5 888857750 +366 217 5 888857990 +366 234 1 888857750 +366 413 4 888857598 +366 445 5 888857932 +366 559 5 888858078 +366 561 5 888858078 +366 671 5 888857990 +367 53 4 876690076 +367 145 3 876690077 +367 176 5 876689738 +367 179 5 876689765 +367 183 5 876689738 +367 218 4 876689962 +367 234 4 876690098 +367 324 5 876689418 +367 333 4 876689501 +367 406 4 876689878 +367 559 4 876690048 +367 561 4 876690048 +367 563 4 876690077 +367 672 4 876689991 +367 769 3 876690077 +367 919 5 876689790 +368 11 4 889783678 +368 56 4 889783407 +368 89 4 889783678 +368 145 2 889783586 +368 181 4 889783678 +368 184 5 889783453 +368 201 5 889783407 +368 217 5 889783562 +368 292 4 889783251 +368 313 5 889783251 +368 561 2 889783617 +368 569 3 889783586 +368 672 2 889783453 +368 774 4 889783562 +369 50 5 889428642 +369 166 4 889428418 +369 168 3 889428494 +369 172 5 889428642 +369 243 3 889428228 +369 268 5 889428642 +369 752 4 889428011 +369 890 3 889428268 +369 919 5 889428642 +370 50 4 879434707 +370 64 4 879434745 +370 98 4 879434937 +370 107 4 879435244 +370 114 3 879434587 +370 135 4 879434746 +370 174 3 879434587 +370 176 4 879435217 +370 183 4 879434937 +370 195 4 879434886 +370 210 3 879434745 +370 285 3 879435193 +370 294 1 879434229 +370 322 3 879434308 +370 323 2 879434333 +370 425 3 879434860 +370 433 3 879434860 +370 435 3 879434999 +370 484 4 879434937 +370 497 3 879434636 +370 514 4 879434969 +370 607 5 879435168 +370 661 5 879435217 +370 678 4 879435369 +370 856 3 879435033 +370 923 4 879435074 +371 22 5 877487134 +371 42 3 880435397 +371 50 4 877486953 +371 64 4 877487052 +371 117 3 877487052 +371 180 4 877487656 +371 186 5 880435288 +371 197 4 877487364 +371 210 4 880435313 +371 234 5 877487691 +371 265 5 880435544 +371 357 5 877487751 +371 393 2 880435397 +371 423 5 880435071 +371 452 2 880435634 +371 523 4 880435210 +371 527 5 877487309 +371 627 4 877487656 +371 655 4 880435238 +372 23 5 876869701 +372 79 5 876869667 +372 100 3 876869388 +372 129 4 876869667 +372 185 5 876869445 +372 262 4 876869066 +372 332 4 876869330 +372 333 5 876869109 +372 447 5 876869445 +372 452 4 876869534 +372 559 4 876869481 +372 628 4 876869915 +372 1109 4 876869818 +372 1273 4 876869957 +373 4 4 877100232 +373 48 5 877098223 +373 64 4 877098643 +373 66 4 877099263 +373 70 4 877099968 +373 71 5 877098891 +373 90 4 877103846 +373 96 4 877098262 +373 110 3 877104086 +373 132 3 877106940 +373 136 4 877099091 +373 142 3 877111362 +373 143 3 877105005 +373 144 3 877098949 +373 155 4 877107235 +373 156 2 877098374 +373 161 4 877105005 +373 162 3 877098568 +373 163 4 877098891 +373 165 5 877100354 +373 173 5 877098751 +373 175 3 877099352 +373 180 3 877098678 +373 181 5 877099178 +373 186 5 877099178 +373 189 5 877100416 +373 191 4 877102549 +373 195 4 877098487 +373 208 4 877106773 +373 209 4 877098437 +373 214 4 877100326 +373 215 4 877099211 +373 217 3 877098821 +373 225 4 877106676 +373 226 3 877107024 +373 265 4 877105901 +373 275 5 877098437 +373 286 3 877098042 +373 366 4 877105857 +373 382 4 877100458 +373 385 3 877099016 +373 392 4 877100061 +373 393 4 877104284 +373 401 4 877106711 +373 403 3 877106741 +373 409 2 877107235 +373 414 3 877104259 +373 417 3 877099092 +373 421 4 877105563 +373 423 2 877103846 +373 432 5 877098949 +373 480 3 877098643 +373 497 3 877099317 +373 499 4 877098643 +373 527 4 877103846 +373 550 3 877105588 +373 553 4 877100267 +373 603 4 877098262 +373 633 4 877098262 +373 648 4 877099048 +373 655 5 877098374 +373 660 4 877105075 +373 715 2 877105075 +373 734 3 877111313 +373 748 4 877098042 +373 756 3 877106900 +373 778 5 877105529 +373 828 3 877111951 +373 949 4 877100016 +373 1078 3 877105451 +373 1087 1 877104086 +373 1110 4 877107379 +373 1113 1 877099968 +373 1133 3 877112076 +373 1147 4 877104115 +373 1188 3 877106597 +373 1228 2 877107379 +374 5 4 880937875 +374 24 3 880393553 +374 48 5 880395426 +374 56 5 880394885 +374 64 5 880396256 +374 69 5 880394840 +374 70 4 880396622 +374 71 5 880396292 +374 77 5 880937779 +374 89 2 880395896 +374 95 4 882158577 +374 97 5 880394571 +374 98 5 880394929 +374 100 5 880392873 +374 106 3 880394088 +374 118 5 880393864 +374 120 3 882158147 +374 123 2 880393511 +374 135 4 882159077 +374 143 2 882159114 +374 144 5 880394716 +374 148 4 880392992 +374 151 3 880393811 +374 161 5 880938965 +374 174 5 880395530 +374 176 4 880937692 +374 183 4 880434204 +374 185 5 880395665 +374 186 5 880395604 +374 197 5 882158940 +374 202 3 880394716 +374 218 4 880396444 +374 226 5 880937876 +374 247 1 880936522 +374 252 3 880394179 +374 254 3 880394000 +374 289 1 880392482 +374 291 3 885107905 +374 318 2 880394886 +374 393 4 880395973 +374 449 4 880938044 +374 458 5 880393710 +374 463 1 880396511 +374 465 5 882158849 +374 466 5 880394929 +374 483 3 880394716 +374 521 4 880395530 +374 550 5 880938965 +374 554 2 880938370 +374 568 5 880396622 +374 620 3 880394088 +374 642 1 880937920 +374 665 4 880939228 +374 696 3 880394233 +374 741 3 880392717 +374 743 1 880394000 +374 763 3 880393754 +374 819 3 882157793 +374 832 1 882157930 +374 844 4 880394000 +374 845 2 883627072 +374 872 5 880392268 +374 924 5 880393095 +374 928 1 880393892 +374 963 5 883629108 +374 974 4 880394331 +374 978 2 880936233 +374 983 2 880936289 +374 1014 1 880394138 +374 1033 4 883628021 +374 1049 1 883628021 +374 1051 4 880394138 +374 1094 4 882158020 +374 1134 4 880392846 +374 1210 4 880938100 +374 1215 1 880936522 +374 1248 3 880938044 +374 1277 3 880394331 +374 1513 2 883961242 +375 5 4 886622066 +375 183 5 886621917 +375 185 5 886621950 +375 288 4 886621795 +375 302 5 886621795 +375 525 4 886621917 +375 770 3 886622131 +375 939 3 886622024 +376 11 4 879454598 +376 111 4 879459115 +376 181 4 879454598 +376 197 4 879454598 +376 198 5 879454598 +376 223 4 879454598 +376 246 3 879459054 +376 268 3 879432976 +376 427 4 879454598 +376 514 4 879434613 +376 663 3 879434750 +376 707 4 879434750 +377 7 4 891299010 +377 98 5 891299009 +377 268 3 891295937 +377 271 4 891295957 +377 316 4 891297001 +377 338 3 891297293 +377 358 3 891297023 +377 508 4 891298549 +378 7 4 880044697 +378 11 3 880046516 +378 15 4 880044312 +378 21 3 880044944 +378 22 5 880045520 +378 28 4 880045989 +378 49 3 880332480 +378 62 4 880333851 +378 68 2 880333446 +378 70 4 882642831 +378 87 4 889665232 +378 91 3 880331510 +378 99 4 880045791 +378 111 3 880044562 +378 117 3 880044419 +378 126 4 880057018 +378 132 4 880046256 +378 143 4 880046022 +378 144 4 880046100 +378 153 4 880055779 +378 157 3 880056104 +378 161 4 880056034 +378 174 4 880045651 +378 176 4 880046362 +378 181 4 880045167 +378 182 4 880055239 +378 195 3 880046516 +378 200 3 880045681 +378 203 4 880055239 +378 210 4 880057137 +378 217 3 880332683 +378 223 4 880045651 +378 226 3 880332831 +378 227 3 880332857 +378 231 3 880333327 +378 234 4 880045652 +378 235 4 880045006 +378 248 3 883835834 +378 257 4 880045207 +378 273 4 880044221 +378 277 4 880044609 +378 280 2 880044489 +378 281 3 880044609 +378 282 4 880044454 +378 285 4 880044312 +378 294 2 880043804 +378 295 3 886614274 +378 300 4 889665232 +378 319 3 884530934 +378 326 3 892382865 +378 365 2 880318158 +378 380 3 880333695 +378 385 4 880056761 +378 387 4 880056452 +378 401 4 880332347 +378 403 4 880046408 +378 404 4 880056034 +378 409 2 880044642 +378 423 4 880056287 +378 450 3 880334476 +378 469 5 880046069 +378 476 3 880044642 +378 485 4 880055921 +378 496 3 880045935 +378 501 4 880055454 +378 517 3 880056384 +378 528 5 880056034 +378 559 4 880056735 +378 572 3 880333995 +378 575 3 880334409 +378 591 4 880044385 +378 619 3 880044879 +378 620 3 880056582 +378 629 5 880056318 +378 631 4 880045652 +378 632 5 880055564 +378 635 2 880333802 +378 651 4 880045681 +378 684 3 880332643 +378 686 4 880056350 +378 692 4 880045580 +378 693 4 880046022 +378 702 4 880056453 +378 703 4 890572396 +378 716 3 880056735 +378 720 2 880056798 +378 724 3 880055520 +378 727 4 880055454 +378 729 4 880046069 +378 732 4 880056034 +378 736 4 889665232 +378 742 4 880044697 +378 744 3 880044609 +378 756 3 880057088 +378 768 4 880333598 +378 778 3 880056073 +378 787 3 880332480 +378 792 4 880046475 +378 796 2 880333626 +378 806 4 880045760 +378 807 3 880334199 +378 845 3 880044419 +378 924 3 880331938 +378 926 1 880318158 +378 959 3 880046408 +378 969 4 880056195 +378 1009 3 880318415 +378 1042 3 880056287 +378 1048 2 880333851 +378 1063 4 880046100 +378 1135 2 880333069 +378 1181 2 880332537 +378 1211 3 880333516 +378 1230 2 880334305 +378 1400 3 880057088 +378 1407 3 880334329 +378 1523 2 880334067 +378 1531 4 880056423 +379 1 4 883156176 +379 9 4 880524886 +379 12 5 880524943 +379 62 2 888646058 +379 64 5 882563520 +379 79 5 880525368 +379 88 4 880525968 +379 89 4 880525424 +379 93 3 885063369 +379 100 5 880524541 +379 124 5 883156810 +379 127 5 880524811 +379 144 5 880525367 +379 153 4 880525284 +379 158 1 885063748 +379 168 4 891674489 +379 172 4 880525400 +379 174 5 880525368 +379 179 5 880525132 +379 187 5 880525031 +379 191 5 880524886 +379 195 3 880525368 +379 200 4 880524582 +379 203 4 880526100 +379 204 5 880525236 +379 205 5 880524973 +379 233 3 880525638 +379 251 5 885063301 +379 271 3 886835602 +379 285 5 880524753 +379 383 2 881000374 +379 385 2 882563616 +379 398 1 880525638 +379 405 3 883156925 +379 427 5 881996665 +379 447 4 880524582 +379 461 4 880525031 +379 511 4 880524811 +379 517 4 888044628 +379 527 3 880524860 +379 528 5 881996665 +379 559 3 880524669 +379 563 2 880962106 +379 568 5 880525566 +379 575 2 882044649 +379 576 4 880525678 +379 622 5 880525839 +379 631 5 880961600 +379 649 4 880525084 +379 659 5 880568307 +379 674 3 880524614 +379 684 4 880525469 +379 701 4 892879481 +379 704 3 880524835 +379 729 4 880961621 +379 736 4 880525945 +379 842 4 880525794 +379 1022 3 892879380 +380 7 3 885478334 +380 12 5 885478218 +380 28 4 885479436 +380 31 1 885479730 +380 38 2 885479537 +380 58 2 885479355 +380 60 4 885478292 +380 61 4 885478193 +380 71 4 885479082 +380 81 3 885478908 +380 95 4 885479274 +380 100 4 885478193 +380 134 3 885478583 +380 139 1 885480414 +380 152 2 885478312 +380 161 2 885480046 +380 163 2 885478539 +380 168 4 885479436 +380 182 3 885478391 +380 183 4 885478192 +380 213 2 885479319 +380 217 2 885480093 +380 286 5 885477802 +380 306 4 885477802 +380 315 4 885477975 +380 340 3 885481179 +380 382 3 885478759 +380 414 2 885480046 +380 416 2 885480239 +380 423 3 885478218 +380 425 4 885479163 +380 435 3 885479124 +380 463 4 885479372 +380 502 1 885480530 +380 506 3 885481179 +380 512 3 885479355 +380 521 2 885479397 +380 529 3 885479235 +380 566 3 885478519 +380 573 1 885480737 +380 614 3 885478845 +380 654 4 885478953 +380 663 4 885478799 +380 664 3 885479415 +380 665 2 885480870 +380 670 1 885480187 +380 699 3 885479186 +380 712 2 885480585 +380 736 4 885478780 +380 750 4 885477859 +380 751 3 885481179 +380 770 3 885480222 +380 956 4 885478271 +380 1045 3 885479799 +380 1065 4 885478519 +380 1113 4 885479730 +380 1404 2 885478646 +381 14 5 892696512 +381 15 2 892697358 +381 16 4 892697266 +381 20 5 892696426 +381 79 3 892695996 +381 89 5 892696426 +381 95 4 892696534 +381 99 5 892696445 +381 102 2 892696130 +381 121 2 892696793 +381 139 3 892697358 +381 150 4 892697542 +381 151 5 892697526 +381 176 4 892696698 +381 214 2 892697338 +381 217 2 892696757 +381 228 4 892697373 +381 259 2 892698054 +381 283 5 892697655 +381 318 5 892696654 +381 344 3 892697905 +381 432 5 892696587 +381 479 5 892696929 +381 487 5 892697083 +381 493 4 892697111 +381 517 4 892696557 +381 526 4 892696831 +381 529 5 892696060 +381 566 2 892696512 +381 607 4 892696130 +381 631 4 892696654 +381 656 4 892696471 +381 657 4 892696831 +381 673 3 892696209 +381 682 2 892697982 +381 693 4 892697280 +381 705 5 892696209 +381 847 4 892697542 +381 898 5 892697869 +381 931 4 892697628 +381 934 2 892697495 +381 961 3 892696616 +381 995 4 892698031 +381 1018 4 892697031 +381 1098 4 892696045 +381 1117 4 892697574 +381 1119 4 892696252 +381 1401 4 892697013 +381 1407 3 892697314 +381 1532 2 892696831 +382 7 2 875945837 +382 14 3 875946055 +382 50 1 875945451 +382 56 5 875946830 +382 100 4 875945812 +382 150 2 875946055 +382 177 4 875947005 +382 180 5 875946830 +382 197 4 875946830 +382 258 2 875945173 +382 332 3 876803039 +382 504 3 875946907 +382 507 4 875946809 +382 511 4 875946730 +382 1381 3 875945757 +383 81 4 891193072 +383 89 3 891193181 +383 100 4 891193016 +383 135 5 891193042 +383 203 5 891193242 +383 223 3 891193137 +383 237 4 891192836 +383 268 5 891192338 +383 272 3 891192158 +383 285 5 891193210 +383 302 4 891192216 +383 315 5 891192158 +383 340 5 891192276 +383 357 5 891193137 +383 427 5 891192748 +383 480 5 891193242 +383 504 4 891193108 +383 517 5 891192748 +383 531 3 891192888 +383 639 4 891193181 +383 654 5 891193016 +383 1063 5 891192888 +384 271 4 891283502 +384 289 5 891283502 +384 300 4 891273809 +384 313 5 891273683 +384 316 5 891274055 +384 328 4 891274091 +384 333 4 891273509 +384 751 4 891274091 +384 878 4 891274962 +384 989 4 891273905 +385 8 5 880870206 +385 18 5 884915008 +385 24 3 879440726 +385 32 5 879442988 +385 50 1 879440127 +385 81 3 879442028 +385 89 4 879441853 +385 111 2 879440267 +385 122 3 883791694 +385 127 4 879439667 +385 131 4 879445754 +385 134 5 879441538 +385 135 3 879444991 +385 136 3 879442402 +385 143 3 879446465 +385 144 3 879443102 +385 145 1 879449745 +385 151 2 879440127 +385 152 3 879445856 +385 160 4 879441572 +385 169 5 880870205 +385 175 4 879441572 +385 185 5 880870205 +385 186 1 879445260 +385 187 4 879441728 +385 191 2 879444597 +385 192 5 884586327 +385 200 3 879446110 +385 208 3 879442360 +385 211 3 879446183 +385 236 2 879439637 +385 238 5 879442085 +385 250 3 879440701 +385 254 1 879453094 +385 256 4 879439728 +385 273 2 879440557 +385 276 3 879440098 +385 305 4 879740222 +385 346 3 883791602 +385 384 1 884118861 +385 425 3 879445724 +385 429 4 879442028 +385 443 3 879445098 +385 444 1 879448994 +385 451 1 879447205 +385 455 4 879440701 +385 461 4 879441942 +385 473 3 879440584 +385 479 5 879441538 +385 482 3 879441728 +385 483 4 879442028 +385 486 2 879442189 +385 487 4 887670073 +385 492 2 879445531 +385 496 2 879441538 +385 498 3 879441942 +385 502 3 879446235 +385 506 2 879445291 +385 507 3 879445631 +385 508 2 879439728 +385 511 4 879441881 +385 525 4 879444685 +385 603 5 880869422 +385 604 4 879442189 +385 616 4 884119121 +385 631 3 879461422 +385 650 5 880870205 +385 653 4 881948265 +385 657 4 879442109 +385 658 2 879445454 +385 659 4 879441942 +385 664 3 879445335 +385 674 3 879447250 +385 675 5 879446952 +385 719 2 879447136 +385 739 1 879448665 +385 745 4 879443352 +385 811 4 879443315 +385 851 5 880870205 +385 865 4 879924267 +385 871 1 879440986 +385 896 5 883869456 +385 900 4 885168653 +385 945 5 879441313 +385 959 3 879446741 +385 961 4 879446868 +385 1007 3 879439949 +385 1012 3 879440211 +385 1066 4 879446591 +385 1097 5 879440158 +385 1103 3 887269178 +385 1121 4 879443315 +385 1128 3 879441662 +385 1131 3 879445587 +385 1143 4 880828451 +385 1154 5 880870205 +385 1158 5 879443150 +385 1159 4 885245956 +385 1160 2 879440211 +385 1286 3 879446952 +385 1428 4 879447181 +385 1462 4 879447555 +385 1524 5 879445662 +386 24 4 877655028 +386 117 5 877655028 +386 222 4 877654961 +386 281 3 877655145 +386 515 5 877654961 +386 685 4 877655085 +386 833 3 877655195 +386 1016 4 877654961 +387 4 3 886482969 +387 8 4 886480108 +387 13 4 886480788 +387 20 4 886480789 +387 23 2 886479528 +387 47 4 886480384 +387 50 5 886480108 +387 61 3 886483565 +387 64 3 886480206 +387 76 3 886484215 +387 79 4 886483049 +387 91 4 886483669 +387 93 5 886480703 +387 96 4 886480447 +387 97 2 886483859 +387 98 4 886480244 +387 99 5 886483620 +387 102 3 886483669 +387 113 4 886479575 +387 114 5 886484336 +387 117 3 886480788 +387 121 2 886481228 +387 123 3 886480970 +387 127 4 886479575 +387 135 5 886480288 +387 147 2 886481073 +387 151 3 886481228 +387 156 5 886484336 +387 161 1 886483252 +387 176 3 886480446 +387 184 3 886481634 +387 190 5 886483150 +387 192 5 886484336 +387 194 3 886480206 +387 195 4 886479528 +387 197 2 886483824 +387 209 5 886480206 +387 215 2 886483906 +387 217 3 886481687 +387 219 2 886481686 +387 222 4 886481073 +387 223 5 886479771 +387 226 3 886483252 +387 228 5 886484336 +387 229 2 886483195 +387 230 3 886483194 +387 233 3 886483151 +387 238 5 886482928 +387 246 3 886480623 +387 250 4 886480970 +387 265 4 886483049 +387 273 4 886481151 +387 277 4 886481033 +387 293 4 886481002 +387 319 1 886484384 +387 320 4 886480325 +387 325 2 886484460 +387 357 5 886479690 +387 403 3 886483099 +387 428 4 886482969 +387 455 4 886481105 +387 463 4 886483526 +387 470 3 886483970 +387 473 4 886481033 +387 496 3 886480515 +387 508 4 886479690 +387 511 3 886483049 +387 515 5 886480755 +387 532 3 886480970 +387 547 4 886484561 +387 549 5 886484012 +387 582 3 886483497 +387 593 3 886480483 +387 603 4 886480548 +387 619 1 886481073 +387 650 2 886480163 +387 659 4 886480325 +387 663 4 886482883 +387 684 3 886483099 +387 715 5 886484157 +387 732 1 886484215 +387 735 2 886484012 +387 737 3 886484098 +387 746 1 886479737 +387 768 1 886483620 +387 769 1 886481851 +387 790 1 886482969 +387 806 1 886483824 +387 952 5 886484561 +387 969 3 886480163 +387 972 2 886483859 +387 1091 1 886483670 +387 1128 4 886481033 +387 1134 1 886481183 +387 1240 5 886483620 +387 1537 4 886480681 +388 111 3 886437163 +388 259 3 886440334 +388 266 5 886439918 +388 298 5 886436582 +388 301 4 886438602 +388 333 5 886439561 +388 569 5 886441248 +388 678 4 886442062 +388 682 4 886439808 +388 742 5 886437163 +388 769 3 886441306 +388 845 4 886437163 +388 895 4 886438540 +389 8 4 880086755 +389 23 4 879991147 +389 25 3 879916170 +389 40 3 880088825 +389 47 4 880086971 +389 50 5 879915780 +389 58 4 880087695 +389 64 4 880087151 +389 69 5 880087345 +389 79 4 879991461 +389 80 3 880614254 +389 81 3 880086972 +389 90 3 880088659 +389 95 3 880165832 +389 105 3 880614316 +389 127 5 879915701 +389 131 3 880087739 +389 132 5 880087544 +389 152 4 880087647 +389 167 3 880089170 +389 168 5 879991434 +389 172 5 879991175 +389 173 3 880087003 +389 174 4 879991115 +389 179 4 879991461 +389 181 4 879915806 +389 185 5 879991434 +389 191 5 880087493 +389 208 5 880087415 +389 210 2 879990996 +389 234 4 879991081 +389 384 2 880089211 +389 393 2 880088717 +389 401 3 880088578 +389 407 1 880614292 +389 410 3 879916238 +389 411 4 880088659 +389 423 5 880087461 +389 435 4 880087073 +389 451 2 880165881 +389 454 2 880086868 +389 467 3 879991512 +389 474 5 879991535 +389 475 5 879915780 +389 480 5 879991175 +389 481 5 879991147 +389 483 5 879991535 +389 484 5 880087073 +389 497 4 879991461 +389 503 3 880087739 +389 510 3 880165367 +389 514 5 879991329 +389 519 4 879991461 +389 525 4 880165277 +389 526 3 880087200 +389 527 3 880086868 +389 531 4 880086918 +389 558 4 879991242 +389 568 3 880087782 +389 602 4 879991081 +389 604 4 879991387 +389 605 5 879991512 +389 610 5 880086972 +389 612 4 879991218 +389 616 4 879991329 +389 630 3 880087389 +389 631 5 880087493 +389 642 4 880087804 +389 693 4 880088038 +389 700 2 881384441 +389 712 3 881384338 +389 739 2 880088229 +389 763 1 879916203 +389 780 3 880614316 +389 954 4 880614031 +389 965 5 880087599 +389 997 3 881384536 +389 1041 3 880088269 +389 1098 4 880087096 +389 1114 2 880614050 +389 1147 4 879991387 +389 1444 3 880088445 +390 1 5 879694066 +390 126 5 879694123 +390 275 5 879694123 +390 277 2 879694123 +390 283 4 879694316 +390 302 5 879693461 +390 319 5 879693561 +390 515 4 879694259 +390 742 4 879694198 +391 8 3 877399030 +391 11 3 877398951 +391 12 5 877399745 +391 31 2 877399659 +391 58 4 877398898 +391 59 5 877399745 +391 60 5 877399746 +391 61 5 877399746 +391 64 5 877399746 +391 69 4 877399618 +391 71 3 877399236 +391 89 3 877399380 +391 132 4 877398951 +391 191 3 877399336 +391 200 5 877399269 +391 205 5 877399337 +391 222 2 877399864 +391 276 3 877399780 +391 282 4 877399894 +391 288 3 877398679 +391 294 2 877398619 +391 318 4 877399030 +391 328 3 877398552 +391 334 5 877399745 +391 421 2 877399269 +391 460 4 877400091 +391 462 4 877399588 +391 480 4 877398991 +391 491 3 877398898 +391 504 5 877398856 +391 508 2 877400037 +391 510 5 877399066 +391 511 5 877398855 +391 544 4 877400092 +391 546 3 877400037 +391 604 4 877399380 +391 646 4 877399066 +391 659 4 877399208 +391 678 2 877398704 +391 774 2 877399541 +391 963 5 877399746 +392 59 4 891039049 +392 99 5 891038433 +392 114 4 891038401 +392 127 5 891038110 +392 134 5 891038371 +392 169 4 891038978 +392 170 5 891039015 +392 172 5 891038401 +392 173 4 891039050 +392 180 5 891038371 +392 199 5 891038466 +392 200 3 891038433 +392 246 5 891038110 +392 248 4 891038205 +392 249 1 891038224 +392 255 3 891038224 +392 268 5 891037385 +392 270 4 891037437 +392 288 4 891037531 +392 289 5 891037769 +392 297 4 891038137 +392 304 4 891037720 +392 324 1 891037720 +392 325 4 891037634 +392 328 3 891037634 +392 344 4 891037490 +392 346 4 891037437 +392 488 4 891038978 +392 491 5 891039049 +392 515 5 891038110 +392 650 5 891038978 +392 813 3 891039015 +392 880 4 891037720 +392 1012 4 891038184 +392 1258 1 891038247 +393 3 3 887745293 +393 4 4 889555384 +393 26 3 887746767 +393 28 4 889554674 +393 29 4 889729398 +393 40 1 889729185 +393 48 2 889728177 +393 56 2 887746015 +393 64 4 887745973 +393 69 4 887745883 +393 72 4 889730045 +393 79 4 887745973 +393 81 2 889728324 +393 85 3 889729375 +393 87 4 889554706 +393 89 3 887745973 +393 90 2 889729938 +393 95 4 889555295 +393 99 3 889727536 +393 108 2 887744658 +393 109 3 887744419 +393 117 4 887745575 +393 138 3 889731793 +393 147 5 887744549 +393 154 2 887746302 +393 161 4 887746883 +393 172 5 887745883 +393 173 5 887745759 +393 186 3 887746734 +393 194 4 887746239 +393 228 3 889728385 +393 237 4 887744328 +393 239 4 889728324 +393 240 2 887745380 +393 243 4 887742916 +393 255 4 887744328 +393 257 4 887744294 +393 270 5 887742040 +393 271 3 887742179 +393 273 3 889727768 +393 274 4 887744549 +393 283 3 887744239 +393 316 5 889554297 +393 317 4 889554707 +393 321 3 887742179 +393 347 4 887742040 +393 356 3 889731088 +393 364 2 889731139 +393 376 4 889730011 +393 391 3 889731703 +393 404 3 889728713 +393 409 4 887745258 +393 410 4 887744419 +393 415 4 889730117 +393 417 3 887746523 +393 418 3 887746207 +393 421 2 889555000 +393 423 3 887746849 +393 443 3 887745624 +393 465 4 887746916 +393 470 4 889554730 +393 473 3 887745135 +393 476 3 887744688 +393 479 4 889555295 +393 480 4 889554756 +393 494 4 889727702 +393 497 4 889555021 +393 540 3 889731753 +393 552 2 889729638 +393 553 3 887747108 +393 559 3 889729614 +393 566 3 887745717 +393 569 4 889728736 +393 571 3 889731793 +393 578 4 889728413 +393 588 4 887746824 +393 622 4 889555074 +393 630 4 889728150 +393 685 3 887744517 +393 717 3 887745086 +393 721 2 889727930 +393 722 2 889728736 +393 727 3 889729614 +393 739 3 887746671 +393 751 2 887741960 +393 761 4 889728667 +393 780 4 889731390 +393 797 3 889731138 +393 802 3 889729420 +393 808 4 889554882 +393 815 4 887744372 +393 821 3 889554756 +393 824 3 889731793 +393 825 4 887745230 +393 826 3 889731729 +393 842 4 889729212 +393 843 3 889731861 +393 845 4 887744202 +393 870 3 887745454 +393 876 3 889554316 +393 905 3 887742851 +393 926 4 887745200 +393 929 3 887745230 +393 951 3 889728531 +393 997 1 889731703 +393 999 4 889730187 +393 1000 3 889731139 +393 1014 3 887745086 +393 1040 3 887745410 +393 1055 4 889728895 +393 1063 4 889554540 +393 1074 3 889730296 +393 1120 3 887745409 +393 1178 3 889729460 +393 1185 3 889728606 +393 1210 3 889731593 +393 1224 3 889555176 +393 1228 3 889728074 +393 1239 3 889729508 +393 1244 3 887745380 +393 1258 3 887744688 +393 1407 3 889731010 +393 1440 3 889731359 +393 1468 4 887746091 +394 1 4 880886855 +394 4 4 880888037 +394 7 5 880888390 +394 31 3 880887152 +394 38 4 881058146 +394 39 4 880888501 +394 50 5 881132876 +394 56 5 880887406 +394 63 4 881059464 +394 72 4 880889629 +394 79 5 880887206 +394 84 4 880889583 +394 98 5 880887088 +394 101 4 880886670 +394 128 3 880888896 +394 132 4 880887000 +394 144 5 880886978 +394 154 3 880887152 +394 156 4 880886855 +394 172 4 880886919 +394 184 3 880889010 +394 195 5 880886919 +394 208 5 880888746 +394 210 4 880888689 +394 222 4 881132876 +394 226 2 880888850 +394 229 3 881132958 +394 233 3 881058062 +394 265 4 880888390 +394 282 3 880888096 +394 288 4 880886919 +394 313 5 883304657 +394 364 3 881059544 +394 383 2 881059704 +394 385 5 880889010 +394 391 4 881058330 +394 402 4 880888775 +394 416 5 880889350 +394 419 5 880887250 +394 433 4 880886919 +394 449 3 881132958 +394 455 4 880889066 +394 540 4 881058330 +394 541 3 880889741 +394 550 4 881058101 +394 554 4 881058101 +394 561 4 881060177 +394 576 2 881058371 +394 597 2 881058201 +394 655 5 880888313 +394 665 2 881130009 +394 679 3 881058062 +394 739 4 880889766 +394 746 2 880888313 +394 763 3 881058929 +394 780 2 881059180 +394 802 1 881058201 +394 1033 3 880889475 +394 1371 2 880886546 +395 97 5 883763800 +395 98 5 883764061 +395 181 5 883764336 +395 210 5 883763136 +395 231 4 883764456 +395 237 4 883764974 +395 240 1 886481149 +395 257 5 883765386 +395 273 2 886481149 +395 313 3 883762135 +395 328 4 883762528 +395 338 4 883762733 +395 342 4 883762414 +395 343 5 883762614 +395 378 5 883764421 +395 596 2 886481149 +396 25 3 884646191 +396 100 2 884646092 +396 222 5 884646152 +396 282 4 884646052 +396 288 3 884645648 +396 300 3 884645550 +396 329 2 884645615 +396 333 4 884645528 +396 405 3 884646314 +396 455 2 884646582 +396 591 3 884646114 +396 595 3 884646467 +396 619 3 884646191 +396 717 3 884646467 +396 742 4 884646346 +396 829 3 884646648 +396 871 2 884646289 +396 1028 3 884646191 +396 1215 2 884646709 +396 1399 3 884645942 +397 22 4 885349476 +397 23 5 885350132 +397 95 4 885349999 +397 127 5 885349427 +397 135 5 885349825 +397 156 5 885350381 +397 171 5 882839540 +397 174 5 885349999 +397 177 5 882843746 +397 197 5 885349825 +397 273 4 889760803 +397 288 4 882839517 +397 302 5 889760703 +397 332 2 882838773 +397 338 4 882839517 +397 340 2 882838664 +397 345 4 889760663 +397 423 5 885349999 +397 435 4 885349376 +397 457 1 875063722 +397 475 4 885350045 +397 483 5 885349715 +397 504 5 885349865 +397 513 5 885349715 +397 588 4 885349528 +397 615 5 885349562 +397 878 1 875063722 +397 896 4 889760725 +398 4 2 875723337 +398 28 5 875660302 +398 49 3 875736199 +398 63 2 875732862 +398 82 5 875721348 +398 85 4 875718731 +398 87 4 875716709 +398 88 4 875733660 +398 94 2 875732304 +398 95 5 875659266 +398 124 5 875717717 +398 125 3 875719764 +398 126 4 875652700 +398 134 3 875658898 +398 154 2 875718614 +398 158 3 875738202 +398 159 3 875717020 +398 163 3 875738333 +398 167 3 875735638 +398 182 4 875657802 +398 197 5 875660226 +398 229 3 875744031 +398 230 3 875908666 +398 239 3 875747539 +398 274 3 875655841 +398 385 3 875723253 +398 435 5 875717106 +398 476 3 875652760 +398 480 5 875658794 +398 485 5 875657857 +398 491 5 875718954 +398 494 3 875813142 +398 497 3 875717407 +398 502 3 875717717 +398 519 4 875723337 +398 525 3 875908134 +398 663 2 875735255 +398 700 2 875736199 +398 710 2 875716830 +398 715 2 875736732 +398 732 4 875719199 +398 735 4 875659266 +398 737 2 875811449 +398 796 3 875732862 +398 953 3 875658968 +398 993 3 875653043 +398 1020 3 875659843 +398 1126 4 875722533 +399 12 3 882509891 +399 26 2 882510126 +399 38 2 882345164 +399 41 2 882348876 +399 43 3 882348664 +399 48 3 882349868 +399 50 3 882343040 +399 53 4 882345271 +399 58 3 882344942 +399 63 3 882348615 +399 64 3 882342313 +399 67 3 882350899 +399 69 3 882342019 +399 77 2 882349094 +399 80 3 882349068 +399 84 2 882345842 +399 91 4 882345023 +399 93 3 882512192 +399 95 3 882343068 +399 97 4 882343204 +399 98 4 882342894 +399 110 2 882343523 +399 117 2 882347620 +399 118 3 882341383 +399 140 4 882343731 +399 143 5 882344638 +399 153 2 882351347 +399 155 2 882348773 +399 156 3 882342537 +399 157 3 882342019 +399 174 3 882342187 +399 180 3 882345001 +399 186 4 882342669 +399 187 3 882346401 +399 188 4 882344310 +399 195 2 882342669 +399 214 4 882344722 +399 226 3 882344406 +399 228 2 882347783 +399 231 3 882350375 +399 234 3 882343294 +399 237 3 882510490 +399 264 3 882340517 +399 265 3 882342776 +399 282 3 882340775 +399 288 3 882340200 +399 301 4 882340242 +399 318 5 882342589 +399 338 1 882509709 +399 364 4 882350813 +399 382 3 882344134 +399 384 2 882345698 +399 386 3 882349353 +399 393 4 882343455 +399 395 3 882350733 +399 405 3 882340599 +399 407 3 882341644 +399 412 2 882352468 +399 413 2 882340900 +399 420 3 882347783 +399 423 3 882344052 +399 431 2 882344906 +399 432 3 882348283 +399 452 3 882350762 +399 471 3 882340719 +399 496 3 882349868 +399 508 3 882509971 +399 546 2 882341383 +399 551 1 882349022 +399 554 3 882348592 +399 559 3 882344096 +399 566 4 882344871 +399 582 3 882343358 +399 587 3 882351626 +399 597 3 882341330 +399 622 4 882343605 +399 633 3 882347019 +399 651 3 882509971 +399 684 3 882344269 +399 710 2 882342537 +399 722 2 882348153 +399 727 4 882344722 +399 735 3 882344512 +399 738 4 882350583 +399 746 5 882342158 +399 747 5 882345053 +399 754 3 882340242 +399 760 1 882341554 +399 781 2 882350617 +399 806 3 882344096 +399 809 3 882352357 +399 825 2 882341586 +399 826 2 882349353 +399 926 2 882348850 +399 928 2 882341586 +399 941 3 882347577 +399 969 3 882346728 +399 975 2 882344974 +399 977 3 882341607 +399 1035 3 882352065 +399 1074 4 882345842 +399 1086 3 882340827 +399 1090 2 882345212 +399 1137 4 882340556 +399 1139 4 882348974 +399 1178 3 882350341 +399 1184 3 882344638 +399 1192 3 882344638 +399 1219 3 882348448 +399 1231 3 882350487 +399 1244 3 882341607 +399 1246 1 882511876 +399 1393 3 882340421 +399 1480 3 882350899 +400 286 4 885676230 +400 288 4 885676365 +400 294 3 885676411 +400 304 4 885676490 +400 306 3 885676230 +400 307 3 885676526 +400 321 4 885676452 +400 323 4 885676582 +400 749 4 885676452 +401 1 2 891032170 +401 9 3 891032218 +401 14 3 891032271 +401 64 3 891032757 +401 69 3 891033417 +401 71 2 891033549 +401 83 4 891033122 +401 97 4 891033582 +401 121 3 891032662 +401 144 5 891033523 +401 147 2 891032662 +401 153 2 891033466 +401 154 1 891033184 +401 157 3 891033582 +401 168 1 891033442 +401 172 3 891032896 +401 194 4 891033395 +401 197 4 891033417 +401 202 4 891033319 +401 235 1 891032474 +401 237 3 891032367 +401 248 3 891032367 +401 272 3 891031508 +401 276 4 891032433 +401 280 2 891032607 +401 282 3 891032584 +401 316 5 891031756 +401 318 4 891032737 +401 321 2 891031554 +401 328 4 891031723 +401 356 4 891033122 +401 357 4 891032896 +401 365 4 891033497 +401 404 2 891033395 +401 430 2 891033582 +401 451 2 891033343 +401 478 2 891033497 +401 481 3 891033014 +401 483 4 891033121 +401 493 4 891033370 +401 509 4 891033582 +401 528 5 891033442 +401 535 2 891032518 +401 553 5 891033523 +401 588 2 891033549 +401 632 4 891033014 +401 651 4 891032919 +401 655 3 891033417 +401 684 4 891033651 +401 707 2 891032868 +401 724 4 891033319 +401 762 2 891032662 +401 815 3 891032662 +401 1011 3 891032367 +401 1016 3 891032607 +401 1289 2 891032495 +402 10 2 876266985 +402 25 4 876266926 +402 32 3 876267235 +402 42 4 876267173 +402 50 4 876266741 +402 96 5 876267234 +402 124 4 876266926 +402 182 5 876266775 +402 222 4 876266948 +402 245 1 876266860 +402 258 4 876266650 +402 273 4 876267014 +402 286 5 876266650 +402 455 3 876266886 +402 475 3 876266741 +402 476 3 876266985 +402 511 5 876266775 +402 515 5 876266860 +402 529 4 876266775 +402 591 4 876267041 +402 696 4 876267014 +402 864 3 876266926 +402 1048 2 876266985 +402 1060 3 876267041 +402 1101 4 876267234 +403 7 5 879785867 +403 117 4 879786112 +403 123 3 879786112 +403 127 4 879786221 +403 148 5 879786351 +403 181 4 879785916 +403 240 1 879786084 +403 274 3 879786661 +403 284 1 879790389 +403 288 4 879785822 +403 370 3 879790344 +403 410 2 879790445 +403 471 5 879785822 +403 546 3 879786221 +403 597 2 879786747 +403 685 4 879786662 +403 748 5 879786406 +403 845 4 879786052 +403 866 4 879786294 +403 925 4 879790468 +403 1012 1 879786190 +403 1047 2 879786381 +404 22 5 883790911 +404 243 3 883790465 +404 258 4 883790181 +404 259 5 883790491 +404 270 4 883790749 +404 289 1 883790492 +404 300 4 883790749 +404 302 4 883790218 +404 328 4 883790749 +404 331 3 883790249 +404 332 4 883790749 +404 342 3 883790750 +404 343 1 883790656 +404 348 3 883790400 +404 678 4 883790400 +404 739 4 883790851 +404 754 3 883790218 +404 879 3 883790465 +404 901 2 883790585 +404 1238 3 883790181 +405 2 1 885547953 +405 5 4 885545070 +405 22 5 885545167 +405 31 1 885548579 +405 39 1 885546155 +405 40 2 885547735 +405 41 1 885547735 +405 49 1 885547407 +405 50 5 885544947 +405 51 1 885546577 +405 52 1 885546379 +405 53 2 885548137 +405 55 1 885547909 +405 57 1 885546577 +405 58 1 885546247 +405 63 3 885547408 +405 66 5 885547268 +405 67 5 885547360 +405 68 1 885547996 +405 70 3 885545912 +405 73 5 885547313 +405 75 2 885546069 +405 76 3 885545606 +405 77 1 885546248 +405 82 4 885547952 +405 85 4 885547407 +405 94 5 885547408 +405 98 4 885544798 +405 132 5 885544698 +405 141 2 885548877 +405 142 1 885549004 +405 149 1 885549746 +405 175 1 885546069 +405 179 1 885546201 +405 183 1 885547909 +405 184 1 885547952 +405 185 4 885544769 +405 189 1 885549192 +405 191 4 885545235 +405 195 5 885544881 +405 197 4 885545167 +405 199 1 885546025 +405 200 2 885548330 +405 207 1 885549543 +405 211 1 885547177 +405 212 1 885546445 +405 215 5 885545263 +405 219 5 885548384 +405 226 2 885547953 +405 227 1 885548049 +405 233 1 885547952 +405 234 5 885548275 +405 239 3 885546112 +405 265 2 885547910 +405 302 4 885544635 +405 308 1 885549942 +405 347 4 885544635 +405 356 5 885545912 +405 364 1 885547766 +405 374 1 885549094 +405 376 5 885547690 +405 379 1 885548475 +405 383 1 885547605 +405 388 4 885547558 +405 391 1 885548137 +405 393 4 885547314 +405 395 3 885547506 +405 397 4 885548094 +405 399 1 885547408 +405 400 1 885549044 +405 403 5 885546445 +405 404 4 885548932 +405 415 2 885549005 +405 416 2 885548932 +405 419 4 885548785 +405 421 1 885549309 +405 423 5 885545306 +405 427 5 885545306 +405 431 3 885547996 +405 452 5 885548434 +405 461 3 885545639 +405 462 2 885549506 +405 463 1 885548836 +405 469 1 885546288 +405 482 3 885544739 +405 504 2 885548579 +405 509 1 885546112 +405 515 1 885546025 +405 517 3 885547177 +405 519 2 885546025 +405 520 2 885546025 +405 523 2 885545975 +405 525 1 885548632 +405 528 1 885546248 +405 536 1 885549746 +405 537 1 885546445 +405 548 1 885549095 +405 549 1 885546336 +405 552 1 885548686 +405 554 1 885548049 +405 555 1 885546835 +405 556 1 885546636 +405 557 1 885549650 +405 559 5 885548330 +405 560 1 885549045 +405 562 1 885548137 +405 567 2 885548474 +405 569 1 885546680 +405 573 3 885548435 +405 574 1 885546724 +405 577 3 885547557 +405 584 1 885548785 +405 585 1 885547447 +405 586 4 885548136 +405 588 2 885548785 +405 603 3 885548578 +405 606 3 885545070 +405 622 1 885548877 +405 624 4 885548836 +405 625 3 885548836 +405 627 1 885548877 +405 643 1 885546336 +405 644 3 885545672 +405 645 1 885546635 +405 648 1 885547124 +405 649 1 885546445 +405 651 5 885545167 +405 653 1 885548579 +405 654 2 885548579 +405 655 5 885545401 +405 661 3 885546025 +405 664 1 885546724 +405 667 1 885548275 +405 669 1 885548435 +405 671 2 885548330 +405 693 2 885546154 +405 702 1 885547407 +405 707 1 885549309 +405 710 4 885547268 +405 712 1 885547506 +405 714 1 885546379 +405 716 1 885547408 +405 720 1 885546487 +405 726 1 885547690 +405 729 4 885545487 +405 732 5 885545456 +405 739 2 885549309 +405 753 1 885549464 +405 761 1 885548049 +405 769 1 885548475 +405 772 1 885546379 +405 776 1 885549094 +405 778 1 885546248 +405 779 1 885548137 +405 780 3 885547691 +405 786 1 885547644 +405 788 1 885548275 +405 791 1 885547605 +405 793 1 885547313 +405 796 3 885547447 +405 798 1 885546724 +405 802 1 885548049 +405 807 1 885546680 +405 810 1 885548094 +405 812 1 885548877 +405 904 1 885549904 +405 939 5 885545200 +405 946 2 885548836 +405 947 1 885548048 +405 949 5 885545702 +405 956 2 885546069 +405 957 1 885549464 +405 969 3 885545015 +405 971 1 885549464 +405 996 1 885547268 +405 999 1 885547557 +405 1018 1 885549589 +405 1031 1 885549045 +405 1032 1 885549044 +405 1042 1 885548671 +405 1053 5 885545456 +405 1063 5 885548785 +405 1066 1 885549111 +405 1074 3 885546636 +405 1078 1 885549004 +405 1099 1 885549588 +405 1104 1 885549408 +405 1108 1 885546069 +405 1110 1 885547644 +405 1111 1 885547360 +405 1112 2 885546530 +405 1119 3 885545306 +405 1139 1 885546859 +405 1146 2 885546724 +405 1148 1 885546680 +405 1159 1 885549407 +405 1166 1 885546025 +405 1168 1 885546725 +405 1179 1 885547690 +405 1182 1 885547557 +405 1184 1 885547996 +405 1193 1 885549506 +405 1200 1 885548785 +405 1206 1 885546530 +405 1209 3 885547645 +405 1210 1 885548670 +405 1221 1 885546155 +405 1222 1 885548049 +405 1224 1 885546487 +405 1225 1 885547176 +405 1231 1 885548136 +405 1239 1 885548163 +405 1240 1 885549192 +405 1249 1 885547408 +405 1253 1 885548671 +405 1265 2 885549942 +405 1267 1 885546379 +405 1268 1 885546636 +405 1274 1 885548137 +405 1290 2 885546379 +405 1307 1 885546529 +405 1346 1 885549790 +405 1359 1 885549790 +405 1384 1 885549746 +405 1391 1 885549789 +405 1399 1 885549942 +405 1400 1 885545975 +405 1404 1 885547360 +405 1408 1 885549094 +405 1422 1 885548632 +405 1425 1 885547557 +405 1437 1 885547557 +405 1439 1 885546724 +405 1442 1 885546835 +405 1444 2 885549005 +405 1468 1 885546287 +405 1470 2 885549045 +405 1471 1 885548670 +405 1474 1 885547645 +405 1478 1 885546636 +405 1479 1 885547735 +405 1484 1 885547690 +405 1517 1 885547735 +405 1518 2 885546577 +405 1522 1 885548670 +405 1530 1 885546835 +405 1539 1 885546724 +405 1547 2 885546288 +405 1549 1 885548671 +405 1553 1 885548632 +405 1558 1 885549506 +405 1559 1 885546577 +405 1560 1 885549635 +405 1566 1 885546248 +405 1568 1 885547222 +405 1569 1 885549505 +405 1571 1 885549463 +405 1575 1 885549407 +405 1576 1 885549464 +405 1579 1 885549408 +405 1580 1 885549543 +405 1583 1 885549543 +405 1585 1 885546487 +405 1587 1 885546529 +405 1588 1 885549789 +405 1589 1 885549745 +405 1590 1 885549789 +405 1592 1 885549903 +406 3 3 879540228 +406 4 2 880131792 +406 7 4 879445684 +406 13 2 879539987 +406 20 3 879446529 +406 22 3 882480671 +406 25 1 879540106 +406 28 3 882461684 +406 30 4 879793235 +406 42 5 879445936 +406 52 5 879793235 +406 63 3 880131821 +406 64 4 879445430 +406 69 4 879446748 +406 71 3 879793081 +406 72 3 880131954 +406 87 3 879445809 +406 89 4 879446361 +406 93 4 879445562 +406 117 4 879539824 +406 125 3 879539987 +406 127 4 879445430 +406 131 2 884630617 +406 133 5 882461684 +406 135 5 879445684 +406 148 3 879540276 +406 168 3 879445642 +406 172 5 879792811 +406 173 2 879446684 +406 174 4 879445809 +406 175 5 879792811 +406 179 5 879446718 +406 183 5 882480567 +406 187 2 879445897 +406 190 5 879793210 +406 198 2 879793179 +406 202 3 880131704 +406 203 4 882480891 +406 204 5 879446718 +406 206 1 879445735 +406 211 5 879445936 +406 212 2 879793210 +406 215 3 884630523 +406 219 3 879792897 +406 222 3 879445735 +406 234 4 879792863 +406 235 4 879540330 +406 240 4 879540078 +406 274 3 879539987 +406 275 3 879446061 +406 276 4 879539824 +406 357 4 879446108 +406 381 3 879793261 +406 404 5 884630554 +406 411 4 879540199 +406 421 4 882480628 +406 427 4 879445897 +406 428 5 879446684 +406 430 4 879445430 +406 431 3 882480710 +406 434 5 879446269 +406 452 2 879793011 +406 453 2 880132319 +406 461 3 879446269 +406 468 1 879446361 +406 474 5 884630554 +406 476 4 879540147 +406 481 3 879446168 +406 498 5 879445378 +406 508 4 879539883 +406 514 1 879445562 +406 515 2 879445378 +406 517 2 880131550 +406 519 4 879445378 +406 520 4 879445735 +406 526 5 882480511 +406 529 2 879446108 +406 543 4 884631010 +406 559 3 879792974 +406 573 3 880132319 +406 589 5 879445474 +406 596 3 879540078 +406 607 4 882480511 +406 624 5 879793112 +406 632 4 879446168 +406 633 5 882461684 +406 634 4 879446361 +406 639 4 879793295 +406 641 5 884630523 +406 652 2 879793179 +406 665 3 879792928 +406 692 3 880131792 +406 693 3 884630583 +406 699 4 884630617 +406 705 4 879445935 +406 712 3 880132091 +406 715 4 880131821 +406 735 3 884630554 +406 737 3 879793376 +406 746 3 880131741 +406 756 3 879540387 +406 769 1 879793011 +406 772 4 882480836 +406 787 3 880132047 +406 813 4 879539824 +406 825 4 879540275 +406 831 2 879540249 +406 919 2 879446684 +406 921 4 879793235 +406 923 3 879446108 +406 945 3 884631010 +406 960 2 879793376 +406 1008 4 879539909 +406 1021 5 879446718 +406 1065 2 882480567 +406 1118 3 880132091 +406 1202 3 879445684 +406 1220 3 882480802 +407 1 4 876338278 +407 2 4 875553509 +407 4 4 876340144 +407 25 3 876339975 +407 28 4 875042826 +407 29 3 876344410 +407 40 1 876338799 +407 56 5 875042569 +407 69 4 875042569 +407 70 4 884197052 +407 88 3 876340144 +407 91 4 875044337 +407 97 4 875116167 +407 99 4 876338883 +407 100 5 875042905 +407 118 3 876338309 +407 123 3 876342671 +407 144 3 876338453 +407 159 3 876338453 +407 172 4 875044037 +407 173 5 875043948 +407 179 3 875046427 +407 180 4 875044597 +407 181 3 875045027 +407 185 5 875044597 +407 197 4 875553731 +407 202 4 876338150 +407 208 4 887832999 +407 218 4 876338946 +407 227 2 875045190 +407 229 3 876338691 +407 230 4 875045371 +407 244 3 884614753 +407 269 3 893081121 +407 289 3 875115339 +407 290 3 875042865 +407 291 4 876348681 +407 313 4 893076947 +407 316 4 887833034 +407 345 4 884614729 +407 357 4 875042569 +407 371 2 875116964 +407 382 3 876342706 +407 385 4 875045658 +407 399 3 876342618 +407 400 1 876348583 +407 403 4 875045658 +407 405 3 876348318 +407 416 3 876348957 +407 423 4 876340001 +407 432 4 875552685 +407 436 3 875045814 +407 447 3 876338249 +407 448 4 875553460 +407 455 3 884201774 +407 483 4 875042642 +407 484 4 875042378 +407 502 2 876338883 +407 510 4 875046752 +407 519 4 875042466 +407 521 3 884201716 +407 525 4 875046427 +407 559 3 875553424 +407 565 3 876348702 +407 629 3 876339975 +407 635 3 876345934 +407 648 3 875552647 +407 660 3 876338986 +407 684 3 875045268 +407 705 4 875116117 +407 712 2 876340043 +407 732 4 876341443 +407 859 3 876348639 +407 869 3 875548522 +407 879 3 878597296 +407 972 3 876340120 +407 993 4 884203128 +407 1012 3 875548480 +407 1044 3 876348639 +407 1118 4 876340043 +407 1188 2 876345492 +407 1230 2 876342822 +408 286 3 889679683 +408 288 4 889679791 +408 300 3 889679857 +408 302 5 889679683 +408 312 3 889680073 +408 315 5 889679715 +408 319 5 889679947 +408 347 3 889679761 +408 358 4 889680045 +408 539 1 889680018 +409 9 4 881107992 +409 12 4 881107056 +409 28 2 881107943 +409 30 4 881108881 +409 58 4 881108170 +409 60 5 881108715 +409 89 5 881107539 +409 97 5 881109216 +409 98 5 881107817 +409 135 5 881107860 +409 153 4 881168603 +409 156 2 881108715 +409 162 4 881109264 +409 166 4 881107992 +409 170 4 881107084 +409 172 5 881107750 +409 173 3 881108246 +409 174 4 881108881 +409 175 4 881107251 +409 191 5 881107817 +409 204 5 881108496 +409 207 3 881108715 +409 210 4 881109175 +409 213 4 881107750 +409 264 1 881105366 +409 276 4 881108455 +409 283 4 881109264 +409 318 4 881107943 +409 321 2 881104837 +409 322 2 881105077 +409 382 4 881108170 +409 427 5 881107251 +409 429 5 881107817 +409 433 4 881108170 +409 461 3 881108364 +409 474 5 881107351 +409 478 4 881107155 +409 481 3 881107602 +409 482 4 881168712 +409 483 4 881107602 +409 484 4 881107310 +409 489 5 881107817 +409 496 5 881107817 +409 514 5 881107310 +409 526 3 881107117 +409 527 4 881109175 +409 609 3 881108829 +409 615 5 881107084 +409 618 4 881107011 +409 631 3 881108077 +409 633 4 881108126 +409 676 2 881108777 +409 709 4 881108496 +409 749 3 881105367 +409 855 4 881108246 +409 877 2 881105366 +409 1065 2 881109264 +409 1097 2 881108829 +409 1194 5 881107750 +409 1379 3 881106451 +409 1393 1 881105367 +409 1524 4 881107666 +409 1537 4 881106605 +409 1593 4 881108971 +410 258 2 888626538 +410 269 5 888627137 +410 289 1 888626819 +410 313 5 888627137 +410 315 4 888627138 +410 328 3 888626786 +410 340 2 888626506 +410 347 1 888626538 +410 538 3 888626710 +410 754 3 888626710 +410 886 2 888627018 +410 898 3 888627138 +411 22 4 891035239 +411 28 4 892845986 +411 38 4 891035405 +411 50 5 892845604 +411 88 3 891035761 +411 161 2 891035761 +411 181 5 892845605 +411 186 5 892845605 +411 195 3 891035239 +411 227 3 891035362 +411 258 4 892845634 +411 265 5 892845604 +411 304 3 891034982 +411 451 4 892845634 +411 527 4 892845926 +411 566 4 892845634 +411 568 4 892845634 +411 655 4 891035639 +411 709 5 892845604 +411 720 3 891035761 +411 732 4 892845634 +411 770 4 892845634 +412 7 5 879717505 +412 56 5 879717071 +412 64 4 879717505 +412 70 4 879717449 +412 96 5 879717286 +412 114 4 879716874 +412 117 4 879717177 +412 154 3 879717071 +412 172 5 879717449 +412 206 2 879717649 +412 276 5 879717572 +412 288 4 879716566 +412 340 4 879716637 +412 408 4 879717016 +412 487 3 879717118 +412 508 4 879716962 +412 526 4 879717572 +412 724 4 879717095 +413 9 4 879969591 +413 15 4 879969709 +413 181 5 879969591 +413 236 4 879969557 +413 245 2 879969027 +413 250 3 879969674 +413 257 4 879969592 +413 269 4 879968793 +413 270 4 879969027 +413 275 5 879969557 +413 284 4 879969709 +413 300 4 879968959 +413 302 2 879968794 +413 326 3 879969027 +413 508 4 879969484 +413 877 3 879969100 +414 258 5 884998953 +414 260 3 884999193 +414 272 5 884998953 +414 300 4 884999066 +414 301 3 884999128 +414 310 4 884998993 +414 346 5 884999037 +414 678 1 884999066 +415 56 5 879439865 +415 180 5 879439791 +415 195 5 879439685 +415 269 4 879439108 +415 323 2 879439205 +415 328 5 879439135 +415 479 4 879439610 +415 480 5 879439960 +415 641 3 879439960 +415 754 4 879439311 +416 1 5 893212483 +416 7 4 876697205 +416 9 5 893212572 +416 10 3 876698364 +416 11 4 876699238 +416 12 5 893212572 +416 13 5 893212623 +416 14 4 876697017 +416 21 3 876697415 +416 24 5 893212730 +416 25 4 876697243 +416 29 2 886318228 +416 36 2 878879809 +416 50 5 893212730 +416 53 2 876699946 +416 55 2 876699102 +416 58 5 893212929 +416 67 4 886318740 +416 70 5 893213019 +416 73 3 876699994 +416 77 4 893142480 +416 81 5 893213405 +416 82 5 893213444 +416 83 5 893213444 +416 85 3 893210246 +416 87 5 893212484 +416 88 3 886316140 +416 93 4 876697105 +416 94 2 886318546 +416 98 5 893213644 +416 105 2 876698430 +416 106 3 876697913 +416 121 5 893213645 +416 123 4 876697205 +416 126 5 893213103 +416 127 5 893213796 +416 140 4 886317030 +416 142 4 886319340 +416 143 5 893213918 +416 144 5 893212730 +416 155 5 893212895 +416 156 5 893212895 +416 158 3 886319235 +416 161 4 886316739 +416 168 5 893212929 +416 176 4 876699652 +416 185 4 876699101 +416 194 5 893214041 +416 195 5 893214128 +416 196 5 893214128 +416 197 5 893213103 +416 199 5 893214225 +416 202 4 876699334 +416 203 3 886316596 +416 204 5 893213404 +416 209 5 893214332 +416 213 5 893213443 +416 217 4 886317880 +416 219 4 876699946 +416 225 1 876697330 +416 237 3 876697330 +416 241 5 893213796 +416 242 4 888819254 +416 245 2 876696788 +416 248 5 893213103 +416 249 3 876697558 +416 251 5 893213405 +416 257 3 876697205 +416 258 5 893213549 +416 259 2 885114559 +416 264 3 876696938 +416 268 4 876696643 +416 275 5 893212484 +416 276 3 876697243 +416 283 5 893213796 +416 286 5 893212929 +416 288 5 893213796 +416 289 3 876696788 +416 297 4 876697448 +416 298 4 876697387 +416 307 1 889907392 +416 312 3 885114480 +416 313 5 893214226 +416 316 3 888700030 +416 317 5 893213444 +416 326 5 893214041 +416 328 5 893213644 +416 329 3 886314592 +416 331 4 890021365 +416 338 3 880159023 +416 339 5 893214225 +416 346 4 886314592 +416 347 4 893214333 +416 354 4 893214333 +416 357 5 893213645 +416 364 2 886319855 +416 366 4 886318128 +416 367 5 893212572 +416 375 1 886319930 +416 385 5 893213103 +416 388 2 886320177 +416 393 4 886316118 +416 396 2 886318587 +416 402 5 893212623 +416 403 5 893212730 +416 416 4 886319038 +416 419 4 892441448 +416 423 4 878880195 +416 432 2 878879861 +416 433 4 886316226 +416 443 5 893213549 +416 448 3 886316797 +416 452 3 886319106 +416 462 5 893212895 +416 468 5 893213549 +416 469 4 893141989 +416 473 2 876697387 +416 480 5 893213918 +416 496 5 893212572 +416 498 4 876699287 +416 501 5 893213918 +416 515 5 893214041 +416 526 5 893214226 +416 531 5 893212572 +416 538 4 885114408 +416 549 4 886316922 +416 554 3 886318394 +416 559 3 886317272 +416 560 3 886319079 +416 564 4 892440782 +416 576 5 893213103 +416 585 1 886318085 +416 588 5 893213644 +416 591 5 893212895 +416 627 5 893213918 +416 628 4 876697283 +416 633 4 876699757 +416 652 4 876699526 +416 658 5 893214226 +416 660 5 893213404 +416 662 4 876699994 +416 678 2 876696788 +416 682 3 877902163 +416 684 5 893213405 +416 685 3 876697955 +416 689 4 885114578 +416 692 5 893212484 +416 696 3 876697524 +416 708 4 889907392 +416 710 4 893142441 +416 712 4 886318795 +416 720 4 886318128 +416 723 4 886318827 +416 739 5 893212896 +416 746 5 893213444 +416 747 5 893212929 +416 748 4 876696687 +416 750 5 893214128 +416 762 3 876697524 +416 763 5 893212623 +416 775 4 893142245 +416 778 3 886316835 +416 783 3 886318768 +416 785 3 888703399 +416 790 4 886318270 +416 795 2 892440060 +416 812 4 893212623 +416 821 4 886317146 +416 824 2 876697592 +416 827 4 878879350 +416 845 4 876697361 +416 864 3 888700529 +416 865 3 886316477 +416 879 3 892439224 +416 915 5 893212483 +416 916 3 893141069 +416 917 4 893214332 +416 918 4 893214332 +416 928 3 878879391 +416 929 4 876698255 +416 930 3 878878814 +416 931 3 886315822 +416 934 2 876698178 +416 937 2 876696823 +416 966 5 893212483 +416 972 4 891476265 +416 980 4 886314987 +416 985 3 876697165 +416 997 3 876699526 +416 1007 5 893213918 +416 1012 4 876697205 +416 1014 3 876697847 +416 1016 5 893213444 +416 1037 2 892440156 +416 1041 3 886319408 +416 1048 3 876698255 +416 1051 3 886319079 +416 1074 5 893213103 +416 1089 2 876697695 +416 1091 3 892441516 +416 1132 2 876697913 +416 1139 3 886318768 +416 1160 4 876697760 +416 1217 4 886319366 +416 1220 3 886318155 +416 1226 3 893013826 +416 1300 3 886315494 +416 1336 1 878879350 +416 1400 4 886317029 +416 1426 5 893212572 +416 1478 2 886319906 +416 1495 3 886318707 +416 1516 5 893213549 +416 1521 3 892440206 +416 1540 4 893142245 +417 1 4 879646413 +417 7 3 879646260 +417 13 2 879646591 +417 15 5 879646166 +417 16 3 879646692 +417 20 2 880949408 +417 24 3 879646531 +417 27 3 879648594 +417 39 3 879648212 +417 50 3 879646123 +417 56 5 879647519 +417 58 3 879647140 +417 62 3 879648939 +417 65 4 879647011 +417 68 3 879647275 +417 69 3 879647471 +417 70 4 879647749 +417 72 4 879649107 +417 73 3 879648343 +417 77 3 879649304 +417 81 5 879647196 +417 89 5 879647604 +417 91 2 879647800 +417 96 3 879646915 +417 97 4 879647326 +417 101 3 879649001 +417 118 4 879646548 +417 123 2 879646500 +417 139 3 879648707 +417 144 3 879647232 +417 145 3 879648979 +417 154 4 879647561 +417 157 4 879647966 +417 167 3 880952355 +417 169 3 879647498 +417 173 5 879647519 +417 174 3 879647498 +417 176 5 879646891 +417 178 3 879646965 +417 181 3 879646286 +417 183 4 879647298 +417 184 4 879647749 +417 186 5 879647118 +417 198 4 879647924 +417 201 4 879648478 +417 206 2 879648778 +417 214 5 879647254 +417 217 4 879648594 +417 218 3 879648184 +417 222 3 879646388 +417 242 3 879645999 +417 245 4 879649779 +417 248 4 879646286 +417 250 4 879646463 +417 255 3 879646327 +417 264 2 879649763 +417 265 3 879648026 +417 270 2 879646036 +417 273 3 879646286 +417 286 5 879646286 +417 288 3 879647749 +417 293 4 879646123 +417 298 3 879646327 +417 323 3 879646820 +417 324 1 879646463 +417 325 2 880949231 +417 326 4 879649669 +417 340 3 880949136 +417 358 2 879649763 +417 367 2 879648898 +417 380 3 879648860 +417 382 2 880949941 +417 384 4 879649284 +417 385 5 879648184 +417 386 3 879648382 +417 388 3 879649178 +417 391 2 879649519 +417 392 3 880950280 +417 395 4 879649199 +417 396 2 879649560 +417 402 4 879648656 +417 404 3 879647947 +417 419 4 879646986 +417 421 4 879647561 +417 422 3 879648212 +417 428 3 879647966 +417 431 4 879647431 +417 441 3 879648611 +417 449 3 880952674 +417 461 3 879647140 +417 472 2 879646369 +417 474 4 879647118 +417 475 4 879646437 +417 483 5 879647355 +417 484 4 879647380 +417 485 3 880949880 +417 508 3 879646123 +417 513 5 879647580 +417 518 5 879647604 +417 550 3 879649178 +417 555 1 879649389 +417 561 3 879648707 +417 562 4 879648955 +417 579 2 879649467 +417 616 2 879648048 +417 625 4 879649064 +417 638 4 879648078 +417 642 5 879647947 +417 655 4 879647900 +417 665 2 880952400 +417 669 2 880953014 +417 674 2 879649560 +417 679 2 879649044 +417 685 1 879646570 +417 692 4 879648132 +417 708 2 879648798 +417 709 3 879647355 +417 715 2 879648656 +417 727 5 879648325 +417 728 3 879648881 +417 746 5 879648048 +417 748 4 879646785 +417 758 2 879649247 +417 764 3 879646677 +417 765 3 879649632 +417 774 4 879648707 +417 778 4 879648742 +417 792 4 879648079 +417 797 3 880952656 +417 800 2 879649467 +417 815 4 879646741 +417 825 4 879646463 +417 855 2 879647450 +417 871 2 886187012 +417 923 3 879647065 +417 928 3 879646821 +417 940 2 879649337 +417 943 3 879648761 +417 944 4 880952141 +417 963 4 879647431 +417 999 3 880952434 +417 1000 4 879648403 +417 1014 4 879646785 +417 1018 3 879649247 +417 1028 3 879646785 +417 1041 3 879648478 +417 1119 3 879648382 +417 1139 3 879649448 +417 1157 4 880952616 +417 1182 3 879648798 +417 1183 4 879648676 +417 1207 3 880952970 +417 1210 2 879649044 +417 1215 2 879646712 +417 1228 2 879649304 +417 1232 2 879649369 +417 1247 3 880953033 +417 1446 3 879648824 +417 1550 3 879648707 +418 258 5 891282551 +418 288 5 891282836 +418 302 2 891282551 +418 315 2 891282521 +418 331 3 891282521 +418 344 1 891282521 +418 899 5 891282706 +419 14 5 879435828 +419 89 3 879435722 +419 134 5 879435722 +419 181 4 879435807 +419 223 4 879435785 +419 257 4 879435503 +419 286 4 879435190 +419 306 5 879435242 +419 478 5 879435785 +419 488 5 879435722 +419 514 4 879435785 +419 617 4 879435628 +420 100 5 891357104 +420 116 4 891357162 +420 137 4 891357104 +420 251 5 891357070 +420 275 5 891357071 +420 288 3 891357271 +420 319 4 891357188 +420 408 4 891356927 +420 475 4 891357162 +420 508 3 891357162 +420 753 5 891356864 +421 4 3 892241624 +421 7 3 892241646 +421 11 2 892241624 +421 12 5 892241458 +421 56 5 892241421 +421 87 4 892241736 +421 89 5 892241362 +421 96 4 892241343 +421 100 4 892241422 +421 117 5 892241624 +421 164 4 892241687 +421 174 5 892241362 +421 175 2 892241576 +421 176 5 892241422 +421 182 5 892241624 +421 185 4 892241422 +421 213 3 892241491 +421 234 5 892241646 +421 238 5 892241576 +421 302 4 892241236 +421 333 4 892241236 +421 448 3 892241687 +421 466 4 892241459 +421 516 5 892241554 +421 517 2 892241491 +421 657 4 892241422 +421 672 3 892241687 +421 674 5 892241687 +421 914 3 892241236 +422 1 3 875130063 +422 15 3 875129882 +422 50 4 875129911 +422 53 4 879744183 +422 93 4 875129882 +422 98 5 879744014 +422 100 4 875129791 +422 124 3 875129839 +422 127 4 875129839 +422 181 4 875129839 +422 201 4 879744014 +422 217 3 879744143 +422 222 4 875130137 +422 235 2 875130173 +422 250 5 875130100 +422 257 4 875129839 +422 270 3 878058917 +422 288 3 875129640 +422 293 3 875130027 +422 307 4 879743925 +422 324 5 875129523 +422 327 3 875129603 +422 334 4 877162682 +422 358 2 875129640 +422 370 2 879744287 +422 410 5 875130230 +422 436 3 879744085 +422 448 4 879744085 +422 458 3 875130173 +422 515 4 875129882 +422 551 2 879744218 +422 558 4 879744085 +422 590 2 879743948 +422 665 5 879744143 +422 682 2 879743787 +422 742 2 875130204 +422 760 3 879744287 +422 1007 4 875129839 +422 1187 4 875130137 +422 1199 3 875129975 +423 9 5 891395395 +423 148 3 891395417 +423 276 5 891395602 +423 302 5 891394595 +423 304 4 891394632 +423 313 4 891394595 +423 326 4 891394874 +423 327 2 891394673 +423 328 1 891394874 +423 333 3 891394747 +423 347 3 891394632 +423 355 3 891395020 +423 546 2 891395684 +423 628 4 891395602 +423 689 4 891395020 +423 690 4 891394832 +423 696 3 891395759 +423 751 3 891394832 +423 754 4 891394832 +423 977 1 891395787 +423 1011 3 891395547 +423 1265 4 891394788 +424 14 4 880859552 +424 127 4 880859493 +424 172 3 880859385 +424 243 4 880859115 +424 275 5 880859410 +424 289 5 880858924 +424 294 5 880858979 +424 323 5 880859084 +424 333 5 880859228 +424 427 4 880859346 +424 683 3 880859084 +424 689 1 880858887 +424 989 2 880859084 +425 7 3 878738290 +425 17 4 878738290 +425 22 3 878738290 +425 32 3 890347138 +425 53 4 878738596 +425 55 4 878737945 +425 68 4 878738386 +425 79 4 878738335 +425 98 4 878738186 +425 127 4 878738290 +425 144 4 878738335 +425 145 3 878738956 +425 147 3 878738643 +425 156 5 878737873 +425 176 3 878738386 +425 177 3 878738290 +425 178 3 878737841 +425 187 3 878738386 +425 198 4 890347247 +425 201 3 878738104 +425 204 4 890347138 +425 207 2 891986445 +425 218 3 878738887 +425 219 2 878738956 +425 222 5 878738486 +425 229 3 878738548 +425 230 4 878738644 +425 232 3 878738548 +425 241 2 878738548 +425 244 1 878739015 +425 252 2 878739054 +425 257 3 878738992 +425 272 4 890346317 +425 286 1 878737511 +425 288 5 878737512 +425 289 1 878737635 +425 298 4 878738992 +425 302 5 878737511 +425 305 3 890346411 +425 307 4 890346411 +425 324 3 878737657 +425 325 3 878737684 +425 327 4 890346659 +425 333 3 890346411 +425 338 1 890346781 +425 340 4 890346264 +425 346 5 890346198 +425 357 5 878737981 +425 358 4 890346630 +425 363 1 878739095 +425 379 2 878738887 +425 445 3 878738887 +425 447 3 878738854 +425 448 2 878738887 +425 452 2 878738956 +425 474 4 890347138 +425 491 2 890347047 +425 515 3 890347138 +425 529 4 890346998 +425 562 1 878738385 +425 566 2 878738695 +425 568 3 878738643 +425 576 3 878738813 +425 583 3 878738245 +425 590 3 878737945 +425 597 1 878739095 +425 636 4 878738596 +425 670 3 878738914 +425 675 3 890347047 +425 678 1 878737593 +425 679 3 878738548 +425 690 1 890346866 +425 751 2 890346264 +425 831 3 878739095 +425 841 1 878738597 +425 853 4 878738853 +425 877 3 890346198 +425 943 4 890347172 +425 1016 3 878739054 +425 1089 2 878739095 +425 1419 3 878738757 +425 1434 4 890346317 +425 1464 2 890346998 +425 1596 2 878738695 +425 1597 3 878738596 +426 98 4 879442737 +426 99 4 879444081 +426 132 4 879442083 +426 134 4 879444787 +426 174 3 879442044 +426 185 5 879445005 +426 191 4 879442128 +426 194 4 879444919 +426 199 5 879442702 +426 204 3 879442128 +426 208 4 879442161 +426 318 5 879442044 +426 332 4 879441781 +426 418 3 879444871 +426 428 2 879444081 +426 435 3 879444604 +426 478 4 879442785 +426 488 5 879442785 +426 490 4 879444853 +426 492 5 879441931 +426 494 3 879442702 +426 505 4 879445005 +426 510 4 879441978 +426 524 4 879442785 +426 525 4 879442227 +426 527 3 879444550 +426 601 3 879444321 +426 605 4 879442083 +426 606 5 879442044 +426 607 4 879444734 +426 610 4 879444550 +426 613 3 879444146 +426 616 4 879444787 +426 651 4 879442702 +426 655 4 879444952 +426 657 5 879442160 +426 673 4 879442227 +426 754 1 879441707 +426 835 3 879444853 +426 836 3 879444117 +426 848 4 879444117 +426 1064 4 879444117 +426 1079 3 879442892 +426 1204 4 879444321 +427 245 5 879701326 +427 263 5 879701253 +427 292 2 879701127 +427 303 5 879701253 +427 359 5 879701253 +427 681 5 879701326 +427 688 5 879701326 +427 874 5 879701326 +427 937 5 879701326 +427 989 5 879701253 +427 1265 5 879701253 +427 1296 5 879701225 +428 243 4 885943713 +428 272 5 885943651 +428 289 4 885943981 +428 300 5 885943713 +428 301 4 885943782 +428 305 3 885944136 +428 312 4 885944005 +428 313 5 885943749 +428 323 3 885943869 +428 329 3 892572335 +428 331 4 885943847 +428 334 4 885943847 +428 338 4 885943818 +428 344 3 892572308 +428 347 4 885943782 +428 350 4 885944005 +428 538 4 885944005 +428 750 5 885943651 +428 877 5 885943685 +428 879 4 885943818 +428 896 4 885943685 +428 908 4 885944024 +428 988 1 885943955 +429 2 3 882387599 +429 3 2 882386785 +429 12 5 882386424 +429 15 5 882386941 +429 22 5 882384744 +429 24 3 882386309 +429 31 3 882386966 +429 32 4 882386309 +429 47 4 882384950 +429 48 3 882384896 +429 55 4 882384847 +429 56 4 882384683 +429 58 4 882385090 +429 62 3 882387350 +429 69 5 882386309 +429 77 3 882385705 +429 81 3 882385243 +429 83 4 882385168 +429 85 4 882387234 +429 89 4 882385168 +429 91 3 882386260 +429 93 4 882385136 +429 95 3 882385012 +429 117 4 882387757 +429 118 3 882386145 +429 124 4 882384821 +429 128 3 882386424 +429 132 3 882385636 +429 134 5 882385728 +429 137 5 882387731 +429 140 1 882386260 +429 143 3 882385829 +429 150 5 882385569 +429 151 5 882386870 +429 153 4 882385090 +429 154 3 882384683 +429 157 4 882384920 +429 159 3 882386051 +429 161 3 882385934 +429 164 4 882385489 +429 165 5 882384821 +429 166 5 882384796 +429 168 5 882387773 +429 170 5 882384526 +429 179 3 882385012 +429 183 4 882385489 +429 184 4 882386260 +429 185 4 882386006 +429 186 4 882385294 +429 188 4 882386566 +429 193 4 882385267 +429 195 4 882385519 +429 201 3 882385399 +429 208 4 882384772 +429 209 4 882384950 +429 211 5 882385090 +429 216 4 882385090 +429 218 3 882387350 +429 223 4 882385034 +429 225 2 882387599 +429 238 5 882384526 +429 248 5 882386870 +429 250 2 882386357 +429 258 4 882386096 +429 264 3 882387551 +429 265 4 882386096 +429 274 3 882386096 +429 275 4 882384603 +429 276 5 882385542 +429 280 2 882387392 +429 282 3 882386983 +429 283 3 882385136 +429 290 3 882386333 +429 291 4 882386309 +429 301 3 882387252 +429 319 3 882387685 +429 356 3 882386942 +429 365 2 882386237 +429 366 3 882387181 +429 367 3 882386485 +429 382 3 882386601 +429 387 4 882386051 +429 392 3 882386051 +429 403 4 882385902 +429 404 4 882386121 +429 415 3 882386785 +429 428 4 882386942 +429 436 4 882386171 +429 441 3 882386848 +429 448 3 882386006 +429 457 1 882384438 +429 475 4 882384579 +429 481 3 882386237 +429 484 5 882384920 +429 485 3 882385210 +429 502 3 882385543 +429 504 3 882385065 +429 505 4 882384821 +429 508 4 882385569 +429 520 3 882384603 +429 531 5 882385729 +429 535 2 882386941 +429 546 3 882387140 +429 549 4 882385749 +429 550 3 882387350 +429 568 3 882385859 +429 569 2 882387506 +429 570 4 882387434 +429 578 3 882386942 +429 581 2 882385684 +429 591 3 882385663 +429 602 5 882386628 +429 611 4 882385593 +429 625 3 882387474 +429 627 2 882387114 +429 629 3 882387163 +429 636 3 882386027 +429 640 3 882386533 +429 652 4 882385118 +429 662 3 882386309 +429 671 3 882385065 +429 673 3 882386485 +429 679 4 882387653 +429 686 2 882385519 +429 692 3 882385118 +429 702 5 882387757 +429 705 4 882384896 +429 732 4 882385882 +429 747 3 882386071 +429 755 3 882387685 +429 761 2 882386711 +429 762 4 882386814 +429 763 4 882387053 +429 768 3 882387551 +429 780 3 882387685 +429 794 3 882385593 +429 805 3 882385963 +429 806 2 882384950 +429 820 3 882387233 +429 826 3 882387139 +429 833 3 882386895 +429 1010 3 882386216 +429 1011 4 882387731 +429 1014 3 882386333 +429 1017 3 882385399 +429 1033 1 882387350 +429 1035 3 882386260 +429 1079 2 882387164 +429 1110 2 882387234 +429 1203 4 882386357 +429 1217 2 882385489 +429 1285 3 882386485 +429 1418 3 882385267 +429 1443 2 882386601 +429 1545 2 882385518 +430 9 3 877225726 +430 12 4 877226164 +430 50 4 877225516 +430 56 4 877226323 +430 98 5 877226365 +430 100 5 877225570 +430 117 3 877225484 +430 124 5 877225726 +430 164 3 877226323 +430 165 4 877226130 +430 221 5 877225547 +430 222 4 877225682 +430 234 4 877226323 +430 237 5 877225965 +430 253 1 877225484 +430 264 2 877225328 +430 273 4 877225894 +430 286 4 877225174 +430 288 4 877225239 +430 293 3 877225865 +430 294 2 877225239 +430 302 4 877225173 +430 436 4 877226365 +430 514 4 877226568 +430 515 4 877225660 +430 547 2 877226365 +430 628 3 877225832 +430 744 3 877225965 +430 1007 3 877225599 +430 1240 3 877226470 +430 1347 5 877226047 +431 245 4 877844489 +431 300 4 877844248 +431 307 3 879038461 +431 322 4 877844559 +431 323 3 877844559 +431 327 3 877844559 +431 358 2 877844489 +431 689 3 881127786 +431 754 3 881127436 +431 879 3 877844489 +431 988 2 877844657 +432 24 1 889416188 +432 100 3 889415895 +432 108 3 889416608 +432 118 4 889416608 +432 121 4 889416312 +432 123 3 889416312 +432 150 5 889415853 +432 151 4 889415895 +432 181 5 889416118 +432 246 4 889415895 +432 250 1 889415895 +432 258 4 889416657 +432 315 5 889415763 +432 322 3 889416657 +432 405 4 889416490 +432 410 4 889415895 +432 508 5 889415853 +432 678 4 889416570 +432 763 5 889416570 +432 844 4 889415947 +432 871 2 889416456 +432 1016 3 889416397 +432 1049 2 889415983 +433 12 5 880585803 +433 59 5 880585730 +433 60 5 880585700 +433 95 3 880585802 +433 174 5 880585730 +433 194 5 880585759 +433 268 3 880585162 +433 294 3 880585271 +433 303 4 880585068 +433 322 2 880585466 +433 333 2 880585133 +433 340 3 880585162 +433 435 4 880585700 +433 474 3 880585759 +433 507 4 880585730 +433 657 5 880585802 +433 682 2 880585431 +433 690 2 880585028 +433 748 4 880585491 +433 754 3 880585162 +433 1005 5 880585730 +433 1598 1 880585865 +434 9 1 886724563 +434 121 4 886724666 +434 125 5 886724708 +434 147 3 886724822 +434 148 3 886724797 +434 220 5 886724873 +434 237 5 886724754 +434 275 3 886724633 +434 347 1 886724329 +434 369 4 886724972 +434 546 5 886725076 +434 756 2 886725027 +434 763 5 886724873 +434 833 4 886724914 +434 844 3 886724505 +434 1051 3 886724453 +434 1095 5 886724940 +434 1152 5 886724633 +435 5 2 884133046 +435 11 5 884131542 +435 12 5 884131434 +435 21 4 884134134 +435 23 4 884132942 +435 24 4 884133084 +435 27 1 884133911 +435 38 2 884133509 +435 40 3 884133544 +435 42 3 884131267 +435 49 4 884132072 +435 50 5 884132515 +435 52 5 884132403 +435 54 4 884132403 +435 62 3 884133657 +435 63 2 884133757 +435 67 4 884132919 +435 72 4 884132809 +435 73 3 884132403 +435 80 2 884133610 +435 82 5 884132100 +435 85 4 884132840 +435 86 4 884131844 +435 89 4 884131489 +435 90 4 884132756 +435 95 3 884131868 +435 109 4 884132297 +435 111 3 884132777 +435 118 2 884132458 +435 121 3 884133284 +435 122 3 884134677 +435 123 2 884133509 +435 128 3 884132184 +435 132 3 884131156 +435 135 3 884131771 +435 136 4 884132434 +435 148 3 884133284 +435 151 3 884132898 +435 153 3 884131243 +435 154 4 884131434 +435 157 4 884132146 +435 161 3 884133710 +435 164 2 884132515 +435 167 3 884133224 +435 168 5 884131515 +435 171 5 884131967 +435 174 5 884131627 +435 175 4 884132588 +435 176 5 884131627 +435 183 5 884132619 +435 184 5 884131771 +435 186 4 884132367 +435 190 4 884132146 +435 196 4 884131597 +435 199 5 884132072 +435 200 5 884131661 +435 204 3 884132366 +435 211 4 884131627 +435 215 2 884131576 +435 216 3 884131118 +435 225 3 884134076 +435 226 4 884133161 +435 228 4 884131157 +435 229 2 884133544 +435 245 2 884130810 +435 246 5 884134345 +435 254 3 884134910 +435 255 3 884134290 +435 257 4 884134363 +435 260 3 884130810 +435 284 2 884132898 +435 290 3 884132484 +435 294 4 884130584 +435 300 2 884130647 +435 313 5 884268770 +435 317 2 884132483 +435 318 5 884131385 +435 327 3 884130765 +435 338 2 887509306 +435 343 5 884130744 +435 351 2 887509368 +435 354 3 889722012 +435 357 4 884131771 +435 367 3 884131741 +435 376 2 884134019 +435 381 4 884133585 +435 382 3 884131949 +435 385 5 884131771 +435 392 3 884131404 +435 402 3 884131996 +435 403 4 884132756 +435 404 2 884132266 +435 410 5 884133733 +435 413 2 884134104 +435 423 2 884131157 +435 433 5 884131243 +435 434 2 884131542 +435 435 3 884132230 +435 436 4 884133691 +435 451 4 884133487 +435 455 3 884132208 +435 465 2 884132515 +435 470 2 884131661 +435 473 3 884133544 +435 474 3 884131085 +435 520 4 884132027 +435 542 1 884133691 +435 546 4 884132942 +435 550 3 884133253 +435 584 3 884132297 +435 587 3 884132403 +435 588 4 884131996 +435 597 3 884133284 +435 616 2 884133284 +435 637 4 884132691 +435 659 4 884131515 +435 672 1 884133253 +435 674 2 884132643 +435 684 4 884131356 +435 697 4 884133372 +435 710 4 884131267 +435 713 5 884131385 +435 715 3 884133635 +435 717 3 884134104 +435 729 2 884133757 +435 732 4 884132341 +435 751 4 884130725 +435 752 3 887509539 +435 762 4 884132840 +435 786 4 884133657 +435 792 4 884131404 +435 797 3 884133872 +435 800 4 884133819 +435 825 3 884133372 +435 826 2 884134713 +435 831 2 884134677 +435 834 5 884134910 +435 841 2 884134553 +435 895 3 884130647 +435 924 3 884132072 +435 929 2 884133635 +435 943 3 884131712 +435 944 2 884133911 +435 961 1 884133635 +435 1039 4 884132755 +435 1044 4 884132515 +435 1074 2 884133415 +435 1103 4 884131627 +435 1109 3 884132643 +435 1128 2 884132027 +435 1133 2 884133224 +435 1204 3 884132100 +435 1228 2 884133972 +435 1231 2 884134019 +435 1401 4 884131868 +435 1419 2 884133785 +436 21 3 887772028 +436 39 3 887769887 +436 90 3 887770266 +436 96 4 887769535 +436 98 4 887769280 +436 102 4 887770588 +436 125 4 887770037 +436 127 5 887769930 +436 159 4 887770192 +436 168 3 887769050 +436 172 3 887768945 +436 179 3 887770015 +436 186 3 887769801 +436 200 3 887769515 +436 215 4 887770457 +436 216 4 887770064 +436 218 4 887771123 +436 219 5 887770064 +436 276 4 887769824 +436 287 4 887770169 +436 288 4 887768445 +436 325 3 887768756 +436 347 4 887768398 +436 381 4 887769209 +436 392 4 887769079 +436 400 3 887771924 +436 447 1 887769444 +436 504 4 887769151 +436 537 4 887769471 +436 553 3 887769777 +436 568 5 887769416 +436 581 4 887772060 +436 595 5 887770731 +436 642 4 887769079 +436 649 5 887771269 +436 708 3 887770457 +436 715 4 887770668 +436 721 3 887770092 +436 723 3 887771853 +436 739 4 887771853 +436 746 5 887770015 +436 761 4 887770693 +436 762 4 887771722 +436 787 5 887770640 +436 794 4 887771123 +436 821 4 887769733 +436 895 4 887768717 +436 1061 3 887771997 +436 1119 4 887769368 +436 1135 4 887771022 +436 1178 3 887771825 +436 1468 5 887770668 +437 5 2 880143663 +437 11 1 880139951 +437 12 5 880382685 +437 42 3 880141129 +437 47 4 880140534 +437 50 5 881000958 +437 51 1 880382644 +437 56 4 880140325 +437 58 4 880141243 +437 65 4 880140787 +437 69 2 880140501 +437 70 3 881002161 +437 83 4 880140325 +437 88 3 880143140 +437 89 2 880140101 +437 91 3 880143315 +437 95 4 880143315 +437 97 3 880141286 +437 98 5 880141962 +437 99 4 881001946 +437 116 3 880139997 +437 124 5 880140101 +437 131 5 880140787 +437 132 5 880141962 +437 133 5 880140122 +437 134 5 880139951 +437 137 5 880140221 +437 144 2 880141196 +437 151 5 881002374 +437 154 4 880141129 +437 155 3 880143189 +437 162 4 880141129 +437 166 4 880140398 +437 168 3 881002161 +437 179 4 881002345 +437 181 4 880140466 +437 183 3 880140892 +437 191 4 880140726 +437 208 5 880139997 +437 211 4 880140100 +437 212 3 880141402 +437 213 4 881000931 +437 214 4 880141041 +437 216 5 880141041 +437 217 3 880143695 +437 218 2 880142830 +437 229 3 880142942 +437 234 4 880142851 +437 244 3 881001270 +437 254 3 881002300 +437 276 5 880141618 +437 281 1 881001148 +437 283 1 880141716 +437 287 2 881000931 +437 288 2 880139533 +437 301 3 881002067 +437 381 5 880142426 +437 387 2 880140726 +437 393 3 880382747 +437 404 5 880141374 +437 421 4 881001983 +437 423 5 880141196 +437 433 3 880140369 +437 447 4 880143663 +437 463 5 880141008 +437 466 2 881001121 +437 473 5 881001888 +437 479 5 880141335 +437 480 4 881002345 +437 483 5 880141962 +437 484 4 880140051 +437 485 4 880140854 +437 497 5 880140192 +437 501 4 880143315 +437 512 4 880140978 +437 517 4 880140927 +437 518 2 880143809 +437 566 3 881002161 +437 581 1 880143010 +437 582 5 880140855 +437 607 5 880140892 +437 642 1 880141441 +437 651 4 881002345 +437 654 5 880141041 +437 657 5 881001888 +437 658 4 880141335 +437 660 4 880141441 +437 663 5 880141084 +437 672 1 881002300 +437 674 3 880143714 +437 683 2 881001121 +437 684 3 880382747 +437 710 4 880140822 +437 727 3 881001576 +437 730 3 880141374 +437 732 4 880143167 +437 736 5 881001888 +437 737 1 880142614 +437 746 4 880141335 +437 747 4 880143167 +437 748 4 880139631 +437 753 4 880140927 +437 770 3 881001208 +437 778 3 881002092 +437 781 4 880143263 +437 794 4 880143243 +437 969 4 881001888 +437 1007 5 881002374 +437 1039 2 880140101 +437 1075 4 881002374 +437 1090 1 880143092 +437 1134 4 880141008 +437 1148 4 881001983 +437 1161 4 880141770 +437 1211 4 881001208 +438 9 4 879868005 +438 100 4 879868024 +438 118 4 879868529 +438 121 5 879868328 +438 181 4 879868005 +438 220 4 879868328 +438 237 5 879868278 +438 255 4 879868242 +438 269 4 879867960 +438 280 5 879868423 +438 286 2 879867960 +438 321 5 879867960 +438 471 4 879868184 +438 845 4 879868042 +438 866 5 879868529 +439 93 4 882893737 +439 147 4 882893737 +439 237 5 882893220 +439 242 5 882892424 +439 246 4 882892755 +439 257 4 882893737 +439 273 2 882892675 +439 282 3 882893859 +439 285 5 882893220 +439 288 3 882892424 +439 300 4 882892424 +439 405 4 882893323 +439 475 3 882893220 +439 895 3 882892424 +439 1048 4 882893602 +440 86 5 891577919 +440 171 5 891577871 +440 243 1 891577504 +440 271 5 891550404 +440 283 5 891577894 +440 319 2 891549397 +440 323 1 891577504 +440 328 3 891546895 +440 512 3 891578059 +440 515 4 891578301 +440 582 3 891577919 +440 751 3 891549397 +440 921 5 891578264 +440 937 5 891548567 +440 971 5 891577871 +440 1073 4 891577814 +440 1191 5 891550404 +440 1504 4 891578226 +440 1591 5 891548567 +441 1 5 891035468 +441 9 4 891035528 +441 15 3 891035699 +441 25 3 891036306 +441 117 4 891035489 +441 259 3 891035211 +441 288 2 891035056 +441 405 3 891035507 +441 683 2 891035350 +441 751 4 891035247 +442 12 4 883390912 +442 17 4 883388535 +442 22 2 883390813 +442 26 3 883388576 +442 42 4 883388401 +442 44 2 883391146 +442 53 3 883390048 +442 56 5 883388237 +442 67 3 883389028 +442 79 3 883390366 +442 82 3 883390497 +442 100 2 883388325 +442 156 4 883391221 +442 159 4 883391299 +442 161 3 883390497 +442 168 4 883388325 +442 177 4 883390366 +442 184 2 883390083 +442 186 4 883388429 +442 203 3 883391146 +442 210 3 883388609 +442 226 3 883390416 +442 230 3 883390466 +442 273 4 883390328 +442 276 4 883391027 +442 281 3 883391299 +442 286 2 883388031 +442 318 4 883391046 +442 342 2 883388147 +442 350 2 883387916 +442 403 4 883390466 +442 482 3 883389747 +442 508 3 883388283 +442 546 3 883390574 +442 550 2 883390466 +442 569 2 883390140 +442 591 3 883391221 +442 628 4 883391221 +442 635 4 883389380 +442 665 2 883390139 +442 672 3 883390048 +442 684 3 883391221 +442 685 2 883390703 +442 695 5 883387935 +442 710 5 883388576 +442 780 3 883388986 +442 800 3 883390139 +442 810 2 883390674 +442 834 2 883389337 +442 873 2 883388120 +442 943 4 883391221 +442 975 3 883391377 +442 1067 3 883388576 +442 1098 4 883388237 +442 1183 3 883390674 +443 258 5 883504617 +443 271 4 883504682 +443 286 5 883504521 +443 323 2 883504866 +443 327 4 883504593 +443 644 3 883505465 +443 678 2 883504818 +444 100 5 890247385 +444 251 5 890247385 +444 271 3 891979403 +444 275 4 891979402 +444 300 4 891979402 +444 313 4 890246940 +444 515 4 891979402 +444 678 3 891979403 +444 912 4 891978663 +444 916 3 891979403 +444 1483 2 891978807 +445 23 3 890987465 +445 28 4 890987772 +445 50 2 891199715 +445 64 2 890987771 +445 87 3 890988205 +445 117 1 891199821 +445 121 1 891200233 +445 147 2 891199974 +445 150 2 890987617 +445 174 4 891200869 +445 209 4 891200869 +445 221 1 891200203 +445 235 1 891200272 +445 246 1 891199682 +445 248 1 891199774 +445 276 3 891199869 +445 291 2 891200233 +445 293 3 891199945 +445 295 1 891199843 +445 310 1 891199331 +445 313 2 890988206 +445 324 1 891199297 +445 325 1 891199533 +445 346 5 891200869 +445 405 4 891200869 +445 475 5 891200869 +445 479 3 890988206 +445 480 3 890988206 +445 504 3 890988206 +445 544 2 891200417 +445 595 2 891200624 +445 603 3 890988205 +445 742 1 891200078 +445 748 1 891199458 +445 829 1 891200624 +445 831 1 891200447 +445 844 2 891200138 +445 845 2 891200320 +445 871 2 891200592 +445 881 1 891199510 +445 886 3 891035539 +445 895 2 891035897 +445 908 1 891199331 +445 959 5 891200869 +445 1010 1 891200506 +445 1187 3 891200137 +445 1252 1 891199749 +445 1277 2 891200736 +445 1528 2 891200355 +445 1601 1 891199533 +446 269 4 879787730 +446 270 4 879786892 +446 286 3 879787730 +446 288 2 879786838 +446 292 5 879786838 +446 294 1 879786984 +446 301 3 879786838 +446 302 4 879787730 +446 303 2 879787859 +446 311 2 879787858 +446 326 2 879786943 +446 327 2 879787858 +446 328 3 879786984 +446 334 3 879787149 +446 359 3 879787226 +446 688 2 879786985 +446 690 2 879786892 +446 748 2 879787149 +446 754 3 879787858 +446 880 2 879786943 +446 883 3 879786837 +446 887 4 879786943 +446 888 1 879787859 +447 1 3 878854273 +447 5 3 878856422 +447 7 5 878854383 +447 9 2 878854195 +447 17 3 878856110 +447 31 4 878856526 +447 65 3 878856422 +447 85 4 878856526 +447 89 5 878855723 +447 91 4 878856549 +447 111 3 878854954 +447 117 4 878854630 +447 133 4 878856052 +447 135 5 878855989 +447 147 4 878854678 +447 150 4 878854438 +447 151 3 878854520 +447 153 4 878855756 +447 157 4 878856290 +447 158 3 878856262 +447 174 5 878856052 +447 176 4 878856148 +447 180 5 878855989 +447 183 5 878856394 +447 204 4 878856458 +447 206 4 878856209 +447 231 2 878856394 +447 248 5 878854383 +447 252 3 878854975 +447 258 5 878853977 +447 281 3 878854857 +447 286 2 878855082 +447 288 4 878855082 +447 300 4 878854011 +447 405 2 878854704 +447 435 4 878855756 +447 447 3 878855724 +447 470 4 878856208 +447 483 5 878855818 +447 484 5 878856457 +447 591 4 878855139 +447 597 3 878855021 +447 642 4 878855819 +447 678 3 878854056 +447 742 3 878854658 +447 748 1 878854056 +447 760 4 878854838 +447 845 3 878854678 +447 926 3 878854438 +447 963 5 878855963 +447 981 2 878855139 +447 1028 3 878855139 +447 1046 3 878856602 +447 1132 3 878855164 +448 268 3 891888367 +448 269 5 891887338 +448 292 4 891888178 +448 303 4 891887161 +448 304 3 891888137 +448 305 4 891888509 +448 316 1 891887337 +448 321 4 891888509 +448 333 2 891887161 +448 338 1 891888712 +448 340 4 891888137 +448 750 5 891888099 +448 884 4 891889281 +448 887 2 891888042 +448 896 5 891887216 +448 900 3 891887393 +448 902 4 891888779 +448 1176 2 891887393 +448 1602 4 891888042 +449 9 4 879958624 +449 15 4 879958866 +449 59 5 880410599 +449 61 5 880410700 +449 100 5 879958664 +449 105 1 879959573 +449 117 3 879958624 +449 118 1 879959573 +449 122 1 879959573 +449 127 5 879958572 +449 170 4 880410652 +449 171 4 880410599 +449 179 4 880410674 +449 212 5 880410624 +449 224 4 879958758 +449 244 4 879959152 +449 269 5 879958444 +449 273 4 879959003 +449 276 5 879958705 +449 293 4 879958803 +449 310 3 880410951 +449 410 3 879959134 +449 459 4 879958803 +449 473 3 879958866 +449 546 2 879959573 +449 558 4 880410599 +449 702 5 880410778 +449 748 2 879959273 +449 753 5 880410700 +449 983 2 879959331 +449 1006 4 880410701 +449 1195 5 880410754 +449 1318 2 879959573 +449 1367 4 879958976 +449 1372 4 880410834 +449 1404 5 880410801 +450 1 4 887835272 +450 4 3 882373865 +450 7 4 882376885 +450 10 4 882398567 +450 12 4 882373231 +450 13 3 882373297 +450 15 3 882812350 +450 29 3 887661438 +450 35 2 882468790 +450 39 4 882376282 +450 49 5 882469728 +450 54 4 887138820 +450 56 4 882371645 +450 60 3 882472089 +450 65 3 882376885 +450 66 4 882398770 +450 70 4 882374497 +450 77 4 887139143 +450 80 3 882471737 +450 81 4 882376188 +450 89 5 882371311 +450 92 4 887660650 +450 94 4 882468239 +450 95 3 882395167 +450 99 4 882376803 +450 101 5 882399359 +450 110 4 882469250 +450 121 3 882395537 +450 123 2 882373464 +450 127 5 882373155 +450 131 4 882377861 +450 132 5 882374422 +450 134 3 882373597 +450 135 3 882373231 +450 136 5 882812349 +450 139 5 882812558 +450 145 3 887661438 +450 152 5 882395052 +450 153 5 882374422 +450 154 3 882377590 +450 155 4 882396564 +450 157 3 882394180 +450 158 3 882471524 +450 164 4 882396050 +450 174 5 882374422 +450 176 4 882373088 +450 177 4 887136369 +450 192 4 882467868 +450 193 5 882372027 +450 195 4 882371826 +450 199 5 882371732 +450 200 3 882376188 +450 203 4 882396799 +450 204 4 882377590 +450 205 4 882373531 +450 207 4 882374497 +450 208 5 882377358 +450 211 5 882373865 +450 222 3 882395778 +450 225 4 887662002 +450 227 3 882398313 +450 231 3 887662002 +450 237 5 887660650 +450 238 5 882396928 +450 241 4 882376658 +450 245 4 892141986 +450 258 4 882216108 +450 270 4 882216108 +450 272 5 886449009 +450 275 4 882372178 +450 281 4 882399664 +450 282 5 882377653 +450 283 3 887661961 +450 288 3 884097913 +450 290 4 882399509 +450 294 4 882370316 +450 299 2 889568793 +450 301 4 882216475 +450 302 5 882215617 +450 304 4 882216108 +450 305 4 885944806 +450 311 4 885945425 +450 312 4 882812205 +450 313 5 882811655 +450 315 4 884098435 +450 340 4 882216178 +450 354 4 892141784 +450 357 5 882373531 +450 367 3 882376282 +450 371 3 887661961 +450 378 5 882373995 +450 381 2 882374497 +450 382 3 882377479 +450 383 2 882468790 +450 385 4 882396489 +450 395 3 882470642 +450 400 3 882468790 +450 401 3 882397224 +450 402 4 882395662 +450 414 3 882396564 +450 418 4 882395914 +450 419 5 887660504 +450 428 4 887660722 +450 430 4 882377590 +450 433 3 882469061 +450 434 3 882372027 +450 451 4 882398220 +450 465 4 887834823 +450 468 4 882376803 +450 469 4 882396153 +450 472 4 882397813 +450 474 5 882812558 +450 477 4 887660762 +450 478 5 887835272 +450 482 5 882371904 +450 484 3 887662002 +450 488 4 882371415 +450 490 5 882373786 +450 493 4 887660722 +450 494 3 882373385 +450 495 4 882395052 +450 502 5 882469061 +450 506 5 882373088 +450 507 5 882373020 +450 509 4 882398567 +450 510 4 887660722 +450 514 5 882468931 +450 518 4 882374134 +450 520 5 887136083 +450 523 5 882371904 +450 525 3 882467271 +450 526 4 882396245 +450 549 3 882377358 +450 550 4 882473915 +450 553 2 882373928 +450 558 3 882396050 +450 559 3 882376446 +450 582 4 882394097 +450 589 3 882813241 +450 591 4 887660762 +450 604 4 882373231 +450 607 5 887135753 +450 610 4 882371904 +450 611 5 887135833 +450 612 4 882396564 +450 613 4 887660650 +450 614 4 882377479 +450 629 4 882397940 +450 632 5 882395914 +450 637 4 882395662 +450 642 4 882397939 +450 647 4 887136622 +450 650 4 882376446 +450 660 4 887660762 +450 663 4 882373019 +450 673 3 882396928 +450 685 4 882374134 +450 686 4 882473826 +450 689 3 882216026 +450 692 4 882373724 +450 700 1 882469863 +450 707 5 882373786 +450 708 4 882397049 +450 710 3 882468931 +450 712 3 882470642 +450 714 4 882472144 +450 723 3 882399818 +450 728 3 887834953 +450 729 4 887139517 +450 735 4 882377590 +450 736 5 882395167 +450 742 4 882396564 +450 747 4 882395166 +450 751 5 885945114 +450 765 3 882471362 +450 771 3 887835478 +450 774 4 882399818 +450 775 4 882469432 +450 778 3 887834953 +450 790 2 882374332 +450 792 4 882396050 +450 815 3 882396153 +450 837 4 887835478 +450 842 4 882376446 +450 847 4 882376188 +450 865 4 887136139 +450 873 3 882216475 +450 878 2 884098534 +450 904 5 889568507 +450 905 5 885945656 +450 921 4 882372178 +450 923 5 886612198 +450 928 3 882397813 +450 940 2 882471737 +450 967 5 882373994 +450 1020 4 882376365 +450 1030 1 882468789 +450 1033 3 882468401 +450 1039 5 887137271 +450 1041 4 882469432 +450 1044 4 887139844 +450 1047 4 882469941 +450 1050 4 882812349 +450 1054 2 882812495 +450 1092 3 882469627 +450 1140 2 882471362 +450 1152 5 882812558 +450 1172 5 882373231 +450 1184 1 882397049 +450 1192 5 887137066 +450 1203 3 882373723 +450 1221 5 887660722 +450 1222 3 887834953 +450 1261 4 882472964 +450 1286 3 882377479 +450 1401 4 882372103 +450 1402 2 882473230 +450 1425 4 882471737 +450 1446 4 882812558 +450 1479 3 882377479 +450 1603 3 887139728 +451 242 1 879012857 +451 243 4 879012510 +451 260 5 879012580 +451 262 1 879012647 +451 263 2 879012811 +451 264 3 879012604 +451 270 4 879012684 +451 288 5 879012470 +451 292 3 879012684 +451 299 1 879012721 +451 303 2 879012648 +451 308 1 879012890 +451 319 2 879012510 +451 322 4 879012510 +451 331 5 879012431 +451 332 4 879012342 +451 336 4 879012811 +451 337 2 879012857 +451 360 3 879012858 +451 457 2 879012890 +451 682 4 879012580 +451 683 1 879012470 +451 687 2 879012510 +451 688 1 879012811 +451 690 4 879012382 +451 749 3 879012773 +451 875 2 879012721 +451 881 4 879012721 +451 883 1 879012858 +451 937 4 879012684 +451 984 4 879012647 +451 989 1 879012857 +451 995 1 879012721 +451 1025 3 879012773 +451 1026 1 879012773 +451 1296 3 879012685 +451 1392 1 879012812 +451 1393 2 879012812 +451 1394 1 879012858 +452 8 4 875266060 +452 14 3 888568076 +452 27 5 885816916 +452 60 1 887718917 +452 61 1 887718917 +452 64 4 875266518 +452 69 5 875275699 +452 79 4 875269386 +452 89 5 875263413 +452 96 2 875275699 +452 97 4 885476560 +452 99 3 875562410 +452 111 3 886061565 +452 121 5 885816916 +452 143 3 885805093 +452 161 5 885816915 +452 162 3 875277319 +452 168 4 888568251 +452 170 4 875261261 +452 171 4 875277472 +452 173 4 875261350 +452 174 4 875263413 +452 185 5 875264355 +452 186 1 875875499 +452 187 3 875265265 +452 188 4 875560300 +452 201 1 875875685 +452 203 3 875275561 +452 204 3 875275815 +452 207 4 875261261 +452 216 3 888568700 +452 234 3 875264355 +452 243 5 886148336 +452 245 2 876216206 +452 259 2 888494119 +452 269 5 888568251 +452 276 1 885490917 +452 286 4 876298932 +452 294 2 886148704 +452 419 4 887719030 +452 420 3 875562510 +452 430 3 885817719 +452 432 2 875264432 +452 443 5 885544109 +452 455 1 876297413 +452 458 1 875266197 +452 467 3 885491030 +452 479 5 885544109 +452 482 5 885544110 +452 483 5 875263244 +452 485 2 875276589 +452 488 4 885546945 +452 491 4 875261100 +452 494 5 885805554 +452 498 4 875264976 +452 502 2 885817844 +452 506 3 875276081 +452 510 4 875562475 +452 513 4 875561734 +452 517 2 875562846 +452 531 4 875263244 +452 554 3 875562245 +452 588 3 885804123 +452 597 5 885816916 +452 609 4 875562374 +452 614 3 875562198 +452 624 2 875560067 +452 636 5 885816916 +452 648 4 875273292 +452 654 2 875273543 +452 660 4 875560068 +452 684 4 888493923 +452 781 3 888568714 +452 792 5 887890364 +452 805 4 875562441 +452 874 2 887718965 +452 924 5 885816916 +452 969 2 875276006 +452 971 4 875560019 +452 1089 1 876215899 +452 1403 1 875875272 +452 1427 5 885816768 +452 1534 1 876298233 +453 3 4 877552717 +453 7 5 877562135 +453 11 5 877554174 +453 17 4 877553928 +453 33 4 877561522 +453 42 5 877554301 +453 50 5 877562313 +453 59 2 888202258 +453 68 4 877561411 +453 69 4 877554647 +453 73 4 888206132 +453 79 3 888207161 +453 97 3 877554743 +453 100 5 877552612 +453 117 4 877552540 +453 143 2 888206053 +453 154 3 877554587 +453 156 5 877554908 +453 157 4 877561172 +453 158 2 888205937 +453 168 4 877553708 +453 172 5 877554587 +453 174 4 877554564 +453 188 4 877554466 +453 210 4 877554587 +453 214 3 877553928 +453 223 4 888203147 +453 231 2 877562293 +453 233 2 888206003 +453 234 3 877561411 +453 238 4 877554396 +453 239 3 877554927 +453 268 4 877552481 +453 276 5 877552564 +453 288 4 877562071 +453 298 4 877552641 +453 318 4 877553761 +453 356 2 888205866 +453 357 5 877554174 +453 367 2 888202813 +453 384 2 888205711 +453 385 3 888207161 +453 393 3 888207162 +453 401 3 888206038 +453 412 2 877553302 +453 416 2 888206132 +453 424 1 888206768 +453 427 3 877554174 +453 456 3 877552540 +453 471 4 888205557 +453 475 5 877552514 +453 509 4 877553850 +453 566 3 877561593 +453 568 3 888207161 +453 578 3 888205764 +453 586 2 892447163 +453 591 3 877552969 +453 651 4 877554743 +453 655 3 877553999 +453 721 4 888205696 +453 742 3 888207161 +453 963 4 888202307 +453 1017 3 887942122 +453 1157 2 888206576 +454 1 3 881959818 +454 11 1 888266433 +454 12 3 881960114 +454 28 4 888267560 +454 50 4 881959144 +454 51 2 888267158 +454 56 3 888267590 +454 58 4 881960029 +454 70 4 888267419 +454 73 3 888267521 +454 76 1 888266433 +454 79 4 881960083 +454 82 4 881960446 +454 88 4 888267560 +454 96 4 888266600 +454 97 4 881960029 +454 100 4 881959917 +454 107 3 888267087 +454 118 4 888267128 +454 121 4 888267128 +454 131 3 881960330 +454 133 4 881959652 +454 143 4 881960230 +454 144 4 888266643 +454 153 3 888267521 +454 164 3 881960265 +454 172 2 888266906 +454 173 2 888267028 +454 174 4 888266643 +454 191 4 888266724 +454 194 3 881959698 +454 195 4 888266810 +454 196 2 881959778 +454 197 4 881959961 +454 203 2 888267487 +454 210 4 881960361 +454 215 4 881959917 +454 228 3 881959960 +454 234 3 888267087 +454 245 3 881958782 +454 248 3 881959238 +454 250 4 881959238 +454 257 4 881959276 +454 258 4 881958402 +454 270 4 881958606 +454 272 5 888007255 +454 277 2 881959960 +454 286 3 881958782 +454 310 4 881958464 +454 315 4 888015651 +454 316 4 888015879 +454 318 5 881959576 +454 323 2 881958783 +454 326 4 881958362 +454 356 1 888267279 +454 357 3 881959844 +454 378 3 888267128 +454 404 3 888267590 +454 419 4 881959917 +454 427 4 881960173 +454 434 3 888267387 +454 451 4 888267455 +454 454 3 881959745 +454 474 4 881959917 +454 479 4 881959991 +454 482 3 881960230 +454 485 4 888267386 +454 490 2 888266754 +454 496 4 881959991 +454 497 3 881959876 +454 507 3 881960265 +454 509 2 881960230 +454 519 2 888267455 +454 520 4 881959607 +454 531 2 888266785 +454 566 4 888267087 +454 568 4 888266906 +454 603 4 881959876 +454 605 2 888267487 +454 607 2 888267315 +454 612 3 881960145 +454 631 2 888267643 +454 642 2 888267419 +454 649 2 888267279 +454 651 4 881960083 +454 654 2 888267419 +454 655 3 881959746 +454 661 4 881959991 +454 685 3 888267198 +454 686 2 888267280 +454 692 5 888267158 +454 693 2 888267315 +454 705 3 881959818 +454 707 3 881959576 +454 735 2 888267387 +454 736 3 888266991 +454 740 2 888266433 +454 746 2 881959778 +454 836 2 888266785 +454 837 2 888267315 +454 873 2 881958782 +454 875 1 888266433 +454 945 3 881960083 +454 968 2 888267198 +454 1003 2 881960446 +454 1107 4 888267617 +454 1190 3 881959437 +454 1269 3 881959698 +454 1454 2 888266907 +455 1 4 878585685 +455 2 4 879111786 +455 4 3 879111786 +455 20 3 879109594 +455 24 3 879111662 +455 25 3 879109110 +455 31 4 879111937 +455 39 2 879111345 +455 40 3 879111662 +455 42 2 879110767 +455 47 2 879112172 +455 56 5 879110844 +455 57 4 879112460 +455 58 3 879111318 +455 65 3 879111396 +455 70 3 879111194 +455 71 3 879112098 +455 87 3 879110905 +455 89 3 879111616 +455 97 5 879112436 +455 100 4 878585826 +455 125 3 879109133 +455 126 5 879172791 +455 161 4 879112098 +455 170 3 879111616 +455 173 4 879111937 +455 174 4 879111763 +455 176 3 879111960 +455 191 5 879111422 +455 196 4 879111737 +455 197 5 879111057 +455 204 4 879111249 +455 214 3 879112122 +455 222 3 878585775 +455 223 4 879111554 +455 228 4 879111153 +455 245 3 878585344 +455 255 2 884027240 +455 257 4 879109733 +455 265 4 879112152 +455 277 4 879109565 +455 279 3 882141582 +455 281 3 879110281 +455 288 2 879110767 +455 300 4 878585250 +455 301 2 879110767 +455 304 3 878585409 +455 313 4 884649784 +455 317 3 879111616 +455 318 3 879111528 +455 321 2 892230438 +455 323 3 878585277 +455 334 3 892230883 +455 343 4 882141285 +455 380 3 879112654 +455 402 4 879112356 +455 405 3 879109764 +455 428 4 879111268 +455 447 4 879111153 +455 462 3 879110436 +455 465 3 879112678 +455 504 4 879110573 +455 508 4 882141385 +455 511 5 879110971 +455 515 4 878585775 +455 518 4 879111318 +455 529 3 879111737 +455 531 3 879111291 +455 582 2 879111982 +455 584 4 879111528 +455 597 3 879110123 +455 627 3 879111705 +455 628 4 879109692 +455 647 4 879111092 +455 678 3 878585344 +455 692 3 879111249 +455 694 4 879110870 +455 724 3 879111500 +455 727 3 879112561 +455 738 3 879112238 +455 778 4 879112582 +455 898 3 883768822 +455 939 4 879111454 +455 1028 2 879110767 +455 1034 2 879110767 +455 1136 3 879111705 +455 1137 3 879109881 +455 1174 3 879109663 +455 1197 4 879109565 +455 1265 3 879108997 +456 1 2 881371548 +456 3 4 881371660 +456 12 3 881373655 +456 13 4 881372604 +456 22 4 881373573 +456 42 4 881373655 +456 50 4 881373473 +456 54 3 881375416 +456 57 4 881374521 +456 60 4 881373838 +456 61 4 881373228 +456 68 4 881374437 +456 69 4 881373949 +456 71 3 881374710 +456 80 2 881374967 +456 86 2 881374332 +456 91 2 881373948 +456 92 4 881374048 +456 95 4 881373756 +456 99 3 881374767 +456 100 3 881372366 +456 101 3 881375284 +456 111 3 881371942 +456 133 3 881373084 +456 161 3 881374967 +456 168 4 881373794 +456 170 5 881373353 +456 172 5 881373019 +456 174 4 881373019 +456 177 4 881373900 +456 179 5 881372779 +456 182 3 881373228 +456 185 4 881372849 +456 187 4 881372911 +456 194 3 881373472 +456 200 4 881374390 +456 202 3 881374586 +456 210 3 881374849 +456 216 4 881374193 +456 218 4 881374522 +456 222 2 881371766 +456 228 3 881374548 +456 231 2 881375226 +456 232 2 881374389 +456 238 4 881373756 +456 273 3 881372328 +456 274 3 881371977 +456 282 3 881371694 +456 286 3 887165765 +456 325 3 881372687 +456 346 5 887165765 +456 369 3 881371942 +456 410 4 881372160 +456 423 3 881374586 +456 431 4 881374437 +456 432 4 881374390 +456 443 4 881373019 +456 447 3 881374332 +456 448 3 881374586 +456 449 3 881375226 +456 452 2 881375515 +456 460 3 881371942 +456 462 3 881373506 +456 475 5 881372366 +456 479 5 881373900 +456 484 4 881373983 +456 490 4 881373084 +456 498 4 881373473 +456 505 4 881373473 +456 508 4 881371427 +456 523 4 881373353 +456 568 2 881374246 +456 578 2 881375127 +456 581 3 881375155 +456 603 5 881373019 +456 608 4 881373168 +456 640 4 881373697 +456 658 3 881375351 +456 660 5 881374522 +456 662 4 881374710 +456 672 1 881374849 +456 673 3 881374849 +456 693 3 881373949 +456 696 3 881372078 +456 708 4 881373756 +456 710 3 881374649 +456 720 3 881375515 +456 721 4 881373756 +456 737 3 881375254 +456 743 2 881372256 +456 806 3 881373617 +456 818 3 881372114 +456 919 4 881371548 +456 922 4 881371595 +456 933 3 881371595 +456 955 4 881374162 +456 959 4 881375127 +456 963 4 881374047 +456 979 3 881371694 +456 985 3 881371492 +456 1008 4 881371427 +456 1019 4 881372849 +456 1168 4 881375284 +456 1218 3 881374921 +456 1220 3 881375051 +456 1248 3 881374767 +456 1267 4 881373756 +456 1324 4 881371720 +456 1328 4 881372328 +456 1478 4 881374993 +457 4 4 882397829 +457 8 5 882397734 +457 12 5 882397666 +457 15 4 882393688 +457 20 5 882393967 +457 31 4 882397543 +457 38 3 882549651 +457 44 4 882548214 +457 45 5 882397133 +457 48 5 882397293 +457 52 4 882398055 +457 53 4 882548645 +457 54 4 882549322 +457 56 4 882396868 +457 57 4 882397177 +457 58 4 882397177 +457 64 5 882396868 +457 66 4 882547694 +457 79 5 882396869 +457 86 3 882397455 +457 89 5 882397058 +457 96 5 882553113 +457 100 5 882393244 +457 105 3 882396001 +457 111 3 882393384 +457 114 5 882396868 +457 118 4 882395400 +457 122 2 882396158 +457 127 5 882396902 +457 132 5 882547619 +457 134 5 882396832 +457 137 5 882393278 +457 143 5 882548099 +457 144 5 882397494 +457 155 4 882550065 +457 156 5 882397095 +457 157 5 882553112 +457 164 4 882547645 +457 168 5 882395018 +457 172 5 882553113 +457 173 5 882395049 +457 174 5 882397267 +457 186 5 882397575 +457 218 4 882547554 +457 219 4 882550304 +457 228 5 882392853 +457 229 4 882392853 +457 230 4 882392853 +457 232 4 882397666 +457 234 5 882548426 +457 237 4 882393712 +457 240 3 882395638 +457 241 3 882398086 +457 243 2 882393104 +457 258 5 882392853 +457 265 5 882397699 +457 282 4 882392785 +457 285 5 882393648 +457 357 5 882396735 +457 370 3 882396133 +457 372 4 882548382 +457 373 2 882551189 +457 380 4 882392854 +457 385 4 882392950 +457 395 2 882551605 +457 403 4 882397177 +457 411 3 882395894 +457 425 4 882397828 +457 428 5 882553113 +457 436 4 882547619 +457 448 4 882548537 +457 453 2 882551854 +457 455 4 882393384 +457 456 2 882395851 +457 462 5 882396283 +457 470 5 882398204 +457 471 4 882393421 +457 474 5 882398178 +457 476 2 882392810 +457 483 5 882396705 +457 500 5 882553112 +457 507 4 882397059 +457 509 4 882398086 +457 527 5 882553113 +457 529 4 882397763 +457 531 5 882392906 +457 546 2 882393860 +457 549 4 882398178 +457 553 5 882396314 +457 554 4 882549682 +457 584 4 882548615 +457 597 3 882393908 +457 631 4 882547620 +457 640 4 882548467 +457 651 5 882396799 +457 655 5 882397879 +457 664 4 882549601 +457 673 4 882397829 +457 679 4 882547723 +457 699 4 882548615 +457 717 3 882395894 +457 720 3 882550925 +457 722 4 882550154 +457 727 4 882396832 +457 739 4 882549483 +457 742 4 882393306 +457 744 3 882393457 +457 747 4 882397787 +457 755 4 882549356 +457 758 2 882551135 +457 769 2 882551740 +457 825 5 882553112 +457 845 4 882393801 +457 871 1 882393765 +457 934 3 882396092 +457 949 3 882549287 +457 959 4 882549180 +457 980 4 882395283 +457 1012 4 882393765 +457 1030 2 882551134 +457 1140 2 882551344 +458 8 4 886395899 +458 9 5 886394373 +458 12 5 886395758 +458 13 4 886394916 +458 14 5 886394576 +458 32 4 886395963 +458 48 4 886396192 +458 50 2 886396521 +458 57 1 886395758 +458 86 5 886397679 +458 124 4 886394822 +458 127 5 886396390 +458 152 5 886397275 +458 169 5 886396390 +458 174 3 886397109 +458 178 4 886398187 +458 180 4 886397679 +458 182 4 886397771 +458 191 5 886396192 +458 192 4 886396240 +458 193 4 886396460 +458 209 4 886397155 +458 234 4 886397808 +458 237 4 886394623 +458 245 2 889324066 +458 282 2 886396958 +458 284 4 886394527 +458 287 4 886394822 +458 288 3 886394667 +458 293 5 886396767 +458 304 4 889323982 +458 307 4 889323481 +458 317 5 886397155 +458 318 4 886397771 +458 319 4 889323714 +458 321 3 889323855 +458 330 3 889324461 +458 333 1 889323582 +458 346 4 889323539 +458 357 3 886397275 +458 387 4 886398246 +458 405 4 886395022 +458 408 5 886396637 +458 410 1 886394778 +458 423 2 886396314 +458 425 3 886398246 +458 427 4 886396460 +458 430 5 886398543 +458 461 4 886397377 +458 469 4 886397377 +458 473 4 886395022 +458 496 3 886398289 +458 517 4 886398289 +458 521 4 886397377 +458 530 4 886396005 +458 591 3 886394730 +458 596 4 886395350 +458 663 4 886398289 +458 694 4 886396140 +458 709 4 886396192 +458 717 1 886395230 +458 742 4 886394730 +458 753 4 886397110 +458 792 4 886398025 +458 847 5 889324370 +458 925 3 886395166 +458 939 4 886398187 +458 952 2 886395119 +458 956 5 886397377 +458 1011 3 886394471 +458 1048 4 886395119 +458 1070 4 886395963 +458 1261 4 886397413 +458 1338 3 886395393 +459 1 4 879562960 +459 3 2 879563288 +459 8 5 879563903 +459 15 4 879563102 +459 19 3 879563064 +459 22 5 879563903 +459 79 3 879566291 +459 100 1 879562859 +459 111 3 879563201 +459 120 2 879563392 +459 121 5 879563474 +459 123 3 879563312 +459 134 3 879564941 +459 147 3 879563435 +459 148 5 879563367 +459 181 4 879562939 +459 194 3 879566291 +459 216 3 879566321 +459 220 3 879563367 +459 222 4 879562994 +459 225 3 879563777 +459 230 4 879564941 +459 250 5 879563270 +459 252 4 879563506 +459 255 4 879563613 +459 264 4 879561755 +459 274 4 879563226 +459 278 4 879563270 +459 282 3 879562995 +459 291 4 879563312 +459 295 3 879563367 +459 300 4 879561574 +459 322 4 879561679 +459 323 3 879561708 +459 328 3 879561574 +459 333 3 879561574 +459 336 2 879561708 +459 357 4 879564308 +459 358 2 879561783 +459 411 2 879563796 +459 473 4 879563102 +459 546 1 879563367 +459 596 3 879562939 +459 597 3 879563270 +459 687 3 879561782 +459 742 4 879562834 +459 825 3 879563474 +459 827 3 879563758 +459 832 3 879563758 +459 846 4 879563435 +459 864 4 879563435 +459 866 5 879563312 +459 978 2 879563435 +459 993 3 879563146 +459 1016 4 879563506 +459 1040 2 879563701 +459 1047 3 879563668 +459 1060 1 879563668 +460 7 3 882912205 +460 14 5 882912418 +460 20 4 882912469 +460 129 3 882912261 +460 146 4 882912370 +460 149 4 882912174 +460 221 4 882912285 +460 253 3 882912316 +460 257 2 882912342 +460 258 3 882910637 +460 273 4 882912371 +460 275 3 882912261 +460 286 4 882910838 +460 289 4 882910838 +460 293 4 882911603 +460 294 2 882910637 +460 297 3 882912342 +460 301 3 882910579 +460 302 4 882910837 +460 303 3 882910553 +460 311 5 882912418 +460 322 3 882910722 +460 327 4 882912418 +460 532 3 882912370 +460 591 2 882911603 +460 676 4 882912285 +460 713 4 882912469 +460 744 3 882912261 +460 1115 3 882912235 +461 50 3 885356089 +461 121 2 885355890 +461 255 2 885355890 +461 259 2 885355679 +461 269 3 885355705 +461 302 3 885355646 +461 313 4 885355646 +461 321 3 885355757 +461 347 4 885355679 +461 682 1 885355705 +461 1006 5 885355890 +462 271 1 886365928 +462 288 5 886365260 +462 289 5 886365837 +462 310 5 886365197 +462 313 5 886365231 +462 315 4 886365837 +462 321 5 886365734 +462 332 5 886365706 +462 358 1 886365638 +462 678 3 886365335 +462 895 4 886365297 +463 3 2 877386083 +463 7 4 877385180 +463 10 1 890453075 +463 13 3 877385664 +463 14 1 890453075 +463 15 4 877385287 +463 21 1 890453075 +463 24 3 877385731 +463 50 4 890530818 +463 100 4 877385237 +463 103 1 890530703 +463 112 1 890530721 +463 116 5 877385381 +463 117 3 877385731 +463 124 5 877385381 +463 127 5 890530105 +463 149 2 877385341 +463 150 2 889943683 +463 151 4 877385341 +463 221 5 877385180 +463 225 3 877385489 +463 235 2 877385457 +463 242 2 889935629 +463 244 4 877387935 +463 249 2 889936035 +463 250 4 889935953 +463 257 4 889935910 +463 270 3 889936535 +463 274 3 877385664 +463 282 3 877385664 +463 284 3 877385531 +463 285 4 877385125 +463 288 1 889943851 +463 306 4 877384836 +463 311 4 889936814 +463 347 1 889936589 +463 362 1 889943741 +463 410 1 890530286 +463 455 3 877385457 +463 544 4 877385415 +463 593 1 877386923 +463 596 3 877385731 +463 597 2 890531227 +463 689 2 889936731 +463 741 1 889937778 +463 813 4 877385125 +463 864 3 890530351 +463 930 1 889936180 +463 950 3 877385590 +463 988 2 877384836 +463 993 2 877387935 +463 1012 2 889935860 +463 1014 2 889936324 +463 1033 2 890530703 +463 1117 1 877385954 +463 1132 1 889937778 +463 1164 1 877385797 +463 1383 2 890530703 +463 1605 2 877387935 +464 116 4 878355167 +464 181 3 878354998 +464 194 5 878355259 +464 258 5 878354626 +464 260 2 878354859 +464 269 5 878354626 +464 286 3 878354626 +464 289 4 878354626 +464 294 4 878354721 +464 298 4 878355061 +464 300 4 878354626 +464 301 4 878354829 +464 326 4 878354761 +464 328 3 878354722 +464 333 4 878354761 +464 358 3 878354680 +464 482 5 878355258 +464 678 3 878354722 +464 705 5 878355258 +464 709 5 878355258 +464 748 4 878354681 +464 879 4 878354791 +464 1226 4 878355033 +464 1598 3 878355088 +465 12 4 883530088 +465 22 3 883531246 +465 28 3 883531110 +465 50 4 883530778 +465 64 5 883530088 +465 87 4 883530054 +465 97 2 883532120 +465 109 3 883532119 +465 114 4 883530190 +465 134 4 883530133 +465 175 5 883530054 +465 179 3 883531325 +465 180 3 883530015 +465 190 4 883530054 +465 191 4 883530133 +465 194 4 883531072 +465 198 2 883532119 +465 199 3 883531026 +465 202 4 883531487 +465 216 3 883531284 +465 257 4 883530818 +465 283 3 883530560 +465 286 4 883529338 +465 300 3 883529601 +465 318 4 883531487 +465 319 3 883529372 +465 395 1 883532120 +465 474 3 883531246 +465 475 3 883530313 +465 477 4 883530742 +465 478 4 883531246 +465 481 4 883529984 +465 496 3 883531246 +465 525 3 883531111 +465 529 3 883529984 +465 584 3 883531325 +465 588 4 883531380 +465 603 4 883531284 +465 638 3 883531380 +465 656 3 883531410 +465 855 4 883531444 +465 1078 2 883532119 +466 2 1 890284819 +466 24 4 890285159 +466 27 3 890285113 +466 62 3 890285159 +466 87 3 890285706 +466 89 3 890284819 +466 95 2 890285788 +466 117 5 890285034 +466 127 3 890284766 +466 128 2 890284819 +466 172 4 890284706 +466 176 4 890284766 +466 181 4 890284857 +466 183 3 890284766 +466 188 3 890284766 +466 232 4 890284903 +466 265 3 890285159 +466 269 2 890282759 +466 302 5 890284651 +466 306 5 890284231 +466 308 1 890282957 +466 315 5 890284231 +466 321 2 890282986 +466 324 1 890283690 +466 331 5 890284231 +466 333 4 890284652 +466 334 3 890283690 +466 344 5 890284231 +466 349 2 890283636 +466 350 4 890284651 +466 354 2 890282795 +466 357 4 890285706 +466 385 4 890284819 +466 455 3 890285113 +466 546 4 890285159 +466 550 3 890284903 +466 566 3 890284819 +466 568 3 890285034 +466 651 3 890284819 +466 682 1 890282957 +466 748 2 890283592 +466 873 2 890283056 +466 882 5 890284231 +466 898 1 890283667 +466 902 5 890283497 +466 1313 3 890283690 +467 7 5 879532385 +467 50 4 879532385 +467 93 4 879532595 +467 100 5 879532420 +467 108 4 879532744 +467 109 5 879532550 +467 124 5 879532534 +467 150 4 879532385 +467 240 3 879532773 +467 248 3 879532651 +467 257 4 879532512 +467 264 2 879532296 +467 268 5 879532164 +467 276 5 879532460 +467 288 4 879532804 +467 298 4 879532385 +467 340 3 879532198 +467 455 3 879532744 +467 762 3 879532478 +467 1016 4 879532671 +467 1017 2 879532403 +467 1142 5 879532478 +468 4 5 875296868 +468 8 4 875288196 +468 13 4 875280104 +468 15 4 875280518 +468 19 4 875280126 +468 23 4 875287535 +468 31 3 875287615 +468 39 3 875296309 +468 51 3 875293386 +468 56 5 875286450 +468 69 4 875291570 +468 71 5 875295148 +468 98 5 875288196 +468 116 4 875280180 +468 132 5 875292134 +468 137 4 875280126 +468 159 3 875292320 +468 160 3 875295148 +468 173 5 875295093 +468 181 3 875280041 +468 182 5 875292320 +468 200 4 875292319 +468 209 5 875296309 +468 214 5 875288771 +468 222 4 875279269 +468 249 3 875280310 +468 251 4 875280180 +468 257 4 875280417 +468 258 4 875279126 +468 273 2 875280499 +468 275 4 875280143 +468 283 4 875280331 +468 285 4 875280104 +468 293 5 875280395 +468 294 3 875279153 +468 321 3 875279126 +468 357 5 875294549 +468 405 2 875280462 +468 411 3 875284879 +468 423 4 875296868 +468 428 4 875291403 +468 435 4 875292027 +468 461 4 875291570 +468 469 4 875296309 +468 475 4 875280041 +468 498 5 875291571 +468 507 5 875295412 +468 544 3 875280417 +468 582 3 875287535 +468 603 5 875296309 +468 612 4 875294549 +468 642 3 875291403 +468 662 4 875291570 +468 692 4 875292027 +468 742 3 875280310 +468 826 3 875284096 +468 856 4 875302155 +468 926 2 875280331 +468 1008 4 875283843 +468 1014 3 875280539 +468 1168 2 875302155 +469 10 5 879525373 +469 127 4 879525373 +469 134 5 879524062 +469 136 4 879524062 +469 153 4 879523891 +469 173 4 879524178 +469 194 5 879524116 +469 483 5 879524177 +469 484 5 879524062 +469 495 5 879525237 +469 499 5 879524485 +469 513 5 879523891 +469 530 5 879524376 +469 605 4 879524302 +469 610 4 879523947 +469 641 4 879524241 +469 654 4 879524177 +469 656 5 879524116 +469 705 5 879524302 +469 855 4 879524302 +469 923 5 879523891 +469 1558 5 879524177 +470 19 4 879178813 +470 50 5 879178487 +470 93 4 879178518 +470 100 4 879178370 +470 118 4 879178645 +470 125 4 879178969 +470 137 3 879178406 +470 221 4 879178370 +470 246 2 879189432 +470 248 3 879189434 +470 268 2 879178216 +470 284 4 879178884 +470 285 3 879178619 +470 288 4 879178216 +470 293 4 879178455 +470 294 3 879178237 +470 295 3 879178455 +470 475 4 879178568 +470 508 5 879178932 +470 544 3 879178830 +470 546 4 879178950 +470 813 3 879178370 +470 824 4 879178731 +470 847 3 879178568 +470 919 3 879178370 +470 950 3 879178645 +470 952 3 879178884 +470 1097 3 879178487 +471 1 4 889827881 +471 8 5 889827881 +471 94 5 889828081 +471 95 4 889827822 +471 99 2 889827918 +471 102 5 889828081 +471 140 5 889827918 +471 151 2 889828154 +471 418 3 889827757 +471 477 5 889827918 +471 501 3 889828027 +471 588 1 889827881 +471 596 1 889827881 +471 969 2 889828154 +472 1 5 892790627 +472 3 5 892790676 +472 4 3 875980418 +472 11 5 892790676 +472 27 4 875980283 +472 38 4 875981358 +472 49 5 875982607 +472 66 5 875981158 +472 71 2 875981281 +472 72 5 892791017 +472 73 4 875981317 +472 80 3 875981230 +472 88 2 875982607 +472 90 5 892791063 +472 97 3 875981281 +472 99 3 875981595 +472 117 3 875978740 +472 118 4 875979082 +472 120 5 883904649 +472 123 4 875979317 +472 135 4 875982051 +472 141 4 875982200 +472 151 3 875978867 +472 168 5 892791062 +472 177 4 875981358 +472 181 5 875978034 +472 185 5 875980081 +472 193 5 875981789 +472 195 5 875982005 +472 196 4 875982005 +472 204 5 875980823 +472 217 5 875982867 +472 218 4 875980120 +472 228 5 875979910 +472 229 5 875982560 +472 232 4 875983321 +472 233 4 875981759 +472 234 4 875980081 +472 250 5 875978059 +472 255 5 892791017 +472 258 5 892790953 +472 288 5 875977682 +472 318 5 892791017 +472 355 3 892790003 +472 362 5 892790627 +472 365 4 875983129 +472 368 3 875979685 +472 370 4 875979317 +472 374 2 875982922 +472 378 4 875981759 +472 380 5 875982511 +472 384 3 875982051 +472 393 3 875983129 +472 395 3 875982559 +472 400 5 892791062 +472 401 4 875982727 +472 411 4 875979113 +472 417 4 875982337 +472 418 3 875980120 +472 431 5 875982607 +472 449 5 875982967 +472 455 4 883903686 +472 473 4 875978867 +472 475 5 892791017 +472 477 5 875978387 +472 501 3 875982868 +472 541 5 892791017 +472 550 5 875983066 +472 552 5 892790576 +472 559 5 875981708 +472 561 5 875982050 +472 567 4 875982922 +472 568 5 892790676 +472 578 5 892790952 +472 584 1 875980377 +472 588 3 875979797 +472 609 5 875981551 +472 625 4 875981968 +472 633 4 875981428 +472 655 5 875982397 +472 658 5 875983231 +472 682 4 887297923 +472 685 3 875978740 +472 689 4 883903273 +472 715 4 875982607 +472 720 5 875982096 +472 739 5 875982967 +472 743 4 883904504 +472 746 5 875983023 +472 747 5 875982051 +472 748 5 875977682 +472 751 5 892790628 +472 755 4 875981829 +472 756 4 875978922 +472 758 1 875979359 +472 763 4 875978922 +472 771 4 875983427 +472 790 3 875981968 +472 826 3 883904224 +472 877 3 892789947 +472 924 2 875978994 +472 930 5 875979317 +472 931 2 883904681 +472 940 4 875982560 +472 946 2 875981122 +472 951 1 875983426 +472 977 3 875979317 +472 1011 4 875979187 +472 1036 4 875983484 +472 1053 4 875982397 +472 1091 4 875982804 +472 1095 4 883904614 +472 1119 5 875983023 +472 1210 3 875983484 +472 1228 4 875983270 +472 1248 4 875983427 +472 1469 4 875982337 +473 7 2 878157329 +473 10 3 878157527 +473 25 4 878157427 +473 116 5 878157544 +473 137 4 878157357 +473 257 4 878157456 +473 268 5 878156932 +473 273 5 878157329 +473 275 5 878157527 +473 276 4 878157404 +473 293 4 878157507 +473 327 3 878156857 +473 508 2 878157456 +473 547 3 878157600 +473 813 3 878157427 +473 1129 4 878157507 +473 1142 5 878157299 +474 7 5 887915414 +474 8 5 887925497 +474 11 5 887924571 +474 15 5 887915600 +474 42 4 887923923 +474 48 4 887923923 +474 52 4 887925751 +474 61 3 887924619 +474 68 3 887926804 +474 71 5 887926872 +474 72 3 887927457 +474 73 3 887928793 +474 76 4 887926573 +474 77 5 887926106 +474 79 5 887924027 +474 83 3 887925977 +474 87 4 887925916 +474 92 4 887927509 +474 98 5 887924027 +474 99 4 887927339 +474 100 5 887915413 +474 117 4 887915306 +474 121 4 887916260 +474 132 4 887924683 +474 134 4 887923972 +474 135 5 887924424 +474 136 4 887925187 +474 161 4 887926633 +474 170 4 887925620 +474 171 4 887926804 +474 172 5 887923789 +474 173 5 887924027 +474 175 4 887925497 +474 176 5 887923972 +474 178 4 887926105 +474 180 5 887924028 +474 181 5 887915511 +474 183 5 887924619 +474 191 5 887923789 +474 192 4 887924571 +474 194 5 887924571 +474 195 5 887923789 +474 196 5 887924469 +474 198 3 887925621 +474 199 5 887927456 +474 203 5 887926059 +474 209 5 887927670 +474 210 5 887928562 +474 216 4 887924683 +474 221 4 888628044 +474 227 4 887926872 +474 234 5 887923788 +474 237 4 887915366 +474 238 4 887924083 +474 244 4 887915646 +474 257 3 887915511 +474 258 4 887914688 +474 265 5 887924425 +474 275 3 887915269 +474 276 5 887915221 +474 283 3 887915437 +474 285 5 888628044 +474 293 4 887915269 +474 298 3 887915645 +474 316 5 887914979 +474 317 4 887925187 +474 322 4 888627937 +474 346 5 887914688 +474 380 4 887927588 +474 382 3 887927339 +474 410 2 887915645 +474 418 3 887928562 +474 419 4 887925916 +474 435 5 887926573 +474 461 5 887924683 +474 463 5 887927457 +474 474 5 887923789 +474 480 5 887925186 +474 481 4 887927153 +474 483 5 887924424 +474 484 5 887925751 +474 488 3 887925977 +474 489 4 887923972 +474 493 4 887925837 +474 495 4 887927728 +474 496 4 887923708 +474 498 4 887924683 +474 499 5 887924683 +474 503 4 887925838 +474 506 5 887924084 +474 508 3 887915437 +474 513 5 887924571 +474 517 4 887925916 +474 518 4 887926633 +474 521 5 887925977 +474 528 5 887923924 +474 529 5 887924571 +474 553 2 887927339 +474 591 3 887915366 +474 602 3 887926436 +474 603 5 887923788 +474 610 3 887924571 +474 615 4 887924619 +474 618 4 887927457 +474 633 4 887926436 +474 641 4 887926436 +474 642 4 887927152 +474 646 4 887925395 +474 649 4 887927588 +474 653 4 887926999 +474 661 4 887925620 +474 676 3 887916369 +474 684 4 887925977 +474 696 3 887916330 +474 705 3 887924619 +474 707 5 887925751 +474 708 4 887927339 +474 735 4 887924619 +474 736 3 887927509 +474 744 3 887916260 +474 756 1 887915646 +474 789 4 887927152 +474 848 4 887926998 +474 921 3 887926271 +474 923 4 887926632 +474 963 5 887926105 +474 966 4 887925837 +474 996 3 887927153 +474 1009 4 887915722 +474 1014 3 887916567 +474 1016 3 887915567 +474 1020 3 887926573 +474 1028 1 887916438 +474 1045 4 887927728 +474 1050 4 887926106 +474 1123 4 887923924 +474 1172 4 887924469 +474 1518 3 887927338 +475 100 5 891452276 +475 259 5 891628024 +475 286 2 891451276 +475 313 2 891451083 +475 315 4 891452177 +475 316 5 891627927 +475 347 4 891451341 +475 381 4 891627606 +476 33 4 883364475 +476 42 4 883364295 +476 63 3 883365274 +476 72 4 883364433 +476 175 4 883364143 +476 186 5 883365019 +476 194 5 883364143 +476 202 4 883364295 +476 204 4 883364325 +476 209 4 883364218 +476 211 5 883365019 +476 216 4 883364250 +476 232 3 883364250 +476 238 3 883364324 +476 288 4 883365734 +476 328 4 883365684 +476 343 4 883365634 +476 367 3 883364475 +476 435 3 883364218 +476 585 1 883365336 +476 710 5 883364324 +476 712 3 883364475 +476 715 4 883364745 +476 734 4 883365274 +476 748 2 883365634 +476 765 4 883365442 +476 781 4 883365135 +476 790 4 883365274 +476 792 4 883365019 +476 890 1 883365989 +476 944 2 883364813 +476 1037 1 883365384 +476 1074 4 883365274 +476 1118 3 883364392 +476 1188 2 883364780 +477 15 4 875941863 +477 25 5 875940755 +477 88 5 875941085 +477 255 5 875941763 +477 280 4 875941022 +477 709 5 875941763 +477 724 4 875941086 +477 781 4 875941191 +477 815 5 875941763 +478 17 2 889396180 +478 23 2 889388562 +478 28 3 889395655 +478 41 3 889396330 +478 42 5 889388763 +478 48 4 889388587 +478 50 3 889396509 +478 72 1 889397841 +478 79 4 889388743 +478 81 4 889395977 +478 93 4 889387871 +478 98 5 889388862 +478 111 3 889397582 +478 122 2 889397778 +478 137 4 889398260 +478 143 5 889396797 +478 145 1 889398599 +478 151 5 889388038 +478 161 3 889396645 +478 168 4 889388697 +478 188 4 889396582 +478 216 5 889396029 +478 218 3 889396731 +478 219 2 889398289 +478 237 5 889388863 +478 255 4 889398363 +478 276 5 889388862 +478 282 3 889398216 +478 288 5 889388862 +478 318 5 889389232 +478 350 1 889387418 +478 354 3 889397221 +478 357 5 889388724 +478 369 3 889388429 +478 381 5 889397221 +478 392 2 889398571 +478 403 2 889398645 +478 412 4 889388249 +478 427 4 889388633 +478 469 3 889395879 +478 496 5 889388862 +478 518 4 889395638 +478 604 3 889398289 +478 658 3 889395977 +478 673 3 889395696 +478 684 4 889396531 +478 739 4 889398528 +478 743 1 889388534 +478 763 5 889388375 +478 866 1 889388273 +478 1521 3 889397343 +479 1 5 879459939 +479 28 4 879461800 +479 50 4 879460160 +479 54 3 879462121 +479 55 4 879461207 +479 58 4 879461432 +479 70 4 879461630 +479 71 1 879461143 +479 79 4 879460894 +479 82 4 879461898 +479 88 4 879462041 +479 97 3 879461651 +479 100 3 879460028 +479 101 4 879462185 +479 117 3 889125627 +479 118 3 887064767 +479 121 4 879460236 +479 122 1 879460648 +479 127 5 879460192 +479 133 2 879461970 +479 135 4 879461255 +479 144 4 879461741 +479 147 3 889125665 +479 153 4 879462140 +479 161 3 879461399 +479 164 4 879461781 +479 168 5 889126007 +479 174 5 889125837 +479 175 4 879461102 +479 176 4 889125562 +479 179 1 879461142 +479 181 5 879460028 +479 182 4 879460984 +479 185 4 879461604 +479 189 2 879461298 +479 190 4 879461354 +479 195 4 879460939 +479 197 4 879461102 +479 209 4 879460863 +479 210 4 889125866 +479 211 4 879461447 +479 216 3 879461399 +479 226 3 879461280 +479 228 4 879461060 +479 230 4 879461898 +479 241 3 879461800 +479 248 4 879460192 +479 249 2 879460236 +479 255 2 879460192 +479 257 4 879459955 +479 261 1 879533993 +479 266 3 879459791 +479 282 5 879460049 +479 286 1 879533972 +479 288 3 879459836 +479 298 3 879459909 +479 304 4 879459692 +479 324 1 879459611 +479 325 1 879459791 +479 358 1 879459732 +479 385 2 879461567 +479 398 1 889125474 +479 405 4 879460236 +479 421 4 879460762 +479 422 3 879461207 +479 436 4 879461856 +479 463 4 879460984 +479 483 4 879460844 +479 489 5 879460844 +479 500 4 879461255 +479 523 4 879460894 +479 528 4 879461060 +479 535 3 887064690 +479 616 4 879462062 +479 632 5 879460785 +479 640 4 879462168 +479 655 4 879460959 +479 680 3 887064404 +479 692 3 879461700 +479 732 4 879461120 +479 739 1 879461932 +479 748 3 879459710 +479 752 3 889125284 +479 840 1 879460547 +479 879 4 879459657 +479 931 2 879460681 +479 945 5 879460785 +479 1013 1 879460453 +479 1016 3 879460254 +479 1039 4 879461015 +479 1244 3 887064647 +480 8 5 891208576 +480 114 4 891208547 +480 127 3 891207715 +480 165 5 891208390 +480 166 5 891208185 +480 172 3 891208492 +480 174 5 891208356 +480 175 3 891208356 +480 183 4 891208651 +480 190 5 891208265 +480 191 4 891208265 +480 203 4 891208520 +480 234 4 891208769 +480 237 2 891207836 +480 265 3 891208390 +480 298 2 891207665 +480 319 3 891207539 +480 347 3 891207605 +480 483 3 891208293 +480 510 4 891208460 +480 517 4 891208460 +480 603 4 891208239 +480 615 4 891208185 +480 642 4 891208822 +481 4 3 885829196 +481 42 3 885828426 +481 66 3 885828203 +481 98 4 885828574 +481 153 5 885828165 +481 190 5 885828732 +481 197 3 885828773 +481 210 4 885828165 +481 216 5 885828339 +481 238 4 885828245 +481 313 4 885827861 +481 318 1 885828807 +481 367 3 885829153 +481 427 4 885828807 +481 435 5 885828510 +481 505 5 885828574 +481 507 4 885828773 +481 514 4 885829045 +481 524 5 885829045 +481 596 4 885828773 +481 648 5 885828165 +481 650 3 885828650 +481 659 5 885829153 +481 678 3 885828016 +481 692 4 885828339 +481 780 1 885829240 +481 1039 4 885828732 +481 1089 3 885828072 +482 127 4 887644063 +482 257 4 887644063 +482 289 3 887644023 +482 295 3 887644063 +482 298 4 887644085 +482 301 4 887643315 +482 311 4 887643340 +482 321 3 887644023 +482 876 3 887644023 +482 988 4 887643499 +483 1 4 878950971 +483 12 2 878953999 +483 20 2 878952993 +483 99 3 884047323 +483 107 3 878951717 +483 109 5 882165734 +483 144 2 878954228 +483 181 4 878950971 +483 197 3 878953815 +483 199 3 882165665 +483 230 5 878953592 +483 237 3 878953019 +483 249 2 878952866 +483 250 3 878952837 +483 270 3 891917351 +483 271 3 881273325 +483 275 4 878951388 +483 277 3 878952636 +483 286 3 878950353 +483 313 2 884046430 +483 365 2 878953277 +483 405 3 878952966 +483 432 3 884047278 +483 449 3 878953593 +483 450 4 878953593 +483 462 3 884047754 +483 538 2 886470912 +483 612 3 878953751 +483 900 3 885170586 +484 1 5 881450058 +484 9 1 881449910 +484 15 5 881449527 +484 25 3 881449561 +484 50 5 881254239 +484 53 1 891195663 +484 56 5 891195057 +484 69 5 891194743 +484 70 5 891195036 +484 94 4 891195856 +484 96 5 891195323 +484 97 5 891194957 +484 122 2 889974407 +484 135 4 891194820 +484 141 4 891195886 +484 143 4 891195746 +484 144 4 891195298 +484 151 4 881450017 +484 195 5 891195349 +484 202 5 891195179 +484 227 5 891195506 +484 228 5 891195349 +484 230 5 891195417 +484 234 4 891195687 +484 235 2 881450160 +484 239 4 891195036 +484 248 4 883973581 +484 250 4 891194646 +484 252 3 880270616 +484 255 3 882079980 +484 257 5 882079956 +484 258 5 883402900 +484 265 5 891195476 +484 293 5 881254899 +484 300 4 887519214 +484 318 5 891194932 +484 343 2 883402932 +484 399 4 891195565 +484 422 3 891195825 +484 451 4 891195127 +484 463 4 882807416 +484 510 4 889974386 +484 550 4 891195390 +484 554 4 891195565 +484 560 4 891195886 +484 568 3 891195417 +484 578 3 891195444 +484 588 5 891195773 +484 597 3 881450182 +484 625 4 891195825 +484 651 5 891194910 +484 665 4 891195602 +484 755 4 891195825 +484 778 5 891195246 +484 823 4 891195506 +484 879 4 891194665 +484 924 5 880937157 +484 926 4 881450136 +485 245 3 891041782 +485 288 3 891041171 +485 289 3 891041551 +485 294 1 891041103 +485 307 3 891040967 +485 313 4 891040423 +485 321 3 891041275 +485 326 2 891041705 +485 341 4 891042027 +485 347 2 891040688 +485 538 3 891040560 +486 3 2 879875347 +486 6 4 879874902 +486 7 5 879874753 +486 13 4 879874811 +486 15 3 879875278 +486 109 3 879874902 +486 111 4 879874693 +486 121 3 879875188 +486 123 3 879875278 +486 125 3 879874970 +486 127 5 879874448 +486 146 2 879875188 +486 147 2 879875249 +486 181 4 879874482 +486 220 3 879875441 +486 221 4 879875040 +486 237 4 879874629 +486 250 1 879874753 +486 257 3 879875315 +486 258 5 879874064 +486 270 2 879874064 +486 276 4 879874969 +486 282 2 879875278 +486 284 2 879874784 +486 285 5 879874482 +486 286 2 879873973 +486 287 4 879875279 +486 295 3 879874630 +486 299 1 879874113 +486 300 4 879874388 +486 305 3 879874218 +486 321 3 879874153 +486 331 2 879874112 +486 336 2 879874218 +486 460 4 879875316 +486 471 5 879874969 +486 476 3 879875371 +486 595 2 879875408 +486 597 3 879875187 +486 620 2 879875441 +486 689 2 879874064 +486 690 2 879873973 +486 696 3 879875041 +486 717 2 879875440 +486 718 3 879874449 +486 748 2 879874218 +486 762 4 879874939 +486 766 4 879874417 +486 818 3 879874784 +486 823 4 879875347 +486 846 2 879875154 +486 864 3 879875041 +486 872 5 879874153 +486 874 3 879874297 +486 879 3 879874297 +486 882 2 879874018 +486 886 3 879874388 +486 887 5 879874218 +486 936 3 879874629 +486 994 3 879874811 +486 1014 3 879874784 +486 1017 3 879874970 +486 1079 2 879875347 +486 1093 4 879874692 +486 1134 3 879875040 +486 1202 4 879874995 +486 1272 3 879875154 +486 1514 4 879874663 +486 1589 3 879874515 +487 3 5 883444583 +487 4 4 883531003 +487 12 5 883445580 +487 28 4 883446352 +487 38 2 884052069 +487 43 3 884042206 +487 45 5 883446725 +487 56 4 883528441 +487 68 5 883530949 +487 69 4 883445859 +487 73 3 884050038 +487 76 4 883530484 +487 79 5 883446543 +487 81 3 883531507 +487 87 5 883445606 +487 95 4 883446872 +487 99 4 883530434 +487 111 3 883444558 +487 117 5 883443504 +487 121 4 883444832 +487 128 5 883531333 +487 133 4 883530865 +487 136 5 883445606 +487 140 3 883531085 +487 143 3 883530841 +487 161 5 883530702 +487 172 4 883530409 +487 174 5 883446404 +487 181 4 883441956 +487 183 5 883446637 +487 188 4 883445900 +487 194 5 883446322 +487 195 4 883446907 +487 196 5 883446830 +487 202 5 883445943 +487 206 4 883531003 +487 215 4 883446027 +487 218 2 883531507 +487 226 3 883531085 +487 227 3 883531279 +487 232 4 883530764 +487 237 4 883441813 +487 252 1 883445079 +487 255 2 883441890 +487 260 2 883441026 +487 265 5 883530236 +487 276 3 883444252 +487 280 5 883444860 +487 288 4 883440572 +487 293 5 883441813 +487 294 4 883440572 +487 298 5 883442431 +487 300 5 883441026 +487 367 3 883530674 +487 402 4 883531507 +487 411 3 883444793 +487 419 3 883530644 +487 455 2 883444252 +487 462 2 883445859 +487 470 5 883530409 +487 474 4 883445752 +487 501 4 883531122 +487 540 2 884050192 +487 541 3 884050711 +487 549 4 884046879 +487 586 2 884051840 +487 597 4 883444674 +487 620 3 883445168 +487 658 4 883530434 +487 672 4 884024462 +487 679 2 883530724 +487 684 5 883446543 +487 710 4 883445721 +487 732 5 884025080 +487 735 4 884042206 +487 739 2 884046879 +487 748 4 883440540 +487 768 3 884025080 +487 779 2 884050879 +487 781 3 884030528 +487 794 5 883530503 +487 820 3 883444884 +487 823 1 883445302 +487 845 4 883442260 +487 932 3 883444941 +487 939 3 883446757 +487 956 4 883530702 +487 978 1 883445251 +487 1019 5 883447117 +487 1035 4 884044329 +487 1044 3 884051761 +487 1188 3 884045361 +487 1217 3 884025080 +487 1244 2 883444859 +487 1446 3 883530814 +488 8 3 891295067 +488 9 4 891294063 +488 11 1 891294158 +488 22 4 891294108 +488 28 4 891293805 +488 33 2 891294976 +488 58 3 891376081 +488 64 5 891294529 +488 70 3 891294854 +488 83 4 891294530 +488 87 5 891294297 +488 100 2 891293910 +488 111 4 891294785 +488 133 4 891294606 +488 154 3 891293974 +488 172 3 891293863 +488 176 4 891293734 +488 180 2 891294439 +488 183 4 891293698 +488 186 4 891294108 +488 187 3 891293863 +488 198 4 891375822 +488 199 4 891293911 +488 200 2 891294606 +488 203 4 891295023 +488 208 4 891294298 +488 210 4 891294896 +488 211 4 891294158 +488 222 4 891376029 +488 228 4 891294854 +488 230 3 891375900 +488 243 3 891293400 +488 258 4 891293606 +488 259 1 891293051 +488 260 2 891293304 +488 292 3 891292651 +488 299 3 891293051 +488 333 4 891293606 +488 385 4 891294014 +488 405 3 891294014 +488 419 3 891294976 +488 434 4 891294785 +488 468 5 891295023 +488 474 2 891294439 +488 480 3 891376110 +488 483 3 891293660 +488 485 3 891294298 +488 491 4 891294209 +488 496 4 891294246 +488 510 4 891294854 +488 511 4 891294209 +488 520 4 891293660 +488 521 3 891294942 +488 523 3 891293699 +488 568 3 891294707 +488 605 3 891294785 +488 655 3 891294246 +488 662 4 891294896 +488 748 4 891293606 +488 845 3 891294853 +488 880 3 891293606 +488 1025 2 891293263 +489 259 2 891445743 +489 260 3 891366693 +489 263 2 891448268 +489 264 4 891445721 +489 266 5 891446232 +489 270 4 891448731 +489 271 4 891448706 +489 272 5 891448367 +489 286 4 891366571 +489 289 2 891366748 +489 292 4 891366693 +489 294 3 891366748 +489 301 3 891366805 +489 302 5 891448109 +489 308 4 891447653 +489 310 4 891449022 +489 315 5 891448389 +489 321 3 891447845 +489 330 4 891445277 +489 331 5 891366606 +489 334 4 891448453 +489 340 4 891448367 +489 342 3 891445199 +489 343 5 891447913 +489 355 5 891447872 +489 457 3 891449254 +489 539 4 891448834 +489 680 5 891445439 +489 681 3 891366805 +489 682 4 891366606 +489 687 3 891445439 +489 689 5 891447913 +489 872 2 891448530 +489 873 3 891447008 +489 878 2 891448565 +489 881 2 891447586 +489 883 2 891448811 +489 908 5 891446623 +489 988 3 891446982 +489 989 3 891446201 +489 991 3 891445439 +489 1025 5 891366652 +489 1238 4 891445352 +489 1243 4 891445231 +489 1293 5 891446623 +490 1 3 875427148 +490 9 4 875428765 +490 15 1 875427739 +490 123 2 875428570 +490 124 4 875427629 +490 126 2 875427812 +490 237 1 875427993 +490 257 3 875428570 +490 258 2 875427021 +490 273 1 875427629 +490 277 3 875428531 +490 284 3 875427993 +490 286 2 875427021 +490 298 3 875427532 +490 333 3 875427021 +490 515 3 875427224 +490 596 1 875427225 +490 764 1 875427993 +490 993 1 875427739 +490 1128 4 875428765 +491 19 4 891185209 +491 45 5 891189631 +491 190 4 891189631 +491 236 4 891185919 +491 258 4 891189815 +491 273 5 891188230 +491 285 5 891185919 +491 340 4 891189716 +491 475 4 891185170 +491 657 5 891189306 +491 900 5 891189761 +491 1281 3 891186806 +492 64 4 879969539 +492 83 4 879969644 +492 86 3 879969454 +492 97 3 879969210 +492 124 4 879969345 +492 127 5 879969879 +492 185 3 879969512 +492 186 3 879969539 +492 187 5 879969878 +492 318 5 879969878 +492 483 2 879969210 +492 492 4 879969512 +492 511 5 879969879 +492 523 4 879969583 +492 923 5 879969878 +492 1021 3 879969415 +493 7 3 884130372 +493 11 3 884130852 +493 50 5 884131553 +493 56 4 884130911 +493 59 5 884132315 +493 61 4 884131263 +493 69 5 884130995 +493 79 5 884131287 +493 82 5 884132058 +493 95 5 884131287 +493 96 4 884130793 +493 98 4 884131460 +493 100 5 884130308 +493 115 4 884131665 +493 117 5 884130416 +493 121 5 884131690 +493 127 3 884130416 +493 150 5 884130495 +493 156 1 884130995 +493 172 5 884131597 +493 175 4 884131933 +493 176 5 884132197 +493 180 4 884130793 +493 181 5 884130308 +493 191 4 884132225 +493 210 5 884131620 +493 222 3 884130416 +493 235 2 884130593 +493 250 4 884130387 +493 252 4 884130619 +493 258 5 884129725 +493 264 3 884129923 +493 265 5 884131048 +493 273 4 884131717 +493 275 1 884131357 +493 284 4 884130619 +493 298 3 884130668 +493 318 5 884132315 +493 327 5 884129868 +493 343 3 884130074 +493 411 1 884132934 +493 423 2 884131020 +493 431 5 884132037 +493 527 5 884132037 +493 528 5 884132246 +493 546 5 884131738 +493 652 5 884131287 +493 687 1 884130055 +493 742 3 884130253 +493 746 4 884131143 +493 751 5 884129793 +493 754 3 884129868 +493 762 4 884130439 +493 763 4 884130593 +493 879 4 884129823 +493 886 2 884129868 +493 925 3 884130668 +493 1126 2 884131517 +493 1278 5 884130215 +494 1 3 879541374 +494 9 2 879541404 +494 15 5 879541475 +494 50 5 879541246 +494 64 5 879541207 +494 100 5 879541475 +494 107 4 879541405 +494 126 4 879541476 +494 174 5 879541112 +494 183 5 879541158 +494 191 4 879541158 +494 194 4 879541298 +494 199 4 879541158 +494 237 4 879541375 +494 289 1 879540630 +494 322 2 879540819 +494 427 5 879541112 +494 507 4 879541207 +494 748 1 879540720 +494 924 4 879541475 +494 1197 3 879541405 +495 2 2 888635595 +495 29 2 888636573 +495 44 3 888636032 +495 50 5 888632134 +495 53 1 888637440 +495 56 5 888632574 +495 62 3 888635937 +495 68 5 888634987 +495 69 3 888632070 +495 71 5 888634111 +495 84 3 888633011 +495 88 4 888635380 +495 89 3 888632888 +495 109 5 888633594 +495 127 4 888634955 +495 133 3 888632888 +495 139 2 888636810 +495 140 5 888635419 +495 145 4 888637147 +495 147 5 888637768 +495 153 5 888633165 +495 162 3 888633351 +495 163 5 888633277 +495 167 4 888636958 +495 168 5 888632738 +495 172 5 888632378 +495 174 5 888632319 +495 184 5 888633086 +495 191 3 888632219 +495 195 5 888633396 +495 200 5 888637768 +495 201 2 888633594 +495 214 5 888632219 +495 216 4 888632443 +495 217 5 888637768 +495 222 5 888633277 +495 227 5 888636899 +495 230 5 888632969 +495 235 5 888636603 +495 282 5 888637768 +495 288 4 888633165 +495 357 5 888633277 +495 379 5 888636870 +495 389 5 888637643 +495 391 3 888637440 +495 392 5 888635455 +495 404 4 888635380 +495 413 5 888636032 +495 451 4 888635524 +495 465 5 888635180 +495 470 5 888637768 +495 478 4 888632443 +495 479 4 888632574 +495 496 5 888632888 +495 501 3 888634536 +495 504 4 888632546 +495 507 4 888633316 +495 550 3 888635235 +495 566 4 888635144 +495 575 3 888637477 +495 581 5 888635655 +495 616 4 888635050 +495 622 2 888635886 +495 629 3 888636032 +495 642 4 888635050 +495 650 5 888634956 +495 658 3 888635380 +495 671 2 888634956 +495 674 3 888635995 +495 679 3 888634784 +495 705 4 888634111 +495 742 5 888632888 +495 770 3 888635339 +495 797 4 888635524 +495 831 1 888637325 +495 843 3 888637385 +495 1110 4 888637147 +495 1118 5 888632888 +495 1119 4 888634784 +495 1135 5 888634475 +495 1183 4 888637228 +495 1419 1 888635995 +495 1444 2 888637018 +496 7 4 876064168 +496 11 4 876067022 +496 17 3 876065645 +496 33 4 876067108 +496 38 2 876068615 +496 39 5 876072633 +496 42 5 876066676 +496 50 5 876072633 +496 64 3 876066064 +496 77 2 876066531 +496 87 5 876073616 +496 89 5 876072633 +496 97 1 876066848 +496 99 3 876066598 +496 132 3 876065881 +496 133 5 876066567 +496 135 2 876066038 +496 136 1 876066424 +496 141 3 876067493 +496 142 2 876067686 +496 154 2 876066424 +496 156 3 876065933 +496 181 5 876064168 +496 183 2 876065259 +496 222 3 876064290 +496 228 1 876065588 +496 229 2 876070655 +496 246 4 876064198 +496 318 4 876065693 +496 378 1 876066794 +496 380 2 876068433 +496 418 3 876066848 +496 420 3 876069927 +496 432 4 876066652 +496 480 3 876065289 +496 509 3 876067272 +496 526 3 876067597 +496 528 4 876065933 +496 532 5 876072633 +496 554 2 876070997 +496 561 5 876068582 +496 625 4 876067306 +496 633 3 876065822 +496 659 3 876065822 +496 727 5 876072633 +496 746 3 876066633 +496 774 5 876066424 +496 921 5 876072633 +496 1063 3 876066485 +496 1074 2 876068100 +496 1133 3 876070957 +496 1401 3 876065499 +496 1444 1 876066465 +496 1473 3 876072548 +497 2 1 879310883 +497 3 4 879309715 +497 13 2 878759927 +497 19 4 879310245 +497 25 4 879309780 +497 31 3 879361802 +497 38 3 879310965 +497 39 3 879310913 +497 54 3 879362071 +497 56 4 878759659 +497 67 3 879362858 +497 71 4 879309993 +497 72 3 879362835 +497 77 3 879362093 +497 79 4 879310730 +497 80 3 879363181 +497 82 4 879310792 +497 87 3 879363565 +497 89 4 879310850 +497 94 3 879363133 +497 95 4 879309993 +497 98 4 879361802 +497 99 3 879310021 +497 100 4 878759828 +497 101 4 879310070 +497 105 2 879309836 +497 108 3 879309760 +497 109 4 878759659 +497 114 4 879309992 +497 127 5 879310580 +497 139 3 879363696 +497 145 4 879362382 +497 152 2 878759898 +497 153 4 878759659 +497 155 3 879310522 +497 161 5 879310730 +497 168 5 878760023 +497 173 5 878759659 +497 174 4 879310705 +497 185 3 879361802 +497 186 4 878759806 +497 187 5 879310825 +497 188 3 879310762 +497 197 3 879310419 +497 217 4 879362382 +497 227 2 879310883 +497 228 3 879310762 +497 229 2 879310850 +497 230 2 879310762 +497 234 2 879361847 +497 240 4 879309734 +497 242 1 878759351 +497 250 3 879310581 +497 252 3 879310650 +497 257 4 879309648 +497 258 4 878759351 +497 260 4 878759529 +497 268 4 878759399 +497 274 3 879309760 +497 288 2 878759351 +497 298 3 879310580 +497 363 2 879310649 +497 381 3 878759898 +497 382 4 878759745 +497 384 2 879362985 +497 385 3 879310792 +497 386 2 879363111 +497 395 4 879363284 +497 403 3 879310883 +497 405 3 879310621 +497 407 2 879309852 +497 408 4 879309955 +497 412 1 878759926 +497 431 4 879310825 +497 452 2 879362202 +497 455 4 878759777 +497 465 3 879363610 +497 501 2 879309993 +497 508 3 878759705 +497 510 3 879362496 +497 526 3 879362478 +497 540 2 879311007 +497 549 4 879310445 +497 550 4 879310913 +497 562 2 879310941 +497 566 3 879310941 +497 570 3 879362511 +497 575 3 879362985 +497 578 4 879310965 +497 588 4 879309993 +497 625 3 879310021 +497 627 3 879310021 +497 645 3 878759659 +497 651 4 879310762 +497 655 4 878759862 +497 657 3 879361847 +497 679 3 879310850 +497 692 3 879310379 +497 720 2 879310941 +497 721 3 879362740 +497 722 3 879362985 +497 724 5 879310445 +497 741 4 879361707 +497 746 5 878759777 +497 748 4 878759432 +497 765 3 879363155 +497 771 4 879362638 +497 780 2 879363181 +497 781 3 879310445 +497 783 3 879362908 +497 792 3 879362954 +497 802 2 879362118 +497 808 2 879310941 +497 809 3 879362609 +497 810 3 879310941 +497 840 3 879310679 +497 864 3 879309734 +497 940 2 879362954 +497 943 4 879362019 +497 1000 2 878759777 +497 1016 4 879310604 +497 1042 3 879362178 +497 1047 3 879309836 +497 1052 2 879309869 +497 1092 3 879363233 +497 1157 2 879362178 +497 1185 1 879363205 +497 1210 4 879362178 +497 1407 3 879362609 +497 1419 2 879362638 +497 1555 2 879363780 +498 11 3 881956576 +498 12 4 881957195 +498 23 4 881955596 +498 32 4 881956363 +498 50 4 881954821 +498 54 2 881961745 +498 59 4 881961312 +498 61 4 881957431 +498 98 4 881957681 +498 121 2 881962699 +498 127 4 881954219 +498 144 1 881958471 +498 151 4 881956140 +498 164 3 881961689 +498 171 3 881955866 +498 176 2 881956498 +498 182 4 881955596 +498 187 4 881955960 +498 191 4 881957054 +498 192 5 881957546 +498 197 5 881958414 +498 202 3 881958897 +498 203 5 881961547 +498 218 3 881961877 +498 228 2 881961627 +498 258 2 881955080 +498 271 2 881962988 +498 275 3 881955348 +498 302 3 881953659 +498 340 2 881954618 +498 474 4 881957905 +498 475 3 881954617 +498 483 3 881957625 +498 484 4 881957546 +498 489 3 881956140 +498 512 5 881957757 +498 515 4 881956953 +498 522 3 881956499 +498 525 4 881961547 +498 538 1 881962988 +498 548 2 881957267 +498 558 4 882205321 +498 591 4 881961877 +498 603 4 881955960 +498 628 4 881961627 +498 649 3 881961745 +498 652 5 881961182 +498 919 4 881954451 +498 933 3 881959018 +498 985 1 881961877 +498 1007 3 881954219 +498 1070 3 881959103 +498 1083 3 881961932 +498 1103 4 881957847 +498 1131 3 881955866 +498 1142 4 881955432 +498 1286 3 881956576 +498 1422 3 881961877 +498 1426 3 881959103 +499 8 5 885599682 +499 11 3 885599372 +499 69 5 885599718 +499 87 4 885599598 +499 136 4 885599447 +499 176 4 885599447 +499 177 3 885599660 +499 181 3 885598827 +499 183 4 885599718 +499 202 4 885598961 +499 207 5 885599533 +499 210 3 885599201 +499 213 3 885598989 +499 215 4 885599475 +499 238 2 885599498 +499 312 4 882995923 +499 318 5 885599286 +499 326 3 892501059 +499 347 4 885597932 +499 414 3 885599533 +499 427 5 885599474 +499 463 5 885599498 +499 482 2 885599182 +499 511 5 885599227 +499 514 5 885599334 +499 516 4 885599572 +499 539 1 885598827 +499 651 4 885598895 +499 657 5 885599413 +499 661 3 885599474 +499 664 3 885599334 +499 742 4 885599334 +499 750 5 885597747 +499 879 3 885598827 +499 1101 5 885599182 +499 1302 5 885598378 +500 1 4 883865021 +500 3 4 883865786 +500 28 3 883874078 +500 30 4 883875275 +500 39 4 883875092 +500 42 5 883874139 +500 43 3 883876859 +500 44 1 883875862 +500 56 5 883873976 +500 58 3 883873720 +500 61 4 883875431 +500 62 3 883876690 +500 70 4 883875388 +500 83 4 888538350 +500 88 4 883875926 +500 89 4 883873505 +500 97 4 883874715 +500 111 4 888538350 +500 116 4 883865232 +500 120 3 883865826 +500 125 3 883865632 +500 129 4 886359266 +500 133 3 883875681 +500 143 3 883875092 +500 147 3 887720583 +500 159 2 883876251 +500 164 4 883874469 +500 172 2 883873640 +500 175 5 883874341 +500 179 4 883873782 +500 181 3 883865462 +500 196 4 883874835 +500 208 4 883873745 +500 216 4 883873556 +500 223 4 883873839 +500 235 5 883865567 +500 237 3 883865483 +500 244 3 886358931 +500 246 5 883865128 +500 252 2 883865889 +500 255 3 883865374 +500 258 4 883864578 +500 275 1 883873439 +500 276 5 883865290 +500 284 3 883865632 +500 287 3 883865268 +500 294 3 883864578 +500 298 4 890009939 +500 304 2 883864749 +500 316 3 891916809 +500 319 4 883864793 +500 325 3 883864862 +500 381 4 883875585 +500 386 3 883875610 +500 405 4 883865567 +500 421 4 883875303 +500 469 4 883874813 +500 498 4 883873911 +500 517 4 883873839 +500 522 4 883875041 +500 529 4 883874558 +500 535 3 890010025 +500 553 2 883876370 +500 584 1 883874528 +500 639 4 883875195 +500 640 4 883874776 +500 660 2 883874835 +500 662 2 883876005 +500 665 3 883876714 +500 699 3 883875523 +500 708 5 883873999 +500 714 2 883874469 +500 721 1 883875561 +500 729 4 883875303 +500 739 2 883876573 +500 742 3 883865290 +500 781 3 883874776 +500 815 3 883865374 +500 827 2 883876904 +500 836 5 883874290 +500 845 4 883865566 +500 930 3 883865929 +500 971 5 883876093 +500 988 3 883864840 +500 1008 4 883865786 +500 1009 4 883865532 +500 1012 4 883865021 +500 1014 2 884527433 +500 1018 3 883875756 +500 1047 3 883865985 +500 1111 4 883874529 +500 1163 1 883865290 +500 1226 4 883865715 +500 1324 2 883865985 +500 1326 4 883865020 +500 1616 4 883875501 +501 25 3 883347773 +501 117 4 883347975 +501 124 4 883347919 +501 127 5 883347773 +501 129 4 883348036 +501 151 4 883348543 +501 181 4 883347857 +501 237 4 883348011 +501 249 3 883348411 +501 257 4 883348114 +501 282 4 883348185 +501 288 4 883346694 +501 293 4 883347823 +501 298 4 883347950 +501 307 4 883346651 +501 313 3 883346623 +501 324 4 883346694 +501 406 3 883348656 +501 456 3 883348610 +501 475 5 883348080 +501 508 4 883347920 +501 844 4 883347023 +501 1278 3 883348372 +501 1534 4 883348743 +502 294 3 883702255 +502 301 1 883702370 +502 333 4 883701866 +502 338 4 883702370 +502 358 4 883702518 +502 539 3 883701980 +502 678 3 883702448 +502 683 3 883702867 +502 879 3 883701980 +502 890 2 883702945 +502 892 2 883702867 +502 893 2 883702867 +503 20 5 879438285 +503 38 3 879454977 +503 45 5 880383064 +503 54 2 879454950 +503 69 4 880383679 +503 88 4 880383468 +503 97 4 880383424 +503 121 3 879438707 +503 127 5 879438161 +503 134 5 880383588 +503 137 5 879438072 +503 153 2 880472250 +503 156 1 880472250 +503 164 3 880472507 +503 168 5 880383624 +503 173 5 880383357 +503 176 5 879454754 +503 181 5 879438319 +503 182 3 880472321 +503 186 5 880472061 +503 194 4 880472591 +503 204 3 880383703 +503 205 4 880472344 +503 233 5 879454811 +503 241 5 880383425 +503 246 5 884638548 +503 248 4 884638469 +503 281 3 879454576 +503 313 5 884637568 +503 318 5 880383679 +503 382 4 880383174 +503 385 1 880472298 +503 402 3 880383467 +503 405 3 879438685 +503 416 2 880472250 +503 430 5 880383653 +503 435 3 880472125 +503 479 4 880383653 +503 488 5 880472216 +503 498 5 880383588 +503 514 3 880472102 +503 526 3 880472188 +503 558 5 880383098 +503 561 5 879454977 +503 607 5 880472272 +503 640 1 880383201 +503 654 5 879454753 +503 659 5 880472148 +503 714 4 880383126 +503 747 3 880383424 +503 778 5 892667730 +503 900 5 892667389 +503 1194 5 879438072 +503 1316 1 892667252 +504 5 4 887912462 +504 25 4 887831419 +504 28 4 887839810 +504 38 4 887840134 +504 50 3 887831293 +504 51 4 887839260 +504 54 4 887909936 +504 56 3 887832643 +504 58 3 887837740 +504 63 3 887912504 +504 66 4 887839165 +504 68 5 887912665 +504 71 5 887909321 +504 72 4 887840134 +504 75 4 887912568 +504 77 4 887840681 +504 82 4 887837918 +504 84 3 887840589 +504 94 4 887841158 +504 96 4 887840098 +504 97 4 887832760 +504 98 5 887832433 +504 117 4 887831694 +504 118 3 887831838 +504 132 5 887838815 +504 133 5 887832593 +504 143 4 887838008 +504 151 4 887831678 +504 163 4 887840517 +504 167 3 887909556 +504 179 1 887839165 +504 180 4 887837918 +504 183 3 887832531 +504 186 3 887840637 +504 194 3 887832668 +504 195 4 887838510 +504 197 4 887832531 +504 199 4 887912236 +504 204 3 887838908 +504 210 4 887832643 +504 215 4 887908861 +504 234 3 887838740 +504 237 3 887831753 +504 257 5 887831753 +504 258 5 887831273 +504 276 3 887831790 +504 281 4 887831447 +504 288 5 887831273 +504 295 4 887831567 +504 318 5 887832593 +504 323 4 887831274 +504 370 3 887832268 +504 372 4 887839195 +504 384 2 887912447 +504 385 4 887832571 +504 396 2 887911369 +504 402 4 887839835 +504 403 3 887910409 +504 404 4 887910370 +504 414 5 887838450 +504 416 4 887910294 +504 417 3 887841177 +504 419 3 887832643 +504 420 3 887840560 +504 428 3 887910511 +504 443 3 887910511 +504 452 2 887911974 +504 499 4 887909595 +504 529 4 887832391 +504 537 3 887910811 +504 543 4 887908861 +504 546 4 887831947 +504 563 3 887911314 +504 567 2 887839196 +504 579 4 887911391 +504 581 4 887910623 +504 585 2 887909864 +504 616 4 887910267 +504 623 3 887910433 +504 655 4 887840713 +504 678 4 887831115 +504 693 4 887832741 +504 699 4 887838573 +504 716 4 887909532 +504 719 3 887841248 +504 723 4 887910896 +504 728 3 887908974 +504 755 4 887841177 +504 807 4 887839081 +504 934 4 887832170 +504 972 3 887910552 +504 1004 4 887910023 +504 1030 3 887911314 +504 1041 3 887910694 +504 1110 2 887911583 +504 1133 3 887910871 +504 1135 4 887911854 +504 1136 5 887840560 +504 1263 4 887909532 +504 1415 3 887912335 +504 1421 4 887841073 +504 1437 2 887911545 +504 1439 4 887840517 +504 1442 3 887911444 +504 1508 3 887911686 +504 1522 3 887840942 +505 7 3 889334129 +505 54 3 889334067 +505 56 1 889333560 +505 66 4 889333313 +505 79 3 889333274 +505 88 4 889334334 +505 99 4 889333313 +505 133 5 889334189 +505 140 4 889334129 +505 151 3 889334162 +505 161 3 889333711 +505 176 4 889333340 +505 187 1 889333676 +505 193 3 889334477 +505 195 3 889334096 +505 199 4 889333442 +505 203 4 889334162 +505 237 3 889333711 +505 245 4 888631349 +505 258 1 888630999 +505 265 4 889333598 +505 271 4 888631208 +505 332 4 888631126 +505 378 5 889333466 +505 402 5 889333937 +505 422 3 889333975 +505 423 4 889333711 +505 468 4 889334096 +505 498 5 889334274 +505 553 4 889333937 +505 566 3 889334503 +505 591 4 889333676 +505 614 3 889334162 +505 623 3 889333365 +505 651 3 889333598 +505 705 3 889333758 +505 713 3 889334217 +505 748 1 888631208 +505 989 1 888631438 +505 1285 3 889333711 +506 28 4 874874308 +506 33 3 874873703 +506 38 3 885135912 +506 47 4 874876486 +506 50 5 878044852 +506 53 4 874874985 +506 54 4 874876651 +506 56 4 874873374 +506 58 4 874874985 +506 70 4 874874055 +506 72 3 874874802 +506 77 3 874874850 +506 81 1 874874000 +506 82 5 874873745 +506 86 3 874876551 +506 88 4 874873944 +506 97 4 874873374 +506 140 3 874873327 +506 148 3 877539905 +506 175 5 874873327 +506 176 5 874873892 +506 182 5 888848342 +506 183 5 874874308 +506 193 4 874873944 +506 209 4 874873529 +506 222 4 884517178 +506 226 4 885135844 +506 227 4 874875062 +506 229 4 874874895 +506 230 4 874873847 +506 234 5 874873111 +506 250 2 880198224 +506 258 4 884517178 +506 274 4 874862229 +506 281 3 880198144 +506 295 4 879074845 +506 300 3 888178161 +506 342 3 888848304 +506 356 3 874874630 +506 367 3 874873068 +506 385 4 874873944 +506 402 4 877539905 +506 403 4 874874458 +506 404 5 878044851 +506 410 2 882100955 +506 417 4 874874396 +506 463 3 874873157 +506 465 4 874874630 +506 470 4 874873423 +506 475 1 874862229 +506 479 4 874873571 +506 490 3 874873529 +506 494 5 878044851 +506 510 5 874873067 +506 520 5 878044852 +506 530 5 874874110 +506 538 3 880908452 +506 550 4 885135881 +506 554 3 885135912 +506 560 3 874874458 +506 581 2 874874850 +506 603 5 874873198 +506 608 4 874874055 +506 611 5 874874525 +506 646 4 874874947 +506 654 4 874876486 +506 655 4 874873892 +506 661 5 874874308 +506 662 5 878044851 +506 663 4 874874947 +506 678 3 879074774 +506 732 4 874874109 +506 747 2 874874629 +506 772 1 874873247 +506 779 2 885135954 +506 792 2 874876598 +506 796 3 874875062 +506 878 3 874872812 +506 892 1 888848224 +506 930 1 877984514 +506 951 3 874875062 +506 1014 3 880908472 +506 1016 4 882100828 +506 1046 4 874874396 +506 1073 4 874873247 +506 1110 1 885135955 +506 1219 2 874874760 +506 1244 2 884517295 +506 1279 4 880198144 +506 1608 2 885135497 +507 117 3 889965997 +507 147 5 889965997 +507 245 5 889964809 +507 271 5 889964312 +507 300 5 889964239 +507 302 5 889963959 +507 310 4 889964162 +507 316 5 889964844 +507 323 5 889964809 +507 328 5 889964162 +507 338 5 889964348 +507 343 5 889964074 +507 352 1 889964274 +507 405 5 889966127 +507 682 5 889964620 +507 689 5 889964844 +507 826 5 889966127 +507 827 5 889966088 +507 879 5 889964706 +507 892 5 889964809 +507 1034 5 889966127 +507 1089 5 889966088 +508 1 5 883777430 +508 13 4 883777366 +508 69 3 883776748 +508 73 3 883777329 +508 82 3 883777145 +508 88 3 883777299 +508 101 5 883777430 +508 109 3 883768886 +508 115 3 883767383 +508 121 2 883767047 +508 144 3 883767728 +508 150 5 883767325 +508 151 5 883768886 +508 172 5 883767157 +508 173 4 883767140 +508 176 4 883767565 +508 180 5 883767565 +508 181 3 883767047 +508 188 4 883767325 +508 195 3 883767565 +508 209 5 883767325 +508 211 3 883777047 +508 214 3 883775341 +508 216 5 883768886 +508 218 2 883777237 +508 219 1 883767628 +508 223 4 883767361 +508 238 4 883767343 +508 239 2 883777257 +508 317 4 883767246 +508 436 4 883777109 +508 443 4 883777071 +508 502 4 883776778 +508 506 5 883777430 +508 528 5 883777430 +508 568 4 883777237 +508 735 4 883775341 +508 1135 3 883777382 +509 50 5 883591878 +509 258 4 883590526 +509 260 2 883591195 +509 288 5 883590443 +509 300 3 883590800 +509 310 1 883590443 +509 319 2 883590913 +509 332 2 883590800 +509 603 4 883591826 +509 680 1 883591252 +509 687 1 883591489 +509 751 3 883590443 +509 879 1 883590913 +510 259 2 887667708 +510 286 3 887667439 +510 288 3 887667545 +510 289 2 887667751 +510 294 3 887667681 +510 325 1 887667575 +510 330 2 887667808 +510 358 1 887667780 +510 678 4 887667780 +510 687 2 887667752 +510 876 2 887667574 +510 881 2 887667838 +510 1025 3 887667780 +511 271 5 890004879 +511 292 5 890004686 +511 294 4 890005011 +511 299 2 890004827 +511 313 5 890004702 +511 322 3 890005102 +511 333 4 890004778 +511 346 4 890004686 +511 355 2 890004827 +511 358 1 890004916 +511 872 5 890004728 +511 880 5 890004778 +511 895 4 890004863 +511 908 4 890004938 +511 948 3 890004916 +512 1 4 888589126 +512 11 5 888579520 +512 23 4 888580248 +512 97 5 888579520 +512 191 4 888579747 +512 198 5 888579920 +512 265 4 888580143 +512 302 4 888578289 +512 313 3 888578289 +512 318 5 888579569 +512 527 5 888579645 +512 1459 4 888579569 +513 117 5 885062519 +513 181 5 885062332 +513 265 5 885062919 +513 472 4 885062636 +513 546 4 885062601 +514 1 5 875309276 +514 4 4 875463440 +514 11 4 875318082 +514 14 3 875318331 +514 15 4 875309350 +514 42 5 875318331 +514 45 4 876061444 +514 47 4 875462645 +514 58 4 875462689 +514 69 4 875309276 +514 83 5 875462568 +514 96 5 875311192 +514 109 3 876067235 +514 135 4 875311193 +514 150 3 886189467 +514 170 3 875462764 +514 175 4 875462426 +514 179 4 875463468 +514 189 5 875318291 +514 204 5 875318331 +514 210 5 876067462 +514 239 5 876067462 +514 243 2 885181043 +514 257 4 880209981 +514 269 4 885180864 +514 302 5 885180556 +514 307 4 880210104 +514 318 4 875318331 +514 328 3 885180947 +514 336 1 885180842 +514 344 3 891900164 +514 357 4 875462901 +514 367 5 875318164 +514 380 4 875462965 +514 392 4 875463351 +514 402 4 875463245 +514 405 2 875463386 +514 408 5 875311225 +514 423 5 875462568 +514 429 4 875311225 +514 510 3 886190480 +514 558 4 875318114 +514 609 4 875462826 +514 631 4 875463386 +514 651 4 875462901 +514 658 4 875463028 +514 659 3 875463245 +514 682 4 875463891 +514 709 3 876067380 +514 715 4 876067592 +514 729 4 886189841 +514 732 5 875462901 +514 735 4 875462764 +514 746 5 875309276 +514 748 2 875463906 +514 750 4 885180627 +514 1014 2 885180645 +514 1035 3 875463595 +515 243 3 887659667 +515 271 4 887658844 +515 288 4 887658604 +515 292 3 887659805 +515 307 4 887659123 +515 310 3 887658975 +515 313 4 887658604 +515 315 4 887658604 +515 322 3 887659073 +515 329 2 887660131 +515 344 2 887660131 +515 362 4 887658844 +515 690 2 887660131 +515 893 1 887660131 +516 50 5 891290565 +516 181 4 891290566 +516 191 4 891290685 +516 199 3 891290649 +516 310 4 891290565 +516 523 3 891290649 +516 628 4 891290649 +516 902 5 891290565 +517 50 5 892660727 +517 111 3 892659922 +517 269 3 892659922 +517 275 5 892660728 +517 283 4 892660728 +517 284 2 892659923 +517 300 5 892660728 +517 369 5 892660727 +517 597 4 892660034 +517 873 3 892660034 +517 1016 1 892607194 +518 7 3 876823197 +518 13 4 876823266 +518 14 3 876822923 +518 25 5 876823197 +518 100 4 876822967 +518 117 5 876823804 +518 118 5 876823804 +518 120 3 876824218 +518 123 2 876823143 +518 124 3 876823071 +518 151 3 876823018 +518 222 5 876823597 +518 236 3 876823597 +518 273 5 876823804 +518 284 4 876823324 +518 291 3 876823926 +518 370 4 876823963 +518 458 3 876823266 +518 471 3 876822873 +518 546 4 876823447 +518 547 3 876823645 +518 595 3 876824266 +518 685 5 876823597 +518 696 5 876823266 +518 717 5 876823963 +518 763 1 876823994 +518 866 5 876823540 +518 919 5 876822967 +518 924 3 876822873 +518 934 3 876823143 +518 1017 3 876823071 +518 1028 3 876824266 +518 1047 4 876823266 +518 1079 1 876824266 +519 243 1 883250021 +519 263 5 883250102 +519 288 4 883248089 +519 299 5 884545961 +519 324 1 883248191 +519 327 4 883248134 +519 335 5 883248595 +519 336 5 883248595 +519 349 5 883250148 +519 352 5 883250148 +519 748 2 883248307 +519 878 5 884545961 +519 908 5 883250148 +519 909 5 883250148 +519 1062 5 883250148 +519 1280 5 883250102 +519 1592 5 883250148 +519 1617 5 883250102 +520 25 4 885170476 +520 242 5 885168819 +520 269 5 885168591 +520 274 3 885170516 +520 283 4 885170516 +520 289 4 885169052 +520 300 4 885168906 +520 315 4 885169083 +520 678 2 885170330 +520 1028 1 885170476 +520 1051 3 885170585 +521 11 4 884477993 +521 33 4 885254133 +521 69 3 884477727 +521 72 3 885254323 +521 73 3 885253827 +521 81 1 885253861 +521 90 2 885254006 +521 100 3 884475872 +521 117 4 884475913 +521 132 3 885253186 +521 144 3 884478171 +521 153 4 884478086 +521 156 4 884478171 +521 161 2 885254116 +521 173 4 884477896 +521 176 4 884477820 +521 179 4 885253708 +521 182 3 884477993 +521 202 3 884478530 +521 206 5 884476637 +521 228 4 884478007 +521 230 3 885254250 +521 232 3 886063553 +521 238 3 884478101 +521 241 4 885254006 +521 248 3 884476110 +521 250 3 884476020 +521 258 4 884475503 +521 271 3 884475524 +521 288 3 884475470 +521 291 1 885254166 +521 380 3 884478483 +521 392 3 886063254 +521 423 3 884478792 +521 427 3 884477630 +521 474 3 884477677 +521 625 3 885253937 +521 659 4 885253376 +521 721 4 885253337 +521 743 1 886061689 +521 826 2 884476920 +521 1012 3 884476049 +521 1016 3 884476002 +521 1022 4 884475591 +521 1059 1 884476821 +522 79 3 876960824 +522 96 3 876961076 +522 100 5 876960824 +522 128 4 876961133 +522 133 3 876961314 +522 173 4 876961020 +522 318 4 876961248 +522 523 5 876961133 +523 3 4 883702474 +523 8 5 883702125 +523 9 4 883700564 +523 50 5 883700186 +523 66 4 883702292 +523 72 4 883702351 +523 83 5 883700870 +523 114 5 883701800 +523 153 4 883702054 +523 154 4 883702125 +523 166 4 883701018 +523 181 5 883700186 +523 186 3 883703495 +523 189 5 883701800 +523 204 5 883702171 +523 208 5 883702209 +523 211 4 883702292 +523 242 5 883699464 +523 269 5 883699464 +523 285 5 883701962 +523 289 4 883699869 +523 382 5 883701018 +523 393 5 883702411 +523 514 4 883702172 +523 516 5 883702863 +523 549 4 883703144 +523 575 4 883702800 +523 629 5 883702125 +523 652 2 883703495 +523 662 4 883703070 +523 707 5 883701093 +523 727 4 883703167 +523 792 4 883702263 +523 794 4 883703144 +523 935 5 883700186 +523 1009 5 883701154 +523 1022 4 883699629 +524 24 3 884626906 +524 29 3 884637173 +524 31 4 884636205 +524 42 3 884636453 +524 66 3 884636617 +524 76 4 884636182 +524 89 5 884634533 +524 95 3 884636617 +524 97 5 884636583 +524 100 5 884322047 +524 127 5 884634533 +524 143 3 884635085 +524 151 1 884627327 +524 161 4 884637095 +524 168 3 884634995 +524 172 3 884634849 +524 178 3 884634968 +524 179 5 884635204 +524 180 4 884634579 +524 181 3 884634731 +524 182 5 884635031 +524 184 1 884636416 +524 185 4 884635204 +524 187 5 884634646 +524 191 4 884634707 +524 192 4 884634877 +524 193 4 884636498 +524 198 4 884634707 +524 199 4 884634646 +524 205 5 884634707 +524 210 3 884635287 +524 213 4 884635136 +524 215 2 884636735 +524 234 4 884634877 +524 237 3 884322169 +524 277 3 884322379 +524 281 2 884323464 +524 284 3 884323525 +524 285 3 884322168 +524 286 5 884287379 +524 289 4 884321591 +524 290 2 884323525 +524 291 4 884627777 +524 410 2 884832742 +524 423 4 884635358 +524 467 4 884635287 +524 469 4 884636416 +524 474 4 884634578 +524 479 4 884637314 +524 483 4 884634533 +524 490 3 884634679 +524 497 2 884637467 +524 506 4 884634938 +524 518 3 884635031 +524 525 3 884634615 +524 527 5 884634785 +524 530 4 884634785 +524 541 1 884702593 +524 554 4 884636746 +524 603 3 884637376 +524 605 1 884637566 +524 607 3 884637314 +524 613 4 884637347 +524 615 2 884637409 +524 642 4 884636182 +524 646 5 884637347 +524 650 2 884637528 +524 660 5 884636152 +524 670 4 884637203 +524 679 2 884636746 +524 702 4 884636262 +524 707 4 884634995 +524 712 4 884637147 +524 724 3 884636444 +524 742 3 884627446 +524 866 2 884626810 +524 898 4 884701702 +524 928 4 884323551 +524 931 3 884627932 +524 942 4 884636980 +524 978 3 884628212 +524 1044 4 884636931 +524 1154 1 884637914 +524 1204 3 884635225 +524 1268 3 884637032 +524 1456 3 884635031 +524 1560 4 884636444 +525 1 4 881085964 +525 25 5 881085917 +525 111 4 881086051 +525 118 3 881086393 +525 121 4 881085893 +525 123 3 881086051 +525 237 4 881085893 +525 252 3 881086780 +525 255 1 881086078 +525 276 5 881086468 +525 281 3 881086562 +525 300 4 881085217 +525 332 4 881085178 +525 411 3 881086612 +525 412 2 881086757 +525 595 2 881086803 +525 685 4 881086295 +525 829 2 881086393 +525 1011 3 881086274 +525 1012 3 881086078 +526 1 5 885682562 +526 7 4 885682400 +526 147 4 885682503 +526 243 1 885682295 +526 269 5 885681886 +526 270 3 885681860 +526 283 3 885682400 +526 301 2 885682031 +526 312 2 885682295 +526 315 5 885682102 +526 346 3 885681860 +526 408 5 885682562 +526 676 5 885682370 +526 678 1 885682214 +526 754 2 885681886 +526 875 3 885682264 +526 886 3 885682077 +526 919 3 885682400 +526 936 5 885682448 +527 19 3 879456611 +527 22 5 879456132 +527 28 3 879456289 +527 50 4 879455706 +527 56 4 879456611 +527 59 5 879455792 +527 64 3 879456030 +527 87 3 879456132 +527 99 3 879456186 +527 124 4 879455680 +527 127 5 879456132 +527 143 2 879456289 +527 152 2 879456405 +527 156 3 879456334 +527 176 2 879455740 +527 181 4 879456464 +527 190 4 879456362 +527 193 3 879455680 +527 201 3 879456490 +527 203 4 879456662 +527 204 5 879455847 +527 207 4 879455873 +527 208 4 879456289 +527 210 4 879455924 +527 213 4 879456186 +527 285 5 879456363 +527 317 4 879456405 +527 324 3 879455415 +527 474 3 879455792 +527 479 4 879455707 +527 507 5 879455654 +527 513 4 879456030 +527 514 5 879455961 +527 517 5 879456186 +527 531 3 879456077 +527 543 4 879455740 +527 588 4 879456289 +527 615 4 879456312 +527 631 4 879456030 +527 634 5 879456363 +527 646 5 879455792 +527 653 4 879456077 +527 709 5 879455961 +527 868 4 879456663 +527 956 4 879455847 +527 963 4 879456030 +527 1109 3 879455792 +527 1333 3 879456104 +528 50 5 886101695 +528 58 5 886101994 +528 82 4 886101632 +528 174 5 886101821 +528 181 5 886812857 +528 193 4 886101873 +528 194 5 886101956 +528 238 3 886101782 +528 239 5 886101632 +528 310 3 888520371 +528 358 2 888520491 +528 393 2 886101695 +528 423 1 888522642 +528 479 4 886101505 +528 485 2 886101872 +528 657 5 886101505 +528 748 3 888520471 +528 751 4 888520371 +529 269 3 882534996 +529 292 4 882535180 +529 294 4 882535466 +529 321 4 882535353 +529 323 4 882535091 +529 325 3 882535693 +529 331 4 882535220 +529 340 1 882535181 +529 873 4 882535091 +529 984 4 882535353 +529 1038 4 882535304 +530 50 4 883781669 +530 56 3 886202320 +530 70 4 886198864 +530 156 4 883790381 +530 163 3 886202320 +530 172 4 883790882 +530 178 5 883787080 +530 214 2 886202320 +530 319 3 891568424 +530 322 4 886203949 +530 328 4 886198454 +530 357 5 883784456 +530 476 4 886198206 +530 483 3 883785248 +530 527 4 883784654 +530 535 4 886198575 +530 692 4 883784258 +530 1300 2 890627207 +531 289 3 887048862 +531 312 5 887048899 +531 323 5 887049081 +531 332 4 887048813 +531 358 1 887049187 +531 457 1 887049341 +531 905 4 887049166 +531 990 5 887048789 +532 11 5 893119491 +532 38 3 874789332 +532 51 5 888635365 +532 58 4 888636374 +532 66 5 893118712 +532 70 4 888634801 +532 95 5 893118711 +532 96 5 892867296 +532 117 5 893119335 +532 121 4 888636374 +532 132 5 893118711 +532 148 5 888817717 +532 151 5 892519935 +532 153 4 888629670 +532 155 4 888630086 +532 168 5 892519934 +532 177 4 888636501 +532 195 5 892521554 +532 197 5 889235367 +532 205 5 887788806 +532 210 5 888637085 +532 216 5 893119438 +532 235 3 887041328 +532 241 5 892859148 +532 242 4 888817735 +532 250 3 891910110 +532 259 3 884594498 +532 266 4 875441640 +532 284 5 893119438 +532 300 5 888635239 +532 301 4 874999563 +532 302 5 875441085 +532 312 2 884594422 +532 329 4 886364769 +532 331 4 890021268 +532 333 4 875441189 +532 338 3 879931705 +532 345 4 884594358 +532 348 4 886364825 +532 353 2 886364951 +532 357 5 892519935 +532 369 3 874792142 +532 373 3 888630658 +532 399 3 888630360 +532 403 4 892865321 +532 404 5 893119336 +532 412 2 874795951 +532 419 5 888635366 +532 421 5 888637085 +532 468 5 893119491 +532 470 5 892859148 +532 472 5 893119335 +532 485 5 893119491 +532 492 4 888637105 +532 500 5 889235367 +532 515 5 889327324 +532 526 5 893119415 +532 532 3 887040858 +532 538 4 881048155 +532 545 2 874791976 +532 562 5 892859148 +532 568 5 892521554 +532 586 4 888636373 +532 591 5 893119335 +532 592 3 874791850 +532 601 3 888629518 +532 603 5 893119491 +532 655 5 892861435 +532 658 5 893119335 +532 679 5 888629565 +532 682 4 877898976 +532 685 5 892521554 +532 689 4 880484527 +532 690 4 876696258 +532 692 5 893119336 +532 721 4 874791671 +532 734 3 874791786 +532 746 5 893119438 +532 750 5 884594358 +532 763 5 892866230 +532 769 2 888630531 +532 818 2 888631077 +532 829 3 892520073 +532 831 2 874790629 +532 865 2 888630531 +532 879 3 892519328 +532 895 3 884594450 +532 914 5 893118711 +532 926 3 888630146 +532 929 3 874791786 +532 938 3 892519553 +532 1046 4 874790629 +532 1119 5 893119415 +532 1210 4 888636373 +532 1221 5 874788957 +532 1226 4 893015131 +532 1337 3 874790930 +532 1415 2 892520390 +532 1426 3 874791506 +532 1470 5 888630402 +532 1496 2 874795634 +532 1502 1 874796400 +533 1 4 879192521 +533 4 3 888845066 +533 9 4 879192414 +533 10 2 879192414 +533 14 3 879192582 +533 19 3 879365781 +533 21 3 888239930 +533 23 3 879191770 +533 25 4 884096575 +533 26 3 879192035 +533 47 1 879191998 +533 50 5 882902988 +533 54 4 888844601 +533 65 4 879439465 +533 69 4 879438849 +533 82 4 879439204 +533 83 2 879191902 +533 87 4 879191184 +533 91 2 879190991 +533 96 4 879438767 +533 97 2 879438666 +533 98 4 879438543 +533 103 3 887032538 +533 118 4 879192792 +533 122 1 879366118 +533 127 5 879192278 +533 133 5 879191085 +533 151 3 879192474 +533 161 4 879439465 +533 180 3 879439379 +533 181 5 879191085 +533 190 2 879439379 +533 193 4 879439379 +533 194 4 879191061 +533 195 4 879439082 +533 196 4 888844941 +533 202 4 879191938 +533 210 5 879191401 +533 218 2 879191652 +533 221 3 888844601 +533 222 5 884007368 +533 229 4 879191621 +533 234 2 879191373 +533 240 1 879192474 +533 245 3 890659336 +533 252 4 880402784 +533 258 4 884007368 +533 274 4 885305541 +533 275 4 887721848 +533 276 1 889451077 +533 282 4 888844577 +533 283 3 879365733 +533 286 4 879193088 +533 288 2 882901971 +533 295 4 888844601 +533 303 4 893160944 +533 313 5 884007337 +533 319 3 879193132 +533 322 4 879193106 +533 328 4 887032063 +533 345 3 888347628 +533 357 3 879191085 +533 378 4 879439290 +533 380 4 879438510 +533 405 3 879192793 +533 411 2 879365998 +533 412 1 879366159 +533 427 4 879191373 +533 430 5 879191972 +533 435 4 879438455 +533 450 5 879191713 +533 462 2 879190926 +533 475 1 879192500 +533 477 4 880402957 +533 479 4 879191184 +533 484 3 879190724 +533 496 5 879439061 +533 525 3 879191770 +533 526 2 879191265 +533 528 4 879438999 +533 546 3 879192769 +533 568 5 879438849 +533 582 3 879192278 +533 595 2 887032451 +533 597 3 879192939 +533 603 4 879190670 +533 651 4 888845036 +533 659 4 879439379 +533 673 3 879439143 +533 692 4 879191902 +533 708 2 879439167 +533 724 4 888347691 +533 742 4 879192681 +533 845 4 882902989 +533 847 3 880402996 +533 879 3 892469600 +533 931 2 879366160 +533 949 4 879439519 +533 1028 2 879192769 +533 1033 4 879192702 +533 1177 1 879192184 +533 1282 3 879773572 +534 24 5 877807780 +534 117 5 877807973 +534 150 3 877807873 +534 151 4 877807692 +534 237 4 877808002 +534 240 5 877807873 +534 290 4 877807845 +534 322 4 877807461 +534 325 4 877807461 +534 370 4 877808260 +534 455 5 877807816 +534 456 5 877808300 +534 471 5 877807935 +534 591 5 877807845 +534 595 4 877807747 +534 628 5 877807747 +534 687 5 877807486 +534 742 5 877807653 +534 820 3 877808340 +534 825 4 877808281 +534 926 4 877807780 +534 930 4 877808002 +534 986 5 877808319 +534 1028 5 877807816 +534 1034 3 877808120 +534 1047 4 877808361 +534 1059 4 877807692 +534 1199 5 877807780 +535 1 3 879617663 +535 4 3 879618777 +535 8 4 879618288 +535 11 4 879618849 +535 22 3 879619107 +535 39 4 879617574 +535 42 3 879618849 +535 44 4 879619035 +535 58 5 879618502 +535 59 3 879618338 +535 70 4 879618849 +535 97 4 879618880 +535 116 3 879618246 +535 121 4 879618123 +535 129 5 879619000 +535 131 4 879618532 +535 137 4 879618502 +535 151 4 879618338 +535 165 4 879617613 +535 168 5 879618385 +535 171 3 879618414 +535 172 3 879617747 +535 174 4 879617747 +535 178 4 879618925 +535 181 4 879617818 +535 182 3 879617574 +535 185 4 879617931 +535 203 3 879619035 +535 204 5 879617856 +535 209 5 879617819 +535 212 4 879618613 +535 238 4 879618809 +535 269 4 879617063 +535 282 3 879618091 +535 283 4 879618160 +535 285 4 879619144 +535 286 2 879617123 +535 338 3 879617098 +535 357 2 879617531 +535 421 4 879617701 +535 423 5 879618613 +535 433 5 879618160 +535 435 5 879618246 +535 454 3 879617894 +535 469 3 879618464 +535 478 5 879617931 +535 479 4 879617977 +535 480 4 879618207 +535 489 4 879619000 +535 502 5 879618502 +535 505 4 879618569 +535 506 5 879617819 +535 508 5 879617931 +535 514 5 879617531 +535 515 3 879619224 +535 519 3 879617931 +535 521 5 879618809 +535 591 4 879617977 +535 603 4 879617613 +535 607 5 879618700 +535 629 4 879618776 +535 630 2 879619144 +535 639 4 879618019 +535 658 4 879618569 +535 662 3 879618414 +535 735 5 879619067 +535 789 2 879618613 +535 813 5 879618777 +535 836 5 879617746 +535 923 4 879617531 +535 953 5 879618019 +535 971 2 879618569 +535 1093 4 879617931 +535 1124 4 879617613 +535 1149 4 879618288 +535 1166 4 879617779 +535 1396 4 879618058 +536 2 4 882360227 +536 21 3 882320267 +536 31 3 882360685 +536 49 3 882360753 +536 50 5 882318139 +536 52 3 882360187 +536 54 2 882364876 +536 63 4 882360802 +536 69 5 882359938 +536 70 2 882359906 +536 83 5 882359307 +536 132 4 882359962 +536 133 4 882359477 +536 139 4 882361317 +536 143 5 882360425 +536 163 5 882360080 +536 174 5 882359065 +536 176 3 882359726 +536 183 3 882359455 +536 189 5 882360143 +536 195 4 882359431 +536 199 3 882359499 +536 204 4 882359938 +536 214 2 882360450 +536 217 3 882360601 +536 227 5 882361066 +536 229 4 882361142 +536 230 5 882359779 +536 234 4 882360405 +536 265 5 882360300 +536 271 3 882317149 +536 274 4 882318394 +536 318 5 882359431 +536 385 4 882359085 +536 387 3 882363919 +536 402 4 882361042 +536 441 2 882361018 +536 449 4 882361262 +536 470 5 882360530 +536 501 3 882360834 +536 511 5 882359603 +536 542 1 882364876 +536 561 3 882364065 +536 570 3 882361162 +536 582 2 882360100 +536 584 5 882360530 +536 603 4 882359653 +536 648 3 882359678 +536 679 4 882360495 +536 699 3 882360209 +536 724 4 882359988 +536 727 3 882359697 +536 862 3 882360834 +536 1118 2 882360776 +537 3 2 886030317 +537 7 4 886029727 +537 11 3 886030937 +537 13 4 886029806 +537 22 2 886030767 +537 28 3 886031438 +537 46 3 886031678 +537 58 4 886031719 +537 60 3 886031297 +537 70 4 886031786 +537 82 2 886031752 +537 85 2 886032123 +537 90 1 886032029 +537 92 3 886031678 +537 95 1 886030891 +537 101 2 886031860 +537 102 1 886032123 +537 133 4 886030707 +537 134 5 886030862 +537 136 4 886030583 +537 137 4 886029841 +537 143 1 886031438 +537 150 3 886029974 +537 151 2 886030177 +537 171 3 886030967 +537 172 3 886030707 +537 177 3 886031506 +537 179 4 886031105 +537 182 4 886030862 +537 187 4 886030767 +537 188 4 886030891 +537 191 4 886030862 +537 193 4 886031375 +537 194 3 886030891 +537 201 3 886031831 +537 203 4 886031437 +537 205 5 886031297 +537 206 1 886031720 +537 207 4 886030682 +537 210 3 886031912 +537 215 3 886031342 +537 226 2 886032000 +537 231 3 886032246 +537 235 1 886030317 +537 237 3 886030011 +537 239 2 886031933 +537 241 3 886031540 +537 242 3 886028498 +537 258 4 886029286 +537 259 1 886029116 +537 269 3 886028446 +537 275 4 886029806 +537 285 4 886029806 +537 291 2 886030235 +537 301 2 886028647 +537 306 3 886028604 +537 312 3 886029211 +537 313 4 886028446 +537 318 4 886030707 +537 327 2 886028730 +537 330 2 886029488 +537 349 1 886028845 +537 352 1 886028544 +537 357 4 886030707 +537 399 2 886032246 +537 402 1 886031752 +537 405 2 886030381 +537 417 2 886031831 +537 421 2 886030863 +537 447 3 886031752 +537 457 1 886029444 +537 459 3 886030381 +537 460 2 886030442 +537 461 3 886031105 +537 467 3 886031634 +537 470 2 886032029 +537 472 2 886030415 +537 475 4 886029727 +537 488 4 886030622 +537 491 4 886030584 +537 498 3 886031105 +537 504 3 886030652 +537 507 4 886030966 +537 509 4 886031540 +537 516 3 886030966 +537 526 3 886031720 +537 529 3 886031375 +537 549 2 886031965 +537 553 2 886032123 +537 557 3 886032245 +537 558 4 886030584 +537 570 2 886031831 +537 588 1 886031473 +537 602 3 886031634 +537 606 3 886030938 +537 610 4 886031912 +537 613 3 886031831 +537 615 3 886031074 +537 648 4 886031505 +537 649 3 886031720 +537 653 4 886030738 +537 654 3 886031506 +537 661 4 886031149 +537 663 3 886031540 +537 681 1 886029488 +537 682 1 886029083 +537 687 1 886029526 +537 697 2 886031966 +537 698 3 886031178 +537 721 2 886031752 +537 736 3 886031634 +537 744 3 886030380 +537 749 2 886028544 +537 762 3 886030051 +537 770 3 886031913 +537 772 3 886031297 +537 844 4 886029692 +537 874 3 886029083 +537 875 1 886028544 +537 922 3 886030442 +537 937 3 886029488 +537 956 4 886031751 +537 965 2 886031540 +537 1008 2 886030078 +537 1009 2 886030254 +537 1019 1 886031606 +537 1050 2 886031575 +537 1065 1 886030738 +537 1068 3 886029974 +537 1069 2 886030938 +537 1073 3 886031149 +537 1085 4 886030416 +537 1105 1 886029153 +537 1111 3 886031506 +537 1139 2 886032000 +537 1197 3 886029889 +538 56 4 877107408 +538 69 5 877107340 +538 97 5 877107086 +538 98 5 877107012 +538 117 3 877107492 +538 127 5 877107231 +538 164 3 877108631 +538 168 3 877107408 +538 191 5 877106665 +538 195 4 877108919 +538 196 4 877107408 +538 202 4 877108250 +538 211 4 877109986 +538 213 3 877364067 +538 215 5 877107536 +538 216 4 877364204 +538 237 4 877109986 +538 238 5 877110174 +538 240 2 877109422 +538 317 4 877107765 +538 405 3 877109564 +538 496 5 877107491 +538 568 3 877107491 +538 692 3 877107765 +538 956 3 877107914 +538 963 4 877363775 +539 19 5 879788007 +539 50 3 879788136 +539 58 3 879788195 +539 131 4 879788159 +539 153 5 879788533 +539 155 4 879788480 +539 185 4 879788101 +539 197 5 879787985 +539 242 5 879787770 +539 367 3 879787801 +539 382 5 879787825 +539 481 4 879788572 +539 483 5 879788101 +539 527 4 879788136 +539 661 5 879788045 +539 956 5 879788405 +540 1 3 882157126 +540 7 4 882157011 +540 50 5 882156948 +540 100 5 882156948 +540 109 4 882157194 +540 125 3 882157011 +540 126 3 882157105 +540 150 3 882157036 +540 240 3 882157662 +540 245 3 882157172 +540 249 3 882157687 +540 591 3 882157036 +540 741 3 882157797 +540 742 4 882157584 +541 1 4 883874645 +541 15 3 883864806 +541 28 4 883864739 +541 82 3 883871562 +541 143 4 883874645 +541 181 5 884046910 +541 196 4 883864928 +541 210 5 883865575 +541 215 4 885595771 +541 222 4 883864848 +541 225 4 885595846 +541 239 4 883865211 +541 255 3 884046321 +541 257 5 884046320 +541 274 4 883866093 +541 376 3 883866210 +541 399 3 883866093 +541 419 5 883874682 +541 420 4 883874749 +541 423 3 883864985 +541 452 3 883874518 +541 465 4 883874716 +541 560 3 883874872 +541 596 4 884645816 +541 625 4 883874717 +541 654 3 883875215 +541 660 5 883865039 +541 699 4 883864985 +541 756 4 883866028 +541 763 3 883866068 +541 769 1 884046888 +541 781 5 883866093 +541 810 3 883871719 +541 1035 3 883874749 +542 8 3 886532908 +542 23 5 886532602 +542 28 4 886533452 +542 56 5 886532706 +542 58 4 886532571 +542 63 3 886533090 +542 69 4 886532552 +542 73 3 886533227 +542 89 4 886532294 +542 100 4 886532432 +542 179 4 886532571 +542 187 4 886533395 +542 191 5 886532338 +542 204 3 886532762 +542 206 2 886532602 +542 209 4 886532762 +542 214 3 886533452 +542 230 4 886533774 +542 238 4 886532706 +542 246 3 886532359 +542 265 4 886532238 +542 288 2 886532149 +542 318 4 886532602 +542 319 3 886532950 +542 346 3 886532149 +542 367 4 886532881 +542 382 3 886532726 +542 396 4 886533112 +542 399 2 886533172 +542 411 4 886533275 +542 475 3 886532359 +542 479 4 886532265 +542 496 4 886532534 +542 508 3 886532762 +542 588 4 886533562 +542 648 4 886532950 +542 655 4 886532908 +542 684 4 886532238 +542 693 4 886533395 +542 721 2 886533003 +542 746 4 886532838 +542 790 3 886533090 +542 818 4 886533112 +542 866 2 886533046 +542 1059 4 886533193 +542 1098 4 886532818 +542 1218 3 886532762 +543 15 3 888209697 +543 28 4 875663543 +543 53 3 877547190 +543 71 4 874864870 +543 79 4 877545356 +543 83 4 877547441 +543 85 2 877547580 +543 86 4 876896210 +543 88 4 877550535 +543 95 3 874865728 +543 96 4 875665787 +543 110 2 874865635 +543 117 3 874861792 +543 129 4 874862036 +543 135 5 875667109 +543 165 4 874863436 +543 175 3 874864182 +543 176 4 874865635 +543 179 4 874862879 +543 185 4 875662979 +543 186 3 877550660 +543 187 4 874866535 +543 190 5 875665787 +543 194 3 874864870 +543 199 4 875663056 +543 202 4 874863734 +543 207 5 875665787 +543 210 3 875721967 +543 216 4 874864666 +543 231 3 877545230 +543 238 3 874866319 +543 371 5 875665787 +543 381 4 877547580 +543 385 3 877545717 +543 403 4 875663543 +543 443 4 874864857 +543 513 4 874863035 +543 516 4 876896210 +543 578 3 877546305 +543 591 4 876896210 +543 647 3 874864182 +543 664 4 874863336 +543 694 4 874862966 +543 735 4 874863269 +543 737 3 874866535 +543 748 3 876110379 +543 770 4 874863803 +543 810 3 877547004 +543 831 2 876718718 +543 982 3 877452676 +543 1194 4 875659174 +543 1262 2 876382812 +543 1619 3 874865635 +544 258 3 884795135 +544 286 4 884795135 +544 312 2 884796086 +544 325 1 884796016 +544 326 3 884795580 +544 332 3 884795437 +544 689 2 884795706 +544 1280 3 884795542 +545 22 3 879899158 +545 25 2 880348933 +545 54 4 884134519 +545 55 3 879899233 +545 68 4 879899266 +545 69 4 884133906 +545 71 5 879901459 +545 73 4 879900121 +545 88 3 879901941 +545 89 3 879899125 +545 101 4 879901538 +545 132 4 884134519 +545 135 4 884134060 +545 144 3 879899125 +545 161 4 879899472 +545 208 3 879899619 +545 210 5 879899158 +545 215 3 884133881 +545 217 5 879899934 +545 219 2 880348933 +545 222 4 879899157 +545 226 3 879899438 +545 228 5 879899266 +545 229 3 879899380 +545 231 4 879899472 +545 254 4 879898995 +545 265 4 883115423 +545 388 3 880347984 +545 399 4 879900794 +545 404 4 884133839 +545 444 3 879899978 +545 447 3 879899978 +545 472 5 879899266 +545 474 3 884134205 +545 520 4 884133794 +545 524 4 879900185 +545 554 3 879899497 +545 568 3 879899299 +545 636 3 879899472 +545 648 3 879899719 +545 665 3 879899299 +545 680 2 879898486 +545 689 4 879898362 +545 710 3 879900227 +545 739 4 884134780 +545 810 4 879899523 +545 993 2 879898802 +546 17 4 885141411 +546 56 5 885141332 +546 98 5 885141332 +546 118 5 885141260 +546 286 2 885139580 +546 288 4 885141260 +546 346 5 885139634 +546 413 4 885140808 +546 436 5 885141438 +546 458 1 885140689 +546 569 4 885141502 +546 672 3 885141438 +546 717 5 885141162 +546 860 4 885141439 +546 895 3 885139608 +546 928 4 885141132 +546 930 5 885141260 +547 258 4 891282596 +547 301 3 891282680 +547 311 2 891282699 +547 312 4 891282824 +547 316 5 891282797 +547 328 4 891282757 +547 347 4 891282680 +547 354 4 891282640 +548 7 5 891044304 +548 12 5 891044356 +548 31 5 891044481 +548 117 4 891415384 +548 118 5 891415855 +548 147 5 891415540 +548 222 5 891044596 +548 235 3 891415746 +548 248 4 891043852 +548 255 4 891043852 +548 258 4 891042474 +548 264 4 891043547 +548 270 5 891044304 +548 273 5 891044411 +548 276 3 891415512 +548 281 4 891044538 +548 298 4 891043882 +548 307 4 891042474 +548 311 3 891042194 +548 315 3 891415258 +548 322 4 891043509 +548 323 4 891043547 +548 327 3 891042794 +548 345 1 891042194 +548 458 3 891415512 +548 477 1 891415786 +548 504 5 891044482 +548 532 4 891043910 +548 603 5 891044356 +548 619 3 891415786 +548 636 4 891044538 +548 649 4 891044538 +548 657 5 891044411 +548 690 3 891042475 +548 760 3 891416049 +548 887 4 891043442 +548 991 1 891044050 +548 1051 4 891415677 +548 1073 4 891044411 +548 1405 3 891415572 +549 50 5 881672199 +549 225 3 881672804 +549 252 3 881672538 +549 288 4 881672605 +549 678 3 881671982 +549 866 4 881672573 +550 254 1 883426119 +550 255 3 883425388 +550 259 2 883426119 +550 300 4 883425652 +550 304 3 883425743 +550 310 5 883425627 +550 323 5 883425465 +550 405 4 883426027 +550 538 5 883425812 +550 846 2 883426119 +550 892 2 883426119 +550 993 4 883425426 +551 2 2 892784780 +551 12 4 892776419 +551 13 1 892783411 +551 15 5 892782936 +551 22 5 892776650 +551 25 1 892783366 +551 31 4 892783451 +551 42 5 892783212 +551 43 2 892784976 +551 50 2 892776336 +551 56 5 892776450 +551 62 5 892784524 +551 79 5 892776824 +551 91 1 892783025 +551 98 5 892776524 +551 121 5 892783411 +551 127 5 892776420 +551 132 5 892777583 +551 135 5 892778129 +551 156 5 892777723 +551 161 5 892782936 +551 174 4 892776650 +551 181 2 892778074 +551 183 4 892776824 +551 185 5 892777885 +551 193 5 892777363 +551 203 5 892782975 +551 222 5 892783411 +551 223 4 892776650 +551 234 4 892777092 +551 237 4 892777825 +551 238 5 892777638 +551 240 3 892784673 +551 241 4 892783057 +551 260 5 892775869 +551 268 4 892775516 +551 273 4 892782865 +551 274 2 892783488 +551 286 4 892775466 +551 291 4 892778337 +551 292 3 892775612 +551 307 4 892775516 +551 316 5 892696165 +551 317 5 892777092 +551 318 5 892776824 +551 334 4 892775970 +551 340 4 892775584 +551 343 4 892775869 +551 354 3 892775752 +551 355 4 892776041 +551 365 5 892784524 +551 384 1 892785223 +551 405 3 892783612 +551 423 1 892782975 +551 447 5 892783711 +551 458 2 892784166 +551 471 5 892783365 +551 479 3 892776380 +551 527 5 892777123 +551 550 5 892784130 +551 552 3 892784259 +551 561 5 892785363 +551 566 5 892783212 +551 576 2 892784743 +551 578 5 892784672 +551 581 5 892783972 +551 582 5 892783749 +551 616 5 892777052 +551 651 4 892776750 +551 658 5 892783559 +551 684 5 892783212 +551 690 5 892775584 +551 692 4 892777092 +551 698 4 892782734 +551 715 1 892785128 +551 719 1 892784898 +551 742 5 892782838 +551 746 5 892777013 +551 748 4 892775612 +551 755 4 892784008 +551 756 1 892784437 +551 780 5 892785431 +551 808 3 892783791 +551 825 5 892784049 +551 827 5 892784710 +551 846 3 892783942 +551 864 5 892785091 +551 912 3 892775723 +551 944 2 892784320 +551 950 2 892783861 +551 955 3 892783411 +551 959 5 892784166 +551 975 5 892784130 +551 991 2 892775935 +551 1035 2 892778244 +551 1067 2 892785091 +551 1079 1 892785431 +551 1087 1 892784437 +551 1207 1 892785300 +551 1267 4 892783906 +551 1314 2 892783750 +551 1376 1 892784524 +551 1518 4 892785363 +552 7 3 879221580 +552 13 3 879222238 +552 14 4 879221649 +552 15 3 879222484 +552 118 3 879222520 +552 123 3 879222033 +552 151 3 879222238 +552 222 4 879221764 +552 225 3 879221876 +552 249 3 879222368 +552 252 2 879222002 +552 274 3 879222162 +552 301 4 879220720 +552 322 3 879220760 +552 336 3 879221267 +552 455 3 879221764 +552 471 3 879222306 +552 620 3 879222738 +552 717 3 879222368 +552 742 4 879222103 +552 760 3 879222306 +552 829 3 879222738 +552 864 3 879221876 +552 866 3 879222002 +552 1152 3 879222002 +552 1277 3 879222763 +552 1315 3 879222452 +552 1620 3 879222071 +553 22 5 879949324 +553 86 3 879948771 +553 89 5 879948386 +553 98 5 879948996 +553 99 5 879948508 +553 111 4 879948869 +553 131 5 879948655 +553 151 5 879949181 +553 177 4 879949180 +553 182 3 879949290 +553 199 4 879949153 +553 205 4 879948869 +553 265 5 879948508 +553 307 4 879948235 +553 427 5 879948508 +553 434 3 879948771 +553 474 5 879948609 +553 478 4 879948964 +553 479 5 879948386 +553 481 3 879948806 +553 482 4 879948831 +553 485 3 879948695 +553 490 4 879949073 +553 492 3 879949042 +553 496 3 879948460 +553 505 5 879949107 +553 511 5 879948869 +553 523 4 879948508 +553 603 5 879948695 +553 604 5 879949107 +553 641 4 879948386 +553 646 4 879949251 +553 648 4 879948552 +553 1021 2 879949153 +553 1451 4 879949212 +554 8 4 876550526 +554 9 4 876231468 +554 28 4 876232758 +554 67 3 876369932 +554 69 5 876232682 +554 79 5 876550491 +554 82 4 876550257 +554 86 4 876369678 +554 87 4 876550654 +554 98 5 876550491 +554 118 4 876550257 +554 174 5 876550257 +554 223 3 876232996 +554 227 3 876369198 +554 228 5 876550011 +554 229 3 876369907 +554 252 4 876232528 +554 274 3 876232317 +554 286 4 876231521 +554 411 3 876231886 +554 432 4 876550491 +554 542 3 876369995 +554 546 3 876231886 +554 576 4 876549377 +554 582 3 876232758 +554 696 3 876232023 +554 742 3 876231546 +554 845 3 876231993 +554 951 3 876369840 +555 7 4 879962172 +555 87 4 879975505 +555 117 4 879962152 +555 147 4 879962172 +555 168 4 879975419 +555 236 5 879962769 +555 249 4 879963127 +555 269 5 879962096 +555 271 3 879961963 +555 285 5 879963127 +555 326 4 879962096 +555 480 4 879975474 +555 489 5 879975455 +555 546 3 879962551 +555 1054 3 879964335 +556 48 5 882136252 +556 64 5 882136162 +556 132 5 882136396 +556 170 4 882136162 +556 192 5 882136440 +556 288 4 882135646 +556 325 2 882135684 +556 327 5 882135508 +556 479 5 882136162 +556 496 5 882136252 +556 507 5 882136205 +556 520 5 882136441 +556 1065 4 882136162 +557 8 5 881179653 +557 127 4 880485718 +557 166 4 881179397 +557 254 4 880485908 +557 257 2 880485764 +557 262 2 882458820 +557 271 4 881179557 +557 294 3 880484929 +557 343 4 881095995 +557 508 4 880485956 +557 872 5 881095916 +557 1070 2 884357600 +558 14 4 879436097 +558 19 5 879436396 +558 116 5 879436396 +558 124 4 879435855 +558 508 5 879436396 +558 847 4 879436396 +558 936 5 879436396 +559 4 4 891035876 +559 73 4 891035812 +559 127 4 891033956 +559 188 5 891034609 +559 191 5 891034139 +559 199 5 891034040 +559 204 3 891035708 +559 210 4 891034957 +559 238 1 891035674 +559 265 4 891033696 +559 294 1 891035519 +559 315 5 891033635 +559 427 4 891034095 +559 435 2 891035781 +559 514 4 891035633 +559 524 3 891035917 +559 527 4 891034172 +559 528 4 891034209 +559 687 3 891035551 +559 902 4 891035111 +559 1101 4 891035111 +560 1 4 879976449 +560 7 3 879975718 +560 13 3 879976602 +560 25 3 879976706 +560 108 1 879976988 +560 118 3 879976892 +560 123 2 879976542 +560 136 3 879975661 +560 203 4 879975613 +560 235 2 879976867 +560 250 4 879976126 +560 258 5 879975116 +560 260 1 879977973 +560 281 3 879976828 +560 288 4 879975116 +560 319 4 879975173 +560 423 4 879975586 +560 478 4 879975752 +560 480 3 879975613 +560 597 2 879976914 +560 756 2 879977032 +560 813 4 879976478 +560 864 3 879976970 +560 975 3 879977081 +560 1008 3 879976731 +560 1160 3 879976215 +560 1163 3 879976988 +560 1171 3 879976807 +560 1333 3 879976071 +561 1 2 885807713 +561 7 5 885808738 +561 13 3 885810060 +561 14 3 885808929 +561 15 3 885809291 +561 19 3 885808673 +561 23 5 885807888 +561 32 4 885807455 +561 42 3 885809025 +561 45 3 885808716 +561 51 3 885810834 +561 53 3 885810538 +561 62 3 885810144 +561 64 3 885809605 +561 65 3 885808673 +561 80 2 885810372 +561 92 3 885809897 +561 93 4 885809224 +561 98 4 885807393 +561 109 1 885810271 +561 124 3 885807842 +561 135 4 885809336 +561 141 2 885809781 +561 143 1 885810000 +561 151 2 885808843 +561 154 4 885807612 +561 163 3 885808963 +561 164 2 885809626 +561 170 4 885808738 +561 193 3 885808673 +561 202 3 885808867 +561 204 3 885808716 +561 205 3 885807393 +561 211 4 885808824 +561 218 3 885810000 +561 219 1 885809583 +561 222 3 885807843 +561 228 3 885807930 +561 239 3 885809336 +561 241 2 885809119 +561 258 2 885806823 +561 273 5 885808824 +561 302 4 885806797 +561 304 3 891710572 +561 317 3 885808824 +561 318 3 885807345 +561 343 4 885807035 +561 346 5 885806862 +561 382 4 885807842 +561 393 2 885810309 +561 410 1 885810117 +561 436 4 885807843 +561 458 4 885809197 +561 461 3 885807369 +561 468 1 885809291 +561 469 4 885809099 +561 489 4 885807743 +561 497 4 885809064 +561 501 3 885808620 +561 506 3 885809146 +561 513 3 885807345 +561 518 4 885808620 +561 530 4 885807547 +561 537 4 885808866 +561 582 4 885808796 +561 584 3 885809781 +561 597 3 885810428 +561 616 3 885808929 +561 640 5 885809005 +561 645 3 885808767 +561 661 4 885808715 +561 671 3 885808673 +561 678 2 885807080 +561 708 3 885809447 +561 715 3 885809606 +561 735 3 885809712 +561 805 3 885810240 +561 890 1 885807080 +561 959 3 885810060 +561 1009 4 885810706 +561 1024 3 885806883 +561 1069 4 885808053 +561 1074 3 885810813 +561 1101 3 885808887 +561 1110 2 885809524 +561 1119 3 885810144 +561 1120 4 885807318 +561 1139 1 885810744 +561 1153 3 885808986 +561 1220 2 885810538 +561 1524 4 885809897 +561 1529 3 885809064 +562 56 1 879195156 +562 114 1 879195156 +562 191 5 879196176 +562 197 4 879196105 +562 418 5 879195738 +562 427 4 879195244 +562 443 5 879196604 +562 462 5 879196074 +562 480 4 879195126 +562 501 5 879196653 +562 636 2 879195007 +562 720 4 879196483 +562 727 5 879196267 +563 50 5 880507404 +563 233 4 880507165 +563 254 3 880506963 +563 367 4 880507083 +563 401 4 880507108 +563 692 5 880506842 +563 1035 4 880507204 +564 121 4 888730534 +564 333 3 888718521 +564 750 3 888718771 +564 827 3 888731038 +564 1399 2 888718470 +565 10 5 891037453 +565 52 5 891037524 +565 170 5 891037291 +565 179 5 891037778 +565 212 5 891037453 +565 640 4 891037837 +565 730 5 891037837 +565 855 5 891037628 +566 7 4 881649747 +566 8 4 881650690 +566 15 3 881650030 +566 25 2 881651077 +566 33 2 881650907 +566 71 2 881650958 +566 77 4 881651183 +566 82 4 881650709 +566 83 4 881650148 +566 88 3 881650090 +566 89 4 881650423 +566 95 2 881649913 +566 98 4 881649445 +566 117 4 881650886 +566 154 3 881651151 +566 157 5 881649985 +566 177 4 881650654 +566 186 3 881649893 +566 196 4 881650405 +566 207 5 881650502 +566 213 5 881649670 +566 235 3 881650534 +566 242 5 881649273 +566 392 4 881650519 +566 395 1 881651672 +566 405 5 881650943 +566 423 2 881649709 +566 479 4 881649428 +566 480 4 881649471 +566 485 3 881650242 +566 512 4 881650148 +566 651 4 881650242 +566 705 4 881649871 +566 707 4 881650442 +566 727 4 881650850 +566 755 2 881651561 +566 772 4 881650467 +566 856 5 881650690 +566 1044 3 881651583 +566 1193 5 881649548 +566 1232 2 881651126 +567 1 3 882426899 +567 7 4 882426622 +567 132 3 882426021 +567 176 5 882425874 +567 181 1 882426246 +567 191 3 882427124 +567 221 5 882426927 +567 252 1 882427384 +567 257 3 882427250 +567 273 5 882427068 +567 298 4 882426279 +567 302 4 882426300 +567 318 2 882425901 +567 478 5 882426079 +567 480 4 882426508 +567 482 5 882425966 +567 483 5 882425843 +567 491 3 882426135 +567 496 5 882426184 +567 497 5 882425901 +567 504 4 882425874 +567 506 5 882425701 +567 517 5 882426673 +567 606 4 882425630 +567 611 4 882425998 +567 613 4 882426927 +567 615 4 882425932 +567 617 4 882425843 +567 636 4 882427155 +567 919 4 882426105 +567 1019 5 882425874 +567 1020 3 882425820 +567 1131 4 882426601 +567 1204 5 882427023 +568 6 3 877907235 +568 59 1 877906995 +568 165 4 877906935 +568 185 4 877907834 +568 194 3 877907671 +568 269 4 877906547 +568 286 3 877906547 +568 474 5 877907834 +568 475 4 877907782 +568 491 2 877907126 +568 525 3 877907720 +568 606 5 877907720 +568 835 4 877907157 +568 923 3 877906995 +568 954 2 877907671 +568 988 1 877906737 +568 1005 1 877907877 +568 1050 4 877907835 +568 1203 5 877907281 +569 1 4 879793399 +569 3 1 879795551 +569 25 4 879793785 +569 50 5 879793717 +569 111 3 879793948 +569 117 3 879793847 +569 126 5 879793909 +569 151 5 879793948 +569 222 3 879794265 +569 237 4 879793717 +569 248 4 879793741 +569 252 3 879795551 +569 283 4 879793847 +569 287 4 879795551 +569 302 4 879792991 +569 340 4 879793075 +569 475 3 879793717 +569 676 4 879793847 +569 924 3 879793784 +570 245 1 881262497 +570 302 4 881262145 +570 303 5 881262256 +570 326 1 881262437 +571 496 3 883354886 +572 300 4 879449243 +572 1010 2 879449683 +572 1137 3 879449708 +572 1171 3 879449734 +573 69 4 885844091 +573 127 4 885843596 +573 143 2 885844339 +573 176 3 885844481 +573 183 3 885844091 +573 192 4 885844535 +573 194 4 885844431 +573 205 3 885844674 +573 211 5 885843964 +573 427 4 885844091 +573 478 4 885844674 +573 480 4 885844481 +573 492 4 885843964 +573 632 4 885844007 +573 661 4 885844431 +573 1012 2 885844339 +574 245 5 891279362 +574 258 5 891278916 +574 272 4 891278860 +574 300 4 891279012 +574 315 3 891278860 +574 321 1 891279285 +574 331 1 891279013 +574 690 3 891279174 +575 173 5 878148258 +575 181 2 878148295 +575 194 4 878148087 +575 215 3 878148229 +575 322 3 878146541 +575 483 3 878148137 +575 506 2 878148087 +575 507 2 878148137 +576 9 3 887168978 +576 56 3 886986444 +576 70 5 886986361 +576 181 4 887081041 +576 237 4 886985003 +576 259 2 887168978 +576 275 3 886985695 +576 280 5 886985003 +576 381 3 886986445 +576 435 4 886986400 +576 825 4 886986304 +577 12 4 880474257 +577 15 3 880470350 +577 38 2 880475453 +577 40 4 880475435 +577 95 5 880474747 +577 110 4 880475581 +577 117 4 880471359 +577 168 5 880472124 +577 186 4 880472153 +577 188 3 880474715 +577 204 4 880474338 +577 218 3 880475269 +577 225 4 880470827 +577 229 4 880475094 +577 230 3 880474357 +577 281 3 880470447 +577 284 4 880470732 +577 365 5 880475504 +577 380 3 880474991 +577 385 5 880474530 +577 393 4 880475363 +577 443 4 880475269 +577 471 3 880471640 +577 561 4 880474955 +577 595 4 880471170 +577 623 5 880475149 +577 655 4 880474394 +577 662 4 880474933 +577 684 4 880474394 +577 720 4 880475043 +577 727 5 880474747 +577 795 3 880476630 +577 808 3 880475094 +577 845 4 880471578 +577 932 3 880471287 +577 996 3 880475094 +577 1032 3 880475561 +577 1291 3 880471954 +577 1531 4 880475408 +578 294 3 888957453 +578 380 3 888957833 +579 1 4 880951740 +579 49 3 880952360 +579 83 5 880952360 +579 89 3 880952102 +579 98 4 880951804 +579 100 4 880952201 +579 111 4 880952142 +579 168 4 880952142 +579 179 3 880952038 +579 183 4 880952038 +579 288 4 880951346 +579 328 3 880951444 +579 408 3 880951740 +579 528 4 880951708 +579 655 3 880952201 +579 845 4 880952549 +579 1047 3 880952579 +579 1074 3 880952579 +580 7 3 884124844 +580 123 4 884125199 +580 148 4 884125773 +580 281 2 884126077 +580 294 4 884124337 +580 300 3 884124103 +580 329 3 884124191 +580 358 4 884124472 +580 825 4 884125339 +580 1028 3 884125829 +581 50 4 879641698 +581 847 3 879641787 +581 919 5 879643155 +582 222 4 882961804 +582 246 4 882961082 +582 250 3 882961000 +582 258 4 882960396 +582 288 3 882960396 +582 750 5 882960418 +582 826 3 882962652 +582 948 1 882960718 +583 12 5 879384522 +583 83 4 879384338 +583 198 4 879384404 +583 209 4 879384404 +583 239 2 879384522 +583 265 4 879384522 +583 268 5 879384094 +583 663 4 879384338 +584 114 4 885778238 +584 258 4 885774483 +585 45 5 891282808 +585 113 3 891283681 +585 116 3 891284393 +585 166 4 891283338 +585 190 4 891282808 +585 207 5 891284016 +585 212 5 891282894 +585 224 2 891283681 +585 463 5 891284816 +585 582 3 891282894 +585 638 4 891284016 +585 639 4 891283921 +585 707 5 891282894 +585 730 3 891285188 +585 863 5 891283000 +585 1018 2 891286059 +585 1158 4 891282573 +585 1266 3 891286059 +585 1347 2 891285658 +585 1488 4 891283921 +585 1512 5 891283000 +585 1524 3 891283124 +585 1535 4 891284816 +586 28 3 884066087 +586 39 4 884061623 +586 82 2 884062010 +586 148 3 884065745 +586 174 4 884058898 +586 176 3 884061623 +586 186 2 884059287 +586 187 4 884058566 +586 203 3 884059027 +586 210 4 884059027 +586 219 3 884060705 +586 226 4 884061806 +586 229 3 884062742 +586 235 3 884066859 +586 276 3 884057692 +586 281 3 884062405 +586 403 4 884061807 +586 470 4 884064631 +586 559 5 884060807 +586 568 3 884061623 +586 578 3 884062621 +586 628 3 884064631 +586 665 3 884061256 +586 756 1 884067105 +586 926 4 884067199 +586 928 3 884065665 +586 1407 3 884063080 +587 261 3 892871438 +587 272 5 892870956 +587 300 4 892871171 +587 303 4 892871068 +587 312 2 892871563 +587 327 3 892871252 +587 343 4 892871337 +587 347 3 892871223 +587 349 3 892871400 +587 682 3 892871372 +587 688 3 892871536 +587 748 1 892871438 +587 873 3 892871284 +587 875 1 892871462 +587 879 1 892871536 +587 881 2 892871641 +587 995 3 892871503 +587 1624 2 892871752 +588 15 5 890015608 +588 25 4 890024677 +588 31 3 890015722 +588 40 4 890026154 +588 71 4 890024195 +588 73 3 890026262 +588 99 5 890023646 +588 143 5 890015684 +588 144 3 890024564 +588 204 5 890015323 +588 207 2 890025076 +588 220 5 890025023 +588 227 3 890028385 +588 258 4 890014591 +588 260 2 890014930 +588 278 5 890027600 +588 288 4 890014818 +588 289 2 890015063 +588 316 5 890015021 +588 333 5 890014710 +588 347 5 890014648 +588 365 5 890028385 +588 423 3 890015649 +588 428 4 890024730 +588 432 4 890027113 +588 451 5 890026059 +588 496 3 890023879 +588 623 3 890026939 +588 652 2 890026339 +588 699 4 890024385 +588 721 5 890023722 +588 783 4 890027297 +588 1039 4 890024611 +588 1041 2 890027063 +588 1047 3 890031141 +588 1508 3 890029795 +589 259 5 883352631 +589 268 1 883352463 +589 271 3 883352654 +589 288 5 883352536 +589 289 3 883352679 +589 307 1 883352402 +589 313 5 883352434 +589 327 3 883352535 +589 340 1 883352494 +589 678 4 883352735 +589 895 5 883352562 +589 995 1 883352562 +590 100 5 879438825 +590 126 5 879439316 +590 150 5 879438878 +590 221 4 879439645 +590 244 3 879439431 +590 276 4 879439645 +590 285 5 879438735 +590 754 3 879438686 +590 864 1 879439567 +590 1017 4 879439196 +591 56 4 891031344 +591 72 3 891040366 +591 88 3 891031525 +591 191 5 891031116 +591 204 4 891031500 +591 235 3 891039676 +591 275 4 891039974 +591 286 4 891030956 +591 322 2 891031013 +591 382 4 891031500 +591 740 4 891039974 +591 787 3 891031500 +591 921 4 891031257 +591 934 3 891039769 +591 1017 3 891039616 +591 1099 5 891031203 +592 1 4 882608021 +592 20 4 882608315 +592 28 4 882956586 +592 32 5 882956067 +592 42 5 882955918 +592 50 5 882607872 +592 56 5 882955948 +592 59 4 882956718 +592 61 4 882956586 +592 64 5 882956039 +592 79 4 882955583 +592 124 5 882607986 +592 125 2 882608795 +592 137 5 882608145 +592 147 4 882608357 +592 157 5 882955918 +592 168 5 882955825 +592 169 5 882955663 +592 179 5 882956761 +592 184 5 882956419 +592 187 5 882956157 +592 195 4 882955863 +592 197 5 882955863 +592 201 5 882955794 +592 202 5 882956803 +592 204 5 882956158 +592 236 3 882608061 +592 238 5 882956321 +592 251 5 882607955 +592 255 4 882608915 +592 258 5 882607476 +592 262 5 882607356 +592 263 1 882607779 +592 264 2 882607528 +592 266 1 882607744 +592 271 4 882607647 +592 272 5 882955387 +592 273 5 882607986 +592 288 5 882607528 +592 291 3 882609008 +592 297 5 882607844 +592 303 5 882607325 +592 318 5 882955863 +592 319 4 882607434 +592 323 1 882607690 +592 324 4 882607387 +592 330 3 882607606 +592 334 3 882607476 +592 336 1 882607476 +592 345 4 888553233 +592 347 4 885280098 +592 354 4 888553156 +592 408 5 882607955 +592 411 2 882608457 +592 418 4 882956551 +592 425 5 882956467 +592 432 1 882956321 +592 433 5 882956761 +592 455 4 882608402 +592 457 1 882607779 +592 460 3 882608873 +592 533 4 882608827 +592 619 1 882608234 +592 652 4 882956467 +592 682 4 882607573 +592 689 2 882607690 +592 742 4 882608357 +592 782 2 882956510 +592 806 4 882956586 +592 820 3 882609057 +592 823 1 882609009 +592 833 4 882608662 +592 847 5 882607986 +592 876 1 882607690 +592 952 4 882608699 +592 969 4 882956718 +592 988 1 882607745 +592 1008 4 882608357 +592 1009 3 882608662 +592 1025 1 882607745 +592 1060 2 882609057 +592 1134 5 882608234 +592 1187 4 882608358 +592 1315 2 882609056 +592 1319 1 882608234 +592 1377 3 882607872 +592 1623 4 882955794 +593 5 4 875671525 +593 65 3 875671674 +593 66 5 875671807 +593 70 5 875658983 +593 71 4 875661567 +593 79 4 875671674 +593 100 5 875658824 +593 125 4 875659708 +593 172 4 886193379 +593 182 2 886193627 +593 196 5 875670939 +593 210 2 875673181 +593 211 4 875671198 +593 216 5 875671277 +593 234 2 875660850 +593 245 3 888872154 +593 392 3 886193788 +593 402 4 875672970 +593 501 2 886193661 +593 584 3 875671579 +593 597 2 875660347 +593 609 3 886194241 +593 633 5 875671081 +593 655 3 886193724 +593 724 3 875670796 +593 1035 3 875671464 +594 14 4 874781173 +594 222 4 874783052 +594 237 3 874784095 +594 286 3 875917841 +594 744 3 874783298 +595 15 4 886921423 +595 129 3 886921088 +595 289 4 886920602 +595 291 3 886921656 +595 368 1 886921977 +595 369 3 886921977 +595 597 2 886921634 +595 742 2 886921521 +595 763 3 886921551 +595 825 2 886921606 +595 928 3 886921820 +595 1009 4 886921584 +595 1059 4 886921344 +595 1067 4 886922069 +595 1094 3 886921820 +595 1134 5 886921392 +595 1264 2 887588203 +596 123 2 883539767 +596 258 3 883539011 +596 288 4 883538847 +596 294 4 883539079 +596 678 3 883538965 +597 242 4 875338983 +597 298 5 875339723 +597 300 5 875338983 +597 328 4 875339132 +597 824 3 875342875 +597 936 3 875343067 +597 988 1 875339237 +597 1152 4 875339876 +598 323 4 886711452 +598 349 4 886711452 +599 120 3 880953441 +599 282 5 880951657 +599 471 4 880953441 +599 682 4 880951079 +599 873 5 880951174 +599 928 4 880953441 +599 934 3 880953441 +599 988 4 880951211 +599 1095 4 880952316 +599 1152 4 880951623 +600 2 3 888451908 +600 27 3 888451977 +600 38 3 888452491 +600 92 3 888451665 +600 127 5 888451492 +600 176 5 888451665 +600 210 4 888451665 +600 226 4 888451977 +600 227 4 888451977 +600 228 3 888451840 +600 229 3 888451840 +600 265 3 888451582 +600 403 3 888451908 +600 435 5 888451750 +600 526 4 888451750 +600 550 4 888452071 +600 554 4 888451977 +600 583 3 888451977 +600 1110 3 888452564 +600 1228 2 888452490 +600 1231 2 888452152 +600 1407 2 888453083 +601 21 3 876347113 +601 39 1 876350443 +601 109 4 876346930 +601 127 4 876346810 +601 140 1 876351298 +601 164 4 876350875 +601 174 4 876348572 +601 176 2 876348820 +601 179 5 876351073 +601 181 5 876347039 +601 184 3 876350230 +601 196 3 876349810 +601 250 4 876346930 +601 257 2 876347224 +601 276 4 876346890 +601 290 3 876350501 +601 324 4 876346383 +601 411 2 876348107 +601 418 2 876350766 +601 419 4 876351263 +601 482 4 876350142 +601 496 4 876349302 +601 584 4 876350142 +601 588 3 876350719 +601 623 1 876349897 +601 699 3 876350812 +601 740 4 876347196 +601 834 1 876348381 +601 1073 2 876350230 +601 1079 3 876347148 +601 1615 4 876348107 +602 125 4 888638674 +602 304 4 888638022 +602 678 4 888638193 +603 11 5 891956927 +603 21 3 891956715 +603 100 4 891956776 +603 157 1 891957031 +603 172 5 891956139 +603 173 4 891956877 +603 174 3 891956927 +603 181 5 891956154 +603 230 4 891955922 +603 380 4 891955972 +603 429 5 891956981 +603 748 5 891956302 +603 931 2 891956715 +604 183 3 883668021 +604 185 2 883668175 +604 234 5 883668097 +604 413 3 883668175 +604 444 2 883668175 +605 15 5 879427151 +605 127 5 879366240 +605 137 5 879425432 +605 174 3 879424743 +605 180 4 879424315 +605 284 2 880762139 +605 527 4 879424429 +605 531 4 879424583 +605 582 4 879424661 +605 601 5 879426339 +605 754 3 879425457 +606 7 4 878143509 +606 11 5 880923579 +606 15 5 878143729 +606 22 5 880927357 +606 33 4 880928180 +606 64 5 880923579 +606 95 4 880924188 +606 96 5 880925074 +606 123 3 878143605 +606 124 3 878143246 +606 147 5 880922503 +606 186 5 880925290 +606 197 3 880926862 +606 210 3 880924557 +606 228 5 880924663 +606 241 3 880926246 +606 258 4 887058788 +606 287 4 880921656 +606 288 4 877641931 +606 418 5 880923745 +606 421 4 880923989 +606 473 4 878149415 +606 530 4 880925074 +606 620 4 887059014 +606 746 5 880925394 +606 756 3 878146986 +606 760 3 880923349 +606 763 5 887060488 +606 966 5 880923745 +606 1110 2 880927358 +606 1277 3 878148493 +607 86 4 883880079 +607 107 4 883879756 +607 487 4 883879213 +607 528 4 883879556 +607 529 4 883880027 +607 847 4 883879638 +608 9 4 880403765 +608 58 2 880406800 +608 65 5 880406469 +608 69 4 880405702 +608 97 3 880405659 +608 150 3 880406299 +608 162 3 880406862 +608 193 4 880405824 +608 265 3 880406470 +608 276 2 880404975 +608 332 4 880402982 +608 419 4 880405702 +608 478 3 880403606 +608 489 5 880403765 +608 490 4 880405824 +608 609 5 880406950 +608 661 3 880405927 +608 673 4 880405484 +608 695 5 880405565 +608 729 4 880407079 +608 789 3 880405971 +608 886 1 880402564 +608 1113 3 880406862 +608 1115 4 880406168 +608 1119 5 880406552 +608 1124 4 880404846 +608 1153 3 880406623 +608 1172 5 880404636 +609 287 5 886894940 +609 538 1 886895795 +609 878 1 886895827 +609 901 1 886895886 +610 11 4 888703432 +610 216 4 888703291 +610 315 4 888702764 +610 402 5 888704000 +610 483 5 888702859 +610 527 4 888703801 +610 568 4 888703648 +610 751 4 888702795 +610 1558 3 888703475 +611 300 5 891636244 +611 303 3 891636073 +611 350 4 891636399 +612 9 3 875324876 +612 322 3 875324294 +612 878 2 875324400 +612 924 5 875324710 +612 926 2 875324789 +612 1063 5 875325049 +613 258 5 891227365 +613 303 4 891227111 +614 9 4 879464063 +614 25 1 879464376 +614 100 5 879464119 +614 117 3 879464352 +614 126 4 879464183 +614 281 3 879464308 +614 287 3 879464456 +614 411 3 879465452 +615 69 4 879448632 +615 87 4 879448780 +615 170 4 879447895 +615 179 4 879447968 +615 259 1 879447642 +615 289 2 879447670 +615 294 3 879447613 +615 517 5 879449068 +615 640 3 879448182 +615 644 4 879448599 +615 660 4 879448882 +615 735 3 879448823 +615 886 2 879447692 +615 1021 5 879448119 +615 1192 4 879448715 +616 269 4 891224517 +616 300 4 891224644 +616 355 4 891224881 +616 689 4 891224748 +616 750 5 891224590 +617 7 3 883789425 +617 53 1 883789537 +617 89 4 883789294 +617 98 2 883789080 +617 100 4 883789425 +617 132 1 883789006 +617 134 3 883788900 +617 217 1 883789507 +617 242 3 883788511 +617 294 1 883788511 +617 396 1 883789590 +617 488 4 883789386 +617 565 4 883789635 +617 606 3 883788929 +617 637 3 883789507 +617 860 1 883789635 +618 2 2 891309091 +618 12 4 891307263 +618 28 4 891309887 +618 50 5 891307175 +618 77 3 891309720 +618 79 5 891307494 +618 93 3 891307019 +618 96 3 891307749 +618 100 4 891308063 +618 131 4 891307343 +618 143 4 891308515 +618 150 2 891308175 +618 161 4 891308946 +618 182 4 891307289 +618 185 5 891308260 +618 196 4 891307889 +618 204 3 891307098 +618 210 3 891308703 +618 237 4 891307343 +618 273 4 891309293 +618 282 3 891307289 +618 367 3 891309319 +618 378 4 891309514 +618 392 3 891308979 +618 496 4 891307619 +618 549 2 891308342 +618 697 3 891308063 +618 705 3 891307825 +618 724 3 891309091 +618 778 3 891308515 +618 781 3 891309382 +618 944 2 891309266 +618 1071 1 891308542 +619 39 2 885954083 +619 62 1 885954185 +619 117 5 885953778 +619 241 5 885954083 +619 245 4 885953743 +619 328 1 885953684 +619 403 5 885954159 +619 809 1 885954238 +620 71 5 889988005 +620 101 2 889988069 +620 121 5 889987825 +620 148 3 889987299 +620 268 4 889986452 +620 281 5 889987852 +620 294 5 889986557 +620 379 4 889987656 +620 444 3 889987682 +620 465 4 889988232 +620 563 5 889987682 +620 565 4 889987682 +620 625 3 889988005 +620 678 3 889986642 +620 682 2 889986985 +620 768 5 889988069 +620 930 2 889987875 +620 1035 4 889988232 +620 1043 4 889988340 +621 4 4 874962988 +621 33 4 874962824 +621 67 4 880739654 +621 72 2 874962900 +621 107 4 880737311 +621 117 5 880227268 +621 135 5 885596819 +621 147 3 880738282 +621 151 5 880737929 +621 181 5 874965408 +621 197 4 885596884 +621 208 4 874962824 +621 231 4 874964375 +621 249 5 880738282 +621 263 1 883800011 +621 293 3 880227385 +621 300 3 890517589 +621 301 4 880226534 +621 364 3 874963446 +621 404 3 874965496 +621 423 4 880739654 +621 451 1 874963028 +621 541 4 874964605 +621 542 2 874965093 +621 554 4 874964657 +621 559 5 874964915 +621 567 3 874964991 +621 576 2 874964605 +621 748 4 880226710 +621 769 3 874964991 +621 833 3 880738462 +621 876 2 883799203 +621 1012 5 880227233 +621 1118 3 874962824 +622 2 4 882671363 +622 11 4 882669740 +622 12 5 882669468 +622 30 4 882670190 +622 66 3 882670480 +622 72 3 882671142 +622 105 3 882591726 +622 106 2 882591172 +622 120 1 882592643 +622 168 4 882592041 +622 194 4 882669762 +622 196 3 882669695 +622 240 3 882590420 +622 252 1 882591582 +622 283 4 882590534 +622 284 1 882590670 +622 364 1 882672922 +622 367 4 882670712 +622 373 1 882672922 +622 479 4 882669668 +622 519 3 882591938 +622 521 5 882670009 +622 693 4 882592383 +622 730 4 882669509 +622 755 4 882670211 +622 756 3 882591321 +622 780 4 882671574 +622 797 2 882670862 +622 845 3 882590291 +622 993 4 882590809 +623 50 5 891035112 +623 204 5 891035112 +623 275 5 891035112 +623 523 4 891034756 +623 642 3 891034472 +623 815 2 891034053 +624 50 5 879792581 +624 137 4 879792623 +624 262 4 891961078 +624 271 3 879791884 +624 272 5 885215463 +624 278 4 879793545 +624 327 4 879791819 +624 346 3 885215462 +624 471 4 879792493 +624 742 4 879793093 +624 748 3 879792109 +624 864 3 879793198 +624 886 4 879792251 +624 952 3 879793129 +625 96 5 892000372 +625 151 3 891999874 +625 166 3 891960843 +625 172 4 891263057 +625 209 3 891262633 +625 258 4 891262561 +625 428 5 891953755 +625 602 3 891263057 +625 692 3 892000518 +625 739 3 891263665 +625 748 3 891262561 +626 288 3 878771243 +626 324 4 878771281 +627 26 3 879530824 +627 97 2 879529958 +627 144 2 879531158 +627 157 4 879530110 +627 162 3 879530568 +627 175 1 879530110 +627 179 5 879530536 +627 210 3 879531248 +627 281 3 879531504 +627 300 4 879529486 +627 403 2 879530694 +627 467 5 879530042 +627 549 3 879530625 +627 581 3 879530662 +627 649 4 879530071 +627 699 1 879530263 +627 704 4 879530967 +627 720 2 879531397 +627 740 1 879530501 +627 956 2 879530463 +627 1004 4 879531504 +627 1194 4 879529855 +628 168 4 880777167 +628 270 5 880776981 +628 302 5 880776981 +628 330 5 880777096 +629 9 4 880117485 +629 58 4 880117215 +629 187 5 880117031 +629 284 4 880117719 +629 528 5 880117395 +629 1109 4 880117813 +630 12 4 885667854 +630 25 2 885666779 +630 117 5 885666804 +630 127 2 885666536 +630 222 4 885666779 +630 278 4 885667508 +630 294 4 885666018 +630 476 5 885667108 +630 717 3 885667661 +630 845 3 885666918 +630 871 2 885666918 +630 934 3 885667624 +630 1040 4 885667660 +631 272 4 888464916 +631 286 3 888465033 +631 346 4 888465004 +632 25 1 879459418 +632 28 3 879458649 +632 58 3 879459210 +632 71 4 879458649 +632 96 5 879457902 +632 159 3 879459460 +632 164 4 879458692 +632 188 4 879457857 +632 202 4 879457712 +632 237 3 879458570 +632 288 3 879458977 +632 419 4 879457903 +632 622 4 879459418 +633 28 4 877212366 +633 143 4 877211134 +633 176 3 875325577 +633 288 2 875324233 +633 526 4 877212250 +633 778 2 877211886 +633 1132 2 875325691 +634 124 3 875728913 +634 150 3 875728834 +634 221 1 875729105 +634 237 5 877018125 +634 273 3 875729069 +634 286 5 877018125 +634 302 5 877974667 +634 405 4 877017872 +634 458 4 875729148 +634 460 3 875729710 +634 476 3 875729668 +634 596 3 875729105 +634 823 3 877017923 +634 919 2 877979309 +634 977 3 877018033 +634 979 3 875729710 +634 1008 2 877017951 +635 294 3 878878588 +635 300 3 878879107 +635 873 3 878878752 +636 222 5 891449148 +636 596 5 891449212 +637 100 4 882902924 +637 280 2 882904679 +637 363 2 882904148 +637 595 3 882904537 +637 690 5 882900888 +637 829 2 882905070 +637 831 1 882904961 +638 50 4 876694704 +638 127 2 876694861 +638 161 4 876695307 +638 183 4 876694704 +638 194 3 876695774 +638 410 4 876695774 +638 472 3 876695307 +638 554 3 876695059 +639 58 3 891239296 +639 88 3 891239638 +639 166 3 891239838 +639 170 4 891239790 +639 242 4 891238514 +639 306 4 891238550 +639 462 5 891239838 +639 487 5 891240566 +639 488 4 891240160 +639 517 2 891239492 +639 527 4 891239323 +639 553 3 891240868 +639 659 3 891240111 +639 709 3 891239581 +639 1020 4 891240136 +639 1194 5 891239271 +640 11 4 874777440 +640 38 4 874778612 +640 53 4 874778274 +640 173 5 886354270 +640 204 5 874777974 +640 239 5 874778274 +640 385 5 874778569 +640 732 4 886354499 +640 941 5 874778095 +642 38 4 885843141 +642 50 5 885604280 +642 70 2 886132189 +642 72 4 885843087 +642 97 4 885602418 +642 105 5 885606482 +642 132 3 885603636 +642 133 5 886206274 +642 135 3 886131953 +642 151 3 886568791 +642 210 5 885842610 +642 258 3 885601865 +642 375 1 886131744 +642 443 2 885603870 +642 468 3 886568479 +642 501 2 885603740 +642 596 5 885604113 +642 720 5 885606787 +642 728 4 886131674 +642 746 3 885602483 +642 768 4 885606609 +642 921 5 885603849 +642 951 3 886568618 +642 966 5 886569140 +642 1023 3 885842351 +642 1033 3 886569278 +642 1039 5 885602630 +642 1415 4 886569783 +642 1469 4 886568725 +643 56 5 891446791 +643 143 4 891447868 +643 154 4 891447286 +643 189 4 891447093 +643 229 3 891449640 +643 419 4 891448002 +643 546 3 891445660 +643 671 4 891446652 +643 1101 3 891448002 +643 1149 3 891447835 +644 50 4 889077247 +644 100 4 889076775 +644 257 5 889077278 +644 294 4 889076095 +644 300 5 889075967 +644 748 4 889076222 +644 823 4 889076997 +645 69 4 892053644 +645 179 5 892054600 +645 675 4 892053747 +645 748 1 892052039 +647 326 3 876532517 +647 554 4 876533810 +647 748 4 876532501 +648 69 1 884628564 +648 96 5 884368538 +648 105 3 882212560 +648 154 5 884881621 +648 188 5 884882664 +648 194 5 882213535 +648 288 4 882211654 +648 298 2 884884466 +648 304 5 884363798 +648 473 3 882211965 +648 586 3 884883149 +648 674 3 884883476 +649 1 5 891440235 +650 197 4 891372233 +650 309 3 891369071 +650 514 3 891371020 +650 517 3 891382033 +650 552 4 891370031 +650 630 5 891371061 +650 747 3 891384202 +650 843 2 891388266 +650 1474 3 891385288 +651 292 2 879348881 +651 306 5 880126473 +653 50 5 878854100 +653 164 3 878854633 +653 272 4 893275949 +653 402 1 880151488 +653 444 1 880153329 +653 566 5 878854190 +653 573 1 880152843 +653 1044 1 880153304 +654 4 4 887864830 +654 250 1 887863557 +654 258 4 887863436 +654 318 5 887864230 +654 423 4 887864432 +654 558 3 887864471 +655 14 3 891585450 +655 52 3 891585279 +655 53 2 887429812 +655 66 2 890887261 +655 126 2 887426732 +655 198 4 887428871 +655 224 3 887425845 +655 274 3 888474872 +655 281 2 887426732 +655 344 4 888204230 +655 523 3 887427268 +655 670 3 887430142 +655 693 3 888984506 +655 736 3 888685734 +655 918 2 892436609 +655 1403 3 888813372 +658 276 4 875145572 diff --git a/MovieLens Movie Recommendation/Python/ml-100k/u3.base b/MovieLens Movie Recommendation/Python/ml-100k/u3.base new file mode 100644 index 00000000..c7f75cf9 --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/u3.base @@ -0,0 +1,80000 @@ +1 1 5 874965758 +1 2 3 876893171 +1 3 4 878542960 +1 4 3 876893119 +1 6 5 887431973 +1 7 4 875071561 +1 8 1 875072484 +1 9 5 878543541 +1 10 3 875693118 +1 12 5 878542960 +1 13 5 875071805 +1 14 5 874965706 +1 15 5 875071608 +1 17 3 875073198 +1 18 4 887432020 +1 19 5 875071515 +1 20 4 887431883 +1 21 1 878542772 +1 22 4 875072404 +1 23 4 875072895 +1 24 3 875071713 +1 26 3 875072442 +1 27 2 876892946 +1 28 4 875072173 +1 29 1 878542869 +1 30 3 878542515 +1 31 3 875072144 +1 32 5 888732909 +1 33 4 878542699 +1 34 2 878542869 +1 36 2 875073180 +1 37 2 878543030 +1 38 3 878543075 +1 39 4 875072173 +1 40 3 876893230 +1 42 5 876892425 +1 43 4 878542869 +1 44 5 878543541 +1 47 4 875072125 +1 49 3 878542478 +1 51 4 878543275 +1 52 4 875072205 +1 53 3 876893206 +1 54 3 878543308 +1 55 5 875072688 +1 56 4 875072716 +1 58 4 878542960 +1 59 5 876892817 +1 60 5 875072370 +1 61 4 878542420 +1 62 3 878542282 +1 63 2 878543196 +1 64 5 875072404 +1 65 4 875072125 +1 67 3 876893054 +1 68 4 875072688 +1 69 3 875072262 +1 70 3 875072895 +1 72 4 878542678 +1 73 3 876892774 +1 74 1 889751736 +1 75 4 878543238 +1 76 4 878543176 +1 78 1 878543176 +1 80 4 876893008 +1 81 5 875072865 +1 82 5 878542589 +1 83 3 875072370 +1 84 4 875072923 +1 85 3 875073180 +1 86 5 878543541 +1 88 4 878542791 +1 89 5 875072484 +1 90 4 878542300 +1 91 5 876892636 +1 92 3 876892425 +1 93 5 875071484 +1 94 2 875072956 +1 95 4 875072303 +1 96 5 875072716 +1 97 3 875073128 +1 98 4 875072404 +1 99 3 875072547 +1 100 5 878543541 +1 102 2 889751736 +1 103 1 878542845 +1 104 1 875241619 +1 105 2 875240739 +1 107 4 875241619 +1 108 5 875240920 +1 111 5 889751711 +1 112 1 878542441 +1 113 5 878542738 +1 114 5 875072173 +1 116 3 878542960 +1 117 3 874965739 +1 118 3 875071927 +1 119 5 876893098 +1 120 1 875241637 +1 121 4 875071823 +1 122 3 875241498 +1 123 4 875071541 +1 124 5 875071484 +1 125 3 878542960 +1 126 2 875071713 +1 128 4 875072573 +1 129 5 887431908 +1 130 3 875072002 +1 131 1 878542552 +1 132 4 878542889 +1 133 4 876892818 +1 134 4 875073067 +1 135 4 875072404 +1 136 3 876893206 +1 138 1 878543006 +1 139 3 878543216 +1 140 1 878543133 +1 141 3 878542608 +1 142 2 878543238 +1 143 1 875072631 +1 144 4 875073180 +1 145 2 875073067 +1 146 4 875071561 +1 147 3 875240993 +1 148 2 875240799 +1 149 2 878542791 +1 150 5 876892196 +1 151 4 875072865 +1 152 5 878542589 +1 154 5 878543541 +1 155 2 878542201 +1 157 4 876892918 +1 158 3 878542699 +1 159 3 875073180 +1 160 4 875072547 +1 161 4 875072303 +1 163 4 875072442 +1 164 3 876893171 +1 165 5 874965518 +1 166 5 874965677 +1 170 5 876892856 +1 171 5 889751711 +1 172 5 874965478 +1 173 5 878541803 +1 174 5 875073198 +1 175 5 875072547 +1 176 5 876892468 +1 177 5 876892701 +1 179 3 875072370 +1 180 3 875072573 +1 181 5 874965739 +1 183 5 875072262 +1 184 4 875072956 +1 185 4 875072631 +1 186 4 875073128 +1 187 4 874965678 +1 188 3 875073128 +1 189 3 888732928 +1 190 5 875072125 +1 191 5 875072956 +1 193 4 876892654 +1 194 4 876892743 +1 196 5 874965677 +1 197 5 875072956 +1 198 5 878542717 +1 200 3 876893098 +1 201 3 878542960 +1 202 5 875072442 +1 203 4 878542231 +1 204 5 875072688 +1 205 3 878542909 +1 206 4 876893205 +1 207 5 875073067 +1 208 5 878542960 +1 209 4 888732908 +1 210 4 878542909 +1 211 3 878541970 +1 212 4 875072895 +1 213 2 876892896 +1 214 4 875072520 +1 215 3 876893145 +1 216 5 876892701 +1 217 3 876892676 +1 218 3 876892856 +1 219 1 878542327 +1 220 3 875241390 +1 221 5 887431921 +1 222 4 878873388 +1 224 5 875071484 +1 225 2 878542738 +1 226 3 878543176 +1 227 4 876892946 +1 228 5 878543541 +1 229 4 878542075 +1 230 4 878542420 +1 231 1 876893031 +1 232 3 878543196 +1 233 2 878542552 +1 234 4 876892355 +1 235 5 875071589 +1 236 4 875071898 +1 237 2 875071749 +1 239 4 878542845 +1 240 3 875071898 +1 241 4 878543133 +1 242 5 889751633 +1 243 1 875241390 +1 244 2 887431973 +1 246 5 874965905 +1 247 1 875241619 +1 248 4 874965954 +1 249 4 874965970 +1 250 4 874965706 +1 252 2 875240677 +1 253 5 874965970 +1 254 1 878541392 +1 255 2 885345822 +1 256 4 889751712 +1 257 4 874965954 +1 258 5 878873389 +1 259 1 875692979 +1 260 1 875071713 +1 262 3 875071421 +1 263 1 875693007 +1 264 2 875071713 +1 265 4 878542441 +1 266 1 885345728 +1 267 4 875692955 +1 268 5 875692927 +1 269 5 877482427 +1 270 5 888732827 +1 271 2 887431672 +1 272 3 887431647 +2 1 4 888550871 +2 10 2 888551853 +2 13 4 888551922 +2 14 4 888551853 +2 19 3 888550871 +2 25 4 888551648 +2 50 5 888552084 +2 111 4 888551853 +2 242 5 888552084 +2 251 5 888552084 +2 257 4 888551062 +2 258 3 888549961 +2 272 5 888979061 +2 273 4 888551647 +2 275 5 888550939 +2 276 4 888551552 +2 277 4 888551174 +2 278 3 888551647 +2 279 4 888551745 +2 280 3 888551441 +2 281 3 888980240 +2 282 4 888551922 +2 283 5 888552084 +2 286 4 888549960 +2 287 3 888551235 +2 288 3 888550252 +2 289 3 888979353 +2 290 3 888551441 +2 291 3 888551647 +2 292 4 888550774 +2 293 4 888550939 +2 294 1 888551648 +2 295 4 888551164 +2 296 3 888550871 +2 297 4 888550871 +2 298 3 888551441 +2 299 4 888550774 +2 301 4 888550631 +2 302 5 888552084 +2 303 4 888550774 +2 304 4 888979197 +2 305 3 888550065 +2 306 4 888550774 +2 307 3 888550066 +2 308 3 888979945 +2 309 1 888980029 +2 310 4 888979061 +2 312 3 888550631 +2 313 5 888552084 +2 314 1 888980085 +2 315 1 888550774 +2 316 5 888979693 +3 181 4 889237482 +3 245 1 889237247 +3 258 2 889237026 +3 260 4 889237455 +3 264 2 889237297 +3 268 3 889236961 +3 272 2 889237055 +3 288 2 889237026 +3 294 2 889237224 +3 299 3 889237199 +3 300 2 889236939 +3 302 2 889236939 +3 303 3 889236983 +3 307 3 889237224 +3 317 2 889237482 +3 318 4 889237482 +3 320 5 889237482 +3 321 5 889237455 +3 322 3 889237269 +3 323 2 889237269 +3 324 2 889237247 +3 327 4 889237455 +3 328 5 889237455 +3 329 4 889237455 +3 330 2 889237297 +3 331 4 889237455 +3 332 1 889237224 +3 334 3 889237122 +3 335 1 889237269 +3 336 1 889237198 +3 337 1 889236983 +3 338 2 889237297 +3 339 3 889237141 +3 340 5 889237455 +3 341 1 889237055 +3 342 4 889237174 +3 343 3 889237122 +3 345 3 889237004 +3 346 5 889237455 +3 347 5 889237455 +3 348 4 889237455 +3 349 3 889237269 +3 350 3 889237076 +3 351 3 889237315 +3 353 1 889237122 +3 354 3 889237004 +3 355 3 889237247 +4 50 5 892003526 +4 210 3 892003374 +4 258 5 892001374 +4 260 4 892004275 +4 264 3 892004275 +4 271 4 892001690 +4 288 4 892001445 +4 294 5 892004409 +4 300 5 892001445 +4 301 5 892002353 +4 303 5 892002352 +4 324 5 892002353 +4 328 3 892001537 +4 329 5 892002352 +4 354 5 892002353 +4 356 3 892003459 +4 357 4 892003525 +4 358 2 892004275 +4 359 5 892002352 +4 360 5 892002352 +4 361 5 892002353 +4 362 5 892002352 +5 1 4 875635748 +5 2 3 875636053 +5 17 4 875636198 +5 21 3 875635327 +5 24 4 879198229 +5 25 3 875635318 +5 29 4 875637023 +5 40 4 879198109 +5 42 5 875636360 +5 50 4 875635758 +5 62 4 875637575 +5 63 1 878844629 +5 66 1 875721019 +5 69 1 875721555 +5 70 4 875636389 +5 79 3 875635895 +5 80 2 875636511 +5 89 5 875636033 +5 90 3 875636297 +5 94 3 878844651 +5 95 4 875721168 +5 98 3 875720691 +5 99 3 875721216 +5 100 5 875635349 +5 101 5 878844510 +5 102 3 875721196 +5 105 3 875635443 +5 109 5 875635350 +5 110 1 875636493 +5 135 4 875637536 +5 139 3 875721260 +5 143 3 875636815 +5 144 3 875636141 +5 151 3 875635723 +5 153 5 875636375 +5 154 3 875636691 +5 162 1 875721572 +5 163 5 879197864 +5 167 2 875636281 +5 168 3 875636691 +5 172 5 875636130 +5 173 4 875636675 +5 174 5 875636130 +5 176 3 875635962 +5 181 5 875635757 +5 183 4 875636014 +5 185 3 875720692 +5 186 5 875636375 +5 194 4 878845197 +5 200 2 875720717 +5 208 4 875636675 +5 209 5 875636571 +5 210 3 875636099 +5 211 4 875636631 +5 214 3 875637485 +5 219 3 875720744 +5 222 4 875635174 +5 225 2 875635723 +5 226 3 875635962 +5 227 4 875636099 +5 229 2 875635947 +5 230 3 875636070 +5 231 2 875635947 +5 233 4 875729064 +5 234 2 875720692 +5 239 4 875636655 +5 241 1 875720948 +5 243 1 878844164 +5 257 5 875635239 +5 259 1 878844208 +5 267 4 875635064 +5 363 3 875635225 +5 364 1 875636571 +5 366 3 875637145 +5 367 3 875636281 +5 368 1 875635457 +5 369 1 875635372 +5 370 1 875720814 +5 371 1 875720967 +5 372 3 875636230 +5 373 3 875635907 +5 375 3 875637587 +5 376 2 879198045 +5 377 1 878844615 +5 378 1 875721167 +5 379 3 875720814 +5 380 3 875637191 +5 381 1 875636540 +5 382 5 875636587 +5 383 3 875636588 +5 384 3 875636389 +5 385 4 875636185 +5 388 2 879198898 +5 389 1 875721315 +5 390 5 875636340 +5 391 4 875636167 +5 392 2 875637330 +5 393 2 875636265 +5 394 2 879198031 +5 395 2 879198898 +5 397 2 875635907 +5 399 3 875635947 +5 400 1 878844630 +5 401 5 875636308 +5 402 1 875720947 +5 403 3 875636152 +5 404 2 875721216 +5 405 3 875635225 +5 406 1 875635807 +5 407 3 875635431 +5 408 5 878844495 +5 410 1 879198183 +5 411 1 875635431 +5 412 3 875635416 +5 413 3 875635807 +5 414 3 875636691 +5 415 1 875636842 +5 416 1 875721196 +5 417 3 875636830 +5 418 3 875721216 +5 419 3 875636815 +5 421 1 875721019 +5 422 4 875636767 +5 423 4 875636793 +5 424 1 875635807 +5 425 2 875637440 +5 426 3 878844510 +5 427 3 875721167 +5 428 5 875636588 +5 429 3 875637429 +5 430 5 875636631 +5 432 4 875636793 +5 433 5 875636655 +5 434 5 875637033 +5 435 4 875636033 +5 436 5 875720717 +5 437 1 878844423 +5 439 1 878844423 +5 440 1 878844423 +5 441 1 875720830 +5 442 1 879198898 +5 443 4 875720744 +5 444 2 875720762 +5 445 3 875720744 +5 448 2 875720692 +5 449 2 875636099 +5 451 1 875636571 +5 452 1 878844397 +5 453 1 879198898 +5 454 1 875721432 +5 455 4 875635174 +5 456 1 875636375 +5 457 1 879198898 +6 8 4 883600657 +6 9 4 883599205 +6 12 4 883601053 +6 13 2 883599400 +6 14 5 883599249 +6 15 3 883599302 +6 19 4 883602965 +6 21 3 883600152 +6 22 3 883602048 +6 23 4 883601365 +6 28 2 883603013 +6 32 4 883601311 +6 47 3 883600943 +6 50 4 883600842 +6 56 4 883601277 +6 59 5 883601713 +6 64 4 883600597 +6 69 3 883601277 +6 70 3 883601427 +6 81 4 883602283 +6 86 3 883603013 +6 87 4 883602174 +6 95 2 883602133 +6 98 5 883600680 +6 100 5 883599176 +6 111 2 883599478 +6 117 2 883599431 +6 124 5 883599228 +6 125 3 883599670 +6 131 5 883602048 +6 133 4 883601459 +6 134 5 883602283 +6 135 5 883600747 +6 136 5 883600842 +6 137 5 883599327 +6 143 2 883601053 +6 151 3 883599558 +6 154 3 883602730 +6 156 3 883602212 +6 165 5 883600747 +6 166 4 883601426 +6 169 4 883600943 +6 170 4 883602574 +6 174 4 883600985 +6 175 4 883601426 +6 177 4 883600818 +6 178 4 883600785 +6 180 4 883601311 +6 182 4 883268776 +6 183 4 883601311 +6 186 4 883602730 +6 187 4 883600914 +6 188 3 883602462 +6 189 3 883601365 +6 191 4 883601088 +6 193 3 883601529 +6 194 4 883601365 +6 195 4 883602283 +6 197 5 883601203 +6 199 4 883601203 +6 200 3 883602422 +6 202 3 883602690 +6 203 3 883602864 +6 204 3 883601277 +6 205 3 883600878 +6 208 4 883602422 +6 209 4 883601713 +6 211 5 883601155 +6 213 4 883602462 +6 216 5 883601500 +6 221 4 883599431 +6 223 4 883600747 +6 237 2 883599914 +6 238 5 883601713 +6 246 3 883599509 +6 248 3 883598981 +6 258 2 883268278 +6 259 1 883268375 +6 261 3 883268522 +6 269 4 883268222 +6 272 4 883717304 +6 274 4 883602501 +6 275 4 883599102 +6 276 2 883599134 +6 284 2 883599590 +6 285 3 883599431 +6 286 2 883268170 +6 293 3 883599327 +6 294 2 883599938 +6 297 3 883599134 +6 301 2 883600406 +6 304 4 883268322 +6 306 4 883268246 +6 310 2 883268353 +6 318 4 883600985 +6 321 3 883268353 +6 340 2 883268278 +6 357 4 883602422 +6 367 2 883602690 +6 405 1 883600066 +6 408 4 883599075 +6 410 4 883599707 +6 419 4 883602284 +6 423 3 883602501 +6 427 4 883600707 +6 432 4 883601713 +6 435 4 883601529 +6 458 1 883599914 +6 459 2 883599228 +6 461 4 883601393 +6 463 4 883601713 +6 464 2 883601365 +6 465 1 883683508 +6 466 4 883602422 +6 467 4 883602284 +6 468 3 883602174 +6 469 5 883601155 +6 470 3 883602690 +6 471 2 883599558 +6 473 2 883600111 +6 474 5 883601277 +6 475 5 883599478 +6 476 1 883600175 +6 477 1 883599509 +6 478 4 883602762 +6 479 5 883601053 +6 480 4 883601089 +6 481 5 883600914 +6 482 4 883601203 +6 483 5 883601500 +6 484 5 883601011 +6 485 5 883602664 +6 486 4 883601427 +6 487 5 883600785 +6 488 5 883601426 +6 490 5 883601365 +6 492 5 883601089 +6 493 5 883601713 +6 494 4 883601713 +6 495 4 883601366 +6 496 4 883601155 +6 497 4 883601088 +6 498 4 883601053 +6 499 4 883602283 +6 500 4 883601277 +6 501 5 883602730 +6 503 3 883602133 +6 504 3 883601155 +6 505 4 883602422 +6 506 4 883602174 +6 507 4 883601310 +6 508 3 883599530 +6 509 4 883602664 +6 510 4 883600785 +6 511 5 883601393 +6 512 4 883601155 +6 513 4 883600913 +6 514 5 883600657 +6 515 4 883599273 +6 516 4 883602664 +6 517 4 883602212 +6 518 3 883603042 +6 520 4 883600985 +6 521 4 883601277 +6 522 5 883601500 +6 523 5 883601528 +6 524 3 883600632 +6 525 5 883601203 +6 526 3 883602596 +6 528 4 883602174 +6 529 4 883601459 +6 530 4 883601203 +6 531 4 883600747 +6 532 3 883600066 +6 533 4 883599830 +6 534 4 883599354 +6 536 4 883599400 +6 537 4 883601277 +6 538 2 883268483 +6 539 2 883681433 +7 7 5 891352220 +7 8 5 891351328 +7 9 5 891351432 +7 10 4 891352864 +7 11 3 891352451 +7 12 5 892135346 +7 22 5 891351121 +7 23 3 891351383 +7 27 4 891352692 +7 28 5 891352341 +7 29 3 891353828 +7 31 4 892134959 +7 32 4 891350932 +7 39 5 891353614 +7 44 5 891351728 +7 47 5 891352692 +7 50 5 891351042 +7 51 2 891352984 +7 52 4 891353801 +7 53 5 891354689 +7 54 3 892132380 +7 56 5 891351432 +7 62 3 891354499 +7 64 5 891350756 +7 69 5 891351728 +7 70 1 891352557 +7 71 5 891352692 +7 72 5 891353977 +7 77 5 891353325 +7 78 3 891354165 +7 79 4 891352261 +7 80 4 891354381 +7 81 5 891352626 +7 82 3 891351471 +7 86 4 891350810 +7 89 5 891351082 +7 90 3 891352984 +7 91 3 891353860 +7 92 5 891352010 +7 93 5 891351042 +7 96 5 891351383 +7 97 5 891351201 +7 98 4 891351002 +7 99 5 891352557 +7 100 5 891351082 +7 101 5 891350966 +7 106 4 891353892 +7 118 2 891353411 +7 121 5 891352904 +7 125 4 891353192 +7 126 3 891353254 +7 127 5 891351728 +7 131 5 891352383 +7 132 5 891351287 +7 133 5 891353192 +7 134 4 892134959 +7 135 5 891351547 +7 136 5 891351813 +7 139 3 891354729 +7 140 5 891353124 +7 142 3 891354090 +7 143 3 892132627 +7 144 5 891351201 +7 151 4 891352749 +7 152 4 891351851 +7 153 5 891352220 +7 154 5 891353124 +7 156 5 891351653 +7 157 5 891352059 +7 161 3 891352489 +7 162 5 891353444 +7 163 4 891353444 +7 164 5 891351813 +7 166 3 891351585 +7 168 5 891351509 +7 171 3 891351287 +7 172 4 891350965 +7 173 5 891351002 +7 174 5 891350757 +7 175 5 892133057 +7 176 3 891350782 +7 177 4 891352904 +7 178 4 891350932 +7 179 5 891352303 +7 181 3 891351287 +7 182 4 891350965 +7 183 4 891351624 +7 185 5 892135346 +7 187 4 891350757 +7 188 5 891352778 +7 190 5 891351728 +7 191 5 891351201 +7 192 4 891352010 +7 193 5 892135346 +7 194 5 891351851 +7 195 5 891352626 +7 196 5 891351432 +7 197 4 891351082 +7 198 3 891351685 +7 199 5 892135346 +7 200 5 891353543 +7 201 2 891351471 +7 203 5 891352178 +7 205 5 891351585 +7 207 4 891352526 +7 208 5 891352220 +7 210 4 891352904 +7 211 5 891352557 +7 212 1 891353051 +7 213 3 891351686 +7 215 4 891351624 +7 216 4 891350900 +7 217 4 891352778 +7 219 1 892131924 +7 223 5 891351328 +7 226 5 891353614 +7 227 3 892132317 +7 228 4 891350845 +7 229 3 891352384 +7 231 3 892132885 +7 232 3 891353766 +7 234 5 891351041 +7 237 5 891351772 +7 241 4 891354053 +7 258 4 892135277 +7 259 3 891350464 +7 260 1 892130982 +7 264 4 891350703 +7 265 5 891350845 +7 266 4 891350703 +7 268 3 891350703 +7 269 3 891349991 +7 273 3 891351547 +7 275 4 891352831 +7 281 3 891353710 +7 285 5 891351813 +7 286 4 891350703 +7 288 4 891350703 +7 294 1 892130809 +7 300 4 891350703 +7 307 5 891350703 +7 309 3 891350704 +7 317 4 892133670 +7 318 5 891352010 +7 324 1 892135078 +7 334 5 892130784 +7 341 3 892333206 +7 357 5 892135347 +7 365 4 891353744 +7 367 5 891350810 +7 378 5 891353011 +7 379 4 891353325 +7 380 4 891354053 +7 382 4 891352093 +7 385 5 891351585 +7 389 4 891354090 +7 391 3 892132943 +7 393 4 891352058 +7 396 4 891354288 +7 399 4 891354357 +7 401 4 891354257 +7 403 4 891351234 +7 404 5 891352947 +7 405 3 891353290 +7 415 2 891354438 +7 416 5 891353051 +7 418 4 892131824 +7 419 3 891350900 +7 420 5 891353219 +7 421 3 891352134 +7 423 5 891351509 +7 427 5 891352220 +7 428 5 892133036 +7 429 5 891351002 +7 430 3 891352178 +7 431 4 891351547 +7 432 4 891352831 +7 435 5 891350845 +7 436 5 891351471 +7 440 1 892131978 +7 441 2 891354257 +7 443 5 891353254 +7 446 2 892132020 +7 447 5 891350900 +7 448 3 891353828 +7 449 3 891354785 +7 450 4 892132425 +7 451 5 891353892 +7 455 4 891353086 +7 461 4 891352303 +7 463 4 891353192 +7 465 4 891353154 +7 471 4 891352864 +7 472 2 891353357 +7 479 4 891352010 +7 480 4 891352093 +7 481 5 891352341 +7 482 3 891351083 +7 483 4 891351851 +7 484 5 891351201 +7 485 5 891351851 +7 488 4 891351041 +7 489 3 891353477 +7 491 5 891351432 +7 492 5 891352010 +7 495 5 891351328 +7 496 5 891351083 +7 497 4 891352134 +7 498 5 891351814 +7 499 4 891351472 +7 501 5 891353411 +7 504 5 891352384 +7 505 3 891352341 +7 507 5 891352383 +7 509 5 891352778 +7 511 5 891351624 +7 514 2 891351121 +7 515 3 891350757 +7 519 4 891352831 +7 520 5 892133466 +7 521 5 891353124 +7 526 5 891351042 +7 527 5 891351772 +7 528 5 891352659 +7 529 2 891352626 +7 530 5 891350900 +7 537 3 891352749 +7 541 2 891354662 +7 542 4 892131849 +7 543 3 891351772 +7 546 4 891353444 +7 547 3 891353710 +7 548 5 891352692 +7 549 4 891353086 +7 550 4 891352489 +7 552 4 891354531 +7 553 3 892134010 +7 554 3 891354639 +7 555 4 892134811 +7 556 3 891352659 +7 557 4 892132145 +7 558 4 892131924 +7 559 5 891354882 +7 560 3 892132798 +7 561 4 891354611 +7 562 5 891354053 +7 563 2 892131978 +7 564 3 891354471 +7 565 4 892132019 +7 567 1 892132019 +7 569 4 892131978 +7 570 3 891354639 +7 571 3 891353950 +7 572 3 891354331 +7 573 5 891353828 +7 574 5 892132402 +7 576 5 892132943 +7 577 2 892133310 +7 578 3 891354090 +7 579 4 892133361 +7 580 3 892132171 +7 581 5 891353477 +7 582 5 892135347 +7 583 2 892132380 +7 584 4 891352093 +7 585 4 892133180 +7 586 3 891354639 +7 587 4 891353950 +7 588 4 891352261 +7 589 5 891352451 +7 590 2 891354730 +7 592 5 891353652 +7 593 5 891351851 +7 595 2 891353801 +7 596 5 891351728 +7 597 3 891353744 +7 598 3 891353801 +7 599 1 891353860 +7 600 4 891354090 +7 602 3 891352594 +7 603 4 891350757 +7 604 3 891351547 +7 607 3 891352831 +7 608 4 891351653 +7 609 3 891352749 +7 610 5 891353086 +7 611 3 891351161 +7 612 5 891351121 +7 613 4 891352010 +7 614 5 891352489 +7 615 4 891351585 +7 616 4 891351002 +7 617 5 891354588 +7 618 4 891350900 +7 619 3 891352831 +7 620 4 891353892 +7 621 5 892132773 +7 622 4 891352984 +7 623 3 891354217 +7 624 4 891353892 +7 626 5 892132773 +7 627 3 891352594 +7 628 3 891352831 +7 629 3 891352526 +7 630 5 891352341 +7 632 5 891352261 +7 633 5 891351509 +7 636 4 891351384 +7 637 4 891353570 +7 639 5 891353676 +7 642 3 892132277 +7 643 4 891350932 +7 644 5 891351685 +7 645 4 891353614 +7 646 5 891351383 +7 647 5 891352489 +7 648 5 891351653 +7 650 3 891350965 +7 651 5 891350932 +7 653 4 891351161 +7 654 5 892135347 +7 656 3 891351509 +7 657 4 891351234 +7 658 3 891352419 +7 659 5 891351161 +7 660 5 891353051 +7 661 5 891351624 +7 662 3 892133739 +7 663 5 891352220 +7 664 3 891353977 +7 665 4 891354471 +7 667 5 892135347 +7 669 1 892132020 +7 673 3 891353744 +7 674 2 891352659 +7 675 5 891352947 +7 676 3 891354499 +7 677 3 891354499 +7 678 3 891350356 +7 679 5 891353124 +7 680 4 891350703 +7 681 1 891350594 +7 682 2 891350383 +7 683 4 891350703 +8 7 3 879362287 +8 11 3 879362233 +8 22 5 879362183 +8 50 5 879362124 +8 55 5 879362286 +8 56 5 879362183 +8 79 4 879362286 +8 82 5 879362356 +8 89 4 879362124 +8 127 5 879362123 +8 144 5 879362286 +8 172 5 879362123 +8 174 5 879362183 +8 176 5 879362233 +8 182 5 879362183 +8 183 5 879362233 +8 188 5 879362356 +8 190 4 879362183 +8 195 5 879362287 +8 210 4 879362287 +8 222 5 879362356 +8 228 5 879362286 +8 229 5 879362356 +8 233 4 879362423 +8 241 4 879362423 +8 243 2 879361732 +8 258 5 879361482 +8 259 1 879361604 +8 260 3 879361665 +8 273 3 879362287 +8 294 3 879361521 +8 301 4 879361550 +8 336 3 879361664 +8 338 4 879361873 +8 341 2 879361825 +8 358 2 879361732 +8 385 1 879362124 +8 431 2 879362356 +8 435 5 879362233 +8 457 1 879361825 +8 510 4 879362233 +8 511 5 879362183 +8 518 4 879362422 +8 550 3 879362356 +8 566 3 879362423 +8 568 4 879362233 +8 651 5 879362123 +8 684 4 879362356 +8 685 4 879362423 +8 686 3 879362356 +8 687 1 879361825 +8 689 4 879361873 +9 6 5 886960055 +9 7 4 886960030 +9 50 5 886960055 +9 201 5 886960055 +9 276 4 886959423 +9 286 5 886960055 +9 294 4 886959453 +9 298 5 886960055 +9 340 4 886958715 +9 385 5 886960055 +9 402 4 886959343 +9 479 4 886959343 +9 483 5 886960056 +9 487 5 886960056 +9 507 4 886959343 +9 521 4 886959343 +9 527 3 886959344 +9 615 4 886959344 +9 690 1 886959344 +9 691 5 886960055 +10 1 4 877888877 +10 4 4 877889130 +10 7 4 877892210 +10 9 4 877889005 +10 11 4 877888677 +10 12 5 877886911 +10 13 3 877892050 +10 16 4 877888877 +10 22 5 877888812 +10 23 5 877886911 +10 32 4 877886661 +10 33 4 877893020 +10 40 4 877892438 +10 48 4 877889058 +10 50 5 877888545 +10 56 5 877886598 +10 64 4 877886598 +10 70 4 877891747 +10 82 4 877886912 +10 85 4 877892438 +10 93 4 877892160 +10 98 4 877889261 +10 99 5 877889130 +10 100 5 877891747 +10 116 4 877888944 +10 124 5 877888545 +10 127 5 877886661 +10 129 4 877891966 +10 132 5 877893020 +10 133 5 877891904 +10 134 5 877889131 +10 135 5 877889004 +10 137 4 877889186 +10 144 4 877892110 +10 153 4 877886722 +10 155 4 877889186 +10 156 4 877886846 +10 157 5 877889004 +10 160 4 877888944 +10 161 4 877892050 +10 162 4 877892210 +10 164 4 877889333 +10 168 4 877888812 +10 174 4 877886661 +10 175 3 877888677 +10 176 4 877889130 +10 178 5 877888677 +10 179 5 877889004 +10 180 5 877889333 +10 182 5 877888876 +10 183 5 877893020 +10 186 4 877886722 +10 191 5 877888613 +10 192 4 877891966 +10 194 4 877886661 +10 195 4 877889130 +10 198 3 877889005 +10 199 4 877892050 +10 200 5 877889261 +10 203 4 877891967 +10 205 5 877888812 +10 211 5 877889130 +10 216 4 877889333 +10 218 4 877889261 +10 221 4 877888677 +10 223 5 877888545 +10 230 4 877892210 +10 234 4 877888877 +10 238 4 877892276 +10 245 4 877886281 +10 269 4 877886162 +10 274 4 877889333 +10 275 4 877888677 +10 283 4 877892276 +10 285 5 877889186 +10 286 4 877886162 +10 289 4 877886223 +10 294 3 879163524 +10 302 4 877886162 +10 321 4 879163494 +10 333 4 877886359 +10 334 4 877886281 +10 340 4 880371312 +10 357 5 877889186 +10 367 4 877892437 +10 371 4 877886912 +10 385 4 877886783 +10 404 4 877886911 +10 414 4 877891966 +10 418 4 877886783 +10 420 4 877892438 +10 430 3 877886597 +10 432 4 877892160 +10 435 5 877889261 +10 447 4 877891747 +10 461 3 877888944 +10 462 3 877891747 +10 463 4 877889186 +10 467 4 877891904 +10 470 4 877891747 +10 474 4 877886783 +10 475 4 877888545 +10 479 5 877891966 +10 480 5 877888943 +10 482 4 877889262 +10 483 5 877889333 +10 484 5 877891904 +10 486 4 877886846 +10 488 5 877888613 +10 489 4 877892210 +10 493 4 877886661 +10 495 4 877892160 +10 496 5 877889005 +10 497 4 877889261 +10 498 5 877889333 +10 502 4 877889261 +10 504 5 877892110 +10 505 4 877886846 +10 509 4 877889005 +10 510 5 877892209 +10 511 4 877888877 +10 513 4 877886598 +10 518 4 877886722 +10 519 5 877892050 +10 521 4 877892110 +10 525 5 877892210 +10 527 4 877886597 +10 529 3 877892438 +10 531 5 877886911 +10 558 4 877886722 +10 588 4 877886846 +10 589 5 877891905 +10 603 5 877886783 +10 604 4 877892110 +10 606 5 877888876 +10 610 4 877888613 +10 611 5 877886722 +10 615 4 877892276 +10 617 5 877892160 +10 651 4 877888812 +10 652 3 877889130 +10 654 5 877886597 +10 655 5 877891904 +10 656 5 877886846 +10 657 4 877892110 +10 663 3 877886598 +10 664 4 877886911 +10 686 4 877886911 +10 692 4 877889261 +10 694 5 877892437 +10 695 3 877892050 +10 696 4 877892276 +10 697 3 877888677 +10 698 4 877888877 +10 699 4 877893020 +10 700 4 877892277 +10 702 3 877886722 +10 703 5 877892110 +10 704 3 877892050 +10 705 4 877892050 +10 706 4 877888677 +10 707 5 877886783 +10 709 4 877888613 +10 710 4 877892160 +10 711 4 877888812 +10 712 4 877892438 +11 8 4 891904949 +11 9 5 891902970 +11 11 2 891904271 +11 12 2 891904194 +11 22 4 891904241 +11 24 3 891904016 +11 28 5 891904241 +11 38 3 891905936 +11 39 3 891905824 +11 40 3 891905279 +11 47 4 891904551 +11 51 4 891906439 +11 52 3 891904335 +11 56 4 891904949 +11 57 2 891904552 +11 58 3 891904596 +11 69 3 891904270 +11 70 4 891904573 +11 79 4 891905783 +11 83 5 891904335 +11 86 4 891904551 +11 88 3 891905003 +11 90 2 891905298 +11 94 3 891905324 +11 97 4 891904300 +11 98 2 891905783 +11 100 4 891902718 +11 107 4 891903276 +11 109 3 891903836 +11 110 3 891905324 +11 111 4 891903862 +11 120 2 891903935 +11 121 3 891902745 +11 135 4 891904335 +11 168 3 891904949 +11 173 5 891904920 +11 175 3 891904551 +11 176 3 891905783 +11 180 2 891904335 +11 185 4 891905783 +11 190 3 891904174 +11 191 4 891904270 +11 194 4 891904920 +11 196 5 891904270 +11 203 4 891905856 +11 204 3 891904920 +11 211 3 891905003 +11 213 4 891906389 +11 215 3 891904389 +11 216 3 891904949 +11 222 3 891902718 +11 227 3 891905896 +11 228 3 891905824 +11 229 4 891905878 +11 230 4 891905783 +11 237 4 891903005 +11 238 3 891905032 +11 239 4 891904617 +11 241 4 891906389 +11 258 5 891901696 +11 259 3 891902270 +11 260 1 891902426 +11 268 5 891901652 +11 274 3 891906510 +11 277 5 891903226 +11 286 5 891901606 +11 290 3 891903877 +11 291 4 891902815 +11 300 3 891902092 +11 301 4 891902157 +11 312 4 891902157 +11 317 4 891904174 +11 318 5 891904194 +11 324 1 891902222 +11 350 4 891901991 +11 356 4 891906327 +11 357 5 891904241 +11 365 3 891904764 +11 370 3 891902880 +11 372 4 891904968 +11 382 3 891904573 +11 383 2 891905555 +11 386 3 891905279 +11 393 4 891905222 +11 395 2 891905349 +11 399 3 891905279 +11 401 3 891905324 +11 402 4 891904662 +11 405 3 891904016 +11 414 3 891905393 +11 423 5 891904174 +11 425 4 891904300 +11 427 4 891904300 +11 428 4 891905032 +11 429 5 891904335 +11 431 2 891905896 +11 433 4 891905003 +11 435 4 891904968 +11 449 3 891906327 +11 451 2 891905003 +11 455 3 891903862 +11 508 4 891903005 +11 517 2 891905222 +11 521 2 891904174 +11 524 4 891904949 +11 544 4 891903226 +11 549 4 891904617 +11 558 3 891904214 +11 561 2 891905936 +11 573 3 891906327 +11 577 3 891905555 +11 580 5 891905222 +11 597 2 891904037 +11 652 4 891905003 +11 654 3 891905856 +11 659 5 891904920 +11 660 3 891904573 +11 663 4 891905032 +11 692 4 891905003 +11 699 4 891904389 +11 707 5 891906389 +11 710 2 891905221 +11 713 5 891903024 +11 714 4 891904214 +11 716 3 891905058 +11 718 5 891903836 +11 719 3 891905279 +11 720 1 891904717 +11 721 3 891905279 +11 722 3 891905349 +11 723 5 891904637 +11 725 3 891905568 +11 726 3 891905515 +11 727 3 891904335 +11 728 3 891905366 +11 729 4 891904637 +11 730 3 891904335 +11 731 4 891904789 +11 732 3 891904596 +11 733 4 891904413 +11 734 3 891905349 +11 735 3 891904300 +11 736 4 891906411 +11 737 4 891904789 +11 739 3 891906411 +11 740 4 891903067 +11 741 5 891902745 +11 742 3 891902815 +11 743 2 891904065 +11 744 4 891903005 +11 745 5 891905324 +11 746 4 891905032 +11 747 3 891906426 +11 748 1 891902270 +11 749 5 891901797 +11 750 5 891901629 +11 751 2 891902092 +11 752 4 891902157 +12 15 5 879959670 +12 28 5 879958969 +12 50 4 879959044 +12 69 5 879958902 +12 71 4 879959635 +12 82 4 879959610 +12 88 5 879960826 +12 96 4 879959583 +12 97 5 879960826 +12 127 4 879959488 +12 132 5 879959465 +12 133 4 879959670 +12 143 5 879959635 +12 157 5 879959138 +12 159 4 879959306 +12 168 4 879959513 +12 170 4 879959374 +12 172 4 879959088 +12 191 5 879960801 +12 195 4 879959670 +12 196 5 879959553 +12 200 1 879959610 +12 202 4 879959514 +12 203 3 879959583 +12 204 5 879960826 +12 216 5 879960826 +12 238 5 879960826 +12 242 5 879960826 +12 276 4 879959488 +12 282 5 879960679 +12 300 4 879958639 +12 318 5 879960826 +12 328 4 879958742 +12 381 4 879958902 +12 392 4 879959025 +12 402 5 879960826 +12 471 5 879959670 +12 480 4 879959161 +12 591 5 879959212 +12 684 5 879959105 +12 708 3 879959394 +12 735 5 879960826 +12 753 5 879960679 +12 754 4 879958810 +13 1 3 882140487 +13 2 3 882397650 +13 4 5 882141306 +13 5 1 882396869 +13 7 2 882396790 +13 8 4 882140001 +13 9 3 882140205 +13 11 1 882397146 +13 12 5 881515011 +13 13 5 882141617 +13 14 4 884538727 +13 17 1 882396954 +13 21 3 882399040 +13 23 5 882139937 +13 24 1 882397741 +13 25 1 882141686 +13 27 3 882397833 +13 28 5 882398814 +13 29 2 882397833 +13 32 4 882140286 +13 38 3 882397974 +13 40 2 886302815 +13 42 4 882141393 +13 45 3 882139863 +13 48 5 882139863 +13 49 4 882399419 +13 51 3 882399419 +13 53 1 882396955 +13 56 5 881515011 +13 59 4 882140425 +13 60 4 884538767 +13 61 4 882140552 +13 62 5 882397833 +13 64 5 882140037 +13 66 3 882141485 +13 68 3 882397741 +13 69 4 884538766 +13 71 4 882398654 +13 72 4 882141727 +13 73 3 882141485 +13 78 1 882399218 +13 79 3 882139746 +13 83 2 886303585 +13 88 4 882141485 +13 89 4 882139717 +13 90 3 882141872 +13 91 2 882398724 +13 92 3 882397271 +13 94 3 882142057 +13 95 5 882140104 +13 96 4 882140104 +13 97 4 882399357 +13 98 4 881515011 +13 99 4 882398654 +13 100 5 882140166 +13 109 4 882141306 +13 110 3 882141130 +13 111 5 882140588 +13 116 5 882140455 +13 117 3 882398138 +13 118 4 882397581 +13 121 5 882397503 +13 124 5 884538663 +13 127 5 881515411 +13 132 4 882140002 +13 135 5 882139541 +13 137 5 882139804 +13 138 1 882399218 +13 141 2 890705034 +13 143 1 882140205 +13 144 4 882397146 +13 145 2 882397011 +13 147 3 882397502 +13 150 5 882140588 +13 152 5 882141393 +13 153 4 882139901 +13 154 5 882141335 +13 155 2 882399615 +13 158 1 882142057 +13 161 5 882397741 +13 165 3 881515295 +13 166 5 884538663 +13 167 4 882141659 +13 168 4 881515193 +13 170 5 882139774 +13 172 5 882140355 +13 173 2 882139863 +13 174 4 882139829 +13 175 4 882139717 +13 176 3 882140455 +13 177 5 882397271 +13 178 4 882139829 +13 180 5 882141248 +13 181 5 882140354 +13 182 5 882139347 +13 183 4 882397271 +13 184 1 882397011 +13 185 3 881515011 +13 186 4 890704999 +13 187 5 882140205 +13 188 4 882140130 +13 190 4 882397145 +13 191 3 881515193 +13 193 5 882139937 +13 194 5 882141458 +13 195 3 881515296 +13 196 4 882140552 +13 198 3 881515193 +13 200 3 882140552 +13 201 1 882396869 +13 202 5 882141425 +13 204 5 882140318 +13 208 5 882140624 +13 209 3 882141306 +13 210 3 882140455 +13 211 4 882140002 +13 212 5 882399385 +13 215 5 882140588 +13 216 3 881515193 +13 217 1 882396955 +13 218 1 882396869 +13 219 1 882396955 +13 222 3 882140285 +13 225 2 882399156 +13 226 4 882397651 +13 229 4 882397650 +13 230 3 882397503 +13 232 3 890704999 +13 233 4 882397650 +13 234 5 882140252 +13 235 2 882141841 +13 237 5 882140285 +13 238 3 881515411 +13 239 4 882141752 +13 241 3 882397502 +13 242 2 881515193 +13 243 3 882140966 +13 258 4 882139327 +13 260 1 882140848 +13 261 1 883670785 +13 262 4 881514876 +13 263 5 881515647 +13 265 4 882140038 +13 268 4 881514810 +13 269 2 889292060 +13 270 4 881514876 +13 271 1 881514876 +13 272 4 884538403 +13 273 3 882397502 +13 274 3 882399384 +13 275 3 886303585 +13 276 5 882140104 +13 280 4 882399528 +13 281 3 882397974 +13 285 5 882139937 +13 286 3 881514683 +13 287 1 882141459 +13 288 1 882396790 +13 289 2 882140759 +13 290 4 882141814 +13 292 5 882140867 +13 294 2 881514683 +13 300 1 881515736 +13 301 1 882140718 +13 302 5 881514811 +13 303 4 881514876 +13 305 4 881514811 +13 308 3 881514726 +13 310 4 881514683 +13 311 3 881514726 +13 312 1 883670630 +13 313 4 882774047 +13 314 1 884538485 +13 315 5 884538466 +13 316 5 888073653 +13 317 5 882140552 +13 318 3 882139686 +13 319 4 882139327 +13 320 1 882397010 +13 321 2 882140740 +13 322 3 882140792 +13 323 3 882140848 +13 326 3 882140792 +13 327 3 881515521 +13 328 3 881514811 +13 329 2 886952246 +13 331 3 881515457 +13 332 3 881515457 +13 333 3 881514810 +13 334 1 886952467 +13 336 2 882140848 +13 338 1 882140740 +13 339 3 882140718 +13 340 2 881514684 +13 341 2 886952422 +13 342 4 885744650 +13 343 1 883670672 +13 344 2 888073635 +13 345 4 884538366 +13 347 5 885185824 +13 349 1 892387807 +13 350 2 886302293 +13 351 1 886302385 +13 353 4 886261450 +13 354 2 888779458 +13 355 3 888688733 +13 357 3 881515411 +13 358 3 881515521 +13 360 4 882140926 +13 362 4 890704999 +13 363 3 882398076 +13 370 1 882396984 +13 371 3 882399385 +13 377 1 882399219 +13 379 1 882396984 +13 382 1 882140624 +13 384 2 882141814 +13 385 3 882397502 +13 387 3 886304229 +13 391 3 882398255 +13 393 3 882141617 +13 394 2 882399615 +13 396 3 882141727 +13 400 4 885744650 +13 401 1 882141841 +13 402 4 886303934 +13 403 2 882397271 +13 404 5 882399014 +13 405 2 882397742 +13 409 3 882141872 +13 413 1 882396984 +13 414 5 882141458 +13 416 3 882398934 +13 417 2 882398934 +13 418 2 882398763 +13 419 3 882398814 +13 420 4 882398691 +13 421 2 882140389 +13 423 5 882398814 +13 424 1 882397068 +13 427 5 882398814 +13 428 5 882140588 +13 429 5 884538727 +13 430 5 882139495 +13 431 1 882397271 +13 432 4 882398654 +13 433 4 881515239 +13 435 5 882141392 +13 436 2 882396869 +13 437 1 882397068 +13 438 1 882397068 +13 440 1 882397040 +13 441 1 882396984 +13 442 1 890705056 +13 443 4 882140588 +13 445 4 882139774 +13 446 1 882397039 +13 447 2 882396869 +13 449 4 882398385 +13 450 3 882398494 +13 451 1 882141872 +13 452 3 882397039 +13 457 1 883670785 +13 462 5 882140487 +13 463 5 882140318 +13 467 5 882140588 +13 472 5 882398327 +13 474 4 881515112 +13 475 3 881515113 +13 476 2 882141997 +13 477 4 882398934 +13 478 4 884538571 +13 480 3 881515193 +13 481 3 882140038 +13 482 5 882140355 +13 483 5 882139774 +13 484 5 882139804 +13 488 3 890704999 +13 491 4 882140166 +13 493 5 882140206 +13 494 4 881515295 +13 497 5 882140166 +13 498 4 882139901 +13 501 5 882398724 +13 502 5 882141458 +13 504 5 881515011 +13 505 3 882140389 +13 506 5 882140691 +13 508 3 882140426 +13 509 5 882140691 +13 511 5 882139863 +13 514 5 881515112 +13 515 2 881515193 +13 516 5 882141485 +13 517 5 882139746 +13 518 4 882140252 +13 519 5 882140355 +13 520 4 886302261 +13 522 5 882140425 +13 523 4 882141306 +13 524 4 886302261 +13 525 5 882140624 +13 526 3 882141053 +13 527 5 882140252 +13 529 4 882140206 +13 530 5 881515295 +13 531 3 882140104 +13 538 1 884538448 +13 539 1 883670785 +13 540 3 882398410 +13 541 1 882397650 +13 546 3 882397741 +13 547 1 882397011 +13 548 3 882398743 +13 549 4 882399357 +13 550 4 882397741 +13 551 1 882397084 +13 553 2 882399419 +13 554 2 882397833 +13 558 1 882397011 +13 559 1 882396913 +13 563 1 882397039 +13 564 1 882396913 +13 565 1 882397040 +13 566 5 882397502 +13 567 1 882396955 +13 569 2 882396955 +13 570 5 882397581 +13 578 3 882397974 +13 585 4 882141814 +13 588 4 882398763 +13 589 3 881515239 +13 590 2 882397068 +13 596 3 882398691 +13 597 3 882397650 +13 601 4 882140104 +13 603 4 884538571 +13 604 5 882139966 +13 606 4 882140130 +13 610 2 882140690 +13 612 4 882140318 +13 613 4 881515411 +13 614 4 884538634 +13 615 4 881515348 +13 617 3 881515112 +13 619 3 886952245 +13 621 4 882398934 +13 624 5 882398691 +13 625 2 882398691 +13 629 1 882141582 +13 632 3 884538664 +13 637 2 882396913 +13 639 3 882139804 +13 646 4 882140037 +13 647 5 882140206 +13 651 5 882140070 +13 652 5 882141458 +13 654 5 881515295 +13 659 3 882141335 +13 661 5 881515411 +13 662 5 882399420 +13 663 5 882140252 +13 665 2 882396984 +13 669 1 882397067 +13 671 3 882396790 +13 672 1 882396914 +13 673 3 882140691 +13 674 3 882396955 +13 678 3 882140792 +13 679 4 882397650 +13 682 1 883670742 +13 683 1 886952521 +13 685 5 882397582 +13 686 5 882397146 +13 688 1 883670819 +13 689 2 881515735 +13 690 3 881514811 +13 691 4 889316404 +13 694 4 890704999 +13 705 5 884538766 +13 706 1 882396869 +13 709 4 882139863 +13 712 4 882141872 +13 716 4 882141393 +13 720 4 882397974 +13 722 3 882399528 +13 732 5 882141617 +13 733 5 882399528 +13 735 3 882140690 +13 737 4 882399615 +13 739 4 886303745 +13 740 1 882140355 +13 746 3 884538766 +13 747 4 882140624 +13 749 3 881515521 +13 750 5 883670552 +13 751 5 882774081 +13 752 1 886952569 +13 754 4 882140718 +13 755 3 882399014 +13 756 2 886302858 +13 757 3 882398934 +13 759 2 882398542 +13 760 1 882396914 +13 763 1 882141458 +13 764 2 882141997 +13 765 2 886303934 +13 766 4 882139686 +13 767 1 882397011 +13 768 4 882398724 +13 769 3 882397040 +13 770 4 882397581 +13 772 1 882140070 +13 773 1 882396869 +13 774 1 882396913 +13 776 2 882398934 +13 777 1 882397084 +13 778 3 886302694 +13 779 3 882398255 +13 780 1 882142057 +13 781 3 882399528 +13 782 3 885744650 +13 783 3 886304188 +13 784 1 882397084 +13 785 3 882141924 +13 786 3 886303088 +13 787 3 882141582 +13 788 1 882396914 +13 790 2 882141841 +13 791 5 882141686 +13 792 5 882139686 +13 793 5 882141841 +13 794 4 882399615 +13 795 2 882399219 +13 796 3 886304188 +13 798 2 882397974 +13 799 4 882139937 +13 800 1 882397067 +13 801 3 886303172 +13 802 2 882398254 +13 803 3 882398255 +13 804 2 882141997 +13 805 4 882141458 +13 807 1 886304229 +13 808 2 882397833 +13 809 4 882397582 +13 810 5 882398076 +13 811 5 882139829 +13 812 2 882398933 +13 813 1 882139863 +13 814 5 886302261 +13 816 1 882396983 +13 817 1 882396914 +13 819 1 882141924 +13 820 4 882398743 +13 821 3 882141393 +13 822 3 884538634 +13 823 5 882397833 +13 824 3 886302261 +13 825 1 882397651 +13 826 5 882398385 +13 827 3 882398327 +13 828 1 882399218 +13 829 3 882398385 +13 830 1 882397581 +13 831 3 882398385 +13 833 2 882397974 +13 834 1 882397068 +13 836 2 882139746 +13 837 4 882139717 +13 838 1 882397742 +13 839 1 882396984 +13 840 3 886261387 +13 841 1 882398076 +13 842 2 882399156 +13 843 5 882399156 +13 844 1 882397010 +13 845 3 882141503 +13 846 2 882141997 +13 847 4 882139937 +13 848 5 882140001 +13 849 1 882397833 +13 850 4 882140318 +13 851 5 882139966 +13 852 1 882396869 +13 853 1 882397010 +13 854 1 882396914 +13 855 4 882140130 +13 856 5 886303171 +13 857 3 881515348 +13 858 1 882397068 +13 859 1 882397040 +13 860 1 882396984 +13 861 3 882139774 +13 862 3 882399074 +13 863 4 882140487 +13 864 4 882141924 +13 866 3 882141814 +13 867 5 882399615 +13 868 5 882139901 +13 869 3 882141727 +13 870 3 882397271 +13 871 2 882141924 +13 872 3 882139327 +13 874 5 881514876 +13 875 1 881515613 +13 876 2 881515521 +13 877 2 882140792 +13 878 1 883670785 +13 879 2 881515697 +13 880 3 882140966 +13 882 3 886952438 +13 883 3 882140848 +13 884 2 882140814 +13 885 1 886302334 +13 887 5 882140867 +13 888 2 886261388 +13 889 3 892015236 +13 890 1 883670672 +13 892 3 882774224 +13 893 3 882774005 +13 894 1 883670742 +13 898 1 884538403 +13 899 1 892015288 +13 900 5 888279677 +13 901 1 883670672 +13 902 3 891749765 +13 903 3 890704759 +13 904 1 892015178 +13 905 2 886302261 +13 906 3 891749765 +13 907 1 884538485 +13 908 1 886302385 +13 909 5 890704721 +13 910 2 890704721 +13 911 2 892015141 +13 912 2 892014861 +13 913 1 892014908 +13 914 2 892870589 +13 915 5 892015023 +13 916 4 892870589 +13 917 4 892015104 +13 918 3 892524090 +14 7 5 876965061 +14 9 4 879119260 +14 12 5 890881216 +14 13 4 880929778 +14 14 3 879119311 +14 15 4 879119390 +14 18 3 879119260 +14 19 5 880929651 +14 22 3 890881521 +14 23 5 890881216 +14 25 2 876965165 +14 32 5 890881485 +14 42 4 879119579 +14 50 5 890881557 +14 56 5 879119579 +14 70 1 879119692 +14 93 3 879119311 +14 96 4 890881433 +14 98 3 890881335 +14 100 5 876965165 +14 111 3 876965165 +14 116 5 876965165 +14 121 3 876965061 +14 124 5 876964936 +14 127 2 879644647 +14 151 5 876964725 +14 168 4 879119497 +14 172 5 890881521 +14 174 5 890881294 +14 175 5 879119497 +14 176 1 890881484 +14 181 5 889666215 +14 186 4 879119497 +14 195 5 890881336 +14 202 3 890881521 +14 204 5 879119651 +14 210 5 879119739 +14 211 4 879119693 +14 213 5 890881557 +14 222 4 876965061 +14 238 5 879119579 +14 240 5 880929697 +14 242 4 876964570 +14 269 4 892242403 +14 275 4 876964725 +14 276 4 879119390 +14 283 4 882839936 +14 285 5 879119118 +14 288 4 876964936 +14 313 2 890880970 +14 319 1 884482684 +14 357 2 890881294 +14 382 5 879119739 +14 408 5 879119348 +14 427 5 890881433 +14 428 4 879119497 +14 430 5 879119692 +14 455 4 880929745 +14 473 5 876964936 +14 474 4 890881557 +14 475 3 876964936 +14 477 4 879119311 +14 492 4 890881485 +14 498 5 890881384 +14 507 4 890881521 +14 509 5 890881521 +14 514 4 879119579 +14 517 4 890881485 +14 519 5 890881335 +14 523 4 879119497 +14 524 5 879119497 +14 525 5 890881557 +14 530 5 890881433 +14 588 4 890881433 +14 596 3 879119311 +14 603 4 890881484 +14 628 5 880929697 +14 654 4 890881294 +14 655 5 879119739 +14 663 5 879119651 +14 709 5 879119693 +14 716 5 879119651 +14 750 3 891014196 +14 792 5 879119651 +14 813 2 880929564 +14 820 3 882839856 +14 845 3 880929564 +14 919 4 876964725 +14 920 4 880929745 +14 921 5 890881384 +14 922 4 880929651 +15 1 1 879455635 +15 7 1 879455506 +15 9 4 879455635 +15 13 1 879455940 +15 14 4 879455659 +15 15 4 879455939 +15 18 1 879455681 +15 20 3 879455541 +15 25 3 879456204 +15 50 5 879455606 +15 118 1 879456381 +15 121 3 879456168 +15 125 5 879456049 +15 127 2 879455505 +15 137 4 879455939 +15 148 3 879456049 +15 181 5 879455710 +15 222 3 879455730 +15 225 3 879456447 +15 235 1 879456424 +15 243 1 879455362 +15 244 2 879456447 +15 248 1 879455871 +15 249 1 879455764 +15 251 2 879455541 +15 252 2 879456351 +15 255 5 879455764 +15 257 4 879455821 +15 258 3 879455473 +15 269 5 879455165 +15 274 4 879456168 +15 275 4 879455562 +15 278 1 879455843 +15 280 3 879456167 +15 282 3 879456204 +15 283 4 879455505 +15 285 4 879455635 +15 286 2 879455049 +15 289 3 879455262 +15 291 3 879456084 +15 292 5 879455128 +15 297 3 879455606 +15 300 4 879455166 +15 301 4 879455233 +15 302 4 879455049 +15 303 3 879455080 +15 306 5 879455165 +15 307 1 879455233 +15 308 5 879455334 +15 310 4 879455049 +15 322 3 879455262 +15 323 1 879455311 +15 331 3 879455166 +15 333 1 879455128 +15 405 2 879455957 +15 409 3 879456324 +15 411 2 879456351 +15 455 1 879455914 +15 458 5 879456288 +15 459 5 879455562 +15 471 4 879456084 +15 472 3 879456204 +15 473 1 879456204 +15 476 4 879456404 +15 508 2 879455789 +15 546 2 879456324 +15 591 2 879455821 +15 620 4 879456204 +15 676 4 879455871 +15 678 1 879455311 +15 685 4 879456288 +15 690 4 879455128 +15 696 2 879456262 +15 742 2 879456049 +15 744 4 879455789 +15 748 3 879455262 +15 749 1 879455311 +15 754 5 879455080 +15 815 1 879456108 +15 823 2 879456351 +15 845 2 879456108 +15 864 4 879456231 +15 866 4 879456288 +15 879 3 879455311 +15 889 3 879455473 +15 924 3 879456204 +15 926 1 879456424 +15 927 4 879456381 +15 928 1 879456404 +15 929 1 879456168 +15 930 2 879456381 +15 932 1 879456465 +15 933 1 879456447 +15 935 3 879455710 +15 936 5 879455889 +15 937 4 879455128 +15 938 3 879455233 +16 1 5 877717833 +16 4 5 877726390 +16 7 5 877724066 +16 8 5 877722736 +16 9 5 877722736 +16 11 5 877718755 +16 12 5 877718168 +16 22 5 877721071 +16 27 2 877726390 +16 28 5 877727122 +16 31 5 877717956 +16 33 2 877722001 +16 39 5 877720118 +16 51 4 877726390 +16 55 5 877717956 +16 56 5 877719863 +16 58 4 877720118 +16 64 5 877720297 +16 66 4 877719075 +16 69 5 877724846 +16 70 4 877720118 +16 76 5 877719863 +16 79 5 877727122 +16 89 2 877717833 +16 92 4 877721905 +16 95 5 877728417 +16 96 5 877717833 +16 99 5 877720733 +16 100 5 877720437 +16 109 4 877719333 +16 127 5 877719206 +16 134 4 877719158 +16 135 4 877720916 +16 143 5 877727192 +16 144 5 877721142 +16 151 5 877721905 +16 155 3 877719157 +16 156 4 877719863 +16 160 4 877722001 +16 161 5 877726390 +16 164 5 877724438 +16 168 4 877721142 +16 174 5 877719504 +16 178 5 877719333 +16 182 5 877719863 +16 183 5 877720733 +16 191 5 877719454 +16 194 5 877720733 +16 195 5 877720298 +16 197 5 877726146 +16 199 5 877719645 +16 200 5 877722736 +16 202 5 877724726 +16 204 5 877722736 +16 208 5 877727054 +16 209 5 877722736 +16 216 5 877722736 +16 228 5 877720733 +16 230 5 877720813 +16 233 5 877727054 +16 234 5 877720185 +16 237 5 877719504 +16 240 4 877724603 +16 282 5 877718755 +16 284 1 877719863 +16 286 2 877716993 +16 288 3 877717078 +16 294 4 877717116 +16 300 5 877717078 +16 318 5 877718107 +16 357 5 877720297 +16 367 3 877726390 +16 385 5 877727192 +16 404 5 877728417 +16 410 5 877718107 +16 418 5 877724727 +16 427 5 877722001 +16 443 5 877727055 +16 447 5 877724066 +16 467 5 877720733 +16 469 3 877720916 +16 471 3 877724845 +16 479 5 877720436 +16 480 5 877720297 +16 482 5 877718872 +16 496 5 877721905 +16 498 5 877719333 +16 502 4 877723670 +16 504 5 877718168 +16 509 2 877720118 +16 510 4 877727280 +16 531 5 877722736 +16 546 4 877726944 +16 564 1 877726790 +16 591 4 877726944 +16 602 5 877719333 +16 603 5 877719206 +16 606 4 877721071 +16 629 4 877720437 +16 642 5 877719075 +16 654 5 877720298 +16 655 5 877724066 +16 657 5 877723882 +16 692 4 877719158 +16 693 4 877721905 +16 705 5 877722736 +16 732 5 877726944 +16 735 3 877720186 +16 761 2 877727192 +16 770 3 877724979 +16 812 2 877723882 +16 939 4 877717833 +16 940 2 877721236 +16 941 1 877720437 +16 942 4 877719863 +16 943 3 877719206 +16 944 1 877727122 +16 946 5 877724727 +16 947 4 877719454 +16 948 3 877717397 +17 1 4 885272579 +17 9 3 885272558 +17 13 3 885272654 +17 117 3 885272724 +17 125 1 885272538 +17 137 4 885272606 +17 150 5 885272654 +17 151 4 885272751 +17 221 2 885272654 +17 222 3 885272751 +17 237 2 885272628 +17 243 1 885166209 +17 245 2 885166209 +17 269 4 885165619 +17 276 4 885272654 +17 286 3 885165619 +17 294 4 885166209 +17 323 1 885166256 +17 475 4 885272520 +17 508 3 885272779 +17 628 1 885272724 +17 744 3 885272606 +18 1 5 880130802 +18 4 3 880132150 +18 6 5 880130764 +18 8 5 880130802 +18 9 5 880130550 +18 12 5 880129991 +18 13 5 880131497 +18 14 5 880130431 +18 15 4 880131054 +18 19 3 880130582 +18 22 5 880130640 +18 25 3 880131591 +18 26 4 880129731 +18 28 3 880129527 +18 32 2 880132129 +18 42 3 880130713 +18 45 5 880130739 +18 47 3 880131262 +18 48 4 880130515 +18 50 4 880130155 +18 52 5 880130680 +18 56 5 880129454 +18 57 4 880130930 +18 58 4 880130613 +18 59 4 880132501 +18 60 4 880132055 +18 61 4 880130803 +18 64 5 880132501 +18 65 5 880130333 +18 66 3 880131728 +18 69 3 880129527 +18 70 4 880129668 +18 71 4 880131236 +18 72 3 880132252 +18 79 4 880131450 +18 82 3 880131236 +18 83 5 880129877 +18 86 4 880129731 +18 88 3 880130890 +18 89 3 880130065 +18 91 3 880130393 +18 94 3 880131676 +18 95 4 880131297 +18 97 4 880131525 +18 98 5 880129527 +18 99 5 880130829 +18 100 5 880130065 +18 113 5 880129628 +18 116 5 880131358 +18 125 3 880131004 +18 126 5 880130680 +18 127 5 880129668 +18 131 4 880131004 +18 132 5 880132437 +18 133 5 880130713 +18 134 5 880129877 +18 135 3 880130065 +18 136 5 880129421 +18 137 5 880132437 +18 142 4 880131173 +18 143 4 880131474 +18 151 3 880131804 +18 152 3 880130515 +18 153 4 880130551 +18 154 4 880131358 +18 157 3 880131849 +18 162 4 880131326 +18 165 4 880129527 +18 166 4 880129595 +18 168 3 880130431 +18 169 5 880130252 +18 170 5 880130515 +18 172 3 880130551 +18 174 4 880130613 +18 177 3 880131297 +18 179 4 880129877 +18 180 4 880130252 +18 181 3 880131631 +18 182 4 880130640 +18 185 3 880129388 +18 186 4 880131699 +18 187 5 880130393 +18 188 3 880129388 +18 190 4 880130155 +18 191 4 880130193 +18 193 5 880131358 +18 194 3 880129816 +18 195 3 880131236 +18 196 3 880131297 +18 198 3 880130613 +18 199 3 880129769 +18 200 3 880131775 +18 202 3 880130515 +18 209 4 880130861 +18 210 5 880131054 +18 211 5 880131358 +18 212 5 880129990 +18 213 5 880131201 +18 214 4 880132078 +18 215 3 880130930 +18 216 4 880129527 +18 224 5 880130739 +18 234 3 880131106 +18 236 3 880131077 +18 237 3 880129991 +18 238 5 880132437 +18 241 3 880131525 +18 242 5 880129305 +18 275 5 880129421 +18 276 5 880130829 +18 283 5 880130551 +18 284 3 880131804 +18 285 5 880130333 +18 286 5 880129305 +18 287 4 880131144 +18 317 5 880131144 +18 318 5 880132437 +18 319 4 880129305 +18 357 4 880129421 +18 367 4 880130802 +18 378 3 880131804 +18 381 4 880131474 +18 382 3 880129595 +18 387 4 880130155 +18 392 3 880130193 +18 393 3 880130930 +18 402 3 880132225 +18 403 3 880132103 +18 404 4 880132055 +18 408 5 880129628 +18 416 5 880131144 +18 418 3 880130515 +18 419 3 880131878 +18 423 5 880132437 +18 425 3 880130713 +18 428 3 880131325 +18 430 4 880130155 +18 432 4 880131559 +18 435 4 880130890 +18 443 3 880130193 +18 451 3 880131297 +18 461 4 880130713 +18 462 3 880130065 +18 463 4 880131143 +18 474 4 880129731 +18 476 3 880132399 +18 478 5 880129691 +18 479 4 880129769 +18 480 4 880129595 +18 483 4 880129940 +18 485 5 880132437 +18 486 3 880131559 +18 487 4 880129454 +18 488 3 880130065 +18 493 5 880132437 +18 494 3 880131497 +18 496 5 880130470 +18 497 4 880131358 +18 498 4 880129940 +18 504 5 880129940 +18 509 4 880129940 +18 510 4 880130680 +18 512 5 880131407 +18 513 4 880129769 +18 514 5 880129990 +18 515 5 880130155 +18 516 5 880130861 +18 519 4 880129991 +18 520 4 880129595 +18 523 4 880130393 +18 524 4 880129816 +18 526 4 880131407 +18 527 4 880130109 +18 530 4 880129877 +18 582 5 880131450 +18 588 4 880131201 +18 602 3 880131407 +18 604 5 880129731 +18 607 3 880131752 +18 609 4 880130713 +18 610 4 880130861 +18 612 4 880131591 +18 613 5 880129769 +18 627 3 880131931 +18 629 3 880130515 +18 630 3 880132188 +18 633 5 880131358 +18 639 4 880131407 +18 647 4 880129595 +18 649 3 880131591 +18 654 4 880130110 +18 659 4 880129489 +18 660 5 880130930 +18 663 4 880129454 +18 692 3 880130930 +18 699 5 880130802 +18 705 3 880130640 +18 707 3 880131450 +18 708 3 880129595 +18 709 5 880131028 +18 714 4 880130334 +18 716 5 880131676 +18 724 4 880132055 +18 729 3 880131236 +18 732 3 880131698 +18 735 4 880130582 +18 736 4 880131028 +18 739 3 880131776 +18 762 3 880132103 +18 775 3 880131878 +18 778 2 880131077 +18 781 3 880132188 +18 792 5 880131106 +18 794 3 880131878 +18 805 4 880131358 +18 845 3 880131236 +18 856 5 880131676 +18 863 3 880130680 +18 921 5 880132437 +18 923 5 880132501 +18 949 3 880131559 +18 950 3 880130764 +18 951 3 880129595 +18 952 2 880130582 +18 953 3 880131901 +18 954 3 880130640 +18 955 4 880130713 +18 958 5 880129731 +18 959 3 880131450 +18 960 4 880131004 +18 961 3 880131830 +18 962 4 880131631 +18 964 3 880132252 +18 965 4 880132012 +18 966 2 880132399 +18 967 3 880131901 +18 968 3 880130155 +18 969 3 880131106 +18 970 3 880131591 +18 971 4 880131878 +18 972 3 880130515 +18 973 3 880129595 +19 4 4 885412840 +19 8 5 885412723 +19 153 4 885412840 +19 201 3 885412839 +19 210 3 885412840 +19 211 4 885412840 +19 258 4 885411840 +19 268 2 885412034 +19 288 3 885411840 +19 294 3 885412034 +19 310 4 885412063 +19 313 2 885411792 +19 319 4 885411465 +19 325 4 885412251 +19 382 3 885412840 +19 435 5 885412840 +19 655 3 885412723 +19 692 3 885412840 +19 887 4 885411465 +20 1 3 879667963 +20 11 2 879669401 +20 15 4 879667937 +20 22 5 879669339 +20 50 3 879667937 +20 69 1 879668979 +20 82 4 879669697 +20 87 5 879669746 +20 94 2 879669954 +20 95 3 879669181 +20 98 3 879669547 +20 118 4 879668442 +20 121 3 879668227 +20 144 2 879669401 +20 151 3 879668555 +20 172 3 879669181 +20 174 4 879669087 +20 176 2 879669152 +20 181 4 879667904 +20 186 3 879669040 +20 194 3 879669152 +20 204 3 879670039 +20 208 2 879669401 +20 210 4 879669065 +20 243 4 879667799 +20 252 4 879669697 +20 288 1 879667584 +20 323 4 879667684 +20 357 1 879669244 +20 405 3 879668555 +20 423 2 879669313 +20 498 3 879669001 +20 568 4 879669291 +20 588 4 879669120 +20 597 3 879668190 +20 633 4 879668979 +20 678 4 879667684 +20 742 4 879668166 +20 763 1 879668476 +20 820 2 879668626 +20 866 1 879668583 +20 931 1 879668829 +20 934 4 879668783 +21 1 5 874951244 +21 5 2 874951761 +21 7 5 874951292 +21 9 5 874951188 +21 15 4 874951188 +21 17 4 874951695 +21 53 4 874951820 +21 56 5 874951658 +21 98 5 874951657 +21 100 5 874951292 +21 103 1 874951245 +21 106 2 874951447 +21 118 1 874951382 +21 121 1 874951416 +21 123 4 874951382 +21 127 5 874951188 +21 129 4 874951382 +21 145 1 874951761 +21 148 1 874951482 +21 164 5 874951695 +21 184 4 874951797 +21 200 5 874951695 +21 201 5 874951658 +21 217 3 874951727 +21 218 4 874951696 +21 219 5 874951797 +21 222 2 874951382 +21 234 5 874951657 +21 240 4 874951245 +21 242 3 874951617 +21 243 2 874951039 +21 244 4 874951349 +21 245 1 874951006 +21 258 4 874950889 +21 261 1 874951006 +21 262 4 874950931 +21 263 1 874951040 +21 264 3 874950972 +21 273 4 874951349 +21 281 2 874951416 +21 286 3 874950889 +21 288 3 874950932 +21 289 3 874950972 +21 291 3 874951446 +21 292 3 874950889 +21 294 3 874951616 +21 295 3 874951349 +21 298 5 874951382 +21 299 1 874950931 +21 300 3 874950889 +21 301 4 874951054 +21 319 2 874950889 +21 320 3 874951658 +21 321 3 874950972 +21 322 3 874951005 +21 323 2 874950972 +21 324 4 874950889 +21 325 4 874950931 +21 326 5 874950889 +21 327 3 874950932 +21 328 3 874951005 +21 330 4 874951040 +21 358 3 874951616 +21 370 1 874951293 +21 396 2 874951798 +21 406 1 874951293 +21 408 5 874951188 +21 413 2 874951293 +21 424 1 874951293 +21 436 4 874951858 +21 439 1 874951820 +21 440 1 874951798 +21 441 3 874951761 +21 443 4 874951761 +21 445 3 874951658 +21 447 5 874951695 +21 448 4 874951727 +21 452 4 874951727 +21 453 2 874951797 +21 457 1 874951054 +21 473 3 874951245 +21 547 2 874951292 +21 551 3 874951898 +21 558 5 874951695 +21 559 1 874951761 +21 561 1 874951761 +21 563 2 874951898 +21 565 3 874951898 +21 567 2 874951858 +21 569 3 874951820 +21 590 1 874951898 +21 591 3 874951382 +21 595 3 874951617 +21 596 3 874951617 +21 619 2 874951416 +21 628 3 874951616 +21 635 4 874951727 +21 665 3 874951858 +21 668 1 874951761 +21 669 1 874951761 +21 670 3 874951696 +21 671 5 874951657 +21 672 3 874951727 +21 674 2 874951897 +21 675 5 874951897 +21 678 2 874951005 +21 680 1 874950972 +21 687 2 874951005 +21 688 1 874950972 +21 696 2 874951382 +21 706 2 874951695 +21 717 1 874951483 +21 741 3 874951382 +21 742 3 874951617 +21 748 1 874950889 +21 758 1 874951314 +21 760 1 874951293 +21 767 1 874951314 +21 769 1 874951916 +21 773 3 874951797 +21 774 2 874951898 +21 816 1 874951898 +21 820 3 874951616 +21 834 1 874951293 +21 839 1 874951797 +21 844 4 874951292 +21 854 5 874951657 +21 858 1 874951858 +21 859 2 874951859 +21 860 2 874951727 +21 872 2 874950889 +21 873 2 874950932 +21 874 2 874951005 +21 875 4 874951005 +21 876 2 874950932 +21 877 2 874950972 +21 878 2 874951039 +21 925 2 874951447 +21 928 3 874951616 +21 930 1 874951482 +21 931 2 874951446 +21 948 1 874951054 +21 974 3 874951416 +21 976 1 874951483 +21 977 2 874951416 +21 979 2 874951416 +21 980 2 874951349 +21 981 2 874951382 +21 982 1 874951482 +21 984 1 874951040 +21 985 2 874951349 +21 986 1 874951482 +21 987 3 874951616 +21 988 1 874951005 +21 989 3 874951039 +21 990 2 874951039 +21 991 2 874951039 +21 993 4 874951245 +21 995 2 874950932 +22 4 5 878886571 +22 21 4 878886750 +22 24 5 878888026 +22 29 1 878888228 +22 50 5 878887765 +22 53 3 878888107 +22 62 4 878887925 +22 68 4 878887925 +22 79 4 878887765 +22 80 4 878887227 +22 85 5 878886989 +22 94 3 878887277 +22 96 5 878887680 +22 105 1 878887347 +22 109 4 878886710 +22 110 1 878887157 +22 117 4 878887869 +22 118 4 878887983 +22 121 3 878887925 +22 127 5 878887869 +22 128 5 878887983 +22 153 5 878886423 +22 154 4 878886423 +22 163 1 878886845 +22 167 3 878887023 +22 168 5 878886517 +22 172 4 878887680 +22 173 5 878886368 +22 174 5 878887765 +22 175 4 878886682 +22 176 5 878887765 +22 184 5 878887869 +22 186 5 878886368 +22 187 5 878887680 +22 194 5 878886607 +22 195 4 878887810 +22 202 5 878886480 +22 204 5 878886607 +22 208 5 878886607 +22 209 4 878886518 +22 211 3 878886518 +22 216 4 878886682 +22 222 4 878887925 +22 226 4 878888145 +22 227 4 878888067 +22 229 2 878887925 +22 230 4 878888026 +22 231 2 878887983 +22 233 3 878888066 +22 238 5 878886423 +22 241 3 878888025 +22 250 5 878888251 +22 258 5 878886261 +22 265 3 878888066 +22 294 1 878886262 +22 358 5 878887443 +22 367 1 878886571 +22 376 3 878887112 +22 377 1 878887116 +22 385 4 878887869 +22 386 3 878887347 +22 393 4 878886989 +22 399 4 878887157 +22 403 5 878887810 +22 405 1 878888067 +22 407 3 878886845 +22 411 1 878887277 +22 431 4 878888026 +22 433 3 878886479 +22 435 5 878886682 +22 449 1 878888145 +22 451 4 878887062 +22 455 5 878886479 +22 456 1 878887413 +22 502 4 878886647 +22 510 5 878887765 +22 511 4 878887983 +22 515 5 878887869 +22 523 5 878886845 +22 526 4 878888026 +22 546 3 878888107 +22 550 5 878888184 +22 554 1 878888066 +22 636 3 878888106 +22 648 4 878886647 +22 651 4 878887810 +22 665 1 878888145 +22 683 1 878886307 +22 684 3 878887983 +22 687 1 878887476 +22 692 4 878886480 +22 731 3 878887116 +22 732 4 878886710 +22 780 1 878887377 +22 791 1 878887227 +22 792 4 878886647 +22 840 4 878888184 +22 862 1 878886845 +22 871 3 878886750 +22 878 1 878887598 +22 926 1 878887062 +22 932 1 878887277 +22 948 1 878887553 +22 988 1 878887116 +22 996 1 878887158 +22 997 1 878887377 +22 998 1 878886571 +22 999 4 878886902 +22 1001 1 878886647 +22 1002 1 878887186 +22 1003 1 878887277 +23 1 5 874784615 +23 7 4 874784385 +23 13 4 874784497 +23 14 4 874784440 +23 19 4 874784466 +23 28 3 874786793 +23 32 3 874785809 +23 50 4 874784440 +23 56 4 874785233 +23 59 4 874785526 +23 70 2 874786513 +23 71 3 874789299 +23 73 3 874787016 +23 79 4 874785957 +23 82 3 874787449 +23 83 4 874785926 +23 88 3 874787410 +23 89 5 874785582 +23 90 2 874787370 +23 91 4 884550049 +23 95 4 874786220 +23 98 5 874786016 +23 99 4 874786098 +23 100 5 874784557 +23 109 3 874784466 +23 116 5 874784466 +23 124 5 874784440 +23 132 4 874785756 +23 133 4 874786220 +23 134 4 874786098 +23 143 3 874786066 +23 145 3 874786244 +23 151 3 874784668 +23 154 3 874785552 +23 155 3 874787059 +23 156 3 877817091 +23 161 2 874787017 +23 170 4 874785348 +23 172 4 874785889 +23 173 5 874787587 +23 174 4 874785652 +23 175 5 874785526 +23 176 3 874785843 +23 177 4 884550003 +23 181 4 874784337 +23 183 3 874785728 +23 185 4 874785756 +23 188 3 877817151 +23 189 5 874785985 +23 191 3 877817113 +23 195 4 874786993 +23 196 2 874786926 +23 202 3 874785165 +23 203 4 874786746 +23 204 3 874786122 +23 209 5 874785843 +23 213 3 874785675 +23 215 2 874787116 +23 219 1 874788187 +23 222 4 876785704 +23 224 5 874784638 +23 227 3 874787738 +23 228 4 874785582 +23 229 3 874787162 +23 230 4 874785809 +23 238 5 874785526 +23 250 4 874784338 +23 257 3 890276940 +23 258 5 876785704 +23 269 5 877817151 +23 275 5 874785474 +23 283 4 874784575 +23 294 1 876785901 +23 315 3 884550320 +23 323 2 874784266 +23 357 3 874785233 +23 367 4 874785957 +23 380 5 874787774 +23 381 4 874787350 +23 385 4 874786462 +23 386 4 874789001 +23 387 3 874786098 +23 404 4 874787860 +23 405 4 874784638 +23 408 5 874784538 +23 414 3 874785526 +23 418 4 874786037 +23 419 3 874787204 +23 421 5 874786770 +23 423 3 874786488 +23 427 5 874789279 +23 432 4 884550048 +23 433 5 874785233 +23 449 2 874787083 +23 451 2 874787256 +23 463 4 874785843 +23 472 2 874784972 +23 483 4 884550048 +23 504 4 874785624 +23 511 5 874786770 +23 512 5 874785843 +23 516 4 874787330 +23 518 5 874785194 +23 522 4 874785447 +23 527 4 874785926 +23 528 4 874786974 +23 530 4 874789279 +23 546 3 874784668 +23 549 3 874788290 +23 588 4 884550021 +23 597 3 874785024 +23 603 4 874785448 +23 629 4 874786098 +23 642 3 874785843 +23 652 4 874785926 +23 662 3 874788045 +23 679 3 874788443 +23 705 4 874785526 +23 710 4 874785889 +23 739 2 874787861 +23 747 3 874786903 +23 780 1 874788388 +23 856 4 874787288 +23 919 5 874784440 +23 961 5 874785165 +23 1004 3 874788318 +23 1005 3 874787647 +23 1006 3 874785809 +24 7 4 875323676 +24 8 5 875323002 +24 9 5 875323745 +24 11 5 875323100 +24 25 4 875246258 +24 41 5 875323594 +24 55 5 875323308 +24 56 4 875323240 +24 58 3 875323745 +24 64 5 875322758 +24 69 5 875323051 +24 97 4 875323193 +24 100 5 875323637 +24 109 3 875322848 +24 117 4 875246216 +24 127 5 875323879 +24 129 3 875246185 +24 151 5 875322848 +24 153 4 875323368 +24 173 5 875323474 +24 176 5 875323595 +24 178 5 875323676 +24 180 5 875322847 +24 191 5 875323003 +24 200 5 875323440 +24 216 4 875323745 +24 223 5 875322727 +24 237 4 875323002 +24 238 5 875323274 +24 249 4 875246216 +24 258 4 875245985 +24 275 5 875323507 +24 276 5 875322951 +24 286 5 875323773 +24 289 3 875245985 +24 294 3 875246037 +24 300 4 875245985 +24 318 5 875323474 +24 324 5 875322875 +24 357 5 875323100 +24 358 3 875246012 +24 367 2 875323241 +24 372 4 875323553 +24 421 5 875323712 +24 427 5 875323002 +24 475 4 875246216 +24 477 5 875323594 +24 486 3 875322908 +24 508 4 875323833 +24 518 4 875323552 +24 582 4 875323368 +24 655 5 875323915 +24 662 5 875323440 +24 699 3 875323051 +24 727 3 875322727 +24 729 5 875323475 +24 742 4 875323915 +24 763 5 875322875 +24 919 3 875246185 +24 1007 5 875322758 +25 1 5 885853415 +25 7 4 885853155 +25 8 4 885852150 +25 13 4 885852381 +25 25 5 885853415 +25 50 5 885852150 +25 79 4 885852757 +25 82 4 885852150 +25 86 4 885852248 +25 114 5 885852218 +25 116 4 885853335 +25 121 4 885853030 +25 125 5 885852817 +25 127 3 885853030 +25 131 4 885852611 +25 133 3 885852381 +25 134 4 885852008 +25 135 3 885852059 +25 141 4 885852720 +25 143 3 885852529 +25 151 4 885853335 +25 169 5 885852301 +25 173 4 885852969 +25 174 5 885853415 +25 176 4 885852862 +25 177 3 885852488 +25 181 5 885853415 +25 186 4 885852569 +25 189 5 885852488 +25 195 4 885852008 +25 197 3 885852059 +25 204 5 885853415 +25 208 4 885852337 +25 222 4 885852817 +25 228 4 885852920 +25 238 4 885852757 +25 239 4 885853415 +25 257 4 885853415 +25 258 5 885853199 +25 265 4 885853415 +25 269 4 885851953 +25 275 4 885853335 +25 357 4 885852757 +25 408 5 885852920 +25 419 4 885852218 +25 427 4 885852059 +25 432 2 885852443 +25 455 4 885853415 +25 474 4 885852008 +25 477 4 885853155 +25 478 5 885852271 +25 479 5 885852569 +25 480 4 885852008 +25 498 4 885852086 +25 501 3 885852301 +25 520 3 885852150 +25 527 4 885852248 +25 568 4 885852529 +25 612 4 885852120 +25 615 5 885852611 +25 633 4 885852301 +25 655 4 885852248 +25 657 4 885852720 +25 692 4 885852656 +25 729 4 885852697 +25 742 4 885852569 +25 837 4 885852611 +25 968 4 885852218 +25 969 3 885852059 +26 1 3 891350625 +26 7 3 891350826 +26 9 4 891386369 +26 13 3 891373086 +26 14 3 891371505 +26 15 4 891386369 +26 24 3 891377540 +26 25 3 891373727 +26 50 4 891386368 +26 100 5 891386368 +26 109 3 891376987 +26 117 3 891351590 +26 118 3 891385691 +26 121 3 891377540 +26 122 1 891380200 +26 125 4 891371676 +26 126 4 891371676 +26 127 5 891386368 +26 129 4 891350566 +26 150 3 891350750 +26 151 3 891372429 +26 181 4 891386369 +26 222 3 891371369 +26 235 2 891372429 +26 237 3 891351590 +26 240 3 891377468 +26 246 4 891351590 +26 248 3 891377468 +26 255 3 891377609 +26 257 3 891371596 +26 258 3 891347949 +26 269 4 891347478 +26 271 3 891348070 +26 276 4 891386369 +26 282 4 891373086 +26 284 3 891371505 +26 286 3 891347400 +26 288 4 891347477 +26 291 3 891379753 +26 292 3 891347400 +26 293 3 891371369 +26 294 3 891348192 +26 298 3 891371505 +26 300 4 891347537 +26 302 5 891386368 +26 304 4 891348011 +26 315 3 891347400 +26 316 3 891349122 +26 321 3 891347949 +26 322 3 891349122 +26 323 2 891349184 +26 328 2 891348011 +26 333 3 891348192 +26 343 3 891349238 +26 369 2 891379664 +26 405 2 891376986 +26 410 2 891373086 +26 413 2 891386049 +26 455 3 891371506 +26 458 3 891352941 +26 471 2 891371676 +26 475 3 891350826 +26 476 3 891384414 +26 508 3 891352941 +26 515 4 891352940 +26 546 2 891371676 +26 597 2 891379753 +26 628 3 891372429 +26 683 3 891350372 +26 685 3 891371676 +26 742 3 891352492 +26 748 1 891348192 +26 750 4 891347478 +26 751 4 891347477 +26 760 1 891383899 +26 831 2 891379753 +26 841 2 891380200 +26 845 3 891377468 +26 864 2 891383899 +26 871 2 891379664 +26 926 2 891385692 +26 930 2 891385985 +26 936 4 891352136 +26 979 3 891383899 +26 1008 3 891377609 +26 1009 2 891384478 +26 1010 2 891377609 +26 1011 3 891371597 +26 1012 4 891386369 +26 1013 1 891383836 +26 1014 3 891384414 +26 1015 3 891352136 +26 1016 3 891377609 +27 9 4 891542942 +27 50 3 891542897 +27 100 5 891543129 +27 118 3 891543222 +27 121 4 891543191 +27 123 5 891543191 +27 148 3 891543129 +27 244 3 891543222 +27 246 4 891542897 +27 281 3 891543164 +27 286 3 891543393 +27 288 3 891543129 +27 295 3 891543164 +27 298 4 891543164 +27 325 2 891543191 +27 370 4 891543245 +27 475 2 891542942 +27 508 3 891542987 +27 515 4 891543009 +27 596 2 891542987 +27 742 3 891543129 +27 925 3 891543245 +27 930 2 891543222 +27 978 2 891543222 +27 1017 4 891542897 +28 5 3 881961600 +28 7 5 881961531 +28 11 4 881956144 +28 12 4 881956853 +28 31 4 881956082 +28 50 4 881957090 +28 56 5 881957479 +28 70 4 881961311 +28 79 4 881961003 +28 89 4 881961104 +28 95 3 881956917 +28 96 5 881957250 +28 98 5 881961531 +28 100 5 881957425 +28 117 4 881957002 +28 143 4 881956564 +28 145 3 881961904 +28 153 3 881961214 +28 164 4 881960945 +28 173 3 881956220 +28 174 5 881956334 +28 176 5 881956445 +28 184 4 881961671 +28 195 4 881957250 +28 196 4 881956081 +28 200 2 881961671 +28 201 3 881961671 +28 209 4 881961214 +28 217 3 881961671 +28 218 3 881961601 +28 219 5 881961728 +28 222 5 881961393 +28 223 5 882826496 +28 227 4 881961393 +28 228 5 881961393 +28 229 2 881961393 +28 230 4 881961393 +28 234 4 881956144 +28 258 5 881955018 +28 271 4 881955281 +28 282 4 881957425 +28 286 3 881955018 +28 294 3 881954915 +28 323 3 882826593 +28 380 4 881961394 +28 423 2 881956564 +28 429 5 881960794 +28 434 4 881961104 +28 436 5 881961601 +28 441 2 881961782 +28 443 4 881961671 +28 444 3 881961728 +28 448 4 881961600 +28 449 2 881961394 +28 450 1 881961394 +28 479 4 881961157 +28 480 5 881957002 +28 529 4 881957310 +28 567 4 881961782 +28 568 4 881957147 +28 588 3 881957425 +28 603 3 881957090 +28 609 3 881956220 +28 646 4 881961003 +28 665 3 881961782 +28 670 4 881961600 +28 672 3 881961728 +28 678 2 882826550 +28 760 3 882826399 +28 800 4 881961904 +28 859 3 881961842 +28 895 4 882826398 +29 79 4 882821989 +29 98 4 882821942 +29 180 4 882821989 +29 189 4 882821942 +29 245 3 882820803 +29 259 4 882821044 +29 269 4 882820897 +29 270 4 882820803 +29 286 5 882820663 +29 294 4 882820730 +29 300 3 882820897 +29 302 4 882820663 +29 303 4 882820686 +29 306 4 882820730 +29 312 4 882821705 +29 332 4 882820869 +29 343 3 882821673 +29 358 2 882821044 +29 480 4 882821989 +29 539 2 882821044 +29 657 4 882821942 +29 661 5 882821942 +29 678 3 882821582 +29 689 2 882821705 +29 748 2 882821558 +29 874 4 882821020 +29 879 3 882821161 +29 1018 4 882821989 +29 1019 4 882821989 +30 2 3 875061066 +30 7 4 875140648 +30 28 4 885941321 +30 29 3 875106638 +30 69 5 885941156 +30 82 4 875060217 +30 135 5 885941156 +30 164 4 875060217 +30 172 4 875060742 +30 174 5 885941156 +30 181 4 875060217 +30 231 2 875061066 +30 242 5 885941156 +30 255 4 875059984 +30 258 5 885941156 +30 259 4 875058280 +30 286 5 885941156 +30 289 2 876847817 +30 294 4 875140648 +30 301 4 875988577 +30 304 4 875988548 +30 315 4 885941412 +30 319 4 875060217 +30 403 2 875061066 +30 435 5 885941156 +30 531 5 885941156 +30 538 4 885941798 +30 539 3 885941454 +30 678 2 885942002 +30 688 3 885941492 +30 751 3 884310551 +30 780 4 875060217 +30 873 1 875061066 +30 892 4 884310496 +30 1007 5 885941156 +30 1013 3 875060334 +31 32 5 881548030 +31 79 2 881548082 +31 124 4 881548110 +31 135 4 881548030 +31 175 5 881548053 +31 192 4 881548054 +31 268 3 881547746 +31 299 4 881547814 +31 302 4 881547719 +31 306 3 881547814 +31 319 4 881547788 +31 321 4 881547746 +31 328 2 881547746 +31 340 3 881547788 +31 484 5 881548030 +31 490 4 881548030 +31 493 5 881548110 +31 498 4 881548111 +31 504 5 881548110 +31 514 5 881548030 +31 519 4 881548053 +31 611 4 881548111 +31 682 2 881547834 +31 705 5 881548110 +31 875 4 881547938 +31 886 2 881547877 +31 1019 5 881548082 +31 1021 3 881548082 +31 1022 5 881547814 +32 7 4 883717766 +32 9 3 883717747 +32 50 4 883717521 +32 100 3 883717662 +32 117 3 883717555 +32 118 3 883717967 +32 122 2 883718250 +32 151 3 883717850 +32 181 4 883717628 +32 222 3 883717600 +32 235 3 883718121 +32 240 2 883717967 +32 245 2 883710047 +32 246 4 883717521 +32 248 4 883717816 +32 249 4 883717645 +32 250 4 883717684 +32 257 4 883717537 +32 259 2 883709986 +32 271 3 883709953 +32 276 4 883717913 +32 288 4 883709915 +32 290 3 883717913 +32 294 3 883709863 +32 307 2 883709915 +32 313 4 883709840 +32 405 4 883718008 +32 408 3 883717684 +32 455 2 883717796 +32 475 5 883717766 +32 508 4 883717581 +32 591 3 883717581 +32 628 4 883718121 +32 742 3 883717628 +32 866 3 883718031 +32 1012 4 883717581 +32 1016 1 883718121 +32 1023 3 883717913 +33 245 3 891964326 +33 258 4 891964066 +33 260 4 891964306 +33 288 4 891964066 +33 292 4 891964244 +33 294 3 891964166 +33 300 4 891964131 +33 307 3 891964148 +33 313 5 891963290 +33 328 4 891964187 +33 329 4 891964326 +33 333 4 891964259 +33 343 4 891964344 +33 348 4 891964404 +33 678 4 891964306 +33 682 4 891964274 +33 751 4 891964188 +33 872 3 891964230 +33 879 3 891964230 +33 880 3 891964230 +33 895 3 891964187 +34 242 5 888601628 +34 245 4 888602923 +34 259 2 888602808 +34 286 5 888602513 +34 288 2 888601628 +34 289 1 888602950 +34 292 5 888602742 +34 294 1 888602808 +34 299 5 888602923 +34 310 4 888601628 +34 312 4 888602742 +34 324 5 888602808 +34 329 5 888602808 +34 332 5 888602742 +34 690 4 888602513 +34 898 5 888602842 +34 899 5 888603123 +34 991 4 888602618 +34 1024 5 888602618 +35 242 2 875459166 +35 243 2 875459046 +35 258 2 875458941 +35 259 4 875459017 +35 261 3 875459046 +35 264 2 875459099 +35 266 3 875458941 +35 300 5 875458970 +35 321 3 875458970 +35 322 3 875459017 +35 328 3 875459046 +35 332 4 875459237 +35 358 1 875459073 +35 678 3 875459017 +35 680 4 875459099 +35 876 2 875458970 +35 877 2 875459099 +35 879 4 875459073 +35 881 2 875459127 +35 937 4 875459237 +35 1025 3 875459237 +36 261 5 882157581 +36 268 2 882157418 +36 269 3 882157258 +36 288 4 882157227 +36 289 2 882157356 +36 307 4 882157227 +36 310 4 882157327 +36 319 2 882157356 +36 333 4 882157227 +36 339 5 882157581 +36 358 5 882157581 +36 682 1 882157386 +36 748 4 882157285 +36 873 3 882157386 +36 875 3 882157470 +36 878 5 882157581 +36 882 5 882157581 +36 883 5 882157581 +36 885 5 882157581 +36 1026 5 882157581 +37 7 4 880915528 +37 11 4 880915838 +37 22 5 880915810 +37 24 4 880915674 +37 27 4 880915942 +37 50 5 880915838 +37 55 3 880915942 +37 56 5 880915810 +37 62 5 880916070 +37 68 5 880915902 +37 79 4 880915810 +37 82 1 880915942 +37 89 4 880930072 +37 92 4 880930072 +37 117 4 880915674 +37 118 2 880915633 +37 121 2 880915528 +37 127 4 880930071 +37 147 3 880915749 +37 161 5 880915902 +37 174 5 880915810 +37 176 4 880915942 +37 183 4 880930042 +37 195 5 880915874 +37 210 4 880915810 +37 222 3 880915528 +37 226 5 880916010 +37 230 4 880915942 +37 231 2 880916046 +37 233 4 880916046 +37 265 4 880930072 +37 273 3 880915528 +37 288 4 880915258 +37 363 3 880915711 +37 403 5 880915942 +37 472 2 880915711 +37 540 2 880916070 +37 546 3 880915565 +37 550 4 880915902 +37 566 4 880916010 +37 568 3 880915942 +37 578 3 880916010 +37 597 5 880915607 +37 665 3 880916046 +37 685 3 880915528 +37 825 2 880915565 +37 831 2 880915607 +37 948 4 880915407 +38 1 5 892430636 +38 22 5 892429347 +38 28 4 892429399 +38 35 5 892433801 +38 67 4 892434312 +38 69 5 892430486 +38 70 5 892432424 +38 71 5 892430516 +38 79 3 892430309 +38 82 5 892429903 +38 84 5 892430937 +38 88 5 892430695 +38 94 5 892432030 +38 95 5 892430094 +38 97 5 892430369 +38 99 5 892430829 +38 105 3 892434217 +38 112 5 892432751 +38 118 5 892431151 +38 122 1 892434801 +38 127 2 892429460 +38 133 2 892429873 +38 139 2 892432786 +38 140 5 892430309 +38 145 1 892433062 +38 153 5 892430369 +38 161 5 892432062 +38 162 5 892431727 +38 185 2 892432573 +38 188 2 892431953 +38 195 1 892429952 +38 200 5 892432180 +38 211 1 892431907 +38 216 5 892430486 +38 218 3 892431871 +38 225 5 892433062 +38 226 1 892431513 +38 234 5 892431607 +38 243 3 892429095 +38 247 5 892429460 +38 252 5 892429567 +38 257 1 892429512 +38 259 3 892428754 +38 288 5 892428188 +38 294 5 892428584 +38 313 5 892428216 +38 318 3 892430071 +38 326 5 892428688 +38 328 4 892428688 +38 356 2 892430309 +38 383 2 892433801 +38 384 5 892433660 +38 389 5 892433660 +38 392 5 892430120 +38 393 5 892430282 +38 395 3 892434164 +38 402 5 892430539 +38 403 1 892432205 +38 404 5 892431586 +38 405 5 892432205 +38 406 2 892434251 +38 413 1 892434626 +38 418 5 892431026 +38 419 5 892429347 +38 420 5 892429347 +38 423 5 892430071 +38 424 3 892432624 +38 432 1 892430282 +38 433 5 892433771 +38 444 1 892433912 +38 445 2 892429399 +38 447 5 892434430 +38 450 1 892432624 +38 451 5 892431727 +38 465 5 892432476 +38 508 2 892429399 +38 526 1 892430636 +38 550 2 892432786 +38 573 1 892433660 +38 588 5 892429225 +38 590 1 892434373 +38 616 3 892433375 +38 627 5 892431586 +38 637 2 892434452 +38 672 3 892434800 +38 673 5 892432062 +38 678 5 892428658 +38 679 5 892432062 +38 681 5 892429065 +38 720 5 892432424 +38 742 5 892430001 +38 758 1 892434626 +38 768 5 892433062 +38 780 4 892434217 +38 838 2 892433680 +38 916 5 892428188 +38 940 1 892434742 +38 1014 5 892429542 +38 1016 5 892429542 +38 1028 5 892432624 +38 1029 1 892434626 +38 1030 5 892434475 +38 1032 4 892432624 +38 1033 5 892432531 +38 1034 1 892433062 +38 1035 5 892431907 +38 1036 4 892433704 +38 1037 4 892434283 +39 258 4 891400280 +39 269 4 891400188 +39 270 4 891400609 +39 288 5 891400704 +39 300 3 891400280 +39 301 3 891400280 +39 302 5 891400188 +39 306 3 891400342 +39 313 4 891400159 +39 315 4 891400094 +39 319 4 891400094 +39 333 4 891400214 +39 339 3 891400609 +39 345 3 891400159 +39 347 4 891400704 +39 352 5 891400704 +39 900 3 891400159 +39 937 5 891400704 +40 243 2 889041694 +40 245 3 889041671 +40 258 3 889041981 +40 268 4 889041430 +40 269 1 889041283 +40 270 3 889041477 +40 271 2 889041523 +40 286 2 889041430 +40 294 4 889041671 +40 302 3 889041283 +40 303 4 889041283 +40 305 4 889041430 +40 316 3 889041643 +40 333 4 889041402 +40 337 4 889041523 +40 340 2 889041454 +40 343 1 889041790 +40 345 4 889041670 +40 346 2 889041358 +40 347 2 889041283 +40 750 3 889041523 +40 754 4 889041790 +40 879 2 889041595 +40 880 3 889041643 +40 896 4 889041402 +40 1038 1 889041741 +41 1 4 890692860 +41 28 4 890687353 +41 31 3 890687473 +41 50 5 890687066 +41 56 4 890687472 +41 69 4 890687145 +41 96 4 890687019 +41 98 4 890687374 +41 100 4 890687242 +41 135 4 890687473 +41 152 4 890687326 +41 153 4 890687087 +41 156 4 890687304 +41 170 4 890687713 +41 173 4 890687549 +41 174 4 890687264 +41 175 5 890687526 +41 180 5 890687019 +41 181 4 890687175 +41 188 4 890687571 +41 191 4 890687473 +41 194 3 890687242 +41 195 4 890687042 +41 196 3 890687593 +41 202 2 890687326 +41 205 4 890687353 +41 209 4 890687642 +41 216 3 890687571 +41 265 3 890687042 +41 286 4 890685449 +41 289 2 890686673 +41 313 3 890685449 +41 318 4 890687353 +41 414 4 890687550 +41 423 2 890687175 +41 430 5 890692860 +41 435 3 890687550 +41 474 5 890687066 +41 486 4 890687305 +41 514 4 890687042 +41 516 5 890687242 +41 518 3 890687412 +41 746 3 890687019 +41 751 4 890686872 +41 969 4 890687438 +42 1 5 881105633 +42 2 5 881109271 +42 12 4 881107502 +42 15 4 881105633 +42 25 3 881110670 +42 28 5 881108187 +42 43 2 881109325 +42 44 3 881108548 +42 48 5 881107821 +42 54 4 881108982 +42 58 5 881108040 +42 63 4 881108873 +42 66 4 881108280 +42 69 4 881107375 +42 70 3 881109148 +42 71 4 881108229 +42 72 3 881108229 +42 73 4 881108484 +42 77 5 881108684 +42 79 5 881108040 +42 82 4 881107449 +42 83 4 881108093 +42 86 3 881107880 +42 87 4 881107576 +42 88 5 881108425 +42 95 5 881107220 +42 96 5 881107178 +42 97 3 881107502 +42 98 4 881106711 +42 99 5 881108346 +42 102 5 881108873 +42 103 3 881106162 +42 111 1 881105931 +42 118 4 881105505 +42 121 4 881110578 +42 125 4 881105462 +42 131 2 881108548 +42 132 5 881107502 +42 136 4 881107329 +42 141 3 881109059 +42 142 4 881109271 +42 143 4 881108229 +42 161 4 881108229 +42 168 3 881107773 +42 172 5 881107220 +42 173 5 881107220 +42 174 5 881106711 +42 175 2 881107687 +42 176 3 881107178 +42 181 5 881107291 +42 183 4 881107821 +42 185 4 881107449 +42 194 5 881107329 +42 195 5 881107949 +42 196 5 881107718 +42 202 5 881107687 +42 203 4 881107413 +42 204 5 881107821 +42 210 5 881108633 +42 211 4 881107880 +42 215 5 881107413 +42 216 5 881108147 +42 219 1 881109324 +42 222 4 881105882 +42 228 4 881107538 +42 229 4 881108684 +42 230 5 881109148 +42 234 4 881108093 +42 237 4 881105882 +42 265 3 881107989 +42 274 5 881105817 +42 276 1 881105405 +42 280 4 881106270 +42 281 3 881105728 +42 282 4 881105677 +42 283 3 881110483 +42 290 3 881106072 +42 357 5 881107687 +42 367 2 881109149 +42 371 4 881108760 +42 380 4 881108548 +42 385 5 881108147 +42 387 3 881108760 +42 402 5 881108982 +42 403 3 881108684 +42 404 5 881108760 +42 405 4 881105541 +42 409 3 881106270 +42 410 3 881110483 +42 411 4 881106317 +42 413 1 881106072 +42 418 5 881108147 +42 419 5 881107178 +42 423 5 881107687 +42 427 4 881107773 +42 428 3 881108040 +42 432 3 881108147 +42 433 2 881108760 +42 443 3 881108093 +42 451 2 881108982 +42 456 3 881106113 +42 469 4 881109324 +42 471 4 881105505 +42 479 4 881108147 +42 496 5 881107718 +42 501 5 881108345 +42 506 3 881108760 +42 521 2 881107989 +42 546 3 881105817 +42 559 2 881109271 +42 566 5 881107821 +42 568 4 881107256 +42 582 3 881108928 +42 588 5 881108147 +42 591 4 881110138 +42 595 1 881106582 +42 603 4 881107502 +42 606 3 881107538 +42 625 3 881108873 +42 627 2 881109271 +42 655 3 881107642 +42 658 2 881107502 +42 679 2 881108548 +42 684 4 881108093 +42 685 4 881105972 +42 692 4 881107773 +42 720 4 881109149 +42 729 3 881108345 +42 732 5 881108346 +42 735 4 881108548 +42 736 5 881108187 +42 742 4 881105581 +42 746 3 881108279 +42 755 4 881108425 +42 756 5 881106420 +42 781 4 881108280 +42 785 4 881109060 +42 794 3 881108425 +42 826 3 881106419 +42 834 1 881110763 +42 845 5 881110719 +42 866 4 881105972 +42 924 3 881105677 +42 925 4 881106113 +42 934 4 881106419 +42 939 4 881108484 +42 941 4 881109060 +42 953 2 881108815 +42 969 5 881107687 +42 977 2 881106541 +42 999 4 881108982 +42 1028 4 881106072 +42 1040 3 881106270 +42 1041 4 881109060 +42 1042 3 881109325 +42 1043 2 881108633 +42 1044 4 881109271 +42 1045 2 881108873 +42 1047 4 881106419 +42 1048 1 881106220 +42 1049 3 881105882 +42 1050 3 881107538 +42 1051 4 881106270 +43 1 5 875975579 +43 3 2 884029543 +43 4 4 875981421 +43 5 4 875981421 +43 7 4 875975520 +43 9 4 875975656 +43 11 5 875981365 +43 14 2 883955745 +43 15 5 875975546 +43 17 3 883956417 +43 25 5 875975656 +43 26 5 883954901 +43 40 3 883956468 +43 47 1 883955415 +43 49 4 883956387 +43 50 4 875975211 +43 51 1 883956562 +43 52 4 883955224 +43 54 3 883956494 +43 56 5 875975687 +43 63 3 883956353 +43 64 5 875981247 +43 66 4 875981506 +43 70 4 883955048 +43 71 4 883955675 +43 73 4 883956099 +43 77 3 883955650 +43 79 4 875981335 +43 82 4 883955498 +43 86 4 883955020 +43 88 5 883955702 +43 91 3 883956260 +43 95 4 875975687 +43 97 5 883955293 +43 98 5 875981220 +43 100 4 875975656 +43 102 4 875981483 +43 111 4 883955745 +43 114 5 883954950 +43 117 4 883954853 +43 118 4 883955546 +43 120 4 884029430 +43 122 2 884029709 +43 123 1 875975520 +43 124 4 891294050 +43 127 4 875981304 +43 133 4 875981483 +43 137 4 875975656 +43 140 4 883955110 +43 143 4 883955247 +43 144 4 883955415 +43 151 4 875975613 +43 153 5 883955135 +43 155 4 883956518 +43 161 4 883955467 +43 169 5 875981128 +43 172 4 883955135 +43 173 5 875981190 +43 175 2 875981304 +43 181 4 875975211 +43 189 5 875981220 +43 191 5 875981247 +43 196 4 875981190 +43 202 5 875981190 +43 203 4 883955224 +43 204 4 883956122 +43 208 5 883955547 +43 210 5 883955467 +43 211 4 883955785 +43 215 5 883955467 +43 216 5 875981128 +43 217 2 883955930 +43 225 2 875975579 +43 226 3 883956442 +43 231 4 883955995 +43 235 3 875975520 +43 237 4 875975579 +43 238 2 883955160 +43 241 4 883955441 +43 250 2 875975383 +43 252 4 875975363 +43 254 3 875975323 +43 257 4 875975276 +43 269 5 888177393 +43 271 3 880317103 +43 272 5 883953545 +43 274 5 883955441 +43 275 4 875975546 +43 276 4 883954876 +43 277 1 883955498 +43 278 3 884029259 +43 280 3 883955806 +43 283 2 883955415 +43 284 5 883955441 +43 285 4 875975468 +43 286 4 875975028 +43 289 4 875975085 +43 290 4 884029192 +43 291 3 883955995 +43 298 4 875975211 +43 300 5 875975135 +43 302 4 887731794 +43 312 4 883953502 +43 313 5 887076865 +43 315 4 883953665 +43 316 5 892349752 +43 317 2 883955319 +43 318 5 875975717 +43 321 3 875975061 +43 323 3 875975110 +43 328 4 875975061 +43 336 4 880317271 +43 347 3 888177393 +43 371 4 883955269 +43 382 5 883955702 +43 385 5 883955387 +43 393 4 883956417 +43 402 4 883956283 +43 403 4 883956305 +43 405 4 883956122 +43 408 5 875975492 +43 409 3 884029493 +43 421 3 883954853 +43 423 4 883955498 +43 432 3 875981421 +43 471 3 883955319 +43 479 4 875981365 +43 486 4 883955969 +43 496 5 883955605 +43 498 5 875981275 +43 501 4 883955605 +43 516 5 875981452 +43 531 4 883955160 +43 542 3 883956518 +43 546 4 875975613 +43 553 4 875981159 +43 559 1 883956468 +43 568 4 883955363 +43 580 3 883956417 +43 588 4 883955745 +43 591 5 875975656 +43 596 3 883955650 +43 597 3 883956229 +43 628 3 875975580 +43 631 2 883955675 +43 648 5 883955293 +43 660 4 883955859 +43 684 4 883955702 +43 686 3 883955884 +43 692 5 883955884 +43 705 4 883954970 +43 724 4 875981390 +43 731 4 875981190 +43 732 4 883955498 +43 735 4 875981275 +43 742 5 883955650 +43 751 2 883954803 +43 755 3 883956075 +43 756 3 884029519 +43 778 5 883955363 +43 781 3 883956494 +43 785 3 883956538 +43 792 1 883954876 +43 815 4 883956189 +43 820 2 884029742 +43 845 5 883955547 +43 847 5 875975468 +43 866 4 883956417 +43 879 4 876159838 +43 892 3 883954776 +43 931 1 884029742 +43 939 3 883955547 +43 944 2 883956260 +43 946 4 883955247 +43 950 3 883956417 +43 951 3 883955969 +43 956 1 883956259 +43 966 4 883955498 +43 993 3 875975211 +43 1023 3 875975323 +43 1035 4 883955745 +43 1047 3 883956387 +43 1048 3 883956260 +43 1052 1 892350297 +43 1053 3 883955859 +43 1054 3 884029658 +43 1055 2 883955969 +43 1056 3 883955498 +43 1057 2 884029777 +44 1 4 878341315 +44 5 4 878347598 +44 9 5 878341196 +44 11 3 878347915 +44 15 4 878341343 +44 21 2 878346789 +44 22 4 878347942 +44 24 3 878346575 +44 25 2 878346431 +44 31 4 878348998 +44 50 5 878341246 +44 55 4 878347455 +44 56 2 878348601 +44 69 4 878347711 +44 71 3 878347633 +44 81 4 878348499 +44 82 4 878348885 +44 87 5 878347742 +44 88 2 878348885 +44 89 5 878347315 +44 90 2 878348784 +44 91 2 878348573 +44 95 4 878347569 +44 96 4 878347633 +44 97 2 878348000 +44 98 2 878347420 +44 99 4 878348812 +44 100 5 878341196 +44 106 2 878347076 +44 109 3 878346431 +44 118 3 878341197 +44 120 4 878346977 +44 121 4 878346946 +44 123 4 878346532 +44 132 4 878347315 +44 133 4 878347569 +44 135 5 878347259 +44 143 4 878347392 +44 147 4 878341343 +44 148 4 878346946 +44 151 4 878341370 +44 153 4 878347234 +44 155 3 878348947 +44 157 4 878347711 +44 159 3 878347633 +44 161 4 878347634 +44 164 4 878348035 +44 168 5 878347504 +44 172 4 878348521 +44 173 5 878348725 +44 174 5 878347662 +44 175 4 878347972 +44 176 5 883613372 +44 181 4 878341290 +44 183 4 883613372 +44 185 4 878347569 +44 190 5 878348000 +44 191 4 878347234 +44 193 3 878348521 +44 194 5 878347504 +44 195 5 878347874 +44 196 4 878348885 +44 198 4 878348947 +44 200 4 878347633 +44 201 2 878347392 +44 202 4 878347315 +44 204 4 878348725 +44 208 4 878347420 +44 209 5 878347315 +44 211 4 878347598 +44 214 5 878348036 +44 216 1 883613297 +44 227 4 883613334 +44 228 5 883613334 +44 229 3 883613334 +44 230 2 883613335 +44 231 2 878347915 +44 237 3 878346748 +44 238 4 878347598 +44 240 4 878346997 +44 245 4 878340887 +44 249 4 878346630 +44 250 5 878346709 +44 252 2 878346748 +44 257 4 878346689 +44 258 4 878340824 +44 260 4 878340905 +44 274 4 878348036 +44 294 4 883612356 +44 307 4 878340940 +44 313 4 883612268 +44 317 4 878347633 +44 318 5 878347340 +44 328 4 878340848 +44 357 4 878347569 +44 378 3 878348290 +44 380 4 883613334 +44 385 3 878348725 +44 405 3 878346512 +44 412 1 883613298 +44 419 4 878348784 +44 423 4 878348111 +44 427 3 878348547 +44 429 4 878347791 +44 432 5 878347569 +44 433 4 878348752 +44 434 4 878348885 +44 443 5 878348289 +44 448 2 878348547 +44 449 5 883613334 +44 450 2 883613335 +44 470 3 878348499 +44 474 4 878347532 +44 507 3 878347392 +44 520 5 878347874 +44 523 4 878348784 +44 530 5 878348725 +44 542 3 878348036 +44 588 4 878347742 +44 591 4 878341315 +44 603 4 878347420 +44 625 3 878348691 +44 631 1 883613297 +44 633 3 878347633 +44 644 3 878347818 +44 655 3 878347455 +44 660 5 878347915 +44 665 1 883613372 +44 678 3 878340887 +44 692 3 878347532 +44 717 3 878346470 +44 737 1 883613298 +44 755 3 878347742 +44 756 3 878346904 +44 871 3 883613005 +44 946 3 878347847 +44 1058 4 878347392 +45 1 5 881013176 +45 13 5 881012356 +45 15 4 881012184 +45 21 3 881014193 +45 24 3 881014550 +45 25 4 881014015 +45 50 5 881007272 +45 100 5 881010742 +45 108 4 881014620 +45 109 5 881012356 +45 111 4 881011550 +45 118 4 881014550 +45 121 4 881013563 +45 127 5 881007272 +45 181 4 881010742 +45 225 4 881014070 +45 237 4 881008636 +45 276 5 881012184 +45 278 3 881014550 +45 284 4 881014130 +45 411 3 881015657 +45 472 3 881014417 +45 473 3 881014417 +45 476 3 881015729 +45 596 3 881014015 +45 742 4 881013176 +45 756 2 881015244 +45 762 4 881013563 +45 763 2 881013563 +45 764 4 881015310 +45 820 4 881015860 +45 823 4 881014785 +45 826 3 881015386 +45 845 4 881011188 +45 926 3 881015386 +45 934 2 881015860 +45 952 4 881014247 +45 993 4 881014785 +45 1060 3 881012184 +45 1061 2 881016056 +46 7 4 883616155 +46 50 4 883616254 +46 93 4 883616218 +46 125 4 883616284 +46 127 5 883616133 +46 151 4 883616218 +46 181 4 883616254 +46 245 3 883614625 +46 262 5 883614766 +46 286 5 883611352 +46 288 2 883611307 +46 294 2 883611307 +46 300 3 883611307 +46 307 3 883611430 +46 313 5 883611274 +46 327 4 883611456 +46 328 4 883611430 +46 332 4 883611482 +46 333 5 883611374 +46 538 3 883611513 +46 690 5 883611274 +46 748 5 883614645 +46 909 5 883614766 +46 1024 5 883614766 +46 1062 5 883614766 +47 258 4 879438984 +47 262 5 879439040 +47 268 4 879439040 +47 269 4 879438984 +47 286 3 879438984 +47 288 2 879439078 +47 292 4 879438984 +47 301 4 879440333 +47 302 5 879439040 +47 303 4 879439112 +47 304 3 879439144 +47 305 5 879439040 +47 306 4 879439113 +47 307 4 879439112 +47 321 4 879439040 +47 323 2 879440360 +47 324 3 879439078 +47 327 4 879440360 +47 340 5 879439078 +47 683 3 879439143 +47 995 3 879440429 +47 1022 3 879440429 +48 28 2 879434653 +48 50 4 879434723 +48 71 3 879434850 +48 98 5 879434954 +48 132 5 879434886 +48 136 4 879434689 +48 170 4 879434886 +48 172 5 879434791 +48 174 5 879434723 +48 181 5 879434954 +48 183 5 879434608 +48 185 4 879434819 +48 187 5 879434954 +48 191 5 879434954 +48 193 2 879434751 +48 195 5 879434954 +48 202 4 879434791 +48 209 5 879434954 +48 210 3 879434886 +48 215 4 879434751 +48 228 3 879434792 +48 243 3 879434330 +48 259 4 879434270 +48 266 3 879434387 +48 269 1 879434094 +48 286 3 879434181 +48 294 3 879434212 +48 302 4 879434954 +48 306 4 879434211 +48 308 5 879434292 +48 309 3 879434132 +48 323 3 879434181 +48 423 4 879434752 +48 425 3 879434850 +48 427 4 879434653 +48 428 4 879434608 +48 433 3 879434791 +48 479 4 879434723 +48 480 4 879434653 +48 483 5 879434607 +48 496 5 879434791 +48 511 5 879434954 +48 519 3 879434689 +48 522 2 879434886 +48 523 5 879434689 +48 527 4 879434654 +48 528 5 879434954 +48 603 4 879434607 +48 609 4 879434819 +48 647 4 879434819 +48 650 3 879434819 +48 654 5 879434792 +48 656 4 879434689 +48 661 5 879434954 +48 680 3 879434330 +48 690 4 879434211 +48 988 2 879434387 +48 1063 3 879434654 +48 1064 4 879434688 +48 1065 2 879434792 +49 1 2 888068651 +49 2 1 888069606 +49 3 3 888068877 +49 4 2 888069512 +49 7 4 888067307 +49 10 3 888066086 +49 11 3 888069458 +49 12 4 888068057 +49 13 3 888068816 +49 17 2 888068651 +49 38 1 888068289 +49 39 2 888068194 +49 40 1 888069222 +49 42 4 888068791 +49 47 5 888068715 +49 49 2 888068990 +49 50 1 888067691 +49 52 2 888066647 +49 53 4 888067405 +49 54 2 888068265 +49 55 4 888068057 +49 56 5 888067307 +49 62 2 888069660 +49 68 1 888069513 +49 70 2 888066614 +49 71 3 888067096 +49 72 2 888069246 +49 80 1 888069117 +49 82 1 888067765 +49 90 1 888069194 +49 91 5 888066979 +49 95 2 888067031 +49 96 1 888069512 +49 98 4 888067307 +49 99 4 888067031 +49 100 4 888067307 +49 101 3 888067164 +49 102 2 888067164 +49 108 2 888068957 +49 111 2 888068686 +49 116 4 888066109 +49 117 1 888069459 +49 121 1 888068100 +49 122 2 888069138 +49 123 1 888068195 +49 129 2 888068079 +49 143 3 888067726 +49 145 1 888067460 +49 147 1 888069416 +49 148 1 888068195 +49 151 5 888067727 +49 154 5 888068715 +49 159 2 888068245 +49 168 5 888068686 +49 172 1 888067691 +49 173 3 888067691 +49 174 1 888067691 +49 175 5 888068715 +49 179 5 888066446 +49 185 5 888067307 +49 200 3 888067358 +49 202 3 888068816 +49 204 1 888068686 +49 208 4 888068715 +49 209 5 888068877 +49 213 3 888066486 +49 217 3 888067405 +49 218 2 888068651 +49 219 1 888067405 +49 225 2 888068651 +49 231 3 888069579 +49 235 2 888068990 +49 238 4 888068762 +49 256 4 888066215 +49 258 2 888065895 +49 262 5 888065620 +49 268 3 888065620 +49 270 2 888065432 +49 283 3 888066086 +49 289 4 888065744 +49 290 2 888069062 +49 294 1 888065702 +49 299 2 888068651 +49 300 1 888065577 +49 301 3 888065640 +49 302 4 888065432 +49 312 3 888065786 +49 313 3 888065527 +49 325 3 888065744 +49 334 4 888065744 +49 343 2 888065786 +49 346 4 888065527 +49 347 3 888065487 +49 367 3 888069117 +49 369 1 888069329 +49 382 2 888066705 +49 385 1 888069536 +49 386 4 888069222 +49 401 2 888067975 +49 403 3 888069636 +49 404 3 888067765 +49 406 2 888067428 +49 413 1 888067460 +49 418 3 888067031 +49 419 4 888067691 +49 420 4 888067031 +49 423 2 888067727 +49 433 5 888068739 +49 455 1 888068791 +49 462 2 888066486 +49 465 3 888067798 +49 473 3 888067164 +49 475 4 888066109 +49 476 1 888069222 +49 477 2 888067727 +49 508 3 888068841 +49 514 4 888068686 +49 518 4 888069437 +49 531 3 888066511 +49 542 2 888067096 +49 546 1 888069636 +49 547 5 888066187 +49 557 3 888066394 +49 559 2 888067405 +49 561 2 888067460 +49 569 3 888067482 +49 577 1 888069329 +49 581 3 888068143 +49 583 4 888068143 +49 588 4 888067031 +49 590 1 888067579 +49 594 3 888068245 +49 625 3 888067031 +49 627 2 888067096 +49 628 4 888068167 +49 640 1 888066685 +49 652 5 888066446 +49 657 5 888068032 +49 692 1 888069040 +49 695 3 888068957 +49 698 2 888066776 +49 702 3 888066614 +49 713 3 888066214 +49 715 3 888069040 +49 717 2 888068651 +49 721 2 888068934 +49 732 3 888069040 +49 737 1 888066828 +49 738 3 888069138 +49 741 4 888068079 +49 758 1 888067596 +49 774 2 888067528 +49 789 4 888068033 +49 813 3 888068686 +49 820 1 888067164 +49 821 1 888069246 +49 878 2 888065825 +49 904 2 888065527 +49 926 1 888069117 +49 928 2 888068651 +49 931 2 888068336 +49 946 2 888067096 +49 959 2 888068912 +49 995 3 888065577 +49 998 2 888069194 +49 1003 2 888068651 +49 1009 3 888066133 +49 1017 3 888069040 +49 1018 2 888066755 +49 1021 5 888066647 +49 1028 2 888069304 +49 1066 2 888067187 +49 1067 3 888068842 +49 1068 3 888066187 +49 1069 3 888068912 +49 1070 3 888068739 +49 1071 3 888069138 +49 1072 1 888069194 +49 1073 5 888066424 +49 1076 2 888067187 +49 1077 4 888068057 +49 1078 1 888067164 +49 1080 4 888066734 +49 1082 3 888066214 +49 1083 2 888068651 +50 9 4 877052297 +50 100 2 877052400 +50 123 4 877052958 +50 125 2 877052502 +50 246 3 877052329 +50 253 5 877052550 +50 268 4 877051656 +50 276 2 877052400 +50 286 2 877052400 +50 288 4 877052008 +50 319 5 877051687 +50 324 5 877052008 +50 325 1 877052400 +50 475 5 877052167 +50 508 5 877052438 +50 547 4 877052297 +50 823 3 877052784 +50 1008 5 877052805 +50 1010 5 877052329 +50 1084 5 877052501 +51 50 5 883498685 +51 64 4 883498936 +51 83 5 883498937 +51 132 4 883498655 +51 148 3 883498623 +51 173 5 883498844 +51 181 5 883498655 +51 182 3 883498790 +51 203 4 883498685 +51 479 3 883498655 +51 485 1 883498790 +51 496 4 883498655 +51 603 3 883498728 +51 679 3 883498937 +51 692 3 883498685 +51 705 1 883498756 +52 7 5 882922204 +52 13 5 882922485 +52 15 5 882922204 +52 19 5 882922407 +52 22 5 882922833 +52 93 4 882922357 +52 95 4 882922927 +52 111 4 882922357 +52 116 4 882922328 +52 117 4 882922629 +52 121 4 882922382 +52 126 5 882922589 +52 151 5 882922249 +52 191 5 882923031 +52 204 4 882923012 +52 235 2 882922806 +52 237 4 882922227 +52 250 3 882922661 +52 257 3 882922806 +52 258 5 882922065 +52 275 4 882922328 +52 277 5 882922661 +52 280 3 882922806 +52 282 4 882922302 +52 285 5 882922227 +52 287 5 882922357 +52 288 3 882922454 +52 333 4 882922038 +52 405 4 882922610 +52 427 5 882922833 +52 463 5 882922927 +52 471 4 882922562 +52 475 4 882922357 +52 498 5 882922948 +52 527 5 882922927 +52 531 5 882922833 +52 588 4 882922927 +52 657 5 882922833 +52 742 4 882922540 +52 748 4 882922629 +52 762 3 882922806 +52 815 4 882922357 +52 845 5 882922485 +52 864 3 882922661 +52 1009 5 882922328 +52 1011 4 882922588 +52 1085 4 882922454 +52 1086 4 882922562 +53 7 3 879442991 +53 15 5 879443027 +53 24 3 879442538 +53 64 5 879442384 +53 96 4 879442514 +53 100 5 879442537 +53 118 4 879443253 +53 121 4 879443329 +53 174 5 879442561 +53 181 4 879443046 +53 199 5 879442384 +53 228 3 879442561 +53 250 2 879442920 +53 258 4 879442654 +53 281 4 879443288 +53 546 4 879443329 +53 568 4 879442538 +53 628 5 879443253 +53 748 2 879443329 +53 845 3 879443083 +53 924 3 879443303 +53 1087 4 879443329 +54 1 4 880931595 +54 7 4 880935294 +54 24 1 880937311 +54 25 4 880936500 +54 50 5 880931687 +54 106 3 880937882 +54 118 4 880937813 +54 121 4 880936669 +54 127 4 880933834 +54 147 5 880935959 +54 148 3 880937490 +54 151 2 880936670 +54 181 5 880931358 +54 237 4 880935028 +54 240 4 880936500 +54 245 4 880929738 +54 250 4 880933834 +54 255 3 882153415 +54 257 4 880937311 +54 258 4 880928745 +54 260 4 880930146 +54 268 5 883963510 +54 272 5 890608175 +54 273 4 880934806 +54 276 5 880931595 +54 288 4 880928957 +54 291 1 891898613 +54 295 3 880936905 +54 298 4 892681300 +54 302 4 880928519 +54 313 4 890608360 +54 325 3 880930146 +54 327 5 880928893 +54 328 4 880928957 +54 333 5 880928745 +54 338 3 880929490 +54 340 4 890608225 +54 405 4 880934806 +54 406 2 880938490 +54 411 5 880936296 +54 471 4 880937399 +54 475 5 880937251 +54 546 3 880937583 +54 595 3 880937813 +54 597 2 880934806 +54 634 1 892681013 +54 676 5 880935294 +54 685 3 880935504 +54 741 5 880931687 +54 742 5 880934806 +54 748 5 880928957 +54 820 3 880937992 +54 823 2 880938088 +54 827 3 880937813 +54 829 2 880937311 +54 871 5 880938547 +54 930 1 880937813 +54 1012 2 880936669 +54 1016 4 890609001 +54 1088 3 880937311 +55 7 3 878176047 +55 56 4 878176397 +55 89 5 878176398 +55 117 3 878176047 +55 118 5 878176134 +55 144 5 878176398 +55 174 4 878176397 +55 181 4 878176237 +55 254 2 878176206 +55 257 3 878176084 +55 273 5 878176047 +55 405 1 878176134 +55 597 2 878176134 +55 678 3 878176206 +55 685 1 878176134 +55 1016 1 878176005 +55 1089 1 878176134 +56 1 4 892683248 +56 7 5 892679439 +56 11 4 892676376 +56 25 4 892911166 +56 28 5 892678669 +56 29 3 892910913 +56 31 4 892679259 +56 38 2 892683533 +56 44 4 892679356 +56 50 5 892737154 +56 51 3 892677186 +56 56 5 892676376 +56 63 3 892910268 +56 64 5 892678482 +56 66 3 892911110 +56 67 2 892677114 +56 68 3 892910913 +56 69 4 892678893 +56 70 4 892676996 +56 71 4 892683275 +56 73 4 892677094 +56 77 3 892679333 +56 78 3 892910544 +56 79 4 892676303 +56 82 4 892676314 +56 88 1 892683895 +56 90 2 892677147 +56 91 4 892683275 +56 94 4 892910292 +56 95 4 892683274 +56 96 5 892676429 +56 97 3 892677186 +56 98 4 892679067 +56 111 2 892683877 +56 114 4 892683248 +56 117 5 892679439 +56 118 4 892679460 +56 121 5 892679480 +56 122 2 892911494 +56 143 3 892910182 +56 151 4 892910207 +56 154 2 892911144 +56 158 3 892911539 +56 161 4 892910890 +56 164 4 892910604 +56 167 3 892911494 +56 168 2 892679209 +56 169 4 892683248 +56 172 5 892737191 +56 173 4 892737191 +56 174 5 892737191 +56 176 5 892676377 +56 179 3 892678669 +56 181 5 892737154 +56 183 5 892676314 +56 184 4 892679088 +56 186 3 892676933 +56 189 4 892683248 +56 191 4 892678526 +56 193 5 892678669 +56 194 5 892676908 +56 195 5 892676429 +56 196 2 892678628 +56 200 4 892679088 +56 201 4 892910604 +56 202 4 892676933 +56 210 5 892676377 +56 215 5 892678547 +56 216 4 892676885 +56 219 5 892679144 +56 222 5 892679439 +56 225 2 892910292 +56 228 3 892676340 +56 230 5 892676339 +56 231 3 892910931 +56 232 4 892676339 +56 234 4 892679067 +56 235 1 892911348 +56 238 5 892676885 +56 239 4 892676970 +56 258 4 892675999 +56 280 4 892683913 +56 281 2 892683611 +56 294 4 892676056 +56 295 3 893257941 +56 298 4 892683695 +56 323 3 892676028 +56 368 3 892911589 +56 372 3 892911290 +56 376 3 892911420 +56 383 2 892910544 +56 386 3 892911494 +56 391 3 892910950 +56 392 4 892678893 +56 393 4 892677047 +56 399 4 892910247 +56 402 5 892677186 +56 403 4 892678942 +56 405 4 892679460 +56 408 4 892683248 +56 410 4 892911348 +56 423 5 892737191 +56 426 4 892683303 +56 432 5 892737154 +56 433 4 892676970 +56 435 3 892676429 +56 441 4 892679163 +56 447 4 892679067 +56 449 5 892679308 +56 450 3 892679374 +56 451 3 892676970 +56 483 4 892682889 +56 523 4 892676970 +56 546 3 892679460 +56 550 4 892910860 +56 554 4 892679356 +56 559 4 892910646 +56 568 4 892910797 +56 575 3 892911469 +56 585 3 892911366 +56 588 4 892683248 +56 597 3 892679439 +56 623 3 892910268 +56 636 4 892683533 +56 678 4 892676056 +56 692 4 892676970 +56 715 1 892911247 +56 720 3 892910860 +56 728 3 892911420 +56 735 2 892678913 +56 738 3 892683978 +56 746 4 892676885 +56 747 4 892677162 +56 748 4 892676028 +56 755 3 892910207 +56 761 3 892679333 +56 769 4 892679389 +56 778 4 892678669 +56 781 4 892677147 +56 794 3 892683960 +56 797 4 892910860 +56 815 4 892683960 +56 820 3 892683303 +56 849 2 892910913 +56 862 3 892910292 +56 869 3 892683895 +56 871 2 892910207 +56 930 3 892679481 +56 946 4 892737210 +56 993 3 892683353 +56 1035 4 892910268 +56 1036 2 892910544 +56 1047 4 892911290 +56 1057 3 892683978 +56 1074 3 892683941 +56 1090 3 892683641 +56 1091 2 892737210 +56 1092 3 892911573 +57 1 5 883698581 +57 7 4 883697105 +57 8 4 883698292 +57 11 3 883698454 +57 15 4 883697223 +57 24 3 883697459 +57 28 4 883698324 +57 42 5 883698324 +57 50 5 883697105 +57 56 3 883698646 +57 64 5 883698431 +57 79 5 883698495 +57 100 5 883698581 +57 105 3 883698009 +57 109 4 883697293 +57 111 4 883697679 +57 117 4 883697512 +57 121 4 883697432 +57 125 3 883697223 +57 126 3 883697293 +57 144 3 883698408 +57 151 3 883697585 +57 168 3 883698362 +57 173 5 883698408 +57 181 5 883697352 +57 194 4 883698272 +57 195 3 883698431 +57 199 5 883698646 +57 204 4 883698272 +57 222 5 883698581 +57 225 3 883698039 +57 237 4 883697182 +57 243 3 883696547 +57 245 4 883696709 +57 248 5 883697223 +57 249 5 883697704 +57 250 3 883697223 +57 252 2 883697807 +57 257 5 883698580 +57 264 2 883696672 +57 271 3 883696672 +57 281 4 883697404 +57 282 5 883697223 +57 284 3 883697158 +57 294 4 883696547 +57 295 5 883698581 +57 298 3 883697293 +57 304 5 883698581 +57 318 5 883698580 +57 321 4 883696629 +57 323 3 883696709 +57 405 4 883697459 +57 409 4 883697655 +57 410 3 883697378 +57 411 4 883697679 +57 419 3 883698454 +57 456 3 883698083 +57 472 1 883697253 +57 476 3 883697990 +57 477 4 883697655 +57 546 4 883697482 +57 588 4 883698454 +57 597 3 883697378 +57 682 3 883696824 +57 710 3 883698324 +57 717 4 883697960 +57 744 5 883698581 +57 748 4 883696629 +57 756 3 883697730 +57 760 2 883697617 +57 763 5 883698581 +57 820 3 883698039 +57 825 1 883697761 +57 826 2 883697990 +57 831 1 883697785 +57 833 4 883697705 +57 844 2 883697134 +57 845 4 883697253 +57 864 3 883697512 +57 866 3 883697915 +57 871 3 883697536 +57 926 3 883697831 +57 930 2 883698039 +57 932 3 883697585 +57 975 3 883697990 +57 988 4 883696785 +57 1011 3 883697761 +57 1016 4 883697730 +57 1028 3 883697432 +57 1047 4 883697679 +57 1059 3 883697432 +57 1071 3 883698324 +57 1073 3 883698525 +57 1093 3 883697352 +57 1094 2 883697990 +57 1095 2 883698062 +57 1096 3 883697940 +58 1 5 884304483 +58 7 5 884304656 +58 8 4 884304955 +58 9 4 884304328 +58 11 5 884305019 +58 12 5 884304895 +58 13 3 884304503 +58 20 1 884304538 +58 32 5 884304812 +58 42 4 884304936 +58 45 5 884305295 +58 50 4 884304328 +58 56 5 884305369 +58 61 5 884305271 +58 64 5 884305295 +58 69 1 884663351 +58 70 4 890321652 +58 89 3 884305220 +58 100 5 884304553 +58 109 4 884304396 +58 111 4 884304638 +58 116 5 884304409 +58 120 2 892242765 +58 121 2 892242300 +58 123 4 884650140 +58 124 5 884304483 +58 127 4 884304503 +58 134 5 884304766 +58 137 5 884304430 +58 144 4 884304936 +58 150 4 884304570 +58 156 5 884304955 +58 168 5 891611548 +58 171 5 884663379 +58 172 5 884305241 +58 173 5 884305353 +58 174 4 884305271 +58 175 5 884663324 +58 176 4 884304936 +58 182 4 884304701 +58 185 2 884304896 +58 189 3 884304790 +58 191 5 892791893 +58 193 3 884305220 +58 194 3 884304747 +58 195 4 884305123 +58 198 3 884305123 +58 200 3 884305295 +58 203 5 884305185 +58 204 4 884304701 +58 209 5 884305019 +58 214 2 884305296 +58 216 3 884305338 +58 222 4 884304656 +58 223 5 884305150 +58 228 5 884305271 +58 237 4 884304396 +58 238 5 884305185 +58 240 4 892242478 +58 246 5 884304592 +58 248 4 884794774 +58 257 5 884304430 +58 268 5 884304288 +58 269 4 884304267 +58 272 5 884647314 +58 275 5 884305220 +58 283 1 884304592 +58 284 4 884304519 +58 300 4 884388247 +58 310 4 884459024 +58 311 4 890770101 +58 318 3 884305087 +58 340 4 884305708 +58 347 3 888638515 +58 354 3 890321652 +58 381 4 890321652 +58 408 5 884304377 +58 425 5 884304979 +58 433 5 884305165 +58 463 3 884305241 +58 474 4 884305087 +58 475 5 884304609 +58 480 3 884305220 +58 483 5 884305220 +58 490 4 884304896 +58 491 4 891611593 +58 496 2 891611593 +58 501 2 884305220 +58 511 5 884304979 +58 512 3 890770101 +58 514 5 884305321 +58 546 2 892242190 +58 558 5 884305165 +58 568 4 884304838 +58 584 5 884305271 +58 640 5 884304767 +58 645 5 884304838 +58 652 5 884304728 +58 654 5 884304865 +58 663 2 884304728 +58 684 4 884305271 +58 692 2 884305123 +58 709 5 884304812 +58 730 5 884305004 +58 732 3 884305321 +58 741 2 892242159 +58 813 5 884304430 +58 823 1 892242419 +58 850 5 884305150 +58 923 5 884305062 +58 950 1 892242020 +58 955 4 884305062 +58 960 4 884305004 +58 1006 2 884304865 +58 1008 1 884304609 +58 1012 4 884304627 +58 1019 4 884305088 +58 1048 1 892242190 +58 1069 2 893027661 +58 1070 4 884304936 +58 1089 1 892242818 +58 1097 5 884504973 +58 1098 4 884304936 +58 1099 2 892243079 +58 1100 2 884304979 +58 1101 5 890421373 +58 1102 1 892242891 +58 1103 5 884305150 +58 1104 2 884305679 +58 1105 2 884794758 +58 1106 4 892068866 +59 1 2 888203053 +59 3 4 888203814 +59 4 4 888205188 +59 7 4 888202941 +59 9 4 888203053 +59 10 4 888203234 +59 11 5 888205744 +59 12 5 888204260 +59 13 5 888203415 +59 14 5 888203234 +59 15 5 888203449 +59 18 4 888203313 +59 22 4 888204260 +59 23 5 888205300 +59 24 4 888203579 +59 25 4 888203270 +59 28 5 888204841 +59 30 5 888205787 +59 33 3 888205265 +59 39 4 888205033 +59 42 5 888204841 +59 44 4 888206048 +59 45 5 888204465 +59 47 5 888205574 +59 48 5 888204502 +59 50 5 888205087 +59 51 5 888206095 +59 52 4 888205615 +59 53 5 888206161 +59 54 4 888205921 +59 55 5 888204553 +59 56 5 888204465 +59 58 4 888204389 +59 59 5 888204928 +59 60 5 888204965 +59 61 4 888204597 +59 64 5 888204309 +59 65 4 888205265 +59 68 2 888205228 +59 69 5 888205087 +59 70 3 888204758 +59 71 3 888205574 +59 73 4 888206254 +59 77 4 888206254 +59 79 5 888204260 +59 81 4 888205336 +59 82 5 888205660 +59 83 4 888204802 +59 86 3 888205145 +59 87 4 888205228 +59 89 5 888204965 +59 90 2 888206363 +59 91 4 888205265 +59 92 5 888204997 +59 95 2 888204758 +59 98 5 888204349 +59 99 4 888205033 +59 100 5 888202899 +59 101 5 888206605 +59 102 2 888205956 +59 109 4 888203175 +59 111 4 888203095 +59 116 4 888203018 +59 118 5 888203234 +59 121 4 888203313 +59 123 3 888203343 +59 125 3 888203658 +59 126 5 888202899 +59 127 5 888204430 +59 129 5 888202941 +59 131 4 888205410 +59 132 5 888205744 +59 134 5 888204841 +59 135 5 888204758 +59 136 3 888205336 +59 137 5 888203234 +59 140 1 888206445 +59 141 4 888206605 +59 142 1 888206561 +59 143 1 888204641 +59 147 5 888203270 +59 148 3 888203175 +59 149 4 888203313 +59 151 5 888203053 +59 161 3 888205855 +59 168 5 888204641 +59 169 4 888204757 +59 170 4 888204430 +59 172 5 888204552 +59 173 5 888205144 +59 174 5 888204553 +59 175 4 888205300 +59 176 5 888205574 +59 177 4 888204349 +59 181 5 888204877 +59 182 5 888204877 +59 183 5 888204802 +59 186 5 888205660 +59 188 4 888205188 +59 193 4 888204465 +59 194 3 888204841 +59 195 5 888204757 +59 196 5 888205088 +59 199 4 888205410 +59 200 5 888205370 +59 201 4 888204260 +59 202 4 888205714 +59 203 4 888204260 +59 204 5 888205615 +59 205 3 888204260 +59 208 5 888205533 +59 209 5 888204965 +59 210 4 888204309 +59 211 5 888206048 +59 215 5 888204430 +59 216 4 888205228 +59 218 5 888206409 +59 219 5 888206485 +59 220 2 888203175 +59 226 4 888206362 +59 227 3 888206015 +59 229 3 888205921 +59 230 4 888205714 +59 232 3 888206485 +59 234 5 888204928 +59 235 1 888203658 +59 237 3 888203371 +59 238 5 888204553 +59 241 4 888205574 +59 243 1 888206764 +59 258 3 888202749 +59 265 4 888205410 +59 273 2 888203129 +59 274 1 888203449 +59 276 5 888203095 +59 284 2 888203449 +59 285 4 888202941 +59 286 3 888202532 +59 287 5 888203175 +59 288 5 888202787 +59 318 5 888204349 +59 323 4 888206809 +59 357 5 888204349 +59 367 4 888204597 +59 380 3 888205956 +59 381 5 888205659 +59 382 4 888205574 +59 385 4 888205659 +59 387 3 888206562 +59 392 2 888206562 +59 393 2 888205714 +59 403 5 888206605 +59 404 3 888205463 +59 405 3 888203578 +59 410 3 888203270 +59 416 3 888205660 +59 418 2 888205188 +59 419 2 888205228 +59 421 5 888206015 +59 423 5 888204465 +59 427 5 888204309 +59 428 5 888205188 +59 429 4 888204597 +59 431 4 888205534 +59 432 4 888204802 +59 433 5 888205982 +59 434 4 888205574 +59 435 5 888204553 +59 436 5 888206094 +59 443 5 888205370 +59 447 5 888206095 +59 448 4 888205787 +59 451 5 888206049 +59 462 5 888205787 +59 466 4 888204389 +59 468 3 888205855 +59 470 3 888205714 +59 472 3 888203482 +59 473 3 888203610 +59 476 2 888203814 +59 477 3 888203415 +59 480 5 888204802 +59 483 5 888204309 +59 484 4 888204502 +59 485 2 888204466 +59 488 3 888205956 +59 489 4 888205300 +59 490 4 888205614 +59 491 4 888206689 +59 492 4 888205370 +59 496 4 888205144 +59 498 5 888204927 +59 501 1 888205855 +59 505 4 888204260 +59 506 5 888205787 +59 507 4 888204877 +59 508 5 888203095 +59 511 5 888204965 +59 513 4 888205144 +59 514 5 888204641 +59 515 4 888204430 +59 516 4 888204430 +59 517 5 888205714 +59 519 4 888204965 +59 521 5 888204877 +59 523 4 888204389 +59 524 3 888206689 +59 525 3 888204758 +59 526 4 888204928 +59 527 5 888204553 +59 528 4 888205300 +59 529 4 888205145 +59 547 3 888203482 +59 549 4 888205659 +59 550 5 888206605 +59 559 5 888206562 +59 562 4 888206094 +59 564 2 888206605 +59 566 4 888206485 +59 567 4 888206562 +59 568 5 888205229 +59 569 4 888206161 +59 570 4 888205745 +59 581 5 888206015 +59 582 4 888205300 +59 583 5 888205921 +59 588 2 888204389 +59 595 3 888203658 +59 597 2 888203610 +59 602 2 888206295 +59 603 5 888204309 +59 604 3 888204927 +59 606 4 888204802 +59 608 4 888204502 +59 609 2 888205855 +59 610 4 888205615 +59 611 3 888204309 +59 612 3 888206161 +59 615 4 888204553 +59 618 4 888205956 +59 620 4 888203959 +59 625 3 888206295 +59 640 5 888206445 +59 642 5 888206254 +59 647 5 888205336 +59 649 4 888205660 +59 650 5 888205534 +59 651 5 888204997 +59 654 4 888204309 +59 655 5 888204642 +59 657 4 888204597 +59 658 4 888205188 +59 659 3 888204553 +59 660 4 888205534 +59 663 4 888204928 +59 664 4 888205614 +59 670 4 888206485 +59 673 5 888204802 +59 675 5 888205534 +59 692 3 888205463 +59 699 4 888205370 +59 702 5 888205463 +59 707 3 888205336 +59 708 4 888206410 +59 709 5 888204997 +59 710 3 888205463 +59 713 5 888203579 +59 715 5 888205921 +59 717 2 888203959 +59 724 5 888205265 +59 727 2 888205265 +59 729 4 888205265 +59 732 3 888205370 +59 735 5 888205534 +59 739 4 888206485 +59 741 4 888203175 +59 742 3 888203053 +59 746 5 888204642 +59 747 4 888205410 +59 756 2 888203658 +59 760 2 888203659 +59 762 4 888203708 +59 764 4 888203709 +59 770 4 888205534 +59 781 4 888206605 +59 823 5 888203749 +59 825 4 888203658 +59 845 5 888203579 +59 846 4 888203415 +59 855 4 888204502 +59 866 3 888203865 +59 871 2 888203865 +59 919 4 888203018 +59 926 1 888203708 +59 928 4 888203449 +59 929 2 888203018 +59 931 2 888203610 +59 946 1 888206445 +59 951 3 888206409 +59 953 5 888205787 +59 959 4 888206095 +59 963 5 888204757 +59 969 3 888204802 +59 972 4 888206125 +59 974 3 888203343 +59 975 4 888203610 +59 1005 5 888206363 +59 1009 4 888203095 +59 1021 4 888204996 +59 1028 1 888203900 +59 1047 2 888203371 +59 1050 2 888205188 +59 1065 5 888205188 +59 1074 4 888206409 +59 1093 5 888203578 +59 1101 5 888205265 +59 1107 4 888206254 +59 1108 3 888204877 +59 1109 3 888205088 +59 1110 4 888206363 +59 1112 3 888206161 +59 1113 4 888205855 +59 1114 5 888203415 +59 1115 3 888203128 +59 1116 3 888206562 +59 1117 4 888203313 +59 1118 2 888206048 +59 1119 4 888206094 +59 1120 1 888203900 +60 8 3 883326370 +60 12 4 883326463 +60 13 4 883327539 +60 15 4 883328033 +60 21 3 883327923 +60 28 5 883326155 +60 30 5 883325944 +60 47 4 883326399 +60 50 5 883326566 +60 56 4 883326919 +60 59 5 883326155 +60 60 5 883327734 +60 61 4 883326652 +60 64 4 883325994 +60 71 3 883327948 +60 73 4 883326995 +60 77 4 883327040 +60 79 4 883326620 +60 82 3 883327493 +60 88 4 883327684 +60 95 4 883327799 +60 97 3 883326215 +60 98 4 883326463 +60 121 4 883327664 +60 128 3 883326566 +60 132 4 883325944 +60 133 4 883326893 +60 134 4 883326215 +60 135 5 883327087 +60 138 2 883327287 +60 141 3 883327472 +60 143 3 883327441 +60 144 4 883325944 +60 151 5 883326995 +60 152 4 883328033 +60 153 3 883326733 +60 160 4 883326525 +60 161 4 883327265 +60 162 4 883327734 +60 163 4 883327566 +60 166 4 883326593 +60 168 5 883326837 +60 172 4 883326339 +60 173 4 883326498 +60 174 4 883326497 +60 175 5 883326919 +60 176 4 883326057 +60 178 5 883326399 +60 179 4 883326566 +60 180 4 883326028 +60 181 4 883326754 +60 183 5 883326399 +60 185 4 883326682 +60 186 4 883326566 +60 194 4 883326425 +60 195 4 883326086 +60 197 4 883326620 +60 199 5 883326339 +60 200 4 883326710 +60 205 4 883326426 +60 207 3 883327342 +60 208 5 883326028 +60 210 4 883326241 +60 211 4 883327493 +60 212 5 883327087 +60 216 4 883327827 +60 218 4 883327538 +60 222 4 883327441 +60 228 4 883327472 +60 229 4 883327472 +60 234 4 883326463 +60 237 4 883327442 +60 265 5 883327591 +60 272 4 889286840 +60 275 4 883326682 +60 327 4 883325508 +60 357 4 883326273 +60 366 4 883327368 +60 385 4 883327799 +60 403 3 883327087 +60 404 3 883327287 +60 405 4 883326958 +60 411 3 883327827 +60 416 4 883327639 +60 417 4 883327175 +60 418 3 883327342 +60 419 3 883327612 +60 420 4 883327113 +60 423 4 883326593 +60 427 5 883326620 +60 429 5 883326733 +60 430 5 883326122 +60 433 4 883327342 +60 435 4 883326122 +60 443 4 883327847 +60 474 5 883326028 +60 478 3 883326463 +60 480 4 883326273 +60 483 5 883326497 +60 484 5 883326370 +60 485 4 883327222 +60 489 5 883326682 +60 490 4 883326958 +60 491 4 883326301 +60 492 5 883326525 +60 493 5 883325994 +60 494 4 883326399 +60 495 3 883327639 +60 496 4 883326682 +60 498 5 883326566 +60 499 3 883326682 +60 501 3 883327472 +60 502 4 883327394 +60 505 4 883326710 +60 506 5 883327441 +60 507 4 883326301 +60 508 4 883327368 +60 510 5 883327174 +60 511 4 883326301 +60 514 4 883326300 +60 515 5 883326784 +60 517 4 883327265 +60 519 4 883326370 +60 523 4 883326837 +60 524 4 883325994 +60 525 5 883325944 +60 528 4 883326086 +60 529 4 883326862 +60 546 4 883326837 +60 558 4 883326784 +60 582 4 883327664 +60 592 4 883327566 +60 593 5 883326185 +60 601 4 883325944 +60 602 4 883326958 +60 603 5 883326652 +60 604 4 883327997 +60 605 3 883326893 +60 606 4 883327201 +60 608 5 883326028 +60 609 3 883327923 +60 613 4 883326497 +60 616 3 883327087 +60 618 3 883327113 +60 629 3 883327175 +60 633 4 883326995 +60 637 4 883327975 +60 638 5 883326057 +60 641 5 883326086 +60 650 4 883327201 +60 654 4 883326399 +60 659 4 883326862 +60 660 4 883327243 +60 661 4 883326808 +60 665 4 883326893 +60 671 4 883327175 +60 673 4 883327711 +60 699 4 883327539 +60 705 4 883326710 +60 729 4 883327975 +60 735 5 883327711 +60 736 5 883327923 +60 751 2 883325421 +60 799 4 883326995 +60 810 4 883327201 +60 835 4 883326893 +60 842 4 883327175 +60 1020 4 883327018 +60 1021 5 883326185 +60 1050 3 883327923 +60 1121 3 883326215 +60 1122 5 883326498 +60 1123 4 883327997 +60 1124 4 883326652 +60 1126 4 883327174 +61 243 2 892331237 +61 258 4 891206125 +61 294 2 891220884 +61 300 5 891206407 +61 301 1 891206450 +61 304 4 891220884 +61 310 4 891206194 +61 323 3 891206450 +61 327 2 891206407 +61 328 5 891206371 +61 331 2 891206126 +61 342 2 892302309 +61 347 5 892302120 +61 678 3 892302309 +61 690 2 891206407 +61 748 2 892302120 +61 751 3 891206274 +61 1127 4 891206274 +62 1 2 879372813 +62 3 3 879372325 +62 4 4 879374640 +62 7 4 879372277 +62 8 5 879373820 +62 9 4 879372182 +62 12 4 879373613 +62 14 4 879372851 +62 15 2 879372634 +62 20 4 879372696 +62 21 3 879373460 +62 22 4 879373820 +62 24 4 879372633 +62 28 3 879375169 +62 33 1 879374785 +62 44 3 879374142 +62 47 4 879375537 +62 50 5 879372216 +62 53 2 879376270 +62 55 5 879373692 +62 56 5 879373711 +62 59 4 879373821 +62 62 3 879375781 +62 64 4 879373638 +62 65 4 879374686 +62 68 1 879374969 +62 70 3 879373960 +62 72 3 879375762 +62 76 4 879374045 +62 78 2 879376612 +62 83 5 879375000 +62 86 2 879374640 +62 89 5 879374640 +62 91 4 879375196 +62 96 4 879374835 +62 97 2 879373795 +62 98 4 879373543 +62 100 4 879372276 +62 111 3 879372670 +62 114 4 879373568 +62 116 3 879372480 +62 117 4 879372563 +62 118 2 879373007 +62 121 4 879372916 +62 125 4 879372347 +62 129 3 879372276 +62 132 5 879375022 +62 134 4 879373768 +62 135 4 879375080 +62 138 1 879376709 +62 147 3 879372870 +62 151 5 879372651 +62 153 4 879374686 +62 155 1 879376633 +62 157 3 879374686 +62 159 3 879375762 +62 162 4 879375843 +62 164 5 879374946 +62 167 2 879376727 +62 168 5 879373711 +62 170 3 879373848 +62 171 4 879373659 +62 172 5 879373794 +62 173 5 879374732 +62 174 4 879374916 +62 176 5 879373768 +62 179 4 879374969 +62 180 4 879373984 +62 181 4 879372418 +62 182 5 879375169 +62 183 4 879374893 +62 188 3 879373638 +62 190 5 879374686 +62 191 5 879373613 +62 195 5 879373960 +62 196 4 879374015 +62 199 4 879373692 +62 204 3 879373737 +62 207 3 879375676 +62 209 4 879373849 +62 213 4 879375323 +62 215 3 879374640 +62 216 4 879375414 +62 217 2 879376387 +62 222 5 879372480 +62 225 3 879373287 +62 227 1 879375843 +62 228 3 879374607 +62 229 3 879375977 +62 230 2 879375738 +62 232 3 879375977 +62 235 4 879373007 +62 237 3 879372563 +62 238 5 879373568 +62 241 1 879375562 +62 249 2 879372479 +62 250 5 879372455 +62 252 3 879373272 +62 257 2 879372434 +62 258 5 879371909 +62 270 2 879371909 +62 271 1 879371909 +62 273 4 879371980 +62 275 4 879372325 +62 276 5 879372182 +62 281 3 879373118 +62 283 4 879372598 +62 285 4 879372455 +62 286 3 879372813 +62 288 2 879371909 +62 290 3 879373007 +62 294 1 879373215 +62 298 4 879372304 +62 302 3 879371909 +62 306 4 879371909 +62 318 5 879373659 +62 328 3 879371909 +62 357 4 879374706 +62 365 2 879376096 +62 382 3 879375537 +62 387 2 879376115 +62 401 3 879376727 +62 403 4 879375588 +62 405 3 879373118 +62 421 5 879375716 +62 423 3 879373692 +62 431 2 879374969 +62 433 5 879375588 +62 436 3 879375883 +62 443 3 879375080 +62 448 2 879375883 +62 451 3 879375716 +62 455 3 879372696 +62 462 2 879373737 +62 464 4 879375196 +62 466 3 879374785 +62 472 2 879373152 +62 473 4 879373046 +62 475 4 879371980 +62 483 4 879373768 +62 498 4 879373848 +62 508 4 879372277 +62 509 4 879373568 +62 511 4 879373586 +62 512 4 879374894 +62 514 3 879374813 +62 527 4 879373692 +62 528 5 879375080 +62 541 3 879376535 +62 546 4 879373118 +62 554 1 879375562 +62 559 3 879375912 +62 568 3 879375080 +62 605 3 879375364 +62 651 4 879373848 +62 655 3 879375453 +62 660 4 879375537 +62 664 4 879376079 +62 665 2 879376483 +62 673 2 879375323 +62 685 2 879373175 +62 697 4 879375932 +62 702 2 879376079 +62 704 2 879375477 +62 710 3 879375453 +62 712 4 879376178 +62 715 2 879375912 +62 716 4 879375951 +62 729 3 879375414 +62 739 2 879375454 +62 742 2 879372965 +62 744 3 879372304 +62 747 3 879375247 +62 763 1 879372851 +62 774 1 879376483 +62 815 3 879375391 +62 827 2 879373421 +62 845 3 879372383 +62 856 4 879374866 +62 866 2 879373195 +62 875 4 879371909 +62 921 2 879375287 +62 924 1 879373175 +62 931 1 879373522 +62 952 3 879372505 +62 955 4 879374072 +62 959 4 879375269 +62 1009 4 879372869 +62 1012 3 879372633 +62 1016 4 879373008 +62 1018 3 879375606 +62 1028 1 879373215 +62 1060 1 879373007 +62 1073 4 879374752 +62 1074 4 879376299 +62 1091 3 879376709 +62 1107 1 879376159 +62 1118 3 879375537 +62 1128 2 879372831 +62 1131 3 879375247 +62 1132 2 879373404 +62 1133 4 879376332 +62 1134 2 879372936 +62 1136 3 879375977 +63 3 2 875748068 +63 6 3 875747439 +63 10 4 875748004 +63 13 4 875747439 +63 14 4 875747401 +63 15 3 875747439 +63 20 3 875748004 +63 50 4 875747292 +63 79 3 875748245 +63 100 5 875747319 +63 106 2 875748139 +63 108 2 875748164 +63 109 4 875747731 +63 111 3 875747896 +63 116 5 875747319 +63 121 1 875748139 +63 126 3 875747556 +63 137 4 875747368 +63 150 4 875747292 +63 181 3 875747556 +63 222 3 875747635 +63 224 4 875747635 +63 225 2 875747439 +63 237 3 875747342 +63 242 3 875747190 +63 246 3 875747514 +63 250 5 875747789 +63 251 4 875747514 +63 255 4 875747556 +63 257 3 875747342 +63 258 3 875746809 +63 259 3 875747047 +63 262 4 875746917 +63 268 3 875746809 +63 269 3 875746948 +63 276 4 875747265 +63 277 4 875747401 +63 282 1 875747657 +63 283 4 875747401 +63 285 3 875747470 +63 286 4 875746809 +63 288 3 875746948 +63 289 2 875746985 +63 294 2 875747047 +63 300 4 875748326 +63 301 5 875747010 +63 302 3 875746809 +63 306 3 875746948 +63 322 2 875746986 +63 323 1 875746986 +63 328 2 875746985 +63 333 4 875746917 +63 405 4 875748109 +63 408 4 875747242 +63 412 3 875748109 +63 475 4 875747319 +63 508 4 875747752 +63 546 2 875747789 +63 591 3 875747581 +63 676 3 875747470 +63 678 2 875747047 +63 741 3 875747854 +63 748 4 875747010 +63 762 3 875747688 +63 828 1 875747936 +63 841 1 875747917 +63 924 3 875748164 +63 929 3 875747955 +63 948 3 875746948 +63 952 3 875747896 +63 979 3 875748068 +63 993 2 875747635 +63 1007 5 875747368 +63 1008 3 875748004 +63 1009 4 875747731 +63 1011 1 875747731 +63 1012 3 875747854 +63 1028 3 875748198 +63 1067 3 875747514 +63 1137 5 875747556 +63 1138 2 875747789 +64 1 4 879366214 +64 2 3 889737609 +64 4 3 889739138 +64 7 4 889737542 +64 8 4 889737968 +64 9 4 889738085 +64 10 5 889739733 +64 11 4 889737376 +64 12 5 889738085 +64 17 3 889739733 +64 22 4 889737376 +64 28 4 889737851 +64 32 1 889739346 +64 38 3 889740415 +64 48 5 879365619 +64 50 5 889737914 +64 52 3 889739625 +64 56 5 889737542 +64 58 3 889739625 +64 62 2 889740654 +64 64 4 889737454 +64 69 4 889739091 +64 70 5 889739158 +64 71 3 879365670 +64 72 4 889740056 +64 77 3 889737420 +64 79 4 889737943 +64 81 4 889739460 +64 82 3 889740199 +64 83 3 889737654 +64 87 4 889737851 +64 93 2 889739025 +64 95 4 889737691 +64 96 4 889737748 +64 97 3 889738085 +64 100 4 879365558 +64 111 4 889739975 +64 121 2 889739678 +64 125 2 889739678 +64 132 4 889737851 +64 135 4 889737889 +64 143 4 889739051 +64 144 3 889737771 +64 151 3 879366214 +64 154 4 889737943 +64 156 4 889737506 +64 157 4 879365491 +64 160 4 889739288 +64 161 3 889739779 +64 162 3 889739262 +64 168 5 889739243 +64 172 4 889739091 +64 173 5 889737454 +64 174 5 889737478 +64 175 5 889739415 +64 176 4 889737567 +64 179 5 889739460 +64 181 4 889737420 +64 182 4 889738030 +64 183 5 889737914 +64 184 4 889739243 +64 187 5 889737395 +64 188 4 889739586 +64 190 4 889737851 +64 191 4 889740740 +64 194 5 889737710 +64 195 5 889737914 +64 196 4 889737992 +64 197 3 889737506 +64 199 4 889737654 +64 202 4 889738993 +64 203 4 889737851 +64 209 5 889737654 +64 210 3 889737654 +64 211 4 889739318 +64 212 3 889740011 +64 214 3 889737478 +64 215 5 889737914 +64 216 4 889740718 +64 217 2 889737568 +64 218 1 889739517 +64 222 4 889739733 +64 227 3 889740880 +64 229 4 889739490 +64 230 5 889739994 +64 231 3 889740880 +64 232 2 889740154 +64 234 4 889737800 +64 237 4 889740310 +64 238 4 889739025 +64 239 3 889740033 +64 240 1 889740462 +64 241 3 889739380 +64 258 3 879365313 +64 265 4 879365491 +64 269 5 879365313 +64 275 4 879365670 +64 284 4 889740056 +64 300 3 879365314 +64 310 4 889737047 +64 311 2 889737269 +64 313 4 889736971 +64 318 4 889737593 +64 326 3 879365313 +64 333 3 879365313 +64 340 4 879365313 +64 347 3 889737062 +64 356 3 889740154 +64 367 4 889739678 +64 381 4 879365491 +64 385 4 879365558 +64 389 4 889739834 +64 392 3 889737542 +64 403 4 889739953 +64 405 3 889739288 +64 420 3 889739678 +64 423 4 889739569 +64 425 4 889739051 +64 429 4 889737800 +64 431 4 889737376 +64 433 2 889740286 +64 434 4 889739052 +64 435 4 889737771 +64 436 5 889739625 +64 447 4 889739319 +64 451 2 889739490 +64 463 4 889739212 +64 475 5 889738993 +64 476 1 889740286 +64 480 3 879365619 +64 496 5 889737567 +64 503 4 889740342 +64 509 3 889737478 +64 511 4 889739779 +64 515 5 889737478 +64 516 5 889737376 +64 520 5 889737851 +64 527 4 879365590 +64 539 1 889737126 +64 546 3 889739883 +64 566 3 889738085 +64 568 4 889737506 +64 569 3 889740602 +64 582 4 889739834 +64 588 4 889739091 +64 591 4 889740394 +64 603 3 889737506 +64 625 3 889740286 +64 633 5 889739243 +64 636 4 889740286 +64 651 4 889740795 +64 652 2 879365590 +64 655 4 889739243 +64 662 4 889739319 +64 663 3 889737505 +64 679 3 889740033 +64 684 4 889740199 +64 693 3 889737654 +64 705 5 879365558 +64 718 4 889739243 +64 731 3 889739648 +64 732 4 889739288 +64 736 4 889739212 +64 746 5 889739138 +64 748 1 879365314 +64 768 2 889739954 +64 778 5 889739806 +64 847 3 879365558 +64 879 3 879365313 +64 898 2 889737106 +64 919 4 889739834 +64 959 4 889739903 +64 969 3 889737889 +64 1063 3 889739539 +64 1065 1 889737968 +64 1133 4 889739975 +64 1139 1 889740260 +64 1140 1 889740676 +64 1141 5 889739834 +65 7 1 879217290 +65 9 5 879217138 +65 15 5 879217138 +65 25 4 879217406 +65 28 4 879216734 +65 47 2 879216672 +65 48 5 879217689 +65 50 5 879217689 +65 56 3 879217816 +65 63 2 879217913 +65 64 5 879216529 +65 65 3 879216672 +65 66 3 879217972 +65 70 1 879216529 +65 77 5 879217689 +65 88 4 879217942 +65 97 5 879216605 +65 100 3 879217558 +65 111 4 879217375 +65 121 4 879217458 +65 125 4 879217509 +65 135 4 879216567 +65 168 4 879217851 +65 173 3 879217851 +65 178 5 879217689 +65 185 4 879218449 +65 191 4 879216797 +65 194 4 879217881 +65 196 5 879216637 +65 197 5 879216769 +65 202 4 879217852 +65 210 4 879217913 +65 211 4 879217852 +65 216 4 879217912 +65 237 4 879217320 +65 238 3 879218449 +65 239 5 879217689 +65 255 3 879217406 +65 258 3 879216131 +65 294 4 879217320 +65 318 5 879217689 +65 328 4 879216131 +65 365 3 879216672 +65 378 5 879217032 +65 392 5 879217689 +65 393 4 879217881 +65 427 5 879216734 +65 429 4 879216605 +65 435 4 879218025 +65 471 4 879217434 +65 514 4 879217998 +65 526 4 879216734 +65 582 3 879216702 +65 651 4 879216371 +65 660 5 879216880 +65 661 4 879216605 +65 676 5 879217689 +65 735 4 879216769 +65 736 4 879216949 +65 778 4 879216949 +65 806 4 879216529 +65 956 4 879216797 +65 1041 3 879217942 +65 1129 4 879217258 +65 1142 4 879217349 +66 1 3 883601324 +66 7 3 883601355 +66 9 4 883601265 +66 15 3 883601456 +66 21 1 883601939 +66 24 3 883601582 +66 50 5 883601236 +66 117 3 883601787 +66 121 3 883601834 +66 127 4 883601156 +66 181 5 883601425 +66 237 4 883601355 +66 248 4 883601426 +66 249 4 883602158 +66 257 3 883601355 +66 258 4 883601089 +66 280 4 883602044 +66 281 4 883602044 +66 282 3 883601266 +66 284 3 883601812 +66 288 4 883601607 +66 294 4 883601089 +66 295 3 883601456 +66 298 4 883601324 +66 300 5 883601089 +66 405 3 883601990 +66 471 5 883601296 +66 475 2 883601156 +66 508 4 883601387 +66 535 4 883602044 +66 597 3 883601456 +66 741 4 883601664 +66 742 5 883601388 +66 877 1 883601089 +66 1016 3 883601859 +67 1 3 875379445 +67 7 5 875379794 +67 24 4 875379729 +67 25 4 875379420 +67 64 5 875379211 +67 105 4 875379683 +67 117 5 875379794 +67 121 4 875379683 +67 122 3 875379566 +67 123 4 875379322 +67 147 3 875379357 +67 151 4 875379619 +67 240 5 875379566 +67 273 4 875379288 +67 276 4 875379515 +67 405 5 875379794 +67 472 4 875379706 +67 546 3 875379288 +67 743 4 875379445 +67 756 3 875379566 +67 827 3 875379322 +67 833 4 875379794 +67 871 3 875379594 +67 1047 3 875379750 +67 1093 5 875379419 +67 1095 4 875379287 +68 7 3 876974096 +68 9 4 876974073 +68 25 4 876974176 +68 50 5 876973969 +68 111 3 876974276 +68 117 4 876973939 +68 118 2 876974248 +68 121 1 876974176 +68 125 1 876974096 +68 127 4 876973969 +68 178 5 876974755 +68 181 5 876973884 +68 237 5 876974133 +68 245 3 876973777 +68 258 5 876973692 +68 275 5 876973969 +68 276 5 876973884 +68 282 1 876974315 +68 286 5 876973692 +68 288 4 876973726 +68 405 3 876974518 +68 409 3 876974677 +68 411 1 876974596 +68 458 1 876974048 +68 471 3 876974023 +68 475 5 876973917 +68 713 2 876974073 +68 742 1 876974198 +68 926 1 876974298 +68 1028 4 876974430 +68 1047 1 876974379 +69 9 4 882126086 +69 12 5 882145567 +69 42 5 882145548 +69 48 5 882145428 +69 50 5 882072748 +69 56 5 882145428 +69 79 4 882145524 +69 98 5 882145375 +69 100 5 882072892 +69 109 3 882145428 +69 123 4 882126125 +69 129 3 882072778 +69 147 3 882072920 +69 150 5 882072920 +69 151 5 882072998 +69 172 5 882145548 +69 174 5 882145548 +69 175 3 882145586 +69 181 5 882072778 +69 222 3 882072956 +69 235 3 882126048 +69 236 4 882072827 +69 237 3 882072920 +69 240 3 882126156 +69 245 1 882027284 +69 246 5 882072827 +69 256 5 882126156 +69 258 4 882027204 +69 265 4 882145400 +69 268 5 882027109 +69 273 3 882072803 +69 282 3 882126048 +69 288 5 882027173 +69 294 2 882027233 +69 300 3 882027204 +69 307 2 882027204 +69 321 4 882027133 +69 333 3 882027204 +69 334 3 882125962 +69 427 3 882145465 +69 475 3 882072869 +69 508 4 882072920 +69 591 3 882072803 +69 628 3 882126125 +69 689 3 882027284 +69 742 3 882072956 +69 748 2 882027304 +69 763 3 882126156 +69 886 4 882027284 +69 1017 5 882126156 +69 1134 5 882072998 +69 1142 4 882072956 +69 1143 5 882072998 +70 1 4 884065277 +70 8 4 884064986 +70 24 4 884064743 +70 48 4 884064574 +70 50 4 884064188 +70 69 4 884065733 +70 71 3 884066399 +70 79 4 884149453 +70 82 4 884068075 +70 83 4 884065895 +70 89 4 884150202 +70 91 3 884068138 +70 94 3 884151014 +70 95 4 884065501 +70 96 4 884066910 +70 99 4 884067222 +70 109 3 884066514 +70 121 3 884148728 +70 128 4 884067339 +70 132 4 884067281 +70 139 3 884150656 +70 150 3 884065247 +70 151 3 884148603 +70 152 4 884149877 +70 161 3 884067638 +70 168 4 884065423 +70 169 4 884149688 +70 172 5 884064217 +70 175 3 884150422 +70 176 4 884066573 +70 181 4 884064416 +70 183 4 884149894 +70 185 4 884149753 +70 186 4 884065703 +70 189 4 884150202 +70 191 3 884149340 +70 193 4 884149646 +70 197 4 884149469 +70 202 4 884066713 +70 204 3 884066399 +70 206 3 884067026 +70 208 4 884149431 +70 210 4 884065854 +70 211 3 884149646 +70 214 3 884067842 +70 217 4 884151119 +70 227 3 884067476 +70 228 5 884064269 +70 229 3 884064269 +70 230 4 884064269 +70 231 3 884064862 +70 257 4 884063946 +70 260 2 884065247 +70 265 4 884067503 +70 298 5 884064134 +70 300 4 884063569 +70 313 4 884063469 +70 338 2 884065248 +70 343 4 884066910 +70 380 3 884066399 +70 383 2 884151700 +70 393 4 884068497 +70 398 2 884067339 +70 399 4 884068521 +70 403 4 884064862 +70 405 3 884149117 +70 411 3 884066399 +70 417 3 884066823 +70 418 3 884149806 +70 419 5 884065035 +70 423 5 884066910 +70 431 3 884150257 +70 432 3 884067175 +70 449 2 884065247 +70 450 1 884064269 +70 451 4 884065678 +70 472 3 884148885 +70 473 3 884066399 +70 482 4 884068704 +70 483 5 884064444 +70 496 4 884064545 +70 511 5 884067855 +70 527 4 884149852 +70 542 2 884065248 +70 546 2 884066211 +70 554 3 884068277 +70 559 3 884066399 +70 568 3 884149722 +70 576 2 884065248 +70 584 3 884150236 +70 588 5 884065528 +70 596 3 884148728 +70 625 3 884151316 +70 655 4 884150153 +70 678 3 884063627 +70 684 3 884149646 +70 739 2 884150753 +70 746 3 884150257 +70 751 4 884063601 +70 762 3 884066399 +70 820 1 884152379 +70 946 3 884150691 +70 993 3 884064688 +70 1030 2 884151801 +70 1035 3 884066399 +70 1065 4 884149603 +70 1133 3 884151344 +70 1145 3 884151622 +70 1146 3 884151576 +71 6 3 880864124 +71 14 5 877319375 +71 50 3 885016784 +71 52 4 877319567 +71 56 5 885016930 +71 64 4 885016536 +71 65 5 885016961 +71 89 5 880864462 +71 98 4 885016536 +71 100 4 877319197 +71 134 3 885016614 +71 135 4 885016536 +71 151 1 877319446 +71 153 4 885016495 +71 154 3 877319610 +71 168 5 885016641 +71 175 4 885016882 +71 181 3 877319414 +71 197 5 885016990 +71 222 3 877319375 +71 248 3 877319446 +71 257 5 877319414 +71 276 4 877319375 +71 282 3 885016990 +71 285 3 877319414 +71 286 4 877319080 +71 289 2 877319117 +71 302 3 880864015 +71 346 4 885016248 +71 357 5 885016495 +71 462 5 877319567 +71 475 5 877319330 +71 514 4 877319567 +71 923 5 885016882 +72 1 4 880035614 +72 2 3 880037376 +72 7 1 880036347 +72 9 5 880035636 +72 12 5 880036664 +72 15 5 880035708 +72 23 4 880036550 +72 25 5 880035588 +72 28 4 880036824 +72 38 3 880037307 +72 45 5 880037853 +72 48 4 880036718 +72 51 4 880036946 +72 54 3 880036854 +72 58 4 880036638 +72 64 5 880036549 +72 68 3 880037242 +72 70 4 880036691 +72 77 4 880036945 +72 79 4 880037119 +72 81 3 880036876 +72 82 3 880037242 +72 87 4 880036638 +72 89 3 880037164 +72 96 5 880037203 +72 97 4 880036638 +72 98 5 880037417 +72 100 5 880035680 +72 106 4 880036185 +72 117 4 880035588 +72 118 3 880036346 +72 121 3 880036048 +72 124 4 880035636 +72 127 5 880037702 +72 129 4 880035588 +72 134 5 880037793 +72 135 4 880037054 +72 147 5 880037702 +72 161 5 880037703 +72 170 3 880037793 +72 172 1 880037119 +72 174 5 880037702 +72 176 2 880037203 +72 177 4 880037204 +72 180 4 880036579 +72 181 1 880037203 +72 182 5 880036515 +72 188 4 880037203 +72 194 4 880037793 +72 195 5 880037702 +72 196 4 880036747 +72 197 5 880037702 +72 198 5 880037881 +72 203 3 880037462 +72 204 4 880037853 +72 210 4 880037242 +72 212 5 880036946 +72 215 4 880036718 +72 220 3 880035786 +72 226 4 880037307 +72 228 1 880037204 +72 229 1 880037307 +72 230 1 880037277 +72 234 4 880037418 +72 237 3 880036346 +72 241 4 880037242 +72 265 4 880037164 +72 271 1 880036346 +72 318 5 880037702 +72 356 4 880036911 +72 357 4 880036550 +72 382 4 880036691 +72 403 3 880037277 +72 405 3 880036346 +72 423 5 880036550 +72 427 5 880037702 +72 435 5 880037242 +72 443 3 880037418 +72 461 3 880036824 +72 476 4 880036048 +72 479 4 880037881 +72 480 5 880037768 +72 484 4 880037853 +72 493 5 880037768 +72 504 4 880037461 +72 509 4 880036638 +72 515 4 880036602 +72 518 4 880036824 +72 520 5 880036515 +72 521 4 880036718 +72 525 4 880037436 +72 526 4 880037164 +72 527 4 880036746 +72 528 4 880036664 +72 530 4 880037164 +72 550 4 880037334 +72 566 4 880037277 +72 568 4 880037203 +72 581 4 880036996 +72 582 4 880036783 +72 591 5 880035708 +72 603 4 880037417 +72 628 4 880035857 +72 642 4 880037479 +72 644 4 880036602 +72 649 4 880036783 +72 654 4 880037461 +72 655 5 880037702 +72 664 3 880037020 +72 679 2 880037164 +72 699 3 880036783 +72 708 4 880036691 +72 770 4 880037306 +72 792 3 880036718 +72 844 4 880035708 +72 866 4 880035887 +72 1051 4 880035958 +72 1110 3 880037334 +72 1148 4 880036911 +73 7 4 888625956 +73 12 5 888624976 +73 28 3 888626468 +73 32 4 888626220 +73 48 2 888625785 +73 56 4 888626041 +73 59 5 888625980 +73 64 5 888625042 +73 81 5 888626415 +73 89 5 888625685 +73 94 1 888625754 +73 96 2 888626523 +73 100 4 888626120 +73 127 5 888625200 +73 129 4 888625907 +73 135 5 888626371 +73 152 3 888626496 +73 153 3 888626007 +73 154 5 888625343 +73 156 4 888625835 +73 171 5 888626199 +73 173 5 888625292 +73 179 5 888626041 +73 180 4 888626577 +73 183 4 888626262 +73 188 5 888625553 +73 196 4 888626177 +73 197 5 888625934 +73 202 2 888626577 +73 206 3 888625754 +73 213 4 888625753 +73 246 3 888792938 +73 255 2 888792938 +73 269 4 888792172 +73 271 2 888792294 +73 272 4 888792247 +73 285 4 888792900 +73 286 4 888792192 +73 288 3 888792294 +73 289 2 888792410 +73 318 4 888625934 +73 357 5 888626007 +73 382 4 888626496 +73 474 5 888625200 +73 475 4 888625753 +73 479 5 888625127 +73 480 4 888625753 +73 507 3 888625857 +73 514 4 888626153 +73 518 5 888625835 +73 588 2 888625754 +73 650 3 888626152 +73 657 5 888625422 +73 894 1 888625592 +73 923 3 888793388 +73 1073 4 888625753 +73 1149 4 888626299 +74 7 4 888333458 +74 9 4 888333458 +74 15 4 888333542 +74 100 4 888333428 +74 121 4 888333428 +74 124 3 888333542 +74 126 3 888333428 +74 129 3 888333458 +74 137 3 888333458 +74 150 3 888333458 +74 237 4 888333428 +74 258 4 888333194 +74 268 3 888333195 +74 272 5 888333194 +74 285 3 888333428 +74 288 3 888333280 +74 294 4 888333311 +74 300 3 888333194 +74 301 3 888333372 +74 313 5 888333219 +74 315 5 888333194 +74 324 3 888333280 +74 326 4 888333329 +74 328 4 888333280 +74 331 4 888333352 +74 333 4 888333238 +74 351 3 888333352 +74 354 3 888333194 +74 358 2 888333372 +74 508 4 888333542 +74 1084 3 888333542 +75 1 4 884050018 +75 13 5 884050102 +75 25 5 884049875 +75 79 5 884051893 +75 100 5 884049875 +75 108 4 884050661 +75 111 4 884050502 +75 114 4 884051893 +75 117 4 884050164 +75 118 3 884050760 +75 121 4 884050450 +75 123 3 884050164 +75 125 3 884050164 +75 129 3 884049939 +75 137 4 884050102 +75 147 3 884050134 +75 151 5 884050502 +75 190 5 884051948 +75 196 4 884051948 +75 220 1 884050705 +75 222 5 884050194 +75 225 2 884050940 +75 235 4 884050502 +75 237 2 884050309 +75 240 1 884050661 +75 271 5 884051635 +75 273 5 884050018 +75 284 2 884050393 +75 289 1 884049789 +75 290 4 884050451 +75 291 1 884050502 +75 294 3 884049758 +75 301 4 884051510 +75 304 2 884051610 +75 323 2 884049789 +75 405 4 884050164 +75 408 4 884050046 +75 409 3 884050829 +75 410 5 884050661 +75 411 5 884050760 +75 413 2 884050979 +75 427 4 884051921 +75 460 5 884050829 +75 472 4 884050733 +75 473 3 884050733 +75 475 5 884049939 +75 476 1 884050393 +75 477 4 884050102 +75 496 5 884051921 +75 508 4 884050102 +75 546 3 884050422 +75 597 3 884050940 +75 678 3 884049758 +75 685 4 884050134 +75 696 4 884050979 +75 742 1 884050590 +75 756 2 884050309 +75 820 3 884050979 +75 824 1 884051056 +75 825 1 884050393 +75 833 2 884051113 +75 845 3 884050194 +75 864 4 884049876 +75 866 2 884050733 +75 926 3 884050393 +75 952 5 884050393 +75 988 2 884049820 +75 1001 1 884050531 +75 1017 5 884050502 +75 1028 4 884050590 +75 1047 3 884050979 +75 1048 4 884050705 +75 1059 1 884050760 +75 1150 4 884050705 +75 1151 2 884050829 +75 1152 1 884050502 +76 7 4 875312133 +76 12 3 882606060 +76 23 5 875027355 +76 24 2 882607536 +76 42 3 882606243 +76 56 5 875027739 +76 59 4 875027981 +76 60 4 875028007 +76 61 4 875028123 +76 64 5 875498777 +76 77 2 882607017 +76 89 4 875027507 +76 92 4 882606108 +76 96 5 875312034 +76 98 5 875028391 +76 100 5 875028391 +76 121 2 882607017 +76 135 5 875028792 +76 137 5 875498777 +76 150 5 875028880 +76 156 3 882606108 +76 172 5 882606080 +76 175 4 875028853 +76 182 4 882606392 +76 197 5 875028563 +76 200 5 882606216 +76 203 4 875027507 +76 216 4 875028624 +76 258 3 875027206 +76 264 3 875027292 +76 276 5 875027601 +76 286 5 875027206 +76 288 2 878101114 +76 293 4 879117673 +76 318 3 882606166 +76 324 4 875027206 +76 325 2 878101114 +76 327 3 875027271 +76 333 3 879575966 +76 343 3 882129361 +76 358 2 878101114 +76 385 2 882607017 +76 421 3 875028682 +76 474 5 875498278 +76 513 5 882606305 +76 514 4 882129456 +76 518 3 875498895 +76 531 4 875028007 +76 547 2 882607017 +76 582 3 882607444 +76 603 3 882606147 +76 628 2 882606768 +76 690 2 882607017 +76 769 1 882607018 +76 772 3 875498117 +76 806 4 882606471 +76 811 4 882606323 +76 851 4 879576570 +76 919 3 875027945 +76 955 4 882606789 +76 960 3 875028143 +76 1006 3 875027907 +76 1007 4 875312109 +76 1019 3 879576256 +76 1048 2 882607017 +76 1129 5 875028075 +76 1154 5 878100710 +76 1155 2 882607017 +76 1156 3 879576233 +76 1157 1 882607018 +76 1158 4 875028190 +76 1159 3 882606623 +77 4 3 884752721 +77 15 2 884732873 +77 23 4 884753173 +77 28 5 884753061 +77 42 5 884752948 +77 50 4 884732345 +77 52 5 884753203 +77 56 4 884752900 +77 69 3 884752997 +77 89 5 884733839 +77 91 3 884752924 +77 97 2 884753292 +77 98 4 884752901 +77 100 3 884732716 +77 121 2 884733261 +77 125 3 884733014 +77 127 2 884732927 +77 133 2 884752997 +77 134 4 884752562 +77 144 3 884752853 +77 153 5 884732685 +77 156 4 884733621 +77 168 4 884752721 +77 172 3 884752562 +77 173 5 884752689 +77 174 5 884733587 +77 175 4 884733655 +77 176 4 884752757 +77 179 5 884752806 +77 181 3 884732278 +77 183 5 884732606 +77 191 3 884752948 +77 192 3 884752900 +77 195 5 884733695 +77 199 5 884733988 +77 201 4 884752785 +77 209 4 884752562 +77 210 3 884753028 +77 215 2 884752757 +77 222 4 884732873 +77 228 3 884753105 +77 238 5 884733965 +77 246 5 884732808 +77 250 3 884732873 +77 265 3 884753152 +77 268 5 884733857 +77 276 2 884732991 +77 357 3 884752970 +77 405 3 884733422 +77 431 5 884733695 +77 455 3 884732873 +77 474 5 884732407 +77 483 4 884752665 +77 484 5 884733766 +77 498 5 884734016 +77 511 2 884753152 +77 518 4 884753202 +77 519 5 884752874 +77 523 5 884752582 +77 527 4 884752853 +77 636 2 884753061 +77 641 5 884733621 +77 778 2 884753203 +77 833 1 884733284 +77 1028 1 884733400 +78 255 4 879633745 +78 257 4 879633721 +78 269 3 879633467 +78 289 4 879633567 +78 298 3 879633702 +78 301 5 879633467 +78 323 1 879633567 +78 327 1 879633495 +78 411 4 879634223 +78 412 4 879634223 +78 476 3 879633767 +78 813 2 879633745 +78 1047 1 879634199 +78 1160 5 879634134 +79 1 4 891271870 +79 6 4 891271901 +79 7 5 891272016 +79 10 5 891271901 +79 13 3 891271676 +79 19 5 891271792 +79 50 4 891271545 +79 93 2 891271676 +79 100 5 891271652 +79 116 5 891271676 +79 124 5 891271870 +79 137 4 891271870 +79 150 3 891271652 +79 222 4 891271957 +79 236 5 891271719 +79 246 5 891271545 +79 251 5 891271545 +79 262 5 891271203 +79 268 5 891271792 +79 269 5 891271792 +79 275 4 891271627 +79 276 3 891271957 +79 285 5 891271652 +79 286 5 891271792 +79 288 3 891272015 +79 290 3 891271741 +79 301 3 891271308 +79 303 4 891271203 +79 306 5 891271792 +79 311 4 891271278 +79 313 2 891271086 +79 319 4 891271278 +79 325 5 891271792 +79 333 2 891271086 +79 370 2 891272016 +79 508 3 891271676 +79 515 5 891271792 +79 582 5 891271806 +79 690 4 891271308 +79 740 4 891271870 +79 763 5 891271741 +79 813 5 891271792 +79 900 4 891271245 +79 906 5 891271792 +79 937 2 891271180 +79 1008 4 891271982 +79 1017 3 891271697 +79 1022 5 891271792 +79 1161 2 891271697 +80 45 4 887401585 +80 50 3 887401533 +80 58 4 887401677 +80 64 5 887401475 +80 79 4 887401407 +80 87 4 887401307 +80 100 5 887401453 +80 154 3 887401307 +80 194 3 887401763 +80 199 2 887401353 +80 208 5 887401604 +80 213 3 887401407 +80 215 5 887401353 +80 234 3 887401533 +80 260 1 883605215 +80 269 3 883605009 +80 303 4 883605055 +80 423 3 887401643 +80 466 5 887401701 +80 483 5 887401328 +80 582 3 887401701 +80 699 3 887401533 +80 886 4 883605238 +80 887 4 887401236 +81 1 4 876534949 +81 3 4 876592546 +81 7 4 876533545 +81 42 4 876534704 +81 79 5 876534817 +81 93 3 876533657 +81 98 5 876534854 +81 100 3 876533545 +81 111 3 876534174 +81 116 3 876533504 +81 118 2 876533764 +81 121 4 876533586 +81 124 3 876534594 +81 147 4 876533389 +81 150 3 876533619 +81 151 2 876533946 +81 169 4 876534751 +81 210 4 876534704 +81 222 2 876533619 +81 237 4 876533764 +81 273 4 876533710 +81 274 3 876534313 +81 275 4 876533657 +81 280 4 876534214 +81 282 5 876533619 +81 283 4 876533504 +81 289 3 876533229 +81 318 5 876534817 +81 405 3 876533764 +81 410 4 876533946 +81 411 2 876534244 +81 412 1 876534408 +81 432 2 876535131 +81 456 1 876533504 +81 471 3 876533586 +81 475 5 876533504 +81 476 2 876534124 +81 544 2 876546272 +81 591 5 876534124 +81 595 4 876534437 +81 619 3 876534009 +81 717 2 876533824 +81 726 4 876534505 +81 742 2 876533764 +81 756 1 876534097 +81 824 3 876534437 +81 926 3 876533824 +81 928 4 876534214 +81 1028 1 876534277 +81 1047 3 876533988 +82 3 2 878768765 +82 8 4 878769292 +82 9 4 876311146 +82 11 4 878769992 +82 13 2 878768615 +82 14 4 876311280 +82 15 3 876311365 +82 21 1 884714456 +82 22 3 878769777 +82 25 2 878768435 +82 28 3 878769815 +82 50 5 876311146 +82 56 3 878769410 +82 64 5 878770169 +82 69 4 878769948 +82 70 4 878769888 +82 73 4 878769888 +82 81 3 878770059 +82 87 3 878769598 +82 97 4 878769777 +82 99 4 878769949 +82 100 5 876311299 +82 103 2 878768665 +82 109 1 884714204 +82 111 4 876311423 +82 112 1 877452357 +82 118 3 878768510 +82 121 4 876311387 +82 125 3 877452380 +82 127 2 878769777 +82 134 4 878769442 +82 135 3 878769629 +82 140 3 878769668 +82 147 3 876311473 +82 151 2 876311547 +82 168 5 878769748 +82 170 4 878769703 +82 174 5 878769478 +82 178 4 878769629 +82 181 4 876311241 +82 183 3 878769848 +82 185 3 878769334 +82 191 4 878769748 +82 194 4 878770027 +82 199 4 878769888 +82 202 4 878769777 +82 208 3 878769815 +82 211 4 878769815 +82 212 4 878769410 +82 216 4 878769949 +82 218 3 878769748 +82 220 2 878768840 +82 222 3 876311365 +82 225 3 878768790 +82 228 3 878769629 +82 230 2 878769815 +82 231 2 878769815 +82 237 3 876311319 +82 238 3 878769373 +82 240 1 884714385 +82 241 3 878769992 +82 265 4 878770169 +82 275 2 884714125 +82 276 4 876311344 +82 281 3 884714290 +82 283 2 884714164 +82 284 4 876311387 +82 288 3 876311518 +82 289 1 884713642 +82 294 4 878768327 +82 310 4 879788290 +82 318 4 878769629 +82 326 2 879788343 +82 338 1 884713704 +82 343 1 884713755 +82 357 4 878769888 +82 405 3 876311423 +82 409 1 884714421 +82 411 3 878768902 +82 413 1 884714593 +82 414 4 878769748 +82 418 4 878769848 +82 424 1 878768811 +82 430 5 878769703 +82 432 4 878769373 +82 435 5 878769409 +82 455 4 876311319 +82 456 1 884714618 +82 458 1 884714145 +82 462 4 878769992 +82 472 3 878768882 +82 476 3 878768765 +82 477 3 876311344 +82 479 4 878769703 +82 480 4 878769373 +82 481 5 878769262 +82 482 4 878769668 +82 483 5 878769888 +82 484 4 878769597 +82 495 3 878769668 +82 504 4 878769917 +82 508 2 884714249 +82 511 3 878769948 +82 513 4 878769334 +82 514 4 878769442 +82 518 4 878769747 +82 519 4 878770028 +82 520 3 878769703 +82 523 5 878769373 +82 527 3 878769479 +82 529 4 878770028 +82 582 4 878769410 +82 588 5 878769917 +82 596 3 876311195 +82 597 3 878768882 +82 603 5 878769479 +82 640 3 878769292 +82 657 4 878769261 +82 660 5 878769848 +82 661 4 878769703 +82 671 1 878769478 +82 705 3 878769598 +82 717 1 884714492 +82 740 2 884714249 +82 756 1 878768741 +82 770 4 878769777 +82 820 3 878768902 +82 826 3 876311646 +82 834 1 884714618 +82 866 3 878768840 +82 895 1 884713704 +82 919 3 876311280 +82 1001 1 878769138 +82 1028 2 876311577 +82 1033 1 884714560 +82 1059 1 884714456 +82 1101 4 878770169 +82 1126 4 878770169 +82 1134 2 884714402 +82 1162 1 884714361 +82 1163 2 884714204 +82 1164 2 878768790 +83 1 4 880306903 +83 2 4 881971771 +83 4 2 880336655 +83 15 4 880307000 +83 22 5 880307724 +83 25 2 883867729 +83 28 4 880308284 +83 35 1 886534501 +83 43 4 880308690 +83 50 3 880327590 +83 63 4 880327970 +83 64 5 887665422 +83 66 4 880307898 +83 69 4 887665549 +83 70 4 880308256 +83 71 3 880328167 +83 77 4 880308426 +83 78 2 880309089 +83 79 5 887665423 +83 82 5 887665423 +83 88 5 880308186 +83 94 4 880308831 +83 95 4 880308453 +83 97 4 880308690 +83 105 2 891182288 +83 106 4 887665549 +83 110 4 880309185 +83 111 3 884647519 +83 117 5 880307000 +83 118 3 880307071 +83 121 4 880306951 +83 122 1 886534501 +83 125 5 880306811 +83 127 4 887665549 +83 139 3 880308959 +83 151 3 880306745 +83 161 4 887665549 +83 174 5 880307699 +83 181 4 880306786 +83 186 4 880308601 +83 191 4 880308038 +83 196 5 880307996 +83 204 5 880307922 +83 210 5 880307751 +83 215 4 880307940 +83 216 4 880307846 +83 233 4 887665549 +83 234 4 887665548 +83 240 1 883870084 +83 245 2 891181703 +83 248 3 883868788 +83 249 2 887664680 +83 252 4 883868598 +83 254 2 880327839 +83 255 5 887665422 +83 265 5 880308186 +83 274 4 880306810 +83 281 5 880307072 +83 294 3 887665569 +83 301 2 891181430 +83 322 3 889681216 +83 323 4 883868420 +83 338 4 883868647 +83 364 1 886534501 +83 371 3 880308408 +83 385 4 887665549 +83 391 2 880308783 +83 405 5 887665423 +83 406 2 891182431 +83 407 1 891182532 +83 411 2 880307259 +83 412 1 883868208 +83 413 1 891182379 +83 423 4 880308329 +83 452 3 880309214 +83 465 4 880308578 +83 468 4 880308390 +83 471 3 891182000 +83 476 3 880307359 +83 477 2 887665798 +83 479 5 880307699 +83 508 2 887665655 +83 527 4 880307807 +83 543 2 887665445 +83 546 4 887665549 +83 568 4 880307724 +83 575 4 880309339 +83 576 4 880308755 +83 580 4 883869630 +83 584 4 880308453 +83 591 4 880306745 +83 597 2 891182270 +83 609 4 880308453 +83 623 4 880308578 +83 631 2 887664566 +83 640 2 880308550 +83 660 4 880308256 +83 663 5 887665423 +83 684 4 880307898 +83 685 4 880306951 +83 692 4 880307979 +83 704 3 880327216 +83 717 4 880307339 +83 720 4 880308578 +83 722 4 880308959 +83 728 4 880308909 +83 732 4 880308390 +83 739 5 880308141 +83 748 2 886534501 +83 751 3 883869440 +83 755 5 887665423 +83 756 4 883867791 +83 768 4 887665549 +83 781 4 883868890 +83 783 4 880308453 +83 795 3 880309214 +83 832 3 883868300 +83 845 3 880306648 +83 846 3 891181639 +83 866 3 883867947 +83 871 2 891182319 +83 892 2 891181444 +83 929 3 880307140 +83 932 4 881971414 +83 944 3 880308871 +83 977 3 880307382 +83 1016 4 883868345 +83 1028 4 880307207 +83 1035 4 880308959 +83 1041 4 880308909 +83 1043 3 880308807 +83 1047 2 891182319 +83 1049 3 880307588 +83 1060 3 880306926 +83 1101 2 880308256 +83 1165 2 883868300 +84 1 2 883452108 +84 4 3 883453713 +84 7 4 883452155 +84 12 5 883452874 +84 15 4 883449993 +84 25 3 883452462 +84 31 4 883453755 +84 64 5 883450066 +84 70 5 883452906 +84 79 4 883453520 +84 95 4 883453642 +84 98 4 883453755 +84 100 4 883452155 +84 111 4 883453108 +84 117 4 883450553 +84 121 4 883452307 +84 148 4 883452274 +84 151 4 883449993 +84 194 5 883453617 +84 203 3 883453587 +84 222 4 883450020 +84 225 4 883452307 +84 237 4 883450093 +84 245 4 883449530 +84 265 5 883453617 +84 274 4 883452462 +84 276 4 883449944 +84 282 4 883450434 +84 284 3 883450093 +84 289 5 883449419 +84 291 3 883452363 +84 294 3 883449317 +84 300 4 883449419 +84 317 3 883453587 +84 318 5 883453617 +84 322 3 883449567 +84 385 4 883453797 +84 405 3 883452363 +84 408 5 883450553 +84 477 4 883452307 +84 523 4 883453642 +84 528 5 883453617 +84 529 5 883453108 +84 543 5 883453713 +84 546 3 883452462 +84 591 4 883451664 +84 597 3 883452200 +84 685 3 883452274 +84 742 3 883450643 +84 748 4 883449530 +84 756 3 883452765 +84 815 4 883452462 +84 866 4 883452174 +84 879 4 883449530 +84 1028 3 883452155 +84 1033 4 883452711 +84 1040 3 883452630 +84 1047 2 883452694 +85 8 4 879454952 +85 9 4 879456308 +85 10 4 879452898 +85 13 3 879452866 +85 14 4 879452638 +85 25 2 879452769 +85 27 4 879827488 +85 28 4 879829301 +85 30 3 882995290 +85 42 3 879453876 +85 45 3 879455197 +85 51 2 879454782 +85 53 3 882995643 +85 56 4 879453587 +85 57 5 879828107 +85 58 4 879829689 +85 64 5 879454046 +85 69 4 879454582 +85 70 4 879828328 +85 71 4 879456308 +85 79 3 879453845 +85 83 4 886282959 +85 86 4 879454189 +85 89 4 879454075 +85 94 3 882995966 +85 95 4 879455114 +85 97 2 879829667 +85 98 4 879453716 +85 99 5 880838306 +85 100 3 879452693 +85 108 2 880838201 +85 124 5 882813248 +85 127 5 879829301 +85 133 4 879453876 +85 134 5 879454004 +85 141 3 879829042 +85 143 4 879456247 +85 150 3 890255432 +85 153 3 879453658 +85 154 4 879828777 +85 157 3 879454400 +85 160 3 879454075 +85 161 4 882819528 +85 162 2 879454235 +85 163 3 882813312 +85 168 4 879454304 +85 170 4 879453748 +85 172 4 882813285 +85 175 4 879828912 +85 179 4 879454272 +85 180 4 879454820 +85 181 4 882813312 +85 182 4 893110061 +85 186 3 879454273 +85 187 5 879454235 +85 188 2 879454782 +85 190 4 879453845 +85 191 4 879455021 +85 192 4 879454951 +85 193 3 879454189 +85 194 4 879454189 +85 195 3 882995132 +85 196 4 879454952 +85 197 5 879455197 +85 199 5 879829438 +85 203 5 879455402 +85 204 4 879828821 +85 205 4 879454004 +85 208 5 879828941 +85 209 4 879454500 +85 210 3 879454981 +85 211 5 879454005 +85 212 2 879454859 +85 213 4 879454751 +85 215 4 879829438 +85 216 3 879454500 +85 222 2 879452831 +85 228 3 882813248 +85 229 3 882813248 +85 234 4 882995015 +85 237 3 879452769 +85 241 3 882995340 +85 250 3 882592687 +85 258 4 882812472 +85 259 2 881705026 +85 268 4 881705073 +85 269 3 891289966 +85 270 3 890255063 +85 272 4 893110061 +85 275 3 879454581 +85 277 2 879452938 +85 281 3 879452971 +85 282 3 879829618 +85 283 3 879454467 +85 284 3 879452866 +85 286 4 879452259 +85 289 3 879452334 +85 291 3 882994658 +85 298 4 880581629 +85 300 3 879452259 +85 301 4 886283002 +85 310 3 880838201 +85 313 4 884820133 +85 316 3 893110061 +85 317 3 882995577 +85 318 4 879453684 +85 319 4 879452334 +85 325 2 879452386 +85 327 3 884820110 +85 333 1 886282927 +85 340 3 893109920 +85 345 4 884820077 +85 372 4 879828720 +85 378 4 879829642 +85 380 4 882995704 +85 382 4 879454820 +85 385 3 879455021 +85 389 3 882995832 +85 393 4 879828967 +85 404 3 882994947 +85 405 2 879453018 +85 412 3 879453288 +85 414 4 879828720 +85 416 3 882994912 +85 417 3 882995859 +85 418 3 879455197 +85 420 4 880838337 +85 423 4 879454046 +85 425 4 879454905 +85 427 3 879456350 +85 428 5 879454235 +85 432 4 880838305 +85 433 3 879828720 +85 435 4 879828911 +85 443 4 879454582 +85 447 3 882994767 +85 449 4 882813248 +85 451 4 882995934 +85 458 3 879452867 +85 462 4 879454189 +85 464 5 882996119 +85 465 4 879454437 +85 474 5 879454500 +85 476 3 879453018 +85 479 4 879454951 +85 480 4 879453658 +85 481 4 879454582 +85 482 4 879454304 +85 485 5 879454400 +85 488 4 879455197 +85 492 4 879454905 +85 495 3 882994860 +85 496 4 879453781 +85 498 4 879454400 +85 499 4 879455114 +85 501 3 880838306 +85 502 4 879454633 +85 506 4 886282959 +85 507 4 879456199 +85 508 2 879453040 +85 509 4 879454189 +85 510 4 879454400 +85 511 4 879454112 +85 512 3 879456199 +85 514 5 879453684 +85 515 5 879829265 +85 516 4 879454272 +85 517 5 879455238 +85 519 4 879829265 +85 520 3 882996257 +85 523 4 879453965 +85 527 4 879455114 +85 528 4 879454859 +85 529 3 879827935 +85 530 3 879456350 +85 566 3 879454273 +85 568 3 879455238 +85 588 3 880838306 +85 604 4 882995132 +85 610 3 879454582 +85 622 3 882995833 +85 629 3 879454685 +85 630 3 879453623 +85 631 4 886282927 +85 632 3 879454304 +85 639 3 879454189 +85 641 4 879454952 +85 642 4 882995615 +85 647 4 879453844 +85 654 4 879454272 +85 655 3 879454350 +85 658 3 879829861 +85 659 4 879453844 +85 660 4 879829618 +85 661 4 879454005 +85 663 5 879454437 +85 664 4 879829562 +85 690 2 890255371 +85 692 3 879828490 +85 697 3 879829471 +85 702 2 879828054 +85 705 5 882994912 +85 708 4 879828349 +85 709 5 879828941 +85 712 3 882995754 +85 715 4 882995967 +85 745 3 879829021 +85 751 3 884820157 +85 792 4 879828941 +85 813 4 879452664 +85 842 3 882995704 +85 855 3 879827989 +85 921 3 879827989 +85 955 4 879454400 +85 971 3 879828156 +85 984 2 884906441 +85 1006 3 882995833 +85 1009 2 879453093 +85 1010 2 879452971 +85 1018 4 882995668 +85 1021 3 882995490 +85 1039 4 879453903 +85 1065 3 879455021 +85 1070 4 879453809 +85 1074 3 882996039 +85 1075 3 879454400 +85 1098 4 879828912 +85 1101 4 879454046 +85 1103 3 882995489 +85 1113 2 879454981 +85 1121 3 879454820 +85 1131 4 879454111 +85 1137 4 879452609 +85 1149 3 886283002 +85 1153 4 879454751 +85 1166 4 879455021 +85 1167 3 879829209 +85 1168 3 882995908 +85 1169 4 879454952 +85 1170 3 879456350 +85 1172 4 879453781 +85 1173 4 884820209 +86 258 5 879570366 +86 259 4 879570423 +86 270 5 879570974 +86 286 3 879569555 +86 288 3 879570218 +86 289 3 879570366 +86 300 3 879570277 +86 319 3 879569555 +86 326 3 879570423 +86 327 4 879570218 +86 328 2 879569555 +86 683 5 879570974 +86 872 3 879570366 +86 879 2 879570149 +86 881 2 879570218 +86 888 4 879570218 +86 889 5 879570973 +86 1175 5 879570973 +86 1176 5 879570973 +87 2 4 879876074 +87 4 5 879876524 +87 7 4 879875735 +87 8 5 879876447 +87 9 4 879877931 +87 21 3 879877173 +87 22 4 879875817 +87 25 4 879876811 +87 33 3 879876488 +87 38 5 879875940 +87 39 3 879875995 +87 40 3 879876917 +87 48 4 879875649 +87 49 5 879876564 +87 50 5 879876194 +87 55 4 879875774 +87 56 4 879876524 +87 62 5 879875996 +87 63 4 879876848 +87 64 5 879875649 +87 66 5 879876403 +87 67 4 879877007 +87 68 3 879876074 +87 70 5 879876448 +87 73 3 879877083 +87 79 5 879875856 +87 80 4 879877241 +87 82 5 879875774 +87 87 4 879877931 +87 88 5 879876672 +87 89 4 879875818 +87 90 2 879877127 +87 94 4 879876703 +87 96 5 879875734 +87 97 5 879877825 +87 100 5 879876488 +87 111 4 879876611 +87 118 4 879876162 +87 120 2 879877173 +87 121 5 879875893 +87 127 4 879876194 +87 128 3 879876037 +87 132 5 879877930 +87 134 4 879877740 +87 135 5 879875649 +87 144 4 879875734 +87 152 4 879876564 +87 154 4 879876564 +87 157 3 879877799 +87 161 5 879875893 +87 163 4 879877083 +87 167 4 879876703 +87 172 5 879875737 +87 174 5 879875736 +87 177 5 879875940 +87 180 4 879875649 +87 181 5 879876194 +87 182 4 879875737 +87 183 4 879875734 +87 186 5 879876734 +87 188 4 879875818 +87 192 3 879877741 +87 194 5 879876403 +87 196 5 879877681 +87 199 5 879875649 +87 201 2 879876673 +87 202 5 879876403 +87 204 5 879876447 +87 208 5 879876403 +87 209 5 879876488 +87 210 5 879875734 +87 211 5 879876812 +87 216 5 879876448 +87 222 4 879875940 +87 228 5 879875893 +87 229 4 879876037 +87 230 5 879875818 +87 231 3 879876110 +87 232 3 879876037 +87 233 4 879876036 +87 235 3 879877208 +87 238 3 879876734 +87 239 4 879876673 +87 252 3 879876224 +87 254 4 879876256 +87 274 4 879876734 +87 281 4 879876074 +87 297 3 879877404 +87 300 3 879875418 +87 303 3 879875471 +87 318 4 879877627 +87 321 2 879876813 +87 323 3 879876256 +87 367 4 879876702 +87 372 3 879876565 +87 382 3 879876488 +87 384 4 879877127 +87 385 5 879875818 +87 386 2 879877006 +87 393 4 879876703 +87 396 1 879877280 +87 401 2 879876813 +87 403 3 879875996 +87 405 4 879875893 +87 409 3 879877127 +87 411 4 879876946 +87 414 3 879876673 +87 427 4 879877824 +87 433 3 879876702 +87 435 5 879875818 +87 449 3 879876110 +87 451 4 879876448 +87 476 2 879877241 +87 477 3 879876610 +87 491 5 879877930 +87 502 5 879876524 +87 510 5 879875818 +87 515 4 879876194 +87 519 4 879877652 +87 521 3 879877772 +87 523 5 879875649 +87 546 3 879876074 +87 550 4 879876074 +87 554 4 879875940 +87 566 5 879875775 +87 568 5 879875818 +87 570 3 879876163 +87 575 3 879877208 +87 576 3 879876163 +87 585 4 879877008 +87 598 2 879877279 +87 628 4 879877709 +87 629 4 879877006 +87 648 5 879876448 +87 651 4 879875893 +87 657 4 879877740 +87 679 3 879876036 +87 684 5 879875774 +87 685 3 879875856 +87 702 3 879876917 +87 705 4 879877740 +87 715 3 879876885 +87 722 4 879876946 +87 728 4 879876768 +87 732 4 879876703 +87 765 3 879877006 +87 775 2 879876848 +87 780 4 879877173 +87 781 5 879876524 +87 783 4 879877279 +87 789 3 879876610 +87 790 4 879876885 +87 791 2 879877280 +87 796 4 879877280 +87 801 3 879876768 +87 804 3 879877083 +87 810 3 879876111 +87 824 3 879877043 +87 849 5 879875996 +87 866 4 879877208 +87 871 4 879876734 +87 996 3 879876848 +87 1000 3 879877173 +87 1016 4 879876194 +87 1041 4 879877007 +87 1047 3 879877280 +87 1049 3 879876812 +87 1072 3 879876610 +87 1074 3 879876813 +87 1079 2 879877240 +87 1089 3 879876225 +87 1118 3 879877007 +87 1177 1 879877280 +87 1178 3 879877208 +87 1180 3 879877127 +87 1181 3 879875940 +87 1182 3 879877043 +87 1183 3 879875995 +87 1184 3 879876074 +87 1186 3 879876886 +87 1187 2 879875893 +87 1189 5 879877951 +87 1190 4 879876336 +88 261 5 891038103 +88 300 3 891037466 +88 301 4 891037618 +88 302 3 891037111 +88 308 4 891037396 +88 311 5 891037336 +88 313 3 891037201 +88 315 4 891037276 +88 319 3 891037708 +88 321 1 891037708 +88 326 5 891038103 +88 690 4 891037708 +88 750 2 891037276 +88 881 5 891038103 +88 886 5 891038103 +88 904 5 891037276 +88 1191 5 891038103 +89 7 5 879441422 +89 13 2 879441672 +89 14 4 879441357 +89 15 5 879441307 +89 25 5 879441637 +89 26 3 879459909 +89 66 3 879459980 +89 83 4 879459884 +89 86 5 879459859 +89 93 2 879441307 +89 100 5 879441271 +89 107 5 879441780 +89 111 4 879441452 +89 117 5 879441357 +89 121 5 879441657 +89 127 5 879441335 +89 137 1 879441335 +89 150 5 879441452 +89 151 5 879441507 +89 173 5 879459859 +89 187 5 879461246 +89 197 5 879459859 +89 202 3 879459859 +89 212 3 879459909 +89 213 4 879459859 +89 216 5 879459859 +89 221 1 879441687 +89 237 4 879441381 +89 240 4 879441571 +89 246 5 879461219 +89 257 5 879461219 +89 268 5 879461219 +89 269 5 879461219 +89 275 5 879441307 +89 277 4 879441271 +89 283 4 879441557 +89 301 5 879461219 +89 321 4 879441049 +89 381 4 879459999 +89 387 5 879459909 +89 402 4 879460347 +89 405 3 879441586 +89 451 3 879459884 +89 517 5 879459859 +89 694 5 879460027 +89 702 5 879459999 +89 707 5 879459884 +89 716 3 879460027 +89 724 4 879460027 +89 732 5 879459909 +89 737 1 879460376 +89 739 2 879460376 +89 762 3 879441491 +89 813 5 879461219 +89 815 4 879441637 +89 845 2 879441335 +89 875 3 879441160 +89 880 5 879461219 +89 936 5 879461219 +89 949 3 879460027 +89 952 2 879441400 +89 1048 3 879460027 +89 1074 5 879459909 +90 6 4 891384357 +90 9 4 891385787 +90 11 4 891384113 +90 12 5 891383241 +90 14 5 891383987 +90 17 4 891384721 +90 18 3 891383687 +90 19 3 891384020 +90 20 4 891384357 +90 22 4 891384357 +90 23 5 891384997 +90 25 5 891384789 +90 26 4 891385842 +90 30 5 891385843 +90 31 4 891384673 +90 33 4 891383600 +90 42 4 891384885 +90 45 3 891385039 +90 52 5 891385522 +90 60 4 891385039 +90 69 1 891383424 +90 70 5 891383866 +90 79 4 891383912 +90 83 5 891383687 +90 86 5 891383626 +90 89 5 891385039 +90 96 4 891384754 +90 98 5 891383204 +90 100 5 891383241 +90 117 3 891385389 +90 127 4 891383561 +90 131 5 891384066 +90 132 5 891384673 +90 135 5 891384570 +90 136 5 891383241 +90 137 5 891384754 +90 143 5 891383204 +90 148 2 891385787 +90 149 3 891384754 +90 150 3 891385250 +90 151 2 891385190 +90 153 5 891384754 +90 155 5 891385040 +90 156 4 891384147 +90 162 5 891385190 +90 166 4 891383423 +90 170 5 891383561 +90 171 2 891384476 +90 174 5 891383866 +90 175 3 891383912 +90 177 5 891384516 +90 178 5 891384611 +90 179 5 891385389 +90 180 4 891384065 +90 182 3 891383599 +90 185 5 891384959 +90 187 4 891383561 +90 190 5 891383687 +90 191 5 891384424 +90 192 4 891384959 +90 193 4 891383752 +90 196 4 891385250 +90 197 5 891383319 +90 198 5 891383204 +90 199 5 891384423 +90 202 3 891385298 +90 203 5 891384611 +90 209 5 891383173 +90 212 4 891384147 +90 213 5 891383718 +90 215 2 891385335 +90 216 5 891383626 +90 220 4 891385165 +90 223 4 891383912 +90 237 4 891385215 +90 241 5 891384611 +90 242 4 891382267 +90 245 3 891382612 +90 258 3 891382121 +90 259 2 891382392 +90 268 4 891382392 +90 269 5 891382310 +90 270 4 891382310 +90 272 5 891382121 +90 273 3 891385040 +90 275 5 891383626 +90 276 4 891384476 +90 285 5 891383687 +90 286 5 891382267 +90 287 4 891384611 +90 289 3 891382310 +90 300 3 891382163 +90 301 4 891382392 +90 302 5 891383319 +90 303 4 891382193 +90 306 4 891382267 +90 307 5 891383319 +90 310 3 891382240 +90 311 4 891382163 +90 312 4 891383319 +90 313 5 891382163 +90 316 5 891382658 +90 317 4 891383626 +90 318 5 891383350 +90 323 3 891382634 +90 328 3 891382490 +90 347 4 891383319 +90 354 3 891382240 +90 356 4 891385752 +90 357 5 891385132 +90 367 4 891385250 +90 382 5 891383835 +90 421 4 891383718 +90 423 5 891384997 +90 425 4 891384996 +90 427 5 891384423 +90 430 3 891383835 +90 433 3 891384611 +90 435 5 891383350 +90 443 4 891385250 +90 462 5 891383752 +90 464 5 891385039 +90 471 4 891385752 +90 474 5 891383599 +90 475 3 891385465 +90 478 5 891384754 +90 479 5 891384147 +90 480 5 891383835 +90 481 5 891384516 +90 483 5 891384570 +90 485 5 891383687 +90 486 5 891383912 +90 488 5 891384065 +90 489 5 891384357 +90 491 4 891384959 +90 493 5 891383600 +90 494 5 891383241 +90 497 5 891384996 +90 498 5 891383173 +90 499 5 891383866 +90 500 4 891384721 +90 501 5 891384885 +90 505 5 891383687 +90 506 5 891383319 +90 507 5 891383987 +90 509 5 891383866 +90 511 5 891384476 +90 512 4 891383241 +90 514 3 891384423 +90 515 5 891385165 +90 516 5 891383987 +90 517 3 891384789 +90 518 2 891385787 +90 521 4 891384570 +90 526 5 891383866 +90 528 5 891384065 +90 529 5 891385132 +90 531 4 891383204 +90 543 3 891383173 +90 547 3 891385899 +90 553 2 891384959 +90 568 5 891385165 +90 602 5 891385466 +90 603 5 891385132 +90 604 5 891383350 +90 606 5 891383173 +90 607 5 891384673 +90 609 5 891384357 +90 611 5 891384789 +90 613 4 891383835 +90 614 4 891384020 +90 617 4 891383835 +90 618 5 891385335 +90 631 5 891384570 +90 632 5 891384113 +90 639 5 891385039 +90 644 5 891384065 +90 648 4 891384754 +90 650 5 891384516 +90 651 5 891384997 +90 652 4 891384611 +90 656 5 891385132 +90 657 5 891385190 +90 659 4 891384357 +90 661 5 891385522 +90 662 5 891385842 +90 684 3 891385335 +90 690 4 891383319 +90 692 4 891384476 +90 693 3 891385752 +90 703 3 891384997 +90 705 5 891384147 +90 707 5 891384476 +90 708 5 891385787 +90 709 5 891383752 +90 713 4 891385466 +90 721 3 891385215 +90 730 5 891384147 +90 739 5 891384789 +90 750 4 891383319 +90 753 4 891385751 +90 762 3 891385250 +90 811 4 891384516 +90 813 4 891384997 +90 821 3 891385843 +90 837 5 891384476 +90 847 5 891383753 +90 855 5 891383752 +90 863 4 891384114 +90 875 1 891382612 +90 879 3 891382542 +90 889 3 891382731 +90 896 3 891382163 +90 900 4 891382309 +90 903 4 891383319 +90 904 3 891382121 +90 905 4 891383319 +90 906 2 891382240 +90 923 5 891383912 +90 942 4 891385165 +90 945 5 891383866 +90 954 4 891385522 +90 958 4 891383561 +90 962 2 891384721 +90 964 5 891385843 +90 965 5 891383561 +90 966 5 891385843 +90 971 4 891385250 +90 972 4 891384476 +90 990 3 891382522 +90 995 4 891382708 +90 1020 5 891384997 +90 1045 2 891385843 +90 1048 4 891385132 +90 1086 4 891384424 +90 1097 4 891384885 +90 1101 4 891384570 +90 1109 3 891385652 +90 1125 4 891384611 +90 1134 3 891385752 +90 1136 3 891385899 +90 1137 2 891384516 +90 1192 5 891384673 +90 1193 4 891384789 +90 1194 4 891383718 +90 1195 5 891384789 +90 1197 4 891384476 +90 1198 5 891383866 +90 1199 5 891385652 +90 1200 4 891384066 +90 1201 5 891383687 +90 1202 5 891385132 +90 1203 5 891385466 +90 1206 2 891383912 +91 28 4 891439243 +91 31 5 891438875 +91 50 5 891439386 +91 64 4 891439243 +91 69 5 891439057 +91 79 5 891439018 +91 82 5 891439386 +91 97 5 891438947 +91 98 5 891439130 +91 99 2 891439386 +91 127 5 891439018 +91 131 2 891439471 +91 132 3 891439503 +91 134 4 891439353 +91 135 4 891439302 +91 136 4 891438909 +91 161 3 891439353 +91 172 4 891439208 +91 174 5 891439090 +91 176 5 891439130 +91 181 5 891439243 +91 182 4 891439439 +91 183 5 891438909 +91 187 5 891438908 +91 193 3 891439057 +91 195 5 891439057 +91 205 5 891438947 +91 210 5 891439208 +91 211 2 891439208 +91 230 4 891439560 +91 234 5 891439503 +91 264 4 891438583 +91 265 5 891439018 +91 289 4 891438553 +91 294 3 891438288 +91 300 4 891438004 +91 313 4 891437978 +91 318 5 891439090 +91 322 4 891438397 +91 323 2 891438397 +91 326 3 891438245 +91 327 4 891438351 +91 331 5 891438245 +91 333 5 891438106 +91 338 4 891438529 +91 343 4 891438151 +91 351 4 891438617 +91 357 5 891439271 +91 389 2 891439130 +91 418 2 891439503 +91 423 5 891439090 +91 427 4 891439057 +91 429 4 891439324 +91 435 4 891439353 +91 474 3 891438947 +91 479 4 891439208 +91 480 4 891438875 +91 482 3 891439208 +91 483 4 891439208 +91 484 4 891438977 +91 495 4 891439171 +91 498 3 891439271 +91 504 3 891439471 +91 507 4 891438977 +91 510 3 891439090 +91 511 5 891439243 +91 515 5 891439090 +91 520 4 891439414 +91 526 4 891439471 +91 527 4 891439057 +91 529 4 891438977 +91 568 2 891439018 +91 603 5 891439171 +91 612 4 891439471 +91 614 4 891439018 +91 616 4 891439439 +91 618 3 891438875 +91 662 4 891439439 +91 682 2 891438184 +91 683 3 891438351 +91 689 5 891438617 +91 748 2 891438314 +91 988 2 891438583 +91 1050 3 891439414 +91 1192 4 891439243 +92 2 3 875653699 +92 4 4 875654222 +92 5 4 875654432 +92 7 4 876175754 +92 11 4 875653363 +92 12 5 875652934 +92 13 4 886443292 +92 15 3 875640189 +92 22 3 875653121 +92 24 3 875640448 +92 25 3 875640072 +92 28 3 875653050 +92 29 3 875656624 +92 31 4 875654321 +92 32 3 875653363 +92 38 3 875657640 +92 39 3 875656419 +92 40 3 875656164 +92 42 4 875653664 +92 43 3 875813314 +92 44 3 875906989 +92 46 4 875653867 +92 48 4 875653307 +92 50 5 875640148 +92 53 3 875656392 +92 54 3 875656624 +92 56 5 875653271 +92 62 3 875660468 +92 63 3 875907504 +92 64 4 875653519 +92 65 4 875653960 +92 66 3 875812279 +92 67 3 875907436 +92 69 5 875653198 +92 71 5 875654888 +92 73 3 875656474 +92 77 3 875654637 +92 78 3 876175191 +92 79 4 875653198 +92 80 2 875907504 +92 81 3 875654929 +92 82 2 875654846 +92 85 3 875812364 +92 87 3 876175077 +92 88 3 875656349 +92 89 5 875652981 +92 91 3 875660164 +92 92 4 875654846 +92 93 4 886444049 +92 94 3 875812876 +92 96 4 875656025 +92 98 5 875652934 +92 100 5 875640294 +92 101 2 875656624 +92 102 2 875813376 +92 106 3 875640609 +92 108 2 886443416 +92 109 3 886443351 +92 111 3 875641135 +92 115 3 875654125 +92 117 4 875640214 +92 118 2 875640512 +92 120 2 875642089 +92 121 5 875640679 +92 122 3 875907535 +92 123 2 875640251 +92 124 4 886440530 +92 125 4 876175004 +92 129 4 886443161 +92 132 3 875812211 +92 134 4 875656623 +92 135 4 875652981 +92 143 3 875653960 +92 144 4 875810741 +92 145 2 875654929 +92 147 2 875640542 +92 148 2 877383934 +92 149 3 886443494 +92 153 4 875653605 +92 154 4 875657681 +92 155 2 875654888 +92 156 4 875656086 +92 157 4 875653988 +92 159 4 875810543 +92 160 4 875654125 +92 161 2 875654125 +92 164 4 875656201 +92 167 3 875656557 +92 168 4 875653723 +92 169 5 875653121 +92 171 4 875652981 +92 172 4 875653271 +92 173 3 875656535 +92 175 4 875653549 +92 176 5 875652981 +92 180 5 875653016 +92 181 4 876175052 +92 182 4 875653836 +92 183 4 875653960 +92 184 3 877383934 +92 189 4 875653519 +92 190 4 876174729 +92 191 4 875653050 +92 195 5 875652981 +92 196 4 875654222 +92 198 5 875653016 +92 199 3 875811628 +92 200 3 875811717 +92 201 3 875654159 +92 203 4 875653699 +92 204 4 875653913 +92 208 4 875656288 +92 209 5 875652934 +92 212 4 875656086 +92 214 4 875654732 +92 215 4 875656419 +92 216 3 875653867 +92 217 3 875657595 +92 218 4 875654846 +92 219 4 875654888 +92 220 1 875644796 +92 222 4 886440557 +92 223 5 875653723 +92 225 3 875640740 +92 226 3 875813412 +92 228 4 875653867 +92 229 3 875656201 +92 230 3 875656055 +92 231 3 875654732 +92 233 3 875654732 +92 234 4 875654297 +92 237 4 875640318 +92 238 5 875654159 +92 239 4 875654125 +92 240 2 875640189 +92 241 3 875655961 +92 246 4 890251289 +92 248 4 886442565 +92 249 3 886443192 +92 252 4 886443582 +92 260 1 890463551 +92 265 4 875657620 +92 271 2 880149111 +92 273 4 875640214 +92 276 5 875640251 +92 278 3 876175640 +92 281 3 875812331 +92 284 2 876175733 +92 288 3 878679005 +92 289 3 875641367 +92 291 4 886443277 +92 294 3 875640679 +92 295 2 886442386 +92 304 4 888469716 +92 313 5 887042925 +92 318 2 875653307 +92 322 3 890251700 +92 328 3 888469687 +92 356 3 875813171 +92 364 3 875907702 +92 367 3 875654533 +92 368 1 886443672 +92 369 3 886443672 +92 370 1 875644796 +92 376 3 875907366 +92 385 4 875653665 +92 386 3 875907727 +92 393 3 875660494 +92 396 3 875654733 +92 401 3 875907535 +92 402 3 875813098 +92 403 4 875654189 +92 405 2 875644795 +92 406 2 881008058 +92 408 4 876175704 +92 409 3 890251791 +92 410 3 875640583 +92 411 4 875640189 +92 412 2 875640609 +92 418 3 875653769 +92 421 4 875654534 +92 423 3 875655990 +92 425 4 875812898 +92 431 4 875660164 +92 433 5 875654665 +92 449 3 875812511 +92 450 2 875907134 +92 451 3 875660083 +92 452 2 875906828 +92 453 1 875906882 +92 455 2 876769302 +92 456 2 888469668 +92 463 4 875656623 +92 471 4 875640385 +92 474 4 875653519 +92 475 5 875640148 +92 476 2 886443602 +92 500 4 883433734 +92 501 2 875653665 +92 504 3 875653050 +92 508 5 886443416 +92 515 4 875640800 +92 518 5 875653579 +92 521 4 875813412 +92 527 3 875653549 +92 528 4 875657681 +92 531 4 875653121 +92 540 2 875813197 +92 546 2 875640512 +92 551 2 875906882 +92 552 3 875907078 +92 554 2 875907180 +92 558 3 875906765 +92 559 3 875660304 +92 561 3 875812413 +92 568 3 875654590 +92 576 2 875813171 +92 577 3 875907649 +92 581 4 875654189 +92 582 5 875641516 +92 587 3 875660408 +92 591 4 875640294 +92 595 3 886443534 +92 596 2 886443161 +92 597 2 886443328 +92 619 4 875640487 +92 620 3 875813224 +92 628 4 875639823 +92 631 4 875658112 +92 640 5 875653579 +92 642 3 875654929 +92 651 4 875653271 +92 655 4 875654533 +92 660 4 875654125 +92 663 4 875653914 +92 665 3 875906853 +92 672 3 875660028 +92 673 4 875656392 +92 674 4 875906853 +92 678 2 875641428 +92 679 4 875660468 +92 685 3 875640708 +92 692 4 875653805 +92 702 3 875656054 +92 704 3 875812121 +92 707 4 875653162 +92 708 4 875654432 +92 709 2 875654590 +92 712 3 875656392 +92 715 4 875656288 +92 717 3 886443416 +92 720 3 875813022 +92 722 3 875907596 +92 725 3 875907727 +92 727 4 875653242 +92 728 3 875907574 +92 729 4 875656624 +92 731 4 875653769 +92 732 3 875812841 +92 737 4 875654125 +92 739 2 876175582 +92 742 3 886443192 +92 747 4 875656164 +92 748 3 892655791 +92 755 3 875656055 +92 756 3 886443582 +92 761 2 875907134 +92 763 3 886443192 +92 778 4 875811457 +92 780 3 875660494 +92 781 3 875907649 +92 785 3 875660304 +92 790 3 875907618 +92 794 3 875654798 +92 800 3 875906802 +92 802 2 875907134 +92 820 1 875644796 +92 823 4 875654846 +92 825 4 875640487 +92 826 2 886443534 +92 831 2 886443708 +92 834 1 875906882 +92 841 3 886443455 +92 845 3 886442565 +92 846 3 886443471 +92 855 5 875653162 +92 922 1 875644796 +92 925 3 875640214 +92 926 3 875640542 +92 928 3 886443582 +92 930 2 886443582 +92 931 1 875644796 +92 947 4 875654929 +92 949 3 875653664 +92 955 4 875658312 +92 961 4 875811128 +92 963 5 875652981 +92 977 2 886443494 +92 980 3 883433686 +92 986 2 890251716 +92 993 4 890251516 +92 998 2 875907649 +92 1011 3 886443471 +92 1012 4 886443231 +92 1014 3 890251484 +92 1016 2 875640582 +92 1018 4 875653769 +92 1028 2 876769174 +92 1033 2 890251592 +92 1037 2 875907702 +92 1040 3 876175658 +92 1041 3 875907675 +92 1046 3 875812841 +92 1047 1 875644796 +92 1049 1 890251826 +92 1052 2 890251841 +92 1073 5 875653271 +92 1079 3 886443455 +92 1095 2 886443728 +92 1142 4 886442422 +92 1157 2 875812435 +92 1194 4 875654432 +92 1207 3 875907179 +92 1208 4 875812741 +92 1209 1 875660468 +92 1210 1 875907179 +92 1211 3 876175395 +92 1212 3 876175626 +92 1213 2 875907079 +92 1214 2 876174925 +92 1215 2 890251747 +92 1216 4 886442386 +93 1 5 888705321 +93 14 4 888705200 +93 15 5 888705388 +93 118 3 888705416 +93 125 1 888705416 +93 151 1 888705360 +93 222 4 888705295 +93 235 4 888705939 +93 275 4 888705224 +93 276 2 888705257 +93 283 4 888705146 +93 412 2 888706037 +93 476 4 888705879 +93 477 5 888705053 +93 815 4 888705761 +93 820 3 888705966 +93 845 4 888705321 +93 866 2 888705780 +93 934 3 888705988 +94 1 4 885870323 +94 7 4 885873089 +94 8 5 885873653 +94 9 5 885872684 +94 11 5 885870231 +94 12 4 886008625 +94 17 2 891721494 +94 22 4 885872758 +94 23 5 885870284 +94 24 4 885873423 +94 25 3 891724142 +94 28 4 885873159 +94 29 2 891723883 +94 31 4 891721286 +94 33 3 891721919 +94 34 1 891723558 +94 38 2 891722482 +94 39 3 891721317 +94 41 3 891723355 +94 45 5 886008764 +94 47 5 891720498 +94 49 4 891722174 +94 50 5 891720996 +94 51 3 891721026 +94 52 5 891721026 +94 53 4 891721378 +94 54 4 891722432 +94 55 4 885873653 +94 56 5 891725331 +94 58 5 891720540 +94 61 5 891720761 +94 62 3 891722933 +94 63 3 891723908 +94 64 5 885870362 +94 66 2 891721889 +94 67 3 891723296 +94 68 4 891722432 +94 70 4 891722511 +94 71 4 891721642 +94 76 4 891720827 +94 77 3 891721462 +94 79 4 885882967 +94 80 2 891723525 +94 81 4 885870577 +94 82 4 891721777 +94 83 4 885873653 +94 86 5 891720971 +94 88 3 891721942 +94 89 3 885870284 +94 90 3 891721889 +94 91 5 891722006 +94 92 4 891721142 +94 93 4 891724282 +94 94 2 891723883 +94 96 3 885872942 +94 97 4 891721317 +94 98 4 891721192 +94 99 3 891721815 +94 100 5 885872942 +94 101 2 891720996 +94 102 3 891721462 +94 109 4 891721974 +94 111 4 891721414 +94 118 3 891723295 +94 125 1 891721851 +94 127 5 885870175 +94 132 4 891720862 +94 133 4 885882685 +94 134 5 886008885 +94 135 4 885870231 +94 142 3 891721749 +94 143 4 891722609 +94 144 3 891721168 +94 151 5 891721716 +94 153 5 891725333 +94 154 5 886008791 +94 155 2 891723807 +94 156 5 891725332 +94 157 5 891725332 +94 159 3 891723081 +94 160 4 891721942 +94 161 3 891721439 +94 168 5 891721378 +94 170 5 891725362 +94 172 4 885870175 +94 173 4 885872758 +94 174 4 885870231 +94 175 4 885870613 +94 176 4 891720570 +94 177 5 885870284 +94 179 5 885870577 +94 180 5 885870284 +94 182 5 885873089 +94 183 5 891720921 +94 184 2 891720862 +94 185 5 885873684 +94 186 4 891722278 +94 187 4 885870362 +94 188 4 885870665 +94 190 5 885870231 +94 191 5 885870175 +94 192 4 891721142 +94 193 5 891720498 +94 195 3 885870231 +94 200 4 891721414 +94 202 2 885873423 +94 203 5 885870577 +94 204 4 891721317 +94 206 4 891722843 +94 208 4 891720643 +94 209 5 886008301 +94 211 5 891721142 +94 214 5 891725332 +94 216 3 885870665 +94 217 4 891722646 +94 218 3 891721851 +94 219 4 891721528 +94 222 3 891721258 +94 223 5 891721286 +94 225 3 891722646 +94 226 2 891721238 +94 227 3 891722759 +94 229 3 891722979 +94 230 2 891723124 +94 232 3 891721584 +94 233 3 891722934 +94 234 5 885882685 +94 235 4 891722980 +94 238 5 891721168 +94 241 4 891721716 +94 245 1 891724828 +94 246 4 891724064 +94 248 4 891724341 +94 257 4 891724178 +94 258 5 891724044 +94 260 2 891725049 +94 265 4 891721889 +94 268 4 891724925 +94 273 4 885872684 +94 274 4 891722511 +94 281 3 891722576 +94 282 3 891722758 +94 288 3 885869993 +94 293 4 891724044 +94 313 4 891724925 +94 318 5 891721191 +94 334 3 891725440 +94 338 4 891725030 +94 343 4 891725009 +94 346 4 891725410 +94 347 5 891724950 +94 355 2 891725090 +94 356 4 891722646 +94 357 5 891720921 +94 365 3 891722383 +94 366 3 891722845 +94 367 4 891723328 +94 369 1 891723459 +94 372 4 891723124 +94 380 3 891722760 +94 381 4 886008764 +94 385 2 891721975 +94 386 4 891722382 +94 390 5 891725333 +94 391 3 891723644 +94 392 3 891722646 +94 393 3 891721684 +94 399 4 891722802 +94 401 4 891722678 +94 402 4 891723261 +94 403 3 891723188 +94 404 4 891721615 +94 405 3 891721615 +94 410 4 891721494 +94 411 3 891724508 +94 412 2 891724485 +94 419 3 891721615 +94 420 4 891721317 +94 421 4 891721414 +94 423 4 885873302 +94 425 5 885870665 +94 428 5 891725332 +94 431 4 891721716 +94 432 4 885873089 +94 443 4 891721439 +94 447 4 891721562 +94 448 5 891722939 +94 451 4 891723494 +94 455 3 891721777 +94 458 4 891722306 +94 465 5 891721851 +94 467 4 885873423 +94 470 4 891722006 +94 471 4 891721642 +94 472 3 891723707 +94 474 5 885870322 +94 475 5 885870362 +94 483 5 885870115 +94 484 5 891720996 +94 496 3 885873159 +94 506 5 891721642 +94 508 5 891720712 +94 509 5 885873159 +94 510 5 885873089 +94 518 5 891720950 +94 525 5 891721439 +94 527 5 886008885 +94 528 5 885870323 +94 537 4 891722006 +94 541 3 891723525 +94 546 3 891723296 +94 549 5 891721528 +94 550 1 891723033 +94 556 3 891722882 +94 559 4 891721777 +94 561 3 891722882 +94 562 3 891721494 +94 566 2 891721815 +94 568 3 891721974 +94 569 1 891722980 +94 572 3 891723883 +94 576 2 891723593 +94 581 4 891722249 +94 583 3 891722174 +94 584 4 885872942 +94 585 3 891723494 +94 586 1 891723707 +94 587 4 891721078 +94 588 4 885873006 +94 589 5 891720786 +94 597 2 891723078 +94 603 4 891721414 +94 616 4 891720498 +94 622 3 891722609 +94 624 2 891723459 +94 625 4 891723086 +94 627 3 891722678 +94 629 4 891721286 +94 631 5 891720950 +94 636 4 891721351 +94 637 3 891723186 +94 642 4 891720590 +94 644 5 886008390 +94 646 5 885873006 +94 647 5 891720921 +94 650 5 885870612 +94 651 5 891725332 +94 652 4 891721167 +94 655 4 891720862 +94 657 5 891720761 +94 665 3 891723328 +94 670 3 891722249 +94 673 3 891721615 +94 674 3 891723748 +94 684 4 891721615 +94 685 4 891722382 +94 686 4 891720540 +94 690 4 891928703 +94 693 4 891720921 +94 696 4 891724381 +94 700 2 891723427 +94 703 3 891721562 +94 715 4 891722278 +94 716 3 885873006 +94 720 1 891723593 +94 721 2 891721078 +94 722 2 891723494 +94 723 3 891721851 +94 727 5 891722458 +94 728 2 891723748 +94 731 3 891723295 +94 732 3 891721216 +94 737 4 891723459 +94 738 2 891723558 +94 739 2 891723156 +94 741 4 891721352 +94 742 3 891722214 +94 744 4 891721462 +94 746 4 891721716 +94 750 4 891725501 +94 763 3 891722006 +94 765 3 891723619 +94 768 3 891722609 +94 783 2 891723495 +94 786 3 891723593 +94 789 4 891720887 +94 792 4 885873006 +94 797 2 891723848 +94 800 3 891723296 +94 806 4 885873302 +94 808 2 891723931 +94 809 2 891723155 +94 810 3 891723076 +94 820 1 891723186 +94 823 3 891722458 +94 824 4 891722882 +94 829 2 891724800 +94 860 2 891723706 +94 864 2 891723397 +94 921 5 891725332 +94 923 5 885882685 +94 932 2 891724691 +94 939 4 885873423 +94 942 4 891721749 +94 943 3 891722338 +94 946 3 891723217 +94 949 5 885873160 +94 961 4 891721317 +94 969 4 891721026 +94 993 4 891724303 +94 997 4 891723190 +94 1004 3 891723593 +94 1007 4 891724282 +94 1009 4 891722845 +94 1010 4 891721117 +94 1014 4 891724256 +94 1028 2 891723395 +94 1032 2 891723807 +94 1044 4 891722555 +94 1045 4 891721815 +94 1048 4 891722678 +94 1065 4 885872942 +94 1073 5 891720540 +94 1074 2 891723427 +94 1089 2 891724829 +94 1091 3 891722306 +94 1101 3 891720590 +94 1118 4 891722482 +94 1119 4 891723261 +94 1135 4 891722646 +94 1140 2 891723328 +94 1147 4 886008354 +94 1153 4 891721777 +94 1199 3 891724798 +94 1206 3 891723593 +94 1209 2 891723459 +94 1210 3 891723558 +94 1217 3 891723086 +94 1218 4 891722511 +94 1219 4 891722306 +94 1220 3 891722678 +94 1221 3 891721216 +94 1222 3 891723848 +94 1223 4 891721494 +94 1224 3 891722802 +94 1226 4 891724081 +95 1 5 879197329 +95 2 2 888955909 +95 3 1 879193881 +95 7 5 879197329 +95 8 5 879198262 +95 14 5 879197329 +95 15 4 879195062 +95 24 3 879192542 +95 25 3 879192597 +95 26 3 880571951 +95 28 4 879197603 +95 31 4 888954513 +95 32 1 888954726 +95 33 3 880571704 +95 43 2 880572356 +95 48 4 879197500 +95 49 3 879198604 +95 50 5 879197329 +95 51 4 879198353 +95 52 4 879198800 +95 62 4 879196354 +95 63 3 880572218 +95 64 5 879197685 +95 68 4 879196231 +95 69 5 879198210 +95 70 4 880571951 +95 71 5 880573288 +95 72 2 880571389 +95 73 4 879198161 +95 77 4 880571746 +95 78 3 888956901 +95 79 4 879196231 +95 82 3 879196408 +95 83 5 880573288 +95 88 4 880571016 +95 89 3 879196353 +95 90 2 880572166 +95 91 5 880573288 +95 94 5 880573288 +95 96 4 879196298 +95 98 4 879197385 +95 99 4 888954699 +95 101 1 879198800 +95 110 2 880572323 +95 111 4 879194012 +95 117 4 879193619 +95 121 4 879194114 +95 127 4 879195062 +95 128 3 879196354 +95 132 3 880570993 +95 135 3 879197562 +95 137 3 879192404 +95 140 3 879199014 +95 141 4 888954631 +95 142 4 880572249 +95 143 4 880571951 +95 144 5 879197329 +95 151 4 879193353 +95 153 5 879197022 +95 161 3 879196298 +95 168 4 879197970 +95 170 5 880573288 +95 172 4 879196847 +95 173 5 879198547 +95 174 5 879196231 +95 175 5 879197603 +95 176 3 879196298 +95 178 5 879197652 +95 179 3 880570909 +95 180 3 880570852 +95 181 4 879193353 +95 182 2 879198210 +95 183 5 879197329 +95 185 3 879197886 +95 186 5 880573288 +95 188 3 879196354 +95 190 4 888954513 +95 191 5 879198161 +95 193 3 879198482 +95 194 5 879197603 +95 195 5 879196231 +95 198 5 880570823 +95 199 5 880570964 +95 200 2 888954552 +95 202 4 879198209 +95 203 3 879198888 +95 204 5 879197562 +95 205 3 888954412 +95 207 5 880571164 +95 208 4 879198353 +95 210 5 879196566 +95 211 3 879197652 +95 215 4 879198109 +95 219 4 880572658 +95 226 4 879196513 +95 227 2 880572356 +95 229 3 879196408 +95 232 4 879196513 +95 233 4 879196354 +95 234 2 879197886 +95 238 5 880570823 +95 239 3 879198262 +95 241 3 879196408 +95 250 4 882803989 +95 265 3 879196513 +95 274 4 879193881 +95 275 3 879192819 +95 282 4 880573506 +95 286 5 879193353 +95 289 2 879191590 +95 290 3 879193973 +95 294 2 884266083 +95 328 5 888953921 +95 356 4 880571117 +95 357 4 879198317 +95 366 4 880572628 +95 371 2 888955909 +95 378 4 888954699 +95 381 4 880571678 +95 385 4 879196408 +95 386 2 880572356 +95 391 2 879196566 +95 392 3 880571428 +95 393 5 880571678 +95 395 3 888956928 +95 398 1 888956804 +95 399 4 880572449 +95 402 3 880571389 +95 403 1 879196457 +95 404 5 888954513 +95 415 3 888956582 +95 416 4 888954961 +95 417 3 888956158 +95 419 4 879198547 +95 420 4 888956001 +95 422 2 888956665 +95 423 5 880571479 +95 431 3 879196629 +95 432 3 879197886 +95 433 4 880571950 +95 436 5 879198547 +95 443 3 879198747 +95 445 4 888956272 +95 447 2 880572166 +95 448 3 879197783 +95 449 3 879196665 +95 450 2 880572787 +95 451 3 880572249 +95 462 4 879197022 +95 463 5 880573287 +95 471 5 884266051 +95 472 5 879197329 +95 473 4 879193353 +95 474 4 880570909 +95 483 3 879198697 +95 491 4 879197783 +95 496 4 879198746 +95 498 3 879197445 +95 505 3 888954513 +95 506 3 888954552 +95 507 4 880571226 +95 509 4 879197728 +95 510 4 879196188 +95 511 4 879196298 +95 514 2 888954076 +95 515 5 879197329 +95 518 4 888954076 +95 520 4 879197970 +95 523 4 879197562 +95 527 4 888954440 +95 532 4 881011974 +95 539 4 884266022 +95 542 2 888954039 +95 546 2 879196566 +95 550 4 879196748 +95 552 1 888956422 +95 554 3 879196748 +95 560 1 880572166 +95 566 2 879196594 +95 568 4 879196594 +95 573 1 888954808 +95 586 2 881599672 +95 588 3 879198800 +95 591 5 880573287 +95 596 2 879193651 +95 597 3 879194663 +95 622 4 880571678 +95 623 3 880572388 +95 625 4 888954412 +95 627 4 880572288 +95 631 4 880573627 +95 636 1 879196566 +95 640 3 880571746 +95 648 3 888954170 +95 649 4 880571678 +95 650 4 880572132 +95 651 5 879196594 +95 655 4 879198109 +95 657 5 879198697 +95 660 5 880571456 +95 671 3 880571045 +95 674 2 880572104 +95 675 2 888954310 +95 679 2 879196513 +95 683 4 879193353 +95 699 2 882804187 +95 705 5 880570964 +95 708 2 880571951 +95 712 2 888956400 +95 715 1 880572060 +95 716 3 879198109 +95 720 2 879196513 +95 728 3 882804159 +95 736 4 888954170 +95 737 3 879197021 +95 739 3 880572689 +95 742 4 879193512 +95 747 5 880573288 +95 768 1 888956272 +95 779 3 880572288 +95 787 2 888954930 +95 791 3 880572449 +95 815 3 879193708 +95 843 4 880572448 +95 855 3 888954609 +95 862 1 884266100 +95 878 1 881599623 +95 892 3 882803890 +95 946 3 888956489 +95 968 5 880571117 +95 971 3 879198262 +95 976 2 879195703 +95 1018 3 879198946 +95 1090 1 888956869 +95 1091 3 880572658 +95 1101 2 879197970 +95 1116 4 888956137 +95 1133 3 880572416 +95 1188 2 880572787 +95 1206 4 888956137 +95 1217 3 880572658 +95 1219 1 888956489 +95 1221 4 880572448 +95 1222 2 880572602 +95 1227 2 880572581 +95 1229 2 879198800 +95 1230 1 888956901 +95 1231 1 880572787 +96 1 5 884403574 +96 7 5 884403811 +96 8 5 884403020 +96 23 5 884403123 +96 42 1 884403214 +96 50 5 884402977 +96 56 5 884403336 +96 64 5 884403336 +96 79 4 884403500 +96 87 4 884403531 +96 91 5 884403250 +96 96 4 884403531 +96 98 5 884403214 +96 100 5 884403758 +96 153 4 884403624 +96 156 4 884402860 +96 170 5 884403866 +96 173 3 884402791 +96 174 5 884403020 +96 176 4 884403758 +96 181 5 884403687 +96 182 4 884402791 +96 185 5 884403866 +96 187 5 884402791 +96 190 4 884402978 +96 194 2 884403392 +96 195 5 884403159 +96 196 4 884403057 +96 198 5 884403465 +96 200 5 884403215 +96 216 4 884403095 +96 234 4 884403336 +96 238 4 884403250 +96 265 5 884403758 +96 318 5 884403057 +96 423 5 884403057 +96 435 3 884403500 +96 445 4 884403095 +96 474 4 884403095 +96 478 2 884403123 +96 479 4 884403758 +96 483 5 884403057 +96 484 5 884402860 +96 486 3 884403392 +96 514 4 884402977 +96 519 4 884402896 +96 525 2 884402860 +96 645 5 884403020 +96 673 4 884402860 +96 1154 5 884403993 +96 1232 5 884404017 +97 1 4 884238911 +97 7 5 884238939 +97 28 5 884238778 +97 32 5 884239791 +97 50 5 884239471 +97 69 5 884239616 +97 79 5 884238817 +97 82 4 884239552 +97 89 5 884238939 +97 96 5 884239712 +97 97 5 884239525 +97 98 4 884238728 +97 115 5 884239525 +97 132 5 884238693 +97 135 5 884238652 +97 153 5 884239686 +97 168 4 884238693 +97 172 4 884238939 +97 173 3 884238728 +97 174 4 884238817 +97 175 5 884239616 +97 183 5 884238911 +97 189 4 884238887 +97 191 5 884239472 +97 192 1 884238778 +97 193 4 884238997 +97 194 3 884238860 +97 197 3 884239655 +97 202 5 884239449 +97 204 5 884238966 +97 205 2 884238817 +97 208 5 884239744 +97 222 5 884238887 +97 228 5 884238860 +97 357 5 884239493 +97 408 5 884238652 +97 423 5 884239472 +97 428 4 884239553 +97 429 4 884238860 +97 430 5 884238693 +97 431 3 884239616 +97 432 4 884238997 +97 435 4 884238752 +97 466 3 884239449 +97 482 5 884238693 +97 484 3 884238966 +97 526 3 884239687 +97 655 5 884238860 +97 661 5 884238817 +97 663 5 884239791 +97 670 5 884239744 +97 919 5 884239616 +97 1126 3 884239687 +98 25 5 880499111 +98 47 4 880498898 +98 70 3 880499018 +98 88 3 880499087 +98 116 5 880499053 +98 163 3 880499053 +98 168 2 880498834 +98 173 1 880498935 +98 194 5 880498898 +98 209 2 880498935 +98 210 4 880498968 +98 211 4 880498797 +98 321 3 880498519 +98 322 3 880498586 +98 428 5 880498834 +98 514 5 880498898 +98 517 5 880498990 +98 523 5 880498967 +98 629 5 880499111 +98 655 3 880498861 +98 659 5 880498861 +98 745 3 880498935 +98 938 3 880498624 +98 988 1 880498668 +99 1 4 886518459 +99 3 3 885679237 +99 4 5 886519097 +99 7 4 885678784 +99 11 5 885680138 +99 12 5 885680458 +99 22 5 885679596 +99 25 3 885679025 +99 28 3 885680578 +99 50 5 885679998 +99 56 5 885679833 +99 64 5 885680578 +99 66 3 886519047 +99 69 4 885679833 +99 79 4 885680138 +99 92 4 885680837 +99 98 5 885679596 +99 100 5 885678813 +99 107 3 885679138 +99 111 1 885678886 +99 116 2 888469419 +99 117 5 885678784 +99 118 2 885679237 +99 121 3 885679261 +99 123 3 885678997 +99 124 2 885678886 +99 125 4 885678840 +99 168 5 885680374 +99 172 5 885679952 +99 174 5 885679705 +99 181 5 885680138 +99 182 4 886518810 +99 196 4 885680578 +99 201 3 885680348 +99 203 4 885680723 +99 204 4 885679952 +99 232 4 886519075 +99 237 5 885678886 +99 238 4 885680616 +99 245 3 885678500 +99 246 3 888469392 +99 255 3 888469419 +99 258 5 885678696 +99 265 3 885679833 +99 268 3 885678247 +99 273 5 886780105 +99 274 1 885679157 +99 275 1 888469419 +99 276 2 885678973 +99 288 4 885678247 +99 294 4 885678453 +99 300 4 885678397 +99 310 3 885678348 +99 312 2 885678576 +99 315 4 885678479 +99 322 3 885678499 +99 326 3 885678267 +99 328 4 885678696 +99 329 4 886518562 +99 331 3 885678247 +99 332 3 885678348 +99 338 4 885678539 +99 342 1 885678348 +99 345 3 885678696 +99 346 4 885678415 +99 348 4 886518562 +99 354 2 888469332 +99 358 2 885678520 +99 363 4 885679262 +99 367 4 886519075 +99 369 4 885679382 +99 402 4 885680617 +99 403 4 885680374 +99 405 4 885678813 +99 406 3 885679353 +99 409 2 885679411 +99 410 5 885679262 +99 413 3 885679299 +99 421 3 885680772 +99 433 4 886780105 +99 456 3 885679504 +99 471 4 885679091 +99 472 3 885679210 +99 473 4 885679353 +99 475 5 885678785 +99 508 4 885678840 +99 544 4 885679183 +99 546 4 885679353 +99 591 4 885678840 +99 595 4 885679504 +99 597 4 885679210 +99 619 4 885679091 +99 628 4 885678813 +99 676 4 885678886 +99 678 2 885678479 +99 682 2 885678371 +99 685 3 885678840 +99 694 1 885680616 +99 741 3 885678886 +99 742 5 885679114 +99 748 4 885678436 +99 751 4 885678397 +99 762 2 885679411 +99 763 5 885679138 +99 789 4 885680176 +99 815 2 885679237 +99 827 3 885679504 +99 829 4 885679382 +99 845 3 885679183 +99 871 2 885679411 +99 873 1 885678436 +99 895 3 885678304 +99 926 3 885679437 +99 963 3 885679998 +99 978 3 885679382 +99 1016 5 885678724 +99 1047 4 885679472 +99 1048 4 885679411 +99 1052 1 885679533 +99 1067 4 885679437 +99 1119 4 885680348 +100 266 2 891375484 +100 268 3 891374982 +100 271 3 891375260 +100 286 3 891375629 +100 288 2 891374603 +100 289 3 891375359 +100 292 2 891375146 +100 300 4 891375112 +100 302 4 891374528 +100 310 3 891375522 +100 313 5 891374706 +100 315 5 891375557 +100 316 5 891375313 +100 321 1 891375112 +100 323 3 891375359 +100 328 4 891375212 +100 333 3 891374528 +100 340 3 891374707 +100 342 3 891375454 +100 344 4 891374868 +100 346 3 891375630 +100 347 4 891375212 +100 348 3 891375630 +100 349 3 891375629 +100 354 2 891375260 +100 355 4 891375313 +100 678 3 891375428 +100 689 3 891375212 +100 690 4 891375629 +100 691 4 891375260 +100 750 4 891375016 +100 751 4 891374868 +100 752 4 891375146 +100 874 1 891374868 +100 879 4 891374946 +100 880 1 891375260 +100 885 2 891375359 +100 887 2 891374868 +100 892 2 891375484 +100 895 2 891375212 +100 898 4 891375454 +100 905 3 891375630 +100 908 1 891375068 +100 990 3 891375428 +100 1234 1 891375068 +100 1235 4 891375454 +100 1236 3 891375630 +100 1237 3 891375630 +100 1238 2 891375068 +101 1 3 877136039 +101 7 3 877135944 +101 24 4 877136391 +101 50 4 877135944 +101 109 2 877136360 +101 111 2 877136686 +101 117 4 877136067 +101 118 3 877136424 +101 121 4 877137015 +101 122 1 877136928 +101 123 2 877136186 +101 147 4 877136506 +101 181 4 877137015 +101 222 3 877136243 +101 225 3 877136814 +101 237 5 877137015 +101 252 3 877136628 +101 255 4 877137015 +101 257 4 877137015 +101 280 3 877136039 +101 281 2 877136842 +101 282 3 877135883 +101 284 4 877136564 +101 304 3 877135677 +101 369 2 877136928 +101 405 4 877137015 +101 471 3 877136535 +101 472 3 877136711 +101 546 4 877137015 +101 595 2 877136391 +101 596 3 877136564 +101 597 3 877136928 +101 742 4 877136302 +101 756 3 877136424 +101 763 3 877136789 +101 815 3 877136392 +101 819 1 877136424 +101 829 3 877136138 +101 831 3 877136954 +101 840 3 877136659 +101 841 2 877136763 +101 845 3 877136302 +101 866 4 877137015 +101 924 4 877136535 +101 928 2 877136302 +101 975 2 877136659 +101 1028 3 877136449 +101 1034 2 877136686 +101 1047 2 877136424 +101 1051 2 877136891 +101 1057 2 877136789 +101 1093 1 877136360 +101 1132 3 877136954 +102 1 3 883748352 +102 2 2 888801522 +102 4 2 888801522 +102 5 3 888803002 +102 7 2 888801407 +102 11 3 888801232 +102 29 1 888802677 +102 38 2 888801622 +102 47 2 888803636 +102 50 4 888801315 +102 53 2 888801577 +102 55 3 888801465 +102 56 3 888801360 +102 62 3 888801812 +102 66 3 892992129 +102 67 1 892993706 +102 70 3 888803537 +102 72 3 888803602 +102 79 2 888801316 +102 82 2 888801360 +102 83 3 888803487 +102 89 4 888801315 +102 91 3 883748488 +102 94 2 892993545 +102 96 3 888801316 +102 98 4 888802939 +102 99 2 883748488 +102 101 4 883748488 +102 102 3 883748488 +102 118 3 888801465 +102 121 3 888801673 +102 127 2 888801316 +102 144 3 888801360 +102 153 2 892991376 +102 154 3 888803708 +102 161 2 888801876 +102 163 2 892993190 +102 164 3 888803002 +102 167 2 892993927 +102 168 3 888803537 +102 172 3 888801232 +102 173 3 888803602 +102 174 4 888801360 +102 175 4 892991117 +102 176 3 888801360 +102 181 2 888801406 +102 182 3 889362833 +102 183 4 888801360 +102 184 2 888801465 +102 185 3 888802940 +102 186 4 888803487 +102 187 3 888801232 +102 188 2 888801812 +102 194 3 888803537 +102 195 4 888801360 +102 201 2 888803051 +102 202 4 892991269 +102 204 4 888803487 +102 208 4 888803537 +102 210 3 888801522 +102 211 3 892993190 +102 217 2 888803149 +102 218 3 888803002 +102 222 3 888801406 +102 227 4 888801673 +102 228 4 888801465 +102 229 3 888801623 +102 230 2 888801232 +102 231 2 888802319 +102 233 3 888801622 +102 234 3 888802940 +102 235 3 892993605 +102 239 3 888804089 +102 241 3 888802038 +102 245 3 883748222 +102 248 3 877915935 +102 260 2 883277645 +102 264 2 883277645 +102 271 2 888781860 +102 272 3 888112484 +102 286 3 883277645 +102 294 2 883277645 +102 298 3 875886827 +102 300 3 875886434 +102 301 3 885697464 +102 302 3 880680541 +102 307 4 883748222 +102 313 3 887048184 +102 316 3 889362833 +102 319 4 875886434 +102 322 3 883277645 +102 326 3 879082298 +102 327 2 884870872 +102 332 3 883277920 +102 338 2 887051723 +102 350 3 892990700 +102 358 3 888957092 +102 363 2 888801622 +102 373 2 888802508 +102 384 2 892993827 +102 385 3 888801577 +102 386 2 892993735 +102 391 2 888802767 +102 393 3 892993302 +102 399 2 888802722 +102 403 3 888801812 +102 405 2 888801812 +102 409 2 892993855 +102 418 3 883748450 +102 432 3 883748418 +102 435 3 888801315 +102 436 2 888803051 +102 443 3 888803148 +102 444 1 888803245 +102 445 2 888803148 +102 447 4 888803002 +102 448 3 888803002 +102 449 4 888802176 +102 450 1 888802768 +102 501 2 883748418 +102 502 3 888803738 +102 510 4 888801316 +102 511 3 888801407 +102 515 1 888801316 +102 524 3 888803537 +102 530 3 888801577 +102 548 2 885126313 +102 550 2 888801812 +102 554 2 888801577 +102 559 3 888803052 +102 565 2 888803395 +102 566 2 888801876 +102 568 2 888801232 +102 576 2 888802722 +102 577 3 892993895 +102 578 2 888801876 +102 588 4 883748450 +102 597 3 888801673 +102 625 3 883748418 +102 629 3 888803488 +102 635 2 888803148 +102 636 3 888801577 +102 650 3 888801063 +102 652 2 892992129 +102 663 3 892993190 +102 665 1 888802319 +102 667 3 888803002 +102 671 3 888803002 +102 672 1 888803148 +102 675 3 888802940 +102 684 2 888802176 +102 685 3 888801876 +102 686 3 888801673 +102 689 3 883277481 +102 720 2 888801812 +102 732 3 888804089 +102 734 2 892993786 +102 746 2 892993190 +102 748 3 888800994 +102 751 3 885100000 +102 760 1 888803245 +102 768 2 883748450 +102 771 2 888802508 +102 778 3 892991448 +102 785 2 892991376 +102 792 3 892992297 +102 797 2 888802722 +102 809 3 888802768 +102 810 2 888802508 +102 823 3 888801465 +102 827 2 888802722 +102 831 2 888802508 +102 840 2 888802508 +102 841 2 888802319 +102 866 2 892993545 +102 879 3 879443144 +102 892 2 883278138 +102 930 2 888802677 +102 947 3 888801360 +102 986 1 888802319 +102 993 2 883748352 +102 1025 2 883278200 +102 1030 1 892994075 +102 1052 2 892993983 +102 1076 2 883748527 +102 1228 1 888802508 +102 1239 2 888802319 +102 1240 2 883748450 +103 24 4 880415847 +103 50 5 880416864 +103 56 5 880416602 +103 69 3 880420585 +103 96 4 880422009 +103 98 3 880420565 +103 117 4 880416313 +103 121 3 880415766 +103 126 5 880420002 +103 127 4 880416331 +103 144 4 880420510 +103 204 3 880423118 +103 222 3 880415875 +103 234 3 880420353 +103 250 4 880415918 +103 252 2 880420020 +103 255 5 880416423 +103 257 3 880415892 +103 294 4 880416515 +103 300 3 880416727 +103 301 4 880416704 +103 405 3 880416424 +103 471 4 880416921 +103 527 5 880416238 +103 1089 1 880420178 +104 3 3 888465739 +104 7 3 888465972 +104 9 2 888465201 +104 10 2 888465413 +104 13 3 888465634 +104 25 3 888465634 +104 100 4 888465166 +104 111 1 888465675 +104 117 2 888465972 +104 121 2 888466002 +104 122 3 888465739 +104 126 4 888465513 +104 130 1 888465554 +104 147 3 888466002 +104 150 5 888465225 +104 181 5 888465972 +104 222 3 888465319 +104 235 2 888465675 +104 237 3 888465263 +104 245 2 888442404 +104 246 3 888465319 +104 248 2 888465604 +104 249 3 888465675 +104 255 1 888465604 +104 257 4 888465582 +104 258 3 888442249 +104 268 3 888442172 +104 269 5 888441878 +104 273 3 888465972 +104 276 4 888465290 +104 282 3 888465166 +104 283 4 888465582 +104 285 4 888465201 +104 286 1 888442304 +104 287 2 888465347 +104 288 2 888442140 +104 289 4 888442112 +104 290 4 888465739 +104 293 3 888465166 +104 294 3 888442404 +104 299 3 888442436 +104 300 3 888442275 +104 301 2 888442275 +104 302 5 888441877 +104 307 2 888442249 +104 310 2 888442275 +104 311 1 888442112 +104 312 3 888442485 +104 313 4 888441878 +104 316 4 888442461 +104 324 1 888442404 +104 325 1 888442552 +104 327 2 888442202 +104 328 3 888442249 +104 331 3 888442140 +104 333 2 888442305 +104 340 3 888441878 +104 342 3 888442437 +104 345 4 888442171 +104 346 3 888442172 +104 347 2 888442140 +104 354 3 888442202 +104 405 3 888466028 +104 407 2 888465936 +104 411 1 888465739 +104 412 3 888465900 +104 456 3 888465853 +104 471 3 888465290 +104 475 4 888465582 +104 508 2 888465201 +104 534 2 888465554 +104 544 3 888465413 +104 546 1 888465491 +104 628 4 888465347 +104 678 2 888442404 +104 713 3 888465491 +104 744 1 888465413 +104 748 2 888442461 +104 751 4 888442337 +104 756 2 888465739 +104 823 1 888465554 +104 827 2 888466086 +104 840 1 888466086 +104 845 3 888465634 +104 984 1 888442575 +104 1010 1 888465554 +104 1011 3 888465201 +104 1012 4 888465708 +104 1016 1 888466002 +104 1017 1 888465634 +104 1115 4 888465263 +104 1226 3 888465347 +104 1241 1 888465379 +105 258 5 889214306 +105 264 2 889214491 +105 268 4 889214268 +105 269 4 889214193 +105 270 5 889214245 +105 271 2 889214245 +105 272 4 889214284 +105 286 4 889214306 +105 288 4 889214335 +105 302 5 889214193 +105 307 2 889214381 +105 313 5 889214193 +105 324 4 889214245 +105 327 4 889214406 +105 333 3 889214268 +105 340 3 889214245 +105 343 2 889214524 +105 347 3 889214334 +105 690 3 889214306 +105 748 2 889214406 +105 751 2 889214381 +105 752 3 889214406 +105 880 3 889214335 +106 1 4 881449487 +106 8 4 881452405 +106 9 4 883876572 +106 12 4 881451234 +106 15 3 883876518 +106 22 4 881449830 +106 25 4 881451016 +106 45 3 881453290 +106 48 3 881453290 +106 59 4 881453318 +106 64 4 881449830 +106 69 4 881449886 +106 70 3 881452355 +106 77 4 881451716 +106 82 3 881453290 +106 86 3 881451355 +106 88 3 881453097 +106 97 5 881450810 +106 100 3 881449487 +106 107 4 883876961 +106 161 3 881452816 +106 162 5 881450758 +106 165 5 881450536 +106 194 5 881450758 +106 196 5 881450578 +106 210 4 881450810 +106 211 4 881452532 +106 213 4 881453065 +106 216 5 881452998 +106 223 4 881450440 +106 273 3 881453290 +106 274 3 883876146 +106 275 4 883877219 +106 280 2 883876680 +106 285 4 883876206 +106 286 4 881449486 +106 313 4 888706075 +106 318 5 881449830 +106 435 3 881452355 +106 463 3 881453413 +106 526 4 881452685 +106 582 4 881451199 +106 584 4 881453481 +106 660 4 881451631 +106 684 4 881452763 +106 692 3 881453290 +106 699 4 881451421 +106 703 4 881450039 +106 712 3 881452599 +106 778 4 881453040 +106 828 2 883876872 +106 923 4 881453355 +106 956 3 881453290 +106 1028 3 883876085 +106 1115 4 883876833 +106 1242 4 881516731 +107 258 4 891264466 +107 268 4 891264387 +107 269 5 891264267 +107 271 2 891264432 +107 286 2 891264266 +107 288 3 891264432 +107 300 1 891264432 +107 302 4 891264296 +107 305 4 891264327 +107 313 2 891264266 +107 321 2 891264432 +107 322 1 891264535 +107 323 1 891264566 +107 325 3 891264659 +107 327 3 891264501 +107 333 3 891264267 +107 340 5 891264356 +107 902 5 891264501 +107 1243 3 891264466 +108 1 4 879879720 +108 7 5 879879812 +108 10 5 879879834 +108 13 3 879879834 +108 14 5 879879720 +108 21 3 879880141 +108 50 4 879879739 +108 100 4 879879720 +108 121 3 879880190 +108 125 3 879879864 +108 127 4 879879720 +108 137 5 879879941 +108 181 3 879879985 +108 222 2 879879720 +108 237 3 879879796 +108 252 3 879879961 +108 255 2 879880094 +108 275 5 879879739 +108 281 4 879879985 +108 282 3 879880055 +108 284 3 879879911 +108 290 4 879880076 +108 294 4 879879662 +108 304 3 879879662 +108 319 5 879879662 +108 471 2 879880076 +108 515 5 879879941 +108 718 4 879879985 +108 748 3 879879662 +109 1 4 880563619 +109 4 2 880572756 +109 5 3 880580637 +109 7 4 880563080 +109 8 3 880572642 +109 9 3 880564607 +109 11 4 880572786 +109 12 4 880577542 +109 22 4 880572950 +109 25 4 880571741 +109 28 3 880572721 +109 29 3 880582783 +109 31 4 880577844 +109 42 1 880572756 +109 50 5 880563331 +109 53 4 880583336 +109 55 2 880572756 +109 56 5 880577804 +109 58 4 880572950 +109 62 3 880578711 +109 63 3 880582679 +109 64 2 880572560 +109 67 5 880580719 +109 68 3 880582469 +109 69 4 880572561 +109 70 4 880578038 +109 71 4 880578066 +109 72 5 880577892 +109 77 4 880578388 +109 79 5 880572721 +109 82 5 880572680 +109 88 4 880581942 +109 89 4 880573263 +109 90 3 880583192 +109 91 4 880582384 +109 94 4 880579787 +109 96 5 880572614 +109 97 3 880578711 +109 98 4 880572755 +109 100 4 880563080 +109 101 1 880578186 +109 117 5 880564457 +109 118 3 880571801 +109 121 5 880571741 +109 122 2 880583493 +109 125 5 880564534 +109 127 2 880563471 +109 131 1 880579757 +109 144 4 880572560 +109 147 4 880564679 +109 151 5 880571661 +109 154 2 880578121 +109 156 5 880573084 +109 157 4 880577961 +109 158 1 880579916 +109 159 4 880578121 +109 162 2 880578358 +109 164 5 880578066 +109 172 5 880572528 +109 173 5 880572786 +109 174 5 880572721 +109 175 1 880577734 +109 176 5 880577868 +109 177 4 880578358 +109 178 3 880572950 +109 179 4 880577961 +109 180 3 880581127 +109 181 5 880563471 +109 183 5 880572528 +109 195 5 880578038 +109 196 4 880578358 +109 200 2 880577734 +109 204 4 880577844 +109 209 1 880572756 +109 211 5 880578230 +109 214 1 880577604 +109 215 3 880578598 +109 216 3 880572891 +109 218 4 880578633 +109 223 4 880572588 +109 226 5 880578503 +109 228 5 880577604 +109 230 5 880579107 +109 231 3 880582976 +109 233 4 880578502 +109 237 4 880571770 +109 239 4 880578632 +109 245 3 880562908 +109 248 2 880564415 +109 250 2 880563471 +109 252 5 880571629 +109 257 5 880563331 +109 258 5 880562908 +109 265 5 880578185 +109 278 3 880571770 +109 281 2 880571919 +109 282 3 880564678 +109 291 3 880571801 +109 294 4 880562908 +109 295 4 880564707 +109 318 4 880572680 +109 322 2 880562908 +109 323 3 880562908 +109 332 3 880562908 +109 356 4 880578711 +109 357 2 880572528 +109 358 2 880562908 +109 373 5 880583241 +109 380 5 880578093 +109 385 4 880577961 +109 386 1 880579916 +109 388 5 880583308 +109 392 3 880579237 +109 393 4 880579237 +109 402 4 880581344 +109 403 5 880581719 +109 409 2 880571920 +109 410 1 880564534 +109 411 4 880572296 +109 413 3 880572382 +109 423 4 880577514 +109 425 2 880582317 +109 441 2 880582633 +109 449 5 880581987 +109 451 5 880583192 +109 452 2 880583753 +109 472 2 880571715 +109 475 1 880563641 +109 476 3 880571831 +109 520 5 880572642 +109 531 4 880578066 +109 546 3 880571979 +109 550 5 880579107 +109 552 2 880582414 +109 559 3 880579709 +109 566 4 880578814 +109 568 5 880578186 +109 572 3 880583308 +109 584 2 880581127 +109 588 4 880578388 +109 595 3 880572108 +109 597 2 880571715 +109 627 5 880582133 +109 628 2 880564640 +109 631 3 880579371 +109 665 5 880582384 +109 672 2 880582045 +109 722 3 880583493 +109 735 5 880577989 +109 739 4 880579107 +109 742 5 880564457 +109 762 3 880571831 +109 763 2 880571715 +109 790 2 880580662 +109 796 3 880582856 +109 797 3 880582856 +109 809 4 880582945 +109 810 3 880583410 +109 820 3 880572382 +109 823 3 880572296 +109 826 3 880572064 +109 831 2 880572296 +109 845 4 880571684 +109 849 2 880582384 +109 866 4 880571872 +109 871 2 880572350 +109 924 3 880564415 +109 928 3 880572134 +109 930 3 880572351 +109 931 2 880572407 +109 940 3 880583133 +109 944 3 880579107 +109 949 3 880582384 +109 975 3 880572351 +109 986 2 880572382 +109 1011 3 880571872 +109 1012 4 880564570 +109 1013 3 880572296 +109 1014 4 880571979 +109 1016 5 880571661 +109 1023 2 880572350 +109 1028 4 880571831 +109 1035 2 880579787 +109 1039 2 880579418 +109 1060 4 880571661 +109 1074 4 880583308 +109 1135 4 880582976 +109 1139 2 880583463 +109 1157 4 880583646 +109 1161 3 880564678 +109 1210 3 880582230 +109 1222 4 880579758 +109 1228 3 880582758 +109 1244 3 880571872 +109 1245 2 880571872 +110 2 3 886988536 +110 11 4 886987922 +110 22 4 886987826 +110 28 4 886987979 +110 29 3 886988374 +110 31 3 886989057 +110 33 4 886988631 +110 38 3 886988574 +110 41 4 886989399 +110 54 4 886988202 +110 55 3 886988449 +110 56 1 886988449 +110 63 3 886989363 +110 64 4 886987894 +110 67 3 886989566 +110 68 2 886988631 +110 69 4 886987860 +110 77 4 886988202 +110 79 4 886988480 +110 82 4 886988480 +110 94 4 886989473 +110 96 4 886988449 +110 173 1 886988909 +110 188 4 886988574 +110 195 2 886988480 +110 196 4 886987978 +110 202 2 886988909 +110 204 3 886989276 +110 212 1 886988100 +110 215 3 886987894 +110 226 3 886988536 +110 230 3 886988750 +110 231 1 886988664 +110 232 3 886988449 +110 233 4 886988535 +110 238 3 886989340 +110 245 3 886987540 +110 258 4 886987183 +110 288 4 886987145 +110 294 3 886987540 +110 300 3 886987380 +110 301 2 886987505 +110 307 4 886987260 +110 313 5 886987183 +110 315 4 886987726 +110 325 3 886987561 +110 327 3 886987442 +110 332 3 886987287 +110 338 1 886987540 +110 340 3 886987183 +110 364 3 886989612 +110 367 3 886989340 +110 376 2 886989340 +110 384 2 886989524 +110 401 3 886989399 +110 402 4 886988293 +110 403 3 886988134 +110 421 4 886988873 +110 423 4 886987952 +110 451 4 886988909 +110 540 3 886988793 +110 550 3 886988664 +110 568 3 886988449 +110 569 4 886988321 +110 575 3 886989566 +110 576 2 886988574 +110 578 3 886988536 +110 585 2 886989473 +110 586 3 886988536 +110 651 4 886988018 +110 658 3 886988065 +110 682 4 886987354 +110 684 4 886988480 +110 688 1 886987605 +110 689 3 886987584 +110 715 2 886989440 +110 722 3 886989028 +110 732 3 886988018 +110 734 2 886989566 +110 739 4 886988937 +110 748 3 886987478 +110 751 3 886987183 +110 759 3 886988850 +110 765 3 886989028 +110 779 3 886988793 +110 780 3 886989566 +110 783 3 886988967 +110 790 4 886989399 +110 791 2 886989473 +110 794 3 886988909 +110 802 3 886988793 +110 806 3 886987952 +110 849 3 886988664 +110 873 2 886987505 +110 895 2 886987354 +110 905 3 886987236 +110 939 4 886988042 +110 944 3 886989501 +110 947 3 886988574 +110 1055 2 886988134 +110 1179 2 886989501 +110 1188 4 886988818 +110 1206 3 886988321 +110 1210 3 886989191 +110 1218 3 886989473 +110 1222 2 886989191 +110 1228 3 886988689 +110 1229 3 886988374 +110 1231 2 886988664 +110 1246 2 886989613 +110 1247 2 886988413 +110 1248 3 886989126 +110 1249 3 886989612 +110 1250 3 886988818 +111 242 4 891679901 +111 258 4 891679692 +111 269 5 891679692 +111 272 3 891679692 +111 286 4 891680076 +111 301 4 891680028 +111 303 3 891680028 +111 304 4 891679840 +111 307 2 891680243 +111 311 4 891680028 +111 313 4 891679901 +111 321 3 891680076 +111 326 3 891680131 +111 328 4 891679939 +111 333 4 891680028 +111 340 4 891679692 +111 344 2 891680243 +111 887 3 891679692 +111 896 2 891680243 +111 1024 3 891679939 +112 258 3 884992484 +112 269 3 884992651 +112 286 4 884992484 +112 289 5 884992690 +112 300 4 884992508 +112 301 3 884992566 +112 302 4 886398509 +112 303 4 884992535 +112 306 5 891299783 +112 307 4 884992585 +112 310 4 884992444 +112 312 5 884992872 +112 313 5 884992444 +112 315 5 891299783 +112 316 5 892439693 +112 321 3 884992484 +112 322 4 884992690 +112 323 3 884992651 +112 325 1 884992714 +112 327 1 884992535 +112 328 4 884992566 +112 331 4 884992603 +112 332 4 886398611 +112 333 4 884992566 +112 339 4 892439990 +112 346 5 891307980 +112 347 1 891302716 +112 354 3 891304031 +112 678 3 884992714 +112 689 4 884992668 +112 690 4 884992462 +112 748 3 884992651 +112 750 4 884992444 +112 754 4 884992508 +112 879 4 884992566 +112 887 5 884992444 +112 888 4 886398699 +112 903 1 892440172 +112 937 4 884992801 +112 984 3 884992651 +112 1106 4 892439835 +113 7 3 875076827 +113 50 5 875076416 +113 100 4 875935610 +113 116 3 875076246 +113 124 3 875076307 +113 126 5 875076827 +113 127 4 875935610 +113 222 3 875076872 +113 237 3 875076246 +113 242 2 875075887 +113 246 5 875076872 +113 257 5 875935609 +113 262 2 875075983 +113 268 4 875935609 +113 273 4 875935609 +113 277 3 875076416 +113 286 4 875325377 +113 292 3 875076105 +113 294 4 875935277 +113 299 5 875076986 +113 300 3 875075887 +113 303 5 875935244 +113 319 2 875075887 +113 321 3 875075887 +113 322 3 875076044 +113 323 4 875325377 +113 324 2 875076180 +113 325 4 875935610 +113 326 5 875935609 +113 327 5 875076987 +113 328 5 875076044 +113 329 3 875935312 +113 333 4 875935609 +113 424 1 875076357 +113 508 4 875325377 +113 595 5 875936424 +113 678 2 875076044 +113 742 3 875076827 +113 874 5 875935338 +113 948 3 875935312 +113 975 5 875936424 +113 976 5 875936424 +113 979 5 875936424 +113 1252 4 875935610 +114 56 3 881260545 +114 89 5 881260024 +114 96 3 881259955 +114 100 5 881259927 +114 135 4 881260611 +114 153 3 881309622 +114 156 4 881309662 +114 157 2 881260611 +114 171 4 881309511 +114 172 5 881259495 +114 175 5 881259955 +114 176 5 881260203 +114 179 5 881260611 +114 180 3 881309718 +114 182 3 881259994 +114 183 5 881260545 +114 186 3 881260352 +114 191 3 881309511 +114 195 4 881260861 +114 197 4 881260506 +114 200 3 881260409 +114 204 3 881260441 +114 210 3 881309511 +114 224 3 881259839 +114 269 4 881256090 +114 318 3 881259495 +114 357 4 881259525 +114 482 4 881259839 +114 483 4 881260246 +114 485 3 881260409 +114 496 4 881259994 +114 505 3 881260203 +114 507 3 881260303 +114 520 3 881260473 +114 522 5 881309662 +114 527 3 881309586 +114 640 2 881260303 +114 646 4 881260473 +114 654 3 881259741 +114 655 3 881260506 +114 659 4 881259495 +114 679 2 881259741 +114 855 3 881260473 +114 1104 5 881260352 +115 4 4 881172117 +115 7 5 881171982 +115 8 5 881171982 +115 9 5 881171982 +115 11 4 881171348 +115 12 5 881171982 +115 13 5 881171983 +115 20 3 881171009 +115 22 3 881171273 +115 23 5 881171348 +115 32 5 881171348 +115 33 4 881171693 +115 50 5 881172049 +115 56 5 881171409 +115 69 1 881171825 +115 77 2 881171623 +115 79 4 881171273 +115 82 4 881172117 +115 83 3 881172183 +115 89 5 881172049 +115 92 4 881172049 +115 93 3 881170332 +115 96 3 881172117 +115 98 3 881171409 +115 100 5 881171982 +115 117 4 881171009 +115 121 3 881170065 +115 127 5 881171760 +115 172 4 881171273 +115 174 5 881171137 +115 177 5 881172117 +115 178 5 881172246 +115 181 4 881172049 +115 183 5 881171488 +115 185 5 881171409 +115 187 5 881171203 +115 192 5 881171137 +115 218 3 881171623 +115 228 4 881171488 +115 234 5 881171982 +115 237 2 881171075 +115 265 2 881171488 +115 269 3 881169559 +115 273 4 881169984 +115 302 4 881169559 +115 310 3 881169559 +115 357 5 881171982 +115 431 4 881171558 +115 443 4 881171622 +115 462 4 881171273 +115 466 5 881171558 +115 470 2 881171694 +115 471 2 881170791 +115 475 5 881170252 +115 496 1 881171203 +115 508 5 881170438 +115 511 5 881172117 +115 530 5 881172117 +115 543 2 881172303 +115 558 5 881171203 +115 596 1 881170663 +115 628 5 881169883 +115 642 5 881171693 +115 644 3 881172183 +115 657 3 881171488 +115 673 3 881171558 +115 684 3 881171489 +115 696 4 881169984 +115 762 4 881170508 +115 763 2 881170725 +115 772 4 881171273 +115 847 4 881170844 +115 922 3 881170252 +115 952 5 881170998 +115 969 1 881172183 +115 1008 5 881171982 +115 1067 4 881171009 +115 1073 5 881171488 +116 7 2 876453915 +116 20 3 892683858 +116 47 3 876454238 +116 56 5 886310197 +116 65 2 876454052 +116 116 3 876453733 +116 124 3 876453733 +116 127 5 876454257 +116 137 2 876454308 +116 145 2 876452980 +116 180 5 886310197 +116 185 3 876453519 +116 187 5 886310197 +116 191 4 876453961 +116 193 4 876453681 +116 195 4 876453626 +116 199 4 876454174 +116 203 5 876453915 +116 246 5 876452405 +116 248 3 876452492 +116 249 2 876452705 +116 250 4 876452606 +116 252 2 876453376 +116 253 3 876452492 +116 255 3 876452524 +116 257 3 876452523 +116 258 4 876451911 +116 259 4 876452186 +116 260 2 887605412 +116 262 3 876751342 +116 264 3 876452186 +116 268 5 886310197 +116 269 3 886309452 +116 270 3 879864042 +116 271 4 886310197 +116 275 2 876453519 +116 285 4 876454023 +116 286 3 876451911 +116 288 3 886309812 +116 292 4 876453847 +116 294 2 876453376 +116 295 3 876452582 +116 297 3 890633075 +116 298 3 876452555 +116 299 3 876452133 +116 300 3 876452094 +116 301 3 892683732 +116 302 3 876451911 +116 304 2 876453376 +116 306 3 876751342 +116 310 4 886309549 +116 311 3 886978067 +116 313 5 886978155 +116 322 2 876452186 +116 324 2 876452133 +116 325 3 876452186 +116 326 2 876453376 +116 328 3 876452186 +116 331 3 876451911 +116 332 3 876451998 +116 333 2 876452054 +116 343 2 881246552 +116 344 5 892683820 +116 346 4 886310197 +116 347 2 886309481 +116 349 2 886977905 +116 350 3 886977926 +116 358 2 876452094 +116 390 4 876454090 +116 421 3 876453800 +116 484 4 886310197 +116 511 4 876453519 +116 519 5 886310197 +116 531 2 876453519 +116 532 2 876452651 +116 582 3 876453626 +116 596 5 876452854 +116 603 3 876454174 +116 604 3 876454174 +116 640 3 876453560 +116 650 2 876452806 +116 655 4 886309958 +116 661 4 876454023 +116 690 3 877934548 +116 730 4 876453519 +116 748 2 876452186 +116 750 4 886309481 +116 751 3 890131577 +116 758 1 876452980 +116 760 3 886309812 +116 806 4 876453800 +116 840 1 886309958 +116 872 3 876452228 +116 879 2 876452094 +116 880 3 876680723 +116 887 3 881246591 +116 888 2 886309958 +116 895 2 886309812 +116 900 4 888311676 +116 903 2 890632956 +116 905 2 890131519 +116 914 2 892683732 +116 916 2 892683699 +116 942 3 876454090 +116 993 2 876453376 +116 1013 3 876453222 +116 1016 2 876453376 +116 1082 3 876453171 +116 1089 2 876453376 +116 1214 3 876453422 +116 1216 3 876452582 +116 1220 2 876453865 +116 1226 2 876454090 +116 1244 2 876453191 +116 1253 2 876454109 +116 1254 2 876453377 +116 1256 1 876453222 +116 1257 1 876452651 +116 1258 2 876453376 +117 1 4 880126083 +117 11 5 881011824 +117 12 5 881011350 +117 15 5 880125887 +117 25 4 881009470 +117 33 4 881011697 +117 50 5 880126022 +117 56 5 881011807 +117 98 4 881012430 +117 109 4 880126336 +117 117 5 880126461 +117 121 4 880126038 +117 122 2 886022187 +117 132 4 881012110 +117 143 1 881012472 +117 144 4 881011807 +117 150 4 880125101 +117 151 4 880126373 +117 164 5 881011727 +117 168 5 881012550 +117 172 5 881012623 +117 173 5 881011697 +117 174 4 881011393 +117 176 5 881012028 +117 179 5 881012776 +117 181 5 880124648 +117 184 3 881012601 +117 195 5 881012255 +117 210 4 881012293 +117 214 5 881012193 +117 222 5 886020290 +117 237 4 880126232 +117 240 3 880126038 +117 249 4 880125911 +117 252 3 881010322 +117 257 5 880125911 +117 258 4 880126022 +117 268 5 880124306 +117 271 4 880124397 +117 282 5 880126295 +117 288 3 880124254 +117 298 5 886020525 +117 307 5 880124339 +117 313 5 886018980 +117 338 3 886019636 +117 358 4 880124509 +117 368 3 881010610 +117 405 5 880126174 +117 406 3 881010556 +117 411 3 880126232 +117 421 5 881012601 +117 423 4 881012472 +117 475 5 880125746 +117 546 3 881009758 +117 588 3 881011697 +117 597 4 881010052 +117 628 5 881012174 +117 678 4 880124435 +117 742 4 880126022 +117 743 1 881010401 +117 748 3 880124378 +117 751 5 886018996 +117 758 2 881011217 +117 763 5 881009890 +117 772 4 881012728 +117 789 4 881011413 +117 829 3 881010219 +117 886 5 880124413 +117 895 2 886019030 +117 928 3 881009471 +117 931 3 881010728 +117 977 3 881009738 +117 1012 4 881008815 +117 1014 3 886021192 +117 1016 5 881008815 +117 1047 2 881009697 +117 1057 2 881010401 +117 1059 3 881008632 +117 1095 3 881010938 +118 5 2 875385256 +118 7 5 875385198 +118 17 3 875385257 +118 22 5 875385136 +118 23 5 875384979 +118 32 5 875384979 +118 53 5 875385280 +118 55 5 875385099 +118 56 5 875385198 +118 79 5 875384885 +118 98 5 875384979 +118 100 5 875384751 +118 132 4 875384793 +118 134 5 875384916 +118 135 5 875384591 +118 156 5 875384946 +118 164 5 875385386 +118 171 5 875384825 +118 172 5 875384751 +118 174 5 875385007 +118 176 5 875384793 +118 179 5 875384612 +118 180 5 875385136 +118 184 5 875385057 +118 185 5 875384979 +118 188 5 875384669 +118 193 5 875384793 +118 200 5 875384647 +118 210 5 875384825 +118 217 3 875385257 +118 218 5 875385386 +118 223 5 875385386 +118 234 5 875385386 +118 288 5 875385386 +118 317 5 875384885 +118 320 5 875385386 +118 324 4 875384444 +118 396 5 875385335 +118 413 4 875385306 +118 421 4 875384946 +118 427 5 875384751 +118 433 5 875384793 +118 436 5 875385280 +118 474 5 875384571 +118 475 5 875384793 +118 508 4 875385057 +118 511 5 875384885 +118 513 5 875384751 +118 528 4 875384514 +118 547 5 875385228 +118 551 5 875385306 +118 559 4 875385306 +118 564 1 875385335 +118 603 4 875384916 +118 641 5 875385386 +118 654 5 875385007 +118 655 5 875385136 +118 675 5 875385386 +118 774 5 875385198 +118 800 4 875385280 +118 816 3 875385335 +118 853 5 875385228 +118 919 5 875385386 +118 960 5 875385136 +118 1079 4 875385442 +119 7 5 874775185 +119 11 5 874781198 +119 12 3 874781915 +119 22 4 874781698 +119 23 3 874782100 +119 24 4 886177076 +119 25 5 886177013 +119 28 5 874782022 +119 31 5 874781779 +119 40 4 886176993 +119 50 5 874774718 +119 52 3 890627339 +119 54 4 886176814 +119 56 4 874781198 +119 64 4 874781460 +119 82 2 874781352 +119 83 4 886176922 +119 86 4 874782068 +119 87 5 874781829 +119 93 4 874775262 +119 96 5 874781257 +119 100 5 874774575 +119 105 2 874775849 +119 109 5 874775580 +119 111 5 886176779 +119 117 5 874775535 +119 121 4 874775311 +119 124 4 874781994 +119 125 5 874775262 +119 132 5 874782228 +119 144 4 887038665 +119 147 4 886176486 +119 154 5 874782022 +119 168 5 874781351 +119 172 4 874782191 +119 174 4 874781303 +119 182 4 874781303 +119 188 4 874781742 +119 193 4 874781872 +119 194 5 874781257 +119 196 5 886177162 +119 199 5 874781994 +119 204 4 886177659 +119 209 4 886177544 +119 210 5 874781407 +119 213 5 874781257 +119 222 5 874775311 +119 226 3 887038665 +119 235 5 874774956 +119 237 5 874775038 +119 245 4 886176618 +119 250 2 874775731 +119 254 2 874781037 +119 257 4 874775614 +119 258 2 887037225 +119 268 5 886175117 +119 269 3 892564213 +119 271 4 886175150 +119 272 5 886611471 +119 274 4 874775580 +119 275 5 874774575 +119 276 2 874775262 +119 282 5 874775136 +119 287 4 874775465 +119 288 4 886175150 +119 294 1 892564313 +119 298 4 874775038 +119 299 4 890626446 +119 300 5 874774286 +119 301 4 886176779 +119 310 5 886175117 +119 313 5 886176135 +119 315 5 886175571 +119 316 4 890626706 +119 322 4 874774449 +119 323 4 874774449 +119 328 4 876923913 +119 329 3 886433226 +119 332 4 886175313 +119 338 1 892565167 +119 348 3 886433226 +119 349 3 887038665 +119 382 5 874781742 +119 385 5 874781994 +119 392 4 886176814 +119 407 3 887038665 +119 412 4 874775136 +119 449 5 874782190 +119 451 5 891286958 +119 455 4 874774719 +119 458 5 874774575 +119 459 4 887038711 +119 471 4 886177338 +119 472 4 874775406 +119 473 3 874775647 +119 475 4 874775580 +119 486 4 874781547 +119 492 5 874781198 +119 511 5 874781407 +119 526 2 886177762 +119 537 5 886176618 +119 544 2 886177206 +119 546 4 874775914 +119 550 4 887038665 +119 562 4 886177206 +119 568 4 874781915 +119 591 4 886177235 +119 595 3 874781067 +119 597 4 874775465 +119 616 2 886177206 +119 628 4 874775185 +119 655 5 874781628 +119 658 5 874782127 +119 684 4 886177338 +119 685 4 886177048 +119 689 4 886175431 +119 697 5 874782068 +119 710 4 886177162 +119 716 5 874782190 +119 717 3 874775945 +119 718 5 874774956 +119 727 5 887038711 +119 741 4 874774815 +119 742 5 874775406 +119 751 3 886175361 +119 755 1 886176678 +119 762 4 874775465 +119 813 4 874774956 +119 823 3 874775406 +119 825 3 874780860 +119 827 3 874775815 +119 829 5 874775406 +119 831 2 874775980 +119 845 4 886176922 +119 866 3 874774575 +119 879 5 875720232 +119 916 1 892564442 +119 917 4 892564349 +119 924 4 874775535 +119 930 3 874775945 +119 931 1 886178294 +119 977 3 874780969 +119 982 4 874775406 +119 986 3 874781068 +119 995 4 891287008 +119 1034 3 874775980 +119 1052 4 886177162 +119 1086 4 874775136 +119 1101 5 874781779 +119 1137 5 886176922 +119 1153 5 874781198 +119 1160 5 887038711 +119 1166 5 887038711 +119 1170 3 890627339 +119 1197 4 886176922 +119 1202 4 874775680 +119 1259 3 874780996 +119 1260 5 874781547 +119 1261 4 874781198 +119 1262 3 890627252 +119 1263 3 886177338 +119 1264 3 886176993 +119 1265 3 891287060 +120 1 4 889490412 +120 9 4 889489886 +120 15 4 889490244 +120 25 5 889490370 +120 50 4 889489973 +120 117 3 889490979 +120 118 2 889490979 +120 121 4 889490290 +120 125 4 889490447 +120 127 4 889489772 +120 148 3 889490499 +120 237 3 889490172 +120 245 3 889490633 +120 252 3 889490633 +120 257 2 889490979 +120 258 5 889490124 +120 282 4 889490172 +120 286 5 889489943 +120 405 4 889490580 +120 508 2 889490979 +120 515 5 889489772 +120 546 2 889490979 +120 742 4 889490549 +120 744 4 889490522 +120 827 2 889490979 +120 924 4 889490290 +121 1 4 891388475 +121 9 5 891390013 +121 11 2 891387992 +121 12 5 891390014 +121 14 5 891390014 +121 25 5 891390316 +121 50 5 891390014 +121 57 5 891390014 +121 83 4 891388210 +121 86 5 891388286 +121 98 5 891388210 +121 100 4 891388035 +121 117 1 891388600 +121 121 2 891388501 +121 122 2 891390501 +121 124 5 891388063 +121 125 2 891388600 +121 126 3 891388936 +121 127 5 891388333 +121 137 5 891388501 +121 165 4 891388210 +121 172 5 891388090 +121 174 3 891388063 +121 180 3 891388286 +121 181 5 891390014 +121 192 4 891388250 +121 235 1 891390579 +121 249 1 891388708 +121 250 2 891388676 +121 257 5 891390014 +121 275 4 891390233 +121 291 3 891390477 +121 292 4 891388960 +121 294 4 891389522 +121 313 5 891390013 +121 315 4 891389282 +121 318 5 891390013 +121 357 5 891388063 +121 405 2 891390579 +121 427 4 891388286 +121 428 5 891388333 +121 458 1 891388847 +121 479 5 891388113 +121 508 4 891388333 +121 509 5 891388145 +121 514 3 891387947 +121 515 4 891388391 +121 546 1 891390521 +121 582 2 891390034 +121 595 2 891390521 +121 628 3 891389037 +121 631 4 891387992 +121 736 5 891387992 +121 740 3 891390544 +121 742 5 891390013 +121 792 3 891388250 +121 937 4 891389924 +121 1266 4 891388250 +122 11 1 879270424 +122 28 4 879270084 +122 46 5 879270567 +122 57 2 879270644 +122 69 2 879270511 +122 70 5 879270606 +122 86 5 879270458 +122 127 5 879270424 +122 175 5 879270084 +122 180 5 879270327 +122 187 4 879270424 +122 191 5 879270128 +122 193 4 879270605 +122 197 5 879270482 +122 212 5 879270567 +122 214 2 879270676 +122 215 4 879270676 +122 239 4 879270741 +122 269 5 879269963 +122 357 3 879270084 +122 378 4 879270769 +122 382 3 879270711 +122 387 5 879270459 +122 423 4 879270805 +122 427 3 879270165 +122 429 3 879270165 +122 464 5 879270541 +122 470 3 879270901 +122 509 4 879270511 +122 510 4 879270327 +122 511 5 879270084 +122 513 4 879270084 +122 519 4 879270129 +122 553 3 879270741 +122 570 3 879270849 +122 582 5 879270644 +122 660 3 879270644 +122 661 4 879270327 +122 673 3 879270511 +122 699 5 879270541 +122 708 5 879270605 +122 715 5 879270741 +122 724 4 879270677 +122 727 4 879270849 +122 736 4 879270606 +122 737 4 879270874 +122 792 3 879270459 +122 956 4 879270850 +122 1044 5 879270923 +122 1074 4 879270901 +122 1268 2 879270711 +123 9 5 879873726 +123 13 3 879873988 +123 14 5 879872540 +123 22 4 879809943 +123 50 3 879873726 +123 98 4 879872672 +123 100 4 879872792 +123 127 5 879809943 +123 132 3 879872672 +123 134 4 879872275 +123 135 5 879872868 +123 143 5 879872406 +123 165 5 879872672 +123 182 4 879872671 +123 185 4 879873120 +123 187 4 879809943 +123 192 5 879873119 +123 197 5 879872066 +123 242 5 879809053 +123 255 1 879873905 +123 275 4 879873726 +123 276 4 879873830 +123 285 5 879873830 +123 286 5 879809053 +123 288 3 879809053 +123 289 1 879809220 +123 294 1 879809529 +123 319 4 879809220 +123 321 4 879809220 +123 427 3 879873020 +123 435 5 879809943 +123 462 4 879872540 +123 479 4 879872066 +123 480 3 879872540 +123 482 4 879872406 +123 483 4 879873020 +123 485 5 879872792 +123 487 3 879872192 +123 504 5 879872948 +123 511 5 879872066 +123 514 5 879872193 +123 523 3 879872406 +123 531 3 879872671 +123 606 3 879872540 +123 657 4 879872066 +123 704 3 879873120 +123 707 5 879809943 +123 735 2 879872868 +123 847 4 879873193 +123 962 3 879872405 +123 1269 2 879872867 +124 1 3 890287733 +124 11 5 890287645 +124 28 3 890287068 +124 50 3 890287508 +124 79 3 890287395 +124 96 4 890399864 +124 98 4 890287822 +124 144 4 890287645 +124 154 5 890287645 +124 157 2 890287936 +124 166 5 890287645 +124 168 5 890287645 +124 172 3 890287645 +124 174 3 890287317 +124 209 3 890399902 +124 226 4 890287645 +124 474 3 890287221 +124 496 1 890286933 +124 550 4 890287645 +124 616 4 890287645 +125 1 4 879454699 +125 22 5 892836395 +125 25 1 879454987 +125 28 4 879454385 +125 41 2 892838510 +125 50 5 892836362 +125 56 1 879454345 +125 63 3 892838558 +125 64 5 879454139 +125 66 5 879455184 +125 67 5 892838865 +125 69 4 879454628 +125 73 5 892838288 +125 79 5 879454100 +125 80 4 892838865 +125 82 5 879454386 +125 83 4 879454345 +125 85 3 892838424 +125 87 5 892836464 +125 88 5 879455184 +125 90 5 892838623 +125 94 5 892839065 +125 95 5 879454628 +125 97 3 879454385 +125 98 5 879454345 +125 105 3 892839021 +125 109 3 892838288 +125 116 4 892838322 +125 120 1 892839312 +125 134 5 879454532 +125 136 5 879454309 +125 143 5 879454793 +125 150 1 879454892 +125 152 1 879454892 +125 153 2 879454419 +125 158 4 892839066 +125 163 5 879454956 +125 168 5 879454793 +125 173 5 879454100 +125 174 5 879454309 +125 175 2 879455184 +125 176 5 879454448 +125 181 5 879454139 +125 190 5 892836309 +125 191 5 879454385 +125 194 5 879454986 +125 195 5 892836465 +125 198 3 879454385 +125 201 3 879455019 +125 202 5 892836523 +125 204 5 879454139 +125 205 5 879454345 +125 208 3 879454244 +125 210 5 879454243 +125 211 3 879455184 +125 216 3 879454419 +125 222 5 892836465 +125 235 2 892838559 +125 236 1 879454891 +125 238 3 892838322 +125 239 5 892838375 +125 243 2 892836123 +125 258 5 892835624 +125 270 4 881357122 +125 275 5 879454532 +125 283 5 879454986 +125 289 5 892835854 +125 290 4 892838375 +125 294 4 892835778 +125 300 5 892835836 +125 318 5 879454309 +125 323 3 892836124 +125 340 1 892835659 +125 346 1 892835800 +125 357 3 879454100 +125 364 3 892839191 +125 367 4 892836551 +125 369 3 892838777 +125 372 1 879454892 +125 382 1 892836623 +125 383 2 892839412 +125 384 3 892838591 +125 386 3 892838827 +125 399 3 892838509 +125 407 2 892839312 +125 411 3 892839091 +125 412 3 892839191 +125 427 4 879454277 +125 434 4 879454100 +125 435 4 892836550 +125 451 4 892838288 +125 455 5 879454987 +125 474 3 892836422 +125 475 1 879454244 +125 478 4 879454628 +125 479 4 879454386 +125 483 4 879454628 +125 485 5 892836335 +125 493 4 879454448 +125 496 5 879454419 +125 498 5 892836395 +125 511 5 879454699 +125 513 4 879454385 +125 520 5 892836309 +125 568 5 879454277 +125 571 3 892838827 +125 577 2 892839312 +125 585 4 892838463 +125 615 3 879454793 +125 648 4 879454793 +125 657 3 892836422 +125 659 4 879454628 +125 663 3 879454956 +125 692 3 892836523 +125 705 5 879454243 +125 709 3 879454891 +125 710 5 879454699 +125 722 3 892838687 +125 728 3 892838425 +125 732 4 879455019 +125 734 3 892838977 +125 748 3 892835778 +125 751 5 892835624 +125 763 3 892836574 +125 780 2 892839270 +125 781 3 892838463 +125 785 3 892838558 +125 790 4 892838462 +125 796 3 892838591 +125 801 3 892838424 +125 813 1 879455184 +125 864 3 892838591 +125 914 1 892835594 +125 926 3 892839066 +125 940 2 892838827 +125 945 5 892836465 +125 949 3 892838623 +125 996 3 892838424 +125 997 2 892838976 +125 999 4 892838288 +125 1000 3 892838977 +125 1036 2 892839191 +125 1037 2 892839143 +125 1052 2 892839457 +125 1060 4 879454699 +125 1074 3 892838827 +125 1093 1 892839412 +125 1115 3 879454345 +125 1170 1 892838591 +125 1180 3 892838865 +125 1183 2 892839312 +125 1185 3 892838509 +125 1204 3 879454419 +125 1246 2 892838687 +125 1249 3 892838322 +125 1271 2 892839021 +125 1272 1 879454892 +126 243 5 887855342 +126 245 3 887854726 +126 258 4 887853919 +126 260 1 887855173 +126 262 4 887854726 +126 266 5 887938392 +126 272 3 887853469 +126 286 3 887853469 +126 288 4 887853469 +126 289 3 887855174 +126 294 3 887855087 +126 300 4 887854943 +126 302 4 887853469 +126 303 3 887854825 +126 310 2 887854652 +126 311 4 887855173 +126 313 5 887854726 +126 315 4 887853469 +126 316 4 887855231 +126 319 2 887938081 +126 322 3 887854777 +126 323 3 887853568 +126 326 2 887853919 +126 327 3 887855087 +126 328 5 887853735 +126 332 2 887853735 +126 333 2 887853919 +126 340 5 887854982 +126 344 4 887853735 +126 346 3 887853735 +126 353 5 887938392 +126 678 3 887855283 +126 682 1 887855034 +126 690 3 887853735 +126 751 4 887853568 +126 752 3 887855342 +126 878 5 887938392 +126 881 5 887938392 +126 884 5 887938392 +126 905 2 887855283 +126 990 4 887855231 +126 1175 5 887856958 +127 50 4 884364866 +127 62 5 884364950 +127 222 5 884364866 +127 227 4 884364867 +127 229 5 884364867 +127 230 5 884364866 +127 243 5 884364764 +127 258 5 884364017 +127 268 1 884363990 +127 271 5 884364866 +127 286 1 884364525 +127 288 5 884363851 +127 294 4 884363803 +127 300 5 884364017 +127 343 5 884364151 +127 380 5 884364950 +127 449 4 884364950 +127 450 5 884364950 +127 690 1 884363851 +127 748 5 884364108 +127 750 1 884363851 +128 1 4 879966919 +128 14 5 879967341 +128 15 4 879968827 +128 25 3 879968185 +128 26 4 879969032 +128 28 5 879966785 +128 48 4 879967767 +128 50 4 879967268 +128 54 2 879968415 +128 56 3 879966785 +128 58 3 879968008 +128 64 5 879966954 +128 65 4 879968512 +128 69 4 879966867 +128 70 3 879967341 +128 71 4 879967576 +128 77 3 879968447 +128 79 4 879967692 +128 82 5 879968185 +128 83 5 879967691 +128 86 5 879966919 +128 97 3 879968125 +128 98 4 879967047 +128 99 4 879967840 +128 111 3 879969215 +128 117 5 879967631 +128 118 5 879968896 +128 121 4 879968278 +128 131 5 879967452 +128 132 3 879966785 +128 133 5 879967248 +128 136 5 879967080 +128 140 4 879968308 +128 143 5 879967300 +128 151 3 879968921 +128 159 4 879968390 +128 168 4 879966685 +128 172 3 879967248 +128 173 5 879966756 +128 180 5 879967174 +128 181 4 879966954 +128 182 4 879967225 +128 186 5 879966895 +128 190 4 879967016 +128 191 4 879967080 +128 193 3 879967249 +128 196 5 879967550 +128 197 4 879966729 +128 202 2 879968579 +128 204 4 879967478 +128 209 4 879968332 +128 210 4 879968125 +128 213 3 879967300 +128 215 3 879967452 +128 216 5 879967102 +128 218 3 879969244 +128 222 3 879967249 +128 223 5 879966839 +128 227 2 879968946 +128 228 3 879969329 +128 229 2 879968071 +128 237 4 879966954 +128 238 4 879968125 +128 245 2 879966524 +128 258 2 879966299 +128 265 5 879968663 +128 268 3 879966355 +128 275 5 879967016 +128 276 4 879967550 +128 280 1 879968579 +128 282 3 879967550 +128 283 5 879966729 +128 284 3 879968663 +128 294 4 879966376 +128 300 5 879966355 +128 317 4 879968029 +128 319 5 879966274 +128 322 2 879966447 +128 328 2 879966406 +128 340 4 879966355 +128 371 1 879966954 +128 378 5 879967804 +128 380 4 879968946 +128 381 3 879969033 +128 387 2 879968774 +128 402 1 879969136 +128 416 3 879967367 +128 417 4 879968447 +128 418 4 879968164 +128 419 3 879967268 +128 422 4 879968598 +128 423 4 879967966 +128 425 5 879967197 +128 427 5 879966685 +128 432 2 879968125 +128 458 4 879968921 +128 462 4 879966729 +128 468 1 879968243 +128 471 4 879967804 +128 478 5 879966840 +128 482 4 879967432 +128 483 5 879966785 +128 485 3 879966895 +128 487 5 879968029 +128 494 4 879967016 +128 496 5 879967225 +128 497 3 879967102 +128 499 5 879967767 +128 501 3 879968921 +128 505 4 879967136 +128 506 4 879968125 +128 507 4 879966685 +128 508 4 879967767 +128 531 4 879966685 +128 553 3 879968718 +128 568 4 879968544 +128 588 5 879967136 +128 591 4 879967879 +128 602 4 879967478 +128 603 5 879966839 +128 609 4 879967550 +128 614 3 879967879 +128 622 4 879968332 +128 633 4 879967729 +128 651 5 879966983 +128 652 3 879966603 +128 655 3 879969064 +128 660 2 879968415 +128 686 4 879967174 +128 690 3 879966274 +128 692 4 879967197 +128 702 3 879967879 +128 705 3 879968096 +128 723 3 879967966 +128 729 2 879968447 +128 732 4 879967047 +128 736 5 879968352 +128 739 4 879969349 +128 747 3 879968742 +128 763 4 879968718 +128 770 3 879968008 +128 785 2 879968243 +128 790 4 879969277 +128 815 3 879968827 +128 838 5 879968164 +128 873 1 879966524 +128 924 3 879967341 +128 942 5 879968742 +128 949 4 879968896 +128 965 3 879968279 +128 966 4 879968071 +128 1035 3 879968921 +128 1039 4 879967079 +128 1048 2 879968858 +128 1063 2 879967047 +128 1136 3 879969084 +128 1141 4 879968827 +128 1192 2 879967576 +128 1221 3 879968279 +129 245 2 883245452 +129 258 2 883245452 +129 268 1 883245452 +129 269 4 883244011 +129 270 3 883243934 +129 272 4 883243972 +129 286 5 883243934 +129 288 1 883245452 +129 300 3 883243934 +129 302 4 883243934 +129 303 3 883244011 +129 307 2 883244637 +129 310 2 883244011 +129 311 3 883244059 +129 313 3 883243934 +129 323 1 883245452 +129 327 3 883244060 +129 331 2 883244737 +129 339 2 883244737 +129 678 1 883245452 +129 873 1 883245452 +129 882 2 883244662 +129 990 2 883245452 +129 995 2 883245452 +129 1176 4 883244059 +130 1 5 874953595 +130 3 5 876250897 +130 4 2 875801778 +130 5 4 876251650 +130 7 5 874953557 +130 11 5 875216545 +130 12 4 875216340 +130 17 5 875217096 +130 22 5 875217265 +130 24 5 874953866 +130 27 4 875802105 +130 28 4 875217172 +130 31 4 875801801 +130 33 5 876252087 +130 39 4 875801496 +130 41 3 875801662 +130 44 4 875801662 +130 47 3 875801470 +130 49 4 875802236 +130 50 5 874953665 +130 53 3 876251972 +130 54 5 876251895 +130 55 5 875216507 +130 56 5 875216283 +130 58 2 876251619 +130 62 4 876252175 +130 63 4 876252521 +130 65 4 875216786 +130 66 5 875802173 +130 68 5 875216283 +130 69 5 875216718 +130 71 5 875801695 +130 77 5 880396792 +130 79 5 875217392 +130 82 5 875802080 +130 84 4 876252497 +130 88 2 875217265 +130 90 4 875801920 +130 93 5 874953665 +130 94 5 875802058 +130 95 5 875216867 +130 96 5 875216786 +130 98 5 875216507 +130 99 5 875216786 +130 100 3 874953558 +130 105 4 876251160 +130 109 3 874953794 +130 111 5 874953825 +130 117 5 874953895 +130 118 4 874953895 +130 121 5 876250746 +130 122 3 876251090 +130 123 4 875216112 +130 125 5 875801963 +130 128 4 876251728 +130 132 5 875802006 +130 134 5 875801750 +130 143 5 876251922 +130 144 5 875216717 +130 147 4 876250746 +130 148 4 876251127 +130 150 5 874953558 +130 158 5 875801897 +130 159 4 875802211 +130 161 4 875802058 +130 168 3 875216786 +130 172 5 875801530 +130 173 3 875216593 +130 174 5 875216249 +130 176 5 881536127 +130 181 5 874953621 +130 183 5 875801369 +130 184 4 875801695 +130 188 4 876251895 +130 195 5 875801470 +130 196 5 875801695 +130 200 5 875217392 +130 202 5 875216507 +130 203 4 875801716 +130 204 5 875216718 +130 206 3 875801695 +130 210 5 876252288 +130 215 5 875802035 +130 216 4 875216545 +130 217 3 875801940 +130 218 5 875801388 +130 219 5 876252472 +130 222 4 874953769 +130 226 5 876252420 +130 227 3 875801868 +130 228 4 875216420 +130 229 4 875802173 +130 230 3 876251895 +130 231 3 875801422 +130 233 4 875801750 +130 234 5 875216932 +130 235 4 874953728 +130 237 5 874953621 +130 239 4 878538071 +130 240 4 875801750 +130 243 2 874953526 +130 245 1 874953526 +130 246 4 874953698 +130 248 3 874953769 +130 249 5 876250746 +130 250 3 876250833 +130 252 5 876250932 +130 254 2 876251160 +130 255 4 874953794 +130 257 4 874953665 +130 258 4 874953526 +130 261 4 874953525 +130 262 3 877926419 +130 267 5 875801239 +130 268 4 875801210 +130 269 4 881075976 +130 270 5 877984734 +130 271 5 879352077 +130 272 5 888962577 +130 276 4 878537447 +130 281 4 876250850 +130 282 5 875801750 +130 284 2 874953728 +130 286 5 874953239 +130 288 5 874953291 +130 289 5 874953291 +130 291 4 876250932 +130 293 5 874953769 +130 295 3 874953698 +130 298 5 874953769 +130 299 3 874953526 +130 300 5 874953239 +130 305 4 886023938 +130 307 4 877984546 +130 313 5 884623736 +130 315 4 884623887 +130 316 4 888211794 +130 322 4 874953525 +130 326 5 874953239 +130 328 4 874953525 +130 330 4 874953424 +130 331 3 875801345 +130 332 4 876250582 +130 333 5 875801239 +130 335 3 875801254 +130 342 3 881076199 +130 343 4 881536273 +130 346 4 884623704 +130 347 4 884623800 +130 350 4 886023989 +130 353 1 888211764 +130 354 5 888211701 +130 355 4 888211731 +130 356 4 880396792 +130 357 5 875216933 +130 358 4 874953526 +130 363 3 876250781 +130 366 5 876251972 +130 367 4 875801369 +130 373 4 878537681 +130 374 4 875217392 +130 379 4 875801662 +130 385 5 875802080 +130 389 3 875216786 +130 393 5 876252472 +130 403 5 876251922 +130 404 5 875802137 +130 405 4 875801984 +130 407 2 876251388 +130 410 5 875802105 +130 411 5 876251217 +130 412 4 874953866 +130 413 3 876251127 +130 418 5 875801631 +130 419 5 876251515 +130 420 5 876252472 +130 423 5 875216978 +130 427 5 875217033 +130 433 3 875216718 +130 436 3 875801573 +130 443 5 876251446 +130 444 4 880396495 +130 449 4 878537516 +130 450 2 878537602 +130 452 4 880396495 +130 453 3 880396602 +130 465 5 875801596 +130 469 5 876251693 +130 470 2 875217096 +130 471 2 874953928 +130 472 4 876251072 +130 477 4 875216593 +130 496 5 875216593 +130 501 5 875801716 +130 508 4 874953557 +130 527 5 875801447 +130 531 5 875216628 +130 532 5 876250955 +130 534 5 874953728 +130 541 3 876252307 +130 542 3 875801778 +130 546 4 876250932 +130 550 5 878537602 +130 552 5 876252225 +130 554 4 876252288 +130 555 4 888211930 +130 564 4 875802137 +130 565 3 880396541 +130 566 4 878537558 +130 567 2 876252225 +130 568 5 876251693 +130 569 3 880396494 +130 572 3 878537853 +130 588 4 875216867 +130 589 4 875216717 +130 596 4 874953825 +130 597 4 874953866 +130 619 4 876251409 +130 622 3 875802173 +130 625 5 875801750 +130 627 5 875801496 +130 642 4 875216933 +130 658 5 875802173 +130 665 3 876252175 +130 669 4 888962754 +130 672 5 875801920 +130 678 4 874953526 +130 681 3 875801315 +130 682 4 881076059 +130 684 5 875802236 +130 685 3 874953895 +130 689 2 880396150 +130 692 5 875801422 +130 717 3 874953928 +130 721 3 880396278 +130 729 4 876252042 +130 731 3 876251922 +130 742 5 876251053 +130 743 2 878537778 +130 746 5 876252012 +130 748 4 874953526 +130 751 5 884623756 +130 752 5 888211864 +130 756 4 874953866 +130 761 3 876251650 +130 763 5 874953728 +130 765 4 876252420 +130 769 3 880396541 +130 771 2 878537631 +130 772 4 876251804 +130 779 4 878537558 +130 794 5 875802137 +130 798 1 878537631 +130 800 4 875802237 +130 802 5 876252136 +130 806 3 875217096 +130 815 3 874953866 +130 816 5 880396518 +130 819 3 874953825 +130 820 5 876251312 +130 824 3 875801830 +130 833 4 876251037 +130 864 2 874953595 +130 876 4 874953291 +130 881 4 875801239 +130 888 3 881076146 +130 890 4 880396249 +130 892 3 884623832 +130 894 4 884624087 +130 895 5 884623799 +130 901 1 884624044 +130 928 4 876251287 +130 929 4 876251160 +130 930 3 876251072 +130 931 2 880396881 +130 939 4 876252041 +130 940 3 875217392 +130 946 4 875801830 +130 949 3 876251944 +130 959 4 876251865 +130 974 4 876250932 +130 975 5 876251357 +130 982 1 880396831 +130 993 5 874953665 +130 1014 3 876250718 +130 1016 4 874953698 +130 1017 3 874953895 +130 1028 4 876250805 +130 1034 2 876250833 +130 1039 4 875216420 +130 1046 4 880396831 +130 1047 5 875801897 +130 1049 3 876251341 +130 1058 5 876252064 +130 1079 3 876251217 +130 1089 2 876250718 +130 1095 3 876251192 +130 1136 4 876252373 +130 1142 4 874953595 +130 1151 3 877984840 +130 1157 3 880396861 +130 1207 1 880396861 +130 1208 4 875802211 +130 1215 2 876251389 +130 1217 4 875801778 +130 1220 5 876252343 +130 1228 3 878537681 +130 1231 4 878537778 +130 1244 4 876251192 +130 1246 3 876252497 +130 1248 3 880396702 +130 1267 4 875217265 +130 1273 2 880396792 +130 1274 2 878537853 +130 1277 4 876250897 +130 1278 5 876251127 +131 1 4 883681384 +131 14 5 883681313 +131 19 4 883681418 +131 100 5 883681418 +131 124 5 883681313 +131 126 4 883681514 +131 127 4 883681418 +131 221 3 883681561 +131 242 5 883681723 +131 248 3 883681262 +131 251 5 883681723 +131 274 3 883681351 +131 275 2 883681384 +131 276 5 883681723 +131 285 5 883681723 +131 286 5 883681514 +131 287 4 883681351 +131 293 3 883681442 +131 297 4 883681514 +131 302 5 883681723 +131 313 5 883681723 +131 536 5 883681723 +131 744 4 883681384 +131 750 5 883681723 +131 845 4 883681351 +131 1281 4 883681561 +132 12 4 891278867 +132 56 5 891278996 +132 100 4 891278744 +132 124 4 891278996 +132 127 4 891278937 +132 137 4 891278996 +132 151 3 891278774 +132 154 4 891278996 +132 175 3 891278807 +132 275 3 891278915 +132 484 4 891278807 +132 523 4 891278996 +132 664 5 891278996 +132 806 3 891278896 +132 922 5 891278996 +132 1019 3 891278867 +133 258 5 890588639 +133 260 1 890588878 +133 271 5 890588766 +133 272 5 890588672 +133 286 2 890588524 +133 294 3 890588852 +133 300 3 890588577 +133 304 3 890588639 +133 306 4 890588612 +133 308 4 890588639 +133 313 3 890588524 +133 315 4 890588524 +133 322 2 890588852 +133 328 3 890588577 +133 346 3 890588577 +133 355 2 890588928 +133 539 1 890588720 +133 749 4 890588720 +133 751 3 890588547 +134 15 5 891732726 +134 258 4 891732122 +134 259 2 891732393 +134 269 3 891732122 +134 286 3 891732334 +134 294 4 891732365 +134 300 3 891732220 +134 313 5 891732150 +134 316 4 891732418 +134 323 4 891732335 +134 326 5 891732296 +134 328 4 891732335 +134 338 4 891732532 +134 339 2 891732507 +134 508 3 891732726 +134 539 4 891732335 +134 678 4 891732271 +134 748 5 891732365 +134 751 5 891732335 +134 879 4 891732393 +134 892 2 891732532 +135 5 3 879857868 +135 12 4 879857764 +135 23 4 879857765 +135 33 3 879857930 +135 38 3 879858003 +135 39 3 879857931 +135 54 3 879858003 +135 56 4 879857765 +135 77 4 879858003 +135 79 3 879857843 +135 98 5 879857765 +135 173 4 879857723 +135 176 4 879857765 +135 183 4 879857723 +135 185 4 879857797 +135 226 3 879857956 +135 227 3 879857843 +135 228 4 879857797 +135 229 2 879857843 +135 230 3 879857843 +135 233 3 879857843 +135 234 4 879857797 +135 258 4 879857575 +135 260 3 879857575 +135 265 3 879857797 +135 288 3 879857575 +135 294 4 879857575 +135 325 4 879857575 +135 379 2 879857956 +135 431 2 879857868 +135 443 4 879857868 +135 449 3 879857843 +135 475 4 879857592 +135 504 4 879857843 +135 554 3 879858003 +135 564 1 879857956 +135 566 3 879857930 +135 581 4 879857931 +135 603 4 879857765 +135 642 4 879857868 +135 653 4 879857765 +135 744 4 879857612 +135 802 2 879858003 +135 939 4 879857797 +135 943 3 879857931 +135 1046 3 879858003 +135 1208 3 879858003 +136 14 5 882693338 +136 19 4 882693529 +136 42 3 882848866 +136 56 4 882848783 +136 89 4 882848925 +136 100 5 882693338 +136 116 5 882693723 +136 117 4 882694498 +136 137 5 882693339 +136 204 4 882848866 +136 223 4 882848820 +136 237 4 882693597 +136 257 3 882693234 +136 258 5 882693234 +136 275 4 882693723 +136 276 5 882693489 +136 283 4 882693529 +136 286 5 882693234 +136 298 4 882693569 +136 303 4 882693234 +136 313 2 882693234 +136 318 5 882848820 +136 475 4 882693339 +136 515 5 882694387 +136 525 5 882848925 +136 647 5 882848783 +136 744 5 882693569 +136 747 4 882848866 +136 847 4 882693371 +136 1142 4 882693569 +137 1 3 881433048 +137 15 4 881432965 +137 50 5 881432937 +137 51 1 881433605 +137 55 5 881433689 +137 79 5 881433689 +137 89 5 881433719 +137 96 5 881433654 +137 117 5 881433015 +137 118 5 881433179 +137 121 5 881432881 +137 144 5 881433689 +137 172 5 881433719 +137 174 5 881433654 +137 181 5 881433015 +137 183 5 881433689 +137 195 5 881433689 +137 210 5 881433654 +137 222 5 881432908 +137 235 5 881433357 +137 237 4 881432965 +137 243 4 881432790 +137 249 4 881433387 +137 250 5 881433015 +137 257 5 881433048 +137 260 3 881432735 +137 261 5 882805603 +137 266 5 881432735 +137 289 3 881432671 +137 300 5 881432524 +137 327 4 881432671 +137 385 5 881433719 +137 405 5 881433336 +137 472 4 881433336 +137 476 1 881433524 +137 546 5 881433116 +137 597 5 881432987 +137 680 5 881432735 +137 685 5 881433296 +137 687 4 881432756 +137 690 2 881432482 +137 748 4 881432626 +137 892 3 882809210 +137 1117 2 881433435 +138 1 4 879023031 +138 12 5 879024232 +138 13 4 879023345 +138 14 3 879022730 +138 15 4 879023389 +138 26 5 879024232 +138 56 5 879024232 +138 98 5 879024043 +138 100 5 879022956 +138 111 4 879022890 +138 116 2 879022956 +138 117 4 879023245 +138 121 4 879023558 +138 133 4 879024043 +138 147 4 879023779 +138 150 3 879023131 +138 151 4 879023389 +138 182 4 879023948 +138 185 4 879023853 +138 187 5 879024043 +138 194 5 879024184 +138 209 4 879023948 +138 211 4 879024183 +138 222 4 879023345 +138 238 5 879024382 +138 285 4 879023245 +138 318 5 879024183 +138 357 4 879024327 +138 435 5 879024232 +138 474 5 879024327 +138 483 5 879024280 +138 484 4 879024127 +138 487 3 879023853 +138 493 4 879024382 +138 496 4 879024043 +138 497 5 879023947 +138 513 5 879024043 +138 514 5 879024043 +138 517 4 879024279 +138 518 4 879024327 +138 519 5 879024043 +138 523 5 879024043 +138 603 4 879024184 +138 614 4 879024184 +138 617 4 879024128 +138 662 4 879024128 +138 742 4 879023245 +139 127 5 879538578 +139 150 4 879538327 +139 222 3 879538199 +139 237 3 879538254 +139 246 4 879538218 +139 268 4 879537876 +139 286 4 879537844 +139 296 4 879538218 +139 297 5 879538275 +139 303 5 879538021 +139 307 4 879537876 +139 458 4 879538578 +139 460 3 879538199 +139 475 5 879538415 +139 508 4 879538255 +139 740 2 879538254 +139 744 5 879538169 +139 1176 4 879538080 +140 258 3 879013617 +140 268 4 879013684 +140 286 5 879013617 +140 288 3 879013617 +140 289 4 879013719 +140 294 3 879013651 +140 301 3 879013747 +140 302 4 879013617 +140 303 5 879013684 +140 319 4 879013617 +140 321 4 879013651 +140 322 3 879013684 +140 325 3 879013719 +140 332 3 879013617 +140 334 2 879013684 +140 872 3 879013651 +140 880 4 879013832 +140 988 3 879013719 +141 1 3 884584753 +141 7 5 884584981 +141 50 4 884584735 +141 106 5 884585195 +141 117 4 884584929 +141 118 5 884585274 +141 120 4 884585547 +141 121 4 884585071 +141 125 5 884585642 +141 126 5 884585642 +141 127 2 884584735 +141 147 4 884584906 +141 151 2 884585039 +141 181 4 884584709 +141 222 4 884584865 +141 225 3 884585523 +141 235 1 884585437 +141 237 4 884584865 +141 244 5 884585247 +141 245 3 884584426 +141 248 3 884585039 +141 249 2 884585386 +141 250 4 884585128 +141 252 4 884585195 +141 258 5 884584338 +141 259 1 886447904 +141 261 1 886447904 +141 274 5 884585220 +141 279 1 884584817 +141 281 4 884584865 +141 282 5 884585642 +141 284 5 884585071 +141 286 4 884584247 +141 288 3 884584386 +141 290 1 884584817 +141 292 1 884584906 +141 293 2 884584735 +141 294 4 884584247 +141 295 5 884585039 +141 298 5 884584790 +141 300 5 887424721 +141 313 5 884584271 +141 322 4 884584426 +141 323 4 884584480 +141 328 4 886447679 +141 330 1 886447735 +141 333 5 887424639 +141 335 1 886447735 +141 405 3 884585105 +141 407 2 884585523 +141 409 5 884585274 +141 410 4 884585195 +141 471 4 884585039 +141 472 5 884585274 +141 476 3 884585498 +141 535 5 884585195 +141 546 4 884585470 +141 591 4 884584865 +141 678 4 884584480 +141 742 4 884584930 +141 744 5 884584981 +141 748 3 884584664 +141 750 1 886447564 +141 756 3 884585363 +141 815 4 884585070 +141 823 3 884585437 +141 825 4 884585247 +141 826 2 884585437 +141 831 2 884585470 +141 864 3 884585128 +141 866 5 884585071 +141 872 1 886447698 +141 880 1 886447847 +141 926 4 884585300 +141 932 3 884585128 +141 974 4 884585300 +141 984 4 886447880 +141 988 3 884584460 +141 1013 1 884585470 +141 1023 4 884585274 +141 1028 4 884585168 +141 1040 3 884585547 +141 1059 1 884584886 +141 1142 1 884584688 +141 1244 3 884585364 +141 1258 4 884585071 +141 1280 1 887424890 +141 1282 3 884585320 +141 1283 3 884585168 +142 28 4 888640404 +142 42 4 888640489 +142 55 2 888640489 +142 82 4 888640356 +142 89 3 888640489 +142 91 5 888640404 +142 124 4 888640379 +142 134 5 888640356 +142 147 1 888640356 +142 169 5 888640356 +142 176 5 888640455 +142 181 5 888640317 +142 189 4 888640317 +142 243 1 888640199 +142 268 5 888639837 +142 288 3 888639837 +142 322 2 888640054 +142 333 5 888639968 +142 338 2 888640199 +142 346 5 888639815 +142 350 4 888639882 +142 358 2 888640178 +142 362 3 888639920 +142 408 4 888640379 +142 463 3 888640489 +142 514 5 888640317 +142 895 4 888640143 +143 258 3 888407586 +143 271 4 888407708 +143 272 4 888407586 +143 286 2 888407586 +143 288 5 888407586 +143 307 4 888407622 +143 313 5 888407586 +143 322 4 888407708 +143 323 3 888407656 +143 325 5 888407741 +143 328 4 888407656 +143 331 5 888407622 +143 333 5 888407708 +143 347 5 888407741 +143 682 3 888407741 +143 690 2 888407622 +144 1 4 888104063 +144 4 4 888105873 +144 7 2 888104087 +144 8 4 888105612 +144 9 5 888104191 +144 12 4 888105419 +144 15 4 888104150 +144 19 4 888103929 +144 20 4 888104559 +144 22 5 888105439 +144 24 4 888104541 +144 31 3 888105823 +144 32 4 888105287 +144 33 5 888105902 +144 48 5 888105197 +144 50 5 888103929 +144 56 4 888105387 +144 58 3 888105548 +144 59 4 888105197 +144 61 3 888106182 +144 62 2 888105902 +144 64 5 888105140 +144 65 4 888106182 +144 66 4 888106078 +144 68 2 888105665 +144 69 5 888105140 +144 70 4 888105587 +144 72 4 888105338 +144 73 3 888105636 +144 87 5 888105548 +144 89 3 888105691 +144 91 2 888106106 +144 93 1 888104032 +144 96 5 888105691 +144 100 5 888104063 +144 105 2 888104767 +144 106 3 888104684 +144 117 4 888103969 +144 125 4 888104191 +144 126 4 888104150 +144 129 4 888104234 +144 135 5 888105364 +144 137 4 888104150 +144 144 4 888105254 +144 153 5 888105823 +144 160 2 888106181 +144 165 4 888105993 +144 170 4 888105364 +144 172 4 888105312 +144 173 5 888105902 +144 174 5 888105612 +144 176 4 888105338 +144 180 4 888105873 +144 181 4 888104032 +144 182 3 888105743 +144 183 4 888105140 +144 187 4 888105312 +144 190 5 888105714 +144 191 4 888105081 +144 193 4 888105287 +144 194 5 888105287 +144 195 5 888105081 +144 196 4 888105743 +144 197 4 888106106 +144 198 4 888105287 +144 204 2 888105116 +144 209 2 888105116 +144 212 5 888105993 +144 213 4 888105387 +144 215 4 888105714 +144 216 4 888105691 +144 221 3 888104087 +144 223 4 888105197 +144 235 1 888104715 +144 237 4 888104258 +144 242 4 888103444 +144 244 3 888104588 +144 248 4 888104032 +144 251 4 888103929 +144 257 4 888104258 +144 258 4 888103371 +144 262 3 888103444 +144 271 2 888103632 +144 273 4 888104213 +144 274 3 888104382 +144 276 3 888104122 +144 280 1 888104625 +144 281 3 888104191 +144 284 3 888104213 +144 285 4 888103969 +144 286 4 888103370 +144 288 2 888103509 +144 293 4 888104283 +144 294 4 888103573 +144 297 4 888104150 +144 298 3 888103988 +144 300 3 888103370 +144 302 3 888103530 +144 303 4 888103407 +144 304 4 888103466 +144 313 5 888103407 +144 316 5 888103666 +144 318 5 888105419 +144 319 3 888103509 +144 326 4 888103530 +144 327 3 888103444 +144 328 3 888103407 +144 333 3 888103371 +144 343 2 888103725 +144 393 4 888105743 +144 403 3 888105636 +144 410 3 888104521 +144 411 4 888104588 +144 423 5 888105714 +144 435 4 888105387 +144 454 3 888105993 +144 455 3 888104382 +144 461 4 888106044 +144 466 2 888105823 +144 470 2 888105993 +144 471 4 888104213 +144 475 1 888104032 +144 476 2 888104625 +144 480 4 888106322 +144 500 4 888105419 +144 508 4 888104150 +144 516 2 888105197 +144 518 3 888106182 +144 521 4 888105312 +144 523 5 888105338 +144 524 5 888105081 +144 527 5 888105665 +144 528 4 888105846 +144 531 5 888105473 +144 533 4 888104258 +144 588 4 888105549 +144 591 3 888104122 +144 597 4 888104191 +144 647 4 888105338 +144 654 4 888105823 +144 655 5 888105116 +144 685 3 888105473 +144 690 3 888103573 +144 699 4 888106106 +144 707 3 888106322 +144 709 4 888105940 +144 713 4 888104322 +144 727 3 888105765 +144 729 4 888105665 +144 742 4 888104122 +144 747 5 888105473 +144 750 4 888103444 +144 760 2 888104283 +144 762 3 888104940 +144 778 4 888106044 +144 785 4 888106016 +144 815 1 888104659 +144 823 3 888104659 +144 831 3 888104805 +144 845 4 888104191 +144 847 4 888104063 +144 855 4 888105510 +144 880 5 888103509 +144 900 4 888103371 +144 942 4 888106044 +144 956 4 888105636 +144 960 2 888105784 +144 961 3 888106106 +144 962 4 888105612 +144 1016 3 888104322 +144 1028 3 888104495 +144 1039 4 888105587 +144 1065 4 888105714 +144 1101 4 888105312 +144 1138 4 888104684 +144 1142 5 888103968 +144 1147 4 888105587 +144 1169 4 888106044 +144 1197 4 888104322 +144 1226 4 888104737 +144 1284 3 888104446 +144 1285 3 888105922 +144 1286 4 888105846 +145 1 3 882181396 +145 3 3 875271562 +145 5 3 875272196 +145 7 5 875270429 +145 9 2 875270394 +145 11 5 875273120 +145 12 5 882182917 +145 13 5 875270507 +145 15 2 875270655 +145 17 3 875272132 +145 22 5 875273021 +145 23 4 875271896 +145 25 2 875270655 +145 38 3 888398747 +145 39 4 875271838 +145 42 5 882181785 +145 44 5 875272132 +145 49 3 875272926 +145 50 5 885557660 +145 51 3 875272786 +145 53 2 875272245 +145 54 5 888398669 +145 55 3 875272009 +145 56 5 875271896 +145 59 1 882181695 +145 64 4 882181785 +145 69 5 882181632 +145 77 3 875272348 +145 79 5 875271838 +145 89 4 882181605 +145 96 5 882181728 +145 97 5 875272652 +145 98 5 875271896 +145 100 5 875270458 +145 105 2 875271442 +145 106 4 875270655 +145 109 4 875270903 +145 117 5 875270655 +145 118 3 875270764 +145 120 2 888398563 +145 121 2 875270507 +145 122 1 888398307 +145 123 4 879161848 +145 134 4 882181695 +145 150 5 875270655 +145 155 2 875272871 +145 156 5 875271896 +145 159 4 875272299 +145 172 5 882181632 +145 174 5 882181728 +145 182 5 885622510 +145 183 5 875272009 +145 185 4 875271838 +145 195 5 882181728 +145 200 4 877343121 +145 202 4 875272694 +145 203 5 875271948 +145 209 4 882181659 +145 212 2 875272786 +145 216 5 875272694 +145 217 3 877343156 +145 218 3 877343121 +145 222 5 885557660 +145 226 1 875272196 +145 227 4 885557660 +145 228 4 885557660 +145 229 3 885557699 +145 230 5 885557660 +145 234 5 875271948 +145 235 4 875270507 +145 236 1 888397981 +145 237 5 875270570 +145 238 4 882181859 +145 240 5 875270764 +145 242 5 875269755 +145 249 4 875270832 +145 250 5 882182944 +145 257 5 875270932 +145 258 4 875269755 +145 259 3 875269871 +145 260 4 875269871 +145 265 5 875272131 +145 266 3 877343000 +145 268 4 888396828 +145 269 5 879161576 +145 270 5 879161577 +145 271 4 885557660 +145 273 5 875270322 +145 274 3 875270800 +145 275 2 885557505 +145 276 1 882182634 +145 278 4 875272871 +145 281 4 875272299 +145 282 5 875270570 +145 286 3 875269755 +145 293 4 875270276 +145 294 4 875269871 +145 298 1 885557579 +145 299 4 875269822 +145 300 3 875269755 +145 301 4 877342952 +145 302 4 879161553 +145 304 2 885557505 +145 308 2 885557505 +145 310 4 883840666 +145 312 3 885622510 +145 313 4 883840638 +145 315 5 883840797 +145 327 5 875269822 +145 328 5 875270006 +145 333 2 885557626 +145 338 3 882181335 +145 339 3 882181058 +145 342 4 882181205 +145 346 5 883840638 +145 348 4 888397542 +145 354 4 891509877 +145 355 3 888396967 +145 356 4 875272299 +145 358 4 875273234 +145 363 4 875271607 +145 368 3 888398492 +145 379 3 875272299 +145 380 3 885557699 +145 393 5 875273174 +145 405 3 875270970 +145 406 3 875270692 +145 407 2 888398400 +145 410 4 875270616 +145 411 2 875271522 +145 412 4 888398492 +145 413 3 877343280 +145 431 5 875272132 +145 436 5 877343121 +145 443 3 882182658 +145 448 5 877343121 +145 449 3 885557699 +145 450 3 885557660 +145 452 3 882182762 +145 460 1 875271312 +145 470 5 875272299 +145 471 4 885622707 +145 472 3 875271128 +145 477 2 888398069 +145 486 3 882181659 +145 510 4 882181859 +145 515 5 875270394 +145 544 4 875271312 +145 546 3 875271047 +145 549 5 875272786 +145 552 5 888398747 +145 553 3 875272786 +145 554 3 875272245 +145 558 2 877343121 +145 559 2 877343156 +145 563 3 877343280 +145 566 5 875272010 +145 569 4 877343156 +145 572 5 888398747 +145 574 2 888398833 +145 590 1 882182802 +145 591 4 879161848 +145 592 3 888398867 +145 595 3 885557505 +145 603 5 875272009 +145 620 3 875271660 +145 628 2 875270932 +145 631 4 885557626 +145 635 4 875272349 +145 636 4 875272050 +145 637 3 882182689 +145 650 4 875273120 +145 652 5 882181571 +145 665 5 877343212 +145 672 3 882182689 +145 673 4 875272299 +145 674 4 877343184 +145 680 3 875269871 +145 682 3 879161624 +145 683 3 879161674 +145 684 5 875273174 +145 685 4 875271229 +145 687 2 882181335 +145 688 4 875269822 +145 692 2 885557505 +145 696 3 875271442 +145 713 4 875270616 +145 717 3 888398702 +145 727 2 875272652 +145 732 4 875272833 +145 737 2 875272833 +145 738 3 875272927 +145 739 2 875272927 +145 740 2 875272786 +145 742 4 875270616 +145 743 1 888398516 +145 750 4 885555884 +145 751 4 883840666 +145 752 4 888396828 +145 754 3 882181058 +145 756 2 885557506 +145 760 2 888398123 +145 761 4 882182850 +145 762 3 875272926 +145 763 4 875271047 +145 764 2 888398257 +145 767 2 879161882 +145 769 2 877343280 +145 770 1 875272245 +145 771 2 888398867 +145 789 4 875272132 +145 796 3 875272833 +145 800 2 875272349 +145 816 5 877343156 +145 820 2 885557732 +145 821 3 875272833 +145 823 3 875271397 +145 825 4 875271477 +145 827 2 888398238 +145 831 1 888398329 +145 869 4 875272926 +145 877 2 885557506 +145 879 5 877343000 +145 895 3 883840687 +145 896 2 888396828 +145 901 1 885556116 +145 924 2 875270508 +145 925 4 875271047 +145 926 3 875271094 +145 928 3 879161848 +145 929 2 888398069 +145 933 1 875270276 +145 934 1 875270394 +145 939 4 875272050 +145 943 3 875272050 +145 949 4 875272652 +145 974 1 882182634 +145 977 3 879161931 +145 979 3 879161882 +145 983 1 879161805 +145 988 1 891510040 +145 993 3 875270616 +145 1001 4 875271607 +145 1002 1 888398400 +145 1011 5 888398162 +145 1012 4 875270322 +145 1025 4 877343020 +145 1028 5 875271607 +145 1033 1 875270903 +145 1040 1 888398492 +145 1041 5 875272987 +145 1047 3 875270764 +145 1054 1 888398563 +145 1057 1 875271312 +145 1073 5 875272009 +145 1077 3 875272245 +145 1087 1 875271357 +145 1090 2 888398833 +145 1102 1 888398162 +145 1132 3 875271522 +145 1208 4 875272196 +145 1212 2 875272196 +145 1215 2 888398400 +145 1216 2 888398238 +145 1217 2 875272349 +145 1245 5 875271397 +145 1248 3 875272195 +145 1279 1 875270903 +145 1287 2 888398563 +145 1288 4 888398197 +145 1290 1 875272732 +145 1291 3 888398563 +145 1292 1 875271357 +146 258 4 891457714 +146 262 4 891457714 +146 269 4 891457591 +146 271 3 891457749 +146 286 3 891457493 +146 294 1 891457668 +146 300 3 891457943 +146 301 2 891457905 +146 302 4 891457538 +146 307 3 891457905 +146 311 4 891457714 +146 313 4 891457591 +146 319 4 891457538 +146 327 3 891457905 +146 328 3 891458079 +146 331 5 891458193 +146 342 1 891457978 +146 346 4 891457591 +146 347 3 891457493 +146 688 1 891457749 +146 1022 5 891458193 +146 1294 4 891457749 +147 258 4 885594040 +147 269 4 885593812 +147 270 3 885594204 +147 286 5 885594040 +147 292 5 885594040 +147 302 4 885593845 +147 305 4 885593997 +147 313 4 885593965 +147 319 4 885593812 +147 339 5 885594204 +147 340 4 885593965 +147 345 4 885594040 +147 690 4 885593965 +147 751 2 885593965 +147 904 5 885594015 +147 937 3 885593997 +148 1 4 877019411 +148 7 5 877017054 +148 50 5 877016805 +148 69 5 877019101 +148 70 5 877021271 +148 71 5 877019251 +148 78 1 877399018 +148 89 5 877398587 +148 98 3 877017714 +148 114 5 877016735 +148 116 5 877398648 +148 127 1 877399351 +148 133 5 877019251 +148 140 1 877019882 +148 151 4 877400124 +148 163 4 877021402 +148 164 4 877398444 +148 169 5 877020297 +148 172 5 877016513 +148 173 5 877017054 +148 174 5 877015066 +148 175 4 877016259 +148 177 2 877020715 +148 185 1 877398385 +148 189 4 877019698 +148 191 1 877020715 +148 194 5 877015066 +148 204 3 877016912 +148 209 5 877398648 +148 214 5 877019882 +148 222 4 877398901 +148 228 4 877016514 +148 238 4 877398586 +148 357 5 877016735 +148 408 5 877399018 +148 432 5 877019698 +148 473 5 877399322 +148 495 4 877016735 +148 496 3 877015066 +148 501 4 877020297 +148 507 5 877398587 +148 509 5 877016605 +148 521 1 877398836 +148 529 5 877398901 +148 588 4 877399018 +148 596 5 877020297 +148 713 3 877021535 +148 969 4 877398513 +148 993 4 877400154 +148 1012 4 877400154 +148 1039 2 877015784 +148 1149 5 877016513 +149 245 3 883512813 +149 258 3 883512658 +149 262 1 883512623 +149 269 5 883512557 +149 272 3 883512591 +149 286 5 883512591 +149 301 3 883512813 +149 302 4 883512623 +149 303 4 883512752 +149 305 4 883512658 +149 308 2 883512658 +149 310 2 883512689 +149 311 3 883512752 +149 312 1 883512950 +149 313 5 883512557 +149 319 2 883512658 +149 321 2 883512856 +149 323 2 883512928 +149 325 2 883512834 +149 326 3 883512856 +149 327 2 883512689 +149 333 1 883512591 +149 337 2 883512968 +149 338 2 883512904 +149 340 4 883512775 +149 345 4 883512623 +149 689 2 883512950 +149 896 4 883512689 +150 1 4 878746441 +150 13 4 878746889 +150 14 4 878746889 +150 50 5 878746719 +150 93 4 878746889 +150 100 2 878746636 +150 121 2 878747322 +150 123 4 878746852 +150 124 2 878746442 +150 127 5 878746889 +150 129 4 878746946 +150 147 4 878746442 +150 150 3 878746824 +150 151 4 878746824 +150 181 5 878746685 +150 221 4 878747017 +150 235 4 878746792 +150 246 5 878746719 +150 268 5 878746257 +150 273 4 878746764 +150 278 2 878746889 +150 288 4 878746174 +150 291 4 878746764 +150 293 4 878746946 +150 319 4 878746174 +150 324 4 878746225 +150 325 1 878747322 +150 410 4 878747090 +150 458 4 878746720 +150 475 5 878746764 +150 628 4 878747018 +151 4 5 879524922 +151 7 4 879524610 +151 9 4 879524199 +151 10 5 879524921 +151 12 5 879524368 +151 13 3 879542688 +151 14 5 879524325 +151 15 4 879524879 +151 25 4 879528496 +151 26 3 879542252 +151 28 4 879524199 +151 31 3 879524713 +151 44 4 879542413 +151 47 3 879528459 +151 49 3 879543055 +151 50 5 879525034 +151 51 4 879543055 +151 52 5 879524586 +151 56 4 879524879 +151 58 4 879524849 +151 64 5 879524536 +151 65 4 879528729 +151 66 4 879524974 +151 69 4 879524368 +151 70 4 879524947 +151 73 4 879528909 +151 79 4 879524642 +151 81 5 879524293 +151 83 5 879524611 +151 86 5 879524345 +151 87 4 879524420 +151 88 5 879542645 +151 89 5 879524491 +151 91 2 879542796 +151 98 4 879524088 +151 100 3 879524514 +151 111 4 879542775 +151 114 5 879524268 +151 118 3 879542588 +151 121 5 879525054 +151 124 5 879524491 +151 125 4 879542939 +151 131 5 879525075 +151 132 5 879524669 +151 134 4 879524131 +151 135 5 879524471 +151 136 4 879524293 +151 137 5 879528754 +151 143 5 879524878 +151 147 2 879524947 +151 152 3 879525075 +151 153 3 879524326 +151 154 4 879524642 +151 160 4 879542670 +151 162 5 879528779 +151 163 4 879542723 +151 164 5 879542984 +151 169 5 879524268 +151 171 5 879524921 +151 172 5 879524325 +151 173 5 879524130 +151 174 5 879524088 +151 175 5 879524244 +151 176 2 879524293 +151 181 5 879524394 +151 183 3 879524642 +151 185 4 879528801 +151 186 4 879524222 +151 189 5 879528495 +151 190 4 879528673 +151 191 3 879524326 +151 193 4 879524491 +151 196 4 879542670 +151 197 5 879528710 +151 198 4 879524472 +151 200 3 879525002 +151 202 5 879542753 +151 203 3 879524471 +151 204 4 879524641 +151 209 4 879524443 +151 210 4 879524419 +151 211 5 879528588 +151 213 5 879524849 +151 215 3 879524420 +151 223 5 879524088 +151 224 5 879524293 +151 227 5 879542670 +151 228 5 879524345 +151 230 3 879528647 +151 231 1 879543366 +151 234 4 879524819 +151 238 5 879542286 +151 241 3 879542645 +151 258 5 879523838 +151 260 1 879523998 +151 274 5 879542369 +151 275 5 879524443 +151 277 4 879524642 +151 286 5 879523838 +151 287 4 879528754 +151 300 4 879523942 +151 301 4 879523925 +151 317 5 879524610 +151 318 5 879524088 +151 321 4 879523900 +151 322 2 881771160 +151 328 3 879523838 +151 356 2 879528852 +151 357 5 879524585 +151 371 4 879542891 +151 372 5 879524819 +151 378 4 879528520 +151 380 5 879543146 +151 381 5 879528754 +151 382 4 879528754 +151 385 3 879542775 +151 387 5 879542353 +151 393 2 879528692 +151 402 3 879543423 +151 405 3 879543055 +151 411 4 879543228 +151 414 5 879542474 +151 417 3 879543075 +151 418 3 879525002 +151 419 3 879524878 +151 420 5 879524760 +151 423 4 879528570 +151 425 4 879528647 +151 427 5 879524108 +151 428 5 879542510 +151 429 5 879528673 +151 430 4 879528418 +151 432 5 879524610 +151 433 3 879542510 +151 435 4 879524131 +151 436 3 879524947 +151 448 2 879528779 +151 451 5 879542707 +151 461 4 879524738 +151 462 4 879524088 +151 463 5 879525002 +151 464 4 879524089 +151 466 5 879528496 +151 474 5 879524222 +151 476 3 879543423 +151 478 5 879524471 +151 480 5 879524151 +151 481 3 879524669 +151 482 4 879524345 +151 483 5 879524244 +151 484 4 879524563 +151 485 5 879525002 +151 486 5 879525002 +151 488 4 879524900 +151 489 5 879528623 +151 490 5 879528418 +151 491 4 879524536 +151 492 3 879524738 +151 494 4 879524244 +151 496 4 879524974 +151 497 5 879524325 +151 498 5 879524150 +151 499 5 879524585 +151 503 3 879524199 +151 504 4 879528868 +151 505 5 879528909 +151 506 4 879524900 +151 509 4 879524778 +151 512 5 879524712 +151 514 4 879524797 +151 516 5 879542707 +151 517 2 879542588 +151 522 5 879524443 +151 523 5 879524173 +151 525 4 879528570 +151 528 5 879524849 +151 529 5 879542610 +151 531 3 879524738 +151 546 2 879543400 +151 549 4 879543324 +151 559 2 879543075 +151 561 3 879543342 +151 566 3 879528890 +151 582 5 879524563 +151 584 3 879525035 +151 602 4 879542688 +151 603 5 879524641 +151 605 4 879528909 +151 609 4 879525075 +151 610 5 879528607 +151 611 4 879524514 +151 627 2 879542796 +151 629 4 879528754 +151 631 3 879524849 +151 632 4 879528779 +151 633 5 879528801 +151 638 5 879528819 +151 654 4 879524514 +151 655 4 879542645 +151 657 5 879524760 +151 659 5 879524974 +151 660 4 879524199 +151 661 4 879524419 +151 662 4 879525054 +151 663 4 879524268 +151 664 5 879524713 +151 675 2 879524368 +151 684 3 879524849 +151 686 3 879525035 +151 692 3 879524669 +151 699 4 879525035 +151 702 3 879524849 +151 703 4 879542460 +151 705 5 879524778 +151 707 4 879528537 +151 709 5 879524778 +151 716 2 879528778 +151 729 4 879542492 +151 732 4 879542775 +151 735 5 879528438 +151 736 4 879542389 +151 741 2 879524394 +151 747 3 879524564 +151 755 3 879543366 +151 761 3 879542813 +151 770 4 879542527 +151 775 2 879543366 +151 781 3 879543181 +151 782 4 879542566 +151 792 4 879524268 +151 805 4 879542567 +151 813 4 879524222 +151 826 1 879543212 +151 835 5 879524199 +151 836 4 879524514 +151 837 4 879524642 +151 845 4 879525035 +151 847 5 879528459 +151 919 5 879524368 +151 922 4 879542847 +151 929 3 879543457 +151 939 4 879524514 +151 945 5 879524419 +151 952 3 879528729 +151 953 5 879524948 +151 965 5 879524849 +151 966 4 879543457 +151 969 5 879542510 +151 972 4 879543366 +151 1006 1 879524974 +151 1017 2 879542939 +151 1039 4 879524471 +151 1041 3 879543306 +151 1044 2 879524900 +151 1047 2 879543036 +151 1050 4 879524879 +151 1065 3 879542413 +151 1070 4 879524174 +151 1074 2 879543342 +151 1098 1 879528890 +151 1101 4 879524586 +151 1109 4 879542414 +151 1113 4 879542891 +151 1197 5 879542753 +151 1203 5 879542670 +151 1264 4 879542389 +151 1286 5 879524173 +151 1297 1 879542847 +151 1298 4 879528520 +151 1299 4 879543423 +152 15 5 880148843 +152 22 5 882828490 +152 25 3 880149045 +152 33 5 882475924 +152 49 5 882477402 +152 51 4 882476486 +152 67 5 882477689 +152 69 5 882474000 +152 71 5 882900320 +152 80 5 882477572 +152 88 5 884035964 +152 97 5 882475618 +152 98 2 882473974 +152 111 5 880148782 +152 117 4 880148782 +152 120 2 880149686 +152 125 5 880149165 +152 132 5 882475496 +152 133 5 882474845 +152 147 3 880149045 +152 151 4 880148735 +152 157 5 882476486 +152 161 5 882476363 +152 162 5 882474898 +152 167 5 882477430 +152 191 5 880149963 +152 204 4 882474587 +152 215 5 880149882 +152 220 5 884035907 +152 234 4 882474970 +152 237 5 880148734 +152 241 4 884035579 +152 255 5 884035936 +152 272 5 890322298 +152 274 5 880149166 +152 275 4 880148664 +152 283 4 880148616 +152 286 5 875562268 +152 294 4 880149098 +152 301 3 880147407 +152 313 4 890322242 +152 319 2 890322385 +152 354 3 890322242 +152 364 4 884019146 +152 367 3 882475972 +152 371 4 882477356 +152 393 5 884018430 +152 401 3 884018905 +152 402 5 882829501 +152 410 4 882478038 +152 412 2 880149328 +152 451 5 882476911 +152 483 5 882474435 +152 487 5 882474587 +152 504 4 882476261 +152 527 4 882477356 +152 549 4 882476261 +152 559 1 882475972 +152 568 5 882829846 +152 596 2 880148941 +152 632 4 882474734 +152 660 5 880150075 +152 685 5 880149074 +152 692 5 880149963 +152 699 5 882476911 +152 716 5 884019001 +152 720 5 882477356 +152 724 5 884035936 +152 763 5 884018370 +152 780 5 884019189 +152 783 4 884018961 +152 785 5 886535773 +152 790 5 884018821 +152 794 5 886535773 +152 845 3 886535827 +152 866 5 880149224 +152 944 4 882476632 +152 966 5 882829150 +152 1014 2 880149224 +152 1028 5 880149197 +152 1035 4 882477755 +152 1041 5 882477572 +152 1053 5 882475618 +152 1054 1 880149643 +152 1301 5 884018462 +153 22 2 881371140 +153 50 1 881371140 +153 56 5 881371140 +153 64 5 881371005 +153 127 3 881371140 +153 174 1 881371140 +153 187 2 881371198 +153 216 2 881371032 +153 258 5 881371336 +153 265 4 881371032 +153 294 2 881370859 +153 321 3 881370900 +153 322 3 881370900 +153 323 2 881370900 +153 510 3 881371198 +153 568 4 881371140 +153 678 2 881370935 +154 50 5 879138657 +154 61 4 879138657 +154 89 5 879138910 +154 135 5 879139003 +154 137 3 879138657 +154 143 3 879139003 +154 152 4 879138832 +154 172 4 879138783 +154 174 5 879138657 +154 175 5 879138784 +154 182 5 879138783 +154 185 5 879139002 +154 187 5 879139096 +154 191 4 879138832 +154 200 5 879138832 +154 202 3 879139096 +154 222 2 879138910 +154 242 3 879138235 +154 286 4 879138235 +154 288 3 879138235 +154 289 2 879138345 +154 302 4 879138235 +154 333 3 879138287 +154 357 4 879138713 +154 414 4 879138910 +154 462 3 879138831 +154 474 5 879138783 +154 475 4 879138832 +154 479 4 879138831 +154 480 5 879138784 +154 482 4 879138831 +154 484 4 879139096 +154 488 4 879138831 +154 496 3 879138910 +154 523 5 879138831 +154 527 4 879139040 +154 640 5 879138713 +154 641 5 879138831 +154 642 3 879138910 +154 651 4 879138783 +154 708 4 879139003 +154 806 4 879139040 +154 874 3 879138368 +154 919 4 879138712 +154 945 3 879138713 +155 245 2 879371061 +155 286 4 879370860 +155 288 3 879370860 +155 292 3 879371061 +155 294 3 879371194 +155 300 2 879370963 +155 306 5 879371121 +155 319 3 879370963 +155 321 4 879370963 +155 322 2 879371261 +155 323 2 879371261 +155 324 2 879370963 +155 325 2 879371261 +155 326 2 879371121 +155 328 2 879370860 +155 332 2 879371121 +155 748 2 879371261 +155 872 3 879370860 +155 988 2 879371261 +155 990 3 879371194 +156 9 4 888185735 +156 11 2 888185906 +156 12 3 888185853 +156 22 3 888186093 +156 48 4 888185777 +156 58 4 888185906 +156 64 3 888185677 +156 77 2 888185906 +156 83 3 888185677 +156 100 4 888185677 +156 124 3 888185677 +156 137 4 888185735 +156 157 4 888185906 +156 178 5 888185777 +156 180 5 888185777 +156 187 5 888185778 +156 192 4 888185735 +156 197 5 888185777 +156 205 3 888185735 +156 211 4 888185606 +156 276 3 888185854 +156 317 4 888185906 +156 318 4 888185947 +156 346 3 888185561 +156 357 4 888185677 +156 480 5 888185606 +156 528 4 888185906 +156 641 5 888185677 +156 646 4 888185947 +156 651 4 888185906 +156 655 3 888185677 +156 661 4 888185947 +156 772 3 888185947 +157 1 5 874813703 +157 3 3 886890734 +157 25 3 886890787 +157 50 4 886890541 +157 93 3 886890692 +157 100 5 886890650 +157 117 5 886890296 +157 127 5 886890541 +157 137 5 886889876 +157 147 5 886890342 +157 150 5 874813703 +157 235 5 874813703 +157 244 5 886890406 +157 250 1 886890296 +157 255 3 886889876 +157 258 3 886890296 +157 268 5 886889729 +157 269 4 886889876 +157 273 5 886889876 +157 274 4 886890835 +157 283 4 886890692 +157 286 5 874813268 +157 289 4 886889876 +157 290 4 886890787 +157 293 5 874813703 +157 298 4 886889876 +157 313 5 886889616 +157 340 5 886889616 +157 405 3 886890342 +157 407 4 886891218 +157 410 4 886890855 +157 475 3 886890650 +157 476 1 886891173 +157 508 5 886890712 +157 515 5 874813477 +157 685 3 886890372 +157 740 2 886889876 +157 748 2 886890015 +157 934 2 886890878 +157 1016 5 886890341 +157 1051 4 886890835 +157 1132 3 886891132 +157 1244 3 886891194 +157 1258 5 886891132 +157 1283 2 886891173 +157 1302 5 874813703 +158 1 4 880132443 +158 4 4 880134477 +158 7 5 880132744 +158 8 5 880134948 +158 11 4 880134398 +158 20 4 880134261 +158 22 5 880134333 +158 24 4 880134261 +158 38 4 880134607 +158 39 5 880134398 +158 42 3 880134913 +158 50 4 880133306 +158 53 1 880134781 +158 55 4 880134407 +158 56 5 880134296 +158 62 5 880134759 +158 68 3 880134532 +158 70 4 880135118 +158 72 3 880135118 +158 79 4 880134332 +158 82 5 880134398 +158 83 5 880134913 +158 85 4 880135118 +158 89 5 880133189 +158 92 4 880134407 +158 96 4 880134332 +158 100 5 880132401 +158 107 3 880132960 +158 111 4 880134261 +158 116 5 880132383 +158 117 3 880132719 +158 118 5 880132638 +158 120 1 880134014 +158 123 3 880132488 +158 124 4 880134261 +158 125 3 880132745 +158 127 5 880132356 +158 128 2 880134296 +158 129 5 880132383 +158 137 5 880132443 +158 144 4 880134445 +158 148 4 880132613 +158 149 3 880132383 +158 154 4 880135069 +158 163 4 880135044 +158 168 5 880134948 +158 172 4 880134398 +158 173 5 880134913 +158 174 5 880134332 +158 176 4 880134398 +158 177 4 880134407 +158 181 3 880132383 +158 182 5 880134296 +158 183 3 880134332 +158 184 3 880134407 +158 186 3 880134913 +158 187 5 880134332 +158 190 5 880134332 +158 194 5 880134913 +158 195 5 880134398 +158 202 5 880135001 +158 204 4 880135001 +158 208 5 880135093 +158 209 5 880135001 +158 210 4 880134296 +158 216 3 880134948 +158 217 5 880133095 +158 221 2 880132421 +158 222 3 880132771 +158 228 5 880134296 +158 229 3 880134532 +158 230 2 880134445 +158 235 1 880132794 +158 239 3 880135093 +158 241 4 880134445 +158 244 4 880132772 +158 250 4 880132356 +158 252 3 880132893 +158 271 4 880132232 +158 273 3 880132356 +158 275 5 880132313 +158 277 4 880132658 +158 285 5 880132383 +158 286 4 880134261 +158 290 4 880135160 +158 293 4 880132513 +158 294 1 880132193 +158 298 3 880132513 +158 302 4 880132193 +158 373 2 880134781 +158 385 3 880134445 +158 399 3 880134595 +158 403 4 880134650 +158 410 3 880132794 +158 414 4 880135118 +158 430 5 880135093 +158 431 5 880134477 +158 433 3 880135044 +158 435 5 880134407 +158 450 3 880134815 +158 472 3 880132659 +158 483 5 880133225 +158 502 4 880135069 +158 510 3 880134296 +158 514 3 880135093 +158 516 5 880135044 +158 518 4 880134398 +158 525 5 880133288 +158 530 4 880134332 +158 544 2 880132638 +158 546 3 880132719 +158 550 3 880134445 +158 566 3 880134499 +158 568 4 880134532 +158 570 3 880134445 +158 580 4 880135093 +158 593 4 880134261 +158 636 4 880134532 +158 648 5 880135020 +158 651 5 880134296 +158 652 4 880134966 +158 659 5 880134947 +158 665 2 880134532 +158 684 3 880134332 +158 686 5 880134499 +158 694 5 880133209 +158 709 5 880135020 +158 729 3 880133116 +158 731 2 880135118 +158 742 4 880134261 +158 744 4 880132462 +158 745 4 880135044 +158 770 5 880134477 +158 797 3 880134701 +158 798 4 880134815 +158 803 3 880134848 +158 809 3 880134675 +158 825 4 880133029 +158 978 3 880133937 +158 985 4 880134261 +158 1011 4 880132579 +158 1047 4 880134261 +158 1098 4 880135069 +158 1303 3 880134865 +159 9 3 880485766 +159 15 5 880485972 +159 24 5 880989865 +159 72 3 884026946 +159 96 4 884360539 +159 103 1 880557604 +159 111 4 880556981 +159 117 5 880486047 +159 118 4 880557464 +159 121 3 880486071 +159 125 5 880557192 +159 126 5 880557038 +159 127 5 880989744 +159 130 1 880557322 +159 195 3 884360539 +159 220 5 880557782 +159 225 4 880557347 +159 237 3 880485766 +159 243 4 880485529 +159 245 5 880485488 +159 249 4 884027269 +159 254 3 884026738 +159 255 3 885501660 +159 258 4 893255836 +159 259 4 893255969 +159 260 2 893255969 +159 272 5 885501645 +159 273 5 880485935 +159 274 3 880557387 +159 286 1 880485233 +159 288 3 884026901 +159 289 2 880485415 +159 291 4 880485766 +159 293 4 880485879 +159 294 4 884026788 +159 298 5 880557386 +159 299 3 893256013 +159 310 5 880989865 +159 319 1 880485290 +159 322 5 880485443 +159 323 4 880485443 +159 328 3 893255993 +159 333 5 893255761 +159 358 1 893255969 +159 411 3 880557677 +159 412 3 880557824 +159 451 5 884360502 +159 471 4 880485861 +159 546 4 880557621 +159 588 2 884027316 +159 591 4 880557060 +159 595 5 880486009 +159 597 5 880989838 +159 678 5 880485530 +159 685 4 880557347 +159 742 2 880557192 +159 748 3 880485488 +159 756 4 880557464 +159 815 3 880557387 +159 831 2 880557604 +159 832 3 880557864 +159 845 1 880557130 +159 866 5 880557539 +159 871 4 880557003 +159 872 1 880485262 +159 873 2 893256062 +159 877 3 893255740 +159 880 1 893256084 +159 881 1 893256139 +159 918 4 893255798 +159 930 4 880557824 +159 932 3 880557464 +159 1002 3 884027027 +159 1012 5 880557080 +159 1013 4 880557170 +159 1025 2 893256139 +159 1028 5 880557539 +159 1037 2 884360502 +159 1049 4 880485972 +159 1095 5 880557824 +159 1132 5 880557584 +159 1152 4 880557464 +159 1190 5 881680199 +159 1221 5 884027141 +159 1254 1 884360361 +159 1278 3 880557782 +160 1 4 876768025 +160 3 3 876770124 +160 4 4 876861754 +160 7 3 876767822 +160 9 3 876767023 +160 11 4 876858091 +160 13 4 876768990 +160 15 2 876768609 +160 21 1 876769480 +160 23 5 876859778 +160 24 5 876769689 +160 32 5 876859413 +160 50 4 876767572 +160 55 4 876858091 +160 56 5 876770222 +160 59 4 876858346 +160 79 4 876859413 +160 93 5 876767572 +160 100 5 876767023 +160 109 2 876857844 +160 117 4 876767822 +160 118 3 876768828 +160 123 4 876768949 +160 124 4 876767360 +160 126 3 876769148 +160 127 5 876770168 +160 129 4 876768828 +160 135 4 876860807 +160 137 4 876767299 +160 151 4 876769097 +160 153 3 876860808 +160 157 5 876858346 +160 160 5 876862078 +160 161 3 876861185 +160 168 4 876858091 +160 169 4 876862077 +160 174 5 876860807 +160 175 4 876860808 +160 182 5 876770311 +160 185 5 876861185 +160 187 5 876770168 +160 192 5 876861185 +160 195 4 876859413 +160 201 5 876858346 +160 202 4 876862077 +160 209 4 876861185 +160 213 4 876859778 +160 218 4 876861878 +160 228 2 876862243 +160 230 2 876860808 +160 234 5 876861185 +160 240 4 876768990 +160 248 5 876768828 +160 250 4 876768106 +160 273 5 876767660 +160 282 4 876768025 +160 288 5 876771285 +160 293 5 876767572 +160 302 5 878078074 +160 325 3 878078115 +160 328 3 878078096 +160 405 3 876770441 +160 408 4 876767023 +160 410 4 876769148 +160 412 3 876768990 +160 430 5 876861799 +160 432 3 876861185 +160 447 4 876859413 +160 455 4 876769689 +160 458 5 876768025 +160 460 2 876861185 +160 462 4 876858346 +160 463 4 876859777 +160 474 4 876857977 +160 475 5 876767822 +160 484 5 876862243 +160 488 5 876862078 +160 508 5 876768025 +160 531 5 876942699 +160 544 4 876768106 +160 564 3 876861799 +160 603 4 876861754 +160 604 4 876859778 +160 628 3 876767360 +160 640 3 876860808 +160 671 5 876859778 +160 693 5 876770193 +160 719 3 876857977 +160 762 3 876769148 +160 763 4 876768025 +160 770 4 876861878 +160 832 1 876770673 +160 844 3 876767822 +160 864 1 876770673 +160 926 2 876769148 +160 933 3 876767621 +160 952 4 876767299 +160 955 4 876862243 +160 969 1 876861185 +160 1012 5 876769689 +160 1016 4 876767440 +160 1019 5 876857977 +160 1073 4 876859778 +160 1197 4 876768609 +160 1223 4 876861799 +161 14 4 891171413 +161 22 2 891171282 +161 48 1 891170745 +161 50 2 891170972 +161 56 3 891171257 +161 70 3 891171064 +161 98 4 891171357 +161 100 4 891171127 +161 118 2 891172421 +161 127 3 891171698 +161 132 1 891171458 +161 133 2 891171023 +161 135 2 891170656 +161 162 2 891171413 +161 168 1 891171174 +161 174 2 891170800 +161 177 2 891171848 +161 181 2 891171848 +161 186 4 891171530 +161 187 3 891170998 +161 191 2 891171734 +161 194 1 891171503 +161 197 3 891171734 +161 202 5 891170769 +161 213 2 891171887 +161 215 2 891170866 +161 225 1 891172322 +161 257 3 891172174 +161 265 2 891171597 +161 274 2 891172070 +161 276 5 891170881 +161 286 2 891169991 +161 309 2 891170018 +161 318 3 891170824 +161 435 2 891171104 +161 473 1 891172358 +161 483 3 891171214 +161 496 3 891171734 +161 508 2 891171657 +161 523 3 891170686 +161 582 1 891170800 +161 654 3 891171357 +161 898 3 891170191 +161 929 1 891172377 +161 1266 2 891170745 +162 1 4 877635819 +162 7 3 877635869 +162 11 4 877636772 +162 25 4 877635573 +162 28 4 877636746 +162 42 3 877636675 +162 50 5 877635662 +162 55 3 877636713 +162 105 2 877636458 +162 117 4 877635869 +162 121 4 877636000 +162 122 2 877636300 +162 144 3 877636746 +162 151 3 877636191 +162 174 4 877636772 +162 179 3 877636794 +162 181 4 877635798 +162 208 3 877636746 +162 222 4 877635758 +162 230 2 877636860 +162 254 3 877636476 +162 294 3 877634955 +162 298 4 877635690 +162 358 3 877635375 +162 474 3 877636556 +162 508 5 877635662 +162 544 4 877636167 +162 597 4 877636370 +162 628 4 877635897 +162 685 3 877635917 +162 710 4 877636860 +162 742 4 877635758 +162 826 3 877635965 +162 943 4 877636604 +162 1011 4 877636370 +162 1012 4 877635965 +162 1019 4 877636556 +162 1047 5 877635896 +163 56 4 891220097 +163 64 4 891220161 +163 97 4 891220019 +163 98 4 891220196 +163 202 3 891220137 +163 216 3 891220196 +163 234 3 891220137 +163 258 4 891219977 +163 269 3 891219977 +163 272 4 891219977 +163 286 3 891219977 +163 288 3 891220226 +163 300 3 891219977 +163 301 3 891219977 +163 316 5 891219976 +163 318 4 891220161 +163 326 3 891219977 +163 347 4 891219976 +163 433 1 891220137 +163 879 2 891219643 +164 9 4 889402050 +164 100 5 889401998 +164 117 5 889401816 +164 118 5 889401852 +164 121 5 889402203 +164 125 5 889402071 +164 148 5 889402203 +164 181 5 889401906 +164 237 2 889401816 +164 245 5 889401362 +164 248 4 889402030 +164 258 5 889401221 +164 276 3 889401771 +164 281 4 889401906 +164 291 5 889401963 +164 293 4 889402121 +164 298 3 889401835 +164 299 4 889401383 +164 300 5 889401221 +164 313 5 889401284 +164 322 4 889401432 +164 323 4 889401318 +164 326 3 889401362 +164 328 5 889401362 +164 329 4 889401410 +164 331 5 889401193 +164 333 5 889401383 +164 342 2 889401691 +164 370 5 889402443 +164 406 2 889402389 +164 407 2 889402443 +164 411 2 889402407 +164 458 4 889402050 +164 515 4 889401906 +164 597 4 889402225 +164 619 4 889402160 +164 620 3 889402298 +164 678 4 889401432 +164 685 5 889402160 +164 689 5 889401490 +164 690 4 889401241 +164 717 3 889402265 +164 742 5 889401981 +164 748 5 889401410 +164 823 4 889402225 +164 825 4 889402203 +164 826 4 889402340 +164 845 3 889402071 +164 866 5 889402121 +164 926 2 889402091 +164 930 4 889402340 +164 934 5 889402547 +164 984 4 889401456 +164 1016 3 889402091 +164 1025 4 889401510 +165 15 5 879525799 +165 69 3 879525799 +165 91 4 879525756 +165 127 4 879525706 +165 156 3 879525894 +165 174 4 879525961 +165 176 4 879526007 +165 181 5 879525738 +165 187 3 879526046 +165 202 4 879525855 +165 216 4 879525778 +165 222 5 879525987 +165 223 4 879525894 +165 258 5 879525672 +165 270 4 879525672 +165 288 2 879525673 +165 304 3 879525672 +165 325 4 879525672 +165 326 5 879525672 +165 328 3 879525673 +165 332 4 879525672 +165 372 5 879525987 +165 419 4 879525706 +165 432 5 879526046 +165 500 3 879525832 +165 651 5 879525961 +165 1119 3 879525922 +166 243 3 886397827 +166 258 4 886397562 +166 286 1 886397562 +166 288 3 886397510 +166 294 3 886397596 +166 300 5 886397723 +166 315 3 886397478 +166 322 5 886397723 +166 323 5 886397722 +166 328 5 886397722 +166 343 4 886397882 +166 346 1 886397596 +166 687 1 886397777 +166 688 3 886397855 +166 748 2 886397751 +166 751 4 886397665 +166 894 4 886397905 +166 984 5 886397802 +167 8 5 892738237 +167 48 1 892738277 +167 73 2 892738452 +167 86 4 892738212 +167 96 5 892738307 +167 126 3 892738141 +167 133 5 892738453 +167 136 4 892738418 +167 137 5 892738081 +167 169 1 892738419 +167 184 1 892738278 +167 204 4 892738384 +167 216 4 892738237 +167 222 4 892737995 +167 225 3 892737995 +167 232 1 892738341 +167 235 3 892737972 +167 240 1 892737972 +167 290 3 892737936 +167 318 5 892738307 +167 364 3 892738212 +167 381 5 892738212 +167 392 1 892738307 +167 404 3 892738278 +167 435 5 892738453 +167 465 5 892738341 +167 478 5 892738452 +167 486 4 892738452 +167 493 4 892738307 +167 521 5 892738307 +167 554 1 892738237 +167 568 3 892738341 +167 603 4 892738212 +167 606 4 892738452 +167 641 4 892738341 +167 659 4 892738277 +167 674 2 892738384 +167 675 1 892738277 +167 698 4 892738307 +167 719 1 892738341 +167 726 1 892738385 +167 733 2 892738453 +167 949 1 892738341 +167 1125 5 892738419 +167 1126 5 892738418 +167 1147 4 892738384 +167 1200 4 892738384 +167 1225 3 892738277 +167 1304 4 892738277 +167 1305 1 892738418 +167 1306 5 892738385 +167 1307 2 892738277 +167 1308 1 892738307 +167 1309 1 892738341 +167 1310 3 892738384 +168 1 5 884287509 +168 7 1 884287559 +168 9 1 884287394 +168 15 5 884287362 +168 25 5 884287885 +168 100 4 884287362 +168 117 5 884287318 +168 118 4 884288009 +168 121 4 884287731 +168 123 3 884287822 +168 125 4 884287731 +168 126 5 884287962 +168 151 5 884288058 +168 181 4 884287298 +168 222 5 884287759 +168 235 2 884288270 +168 255 1 884287560 +168 257 5 884287642 +168 258 4 884286863 +168 259 2 884287073 +168 273 4 884287509 +168 274 4 884287865 +168 275 3 884287822 +168 276 1 884287642 +168 281 2 884288033 +168 282 5 884287394 +168 284 2 884288112 +168 288 1 884287927 +168 291 4 884287668 +168 294 4 884286862 +168 295 4 884287615 +168 323 3 884286990 +168 325 1 884287073 +168 409 4 884287846 +168 411 1 884288222 +168 458 1 884288058 +168 472 3 884287927 +168 473 2 884288178 +168 546 3 884287962 +168 596 4 884287615 +168 597 3 884288112 +168 619 3 884287536 +168 678 1 884287109 +168 685 3 884287759 +168 742 5 884287362 +168 748 2 884287031 +168 763 2 884288033 +168 819 4 884288270 +168 845 4 884287668 +168 866 5 884287927 +168 871 3 884287711 +168 924 2 884287614 +168 930 3 884288243 +168 931 3 884288329 +168 988 2 884287145 +168 1016 5 884287615 +168 1028 2 884287846 +168 1047 2 884288080 +168 1051 4 884288222 +168 1197 5 884287927 +168 1278 3 884287560 +169 127 4 891359354 +169 133 4 891359171 +169 172 5 891359317 +169 174 4 891359418 +169 181 5 891359276 +169 199 4 891359353 +169 211 5 891359200 +169 213 5 891359354 +169 234 4 891359418 +169 243 3 891268851 +169 258 5 891268552 +169 260 1 891269104 +169 300 5 891268491 +169 301 4 891268622 +169 308 3 891268776 +169 331 5 891268491 +169 429 3 891359250 +169 443 4 891359418 +169 480 4 891359137 +169 482 3 891359171 +169 483 3 891359200 +169 495 3 891359276 +169 498 3 891359170 +169 525 3 891359250 +169 538 4 891268653 +169 603 5 891359171 +169 604 4 891359317 +169 606 5 891359137 +169 684 5 891359354 +169 705 5 891359354 +169 879 5 891268653 +170 245 5 884103758 +170 259 3 886623680 +170 288 3 884706012 +170 292 5 884103732 +170 294 3 884705913 +170 299 3 886190476 +170 300 5 884103732 +170 322 5 884103801 +170 323 3 884293671 +170 326 5 886623057 +170 328 3 884103860 +170 333 4 886190330 +170 348 3 887646014 +170 678 4 886623680 +170 687 3 884706063 +170 749 5 887646170 +170 881 3 886190419 +170 984 5 884103918 +170 988 3 884706063 +171 245 3 891034801 +171 258 4 891034801 +171 262 4 891034641 +171 268 4 891034684 +171 270 4 891034835 +171 272 5 891034835 +171 288 2 891034606 +171 292 4 891034835 +171 302 4 891034606 +171 306 3 891034606 +171 313 4 891034835 +171 315 4 891034835 +171 326 2 891034801 +171 327 4 891034835 +171 340 3 891034756 +171 344 3 891034889 +171 887 4 891034835 +171 906 3 891034684 +171 1022 3 891034889 +172 23 3 875537717 +172 177 4 875537965 +172 178 3 875538027 +172 183 5 875538864 +172 220 4 875537441 +172 428 4 875537964 +172 430 3 875537964 +172 462 3 875537717 +172 478 3 875538027 +172 483 3 875538028 +172 485 3 875538028 +172 488 3 875537965 +172 514 3 875537964 +172 580 4 875538028 +172 582 4 875538864 +172 603 3 875538027 +172 606 3 875537964 +172 612 3 875537964 +172 642 4 875538028 +172 657 3 875538027 +172 697 3 875536498 +172 772 1 875537099 +172 1134 2 875536721 +172 1172 3 875538864 +173 242 5 877556626 +173 245 4 877556927 +173 258 4 877556625 +173 259 3 877557239 +173 260 4 877557345 +173 262 4 877556864 +173 268 4 877556626 +173 269 4 877556626 +173 286 5 877556626 +173 289 4 877556988 +173 292 5 877557369 +173 294 5 877556864 +173 300 4 877556988 +173 301 5 877557076 +173 302 5 877556626 +173 305 5 877556626 +173 306 5 877556626 +173 321 4 877556864 +173 322 4 877557028 +173 323 5 877556926 +173 326 5 877556988 +173 328 5 877557028 +173 329 4 877557345 +173 331 4 877557028 +173 678 3 877556988 +173 690 5 877557076 +173 874 4 877556926 +173 879 5 877557076 +173 880 4 877557168 +173 881 3 877557168 +173 937 4 877557077 +173 938 3 877557076 +173 984 4 877556988 +173 1265 3 877557239 +174 1 3 886433898 +174 9 5 886439492 +174 11 5 886439516 +174 12 5 886439091 +174 13 3 891551777 +174 14 5 886433771 +174 15 5 886434065 +174 21 1 886515209 +174 28 5 886434547 +174 29 2 886514469 +174 31 4 886434566 +174 40 4 886514985 +174 41 1 886515063 +174 49 4 886513788 +174 56 5 886452583 +174 63 4 886514985 +174 65 5 886514123 +174 66 5 886513706 +174 67 1 886515130 +174 69 5 886514201 +174 80 1 886515210 +174 82 1 886515472 +174 87 5 886514089 +174 88 5 886513752 +174 94 2 886515062 +174 98 5 886452583 +174 99 3 886515457 +174 100 5 886433788 +174 107 5 886434361 +174 111 5 886433898 +174 117 5 886434136 +174 118 2 886434186 +174 122 1 886434421 +174 124 5 886514168 +174 132 2 886439516 +174 138 1 891551778 +174 139 3 886515591 +174 140 4 886515514 +174 143 5 886515457 +174 147 4 886433936 +174 151 3 886434013 +174 158 2 886514921 +174 160 5 886514377 +174 162 5 886514108 +174 167 3 886514953 +174 168 1 886434621 +174 196 5 886514108 +174 197 5 886434547 +174 202 5 886513729 +174 204 4 886452552 +174 210 4 886514788 +174 215 5 886514220 +174 216 5 886439516 +174 221 4 886433771 +174 237 4 886434047 +174 238 5 890168700 +174 239 4 886439537 +174 240 1 886434241 +174 248 5 886433981 +174 255 5 886434114 +174 268 5 886432749 +174 269 5 886432811 +174 272 5 886432770 +174 276 5 886433862 +174 278 5 886433833 +174 280 5 886433862 +174 284 4 886433771 +174 288 3 886432770 +174 293 5 890168505 +174 312 5 886432972 +174 315 5 886432749 +174 323 1 886434241 +174 332 5 886432901 +174 333 4 886432811 +174 340 5 886432749 +174 347 4 886432844 +174 364 1 886515240 +174 368 1 886434402 +174 369 1 886515272 +174 383 1 886515171 +174 384 1 886515121 +174 388 1 886515335 +174 393 4 886514837 +174 395 1 886515154 +174 396 1 886515104 +174 402 5 886513729 +174 407 1 886515295 +174 412 1 886433919 +174 415 3 886515591 +174 417 4 886515490 +174 423 2 886514276 +174 433 5 886514757 +174 451 5 886513752 +174 456 1 886515240 +174 458 4 886433862 +174 471 5 886433804 +174 476 4 886434136 +174 553 5 886513674 +174 571 1 886515295 +174 575 1 886515239 +174 577 1 886515295 +174 582 4 886439537 +174 597 3 886434261 +174 648 5 886513648 +174 655 5 886514168 +174 660 5 886514261 +174 662 5 886513752 +174 696 4 886434087 +174 699 5 886514220 +174 708 5 886514243 +174 709 4 890168554 +174 715 3 886514397 +174 722 4 886513896 +174 723 5 886514448 +174 724 5 886453169 +174 739 5 886513729 +174 742 4 886434087 +174 747 5 886513729 +174 762 5 886434136 +174 764 4 886434343 +174 768 1 886515569 +174 781 4 886513788 +174 823 4 886434376 +174 843 2 886515551 +174 845 5 886433771 +174 846 5 886433996 +174 862 1 886515172 +174 902 3 890168363 +174 934 4 886434421 +174 937 5 886432989 +174 949 5 886513729 +174 950 3 886434204 +174 951 1 886515551 +174 953 5 886514377 +174 988 1 886515335 +174 1001 1 886515030 +174 1014 3 890664424 +174 1017 2 886434187 +174 1028 4 886434087 +174 1032 3 886515591 +174 1033 1 886515591 +174 1035 4 886515532 +174 1041 5 886513788 +174 1053 5 886514358 +174 1074 4 886514529 +174 1091 3 886515591 +174 1139 2 886514651 +174 1221 5 886514398 +174 1230 1 886515210 +174 1254 1 886434421 +174 1262 5 886434566 +174 1282 5 886433862 +174 1311 3 886514430 +174 1312 4 886434484 +174 1313 4 888155294 +175 9 4 877108146 +175 12 4 877108146 +175 31 4 877108051 +175 56 2 877107790 +175 64 5 877107552 +175 71 4 877107942 +175 88 4 877108146 +175 96 3 877108051 +175 98 5 877107390 +175 100 2 877107712 +175 111 4 877108015 +175 127 5 877107640 +175 132 3 877107712 +175 136 4 877108051 +175 147 3 877108146 +175 172 5 877107339 +175 176 3 877107255 +175 183 4 877107942 +175 187 4 877107338 +175 193 4 877108098 +175 215 5 877107500 +175 234 5 877108015 +175 419 5 877108098 +175 483 5 877107339 +175 496 5 877108098 +175 508 1 877107712 +175 566 3 877108015 +175 629 3 877107942 +175 660 3 877107836 +175 661 4 877107432 +175 669 1 877107790 +175 869 3 877107500 +176 13 4 886047994 +176 25 3 886048188 +176 50 5 886047879 +176 100 5 886047918 +176 111 4 886048040 +176 151 4 886048305 +176 181 3 886047879 +176 222 5 886048145 +176 236 4 886048145 +176 240 4 886048230 +176 246 5 886047994 +176 250 4 886047963 +176 257 1 886048188 +176 258 4 886047026 +176 268 5 886046979 +176 270 4 886047069 +176 272 5 886047068 +176 273 4 886048230 +176 285 5 886047963 +176 288 3 886046979 +176 293 5 886048040 +176 294 2 886047220 +176 297 3 886047918 +176 303 3 886047118 +176 305 5 886047068 +176 321 4 886047176 +176 324 5 886047292 +176 325 3 886047375 +176 327 3 886047176 +176 328 4 886047375 +176 340 5 886046979 +176 343 2 886047595 +176 345 5 886046979 +176 347 4 886047442 +176 458 4 886048305 +176 475 5 886047918 +176 741 3 886048145 +176 750 4 886047176 +176 751 1 886046979 +176 874 4 886047118 +176 875 4 886047442 +176 876 3 886047375 +176 919 2 886048391 +176 927 3 886048305 +176 948 4 886047595 +176 952 2 886048230 +176 1012 4 886048145 +176 1097 4 886047963 +177 1 3 880130699 +177 11 4 880131161 +177 12 5 880130825 +177 22 4 880130847 +177 23 5 880130758 +177 42 4 880130972 +177 47 3 880131187 +177 50 5 880131216 +177 55 3 880131143 +177 56 5 880130618 +177 59 4 880130825 +177 64 4 880130736 +177 69 1 880131088 +177 79 4 880130758 +177 87 4 880130931 +177 89 5 880131088 +177 92 4 882142295 +177 96 3 880130898 +177 98 5 880131026 +177 100 5 880130600 +177 121 2 880131123 +177 124 3 880130881 +177 127 5 880130667 +177 135 5 880130712 +177 144 5 880131011 +177 150 4 880130807 +177 153 4 880130972 +177 154 4 880130600 +177 156 5 880130931 +177 160 4 880131011 +177 161 3 880130915 +177 168 4 880130807 +177 172 5 880130990 +177 173 4 880130667 +177 174 4 880130990 +177 175 5 880130972 +177 176 4 880130951 +177 179 5 880131057 +177 181 4 880130931 +177 182 5 880130684 +177 183 4 880130972 +177 187 4 880131040 +177 195 4 880130699 +177 196 3 880130881 +177 197 4 880130758 +177 198 4 880131161 +177 200 4 880130951 +177 203 4 880131026 +177 204 3 880131011 +177 209 4 880130736 +177 210 4 880130990 +177 217 3 880131230 +177 221 3 880130775 +177 223 4 880130758 +177 238 3 880131143 +177 243 1 882142141 +177 245 3 880130534 +177 260 2 880130534 +177 268 3 880130452 +177 270 1 880130452 +177 271 2 882141868 +177 276 5 880130758 +177 288 5 880130467 +177 289 2 880130534 +177 292 3 880130415 +177 294 4 880130481 +177 299 4 880130500 +177 300 2 880130434 +177 307 4 882141842 +177 318 4 880130618 +177 321 2 880130481 +177 324 4 880130434 +177 327 3 880130467 +177 333 4 880130397 +177 334 3 880130467 +177 336 2 880130500 +177 338 3 882142221 +177 343 3 882141885 +177 358 2 882141918 +177 403 5 880131201 +177 421 3 880130881 +177 433 4 880131123 +177 469 4 880131201 +177 470 5 880130951 +177 475 4 880130898 +177 508 4 880130825 +177 527 4 880130898 +177 568 3 880130915 +177 628 2 882143736 +177 651 3 880130862 +177 654 4 880131106 +177 678 3 882142086 +177 689 3 882141885 +177 693 4 880130653 +177 748 3 880130534 +177 806 4 880131216 +177 878 1 882142141 +177 919 4 880130736 +177 948 2 882141918 +177 960 3 880131161 +177 963 4 880130736 +177 1039 3 880130807 +177 1067 4 880131201 +177 1110 3 880131123 +177 1218 4 880131231 +178 2 4 882827375 +178 8 4 882826556 +178 9 2 882823758 +178 11 5 882826162 +178 12 5 882826162 +178 15 5 882823858 +178 16 4 882823905 +178 22 5 882826187 +178 24 3 882824221 +178 25 3 888514710 +178 28 5 882826806 +178 31 4 882827083 +178 38 3 882827574 +178 39 2 882827645 +178 50 5 882823857 +178 51 4 882828021 +178 55 4 882826394 +178 56 4 882825767 +178 58 5 882827134 +178 62 4 882827083 +178 69 5 882826437 +178 70 4 882827083 +178 71 4 882826577 +178 73 5 882827985 +178 76 3 882827288 +178 82 5 882826242 +178 83 4 882826556 +178 87 4 885784558 +178 89 4 882826514 +178 90 3 882827985 +178 92 3 882827803 +178 95 5 882826514 +178 96 4 882826782 +178 97 5 882827020 +178 98 5 882826944 +178 99 4 882827574 +178 100 4 882823758 +178 106 2 882824983 +178 111 4 882823905 +178 117 4 882824467 +178 118 4 882824291 +178 121 5 882824291 +178 123 4 882824325 +178 125 4 882824431 +178 127 5 882823978 +178 131 4 882827947 +178 133 4 885784518 +178 134 3 882826983 +178 135 2 882826915 +178 143 4 882827574 +178 147 4 886678902 +178 148 4 882824325 +178 153 4 882826347 +178 155 4 882828021 +178 161 5 882827645 +178 164 3 882827288 +178 173 5 882826306 +178 174 5 882826719 +178 176 4 882826782 +178 178 4 882826395 +178 179 2 882828320 +178 181 5 882823832 +178 183 4 882826347 +178 184 5 882827947 +178 187 4 882826049 +178 193 4 882826868 +178 194 4 882826306 +178 195 4 882826944 +178 196 4 882827834 +178 197 2 882826720 +178 199 4 882826306 +178 200 3 882826983 +178 202 5 882826782 +178 203 4 882826242 +178 204 4 882826048 +178 209 4 882826944 +178 210 5 884837073 +178 214 1 882827985 +178 215 5 882826807 +178 216 4 882826868 +178 218 3 882827776 +178 219 4 882828350 +178 220 3 882827247 +178 222 4 882823857 +178 223 4 882827433 +178 226 4 882826187 +178 228 5 882826556 +178 230 4 882826889 +178 232 5 882827162 +178 234 4 882826783 +178 235 1 882824467 +178 237 4 882824291 +178 238 4 882826577 +178 241 5 882827375 +178 244 1 884837126 +178 245 3 882823460 +178 246 4 884837324 +178 248 4 882823954 +178 249 3 884836855 +178 250 4 888514821 +178 255 4 882824001 +178 257 5 882823954 +178 258 4 882823353 +178 259 1 882823437 +178 260 1 886678700 +178 265 5 882826394 +178 268 4 884837324 +178 269 4 882823324 +178 271 4 882823395 +178 273 3 882823858 +178 274 4 882824253 +178 275 5 882823857 +178 276 3 882823978 +178 280 4 882824592 +178 281 3 882824028 +178 282 3 882823978 +178 283 5 882823784 +178 284 4 888514680 +178 286 3 882823324 +178 288 5 882823353 +178 294 2 882823301 +178 295 3 882824055 +178 298 2 882823905 +178 300 5 882823301 +178 302 4 892239796 +178 313 5 884836422 +178 316 4 888513290 +178 317 4 882826915 +178 318 5 882826982 +178 319 1 884836946 +178 322 3 882823460 +178 323 3 882823530 +178 326 4 888513095 +178 328 3 882823416 +178 331 4 882823301 +178 332 3 882823437 +178 339 3 892239822 +178 340 1 882823353 +178 342 4 892239863 +178 354 4 892239771 +178 358 1 888512993 +178 363 3 882824467 +178 367 4 882828021 +178 385 4 882826982 +178 405 3 882823905 +178 410 4 882824467 +178 423 4 882826556 +178 427 5 882826162 +178 431 4 882827400 +178 433 4 882827834 +178 454 4 882827247 +178 455 3 882825357 +178 458 3 882824467 +178 465 3 882827506 +178 469 3 882827870 +178 471 4 882823930 +178 472 4 882824194 +178 478 5 882826514 +178 480 3 882826048 +178 491 4 882827247 +178 495 4 882827870 +178 500 4 882827288 +178 506 3 882827084 +178 508 3 884837419 +178 510 4 882826394 +178 511 5 882827532 +178 520 5 882826210 +178 531 4 882826242 +178 535 3 882824671 +178 540 3 886678484 +178 546 3 888514680 +178 549 4 882827689 +178 566 4 882826915 +178 568 4 882826555 +178 578 4 882828021 +178 588 4 882826242 +178 591 5 882827288 +178 596 3 882824194 +178 597 4 882824869 +178 619 3 888514710 +178 628 4 882824027 +178 651 4 882826915 +178 654 3 882827506 +178 655 4 882827247 +178 678 3 882823530 +178 682 3 892239928 +178 684 5 882827019 +178 685 4 882824253 +178 696 4 882824869 +178 729 4 882827020 +178 731 4 882827532 +178 739 4 882827737 +178 742 3 882823833 +178 744 3 882824028 +178 746 3 882827019 +178 751 4 882823353 +178 756 3 882824983 +178 762 3 882824592 +178 763 4 882824253 +178 764 3 888514648 +178 781 4 882827716 +178 783 4 886678484 +178 790 3 882827870 +178 809 4 882827084 +178 819 2 882824670 +178 823 2 882824592 +178 845 4 882824291 +178 846 3 882824467 +178 849 3 882828021 +178 864 2 888514648 +178 866 4 882825357 +178 873 3 886678647 +178 876 2 886678484 +178 877 2 888513069 +178 881 2 886678484 +178 895 3 884836516 +178 926 4 882824671 +178 978 2 882824983 +178 984 2 882823530 +178 993 5 882824592 +178 1004 4 882827375 +178 1012 4 884837364 +178 1016 4 882824253 +178 1028 3 882824670 +178 1033 2 882824869 +178 1035 4 882828350 +178 1048 2 884837073 +178 1051 3 885784583 +178 1101 4 882827019 +178 1119 4 882827400 +178 1157 3 882827375 +178 1169 4 882827134 +178 1283 3 885784558 +178 1300 3 886678518 +178 1314 3 882827134 +178 1315 4 882824291 +179 258 5 892151270 +179 269 3 892151064 +179 271 1 892151565 +179 272 5 892151202 +179 301 4 892151565 +179 302 4 892151173 +179 303 1 892151270 +179 305 4 892151270 +179 307 3 892151565 +179 310 4 892151365 +179 313 4 892151270 +179 315 5 892151202 +179 316 5 892151202 +179 321 1 892151331 +179 331 2 892151331 +179 333 5 892151459 +179 339 1 892151366 +179 340 4 892151064 +179 345 1 892151565 +179 346 3 892151489 +179 347 3 892151064 +179 353 1 892151270 +179 354 4 892151331 +179 362 1 892151231 +179 538 4 892151231 +179 682 5 892151459 +179 690 1 892151489 +179 750 1 892151270 +179 751 1 892151565 +179 893 2 892151565 +179 895 5 892151565 +179 905 4 892151331 +179 916 5 892151064 +179 917 3 892151231 +179 1234 1 892151459 +179 1316 3 892151489 +180 12 2 877355568 +180 28 3 877355568 +180 40 4 877127296 +180 53 5 877442125 +180 56 5 877127130 +180 67 1 877127591 +180 68 5 877127721 +180 69 4 877355568 +180 79 3 877442037 +180 83 5 877128388 +180 98 5 877544444 +180 111 5 877127747 +180 121 5 877127830 +180 153 1 877126182 +180 156 5 877127747 +180 173 5 877128388 +180 181 2 877125956 +180 186 4 877127189 +180 191 4 877372188 +180 201 2 877127189 +180 202 3 877128388 +180 204 3 877127159 +180 213 5 877128388 +180 216 5 877128388 +180 235 4 877127758 +180 258 5 877125493 +180 356 3 877442079 +180 367 1 877127486 +180 380 5 877127796 +180 403 3 877355713 +180 421 5 877128388 +180 423 4 877355568 +180 431 4 877442098 +180 433 5 877127273 +180 462 5 877544218 +180 631 5 877544373 +180 655 5 877127159 +180 658 5 877355598 +180 660 5 877372188 +180 684 5 877442058 +180 694 5 877128388 +180 716 1 877128119 +180 729 5 877355598 +180 732 3 877128137 +180 733 5 877128388 +180 735 4 877355337 +180 737 3 877128327 +180 762 4 877126241 +180 778 2 877128388 +180 790 1 877127572 +180 1046 2 877442125 +180 1119 3 877128156 +180 1131 5 877441985 +181 1 3 878962392 +181 3 2 878963441 +181 7 4 878963037 +181 9 4 878962675 +181 10 2 878962955 +181 13 2 878962465 +181 14 1 878962392 +181 15 3 878962816 +181 16 1 878962996 +181 18 1 878962623 +181 19 1 878962392 +181 20 1 878962919 +181 21 1 878963381 +181 25 5 878962675 +181 93 1 878962773 +181 100 3 878962816 +181 103 1 878962586 +181 104 1 878962866 +181 105 1 878963304 +181 106 2 878963167 +181 107 1 878963343 +181 108 1 878963343 +181 111 3 878962774 +181 112 1 878962955 +181 117 2 878962918 +181 118 2 878962955 +181 120 1 878963204 +181 121 4 878962623 +181 122 2 878963276 +181 123 2 878963276 +181 124 1 878962550 +181 125 3 878962816 +181 126 2 878962585 +181 129 2 878962279 +181 130 1 878963241 +181 137 2 878962465 +181 146 1 878962955 +181 147 1 878963168 +181 148 2 878963204 +181 149 1 878962719 +181 150 1 878962465 +181 151 2 878962866 +181 220 4 878962392 +181 221 1 878962465 +181 224 1 878962623 +181 225 3 878963038 +181 235 1 878963168 +181 237 5 878962996 +181 240 1 878963122 +181 242 1 878961814 +181 243 1 878961814 +181 245 2 878961369 +181 251 1 878962052 +181 256 1 878962086 +181 258 3 878961709 +181 260 1 878961623 +181 261 1 878961814 +181 262 2 878961749 +181 264 2 878961624 +181 266 1 878961709 +181 268 1 878961749 +181 269 1 878961511 +181 270 4 878961270 +181 273 1 878962774 +181 275 3 878962720 +181 276 2 878962816 +181 277 1 878963441 +181 278 2 878963440 +181 279 1 878962955 +181 280 4 878963381 +181 281 2 878963038 +181 282 4 878962816 +181 283 3 878963241 +181 284 2 878962996 +181 286 1 878961173 +181 287 2 878963038 +181 288 4 878961173 +181 290 2 878963168 +181 291 3 878962997 +181 294 2 878961173 +181 299 1 878961749 +181 301 2 878961303 +181 302 2 878961511 +181 303 1 878961749 +181 304 1 878961586 +181 306 1 878962006 +181 307 1 878962006 +181 308 1 878961847 +181 319 3 878961173 +181 321 2 878961623 +181 322 1 878961814 +181 324 1 878961814 +181 325 2 878961814 +181 326 1 878961709 +181 327 3 878961780 +181 328 3 878961227 +181 329 1 878961781 +181 330 1 878961668 +181 331 1 878961511 +181 333 3 878961227 +181 334 1 878961749 +181 335 1 878961748 +181 336 2 878961709 +181 337 1 878961709 +181 358 2 878961709 +181 359 1 878961668 +181 360 1 878962005 +181 363 1 878963342 +181 368 1 878963440 +181 369 3 878963418 +181 370 2 878963418 +181 405 4 878962919 +181 406 1 878962955 +181 407 2 878963038 +181 408 1 878962550 +181 409 2 878963276 +181 410 1 878962955 +181 411 3 878963276 +181 413 2 878963241 +181 424 1 878962240 +181 455 1 878962623 +181 456 1 878962586 +181 457 1 878961474 +181 458 3 878962350 +181 459 1 878962349 +181 471 2 878962919 +181 472 1 878963380 +181 473 2 878962919 +181 475 2 878962720 +181 477 1 878962465 +181 508 3 878962623 +181 544 1 878962919 +181 546 2 878962919 +181 547 1 878962720 +181 591 4 878962996 +181 593 1 878962349 +181 596 4 878962866 +181 597 3 878963276 +181 598 1 878962623 +181 619 3 878963086 +181 620 2 878963204 +181 676 3 878962392 +181 678 2 878961369 +181 680 1 878961709 +181 681 1 878961474 +181 682 4 878961586 +181 685 2 878963381 +181 687 1 878961814 +181 688 1 878961668 +181 690 3 878961511 +181 696 2 878962997 +181 713 2 878962774 +181 717 1 878963418 +181 740 2 878963085 +181 741 1 878962918 +181 742 4 878962623 +181 743 1 878963241 +181 748 1 878961368 +181 749 1 878961586 +181 756 2 878962866 +181 760 1 878963418 +181 762 2 878963418 +181 763 1 878962955 +181 764 1 878962866 +181 766 1 878962675 +181 767 1 878963381 +181 813 2 878962279 +181 815 3 878963168 +181 818 1 878963380 +181 819 3 878962550 +181 820 1 878963342 +181 823 2 878963343 +181 824 1 878963305 +181 825 1 878963304 +181 826 1 878963304 +181 827 2 878963276 +181 829 1 878962675 +181 831 1 878963241 +181 832 1 878963038 +181 834 3 878962720 +181 840 1 878963204 +181 841 1 878963204 +181 844 1 878962816 +181 845 3 878962816 +181 846 3 878962586 +181 847 1 878962550 +181 866 1 878963037 +181 870 2 878962623 +181 871 2 878963168 +181 872 1 878961814 +181 873 1 878961542 +181 874 1 878961749 +181 876 1 878961781 +181 877 2 878961668 +181 878 1 878961709 +181 879 2 878961542 +181 880 1 878961668 +181 881 1 878961781 +181 882 1 878962006 +181 883 1 878961847 +181 884 1 878961847 +181 886 1 878961623 +181 887 1 878962005 +181 919 1 878962550 +181 920 1 878962496 +181 922 1 878963305 +181 924 3 878963168 +181 925 2 878963418 +181 926 1 878962866 +181 927 1 878962675 +181 928 3 878963241 +181 929 1 878963122 +181 930 1 878963275 +181 931 1 878963205 +181 933 1 878962675 +181 934 3 878963086 +181 937 3 878961781 +181 938 1 878961586 +181 948 1 878961474 +181 950 1 878963440 +181 952 1 878962720 +181 974 4 878963417 +181 975 2 878963343 +181 976 1 878963342 +181 977 1 878962997 +181 978 1 878963305 +181 979 2 878963241 +181 980 1 878962496 +181 982 1 878963205 +181 983 2 878963038 +181 984 1 878961781 +181 985 1 878962465 +181 986 2 878963038 +181 988 2 878961847 +181 989 1 878961780 +181 990 1 878961814 +181 991 1 878961814 +181 995 1 878961585 +181 1001 1 878963038 +181 1002 1 878963122 +181 1008 1 878963276 +181 1009 1 878963276 +181 1010 1 878962774 +181 1011 1 878963204 +181 1015 1 878963121 +181 1017 1 878962496 +181 1025 1 878961668 +181 1026 1 878961781 +181 1028 2 878962997 +181 1033 1 878963381 +181 1034 1 878962586 +181 1038 1 878962005 +181 1040 1 878962997 +181 1048 2 878963275 +181 1049 1 878963122 +181 1051 2 878962586 +181 1052 2 878963441 +181 1054 2 878963418 +181 1057 2 878963381 +181 1059 1 878963440 +181 1060 1 878962675 +181 1061 2 878963086 +181 1067 1 878962550 +181 1068 1 878962052 +181 1079 1 878963122 +181 1081 1 878962623 +181 1085 1 878962623 +181 1087 1 878962496 +181 1093 1 878962391 +181 1094 1 878963086 +181 1097 1 878962720 +181 1114 1 878963342 +181 1120 1 878962279 +181 1128 1 878962279 +181 1129 1 878962675 +181 1132 1 878963342 +181 1134 2 878963167 +181 1137 1 878962392 +181 1150 1 878963305 +181 1151 1 878963304 +181 1152 2 878962496 +181 1162 1 878962392 +181 1163 2 878963086 +181 1164 3 878962464 +181 1165 1 878962496 +181 1171 1 878962773 +181 1174 1 878962200 +181 1187 1 878962816 +181 1197 1 878962774 +181 1198 1 878962585 +181 1202 1 878962720 +181 1215 1 878963304 +181 1242 1 878962349 +181 1245 1 878962550 +181 1255 1 878962086 +181 1259 1 878962496 +181 1265 1 878961668 +181 1272 1 878962349 +181 1276 1 878962586 +181 1277 2 878963085 +181 1280 1 878961668 +181 1281 1 878963241 +181 1282 1 878962496 +181 1284 1 878962773 +181 1287 1 878963380 +181 1288 1 878962349 +181 1289 1 878962866 +181 1291 1 878963167 +181 1295 1 878961781 +181 1296 1 878962006 +181 1302 1 878962086 +181 1312 1 878962349 +181 1317 1 878962086 +181 1318 1 878962349 +181 1320 1 878962279 +181 1322 1 878962086 +181 1324 1 878962464 +181 1325 1 878962816 +181 1327 1 878963305 +181 1329 1 878962240 +181 1330 1 878962052 +181 1331 1 878962052 +181 1332 1 878962278 +181 1333 1 878962120 +181 1334 1 878962240 +181 1336 1 878963241 +181 1337 1 878963121 +181 1338 1 878962240 +181 1339 1 878962086 +181 1340 1 878962240 +181 1341 1 878962169 +181 1342 1 878962168 +181 1343 1 878962199 +181 1344 1 878962240 +181 1346 1 878962086 +181 1347 1 878962052 +181 1348 1 878962200 +181 1349 1 878962278 +181 1351 1 878962168 +181 1352 1 878962240 +181 1353 1 878962200 +181 1354 1 878962496 +181 1355 1 878963086 +181 1356 1 878963204 +181 1357 1 878962240 +181 1358 1 878962120 +181 1359 1 878962200 +181 1360 1 878962119 +181 1361 1 878963122 +181 1362 1 878962200 +181 1363 1 878962279 +181 1364 1 878962464 +181 1366 1 878962200 +181 1367 2 878962086 +181 1368 1 878962200 +181 1369 1 878962199 +181 1370 1 878962550 +181 1371 1 878962240 +181 1372 1 878962279 +181 1373 1 878962052 +181 1374 1 878962391 +181 1375 1 878962586 +181 1376 1 878963167 +181 1377 1 878962496 +181 1378 1 878962169 +181 1379 1 878962168 +181 1381 2 878962349 +181 1382 1 878962168 +181 1383 1 878962086 +181 1384 1 878962052 +181 1385 1 878962051 +181 1386 1 878962119 +181 1387 1 878962119 +181 1388 1 878962168 +181 1389 1 878962119 +181 1390 1 878962052 +181 1392 1 878961749 +181 1393 1 878961709 +181 1395 1 878961847 +182 1 4 885613092 +182 15 4 885612967 +182 69 5 876435435 +182 100 3 885613067 +182 111 4 885613238 +182 121 3 885613117 +182 123 4 885612994 +182 126 5 885613153 +182 172 5 876435435 +182 181 5 885612967 +182 191 4 876435434 +182 203 3 876436556 +182 222 3 885613180 +182 237 3 885613067 +182 257 3 885613117 +182 283 2 885613153 +182 293 3 885613152 +182 423 5 876436480 +182 471 4 885613216 +182 479 5 876436556 +182 763 3 885613092 +182 845 3 885613067 +182 864 4 885613092 +183 50 2 891467546 +183 54 2 891467546 +183 55 4 891466266 +183 77 3 891466405 +183 88 3 891466760 +183 96 3 891463617 +183 121 3 891463809 +183 144 3 891479783 +183 159 4 892323452 +183 176 3 891466266 +183 181 2 891463937 +183 203 3 891466266 +183 210 3 891465869 +183 212 4 891467870 +183 216 4 891479033 +183 222 4 892323453 +183 225 1 891467546 +183 226 3 891466350 +183 227 4 891463592 +183 229 3 891463591 +183 241 4 892323453 +183 250 2 891464352 +183 257 2 891464558 +183 258 3 891462811 +183 265 2 891466350 +183 270 3 891462811 +183 273 4 892323452 +183 274 5 892323452 +183 294 3 891467280 +183 331 3 892322382 +183 356 3 891466447 +183 375 2 891467545 +183 405 4 891464393 +183 449 2 891463592 +183 450 3 891463592 +183 483 5 892323452 +183 485 5 892323452 +183 562 3 891467003 +183 649 4 891464079 +183 720 4 892323453 +183 739 4 891467353 +183 1090 2 891467546 +183 1159 3 891479702 +183 1215 1 891467546 +183 1217 3 891466405 +184 9 5 889907685 +184 11 3 889908694 +184 13 3 889907839 +184 14 4 889907738 +184 15 3 889907812 +184 20 4 889907771 +184 22 3 889908985 +184 25 4 889908068 +184 29 3 889910326 +184 34 2 889913568 +184 36 3 889910195 +184 44 4 889909746 +184 47 4 889909640 +184 50 4 889907396 +184 51 4 889909069 +184 52 4 889910034 +184 56 3 889908657 +184 57 5 889908539 +184 58 4 889908984 +184 64 4 889909045 +184 66 4 889910013 +184 67 3 889912569 +184 69 3 889908694 +184 70 4 889908657 +184 71 4 889911552 +184 72 3 889909988 +184 77 3 889910217 +184 79 3 889909551 +184 82 3 889909934 +184 86 5 889908694 +184 88 3 889909551 +184 89 4 889908572 +184 91 3 889909988 +184 92 3 889908657 +184 93 4 889907771 +184 95 4 889908801 +184 97 2 889908539 +184 98 4 889908539 +184 100 5 889907652 +184 116 4 889910481 +184 117 2 889907995 +184 118 2 889908344 +184 121 2 889908026 +184 124 5 889907652 +184 126 3 889907971 +184 127 5 889907396 +184 132 5 889913687 +184 137 5 889907685 +184 143 3 889908903 +184 153 3 889911285 +184 155 3 889912656 +184 160 3 889911459 +184 161 2 889909640 +184 164 3 889911434 +184 166 3 889910684 +184 172 4 889908497 +184 174 3 889908693 +184 175 3 889908985 +184 176 4 889908740 +184 181 4 889907426 +184 182 4 889908497 +184 183 4 889908630 +184 187 4 889909024 +184 191 4 889908716 +184 192 4 889908843 +184 196 4 889908985 +184 197 4 889908873 +184 202 3 889909768 +184 203 3 889908571 +184 207 4 889908903 +184 208 4 889908985 +184 210 4 889911069 +184 212 4 889909618 +184 215 4 889909812 +184 216 4 889908539 +184 217 3 889910394 +184 218 3 889909840 +184 221 5 889907838 +184 231 3 889910195 +184 237 4 889907945 +184 238 4 889909069 +184 241 3 889909812 +184 250 4 889907482 +184 252 2 889907528 +184 254 2 889907569 +184 255 3 889907468 +184 258 3 889906882 +184 259 3 889907096 +184 262 5 889906946 +184 272 4 889907301 +184 274 4 889907812 +184 275 5 889913687 +184 276 4 889907685 +184 277 3 889907971 +184 283 5 889913687 +184 285 5 889907771 +184 286 4 889906905 +184 287 4 889908050 +184 313 4 889906905 +184 317 3 889909426 +184 318 5 889908571 +184 321 5 889906967 +184 357 5 889913687 +184 368 1 889908104 +184 371 5 889909840 +184 372 3 889910053 +184 378 4 889909551 +184 381 4 889909962 +184 382 5 889909691 +184 387 4 889909515 +184 393 4 889909788 +184 399 3 889910159 +184 401 3 889910418 +184 402 3 889910013 +184 403 3 889909746 +184 405 2 889908050 +184 410 3 889908181 +184 411 3 889908207 +184 412 2 889912691 +184 423 4 889909409 +184 443 3 889911552 +184 447 3 889910653 +184 458 3 889907925 +184 462 4 889908873 +184 473 4 889908133 +184 478 4 889908902 +184 480 4 889908571 +184 483 5 889908630 +184 487 4 889908571 +184 497 4 889909409 +184 498 5 889913687 +184 504 4 889908630 +184 506 4 889909569 +184 508 4 889907738 +184 509 4 889908694 +184 511 4 889908740 +184 512 4 889908716 +184 514 5 889908497 +184 515 5 889907599 +184 517 4 889909409 +184 521 4 889908873 +184 522 3 889908462 +184 523 4 889909618 +184 527 4 889908462 +184 528 5 889908462 +184 529 4 889909445 +184 531 4 889910653 +184 553 3 889909746 +184 559 3 889910418 +184 568 2 889909474 +184 582 4 889909409 +184 584 3 889909889 +184 588 5 889909812 +184 596 4 889907812 +184 602 4 889909691 +184 604 4 889908693 +184 606 5 889913687 +184 629 3 889911162 +184 631 4 889910612 +184 639 3 889909590 +184 640 4 889909551 +184 642 4 889909446 +184 644 4 889908947 +184 645 3 889910123 +184 647 5 889909024 +184 651 3 889908462 +184 654 4 889908824 +184 657 4 889908497 +184 660 3 889909962 +184 665 2 889910098 +184 676 4 889907925 +184 693 3 889909142 +184 694 5 889908824 +184 699 5 889909914 +184 708 4 889909962 +184 716 3 889909987 +184 729 3 889909840 +184 735 3 889909868 +184 736 3 889911633 +184 738 3 889910372 +184 739 3 889910257 +184 742 3 889908026 +184 747 3 889909672 +184 766 3 889907738 +184 780 4 889913254 +184 792 4 889909840 +184 805 3 889912232 +184 836 4 889909142 +184 837 3 889908630 +184 845 3 889907971 +184 855 4 889909474 +184 942 3 889909768 +184 945 4 889909721 +184 949 3 889909618 +184 950 4 889907896 +184 956 3 889908693 +184 972 3 889909962 +184 995 3 889907044 +184 1006 3 889910078 +184 1010 4 889907896 +184 1012 3 889907448 +184 1014 2 889907468 +184 1020 4 889908630 +184 1061 3 889908264 +184 1086 4 889907711 +184 1101 4 889909515 +184 1117 2 889907771 +184 1121 4 889910545 +184 1136 4 889912890 +184 1137 5 889907812 +184 1148 3 889910098 +184 1160 5 889907363 +184 1167 5 889913687 +184 1195 3 889909934 +184 1232 3 889910123 +184 1396 4 889913490 +184 1397 3 889910233 +184 1398 5 889911749 +185 9 4 883524396 +185 15 3 883525255 +185 23 4 883524249 +185 25 4 883525206 +185 28 5 883524428 +185 47 4 883524249 +185 50 4 883525998 +185 86 5 883524428 +185 111 4 883524529 +185 114 4 883524320 +185 127 5 883525183 +185 178 4 883524364 +185 181 4 883524475 +185 196 4 883524172 +185 197 5 883524428 +185 199 4 883526268 +185 205 3 883524320 +185 216 4 883526268 +185 223 4 883524249 +185 237 4 883526268 +185 239 3 883524206 +185 258 4 883526267 +185 269 5 883524428 +185 275 4 883524320 +185 276 4 883524475 +185 279 4 883525255 +185 285 5 883524507 +185 287 5 883526288 +185 302 4 883526267 +185 318 4 883524172 +185 423 5 883524428 +185 447 4 883526268 +185 480 4 883526267 +185 514 5 883524428 +185 515 4 883525255 +185 528 4 883526268 +185 638 4 883524364 +185 690 4 883526267 +185 703 4 883524172 +185 740 4 883524475 +185 845 4 883524507 +185 939 3 883524249 +185 1020 4 883524172 +186 12 1 879023460 +186 31 4 879023529 +186 44 5 879023529 +186 53 1 879023882 +186 55 4 879023556 +186 56 3 879023460 +186 71 5 879024535 +186 77 5 879023694 +186 79 5 879023460 +186 95 3 879024535 +186 98 5 891719859 +186 100 4 879023115 +186 106 2 879023242 +186 117 5 879023607 +186 118 2 879023242 +186 121 2 879023074 +186 147 4 891719774 +186 148 4 891719774 +186 159 5 879023723 +186 177 4 891719775 +186 203 5 879023529 +186 225 4 879024148 +186 226 5 879023664 +186 237 2 879023934 +186 243 2 879024099 +186 250 1 879023607 +186 257 4 891719774 +186 263 3 879023571 +186 269 1 889818094 +186 281 4 879023390 +186 288 1 879022858 +186 294 3 879024099 +186 295 2 879023390 +186 299 3 879720962 +186 300 5 879022858 +186 302 3 891717742 +186 303 3 891717938 +186 306 4 891717690 +186 322 5 879022927 +186 327 3 891717806 +186 330 4 891718038 +186 331 3 889817888 +186 332 4 891719775 +186 333 3 891718820 +186 338 3 889818331 +186 385 4 879023894 +186 405 3 879023677 +186 406 1 879023272 +186 470 5 879023693 +186 540 4 879024014 +186 546 4 891719775 +186 550 4 879023985 +186 554 1 879023751 +186 566 5 879023663 +186 568 4 879024014 +186 588 4 879024535 +186 591 4 879023073 +186 595 3 879023390 +186 596 4 879024459 +186 689 4 889817888 +186 717 3 879023242 +186 742 3 879023073 +186 754 2 891717690 +186 770 2 879023819 +186 829 4 891719775 +186 880 3 891718700 +186 925 5 879023152 +186 934 3 879023968 +186 939 5 879023529 +186 977 3 879023273 +186 983 3 879023152 +186 988 4 891719775 +186 1016 5 879023643 +186 1042 5 879023632 +186 1046 3 879023751 +186 1213 3 879023882 +186 1253 4 891719774 +186 1277 4 879023677 +186 1336 3 879024346 +186 1385 2 879023968 +186 1399 2 891718530 +187 28 4 879465597 +187 52 4 879465683 +187 64 5 879465631 +187 65 5 879465507 +187 69 4 879465566 +187 70 4 879465394 +187 83 5 879465274 +187 86 4 879465478 +187 97 3 879465717 +187 116 5 879464978 +187 135 4 879465653 +187 137 5 879464895 +187 168 5 879465273 +187 173 5 879465307 +187 175 2 879465241 +187 186 4 879465308 +187 191 5 879465566 +187 196 4 879465507 +187 197 4 879465597 +187 204 2 879465370 +187 210 4 879465242 +187 213 4 879465858 +187 214 4 879465632 +187 215 3 879465805 +187 216 5 879465394 +187 241 3 879465858 +187 275 5 879465937 +187 300 4 879464783 +187 427 5 879465597 +187 428 4 879465308 +187 433 4 879465242 +187 435 4 879465242 +187 522 3 879465125 +187 523 3 879465125 +187 582 1 879465683 +187 651 5 879465566 +187 659 5 879465274 +187 660 5 879465744 +187 663 3 879465242 +187 694 5 879465532 +187 707 5 879465882 +187 710 4 879465242 +187 732 3 879465419 +187 735 4 879465532 +187 736 4 879465632 +187 747 4 879465882 +187 792 5 879465340 +187 1065 4 879465717 +187 1119 3 879465683 +188 5 4 875074266 +188 7 5 875073477 +188 11 5 875071520 +188 13 4 875073408 +188 22 5 875072459 +188 28 3 875072972 +188 38 3 875073828 +188 50 4 875072741 +188 54 4 875074589 +188 56 4 875071658 +188 64 5 875071891 +188 66 3 875075118 +188 69 4 875072009 +188 77 4 875072328 +188 79 5 875072393 +188 88 4 875075300 +188 96 5 875073128 +188 97 5 875071891 +188 98 5 875071957 +188 100 4 875074127 +188 121 4 875073647 +188 127 4 875072799 +188 143 5 875072674 +188 148 4 875074667 +188 157 3 875072674 +188 159 3 875074589 +188 161 3 875073048 +188 164 4 875072674 +188 173 5 875075118 +188 174 5 875072741 +188 176 4 875072876 +188 177 4 875073329 +188 181 3 875072148 +188 185 4 875071710 +188 187 3 875072211 +188 191 3 875073128 +188 194 3 875073329 +188 195 3 875073179 +188 199 4 875071658 +188 202 2 875073712 +188 204 4 875073478 +188 205 3 875071710 +188 209 2 875073246 +188 210 4 875071891 +188 211 4 875075062 +188 216 5 875075300 +188 218 5 875074667 +188 226 3 875074266 +188 233 3 875074266 +188 234 4 875073048 +188 237 3 875073648 +188 240 1 875072799 +188 259 3 875071443 +188 265 5 875071520 +188 281 3 875074772 +188 300 4 875071195 +188 326 3 875071293 +188 356 4 875074200 +188 357 4 875073647 +188 392 5 875073408 +188 419 5 875072876 +188 443 4 875074329 +188 455 4 875075432 +188 462 4 875073246 +188 468 4 875073329 +188 470 5 875073647 +188 474 4 875072674 +188 483 5 875072009 +188 484 5 875072392 +188 485 3 875072087 +188 498 5 875073828 +188 504 3 875074589 +188 510 3 875071775 +188 511 2 875072211 +188 553 4 875071775 +188 554 2 875074891 +188 568 4 875072583 +188 628 5 875074200 +188 629 4 875073246 +188 632 5 875071581 +188 635 2 875074667 +188 651 4 875073408 +188 684 3 875073477 +188 692 5 875072583 +188 717 4 875074329 +188 732 3 875073828 +188 764 4 875072087 +188 769 2 875074720 +188 792 2 875075062 +188 864 2 875072148 +188 877 2 875071361 +188 930 4 875074720 +188 1213 2 875074847 +188 1263 3 875071891 +189 1 5 893264174 +189 7 3 893264300 +189 8 5 893265710 +189 9 3 893263994 +189 13 4 893264220 +189 14 5 893263994 +189 15 2 893264335 +189 16 3 893264335 +189 20 5 893264466 +189 21 2 893264619 +189 24 4 893264248 +189 28 4 893266298 +189 30 4 893266205 +189 31 3 893266027 +189 44 4 893266376 +189 45 3 893265657 +189 56 5 893265263 +189 59 3 893265191 +189 60 3 893265773 +189 79 3 893265478 +189 83 4 893265624 +189 89 5 893265624 +189 91 3 893265684 +189 96 5 893265971 +189 97 4 893277579 +189 99 5 893265684 +189 100 4 893263994 +189 105 2 893264865 +189 120 1 893264954 +189 121 2 893264816 +189 124 5 893264048 +189 127 4 893263994 +189 129 3 893264378 +189 131 4 893265710 +189 132 5 893265865 +189 133 5 893265773 +189 134 5 893265239 +189 135 4 893265535 +189 136 4 893265535 +189 137 4 893264407 +189 143 5 893266027 +189 157 4 893265865 +189 162 3 893266230 +189 166 4 893265657 +189 170 4 893265380 +189 172 5 893265683 +189 173 5 893265160 +189 174 5 893265160 +189 176 4 893265214 +189 179 5 893265478 +189 180 5 893265741 +189 185 5 893265428 +189 186 2 893266027 +189 191 5 893265402 +189 194 5 893265428 +189 196 5 893266204 +189 197 5 893265291 +189 198 4 893265657 +189 199 5 893265263 +189 203 3 893265921 +189 204 5 893265657 +189 207 5 893266161 +189 209 1 893265826 +189 216 5 893265478 +189 225 4 893264703 +189 234 5 893265401 +189 238 5 893265683 +189 241 3 893265947 +189 246 4 893264048 +189 248 4 893264174 +189 253 4 893264150 +189 255 2 893277551 +189 268 4 893265071 +189 274 4 893264735 +189 275 5 893264194 +189 276 3 893264300 +189 281 2 893264766 +189 283 5 893264300 +189 294 5 893264220 +189 297 3 893264023 +189 313 2 893263960 +189 317 4 893265826 +189 318 5 893265191 +189 381 3 893277551 +189 405 2 893264487 +189 418 3 893266204 +189 423 5 893265796 +189 433 5 893266326 +189 459 4 893264595 +189 462 5 893265741 +189 473 5 893264558 +189 474 5 893265238 +189 479 5 893265123 +189 480 5 893265291 +189 483 5 893265291 +189 484 5 893266105 +189 485 4 893265710 +189 486 5 893266105 +189 487 5 893265568 +189 489 5 893265452 +189 492 3 893265535 +189 496 5 893265380 +189 498 5 893265773 +189 499 4 893265596 +189 500 5 893266351 +189 501 4 893265893 +189 503 3 893266137 +189 505 5 893265239 +189 510 5 893266326 +189 511 4 893265349 +189 512 4 893277702 +189 513 4 893265865 +189 516 1 893265568 +189 520 5 893265380 +189 523 4 893265596 +189 525 5 893265946 +189 526 4 893266205 +189 527 5 893265327 +189 531 3 893265327 +189 532 4 893264150 +189 568 4 893266205 +189 582 5 893265998 +189 588 4 893266105 +189 596 3 893264407 +189 603 5 893265239 +189 607 4 893266204 +189 618 2 893265160 +189 630 4 893266376 +189 632 5 893265624 +189 634 3 893265506 +189 638 5 893265380 +189 639 4 893265893 +189 647 4 893265826 +189 652 5 893265428 +189 656 4 893265568 +189 657 5 893265123 +189 659 4 893265796 +189 694 4 893265946 +189 705 4 893265569 +189 732 2 893277248 +189 742 3 893264270 +189 751 4 893265046 +189 792 5 893265741 +189 815 3 893264558 +189 820 1 893264782 +189 847 4 893264150 +189 855 3 893265657 +189 1005 4 893265971 +189 1020 4 893265657 +189 1021 5 893266251 +189 1056 3 893265123 +189 1060 5 893264301 +189 1065 5 893265478 +189 1098 4 893265506 +189 1099 5 893266074 +189 1115 4 893264270 +189 1117 5 893264678 +189 1154 3 893265380 +189 1372 4 893264429 +189 1400 3 893265684 +189 1403 4 893265921 +189 1404 5 893266325 +190 7 4 891033653 +190 9 1 891033725 +190 15 4 891033697 +190 24 3 891033773 +190 100 4 891033653 +190 117 4 891033697 +190 118 3 891033906 +190 125 3 891033863 +190 147 4 891033863 +190 222 4 891033676 +190 237 5 891033773 +190 245 4 891033487 +190 258 3 891033183 +190 269 4 891033606 +190 272 5 891033606 +190 273 4 891033676 +190 276 4 891033632 +190 281 3 891042916 +190 282 3 891033773 +190 288 5 891033606 +190 291 3 891042883 +190 294 3 891033370 +190 300 4 891033606 +190 302 5 891033606 +190 310 4 891033607 +190 313 5 891033606 +190 327 2 891033349 +190 328 3 891033305 +190 333 4 891033606 +190 340 1 891033153 +190 354 4 891033606 +190 363 2 891626023 +190 405 4 891626000 +190 471 5 891033632 +190 539 2 891033370 +190 544 4 891033806 +190 591 4 891033863 +190 628 4 891042883 +190 685 3 891033725 +190 717 3 891042938 +190 742 3 891033841 +190 748 3 891033388 +190 751 4 891033606 +190 823 2 891626040 +190 826 3 891626040 +190 895 3 891033327 +190 898 2 891033349 +190 930 2 891042916 +190 974 2 891625949 +190 977 2 891042938 +190 989 3 891033327 +190 1313 2 891033445 +191 86 5 891562417 +191 269 3 891562090 +191 270 3 891560253 +191 272 4 891560631 +191 286 4 891560842 +191 288 3 891562090 +191 300 4 891560842 +191 301 4 891561336 +191 302 4 891560253 +191 307 3 891560935 +191 313 5 891560481 +191 315 5 891560253 +191 328 3 891562090 +191 332 2 891562090 +191 339 3 891562090 +191 343 3 891561856 +191 750 4 891560253 +191 751 3 891560753 +191 752 3 891560481 +191 754 3 891560366 +191 891 3 891560481 +191 896 3 891562090 +191 900 4 891560481 +192 9 5 881367527 +192 50 4 881367505 +192 100 5 881367706 +192 108 4 881368339 +192 111 2 881368222 +192 118 2 881367932 +192 121 2 881368127 +192 127 4 881367456 +192 252 1 881368277 +192 255 2 881367505 +192 257 4 881367592 +192 258 5 881366456 +192 269 3 881366436 +192 276 2 881367505 +192 277 3 881367932 +192 284 5 881367987 +192 287 4 881368016 +192 289 4 881366615 +192 301 4 881366490 +192 302 5 881366489 +192 340 4 881366535 +192 476 2 881368243 +192 948 3 881368302 +192 1061 4 881368891 +192 1137 4 881367705 +192 1160 4 881367456 +192 1171 2 881368358 +192 1265 3 881366585 +192 1405 5 881367456 +193 1 4 890859954 +193 2 3 890860198 +193 23 4 889126609 +193 24 2 889125880 +193 25 4 889127301 +193 29 3 889126055 +193 33 3 889125912 +193 38 3 889126055 +193 56 1 889125572 +193 72 2 889127301 +193 73 3 889127237 +193 79 4 889125755 +193 82 2 889125880 +193 94 3 889127592 +193 96 1 889124507 +193 100 5 889124127 +193 111 1 889126375 +193 117 4 889125913 +193 121 3 889125913 +193 127 5 890860351 +193 147 2 890860290 +193 155 4 889126376 +193 159 4 889124191 +193 174 4 889125720 +193 182 4 890860290 +193 187 4 890860351 +193 194 4 889125006 +193 195 1 889124507 +193 199 5 889125535 +193 210 4 889125755 +193 234 3 889126551 +193 237 4 889124327 +193 246 3 890859402 +193 258 3 889123038 +193 259 2 889123351 +193 260 1 889123777 +193 268 3 889122906 +193 269 4 889123086 +193 274 3 889126272 +193 276 4 890860319 +193 280 4 889124016 +193 282 5 889124965 +193 286 4 889122906 +193 288 1 889123777 +193 294 1 889123777 +193 300 4 889123039 +193 301 4 889123257 +193 307 4 889123316 +193 310 4 890834947 +193 313 4 889122950 +193 327 1 889123777 +193 328 3 889122993 +193 332 3 889123257 +193 333 1 889123039 +193 343 1 889123777 +193 347 4 889122906 +193 352 1 889123777 +193 354 3 889123158 +193 362 3 889122992 +193 366 4 890860428 +193 368 1 889127860 +193 393 4 889126808 +193 402 3 889126375 +193 403 3 889125945 +193 405 3 889125945 +193 407 4 889127921 +193 410 3 889127633 +193 412 3 889127787 +193 435 4 889124439 +193 443 4 889126610 +193 465 3 889126867 +193 476 2 889127698 +193 485 5 889124252 +193 487 5 889124287 +193 508 4 889125319 +193 541 1 889125976 +193 553 4 889126272 +193 554 3 889126088 +193 562 3 889126055 +193 627 4 889126972 +193 673 4 889126551 +193 682 1 889123377 +193 684 4 889125788 +193 689 2 890834966 +193 690 4 889123221 +193 693 4 889124374 +193 715 3 890860076 +193 722 3 889126402 +193 739 4 889126427 +193 742 4 889126673 +193 750 4 889122950 +193 763 3 889127457 +193 781 3 889124469 +193 790 3 889127381 +193 815 3 889126332 +193 826 2 889126146 +193 827 2 890859916 +193 845 4 889124803 +193 869 3 889127811 +193 871 3 890860319 +193 879 3 889123257 +193 895 1 889123777 +193 905 4 889123458 +193 928 2 889126609 +193 941 4 889124890 +193 1074 3 889126453 +193 1078 4 889126943 +193 1090 2 889124778 +193 1132 3 889127660 +193 1168 4 890860234 +193 1258 3 889123806 +193 1406 4 889123926 +193 1407 3 889126146 +194 1 4 879539127 +194 4 4 879521397 +194 7 3 879538898 +194 8 3 879521719 +194 9 4 879535704 +194 12 5 879520916 +194 13 4 879539410 +194 15 4 879539127 +194 22 5 879521474 +194 23 4 879522819 +194 25 2 879540807 +194 26 3 879522240 +194 28 5 879522324 +194 30 3 879524504 +194 31 3 879549793 +194 44 4 879524007 +194 50 3 879521396 +194 51 4 879549793 +194 52 4 879525876 +194 54 3 879525876 +194 56 5 879521936 +194 58 4 879522917 +194 62 2 879524504 +194 64 5 879521936 +194 66 3 879527264 +194 67 1 879549793 +194 69 4 879521595 +194 70 3 879522324 +194 71 4 879524291 +194 73 3 879527145 +194 76 2 879549503 +194 77 3 879527421 +194 78 1 879535549 +194 79 3 879521088 +194 81 2 879523576 +194 82 2 879524216 +194 83 3 879521254 +194 86 3 879520991 +194 87 4 879523104 +194 90 3 879552841 +194 91 3 879524892 +194 94 3 879528000 +194 95 3 879521719 +194 97 3 879524291 +194 98 4 879521329 +194 99 3 879524643 +194 100 4 879539305 +194 117 3 879535704 +194 118 3 879539229 +194 121 2 879539794 +194 124 4 879539229 +194 125 2 879548026 +194 127 5 879520813 +194 132 3 879520991 +194 134 2 879521719 +194 135 3 879521474 +194 136 5 879521167 +194 144 4 879547671 +194 152 3 879549996 +194 153 3 879546723 +194 154 3 879546305 +194 155 3 879550737 +194 159 3 879552401 +194 160 2 879551380 +194 161 4 879523576 +194 162 3 879549899 +194 165 4 879546723 +194 167 2 879549900 +194 168 5 879521254 +194 172 3 879521474 +194 174 4 879520916 +194 175 3 879521595 +194 177 3 879523104 +194 178 3 879521253 +194 179 4 879521329 +194 180 3 879521657 +194 181 3 879521396 +194 182 3 879521475 +194 183 3 879520916 +194 185 4 879521254 +194 186 5 879521088 +194 187 4 879520813 +194 188 4 879522158 +194 191 4 879521856 +194 192 5 879521253 +194 193 4 879524790 +194 194 4 879523575 +194 195 3 879521657 +194 196 3 879524007 +194 197 4 879522021 +194 198 3 879522021 +194 199 4 879521329 +194 202 3 879524216 +194 203 3 879522158 +194 204 4 879522324 +194 205 3 879524291 +194 208 3 879521329 +194 210 3 879521396 +194 211 4 879524292 +194 212 1 879524216 +194 213 2 879523575 +194 215 3 879524291 +194 216 3 879523785 +194 218 4 879524892 +194 222 1 879538960 +194 223 4 879547032 +194 225 3 879543589 +194 226 3 879525761 +194 227 1 879535548 +194 228 1 879535548 +194 229 1 879535548 +194 230 1 879535548 +194 232 2 879553731 +194 234 3 879521167 +194 235 2 879541343 +194 237 3 879538959 +194 238 5 879521396 +194 239 3 879522917 +194 241 2 879527725 +194 259 2 879520306 +194 265 4 879520991 +194 274 2 879539794 +194 281 2 879540567 +194 284 3 879539410 +194 286 1 879520306 +194 289 1 879535548 +194 317 4 879521657 +194 318 5 879521328 +194 321 3 879520306 +194 356 2 879524892 +194 357 4 879520916 +194 366 2 879525761 +194 367 3 879525624 +194 376 2 879528752 +194 380 1 879535549 +194 383 1 879554842 +194 385 2 879524643 +194 387 2 879527146 +194 399 2 879528454 +194 402 3 879524008 +194 403 2 879527725 +194 404 3 879522445 +194 405 2 879539305 +194 410 3 879541042 +194 414 3 879522240 +194 417 2 879525695 +194 423 3 879548121 +194 425 2 879522240 +194 427 4 879521088 +194 431 4 879524291 +194 433 3 879523104 +194 435 4 879520813 +194 443 3 879523104 +194 449 1 879554897 +194 450 1 879555001 +194 451 2 879527145 +194 456 1 879544303 +194 466 4 879525876 +194 467 5 879521253 +194 470 3 879527421 +194 471 3 879540807 +194 478 3 879521329 +194 479 3 879521167 +194 481 3 879524291 +194 482 3 879521088 +194 483 4 879520916 +194 485 3 879546498 +194 491 3 879520916 +194 496 4 879520743 +194 498 3 879521595 +194 501 3 879548319 +194 502 4 879548624 +194 503 4 879522916 +194 504 2 879523785 +194 509 3 879522085 +194 510 4 879521474 +194 511 4 879520991 +194 514 3 879521167 +194 515 4 879524216 +194 517 3 879521856 +194 518 4 879524291 +194 519 4 879521474 +194 520 5 879545114 +194 523 5 879521596 +194 526 4 879521087 +194 527 4 879521474 +194 529 4 879523575 +194 530 4 879521167 +194 546 3 879541806 +194 549 3 879527263 +194 550 3 879524504 +194 559 2 879521937 +194 562 2 879524007 +194 566 4 879522819 +194 568 2 879522819 +194 570 3 879529356 +194 575 1 879554453 +194 576 2 879528568 +194 580 4 879525876 +194 582 1 879535549 +194 588 4 879524393 +194 604 3 879546498 +194 616 3 879523243 +194 623 1 879551637 +194 624 2 879525695 +194 625 3 879527145 +194 628 3 879540171 +194 631 2 879546551 +194 633 3 879521254 +194 636 2 879553731 +194 640 1 879535548 +194 642 2 879527514 +194 647 4 879521531 +194 648 4 879521936 +194 654 2 879522445 +194 655 5 879520813 +194 657 4 879521328 +194 659 4 879520743 +194 660 3 879527421 +194 661 5 879523104 +194 663 4 879524292 +194 679 2 879523104 +194 692 2 879524215 +194 693 4 879524216 +194 705 2 879524007 +194 708 3 879528106 +194 710 3 879524393 +194 712 3 879555147 +194 715 3 879527263 +194 720 2 879553883 +194 732 3 879522021 +194 735 4 879524718 +194 736 2 879548122 +194 739 3 879527263 +194 744 3 879547130 +194 756 1 879549899 +194 762 3 879539305 +194 770 4 879525342 +194 780 2 879527865 +194 790 1 879535549 +194 792 4 879524504 +194 808 2 879527999 +194 820 1 879541742 +194 837 4 879546671 +194 864 2 879539305 +194 939 3 879550615 +194 941 2 879552569 +194 944 2 879551999 +194 946 3 879527514 +194 951 3 879525761 +194 971 3 879551049 +194 991 2 879520306 +194 997 3 879553988 +194 1011 3 879539794 +194 1028 2 879541148 +194 1041 2 879553591 +194 1045 2 879524644 +194 1058 2 879552923 +194 1066 3 879554383 +194 1093 3 879540807 +194 1107 3 879525624 +194 1112 3 879527999 +194 1183 2 879554453 +194 1206 1 879554453 +194 1207 1 879555410 +194 1211 2 879551380 +194 1220 3 879524790 +194 1409 2 879552662 +194 1411 1 879554331 +194 1412 2 879551921 +195 14 4 890985390 +195 46 3 891762441 +195 47 5 876632643 +195 55 4 888737417 +195 59 3 888737346 +195 61 3 888737277 +195 67 2 874825826 +195 93 3 891762536 +195 99 3 888737277 +195 100 5 875771440 +195 109 3 878019342 +195 127 5 875771441 +195 132 5 875771441 +195 135 5 875771440 +195 143 5 875771441 +195 152 3 890589490 +195 154 3 888737525 +195 181 5 875771440 +195 186 3 888737240 +195 198 3 884420000 +195 213 4 883934680 +195 227 3 888737346 +195 235 3 883191566 +195 242 4 879141989 +195 258 4 882859352 +195 264 3 890721304 +195 265 4 888737346 +195 271 4 879488450 +195 273 4 878019342 +195 298 4 888737703 +195 300 3 890588925 +195 304 4 876617344 +195 313 5 883688297 +195 325 2 880268330 +195 326 3 887439400 +195 328 4 884420059 +195 366 3 885110899 +195 373 3 875158215 +195 384 2 874825826 +195 387 4 891762491 +195 407 2 877835302 +195 413 3 885110849 +195 421 4 892362736 +195 431 3 877835063 +195 433 3 878019342 +195 469 3 880710046 +195 477 2 885110922 +195 496 4 888737525 +195 500 4 876617344 +195 507 4 875436627 +195 508 3 886782519 +195 558 3 890589408 +195 591 4 892281779 +195 615 4 880650666 +195 636 2 884504132 +195 651 5 875436683 +195 678 3 883295570 +195 740 3 890985743 +195 748 2 876632518 +195 751 4 883295500 +195 753 3 874824313 +195 771 2 874825826 +195 779 2 874825826 +195 797 3 877835268 +195 809 3 877835548 +195 823 4 881485704 +195 831 2 884504132 +195 841 2 891841129 +195 877 3 887567629 +195 887 4 886782489 +195 921 3 883934716 +195 982 2 877835350 +195 1013 3 877156636 +195 1014 4 879673925 +195 1030 2 877835451 +195 1052 1 877835102 +195 1084 4 888737345 +195 1089 4 883295540 +195 1193 4 888737346 +195 1228 1 876632600 +195 1315 4 878019299 +195 1407 2 874825826 +195 1413 2 877835268 +195 1415 1 874825827 +195 1416 2 884504132 +195 1417 3 877246560 +195 1418 4 891762646 +196 8 5 881251753 +196 25 4 881251955 +196 66 3 881251911 +196 67 5 881252017 +196 70 3 881251842 +196 94 3 881252172 +196 108 4 881252110 +196 110 1 881252305 +196 111 4 881251793 +196 116 3 881251753 +196 202 3 881251728 +196 238 4 881251820 +196 242 3 881250949 +196 251 3 881251274 +196 257 2 881251577 +196 269 3 881250949 +196 285 5 881251753 +196 286 5 881250949 +196 287 3 881251884 +196 306 4 881251021 +196 340 3 881251045 +196 381 4 881251728 +196 382 4 881251843 +196 393 4 881251863 +196 428 4 881251702 +196 580 2 881252056 +196 655 5 881251793 +196 663 5 881251911 +196 692 5 881252017 +196 845 4 881251954 +196 1022 4 881251143 +196 1118 4 881252128 +197 2 3 891409981 +197 11 1 891409893 +197 22 5 891409839 +197 29 3 891410170 +197 33 2 891409981 +197 38 3 891410039 +197 39 2 891409982 +197 50 5 891409839 +197 55 3 891409982 +197 56 1 891409799 +197 62 2 891410039 +197 68 2 891410082 +197 79 5 891409839 +197 89 5 891409798 +197 92 1 891410082 +197 96 5 891409839 +197 127 5 891409839 +197 161 4 891410039 +197 172 5 891409839 +197 174 5 891409798 +197 176 5 891409798 +197 181 5 891409893 +197 187 5 891409798 +197 188 3 891409982 +197 190 3 891410082 +197 195 5 891409798 +197 210 5 891409838 +197 226 4 891410038 +197 227 3 891409936 +197 228 4 891409894 +197 229 3 891410039 +197 230 4 891409893 +197 231 3 891410124 +197 232 4 891410082 +197 233 4 891409935 +197 245 4 891409352 +197 258 4 891409255 +197 259 1 891409422 +197 265 5 891409893 +197 271 2 891409352 +197 272 4 891409160 +197 286 1 891409255 +197 288 3 891409387 +197 289 4 891409422 +197 294 4 891409290 +197 300 4 891409422 +197 302 3 891409070 +197 306 2 891409160 +197 311 4 891409070 +197 313 4 891409160 +197 316 4 891409535 +197 321 3 891409475 +197 322 3 891409475 +197 323 3 891409422 +197 326 3 891409199 +197 328 4 891409290 +197 333 2 891409111 +197 340 2 891409199 +197 344 4 891409070 +197 346 3 891409070 +197 347 4 891409070 +197 354 2 891409199 +197 362 4 891409199 +197 373 1 891410124 +197 385 2 891409893 +197 399 2 891410082 +197 431 3 891409935 +197 435 5 891409935 +197 449 5 891410124 +197 510 5 891409935 +197 511 5 891409839 +197 515 5 891409935 +197 518 1 891409982 +197 526 5 891409935 +197 530 3 891410082 +197 538 3 891409535 +197 550 3 891409981 +197 566 4 891409893 +197 568 4 891410038 +197 570 4 891410124 +197 576 4 891410039 +197 578 3 891410039 +197 586 3 891410170 +197 651 5 891409839 +197 665 4 891410124 +197 678 2 891409593 +197 679 1 891409935 +197 684 4 891409981 +197 688 1 891409564 +197 690 3 891409255 +197 720 2 891410039 +197 748 3 891409323 +197 750 5 891409199 +197 751 3 891409290 +197 770 3 891410082 +197 779 2 891410170 +197 802 4 891410082 +197 808 3 891409893 +197 849 3 891410124 +197 880 3 891409387 +197 895 3 891409199 +197 947 2 891410083 +197 1228 4 891410124 +197 1419 2 891410124 +198 1 4 884205081 +198 6 2 884206270 +198 7 4 884205317 +198 11 4 884207392 +198 15 3 884205185 +198 23 4 884208491 +198 24 2 884205385 +198 25 2 884205114 +198 31 3 884207897 +198 33 3 884209291 +198 51 3 884208455 +198 55 3 884207525 +198 56 5 884207392 +198 58 3 884208173 +198 65 2 884208241 +198 70 3 884207691 +198 71 3 884208419 +198 79 3 884208518 +198 81 5 884208326 +198 82 3 884209451 +198 89 5 884208623 +198 93 3 884205346 +198 95 3 884207612 +198 96 4 884208326 +198 97 3 884207112 +198 98 4 884207611 +198 100 1 884207325 +198 101 5 884209569 +198 117 1 884205114 +198 118 2 884206513 +198 121 3 884206330 +198 128 3 884209451 +198 132 4 884208137 +198 135 5 884208061 +198 137 4 884205252 +198 143 3 884208951 +198 148 3 884206401 +198 151 4 884206401 +198 154 4 884208098 +198 156 3 884207058 +198 161 3 884208454 +198 168 4 884207654 +198 172 4 884207206 +198 173 4 884207492 +198 174 5 884208326 +198 175 3 884207239 +198 176 4 884207136 +198 179 4 884209264 +198 180 3 884207298 +198 181 4 884205050 +198 182 4 884207946 +198 183 5 884207654 +198 184 3 884209003 +198 185 3 884209264 +198 187 4 884207239 +198 188 5 884208200 +198 191 4 884208682 +198 193 4 884207833 +198 196 3 884208098 +198 197 4 884208200 +198 198 4 884207654 +198 200 4 884207239 +198 201 3 884207897 +198 203 3 884207733 +198 204 3 884207584 +198 208 3 884208571 +198 210 4 884207612 +198 214 4 884208273 +198 215 4 884208098 +198 216 4 884208490 +198 217 4 884208273 +198 218 3 884209412 +198 222 3 884204993 +198 228 3 884207206 +198 230 3 884209073 +198 234 3 884207833 +198 238 4 884207733 +198 241 3 884209264 +198 248 3 884205385 +198 249 2 884205277 +198 258 4 884204501 +198 265 3 884207206 +198 276 3 884205317 +198 280 3 884206401 +198 291 2 884205219 +198 298 1 884204993 +198 300 2 884204427 +198 318 4 884207560 +198 323 2 884204637 +198 343 3 884204666 +198 356 3 884208455 +198 357 5 884207267 +198 367 3 884209379 +198 381 3 884208273 +198 385 3 884208778 +198 402 3 884209147 +198 403 4 884209353 +198 405 2 884206428 +198 410 1 884205385 +198 411 1 884206659 +198 423 3 884208241 +198 427 4 884207009 +198 428 4 884209188 +198 429 4 884207691 +198 433 2 884208326 +198 447 4 884209188 +198 455 3 884206191 +198 462 3 884209535 +198 470 3 884208571 +198 474 5 884207298 +198 475 4 884205277 +198 498 3 884207492 +198 501 4 884209264 +198 509 4 884208710 +198 511 4 884208326 +198 518 3 884208876 +198 526 4 884208273 +198 527 4 884208061 +198 549 3 884208518 +198 559 3 884208739 +198 568 3 884208710 +198 629 4 884209221 +198 631 3 884208624 +198 636 3 884209353 +198 640 3 884208651 +198 651 4 884207424 +198 654 5 884207733 +198 655 4 884209188 +198 658 3 884208173 +198 660 4 884208624 +198 673 3 884209451 +198 682 3 884204709 +198 684 3 884208778 +198 690 3 884204427 +198 692 2 884208377 +198 693 3 884207734 +198 746 4 884207946 +198 748 2 884204577 +198 763 3 884206482 +198 871 1 884205277 +198 923 3 884207946 +198 939 3 884209412 +198 942 4 884209569 +198 959 3 884209264 +198 979 5 884206748 +198 1014 2 884206330 +198 1094 1 884206807 +198 1117 3 884205252 +198 1142 5 884205114 +198 1169 4 884208834 +198 1244 2 884206659 +198 1245 4 884205317 +199 1 1 883782854 +199 7 4 883782854 +199 93 4 883782825 +199 100 3 883782807 +199 111 3 883783042 +199 116 5 883782807 +199 117 3 883782879 +199 221 4 883782854 +199 242 5 883782485 +199 243 1 883782636 +199 258 4 883782403 +199 259 1 883782583 +199 268 5 883782509 +199 269 5 883782458 +199 276 4 883782879 +199 285 4 883782879 +199 286 5 883782485 +199 294 1 883782636 +199 322 2 883782636 +199 324 1 883782509 +199 405 2 883783005 +199 473 4 883783005 +199 475 5 883782918 +199 508 4 883782899 +199 678 1 883782636 +199 687 1 883782655 +199 751 3 883782557 +199 813 3 883782807 +199 892 1 883782485 +199 948 1 883782655 +199 988 1 883782655 +199 989 1 883782509 +199 1326 3 883782934 +199 1354 1 883782952 +200 1 5 876042340 +200 2 4 884130046 +200 7 4 876042451 +200 8 4 884128904 +200 9 4 884126833 +200 11 5 884129542 +200 15 4 884127745 +200 22 4 884128372 +200 24 2 884127370 +200 25 4 876042234 +200 28 5 884128458 +200 29 4 884130540 +200 33 4 884129602 +200 38 3 884130348 +200 43 3 884129814 +200 45 3 884128372 +200 48 2 884129029 +200 50 5 884128400 +200 54 4 884129920 +200 56 4 884128858 +200 58 4 884129301 +200 63 4 884130415 +200 68 5 884129729 +200 69 5 884128788 +200 72 4 884129542 +200 79 5 884128499 +200 82 5 884129656 +200 88 4 884128760 +200 89 5 884128788 +200 96 5 884129409 +200 98 5 884128933 +200 99 5 884128858 +200 103 2 891825521 +200 107 3 884128022 +200 112 3 884127370 +200 117 5 876042268 +200 121 5 876042268 +200 123 4 884127568 +200 125 5 876041895 +200 135 4 884128400 +200 139 3 884130540 +200 140 4 884129962 +200 141 4 884129346 +200 143 5 884128499 +200 147 5 876042451 +200 148 4 876042340 +200 151 3 876042204 +200 161 4 884128979 +200 169 5 884128822 +200 172 5 884128554 +200 173 5 884128554 +200 174 5 884128426 +200 176 5 884129627 +200 177 4 884129656 +200 179 4 884129029 +200 183 5 884128554 +200 188 4 884129160 +200 191 5 884128554 +200 195 5 884128822 +200 196 4 884126833 +200 204 5 884128822 +200 205 4 884128458 +200 208 5 884128904 +200 210 5 884128933 +200 215 4 884129346 +200 218 5 884129410 +200 222 5 876042340 +200 225 4 876042299 +200 226 4 884130085 +200 227 5 884129006 +200 228 5 884128372 +200 229 5 884129696 +200 230 5 884128400 +200 231 4 884130679 +200 235 2 884128065 +200 239 3 884129602 +200 241 4 884129782 +200 245 3 884126687 +200 258 4 876041644 +200 265 5 884128372 +200 276 5 876041895 +200 280 4 884127798 +200 282 4 884127745 +200 286 4 884125953 +200 288 5 884125846 +200 291 3 891825292 +200 294 4 884125953 +200 304 5 876041644 +200 313 5 884125806 +200 318 5 884128458 +200 325 5 876041719 +200 357 5 884128498 +200 358 5 884127221 +200 363 3 876042753 +200 365 5 884129962 +200 373 4 884130754 +200 378 5 884129301 +200 380 5 884129381 +200 391 4 884130484 +200 392 5 884128858 +200 393 4 884129410 +200 401 2 884130085 +200 402 4 884129029 +200 409 2 884127431 +200 411 3 876042824 +200 419 4 884129232 +200 420 5 884129837 +200 423 5 884129275 +200 429 5 884130014 +200 431 5 884129006 +200 432 5 884128458 +200 447 4 884130014 +200 449 5 884130540 +200 451 4 884129006 +200 465 4 884129112 +200 470 4 884129782 +200 472 4 884127890 +200 473 4 876042493 +200 478 5 884128788 +200 495 3 884129092 +200 496 5 884128904 +200 501 4 884129504 +200 515 5 884129381 +200 523 4 884129627 +200 527 4 884129656 +200 528 4 884128426 +200 542 3 884130592 +200 546 3 884127745 +200 549 4 884129567 +200 552 4 884130540 +200 559 4 884129920 +200 560 4 884130655 +200 568 5 884128372 +200 570 4 884130484 +200 576 4 884130415 +200 578 5 884130085 +200 580 2 884130114 +200 584 4 884129542 +200 586 4 884130391 +200 588 5 884128499 +200 597 4 876042824 +200 609 3 884129457 +200 652 2 884127370 +200 660 3 884129209 +200 665 4 884130621 +200 673 5 884128554 +200 674 4 884130348 +200 679 4 884129920 +200 685 4 876042493 +200 692 3 884128400 +200 717 4 876042493 +200 720 4 884130114 +200 739 4 884130046 +200 743 3 891825607 +200 755 5 884129729 +200 756 3 876042493 +200 758 3 884127370 +200 760 4 876042753 +200 768 4 884130592 +200 771 4 884130721 +200 802 4 884130485 +200 812 4 884130621 +200 820 3 884127370 +200 826 4 876042556 +200 831 4 891825565 +200 840 4 876042525 +200 841 3 876042556 +200 866 4 891825324 +200 890 4 884127082 +200 892 4 884127082 +200 929 4 876042979 +200 930 3 876042790 +200 931 3 891825627 +200 934 2 884127370 +200 951 5 884130014 +200 982 2 891825589 +200 984 3 884125996 +200 1028 2 884128176 +200 1033 2 891825441 +200 1034 3 891825521 +200 1049 3 876042922 +200 1060 3 876042340 +200 1073 3 884129542 +200 1091 4 884129814 +200 1139 3 884130484 +200 1217 4 884130014 +200 1219 3 884130289 +200 1228 4 884130721 +200 1411 3 884130289 +200 1419 5 884130679 +201 1 3 884113635 +201 2 2 884112487 +201 4 4 884111830 +201 7 3 884112201 +201 8 3 884141438 +201 9 3 884113343 +201 10 3 884114169 +201 11 4 884112201 +201 12 4 884111269 +201 15 3 884140670 +201 17 3 884112581 +201 20 2 884140275 +201 22 2 884112201 +201 23 4 884111830 +201 25 3 884114015 +201 26 4 884111927 +201 27 3 884140891 +201 28 3 884111217 +201 29 3 884141053 +201 31 1 884114232 +201 32 3 884140049 +201 33 4 884112487 +201 36 1 884140927 +201 37 2 884114635 +201 39 1 884112427 +201 42 4 884113713 +201 45 2 884111958 +201 47 4 884140610 +201 48 3 884111485 +201 50 4 884114471 +201 51 2 884140751 +201 53 3 884114713 +201 55 4 884114471 +201 56 5 884111269 +201 57 4 884111958 +201 58 4 884140488 +201 61 2 884111986 +201 62 1 884310149 +201 68 2 884112487 +201 69 2 884112901 +201 70 3 884112029 +201 71 3 884111270 +201 76 4 884140709 +201 77 2 884140788 +201 79 4 884112245 +201 82 4 884114471 +201 87 3 884111775 +201 89 3 884112245 +201 92 3 884112245 +201 95 3 884114015 +201 98 4 884111312 +201 99 3 884141438 +201 100 4 884111485 +201 116 1 884112800 +201 117 2 884112487 +201 118 1 884310148 +201 121 2 884114275 +201 123 2 884114233 +201 124 3 884112991 +201 125 2 884140709 +201 127 5 884111708 +201 128 2 884111546 +201 129 4 884114471 +201 134 4 884113772 +201 146 1 884140579 +201 148 1 884140751 +201 150 4 884139983 +201 156 4 884111830 +201 157 4 884113453 +201 164 3 884112627 +201 171 3 884111678 +201 172 5 884111269 +201 174 3 884112201 +201 175 2 884140022 +201 176 4 884112281 +201 179 5 884114471 +201 180 3 884140078 +201 181 2 884112245 +201 182 4 884111485 +201 184 3 884112245 +201 187 3 884111312 +201 188 4 884112201 +201 190 4 884111873 +201 191 4 884114471 +201 193 3 884140078 +201 195 3 884111397 +201 197 4 884113422 +201 198 4 884111873 +201 201 4 884112537 +201 203 5 884114471 +201 204 4 884113082 +201 206 2 884112029 +201 207 3 884111360 +201 209 3 884112801 +201 210 2 884111270 +201 211 3 884112840 +201 213 4 884111873 +201 215 2 884140382 +201 216 4 884111360 +201 217 3 884112627 +201 219 4 884112673 +201 221 3 884111397 +201 222 3 884112201 +201 223 4 884113343 +201 226 3 884114232 +201 227 4 884310149 +201 230 3 884112487 +201 231 2 884310104 +201 232 2 884112282 +201 234 5 884112537 +201 237 4 884140307 +201 238 3 884113343 +201 239 1 884140275 +201 240 3 884114069 +201 241 2 884112487 +201 242 4 884110598 +201 260 4 884110967 +201 265 3 884310104 +201 268 4 884110637 +201 271 4 884110967 +201 272 3 886013700 +201 275 4 884113634 +201 276 5 884111598 +201 281 2 884112352 +201 282 2 884140428 +201 284 3 884140336 +201 285 4 884114471 +201 288 4 884110887 +201 289 2 884111064 +201 292 3 884110598 +201 302 4 884110637 +201 304 2 884110967 +201 313 5 884110598 +201 319 2 884110967 +201 321 3 884111029 +201 324 5 884110811 +201 325 5 884111064 +201 326 2 884111095 +201 331 4 884110967 +201 332 2 884110887 +201 333 2 884110927 +201 334 4 884110927 +201 340 5 884110887 +201 357 4 884111217 +201 358 1 884111095 +201 366 2 884141015 +201 370 1 884114506 +201 375 3 884287140 +201 379 3 884114813 +201 380 1 884140825 +201 381 3 884111986 +201 385 2 884112427 +201 387 2 884140825 +201 402 2 884140975 +201 403 3 884112427 +201 405 4 884112427 +201 406 1 884114505 +201 408 4 884111436 +201 413 3 884114505 +201 421 2 884111708 +201 423 4 884112901 +201 425 3 884140246 +201 432 3 884111312 +201 435 4 884112201 +201 438 1 884114813 +201 440 2 884114770 +201 441 1 884112537 +201 443 3 884112580 +201 447 5 884112581 +201 448 3 884112581 +201 452 1 884114770 +201 454 2 884111830 +201 455 3 884112487 +201 458 4 884140428 +201 461 4 884113924 +201 462 1 884141208 +201 464 1 884140522 +201 466 4 884113453 +201 467 2 884139983 +201 468 4 884140927 +201 471 2 884140637 +201 475 4 884112748 +201 479 4 884111397 +201 480 4 884111598 +201 482 4 884111360 +201 483 3 884111546 +201 505 3 884113772 +201 506 4 884114471 +201 508 4 884140458 +201 509 3 884111546 +201 513 3 884114069 +201 514 3 884112747 +201 518 4 884112201 +201 521 2 884111637 +201 527 3 884111360 +201 531 2 884113949 +201 537 3 884141053 +201 544 2 884140307 +201 546 2 884140891 +201 549 3 884140750 +201 551 1 884114770 +201 558 2 884112537 +201 559 2 884112627 +201 563 1 884114813 +201 566 3 884112352 +201 567 3 884112673 +201 578 2 884310148 +201 582 5 884111873 +201 583 1 884112352 +201 587 4 884140975 +201 588 4 884113490 +201 589 3 884113082 +201 590 1 884114813 +201 591 3 884140307 +201 596 4 884141438 +201 597 2 884310149 +201 603 4 884113924 +201 631 2 884140750 +201 636 2 884310149 +201 640 4 884112029 +201 642 4 884111485 +201 644 3 884113924 +201 649 3 884114275 +201 651 4 884111217 +201 655 4 884112800 +201 656 4 884111775 +201 658 3 884111677 +201 660 3 884140927 +201 665 2 884114770 +201 667 2 884114682 +201 670 4 884112673 +201 672 2 884112673 +201 673 3 884140115 +201 676 2 884140927 +201 679 3 884310104 +201 684 3 884114233 +201 686 2 884112352 +201 692 3 884114895 +201 693 4 884113949 +201 695 1 884140115 +201 697 4 884140115 +201 699 3 884140610 +201 702 1 884111986 +201 705 3 884113302 +201 708 4 884140247 +201 729 2 884140975 +201 733 3 884140522 +201 735 3 884113975 +201 737 2 884112077 +201 747 2 884113635 +201 750 3 884110598 +201 751 3 884110766 +201 767 4 884114505 +201 770 3 884112426 +201 772 5 884113343 +201 773 4 884112627 +201 774 1 884114713 +201 777 1 884112673 +201 789 3 884112840 +201 792 4 884140579 +201 800 2 884114713 +201 803 2 884112282 +201 806 3 884140049 +201 823 3 884140975 +201 825 1 884112427 +201 844 2 884112537 +201 847 2 884111546 +201 853 4 884114635 +201 856 3 884140709 +201 895 3 884110702 +201 896 3 884110766 +201 919 3 884141208 +201 923 3 884113592 +201 924 3 884140751 +201 943 3 884114275 +201 950 3 884140610 +201 955 3 884114895 +201 956 4 884140522 +201 960 2 884112077 +201 962 4 884113082 +201 979 2 884114233 +201 980 3 884140927 +201 991 4 884110735 +201 1006 2 884112136 +201 1008 3 884140891 +201 1010 3 884140579 +201 1011 3 884140853 +201 1039 3 884111599 +201 1045 2 884140788 +201 1056 2 884113592 +201 1063 3 884113453 +201 1065 3 884113490 +201 1069 2 884111312 +201 1070 5 884111677 +201 1073 2 884111899 +201 1098 2 884112747 +201 1100 4 884112800 +201 1103 3 884140487 +201 1135 5 884140750 +201 1137 4 884111830 +201 1153 2 884140709 +201 1163 1 884140382 +201 1166 3 884113806 +201 1169 4 884141053 +201 1174 5 884140670 +201 1187 3 884112201 +201 1193 4 884111873 +201 1194 4 884111899 +201 1208 4 884140927 +201 1211 3 884113806 +201 1220 2 884140975 +201 1224 2 884140891 +201 1227 1 884140787 +201 1229 3 884140307 +201 1245 4 884141015 +201 1267 3 884141053 +201 1268 4 884112077 +201 1355 1 884111637 +201 1398 4 884140079 +201 1421 3 884141015 +201 1422 2 884114194 +201 1424 3 884113114 +201 1425 3 884111637 +201 1426 2 884114015 +201 1427 2 884113975 +201 1428 4 884114099 +202 1 3 879727059 +202 96 4 879727059 +202 172 3 879726778 +202 173 2 879726914 +202 179 1 879727294 +202 204 3 879727058 +202 242 3 879726342 +202 258 4 879726342 +202 283 3 879727153 +202 286 1 879726342 +202 318 1 879727116 +202 423 3 879727116 +202 481 1 879726642 +202 484 4 879727153 +202 515 1 879726778 +202 604 5 879727058 +203 1 3 880434384 +203 7 3 880434438 +203 24 4 880434359 +203 50 5 880434810 +203 93 4 880434940 +203 100 1 880434411 +203 117 4 880434810 +203 148 3 880434755 +203 150 5 880434278 +203 151 4 880434384 +203 181 5 880434278 +203 222 4 880434318 +203 237 3 880434411 +203 248 5 880434496 +203 250 4 880434495 +203 257 3 880434298 +203 271 3 880433445 +203 276 4 880434810 +203 282 1 880434919 +203 283 5 880434359 +203 288 5 880433368 +203 294 2 880433398 +203 304 3 880433445 +203 321 3 880433418 +203 326 4 880433398 +203 332 5 880433474 +203 336 3 880433474 +203 458 3 880434336 +203 471 4 880434463 +203 475 3 880434318 +203 477 4 880434755 +203 619 3 880434438 +203 628 4 880434810 +203 744 2 880434495 +203 748 2 880433474 +203 815 4 880434882 +203 879 4 880433474 +203 890 2 880433499 +203 993 3 880434919 +204 1 2 892513979 +204 9 5 892513979 +204 12 4 892513865 +204 45 5 892513906 +204 170 5 892513865 +204 172 3 892513819 +204 191 4 892513906 +204 216 4 892513864 +204 242 5 892388935 +204 245 3 892391980 +204 258 2 892388976 +204 259 2 892389195 +204 262 4 892389137 +204 269 4 892388976 +204 286 3 892389046 +204 292 5 892388857 +204 297 5 892514010 +204 300 3 892388900 +204 302 5 892389137 +204 303 5 892389020 +204 304 3 892389328 +204 310 1 892389073 +204 315 4 892388857 +204 318 5 892513819 +204 321 1 892388900 +204 333 1 892391748 +204 336 1 892391854 +204 340 5 892389195 +204 482 4 892513906 +204 748 1 892392030 +204 874 3 892388976 +204 880 2 892388976 +204 1022 5 892392078 +204 1194 4 892513906 +204 1281 2 892513979 +204 1296 5 892392078 +205 243 2 888284758 +205 258 3 888284313 +205 268 2 888284618 +205 269 3 888284347 +205 286 2 888284245 +205 289 4 888284710 +205 294 3 888284402 +205 300 3 888284245 +205 304 3 888284313 +205 313 3 888284313 +205 315 4 888284245 +205 316 4 888284710 +205 326 4 888284454 +205 328 3 888284454 +205 333 4 888284618 +205 678 1 888284618 +205 748 4 888284710 +205 875 2 888284532 +205 984 1 888284710 +205 1025 1 888284495 +206 242 3 888180049 +206 245 1 888179772 +206 258 4 888179602 +206 260 3 888179772 +206 262 1 888180049 +206 269 4 888180018 +206 288 5 888179565 +206 294 2 888179694 +206 300 1 888179565 +206 302 5 888180227 +206 308 2 888180049 +206 309 2 888179647 +206 313 5 888179565 +206 314 1 888179948 +206 315 5 888180018 +206 323 1 888179833 +206 326 1 888179713 +206 332 3 888179602 +206 333 4 888179565 +206 336 1 888179928 +206 340 3 888180082 +206 343 1 888179788 +206 359 1 888179980 +206 361 1 888180082 +206 362 1 888180018 +206 678 1 888179833 +206 682 3 888179694 +206 683 1 888179980 +206 690 2 888179694 +206 691 1 888180081 +206 748 4 888179833 +206 749 2 888179980 +206 750 3 888179981 +206 873 3 888179833 +206 882 1 888180049 +206 889 2 888180081 +206 891 2 888180049 +206 895 5 888179788 +206 896 4 888180018 +206 900 1 888179980 +206 903 2 888180018 +206 904 1 888180081 +206 990 1 888179913 +206 1022 1 888179980 +206 1024 1 888180049 +206 1062 3 888180018 +206 1127 4 888180081 +206 1175 1 888180049 +206 1233 1 888180018 +206 1313 1 888179981 +206 1394 1 888179981 +206 1395 1 888180081 +206 1429 1 888180018 +206 1430 1 888179980 +206 1431 1 888180018 +206 1433 1 888180049 +206 1434 1 888180082 +207 2 3 877822770 +207 3 2 877846284 +207 4 4 876198457 +207 5 3 880839802 +207 8 3 878103820 +207 11 3 878104245 +207 12 3 878104200 +207 13 3 875506839 +207 14 4 875504876 +207 15 4 876198392 +207 18 2 877878739 +207 23 4 875509888 +207 25 4 876079113 +207 28 4 877822162 +207 33 2 877125422 +207 38 3 875509507 +207 42 4 877878688 +207 45 3 878104569 +207 53 1 881681725 +207 55 3 875509395 +207 58 3 875991047 +207 59 4 877846793 +207 60 3 877845845 +207 64 5 877846793 +207 65 3 878104594 +207 68 2 877125350 +207 70 3 875506737 +207 73 3 876079087 +207 79 4 875509888 +207 87 4 884386260 +207 88 2 878104627 +207 98 4 875509887 +207 100 2 875503786 +207 107 3 876198301 +207 111 3 880839802 +207 121 3 875504876 +207 127 5 875506634 +207 129 3 877751037 +207 131 3 878104377 +207 133 4 875812281 +207 134 4 875991160 +207 135 2 877822350 +207 137 3 877821612 +207 144 3 875509434 +207 150 3 877847150 +207 153 5 877750617 +207 154 2 878088217 +207 156 2 878104438 +207 158 3 878191798 +207 161 4 875509507 +207 170 4 877125221 +207 171 3 880839802 +207 173 3 877878923 +207 174 4 877750843 +207 175 1 877845982 +207 177 3 891759050 +207 179 4 877822224 +207 180 3 879665352 +207 181 3 877878828 +207 183 2 875509832 +207 185 4 875509832 +207 186 4 877879173 +207 187 5 877878688 +207 188 3 875509262 +207 191 4 877124663 +207 192 3 877822350 +207 194 4 875504118 +207 195 3 875509307 +207 197 4 875774463 +207 203 3 877124625 +207 205 4 875991160 +207 208 4 878191679 +207 210 3 878191574 +207 211 5 878191679 +207 224 3 884386473 +207 237 4 877878342 +207 238 2 876079087 +207 239 3 876079016 +207 241 3 877995673 +207 245 3 877994095 +207 248 3 877878409 +207 258 4 877879172 +207 265 3 877846793 +207 269 4 877845577 +207 273 4 878104569 +207 276 2 875504835 +207 281 3 876018471 +207 282 4 879577372 +207 284 3 877746137 +207 290 2 878104627 +207 291 3 876018608 +207 294 3 875504669 +207 298 3 875509150 +207 313 4 885066537 +207 316 5 891759050 +207 318 5 877124871 +207 319 3 879664891 +207 322 3 879001724 +207 328 2 884386312 +207 385 3 875509346 +207 393 4 877838977 +207 410 3 877838946 +207 414 2 876078916 +207 428 4 877838826 +207 433 3 878104569 +207 458 3 875991160 +207 462 3 877845656 +207 468 4 877124806 +207 471 3 875509715 +207 476 2 884386343 +207 483 5 875774491 +207 508 4 877879259 +207 509 4 877878688 +207 514 4 877878343 +207 515 5 878191679 +207 517 3 882081278 +207 520 4 879665302 +207 524 4 878104569 +207 527 4 877879172 +207 529 4 878191679 +207 531 4 877878342 +207 538 2 880853139 +207 540 3 880161839 +207 554 2 877822854 +207 562 2 875509507 +207 566 4 875509434 +207 568 4 875509395 +207 576 3 877822904 +207 580 3 879665232 +207 591 3 876018608 +207 597 3 876018471 +207 609 4 877879173 +207 628 3 876018608 +207 631 2 877847187 +207 642 3 875991116 +207 660 4 877847100 +207 684 3 875509307 +207 685 3 876018471 +207 692 3 877750738 +207 696 3 877751310 +207 712 4 877847025 +207 716 3 875508783 +207 735 4 877878688 +207 742 4 876018580 +207 746 4 877878342 +207 748 3 877750478 +207 754 4 879577345 +207 756 2 877878923 +207 763 3 877743609 +207 787 3 876079054 +207 792 2 876079016 +207 805 3 882081278 +207 810 2 877125506 +207 826 2 877751143 +207 827 3 876018501 +207 832 3 877878424 +207 841 3 876018501 +207 845 3 881681663 +207 847 3 885139179 +207 849 3 877822704 +207 864 3 877750738 +207 866 3 876079054 +207 871 5 880839802 +207 875 2 875718889 +207 978 3 877878883 +207 986 3 877878384 +207 993 3 877879206 +207 997 1 875508693 +207 1023 3 875506634 +207 1028 3 877847025 +207 1046 4 875509787 +207 1049 3 877878860 +207 1098 4 877879172 +207 1102 3 880839891 +207 1115 2 879664906 +207 1118 3 878104017 +207 1147 4 879665042 +207 1170 2 875506807 +207 1197 4 881681663 +207 1225 3 875508817 +207 1226 2 882081278 +207 1242 5 884386260 +207 1283 4 884386260 +207 1333 3 877995615 +207 1350 2 877878772 +207 1378 3 877878714 +207 1436 3 878191574 +208 56 2 883108360 +208 70 3 883108430 +208 88 5 883108324 +208 97 4 883108797 +208 186 4 883108518 +208 194 5 883108360 +208 197 5 883108797 +208 202 4 883108476 +208 204 3 883108360 +208 208 4 883108360 +208 211 5 883108398 +208 216 5 883108324 +208 302 1 883108157 +208 310 4 883108105 +208 367 2 883108324 +208 371 5 883108842 +208 381 3 883108873 +208 393 4 883108398 +208 402 4 883108873 +208 428 4 883108430 +208 430 4 883108360 +208 435 5 883108430 +208 514 4 883108324 +208 517 3 883108398 +208 523 4 883108360 +208 524 4 883108745 +208 662 4 883108842 +208 663 5 883108476 +208 739 4 883108873 +208 781 3 883108498 +208 996 3 883108684 +209 1 5 883460644 +209 9 3 883417547 +209 14 3 883417547 +209 50 5 883417589 +209 129 2 883417667 +209 181 4 883417491 +209 242 4 883589606 +209 249 2 883417640 +209 251 5 883417810 +209 258 2 883589626 +209 269 2 883589606 +209 276 2 883417796 +209 285 5 883417613 +209 286 2 883417458 +209 293 4 883417796 +209 301 3 883460492 +209 304 2 883460468 +209 321 4 883461108 +209 333 2 883589568 +209 349 2 883589546 +209 351 2 883589546 +209 408 4 883417517 +209 688 1 883589626 +209 766 4 883460644 +209 898 3 883460304 +209 906 2 883589546 +209 1086 4 883417667 +209 1105 2 883589568 +209 1137 4 883417491 +210 1 5 887731052 +210 4 4 887730443 +210 15 4 887737710 +210 23 5 887730102 +210 25 4 887730407 +210 28 4 887736175 +210 40 3 891035994 +210 44 3 887737710 +210 49 3 891036116 +210 50 5 887731014 +210 56 5 887730264 +210 58 4 887730177 +210 65 4 887731305 +210 69 4 887736482 +210 70 4 887730589 +210 72 3 891036310 +210 73 5 891035837 +210 79 4 887736352 +210 88 4 887737603 +210 94 4 891036181 +210 96 4 887736616 +210 97 5 887736454 +210 98 5 887736429 +210 99 4 887736937 +210 114 4 887736175 +210 121 4 887737244 +210 127 5 887731230 +210 132 4 887736206 +210 134 5 887736070 +210 135 5 887736352 +210 152 5 887730676 +210 153 5 887730297 +210 154 4 887730341 +210 160 4 887737210 +210 161 5 887736393 +210 163 3 887730407 +210 167 4 891036054 +210 168 5 887730342 +210 172 5 887736261 +210 173 4 887730264 +210 174 5 887736045 +210 176 4 887735960 +210 179 3 887736429 +210 180 4 887735872 +210 181 5 887731082 +210 182 5 887736232 +210 185 4 887736232 +210 186 4 887730532 +210 187 5 887736017 +210 188 3 887737171 +210 195 4 887736429 +210 197 5 887736393 +210 200 5 887737040 +210 202 5 887737338 +210 204 5 887730676 +210 205 4 887736393 +210 208 5 887730443 +210 210 5 887730532 +210 211 5 887730297 +210 216 4 887737603 +210 219 3 887808581 +210 222 4 887737603 +210 235 3 887730842 +210 238 3 891036021 +210 243 2 887734998 +210 255 4 887730842 +210 257 5 887730789 +210 274 5 887730676 +210 276 5 887731147 +210 290 4 887730813 +210 300 4 887730066 +210 301 4 887731435 +210 302 5 890059415 +210 327 4 887735288 +210 357 5 887736206 +210 380 4 887736482 +210 392 3 887736017 +210 393 3 891035904 +210 402 5 887737171 +210 403 4 887736322 +210 404 5 887736739 +210 411 3 887730931 +210 419 4 887737678 +210 420 4 887737487 +210 423 5 887737338 +210 435 4 887730407 +210 447 5 887737631 +210 465 4 887737131 +210 482 5 887736739 +210 483 5 887736482 +210 484 4 887736070 +210 501 4 887736998 +210 502 3 891035965 +210 514 5 887730532 +210 517 4 887730342 +210 523 4 887730472 +210 527 5 887736232 +210 568 4 887735960 +210 629 3 891035928 +210 631 5 887736796 +210 651 4 887736140 +210 654 5 887737559 +210 655 5 887730496 +210 657 4 887736429 +210 662 2 887730221 +210 679 3 887808619 +210 692 4 887736796 +210 722 4 891036021 +210 732 4 887730676 +210 735 4 887737338 +210 751 4 890059441 +210 821 3 887730532 +210 832 3 887730264 +210 864 3 887730842 +210 926 2 887730909 +210 953 3 887737488 +210 956 3 887736900 +210 969 4 887730221 +210 1012 4 887730789 +210 1028 3 887730931 +210 1118 4 887730496 +211 9 3 879460172 +211 69 3 879460213 +211 117 4 879461498 +211 127 4 879461498 +211 181 1 879461498 +211 215 5 879460294 +211 228 3 879460096 +211 230 3 879460294 +211 257 5 879461498 +211 263 3 879461395 +211 286 4 879437184 +211 300 2 879461395 +211 303 3 879437184 +211 310 3 879461394 +211 357 2 879460172 +211 423 5 879459846 +211 443 1 879460096 +211 455 3 879461498 +211 457 4 879437184 +211 462 4 879460096 +211 491 3 879459876 +211 520 4 879460096 +211 526 4 879459952 +211 528 4 879459803 +211 596 3 879460294 +211 678 3 879461394 +211 687 2 879437184 +211 876 2 879461395 +211 890 2 879461395 +211 1127 1 879461395 +211 1330 3 879460096 +212 87 5 879304010 +212 179 1 879304010 +212 180 1 879303974 +212 191 3 879303830 +212 197 5 879303795 +212 199 5 879303831 +212 268 5 879303468 +212 286 4 879303468 +212 317 5 879303638 +212 382 5 879303929 +212 423 4 879304010 +212 427 4 879303795 +212 511 4 879304051 +212 515 4 879303571 +212 527 5 879303892 +212 528 5 879303950 +212 863 2 879303863 +213 1 2 878870719 +213 2 4 878955914 +213 7 4 878870518 +213 8 3 878955564 +213 11 4 878956156 +213 12 5 878955409 +213 13 4 878955139 +213 24 5 878870846 +213 25 4 878870750 +213 31 4 878956338 +213 42 5 878956263 +213 48 5 878955848 +213 50 5 878870456 +213 55 5 878955680 +213 56 5 878955635 +213 64 5 878955680 +213 70 3 878955766 +213 79 5 878956263 +213 97 5 878956299 +213 98 5 878955598 +213 100 5 878870749 +213 117 4 878870987 +213 118 4 878870871 +213 121 5 878870940 +213 125 5 878955295 +213 127 5 878870790 +213 132 5 878956263 +213 133 3 878955973 +213 135 5 878956101 +213 143 5 878955766 +213 144 5 878956047 +213 151 5 878955886 +213 154 5 878956101 +213 156 5 878955474 +213 157 4 878955501 +213 172 5 878955442 +213 173 5 878955442 +213 174 5 878955848 +213 175 4 878955599 +213 176 4 878956338 +213 180 5 878956047 +213 181 4 878870552 +213 182 4 878955766 +213 185 5 878955501 +213 187 5 878956022 +213 192 5 878955474 +213 193 4 878955442 +213 194 4 878955766 +213 195 5 878956156 +213 197 5 878955707 +213 199 5 878956000 +213 200 5 878956100 +213 204 5 878956130 +213 212 4 878955474 +213 214 5 878955816 +213 222 3 878870790 +213 229 4 878955973 +213 234 4 878955373 +213 235 1 878955115 +213 238 5 878955635 +213 252 3 878870456 +213 257 4 878870846 +213 258 4 878870226 +213 273 5 878870987 +213 274 5 878955188 +213 281 4 878871038 +213 284 5 878955164 +213 286 3 878870598 +213 288 4 878870226 +213 294 3 878870226 +213 318 5 878955533 +213 357 5 878955848 +213 393 3 878955973 +213 405 3 878870904 +213 432 4 878956047 +213 447 4 878955598 +213 448 4 878956074 +213 463 5 878956000 +213 471 3 878870816 +213 474 2 878955635 +213 475 4 878870648 +213 478 5 878956129 +213 479 4 878955534 +213 483 5 878955848 +213 502 5 878956263 +213 504 5 878955885 +213 509 4 878955372 +213 511 4 878955442 +213 514 5 878956130 +213 515 4 878870518 +213 521 4 878955474 +213 546 4 878870903 +213 568 4 878955941 +213 591 4 878955295 +213 603 5 878955599 +213 609 4 878955533 +213 627 4 878955680 +213 628 5 878870648 +213 655 4 878956300 +213 678 4 878870275 +213 684 4 878956000 +213 685 3 878870987 +213 690 3 878870275 +213 692 4 878955848 +213 715 5 878955915 +213 735 5 878955474 +213 778 5 878955680 +213 831 4 878871062 +213 841 4 878871010 +213 924 4 878870846 +213 942 4 878955533 +213 985 3 878955164 +213 1012 3 878870719 +213 1215 1 878871089 +214 7 5 892668130 +214 8 4 892668196 +214 11 5 892668153 +214 12 5 892668153 +214 13 3 891543271 +214 20 4 892668197 +214 22 3 891544200 +214 23 5 892668130 +214 24 3 891543176 +214 32 4 892668249 +214 39 4 891544845 +214 42 5 892668130 +214 45 4 891543952 +214 50 3 891543114 +214 55 4 892668197 +214 56 5 892668130 +214 64 5 892668130 +214 79 4 891544306 +214 89 4 892668249 +214 92 4 892668249 +214 98 4 892668249 +214 100 4 891542986 +214 114 4 891544290 +214 117 4 891543241 +214 121 4 891543632 +214 127 4 891542986 +214 131 3 891544465 +214 132 5 892668153 +214 134 4 891544070 +214 135 3 891544175 +214 137 4 891543227 +214 151 5 892668153 +214 154 3 891544000 +214 156 5 892668172 +214 166 4 891544512 +214 168 3 891544222 +214 169 4 891544175 +214 171 4 891544323 +214 172 3 891544390 +214 174 4 892668249 +214 175 5 892668153 +214 179 5 892668130 +214 180 5 892668130 +214 181 3 891543036 +214 182 4 891544175 +214 185 5 892668173 +214 187 4 891544070 +214 188 5 892668173 +214 195 4 891544200 +214 196 4 891544493 +214 208 5 892668153 +214 209 5 892668173 +214 213 4 891544414 +214 216 4 891544290 +214 221 5 892668153 +214 223 3 891544200 +214 236 5 892668153 +214 238 4 891544472 +214 246 2 891542968 +214 248 4 891543001 +214 249 3 891543256 +214 250 2 891543036 +214 253 5 892668173 +214 257 3 891543176 +214 268 2 891542445 +214 269 3 891542735 +214 275 3 891542968 +214 276 3 891543271 +214 285 5 892668153 +214 288 3 891542464 +214 294 3 891542520 +214 302 4 892668197 +214 307 3 891542735 +214 313 4 892668197 +214 318 4 892668249 +214 319 3 891542735 +214 324 5 892668173 +214 325 3 891542622 +214 327 5 892668196 +214 334 3 891542540 +214 340 3 891542735 +214 346 3 891542735 +214 357 5 892668130 +214 408 4 891543952 +214 427 5 892668172 +214 461 4 892668249 +214 462 4 892668197 +214 475 5 892668153 +214 478 4 891544052 +214 479 4 891544052 +214 482 4 891544114 +214 483 4 891543972 +214 509 4 892668197 +214 512 5 892668130 +214 516 5 892668173 +214 518 3 891544000 +214 522 4 891544052 +214 527 4 891544089 +214 531 4 891544222 +214 568 4 892668197 +214 603 4 891544089 +214 608 4 891544114 +214 650 5 892668173 +214 652 4 891543972 +214 693 3 891544414 +214 705 4 891544414 +214 708 4 891544152 +214 721 3 891635915 +214 752 2 891542578 +214 856 4 891543952 +214 872 2 891542492 +214 896 4 892668197 +214 952 3 891543176 +214 960 2 891544152 +214 1039 4 891544269 +214 1065 5 892668173 +214 1073 5 892668130 +214 1129 4 892668249 +214 1401 4 891544290 +215 8 2 891436177 +215 11 2 891436024 +215 15 3 891435761 +215 22 3 891435161 +215 23 3 891436048 +215 50 5 891436543 +215 54 4 891436607 +215 64 4 891435804 +215 70 3 891436232 +215 82 3 891435995 +215 87 5 891436543 +215 89 4 891435060 +215 99 4 891435731 +215 127 4 891435183 +215 132 5 891435548 +215 134 4 891435266 +215 144 4 891435107 +215 151 5 891435761 +215 157 4 891435573 +215 159 3 891436707 +215 164 3 891436633 +215 172 4 891435394 +215 176 5 891435804 +215 179 4 891435107 +215 181 4 891435597 +215 182 3 891435266 +215 183 5 891435655 +215 185 4 891436566 +215 186 4 891435731 +215 191 4 891435460 +215 194 4 891436150 +215 195 5 891435655 +215 196 4 891435548 +215 197 4 891435357 +215 202 4 891435295 +215 203 3 891435266 +215 204 3 891436129 +215 205 3 891435161 +215 208 4 891436202 +215 210 4 891436232 +215 211 4 891436202 +215 212 2 891435680 +215 215 3 891435680 +215 216 4 891435782 +215 218 3 891436607 +215 222 4 891436469 +215 226 4 891436633 +215 227 5 891436469 +215 228 5 891436543 +215 229 3 891436469 +215 230 3 891436469 +215 237 4 891435761 +215 238 2 891435526 +215 239 3 891436297 +215 258 3 891434563 +215 270 3 891434683 +215 271 4 891434733 +215 272 3 891434619 +215 288 2 891434563 +215 300 3 891434733 +215 313 5 891436543 +215 354 4 891434619 +215 357 4 891435573 +215 380 3 891436470 +215 421 4 891435704 +215 423 5 891435526 +215 432 5 891435574 +215 434 5 891435394 +215 443 4 891436566 +215 449 4 891436469 +215 450 2 891436470 +215 451 3 891436369 +215 474 4 891435022 +215 480 5 891436543 +215 483 4 891435022 +215 496 5 891435183 +215 523 4 891435060 +215 552 3 891436730 +215 636 2 891436690 +215 1039 5 891436543 +215 1063 5 891436543 +216 1 4 880232615 +216 3 4 880233061 +216 4 5 880234469 +216 7 5 880232719 +216 9 4 880232637 +216 11 5 880234346 +216 12 5 881432544 +216 15 3 881428365 +216 25 3 881428365 +216 27 3 881428365 +216 28 4 880244902 +216 42 5 880234469 +216 47 4 880244870 +216 55 5 880245145 +216 58 4 880244972 +216 65 4 880233939 +216 69 5 880235229 +216 72 2 881721890 +216 81 4 880233726 +216 82 4 880244446 +216 91 4 880235546 +216 93 4 880232637 +216 95 3 881428365 +216 97 4 880235571 +216 100 5 880232597 +216 108 4 880232917 +216 122 5 881432488 +216 129 4 880232615 +216 134 4 880233651 +216 143 2 881428956 +216 144 4 880234639 +216 147 4 880232787 +216 150 5 880232812 +216 151 3 880232936 +216 153 4 880244802 +216 156 5 880233608 +216 168 4 880234680 +216 172 4 880234639 +216 174 5 881432488 +216 181 3 880232597 +216 182 4 883981859 +216 188 5 880245075 +216 189 3 880244972 +216 196 5 880245145 +216 200 5 880244802 +216 201 3 880235734 +216 202 4 880234346 +216 204 4 881432523 +216 210 4 880235229 +216 215 5 880235120 +216 218 4 880234933 +216 221 4 881432501 +216 226 3 880244803 +216 228 3 880245642 +216 231 2 880245109 +216 234 4 880244870 +216 237 5 880232752 +216 249 3 880232917 +216 257 3 880232830 +216 274 3 880233061 +216 276 4 880232830 +216 280 2 880233043 +216 282 5 880232597 +216 286 4 881432501 +216 298 5 881721819 +216 313 5 883981737 +216 315 5 883981859 +216 318 5 880233564 +216 357 4 880233635 +216 364 2 881721863 +216 367 3 881428365 +216 368 2 880233298 +216 402 2 881432430 +216 403 3 880244446 +216 405 3 880232970 +216 408 3 880232547 +216 412 2 880233197 +216 416 3 880245165 +216 421 5 880235229 +216 423 4 881432467 +216 433 3 880233957 +216 475 5 880232768 +216 496 5 880233635 +216 498 3 880235329 +216 508 4 881432564 +216 531 4 880233810 +216 546 2 880233197 +216 569 3 880245291 +216 577 1 881432453 +216 628 4 880235546 +216 651 5 880233912 +216 652 4 880235546 +216 658 3 880245029 +216 693 3 881428365 +216 697 4 883981700 +216 721 4 880245213 +216 747 4 880245260 +216 764 2 880233153 +216 789 5 880233957 +216 790 3 881428365 +216 824 3 880233253 +216 833 2 880233233 +216 928 3 880233026 +216 943 5 881721799 +216 1010 3 880232685 +216 1035 1 880245238 +216 1047 3 881428365 +216 1067 5 881432392 +216 1101 4 880235473 +216 1161 4 881432609 +216 1218 3 881428365 +217 2 3 889069782 +217 7 4 889069741 +217 11 4 889069741 +217 17 3 889069903 +217 22 5 889069741 +217 27 1 889070011 +217 29 2 889070011 +217 33 4 889069878 +217 38 3 889070266 +217 50 1 889069684 +217 53 1 889069974 +217 56 5 889069709 +217 68 3 889069974 +217 79 5 889069741 +217 82 5 889069842 +217 117 4 889069842 +217 118 4 889070087 +217 121 1 889069944 +217 144 4 889069782 +217 147 3 889070174 +217 174 3 889069684 +217 176 4 889069842 +217 182 2 889070109 +217 183 3 889069741 +217 185 3 889069659 +217 195 5 889069709 +217 210 4 889069709 +217 222 5 889069944 +217 226 1 889069878 +217 231 5 889069974 +217 258 1 889069536 +217 281 2 889069842 +217 300 4 889069555 +217 363 1 889070011 +217 373 2 889070307 +217 391 4 889070287 +217 398 1 889070050 +217 405 3 889069878 +217 540 1 889070087 +217 541 3 889069974 +217 546 2 889070196 +217 550 1 889069842 +217 554 3 889070050 +217 562 3 889070211 +217 566 4 889069903 +217 568 4 889069782 +217 576 1 889070087 +217 578 5 889070087 +217 597 4 889070087 +217 665 4 889070087 +217 679 5 889069878 +217 684 5 889069782 +217 685 5 889069782 +217 720 3 889070011 +217 761 4 889070232 +217 779 1 889070266 +217 797 4 889070011 +217 808 2 889069808 +217 810 3 889070050 +217 825 3 889070266 +217 827 2 889070232 +217 840 1 889070087 +217 1222 1 889070050 +217 1228 2 889070050 +217 1303 2 889069944 +218 4 3 877488546 +218 5 3 881288574 +218 8 3 881288574 +218 12 5 881288233 +218 23 4 881288298 +218 33 4 881288386 +218 39 2 881288265 +218 47 4 877488492 +218 55 4 881288265 +218 56 3 881288574 +218 98 5 881288233 +218 100 4 877488692 +218 153 4 877488692 +218 154 4 877488546 +218 164 3 881288574 +218 168 4 877488316 +218 173 3 877488316 +218 183 5 881288265 +218 194 3 877488546 +218 203 4 881288620 +218 204 3 877488692 +218 208 3 877488366 +218 209 5 877488546 +218 265 3 881288408 +218 269 4 877487931 +218 273 4 881288351 +218 288 2 877487931 +218 294 2 881288574 +218 410 3 881288574 +218 430 3 877488316 +218 431 3 881288386 +218 504 3 881288574 +218 514 4 877488316 +218 516 5 877488692 +218 517 3 877488634 +218 603 4 881288234 +218 654 4 881288234 +218 657 5 881288265 +218 659 4 877488366 +218 663 3 877488492 +218 695 3 881288574 +218 712 3 877488902 +218 762 4 877489091 +218 789 3 881288574 +218 1073 5 881288265 +219 13 1 889452455 +219 71 1 889452455 +219 82 1 889452455 +219 114 5 889403091 +219 132 5 889403668 +219 179 5 889492687 +219 215 5 889403843 +219 258 5 889386635 +219 269 5 889386655 +219 303 4 889386799 +219 347 1 889386819 +219 382 5 889451412 +219 433 5 889403133 +219 546 4 889387867 +219 568 1 889452455 +219 616 5 889403435 +219 855 5 889452619 +219 879 4 892039556 +219 882 3 889386741 +219 906 4 892039575 +219 935 3 889387237 +219 1014 3 892039611 +220 264 3 881198524 +220 268 4 881197771 +220 286 5 881197663 +220 288 5 881197887 +220 289 4 881198113 +220 294 4 881197663 +220 298 4 881198966 +220 300 5 881197663 +220 301 4 881197948 +220 303 4 881198014 +220 305 4 881197771 +220 306 4 881197664 +220 319 4 881197771 +220 325 1 881198435 +220 333 3 881197771 +220 343 3 881198738 +220 682 4 881198014 +220 995 3 881197948 +221 3 4 875244901 +221 4 3 875245462 +221 7 4 875244204 +221 12 5 875245283 +221 17 4 875245406 +221 23 4 875245462 +221 24 5 875244352 +221 29 3 875245739 +221 32 4 875245223 +221 33 4 875246632 +221 38 2 875246506 +221 39 4 875245798 +221 48 5 875245462 +221 50 4 875244125 +221 53 4 875247565 +221 56 5 875245592 +221 59 2 875245514 +221 64 5 875245350 +221 69 4 875245641 +221 70 3 875245870 +221 76 4 875246662 +221 79 4 875245715 +221 92 4 875245989 +221 96 5 875245672 +221 100 5 875244125 +221 108 3 875244866 +221 109 2 875244369 +221 117 4 875244633 +221 118 1 875244940 +221 128 3 875246209 +221 129 5 875244331 +221 144 4 875245427 +221 150 5 875244557 +221 154 3 875245907 +221 156 5 875245533 +221 161 3 875246183 +221 172 5 875245907 +221 173 4 875245406 +221 178 4 875245989 +221 181 4 875244087 +221 186 4 875245641 +221 204 4 875246008 +221 215 4 875245514 +221 218 4 875246308 +221 222 3 875244232 +221 230 3 875246506 +221 231 4 875246359 +221 240 4 875244352 +221 246 5 875244457 +221 250 5 875244633 +221 257 4 875244475 +221 258 1 875247297 +221 265 3 875246247 +221 268 5 876502910 +221 272 5 885081264 +221 273 5 875244183 +221 282 4 875244558 +221 288 3 875244232 +221 298 4 875244331 +221 318 5 875245690 +221 327 4 875243968 +221 335 4 876502948 +221 346 5 885081300 +221 358 3 875244232 +221 385 4 875245948 +221 386 3 875246662 +221 399 3 875246459 +221 402 2 875393426 +221 403 4 875245374 +221 407 2 875245100 +221 423 2 875245167 +221 461 4 875245574 +221 467 4 875245928 +221 468 3 875246824 +221 469 3 875245481 +221 470 3 875245374 +221 475 4 875244204 +221 476 2 875244673 +221 496 3 875246146 +221 508 4 875244160 +221 544 4 875244512 +221 550 4 875246183 +221 566 3 875246308 +221 568 4 875246398 +221 578 4 875247023 +221 588 3 875246209 +221 623 3 875245618 +221 633 3 875246459 +221 684 4 875247454 +221 685 3 875244766 +221 695 4 875245776 +221 721 5 875246944 +221 732 4 875246330 +221 737 4 875393346 +221 751 4 885081300 +221 763 4 875244232 +221 780 3 875246552 +221 789 4 875245739 +221 824 3 875244694 +221 847 4 875244051 +221 895 2 885081339 +221 931 3 875245100 +221 940 4 875246482 +221 943 4 875246759 +221 1010 3 875246662 +221 1012 4 875244475 +221 1016 3 875244713 +221 1017 4 875244268 +221 1035 3 875246124 +221 1059 4 875245077 +221 1067 3 875244387 +221 1073 4 875245846 +221 1090 3 875246783 +221 1098 4 875245283 +221 1134 4 875244289 +221 1185 3 875246710 +221 1208 3 875247565 +221 1210 3 875246887 +221 1218 3 875246745 +221 1250 2 875247855 +221 1314 3 875247833 +221 1407 3 875247833 +222 1 4 877563227 +222 2 3 878183837 +222 4 3 878183924 +222 7 5 877563168 +222 8 1 878182307 +222 9 5 877563227 +222 11 5 878181534 +222 12 5 878181387 +222 15 3 877563437 +222 17 2 878183079 +222 22 5 878183285 +222 24 3 877563622 +222 25 3 877563437 +222 26 3 878183043 +222 28 5 878182370 +222 29 3 878184571 +222 31 5 878182453 +222 35 1 878184007 +222 38 2 878185102 +222 40 1 881060550 +222 41 3 881060659 +222 48 5 878181592 +222 49 3 878183512 +222 50 4 877563194 +222 53 5 878184113 +222 54 4 878183111 +222 58 3 878182479 +222 62 4 878183616 +222 63 3 878183713 +222 64 5 878183136 +222 66 4 878183837 +222 67 4 878183616 +222 69 5 878182338 +222 70 3 878181804 +222 71 4 878183173 +222 72 4 878183311 +222 73 4 878181976 +222 77 4 878183616 +222 79 5 878181906 +222 80 2 881060155 +222 81 1 878183565 +222 82 4 878182453 +222 87 3 878182589 +222 88 4 878183336 +222 89 5 878181739 +222 90 2 878181647 +222 91 2 878183777 +222 92 3 878182632 +222 93 2 883815577 +222 94 3 878184866 +222 95 4 878182453 +222 96 5 878181739 +222 97 4 878181739 +222 98 4 878181387 +222 99 3 878182059 +222 100 5 877563052 +222 101 4 878183539 +222 102 2 878183043 +222 106 2 883816184 +222 111 3 877563820 +222 117 5 877563227 +222 118 4 877563802 +222 120 2 881061304 +222 121 3 877564031 +222 125 5 877563802 +222 127 5 881059039 +222 132 2 878181829 +222 133 1 878182338 +222 135 5 878181563 +222 142 2 878183984 +222 144 5 878182416 +222 147 4 877563694 +222 148 2 881061164 +222 150 3 878181869 +222 151 3 878182109 +222 153 4 878182416 +222 155 4 878184113 +222 157 4 878181976 +222 159 3 878181457 +222 160 1 878182154 +222 161 4 878182279 +222 162 2 878184087 +222 164 4 878181768 +222 167 3 878183588 +222 168 4 878181616 +222 172 5 878183079 +222 173 5 878183043 +222 174 5 878181934 +222 175 3 878181739 +222 176 4 878181804 +222 182 4 881058666 +222 183 4 878181535 +222 186 5 878184195 +222 188 3 878184393 +222 193 4 878182005 +222 196 5 878183110 +222 198 4 881059039 +222 200 3 878181647 +222 202 4 878181906 +222 204 5 878182370 +222 208 3 881059014 +222 209 4 878181457 +222 210 4 878184338 +222 214 4 878182453 +222 215 4 878183481 +222 216 4 878182632 +222 217 3 881060062 +222 218 5 878182370 +222 222 4 877563462 +222 223 4 878181535 +222 225 1 877563353 +222 227 3 878184171 +222 228 5 878181869 +222 229 3 878184315 +222 230 4 878182058 +222 231 2 878182005 +222 232 4 878183985 +222 233 2 881060205 +222 234 2 878181387 +222 238 5 878181673 +222 239 5 878184392 +222 240 2 877563716 +222 241 3 878181696 +222 245 3 878181198 +222 246 4 877563597 +222 247 1 878714998 +222 248 4 877563506 +222 249 1 883815768 +222 250 2 877563801 +222 252 2 877563934 +222 255 3 883815804 +222 257 4 877563353 +222 258 5 877562748 +222 261 1 878181251 +222 265 3 878182279 +222 268 4 877562748 +222 270 2 878181181 +222 271 4 881057647 +222 276 5 877563550 +222 278 2 877563913 +222 280 3 878184545 +222 281 3 878184596 +222 282 4 877563227 +222 284 3 877563462 +222 288 4 883815252 +222 293 3 877563353 +222 298 4 877563253 +222 300 5 877562795 +222 302 3 877562748 +222 313 4 883814858 +222 318 5 878181934 +222 323 3 877562839 +222 326 4 877562819 +222 333 5 877562819 +222 338 1 881058145 +222 356 4 878184571 +222 357 4 881059014 +222 358 2 877562839 +222 364 1 878185137 +222 365 4 878184765 +222 366 4 878183381 +222 367 2 878181563 +222 368 1 881061326 +222 373 3 881060659 +222 375 1 878182880 +222 378 1 881059993 +222 379 1 878184290 +222 380 4 878184545 +222 385 4 878183924 +222 388 2 878184765 +222 391 3 881060635 +222 392 4 881059920 +222 395 1 878184924 +222 396 1 878183381 +222 399 4 878182686 +222 401 2 878184422 +222 403 3 878183481 +222 405 3 877563570 +222 407 2 883816411 +222 409 3 881061213 +222 410 2 877563326 +222 411 3 878185137 +222 412 1 877564050 +222 413 3 881061213 +222 419 2 878182279 +222 423 4 878183657 +222 426 1 878181351 +222 431 4 881059461 +222 432 3 881059142 +222 433 4 881059876 +222 436 4 878184358 +222 441 2 881059920 +222 446 3 881060824 +222 448 3 878183565 +222 449 4 878184899 +222 450 3 881060824 +222 452 1 878184514 +222 455 3 877563437 +222 457 1 878181287 +222 465 2 878183898 +222 468 2 881060412 +222 470 3 878181869 +222 471 3 881060992 +222 472 2 877563998 +222 473 1 877563622 +222 475 4 877563252 +222 501 2 881060331 +222 506 2 878183264 +222 508 3 877563326 +222 521 5 878184866 +222 527 4 878183110 +222 529 2 881059537 +222 537 4 881060735 +222 540 3 878184087 +222 541 2 878184973 +222 542 2 878183837 +222 546 3 877563462 +222 549 4 878184055 +222 550 3 878184623 +222 552 2 878184596 +222 554 2 881060435 +222 559 3 878184291 +222 566 4 878185044 +222 568 5 878183481 +222 569 2 878184866 +222 575 3 881060550 +222 576 3 881060305 +222 577 1 878185137 +222 578 3 881060281 +222 580 3 878715168 +222 588 4 881059537 +222 591 4 878181869 +222 596 3 877563739 +222 597 1 877564076 +222 620 3 877563873 +222 623 2 878183985 +222 628 5 877563485 +222 636 4 878184055 +222 637 2 878183713 +222 642 3 878181421 +222 651 4 878184290 +222 654 3 878184087 +222 655 4 878182210 +222 658 3 881059678 +222 662 3 878182813 +222 665 1 878184719 +222 670 3 878183657 +222 672 1 878183777 +222 679 2 881059678 +222 685 4 881061165 +222 689 4 881058008 +222 692 4 878182370 +222 700 3 881060550 +222 710 4 881059714 +222 715 2 878183924 +222 717 1 877563716 +222 719 1 881060578 +222 722 3 878184833 +222 723 3 878184812 +222 724 3 878181976 +222 729 4 878184315 +222 732 4 878183425 +222 734 2 881060735 +222 735 5 878184087 +222 738 3 878182959 +222 739 4 878184924 +222 746 5 878183137 +222 750 5 883815120 +222 755 4 878183481 +222 756 4 877564031 +222 762 3 877563530 +222 763 3 881061165 +222 768 2 878185014 +222 769 2 881060608 +222 770 3 878181592 +222 772 2 878181906 +222 780 3 881060370 +222 781 3 881059677 +222 783 2 878184899 +222 790 1 878185068 +222 796 4 878183684 +222 806 4 878181534 +222 808 3 881060130 +222 810 2 878184446 +222 812 2 881059117 +222 815 2 877563716 +222 819 2 877563353 +222 825 3 878184675 +222 826 2 883816093 +222 829 3 877563934 +222 833 2 877563913 +222 840 3 878184392 +222 845 3 877563530 +222 849 4 881060281 +222 869 3 878182337 +222 895 4 883815361 +222 929 1 881061213 +222 931 1 881061396 +222 939 3 878182211 +222 941 3 881059736 +222 944 3 878715192 +222 946 2 878182237 +222 949 3 878183173 +222 972 2 881059758 +222 1011 4 881061049 +222 1016 3 877563530 +222 1029 1 881060608 +222 1041 3 881060155 +222 1042 4 878184514 +222 1044 4 881060578 +222 1053 3 881060735 +222 1054 1 883816441 +222 1057 4 881061370 +222 1059 1 883816150 +222 1074 3 881060504 +222 1078 2 878183449 +222 1079 1 878183984 +222 1087 1 878185102 +222 1089 1 877563659 +222 1139 3 878185137 +222 1145 3 878185137 +222 1178 2 878184392 +222 1179 1 881060550 +222 1206 2 878184899 +222 1207 2 881060659 +222 1218 1 878183218 +222 1220 4 878184290 +222 1226 4 883815840 +222 1239 2 881060762 +222 1250 1 881060635 +222 1267 3 878183173 +222 1284 4 878184422 +222 1291 2 877564031 +222 1336 2 877563998 +222 1419 1 878184947 +222 1438 4 881059993 +222 1439 3 878183951 +223 1 4 891549324 +223 8 2 891550684 +223 11 3 891550649 +223 22 5 891550649 +223 25 1 891549382 +223 28 4 891550684 +223 69 5 891550889 +223 71 5 891550649 +223 95 5 891550649 +223 111 4 891549792 +223 118 2 891549945 +223 120 2 891550504 +223 121 3 891549294 +223 125 3 891549294 +223 143 4 891550845 +223 155 5 891550952 +223 173 5 891550711 +223 216 5 891550925 +223 225 3 891550193 +223 237 5 891549657 +223 248 1 891549683 +223 249 2 891549876 +223 252 1 891550326 +223 255 4 891549382 +223 258 1 891548802 +223 259 3 891548920 +223 274 4 891550094 +223 276 4 891549324 +223 278 4 891549901 +223 282 4 891549627 +223 284 2 891549683 +223 286 1 891548562 +223 288 3 891548562 +223 289 1 891549017 +223 294 4 891548859 +223 295 3 891549410 +223 298 5 891549570 +223 300 3 891548712 +223 313 5 891548750 +223 318 4 891550711 +223 321 1 891548920 +223 322 4 891548920 +223 323 2 891549017 +223 328 3 891548959 +223 329 2 891549079 +223 332 4 891548802 +223 333 4 891548675 +223 369 1 891550253 +223 405 1 891550005 +223 409 3 891549876 +223 411 1 891550005 +223 423 3 891550684 +223 470 4 891550767 +223 476 3 891550349 +223 477 3 891550144 +223 546 5 891550118 +223 591 3 891549627 +223 596 3 891549713 +223 597 4 891549604 +223 620 2 891550253 +223 682 4 891548828 +223 717 1 891550470 +223 742 3 891549570 +223 749 4 891549049 +223 756 3 891550295 +223 763 3 891550067 +223 819 3 891550404 +223 826 1 891550404 +223 845 4 891549713 +223 846 2 891550193 +223 864 3 891550094 +223 866 4 891549945 +223 873 3 891549111 +223 908 1 891548802 +223 924 1 891549975 +223 926 4 891549792 +223 929 3 891549975 +223 930 2 891550326 +223 969 5 891550649 +223 974 2 891550504 +223 975 1 891550094 +223 977 2 891550295 +223 993 4 891549876 +223 1009 1 891549475 +223 1014 4 891549975 +223 1052 1 891550404 +223 1150 2 891549841 +223 1197 3 891549570 +223 1234 3 891548646 +223 1284 1 891550295 +223 1291 3 891550431 +223 1300 1 891550470 +224 11 3 888082468 +224 15 4 888103611 +224 20 1 888104487 +224 22 5 888103581 +224 26 3 888104153 +224 28 4 888082468 +224 29 3 888104457 +224 43 3 888104456 +224 51 4 888104457 +224 69 4 888082495 +224 77 4 888103872 +224 86 3 888082612 +224 97 5 888082552 +224 107 3 888104522 +224 125 3 888103942 +224 126 3 888103704 +224 135 1 888103671 +224 147 3 888103646 +224 148 3 888104154 +224 149 1 888103999 +224 162 4 888103611 +224 178 4 888082468 +224 191 4 888082468 +224 196 4 888103532 +224 212 1 888104188 +224 215 4 888082612 +224 221 2 888103812 +224 222 4 888103729 +224 223 3 888082468 +224 237 3 888082742 +224 239 4 888104554 +224 243 2 888082277 +224 245 3 888082216 +224 258 3 888081947 +224 276 3 888104116 +224 277 3 888103812 +224 280 4 888104353 +224 282 4 888082705 +224 284 3 888104117 +224 286 3 888081843 +224 287 3 888104154 +224 294 4 888081976 +224 300 4 888081843 +224 301 3 888082013 +224 313 5 888081843 +224 318 5 888082584 +224 322 2 888082013 +224 323 3 888082216 +224 325 1 888082045 +224 326 4 888082071 +224 329 3 888082187 +224 332 3 888103429 +224 333 3 888081976 +224 349 4 888082246 +224 365 3 888104188 +224 366 3 888104457 +224 378 4 888103775 +224 387 4 888103906 +224 392 4 888104154 +224 402 5 888103872 +224 403 4 888104522 +224 423 4 888103581 +224 468 4 888104030 +224 469 1 888104219 +224 470 4 888082742 +224 518 1 888103906 +224 526 4 888082495 +224 528 3 888082658 +224 544 1 888103812 +224 549 3 888103971 +224 553 4 888104393 +224 555 3 888104030 +224 556 1 888103942 +224 569 3 888104313 +224 570 4 888104522 +224 581 1 888104219 +224 583 1 888103729 +224 591 3 888082584 +224 620 3 888104085 +224 632 2 888103872 +224 655 4 888103646 +224 658 1 888103840 +224 662 5 888103671 +224 678 3 888082277 +224 686 4 888104030 +224 689 3 888082246 +224 704 3 888103812 +224 708 2 888104153 +224 720 4 888103906 +224 723 2 888104313 +224 724 3 888082742 +224 727 4 888082682 +224 729 3 888104188 +224 731 4 888103872 +224 736 3 888082742 +224 744 1 888103646 +224 748 3 888082099 +224 751 3 888081913 +224 778 1 888104057 +224 846 4 888104116 +224 873 2 888082187 +224 879 3 888082099 +224 893 3 888082350 +224 924 3 888103646 +224 925 3 888104281 +224 949 3 888104057 +224 962 2 888082584 +224 977 2 888104281 +224 980 1 888104353 +224 991 1 888082277 +224 1039 5 888082552 +224 1044 3 888104353 +224 1045 2 888082766 +224 1053 3 888104281 +224 1058 3 888104219 +224 1085 1 888104393 +224 1119 3 888082634 +224 1152 3 888104313 +224 1163 2 888104154 +224 1208 1 888104554 +224 1212 2 888104457 +224 1221 3 888082742 +224 1401 1 888104554 +224 1441 3 888104522 +224 1442 3 888104281 +225 22 5 879540678 +225 64 4 879539727 +225 98 5 879539672 +225 136 5 879540707 +225 143 2 879540748 +225 172 5 879540748 +225 193 4 879539727 +225 237 5 879539643 +225 245 2 879539315 +225 418 5 879540650 +225 427 5 879539615 +225 478 5 879539767 +225 479 4 879539614 +225 480 5 879540748 +225 482 5 879540707 +225 492 4 879539767 +225 566 4 879540678 +225 604 5 879540778 +225 1203 5 879540778 +225 1443 4 879540778 +226 7 4 883889479 +226 9 5 883889811 +226 12 5 883889322 +226 14 5 883889691 +226 23 3 883889355 +226 24 4 883889479 +226 25 4 883890235 +226 28 4 883889322 +226 56 4 883889102 +226 69 4 883889430 +226 92 2 883889102 +226 97 3 883889355 +226 98 5 883889147 +226 109 4 883889063 +226 147 3 883889479 +226 150 4 883889063 +226 169 5 883888892 +226 174 4 883889186 +226 176 4 883888978 +226 179 4 883888853 +226 180 4 883889322 +226 182 1 883889322 +226 191 4 883889229 +226 209 3 883889146 +226 224 4 883889690 +226 242 5 883888671 +226 250 4 883890491 +226 258 5 883888671 +226 270 4 883888639 +226 283 2 883889811 +226 286 4 883888600 +226 370 3 883890235 +226 405 4 883889507 +226 408 5 883888853 +226 474 3 883889063 +226 480 4 883888853 +226 507 2 883889146 +226 508 4 883889984 +226 513 3 883889256 +226 527 4 883889430 +226 596 3 883889884 +226 652 3 883889012 +226 713 5 883889884 +226 813 4 883890235 +226 1117 3 883890262 +227 7 5 879035251 +227 9 3 879035431 +227 14 4 879035463 +227 15 4 879035725 +227 19 4 879035431 +227 25 4 879035535 +227 50 4 879035347 +227 93 5 879035431 +227 100 5 879035251 +227 106 3 879035775 +227 116 4 879035347 +227 117 2 879035493 +227 121 2 879035934 +227 124 4 879035158 +227 126 4 879035158 +227 137 5 879035289 +227 150 3 879035347 +227 221 4 879035535 +227 244 3 879035205 +227 250 2 879035637 +227 273 3 879035206 +227 276 4 879035251 +227 286 3 879035072 +227 287 4 879035704 +227 288 2 879035072 +227 293 5 879035387 +227 294 3 879035431 +227 295 5 879035387 +227 319 4 879035072 +227 321 3 881518363 +227 322 3 881518461 +227 324 4 879035963 +227 411 4 879035897 +227 460 2 879035963 +227 475 4 879035252 +227 741 3 879035464 +227 748 1 879035387 +227 756 3 879035658 +227 823 2 879035599 +227 934 2 879035874 +227 1007 4 879035158 +227 1008 4 879036009 +227 1010 3 879035637 +227 1011 4 879035834 +227 1017 4 879035464 +227 1028 2 879035803 +227 1047 2 879035834 +227 1068 4 879035289 +228 56 2 889388607 +228 87 1 889388662 +228 98 3 889388607 +228 137 1 889388662 +228 204 3 889388662 +228 272 5 889388440 +228 275 3 889388521 +228 286 5 889387172 +228 288 4 889387173 +228 313 5 889387172 +228 327 1 889387216 +228 427 4 889388547 +228 475 3 889388521 +228 650 3 889388662 +228 651 4 889388521 +228 655 4 889388489 +228 690 5 889387173 +228 750 3 889388440 +228 812 5 889388547 +228 886 1 889387173 +228 938 1 889387173 +229 245 3 891632385 +229 258 2 891632040 +229 260 1 891632437 +229 269 4 891633029 +229 272 3 891632073 +229 286 4 891633029 +229 288 4 891633028 +229 300 2 891632142 +229 302 5 891633028 +229 303 1 891632073 +229 311 5 891633028 +229 312 3 891632551 +229 313 2 891631948 +229 315 1 891632945 +229 316 1 891632347 +229 328 1 891632142 +229 340 4 891632142 +229 344 5 891633028 +229 347 1 891632073 +229 349 4 891633028 +229 358 1 891632437 +229 748 3 891632402 +229 750 2 891631948 +229 875 1 891632402 +229 882 4 891633029 +229 886 1 891632164 +229 898 5 891633028 +230 1 5 880484370 +230 7 3 880484476 +230 8 5 880484501 +230 10 3 880485530 +230 11 4 880484911 +230 22 5 880484850 +230 25 3 880485282 +230 28 5 880484444 +230 50 5 880484755 +230 51 4 880484937 +230 56 3 880484416 +230 64 5 880484416 +230 69 4 880484338 +230 70 4 880484637 +230 71 5 880484911 +230 79 5 880484778 +230 82 5 880485311 +230 91 3 880485043 +230 95 5 880484850 +230 96 2 880484683 +230 97 5 880484544 +230 98 5 880484391 +230 99 3 880485066 +230 117 5 880484320 +230 125 5 880485090 +230 134 4 880484755 +230 138 3 880485197 +230 140 3 880484320 +230 141 4 880485489 +230 142 4 880485633 +230 143 5 880484501 +230 144 3 880484850 +230 153 5 880485090 +230 154 4 880485159 +230 161 5 880485468 +230 162 4 880484587 +230 172 4 880484523 +230 174 5 880484661 +230 176 4 880485445 +230 181 4 880485066 +230 182 2 880484370 +230 183 3 880484370 +230 185 4 880485090 +230 186 4 880484937 +230 195 3 880484416 +230 196 5 880484755 +230 199 3 880484755 +230 202 4 880485352 +230 203 2 880484890 +230 204 4 880484616 +230 209 1 880485283 +230 210 5 880484975 +230 216 4 880484444 +230 228 2 880485216 +230 233 1 880485513 +230 234 4 880484756 +230 237 5 880484800 +230 238 1 880484778 +230 239 4 880484320 +230 240 1 880484320 +230 265 5 880484544 +230 276 5 880485573 +230 280 4 880485254 +230 291 4 880484825 +230 304 5 880484286 +230 357 5 880484391 +230 378 5 880485159 +230 385 1 880485235 +230 393 3 880485110 +230 402 5 880485445 +230 418 5 880484937 +230 419 4 880484587 +230 420 5 880485726 +230 422 3 880485633 +230 423 5 880484825 +230 427 5 880484501 +230 431 3 880485254 +230 432 4 880485110 +230 443 4 880485090 +230 447 1 880485513 +230 484 5 880484800 +230 485 5 880484370 +230 499 4 880484870 +230 501 3 880485352 +230 511 2 880485656 +230 515 5 880484567 +230 526 3 880485159 +230 549 5 880485380 +230 568 3 880484567 +230 570 4 880485689 +230 582 4 880485380 +230 607 3 880484755 +230 609 3 880485311 +230 621 2 880485380 +230 627 5 880484661 +230 628 3 880485421 +230 633 4 880485283 +230 650 4 880484778 +230 673 3 880485573 +230 680 4 880484286 +230 693 2 880485594 +230 699 4 880484975 +230 739 5 880485611 +230 742 5 880485043 +230 926 3 880485489 +230 951 5 880485181 +230 963 5 880484370 +230 969 4 880484476 +230 1050 3 880485136 +230 1192 4 880485352 +230 1444 2 880485726 +231 1 3 879965704 +231 15 4 879965704 +231 121 4 879966609 +231 126 5 888605273 +231 127 3 879965565 +231 151 1 879966209 +231 181 4 888605273 +231 252 4 888605273 +231 255 3 879965760 +231 289 4 888605273 +231 300 4 888605273 +231 313 3 888604920 +231 405 4 879966609 +231 471 5 888605273 +231 476 3 879966018 +231 748 4 888605273 +231 846 4 888605274 +231 866 3 879965961 +231 924 5 888605273 +232 1 4 880062302 +232 4 4 888550130 +232 8 2 888549757 +232 14 4 880062574 +232 22 3 888549988 +232 32 4 888549467 +232 44 4 888549412 +232 50 4 880062302 +232 52 5 888550130 +232 56 5 888549622 +232 64 4 888549441 +232 76 3 888550060 +232 81 5 888549515 +232 91 5 888549515 +232 96 5 888549563 +232 98 4 888549838 +232 117 3 891565128 +232 127 3 888550101 +232 132 5 888549721 +232 133 4 888549988 +232 150 3 891565095 +232 166 4 888549815 +232 172 4 888549412 +232 173 4 888549674 +232 175 5 888549815 +232 178 5 888549988 +232 181 4 880062330 +232 186 4 888549790 +232 191 4 888549376 +232 194 4 888549988 +232 196 5 888549757 +232 197 4 888549563 +232 202 4 888549515 +232 204 4 888549515 +232 209 3 888549563 +232 215 3 888549563 +232 234 3 888549595 +232 246 4 885939945 +232 268 4 885939544 +232 269 3 891565001 +232 270 3 880062259 +232 272 4 885939511 +232 275 2 885939945 +232 276 5 880062447 +232 286 3 880062259 +232 289 4 880062259 +232 294 2 880062259 +232 302 5 885939473 +232 313 3 885939473 +232 315 5 888364663 +232 318 5 888549757 +232 357 4 888549721 +232 419 4 888550013 +232 425 4 888549790 +232 435 4 888550013 +232 461 5 888549563 +232 462 4 888549879 +232 471 3 880062414 +232 474 5 888550036 +232 475 5 880062469 +232 483 5 888549622 +232 493 4 888549622 +232 498 4 888549467 +232 508 1 880062447 +232 514 4 888549879 +232 515 2 880062413 +232 523 4 888549757 +232 531 4 888549647 +232 589 3 888549790 +232 603 4 888549376 +232 630 3 888550060 +232 638 5 888549988 +232 651 3 888549515 +232 690 4 880062259 +232 705 5 888549838 +232 708 4 888550060 +232 744 3 880062645 +232 747 3 888549957 +232 750 3 885939690 +232 900 5 888364663 +232 919 3 888550036 +232 921 4 888549929 +232 1128 2 888549907 +233 4 3 877663337 +233 8 3 877663612 +233 9 5 876021262 +233 14 4 876021262 +233 31 3 880610814 +233 47 5 877661881 +233 48 5 877663184 +233 56 5 877661776 +233 57 5 880190451 +233 58 3 880612403 +233 64 5 880612285 +233 69 5 877665324 +233 70 5 879147810 +233 71 5 876812281 +233 82 4 877663612 +233 89 3 875508225 +233 91 3 876812281 +233 95 5 877661496 +233 97 5 877661882 +233 98 5 877661724 +233 99 3 877663383 +233 117 3 880190627 +233 127 5 877661364 +233 129 3 876374463 +233 135 4 877661881 +233 143 4 877663383 +233 168 5 877663302 +233 174 5 877661553 +233 177 4 877661496 +233 180 5 877661364 +233 191 4 877665191 +233 192 5 875508485 +233 193 4 877663646 +233 194 4 877663913 +233 196 5 880610814 +233 197 5 877663303 +233 202 5 879394264 +233 203 3 880923202 +233 204 5 880923202 +233 205 4 877663548 +233 208 4 880610814 +233 212 5 877665324 +233 215 5 877665324 +233 223 4 875508225 +233 234 4 877664010 +233 249 5 883356871 +233 257 4 883356847 +233 261 5 883356913 +233 269 5 891920842 +233 275 5 885147637 +233 276 5 877665324 +233 286 3 876690514 +233 304 5 877665323 +233 313 5 891920842 +233 357 5 877661553 +233 375 4 876374419 +233 378 4 877663429 +233 381 4 877665125 +233 418 4 877664010 +233 423 4 877665239 +233 432 3 877663383 +233 435 5 877665324 +233 462 5 879147730 +233 482 4 877661437 +233 483 5 876021170 +233 492 5 880923253 +233 495 4 877661364 +233 499 3 877664010 +233 501 3 877663383 +233 506 5 877663337 +233 509 4 877663646 +233 515 5 875508080 +233 523 4 877663913 +233 527 5 877665324 +233 528 5 877665324 +233 568 5 880612346 +233 584 4 877663548 +233 603 4 880190566 +233 614 4 877661437 +233 623 3 876374602 +233 640 2 875508639 +233 644 5 880610635 +233 647 5 877661364 +233 654 4 877665191 +233 660 5 877661634 +233 806 4 880610396 +233 828 4 875508169 +233 845 4 880190627 +233 923 4 877664010 +233 958 5 875508372 +233 1194 5 880190371 +234 1 3 891227689 +234 2 2 892335142 +234 4 4 892334610 +234 5 3 892334338 +234 7 2 891227813 +234 8 5 892079585 +234 10 3 891227851 +234 12 1 892333830 +234 14 3 891227730 +234 15 3 892079538 +234 16 2 891227771 +234 20 4 891227979 +234 21 3 892335042 +234 22 4 892334644 +234 23 4 892334368 +234 25 3 892335797 +234 31 4 892334803 +234 32 3 892078936 +234 40 2 892335894 +234 47 2 892334543 +234 48 2 892334107 +234 50 4 892079237 +234 52 4 892334141 +234 54 2 892336257 +234 64 4 892078983 +234 69 4 892078567 +234 70 3 892335587 +234 71 3 892334338 +234 72 3 892335674 +234 73 2 892334368 +234 76 2 892335564 +234 77 3 892333890 +234 79 3 892079910 +234 81 3 892334680 +234 82 3 892334079 +234 85 2 892334852 +234 86 2 892333765 +234 87 3 892079336 +234 88 3 892335920 +234 89 3 892079910 +234 91 5 892335920 +234 93 3 891227771 +234 95 3 892079689 +234 96 2 892334141 +234 98 4 892078567 +234 102 2 892335616 +234 106 4 892336322 +234 111 3 892318060 +234 117 2 892334976 +234 119 3 892335261 +234 124 4 891227689 +234 127 4 892078386 +234 131 3 892334680 +234 132 4 892333865 +234 133 3 892334680 +234 134 5 892333573 +234 135 4 892079769 +234 136 4 892317967 +234 137 3 891227730 +234 140 2 892334766 +234 141 3 892334609 +234 142 2 892334852 +234 143 3 892079288 +234 144 3 892079840 +234 147 3 892335372 +234 148 3 891228196 +234 151 3 892334481 +234 152 4 892826701 +234 153 3 892333830 +234 156 2 892078936 +234 157 2 892334400 +234 160 2 892336119 +234 161 3 892335824 +234 162 3 892335541 +234 163 3 892335951 +234 164 3 892334644 +234 165 5 892079040 +234 168 3 892079434 +234 170 5 892333798 +234 174 3 892078605 +234 175 2 892079076 +234 176 3 892079190 +234 177 3 892079040 +234 178 5 892078890 +234 179 3 892079373 +234 180 3 892079910 +234 181 3 892079373 +234 182 3 892078567 +234 183 4 892079585 +234 185 3 892078936 +234 186 3 892078567 +234 187 4 892079140 +234 188 2 892079288 +234 190 3 892079190 +234 191 4 892334765 +234 192 3 892078984 +234 193 4 892334713 +234 194 5 892333653 +234 195 2 892078936 +234 196 3 892079910 +234 198 3 892078837 +234 200 5 892335074 +234 202 3 892079585 +234 204 2 892079617 +234 205 3 892079288 +234 206 4 892334543 +234 207 2 892078605 +234 208 4 892318002 +234 209 4 892317967 +234 210 3 892333616 +234 211 3 892079475 +234 212 2 892334883 +234 213 3 892079190 +234 216 3 892078605 +234 218 2 892335541 +234 221 2 891227814 +234 224 4 892334107 +234 228 3 892079190 +234 229 4 892334189 +234 233 2 892335990 +234 234 4 892079475 +234 236 3 892079336 +234 237 3 892336021 +234 238 3 892079040 +234 241 2 892335042 +234 242 4 891033261 +234 243 1 891034107 +234 258 2 891033627 +234 265 3 892078837 +234 268 2 891033261 +234 274 3 892334765 +234 276 3 891228196 +234 280 3 892334803 +234 283 3 891227814 +234 284 3 892335460 +234 285 4 891227771 +234 287 3 891228196 +234 288 3 891033738 +234 289 4 891033851 +234 290 3 892333980 +234 291 3 892335342 +234 292 4 891033821 +234 294 3 891033715 +234 300 3 891033627 +234 304 3 891033591 +234 307 2 891033427 +234 313 4 891033261 +234 316 4 891033851 +234 318 4 892078890 +234 319 3 892334883 +234 321 2 891033393 +234 322 2 891034007 +234 328 2 891033772 +234 367 4 892334976 +234 371 3 892335850 +234 381 3 892335739 +234 385 2 892335309 +234 389 3 892335309 +234 393 2 892335108 +234 401 2 892336322 +234 403 1 892335674 +234 404 4 892333830 +234 414 4 892336021 +234 417 3 892336119 +234 419 4 892334644 +234 421 1 892334852 +234 423 4 892334079 +234 427 4 892078386 +234 428 4 892334079 +234 429 4 892079434 +234 430 4 892333683 +234 431 3 892078424 +234 432 4 892079722 +234 433 2 892079910 +234 434 3 892079288 +234 435 3 892079040 +234 447 3 892336047 +234 448 3 892335501 +234 451 3 892334578 +234 462 4 892079840 +234 463 4 892333865 +234 464 4 892079288 +234 465 2 892334803 +234 466 4 892334368 +234 470 2 892335797 +234 471 3 892335074 +234 472 2 891228099 +234 474 4 892317967 +234 477 1 892335108 +234 481 5 892079076 +234 482 4 892334803 +234 483 5 892078424 +234 484 5 892078936 +234 485 3 892079434 +234 486 3 892079373 +234 487 3 892079237 +234 488 4 892078386 +234 490 4 892079803 +234 491 4 892079538 +234 493 3 892078567 +234 494 4 892078837 +234 495 4 892335042 +234 497 4 892334481 +234 499 4 892334141 +234 500 3 892078890 +234 501 4 892334543 +234 502 4 892336077 +234 503 2 892333653 +234 505 4 892333798 +234 506 4 892318107 +234 507 4 892334803 +234 513 5 892333980 +234 515 5 892078424 +234 516 3 892079140 +234 517 3 892333919 +234 519 5 892078342 +234 521 3 892079077 +234 523 4 892334141 +234 524 3 892079910 +234 525 4 892078984 +234 526 3 892334045 +234 527 3 892334189 +234 528 4 892079689 +234 530 4 892333573 +234 531 3 892078984 +234 546 1 891227851 +234 549 3 892335850 +234 557 1 892335989 +234 558 4 892079585 +234 566 2 892335108 +234 571 2 892318158 +234 582 4 892334883 +234 584 3 892333653 +234 588 3 892335541 +234 589 3 892078567 +234 591 3 892335142 +234 596 2 891227979 +234 601 3 892334765 +234 602 4 892334368 +234 603 4 892333573 +234 604 5 892078936 +234 606 5 892318060 +234 608 3 892078741 +234 609 3 892335186 +234 610 4 892079769 +234 611 5 892078605 +234 612 3 892079140 +234 613 4 892079434 +234 614 3 892334609 +234 615 5 892079722 +234 616 2 892334976 +234 617 3 892078741 +234 618 3 892078343 +234 622 2 892335415 +234 623 2 892318107 +234 626 4 892336358 +234 628 2 892826612 +234 629 4 892335042 +234 630 2 892334141 +234 631 3 892334577 +234 632 2 892079538 +234 634 4 892079910 +234 635 2 892336358 +234 638 4 892335989 +234 641 4 892078297 +234 642 3 892334766 +234 646 3 892335500 +234 647 3 892826411 +234 648 3 892826760 +234 649 3 892335870 +234 651 4 892078485 +234 654 5 892333573 +234 655 3 892333616 +234 656 4 892079288 +234 657 4 892079840 +234 659 3 892078660 +234 660 4 892334543 +234 661 5 892333573 +234 662 3 892079585 +234 663 4 892335707 +234 671 3 892336257 +234 673 4 892334189 +234 675 4 892078342 +234 686 3 892334976 +234 692 3 892335990 +234 693 2 892333980 +234 694 3 892079040 +234 699 3 892079538 +234 702 2 892335707 +234 705 5 892318002 +234 709 4 892079337 +234 724 4 892335739 +234 727 3 892079475 +234 731 2 892336194 +234 732 2 892334713 +234 735 3 892079803 +234 739 3 892335990 +234 745 4 892333573 +234 746 2 892335213 +234 747 3 892334578 +234 749 3 891033772 +234 751 2 891033394 +234 768 2 892335990 +234 781 2 892335764 +234 782 3 892335372 +234 785 3 892336119 +234 792 4 892336165 +234 808 2 892335707 +234 832 2 892335501 +234 835 3 892334481 +234 837 3 892079434 +234 842 4 892334045 +234 843 2 892334400 +234 844 2 892078521 +234 847 4 891227730 +234 848 3 892334577 +234 850 2 892336047 +234 855 3 892079803 +234 863 5 892079689 +234 872 2 891033627 +234 873 3 891034007 +234 874 1 891227463 +234 878 2 892336477 +234 887 3 891034078 +234 921 4 892079434 +234 925 2 892334976 +234 927 4 892334267 +234 928 2 892336287 +234 929 1 891228099 +234 939 2 892333798 +234 945 3 892334189 +234 950 2 892079538 +234 959 2 892334189 +234 963 3 892078983 +234 964 4 892334852 +234 965 3 892079538 +234 966 4 892334189 +234 970 4 892335437 +234 980 2 891227851 +234 984 2 891033966 +234 989 2 891033966 +234 1003 2 892334267 +234 1010 2 892335415 +234 1011 3 891227730 +234 1015 2 892079617 +234 1020 4 892078890 +234 1035 3 892335142 +234 1039 3 892078741 +234 1044 2 892336194 +234 1048 3 892335501 +234 1050 3 892333616 +234 1051 2 892336322 +234 1064 4 892333683 +234 1075 3 892335797 +234 1078 2 892336322 +234 1101 3 892335372 +234 1120 3 892079288 +234 1121 5 892334481 +234 1123 3 892335342 +234 1126 4 892079722 +234 1133 3 892336358 +234 1149 3 892318060 +234 1168 2 892335108 +234 1169 4 892334543 +234 1172 3 892079076 +234 1184 2 892079237 +234 1185 3 892335951 +234 1186 4 892335707 +234 1198 3 892335187 +234 1200 3 892333865 +234 1203 4 892079910 +234 1204 3 892078297 +234 1205 1 892335501 +234 1263 3 892335142 +234 1269 3 892078297 +234 1298 3 892079373 +234 1397 4 892334976 +234 1400 3 892334400 +234 1445 4 892336286 +234 1447 3 892336119 +234 1448 3 892335187 +234 1449 4 892333573 +234 1450 3 892335213 +234 1451 3 892078343 +234 1453 2 892335415 +234 1454 3 892336257 +234 1455 2 892318158 +234 1456 4 892335142 +234 1457 3 892079538 +234 1458 4 892336165 +234 1459 3 892335261 +234 1460 3 892335460 +234 1461 2 892078297 +234 1462 3 892333865 +234 1463 5 892333573 +235 7 4 889655723 +235 22 4 889655044 +235 52 4 889656168 +235 65 2 889655723 +235 66 2 889655266 +235 69 4 889655468 +235 70 5 889655619 +235 79 4 889655468 +235 82 2 889655403 +235 83 4 889656068 +235 85 4 889655232 +235 86 4 889656113 +235 87 4 889655162 +235 96 4 889654971 +235 100 4 889655550 +235 135 4 889655571 +235 170 4 889656113 +235 174 4 889654971 +235 175 4 889654971 +235 181 3 889655360 +235 185 4 889655435 +235 188 4 889655619 +235 190 4 889656007 +235 191 4 889654971 +235 192 4 889655298 +235 193 5 889655204 +235 194 5 889655232 +235 196 3 889655162 +235 197 5 889655266 +235 198 3 889655044 +235 211 5 889655162 +235 213 4 889655044 +235 230 4 889655162 +235 237 4 889655435 +235 269 4 889654530 +235 275 5 889655550 +235 285 4 889655204 +235 292 3 889654638 +235 303 4 889654483 +235 318 5 889654971 +235 319 4 889654419 +235 327 3 889654594 +235 338 1 889654821 +235 344 5 889654419 +235 346 4 889654483 +235 419 5 889655858 +235 429 4 889655662 +235 431 2 889655490 +235 433 4 889655596 +235 435 5 889655434 +235 463 4 889656008 +235 474 5 889655112 +235 480 4 889655044 +235 494 4 889655112 +235 496 4 889655662 +235 511 5 889655162 +235 512 5 889656044 +235 515 4 889655086 +235 520 4 889655204 +235 522 5 889655086 +235 523 5 889655044 +235 524 5 889655204 +235 603 3 889655044 +235 647 4 889655045 +235 648 4 889655662 +235 652 4 889655403 +235 655 4 889655550 +235 684 4 889655162 +235 692 4 889655595 +235 701 4 889655086 +235 705 5 889655204 +235 747 2 889655550 +235 792 4 889655490 +235 898 3 889654553 +235 970 4 889655204 +235 1021 5 889656090 +235 1105 2 889654460 +235 1119 3 889655550 +235 1134 4 889655723 +235 1149 4 889655595 +235 1193 4 889655232 +235 1464 4 889655266 +236 9 5 890116792 +236 15 5 890116628 +236 28 4 890116539 +236 51 5 890116709 +236 56 5 890116254 +236 57 5 890116575 +236 58 2 890118462 +236 66 2 890118507 +236 69 5 890116426 +236 71 3 890116671 +236 79 4 890118417 +236 88 2 890116709 +236 111 4 890116939 +236 127 5 890116032 +236 132 4 890115897 +236 134 4 890116282 +236 135 2 890116033 +236 143 4 890116163 +236 148 4 890117028 +236 151 2 890116964 +236 153 2 890118075 +236 170 5 890116451 +236 172 3 890116539 +236 174 3 890116539 +236 176 2 890115933 +236 179 1 890118417 +236 183 2 890118206 +236 185 5 890118307 +236 187 3 890118340 +236 195 2 890118507 +236 196 1 890115966 +236 199 4 890118307 +236 200 3 890115856 +236 203 4 890116132 +236 204 3 890118393 +236 210 2 890118153 +236 211 3 890116539 +236 216 5 890116163 +236 222 4 890116817 +236 223 5 890116032 +236 225 3 890117465 +236 237 4 890117001 +236 265 2 890116191 +236 273 1 890116670 +236 275 3 890116499 +236 282 5 890117028 +236 286 5 890115777 +236 289 4 890117820 +236 294 2 890116895 +236 298 4 890116793 +236 304 4 890117676 +236 307 4 890117902 +236 313 4 890115777 +236 318 5 890116539 +236 333 3 890117748 +236 370 3 890117353 +236 411 1 890117095 +236 419 5 890116282 +236 420 4 890116671 +236 423 5 890116304 +236 432 5 890118251 +236 435 4 890115966 +236 443 4 890116709 +236 462 4 890115933 +236 476 3 890117308 +236 478 3 890118106 +236 483 5 890116221 +236 496 3 890116499 +236 504 3 890118075 +236 506 5 890118153 +236 507 3 890115897 +236 510 3 890118543 +236 520 4 890116095 +236 521 3 890115996 +236 523 2 890116221 +236 526 3 890116500 +236 532 2 890116915 +236 546 4 890117223 +236 549 4 890116628 +236 591 4 890117029 +236 595 3 890117267 +236 596 4 890116575 +236 614 5 890116335 +236 632 3 890116254 +236 659 3 890116599 +236 661 3 890116451 +236 673 4 890116132 +236 685 2 890117308 +236 686 3 890118372 +236 692 4 890116670 +236 696 2 890117223 +236 699 4 890116095 +236 705 4 890116402 +236 717 3 890117409 +236 729 5 890118372 +236 735 5 890116599 +236 756 1 890117353 +236 864 2 890117073 +236 866 3 890117223 +236 1013 2 890117465 +236 1039 2 890115996 +236 1102 4 890117488 +236 1328 4 890116132 +236 1401 3 890116335 +237 9 4 879376730 +237 23 4 879376606 +237 28 4 879376435 +237 64 5 879376671 +237 83 4 879376641 +237 98 4 879376327 +237 100 5 879376381 +237 127 5 879376671 +237 153 3 879376698 +237 169 5 879376381 +237 174 4 879376773 +237 178 4 879376671 +237 179 4 879376641 +237 180 4 879376730 +237 183 5 879376641 +237 185 4 879376773 +237 190 4 879376515 +237 191 4 879376773 +237 197 4 879376515 +237 199 4 879376606 +237 211 4 879376515 +237 238 4 879376435 +237 286 3 879376220 +237 357 4 879376327 +237 408 5 879376434 +237 423 4 879376487 +237 479 5 879376487 +237 483 5 879376381 +237 485 4 879376553 +237 489 4 879376381 +237 494 4 879376553 +237 499 2 879376487 +237 502 4 879376487 +237 513 5 879376328 +237 514 4 879376641 +237 525 4 879376487 +237 528 5 879376606 +237 603 5 879376773 +237 659 4 879376553 +237 705 3 879376487 +237 1192 5 879376553 +238 111 4 883576603 +238 118 3 883576509 +238 121 4 883576443 +238 125 3 883576230 +238 151 2 883576398 +238 181 3 883576336 +238 220 3 883576560 +238 237 3 883576281 +238 252 3 883576644 +238 255 3 883576644 +238 257 4 883576261 +238 258 3 883575728 +238 286 5 883575683 +238 298 5 883576398 +238 300 4 883575836 +238 301 3 883575855 +238 458 4 883576622 +238 471 4 883576359 +238 476 3 883576799 +238 546 3 883576574 +238 756 3 883576476 +238 815 2 883576398 +238 845 3 883576424 +238 926 3 883576543 +238 1190 3 883576603 +238 1258 1 883576666 +239 8 5 889179290 +239 9 5 889180446 +239 10 5 889180338 +239 12 5 889178729 +239 14 5 889179478 +239 39 5 889181093 +239 47 2 889180169 +239 50 5 889179131 +239 56 4 889179478 +239 58 5 889179623 +239 65 5 889180041 +239 79 3 889179544 +239 81 3 889179808 +239 89 4 889179253 +239 91 4 889180487 +239 96 5 889178798 +239 98 5 889180410 +239 100 3 889179131 +239 114 3 889178616 +239 116 5 889181093 +239 124 5 889178652 +239 132 5 889178986 +239 133 3 889178652 +239 134 5 889179033 +239 135 5 889178762 +239 150 5 889179131 +239 152 3 889179808 +239 162 5 889179131 +239 168 4 889179478 +239 174 4 889179131 +239 175 5 889180616 +239 179 5 889180410 +239 181 3 889180411 +239 183 5 889180071 +239 185 4 889178688 +239 186 1 889179253 +239 187 5 889178798 +239 190 1 889178616 +239 194 5 889178833 +239 195 5 889180747 +239 198 5 889181047 +239 203 1 889179291 +239 204 3 889180888 +239 207 5 889180578 +239 208 3 889181015 +239 209 5 889179032 +239 210 4 889179032 +239 221 5 889180447 +239 228 2 889180651 +239 234 3 889178762 +239 238 5 889180747 +239 268 2 889178512 +239 269 5 889181247 +239 272 5 889181247 +239 276 5 889179506 +239 286 1 889178512 +239 288 2 889178513 +239 300 1 889178513 +239 304 1 889181248 +239 305 4 889178513 +239 312 2 889181247 +239 317 5 889179291 +239 318 1 889178798 +239 340 5 889178513 +239 382 3 889180578 +239 421 5 889181048 +239 427 5 889180888 +239 428 5 889180978 +239 430 3 889180338 +239 432 5 889180041 +239 433 5 889180447 +239 434 5 889180041 +239 443 5 889181015 +239 463 5 889178689 +239 474 5 889179095 +239 475 5 889178689 +239 478 5 889178986 +239 479 5 889178762 +239 483 5 889179253 +239 484 5 889179095 +239 488 5 889179033 +239 489 5 889178833 +239 491 5 889181015 +239 492 3 889180411 +239 493 5 889180616 +239 497 4 889180578 +239 498 4 889179623 +239 499 5 889179808 +239 504 4 889179544 +239 505 5 889180169 +239 507 5 889180651 +239 508 5 889178798 +239 509 5 889180071 +239 511 5 889178798 +239 512 5 889180921 +239 513 5 889178887 +239 516 5 889180487 +239 527 5 889178833 +239 528 5 889178562 +239 529 5 889179808 +239 530 5 889179290 +239 531 5 889178762 +239 558 5 889178986 +239 589 3 889180978 +239 603 5 889178616 +239 605 4 889180446 +239 612 5 889178616 +239 633 5 889180040 +239 634 4 889180487 +239 650 5 889180530 +239 654 5 889180747 +239 659 3 889179808 +239 663 5 889180617 +239 671 5 889179290 +239 675 5 889180617 +239 690 1 889178513 +239 701 5 889179544 +239 705 4 889178652 +239 736 5 889179291 +239 753 5 889179478 +239 836 5 889180888 +239 855 5 889179478 +239 923 5 889179033 +239 954 5 889179253 +239 961 5 889181093 +239 1020 3 889180920 +239 1056 5 889180041 +239 1065 5 889181015 +239 1070 5 889179032 +239 1099 5 889179253 +239 1115 2 889180651 +239 1192 1 889180949 +239 1203 5 889180040 +239 1204 4 889178986 +239 1245 5 889181092 +240 242 5 885775683 +240 245 4 885775831 +240 272 5 885775536 +240 286 5 885775625 +240 288 5 885775536 +240 289 4 885775745 +240 300 3 885775563 +240 301 5 885775683 +240 302 5 885775536 +240 307 4 885775683 +240 313 5 885775604 +240 336 3 885775745 +240 340 4 885775710 +240 343 3 885775831 +240 349 1 885775878 +240 358 2 885775857 +240 748 3 885775831 +240 873 2 885775857 +240 879 3 885775745 +240 895 5 885775711 +240 898 5 885775770 +241 286 5 887249482 +241 288 5 887249745 +241 292 4 887250084 +241 294 3 887250085 +241 302 3 887249576 +241 307 4 887249795 +241 313 4 887249795 +241 332 3 887249841 +241 335 3 887250085 +241 343 2 887250085 +241 346 3 887249482 +241 350 2 887249889 +241 682 2 887249745 +241 690 2 887249482 +241 750 5 887249576 +241 880 5 887249889 +241 887 4 887249685 +242 1 4 879740362 +242 111 4 879741196 +242 237 4 879740594 +242 275 5 879741196 +242 291 3 879740593 +242 294 4 879740082 +242 305 5 879741340 +242 306 5 879741340 +242 331 5 879741340 +242 361 5 879741340 +242 475 3 879740223 +242 934 5 879741196 +242 1137 5 879741196 +242 1152 5 879741196 +242 1355 5 879741196 +242 1357 5 879741196 +243 1 4 879987239 +243 7 3 879987362 +243 8 5 879989217 +243 10 4 879987526 +243 13 4 879987362 +243 14 3 879987239 +243 15 3 879987440 +243 16 3 879987630 +243 26 3 879988459 +243 28 4 879988215 +243 69 3 879988298 +243 77 3 879988587 +243 83 4 879988184 +243 86 5 879989217 +243 93 2 879987173 +243 111 4 879987793 +243 127 4 879987045 +243 129 2 879987526 +243 137 3 879987084 +243 157 5 879989217 +243 162 4 879988459 +243 173 3 879988913 +243 194 4 879988913 +243 196 4 879988298 +243 208 4 879989134 +243 215 3 879988046 +243 221 5 879989217 +243 223 4 879988262 +243 225 3 879987655 +243 237 2 879987148 +243 246 4 879987085 +243 268 4 879986951 +243 275 3 879987084 +243 283 3 879987362 +243 285 5 879989217 +243 286 4 879986908 +243 306 4 879988830 +243 317 5 879989217 +243 318 4 879988071 +243 367 3 879988976 +243 387 4 879988752 +243 423 3 879988587 +243 435 4 879988913 +243 458 4 879987397 +243 461 3 879988132 +243 468 3 879988298 +243 509 4 879988369 +243 511 5 879989217 +243 514 4 879989006 +243 531 4 879988157 +243 582 5 879989217 +243 631 4 879988298 +243 632 5 879988487 +243 655 4 879988104 +243 660 4 879988422 +243 694 4 879988262 +243 699 4 879988397 +243 708 3 879988520 +243 713 3 879987495 +243 732 4 879988557 +243 736 4 879988520 +243 778 4 879988663 +243 813 4 879987239 +243 1039 4 879988184 +243 1115 3 879987465 +243 1148 3 879988723 +243 1197 4 879988337 +243 1281 5 879989217 +243 1368 2 879987909 +243 1465 3 879988215 +243 1466 3 879988104 +244 3 5 880602451 +244 7 4 880602558 +244 13 4 880604379 +244 17 2 880607205 +244 20 4 880604758 +244 22 4 880605665 +244 28 4 880606300 +244 31 4 880603484 +244 32 2 880605514 +244 40 2 880608016 +244 42 5 880602058 +244 50 5 880604379 +244 51 2 880606923 +244 52 4 880606476 +244 53 3 880607489 +244 54 2 880607335 +244 56 5 880602440 +244 58 3 880605438 +244 62 2 880607269 +244 64 5 880605638 +244 65 4 880605766 +244 66 4 880607683 +244 67 4 880608820 +244 69 4 880603645 +244 72 4 880607365 +244 77 4 880603512 +244 82 3 880606667 +244 86 4 880605896 +244 88 4 880607684 +244 89 5 880602210 +244 90 4 880607684 +244 92 4 880602478 +244 95 4 880606418 +244 97 2 880605514 +244 100 4 880604252 +244 101 5 880603288 +244 105 2 880605333 +244 111 4 880604550 +244 114 4 880603219 +244 117 2 880604698 +244 121 1 880604583 +244 122 4 880602804 +244 135 4 880606442 +244 145 3 880608842 +244 148 2 880605071 +244 151 5 880604326 +244 153 4 880606069 +244 154 5 880606385 +244 155 3 880608599 +244 156 4 880602517 +244 157 4 880604119 +244 161 4 880607990 +244 162 4 880606993 +244 164 3 880607154 +244 167 3 880607853 +244 168 5 880606118 +244 169 5 880606274 +244 171 5 880606385 +244 172 4 880605665 +244 173 4 880605458 +244 174 3 880605896 +244 179 5 880603833 +244 180 4 880605920 +244 181 4 880604302 +244 183 4 880606043 +244 186 3 880605697 +244 188 4 880605869 +244 191 5 880605766 +244 193 4 880605638 +244 196 5 880605416 +244 197 4 880605838 +244 200 5 880606698 +244 204 4 880605812 +244 208 5 880606300 +244 209 4 880605485 +244 214 5 880603219 +244 215 4 880603242 +244 216 4 880605869 +244 217 5 880606698 +244 220 2 880605264 +244 222 2 880604379 +244 226 1 880602264 +244 232 4 880608670 +244 234 3 880606593 +244 237 5 880602334 +244 238 5 880606118 +244 240 3 880604858 +244 246 5 880604302 +244 249 4 880604930 +244 255 2 880604077 +244 258 5 880601905 +244 265 4 880606634 +244 268 5 880601904 +244 276 5 880604234 +244 278 3 880605294 +244 281 3 880605010 +244 287 3 880604326 +244 290 3 880604616 +244 291 2 880604379 +244 294 4 880601905 +244 301 2 880601905 +244 310 3 880601905 +244 317 5 880602083 +244 318 5 880603082 +244 324 4 880601905 +244 357 5 880605553 +244 365 2 880608599 +244 367 1 880603442 +244 369 4 880605294 +244 380 4 880608133 +244 381 4 880604077 +244 383 3 880608957 +244 393 3 880607365 +244 401 3 880607424 +244 409 4 880605294 +244 410 4 880606593 +244 411 4 880604798 +244 428 4 880606155 +244 451 4 880608112 +244 455 2 880604503 +244 456 3 880605333 +244 458 3 880604405 +244 468 1 880606947 +244 471 1 880606874 +244 475 4 880603582 +244 508 4 880604276 +244 509 5 880606017 +244 521 4 880606385 +244 527 5 880606155 +244 528 3 880606533 +244 537 5 880602593 +244 550 1 880602264 +244 553 5 880606215 +244 554 3 880608733 +244 559 4 880607154 +244 566 4 880607489 +244 581 4 880607903 +244 584 5 880606634 +244 596 4 880604735 +244 628 4 880604346 +244 631 4 880606760 +244 650 3 880607231 +244 651 4 880606069 +244 652 5 880606533 +244 655 5 880605766 +244 660 4 880603881 +244 662 3 880606533 +244 673 3 880606667 +244 676 4 880604858 +244 685 2 880604642 +244 707 4 880606243 +244 712 3 880607925 +244 716 3 880607641 +244 721 5 880602031 +244 723 3 880607154 +244 724 4 880605638 +244 732 1 880604148 +244 735 5 880605697 +244 738 4 880607489 +244 739 3 880604004 +244 743 5 880602170 +244 744 3 880606923 +244 746 3 880606180 +244 747 4 880606760 +244 754 4 880603960 +244 756 2 880605157 +244 762 3 880604616 +244 763 4 880604830 +244 764 5 880605158 +244 772 4 880601937 +244 780 4 880602843 +244 790 4 880608037 +244 815 4 880605185 +244 818 2 880605010 +244 833 3 880607878 +244 845 3 880606634 +244 856 5 880602002 +244 866 5 880605131 +244 886 5 880601905 +244 924 4 880604550 +244 926 2 880609193 +244 941 4 880603618 +244 946 4 880607545 +244 950 1 880606274 +244 953 4 880607335 +244 955 4 880606593 +244 959 4 880607684 +244 1012 2 880604670 +244 1017 4 880604583 +244 1028 3 880604830 +244 1039 4 880607570 +244 1045 5 880602132 +244 1047 2 880605264 +244 1048 4 880606567 +244 1054 3 880609089 +244 1057 4 880608992 +244 1074 4 880607904 +244 1079 2 880605333 +244 1098 5 880605578 +244 1107 2 880608699 +244 1132 4 880605132 +244 1168 4 880608788 +244 1178 3 880608134 +244 1209 3 880608315 +244 1225 2 880606818 +244 1428 4 880603411 +244 1467 5 880605553 +245 21 3 888513502 +245 50 4 888513664 +245 94 2 888513081 +245 112 4 888513575 +245 133 2 888513058 +245 151 3 888513279 +245 181 4 888513664 +245 222 4 888513212 +245 240 1 888513860 +245 258 4 888513691 +245 411 3 888513425 +245 473 2 888513344 +245 717 4 888513447 +245 756 3 888513425 +245 1028 5 888513447 +245 1033 5 888513522 +245 1047 3 888513393 +246 1 4 884920918 +246 3 2 884923390 +246 8 3 884921245 +246 11 4 884922512 +246 12 5 884921948 +246 17 2 884922658 +246 24 4 884921345 +246 25 3 884922383 +246 29 1 884922740 +246 38 2 884923175 +246 41 2 884923811 +246 50 5 884920788 +246 55 4 884921948 +246 56 1 884920948 +246 66 3 884922252 +246 68 5 884922341 +246 77 2 884921839 +246 80 2 884923329 +246 81 5 884921638 +246 82 2 884921986 +246 83 4 884921086 +246 92 1 884921661 +246 94 2 884923505 +246 95 3 884920949 +246 97 3 884922272 +246 98 4 884921428 +246 99 3 884922657 +246 100 4 884921033 +246 101 2 884922740 +246 109 5 884921794 +246 111 3 884921861 +246 117 3 884921767 +246 118 1 884923175 +246 121 4 884922627 +246 132 4 884921319 +246 133 3 884921705 +246 138 1 884923715 +246 145 1 884923922 +246 151 5 884921727 +246 155 1 884923687 +246 158 1 884923955 +246 159 3 884923003 +246 161 3 884921679 +246 164 3 884921613 +246 173 5 884921227 +246 175 4 884921362 +246 176 4 884921613 +246 178 5 884920918 +246 184 4 884921948 +246 195 3 884921138 +246 196 3 884921861 +246 198 4 884922196 +246 201 5 884921594 +246 202 3 884922272 +246 204 3 884921638 +246 208 4 884921394 +246 210 3 884921319 +246 211 4 884922605 +246 215 2 884921058 +246 216 3 884920949 +246 219 5 884922801 +246 226 2 884923329 +246 227 4 884922475 +246 228 3 884921558 +246 230 3 884922070 +246 231 1 884922898 +246 232 3 884923073 +246 235 3 884921965 +246 236 4 884921986 +246 238 5 884921429 +246 239 3 884921380 +246 240 3 884923547 +246 250 4 884924327 +246 252 1 884924473 +246 254 1 884924710 +246 257 4 884924327 +246 260 5 884924991 +246 265 4 884921411 +246 284 1 884922475 +246 288 5 884922235 +246 289 2 884922658 +246 294 2 884924460 +246 356 2 884923047 +246 368 1 884924813 +246 369 3 884924710 +246 384 2 884923632 +246 385 1 884922272 +246 393 3 884922627 +246 401 1 884923750 +246 402 3 884922917 +246 403 4 884922697 +246 406 3 884924749 +246 409 2 884923372 +246 410 1 884923175 +246 412 1 884923305 +246 413 4 884923922 +246 416 3 884923047 +246 418 3 884921453 +246 420 3 884922272 +246 423 3 884920900 +246 425 5 884921918 +246 426 3 884923471 +246 433 5 884921488 +246 441 3 884922538 +246 444 4 884923715 +246 447 3 884922714 +246 451 2 884923003 +246 469 3 884922475 +246 470 4 884922964 +246 475 4 884921637 +246 477 4 884921767 +246 541 3 884923487 +246 547 4 884922512 +246 559 3 884922898 +246 561 1 884923445 +246 567 5 884923348 +246 568 4 884922451 +246 572 3 884923127 +246 576 1 884923864 +246 578 2 884923306 +246 585 1 884923811 +246 588 4 884920998 +246 596 3 884921511 +246 597 2 884921965 +246 616 5 884922475 +246 628 1 884922554 +246 633 3 884920997 +246 651 4 884921638 +246 652 5 884921033 +246 658 4 884923329 +246 665 4 884922831 +246 675 4 884920978 +246 679 2 884922917 +246 719 4 884924026 +246 720 1 884923592 +246 721 4 884921794 +246 728 1 884923829 +246 735 4 884921679 +246 739 2 884922678 +246 741 5 884921533 +246 743 1 884924780 +246 746 4 884922070 +246 758 1 884924813 +246 765 2 884924026 +246 790 3 884923405 +246 798 2 884924001 +246 802 1 884923471 +246 816 4 884925218 +246 827 1 884923829 +246 831 1 884924025 +246 840 4 884924045 +246 849 1 884923687 +246 853 5 884922383 +246 895 5 884924976 +246 919 4 884920949 +246 930 2 884924764 +246 932 1 884923864 +246 941 1 884923547 +246 981 1 884924765 +246 993 3 884920770 +246 1028 3 884923653 +246 1044 1 884922869 +246 1052 1 884924710 +246 1073 4 884921380 +246 1101 5 884921380 +246 1139 2 884923811 +246 1218 3 884922801 +246 1220 3 884921794 +246 1222 3 884923372 +246 1228 1 884923971 +246 1232 1 884923425 +246 1411 2 884924026 +247 1 4 893097024 +247 7 4 893081395 +247 28 5 893097024 +247 50 5 893097024 +247 58 4 893081396 +247 70 5 893097024 +247 100 3 893081395 +247 111 5 893097024 +247 121 4 893081396 +247 151 4 893081396 +247 181 4 893081396 +247 222 3 893081411 +247 251 4 893081395 +247 257 4 893081396 +247 258 5 893097024 +247 259 3 893081411 +247 269 4 893097024 +247 271 2 893081411 +247 272 4 893081381 +247 300 2 893081411 +247 340 3 893081396 +247 736 5 893097024 +247 751 3 893081411 +248 7 2 884534968 +248 11 5 884534992 +248 50 5 884535013 +248 55 4 884534793 +248 64 5 884534735 +248 69 1 884534695 +248 79 3 884534992 +248 96 4 884534968 +248 98 5 884534673 +248 100 4 884534716 +248 114 5 884534901 +248 117 5 884535433 +248 121 2 884536206 +248 127 5 884535084 +248 153 3 884534716 +248 168 4 884534945 +248 172 4 884534992 +248 174 3 884534992 +248 176 5 884534808 +248 179 3 884534649 +248 181 4 884535374 +248 183 5 884534772 +248 185 3 884534772 +248 186 5 884534695 +248 187 3 884535046 +248 194 4 884534672 +248 196 2 884535013 +248 198 5 884534695 +248 210 3 884534946 +248 234 4 884534968 +248 235 3 884536150 +248 249 4 884536117 +248 257 3 884535840 +248 282 2 884535582 +248 290 3 884535582 +248 294 3 884534379 +248 323 1 884534472 +248 324 4 884534506 +248 343 4 884534436 +248 405 4 884536165 +248 474 2 884534672 +248 475 5 884535446 +248 484 2 884535013 +248 515 5 884535085 +248 589 4 884534968 +248 678 3 884534419 +248 806 3 884534772 +248 854 5 884534735 +248 928 3 884536117 +249 1 4 879572210 +249 9 5 879572402 +249 11 5 879640868 +249 12 5 879572472 +249 13 4 879640396 +249 22 5 879572926 +249 23 4 879572432 +249 24 4 879640306 +249 28 4 879572106 +249 39 4 879572284 +249 42 5 879572630 +249 50 4 879571695 +249 53 4 879572760 +249 55 5 879572331 +249 56 5 879572189 +249 58 5 879572516 +249 64 5 879572210 +249 68 5 879641156 +249 69 5 879572600 +249 79 5 879572777 +249 83 5 879640977 +249 86 4 879572124 +249 88 4 879572668 +249 89 5 879572229 +249 92 5 879572567 +249 93 4 879640194 +249 98 5 879572256 +249 100 5 879572370 +249 108 3 879640452 +249 114 5 879572314 +249 117 4 879640414 +249 121 3 879572705 +249 123 3 879640261 +249 124 5 879572646 +249 125 3 879640210 +249 129 5 879571883 +249 135 5 879572668 +249 137 4 879572725 +249 144 4 879572567 +249 147 5 879640343 +249 148 3 879640361 +249 161 3 879572760 +249 168 4 879572370 +249 169 5 879572106 +249 172 3 879572106 +249 174 4 879572314 +249 175 4 879572106 +249 176 4 879641109 +249 179 5 879641140 +249 181 3 879571998 +249 182 5 879640949 +249 183 4 879572540 +249 186 4 879572516 +249 188 4 879641067 +249 191 4 879572167 +249 195 4 879572911 +249 198 5 879572349 +249 202 4 879572167 +249 203 5 879572167 +249 210 3 879641305 +249 212 4 879572890 +249 216 4 879641305 +249 218 3 879641322 +249 222 4 879640306 +249 223 4 879572370 +249 228 4 879572496 +249 235 4 879640261 +249 237 5 879640361 +249 238 5 879572451 +249 239 3 879572284 +249 240 4 879640343 +249 241 5 879641194 +249 245 2 879571999 +249 249 4 879571752 +249 250 4 879571678 +249 255 3 879571752 +249 257 3 879571715 +249 271 4 879571521 +249 273 4 879640284 +249 283 5 879572600 +249 290 2 879640521 +249 294 3 879571557 +249 298 4 879571715 +249 300 4 879571489 +249 302 4 879571438 +249 309 3 879571456 +249 317 5 879572106 +249 318 5 879572256 +249 333 4 879571521 +249 357 4 879572142 +249 405 3 879640284 +249 407 3 879640618 +249 408 5 879572540 +249 411 3 879640436 +249 423 4 879572167 +249 427 5 879572472 +249 431 5 879641194 +249 455 4 879640326 +249 456 3 879640549 +249 462 5 879572725 +249 467 4 879572795 +249 469 4 879641285 +249 471 4 879640241 +249 472 3 879640502 +249 476 3 879640481 +249 478 4 879572911 +249 479 5 879641035 +249 480 5 879572210 +249 483 5 879572314 +249 546 3 879640436 +249 568 4 879572256 +249 583 4 879640918 +249 588 3 879572256 +249 591 5 879572890 +249 597 2 879640436 +249 603 5 879640935 +249 628 3 879640306 +249 634 5 879572314 +249 658 4 879572944 +249 684 4 879641285 +249 686 5 879641251 +249 708 4 879572403 +249 723 4 879641093 +249 741 4 879572402 +249 742 3 879640241 +249 746 5 879641209 +249 748 3 879571586 +249 789 5 879572911 +249 806 5 879572167 +249 826 1 879640481 +249 844 5 879572795 +249 853 4 879572256 +249 919 5 879572668 +249 930 2 879640585 +249 993 3 879571779 +249 1011 5 879640284 +249 1012 3 879571998 +249 1016 3 879571752 +249 1039 5 879572725 +249 1047 3 879640603 +249 1073 4 879640918 +249 1103 5 879572256 +249 1167 4 879572284 +250 1 4 883263374 +250 2 4 878090414 +250 7 4 878089716 +250 9 2 878089547 +250 23 4 878090499 +250 28 4 878090153 +250 44 4 878090199 +250 50 5 878089393 +250 55 5 878091915 +250 56 4 878090004 +250 64 5 878090153 +250 69 5 878092059 +250 71 5 878090294 +250 81 4 878092143 +250 89 4 878092144 +250 91 5 878091965 +250 92 5 878091818 +250 96 2 878090254 +250 100 5 878089786 +250 111 4 878091915 +250 117 3 878089628 +250 127 4 878089881 +250 129 4 878089677 +250 135 5 878091915 +250 140 3 878092059 +250 144 4 878092059 +250 151 4 878089677 +250 153 2 878090066 +250 154 4 878090114 +250 159 4 878092144 +250 174 3 878092104 +250 179 4 883263374 +250 181 4 878089393 +250 183 4 878091870 +250 184 1 878091683 +250 195 2 878091736 +250 196 4 878091818 +250 200 5 883263374 +250 202 4 878090253 +250 204 2 878091682 +250 223 4 878090294 +250 234 3 878091736 +250 235 2 878089786 +250 237 2 878089753 +250 238 4 878089963 +250 240 4 878092171 +250 244 4 878089786 +250 258 4 878088969 +250 259 1 883262792 +250 260 4 878089144 +250 264 3 878089182 +250 270 4 883263374 +250 271 4 883263374 +250 276 4 878089436 +250 288 4 878088970 +250 293 4 878089921 +250 294 1 878089033 +250 313 5 883262672 +250 321 5 878089099 +250 323 2 878089100 +250 324 2 878089033 +250 325 4 883262927 +250 328 3 883262792 +250 331 3 878089033 +250 333 4 883263374 +250 338 4 883263374 +250 340 4 883263374 +250 357 4 878091915 +250 367 4 878090330 +250 378 4 878092059 +250 404 4 878092144 +250 469 4 878091772 +250 474 5 878089964 +250 475 4 878089436 +250 477 3 878089716 +250 480 5 878090414 +250 485 4 878092104 +250 496 4 878090499 +250 501 5 878090199 +250 527 4 878091735 +250 558 4 878091965 +250 582 4 878090114 +250 588 5 878091736 +250 596 5 878089921 +250 628 4 878090114 +250 629 4 878091965 +250 676 5 878089547 +250 678 2 878089182 +250 687 1 883263007 +250 688 2 878089182 +250 742 3 878089786 +250 748 2 878089033 +250 751 2 883262694 +250 813 5 878089581 +250 844 4 878090414 +250 948 3 878089182 +250 969 5 878092002 +250 984 3 878089229 +250 988 4 878089182 +250 991 2 878089202 +250 1014 4 883263439 +250 1137 5 878090066 +250 1161 4 883263375 +250 1199 3 878089467 +251 1 4 886272009 +251 7 3 886272146 +251 12 4 886271700 +251 15 4 886272086 +251 22 5 886271955 +251 25 4 886272615 +251 33 3 886271675 +251 45 5 886271855 +251 50 5 886272086 +251 55 3 886271856 +251 64 5 886271640 +251 79 5 886271733 +251 100 4 886271884 +251 109 4 886272547 +251 111 3 886272319 +251 117 4 886272009 +251 118 3 886272514 +251 121 4 886272118 +251 125 4 886272346 +251 132 5 886271641 +251 144 5 886271920 +251 147 3 886272319 +251 148 2 886272547 +251 151 5 886272118 +251 172 5 886271641 +251 181 4 886271733 +251 183 5 886271733 +251 185 5 886271884 +251 202 4 886271920 +251 222 4 886272547 +251 237 5 886272346 +251 248 4 886272223 +251 249 5 886272118 +251 250 3 886272378 +251 252 3 886272456 +251 257 3 886272378 +251 258 3 886271496 +251 265 3 886271641 +251 275 4 886271675 +251 281 4 886272456 +251 282 4 886272223 +251 288 4 886271541 +251 294 3 886272283 +251 295 4 886272249 +251 298 5 886272146 +251 313 5 886271472 +251 405 3 886272547 +251 418 4 886271856 +251 427 4 886271675 +251 429 4 886271955 +251 468 2 886271641 +251 472 3 886272585 +251 476 2 886272407 +251 480 5 886271733 +251 520 5 886271955 +251 535 3 886272283 +251 595 3 886272486 +251 596 3 886272118 +251 597 3 886272514 +251 612 5 886271855 +251 685 4 886272585 +251 742 5 886272486 +251 748 2 886272175 +251 813 3 886272086 +251 845 4 886272378 +251 866 2 886272514 +251 978 2 886272585 +251 1012 4 886272175 +251 1014 5 886272486 +251 1016 3 886272197 +251 1028 3 886272585 +251 1098 3 886271920 +252 1 5 891456989 +252 7 4 891455743 +252 9 5 891456797 +252 14 4 891456876 +252 100 5 891456797 +252 124 5 891457490 +252 129 4 891456876 +252 224 4 891456738 +252 268 5 891455329 +252 275 5 891456464 +252 276 5 891456877 +252 277 4 891456797 +252 300 4 891448664 +252 410 5 891456989 +252 475 5 891456876 +252 740 3 891456738 +252 742 4 891455743 +252 847 4 891456738 +253 4 4 891628670 +253 8 4 891628323 +253 12 5 891628159 +253 15 4 891628019 +253 22 5 891628435 +253 50 4 891628518 +253 56 3 891628229 +253 64 5 891628252 +253 79 5 891628518 +253 81 4 891628614 +253 82 3 891628295 +253 83 4 891628159 +253 87 5 891628278 +253 89 4 891628451 +253 95 4 891628416 +253 96 5 891628651 +253 97 4 891628501 +253 98 5 891628295 +253 100 4 891628122 +253 117 5 891628535 +253 121 5 891628142 +253 125 3 891628033 +253 127 5 891628060 +253 132 5 891628416 +253 156 3 891628614 +253 168 3 891628278 +253 173 5 891628483 +253 175 2 891628884 +253 182 3 891628374 +253 183 5 891628341 +253 188 4 891628416 +253 190 5 891628278 +253 198 5 891628392 +253 200 4 891628392 +253 202 5 891628392 +253 203 4 891628651 +253 210 4 891628598 +253 216 4 891628252 +253 220 4 891628060 +253 222 4 891628548 +253 234 4 891628252 +253 237 4 891628002 +253 243 2 891628883 +253 259 2 891628883 +253 273 3 891628060 +253 282 4 891628094 +253 294 4 891627829 +253 298 3 891628074 +253 300 4 891627724 +253 318 5 891628323 +253 328 4 891627790 +253 331 3 891627664 +253 333 2 891628883 +253 343 4 891627815 +253 448 2 891628883 +253 465 5 891628467 +253 482 5 891628451 +253 483 5 891628122 +253 485 5 891628435 +253 487 4 891628323 +253 490 5 891628374 +253 494 5 891628341 +253 496 5 891628278 +253 510 5 891628416 +253 518 5 891628392 +253 523 4 891628501 +253 527 5 891628518 +253 566 4 891628578 +253 568 4 891628295 +253 588 5 891628416 +253 591 3 891628358 +253 647 3 891628229 +253 655 4 891628142 +253 679 3 891628578 +253 685 2 891628884 +253 689 5 891627775 +253 699 4 891628630 +253 705 5 891628598 +253 732 4 891628651 +253 742 4 891628535 +253 746 3 891628630 +253 747 3 891628501 +253 751 3 891627815 +253 806 4 891628181 +253 895 4 891627893 +253 966 5 891628181 +253 1016 3 891628094 +253 1468 3 891628142 +254 1 3 887347350 +254 8 5 887347000 +254 15 3 886471307 +254 21 3 886474518 +254 22 4 887347350 +254 28 4 886472369 +254 35 2 886475755 +254 50 5 886471151 +254 64 4 886472051 +254 71 3 886472737 +254 75 1 886475004 +254 78 3 886475476 +254 90 1 886475406 +254 94 3 887347350 +254 97 5 887346963 +254 98 4 886472201 +254 99 3 886473254 +254 102 3 886473929 +254 103 2 886476123 +254 112 2 886473631 +254 121 3 886472369 +254 125 3 886473158 +254 132 4 886472022 +254 133 5 886473158 +254 135 5 886471880 +254 136 4 886471695 +254 138 1 886474122 +254 140 4 887347350 +254 141 3 886472836 +254 143 4 886472643 +254 151 2 886474396 +254 162 3 886472643 +254 163 2 886472023 +254 164 4 886472768 +254 168 1 886472400 +254 174 5 886471720 +254 176 3 886472768 +254 181 5 886471151 +254 183 4 886472713 +254 186 3 886472023 +254 188 3 886473672 +254 196 4 886472400 +254 199 4 886472089 +254 200 3 886472504 +254 204 4 886472434 +254 210 5 886472172 +254 211 3 886472089 +254 214 1 886472608 +254 219 1 886475980 +254 222 4 886471346 +254 225 3 886475952 +254 227 4 886474806 +254 228 4 886472609 +254 229 4 886474580 +254 230 4 886472400 +254 234 4 886472713 +254 238 3 886473120 +254 240 1 886476165 +254 241 4 886473190 +254 243 2 887347834 +254 257 3 886471389 +254 258 4 887347560 +254 259 2 886470859 +254 265 3 886471695 +254 269 2 887346935 +254 286 1 887346861 +254 313 5 886470465 +254 357 3 886472466 +254 378 3 886474396 +254 379 1 886474650 +254 380 4 886474456 +254 384 1 886475790 +254 389 3 886473852 +254 400 3 886475790 +254 405 3 886471522 +254 415 3 886475523 +254 417 3 886473408 +254 418 3 886473078 +254 419 4 886472231 +254 423 5 886472799 +254 429 4 887347350 +254 435 3 886472089 +254 436 2 886474216 +254 441 3 886475831 +254 443 3 886473547 +254 448 3 886473775 +254 449 5 886475446 +254 451 2 886474426 +254 457 2 886470931 +254 472 3 886474456 +254 496 4 886471982 +254 498 4 886472115 +254 501 3 886476281 +254 504 3 886472115 +254 526 3 886472609 +254 542 3 886475034 +254 548 2 886475319 +254 554 3 886475952 +254 561 3 886475446 +254 573 2 886475476 +254 575 3 886476165 +254 577 1 886476092 +254 588 3 886473701 +254 596 4 886473852 +254 610 2 886472291 +254 612 3 886471959 +254 621 3 886474807 +254 622 4 887347350 +254 624 2 886473254 +254 625 3 886473808 +254 649 1 886474619 +254 655 4 886472313 +254 662 4 887347350 +254 678 3 886470859 +254 679 2 886472434 +254 699 3 886473120 +254 755 3 886473489 +254 768 3 886475004 +254 842 3 886475952 +254 843 2 886474807 +254 892 3 886470904 +254 951 4 886474619 +254 967 3 886472139 +254 1028 2 886474619 +254 1033 3 886475034 +254 1050 3 886472609 +254 1091 3 886475586 +254 1116 3 886473448 +254 1133 3 886475682 +254 1183 4 887347350 +254 1263 1 886474426 +254 1443 4 887347382 +254 1444 3 886475558 +254 1469 3 886473929 +254 1470 2 886474650 +255 5 2 883216599 +255 7 2 883216358 +255 53 3 883216672 +255 98 5 883216449 +255 100 3 883216358 +255 118 1 883216958 +255 121 2 883216902 +255 147 4 883216845 +255 185 4 883216449 +255 200 3 883216544 +255 217 2 883216600 +255 218 3 883216544 +255 219 5 883216544 +255 234 5 883216448 +255 245 1 883215723 +255 249 5 883216245 +255 258 4 883215406 +255 259 3 883215759 +255 264 2 883215829 +255 271 4 883215525 +255 281 1 883216902 +255 288 4 883216185 +255 322 2 883215723 +255 323 2 883215723 +255 324 5 883215586 +255 328 2 883215630 +255 332 2 883215586 +255 343 2 883215867 +255 405 4 883216902 +255 406 1 883216358 +255 413 2 883216358 +255 436 4 883216544 +255 441 2 883216544 +255 444 3 883216599 +255 447 3 883216599 +255 448 3 883216544 +255 452 3 883216672 +255 455 2 883216845 +255 472 1 883216958 +255 551 1 883216672 +255 559 4 883216748 +255 564 1 883216600 +255 565 1 883216748 +255 569 1 883216672 +255 597 4 883216958 +255 665 3 883216748 +255 672 2 883216544 +255 678 2 883215795 +255 682 5 883215759 +255 685 3 883216845 +255 743 1 883217030 +255 748 1 883215630 +255 763 5 883217072 +255 825 1 883216958 +255 826 1 883216958 +255 829 1 883216903 +255 831 4 883216902 +255 833 4 883216902 +255 834 4 883216358 +255 840 1 883216958 +255 841 1 883216902 +255 859 3 883216748 +255 860 2 883216748 +255 879 3 883215660 +255 976 1 883217030 +255 982 2 883217030 +255 984 1 883215902 +255 1034 1 883217030 +256 1 5 882150980 +256 2 5 882164480 +256 4 5 882164525 +256 5 5 882164727 +256 7 4 882151017 +256 9 4 882150644 +256 11 5 882164406 +256 12 5 882164696 +256 15 5 882150644 +256 21 4 882163677 +256 22 5 882164259 +256 25 5 882150552 +256 29 4 882164644 +256 31 5 882164867 +256 36 3 882165269 +256 38 4 882164927 +256 44 4 882164893 +256 49 4 882165238 +256 50 4 882164443 +256 51 4 882165135 +256 54 5 882164955 +256 56 3 882164406 +256 64 5 882164231 +256 66 4 882165103 +256 77 3 882164955 +256 79 5 882164406 +256 86 5 882165103 +256 88 5 882165296 +256 89 5 882164525 +256 92 1 882164603 +256 96 5 882164444 +256 97 4 882165103 +256 98 5 882164696 +256 100 4 882150313 +256 106 4 882153724 +256 117 5 882150313 +256 118 5 882151123 +256 120 1 882163754 +256 121 5 882151123 +256 125 5 882150552 +256 127 4 882164406 +256 147 4 882152540 +256 151 5 882151623 +256 161 5 882164559 +256 172 3 882164443 +256 174 4 882164406 +256 181 4 882164444 +256 185 5 882164696 +256 187 3 882164444 +256 188 5 882164559 +256 195 5 882164406 +256 202 3 882165032 +256 203 4 882164867 +256 210 4 882164443 +256 216 5 882165032 +256 220 3 882151690 +256 222 4 882150313 +256 225 4 882152605 +256 226 5 882164644 +256 227 4 882164603 +256 228 3 882164559 +256 229 3 882164644 +256 230 4 882164480 +256 232 3 882164525 +256 233 4 882164479 +256 234 5 882164696 +256 235 3 882153668 +256 237 4 882150644 +256 245 4 882150152 +256 265 4 882164479 +256 274 5 882151456 +256 276 3 882151198 +256 278 5 882151517 +256 280 5 882151167 +256 282 3 882151017 +256 288 5 882150122 +256 291 5 882152630 +256 294 3 882150053 +256 322 4 882150152 +256 323 5 882150193 +256 356 3 882164927 +256 368 1 882163778 +256 370 3 882153321 +256 381 5 882165135 +256 385 5 882164603 +256 402 4 882165269 +256 403 4 882164603 +256 405 4 882151088 +256 406 3 882152605 +256 409 4 882163654 +256 413 4 882163956 +256 443 3 882164727 +256 449 3 882164999 +256 451 4 882165135 +256 452 4 882164999 +256 472 4 882152471 +256 473 5 882151088 +256 476 4 882152914 +256 487 5 882164231 +256 550 5 882164525 +256 552 3 882164927 +256 566 5 882164559 +256 568 5 882164603 +256 576 3 882164603 +256 583 5 882164603 +256 591 5 882151017 +256 595 4 882164037 +256 597 4 882152509 +256 620 3 882151743 +256 642 4 882164893 +256 657 5 882164727 +256 662 2 882165032 +256 665 4 882164644 +256 684 5 882164480 +256 685 5 882151576 +256 692 5 882165066 +256 716 5 882165135 +256 722 3 882165269 +256 724 4 882165103 +256 728 4 882165296 +256 732 5 882165067 +256 739 5 882165135 +256 741 4 882151517 +256 742 5 882150552 +256 748 4 882150192 +256 756 4 882151167 +256 761 4 882164644 +256 765 4 882165328 +256 769 5 882164955 +256 771 2 882164999 +256 775 5 882165269 +256 778 4 882165103 +256 779 4 882164644 +256 781 5 882165296 +256 783 4 882165328 +256 785 4 882165296 +256 794 4 882165135 +256 802 3 882164955 +256 808 4 882164559 +256 815 5 882151743 +256 819 4 882151052 +256 827 3 882163857 +256 829 4 882153751 +256 831 4 882152943 +256 834 3 882163956 +256 841 2 882163857 +256 846 4 882151167 +256 849 2 882164603 +256 864 4 882151623 +256 866 4 882151198 +256 925 5 882151017 +256 930 3 882153258 +256 932 3 882150508 +256 934 3 882163730 +256 939 5 882164893 +256 974 3 882164059 +256 977 4 882154058 +256 982 3 882152630 +256 984 3 882150192 +256 986 5 882164059 +256 989 5 882150192 +256 1028 4 882151690 +256 1033 4 882152838 +256 1040 3 882152604 +256 1041 4 882165328 +256 1046 4 882164927 +256 1047 4 882151743 +256 1051 4 882150552 +256 1057 2 882163805 +256 1061 4 882153321 +256 1086 5 882150943 +256 1090 2 882164999 +256 1109 4 882164867 +256 1114 4 882153699 +256 1119 3 882165032 +256 1207 3 882164999 +256 1210 5 882164999 +256 1228 1 882164643 +256 1231 3 882164603 +256 1289 4 882150552 +256 1471 3 882164999 +257 14 5 879029742 +257 50 5 882049897 +257 59 5 879547440 +257 61 5 879547534 +257 70 4 880496892 +257 86 4 879547655 +257 100 5 882049950 +257 113 4 879547534 +257 116 3 879029742 +257 129 4 880008245 +257 130 2 882050236 +257 137 4 882049932 +257 151 4 882050266 +257 165 4 879547534 +257 166 4 880496522 +257 181 5 882050131 +257 198 3 880496822 +257 221 3 882050202 +257 224 4 879029717 +257 237 2 882050168 +257 245 4 884151807 +257 258 3 879029516 +257 269 3 879029516 +257 276 5 882049973 +257 285 5 882049950 +257 288 3 879029516 +257 289 4 879029543 +257 301 3 879029620 +257 305 4 882049607 +257 307 4 879029581 +257 324 5 879029543 +257 345 4 887066556 +257 381 5 880496690 +257 405 3 882050397 +257 462 4 879547695 +257 475 5 879029716 +257 531 5 879547608 +257 582 5 879547608 +257 676 4 882050006 +257 921 5 883982173 +257 936 4 882050151 +257 949 3 880496958 +257 1008 5 882050187 +257 1010 4 882050150 +257 1129 5 879585415 +257 1137 5 882049896 +257 1160 4 882049973 +257 1260 2 880496892 +257 1462 5 879547695 +257 1472 2 880496943 +258 243 3 885701024 +258 258 2 885700811 +258 272 5 885700811 +258 288 1 885700919 +258 289 2 885701004 +258 294 4 885700898 +258 300 5 885700877 +258 310 5 885700778 +258 311 4 885700946 +258 313 5 885700778 +258 315 3 885701004 +258 323 4 885701062 +258 326 5 885701024 +258 328 3 885700877 +258 332 5 885701024 +258 333 2 885700811 +258 690 4 885700811 +258 748 5 885701004 +258 751 5 885700946 +258 873 5 885701062 +258 877 3 885701044 +258 893 1 885701099 +259 12 5 874809192 +259 15 3 881378653 +259 39 4 888720644 +259 97 4 874809292 +259 98 4 874809091 +259 108 4 874724882 +259 117 4 874724988 +259 121 3 881379128 +259 147 4 888630664 +259 154 5 876365003 +259 168 5 876365003 +259 172 4 883371882 +259 173 4 874724843 +259 176 4 874725386 +259 179 4 877924028 +259 180 5 877925033 +259 185 4 874724781 +259 200 4 874725081 +259 210 4 874725485 +259 235 2 883372151 +259 255 4 874724710 +259 269 3 877923906 +259 271 3 888721050 +259 286 4 874724727 +259 288 3 874724905 +259 293 4 883371861 +259 294 3 881641699 +259 313 5 883370924 +259 317 5 874809057 +259 357 5 874725485 +259 405 3 874725120 +259 475 5 877925049 +259 546 3 883372151 +259 748 4 883371839 +259 750 4 888630424 +259 762 2 883372151 +259 772 4 874724882 +259 781 3 888630664 +259 928 4 874724937 +259 959 4 888720593 +259 1074 3 874725264 +259 1135 5 877926006 +260 270 5 890618728 +260 272 3 890618349 +260 288 3 890618476 +260 300 3 890618198 +260 307 3 890618295 +260 313 5 890618198 +260 319 2 890618198 +260 322 4 890618898 +260 326 5 890618349 +260 334 5 890618729 +260 362 5 890618729 +260 538 1 890618403 +260 682 4 890618537 +260 748 4 890618198 +260 881 4 890618537 +260 882 5 890618729 +260 891 5 890618729 +260 990 5 890618729 +260 1025 5 890618729 +260 1105 5 890618729 +261 117 4 890455974 +261 125 5 890456142 +261 243 5 890454351 +261 259 4 890454843 +261 288 4 890454087 +261 294 4 890454217 +261 300 5 890454310 +261 301 4 890454246 +261 304 3 890454941 +261 321 3 890455521 +261 322 4 890454974 +261 326 4 890454279 +261 339 5 890454351 +261 340 5 890454045 +261 342 3 890454974 +261 359 5 890454351 +261 410 5 890456142 +261 596 2 890456142 +261 597 4 890456142 +261 687 5 890455020 +261 748 3 890454310 +261 875 5 890454351 +261 892 5 890455190 +261 988 3 890455190 +261 1025 5 890455190 +261 1237 3 890454045 +262 1 3 879962366 +262 7 4 879790603 +262 11 4 879793597 +262 15 3 879962366 +262 22 4 879792452 +262 28 3 879792220 +262 40 4 879795405 +262 44 2 879794446 +262 47 2 879794599 +262 50 2 879962366 +262 52 3 879792331 +262 55 3 879791790 +262 58 3 879792452 +262 64 5 879793022 +262 65 4 879793897 +262 66 3 879794338 +262 69 4 879793479 +262 70 4 879962517 +262 71 4 879794951 +262 72 3 879962366 +262 77 2 879794829 +262 82 3 879794918 +262 86 3 879791948 +262 91 3 879792713 +262 92 3 879794205 +262 95 3 879793503 +262 96 4 879793022 +262 98 4 879792331 +262 99 3 879792262 +262 100 3 879962366 +262 111 4 879962292 +262 121 3 879790536 +262 122 2 879791537 +262 125 3 879961882 +262 131 5 879961282 +262 132 3 879792604 +262 140 2 879794635 +262 143 3 879793970 +262 145 1 879795155 +262 147 3 879790603 +262 169 3 879791844 +262 174 3 879791948 +262 179 4 879962570 +262 181 3 879961819 +262 185 3 879793164 +262 191 4 879793022 +262 195 2 879791755 +262 200 3 879794918 +262 204 3 879793667 +262 210 3 879792962 +262 216 3 879793216 +262 217 3 879792818 +262 219 3 879794206 +262 223 3 879791816 +262 234 3 879794359 +262 235 2 879790783 +262 237 3 879961980 +262 238 4 879792713 +262 252 3 879790603 +262 255 3 879790816 +262 258 4 879961282 +262 269 3 879961283 +262 270 3 879961283 +262 275 4 879961980 +262 288 3 879961374 +262 292 4 879961282 +262 293 2 879790906 +262 294 2 879962366 +262 318 5 879793022 +262 332 3 879961438 +262 336 3 879961474 +262 338 4 879961532 +262 358 3 879961513 +262 365 4 879793939 +262 369 2 879791160 +262 385 2 879795030 +262 386 3 879795512 +262 393 2 879794140 +262 405 2 879962367 +262 406 3 879791537 +262 419 3 879791710 +262 420 3 879793854 +262 421 4 879792331 +262 423 4 879793854 +262 432 3 879794267 +262 433 4 879791790 +262 443 3 879792027 +262 447 3 879794206 +262 451 4 879794446 +262 473 2 879791216 +262 476 3 879962366 +262 485 4 879793363 +262 486 5 879794296 +262 491 3 879793188 +262 496 4 879792402 +262 509 3 879792818 +262 553 4 879795122 +262 559 3 879792792 +262 567 1 879795430 +262 568 3 879794113 +262 581 3 879794667 +262 582 4 879962517 +262 588 4 879793075 +262 596 4 879961980 +262 609 3 879793736 +262 617 3 879793715 +262 625 3 879792751 +262 628 2 879962366 +262 631 4 879793536 +262 650 4 879792604 +262 655 4 879793938 +262 660 4 879794419 +262 699 5 879793022 +262 709 5 879795122 +262 727 3 879792897 +262 735 4 879793854 +262 736 3 879794829 +262 747 4 879793641 +262 754 3 879961283 +262 755 3 879794446 +262 762 2 879790974 +262 778 4 879793536 +262 781 3 879793667 +262 785 3 879794359 +262 786 3 879795319 +262 790 3 879795379 +262 815 2 879791216 +262 821 3 879794887 +262 845 4 879962052 +262 923 4 879962542 +262 929 3 879791031 +262 931 2 879790874 +262 949 4 879792773 +262 959 2 879794739 +262 974 3 879791447 +262 1013 2 879791471 +262 1035 3 879794530 +262 1048 2 879791335 +262 1054 2 879791536 +262 1095 2 879791537 +262 1147 4 879791710 +262 1220 4 879794296 +262 1278 4 879961819 +263 22 5 891298107 +263 23 3 891298654 +263 28 3 891298219 +263 31 4 891299387 +263 58 4 891299264 +263 64 5 891298453 +263 69 5 891298914 +263 79 4 891298047 +263 82 4 891299697 +263 86 4 891299574 +263 87 4 891298977 +263 95 5 891299324 +263 96 4 891298336 +263 97 4 891299387 +263 99 3 891298977 +263 100 5 891298453 +263 117 3 891299387 +263 125 4 891299573 +263 127 4 891299514 +263 132 5 891298392 +263 134 5 891299697 +263 135 5 891299877 +263 136 4 891298337 +263 141 5 891299877 +263 143 5 891298592 +263 144 4 891298792 +263 153 3 891298727 +263 162 5 891299630 +263 163 5 891299697 +263 168 5 891299949 +263 174 5 891299697 +263 176 5 891299752 +263 177 4 891297988 +263 181 4 891299448 +263 183 4 891298655 +263 186 4 891299815 +263 188 5 891299031 +263 194 5 891298107 +263 195 5 891299949 +263 196 4 891298164 +263 197 4 891299752 +263 199 5 891298914 +263 202 4 891299031 +263 204 4 891298854 +263 205 5 891298792 +263 210 3 891298792 +263 215 4 891298273 +263 222 4 891299573 +263 234 4 891298792 +263 237 2 891300103 +263 245 4 891297417 +263 250 2 891300103 +263 260 2 891297677 +263 265 4 891299815 +263 269 4 891296842 +263 271 1 891297276 +263 272 5 891296919 +263 294 2 891297330 +263 300 3 891297330 +263 315 4 891296896 +263 316 5 891297416 +263 318 5 891298453 +263 322 3 891297485 +263 323 1 891297485 +263 328 4 891297330 +263 333 2 891296842 +263 378 5 891299630 +263 416 5 891299697 +263 419 5 891299514 +263 423 5 891299630 +263 432 2 891299448 +263 434 4 891299514 +263 435 4 891298914 +263 480 3 891298453 +263 483 5 891298336 +263 484 4 891298107 +263 486 4 891299148 +263 495 5 891298977 +263 496 5 891298218 +263 498 5 891298046 +263 510 4 891298392 +263 511 5 891299324 +263 514 3 891299387 +263 515 5 891298592 +263 520 3 891298163 +263 521 3 891297988 +263 523 5 891298107 +263 526 5 891298854 +263 527 5 891299148 +263 528 4 891298854 +263 543 5 891298727 +263 568 4 891299387 +263 614 3 891298792 +263 622 4 891299949 +263 646 5 891299877 +263 648 5 891297988 +263 661 5 891298728 +263 662 4 891299324 +263 678 2 891297766 +263 690 5 891297209 +263 699 4 891299207 +263 732 5 891299265 +263 879 2 891297416 +263 886 2 891297484 +263 892 3 891297766 +263 921 3 891298727 +263 1020 3 891298337 +263 1126 5 891298391 +263 1444 3 891299949 +263 1451 4 891299949 +263 1473 5 891299877 +264 4 4 886123656 +264 12 5 886122508 +264 14 4 886122771 +264 19 5 886122952 +264 25 4 886124197 +264 26 4 886123727 +264 33 3 886122644 +264 42 5 886123358 +264 56 5 886122261 +264 70 4 886123596 +264 88 3 886123728 +264 123 4 886122952 +264 150 5 886122952 +264 153 5 886122031 +264 168 5 886122031 +264 173 5 886123358 +264 175 5 886123472 +264 179 5 886122031 +264 182 5 886122098 +264 183 5 886122577 +264 184 5 886122447 +264 185 5 886122261 +264 192 4 886122099 +264 194 5 886123358 +264 200 5 886122352 +264 202 5 886123596 +264 203 2 886122508 +264 204 5 886123472 +264 208 5 886123415 +264 209 5 886123415 +264 210 5 886123415 +264 211 5 886123472 +264 216 5 886123358 +264 217 3 886122446 +264 219 5 886122447 +264 222 5 886122577 +264 230 4 886122644 +264 234 4 886122261 +264 235 5 886122952 +264 238 5 886122031 +264 240 4 886124352 +264 269 5 886121456 +264 275 5 886122706 +264 283 5 886122952 +264 286 2 886121691 +264 288 5 886121631 +264 294 3 886121516 +264 320 4 886122261 +264 345 4 886121516 +264 367 4 886123656 +264 381 4 886123596 +264 382 4 886123596 +264 401 5 886123656 +264 430 5 886123531 +264 433 5 886123530 +264 436 3 886122352 +264 443 5 886122447 +264 447 5 886122352 +264 448 2 886122031 +264 451 4 886123531 +264 475 5 886122706 +264 478 5 886122194 +264 504 5 886122577 +264 514 5 886123359 +264 516 5 886123655 +264 517 5 886123358 +264 524 3 886123596 +264 558 5 886122447 +264 559 5 886122446 +264 602 4 886122194 +264 603 5 886122508 +264 606 5 886122099 +264 645 4 886123358 +264 654 5 886122508 +264 655 4 886123530 +264 656 4 886122099 +264 659 5 886122577 +264 671 4 886122261 +264 672 3 886122447 +264 675 4 886122352 +264 676 3 886123172 +264 683 2 886121811 +264 702 4 886123531 +264 709 5 886123727 +264 721 5 886123656 +264 742 2 886122578 +264 745 5 886123656 +264 746 3 886123358 +264 762 3 886122771 +264 774 2 886122446 +264 792 5 886123415 +264 813 4 886122952 +264 844 1 886124097 +264 856 3 886123472 +264 873 3 886121517 +264 1009 4 886124417 +264 1069 5 886123728 +264 1070 4 886123415 +264 1074 4 886123727 +264 1103 5 886123656 +264 1118 4 886123656 +264 1225 3 886123530 +264 1270 2 886122194 +264 1355 4 886124417 +264 1474 2 886123728 +264 1475 2 886123596 +265 1 5 875320247 +265 7 2 875320689 +265 15 3 875320574 +265 50 2 875320398 +265 118 4 875320714 +265 125 4 875320516 +265 151 2 875320661 +265 181 2 875320180 +265 237 5 875320462 +265 240 3 875320633 +265 245 4 875320112 +265 257 4 875320462 +265 258 4 875320024 +265 273 5 875320714 +265 279 2 875320462 +265 284 4 875320689 +265 288 4 875320024 +265 293 4 875320661 +265 294 4 875320052 +265 298 5 875320633 +265 300 5 875320024 +265 323 3 875320112 +265 327 3 875320052 +265 328 4 875320084 +265 409 3 875320462 +265 410 4 875320633 +265 471 4 875320302 +265 472 3 875320542 +265 477 3 875320371 +265 591 5 875320424 +265 676 2 875320487 +265 688 2 875320084 +265 742 5 875320542 +265 815 3 875320424 +265 934 3 875320574 +265 975 4 875320601 +265 1016 3 875320462 +265 1197 2 875320542 +266 9 4 892258004 +266 14 4 892258004 +266 25 3 892257940 +266 100 5 892257865 +266 124 4 892258004 +266 268 4 892256828 +266 272 4 892256705 +266 275 5 892257831 +266 276 3 892258004 +266 283 3 892257897 +266 285 4 892257940 +266 286 4 892256662 +266 289 3 892256967 +266 313 4 892256705 +266 325 1 892257419 +266 508 4 892258004 +266 676 3 892257897 +266 874 2 892257101 +266 924 2 892258038 +267 2 3 878972463 +267 3 4 878970901 +267 5 3 878972399 +267 7 5 878970503 +267 12 5 878971659 +267 17 4 878971773 +267 22 4 878971816 +267 24 5 878972682 +267 28 4 878972524 +267 29 3 878973426 +267 31 4 878972119 +267 33 5 878972650 +267 50 5 878974783 +267 53 4 878972842 +267 54 3 878973922 +267 55 4 878972785 +267 62 3 878973597 +267 64 5 878972193 +267 65 4 878972071 +267 67 3 878973088 +267 68 4 878972931 +267 69 4 878971659 +267 77 3 878972650 +267 80 4 878973597 +267 88 4 878972873 +267 89 5 878971690 +267 94 3 878972558 +267 98 5 878971989 +267 108 4 878971224 +267 114 5 878971514 +267 121 3 878970681 +267 124 5 878970473 +267 128 5 878972170 +267 135 5 878972463 +267 144 5 878971463 +267 145 4 878972903 +267 147 3 878970681 +267 156 5 878971599 +267 157 5 878971874 +267 158 4 878973126 +267 159 4 878974659 +267 161 4 878972706 +267 164 3 878972342 +267 168 4 878971716 +267 169 5 878972614 +267 172 5 878974783 +267 174 5 878971405 +267 175 5 878972558 +267 176 5 878971874 +267 177 5 878972756 +267 179 5 878972314 +267 180 5 878971690 +267 181 5 878974783 +267 182 5 878971773 +267 183 4 878971438 +267 187 5 878972071 +267 188 5 878971745 +267 189 4 878971874 +267 195 4 878972092 +267 204 4 878971629 +267 206 5 878974783 +267 210 4 878972434 +267 214 4 878972342 +267 216 4 878972586 +267 218 4 878972650 +267 222 4 878970681 +267 226 3 878972463 +267 227 3 878973088 +267 228 5 878972434 +267 229 4 878972558 +267 231 4 878973153 +267 233 4 878972731 +267 235 3 878970578 +267 238 4 878971629 +267 240 4 878970503 +267 250 5 878970399 +267 265 5 878972903 +267 273 4 878970503 +267 293 4 878970785 +267 294 3 878970155 +267 324 3 878970114 +267 364 2 878974460 +267 367 4 878971939 +267 380 2 878973426 +267 384 3 878973734 +267 385 3 878972873 +267 386 3 878973597 +267 391 3 878973675 +267 393 3 878973483 +267 403 4 878971939 +267 405 3 878970953 +267 408 5 878974783 +267 410 4 878970785 +267 423 3 878972842 +267 431 4 878973426 +267 433 5 878972314 +267 449 3 878973358 +267 450 2 878974128 +267 455 3 878970578 +267 464 5 878974783 +267 470 4 878972931 +267 474 5 878974783 +267 475 5 878970368 +267 479 4 878971405 +267 480 4 878971438 +267 484 5 878971542 +267 515 5 878970710 +267 518 5 878971773 +267 545 2 878974723 +267 546 3 878970877 +267 550 4 878973047 +267 552 3 878973621 +267 554 3 878972040 +267 559 3 878972614 +267 566 3 878973047 +267 568 4 878972955 +267 575 3 878974052 +267 576 3 878973760 +267 578 3 878973153 +267 597 3 878970805 +267 622 3 878974077 +267 642 4 878972524 +267 647 5 878971629 +267 654 5 878971902 +267 655 4 878971989 +267 665 4 878973825 +267 684 4 878973088 +267 685 3 878970978 +267 693 4 878972266 +267 710 4 878972493 +267 715 4 878972682 +267 720 3 878973946 +267 727 4 878972289 +267 732 4 878973650 +267 739 4 878973276 +267 771 3 878973900 +267 780 4 878973250 +267 789 5 878972119 +267 810 3 878973568 +267 824 4 878970953 +267 826 3 878971266 +267 840 4 878970926 +267 926 2 878970785 +267 943 4 878972903 +267 944 3 878973179 +267 959 3 878972524 +267 980 3 878970578 +267 1028 3 878971143 +267 1035 4 878973971 +267 1073 5 878974783 +267 1090 3 878973854 +267 1110 3 878973329 +267 1145 3 878974608 +267 1185 2 878973995 +267 1240 5 878974783 +267 1401 4 878971816 +267 1471 2 878974509 +268 1 3 875742341 +268 2 2 875744173 +268 4 4 875309829 +268 7 4 876513953 +268 10 4 875306691 +268 11 4 875309507 +268 12 4 875310116 +268 13 3 875742647 +268 16 3 875306691 +268 17 3 875743588 +268 21 3 875742822 +268 24 2 876514002 +268 25 3 875742556 +268 27 4 875744136 +268 29 1 875744356 +268 31 4 875310311 +268 33 3 875310645 +268 37 3 876514002 +268 38 1 875744228 +268 40 3 875743708 +268 42 4 875310384 +268 47 1 875310645 +268 50 5 875309719 +268 51 3 875745202 +268 52 3 875309319 +268 53 3 875744173 +268 55 4 875309998 +268 59 5 875309282 +268 61 4 875309282 +268 62 3 875310824 +268 63 1 875743792 +268 67 3 875743588 +268 68 4 875744173 +268 71 3 875309486 +268 72 3 875743831 +268 73 3 875743563 +268 79 3 875309801 +268 80 3 875743909 +268 82 3 875310784 +268 83 4 875309344 +268 89 4 876513897 +268 91 3 875310311 +268 94 2 875743630 +268 96 5 876513953 +268 97 4 875310031 +268 98 4 875309583 +268 99 3 875744744 +268 100 3 875742316 +268 101 2 875542174 +268 105 2 876513927 +268 108 3 875742992 +268 114 5 875744966 +268 116 4 875306760 +268 117 4 875742613 +268 120 2 875743282 +268 121 2 875743141 +268 122 2 875743310 +268 123 3 875742794 +268 124 4 875742499 +268 127 4 875309945 +268 128 3 875744199 +268 129 2 875742437 +268 134 5 875310083 +268 135 4 875309583 +268 139 2 875744744 +268 141 3 875744832 +268 143 2 875310116 +268 144 4 875744106 +268 145 1 875744501 +268 147 4 876514002 +268 151 3 875742470 +268 153 5 875743503 +268 154 4 875743563 +268 158 2 875743678 +268 161 3 875744199 +268 163 2 875743656 +268 164 2 875744556 +268 168 4 875310384 +268 169 5 875309829 +268 172 5 875310031 +268 174 5 875309882 +268 176 5 875309998 +268 179 4 875309258 +268 180 3 875309719 +268 181 4 875309486 +268 182 4 875309882 +268 183 4 875309583 +268 184 4 875310524 +268 185 3 875309801 +268 186 3 875310311 +268 188 4 875309859 +268 189 4 875744966 +268 194 4 875310352 +268 195 4 875309719 +268 198 4 875309232 +268 203 5 876513855 +268 204 3 875310311 +268 205 5 875309859 +268 206 3 875309232 +268 209 4 875310311 +268 210 3 875310571 +268 211 4 875309583 +268 217 2 875744501 +268 218 2 875744469 +268 219 3 875744533 +268 222 4 875742275 +268 226 4 875310784 +268 227 4 875310824 +268 228 4 875309945 +268 229 2 875310784 +268 231 4 875744136 +268 232 3 875310745 +268 233 3 875310412 +268 234 4 875309430 +268 235 3 875742556 +268 238 3 875310352 +268 239 3 875310491 +268 241 3 875310603 +268 244 4 875742316 +268 246 5 875742316 +268 248 3 875742530 +268 249 4 875742437 +268 250 4 875742530 +268 252 3 875743182 +268 258 2 876513675 +268 260 3 876513643 +268 264 3 876513607 +268 265 3 875310603 +268 267 3 875742077 +268 269 4 876513523 +268 273 3 875742470 +268 284 3 875742407 +268 286 5 875306477 +268 288 4 875306477 +268 298 3 875742647 +268 302 5 876513584 +268 324 4 876513708 +268 325 3 876513675 +268 328 1 876513643 +268 333 4 876513565 +268 357 4 875309882 +268 358 3 876513643 +268 363 1 875744228 +268 364 3 875743979 +268 369 1 875744021 +268 370 2 875745579 +268 374 2 875744895 +268 379 1 875744582 +268 380 2 875310704 +268 381 3 875309344 +268 382 3 875309282 +268 384 3 875743868 +268 385 3 875310206 +268 386 2 875743978 +268 388 1 875743979 +268 391 3 876513897 +268 395 2 875744021 +268 397 2 875744321 +268 399 3 875743656 +268 402 1 875745231 +268 403 4 875309914 +268 404 4 875309430 +268 407 1 876514002 +268 408 5 875742316 +268 421 3 876513927 +268 425 4 875310549 +268 432 3 875310145 +268 433 4 876514107 +268 435 4 875309859 +268 436 3 875310745 +268 449 2 875744357 +268 450 1 875745536 +268 452 1 876514002 +268 453 1 875744611 +268 455 3 875742499 +268 456 2 875743012 +268 466 3 875310571 +268 470 3 875310745 +268 472 1 875743335 +268 474 5 875309718 +268 475 4 875306644 +268 477 3 875742407 +268 480 5 875309430 +268 483 5 875309859 +268 484 4 876513831 +268 506 4 875310625 +268 527 4 875309430 +268 540 1 875542174 +268 541 3 875744357 +268 544 3 875743090 +268 546 4 875743110 +268 550 2 875310524 +268 552 2 876514108 +268 554 3 875744388 +268 558 3 875309304 +268 566 3 875744321 +268 568 3 875542174 +268 569 3 875744582 +268 579 1 875744021 +268 580 3 875309344 +268 582 5 875309344 +268 583 4 876513830 +268 597 2 875743310 +268 630 4 875542174 +268 654 5 875309718 +268 658 3 875310524 +268 665 2 875310745 +268 672 2 875744501 +268 679 4 876514107 +268 684 3 875744321 +268 699 3 875744712 +268 710 3 875309719 +268 713 4 875742365 +268 715 1 875310603 +268 717 1 876513785 +268 718 4 875306805 +268 719 1 875744021 +268 721 3 875743587 +268 727 2 875310116 +268 729 3 875310673 +268 732 3 876514107 +268 735 3 876518557 +268 738 2 875744021 +268 743 1 875743335 +268 746 3 876513855 +268 747 3 875310412 +268 761 1 875744136 +268 762 2 875743216 +268 765 2 875743979 +268 768 3 875744895 +268 780 3 875743929 +268 781 3 875743951 +268 790 2 876513785 +268 800 1 875744501 +268 810 2 875744388 +268 823 2 875742942 +268 824 2 876518557 +268 825 3 875742893 +268 826 1 875743065 +268 840 2 875744357 +268 926 2 875743012 +268 928 1 875745536 +268 930 2 875742942 +268 940 2 875743888 +268 941 2 875310463 +268 946 3 875310442 +268 949 2 875743909 +268 955 3 875745160 +268 978 2 876513927 +268 981 1 875743283 +268 998 1 875743929 +268 1002 1 875743216 +268 1016 3 875742470 +268 1035 2 875542174 +268 1037 2 875745255 +268 1041 1 875743735 +268 1046 3 875745501 +268 1054 1 875744051 +268 1059 3 875743310 +268 1065 4 875310824 +268 1074 3 875744051 +268 1079 3 875742916 +268 1090 2 875745536 +268 1091 2 875744895 +268 1095 2 876513927 +268 1110 3 876514077 +268 1157 1 875745428 +268 1178 1 875743534 +268 1208 2 875745398 +268 1222 2 875744174 +268 1228 1 875744357 +268 1231 2 875744228 +268 1249 2 875743793 +268 1273 2 875745476 +268 1314 2 875744289 +268 1476 2 876513897 +268 1477 2 875742680 +269 3 3 891446722 +269 5 2 891450780 +269 7 3 891449055 +269 9 4 891446246 +269 11 3 891448365 +269 13 4 891446662 +269 15 2 891446348 +269 17 2 891449670 +269 22 1 891448072 +269 23 5 891447773 +269 42 5 891449646 +269 44 3 891449691 +269 47 4 891448386 +269 48 5 891455816 +269 50 3 891448926 +269 51 2 891451111 +269 52 4 891447329 +269 53 1 891451111 +269 55 4 891449214 +269 56 5 891455815 +269 58 2 891447842 +269 63 1 891450857 +269 64 4 891447960 +269 65 4 891448072 +269 66 1 891451063 +269 69 1 891448048 +269 70 1 891447280 +269 72 2 891451470 +269 76 3 891448456 +269 77 1 891451374 +269 81 3 891448323 +269 82 2 891450780 +269 88 1 891450427 +269 89 2 891448800 +269 93 3 891446580 +269 96 1 891450755 +269 98 4 891448951 +269 100 5 891446246 +269 106 1 891451947 +269 108 5 891457067 +269 111 1 891446703 +269 120 1 891446926 +269 124 5 891446165 +269 127 4 891446165 +269 131 5 891449728 +269 132 5 891449145 +269 134 4 891448849 +269 135 4 891447931 +269 136 4 891449075 +269 137 4 891446193 +269 139 1 891451492 +269 142 1 891451570 +269 143 3 891450385 +269 148 1 891446443 +269 151 5 891450489 +269 152 4 891450623 +269 153 3 891449346 +269 154 3 891449189 +269 156 5 891449364 +269 157 3 891448092 +269 160 2 891448220 +269 161 1 891451036 +269 162 3 891448141 +269 167 1 891451648 +269 168 4 891448850 +269 170 2 891447216 +269 171 5 891447169 +269 172 3 891449031 +269 173 1 891449429 +269 174 1 891449124 +269 175 5 891455816 +269 176 2 891448980 +269 177 5 891449214 +269 179 4 891447141 +269 180 3 891448120 +269 182 4 891447961 +269 183 3 891448823 +269 185 5 891448951 +269 186 2 891449670 +269 187 4 891447841 +269 188 2 891450675 +269 191 5 891457067 +269 192 4 891447979 +269 194 5 891448951 +269 195 3 891449099 +269 197 5 891447961 +269 198 4 891447062 +269 200 4 891449984 +269 202 2 891450405 +269 204 2 891449842 +269 205 3 891447841 +269 209 4 891448895 +269 210 1 891449608 +269 211 4 891449075 +269 212 4 891447002 +269 213 5 891447255 +269 214 3 891448547 +269 216 1 891449691 +269 217 2 891451610 +269 218 2 891450509 +269 231 1 891451013 +269 232 1 891450817 +269 234 1 891449406 +269 235 3 891446756 +269 237 2 891446368 +269 238 5 891448850 +269 239 2 891448386 +269 241 1 891450405 +269 246 5 891457067 +269 252 1 891456350 +269 254 1 891456565 +269 268 5 891446132 +269 272 3 891445757 +269 274 1 891450901 +269 276 5 891446193 +269 281 1 891451590 +269 285 5 891446165 +269 293 3 891446308 +269 302 3 891446132 +269 315 4 891446132 +269 316 4 891446132 +269 318 4 891447791 +269 340 5 891446132 +269 346 2 891445757 +269 357 5 891447773 +269 365 2 891448738 +269 367 3 891450023 +269 371 5 891450880 +269 378 3 891449962 +269 387 3 891448283 +269 393 1 891451036 +269 396 4 891451856 +269 401 3 891451013 +269 403 1 891448522 +269 405 1 891450902 +269 410 4 891446662 +269 411 1 891451013 +269 412 3 891446904 +269 414 3 891449624 +269 423 4 891448048 +269 425 5 891448345 +269 427 5 891447960 +269 428 5 891448980 +269 432 4 891450005 +269 433 3 891449900 +269 435 3 891449011 +269 436 3 891450675 +269 441 1 891450857 +269 444 3 891451971 +269 445 3 891450385 +269 447 3 891451303 +269 462 3 891447216 +269 469 4 891448072 +269 474 4 891448823 +269 475 5 891457067 +269 476 1 891446703 +269 478 4 891448980 +269 479 4 891448980 +269 482 3 891448823 +269 483 4 891448800 +269 484 3 891448895 +269 486 3 891449922 +269 488 4 891448926 +269 492 4 891449550 +269 497 3 891449429 +269 498 4 891448926 +269 499 4 891449099 +269 502 3 891449842 +269 504 4 891449922 +269 505 3 891449551 +269 506 5 891449572 +269 507 4 891448800 +269 512 5 891447216 +269 514 4 891449123 +269 515 4 891446132 +269 517 4 891449189 +269 518 4 891447815 +269 521 4 891448048 +269 522 5 891447773 +269 523 5 891447593 +269 525 4 891449055 +269 527 5 891447841 +269 528 4 891447593 +269 529 5 891455815 +269 531 5 891447141 +269 537 5 891455816 +269 568 2 891450719 +269 582 4 891447234 +269 597 1 891450978 +269 602 4 891449346 +269 603 5 891448871 +269 604 3 891448895 +269 608 4 891449526 +269 614 3 891450471 +269 616 4 891450453 +269 627 1 891451063 +269 632 4 891447931 +269 636 3 891450453 +269 639 4 891447216 +269 640 5 891457067 +269 642 3 891449464 +269 644 5 891447593 +269 645 4 891448048 +269 647 4 891447815 +269 654 4 891448980 +269 655 4 891448019 +269 657 4 891449550 +269 658 2 891448497 +269 659 4 891449406 +269 660 1 891448220 +269 664 5 891457067 +269 665 1 891451810 +269 673 4 891448322 +269 674 2 891451754 +269 679 1 891449962 +269 697 4 891447931 +269 705 2 891448850 +269 707 2 891449304 +269 708 4 891448323 +269 710 1 891449843 +269 715 4 891448092 +269 716 4 891451111 +269 717 1 891456493 +269 723 1 891448643 +269 729 2 891448569 +269 735 2 891448120 +269 739 1 891451431 +269 741 5 891457067 +269 747 4 891449646 +269 756 1 891451947 +269 761 2 891451374 +269 763 1 891450555 +269 771 1 891451754 +269 775 1 891451571 +269 778 3 891448547 +269 783 1 891451889 +269 793 4 891449880 +269 805 2 891450623 +269 806 3 891448019 +269 809 1 891451451 +269 821 1 891450427 +269 823 3 891446514 +269 825 1 891456033 +269 843 3 891451374 +269 845 1 891456255 +269 856 5 891448220 +269 886 3 891446133 +269 902 5 891446132 +269 919 4 891446132 +269 922 5 891457067 +269 923 4 891447169 +269 928 1 891451754 +269 931 1 891451754 +269 939 2 891448177 +269 940 1 891451908 +269 956 3 891448475 +269 959 5 891457067 +269 961 5 891457067 +269 985 3 891446443 +269 998 5 891451548 +269 1005 4 891447427 +269 1006 3 891447409 +269 1011 4 891446246 +269 1014 3 891446838 +269 1017 5 892567767 +269 1020 4 891449571 +269 1028 2 891446838 +269 1040 1 891456425 +269 1065 5 891447891 +269 1071 2 891449801 +269 1074 1 891448697 +269 1091 2 891451705 +269 1101 4 891448120 +269 1103 5 891447773 +269 1133 1 891451374 +269 1135 2 891448456 +269 1148 4 891447062 +269 1154 3 891449608 +269 1165 1 891446904 +269 1168 2 891448386 +269 1188 1 891451857 +269 1267 1 891448643 +269 1361 4 891446756 +269 1397 4 891450575 +269 1411 3 891451829 +269 1427 2 891448141 +269 1438 3 891448522 +269 1478 1 891448643 +269 1479 2 891451111 +269 1480 1 891451725 +270 5 5 876956064 +270 7 4 876954004 +270 13 4 876954192 +270 17 2 876956064 +270 25 5 876954456 +270 26 5 876954995 +270 50 5 876954004 +270 53 4 876956106 +270 56 5 876955976 +270 60 5 876955066 +270 66 4 876955531 +270 70 5 876955066 +270 77 2 876956038 +270 79 4 876955938 +270 83 4 876954995 +270 86 4 876955067 +270 90 5 876955770 +270 97 4 876955633 +270 98 5 876955868 +270 118 3 876956038 +270 121 4 876954093 +270 145 3 876956419 +270 148 4 876954062 +270 155 5 876955770 +270 156 5 876955899 +270 159 4 876956233 +270 164 5 876956137 +270 173 5 876955531 +270 176 4 876955976 +270 181 4 876954036 +270 183 5 876955938 +270 185 5 876955938 +270 217 5 876956360 +270 218 5 876956206 +270 219 5 876956389 +270 222 5 876954521 +270 226 4 876956038 +270 230 3 876955868 +270 234 5 876955976 +270 237 1 876954484 +270 241 5 876955633 +270 242 5 876953744 +270 244 3 876954004 +270 250 2 876954223 +270 253 5 876954733 +270 257 4 876954223 +270 258 3 876953744 +270 265 4 876956137 +270 268 5 876953745 +270 275 5 876954248 +270 279 5 876954093 +270 281 5 876956137 +270 282 3 876954093 +270 283 5 876954456 +270 286 5 876953744 +270 288 5 876953827 +270 295 5 876954248 +270 306 5 876953744 +270 327 5 876953900 +270 335 3 876953900 +270 356 3 876956064 +270 370 5 876956232 +270 379 5 876956232 +270 387 5 876955689 +270 402 5 876955770 +270 441 5 876956420 +270 443 3 876955976 +270 447 4 876956360 +270 452 4 876956264 +270 466 5 876955899 +270 471 5 876954223 +270 509 3 876954965 +270 531 4 876954945 +270 546 4 876954484 +270 551 4 876956264 +270 553 1 876955689 +270 554 1 876956264 +270 558 5 876954927 +270 559 5 876956442 +270 563 3 876956442 +270 566 5 876955939 +270 569 4 876956419 +270 581 5 876955938 +270 583 5 876956038 +270 584 5 876955067 +270 596 5 876954456 +270 603 5 876955868 +270 671 4 876956360 +270 672 5 876956390 +270 684 4 876955938 +270 694 5 876954927 +270 703 4 876955019 +270 707 5 876954927 +270 713 5 876954122 +270 714 4 876954965 +270 716 4 876955563 +270 722 4 876955689 +270 727 5 876955563 +270 736 5 876955087 +270 739 4 876955729 +270 740 5 876954062 +270 741 5 876953967 +270 742 2 876954248 +270 747 5 876955662 +270 778 5 876955711 +270 781 5 876955750 +270 794 4 876955689 +270 800 5 876956106 +270 860 5 876956464 +270 872 5 876953827 +270 928 4 876956137 +270 1007 5 876954036 +270 1009 5 876954522 +270 1014 4 876954062 +270 1109 5 876955899 +270 1119 5 876955729 +270 1148 5 876955042 +270 1210 5 876956264 +270 1471 4 876956264 +271 1 3 886106038 +271 2 1 885849386 +271 4 5 885849357 +271 8 4 885848770 +271 9 4 885847738 +271 11 4 885848408 +271 12 4 885848314 +271 13 4 885847714 +271 15 3 885847876 +271 22 5 885848518 +271 25 3 885847876 +271 28 5 885849025 +271 31 4 885849325 +271 38 2 885849648 +271 43 3 885849817 +271 44 4 885849357 +271 48 4 885849087 +271 50 5 885848640 +271 51 4 885849386 +271 52 4 885849470 +271 54 3 885849188 +271 56 3 885848559 +271 58 3 885849325 +271 62 2 885849386 +271 64 5 885848863 +271 65 3 885849419 +271 70 5 885849164 +271 77 4 885849231 +271 79 4 885848672 +271 83 4 885848408 +271 87 3 885848802 +271 88 4 885849087 +271 89 3 885848518 +271 95 4 885848916 +271 97 5 885848736 +271 98 5 885848559 +271 100 5 885847738 +271 107 1 885848179 +271 111 4 885847956 +271 116 2 885847636 +271 117 3 886106003 +271 118 3 885848132 +271 121 2 885848132 +271 124 4 886105886 +271 125 3 885848062 +271 126 3 885848034 +271 127 5 885848863 +271 130 1 885848218 +271 132 5 885848672 +271 133 4 885848971 +271 134 3 885848518 +271 135 4 885848373 +271 136 3 885848863 +271 137 4 885847636 +271 141 4 885849114 +271 148 3 886106165 +271 161 2 885849470 +271 168 2 885848343 +271 169 5 885848475 +271 170 5 885848827 +271 172 5 885848616 +271 174 5 885848314 +271 176 3 885848640 +271 178 3 885849087 +271 179 4 885848616 +271 180 5 885849087 +271 181 5 885848707 +271 185 3 885848448 +271 186 4 885848915 +271 187 5 885848343 +271 188 2 885849087 +271 190 4 885848707 +271 191 5 885848448 +271 192 5 885848373 +271 193 5 885848475 +271 194 5 885848770 +271 196 4 885848886 +271 197 4 885848915 +271 198 4 885848616 +271 199 4 885848448 +271 200 5 885849356 +271 203 4 885848448 +271 204 4 885848314 +271 211 5 885849164 +271 215 4 885849300 +271 216 5 885848672 +271 218 3 885849087 +271 220 3 885848179 +271 221 3 885847927 +271 224 4 885847876 +271 234 5 885848640 +271 235 3 885848062 +271 237 4 885847763 +271 239 3 885849419 +271 241 3 885849207 +271 242 4 885844495 +271 244 2 886106039 +271 248 4 886106129 +271 257 4 886106038 +271 258 3 885847357 +271 265 5 885849275 +271 269 4 885844430 +271 272 3 885844583 +271 274 3 885848014 +271 275 4 885847693 +271 276 3 885847800 +271 277 4 885847714 +271 282 2 885847666 +271 283 4 885847876 +271 284 3 885847956 +271 285 4 885847876 +271 286 4 885844610 +271 289 4 885844666 +271 294 2 885844698 +271 300 2 885844583 +271 310 3 885844430 +271 311 3 885844547 +271 312 2 885847280 +271 313 4 885844583 +271 315 4 885847170 +271 317 3 885848863 +271 318 5 885848707 +271 328 2 885844746 +271 338 1 885847194 +271 345 3 885844666 +271 346 4 885844430 +271 356 4 885849300 +271 357 5 885848408 +271 371 5 885849188 +271 378 4 885849447 +271 384 3 885849582 +271 392 3 885848343 +271 393 4 885849648 +271 402 4 885849791 +271 410 2 885848238 +271 411 1 885848062 +271 414 4 885849470 +271 419 3 885848996 +271 423 4 885848802 +271 425 2 885849275 +271 427 5 885848518 +271 428 4 885849188 +271 429 4 885848672 +271 430 5 885849419 +271 435 4 885848802 +271 441 3 885849648 +271 443 3 885848943 +271 451 3 885849447 +271 461 5 885849582 +271 466 4 885849490 +271 470 3 885848707 +271 471 3 885847926 +271 472 2 886106165 +271 476 1 885848062 +271 479 4 885848615 +271 480 4 885848475 +271 482 5 885848519 +271 485 4 885848827 +271 490 4 885848886 +271 494 4 885848770 +271 495 5 885849052 +271 496 5 885849140 +271 505 4 885848475 +271 506 4 885849052 +271 507 2 885848707 +271 509 4 885848559 +271 510 4 885849140 +271 514 4 885848408 +271 515 5 885848558 +271 516 4 885849447 +271 517 3 885848943 +271 518 4 885849357 +271 520 5 885848615 +271 521 5 885848373 +271 523 4 885848770 +271 526 5 885849188 +271 527 5 885848736 +271 528 3 885848448 +271 529 4 885848475 +271 530 4 885848770 +271 539 1 885847170 +271 546 2 885848102 +271 549 4 885849231 +271 566 4 885848707 +271 570 3 885849742 +271 580 2 885849386 +271 582 3 885849113 +271 602 3 885848886 +271 605 4 885849164 +271 610 3 885848584 +271 614 4 885848373 +271 624 2 885849558 +271 630 2 885848943 +271 642 5 885849231 +271 644 3 885848916 +271 648 4 885848770 +271 649 3 885849510 +271 651 4 885848584 +271 654 5 885848475 +271 657 4 885848559 +271 659 3 885848827 +271 660 5 885848971 +271 661 4 885848373 +271 663 4 885849052 +271 690 4 885844430 +271 692 4 885849582 +271 699 4 885849025 +271 703 3 885848559 +271 705 4 885849052 +271 707 4 885849140 +271 709 3 885849325 +271 713 4 885847800 +271 714 3 885848863 +271 729 4 885848996 +271 732 4 885848672 +271 735 4 885849140 +271 739 4 885849706 +271 742 3 886106209 +271 744 4 885847693 +271 750 4 885844698 +271 756 2 885848218 +271 763 3 885847876 +271 792 4 885849536 +271 823 3 885848237 +271 845 1 885847800 +271 864 3 886106165 +271 866 4 885848132 +271 882 3 885844547 +271 951 2 885849606 +271 963 5 885848518 +271 1028 2 885848102 +271 1046 4 885849357 +271 1091 4 885849648 +271 1101 4 885849025 +271 1117 3 885847763 +271 1133 3 885849536 +271 1139 3 885849707 +271 1266 2 885848943 +271 1282 2 885847666 +271 1411 2 885849895 +272 8 4 879455015 +272 11 4 879455143 +272 12 5 879455254 +272 22 5 879454753 +272 23 5 879454725 +272 32 4 879455113 +272 42 4 879454939 +272 48 4 879455143 +272 50 4 879454900 +272 56 5 879455220 +272 69 4 879455113 +272 79 5 879455015 +272 96 5 879454845 +272 98 4 879454797 +272 127 5 879454725 +272 133 1 879455143 +272 134 5 879455176 +272 172 4 879455043 +272 174 5 879455043 +272 175 5 879455043 +272 178 5 879455113 +272 183 4 879454726 +272 187 5 879455043 +272 193 4 879455254 +272 194 5 879455043 +272 201 3 879455113 +272 205 5 879454726 +272 210 5 879455220 +272 211 5 879454845 +272 234 4 879455143 +272 288 4 879454663 +272 317 4 879454977 +272 357 5 879454726 +272 423 4 879454939 +272 469 5 879455143 +272 474 5 879454753 +272 483 5 879454875 +272 498 4 879454726 +272 514 5 879455254 +272 521 5 879454977 +272 604 4 879455113 +272 746 3 879454797 +272 772 2 879455220 +272 1101 5 879454977 +272 1393 2 879454663 +273 268 5 891292905 +273 272 4 891292811 +273 286 3 891292761 +273 303 4 891293048 +273 304 3 891292935 +273 305 4 891292905 +273 307 2 891292761 +273 311 4 891292905 +273 313 3 891292873 +273 315 4 891292846 +273 316 4 891293201 +273 319 4 891292846 +273 321 4 891293048 +273 328 3 891293048 +273 338 3 891293304 +273 340 3 891292761 +273 345 3 891293108 +273 690 4 891293008 +273 896 4 891292873 +273 900 3 891292873 +273 902 5 891293008 +274 1 4 878945466 +274 9 5 878945404 +274 15 5 878945505 +274 25 5 878945541 +274 50 5 878944679 +274 69 5 878946644 +274 71 4 878946612 +274 83 5 878946612 +274 88 4 878946677 +274 98 5 878946536 +274 100 5 878945404 +274 111 4 878945541 +274 117 4 878945264 +274 118 4 878945711 +274 125 4 878945711 +274 148 2 878946133 +274 150 5 878944679 +274 164 5 878946644 +274 181 5 878945365 +274 208 4 878946473 +274 211 5 878946612 +274 234 5 878946536 +274 237 4 878945678 +274 243 2 878944437 +274 255 2 878945579 +274 274 4 878945963 +274 275 5 878944679 +274 276 4 878945437 +274 277 4 878945818 +274 280 1 878946162 +274 282 5 878945788 +274 288 4 878944379 +274 294 3 878944379 +274 300 5 878944464 +274 318 5 878946577 +274 319 5 878944379 +274 405 4 878945840 +274 411 3 878945888 +274 471 4 878945505 +274 472 3 878945918 +274 476 4 878945645 +274 478 5 878946577 +274 496 5 878946473 +274 546 3 878945918 +274 591 4 878945466 +274 596 3 878945404 +274 629 5 878946645 +274 685 5 878945542 +274 713 5 878945437 +274 742 4 878945322 +274 744 5 878945678 +274 748 5 878944406 +274 756 3 878946030 +274 762 5 878945610 +274 815 3 878945763 +274 845 5 878945579 +274 846 2 878946204 +274 866 4 878946107 +274 873 3 878944491 +274 877 3 878944543 +274 924 3 878945918 +274 1051 4 878945763 +274 1060 4 878945645 +274 1063 4 878946502 +274 1152 4 878945939 +274 1163 2 878946162 +275 1 4 875154310 +275 28 4 880314529 +275 50 4 876198296 +275 62 3 876198328 +275 69 3 880314089 +275 71 3 875154535 +275 89 3 875154878 +275 95 3 875154535 +275 96 3 880314914 +275 98 4 875155140 +275 99 3 875154718 +275 101 4 875154535 +275 102 3 875154718 +275 117 3 876197615 +275 118 3 876197678 +275 132 3 880314529 +275 135 3 880314824 +275 142 2 880315197 +275 144 4 880314137 +275 154 2 875154878 +275 162 3 880315276 +275 164 4 880313886 +275 173 3 875154795 +275 174 4 875155257 +275 176 4 880314320 +275 181 4 876197615 +275 183 3 880314500 +275 186 3 880314383 +275 188 2 880315243 +275 191 4 880314797 +275 196 3 880314969 +275 199 4 880315170 +275 202 3 875155167 +275 208 3 880314772 +275 210 4 880314320 +275 222 4 876198296 +275 226 3 880314914 +275 227 3 876198296 +275 228 4 876198296 +275 229 3 876198296 +275 230 3 876198296 +275 252 2 876197944 +275 257 3 876197645 +275 258 3 875154310 +275 265 4 880314031 +275 294 4 876197443 +275 300 4 875153898 +275 304 3 876197368 +275 380 3 876198328 +275 393 3 880314772 +275 405 2 876197645 +275 408 3 875154438 +275 416 3 880314991 +275 418 3 875154718 +275 419 3 880314383 +275 420 2 875154535 +275 423 4 880315322 +275 431 3 880314969 +275 435 3 880313886 +275 449 3 876198328 +275 451 3 880315170 +275 473 3 880313679 +275 496 3 880314031 +275 501 3 875154718 +275 515 3 876197552 +275 520 4 880314218 +275 523 4 880314031 +275 588 3 875154535 +275 597 3 876197678 +275 627 3 875154718 +275 630 3 880315243 +275 636 3 880314383 +275 662 3 880315170 +275 679 3 880315080 +275 746 4 880314478 +275 825 2 876197904 +275 826 2 876197904 +275 930 3 876197904 +275 946 3 875154535 +275 969 2 880314412 +275 1066 3 880313679 +275 1091 2 875154535 +276 2 4 874792436 +276 4 4 874791623 +276 5 3 874792692 +276 8 4 874791623 +276 9 5 889174849 +276 11 5 874787497 +276 12 5 874787407 +276 14 4 890979947 +276 17 4 874791894 +276 21 3 874787195 +276 22 5 874787496 +276 23 5 874787467 +276 24 4 874792366 +276 31 4 874795704 +276 33 4 874792018 +276 34 2 877934264 +276 38 3 874792574 +276 39 3 874790995 +276 40 3 874791871 +276 41 3 874792277 +276 43 1 874791383 +276 44 3 874795637 +276 46 3 874791145 +276 47 4 874787407 +276 50 5 880913800 +276 53 4 883822485 +276 54 3 874791025 +276 55 4 874792366 +276 56 5 874791623 +276 57 3 874787526 +276 58 4 874791169 +276 62 2 874792574 +276 63 3 874792168 +276 64 5 874787441 +276 65 4 874787467 +276 66 3 874791993 +276 68 4 874792483 +276 69 4 874790996 +276 70 4 874790826 +276 71 4 874792870 +276 73 3 874791805 +276 74 3 884286759 +276 76 4 874791506 +276 77 3 874795751 +276 78 4 877934828 +276 79 4 874792436 +276 80 3 874792237 +276 81 4 874791101 +276 84 2 877934232 +276 85 3 874791871 +276 86 3 874791101 +276 88 3 874791960 +276 89 5 874792366 +276 91 5 882659577 +276 92 4 888873675 +276 94 2 882659602 +276 95 5 874792839 +276 96 5 874792435 +276 97 3 874787549 +276 98 5 874792663 +276 99 4 874792907 +276 100 5 874786605 +276 101 4 874977555 +276 104 1 874836682 +276 108 3 874786924 +276 109 4 874786686 +276 117 4 874786568 +276 118 3 874786964 +276 120 2 874787172 +276 121 4 874786897 +276 123 4 874786657 +276 124 5 880913800 +276 125 4 874786876 +276 127 5 874786568 +276 128 4 874792436 +276 135 5 874787441 +276 139 4 889174904 +276 141 4 874792870 +276 142 3 874792945 +276 143 5 874792870 +276 144 5 874792401 +276 145 3 874792692 +276 147 4 874786686 +276 150 4 874786924 +276 151 5 874786568 +276 153 4 874791667 +276 154 4 874791747 +276 156 5 874795704 +276 157 5 874790773 +276 158 3 874791932 +276 159 3 874795637 +276 161 3 874792483 +276 164 4 874792663 +276 168 5 874791623 +276 169 5 874977555 +276 171 4 874795928 +276 172 5 874792435 +276 175 5 874787376 +276 176 5 874792401 +276 179 5 874791102 +276 180 5 874787353 +276 181 5 874786488 +276 182 5 874787549 +276 186 5 874792018 +276 187 5 874791102 +276 188 4 874792547 +276 189 4 874977555 +276 192 5 874787353 +276 196 4 889174849 +276 197 5 874787549 +276 198 5 874795949 +276 200 5 874792663 +276 201 5 889174849 +276 203 4 877934910 +276 204 5 874791667 +276 206 5 874795988 +276 207 4 874795988 +276 209 4 874791667 +276 210 4 874792094 +276 214 5 874787353 +276 215 4 874791145 +276 217 4 874792692 +276 222 4 880913800 +276 223 5 874790773 +276 226 4 874792520 +276 227 4 880913800 +276 228 4 880913800 +276 229 3 874792483 +276 230 4 882659602 +276 231 3 874796373 +276 232 3 874792094 +276 234 5 880913767 +276 237 5 874786756 +276 238 5 877935060 +276 239 4 874791194 +276 240 4 874786713 +276 241 4 874792402 +276 245 3 877935446 +276 246 4 874786686 +276 248 4 882659269 +276 249 4 874786632 +276 250 4 874786784 +276 252 3 874787006 +276 258 5 874786337 +276 260 3 874786439 +276 262 4 892436298 +276 264 3 892436418 +276 265 4 874792483 +276 268 4 877584085 +276 269 4 885871420 +276 270 4 879131395 +276 271 4 880913800 +276 272 5 885871447 +276 273 4 874786517 +276 274 3 874791960 +276 276 4 874786605 +276 281 3 874787065 +276 282 4 883822485 +276 284 4 874786605 +276 288 4 874786392 +276 289 2 890979634 +276 290 4 874786854 +276 291 3 874791169 +276 293 4 874786686 +276 294 4 874786366 +276 298 5 874786467 +276 300 4 874786338 +276 301 4 877584219 +276 302 5 877584085 +276 303 4 892436271 +276 307 4 878015917 +276 315 4 892436298 +276 316 4 892436314 +276 317 4 874791257 +276 318 5 874787496 +276 322 3 874786392 +276 323 3 874786392 +276 324 4 874786419 +276 325 3 874786419 +276 331 4 890979062 +276 332 4 877933879 +276 333 4 877584220 +276 334 4 877935456 +276 340 5 880150440 +276 343 4 881563147 +276 347 4 885159630 +276 354 4 888873388 +276 356 3 874791101 +276 357 5 874787526 +276 358 3 874786419 +276 364 3 877935377 +276 365 3 874791339 +276 366 3 889174764 +276 367 3 874791667 +276 373 2 874977513 +276 379 3 874792745 +276 380 3 874791383 +276 383 2 877934828 +276 384 3 874792189 +276 385 4 874792547 +276 386 3 877935306 +276 388 2 874792094 +276 391 2 874977442 +276 393 4 874792094 +276 395 2 877935377 +276 396 4 874792118 +276 397 1 874792601 +276 399 2 874792634 +276 401 3 874792094 +276 402 3 874791407 +276 403 4 888873675 +276 404 4 874792870 +276 406 2 874786831 +276 407 2 874792310 +276 408 5 874786467 +276 409 3 874792310 +276 410 4 874786686 +276 413 3 877934705 +276 415 3 874793062 +276 417 4 874792907 +276 418 4 874792870 +276 419 5 874792907 +276 420 4 874792945 +276 421 4 874795500 +276 423 5 874790926 +276 425 4 874791101 +276 426 3 874793092 +276 427 5 883822485 +276 428 4 874791870 +276 429 5 874790972 +276 432 5 874792839 +276 433 4 874791960 +276 436 4 874792711 +276 448 4 874792692 +276 449 2 874792520 +276 450 1 874792634 +276 451 3 874792216 +276 452 3 880913767 +276 453 1 880913767 +276 456 2 874787237 +276 458 4 874786854 +276 461 4 874787526 +276 462 4 874795868 +276 463 4 874792839 +276 469 4 874787441 +276 470 3 874790855 +276 471 4 874786657 +276 472 3 874787109 +276 473 4 874786831 +276 474 5 889174904 +276 496 4 882659476 +276 501 4 874793035 +276 508 5 874786467 +276 523 4 874787496 +276 526 4 874791123 +276 531 4 874790801 +276 540 1 874792519 +276 541 3 874792520 +276 544 3 889174870 +276 547 4 874786605 +276 549 3 874791194 +276 550 4 874792574 +276 551 3 874792767 +276 554 2 874795823 +276 558 4 874787526 +276 559 4 874792663 +276 561 2 874792745 +276 562 3 889174870 +276 563 3 874977334 +276 564 3 874791805 +276 566 4 874792601 +276 567 3 874792794 +276 568 4 882659211 +276 569 4 874791169 +276 571 2 874792118 +276 572 3 874795823 +276 575 2 874792310 +276 576 3 874792547 +276 577 2 877935336 +276 578 4 888873675 +276 581 4 886483710 +276 583 3 874791444 +276 586 3 874977512 +276 588 4 874792907 +276 591 3 874786632 +276 595 2 874787195 +276 597 3 874787150 +276 603 5 874795613 +276 627 3 874792907 +276 628 4 874786538 +276 631 3 874796412 +276 634 4 874795888 +276 636 4 874792483 +276 640 4 889174904 +276 647 4 874790903 +276 649 4 886483691 +276 652 4 889174849 +276 653 5 874795729 +276 655 4 874791297 +276 658 4 874791194 +276 665 3 874792520 +276 669 1 874792767 +276 672 3 874792692 +276 682 3 877933862 +276 684 4 874792436 +276 685 4 874786784 +276 686 3 874792547 +276 691 4 888873488 +276 692 4 874791960 +276 693 4 874790903 +276 696 2 874786632 +276 697 2 874791316 +276 710 4 889174849 +276 715 3 874791194 +276 719 3 877935336 +276 720 2 874791464 +276 721 3 874791871 +276 727 3 889174919 +276 728 2 874792277 +276 732 4 874790903 +276 734 1 877935262 +276 737 4 890979964 +276 739 2 874795538 +276 742 4 874786756 +276 743 1 874792634 +276 746 4 874791806 +276 747 4 874795448 +276 748 3 883822507 +276 750 4 882659186 +276 751 4 884286678 +276 755 3 874792870 +276 763 3 874787214 +276 765 3 877935335 +276 770 4 877935446 +276 771 2 874795795 +276 772 4 874790826 +276 773 3 874792794 +276 774 2 877934722 +276 779 2 874977513 +276 780 3 874792143 +276 786 3 874791694 +276 789 3 874791623 +276 796 1 874791932 +276 797 3 877934643 +276 800 3 874792745 +276 801 3 877935306 +276 802 3 874792634 +276 803 2 874791487 +276 806 4 874787467 +276 807 2 874795574 +276 809 2 874977245 +276 816 2 874792793 +276 823 3 874786807 +276 825 3 874787006 +276 831 3 874792634 +276 840 3 874786897 +276 843 4 874792989 +276 844 4 877934677 +276 845 4 874786807 +276 853 5 889174849 +276 854 4 874791806 +276 876 3 885537717 +276 879 3 877584219 +276 902 4 890979199 +276 915 4 892436368 +276 916 4 892436298 +276 919 4 874786467 +276 922 4 889174849 +276 930 2 874787172 +276 931 2 874836682 +276 939 3 874790855 +276 941 3 877934065 +276 942 4 889174904 +276 949 3 874836725 +276 951 3 874792969 +276 959 4 874791695 +276 969 4 874792839 +276 974 2 874786945 +276 975 3 874836629 +276 977 2 874787090 +276 1006 3 874787353 +276 1010 3 874786784 +276 1011 3 874836682 +276 1013 3 874787150 +276 1019 5 883822485 +276 1028 3 874787044 +276 1031 2 874793035 +276 1035 3 874793035 +276 1036 2 889174870 +276 1042 1 874795823 +276 1044 3 877934374 +276 1047 3 889174658 +276 1052 2 889174870 +276 1056 4 874796201 +276 1073 3 874795613 +276 1079 2 874787300 +276 1081 3 880913705 +276 1083 3 877934891 +276 1089 2 882659211 +276 1090 1 874795795 +276 1091 3 874793035 +276 1095 1 877935135 +276 1110 3 874977474 +276 1118 4 874791830 +276 1129 4 874786876 +276 1131 3 874796116 +276 1135 4 874791527 +276 1141 3 874790773 +276 1145 2 874977115 +276 1157 2 874795772 +276 1170 4 877934392 +276 1172 4 882659550 +276 1180 2 877935306 +276 1194 3 874790875 +276 1199 4 888873674 +276 1210 2 877934988 +276 1213 1 874791407 +276 1218 4 874792040 +276 1220 4 874791048 +276 1221 3 890979470 +276 1228 1 874977422 +276 1232 3 874791488 +276 1239 1 874977512 +276 1240 4 874977579 +276 1244 3 874836608 +276 1245 3 874787091 +276 1253 1 874795729 +276 1273 2 874795823 +276 1274 1 874977513 +276 1301 4 885871474 +276 1314 3 874796412 +276 1407 1 874977513 +276 1413 1 874977513 +276 1416 3 874792634 +276 1471 2 877934947 +276 1478 3 889174849 +276 1483 3 892436354 +277 1 4 879544145 +277 7 2 879543377 +277 9 4 879543336 +277 15 4 879544145 +277 24 4 879543931 +277 25 4 879543902 +277 50 3 879543652 +277 93 4 879543972 +277 100 4 879543421 +277 111 4 879543487 +277 117 4 879544145 +277 121 2 879544058 +277 124 3 879543421 +277 129 4 879543653 +277 137 3 879543336 +277 147 4 879543822 +277 151 3 879543768 +277 181 3 879543653 +277 221 4 879544146 +277 237 4 879544145 +277 255 4 879544145 +277 257 3 879543487 +277 273 5 879544145 +277 274 4 879543902 +277 276 4 879543454 +277 278 1 879543879 +277 279 4 879543592 +277 282 4 879543697 +277 284 4 879543972 +277 285 4 879543486 +277 286 5 879544145 +277 293 4 879544145 +277 302 4 879544201 +277 405 3 879544027 +277 473 2 879543879 +277 508 4 879543487 +277 591 4 879543768 +277 619 4 879543801 +277 628 4 879543697 +277 742 4 879543845 +277 748 3 879543879 +277 844 4 879543528 +277 872 3 879543768 +277 925 4 879543592 +277 1008 3 879543621 +277 1011 3 879543697 +277 1012 3 879543454 +277 1129 3 879543421 +277 1197 4 879543768 +277 1283 2 879543592 +278 22 5 891295360 +278 98 4 891295360 +278 173 5 891295360 +278 245 3 891295230 +278 258 3 891295099 +278 269 5 891294959 +278 286 5 891295044 +278 288 5 891295230 +278 294 4 891295230 +278 301 2 891294980 +278 302 3 891294959 +278 306 5 891295043 +278 311 4 891295130 +278 313 5 891294932 +278 315 4 891294932 +278 347 4 891294932 +278 525 5 891295330 +278 538 4 891295164 +278 603 5 891295330 +278 752 5 891295164 +278 882 3 891295007 +279 1 3 875295812 +279 2 4 875313311 +279 4 4 875296461 +279 7 5 891209102 +279 10 4 875295838 +279 12 2 875306515 +279 13 3 875249210 +279 16 4 875296792 +279 17 4 875306552 +279 24 5 875295591 +279 25 5 875295736 +279 27 5 875313015 +279 29 2 879573041 +279 30 2 877756984 +279 32 3 875298696 +279 40 4 875306910 +279 41 2 875313646 +279 42 4 875308843 +279 47 4 875296375 +279 50 3 890451347 +279 52 3 890780576 +279 56 4 875306515 +279 59 4 875308843 +279 60 4 875310263 +279 62 3 875310303 +279 63 3 875313350 +279 64 1 875308510 +279 65 1 875306767 +279 66 2 882146492 +279 67 4 875310419 +279 68 4 875307407 +279 70 1 875309141 +279 71 3 890780576 +279 73 4 875310041 +279 79 3 875296461 +279 80 4 875313750 +279 81 4 875732652 +279 83 5 878082781 +279 87 1 875306613 +279 88 1 882146554 +279 89 4 875306910 +279 90 3 875314287 +279 92 4 890282182 +279 94 3 892865054 +279 95 3 875309950 +279 96 4 875310606 +279 99 3 890451347 +279 100 4 875249259 +279 101 3 891209021 +279 105 4 875297381 +279 108 4 892174381 +279 109 5 880869018 +279 114 5 879572694 +279 116 1 888799670 +279 117 5 875297199 +279 120 1 888427451 +279 121 4 875297708 +279 122 1 875297433 +279 124 3 878261977 +279 128 5 875296461 +279 129 1 884986081 +279 131 1 886020902 +279 132 3 875308670 +279 139 3 890780864 +279 144 4 880850073 +279 146 1 875297281 +279 147 4 875297199 +279 150 3 886019867 +279 151 4 875249259 +279 152 5 882146492 +279 153 5 891209077 +279 154 5 875296291 +279 156 4 875306580 +279 158 3 875313351 +279 163 5 875313311 +279 165 4 875310233 +279 166 4 879572893 +279 167 3 875312441 +279 168 5 875296435 +279 172 2 878082751 +279 173 5 875296461 +279 174 4 875306636 +279 175 5 875296461 +279 180 2 875308670 +279 181 3 875298494 +279 184 5 890779991 +279 186 5 875309482 +279 189 5 878082781 +279 190 3 875307407 +279 191 3 875734031 +279 193 2 875307407 +279 195 4 875310631 +279 201 5 890451408 +279 202 4 875307587 +279 204 3 878082751 +279 207 5 875310394 +279 208 5 875310631 +279 209 5 875308987 +279 214 3 875306910 +279 216 3 884983225 +279 219 2 875736276 +279 222 1 875295943 +279 224 4 882369761 +279 226 4 880850073 +279 227 4 889326161 +279 228 4 889326161 +279 229 4 889326161 +279 231 2 879573060 +279 233 5 875312745 +279 234 2 875654542 +279 235 3 891209153 +279 236 5 875296813 +279 238 4 891208908 +279 240 4 889151559 +279 242 3 877756647 +279 248 4 875249259 +279 249 3 878878420 +279 250 3 875249259 +279 254 3 879572960 +279 259 3 883546906 +279 265 5 875655063 +279 269 4 892865492 +279 273 2 880869018 +279 274 3 875296792 +279 275 3 875249232 +279 283 3 875296652 +279 284 1 886015853 +279 290 4 875296924 +279 291 3 878878420 +279 294 2 875249117 +279 319 4 890780735 +279 321 5 875249102 +279 363 5 890451473 +279 364 4 891209077 +279 367 3 875309861 +279 368 1 886016352 +279 372 4 875310117 +279 373 4 875659844 +279 374 1 888806649 +279 375 1 884556678 +279 379 3 875314386 +279 380 4 889326161 +279 382 4 875312947 +279 384 4 875312946 +279 385 4 875309351 +279 386 3 889985007 +279 388 3 875659844 +279 390 3 875744641 +279 391 5 875313859 +279 393 1 875314093 +279 395 4 875659329 +279 396 3 875314231 +279 397 4 890780547 +279 398 4 875310764 +279 399 4 875313859 +279 401 5 875310730 +279 403 1 879573060 +279 405 3 886015701 +279 407 4 875297479 +279 408 5 875249210 +279 411 3 875296005 +279 412 3 875297708 +279 413 4 889151529 +279 415 3 875314313 +279 418 3 875733888 +279 421 3 892864867 +279 425 4 875306430 +279 428 1 875307379 +279 429 4 875306910 +279 431 4 875310303 +279 432 3 875296292 +279 433 4 880869018 +279 434 4 892864609 +279 436 4 891209332 +279 444 3 875659746 +279 449 3 875312378 +279 450 4 889326161 +279 451 1 888465592 +279 455 5 877236424 +279 461 3 875306820 +279 462 3 875309911 +279 464 4 875310041 +279 465 5 875310157 +279 469 4 884982881 +279 470 3 878262194 +279 472 3 876609690 +279 474 5 892173363 +279 482 4 875306613 +279 486 4 875310041 +279 487 3 890282182 +279 489 2 888430298 +279 490 3 890282225 +279 491 5 875296435 +279 501 3 875308843 +279 502 5 875310263 +279 509 3 875296552 +279 529 3 875308843 +279 530 3 890780576 +279 532 1 875298597 +279 534 1 878971577 +279 541 3 882146458 +279 544 1 890451433 +279 547 1 875295812 +279 554 1 875314231 +279 556 3 880666808 +279 558 4 875307210 +279 562 3 890451433 +279 566 4 875313387 +279 571 4 878082781 +279 576 3 875312441 +279 577 1 889151559 +279 578 4 879572694 +279 586 4 892864663 +279 594 1 891209021 +279 597 5 875297456 +279 616 3 890451408 +279 624 4 875734996 +279 630 4 875313351 +279 638 4 875312441 +279 644 1 875306552 +279 649 3 875312719 +279 652 4 890451408 +279 654 5 875306552 +279 659 5 877756699 +279 660 4 875313473 +279 662 2 875310631 +279 663 3 875310394 +279 666 2 890451373 +279 684 3 880825843 +279 685 3 884982881 +279 687 4 878793072 +279 702 4 875309760 +279 709 4 875310195 +279 712 5 875312339 +279 713 3 886015169 +279 719 4 875308222 +279 721 5 875312719 +279 725 4 875314144 +279 727 3 890780864 +279 732 3 879647301 +279 739 1 879573060 +279 740 3 875736276 +279 741 5 875296891 +279 744 2 892864943 +279 746 5 875310233 +279 751 4 882593314 +279 753 2 875307443 +279 759 4 875313616 +279 760 3 875297522 +279 762 3 875297199 +279 764 3 888425981 +279 779 3 878262194 +279 780 4 875314165 +279 789 4 875306580 +279 792 3 875308843 +279 802 4 875313600 +279 804 4 875744416 +279 805 3 879573022 +279 809 3 891208945 +279 810 2 889984640 +279 820 4 884984955 +279 823 3 875297456 +279 824 4 875297456 +279 826 4 875297456 +279 827 1 888426577 +279 831 5 875744257 +279 832 3 881375854 +279 833 4 875297410 +279 841 4 879572893 +279 843 4 875314313 +279 853 1 890451433 +279 854 1 875306613 +279 862 5 875313646 +279 869 1 892176473 +279 871 4 875297410 +279 890 3 882146458 +279 901 4 883893835 +279 919 3 892864663 +279 922 3 890451433 +279 932 3 892174381 +279 940 5 889151559 +279 945 5 879647064 +279 946 3 875313032 +279 952 3 875296676 +279 969 3 875308799 +279 971 4 875314231 +279 978 1 889231898 +279 982 3 875298314 +279 990 1 875249134 +279 992 4 889151559 +279 998 5 875313883 +279 1000 4 875314313 +279 1001 4 882160106 +279 1007 4 879572694 +279 1011 3 875298314 +279 1017 3 875296891 +279 1025 2 880825843 +279 1030 4 875659761 +279 1032 3 880666757 +279 1034 4 875297381 +279 1035 3 875309935 +279 1039 4 881731303 +279 1047 4 892864663 +279 1048 1 886015533 +279 1052 4 890451408 +279 1059 4 891209332 +279 1070 3 875309760 +279 1072 4 890780735 +279 1087 2 891209189 +279 1088 4 877756804 +279 1093 4 875298330 +279 1095 1 886016480 +279 1108 1 892174273 +279 1110 3 875307379 +279 1113 3 888806035 +279 1118 3 875310631 +279 1120 3 891209189 +279 1121 4 875310101 +279 1132 1 892864828 +279 1133 2 892173598 +279 1142 1 890780603 +279 1151 2 875744584 +279 1162 3 875314334 +279 1180 2 890781034 +279 1181 4 875314001 +279 1182 3 875314370 +279 1195 1 875312339 +279 1205 3 888461244 +279 1206 5 884986688 +279 1209 4 875314350 +279 1215 2 884556545 +279 1219 3 875744358 +279 1224 3 878082804 +279 1228 4 890779991 +279 1230 3 891209189 +279 1231 4 875313583 +279 1239 1 884982882 +279 1240 1 892174404 +279 1242 1 888797284 +279 1244 3 875298652 +279 1247 2 875659924 +279 1250 1 888466349 +279 1266 1 875308843 +279 1271 4 875659999 +279 1274 3 875314001 +279 1288 4 891209077 +279 1291 4 875297708 +279 1305 4 875313406 +279 1312 3 890780962 +279 1336 1 875298353 +279 1361 3 878261977 +279 1376 4 886016680 +279 1402 1 888462243 +279 1411 3 884556545 +279 1413 5 875314434 +279 1428 3 888465209 +279 1435 3 892174339 +279 1437 3 892173418 +279 1444 3 875313351 +279 1481 4 875313925 +279 1484 3 875307587 +279 1485 4 878262195 +279 1487 1 875314076 +279 1489 3 891208884 +279 1492 4 888430806 +279 1493 1 888465068 +279 1494 1 889232401 +279 1495 4 889984565 +279 1496 3 875298419 +279 1497 2 890780576 +279 1498 4 891208884 +279 1499 4 890451408 +279 1500 5 875306613 +279 1501 1 889231898 +280 1 4 891700426 +280 3 2 891702406 +280 4 3 891700733 +280 5 4 891701066 +280 7 4 891700385 +280 9 5 891700664 +280 11 5 891700570 +280 12 5 891700803 +280 13 5 891700257 +280 29 3 891701852 +280 31 4 891701344 +280 33 3 891700715 +280 38 3 891701832 +280 40 5 891701614 +280 50 3 891701027 +280 53 5 891702544 +280 54 2 891701747 +280 56 5 891702544 +280 62 3 891701747 +280 66 5 891701148 +280 67 4 891701785 +280 68 3 891701066 +280 69 4 891700242 +280 70 4 891700366 +280 73 3 891700715 +280 77 3 891702086 +280 79 4 891700453 +280 80 3 891701998 +280 82 2 891700925 +280 86 4 891700475 +280 90 4 891701530 +280 92 3 891700366 +280 94 2 891702028 +280 95 5 891700570 +280 96 4 891700664 +280 98 5 891700208 +280 99 2 891700475 +280 100 3 891700385 +280 102 5 891701328 +280 112 3 891702485 +280 117 5 891700366 +280 118 2 891701027 +280 125 2 891701148 +280 126 3 891700643 +280 127 5 891702544 +280 128 3 891701188 +280 132 4 891701090 +280 135 4 891700552 +280 140 4 891701223 +280 142 4 891701747 +280 144 2 891700514 +280 145 3 891702198 +280 153 5 891700681 +280 155 5 891702544 +280 156 4 891700643 +280 157 3 891700733 +280 158 2 891701764 +280 159 4 891701944 +280 161 4 891701249 +280 162 3 891701431 +280 172 3 891700768 +280 173 3 891700453 +280 174 3 891700588 +280 176 3 891700426 +280 180 4 891700453 +280 181 3 891701248 +280 182 3 891700276 +280 183 3 891700588 +280 195 3 891700303 +280 197 2 891700836 +280 200 5 891702544 +280 202 3 891701090 +280 204 3 891700643 +280 210 2 891700385 +280 215 3 891701723 +280 216 5 891701685 +280 217 3 891701832 +280 218 4 891701474 +280 219 2 891702199 +280 220 5 891700426 +280 222 3 891700624 +280 225 4 891701974 +280 227 3 891702153 +280 230 3 891702153 +280 231 3 891701974 +280 232 3 891701649 +280 233 4 891702049 +280 234 3 891700803 +280 235 5 891701649 +280 237 3 891700624 +280 239 3 891701344 +280 241 2 891700945 +280 245 3 891700185 +280 265 4 891700588 +280 274 5 891701188 +280 276 5 891700664 +280 282 3 891700426 +280 284 3 891701090 +280 286 4 891700185 +280 288 5 891700184 +280 313 3 891699839 +280 315 5 891700184 +280 316 5 891700184 +280 318 5 891700607 +280 322 4 891700185 +280 323 2 891700106 +280 324 5 891700185 +280 364 3 891702291 +280 367 5 891701002 +280 379 5 891702171 +280 380 2 891700226 +280 381 3 891700925 +280 387 4 891701974 +280 388 2 891702486 +280 389 5 891701913 +280 392 5 891701328 +280 403 3 891701506 +280 404 3 891701114 +280 405 2 891700963 +280 409 3 891702441 +280 411 3 891701871 +280 419 3 891701047 +280 420 3 891701816 +280 423 5 891700276 +280 431 4 891701531 +280 448 3 891701765 +280 449 3 891702324 +280 451 5 891701377 +280 452 2 891702387 +280 465 3 891701148 +280 468 4 891702028 +280 472 2 891702086 +280 476 5 891702544 +280 483 4 891701066 +280 499 4 891700496 +280 507 3 891700682 +280 508 3 891700453 +280 527 5 891700768 +280 538 5 891700185 +280 540 3 891702304 +280 542 3 891702199 +280 544 4 891701302 +280 546 4 891702252 +280 550 2 891701764 +280 554 1 891701998 +280 559 3 891701583 +280 566 4 891701188 +280 568 2 891701047 +280 571 3 891702338 +280 576 3 891702276 +280 585 3 891702441 +280 586 4 891701871 +280 588 5 891700803 +280 595 3 891701666 +280 619 4 891701913 +280 629 4 891701852 +280 631 5 891700751 +280 655 3 891700400 +280 663 4 891700783 +280 670 2 891702485 +280 673 4 891701223 +280 678 2 891700124 +280 690 2 891699964 +280 692 3 891700983 +280 693 3 891701027 +280 697 5 891701506 +280 699 4 891700341 +280 715 2 891700945 +280 722 3 891702122 +280 723 5 891701853 +280 725 3 891702387 +280 729 2 891700963 +280 731 3 891702049 +280 735 2 891700475 +280 736 2 891700341 +280 739 3 891701359 +280 746 4 891701148 +280 748 2 891700080 +280 750 5 891700185 +280 751 3 891699925 +280 755 2 891701278 +280 756 4 891701649 +280 765 4 891701816 +280 769 3 891702441 +280 771 3 891702122 +280 780 4 891701897 +280 781 4 891701699 +280 790 4 891702013 +280 845 3 891700925 +280 866 3 891701997 +280 925 4 891701723 +280 934 2 891702291 +280 942 5 891701431 +280 946 4 891701027 +280 975 4 891702252 +280 977 3 891701723 +280 1015 3 891701631 +280 1028 5 891702276 +280 1035 4 891701785 +280 1041 5 891702544 +280 1047 3 891701897 +280 1048 4 891701002 +280 1049 2 891702486 +280 1060 3 891701278 +280 1063 3 891700607 +280 1066 4 891701928 +280 1112 4 891702324 +280 1133 3 891700242 +280 1168 5 891702544 +280 1181 2 891700496 +280 1182 3 891702214 +280 1207 4 891701998 +280 1221 5 891701944 +280 1297 4 891702230 +280 1313 5 891700184 +280 1401 5 891700881 +280 1459 4 891701747 +280 1466 5 891700836 +280 1473 3 891700904 +280 1478 4 891701090 +280 1479 3 891702457 +281 258 2 881200457 +281 259 3 881200789 +281 271 5 881200457 +281 288 4 881200264 +281 294 3 881200643 +281 300 4 881200643 +281 304 5 881200745 +281 308 1 881200297 +281 310 4 881200264 +281 322 4 881200789 +281 323 3 881200789 +281 326 1 881200491 +281 331 3 881200491 +281 332 4 881200603 +281 333 3 881200457 +281 338 2 881200457 +281 538 4 881200520 +281 682 3 881200519 +281 748 5 881200745 +281 877 4 881200643 +281 938 2 881200789 +281 989 2 881200789 +282 258 5 879949367 +282 262 4 879949417 +282 269 4 879949347 +282 271 3 881702919 +282 288 4 879949367 +282 294 4 879949525 +282 300 3 879949438 +282 302 5 879949347 +282 305 4 879949347 +282 307 3 881702875 +282 325 1 881703044 +282 327 5 879949417 +282 338 3 879949468 +282 340 3 879949394 +282 343 4 881702939 +282 358 3 879949594 +282 689 2 881703044 +282 879 2 879949504 +282 890 4 879949468 +283 21 3 879297867 +283 24 4 879297867 +283 42 5 879298333 +283 49 4 879298333 +283 50 5 879297134 +283 56 5 879298206 +283 70 4 879298206 +283 71 4 879297965 +283 83 4 879298239 +283 91 5 879297965 +283 95 5 879297965 +283 100 4 879297160 +283 109 4 879297237 +283 125 5 879297347 +283 151 4 879297318 +283 168 5 879298206 +283 173 5 879298206 +283 175 4 879298270 +283 186 5 879298239 +283 194 4 879298295 +283 202 5 879298206 +283 204 4 879298239 +283 208 5 879298239 +283 209 4 879298271 +283 210 5 879298206 +283 211 4 879298271 +283 216 4 879298206 +283 238 5 879298295 +283 288 2 879297867 +283 291 2 879297867 +283 294 4 879297013 +283 393 4 879298295 +283 407 3 879297867 +283 409 4 879297442 +283 432 5 879297965 +283 435 5 879298206 +283 455 4 879297707 +283 588 4 879297965 +283 625 3 879298007 +283 627 4 879297966 +283 659 5 879298239 +283 676 3 879297867 +283 709 5 879298206 +283 732 4 879298239 +283 820 4 879297904 +283 845 4 879297442 +283 1009 3 879297867 +283 1079 4 879297526 +283 1114 5 879297545 +283 1487 2 879297867 +284 258 4 885329146 +284 259 2 885329593 +284 262 4 885328836 +284 268 5 885329065 +284 269 4 885328991 +284 270 3 885328906 +284 272 5 885328727 +284 286 4 885328727 +284 300 3 885329395 +284 301 5 885329593 +284 304 4 885329322 +284 305 4 885328906 +284 306 4 885329146 +284 307 4 885329322 +284 313 3 885328727 +284 315 5 885329593 +284 319 3 885329238 +284 322 3 885329671 +284 324 3 885329468 +284 328 4 885329322 +284 332 3 885329593 +284 334 3 885329468 +284 339 3 885329671 +284 340 4 885328991 +284 344 4 885329593 +284 345 4 885328728 +284 346 4 885329065 +284 347 5 885328727 +284 539 2 885329821 +284 682 3 885329322 +284 690 3 885329468 +284 748 3 885329671 +284 750 3 885328906 +284 877 2 885329395 +284 887 4 885328906 +284 900 4 885328991 +284 906 3 885328836 +284 938 3 885329821 +285 64 3 890595777 +285 100 4 890595636 +285 150 5 890595636 +285 151 5 890595636 +285 168 4 890595900 +285 183 4 890595859 +285 185 3 890595859 +285 191 4 890595859 +285 198 5 890595900 +285 205 4 890595900 +285 216 3 890595900 +285 237 4 890595636 +285 258 2 890595408 +285 269 4 890595313 +285 270 4 890595456 +285 276 4 890595726 +285 286 3 890595584 +285 288 5 890595584 +285 300 4 890595584 +285 302 5 890595313 +285 313 5 890595313 +285 319 3 890595523 +285 346 4 890595456 +285 455 4 890595726 +285 514 3 890595859 +285 538 5 890595479 +285 628 2 890595636 +285 682 4 890595524 +285 902 4 890595584 +286 1 4 876521699 +286 3 2 876522316 +286 7 4 875807003 +286 11 5 877531975 +286 13 2 876521933 +286 14 4 875807003 +286 16 3 876521809 +286 20 4 876521858 +286 25 3 875807003 +286 29 2 877533586 +286 34 5 877534701 +286 40 4 877534824 +286 41 2 877535323 +286 42 4 877533698 +286 44 3 877532173 +286 47 4 877532419 +286 50 4 875806869 +286 53 2 877533506 +286 55 4 877531574 +286 56 2 877531469 +286 57 5 877533419 +286 66 4 877533586 +286 72 4 877534025 +286 73 5 877532965 +286 77 3 877533001 +286 81 3 889652601 +286 82 3 889651605 +286 83 5 877531975 +286 85 5 877533224 +286 88 4 877533640 +286 89 4 877533381 +286 90 4 877533224 +286 91 4 877532470 +286 95 5 877531407 +286 96 4 877532385 +286 97 4 877533101 +286 99 4 878141681 +286 100 3 876521650 +286 101 5 877532204 +286 107 1 875807043 +286 111 5 876521858 +286 116 5 875806888 +286 117 2 876521650 +286 121 3 876522166 +286 123 5 876521586 +286 125 4 876521650 +286 127 4 877530570 +286 132 5 877531791 +286 133 4 877531730 +286 139 3 889653012 +286 142 4 877534793 +286 143 4 889651549 +286 144 3 877531434 +286 147 5 876522114 +286 151 5 875806800 +286 153 5 877531406 +286 154 4 877533381 +286 155 4 877533640 +286 158 3 877533472 +286 161 2 877533419 +286 164 3 877533586 +286 167 5 877533419 +286 168 4 877531760 +286 169 3 877533101 +286 171 4 877531791 +286 172 4 889651549 +286 173 4 877531407 +286 174 4 877531537 +286 175 5 877532470 +286 176 4 878142001 +286 179 5 889651822 +286 181 3 875807043 +286 183 4 877531864 +286 186 5 877534903 +286 189 3 877533296 +286 191 4 877531407 +286 195 4 877534618 +286 196 4 877533543 +286 208 4 877531942 +286 209 4 877531691 +286 210 5 877535208 +286 211 4 879781579 +286 212 1 877531830 +286 214 1 889651605 +286 215 3 889651630 +286 216 4 877532013 +286 217 3 877533447 +286 224 5 889651549 +286 228 3 889651576 +286 229 1 889652291 +286 231 3 877532094 +286 232 4 877534701 +286 234 3 877532093 +286 235 4 875807003 +286 237 2 875806800 +286 240 3 876521858 +286 248 5 875806800 +286 250 4 876521887 +286 251 5 876521678 +286 257 3 875806837 +286 258 4 877530390 +286 268 4 884069298 +286 269 5 879780839 +286 272 5 884069298 +286 274 2 876521917 +286 275 4 875807074 +286 277 4 875807003 +286 280 4 876522097 +286 285 1 879781450 +286 288 5 875806672 +286 289 5 875806672 +286 290 3 876522072 +286 298 4 875807004 +286 309 5 884583549 +286 312 4 884069415 +286 315 5 889651138 +286 325 1 889651253 +286 329 4 886475961 +286 330 5 884069544 +286 336 5 884069544 +286 339 5 884583549 +286 341 5 884069544 +286 345 4 884069337 +286 348 4 889651179 +286 354 4 889651029 +286 357 4 877531537 +286 367 5 877531574 +286 379 5 877533771 +286 381 5 877532965 +286 390 1 889652378 +286 393 4 877534481 +286 394 5 877534771 +286 396 4 877534414 +286 401 1 877535446 +286 402 3 877534216 +286 403 5 877533543 +286 404 5 889651799 +286 405 3 876522150 +286 408 4 875806800 +286 411 2 876522133 +286 413 3 877531226 +286 417 3 877533993 +286 419 5 889651990 +286 421 1 889651848 +286 423 4 877532385 +286 425 2 877532013 +286 428 5 877532303 +286 432 3 878141681 +286 433 5 877531537 +286 455 1 889652378 +286 461 2 877532930 +286 465 5 889651698 +286 472 3 876522340 +286 473 3 875806918 +286 475 4 875807074 +286 476 4 876521993 +286 477 3 876521773 +286 512 2 877533101 +286 527 4 877531407 +286 535 5 875806918 +286 537 4 889651402 +286 546 1 876521835 +286 552 3 877535072 +286 554 4 877535014 +286 559 4 877534081 +286 574 4 877534137 +286 577 2 877535500 +286 588 5 877532131 +286 596 3 875806869 +286 597 3 876522360 +286 628 4 875806800 +286 629 5 877531661 +286 636 3 877533185 +286 640 5 877531830 +286 642 3 877531498 +286 652 4 877531899 +286 655 3 889651746 +286 658 5 877533543 +286 683 5 884583549 +286 689 5 884583549 +286 703 2 889651672 +286 704 2 877531941 +286 707 5 877531975 +286 709 4 877532748 +286 710 4 889651672 +286 721 3 877532329 +286 732 5 877531899 +286 734 2 877534618 +286 737 4 877532419 +286 738 5 877534903 +286 746 4 877533058 +286 749 3 889651060 +286 761 4 877533640 +286 763 2 876521809 +286 766 3 877533724 +286 768 3 889652968 +286 771 2 877535119 +286 778 5 877534025 +286 790 1 877535208 +286 792 3 877532230 +286 800 5 877534528 +286 805 3 878141931 +286 815 3 876521966 +286 818 2 877531281 +286 819 3 876521835 +286 821 4 877534550 +286 824 1 876522200 +286 856 2 877533698 +286 881 5 884583549 +286 883 5 884069544 +286 906 5 884069544 +286 924 4 876521773 +286 929 4 876522098 +286 930 2 876522240 +286 931 4 876522340 +286 949 4 877534859 +286 952 2 875807043 +286 969 5 878142001 +286 988 3 875806722 +286 993 2 875807043 +286 1014 5 879781125 +286 1035 3 877532094 +286 1038 5 884583549 +286 1039 5 877531730 +286 1047 1 876522026 +286 1053 4 877532093 +286 1060 5 889652989 +286 1075 5 877532385 +286 1079 3 876522240 +286 1091 4 877534859 +286 1101 5 877532715 +286 1105 5 884583549 +286 1113 3 877534107 +286 1118 1 889652989 +286 1133 4 877534137 +286 1140 3 877533586 +286 1182 2 877535288 +286 1194 4 877533640 +286 1202 3 876522185 +286 1230 1 877535157 +286 1239 3 877535344 +286 1265 5 884069544 +286 1280 5 884069544 +286 1286 5 877532683 +286 1288 4 876522114 +286 1316 5 884583549 +286 1375 5 889651445 +286 1411 2 877535425 +286 1503 3 877534107 +286 1504 4 877534903 +287 1 5 875334088 +287 4 4 875336652 +287 9 5 875334089 +287 11 5 875335124 +287 28 5 875335018 +287 39 5 875336652 +287 50 5 875334271 +287 56 5 875334759 +287 64 5 875336775 +287 92 4 875334896 +287 98 4 875334759 +287 111 3 875334126 +287 117 5 875334405 +287 121 4 875334494 +287 156 5 875336804 +287 168 5 875335190 +287 181 3 875333964 +287 200 4 875335237 +287 201 5 875334962 +287 208 4 875334896 +287 218 5 875335424 +287 222 5 875334224 +287 235 4 875334248 +287 237 5 875334151 +287 240 2 875334454 +287 246 4 875333964 +287 248 5 875333965 +287 249 5 875334430 +287 250 3 875334060 +287 252 1 875334361 +287 257 4 875334224 +287 268 4 888177170 +287 276 4 875334126 +287 291 5 888177402 +287 294 5 875333873 +287 298 4 875333965 +287 301 3 875333873 +287 313 4 888177170 +287 327 5 875333916 +287 340 5 888177097 +287 346 5 888177040 +287 347 4 888177040 +287 426 3 875336743 +287 461 5 875336652 +287 546 4 875334271 +287 591 5 875334293 +287 682 4 888177213 +287 742 3 875334196 +287 748 4 875333873 +287 845 5 875334587 +287 895 2 888177213 +287 926 4 875334340 +287 941 3 875335424 +287 1016 5 875334430 +288 12 4 886374130 +288 13 5 886892241 +288 15 4 886892177 +288 22 5 886374286 +288 50 4 886374520 +288 64 5 886374365 +288 69 5 886373426 +288 97 4 886629750 +288 98 5 886373474 +288 100 5 886629749 +288 121 2 886893063 +288 127 5 886374451 +288 132 3 886374129 +288 157 4 886373619 +288 175 1 886629664 +288 176 4 886373565 +288 177 3 886629528 +288 178 5 886374342 +288 180 5 886373474 +288 182 4 886374497 +288 190 1 886374286 +288 196 5 886373474 +288 197 5 889225574 +288 199 4 886629592 +288 200 4 886373534 +288 202 5 889225535 +288 205 5 889225443 +288 210 3 886373509 +288 211 5 886374473 +288 214 2 886374316 +288 216 4 886629592 +288 223 3 886374497 +288 230 2 886629664 +288 234 4 886374473 +288 237 4 886892195 +288 258 4 886372882 +288 268 4 886372812 +288 269 5 886373071 +288 272 5 889225463 +288 276 4 886892127 +288 286 4 886372862 +288 289 3 886372937 +288 300 5 886372155 +288 305 4 886372527 +288 317 4 886374497 +288 318 4 886374316 +288 327 1 886373007 +288 340 5 886372155 +288 345 5 886372155 +288 346 5 886372155 +288 357 5 886373591 +288 427 5 886374342 +288 435 4 889225633 +288 511 4 886373509 +288 515 4 886373591 +288 520 5 886374497 +288 527 3 886373565 +288 544 5 886892241 +288 593 2 886892127 +288 688 1 886373007 +288 742 3 886893063 +288 880 1 886373007 +288 887 5 886372155 +288 900 5 886372155 +288 1039 2 886373565 +288 1358 5 886892241 +289 1 3 876789736 +289 7 4 876789628 +289 15 3 876789581 +289 21 1 876790499 +289 24 4 876790292 +289 109 3 876789628 +289 117 4 876789514 +289 121 3 876789736 +289 125 2 876789373 +289 147 3 876789581 +289 151 2 876790499 +289 222 2 876789463 +289 254 1 876790734 +289 282 3 876789180 +289 363 3 876790653 +289 405 2 876790576 +289 410 2 876790361 +289 455 4 876790464 +289 471 4 876789373 +289 473 1 876790576 +289 477 2 876790323 +289 685 4 876789373 +289 815 3 876789581 +289 849 4 876789943 +289 926 3 876790611 +289 1016 5 876789843 +290 15 4 880474494 +290 21 3 880475695 +290 22 5 880473942 +290 43 3 880475783 +290 50 5 880473582 +290 54 3 880475218 +290 62 2 880473583 +290 64 4 880474034 +290 66 4 880731963 +290 69 4 880473696 +290 71 5 880473667 +290 82 4 880473918 +290 88 4 880731963 +290 91 2 880474451 +290 95 4 880474590 +290 97 3 880475016 +290 98 4 880474235 +290 99 4 880473918 +290 102 3 880475585 +290 105 2 880732753 +290 118 4 880731896 +290 120 4 880732712 +290 125 3 880475245 +290 132 3 880473993 +290 133 3 880473735 +290 135 4 880474510 +290 136 4 880474367 +290 139 2 880475420 +290 141 4 880474740 +290 143 5 880474293 +290 144 3 880473802 +290 151 2 880474835 +290 153 3 880475310 +290 158 5 880474977 +290 161 4 880474293 +290 162 3 880474107 +290 164 4 880474010 +290 167 2 880475807 +290 172 5 880474141 +290 176 4 880473971 +290 181 5 880473696 +290 183 4 880474054 +290 193 4 880473802 +290 196 4 880474293 +290 202 4 880474590 +290 204 4 880473696 +290 205 3 880473777 +290 208 3 880475245 +290 210 5 880474716 +290 216 4 880475218 +290 218 2 880475542 +290 222 4 880731778 +290 227 2 880473557 +290 228 4 880473556 +290 229 3 880473557 +290 230 4 880473557 +290 234 3 880474451 +290 235 3 880474451 +290 239 2 880474451 +290 243 3 880473474 +290 252 3 880732575 +290 265 4 880475371 +290 271 3 880473557 +290 274 4 880731874 +290 318 4 880473776 +290 357 3 880474107 +290 378 3 880475169 +290 380 3 880731766 +290 385 4 880474716 +290 393 3 880475169 +290 402 4 880474422 +290 403 2 880475542 +290 404 3 880475341 +290 405 2 880732365 +290 418 3 880474293 +290 423 5 880474422 +290 429 4 880474606 +290 432 5 880474590 +290 434 4 880474422 +290 435 3 880473802 +290 436 2 880475469 +290 449 1 880473557 +290 450 2 880473557 +290 465 3 880474799 +290 472 4 880475495 +290 473 1 880475420 +290 474 3 880474204 +290 476 3 880475837 +290 483 5 880473845 +290 484 3 880474174 +290 496 4 880474156 +290 498 4 880473777 +290 515 3 880473918 +290 520 3 880473734 +290 523 3 880473735 +290 546 2 880475564 +290 550 3 880475807 +290 566 3 880474388 +290 568 3 880474716 +290 588 4 880474652 +290 622 3 880474204 +290 625 4 880475782 +290 629 3 880474716 +290 683 2 880473415 +290 685 3 880732365 +290 692 5 880474293 +290 699 3 880473735 +290 732 4 880473777 +290 739 3 880475757 +290 742 2 880475310 +290 755 4 880475218 +290 809 4 880475664 +290 818 3 880732656 +290 825 3 880732508 +290 826 2 880732271 +290 832 3 880732491 +290 926 3 880732538 +290 993 4 880473630 +290 1013 2 880732131 +290 1028 3 880732365 +290 1047 4 880475757 +290 1060 3 880732271 +290 1079 2 880732771 +290 1091 2 880475735 +290 1285 3 880475565 +290 1336 3 880733010 +291 1 5 874834481 +291 4 4 874835062 +291 5 5 874834799 +291 7 5 874834481 +291 8 4 874871766 +291 9 5 874805804 +291 12 5 874834701 +291 15 5 874833668 +291 17 4 874834850 +291 22 5 874835062 +291 24 5 874834481 +291 27 3 874835024 +291 28 4 875086920 +291 31 4 874834768 +291 33 4 874834850 +291 38 3 874834914 +291 41 4 875086636 +291 46 4 874868045 +291 48 5 874868027 +291 49 4 875086090 +291 50 5 874805860 +291 53 5 874834827 +291 54 4 874834963 +291 55 4 874834735 +291 56 5 874834701 +291 64 5 874867994 +291 66 4 875086185 +291 70 4 874868146 +291 71 4 875086887 +291 72 4 875086090 +291 77 4 874834799 +291 79 5 874834799 +291 80 4 875086354 +291 82 4 874835116 +291 85 2 874877699 +291 89 3 874835116 +291 92 4 874835091 +291 95 4 875086921 +291 96 4 874835062 +291 97 4 875087264 +291 98 5 874834701 +291 99 4 875086887 +291 101 4 875087198 +291 106 4 874805958 +291 118 2 874833878 +291 121 2 874805984 +291 122 3 874834289 +291 123 4 874806006 +291 125 4 874834019 +291 128 4 874835062 +291 140 4 875086887 +291 143 3 875086921 +291 144 5 874835091 +291 147 4 874805768 +291 151 5 874833668 +291 153 4 874871736 +291 154 4 875086185 +291 155 3 875087371 +291 156 5 874834768 +291 158 2 875086208 +291 159 4 875087488 +291 164 4 874834875 +291 168 5 874871800 +291 172 5 874835062 +291 173 5 874871800 +291 174 5 874835062 +291 175 2 874867966 +291 179 5 874868255 +291 181 5 874805804 +291 184 4 874835198 +291 188 3 874835198 +291 195 4 874835165 +291 210 5 875086491 +291 214 4 874868146 +291 215 4 874868382 +291 218 4 874834799 +291 223 5 874867912 +291 226 5 874834895 +291 231 3 874835024 +291 232 4 874835198 +291 235 2 874805860 +291 236 4 874834128 +291 237 4 874805668 +291 238 5 874871736 +291 240 4 874833726 +291 244 2 874805927 +291 249 4 874805893 +291 250 4 874805927 +291 273 3 874833705 +291 284 4 874833687 +291 285 4 874833746 +291 288 5 874805453 +291 290 4 874834001 +291 291 5 874834054 +291 293 5 874833668 +291 294 5 874834481 +291 324 1 874805453 +291 325 4 874805610 +291 356 4 874834875 +291 365 3 874871570 +291 366 3 874868255 +291 367 4 874871800 +291 369 3 874834388 +291 375 1 874868791 +291 376 3 875086534 +291 379 3 874834827 +291 383 2 875086699 +291 384 4 875086562 +291 385 4 874835141 +291 391 1 874835242 +291 395 3 875086534 +291 396 4 874867757 +291 401 4 875086766 +291 402 4 874871498 +291 403 4 874835165 +291 404 4 875086958 +291 405 4 874805984 +291 410 5 874834481 +291 412 3 875086669 +291 416 4 875087100 +291 417 4 875086958 +291 418 4 875086920 +291 420 4 875086991 +291 421 4 875087352 +291 427 4 874868304 +291 428 5 874871766 +291 448 5 874867741 +291 455 5 874805958 +291 460 5 874834254 +291 466 5 874834768 +291 469 5 874867912 +291 470 3 874834768 +291 471 4 874833746 +291 475 5 874805699 +291 496 5 875088191 +291 501 4 875087100 +291 508 5 874805892 +291 540 3 874835141 +291 546 3 874805958 +291 551 2 874867824 +291 552 3 874834963 +291 555 1 874868629 +291 558 4 874867757 +291 562 4 874835242 +291 563 3 874867824 +291 565 2 874867852 +291 566 4 874834799 +291 567 5 874867786 +291 568 4 874835141 +291 569 3 874868580 +291 571 2 875086608 +291 572 3 874834944 +291 573 4 874834944 +291 574 1 875087656 +291 575 2 875086699 +291 576 4 874835198 +291 577 1 875086669 +291 578 4 874835242 +291 581 5 874834827 +291 582 4 875087720 +291 588 4 875086920 +291 592 3 874834895 +291 619 3 874805927 +291 627 4 875086991 +291 631 5 874871479 +291 655 4 874868629 +291 672 3 874867741 +291 685 5 874834254 +291 686 5 874835165 +291 706 3 874867785 +291 715 5 874868327 +291 717 3 874834388 +291 729 4 874871442 +291 732 4 874868097 +291 735 4 874868027 +291 739 3 875087334 +291 741 5 874834481 +291 742 3 874805927 +291 747 4 875087290 +291 755 2 875086958 +291 760 2 874834037 +291 761 3 874834914 +291 763 4 874833841 +291 769 1 875087673 +291 770 4 874834799 +291 773 3 874834827 +291 774 3 874867852 +291 785 4 875086308 +291 790 4 875086699 +291 794 4 875087334 +291 798 4 874871655 +291 800 2 874834944 +291 816 3 874867852 +291 823 3 874833936 +291 824 4 874833962 +291 825 4 874833983 +291 829 2 874834308 +291 833 3 874834236 +291 834 3 874834358 +291 844 5 874805804 +291 928 2 874834389 +291 939 4 874834768 +291 940 3 875086608 +291 941 4 874868284 +291 943 4 874834735 +291 946 4 875086887 +291 975 2 874834146 +291 977 2 874834071 +291 998 1 875086728 +291 1016 4 874833827 +291 1017 4 874833911 +291 1028 3 875086561 +291 1042 4 874834944 +291 1046 4 874834875 +291 1047 2 874834165 +291 1059 4 874834345 +291 1073 5 874834701 +291 1077 4 874834963 +291 1078 4 875086920 +291 1083 3 874834876 +291 1090 2 875087634 +291 1098 4 875086330 +291 1109 4 874834768 +291 1139 3 874871671 +291 1157 3 874834944 +291 1178 4 875086354 +291 1188 4 874835165 +291 1206 3 874871551 +291 1210 4 875087656 +291 1213 3 874871655 +291 1215 1 874834184 +291 1217 3 874834850 +291 1219 4 875087221 +291 1229 2 874868027 +291 1239 2 874835279 +291 1244 4 874834345 +291 1248 4 875087634 +291 1253 3 874834944 +291 1273 2 875087634 +291 1303 3 874835279 +291 1376 3 874834323 +291 1471 3 874834914 +291 1478 2 874871585 +291 1489 2 875086766 +291 1505 4 874868647 +292 1 4 881104147 +292 7 3 881104068 +292 9 4 881104148 +292 10 5 881104606 +292 11 5 881104093 +292 20 2 881104760 +292 24 4 881104481 +292 28 4 881105734 +292 56 5 881105373 +292 58 5 881105442 +292 79 5 881103434 +292 83 5 881104360 +292 86 4 881105778 +292 98 5 881103758 +292 100 5 881103999 +292 111 4 881104606 +292 115 4 881104194 +292 117 4 881104606 +292 118 3 881104701 +292 124 4 881104147 +292 125 2 881104401 +292 127 5 881104268 +292 132 4 881105340 +292 135 4 881105701 +292 144 5 881105280 +292 150 4 881105135 +292 151 5 881104268 +292 153 4 881105587 +292 156 5 881105516 +292 165 4 881105657 +292 168 5 881105318 +292 169 5 881105625 +292 173 5 881103631 +292 174 5 881105481 +292 176 5 881103478 +292 180 5 881103652 +292 181 4 881104068 +292 183 5 881103478 +292 190 5 881105625 +292 193 4 881105734 +292 194 4 881105442 +292 195 5 881103568 +292 203 4 881105442 +292 207 5 881105561 +292 209 5 881103874 +292 214 3 881105701 +292 222 3 881105195 +292 223 5 881105516 +292 226 4 881105281 +292 228 5 881105211 +292 234 5 881105245 +292 235 3 881104797 +292 249 3 881104820 +292 250 3 881104679 +292 252 3 881104881 +292 264 3 877628138 +292 265 4 881105587 +292 276 5 881103915 +292 282 4 881104661 +292 285 4 881103896 +292 288 3 877560833 +292 298 4 881103977 +292 300 4 877628139 +292 320 5 881105373 +292 324 3 881104533 +292 328 3 877560833 +292 331 5 877560833 +292 343 2 881103478 +292 405 3 881104820 +292 408 4 881104068 +292 419 4 881105657 +292 423 5 881105625 +292 429 5 881105587 +292 462 3 881105657 +292 472 3 881104760 +292 475 5 881103896 +292 479 4 881105516 +292 482 5 881103606 +292 483 5 881105442 +292 484 5 881105625 +292 486 4 881105246 +292 488 5 881105657 +292 492 4 881105318 +292 510 4 881104093 +292 511 5 881105373 +292 515 4 881103977 +292 523 4 881105561 +292 525 5 881105701 +292 528 5 881105657 +292 535 3 881105031 +292 589 4 881105516 +292 602 4 881105481 +292 603 5 881105318 +292 607 4 881105625 +292 628 3 881105123 +292 653 4 881105442 +292 654 5 881105481 +292 657 5 881103711 +292 659 5 881105340 +292 661 5 881105561 +292 705 4 881105374 +292 748 3 877718776 +292 789 4 881105701 +292 844 5 881104481 +292 855 5 881105373 +292 919 5 881103508 +292 1010 4 881104581 +292 1014 3 881104424 +292 1039 4 881105778 +292 1050 4 881105778 +292 1142 4 881104481 +293 1 2 888904861 +293 2 3 888907101 +293 3 2 888905399 +293 5 3 888906576 +293 7 3 888905062 +293 8 3 888905736 +293 11 3 888905898 +293 12 4 888905665 +293 14 3 888904985 +293 15 3 888904777 +293 16 2 888907499 +293 22 3 888905819 +293 23 4 888905865 +293 25 3 888904696 +293 26 3 888907015 +293 27 3 888907753 +293 28 3 888906071 +293 29 1 888907499 +293 31 2 888906244 +293 33 2 888907433 +293 36 1 888908041 +293 38 1 888907981 +293 39 3 888906804 +293 45 5 888906315 +293 48 5 888905819 +293 49 3 888907312 +293 50 5 888905519 +293 51 3 888907674 +293 53 3 888907891 +293 54 3 888907210 +293 55 4 888906096 +293 56 4 888905550 +293 62 1 888907624 +293 64 5 888905519 +293 65 3 888906945 +293 66 2 888906781 +293 68 3 888906990 +293 69 3 888906576 +293 70 3 888907101 +293 71 4 888906905 +293 73 2 888906869 +293 76 3 888906824 +293 79 3 888906045 +293 81 4 888906576 +293 82 4 888906402 +293 85 3 888906927 +293 87 4 888907015 +293 88 3 888907266 +293 89 5 888905582 +293 91 2 888907499 +293 92 4 888906071 +293 94 2 888908066 +293 96 3 888905519 +293 98 4 888905898 +293 99 3 888906402 +293 100 4 888904734 +293 111 2 888905062 +293 117 3 888904696 +293 122 3 888905399 +293 124 4 888904696 +293 125 2 888905086 +293 127 5 888904614 +293 132 4 888905481 +293 133 3 888906045 +293 134 5 888905618 +293 135 5 888905550 +293 137 3 888904653 +293 139 3 888908088 +293 143 4 888906428 +293 144 4 888905819 +293 147 2 888905229 +293 148 1 888907015 +293 151 4 888904927 +293 152 4 888905716 +293 153 4 888905948 +293 155 2 888907356 +293 156 4 888905948 +293 157 5 888905779 +293 158 2 888907603 +293 159 3 888907674 +293 160 4 888907036 +293 161 2 888907081 +293 162 3 888907312 +293 164 4 888906598 +293 165 3 888905991 +293 166 3 888905520 +293 167 3 888907702 +293 168 4 888905716 +293 172 5 888905618 +293 173 5 888905550 +293 175 2 888906244 +293 176 4 888906536 +293 177 4 888906193 +293 181 3 888904734 +293 182 5 888905481 +293 183 4 888906119 +293 185 5 888905840 +293 188 3 888906288 +293 193 3 888905990 +293 194 4 888906045 +293 195 3 888906119 +293 196 4 888906012 +293 198 4 888906143 +293 199 5 888905582 +293 202 3 888906490 +293 203 3 888906781 +293 204 3 888906012 +293 206 4 888907552 +293 208 3 888906071 +293 209 3 888905519 +293 210 3 888905665 +293 211 4 888906338 +293 215 4 888906244 +293 216 4 888905990 +293 217 3 888907955 +293 218 2 888906168 +293 222 3 888904861 +293 223 4 888905990 +293 226 1 888906906 +293 227 2 888906990 +293 228 3 888906315 +293 229 2 888907726 +293 230 2 888907384 +293 233 2 888907266 +293 235 3 888905146 +293 237 3 888904696 +293 238 4 888906464 +293 239 3 888907166 +293 240 2 888905086 +293 248 3 888904985 +293 249 3 888905229 +293 250 3 888904862 +293 251 4 888904734 +293 252 2 888905086 +293 255 3 888905146 +293 257 2 888904696 +293 258 3 888904092 +293 264 3 888904392 +293 272 4 888904180 +293 280 2 888905198 +293 282 2 888905170 +293 283 2 888904884 +293 284 2 888905122 +293 286 3 888904265 +293 288 3 888904327 +293 290 2 888905198 +293 291 2 888905377 +293 293 4 888904795 +293 294 2 888904410 +293 297 4 888905034 +293 298 4 888904795 +293 300 2 888904004 +293 302 4 888904092 +293 303 4 888904220 +293 313 4 888904004 +293 315 3 888904513 +293 322 2 888904456 +293 325 2 888904353 +293 328 2 888904285 +293 346 3 888904004 +293 347 2 888904353 +293 356 3 888907955 +293 357 4 888905760 +293 366 2 888907981 +293 367 2 888906288 +293 380 2 888907527 +293 386 2 888908065 +293 401 1 888907453 +293 403 3 888906869 +293 405 1 888905198 +293 410 2 888905034 +293 411 2 888905170 +293 412 1 888905377 +293 414 4 888906576 +293 416 4 888907575 +293 419 3 888906699 +293 420 4 888907356 +293 421 3 888906576 +293 423 3 888906070 +293 425 4 888905923 +293 426 1 888907291 +293 429 4 888906045 +293 430 3 888905716 +293 432 5 888906516 +293 433 3 888907407 +293 435 4 888906464 +293 436 3 888906990 +293 443 4 888906781 +293 445 4 888906315 +293 447 4 888907290 +293 451 3 888907245 +293 455 2 888905229 +293 460 3 888905005 +293 461 2 888905519 +293 462 4 888905819 +293 463 4 888906619 +293 464 3 888906927 +293 466 3 888906655 +293 467 4 888906263 +293 471 3 888904884 +293 474 5 888905685 +293 479 4 888905923 +293 480 5 888905685 +293 482 4 888906096 +293 483 5 888905481 +293 484 5 888906217 +293 485 3 888905948 +293 491 4 888905923 +293 492 5 888906096 +293 496 5 888905840 +293 497 4 888906217 +293 501 4 888906378 +293 502 3 888906428 +293 503 4 888907145 +293 504 4 888905736 +293 506 5 888906428 +293 507 4 888905665 +293 509 3 888905948 +293 513 5 888905990 +293 514 4 888906378 +293 521 3 888906288 +293 544 3 888905062 +293 546 1 888904927 +293 549 3 888907166 +293 550 1 888906781 +293 553 3 888907453 +293 554 1 888907794 +293 558 3 888906143 +293 559 2 888906168 +293 566 3 888907312 +293 571 2 888908041 +293 572 2 888907931 +293 578 2 888907913 +293 582 4 888906536 +293 583 3 888908001 +293 588 3 888906748 +293 591 3 888904712 +293 603 5 888905898 +293 605 3 888907702 +293 616 3 888907753 +293 619 1 888905229 +293 627 2 888906338 +293 628 3 888905004 +293 629 3 888907753 +293 632 3 888906464 +293 636 4 888906576 +293 637 3 888907186 +293 642 3 888906804 +293 646 3 888906244 +293 647 5 888905760 +293 649 4 888906726 +293 651 3 888905865 +293 653 5 888906119 +293 654 5 888905760 +293 655 3 888905618 +293 657 4 888905582 +293 658 1 888907499 +293 660 2 888907433 +293 665 2 888908117 +293 678 2 888904439 +293 679 2 888906699 +293 684 3 888905481 +293 685 3 888905170 +293 693 4 888906781 +293 696 2 888905229 +293 705 5 888906338 +293 708 3 888907527 +293 710 3 888907145 +293 712 2 888907603 +293 715 3 888907674 +293 720 1 888907674 +293 724 3 888907061 +293 729 2 888907145 +293 732 3 888906516 +293 739 2 888906804 +293 742 2 888904927 +293 746 3 888906748 +293 747 2 888905819 +293 748 2 888904327 +293 751 3 888904180 +293 761 2 888907981 +293 765 3 888907836 +293 770 3 888906655 +293 779 1 888908066 +293 781 2 888907644 +293 804 1 888907816 +293 809 2 888908117 +293 810 1 888907674 +293 815 2 888905122 +293 820 2 888905306 +293 824 3 888905252 +293 831 3 888905286 +293 843 3 888907836 +293 845 2 888904838 +293 849 2 888907891 +293 856 3 888905686 +293 866 3 888905322 +293 871 1 888908066 +293 877 2 888904265 +293 895 3 888904410 +293 924 2 888904814 +293 931 1 888905252 +293 933 2 888905399 +293 939 2 888906516 +293 941 2 888907407 +293 942 4 888907210 +293 943 2 888906576 +293 955 2 888906464 +293 956 3 888906726 +293 977 2 888908088 +293 1011 3 888905146 +293 1016 2 888905086 +293 1017 3 888904862 +293 1042 3 888907575 +293 1044 2 888908117 +293 1046 1 888907061 +293 1048 3 888905034 +293 1057 2 888905229 +293 1098 2 888905519 +293 1101 3 888906677 +293 1119 1 888906655 +293 1132 3 888905416 +293 1135 3 888907575 +293 1147 4 888907081 +293 1161 2 888905062 +293 1208 3 888906990 +293 1217 1 888907913 +293 1220 2 888907552 +293 1226 3 888905198 +293 1228 1 888908041 +293 1229 1 888907210 +293 1248 2 888907527 +293 1264 3 888905582 +293 1267 3 888906966 +293 1298 3 888906045 +293 1311 3 888907603 +294 1 5 877819634 +294 7 4 877819563 +294 10 3 877819490 +294 21 3 877819897 +294 24 4 877819761 +294 50 5 877819353 +294 79 4 889854323 +294 93 4 877819713 +294 100 4 877819265 +294 105 3 889242660 +294 109 4 877819599 +294 118 3 877819941 +294 120 2 889242937 +294 121 5 877819714 +294 122 3 889242661 +294 125 3 877820272 +294 127 5 877819265 +294 147 4 877819845 +294 222 4 877819353 +294 235 3 877819532 +294 237 4 889242035 +294 240 3 877820294 +294 245 3 877818982 +294 246 4 889241864 +294 248 5 877819421 +294 249 5 877819941 +294 250 5 877819459 +294 255 3 889241958 +294 257 3 877819599 +294 258 3 877818457 +294 260 4 877819126 +294 264 2 877819090 +294 269 5 877818457 +294 271 5 889241426 +294 273 3 877819421 +294 276 4 877819421 +294 281 3 889242035 +294 282 3 877821796 +294 286 5 877818457 +294 288 5 877818729 +294 291 2 889242469 +294 293 4 877819897 +294 294 4 877818860 +294 295 4 877820132 +294 298 5 877819265 +294 299 3 877818982 +294 300 4 877818861 +294 301 4 877818915 +294 307 3 889241466 +294 322 1 889243393 +294 325 3 877818861 +294 327 3 877818982 +294 328 4 877818982 +294 331 4 877818580 +294 332 3 877818915 +294 333 4 877818861 +294 334 4 877818861 +294 340 4 889241280 +294 342 3 889241466 +294 343 4 889241511 +294 346 3 889241377 +294 347 5 889241377 +294 350 4 889241426 +294 354 3 889241377 +294 355 4 889241426 +294 358 2 877818861 +294 363 1 889243393 +294 405 4 877819761 +294 406 2 877819941 +294 410 4 877819897 +294 411 3 889242589 +294 413 3 889242166 +294 455 3 877819490 +294 471 4 877820189 +294 472 3 889242370 +294 475 5 877819310 +294 476 3 877819792 +294 483 4 889854323 +294 508 4 877819532 +294 515 5 889242081 +294 520 5 889854323 +294 538 5 889241562 +294 539 4 889241707 +294 544 4 877819673 +294 546 4 877819761 +294 547 3 877819972 +294 603 5 889854323 +294 619 3 877820328 +294 676 3 877821514 +294 678 2 877818861 +294 682 3 889241486 +294 689 3 889241579 +294 742 4 877819634 +294 748 3 877818861 +294 749 3 877818915 +294 751 4 889241309 +294 752 3 889241377 +294 823 3 877820190 +294 825 3 877820272 +294 826 1 889243393 +294 829 3 889242788 +294 840 3 889242516 +294 872 4 877818580 +294 876 3 889241633 +294 881 3 889241707 +294 895 4 889241309 +294 902 4 891404417 +294 926 3 877819713 +294 928 3 889242468 +294 930 3 889242704 +294 931 3 889242857 +294 979 3 877819897 +294 986 3 889242810 +294 1007 4 877819761 +294 1013 2 889242788 +294 1014 2 889242306 +294 1016 4 877820189 +294 1028 3 877819897 +294 1047 3 877820240 +294 1067 4 877819421 +294 1079 2 889242624 +294 1081 3 889242328 +294 1088 1 889243393 +294 1132 4 889242788 +294 1161 3 877819673 +294 1199 2 889242142 +294 1245 3 877819265 +295 1 4 879517580 +295 4 4 879518568 +295 7 5 879518018 +295 11 4 879517062 +295 22 4 879517372 +295 25 5 879518042 +295 39 4 879518279 +295 42 3 879517467 +295 43 4 879518107 +295 47 5 879518166 +295 50 5 879517540 +295 52 5 879966498 +295 53 1 879519528 +295 56 4 879517348 +295 60 5 879517492 +295 67 4 879519042 +295 68 4 879518960 +295 69 5 879517911 +295 72 4 879518714 +295 73 4 879519009 +295 82 4 879518126 +295 83 5 879518257 +295 86 5 879966498 +295 88 4 879517964 +295 91 5 879519556 +295 94 4 879518339 +295 95 4 879518080 +295 96 1 879517299 +295 97 5 879517761 +295 98 5 879517193 +295 99 4 879517741 +295 102 4 879518339 +295 105 4 879519473 +295 109 4 879517911 +295 115 5 879517135 +295 118 3 879518840 +295 121 4 879518455 +295 125 5 879518528 +295 132 5 879517348 +295 133 4 879517432 +295 134 5 879519556 +295 137 4 879517271 +295 142 4 879518590 +295 143 4 879517682 +295 144 4 879518166 +295 151 4 879517635 +295 153 5 879517324 +295 154 5 879517801 +295 157 5 879966498 +295 158 4 879518932 +295 159 4 879518107 +295 161 4 879518430 +295 162 4 879517157 +295 164 5 879518395 +295 172 4 879516986 +295 173 5 879518257 +295 174 4 879517062 +295 181 4 879517860 +295 183 1 879517348 +295 188 3 879518042 +295 190 4 879517062 +295 191 5 879517033 +295 194 4 879517412 +295 196 5 879966498 +295 202 5 879517943 +295 204 4 879517655 +295 208 5 879517157 +295 209 5 879518233 +295 210 4 879518378 +295 213 5 879517324 +295 215 5 879517247 +295 217 4 879517705 +295 218 5 879966498 +295 226 4 879518166 +295 227 4 879517635 +295 228 4 879518414 +295 229 4 879519010 +295 230 4 879517271 +295 232 3 879518900 +295 235 4 879517943 +295 238 4 879517136 +295 241 5 879518800 +295 290 4 879518630 +295 318 5 879517010 +295 371 4 879518257 +295 378 4 879518233 +295 380 4 879518455 +295 386 4 879519308 +295 389 4 879518298 +295 395 4 879519501 +295 401 3 879519390 +295 402 5 879518820 +295 403 4 879517762 +295 404 4 879518378 +295 405 5 879518319 +295 412 2 879519237 +295 414 4 879517157 +295 416 4 879518630 +295 417 5 879518474 +295 419 4 879518107 +295 420 4 879518233 +295 421 4 879517802 +295 423 4 879517372 +295 427 4 879517412 +295 431 5 879518233 +295 435 5 879519556 +295 449 4 879518864 +295 450 4 879519438 +295 461 5 879966498 +295 470 3 879518257 +295 483 5 879517348 +295 485 4 879517558 +295 493 5 879516961 +295 496 5 879517682 +295 498 5 879519556 +295 504 4 879517299 +295 511 5 879516961 +295 513 4 879517492 +295 527 4 879517964 +295 546 4 879518780 +295 559 4 879518674 +295 570 3 879518590 +295 582 5 879517721 +295 588 4 879517682 +295 602 5 879517247 +295 624 5 879518654 +295 629 5 879518780 +295 631 5 879966498 +295 642 4 879517943 +295 648 4 879517324 +295 655 5 879517010 +295 660 5 879518143 +295 704 5 879519266 +295 705 4 879517682 +295 720 4 879518801 +295 722 4 879518881 +295 727 5 879517682 +295 729 4 879518018 +295 735 5 879519556 +295 736 5 879966498 +295 737 5 879518607 +295 738 4 879518546 +295 739 4 879518319 +295 747 4 879518590 +295 812 4 879518739 +295 843 4 879517994 +295 941 4 879518359 +295 946 2 879517994 +295 951 5 879517893 +295 961 5 879519556 +295 965 4 879517271 +295 966 5 879518060 +295 997 3 879518821 +295 1028 5 879519556 +295 1039 4 879517742 +295 1040 2 879519180 +295 1050 5 879517761 +295 1115 5 879518568 +295 1133 4 879519528 +295 1135 4 879518696 +295 1170 5 879966498 +295 1188 3 879519354 +295 1221 5 879518455 +295 1297 4 879519529 +295 1401 5 879966498 +295 1446 4 879519026 +295 1459 5 879519237 +295 1473 4 879519473 +295 1503 2 879517082 +296 1 5 884196689 +296 7 5 884196896 +296 9 4 884196523 +296 10 2 884196605 +296 11 5 884197131 +296 13 3 884196665 +296 14 4 884196665 +296 15 3 884196712 +296 20 5 884196921 +296 22 4 884197068 +296 23 5 884197235 +296 24 2 884196605 +296 32 4 884197131 +296 45 5 884197419 +296 48 5 884197091 +296 55 5 884197287 +296 56 5 884197287 +296 61 3 884197287 +296 79 4 884197068 +296 83 5 884199624 +296 89 5 884197352 +296 96 5 884197287 +296 98 5 884197091 +296 100 5 884196489 +296 114 5 884198772 +296 117 3 884196741 +296 121 5 884196689 +296 124 5 884196555 +296 125 5 884196985 +296 134 5 884197264 +296 137 4 884196741 +296 144 4 884197131 +296 150 1 884196556 +296 151 2 884196964 +296 153 4 884197419 +296 172 5 884197193 +296 179 4 884197419 +296 180 5 884198772 +296 181 5 884198772 +296 187 5 884198772 +296 191 5 884197193 +296 194 5 884197193 +296 198 5 884197264 +296 199 5 884197193 +296 204 5 884199625 +296 209 4 884199625 +296 210 3 884197308 +296 211 4 884197068 +296 222 5 884196640 +296 228 4 884197264 +296 237 5 884196785 +296 238 4 884199624 +296 240 1 884196765 +296 242 4 884196057 +296 244 1 884196896 +296 246 4 884196584 +296 248 5 884196765 +296 250 2 884196689 +296 251 5 884196523 +296 255 2 884196584 +296 257 5 884196921 +296 258 5 884196469 +296 259 1 884196374 +296 268 4 884196238 +296 269 5 884196258 +296 272 5 884198772 +296 274 4 884196741 +296 275 4 884196555 +296 276 5 884198772 +296 277 5 884198772 +296 279 4 884196640 +296 281 2 884196985 +296 282 4 884196712 +296 284 4 884196805 +296 285 5 884196469 +296 286 5 884196209 +296 287 4 884196765 +296 292 5 884196057 +296 293 5 884196765 +296 294 1 884196374 +296 298 1 884196640 +296 303 4 884196238 +296 309 1 884196209 +296 357 5 884197068 +296 427 5 884198772 +296 429 5 884197330 +296 435 5 884197108 +296 455 1 884196921 +296 462 4 884197330 +296 469 5 884197264 +296 475 4 884196555 +296 482 5 884197330 +296 483 5 884197307 +296 484 4 884197308 +296 485 5 884197235 +296 498 5 884197352 +296 504 5 884197394 +296 508 5 884196584 +296 510 5 884197264 +296 514 5 884199624 +296 515 5 884196555 +296 521 4 884197091 +296 523 4 884197235 +296 528 5 884197068 +296 544 4 884196938 +296 632 5 884197264 +296 652 4 884197068 +296 654 5 884197419 +296 659 5 884198772 +296 663 5 884198772 +296 685 4 884196896 +296 696 4 884196805 +296 705 5 884197193 +296 750 5 884196150 +296 815 3 884196806 +296 845 5 884196689 +296 846 2 884196985 +296 855 5 884197352 +296 898 4 884196284 +296 923 5 884197193 +296 948 1 884196149 +296 950 4 884196741 +296 961 5 884197287 +296 963 5 884197352 +296 1009 3 884196921 +296 1073 5 884197330 +296 1142 5 884196524 +296 1160 4 884196964 +296 1251 5 884196469 +296 1284 4 884196765 +297 1 3 874954425 +297 4 1 875240201 +297 7 4 874954541 +297 8 5 875239795 +297 11 4 875240015 +297 12 5 875239619 +297 13 3 874955210 +297 17 3 875240201 +297 20 4 874954763 +297 22 4 875238984 +297 24 4 874954260 +297 25 4 874954497 +297 28 4 875239913 +297 31 3 881708087 +297 34 3 875410124 +297 47 2 875240090 +297 50 5 874954541 +297 53 3 875239942 +297 55 4 875238922 +297 56 5 875239422 +297 57 5 875239383 +297 69 3 875240171 +297 70 5 875239619 +297 73 2 875239691 +297 79 3 875239125 +297 83 4 875774306 +297 86 5 875238883 +297 89 4 875239125 +297 95 3 875238814 +297 97 5 875239871 +297 98 5 875238579 +297 100 5 874954183 +297 102 1 875240267 +297 108 4 874955085 +297 109 4 874954814 +297 114 5 875239569 +297 116 4 874954260 +297 117 4 874954497 +297 118 3 875239495 +297 124 4 874954353 +297 128 4 875239346 +297 129 4 874954353 +297 133 4 875240090 +297 135 4 875238608 +297 137 5 874954425 +297 143 5 875239870 +297 144 3 875238778 +297 147 3 874955183 +297 148 3 875239619 +297 151 3 875239975 +297 153 5 875240053 +297 154 5 875239658 +297 157 2 875238853 +297 160 1 875238853 +297 173 4 875240237 +297 174 5 875410071 +297 175 4 875238883 +297 176 4 881708055 +297 181 4 875410178 +297 182 3 875239125 +297 183 4 875238984 +297 185 5 875239870 +297 191 3 875238923 +297 194 3 875239453 +297 195 1 875240053 +297 196 4 875239267 +297 197 3 875239691 +297 198 3 875238923 +297 201 4 875238984 +297 202 3 875238638 +297 204 3 875239422 +297 208 4 875049192 +297 209 4 875239535 +297 210 4 875410100 +297 213 3 875240171 +297 216 4 875409423 +297 218 3 875409827 +297 222 4 874954845 +297 223 5 875238638 +297 230 2 875238814 +297 231 3 875239913 +297 233 2 875239914 +297 234 3 875239018 +297 235 2 874954611 +297 237 4 875239383 +297 238 5 875409525 +297 243 1 878771163 +297 245 3 874954060 +297 248 3 874954814 +297 249 3 874955210 +297 250 1 874955085 +297 257 3 874954763 +297 258 5 874953892 +297 265 3 875239454 +297 267 3 875409139 +297 268 4 881707737 +297 269 4 875774037 +297 271 2 881707810 +297 272 5 884039431 +297 273 4 874954763 +297 275 5 874954260 +297 277 3 875048641 +297 282 3 874954845 +297 283 4 874954387 +297 284 4 874954497 +297 286 5 874953892 +297 288 3 874955131 +297 293 3 874954844 +297 294 3 874953948 +297 298 5 874954814 +297 300 3 874953892 +297 301 4 876529834 +297 302 4 875408934 +297 307 4 878771124 +297 326 2 874953892 +297 338 2 881707832 +297 347 3 885922424 +297 357 4 875238922 +297 367 2 875239018 +297 423 3 875240237 +297 430 1 875238778 +297 432 4 875239658 +297 435 3 875238726 +297 443 2 875240133 +297 447 4 875239691 +297 448 3 875240171 +297 455 4 874954611 +297 465 3 875238984 +297 471 3 874954611 +297 474 4 875239125 +297 475 5 874954426 +297 479 5 875240015 +297 480 4 875238923 +297 485 3 875240267 +297 498 3 875239018 +297 508 4 874955210 +297 514 3 875239383 +297 515 5 874954353 +297 527 5 875239018 +297 574 1 875239092 +297 588 4 875238579 +297 596 3 874955107 +297 603 5 875239942 +297 625 3 875240266 +297 628 4 874954497 +297 629 3 875410013 +297 652 3 875239346 +297 659 4 881708055 +297 678 3 874954093 +297 687 2 875409099 +297 690 5 876717812 +297 692 3 875239018 +297 699 4 875239658 +297 705 2 875238726 +297 716 3 875239422 +297 724 3 875238883 +297 736 4 875239975 +297 742 3 875774155 +297 748 2 874954060 +297 751 4 885922463 +297 864 3 874954541 +297 919 1 874954260 +297 946 2 875239092 +297 1007 4 874954763 +297 1014 3 874954845 +297 1016 3 874955131 +297 1073 3 875238695 +297 1109 3 875238922 +297 1136 3 875240053 +297 1217 1 875240132 +297 1296 4 875408935 +298 1 5 884126061 +298 8 5 884182748 +298 9 4 884126202 +298 22 4 884182965 +298 23 4 884183236 +298 28 4 884182725 +298 50 5 884125578 +298 58 4 884182725 +298 69 4 884125058 +298 71 5 884183016 +298 79 5 884182685 +298 91 2 884182932 +298 97 4 884183063 +298 98 4 884127720 +298 99 3 884127249 +298 118 4 884183016 +298 121 4 884126202 +298 125 3 884125912 +298 127 5 884125847 +298 133 3 884125093 +298 134 5 884182966 +298 143 5 884182966 +298 144 4 884182838 +298 151 3 884183952 +298 152 3 884183336 +298 172 4 884124993 +298 174 5 884125022 +298 178 5 884127369 +298 181 4 884125629 +298 183 3 884182600 +298 185 3 884182774 +298 186 4 884183256 +298 187 5 884183063 +298 194 5 884127249 +298 195 4 884183277 +298 197 4 884183236 +298 199 4 884127690 +298 200 3 884183063 +298 202 3 884182867 +298 203 3 884182966 +298 204 4 884182148 +298 205 5 884181969 +298 210 5 884182891 +298 213 3 884183130 +298 237 5 884126240 +298 252 4 884183833 +298 257 4 884126240 +298 261 4 884126805 +298 274 3 884183640 +298 275 3 884125672 +298 281 3 884183336 +298 282 4 884125629 +298 286 4 884124929 +298 294 3 884184024 +298 311 3 884126552 +298 317 4 884182806 +298 318 5 884182657 +298 333 5 884126600 +298 356 3 884182627 +298 357 5 884181969 +298 393 4 884183099 +298 402 3 884183063 +298 418 4 884183406 +298 427 5 884127369 +298 430 5 884182657 +298 432 4 884183307 +298 435 5 884182573 +298 465 4 884182806 +298 471 4 884125847 +298 473 3 884183952 +298 474 4 884182806 +298 477 4 884126202 +298 482 5 884182657 +298 483 5 884125441 +298 485 3 884124993 +298 486 3 884183063 +298 496 5 884127603 +298 498 5 884182573 +298 502 5 884183406 +298 503 4 884183237 +298 507 4 884182657 +298 511 4 884127690 +298 514 4 884182989 +298 526 5 884182573 +298 527 5 884182725 +298 530 5 884182600 +298 546 3 884184098 +298 549 4 884183307 +298 588 4 884125022 +298 596 3 884126288 +298 603 5 884125093 +298 625 4 884183406 +298 651 5 884183063 +298 652 3 884183099 +298 660 3 884182838 +298 679 3 884183099 +298 705 4 884182148 +298 742 3 884125553 +298 842 4 884127249 +298 845 3 884183773 +298 864 3 884183912 +298 866 3 884183930 +298 951 4 884183130 +298 993 4 884125629 +298 1142 4 884183572 +298 1346 3 884126061 +299 4 3 889503074 +299 10 5 877878601 +299 12 5 877880350 +299 13 4 877877965 +299 14 4 877877775 +299 17 1 889503374 +299 19 1 877877434 +299 20 3 877880111 +299 23 4 878192154 +299 24 3 877877732 +299 25 3 877878227 +299 26 4 878192601 +299 32 3 877881169 +299 45 3 878192238 +299 47 4 877881508 +299 49 4 889502823 +299 50 4 877877775 +299 52 4 877880962 +299 56 4 877880350 +299 58 3 878192601 +299 59 5 877880394 +299 61 4 877880648 +299 67 2 889503740 +299 70 3 877881320 +299 71 3 878192238 +299 72 3 889503305 +299 73 2 889503265 +299 83 5 878192344 +299 86 4 889502050 +299 88 3 889502902 +299 89 5 878192756 +299 93 2 877877775 +299 94 1 889503564 +299 95 3 889501654 +299 97 4 878192680 +299 100 3 877877600 +299 101 2 889501721 +299 111 3 877878184 +299 114 4 878191943 +299 115 3 877880474 +299 118 2 877880111 +299 127 5 877877434 +299 129 4 877877733 +299 134 4 878192311 +299 135 4 878191889 +299 136 4 878192078 +299 137 4 877877535 +299 143 3 877880612 +299 144 4 877881320 +299 150 5 877877535 +299 151 4 877878227 +299 167 3 889503159 +299 168 4 878192039 +299 170 5 889501190 +299 171 4 877880961 +299 173 5 889501163 +299 174 4 877880961 +299 175 5 879123190 +299 176 4 880699166 +299 179 4 878191943 +299 181 3 877877479 +299 182 3 878192039 +299 185 3 878192039 +299 186 3 889503233 +299 190 5 877881356 +299 191 4 878192039 +299 197 3 878192039 +299 198 4 889501288 +299 204 4 889503112 +299 207 3 877880394 +299 208 4 878191995 +299 209 3 889503013 +299 210 4 889502980 +299 211 4 877880961 +299 212 4 878191889 +299 216 5 889502688 +299 222 2 877878148 +299 228 3 878191823 +299 229 3 878192429 +299 235 1 877878184 +299 237 2 877877649 +299 238 4 877880852 +299 240 2 877878414 +299 241 3 889502640 +299 244 2 877878001 +299 249 3 877878414 +299 251 5 877877434 +299 255 2 877878036 +299 257 2 877877732 +299 259 3 877877323 +299 264 2 877877290 +299 270 4 878052375 +299 271 3 879737472 +299 275 4 877877535 +299 276 4 877877691 +299 278 3 877879980 +299 283 3 889417370 +299 285 5 877877847 +299 286 4 877618524 +299 288 3 877618584 +299 289 3 877877323 +299 294 2 877618584 +299 297 3 877877691 +299 298 4 877878227 +299 300 4 877618619 +299 302 4 889501087 +299 303 3 877618584 +299 305 3 879737314 +299 311 4 880198334 +299 313 3 887135516 +299 318 4 877880649 +299 319 3 889501480 +299 333 4 892249868 +299 343 3 881605700 +299 345 4 884023998 +299 346 3 886101436 +299 347 4 887135610 +299 354 4 888854746 +299 367 4 878192497 +299 378 3 878192680 +299 381 3 889502198 +299 384 3 889503774 +299 387 2 889502756 +299 393 2 889503503 +299 399 2 889503373 +299 408 4 877877847 +299 418 4 889501790 +299 423 3 878192238 +299 432 3 877880612 +299 433 5 889501365 +299 435 3 877881061 +299 461 3 878192601 +299 462 5 878192463 +299 473 3 877878561 +299 474 5 877880474 +299 475 4 877877600 +299 479 4 878192556 +299 480 4 878191995 +299 481 3 877880566 +299 482 4 877881508 +299 483 5 877880961 +299 484 4 877881169 +299 485 4 877881320 +299 488 4 877881508 +299 496 3 878192154 +299 498 4 878192237 +299 501 3 889501790 +299 503 4 878192601 +299 508 4 877878451 +299 509 4 877880566 +299 510 5 889501392 +299 511 4 878192311 +299 514 5 877881229 +299 515 4 877877691 +299 516 4 889503159 +299 522 3 877880522 +299 529 4 877880852 +299 538 3 881605700 +299 543 5 889501890 +299 546 3 877879980 +299 553 3 889502865 +299 577 3 889503806 +299 582 2 889502159 +299 588 4 877880852 +299 597 3 877880111 +299 602 3 878191995 +299 603 3 877880474 +299 606 4 889501393 +299 607 4 877881229 +299 615 4 878192555 +299 634 2 877880852 +299 640 3 889501995 +299 641 4 889501514 +299 642 4 877881276 +299 645 4 877881276 +299 647 4 878192804 +299 652 3 877880522 +299 655 3 889502979 +299 662 4 878192429 +299 692 4 877880915 +299 702 4 889502159 +299 710 4 877881508 +299 715 4 889503441 +299 724 3 889502687 +299 728 2 889503159 +299 732 4 889502688 +299 733 3 888855244 +299 739 3 889502865 +299 742 4 877878339 +299 746 4 889502979 +299 747 4 889502640 +299 752 3 887136060 +299 778 4 889502688 +299 785 2 889502865 +299 811 4 877880794 +299 813 4 878192192 +299 847 4 877877649 +299 855 4 889502087 +299 856 3 889503334 +299 889 3 884023918 +299 895 2 884993860 +299 915 4 892250102 +299 916 3 892249868 +299 919 3 889501551 +299 921 3 889502087 +299 936 4 889417423 +299 950 2 877878148 +299 954 3 889503503 +299 955 4 889502823 +299 959 2 889503159 +299 962 4 889501593 +299 965 4 889501260 +299 971 2 889502353 +299 998 2 889503774 +299 1005 5 878192833 +299 1006 4 878192804 +299 1018 3 889502324 +299 1020 4 878192237 +299 1021 3 878192721 +299 1039 4 878191779 +299 1047 2 877880041 +299 1050 4 878192721 +299 1056 4 889502292 +299 1068 3 877877600 +299 1073 4 879123070 +299 1074 3 889502786 +299 1103 4 889503013 +299 1119 4 889502727 +299 1132 1 877880196 +299 1141 4 877880522 +299 1214 2 889502528 +299 1223 3 878191779 +299 1226 2 877878602 +299 1227 1 878192556 +299 1258 2 877878451 +299 1300 2 877878382 +299 1322 3 877878001 +299 1379 3 877878080 +299 1506 4 878192680 +299 1507 3 877881170 +300 100 3 875650267 +300 243 4 875650068 +300 257 4 875650267 +300 261 3 875650018 +300 288 4 875649995 +300 294 3 875649995 +300 300 4 875649995 +300 322 4 875650018 +300 328 3 875650068 +300 456 4 875650267 +300 687 2 875650042 +300 872 5 875650068 +300 876 5 875650105 +300 948 4 875650018 +300 1012 4 875650329 +301 1 4 882074345 +301 2 2 882076587 +301 3 2 882075082 +301 7 4 882074236 +301 8 4 882076494 +301 9 3 882074291 +301 11 4 882076291 +301 15 4 882074460 +301 17 4 882077142 +301 21 2 882074967 +301 22 4 882075859 +301 24 4 882074312 +301 25 3 882075110 +301 28 4 882076264 +301 29 4 882078492 +301 31 3 882076463 +301 33 4 882078228 +301 39 3 882076292 +301 41 3 882079446 +301 42 4 882075743 +301 43 5 882078994 +301 47 4 882076936 +301 51 4 882078928 +301 53 1 882078883 +301 54 3 882076587 +301 56 4 882076587 +301 58 4 882077285 +301 62 3 882078419 +301 64 5 882075672 +301 66 4 882077330 +301 67 2 882078621 +301 69 5 882076682 +301 73 4 882075962 +301 76 4 882078250 +301 77 3 882076751 +301 79 5 882076403 +301 80 3 882078883 +301 81 3 882077351 +301 82 5 882077078 +301 88 4 882077142 +301 89 2 882076046 +301 90 3 882078360 +301 91 3 882078906 +301 94 4 882079172 +301 95 5 882076334 +301 96 5 882076239 +301 98 4 882075827 +301 99 4 882078419 +301 100 5 882074408 +301 105 3 882075202 +301 109 5 882074236 +301 111 1 882074708 +301 117 5 882074584 +301 118 4 882074903 +301 120 2 882079423 +301 121 4 882075148 +301 122 2 882074818 +301 123 4 882074726 +301 127 4 882074262 +301 128 5 882078228 +301 132 4 882076619 +301 133 4 882077142 +301 138 2 882079446 +301 142 3 882078420 +301 143 4 882077330 +301 144 4 882076021 +301 150 4 882074345 +301 151 2 882074776 +301 152 3 882077285 +301 153 3 882075743 +301 154 4 882076425 +301 155 1 882078308 +301 156 4 882076098 +301 159 3 882076890 +301 160 2 882077284 +301 161 3 882076558 +301 164 3 882076966 +301 168 4 882075994 +301 172 5 882076403 +301 173 4 882076403 +301 174 5 882075827 +301 176 4 882075774 +301 179 3 882076494 +301 180 3 882076782 +301 181 5 882074291 +301 182 5 882075774 +301 183 3 882076291 +301 184 4 882077222 +301 187 4 882076403 +301 191 3 882075672 +301 193 3 882075994 +301 194 4 882075827 +301 195 5 882076098 +301 196 4 882077836 +301 197 5 882075774 +301 199 4 882076239 +301 201 4 882076619 +301 202 5 882076211 +301 203 4 882077176 +301 204 5 882076264 +301 205 4 882076046 +301 215 5 882077222 +301 216 4 882076782 +301 217 3 882079503 +301 222 4 882074345 +301 226 5 882077222 +301 227 3 882077222 +301 228 3 882076966 +301 229 3 882078228 +301 230 4 882077033 +301 231 2 882078580 +301 233 4 882077872 +301 235 2 882074408 +301 237 4 882074291 +301 239 2 882076682 +301 240 4 882074494 +301 241 3 882077222 +301 252 3 882075148 +301 258 4 882074363 +301 265 4 882075672 +301 269 5 882075432 +301 273 1 882074800 +301 276 1 882074384 +301 281 4 882074903 +301 282 4 882074561 +301 284 4 882074708 +301 288 4 882074291 +301 294 4 882074408 +301 299 3 882075520 +301 300 4 882075500 +301 333 4 882075454 +301 334 3 882075500 +301 357 5 882075994 +301 367 4 882076619 +301 373 4 882079334 +301 380 4 882078459 +301 384 5 882079315 +301 385 3 882077055 +301 387 3 882078084 +301 395 1 882079384 +301 401 4 882078040 +301 402 2 882076915 +301 403 4 882076292 +301 405 4 882074727 +301 407 2 882075202 +301 409 4 882075242 +301 410 4 882074460 +301 411 1 882074867 +301 418 3 882076751 +301 419 3 882076072 +301 423 1 882076239 +301 425 4 882077033 +301 426 4 882076967 +301 427 4 882075775 +301 429 4 882076072 +301 443 4 882078008 +301 447 4 882078955 +301 455 5 882074437 +301 456 3 882074838 +301 465 4 882077811 +301 470 4 882078199 +301 474 4 882075803 +301 481 4 882075827 +301 483 4 882076403 +301 496 5 882075743 +301 501 3 882078040 +301 502 4 882076558 +301 511 4 882075803 +301 514 3 882076021 +301 515 3 882074561 +301 519 4 882076682 +301 521 3 882076987 +301 523 4 882076146 +301 527 4 882076238 +301 550 3 882078040 +301 552 3 882078267 +301 554 3 882078830 +301 559 4 882078955 +301 566 3 882076463 +301 568 4 882076538 +301 582 2 882077811 +301 588 5 882077055 +301 597 3 882075202 +301 604 4 882075994 +301 606 3 882076890 +301 607 4 882077176 +301 610 3 882077176 +301 631 1 882078882 +301 636 3 882077811 +301 651 5 882075994 +301 655 1 882076187 +301 658 3 882076463 +301 660 4 882076782 +301 665 2 882079334 +301 673 4 882076751 +301 684 3 882077330 +301 686 4 882078008 +301 692 3 882076619 +301 693 5 882076806 +301 702 4 882077784 +301 710 3 882078008 +301 719 4 882079542 +301 721 3 882076494 +301 732 4 882077351 +301 737 2 882078906 +301 739 2 882076966 +301 743 2 882075356 +301 746 3 882075774 +301 755 4 882078308 +301 756 4 882074932 +301 763 4 882074665 +301 771 2 882079256 +301 772 3 882078250 +301 790 4 882078621 +301 820 3 882075082 +301 824 3 882075055 +301 831 4 882075338 +301 849 4 882078883 +301 864 4 882075110 +301 866 4 882075171 +301 871 4 882075148 +301 1012 4 882074613 +301 1016 4 882074684 +301 1028 5 882074801 +301 1035 4 882078809 +301 1074 2 882078580 +301 1091 3 882079353 +301 1112 4 882079294 +301 1135 3 882078906 +301 1228 4 882079423 +301 1283 4 882075386 +302 245 2 879436911 +302 258 3 879436739 +302 266 2 879436981 +302 270 2 879436785 +302 271 4 879436911 +302 299 2 879436932 +302 301 4 879436820 +302 303 2 879436785 +302 307 4 879436739 +302 309 2 879436820 +302 322 2 879436875 +302 323 2 879436875 +302 328 3 879436844 +302 333 3 879436785 +302 680 2 879437035 +302 879 2 879436960 +302 988 2 879436875 +303 1 5 879466966 +303 2 3 879467191 +303 3 3 879485184 +303 4 4 879467936 +303 7 4 879467514 +303 9 5 879466830 +303 11 4 879467260 +303 12 4 879466937 +303 13 4 879484918 +303 15 3 879467607 +303 17 4 879466830 +303 21 2 879484004 +303 24 3 879468047 +303 25 4 879468047 +303 26 4 879468307 +303 28 3 879466717 +303 29 2 879485134 +303 31 3 879467361 +303 33 4 879468021 +303 38 1 879484981 +303 42 5 879467223 +303 43 3 879485507 +303 44 4 879484480 +303 46 3 879467706 +303 47 5 879467959 +303 49 2 879483901 +303 50 5 879466866 +303 53 3 879485608 +303 54 3 879484695 +303 55 4 879467328 +303 56 5 879466547 +303 62 2 879484159 +303 63 1 879484327 +303 64 5 879466457 +303 65 4 879467436 +303 67 5 879485401 +303 68 4 879467361 +303 69 5 879467542 +303 71 3 879468179 +303 73 3 879484918 +303 77 4 879483978 +303 78 2 879544238 +303 79 5 879466891 +303 80 4 879484563 +303 81 4 879466866 +303 83 5 879467607 +303 87 3 879466421 +303 88 4 879468307 +303 90 4 879485111 +303 91 5 879483480 +303 92 4 879467131 +303 94 3 879485318 +303 95 5 879484480 +303 96 5 879466830 +303 97 5 879468459 +303 98 5 879466572 +303 99 4 879467514 +303 100 5 879466420 +303 106 2 879543796 +303 109 4 879467131 +303 116 5 879466771 +303 117 3 879468581 +303 118 2 879485623 +303 120 2 879544099 +303 121 3 879485016 +303 122 4 879485066 +303 123 4 879468149 +303 125 2 879467638 +303 128 4 879467542 +303 129 5 879468547 +303 134 5 879467959 +303 137 4 879468414 +303 139 3 879543209 +303 141 3 879483900 +303 145 1 879543573 +303 147 4 879467816 +303 151 5 879484534 +303 152 4 879468274 +303 153 5 879466421 +303 155 3 879484159 +303 156 5 879466771 +303 158 3 879543959 +303 159 3 879484695 +303 160 4 879468375 +303 161 5 879468547 +303 164 4 879466830 +303 167 3 879468307 +303 168 5 879467223 +303 170 5 879467574 +303 172 5 879467413 +303 173 5 879466604 +303 176 5 879467260 +303 179 5 879466491 +303 181 5 879468082 +303 182 5 879467105 +303 183 5 879466866 +303 184 5 879467436 +303 185 5 879467465 +303 186 4 879467105 +303 191 5 879466937 +303 194 5 879466742 +303 195 4 879466937 +303 198 4 879467413 +303 200 4 879468459 +303 201 5 879467573 +303 202 5 879468149 +303 203 5 879467669 +303 204 4 879466491 +303 208 5 879467706 +303 209 5 879467328 +303 210 4 879466717 +303 215 5 879467413 +303 216 5 879466604 +303 218 4 879484695 +303 219 5 879484480 +303 221 5 879466491 +303 222 3 879468414 +303 223 4 879466742 +303 226 4 879467295 +303 227 3 879542884 +303 229 3 879468581 +303 231 4 879485292 +303 232 4 879467191 +303 233 4 879484981 +303 234 5 879467260 +303 235 4 879484563 +303 236 4 879468274 +303 237 5 879468307 +303 238 4 879467295 +303 239 3 879484871 +303 240 3 879468513 +303 245 3 879466249 +303 248 2 879544680 +303 249 4 879544739 +303 250 4 879544712 +303 252 3 879544791 +303 257 4 879544558 +303 258 4 879465986 +303 259 3 879466116 +303 260 3 879466291 +303 262 5 879466065 +303 264 3 879466214 +303 268 5 879466166 +303 270 4 879466088 +303 273 3 879468274 +303 276 4 879467895 +303 277 3 879468547 +303 284 4 879467465 +303 286 5 879465986 +303 287 4 879485203 +303 288 4 879466018 +303 289 2 879466065 +303 290 4 879483941 +303 291 3 879484804 +303 293 4 879544515 +303 294 4 879466116 +303 300 1 879466166 +303 302 4 879465986 +303 318 5 879466523 +303 321 3 879466065 +303 323 1 879466214 +303 324 3 879466065 +303 325 1 879466249 +303 326 2 879466116 +303 327 1 879466166 +303 328 3 879466166 +303 330 3 879552065 +303 333 4 879466088 +303 334 3 879466184 +303 340 5 879466088 +303 357 5 879466717 +303 358 2 879466291 +303 363 1 879485134 +303 364 2 879544153 +303 366 3 879485221 +303 367 4 879468082 +303 368 1 879544340 +303 369 1 879544130 +303 373 2 879544276 +303 375 2 879544276 +303 376 2 879543617 +303 379 4 879485546 +303 381 4 879467574 +303 382 3 879467815 +303 384 3 879485165 +303 387 5 879485401 +303 390 3 879544365 +303 391 1 879485747 +303 393 4 879484981 +303 396 4 879484846 +303 397 1 879543831 +303 398 1 879485372 +303 401 3 879543003 +303 403 5 879468274 +303 404 4 879468375 +303 405 4 879483802 +303 408 4 879467035 +303 410 4 879484846 +303 411 4 879483802 +303 412 3 879543756 +303 413 2 879543524 +303 416 3 879468179 +303 418 4 879483510 +303 419 4 879467328 +303 420 4 879484563 +303 421 4 879466966 +303 423 4 879483535 +303 426 3 879542535 +303 427 4 879466547 +303 430 4 879467260 +303 432 3 879468274 +303 433 4 879467985 +303 435 5 879466491 +303 436 4 879484644 +303 443 4 879468459 +303 449 4 879485685 +303 450 3 879544386 +303 451 5 879468581 +303 452 2 879544276 +303 455 3 879484421 +303 458 3 879467936 +303 460 4 879543600 +303 461 4 879484159 +303 462 3 879468082 +303 470 4 879468375 +303 473 4 879485111 +303 475 4 879467155 +303 476 3 879485352 +303 479 5 879466572 +303 480 4 879466523 +303 482 5 879467361 +303 483 5 879466795 +303 484 5 879466966 +303 502 4 879484421 +303 506 4 879467328 +303 507 5 879466604 +303 508 4 879467260 +303 514 5 879466667 +303 517 5 879484480 +303 518 4 879468581 +303 525 5 879466604 +303 531 4 879466457 +303 535 1 879544681 +303 540 1 879543679 +303 541 3 879543988 +303 542 2 879484194 +303 544 4 879483617 +303 545 2 879544400 +303 546 2 879484373 +303 549 3 879484846 +303 550 3 879467607 +303 551 2 879544021 +303 552 2 879485048 +303 554 2 879484500 +303 558 4 879467105 +303 559 4 879467670 +303 562 4 879485447 +303 564 1 879485447 +303 568 4 879468414 +303 574 1 879544184 +303 575 4 879544219 +303 576 3 879485417 +303 577 3 879544340 +303 578 2 879484846 +303 582 4 879483462 +303 586 2 879485659 +303 588 5 879468459 +303 591 4 879468082 +303 595 2 879484421 +303 596 4 879468274 +303 603 5 879466457 +303 615 4 879467413 +303 616 4 879484948 +303 619 3 879467574 +303 627 3 879484733 +303 631 4 879483617 +303 634 3 879467035 +303 636 3 879484695 +303 650 5 879483941 +303 651 5 879468021 +303 654 5 879467328 +303 655 5 879483568 +303 658 5 879484327 +303 673 4 879468250 +303 678 1 879544946 +303 679 2 879484534 +303 685 1 879485089 +303 687 1 879544923 +303 692 4 879468123 +303 693 4 879466771 +303 697 3 879484948 +303 700 3 879485718 +303 705 5 879467105 +303 709 5 879468021 +303 715 4 879484441 +303 716 2 879467639 +303 720 2 879468375 +303 721 4 879484194 +303 722 2 879485372 +303 725 1 879544153 +303 729 3 879483568 +303 735 4 879483567 +303 738 2 879544276 +303 739 5 879468547 +303 741 4 879466604 +303 742 4 879484899 +303 744 3 879467607 +303 748 2 879466214 +303 755 2 879485016 +303 759 1 879544385 +303 762 4 879468179 +303 763 4 879485319 +303 765 3 879485608 +303 778 4 879467815 +303 779 1 879543418 +303 780 5 879483900 +303 783 2 879543756 +303 785 3 879485318 +303 792 5 879484644 +303 800 3 879485352 +303 801 1 879543679 +303 805 4 879485475 +303 808 2 879484480 +303 809 2 879543524 +303 815 3 879485532 +303 820 3 879544184 +303 825 3 879485016 +303 831 4 879544080 +303 840 2 879543988 +303 842 2 879484804 +303 844 3 879468179 +303 847 4 879466830 +303 849 3 879485589 +303 866 2 879485277 +303 867 3 879484373 +303 869 2 879485703 +303 871 1 879485685 +303 872 3 879466018 +303 873 3 879466214 +303 919 4 879467295 +303 926 2 879485814 +303 928 3 879485589 +303 939 3 879467739 +303 940 2 879485659 +303 943 2 879467815 +303 948 2 879466249 +303 952 3 879467706 +303 953 3 879485016 +303 960 4 879467361 +303 979 4 879484213 +303 993 2 879544576 +303 997 2 879544219 +303 998 3 879544435 +303 1007 5 879544576 +303 1011 2 879484282 +303 1012 4 879544712 +303 1013 1 879544860 +303 1014 3 879544588 +303 1016 3 879544727 +303 1021 4 879484643 +303 1037 3 879544340 +303 1039 5 879466457 +303 1040 1 879485844 +303 1041 2 879485507 +303 1044 3 879485685 +303 1046 3 879468375 +303 1047 2 879485277 +303 1048 4 879484871 +303 1071 2 879485352 +303 1073 4 879467191 +303 1086 1 879468021 +303 1088 2 879544946 +303 1089 1 879544978 +303 1090 1 879485686 +303 1095 2 879543988 +303 1097 3 879466523 +303 1098 4 879467959 +303 1109 4 879467936 +303 1110 1 879543939 +303 1118 3 879484004 +303 1142 4 879544659 +303 1145 2 879544219 +303 1153 3 879484899 +303 1157 2 879543711 +303 1160 2 879544629 +303 1178 2 879544130 +303 1182 2 879543459 +303 1187 4 879467895 +303 1188 4 879485204 +303 1199 3 879468123 +303 1209 2 879544021 +303 1210 1 879543773 +303 1215 1 879544435 +303 1217 1 879484948 +303 1218 4 879484350 +303 1222 3 879468513 +303 1224 2 879485475 +303 1226 4 879544713 +303 1228 2 879543459 +303 1232 3 879484948 +303 1239 1 879544020 +303 1258 2 879544756 +303 1267 3 879484327 +303 1270 1 879485770 +303 1273 2 879485278 +303 1286 4 879467413 +303 1303 3 879543831 +303 1315 3 879544791 +303 1335 3 879485048 +303 1337 1 879485770 +303 1407 1 879544063 +303 1411 2 879483941 +303 1426 2 879484804 +303 1508 1 879544130 +303 1510 3 879485659 +303 1511 3 879544843 +304 111 3 884968264 +304 237 5 884968415 +304 243 3 884967391 +304 259 1 884967253 +304 271 4 884968415 +304 274 4 884968415 +304 275 4 884968264 +304 278 4 884968415 +304 286 1 884967017 +304 288 3 884966696 +304 294 4 884968415 +304 298 5 884968415 +304 300 5 884968415 +304 310 3 884966697 +304 313 5 884968415 +304 322 4 884968415 +304 323 3 884967391 +304 328 3 884967167 +304 343 3 884967896 +304 681 2 884967167 +304 682 3 884967520 +304 742 3 884968078 +304 879 3 884966972 +304 893 3 884967520 +304 895 3 884967017 +305 7 4 886323937 +305 11 1 886323237 +305 12 5 886322930 +305 13 3 886323998 +305 14 4 886322893 +305 15 1 886322796 +305 16 3 886324058 +305 33 3 886325627 +305 42 4 886324172 +305 45 5 886323275 +305 49 3 886324962 +305 50 5 886321799 +305 52 2 886323506 +305 56 1 886323068 +305 59 3 886322758 +305 60 3 886324097 +305 61 4 886323378 +305 64 5 886323406 +305 66 3 886325023 +305 69 3 886324299 +305 70 4 886324221 +305 71 3 886323684 +305 76 1 886323506 +305 79 3 886324276 +305 81 3 886323335 +305 83 3 886323464 +305 86 4 886323757 +305 87 1 886323153 +305 88 2 886323966 +305 91 2 886323303 +305 96 3 886324172 +305 97 4 886322560 +305 98 4 886322560 +305 100 3 886323648 +305 117 2 886324028 +305 121 3 886324898 +305 127 5 886322412 +305 129 3 886323006 +305 131 3 886323440 +305 134 5 886322560 +305 135 3 886323189 +305 151 4 886324433 +305 153 3 886323153 +305 154 4 886322670 +305 156 4 886323068 +305 163 3 886325627 +305 168 4 886323115 +305 169 5 886322893 +305 170 4 886322691 +305 171 5 886323237 +305 173 3 886322670 +305 174 3 886322635 +305 175 4 886322893 +305 176 4 886323839 +305 178 4 886322966 +305 180 4 886323806 +305 181 4 886321799 +305 183 4 886324028 +305 184 3 886323937 +305 186 4 886323902 +305 187 4 886323189 +305 188 2 886323757 +305 189 5 886323303 +305 190 3 886322966 +305 192 2 886323275 +305 195 3 886323006 +305 197 2 886322758 +305 199 4 886323779 +305 200 3 886324661 +305 201 3 886323998 +305 202 3 886323684 +305 203 4 886323839 +305 204 2 886323998 +305 207 5 886323839 +305 209 5 886322966 +305 210 3 886323006 +305 212 3 886324058 +305 214 2 886323068 +305 215 2 886323464 +305 216 5 886323563 +305 222 2 886323378 +305 223 4 886322758 +305 228 2 886323998 +305 237 2 886322796 +305 238 3 886323617 +305 239 3 886323153 +305 242 5 886307828 +305 245 1 886308147 +305 246 3 886322122 +305 249 3 886322174 +305 251 5 886321764 +305 257 2 886322122 +305 258 4 886308064 +305 268 3 886307860 +305 272 3 886307917 +305 275 2 886323153 +305 286 4 886307828 +305 289 4 886308064 +305 298 4 886322150 +305 302 4 886307860 +305 305 3 886307860 +305 311 5 886307971 +305 315 5 886308168 +305 317 4 886323713 +305 318 3 886322560 +305 326 2 886307917 +305 327 3 886307948 +305 338 3 886308252 +305 347 3 886308111 +305 357 5 886323189 +305 385 1 886324792 +305 403 2 886324792 +305 405 3 886324580 +305 423 4 886322670 +305 425 4 886324486 +305 427 5 886323090 +305 428 3 886323902 +305 451 3 886324817 +305 462 5 886323525 +305 464 3 886322796 +305 469 2 886323757 +305 471 4 886323648 +305 474 5 886322838 +305 475 4 886324199 +305 479 3 886323275 +305 480 5 886322758 +305 482 2 886323006 +305 483 5 886323068 +305 484 3 886322838 +305 485 2 886323648 +305 505 3 886323006 +305 511 4 886322560 +305 512 4 886323525 +305 527 5 886323189 +305 529 5 886324097 +305 530 5 886323237 +305 550 3 886325023 +305 557 4 886324521 +305 566 3 886324486 +305 582 4 886323506 +305 602 3 886324058 +305 610 3 886324128 +305 628 4 886324661 +305 631 3 886324028 +305 638 5 886324128 +305 650 4 886323406 +305 654 4 886323937 +305 655 4 886323937 +305 660 4 886324734 +305 663 3 886323591 +305 664 2 886324462 +305 679 3 886324792 +305 686 3 886324330 +305 690 4 886307828 +305 729 3 886324712 +305 733 3 886324661 +305 735 4 886324128 +305 748 3 886308147 +305 751 3 886307971 +305 778 4 886325023 +305 792 4 886323406 +305 793 5 886324712 +305 806 3 886322720 +305 856 5 886323839 +305 863 4 886324387 +305 865 3 886323563 +305 904 4 886307860 +305 921 5 886324410 +305 923 5 886323237 +305 941 2 886324792 +305 943 2 886323464 +305 947 4 886322838 +305 960 1 886324362 +305 961 3 886323440 +305 963 4 886322635 +305 971 4 886324608 +305 1015 1 886323068 +305 1073 1 886323591 +305 1101 4 886323563 +305 1104 4 886323779 +305 1286 5 886324687 +305 1411 3 886324865 +305 1456 4 886324962 +305 1512 3 886322796 +305 1513 2 886322212 +306 13 4 876504442 +306 14 5 876503995 +306 19 5 876503995 +306 25 3 876504354 +306 100 4 876504286 +306 111 4 876504442 +306 116 5 876504026 +306 150 5 876504286 +306 235 4 876504354 +306 242 5 876503793 +306 257 4 876504354 +306 258 2 876503793 +306 269 5 876503792 +306 275 4 876503894 +306 285 4 876504354 +306 286 4 876503793 +306 287 4 876504442 +306 289 3 876503793 +306 303 3 876503793 +306 306 5 876503792 +306 319 4 876503793 +306 321 3 876503793 +306 476 3 876504679 +306 741 1 876504286 +306 744 4 876504054 +306 756 3 876504472 +306 864 3 876504286 +306 1009 4 876503995 +306 1028 2 876504581 +306 1251 5 876504026 +307 1 5 878066938 +307 21 4 876433101 +307 22 3 879205470 +307 24 4 876176161 +307 28 3 877119480 +307 50 5 879284239 +307 56 4 878856967 +307 64 4 879283371 +307 71 5 879283169 +307 81 5 879283091 +307 82 4 875645340 +307 83 5 877120874 +307 89 5 879283786 +307 91 4 879283514 +307 94 3 877122695 +307 100 3 879206424 +307 101 3 888095824 +307 109 5 879283787 +307 114 5 879283169 +307 121 1 879114143 +307 132 4 879283333 +307 135 4 877122208 +307 143 3 879283203 +307 145 4 879283672 +307 153 5 875681145 +307 154 5 879282952 +307 161 3 879205470 +307 169 5 879283625 +307 173 5 879283786 +307 174 4 879283480 +307 175 4 877117651 +307 181 5 879283232 +307 183 3 877121921 +307 185 3 877118565 +307 186 5 879283625 +307 189 4 877121617 +307 193 3 879205470 +307 195 3 879205470 +307 197 4 877122115 +307 200 3 877117875 +307 204 3 879205470 +307 209 5 879283798 +307 210 2 877123746 +307 214 5 879283091 +307 215 4 879283036 +307 222 4 879538922 +307 227 5 879538922 +307 229 5 879538921 +307 230 5 879538921 +307 239 3 877122138 +307 257 5 875645340 +307 258 5 879283786 +307 265 3 877122816 +307 269 4 879283333 +307 286 3 881965984 +307 313 5 888095725 +307 380 3 879538922 +307 393 3 877123041 +307 395 3 877121789 +307 401 1 879114143 +307 402 2 879283362 +307 403 3 877122035 +307 408 5 875645579 +307 419 4 877122115 +307 423 5 879283587 +307 427 3 877121988 +307 428 4 877118113 +307 431 4 877123333 +307 433 5 879283625 +307 449 4 879538922 +307 450 2 879538922 +307 462 4 879284095 +307 463 5 879283786 +307 472 3 877123683 +307 474 5 879283787 +307 505 3 879205470 +307 509 3 877121019 +307 511 5 879282952 +307 515 4 875680871 +307 527 5 878066938 +307 529 4 877381142 +307 631 3 879283544 +307 634 3 879283385 +307 655 4 877117166 +307 660 3 879205470 +307 687 1 879114143 +307 708 4 879283322 +307 739 2 877122317 +307 746 4 875681078 +307 831 1 879114143 +307 949 4 877123315 +307 1022 4 879283008 +307 1110 4 877122208 +307 1140 2 879114143 +307 1411 4 877124058 +308 1 4 887736532 +308 4 5 887737890 +308 5 4 887739608 +308 7 4 887738847 +308 8 5 887736696 +308 9 4 887737194 +308 11 5 887737837 +308 12 5 887737243 +308 15 3 887739426 +308 19 3 887737383 +308 21 3 887740729 +308 23 5 887737293 +308 24 4 887738057 +308 25 4 887740649 +308 28 3 887737036 +308 30 4 887738933 +308 31 3 887739472 +308 32 5 887737432 +308 42 4 887738191 +308 44 4 887740451 +308 45 4 887736843 +308 47 4 887738933 +308 48 4 887736880 +308 49 3 887740833 +308 54 2 887740254 +308 55 3 887738760 +308 56 5 887736924 +308 58 3 887736459 +308 59 4 887737647 +308 60 3 887737760 +308 64 4 887737383 +308 65 3 887738301 +308 66 4 887740788 +308 68 4 887740933 +308 70 4 887737244 +308 71 4 887739257 +308 72 4 887740451 +308 73 3 887738972 +308 74 4 887740184 +308 79 4 887737593 +308 81 5 887737293 +308 82 4 887738470 +308 85 4 887741245 +308 87 4 887737760 +308 88 4 887740568 +308 89 5 887738057 +308 91 4 887737536 +308 92 4 887737293 +308 95 4 887737130 +308 96 4 887737432 +308 97 1 887738469 +308 98 3 887737334 +308 100 5 887736797 +308 107 4 887741150 +308 109 3 887738894 +308 116 4 887737594 +308 117 3 887738620 +308 118 3 887739670 +308 121 3 887739471 +308 123 3 887738619 +308 124 4 887737647 +308 127 4 887737243 +308 129 5 887736925 +308 133 3 887738225 +308 135 5 887737243 +308 139 3 887741179 +308 143 4 887739136 +308 144 3 887737956 +308 147 3 887739831 +308 148 3 887740788 +308 154 4 887738152 +308 156 4 887738057 +308 157 5 887738268 +308 160 4 887738717 +308 161 3 887740788 +308 162 4 887739095 +308 163 4 887737084 +308 164 4 887738664 +308 165 3 887736696 +308 166 3 887737837 +308 168 4 887737593 +308 169 5 887736532 +308 170 3 887737130 +308 171 4 887738346 +308 172 4 887736532 +308 174 4 887736696 +308 175 5 887736999 +308 176 4 887736696 +308 177 5 887738570 +308 178 4 887737719 +308 179 4 887736584 +308 180 5 887737997 +308 181 4 887739095 +308 183 4 887736695 +308 184 4 887738847 +308 185 4 887736925 +308 186 4 887738152 +308 187 5 887738760 +308 191 4 887736797 +308 192 5 887736696 +308 193 3 887737837 +308 195 5 887738619 +308 197 3 887736743 +308 198 3 887739172 +308 199 4 887737760 +308 200 5 887738933 +308 201 5 887737334 +308 202 4 887737084 +308 204 4 887737891 +308 205 3 887738191 +308 208 4 887736798 +308 209 4 887737686 +308 211 4 887737535 +308 213 4 887739382 +308 214 2 887738104 +308 215 3 887737483 +308 216 3 887737789 +308 218 5 887738717 +308 219 3 887738717 +308 223 4 887737130 +308 226 3 887740833 +308 231 3 887740410 +308 233 3 887738346 +308 234 3 887737084 +308 235 3 887739800 +308 237 3 887737383 +308 238 5 887736843 +308 239 3 887740033 +308 241 4 887738509 +308 248 4 887741437 +308 254 2 887742454 +308 255 4 887741693 +308 257 4 887741526 +308 259 3 887736408 +308 264 2 887736408 +308 265 3 887737647 +308 273 2 887737084 +308 275 4 887737891 +308 276 4 887736998 +308 283 3 887737194 +308 284 4 887741554 +308 288 4 887736408 +308 291 3 887739472 +308 293 4 887741415 +308 294 3 887736408 +308 295 3 887741461 +308 298 5 887741383 +308 309 1 887736408 +308 313 3 887736408 +308 318 4 887736743 +308 319 4 887736408 +308 322 2 887736408 +308 356 3 887740833 +308 357 4 887738151 +308 367 4 887738571 +308 371 3 887738469 +308 378 3 887740700 +308 385 4 887740099 +308 392 4 887740367 +308 393 4 887740367 +308 396 4 887740099 +308 402 4 887740700 +308 403 4 887738571 +308 404 3 887736998 +308 408 5 887738268 +308 410 4 887741329 +308 411 4 887739987 +308 417 3 887740254 +308 419 4 887737194 +308 423 5 887736999 +308 425 4 887737997 +308 427 4 887736584 +308 428 5 887739426 +308 429 4 887737890 +308 430 4 887738717 +308 432 4 887737036 +308 433 5 887738301 +308 435 4 887737484 +308 436 4 887739257 +308 443 3 887740500 +308 447 4 887739056 +308 448 3 887740866 +308 449 3 887741003 +308 452 2 887741329 +308 455 4 887738226 +308 461 4 887737535 +308 463 4 887738057 +308 466 5 887738387 +308 467 4 887737194 +308 469 5 887738104 +308 471 3 887739382 +308 472 2 887739336 +308 473 3 887739951 +308 475 4 887737193 +308 477 4 887739257 +308 479 5 887738346 +308 480 4 887736532 +308 481 4 887737997 +308 482 5 887738152 +308 483 3 887736843 +308 484 3 887736998 +308 486 4 887737432 +308 487 4 887736798 +308 488 4 887736696 +308 490 4 887738104 +308 492 3 887737535 +308 493 3 887737293 +308 494 5 887738570 +308 495 3 887740131 +308 498 5 887736584 +308 499 3 887738619 +308 501 4 887740099 +308 502 5 887739521 +308 504 4 887738570 +308 505 3 887737647 +308 509 4 887738717 +308 510 3 887736925 +308 511 5 887737130 +308 512 5 887736584 +308 513 3 887736584 +308 514 4 887738619 +308 515 3 887737536 +308 516 4 887736743 +308 517 4 887737483 +308 520 4 887738508 +308 521 3 887736798 +308 522 3 887737484 +308 523 4 887737084 +308 525 5 887738847 +308 526 3 887739426 +308 528 3 887737036 +308 530 4 887736584 +308 531 4 887738057 +308 537 4 887739136 +308 546 3 887740500 +308 550 4 887738847 +308 558 4 887737594 +308 559 4 887740367 +308 566 4 887739014 +308 568 5 887740649 +308 569 3 887740410 +308 578 2 887738847 +308 579 3 887740700 +308 581 4 887740500 +308 582 3 887736843 +308 583 4 887737483 +308 584 4 887738717 +308 589 4 887737760 +308 591 3 887739608 +308 597 3 887738933 +308 602 4 887737536 +308 605 4 887740603 +308 607 3 887737084 +308 609 4 887739757 +308 610 4 887738847 +308 611 4 887738971 +308 616 2 887739800 +308 618 4 887737955 +308 628 3 887738104 +308 629 4 887738894 +308 632 3 887738057 +308 633 4 887739257 +308 634 4 887737334 +308 637 3 887741108 +308 640 4 887737036 +308 641 4 887736459 +308 642 5 887738226 +308 646 5 887738508 +308 648 4 887738509 +308 649 4 887739292 +308 654 5 887736881 +308 655 4 887738664 +308 656 3 887736622 +308 660 3 887740410 +308 661 4 887736532 +308 663 5 887738469 +308 664 5 887736999 +308 673 4 887737243 +308 675 4 887740367 +308 678 3 887736408 +308 679 4 887739426 +308 684 3 887737593 +308 686 4 887739831 +308 692 3 887738469 +308 693 3 887738104 +308 699 4 887737193 +308 705 5 887737837 +308 708 4 887739863 +308 709 3 887737334 +308 712 4 887740833 +308 715 5 887740700 +308 729 3 887740254 +308 732 4 887738847 +308 736 3 887738760 +308 741 4 887739863 +308 742 4 887739172 +308 746 4 887739056 +308 747 3 887740033 +308 755 3 887740033 +308 770 4 887738057 +308 778 3 887740603 +308 802 3 887738717 +308 805 4 887739471 +308 806 4 887737594 +308 811 4 887739212 +308 822 4 887739472 +308 824 3 887742013 +308 825 4 887740700 +308 826 3 887739427 +308 842 3 887740099 +308 843 3 887739095 +308 848 4 887736925 +308 853 5 887736797 +308 856 4 887738387 +308 863 3 887736881 +308 921 4 887738268 +308 928 4 887742103 +308 945 4 887739136 +308 959 3 887739335 +308 965 4 887738387 +308 966 3 887740500 +308 968 4 887739987 +308 1006 4 887739608 +308 1019 4 887738570 +308 1021 4 887736459 +308 1028 2 887738972 +308 1046 4 887740649 +308 1047 3 887742130 +308 1073 3 887736798 +308 1074 3 887741271 +308 1118 4 887740500 +308 1121 3 887737647 +308 1126 3 887738268 +308 1140 4 887740933 +308 1147 4 887738387 +308 1154 2 887740367 +308 1197 4 887739521 +308 1211 3 887739669 +308 1252 3 887741604 +308 1286 3 887738151 +308 1404 4 887739257 +308 1411 4 887741150 +308 1421 4 887739212 +308 1456 4 887739056 +309 242 4 877370319 +309 286 4 877370383 +309 300 3 877370288 +309 303 2 877370319 +309 304 3 877370319 +309 306 2 877370356 +309 319 4 877370419 +309 324 3 877370419 +309 326 5 877370383 +309 331 5 877370356 +309 333 3 877370419 +309 334 4 877370356 +309 879 4 877370319 +309 938 4 877370383 +309 1025 5 877370356 +309 1296 2 877370319 +309 1393 2 877370383 +310 14 5 879436268 +310 24 4 879436242 +310 116 5 879436104 +310 181 4 879436104 +310 222 3 879436062 +310 251 5 879436035 +310 257 5 879436576 +310 258 3 879435606 +310 274 3 879436534 +310 275 5 879436137 +310 294 1 879436712 +310 304 5 879435664 +310 536 4 879436137 +310 740 4 879436292 +310 748 3 879435729 +310 832 1 879436035 +310 845 5 879436534 +310 1022 5 879435764 +310 1142 5 879436467 +310 1386 1 879436177 +311 1 4 884963202 +311 5 3 884365853 +311 8 4 884364465 +311 9 4 884963365 +311 12 4 884364436 +311 15 5 884963136 +311 22 4 884364538 +311 23 3 884364570 +311 28 5 884365140 +311 31 4 884364570 +311 38 3 884365954 +311 41 3 884366439 +311 43 4 884366227 +311 44 3 884365168 +311 47 2 884365654 +311 50 5 884365075 +311 51 4 884366010 +311 58 3 884364570 +311 62 3 884365929 +311 63 3 884365686 +311 68 1 884365824 +311 69 5 884364999 +311 70 4 884364999 +311 71 4 884364845 +311 72 4 884365686 +311 73 4 884366187 +311 76 4 884365140 +311 77 5 884365718 +311 79 4 884364623 +311 81 3 884365451 +311 82 5 884364436 +311 83 5 884364812 +311 86 5 884365252 +311 89 5 884364845 +311 91 3 884366439 +311 94 3 884366187 +311 96 5 884365653 +311 98 5 884364502 +311 99 5 884365075 +311 100 1 884963136 +311 101 4 884366397 +311 117 4 884366852 +311 118 3 884963203 +311 121 4 884366852 +311 125 4 884963179 +311 127 4 884364538 +311 131 3 884365252 +311 132 4 884365548 +311 133 3 884364652 +311 134 5 884364502 +311 135 4 884366617 +311 136 5 884365357 +311 141 4 884366187 +311 143 3 884364812 +311 161 4 884365579 +311 168 4 884365406 +311 170 5 884364999 +311 172 5 884364763 +311 173 5 884364569 +311 174 5 884364538 +311 176 4 884365104 +311 177 5 884364764 +311 178 5 884364437 +311 179 2 884365357 +311 180 4 884364764 +311 181 4 884364724 +311 183 5 884365519 +311 185 2 884366617 +311 187 4 884364764 +311 188 4 884364437 +311 191 4 884364764 +311 193 5 884365075 +311 194 4 884364724 +311 195 4 884364538 +311 196 5 884365325 +311 197 4 884365686 +311 198 3 884364812 +311 199 4 884365485 +311 200 4 884365718 +311 202 4 884364694 +311 203 5 884365201 +311 204 5 884365617 +311 205 5 884365357 +311 208 4 884365104 +311 209 2 884364502 +311 210 5 884364652 +311 211 3 884364538 +311 212 3 884366397 +311 213 4 884365075 +311 215 4 884364999 +311 216 5 884364502 +311 218 4 884366363 +311 222 4 884366852 +311 226 4 884366397 +311 227 4 884365617 +311 228 5 884365325 +311 229 5 884365890 +311 230 5 884364931 +311 231 4 884365746 +311 232 3 884364812 +311 233 4 884365889 +311 234 4 884364873 +311 239 3 884365284 +311 241 3 884364695 +311 258 4 884363706 +311 265 5 884364812 +311 275 4 884963136 +311 276 4 884963282 +311 294 4 884364047 +311 300 4 884363831 +311 306 4 884363791 +311 310 4 884363865 +311 315 5 884364108 +311 318 5 884364569 +311 321 3 884363948 +311 322 4 884364047 +311 323 3 884364139 +311 326 2 884364047 +311 329 4 884363904 +311 348 4 884364108 +311 356 4 884365653 +311 357 5 884365104 +311 365 4 884365580 +311 366 5 884366010 +311 367 3 884365780 +311 371 5 884366137 +311 378 5 884366363 +311 380 4 884366067 +311 385 5 884365284 +311 386 3 884365747 +311 387 4 884365654 +311 392 5 884366067 +311 399 4 884366269 +311 402 4 884366187 +311 403 4 884365889 +311 415 3 884365654 +311 416 4 884365853 +311 417 3 884366035 +311 418 4 884365202 +311 419 3 884364931 +311 420 1 884366334 +311 423 5 884365579 +311 425 2 884365140 +311 428 4 884366111 +311 431 4 884365201 +311 432 4 884365485 +311 433 3 884364931 +311 436 3 884366269 +311 443 3 884365718 +311 444 2 884365746 +311 448 5 884365718 +311 449 3 884365823 +311 451 3 884366397 +311 465 4 884365406 +311 468 4 884365140 +311 469 5 884366227 +311 470 3 884365140 +311 471 4 884963254 +311 479 5 884365519 +311 480 4 884364593 +311 482 4 884365104 +311 483 4 884364437 +311 484 4 884366590 +311 485 1 884364538 +311 491 4 884365168 +311 493 4 884364465 +311 495 4 884366066 +311 496 5 884364593 +311 498 4 884364931 +311 501 5 884365954 +311 504 4 884364873 +311 505 4 884365451 +311 509 3 884366590 +311 510 4 884366545 +311 511 4 884365202 +311 515 4 884365485 +311 518 3 884365451 +311 519 3 884365548 +311 520 5 884365251 +311 521 4 884366686 +311 523 5 884364694 +311 526 5 884364873 +311 527 4 884365780 +311 528 4 884364724 +311 530 3 884365201 +311 539 4 884364268 +311 549 2 884366111 +311 550 3 884364812 +311 553 3 884365451 +311 559 2 884366187 +311 562 3 884365746 +311 566 4 884366112 +311 568 5 884365325 +311 570 4 884365890 +311 576 3 884366269 +311 578 2 884365930 +311 584 3 884365485 +311 588 4 884365284 +311 592 5 884364845 +311 604 3 884364570 +311 614 4 884365357 +311 621 4 884365579 +311 622 3 884364437 +311 627 4 884366067 +311 639 4 884365686 +311 642 4 884365823 +311 648 4 884364694 +311 651 4 884364623 +311 654 3 884365075 +311 661 3 884365075 +311 662 4 884365018 +311 671 3 884365954 +311 679 4 884365580 +311 684 4 884365075 +311 692 4 884364652 +311 699 4 884365075 +311 700 3 884365852 +311 702 3 884365284 +311 705 3 884365201 +311 708 5 884366397 +311 715 2 884365746 +311 716 4 884365718 +311 720 3 884366307 +311 723 4 884366187 +311 724 4 884365406 +311 726 3 884366035 +311 729 4 884365451 +311 732 4 884365617 +311 739 4 884365823 +311 747 3 884364502 +311 748 4 884364071 +311 750 5 884363706 +311 751 3 884363758 +311 754 3 884363758 +311 761 3 884366067 +311 768 2 884365889 +311 775 3 884365579 +311 778 4 884365251 +311 781 2 884366307 +311 783 3 884366439 +311 785 3 884366010 +311 794 4 884366270 +311 845 4 884366824 +311 849 3 884365781 +311 921 4 884364695 +311 939 2 884364694 +311 941 4 884365929 +311 942 5 884366112 +311 946 4 884366270 +311 951 3 884365548 +311 965 3 884365686 +311 966 4 884365617 +311 1035 4 884365954 +311 1041 3 884366334 +311 1042 3 884366187 +311 1046 3 884366307 +311 1093 5 884963180 +311 1116 3 884364623 +311 1119 4 884366703 +311 1221 4 884364502 +311 1222 3 884366010 +311 1232 4 884366439 +311 1297 4 884365654 +311 1479 3 884365824 +312 1 5 891698832 +312 4 3 891698832 +312 8 5 891699263 +312 14 5 891698664 +312 28 4 891698300 +312 50 5 891698300 +312 52 5 891699399 +312 57 5 891699599 +312 69 4 891699182 +312 70 5 891699398 +312 71 4 891699599 +312 83 4 891699538 +312 89 5 891698832 +312 91 3 891699655 +312 96 5 891699040 +312 97 5 891698391 +312 98 4 891698300 +312 100 4 891698613 +312 114 5 891698793 +312 121 3 891698174 +312 124 3 891698726 +312 131 5 891699702 +312 132 5 891699121 +312 133 5 891699296 +312 134 5 891698764 +312 136 5 891698613 +312 143 4 891698893 +312 144 1 891698987 +312 151 2 891698832 +312 152 2 891698485 +312 153 2 891699491 +312 154 4 891699372 +312 156 3 891698224 +312 157 1 891698516 +312 165 5 891698726 +312 166 5 891698391 +312 169 5 891698893 +312 170 5 891698553 +312 173 3 891699345 +312 174 5 891698224 +312 175 3 891699321 +312 176 4 891699295 +312 178 5 891698553 +312 179 5 891698793 +312 180 4 891698174 +312 181 4 891699426 +312 183 5 891699182 +312 185 5 891699121 +312 186 3 891699491 +312 187 5 891699345 +312 188 3 891698793 +312 189 5 891698516 +312 190 5 891698865 +312 191 5 891698334 +312 195 5 891698254 +312 197 4 891698764 +312 199 5 891698516 +312 204 4 891698254 +312 205 5 891699372 +312 206 5 891699399 +312 207 5 891699121 +312 208 5 891698334 +312 209 3 891699207 +312 211 4 891698254 +312 213 5 891699067 +312 214 3 891699121 +312 222 3 891698764 +312 223 5 891698485 +312 228 3 891699040 +312 234 5 891712535 +312 238 3 891699510 +312 241 3 891699655 +312 265 1 891698696 +312 269 5 891698130 +312 275 5 891698553 +312 276 4 891699010 +312 357 5 891698987 +312 372 3 891699568 +312 382 4 891699568 +312 408 4 891698174 +312 414 3 891699626 +312 419 3 891699182 +312 428 3 891698424 +312 429 5 891698951 +312 430 5 891699426 +312 432 5 891699491 +312 434 3 891699263 +312 435 4 891699702 +312 443 4 891698951 +312 459 4 891698365 +312 463 5 891698696 +312 474 5 891698454 +312 478 5 891698664 +312 480 5 891698224 +312 481 5 891698893 +312 482 5 891698613 +312 483 5 891699156 +312 484 5 891698174 +312 485 4 891699345 +312 486 5 891699655 +312 487 5 891699655 +312 488 5 891698334 +312 489 5 891699321 +312 491 5 891699702 +312 493 5 891698365 +312 494 5 891698454 +312 495 4 891699372 +312 496 5 891698664 +312 498 5 891699568 +312 503 5 891699010 +312 505 5 891698987 +312 507 5 891698300 +312 510 5 891699490 +312 511 5 891699156 +312 512 3 891698951 +312 513 5 891698300 +312 514 3 891698516 +312 515 5 891699677 +312 516 3 891699626 +312 519 5 891698726 +312 520 5 891698254 +312 521 5 891698987 +312 524 5 891699345 +312 525 5 891698424 +312 526 5 891698334 +312 528 5 891698695 +312 529 5 891699121 +312 530 5 891698921 +312 531 5 891698254 +312 537 5 891698516 +312 543 5 891698424 +312 557 5 891699599 +312 573 5 891712535 +312 584 5 891699263 +312 587 3 891699399 +312 588 5 891699490 +312 593 5 891698987 +312 601 5 891699067 +312 602 4 891699263 +312 603 5 891698454 +312 604 5 891698613 +312 606 5 891698300 +312 608 5 891699372 +312 609 3 891698634 +312 611 5 891698764 +312 612 5 891699263 +312 613 5 891698454 +312 614 4 891698865 +312 615 4 891698893 +312 618 5 891698300 +312 625 3 891699538 +312 631 5 891699599 +312 632 3 891698764 +312 633 5 891698951 +312 638 5 891698580 +312 639 5 891698391 +312 641 5 891698300 +312 644 5 891698987 +312 647 5 891698726 +312 648 5 891699068 +312 653 5 891698365 +312 654 5 891698485 +312 656 5 891699156 +312 659 5 891699321 +312 660 4 891699321 +312 661 5 891698726 +312 663 5 891699599 +312 671 5 891699182 +312 675 5 891698485 +312 676 3 891699295 +312 684 5 891698664 +312 692 4 891699426 +312 705 5 891698553 +312 713 5 891698334 +312 730 3 891699568 +312 740 4 891699568 +312 813 5 891698516 +312 835 5 891712535 +312 836 5 891698921 +312 837 4 891699426 +312 847 3 891698174 +312 850 5 891698764 +312 855 5 891699538 +312 863 5 891698695 +312 919 3 891699263 +312 921 5 891699295 +312 967 3 891699321 +312 968 5 891698987 +312 1020 5 891698553 +312 1021 3 891698365 +312 1039 5 891698951 +312 1050 5 891698832 +312 1116 3 891698334 +312 1124 4 891698553 +312 1126 4 891699455 +312 1167 4 891699295 +312 1172 5 891699538 +312 1203 5 891699599 +312 1299 4 891698832 +312 1451 4 891699156 +312 1516 4 891698334 +313 1 4 891013436 +313 8 3 891014551 +313 15 2 891016962 +313 22 3 891014870 +313 23 4 891013742 +313 25 2 891016757 +313 29 2 891028472 +313 31 4 891015486 +313 44 3 891015049 +313 50 5 891013859 +313 56 2 891014313 +313 58 3 891015387 +313 64 4 891016193 +313 65 2 891016962 +313 66 1 891015049 +313 67 1 891029117 +313 69 5 891016193 +313 71 4 891030144 +313 73 5 891015012 +313 77 3 891031950 +313 79 5 891015114 +313 82 3 891014838 +313 88 2 891028956 +313 89 5 891014373 +313 94 3 891030490 +313 95 3 891014313 +313 96 5 891015144 +313 97 4 891016193 +313 98 4 891014444 +313 99 4 891014029 +313 100 5 891013681 +313 114 4 891013554 +313 117 4 891015319 +313 118 4 891028197 +313 121 4 891015114 +313 127 5 891013620 +313 131 4 891015513 +313 132 5 891013589 +313 133 5 891014956 +313 134 5 891013712 +313 135 5 891014401 +313 136 5 891014474 +313 139 3 891030334 +313 141 4 891030189 +313 144 4 891015144 +313 148 2 891031979 +313 151 1 891014982 +313 152 3 891016878 +313 153 3 891015268 +313 154 2 891014753 +313 155 2 891031577 +313 156 3 891014838 +313 161 4 891015319 +313 162 3 891017270 +313 163 2 891016757 +313 164 3 891014870 +313 167 3 891029076 +313 168 3 891013589 +313 172 4 891014335 +313 174 4 891014499 +313 175 4 891014697 +313 176 4 891013713 +313 177 4 891015566 +313 178 5 891013773 +313 180 5 891014898 +313 181 4 891014782 +313 182 4 891013773 +313 183 5 891013554 +313 185 5 891013773 +313 186 3 891017011 +313 187 4 891014373 +313 191 5 891013829 +313 192 3 891015011 +313 193 4 891013887 +313 194 4 891014499 +313 197 5 891013910 +313 199 4 891013938 +313 200 3 891017736 +313 203 5 891013859 +313 204 4 891014401 +313 205 5 891013652 +313 208 3 891015167 +313 210 4 891014898 +313 216 4 891013525 +313 218 2 891029847 +313 222 3 891017708 +313 225 4 891030228 +313 226 4 891028241 +313 228 3 891016986 +313 229 3 891028241 +313 230 3 891015049 +313 232 3 891014957 +313 234 4 891013803 +313 235 3 891029148 +313 237 2 891016757 +313 238 4 891013859 +313 239 3 891028873 +313 245 3 891013144 +313 258 3 891012852 +313 265 4 891016853 +313 318 4 891013712 +313 322 3 891014313 +313 326 4 891012907 +313 328 4 891012907 +313 333 4 891012877 +313 357 5 891013773 +313 391 3 891028360 +313 393 4 891015268 +313 403 3 891028285 +313 404 4 891030189 +313 405 3 891028197 +313 409 2 891030334 +313 414 3 891016425 +313 415 2 891030367 +313 417 2 891030334 +313 418 3 891014838 +313 420 5 891014782 +313 423 4 891013939 +313 427 5 891014029 +313 428 3 891014649 +313 430 5 891013620 +313 435 5 891013803 +313 436 4 891029877 +313 441 3 891029964 +313 443 5 891013971 +313 448 3 891014956 +313 449 3 891028323 +313 461 3 891014925 +313 471 4 891015196 +313 473 3 891030228 +313 474 5 891016193 +313 478 3 891014373 +313 479 5 891013652 +313 480 5 891013742 +313 481 4 891014000 +313 482 5 891016193 +313 483 5 891016193 +313 484 5 891016193 +313 485 3 891016425 +313 486 3 891015219 +313 487 3 891016378 +313 488 5 891013496 +313 490 4 891016280 +313 493 3 891016193 +313 494 3 891016193 +313 495 2 891016280 +313 496 5 891014753 +313 497 4 891015296 +313 498 5 891015144 +313 501 5 891013742 +313 511 4 891013742 +313 514 4 891013887 +313 515 5 891013803 +313 516 4 891028829 +313 521 4 891013887 +313 523 5 891014401 +313 525 5 891013525 +313 526 4 891028197 +313 527 4 891013525 +313 531 3 891014524 +313 538 2 891014313 +313 542 3 891017585 +313 550 4 891028323 +313 559 3 891029877 +313 565 1 891030027 +313 566 4 891016220 +313 576 3 891028472 +313 578 3 891028241 +313 582 2 891016622 +313 586 2 891028426 +313 603 5 891013681 +313 604 4 891014552 +313 608 4 891017585 +313 609 3 891014782 +313 616 5 891015049 +313 624 4 891030261 +313 628 4 891016280 +313 629 3 891028873 +313 631 2 891014313 +313 632 4 891013620 +313 633 5 891014597 +313 649 3 891016325 +313 650 4 891013829 +313 651 3 891014552 +313 654 5 891013681 +313 655 4 891014474 +313 657 4 891013830 +313 659 4 891013773 +313 662 3 891031576 +313 663 5 891013652 +313 665 4 891028323 +313 670 3 891029877 +313 673 4 891016622 +313 674 2 891029918 +313 684 4 891017088 +313 720 2 891028472 +313 739 3 891031747 +313 740 2 891016540 +313 742 3 891016932 +313 745 3 891016583 +313 768 3 891030367 +313 770 4 891028285 +313 778 2 891028904 +313 820 2 891030228 +313 823 3 891028555 +313 831 3 891028426 +313 837 4 891014898 +313 840 2 891028360 +313 843 3 891030334 +313 845 3 891016853 +313 849 3 891028360 +313 892 4 891013059 +313 946 3 891030228 +313 969 4 891015387 +313 1050 4 891016826 +313 1066 2 891030334 +313 1091 2 891030261 +313 1210 4 891032028 +313 1470 1 891017319 +314 1 5 877886317 +314 5 4 877889724 +314 7 4 877886375 +314 8 4 877888059 +314 9 4 877886375 +314 11 5 877887837 +314 12 4 877888758 +314 22 4 877889724 +314 24 1 877886221 +314 28 5 877888346 +314 29 5 877889234 +314 36 2 877889103 +314 38 5 877889994 +314 41 5 877887802 +314 42 5 877888610 +314 54 4 877888892 +314 56 1 877887568 +314 64 5 877888346 +314 66 5 877887763 +314 67 4 877891386 +314 68 4 877891637 +314 69 5 877888212 +314 71 5 877888527 +314 73 4 877889205 +314 78 4 877890463 +314 88 5 877888007 +314 90 2 877888758 +314 93 1 877886221 +314 94 4 877891386 +314 95 5 877888168 +314 99 4 877888391 +314 105 4 877887292 +314 111 4 877886641 +314 117 4 877886484 +314 120 3 877887094 +314 121 4 877886221 +314 122 1 877887065 +314 125 5 877886412 +314 126 2 877886971 +314 132 4 877890644 +314 138 5 877890960 +314 143 5 877890234 +314 144 3 877889275 +314 147 4 877886584 +314 150 4 877886522 +314 155 5 877891575 +314 161 5 877888168 +314 173 1 877889359 +314 196 3 877888212 +314 202 5 877888610 +314 204 5 877888644 +314 215 4 877888722 +314 216 3 877888722 +314 218 4 877889204 +314 220 4 877886279 +314 237 5 877886221 +314 246 5 877886375 +314 255 5 877886221 +314 257 5 877886413 +314 268 5 877885836 +314 274 3 877886788 +314 276 1 877886413 +314 278 5 877886888 +314 280 3 877887034 +314 282 5 877886862 +314 283 4 877886483 +314 284 3 877886706 +314 288 5 877885887 +314 294 5 877885887 +314 322 4 877886029 +314 327 4 877886099 +314 328 4 877885887 +314 365 3 877891465 +314 366 4 877891354 +314 367 4 877889770 +314 377 3 877890982 +314 378 5 877888168 +314 379 3 877890463 +314 393 4 877889133 +314 395 2 877889770 +314 399 3 877889359 +314 402 4 877888758 +314 405 4 877886522 +314 406 3 877887388 +314 409 4 877889480 +314 410 5 877886706 +314 411 4 877892461 +314 412 3 877892052 +314 417 4 877888855 +314 418 5 877888346 +314 419 4 877889039 +314 423 4 877888060 +314 468 4 877892214 +314 476 5 877886921 +314 477 3 877886375 +314 501 4 877888610 +314 508 3 877886789 +314 535 4 877887002 +314 540 3 877890407 +314 562 4 877890960 +314 568 5 877888391 +314 578 4 877887763 +314 585 2 877890381 +314 588 5 877888007 +314 591 5 877887002 +314 595 3 877886375 +314 597 4 877887065 +314 609 4 877889311 +314 620 3 877887212 +314 623 5 877890927 +314 627 4 877888996 +314 628 5 877886606 +314 672 5 877888723 +314 682 5 877885836 +314 685 4 877886788 +314 692 5 877888445 +314 693 3 877891575 +314 697 3 877888996 +314 699 5 877888527 +314 710 3 877888796 +314 721 5 877891465 +314 722 1 877891089 +314 724 2 877888117 +314 735 5 877888855 +314 739 5 877889861 +314 743 1 877886443 +314 756 3 877886641 +314 761 4 877889073 +314 762 4 877886443 +314 763 5 877886706 +314 764 3 877886816 +314 765 3 877889480 +314 768 5 877890261 +314 772 1 877888212 +314 780 4 877890675 +314 781 3 877891937 +314 783 3 877888855 +314 785 3 877890960 +314 787 2 877889927 +314 791 4 877889398 +314 794 4 877888952 +314 795 4 877889834 +314 796 2 877891518 +314 801 3 877892017 +314 806 4 877887802 +314 808 4 877892052 +314 812 4 877889163 +314 815 5 877886375 +314 819 4 877886971 +314 827 4 877887292 +314 833 4 877887155 +314 845 5 877886483 +314 846 3 877886971 +314 866 4 877892461 +314 869 4 877891681 +314 873 4 877886099 +314 924 5 877886921 +314 929 3 877887356 +314 932 4 877887316 +314 934 4 877887155 +314 938 3 877886099 +314 941 3 877889971 +314 942 3 877888346 +314 946 5 877888527 +314 948 3 877886029 +314 949 4 877890428 +314 959 3 877888892 +314 983 4 877892488 +314 993 5 877886279 +314 996 4 877891354 +314 997 1 877892214 +314 1014 3 877886317 +314 1016 4 877886483 +314 1028 3 877886816 +314 1029 2 877891603 +314 1032 4 877891603 +314 1041 4 877888445 +314 1047 4 877886279 +314 1048 4 877886221 +314 1053 5 877891490 +314 1054 1 877886944 +314 1057 2 877887035 +314 1063 5 877887568 +314 1085 1 877892017 +314 1089 1 877887356 +314 1094 1 877887065 +314 1095 3 877887356 +314 1136 5 877890463 +314 1139 5 877888480 +314 1145 4 877892488 +314 1150 4 877887002 +314 1152 4 877887469 +314 1165 2 877892566 +314 1178 2 877892244 +314 1210 4 877889861 +314 1217 2 877891638 +314 1218 4 877887525 +314 1220 5 877892293 +314 1221 3 877889927 +314 1225 3 877891575 +314 1229 2 877891681 +314 1253 4 877892017 +314 1263 2 877890611 +314 1267 3 877888117 +314 1276 4 877887179 +314 1289 2 877887388 +314 1291 1 877892519 +314 1297 4 877890734 +314 1311 5 877889994 +314 1471 4 877892430 +314 1473 4 877891089 +314 1503 3 877890891 +314 1517 4 877891937 +314 1518 4 877891426 +314 1519 4 877892181 +314 1520 3 877892052 +315 4 4 879821065 +315 8 3 879820961 +315 12 5 879821194 +315 13 4 879821158 +315 17 1 879821003 +315 25 5 879821120 +315 31 3 879821300 +315 46 4 879799526 +315 48 4 879799457 +315 55 5 879821267 +315 56 5 879821037 +315 79 4 879821349 +315 93 5 879821065 +315 98 4 879821193 +315 100 5 879821003 +315 127 5 879799423 +315 137 5 879799423 +315 154 5 879821158 +315 156 5 879821267 +315 163 3 879821158 +315 164 4 879821349 +315 168 4 879821037 +315 173 4 879821003 +315 175 5 879799423 +315 176 4 879821193 +315 178 4 879799486 +315 180 4 879799526 +315 183 3 879821267 +315 185 4 879821267 +315 186 4 879821065 +315 187 4 879799423 +315 194 4 879820961 +315 202 3 879821037 +315 209 5 879821003 +315 211 4 879821037 +315 216 4 879821120 +315 223 5 879799486 +315 230 4 879821300 +315 234 3 879821349 +315 238 5 879821003 +315 269 5 879799301 +315 271 3 879799546 +315 273 3 879821349 +315 276 4 879799526 +315 285 5 879799486 +315 288 3 879821349 +315 301 2 879799327 +315 302 5 879799301 +315 303 4 879799302 +315 305 5 881017419 +315 318 5 879799422 +315 327 4 879799583 +315 340 4 881017170 +315 382 4 879821089 +315 428 4 879821120 +315 431 2 879821300 +315 433 4 879821037 +315 461 4 879799457 +315 466 1 879821349 +315 475 4 879821036 +315 504 3 879821193 +315 508 4 879799457 +315 513 5 879821299 +315 523 4 879799390 +315 531 5 879799457 +315 603 5 879821267 +315 645 4 879821065 +315 651 3 879799457 +315 654 5 879821193 +315 657 4 879821299 +315 673 4 879821267 +315 709 4 879821158 +315 732 3 879821158 +315 741 5 879821349 +315 746 3 879821120 +315 770 3 879821348 +315 792 5 879821120 +315 1065 4 879799526 +315 1084 4 879799423 +316 9 4 880853774 +316 14 4 880853881 +316 19 5 880854539 +316 22 4 880853849 +316 50 1 880853654 +316 58 3 880854267 +316 64 4 880853953 +316 69 3 880853881 +316 71 1 880854472 +316 83 4 880853992 +316 97 5 880854142 +316 98 5 880853743 +316 100 4 880854083 +316 127 2 880853548 +316 132 4 880853599 +316 162 3 880854472 +316 168 3 880853599 +316 170 4 880853810 +316 172 1 880854197 +316 173 1 880853654 +316 174 1 880854539 +316 180 4 880853654 +316 183 1 880853654 +316 185 2 880853548 +316 187 2 880853548 +316 190 5 880853774 +316 191 5 880854539 +316 192 1 880854267 +316 197 4 880854227 +316 199 3 880853598 +316 213 5 880853516 +316 223 4 880853849 +316 234 1 880854473 +316 265 3 880854395 +316 275 5 880853810 +316 276 2 880853849 +316 283 5 880853599 +316 289 2 880853219 +316 292 4 880853072 +316 304 3 880853193 +316 306 4 880853072 +316 318 5 880853516 +316 323 1 880853152 +316 357 4 880854049 +316 427 5 880853704 +316 462 3 880853516 +316 463 5 880854267 +316 482 3 880854337 +316 483 4 880853810 +316 487 3 880853810 +316 507 3 880853704 +316 521 5 880854395 +316 530 2 880853599 +316 549 5 880854049 +316 582 5 880854539 +316 588 1 880853992 +316 614 2 880854267 +316 651 5 880854227 +316 673 2 880854083 +316 678 1 880853310 +316 707 4 880853485 +316 716 5 880853881 +316 730 4 880853775 +316 735 4 880854337 +316 923 5 880854022 +316 988 1 880853152 +316 1039 5 880854500 +316 1084 4 880853953 +317 245 4 891446575 +317 260 4 891446887 +317 264 4 891446843 +317 268 3 891446371 +317 271 3 891446575 +317 288 4 891446190 +317 299 4 891446371 +317 300 4 891446313 +317 313 4 891446208 +317 322 3 891446783 +317 323 2 891446819 +317 326 3 891446438 +317 328 4 891446438 +317 331 4 891446190 +317 350 5 891446819 +317 351 3 891446819 +317 355 4 891446783 +317 678 2 891446887 +317 683 2 891446412 +317 748 5 891446843 +317 879 3 891446575 +318 12 4 884495795 +318 15 5 884470944 +318 24 4 884495132 +318 25 5 884494757 +318 26 5 884497471 +318 47 2 884496855 +318 49 3 884497257 +318 50 2 884495696 +318 56 3 884495561 +318 58 4 884496243 +318 63 3 884496932 +318 64 4 884495590 +318 66 4 884495921 +318 69 5 884496572 +318 70 5 884496368 +318 72 4 884498540 +318 85 3 884497180 +318 88 4 884496367 +318 94 4 884498210 +318 105 1 884495164 +318 121 1 884495052 +318 127 5 884470970 +318 132 4 884495868 +318 134 5 884495639 +318 137 4 884494652 +318 138 4 884498115 +318 140 4 884496738 +318 142 4 884496219 +318 143 5 884495944 +318 157 5 884496398 +318 158 5 884498709 +318 160 3 884497031 +318 161 3 884496738 +318 162 5 884496123 +318 167 4 884497611 +318 174 4 884495590 +318 182 4 884496549 +318 186 5 884498292 +318 187 4 884495742 +318 191 5 884496069 +318 193 3 884496367 +318 194 5 884495590 +318 197 5 884496030 +318 204 5 884496218 +318 205 3 884496334 +318 208 4 884495664 +318 211 5 884496432 +318 213 4 884497031 +318 215 2 884496218 +318 216 4 884495868 +318 229 1 884497318 +318 237 5 884494712 +318 238 3 884497359 +318 239 4 884497235 +318 248 3 884494976 +318 255 4 884494693 +318 257 5 884471030 +318 269 5 884469970 +318 275 4 884470718 +318 282 4 884470775 +318 284 3 884470775 +318 285 4 884470944 +318 286 3 884470681 +318 289 3 884470682 +318 294 4 884469971 +318 301 4 884470034 +318 305 2 884470682 +318 312 4 884470193 +318 315 5 884470294 +318 318 5 884496218 +318 326 4 884470149 +318 340 4 884470115 +318 356 4 884496671 +318 357 4 884496069 +318 376 3 884498314 +318 378 4 884497632 +318 381 1 884497516 +318 384 3 884498210 +318 393 5 884497449 +318 396 1 884498684 +318 401 3 884498292 +318 403 2 884496759 +318 404 3 884496639 +318 405 2 884494797 +318 414 4 884496008 +318 419 5 884495890 +318 423 5 884495561 +318 435 5 884496069 +318 451 4 884497546 +318 458 4 884494861 +318 474 4 884495742 +318 476 4 884495164 +318 480 4 884495795 +318 481 4 884496156 +318 482 5 884496156 +318 485 5 884495921 +318 501 4 884496984 +318 503 4 884497402 +318 508 4 884494976 +318 509 5 884495817 +318 517 3 884496069 +318 524 3 884496123 +318 527 5 884496596 +318 531 4 884495921 +318 566 4 884496472 +318 575 2 884497924 +318 605 4 884497425 +318 610 5 884496525 +318 628 4 884494757 +318 629 4 884497236 +318 631 4 884496855 +318 648 5 884495534 +318 655 4 884496290 +318 657 5 884495696 +318 659 4 884495868 +318 660 3 884497207 +318 692 4 884495561 +318 697 5 884496008 +318 708 4 884497994 +318 735 5 884496182 +318 739 5 884496984 +318 750 4 884469971 +318 763 3 884494897 +318 768 2 884498022 +318 792 2 884496218 +318 795 2 884498766 +318 796 3 884496500 +318 809 4 884498210 +318 815 3 884494938 +318 842 2 884495742 +318 864 2 884495032 +318 865 2 884496099 +318 869 3 884498461 +318 892 3 884470391 +318 898 4 884470237 +318 934 4 884495382 +318 941 4 884497715 +318 944 2 884497208 +318 1012 4 884471076 +318 1014 2 884494919 +318 1023 2 884495091 +318 1030 2 884498787 +318 1032 3 884498210 +318 1044 4 884496985 +318 1063 3 884495973 +318 1120 3 884495206 +318 1160 5 884494976 +318 1521 3 884497824 +319 259 2 889816172 +319 267 4 875707690 +319 268 4 889816026 +319 269 3 875707746 +319 301 4 875707721 +319 302 4 876280242 +319 306 4 879975504 +319 307 4 879975504 +319 313 5 889816026 +319 333 4 875707746 +319 338 2 879977242 +319 340 3 879975481 +319 350 3 889816233 +319 358 3 889816233 +319 689 3 881355802 +319 750 3 889816107 +319 751 3 889816136 +319 879 5 876280338 +319 880 4 889816332 +320 1 3 884748604 +320 2 4 884749281 +320 3 4 884748978 +320 4 3 884749306 +320 7 4 884748708 +320 11 4 884749255 +320 17 5 884751190 +320 22 5 884749452 +320 24 3 884748641 +320 33 4 884749385 +320 38 4 884751288 +320 42 4 884751712 +320 50 4 884749227 +320 51 5 884750992 +320 54 4 884751209 +320 56 5 884749227 +320 62 4 884749306 +320 66 4 884751034 +320 68 5 884749327 +320 71 3 884751439 +320 77 3 884751246 +320 79 4 884749255 +320 82 3 884749359 +320 90 4 884751034 +320 92 5 884749306 +320 95 3 884751418 +320 96 5 884749255 +320 97 5 884750946 +320 99 4 884751440 +320 100 4 884748579 +320 117 4 884748641 +320 118 1 884748868 +320 121 5 884748733 +320 123 4 884748750 +320 129 4 884748661 +320 148 4 884748708 +320 156 5 884750574 +320 159 4 884751190 +320 161 4 884749360 +320 164 4 884751246 +320 173 5 884750946 +320 174 4 884749255 +320 177 5 884749360 +320 184 5 884749360 +320 185 4 884751141 +320 188 4 884749360 +320 202 4 884750946 +320 210 5 884749227 +320 226 4 884749306 +320 231 2 884749411 +320 233 4 884749281 +320 235 3 884748929 +320 238 4 884751672 +320 241 4 884750968 +320 248 5 884750644 +320 250 4 884751992 +320 252 2 884749532 +320 257 4 884749499 +320 276 2 884748579 +320 278 3 884748886 +320 284 4 884748818 +320 288 4 884748277 +320 291 4 884749014 +320 292 3 884748299 +320 294 4 884748418 +320 300 4 884748229 +320 340 2 884748230 +320 358 4 884748485 +320 368 3 884748946 +320 369 4 884749097 +320 385 4 884749327 +320 399 3 884749411 +320 403 4 884749281 +320 405 4 884748774 +320 410 4 884748839 +320 411 3 884749119 +320 413 3 884749046 +320 421 4 884750968 +320 431 5 884749327 +320 433 4 884751730 +320 452 3 884751589 +320 453 3 884751610 +320 456 3 884748904 +320 458 4 884748868 +320 470 5 884751263 +320 472 3 884748750 +320 501 3 884751462 +320 546 4 884748818 +320 550 5 884749384 +320 552 4 884751336 +320 554 4 884751288 +320 566 3 884749384 +320 568 4 884749327 +320 570 4 884749384 +320 576 3 884749411 +320 586 3 884749412 +320 588 3 884750766 +320 597 3 884748774 +320 625 4 884751439 +320 627 4 884751418 +320 678 3 884748418 +320 679 4 884749306 +320 685 4 884748839 +320 692 4 884750968 +320 716 1 884750992 +320 739 4 884750992 +320 742 4 884748800 +320 760 3 884748946 +320 763 4 884748683 +320 769 3 884751288 +320 771 3 884751316 +320 774 4 884751552 +320 800 4 884751190 +320 808 4 884749359 +320 827 4 884749030 +320 849 4 884749360 +320 869 4 884751068 +320 892 3 884748299 +320 895 4 884748346 +320 974 3 884749097 +320 976 2 884749567 +320 1011 3 884748978 +320 1041 3 884751084 +320 1047 4 884748733 +320 1052 2 884749097 +320 1081 4 884748997 +320 1090 3 884751376 +320 1091 4 884751462 +320 1157 4 884751336 +320 1188 4 884749411 +320 1210 4 884751316 +320 1215 1 884749097 +320 1291 3 884749172 +320 1522 3 884751316 +321 7 4 879438793 +321 8 4 879440451 +321 9 4 879440472 +321 14 3 879438825 +321 19 4 879438825 +321 20 3 879440160 +321 30 4 879439658 +321 45 4 879439763 +321 48 4 879439706 +321 50 4 879438793 +321 52 3 879440612 +321 56 4 879438651 +321 59 4 879440687 +321 60 4 879440954 +321 61 5 879441128 +321 64 3 879438607 +321 83 4 879439926 +321 87 3 879439763 +321 89 3 879440716 +321 100 4 879438882 +321 116 3 879439595 +321 124 3 879438857 +321 127 3 879438651 +321 131 4 879439883 +321 132 5 879440342 +321 133 5 879440612 +321 134 3 879438607 +321 135 4 879439763 +321 143 3 879439621 +321 153 4 879440746 +321 173 4 879440636 +321 174 3 879441111 +321 175 3 879439706 +321 180 4 879440612 +321 186 4 879440245 +321 190 4 879439562 +321 191 3 879440365 +321 193 3 879441178 +321 194 3 879441225 +321 197 5 879439812 +321 198 4 879439926 +321 199 4 879439787 +321 205 5 879440109 +321 207 3 879440244 +321 211 4 879440109 +321 212 3 879440342 +321 213 4 879440109 +321 215 3 879439658 +321 216 4 879441308 +321 221 5 879438793 +321 224 3 879439733 +321 276 3 879438987 +321 287 3 879438857 +321 382 3 879440245 +321 419 4 879439620 +321 428 4 879441336 +321 430 3 879439734 +321 432 5 879439812 +321 435 5 879439860 +321 462 4 879440294 +321 463 3 879440393 +321 474 4 879438607 +321 478 4 879439926 +321 479 4 879438607 +321 480 4 879440109 +321 483 5 879439658 +321 484 5 879440244 +321 485 4 879439787 +321 491 3 879440746 +321 493 4 879441110 +321 494 4 879440318 +321 496 4 879438607 +321 497 5 879439860 +321 498 5 879438699 +321 499 3 879440393 +321 507 3 879441336 +321 510 5 879440317 +321 511 4 879440954 +321 513 4 879440294 +321 514 4 879439706 +321 515 5 879440109 +321 521 2 879441201 +321 523 3 879440687 +321 526 3 879440245 +321 527 3 879439763 +321 529 4 879440342 +321 530 4 879440109 +321 603 5 879438607 +321 604 5 879438651 +321 607 4 879440109 +321 614 3 879440393 +321 615 5 879440109 +321 631 4 879440264 +321 633 5 879440109 +321 647 3 879438699 +321 654 4 879439927 +321 657 4 879440660 +321 659 4 879440980 +321 663 2 879439537 +321 704 3 879440423 +321 705 3 879439812 +321 709 4 879441308 +321 730 3 879439179 +321 736 4 879439537 +321 855 3 879439733 +321 863 3 879440746 +321 942 3 879440954 +321 1028 2 879441064 +321 1101 3 879440660 +321 1126 3 879439860 +321 1194 5 879438607 +321 1331 4 879439017 +322 1 2 887314119 +322 9 4 887314212 +322 12 4 887313946 +322 23 5 887314417 +322 32 5 887314417 +322 33 4 887313946 +322 48 4 887313946 +322 50 5 887314418 +322 64 5 887314148 +322 89 3 887314185 +322 92 4 887314073 +322 150 4 887314027 +322 156 4 887313850 +322 157 5 887314244 +322 179 5 887314416 +322 182 5 887314417 +322 185 5 887313850 +322 188 3 887314244 +322 192 5 887313984 +322 194 5 887313850 +322 196 4 887314352 +322 197 5 887313983 +322 216 3 887313850 +322 234 4 887313893 +322 272 4 887313698 +322 302 5 887314417 +322 313 5 887314417 +322 318 4 887314280 +322 346 3 887313611 +322 479 5 887313892 +322 483 5 887314417 +322 489 3 887313892 +322 505 4 887314119 +322 507 4 887314119 +322 508 4 887314073 +322 513 4 887314185 +322 514 4 887314352 +322 521 5 887314244 +322 528 5 887314418 +322 591 3 887313984 +322 603 5 887314417 +322 608 3 887314027 +322 653 4 887314310 +322 655 5 887313946 +322 656 5 887314027 +322 751 2 887313611 +322 1019 4 887314073 +323 7 2 878739355 +323 9 4 878739325 +323 11 5 878739953 +323 15 3 878739393 +323 22 5 878739743 +323 56 5 878739771 +323 64 5 878740017 +323 79 4 878739829 +323 98 4 878739699 +323 100 4 878739177 +323 117 3 878739355 +323 121 3 878739618 +323 127 5 878739137 +323 144 4 878739988 +323 150 4 878739568 +323 151 4 878739568 +323 156 5 878739720 +323 172 5 878739988 +323 180 5 878739857 +323 181 5 878739177 +323 186 4 878739988 +323 199 4 878739953 +323 203 5 878739953 +323 204 3 878739771 +323 210 4 878739878 +323 215 5 878739988 +323 223 4 878739699 +323 238 4 878740017 +323 243 1 878738997 +323 245 2 878739084 +323 246 4 878739177 +323 248 3 878739519 +323 249 3 878739488 +323 255 4 878739275 +323 257 2 878739393 +323 258 4 878738826 +323 268 4 878738865 +323 273 4 878739355 +323 282 3 878739543 +323 286 3 878738826 +323 289 2 878738910 +323 292 4 878738997 +323 293 4 878739299 +323 298 4 878739275 +323 300 2 878738827 +323 319 2 878738827 +323 322 2 878738910 +323 327 4 878738910 +323 328 3 878739029 +323 332 3 878738865 +323 333 4 878738865 +323 334 3 878738865 +323 467 5 878740017 +323 475 3 878739393 +323 479 4 878739801 +323 508 4 878739643 +323 535 3 878739643 +323 546 2 878739519 +323 619 3 878739519 +323 651 5 878739829 +323 678 2 878738910 +323 713 4 878739299 +323 741 3 878739543 +323 744 5 878739436 +323 763 4 878739459 +323 764 3 878739415 +323 772 3 878739904 +323 847 3 878739225 +323 873 3 878738949 +323 875 3 878739029 +323 886 3 878738997 +323 933 3 878739393 +323 1017 3 878739394 +323 1048 3 878739594 +323 1050 5 878739988 +323 1073 4 878739857 +324 9 5 880575449 +324 14 5 880575531 +324 50 5 880575618 +324 123 4 880575714 +324 125 5 880575714 +324 127 4 880575658 +324 150 4 880575412 +324 248 5 880575493 +324 250 4 880575531 +324 255 4 880575449 +324 258 4 880575107 +324 260 5 880575277 +324 268 4 880575045 +324 273 5 880575449 +324 275 4 880575531 +324 282 5 880575619 +324 283 3 880575531 +324 285 4 880575412 +324 286 5 880574766 +324 288 5 880575002 +324 289 5 880575163 +324 293 4 880575714 +324 294 5 880575002 +324 298 5 880575493 +324 300 5 880574827 +324 307 5 880574766 +324 310 4 880574827 +324 321 3 880575002 +324 322 4 880575163 +324 323 4 880575163 +324 332 3 880574766 +324 339 3 880574827 +324 340 5 880574827 +324 410 5 880575449 +324 471 5 880575412 +324 508 5 880575618 +324 538 4 880574901 +324 597 4 880575493 +324 690 4 880574901 +324 742 5 880575493 +324 748 5 880575108 +324 749 3 880575277 +324 754 5 880575045 +324 763 5 880575589 +324 827 4 880575715 +324 846 5 880575715 +324 872 5 880575045 +324 873 5 880575108 +324 875 3 880575163 +324 877 1 880575163 +324 879 4 880575234 +324 1033 4 880575589 +324 1094 5 880575715 +325 1 2 891478665 +325 2 1 891478772 +325 16 1 891478981 +325 23 5 891478276 +325 28 3 891478796 +325 47 3 891478712 +325 50 5 891478140 +325 71 3 891478981 +325 82 3 891479263 +325 86 3 891478578 +325 93 4 891478627 +325 95 2 891478895 +325 98 4 891478079 +325 99 5 891479244 +325 100 4 891478504 +325 107 2 891479102 +325 109 2 891478528 +325 114 5 891478307 +325 115 3 891478557 +325 127 5 891478480 +325 133 3 891478333 +325 135 5 891478006 +325 137 5 891477980 +325 143 1 891479017 +325 152 4 891477905 +325 154 3 891478480 +325 164 1 891479017 +325 168 3 891478796 +325 172 4 891478851 +325 174 2 891478006 +325 175 5 891478079 +325 176 3 891478455 +325 177 5 891478627 +325 179 5 891478529 +325 180 4 891478910 +325 181 4 891478160 +325 183 3 891477980 +325 185 5 891478140 +325 186 4 891478578 +325 187 3 891478455 +325 188 2 891478944 +325 190 4 891478432 +325 191 3 891478408 +325 193 4 891478627 +325 195 2 891478276 +325 197 4 891478199 +325 208 3 891478771 +325 211 3 891478627 +325 234 3 891478796 +325 235 1 891479292 +325 236 3 891478695 +325 240 1 891479592 +325 269 4 891477567 +325 271 3 891477759 +325 272 3 891477537 +325 286 4 891477597 +325 305 2 891477638 +325 313 2 891477489 +325 319 3 891477638 +325 325 1 891477695 +325 340 3 891477473 +325 345 3 891477660 +325 357 4 891477957 +325 383 1 891480034 +325 386 4 891479890 +325 402 2 891479706 +325 403 2 891479102 +325 408 5 891478307 +325 430 5 891478028 +325 432 5 891479263 +325 434 5 891478376 +325 435 3 891478239 +325 443 4 891478817 +325 458 3 891478877 +325 469 4 891478504 +325 474 5 891478392 +325 475 4 891478079 +325 483 5 891478079 +325 484 5 891478643 +325 485 3 891478599 +325 492 4 891478557 +325 493 4 891477905 +325 498 4 891478333 +325 502 4 891479058 +325 504 3 891477905 +325 505 4 891478557 +325 506 5 891478180 +325 507 3 891478455 +325 510 4 891478180 +325 511 4 891478047 +325 514 4 891478006 +325 517 4 891478219 +325 521 4 891478160 +325 525 5 891478579 +325 526 3 891478239 +325 527 4 891478140 +325 530 4 891478376 +325 542 2 891479962 +325 548 3 891480086 +325 554 1 891479912 +325 604 4 891478504 +325 614 4 891479038 +325 616 4 891477924 +325 628 3 891478772 +325 640 3 891478376 +325 650 3 891478079 +325 654 4 891478276 +325 655 4 891479312 +325 656 4 891478219 +325 737 4 891479846 +325 768 3 891479564 +325 771 1 891480115 +325 835 5 891478099 +325 865 3 891478079 +325 961 4 891479312 +325 1003 3 891480133 +325 1018 3 891479038 +325 1118 3 891479665 +325 1140 3 891479681 +325 1230 3 891479737 +325 1232 1 891479228 +325 1411 4 891478981 +325 1487 3 891480086 +326 8 4 879875457 +326 9 1 879875852 +326 22 4 879874989 +326 33 2 879876975 +326 38 3 879877005 +326 44 1 879875852 +326 48 3 879875533 +326 50 5 879875112 +326 53 1 879877039 +326 54 3 879876300 +326 56 2 879875691 +326 64 4 879875024 +326 67 2 879877284 +326 69 2 879874964 +326 72 2 879877264 +326 79 4 879875203 +326 82 3 879876861 +326 86 2 879875644 +326 88 2 879877235 +326 89 4 879875398 +326 90 1 879877198 +326 94 4 879877304 +326 96 3 879875057 +326 97 4 879874897 +326 98 5 879875112 +326 131 2 879875457 +326 132 4 879875398 +326 134 3 879875797 +326 135 3 879875852 +326 136 4 879874933 +326 141 3 879876235 +326 144 5 879876114 +326 153 4 879875751 +326 154 2 879875271 +326 168 3 879874859 +326 170 2 879874897 +326 172 4 879875431 +326 174 4 879874825 +326 175 1 879874933 +326 177 3 879876881 +326 178 5 879875175 +326 181 4 879875592 +326 182 2 879876861 +326 183 5 879875851 +326 185 5 879875203 +326 186 4 879877143 +326 195 4 879875752 +326 196 4 879875822 +326 197 1 879875723 +326 199 5 879875552 +326 200 2 879877349 +326 202 4 879875724 +326 204 3 879874964 +326 205 4 879875507 +326 208 3 879875534 +326 210 3 879874964 +326 211 4 879876184 +326 216 2 879876235 +326 219 2 879877349 +326 227 3 879876941 +326 228 4 879876861 +326 230 3 879876861 +326 232 2 879876941 +326 233 4 879876941 +326 234 3 879875797 +326 237 2 879875572 +326 241 3 879875778 +326 265 4 879876489 +326 282 2 879875964 +326 317 3 879875243 +326 318 5 879875612 +326 386 5 879877284 +326 393 4 879876327 +326 397 3 879876975 +326 399 4 879877004 +326 403 3 879876976 +326 423 3 879876159 +326 427 4 879875483 +326 428 5 879877283 +326 429 5 879875175 +326 433 2 879875644 +326 434 5 879875203 +326 435 3 879874897 +326 436 3 879877387 +326 443 5 879877349 +326 444 4 879877413 +326 445 4 879877413 +326 447 4 879877388 +326 448 3 879877349 +326 449 3 879877039 +326 451 2 879877234 +326 452 3 879877470 +326 468 3 879875572 +326 474 5 879875025 +326 478 3 879875083 +326 479 5 879875432 +326 480 4 879875691 +326 481 1 879874964 +326 483 5 879874963 +326 485 5 879875483 +326 491 4 879876235 +326 493 5 879874825 +326 496 5 879874825 +326 500 3 879875644 +326 501 3 879876688 +326 503 3 879876542 +326 505 3 879875271 +326 507 2 879875873 +326 508 3 879875432 +326 511 4 879875593 +326 514 3 879875612 +326 519 5 879875533 +326 520 5 879875151 +326 521 2 879875399 +326 523 4 879875057 +326 525 5 879874989 +326 526 5 879874964 +326 527 5 879874989 +326 528 3 879875112 +326 530 5 879875778 +326 550 5 879876505 +326 554 3 879877005 +326 559 3 879877413 +326 563 3 879877470 +326 564 3 879877470 +326 565 3 879877470 +326 566 4 879877073 +326 568 4 879876882 +326 588 3 879875691 +326 603 4 879875203 +326 608 4 879875930 +326 609 3 879875930 +326 611 3 879875572 +326 612 2 879875083 +326 613 5 879874860 +326 615 4 879875724 +326 633 4 879875852 +326 646 2 879875112 +326 648 5 879875644 +326 651 4 879875663 +326 654 1 879875151 +326 655 5 879875432 +326 657 5 879875431 +326 659 4 879875397 +326 665 1 879876975 +326 670 3 879877387 +326 671 3 879876327 +326 674 3 879877433 +326 675 4 879875457 +326 679 3 879876941 +326 701 4 879876141 +326 705 3 879875399 +326 720 2 879876975 +326 732 5 879877143 +326 780 2 879877326 +326 790 1 879877198 +326 837 4 879875507 +326 944 2 879877326 +326 969 4 879875151 +326 1118 2 879877264 +326 1126 2 879875243 +326 1231 3 879877039 +327 1 4 887745622 +327 2 2 887820385 +327 4 4 887819161 +327 8 4 887819860 +327 9 5 887819860 +327 10 4 887744432 +327 11 4 887745303 +327 12 3 887744205 +327 13 2 887746665 +327 14 4 887744167 +327 22 4 887744167 +327 23 4 887745463 +327 24 2 887745934 +327 25 2 887746728 +327 26 3 887747299 +327 28 3 887747971 +327 32 4 887747266 +327 33 3 887820341 +327 42 3 887746665 +327 47 4 887746553 +327 50 3 887745574 +327 55 4 887820293 +327 56 2 887745805 +327 64 2 887745699 +327 65 2 887747617 +327 66 3 887819582 +327 69 2 887822711 +327 70 4 887819316 +327 72 2 887819582 +327 79 3 887745661 +327 81 4 887818904 +327 82 2 887820448 +327 83 2 887744101 +327 85 2 887819507 +327 88 2 887819194 +327 89 4 887744167 +327 90 3 887819194 +327 92 4 887748006 +327 93 4 887744432 +327 96 2 887822530 +327 100 4 887744513 +327 117 3 887820385 +327 121 2 887822530 +327 127 4 887747338 +327 132 5 887820828 +327 133 4 887745662 +327 143 4 888251408 +327 144 4 887820293 +327 147 2 887820417 +327 151 4 887745871 +327 153 4 887818596 +327 154 4 887747337 +327 156 4 887747668 +327 161 3 887820417 +327 164 3 887746219 +327 168 4 887820828 +327 169 2 887744205 +327 172 4 887743986 +327 173 4 887747337 +327 174 4 887744513 +327 175 2 887744205 +327 176 4 887744240 +327 178 4 887745661 +327 179 2 887820493 +327 180 4 887745774 +327 181 4 887745537 +327 182 4 887744205 +327 183 3 887744065 +327 184 3 887820341 +327 188 5 887745774 +327 190 4 887832180 +327 191 4 887820828 +327 192 5 887820828 +327 195 4 887744277 +327 196 4 887745871 +327 197 4 887744023 +327 198 4 887747337 +327 200 4 887747338 +327 201 5 887820828 +327 202 4 887822400 +327 203 3 887818540 +327 204 4 887818658 +327 209 4 887747939 +327 210 3 887744065 +327 211 3 887818682 +327 215 4 887820695 +327 216 3 887818991 +327 217 3 887746328 +327 218 3 887746328 +327 219 4 887746219 +327 222 2 887744357 +327 226 3 887820341 +327 228 4 887820171 +327 230 4 887820448 +327 232 4 887819538 +327 233 3 887820385 +327 234 5 887745840 +327 237 4 887745494 +327 238 4 887747410 +327 239 3 887819316 +327 245 1 887743705 +327 246 4 887744384 +327 249 2 887744432 +327 250 2 887745272 +327 255 3 887745911 +327 257 2 887746728 +327 258 1 887737355 +327 260 1 887743705 +327 264 2 887743725 +327 265 2 887818511 +327 268 4 887737629 +327 269 3 887737629 +327 271 3 887743644 +327 273 2 887745911 +327 274 2 887819462 +327 275 4 887747338 +327 281 3 887820341 +327 285 4 887744459 +327 288 4 887743600 +327 293 3 887745574 +327 294 3 887743644 +327 298 3 887744405 +327 300 2 887743541 +327 301 3 887743725 +327 305 5 887820828 +327 313 4 887744167 +327 318 5 887820828 +327 321 3 887743761 +327 324 3 887743644 +327 327 3 887737402 +327 328 2 887743600 +327 340 4 887744167 +327 344 4 887744167 +327 357 4 887747338 +327 381 4 887819354 +327 382 3 887819316 +327 393 3 887819507 +327 396 3 887819538 +327 403 3 887820384 +327 405 2 887745589 +327 408 2 887745910 +327 410 2 887819462 +327 411 3 887818957 +327 418 3 887820761 +327 419 4 887822832 +327 421 2 887745840 +327 423 3 887822752 +327 425 3 887822681 +327 428 4 887819021 +327 431 3 887820384 +327 433 4 887818991 +327 435 4 888251521 +327 451 4 887819411 +327 455 2 887819316 +327 461 3 887746665 +327 464 4 887822785 +327 466 3 887820171 +327 469 4 887822623 +327 474 3 887743986 +327 475 4 887744405 +327 476 2 887819538 +327 478 4 887819860 +327 482 4 887745661 +327 484 3 887745303 +327 494 4 887822400 +327 497 4 887818658 +327 498 4 887819860 +327 502 3 887747134 +327 506 3 887744513 +327 508 2 887744064 +327 514 4 887747338 +327 517 2 887818991 +327 527 4 887745319 +327 529 3 887822770 +327 533 4 887822530 +327 537 4 887744023 +327 546 2 887820448 +327 550 2 887820448 +327 558 4 887746196 +327 559 2 887746328 +327 582 4 887822711 +327 583 2 887820341 +327 588 4 887820761 +327 589 3 887743936 +327 603 4 887745661 +327 628 2 887820226 +327 631 3 887747133 +327 634 5 887820493 +327 644 3 887747410 +327 645 4 887818991 +327 650 4 887745699 +327 651 4 887745744 +327 652 4 887819860 +327 655 4 887745303 +327 659 4 887819021 +327 672 2 887746328 +327 676 3 887746686 +327 678 3 887743705 +327 684 4 887820293 +327 686 4 887820293 +327 702 2 887819021 +327 708 4 887818596 +327 710 4 887747410 +327 715 4 887819860 +327 718 4 887745494 +327 735 2 887818540 +327 746 3 887818992 +327 749 3 887743644 +327 753 4 887745744 +327 772 3 887822646 +327 778 3 887819462 +327 805 4 887819462 +327 806 4 887747617 +327 811 4 887747363 +327 849 2 887822530 +327 856 4 887744167 +327 865 5 887745774 +327 874 3 887737629 +327 875 4 887743600 +327 886 2 887737493 +327 895 3 887743670 +327 919 5 887820828 +327 921 4 887748028 +327 949 4 887819316 +327 952 2 887819354 +327 959 5 887819161 +327 960 5 887745774 +327 962 3 887820545 +327 1007 4 887745272 +327 1012 2 887745891 +327 1017 2 887819316 +327 1019 3 887746665 +327 1056 2 887747971 +327 1067 4 887819538 +327 1069 4 887819136 +327 1070 4 887744513 +327 1073 2 887744241 +327 1075 4 887822832 +327 1097 4 887819860 +327 1098 4 887820828 +327 1100 4 888251464 +327 1101 4 887746665 +327 1103 4 887819614 +327 1129 2 887745891 +327 1131 4 887822736 +327 1141 3 887822681 +327 1170 4 887819860 +327 1218 4 887822400 +328 4 3 885047895 +328 7 4 885046079 +328 8 3 885047018 +328 9 4 885045993 +328 10 4 885047099 +328 11 3 885047450 +328 12 5 885045528 +328 22 5 885045805 +328 23 3 886036795 +328 28 5 885045931 +328 29 3 885048930 +328 31 4 886036884 +328 38 3 885049275 +328 43 3 886038224 +328 44 3 885047864 +328 46 2 885048004 +328 50 4 885045702 +328 51 3 885047417 +328 54 3 885047194 +328 55 4 885046655 +328 56 4 885045993 +328 58 4 885046206 +328 62 3 885049275 +328 64 4 885046276 +328 68 3 885048198 +328 69 4 885045844 +328 70 4 885047252 +328 71 4 885048004 +328 72 3 885046686 +328 76 3 885046580 +328 79 4 885047194 +328 82 4 885046537 +328 85 1 886038183 +328 96 4 885046174 +328 97 3 885046174 +328 98 4 885045899 +328 100 5 885046305 +328 117 4 885046420 +328 121 4 885048266 +328 127 5 885045645 +328 132 5 885046420 +328 144 4 885045740 +328 148 3 885048638 +328 149 2 885048730 +328 155 4 885048198 +328 157 5 885046344 +328 159 3 885047194 +328 161 4 885047670 +328 162 4 885048004 +328 164 3 885047484 +328 167 3 885048861 +328 172 4 885045528 +328 176 5 885046052 +328 177 3 885047099 +328 180 4 885046134 +328 183 5 885045805 +328 185 4 885045899 +328 186 4 886037065 +328 187 4 885045993 +328 188 5 885046498 +328 195 3 885045899 +328 198 3 885045844 +328 199 4 885045528 +328 200 4 885046420 +328 203 5 885045931 +328 205 4 885045768 +328 211 4 885046276 +328 215 3 885046773 +328 216 3 885045899 +328 218 4 885047281 +328 222 3 885046655 +328 223 4 885045645 +328 226 3 885048235 +328 228 3 885046976 +328 231 2 885048762 +328 232 3 885047670 +328 234 4 885046376 +328 235 3 885048464 +328 237 4 885047373 +328 241 5 885047252 +328 245 4 885044703 +328 258 5 885044482 +328 265 5 885045993 +328 270 2 885044641 +328 271 3 885044607 +328 272 5 888641556 +328 273 3 885046134 +328 275 4 885046420 +328 281 4 885048930 +328 282 3 885047865 +328 284 3 885047593 +328 286 5 885044452 +328 289 4 885044566 +328 291 4 885047865 +328 294 3 885044733 +328 299 2 885044904 +328 300 5 885044640 +328 301 2 885044607 +328 302 4 885044380 +328 313 4 893195532 +328 315 4 885044782 +328 316 5 888641915 +328 317 4 885046976 +328 322 3 885044782 +328 323 3 885044940 +328 326 4 885044607 +328 327 3 885044566 +328 331 4 885045085 +328 332 3 885044782 +328 333 3 885044418 +328 344 4 893195665 +328 347 5 885596118 +328 349 2 888641949 +328 350 3 886036374 +328 356 3 885047763 +328 370 3 885048986 +328 371 4 885046773 +328 380 3 885047737 +328 383 3 885049880 +328 385 3 885046027 +328 399 2 885049405 +328 402 3 885047627 +328 403 3 885047281 +328 405 4 885047018 +328 423 4 885046305 +328 431 2 885047822 +328 432 1 885047511 +328 435 4 885045844 +328 443 4 885048235 +328 447 2 885045528 +328 448 3 885046744 +328 449 3 885049607 +328 451 4 885048159 +328 470 4 885046537 +328 471 3 885048004 +328 474 4 885046455 +328 480 3 885046244 +328 481 3 885048500 +328 482 3 885046580 +328 483 5 885045844 +328 498 5 885046654 +328 503 3 885047696 +328 504 3 885046420 +328 510 5 885046376 +328 511 4 885045678 +328 515 5 885045678 +328 518 2 885048198 +328 519 5 885046420 +328 521 4 885047484 +328 523 5 885046206 +328 528 5 886037457 +328 531 4 885046455 +328 540 3 885048730 +328 546 3 885048861 +328 550 3 885047336 +328 553 3 885048235 +328 554 3 885049790 +328 556 3 885048930 +328 559 3 885048986 +328 561 3 885049431 +328 566 5 885047374 +328 568 3 885047896 +328 569 4 885049199 +328 570 3 885046498 +328 578 2 885048895 +328 579 3 885049836 +328 582 5 885045844 +328 586 1 885048666 +328 589 4 885046244 +328 591 3 885047018 +328 595 3 885048500 +328 601 4 885048004 +328 610 3 886036967 +328 614 4 885046276 +328 620 3 885048861 +328 623 3 885048801 +328 627 3 885048365 +328 628 3 885047627 +328 636 3 885047556 +328 639 2 885048730 +328 645 4 885046344 +328 646 3 885046174 +328 649 3 885047417 +328 651 5 885046580 +328 655 4 886037429 +328 657 4 885046134 +328 661 5 885047373 +328 665 2 885048801 +328 679 2 885049460 +328 684 5 885046537 +328 688 1 886036585 +328 689 5 885044733 +328 690 3 885044418 +328 693 2 885046174 +328 696 3 885049376 +328 699 4 885046718 +328 708 2 885048101 +328 715 2 885046853 +328 720 3 885049535 +328 726 4 885049112 +328 729 4 885047737 +328 736 3 885047737 +328 739 3 885048611 +328 742 4 885047309 +328 748 3 885045245 +328 750 4 885044519 +328 751 3 885596088 +328 752 2 888641528 +328 754 4 885044607 +328 755 3 885048801 +328 810 3 885049535 +328 823 3 885049024 +328 879 3 885044566 +328 903 3 893195755 +328 905 3 888641999 +328 911 3 893195879 +328 912 3 893195852 +328 915 3 893195665 +328 916 2 893195710 +328 939 4 885046655 +328 983 3 885049234 +328 1015 3 885047737 +328 1021 3 885045740 +328 1041 3 885048762 +328 1042 3 885049024 +328 1106 2 893195825 +328 1109 3 885047100 +328 1112 4 885049459 +328 1126 3 885046580 +328 1135 1 885045528 +328 1136 4 885047018 +328 1139 1 885049756 +328 1248 3 885047417 +328 1263 3 885048730 +328 1277 3 885049084 +328 1313 4 888641949 +328 1401 2 885046537 +328 1439 3 885048827 +328 1478 3 885049275 +328 1483 4 893195825 +329 7 3 891655961 +329 8 2 891656391 +329 12 4 891656178 +329 50 4 891655812 +329 79 4 891656391 +329 81 2 891656300 +329 98 4 891656300 +329 100 4 891655812 +329 117 3 891655868 +329 124 5 891655905 +329 127 4 891655741 +329 129 3 891655905 +329 137 5 891655812 +329 147 3 891656072 +329 169 4 891656178 +329 174 4 891656639 +329 181 4 891655741 +329 185 3 891656347 +329 186 3 891656268 +329 194 3 891656429 +329 197 4 891656429 +329 198 4 891656268 +329 245 3 891656640 +329 248 3 891656640 +329 250 3 891656639 +329 258 3 891656639 +329 269 4 891655191 +329 272 5 891655191 +329 274 3 891656639 +329 276 4 891655905 +329 282 3 891656300 +329 284 3 891656072 +329 288 2 891655191 +329 294 2 891655383 +329 297 4 891655868 +329 300 4 891655431 +329 302 5 891655191 +329 303 4 891655350 +329 313 4 891655191 +329 322 3 891655570 +329 323 2 891655594 +329 326 3 891656639 +329 331 3 891656639 +329 338 2 891655545 +329 423 4 891656237 +329 483 4 891656347 +329 512 4 891656347 +329 515 4 891655932 +329 534 3 891656639 +329 591 2 891655812 +329 655 4 891656237 +329 657 3 891656391 +329 705 3 891656347 +329 855 4 891656206 +329 892 2 891655614 +329 924 3 891655905 +329 1011 3 891655981 +330 8 5 876546236 +330 11 4 876546561 +330 21 5 876544953 +330 22 5 876545532 +330 25 5 876544582 +330 28 5 876546526 +330 31 5 876546812 +330 38 4 876546948 +330 44 5 876546920 +330 47 5 876546409 +330 50 5 876544366 +330 51 5 876546753 +330 58 5 876546132 +330 63 3 876547165 +330 64 5 876546409 +330 66 5 876547533 +330 67 4 876547500 +330 70 4 876546470 +330 71 5 876546236 +330 72 5 876547087 +330 73 5 876546782 +330 77 4 876547220 +330 80 2 876547737 +330 82 4 876546298 +330 88 5 876546948 +330 91 4 876547426 +330 94 4 876547426 +330 95 5 876546105 +330 97 5 876547220 +330 98 5 876546033 +330 99 4 876546172 +330 105 4 876545150 +330 117 5 876544654 +330 118 5 876544582 +330 121 4 876544582 +330 126 5 876544480 +330 132 5 876546498 +330 133 5 876545625 +330 135 3 876546172 +330 136 5 876546378 +330 143 5 876546470 +330 148 4 876544781 +330 151 4 876544734 +330 153 5 876545970 +330 161 4 876545999 +330 168 3 876546439 +330 172 5 876546619 +330 174 5 876546172 +330 177 4 876546267 +330 181 5 876544277 +330 193 5 876547004 +330 195 3 876546694 +330 197 5 876546071 +330 200 5 876546668 +330 204 5 876546839 +330 208 5 876546409 +330 209 3 876547032 +330 210 5 876546866 +330 213 5 876546752 +330 215 5 876547925 +330 216 5 876546470 +330 225 4 876544507 +330 228 5 876547220 +330 231 5 876545418 +330 235 5 876544690 +330 237 4 876544690 +330 238 5 876546323 +330 252 4 876544734 +330 255 4 876544278 +330 257 5 876544609 +330 275 5 876544366 +330 277 4 876544690 +330 284 5 876544311 +330 286 5 876543768 +330 293 3 876544311 +330 318 5 876546377 +330 357 4 876546439 +330 370 4 876545058 +330 376 4 876547378 +330 384 2 876547813 +330 393 4 876547004 +330 403 5 876545417 +330 405 5 876544872 +330 418 5 876546298 +330 419 5 876546298 +330 422 4 876547853 +330 423 5 876545971 +330 427 5 876546920 +330 432 4 876546753 +330 443 4 876546377 +330 447 4 876546619 +330 451 5 876547813 +330 465 5 876547250 +330 468 5 876547608 +330 470 5 876546267 +330 473 4 876544632 +330 479 5 876546105 +330 485 5 876546839 +330 496 5 876546172 +330 501 5 876546719 +330 527 3 876546071 +330 549 5 876547355 +330 554 3 876547500 +330 568 5 876546752 +330 570 4 876547674 +330 575 4 876547165 +330 584 3 876547220 +330 588 5 876546033 +330 596 5 876544690 +330 603 5 876545625 +330 627 5 876545479 +330 651 5 876547311 +330 660 5 876546752 +330 692 5 876547032 +330 694 5 876545971 +330 699 5 876547032 +330 729 5 876545721 +330 732 5 876547220 +330 739 5 876545368 +330 747 3 876546498 +330 763 5 876544337 +330 823 3 876544872 +330 845 5 876544432 +330 864 4 876544278 +330 866 5 876544998 +330 963 5 876547533 +330 966 5 876547311 +330 989 5 876543930 +330 993 4 876544632 +330 1016 3 876544480 +330 1028 4 876544953 +330 1044 5 876547575 +330 1084 5 876544432 +331 1 1 877196567 +331 7 4 877196633 +331 8 3 877196444 +331 11 2 877196702 +331 22 4 877196235 +331 31 2 877196567 +331 32 4 877196633 +331 47 5 877196235 +331 58 3 877196567 +331 59 5 877196383 +331 64 4 877196504 +331 69 5 877196384 +331 81 5 877196702 +331 100 4 877196308 +331 124 4 877196174 +331 132 3 877196174 +331 133 3 877196443 +331 160 5 877196702 +331 180 5 877196567 +331 182 4 877196567 +331 190 3 877196308 +331 198 4 877196634 +331 214 3 877196702 +331 215 3 877196383 +331 221 4 877196308 +331 223 4 877196173 +331 234 4 877196633 +331 238 4 877196383 +331 242 4 877196089 +331 277 4 877196384 +331 286 4 877196089 +331 305 5 877196819 +331 306 5 877196819 +331 414 4 877196504 +331 454 3 877196702 +331 467 3 877196702 +331 475 3 877196173 +331 479 2 877196504 +331 482 2 877196235 +331 486 3 877196308 +331 491 3 877196383 +331 503 4 877196504 +331 511 5 877196633 +331 514 3 877196173 +331 634 3 877196308 +331 653 3 877196173 +331 682 5 877196820 +331 694 4 877196702 +331 702 3 877196443 +331 705 2 877196173 +331 735 4 877196444 +331 811 4 877196384 +331 868 4 877196567 +331 933 3 877196235 +331 947 5 877196308 +331 958 5 877196504 +331 1100 2 877196634 +331 1141 3 877196504 +331 1194 3 877196444 +332 1 4 887938245 +332 5 5 888360370 +332 7 4 887916547 +332 8 5 888360108 +332 11 5 888359882 +332 12 5 888098205 +332 22 5 887938934 +332 41 5 887938997 +332 44 3 888360342 +332 50 5 887916675 +332 53 3 888360438 +332 54 4 888360396 +332 64 5 888359944 +332 70 2 888360179 +332 82 5 888098524 +332 89 5 888098060 +332 95 5 888360060 +332 97 5 888359903 +332 98 5 888359903 +332 105 2 887938631 +332 106 4 887938687 +332 117 4 887916575 +332 120 4 887938818 +332 123 4 887916653 +332 127 5 887916653 +332 144 5 887939092 +332 147 4 887938524 +332 148 5 887938486 +332 156 4 888359944 +332 159 5 887939071 +332 173 5 888360092 +332 174 5 888359866 +332 181 5 887916529 +332 182 5 888098088 +332 204 4 888098088 +332 210 5 887938981 +332 218 5 888360396 +332 225 3 887938706 +332 226 5 887939092 +332 227 5 888360371 +332 228 5 888359980 +332 229 5 888360342 +332 232 5 888098373 +332 233 4 888360370 +332 234 5 888360342 +332 235 3 887938723 +332 237 5 887916529 +332 245 4 888098170 +332 249 3 891214777 +332 252 5 888098524 +332 255 4 887938330 +332 257 4 887916575 +332 258 5 887916151 +332 264 3 893027312 +332 265 4 888360370 +332 271 4 887916217 +332 273 5 887938277 +332 276 3 887938299 +332 282 5 887916692 +332 284 5 887938245 +332 288 5 887916151 +332 291 4 887938439 +332 293 4 887916624 +332 295 3 887916529 +332 298 4 887916575 +332 300 5 887916188 +332 302 5 893027264 +332 307 5 888098170 +332 322 4 887916365 +332 326 5 892484951 +332 328 5 887916217 +332 332 4 887916411 +332 333 5 889069499 +332 342 4 892484976 +332 350 4 891214762 +332 354 5 888189331 +332 367 4 888360212 +332 369 4 887938556 +332 370 2 887938849 +332 385 5 888098398 +332 405 4 887938503 +332 409 3 887938601 +332 410 4 887938486 +332 411 4 887938738 +332 431 5 888360412 +332 449 4 888360438 +332 451 5 888360179 +332 456 4 887938556 +332 470 5 887939157 +332 471 4 887938351 +332 472 3 887938277 +332 546 4 888098432 +332 550 5 887939092 +332 552 3 888360488 +332 554 3 888360460 +332 562 5 888098328 +332 566 4 888360342 +332 568 4 888098151 +332 595 4 887938574 +332 597 5 887938486 +332 619 3 887938524 +332 651 5 888098060 +332 655 5 888360248 +332 660 3 888098125 +332 673 5 888360307 +332 678 4 887916284 +332 679 5 887939021 +332 682 4 889069561 +332 684 5 888360370 +332 685 4 887938277 +332 693 5 888098538 +332 696 3 887938760 +332 717 3 887938760 +332 728 4 893027298 +332 746 5 888360129 +332 748 4 887916385 +332 763 5 887938421 +332 769 3 888360532 +332 770 3 888098170 +332 815 4 887938224 +332 820 4 887938524 +332 824 3 887938818 +332 827 4 887938503 +332 831 3 887938760 +332 840 4 887938781 +332 841 4 887938669 +332 866 2 887938631 +332 871 3 887938351 +332 879 4 887916385 +332 895 5 887916385 +332 928 5 887938706 +332 931 2 888360532 +332 934 2 887938886 +332 974 4 888360532 +332 975 3 887938631 +332 978 4 888098459 +332 982 3 887938601 +332 984 2 887916411 +332 1011 3 887938631 +332 1013 3 887938798 +332 1016 5 887916529 +332 1028 4 887938403 +332 1047 3 887938652 +332 1090 5 888360508 +332 1150 3 887938631 +332 1157 4 888360532 +332 1188 5 888098374 +332 1210 3 888360460 +332 1218 5 887939171 +332 1244 4 887938798 +332 1315 2 887916623 +333 66 5 891045515 +333 79 3 891045496 +333 88 5 891045551 +333 98 4 891045496 +333 127 4 891045496 +333 153 4 891045496 +333 168 4 891045496 +333 180 1 891045191 +333 186 4 891045335 +333 255 3 891045624 +333 276 4 891045031 +333 294 3 891045496 +333 300 4 891044389 +333 315 5 891044095 +333 316 5 891044659 +333 435 4 891045245 +333 483 4 891045496 +333 513 4 891045496 +333 520 4 891045117 +333 739 5 891045410 +333 748 4 891044596 +333 873 3 891045496 +333 894 3 891045496 +334 4 3 891548345 +334 7 5 891544788 +334 8 4 891547171 +334 10 4 891545265 +334 11 4 891545741 +334 12 5 891547016 +334 13 3 891545089 +334 14 3 891544810 +334 22 4 891545821 +334 28 3 891546373 +334 29 2 891549751 +334 38 2 891550141 +334 44 4 891548224 +334 47 4 891547171 +334 50 5 891544867 +334 52 4 891548579 +334 58 4 891546914 +334 59 5 891546000 +334 61 3 891550409 +334 68 3 891548387 +334 69 1 891548032 +334 70 3 891546299 +334 71 3 891546299 +334 72 3 891549192 +334 73 3 891548695 +334 74 2 891549246 +334 77 3 891549247 +334 83 4 891628832 +334 86 4 891548295 +334 89 4 891545898 +334 93 4 891545020 +334 95 3 891548069 +334 98 4 891545793 +334 99 4 891548533 +334 100 5 891544707 +334 111 3 891547445 +334 115 5 891545768 +334 117 3 891544735 +334 121 3 891545067 +334 125 3 891544925 +334 127 4 891544840 +334 129 4 891544735 +334 130 4 891545318 +334 131 4 891547744 +334 132 3 891546231 +334 135 4 891545793 +334 137 2 891544953 +334 142 3 891548272 +334 150 4 891628832 +334 151 4 891544925 +334 153 4 891547306 +334 160 4 891547190 +334 161 3 891549304 +334 163 4 891548602 +334 168 5 891546914 +334 170 3 891546181 +334 173 4 891628228 +334 174 4 891546992 +334 175 4 891546257 +334 176 3 891547040 +334 182 3 891545793 +334 183 4 891545950 +334 185 4 891545950 +334 186 3 891547128 +334 187 4 891547107 +334 190 4 891547083 +334 191 4 891545793 +334 193 4 891547334 +334 196 4 891547128 +334 197 4 891546181 +334 200 4 891547171 +334 204 4 891547190 +334 207 4 891545950 +334 208 5 891546405 +334 209 3 891545821 +334 210 3 891546405 +334 213 4 891546373 +334 214 3 891549045 +334 216 3 891546348 +334 218 3 891548317 +334 220 3 891545513 +334 221 5 891544904 +334 222 4 891544904 +334 223 5 891545973 +334 224 2 891545020 +334 225 3 891545645 +334 227 1 891547083 +334 228 5 891547894 +334 229 2 891549777 +334 230 4 891548808 +334 231 2 891549024 +334 235 3 891545293 +334 236 4 891544765 +334 237 4 891545067 +334 239 3 891546914 +334 244 3 891545044 +334 245 2 891544367 +334 246 4 891544952 +334 250 3 891544840 +334 258 4 891544264 +334 265 3 891545876 +334 268 4 891544102 +334 269 3 891544049 +334 271 3 891544340 +334 272 4 891544103 +334 275 4 891544707 +334 276 4 891545089 +334 277 3 891544904 +334 282 4 891544925 +334 285 4 891544707 +334 286 4 891544049 +334 287 3 891545162 +334 288 3 891544209 +334 289 3 891544491 +334 290 3 891544997 +334 293 3 891544840 +334 297 5 891544680 +334 300 3 891544209 +334 302 5 891544177 +334 303 4 891544077 +334 304 3 891550557 +334 305 2 891544135 +334 306 4 891544103 +334 307 3 891544135 +334 310 3 891544049 +334 311 4 891628833 +334 312 2 891544286 +334 313 4 891544077 +334 315 4 891550535 +334 316 4 891544407 +334 317 3 891546000 +334 318 4 891545926 +334 319 3 891544233 +334 322 3 891544584 +334 324 4 891628832 +334 326 1 891544286 +334 328 3 891544311 +334 333 4 891544233 +334 338 1 891544524 +334 340 3 891544264 +334 345 2 891544177 +334 346 5 891544209 +334 347 3 891547445 +334 371 2 891547283 +334 387 4 891548579 +334 396 4 891549103 +334 403 4 891547016 +334 405 3 891547040 +334 408 4 891547912 +334 419 3 891546181 +334 421 4 891547307 +334 423 5 891545821 +334 425 4 891548835 +334 427 4 891545821 +334 428 4 891547955 +334 429 4 891546299 +334 430 4 891546206 +334 436 3 891548203 +334 443 3 891547128 +334 449 3 891549539 +334 450 1 891550338 +334 461 3 891547744 +334 474 3 891546257 +334 475 4 891544953 +334 476 3 891545540 +334 479 4 891545926 +334 481 5 891546206 +334 483 5 891628266 +334 484 5 891545793 +334 485 3 891548224 +334 488 5 891546231 +334 496 3 891547040 +334 498 4 891545898 +334 500 3 891547334 +334 502 3 891546963 +334 505 4 891546405 +334 510 4 891628832 +334 512 4 891547148 +334 514 4 891545926 +334 515 4 891545898 +334 518 4 891547334 +334 521 4 891548835 +334 525 5 891545876 +334 527 3 891546231 +334 529 5 891547445 +334 531 5 891545949 +334 549 4 891547261 +334 553 1 891548866 +334 558 4 891546231 +334 561 2 891549455 +334 566 3 891548866 +334 577 2 891550372 +334 582 5 891547235 +334 591 4 891544810 +334 603 5 891628849 +334 606 5 891545793 +334 608 4 891547668 +334 620 2 891545540 +334 628 4 891544867 +334 631 4 891547467 +334 634 4 891547513 +334 635 2 891548155 +334 640 4 891548129 +334 642 5 891548436 +334 652 5 891546992 +334 655 4 891546257 +334 657 4 891545898 +334 658 3 891547148 +334 663 5 891545852 +334 678 3 891544446 +334 684 4 891545768 +334 689 3 891544340 +334 693 3 891547083 +334 707 4 891546153 +334 708 4 891628833 +334 709 4 891548368 +334 716 3 891548758 +334 742 2 891544972 +334 746 3 891548622 +334 753 4 891545741 +334 761 2 891549718 +334 762 3 891545044 +334 792 4 891546257 +334 810 3 891549267 +334 815 3 891545540 +334 840 4 891545674 +334 845 2 891544867 +334 846 3 891545318 +334 855 3 891547513 +334 866 3 891545239 +334 870 3 891545513 +334 877 3 891544264 +334 882 3 891544135 +334 886 4 891544233 +334 888 2 891550464 +334 902 4 891550520 +334 905 1 891547612 +334 906 5 891544177 +334 922 4 891544810 +334 936 3 891544764 +334 937 3 891544367 +334 945 4 891545973 +334 950 3 891545162 +334 955 1 891547563 +334 961 4 891628832 +334 969 4 891628832 +334 1006 3 891549860 +334 1008 4 891545126 +334 1010 5 891545108 +334 1011 4 891544680 +334 1014 2 891545293 +334 1016 3 891545185 +334 1020 4 891546181 +334 1041 3 891549667 +334 1051 4 891545347 +334 1073 4 891547714 +334 1074 2 891548979 +334 1108 4 891549632 +334 1133 4 891549192 +334 1137 4 891544764 +334 1163 4 891544764 +334 1170 4 891548729 +334 1172 3 891545852 +334 1198 3 891544735 +334 1202 4 891544680 +334 1207 2 891550121 +334 1241 2 891545513 +334 1263 4 891549926 +334 1312 4 891628832 +334 1313 4 891544407 +334 1315 4 891545185 +334 1404 4 891549068 +334 1411 1 891549434 +334 1524 4 891547467 +334 1525 4 893074672 +335 245 4 891567053 +335 258 1 891566808 +335 260 3 891567159 +335 269 4 891566808 +335 271 4 891567029 +335 288 4 891566952 +335 300 5 891567029 +335 305 4 891566861 +335 307 5 891566952 +335 313 3 891566808 +335 323 4 891567125 +335 324 1 891567098 +335 328 3 891566903 +335 333 4 891566952 +335 340 5 891566808 +335 342 2 891566976 +335 347 5 891567004 +335 355 3 891567053 +335 678 3 891567251 +335 748 2 891567098 +335 902 5 891566808 +336 1 3 877759342 +336 3 1 877758935 +336 4 4 877757790 +336 13 3 877756890 +336 25 3 877756934 +336 33 3 877756242 +336 41 3 877757477 +336 49 4 877758001 +336 50 4 877759224 +336 56 4 877757601 +336 63 2 877757268 +336 66 3 877756126 +336 67 4 877756966 +336 70 5 877757910 +336 72 3 877756127 +336 85 3 877758078 +336 88 2 877757910 +336 90 5 877757062 +336 94 3 877756890 +336 100 3 877756934 +336 105 4 877755098 +336 108 3 877757320 +336 111 3 877756999 +336 117 3 877760603 +336 121 4 877760441 +336 122 5 877757134 +336 124 1 877760244 +336 125 3 877760032 +336 153 5 877757669 +336 154 5 877757637 +336 158 3 877756618 +336 168 5 877757700 +336 173 5 877757637 +336 186 4 877757730 +336 202 1 877757909 +336 208 2 877757930 +336 210 5 877757700 +336 216 5 877757858 +336 232 3 877757023 +336 237 5 877759598 +336 238 3 877757700 +336 239 3 877758001 +336 257 4 877759730 +336 273 5 877760032 +336 275 4 877759730 +336 276 4 877760310 +336 282 3 877760032 +336 284 4 877759833 +336 288 3 877760521 +336 290 3 877756934 +336 294 4 877759103 +336 367 3 877757910 +336 368 1 877756695 +336 383 1 877758935 +336 388 1 877757418 +336 393 3 877756618 +336 395 2 877757094 +336 399 3 877757063 +336 401 1 877757133 +336 405 3 877760374 +336 407 1 877757373 +336 410 3 877758001 +336 451 2 877756242 +336 571 1 877756999 +336 575 3 877757373 +336 577 1 877757396 +336 579 3 877757373 +336 585 3 877756966 +336 591 5 877759598 +336 619 3 877759833 +336 655 3 877757752 +336 692 3 877757637 +336 716 2 877758001 +336 722 3 877757134 +336 732 3 877756356 +336 734 1 877757516 +336 738 1 877757343 +336 742 3 877759928 +336 746 3 877758103 +336 762 5 877756890 +336 763 3 877756890 +336 765 4 877757516 +336 781 3 877757373 +336 790 2 877758187 +336 796 3 877758035 +336 824 3 877756890 +336 845 1 877758035 +336 859 2 877758103 +336 864 1 877757837 +336 871 2 877757550 +336 926 1 877758935 +336 949 4 877757952 +336 959 3 877758138 +336 998 1 877757062 +336 999 2 877757516 +336 1011 2 877754536 +336 1012 5 877760082 +336 1017 5 877757063 +336 1037 1 877757550 +336 1041 2 877757837 +336 1047 4 877757063 +336 1051 2 877757094 +336 1054 1 877754876 +336 1057 4 877757373 +336 1059 3 877756890 +336 1074 5 877757516 +336 1094 1 877757062 +336 1098 3 877757790 +336 1118 4 877758055 +336 1188 3 877757418 +336 1218 3 877757790 +336 1230 2 877757516 +336 1249 3 877756356 +336 1437 2 877756890 +336 1496 1 877757268 +337 15 5 875185596 +337 25 3 875184963 +337 67 4 875236631 +337 106 2 875184682 +337 121 5 875185664 +337 125 4 875185574 +337 127 3 875184682 +337 135 5 875236512 +337 151 5 875185627 +337 222 5 875185319 +337 227 5 875185319 +337 229 3 875185319 +337 230 5 875185319 +337 235 3 875184717 +337 250 3 875185219 +337 257 3 875184963 +337 371 4 875236191 +337 380 4 875185319 +337 392 5 875236512 +337 449 4 875185319 +337 450 2 875185319 +337 471 5 875235809 +337 515 5 875184280 +337 520 5 875236281 +337 631 4 875429292 +337 636 4 875236281 +337 742 5 875184353 +337 831 1 875236281 +337 1016 4 875184825 +337 1133 4 875236281 +338 1 3 879438143 +338 52 5 879438690 +338 56 3 879438535 +338 79 4 879438715 +338 83 2 879438064 +338 86 4 879438505 +338 100 4 879438196 +338 132 2 879438143 +338 133 4 879438143 +338 134 5 879438536 +338 135 5 879438570 +338 143 2 879438652 +338 168 3 879438225 +338 169 5 879438196 +338 170 5 879438301 +338 174 4 879438392 +338 175 4 879438762 +338 180 4 879438505 +338 194 3 879438597 +338 196 2 879438505 +338 204 3 879438063 +338 208 3 879438225 +338 211 4 879438092 +338 212 4 879438597 +338 213 5 879438250 +338 216 4 879438196 +338 275 5 879438063 +338 294 1 879437576 +338 301 4 879437655 +338 306 4 879437548 +338 310 3 879437522 +338 382 5 879438762 +338 408 5 879438570 +338 427 4 879438419 +338 435 4 879438597 +338 443 5 879438570 +338 462 4 879438715 +338 474 4 879438627 +338 478 3 879438505 +338 479 5 879438250 +338 480 5 879438114 +338 483 4 879438092 +338 484 5 879438143 +338 486 3 879438392 +338 490 5 879438275 +338 494 3 879438570 +338 497 3 879438165 +338 498 4 879438250 +338 511 4 879438473 +338 513 5 879438225 +338 514 5 879438114 +338 516 5 879438366 +338 517 5 879438505 +338 582 5 879438419 +338 603 5 879438690 +338 604 4 879438326 +338 606 3 879438275 +338 607 4 879438225 +338 613 3 879438597 +338 650 5 879438275 +338 654 5 879438143 +338 663 5 879438627 +338 708 5 879438627 +338 792 4 879438196 +338 945 4 879438762 +338 990 4 879437607 +339 1 5 891032349 +339 4 4 891033653 +339 5 3 891034953 +339 9 5 891033044 +339 11 4 891032379 +339 12 5 891032659 +339 22 5 891033735 +339 23 5 891033481 +339 25 4 891035116 +339 28 4 891032542 +339 29 3 891035759 +339 30 3 891032765 +339 32 5 891032255 +339 42 4 891033452 +339 45 5 891033200 +339 47 4 891032701 +339 50 4 891032576 +339 53 4 891034254 +339 55 3 891032765 +339 56 5 891032221 +339 58 3 891032379 +339 64 5 891033629 +339 65 4 891033452 +339 67 3 891035147 +339 69 4 891032633 +339 73 3 891035003 +339 76 3 891034254 +339 79 4 891032701 +339 80 3 891035707 +339 82 4 891035850 +339 86 4 891032221 +339 88 4 891035454 +339 89 5 891033416 +339 91 5 891034282 +339 92 4 891033452 +339 94 2 891036423 +339 97 4 891034626 +339 98 4 891032150 +339 99 4 891035180 +339 100 5 891032286 +339 101 3 891034626 +339 117 3 891034152 +339 121 3 891035454 +339 126 4 891032121 +339 127 5 891032349 +339 130 4 891034040 +339 132 5 891032953 +339 133 4 891033165 +339 134 5 891033044 +339 135 5 891033256 +339 139 3 891036199 +339 143 5 891034810 +339 145 3 891036557 +339 150 4 891033282 +339 151 4 891033676 +339 153 4 891033932 +339 154 4 891032885 +339 157 4 891032379 +339 159 3 891034681 +339 160 5 891033512 +339 161 3 891034626 +339 163 4 891035324 +339 167 4 891036058 +339 170 5 891032286 +339 175 5 891032793 +339 176 4 891032413 +339 178 5 891033310 +339 179 5 891032793 +339 180 5 891032793 +339 181 4 891033898 +339 182 5 891033310 +339 183 4 891032828 +339 185 4 891032885 +339 186 4 891032255 +339 187 5 891032700 +339 188 4 891033735 +339 190 4 891034215 +339 192 5 891032438 +339 194 4 891037070 +339 195 3 891032576 +339 196 4 891033416 +339 197 5 891033653 +339 198 5 891033382 +339 199 5 891032576 +339 200 5 891033118 +339 203 4 891032466 +339 204 3 891033542 +339 208 4 891032827 +339 209 5 891032600 +339 211 5 891034215 +339 212 4 891035215 +339 213 4 891033542 +339 214 3 891033226 +339 216 3 891032286 +339 217 3 891034254 +339 218 3 891034810 +339 222 4 891033512 +339 226 2 891034744 +339 227 2 891035524 +339 228 4 891033960 +339 229 3 891035584 +339 231 2 891035180 +339 233 1 891036503 +339 234 4 891032255 +339 235 3 891036387 +339 240 4 891036641 +339 241 4 891034152 +339 248 4 891034592 +339 250 5 891033830 +339 257 4 891033710 +339 258 3 891033200 +339 265 3 891034779 +339 269 5 891032379 +339 270 2 891036753 +339 276 4 891032495 +339 286 5 891032349 +339 288 3 891036899 +339 293 5 891033282 +339 298 2 891032856 +339 302 4 891034592 +339 317 4 891032542 +339 343 3 891031800 +339 346 5 891032255 +339 347 4 891034953 +339 357 5 891032189 +339 380 3 891035584 +339 383 1 891036834 +339 396 4 891036316 +339 402 3 891034867 +339 403 3 891034510 +339 410 2 891034953 +339 411 2 891035420 +339 415 3 891035553 +339 423 3 891033602 +339 427 5 891034778 +339 428 5 891032349 +339 431 4 891035488 +339 433 4 891033542 +339 434 4 891033350 +339 435 4 891032189 +339 436 4 891035147 +339 447 4 891034923 +339 451 3 891034151 +339 461 5 891033226 +339 469 5 891032633 +339 474 4 891032286 +339 475 5 891032856 +339 478 5 891032466 +339 479 5 891032701 +339 480 5 891032885 +339 483 5 891032121 +339 484 5 891032495 +339 496 5 891032320 +339 498 4 891033044 +339 503 4 891035093 +339 504 5 891032255 +339 506 4 891033766 +339 508 4 891032189 +339 509 4 891033140 +339 511 5 891032885 +339 514 3 891037119 +339 515 5 891033072 +339 516 4 891033481 +339 518 5 891033984 +339 521 4 891032737 +339 522 5 891033165 +339 523 5 891033044 +339 525 5 891032737 +339 527 4 891032793 +339 528 5 891033044 +339 530 5 891032413 +339 550 2 891035523 +339 566 3 891034717 +339 573 3 891036016 +339 582 4 891032793 +339 589 5 891032221 +339 603 5 891032542 +339 607 5 891032189 +339 614 3 891034867 +339 631 5 891033256 +339 632 4 891033794 +339 636 4 891035248 +339 637 4 891035647 +339 639 4 891034115 +339 640 5 891035035 +339 642 5 891032953 +339 644 5 891033200 +339 649 5 891034007 +339 650 4 891032438 +339 654 5 891032150 +339 655 4 891033452 +339 660 4 891034778 +339 661 5 891033830 +339 663 5 891032952 +339 673 5 891034071 +339 675 4 891034810 +339 678 2 891036781 +339 693 5 891033200 +339 702 4 891035850 +339 709 5 891032982 +339 735 4 891034717 +339 736 3 891035093 +339 737 3 891035180 +339 739 3 891036058 +339 770 4 891034895 +339 772 4 891032413 +339 790 2 891034151 +339 806 4 891032737 +339 823 3 891035850 +339 845 4 891034718 +339 856 5 891034922 +339 942 4 891034484 +339 961 3 891034778 +339 1017 5 891033567 +339 1030 1 891036707 +339 1039 4 891033932 +339 1110 4 891034657 +339 1113 4 891033829 +339 1139 3 891036557 +339 1153 4 891035035 +339 1240 5 891033855 +339 1244 4 891036423 +339 1248 3 891034538 +339 1258 3 891034717 +339 1301 3 891032189 +339 1526 4 891035116 +340 1 5 884990988 +340 50 4 884990546 +340 71 5 884990891 +340 88 5 884991584 +340 95 5 884991083 +340 143 5 884990669 +340 172 4 884990620 +340 173 5 884990703 +340 174 4 884989913 +340 181 4 884991431 +340 186 4 884991082 +340 196 4 884990861 +340 199 5 884990988 +340 204 4 884990004 +340 205 4 884991516 +340 211 3 884991431 +340 215 5 884990620 +340 265 5 884990470 +340 378 5 884990891 +340 402 4 884990922 +340 405 5 884991817 +340 417 5 884991544 +340 418 5 884990669 +340 423 4 884990583 +340 435 4 884990546 +340 480 5 884991114 +340 486 4 884991083 +340 497 5 884990951 +340 504 1 884991742 +340 520 5 884991544 +340 526 5 884991396 +340 588 5 884991369 +340 662 2 884991584 +340 946 5 884991647 +340 969 5 884991647 +340 1133 5 884991742 +341 259 3 890758051 +341 288 4 890757686 +341 292 5 890757659 +341 294 3 890757997 +341 299 5 890757745 +341 335 4 890757782 +341 358 1 890758050 +341 682 3 890757961 +341 876 4 890757886 +341 877 3 890758113 +341 880 5 890757997 +341 881 5 890757961 +341 887 5 890757745 +341 908 3 890758080 +341 948 3 890758169 +341 1025 5 890757961 +341 1527 4 890757717 +342 4 4 874984395 +342 7 4 875318266 +342 8 4 875319597 +342 9 5 874984233 +342 11 5 874984315 +342 12 5 874984315 +342 13 3 874984480 +342 14 5 874984661 +342 15 3 875318154 +342 23 5 874984154 +342 25 2 875318328 +342 26 2 875320037 +342 28 2 875319383 +342 32 5 874984207 +342 42 3 875319659 +342 47 5 874984430 +342 56 5 874984315 +342 57 3 875319457 +342 58 5 875319912 +342 68 3 875319992 +342 88 1 875320644 +342 89 3 875319090 +342 92 4 875320227 +342 95 4 875320297 +342 100 5 874984207 +342 108 4 874984574 +342 111 3 875318267 +342 114 5 875318962 +342 122 4 875318783 +342 123 5 874984832 +342 124 4 875318267 +342 125 2 875318585 +342 129 5 874984684 +342 131 5 875319786 +342 132 5 875319129 +342 133 4 874984207 +342 134 4 875318936 +342 135 3 874984395 +342 137 2 874984455 +342 143 5 875318936 +342 144 5 875319912 +342 149 5 874984788 +342 150 3 874984531 +342 152 4 874984341 +342 153 4 874984261 +342 156 4 874984128 +342 160 3 874984365 +342 165 3 875318907 +342 169 5 875318907 +342 174 2 875319681 +342 175 5 874984207 +342 179 5 874984175 +342 182 5 875319173 +342 189 5 875319967 +342 191 5 875319991 +342 193 5 875320199 +342 194 3 875318858 +342 196 3 874984128 +342 197 4 875318988 +342 204 4 874984261 +342 208 4 874984430 +342 209 5 875319554 +342 220 1 874984455 +342 223 4 875318907 +342 236 3 875318536 +342 237 4 874984832 +342 238 4 875319012 +342 240 3 875318629 +342 246 4 874984480 +342 248 3 874984455 +342 249 3 874984661 +342 255 4 874984574 +342 257 2 875318267 +342 274 2 874984895 +342 282 1 875318366 +342 286 4 874984002 +342 287 3 874984619 +342 288 5 875318267 +342 289 2 874984067 +342 293 4 874984619 +342 297 3 875318267 +342 298 3 874984619 +342 301 5 874984045 +342 324 1 874984002 +342 326 1 874984002 +342 357 3 874984234 +342 367 5 875319967 +342 382 3 875320623 +342 410 3 874984661 +342 423 4 875319436 +342 427 4 875319254 +342 428 5 875320334 +342 475 5 874984233 +342 476 4 875318488 +342 478 3 875319967 +342 482 5 875318936 +342 483 4 875319745 +342 486 5 874984207 +342 488 5 875319536 +342 507 4 875319295 +342 508 3 874984810 +342 514 5 874984341 +342 517 5 875320297 +342 518 3 875318858 +342 523 4 875319854 +342 535 3 874984727 +342 544 1 875318606 +342 547 5 875318347 +342 558 5 874984341 +342 574 1 875320124 +342 581 3 875320037 +342 584 4 874984430 +342 591 3 875318629 +342 606 5 875318882 +342 607 3 875318963 +342 654 4 875319745 +342 655 4 875319383 +342 656 5 875319151 +342 657 5 874984207 +342 663 4 875320297 +342 699 4 875319808 +342 716 2 875320014 +342 723 3 875319659 +342 724 1 875320297 +342 727 3 875320082 +342 732 3 875319786 +342 746 4 875320227 +342 756 3 874984895 +342 762 2 874984914 +342 763 3 874984854 +342 764 1 875318762 +342 772 1 875319597 +342 789 3 875319412 +342 792 3 875318882 +342 813 5 874984480 +342 815 4 875318629 +342 818 4 875318488 +342 833 3 874984751 +342 866 1 875318585 +342 873 3 874984068 +342 928 3 875318509 +342 950 2 875318423 +342 952 3 874984619 +342 974 2 874984789 +342 975 2 875318509 +342 1007 4 874984507 +342 1008 3 875318669 +342 1009 1 874984596 +342 1010 1 874984574 +342 1011 3 875318467 +342 1012 4 874984639 +342 1014 1 874984531 +342 1016 1 874984596 +342 1047 2 874984854 +342 1048 1 875318536 +342 1071 4 875319497 +342 1073 1 875320199 +342 1094 3 874984873 +342 1103 3 874984395 +342 1128 5 875318536 +342 1160 3 874984751 +342 1163 3 875318266 +342 1166 1 875319745 +342 1167 1 875319854 +342 1170 3 875319659 +342 1300 1 875318556 +342 1315 1 875318742 +342 1368 5 874984507 +342 1528 3 875318585 +343 1 5 876402668 +343 3 4 876406256 +343 8 5 876404836 +343 11 5 876405172 +343 12 5 876405735 +343 13 5 876402894 +343 20 5 876408138 +343 22 4 876406181 +343 23 5 876404499 +343 25 2 876402814 +343 38 3 876406257 +343 42 4 876404647 +343 44 3 876406640 +343 47 4 876405130 +343 48 3 876405697 +343 52 5 876404793 +343 55 3 876405129 +343 57 5 876404426 +343 58 4 876406283 +343 62 2 876406707 +343 63 4 876406062 +343 64 5 876405697 +343 66 3 876406421 +343 69 5 876405735 +343 72 5 876407706 +343 76 4 876407565 +343 77 3 876405004 +343 79 4 876406144 +343 82 5 876405735 +343 83 4 876404957 +343 86 5 876404836 +343 87 4 876404613 +343 88 4 876405130 +343 89 3 876406006 +343 90 4 876406677 +343 97 4 876405893 +343 100 5 876402668 +343 116 5 876403009 +343 117 2 876403121 +343 118 2 876403121 +343 121 2 876407072 +343 124 4 876402738 +343 130 3 876403883 +343 132 5 876404880 +343 135 5 876404568 +343 137 4 876402941 +343 143 4 876406677 +343 144 4 876405004 +343 147 4 876402814 +343 150 4 876402941 +343 152 4 876404612 +343 153 5 876404539 +343 155 1 876407379 +343 156 4 876405857 +343 157 4 876405045 +343 163 5 876408139 +343 164 3 876404757 +343 168 4 876404612 +343 169 5 876405172 +343 174 5 876404464 +343 175 5 876405045 +343 177 4 876407252 +343 180 5 876404613 +343 186 4 876407485 +343 187 4 876406006 +343 188 4 876407749 +343 191 5 876404689 +343 194 5 876405200 +343 196 4 876406257 +343 198 4 876406006 +343 199 5 876404464 +343 200 2 876404539 +343 202 4 876406256 +343 203 5 876406764 +343 208 4 876404426 +343 211 5 876405820 +343 214 4 876406604 +343 215 5 876405943 +343 217 3 876405771 +343 222 4 876402978 +343 228 5 876404757 +343 229 4 876407340 +343 231 5 876407032 +343 235 4 876403078 +343 237 4 876402738 +343 238 4 876404647 +343 241 3 876407291 +343 250 5 876403078 +343 252 4 876403491 +343 257 3 876402941 +343 258 5 876402390 +343 260 1 876402556 +343 265 2 876406878 +343 269 4 876402390 +343 274 3 876403443 +343 275 5 876408139 +343 277 4 876402978 +343 283 4 876403212 +343 286 4 876402390 +343 297 5 876403283 +343 302 4 876402390 +343 303 4 876402390 +343 306 4 876402516 +343 317 5 876405130 +343 324 5 876402468 +343 333 3 876402468 +343 334 5 876402468 +343 357 5 876408139 +343 358 1 876402493 +343 367 4 876406144 +343 371 2 876405893 +343 375 2 876406978 +343 382 3 876406978 +343 387 4 876405521 +343 403 4 876406878 +343 405 4 876403776 +343 408 5 876403121 +343 410 3 876403212 +343 423 5 876408139 +343 425 5 876406514 +343 427 5 876405820 +343 435 4 876404343 +343 449 5 876407138 +343 458 5 876402894 +343 461 2 876404957 +343 463 4 876404793 +343 466 4 876404957 +343 471 4 876402941 +343 474 5 876406677 +343 475 5 876402668 +343 478 5 876404499 +343 483 5 876404343 +343 496 5 876404426 +343 498 5 876408138 +343 499 5 876405129 +343 508 5 876403514 +343 510 5 876408139 +343 515 4 876402626 +343 521 5 876408138 +343 527 5 876404757 +343 528 3 876405004 +343 530 5 876405633 +343 531 5 876404539 +343 546 1 876403348 +343 555 1 876407706 +343 559 3 876406822 +343 569 3 876406421 +343 581 4 876405820 +343 583 4 876407202 +343 614 5 876404689 +343 631 4 876407175 +343 642 4 876404343 +343 654 5 876407006 +343 655 5 876405697 +343 660 3 876405004 +343 663 5 876405045 +343 684 3 876406878 +343 702 4 876406257 +343 703 4 876404426 +343 708 4 876407006 +343 712 4 876406391 +343 715 5 876405943 +343 724 4 876404499 +343 727 4 876406462 +343 729 3 876407291 +343 735 5 876406576 +343 739 3 876406939 +343 744 4 876402941 +343 778 5 876406391 +343 786 4 876406181 +343 792 5 876405172 +343 823 3 876403851 +343 919 5 876403348 +343 921 4 876406640 +343 930 1 876403587 +343 931 3 876403938 +343 943 4 876406552 +343 950 3 876403121 +343 951 1 876406144 +343 961 4 876404688 +343 963 5 876404880 +343 980 5 876403239 +343 1047 1 876403776 +343 1067 3 876403078 +343 1073 4 876405771 +343 1107 3 876406977 +343 1112 3 876406314 +343 1117 3 876403563 +343 1132 4 876403746 +343 1194 4 876405129 +343 1211 4 876406677 +343 1267 4 876406576 +344 1 3 884899372 +344 5 3 884901533 +344 7 4 884814668 +344 8 5 889814194 +344 9 5 884814480 +344 12 5 884901024 +344 14 5 884814532 +344 19 4 884899346 +344 22 3 884901180 +344 25 4 884814480 +344 39 3 884901290 +344 45 5 884901210 +344 50 5 884814401 +344 58 3 884814697 +344 64 5 884900818 +344 69 2 884901093 +344 70 3 884901561 +344 73 3 884901371 +344 79 4 884900993 +344 83 4 884901503 +344 87 4 889814195 +344 88 3 884901403 +344 89 5 884814479 +344 97 3 884901156 +344 100 5 886382272 +344 106 2 884900583 +344 111 4 884899767 +344 117 3 884899767 +344 119 5 884814457 +344 121 3 884899792 +344 124 5 884899346 +344 125 3 884899741 +344 129 4 884899346 +344 132 4 889814194 +344 137 5 884814668 +344 148 2 884900248 +344 151 5 884899719 +344 172 4 884814697 +344 173 5 884814697 +344 174 5 884900993 +344 175 5 884901110 +344 176 5 884814507 +344 181 3 884901047 +344 183 5 884814507 +344 190 5 886382447 +344 191 5 889814194 +344 195 5 884900771 +344 196 4 884901328 +344 198 5 884814507 +344 202 4 884901180 +344 204 4 884901024 +344 208 5 884901290 +344 210 4 884814401 +344 213 4 884901351 +344 215 3 884900818 +344 216 4 884901156 +344 222 4 884899372 +344 228 4 884901047 +344 237 3 884900353 +344 244 3 889814600 +344 245 3 884813365 +344 246 4 889814518 +344 248 4 889814539 +344 251 5 889814518 +344 255 4 889814555 +344 258 3 884814359 +344 268 3 884814359 +344 272 5 885769962 +344 274 2 884899768 +344 275 4 884899397 +344 278 3 884900454 +344 280 3 884899815 +344 283 4 884814432 +344 284 3 884899768 +344 286 3 884813183 +344 288 4 889813994 +344 290 2 884899837 +344 291 3 884899791 +344 295 3 889814571 +344 298 4 889814571 +344 301 4 889813946 +344 302 5 884814359 +344 303 4 884814359 +344 304 3 884814359 +344 306 5 884814359 +344 313 3 884814359 +344 315 5 884813342 +344 316 4 889814343 +344 319 1 886381985 +344 322 2 889814470 +344 357 5 884814432 +344 372 4 884901469 +344 385 2 884901503 +344 405 2 884900353 +344 408 5 884814532 +344 421 2 884901561 +344 431 3 884901469 +344 433 4 884901517 +344 451 4 884901403 +344 459 4 884899741 +344 462 2 884901156 +344 463 4 884901210 +344 471 3 884899719 +344 472 3 884899837 +344 473 4 884900248 +344 477 3 884900353 +344 479 4 884901093 +344 486 4 884901156 +344 487 5 884900791 +344 496 4 889814194 +344 508 4 884814697 +344 509 4 889814195 +344 511 4 884901311 +344 529 5 884814668 +344 530 4 884901403 +344 535 3 889814539 +344 537 4 884814432 +344 546 3 884899837 +344 559 3 884901351 +344 568 5 884901419 +344 588 5 884900993 +344 597 2 884900454 +344 619 4 885770181 +344 628 4 884899442 +344 647 4 884814401 +344 660 3 884901235 +344 663 5 884900993 +344 678 2 884813365 +344 684 3 884901249 +344 696 3 884900567 +344 707 4 884900792 +344 708 4 884901561 +344 715 4 889814195 +344 716 3 884901403 +344 756 2 884900529 +344 762 3 884900391 +344 764 1 886381986 +344 815 2 884900409 +344 844 1 886381985 +344 845 3 884899791 +344 896 4 884814359 +344 926 2 886381985 +344 955 4 889814195 +344 972 4 884901503 +344 1007 4 889814518 +344 1014 4 889814600 +344 1020 5 884814457 +344 1048 3 884899815 +344 1050 3 884901290 +344 1142 5 889814518 +344 1165 1 886381986 +344 1172 4 884901311 +344 1283 2 889814587 +345 1 3 884990938 +345 5 3 884992922 +345 11 4 884992337 +345 12 5 884901701 +345 13 4 884991220 +345 15 4 884991220 +345 25 3 884991384 +345 26 3 884993555 +345 28 3 884916441 +345 33 4 884993069 +345 38 2 884993830 +345 40 3 884993662 +345 42 2 884991873 +345 43 3 884993890 +345 44 3 884992770 +345 48 5 884902317 +345 49 3 884993505 +345 50 5 884992367 +345 51 5 884993744 +345 54 3 884993506 +345 56 5 884902317 +345 58 4 884916322 +345 64 5 884902317 +345 70 5 884992248 +345 71 3 884992922 +345 77 3 884993555 +345 79 4 884992291 +345 86 4 884916235 +345 87 5 884991984 +345 88 4 884992940 +345 91 4 884993016 +345 93 4 884991191 +345 98 5 884916235 +345 100 5 884902317 +345 111 4 884991244 +345 117 4 884991220 +345 118 3 884991520 +345 121 3 884991384 +345 126 5 884991105 +345 132 5 884901371 +345 137 4 884991077 +345 143 5 884992940 +345 148 3 884991303 +345 150 5 884991105 +345 151 5 884991191 +345 161 3 884993555 +345 170 5 884902317 +345 172 4 884991831 +345 173 5 884902317 +345 174 4 884992367 +345 181 4 884992479 +345 196 5 884902317 +345 197 4 884992141 +345 200 4 884916339 +345 202 3 884992218 +345 210 4 884992174 +345 215 4 884993464 +345 216 5 884901701 +345 218 3 884992218 +345 221 5 884900899 +345 223 5 884902317 +345 226 3 884993418 +345 234 4 884991831 +345 235 3 884991285 +345 238 5 884916495 +345 239 4 884993485 +345 241 4 884992142 +345 244 3 884994658 +345 245 2 884901497 +345 246 4 884994156 +345 248 5 884994083 +345 251 5 884994119 +345 262 5 884901701 +345 269 5 884900466 +345 272 5 884900426 +345 278 3 884991505 +345 282 3 884991419 +345 283 4 884991105 +345 284 4 884991348 +345 285 5 884901701 +345 286 3 884900521 +345 288 3 884901497 +345 289 3 884901497 +345 291 3 884991476 +345 294 3 884901497 +345 295 4 884994592 +345 297 4 884994156 +345 298 5 884902339 +345 301 4 884900543 +345 302 5 884902317 +345 311 5 884900609 +345 312 3 884900709 +345 313 4 884900467 +345 315 5 884900653 +345 317 4 884992465 +345 318 5 884916354 +345 325 1 884901497 +345 332 1 884901497 +345 333 3 884900543 +345 356 3 884993686 +345 365 2 884993760 +345 367 4 884993069 +345 378 4 884993436 +345 381 4 884993505 +345 382 4 884992725 +345 385 3 884993418 +345 387 4 884992823 +345 393 3 884993485 +345 402 4 884993464 +345 403 3 884992922 +345 405 4 884991285 +345 412 3 884991600 +345 416 4 884992142 +345 433 4 884992142 +345 443 5 884993464 +345 451 5 884993085 +345 462 5 884901637 +345 464 3 884992084 +345 469 5 884916274 +345 470 4 884992084 +345 471 3 884991127 +345 473 2 884991244 +345 476 3 884991505 +345 479 4 884991812 +345 481 3 884916260 +345 508 4 884901000 +345 534 4 884994592 +345 535 3 884994136 +345 550 3 884993784 +345 559 1 884901497 +345 568 4 884993047 +345 570 2 884993662 +345 582 5 884992807 +345 588 3 884992100 +345 628 3 884991105 +345 651 4 884992493 +345 655 4 884991851 +345 660 5 884993418 +345 676 4 884991384 +345 678 2 884901497 +345 684 4 884992005 +345 696 3 884991267 +345 702 4 884993418 +345 708 3 884992786 +345 709 4 884993033 +345 716 3 884993686 +345 722 3 884993783 +345 724 5 884993139 +345 732 4 884993418 +345 736 3 884992897 +345 737 3 884993418 +345 739 4 884993016 +345 744 4 884991348 +345 747 3 884993139 +345 748 2 884901497 +345 772 4 884993121 +345 781 3 884993636 +345 815 3 884991546 +345 845 3 884991220 +345 846 4 884991348 +345 866 3 884991476 +345 879 2 884901497 +345 903 3 884900609 +345 919 2 884991077 +345 941 3 884993932 +345 949 3 884992897 +345 955 4 884993932 +345 956 4 884916322 +345 972 4 884993464 +345 974 3 884991581 +345 980 4 884991688 +345 988 2 884916551 +345 1007 5 884994119 +345 1008 3 884991267 +345 1009 2 884991546 +345 1011 3 884991127 +345 1012 3 884994606 +345 1014 3 884994643 +345 1016 3 884994619 +345 1017 2 884991303 +345 1023 2 884994658 +345 1047 4 884991457 +345 1048 2 884991436 +345 1053 3 884993903 +345 1082 2 884994569 +345 1096 3 884994682 +345 1117 4 884900810 +345 1160 3 884994606 +345 1221 3 884993703 +345 1226 3 884994592 +345 1247 2 884993996 +345 1315 3 884994631 +346 2 5 875263473 +346 4 4 874948105 +346 7 2 874947923 +346 11 4 874948174 +346 12 5 874950232 +346 17 1 874950839 +346 22 5 874948059 +346 29 4 875264137 +346 31 4 874950383 +346 33 5 875261753 +346 38 3 874950993 +346 50 5 874947609 +346 53 1 875263501 +346 54 4 874949217 +346 56 5 874949217 +346 58 3 875122112 +346 62 3 875263634 +346 68 3 874951062 +346 72 3 874951714 +346 76 4 874950135 +346 77 4 874950937 +346 79 5 874948105 +346 83 4 874949923 +346 88 4 874949380 +346 89 4 874948513 +346 91 1 874950029 +346 92 4 886274124 +346 94 3 875263845 +346 96 5 874948252 +346 98 2 874948173 +346 100 3 874948426 +346 110 2 875266064 +346 117 4 874950054 +346 121 4 874948703 +346 128 2 874950208 +346 132 4 875261235 +346 133 5 874948513 +346 134 5 874947644 +346 141 4 874950692 +346 143 3 874948332 +346 147 4 874950172 +346 151 4 874949244 +346 156 4 874948139 +346 157 3 874950966 +346 158 2 875264945 +346 159 4 874949011 +346 161 3 874950413 +346 164 3 874948824 +346 167 2 875264209 +346 168 4 874948252 +346 172 5 874947609 +346 173 3 874948475 +346 174 5 874948547 +346 175 4 874947644 +346 176 4 874947747 +346 177 4 874948476 +346 180 5 874947958 +346 181 5 874948332 +346 182 5 874948031 +346 183 4 874948382 +346 184 1 874950463 +346 186 3 874948303 +346 187 3 874948030 +346 188 4 874948252 +346 195 5 874948703 +346 196 3 874950692 +346 204 4 874948730 +346 210 4 874947700 +346 213 3 874948173 +346 215 3 874948303 +346 218 3 875263574 +346 226 3 886273914 +346 232 3 875263877 +346 233 4 874948889 +346 237 4 874949086 +346 241 4 874948929 +346 245 4 875266665 +346 250 3 886274255 +346 259 2 886273426 +346 265 4 874950794 +346 273 4 874948783 +346 276 1 874950029 +346 288 2 886273342 +346 291 5 875002643 +346 293 3 875000499 +346 294 3 886273405 +346 300 5 874947380 +346 302 3 877231140 +346 318 5 874948105 +346 322 3 886273541 +346 325 1 886273717 +346 333 4 886273342 +346 358 4 886273570 +346 363 3 874951062 +346 365 1 874951029 +346 366 2 874947609 +346 369 3 874948890 +346 375 1 875266176 +346 392 3 875266064 +346 394 4 874949116 +346 395 1 875264785 +346 405 3 886274098 +346 415 2 875265527 +346 431 5 874950616 +346 455 3 874948889 +346 470 3 874948513 +346 472 4 874950937 +346 496 5 875260242 +346 515 5 874948890 +346 518 4 874948889 +346 546 4 875263238 +346 549 4 874950966 +346 550 4 886273914 +346 561 3 874950172 +346 566 5 874950766 +346 569 3 875266064 +346 571 3 875264262 +346 572 5 875266600 +346 576 3 875264945 +346 578 2 874950463 +346 582 3 874951783 +346 597 3 875003052 +346 616 1 874948890 +346 636 3 874950794 +346 640 3 874947923 +346 642 3 874949952 +346 658 3 874949011 +346 660 2 874948979 +346 673 3 874951782 +346 684 4 874948929 +346 685 3 874950383 +346 693 4 874950937 +346 712 3 875264985 +346 720 2 875265528 +346 727 1 874947794 +346 732 3 874948955 +346 742 4 874948513 +346 746 3 874949116 +346 748 4 874947380 +346 780 2 875264904 +346 785 3 875263077 +346 802 4 875265236 +346 809 3 874951029 +346 831 3 875003274 +346 879 5 886273570 +346 932 2 875264752 +346 944 3 874951714 +346 951 2 874950463 +346 959 2 875260577 +346 967 2 874948426 +346 977 3 875264110 +346 1011 1 874947609 +346 1018 3 874950536 +346 1025 3 886273570 +346 1090 2 875265071 +346 1110 1 875264985 +346 1135 4 874950993 +346 1188 1 875264472 +346 1210 3 875265335 +346 1222 4 875263877 +346 1228 4 875265825 +346 1231 3 875265106 +347 1 4 881652518 +347 4 4 881654452 +347 7 4 881652590 +347 11 5 881653544 +347 12 3 881653584 +347 17 4 881654635 +347 22 5 881654005 +347 25 2 881652684 +347 28 4 881654612 +347 31 5 881654321 +347 50 5 881652456 +347 55 5 881653603 +347 56 5 881653736 +347 65 2 881654679 +347 68 5 881654825 +347 69 5 881653687 +347 70 2 881654428 +347 73 2 881654773 +347 77 5 881654386 +347 79 5 881653890 +347 82 5 881654269 +347 85 5 881654880 +347 87 3 881653830 +347 95 4 881654410 +347 96 4 881653775 +347 97 4 881654101 +347 98 5 881654359 +347 99 3 881654591 +347 105 2 881653198 +347 106 2 881652813 +347 117 5 881652518 +347 118 4 881652710 +347 121 3 881652535 +347 123 3 881654301 +347 125 5 881652568 +347 127 5 881652434 +347 132 5 881654064 +347 137 2 881652568 +347 144 5 881654186 +347 147 4 881652710 +347 148 3 881652888 +347 151 3 881652480 +347 157 5 881654567 +347 158 3 881654773 +347 163 4 881654801 +347 164 3 881654752 +347 168 5 881653798 +347 172 5 881653933 +347 173 2 881654503 +347 174 4 881654248 +347 176 3 881653866 +347 177 5 881654386 +347 180 5 881654101 +347 181 5 881652377 +347 182 5 881653736 +347 186 5 881653912 +347 187 5 881653652 +347 200 4 881654452 +347 204 4 881653830 +347 208 2 881654480 +347 210 4 881653973 +347 215 4 881654211 +347 216 3 881653933 +347 222 4 881652377 +347 223 4 881653669 +347 226 4 881653890 +347 227 4 881654734 +347 230 4 881654101 +347 233 5 881654653 +347 235 2 881653224 +347 237 4 881652629 +347 239 5 881654591 +347 240 5 881653300 +347 241 3 881654386 +347 245 5 881652230 +347 246 4 881652417 +347 249 5 881652683 +347 252 2 881653176 +347 257 4 881652610 +347 258 4 881652077 +347 260 1 881652250 +347 268 4 881652169 +347 271 1 881652191 +347 273 5 881652456 +347 276 3 881652657 +347 280 4 881652657 +347 282 5 881652590 +347 284 3 881652480 +347 286 3 881652054 +347 288 5 881652118 +347 291 5 881652746 +347 294 1 881652142 +347 298 5 881652590 +347 300 5 881652054 +347 317 1 881654409 +347 318 3 881653563 +347 323 1 881652142 +347 324 1 881652230 +347 328 4 881652077 +347 333 5 881652077 +347 356 5 881654134 +347 357 5 881653774 +347 363 1 881653244 +347 371 1 881654715 +347 385 4 881654101 +347 392 2 881654592 +347 403 5 881654386 +347 404 4 881654846 +347 410 5 881653059 +347 411 5 881653132 +347 416 3 881654715 +347 418 4 881654134 +347 421 2 881653635 +347 423 4 881654567 +347 427 4 881654004 +347 432 4 881653973 +347 435 5 881654211 +347 455 2 881653087 +347 460 3 881652888 +347 462 2 881654359 +347 465 3 881654825 +347 468 2 881654825 +347 470 5 881654301 +347 471 4 881652518 +347 472 5 881652813 +347 475 4 881652417 +347 501 4 881654410 +347 508 3 881652629 +347 544 4 881652862 +347 546 4 881653059 +347 568 4 881654339 +347 588 3 881654321 +347 597 3 881652788 +347 609 4 881654064 +347 627 4 881654545 +347 655 5 881653973 +347 685 3 881652684 +347 692 4 881654679 +347 693 5 881654156 +347 696 4 881653266 +347 699 1 881654480 +347 713 3 881652568 +347 721 5 881654715 +347 735 2 881654134 +347 748 2 881652142 +347 756 2 881653266 +347 763 5 881652837 +347 806 3 881653830 +347 819 1 881653155 +347 820 2 881653340 +347 827 1 881653266 +347 829 4 881653155 +347 831 1 881653340 +347 841 3 881652769 +347 871 4 881653300 +347 879 3 881652099 +347 926 1 881654846 +347 930 2 881653340 +347 959 5 881654545 +347 982 1 881652709 +347 1011 3 881653155 +347 1012 4 881652590 +347 1016 3 881652730 +347 1028 2 881653087 +347 1035 3 881654522 +347 1039 5 881653830 +347 1059 3 881652813 +347 1088 1 881653224 +347 1244 3 881653300 +347 1283 1 881652730 +347 1291 1 881653340 +348 1 4 886523078 +348 7 4 886523302 +348 15 4 886523330 +348 100 4 886523207 +348 107 4 886523813 +348 111 5 886523330 +348 117 4 886523256 +348 118 4 886523588 +348 121 5 886523521 +348 123 5 886523361 +348 126 5 886523560 +348 147 5 886523361 +348 151 3 886523456 +348 225 3 886523645 +348 237 4 886523078 +348 240 3 886523839 +348 245 4 886522765 +348 276 3 886523456 +348 288 5 886522495 +348 291 4 886523790 +348 294 4 886522658 +348 313 5 886522495 +348 323 5 886522579 +348 368 3 886523876 +348 369 3 886523758 +348 370 4 886523621 +348 405 4 886523174 +348 406 4 886523521 +348 409 4 886523710 +348 411 4 886523790 +348 412 2 886523560 +348 472 4 886523758 +348 473 3 886523560 +348 476 4 886523735 +348 546 3 886523256 +348 596 4 886523456 +348 628 4 886523256 +348 685 4 886523560 +348 742 4 886523078 +348 756 4 886523735 +348 819 4 886523710 +348 827 4 886523387 +348 831 4 886523913 +348 834 4 886523913 +348 924 4 886523361 +348 926 3 886523683 +348 928 5 886523683 +348 934 4 886523839 +348 975 4 886523813 +348 988 3 886522799 +348 1028 4 886523560 +348 1060 3 886523621 +348 1061 5 886523790 +348 1120 3 886523387 +349 9 4 879465477 +349 10 5 879465569 +349 15 4 879465785 +349 20 5 879465642 +349 25 3 879465966 +349 105 2 879466283 +349 106 1 879466283 +349 120 3 879466334 +349 121 2 879465712 +349 237 2 879466062 +349 284 5 879466156 +349 285 5 879465477 +349 288 3 879466118 +349 291 3 879465934 +349 325 3 879465326 +349 370 2 879466283 +349 411 4 879466232 +349 412 1 879466366 +349 455 2 879465712 +349 458 4 879465933 +349 459 4 879465569 +349 471 3 879465535 +349 475 4 879466479 +349 544 4 879465933 +349 546 3 879466200 +349 596 2 879465814 +349 619 4 879466000 +349 696 3 879465934 +349 713 3 879465673 +349 744 2 879465785 +349 823 4 879466156 +349 847 4 879466507 +349 985 3 879466118 +349 1117 3 879466366 +349 1128 3 879466062 +350 1 4 882345734 +350 50 5 882345502 +350 98 4 882347832 +350 127 5 882345502 +350 133 5 882346900 +350 136 5 882347699 +350 153 3 882347466 +350 172 5 882345823 +350 174 5 882346720 +350 176 4 882347653 +350 181 4 882346720 +350 185 5 882347531 +350 187 5 882347782 +350 190 4 882346900 +350 193 4 882347653 +350 204 4 882346161 +350 210 4 882345918 +350 211 2 882347466 +350 214 3 882347465 +350 228 4 882347598 +350 258 3 882347465 +350 265 2 882347466 +350 286 5 882345337 +350 324 4 882345384 +350 340 4 882346257 +350 427 5 882346118 +350 429 4 882345668 +350 479 5 882345789 +350 480 5 882345918 +350 489 4 882347465 +350 515 5 882346756 +350 530 4 882346161 +350 589 5 882346986 +350 603 5 882345975 +350 604 5 882346086 +350 616 4 882346383 +350 657 5 882346663 +350 1039 4 882345975 +351 245 3 879481550 +351 258 5 879481386 +351 286 5 879481386 +351 288 3 879481550 +351 289 5 879481613 +351 292 4 879481550 +351 300 5 879481425 +351 301 3 879481424 +351 304 3 879481675 +351 307 4 879481550 +351 311 4 879481589 +351 313 5 883356562 +351 322 5 879481589 +351 323 5 883356710 +351 326 5 879481589 +351 327 5 883356684 +351 328 4 879481550 +351 340 1 879481424 +351 341 4 879481425 +351 343 3 883356591 +351 359 4 879481589 +351 538 4 879481495 +351 678 4 879481675 +351 689 4 879481386 +351 748 4 879481613 +351 750 5 883356810 +351 751 4 883356614 +351 754 5 883356614 +351 873 3 879481643 +351 879 5 879481461 +351 880 2 879481460 +351 888 4 879481589 +351 895 3 883356591 +351 898 5 883356784 +351 984 5 879481675 +351 990 5 879481461 +351 1024 4 879481495 +351 1105 4 883356833 +351 1316 4 883356883 +352 4 3 884290328 +352 7 3 884290549 +352 12 4 884290428 +352 17 2 884289728 +352 50 5 884289693 +352 55 1 884289728 +352 82 3 884290328 +352 89 5 884289693 +352 96 4 884290328 +352 100 4 884290428 +352 129 5 884290428 +352 172 5 884289759 +352 173 1 884290361 +352 174 5 884289760 +352 175 1 884290574 +352 181 4 884289693 +352 182 5 884290328 +352 183 5 884289693 +352 194 3 884290361 +352 195 4 884289693 +352 210 3 884290328 +352 216 4 884290390 +352 228 3 884289729 +352 234 4 884290549 +352 273 2 884290328 +352 302 4 884289619 +352 385 4 884289760 +352 431 2 884289728 +352 568 5 884290328 +352 657 4 884290428 +352 692 3 884290361 +352 746 4 884290361 +353 245 4 891402405 +353 258 5 891402757 +353 260 1 891402617 +353 271 2 891402567 +353 272 5 891402757 +353 286 5 891402757 +353 300 3 891402310 +353 301 3 891401992 +353 313 5 891402757 +353 316 5 891402757 +353 326 2 891402444 +353 328 2 891402259 +353 332 5 891402757 +353 340 4 891401942 +353 343 2 891402636 +353 898 2 891402587 +354 7 4 891216607 +354 8 5 891217160 +354 9 3 891216607 +354 10 5 891216692 +354 13 3 891216825 +354 14 4 891216575 +354 19 5 891216549 +354 20 5 891216498 +354 25 2 891216854 +354 32 3 891217929 +354 45 5 891218046 +354 47 4 891217110 +354 50 4 891216498 +354 52 5 891217547 +354 57 5 891217575 +354 58 3 891218356 +354 59 5 891218208 +354 61 5 891218091 +354 65 4 891218046 +354 66 2 891307180 +354 70 3 891218208 +354 79 2 891217274 +354 83 4 891217851 +354 86 5 891218312 +354 87 3 891217482 +354 88 2 891307206 +354 89 4 891217547 +354 93 4 891216805 +354 97 3 891217610 +354 98 3 891218312 +354 100 5 891216656 +354 116 5 891216692 +354 124 5 891216632 +354 131 3 891217811 +354 133 3 891217547 +354 134 4 891217298 +354 135 3 891218230 +354 136 5 891217717 +354 137 3 891216575 +354 149 5 891216498 +354 151 3 891218356 +354 152 3 891306974 +354 153 3 891218418 +354 154 4 891217897 +354 155 2 891307206 +354 162 3 891217659 +354 165 4 891217755 +354 166 4 891218379 +354 168 5 891218507 +354 169 3 891217511 +354 170 4 891217194 +354 173 3 891217394 +354 174 4 891218068 +354 175 5 891218024 +354 180 3 891217274 +354 181 4 891216656 +354 185 3 891218068 +354 189 3 891217249 +354 190 4 891217221 +354 191 4 891217082 +354 193 3 891217782 +354 196 3 891218457 +354 197 4 891217512 +354 199 4 891217130 +354 202 3 891307157 +354 208 4 891217394 +354 209 3 891218155 +354 210 3 891217717 +354 211 2 891306946 +354 213 5 891217160 +354 216 3 891217782 +354 221 4 891216788 +354 222 3 891216854 +354 242 5 891180399 +354 251 5 891216691 +354 255 2 891216788 +354 257 3 891216735 +354 258 4 891180399 +354 268 4 891180399 +354 269 4 891180399 +354 272 3 891180399 +354 275 4 891216526 +354 276 3 891216760 +354 281 1 891216915 +354 283 4 891216632 +354 285 5 891216526 +354 287 3 891216854 +354 292 4 891180489 +354 297 4 891216760 +354 305 4 891180489 +354 318 3 891217365 +354 319 3 891180399 +354 321 2 891216128 +354 344 5 891180445 +354 382 5 891217897 +354 387 4 891307180 +354 414 4 891218492 +354 419 4 891217755 +354 421 2 891306852 +354 423 4 891217575 +354 428 4 891217298 +354 432 3 891218380 +354 433 3 891217221 +354 435 4 891218024 +354 451 3 891307114 +354 462 3 891218116 +354 463 4 891217575 +354 479 4 891217249 +354 480 4 891217897 +354 483 4 891217298 +354 489 4 891217851 +354 497 4 891217160 +354 498 4 891217610 +354 507 3 891306892 +354 508 3 891216607 +354 509 5 891218249 +354 511 4 891217340 +354 512 3 891306892 +354 513 5 891217782 +354 515 3 891216526 +354 516 5 891217851 +354 527 4 891217394 +354 529 4 891217610 +354 531 4 891217897 +354 558 4 891217082 +354 584 5 891217782 +354 602 3 891217717 +354 603 5 891217082 +354 604 4 891217755 +354 605 3 891218271 +354 607 3 891218208 +354 610 4 891217429 +354 629 3 891217659 +354 631 4 891217449 +354 638 4 891217547 +354 650 3 891217693 +354 651 3 891217693 +354 652 4 891217194 +354 655 3 891217575 +354 657 4 891218289 +354 659 4 891217221 +354 660 3 891218155 +354 661 4 891306946 +354 664 5 891217717 +354 676 5 891216788 +354 692 2 891307114 +354 694 5 891217299 +354 699 3 891218474 +354 702 3 891307114 +354 705 4 891217547 +354 707 4 891217633 +354 709 5 891217928 +354 710 4 891217340 +354 714 4 891217449 +354 716 3 891307157 +354 724 2 891307114 +354 732 2 891307157 +354 735 3 891218312 +354 736 5 891218568 +354 740 4 891216692 +354 744 4 891216656 +354 747 2 891307069 +354 753 5 891217482 +354 792 4 891217340 +354 847 3 891216713 +354 863 3 891306919 +354 882 4 891216157 +354 887 4 891180527 +354 889 5 891217966 +354 896 4 891180527 +354 900 4 891180527 +354 904 5 891180419 +354 922 4 891216825 +354 929 4 891216896 +354 936 4 891216607 +354 953 3 891218208 +354 955 3 891307180 +354 956 4 891218271 +354 958 4 891218271 +354 962 4 891217274 +354 971 3 891217482 +354 1007 4 891216549 +354 1017 3 891216896 +354 1039 4 891217249 +354 1063 3 891218230 +354 1065 3 891217512 +354 1085 3 891219432 +354 1101 3 891218003 +354 1119 4 891307114 +354 1137 4 891219376 +354 1194 4 891217429 +354 1197 3 891219490 +354 1241 4 891216875 +354 1466 5 891217547 +354 1511 4 891216575 +355 242 4 879486529 +355 260 4 879485760 +355 264 4 879485760 +355 271 3 879486422 +355 286 5 879485423 +355 300 4 879486529 +355 307 4 879486422 +355 310 4 879485423 +355 319 5 879486529 +355 336 4 879486529 +355 358 4 879485523 +355 360 4 879486422 +355 681 4 879485523 +355 682 4 879485523 +355 689 4 879485423 +355 872 4 879486529 +355 882 4 879486421 +355 1175 5 879486421 +355 1233 4 879486421 +355 1429 4 879485423 +356 258 5 891406040 +356 272 5 891405651 +356 286 3 891405721 +356 288 4 891406076 +356 292 3 891405978 +356 294 1 891406076 +356 300 3 891405978 +356 310 3 891405721 +356 312 3 891406317 +356 313 5 891405651 +356 315 4 891405619 +356 316 4 891406372 +356 322 3 891406289 +356 326 4 891406193 +356 328 4 891406241 +356 331 3 891405619 +356 333 5 891405978 +356 347 4 891405619 +356 689 5 891406372 +356 748 4 891406500 +356 892 1 891406241 +356 937 2 891406040 +356 1294 4 891405721 +357 1 5 878951216 +357 7 3 878951537 +357 10 5 878951831 +357 24 4 878951457 +357 105 4 878952342 +357 111 5 878951784 +357 117 5 878951217 +357 118 5 878951691 +357 121 5 878951576 +357 123 4 878951864 +357 125 5 878951784 +357 147 5 878951457 +357 150 4 878951615 +357 151 5 878951728 +357 220 5 878951954 +357 222 5 878951498 +357 235 4 878951691 +357 237 5 878951217 +357 245 4 878951101 +357 258 4 878951101 +357 270 5 878951101 +357 273 5 878951457 +357 274 4 878951784 +357 275 5 878951784 +357 280 5 878951831 +357 283 5 878951616 +357 284 4 878951691 +357 287 4 878952265 +357 291 4 878952137 +357 294 4 878951101 +357 326 5 878951101 +357 334 4 878951101 +357 405 5 878951784 +357 412 2 878951918 +357 456 3 878952265 +357 471 5 878951498 +357 472 3 878952166 +357 476 3 878951616 +357 508 5 878951616 +357 546 5 878951729 +357 595 4 878951537 +357 597 4 878952080 +357 713 5 878951576 +357 742 4 878951691 +357 744 5 878951653 +357 748 5 878951101 +357 819 4 878951653 +357 820 4 878952288 +357 825 3 878952080 +357 826 3 878951984 +357 831 3 878952080 +357 833 4 878952341 +357 841 3 878951918 +357 864 5 878951653 +357 866 5 878951864 +357 926 4 878951831 +357 928 4 878952041 +357 932 4 878952341 +357 977 5 878952287 +357 984 3 878950923 +357 1034 2 878952222 +357 1047 4 878951691 +357 1048 2 878951217 +357 1095 3 878952190 +357 1277 5 878951918 +358 45 3 891269464 +358 59 4 891269617 +358 114 5 891270652 +358 127 1 891269117 +358 132 5 891270652 +358 208 2 891270510 +358 213 5 891269827 +358 221 5 891269077 +358 258 4 891269077 +358 268 3 891269077 +358 318 5 891271063 +358 324 4 891269077 +358 357 4 891270405 +358 382 2 891269913 +358 469 4 891271063 +358 482 2 891270510 +358 511 2 891271035 +358 529 3 891269464 +358 558 4 891269511 +358 582 5 891269723 +358 584 4 891269913 +358 639 4 891269584 +358 643 3 891270091 +358 666 3 891269992 +358 863 5 891269666 +358 896 4 891269077 +358 918 1 892731254 +358 1005 4 891269723 +358 1021 5 891269464 +358 1159 5 891269617 +358 1396 4 891269827 +358 1529 3 891269584 +359 1 4 886453214 +359 7 5 886453325 +359 24 3 886453354 +359 50 5 886453271 +359 117 4 886453305 +359 121 4 886453373 +359 246 3 886453214 +359 250 4 886453354 +359 270 4 886453467 +359 273 4 886453325 +359 286 5 886453161 +359 295 3 886453325 +359 298 5 886453354 +359 313 5 886453450 +359 405 3 886453354 +359 408 5 886453239 +359 455 4 886453305 +359 472 4 886453402 +359 546 3 886453373 +359 748 3 886453271 +359 751 4 886453467 +359 831 3 886453402 +359 930 4 886453402 +360 1 3 880354315 +360 10 5 880354624 +360 13 3 880354315 +360 14 5 880354149 +360 15 3 880354436 +360 23 5 880356240 +360 28 4 880355678 +360 45 4 880355747 +360 50 4 880354149 +360 64 5 880355485 +360 69 3 880355994 +360 79 4 880355485 +360 83 4 880355845 +360 96 3 880355803 +360 100 5 880354379 +360 116 3 880354275 +360 124 5 880354215 +360 127 5 880354149 +360 134 5 880356025 +360 137 5 880354379 +360 144 2 880355527 +360 157 4 880355994 +360 165 4 880356059 +360 166 5 880355527 +360 170 5 880355485 +360 174 3 880356240 +360 175 3 880355888 +360 181 4 880355353 +360 191 4 880355958 +360 193 5 880355803 +360 194 3 880355803 +360 195 3 880355715 +360 197 5 880355888 +360 205 5 880356240 +360 207 4 880355888 +360 222 2 880355094 +360 223 5 880355803 +360 237 4 880354484 +360 238 4 880355845 +360 242 4 880353616 +360 248 4 880354484 +360 251 5 880354315 +360 257 4 880354515 +360 258 4 880353585 +360 269 4 880353525 +360 271 2 880354839 +360 283 4 880354215 +360 284 3 880354991 +360 285 5 880354250 +360 286 5 880353526 +360 302 4 880353526 +360 303 3 880353526 +360 304 4 880353660 +360 306 4 880353584 +360 308 4 880353584 +360 309 2 880354094 +360 326 3 880354094 +360 328 3 880354094 +360 334 4 880353736 +360 357 5 880355958 +360 405 3 880354347 +360 423 4 880355623 +360 471 4 880355177 +360 474 5 880355803 +360 479 4 880356092 +360 483 5 880355527 +360 496 3 880356092 +360 511 5 880355994 +360 515 4 880354315 +360 520 4 880355448 +360 521 5 880355845 +360 582 4 880355594 +360 588 3 880355803 +360 651 4 880355845 +360 663 4 880355888 +360 735 5 880356059 +360 744 4 880355066 +360 748 2 880354094 +360 845 3 880354942 +360 879 3 880354094 +360 936 4 880354181 +360 955 5 880356166 +360 963 5 880355448 +360 1142 4 880354250 +360 1197 3 880355177 +361 12 4 879441214 +361 14 4 879440651 +361 23 5 879441215 +361 26 3 879440941 +361 28 3 879441417 +361 47 4 879440516 +361 50 5 879441417 +361 53 2 879441351 +361 56 4 879440516 +361 59 4 879440652 +361 60 4 879440605 +361 66 4 879441075 +361 70 4 879440386 +361 83 3 879440345 +361 86 4 879440941 +361 88 4 879440974 +361 90 2 879441179 +361 97 4 879440740 +361 98 5 879441215 +361 100 5 879440386 +361 111 3 879440974 +361 121 2 879441324 +361 129 4 879441285 +361 148 1 879441324 +361 150 2 879440345 +361 155 3 879441008 +361 156 4 879441252 +361 165 5 879440573 +361 170 5 879440605 +361 173 5 879440774 +361 176 4 879441215 +361 178 5 879441462 +361 179 4 879440545 +361 183 4 879441285 +361 185 5 879441215 +361 186 3 879440516 +361 190 5 879440573 +361 194 4 879440345 +361 197 5 879440739 +361 202 3 879440941 +361 203 5 879441285 +361 204 4 879440516 +361 212 5 879440941 +361 213 5 879440605 +361 216 5 879440740 +361 222 2 879441253 +361 226 3 879441352 +361 234 4 879441285 +361 237 4 879440740 +361 238 4 879440475 +361 258 3 879440286 +361 269 4 879441490 +361 273 3 879441215 +361 274 3 879441034 +361 275 4 879440694 +361 283 4 879440694 +361 285 4 879440516 +361 286 5 879440286 +361 319 5 879440941 +361 333 2 879441490 +361 340 3 879441805 +361 367 3 879440475 +361 387 3 879441008 +361 402 3 879441179 +361 421 3 879440974 +361 430 5 879440475 +361 435 5 879440345 +361 443 3 879441253 +361 466 4 879441285 +361 475 4 879440475 +361 498 4 879441416 +361 502 4 879440475 +361 504 4 879441215 +361 513 5 879441215 +361 514 5 879440345 +361 517 5 879440386 +361 524 4 879440386 +361 525 4 879441253 +361 527 4 879441462 +361 531 5 879440545 +361 603 5 879441215 +361 639 4 879440652 +361 652 4 879440346 +361 654 4 879441253 +361 655 3 879440346 +361 657 5 879441253 +361 659 5 879441324 +361 673 4 879441286 +361 684 4 879441215 +361 692 4 879440774 +361 694 4 879440774 +361 707 4 879440974 +361 709 5 879440974 +361 737 4 879441179 +361 739 4 879441075 +361 762 2 879440774 +361 770 3 879441352 +361 781 2 879441179 +361 813 4 879440475 +361 934 3 879440974 +361 949 4 879440774 +361 1041 2 879441179 +361 1074 3 879441179 +361 1103 4 879440386 +361 1119 3 879440740 +361 1152 2 879441008 +362 258 4 885019435 +362 264 1 885019695 +362 268 2 885019435 +362 288 4 885019304 +362 294 3 885019357 +362 300 5 885019304 +362 302 5 885019260 +362 312 5 885019504 +362 313 4 885019304 +362 321 2 885019435 +362 322 3 885019651 +362 323 2 885019651 +362 328 2 885019504 +362 333 5 885019261 +362 336 2 885019468 +362 347 5 885019261 +362 350 5 885019537 +362 678 2 885019651 +362 683 1 885019722 +362 689 5 885019504 +362 748 1 885019592 +362 879 5 885019357 +363 1 2 891494563 +363 2 4 891495809 +363 5 1 891497047 +363 7 3 891495510 +363 8 5 891497853 +363 9 3 891494628 +363 11 5 891494587 +363 12 5 891495070 +363 17 4 891495918 +363 24 3 891494754 +363 25 3 891496337 +363 28 4 891495339 +363 29 1 891498365 +363 32 2 891496667 +363 37 2 891498510 +363 39 4 891495339 +363 42 2 891495070 +363 44 3 891496927 +363 47 5 891496264 +363 54 3 891497440 +363 55 5 891495682 +363 56 5 891495301 +363 58 3 891494962 +363 62 2 891497639 +363 65 4 891495682 +363 66 4 891496849 +363 68 2 891495809 +363 70 2 891496373 +363 71 3 891495301 +363 72 1 891496850 +363 73 2 891497234 +363 77 2 891496587 +363 79 2 891494835 +363 80 4 891498434 +363 81 4 891496616 +363 82 3 891497047 +363 87 3 891496306 +363 88 2 891498087 +363 91 4 891495238 +363 93 4 891495339 +363 96 5 891494835 +363 97 2 891496513 +363 98 3 891495402 +363 100 5 891495070 +363 101 1 891496953 +363 102 4 891498681 +363 114 5 891494688 +363 116 4 891495595 +363 117 5 891495742 +363 121 2 891497393 +363 127 4 891495169 +363 128 5 891495371 +363 134 2 891494725 +363 137 5 891495742 +363 143 2 891496667 +363 144 4 891494865 +363 145 1 891498589 +363 148 3 891497439 +363 150 5 891496667 +363 152 5 891494906 +363 153 3 891495169 +363 154 4 891496306 +363 155 2 891497712 +363 156 3 891494962 +363 159 1 891496667 +363 163 3 891495143 +363 164 2 891496722 +363 168 4 891494905 +363 169 5 891494563 +363 171 5 891495849 +363 172 5 891495711 +363 174 4 891495109 +363 176 4 891495109 +363 179 4 891496373 +363 180 3 891494754 +363 181 5 891494783 +363 182 1 891494962 +363 183 4 891494835 +363 184 3 891494725 +363 185 5 891495338 +363 188 4 891495711 +363 189 5 891495070 +363 193 3 891494962 +363 196 4 891494658 +363 200 3 891495918 +363 206 2 891496587 +363 212 1 891497278 +363 215 3 891496306 +363 216 3 891495879 +363 217 2 891498286 +363 218 2 891497174 +363 222 5 891496513 +363 223 5 891495197 +363 224 4 891495682 +363 226 1 891497015 +363 228 3 891496481 +363 229 3 891497393 +363 230 2 891497440 +363 231 1 891497679 +363 232 2 891495272 +363 237 2 891496306 +363 238 4 891497583 +363 239 3 891495272 +363 250 1 891499468 +363 256 3 891499542 +363 257 2 891499595 +363 258 3 891493603 +363 260 2 891494049 +363 264 3 891494049 +363 265 3 891495339 +363 270 2 891493723 +363 271 4 891493840 +363 273 3 891495630 +363 288 4 891493723 +363 290 3 891496753 +363 293 4 891499329 +363 298 5 891499411 +363 301 3 891493918 +363 302 5 891493571 +363 307 5 891493795 +363 312 3 891494106 +363 313 5 891493571 +363 315 3 891493603 +363 316 3 891493918 +363 317 5 891495596 +363 322 2 891493959 +363 333 1 891493634 +363 336 4 891494011 +363 346 4 891493746 +363 347 3 891493723 +363 350 1 891493864 +363 351 2 891493864 +363 366 2 891497583 +363 370 3 891500269 +363 372 4 891496077 +363 380 4 891496481 +363 384 1 891498066 +363 385 4 891497129 +363 386 1 891498407 +363 387 1 891497639 +363 391 2 891498811 +363 393 4 891497925 +363 402 2 891498365 +363 403 3 891496414 +363 405 4 891497015 +363 417 1 891498223 +363 423 3 891495711 +363 426 2 891496927 +363 428 5 891495742 +363 429 5 891496077 +363 431 2 891495301 +363 433 4 891495143 +363 443 4 891500334 +363 444 4 891500406 +363 448 5 891497953 +363 451 2 891497130 +363 455 5 891496927 +363 461 3 891495711 +363 469 2 891496077 +363 472 1 891498469 +363 473 4 891498558 +363 474 5 891494929 +363 496 4 891494563 +363 505 3 891495238 +363 506 2 891496077 +363 511 4 891495850 +363 518 4 891494835 +363 523 3 891494659 +363 531 4 891495879 +363 537 1 891495402 +363 546 3 891497440 +363 549 4 891496225 +363 554 1 891498012 +363 555 1 891498920 +363 557 1 891496103 +363 559 3 891496927 +363 561 2 891498884 +363 566 3 891496439 +363 568 2 891495070 +363 569 2 891498259 +363 571 1 891498964 +363 572 2 891498469 +363 575 1 891498681 +363 578 4 891497925 +363 582 2 891496306 +363 588 2 891495339 +363 589 3 891496077 +363 590 3 891500527 +363 591 4 891499437 +363 597 4 891498286 +363 603 4 891495109 +363 616 3 891498135 +363 625 4 891498038 +363 631 1 891497440 +363 650 2 891495197 +363 651 3 891495682 +363 652 4 891495143 +363 653 3 891495682 +363 657 5 891494587 +363 658 3 891496543 +363 665 2 891498964 +363 673 2 891496543 +363 678 1 891494012 +363 679 4 891497277 +363 682 1 891493634 +363 685 4 891496979 +363 698 2 891495987 +363 699 2 891495850 +363 705 2 891495371 +363 707 3 891494906 +363 710 5 891495596 +363 735 3 891496077 +363 737 1 891497174 +363 739 3 891498183 +363 741 3 891495338 +363 742 2 891497076 +363 746 4 891495630 +363 751 1 891493772 +363 752 5 891493885 +363 760 1 891499993 +363 761 3 891498183 +363 767 2 891500179 +363 770 4 891497174 +363 774 4 891498835 +363 778 4 891495510 +363 789 4 891494962 +363 792 4 891495918 +363 802 2 891498681 +363 805 4 891497205 +363 809 4 891497712 +363 825 4 891497881 +363 831 1 891498469 +363 849 2 891498365 +363 859 4 891500462 +363 895 3 891493840 +363 906 2 891493795 +363 933 2 891498920 +363 940 2 891498920 +363 959 1 891497523 +363 979 1 891497748 +363 1007 5 891499355 +363 1010 4 891496979 +363 1013 3 891499875 +363 1016 4 891499568 +363 1019 5 891496414 +363 1035 2 891497925 +363 1052 3 891500134 +363 1056 4 891496169 +363 1067 3 891496849 +363 1073 4 891496337 +363 1074 2 891497679 +363 1099 2 891495402 +363 1101 3 891495004 +363 1168 2 891496587 +363 1214 1 891497712 +363 1215 1 891498920 +363 1228 2 891498720 +363 1267 2 891496481 +363 1478 1 891498469 +363 1485 4 891496102 +363 1495 5 891497278 +363 1512 1 891494754 +364 261 2 875931432 +364 262 3 875931432 +364 268 3 875931309 +364 269 4 875931309 +364 288 4 875931432 +364 289 3 875931432 +364 294 5 875931432 +364 319 3 875931309 +364 321 2 875931478 +364 678 4 875931478 +364 687 1 875931561 +364 690 4 875931309 +364 875 3 875931585 +364 948 4 875931561 +364 988 2 875931561 +364 1048 5 875931585 +365 7 2 891304213 +365 13 3 891303950 +365 15 3 891304152 +365 25 4 891303950 +365 100 5 891303901 +365 108 2 891304019 +365 109 2 891304106 +365 124 4 891304039 +365 125 3 891304152 +365 150 5 891303950 +365 151 4 891304106 +365 222 4 891303950 +365 235 2 891304278 +365 237 3 891304278 +365 258 4 891303515 +365 269 4 891303357 +365 271 4 891303408 +365 272 4 891303357 +365 275 4 891304019 +365 287 4 891304301 +365 288 5 891303357 +365 289 3 891303694 +365 294 1 891303614 +365 301 5 891303586 +365 309 1 891303566 +365 315 4 891303384 +365 316 4 891303638 +365 319 4 891303694 +365 321 5 891303536 +365 340 5 891303536 +365 342 2 891303614 +365 352 1 891303728 +365 473 4 891304106 +365 591 4 891303901 +365 741 2 891304059 +365 742 3 891304039 +365 762 4 891304300 +365 813 5 891303901 +365 815 3 891304152 +365 894 1 891303760 +365 895 4 891303515 +365 908 3 891303638 +365 948 1 891303809 +365 995 4 891303694 +365 1011 3 891304152 +365 1017 4 891304213 +365 1048 3 891304152 +365 1137 5 891303950 +365 1420 2 891303454 +366 7 2 888857598 +366 17 5 888857866 +366 56 5 888857750 +366 98 5 888857750 +366 164 5 888857932 +366 184 4 888857866 +366 185 5 888857750 +366 217 5 888857990 +366 218 3 888857866 +366 219 5 888857932 +366 234 1 888857750 +366 288 4 888857598 +366 413 4 888857598 +366 436 5 888857932 +366 443 5 888857866 +366 445 5 888857932 +366 447 5 888857990 +366 448 5 888857990 +366 559 5 888858078 +366 561 5 888858078 +366 573 5 888858078 +366 637 5 888858078 +366 671 5 888857990 +366 672 5 888858078 +366 675 4 888857866 +366 758 3 888857684 +366 773 3 888858078 +366 853 5 888857750 +366 854 5 888857750 +366 860 2 888858078 +367 17 5 876689991 +367 53 4 876690076 +367 56 5 876689932 +367 100 5 876689878 +367 145 3 876690077 +367 176 5 876689738 +367 179 5 876689765 +367 183 5 876689738 +367 185 5 876689991 +367 200 4 876689962 +367 201 5 876689991 +367 217 5 876690021 +367 218 4 876689962 +367 219 4 876690098 +367 234 4 876690098 +367 246 4 876689612 +367 250 5 876689824 +367 258 4 876689364 +367 268 4 876689364 +367 288 5 876689418 +367 324 5 876689418 +367 326 4 876689502 +367 331 4 876689418 +367 333 4 876689501 +367 334 4 876689364 +367 379 4 876690048 +367 406 4 876689878 +367 436 4 876689962 +367 441 3 876690049 +367 443 4 876690119 +367 448 4 876690098 +367 452 4 876690120 +367 551 3 876690048 +367 559 4 876690048 +367 561 4 876690048 +367 563 4 876690077 +367 565 2 876690048 +367 567 4 876690077 +367 665 5 876689738 +367 672 4 876689991 +367 760 4 876690021 +367 769 3 876690077 +367 774 4 876690049 +367 876 3 876689418 +367 919 5 876689790 +367 1012 4 876689825 +368 5 3 889783454 +368 7 4 889783365 +368 11 4 889783678 +368 17 5 889783562 +368 50 4 889783678 +368 53 2 889783562 +368 56 4 889783407 +368 89 4 889783678 +368 96 3 889783678 +368 127 4 889783678 +368 145 2 889783586 +368 164 3 889783364 +368 181 4 889783678 +368 184 5 889783453 +368 201 5 889783407 +368 217 5 889783562 +368 218 2 889783453 +368 219 2 889783453 +368 288 3 889783453 +368 292 4 889783251 +368 313 5 889783251 +368 320 5 889783364 +368 379 4 889783562 +368 396 2 889783617 +368 413 1 889783454 +368 436 3 889783562 +368 441 3 889783617 +368 447 1 889783453 +368 448 3 889783365 +368 551 4 889783617 +368 559 3 889783562 +368 561 2 889783617 +368 567 3 889783617 +368 569 3 889783586 +368 573 3 889783617 +368 637 2 889783617 +368 672 2 889783453 +368 774 4 889783562 +368 844 3 889783453 +369 50 5 889428642 +369 114 5 889428642 +369 166 4 889428418 +369 168 3 889428494 +369 172 5 889428642 +369 179 4 889428442 +369 181 5 889428642 +369 196 5 889428642 +369 243 3 889428228 +369 268 5 889428642 +369 271 5 889428642 +369 335 2 889428072 +369 752 4 889428011 +369 890 3 889428268 +369 919 5 889428642 +369 948 2 889428228 +369 988 3 889428228 +370 12 4 879435369 +370 14 3 879434707 +370 22 4 879434832 +370 42 3 879435462 +370 50 4 879434707 +370 56 2 879434587 +370 57 5 879435431 +370 64 4 879434745 +370 98 4 879434937 +370 100 4 879435369 +370 107 4 879435244 +370 114 3 879434587 +370 116 3 879434707 +370 135 4 879434746 +370 137 4 879434707 +370 153 2 879434832 +370 170 4 879435369 +370 173 3 879434707 +370 174 3 879434587 +370 175 3 879434804 +370 176 4 879435217 +370 183 4 879434937 +370 195 4 879434886 +370 209 5 879435461 +370 210 3 879434745 +370 222 3 879434746 +370 238 4 879435369 +370 257 5 879434468 +370 265 5 879434636 +370 285 3 879435193 +370 294 1 879434229 +370 302 5 879434182 +370 322 3 879434308 +370 323 2 879434333 +370 390 1 879434587 +370 425 3 879434860 +370 427 5 879435146 +370 433 3 879434860 +370 435 3 879434999 +370 484 4 879434937 +370 493 5 879434886 +370 497 3 879434636 +370 511 4 879434804 +370 514 4 879434969 +370 523 3 879434999 +370 525 4 879434666 +370 604 4 879434804 +370 607 5 879435168 +370 608 4 879434860 +370 631 4 879435369 +370 650 5 879435369 +370 657 3 879434636 +370 659 4 879435033 +370 661 5 879435217 +370 678 4 879435369 +370 705 3 879434666 +370 835 5 879434909 +370 856 3 879435033 +370 923 4 879435074 +371 22 5 877487134 +371 24 4 877487500 +371 31 5 880435576 +371 42 3 880435397 +371 50 4 877486953 +371 55 4 877487364 +371 64 4 877487052 +371 66 4 877487213 +371 73 5 880435397 +371 79 5 880435519 +371 97 5 877487440 +371 98 5 877487213 +371 117 3 877487052 +371 127 4 877487052 +371 174 4 877487751 +371 175 1 877487266 +371 176 4 877487135 +371 177 4 877487135 +371 179 3 877487364 +371 180 4 877487656 +371 185 3 880435519 +371 186 5 880435288 +371 197 4 877487364 +371 202 5 880435313 +371 204 5 880435210 +371 210 4 880435313 +371 234 5 877487691 +371 237 5 877487052 +371 265 5 880435544 +371 357 5 877487751 +371 393 2 880435397 +371 423 5 880435071 +371 449 3 880435733 +371 452 2 880435634 +371 496 4 877487052 +371 523 4 880435210 +371 527 5 877487309 +371 627 4 877487656 +371 655 4 880435238 +371 663 5 880435238 +371 746 4 880435397 +372 7 3 876869387 +372 12 4 876869730 +372 23 5 876869701 +372 53 5 876869553 +372 77 5 876869794 +372 79 5 876869667 +372 100 3 876869388 +372 129 4 876869667 +372 148 5 876869915 +372 159 5 876869894 +372 164 4 876869446 +372 183 5 876869667 +372 185 5 876869445 +372 200 5 876869481 +372 218 5 876869481 +372 219 5 876869481 +372 234 5 876869387 +372 262 4 876869066 +372 264 4 876869330 +372 273 5 876869730 +372 286 5 876868994 +372 292 5 876869183 +372 322 3 876869330 +372 325 4 876869330 +372 326 4 876869330 +372 327 5 876869183 +372 332 4 876869330 +372 333 5 876869109 +372 441 4 876869512 +372 447 5 876869445 +372 448 4 876869445 +372 452 4 876869534 +372 547 5 876869481 +372 559 4 876869481 +372 561 5 876869534 +372 574 4 876869957 +372 581 5 876869794 +372 628 4 876869915 +372 635 5 876869445 +372 649 3 876869977 +372 672 5 876869512 +372 674 5 876869512 +372 678 4 876869183 +372 844 4 876869481 +372 872 4 876869330 +372 874 4 876869238 +372 1083 3 876869878 +372 1090 5 876869878 +372 1109 4 876869818 +372 1212 4 876869932 +372 1273 4 876869957 +373 2 4 877100416 +373 4 4 877100232 +373 15 4 877098568 +373 20 2 877098751 +373 25 4 877100016 +373 28 3 877103935 +373 31 3 877100199 +373 48 5 877098223 +373 58 4 877100161 +373 64 4 877098643 +373 66 4 877099263 +373 68 5 877106741 +373 69 4 877099137 +373 70 4 877099968 +373 71 5 877098891 +373 79 4 877098979 +373 80 3 877107235 +373 81 2 877100326 +373 82 1 877099317 +373 88 4 877106623 +373 89 5 877098821 +373 90 4 877103846 +373 94 2 877111313 +373 96 4 877098262 +373 97 3 877099178 +373 100 3 877100199 +373 102 5 877100096 +373 105 3 877107173 +373 110 3 877104086 +373 114 5 877098402 +373 117 4 877098599 +373 125 4 877098821 +373 127 2 877099968 +373 131 4 877099968 +373 132 3 877106940 +373 135 1 877098784 +373 136 4 877099091 +373 139 3 877111422 +373 142 3 877111362 +373 143 3 877105005 +373 144 3 877098949 +373 151 4 877100129 +373 153 5 877100354 +373 154 5 877098919 +373 155 4 877107235 +373 156 2 877098374 +373 161 4 877105005 +373 162 3 877098568 +373 163 4 877098891 +373 165 5 877100354 +373 168 5 877098297 +373 170 5 877098751 +373 172 5 877098678 +373 173 5 877098751 +373 174 4 877099137 +373 175 3 877099352 +373 177 3 877100161 +373 178 4 877099352 +373 179 3 877104310 +373 180 3 877098678 +373 181 5 877099178 +373 186 5 877099178 +373 187 2 877098849 +373 189 5 877100416 +373 190 5 877100161 +373 191 4 877102549 +373 195 4 877098487 +373 196 5 877098487 +373 197 3 877099352 +373 204 5 877098222 +373 206 4 877104284 +373 208 4 877106773 +373 209 4 877098437 +373 210 5 877098177 +373 211 4 877099178 +373 214 4 877100326 +373 215 4 877099211 +373 216 4 877100232 +373 217 3 877098821 +373 225 4 877106676 +373 226 3 877107024 +373 228 4 877106328 +373 229 4 877104048 +373 230 4 877107430 +373 231 3 877104976 +373 233 3 877105588 +373 238 4 877098890 +373 241 5 877100326 +373 265 4 877105901 +373 269 5 877098075 +373 275 5 877098437 +373 278 5 877111423 +373 286 3 877098042 +373 290 5 877098784 +373 317 4 877100061 +373 318 5 877098222 +373 328 4 877098041 +373 357 4 877098568 +373 366 4 877105857 +373 367 3 877100458 +373 378 5 877100232 +373 382 4 877100458 +373 385 3 877099016 +373 386 3 877107403 +373 392 4 877100061 +373 393 4 877104284 +373 399 3 877105674 +373 401 4 877106711 +373 402 4 877105730 +373 403 3 877106741 +373 404 4 877111422 +373 409 2 877107235 +373 414 3 877104259 +373 417 3 877099092 +373 420 4 877107630 +373 421 4 877105563 +373 423 2 877103846 +373 427 4 877099317 +373 432 5 877098949 +373 451 5 877107430 +373 459 4 877106966 +373 465 4 877104202 +373 471 3 877100458 +373 474 3 877098919 +373 480 3 877098643 +373 485 4 877098751 +373 487 4 877098177 +373 488 3 877098343 +373 494 4 877099178 +373 497 3 877099317 +373 499 4 877098643 +373 506 4 877099211 +373 514 4 877098751 +373 520 4 877098678 +373 527 4 877103846 +373 528 3 877104115 +373 529 4 877105901 +373 550 3 877105588 +373 553 4 877100267 +373 559 3 877106305 +373 566 4 877105809 +373 588 3 877098821 +373 596 3 877106741 +373 598 3 877112076 +373 603 4 877098262 +373 625 4 877104086 +373 632 3 877106233 +373 633 4 877098262 +373 645 5 877098599 +373 648 4 877099048 +373 649 4 877098979 +373 651 4 877105075 +373 655 5 877098374 +373 658 4 877105781 +373 660 4 877105075 +373 684 4 877098784 +373 694 5 877098643 +373 699 4 877105781 +373 704 2 877107100 +373 707 4 877100378 +373 709 5 877105451 +373 715 2 877105075 +373 724 5 877103935 +373 729 4 877099263 +373 732 3 877104048 +373 734 3 877111313 +373 735 5 877099137 +373 739 3 877111819 +373 747 4 877104048 +373 748 4 877098042 +373 756 3 877106900 +373 778 5 877105529 +373 828 3 877111951 +373 842 3 877098343 +373 843 3 877106878 +373 849 3 877105005 +373 856 3 877105809 +373 949 4 877100016 +373 1006 2 877100129 +373 1078 3 877105451 +373 1079 4 877100061 +373 1087 1 877104086 +373 1110 4 877107379 +373 1113 1 877099968 +373 1133 3 877112076 +373 1135 3 877107043 +373 1147 4 877104115 +373 1188 3 877106597 +373 1228 2 877107379 +373 1230 3 877111313 +373 1444 3 877112116 +373 1530 2 877107138 +374 1 4 880392992 +374 4 2 880395924 +374 5 4 880937875 +374 7 1 880393268 +374 9 1 880393056 +374 24 3 880393553 +374 25 5 880393191 +374 27 4 880396444 +374 28 5 880395698 +374 29 3 880939127 +374 31 5 880396659 +374 48 5 880395426 +374 54 4 880396048 +374 55 2 880394929 +374 56 5 880394885 +374 64 5 880396256 +374 69 5 880394840 +374 70 4 880396622 +374 71 5 880396292 +374 77 5 880937779 +374 79 4 880394997 +374 82 4 880394484 +374 87 5 880395320 +374 88 3 880395665 +374 89 2 880395896 +374 95 4 882158577 +374 96 4 880938870 +374 97 5 880394571 +374 98 5 880394929 +374 100 5 880392873 +374 106 3 880394088 +374 111 2 880393268 +374 116 1 880393307 +374 117 5 880392846 +374 118 5 880393864 +374 120 3 882158147 +374 121 4 880393095 +374 122 2 882158328 +374 123 2 880393511 +374 124 3 880392873 +374 125 5 880393424 +374 126 3 880393223 +374 127 4 880392936 +374 129 5 880392846 +374 135 4 882159077 +374 137 2 880393511 +374 143 2 882159114 +374 144 5 880394716 +374 147 3 880392747 +374 148 4 880392992 +374 150 4 882156767 +374 151 3 880393811 +374 153 5 880395487 +374 159 4 880937920 +374 161 5 880938965 +374 162 2 880396511 +374 164 4 880937735 +374 168 1 880434231 +374 173 3 882158521 +374 174 5 880395530 +374 176 4 880937692 +374 179 1 880395575 +374 181 3 880392846 +374 182 5 880395698 +374 183 4 880434204 +374 184 2 880939034 +374 185 5 880395665 +374 186 5 880395604 +374 193 4 883628973 +374 195 3 880938870 +374 196 1 880395426 +374 197 5 882158940 +374 200 5 880395735 +374 202 3 880394716 +374 203 3 880937735 +374 204 4 880395604 +374 210 4 880395202 +374 216 5 880394997 +374 218 4 880396444 +374 220 2 882158147 +374 223 5 880394520 +374 226 5 880937876 +374 227 4 880937876 +374 230 5 880396622 +374 231 2 880939228 +374 233 3 880937876 +374 234 4 880396256 +374 237 5 880392717 +374 239 4 880396622 +374 241 5 880939035 +374 247 1 880936522 +374 252 3 880394179 +374 254 3 880394000 +374 257 3 880393223 +374 265 5 880937779 +374 273 2 880392747 +374 274 4 880393668 +374 276 4 880393056 +374 278 2 880393754 +374 279 4 880394233 +374 280 3 880393811 +374 281 3 880393425 +374 288 4 885107876 +374 289 1 880392482 +374 291 3 885107905 +374 292 4 880392237 +374 294 2 880392193 +374 310 5 880392237 +374 318 2 880394886 +374 356 3 880937876 +374 363 3 880394088 +374 369 1 880393864 +374 385 4 880396048 +374 393 4 880395973 +374 405 4 880392992 +374 406 3 880936233 +374 411 3 880394088 +374 424 1 883628021 +374 427 3 880396048 +374 443 5 880937735 +374 449 4 880938044 +374 450 4 880938370 +374 454 4 880394997 +374 457 1 880392626 +374 458 5 880393710 +374 463 1 880396511 +374 465 5 882158849 +374 466 5 880394929 +374 471 4 880393056 +374 472 2 880393783 +374 475 1 880393191 +374 476 2 880394138 +374 477 1 885107929 +374 483 3 880394716 +374 504 4 880395973 +374 521 4 880395530 +374 526 4 880938965 +374 527 4 883628801 +374 540 3 880939304 +374 544 1 880937070 +374 546 5 880936389 +374 550 5 880938965 +374 552 4 880938255 +374 554 2 880938370 +374 568 5 880396622 +374 572 2 880938255 +374 576 3 880939186 +374 581 4 880938044 +374 591 4 880393095 +374 595 3 880393921 +374 597 4 880393460 +374 620 3 880394088 +374 628 3 880392778 +374 642 1 880937920 +374 651 4 880395320 +374 654 3 880396622 +374 665 4 880939228 +374 684 5 880937692 +374 685 4 880393307 +374 692 5 882158641 +374 693 5 880396359 +374 696 3 880394233 +374 713 1 880935656 +374 717 3 880938255 +374 732 4 880395320 +374 735 5 880396359 +374 741 3 880392717 +374 743 1 880394000 +374 756 3 882157967 +374 758 1 882158481 +374 761 3 880938370 +374 762 5 880393460 +374 763 3 880393754 +374 770 5 880938100 +374 779 3 880939186 +374 789 4 882158609 +374 806 3 880396659 +374 815 4 880393668 +374 818 3 880394301 +374 819 3 882157793 +374 823 1 880936476 +374 824 4 880394331 +374 825 3 880394233 +374 829 2 885083439 +374 832 1 882157930 +374 844 4 880394000 +374 845 2 883627072 +374 872 5 880392268 +374 880 5 882156984 +374 924 5 880393095 +374 925 3 880394301 +374 928 1 880393892 +374 930 2 880394179 +374 931 3 880936233 +374 932 1 883628159 +374 948 2 880392592 +374 952 2 883627906 +374 963 5 883629108 +374 974 4 880394331 +374 977 1 883628189 +374 978 2 880936233 +374 983 2 880936289 +374 1011 4 880393783 +374 1014 1 880394138 +374 1028 1 880393425 +374 1033 4 883628021 +374 1042 5 880937920 +374 1046 5 880938044 +374 1047 3 880394179 +374 1048 3 880394179 +374 1049 1 883628021 +374 1051 4 880394138 +374 1059 2 883627906 +374 1093 2 883627582 +374 1094 4 882158020 +374 1134 4 880392846 +374 1150 1 880937253 +374 1194 4 880396292 +374 1197 4 880393892 +374 1206 2 880396080 +374 1210 4 880938100 +374 1215 1 880936522 +374 1248 3 880938044 +374 1277 3 880394331 +374 1322 3 880394000 +374 1407 2 880939304 +374 1513 2 883961242 +375 5 4 886622066 +375 39 3 886622024 +375 44 3 886622131 +375 77 4 886622024 +375 183 5 886621917 +375 185 5 886621950 +375 218 3 886622024 +375 234 5 886621917 +375 288 4 886621795 +375 300 4 886621795 +375 302 5 886621795 +375 356 4 886622131 +375 443 4 886622024 +375 525 4 886621917 +375 566 4 886621985 +375 583 2 886622131 +375 684 4 886622066 +375 761 3 886622131 +375 770 3 886622131 +375 773 3 886621985 +375 939 3 886622024 +375 1046 2 886622131 +375 1073 2 886621950 +376 11 4 879454598 +376 14 4 879454914 +376 98 5 879454598 +376 100 4 879454598 +376 111 4 879459115 +376 181 4 879454598 +376 197 4 879454598 +376 198 5 879454598 +376 223 4 879454598 +376 237 3 879459054 +376 246 3 879459054 +376 268 3 879432976 +376 269 5 879454598 +376 274 3 879459115 +376 275 5 879455143 +376 289 3 879433599 +376 427 4 879454598 +376 514 4 879434613 +376 603 4 879434613 +376 663 3 879434750 +376 705 3 879434750 +376 707 4 879434750 +376 762 4 879459207 +376 815 3 879459207 +377 7 4 891299010 +377 56 4 891298407 +377 98 5 891299009 +377 100 3 891298589 +377 154 5 891298627 +377 164 4 891299009 +377 219 3 891299078 +377 258 4 891296356 +377 268 3 891295937 +377 271 4 891295957 +377 288 5 891295937 +377 294 5 891296356 +377 313 5 891295989 +377 316 4 891297001 +377 323 2 891297001 +377 338 3 891297293 +377 354 4 891296044 +377 358 3 891297023 +377 443 4 891299078 +377 508 4 891298549 +377 678 2 891297043 +377 689 3 891297256 +377 748 4 891296945 +377 751 3 891296044 +377 895 3 891296307 +377 1105 3 891296275 +378 4 3 880045612 +378 7 4 880044697 +378 8 4 880045722 +378 9 5 880044419 +378 10 3 880044454 +378 11 3 880046516 +378 12 5 880046132 +378 14 5 880044251 +378 15 4 880044312 +378 21 3 880044944 +378 22 5 880045520 +378 25 4 880044489 +378 28 4 880045989 +378 29 3 880332949 +378 38 3 880333383 +378 40 3 880333653 +378 44 3 880055037 +378 47 4 880055984 +378 48 5 880056701 +378 49 3 880332480 +378 50 4 880045145 +378 51 3 880333195 +378 52 5 880056491 +378 54 4 880056976 +378 55 4 880046229 +378 56 4 880045760 +378 62 4 880333851 +378 63 3 880333719 +378 64 4 880055239 +378 65 3 880046132 +378 66 3 880056632 +378 67 2 880332563 +378 68 2 880333446 +378 69 3 880046069 +378 70 4 882642831 +378 71 4 880055672 +378 73 3 880056667 +378 78 3 880056976 +378 82 4 880045935 +378 83 4 880045989 +378 87 4 889665232 +378 88 4 880046408 +378 89 4 880046363 +378 91 3 880331510 +378 96 4 880055740 +378 97 5 880045612 +378 98 5 880045760 +378 99 4 880045791 +378 100 4 880044198 +378 110 3 880333027 +378 111 3 880044562 +378 117 3 880044419 +378 118 4 880044879 +378 121 4 880044763 +378 123 3 880044532 +378 126 4 880057018 +378 132 4 880046256 +378 133 5 889665232 +378 141 3 880055565 +378 143 4 880046022 +378 144 4 880046100 +378 148 4 880044944 +378 151 3 880044385 +378 153 4 880055779 +378 155 4 880333918 +378 157 3 880056104 +378 159 3 880056887 +378 160 2 880332998 +378 161 4 880056034 +378 162 4 880046332 +378 164 4 880056582 +378 167 4 880333446 +378 172 4 880045886 +378 173 5 880057088 +378 174 4 880045651 +378 175 4 880055706 +378 176 4 880046362 +378 179 2 880055336 +378 181 4 880045167 +378 182 4 880055239 +378 183 4 880331829 +378 191 5 880046229 +378 193 4 880056160 +378 194 4 880046100 +378 195 3 880046516 +378 196 4 880046306 +378 197 3 880056423 +378 200 3 880045681 +378 202 3 880046229 +378 203 4 880055239 +378 204 4 880056826 +378 210 4 880057137 +378 215 4 880055336 +378 216 4 880055268 +378 217 3 880332683 +378 222 3 882712421 +378 223 4 880045651 +378 225 3 880045006 +378 226 3 880332831 +378 227 3 880332857 +378 230 3 880055984 +378 231 3 880333327 +378 233 2 880333540 +378 234 4 880045652 +378 235 4 880045006 +378 238 3 880046161 +378 239 3 880055148 +378 241 4 880057137 +378 248 3 883835834 +378 252 4 880045288 +378 257 4 880045207 +378 258 4 882712421 +378 265 4 880045989 +378 272 4 889665041 +378 273 4 880044221 +378 274 3 880055597 +378 276 4 880044198 +378 277 4 880044609 +378 280 2 880044489 +378 281 3 880044609 +378 282 4 880044454 +378 283 4 880044532 +378 284 3 880044835 +378 285 4 880044312 +378 286 5 880043650 +378 287 2 880044802 +378 288 3 880043804 +378 289 5 889665232 +378 292 3 882136243 +378 294 2 880043804 +378 295 3 886614274 +378 300 4 889665232 +378 301 3 892382841 +378 302 5 889664996 +378 304 4 880043929 +378 313 5 889665301 +378 317 5 880056195 +378 319 3 884530934 +378 321 3 880317293 +378 323 3 890572396 +378 326 3 892382865 +378 328 3 892382903 +378 356 4 880045989 +378 365 2 880318158 +378 367 3 880055002 +378 370 2 880333494 +378 380 3 880333695 +378 381 4 882642831 +378 382 4 880055520 +378 385 4 880056761 +378 386 3 880332643 +378 387 4 880056452 +378 396 4 880332879 +378 399 3 880333598 +378 401 4 880332347 +378 402 4 880045856 +378 403 4 880046408 +378 404 4 880056034 +378 405 3 880044489 +378 409 2 880044642 +378 411 3 880045006 +378 412 2 880334409 +378 418 3 880331938 +378 419 4 880332643 +378 420 4 880056701 +378 423 4 880056287 +378 428 3 880055101 +378 432 4 880331938 +378 433 4 880045652 +378 436 4 880046437 +378 441 3 880333995 +378 443 4 880055336 +378 447 4 880056888 +378 449 3 880333195 +378 450 3 880334476 +378 451 4 880055597 +378 458 4 880044697 +378 465 3 881582268 +378 469 5 880046069 +378 470 3 880056104 +378 471 3 880057018 +378 473 3 880906178 +378 476 3 880044642 +378 485 4 880055921 +378 496 3 880045935 +378 500 4 880055891 +378 501 4 880055454 +378 508 4 880044278 +378 517 3 880056384 +378 527 4 880054954 +378 528 5 880056034 +378 531 4 880045520 +378 542 4 880333470 +378 543 4 880055840 +378 546 2 880318158 +378 549 3 880056701 +378 550 2 880332949 +378 554 3 880333540 +378 559 4 880056735 +378 561 3 880333695 +378 566 3 880045856 +378 569 3 880056736 +378 572 3 880333995 +378 575 3 880334409 +378 576 3 880333027 +378 577 2 880333995 +378 588 5 880318415 +378 591 4 880044385 +378 596 5 889665232 +378 606 5 880055478 +378 619 3 880044879 +378 620 3 880056582 +378 629 5 880056318 +378 631 4 880045652 +378 632 5 880055564 +378 635 2 880333802 +378 636 3 880055186 +378 651 4 880045681 +378 655 4 880045553 +378 660 4 880056547 +378 665 2 880333261 +378 684 3 880332643 +378 686 4 880056350 +378 692 4 880045580 +378 693 4 880046022 +378 696 3 880045044 +378 699 4 880055564 +378 702 4 880056453 +378 703 4 890572396 +378 707 3 880046475 +378 716 3 880056735 +378 720 2 880056798 +378 723 3 880055396 +378 724 3 880055520 +378 727 4 880055454 +378 728 3 880332998 +378 729 4 880046069 +378 731 3 880056582 +378 732 4 880056034 +378 734 3 880334269 +378 735 4 880046229 +378 736 4 889665232 +378 739 4 880333239 +378 742 4 880044697 +378 744 3 880044609 +378 756 3 880057088 +378 768 4 880333598 +378 778 3 880056073 +378 787 3 880332480 +378 792 4 880046475 +378 793 3 880046437 +378 796 2 880333626 +378 803 3 880334440 +378 806 4 880045760 +378 807 3 880334199 +378 845 3 880044419 +378 866 2 880044726 +378 875 3 880044108 +378 896 4 889665232 +378 921 4 880056667 +378 924 3 880331938 +378 926 1 880318158 +378 928 2 880044488 +378 932 2 880056930 +378 939 4 880332307 +378 942 3 880056798 +378 949 3 880056318 +378 956 3 880332034 +378 959 3 880046408 +378 969 4 880056195 +378 972 4 880056491 +378 979 3 880333851 +378 1009 3 880318415 +378 1028 2 880044726 +378 1037 2 880334476 +378 1042 3 880056287 +378 1044 3 880332643 +378 1046 3 880332857 +378 1048 2 880333851 +378 1061 2 880044454 +378 1063 4 880046100 +378 1074 3 880332802 +378 1091 2 880332911 +378 1092 3 880332683 +378 1107 3 880056351 +378 1134 4 880044278 +378 1135 2 880333069 +378 1147 4 880055101 +378 1168 3 880333383 +378 1180 3 880334269 +378 1181 2 880332537 +378 1211 3 880333516 +378 1220 3 880055779 +378 1221 3 880056351 +378 1230 2 880334305 +378 1232 3 880333121 +378 1267 3 880055740 +378 1284 2 880318158 +378 1400 3 880057088 +378 1407 3 880334329 +378 1438 3 880333098 +378 1439 3 880333144 +378 1478 3 880333098 +378 1523 2 880334067 +378 1531 4 880056423 +379 1 4 883156176 +379 2 3 880525540 +379 4 5 880525598 +379 7 5 891674489 +379 8 5 880525194 +379 9 4 880524886 +379 12 5 880524943 +379 23 4 880524783 +379 28 4 880524943 +379 47 5 880740461 +379 50 4 880525400 +379 52 4 880741002 +379 54 2 880526100 +379 62 2 888646058 +379 64 5 882563520 +379 69 4 880524754 +379 79 5 880525368 +379 82 4 880525540 +379 83 4 880525002 +379 88 4 880525968 +379 89 4 880525424 +379 90 2 880740215 +379 93 3 885063369 +379 94 5 883156810 +379 96 5 880741811 +379 97 3 882563752 +379 98 5 880524541 +379 100 5 880524541 +379 124 5 883156810 +379 127 5 880524811 +379 133 4 881000300 +379 135 4 880524886 +379 143 4 880525839 +379 144 5 880525367 +379 151 4 880525771 +379 152 5 880740518 +379 153 4 880525284 +379 157 4 880961600 +379 158 1 885063748 +379 164 4 880524582 +379 168 4 891674489 +379 172 4 880525400 +379 174 5 880525368 +379 175 5 880525108 +379 176 5 886317511 +379 177 4 886835699 +379 179 5 880525132 +379 181 4 880525368 +379 185 5 880524582 +379 187 5 880525031 +379 191 5 880524886 +379 192 4 880524972 +379 193 4 880524783 +379 195 3 880525368 +379 196 4 880525062 +379 197 5 880568253 +379 199 4 880524860 +379 200 4 880524582 +379 202 5 880525259 +379 203 4 880526100 +379 204 5 880525236 +379 205 5 880524973 +379 211 5 880740437 +379 216 4 880525926 +379 230 4 880525540 +379 233 3 880525638 +379 234 5 880524541 +379 239 4 880961874 +379 251 5 885063301 +379 257 4 880741811 +379 265 4 883156656 +379 270 3 888646058 +379 271 3 886835602 +379 284 4 880568407 +379 285 5 880524753 +379 286 4 880524329 +379 294 3 880524363 +379 300 3 890464279 +379 317 5 880525001 +379 331 4 880526281 +379 345 3 892879380 +379 381 5 885063301 +379 383 2 881000374 +379 385 2 882563616 +379 391 4 880525698 +379 398 1 880525638 +379 401 3 880962187 +379 402 3 880524943 +379 403 4 880525598 +379 405 3 883156925 +379 417 5 880525794 +379 419 4 880525794 +379 427 5 881996665 +379 428 4 880568452 +379 433 4 880525259 +379 435 5 882563752 +379 443 4 880524640 +379 447 4 880524582 +379 448 4 880741811 +379 451 4 880525968 +379 452 3 880524614 +379 461 4 880525031 +379 474 5 886317533 +379 480 5 885063301 +379 496 5 892879481 +379 504 5 880526141 +379 511 4 880524811 +379 517 4 888044628 +379 520 5 880524908 +379 522 5 880524753 +379 523 4 880525108 +379 524 4 880961742 +379 526 4 880525031 +379 527 3 880524860 +379 528 5 881996665 +379 529 4 891674436 +379 530 5 880525502 +379 554 4 880525678 +379 559 3 880524669 +379 563 2 880962106 +379 568 5 880525566 +379 575 2 882044649 +379 576 4 880525678 +379 577 4 892879355 +379 603 5 880526074 +379 616 2 890464337 +379 621 4 880525815 +379 622 5 880525839 +379 631 5 880961600 +379 637 2 880962047 +379 644 5 880961648 +379 649 4 880525084 +379 651 4 880568511 +379 655 5 888044628 +379 659 5 880568307 +379 663 3 891674403 +379 674 3 880524614 +379 684 4 880525469 +379 686 4 880525502 +379 701 4 892879481 +379 704 3 880524835 +379 705 4 888646088 +379 707 5 880525926 +379 709 5 880526032 +379 729 4 880961621 +379 732 5 880525995 +379 735 4 880525133 +379 736 4 880525945 +379 842 4 880525794 +379 843 4 880962285 +379 855 4 880961506 +379 1022 3 892879380 +379 1032 2 880568109 +379 1035 3 880962256 +379 1075 3 888044628 +379 1113 4 892879325 +379 1206 2 880961672 +379 1219 2 883156704 +380 1 4 885478218 +380 7 3 885478334 +380 12 5 885478218 +380 22 4 885478334 +380 28 4 885479436 +380 31 1 885479730 +380 38 2 885479537 +380 50 4 885478497 +380 58 2 885479355 +380 59 4 885478447 +380 60 4 885478292 +380 61 4 885478193 +380 62 1 885479777 +380 64 3 885481179 +380 69 4 885479301 +380 71 4 885479082 +380 79 4 885479104 +380 81 3 885478908 +380 86 4 885478374 +380 89 5 885478583 +380 95 4 885479274 +380 97 3 885478271 +380 100 4 885478193 +380 114 3 885478539 +380 118 2 885480301 +380 132 4 885479186 +380 134 3 885478583 +380 135 3 885479436 +380 139 1 885480414 +380 151 4 885478759 +380 152 2 885478312 +380 154 3 885478624 +380 161 2 885480046 +380 163 2 885478539 +380 168 4 885479436 +380 172 3 885478334 +380 174 4 885478924 +380 176 3 885481179 +380 177 3 885479082 +380 179 3 885478313 +380 180 2 885478374 +380 181 3 885478391 +380 182 3 885478391 +380 183 4 885478192 +380 185 4 885479057 +380 186 3 885479355 +380 190 5 885478668 +380 196 4 885479777 +380 197 3 885478886 +380 199 3 885478845 +380 200 4 885479104 +380 211 3 885479487 +380 213 2 885479319 +380 215 3 885479163 +380 217 2 885480093 +380 228 3 885479235 +380 229 3 885481179 +380 234 2 885478447 +380 238 3 885479057 +380 241 2 885479997 +380 272 4 885477742 +380 286 5 885477802 +380 300 3 885481179 +380 302 5 885477742 +380 306 4 885477802 +380 313 4 885477859 +380 315 4 885477975 +380 318 4 885478624 +380 340 3 885481179 +380 382 3 885478759 +380 414 2 885480046 +380 416 2 885480239 +380 423 3 885478218 +380 425 4 885479163 +380 427 4 885478193 +380 428 3 885480320 +380 433 3 885479186 +380 435 3 885479124 +380 449 3 885480902 +380 463 4 885479372 +380 465 4 885478845 +380 474 4 885478558 +380 480 4 885478718 +380 483 4 885478668 +380 496 4 885479537 +380 498 4 885478738 +380 502 1 885480530 +380 506 3 885481179 +380 512 3 885479355 +380 514 2 885478780 +380 515 4 885478218 +380 518 3 885478821 +380 521 2 885479397 +380 527 4 885479212 +380 529 3 885479235 +380 530 5 885478886 +380 561 2 885479519 +380 566 3 885478519 +380 573 1 885480737 +380 587 4 885479274 +380 610 2 885478886 +380 614 3 885478845 +380 630 2 885478780 +380 631 4 885478668 +380 652 3 885478241 +380 654 4 885478953 +380 663 4 885478799 +380 664 3 885479415 +380 665 2 885480870 +380 670 1 885480187 +380 699 3 885479186 +380 709 4 885478603 +380 712 2 885480585 +380 729 3 885479252 +380 732 4 885478646 +380 736 4 885478780 +380 750 4 885477859 +380 751 3 885481179 +380 753 4 885479082 +380 770 3 885480222 +380 845 4 885479706 +380 856 3 885479706 +380 923 3 885478603 +380 956 4 885478271 +380 1045 3 885479799 +380 1065 4 885478519 +380 1101 4 885479487 +380 1113 4 885479730 +380 1168 3 885479833 +380 1404 2 885478646 +380 1444 1 885480795 +380 1449 4 885478845 +381 13 4 892696445 +381 14 5 892696512 +381 15 2 892697358 +381 16 4 892697266 +381 20 5 892696426 +381 30 4 892697174 +381 49 2 892696328 +381 50 5 892696252 +381 77 2 892696367 +381 79 3 892695996 +381 83 4 892695996 +381 89 5 892696426 +381 95 4 892696534 +381 96 5 892697174 +381 97 4 892696960 +381 99 5 892696445 +381 100 4 892697442 +381 102 2 892696130 +381 118 1 892697051 +381 120 1 892696587 +381 121 2 892696793 +381 124 5 892697690 +381 129 4 892697628 +381 133 5 892697413 +381 135 5 892697150 +381 139 3 892697358 +381 142 3 892697337 +381 150 4 892697542 +381 151 5 892697526 +381 159 3 892696674 +381 175 5 892696268 +381 176 4 892696698 +381 191 5 892696757 +381 196 5 892697083 +381 212 5 892696982 +381 214 2 892697338 +381 216 5 892695996 +381 217 2 892696757 +381 225 3 892697495 +381 228 4 892697373 +381 259 2 892698054 +381 268 4 892697982 +381 281 2 892696616 +381 283 5 892697655 +381 304 5 892697982 +381 307 2 892697959 +381 313 2 892697869 +381 318 5 892696654 +381 344 3 892697905 +381 378 4 892696019 +381 403 3 892696045 +381 419 5 892696446 +381 432 5 892696587 +381 459 4 892696738 +381 473 5 892697150 +381 479 5 892696929 +381 480 5 892696019 +381 483 5 892696698 +381 485 4 892696347 +381 487 5 892697083 +381 493 4 892697111 +381 495 4 892696186 +381 498 5 892696252 +381 501 4 892697133 +381 512 4 892696045 +381 517 4 892696557 +381 520 5 892696757 +381 526 4 892696831 +381 529 5 892696060 +381 566 2 892696512 +381 582 5 892696045 +381 588 3 892697338 +381 596 3 892697297 +381 607 4 892696130 +381 631 4 892696654 +381 634 3 892696872 +381 647 4 892697133 +381 652 5 892696252 +381 656 4 892696471 +381 657 4 892696831 +381 660 2 892696426 +381 673 3 892696209 +381 682 2 892697982 +381 693 4 892697280 +381 694 4 892696929 +381 705 5 892696209 +381 724 3 892696616 +381 771 2 892696557 +381 847 4 892697542 +381 898 5 892697869 +381 914 1 892697768 +381 931 4 892697628 +381 934 2 892697495 +381 961 3 892696616 +381 995 4 892698031 +381 1018 4 892697031 +381 1060 5 892697677 +381 1098 4 892696045 +381 1115 4 892697600 +381 1117 4 892697574 +381 1119 4 892696252 +381 1400 3 892697394 +381 1401 4 892697013 +381 1407 3 892697314 +381 1439 3 892696831 +381 1532 2 892696831 +381 1533 4 892696106 +382 7 2 875945837 +382 9 4 875946830 +382 14 3 875946055 +382 25 2 875945880 +382 50 1 875945451 +382 56 5 875946830 +382 59 5 875947049 +382 98 3 875946563 +382 100 4 875945812 +382 127 3 875945781 +382 137 2 875946029 +382 150 2 875946055 +382 151 4 875946830 +382 168 4 875946700 +382 171 3 875946639 +382 177 4 875947005 +382 180 5 875946830 +382 183 3 875946672 +382 197 4 875946830 +382 235 5 875946830 +382 252 2 875946262 +382 258 2 875945173 +382 276 3 875946029 +382 286 2 875945173 +382 290 4 875946830 +382 332 3 876803039 +382 334 5 876802971 +382 474 5 875947199 +382 475 3 875946103 +382 481 5 875947078 +382 482 5 875946945 +382 496 3 875946945 +382 504 3 875946907 +382 507 4 875946809 +382 508 3 875946029 +382 511 4 875946730 +382 514 3 875946730 +382 531 4 875946830 +382 546 2 875946234 +382 639 3 875946881 +382 717 3 875946347 +382 756 3 875946185 +382 1017 4 875946830 +382 1142 3 875945451 +382 1229 5 875947240 +382 1268 5 875947296 +382 1381 3 875945757 +382 1534 4 875946830 +383 9 5 891192801 +383 14 5 891192836 +383 19 4 891192911 +383 58 4 891193210 +383 81 4 891193072 +383 86 5 891193210 +383 89 3 891193181 +383 100 4 891193016 +383 124 4 891192949 +383 135 5 891193042 +383 137 5 891192986 +383 166 4 891192858 +383 180 5 891192778 +383 185 5 891192985 +383 188 5 891192949 +383 197 5 891192888 +383 200 5 891193181 +383 203 5 891193242 +383 205 4 891193210 +383 213 5 891193137 +383 223 3 891193137 +383 237 4 891192836 +383 268 5 891192338 +383 272 3 891192158 +383 285 5 891193210 +383 286 5 891192186 +383 302 4 891192216 +383 313 2 891192158 +383 315 5 891192158 +383 316 5 891192472 +383 319 2 891192377 +383 321 5 891192376 +383 340 5 891192276 +383 357 5 891193137 +383 425 4 891193181 +383 427 5 891192748 +383 464 4 891192986 +383 474 5 891193072 +383 475 2 891193137 +383 478 5 891193042 +383 479 4 891192985 +383 480 5 891193242 +383 483 5 891192986 +383 488 4 891193242 +383 496 5 891192888 +383 504 4 891193108 +383 505 4 891193042 +383 513 5 891193016 +383 517 5 891192748 +383 528 4 891193242 +383 531 3 891192888 +383 603 5 891193242 +383 604 5 891193042 +383 639 4 891193181 +383 641 4 891192778 +383 654 5 891193016 +383 660 4 891192748 +383 663 5 891192778 +383 736 5 891192949 +383 1063 5 891192888 +384 258 4 891273683 +384 271 4 891283502 +384 272 5 891273509 +384 286 4 891273649 +384 289 5 891283502 +384 300 4 891273809 +384 313 5 891273683 +384 316 5 891274055 +384 328 4 891274091 +384 333 4 891273509 +384 343 3 891273716 +384 347 4 891273509 +384 355 4 891274055 +384 689 4 891274232 +384 748 4 891274028 +384 751 4 891274091 +384 878 4 891274962 +384 879 4 891273874 +384 989 4 891273905 +385 2 3 879446786 +385 4 2 879445260 +385 8 5 880870206 +385 18 5 884915008 +385 23 5 879441313 +385 24 3 879440726 +385 29 1 879447845 +385 30 5 879442988 +385 32 5 879442988 +385 42 1 879443252 +385 47 4 879441982 +385 48 5 879441777 +385 50 1 879440127 +385 55 2 879441728 +385 56 5 879441728 +385 59 2 879442490 +385 61 2 879441572 +385 79 3 879441853 +385 81 3 879442028 +385 82 1 879446786 +385 87 3 879441942 +385 89 4 879441853 +385 92 3 879443217 +385 98 4 879442189 +385 99 2 879443186 +385 100 4 879440098 +385 111 2 879440267 +385 114 5 879441942 +385 122 3 883791694 +385 127 4 879439667 +385 128 5 879442235 +385 129 3 881467873 +385 131 4 879445754 +385 132 4 879446235 +385 134 5 879441538 +385 135 3 879444991 +385 136 3 879442402 +385 143 3 879446465 +385 144 3 879443102 +385 145 1 879449745 +385 151 2 879440127 +385 152 3 879445856 +385 153 4 879442028 +385 156 4 881308434 +385 160 4 879441572 +385 168 3 879442109 +385 169 5 880870205 +385 171 3 879750777 +385 172 2 879442109 +385 174 2 879924297 +385 175 4 879441572 +385 176 2 879441386 +385 180 4 879442706 +385 181 1 879439923 +385 182 5 880870205 +385 185 5 880870205 +385 186 1 879445260 +385 187 4 879441728 +385 189 5 881530739 +385 191 2 879444597 +385 192 5 884586327 +385 194 3 879441538 +385 195 1 879453773 +385 197 4 879442360 +385 198 3 881128357 +385 199 3 879442559 +385 200 3 879446110 +385 201 4 879441982 +385 204 1 879441728 +385 205 2 879443253 +385 208 3 879442360 +385 209 4 879441853 +385 210 1 879453773 +385 211 3 879446183 +385 215 2 879442559 +385 216 2 879446868 +385 218 2 879447361 +385 221 5 881398053 +385 224 2 879439728 +385 231 2 879449309 +385 234 1 879445493 +385 236 2 879439637 +385 238 5 879442085 +385 240 4 879447317 +385 249 2 879440892 +385 250 3 879440701 +385 251 2 879440098 +385 253 3 879439923 +385 254 1 879453094 +385 256 4 879439728 +385 257 3 879440236 +385 262 4 884153000 +385 273 2 879440557 +385 276 3 879440098 +385 285 5 879439637 +385 286 3 879438600 +385 290 3 879440674 +385 293 3 879439728 +385 304 3 879438949 +385 305 4 879740222 +385 325 4 882175397 +385 337 4 879439469 +385 340 4 879438647 +385 346 3 883791602 +385 357 4 879441339 +385 367 4 879444640 +385 378 1 879447555 +385 384 1 884118861 +385 385 1 879443352 +385 403 3 879447181 +385 408 5 879443065 +385 419 2 879442606 +385 421 2 879446026 +385 423 2 879445662 +385 425 3 879445724 +385 427 4 879441386 +385 429 4 879442028 +385 435 3 879443102 +385 443 3 879445098 +385 444 1 879448994 +385 447 3 879443150 +385 448 3 879448263 +385 451 1 879447205 +385 455 4 879440701 +385 458 3 879440828 +385 461 4 879441942 +385 462 2 881135090 +385 473 3 879440584 +385 474 5 881530739 +385 479 5 879441538 +385 480 5 879441313 +385 482 3 879441728 +385 483 4 879442028 +385 485 4 879446591 +385 486 2 879442189 +385 487 4 887670073 +385 488 5 879441599 +385 489 5 884631784 +385 492 2 879445531 +385 496 2 879441538 +385 497 5 879443186 +385 498 3 879441942 +385 500 4 879443352 +385 502 3 879446235 +385 503 3 879443217 +385 504 4 879442360 +385 506 2 879445291 +385 507 3 879445631 +385 508 2 879439728 +385 511 4 879441881 +385 512 5 880958750 +385 514 4 879443045 +385 522 4 879924244 +385 523 4 879441454 +385 524 5 880924359 +385 525 4 879444685 +385 526 3 879445098 +385 528 4 879470274 +385 533 4 879440602 +385 558 2 879442673 +385 568 3 879446465 +385 603 5 880869422 +385 604 4 879442189 +385 606 4 879441599 +385 616 4 884119121 +385 629 2 879446643 +385 631 3 879461422 +385 650 5 880870205 +385 653 4 881948265 +385 656 5 879441425 +385 657 4 879442109 +385 658 2 879445454 +385 659 4 879441942 +385 661 4 879443045 +385 663 4 879446431 +385 664 3 879445335 +385 671 3 879443315 +385 673 2 879445779 +385 674 3 879447250 +385 675 5 879446952 +385 693 4 879443315 +385 705 3 879441538 +385 715 3 879446671 +385 719 2 879447136 +385 739 1 879448665 +385 745 4 879443352 +385 767 1 879447361 +385 794 2 879448181 +385 811 4 879443315 +385 851 5 880870205 +385 855 5 882081995 +385 865 4 879924267 +385 871 1 879440986 +385 874 3 879438975 +385 896 5 883869456 +385 900 4 885168653 +385 922 4 881569749 +385 942 2 879446208 +385 945 5 879441313 +385 954 4 879446235 +385 959 3 879446741 +385 961 4 879446868 +385 965 4 879445779 +385 1007 3 879439949 +385 1010 3 879440127 +385 1012 3 879440211 +385 1014 2 879450441 +385 1021 5 879441572 +385 1065 3 879445153 +385 1066 4 879446591 +385 1070 5 880870206 +385 1071 4 879448426 +385 1097 5 879440158 +385 1103 3 887269178 +385 1118 3 879447047 +385 1121 4 879443315 +385 1128 3 879441662 +385 1129 5 879440236 +385 1131 3 879445587 +385 1135 1 879448181 +385 1143 4 880828451 +385 1154 5 880870205 +385 1158 5 879443150 +385 1159 4 885245956 +385 1160 2 879440211 +385 1286 3 879446952 +385 1353 4 879440098 +385 1367 5 880879193 +385 1411 3 879447873 +385 1428 4 879447181 +385 1449 4 881047049 +385 1456 4 879447205 +385 1462 4 879447555 +385 1495 3 879443186 +385 1506 4 879442606 +385 1524 5 879445662 +385 1535 4 879448294 +385 1536 5 879441339 +386 7 3 877655028 +386 24 4 877655028 +386 50 4 877654961 +386 117 5 877655028 +386 118 3 877655085 +386 121 3 877655145 +386 127 5 877654961 +386 181 3 877654961 +386 222 4 877654961 +386 281 3 877655145 +386 455 3 877654961 +386 515 5 877654961 +386 546 2 877655195 +386 597 3 877655145 +386 685 4 877655085 +386 833 3 877655195 +386 1016 4 877654961 +387 1 4 886480681 +387 2 4 886483195 +387 4 3 886482969 +387 7 5 886479528 +387 8 4 886480108 +387 12 5 886484336 +387 13 4 886480788 +387 20 4 886480789 +387 23 2 886479528 +387 24 5 886484522 +387 25 2 886481271 +387 28 5 886483939 +387 29 1 886483252 +387 31 3 886483330 +387 32 5 886479737 +387 39 3 886483049 +387 42 4 886480548 +387 46 3 886484011 +387 47 4 886480384 +387 48 4 886483753 +387 50 5 886480108 +387 52 5 886483497 +387 53 4 886481737 +387 55 3 886479649 +387 56 5 886479649 +387 58 4 886484065 +387 61 3 886483565 +387 64 3 886480206 +387 69 3 886480413 +387 71 2 886483620 +387 76 3 886484215 +387 79 4 886483049 +387 81 3 886483906 +387 82 4 886483098 +387 83 4 886480244 +387 91 4 886483669 +387 93 5 886480703 +387 95 2 886483620 +387 96 4 886480447 +387 97 2 886483859 +387 98 4 886480244 +387 99 5 886483620 +387 100 5 886484336 +387 102 3 886483669 +387 109 4 886481073 +387 113 4 886479575 +387 114 5 886484336 +387 116 3 886480206 +387 117 3 886480788 +387 121 2 886481228 +387 123 3 886480970 +387 127 4 886479575 +387 133 2 886480483 +387 135 5 886480288 +387 136 3 886480288 +387 144 3 886479649 +387 147 2 886481073 +387 151 3 886481228 +387 152 1 886479690 +387 153 4 886479649 +387 156 5 886484336 +387 161 1 886483252 +387 168 5 886479610 +387 169 5 886484336 +387 172 4 886480206 +387 173 4 886480288 +387 174 5 886480384 +387 175 5 886479771 +387 176 3 886480446 +387 178 3 886483824 +387 179 5 886484336 +387 180 4 886479737 +387 181 4 886479610 +387 182 5 886483048 +387 183 4 886480206 +387 184 3 886481634 +387 188 5 886483151 +387 189 5 886483619 +387 190 5 886483150 +387 191 4 886479610 +387 192 5 886484336 +387 194 3 886480206 +387 195 4 886479528 +387 197 2 886483824 +387 198 4 886480352 +387 199 4 886483858 +387 200 5 886481686 +387 201 5 886484631 +387 202 3 886482695 +387 203 4 886483330 +387 204 2 886479771 +387 208 3 886480484 +387 209 5 886480206 +387 210 4 886482928 +387 214 5 886483753 +387 215 2 886483906 +387 217 3 886481687 +387 218 3 886481687 +387 219 2 886481686 +387 222 4 886481073 +387 223 5 886479771 +387 224 5 886480703 +387 226 3 886483252 +387 227 4 886483195 +387 228 5 886484336 +387 229 2 886483195 +387 230 3 886483194 +387 232 2 886483289 +387 233 3 886483151 +387 238 5 886482928 +387 239 1 886483970 +387 243 1 886484460 +387 246 3 886480623 +387 248 4 886481151 +387 250 4 886480970 +387 265 4 886483049 +387 268 3 886479430 +387 273 4 886481151 +387 277 4 886481033 +387 286 2 886484385 +387 288 3 886484385 +387 289 1 886484413 +387 293 4 886481002 +387 294 2 886484413 +387 317 4 886483906 +387 319 1 886484384 +387 320 4 886480325 +387 324 4 886481002 +387 325 2 886484460 +387 333 3 886479484 +387 357 5 886479690 +387 367 3 886482883 +387 380 2 886484098 +387 381 4 886482969 +387 393 2 886483009 +387 399 3 886482969 +387 403 3 886483099 +387 408 4 886484492 +387 414 4 886482969 +387 418 3 886483669 +387 423 3 886484065 +387 428 4 886482969 +387 430 3 886482882 +387 431 3 886483150 +387 432 4 886480353 +387 435 3 886480483 +387 436 4 886481737 +387 441 1 886481800 +387 444 4 886481800 +387 447 4 886481687 +387 448 3 886481686 +387 455 4 886481105 +387 458 1 886481183 +387 461 5 886483753 +387 463 4 886483526 +387 470 3 886483970 +387 473 4 886481033 +387 475 3 886480657 +387 477 1 886480733 +387 488 3 886480163 +387 496 3 886480515 +387 501 4 886483620 +387 508 4 886479690 +387 511 3 886483049 +387 513 5 886483330 +387 514 3 886480515 +387 515 5 886480755 +387 516 3 886482928 +387 518 4 886483151 +387 520 4 886480446 +387 521 3 886483906 +387 530 4 886483099 +387 531 3 886479528 +387 532 3 886480970 +387 547 4 886484561 +387 549 5 886484012 +387 550 2 886483252 +387 551 2 886481800 +387 559 3 886481737 +387 561 3 886481800 +387 563 2 886481851 +387 564 1 886481800 +387 566 3 886483194 +387 567 2 886481737 +387 568 2 886483099 +387 569 2 886481737 +387 578 2 886483252 +387 581 4 886483394 +387 582 3 886483497 +387 583 4 886483098 +387 588 3 886480163 +387 593 3 886480483 +387 603 4 886480548 +387 619 1 886481073 +387 641 5 886483824 +387 650 2 886480163 +387 651 2 886479689 +387 655 3 886480352 +387 659 4 886480325 +387 663 4 886482883 +387 665 2 886481851 +387 672 2 886481687 +387 674 2 886481686 +387 676 1 886480733 +387 684 3 886483099 +387 692 1 886482928 +387 693 5 886484336 +387 697 1 886483906 +387 715 5 886484157 +387 718 4 886480206 +387 727 5 886484098 +387 731 1 886482969 +387 732 1 886484215 +387 735 2 886484012 +387 737 3 886484098 +387 744 3 886480818 +387 746 1 886479737 +387 768 1 886483620 +387 769 1 886481851 +387 773 4 886481800 +387 790 1 886482969 +387 806 1 886483824 +387 844 5 886480484 +387 845 4 886484336 +387 847 3 886480325 +387 854 5 886481686 +387 942 4 886483906 +387 943 4 886483357 +387 952 5 886484561 +387 953 2 886484012 +387 969 3 886480163 +387 972 2 886483859 +387 984 1 886484460 +387 1007 5 886480623 +387 1008 4 886481183 +387 1011 3 886481033 +387 1012 4 886481073 +387 1014 3 886480789 +387 1019 4 886480288 +387 1069 2 886480288 +387 1091 1 886483670 +387 1097 3 886480657 +387 1110 2 886483009 +387 1115 3 886479575 +387 1118 3 886482695 +387 1128 4 886481033 +387 1134 1 886481183 +387 1143 5 886480623 +387 1166 3 886483939 +387 1187 4 886480623 +387 1198 3 886479575 +387 1199 5 886480970 +387 1240 5 886483620 +387 1537 4 886480681 +387 1538 3 886481151 +388 1 5 886436813 +388 5 4 886441083 +388 53 5 886441248 +388 56 3 886441015 +388 98 5 886441015 +388 111 3 886437163 +388 117 5 886436756 +388 121 4 886436756 +388 147 4 886436871 +388 184 4 886441083 +388 200 5 886441083 +388 218 5 886441083 +388 219 5 886441083 +388 259 3 886440334 +388 266 5 886439918 +388 276 2 886440608 +388 294 4 886439561 +388 298 5 886436582 +388 301 4 886438602 +388 302 5 886438122 +388 310 5 886438540 +388 313 5 886438122 +388 326 5 886438122 +388 328 4 886439561 +388 333 5 886439561 +388 569 5 886441248 +388 672 4 886441083 +388 678 4 886442062 +388 680 5 886439808 +388 682 4 886439808 +388 690 5 886438540 +388 742 5 886437163 +388 769 3 886441306 +388 816 4 886441248 +388 845 4 886437163 +388 871 2 886440608 +388 895 4 886438540 +389 1 4 879915860 +389 4 4 879991352 +389 8 4 880086755 +389 15 2 879916135 +389 23 4 879991147 +389 25 3 879916170 +389 28 4 880165411 +389 29 2 880088659 +389 38 2 880089076 +389 40 3 880088825 +389 47 4 880086971 +389 50 5 879915780 +389 53 2 880089337 +389 58 4 880087695 +389 64 4 880087151 +389 67 2 880614340 +389 69 5 880087345 +389 71 4 880088091 +389 77 2 880088922 +389 79 4 879991461 +389 80 3 880614254 +389 81 3 880086972 +389 82 4 880087977 +389 87 5 879991330 +389 90 3 880088659 +389 95 3 880165832 +389 98 4 879991264 +389 100 5 879915701 +389 105 3 880614316 +389 109 3 879915745 +389 111 3 879916053 +389 124 4 879916053 +389 127 5 879915701 +389 131 3 880087739 +389 132 5 880087544 +389 133 5 880086888 +389 134 5 879991045 +389 135 2 879990996 +389 136 4 880087671 +389 142 3 880088878 +389 143 3 880087026 +389 151 4 879916135 +389 152 4 880087647 +389 153 3 880088510 +389 155 2 880088900 +389 159 2 880088330 +389 160 4 880087897 +389 161 2 880088269 +389 167 3 880089170 +389 168 5 879991434 +389 172 5 879991175 +389 173 3 880087003 +389 174 4 879991115 +389 176 4 880165047 +389 179 4 879991461 +389 181 4 879915806 +389 182 5 879991175 +389 185 5 879991434 +389 187 5 879990996 +389 191 5 880087493 +389 194 4 879991147 +389 196 3 880087516 +389 199 5 880165388 +389 204 4 879991017 +389 208 5 880087415 +389 209 4 880087048 +389 210 2 879990996 +389 211 4 880087415 +389 216 2 879991387 +389 217 3 880088774 +389 234 4 879991081 +389 239 3 880087939 +389 240 3 879916254 +389 249 3 879915991 +389 257 3 879916077 +389 274 4 880088421 +389 275 5 879915860 +389 286 2 879915633 +389 302 5 879915633 +389 347 4 887868071 +389 367 4 880086820 +389 371 4 880088309 +389 378 5 880087695 +389 384 2 880089211 +389 386 3 880089302 +389 393 2 880088717 +389 395 2 880089133 +389 401 3 880088578 +389 402 3 880613797 +389 404 5 880087200 +389 407 1 880614292 +389 410 3 879916238 +389 411 4 880088659 +389 412 3 880089170 +389 414 4 879991485 +389 418 4 880165168 +389 419 3 880087003 +389 423 5 880087461 +389 429 4 879991352 +389 430 5 880087003 +389 435 4 880087073 +389 451 2 880165881 +389 454 2 880086868 +389 467 3 879991512 +389 474 5 879991535 +389 475 5 879915780 +389 477 4 880087939 +389 478 5 879991264 +389 479 4 879991535 +389 480 5 879991175 +389 481 5 879991147 +389 482 5 880086777 +389 483 5 879991535 +389 484 5 880087073 +389 485 5 879991081 +389 486 4 880086971 +389 487 5 879991115 +389 488 5 880087260 +389 489 4 879991115 +389 490 3 879991081 +389 492 5 880086944 +389 493 5 879991147 +389 494 5 879991411 +389 496 4 879991218 +389 497 4 879991461 +389 498 5 880086918 +389 501 5 880087804 +389 502 4 881384464 +389 503 3 880087739 +389 504 4 880087832 +389 507 5 879991196 +389 509 4 880614449 +389 510 3 880165367 +389 514 5 879991329 +389 517 4 880087977 +389 518 4 880087073 +389 519 4 879991461 +389 521 3 879991330 +389 524 5 879991081 +389 525 4 880165277 +389 526 3 880087200 +389 527 3 880086868 +389 531 4 880086918 +389 550 3 880088923 +389 553 2 880089015 +389 558 4 879991242 +389 559 3 880088680 +389 568 3 880087782 +389 579 1 881384611 +389 583 2 880088039 +389 602 4 879991081 +389 603 5 880086943 +389 604 4 879991387 +389 605 5 879991512 +389 607 3 879991297 +389 608 3 880087832 +389 610 5 880086972 +389 612 4 879991218 +389 613 5 880088038 +389 616 4 879991329 +389 618 4 880088115 +389 629 2 880166028 +389 630 3 880087389 +389 631 5 880087493 +389 642 4 880087804 +389 654 5 879991411 +389 656 5 879991175 +389 662 3 880613750 +389 663 4 880087026 +389 664 4 880088290 +389 675 3 880165702 +389 684 4 880087761 +389 686 3 879991434 +389 693 4 880088038 +389 699 5 880088038 +389 700 2 881384441 +389 705 5 879991196 +389 709 4 879991115 +389 712 3 881384338 +389 715 3 880614012 +389 722 2 880089192 +389 728 3 880089302 +389 736 5 880088229 +389 739 2 880088229 +389 756 2 880088942 +389 763 1 879916203 +389 778 4 880088995 +389 780 3 880614316 +389 785 3 880613841 +389 792 4 880088115 +389 820 3 880089211 +389 836 4 879991045 +389 845 4 879916053 +389 847 4 879915806 +389 942 3 880165881 +389 946 3 880088363 +389 954 4 880614031 +389 955 4 880087599 +389 965 5 880087599 +389 969 4 880086755 +389 997 3 881384536 +389 1007 4 879915832 +389 1041 3 880088269 +389 1052 2 881384711 +389 1074 2 880613841 +389 1098 4 880087096 +389 1114 2 880614050 +389 1119 3 880088659 +389 1121 4 879991485 +389 1147 4 879991387 +389 1168 3 880088717 +389 1203 5 880087544 +389 1286 5 880087873 +389 1298 5 887868071 +389 1444 3 880088445 +389 1451 5 880087544 +389 1518 2 880165787 +389 1530 2 880088753 +390 1 5 879694066 +390 9 5 879694232 +390 100 5 879694123 +390 124 4 879694232 +390 126 5 879694123 +390 181 4 879694198 +390 258 5 879693461 +390 275 5 879694123 +390 277 2 879694123 +390 283 4 879694316 +390 289 3 879693677 +390 300 5 879693770 +390 302 5 879693461 +390 304 5 879693561 +390 319 5 879693561 +390 328 4 879693677 +390 331 2 879693723 +390 475 1 879694232 +390 515 4 879694259 +390 690 3 879693677 +390 713 4 879694259 +390 740 4 879694123 +390 742 4 879694198 +390 754 4 879693561 +390 989 5 879693677 +390 990 4 879693608 +391 8 3 877399030 +391 11 3 877398951 +391 12 5 877399745 +391 15 4 877399805 +391 23 4 877398992 +391 26 5 877399745 +391 31 2 877399659 +391 47 4 877399301 +391 50 4 877399588 +391 56 5 877399745 +391 58 4 877398898 +391 59 5 877399745 +391 60 5 877399746 +391 61 5 877399746 +391 64 5 877399746 +391 69 4 877399618 +391 71 3 877399236 +391 76 3 877399618 +391 89 3 877399380 +391 96 3 877399171 +391 97 4 877399301 +391 98 4 877399133 +391 125 3 877399894 +391 127 5 877399236 +391 131 2 877399455 +391 132 4 877398951 +391 133 4 877398898 +391 134 4 877399171 +391 176 3 877398856 +391 177 4 877398951 +391 180 5 877399066 +391 186 5 877399658 +391 187 4 877399030 +391 188 3 877399658 +391 191 3 877399336 +391 194 4 877399486 +391 195 2 877399618 +391 197 5 877399380 +391 200 5 877399269 +391 203 4 877399423 +391 204 3 877399658 +391 205 5 877399337 +391 209 5 877399541 +391 215 4 877399100 +391 222 2 877399864 +391 228 2 877399486 +391 238 5 877399659 +391 264 1 877398704 +391 276 3 877399780 +391 282 4 877399894 +391 286 4 877398517 +391 288 3 877398679 +391 291 3 877400062 +391 294 2 877398619 +391 300 2 877398619 +391 301 4 877399745 +391 318 4 877399030 +391 322 3 877398619 +391 328 3 877398552 +391 334 5 877399745 +391 357 5 877399486 +391 378 3 877399171 +391 421 2 877399269 +391 427 5 877399512 +391 435 5 877399100 +391 460 4 877400091 +391 462 4 877399588 +391 474 5 877399171 +391 480 4 877398991 +391 491 3 877398898 +391 497 3 877399133 +391 504 5 877398856 +391 507 4 877399512 +391 508 2 877400037 +391 510 5 877399066 +391 511 5 877398855 +391 527 3 877399541 +391 530 5 877399337 +391 544 4 877400092 +391 546 3 877400037 +391 591 4 877399894 +391 604 4 877399380 +391 646 4 877399066 +391 648 5 877399100 +391 651 5 877399133 +391 652 4 877399588 +391 659 4 877399208 +391 678 2 877398704 +391 696 4 877400117 +391 705 5 877399133 +391 715 2 877399588 +391 748 3 877398619 +391 774 2 877399541 +391 924 2 877400116 +391 963 5 877399746 +391 1101 4 877399423 +391 1163 2 877399864 +392 8 5 891039049 +392 11 4 891038371 +392 23 5 891038466 +392 59 4 891039049 +392 98 5 891038979 +392 99 5 891038433 +392 114 4 891038401 +392 127 5 891038110 +392 129 4 891038945 +392 134 5 891038371 +392 165 5 891038433 +392 166 5 891038466 +392 169 4 891038978 +392 170 5 891039015 +392 172 5 891038401 +392 173 4 891039050 +392 174 5 891038979 +392 178 5 891038945 +392 179 5 891038946 +392 180 5 891038371 +392 181 5 891038137 +392 191 5 891039015 +392 199 5 891038466 +392 200 3 891038433 +392 246 5 891038110 +392 248 4 891038205 +392 249 1 891038224 +392 255 3 891038224 +392 258 2 891037531 +392 268 5 891037385 +392 269 5 891037385 +392 270 4 891037437 +392 276 4 891039049 +392 285 3 891039050 +392 286 2 891037385 +392 288 4 891037531 +392 289 5 891037769 +392 293 4 891038137 +392 297 4 891038137 +392 298 1 891038205 +392 300 2 891037437 +392 302 5 891037385 +392 304 4 891037720 +392 313 5 891037385 +392 316 5 891037811 +392 319 5 891037385 +392 321 5 891037685 +392 323 3 891037769 +392 324 1 891037720 +392 325 4 891037634 +392 326 2 891037685 +392 328 3 891037634 +392 333 4 891037531 +392 340 5 891037437 +392 344 4 891037490 +392 346 4 891037437 +392 347 4 891037600 +392 463 3 891038946 +392 488 4 891038978 +392 491 5 891039049 +392 492 4 891038979 +392 495 3 891038401 +392 510 4 891038979 +392 511 5 891038945 +392 513 5 891039049 +392 515 5 891038110 +392 517 5 891038466 +392 528 5 891038371 +392 534 4 891038205 +392 538 2 891037851 +392 589 4 891038946 +392 604 5 891039015 +392 632 5 891039015 +392 650 5 891038978 +392 657 5 891038401 +392 663 4 891039049 +392 813 3 891039015 +392 837 5 891038466 +392 847 4 891039015 +392 872 4 891037790 +392 873 3 891037851 +392 875 3 891037851 +392 880 4 891037720 +392 1012 4 891038184 +392 1014 3 891038205 +392 1142 5 891038184 +392 1143 4 891038158 +392 1160 2 891038137 +392 1226 4 891038288 +392 1258 1 891038247 +393 1 3 887743611 +393 2 4 887746206 +393 3 3 887745293 +393 4 4 889555384 +393 8 3 887746145 +393 9 4 887744448 +393 12 5 887745883 +393 15 3 887744266 +393 21 3 887744765 +393 25 2 887744294 +393 26 3 887746767 +393 27 4 889555050 +393 28 4 889554674 +393 29 4 889729398 +393 31 4 887745912 +393 33 3 889554648 +393 36 3 889731618 +393 38 4 889731010 +393 40 1 889729185 +393 41 4 889728736 +393 48 2 889728177 +393 49 4 889729674 +393 50 5 887743611 +393 54 4 889555050 +393 55 4 889727862 +393 56 2 887746015 +393 58 3 887746734 +393 62 4 889728895 +393 64 4 887745973 +393 66 3 889554707 +393 67 3 889730088 +393 69 4 887745883 +393 70 3 889555251 +393 71 3 889554977 +393 72 4 889730045 +393 77 3 889729440 +393 79 4 887745973 +393 80 3 889729561 +393 81 2 889728324 +393 82 4 887746174 +393 83 4 887746523 +393 85 3 889729375 +393 87 4 889554706 +393 88 3 889730066 +393 89 3 887745973 +393 90 2 889729938 +393 94 4 889731465 +393 95 4 889555295 +393 96 4 889555434 +393 97 4 889555126 +393 99 3 889727536 +393 100 1 887744053 +393 108 2 887744658 +393 109 3 887744419 +393 110 2 889730117 +393 117 4 887745575 +393 121 4 887744419 +393 123 4 887744328 +393 125 4 887744239 +393 126 4 887743647 +393 128 3 887746145 +393 134 2 887746824 +393 136 5 889555050 +393 138 3 889731793 +393 141 2 889729537 +393 142 4 889730460 +393 143 5 889554930 +393 145 3 889731820 +393 147 5 887744549 +393 148 4 887744419 +393 154 2 887746302 +393 161 4 887746883 +393 169 3 887745912 +393 172 5 887745883 +393 173 5 887745759 +393 181 4 887743141 +393 186 3 887746734 +393 189 4 887745717 +393 194 4 887746239 +393 195 3 889555272 +393 196 4 887746015 +393 202 3 887746015 +393 210 4 887747108 +393 215 4 887745912 +393 222 4 887744239 +393 223 4 887746119 +393 227 4 889728385 +393 228 3 889728385 +393 233 3 889730460 +393 237 4 887744328 +393 239 4 889728324 +393 240 2 887745380 +393 241 4 889554930 +393 243 4 887742916 +393 248 4 887744202 +393 249 3 887744373 +393 250 4 887743453 +393 252 3 887744766 +393 255 4 887744328 +393 257 4 887744294 +393 259 4 887742851 +393 265 4 887746301 +393 270 5 887742040 +393 271 3 887742179 +393 272 4 887742006 +393 273 3 889727768 +393 274 4 887744549 +393 275 4 887744053 +393 278 4 887744473 +393 282 4 887744053 +393 283 3 887744239 +393 288 3 887741960 +393 294 4 887742145 +393 298 4 887743453 +393 302 4 891364609 +393 303 4 891364609 +393 304 4 887742110 +393 310 4 887742040 +393 313 4 887742040 +393 315 5 887741960 +393 316 5 889554297 +393 317 4 889554707 +393 318 3 887745973 +393 321 3 887742179 +393 322 4 887742825 +393 323 2 887742916 +393 328 5 887742798 +393 332 4 887742764 +393 333 4 889554171 +393 342 5 887742179 +393 344 3 891364581 +393 347 4 887742040 +393 349 3 887742939 +393 355 3 889554171 +393 356 3 889731088 +393 362 3 887741960 +393 363 3 887745086 +393 364 2 889731139 +393 365 3 889729460 +393 366 4 889729345 +393 367 3 889730187 +393 373 4 889731437 +393 374 3 889731702 +393 376 4 889730011 +393 378 4 887746824 +393 380 2 887746482 +393 384 3 889729508 +393 386 4 889731390 +393 391 3 889731703 +393 392 4 889555225 +393 394 5 889728627 +393 395 3 889731753 +393 396 1 889730514 +393 398 4 889731753 +393 399 4 889728353 +393 402 3 889730187 +393 403 3 889727503 +393 404 3 889728713 +393 409 4 887745258 +393 410 4 887744419 +393 411 2 887745501 +393 415 4 889730117 +393 417 3 887746523 +393 418 3 887746207 +393 419 4 887746523 +393 420 3 889728074 +393 421 2 889555000 +393 423 3 887746849 +393 431 2 887746965 +393 443 3 887745624 +393 449 2 889731088 +393 451 3 887746995 +393 456 3 887745501 +393 463 4 889555225 +393 465 4 887746916 +393 470 4 889554730 +393 471 4 887744549 +393 473 3 887745135 +393 476 3 887744688 +393 479 4 889555295 +393 480 4 889554756 +393 483 4 889554540 +393 485 2 887746670 +393 494 4 889727702 +393 497 4 889555021 +393 500 4 887746523 +393 507 2 889554859 +393 527 3 889727614 +393 538 3 887742071 +393 539 3 891364757 +393 540 3 889731753 +393 541 3 889555384 +393 546 2 887744578 +393 552 2 889729638 +393 553 3 887747108 +393 554 4 889729486 +393 559 3 889729614 +393 560 3 889728584 +393 566 3 887745717 +393 568 4 889554563 +393 569 4 889728736 +393 571 3 889731793 +393 572 4 889731618 +393 575 2 889728712 +393 576 3 889729938 +393 577 4 889731437 +393 578 4 889728413 +393 585 2 889731649 +393 586 3 889731040 +393 588 4 887746824 +393 591 5 887744372 +393 596 4 887743611 +393 597 3 887745293 +393 613 4 887745937 +393 622 4 889555074 +393 625 4 889554780 +393 627 4 889729296 +393 630 4 889728150 +393 633 2 887746091 +393 651 4 889728238 +393 652 3 889729375 +393 659 4 887746378 +393 672 3 889729614 +393 681 3 887742798 +393 683 4 887742110 +393 684 4 889554811 +393 685 3 887744517 +393 686 4 889729185 +393 687 3 887742916 +393 689 3 887742991 +393 690 4 887742110 +393 692 3 889554908 +393 693 3 887746883 +393 705 4 887746456 +393 715 1 889731592 +393 717 3 887745086 +393 720 3 889554648 +393 721 2 889727930 +393 722 2 889728736 +393 724 3 889729159 +393 725 2 889731501 +393 727 3 889729614 +393 728 3 889730209 +393 729 4 887746431 +393 731 3 889730227 +393 732 4 889555272 +393 737 2 889730261 +393 739 3 887746671 +393 742 4 887744517 +393 747 4 889727969 +393 748 3 887742851 +393 751 2 887741960 +393 756 4 887745258 +393 761 4 889728667 +393 763 5 887745086 +393 769 4 889731593 +393 774 4 889731673 +393 778 3 887746301 +393 779 3 889729673 +393 780 4 889731390 +393 781 4 889729159 +393 783 3 889729561 +393 785 3 889729749 +393 787 5 889554674 +393 789 1 887746015 +393 790 4 889729773 +393 792 1 889729346 +393 797 3 889731138 +393 802 3 889729420 +393 805 2 889555410 +393 808 4 889554882 +393 812 3 889555021 +393 815 4 887744372 +393 819 3 889731592 +393 820 3 887745380 +393 821 3 889554756 +393 823 3 889730262 +393 824 3 889731793 +393 825 4 887745230 +393 826 3 889731729 +393 831 1 887745454 +393 833 4 887744626 +393 836 4 889728895 +393 840 4 887744658 +393 842 4 889729212 +393 843 3 889731861 +393 845 4 887744202 +393 864 3 887745230 +393 866 3 889728074 +393 870 3 887745454 +393 876 3 889554316 +393 879 3 887742798 +393 890 1 887742991 +393 892 3 887742939 +393 893 3 889554457 +393 905 3 887742851 +393 926 4 887745200 +393 929 3 887745230 +393 932 3 887744578 +393 934 3 887745544 +393 940 2 889731109 +393 941 4 889729212 +393 951 3 889728531 +393 953 4 889555334 +393 982 3 889731649 +393 996 3 889731139 +393 997 1 889731703 +393 999 4 889730187 +393 1000 3 889731139 +393 1001 4 887745410 +393 1014 3 887745086 +393 1032 3 889729296 +393 1034 2 889731413 +393 1039 3 887745973 +393 1040 3 887745410 +393 1043 3 889728324 +393 1044 4 889731821 +393 1047 3 887745293 +393 1048 3 887745120 +393 1053 3 889730011 +393 1055 4 889728895 +393 1058 4 887746916 +393 1063 4 889554540 +393 1074 3 889730296 +393 1076 3 889731109 +393 1091 2 889731840 +393 1092 3 889731139 +393 1095 2 887745174 +393 1120 3 887745409 +393 1139 3 889729561 +393 1165 3 889730514 +393 1169 5 887746015 +393 1178 3 889729460 +393 1179 4 889731437 +393 1180 4 889731465 +393 1183 3 889731040 +393 1185 3 889728606 +393 1197 3 887743611 +393 1206 3 889730494 +393 1210 3 889731593 +393 1215 3 889731729 +393 1219 4 889729536 +393 1221 3 889554834 +393 1224 3 889555176 +393 1225 3 889731820 +393 1228 3 889728074 +393 1239 3 889729508 +393 1244 3 887745380 +393 1258 3 887744688 +393 1270 3 889731673 +393 1285 3 889555176 +393 1314 3 889731561 +393 1407 3 889731010 +393 1409 4 889729536 +393 1419 3 889729319 +393 1440 3 889731359 +393 1441 3 889728554 +393 1446 5 887746346 +393 1468 4 887746091 +393 1469 3 889729749 +393 1531 4 889731794 +394 1 4 880886855 +394 4 4 880888037 +394 7 5 880888390 +394 12 4 880887035 +394 22 5 880886919 +394 24 5 880889350 +394 29 3 881058201 +394 31 3 880887152 +394 33 4 880889259 +394 38 4 881058146 +394 39 4 880888501 +394 42 4 880887152 +394 50 5 881132876 +394 56 5 880887406 +394 62 4 881132876 +394 63 4 881059464 +394 67 5 881059383 +394 69 5 880887063 +394 72 4 880889629 +394 77 3 880888603 +394 79 5 880887206 +394 82 4 880889553 +394 84 4 880889583 +394 88 3 880889400 +394 89 5 880889349 +394 90 3 880889528 +394 91 4 880886821 +394 97 4 880888223 +394 98 5 880887088 +394 101 4 880886670 +394 117 5 880887462 +394 118 4 880889066 +394 121 4 880888452 +394 123 5 880888566 +394 128 3 880888896 +394 132 4 880887000 +394 141 3 880888815 +394 144 5 880886978 +394 151 5 880886919 +394 154 3 880887152 +394 156 4 880886855 +394 158 3 881059315 +394 161 4 880888850 +394 168 5 880886919 +394 172 4 880886919 +394 173 5 881057730 +394 174 5 881057914 +394 176 5 881130008 +394 181 4 880886796 +394 183 4 881130008 +394 184 3 880889010 +394 195 5 880886919 +394 202 5 880888245 +394 204 5 880888223 +394 208 5 880888746 +394 210 4 880888689 +394 217 5 880888972 +394 218 4 880889187 +394 222 4 881132876 +394 226 2 880888850 +394 227 4 881132877 +394 228 5 881132876 +394 229 3 881132958 +394 232 4 880889374 +394 233 3 881058062 +394 252 3 881130112 +394 265 4 880888390 +394 282 3 880888096 +394 288 4 880886919 +394 294 4 880886919 +394 313 5 883304657 +394 343 3 881130008 +394 358 3 880886546 +394 364 3 881059544 +394 380 4 881132876 +394 383 2 881059704 +394 385 5 880889010 +394 391 4 881058330 +394 393 4 880889350 +394 402 4 880888775 +394 403 4 880889034 +394 405 3 880889010 +394 416 5 880889350 +394 418 4 880887462 +394 419 5 880887250 +394 423 5 881057839 +394 431 5 880889607 +394 433 4 880886919 +394 449 3 881132958 +394 450 3 881132958 +394 455 4 880889066 +394 508 4 880886978 +394 540 4 881058330 +394 541 3 880889741 +394 546 4 881058167 +394 549 4 880888452 +394 550 4 881058101 +394 552 3 881060176 +394 554 4 881058101 +394 559 4 880888746 +394 561 4 881060177 +394 568 5 880888167 +394 576 2 881058371 +394 577 2 881059704 +394 597 2 881058201 +394 627 5 880888972 +394 651 4 880888223 +394 655 5 880888313 +394 658 3 880889159 +394 665 2 881130009 +394 672 3 880888540 +394 679 3 881058062 +394 715 4 880888689 +394 720 2 881058146 +394 739 4 880889766 +394 742 5 880888167 +394 746 2 880888313 +394 763 3 881058929 +394 771 4 881060366 +394 773 4 881060053 +394 780 2 881059180 +394 795 2 881059103 +394 802 1 881058201 +394 928 4 881059902 +394 940 3 881059103 +394 979 5 881060177 +394 1033 3 880889475 +394 1079 3 881059148 +394 1210 3 881060330 +394 1371 2 880886546 +394 1484 4 881059619 +395 21 3 883764534 +395 64 5 883763958 +395 97 5 883763800 +395 98 5 883764061 +395 100 4 883765155 +395 118 3 883765791 +395 121 3 883765731 +395 127 5 883765034 +395 151 3 883765297 +395 163 5 883764378 +395 172 5 883763041 +395 174 5 883763561 +395 181 5 883764336 +395 186 5 883764817 +395 210 5 883763136 +395 231 4 883764456 +395 237 4 883764974 +395 240 1 886481149 +395 255 3 883765731 +395 257 5 883765386 +395 258 4 883762309 +395 273 2 886481149 +395 286 4 883762088 +395 288 2 886481149 +395 300 3 883762362 +395 313 3 883762135 +395 315 5 886480875 +395 318 4 883764004 +395 328 4 883762528 +395 338 4 883762733 +395 342 4 883762414 +395 343 5 883762614 +395 365 5 883766403 +395 378 5 883764421 +395 423 5 883764742 +395 515 4 883765297 +395 596 2 886481149 +395 632 5 883764845 +395 748 3 883762577 +395 750 5 883762266 +395 866 3 883766119 +395 892 3 883762681 +395 924 4 883765156 +395 1028 2 886481149 +395 1060 2 886481149 +396 1 4 884646346 +396 25 3 884646191 +396 100 2 884646092 +396 106 4 884646537 +396 117 4 884646191 +396 118 4 884646314 +396 148 4 884646436 +396 151 3 884646401 +396 222 5 884646152 +396 260 3 884645754 +396 271 4 884645790 +396 274 4 884646263 +396 281 3 884646647 +396 282 4 884646052 +396 288 3 884645648 +396 291 4 884646289 +396 300 3 884645550 +396 322 4 884645790 +396 323 4 884645790 +396 328 4 884645813 +396 329 2 884645615 +396 333 4 884645528 +396 405 3 884646314 +396 406 2 884646468 +396 455 2 884646582 +396 472 5 884646647 +396 591 3 884646114 +396 595 3 884646467 +396 619 3 884646191 +396 678 3 884645838 +396 717 3 884646467 +396 742 4 884646346 +396 751 3 884645648 +396 823 2 884646647 +396 829 3 884646648 +396 841 4 884646648 +396 871 2 884646289 +396 930 3 884646467 +396 974 4 884646152 +396 977 3 884646468 +396 986 4 884646537 +396 1025 4 884645839 +396 1028 3 884646191 +396 1215 2 884646709 +396 1399 3 884645942 +397 7 5 885349913 +397 8 4 885349913 +397 12 4 885349790 +397 14 3 885349348 +397 22 4 885349476 +397 23 5 885350132 +397 50 5 885349955 +397 56 5 882839517 +397 58 5 885349202 +397 65 2 875063876 +397 95 4 885349999 +397 108 4 885350045 +397 109 4 889760803 +397 117 3 885349610 +397 127 5 885349427 +397 135 5 885349825 +397 156 5 885350381 +397 171 5 882839540 +397 174 5 885349999 +397 177 5 882843746 +397 178 5 885349759 +397 182 5 885349759 +397 183 4 885349348 +397 186 5 885349955 +397 194 3 885349348 +397 197 5 885349825 +397 221 4 885349348 +397 243 1 875063613 +397 261 1 875063722 +397 268 4 889760703 +397 273 4 889760803 +397 288 4 882839517 +397 289 3 885349348 +397 298 4 885349348 +397 302 5 889760703 +397 313 4 889760640 +397 318 4 885349610 +397 322 1 875063613 +397 324 2 882838749 +397 325 3 882838853 +397 327 2 875063649 +397 332 2 882838773 +397 334 3 885349348 +397 338 4 882839517 +397 340 2 882838664 +397 343 2 885349148 +397 345 4 889760663 +397 357 5 885350381 +397 358 2 882838937 +397 423 5 885349999 +397 435 4 885349376 +397 457 1 875063722 +397 474 5 882839559 +397 475 4 885350045 +397 479 4 885349865 +397 480 5 885349476 +397 483 5 885349715 +397 484 5 885349759 +397 492 4 885349955 +397 504 5 885349865 +397 513 5 885349715 +397 522 5 885349476 +397 529 4 885350326 +397 588 4 885349528 +397 591 4 885349562 +397 615 5 885349562 +397 652 3 885350326 +397 657 5 885349759 +397 665 3 885349348 +397 693 4 885349955 +397 705 5 885350045 +397 748 2 889760845 +397 878 1 875063722 +397 894 1 882838796 +397 896 4 889760725 +397 988 1 875063722 +397 991 1 875063678 +397 1018 4 882839517 +397 1019 3 885349715 +397 1298 3 885350543 +398 1 5 875652927 +398 4 2 875723337 +398 8 3 875716709 +398 12 3 875658898 +398 15 5 875651828 +398 28 5 875660302 +398 31 3 875658967 +398 49 3 875736199 +398 50 5 875652927 +398 56 4 875659843 +398 58 4 875717106 +398 63 2 875732862 +398 64 4 875660439 +398 65 3 875743739 +398 69 5 875659191 +398 70 4 875717315 +398 71 5 875743517 +398 72 3 875719399 +398 79 4 875660535 +398 82 5 875721348 +398 85 4 875718731 +398 86 3 875726010 +398 87 4 875716709 +398 88 4 875733660 +398 94 2 875732304 +398 95 5 875659266 +398 96 4 875716709 +398 97 4 875721348 +398 100 3 875652816 +398 111 3 875652318 +398 124 5 875717717 +398 125 3 875719764 +398 126 4 875652700 +398 133 3 875726786 +398 134 3 875658898 +398 135 3 875657802 +398 144 5 875658715 +398 152 4 875721702 +398 153 4 875732862 +398 154 2 875718614 +398 158 3 875738202 +398 159 3 875717020 +398 162 5 875811851 +398 163 3 875738333 +398 167 3 875735638 +398 172 5 875725927 +398 176 4 875725256 +398 178 5 875718614 +398 181 4 875652318 +398 182 4 875657802 +398 183 4 875659518 +398 185 5 875717638 +398 191 4 875721348 +398 196 4 875746951 +398 197 5 875660226 +398 199 4 875721548 +398 202 3 875725256 +398 204 4 875716013 +398 208 5 875723253 +398 216 5 875723337 +398 227 2 875908666 +398 228 5 875657926 +398 229 3 875744031 +398 230 3 875908666 +398 231 2 875743840 +398 234 4 875659265 +398 237 3 875653168 +398 239 3 875747539 +398 274 3 875655841 +398 276 4 875652760 +398 283 3 875652760 +398 284 2 875654781 +398 357 4 875657926 +398 367 3 875717020 +398 385 3 875723253 +398 393 5 875732738 +398 414 3 875721111 +398 417 3 875719399 +398 423 5 875659319 +398 427 4 875657734 +398 435 5 875717106 +398 447 2 875658967 +398 476 3 875652760 +398 478 5 875657857 +398 479 4 875717020 +398 480 5 875658794 +398 481 3 875659441 +398 482 5 875657802 +398 483 5 875720673 +398 484 4 875659319 +398 485 5 875657857 +398 491 5 875718954 +398 493 5 875723337 +398 494 3 875813142 +398 497 3 875717407 +398 501 3 875658898 +398 502 3 875717717 +398 504 3 875722071 +398 514 4 875658794 +398 519 4 875723337 +398 520 5 875717106 +398 525 3 875908134 +398 582 2 875659518 +398 603 4 875721548 +398 607 3 875720467 +398 610 4 875745631 +398 633 4 875726786 +398 648 5 875733496 +398 654 4 875726730 +398 655 4 875658967 +398 659 3 875738391 +398 661 3 875719399 +398 662 2 875723172 +398 663 2 875735255 +398 684 4 875908134 +398 692 4 875717020 +398 700 2 875736199 +398 705 5 875658898 +398 708 3 875747159 +398 710 2 875716830 +398 712 2 875736732 +398 715 2 875736732 +398 732 4 875719199 +398 735 4 875659266 +398 737 2 875811449 +398 796 3 875732862 +398 837 4 875718614 +398 953 3 875658968 +398 991 2 875651527 +398 993 3 875653043 +398 1020 3 875659843 +398 1041 3 875733660 +398 1119 4 875812011 +398 1126 4 875722533 +398 1450 5 875717717 +399 1 4 882340657 +399 2 3 882512708 +399 8 3 882510165 +399 9 3 882510018 +399 11 4 882344199 +399 12 3 882509891 +399 22 3 882342834 +399 24 4 882341239 +399 26 2 882510126 +399 28 2 882344134 +399 29 3 882349198 +399 33 3 882344942 +399 38 2 882345164 +399 39 2 882344310 +399 41 2 882348876 +399 42 2 882510250 +399 43 3 882348664 +399 47 3 882511093 +399 48 3 882349868 +399 50 3 882343040 +399 53 4 882345271 +399 54 4 882343126 +399 58 3 882344942 +399 62 3 882348876 +399 63 3 882348615 +399 64 3 882342313 +399 66 3 882343171 +399 67 3 882350899 +399 69 3 882342019 +399 71 3 882351580 +399 73 3 882343731 +399 77 2 882349094 +399 78 3 882348948 +399 80 3 882349068 +399 82 3 882344512 +399 84 2 882345842 +399 90 2 882350653 +399 91 4 882345023 +399 93 3 882512192 +399 94 5 882349022 +399 95 3 882343068 +399 96 3 882342019 +399 97 4 882343204 +399 98 4 882342894 +399 99 3 882344269 +399 100 3 882509855 +399 110 2 882343523 +399 114 4 882341974 +399 117 2 882347620 +399 118 3 882341383 +399 123 2 882340807 +399 127 2 882346585 +399 128 3 882343293 +399 139 3 882348153 +399 140 4 882343731 +399 143 5 882344638 +399 144 3 882342689 +399 148 4 882341362 +399 151 2 882511876 +399 153 2 882351347 +399 154 3 882343327 +399 155 2 882348773 +399 156 3 882342537 +399 157 3 882342019 +399 168 3 882342776 +399 173 3 882349928 +399 174 3 882342187 +399 175 3 882342669 +399 176 3 882342127 +399 180 3 882345001 +399 181 3 882342689 +399 182 4 882342570 +399 186 4 882342669 +399 187 3 882346401 +399 188 4 882344310 +399 195 2 882342669 +399 196 5 882349678 +399 214 4 882344722 +399 218 4 882344597 +399 219 3 882345454 +399 222 3 882344434 +399 223 3 882343012 +399 225 3 882345212 +399 226 3 882344406 +399 228 2 882347783 +399 229 2 882349143 +399 230 3 882344512 +399 231 3 882350375 +399 232 2 882350431 +399 234 3 882343294 +399 235 4 882340876 +399 237 3 882510490 +399 238 1 882342061 +399 241 4 882342866 +399 246 3 882340639 +399 264 3 882340517 +399 265 3 882342776 +399 273 3 882340657 +399 274 3 882512167 +399 282 3 882340775 +399 284 2 882512342 +399 288 3 882340200 +399 295 4 882341264 +399 301 4 882340242 +399 302 4 882340101 +399 318 5 882342589 +399 320 3 882342537 +399 323 1 882340517 +399 328 4 882340311 +399 338 1 882509709 +399 343 2 882340517 +399 356 3 882344512 +399 364 4 882350813 +399 366 3 882345271 +399 372 3 882511047 +399 378 3 882348284 +399 379 3 882512003 +399 382 3 882344134 +399 383 2 882350431 +399 384 2 882345698 +399 386 3 882349353 +399 388 2 882350791 +399 389 3 882345078 +399 393 4 882343455 +399 395 3 882350733 +399 400 3 882349170 +399 402 3 882344434 +399 404 3 882344684 +399 405 3 882340599 +399 407 3 882341644 +399 412 2 882352468 +399 413 2 882340900 +399 418 3 882343605 +399 419 3 882343327 +399 420 3 882347783 +399 423 3 882344052 +399 426 3 882350431 +399 431 2 882344906 +399 432 3 882348283 +399 433 3 882344269 +399 436 2 882348478 +399 452 3 882350762 +399 459 4 882340807 +399 462 3 882510290 +399 465 3 882350005 +399 468 3 882344134 +399 471 3 882340719 +399 475 5 882340827 +399 486 3 882510290 +399 496 3 882349868 +399 501 2 882346851 +399 508 3 882509971 +399 511 3 882341848 +399 526 3 882343171 +399 527 3 882511093 +399 531 3 882342964 +399 540 2 882348722 +399 541 3 882345622 +399 545 2 882345164 +399 546 2 882341383 +399 550 3 882345120 +399 551 1 882349022 +399 552 1 882350733 +399 554 3 882348592 +399 559 3 882344096 +399 560 3 882352404 +399 561 2 882345335 +399 566 4 882344871 +399 568 2 882345842 +399 578 2 882348722 +399 582 3 882343358 +399 587 3 882351626 +399 588 5 882342938 +399 591 3 882340599 +399 597 3 882341330 +399 622 4 882343605 +399 633 3 882347019 +399 651 3 882509971 +399 655 3 882344372 +399 658 3 882350198 +399 665 3 882345408 +399 679 3 882344596 +399 684 3 882344269 +399 710 2 882342537 +399 722 2 882348153 +399 727 4 882344722 +399 732 2 882348089 +399 735 3 882344512 +399 738 4 882350583 +399 742 4 882340844 +399 744 3 882510147 +399 746 5 882342158 +399 747 5 882345053 +399 754 3 882340242 +399 760 1 882341554 +399 763 2 882340900 +399 768 3 882350401 +399 769 3 882350813 +399 772 4 882343358 +399 774 3 882345053 +399 780 1 882350850 +399 781 2 882350617 +399 794 3 882349274 +399 806 3 882344096 +399 809 3 882352357 +399 813 3 882512003 +399 817 4 882509927 +399 820 4 882341191 +399 825 2 882341586 +399 826 2 882349353 +399 845 3 882340719 +399 890 2 882340517 +399 919 2 882510379 +399 924 5 882340678 +399 926 2 882348850 +399 928 2 882341586 +399 941 3 882347577 +399 946 3 882343172 +399 959 3 882343523 +399 969 3 882346728 +399 975 2 882344974 +399 977 3 882341607 +399 986 3 882341586 +399 1035 3 882352065 +399 1042 3 882348283 +399 1060 3 882510269 +399 1074 4 882345842 +399 1086 3 882340827 +399 1090 2 882345212 +399 1135 2 882349170 +399 1137 4 882340556 +399 1139 4 882348974 +399 1178 3 882350341 +399 1179 2 882352324 +399 1184 3 882344638 +399 1192 3 882344638 +399 1207 3 882350813 +399 1219 3 882348448 +399 1220 2 882343389 +399 1228 3 882345500 +399 1231 3 882350487 +399 1232 3 882350831 +399 1244 3 882341607 +399 1246 1 882511876 +399 1274 1 882350870 +399 1279 3 882341625 +399 1314 3 882349198 +399 1393 3 882340421 +399 1396 4 882343455 +399 1401 3 882342219 +399 1459 3 882345473 +399 1480 3 882350899 +399 1542 2 882348592 +399 1543 3 882509891 +400 259 3 885676490 +400 286 4 885676230 +400 288 4 885676365 +400 294 3 885676411 +400 300 4 885676230 +400 304 4 885676490 +400 306 3 885676230 +400 307 3 885676526 +400 313 5 885676316 +400 321 4 885676452 +400 323 4 885676582 +400 328 3 885676490 +400 343 4 885676552 +400 689 3 885676316 +400 748 2 885676411 +400 749 4 885676452 +400 895 4 885676452 +401 1 2 891032170 +401 9 3 891032218 +401 13 2 891033204 +401 14 3 891032271 +401 26 3 891033395 +401 50 1 891034050 +401 64 3 891032757 +401 65 4 891033250 +401 69 3 891033417 +401 70 4 891033625 +401 71 2 891033549 +401 83 4 891033122 +401 88 4 891033319 +401 97 4 891033582 +401 99 4 891033582 +401 100 4 891032170 +401 111 4 891032296 +401 117 3 891032563 +401 121 3 891032662 +401 125 3 891033651 +401 133 4 891032847 +401 135 1 891032919 +401 137 3 891032316 +401 144 5 891033523 +401 147 2 891032662 +401 153 2 891033466 +401 154 1 891033184 +401 157 3 891033582 +401 162 5 891033395 +401 168 1 891033442 +401 172 3 891032896 +401 173 3 891032937 +401 185 4 891033523 +401 188 1 891033267 +401 191 4 891032847 +401 194 4 891033395 +401 196 5 891033497 +401 197 4 891033417 +401 198 4 891033370 +401 199 3 891032896 +401 202 4 891033319 +401 203 4 891033288 +401 204 5 891033684 +401 210 4 891032976 +401 211 4 891033092 +401 216 4 891032803 +401 225 1 891032474 +401 235 1 891032474 +401 237 3 891032367 +401 243 3 891031867 +401 248 3 891032367 +401 272 3 891031508 +401 273 2 891032334 +401 276 4 891032433 +401 278 4 891032412 +401 280 2 891032607 +401 282 3 891032584 +401 284 3 891032453 +401 286 2 891031464 +401 294 1 891031621 +401 316 5 891031756 +401 318 4 891032737 +401 321 2 891031554 +401 322 2 891031784 +401 328 4 891031723 +401 342 1 891031723 +401 356 4 891033122 +401 357 4 891032896 +401 365 4 891033497 +401 371 3 891033550 +401 385 3 891033603 +401 404 2 891033395 +401 405 2 891032453 +401 428 4 891033092 +401 429 3 891032847 +401 430 2 891033582 +401 435 5 891033250 +401 451 2 891033343 +401 462 4 891033684 +401 471 4 891032495 +401 473 1 891034050 +401 478 2 891033497 +401 481 3 891033014 +401 482 4 891033343 +401 483 4 891033121 +401 484 3 891032737 +401 485 4 891033092 +401 486 4 891033184 +401 490 3 891033250 +401 493 4 891033370 +401 499 3 891033319 +401 501 2 891033184 +401 509 4 891033582 +401 519 4 891033158 +401 520 3 891033442 +401 527 4 891032919 +401 528 5 891033442 +401 535 2 891032518 +401 537 4 891033466 +401 553 5 891033523 +401 584 3 891033227 +401 588 2 891033549 +401 591 3 891032607 +401 603 4 891033497 +401 604 4 891033370 +401 609 3 891033625 +401 610 4 891033651 +401 632 4 891033014 +401 634 1 891033319 +401 638 4 891033158 +401 651 4 891032919 +401 654 3 891033184 +401 655 3 891033417 +401 661 3 891033158 +401 663 1 891033549 +401 678 3 891031936 +401 684 4 891033651 +401 707 2 891032868 +401 724 4 891033319 +401 751 1 891031532 +401 762 2 891032662 +401 815 3 891032662 +401 866 3 891032697 +401 1011 3 891032367 +401 1016 3 891032607 +401 1289 2 891032495 +402 7 4 876267068 +402 9 4 876266741 +402 10 2 876266985 +402 15 5 876267115 +402 16 3 876267096 +402 25 4 876266926 +402 32 3 876267235 +402 42 4 876267173 +402 48 5 876267173 +402 50 4 876266741 +402 95 5 876267235 +402 96 5 876267234 +402 100 5 876266904 +402 111 4 876267041 +402 116 3 876267067 +402 117 3 876267173 +402 118 4 876267096 +402 124 4 876266926 +402 126 4 876266741 +402 127 5 876267014 +402 137 4 876266701 +402 151 5 876266984 +402 168 5 876267206 +402 181 4 876266860 +402 182 5 876266775 +402 222 4 876266948 +402 228 3 876267173 +402 234 4 876266826 +402 235 3 876267014 +402 245 1 876266860 +402 255 4 876266948 +402 257 4 876266701 +402 258 4 876266650 +402 273 4 876267014 +402 275 5 876266741 +402 286 5 876266650 +402 408 5 876266741 +402 410 1 876266985 +402 455 3 876266886 +402 475 3 876266741 +402 476 3 876266985 +402 479 5 876267206 +402 480 5 876267206 +402 483 5 876267173 +402 510 5 876267235 +402 511 5 876266775 +402 515 5 876266860 +402 529 4 876266775 +402 591 4 876267041 +402 696 4 876267014 +402 710 2 876267206 +402 748 3 876266860 +402 764 3 876266985 +402 864 3 876266926 +402 1048 2 876266985 +402 1060 3 876267041 +402 1101 4 876267234 +402 1284 3 876266984 +403 1 4 879785974 +403 7 5 879785867 +403 50 5 879785736 +403 111 4 879785974 +403 117 4 879786112 +403 121 5 879786221 +403 123 3 879786112 +403 127 4 879786221 +403 147 5 879786052 +403 148 5 879786351 +403 151 4 879786270 +403 181 4 879785916 +403 237 5 879786221 +403 240 1 879786084 +403 257 2 879786112 +403 258 4 879785703 +403 274 3 879786661 +403 282 5 879786052 +403 284 1 879790389 +403 288 4 879785822 +403 370 3 879790344 +403 405 5 879786747 +403 410 2 879790445 +403 471 5 879785822 +403 476 4 879790468 +403 546 3 879786221 +403 597 2 879786747 +403 685 4 879786662 +403 748 5 879786406 +403 760 1 879790343 +403 845 4 879786052 +403 866 4 879786294 +403 925 4 879790468 +403 1012 1 879786190 +403 1047 2 879786381 +403 1199 2 879790506 +404 22 5 883790911 +404 243 3 883790465 +404 258 4 883790181 +404 259 5 883790491 +404 269 4 883790750 +404 270 4 883790749 +404 272 4 883790181 +404 286 1 883790181 +404 288 3 883790314 +404 289 1 883790492 +404 294 4 883790430 +404 300 4 883790749 +404 301 3 883790286 +404 302 4 883790218 +404 313 5 883790181 +404 327 2 883790366 +404 328 4 883790749 +404 331 3 883790249 +404 332 4 883790749 +404 333 2 883790286 +404 339 1 883790609 +404 342 3 883790750 +404 343 1 883790656 +404 348 3 883790400 +404 678 4 883790400 +404 687 3 883790465 +404 739 4 883790851 +404 748 4 883790430 +404 750 3 883790750 +404 754 3 883790218 +404 876 2 883790286 +404 879 3 883790465 +404 892 2 883790550 +404 901 2 883790585 +404 938 4 883790749 +404 1238 3 883790181 +405 2 1 885547953 +405 4 4 885547314 +405 5 4 885545070 +405 11 4 885545263 +405 22 5 885545167 +405 26 3 885545552 +405 27 1 885546487 +405 28 4 885544947 +405 30 1 885549544 +405 31 1 885548579 +405 32 1 885546025 +405 33 1 885547360 +405 35 2 885549095 +405 36 2 885546859 +405 39 1 885546155 +405 40 2 885547735 +405 41 1 885547735 +405 44 1 885548670 +405 46 1 885546445 +405 47 5 885545429 +405 49 1 885547407 +405 50 5 885544947 +405 51 1 885546577 +405 52 1 885546379 +405 53 2 885548137 +405 54 2 885546379 +405 55 1 885547909 +405 56 4 885544911 +405 57 1 885546577 +405 58 1 885546247 +405 59 1 885549507 +405 62 1 885547996 +405 63 3 885547408 +405 65 1 885546379 +405 66 5 885547268 +405 67 5 885547360 +405 68 1 885547996 +405 69 4 885545111 +405 70 3 885545912 +405 72 3 885547268 +405 73 5 885547313 +405 75 2 885546069 +405 76 3 885545606 +405 77 1 885546248 +405 78 2 885549045 +405 79 5 885544798 +405 82 4 885547952 +405 85 4 885547407 +405 86 1 885546154 +405 87 1 885546112 +405 88 3 885547360 +405 89 1 885547952 +405 90 4 885547447 +405 92 1 885546287 +405 94 5 885547408 +405 95 3 885548785 +405 96 3 885544881 +405 98 4 885544798 +405 99 5 885548785 +405 110 1 885547506 +405 127 5 885545167 +405 132 5 885544698 +405 135 5 885545333 +405 140 3 885548932 +405 141 2 885548877 +405 142 1 885549004 +405 149 1 885549746 +405 161 1 885547997 +405 168 1 885547124 +405 169 1 885549192 +405 170 1 885549506 +405 171 1 885549544 +405 172 5 885545111 +405 174 5 885544739 +405 175 1 885546069 +405 176 1 885547909 +405 177 1 885547996 +405 178 3 885544947 +405 179 1 885546201 +405 181 5 885547909 +405 182 1 885545974 +405 183 1 885547909 +405 184 1 885547952 +405 185 4 885544769 +405 186 5 885547176 +405 187 5 885544739 +405 188 1 885547996 +405 189 1 885549192 +405 190 2 885546201 +405 191 4 885545235 +405 192 5 885545401 +405 194 1 885547176 +405 195 5 885544881 +405 196 1 885546112 +405 197 4 885545167 +405 198 2 885549506 +405 199 1 885546025 +405 200 2 885548330 +405 203 1 885548578 +405 205 3 885546025 +405 206 1 885549589 +405 207 1 885549543 +405 209 3 885547124 +405 210 5 885547124 +405 211 1 885547177 +405 212 1 885546445 +405 213 2 885549309 +405 214 4 885545235 +405 215 5 885545263 +405 216 2 885547124 +405 217 1 885548385 +405 219 5 885548384 +405 226 2 885547953 +405 227 1 885548049 +405 228 1 885547910 +405 229 1 885548048 +405 230 2 885547953 +405 232 4 885547314 +405 233 1 885547952 +405 234 5 885548275 +405 239 3 885546112 +405 241 1 885547909 +405 265 2 885547910 +405 302 4 885544635 +405 303 1 885549904 +405 308 1 885549942 +405 313 4 885544635 +405 318 5 885545167 +405 341 1 885549904 +405 347 4 885544635 +405 350 1 885549903 +405 356 5 885545912 +405 357 5 885544974 +405 361 2 885549942 +405 364 1 885547766 +405 366 3 885545552 +405 371 1 885549309 +405 372 1 885547313 +405 373 2 885548162 +405 374 1 885549094 +405 375 1 885546835 +405 376 5 885547690 +405 378 4 885546379 +405 379 1 885548475 +405 380 2 885545883 +405 381 1 885547222 +405 382 1 885546336 +405 383 1 885547605 +405 385 1 885547910 +405 386 3 885547605 +405 387 1 885546680 +405 388 4 885547558 +405 389 2 885548932 +405 391 1 885548137 +405 392 5 885545487 +405 393 4 885547314 +405 395 3 885547506 +405 396 1 885547408 +405 397 4 885548094 +405 398 1 885548094 +405 399 1 885547408 +405 400 1 885549044 +405 401 1 885547448 +405 403 5 885546445 +405 404 4 885548932 +405 414 1 885547268 +405 415 2 885549005 +405 416 2 885548932 +405 417 2 885548836 +405 418 5 885548836 +405 419 4 885548785 +405 421 1 885549309 +405 422 1 885548836 +405 423 5 885545306 +405 425 2 885546112 +405 426 1 885549192 +405 427 5 885545306 +405 428 1 885547314 +405 429 5 885545200 +405 430 1 885547177 +405 431 3 885547996 +405 432 3 885548785 +405 435 1 885547176 +405 436 1 885548384 +405 437 1 885548435 +405 440 1 885548330 +405 442 1 885548384 +405 443 4 885548330 +405 445 4 885548435 +405 446 1 885548385 +405 449 1 885548093 +405 450 1 885548093 +405 451 5 885547360 +405 452 5 885548434 +405 461 3 885545639 +405 462 2 885549506 +405 463 1 885548836 +405 465 1 885548836 +405 466 1 885548633 +405 467 4 885545200 +405 468 3 885544698 +405 469 1 885546288 +405 470 1 885546247 +405 482 3 885544739 +405 504 2 885548579 +405 509 1 885546112 +405 510 1 885545975 +405 511 2 885546112 +405 512 1 885549589 +405 513 1 885546112 +405 514 1 885547221 +405 515 1 885546025 +405 517 3 885547177 +405 519 2 885546025 +405 520 2 885546025 +405 521 4 885544698 +405 522 1 885545975 +405 523 2 885545975 +405 524 1 885547124 +405 525 1 885548632 +405 526 1 885546154 +405 527 5 885545200 +405 528 1 885546248 +405 530 1 885547953 +405 536 1 885549746 +405 537 1 885546445 +405 540 1 885548163 +405 541 1 885548162 +405 542 1 885549095 +405 543 1 885549407 +405 548 1 885549095 +405 549 1 885546336 +405 550 2 885547909 +405 551 1 885548475 +405 552 1 885548686 +405 554 1 885548049 +405 555 1 885546835 +405 556 1 885546636 +405 557 1 885549650 +405 559 5 885548330 +405 560 1 885549045 +405 562 1 885548137 +405 565 2 885548474 +405 567 2 885548474 +405 568 4 885547910 +405 569 1 885546680 +405 570 1 885546487 +405 571 5 885547605 +405 573 3 885548435 +405 574 1 885546724 +405 575 5 885547557 +405 576 1 885548093 +405 577 3 885547557 +405 578 1 885548093 +405 579 1 885547557 +405 580 1 885547447 +405 581 3 885546530 +405 582 3 885546336 +405 583 1 885546112 +405 584 1 885548785 +405 585 1 885547447 +405 586 4 885548136 +405 588 2 885548785 +405 592 1 885548670 +405 593 1 885549790 +405 603 3 885548578 +405 606 3 885545070 +405 621 1 885548932 +405 622 1 885548877 +405 623 1 885549004 +405 624 4 885548836 +405 625 3 885548836 +405 627 1 885548877 +405 638 1 885549589 +405 639 1 885549635 +405 640 1 885549589 +405 641 1 885546201 +405 643 1 885546336 +405 644 3 885545672 +405 645 1 885546635 +405 646 2 885546202 +405 647 1 885546069 +405 648 1 885547124 +405 649 1 885546445 +405 650 1 885546336 +405 651 5 885545167 +405 652 1 885547360 +405 653 1 885548579 +405 654 2 885548579 +405 655 5 885545401 +405 656 1 885548275 +405 657 1 885548578 +405 658 4 885545516 +405 660 2 885546247 +405 661 3 885546025 +405 663 2 885547221 +405 664 1 885546724 +405 665 1 885548094 +405 667 1 885548275 +405 668 1 885548275 +405 669 1 885548435 +405 670 1 885548384 +405 671 2 885548330 +405 672 1 885548434 +405 673 5 885545235 +405 692 5 885547177 +405 693 2 885546154 +405 695 1 885546287 +405 698 1 885546069 +405 699 2 885546247 +405 700 1 885547645 +405 702 1 885547407 +405 703 2 885546112 +405 704 2 885546577 +405 707 1 885549309 +405 709 1 885547314 +405 710 4 885547268 +405 712 1 885547506 +405 714 1 885546379 +405 716 1 885547408 +405 719 1 885547447 +405 720 1 885546487 +405 721 1 885547360 +405 722 1 885547735 +405 724 1 885546530 +405 725 1 885547691 +405 726 1 885547690 +405 729 4 885545487 +405 730 1 885545975 +405 731 3 885546202 +405 732 5 885545456 +405 733 1 885546248 +405 734 2 885547506 +405 735 5 885545306 +405 737 1 885546487 +405 738 1 885547447 +405 739 2 885549309 +405 746 1 885547176 +405 753 1 885549464 +405 755 2 885548877 +405 757 1 885549095 +405 759 1 885548162 +405 761 1 885548049 +405 765 1 885547735 +405 768 3 885548932 +405 769 1 885548475 +405 771 1 885548162 +405 772 1 885546379 +405 773 1 885548330 +405 775 1 885547735 +405 776 1 885549094 +405 778 1 885546248 +405 779 1 885548137 +405 780 3 885547691 +405 781 5 885547447 +405 785 1 885547407 +405 786 1 885547644 +405 787 3 885545672 +405 788 1 885548275 +405 789 1 885547268 +405 791 1 885547605 +405 792 5 885545552 +405 793 1 885547313 +405 795 2 885547605 +405 796 3 885547447 +405 798 1 885546724 +405 802 1 885548049 +405 806 1 885545974 +405 807 1 885546680 +405 810 1 885548094 +405 812 1 885548877 +405 854 1 885547222 +405 856 1 885546287 +405 860 1 885548435 +405 877 1 885549903 +405 904 1 885549904 +405 920 1 885549746 +405 923 2 885549464 +405 939 5 885545200 +405 940 1 885547605 +405 941 1 885546577 +405 942 1 885546336 +405 946 2 885548836 +405 947 1 885548048 +405 949 5 885545702 +405 953 3 885546487 +405 954 4 885547268 +405 956 2 885546069 +405 957 1 885549464 +405 958 1 885549590 +405 959 1 885547222 +405 964 1 885546154 +405 969 3 885545015 +405 970 1 885546487 +405 971 1 885549464 +405 972 1 885546445 +405 994 1 885549746 +405 996 1 885547268 +405 997 1 885547644 +405 999 1 885547557 +405 1004 1 885546577 +405 1005 1 885549407 +405 1006 1 885546445 +405 1018 1 885549589 +405 1019 1 885549465 +405 1027 1 885548048 +405 1029 1 885547735 +405 1031 1 885549045 +405 1032 1 885549044 +405 1035 1 885548877 +405 1041 5 885547447 +405 1042 1 885548671 +405 1043 1 885547644 +405 1045 3 885546112 +405 1046 2 885548633 +405 1053 5 885545456 +405 1055 3 885546202 +405 1058 1 885546635 +405 1062 1 885549904 +405 1063 5 885548785 +405 1066 1 885549111 +405 1069 1 885546154 +405 1073 1 885548578 +405 1074 3 885546636 +405 1076 2 885549044 +405 1078 1 885549004 +405 1090 1 885548670 +405 1099 1 885549588 +405 1100 1 885546681 +405 1101 3 885546287 +405 1104 1 885549408 +405 1108 1 885546069 +405 1109 1 885548632 +405 1110 1 885547644 +405 1111 1 885547360 +405 1112 2 885546530 +405 1113 1 885546680 +405 1118 1 885547268 +405 1119 3 885545306 +405 1139 1 885546859 +405 1146 2 885546724 +405 1148 1 885546680 +405 1159 1 885549407 +405 1166 1 885546025 +405 1167 1 885547268 +405 1168 1 885546725 +405 1175 1 885549904 +405 1176 3 885549942 +405 1177 1 885547766 +405 1178 1 885547690 +405 1179 1 885547690 +405 1180 1 885547605 +405 1182 1 885547557 +405 1184 1 885547996 +405 1188 3 885547506 +405 1192 1 885545975 +405 1193 1 885549506 +405 1200 1 885548785 +405 1206 1 885546530 +405 1207 1 885548686 +405 1208 1 885546577 +405 1209 3 885547645 +405 1210 1 885548670 +405 1217 3 885548633 +405 1220 3 885546202 +405 1221 1 885546155 +405 1222 1 885548049 +405 1224 1 885546487 +405 1225 1 885547176 +405 1227 3 885546635 +405 1230 1 885547644 +405 1231 1 885548136 +405 1239 1 885548163 +405 1240 1 885549192 +405 1246 1 885547735 +405 1247 1 885546681 +405 1248 1 885548633 +405 1249 1 885547408 +405 1250 1 885547997 +405 1253 1 885548671 +405 1260 1 885546835 +405 1265 2 885549942 +405 1266 1 885549634 +405 1267 1 885546379 +405 1268 1 885546636 +405 1274 1 885548137 +405 1275 1 885548632 +405 1290 2 885546379 +405 1305 1 885547644 +405 1306 1 885546529 +405 1307 1 885546529 +405 1308 1 885546336 +405 1311 1 885546859 +405 1316 1 885549942 +405 1317 1 885549746 +405 1318 1 885549789 +405 1334 1 885549789 +405 1338 1 885549790 +405 1346 1 885549790 +405 1353 1 885549745 +405 1359 1 885549790 +405 1382 1 885549790 +405 1384 1 885549746 +405 1391 1 885549789 +405 1399 1 885549942 +405 1400 1 885545975 +405 1404 1 885547360 +405 1408 1 885549094 +405 1409 1 885549045 +405 1412 1 885549005 +405 1419 2 885548137 +405 1421 1 885546835 +405 1422 1 885548632 +405 1423 1 885546725 +405 1424 1 885546725 +405 1425 1 885547557 +405 1429 1 885549903 +405 1432 1 885549942 +405 1434 1 885549942 +405 1435 1 885547735 +405 1437 1 885547557 +405 1439 1 885546724 +405 1442 1 885546835 +405 1444 2 885549005 +405 1445 1 885546336 +405 1464 1 885546154 +405 1468 1 885546287 +405 1469 1 885548932 +405 1470 2 885549045 +405 1471 1 885548670 +405 1474 1 885547645 +405 1475 1 885547268 +405 1478 1 885546636 +405 1479 1 885547735 +405 1480 2 885549005 +405 1484 1 885547690 +405 1487 1 885546724 +405 1488 1 885546680 +405 1503 1 885548932 +405 1517 1 885547735 +405 1518 2 885546577 +405 1519 2 885546577 +405 1522 1 885548670 +405 1529 1 885549635 +405 1530 1 885546835 +405 1531 1 885549094 +405 1535 1 885549635 +405 1539 1 885546724 +405 1540 2 885548877 +405 1544 1 885549095 +405 1545 2 885546201 +405 1546 1 885549408 +405 1547 2 885546288 +405 1549 1 885548671 +405 1550 3 885547691 +405 1551 1 885546835 +405 1552 1 885546636 +405 1553 1 885548632 +405 1554 4 885546445 +405 1555 1 885549045 +405 1556 1 885549635 +405 1557 1 885547222 +405 1558 1 885549506 +405 1559 1 885546577 +405 1560 1 885549635 +405 1561 1 885546529 +405 1562 1 885549506 +405 1563 1 885549635 +405 1564 1 885546288 +405 1565 1 885549463 +405 1566 1 885546248 +405 1567 1 885547123 +405 1568 1 885547222 +405 1569 1 885549505 +405 1571 1 885549463 +405 1573 1 885549464 +405 1574 1 885546529 +405 1575 1 885549407 +405 1576 1 885549464 +405 1577 1 885549506 +405 1578 1 885549543 +405 1579 1 885549408 +405 1580 1 885549543 +405 1582 1 885548670 +405 1583 1 885549543 +405 1585 1 885546487 +405 1586 1 885549464 +405 1587 1 885546529 +405 1588 1 885549789 +405 1589 1 885549745 +405 1590 1 885549789 +405 1591 1 885549943 +405 1592 1 885549903 +406 3 3 879540228 +406 4 2 880131792 +406 7 4 879445684 +406 9 5 879445735 +406 12 4 879445897 +406 13 2 879539987 +406 14 4 879539855 +406 20 3 879446529 +406 22 3 882480671 +406 23 4 879446529 +406 24 3 879540026 +406 25 1 879540106 +406 26 3 879793235 +406 28 3 882461684 +406 30 4 879793235 +406 40 3 880131875 +406 42 5 879445936 +406 48 5 879792811 +406 50 5 879445897 +406 52 5 879793235 +406 56 5 879792811 +406 57 4 879446062 +406 58 4 879446718 +406 63 3 880131821 +406 64 4 879445430 +406 69 4 879446748 +406 70 3 879793295 +406 71 3 879793081 +406 72 3 880131954 +406 73 2 880131704 +406 79 3 882480481 +406 85 2 880131875 +406 87 3 879445809 +406 88 2 880131608 +406 89 4 879446361 +406 93 4 879445562 +406 95 4 879793081 +406 97 5 879446639 +406 98 4 879446529 +406 99 5 879793081 +406 100 4 879446062 +406 101 3 879793112 +406 117 4 879539824 +406 122 3 879540405 +406 124 4 879446588 +406 125 3 879539987 +406 127 4 879445430 +406 130 3 879540147 +406 131 2 884630617 +406 132 5 879445430 +406 133 5 882461684 +406 135 5 879445684 +406 144 1 879445475 +406 148 3 879540276 +406 150 4 879446748 +406 154 5 879792811 +406 156 5 879446062 +406 157 3 882480865 +406 163 3 880131582 +406 164 5 882480748 +406 168 3 879445642 +406 172 5 879792811 +406 173 2 879446684 +406 174 4 879445809 +406 175 5 879792811 +406 176 5 879445474 +406 179 5 879446718 +406 180 5 879445599 +406 181 5 879445859 +406 183 5 882480567 +406 184 2 879792863 +406 185 5 879792811 +406 186 3 880131741 +406 187 2 879445897 +406 188 4 882480772 +406 190 5 879793210 +406 193 4 879445771 +406 195 5 882480710 +406 197 4 882480710 +406 198 2 879793179 +406 199 5 879445810 +406 202 3 880131704 +406 203 4 882480891 +406 204 5 879446718 +406 205 2 879445642 +406 206 1 879445735 +406 207 2 879446529 +406 208 2 880131582 +406 209 1 880131608 +406 210 5 880131703 +406 211 5 879445936 +406 212 2 879793210 +406 213 2 879793179 +406 215 3 884630523 +406 216 3 880131741 +406 217 4 879792928 +406 219 3 879792897 +406 222 3 879445735 +406 234 4 879792863 +406 235 4 879540330 +406 238 2 879445475 +406 239 3 880131608 +406 240 4 879540078 +406 274 3 879539987 +406 275 3 879446061 +406 276 4 879539824 +406 281 3 879540296 +406 282 3 879539987 +406 285 5 879792811 +406 286 3 879445250 +406 294 3 879445250 +406 317 4 882480772 +406 318 5 879792811 +406 357 4 879446108 +406 367 4 880131929 +406 372 4 880131929 +406 381 3 879793261 +406 382 5 879793295 +406 393 4 880131851 +406 396 3 879792974 +406 404 5 884630554 +406 410 4 879540026 +406 411 4 879540199 +406 414 2 880131704 +406 419 1 882480443 +406 421 4 882480628 +406 425 3 884630617 +406 427 4 879445897 +406 428 5 879446684 +406 429 4 879446062 +406 430 4 879445430 +406 431 3 882480710 +406 432 5 879793081 +406 433 3 880131791 +406 434 5 879446269 +406 435 5 880131642 +406 436 4 879792863 +406 443 4 879792897 +406 444 3 879792928 +406 452 2 879793011 +406 453 2 880132319 +406 461 3 879446269 +406 462 5 879445562 +406 463 5 879793261 +406 466 4 879446228 +406 468 1 879446361 +406 469 4 879446588 +406 472 3 879539884 +406 474 5 884630554 +406 476 4 879540147 +406 479 4 879445771 +406 481 3 879446168 +406 482 5 879446588 +406 483 4 879446062 +406 485 3 879445735 +406 488 4 879445642 +406 490 3 879446228 +406 491 4 884631010 +406 492 4 879445859 +406 496 4 879445378 +406 498 5 879445378 +406 501 5 879793081 +406 502 1 880131642 +406 503 3 884631010 +406 506 4 882480802 +406 507 4 879445735 +406 508 4 879539883 +406 511 5 879792811 +406 513 5 879445378 +406 514 1 879445562 +406 515 2 879445378 +406 517 2 880131550 +406 519 4 879445378 +406 520 4 879445735 +406 521 3 882480511 +406 523 3 879446062 +406 526 5 882480511 +406 527 4 879445599 +406 528 4 879446361 +406 529 2 879446108 +406 531 3 879445475 +406 543 4 884631010 +406 558 3 880132276 +406 559 3 879792974 +406 563 1 879792975 +406 565 3 880132319 +406 569 3 879792974 +406 573 3 880132319 +406 582 4 879793295 +406 588 4 879793081 +406 589 5 879445474 +406 591 3 879446062 +406 596 3 879540078 +406 601 3 882480749 +406 602 3 882480865 +406 604 3 879446361 +406 605 5 882480749 +406 606 3 879445642 +406 607 4 882480511 +406 608 4 884630583 +406 612 5 879446718 +406 624 5 879793112 +406 629 3 880131977 +406 631 5 882461650 +406 632 4 879446168 +406 633 5 882461684 +406 634 4 879446361 +406 639 4 879793295 +406 640 3 879793328 +406 641 5 884630523 +406 642 3 884631033 +406 645 5 880131905 +406 647 5 879792811 +406 651 3 882480595 +406 652 2 879793179 +406 654 4 879445522 +406 657 5 884630493 +406 660 3 882461650 +406 661 5 879446268 +406 662 3 882480481 +406 664 2 884630973 +406 665 3 879792928 +406 670 3 879792928 +406 671 5 879792863 +406 672 2 879792897 +406 674 4 879792897 +406 675 4 879792897 +406 692 3 880131792 +406 693 3 884630583 +406 699 4 884630617 +406 701 5 879446269 +406 702 3 879793295 +406 705 4 879445935 +406 709 5 880131642 +406 712 3 880132091 +406 713 4 879539855 +406 715 4 880131821 +406 724 3 884630973 +406 732 4 880131666 +406 735 3 884630554 +406 737 3 879793376 +406 745 4 880131550 +406 746 3 880131741 +406 756 3 879540387 +406 769 1 879793011 +406 772 4 882480836 +406 787 3 880132047 +406 806 4 879446748 +406 813 4 879539824 +406 823 3 879540147 +406 825 4 879540275 +406 826 3 879540275 +406 831 2 879540249 +406 919 2 879446684 +406 921 4 879793235 +406 923 3 879446108 +406 924 4 879540228 +406 942 4 882480890 +406 945 3 884631010 +406 960 2 879793376 +406 962 4 879445810 +406 971 3 879793328 +406 1008 4 879539909 +406 1010 4 879539929 +406 1021 5 879446718 +406 1047 3 879540358 +406 1065 2 882480567 +406 1073 3 882480671 +406 1079 2 880132048 +406 1101 4 879445771 +406 1109 4 882480865 +406 1118 3 880132091 +406 1126 3 879446588 +406 1147 4 879446228 +406 1153 2 882480836 +406 1170 4 880131851 +406 1197 3 879539884 +406 1202 3 879445684 +406 1220 3 882480802 +406 1267 3 882480710 +407 1 4 876338278 +407 2 4 875553509 +407 4 4 876340144 +407 7 4 893253637 +407 25 3 876339975 +407 28 4 875042826 +407 29 3 876344410 +407 40 1 876338799 +407 45 4 875552352 +407 50 4 875045268 +407 56 5 875042569 +407 62 3 876348318 +407 67 1 876339975 +407 68 4 875045269 +407 69 4 875042569 +407 70 4 884197052 +407 71 3 875046460 +407 73 4 892060474 +407 82 3 876341409 +407 85 4 876339975 +407 88 3 876340144 +407 91 4 875044337 +407 94 4 876345492 +407 95 3 875045190 +407 97 4 875116167 +407 99 4 876338883 +407 100 5 875042905 +407 101 3 876338186 +407 117 3 875550223 +407 118 3 876338309 +407 121 4 876343028 +407 123 3 876342671 +407 131 3 875552400 +407 134 5 875042569 +407 144 3 876338453 +407 147 4 887833034 +407 151 4 876340363 +407 152 4 875043826 +407 153 4 875042569 +407 154 5 875116964 +407 157 2 875046752 +407 159 3 876338453 +407 161 2 876338279 +407 162 4 876339101 +407 163 3 876338691 +407 168 5 875042424 +407 169 5 875042642 +407 172 4 875044037 +407 173 5 875043948 +407 174 5 875042675 +407 175 4 875042865 +407 176 4 875046427 +407 179 3 875046427 +407 180 4 875044597 +407 181 3 875045027 +407 182 4 887833034 +407 184 4 875044473 +407 185 5 875044597 +407 186 4 876348198 +407 189 4 875042268 +407 191 5 876339940 +407 194 4 875115452 +407 195 4 875119886 +407 196 4 876340318 +407 197 4 875553731 +407 200 4 875045685 +407 202 4 876338150 +407 204 3 875116964 +407 205 4 875045371 +407 208 4 887832999 +407 210 4 875044037 +407 211 4 875044400 +407 216 4 875552401 +407 217 4 875044400 +407 218 4 876338946 +407 219 4 876348318 +407 222 4 884197027 +407 227 2 875045190 +407 229 3 876338691 +407 230 4 875045371 +407 231 3 876342031 +407 234 3 875042268 +407 238 5 875042378 +407 244 3 884614753 +407 249 2 884614788 +407 265 3 876344062 +407 269 3 893081121 +407 288 4 890687293 +407 289 3 875115339 +407 290 3 875042865 +407 291 4 876348681 +407 313 4 893076947 +407 316 4 887833034 +407 345 4 884614729 +407 357 4 875042569 +407 371 2 875116964 +407 382 3 876342706 +407 385 4 875045658 +407 388 2 876348849 +407 395 1 876348957 +407 399 3 876342618 +407 400 1 876348583 +407 402 2 876344329 +407 403 4 875045658 +407 405 3 876348318 +407 408 4 875552445 +407 416 3 876348957 +407 418 4 876338910 +407 423 4 876340001 +407 428 3 875553154 +407 432 4 875552685 +407 433 4 875117053 +407 436 3 875045814 +407 443 3 876341493 +407 447 3 876338249 +407 448 4 875553460 +407 455 3 884201774 +407 466 3 876339101 +407 474 3 875042378 +407 476 2 884203501 +407 478 4 875042642 +407 483 4 875042642 +407 484 4 875042378 +407 491 4 875550328 +407 493 3 875552496 +407 498 4 875046427 +407 502 2 876338883 +407 504 3 875043948 +407 510 4 875046752 +407 519 4 875042466 +407 521 3 884201716 +407 525 4 875046427 +407 559 3 875553424 +407 565 3 876348702 +407 568 2 876338730 +407 569 3 876348296 +407 616 3 875553018 +407 629 3 876339975 +407 635 3 876345934 +407 642 2 875045627 +407 648 3 875552647 +407 650 2 875044400 +407 655 4 875044037 +407 659 5 875550174 +407 660 3 876338986 +407 675 3 876349153 +407 684 3 875045268 +407 705 4 875116117 +407 708 3 876344712 +407 712 2 876340043 +407 732 4 876341443 +407 737 4 875117053 +407 739 3 876344062 +407 746 4 875046268 +407 747 3 876339940 +407 755 3 875553509 +407 785 3 876341444 +407 796 2 876338663 +407 844 2 884196984 +407 859 3 876348639 +407 869 3 875548522 +407 879 3 878597296 +407 930 2 876348901 +407 949 3 875045685 +407 969 4 884201736 +407 972 3 876340120 +407 993 4 884203128 +407 1012 3 875548480 +407 1028 3 876348832 +407 1041 3 876345492 +407 1044 3 876348639 +407 1118 4 876340043 +407 1160 1 890687550 +407 1188 2 876345492 +407 1230 2 876342822 +407 1263 2 876344668 +408 242 4 889679947 +408 258 3 889679857 +408 272 4 889679683 +408 286 3 889679683 +408 288 4 889679791 +408 300 3 889679857 +408 302 5 889679683 +408 310 4 889679761 +408 312 3 889680073 +408 315 5 889679715 +408 319 5 889679947 +408 327 5 889679982 +408 334 2 889679901 +408 347 3 889679761 +408 358 4 889680045 +408 539 1 889680018 +408 683 3 889679982 +408 689 3 889680045 +408 748 5 889680073 +408 751 4 889679982 +409 6 4 881109306 +409 8 3 881108777 +409 9 4 881107992 +409 12 4 881107056 +409 14 5 881107992 +409 22 2 881108077 +409 28 2 881107943 +409 30 4 881108881 +409 45 4 881168603 +409 48 2 881108455 +409 50 5 881107281 +409 58 4 881108170 +409 59 5 881108455 +409 60 5 881108715 +409 61 4 881109420 +409 65 4 881108777 +409 79 4 881108246 +409 83 3 881108971 +409 87 3 881108777 +409 89 5 881107539 +409 97 5 881109216 +409 98 5 881107817 +409 99 3 881107750 +409 100 5 881107992 +409 115 2 881108777 +409 116 4 881107117 +409 127 4 881106605 +409 133 4 881108455 +409 134 5 881106734 +409 135 5 881107860 +409 136 4 881107992 +409 153 4 881168603 +409 154 5 881108648 +409 156 2 881108715 +409 162 4 881109264 +409 165 4 881107410 +409 166 4 881107992 +409 168 5 881107410 +409 170 4 881107084 +409 171 4 881107084 +409 172 5 881107750 +409 173 3 881108246 +409 174 4 881108881 +409 175 4 881107251 +409 178 5 881107817 +409 180 5 881107155 +409 181 4 881109019 +409 187 3 881108126 +409 191 5 881107817 +409 197 3 881109215 +409 199 4 881107117 +409 200 2 881109175 +409 201 1 881109019 +409 202 3 881109347 +409 203 5 881107539 +409 204 5 881108496 +409 206 4 881109264 +409 207 3 881108715 +409 210 4 881109175 +409 211 4 881108829 +409 213 4 881107750 +409 214 4 881109216 +409 223 4 881107539 +409 264 1 881105366 +409 270 2 881104916 +409 276 4 881108455 +409 283 4 881109264 +409 288 1 881104647 +409 289 1 881105077 +409 318 4 881107943 +409 321 2 881104837 +409 322 2 881105077 +409 325 4 881105077 +409 326 3 881105077 +409 338 3 881104916 +409 339 2 881105677 +409 357 5 881107410 +409 381 2 881108364 +409 382 4 881108170 +409 427 5 881107251 +409 428 4 881109175 +409 429 5 881107817 +409 433 4 881108170 +409 435 3 881107310 +409 461 3 881108364 +409 466 4 881107666 +409 474 5 881107351 +409 475 4 881107750 +409 478 4 881107155 +409 479 5 881106947 +409 480 5 881107056 +409 481 3 881107602 +409 482 4 881168712 +409 483 4 881107602 +409 484 4 881107310 +409 485 2 881107155 +409 489 5 881107817 +409 491 2 881109019 +409 496 5 881107817 +409 497 3 881168631 +409 499 3 881168631 +409 505 5 881107943 +409 511 5 881107943 +409 514 5 881107310 +409 516 4 881109347 +409 518 1 881109347 +409 520 2 881107943 +409 526 3 881107117 +409 527 4 881109175 +409 529 5 881109019 +409 538 3 881104756 +409 603 5 881107351 +409 604 4 881108364 +409 609 3 881108829 +409 615 5 881107084 +409 618 4 881107011 +409 631 3 881108077 +409 632 3 881107902 +409 633 4 881108126 +409 654 3 881107697 +409 657 3 881108126 +409 659 5 881107410 +409 663 4 881107251 +409 664 4 881108648 +409 676 2 881108777 +409 680 1 881105677 +409 684 4 881109420 +409 705 2 881109175 +409 709 4 881108496 +409 714 3 881108170 +409 749 3 881105367 +409 854 4 881108648 +409 855 4 881108246 +409 876 2 881105677 +409 877 2 881105366 +409 879 1 881105366 +409 890 1 881105677 +409 923 5 881107410 +409 937 2 881104966 +409 965 2 881108777 +409 995 4 881105366 +409 1020 5 881107410 +409 1021 4 881168603 +409 1050 4 881109420 +409 1065 2 881109264 +409 1070 4 881107410 +409 1097 2 881108829 +409 1159 2 881109019 +409 1176 4 881104838 +409 1194 5 881107750 +409 1242 2 881106087 +409 1295 1 881105367 +409 1328 2 881106287 +409 1346 3 881168711 +409 1379 3 881106451 +409 1392 1 881105367 +409 1393 1 881105367 +409 1512 5 881106947 +409 1524 4 881107666 +409 1537 4 881106605 +409 1541 4 881107992 +409 1593 4 881108971 +410 258 2 888626538 +410 269 5 888627137 +410 272 4 888627138 +410 286 4 888627138 +410 289 1 888626819 +410 300 3 888626538 +410 303 3 888626583 +410 312 2 888626881 +410 313 5 888627137 +410 315 4 888627138 +410 323 3 888626990 +410 328 3 888626786 +410 340 2 888626506 +410 347 1 888626538 +410 352 3 888626682 +410 354 3 888626481 +410 538 3 888626710 +410 689 2 888626881 +410 748 2 888626857 +410 754 3 888626710 +410 882 3 888626612 +410 886 2 888627018 +410 898 3 888627138 +411 1 4 892845604 +411 8 3 891035761 +411 9 4 891035827 +411 22 4 891035239 +411 28 4 892845986 +411 38 4 891035405 +411 50 5 892845604 +411 79 4 892845634 +411 88 3 891035761 +411 89 3 891035761 +411 161 2 891035761 +411 168 5 892845604 +411 172 5 892845604 +411 174 4 892845634 +411 181 5 892845605 +411 182 3 891035278 +411 186 5 892845605 +411 194 5 892845605 +411 195 3 891035239 +411 196 4 892845804 +411 202 4 891035663 +411 209 4 891035550 +411 227 3 891035362 +411 238 3 891035525 +411 258 4 892845634 +411 265 5 892845604 +411 276 3 892845575 +411 304 3 891034982 +411 405 4 891035152 +411 449 3 891035405 +411 451 4 892845634 +411 485 4 892845986 +411 527 4 892845926 +411 566 4 892845634 +411 568 4 892845634 +411 603 5 892845986 +411 651 4 891035278 +411 655 4 891035639 +411 709 5 892845604 +411 720 3 891035761 +411 732 4 892845634 +411 770 4 892845634 +411 1470 3 892845746 +412 1 4 879716962 +412 4 3 879717253 +412 7 5 879717505 +412 24 3 879717177 +412 28 4 879716962 +412 56 5 879717071 +412 64 4 879717505 +412 70 4 879717449 +412 92 3 879717449 +412 96 5 879717286 +412 114 4 879716874 +412 117 4 879717177 +412 135 4 879717621 +412 154 3 879717071 +412 169 4 879717038 +412 172 5 879717449 +412 173 5 879717649 +412 174 5 879716918 +412 175 4 879717286 +412 193 4 879717549 +412 195 4 879717621 +412 202 3 879717016 +412 206 2 879717649 +412 208 4 879717621 +412 214 3 879717253 +412 218 3 879717147 +412 276 5 879717572 +412 288 4 879716566 +412 318 5 879716918 +412 340 4 879716637 +412 357 4 879717548 +412 408 4 879717016 +412 427 4 879717016 +412 431 4 879717549 +412 436 4 879717649 +412 480 4 879717147 +412 487 3 879717118 +412 508 4 879716962 +412 526 4 879717572 +412 634 5 879716918 +412 684 4 879717313 +412 724 4 879717095 +412 939 4 879717253 +412 969 3 879716961 +413 7 3 879969614 +413 9 4 879969591 +413 15 4 879969709 +413 25 3 879969791 +413 100 4 879969535 +413 124 5 879969734 +413 147 2 879969860 +413 181 5 879969591 +413 222 4 879969709 +413 236 4 879969557 +413 237 4 879969755 +413 245 2 879969027 +413 250 3 879969674 +413 255 3 879969791 +413 257 4 879969592 +413 260 1 879969148 +413 269 4 879968793 +413 270 4 879969027 +413 271 4 879969027 +413 273 2 879969484 +413 275 5 879969557 +413 276 4 879969674 +413 283 5 879969484 +413 284 4 879969709 +413 286 5 879968793 +413 289 4 879969027 +413 297 5 879969484 +413 300 4 879968959 +413 301 3 879968794 +413 302 2 879968794 +413 306 4 879968793 +413 307 2 879968794 +413 321 3 879969259 +413 326 3 879969027 +413 327 3 879968933 +413 333 2 879968933 +413 460 3 879969536 +413 508 4 879969484 +413 515 5 879969591 +413 628 4 879969791 +413 877 3 879969100 +414 11 5 884999347 +414 100 5 884999439 +414 258 5 884998953 +414 260 3 884999193 +414 264 3 884998993 +414 270 5 884998972 +414 272 5 884998953 +414 288 5 884999066 +414 294 2 884999128 +414 300 4 884999066 +414 301 3 884999128 +414 310 4 884998993 +414 313 4 884998953 +414 324 4 884999127 +414 340 4 884999066 +414 346 5 884999037 +414 433 5 884999394 +414 678 1 884999066 +414 690 4 884999347 +414 748 3 884999147 +414 886 4 884999286 +414 895 4 884999170 +415 56 5 879439865 +415 136 5 879439684 +415 154 4 879439865 +415 174 5 879439864 +415 180 5 879439791 +415 195 5 879439685 +415 204 4 879439865 +415 243 1 879439386 +415 258 4 879439135 +415 269 4 879439108 +415 323 2 879439205 +415 328 5 879439135 +415 479 4 879439610 +415 480 5 879439960 +415 483 5 879439791 +415 641 3 879439960 +415 684 3 879439610 +415 754 4 879439311 +415 1524 5 879439791 +416 1 5 893212483 +416 4 4 876699903 +416 7 4 876697205 +416 9 5 893212572 +416 10 3 876698364 +416 11 4 876699238 +416 12 5 893212572 +416 13 5 893212623 +416 14 4 876697017 +416 15 4 876697017 +416 17 2 886318084 +416 21 3 876697415 +416 22 5 893212623 +416 24 5 893212730 +416 25 4 876697243 +416 29 2 886318228 +416 32 2 888702297 +416 36 2 878879809 +416 38 3 886318228 +416 41 3 886319177 +416 43 1 886318186 +416 49 4 893142283 +416 50 5 893212730 +416 51 5 893212895 +416 53 2 876699946 +416 54 5 893212929 +416 55 2 876699102 +416 56 5 893212929 +416 58 5 893212929 +416 64 5 893212929 +416 67 4 886318740 +416 69 4 876699027 +416 70 5 893213019 +416 71 4 876699994 +416 72 2 886318707 +416 73 3 876699994 +416 77 4 893142480 +416 78 2 886319785 +416 79 5 893213405 +416 80 2 886317825 +416 81 5 893213405 +416 82 5 893213444 +416 83 5 893213444 +416 85 3 893210246 +416 87 5 893212484 +416 88 3 886316140 +416 90 4 876699102 +416 92 3 878880244 +416 93 4 876697105 +416 94 2 886318546 +416 95 3 878879688 +416 96 4 893142245 +416 98 5 893213644 +416 100 5 893212895 +416 103 3 886320119 +416 105 2 876698430 +416 106 3 876697913 +416 107 5 893212929 +416 111 4 876697592 +416 117 5 893212930 +416 118 2 876697479 +416 121 5 893213645 +416 122 3 886315885 +416 123 4 876697205 +416 124 4 876697017 +416 125 5 893213796 +416 126 5 893213103 +416 127 5 893213796 +416 134 4 878879619 +416 140 4 886317030 +416 142 4 886319340 +416 143 5 893213918 +416 144 5 893212730 +416 147 5 893212730 +416 148 5 893212730 +416 150 5 893214041 +416 151 3 876697105 +416 153 4 886317272 +416 155 5 893212895 +416 156 5 893212895 +416 158 3 886319235 +416 161 4 886316739 +416 164 5 893214041 +416 168 5 893212929 +416 173 5 893214127 +416 174 5 893213917 +416 176 4 876699652 +416 178 5 893213918 +416 179 2 876699578 +416 184 4 876699758 +416 185 4 876699101 +416 194 5 893214041 +416 195 5 893214128 +416 196 5 893214128 +416 197 5 893213103 +416 199 5 893214225 +416 202 4 876699334 +416 203 3 886316596 +416 204 5 893213404 +416 209 5 893214332 +416 210 5 893213918 +416 213 5 893213443 +416 217 4 886317880 +416 218 3 876699488 +416 219 4 876699946 +416 220 4 878879168 +416 223 5 893212572 +416 225 1 876697330 +416 226 4 886317030 +416 230 4 886316797 +416 231 3 878880244 +416 232 5 893213549 +416 234 5 893213644 +416 235 2 885115041 +416 237 3 876697330 +416 238 4 876699179 +416 240 1 886315446 +416 241 5 893213796 +416 242 4 888819254 +416 245 2 876696788 +416 246 4 876697205 +416 248 5 893213103 +416 249 3 876697558 +416 250 4 876697074 +416 251 5 893213405 +416 254 2 878879391 +416 255 5 893214041 +416 257 3 876697205 +416 258 5 893213549 +416 259 2 885114559 +416 264 3 876696938 +416 265 5 893213796 +416 266 3 876696853 +416 268 4 876696643 +416 269 4 876696643 +416 272 5 893214332 +416 273 4 876697415 +416 274 4 893142100 +416 275 5 893212484 +416 276 3 876697243 +416 277 5 893212572 +416 278 3 876698280 +416 282 5 893213796 +416 283 5 893213796 +416 284 4 893142144 +416 286 5 893212929 +416 287 4 878879237 +416 288 5 893213796 +416 289 3 876696788 +416 291 4 878879275 +416 293 5 893213019 +416 294 4 876696739 +416 297 4 876697448 +416 298 4 876697387 +416 300 4 876696823 +416 301 5 893213796 +416 302 5 893214127 +416 303 4 876696643 +416 304 5 893214225 +416 305 3 878877919 +416 307 1 889907392 +416 310 5 893214225 +416 311 3 886314877 +416 312 3 885114480 +416 313 5 893214226 +416 316 3 888700030 +416 317 5 893213444 +416 323 3 876696739 +416 326 5 893214041 +416 327 4 876696853 +416 328 5 893213644 +416 329 3 886314592 +416 330 3 885114446 +416 331 4 890021365 +416 332 4 876696823 +416 338 3 880159023 +416 339 5 893214225 +416 345 5 893214332 +416 346 4 886314592 +416 347 4 893214333 +416 348 3 886314660 +416 353 2 886314834 +416 354 4 893214333 +416 356 5 893213019 +416 357 5 893213645 +416 364 2 886319855 +416 366 4 886318128 +416 367 5 893212572 +416 375 1 886319930 +416 385 5 893213103 +416 387 3 886319288 +416 388 2 886320177 +416 392 5 893213444 +416 393 4 886316118 +416 396 2 886318587 +416 399 4 878879497 +416 402 5 893212623 +416 403 5 893212730 +416 404 3 886316190 +416 405 5 893213645 +416 415 4 886319408 +416 416 4 886319038 +416 417 3 886317568 +416 419 4 892441448 +416 420 3 886318155 +416 421 5 893214041 +416 423 4 878880195 +416 427 5 893213019 +416 432 2 878879861 +416 433 4 886316226 +416 443 5 893213549 +416 447 4 876699027 +416 448 3 886316797 +416 451 5 893212623 +416 452 3 886319106 +416 462 5 893212895 +416 468 5 893213549 +416 469 4 893141989 +416 470 4 878880154 +416 473 2 876697387 +416 475 2 876697074 +416 477 4 892441480 +416 479 5 893213917 +416 480 5 893213918 +416 491 4 886316596 +416 496 5 893212572 +416 498 4 876699287 +416 501 5 893213918 +416 506 5 893214041 +416 510 4 876698853 +416 515 5 893214041 +416 520 5 893214225 +416 526 5 893214226 +416 531 5 893212572 +416 532 3 888700659 +416 535 4 876697847 +416 538 4 885114408 +416 542 1 886317599 +416 544 2 888700566 +416 546 3 876697807 +416 549 4 886316922 +416 550 4 886317599 +416 554 3 886318394 +416 559 3 886317272 +416 560 3 886319079 +416 564 4 892440782 +416 568 4 878879861 +416 571 3 886318860 +416 576 5 893213103 +416 578 4 886318546 +416 585 1 886318085 +416 588 5 893213644 +416 591 5 893212895 +416 597 3 876698178 +416 603 5 893212484 +416 607 5 893212622 +416 614 5 893212572 +416 620 4 878879237 +416 624 3 886317237 +416 625 5 893212623 +416 627 5 893213918 +416 628 4 876697283 +416 631 3 886316295 +416 633 4 876699757 +416 652 4 876699526 +416 655 5 893213103 +416 657 5 893214225 +416 658 5 893214226 +416 659 5 893213404 +416 660 5 893213404 +416 662 4 876699994 +416 678 2 876696788 +416 680 3 876696938 +416 682 3 877902163 +416 684 5 893213405 +416 685 3 876697955 +416 689 4 885114578 +416 690 5 893214127 +416 692 5 893212484 +416 696 3 876697524 +416 708 4 889907392 +416 710 4 893142441 +416 712 4 886318795 +416 720 4 886318128 +416 721 3 886317540 +416 723 4 886318827 +416 724 4 886316409 +416 727 5 893212730 +416 732 5 893213404 +416 734 3 886319434 +416 738 2 886319825 +416 739 5 893212896 +416 742 4 876697524 +416 746 5 893213444 +416 747 5 893212929 +416 748 4 876696687 +416 750 5 893214128 +416 761 4 886318708 +416 762 3 876697524 +416 763 5 893212623 +416 765 4 886319522 +416 768 3 893210187 +416 770 4 878880154 +416 775 4 893142245 +416 778 3 886316835 +416 783 3 886318768 +416 785 3 888703399 +416 790 4 886318270 +416 791 2 886319550 +416 795 2 892440060 +416 803 3 886319177 +416 812 4 893212623 +416 819 3 888700844 +416 821 4 886317146 +416 824 2 876697592 +416 827 4 878879350 +416 833 3 888700719 +416 842 4 886317350 +416 845 4 876697361 +416 846 3 878878779 +416 864 3 888700529 +416 865 3 886316477 +416 866 4 878879130 +416 869 3 892439992 +416 874 1 876696853 +416 875 2 876696938 +416 879 3 892439224 +416 895 4 885114446 +416 898 4 885114374 +416 915 5 893212483 +416 916 3 893141069 +416 917 4 893214332 +416 918 4 893214332 +416 924 5 893212623 +416 926 2 886315298 +416 928 3 878879391 +416 929 4 876698255 +416 930 3 878878814 +416 931 3 886315822 +416 934 2 876698178 +416 936 5 893214127 +416 937 2 876696823 +416 938 3 892439155 +416 941 3 876699946 +416 942 4 893214333 +416 959 5 893213404 +416 966 5 893212483 +416 972 4 891476265 +416 975 2 878879391 +416 980 4 886314987 +416 985 3 876697165 +416 997 3 876699526 +416 1007 5 893213918 +416 1011 4 885114897 +416 1012 4 876697205 +416 1014 3 876697847 +416 1016 5 893213444 +416 1035 3 892441480 +416 1037 2 892440156 +416 1041 3 886319408 +416 1048 3 876698255 +416 1051 3 886319079 +416 1074 5 893213103 +416 1077 1 886317030 +416 1089 2 876697695 +416 1091 3 892441516 +416 1092 3 886320054 +416 1098 3 886316271 +416 1119 5 893214225 +416 1132 2 876697913 +416 1133 4 893142244 +416 1136 4 886318186 +416 1139 3 886318768 +416 1147 4 888702100 +416 1152 4 876697105 +416 1160 4 876697760 +416 1168 4 886318953 +416 1188 3 886318953 +416 1189 5 893213917 +416 1217 4 886319366 +416 1220 3 886318155 +416 1221 5 893213103 +416 1226 3 893013826 +416 1229 2 893210527 +416 1286 5 893213549 +416 1300 3 886315494 +416 1336 1 878879350 +416 1337 1 876698083 +416 1400 4 886317029 +416 1407 2 886320112 +416 1426 5 893212572 +416 1478 2 886319906 +416 1483 4 893214333 +416 1495 3 886318707 +416 1503 4 888702629 +416 1516 5 893213549 +416 1517 2 886320054 +416 1521 3 892440206 +416 1540 4 893142245 +416 1594 5 893212484 +417 1 4 879646413 +417 3 4 879646344 +417 4 3 879648360 +417 7 3 879646260 +417 11 5 879646938 +417 12 4 879647275 +417 13 2 879646591 +417 15 5 879646166 +417 16 3 879646692 +417 17 4 879648183 +417 20 2 880949408 +417 23 3 879647118 +417 24 3 879646531 +417 25 2 879646413 +417 27 3 879648594 +417 29 2 880952218 +417 32 2 879647924 +417 39 3 879648212 +417 40 3 879649199 +417 42 4 879647498 +417 47 3 879648004 +417 49 3 880951737 +417 50 3 879646123 +417 56 5 879647519 +417 58 3 879647140 +417 62 3 879648939 +417 64 5 879647326 +417 65 4 879647011 +417 66 3 879648026 +417 67 4 880952837 +417 68 3 879647275 +417 69 3 879647471 +417 70 4 879647749 +417 72 4 879649107 +417 73 3 879648343 +417 77 3 879649304 +417 81 5 879647196 +417 83 5 879648132 +417 89 5 879647604 +417 90 3 879649107 +417 91 2 879647800 +417 94 3 879649177 +417 96 3 879646915 +417 97 4 879647326 +417 98 5 879647040 +417 99 4 879647498 +417 101 3 879649001 +417 102 3 879648656 +417 111 3 879647768 +417 117 4 879646484 +417 118 4 879646548 +417 120 2 880949763 +417 121 3 879646591 +417 123 2 879646500 +417 125 5 879646369 +417 127 4 879646144 +417 131 4 879647254 +417 132 4 879647850 +417 134 4 879647196 +417 135 3 879647826 +417 139 3 879648707 +417 141 3 879648510 +417 144 3 879647232 +417 145 3 879648979 +417 147 4 879646225 +417 151 5 879646463 +417 153 5 879647580 +417 154 4 879647561 +417 156 3 879647380 +417 157 4 879647966 +417 158 2 879649389 +417 159 4 879648656 +417 161 3 879647519 +417 162 3 880951886 +417 163 4 879647604 +417 167 3 880952355 +417 169 3 879647498 +417 171 3 879647800 +417 172 3 879647519 +417 173 5 879647519 +417 174 3 879647498 +417 176 5 879646891 +417 178 3 879646965 +417 180 5 879647604 +417 181 3 879646286 +417 182 4 879646938 +417 183 4 879647298 +417 184 4 879647749 +417 185 3 879647708 +417 186 5 879647118 +417 188 4 879647232 +417 191 5 879647498 +417 195 5 879647380 +417 196 5 879647090 +417 198 4 879647924 +417 200 4 879647708 +417 201 4 879648478 +417 203 4 879646915 +417 206 2 879648778 +417 207 4 879647580 +417 208 3 879648026 +417 209 4 879647299 +417 210 3 879647749 +417 211 4 880949907 +417 212 1 879647800 +417 214 5 879647254 +417 217 4 879648594 +417 218 3 879648184 +417 222 3 879646388 +417 226 3 879648096 +417 228 3 879646915 +417 230 3 879647850 +417 231 4 879648798 +417 235 2 879646413 +417 238 4 879647768 +417 242 3 879645999 +417 245 4 879649779 +417 246 4 879646225 +417 248 4 879646286 +417 250 4 879646463 +417 252 3 879646530 +417 255 3 879646327 +417 264 2 879649763 +417 265 3 879648026 +417 268 4 879649657 +417 270 2 879646036 +417 273 3 879646286 +417 286 5 879646286 +417 288 3 879647749 +417 293 4 879646123 +417 298 3 879646327 +417 302 3 879645999 +417 322 3 886186468 +417 323 3 879646820 +417 324 1 879646463 +417 325 2 880949231 +417 326 4 879649669 +417 340 3 880949136 +417 343 2 886186253 +417 358 2 879649763 +417 365 4 879648860 +417 367 2 879648898 +417 380 3 879648860 +417 382 2 880949941 +417 384 4 879649284 +417 385 5 879648184 +417 386 3 879648382 +417 388 3 879649178 +417 391 2 879649519 +417 392 3 880950280 +417 395 4 879649199 +417 396 2 879649560 +417 402 4 879648656 +417 403 4 879649224 +417 404 3 879647947 +417 405 3 879646531 +417 411 2 879649001 +417 418 4 879647471 +417 419 4 879646986 +417 420 4 879648452 +417 421 4 879647561 +417 422 3 879648212 +417 423 4 879647118 +417 425 4 879648132 +417 428 3 879647966 +417 431 4 879647431 +417 436 3 879648478 +417 441 3 879648611 +417 449 3 880952674 +417 450 2 880953014 +417 461 3 879647140 +417 472 2 879646369 +417 473 2 879646860 +417 474 4 879647118 +417 475 4 879646437 +417 483 5 879647355 +417 484 4 879647380 +417 485 3 880949880 +417 496 3 879647040 +417 506 4 879647471 +417 508 3 879646123 +417 513 5 879647580 +417 515 4 879646225 +417 518 5 879647604 +417 537 4 880949849 +417 541 2 879649389 +417 544 3 879646661 +417 545 1 880953033 +417 549 3 879647924 +417 550 3 879649178 +417 551 3 879649224 +417 552 2 880952066 +417 555 1 879649389 +417 561 3 879648707 +417 562 4 879648955 +417 563 2 879649560 +417 568 2 879648155 +417 576 3 879649410 +417 578 3 879649610 +417 579 2 879649467 +417 588 3 879647540 +417 596 3 879646244 +417 597 3 879646413 +417 614 3 879648156 +417 616 2 879648048 +417 625 4 879649064 +417 628 3 879646413 +417 631 3 879647826 +417 636 3 879648435 +417 638 4 879648078 +417 642 5 879647947 +417 651 4 879648212 +417 655 4 879647900 +417 658 2 879647947 +417 663 3 879647040 +417 665 2 880952400 +417 669 2 880953014 +417 674 2 879649560 +417 679 2 879649044 +417 684 3 879647380 +417 685 1 879646570 +417 692 4 879648132 +417 708 2 879648798 +417 709 3 879647355 +417 710 4 879647826 +417 713 2 879646052 +417 715 2 879648656 +417 723 5 879648938 +417 725 4 880952970 +417 727 5 879648325 +417 728 3 879648881 +417 732 4 879647825 +417 742 2 879646531 +417 743 2 880953053 +417 746 5 879648048 +417 747 3 879648325 +417 748 4 879646785 +417 758 2 879649247 +417 762 3 879646712 +417 764 3 879646677 +417 765 3 879649632 +417 769 1 880953071 +417 771 3 879649368 +417 774 4 879648707 +417 778 4 879648742 +417 779 2 879649577 +417 780 4 880952880 +417 781 3 880951559 +417 792 4 879648079 +417 797 3 880952656 +417 800 2 879649467 +417 815 4 879646741 +417 818 2 886186925 +417 823 2 879646860 +417 825 4 879646463 +417 855 2 879647450 +417 871 2 886187012 +417 923 3 879647065 +417 928 3 879646821 +417 940 2 879649337 +417 943 3 879648761 +417 944 4 880952141 +417 963 4 879647431 +417 979 3 879646437 +417 993 3 879646800 +417 999 3 880952434 +417 1000 4 879648403 +417 1014 4 879646785 +417 1018 3 879649247 +417 1023 4 880949479 +417 1028 3 879646785 +417 1036 3 879649484 +417 1039 3 879647196 +417 1041 3 879648478 +417 1044 3 879648939 +417 1047 4 879646388 +417 1057 2 880949763 +417 1095 3 879649322 +417 1119 3 879648382 +417 1135 4 880951717 +417 1139 3 879649448 +417 1157 4 880952616 +417 1182 3 879648798 +417 1183 4 879648676 +417 1207 3 880952970 +417 1209 3 879649368 +417 1210 2 879649044 +417 1215 2 879646712 +417 1228 2 879649304 +417 1230 2 880953088 +417 1232 2 879649369 +417 1247 3 880953033 +417 1411 3 880952418 +417 1446 3 879648824 +417 1550 3 879648707 +418 258 5 891282551 +418 269 5 891282765 +418 288 5 891282836 +418 300 3 891282656 +418 301 2 891282738 +418 302 2 891282551 +418 304 4 891282738 +418 313 3 891282680 +418 315 2 891282521 +418 331 3 891282521 +418 344 1 891282521 +418 362 1 891282765 +418 899 5 891282706 +418 1313 2 891282813 +419 1 4 879435590 +419 14 5 879435828 +419 28 3 879435663 +419 69 4 879435628 +419 89 3 879435722 +419 134 5 879435722 +419 173 5 879435628 +419 174 5 879435628 +419 181 4 879435807 +419 191 4 879435590 +419 197 5 879435749 +419 212 1 879435749 +419 223 4 879435785 +419 257 4 879435503 +419 269 4 879435190 +419 275 5 879435520 +419 286 4 879435190 +419 300 4 879435347 +419 306 5 879435242 +419 478 5 879435785 +419 488 5 879435722 +419 494 3 879435749 +419 514 4 879435785 +419 617 4 879435628 +419 705 5 879435663 +419 1451 4 879435722 +420 19 3 891356927 +420 100 5 891357104 +420 116 4 891357162 +420 124 5 891356891 +420 127 5 891357104 +420 137 4 891357104 +420 173 3 891356864 +420 179 5 891356864 +420 190 5 891356864 +420 251 5 891357070 +420 275 5 891357071 +420 283 5 891357162 +420 285 5 891356891 +420 286 4 891356790 +420 288 3 891357271 +420 302 4 891356790 +420 319 4 891357188 +420 331 3 891357271 +420 408 4 891356927 +420 475 4 891357162 +420 493 3 891356864 +420 508 3 891357162 +420 547 4 891357104 +420 690 5 891357271 +420 753 5 891356864 +420 855 5 891357021 +420 1347 3 891356927 +421 4 3 892241624 +421 7 3 892241646 +421 11 2 892241624 +421 12 5 892241458 +421 56 5 892241421 +421 79 4 892241459 +421 87 4 892241736 +421 89 5 892241362 +421 96 4 892241343 +421 98 5 892241458 +421 100 4 892241422 +421 117 5 892241624 +421 124 4 892241344 +421 156 5 892241458 +421 164 4 892241687 +421 172 5 892241707 +421 173 1 892241319 +421 174 5 892241362 +421 175 2 892241576 +421 176 5 892241422 +421 182 5 892241624 +421 185 4 892241422 +421 194 4 892241554 +421 197 3 892241491 +421 200 3 892241687 +421 208 2 892241554 +421 213 3 892241491 +421 218 4 892241687 +421 234 5 892241646 +421 238 5 892241576 +421 269 3 892241210 +421 302 4 892241236 +421 331 2 892241236 +421 333 4 892241236 +421 423 2 892241707 +421 427 4 892241735 +421 443 5 892241459 +421 448 3 892241687 +421 466 4 892241459 +421 474 4 892241389 +421 498 4 892241344 +421 509 2 892241532 +421 516 5 892241554 +421 517 2 892241491 +421 525 4 892241422 +421 657 4 892241422 +421 672 3 892241687 +421 674 5 892241687 +421 709 4 892241389 +421 879 4 892241274 +421 914 3 892241236 +421 915 4 892241252 +422 1 3 875130063 +422 7 3 875129882 +422 15 3 875129882 +422 50 4 875129911 +422 53 4 879744183 +422 93 4 875129882 +422 98 5 879744014 +422 100 4 875129791 +422 109 2 875130204 +422 117 2 875129975 +422 124 3 875129839 +422 126 4 875129911 +422 127 4 875129839 +422 181 4 875129839 +422 184 4 879744085 +422 185 4 879744015 +422 200 5 879744015 +422 201 4 879744014 +422 217 3 879744143 +422 218 4 879744086 +422 222 4 875130137 +422 234 4 879744015 +422 235 2 875130173 +422 237 4 875130230 +422 248 3 875130100 +422 250 5 875130100 +422 257 4 875129839 +422 258 4 875129523 +422 267 4 875655986 +422 270 3 878058917 +422 271 3 879743635 +422 273 5 875129791 +422 276 5 875129791 +422 288 3 875129640 +422 293 3 875130027 +422 295 3 875130063 +422 302 3 877162650 +422 307 4 879743925 +422 323 3 875129668 +422 324 5 875129523 +422 325 2 875129692 +422 327 3 875129603 +422 333 4 875655986 +422 334 4 877162682 +422 339 2 879743848 +422 358 2 875129640 +422 370 2 879744287 +422 379 2 879744218 +422 410 5 875130230 +422 436 3 879744085 +422 441 4 879744183 +422 448 4 879744085 +422 458 3 875130173 +422 477 4 875130027 +422 515 4 875129882 +422 551 2 879744218 +422 558 4 879744085 +422 559 3 879744085 +422 563 3 879744219 +422 567 3 879744218 +422 590 2 879743948 +422 665 5 879744143 +422 670 2 879744143 +422 671 4 879744143 +422 682 2 879743787 +422 717 3 875130173 +422 742 2 875130204 +422 760 3 879744287 +422 773 3 879744183 +422 854 4 879744014 +422 859 3 879744218 +422 867 3 878059137 +422 919 5 875130027 +422 922 4 875130173 +422 926 2 875130100 +422 1007 4 875129839 +422 1017 4 875130063 +422 1187 4 875130137 +422 1199 3 875129975 +423 9 5 891395395 +423 10 4 891395734 +423 15 4 891395573 +423 100 5 891395448 +423 127 4 891395394 +423 148 3 891395417 +423 237 4 891395448 +423 258 5 891394747 +423 269 3 891394558 +423 272 5 891394503 +423 276 5 891395602 +423 282 4 891395448 +423 292 4 891394504 +423 293 4 891395547 +423 300 3 891394874 +423 302 5 891394595 +423 304 4 891394632 +423 307 3 891394673 +423 310 3 891394558 +423 313 4 891394595 +423 315 4 891395141 +423 316 4 891394985 +423 322 3 891395020 +423 323 3 891395047 +423 326 4 891394874 +423 327 2 891394673 +423 328 1 891394874 +423 333 3 891394747 +423 339 2 891394788 +423 347 3 891394632 +423 348 3 891394910 +423 355 3 891395020 +423 508 4 891395394 +423 546 2 891395684 +423 620 4 891395711 +423 628 4 891395602 +423 678 3 891395020 +423 689 4 891395020 +423 690 4 891394832 +423 696 3 891395759 +423 744 4 891395655 +423 750 5 891394704 +423 751 3 891394832 +423 754 4 891394832 +423 879 3 891394558 +423 887 5 891394673 +423 898 4 891394952 +423 977 1 891395787 +423 1011 3 891395547 +423 1134 4 891395684 +423 1265 4 891394788 +424 1 1 880859493 +424 9 5 880859623 +424 14 4 880859552 +424 15 4 880859722 +424 25 4 880859723 +424 100 5 880859446 +424 127 4 880859493 +424 172 3 880859385 +424 243 4 880859115 +424 258 2 880858792 +424 259 2 880858979 +424 261 3 880859115 +424 275 5 880859410 +424 276 2 880859623 +424 286 4 880858792 +424 289 5 880858924 +424 292 4 880859228 +424 294 5 880858979 +424 300 2 880859199 +424 304 4 880858861 +424 323 5 880859084 +424 333 5 880859228 +424 427 4 880859346 +424 508 3 880859519 +424 683 3 880859084 +424 688 2 880859228 +424 689 1 880858887 +424 690 3 880858792 +424 840 4 880859693 +424 882 3 880858829 +424 969 1 880859385 +424 989 2 880859084 +424 990 5 880858979 +424 1084 5 880859591 +424 1346 4 880859519 +425 4 4 878738290 +425 5 1 878738887 +425 7 3 878738290 +425 11 3 878737981 +425 12 5 878737791 +425 17 4 878738290 +425 22 3 878738290 +425 27 3 878738695 +425 32 3 890347138 +425 33 4 878738435 +425 38 3 878738757 +425 39 4 878738335 +425 50 5 878738335 +425 53 4 878738596 +425 55 4 878737945 +425 56 5 878737945 +425 64 4 878738245 +425 68 4 878738386 +425 70 3 878738245 +425 79 4 878738335 +425 83 2 891986445 +425 89 4 878738435 +425 92 5 878738335 +425 96 4 878738335 +425 97 2 890347247 +425 98 4 878738186 +425 127 4 878738290 +425 144 4 878738335 +425 145 3 878738956 +425 147 3 878738643 +425 156 5 878737873 +425 157 2 878738149 +425 161 3 878738187 +425 172 5 878738385 +425 176 3 878738386 +425 177 3 878738290 +425 178 3 878737841 +425 181 4 878738435 +425 183 3 878738486 +425 184 4 878738596 +425 185 2 878738853 +425 187 3 878738386 +425 190 3 890347085 +425 191 3 878738186 +425 198 4 890347247 +425 201 3 878738104 +425 204 4 890347138 +425 207 2 891986445 +425 210 3 890346998 +425 217 1 878738914 +425 218 3 878738887 +425 219 2 878738956 +425 222 5 878738486 +425 227 4 878738597 +425 228 4 878738334 +425 229 3 878738548 +425 230 4 878738644 +425 232 3 878738548 +425 233 2 878738643 +425 241 2 878738548 +425 244 1 878739015 +425 250 4 878739054 +425 252 2 878739054 +425 257 3 878738992 +425 258 2 878737511 +425 259 1 890346825 +425 265 3 878738643 +425 269 4 890346376 +425 271 5 890346597 +425 272 4 890346317 +425 273 4 878738435 +425 281 2 878738486 +425 286 1 878737511 +425 288 5 878737512 +425 289 1 878737635 +425 293 4 878738992 +425 294 2 878737512 +425 298 4 878738992 +425 300 2 878737512 +425 301 4 890346705 +425 302 5 878737511 +425 305 3 890346411 +425 307 4 890346411 +425 313 1 890346317 +425 318 2 878737841 +425 319 1 878737511 +425 322 3 890346597 +425 323 2 878737684 +425 324 3 878737657 +425 325 3 878737684 +425 326 1 890346567 +425 327 4 890346659 +425 333 3 890346411 +425 334 4 890346567 +425 338 1 890346781 +425 340 4 890346264 +425 346 5 890346198 +425 347 4 890346517 +425 355 3 890346705 +425 357 5 878737981 +425 358 4 890346630 +425 363 1 878739095 +425 379 2 878738887 +425 403 4 878738548 +425 405 2 878738643 +425 424 2 878738956 +425 429 4 878737908 +425 435 3 878738334 +425 443 2 878738956 +425 445 3 878738887 +425 447 3 878738854 +425 448 2 878738887 +425 452 2 878738956 +425 455 2 878738992 +425 474 4 890347138 +425 475 5 878737945 +425 491 2 890347047 +425 515 3 890347138 +425 522 3 878738077 +425 529 4 890346998 +425 540 2 878738486 +425 546 3 878738548 +425 562 1 878738385 +425 566 2 878738695 +425 568 3 878738643 +425 576 3 878738813 +425 583 3 878738245 +425 590 3 878737945 +425 597 1 878739095 +425 636 4 878738596 +425 670 3 878738914 +425 672 2 878738887 +425 675 3 890347047 +425 678 1 878737593 +425 679 3 878738548 +425 684 2 878738385 +425 690 1 890346866 +425 743 4 878739054 +425 748 3 890346567 +425 751 2 890346264 +425 759 2 878738290 +425 825 2 878738643 +425 827 1 878739095 +425 831 3 878739095 +425 841 1 878738597 +425 853 4 878738853 +425 854 4 878738854 +425 877 3 890346198 +425 879 2 878737593 +425 898 3 890346705 +425 912 2 891986392 +425 943 4 890347172 +425 1013 1 878739054 +425 1016 3 878739054 +425 1089 2 878739095 +425 1110 1 878738486 +425 1129 3 878738245 +425 1188 3 878738695 +425 1222 2 878738757 +425 1314 3 878738813 +425 1416 3 878738695 +425 1419 3 878738757 +425 1434 4 890346317 +425 1464 2 890346998 +425 1596 2 878738695 +425 1597 3 878738596 +426 98 4 879442737 +426 99 4 879444081 +426 100 4 879442128 +426 132 4 879442083 +426 134 4 879444787 +426 136 4 879442083 +426 143 3 879444852 +426 174 3 879442044 +426 182 2 879442702 +426 185 5 879445005 +426 191 4 879442128 +426 194 4 879444919 +426 199 5 879442702 +426 204 3 879442128 +426 205 4 879444893 +426 208 4 879442161 +426 211 4 879444320 +426 289 2 879441754 +426 318 5 879442044 +426 332 4 879441781 +426 404 3 879444321 +426 418 3 879444871 +426 428 2 879444081 +426 429 5 879444081 +426 430 3 879445005 +426 435 3 879444604 +426 478 4 879442785 +426 480 5 879444473 +426 481 5 879442892 +426 482 5 879442737 +426 484 5 879444662 +426 486 3 879444604 +426 488 5 879442785 +426 489 5 879441978 +426 490 4 879444853 +426 492 5 879441931 +426 493 4 879444473 +426 494 3 879442702 +426 496 3 879442841 +426 504 4 879442083 +426 505 4 879445005 +426 510 4 879441978 +426 519 4 879444117 +426 524 4 879442785 +426 525 4 879442227 +426 526 4 879444734 +426 527 3 879444550 +426 601 3 879444321 +426 603 5 879444472 +426 605 4 879442083 +426 606 5 879442044 +426 607 4 879444734 +426 608 4 879444081 +426 609 3 879441931 +426 610 4 879444550 +426 613 3 879444146 +426 614 4 879444604 +426 616 4 879444787 +426 617 3 879441978 +426 633 4 879444816 +426 641 4 879441931 +426 646 3 879444787 +426 651 4 879442702 +426 655 4 879444952 +426 657 5 879442160 +426 659 4 879442128 +426 661 4 879444321 +426 663 4 879444604 +426 671 4 879444170 +426 673 4 879442227 +426 754 1 879441707 +426 835 3 879444853 +426 836 3 879444117 +426 848 4 879444117 +426 968 3 879444952 +426 1020 4 879442702 +426 1064 4 879444117 +426 1079 3 879442892 +426 1116 4 879444251 +426 1204 4 879444321 +427 245 5 879701326 +427 263 5 879701253 +427 268 5 879701253 +427 286 4 879700792 +427 289 5 879701326 +427 292 2 879701127 +427 300 4 879700908 +427 302 4 879700759 +427 303 5 879701253 +427 319 3 879700486 +427 322 3 879701051 +427 331 4 879700850 +427 334 5 879701326 +427 341 5 879701253 +427 359 5 879701253 +427 680 5 879701326 +427 681 5 879701326 +427 682 5 879701325 +427 688 5 879701326 +427 874 5 879701326 +427 881 5 879701253 +427 937 5 879701326 +427 938 5 879701253 +427 989 5 879701253 +427 1265 5 879701253 +427 1296 5 879701225 +428 242 4 885943651 +428 243 4 885943713 +428 245 5 885943713 +428 269 5 885943749 +428 272 5 885943651 +428 288 4 885943847 +428 289 4 885943981 +428 294 4 885943651 +428 300 5 885943713 +428 301 4 885943782 +428 302 5 885943651 +428 303 3 892572308 +428 305 3 885944136 +428 307 4 885944110 +428 310 4 885943651 +428 312 4 885944005 +428 313 5 885943749 +428 315 5 885943980 +428 316 4 892572382 +428 323 3 885943869 +428 329 3 892572335 +428 331 4 885943847 +428 332 4 885943749 +428 334 4 885943847 +428 338 4 885943818 +428 340 4 885943749 +428 343 2 885944093 +428 344 3 892572308 +428 347 4 885943782 +428 350 4 885944005 +428 352 4 885943651 +428 538 4 885944005 +428 690 5 885943651 +428 749 4 885943782 +428 750 5 885943651 +428 751 5 885943818 +428 754 4 885943847 +428 875 4 885944136 +428 877 5 885943685 +428 879 4 885943818 +428 886 4 885943651 +428 892 4 885944044 +428 894 4 885943955 +428 896 4 885943685 +428 908 4 885944024 +428 988 1 885943955 +429 2 3 882387599 +429 3 2 882386785 +429 8 3 882386237 +429 11 4 882385464 +429 12 5 882386424 +429 15 5 882386941 +429 22 5 882384744 +429 24 3 882386309 +429 25 4 882385985 +429 26 3 882386333 +429 28 3 882385636 +429 31 3 882386966 +429 32 4 882386309 +429 39 3 882386378 +429 42 5 882385593 +429 44 3 882386171 +429 45 3 882385118 +429 47 4 882384950 +429 48 3 882384896 +429 55 4 882384847 +429 56 4 882384683 +429 58 4 882385090 +429 62 3 882387350 +429 64 4 882384744 +429 65 3 882386216 +429 69 5 882386309 +429 71 3 882385705 +429 72 2 882387551 +429 73 3 882387505 +429 77 3 882385705 +429 80 3 882386684 +429 81 3 882385243 +429 83 4 882385168 +429 85 4 882387234 +429 86 5 882384579 +429 88 3 882386895 +429 89 4 882385168 +429 91 3 882386260 +429 93 4 882385136 +429 95 3 882385012 +429 97 4 882386171 +429 98 4 882384494 +429 99 3 882386601 +429 100 5 882385807 +429 109 3 882385034 +429 111 2 882386532 +429 117 4 882387757 +429 118 3 882386145 +429 121 3 882386145 +429 124 4 882384821 +429 127 4 882384603 +429 128 3 882386424 +429 129 4 882385065 +429 132 3 882385636 +429 133 3 882385663 +429 134 5 882385728 +429 136 4 882386071 +429 137 5 882387731 +429 140 1 882386260 +429 143 3 882385829 +429 144 4 882387773 +429 147 2 882385859 +429 150 5 882385569 +429 151 5 882386870 +429 153 4 882385090 +429 154 3 882384683 +429 155 2 882387633 +429 156 4 882384920 +429 157 4 882384920 +429 159 3 882386051 +429 161 3 882385934 +429 162 4 882386378 +429 164 4 882385489 +429 165 5 882384821 +429 166 5 882384796 +429 167 3 882386629 +429 168 5 882387773 +429 170 5 882384526 +429 173 4 882384494 +429 176 3 882385542 +429 177 4 882385065 +429 179 3 882385012 +429 180 5 882385464 +429 182 4 882384821 +429 183 4 882385489 +429 184 4 882386260 +429 185 4 882386006 +429 186 4 882385294 +429 188 4 882386566 +429 192 3 882385612 +429 193 4 882385267 +429 194 4 882385705 +429 195 4 882385519 +429 196 4 882385012 +429 197 4 882384772 +429 199 5 882386006 +429 200 3 882386333 +429 201 3 882385399 +429 204 4 882387757 +429 208 4 882384772 +429 209 4 882384950 +429 211 5 882385090 +429 214 3 882384526 +429 216 4 882385090 +429 217 3 882387715 +429 218 3 882387350 +429 219 4 882386848 +429 222 4 882385518 +429 223 4 882385034 +429 225 2 882387599 +429 226 3 882386145 +429 227 2 882385934 +429 228 2 882386485 +429 229 2 882385613 +429 230 2 882385985 +429 231 2 882385489 +429 234 4 882386566 +429 235 3 882386966 +429 238 5 882384526 +429 241 3 882385934 +429 248 5 882386870 +429 250 2 882386357 +429 257 4 882386121 +429 258 4 882386096 +429 264 3 882387551 +429 265 4 882386096 +429 273 4 882385489 +429 274 3 882386096 +429 275 4 882384603 +429 276 5 882385542 +429 280 2 882387392 +429 282 3 882386983 +429 283 3 882385136 +429 284 3 882386424 +429 290 3 882386333 +429 291 4 882386309 +429 293 4 882385293 +429 300 3 882385168 +429 301 3 882387252 +429 307 3 882384437 +429 318 5 882387731 +429 319 3 882387685 +429 321 3 882384438 +429 356 3 882386942 +429 357 5 882385636 +429 358 3 882387053 +429 365 2 882386237 +429 366 3 882387181 +429 367 3 882386485 +429 371 2 882387715 +429 380 3 882387576 +429 381 3 882385882 +429 382 3 882386601 +429 387 4 882386051 +429 392 3 882386051 +429 403 4 882385902 +429 404 4 882386121 +429 409 2 882386751 +429 410 4 882387451 +429 411 3 882386848 +429 412 4 882387411 +429 415 3 882386785 +429 423 4 882387757 +429 425 3 882385859 +429 427 5 882385569 +429 428 4 882386942 +429 431 5 882384870 +429 433 3 882385858 +429 436 4 882386171 +429 440 1 882387411 +429 441 3 882386848 +429 443 4 882385210 +429 448 3 882386006 +429 455 3 882386628 +429 457 1 882384438 +429 462 4 882386662 +429 464 3 882386171 +429 467 4 882385210 +429 469 4 882386751 +429 470 5 882386309 +429 472 3 882387434 +429 473 3 882387551 +429 475 4 882384579 +429 479 4 882385358 +429 481 3 882386237 +429 484 5 882384920 +429 485 3 882385210 +429 491 3 882384950 +429 495 3 882385358 +429 498 5 882384796 +429 499 4 882384896 +429 502 3 882385543 +429 504 3 882385065 +429 505 4 882384821 +429 506 4 882386711 +429 507 5 882385210 +429 508 4 882385569 +429 510 4 882387773 +429 511 5 882385542 +429 514 3 882385243 +429 520 3 882384603 +429 528 4 882385034 +429 529 4 882385243 +429 530 4 882384986 +429 531 5 882385729 +429 535 2 882386941 +429 540 3 882386916 +429 546 3 882387140 +429 549 4 882385749 +429 550 3 882387350 +429 562 2 882387575 +429 568 3 882385859 +429 569 2 882387506 +429 570 4 882387434 +429 578 3 882386942 +429 581 2 882385684 +429 582 3 882384950 +429 583 3 882386121 +429 587 3 882386895 +429 591 3 882385663 +429 596 3 882385808 +429 602 5 882386628 +429 607 3 882385785 +429 611 4 882385593 +429 616 3 882386333 +429 625 3 882387474 +429 627 2 882387114 +429 628 3 882385808 +429 629 3 882387163 +429 633 3 882385829 +429 635 3 882387202 +429 636 3 882386027 +429 637 3 882387506 +429 640 3 882386533 +429 651 4 882384772 +429 652 4 882385118 +429 662 3 882386309 +429 663 4 882385358 +429 665 2 882387474 +429 671 3 882385065 +429 672 2 882387551 +429 673 3 882386485 +429 679 4 882387653 +429 685 3 882387434 +429 686 2 882385519 +429 692 3 882385118 +429 693 4 882386628 +429 697 3 882385858 +429 702 5 882387757 +429 705 4 882384896 +429 709 4 882385267 +429 710 4 882387731 +429 732 4 882385882 +429 735 4 882387757 +429 737 4 882387505 +429 739 3 882387140 +429 744 4 882386485 +429 746 3 882386096 +429 747 3 882386071 +429 755 3 882387685 +429 761 2 882386711 +429 762 4 882386814 +429 763 4 882387053 +429 768 3 882387551 +429 772 3 882386508 +429 778 3 882385294 +429 780 3 882387685 +429 786 2 882386966 +429 789 4 882385443 +429 794 3 882385593 +429 796 3 882386601 +429 805 3 882385963 +429 806 2 882384950 +429 808 3 882387576 +429 816 2 882387474 +429 820 3 882387233 +429 826 3 882387139 +429 833 3 882386895 +429 843 1 882387114 +429 936 4 882385934 +429 939 4 882384986 +429 941 3 882387506 +429 944 3 882387474 +429 967 4 882386378 +429 972 4 882387757 +429 999 2 882387163 +429 1010 3 882386216 +429 1011 4 882387731 +429 1012 3 882385963 +429 1014 3 882386333 +429 1016 4 882386217 +429 1017 3 882385399 +429 1018 3 882386051 +429 1020 4 882387757 +429 1028 3 882386601 +429 1033 1 882387350 +429 1035 3 882386260 +429 1039 5 882386071 +429 1074 3 882387163 +429 1076 2 882387350 +429 1079 2 882387164 +429 1101 5 882385399 +429 1109 2 882386448 +429 1110 2 882387234 +429 1112 3 882386785 +429 1113 3 882386711 +429 1118 4 882385902 +429 1119 3 882387653 +429 1133 2 882386848 +429 1136 4 882386532 +429 1139 2 882387434 +429 1203 4 882386357 +429 1217 2 882385489 +429 1220 3 882387233 +429 1222 3 882387074 +429 1224 2 882387114 +429 1285 3 882386485 +429 1296 2 882387392 +429 1301 4 882385963 +429 1418 3 882385267 +429 1425 3 882387633 +429 1438 1 882385705 +429 1443 2 882386601 +429 1545 2 882385518 +430 7 3 877225660 +430 9 3 877225726 +430 10 4 877225726 +430 12 4 877226164 +430 50 4 877225516 +430 56 4 877226323 +430 64 4 877226130 +430 98 5 877226365 +430 100 5 877225570 +430 117 3 877225484 +430 121 2 877225832 +430 123 2 877225965 +430 124 5 877225726 +430 127 4 877225484 +430 129 5 877225547 +430 148 2 877226047 +430 151 4 877225516 +430 164 3 877226323 +430 165 4 877226130 +430 168 4 877226568 +430 221 5 877225547 +430 222 4 877225682 +430 234 4 877226323 +430 235 2 877225727 +430 237 5 877225965 +430 253 1 877225484 +430 264 2 877225328 +430 273 4 877225894 +430 286 4 877225174 +430 288 4 877225239 +430 293 3 877225865 +430 294 2 877225239 +430 297 4 877225599 +430 298 3 877225547 +430 300 3 877225239 +430 302 4 877225173 +430 303 4 877225239 +430 436 4 877226365 +430 514 4 877226568 +430 515 4 877225660 +430 523 4 877226568 +430 527 4 877226209 +430 528 4 877226164 +430 547 2 877226365 +430 628 3 877225832 +430 656 4 877226365 +430 744 3 877225965 +430 748 3 877225239 +430 1007 3 877225599 +430 1240 3 877226470 +430 1347 5 877226047 +430 1375 4 877225660 +431 245 4 877844489 +431 269 3 877844062 +431 286 4 877844062 +431 294 5 877844377 +431 300 4 877844248 +431 303 4 877844183 +431 307 3 879038461 +431 322 4 877844559 +431 323 3 877844559 +431 327 3 877844559 +431 328 4 877844377 +431 332 3 877844377 +431 358 2 877844489 +431 538 4 881127620 +431 689 3 881127786 +431 748 4 877844377 +431 754 3 881127436 +431 879 3 877844489 +431 988 2 877844657 +432 15 4 889416456 +432 24 1 889416188 +432 50 5 889416012 +432 100 3 889415895 +432 108 3 889416608 +432 109 2 889416188 +432 111 4 889416456 +432 118 4 889416608 +432 121 4 889416312 +432 123 3 889416312 +432 150 5 889415853 +432 151 4 889415895 +432 181 5 889416118 +432 222 4 889416012 +432 237 5 889415983 +432 246 4 889415895 +432 250 1 889415895 +432 255 5 889416608 +432 258 4 889416657 +432 274 3 889416229 +432 282 5 889416456 +432 288 5 889416456 +432 293 5 889415812 +432 295 3 889416352 +432 298 3 889415852 +432 313 4 889415763 +432 315 5 889415763 +432 322 3 889416657 +432 405 4 889416490 +432 410 4 889415895 +432 411 3 889416044 +432 475 4 889416147 +432 508 5 889415853 +432 546 3 889416657 +432 620 4 889416352 +432 678 4 889416570 +432 742 4 889415983 +432 763 5 889416570 +432 827 3 889416570 +432 844 4 889415947 +432 871 2 889416456 +432 1012 5 889415947 +432 1016 3 889416397 +432 1047 5 889416118 +432 1049 2 889415983 +433 12 5 880585803 +433 50 5 880585885 +433 59 5 880585730 +433 60 5 880585700 +433 95 3 880585802 +433 137 5 880585904 +433 173 4 880585730 +433 174 5 880585730 +433 194 5 880585759 +433 205 3 880585730 +433 245 3 880585491 +433 268 3 880585162 +433 269 5 880585068 +433 276 5 880585843 +433 286 5 880585068 +433 294 3 880585271 +433 300 3 880585068 +433 302 5 880585028 +433 303 4 880585068 +433 322 2 880585466 +433 325 2 880585554 +433 333 2 880585133 +433 340 3 880585162 +433 358 2 880585554 +433 435 4 880585700 +433 457 1 880585554 +433 474 3 880585759 +433 507 4 880585730 +433 657 5 880585802 +433 682 2 880585431 +433 690 2 880585028 +433 748 4 880585491 +433 754 3 880585162 +433 1005 5 880585730 +433 1598 1 880585865 +434 1 4 886724590 +434 9 1 886724563 +434 15 3 886724453 +434 118 5 886724873 +434 121 4 886724666 +434 125 5 886724708 +434 147 3 886724822 +434 148 3 886724797 +434 220 5 886724873 +434 225 4 886724453 +434 237 5 886724754 +434 275 3 886724633 +434 288 5 886724797 +434 347 1 886724329 +434 369 4 886724972 +434 406 3 886725027 +434 411 5 886724873 +434 424 1 886724913 +434 476 4 886725076 +434 546 5 886725076 +434 756 2 886725027 +434 763 5 886724873 +434 815 4 886724972 +434 833 4 886724914 +434 844 3 886724505 +434 974 5 886724940 +434 1051 3 886724453 +434 1060 3 886724733 +434 1095 5 886724940 +434 1152 5 886724633 +434 1197 5 886724913 +435 2 4 884132619 +435 4 4 884132146 +435 5 2 884133046 +435 8 3 884131576 +435 10 5 884131950 +435 11 5 884131542 +435 12 5 884131434 +435 17 2 884132540 +435 21 4 884134134 +435 22 4 884131156 +435 23 4 884132942 +435 24 4 884133084 +435 27 1 884133911 +435 33 3 884132672 +435 38 2 884133509 +435 39 3 884131822 +435 40 3 884133544 +435 42 3 884131267 +435 44 2 884132619 +435 49 4 884132072 +435 50 5 884132515 +435 52 5 884132403 +435 53 3 884133447 +435 54 4 884132403 +435 55 5 884131434 +435 56 5 884131055 +435 58 3 884131328 +435 62 3 884133657 +435 63 2 884133757 +435 67 4 884132919 +435 72 4 884132809 +435 73 3 884132403 +435 76 3 884131328 +435 79 4 884131016 +435 80 2 884133610 +435 82 5 884132100 +435 84 2 884133757 +435 85 4 884132840 +435 86 4 884131844 +435 89 4 884131489 +435 90 4 884132756 +435 91 4 884131597 +435 95 3 884131868 +435 96 5 884131822 +435 98 5 884131576 +435 101 3 884132184 +435 109 4 884132297 +435 111 3 884132777 +435 115 4 884131771 +435 118 2 884132458 +435 121 3 884133284 +435 122 3 884134677 +435 123 2 884133509 +435 127 4 884131681 +435 128 3 884132184 +435 132 3 884131156 +435 135 3 884131771 +435 136 4 884132434 +435 139 2 884134134 +435 141 2 884132898 +435 144 4 884131085 +435 148 3 884133284 +435 151 3 884132898 +435 153 3 884131243 +435 154 4 884131434 +435 155 3 884133710 +435 157 4 884132146 +435 160 5 884133194 +435 161 3 884133710 +435 164 2 884132515 +435 167 3 884133224 +435 168 5 884131515 +435 169 5 884130995 +435 171 5 884131967 +435 173 5 884131085 +435 174 5 884131627 +435 175 4 884132588 +435 176 5 884131627 +435 177 5 884131267 +435 179 5 884131085 +435 181 5 884132208 +435 183 5 884132619 +435 184 5 884131771 +435 185 4 884131741 +435 186 4 884132367 +435 188 4 884131901 +435 190 4 884132146 +435 193 3 884131243 +435 194 4 884131627 +435 196 4 884131597 +435 199 5 884132072 +435 200 5 884131661 +435 201 4 884131356 +435 202 4 884131901 +435 203 4 884131434 +435 204 3 884132366 +435 208 4 884131515 +435 210 4 884131799 +435 211 4 884131627 +435 215 2 884131576 +435 216 3 884131118 +435 217 4 884133161 +435 225 3 884134076 +435 226 4 884133161 +435 228 4 884131157 +435 229 2 884133544 +435 230 3 884132809 +435 234 4 884132619 +435 235 4 884132266 +435 240 3 884133818 +435 245 2 884130810 +435 246 5 884134345 +435 249 4 884134242 +435 252 2 884134677 +435 254 3 884134910 +435 255 3 884134290 +435 257 4 884134363 +435 260 3 884130810 +435 265 3 884131996 +435 268 5 884130688 +435 271 4 884130671 +435 273 5 884131298 +435 284 2 884132898 +435 288 4 884130605 +435 290 3 884132484 +435 291 4 884133446 +435 294 4 884130584 +435 298 4 884134500 +435 299 4 884130671 +435 300 2 884130647 +435 307 5 884130744 +435 313 5 884268770 +435 317 2 884132483 +435 318 5 884131385 +435 327 3 884130765 +435 333 3 884130647 +435 338 2 887509306 +435 343 5 884130744 +435 351 2 887509368 +435 354 3 889722012 +435 357 4 884131771 +435 366 2 884133134 +435 367 3 884131741 +435 376 2 884134019 +435 380 3 884133026 +435 381 4 884133585 +435 382 3 884131949 +435 385 5 884131771 +435 386 4 884133584 +435 392 3 884131404 +435 401 3 884133447 +435 402 3 884131996 +435 403 4 884132756 +435 404 2 884132266 +435 405 4 884132540 +435 406 3 884134810 +435 409 3 884134019 +435 410 5 884133733 +435 412 3 884134677 +435 413 2 884134104 +435 420 4 884132561 +435 423 2 884131157 +435 427 3 884131542 +435 430 5 884131712 +435 431 3 884131950 +435 432 3 884132968 +435 433 5 884131243 +435 434 2 884131542 +435 435 3 884132230 +435 436 4 884133691 +435 441 3 884133084 +435 443 3 884132777 +435 444 3 884134075 +435 447 3 884132315 +435 451 4 884133487 +435 455 3 884132208 +435 462 5 884131328 +435 465 2 884132515 +435 470 2 884131661 +435 472 2 884133466 +435 473 3 884133544 +435 474 3 884131085 +435 476 3 884133872 +435 479 3 884131901 +435 496 4 884131243 +435 501 3 884132266 +435 520 4 884132027 +435 527 4 884130995 +435 542 1 884133691 +435 546 4 884132942 +435 549 3 884132588 +435 550 3 884133253 +435 554 3 884133194 +435 559 3 884132342 +435 571 2 884134047 +435 572 2 884133938 +435 576 3 884133447 +435 584 3 884132297 +435 585 3 884133447 +435 587 3 884132403 +435 588 4 884131996 +435 596 4 884132184 +435 597 3 884133284 +435 603 3 884131118 +435 609 4 884132873 +435 616 2 884133284 +435 627 3 884133194 +435 628 5 884132990 +435 635 3 884133544 +435 636 4 884134047 +435 637 4 884132691 +435 649 3 884133330 +435 652 4 884131741 +435 655 2 884131799 +435 658 3 884133223 +435 659 4 884131515 +435 665 3 884133973 +435 672 1 884133253 +435 674 2 884132643 +435 675 3 884132873 +435 684 4 884131356 +435 685 2 884134345 +435 687 2 884130834 +435 693 3 884131118 +435 696 3 884132342 +435 697 4 884133372 +435 709 4 884131822 +435 710 4 884131267 +435 713 5 884131385 +435 715 3 884133635 +435 717 3 884134104 +435 721 4 884132072 +435 722 3 884133818 +435 729 2 884133757 +435 732 4 884132341 +435 742 4 884132840 +435 746 4 884132184 +435 751 4 884130725 +435 752 3 887509539 +435 755 2 884132266 +435 756 3 884134134 +435 760 1 884133330 +435 762 4 884132840 +435 763 5 884133544 +435 768 3 884133509 +435 778 4 884131844 +435 780 2 884133284 +435 786 4 884133657 +435 790 4 884133818 +435 792 4 884131404 +435 797 3 884133872 +435 800 4 884133819 +435 818 2 884133938 +435 820 1 884132367 +435 824 1 884134627 +435 825 3 884133372 +435 826 2 884134713 +435 831 2 884134677 +435 834 5 884134910 +435 841 2 884134553 +435 885 3 887509396 +435 895 3 884130647 +435 919 5 884132184 +435 924 3 884132072 +435 928 3 884134187 +435 929 2 884133635 +435 930 3 884134019 +435 943 3 884131712 +435 944 2 884133911 +435 946 2 884132072 +435 953 3 884132968 +435 961 1 884133635 +435 1014 2 884134515 +435 1016 4 884134377 +435 1028 2 884133284 +435 1034 2 884134754 +435 1039 4 884132755 +435 1044 4 884132515 +435 1069 4 884131489 +435 1074 2 884133415 +435 1103 4 884131627 +435 1109 3 884132643 +435 1128 2 884132027 +435 1133 2 884133224 +435 1204 3 884132100 +435 1217 3 884133819 +435 1228 2 884133972 +435 1231 2 884134019 +435 1240 4 884132296 +435 1291 1 884134853 +435 1401 4 884131868 +435 1419 2 884133785 +435 1552 3 884134187 +436 11 5 887769777 +436 21 3 887772028 +436 39 3 887769887 +436 50 4 887769415 +436 66 5 887770457 +436 72 5 887770693 +436 73 4 887769444 +436 81 3 887770244 +436 90 3 887770266 +436 96 4 887769535 +436 98 4 887769280 +436 102 4 887770588 +436 125 4 887770037 +436 127 5 887769930 +436 132 1 887769824 +436 133 3 887768982 +436 143 2 887770092 +436 144 5 887769444 +436 157 5 887768982 +436 159 4 887770192 +436 161 4 887771897 +436 167 3 887770403 +436 168 3 887769050 +436 172 3 887768945 +436 174 3 887769335 +436 179 3 887770015 +436 186 3 887769801 +436 187 5 887768982 +436 200 3 887769515 +436 204 5 887769209 +436 215 4 887770457 +436 216 4 887770064 +436 218 4 887771123 +436 219 5 887770064 +436 226 4 887770640 +436 234 3 887769471 +436 238 3 887769693 +436 239 3 887769952 +436 264 2 887768669 +436 273 4 887769233 +436 276 4 887769824 +436 278 2 887771924 +436 287 4 887770169 +436 288 4 887768445 +436 325 3 887768756 +436 347 4 887768398 +436 348 4 887768521 +436 381 4 887769209 +436 392 4 887769079 +436 400 3 887771924 +436 411 4 887771022 +436 423 4 887769992 +436 425 4 887769335 +436 427 3 887769105 +436 433 5 887770428 +436 435 4 887769256 +436 447 1 887769444 +436 454 4 887768982 +436 468 4 887771826 +436 469 3 887769128 +436 470 4 887770566 +436 503 4 887769802 +436 504 4 887769151 +436 506 5 887770485 +436 507 4 887769801 +436 537 4 887769471 +436 546 3 887771826 +436 550 4 887771093 +436 553 3 887769777 +436 568 5 887769416 +436 581 4 887772060 +436 592 3 887770379 +436 595 5 887770731 +436 635 3 887771875 +436 642 4 887769079 +436 649 5 887771269 +436 658 5 887769673 +436 693 5 887769515 +436 708 3 887770457 +436 715 4 887770668 +436 721 3 887770092 +436 723 3 887771853 +436 739 4 887771853 +436 742 5 887769050 +436 746 5 887770015 +436 747 5 887770640 +436 761 4 887770693 +436 762 4 887771722 +436 787 5 887770640 +436 794 4 887771123 +436 821 4 887769733 +436 840 3 887771997 +436 845 5 887771269 +436 856 4 887769952 +436 869 4 887771722 +436 895 4 887768717 +436 925 4 887770507 +436 928 4 887770547 +436 941 4 887771997 +436 986 3 887770300 +436 1028 4 887770693 +436 1053 4 887771853 +436 1061 3 887771997 +436 1119 4 887769368 +436 1135 4 887771022 +436 1178 3 887771825 +436 1206 3 887769868 +436 1248 3 887770485 +436 1263 3 887772060 +436 1468 5 887770668 +436 1489 2 887770731 +436 1522 2 887771123 +437 5 2 880143663 +437 8 4 880140752 +437 11 1 880139951 +437 12 5 880382685 +437 13 4 880141129 +437 14 5 880140369 +437 15 4 881001946 +437 23 4 880140288 +437 26 2 880142399 +437 42 3 880141129 +437 47 4 880140534 +437 50 5 881000958 +437 51 1 880382644 +437 52 3 880141402 +437 56 4 880140325 +437 58 4 880141243 +437 65 4 880140787 +437 66 3 880143167 +437 69 2 880140501 +437 70 3 881002161 +437 71 3 880141402 +437 79 4 880143855 +437 83 4 880140325 +437 86 4 881001715 +437 88 3 880143140 +437 89 2 880140101 +437 91 3 880143315 +437 94 4 881001436 +437 95 4 880143315 +437 97 3 880141286 +437 98 5 880141962 +437 99 4 881001946 +437 100 4 880140051 +437 101 3 880143355 +437 116 3 880139997 +437 117 1 881001121 +437 118 2 880142991 +437 121 3 881001766 +437 124 5 880140101 +437 129 1 880140433 +437 131 5 880140787 +437 132 5 880141962 +437 133 5 880140122 +437 134 5 880139951 +437 135 4 880140101 +437 137 5 880140221 +437 139 3 881001576 +437 144 2 880141196 +437 145 1 880143663 +437 151 5 881002374 +437 152 4 880141129 +437 153 5 881001888 +437 154 4 880141129 +437 155 3 880143189 +437 156 2 880140627 +437 162 4 880141129 +437 165 4 881002324 +437 166 4 880140398 +437 168 3 881002161 +437 170 5 880140787 +437 172 4 880140257 +437 173 4 881001023 +437 179 4 881002345 +437 181 4 880140466 +437 182 2 880140432 +437 183 3 880140892 +437 189 2 881001946 +437 190 3 880140154 +437 191 4 880140726 +437 196 4 880140627 +437 197 5 880141962 +437 200 4 880140398 +437 202 5 881001715 +437 203 1 880140978 +437 208 5 880139997 +437 210 3 881002191 +437 211 4 880140100 +437 212 3 880141402 +437 213 4 881000931 +437 214 4 880141041 +437 215 3 880140325 +437 216 5 880141041 +437 217 3 880143695 +437 218 2 880142830 +437 221 5 880140154 +437 226 1 880142942 +437 229 3 880142942 +437 234 4 880142851 +437 239 4 880141529 +437 244 3 881001270 +437 248 2 880141716 +437 249 5 880142027 +437 253 1 880141796 +437 254 3 881002300 +437 276 5 880141618 +437 281 1 881001148 +437 283 1 880141716 +437 287 2 881000931 +437 288 2 880139533 +437 301 3 881002067 +437 319 5 881001538 +437 381 5 880142426 +437 387 2 880140726 +437 393 3 880382747 +437 401 5 880143505 +437 404 5 880141374 +437 415 4 880143591 +437 417 5 880143482 +437 418 3 880141084 +437 419 5 880141961 +437 420 3 881002191 +437 421 4 881001983 +437 423 5 880141196 +437 425 4 880141374 +437 433 3 880140369 +437 443 4 880142851 +437 447 4 880143663 +437 451 5 880143115 +437 462 5 881002324 +437 463 5 880141008 +437 466 2 881001121 +437 473 5 881001888 +437 475 3 880140288 +437 476 4 880142177 +437 479 5 880141335 +437 480 4 881002345 +437 483 5 880141962 +437 484 4 880140051 +437 485 4 880140854 +437 497 5 880140192 +437 499 5 880141962 +437 501 4 880143315 +437 511 5 880141962 +437 512 4 880140978 +437 517 4 880140927 +437 518 2 880143809 +437 558 3 880142365 +437 559 3 880143695 +437 566 3 881002161 +437 581 1 880143010 +437 582 5 880140855 +437 583 1 880143040 +437 584 3 880141243 +437 602 3 880140822 +437 606 4 880140978 +437 607 5 880140892 +437 640 1 881002300 +437 642 1 880141441 +437 651 4 881002345 +437 652 4 881001983 +437 654 5 880141041 +437 655 4 881001945 +437 657 5 881001888 +437 658 4 880141335 +437 660 4 880141441 +437 663 5 880141084 +437 665 2 880143695 +437 672 1 881002300 +437 674 3 880143714 +437 683 2 881001121 +437 684 3 880382747 +437 696 3 880142991 +437 708 4 881002026 +437 710 4 880140822 +437 716 5 881002345 +437 721 2 880141335 +437 727 3 881001576 +437 730 3 880141374 +437 732 4 880143167 +437 736 5 881001888 +437 737 1 880142614 +437 746 4 880141335 +437 747 4 880143167 +437 748 4 880139631 +437 753 4 880140927 +437 755 3 880143450 +437 770 3 881001208 +437 778 3 881002092 +437 781 4 880143263 +437 794 4 880143243 +437 961 5 881002323 +437 969 4 881001888 +437 1006 3 881001472 +437 1007 5 881002374 +437 1039 2 880140101 +437 1063 5 880141661 +437 1075 4 881002374 +437 1090 1 880143092 +437 1113 4 881002161 +437 1121 5 880140466 +437 1134 4 880141008 +437 1142 4 880141696 +437 1148 4 881001983 +437 1153 5 880141962 +437 1161 4 880141770 +437 1206 4 881002191 +437 1211 4 881001208 +437 1262 3 881002091 +437 1267 4 880141528 +437 1404 2 881002263 +438 1 4 879868096 +438 9 4 879868005 +438 15 4 879868242 +438 50 5 879868005 +438 100 4 879868024 +438 118 4 879868529 +438 121 5 879868328 +438 148 5 879868443 +438 181 4 879868005 +438 220 4 879868328 +438 237 5 879868278 +438 252 4 879868364 +438 255 4 879868242 +438 257 4 879868159 +438 269 4 879867960 +438 280 5 879868423 +438 281 4 879868494 +438 282 5 879868264 +438 284 2 879868308 +438 286 2 879867960 +438 300 4 879867960 +438 301 4 879867960 +438 321 5 879867960 +438 471 4 879868184 +438 476 5 879868664 +438 619 4 879868159 +438 845 4 879868042 +438 866 5 879868529 +438 1028 2 879868529 +439 13 3 882893171 +439 14 5 882893245 +439 93 4 882893737 +439 125 3 882893688 +439 147 4 882893737 +439 237 5 882893220 +439 242 5 882892424 +439 246 4 882892755 +439 257 4 882893737 +439 268 4 882892424 +439 273 2 882892675 +439 276 5 882892755 +439 282 3 882893859 +439 285 5 882893220 +439 288 3 882892424 +439 290 4 882894084 +439 300 4 882892424 +439 405 4 882893323 +439 475 3 882893220 +439 895 3 882892424 +439 1048 4 882893602 +439 1600 5 882893291 +440 57 5 891577949 +440 86 5 891577919 +440 171 5 891577871 +440 213 4 891577950 +440 243 1 891577504 +440 245 4 891548470 +440 258 4 891547637 +440 271 5 891550404 +440 283 5 891577894 +440 304 5 891546785 +440 319 2 891549397 +440 323 1 891577504 +440 324 5 891548567 +440 328 3 891546895 +440 340 2 891549397 +440 361 5 891548567 +440 462 5 891577994 +440 512 3 891578059 +440 515 4 891578301 +440 582 3 891577919 +440 690 4 891546698 +440 749 3 891547746 +440 751 3 891549397 +440 883 5 891550404 +440 886 5 891550404 +440 921 5 891578264 +440 923 5 891577843 +440 937 5 891548567 +440 971 5 891577871 +440 1038 5 891550404 +440 1073 4 891577814 +440 1191 5 891550404 +440 1504 4 891578226 +440 1591 5 891548567 +441 1 5 891035468 +441 9 4 891035528 +441 15 3 891035699 +441 25 3 891036306 +441 100 3 891035441 +441 117 4 891035489 +441 259 3 891035211 +441 282 4 891035528 +441 288 2 891035056 +441 300 3 891035056 +441 313 4 891035056 +441 338 4 891035289 +441 405 3 891035507 +441 538 3 891035144 +441 683 2 891035350 +441 751 4 891035247 +442 2 3 883390544 +442 12 4 883390912 +442 14 1 883389776 +442 17 4 883388535 +442 22 2 883390813 +442 26 3 883388576 +442 29 3 883390641 +442 31 3 883391249 +442 38 3 883390674 +442 39 3 883390466 +442 41 4 883388609 +442 42 4 883388401 +442 44 2 883391146 +442 53 3 883390048 +442 54 3 883391274 +442 56 5 883388237 +442 67 3 883389028 +442 68 3 883390416 +442 69 3 883390935 +442 77 3 883391325 +442 79 3 883390366 +442 82 3 883390497 +442 89 4 883390416 +442 90 3 883388609 +442 92 5 883389776 +442 96 4 883390328 +442 98 4 883389983 +442 100 2 883388325 +442 121 2 883390544 +442 129 4 883391146 +442 150 4 883388283 +442 153 3 883388237 +442 156 4 883391221 +442 159 4 883391299 +442 161 3 883390497 +442 164 2 883390083 +442 168 4 883388325 +442 172 5 883389580 +442 177 4 883390366 +442 181 4 883390416 +442 182 4 883390284 +442 184 2 883390083 +442 186 4 883388429 +442 188 3 883390782 +442 195 4 883390328 +442 203 3 883391146 +442 210 3 883388609 +442 218 3 883390048 +442 222 3 883391221 +442 226 3 883390416 +442 227 3 883390574 +442 228 5 883390366 +442 229 3 883391275 +442 230 3 883390466 +442 239 3 883388401 +442 268 4 883388092 +442 273 4 883390328 +442 276 4 883391027 +442 281 3 883391299 +442 286 2 883388031 +442 313 3 883387916 +442 318 4 883391046 +442 342 2 883388147 +442 350 2 883387916 +442 385 3 883390416 +442 401 2 883388960 +442 403 4 883390466 +442 405 3 883390497 +442 410 4 883388508 +442 433 4 883388283 +442 436 3 883390048 +442 441 3 883390083 +442 447 3 883390048 +442 450 3 883391377 +442 452 3 883390169 +442 470 4 883391167 +442 482 3 883389747 +442 508 3 883388283 +442 546 3 883390574 +442 550 2 883390466 +442 554 2 883390641 +442 559 2 883390048 +442 569 2 883390140 +442 572 3 883391344 +442 578 2 883390466 +442 591 3 883391221 +442 628 4 883391221 +442 635 4 883389380 +442 636 5 883390416 +442 665 2 883390139 +442 672 3 883390048 +442 684 3 883391221 +442 685 2 883390703 +442 695 5 883387935 +442 710 5 883388576 +442 738 3 883389164 +442 742 3 883391146 +442 769 1 883391397 +442 780 3 883388986 +442 800 3 883390139 +442 810 2 883390674 +442 834 2 883389337 +442 859 3 883390169 +442 871 1 883389455 +442 873 2 883388120 +442 928 3 883391299 +442 943 4 883391221 +442 975 3 883391377 +442 979 3 883391344 +442 986 1 883391377 +442 988 1 883388064 +442 1067 3 883388576 +442 1074 3 883389053 +442 1098 4 883388237 +442 1170 4 883388909 +442 1183 3 883390674 +443 39 1 883505492 +443 175 2 883505396 +443 245 3 883504796 +443 258 5 883504617 +443 260 1 883504818 +443 269 3 883504564 +443 271 4 883504682 +443 286 5 883504521 +443 307 3 883504564 +443 323 2 883504866 +443 327 4 883504593 +443 333 5 883504654 +443 644 3 883505465 +443 678 2 883504818 +443 748 4 883505171 +443 948 1 883504844 +444 50 5 890247287 +444 100 5 890247385 +444 251 5 890247385 +444 269 4 891979402 +444 271 3 891979403 +444 272 5 891978637 +444 275 4 891979402 +444 286 2 890246847 +444 300 4 891979402 +444 306 5 890246907 +444 307 3 891979402 +444 313 4 890246940 +444 328 5 890247082 +444 515 4 891979402 +444 678 3 891979403 +444 751 4 890247172 +444 906 4 891979402 +444 912 4 891978663 +444 916 3 891979403 +444 1483 2 891978807 +445 1 3 891199749 +445 12 2 890987617 +445 23 3 890987465 +445 28 4 890987772 +445 50 2 891199715 +445 56 5 891200869 +445 64 2 890987771 +445 79 4 890987742 +445 87 3 890988205 +445 93 1 891199945 +445 96 4 890987655 +445 117 1 891199821 +445 121 1 891200233 +445 123 1 891200137 +445 147 2 891199974 +445 150 2 890987617 +445 151 4 891200869 +445 174 4 891200869 +445 183 2 890987687 +445 195 2 890987655 +445 204 3 890988205 +445 209 4 891200869 +445 221 1 891200203 +445 235 1 891200272 +445 246 1 891199682 +445 248 1 891199774 +445 249 2 891200447 +445 257 2 891199945 +445 271 1 891199458 +445 272 3 890988205 +445 274 2 891200164 +445 276 3 891199869 +445 281 1 891200417 +445 288 2 891035830 +445 289 1 891199510 +445 291 2 891200233 +445 293 3 891199945 +445 295 1 891199843 +445 298 2 891199906 +445 300 1 890987410 +445 302 1 891199195 +445 310 1 891199331 +445 313 2 890988206 +445 324 1 891199297 +445 325 1 891199533 +445 327 2 891035830 +445 343 1 891199385 +445 346 5 891200869 +445 405 4 891200869 +445 408 3 891199749 +445 410 1 891200164 +445 433 2 890987617 +445 458 2 891200272 +445 460 2 891200624 +445 475 5 891200869 +445 479 3 890988206 +445 480 3 890988206 +445 504 3 890988206 +445 508 2 891200078 +445 544 2 891200417 +445 546 2 891200417 +445 595 2 891200624 +445 597 1 891200320 +445 603 3 890988205 +445 628 1 891200137 +445 742 1 891200078 +445 748 1 891199458 +445 763 2 891200233 +445 823 1 891200624 +445 829 1 891200624 +445 831 1 891200447 +445 844 2 891200138 +445 845 2 891200320 +445 871 2 891200592 +445 879 2 891199331 +445 881 1 891199510 +445 886 3 891035539 +445 895 2 891035897 +445 902 4 891200870 +445 908 1 891199331 +445 919 1 891200233 +445 933 1 891200390 +445 959 5 891200869 +445 979 2 891200272 +445 994 1 891199682 +445 1009 2 891200321 +445 1010 1 891200506 +445 1014 1 891200506 +445 1016 1 891200164 +445 1047 1 891200656 +445 1051 1 891200390 +445 1067 1 891200390 +445 1129 4 891199994 +445 1143 4 891200870 +445 1187 3 891200137 +445 1245 1 891200390 +445 1252 1 891199749 +445 1277 2 891200736 +445 1378 2 891199635 +445 1528 2 891200355 +445 1534 1 891199749 +445 1591 4 891199360 +445 1601 1 891199533 +446 245 4 879787226 +446 268 2 879786892 +446 269 4 879787730 +446 270 4 879786892 +446 286 3 879787730 +446 288 2 879786838 +446 289 3 879786984 +446 292 5 879786838 +446 294 1 879786984 +446 299 2 879787149 +446 300 3 879787149 +446 301 3 879786838 +446 302 4 879787730 +446 303 2 879787859 +446 307 3 879786892 +446 311 2 879787858 +446 321 4 879786943 +446 322 3 879787226 +446 326 2 879786943 +446 327 2 879787858 +446 328 3 879786984 +446 332 3 879787149 +446 334 3 879787149 +446 338 2 879786943 +446 340 2 879786691 +446 359 3 879787226 +446 688 2 879786985 +446 690 2 879786892 +446 748 2 879787149 +446 754 3 879787858 +446 879 3 879786691 +446 880 2 879786943 +446 883 3 879786837 +446 887 4 879786943 +446 888 1 879787859 +447 1 3 878854273 +447 5 3 878856422 +447 7 5 878854383 +447 9 2 878854195 +447 12 5 878855907 +447 13 5 878854630 +447 15 1 878854481 +447 17 3 878856110 +447 22 4 878856422 +447 24 3 878854520 +447 25 4 878854630 +447 31 4 878856526 +447 50 5 878854552 +447 55 4 878856573 +447 65 3 878856422 +447 68 5 878855819 +447 69 4 878856209 +447 70 3 878856483 +447 79 3 878856110 +447 83 5 878856458 +447 85 4 878856526 +447 89 5 878855723 +447 91 4 878856549 +447 100 5 878854552 +447 111 3 878854954 +447 117 4 878854630 +447 118 4 878854578 +447 121 5 878855107 +447 132 4 878855963 +447 133 4 878856052 +447 135 5 878855989 +447 147 4 878854678 +447 148 4 878854729 +447 150 4 878854438 +447 151 3 878854520 +447 153 4 878855756 +447 157 4 878856290 +447 158 3 878856262 +447 174 5 878856052 +447 175 3 878855847 +447 176 4 878856148 +447 180 5 878855989 +447 181 5 878854520 +447 183 5 878856394 +447 200 3 878855963 +447 201 2 878855723 +447 202 3 878856078 +447 204 4 878856458 +447 206 4 878856209 +447 211 4 878855724 +447 218 4 878856052 +447 223 5 878856394 +447 227 2 878856233 +447 228 4 878855682 +447 231 2 878856394 +447 233 4 878856526 +447 234 4 878855782 +447 235 2 878854605 +447 237 4 878854234 +447 248 5 878854383 +447 252 3 878854975 +447 257 3 878854520 +447 258 5 878853977 +447 265 4 878856394 +447 274 1 878854552 +447 276 4 878854552 +447 278 3 878854810 +447 281 3 878854857 +447 282 4 878856290 +447 286 2 878855082 +447 288 4 878855082 +447 290 4 878854838 +447 293 4 878854459 +447 294 4 878855082 +447 300 4 878854011 +447 405 2 878854704 +447 410 2 878854630 +447 411 2 878855107 +447 435 4 878855756 +447 447 3 878855724 +447 470 4 878856208 +447 471 4 878854340 +447 474 3 878856022 +447 483 5 878855818 +447 484 5 878856457 +447 508 3 878854195 +447 535 4 878854954 +447 544 4 878854997 +447 582 4 878855724 +447 591 4 878855139 +447 597 3 878855021 +447 642 4 878855819 +447 678 3 878854056 +447 716 2 878856573 +447 737 4 878855907 +447 742 3 878854658 +447 748 1 878854056 +447 760 4 878854838 +447 762 3 878855139 +447 770 3 878856601 +447 823 3 878855165 +447 845 3 878854678 +447 866 2 878855082 +447 879 3 878854056 +447 926 3 878854438 +447 952 4 878854315 +447 963 5 878855963 +447 981 2 878855139 +447 1009 4 878854876 +447 1028 3 878855139 +447 1034 2 878854918 +447 1046 3 878856602 +447 1132 3 878855164 +447 1315 4 878854838 +448 258 4 891887440 +448 262 4 891888042 +448 268 3 891888367 +448 269 5 891887338 +448 270 5 891888137 +448 288 1 891887161 +448 292 4 891888178 +448 302 5 891887337 +448 303 4 891887161 +448 304 3 891888137 +448 305 4 891888509 +448 312 1 891888653 +448 316 1 891887337 +448 319 5 891888099 +448 321 4 891888509 +448 333 2 891887161 +448 338 1 891888712 +448 340 4 891888137 +448 360 4 891887338 +448 750 5 891888099 +448 874 3 891889281 +448 884 4 891889281 +448 887 2 891888042 +448 896 5 891887216 +448 900 3 891887393 +448 902 4 891888779 +448 1022 5 891888244 +448 1062 5 891888178 +448 1176 2 891887393 +448 1294 1 891887161 +448 1602 4 891888042 +449 9 4 879958624 +449 14 3 879958603 +449 15 4 879958866 +449 59 5 880410599 +449 60 5 880410652 +449 61 5 880410700 +449 70 4 880410777 +449 86 4 880410599 +449 100 5 879958664 +449 105 1 879959573 +449 106 3 879958936 +449 117 3 879958624 +449 118 1 879959573 +449 120 1 879959573 +449 122 1 879959573 +449 127 5 879958572 +449 137 5 879958866 +449 170 4 880410652 +449 171 4 880410599 +449 179 4 880410674 +449 198 4 880410624 +449 212 5 880410624 +449 213 3 880410652 +449 224 4 879958758 +449 244 4 879959152 +449 251 3 879958603 +449 268 2 880410988 +449 269 5 879958444 +449 273 4 879959003 +449 274 2 879959003 +449 276 5 879958705 +449 282 3 879958953 +449 286 4 879958444 +449 288 3 879959082 +449 291 2 879959246 +449 293 4 879958803 +449 310 3 880410951 +449 333 3 879958474 +449 381 4 880410777 +449 410 3 879959134 +449 459 4 879958803 +449 462 5 880410674 +449 473 3 879958866 +449 475 5 879958603 +449 515 5 879958685 +449 544 3 879959023 +449 546 2 879959573 +449 558 4 880410599 +449 593 4 879959101 +449 639 5 880410700 +449 640 5 880410734 +449 702 5 880410778 +449 748 2 879959273 +449 753 5 880410700 +449 971 4 880410701 +449 983 2 879959331 +449 1005 5 880410734 +449 1006 4 880410701 +449 1009 4 879959190 +449 1010 4 879958664 +449 1194 4 880410624 +449 1195 5 880410754 +449 1318 2 879959573 +449 1367 4 879958976 +449 1372 4 880410834 +449 1404 5 880410801 +450 1 4 887835272 +450 2 4 882474001 +450 3 4 882398220 +450 4 3 882373865 +450 7 4 882376885 +450 10 4 882398567 +450 11 5 882376365 +450 12 4 882373231 +450 13 3 882373297 +450 15 3 882812350 +450 22 5 882373865 +450 23 5 887136837 +450 25 3 882376188 +450 29 3 887661438 +450 33 5 882398083 +450 35 2 882468790 +450 38 4 882474001 +450 39 4 882376282 +450 43 4 887139080 +450 44 3 882376658 +450 47 3 882394180 +450 49 5 882469728 +450 50 5 882371415 +450 54 4 887138820 +450 56 4 882371645 +450 58 3 882373464 +450 59 4 882371904 +450 60 3 882472089 +450 61 4 882376446 +450 63 4 882469941 +450 64 4 882373656 +450 65 3 882376885 +450 66 4 882398770 +450 69 4 882373532 +450 70 4 882374497 +450 76 3 882395913 +450 77 4 887139143 +450 78 2 882396245 +450 80 3 882471737 +450 81 4 882376188 +450 89 5 882371311 +450 91 4 887660763 +450 92 4 887660650 +450 94 4 882468239 +450 95 3 882395167 +450 96 4 887834823 +450 97 4 882396351 +450 99 4 882376803 +450 100 4 882374059 +450 101 5 882399359 +450 102 4 882468047 +450 110 4 882469250 +450 111 4 882377590 +450 114 5 887660504 +450 118 3 882395166 +450 121 3 882395537 +450 123 2 882373464 +450 127 5 882373155 +450 131 4 882377861 +450 132 5 882374422 +450 133 5 882373019 +450 134 3 882373597 +450 135 3 882373231 +450 136 5 882812349 +450 139 5 882812558 +450 140 3 882376585 +450 142 5 887835352 +450 143 5 882394364 +450 144 5 882373865 +450 145 3 887661438 +450 151 5 882376658 +450 152 5 882395052 +450 153 5 882374422 +450 154 3 882377590 +450 155 4 882396564 +450 157 3 882394180 +450 158 3 882471524 +450 161 5 882396245 +450 162 5 882395913 +450 164 4 882396050 +450 170 5 887660440 +450 172 4 882372103 +450 173 5 882371526 +450 174 5 882374422 +450 176 4 882373088 +450 177 4 887136369 +450 178 4 882394251 +450 179 5 882394364 +450 181 4 882372103 +450 183 4 882394180 +450 186 3 882396799 +450 188 3 882395778 +450 190 4 882373385 +450 192 4 882467868 +450 193 5 882372027 +450 194 5 882373786 +450 195 4 882371826 +450 196 5 882371526 +450 199 5 882371732 +450 200 3 882376188 +450 203 4 882396799 +450 204 4 882377590 +450 205 4 882373531 +450 207 4 882374497 +450 208 5 882377358 +450 211 5 882373865 +450 213 4 882396351 +450 214 1 882371416 +450 216 5 882373657 +450 218 4 882397224 +450 220 4 882394097 +450 221 4 882395052 +450 222 3 882395778 +450 223 3 882371732 +450 225 4 887662002 +450 227 3 882398313 +450 228 4 882373019 +450 229 4 882474001 +450 230 4 882371732 +450 231 3 887662002 +450 232 4 882398666 +450 234 3 882396245 +450 235 3 887661217 +450 237 5 887660650 +450 238 5 882396928 +450 241 4 882376658 +450 245 4 892141986 +450 252 3 887834953 +450 258 4 882216108 +450 259 3 887834953 +450 260 2 889568753 +450 265 5 882371526 +450 270 4 882216108 +450 272 5 886449009 +450 273 3 882377726 +450 275 4 882372178 +450 281 4 882399664 +450 282 5 882377653 +450 283 3 887661961 +450 284 4 887139517 +450 286 4 882215617 +450 288 3 884097913 +450 290 4 882399509 +450 294 4 882370316 +450 299 2 889568793 +450 300 4 882216475 +450 301 4 882216475 +450 302 5 882215617 +450 304 4 882216108 +450 305 4 885944806 +450 307 5 882216475 +450 310 4 887660650 +450 311 4 885945425 +450 312 4 882812205 +450 313 5 882811655 +450 315 4 884098435 +450 318 5 882373531 +450 322 4 882370316 +450 336 3 882370464 +450 340 4 882216178 +450 345 2 884906309 +450 347 4 887047775 +450 354 4 892141784 +450 356 4 887138756 +450 357 5 882373531 +450 366 3 882396489 +450 367 3 882376282 +450 371 3 887661961 +450 372 4 882396245 +450 378 5 882373995 +450 381 2 882374497 +450 382 3 882377479 +450 383 2 882468790 +450 384 3 882471524 +450 385 4 882396489 +450 386 4 882397049 +450 387 5 882376446 +450 388 3 882471604 +450 389 4 882396051 +450 392 4 887660762 +450 395 3 882470642 +450 399 4 882468239 +450 400 3 882468790 +450 401 3 882397224 +450 402 4 882395662 +450 403 4 887660440 +450 405 4 882474001 +450 414 3 882396564 +450 415 3 882398220 +450 416 5 882395779 +450 417 4 882376365 +450 418 4 882395914 +450 419 5 887660504 +450 423 5 882371904 +450 428 4 887660722 +450 430 4 882377590 +450 433 3 882469061 +450 434 3 882372027 +450 435 4 882374332 +450 451 4 882398220 +450 457 2 882466909 +450 462 4 882396928 +450 465 4 887834823 +450 467 4 882374332 +450 468 4 882376803 +450 469 4 882396153 +450 470 5 887139517 +450 472 4 882397813 +450 474 5 882812558 +450 477 4 887660762 +450 478 5 887835272 +450 480 4 882372178 +450 482 5 882371904 +450 483 3 882371826 +450 484 3 887662002 +450 485 5 882373088 +450 487 4 887660504 +450 488 4 882371415 +450 489 4 882373464 +450 490 5 882373786 +450 492 5 882397049 +450 493 4 887660722 +450 494 3 882373385 +450 495 4 882395052 +450 496 5 882373532 +450 498 3 882396351 +450 499 5 882372178 +450 501 4 882371416 +450 502 5 882469061 +450 504 5 882377590 +450 505 5 882376658 +450 506 5 882373088 +450 507 5 882373020 +450 509 4 882398567 +450 510 4 887660722 +450 511 5 882372178 +450 514 5 882468931 +450 516 5 882396564 +450 518 4 882374134 +450 519 4 887660820 +450 520 5 887136083 +450 521 4 882394180 +450 523 5 882371904 +450 525 3 882467271 +450 526 4 882396245 +450 528 5 882371526 +450 546 4 887139019 +450 549 3 882377358 +450 550 4 882473915 +450 553 2 882373928 +450 557 5 882472306 +450 558 3 882396050 +450 559 3 882376446 +450 561 4 887660762 +450 566 4 882373928 +450 570 4 887139728 +450 571 2 882471604 +450 582 4 882394097 +450 583 4 882473914 +450 584 5 882397223 +450 588 4 882376658 +450 589 3 882813241 +450 591 4 887660762 +450 597 4 882473914 +450 601 3 882376658 +450 603 5 882373088 +450 604 4 882373231 +450 607 5 887135753 +450 610 4 882371904 +450 611 5 887135833 +450 612 4 882396564 +450 613 4 887660650 +450 614 4 882377479 +450 616 4 882373597 +450 618 4 882373995 +450 619 3 882377861 +450 620 4 882399818 +450 627 3 882396489 +450 628 4 882377590 +450 629 4 882397940 +450 632 5 882395914 +450 637 4 882395662 +450 642 4 882397939 +450 647 4 887136622 +450 650 4 882376446 +450 654 4 882373928 +450 659 5 882374217 +450 660 4 887660762 +450 662 4 882395914 +450 663 4 882373019 +450 671 3 882371416 +450 673 3 882396928 +450 679 1 882374422 +450 685 4 882374134 +450 686 4 882473826 +450 689 3 882216026 +450 692 4 882373724 +450 696 4 882398666 +450 699 4 882395537 +450 700 1 882469863 +450 702 4 882371904 +450 704 3 882372178 +450 707 5 882373786 +450 708 4 882397049 +450 710 3 882468931 +450 712 3 882470642 +450 713 3 882395778 +450 714 4 882472144 +450 717 4 887834953 +450 722 5 882471524 +450 723 3 882399818 +450 724 5 882395537 +450 725 3 882469863 +450 727 4 882812635 +450 728 3 887834953 +450 729 4 887139517 +450 732 3 882395662 +450 734 2 882471737 +450 735 4 882377590 +450 736 5 882395167 +450 739 4 887660650 +450 741 3 882376282 +450 742 4 882396564 +450 747 4 882395166 +450 748 4 882370410 +450 749 4 892141807 +450 750 3 884098229 +450 751 5 885945114 +450 756 3 882398940 +450 762 3 882469627 +450 765 3 882471362 +450 771 3 887835478 +450 774 4 882399818 +450 775 4 882469432 +450 776 4 882468402 +450 778 3 887834953 +450 781 4 882398220 +450 783 3 882399818 +450 785 3 882395537 +450 790 2 882374332 +450 792 4 882396050 +450 795 3 882468790 +450 801 4 882469863 +450 812 4 882468402 +450 815 3 882396153 +450 837 4 887835478 +450 842 4 882376446 +450 846 3 882471524 +450 847 4 882376188 +450 865 4 887136139 +450 866 4 882396565 +450 873 3 882216475 +450 878 2 884098534 +450 902 4 889569016 +450 904 5 889568507 +450 905 5 885945656 +450 908 1 885945114 +450 921 4 882372178 +450 923 5 886612198 +450 926 4 882470125 +450 928 3 882397813 +450 940 2 882471737 +450 942 5 882812558 +450 967 5 882373994 +450 968 4 882395537 +450 1020 4 882376365 +450 1030 1 882468789 +450 1033 3 882468401 +450 1036 2 882468686 +450 1037 2 882473760 +450 1039 5 887137271 +450 1041 4 882469432 +450 1044 4 887139844 +450 1047 4 882469941 +450 1050 4 882812349 +450 1054 2 882812495 +450 1061 4 882398313 +450 1092 3 882469627 +450 1107 4 887138957 +450 1112 3 882396352 +450 1115 4 882395778 +450 1119 4 882374332 +450 1126 4 887661961 +450 1135 4 882396352 +450 1140 2 882471362 +450 1147 4 882374497 +450 1152 5 882812558 +450 1160 5 886612330 +450 1172 5 882373231 +450 1184 1 882397049 +450 1192 5 887137066 +450 1197 3 882395662 +450 1203 3 882373723 +450 1212 4 882396799 +450 1221 5 887660722 +450 1222 3 887834953 +450 1226 4 887660820 +450 1249 3 882812821 +450 1261 4 882472964 +450 1263 4 882396799 +450 1269 4 882812635 +450 1284 3 887139594 +450 1286 3 882377479 +450 1297 4 882812635 +450 1311 4 887139844 +450 1401 4 882372103 +450 1402 2 882473230 +450 1421 4 882399664 +450 1425 4 882471737 +450 1446 4 882812558 +450 1479 3 882377479 +450 1480 3 882468686 +450 1490 3 882396929 +450 1518 4 887138957 +450 1603 3 887139728 +451 242 1 879012857 +451 243 4 879012510 +451 245 2 879012550 +451 258 4 879012343 +451 260 5 879012580 +451 261 2 879012647 +451 262 1 879012647 +451 263 2 879012811 +451 264 3 879012604 +451 266 2 879012811 +451 269 2 879012647 +451 270 4 879012684 +451 288 5 879012470 +451 289 1 879012510 +451 292 3 879012684 +451 294 5 879012470 +451 299 1 879012721 +451 300 4 879012550 +451 302 3 879012647 +451 303 2 879012648 +451 304 3 879012684 +451 306 2 879012684 +451 307 4 879012431 +451 308 1 879012890 +451 319 2 879012510 +451 321 3 879012470 +451 322 4 879012510 +451 323 4 879012510 +451 324 4 879012647 +451 326 4 879012431 +451 327 4 879012580 +451 330 3 879012721 +451 331 5 879012431 +451 332 4 879012342 +451 334 3 879012648 +451 335 4 879012721 +451 336 4 879012811 +451 337 2 879012857 +451 358 1 879012550 +451 360 3 879012858 +451 457 2 879012890 +451 678 5 879012510 +451 681 1 879012773 +451 682 4 879012580 +451 683 1 879012470 +451 687 2 879012510 +451 688 1 879012811 +451 690 4 879012382 +451 748 4 879012550 +451 749 3 879012773 +451 872 2 879012857 +451 873 5 879012684 +451 874 4 879012684 +451 875 2 879012721 +451 876 4 879012431 +451 878 1 879012811 +451 881 4 879012721 +451 882 1 879012812 +451 883 1 879012858 +451 885 1 879012890 +451 886 4 879012773 +451 887 1 879012858 +451 937 4 879012684 +451 948 3 879012890 +451 984 4 879012647 +451 988 1 879012773 +451 989 1 879012857 +451 990 3 879012684 +451 995 1 879012721 +451 1025 3 879012773 +451 1026 1 879012773 +451 1038 1 879012889 +451 1295 2 879012811 +451 1296 3 879012685 +451 1392 1 879012812 +451 1393 2 879012812 +451 1394 1 879012858 +451 1395 1 879012858 +452 8 4 875266060 +452 14 3 888568076 +452 15 4 875275763 +452 23 2 876825745 +452 25 2 875559910 +452 27 5 885816916 +452 50 5 875264825 +452 60 1 887718917 +452 61 1 887718917 +452 64 4 875266518 +452 69 5 875275699 +452 70 5 888492838 +452 71 3 875273415 +452 76 4 875562410 +452 77 3 875562997 +452 79 4 875269386 +452 82 3 886149040 +452 83 3 885490812 +452 89 5 875263413 +452 94 1 888568349 +452 96 2 875275699 +452 97 4 885476560 +452 98 5 875263330 +452 99 3 875562410 +452 100 5 885544109 +452 102 2 875560150 +452 111 3 886061565 +452 121 5 885816916 +452 134 3 875265446 +452 143 3 885805093 +452 152 2 875264826 +452 153 4 875276361 +452 161 5 885816915 +452 162 3 875277319 +452 164 4 875269386 +452 168 4 888568251 +452 170 4 875261261 +452 171 4 875277472 +452 172 4 876297413 +452 173 4 875261350 +452 174 4 875263413 +452 179 5 875265368 +452 185 5 875264355 +452 186 1 875875499 +452 187 3 875265265 +452 188 4 875560300 +452 191 5 876299004 +452 195 4 875265114 +452 196 4 875275763 +452 199 5 885816768 +452 201 1 875875685 +452 203 3 875275561 +452 204 3 875275815 +452 207 4 875261261 +452 210 4 875561852 +452 213 4 875265265 +452 216 3 888568700 +452 223 5 885816768 +452 234 3 875264355 +452 237 2 875263068 +452 243 5 886148336 +452 245 2 876216206 +452 259 2 888494119 +452 265 3 887719158 +452 269 5 888568251 +452 275 4 875264491 +452 276 1 885490917 +452 285 3 888492147 +452 286 4 876298932 +452 288 2 876298593 +452 290 2 875562903 +452 294 2 886148704 +452 385 4 875560933 +452 419 4 887719030 +452 420 3 875562510 +452 430 3 885817719 +452 432 2 875264432 +452 435 3 885476560 +452 443 5 885544109 +452 455 1 876297413 +452 456 1 876209837 +452 458 1 875266197 +452 467 3 885491030 +452 472 5 885816916 +452 474 3 875263067 +452 475 2 876299004 +452 479 5 885544109 +452 480 5 875261261 +452 481 5 885544110 +452 482 5 885544110 +452 483 5 875263244 +452 485 2 875276589 +452 488 4 885546945 +452 491 4 875261100 +452 492 4 875263413 +452 494 5 885805554 +452 495 4 875560508 +452 498 4 875264976 +452 501 3 885476356 +452 502 2 885817844 +452 504 2 875273544 +452 506 3 875276081 +452 510 4 875562475 +452 513 4 875561734 +452 514 3 875261350 +452 515 4 875261747 +452 516 3 888324014 +452 517 2 875562846 +452 520 3 875261100 +452 523 2 887889774 +452 526 4 875562645 +452 527 3 885490722 +452 528 4 875261261 +452 530 3 875562062 +452 531 4 875263244 +452 554 3 875562245 +452 576 2 875563050 +452 588 3 885804123 +452 597 5 885816916 +452 607 5 875266680 +452 609 4 875562374 +452 614 3 875562198 +452 624 2 875560067 +452 625 3 875562159 +452 636 5 885816916 +452 641 3 875266415 +452 648 4 875273292 +452 654 2 875273543 +452 660 4 875560068 +452 661 4 875261747 +452 663 2 885817516 +452 684 4 888493923 +452 736 3 887890174 +452 781 3 888568714 +452 792 5 887890364 +452 805 4 875562441 +452 815 2 875277472 +452 825 5 885816916 +452 842 2 875265368 +452 874 2 887718965 +452 924 5 885816916 +452 945 4 888323595 +452 969 2 875276006 +452 971 4 875560019 +452 1013 1 876215773 +452 1057 1 876215627 +452 1089 1 876215899 +452 1109 2 875273609 +452 1204 4 875560150 +452 1255 2 876298932 +452 1403 1 875875272 +452 1410 1 876297577 +452 1427 5 885816768 +452 1534 1 876298233 +453 3 4 877552717 +453 4 4 877554490 +453 7 5 877562135 +453 11 5 877554174 +453 17 4 877553928 +453 25 4 877552872 +453 33 4 877561522 +453 42 5 877554301 +453 50 5 877562313 +453 55 4 877554301 +453 56 5 877554771 +453 59 2 888202258 +453 67 4 888205882 +453 68 4 877561411 +453 69 4 877554647 +453 73 4 888206132 +453 79 3 888207161 +453 82 3 877561694 +453 85 3 877561301 +453 90 3 877561942 +453 97 3 877554743 +453 98 4 877554396 +453 99 3 888205588 +453 100 5 877552612 +453 117 4 877552540 +453 120 1 877553678 +453 125 3 877561349 +453 143 2 888206053 +453 144 4 877554443 +453 151 3 877552970 +453 154 3 877554587 +453 156 5 877554908 +453 157 4 877561172 +453 158 2 888205937 +453 168 4 877553708 +453 172 5 877554587 +453 174 4 877554564 +453 188 4 877554466 +453 202 4 877553999 +453 204 4 877554704 +453 210 4 877554587 +453 214 3 877553928 +453 215 3 877554419 +453 223 4 888203147 +453 226 3 877561214 +453 227 3 888207162 +453 229 2 888206219 +453 231 2 877562293 +453 233 2 888206003 +453 234 3 877561411 +453 237 4 877552657 +453 238 4 877554396 +453 239 3 877554927 +453 246 5 877552590 +453 248 4 887942143 +453 257 3 877552590 +453 268 4 877552481 +453 272 5 887941892 +453 273 4 877552678 +453 276 5 877552564 +453 282 4 877561382 +453 288 4 877562071 +453 298 4 877552641 +453 318 4 877553761 +453 354 4 888201923 +453 356 2 888205866 +453 357 5 877554174 +453 367 2 888202813 +453 384 2 888205711 +453 385 3 888207161 +453 393 3 888207162 +453 401 3 888206038 +453 402 3 888207161 +453 403 4 877562293 +453 412 2 877553302 +453 416 2 888206132 +453 421 4 888203015 +453 423 4 877554819 +453 424 1 888206768 +453 427 3 877554174 +453 451 2 877561836 +453 452 2 888206630 +453 453 2 888206768 +453 456 3 877552540 +453 471 4 888205557 +453 475 5 877552514 +453 476 3 890939266 +453 508 4 877552612 +453 509 4 877553850 +453 515 4 876191626 +453 550 3 888207161 +453 566 3 877561593 +453 568 3 888207161 +453 575 2 892447163 +453 578 3 888205764 +453 586 2 892447163 +453 591 3 877552969 +453 651 4 877554743 +453 652 3 877554443 +453 655 3 877553999 +453 697 4 877561235 +453 717 2 888206467 +453 721 4 888205696 +453 732 3 877561695 +453 742 3 888207161 +453 750 4 888201942 +453 763 4 877553221 +453 780 3 877561522 +453 781 3 888206022 +453 790 4 877561800 +453 797 1 888206339 +453 826 1 877553430 +453 941 2 877561613 +453 963 4 888202307 +453 1017 3 887942122 +453 1032 1 877561911 +453 1037 1 888206630 +453 1079 1 887942484 +453 1145 2 888206492 +453 1157 2 888206576 +453 1303 2 888206730 +454 1 3 881959818 +454 8 5 888266643 +454 11 1 888266433 +454 12 3 881960114 +454 28 4 888267560 +454 48 4 881960114 +454 50 4 881959144 +454 51 2 888267158 +454 56 3 888267590 +454 58 4 881960029 +454 64 4 881959652 +454 66 4 888266685 +454 70 4 888267419 +454 71 3 888266754 +454 73 3 888267521 +454 76 1 888266433 +454 79 4 881960083 +454 81 1 888266433 +454 82 4 881960446 +454 86 2 888267280 +454 87 4 881960296 +454 88 4 888267560 +454 95 2 888266433 +454 96 4 888266600 +454 97 4 881960029 +454 100 4 881959917 +454 107 3 888267087 +454 111 1 888267086 +454 117 3 888267343 +454 118 4 888267128 +454 121 4 888267128 +454 131 3 881960330 +454 132 2 888266874 +454 133 4 881959652 +454 135 2 888266433 +454 136 3 881959745 +454 140 3 888267386 +454 143 4 881960230 +454 144 4 888266643 +454 147 3 888267455 +454 153 3 888267521 +454 161 4 888267198 +454 164 3 881960265 +454 172 2 888266906 +454 173 2 888267028 +454 174 4 888266643 +454 181 3 881959187 +454 182 3 888266685 +454 191 4 888266724 +454 193 2 881959818 +454 194 3 881959698 +454 195 4 888266810 +454 196 2 881959778 +454 197 4 881959961 +454 202 3 881960201 +454 203 2 888267487 +454 210 4 881960361 +454 215 4 881959917 +454 222 3 888266785 +454 228 3 881959960 +454 234 3 888267087 +454 238 3 881960361 +454 245 3 881958782 +454 248 3 881959238 +454 250 4 881959238 +454 252 2 881959336 +454 257 4 881959276 +454 258 4 881958402 +454 270 4 881958606 +454 272 5 888007255 +454 275 2 888267419 +454 277 2 881959960 +454 283 3 888267590 +454 285 2 881959917 +454 286 3 881958782 +454 302 4 881958326 +454 310 4 881958464 +454 312 3 888015842 +454 313 5 888000454 +454 315 4 888015651 +454 316 4 888015879 +454 317 4 888267343 +454 318 5 881959576 +454 323 2 881958783 +454 326 4 881958362 +454 327 3 881958428 +454 356 1 888267279 +454 357 3 881959844 +454 367 4 888267128 +454 371 3 888267198 +454 378 3 888267128 +454 387 2 888267279 +454 402 3 888267419 +454 404 3 888267590 +454 418 3 888267128 +454 419 4 881959917 +454 427 4 881960173 +454 434 3 888267387 +454 451 4 888267455 +454 454 3 881959745 +454 463 2 888267560 +454 465 3 888267343 +454 468 3 888267087 +454 471 3 881960445 +454 472 3 888266874 +454 474 4 881959917 +454 479 4 881959991 +454 480 4 881959652 +454 482 3 881960230 +454 484 3 881960445 +454 485 4 888267386 +454 486 3 881960385 +454 487 4 888266565 +454 490 2 888266754 +454 493 2 888267617 +454 496 4 881959991 +454 497 3 881959876 +454 498 3 888267559 +454 504 2 888266955 +454 507 3 881960265 +454 509 2 881960230 +454 511 3 881960173 +454 519 2 888267455 +454 520 4 881959607 +454 527 4 881960201 +454 530 2 881960174 +454 531 2 888266785 +454 566 4 888267087 +454 568 4 888266906 +454 588 3 881960083 +454 589 2 888267487 +454 602 2 888267521 +454 603 4 881959876 +454 604 3 881959960 +454 605 2 888267487 +454 606 2 881960330 +454 607 2 888267315 +454 610 3 881959576 +454 611 2 888266685 +454 612 3 881960145 +454 627 2 888267643 +454 631 2 888267643 +454 632 3 881960145 +454 633 2 881959745 +454 642 2 888267419 +454 649 2 888267279 +454 651 4 881960083 +454 654 2 888267419 +454 655 3 881959746 +454 661 4 881959991 +454 685 3 888267198 +454 686 2 888267280 +454 687 3 881959468 +454 692 5 888267158 +454 693 2 888267315 +454 705 3 881959818 +454 707 3 881959576 +454 732 4 888267560 +454 735 2 888267387 +454 736 3 888266991 +454 740 2 888266433 +454 746 2 881959778 +454 748 4 881958551 +454 751 4 888265376 +454 836 2 888266785 +454 837 2 888267315 +454 873 2 881958782 +454 875 1 888266433 +454 942 2 888267198 +454 945 3 881960083 +454 968 2 888267198 +454 972 2 888267128 +454 984 3 891377968 +454 988 2 888015879 +454 1003 2 881960446 +454 1063 4 881960029 +454 1089 2 881959437 +454 1107 4 888267617 +454 1126 2 888266955 +454 1190 3 881959437 +454 1269 3 881959698 +454 1299 2 888266991 +454 1454 2 888266907 +455 1 4 878585685 +455 2 4 879111786 +455 4 3 879111786 +455 8 4 879111345 +455 11 3 879110971 +455 15 2 879110767 +455 20 3 879109594 +455 22 4 879111500 +455 24 3 879111662 +455 25 3 879109110 +455 28 4 879111371 +455 31 4 879111937 +455 39 2 879111345 +455 40 3 879111662 +455 42 2 879110767 +455 44 3 879112678 +455 47 2 879112172 +455 50 5 878585826 +455 52 3 879112011 +455 56 5 879110844 +455 57 4 879112460 +455 58 3 879111318 +455 65 3 879111396 +455 70 3 879111194 +455 71 3 879112098 +455 77 4 879111528 +455 79 4 879112377 +455 82 5 879110818 +455 87 3 879110905 +455 89 3 879111616 +455 97 5 879112436 +455 100 4 878585826 +455 117 3 879111345 +455 121 4 878585685 +455 123 3 879111705 +455 124 4 879109594 +455 125 3 879109133 +455 126 5 879172791 +455 135 5 879111248 +455 144 3 879110436 +455 147 4 879109764 +455 159 3 879111500 +455 161 4 879112098 +455 164 4 879110844 +455 170 3 879111616 +455 172 4 879112054 +455 173 4 879111937 +455 174 4 879111763 +455 176 3 879111960 +455 181 4 878585826 +455 183 4 879111862 +455 191 5 879111422 +455 193 4 879111586 +455 196 4 879111737 +455 197 5 879111057 +455 200 5 879111092 +455 204 4 879111249 +455 213 4 879111453 +455 214 3 879112122 +455 222 3 878585775 +455 223 4 879111554 +455 228 4 879111153 +455 230 3 879111291 +455 237 3 879109923 +455 239 3 879111397 +455 245 3 878585344 +455 250 3 879109966 +455 255 2 884027240 +455 257 4 879109733 +455 258 5 878585250 +455 259 2 884027220 +455 265 4 879112152 +455 269 4 878585250 +455 277 4 879109565 +455 279 3 882141582 +455 281 3 879110281 +455 282 3 879109664 +455 286 5 878585250 +455 288 2 879110767 +455 291 3 879109984 +455 293 4 879109110 +455 300 4 878585250 +455 301 2 879110767 +455 304 3 878585409 +455 313 4 884649784 +455 317 3 879111616 +455 318 3 879111528 +455 321 2 892230438 +455 323 3 878585277 +455 334 3 892230883 +455 343 4 882141285 +455 372 4 879112055 +455 380 3 879112654 +455 385 3 879111907 +455 402 4 879112356 +455 405 3 879109764 +455 428 4 879111268 +455 435 4 879110544 +455 447 4 879111153 +455 449 4 879112582 +455 455 3 879111862 +455 462 3 879110436 +455 463 4 879111737 +455 465 3 879112678 +455 504 4 879110573 +455 508 4 882141385 +455 511 5 879110971 +455 515 4 878585775 +455 518 4 879111318 +455 523 4 879110946 +455 529 3 879111737 +455 531 3 879111291 +455 546 3 879110767 +455 550 4 879112700 +455 553 3 879111907 +455 568 4 879112298 +455 581 3 879111763 +455 582 2 879111982 +455 584 4 879111528 +455 597 3 879110123 +455 620 3 879108829 +455 627 3 879111705 +455 628 4 879109692 +455 629 3 879111371 +455 647 4 879111092 +455 662 4 879111554 +455 678 3 878585344 +455 692 3 879111249 +455 694 4 879110870 +455 716 3 879112259 +455 724 3 879111500 +455 727 3 879112561 +455 736 3 879112460 +455 738 3 879112238 +455 744 3 879109881 +455 755 3 879112189 +455 770 3 879111586 +455 778 4 879112582 +455 898 3 883768822 +455 924 3 879110154 +455 939 4 879111454 +455 942 4 879112011 +455 1028 2 879110767 +455 1034 2 879110767 +455 1086 3 879109692 +455 1136 3 879111705 +455 1137 3 879109881 +455 1167 4 879111123 +455 1174 3 879109663 +455 1197 4 879109565 +455 1265 3 879108997 +456 1 2 881371548 +456 3 4 881371660 +456 4 3 881374849 +456 12 3 881373655 +456 13 4 881372604 +456 14 5 881371427 +456 22 4 881373573 +456 33 4 881374086 +456 42 4 881373655 +456 50 4 881373473 +456 54 3 881375416 +456 56 5 881373353 +456 57 4 881374521 +456 59 4 881372779 +456 60 4 881373838 +456 61 4 881373228 +456 68 4 881374437 +456 69 4 881373949 +456 71 3 881374710 +456 72 1 881374801 +456 80 2 881374967 +456 86 2 881374332 +456 91 2 881373948 +456 92 4 881374048 +456 94 3 881375482 +456 95 4 881373756 +456 98 3 881372779 +456 99 3 881374767 +456 100 3 881372366 +456 101 3 881375284 +456 109 3 881371660 +456 111 3 881371942 +456 125 4 881372015 +456 127 5 881373019 +456 129 3 881372604 +456 133 3 881373084 +456 150 4 881371453 +456 161 3 881374967 +456 168 4 881373794 +456 170 5 881373353 +456 172 5 881373019 +456 174 4 881373019 +456 175 3 881372946 +456 177 4 881373900 +456 179 5 881372779 +456 182 3 881373228 +456 185 4 881372849 +456 187 4 881372911 +456 191 3 881372849 +456 194 3 881373472 +456 200 4 881374390 +456 202 3 881374586 +456 204 3 881374086 +456 208 4 881374710 +456 209 3 881372849 +456 210 3 881374849 +456 214 4 881374586 +456 216 4 881374193 +456 217 3 881374883 +456 218 4 881374522 +456 222 2 881371766 +456 228 3 881374548 +456 229 3 881375482 +456 231 2 881375226 +456 232 2 881374389 +456 238 4 881373756 +456 258 4 887165802 +456 265 3 881374048 +456 273 3 881372328 +456 274 3 881371977 +456 282 3 881371694 +456 286 3 887165765 +456 289 4 881372687 +456 294 1 881375667 +456 324 4 881372687 +456 325 3 881372687 +456 346 5 887165765 +456 367 3 881373900 +456 369 3 881371942 +456 382 1 881374710 +456 395 2 881375542 +456 402 2 881375416 +456 403 2 881373900 +456 405 1 881371942 +456 410 4 881372160 +456 423 3 881374586 +456 431 4 881374437 +456 432 4 881374390 +456 433 4 881373120 +456 443 4 881373019 +456 447 3 881374332 +456 448 3 881374586 +456 449 3 881375226 +456 452 2 881375515 +456 460 3 881371942 +456 461 4 881373168 +456 462 3 881373506 +456 475 5 881372366 +456 479 5 881373900 +456 480 4 881373573 +456 483 4 881372911 +456 484 4 881373983 +456 485 4 881373574 +456 490 4 881373084 +456 498 4 881373473 +456 505 4 881373473 +456 508 4 881371427 +456 523 4 881373353 +456 544 3 881372114 +456 547 3 881371660 +456 550 2 881375381 +456 568 2 881374246 +456 578 2 881375127 +456 580 4 881374767 +456 581 3 881375155 +456 588 3 881374462 +456 603 5 881373019 +456 608 4 881373168 +456 616 3 881373655 +456 640 4 881373697 +456 658 3 881375351 +456 660 5 881374522 +456 662 4 881374710 +456 672 1 881374849 +456 673 3 881374849 +456 693 3 881373949 +456 696 3 881372078 +456 697 4 881374390 +456 708 4 881373756 +456 710 3 881374649 +456 715 3 881373697 +456 720 3 881375515 +456 721 4 881373756 +456 737 3 881375254 +456 739 3 881375226 +456 743 2 881372256 +456 747 4 881374331 +456 772 4 881373228 +456 793 3 881374883 +456 806 3 881373617 +456 818 3 881372114 +456 824 3 881372256 +456 919 4 881371548 +456 922 4 881371595 +456 933 3 881371595 +456 943 4 881372946 +456 952 4 881371766 +456 955 4 881374162 +456 959 4 881375127 +456 963 4 881374047 +456 979 3 881371694 +456 985 3 881371492 +456 1008 4 881371427 +456 1017 4 881372574 +456 1019 4 881372849 +456 1020 4 881373506 +456 1081 4 881372191 +456 1101 3 881374710 +456 1107 4 881375587 +456 1129 4 881371548 +456 1134 4 881372281 +456 1168 4 881375284 +456 1198 4 881371595 +456 1218 3 881374921 +456 1220 3 881375051 +456 1240 3 881374332 +456 1248 3 881374767 +456 1267 4 881373756 +456 1324 4 881371720 +456 1328 4 881372328 +456 1421 3 881374437 +456 1478 4 881374993 +456 1551 3 881374193 +456 1604 4 881372849 +457 1 4 882393244 +457 4 4 882397829 +457 8 5 882397734 +457 12 5 882397666 +457 13 3 882393883 +457 15 4 882393688 +457 20 5 882393967 +457 25 4 882393828 +457 28 5 882396989 +457 31 4 882397543 +457 38 3 882549651 +457 44 4 882548214 +457 45 5 882397133 +457 47 4 882396935 +457 48 5 882397293 +457 51 5 882397734 +457 52 4 882398055 +457 53 4 882548645 +457 54 4 882549322 +457 56 4 882396868 +457 57 4 882397177 +457 58 4 882397177 +457 62 3 882550925 +457 64 5 882396868 +457 66 4 882547694 +457 69 5 882396659 +457 79 5 882396869 +457 86 3 882397455 +457 88 4 882397763 +457 89 5 882397058 +457 96 5 882553113 +457 97 5 882397699 +457 98 5 882553113 +457 100 5 882393244 +457 105 3 882396001 +457 111 3 882393384 +457 114 5 882396868 +457 118 4 882395400 +457 120 2 882551344 +457 121 4 882393066 +457 122 2 882396158 +457 125 4 882393343 +457 127 5 882396902 +457 132 5 882547619 +457 133 4 882547820 +457 134 5 882396832 +457 135 5 882397240 +457 137 5 882393278 +457 143 5 882548099 +457 144 5 882397494 +457 145 3 882549998 +457 147 5 882395400 +457 151 5 882394010 +457 154 5 882397058 +457 155 4 882550065 +457 156 5 882397095 +457 157 5 882553112 +457 160 4 882395078 +457 164 4 882547645 +457 168 5 882395018 +457 169 5 882396935 +457 172 5 882553113 +457 173 5 882395049 +457 174 5 882397267 +457 175 5 882547139 +457 179 4 882397963 +457 182 4 882396659 +457 183 5 882397455 +457 186 5 882397575 +457 192 5 882395018 +457 193 5 882397666 +457 194 5 882397058 +457 196 5 882397763 +457 202 4 882398275 +457 204 5 882397699 +457 208 4 882396705 +457 210 5 882397337 +457 218 4 882547554 +457 219 4 882550304 +457 222 5 882392853 +457 225 4 882395825 +457 226 3 882548825 +457 227 4 882392853 +457 228 5 882392853 +457 229 4 882392853 +457 230 4 882392853 +457 232 4 882397666 +457 234 5 882548426 +457 237 4 882393712 +457 238 5 882392976 +457 240 3 882395638 +457 241 3 882398086 +457 243 2 882393104 +457 248 4 882393008 +457 252 4 882395638 +457 258 5 882392853 +457 265 5 882397699 +457 275 5 882393648 +457 276 4 882393306 +457 282 4 882392785 +457 284 3 882394010 +457 285 5 882393648 +457 287 4 882394010 +457 288 4 882392853 +457 294 2 882393514 +457 356 4 882547670 +457 357 5 882396735 +457 366 4 882549287 +457 367 4 882396989 +457 368 1 882396133 +457 370 3 882396133 +457 371 4 882398275 +457 372 4 882548382 +457 373 2 882551189 +457 378 4 882548312 +457 380 4 882392854 +457 385 4 882392950 +457 386 3 882549133 +457 388 2 882551343 +457 393 3 882548583 +457 395 2 882551605 +457 401 3 882550654 +457 403 4 882397177 +457 411 3 882395894 +457 423 5 882397699 +457 425 4 882397828 +457 428 5 882553113 +457 433 5 882397020 +457 436 4 882547619 +457 443 4 882396989 +457 448 4 882548537 +457 451 4 882549212 +457 453 2 882551854 +457 455 4 882393384 +457 456 2 882395851 +457 462 5 882396283 +457 469 4 882397208 +457 470 5 882398204 +457 471 4 882393421 +457 474 5 882398178 +457 476 2 882392810 +457 483 5 882396705 +457 485 4 882396832 +457 500 5 882553112 +457 507 4 882397059 +457 509 4 882398086 +457 527 5 882553113 +457 528 5 882397543 +457 529 4 882397763 +457 531 5 882392906 +457 546 2 882393860 +457 549 4 882398178 +457 553 5 882396314 +457 554 4 882549682 +457 566 4 882548583 +457 569 3 882549356 +457 584 4 882548615 +457 597 3 882393908 +457 628 4 882393688 +457 631 4 882547620 +457 636 4 882548466 +457 640 4 882548467 +457 651 5 882396799 +457 655 5 882397879 +457 660 5 882396449 +457 664 4 882549601 +457 673 4 882397829 +457 676 3 882395400 +457 679 4 882547723 +457 695 3 882398345 +457 699 4 882548615 +457 704 4 882397240 +457 708 4 882398002 +457 717 3 882395894 +457 720 3 882550925 +457 722 4 882550154 +457 727 4 882396832 +457 739 4 882549483 +457 742 4 882393306 +457 744 3 882393457 +457 747 4 882397787 +457 755 4 882549356 +457 758 2 882551135 +457 769 2 882551740 +457 775 3 882551021 +457 825 5 882553112 +457 831 2 882396001 +457 845 4 882393801 +457 871 1 882393765 +457 934 3 882396092 +457 949 3 882549287 +457 956 4 882548214 +457 959 4 882549180 +457 980 4 882395283 +457 1012 4 882393765 +457 1029 3 882551135 +457 1030 2 882551134 +457 1047 2 882395964 +457 1119 4 882398308 +457 1140 2 882551344 +457 1221 4 882549438 +458 1 4 886394423 +458 7 4 886394373 +458 8 4 886395899 +458 9 5 886394373 +458 12 5 886395758 +458 13 4 886394916 +458 14 5 886394576 +458 21 2 886395393 +458 25 1 886394576 +458 28 3 886396005 +458 32 4 886395963 +458 48 4 886396192 +458 50 2 886396521 +458 52 4 886398187 +458 56 5 886397679 +458 57 1 886395758 +458 64 4 886396005 +458 69 2 886397988 +458 76 4 886398121 +458 79 5 886396192 +458 83 4 886398071 +458 86 5 886397679 +458 97 1 886397931 +458 99 4 886397110 +458 100 4 886394373 +458 116 4 886394623 +458 124 4 886394822 +458 127 5 886396390 +458 129 4 886394667 +458 137 5 886394730 +458 144 4 886396390 +458 152 5 886397275 +458 169 5 886396390 +458 174 3 886397109 +458 178 4 886398187 +458 180 4 886397679 +458 182 4 886397771 +458 187 5 886398543 +458 191 5 886396192 +458 192 4 886396240 +458 193 4 886396460 +458 194 2 886397504 +458 199 4 886396140 +458 204 4 886396390 +458 209 4 886397155 +458 234 4 886397808 +458 237 4 886394623 +458 238 4 886397679 +458 245 2 889324066 +458 275 5 886394471 +458 276 5 886394470 +458 282 2 886396958 +458 284 4 886394527 +458 287 4 886394822 +458 288 3 886394667 +458 293 5 886396767 +458 302 5 886394314 +458 304 4 889323982 +458 307 4 889323481 +458 317 5 886397155 +458 318 4 886397771 +458 319 4 889323714 +458 321 3 889323855 +458 330 3 889324461 +458 333 1 889323582 +458 338 3 889323660 +458 346 4 889323539 +458 357 3 886397275 +458 387 4 886398246 +458 405 4 886395022 +458 408 5 886396637 +458 410 1 886394778 +458 423 2 886396314 +458 425 3 886398246 +458 427 4 886396460 +458 430 5 886398543 +458 433 4 886398289 +458 435 4 886397504 +458 460 4 886394916 +458 461 4 886397377 +458 469 4 886397377 +458 473 4 886395022 +458 475 4 886394729 +458 483 5 886396460 +458 484 5 886397109 +458 496 3 886398289 +458 499 4 886397450 +458 513 4 886396314 +458 515 4 886396729 +458 517 4 886398289 +458 519 4 886395899 +458 521 4 886397377 +458 527 2 886397857 +458 530 4 886396005 +458 531 5 886395758 +458 591 3 886394730 +458 596 4 886395350 +458 603 4 886397155 +458 619 2 886394778 +458 631 4 886397541 +458 632 4 886398289 +458 648 4 886395899 +458 663 4 886398289 +458 694 4 886396140 +458 709 4 886396192 +458 717 1 886395230 +458 735 2 886397679 +458 736 4 886398543 +458 742 4 886394730 +458 753 4 886397110 +458 762 3 886395065 +458 792 4 886398025 +458 823 3 886395119 +458 845 3 886394527 +458 847 5 889324370 +458 925 3 886395166 +458 939 4 886398187 +458 952 2 886395119 +458 956 5 886397377 +458 960 1 886397726 +458 969 4 886395899 +458 1011 3 886394471 +458 1039 5 886397275 +458 1048 4 886395119 +458 1070 4 886395963 +458 1101 4 886397931 +458 1109 4 886397318 +458 1226 2 886396910 +458 1261 4 886397413 +458 1335 1 886395565 +458 1338 3 886395393 +459 1 4 879562960 +459 3 2 879563288 +459 8 5 879563903 +459 15 4 879563102 +459 19 3 879563064 +459 22 5 879563903 +459 50 4 879563064 +459 79 3 879566291 +459 98 5 879564941 +459 100 1 879562859 +459 105 4 879563819 +459 111 3 879563201 +459 120 2 879563392 +459 121 5 879563474 +459 123 3 879563312 +459 125 4 879563169 +459 127 4 879562834 +459 134 3 879564941 +459 147 3 879563435 +459 148 5 879563367 +459 181 4 879562939 +459 186 4 879566321 +459 194 3 879566291 +459 216 3 879566321 +459 220 3 879563367 +459 222 4 879562994 +459 225 3 879563777 +459 230 4 879564941 +459 235 1 879563367 +459 250 5 879563270 +459 252 4 879563506 +459 255 4 879563613 +459 257 5 879563245 +459 259 4 879561630 +459 264 4 879561755 +459 271 4 879561731 +459 274 4 879563226 +459 275 4 879562859 +459 278 4 879563270 +459 282 3 879562995 +459 291 4 879563312 +459 294 5 879561755 +459 295 3 879563367 +459 298 3 879562895 +459 300 4 879561574 +459 307 5 879561630 +459 322 4 879561679 +459 323 3 879561708 +459 328 3 879561574 +459 333 3 879561574 +459 336 2 879561708 +459 357 4 879564308 +459 358 2 879561783 +459 405 3 879563334 +459 409 2 879563796 +459 411 2 879563796 +459 455 2 879563392 +459 471 3 879562659 +459 473 4 879563102 +459 477 1 879562995 +459 546 1 879563367 +459 596 3 879562939 +459 597 3 879563270 +459 619 4 879563169 +459 651 3 879564309 +459 676 3 879563288 +459 685 3 879563613 +459 687 3 879561782 +459 696 4 879563736 +459 742 4 879562834 +459 825 3 879563474 +459 827 3 879563758 +459 832 3 879563758 +459 846 4 879563435 +459 864 4 879563435 +459 866 5 879563312 +459 873 4 879561731 +459 926 4 879563639 +459 932 4 879563334 +459 934 3 879563639 +459 978 2 879563435 +459 993 3 879563146 +459 1013 3 879563226 +459 1014 1 879563506 +459 1016 4 879563506 +459 1038 4 879561654 +459 1040 2 879563701 +459 1047 3 879563668 +459 1060 1 879563668 +460 7 3 882912205 +460 9 3 882912150 +460 10 3 882912371 +460 13 3 882912371 +460 14 5 882912418 +460 19 5 882912418 +460 20 4 882912469 +460 100 5 882912418 +460 117 3 882912342 +460 124 4 882912150 +460 129 3 882912261 +460 137 5 882912418 +460 146 4 882912370 +460 149 4 882912174 +460 151 3 882912205 +460 221 4 882912285 +460 245 3 882910657 +460 253 3 882912316 +460 257 2 882912342 +460 258 3 882910637 +460 273 4 882912371 +460 275 3 882912261 +460 283 3 882912316 +460 286 4 882910838 +460 288 2 882910678 +460 289 4 882910838 +460 293 4 882911603 +460 294 2 882910637 +460 297 3 882912342 +460 298 2 882912440 +460 301 3 882910579 +460 302 4 882910837 +460 303 3 882910553 +460 304 2 882911101 +460 306 4 882912418 +460 311 5 882912418 +460 312 4 882910837 +460 313 4 882910837 +460 321 3 882910510 +460 322 3 882910722 +460 327 4 882912418 +460 532 3 882912370 +460 591 2 882911603 +460 676 4 882912285 +460 713 4 882912469 +460 744 3 882912261 +460 870 2 882912469 +460 1011 4 882912205 +460 1067 4 882912316 +460 1115 3 882912235 +460 1137 3 882912235 +460 1171 3 882912235 +461 50 3 885356089 +461 121 2 885355890 +461 255 2 885355890 +461 258 4 885355735 +461 259 2 885355679 +461 269 3 885355705 +461 294 3 885355805 +461 302 3 885355646 +461 305 2 885355757 +461 313 4 885355646 +461 321 3 885355757 +461 327 4 885355757 +461 347 4 885355679 +461 575 2 885355930 +461 682 1 885355705 +461 748 1 885355839 +461 1006 5 885355890 +462 181 4 886365443 +462 261 2 886365773 +462 271 1 886365928 +462 288 5 886365260 +462 289 5 886365837 +462 310 5 886365197 +462 313 5 886365231 +462 315 4 886365837 +462 321 5 886365734 +462 322 5 886365773 +462 326 4 886365297 +462 328 5 886365773 +462 332 5 886365706 +462 346 1 886365928 +462 358 1 886365638 +462 539 3 886365773 +462 655 5 886365467 +462 678 3 886365335 +462 682 5 886365231 +462 873 4 886365706 +462 895 4 886365297 +463 1 1 890453075 +463 3 2 877386083 +463 7 4 877385180 +463 10 1 890453075 +463 13 3 877385664 +463 14 1 890453075 +463 15 4 877385287 +463 16 4 877385830 +463 19 5 877385341 +463 21 1 890453075 +463 24 3 877385731 +463 25 3 877385664 +463 50 4 890530818 +463 100 4 877385237 +463 103 1 890530703 +463 111 2 877385414 +463 112 1 890530721 +463 116 5 877385381 +463 117 3 877385731 +463 124 5 877385381 +463 125 4 877385590 +463 127 5 890530105 +463 129 2 877385287 +463 149 2 877385341 +463 150 2 889943683 +463 151 4 877385341 +463 221 5 877385180 +463 225 3 877385489 +463 235 2 877385457 +463 237 4 877385237 +463 242 2 889935629 +463 244 4 877387935 +463 246 4 877387935 +463 249 2 889936035 +463 250 4 889935953 +463 257 4 889935910 +463 269 5 877384802 +463 270 3 889936535 +463 271 1 889943811 +463 274 3 877385664 +463 275 5 877385287 +463 276 3 877385287 +463 282 3 877385664 +463 283 5 877385287 +463 284 3 877385531 +463 285 4 877385125 +463 286 4 877387935 +463 288 1 889943851 +463 302 5 877384835 +463 304 3 877384881 +463 306 4 877384836 +463 311 4 889936814 +463 313 4 889935655 +463 347 1 889936589 +463 362 1 889943741 +463 410 1 890530286 +463 455 3 877385457 +463 475 3 877385341 +463 476 3 877385664 +463 539 1 889936753 +463 544 4 877385415 +463 591 4 877385590 +463 593 1 877386923 +463 596 3 877385731 +463 597 2 890531227 +463 689 2 889936731 +463 690 4 877384802 +463 740 4 877385922 +463 741 1 889937778 +463 749 3 877384882 +463 764 2 877385457 +463 813 4 877385125 +463 819 1 889937778 +463 864 3 890530351 +463 866 3 877385862 +463 880 4 890452525 +463 887 5 890452468 +463 892 2 889936774 +463 930 1 889936180 +463 936 2 890460826 +463 950 3 877385590 +463 985 1 877386923 +463 988 2 877384836 +463 993 2 877387935 +463 1007 3 877387935 +463 1009 3 877386047 +463 1012 2 889935860 +463 1014 2 889936324 +463 1028 2 877386082 +463 1033 2 890530703 +463 1060 2 889936244 +463 1115 4 877385531 +463 1117 1 877385954 +463 1132 1 889937778 +463 1164 1 877385797 +463 1199 1 889937778 +463 1216 3 877387935 +463 1284 4 877385381 +463 1383 2 890530703 +463 1605 2 877387935 +463 1606 2 889936565 +464 12 5 878355167 +464 50 4 878354966 +464 116 4 878355167 +464 127 5 878354966 +464 181 3 878354998 +464 194 5 878355259 +464 249 2 878355119 +464 255 4 878355061 +464 257 4 878355088 +464 258 5 878354626 +464 259 4 878354859 +464 260 2 878354859 +464 264 4 878354886 +464 269 5 878354626 +464 270 4 878354762 +464 286 3 878354626 +464 288 4 878354626 +464 289 4 878354626 +464 292 5 878354722 +464 294 4 878354721 +464 295 5 878355033 +464 298 4 878355061 +464 299 4 878354791 +464 300 4 878354626 +464 301 4 878354829 +464 307 5 878354859 +464 322 3 878354680 +464 326 4 878354761 +464 328 3 878354722 +464 332 4 878354761 +464 333 4 878354761 +464 358 3 878354680 +464 479 4 878355167 +464 482 5 878355258 +464 510 4 878355167 +464 515 5 878354965 +464 520 5 878355167 +464 678 3 878354722 +464 705 5 878355258 +464 709 5 878355258 +464 748 4 878354681 +464 879 4 878354791 +464 1025 2 878354829 +464 1226 4 878355033 +464 1598 3 878355088 +465 12 4 883530088 +465 22 3 883531246 +465 28 3 883531110 +465 48 3 883530313 +465 50 4 883530778 +465 64 5 883530088 +465 87 4 883530054 +465 97 2 883532120 +465 98 4 883531409 +465 100 3 883532119 +465 109 3 883532119 +465 114 4 883530190 +465 127 4 883530667 +465 132 4 883531325 +465 134 4 883530133 +465 135 3 883531380 +465 151 3 883530818 +465 175 5 883530054 +465 179 3 883531325 +465 180 3 883530015 +465 190 4 883530054 +465 191 4 883530133 +465 194 4 883531072 +465 198 2 883532119 +465 199 3 883531026 +465 202 4 883531487 +465 216 3 883531284 +465 257 4 883530818 +465 275 4 883530521 +465 281 2 883532120 +465 283 3 883530560 +465 286 4 883529338 +465 300 3 883529601 +465 318 4 883531487 +465 319 3 883529372 +465 357 4 883531325 +465 395 1 883532120 +465 408 5 883530391 +465 428 3 883531246 +465 474 3 883531246 +465 475 3 883530313 +465 477 4 883530742 +465 478 4 883531246 +465 481 4 883529984 +465 496 3 883531246 +465 513 5 883530015 +465 525 3 883531111 +465 528 3 883530190 +465 529 3 883529984 +465 584 3 883531325 +465 588 4 883531380 +465 603 4 883531284 +465 638 3 883531380 +465 656 3 883531410 +465 835 3 883531026 +465 836 3 883531155 +465 845 4 883530743 +465 855 4 883531444 +465 868 2 883532119 +465 929 3 883530818 +465 1078 2 883532119 +466 2 1 890284819 +466 4 3 890285034 +466 7 4 890284819 +466 17 5 890284766 +466 24 4 890285159 +466 27 3 890285113 +466 33 4 890285113 +466 50 5 890284819 +466 62 3 890285159 +466 82 3 890284819 +466 87 3 890285706 +466 89 3 890284819 +466 92 4 890285034 +466 95 2 890285788 +466 117 5 890285034 +466 121 3 890285034 +466 127 3 890284766 +466 128 2 890284819 +466 161 2 890285113 +466 172 4 890284706 +466 173 3 890285762 +466 176 4 890284766 +466 181 4 890284857 +466 183 3 890284766 +466 184 4 890285113 +466 188 3 890284766 +466 195 4 890284857 +466 226 4 890285034 +466 232 4 890284903 +466 241 5 890284857 +466 260 4 890283592 +466 265 3 890285159 +466 269 2 890282759 +466 288 4 890284651 +466 300 3 890282795 +466 302 5 890284651 +466 306 5 890284231 +466 308 1 890282957 +466 315 5 890284231 +466 321 2 890282986 +466 324 1 890283690 +466 331 5 890284231 +466 333 4 890284652 +466 334 3 890283690 +466 344 5 890284231 +466 349 2 890283636 +466 350 4 890284651 +466 354 2 890282795 +466 357 4 890285706 +466 385 4 890284819 +466 403 3 890284857 +466 455 3 890285113 +466 510 2 890284857 +466 546 4 890285159 +466 550 3 890284903 +466 566 3 890284819 +466 568 3 890285034 +466 651 3 890284819 +466 679 3 890285159 +466 682 1 890282957 +466 684 4 890285034 +466 748 2 890283592 +466 873 2 890283056 +466 882 5 890284231 +466 895 3 890283056 +466 898 1 890283667 +466 899 5 890284231 +466 902 5 890283497 +466 909 5 890284231 +466 1313 3 890283690 +466 1607 5 890284231 +467 7 5 879532385 +467 50 4 879532385 +467 93 4 879532595 +467 100 5 879532420 +467 108 4 879532744 +467 109 5 879532550 +467 124 5 879532534 +467 127 5 879532478 +467 150 4 879532385 +467 181 3 879532420 +467 222 3 879532651 +467 240 3 879532773 +467 248 3 879532651 +467 257 4 879532512 +467 258 2 879532164 +467 264 2 879532296 +467 268 5 879532164 +467 276 5 879532460 +467 288 4 879532804 +467 293 4 879532385 +467 298 4 879532385 +467 302 4 879532127 +467 340 3 879532198 +467 455 3 879532744 +467 762 3 879532478 +467 1011 2 879532630 +467 1016 4 879532671 +467 1017 2 879532403 +467 1059 4 879532693 +467 1142 5 879532478 +468 1 5 875280395 +468 4 5 875296868 +468 5 3 875287686 +468 8 4 875288196 +468 9 5 875280041 +468 12 4 875291902 +468 13 4 875280104 +468 15 4 875280518 +468 19 4 875280126 +468 23 4 875287535 +468 24 3 875280462 +468 31 3 875287615 +468 39 3 875296309 +468 44 4 875302208 +468 47 5 875301056 +468 50 5 875280352 +468 51 3 875293386 +468 55 5 875287615 +468 56 5 875286450 +468 64 5 875286450 +468 65 3 875294549 +468 69 4 875291570 +468 71 5 875295148 +468 82 5 875292320 +468 89 4 875291722 +468 91 5 875301056 +468 98 5 875288196 +468 116 4 875280180 +468 117 2 875280499 +468 118 3 875280417 +468 124 5 875280331 +468 127 4 875280126 +468 132 5 875292134 +468 135 5 875287895 +468 137 4 875280126 +468 143 5 875288197 +468 153 5 875287720 +468 159 3 875292320 +468 160 3 875295148 +468 161 3 875296309 +468 173 5 875295093 +468 174 5 875294549 +468 181 3 875280041 +468 182 5 875292320 +468 200 4 875292319 +468 204 5 875287826 +468 209 5 875296309 +468 214 5 875288771 +468 216 5 875288771 +468 218 4 875294971 +468 222 4 875279269 +468 226 2 875302208 +468 237 4 875280181 +468 248 4 875280352 +468 249 3 875280310 +468 251 4 875280180 +468 257 4 875280417 +468 258 4 875279126 +468 273 2 875280499 +468 275 4 875280143 +468 283 4 875280331 +468 285 4 875280104 +468 286 4 875279126 +468 293 5 875280395 +468 294 3 875279153 +468 297 4 875280462 +468 318 5 875293386 +468 321 3 875279126 +468 357 5 875294549 +468 405 2 875280462 +468 411 3 875284879 +468 423 4 875296868 +468 427 5 875291722 +468 428 4 875291403 +468 432 5 875287826 +468 435 4 875292027 +468 461 4 875291570 +468 469 4 875296309 +468 471 3 875279269 +468 475 4 875280041 +468 498 5 875291571 +468 507 5 875295412 +468 508 4 875280539 +468 529 3 875287686 +468 531 4 875295368 +468 544 3 875280417 +468 582 3 875287535 +468 584 4 875288771 +468 603 5 875296309 +468 612 4 875294549 +468 642 3 875291403 +468 647 5 875293386 +468 662 4 875291570 +468 692 4 875292027 +468 699 3 875287686 +468 742 3 875280310 +468 772 4 875291722 +468 826 3 875284096 +468 856 4 875302155 +468 926 2 875280331 +468 943 3 875287721 +468 952 3 875280310 +468 955 4 875288504 +468 963 5 875286036 +468 1008 4 875283843 +468 1014 3 875280539 +468 1070 5 875301653 +468 1134 5 875280670 +468 1168 2 875302155 +469 10 5 879525373 +469 65 4 879524178 +469 127 4 879525373 +469 134 5 879524062 +469 136 4 879524062 +469 152 4 879523947 +469 153 4 879523891 +469 161 3 879523802 +469 168 4 879524006 +469 173 4 879524178 +469 194 5 879524116 +469 199 4 879524006 +469 238 4 879525237 +469 483 5 879524177 +469 484 5 879524062 +469 487 5 879524178 +469 495 5 879525237 +469 499 5 879524485 +469 507 5 879523803 +469 510 4 879523802 +469 513 5 879523891 +469 530 5 879524376 +469 603 5 879524376 +469 605 4 879524302 +469 607 5 879524117 +469 610 4 879523947 +469 641 4 879524241 +469 654 4 879524177 +469 656 5 879524116 +469 705 5 879524302 +469 855 4 879524302 +469 923 5 879523891 +469 1558 5 879524177 +470 19 4 879178813 +470 50 5 879178487 +470 93 4 879178518 +470 100 4 879178370 +470 118 4 879178645 +470 124 3 879178486 +470 125 4 879178969 +470 129 3 879178542 +470 137 3 879178406 +470 221 4 879178370 +470 222 3 879178711 +470 246 2 879189432 +470 248 3 879189434 +470 258 4 879178216 +470 268 2 879178216 +470 273 3 879178370 +470 277 4 879178593 +470 284 4 879178884 +470 285 3 879178619 +470 288 4 879178216 +470 291 2 879178777 +470 293 4 879178455 +470 294 3 879178237 +470 295 3 879178455 +470 305 4 879178257 +470 319 3 879178216 +470 327 3 879178274 +470 475 4 879178568 +470 508 5 879178932 +470 544 3 879178830 +470 546 4 879178950 +470 742 4 879178455 +470 813 3 879178370 +470 824 4 879178731 +470 847 3 879178568 +470 874 3 879189137 +470 919 3 879178370 +470 950 3 879178645 +470 952 3 879178884 +470 1084 3 879178406 +470 1097 3 879178487 +470 1134 4 879178486 +471 1 4 889827881 +471 8 5 889827881 +471 71 3 889828154 +471 82 5 889827822 +471 94 5 889828081 +471 95 4 889827822 +471 99 2 889827918 +471 102 5 889828081 +471 140 5 889827918 +471 151 2 889828154 +471 172 4 889827822 +471 393 5 889827918 +471 418 3 889827757 +471 420 1 889828027 +471 432 1 889827822 +471 477 5 889827918 +471 501 3 889828027 +471 588 1 889827881 +471 596 1 889827881 +471 627 1 889827881 +471 946 2 889827982 +471 969 2 889828154 +471 1219 4 889828026 +472 1 5 892790627 +472 3 5 892790676 +472 4 3 875980418 +472 11 5 892790676 +472 22 5 892790953 +472 24 5 892791017 +472 27 4 875980283 +472 38 4 875981358 +472 49 5 875982607 +472 50 5 875978010 +472 62 5 875981876 +472 66 5 875981158 +472 67 4 892790628 +472 71 2 875981281 +472 72 5 892791017 +472 73 4 875981317 +472 79 5 892790953 +472 80 3 875981230 +472 88 2 875982607 +472 90 5 892791063 +472 91 5 892791063 +472 95 3 875980209 +472 96 5 875980823 +472 97 3 875981281 +472 99 3 875981595 +472 100 5 875978534 +472 105 3 875979402 +472 117 3 875978740 +472 118 4 875979082 +472 120 5 883904649 +472 123 4 875979317 +472 125 5 875979041 +472 135 4 875982051 +472 140 3 875980823 +472 141 4 875982200 +472 143 4 875980823 +472 150 3 875978686 +472 151 3 875978867 +472 161 5 875982149 +472 168 5 892791062 +472 175 5 875979910 +472 176 5 875981664 +472 177 4 875981358 +472 181 5 875978034 +472 185 5 875980081 +472 191 5 875980283 +472 193 5 875981789 +472 195 5 875982005 +472 196 4 875982005 +472 200 4 875981158 +472 202 5 875979737 +472 204 5 875980823 +472 208 5 875981317 +472 214 4 875979964 +472 216 4 875981230 +472 217 5 875982867 +472 218 4 875980120 +472 222 5 876882530 +472 227 5 875981429 +472 228 5 875979910 +472 229 5 875982560 +472 230 5 875981876 +472 231 5 875980418 +472 232 4 875983321 +472 233 4 875981759 +472 234 4 875980081 +472 235 5 875978994 +472 250 5 875978059 +472 252 4 875978191 +472 255 5 892791017 +472 257 4 875978096 +472 258 5 892790953 +472 264 3 875977870 +472 265 4 892790676 +472 288 5 875977682 +472 294 4 875977735 +472 318 5 892791017 +472 338 4 892790531 +472 355 3 892790003 +472 356 3 875983231 +472 358 5 892790676 +472 362 5 892790627 +472 365 4 875983129 +472 366 4 892790952 +472 367 5 892790953 +472 368 3 875979685 +472 370 4 875979317 +472 374 2 875982922 +472 375 5 875982680 +472 378 4 875981759 +472 380 5 875982511 +472 384 3 875982051 +472 385 5 892790676 +472 393 3 875983129 +472 395 3 875982559 +472 400 5 892791062 +472 401 4 875982727 +472 402 5 892791063 +472 403 5 875982200 +472 405 5 875978600 +472 411 4 875979113 +472 416 3 875982867 +472 417 4 875982337 +472 418 3 875980120 +472 419 4 875982337 +472 420 3 875982149 +472 421 5 875982200 +472 423 5 892791017 +472 426 4 875980010 +472 431 5 875982607 +472 432 5 875979964 +472 449 5 875982967 +472 455 4 883903686 +472 472 5 875979153 +472 473 4 875978867 +472 475 5 892791017 +472 477 5 875978387 +472 501 3 875982868 +472 541 5 892791017 +472 549 5 892791063 +472 550 5 875983066 +472 552 5 892790576 +472 554 5 875982771 +472 559 5 875981708 +472 561 5 875982050 +472 566 4 875982727 +472 567 4 875982922 +472 568 5 892790676 +472 578 5 892790952 +472 581 4 875981551 +472 584 1 875980377 +472 588 3 875979797 +472 603 5 875980376 +472 609 5 875981551 +472 625 4 875981968 +472 633 4 875981428 +472 651 4 875981830 +472 655 5 875982397 +472 658 5 875983231 +472 660 5 875982096 +472 678 4 883904118 +472 682 4 887297923 +472 685 3 875978740 +472 689 4 883903273 +472 715 4 875982607 +472 720 5 875982096 +472 739 5 875982967 +472 743 4 883904504 +472 746 5 875983023 +472 747 5 875982051 +472 748 5 875977682 +472 751 5 892790628 +472 755 4 875981829 +472 756 4 875978922 +472 758 1 875979359 +472 760 5 892790953 +472 763 4 875978922 +472 771 4 875983427 +472 790 3 875981968 +472 796 4 875981595 +472 825 5 875979439 +472 826 3 883904224 +472 831 5 875979498 +472 866 5 875978600 +472 877 3 892789947 +472 916 5 892790627 +472 924 2 875978994 +472 930 5 875979317 +472 931 2 883904681 +472 940 4 875982560 +472 946 2 875981122 +472 951 1 875983426 +472 977 3 875979317 +472 1011 4 875979187 +472 1014 4 875978191 +472 1029 4 875983321 +472 1036 4 875983484 +472 1053 4 875982397 +472 1079 4 883904360 +472 1091 4 875982804 +472 1095 4 883904614 +472 1119 5 875983023 +472 1139 5 875983231 +472 1210 3 875983484 +472 1215 4 875979562 +472 1228 4 875983270 +472 1248 4 875983427 +472 1469 4 875982337 +473 7 2 878157329 +473 10 3 878157527 +473 20 3 878157568 +473 25 4 878157427 +473 116 5 878157544 +473 127 5 878157299 +473 137 4 878157357 +473 150 5 878157329 +473 242 3 878156824 +473 246 5 878157404 +473 257 4 878157456 +473 268 5 878156932 +473 273 5 878157329 +473 275 5 878157527 +473 276 4 878157404 +473 285 4 878157404 +473 293 4 878157507 +473 327 3 878156857 +473 475 5 878157299 +473 508 2 878157456 +473 547 3 878157600 +473 813 3 878157427 +473 1007 4 878157329 +473 1129 4 878157507 +473 1142 5 878157299 +473 1143 4 878157242 +474 4 5 887927588 +474 7 5 887915414 +474 8 5 887925497 +474 9 5 887916203 +474 11 5 887924571 +474 15 5 887915600 +474 25 5 887916608 +474 28 4 887924619 +474 31 4 887926573 +474 42 4 887923923 +474 47 4 887927339 +474 48 4 887923923 +474 52 4 887925751 +474 55 4 887926271 +474 56 5 887924083 +474 59 3 887923708 +474 61 3 887924619 +474 66 4 887926437 +474 68 3 887926804 +474 71 5 887926872 +474 72 3 887927457 +474 73 3 887928793 +474 76 4 887926573 +474 77 5 887926106 +474 79 5 887924027 +474 83 3 887925977 +474 87 4 887925916 +474 92 4 887927509 +474 96 4 887925497 +474 97 5 887924028 +474 98 5 887924027 +474 99 4 887927339 +474 100 5 887915413 +474 111 4 887916203 +474 117 4 887915306 +474 121 4 887916260 +474 124 5 887915269 +474 126 4 887915366 +474 127 5 887915188 +474 132 4 887924683 +474 134 4 887923972 +474 135 5 887924424 +474 136 4 887925187 +474 137 5 887915188 +474 143 4 887926573 +474 151 3 887916203 +474 161 4 887926633 +474 170 4 887925620 +474 171 4 887926804 +474 172 5 887923789 +474 173 5 887924027 +474 174 5 887925750 +474 175 4 887925497 +474 176 5 887923972 +474 178 4 887926105 +474 180 5 887924028 +474 181 5 887915511 +474 183 5 887924619 +474 185 5 887923923 +474 186 4 887925977 +474 187 5 887923708 +474 188 5 887926437 +474 190 3 887923972 +474 191 5 887923789 +474 192 4 887924571 +474 194 5 887924571 +474 195 5 887923789 +474 196 5 887924469 +474 197 5 887923788 +474 198 3 887925621 +474 199 5 887927456 +474 200 3 887925497 +474 203 5 887926059 +474 204 4 887924084 +474 209 5 887927670 +474 210 5 887928562 +474 213 4 887927509 +474 216 4 887924683 +474 221 4 888628044 +474 222 4 887915479 +474 227 4 887926872 +474 234 5 887923788 +474 237 4 887915366 +474 238 4 887924083 +474 244 4 887915646 +474 255 4 887915600 +474 257 3 887915511 +474 258 4 887914688 +474 259 1 887914878 +474 265 5 887924425 +474 275 3 887915269 +474 276 5 887915221 +474 283 3 887915437 +474 284 4 887915645 +474 285 5 888628044 +474 286 5 887914646 +474 293 4 887915269 +474 294 3 887916330 +474 298 3 887915645 +474 315 5 887914615 +474 316 5 887914979 +474 317 4 887925187 +474 318 5 887923708 +474 322 4 888627937 +474 323 2 887915020 +474 343 3 887915082 +474 346 5 887914688 +474 357 5 887924618 +474 378 4 887927152 +474 380 4 887927588 +474 381 4 887924683 +474 382 3 887927339 +474 405 4 887916260 +474 410 2 887915645 +474 411 2 887915684 +474 418 3 887928562 +474 419 4 887925916 +474 421 3 887928562 +474 423 5 887924425 +474 427 5 887923924 +474 430 3 887925977 +474 431 4 887926999 +474 434 4 887928562 +474 435 5 887926573 +474 448 5 887925751 +474 461 5 887924683 +474 463 5 887927457 +474 467 4 887928498 +474 468 4 887926999 +474 469 4 887925916 +474 471 3 887915307 +474 474 5 887923789 +474 479 5 887923972 +474 480 5 887925186 +474 481 4 887927153 +474 482 3 887925395 +474 483 5 887924424 +474 484 5 887925751 +474 485 4 887926804 +474 487 4 887923972 +474 488 3 887925977 +474 489 4 887923972 +474 490 5 887926059 +474 491 4 887925187 +474 492 4 887925838 +474 493 4 887925837 +474 495 4 887927728 +474 496 4 887923708 +474 498 4 887924683 +474 499 5 887924683 +474 503 4 887925838 +474 504 5 887924469 +474 505 5 887924425 +474 506 5 887924084 +474 508 3 887915437 +474 509 5 887927457 +474 513 5 887924571 +474 515 5 887915269 +474 517 4 887925916 +474 518 4 887926633 +474 521 5 887925977 +474 523 5 887924083 +474 528 5 887923924 +474 529 5 887924571 +474 549 5 887926999 +474 553 2 887927339 +474 582 5 887927728 +474 591 3 887915366 +474 602 3 887926436 +474 603 5 887923788 +474 606 3 887924571 +474 607 4 887926872 +474 608 4 887925187 +474 609 4 887927509 +474 610 3 887924571 +474 611 4 887925395 +474 615 4 887924619 +474 616 4 887924028 +474 618 4 887927457 +474 630 3 887928793 +474 633 4 887926436 +474 641 4 887926436 +474 642 4 887927152 +474 646 4 887925395 +474 647 4 887924571 +474 649 4 887927588 +474 650 4 887925187 +474 651 5 887927670 +474 652 4 887925838 +474 653 4 887926999 +474 654 5 887924469 +474 655 5 887924083 +474 657 5 887924028 +474 661 4 887925620 +474 663 4 887924084 +474 671 3 887926105 +474 676 3 887916369 +474 678 2 887915020 +474 684 4 887925977 +474 696 3 887916330 +474 705 3 887924619 +474 707 5 887925751 +474 708 4 887927339 +474 729 4 887927152 +474 735 4 887924619 +474 736 3 887927509 +474 737 4 887926633 +474 744 3 887916260 +474 748 3 887914979 +474 756 1 887915646 +474 789 4 887927152 +474 848 4 887926998 +474 921 3 887926271 +474 923 4 887926632 +474 924 4 887915600 +474 929 3 887916330 +474 939 4 887928562 +474 956 4 887926271 +474 963 5 887926105 +474 966 4 887925837 +474 996 3 887927153 +474 1009 4 887915722 +474 1011 4 887916203 +474 1014 3 887916567 +474 1016 3 887915567 +474 1020 3 887926573 +474 1028 1 887916438 +474 1045 4 887927728 +474 1050 4 887926106 +474 1063 5 887927728 +474 1123 4 887923924 +474 1124 4 887927152 +474 1172 4 887924469 +474 1200 4 887927339 +474 1221 4 887926999 +474 1286 2 887927670 +474 1518 3 887927338 +475 100 5 891452276 +475 258 1 891451205 +475 259 5 891628024 +475 269 4 891451276 +475 286 2 891451276 +475 302 3 891451083 +475 303 1 891451341 +475 306 5 891451276 +475 313 2 891451083 +475 315 4 891452177 +475 316 5 891627927 +475 327 4 891451149 +475 347 4 891451341 +475 354 2 891627606 +475 381 4 891627606 +475 539 3 891451693 +476 33 4 883364475 +476 42 4 883364295 +476 47 3 883364392 +476 63 3 883365274 +476 66 3 883364433 +476 70 3 883364680 +476 72 4 883364433 +476 73 4 883364475 +476 90 3 883364433 +476 94 2 883364780 +476 175 4 883364143 +476 186 5 883365019 +476 194 5 883364143 +476 201 4 883364324 +476 202 4 883364295 +476 204 4 883364325 +476 209 4 883364218 +476 210 4 883364218 +476 211 5 883365019 +476 216 4 883364250 +476 232 3 883364250 +476 238 3 883364324 +476 245 4 883365784 +476 268 4 883365503 +476 288 4 883365734 +476 319 1 883365561 +476 325 1 883365684 +476 328 4 883365684 +476 343 4 883365634 +476 367 3 883364475 +476 384 4 883365274 +476 393 4 883365135 +476 399 3 883364812 +476 401 3 883364812 +476 430 4 883364143 +476 433 4 883364250 +476 435 3 883364218 +476 451 3 883364475 +476 579 2 883365385 +476 585 1 883365336 +476 710 5 883364324 +476 712 3 883364475 +476 715 4 883364745 +476 732 3 883364250 +476 734 4 883365274 +476 746 3 883364295 +476 748 2 883365634 +476 765 4 883365442 +476 780 3 883365274 +476 781 4 883365135 +476 790 4 883365274 +476 792 4 883365019 +476 890 1 883365989 +476 940 3 883365336 +476 944 2 883364813 +476 959 3 883364433 +476 1037 1 883365384 +476 1074 4 883365274 +476 1118 3 883364392 +476 1188 2 883364780 +477 15 4 875941863 +477 20 4 875941888 +477 25 5 875940755 +477 66 5 875941763 +477 88 5 875941085 +477 111 5 875941763 +477 255 5 875941763 +477 274 5 875941763 +477 275 5 875941763 +477 280 4 875941022 +477 294 4 875940693 +477 451 5 875941763 +477 546 4 875941972 +477 709 5 875941763 +477 724 4 875941086 +477 739 4 875941191 +477 781 4 875941191 +477 794 4 875941111 +477 815 5 875941763 +478 11 4 889395638 +478 12 5 889388862 +478 15 5 889397306 +478 17 2 889396180 +478 23 2 889388562 +478 28 3 889395655 +478 32 3 889395678 +478 41 3 889396330 +478 42 5 889388763 +478 48 4 889388587 +478 50 3 889396509 +478 64 5 889388862 +478 68 1 889396582 +478 71 3 889388790 +478 72 1 889397841 +478 79 4 889388743 +478 81 4 889395977 +478 93 4 889387871 +478 96 2 889396509 +478 98 5 889388862 +478 100 5 889388863 +478 111 3 889397582 +478 122 2 889397778 +478 124 4 889387982 +478 137 4 889398260 +478 143 5 889396797 +478 144 5 889396509 +478 145 1 889398599 +478 150 4 889388098 +478 151 5 889388038 +478 153 3 889396212 +478 161 3 889396645 +478 168 4 889388697 +478 178 4 889388562 +478 182 5 889389014 +478 188 4 889396582 +478 195 4 889396509 +478 202 4 889396256 +478 204 4 889388658 +478 216 5 889396029 +478 218 3 889396731 +478 219 2 889398289 +478 232 2 889396180 +478 235 2 889388357 +478 237 5 889388863 +478 255 4 889398363 +478 276 5 889388862 +478 282 3 889398216 +478 283 4 889388137 +478 288 5 889388862 +478 318 5 889389232 +478 327 3 889387577 +478 350 1 889387418 +478 354 3 889397221 +478 357 5 889388724 +478 369 3 889388429 +478 381 5 889397221 +478 392 2 889398571 +478 393 4 889397306 +478 403 2 889398645 +478 412 4 889388249 +478 427 4 889388633 +478 433 3 889396330 +478 469 3 889395879 +478 496 5 889388862 +478 518 4 889395638 +478 591 3 889387958 +478 604 3 889398289 +478 658 3 889395977 +478 673 3 889395696 +478 684 4 889396531 +478 708 3 889397239 +478 710 5 889396029 +478 739 4 889398528 +478 743 1 889388534 +478 762 4 889388161 +478 763 5 889388375 +478 780 3 889397808 +478 866 1 889388273 +478 869 2 889396102 +478 946 2 889396917 +478 1041 3 889396449 +478 1521 3 889397343 +479 1 5 879459939 +479 8 5 879461415 +479 15 3 879460140 +479 22 4 879461280 +479 28 4 879461800 +479 32 3 879461354 +479 50 4 879460160 +479 54 3 879462121 +479 55 4 879461207 +479 58 4 879461432 +479 62 3 879462007 +479 66 3 879462103 +479 70 4 879461630 +479 71 1 879461143 +479 79 4 879460894 +479 82 4 879461898 +479 88 4 879462041 +479 95 4 879461818 +479 97 3 879461651 +479 100 3 879460028 +479 101 4 879462185 +479 117 3 889125627 +479 118 3 887064767 +479 121 4 879460236 +479 122 1 879460648 +479 127 5 879460192 +479 131 3 879460999 +479 133 2 879461970 +479 135 4 879461255 +479 136 4 879461447 +479 137 4 889125448 +479 143 1 879461669 +479 144 4 879461741 +479 147 3 889125665 +479 151 4 879461914 +479 153 4 879462140 +479 154 3 889126007 +479 157 5 879461856 +479 161 3 879461399 +479 164 4 879461781 +479 168 5 889126007 +479 169 5 879460917 +479 174 5 889125837 +479 175 4 879461102 +479 176 4 889125562 +479 179 1 879461142 +479 181 5 879460028 +479 182 4 879460984 +479 185 4 879461604 +479 189 2 879461298 +479 190 4 879461354 +479 193 3 879460939 +479 195 4 879460939 +479 196 4 879461207 +479 197 4 879461102 +479 199 5 879460863 +479 200 5 889125775 +479 201 4 879461142 +479 202 4 879461567 +479 203 3 879460893 +479 204 4 879461583 +479 205 3 879461015 +479 209 4 879460863 +479 210 4 889125866 +479 211 4 879461447 +479 216 3 879461399 +479 222 4 879460028 +479 226 3 879461280 +479 228 4 879461060 +479 230 4 879461898 +479 234 5 879461318 +479 235 3 879460503 +479 238 4 879461039 +479 241 3 879461800 +479 248 4 879460192 +479 249 2 879460236 +479 250 4 879460393 +479 252 2 879460628 +479 255 2 879460192 +479 257 4 879459955 +479 261 1 879533993 +479 266 3 879459791 +479 271 3 879459692 +479 273 4 879459909 +479 282 5 879460049 +479 286 1 879533972 +479 288 3 879459836 +479 294 3 879459578 +479 298 3 879459909 +479 300 2 879459641 +479 304 4 879459692 +479 324 1 879459611 +479 325 1 879459791 +479 335 3 879459752 +479 338 1 887064372 +479 340 1 887064320 +479 357 4 889125798 +479 358 1 879459732 +479 385 2 879461567 +479 398 1 889125474 +479 403 3 879461988 +479 405 4 879460236 +479 408 5 879460091 +479 421 4 879460762 +479 422 3 879461207 +479 431 4 879461741 +479 436 4 879461856 +479 463 4 879460984 +479 470 5 889125718 +479 471 4 879460028 +479 474 5 879461279 +479 475 1 879460028 +479 480 5 889125737 +479 483 4 879460844 +479 485 3 879460844 +479 489 5 879460844 +479 490 4 879461337 +479 496 3 879461084 +479 498 5 879461179 +479 500 4 879461255 +479 509 4 879461756 +479 523 4 879460894 +479 526 4 879461378 +479 528 4 879461060 +479 535 3 887064690 +479 546 2 879460305 +479 584 3 879461873 +479 609 5 879461951 +479 616 4 879462062 +479 632 5 879460785 +479 640 4 879462168 +479 647 5 879461039 +479 655 4 879460959 +479 670 3 879461530 +479 680 3 887064404 +479 692 3 879461700 +479 732 4 879461120 +479 739 1 879461932 +479 748 3 879459710 +479 752 3 889125284 +479 756 1 879462203 +479 831 2 879460562 +479 840 1 879460547 +479 879 4 879459657 +479 915 4 893281238 +479 931 2 879460681 +479 945 5 879460785 +479 986 1 879460648 +479 1013 1 879460453 +479 1016 3 879460254 +479 1028 1 879460192 +479 1039 4 879461015 +479 1244 3 887064647 +480 8 5 891208576 +480 12 5 891208433 +480 50 4 891207951 +480 56 4 891208492 +480 79 4 891208718 +480 98 4 891208239 +480 114 4 891208547 +480 127 3 891207715 +480 152 4 891208390 +480 165 5 891208390 +480 166 5 891208185 +480 169 5 891208327 +480 172 3 891208492 +480 174 5 891208356 +480 175 3 891208356 +480 183 4 891208651 +480 185 2 891208718 +480 190 5 891208265 +480 191 4 891208265 +480 197 3 891208215 +480 203 4 891208520 +480 208 2 891208650 +480 234 4 891208769 +480 237 2 891207836 +480 249 1 891207975 +480 265 3 891208390 +480 298 2 891207665 +480 302 4 891207539 +480 319 3 891207539 +480 347 3 891207605 +480 443 4 891208746 +480 483 3 891208293 +480 485 4 891208186 +480 510 4 891208460 +480 517 4 891208460 +480 527 4 891208327 +480 603 4 891208239 +480 615 4 891208185 +480 642 4 891208822 +480 654 4 891208718 +480 1121 4 891208689 +481 4 3 885829196 +481 8 3 885828245 +481 42 3 885828426 +481 66 3 885828203 +481 70 5 885828389 +481 88 4 885829153 +481 98 4 885828574 +481 144 4 885828732 +481 153 5 885828165 +481 173 4 885828165 +481 181 5 885827974 +481 190 5 885828732 +481 191 5 885828543 +481 197 3 885828773 +481 198 4 885828686 +481 199 5 885828543 +481 202 4 885829240 +481 204 4 885829196 +481 207 3 885828619 +481 210 4 885828165 +481 211 5 885828426 +481 216 5 885828339 +481 238 4 885828245 +481 252 4 885828016 +481 313 4 885827861 +481 318 1 885828807 +481 322 4 885828016 +481 367 3 885829153 +481 393 3 885829045 +481 427 4 885828807 +481 435 5 885828510 +481 479 4 885828619 +481 484 4 885828686 +481 498 5 885828619 +481 500 4 885828732 +481 505 5 885828574 +481 507 4 885828773 +481 514 4 885829045 +481 524 5 885829045 +481 580 4 885829153 +481 596 4 885828773 +481 648 5 885828165 +481 650 3 885828650 +481 659 5 885829153 +481 663 4 885828297 +481 678 3 885828016 +481 692 4 885828339 +481 780 1 885829240 +481 1039 4 885828732 +481 1089 3 885828072 +482 127 4 887644063 +482 243 2 887644023 +482 245 4 887643461 +482 249 2 887644102 +482 257 4 887644063 +482 258 2 887644023 +482 286 3 887644023 +482 288 3 887644023 +482 289 3 887644023 +482 294 4 887643365 +482 295 3 887644063 +482 298 4 887644085 +482 301 4 887643315 +482 311 4 887643340 +482 313 5 887643146 +482 321 3 887644023 +482 328 4 887643289 +482 346 3 887644022 +482 682 3 887644022 +482 876 3 887644023 +482 988 4 887643499 +483 1 4 878950971 +483 9 2 878952471 +483 12 2 878953999 +483 20 2 878952993 +483 50 5 878953485 +483 68 1 878953693 +483 91 3 884047427 +483 99 3 884047323 +483 101 2 884047278 +483 107 3 878951717 +483 109 5 882165734 +483 121 2 878952692 +483 144 2 878954228 +483 173 4 884047454 +483 181 4 878950971 +483 197 3 878953815 +483 199 3 882165665 +483 222 3 878953485 +483 227 3 878953592 +483 228 5 878953485 +483 230 5 878953592 +483 237 3 878953019 +483 249 2 878952866 +483 250 3 878952837 +483 257 2 878952519 +483 258 4 878950353 +483 270 3 891917351 +483 271 3 881273325 +483 275 4 878951388 +483 277 3 878952636 +483 283 5 878952582 +483 286 3 878950353 +483 313 2 884046430 +483 365 2 878953277 +483 405 3 878952966 +483 432 3 884047278 +483 449 3 878953593 +483 450 4 878953593 +483 462 3 884047754 +483 473 3 878953090 +483 510 3 878953751 +483 515 4 878950971 +483 538 2 886470912 +483 612 3 878953751 +483 676 4 878950972 +483 743 1 893098548 +483 900 3 885170586 +484 1 5 881450058 +484 2 4 891195391 +484 4 4 891195154 +484 9 1 881449910 +484 14 4 885237963 +484 15 5 881449527 +484 22 5 891194841 +484 25 3 881449561 +484 28 5 880937193 +484 38 4 891195532 +484 50 5 881254239 +484 53 1 891195663 +484 56 5 891195057 +484 69 5 891194743 +484 70 5 891195036 +484 87 5 891195746 +484 88 4 891195179 +484 89 4 891195298 +484 94 4 891195856 +484 95 4 891195773 +484 96 5 891195323 +484 97 5 891194957 +484 117 4 881449561 +484 121 4 881449910 +484 122 2 889974407 +484 125 4 881450017 +484 135 4 891194820 +484 141 4 891195886 +484 143 4 891195746 +484 144 4 891195298 +484 151 4 881450017 +484 153 5 891194716 +484 161 4 891195444 +484 172 5 891195298 +484 176 4 891195298 +484 183 4 891195323 +484 186 4 891195219 +484 195 5 891195349 +484 197 4 891195973 +484 202 5 891195179 +484 210 5 891194743 +484 211 4 891195036 +484 226 4 891195390 +484 227 5 891195506 +484 228 5 891195349 +484 230 5 891195417 +484 231 2 891195476 +484 233 5 891195444 +484 234 4 891195687 +484 235 2 881450160 +484 239 4 891195036 +484 241 3 891195390 +484 248 4 883973581 +484 250 4 891194646 +484 252 3 880270616 +484 255 3 882079980 +484 257 5 882079956 +484 258 5 883402900 +484 265 5 891195476 +484 274 4 881450085 +484 293 5 881254899 +484 300 4 887519214 +484 318 5 891194932 +484 343 2 883402932 +484 393 1 891195246 +484 399 4 891195565 +484 415 3 891195857 +484 419 4 891195825 +484 422 3 891195825 +484 423 5 891195746 +484 449 4 891195602 +484 451 4 891195127 +484 463 4 882807416 +484 468 5 891194886 +484 471 4 881449737 +484 472 4 891195565 +484 510 4 889974386 +484 550 4 891195390 +484 554 4 891195565 +484 560 4 891195886 +484 566 4 891195416 +484 568 3 891195417 +484 578 3 891195444 +484 588 5 891195773 +484 597 3 881450182 +484 625 4 891195825 +484 651 5 891194910 +484 665 4 891195602 +484 684 5 891195390 +484 720 4 891195532 +484 732 5 891194864 +484 742 3 881449737 +484 755 4 891195825 +484 778 5 891195246 +484 823 4 891195506 +484 879 4 891194665 +484 924 5 880937157 +484 926 4 881450136 +484 930 3 880270596 +484 951 1 891195886 +484 1016 4 883402866 +485 242 5 891040423 +485 245 3 891041782 +485 269 4 891040493 +485 286 2 891040897 +485 288 3 891041171 +485 289 3 891041551 +485 294 1 891041103 +485 301 2 891041551 +485 302 5 891040423 +485 307 3 891040967 +485 311 3 891040423 +485 313 4 891040423 +485 321 3 891041275 +485 326 2 891041705 +485 341 4 891042027 +485 345 1 891040560 +485 346 4 891040967 +485 347 2 891040688 +485 538 3 891040560 +485 752 3 891040967 +485 889 5 891040560 +486 3 2 879875347 +486 6 4 879874902 +486 7 5 879874753 +486 9 5 879874449 +486 13 4 879874811 +486 15 3 879875278 +486 16 3 879874583 +486 21 3 879875371 +486 25 4 879874838 +486 50 5 879874582 +486 100 5 879875465 +486 106 1 879875408 +486 108 4 879874810 +486 109 3 879874902 +486 111 4 879874693 +486 121 3 879875188 +486 123 3 879875278 +486 125 3 879874970 +486 127 5 879874448 +486 146 2 879875188 +486 147 2 879875249 +486 148 2 879874903 +486 181 4 879874482 +486 220 3 879875441 +486 221 4 879875040 +486 222 3 879874939 +486 237 4 879874629 +486 242 4 879874018 +486 244 3 879875220 +486 246 3 879874545 +486 250 1 879874753 +486 251 5 879874582 +486 252 3 879875316 +486 257 3 879875315 +486 258 5 879874064 +486 262 1 879874017 +486 264 3 879874262 +486 268 3 879874064 +486 269 4 879874388 +486 270 2 879874064 +486 276 4 879874969 +486 279 4 879874939 +486 280 2 879875249 +486 281 3 879874629 +486 282 2 879875278 +486 284 2 879874784 +486 285 5 879874482 +486 286 2 879873973 +486 287 4 879875279 +486 288 4 879874153 +486 289 3 879874262 +486 292 4 879874388 +486 293 3 879874545 +486 294 2 879874187 +486 295 3 879874630 +486 297 4 879874629 +486 299 1 879874113 +486 300 4 879874388 +486 301 4 879874113 +486 302 5 879873973 +486 303 4 879874388 +486 304 3 879874186 +486 305 3 879874218 +486 306 1 879874063 +486 307 3 879874388 +486 321 3 879874153 +486 324 4 879874262 +486 325 2 879874296 +486 328 2 879873973 +486 331 2 879874112 +486 336 2 879874218 +486 405 4 879875040 +486 408 3 879874481 +486 458 3 879875069 +486 459 2 879875040 +486 460 4 879875316 +486 471 5 879874969 +486 473 3 879875188 +486 476 3 879875371 +486 515 5 879874417 +486 532 4 879874871 +486 544 4 879875249 +486 546 2 879875440 +486 547 3 879874753 +486 595 2 879875408 +486 597 3 879875187 +486 620 2 879875441 +486 678 1 879874297 +486 685 3 879875188 +486 689 2 879874064 +486 690 2 879873973 +486 696 3 879875041 +486 713 3 879874902 +486 717 2 879875440 +486 718 3 879874449 +486 741 3 879875221 +486 742 2 879874693 +486 748 2 879874218 +486 762 4 879874939 +486 766 4 879874417 +486 813 5 879874516 +486 818 3 879874784 +486 823 4 879875347 +486 825 2 879875188 +486 831 3 879875316 +486 845 4 879874995 +486 846 2 879875154 +486 864 3 879875041 +486 872 5 879874153 +486 874 3 879874297 +486 879 3 879874297 +486 882 2 879874018 +486 883 3 879874388 +486 886 3 879874388 +486 887 5 879874218 +486 889 4 879873973 +486 919 3 879874902 +486 924 3 879875069 +486 926 2 879875408 +486 936 3 879874629 +486 950 4 879875069 +486 994 3 879874811 +486 995 4 879874388 +486 1014 3 879874784 +486 1016 2 879874970 +486 1017 3 879874970 +486 1079 2 879875347 +486 1093 4 879874692 +486 1134 3 879875040 +486 1137 5 879874545 +486 1142 5 879874725 +486 1143 3 879874726 +486 1176 3 879874388 +486 1202 4 879874995 +486 1226 4 879874902 +486 1272 3 879875154 +486 1322 3 879875347 +486 1379 3 879874515 +486 1405 5 879874516 +486 1514 4 879874663 +486 1589 3 879874515 +486 1598 5 879874583 +486 1609 3 879875220 +486 1610 2 879874811 +486 1611 3 879874692 +487 3 5 883444583 +487 4 4 883531003 +487 11 5 883445495 +487 12 5 883445580 +487 22 5 883445495 +487 24 4 883444558 +487 27 5 884044329 +487 28 4 883446352 +487 38 2 884052069 +487 43 3 884042206 +487 45 5 883446725 +487 48 2 883445540 +487 53 2 883447118 +487 56 4 883528441 +487 62 3 884042630 +487 64 5 883445859 +487 66 5 883530484 +487 67 3 884050247 +487 68 5 883530949 +487 69 4 883445859 +487 70 3 883530929 +487 73 3 884050038 +487 76 4 883530484 +487 79 5 883446543 +487 81 3 883531507 +487 85 2 884044654 +487 87 5 883445606 +487 94 3 884050838 +487 95 4 883446872 +487 98 5 883446637 +487 99 4 883530434 +487 111 3 883444558 +487 117 5 883443504 +487 121 4 883444832 +487 128 5 883531333 +487 133 4 883530865 +487 136 5 883445606 +487 140 3 883531085 +487 143 3 883530841 +487 150 5 883442430 +487 156 4 883446027 +487 161 5 883530702 +487 172 4 883530409 +487 173 4 883445580 +487 174 5 883446404 +487 178 5 883445540 +487 179 3 883528237 +487 181 4 883441956 +487 183 5 883446637 +487 188 4 883445900 +487 194 5 883446322 +487 195 4 883446907 +487 196 5 883446830 +487 197 3 883446404 +487 202 5 883445943 +487 204 4 883445495 +487 206 4 883531003 +487 210 4 883529505 +487 215 4 883446027 +487 218 2 883531507 +487 222 4 883442018 +487 226 3 883531085 +487 227 3 883531279 +487 229 3 884042207 +487 231 1 884050940 +487 232 4 883530764 +487 237 4 883441813 +487 248 1 883443504 +487 252 1 883445079 +487 255 2 883441890 +487 259 2 883441083 +487 260 2 883441026 +487 265 5 883530236 +487 274 4 883444631 +487 276 3 883444252 +487 280 5 883444860 +487 288 4 883440572 +487 289 2 883441083 +487 291 3 883445079 +487 293 5 883441813 +487 294 4 883440572 +487 298 5 883442431 +487 300 5 883441026 +487 301 4 883440613 +487 313 3 883439795 +487 340 1 883440613 +487 349 3 885239880 +487 367 3 883530674 +487 380 2 883531466 +487 385 4 883530454 +487 392 4 883529363 +487 393 4 884042207 +487 399 5 884046800 +487 402 4 883531507 +487 405 4 883443504 +487 411 3 883444793 +487 419 3 883530644 +487 426 3 884025034 +487 431 3 883529593 +487 455 2 883444252 +487 462 2 883445859 +487 470 5 883530409 +487 474 4 883445752 +487 501 4 883531122 +487 540 2 884050192 +487 541 3 884050711 +487 546 3 883444674 +487 549 4 884046879 +487 559 3 884029657 +487 568 4 883446322 +487 586 2 884051840 +487 591 2 883444462 +487 596 5 883441956 +487 597 4 883444674 +487 620 3 883445168 +487 628 4 883444558 +487 658 4 883530434 +487 672 4 884024462 +487 679 2 883530724 +487 684 5 883446543 +487 689 1 883441407 +487 710 4 883445721 +487 713 4 883444631 +487 720 4 884036466 +487 732 5 884025080 +487 735 4 884042206 +487 739 2 884046879 +487 746 4 883529540 +487 748 4 883440540 +487 768 3 884025080 +487 779 2 884050879 +487 781 3 884030528 +487 783 4 884045361 +487 789 4 883446757 +487 794 5 883530503 +487 802 4 884051006 +487 803 2 884045297 +487 809 2 884050192 +487 820 3 883444884 +487 823 1 883445302 +487 825 3 883444674 +487 841 2 883445168 +487 845 4 883442260 +487 932 3 883444941 +487 939 3 883446757 +487 956 4 883530702 +487 966 5 883530562 +487 978 1 883445251 +487 1019 5 883447117 +487 1035 4 884044329 +487 1044 3 884051761 +487 1188 3 884045361 +487 1209 4 884045135 +487 1217 3 884025080 +487 1220 4 884050879 +487 1244 2 883444859 +487 1276 2 885239896 +487 1314 1 883530929 +487 1446 3 883530814 +488 1 3 891294896 +488 8 3 891295067 +488 9 4 891294063 +488 11 1 891294158 +488 15 4 891294568 +488 22 4 891294108 +488 28 4 891293805 +488 31 4 891294439 +488 33 2 891294976 +488 56 4 891294785 +488 58 3 891376081 +488 64 5 891294529 +488 70 3 891294854 +488 71 3 891294606 +488 79 4 891294334 +488 82 4 891294942 +488 83 4 891294530 +488 87 5 891294297 +488 89 4 891294854 +488 97 4 891293863 +488 100 2 891293910 +488 111 4 891294785 +488 127 4 891294606 +488 132 3 891294108 +488 133 4 891294606 +488 134 2 891294707 +488 136 4 891294158 +488 144 3 891293974 +488 153 2 891293974 +488 154 3 891293974 +488 162 3 891376081 +488 172 3 891293863 +488 173 4 891294473 +488 174 4 891294853 +488 176 4 891293734 +488 178 4 891294158 +488 180 2 891294439 +488 182 3 891293734 +488 183 4 891293698 +488 186 4 891294108 +488 187 3 891293863 +488 191 3 891293974 +488 193 3 891293911 +488 197 2 891294473 +488 198 4 891375822 +488 199 4 891293911 +488 200 2 891294606 +488 203 4 891295023 +488 205 4 891375784 +488 208 4 891294298 +488 210 4 891294896 +488 211 4 891294158 +488 215 5 891294742 +488 216 2 891294785 +488 222 4 891376029 +488 223 4 891294158 +488 228 4 891294854 +488 230 3 891375900 +488 234 4 891293911 +488 239 4 891294976 +488 243 3 891293400 +488 258 4 891293606 +488 259 1 891293051 +488 260 2 891293304 +488 286 1 891292852 +488 288 2 891292682 +488 289 1 891293263 +488 292 3 891292651 +488 294 4 891293606 +488 299 3 891293051 +488 300 4 891293606 +488 321 3 891293152 +488 322 3 891293009 +488 323 1 891293263 +488 333 4 891293606 +488 385 4 891294014 +488 405 3 891294014 +488 418 3 891294530 +488 419 3 891294976 +488 434 4 891294785 +488 468 5 891295023 +488 474 2 891294439 +488 478 3 891294530 +488 480 3 891376110 +488 483 3 891293660 +488 485 3 891294298 +488 486 4 891295023 +488 491 4 891294209 +488 492 2 891375784 +488 496 4 891294246 +488 509 2 891294365 +488 510 4 891294854 +488 511 4 891294209 +488 520 4 891293660 +488 521 3 891294942 +488 523 3 891293699 +488 526 4 891294530 +488 527 3 891294473 +488 568 3 891294707 +488 589 3 891294400 +488 605 3 891294785 +488 633 5 891294334 +488 651 5 891294014 +488 655 3 891294246 +488 662 4 891294896 +488 678 2 891293400 +488 705 4 891294473 +488 742 4 891295023 +488 746 4 891293771 +488 748 4 891293606 +488 751 3 891292771 +488 754 4 891293606 +488 845 3 891294853 +488 873 3 891293152 +488 880 3 891293606 +488 1025 2 891293263 +489 245 3 891366838 +489 259 2 891445743 +489 260 3 891366693 +489 263 2 891448268 +489 264 4 891445721 +489 266 5 891446232 +489 269 3 891362740 +489 270 4 891448731 +489 271 4 891448706 +489 272 5 891448367 +489 286 4 891366571 +489 289 2 891366748 +489 292 4 891366693 +489 294 3 891366748 +489 299 2 891447522 +489 300 5 891366571 +489 301 3 891366805 +489 302 5 891448109 +489 303 4 891448109 +489 307 4 891363191 +489 308 4 891447653 +489 310 4 891449022 +489 312 2 891366748 +489 315 5 891448389 +489 321 3 891447845 +489 322 5 891366571 +489 323 5 891445388 +489 324 3 891445320 +489 328 4 891366748 +489 330 4 891445277 +489 331 5 891366606 +489 334 4 891448453 +489 338 3 891448200 +489 339 3 891448428 +489 340 4 891448367 +489 342 3 891445199 +489 343 5 891447913 +489 346 5 891362904 +489 347 5 891448774 +489 349 4 891449155 +489 351 5 891446623 +489 355 5 891447872 +489 359 5 891362812 +489 360 5 891362904 +489 457 3 891449254 +489 539 4 891448834 +489 680 5 891445439 +489 681 3 891366805 +489 682 4 891366606 +489 683 2 891449099 +489 687 3 891445439 +489 688 2 891448861 +489 689 5 891447913 +489 749 4 891366571 +489 750 5 891448080 +489 754 5 891448109 +489 872 2 891448530 +489 873 3 891447008 +489 876 2 891447218 +489 878 2 891448565 +489 879 5 891366652 +489 880 2 891447302 +489 881 2 891447586 +489 883 2 891448811 +489 885 4 891448861 +489 890 5 891447990 +489 895 4 891448147 +489 897 2 891448565 +489 898 3 891366652 +489 902 4 891448931 +489 908 5 891446623 +489 948 2 891447960 +489 984 5 891362904 +489 988 3 891446982 +489 989 3 891446201 +489 991 3 891445439 +489 1025 5 891366652 +489 1238 4 891445352 +489 1243 4 891445231 +489 1265 2 891449466 +489 1293 5 891446623 +490 1 3 875427148 +490 9 4 875428765 +490 15 1 875427739 +490 24 4 875428765 +490 100 3 875427629 +490 109 5 875428765 +490 118 2 875428703 +490 123 2 875428570 +490 124 4 875427629 +490 126 2 875427812 +490 127 5 875428765 +490 222 3 875427103 +490 237 1 875427993 +490 255 1 875428309 +490 257 3 875428570 +490 258 2 875427021 +490 273 1 875427629 +490 277 3 875428531 +490 284 3 875427993 +490 286 2 875427021 +490 289 1 875427021 +490 298 3 875427532 +490 333 3 875427021 +490 458 3 875428417 +490 515 3 875427224 +490 547 4 875428765 +490 596 1 875427225 +490 764 1 875427993 +490 952 2 875427532 +490 987 3 875428702 +490 993 1 875427739 +490 1012 3 875428416 +490 1128 4 875428765 +490 1383 1 875428417 +491 12 5 891189305 +491 14 2 891185298 +491 19 4 891185209 +491 23 2 891189306 +491 45 5 891189631 +491 116 5 891185209 +491 127 3 891185129 +491 190 4 891189631 +491 236 4 891185919 +491 237 3 891187226 +491 258 4 891189815 +491 273 5 891188230 +491 284 3 891185330 +491 285 5 891185919 +491 286 4 891184567 +491 294 2 891189842 +491 319 1 891184567 +491 325 1 891189876 +491 340 4 891189716 +491 408 5 891185298 +491 475 4 891185170 +491 493 4 891185129 +491 513 5 891189306 +491 654 5 891189306 +491 657 5 891189306 +491 684 5 891189575 +491 900 5 891189761 +491 1281 3 891186806 +492 45 3 879969814 +492 56 5 879969878 +492 64 4 879969539 +492 83 4 879969644 +492 86 3 879969454 +492 97 3 879969210 +492 124 4 879969345 +492 127 5 879969879 +492 153 4 879969454 +492 172 3 879969415 +492 185 3 879969512 +492 186 3 879969539 +492 187 5 879969878 +492 199 3 879969255 +492 221 3 879969454 +492 275 2 879969210 +492 318 5 879969878 +492 462 3 879969292 +492 474 5 879969879 +492 478 2 879969583 +492 483 2 879969210 +492 492 4 879969512 +492 511 5 879969879 +492 514 3 879969415 +492 521 5 879969644 +492 523 4 879969583 +492 527 5 879969879 +492 650 2 879969644 +492 651 3 879969814 +492 699 3 879969210 +492 923 5 879969878 +492 1021 3 879969415 +492 1098 4 879969512 +492 1121 2 879969720 +493 7 3 884130372 +493 11 3 884130852 +493 24 4 884130593 +493 25 4 884132717 +493 50 5 884131553 +493 56 4 884130911 +493 59 5 884132315 +493 61 4 884131263 +493 69 5 884130995 +493 79 5 884131287 +493 82 5 884132058 +493 89 4 884130933 +493 95 5 884131287 +493 96 4 884130793 +493 98 4 884131460 +493 100 5 884130308 +493 109 4 884130416 +493 115 4 884131665 +493 117 5 884130416 +493 118 4 884132898 +493 121 5 884131690 +493 127 3 884130416 +493 134 3 884132246 +493 150 5 884130495 +493 151 3 884130516 +493 154 4 884131952 +493 156 1 884130995 +493 168 5 884131143 +493 170 3 884131089 +493 172 5 884131597 +493 173 4 884131114 +493 174 3 884131211 +493 175 4 884131933 +493 176 5 884132197 +493 180 4 884130793 +493 181 5 884130308 +493 182 5 884130971 +493 186 5 884131897 +493 191 4 884132225 +493 204 5 884130852 +493 208 4 884131897 +493 210 5 884131620 +493 222 3 884130416 +493 234 5 884132037 +493 235 2 884130593 +493 249 4 884132784 +493 250 4 884130387 +493 252 4 884130619 +493 257 5 884130495 +493 258 5 884129725 +493 262 3 884129793 +493 264 3 884129923 +493 265 5 884131048 +493 273 4 884131717 +493 274 5 884131480 +493 275 1 884131357 +493 284 4 884130619 +493 298 3 884130668 +493 317 3 884132267 +493 318 5 884132315 +493 327 5 884129868 +493 333 4 884133084 +493 338 4 884130032 +493 343 3 884130074 +493 358 4 884129979 +493 369 2 884130271 +493 411 1 884132934 +493 423 2 884131020 +493 431 5 884132037 +493 435 5 884132015 +493 527 5 884132037 +493 528 5 884132246 +493 546 5 884131738 +493 652 5 884131287 +493 678 3 884129979 +493 687 1 884130055 +493 742 3 884130253 +493 746 4 884131143 +493 751 5 884129793 +493 754 3 884129868 +493 762 4 884130439 +493 763 4 884130593 +493 806 3 884131143 +493 833 2 884131738 +493 879 4 884129823 +493 881 1 884130009 +493 886 2 884129868 +493 925 3 884130668 +493 959 2 884131263 +493 974 3 884132914 +493 1013 1 884131777 +493 1016 4 884130550 +493 1088 2 884131777 +493 1126 2 884131517 +493 1278 5 884130215 +494 1 3 879541374 +494 9 2 879541404 +494 15 5 879541475 +494 50 5 879541246 +494 64 5 879541207 +494 100 5 879541475 +494 107 4 879541405 +494 121 4 879541429 +494 126 4 879541476 +494 127 5 879541080 +494 143 5 879541245 +494 174 5 879541112 +494 181 4 879541298 +494 183 5 879541158 +494 191 4 879541158 +494 194 4 879541298 +494 199 4 879541158 +494 204 5 879541298 +494 237 4 879541375 +494 238 5 879541207 +494 245 3 879540720 +494 286 4 879540508 +494 289 1 879540630 +494 300 5 879540593 +494 322 2 879540819 +494 323 3 879540901 +494 329 3 879540819 +494 358 3 879540901 +494 427 5 879541112 +494 498 4 879541246 +494 507 4 879541207 +494 514 2 879541246 +494 603 3 879541298 +494 663 5 879541080 +494 707 4 879541112 +494 748 1 879540720 +494 845 4 879541429 +494 924 4 879541475 +494 1197 3 879541405 +495 1 4 888632943 +495 2 2 888635595 +495 4 3 888633129 +495 9 5 888632069 +495 29 2 888636573 +495 44 3 888636032 +495 50 5 888632134 +495 53 1 888637440 +495 55 2 888634389 +495 56 5 888632574 +495 62 3 888635937 +495 67 3 888636635 +495 68 5 888634987 +495 69 3 888632070 +495 71 5 888634111 +495 77 4 888634475 +495 80 3 888636992 +495 82 5 888632969 +495 84 3 888633011 +495 86 5 888637768 +495 88 4 888635380 +495 89 3 888632888 +495 94 3 888636992 +495 96 4 888634110 +495 109 5 888633594 +495 120 5 888637768 +495 121 5 888633473 +495 127 4 888634955 +495 133 3 888632888 +495 135 3 888633011 +495 139 2 888636810 +495 140 5 888635419 +495 145 4 888637147 +495 147 5 888637768 +495 153 5 888633165 +495 154 4 888633277 +495 162 3 888633351 +495 163 5 888633277 +495 167 4 888636958 +495 168 5 888632738 +495 172 5 888632378 +495 173 5 888632180 +495 174 5 888632319 +495 179 5 888632470 +495 182 5 888632043 +495 183 5 888633277 +495 184 5 888633086 +495 185 5 888633042 +495 191 3 888632219 +495 195 5 888633396 +495 196 3 888632546 +495 200 5 888637768 +495 201 2 888633594 +495 208 5 888632134 +495 210 5 888632496 +495 211 5 888633194 +495 214 5 888632219 +495 216 4 888632443 +495 217 5 888637768 +495 218 4 888635080 +495 222 5 888633277 +495 225 4 888635524 +495 227 5 888636899 +495 230 5 888632969 +495 232 5 888635202 +495 233 4 888633594 +495 235 5 888636603 +495 240 4 888636773 +495 282 5 888637768 +495 288 4 888633165 +495 357 5 888633277 +495 378 5 888634896 +495 379 5 888636870 +495 380 3 888635339 +495 389 5 888637643 +495 391 3 888637440 +495 392 5 888635455 +495 393 5 888635339 +495 404 4 888635380 +495 413 5 888636032 +495 418 4 888633440 +495 419 1 888632070 +495 432 5 888633396 +495 441 3 888633440 +495 448 5 888634896 +495 451 4 888635524 +495 465 5 888635180 +495 470 5 888637768 +495 478 4 888632443 +495 479 4 888632574 +495 491 5 888632443 +495 496 5 888632888 +495 498 3 888633165 +495 501 3 888634536 +495 504 4 888632546 +495 507 4 888633316 +495 511 4 888634536 +495 521 5 888632219 +495 550 3 888635235 +495 566 4 888635144 +495 568 1 888635294 +495 573 4 888636928 +495 575 3 888637477 +495 576 3 888637440 +495 577 1 888637477 +495 578 3 888636653 +495 581 5 888635655 +495 582 4 888635080 +495 590 4 888637612 +495 616 4 888635050 +495 622 2 888635886 +495 629 3 888636032 +495 631 2 888632677 +495 633 5 888632738 +495 636 3 888634475 +495 637 3 888635995 +495 642 4 888635050 +495 650 5 888634956 +495 655 5 888634536 +495 658 3 888635380 +495 662 5 888636810 +495 665 1 888637169 +495 671 2 888634956 +495 674 3 888635995 +495 679 3 888634784 +495 705 4 888634111 +495 739 4 888637042 +495 742 5 888632888 +495 770 3 888635339 +495 796 4 888637070 +495 797 4 888635524 +495 831 1 888637325 +495 843 3 888637385 +495 969 4 888632443 +495 1039 5 888635180 +495 1079 5 888636511 +495 1091 4 888637503 +495 1110 4 888637147 +495 1116 3 888632738 +495 1118 5 888632888 +495 1119 4 888634784 +495 1133 3 888636487 +495 1135 5 888634475 +495 1157 4 888637300 +495 1183 4 888637228 +495 1188 5 888637147 +495 1207 5 888637300 +495 1245 5 888633129 +495 1263 4 888636062 +495 1419 1 888635995 +495 1444 2 888637018 +495 1542 4 888637643 +496 7 4 876064168 +496 11 4 876067022 +496 17 3 876065645 +496 22 4 876065259 +496 28 2 876066153 +496 33 4 876067108 +496 38 2 876068615 +496 39 5 876072633 +496 42 5 876066676 +496 50 5 876072633 +496 64 3 876066064 +496 68 4 876067192 +496 77 2 876066531 +496 87 5 876073616 +496 88 1 876067346 +496 89 5 876072633 +496 94 1 876070975 +496 97 1 876066848 +496 99 3 876066598 +496 132 3 876065881 +496 133 5 876066567 +496 135 2 876066038 +496 136 1 876066424 +496 141 3 876067493 +496 142 2 876067686 +496 150 2 876064230 +496 151 3 876067445 +496 154 2 876066424 +496 155 1 876070859 +496 156 3 876065933 +496 168 3 876065324 +496 174 4 876066507 +496 181 5 876064168 +496 183 2 876065259 +496 190 5 876072632 +496 195 4 876065715 +496 196 3 876066374 +496 206 4 876068615 +496 217 5 876073320 +496 222 3 876064290 +496 228 1 876065588 +496 229 2 876070655 +496 246 4 876064198 +496 252 2 876065105 +496 277 5 876072633 +496 288 2 876063810 +496 318 4 876065693 +496 333 3 876063848 +496 378 1 876066794 +496 380 2 876068433 +496 416 1 876067754 +496 418 3 876066848 +496 419 2 876066874 +496 420 3 876069927 +496 426 3 876071419 +496 432 4 876066652 +496 443 2 876066353 +496 480 3 876065289 +496 483 4 876065259 +496 495 3 876066300 +496 496 1 876066424 +496 506 3 876067215 +496 509 3 876067272 +496 526 3 876067597 +496 528 4 876065933 +496 532 5 876072633 +496 554 2 876070997 +496 559 5 876068153 +496 561 5 876068582 +496 625 4 876067306 +496 633 3 876065822 +496 651 2 876065610 +496 652 5 876065693 +496 659 3 876065822 +496 660 3 876067108 +496 661 3 876067001 +496 699 3 876068220 +496 705 2 876065382 +496 721 5 876067215 +496 727 5 876072633 +496 743 2 876065190 +496 746 3 876066633 +496 771 2 876073865 +496 774 5 876066424 +496 842 2 876068249 +496 921 5 876072633 +496 961 2 876070655 +496 1041 1 876068615 +496 1063 3 876066485 +496 1074 2 876068100 +496 1091 1 876068433 +496 1133 3 876070957 +496 1157 1 876070937 +496 1401 3 876065499 +496 1444 1 876066465 +496 1473 3 876072548 +497 2 1 879310883 +497 3 4 879309715 +497 4 3 879310825 +497 7 3 879310604 +497 12 4 879362019 +497 13 2 878759927 +497 19 4 879310245 +497 22 5 879310730 +497 25 4 879309780 +497 29 4 879362569 +497 31 3 879361802 +497 33 4 879310730 +497 38 3 879310965 +497 39 3 879310913 +497 42 4 878759777 +497 49 3 879310474 +497 50 5 879310580 +497 53 3 879362178 +497 54 3 879362071 +497 55 3 879310705 +497 56 4 878759659 +497 62 4 879310913 +497 63 3 879362985 +497 67 3 879362858 +497 68 4 879310850 +497 71 4 879309993 +497 72 3 879362835 +497 73 3 879362858 +497 77 3 879362093 +497 79 4 879310730 +497 80 3 879363181 +497 82 4 879310792 +497 83 2 878759898 +497 87 3 879363565 +497 89 4 879310850 +497 90 4 879310445 +497 91 2 879309993 +497 94 3 879363133 +497 95 4 879309993 +497 98 4 879361802 +497 99 3 879310021 +497 100 4 878759828 +497 101 4 879310070 +497 105 2 879309836 +497 108 3 879309760 +497 109 4 878759659 +497 111 4 878759828 +497 114 4 879309992 +497 121 4 879310581 +497 123 3 879361727 +497 127 5 879310580 +497 128 4 879362496 +497 139 3 879363696 +497 141 3 879363611 +497 144 4 879310792 +497 145 4 879362382 +497 151 3 879363510 +497 152 2 878759898 +497 153 4 878759659 +497 155 3 879310522 +497 156 5 879361872 +497 161 5 879310730 +497 168 5 878760023 +497 169 4 879309992 +497 172 5 879310705 +497 173 5 878759659 +497 174 4 879310705 +497 176 4 879310762 +497 177 4 879310762 +497 182 4 879310705 +497 184 3 879310792 +497 185 3 879361802 +497 186 4 878759806 +497 187 5 879310825 +497 188 3 879310762 +497 189 4 879309993 +497 197 3 879310419 +497 200 3 879362359 +497 210 4 878759777 +497 216 3 879310399 +497 217 4 879362382 +497 226 3 879310913 +497 227 2 879310883 +497 228 3 879310762 +497 229 2 879310850 +497 230 2 879310762 +497 231 3 879310883 +497 232 3 879310850 +497 234 2 879361847 +497 237 3 879310314 +497 239 4 879362835 +497 240 4 879309734 +497 242 1 878759351 +497 249 5 879309734 +497 250 3 879310581 +497 252 3 879310650 +497 257 4 879309648 +497 258 4 878759351 +497 260 4 878759529 +497 265 4 879310883 +497 268 4 878759399 +497 274 3 879309760 +497 288 2 878759351 +497 294 4 878759351 +497 298 3 879310580 +497 300 3 878759351 +497 363 2 879310649 +497 364 3 879363233 +497 367 4 879362835 +497 372 4 879362875 +497 381 3 878759898 +497 382 4 878759745 +497 384 2 879362985 +497 385 3 879310792 +497 386 2 879363111 +497 388 4 879363253 +497 391 3 879362545 +497 393 4 879362858 +497 394 3 878759862 +497 395 4 879363284 +497 402 4 879310508 +497 403 3 879310883 +497 405 3 879310621 +497 407 2 879309852 +497 408 4 879309955 +497 412 1 878759926 +497 413 3 879362292 +497 416 2 879363611 +497 417 2 879363627 +497 431 4 879310825 +497 432 3 879309993 +497 433 3 878759806 +497 440 1 879362430 +497 441 2 879362407 +497 449 2 879310966 +497 450 2 879362202 +497 451 2 879310419 +497 452 2 879362202 +497 455 4 878759777 +497 465 3 879363610 +497 472 3 879310650 +497 501 2 879309993 +497 508 3 878759705 +497 510 3 879362496 +497 526 3 879362478 +497 540 2 879311007 +497 541 4 879362546 +497 549 4 879310445 +497 550 4 879310913 +497 553 2 879310379 +497 562 2 879310941 +497 566 3 879310941 +497 569 2 879362359 +497 570 3 879362511 +497 575 3 879362985 +497 578 4 879310965 +497 584 4 879363611 +497 588 4 879309993 +497 590 2 879362461 +497 622 2 879363586 +497 625 3 879310021 +497 627 3 879310021 +497 629 2 878759862 +497 642 3 879362041 +497 645 3 878759659 +497 651 4 879310762 +497 655 4 878759862 +497 657 3 879361847 +497 665 2 879310966 +497 679 3 879310850 +497 684 3 879310792 +497 692 3 879310379 +497 719 3 879363253 +497 720 2 879310941 +497 721 3 879362740 +497 722 3 879362985 +497 724 5 879310445 +497 725 3 879363253 +497 739 4 879310474 +497 741 4 879361707 +497 743 3 879362638 +497 746 5 878759777 +497 748 4 878759432 +497 763 3 879309780 +497 765 3 879363155 +497 769 3 879362430 +497 771 4 879362638 +497 774 4 879362407 +497 780 2 879363181 +497 781 3 879310445 +497 783 3 879362908 +497 790 2 879362720 +497 792 3 879362954 +497 795 1 879363284 +497 802 2 879362118 +497 805 3 879362835 +497 808 2 879310941 +497 809 3 879362609 +497 810 3 879310941 +497 826 3 879311007 +497 840 3 879310679 +497 864 3 879309734 +497 926 2 879309759 +497 928 3 879361744 +497 940 2 879362954 +497 943 4 879362019 +497 944 3 879362798 +497 946 4 879310021 +497 951 2 879363695 +497 1000 2 878759777 +497 1016 4 879310604 +497 1041 3 879310473 +497 1042 3 879362178 +497 1046 3 879362041 +497 1047 3 879309836 +497 1052 2 879309869 +497 1092 3 879363233 +497 1157 2 879362178 +497 1185 1 879363205 +497 1210 4 879362178 +497 1407 3 879362609 +497 1415 2 879363748 +497 1419 2 879362638 +497 1555 2 879363780 +497 1615 3 879310650 +498 7 3 881954741 +498 9 2 881954931 +498 10 5 881960711 +498 11 3 881956576 +498 12 4 881957195 +498 14 4 881955189 +498 23 4 881955596 +498 32 4 881956363 +498 50 4 881954821 +498 54 2 881961745 +498 59 4 881961312 +498 61 4 881957431 +498 64 4 881956575 +498 77 2 881961627 +498 98 4 881957681 +498 100 3 881955291 +498 109 3 881955189 +498 121 2 881962699 +498 127 4 881954219 +498 134 3 881956498 +498 135 5 881956576 +498 144 1 881958471 +498 150 3 881954451 +498 151 4 881956140 +498 164 3 881961689 +498 171 3 881955866 +498 174 3 881956953 +498 176 2 881956498 +498 179 4 881961133 +498 180 4 881955866 +498 181 2 881955014 +498 182 4 881955596 +498 185 4 881955960 +498 187 4 881955960 +498 190 4 881956203 +498 191 4 881957054 +498 192 5 881957546 +498 197 5 881958414 +498 202 3 881958897 +498 203 5 881961547 +498 204 2 881957267 +498 218 3 881961877 +498 228 2 881961627 +498 234 4 881957625 +498 237 2 881957625 +498 238 4 881957195 +498 251 3 881954219 +498 258 2 881955080 +498 265 2 881957489 +498 268 2 881954618 +498 269 4 881953527 +498 271 2 881962988 +498 275 3 881955348 +498 302 3 881953659 +498 317 3 881957625 +498 337 4 881954617 +498 340 2 881954618 +498 410 3 881954931 +498 423 3 881957267 +498 430 4 881958174 +498 462 3 881958897 +498 474 4 881957905 +498 475 3 881954617 +498 479 3 881957054 +498 480 5 881960523 +498 483 3 881957625 +498 484 4 881957546 +498 486 2 881957431 +498 489 3 881956140 +498 496 3 881957905 +498 509 3 881955867 +498 512 5 881957757 +498 515 4 881956953 +498 517 4 881957353 +498 522 3 881956499 +498 525 4 881961547 +498 527 3 881957757 +498 531 3 881957195 +498 538 1 881962988 +498 548 2 881957267 +498 558 4 882205321 +498 591 4 881961877 +498 603 4 881955960 +498 628 4 881961627 +498 649 3 881961745 +498 652 5 881961182 +498 656 3 881957999 +498 657 3 881957488 +498 663 4 881956363 +498 673 3 881958343 +498 772 1 881957999 +498 919 4 881954451 +498 933 3 881959018 +498 985 1 881961877 +498 1007 3 881954219 +498 1070 3 881959103 +498 1083 3 881961932 +498 1103 4 881957847 +498 1131 3 881955866 +498 1142 4 881955432 +498 1286 3 881956576 +498 1404 3 881957054 +498 1422 3 881961877 +498 1426 3 881959103 +498 1495 3 881958237 +499 8 5 885599682 +499 11 3 885599372 +499 55 4 885599598 +499 56 4 885599182 +499 69 5 885599718 +499 87 4 885599598 +499 98 4 885599119 +499 100 4 885599040 +499 136 4 885599447 +499 143 3 885598961 +499 165 5 885598961 +499 166 5 885599334 +499 173 5 885599307 +499 174 3 885598961 +499 176 4 885599447 +499 177 3 885599660 +499 181 3 885598827 +499 183 4 885599718 +499 202 4 885598961 +499 205 5 885599413 +499 207 5 885599533 +499 208 4 885599718 +499 210 3 885599201 +499 213 3 885598989 +499 215 4 885599475 +499 238 2 885599498 +499 257 5 885598342 +499 258 2 885598932 +499 312 4 882995923 +499 318 5 885599286 +499 326 3 892501059 +499 328 5 882996296 +499 347 4 885597932 +499 414 3 885599533 +499 425 3 885599474 +499 427 5 885599474 +499 429 4 885599372 +499 430 3 885598989 +499 463 5 885599498 +499 482 2 885599182 +499 486 3 885599598 +499 511 5 885599227 +499 514 5 885599334 +499 516 4 885599572 +499 519 3 885599040 +499 524 4 885599073 +499 525 4 885599660 +499 527 5 885599307 +499 539 1 885598827 +499 588 4 885599334 +499 624 2 885599372 +499 647 5 885599013 +499 651 4 885598895 +499 657 5 885599413 +499 661 3 885599474 +499 663 5 885599718 +499 664 3 885599334 +499 742 4 885599334 +499 750 5 885597747 +499 879 3 885598827 +499 886 4 885598215 +499 898 4 885597901 +499 915 4 892501128 +499 1101 5 885599182 +499 1302 5 885598378 +499 1483 1 892501259 +500 1 4 883865021 +500 3 4 883865786 +500 7 5 883865104 +500 10 3 883865391 +500 13 5 883865232 +500 16 4 883865462 +500 28 3 883874078 +500 30 4 883875275 +500 31 4 883875092 +500 39 4 883875092 +500 42 5 883874139 +500 43 3 883876859 +500 44 1 883875862 +500 49 4 883876053 +500 56 5 883873976 +500 58 3 883873720 +500 60 5 883874557 +500 61 4 883875431 +500 62 3 883876690 +500 70 4 883875388 +500 77 3 883875793 +500 82 4 883874290 +500 83 4 888538350 +500 88 4 883875926 +500 89 4 883873505 +500 93 4 883865020 +500 94 2 883877023 +500 97 4 883874715 +500 111 4 888538350 +500 116 4 883865232 +500 117 4 883865755 +500 120 3 883865826 +500 121 3 883865611 +500 122 3 883876795 +500 125 3 883865632 +500 129 4 886359266 +500 133 3 883875681 +500 134 5 883873461 +500 143 3 883875092 +500 147 3 887720583 +500 151 3 883874059 +500 159 2 883876251 +500 161 2 883877001 +500 164 4 883874469 +500 168 4 883873616 +500 170 5 883874446 +500 172 2 883873640 +500 174 2 883873505 +500 175 5 883874341 +500 179 4 883873782 +500 181 3 883865462 +500 182 2 883873556 +500 183 4 883873461 +500 196 4 883874835 +500 208 4 883873745 +500 210 3 883874290 +500 215 1 883874528 +500 216 4 883873556 +500 223 4 883873839 +500 235 5 883865567 +500 237 3 883865483 +500 242 3 891916883 +500 244 3 886358931 +500 245 2 883864862 +500 246 5 883865128 +500 249 3 887720111 +500 252 2 883865889 +500 255 3 883865374 +500 258 4 883864578 +500 275 1 883873439 +500 276 5 883865290 +500 283 2 883865341 +500 284 3 883865632 +500 286 1 883864527 +500 287 3 883865268 +500 289 4 883864818 +500 294 3 883864578 +500 295 4 883865128 +500 298 4 890009939 +500 304 2 883864749 +500 313 3 893192133 +500 316 3 891916809 +500 319 4 883864793 +500 325 3 883864862 +500 328 3 883864749 +500 358 4 887755810 +500 367 3 883875835 +500 370 3 883865952 +500 371 4 883874341 +500 381 4 883875585 +500 383 3 883877467 +500 386 3 883875610 +500 402 3 883875388 +500 405 4 883865567 +500 407 3 883877252 +500 409 4 883865985 +500 411 2 883865826 +500 421 4 883875303 +500 423 3 883875388 +500 425 4 883874413 +500 443 4 883873679 +500 462 4 883874715 +500 469 4 883874813 +500 483 4 883874039 +500 498 4 883873911 +500 517 4 883873839 +500 522 4 883875041 +500 529 4 883874558 +500 532 4 883865952 +500 535 3 890010025 +500 546 4 887720050 +500 552 1 883876738 +500 553 2 883876370 +500 554 3 883877162 +500 557 3 883875136 +500 582 4 883874290 +500 584 1 883874528 +500 639 4 883875195 +500 640 4 883874776 +500 660 2 883874835 +500 662 2 883876005 +500 665 3 883876714 +500 699 3 883875523 +500 708 5 883873999 +500 714 2 883874469 +500 721 1 883875561 +500 727 2 883875041 +500 729 4 883875303 +500 735 4 883873941 +500 739 2 883876573 +500 740 3 883865632 +500 742 3 883865290 +500 755 3 883876251 +500 763 3 883865589 +500 768 2 883876596 +500 781 3 883874776 +500 815 3 883865374 +500 821 2 883876837 +500 827 2 883876904 +500 831 3 883866004 +500 836 5 883874290 +500 845 4 883865566 +500 846 3 883865566 +500 919 3 883865341 +500 930 3 883865929 +500 971 5 883876093 +500 988 3 883864840 +500 1008 4 883865786 +500 1009 4 883865532 +500 1010 4 883865483 +500 1012 4 883865021 +500 1014 2 884527433 +500 1018 3 883875756 +500 1047 3 883865985 +500 1048 3 883865532 +500 1057 3 883877359 +500 1069 4 883876300 +500 1111 4 883874529 +500 1135 3 883875561 +500 1163 1 883865290 +500 1166 4 883874139 +500 1195 4 883875468 +500 1226 4 883865715 +500 1311 1 883877467 +500 1315 4 883865463 +500 1324 2 883865985 +500 1326 4 883865020 +500 1469 1 883876224 +500 1616 4 883875501 +501 25 3 883347773 +501 93 4 883347891 +501 100 4 883347799 +501 108 4 883348564 +501 117 4 883347975 +501 122 4 883348236 +501 124 4 883347919 +501 127 5 883347773 +501 129 4 883348036 +501 150 5 883347773 +501 151 4 883348543 +501 181 4 883347857 +501 221 3 883348011 +501 222 4 883347919 +501 237 4 883348011 +501 245 3 883346844 +501 248 4 883347975 +501 249 3 883348411 +501 257 4 883348114 +501 273 4 883347975 +501 274 3 883348474 +501 276 4 883348138 +501 282 4 883348185 +501 288 4 883346694 +501 293 4 883347823 +501 294 3 883346694 +501 298 4 883347950 +501 307 4 883346651 +501 313 3 883346623 +501 324 4 883346694 +501 406 3 883348656 +501 411 4 883348564 +501 456 3 883348610 +501 475 5 883348080 +501 508 4 883347920 +501 544 4 883348372 +501 597 3 883348260 +501 628 4 883348519 +501 678 3 883346886 +501 696 4 883348185 +501 829 3 883348656 +501 844 4 883347023 +501 928 3 883347773 +501 979 3 883348308 +501 1014 4 883348543 +501 1081 3 883348703 +501 1097 5 883347950 +501 1278 3 883348372 +501 1534 4 883348743 +502 261 2 883702945 +502 263 1 883702448 +502 264 3 883702518 +502 266 3 883702255 +502 271 5 883702088 +502 288 5 883701866 +502 294 3 883702255 +502 301 1 883702370 +502 307 4 883701980 +502 313 4 883701792 +502 323 4 883702447 +502 328 4 883701980 +502 333 4 883701866 +502 338 4 883702370 +502 343 5 883702370 +502 358 4 883702518 +502 539 3 883701980 +502 678 3 883702448 +502 682 5 883701927 +502 683 3 883702867 +502 754 2 883701927 +502 879 3 883701980 +502 890 2 883702945 +502 892 2 883702867 +502 893 2 883702867 +503 8 5 880472435 +503 13 3 879438377 +503 20 5 879438285 +503 38 3 879454977 +503 44 5 879454841 +503 45 5 880383064 +503 54 2 879454950 +503 58 4 880472565 +503 66 3 880383468 +503 69 4 880383679 +503 79 5 879454675 +503 83 5 880383098 +503 86 5 880383098 +503 88 4 880383468 +503 97 4 880383424 +503 98 5 879454675 +503 100 5 879438346 +503 116 5 879438559 +503 121 3 879438707 +503 124 5 879438233 +503 127 5 879438161 +503 130 5 879438837 +503 134 5 880383588 +503 137 5 879438072 +503 153 2 880472250 +503 156 1 880472250 +503 164 3 880472507 +503 168 5 880383624 +503 172 5 880383588 +503 173 5 880383357 +503 174 5 880472250 +503 176 5 879454754 +503 181 5 879438319 +503 182 3 880472321 +503 183 5 879454754 +503 185 5 879454753 +503 186 5 880472061 +503 187 5 880383625 +503 190 5 880383030 +503 194 4 880472591 +503 197 5 880383358 +503 199 4 880383625 +503 204 3 880383703 +503 205 4 880472344 +503 211 5 880472435 +503 213 5 880383030 +503 221 5 879438377 +503 223 5 880472362 +503 224 3 880390128 +503 226 5 879454841 +503 233 5 879454811 +503 234 5 879454675 +503 237 4 879438505 +503 241 5 880383425 +503 246 5 884638548 +503 248 4 884638469 +503 269 5 879438024 +503 277 4 879438580 +503 281 3 879454576 +503 283 5 879438258 +503 293 4 879438411 +503 303 5 879438024 +503 306 5 879438024 +503 313 5 884637568 +503 318 5 880383679 +503 347 5 884637610 +503 356 4 879454841 +503 381 5 880383174 +503 382 4 880383174 +503 385 1 880472298 +503 402 3 880383467 +503 405 3 879438685 +503 416 2 880472250 +503 430 5 880383653 +503 435 3 880472125 +503 463 1 880383126 +503 475 2 879438319 +503 479 4 880383653 +503 484 4 880472188 +503 488 5 880472216 +503 489 4 880383625 +503 496 5 880472474 +503 498 5 880383588 +503 503 3 880472250 +503 509 5 880383098 +503 514 3 880472102 +503 526 3 880472188 +503 529 2 880383030 +503 546 4 879438685 +503 558 5 880383098 +503 561 5 879454977 +503 580 3 880383236 +503 582 5 880383064 +503 607 5 880472272 +503 633 5 880472344 +503 640 1 880383201 +503 654 5 879454753 +503 659 5 880472148 +503 684 4 879454950 +503 692 3 880383467 +503 694 5 880383030 +503 714 4 880383126 +503 736 4 880383174 +503 747 3 880383424 +503 778 5 892667730 +503 823 2 879438817 +503 900 5 892667389 +503 949 3 892667891 +503 963 5 880472061 +503 1009 2 884638911 +503 1194 5 879438072 +503 1316 1 892667252 +503 1475 5 880382768 +504 5 4 887912462 +504 9 4 887831567 +504 25 4 887831419 +504 28 4 887839810 +504 38 4 887840134 +504 44 4 887838846 +504 50 3 887831293 +504 51 4 887839260 +504 54 4 887909936 +504 56 3 887832643 +504 58 3 887837740 +504 63 3 887912504 +504 66 4 887839165 +504 67 2 887912382 +504 68 5 887912665 +504 71 5 887909321 +504 72 4 887840134 +504 75 4 887912568 +504 77 4 887840681 +504 82 4 887837918 +504 84 3 887840589 +504 94 4 887841158 +504 96 4 887840098 +504 97 4 887832760 +504 98 5 887832433 +504 100 5 887831486 +504 117 4 887831694 +504 118 3 887831838 +504 121 4 887831642 +504 122 1 887832268 +504 125 4 889550735 +504 127 5 887831510 +504 132 5 887838815 +504 133 5 887832593 +504 143 4 887838008 +504 151 4 887831678 +504 153 3 887838624 +504 154 4 887839081 +504 155 3 887912634 +504 158 3 887910737 +504 161 4 887839195 +504 163 4 887840517 +504 167 3 887909556 +504 168 5 887839164 +504 174 4 887909455 +504 176 3 887837739 +504 179 1 887839165 +504 180 4 887837918 +504 181 3 887831773 +504 183 3 887832531 +504 185 5 887838624 +504 186 3 887840637 +504 187 3 887840559 +504 194 3 887832668 +504 195 4 887838510 +504 197 4 887832531 +504 199 4 887912236 +504 200 4 887838450 +504 202 3 887909347 +504 204 3 887838908 +504 205 3 887909299 +504 210 4 887832643 +504 214 4 887840764 +504 215 4 887908861 +504 216 4 887838450 +504 225 4 887832207 +504 234 3 887838740 +504 237 3 887831753 +504 240 1 887832012 +504 248 4 887831622 +504 257 5 887831753 +504 258 5 887831273 +504 276 3 887831790 +504 281 4 887831447 +504 282 4 887831838 +504 288 5 887831273 +504 292 5 887831273 +504 295 4 887831567 +504 300 4 887831274 +504 307 4 887831273 +504 318 5 887832593 +504 322 4 887831274 +504 323 4 887831274 +504 330 4 887831274 +504 356 4 887840098 +504 364 2 887912382 +504 370 3 887832268 +504 371 3 887912236 +504 372 4 887839195 +504 382 4 887839709 +504 384 2 887912447 +504 385 4 887832571 +504 396 2 887911369 +504 400 3 887911277 +504 401 2 887911789 +504 402 4 887839835 +504 403 3 887910409 +504 404 4 887910370 +504 414 5 887838450 +504 416 4 887910294 +504 417 3 887841177 +504 418 3 887832391 +504 419 3 887832643 +504 420 3 887840560 +504 423 4 887840960 +504 428 3 887910511 +504 440 3 887910370 +504 441 4 887911314 +504 443 3 887910511 +504 449 4 887839810 +504 451 1 887912584 +504 452 2 887911974 +504 454 5 887838008 +504 462 4 887838740 +504 476 5 887831447 +504 499 4 887909595 +504 503 4 887837958 +504 504 4 887909890 +504 505 4 887837957 +504 514 4 887838485 +504 517 4 887832782 +504 526 3 887838624 +504 529 4 887832391 +504 537 3 887910811 +504 543 4 887908861 +504 546 4 887831947 +504 548 2 887909864 +504 559 5 887840745 +504 561 4 887910023 +504 563 3 887911314 +504 567 2 887839196 +504 575 3 887912401 +504 579 4 887911391 +504 581 4 887910623 +504 585 2 887909864 +504 595 4 887832097 +504 612 4 887838677 +504 616 4 887910267 +504 620 4 887831419 +504 622 4 887910487 +504 623 3 887910433 +504 629 4 887841136 +504 633 3 887912542 +504 655 4 887840713 +504 664 3 887910718 +504 667 3 887911808 +504 676 4 887908756 +504 678 4 887831115 +504 693 4 887832741 +504 699 4 887838573 +504 705 4 887838935 +504 716 4 887909532 +504 717 4 887911730 +504 719 3 887841248 +504 723 4 887910896 +504 728 3 887908974 +504 729 5 887832571 +504 735 5 887838510 +504 739 3 887841201 +504 742 4 887831860 +504 755 4 887841177 +504 756 3 887910240 +504 791 3 887911789 +504 807 4 887839081 +504 834 2 887911059 +504 846 4 887831806 +504 928 4 887831353 +504 934 4 887832170 +504 939 4 887838869 +504 969 4 887838677 +504 972 3 887910552 +504 973 4 887911444 +504 1004 4 887910023 +504 1030 3 887911314 +504 1037 1 887912584 +504 1041 3 887910694 +504 1090 4 887910961 +504 1093 1 887841073 +504 1110 2 887911583 +504 1133 3 887910871 +504 1135 4 887911854 +504 1136 5 887840560 +504 1147 4 887832741 +504 1263 4 887909532 +504 1415 3 887912335 +504 1421 4 887841073 +504 1437 2 887911545 +504 1439 4 887840517 +504 1442 3 887911444 +504 1508 3 887911686 +504 1522 3 887840942 +505 7 3 889334129 +505 11 4 889333861 +505 54 3 889334067 +505 56 1 889333560 +505 66 4 889333313 +505 69 3 889333974 +505 79 3 889333274 +505 82 4 889333274 +505 88 4 889334334 +505 95 4 889333313 +505 97 4 889333676 +505 98 4 889333792 +505 99 4 889333313 +505 102 1 889334526 +505 117 4 889333508 +505 121 4 889334004 +505 123 3 889333894 +505 127 1 889333711 +505 132 5 889333598 +505 133 5 889334189 +505 140 4 889334129 +505 144 3 889333861 +505 151 3 889334162 +505 161 3 889333711 +505 173 3 889333534 +505 176 4 889333340 +505 181 3 889333974 +505 182 1 889334555 +505 183 3 889333392 +505 187 1 889333676 +505 190 4 889333598 +505 193 3 889334477 +505 195 3 889334096 +505 199 4 889333442 +505 203 4 889334162 +505 207 3 889334004 +505 227 2 889334334 +505 237 3 889333711 +505 243 2 888631415 +505 245 4 888631349 +505 258 1 888630999 +505 259 3 888631208 +505 265 4 889333598 +505 271 4 888631208 +505 300 4 888631046 +505 313 5 889332743 +505 328 4 888631175 +505 332 4 888631126 +505 358 3 888631555 +505 378 5 889333466 +505 402 5 889333937 +505 419 3 889333560 +505 422 3 889333975 +505 423 4 889333711 +505 468 4 889334096 +505 471 4 889333392 +505 491 3 889333861 +505 495 3 889333823 +505 498 5 889334274 +505 501 2 889334373 +505 553 4 889333937 +505 566 3 889334503 +505 568 4 889333466 +505 584 4 889334067 +505 591 4 889333676 +505 614 3 889334162 +505 623 3 889333365 +505 648 4 889334614 +505 651 3 889333598 +505 692 3 889334583 +505 705 3 889333758 +505 713 3 889334217 +505 724 4 889333861 +505 742 4 889334162 +505 748 1 888631208 +505 755 3 889334248 +505 951 3 889334067 +505 989 1 888631438 +505 1039 4 889334004 +505 1063 3 889334334 +505 1285 3 889333711 +505 1409 3 889333974 +506 2 4 874874850 +506 5 4 874874947 +506 8 5 874873374 +506 12 5 874873247 +506 28 4 874874308 +506 31 4 874873247 +506 33 3 874873703 +506 38 3 885135912 +506 44 4 874874850 +506 47 4 874876486 +506 48 2 874873158 +506 50 5 878044852 +506 53 4 874874985 +506 54 4 874876651 +506 56 4 874873374 +506 58 4 874874985 +506 63 4 874873944 +506 70 4 874874055 +506 71 5 874873068 +506 72 3 874874802 +506 77 3 874874850 +506 79 5 874874054 +506 81 1 874874000 +506 82 5 874873745 +506 85 3 874873795 +506 86 3 874876551 +506 88 4 874873944 +506 89 5 874874109 +506 95 5 874873198 +506 97 4 874873374 +506 132 4 874873615 +506 135 5 874873157 +506 137 2 874872872 +506 140 3 874873327 +506 148 3 877539905 +506 172 5 885135819 +506 174 5 874873157 +506 175 5 874873327 +506 176 5 874873892 +506 177 5 888848342 +506 182 5 888848342 +506 183 5 874874308 +506 186 4 874875062 +506 191 4 874873615 +506 193 4 874873944 +506 194 5 874873247 +506 196 4 874873745 +506 199 4 874874109 +506 200 4 874873112 +506 202 5 874873374 +506 204 5 874874055 +506 205 5 874874760 +506 209 4 874873529 +506 216 4 874873794 +506 218 3 874873615 +506 222 4 884517178 +506 226 4 885135844 +506 227 4 874875062 +506 228 5 874873571 +506 229 4 874874895 +506 230 4 874873847 +506 231 3 874873847 +506 233 4 874874109 +506 234 5 874873111 +506 250 2 880198224 +506 258 4 884517178 +506 271 4 880198184 +506 274 4 874862229 +506 281 3 880198144 +506 295 4 879074845 +506 300 3 888178161 +506 323 3 875444631 +506 324 1 877984213 +506 333 4 887230118 +506 342 3 888848304 +506 356 3 874874630 +506 363 3 874862646 +506 367 3 874873068 +506 385 4 874873944 +506 399 5 874874054 +506 402 4 877539905 +506 403 4 874874458 +506 404 5 878044851 +506 410 2 882100955 +506 417 4 874874396 +506 430 4 874873703 +506 434 4 874876599 +506 443 4 874874760 +506 447 4 874873847 +506 449 2 885135882 +506 455 3 876070976 +506 463 3 874873157 +506 465 4 874874630 +506 470 4 874873423 +506 475 1 874862229 +506 479 4 874873571 +506 482 5 878044852 +506 484 4 882100828 +506 489 4 874876651 +506 490 3 874873529 +506 494 5 878044851 +506 496 5 874873615 +506 510 5 874873067 +506 514 5 874873287 +506 516 4 874874525 +506 517 2 874874585 +506 518 4 874873198 +506 520 5 878044852 +506 521 5 874873529 +506 523 5 874873112 +506 525 4 874876486 +506 529 3 874873615 +506 530 5 874874110 +506 538 3 880908452 +506 542 3 874873794 +506 550 4 885135881 +506 554 3 885135912 +506 560 3 874874458 +506 566 4 885135819 +506 580 3 874875062 +506 581 2 874874850 +506 586 2 885135882 +506 603 5 874873198 +506 604 4 874873528 +506 607 4 874874851 +506 608 4 874874055 +506 611 5 874874525 +506 641 5 874873158 +506 646 4 874874947 +506 654 4 874876486 +506 655 4 874873892 +506 657 5 874873745 +506 661 5 874874308 +506 662 5 878044851 +506 663 4 874874947 +506 678 3 879074774 +506 686 3 889874717 +506 692 4 874873529 +506 693 4 874876651 +506 705 5 878044851 +506 710 5 874874151 +506 712 3 874873893 +506 732 4 874874109 +506 739 4 874874525 +506 742 5 878044851 +506 747 2 874874629 +506 762 3 877861473 +506 772 1 874873247 +506 779 2 885135954 +506 792 2 874876598 +506 796 3 874875062 +506 836 4 874875062 +506 855 4 874874802 +506 873 4 889874717 +506 878 3 874872812 +506 892 1 888848224 +506 930 1 877984514 +506 945 4 874874585 +506 951 3 874875062 +506 1014 3 880908472 +506 1016 4 882100828 +506 1019 5 878044851 +506 1020 4 874873067 +506 1046 4 874874396 +506 1063 5 888848303 +506 1073 4 874873247 +506 1110 1 885135955 +506 1219 2 874874760 +506 1244 2 884517295 +506 1279 4 880198144 +506 1407 2 885135954 +506 1608 2 885135497 +507 50 5 889965997 +507 117 3 889965997 +507 118 5 889966127 +507 147 5 889965997 +507 181 5 889965997 +507 245 5 889964809 +507 250 5 889966024 +507 252 5 889966054 +507 258 4 889963959 +507 271 5 889964312 +507 288 5 889964020 +507 294 5 889964274 +507 300 5 889964239 +507 302 5 889963959 +507 306 5 889964677 +507 307 5 889964239 +507 310 4 889964162 +507 316 5 889964844 +507 323 5 889964809 +507 328 5 889964162 +507 338 5 889964348 +507 343 5 889964074 +507 345 5 889964202 +507 352 1 889964274 +507 405 5 889966127 +507 538 4 889964239 +507 597 5 889966089 +507 682 5 889964620 +507 689 5 889964844 +507 751 5 889964162 +507 754 5 889964121 +507 826 5 889966127 +507 827 5 889966088 +507 841 5 889966054 +507 879 5 889964706 +507 892 5 889964809 +507 895 5 889964202 +507 1016 5 889966088 +507 1034 5 889966127 +507 1089 5 889966088 +507 1237 5 889964311 +508 1 5 883777430 +508 13 4 883777366 +508 47 3 883777257 +508 50 5 883777430 +508 69 3 883776748 +508 73 3 883777329 +508 79 2 883767543 +508 82 3 883777145 +508 88 3 883777299 +508 101 5 883777430 +508 109 3 883768886 +508 115 3 883767383 +508 121 2 883767047 +508 144 3 883767728 +508 150 5 883767325 +508 151 5 883768886 +508 163 3 883768862 +508 172 5 883767157 +508 173 4 883767140 +508 174 4 883767728 +508 175 4 883767465 +508 176 4 883767565 +508 179 4 883767465 +508 180 5 883767565 +508 181 3 883767047 +508 183 5 883767588 +508 186 3 883777109 +508 188 4 883767325 +508 195 3 883767565 +508 204 3 883767510 +508 208 5 883776748 +508 209 5 883767325 +508 210 4 883777125 +508 211 3 883777047 +508 214 3 883775341 +508 215 3 883776977 +508 216 5 883768886 +508 218 2 883777237 +508 219 1 883767628 +508 223 4 883767361 +508 228 5 883777430 +508 232 3 883777109 +508 238 4 883767343 +508 239 2 883777257 +508 317 4 883767246 +508 318 4 883767704 +508 378 5 883777430 +508 436 4 883777109 +508 443 4 883777071 +508 451 3 883777281 +508 502 4 883776778 +508 506 5 883777430 +508 514 5 883767301 +508 524 5 883767608 +508 527 5 883775361 +508 528 5 883777430 +508 568 4 883777237 +508 629 4 883775341 +508 655 4 883767525 +508 710 4 883777071 +508 735 4 883775341 +508 1067 4 883767665 +508 1135 3 883777382 +509 50 5 883591878 +509 181 4 883591826 +509 245 2 883591109 +509 258 4 883590526 +509 260 2 883591195 +509 266 1 883591489 +509 268 2 883590443 +509 271 4 883591195 +509 288 5 883590443 +509 294 2 883590972 +509 300 3 883590800 +509 307 2 883590729 +509 309 2 883590609 +509 310 1 883590443 +509 319 2 883590913 +509 328 1 883590800 +509 332 2 883590800 +509 338 3 883591319 +509 343 3 883591319 +509 603 4 883591826 +509 680 1 883591252 +509 687 1 883591489 +509 690 3 883590676 +509 705 4 883591687 +509 751 3 883590443 +509 879 1 883590913 +509 892 1 883591489 +510 245 3 887667574 +510 259 2 887667708 +510 261 2 887667780 +510 286 3 887667439 +510 288 3 887667545 +510 289 2 887667751 +510 292 4 887667524 +510 294 3 887667681 +510 299 3 887667681 +510 322 3 887667752 +510 324 1 887667618 +510 325 1 887667575 +510 326 4 887667751 +510 330 2 887667808 +510 358 1 887667780 +510 678 4 887667780 +510 687 2 887667752 +510 748 3 887667707 +510 873 3 887667780 +510 876 2 887667574 +510 881 2 887667838 +510 1025 3 887667780 +511 260 4 890004916 +511 271 5 890004879 +511 292 5 890004686 +511 294 4 890005011 +511 299 2 890004827 +511 300 4 890004658 +511 313 5 890004702 +511 322 3 890005102 +511 333 4 890004778 +511 340 4 890004687 +511 343 3 890004892 +511 346 4 890004686 +511 355 2 890004827 +511 358 1 890004916 +511 678 2 890005076 +511 872 5 890004728 +511 880 5 890004778 +511 887 5 890004747 +511 895 4 890004863 +511 908 4 890004938 +511 948 3 890004916 +511 1527 4 890004952 +512 1 4 888589126 +512 11 5 888579520 +512 23 4 888580248 +512 50 5 888579997 +512 97 5 888579520 +512 183 5 888579474 +512 186 5 888579520 +512 191 4 888579747 +512 198 5 888579920 +512 258 3 888578768 +512 265 4 888580143 +512 286 5 888578937 +512 302 4 888578289 +512 313 3 888578289 +512 318 5 888579569 +512 325 2 888579139 +512 527 5 888579645 +512 1238 4 888578602 +512 1459 4 888579569 +513 117 5 885062519 +513 121 5 885062602 +513 181 5 885062332 +513 210 5 885063273 +513 252 5 885063549 +513 257 4 885062519 +513 258 4 885062286 +513 265 5 885062919 +513 435 5 885063304 +513 472 4 885062636 +513 546 4 885062601 +513 685 4 885062601 +513 739 5 885063056 +513 763 3 885062453 +513 841 4 885062602 +514 1 5 875309276 +514 4 4 875463440 +514 11 4 875318082 +514 12 5 875318263 +514 14 3 875318331 +514 15 4 875309350 +514 22 4 875463202 +514 24 3 875463164 +514 25 4 875463028 +514 42 5 875318331 +514 45 4 876061444 +514 47 4 875462645 +514 49 2 886189676 +514 50 5 875462466 +514 58 4 875462689 +514 68 4 875463551 +514 69 4 875309276 +514 79 4 875462520 +514 81 4 875463416 +514 83 5 875462568 +514 87 5 875318163 +514 88 4 875463468 +514 89 4 875318331 +514 95 4 875309350 +514 96 5 875311192 +514 98 5 875309473 +514 100 4 875318163 +514 109 3 876067235 +514 111 5 875463165 +514 114 5 875462466 +514 118 2 875463416 +514 134 3 875463665 +514 135 4 875311193 +514 137 3 875318114 +514 144 3 875462520 +514 150 3 886189467 +514 152 4 875318163 +514 153 4 875463386 +514 157 4 875309350 +514 168 4 875308925 +514 170 3 875462764 +514 175 4 875462426 +514 176 4 875463128 +514 177 3 886189816 +514 179 4 875463468 +514 180 3 886189927 +514 185 3 875311225 +514 188 5 875463028 +514 189 5 875318291 +514 190 5 875318224 +514 191 5 875318224 +514 195 5 876063938 +514 196 5 875318331 +514 199 3 875463351 +514 202 4 875309414 +514 204 5 875318331 +514 208 4 875463494 +514 209 3 876062951 +514 210 5 876067462 +514 216 5 875309350 +514 222 4 875462611 +514 237 4 875462611 +514 239 5 876067462 +514 243 2 885181043 +514 257 4 880209981 +514 265 4 886190600 +514 268 4 885180579 +514 269 4 885180864 +514 272 4 885180603 +514 274 4 876067433 +514 302 5 885180556 +514 306 4 876672606 +514 307 4 880210104 +514 318 4 875318331 +514 328 3 885180947 +514 336 1 885180842 +514 344 3 891900164 +514 357 4 875462901 +514 367 5 875318164 +514 380 4 875462965 +514 384 3 876067623 +514 392 4 875463351 +514 402 4 875463245 +514 405 2 875463386 +514 408 5 875311225 +514 419 4 875463468 +514 421 4 875463269 +514 423 5 875462568 +514 429 4 875311225 +514 432 4 875311156 +514 433 5 875462795 +514 474 5 875462689 +514 510 3 886190480 +514 511 3 886189990 +514 558 4 875318114 +514 568 4 875462689 +514 587 4 880210105 +514 609 4 875462826 +514 631 4 875463386 +514 648 3 886189869 +514 651 4 875462901 +514 655 4 875462568 +514 658 4 875463028 +514 659 3 875463245 +514 682 4 875463891 +514 709 3 876067380 +514 710 5 875318331 +514 715 4 876067592 +514 729 4 886189841 +514 732 5 875462901 +514 735 4 875462764 +514 746 5 875309276 +514 748 2 875463906 +514 750 4 885180627 +514 778 4 876067546 +514 796 4 876067205 +514 898 2 885180893 +514 949 3 886189510 +514 1014 2 885180645 +514 1035 3 875463595 +514 1039 5 875318163 +514 1074 4 876067623 +514 1101 4 886189893 +514 1115 4 875462826 +514 1600 4 875723266 +515 243 3 887659667 +515 259 3 887659123 +515 271 4 887658844 +515 288 4 887658604 +515 289 1 887660131 +515 292 3 887659805 +515 294 3 887658910 +515 300 5 887658975 +515 304 4 887658782 +515 307 4 887659123 +515 310 3 887658975 +515 313 4 887658604 +515 315 4 887658604 +515 322 3 887659073 +515 326 2 887660131 +515 329 2 887660131 +515 332 3 887658676 +515 340 3 887658782 +515 342 3 887659423 +515 344 2 887660131 +515 347 3 887658604 +515 362 4 887658844 +515 538 3 887658676 +515 690 2 887660131 +515 893 1 887660131 +515 895 4 887659123 +515 905 2 887660131 +516 50 5 891290565 +516 181 4 891290566 +516 191 4 891290685 +516 199 3 891290649 +516 204 4 891290649 +516 214 3 891290649 +516 310 4 891290565 +516 357 3 891290685 +516 431 3 891290649 +516 474 5 891290648 +516 515 4 891290566 +516 523 3 891290649 +516 582 5 891290594 +516 628 4 891290649 +516 902 5 891290565 +517 25 2 892659923 +517 50 5 892660727 +517 111 3 892659922 +517 117 4 892659893 +517 131 3 892659922 +517 181 4 892660033 +517 229 3 892660034 +517 237 1 892659923 +517 269 3 892659922 +517 275 5 892660728 +517 283 4 892660728 +517 284 2 892659923 +517 294 1 892607194 +517 300 5 892660728 +517 311 3 892660034 +517 328 3 892660034 +517 369 5 892660727 +517 472 2 892659923 +517 597 4 892660034 +517 740 4 892660728 +517 748 4 892660728 +517 755 3 892659893 +517 873 3 892660034 +517 1016 1 892607194 +517 1177 5 892660728 +518 1 4 876823143 +518 7 3 876823197 +518 13 4 876823266 +518 14 3 876822923 +518 25 5 876823197 +518 100 4 876822967 +518 106 5 876823804 +518 117 5 876823804 +518 118 5 876823804 +518 120 3 876824218 +518 123 2 876823143 +518 124 3 876823071 +518 129 5 876823804 +518 151 3 876823018 +518 222 5 876823597 +518 235 4 876823597 +518 236 3 876823597 +518 237 4 876823804 +518 240 1 876824079 +518 273 5 876823804 +518 284 4 876823324 +518 288 3 876822581 +518 289 4 876823804 +518 291 3 876823926 +518 370 4 876823963 +518 405 5 876823926 +518 410 3 876823541 +518 458 3 876823266 +518 471 3 876822873 +518 508 3 876823266 +518 546 4 876823447 +518 547 3 876823645 +518 595 3 876824266 +518 619 4 876823018 +518 628 5 876823804 +518 685 5 876823597 +518 696 5 876823266 +518 713 5 876823071 +518 717 5 876823963 +518 742 5 876823804 +518 744 4 876823266 +518 763 1 876823994 +518 866 5 876823540 +518 919 5 876822967 +518 920 3 876824121 +518 924 3 876822873 +518 934 3 876823143 +518 1017 3 876823071 +518 1028 3 876824266 +518 1047 4 876823266 +518 1079 1 876824266 +519 243 1 883250021 +519 263 5 883250102 +519 268 5 883248065 +519 288 4 883248089 +519 299 5 884545961 +519 324 1 883248191 +519 327 4 883248134 +519 328 2 883248251 +519 333 3 883248089 +519 335 5 883248595 +519 336 5 883248595 +519 340 5 883248251 +519 346 4 885929222 +519 348 5 883250148 +519 349 5 883250148 +519 350 5 883250102 +519 352 5 883250148 +519 680 5 883248595 +519 682 1 883248278 +519 748 2 883248307 +519 751 4 884545801 +519 874 5 883250102 +519 878 5 884545961 +519 879 5 883248595 +519 887 5 883250102 +519 895 4 883248222 +519 903 5 883248595 +519 908 5 883250148 +519 909 5 883250148 +519 991 2 883250021 +519 1062 5 883250148 +519 1238 5 883248595 +519 1280 5 883250102 +519 1295 5 883248595 +519 1434 5 883250102 +519 1592 5 883250148 +519 1612 5 883250148 +519 1617 5 883250102 +520 25 4 885170476 +520 242 5 885168819 +520 269 5 885168591 +520 274 3 885170516 +520 283 4 885170516 +520 289 4 885169052 +520 294 3 885170330 +520 300 4 885168906 +520 310 4 885168862 +520 315 4 885169083 +520 678 2 885170330 +520 690 5 885168677 +520 871 1 885170547 +520 893 2 885170330 +520 990 4 885168906 +520 1028 1 885170476 +520 1051 3 885170585 +521 1 2 884475825 +521 11 4 884477993 +521 12 5 884477853 +521 23 3 884478428 +521 33 4 885254133 +521 42 5 884478721 +521 68 4 886061689 +521 69 3 884477727 +521 72 3 885254323 +521 73 3 885253827 +521 77 3 885254338 +521 79 4 884477656 +521 81 1 885253861 +521 87 3 884478314 +521 89 3 885253266 +521 90 2 885254006 +521 100 3 884475872 +521 108 3 884476020 +521 117 4 884475913 +521 125 3 884476020 +521 127 4 885253352 +521 132 3 885253186 +521 144 3 884478171 +521 147 4 884476837 +521 153 4 884478086 +521 156 4 884478171 +521 161 2 885254116 +521 173 4 884477896 +521 174 4 884478721 +521 176 4 884477820 +521 179 4 885253708 +521 181 4 884475845 +521 182 3 884477993 +521 183 3 884477630 +521 188 4 884478101 +521 195 4 884477775 +521 202 3 884478530 +521 203 3 884477896 +521 204 4 884477853 +521 206 5 884476637 +521 208 3 885253562 +521 210 3 884478119 +521 215 1 886062095 +521 216 2 885253247 +521 222 4 884475799 +521 226 4 884478721 +521 228 4 884478007 +521 230 3 885254250 +521 231 2 885254307 +521 232 3 886063553 +521 238 3 884478101 +521 239 5 885254354 +521 241 4 885254006 +521 246 4 884475913 +521 248 3 884476110 +521 249 4 884476257 +521 250 3 884476020 +521 257 3 884476035 +521 258 4 884475503 +521 265 3 885253247 +521 271 3 884475524 +521 273 3 884476168 +521 288 3 884475470 +521 290 3 884477262 +521 291 1 885254166 +521 300 3 884475555 +521 324 2 886059923 +521 343 3 884475605 +521 380 3 884478483 +521 392 3 886063254 +521 403 4 885253758 +521 421 4 885254070 +521 423 3 884478792 +521 427 3 884477630 +521 474 3 884477677 +521 496 2 885253668 +521 520 3 884477585 +521 526 3 885254307 +521 550 3 885253844 +521 566 3 885254925 +521 568 3 884478101 +521 597 2 884476302 +521 625 3 885253937 +521 651 3 885253376 +521 659 4 885253376 +521 679 3 884478515 +521 684 3 884478807 +521 721 4 885253337 +521 743 1 886061689 +521 751 3 884475485 +521 754 3 885252562 +521 826 2 884476920 +521 827 1 884476904 +521 833 2 884476869 +521 1012 3 884476049 +521 1016 3 884476002 +521 1022 4 884475591 +521 1059 1 884476821 +521 1240 3 884478667 +522 11 4 876961076 +522 48 4 876961020 +522 79 3 876960824 +522 96 3 876961076 +522 100 5 876960824 +522 128 4 876961133 +522 133 3 876961314 +522 135 5 876960824 +522 168 5 876960956 +522 173 4 876961020 +522 180 5 876960824 +522 200 4 876961314 +522 205 4 876961020 +522 208 5 876961248 +522 318 4 876961248 +522 480 5 876961076 +522 492 4 876961190 +522 514 2 876960956 +522 521 5 876961190 +522 523 5 876961133 +522 530 4 876961314 +523 3 4 883702474 +523 8 5 883702125 +523 9 4 883700564 +523 14 5 883700991 +523 42 3 883703495 +523 50 5 883700186 +523 56 3 883703495 +523 66 4 883702292 +523 67 4 883702654 +523 72 4 883702351 +523 83 5 883700870 +523 95 4 883701800 +523 97 4 883702946 +523 114 5 883701800 +523 153 4 883702054 +523 154 4 883702125 +523 155 4 883703091 +523 166 4 883701018 +523 168 4 883701962 +523 169 5 883701800 +523 179 3 883703495 +523 181 5 883700186 +523 186 3 883703495 +523 189 5 883701800 +523 197 5 883703048 +523 202 4 883702054 +523 204 5 883702171 +523 208 5 883702209 +523 211 4 883702292 +523 213 5 883700743 +523 242 5 883699464 +523 255 5 883700144 +523 257 5 883700187 +523 258 5 883699583 +523 269 5 883699464 +523 285 5 883701962 +523 289 4 883699869 +523 382 5 883701018 +523 393 5 883702411 +523 407 4 883702800 +523 408 5 883700527 +523 412 3 883702351 +523 432 5 883701800 +523 435 5 883702263 +523 451 5 883702441 +523 514 4 883702172 +523 516 5 883702863 +523 523 3 883703495 +523 531 5 883700792 +523 549 4 883703144 +523 575 4 883702800 +523 629 5 883702125 +523 638 4 883701065 +523 652 2 883703495 +523 662 4 883703070 +523 694 5 883703048 +523 707 5 883701093 +523 727 4 883703167 +523 732 4 883702125 +523 792 4 883702263 +523 794 4 883703144 +523 863 4 883700743 +523 874 4 883699869 +523 935 5 883700186 +523 949 5 883700792 +523 954 5 883702474 +523 1009 5 883701154 +523 1022 4 883699629 +523 1036 4 883702552 +523 1047 5 883702800 +523 1069 5 883701962 +523 1121 5 883700969 +523 1472 5 883701124 +524 4 4 884636498 +524 6 5 884627388 +524 12 3 884634646 +524 13 4 884323551 +524 14 5 884322047 +524 22 3 884634731 +524 23 5 884635031 +524 24 3 884626906 +524 29 3 884637173 +524 31 4 884636205 +524 39 5 884636583 +524 42 3 884636453 +524 56 4 884634849 +524 58 4 884635031 +524 60 5 884634938 +524 64 2 884634877 +524 66 3 884636617 +524 69 4 884634578 +524 70 4 884636519 +524 76 4 884636182 +524 82 4 884636583 +524 89 5 884634533 +524 92 4 884635171 +524 95 3 884636617 +524 96 4 884635172 +524 97 5 884636583 +524 98 3 884634615 +524 100 5 884322047 +524 116 4 884322047 +524 117 3 884322113 +524 126 4 884323427 +524 127 5 884634533 +524 131 5 884636498 +524 132 4 884634968 +524 134 5 884634848 +524 135 3 884634679 +524 143 3 884635085 +524 150 2 884832650 +524 151 1 884627327 +524 161 4 884637095 +524 168 3 884634995 +524 170 4 884634785 +524 172 3 884634849 +524 173 4 884637436 +524 174 4 884634911 +524 175 3 884634911 +524 178 3 884634968 +524 179 5 884635204 +524 180 4 884634579 +524 181 3 884634731 +524 182 5 884635031 +524 184 1 884636416 +524 185 4 884635204 +524 187 5 884634646 +524 191 4 884634707 +524 192 4 884634877 +524 193 4 884636498 +524 194 4 884634646 +524 198 4 884634707 +524 199 4 884634646 +524 203 4 884634819 +524 205 5 884634707 +524 208 5 884635287 +524 210 3 884635287 +524 212 5 884635326 +524 213 4 884635136 +524 215 2 884636735 +524 216 5 884634849 +524 218 3 884636453 +524 221 4 884323464 +524 222 2 884323500 +524 226 3 884635085 +524 227 2 884636498 +524 228 3 884636152 +524 230 3 884636907 +524 234 4 884634877 +524 235 1 884628059 +524 237 3 884322169 +524 239 2 884636498 +524 241 5 884635205 +524 259 3 884320358 +524 265 4 884636583 +524 269 4 884287379 +524 273 3 884322113 +524 275 3 884832616 +524 277 3 884322379 +524 281 2 884323464 +524 284 3 884323525 +524 285 3 884322168 +524 286 5 884287379 +524 289 4 884321591 +524 290 2 884323525 +524 291 4 884627777 +524 302 5 884287406 +524 310 4 884701677 +524 311 4 884287428 +524 318 4 884635287 +524 385 3 884636453 +524 386 4 884637032 +524 410 2 884832742 +524 418 1 884637598 +524 423 4 884635358 +524 429 2 884635358 +524 430 3 884637914 +524 433 5 884636444 +524 449 3 884637245 +524 461 3 884635287 +524 466 4 884636583 +524 467 4 884635287 +524 469 4 884636416 +524 471 4 884322169 +524 474 4 884634578 +524 476 3 884628212 +524 479 4 884637314 +524 481 4 884634785 +524 483 4 884634533 +524 485 2 884635085 +524 488 4 884634707 +524 490 3 884634679 +524 493 4 884638025 +524 495 4 884635358 +524 497 2 884637467 +524 499 4 884637598 +524 501 2 884636262 +524 506 4 884634938 +524 508 5 884322047 +524 514 5 884634938 +524 515 4 884637409 +524 518 3 884635031 +524 519 4 884634818 +524 521 4 884636182 +524 523 4 884634615 +524 525 3 884634615 +524 526 3 884636907 +524 527 5 884634785 +524 528 4 884634818 +524 530 4 884634785 +524 541 1 884702593 +524 554 4 884636746 +524 559 3 884637067 +524 570 4 884637128 +524 582 3 884635326 +524 603 3 884637376 +524 605 1 884637566 +524 607 3 884637314 +524 613 4 884637347 +524 614 5 884634731 +524 615 2 884637409 +524 642 4 884636182 +524 646 5 884637347 +524 647 3 884634911 +524 650 2 884637528 +524 651 4 884634578 +524 657 4 884634995 +524 660 5 884636152 +524 661 3 884637467 +524 663 2 884635358 +524 670 4 884637203 +524 676 3 884322379 +524 679 2 884636746 +524 693 5 884636562 +524 700 5 884637246 +524 702 4 884636262 +524 704 4 884636691 +524 707 4 884634995 +524 708 4 884636645 +524 712 4 884637147 +524 715 4 884636182 +524 724 3 884636444 +524 739 2 884637128 +524 742 3 884627446 +524 792 4 884636519 +524 796 3 884636958 +524 815 3 884627519 +524 818 3 884628308 +524 823 4 884628136 +524 855 4 884634911 +524 866 2 884626810 +524 898 4 884701702 +524 928 4 884323551 +524 931 3 884627932 +524 942 4 884636980 +524 943 3 884636453 +524 955 1 884637914 +524 978 3 884628212 +524 1041 2 884636746 +524 1044 4 884636931 +524 1046 3 884637173 +524 1048 4 884627594 +524 1050 2 884637501 +524 1073 5 884635287 +524 1074 2 884637128 +524 1101 4 884635053 +524 1107 4 884636262 +524 1126 1 884637409 +524 1154 1 884637914 +524 1184 3 884637173 +524 1204 3 884635225 +524 1268 3 884637032 +524 1421 5 884637147 +524 1456 3 884635031 +524 1540 2 884635326 +524 1560 4 884636444 +525 1 4 881085964 +525 7 3 881086051 +525 14 3 881086078 +525 25 5 881085917 +525 100 4 881086108 +525 106 2 881086938 +525 111 4 881086051 +525 118 3 881086393 +525 121 4 881085893 +525 123 3 881086051 +525 147 3 881085893 +525 181 4 881085740 +525 237 4 881085893 +525 248 4 881085709 +525 252 3 881086780 +525 255 1 881086078 +525 257 4 881085739 +525 269 5 881087067 +525 276 5 881086468 +525 281 3 881086562 +525 282 4 881085648 +525 291 2 881086644 +525 293 3 881086108 +525 300 4 881085217 +525 332 4 881085178 +525 411 3 881086612 +525 412 2 881086757 +525 472 2 881086012 +525 595 2 881086803 +525 676 2 881086518 +525 685 4 881086295 +525 713 4 881086393 +525 742 3 881085843 +525 829 2 881086393 +525 1011 3 881086274 +525 1012 3 881086078 +526 1 5 885682562 +526 7 4 885682400 +526 100 5 885682448 +526 121 2 885682590 +526 123 3 885682614 +526 125 2 885682657 +526 127 4 885682426 +526 147 4 885682503 +526 150 2 885682370 +526 181 4 885682448 +526 243 1 885682295 +526 245 2 885682124 +526 248 4 885682635 +526 258 3 885681860 +526 260 1 885681982 +526 269 5 885681886 +526 270 3 885681860 +526 271 3 885682124 +526 272 5 885681860 +526 273 2 885682562 +526 276 4 885682477 +526 277 2 885682657 +526 283 3 885682400 +526 285 5 885682503 +526 294 3 885681982 +526 298 4 885682528 +526 301 2 885682031 +526 302 5 885681860 +526 312 2 885682295 +526 313 5 885681934 +526 315 5 885682102 +526 325 3 885682102 +526 333 3 885681935 +526 346 3 885681860 +526 408 5 885682562 +526 591 4 885682503 +526 676 5 885682370 +526 678 1 885682214 +526 754 2 885681886 +526 845 5 885682590 +526 875 3 885682264 +526 886 3 885682077 +526 919 3 885682400 +526 936 5 885682448 +526 1007 3 885682657 +527 9 5 879455873 +527 12 4 879456637 +527 19 3 879456611 +527 22 5 879456132 +527 23 5 879456611 +527 28 3 879456289 +527 50 4 879455706 +527 56 4 879456611 +527 59 5 879455792 +527 64 3 879456030 +527 69 4 879456490 +527 86 4 879456438 +527 87 3 879456132 +527 99 3 879456186 +527 116 4 879456611 +527 124 4 879455680 +527 127 5 879456132 +527 129 2 879455905 +527 134 5 879456490 +527 135 2 879456587 +527 143 2 879456289 +527 144 4 879456186 +527 152 2 879456405 +527 154 3 879455814 +527 156 3 879456334 +527 168 5 879456405 +527 172 5 879456490 +527 174 4 879455847 +527 175 3 879456132 +527 176 2 879455740 +527 179 3 879456587 +527 180 5 879456334 +527 181 4 879456464 +527 185 5 879455680 +527 187 5 879455999 +527 190 4 879456362 +527 191 5 879455654 +527 192 4 879455765 +527 193 3 879455680 +527 201 3 879456490 +527 203 4 879456662 +527 204 5 879455847 +527 207 4 879455873 +527 208 4 879456289 +527 210 4 879455924 +527 213 4 879456186 +527 214 4 879456030 +527 234 5 879455706 +527 275 3 879455961 +527 279 4 879456438 +527 285 5 879456363 +527 317 4 879456405 +527 318 3 879456104 +527 324 3 879455415 +527 357 5 879455654 +527 423 3 879456248 +527 427 4 879455740 +527 431 3 879456363 +527 433 4 879456464 +527 474 3 879455792 +527 475 3 879455847 +527 479 4 879455707 +527 492 3 879456405 +527 499 5 879456490 +527 507 5 879455654 +527 508 3 879456363 +527 511 5 879456248 +527 513 4 879456030 +527 514 5 879455961 +527 517 5 879456186 +527 526 5 879456312 +527 531 3 879456077 +527 543 4 879455740 +527 558 4 879456162 +527 582 2 879456078 +527 588 4 879456289 +527 603 4 879456078 +527 615 4 879456312 +527 631 4 879456030 +527 634 5 879456363 +527 640 4 879456464 +527 646 5 879455792 +527 653 4 879456077 +527 659 4 879455617 +527 661 5 879456186 +527 709 5 879455961 +527 868 4 879456663 +527 878 1 879455511 +527 956 4 879455847 +527 963 4 879456030 +527 1101 4 879456691 +527 1109 3 879455792 +527 1149 4 879456637 +527 1211 3 879455765 +527 1333 3 879456104 +528 31 5 886101761 +528 50 5 886101695 +528 58 5 886101994 +528 79 5 886101911 +528 82 4 886101632 +528 174 5 886101821 +528 181 5 886812857 +528 193 4 886101873 +528 194 5 886101956 +528 202 5 886101846 +528 204 5 888522547 +528 213 4 886101505 +528 238 3 886101782 +528 239 5 886101632 +528 250 3 886812886 +528 258 4 886812857 +528 310 3 888520371 +528 358 2 888520491 +528 393 2 886101695 +528 410 4 886813104 +528 422 2 886813066 +528 423 1 888522642 +528 427 4 886813104 +528 479 4 886101505 +528 485 2 886101872 +528 526 4 886101505 +528 541 3 888520782 +528 657 5 886101505 +528 678 3 888520525 +528 748 3 888520471 +528 751 4 888520371 +528 845 3 886812857 +528 1254 3 886812920 +529 260 4 882535693 +529 264 2 882535820 +529 268 5 882535220 +529 269 3 882534996 +529 292 4 882535180 +529 294 4 882535466 +529 300 4 882535049 +529 301 4 882535639 +529 307 5 882534996 +529 309 3 882535353 +529 321 4 882535353 +529 323 4 882535091 +529 324 2 882535563 +529 325 3 882535693 +529 327 4 882535353 +529 331 4 882535220 +529 332 4 882535049 +529 333 4 882534996 +529 340 1 882535181 +529 343 3 882535180 +529 689 2 882535049 +529 690 3 882535180 +529 749 4 882535466 +529 873 4 882535091 +529 875 4 882535714 +529 880 4 882535304 +529 984 4 882535353 +529 991 1 882535639 +529 1038 4 882535304 +530 50 4 883781669 +530 56 3 886202320 +530 70 4 886198864 +530 100 4 883784058 +530 156 4 883790381 +530 163 3 886202320 +530 172 4 883790882 +530 174 4 883784503 +530 176 3 886202320 +530 178 5 883787080 +530 181 3 886202320 +530 196 5 883784601 +530 214 2 886202320 +530 220 5 886628953 +530 237 4 886629307 +530 255 4 886198864 +530 275 5 890627396 +530 319 3 891568424 +530 322 4 886203949 +530 328 4 886198454 +530 333 3 890627264 +530 357 5 883784456 +530 443 4 883790943 +530 470 3 891568895 +530 476 4 886198206 +530 483 3 883785248 +530 527 4 883784654 +530 535 4 886198575 +530 607 5 883790567 +530 692 4 883784258 +530 1136 4 891568851 +530 1226 4 891568366 +530 1300 2 890627207 +531 289 3 887048862 +531 300 4 887048862 +531 311 4 887048763 +531 312 5 887048899 +531 313 5 887049364 +531 323 5 887049081 +531 329 5 887049081 +531 332 4 887048813 +531 358 1 887049187 +531 457 1 887049341 +531 892 3 887049187 +531 894 1 887049214 +531 898 5 887049081 +531 905 4 887049166 +531 908 1 887048836 +531 990 5 887048789 +531 1316 4 887049214 +532 2 5 893119336 +532 7 5 893119415 +532 8 5 893119415 +532 11 5 893119491 +532 12 5 893119491 +532 22 5 892867296 +532 38 3 874789332 +532 51 5 888635365 +532 58 4 888636374 +532 66 5 893118712 +532 70 4 888634801 +532 79 5 889235367 +532 82 5 892521554 +532 87 5 892866230 +532 95 5 893118711 +532 96 5 892867296 +532 98 5 893119438 +532 99 5 893119438 +532 105 3 874789704 +532 107 5 893119415 +532 117 5 893119335 +532 118 4 888634813 +532 120 2 888630742 +532 121 4 888636374 +532 127 5 893119438 +532 132 5 893118711 +532 136 5 892865321 +532 143 4 874788755 +532 148 5 888817717 +532 151 5 892519935 +532 153 4 888629670 +532 155 4 888630086 +532 161 5 892519934 +532 168 5 892519934 +532 177 4 888636501 +532 186 4 891910189 +532 187 4 884594932 +532 195 5 892521554 +532 197 5 889235367 +532 203 5 893118712 +532 204 5 892863286 +532 205 5 887788806 +532 210 5 888637085 +532 215 5 892866230 +532 216 5 893119438 +532 226 4 892859148 +532 229 5 892859148 +532 234 5 889235367 +532 235 3 887041328 +532 240 3 888629938 +532 241 5 892859148 +532 242 4 888817735 +532 248 4 888635264 +532 250 3 891910110 +532 259 3 884594498 +532 266 4 875441640 +532 272 5 884594422 +532 277 5 893119439 +532 282 5 893119415 +532 284 5 893119438 +532 298 4 892859148 +532 300 5 888635239 +532 301 4 874999563 +532 302 5 875441085 +532 304 5 893118711 +532 311 2 885415471 +532 312 2 884594422 +532 313 5 884594326 +532 329 4 886364769 +532 331 4 890021268 +532 332 4 876696298 +532 333 4 875441189 +532 338 3 879931705 +532 339 5 892859148 +532 345 4 884594358 +532 347 4 884594422 +532 348 4 886364825 +532 352 3 886585109 +532 353 2 886364951 +532 357 5 892519935 +532 367 5 893119439 +532 368 3 888630991 +532 369 3 874792142 +532 373 3 888630658 +532 399 3 888630360 +532 403 4 892865321 +532 404 5 893119336 +532 407 2 874794386 +532 412 2 874795951 +532 419 5 888635366 +532 420 4 888636374 +532 421 5 888637085 +532 425 4 888634801 +532 426 5 888635197 +532 427 5 892519934 +532 431 5 892521553 +532 447 4 888630205 +532 448 4 888635429 +532 452 5 888630585 +532 453 4 888631524 +532 468 5 893119491 +532 470 5 892859148 +532 472 5 893119335 +532 477 4 892520198 +532 480 5 893119491 +532 485 5 893119491 +532 491 5 893119491 +532 492 4 888637105 +532 495 4 888634801 +532 500 5 889235367 +532 515 5 889327324 +532 520 5 892861434 +532 523 5 888637085 +532 526 5 893119415 +532 531 5 893119491 +532 532 3 887040858 +532 538 4 881048155 +532 545 2 874791976 +532 549 5 888637085 +532 562 5 892859148 +532 568 5 892521554 +532 576 5 893118712 +532 586 4 888636373 +532 588 5 893119415 +532 591 5 893119335 +532 592 3 874791850 +532 601 3 888629518 +532 603 5 893119491 +532 633 5 888635197 +532 655 5 892861435 +532 658 5 893119335 +532 660 4 888634801 +532 679 5 888629565 +532 682 4 877898976 +532 684 5 888635197 +532 685 5 892521554 +532 689 4 880484527 +532 690 4 876696258 +532 692 5 893119336 +532 721 4 874791671 +532 734 3 874791786 +532 739 5 893119335 +532 746 5 893119438 +532 750 5 884594358 +532 754 4 892854961 +532 759 2 888631120 +532 761 4 874787387 +532 763 5 892866230 +532 769 2 888630531 +532 815 4 888635376 +532 818 2 888631077 +532 829 3 892520073 +532 831 2 874790629 +532 834 4 874796151 +532 840 4 892867296 +532 864 4 887041540 +532 865 2 888630531 +532 879 3 892519328 +532 895 3 884594450 +532 914 5 893118711 +532 916 3 893115293 +532 917 4 892520128 +532 918 4 893013954 +532 926 3 888630146 +532 929 3 874791786 +532 931 3 892520696 +532 938 3 892519553 +532 980 4 884594911 +532 982 3 888631077 +532 990 3 875511963 +532 1011 5 893119491 +532 1046 4 874790629 +532 1092 2 888630838 +532 1119 5 893119415 +532 1136 2 888636558 +532 1162 2 888631576 +532 1168 4 888630436 +532 1189 5 892521554 +532 1199 3 874789155 +532 1210 4 888636373 +532 1217 4 888630453 +532 1221 5 874788957 +532 1226 4 893015131 +532 1228 3 874789704 +532 1240 2 874793852 +532 1300 3 888632446 +532 1312 4 888631036 +532 1337 3 874790930 +532 1407 2 874794386 +532 1415 2 892520390 +532 1426 3 874791506 +532 1428 4 874791420 +532 1470 5 888630402 +532 1483 4 891909911 +532 1496 2 874795634 +532 1502 1 874796400 +532 1594 4 893115576 +533 1 4 879192521 +533 4 3 888845066 +533 8 3 879191938 +533 9 4 879192414 +533 10 2 879192414 +533 14 3 879192582 +533 19 3 879365781 +533 21 3 888239930 +533 23 3 879191770 +533 25 4 884096575 +533 26 3 879192035 +533 28 4 879192315 +533 38 2 879191691 +533 44 4 879191594 +533 47 1 879191998 +533 50 5 882902988 +533 53 1 879191621 +533 54 4 888844601 +533 56 3 879439379 +533 64 5 882902988 +533 65 4 879439465 +533 69 4 879438849 +533 70 4 879191938 +533 82 4 879439204 +533 83 2 879191902 +533 87 4 879191184 +533 88 4 879191902 +533 91 2 879190991 +533 96 4 879438767 +533 97 2 879438666 +533 98 4 879438543 +533 103 3 887032538 +533 111 4 879192474 +533 117 5 879192901 +533 118 4 879192792 +533 120 1 879366160 +533 121 4 879192901 +533 122 1 879366118 +533 126 4 879192414 +533 127 5 879192278 +533 132 5 879191220 +533 133 5 879191085 +533 135 3 879191022 +533 143 4 879438850 +533 147 1 884698117 +533 151 3 879192474 +533 161 4 879439465 +533 168 4 879191864 +533 169 4 879438543 +533 172 4 879191184 +533 177 4 879191300 +533 180 3 879439379 +533 181 5 879191085 +533 182 3 879191265 +533 190 2 879439379 +533 192 3 879438486 +533 193 4 879439379 +533 194 4 879191061 +533 195 4 879439082 +533 196 4 888844941 +533 202 4 879191938 +533 203 4 879438743 +533 208 4 879191374 +533 210 5 879191401 +533 215 4 879438941 +533 216 4 879191864 +533 218 2 879191652 +533 221 3 888844601 +533 222 5 884007368 +533 226 4 879191621 +533 227 4 879191563 +533 229 4 879191621 +533 234 2 879191373 +533 240 1 879192474 +533 242 4 884698095 +533 243 3 879193517 +533 245 3 890659336 +533 252 4 880402784 +533 255 2 882195237 +533 258 4 884007368 +533 265 3 879191563 +533 274 4 885305541 +533 275 4 887721848 +533 276 1 889451077 +533 281 4 887032214 +533 282 4 888844577 +533 283 3 879365733 +533 286 4 879193088 +533 288 2 882901971 +533 289 2 879773297 +533 292 4 883583127 +533 293 3 879191469 +533 295 4 888844601 +533 298 4 882195203 +533 303 4 893160944 +533 313 5 884007337 +533 318 5 879438849 +533 319 3 879193132 +533 322 4 879193106 +533 328 4 887032063 +533 345 3 888347628 +533 357 3 879191085 +533 378 4 879439290 +533 380 4 879438510 +533 385 4 879438666 +533 393 4 879192069 +533 402 4 888845284 +533 403 3 879439341 +533 405 3 879192793 +533 411 2 879365998 +533 412 1 879366159 +533 427 4 879191373 +533 430 5 879191972 +533 435 4 879438455 +533 443 3 879191595 +533 449 4 879191713 +533 450 5 879191713 +533 451 2 879439465 +533 462 2 879190926 +533 474 3 879190771 +533 475 1 879192500 +533 477 4 880402957 +533 479 4 879191184 +533 480 4 879190670 +533 483 4 879438470 +533 484 3 879190724 +533 489 4 879438961 +533 496 5 879439061 +533 498 4 879438850 +533 508 4 879192702 +533 511 4 879439379 +533 521 3 879191022 +533 525 3 879191770 +533 526 2 879191265 +533 528 4 879438999 +533 546 3 879192769 +533 549 4 879439340 +533 550 4 879439340 +533 554 1 879191691 +533 568 5 879438849 +533 580 3 879192034 +533 582 3 879192278 +533 591 4 887721848 +533 595 2 887032451 +533 597 3 879192939 +533 603 4 879190670 +533 609 4 879191184 +533 627 2 879439593 +533 651 4 888845036 +533 654 3 879191770 +533 659 4 879439379 +533 660 5 882902988 +533 673 3 879439143 +533 676 5 879439720 +533 684 4 879191594 +533 692 4 879191902 +533 708 2 879439167 +533 713 2 879192582 +533 724 4 888347691 +533 739 5 882902988 +533 740 4 879192815 +533 742 4 879192681 +533 744 2 887721800 +533 748 3 890659295 +533 755 3 888845338 +533 778 4 879192157 +533 820 2 887032380 +533 824 1 879366160 +533 845 4 882902989 +533 846 2 879365886 +533 847 3 880402996 +533 879 3 892469600 +533 919 2 888239673 +533 921 2 879439061 +533 931 2 879366160 +533 934 3 879366118 +533 936 4 889450822 +533 949 4 879439519 +533 1001 1 879366160 +533 1028 2 879192769 +533 1033 4 879192702 +533 1048 3 889450842 +533 1086 3 880402916 +533 1142 4 888347670 +533 1161 3 883583033 +533 1174 3 882821669 +533 1177 1 879192184 +533 1282 3 879773572 +533 1291 1 879366076 +534 7 4 877807780 +534 24 5 877807780 +534 25 5 877807845 +534 93 1 877807692 +534 109 4 877808053 +534 117 5 877807973 +534 118 4 877807935 +534 125 3 877807816 +534 129 4 877807718 +534 148 4 877808198 +534 150 3 877807873 +534 151 4 877807692 +534 237 4 877808002 +534 240 5 877807873 +534 243 3 877807461 +534 276 5 877807873 +534 282 5 877808174 +534 288 4 877807429 +534 290 4 877807845 +534 291 4 877808031 +534 300 4 877807486 +534 322 4 877807461 +534 325 4 877807461 +534 331 4 877807429 +534 333 5 877807486 +534 370 4 877808260 +534 410 5 877807816 +534 455 5 877807816 +534 456 5 877808300 +534 471 5 877807935 +534 475 4 877807747 +534 508 4 877807973 +534 591 5 877807845 +534 595 4 877807747 +534 597 5 877808175 +534 628 5 877807747 +534 685 3 877807653 +534 687 5 877807486 +534 717 5 877808198 +534 742 5 877807653 +534 748 4 877807429 +534 760 2 877808098 +534 820 3 877808340 +534 824 4 877808260 +534 825 4 877808281 +534 919 5 877807816 +534 926 4 877807780 +534 930 4 877808002 +534 985 4 877807815 +534 986 5 877808319 +534 1028 5 877807816 +534 1034 3 877808120 +534 1047 4 877808361 +534 1052 4 877808300 +534 1054 5 877807973 +534 1059 4 877807692 +534 1199 5 877807780 +534 1215 3 877808120 +535 1 3 879617663 +535 4 3 879618777 +535 7 5 879618776 +535 8 4 879618288 +535 11 4 879618849 +535 22 3 879619107 +535 25 4 879619176 +535 30 4 879617531 +535 32 3 879617574 +535 39 4 879617574 +535 42 3 879618849 +535 44 4 879619035 +535 47 5 879618160 +535 50 5 879618091 +535 58 5 879618502 +535 59 3 879618338 +535 70 4 879618849 +535 83 4 879618091 +535 86 4 879618385 +535 97 4 879618880 +535 100 5 879617531 +535 116 3 879618246 +535 121 4 879618123 +535 129 5 879619000 +535 131 4 879618532 +535 132 5 879619035 +535 134 5 879619144 +535 135 3 879617978 +535 137 4 879618502 +535 144 3 879618123 +535 151 4 879618338 +535 156 2 879617613 +535 162 3 879619035 +535 165 4 879617613 +535 168 5 879618385 +535 171 3 879618414 +535 172 3 879617747 +535 174 4 879617747 +535 178 4 879618925 +535 179 4 879617489 +535 180 4 879618655 +535 181 4 879617818 +535 182 3 879617574 +535 185 4 879617931 +535 186 4 879618925 +535 187 2 879617701 +535 190 4 879617747 +535 192 4 879617931 +535 195 4 879618288 +535 197 5 879618288 +535 198 4 879618850 +535 203 3 879619035 +535 204 5 879617856 +535 207 4 879618613 +535 209 5 879617819 +535 211 4 879617489 +535 212 4 879618613 +535 215 4 879619144 +535 223 5 879618207 +535 238 4 879618809 +535 258 5 879619286 +535 265 3 879619144 +535 268 3 879617199 +535 269 4 879617063 +535 275 4 879619177 +535 276 3 879618965 +535 277 5 879619107 +535 282 3 879618091 +535 283 4 879618160 +535 285 4 879619144 +535 286 2 879617123 +535 300 3 879617199 +535 301 4 879617199 +535 302 3 879617063 +535 318 4 879618502 +535 338 3 879617098 +535 357 2 879617531 +535 382 5 879618058 +535 389 4 879619177 +535 419 3 879618654 +535 421 4 879617701 +535 423 5 879618613 +535 425 5 879618338 +535 427 4 879618246 +535 429 3 879618569 +535 433 5 879618160 +535 435 5 879618246 +535 454 3 879617894 +535 466 3 879618385 +535 469 3 879618464 +535 471 4 879618743 +535 478 5 879617931 +535 479 4 879617977 +535 480 4 879618207 +535 484 5 879617819 +535 488 5 879618965 +535 489 4 879619000 +535 492 4 879618742 +535 495 3 879618849 +535 496 5 879618246 +535 498 4 879619224 +535 499 4 879617894 +535 502 5 879618502 +535 504 3 879617574 +535 505 4 879618569 +535 506 5 879617819 +535 507 5 879617856 +535 508 5 879617931 +535 514 5 879617531 +535 515 3 879619224 +535 517 4 879617977 +535 518 5 879618569 +535 519 3 879617931 +535 520 4 879618058 +535 521 5 879618809 +535 529 3 879618655 +535 566 3 879618338 +535 591 4 879617977 +535 603 4 879617613 +535 607 5 879618700 +535 608 4 879617856 +535 614 5 879618850 +535 629 4 879618776 +535 630 2 879619144 +535 632 4 879618965 +535 638 4 879618655 +535 639 4 879618019 +535 640 3 879618742 +535 645 4 879617856 +535 658 4 879618569 +535 662 3 879618414 +535 693 3 879619107 +535 699 4 879619000 +535 707 4 879618809 +535 708 5 879618777 +535 709 5 879618925 +535 735 5 879619067 +535 789 2 879618613 +535 792 4 879618655 +535 813 5 879618777 +535 836 5 879617746 +535 848 3 879618743 +535 919 4 879618207 +535 923 4 879617531 +535 950 3 879618019 +535 953 5 879618019 +535 955 3 879618338 +535 963 5 879617977 +535 971 2 879618569 +535 1063 4 879618613 +535 1093 4 879617931 +535 1098 5 879618464 +535 1101 4 879619177 +535 1124 4 879617613 +535 1149 4 879618288 +535 1166 4 879617779 +535 1170 3 879618019 +535 1396 4 879618058 +536 1 5 882318394 +536 2 4 882360227 +536 8 5 882359047 +536 10 4 882318772 +536 21 3 882320267 +536 22 5 882359863 +536 28 5 882359678 +536 31 3 882360685 +536 49 3 882360753 +536 50 5 882318139 +536 52 3 882360187 +536 54 2 882364876 +536 63 4 882360802 +536 69 5 882359938 +536 70 2 882359906 +536 73 4 882360894 +536 79 4 882359813 +536 80 2 882360802 +536 83 5 882359307 +536 86 3 882360573 +536 87 3 882359584 +536 88 4 882360601 +536 94 4 882363972 +536 95 5 882360361 +536 117 4 882318415 +536 132 4 882359962 +536 133 4 882359477 +536 139 4 882361317 +536 141 4 882361042 +536 143 5 882360425 +536 144 4 882359962 +536 148 4 882318820 +536 163 5 882360080 +536 167 3 882361317 +536 174 5 882359065 +536 176 3 882359726 +536 179 2 882359625 +536 181 5 882318369 +536 183 3 882359455 +536 189 5 882360143 +536 191 4 882360187 +536 195 4 882359431 +536 197 3 882359567 +536 199 3 882359499 +536 204 4 882359938 +536 205 5 882360424 +536 209 2 882360030 +536 214 2 882360450 +536 217 3 882360601 +536 222 4 882360552 +536 227 5 882361066 +536 228 5 882359863 +536 229 4 882361142 +536 230 5 882359779 +536 234 4 882360405 +536 265 5 882360300 +536 271 3 882317149 +536 274 4 882318394 +536 275 5 882318287 +536 304 3 882317183 +536 318 5 882359431 +536 378 5 882360405 +536 380 4 882360734 +536 385 4 882359085 +536 386 4 882361162 +536 387 3 882363919 +536 402 4 882361042 +536 416 4 882360929 +536 423 4 882360601 +536 427 5 882359455 +536 431 5 882359813 +536 432 4 882360552 +536 436 3 882359883 +536 441 2 882361018 +536 449 4 882361262 +536 450 2 882364152 +536 470 5 882360530 +536 483 4 882359625 +536 487 4 882359813 +536 489 4 882360451 +536 500 4 882360946 +536 501 3 882360834 +536 510 4 882359838 +536 511 5 882359603 +536 542 1 882364876 +536 549 3 882360283 +536 561 3 882364065 +536 568 4 882360209 +536 570 3 882361162 +536 582 2 882360100 +536 584 5 882360530 +536 588 3 882359726 +536 603 4 882359653 +536 614 4 882359653 +536 631 2 882363934 +536 640 4 882361042 +536 648 3 882359678 +536 679 4 882360495 +536 694 5 882360622 +536 699 3 882360209 +536 720 4 882361207 +536 724 4 882359988 +536 727 3 882359697 +536 755 4 882360993 +536 778 4 882359988 +536 862 3 882360834 +536 993 3 882318629 +536 1030 3 882364170 +536 1050 5 882360124 +536 1063 5 882359938 +536 1118 2 882360776 +537 1 2 886029889 +537 3 2 886030317 +537 7 4 886029727 +537 11 3 886030937 +537 12 3 886031074 +537 13 4 886029806 +537 15 3 886030051 +537 19 4 886030051 +537 22 2 886030767 +537 25 2 886030199 +537 26 3 886031913 +537 28 3 886031438 +537 30 3 886031606 +537 39 2 886031407 +537 45 3 886031786 +537 46 3 886031678 +537 48 4 886030805 +537 52 3 886030891 +537 56 5 886030652 +537 58 4 886031719 +537 60 3 886031297 +537 61 4 886031211 +537 69 2 886031178 +537 70 4 886031786 +537 72 1 886031966 +537 76 3 886031934 +537 79 3 886032123 +537 82 2 886031752 +537 85 2 886032123 +537 86 4 886031786 +537 89 4 886030862 +537 90 1 886032029 +537 91 2 886031438 +537 92 3 886031678 +537 95 1 886030891 +537 96 3 886031576 +537 98 3 886030583 +537 100 4 886029692 +537 101 2 886031860 +537 102 1 886032123 +537 107 3 886030281 +537 109 1 886030051 +537 117 2 886030011 +537 121 1 886030380 +537 124 4 886029806 +537 129 3 886029889 +537 131 4 886031407 +537 132 3 886031074 +537 133 4 886030707 +537 134 5 886030862 +537 136 4 886030583 +537 137 4 886029841 +537 140 2 886032001 +537 143 1 886031438 +537 149 3 886030078 +537 150 3 886029974 +537 151 2 886030177 +537 171 3 886030967 +537 172 3 886030707 +537 173 4 886030682 +537 174 3 886030622 +537 175 4 886030966 +537 177 3 886031506 +537 179 4 886031105 +537 182 4 886030862 +537 183 3 886031407 +537 184 3 886032246 +537 185 4 886030805 +537 186 4 886031211 +537 187 4 886030767 +537 188 4 886030891 +537 190 4 886030552 +537 191 4 886030862 +537 192 4 886031473 +537 193 4 886031375 +537 194 3 886030891 +537 195 3 886031407 +537 197 4 886030891 +537 200 3 886031473 +537 201 3 886031831 +537 203 4 886031437 +537 204 3 886031786 +537 205 5 886031297 +537 206 1 886031720 +537 207 4 886030682 +537 208 4 886031297 +537 210 3 886031912 +537 211 4 886030831 +537 215 3 886031342 +537 216 3 886031540 +537 222 2 886029974 +537 224 3 886030109 +537 226 2 886032000 +537 228 3 886031474 +537 230 2 886031860 +537 231 3 886032246 +537 235 1 886030317 +537 237 3 886030011 +537 239 2 886031933 +537 241 3 886031540 +537 242 3 886028498 +537 258 4 886029286 +537 259 1 886029116 +537 269 3 886028446 +537 270 3 886028498 +537 271 2 886028791 +537 272 4 886028446 +537 273 3 886029727 +537 274 2 886030235 +537 275 4 886029806 +537 276 4 886029806 +537 277 2 886029973 +537 279 2 886030177 +537 283 4 886029889 +537 284 3 886030347 +537 285 4 886029806 +537 286 3 886028498 +537 289 1 886029153 +537 291 2 886030235 +537 300 1 886028446 +537 301 2 886028647 +537 302 4 886028446 +537 303 4 886028706 +537 305 4 886028498 +537 306 3 886028604 +537 311 3 886028446 +537 312 3 886029211 +537 313 4 886028446 +537 314 1 886029239 +537 315 4 886029116 +537 318 4 886030707 +537 319 4 886028604 +537 325 1 886029153 +537 327 2 886028730 +537 328 2 886029083 +537 330 2 886029488 +537 340 4 886028604 +537 343 2 886029153 +537 345 4 886028446 +537 347 4 886028845 +537 349 1 886028845 +537 352 1 886028544 +537 357 4 886030707 +537 371 3 886031407 +537 378 2 886032154 +537 380 2 886032154 +537 381 3 886031678 +537 382 3 886030938 +537 387 4 886031860 +537 399 2 886032246 +537 402 1 886031752 +537 405 2 886030381 +537 417 2 886031831 +537 419 2 886031342 +537 421 2 886030863 +537 423 2 886030622 +537 428 4 886031506 +537 429 3 886030863 +537 430 3 886031297 +537 431 4 886031678 +537 443 3 886031752 +537 447 3 886031752 +537 448 3 886032001 +537 457 1 886029444 +537 459 3 886030381 +537 460 2 886030442 +537 461 3 886031105 +537 462 3 886030805 +537 463 3 886030738 +537 467 3 886031634 +537 470 2 886032029 +537 471 3 886030012 +537 472 2 886030415 +537 475 4 886029727 +537 478 4 886030938 +537 482 4 886031375 +537 483 4 886030583 +537 484 4 886031105 +537 486 3 886031149 +537 488 4 886030622 +537 490 4 886031786 +537 491 4 886030584 +537 492 3 886031342 +537 493 4 886030707 +537 494 4 886031752 +537 496 4 886030831 +537 497 4 886030863 +537 498 3 886031105 +537 499 3 886031634 +537 501 3 886032000 +537 504 3 886030652 +537 506 3 886031860 +537 507 4 886030966 +537 508 4 886030108 +537 509 4 886031540 +537 511 5 886030652 +537 513 4 886030891 +537 514 4 886030583 +537 515 4 886031297 +537 516 3 886030966 +537 517 4 886031341 +537 518 4 886031105 +537 521 2 886030831 +537 526 3 886031720 +537 527 4 886031860 +537 528 3 886030805 +537 529 3 886031375 +537 539 1 886029212 +537 547 1 886029771 +537 549 2 886031965 +537 550 2 886032246 +537 553 2 886032123 +537 557 3 886032245 +537 558 4 886030584 +537 566 2 886032183 +537 568 2 886031912 +537 569 2 886032183 +537 570 2 886031831 +537 584 2 886031678 +537 588 1 886031473 +537 591 3 886030051 +537 602 3 886031634 +537 603 4 886030622 +537 604 3 886031211 +537 606 3 886030938 +537 607 4 886030682 +537 609 3 886031606 +537 610 4 886031912 +537 613 3 886031831 +537 615 3 886031074 +537 616 2 886031752 +537 633 3 886031342 +537 639 2 886031438 +537 640 3 886031211 +537 641 4 886031178 +537 642 4 886031342 +537 646 2 886030552 +537 647 4 886030891 +537 648 4 886031505 +537 649 3 886031720 +537 651 3 886030862 +537 653 4 886030738 +537 654 3 886031506 +537 660 3 886031149 +537 661 4 886031149 +537 663 3 886031540 +537 673 3 886031505 +537 675 3 886031860 +537 676 4 886029889 +537 681 1 886029488 +537 682 1 886029083 +537 684 3 886030738 +537 687 1 886029526 +537 689 1 886029239 +537 690 2 886028604 +537 693 4 886031786 +537 694 4 886031407 +537 697 2 886031966 +537 698 3 886031178 +537 699 4 886031149 +537 702 3 886031375 +537 703 3 886031859 +537 708 3 886031860 +537 713 3 886030177 +537 714 3 886031886 +537 715 4 886032029 +537 721 2 886031752 +537 723 2 886032098 +537 732 3 886031912 +537 733 3 886031297 +537 736 3 886031634 +537 744 3 886030380 +537 745 2 886031074 +537 749 2 886028544 +537 750 3 886028498 +537 753 2 886030622 +537 762 3 886030051 +537 770 3 886031913 +537 772 3 886031297 +537 778 3 886031106 +537 789 2 886030805 +537 792 3 886030805 +537 806 3 886031074 +537 837 3 886031211 +537 844 4 886029692 +537 845 2 886030078 +537 855 3 886030937 +537 874 3 886029083 +537 875 1 886028544 +537 890 1 886029526 +537 894 1 886029526 +537 896 3 886028604 +537 901 1 886029488 +537 922 3 886030442 +537 924 3 886030254 +537 928 1 886030442 +537 937 3 886029488 +537 948 1 886029239 +537 950 3 886030347 +537 953 3 886031473 +537 956 4 886031751 +537 958 2 886030652 +537 960 3 886031540 +537 963 3 886030805 +537 964 3 886031407 +537 965 2 886031540 +537 966 2 886032098 +537 970 3 886032184 +537 972 3 886032123 +537 978 2 886029841 +537 980 3 886030051 +537 1005 3 886031752 +537 1006 2 886032245 +537 1008 2 886030078 +537 1009 2 886030254 +537 1011 3 886030416 +537 1019 1 886031606 +537 1025 1 886029488 +537 1048 2 886030381 +537 1050 2 886031575 +537 1065 1 886030738 +537 1068 3 886029974 +537 1069 2 886030938 +537 1073 3 886031149 +537 1084 3 886030050 +537 1085 4 886030416 +537 1105 1 886029153 +537 1111 3 886031506 +537 1129 1 886030051 +537 1139 2 886032000 +537 1147 3 886031473 +537 1154 1 886032000 +537 1163 1 886030347 +537 1166 2 886031886 +537 1194 3 886030584 +537 1197 3 886029889 +537 1400 2 886031678 +537 1404 2 886032204 +537 1420 1 886029181 +537 1445 3 886031576 +538 4 3 877107726 +538 50 5 877107656 +538 56 4 877107408 +538 58 4 877109688 +538 69 5 877107340 +538 88 2 877108078 +538 89 4 877109831 +538 96 4 877109669 +538 97 5 877107086 +538 98 5 877107012 +538 117 3 877107492 +538 121 3 877110209 +538 127 5 877107231 +538 137 3 877108372 +538 162 3 877363863 +538 164 3 877108631 +538 168 3 877107408 +538 172 4 877107765 +538 174 4 877106619 +538 176 4 877106918 +538 182 4 877107408 +538 188 4 877108195 +538 191 5 877106665 +538 195 4 877108919 +538 196 4 877107408 +538 199 5 877364067 +538 202 4 877108250 +538 204 3 877363950 +538 208 3 877107085 +538 211 4 877109986 +538 213 3 877364067 +538 215 5 877107536 +538 216 4 877364204 +538 237 4 877109986 +538 238 5 877110174 +538 240 2 877109422 +538 273 3 877107879 +538 276 1 877107340 +538 289 1 877095667 +538 317 4 877107765 +538 318 5 877106768 +538 405 3 877109564 +538 483 5 877109932 +538 496 5 877107491 +538 527 3 877364067 +538 528 5 877107536 +538 568 3 877107491 +538 642 3 877107633 +538 655 3 877108345 +538 692 3 877107765 +538 712 3 877109773 +538 956 3 877107914 +538 963 4 877363775 +539 19 5 879788007 +539 50 3 879788136 +539 56 2 879788046 +539 58 3 879788195 +539 59 5 879788224 +539 131 4 879788159 +539 132 5 879788284 +539 153 5 879788533 +539 155 4 879788480 +539 163 4 879788572 +539 185 4 879788101 +539 197 5 879787985 +539 202 5 879788405 +539 204 4 879788045 +539 215 4 879788623 +539 242 5 879787770 +539 258 4 879787770 +539 269 5 879787770 +539 275 4 879787917 +539 301 5 879787770 +539 306 4 879787770 +539 319 5 879787770 +539 340 2 879787771 +539 367 3 879787801 +539 382 5 879787825 +539 481 4 879788572 +539 483 5 879788101 +539 496 3 879787985 +539 527 4 879788136 +539 531 4 879788572 +539 603 4 879787985 +539 660 5 879788346 +539 661 5 879788045 +539 956 5 879788405 +540 1 3 882157126 +540 7 4 882157011 +540 9 5 882156965 +540 13 4 882157585 +540 15 3 882157084 +540 20 4 882157509 +540 25 4 882157635 +540 50 5 882156948 +540 100 5 882156948 +540 109 4 882157194 +540 117 4 882157706 +540 121 2 882157148 +540 125 3 882157011 +540 126 3 882157105 +540 147 3 882157612 +540 150 3 882157036 +540 181 4 882157060 +540 220 3 882157820 +540 240 3 882157662 +540 245 3 882157172 +540 249 3 882157687 +540 257 4 882157584 +540 269 4 882156584 +540 270 4 882156731 +540 274 4 882157662 +540 276 4 882157061 +540 280 3 882157797 +540 286 4 882156584 +540 332 4 882156677 +540 333 4 882156617 +540 340 4 882156710 +540 343 4 882156677 +540 405 3 882157612 +540 471 4 882157706 +540 473 3 882157687 +540 515 5 882157105 +540 591 3 882157036 +540 597 4 882157248 +540 628 3 882157148 +540 741 3 882157797 +540 742 4 882157584 +540 762 4 882157545 +540 825 4 882157172 +540 1011 4 882157509 +540 1016 4 882157662 +541 1 4 883874645 +541 15 3 883864806 +541 28 4 883864739 +541 29 2 883865336 +541 63 3 883866049 +541 66 4 883865929 +541 73 4 883865693 +541 79 5 883871524 +541 82 3 883871562 +541 83 5 883864806 +541 90 4 883866093 +541 95 4 883874682 +541 99 4 883874717 +541 110 4 883866114 +541 111 1 884645883 +541 139 3 884047204 +541 140 5 883874682 +541 143 4 883874645 +541 151 3 883874717 +541 172 5 884645816 +541 173 5 883865534 +541 181 5 884046910 +541 196 4 883864928 +541 204 4 884645816 +541 210 5 883865575 +541 215 4 885595771 +541 222 4 883864848 +541 225 4 885595846 +541 239 4 883865211 +541 254 3 884046953 +541 255 3 884046321 +541 257 5 884046320 +541 258 4 883864123 +541 265 5 885595654 +541 274 4 883866093 +541 278 2 883875063 +541 304 4 883864207 +541 376 3 883866210 +541 378 5 883864908 +541 393 3 883865693 +541 395 2 883866300 +541 399 3 883866093 +541 403 3 883865110 +541 404 4 883874646 +541 405 3 883871695 +541 419 5 883874682 +541 420 4 883874749 +541 423 3 883864985 +541 427 4 883864638 +541 452 3 883874518 +541 459 5 884047153 +541 465 4 883874716 +541 468 4 883865007 +541 474 5 884047153 +541 501 4 883874682 +541 511 4 883864739 +541 526 4 883865088 +541 542 1 884046888 +541 543 4 883875432 +541 560 3 883874872 +541 584 3 883874646 +541 596 4 884645816 +541 622 3 883874804 +541 623 3 883874778 +541 625 4 883874717 +541 627 4 883874749 +541 654 3 883875215 +541 655 4 883864782 +541 659 5 883865555 +541 660 5 883865039 +541 678 5 883864160 +541 699 4 883864985 +541 709 5 885595735 +541 756 4 883866028 +541 763 3 883866068 +541 769 1 884046888 +541 781 5 883866093 +541 810 3 883871719 +541 812 3 883874872 +541 826 3 883871755 +541 924 5 883865133 +541 931 3 883875370 +541 946 5 883874749 +541 993 4 884046295 +541 1030 3 885595972 +541 1035 3 883874749 +541 1041 3 883865929 +541 1047 2 883866173 +541 1091 3 883874804 +541 1409 4 883874778 +541 1412 1 883874834 +542 1 4 886532534 +542 8 3 886532908 +542 12 4 886533774 +542 22 3 886532314 +542 23 5 886532602 +542 28 4 886533452 +542 42 3 886532726 +542 48 5 886533452 +542 50 4 886532209 +542 56 5 886532706 +542 58 4 886532571 +542 63 3 886533090 +542 64 4 886533421 +542 69 4 886532552 +542 72 3 886532818 +542 73 3 886533227 +542 87 3 886532676 +542 88 3 886532727 +542 89 4 886532294 +542 90 4 886533227 +542 94 3 886533021 +542 95 3 886533562 +542 100 4 886532432 +542 132 3 886532620 +542 168 4 886532602 +542 172 4 886532265 +542 173 4 886532265 +542 179 4 886532571 +542 180 3 886532602 +542 181 4 886532359 +542 187 4 886533395 +542 191 5 886532338 +542 194 4 886532534 +542 196 4 886533452 +542 202 3 886532314 +542 204 3 886532762 +542 206 2 886532602 +542 209 4 886532762 +542 214 3 886533452 +542 230 4 886533774 +542 235 3 886533228 +542 238 4 886532706 +542 240 3 886533142 +542 246 3 886532359 +542 249 4 886532432 +542 265 4 886532238 +542 282 3 886533452 +542 288 2 886532149 +542 293 3 886532466 +542 318 4 886532602 +542 319 3 886532950 +542 321 4 886532928 +542 346 3 886532149 +542 347 3 886532176 +542 367 4 886532881 +542 382 3 886532726 +542 384 3 886533227 +542 386 3 886533046 +542 393 3 886533142 +542 396 4 886533112 +542 399 2 886533172 +542 401 3 886533193 +542 411 4 886533275 +542 420 3 886533587 +542 423 4 886532676 +542 432 5 886532552 +542 435 4 886532818 +542 475 3 886532359 +542 479 4 886532265 +542 496 4 886532534 +542 508 3 886532762 +542 509 4 886532209 +542 588 4 886533562 +542 627 3 886533604 +542 648 4 886532950 +542 655 4 886532908 +542 684 4 886532238 +542 693 4 886533395 +542 695 2 886532788 +542 721 2 886533003 +542 744 2 886532676 +542 746 4 886532838 +542 763 4 886533253 +542 780 3 886533003 +542 790 3 886533090 +542 818 4 886533112 +542 866 2 886533046 +542 871 2 886533142 +542 952 4 886533193 +542 1059 4 886533193 +542 1098 4 886532818 +542 1218 3 886532762 +543 2 3 877546306 +543 9 4 876382812 +543 13 3 876896210 +543 14 4 876896210 +543 15 3 888209697 +543 22 3 877545230 +543 23 4 874864183 +543 28 4 875663543 +543 47 3 877547672 +543 53 3 877547190 +543 59 4 875659256 +543 60 5 874864346 +543 61 4 875659098 +543 62 3 875663687 +543 64 4 874863336 +543 66 3 874866535 +543 69 4 874863436 +543 71 4 874864870 +543 79 4 877545356 +543 82 4 877545605 +543 83 4 877547441 +543 85 2 877547580 +543 86 4 876896210 +543 88 4 877550535 +543 95 3 874865728 +543 96 4 875665787 +543 110 2 874865635 +543 117 3 874861792 +543 129 4 874862036 +543 135 5 875667109 +543 144 4 874863269 +543 153 3 874863035 +543 160 3 874863803 +543 165 4 874863436 +543 168 3 875663170 +543 174 4 874864666 +543 175 3 874864182 +543 176 4 874865635 +543 177 4 877545356 +543 179 4 874862879 +543 183 4 874864034 +543 185 4 875662979 +543 186 3 877550660 +543 187 4 874866535 +543 188 4 877545717 +543 190 5 875665787 +543 191 4 874863035 +543 194 3 874864870 +543 195 4 874863155 +543 197 4 874866116 +543 198 4 876896210 +543 199 4 875663056 +543 200 4 874864870 +543 202 4 874863734 +543 207 5 875665787 +543 210 3 875721967 +543 212 4 875659175 +543 216 4 874864666 +543 218 3 874864034 +543 231 3 877545230 +543 233 4 877545716 +543 234 4 876896210 +543 237 4 876896210 +543 238 3 874866319 +543 249 2 888209667 +543 265 4 877545356 +543 318 3 874863549 +543 324 3 890723992 +543 357 4 874863803 +543 367 4 876105366 +543 371 5 875665787 +543 381 4 877547580 +543 385 3 877545717 +543 391 3 877547190 +543 403 4 875663543 +543 423 3 874863035 +543 432 4 874862967 +543 443 4 874864857 +543 461 3 875659175 +543 462 4 874864182 +543 463 3 874864034 +543 466 4 874864094 +543 469 4 875663056 +543 508 4 874861792 +543 513 4 874863035 +543 515 4 876896210 +543 516 4 876896210 +543 521 4 874865636 +543 528 4 874864666 +543 562 2 877547004 +543 568 3 877547005 +543 578 3 877546305 +543 591 4 876896210 +543 603 5 875665787 +543 642 3 874863803 +543 647 3 874864182 +543 660 3 875659098 +543 664 4 874863336 +543 692 4 877547580 +543 694 4 874862966 +543 700 2 874865923 +543 702 2 877550399 +543 732 3 877547863 +543 735 4 874863269 +543 737 3 874866535 +543 748 3 876110379 +543 770 4 874863803 +543 778 4 877550399 +543 792 4 877550535 +543 796 3 877550790 +543 810 3 877547004 +543 831 2 876718718 +543 944 3 877547863 +543 947 4 877545605 +543 982 3 877452676 +543 1073 3 874863269 +543 1159 5 875665787 +543 1174 3 876894981 +543 1194 4 875659174 +543 1199 2 877542776 +543 1262 2 876382812 +543 1416 2 876718718 +543 1619 3 874865635 +544 258 3 884795135 +544 259 1 884795581 +544 270 3 884795135 +544 286 4 884795135 +544 288 2 884795135 +544 292 4 884795470 +544 294 2 884795581 +544 300 4 884795612 +544 301 2 884795580 +544 302 5 884795135 +544 304 3 884795135 +544 312 2 884796086 +544 313 5 884795413 +544 325 1 884796016 +544 326 3 884795580 +544 327 2 884795516 +544 328 3 884795581 +544 332 3 884795437 +544 338 2 884796062 +544 346 4 884795135 +544 689 2 884795706 +544 748 3 884795986 +544 877 2 884795612 +544 1280 3 884795542 +545 22 3 879899158 +545 25 2 880348933 +545 28 4 884133814 +545 50 5 879898644 +545 54 4 884134519 +545 55 3 879899233 +545 62 5 879899438 +545 67 1 880348933 +545 68 4 879899266 +545 69 4 884133906 +545 71 5 879901459 +545 73 4 879900121 +545 77 3 884134704 +545 78 2 884134578 +545 80 3 879900654 +545 88 3 879901941 +545 89 3 879899125 +545 95 4 879901458 +545 98 5 879899861 +545 101 4 879901538 +545 117 4 879899233 +545 132 4 884134519 +545 135 4 884134060 +545 139 3 884134959 +545 142 3 884135088 +545 144 3 879899125 +545 155 3 879902060 +545 161 4 879899472 +545 164 4 879899906 +545 167 3 879900731 +545 168 4 879900156 +545 172 5 879899125 +545 175 4 879899641 +545 177 3 879899299 +545 188 2 879899233 +545 194 3 879899677 +545 195 4 879899158 +545 203 4 880347831 +545 204 4 879899641 +545 205 4 884134276 +545 208 3 879899619 +545 210 5 879899158 +545 215 3 884133881 +545 217 5 879899934 +545 218 4 879899906 +545 219 2 880348933 +545 222 4 879899157 +545 226 3 879899438 +545 227 4 879899380 +545 228 5 879899266 +545 229 3 879899380 +545 231 4 879899472 +545 232 3 883115515 +545 233 4 879899380 +545 254 4 879898995 +545 265 4 883115423 +545 266 2 879898447 +545 271 3 879898362 +545 326 3 879898447 +545 328 4 879898301 +545 380 3 884134628 +545 385 3 879899266 +545 386 2 884134780 +545 388 3 880347984 +545 395 4 879901092 +545 399 4 879900794 +545 403 5 879899380 +545 404 4 884133839 +545 405 4 879899380 +545 423 4 884134114 +545 426 3 879901483 +545 431 3 879899472 +545 434 3 884134177 +545 444 3 879899978 +545 447 3 879899978 +545 449 2 879899497 +545 450 2 883115718 +545 451 3 879900366 +545 472 5 879899266 +545 474 3 884134205 +545 510 3 880347957 +545 520 4 884133794 +545 524 4 879900185 +545 542 2 880348933 +545 554 3 879899497 +545 566 4 879899438 +545 568 3 879899299 +545 627 3 879901504 +545 636 3 879899472 +545 648 3 879899719 +545 665 3 879899299 +545 679 2 879899438 +545 680 2 879898486 +545 684 4 879899380 +545 689 4 879898362 +545 692 3 879900654 +545 710 3 879900227 +545 720 3 883115664 +545 739 4 884134780 +545 810 4 879899523 +545 890 2 880347690 +545 944 4 879900731 +545 968 5 884134395 +545 993 2 879898802 +545 1028 4 879900731 +545 1091 3 879901483 +545 1188 3 883115515 +546 5 5 885141411 +546 17 4 885141411 +546 50 5 885140368 +546 56 5 885141332 +546 98 5 885141332 +546 109 5 885141260 +546 118 5 885141260 +546 121 5 885140909 +546 200 5 885141332 +546 219 5 885141439 +546 236 4 885141260 +546 258 4 885139634 +546 271 5 885139779 +546 286 2 885139580 +546 288 4 885141260 +546 300 3 885139842 +546 313 2 885139580 +546 343 3 885140117 +546 346 5 885139634 +546 379 4 885141465 +546 413 4 885140808 +546 436 5 885141438 +546 458 1 885140689 +546 567 4 885141502 +546 569 4 885141502 +546 665 2 885141411 +546 672 3 885141438 +546 682 3 885140097 +546 717 5 885141162 +546 758 4 885140808 +546 760 5 885140808 +546 816 3 885141411 +546 860 4 885141439 +546 892 4 885141260 +546 895 3 885139608 +546 898 4 885141260 +546 928 4 885141132 +546 930 5 885141260 +547 258 4 891282596 +547 269 3 891282555 +547 289 3 891282775 +547 294 1 891282757 +547 301 3 891282680 +547 302 5 891282575 +547 311 2 891282699 +547 312 4 891282824 +547 316 5 891282797 +547 319 4 891282926 +547 321 4 891282732 +547 328 4 891282757 +547 347 4 891282680 +547 354 4 891282640 +547 751 4 891282597 +548 1 4 891043182 +548 7 5 891044304 +548 9 1 891043008 +548 12 5 891044356 +548 15 2 891415854 +548 17 3 891044596 +548 25 2 891415746 +548 31 5 891044481 +548 50 5 891044304 +548 55 5 891044482 +548 56 5 891044356 +548 79 5 891044482 +548 98 5 891044410 +548 117 4 891415384 +548 118 5 891415855 +548 127 5 891043008 +548 147 5 891415540 +548 151 1 891415786 +548 164 5 891044446 +548 176 4 891044355 +548 181 4 891043008 +548 183 5 891044410 +548 203 5 891044446 +548 218 4 891044538 +548 222 5 891044596 +548 226 5 891044596 +548 233 5 891044596 +548 235 3 891415746 +548 248 4 891043852 +548 250 5 891044304 +548 252 3 891043977 +548 254 1 891043999 +548 255 4 891043852 +548 257 5 891044304 +548 258 4 891042474 +548 264 4 891043547 +548 270 5 891044304 +548 271 3 891043509 +548 272 2 891042194 +548 273 5 891044411 +548 275 3 891415411 +548 276 3 891415512 +548 281 4 891044538 +548 286 1 891042194 +548 288 3 891042794 +548 291 5 891415677 +548 293 4 891043760 +548 294 3 891042954 +548 298 4 891043882 +548 300 5 891044304 +548 305 1 891042624 +548 307 4 891042474 +548 310 3 891042474 +548 311 3 891042194 +548 315 3 891415258 +548 316 4 891044139 +548 322 4 891043509 +548 323 4 891043547 +548 327 3 891042794 +548 328 4 891042954 +548 343 4 891043547 +548 345 1 891042194 +548 346 4 891042624 +548 347 2 891415257 +548 370 3 891416050 +548 405 4 891415643 +548 413 3 891416049 +548 431 5 891044446 +548 458 3 891415512 +548 471 5 891415709 +548 472 2 891415967 +548 475 4 891415411 +548 477 1 891415786 +548 504 5 891044482 +548 515 5 891044304 +548 525 5 891044446 +548 532 4 891043910 +548 539 2 891415257 +548 546 4 891415815 +548 597 4 891415890 +548 603 5 891044356 +548 619 3 891415786 +548 628 2 891415890 +548 636 4 891044538 +548 649 4 891044538 +548 657 5 891044411 +548 659 4 891044446 +548 683 4 891042954 +548 690 3 891042475 +548 696 4 891415912 +548 742 5 891044596 +548 750 4 891042353 +548 760 3 891416049 +548 762 4 891415709 +548 887 4 891043442 +548 924 3 891415786 +548 950 4 891415643 +548 978 2 891416122 +548 991 1 891044050 +548 1011 2 891415746 +548 1047 4 891416011 +548 1051 4 891415677 +548 1073 4 891044411 +548 1405 3 891415572 +549 1 5 881672182 +549 24 3 881672556 +549 50 5 881672199 +549 121 4 881672461 +549 151 3 881672300 +549 225 3 881672804 +549 252 3 881672538 +549 258 5 881671833 +549 282 3 881672300 +549 288 4 881672605 +549 323 2 881671879 +549 405 4 881672556 +549 678 3 881671982 +549 748 4 881671952 +549 866 4 881672573 +550 1 3 883425913 +550 15 5 883426027 +550 181 5 883425283 +550 222 4 883425979 +550 237 3 883426119 +550 243 2 883426119 +550 249 4 883425388 +550 254 1 883426119 +550 255 3 883425388 +550 257 4 883425337 +550 258 5 883425409 +550 259 2 883426119 +550 271 5 883425652 +550 275 4 883425958 +550 300 4 883425652 +550 304 3 883425743 +550 310 5 883425627 +550 313 5 883425610 +550 323 5 883425465 +550 405 4 883426027 +550 538 5 883425812 +550 596 2 883426119 +550 682 4 883425783 +550 846 2 883426119 +550 892 2 883426119 +550 924 4 883426027 +550 993 4 883425426 +550 1089 3 883425485 +551 2 2 892784780 +551 4 2 892783711 +551 7 5 892777638 +551 9 5 892776982 +551 12 4 892776419 +551 13 1 892783411 +551 15 5 892782936 +551 17 5 892784942 +551 22 5 892776650 +551 25 1 892783366 +551 26 4 892785056 +551 31 4 892783451 +551 33 5 892778297 +551 34 4 892778336 +551 40 1 892785056 +551 42 5 892783212 +551 43 2 892784976 +551 49 3 892783281 +551 50 2 892776336 +551 51 5 892784780 +551 54 3 892784093 +551 56 5 892776450 +551 58 5 892783451 +551 62 5 892784524 +551 64 5 892776380 +551 67 5 892785164 +551 69 4 892776982 +551 71 4 892783281 +551 79 5 892776824 +551 82 5 892783525 +551 84 1 892785020 +551 85 1 892783749 +551 89 4 892777787 +551 91 1 892783025 +551 96 5 892777987 +551 97 5 892777013 +551 98 5 892776524 +551 100 4 892776486 +551 111 5 892783612 +551 121 5 892783411 +551 125 4 892783791 +551 127 5 892776420 +551 128 4 892783829 +551 132 5 892777583 +551 135 5 892778129 +551 143 4 892777274 +551 153 3 892777310 +551 155 4 892784259 +551 156 5 892777723 +551 159 4 892784743 +551 161 5 892782936 +551 162 5 892783242 +551 168 5 892777723 +551 174 4 892776650 +551 181 2 892778074 +551 183 4 892776824 +551 184 1 892777855 +551 185 5 892777885 +551 187 5 892776450 +551 192 5 892776750 +551 193 5 892777363 +551 196 5 892776982 +551 200 4 892782936 +551 203 5 892782975 +551 209 5 892777123 +551 210 4 892777787 +551 211 5 892778035 +551 215 4 892778035 +551 218 5 892783212 +551 219 5 892784479 +551 222 5 892783411 +551 223 4 892776650 +551 226 5 892783411 +551 228 5 892783212 +551 229 5 892784779 +551 233 4 892784259 +551 234 4 892777092 +551 237 4 892777825 +551 238 5 892777638 +551 240 3 892784673 +551 241 4 892783057 +551 245 3 892775723 +551 258 4 892775584 +551 260 5 892775869 +551 264 3 892775970 +551 265 4 892776336 +551 268 4 892775516 +551 273 4 892782865 +551 274 2 892783488 +551 276 5 892783451 +551 280 3 892778337 +551 281 5 892784320 +551 284 4 892783110 +551 286 4 892775466 +551 291 4 892778337 +551 292 3 892775612 +551 294 4 892775824 +551 300 4 892775687 +551 302 3 892775389 +551 307 4 892775516 +551 310 4 892775516 +551 316 5 892696165 +551 317 5 892777092 +551 318 5 892776824 +551 326 4 892775612 +551 333 5 892775584 +551 334 4 892775970 +551 340 4 892775584 +551 343 4 892775869 +551 354 3 892775752 +551 355 4 892776041 +551 357 5 892777274 +551 363 4 892784710 +551 365 5 892784524 +551 366 5 892784049 +551 380 3 892783488 +551 384 1 892785223 +551 385 5 892783791 +551 386 1 892785364 +551 393 5 892782901 +551 399 3 892785364 +551 403 3 892782807 +551 405 3 892783612 +551 415 4 892784710 +551 423 1 892782975 +551 433 5 892777787 +551 447 5 892783711 +551 451 1 892784976 +551 458 2 892784166 +551 460 3 892784320 +551 461 3 892778074 +551 468 5 892783559 +551 470 5 892783711 +551 471 5 892783365 +551 475 5 892777910 +551 479 3 892776380 +551 508 4 892783366 +551 509 4 892777274 +551 518 4 892783212 +551 520 4 892777339 +551 527 5 892777123 +551 531 5 892777485 +551 546 2 892784673 +551 550 5 892784130 +551 552 3 892784259 +551 559 5 892784479 +551 561 5 892785363 +551 566 5 892783212 +551 568 4 892783906 +551 570 4 892785264 +551 576 2 892784743 +551 578 5 892784672 +551 581 5 892783972 +551 582 5 892783749 +551 583 3 892778369 +551 587 4 892783525 +551 596 5 892784049 +551 597 4 892784976 +551 616 5 892777052 +551 628 5 892783177 +551 636 5 892784130 +551 640 4 892783750 +551 651 4 892776750 +551 655 5 892783142 +551 658 5 892783559 +551 660 3 892783672 +551 672 1 892785056 +551 673 4 892778164 +551 684 5 892783212 +551 686 3 892783829 +551 690 5 892775584 +551 692 4 892777092 +551 698 4 892782734 +551 715 1 892785128 +551 719 1 892784898 +551 720 2 892784744 +551 721 5 892784898 +551 727 5 892783559 +551 742 5 892782838 +551 746 5 892777013 +551 748 4 892775612 +551 755 4 892784008 +551 756 1 892784437 +551 760 3 892784592 +551 765 1 892785194 +551 770 2 892778244 +551 780 5 892785431 +551 790 2 892783942 +551 796 4 892785264 +551 808 3 892783791 +551 824 1 892784629 +551 825 5 892784049 +551 827 5 892784710 +551 833 3 892784166 +551 846 3 892783942 +551 864 5 892785091 +551 895 3 892775752 +551 912 3 892775723 +551 926 2 892785300 +551 941 4 892782734 +551 944 2 892784320 +551 950 2 892783861 +551 955 3 892783411 +551 959 5 892784166 +551 975 5 892784130 +551 991 2 892775935 +551 1011 5 892783177 +551 1028 4 892785056 +551 1035 2 892778244 +551 1039 4 892777013 +551 1044 3 892785223 +551 1051 4 892784593 +551 1059 3 892785128 +551 1067 2 892785091 +551 1079 1 892785431 +551 1087 1 892784437 +551 1118 5 892784199 +551 1136 5 892784049 +551 1207 1 892785300 +551 1220 5 892784524 +551 1253 2 892784629 +551 1267 4 892783906 +551 1303 1 892785399 +551 1304 1 892783942 +551 1314 2 892783750 +551 1376 1 892784524 +551 1439 5 892783612 +551 1518 4 892785363 +552 1 3 879221716 +552 7 3 879221580 +552 13 3 879222238 +552 14 4 879221649 +552 15 3 879222484 +552 100 4 879221716 +552 111 3 879222238 +552 118 3 879222520 +552 121 4 879222698 +552 123 3 879222033 +552 126 4 879221876 +552 127 4 879221580 +552 148 3 879222452 +552 151 3 879222238 +552 181 3 879221399 +552 222 4 879221764 +552 225 3 879221876 +552 237 4 879221617 +552 249 3 879222368 +552 252 2 879222002 +552 258 4 879220564 +552 274 3 879222162 +552 280 3 879222002 +552 281 3 879222306 +552 284 3 879222071 +552 294 4 879220688 +552 300 4 879220610 +552 301 4 879220720 +552 322 3 879220760 +552 323 2 879221267 +552 336 3 879221267 +552 410 3 879222070 +552 455 3 879221764 +552 471 3 879222306 +552 515 3 879221543 +552 619 3 879222632 +552 620 3 879222738 +552 628 3 879221833 +552 717 3 879222368 +552 742 4 879222103 +552 756 2 879221683 +552 760 3 879222306 +552 829 3 879222738 +552 845 3 879222368 +552 864 3 879221876 +552 866 3 879222002 +552 873 3 879220688 +552 977 3 879222033 +552 1047 3 879222521 +552 1095 3 879222738 +552 1152 3 879222002 +552 1277 3 879222763 +552 1278 3 879222452 +552 1315 3 879222452 +552 1362 3 879222698 +552 1620 3 879222071 +553 1 3 879949153 +553 22 5 879949324 +553 45 4 879948732 +553 50 4 879948732 +553 81 3 879948732 +553 86 3 879948771 +553 89 5 879948386 +553 98 5 879948996 +553 99 5 879948508 +553 111 4 879948869 +553 131 5 879948655 +553 132 4 879948610 +553 134 4 879948806 +553 151 5 879949181 +553 170 4 879948806 +553 177 4 879949180 +553 178 5 879948460 +553 181 4 879948695 +553 182 3 879949290 +553 187 5 879948609 +553 199 4 879949153 +553 205 4 879948869 +553 213 5 879949290 +553 265 5 879948508 +553 275 5 879948552 +553 307 4 879948235 +553 367 4 879949153 +553 427 5 879948508 +553 434 3 879948771 +553 474 5 879948609 +553 478 4 879948964 +553 479 5 879948386 +553 480 5 879948552 +553 481 3 879948806 +553 482 4 879948831 +553 483 5 879948423 +553 485 3 879948695 +553 487 5 879948996 +553 490 4 879949073 +553 492 3 879949042 +553 496 3 879948460 +553 497 4 879948460 +553 498 4 879949042 +553 505 5 879949107 +553 506 4 879948655 +553 507 3 879948831 +553 511 5 879948869 +553 514 3 879948695 +553 523 4 879948508 +553 524 5 879948996 +553 525 4 879949153 +553 527 3 879949290 +553 528 3 879949180 +553 559 3 879949251 +553 589 5 879948964 +553 603 5 879948695 +553 604 5 879949107 +553 605 4 879949251 +553 607 4 879949107 +553 609 4 879948806 +553 611 5 879948386 +553 631 5 879948695 +553 641 4 879948386 +553 646 4 879949251 +553 648 4 879948552 +553 655 4 879949289 +553 657 5 879949212 +553 1021 2 879949153 +553 1126 4 879948508 +553 1194 5 879948995 +553 1451 4 879949212 +554 4 2 876369560 +554 7 3 876549087 +554 8 4 876550526 +554 9 4 876231468 +554 15 4 876231964 +554 22 4 876232794 +554 28 4 876232758 +554 31 4 876369085 +554 50 4 876550778 +554 56 4 876550257 +554 67 3 876369932 +554 68 2 876368907 +554 69 5 876232682 +554 70 4 876369382 +554 77 4 876550778 +554 79 5 876550491 +554 82 4 876550257 +554 86 4 876369678 +554 87 4 876550654 +554 95 4 876550526 +554 98 5 876550491 +554 117 4 876231777 +554 118 4 876550257 +554 133 4 876369272 +554 172 5 876550372 +554 174 5 876550257 +554 179 3 876369785 +554 181 4 876550100 +554 191 5 876243914 +554 202 4 876232956 +554 204 5 876550610 +554 223 3 876232996 +554 227 3 876369198 +554 228 5 876550011 +554 229 3 876369907 +554 230 5 876369968 +554 237 3 876231570 +554 245 3 876231229 +554 252 4 876232528 +554 273 3 876231839 +554 274 3 876232317 +554 276 3 876548886 +554 284 3 876549009 +554 286 4 876231521 +554 288 3 876231123 +554 289 4 876549656 +554 328 4 878801354 +554 411 3 876231886 +554 432 4 876550491 +554 526 4 876550100 +554 527 4 876233137 +554 531 4 876549731 +554 542 3 876369995 +554 546 3 876231886 +554 576 4 876549377 +554 582 3 876232758 +554 597 4 876232176 +554 696 3 876232023 +554 717 3 876232553 +554 728 3 876369995 +554 735 3 876369162 +554 742 3 876231546 +554 756 3 876231938 +554 770 1 876369382 +554 845 3 876231993 +554 866 3 876232486 +554 951 3 876369840 +554 1012 3 876231839 +554 1028 3 876551044 +554 1041 3 876369560 +554 1046 4 876550526 +554 1284 3 876232053 +555 7 4 879962172 +555 13 5 879964092 +555 25 4 879963127 +555 47 2 879975505 +555 50 5 879962152 +555 87 4 879975505 +555 89 4 879975438 +555 100 5 879964092 +555 111 4 879964159 +555 117 4 879962152 +555 118 4 879962569 +555 129 4 882385841 +555 147 4 879962172 +555 168 4 879975419 +555 235 3 879964209 +555 236 5 879962769 +555 244 5 879962642 +555 249 4 879963127 +555 252 5 879962551 +555 258 3 879962096 +555 265 3 879975505 +555 269 5 879962096 +555 271 3 879961963 +555 274 4 879964240 +555 285 5 879963127 +555 301 4 879962096 +555 318 4 879975419 +555 319 5 879962096 +555 326 4 879962096 +555 328 4 879962096 +555 340 4 879962096 +555 405 4 879962569 +555 480 4 879975474 +555 489 5 879975455 +555 505 4 879975474 +555 546 3 879962551 +555 1013 4 879962642 +555 1054 3 879964335 +556 48 5 882136252 +556 64 5 882136162 +556 132 5 882136396 +556 133 5 882136396 +556 135 2 882136252 +556 170 4 882136162 +556 172 5 882136441 +556 173 3 882136162 +556 178 5 882136162 +556 192 5 882136440 +556 209 5 882136162 +556 243 1 882135994 +556 268 4 882135646 +556 286 4 882135437 +556 288 4 882135646 +556 302 4 882135437 +556 318 5 882136252 +556 319 3 882135437 +556 321 4 882135994 +556 323 2 882136058 +556 324 4 882135805 +556 325 2 882135684 +556 327 5 882135508 +556 340 5 882135646 +556 427 5 882136440 +556 479 5 882136162 +556 482 5 882136440 +556 496 5 882136252 +556 507 5 882136205 +556 520 5 882136441 +556 523 5 882136205 +556 604 5 882136205 +556 707 3 882136396 +556 988 1 882135994 +556 1065 4 882136162 +557 8 5 881179653 +557 127 4 880485718 +557 165 5 881179653 +557 166 4 881179397 +557 176 4 880486028 +557 197 5 881179653 +557 246 5 880485693 +557 252 3 880485846 +557 254 4 880485908 +557 257 2 880485764 +557 262 2 882458820 +557 268 5 881179653 +557 270 3 881179166 +557 271 4 881179557 +557 289 4 880484992 +557 292 4 880485019 +557 294 3 880484929 +557 305 3 881179268 +557 307 5 881179653 +557 337 5 881179653 +557 343 4 881095995 +557 346 2 884357321 +557 508 4 880485956 +557 682 2 881179213 +557 739 3 881179539 +557 865 3 881179268 +557 872 5 881095916 +557 875 4 881179291 +557 1070 2 884357600 +557 1176 5 881179653 +557 1244 2 880485863 +558 9 4 879436069 +558 14 4 879436097 +558 19 5 879436396 +558 100 5 879436396 +558 116 5 879436396 +558 124 4 879435855 +558 137 4 879435896 +558 269 4 879436396 +558 275 4 879435896 +558 283 3 879436097 +558 285 5 879436396 +558 508 5 879436396 +558 744 4 879436027 +558 847 4 879436396 +558 936 5 879436396 +559 4 4 891035876 +559 12 3 891034067 +559 22 1 891034003 +559 56 3 891034550 +559 70 3 891035917 +559 73 4 891035812 +559 87 4 891034003 +559 94 3 891035979 +559 127 4 891033956 +559 144 5 891034551 +559 167 3 891035840 +559 174 4 891035111 +559 180 4 891035111 +559 188 5 891034609 +559 191 5 891034139 +559 195 3 891034647 +559 199 5 891034040 +559 202 1 891035674 +559 204 3 891035708 +559 205 5 891033805 +559 210 4 891034957 +559 238 1 891035674 +559 259 3 891035407 +559 261 3 891035378 +559 265 4 891033696 +559 294 1 891035519 +559 300 4 891035137 +559 311 3 891033635 +559 315 5 891033635 +559 347 3 891035343 +559 427 4 891034095 +559 435 2 891035781 +559 513 5 891033956 +559 514 4 891035633 +559 515 4 891035111 +559 520 5 891033911 +559 521 2 891033911 +559 524 3 891035917 +559 527 4 891034172 +559 528 4 891034209 +559 566 5 891034688 +559 587 4 891034095 +559 652 4 891035633 +559 660 1 891034250 +559 661 3 891034040 +559 687 3 891035551 +559 863 5 891033956 +559 902 4 891035111 +559 1101 4 891035111 +559 1401 3 891034172 +559 1556 3 891033759 +560 1 4 879976449 +560 7 3 879975718 +560 11 4 879975485 +560 13 3 879976602 +560 22 2 879975613 +560 24 2 879976772 +560 25 3 879976706 +560 50 5 879976109 +560 58 3 879975485 +560 93 3 879976559 +560 108 1 879976988 +560 109 3 879976651 +560 118 3 879976892 +560 121 3 879976705 +560 122 3 879977081 +560 123 2 879976542 +560 136 3 879975661 +560 151 3 879976542 +560 168 4 879975718 +560 197 4 879975613 +560 201 3 879975718 +560 203 4 879975613 +560 211 4 879975752 +560 222 4 879976706 +560 235 2 879976867 +560 249 5 879976247 +560 250 4 879976126 +560 257 3 879976172 +560 258 5 879975116 +560 260 1 879977973 +560 264 3 879975231 +560 268 4 879975173 +560 271 4 879975194 +560 275 4 879975718 +560 278 1 879976892 +560 281 3 879976828 +560 284 3 879976525 +560 288 4 879975116 +560 301 3 879975116 +560 302 5 879975087 +560 319 4 879975173 +560 405 4 879976970 +560 423 4 879975586 +560 458 3 879976731 +560 472 2 879976945 +560 476 2 879977124 +560 478 4 879975752 +560 480 3 879975613 +560 483 5 879975406 +560 498 4 879975718 +560 508 3 879976502 +560 515 3 879976109 +560 546 2 879976705 +560 597 2 879976914 +560 606 4 879975613 +560 617 3 879975661 +560 756 2 879977032 +560 813 4 879976478 +560 864 3 879976970 +560 928 3 879977062 +560 975 3 879977081 +560 1008 3 879976731 +560 1016 3 879976216 +560 1019 4 879975529 +560 1134 3 879976478 +560 1160 3 879976215 +560 1163 3 879976988 +560 1171 3 879976807 +560 1215 2 879977336 +560 1333 3 879976071 +561 1 2 885807713 +561 3 3 885810390 +561 4 3 885809044 +561 7 5 885808738 +561 9 4 885807546 +561 11 4 885807743 +561 13 3 885810060 +561 14 3 885808929 +561 15 3 885809291 +561 17 2 885810167 +561 19 3 885808673 +561 23 5 885807888 +561 24 3 885807776 +561 25 2 885809426 +561 32 4 885807455 +561 40 2 885810834 +561 42 3 885809025 +561 45 3 885808716 +561 49 2 885809269 +561 50 3 885807429 +561 51 3 885810834 +561 53 3 885810538 +561 55 4 885808796 +561 62 3 885810144 +561 64 3 885809605 +561 65 3 885808673 +561 69 1 885807215 +561 70 4 885808673 +561 72 2 885810084 +561 77 1 885809246 +561 79 3 885808887 +561 80 2 885810372 +561 86 4 885809064 +561 87 3 885809197 +561 88 2 885810769 +561 89 4 885809556 +561 92 3 885809897 +561 93 4 885809224 +561 96 1 885809336 +561 98 4 885807393 +561 99 3 885808673 +561 109 1 885810271 +561 116 4 885809146 +561 117 3 885810220 +561 124 3 885807842 +561 133 3 885807888 +561 135 4 885809336 +561 141 2 885809781 +561 143 1 885810000 +561 144 3 885807547 +561 151 2 885808843 +561 153 3 885808844 +561 154 4 885807612 +561 156 4 885807484 +561 159 1 885809356 +561 160 3 885808904 +561 162 3 885809781 +561 163 3 885808963 +561 164 2 885809626 +561 170 4 885808738 +561 171 5 885807261 +561 173 4 885807393 +561 176 4 885807345 +561 178 4 885807713 +561 182 3 885807318 +561 184 3 885808843 +561 185 4 885807173 +561 186 3 885809447 +561 193 3 885808673 +561 194 4 885807612 +561 197 4 885807484 +561 199 4 885809939 +561 200 4 885807743 +561 201 3 885807291 +561 202 3 885808867 +561 204 3 885808716 +561 205 3 885807393 +561 206 3 885809506 +561 207 3 885809245 +561 209 4 885807369 +561 210 3 885809146 +561 211 4 885808824 +561 218 3 885810000 +561 219 1 885809583 +561 222 3 885807843 +561 226 1 885809806 +561 228 3 885807930 +561 230 3 885809426 +561 232 3 885810428 +561 233 1 885809246 +561 235 3 885809806 +561 238 4 885807547 +561 239 3 885809336 +561 241 2 885809119 +561 258 2 885806823 +561 268 3 885806710 +561 273 5 885808824 +561 284 1 885809626 +561 286 4 885806710 +561 302 4 885806797 +561 304 3 891710572 +561 317 3 885808824 +561 318 3 885807345 +561 343 4 885807035 +561 346 5 885806862 +561 357 3 885807612 +561 379 2 885810428 +561 382 4 885807842 +561 385 2 885810144 +561 393 2 885810309 +561 410 1 885810117 +561 417 2 885809690 +561 423 2 885808796 +561 426 1 885810220 +561 428 4 885810084 +561 433 1 885808867 +561 435 3 888232990 +561 436 4 885807843 +561 455 3 885808766 +561 458 4 885809197 +561 461 3 885807369 +561 462 3 885809246 +561 468 1 885809291 +561 469 4 885809099 +561 470 3 885809872 +561 473 3 885810428 +561 474 5 885807318 +561 475 3 885807393 +561 478 4 885807290 +561 479 4 885807547 +561 483 4 885807612 +561 484 4 885807215 +561 488 4 885807290 +561 489 4 885807743 +561 492 4 885807369 +561 496 3 885807369 +561 497 4 885809064 +561 501 3 885808620 +561 504 3 885809447 +561 505 4 885807510 +561 506 3 885809146 +561 507 4 885807429 +561 510 3 885808673 +561 511 4 885807510 +561 512 4 885808000 +561 513 3 885807345 +561 514 4 885807713 +561 518 4 885808620 +561 524 4 885807888 +561 526 3 885808796 +561 530 4 885807547 +561 531 1 885807215 +561 537 4 885808866 +561 539 1 885807035 +561 542 1 885810858 +561 544 2 885809872 +561 546 1 885810557 +561 549 2 885809654 +561 566 3 885809873 +561 582 4 885808796 +561 584 3 885809781 +561 588 2 885809197 +561 596 2 885809958 +561 597 3 885810428 +561 603 4 885807842 +561 611 5 885807547 +561 615 4 885807930 +561 616 3 885808929 +561 617 4 885808738 +561 629 3 885809119 +561 636 1 885809670 +561 639 3 885809291 +561 640 5 885809005 +561 645 3 885808767 +561 651 3 885807574 +561 655 3 885807930 +561 660 3 885810144 +561 661 4 885808715 +561 664 4 885807574 +561 671 3 885808673 +561 675 3 885808904 +561 676 3 885810674 +561 678 2 885807080 +561 692 1 885810084 +561 701 3 885807930 +561 708 3 885809447 +561 709 3 885808824 +561 715 3 885809606 +561 733 3 885809099 +561 735 3 885809712 +561 737 3 885810706 +561 739 2 885810271 +561 748 2 888557502 +561 762 3 885809654 +561 772 4 885808715 +561 780 1 885810769 +561 794 2 885809731 +561 802 1 885810726 +561 805 3 885810240 +561 849 2 885810193 +561 890 1 885807080 +561 925 3 885810084 +561 928 2 885810330 +561 942 3 885809712 +561 943 3 885809197 +561 952 3 885810192 +561 959 3 885810060 +561 960 4 885809605 +561 1009 4 885810706 +561 1010 3 885809781 +561 1018 3 885809806 +561 1021 4 885807962 +561 1024 3 885806883 +561 1039 3 885807612 +561 1044 2 885810834 +561 1059 1 885808867 +561 1069 4 885808053 +561 1070 4 885809043 +561 1074 3 885810813 +561 1101 3 885808887 +561 1110 2 885809524 +561 1115 3 885809146 +561 1119 3 885810144 +561 1120 4 885807318 +561 1131 4 885807173 +561 1139 1 885810744 +561 1153 3 885808986 +561 1170 3 885809407 +561 1210 1 885810813 +561 1220 2 885810538 +561 1229 1 885810220 +561 1267 3 885809690 +561 1294 1 891710133 +561 1478 3 885809626 +561 1524 4 885809897 +561 1529 3 885809064 +562 50 5 879196445 +562 56 1 879195156 +562 82 5 879196401 +562 88 5 879196680 +562 114 1 879195156 +562 127 5 879196401 +562 132 4 879195721 +562 135 5 879196075 +562 148 5 879195442 +562 153 4 879195954 +562 173 5 879196308 +562 174 5 879196105 +562 185 5 879196075 +562 190 4 879196445 +562 191 5 879196176 +562 194 5 879196075 +562 197 4 879196105 +562 204 1 879196288 +562 229 1 879195848 +562 234 5 879196074 +562 318 3 879194894 +562 323 2 879194768 +562 357 1 879195125 +562 385 2 879196483 +562 393 2 879195954 +562 418 5 879195738 +562 427 4 879195244 +562 432 5 879196074 +562 443 5 879196604 +562 458 2 879195982 +562 462 5 879196074 +562 480 4 879195126 +562 483 4 879195954 +562 485 5 879196074 +562 501 5 879196653 +562 511 2 879195819 +562 514 1 879195848 +562 550 4 879196445 +562 566 4 879196483 +562 582 4 879196249 +562 591 4 879196176 +562 636 2 879195007 +562 720 4 879196483 +562 727 5 879196267 +562 1126 4 879196045 +563 50 5 880507404 +563 167 4 880506771 +563 172 5 880507339 +563 220 4 880506703 +563 233 4 880507165 +563 254 3 880506963 +563 255 5 880506528 +563 257 5 880506596 +563 294 3 880506121 +563 301 4 880506234 +563 304 2 880506234 +563 321 5 880506197 +563 367 4 880507083 +563 401 4 880507108 +563 476 3 880507311 +563 566 4 880507042 +563 692 5 880506842 +563 871 2 880507263 +563 1035 4 880507204 +564 117 4 888730974 +564 118 4 888730699 +564 121 4 888730534 +564 127 4 888730974 +564 245 4 888718546 +564 258 4 888718771 +564 272 3 888718415 +564 281 3 888730658 +564 298 3 888730534 +564 302 3 888718415 +564 313 4 888718415 +564 333 3 888718521 +564 685 3 888730658 +564 750 3 888718771 +564 827 3 888731038 +564 924 3 888730534 +564 1016 2 888730699 +564 1025 2 888718443 +564 1034 3 888730838 +564 1399 2 888718470 +565 10 5 891037453 +565 52 5 891037524 +565 86 5 891037757 +565 165 4 891037252 +565 170 5 891037291 +565 171 5 891037252 +565 179 5 891037778 +565 190 5 891037563 +565 207 4 891037393 +565 212 5 891037453 +565 381 2 891037628 +565 509 4 891037692 +565 515 5 891037803 +565 640 4 891037837 +565 707 5 891037453 +565 730 5 891037837 +565 855 5 891037628 +565 923 4 891037333 +565 971 5 891037862 +565 1622 4 891037478 +566 2 5 881650739 +566 7 4 881649747 +566 8 4 881650690 +566 11 3 881649962 +566 15 3 881650030 +566 20 4 881650551 +566 22 3 881649358 +566 23 4 881650405 +566 25 2 881651077 +566 33 2 881650907 +566 49 2 881651561 +566 50 2 881650063 +566 56 4 881649828 +566 64 5 881649530 +566 69 4 881650108 +566 71 2 881650958 +566 77 4 881651183 +566 78 1 881651829 +566 82 4 881650709 +566 83 4 881650148 +566 86 4 881649622 +566 88 3 881650090 +566 89 4 881650423 +566 94 2 881651636 +566 95 2 881649913 +566 98 4 881649445 +566 108 2 881651360 +566 110 1 881651813 +566 117 4 881650886 +566 121 3 881650755 +566 122 2 881651583 +566 133 4 881649670 +566 134 5 881649853 +566 135 5 881649389 +566 136 4 881649621 +566 137 5 881649928 +566 143 3 881650502 +566 144 3 881649530 +566 153 2 881649747 +566 154 3 881651151 +566 155 2 881651225 +566 156 4 881649428 +566 157 5 881649985 +566 166 4 881649709 +566 168 4 881650003 +566 170 5 881650739 +566 172 3 881649644 +566 173 3 881649945 +566 177 4 881650654 +566 181 2 881649985 +566 186 3 881649893 +566 191 4 881649853 +566 196 4 881650405 +566 207 5 881650502 +566 210 4 881650030 +566 213 5 881649670 +566 228 2 881650262 +566 231 1 881651317 +566 234 3 881650148 +566 235 3 881650534 +566 242 5 881649273 +566 260 2 881649273 +566 265 4 881650849 +566 273 5 881650063 +566 289 1 881649273 +566 378 4 881650467 +566 385 3 881650825 +566 386 1 881651375 +566 387 4 881651512 +566 388 3 881651512 +566 392 4 881650519 +566 395 1 881651672 +566 405 5 881650943 +566 411 4 881651013 +566 419 2 881650907 +566 423 2 881649709 +566 443 4 881649505 +566 462 4 881650090 +566 467 3 881650030 +566 479 4 881649428 +566 480 4 881649471 +566 485 3 881650242 +566 496 5 881649428 +566 508 4 881649577 +566 512 4 881650148 +566 521 4 881649802 +566 523 4 881649622 +566 576 2 881651013 +566 631 4 881650605 +566 651 4 881650242 +566 660 4 881650172 +566 685 3 881651183 +566 693 5 881649727 +566 705 4 881649871 +566 707 4 881650442 +566 727 4 881650850 +566 736 4 881650690 +566 742 3 881650627 +566 755 2 881651561 +566 772 4 881650467 +566 790 3 881651464 +566 856 5 881650690 +566 879 2 881649273 +566 1028 2 881651339 +566 1044 3 881651583 +566 1065 5 881650709 +566 1193 5 881649548 +566 1232 2 881651126 +567 1 3 882426899 +567 7 4 882426622 +567 10 4 882426508 +567 39 3 882426974 +567 50 1 882426246 +567 56 4 882425630 +567 59 5 882425762 +567 79 2 882427023 +567 83 4 882425791 +567 89 5 882425820 +567 96 4 882427155 +567 100 1 882425791 +567 109 2 882425673 +567 127 5 882426246 +567 132 3 882426021 +567 136 5 882426210 +567 152 4 882426673 +567 176 5 882425874 +567 178 4 882425820 +567 179 5 882426135 +567 181 1 882426246 +567 182 5 882425701 +567 187 5 882425673 +567 190 4 882427068 +567 191 3 882427124 +567 195 3 882426782 +567 197 5 882425901 +567 198 5 882425631 +567 199 4 882425820 +567 221 5 882426927 +567 223 4 882426508 +567 246 4 882426508 +567 248 4 882427273 +567 252 1 882427384 +567 257 3 882427250 +567 271 4 882426327 +567 273 5 882427068 +567 297 3 882426246 +567 298 4 882426279 +567 302 4 882426300 +567 303 3 882426350 +567 318 2 882425901 +567 340 3 882426300 +567 387 4 882426899 +567 423 2 882426869 +567 427 3 882427124 +567 429 4 882426899 +567 433 4 882426673 +567 434 5 882425997 +567 478 5 882426079 +567 480 4 882426508 +567 481 5 882426899 +567 482 5 882425966 +567 483 5 882425843 +567 489 5 882426673 +567 490 4 882425673 +567 491 3 882426135 +567 492 4 882425966 +567 494 5 882425932 +567 496 5 882426184 +567 497 5 882425901 +567 498 4 882425966 +567 504 4 882425874 +567 506 5 882425701 +567 507 5 882425820 +567 513 4 882426719 +567 514 5 882425701 +567 517 5 882426673 +567 523 3 882425966 +567 525 5 882425901 +567 527 3 882426673 +567 589 5 882425932 +567 606 4 882425630 +567 608 4 882426021 +567 611 4 882425998 +567 612 4 882427124 +567 613 4 882426927 +567 615 4 882425932 +567 617 4 882425843 +567 631 3 882426869 +567 636 4 882427155 +567 650 4 882426762 +567 654 5 882425701 +567 657 5 882425762 +567 673 3 882427089 +567 679 4 882426055 +567 705 5 882426105 +567 919 4 882426105 +567 1012 3 882427273 +567 1019 5 882425874 +567 1020 3 882425820 +567 1131 4 882426601 +567 1204 5 882427023 +567 1298 5 882425998 +568 6 3 877907235 +568 30 4 877907877 +568 56 4 877907720 +568 59 1 877906995 +568 79 4 877907782 +568 100 4 877907281 +568 127 4 877907050 +568 134 5 877907092 +568 135 4 877907782 +568 165 4 877906935 +568 178 4 877907327 +568 179 2 877906935 +568 185 4 877907834 +568 191 4 877907126 +568 194 3 877907671 +568 199 3 877906935 +568 224 4 877907236 +568 234 3 877907092 +568 269 4 877906547 +568 286 3 877906547 +568 303 4 877906697 +568 423 4 877907281 +568 427 4 877907720 +568 430 3 877907834 +568 474 5 877907834 +568 475 4 877907782 +568 479 5 877906995 +568 482 4 877907781 +568 483 5 877907281 +568 488 5 877907782 +568 491 2 877907126 +568 497 2 877907092 +568 512 1 877907596 +568 519 3 877907157 +568 520 2 877907327 +568 523 3 877907877 +568 524 2 877907281 +568 525 3 877907720 +568 529 4 877907877 +568 530 3 877907782 +568 604 4 877907156 +568 606 5 877907720 +568 611 3 877907782 +568 631 5 877907367 +568 641 5 877907596 +568 653 4 877907877 +568 661 4 877907126 +568 735 2 877907327 +568 835 4 877907157 +568 923 3 877906995 +568 954 2 877907671 +568 988 1 877906737 +568 1005 1 877907877 +568 1050 4 877907835 +568 1125 4 877907281 +568 1137 4 877907092 +568 1203 5 877907281 +569 1 4 879793399 +569 3 1 879795551 +569 7 4 879793909 +569 14 4 879793948 +569 25 4 879793785 +569 50 5 879793717 +569 100 5 879793784 +569 111 3 879793948 +569 117 3 879793847 +569 118 4 879794265 +569 124 5 879793886 +569 126 5 879793909 +569 151 5 879793948 +569 222 3 879794265 +569 237 4 879793717 +569 248 4 879793741 +569 252 3 879795551 +569 257 4 879794302 +569 273 3 879793810 +569 274 4 879794740 +569 277 2 879794385 +569 283 4 879793847 +569 284 4 879793886 +569 287 4 879795551 +569 288 3 879793228 +569 291 4 879794348 +569 294 2 879793149 +569 295 3 879793983 +569 298 3 879793784 +569 300 3 879793036 +569 301 4 879793149 +569 302 4 879792991 +569 325 1 879793149 +569 328 4 879793253 +569 333 3 879793036 +569 340 4 879793075 +569 455 3 879794265 +569 471 3 879793466 +569 475 3 879793717 +569 546 3 879794302 +569 676 4 879793847 +569 762 3 879794740 +569 924 3 879793784 +570 245 1 881262497 +570 268 3 881262404 +570 271 4 881262256 +570 286 4 881262625 +570 289 1 881262497 +570 302 4 881262145 +570 303 5 881262256 +570 321 1 881262795 +570 326 1 881262437 +570 327 4 881262795 +570 340 3 881262145 +570 358 2 881262582 +570 879 2 881262795 +570 886 2 881262534 +571 32 2 883355063 +571 45 4 883354940 +571 69 2 883354760 +571 114 4 883355063 +571 144 2 883354992 +571 181 4 883354940 +571 191 4 883354761 +571 357 4 883355063 +571 484 4 883354992 +571 496 3 883354886 +571 1039 3 883354760 +572 9 5 879449610 +572 14 4 879449683 +572 100 3 879449632 +572 222 2 879449763 +572 284 3 879449840 +572 286 4 879449179 +572 300 4 879449243 +572 301 4 879449243 +572 319 4 879449209 +572 813 4 879449573 +572 924 1 879449840 +572 1010 2 879449683 +572 1137 3 879449708 +572 1171 3 879449734 +573 69 4 885844091 +573 127 4 885843596 +573 134 4 885843928 +573 135 4 885843964 +573 143 2 885844339 +573 157 4 885844161 +573 176 3 885844481 +573 179 4 885844091 +573 180 4 885844091 +573 183 3 885844091 +573 192 4 885844535 +573 194 4 885844431 +573 205 3 885844674 +573 211 5 885843964 +573 216 4 885844674 +573 237 4 885843527 +573 276 3 885843964 +573 286 3 885843476 +573 423 3 885844127 +573 427 4 885844091 +573 478 4 885844674 +573 480 4 885844481 +573 492 4 885843964 +573 495 2 885844339 +573 519 4 885844567 +573 523 4 885844007 +573 528 4 885843928 +573 632 4 885844007 +573 654 4 885844535 +573 661 4 885844431 +573 836 3 885844605 +573 1012 2 885844339 +574 100 5 891279712 +574 213 4 891279712 +574 242 5 891278860 +574 245 5 891279362 +574 258 5 891278916 +574 268 5 891279174 +574 272 4 891278860 +574 286 3 891278916 +574 288 4 891279174 +574 300 4 891279012 +574 305 3 891279012 +574 311 4 891279410 +574 312 4 891279410 +574 315 3 891278860 +574 316 4 891279451 +574 321 1 891279285 +574 328 3 891279174 +574 331 1 891279013 +574 340 1 891279174 +574 344 5 891278962 +574 346 4 891278962 +574 358 2 891279520 +574 690 3 891279174 +574 750 3 891278962 +574 754 4 891279122 +574 883 4 891279520 +574 887 4 891279214 +574 896 2 891279013 +574 1022 2 891278916 +575 79 5 878148199 +575 96 5 878148199 +575 111 1 878148329 +575 168 5 878148358 +575 173 5 878148258 +575 176 4 878148087 +575 181 2 878148295 +575 182 3 878148295 +575 194 4 878148087 +575 215 3 878148229 +575 318 5 878148087 +575 322 3 878146541 +575 357 5 878148388 +575 483 3 878148137 +575 506 2 878148087 +575 507 2 878148137 +575 531 1 878148199 +575 603 5 878148012 +575 963 1 878148199 +576 1 4 886985079 +576 7 5 886985003 +576 9 3 887168978 +576 56 3 886986444 +576 70 5 886986361 +576 100 4 886984965 +576 124 4 886985002 +576 125 4 886985177 +576 181 4 887081041 +576 204 4 886986445 +576 208 3 886986445 +576 210 4 886986400 +576 237 4 886985003 +576 255 3 887081086 +576 259 2 887168978 +576 275 3 886985695 +576 276 3 887080905 +576 280 5 886985003 +576 294 3 886960098 +576 324 2 887168978 +576 381 3 886986445 +576 435 4 886986400 +576 471 4 886986237 +576 678 3 886960535 +576 763 3 886985695 +576 825 4 886986304 +577 5 4 880475318 +577 7 2 880470447 +577 12 4 880474257 +577 15 3 880470350 +577 22 5 880472153 +577 38 2 880475453 +577 40 4 880475435 +577 48 5 880474530 +577 49 4 880474955 +577 50 4 880474394 +577 54 4 880474903 +577 62 3 880475504 +577 64 5 880474394 +577 68 4 880475021 +577 79 4 880474530 +577 82 4 880474433 +577 88 3 880475226 +577 95 5 880474747 +577 96 4 880474257 +577 97 5 880472153 +577 98 4 880474530 +577 102 4 880475043 +577 110 4 880475581 +577 117 4 880471359 +577 121 5 880470258 +577 125 4 880470604 +577 133 4 880474694 +577 143 3 880474635 +577 161 5 880475561 +577 168 5 880472124 +577 172 4 880472124 +577 173 5 880472055 +577 174 5 880475043 +577 176 5 880474311 +577 179 2 880474829 +577 181 5 880474612 +577 183 5 880474747 +577 186 4 880472153 +577 188 3 880474715 +577 196 5 880474357 +577 200 3 880475226 +577 202 4 880474787 +577 204 4 880474338 +577 215 5 880474556 +577 216 4 880472124 +577 218 3 880475269 +577 225 4 880470827 +577 229 4 880475094 +577 230 3 880474357 +577 234 3 880474257 +577 237 4 880470323 +577 240 3 880470884 +577 281 3 880470447 +577 284 4 880470732 +577 294 4 880469903 +577 298 4 884819086 +577 313 4 890089462 +577 317 5 880474871 +577 318 5 880472055 +577 356 4 880474903 +577 365 5 880475504 +577 380 3 880474991 +577 385 5 880474530 +577 393 4 880475363 +577 399 4 880475269 +577 402 4 880475318 +577 403 4 880475187 +577 405 3 880470282 +577 409 5 880470682 +577 410 3 880471170 +577 427 4 880474715 +577 443 4 880475269 +577 452 3 880475644 +577 465 4 880474851 +577 470 5 880475245 +577 471 3 880471640 +577 472 4 880470570 +577 496 5 880474455 +577 546 3 880470483 +577 550 3 880475130 +577 559 3 880474903 +577 561 4 880474955 +577 568 3 880475021 +577 588 4 880474808 +577 595 4 880471170 +577 623 5 880475149 +577 627 5 880475339 +577 655 4 880474394 +577 660 3 880474613 +577 662 4 880474933 +577 663 5 880474612 +577 684 4 880474394 +577 693 1 880475408 +577 708 3 880475067 +577 720 4 880475043 +577 727 5 880474747 +577 732 4 880474414 +577 735 5 880474338 +577 742 4 880470504 +577 763 3 880470638 +577 768 3 880474787 +577 770 4 880475149 +577 795 3 880476630 +577 808 3 880475094 +577 819 3 880470604 +577 823 3 880471304 +577 826 4 880470852 +577 845 4 880471578 +577 932 3 880471287 +577 941 4 880475435 +577 996 3 880475094 +577 1028 4 880470764 +577 1032 3 880475561 +577 1035 3 880475130 +577 1042 4 880475286 +577 1044 4 880475504 +577 1046 4 880475226 +577 1054 3 880471823 +577 1147 4 880474394 +577 1219 3 880475067 +577 1291 3 880471954 +577 1336 1 880472018 +577 1517 3 880475644 +577 1531 4 880475408 +578 222 4 888957788 +578 245 3 887229523 +578 246 2 890939697 +578 268 2 890939697 +578 272 2 888957735 +578 288 3 887229335 +578 294 3 888957453 +578 298 4 888957584 +578 300 4 887229386 +578 313 5 887229355 +578 325 1 888957735 +578 346 3 887229335 +578 380 3 888957833 +578 751 3 887229503 +578 1016 4 888957666 +579 1 4 880951740 +579 4 2 880952271 +579 7 3 880952006 +579 25 4 880952335 +579 49 3 880952360 +579 50 5 880951984 +579 69 2 880951868 +579 70 3 880952299 +579 83 5 880952360 +579 88 4 880952440 +579 89 3 880952102 +579 98 4 880951804 +579 100 4 880952201 +579 111 4 880952142 +579 153 4 880952335 +579 168 4 880952142 +579 169 4 880951867 +579 179 3 880952038 +579 183 4 880952038 +579 202 5 880952270 +579 210 3 880951944 +579 228 3 880951984 +579 234 3 880951708 +579 268 3 880951444 +579 288 4 880951346 +579 289 2 880951569 +579 294 4 880951494 +579 327 3 880951494 +579 328 3 880951444 +579 331 3 880951346 +579 382 3 880952237 +579 393 4 880952409 +579 408 3 880951740 +579 435 5 880952038 +579 520 4 880951708 +579 523 3 880951740 +579 528 4 880951708 +579 655 3 880952201 +579 692 4 880952440 +579 732 4 880952335 +579 845 4 880952549 +579 1047 3 880952579 +579 1074 3 880952579 +579 1110 1 880952516 +580 1 3 884125243 +580 3 5 884125916 +580 7 3 884124844 +580 15 3 884125339 +580 25 3 884125457 +580 50 5 884124927 +580 121 4 884125457 +580 123 4 884125199 +580 125 3 884125387 +580 147 3 884125658 +580 148 4 884125773 +580 151 2 884126077 +580 257 5 884125243 +580 271 5 884124248 +580 281 2 884126077 +580 282 5 884125292 +580 286 4 884124750 +580 288 5 884125658 +580 294 4 884124337 +580 300 3 884124103 +580 329 3 884124191 +580 343 5 884124304 +580 348 3 884124382 +580 358 4 884124472 +580 597 1 884126077 +580 619 3 884125175 +580 748 2 884126077 +580 825 4 884125339 +580 829 2 884126077 +580 866 4 884125856 +580 871 4 884125135 +580 1028 3 884125829 +581 7 4 879643079 +581 50 4 879641698 +581 137 5 879641787 +581 222 3 879641698 +581 253 5 879642333 +581 276 3 879641850 +581 475 4 879641850 +581 515 4 879641533 +581 844 5 879642274 +581 847 3 879641787 +581 919 5 879643155 +581 922 5 879642333 +581 936 3 879643155 +581 1097 4 879641787 +581 1353 4 879641850 +581 1367 5 879641603 +582 1 4 882961257 +582 25 3 882961608 +582 100 5 882960863 +582 117 3 882961000 +582 118 2 882962523 +582 125 3 882961632 +582 222 4 882961804 +582 235 3 882962803 +582 240 4 882961804 +582 246 4 882961082 +582 250 3 882961000 +582 257 3 882961608 +582 258 4 882960396 +582 269 4 882960418 +582 271 4 882960418 +582 288 3 882960396 +582 294 1 882960396 +582 300 3 882960446 +582 313 5 882960461 +582 321 3 882960555 +582 328 3 882960555 +582 405 3 882962133 +582 458 4 882961968 +582 473 3 882962062 +582 508 4 882961082 +582 547 4 882961608 +582 597 3 882962267 +582 676 2 882961133 +582 742 3 882961082 +582 748 3 882960601 +582 750 5 882960418 +582 826 3 882962652 +582 831 2 882962561 +582 841 2 882962133 +582 919 5 882961540 +582 932 2 882963114 +582 948 1 882960718 +582 988 1 882960718 +582 1014 4 882962247 +582 1033 2 882962030 +583 12 5 879384522 +583 83 4 879384338 +583 100 5 879384404 +583 195 4 879384404 +583 198 4 879384404 +583 200 5 879384404 +583 209 4 879384404 +583 239 2 879384522 +583 265 4 879384522 +583 268 5 879384094 +583 286 4 879384052 +583 425 5 879384575 +583 483 5 879384338 +583 513 5 879384338 +583 519 5 879384338 +583 524 5 879384522 +583 530 4 879384404 +583 602 4 879384471 +583 655 5 879384471 +583 663 4 879384338 +583 708 5 879384338 +584 25 3 885778571 +584 50 4 885777950 +584 108 3 885774575 +584 114 4 885778238 +584 161 4 885778170 +584 181 4 885778120 +584 222 4 885774483 +584 227 4 885774172 +584 228 5 885774171 +584 230 4 885774171 +584 249 4 885774551 +584 258 4 885774483 +584 431 3 885774702 +584 450 2 885778571 +584 541 3 885774508 +585 14 4 891282808 +585 20 4 891285658 +585 30 4 891284393 +585 45 5 891282808 +585 52 3 891284184 +585 60 4 891282808 +585 83 3 891282808 +585 86 5 891284016 +585 113 3 891283681 +585 116 3 891284393 +585 165 4 891284184 +585 166 4 891283338 +585 170 5 891282573 +585 190 4 891282808 +585 198 5 891283921 +585 207 5 891284016 +585 212 5 891282894 +585 224 2 891283681 +585 275 4 891283124 +585 283 4 891283124 +585 286 4 891281385 +585 313 3 891281385 +585 462 3 891283124 +585 463 5 891284816 +585 509 4 891283000 +585 543 3 891284393 +585 557 4 891285820 +585 582 3 891282894 +585 634 4 891285491 +585 638 4 891284016 +585 639 4 891283921 +585 640 2 891284816 +585 652 4 891285658 +585 707 5 891282894 +585 730 3 891285188 +585 855 3 891284184 +585 863 5 891283000 +585 919 2 891283681 +585 1018 2 891286059 +585 1149 4 891283921 +585 1155 5 891285820 +585 1158 4 891282573 +585 1266 3 891286059 +585 1347 2 891285658 +585 1475 3 891283681 +585 1488 4 891283921 +585 1501 4 891284393 +585 1512 5 891283000 +585 1524 3 891283124 +585 1535 4 891284816 +586 3 5 884068767 +586 17 5 884060807 +586 22 3 884058708 +586 28 3 884066087 +586 39 4 884061623 +586 44 3 884065692 +586 50 4 884057387 +586 53 5 884061084 +586 54 3 884068393 +586 56 5 884060112 +586 67 5 884067059 +586 68 4 884062010 +586 72 2 884067378 +586 79 4 884058986 +586 80 2 884067003 +586 82 2 884062010 +586 83 2 884059196 +586 85 3 884067003 +586 96 4 884059110 +586 117 4 884057578 +586 118 4 884062671 +586 123 3 884057661 +586 148 3 884065745 +586 159 4 884065719 +586 164 2 884059486 +586 172 4 884058708 +586 174 4 884058898 +586 176 3 884061623 +586 177 3 884061343 +586 182 3 884066016 +586 183 4 884059196 +586 184 2 884060807 +586 186 2 884059287 +586 187 4 884058566 +586 195 4 884058956 +586 203 3 884059027 +586 210 4 884059027 +586 217 5 884061084 +586 218 3 884060705 +586 219 3 884060705 +586 222 3 884057387 +586 226 4 884061806 +586 227 2 884062010 +586 229 3 884062742 +586 231 3 884062010 +586 232 3 884058809 +586 234 3 884060614 +586 235 3 884066859 +586 241 4 884061623 +586 257 3 884057471 +586 265 5 884062405 +586 276 3 884057692 +586 281 3 884062405 +586 284 3 884057518 +586 288 4 884057861 +586 356 4 884065692 +586 393 3 884066799 +586 403 4 884061807 +586 410 3 884057783 +586 411 2 884067199 +586 423 2 884058708 +586 431 3 884061343 +586 451 4 884067422 +586 470 4 884064631 +586 550 4 884061459 +586 551 2 884061189 +586 559 5 884060807 +586 566 3 884062621 +586 568 3 884061623 +586 569 3 884060807 +586 576 3 884062671 +586 578 3 884062621 +586 581 2 884065745 +586 628 3 884064631 +586 655 4 884066294 +586 665 3 884061256 +586 679 3 884062742 +586 693 3 884066060 +586 696 3 884065851 +586 735 3 884066230 +586 756 1 884067105 +586 763 4 884067105 +586 779 3 884062856 +586 780 4 884067151 +586 806 4 884058611 +586 808 3 884062405 +586 809 3 884061459 +586 926 4 884067199 +586 928 3 884065665 +586 930 2 884063080 +586 939 4 884064459 +586 978 2 884065825 +586 1046 3 884064912 +586 1090 3 884065797 +586 1207 2 884065879 +586 1218 5 884066959 +586 1249 3 884067058 +586 1407 3 884063080 +587 243 3 892871401 +587 245 1 892871253 +587 258 4 892871069 +587 260 4 892871284 +587 261 3 892871438 +587 262 4 892871069 +587 264 4 892871400 +587 268 4 892871068 +587 272 5 892870956 +587 289 3 892871113 +587 292 3 892871141 +587 294 3 892871197 +587 300 4 892871171 +587 301 3 892871197 +587 302 3 892870956 +587 303 4 892871068 +587 305 4 892871068 +587 307 4 892870992 +587 312 2 892871563 +587 315 4 892870956 +587 319 3 892871113 +587 321 2 892871113 +587 322 3 892871113 +587 327 3 892871252 +587 328 1 892871284 +587 330 3 892871372 +587 331 3 892871197 +587 333 4 892871031 +587 334 3 892871171 +587 343 4 892871337 +587 347 3 892871223 +587 349 3 892871400 +587 358 3 892871284 +587 539 3 892871437 +587 678 2 892871438 +587 680 1 892871503 +587 681 2 892871641 +587 682 3 892871372 +587 688 3 892871536 +587 689 1 892871438 +587 748 1 892871438 +587 873 3 892871284 +587 875 1 892871462 +587 876 2 892871536 +587 877 2 892871372 +587 879 1 892871536 +587 880 3 892871536 +587 881 2 892871641 +587 888 3 892871563 +587 890 1 892871503 +587 914 4 892871031 +587 916 3 892871610 +587 918 3 892871113 +587 988 2 892871641 +587 995 3 892871503 +587 1265 4 892871252 +587 1624 2 892871752 +587 1625 4 892871732 +588 7 3 890024611 +588 8 5 890023557 +588 12 5 890015324 +588 15 5 890015608 +588 21 5 890015791 +588 22 5 890024195 +588 24 2 890015766 +588 25 4 890024677 +588 29 3 890027063 +588 31 3 890015722 +588 40 4 890026154 +588 50 5 890024427 +588 56 4 890024246 +588 63 5 890028385 +588 66 3 890023646 +588 67 1 890032343 +588 68 5 890026705 +588 71 4 890024195 +588 73 3 890026262 +588 82 5 890024829 +588 88 5 890024730 +588 91 5 890026656 +588 95 4 890015722 +588 98 1 890015324 +588 99 5 890023646 +588 100 1 890015374 +588 107 5 890030781 +588 111 1 890028509 +588 117 4 890027062 +588 143 5 890015684 +588 144 3 890024564 +588 151 4 890026263 +588 155 5 890026882 +588 159 1 890029795 +588 162 5 890026339 +588 168 5 890024002 +588 178 5 890015323 +588 181 5 890015608 +588 186 4 890024079 +588 202 1 890015500 +588 204 5 890015323 +588 206 4 890025023 +588 207 2 890025076 +588 210 4 890015500 +588 216 5 890024781 +588 220 5 890025023 +588 222 3 890015722 +588 225 5 890027113 +588 227 3 890028385 +588 234 5 890024161 +588 237 2 890015894 +588 239 5 890025704 +588 258 4 890014591 +588 260 2 890014930 +588 265 5 890025621 +588 268 5 890014648 +588 278 5 890027600 +588 283 4 890015835 +588 286 4 890014710 +588 288 4 890014818 +588 289 2 890015063 +588 294 4 890014887 +588 301 5 890015021 +588 307 4 890014887 +588 313 5 890014782 +588 316 5 890015021 +588 326 4 890014782 +588 333 5 890014710 +588 347 5 890014648 +588 356 4 890025751 +588 365 5 890028385 +588 366 5 890027430 +588 370 5 890031141 +588 378 3 890026059 +588 380 3 890028987 +588 382 3 890024730 +588 384 1 890032013 +588 385 3 890023557 +588 403 3 890027525 +588 423 3 890015649 +588 428 4 890024730 +588 432 4 890027113 +588 447 3 890026009 +588 451 5 890026059 +588 463 4 890023879 +588 468 3 890015835 +588 472 4 890026059 +588 496 3 890023879 +588 542 3 890026787 +588 550 3 890026513 +588 552 1 890031021 +588 553 4 890025864 +588 561 3 890027780 +588 568 4 890024876 +588 570 4 890032281 +588 584 3 890024677 +588 623 3 890026939 +588 625 3 890024325 +588 652 2 890026339 +588 660 4 890024002 +588 692 4 890024051 +588 697 5 890024002 +588 699 4 890024385 +588 713 3 890015791 +588 716 5 890028167 +588 720 4 890027247 +588 721 5 890023722 +588 729 3 890024488 +588 732 4 890024325 +588 735 5 890024196 +588 755 3 890025797 +588 762 4 890026705 +588 783 4 890027297 +588 815 4 890024829 +588 821 4 890026339 +588 842 3 890015542 +588 928 4 890027063 +588 969 5 890023831 +588 1039 4 890024611 +588 1041 2 890027063 +588 1047 3 890031141 +588 1061 5 890024876 +588 1074 5 890032056 +588 1078 4 890026999 +588 1091 4 890027865 +588 1098 4 890026656 +588 1180 2 890032056 +588 1219 2 890028385 +588 1240 5 890025864 +588 1311 1 890029079 +588 1411 1 890032421 +588 1508 3 890029795 +589 259 5 883352631 +589 268 1 883352463 +589 271 3 883352654 +589 288 5 883352536 +589 289 3 883352679 +589 304 5 883352599 +589 307 1 883352402 +589 310 5 883352494 +589 313 5 883352434 +589 322 3 883352631 +589 324 1 883352402 +589 326 1 883352600 +589 327 3 883352535 +589 328 5 883352562 +589 332 4 883352536 +589 333 5 883352402 +589 334 1 883352631 +589 336 1 883352535 +589 338 3 883352654 +589 339 5 883352494 +589 340 1 883352494 +589 678 4 883352735 +589 688 4 883352707 +589 689 4 883352787 +589 690 4 883352600 +589 751 4 883352562 +589 873 5 883352600 +589 877 4 883352562 +589 879 4 883352654 +589 895 5 883352562 +589 995 1 883352562 +590 6 5 879439145 +590 19 5 879438735 +590 100 5 879438825 +590 111 3 879438936 +590 116 5 879439196 +590 124 5 879438735 +590 126 5 879439316 +590 137 5 879438878 +590 150 5 879438878 +590 221 4 879439645 +590 237 3 879438911 +590 244 3 879439431 +590 248 4 879439645 +590 274 3 879439256 +590 275 4 879439645 +590 276 4 879439645 +590 284 2 879439345 +590 285 5 879438735 +590 293 3 879439114 +590 298 2 879438911 +590 476 3 879439345 +590 546 1 879439538 +590 547 4 879439086 +590 591 3 879439256 +590 676 4 879439060 +590 740 4 879439645 +590 754 3 879438686 +590 864 1 879439567 +590 1009 3 879439483 +590 1014 3 879439283 +590 1017 4 879439196 +590 1061 2 879439538 +590 1331 4 879439645 +591 4 4 891040366 +591 8 3 891031203 +591 13 4 891039637 +591 25 4 891039658 +591 26 3 891031526 +591 45 5 891031257 +591 56 4 891031344 +591 64 5 891031203 +591 66 2 891031526 +591 70 4 891031321 +591 72 3 891040366 +591 79 4 891031171 +591 85 3 891031500 +591 88 3 891031525 +591 110 2 891031676 +591 168 3 891031724 +591 182 3 891031171 +591 191 5 891031116 +591 194 4 891031171 +591 196 4 891031116 +591 204 4 891031500 +591 216 4 891031426 +591 235 3 891039676 +591 237 3 891039974 +591 275 4 891039974 +591 283 4 891039565 +591 285 5 891039565 +591 286 4 891030956 +591 306 5 891030956 +591 322 2 891031013 +591 382 4 891031500 +591 435 4 891031724 +591 511 3 891031145 +591 523 4 891031724 +591 603 5 891031116 +591 709 4 891031426 +591 710 3 891031603 +591 712 3 891040366 +591 740 4 891039974 +591 787 3 891031500 +591 856 4 891040366 +591 866 3 891039658 +591 921 4 891031257 +591 923 4 891031116 +591 934 3 891039769 +591 954 3 891031403 +591 956 4 891031286 +591 1017 3 891039616 +591 1041 2 891031644 +591 1099 5 891031203 +591 1120 4 891039637 +592 1 4 882608021 +592 3 4 882608960 +592 7 5 882607986 +592 9 5 882608182 +592 13 5 882608401 +592 15 5 882608457 +592 20 4 882608315 +592 22 5 882955506 +592 23 5 882955735 +592 24 4 882608021 +592 28 4 882956586 +592 32 5 882956067 +592 42 5 882955918 +592 47 5 882955889 +592 48 5 882955735 +592 50 5 882607872 +592 55 4 882956067 +592 56 5 882955948 +592 58 5 882956388 +592 59 4 882956718 +592 60 4 882955460 +592 61 4 882956586 +592 64 5 882956039 +592 69 5 882956201 +592 70 4 882956803 +592 71 4 882956668 +592 79 4 882955583 +592 87 4 882956467 +592 89 4 882955543 +592 92 5 882956358 +592 93 4 882608061 +592 95 4 882956276 +592 96 5 882956241 +592 97 4 882956718 +592 99 5 882955663 +592 109 4 882608145 +592 116 4 882608182 +592 117 5 882608234 +592 123 4 882608573 +592 124 5 882607986 +592 125 2 882608795 +592 127 5 882608021 +592 129 5 882608457 +592 134 5 882955794 +592 135 5 882955765 +592 137 5 882608145 +592 140 3 882956551 +592 147 4 882608357 +592 148 2 882608961 +592 149 4 882607910 +592 151 4 882608402 +592 157 5 882955918 +592 168 5 882955825 +592 169 5 882955663 +592 170 5 882955703 +592 172 5 882956011 +592 176 5 882956039 +592 178 5 882956241 +592 179 5 882956761 +592 180 5 882956102 +592 182 5 882955662 +592 183 5 882955613 +592 184 5 882956419 +592 185 5 882956201 +592 187 5 882956157 +592 189 5 882955583 +592 195 4 882955863 +592 196 5 882955978 +592 197 5 882955863 +592 198 5 882956241 +592 201 5 882955794 +592 202 5 882956803 +592 203 5 882956276 +592 204 5 882956158 +592 222 1 882608145 +592 224 5 882608357 +592 235 3 882608662 +592 236 3 882608061 +592 237 4 882608061 +592 238 5 882956321 +592 245 1 882607434 +592 246 5 882608500 +592 249 4 882608795 +592 251 5 882607955 +592 255 4 882608915 +592 258 5 882607476 +592 260 4 882607690 +592 262 5 882607356 +592 263 1 882607779 +592 264 2 882607528 +592 266 1 882607744 +592 268 5 882607286 +592 269 4 882607286 +592 271 4 882607647 +592 272 5 882955387 +592 273 5 882607986 +592 276 5 882608401 +592 282 4 882608572 +592 285 5 882607910 +592 286 5 882607356 +592 287 3 882608457 +592 288 5 882607528 +592 291 3 882609008 +592 292 1 882607434 +592 295 4 882608357 +592 297 5 882607844 +592 298 5 882608061 +592 299 1 882607573 +592 302 5 882607325 +592 303 5 882607325 +592 315 5 885280156 +592 318 5 882955863 +592 319 4 882607434 +592 323 1 882607690 +592 324 4 882607387 +592 325 2 882607647 +592 326 4 882607573 +592 330 3 882607606 +592 333 5 882607476 +592 334 3 882607476 +592 336 1 882607476 +592 340 5 882607476 +592 343 3 882607476 +592 345 4 888553233 +592 346 4 885280098 +592 347 4 885280098 +592 350 4 885280124 +592 354 4 888553156 +592 357 4 882956102 +592 358 1 882607690 +592 382 4 882956761 +592 408 5 882607955 +592 409 1 882609056 +592 410 5 882608402 +592 411 2 882608457 +592 418 4 882956551 +592 423 5 882955918 +592 425 5 882956467 +592 427 5 882955735 +592 431 2 882956510 +592 432 1 882956321 +592 433 5 882956761 +592 443 5 882956158 +592 455 4 882608402 +592 457 1 882607779 +592 458 3 882608107 +592 460 3 882608873 +592 463 4 882956321 +592 467 5 882955582 +592 469 4 882955825 +592 471 4 882608234 +592 472 1 882608795 +592 475 5 882608107 +592 480 4 882955662 +592 482 4 882955582 +592 501 4 882956276 +592 512 5 882956803 +592 514 5 882955543 +592 518 5 882956011 +592 526 5 882956241 +592 527 5 882955889 +592 531 5 882955765 +592 533 4 882608827 +592 544 4 882608107 +592 547 4 882607910 +592 558 5 882955948 +592 568 5 882956201 +592 591 4 882608402 +592 603 5 882955543 +592 619 1 882608234 +592 628 3 882608107 +592 652 4 882956467 +592 654 5 882955703 +592 655 5 882955543 +592 680 1 882607690 +592 681 1 882607780 +592 682 4 882607573 +592 683 1 882607745 +592 685 2 882608662 +592 686 5 882956387 +592 688 1 882607744 +592 689 2 882607690 +592 735 5 882956158 +592 742 4 882608357 +592 747 4 882956102 +592 748 2 882607434 +592 750 5 886394208 +592 754 3 882607325 +592 762 5 882608402 +592 782 2 882956510 +592 789 4 882956419 +592 806 4 882956586 +592 813 4 882607955 +592 815 3 882608625 +592 820 3 882609057 +592 823 1 882609009 +592 833 4 882608662 +592 847 5 882607986 +592 876 1 882607690 +592 877 2 882607647 +592 885 2 887257199 +592 886 3 882607476 +592 887 5 882607780 +592 890 1 882607745 +592 892 1 882607690 +592 893 1 882955292 +592 895 3 882607528 +592 931 1 882608960 +592 952 4 882608699 +592 969 4 882956718 +592 971 4 882955978 +592 975 4 882608873 +592 984 1 882607690 +592 985 4 882608698 +592 988 1 882607745 +592 1008 4 882608357 +592 1009 3 882608662 +592 1010 5 882608357 +592 1011 4 882608699 +592 1012 5 882608401 +592 1016 4 882608145 +592 1022 5 885280183 +592 1025 1 882607745 +592 1048 3 882608625 +592 1059 3 882608457 +592 1060 2 882609057 +592 1067 5 882608698 +592 1070 5 882956158 +592 1071 4 882956668 +592 1079 1 882608873 +592 1082 3 882608625 +592 1134 5 882608234 +592 1142 5 882608145 +592 1143 5 882607872 +592 1166 3 882956668 +592 1184 5 882956551 +592 1187 4 882608358 +592 1258 1 882608960 +592 1264 4 882955460 +592 1275 3 882956624 +592 1276 1 882609057 +592 1315 2 882609056 +592 1319 1 882608234 +592 1356 4 882608915 +592 1377 3 882607872 +592 1620 1 882609057 +592 1623 4 882955794 +593 1 3 875659150 +593 5 4 875671525 +593 8 3 875673098 +593 11 4 875660482 +593 25 3 875659826 +593 40 1 875671757 +593 49 3 875671891 +593 51 3 875671982 +593 58 4 875671579 +593 65 3 875671674 +593 66 5 875671807 +593 70 5 875658983 +593 71 4 875661567 +593 73 2 875671807 +593 79 4 875671674 +593 88 4 875672874 +593 97 4 877728878 +593 100 5 875658824 +593 111 5 875659576 +593 121 4 875660036 +593 122 1 875660347 +593 125 4 875659708 +593 126 5 875659777 +593 131 4 876506731 +593 133 4 876507391 +593 144 4 875660569 +593 153 5 875671107 +593 157 3 875671732 +593 163 4 876506675 +593 172 4 886193379 +593 179 5 877728878 +593 181 4 875658800 +593 182 2 886193627 +593 196 5 875670939 +593 200 5 875661567 +593 204 4 875660886 +593 210 2 875673181 +593 211 4 875671198 +593 216 5 875671277 +593 223 5 888872089 +593 233 2 875671549 +593 234 2 875660850 +593 237 4 877728878 +593 238 4 877728878 +593 245 3 888872154 +593 255 5 875659055 +593 272 5 888871874 +593 274 3 875659849 +593 276 1 875659150 +593 282 5 875659518 +593 283 4 875659665 +593 284 4 875659236 +593 285 2 886193129 +593 288 4 877728878 +593 293 1 877727988 +593 301 4 877728878 +593 313 4 888871903 +593 318 5 875671413 +593 366 4 875671255 +593 392 3 886193788 +593 393 4 886194041 +593 402 4 875672970 +593 405 3 875659943 +593 417 5 875671598 +593 468 3 886193438 +593 471 3 875659826 +593 478 5 875660788 +593 496 5 875671198 +593 501 2 886193661 +593 535 3 875659943 +593 546 3 875659849 +593 553 2 875672852 +593 584 3 875671579 +593 591 4 877728878 +593 597 2 875660347 +593 609 3 886194241 +593 633 5 875671081 +593 655 3 886193724 +593 685 3 875660081 +593 699 4 875671334 +593 724 3 875670796 +593 732 3 875660850 +593 735 4 886193600 +593 742 4 888872002 +593 744 3 886193049 +593 762 4 875659849 +593 763 3 875660105 +593 775 3 875672949 +593 845 3 875671033 +593 949 2 875672949 +593 974 2 875660347 +593 977 3 875660215 +593 1014 1 875659755 +593 1016 4 888872636 +593 1035 3 875671464 +593 1221 3 875671982 +594 14 4 874781173 +594 15 4 874783052 +594 19 3 874781004 +594 100 4 874781004 +594 127 4 874781076 +594 199 4 877816302 +594 221 4 874781207 +594 222 4 874783052 +594 237 3 874784095 +594 242 4 875997093 +594 245 3 874780909 +594 269 4 877816219 +594 276 3 874783470 +594 286 3 875917841 +594 292 3 874780864 +594 357 4 874786664 +594 483 3 874786695 +594 515 5 874781050 +594 520 4 874786664 +594 744 3 874783298 +595 3 4 886922069 +595 14 5 886921223 +595 15 4 886921423 +595 50 5 886921112 +595 100 4 886921112 +595 108 2 886921634 +595 111 4 886921496 +595 121 2 886921550 +595 127 5 886921199 +595 129 3 886921088 +595 222 3 886921274 +595 240 3 886921424 +595 258 4 886920602 +595 273 3 886921140 +595 274 3 886921584 +595 275 4 886921166 +595 288 3 886920602 +595 289 4 886920602 +595 290 4 886921748 +595 291 3 886921656 +595 293 4 886922069 +595 325 3 886920774 +595 336 2 886920966 +595 368 1 886921977 +595 369 3 886921977 +595 410 4 886921315 +595 460 4 886921699 +595 472 3 886921847 +595 544 3 886921699 +595 547 4 886922069 +595 597 2 886921634 +595 676 2 886921140 +595 717 2 886921977 +595 742 2 886921521 +595 744 3 886921274 +595 763 3 886921551 +595 815 3 886921584 +595 825 2 886921606 +595 826 1 886921819 +595 845 3 886921448 +595 864 4 886922069 +595 871 2 886921945 +595 928 3 886921820 +595 948 3 886920919 +595 979 3 886921847 +595 986 2 886921945 +595 1009 4 886921584 +595 1010 4 886922069 +595 1028 3 886921475 +595 1047 2 886921769 +595 1059 4 886921344 +595 1067 4 886922069 +595 1094 3 886921820 +595 1134 5 886921392 +595 1142 5 886921199 +595 1264 2 887588203 +596 50 5 883539402 +596 123 2 883539767 +596 149 3 883539402 +596 222 3 883539402 +596 258 3 883539011 +596 276 3 883539431 +596 286 4 883538815 +596 288 4 883538847 +596 289 3 883539079 +596 294 4 883539079 +596 295 4 883539402 +596 300 4 883539011 +596 328 5 883539103 +596 678 3 883538965 +596 895 3 883539049 +597 1 3 875339723 +597 118 3 875343067 +597 151 4 875342314 +597 181 4 875340062 +597 242 4 875338983 +597 275 4 875339876 +597 286 3 875338983 +597 289 5 875338983 +597 294 4 875339083 +597 298 5 875339723 +597 300 5 875338983 +597 326 1 875339083 +597 328 4 875339132 +597 477 5 875339970 +597 688 4 875339132 +597 742 4 875341603 +597 748 5 875339041 +597 824 3 875342875 +597 825 5 875343583 +597 936 3 875343067 +597 988 1 875339237 +597 990 2 875339041 +597 1016 4 875342355 +597 1152 4 875339876 +598 22 5 886711521 +598 243 2 886711192 +598 259 3 886710977 +598 260 3 886711034 +598 269 3 886710494 +598 286 5 886711452 +598 300 4 886710671 +598 323 4 886711452 +598 347 3 886710330 +598 349 4 886711452 +598 538 4 886711452 +598 690 3 886710735 +598 691 2 886710330 +598 748 4 886711034 +598 751 3 886710494 +598 895 2 886710977 +599 1 4 880951657 +599 120 3 880953441 +599 220 5 880951479 +599 245 3 880953441 +599 278 3 880953441 +599 280 5 880952229 +599 282 5 880951657 +599 284 4 880952229 +599 288 4 880950997 +599 294 4 880951113 +599 471 4 880953441 +599 476 4 880953441 +599 546 4 880953441 +599 682 4 880951079 +599 846 5 880952229 +599 866 2 880952229 +599 872 2 880951046 +599 873 5 880951174 +599 928 4 880953441 +599 934 3 880953441 +599 988 4 880951211 +599 1048 2 880952357 +599 1095 4 880952316 +599 1152 4 880951623 +599 1278 5 880952185 +599 1357 2 880952905 +600 2 3 888451908 +600 4 4 888451908 +600 27 3 888451977 +600 38 3 888452491 +600 53 4 888452563 +600 79 4 888451582 +600 82 5 888451583 +600 92 3 888451665 +600 127 5 888451492 +600 174 4 888451665 +600 176 5 888451665 +600 182 4 888451750 +600 183 5 888451750 +600 187 5 888451750 +600 210 4 888451665 +600 226 4 888451977 +600 227 4 888451977 +600 228 3 888451840 +600 229 3 888451840 +600 232 3 888451839 +600 265 3 888451582 +600 373 3 888452490 +600 385 3 888451582 +600 391 3 888452491 +600 403 3 888451908 +600 431 3 888451908 +600 435 5 888451750 +600 511 5 888451492 +600 518 5 888451908 +600 526 4 888451750 +600 550 4 888452071 +600 554 4 888451977 +600 566 3 888451908 +600 568 4 888451908 +600 570 4 888452563 +600 578 2 888451839 +600 583 3 888451977 +600 665 5 888452152 +600 679 2 888451839 +600 720 3 888452151 +600 759 2 888453145 +600 771 3 888452564 +600 802 2 888453082 +600 947 4 888452071 +600 1004 4 888451839 +600 1110 3 888452564 +600 1228 2 888452490 +600 1231 2 888452152 +600 1239 2 888452564 +600 1274 2 888453145 +600 1407 2 888453083 +600 1419 3 888452564 +601 8 3 876348736 +601 9 4 876347196 +601 15 1 876347040 +601 21 3 876347113 +601 39 1 876350443 +601 50 5 876346810 +601 56 3 876349577 +601 65 4 876350017 +601 82 1 876351298 +601 96 2 876350185 +601 99 3 876350536 +601 100 4 876346757 +601 109 4 876346930 +601 118 1 876347320 +601 121 2 876347267 +601 127 4 876346810 +601 135 4 876350443 +601 140 1 876351298 +601 141 4 876350443 +601 148 3 876348140 +601 164 4 876350875 +601 168 5 876350944 +601 173 5 876348736 +601 174 4 876348572 +601 176 2 876348820 +601 178 4 876348526 +601 179 5 876351073 +601 181 5 876347039 +601 184 3 876350230 +601 195 3 876348611 +601 196 3 876349810 +601 198 4 876350104 +601 208 4 876350017 +601 228 5 876350400 +601 230 4 876350583 +601 234 1 876348947 +601 238 2 876349897 +601 239 3 876350537 +601 250 4 876346930 +601 257 2 876347224 +601 259 1 876346515 +601 260 4 876346633 +601 276 4 876346890 +601 284 4 876347523 +601 290 3 876350501 +601 294 1 876346515 +601 318 4 876348572 +601 324 4 876346383 +601 325 4 876346551 +601 357 4 876349150 +601 365 3 876350812 +601 382 4 876351582 +601 387 3 876350583 +601 405 1 876347765 +601 406 2 876350998 +601 411 2 876348107 +601 416 3 876350683 +601 418 2 876350766 +601 419 4 876351263 +601 421 1 876350060 +601 429 5 876349387 +601 431 4 876351413 +601 436 4 876350230 +601 455 4 876347148 +601 473 3 876347665 +601 475 4 876346890 +601 479 4 876349358 +601 482 4 876350142 +601 483 4 876348782 +601 496 4 876349302 +601 508 4 876346964 +601 584 4 876350142 +601 588 3 876350719 +601 591 3 876347267 +601 623 1 876349897 +601 660 3 876349937 +601 699 3 876350812 +601 740 4 876347196 +601 743 1 876348410 +601 834 1 876348381 +601 864 1 876347320 +601 921 5 876351214 +601 934 1 876348285 +601 1039 4 876350185 +601 1063 3 876350340 +601 1073 2 876350230 +601 1079 3 876347148 +601 1084 5 876346849 +601 1116 4 876350944 +601 1615 4 876348107 +602 1 4 888638547 +602 117 5 888638674 +602 118 3 888638703 +602 125 4 888638674 +602 237 4 888638547 +602 243 3 888638277 +602 259 4 888638160 +602 261 3 888638248 +602 294 5 888637987 +602 300 3 888637847 +602 304 4 888638022 +602 358 4 888637965 +602 508 3 888638618 +602 538 4 888638048 +602 678 4 888638193 +602 880 4 888637925 +603 7 5 891956075 +603 11 5 891956927 +603 21 3 891956715 +603 22 4 891956776 +603 50 5 891955922 +603 56 4 891957053 +603 89 5 891956825 +603 100 4 891956776 +603 157 1 891957031 +603 172 5 891956139 +603 173 4 891956877 +603 174 3 891956927 +603 176 2 891956776 +603 180 4 891956946 +603 181 5 891956154 +603 210 4 891957110 +603 216 4 891957139 +603 222 4 891955922 +603 227 3 891955972 +603 228 3 891955922 +603 230 4 891955922 +603 250 5 891956173 +603 273 1 891956124 +603 288 3 891956283 +603 313 5 891956091 +603 326 4 891956344 +603 380 4 891955972 +603 429 5 891956981 +603 450 3 891955972 +603 474 4 891956803 +603 747 3 891956897 +603 748 5 891956302 +603 751 4 891956242 +603 931 2 891956715 +603 988 4 891956529 +604 7 4 883668097 +604 98 2 883668097 +604 100 5 883668097 +604 183 3 883668021 +604 185 2 883668175 +604 218 3 883668175 +604 234 5 883668097 +604 288 3 883668261 +604 413 3 883668175 +604 441 2 883668261 +604 443 3 883668352 +604 444 2 883668175 +604 447 4 883668352 +604 567 5 883668352 +604 672 1 883668261 +605 1 4 879365748 +605 12 4 881016144 +605 14 5 879427619 +605 15 5 879427151 +605 64 5 879425432 +605 69 5 879425432 +605 70 3 879424680 +605 79 5 879425432 +605 111 3 879425663 +605 117 2 879365748 +605 127 5 879366240 +605 135 5 879424369 +605 137 5 879425432 +605 174 3 879424743 +605 180 4 879424315 +605 187 5 879425432 +605 210 3 879424452 +605 215 3 879426163 +605 238 1 879424783 +605 245 3 879366335 +605 269 4 879365101 +605 274 3 879425663 +605 275 4 879366177 +605 284 2 880762139 +605 302 4 879365132 +605 333 4 880554130 +605 338 2 881015064 +605 371 5 879427369 +605 405 3 879429706 +605 408 5 881016144 +605 471 3 879365748 +605 508 5 879425432 +605 523 5 879424345 +605 526 5 879426371 +605 527 4 879424429 +605 531 4 879424583 +605 546 2 879429729 +605 582 4 879424661 +605 601 5 879426339 +605 619 4 880762205 +605 678 1 879366335 +605 754 3 879425457 +605 930 2 879429706 +605 934 4 879425706 +605 949 5 879427164 +606 1 5 878148365 +606 3 5 880922084 +606 7 4 878143509 +606 8 2 880923579 +606 11 5 880923579 +606 15 5 878143729 +606 22 5 880927357 +606 33 4 880928180 +606 38 4 880927923 +606 50 5 878142864 +606 55 4 880926245 +606 58 3 880924483 +606 63 3 880927666 +606 64 5 880923579 +606 79 3 880927127 +606 81 3 880924921 +606 82 5 880925646 +606 87 4 880924483 +606 88 4 880926533 +606 95 4 880924188 +606 96 5 880925074 +606 97 5 880925453 +606 98 5 880923925 +606 108 1 880923349 +606 111 4 878146986 +606 118 4 878143785 +606 123 3 878143605 +606 124 3 878143246 +606 127 4 878143509 +606 147 5 880922503 +606 148 3 878150506 +606 154 3 880923862 +606 156 4 880924789 +606 168 5 880924557 +606 173 5 880924859 +606 178 5 880925579 +606 179 5 880927552 +606 180 4 880926245 +606 181 5 878143047 +606 184 5 880924790 +606 185 3 880926759 +606 186 5 880925290 +606 187 4 880926861 +606 188 4 880924921 +606 197 3 880926862 +606 198 4 880927665 +606 201 4 880927417 +606 202 4 880924921 +606 204 4 880924384 +606 206 4 880927552 +606 209 4 880926018 +606 210 3 880924557 +606 211 5 880926759 +606 215 4 880923925 +606 228 5 880924663 +606 230 2 880926084 +606 234 4 880927179 +606 235 3 880922566 +606 236 3 878150506 +606 238 4 880927179 +606 241 3 880926246 +606 249 3 880922503 +606 255 5 887061723 +606 257 5 880922503 +606 258 4 887058788 +606 260 3 887059561 +606 273 4 878143509 +606 281 4 880922148 +606 282 4 878147641 +606 284 4 878148425 +606 287 4 880921656 +606 288 4 877641931 +606 293 5 878143605 +606 294 2 880923349 +606 323 4 877642209 +606 333 5 887059213 +606 385 4 880925200 +606 393 4 880925453 +606 404 4 880925200 +606 405 4 878148493 +606 418 5 880923745 +606 421 4 880923989 +606 441 4 880927750 +606 451 3 880927247 +606 468 4 880923989 +606 472 4 880921408 +606 473 4 878149415 +606 475 4 878143785 +606 501 4 880926084 +606 508 4 878147350 +606 516 4 880924859 +606 527 4 880924790 +606 530 4 880925074 +606 537 2 880925074 +606 546 4 878149278 +606 568 4 880923988 +606 576 3 880927750 +606 585 4 880927358 +606 588 5 880923862 +606 591 3 880923349 +606 596 4 878149415 +606 619 4 880922565 +606 620 4 887059014 +606 637 3 880927750 +606 651 4 880926018 +606 678 3 877642127 +606 684 3 880925579 +606 692 5 880924790 +606 713 4 878142865 +606 717 3 878147770 +606 735 5 880926610 +606 746 5 880925394 +606 756 3 878146986 +606 760 3 880923349 +606 763 5 887060488 +606 806 5 880923579 +606 825 5 878149689 +606 827 3 880922625 +606 833 5 887060394 +606 844 4 878149278 +606 919 2 880923349 +606 926 3 880922625 +606 942 4 880926700 +606 951 2 880928181 +606 959 5 880927128 +606 963 5 880923925 +606 966 5 880923745 +606 969 5 880925074 +606 1011 3 880921408 +606 1016 3 887062032 +606 1055 4 880923690 +606 1065 5 880924323 +606 1110 2 880927358 +606 1149 4 880925289 +606 1277 3 878148493 +607 19 3 883879613 +607 56 5 883880155 +607 86 4 883880079 +607 100 4 883879316 +607 107 4 883879756 +607 137 4 883879556 +607 174 3 883879516 +607 211 5 883879556 +607 238 4 883879556 +607 275 4 883879756 +607 435 3 883879473 +607 462 4 883880110 +607 482 5 883879556 +607 487 4 883879213 +607 494 5 883879556 +607 528 4 883879556 +607 529 4 883880027 +607 707 4 883880027 +607 847 4 883879638 +607 855 4 883880027 +607 887 3 883878999 +607 950 3 883879691 +608 9 4 880403765 +608 22 4 880405395 +608 23 5 880403239 +608 42 5 880406168 +608 58 2 880406800 +608 59 5 880403856 +608 65 5 880406469 +608 69 4 880405702 +608 70 4 880406552 +608 79 5 880405863 +608 83 5 880406862 +608 86 5 880403484 +608 92 3 880408150 +608 93 4 880406299 +608 97 3 880405659 +608 111 1 880406507 +608 126 1 880405165 +608 127 5 880403320 +608 131 4 880406032 +608 134 3 880403810 +608 150 3 880406299 +608 157 1 880405085 +608 162 3 880406862 +608 163 1 880405085 +608 168 1 880403810 +608 182 4 880403484 +608 187 4 880403055 +608 190 4 880405527 +608 193 4 880405824 +608 195 1 880405527 +608 197 5 880405431 +608 204 4 880405527 +608 216 5 880403239 +608 218 4 880406862 +608 234 5 880404847 +608 262 3 880402368 +608 265 3 880406470 +608 268 4 880402983 +608 269 3 880402272 +608 276 2 880404975 +608 286 4 880402272 +608 287 3 880406950 +608 288 5 880402982 +608 294 3 880402450 +608 303 4 880402983 +608 306 4 880402983 +608 317 5 880405527 +608 327 2 880402450 +608 332 4 880402982 +608 340 4 880402982 +608 419 4 880405702 +608 421 5 880406427 +608 443 5 880405824 +608 469 3 880405395 +608 478 3 880403606 +608 479 5 880404636 +608 483 4 880404916 +608 489 5 880403765 +608 490 4 880405824 +608 505 5 880406862 +608 507 3 880403899 +608 509 1 880403855 +608 514 5 880403320 +608 517 4 880403856 +608 603 5 880403537 +608 609 5 880406950 +608 611 3 880403537 +608 661 3 880405927 +608 673 4 880405484 +608 690 4 880402527 +608 695 5 880405565 +608 729 4 880407079 +608 735 4 880406799 +608 736 4 880403484 +608 789 3 880405971 +608 848 4 880403690 +608 865 4 880403537 +608 886 1 880402564 +608 1063 5 880405659 +608 1113 3 880406862 +608 1115 4 880406168 +608 1119 5 880406552 +608 1124 4 880404846 +608 1153 3 880406623 +608 1172 5 880404636 +608 1221 2 880406800 +608 1262 5 880406095 +608 1281 4 880407079 +609 1 1 886896185 +609 15 5 886895150 +609 147 1 886895016 +609 259 1 886895763 +609 285 5 886894879 +609 287 5 886894940 +609 313 5 886894637 +609 352 1 886895699 +609 538 1 886895795 +609 750 4 886895397 +609 877 5 886895649 +609 878 1 886895827 +609 894 1 886895852 +609 901 1 886895886 +609 948 1 886895886 +610 1 4 888703157 +610 8 4 888702902 +610 9 3 888702961 +610 11 4 888703432 +610 51 5 888703523 +610 66 3 888704000 +610 70 4 888703609 +610 71 4 888703258 +610 98 5 888702902 +610 127 5 888702902 +610 133 4 888703648 +610 135 3 888703730 +610 162 5 888703343 +610 172 4 888702962 +610 176 4 888703157 +610 185 5 888703191 +610 187 4 888703213 +610 195 3 888703583 +610 203 4 888703749 +610 204 1 888703343 +610 216 4 888703291 +610 283 3 888703316 +610 315 4 888702764 +610 317 3 888703553 +610 318 5 888703378 +610 352 1 888702795 +610 378 5 888703609 +610 402 5 888704000 +610 423 4 888703710 +610 480 5 888702962 +610 483 5 888702859 +610 484 3 888703507 +610 485 5 888703815 +610 505 4 888703537 +610 508 3 888703629 +610 516 3 888703710 +610 527 4 888703801 +610 568 4 888703648 +610 582 4 888703749 +610 606 5 888703343 +610 607 5 888703157 +610 673 4 888704000 +610 750 4 888702841 +610 751 4 888702795 +610 755 5 888703710 +610 1558 3 888703475 +611 272 5 891636098 +611 288 3 891636073 +611 300 5 891636244 +611 301 4 891636152 +611 302 5 891636073 +611 303 3 891636073 +611 305 4 891636192 +611 306 5 891636152 +611 307 4 891636125 +611 311 4 891636073 +611 315 5 891636098 +611 324 3 891636399 +611 340 5 891636192 +611 342 3 891636223 +611 347 4 891636244 +611 350 4 891636399 +611 353 3 891636125 +611 354 3 891636192 +611 680 4 891636125 +611 690 3 891636098 +611 750 5 891636222 +611 752 5 891636223 +611 882 4 891636192 +611 886 4 891636399 +611 906 2 891636223 +611 1243 3 891636244 +612 7 3 875324876 +612 9 3 875324876 +612 25 3 875324915 +612 100 4 875324790 +612 117 4 875324599 +612 127 2 875325049 +612 147 4 875324975 +612 202 2 875325221 +612 243 2 875324355 +612 259 3 875324355 +612 322 3 875324294 +612 476 3 875324947 +612 477 2 875324876 +612 480 4 875325049 +612 864 4 875324756 +612 878 2 875324400 +612 924 5 875324710 +612 926 2 875324789 +612 1060 4 875324756 +612 1063 5 875325049 +613 12 5 891227299 +613 50 5 891227365 +613 89 5 891227237 +613 176 5 891227237 +613 258 5 891227365 +613 272 5 891227111 +613 279 4 891227410 +613 297 5 891227338 +613 303 4 891227111 +613 318 5 891227299 +613 435 5 891227299 +613 478 5 891227262 +613 530 5 891227262 +613 576 3 891227204 +613 603 5 891227298 +613 632 3 891227204 +613 1157 2 891227204 +613 1315 4 891227338 +614 7 2 879464215 +614 9 4 879464063 +614 14 3 879464093 +614 25 1 879464376 +614 100 5 879464119 +614 117 3 879464352 +614 121 4 879464398 +614 126 4 879464183 +614 235 5 879464437 +614 237 2 879464216 +614 276 4 879464234 +614 281 3 879464308 +614 286 2 879464507 +614 287 3 879464456 +614 289 2 879463669 +614 293 3 879464157 +614 411 3 879465452 +614 508 4 879464093 +614 535 2 879464376 +614 1142 3 879463965 +615 14 5 879448016 +615 26 4 879448233 +615 28 4 879448759 +615 48 5 879448399 +615 69 4 879448632 +615 70 4 879448915 +615 72 2 879449164 +615 83 4 879448399 +615 86 5 879448439 +615 87 4 879448780 +615 97 4 879448759 +615 100 3 879448693 +615 135 4 879448599 +615 153 4 879449130 +615 168 5 879449110 +615 170 4 879447895 +615 179 4 879447968 +615 180 4 879448475 +615 190 3 879447968 +615 191 5 879448759 +615 192 5 879448780 +615 197 4 879448439 +615 213 5 879447990 +615 215 4 879448632 +615 216 4 879449068 +615 238 3 879449044 +615 259 1 879447642 +615 262 4 879447556 +615 268 4 879447642 +615 269 4 879447500 +615 271 2 879447642 +615 283 4 879448015 +615 286 4 879447500 +615 289 2 879447670 +615 294 3 879447613 +615 300 4 879447613 +615 302 4 879447500 +615 325 2 879447693 +615 332 2 879447585 +615 357 5 879448399 +615 387 3 879448915 +615 427 5 879448475 +615 435 5 879449089 +615 475 4 879447919 +615 509 4 879448149 +615 514 5 879449110 +615 517 5 879449068 +615 519 5 879448598 +615 521 4 879448475 +615 528 4 879448399 +615 582 3 879447968 +615 629 4 879449184 +615 638 5 879447968 +615 640 3 879448182 +615 644 4 879448599 +615 660 4 879448882 +615 666 2 879448270 +615 678 1 879447713 +615 683 1 879447642 +615 699 3 879448823 +615 708 2 879448882 +615 735 3 879448823 +615 886 2 879447692 +615 937 2 879447530 +615 1021 5 879448119 +615 1065 4 879448567 +615 1128 1 879448715 +615 1192 4 879448715 +616 245 3 891224767 +616 258 4 891224676 +616 269 4 891224517 +616 288 4 891224676 +616 289 4 891224840 +616 292 4 891224448 +616 300 4 891224644 +616 301 3 891224748 +616 302 5 891224517 +616 307 2 891224448 +616 313 5 891224590 +616 316 4 891224840 +616 326 3 891224590 +616 327 3 891224558 +616 339 3 891224718 +616 343 4 891224864 +616 346 3 891224558 +616 349 4 891224748 +616 355 4 891224881 +616 362 3 891224517 +616 689 4 891224748 +616 748 3 891224840 +616 750 5 891224590 +616 879 4 891224864 +616 895 3 891224644 +616 937 4 891224919 +617 7 3 883789425 +617 17 1 883789507 +617 53 1 883789537 +617 56 1 883789425 +617 74 5 883788859 +617 89 4 883789294 +617 98 2 883789080 +617 100 4 883789425 +617 132 1 883789006 +617 134 3 883788900 +617 164 1 883789664 +617 170 1 883788929 +617 174 1 883788820 +617 179 4 883789386 +617 192 5 883788900 +617 200 5 883789425 +617 217 1 883789507 +617 218 2 883789464 +617 234 3 883789464 +617 242 3 883788511 +617 269 1 883788511 +617 294 1 883788511 +617 302 4 883788511 +617 320 5 883789424 +617 345 1 883788511 +617 357 4 883789386 +617 396 1 883789590 +617 413 1 883789635 +617 423 1 883789294 +617 424 1 883789716 +617 427 4 883789042 +617 440 4 883789635 +617 441 3 883789590 +617 443 4 883788782 +617 446 2 883789590 +617 447 4 883789386 +617 448 3 883789507 +617 452 1 883789590 +617 453 1 883789715 +617 488 4 883789386 +617 496 1 883789080 +617 498 3 883788955 +617 515 3 883788782 +617 531 2 883788859 +617 547 1 883789464 +617 558 3 883789425 +617 559 1 883789507 +617 565 4 883789635 +617 567 2 883789747 +617 582 4 883789294 +617 606 3 883788929 +617 611 4 883789386 +617 615 3 883789294 +617 635 4 883789716 +617 637 3 883789507 +617 646 4 883789386 +617 653 4 883788955 +617 656 4 883789386 +617 668 4 883789716 +617 670 1 883789590 +617 671 4 883789425 +617 672 3 883789537 +617 674 3 883789536 +617 816 1 883789747 +617 854 1 883789464 +617 855 3 883789294 +617 859 3 883789590 +617 860 1 883789635 +617 868 4 883788820 +617 1021 4 883788730 +617 1187 3 883788900 +617 1316 1 883788511 +617 1612 1 883788511 +618 2 2 891309091 +618 7 4 891309887 +618 8 3 891307862 +618 12 4 891307263 +618 15 3 891308391 +618 24 2 891308515 +618 25 2 891308260 +618 28 4 891309887 +618 31 4 891307577 +618 33 2 891309351 +618 49 3 891309514 +618 50 5 891307175 +618 52 3 891307224 +618 54 3 891309319 +618 55 2 891308063 +618 56 4 891307175 +618 62 2 891309697 +618 64 4 891306990 +618 65 3 891309720 +618 73 3 891309440 +618 77 3 891309720 +618 79 5 891307494 +618 87 3 891307931 +618 88 4 891309440 +618 90 1 891309351 +618 93 3 891307019 +618 95 3 891309319 +618 96 3 891307749 +618 99 3 891308019 +618 100 4 891308063 +618 109 2 891308615 +618 111 3 891308946 +618 118 3 891309004 +618 121 4 891308913 +618 127 5 891307619 +618 131 4 891307343 +618 133 4 891307784 +618 135 4 891307224 +618 136 3 891307931 +618 143 4 891308515 +618 144 4 891309887 +618 148 3 891309670 +618 150 2 891308175 +618 151 3 891309514 +618 154 3 891308615 +618 159 3 891309670 +618 161 4 891308946 +618 164 3 891309041 +618 172 5 891307098 +618 174 5 891307539 +618 181 5 891307263 +618 182 4 891307289 +618 183 4 891307494 +618 185 5 891308260 +618 186 4 891307224 +618 187 5 891307098 +618 193 4 891308432 +618 196 4 891307889 +618 200 5 891307367 +618 204 3 891307098 +618 210 3 891308703 +618 214 2 891308176 +618 218 3 891308115 +618 233 3 891309471 +618 234 4 891307714 +618 237 4 891307343 +618 238 1 891308391 +618 265 4 891307289 +618 273 4 891309293 +618 275 3 891307577 +618 282 3 891307289 +618 288 3 891307343 +618 313 4 891306927 +618 367 3 891309319 +618 378 4 891309514 +618 382 2 891307540 +618 392 3 891308979 +618 403 4 891309608 +618 416 4 891309720 +618 418 3 891308260 +618 420 3 891309163 +618 432 5 891308979 +618 443 4 891308665 +618 458 3 891309579 +618 468 3 891308665 +618 470 3 891308615 +618 483 5 891308199 +618 487 4 891309886 +618 496 4 891307619 +618 506 4 891308296 +618 521 2 891307784 +618 531 4 891309886 +618 549 2 891308342 +618 550 3 891308261 +618 566 3 891308261 +618 568 4 891309409 +618 582 4 891309217 +618 588 4 891307224 +618 609 4 891309440 +618 628 2 891308019 +618 633 3 891308571 +618 651 5 891307263 +618 660 3 891309040 +618 679 1 891308615 +618 693 3 891307540 +618 697 3 891308063 +618 699 3 891309410 +618 705 3 891307825 +618 709 2 891308665 +618 713 4 891307224 +618 723 3 891309514 +618 724 3 891309091 +618 731 2 891309514 +618 735 3 891308571 +618 755 2 891309670 +618 770 2 891309756 +618 776 2 891307098 +618 778 3 891308515 +618 781 3 891309382 +618 895 3 891309929 +618 924 4 891309040 +618 925 2 891308854 +618 939 2 891308791 +618 944 2 891309266 +618 962 1 891307784 +618 1039 4 891309887 +618 1063 3 891308459 +618 1071 1 891308542 +618 1163 2 891309266 +618 1212 2 891309410 +618 1221 2 891309636 +618 1225 2 891309382 +619 11 2 885954019 +619 27 4 885954159 +619 33 3 885954133 +619 39 2 885954083 +619 56 3 885953992 +619 62 1 885954185 +619 68 3 885954105 +619 79 5 885953992 +619 96 5 885954083 +619 117 5 885953778 +619 121 5 885953805 +619 161 4 885954133 +619 176 5 885954053 +619 181 4 885953778 +619 182 4 885954019 +619 195 5 885954019 +619 231 4 885954185 +619 233 4 885954158 +619 241 5 885954083 +619 245 4 885953743 +619 293 3 885953804 +619 298 5 885953778 +619 323 3 885953878 +619 326 2 885953601 +619 327 3 885953743 +619 328 1 885953684 +619 333 2 885953574 +619 363 2 885954215 +619 391 3 885954215 +619 403 5 885954159 +619 406 2 885953931 +619 546 2 885953826 +619 554 3 885954238 +619 562 3 885954341 +619 566 4 885954105 +619 578 4 885954215 +619 597 4 885953850 +619 684 4 885954083 +619 685 3 885953850 +619 750 3 885953537 +619 808 3 885954053 +619 809 1 885954238 +619 827 3 885953878 +619 849 2 885954184 +620 7 4 889987073 +620 28 4 889988121 +620 50 4 889988121 +620 63 5 889988232 +620 71 5 889988005 +620 78 4 889988340 +620 82 5 889988146 +620 94 5 889988340 +620 95 4 889988005 +620 100 1 889987073 +620 101 2 889988069 +620 112 4 889988341 +620 121 5 889987825 +620 123 3 889987190 +620 138 5 889988312 +620 140 4 889988258 +620 145 5 889987682 +620 147 3 889987299 +620 148 3 889987299 +620 151 4 889988196 +620 164 5 889987586 +620 172 4 889988146 +620 173 5 889988121 +620 174 5 889988121 +620 181 4 889988146 +620 234 3 889987560 +620 237 4 889987123 +620 243 3 889986676 +620 260 5 889986624 +620 268 4 889986452 +620 281 5 889987852 +620 294 5 889986557 +620 313 5 889986477 +620 323 5 889986580 +620 379 4 889987656 +620 393 5 889988196 +620 406 4 889987073 +620 418 3 889988005 +620 419 2 889988169 +620 420 3 889988005 +620 422 1 889988036 +620 432 4 889988036 +620 444 3 889987682 +620 452 3 889987604 +620 465 4 889988232 +620 560 4 889988232 +620 563 5 889987682 +620 565 4 889987682 +620 588 5 889988036 +620 595 5 889987792 +620 596 2 889987954 +620 623 4 889988232 +620 625 3 889988005 +620 627 5 889988037 +620 676 3 889987190 +620 678 3 889986642 +620 682 2 889986985 +620 699 5 889988121 +620 706 3 889987706 +620 742 5 889987792 +620 755 5 889988169 +620 758 2 889987073 +620 760 3 889987073 +620 768 5 889988069 +620 834 2 889987073 +620 859 4 889987657 +620 924 3 889987164 +620 930 2 889987875 +620 931 3 889987875 +620 1035 4 889988232 +620 1036 4 889988258 +620 1043 4 889988340 +620 1066 5 889988069 +620 1091 4 889988069 +620 1219 3 889988069 +620 1480 3 889988281 +620 1503 4 889988196 +621 1 3 880227233 +621 2 3 880739909 +621 3 5 881444887 +621 4 4 874962988 +621 7 4 880738353 +621 8 5 874965407 +621 25 4 880738699 +621 33 4 874962824 +621 38 3 874964495 +621 40 3 874963273 +621 50 5 874965407 +621 55 5 874963594 +621 62 4 874964496 +621 65 3 885596944 +621 67 4 880739654 +621 68 4 880739654 +621 72 2 874962900 +621 73 5 874962772 +621 79 5 874963594 +621 80 4 874963126 +621 82 5 874964267 +621 88 2 874962772 +621 91 3 874965299 +621 94 2 874963081 +621 95 4 880739654 +621 107 4 880737311 +621 108 3 881445012 +621 117 5 880227268 +621 118 3 880738353 +621 135 5 885596819 +621 142 3 874965299 +621 143 2 874965208 +621 147 3 880738282 +621 148 4 880739654 +621 151 5 880737929 +621 154 5 881444499 +621 161 3 874964447 +621 173 4 874965407 +621 181 5 874965408 +621 183 4 874963594 +621 184 3 874964267 +621 197 4 885596884 +621 200 4 874964816 +621 208 4 874962824 +621 231 4 874964375 +621 233 3 874964375 +621 235 3 880738142 +621 240 4 880738893 +621 249 5 880738282 +621 263 1 883800011 +621 276 4 880736723 +621 293 3 880227385 +621 299 1 880227012 +621 300 3 890517589 +621 301 4 880226534 +621 313 5 883798770 +621 364 3 874963446 +621 367 3 874962900 +621 384 3 874963081 +621 386 3 874963126 +621 395 4 880739654 +621 404 3 874965496 +621 405 5 880740034 +621 418 3 874965298 +621 423 4 880739654 +621 432 4 874965093 +621 451 1 874963028 +621 455 4 880738462 +621 501 3 874965299 +621 540 3 874964657 +621 541 4 874964605 +621 542 2 874965093 +621 554 4 874964657 +621 559 5 874964915 +621 567 3 874964991 +621 568 5 874963797 +621 576 2 874964605 +621 577 3 874963446 +621 585 4 874962988 +621 588 3 874965208 +621 625 4 874965299 +621 676 3 880737607 +621 686 5 880739852 +621 692 4 874962614 +621 721 4 874963126 +621 748 4 880226710 +621 751 4 883799651 +621 769 3 874964991 +621 780 4 874962824 +621 783 3 874963273 +621 790 4 874963081 +621 795 1 874963273 +621 804 4 881445120 +621 809 4 880740136 +621 833 3 880738462 +621 876 2 883799203 +621 879 4 880227012 +621 890 1 883799608 +621 926 3 880738894 +621 1012 5 880227233 +621 1016 4 880737785 +621 1035 4 880739654 +621 1036 1 874963446 +621 1093 4 880738568 +621 1118 3 874962824 +621 1185 3 881445012 +621 1228 3 880740296 +622 2 4 882671363 +622 3 1 882672922 +622 4 4 882671120 +622 7 5 882590269 +622 8 4 882592421 +622 9 4 882669969 +622 11 4 882669740 +622 12 5 882669468 +622 22 4 882592178 +622 24 4 882590367 +622 29 4 882592735 +622 30 4 882670190 +622 41 3 882672060 +622 49 3 882671273 +622 62 4 882592850 +622 66 3 882670480 +622 69 4 882592041 +622 70 3 882670562 +622 72 3 882671142 +622 79 5 882591979 +622 80 3 882671446 +622 88 3 882670749 +622 95 4 882669556 +622 96 5 882592449 +622 98 5 882669449 +622 99 4 882592383 +622 100 5 882590252 +622 105 3 882591726 +622 106 2 882591172 +622 109 5 882590559 +622 111 4 882591014 +622 117 4 882590291 +622 120 1 882592643 +622 121 1 882590955 +622 125 3 882590457 +622 127 5 882590534 +622 135 4 882592346 +622 153 4 882592314 +622 154 4 882669740 +622 159 3 882670309 +622 161 3 882670712 +622 162 3 882670389 +622 168 4 882592041 +622 172 5 882669826 +622 173 5 882670057 +622 174 4 882592559 +622 175 4 882669645 +622 176 4 882669851 +622 178 4 882592421 +622 181 5 882592041 +622 183 4 882669826 +622 185 3 882592041 +622 190 4 882669762 +622 194 4 882669762 +622 195 5 882591938 +622 196 3 882669695 +622 198 4 882669612 +622 199 5 882592143 +622 202 4 882670252 +622 204 3 882592559 +622 206 1 882670899 +622 207 5 882592278 +622 209 5 882592421 +622 210 3 882669784 +622 213 5 882670009 +622 218 3 882670057 +622 226 4 882670367 +622 227 3 882592815 +622 228 5 882592815 +622 229 2 882592850 +622 230 3 882592815 +622 231 4 882592735 +622 240 3 882590420 +622 248 4 882590420 +622 249 5 882590394 +622 252 1 882591582 +622 253 3 882591047 +622 257 3 882590485 +622 276 4 882590485 +622 280 3 882590534 +622 283 4 882590534 +622 284 1 882590670 +622 363 4 882591484 +622 364 1 882672922 +622 367 4 882670712 +622 373 1 882672922 +622 375 2 882592625 +622 386 3 882671727 +622 391 2 882671827 +622 404 3 882670562 +622 405 4 882590886 +622 418 3 882669905 +622 419 4 882670009 +622 423 3 882670121 +622 427 4 882592178 +622 431 5 882670169 +622 434 4 882592523 +622 450 1 882592850 +622 451 4 882671221 +622 474 3 882669509 +622 479 4 882669668 +622 480 4 882669414 +622 482 3 882592178 +622 484 3 882669803 +622 501 3 882670480 +622 506 3 882670139 +622 511 4 882592103 +622 519 3 882591938 +622 521 5 882670009 +622 532 3 882591091 +622 541 2 882592781 +622 578 4 882670843 +622 581 4 882670562 +622 586 3 882671916 +622 588 4 882592246 +622 625 3 882671120 +622 665 2 882671769 +622 674 2 882670929 +622 693 4 882592383 +622 719 2 882671622 +622 721 4 882670610 +622 725 3 882672177 +622 730 4 882669509 +622 739 2 882671554 +622 742 3 882590420 +622 755 4 882670211 +622 756 3 882591321 +622 763 4 882591047 +622 769 1 882672922 +622 780 4 882671574 +622 781 3 882671595 +622 797 2 882670862 +622 808 3 882671534 +622 845 3 882590291 +622 866 2 882591484 +622 934 2 882591726 +622 977 2 882591804 +622 978 2 882591453 +622 993 4 882590809 +622 1016 3 882591014 +622 1060 3 882671160 +622 1078 3 882671160 +622 1149 3 882592314 +622 1203 3 882669645 +622 1216 4 882590344 +622 1228 1 882672922 +622 1230 1 882672922 +622 1231 2 882670653 +622 1406 3 882671381 +622 1407 1 882672922 +622 1408 1 882672922 +622 1411 4 882671664 +622 1419 2 882672120 +623 15 4 891032375 +623 50 5 891035112 +623 70 4 891034950 +623 153 3 891034757 +623 185 4 891034343 +623 186 3 891034814 +623 202 1 891034620 +623 204 5 891035112 +623 210 5 891035112 +623 211 3 891034814 +623 216 4 891034756 +623 228 3 891034343 +623 258 4 891032358 +623 274 4 891034053 +623 275 5 891035112 +623 286 2 891032107 +623 288 1 891032140 +623 451 4 891034973 +623 523 4 891034756 +623 525 4 891034294 +623 603 4 891034294 +623 642 3 891034472 +623 815 2 891034053 +624 1 4 879792581 +624 3 3 879793436 +624 14 5 879792623 +624 15 4 879793330 +624 24 3 879793380 +624 25 4 879792446 +624 50 5 879792581 +624 93 5 879792557 +624 100 5 879792581 +624 117 3 879792446 +624 121 3 879793156 +624 122 3 879793436 +624 126 4 879792395 +624 127 4 879792322 +624 137 4 879792623 +624 235 4 879793156 +624 236 3 879792358 +624 245 3 879792109 +624 246 4 879792493 +624 255 3 879793435 +624 257 3 879793269 +624 262 4 891961078 +624 271 3 879791884 +624 272 5 885215463 +624 275 4 879792493 +624 278 4 879793545 +624 282 4 879793330 +624 293 4 879792623 +624 298 4 879792378 +624 300 4 879792132 +624 301 3 879792131 +624 302 4 885215462 +624 307 3 891961056 +624 310 4 891961078 +624 312 4 891961343 +624 313 5 885215463 +624 316 4 891961232 +624 319 3 891961140 +624 321 4 879791962 +624 326 3 891961210 +624 327 4 879791819 +624 329 3 891961120 +624 340 3 879791884 +624 346 3 885215462 +624 405 4 879792671 +624 410 4 879793156 +624 411 4 879793269 +624 455 3 879793358 +624 471 4 879792493 +624 473 3 879793093 +624 477 3 879793198 +624 508 4 879793092 +624 544 4 879792557 +624 546 3 879793093 +624 595 3 879793408 +624 597 3 879793129 +624 619 3 879793408 +624 689 3 891961187 +624 690 4 879791962 +624 696 4 879793223 +624 742 4 879793093 +624 748 3 879792109 +624 750 4 891961163 +624 762 4 879793330 +624 763 3 879792671 +624 824 2 879793582 +624 831 3 879793545 +624 833 4 879793582 +624 845 3 879793129 +624 864 3 879793198 +624 866 3 879793436 +624 870 4 879793155 +624 879 3 879792171 +624 886 4 879792251 +624 898 1 891961380 +624 928 3 879793511 +624 952 3 879793129 +624 979 4 879793511 +624 980 4 879793358 +624 993 4 879793486 +624 1010 4 879793155 +624 1012 4 879793408 +624 1059 1 879793358 +624 1067 4 879793330 +624 1114 4 879792557 +624 1289 3 879793093 +625 4 4 892000372 +625 22 3 891262899 +625 25 2 891632018 +625 50 5 891273543 +625 70 3 891262724 +625 91 4 891263057 +625 95 3 891953755 +625 96 5 892000372 +625 97 4 891263057 +625 100 3 891878363 +625 121 3 891273698 +625 135 5 891999874 +625 151 3 891999874 +625 165 3 891999926 +625 166 3 891960843 +625 172 4 891263057 +625 174 4 891263589 +625 176 4 891263960 +625 192 2 892000438 +625 197 5 891262724 +625 198 4 891263665 +625 200 3 892000686 +625 204 3 891999874 +625 209 3 891262633 +625 210 3 892054095 +625 212 3 891968320 +625 216 4 891262899 +625 235 3 891631761 +625 238 4 891636000 +625 254 3 891273897 +625 258 4 891262561 +625 283 3 891629673 +625 286 4 891262561 +625 294 3 891536483 +625 300 3 891262561 +625 385 4 892053920 +625 408 4 891997054 +625 423 4 891263760 +625 428 5 891953755 +625 476 2 891632164 +625 479 4 891262983 +625 484 4 891262783 +625 486 3 891953617 +625 514 3 891262724 +625 515 4 891263589 +625 519 2 891263703 +625 522 3 891968164 +625 597 2 891273801 +625 602 3 891263057 +625 652 4 891262983 +625 654 3 891262837 +625 678 3 891262561 +625 692 3 892000518 +625 705 3 891262983 +625 732 3 891263960 +625 739 3 891263665 +625 748 3 891262561 +625 751 4 891536426 +625 855 4 891953479 +625 961 4 891962917 +625 1016 2 891273699 +625 1020 3 892000629 +626 258 4 878771243 +626 266 1 878771476 +626 270 2 878771355 +626 272 5 887772871 +626 288 3 878771243 +626 292 1 878771281 +626 302 4 878771242 +626 323 1 878771505 +626 324 4 878771281 +626 327 4 878771419 +626 333 1 878771281 +626 336 1 878771477 +626 678 1 878771505 +626 680 1 878771476 +626 681 1 878771477 +626 879 1 878771418 +627 2 3 879531352 +627 7 5 879531158 +627 9 4 879530014 +627 17 2 879531397 +627 22 5 879530205 +627 23 4 879529986 +627 26 3 879530824 +627 28 3 879529987 +627 33 1 879531397 +627 47 2 879530346 +627 52 3 879530146 +627 53 4 879531504 +627 56 2 879531248 +627 64 5 879530015 +627 68 4 879531429 +627 77 2 879530305 +627 79 3 879531158 +627 82 4 879531248 +627 89 5 879531158 +627 97 2 879529958 +627 100 5 879529702 +627 123 3 879530305 +627 125 2 879530346 +627 135 4 879529702 +627 144 2 879531158 +627 148 3 879530463 +627 157 4 879530110 +627 162 3 879530568 +627 174 3 879531195 +627 175 1 879530110 +627 179 5 879530536 +627 180 5 879529794 +627 187 5 879529855 +627 188 4 879531196 +627 193 5 879529767 +627 195 4 879531301 +627 197 5 879529730 +627 199 5 879529702 +627 210 3 879531248 +627 228 4 879531301 +627 229 2 879531459 +627 230 4 879531397 +627 232 3 879531302 +627 233 2 879531351 +627 237 4 879530346 +627 241 4 879531397 +627 245 4 879529556 +627 271 5 879529432 +627 276 2 879530173 +627 281 3 879531504 +627 282 2 879530463 +627 288 3 879529381 +627 289 2 879530899 +627 300 4 879529486 +627 317 5 879530071 +627 328 4 879529486 +627 358 3 879529556 +627 385 2 879531351 +627 387 2 879529916 +627 402 3 879530866 +627 403 2 879530694 +627 431 4 879531302 +627 435 5 879531158 +627 467 5 879530042 +627 468 2 879530408 +627 470 3 879530264 +627 471 3 879530463 +627 511 4 879529986 +627 518 4 879530146 +627 520 5 879529916 +627 521 2 879529767 +627 523 4 879529767 +627 526 4 879529916 +627 528 4 879530662 +627 530 3 879531195 +627 541 4 879531504 +627 549 3 879530625 +627 550 1 879531352 +627 566 3 879531249 +627 576 3 879531504 +627 581 3 879530662 +627 591 3 879530205 +627 628 4 879530501 +627 649 4 879530071 +627 655 4 879530536 +627 658 3 879530536 +627 660 4 879530463 +627 665 3 879531459 +627 679 3 879531429 +627 684 4 879531301 +627 690 5 879529406 +627 693 2 879530205 +627 699 1 879530263 +627 704 4 879530967 +627 713 2 879530306 +627 720 2 879531397 +627 735 4 879530600 +627 740 1 879530501 +627 792 4 879530501 +627 849 4 879531504 +627 941 3 879530866 +627 942 2 879530408 +627 947 3 879531301 +627 956 2 879530463 +627 1004 4 879531504 +627 1044 2 879530899 +627 1135 3 879530625 +627 1194 4 879529855 +627 1267 4 879530346 +627 1478 3 879530967 +628 8 2 880777167 +628 168 4 880777167 +628 242 5 880777096 +628 258 5 880777167 +628 270 5 880776981 +628 294 4 880777167 +628 301 4 880777046 +628 302 5 880776981 +628 326 5 880777095 +628 330 5 880777096 +628 332 5 880777096 +628 338 5 880776981 +628 690 5 880776981 +628 984 5 880776981 +628 1025 5 880777095 +628 1296 5 880777096 +629 9 4 880117485 +629 23 5 880117001 +629 39 2 880117747 +629 42 2 880117430 +629 55 4 880117094 +629 56 5 880117430 +629 58 4 880117215 +629 69 5 880117485 +629 86 5 880117163 +629 92 4 880117163 +629 100 5 880116847 +629 111 5 880117689 +629 127 5 880117605 +629 132 5 880117395 +629 137 5 880117001 +629 144 5 880117430 +629 153 5 880116818 +629 160 4 880117361 +629 173 5 880116847 +629 174 5 880116847 +629 187 5 880117031 +629 193 5 880117565 +629 194 5 880116887 +629 196 4 880117062 +629 200 4 880117333 +629 210 5 880117689 +629 223 5 880117813 +629 234 4 880117215 +629 238 5 880117285 +629 241 5 880116911 +629 245 3 880116240 +629 268 5 880116722 +629 270 3 880116023 +629 271 4 880116722 +629 273 2 880117001 +629 275 5 880117565 +629 276 5 880116887 +629 277 5 880117459 +629 284 4 880117719 +629 288 4 880116722 +629 294 3 880115922 +629 300 4 880115923 +629 309 3 880116240 +629 324 2 880116023 +629 326 3 880116103 +629 328 3 880116103 +629 331 3 880116067 +629 357 4 880117062 +629 392 4 880117747 +629 416 4 880117813 +629 425 3 880117163 +629 435 4 880116756 +629 475 4 880117121 +629 504 4 880117719 +629 528 5 880117395 +629 632 3 880117031 +629 651 5 880117163 +629 655 5 880117333 +629 658 4 880117813 +629 693 5 880117215 +629 699 3 880117460 +629 732 5 880117430 +629 876 3 880116023 +629 881 3 880116023 +629 1038 3 880116240 +629 1109 4 880117813 +630 1 4 885666779 +630 9 2 885666536 +630 11 5 885668028 +630 12 4 885667854 +630 15 3 885666718 +630 22 3 885668328 +630 25 2 885666779 +630 64 5 885668276 +630 69 3 885667939 +630 98 5 885667898 +630 111 5 885666956 +630 117 5 885666804 +630 120 4 885667678 +630 121 4 885666823 +630 123 4 885668203 +630 125 3 885666875 +630 127 2 885666536 +630 153 3 885668277 +630 181 3 885666650 +630 193 3 885667939 +630 195 4 885667968 +630 213 2 885667994 +630 216 5 885667968 +630 222 4 885666779 +630 237 5 885666823 +630 239 4 885668061 +630 240 3 885667200 +630 252 2 885667464 +630 264 2 885666353 +630 273 5 885666779 +630 278 4 885667508 +630 282 3 885666804 +630 294 4 885666018 +630 310 3 885665975 +630 323 4 885666237 +630 325 3 885666301 +630 357 3 885668090 +630 465 1 885668203 +630 471 4 885666955 +630 472 3 885667391 +630 476 5 885667108 +630 496 3 885667854 +630 535 4 885667624 +630 546 3 885667056 +630 550 3 885667968 +630 568 4 885668328 +630 640 1 885668276 +630 687 3 885666301 +630 717 3 885667661 +630 732 4 885668203 +630 735 2 885668231 +630 742 5 885666918 +630 756 4 885667551 +630 815 3 885667229 +630 819 3 885667108 +630 820 4 885667391 +630 845 3 885666918 +630 864 4 885667600 +630 866 3 885667148 +630 871 2 885666918 +630 932 2 885667108 +630 934 3 885667624 +630 988 2 885666301 +630 1040 4 885667660 +630 1061 2 885667581 +630 1079 1 885667508 +630 1197 3 885667464 +631 272 4 888464916 +631 286 3 888465033 +631 288 3 888464916 +631 294 3 888465155 +631 310 4 888464980 +631 315 4 888464916 +631 323 2 888465216 +631 332 3 888465180 +631 334 2 888464941 +631 346 4 888465004 +631 682 2 888465247 +631 873 2 888465084 +631 877 2 888465131 +631 886 4 888465216 +631 1527 2 888465351 +632 2 4 879459505 +632 7 3 879456955 +632 11 4 879458142 +632 12 5 879456910 +632 22 4 879457394 +632 25 1 879459418 +632 28 3 879458649 +632 50 5 879459738 +632 51 4 879459166 +632 54 3 879459304 +632 55 2 879457857 +632 58 3 879459210 +632 64 5 879457525 +632 69 4 879457371 +632 71 4 879458649 +632 73 3 879459649 +632 82 4 879457903 +632 95 5 879456955 +632 96 5 879457902 +632 99 5 879458941 +632 100 3 879457603 +632 132 5 879459738 +632 133 4 879457064 +632 134 5 879457217 +632 143 5 879459053 +632 159 3 879459460 +632 164 4 879458692 +632 168 4 879457248 +632 173 5 879458649 +632 174 5 879457856 +632 176 3 879457812 +632 182 3 879457641 +632 188 4 879457857 +632 191 5 879457603 +632 194 4 879457712 +632 195 5 879459738 +632 196 3 879457064 +632 201 4 879457641 +632 202 4 879457712 +632 203 3 879457217 +632 210 5 879459738 +632 227 3 879459025 +632 228 3 879457157 +632 237 3 879458570 +632 258 4 879459777 +632 288 3 879458977 +632 318 5 879456843 +632 356 4 879459248 +632 367 2 879459544 +632 385 4 879458649 +632 419 4 879457903 +632 451 4 879459505 +632 468 3 879457925 +632 475 3 879457582 +632 485 4 879457157 +632 508 2 879458570 +632 523 3 879458900 +632 527 4 879458429 +632 549 3 879459210 +632 550 2 879458900 +632 566 4 879458649 +632 568 3 879458142 +632 591 4 879459053 +632 609 3 879459677 +632 622 4 879459418 +632 633 4 879459003 +632 651 5 879459738 +632 679 4 879459321 +632 685 2 879459394 +632 693 2 879458692 +632 720 3 879459025 +632 739 3 879459210 +632 845 4 879459677 +632 877 1 879459777 +632 1028 2 879459649 +632 1183 2 879458142 +633 28 4 877212366 +633 45 3 877211326 +633 50 4 875326664 +633 56 2 875326491 +633 71 3 875325804 +633 77 3 877212173 +633 82 4 875325273 +633 94 4 877211684 +633 96 4 875324997 +633 97 3 877211083 +633 98 4 875324715 +633 143 4 877211134 +633 147 4 875325740 +633 148 1 875326138 +633 159 4 875325093 +633 176 3 875325577 +633 195 4 875324997 +633 226 4 877212085 +633 237 4 875324891 +633 288 2 875324233 +633 300 4 875324233 +633 318 4 875324813 +633 328 4 875324298 +633 423 4 877212367 +633 498 2 875324922 +633 526 4 877212250 +633 581 3 877212085 +633 654 3 875324654 +633 778 2 877211886 +633 871 3 875326698 +633 921 3 875324812 +633 958 3 877210979 +633 1132 2 875325691 +634 9 5 877018125 +634 15 4 875729436 +634 25 4 877018125 +634 93 5 877018125 +634 109 4 877017810 +634 111 4 875729794 +634 116 3 875729069 +634 117 4 875729535 +634 118 4 875729106 +634 124 3 875728913 +634 127 5 877018347 +634 147 2 875729749 +634 150 3 875728834 +634 221 1 875729105 +634 222 3 875728913 +634 225 3 875729668 +634 237 5 877018125 +634 245 3 875729217 +634 248 4 877018311 +634 269 4 890779855 +634 272 5 889464384 +634 273 3 875729069 +634 276 5 877018125 +634 281 4 877017829 +634 284 4 875729668 +634 285 4 875728872 +634 286 5 877018125 +634 288 3 875729178 +634 290 3 877017891 +634 292 3 876170101 +634 294 4 876170101 +634 300 3 881952599 +634 302 5 877974667 +634 322 3 875729217 +634 323 4 875729217 +634 331 4 875728702 +634 333 4 881007052 +634 405 4 877017872 +634 408 3 875728783 +634 410 4 877017872 +634 458 4 875729148 +634 460 3 875729710 +634 473 2 875729558 +634 475 5 877018125 +634 476 3 875729668 +634 515 4 877018346 +634 544 3 875729478 +634 546 4 875729535 +634 547 4 877979407 +634 591 4 875729535 +634 595 4 877017923 +634 596 3 875729105 +634 676 4 875729633 +634 678 2 877017632 +634 685 4 875729535 +634 690 3 877368446 +634 696 4 875729535 +634 740 2 875729749 +634 744 5 877018125 +634 760 3 879787621 +634 823 3 877017923 +634 845 3 875729148 +634 866 3 875729668 +634 919 2 877979309 +634 929 3 877018033 +634 933 3 877017951 +634 934 2 877018033 +634 950 5 877018125 +634 977 3 877018033 +634 979 3 875729710 +634 988 1 875729217 +634 1008 2 877017951 +634 1011 4 875729633 +634 1028 3 875729456 +634 1047 3 875729668 +634 1049 2 877018004 +634 1067 4 875729069 +634 1084 2 875728783 +634 1162 1 877017951 +634 1197 4 875729106 +635 15 3 878879346 +635 117 2 878879284 +635 150 3 878879236 +635 237 3 878879257 +635 246 5 878879190 +635 268 5 878878654 +635 294 3 878878588 +635 300 3 878879107 +635 302 4 878878587 +635 307 4 878878654 +635 323 3 878878714 +635 328 3 878878752 +635 331 4 878878654 +635 333 5 878878685 +635 358 1 878878838 +635 682 2 878878685 +635 688 2 878878838 +635 742 3 878879190 +635 873 3 878878752 +635 874 3 878878714 +635 877 3 878878901 +635 879 3 878878866 +636 10 5 891449123 +636 15 5 891449237 +636 25 5 891449237 +636 100 5 891448228 +636 106 4 891449328 +636 118 5 891449305 +636 222 5 891449148 +636 235 4 891449371 +636 272 5 891448155 +636 275 3 891448229 +636 283 3 891448916 +636 596 5 891449212 +636 760 5 891449263 +636 813 5 891448297 +637 7 1 882903044 +637 9 1 882902924 +637 13 1 882904458 +637 15 4 882903447 +637 24 2 882903511 +637 25 4 882904537 +637 93 3 882903511 +637 100 4 882902924 +637 117 2 882904148 +637 121 4 882904458 +637 125 3 882903582 +637 127 2 882901356 +637 147 1 882903645 +637 151 5 882904064 +637 181 4 882902540 +637 225 3 882904829 +637 235 1 882904233 +637 237 2 882903511 +637 244 1 882903645 +637 245 3 882900047 +637 246 2 882903447 +637 257 2 882903511 +637 268 2 882898692 +637 275 3 882903191 +637 280 2 882904679 +637 282 3 882903250 +637 283 2 882903822 +637 285 3 882901356 +637 300 3 882900888 +637 301 1 882899527 +637 322 3 882900888 +637 328 4 882900888 +637 363 2 882904148 +637 460 2 882905388 +637 508 2 882903301 +637 591 3 882904233 +637 595 3 882904537 +637 596 2 882903582 +637 619 2 882903914 +637 676 3 882903767 +637 685 3 882904829 +637 690 5 882900888 +637 740 2 882903914 +637 742 4 882904233 +637 815 2 882904678 +637 829 2 882905070 +637 831 1 882904961 +637 847 3 882903191 +637 866 3 882905285 +637 922 1 882902487 +637 931 1 882905388 +637 1028 3 882905182 +637 1033 3 882904233 +637 1060 2 882904148 +637 1244 1 882904458 +637 1258 1 882905070 +637 1284 1 882905070 +638 4 4 876695108 +638 22 5 876694787 +638 29 2 876694917 +638 50 4 876694704 +638 82 2 876694917 +638 96 4 876694917 +638 117 4 876694995 +638 127 2 876694861 +638 128 3 876695216 +638 153 3 876695819 +638 161 4 876695307 +638 168 4 876695714 +638 174 5 876694861 +638 175 4 876695774 +638 183 4 876694704 +638 185 5 876695601 +638 187 2 876694704 +638 188 3 876694995 +638 194 3 876695774 +638 195 4 876694787 +638 202 3 876695819 +638 210 4 876695478 +638 211 4 876695774 +638 222 4 876694787 +638 226 5 876695217 +638 229 1 876695108 +638 385 5 876694917 +638 405 3 876695338 +638 410 4 876695774 +638 435 3 876694787 +638 450 1 876695415 +638 455 3 876695059 +638 472 3 876695307 +638 511 3 876695478 +638 523 4 876695917 +638 554 3 876695059 +638 685 4 876695307 +639 14 5 891239813 +639 19 4 891239813 +639 28 4 891239239 +639 48 4 891239295 +639 52 3 891239838 +639 58 3 891239296 +639 60 3 891239790 +639 61 3 891239790 +639 86 4 891239406 +639 88 3 891239638 +639 100 1 891240495 +639 116 3 891239739 +639 135 4 891239239 +639 162 3 891239380 +639 165 3 891239658 +639 166 3 891239838 +639 170 4 891239790 +639 173 1 891239492 +639 174 4 891240160 +639 193 3 891239177 +639 194 4 891240160 +639 196 3 891239456 +639 204 3 891240751 +639 213 5 891239528 +639 215 1 891239271 +639 242 4 891238514 +639 280 3 891240868 +639 283 4 891239913 +639 285 1 891239131 +639 286 4 891238618 +639 306 4 891238550 +639 311 3 891238599 +639 323 1 891238876 +639 356 2 891239380 +639 381 2 891239581 +639 382 2 891239913 +639 423 2 891239030 +639 451 4 891239529 +639 462 5 891239838 +639 483 5 891240520 +639 487 5 891240566 +639 488 4 891240160 +639 509 3 891239271 +639 511 4 891239240 +639 514 4 891240566 +639 516 4 891240678 +639 517 2 891239492 +639 519 4 891239380 +639 526 4 891239177 +639 527 4 891239323 +639 528 4 891239239 +639 549 2 891239427 +639 553 3 891240868 +639 580 2 891239581 +639 582 3 891239739 +639 604 4 891240520 +639 647 3 891239217 +639 655 3 891239406 +639 659 3 891240111 +639 661 4 891239155 +639 662 2 891239581 +639 673 4 891239406 +639 694 5 891239492 +639 702 2 891240868 +639 709 3 891239581 +639 714 2 891239886 +639 731 2 891239613 +639 739 3 891240868 +639 740 4 891239324 +639 747 3 891239528 +639 786 3 891241022 +639 792 2 891240752 +639 835 4 891240543 +639 863 4 891239702 +639 865 1 891239427 +639 923 4 891239702 +639 949 3 891240868 +639 953 2 891239407 +639 990 1 891238689 +639 1005 2 891239813 +639 1020 4 891240136 +639 1065 1 891239030 +639 1101 3 891239177 +639 1193 4 891239702 +639 1194 5 891239271 +639 1465 2 891239048 +640 2 4 874778568 +640 11 4 874777440 +640 33 3 874778696 +640 38 4 874778612 +640 42 5 874778345 +640 47 4 874777735 +640 53 4 874778274 +640 55 5 874777765 +640 62 3 874778612 +640 70 4 874778065 +640 81 5 874777735 +640 91 4 874777998 +640 92 4 874778515 +640 96 5 874778240 +640 150 4 886474493 +640 161 4 874778479 +640 169 5 874777890 +640 170 5 874777583 +640 173 5 886354270 +640 174 5 876067863 +640 175 5 874777735 +640 182 5 874777925 +640 184 5 889235992 +640 189 5 874778181 +640 204 5 874777974 +640 209 5 874778154 +640 214 5 874778274 +640 226 5 874778569 +640 239 5 874778274 +640 269 5 886803575 +640 301 2 886353820 +640 304 4 876067605 +640 313 5 888639815 +640 315 5 886353894 +640 338 5 886353852 +640 346 4 886353742 +640 354 4 888262331 +640 373 3 874778756 +640 385 5 874778569 +640 391 3 874778756 +640 428 5 874778299 +640 461 4 874777833 +640 496 4 874777491 +640 540 3 874778479 +640 580 5 874778096 +640 591 4 875732368 +640 689 4 886353852 +640 691 4 890014144 +640 693 5 874778207 +640 732 4 886354499 +640 761 5 874778613 +640 770 4 874777658 +640 802 3 874778756 +640 827 3 886474833 +640 926 3 886474913 +640 941 5 874778095 +640 1010 3 886474753 +640 1067 4 876068799 +640 1258 3 886474866 +641 23 5 879370364 +641 30 4 879370365 +641 50 3 879370150 +641 64 4 879370337 +641 134 5 879370062 +641 198 5 879370028 +641 203 4 879370337 +641 209 4 879370365 +641 258 3 879369806 +641 270 3 879369827 +641 301 4 879369925 +641 305 5 879369848 +641 336 3 879369943 +641 338 3 879369958 +641 432 5 879370119 +641 483 5 879370259 +641 497 5 879370259 +641 511 5 879370337 +641 513 5 879370150 +641 528 4 879370150 +641 558 5 879370299 +641 657 4 879370062 +641 969 4 879370259 +641 1039 4 879370337 +641 1194 3 879370299 +642 2 4 885606787 +642 4 3 885605768 +642 13 4 886206806 +642 21 5 885605148 +642 28 5 885603636 +642 35 2 886570027 +642 38 4 885843141 +642 40 4 885605866 +642 50 5 885604280 +642 51 5 886132172 +642 54 4 886206959 +642 58 3 886131744 +642 64 5 885602482 +642 67 4 885843025 +642 69 5 885602631 +642 70 2 886132189 +642 72 4 885843087 +642 73 4 885605735 +642 78 3 886570084 +642 91 4 885603897 +642 94 2 885605909 +642 95 5 886131547 +642 97 4 885602418 +642 102 5 885603849 +642 105 5 885606482 +642 110 2 885606048 +642 117 4 886131655 +642 118 3 885603566 +642 121 5 885842289 +642 122 2 885606463 +642 131 3 885603566 +642 132 3 885603636 +642 133 5 886206274 +642 135 3 886131953 +642 136 3 885602232 +642 140 3 886569257 +642 141 4 886568744 +642 147 4 885606986 +642 151 3 886568791 +642 155 3 886568726 +642 156 1 886454965 +642 166 5 885604434 +642 172 5 885604299 +642 173 5 885602314 +642 181 5 885603699 +642 186 5 885602739 +642 191 4 886131970 +642 202 3 885842351 +642 208 5 886131547 +642 210 5 885842610 +642 217 2 886569659 +642 220 4 887663380 +642 237 5 885603870 +642 245 4 891317923 +642 252 5 885842962 +642 257 5 886131546 +642 258 3 885601865 +642 288 1 885604085 +642 318 2 885602369 +642 356 4 886132104 +642 357 2 885603565 +642 368 4 885606271 +642 369 2 885606090 +642 375 1 886131744 +642 384 5 886131546 +642 385 5 885602571 +642 386 5 885605932 +642 393 5 885605834 +642 398 2 886454837 +642 399 3 886131257 +642 400 4 886569278 +642 401 4 885606178 +642 402 4 885603792 +642 405 3 885606946 +642 407 5 885606482 +642 410 1 885605988 +642 411 5 885605834 +642 416 5 886455469 +642 419 4 885603537 +642 420 4 885606581 +642 422 3 885606608 +642 423 3 885602506 +642 427 3 886132043 +642 432 2 885602369 +642 441 1 886569942 +642 443 2 885603870 +642 447 4 886569328 +642 452 1 886569699 +642 468 3 886568479 +642 472 5 885607081 +642 473 1 886131585 +642 477 5 886131563 +642 496 4 885603516 +642 501 2 885603740 +642 553 5 886132153 +642 560 4 886568978 +642 568 4 885606735 +642 569 2 886569538 +642 571 3 885606113 +642 581 2 886569209 +642 584 4 885842877 +642 588 5 886131546 +642 596 5 885604113 +642 609 3 885604859 +642 622 4 886568941 +642 628 3 891317897 +642 651 4 885602571 +642 660 3 886132089 +642 673 2 886130929 +642 679 2 885606986 +642 686 5 886131546 +642 720 5 885606787 +642 725 4 885606067 +642 728 4 886131674 +642 732 4 885605538 +642 734 3 886569960 +642 739 5 886568838 +642 742 5 885602839 +642 746 3 885602483 +642 748 5 885601998 +642 756 5 885604859 +642 759 3 885843824 +642 768 4 885606609 +642 771 3 885607115 +642 775 4 886569570 +642 779 3 885843177 +642 780 5 885606270 +642 783 4 885606024 +642 794 4 886568429 +642 795 4 886570173 +642 796 4 885605909 +642 801 3 885605794 +642 812 4 886455357 +642 827 1 886131332 +642 832 3 892240991 +642 843 3 886569682 +642 921 5 885603849 +642 926 5 885605454 +642 928 5 886131546 +642 931 4 885606857 +642 932 5 885605866 +642 934 2 885606137 +642 940 2 886569847 +642 942 4 886207151 +642 944 5 885605987 +642 949 1 885605834 +642 951 3 886568618 +642 955 3 888123262 +642 966 5 886569140 +642 969 2 885603662 +642 975 2 886130929 +642 993 4 891317955 +642 998 3 886569765 +642 1000 3 885602340 +642 1023 3 885842351 +642 1030 4 886570173 +642 1032 4 886569012 +642 1033 3 886569278 +642 1037 2 885605866 +642 1039 5 885602630 +642 1047 3 885606327 +642 1053 3 886207279 +642 1054 3 885606482 +642 1055 4 886569483 +642 1058 3 886132139 +642 1066 3 885606608 +642 1078 5 885604239 +642 1091 4 885606608 +642 1133 3 886569295 +642 1136 4 888123195 +642 1146 1 886570084 +642 1152 5 886569828 +642 1179 3 885606048 +642 1182 2 885606178 +642 1185 4 885606024 +642 1209 3 885606212 +642 1224 4 886132139 +642 1239 4 885607097 +642 1287 2 885606463 +642 1336 2 885606520 +642 1415 4 886569783 +642 1425 2 885606024 +642 1469 4 886568725 +643 2 3 891448218 +643 4 4 891448136 +643 5 3 891449741 +643 7 4 891445354 +643 11 4 891446720 +643 28 4 891448002 +643 29 2 891449901 +643 33 3 891449417 +643 39 4 891447747 +643 42 4 891446750 +643 47 4 891446791 +643 55 4 891448218 +643 56 5 891446791 +643 58 4 891448062 +643 65 4 891448786 +643 67 4 891449476 +643 68 3 891447338 +643 72 4 891449301 +643 79 4 891446826 +643 82 3 891448095 +643 88 2 891449417 +643 96 5 891447747 +643 98 3 891446688 +643 114 4 891446854 +643 118 2 891445741 +643 121 4 891445741 +643 127 5 891445476 +643 128 3 891447617 +643 129 5 891445354 +643 132 5 891448265 +643 143 4 891447868 +643 144 4 891447286 +643 147 3 891445526 +643 153 4 891447196 +643 154 4 891447286 +643 156 5 891446826 +643 159 3 891449345 +643 161 3 891449381 +643 169 4 891447222 +643 172 5 891447093 +643 174 4 891446652 +643 176 5 891447157 +643 179 4 891447901 +643 183 5 891447790 +643 185 5 891447157 +643 186 4 891447663 +643 187 4 891447127 +643 189 4 891447093 +643 194 4 891446652 +643 197 4 891446983 +643 202 3 891447835 +643 204 3 891447901 +643 210 4 891448318 +643 215 3 891447037 +643 218 3 891449680 +643 219 5 891449614 +643 226 2 891449476 +643 229 3 891449640 +643 231 2 891450316 +643 234 4 891447260 +643 238 3 891448095 +643 240 5 891445823 +643 246 5 891445312 +643 273 3 891445287 +643 276 5 891445354 +643 325 2 891446581 +643 356 4 891448218 +643 357 5 891446889 +643 385 3 891449344 +643 393 4 891450273 +643 403 3 891449534 +643 405 3 891445859 +643 408 4 891445176 +643 419 4 891448002 +643 428 4 891447196 +643 430 5 891447403 +643 432 5 891449771 +643 435 5 891447314 +643 436 4 891449870 +643 447 4 891449249 +643 448 3 891449580 +643 451 2 891449301 +643 474 5 891446955 +643 481 4 891447127 +643 492 4 891448586 +643 496 4 891446688 +643 504 4 891447370 +643 505 4 891447260 +643 509 3 891448839 +643 515 4 891445140 +643 516 4 891447037 +643 527 3 891448502 +643 546 3 891445660 +643 566 3 891449476 +643 568 4 891447663 +643 571 3 891450316 +643 572 3 891450341 +643 603 5 891447459 +643 629 3 891450168 +643 630 3 891448352 +643 631 3 891447930 +643 639 4 891447790 +643 655 4 891448176 +643 656 4 891447196 +643 659 5 891447127 +643 665 3 891449930 +643 671 4 891446652 +643 673 4 891448095 +643 674 3 891449901 +643 679 3 891447747 +643 685 3 891445354 +643 716 3 891449507 +643 721 2 892502531 +643 780 4 891449442 +643 845 3 891445476 +643 956 4 891448586 +643 959 3 891449741 +643 1016 3 891445766 +643 1028 3 891446404 +643 1065 4 891448756 +643 1098 4 891447696 +643 1101 3 891448002 +643 1149 3 891447835 +643 1215 3 891446489 +643 1221 3 891450316 +644 50 4 889077247 +644 100 4 889076775 +644 117 4 889077418 +644 125 4 889076851 +644 181 4 889077189 +644 250 4 889077463 +644 255 4 889077513 +644 257 5 889077278 +644 259 4 889076433 +644 276 4 889077344 +644 294 4 889076095 +644 298 4 889077513 +644 300 5 889075967 +644 308 4 889076095 +644 330 4 889076173 +644 457 4 889076502 +644 546 4 889076875 +644 748 4 889076222 +644 823 4 889076997 +644 871 4 889077513 +644 873 4 889076310 +644 977 4 889076922 +644 988 4 889076475 +645 22 4 892054508 +645 23 5 892054364 +645 30 4 892054824 +645 32 5 892054906 +645 39 3 892054324 +645 46 5 892054508 +645 47 4 892054824 +645 48 4 892053748 +645 50 4 892054824 +645 56 3 892053241 +645 60 5 892053748 +645 61 5 892054508 +645 64 3 892053429 +645 65 4 892054824 +645 69 4 892053644 +645 72 3 892053686 +645 89 4 892053483 +645 92 3 892054444 +645 96 3 892054444 +645 98 4 892053241 +645 135 5 892054707 +645 172 4 892054537 +645 173 4 892053748 +645 174 4 892053518 +645 177 4 892053274 +645 179 5 892054600 +645 180 4 892054402 +645 181 4 892053483 +645 182 5 892053686 +645 184 3 892055213 +645 185 5 892054537 +645 186 4 892053340 +645 191 5 892053644 +645 194 4 892053644 +645 195 4 892054537 +645 198 3 892053644 +645 202 3 892053518 +645 208 5 892054797 +645 212 4 892054857 +645 214 4 892054570 +645 239 3 892055445 +645 243 1 892052232 +645 258 3 892051708 +645 268 4 892051811 +645 288 3 892051741 +645 301 2 892052070 +645 318 5 892053241 +645 319 3 892051708 +645 340 4 892051762 +645 357 5 892053274 +645 367 3 892055039 +645 428 4 892054684 +645 435 4 892054364 +645 469 5 892054707 +645 482 4 892053340 +645 496 3 892053686 +645 506 5 892055072 +645 513 5 892054481 +645 514 5 892053686 +645 521 4 892054990 +645 558 4 892053429 +645 616 3 892054508 +645 641 5 892054600 +645 650 5 892055285 +645 653 5 892054990 +645 654 5 892053686 +645 656 4 892053241 +645 664 4 892054402 +645 674 3 892054402 +645 675 4 892053747 +645 708 3 892055072 +645 709 3 892054570 +645 746 4 892054683 +645 748 1 892052039 +645 772 3 892055728 +645 955 4 892054989 +645 959 4 892053541 +645 960 4 892054278 +645 1159 4 892054632 +646 259 3 888528978 +646 272 4 888528483 +646 286 3 888528927 +646 288 3 888529127 +646 294 2 888528870 +646 307 3 888528902 +646 323 3 888529153 +646 328 3 888528457 +646 332 3 888528870 +646 349 2 888529127 +646 352 1 888529153 +646 354 3 888528902 +646 678 3 888529127 +646 748 3 888529054 +646 750 3 888528902 +646 751 2 888528870 +646 877 3 888529014 +646 880 3 888529127 +646 893 3 888529080 +646 895 3 888528978 +646 908 3 888529054 +646 1022 4 888528955 +646 1176 4 888528955 +646 1313 3 888529180 +647 15 4 876532975 +647 29 4 876533657 +647 70 3 876776321 +647 71 4 876534275 +647 73 5 876537697 +647 77 4 876533851 +647 79 4 876530687 +647 82 4 876533912 +647 88 4 876534041 +647 121 4 876534274 +647 136 5 876534131 +647 147 4 876532975 +647 173 5 876534131 +647 174 4 876530784 +647 177 5 876534131 +647 196 4 876537620 +647 197 5 876534131 +647 202 4 876534275 +647 203 3 876776321 +647 231 4 876533657 +647 237 3 876776320 +647 294 3 876532501 +647 298 3 876533005 +647 300 4 876534131 +647 326 3 876532517 +647 357 5 876534131 +647 402 4 876534009 +647 405 4 876532747 +647 496 4 876534275 +647 554 4 876533810 +647 568 4 876533832 +647 748 4 876532501 +647 831 3 876776321 +647 1014 3 876531583 +647 1016 4 876534131 +647 1047 4 876534275 +647 1063 3 876776320 +647 1263 3 876776321 +648 2 4 884882742 +648 7 3 882211109 +648 13 3 882212071 +648 14 2 882211223 +648 21 3 882212609 +648 23 3 882212709 +648 25 2 882211760 +648 29 2 884883149 +648 38 5 884882803 +648 39 3 884882742 +648 47 2 884881807 +648 50 5 882211016 +648 62 5 884882916 +648 63 4 884882103 +648 69 1 884628564 +648 72 4 884881722 +648 82 5 884882742 +648 83 4 884628482 +648 88 4 884881679 +648 89 4 884797033 +648 90 3 884882271 +648 95 3 884368371 +648 96 5 884368538 +648 104 1 884367274 +648 105 3 882212560 +648 109 5 882211419 +648 110 3 884882407 +648 112 2 884367366 +648 121 5 882211654 +648 144 4 884368273 +648 151 2 882212288 +648 153 4 884881621 +648 154 5 884881621 +648 161 3 884882802 +648 164 4 884883424 +648 167 4 884882407 +648 176 4 884367538 +648 180 1 884368643 +648 183 5 884368442 +648 185 5 884368485 +648 186 5 882213597 +648 188 5 884882664 +648 194 5 882213535 +648 197 3 884628644 +648 200 2 884883476 +648 204 5 884368002 +648 205 3 884628607 +648 208 5 884796652 +648 210 4 882213502 +648 211 4 884368643 +648 217 2 884883616 +648 219 4 884883578 +648 220 3 882212039 +648 227 3 884882803 +648 228 5 884882702 +648 229 4 884882802 +648 234 5 884368314 +648 235 4 882212071 +648 249 3 882211348 +648 250 4 882211464 +648 275 5 882211016 +648 281 3 884365970 +648 286 1 882210926 +648 288 4 882211654 +648 291 3 882211736 +648 294 3 884366184 +648 295 4 882211464 +648 298 2 884884466 +648 304 5 884363798 +648 318 3 884368371 +648 357 2 884628534 +648 364 5 884882528 +648 377 3 884881837 +648 379 1 884883724 +648 384 4 884882235 +648 386 4 884882192 +648 391 3 884883031 +648 405 4 882211924 +648 412 1 884367318 +648 423 4 884368442 +648 428 2 884881754 +648 431 5 884882664 +648 435 5 882212651 +648 436 5 884883476 +648 441 3 884883724 +648 448 3 884883476 +648 449 3 884882987 +648 452 3 884883679 +648 454 3 884368232 +648 456 2 884367180 +648 458 2 882211418 +648 472 3 882211965 +648 473 3 882211965 +648 474 4 884368002 +648 475 1 884364250 +648 477 3 882211585 +648 484 5 884368442 +648 496 4 884796822 +648 514 2 884796822 +648 526 3 884368232 +648 527 4 884368643 +648 561 2 884883679 +648 563 5 884883679 +648 565 3 884883679 +648 566 4 884882702 +648 569 3 884883578 +648 575 3 884882553 +648 576 4 884882916 +648 585 3 884882234 +648 586 3 884883149 +648 596 3 882211419 +648 603 5 882212651 +648 619 3 882211301 +648 629 4 882213596 +648 633 3 884796858 +648 635 2 884883476 +648 637 2 884883424 +648 663 1 882213502 +648 665 2 884882987 +648 671 3 884883476 +648 674 3 884883476 +648 684 4 884882702 +648 692 4 882213535 +648 713 2 884795447 +648 717 4 884366425 +648 726 3 884882271 +648 740 4 882211301 +648 742 5 882211175 +648 743 1 884367366 +648 746 4 884881524 +648 758 2 884795447 +648 763 2 882212200 +648 769 1 884883724 +648 780 1 884882501 +648 781 4 884882078 +648 809 3 884883323 +648 810 4 884883031 +648 826 3 882212526 +648 831 1 882212131 +648 864 3 882211418 +648 904 2 884794555 +648 926 3 882212400 +648 1028 2 882212288 +648 1029 2 884882636 +648 1030 2 884882552 +648 1033 2 882212288 +648 1041 3 884882192 +648 1060 2 882212373 +648 1228 3 884883149 +648 1258 2 884366613 +648 1271 4 884882234 +648 1337 3 884367366 +648 1626 1 884795447 +649 1 5 891440235 +649 24 4 891440460 +649 50 4 891440235 +649 117 5 891440460 +649 121 2 891440214 +649 127 5 891440356 +649 181 4 891440309 +649 250 3 891440356 +649 252 4 891440624 +649 254 4 891440695 +649 257 5 891440496 +649 282 4 891440330 +649 298 4 891440293 +649 471 5 891440412 +649 678 3 891440562 +649 815 3 891440274 +650 2 3 891381709 +650 15 3 891383594 +650 21 2 891387767 +650 22 3 891369707 +650 23 3 891369890 +650 25 3 891385826 +650 27 3 891381745 +650 29 2 891382877 +650 38 3 891381784 +650 54 2 891385876 +650 56 3 891369798 +650 62 3 891381784 +650 68 3 891381784 +650 71 3 891386755 +650 73 3 891387542 +650 80 2 891389216 +650 88 3 891384226 +650 89 4 891381585 +650 100 4 891369954 +650 109 3 891386167 +650 117 4 891370852 +650 118 4 891381546 +650 121 3 891369836 +650 131 3 891372258 +650 132 4 891372365 +650 133 4 891381546 +650 135 4 891381545 +650 136 4 891372203 +650 137 3 891385105 +650 144 3 891381585 +650 145 3 891387953 +650 151 3 891387418 +650 152 3 891382138 +650 153 4 891382138 +650 157 3 891382960 +650 158 2 891388149 +650 159 3 891370093 +650 160 3 891383572 +650 162 3 891382928 +650 168 4 891381546 +650 173 5 891369520 +650 174 4 891369479 +650 176 4 891369798 +650 177 2 891371061 +650 185 3 891369836 +650 186 4 891370998 +650 191 4 891381546 +650 193 3 891382901 +650 197 4 891372233 +650 203 3 891369924 +650 205 4 891370971 +650 206 4 891371186 +650 208 5 891371090 +650 209 3 891382032 +650 211 4 891370971 +650 214 3 891369587 +650 215 2 891371152 +650 218 3 891370065 +650 226 3 891370031 +650 230 4 891369656 +650 231 2 891381709 +650 235 3 891388080 +650 239 3 891385876 +650 257 3 891384844 +650 258 3 891368960 +650 265 4 891370031 +650 270 4 891368959 +650 271 3 891369143 +650 272 4 891381546 +650 290 2 891387979 +650 294 3 891369190 +650 301 2 891385035 +650 309 3 891369071 +650 315 3 891368885 +650 316 3 891369190 +650 323 3 891369285 +650 355 2 891369190 +650 357 4 891372286 +650 363 2 891382876 +650 378 3 891383879 +650 380 2 891383735 +650 385 4 891381585 +650 389 3 891387571 +650 391 2 891382877 +650 393 3 891386778 +650 402 3 891383272 +650 417 3 891387591 +650 419 4 891370971 +650 420 3 891385826 +650 423 3 891372316 +650 427 4 891383424 +650 431 3 891369620 +650 432 4 891386830 +650 443 5 891369982 +650 447 3 891386120 +650 450 1 891382877 +650 472 3 891381784 +650 474 4 891385315 +650 478 4 891371186 +650 479 5 891372339 +650 482 3 891385775 +650 483 5 891372315 +650 489 3 891387277 +650 491 3 891385775 +650 493 4 891369554 +650 494 3 891371153 +650 499 3 891372316 +650 504 3 891369889 +650 506 3 891385508 +650 511 5 891369520 +650 514 3 891371020 +650 517 3 891382033 +650 519 4 891381545 +650 520 4 891369759 +650 528 3 891370998 +650 550 3 891381661 +650 551 3 891370446 +650 552 4 891370031 +650 559 3 891387520 +650 561 3 891370113 +650 563 3 891388170 +650 565 3 891388266 +650 566 3 891369890 +650 568 3 891381709 +650 578 3 891381661 +650 579 3 891370182 +650 585 1 891387979 +650 588 3 891372286 +650 597 3 891381818 +650 601 3 891386964 +650 602 4 891371116 +650 603 4 891369836 +650 604 3 891385178 +650 614 3 891385876 +650 620 2 891383977 +650 622 3 891387468 +650 625 3 891387616 +650 628 3 891369982 +650 630 5 891371061 +650 633 4 891371091 +650 635 3 891370155 +650 639 3 891371116 +650 642 3 891370065 +650 657 4 891372339 +650 658 3 891387571 +650 661 3 891385206 +650 662 3 891371153 +650 670 3 891387915 +650 719 3 891387833 +650 732 3 891371061 +650 747 3 891384202 +650 809 3 891383926 +650 823 3 891381661 +650 843 2 891388266 +650 898 3 891368914 +650 926 3 891388294 +650 928 2 891370093 +650 1035 2 891389132 +650 1050 3 891369620 +650 1135 2 891383977 +650 1215 3 891381850 +650 1419 3 891381884 +650 1474 3 891385288 +650 1627 3 891383786 +651 116 2 879348966 +651 127 4 879348965 +651 269 5 880126096 +651 276 4 879348966 +651 285 4 879348966 +651 292 2 879348881 +651 294 1 879348880 +651 301 3 880126632 +651 302 5 879348880 +651 306 5 880126473 +651 309 1 880126632 +651 322 3 880126632 +651 332 3 879348880 +651 515 5 879348966 +651 683 3 880126096 +651 690 3 880126508 +651 995 1 880126547 +652 96 4 882567356 +652 125 2 882567383 +652 257 2 882567356 +652 275 4 882567294 +652 286 3 882567012 +652 288 2 882566890 +652 294 2 882566890 +652 300 4 882566890 +652 307 4 882566890 +652 328 4 882567058 +652 333 4 882566857 +652 748 3 882566948 +652 879 3 882566924 +652 984 2 882567180 +653 1 4 878855383 +653 4 3 878866755 +653 15 3 878854383 +653 28 4 878866814 +653 38 3 880152955 +653 42 2 880151818 +653 50 5 878854100 +653 53 2 880153304 +653 54 3 880152523 +653 56 5 878853975 +653 62 3 880151691 +653 63 2 880153077 +653 69 4 878854284 +653 70 2 880151340 +653 76 3 880150702 +653 79 4 878854051 +653 81 1 880151651 +653 89 5 878854100 +653 94 2 880153494 +653 96 4 878854145 +653 100 4 878854666 +653 111 2 878854996 +653 117 4 878854810 +653 118 3 878854810 +653 125 2 878866973 +653 132 3 880149897 +653 135 5 878866755 +653 142 2 880153378 +653 143 3 880150104 +653 144 3 878867346 +653 145 2 880153705 +653 151 3 878866475 +653 154 3 878867137 +653 156 4 878854633 +653 160 3 878854441 +653 161 4 878854247 +653 163 4 880151629 +653 164 3 878854633 +653 167 2 880153429 +653 168 3 890181186 +653 172 3 878854051 +653 174 5 878854051 +653 175 2 878854332 +653 176 3 878854145 +653 179 4 880149927 +653 182 3 878854051 +653 183 3 878854100 +653 185 2 880606620 +653 186 5 880151557 +653 187 4 878853780 +653 188 5 878854145 +653 191 5 880150019 +653 198 4 880151426 +653 199 4 880150239 +653 200 4 878866952 +653 205 1 880150126 +653 208 3 890181185 +653 210 4 880150103 +653 213 2 880150190 +653 219 1 880152780 +653 225 1 886052230 +653 227 3 880151488 +653 229 3 880153145 +653 232 2 880152426 +653 237 2 878855365 +653 238 1 878866604 +653 245 4 893276091 +653 248 3 884405730 +653 258 3 886051833 +653 265 4 878866995 +653 272 4 893275949 +653 286 4 884405346 +653 290 3 880153522 +653 291 4 878855275 +653 293 3 886051879 +653 294 2 878853618 +653 307 4 889151627 +653 318 4 878854383 +653 328 4 884408848 +653 333 5 878853678 +653 356 1 880151734 +653 357 4 878854383 +653 366 2 880152901 +653 367 3 878867228 +653 371 1 880152058 +653 386 1 880152864 +653 393 2 880152426 +653 402 1 880151488 +653 403 2 880151461 +653 407 1 878867398 +653 410 1 878855024 +653 411 2 878854906 +653 425 2 880606619 +653 428 1 880151580 +653 429 3 878866679 +653 431 4 878854666 +653 441 3 890181186 +653 444 1 880153329 +653 447 2 880606620 +653 471 2 884405560 +653 472 1 880606675 +653 482 2 880150218 +653 496 2 878866679 +653 508 3 886052198 +653 510 2 880150040 +653 518 2 878866755 +653 521 4 878854441 +653 526 3 880151752 +653 531 5 878854284 +653 546 2 880153253 +653 566 5 878854190 +653 571 1 880153406 +653 573 1 880152843 +653 581 1 880152819 +653 585 2 880153522 +653 619 3 880152085 +653 620 3 880153740 +653 628 4 878866413 +653 631 2 880150412 +653 638 1 878866636 +653 642 1 878866604 +653 657 4 890181185 +653 658 2 880151817 +653 659 1 880150330 +653 670 1 880152902 +653 679 2 880153406 +653 684 5 878854247 +653 686 2 878854247 +653 692 2 880151884 +653 693 1 880151651 +653 702 3 880151918 +653 708 2 880152598 +653 712 3 880153639 +653 719 3 880153841 +653 728 2 880153568 +653 739 3 880152902 +653 755 2 880153077 +653 771 2 880606620 +653 779 1 880153467 +653 780 2 880606620 +653 797 2 880153841 +653 802 2 880153040 +653 809 3 880153620 +653 823 2 880153568 +653 840 4 878854737 +653 944 2 880152657 +653 973 2 880150348 +653 984 4 884408848 +653 1016 3 890181186 +653 1035 2 880153099 +653 1042 2 880151488 +653 1044 1 880153304 +653 1046 1 880151580 +653 1065 1 880152085 +653 1087 2 880153207 +653 1101 2 878866755 +653 1132 1 880153429 +653 1133 2 880153674 +653 1135 2 880152759 +653 1136 2 880152759 +653 1139 3 880153145 +653 1183 1 880153329 +653 1207 1 880153329 +653 1231 2 880153349 +653 1244 3 878854769 +653 1267 1 880153253 +653 1444 3 880153077 +653 1478 2 880153705 +654 3 3 887864071 +654 4 4 887864830 +654 8 5 887864497 +654 11 4 887864452 +654 12 5 887864389 +654 14 2 887863557 +654 15 3 887863557 +654 24 4 887863651 +654 25 1 887863381 +654 70 4 887864663 +654 82 5 887864797 +654 83 5 887864680 +654 87 4 887864471 +654 95 4 887864204 +654 98 5 887864641 +654 114 5 887864532 +654 118 2 887863914 +654 121 4 887863757 +654 137 4 887863596 +654 143 5 887864275 +654 146 3 887864105 +654 147 3 887863488 +654 151 4 887863471 +654 153 4 887864414 +654 154 3 887864797 +654 189 4 887864230 +654 196 5 887864757 +654 215 4 887864587 +654 223 4 887864497 +654 237 4 887863339 +654 239 4 887864868 +654 248 2 887863596 +654 249 5 887863866 +654 250 1 887863557 +654 255 2 887863513 +654 258 4 887863436 +654 269 4 889451420 +654 274 4 887863635 +654 282 3 887863513 +654 291 4 887863914 +654 302 5 887862964 +654 318 5 887864230 +654 332 4 887863081 +654 336 3 887863227 +654 367 4 887864923 +654 370 2 887863914 +654 381 3 887864886 +654 405 4 887863866 +654 408 5 887863381 +654 418 4 887864588 +654 423 4 887864432 +654 455 3 887863826 +654 462 4 887864998 +654 476 3 887863914 +654 496 4 887864230 +654 508 1 887863355 +654 535 3 887863962 +654 558 3 887864471 +654 568 4 887864868 +654 588 4 887864797 +654 596 3 887863802 +654 597 4 887864812 +654 638 4 887864868 +654 689 3 887863194 +654 720 4 887864923 +654 742 4 887863339 +654 748 4 887863081 +654 751 3 887863034 +654 785 4 887864976 +654 845 4 887863613 +654 1014 3 887863981 +654 1048 3 887864050 +654 1115 3 887863779 +654 1165 1 887864146 +654 1283 1 887863779 +655 2 3 888474138 +655 4 2 887611649 +655 5 2 887523641 +655 6 4 887425812 +655 7 3 887425969 +655 8 3 887477336 +655 9 3 891585450 +655 11 2 887427307 +655 12 3 887427130 +655 13 3 887426237 +655 14 3 891585450 +655 15 3 888685735 +655 18 3 888984478 +655 21 2 888685787 +655 22 2 888474424 +655 23 3 887426971 +655 28 3 887427210 +655 30 5 888474646 +655 31 3 887523200 +655 43 3 888474456 +655 45 3 891585477 +655 46 4 887523403 +655 47 3 887426972 +655 49 1 887428417 +655 52 3 891585279 +655 53 2 887429812 +655 54 2 887430746 +655 55 2 887429302 +655 56 3 887428060 +655 57 3 887427743 +655 59 4 887564613 +655 61 3 887564614 +655 66 2 890887261 +655 69 3 887476943 +655 76 3 888813372 +655 79 5 887429559 +655 82 2 887429559 +655 88 2 890887261 +655 93 3 888474986 +655 111 2 887523664 +655 113 3 891585477 +655 118 2 887426666 +655 121 3 887651060 +655 122 2 887523605 +655 126 2 887426732 +655 127 5 888474106 +655 128 3 887429732 +655 131 2 893002283 +655 132 3 887565138 +655 135 4 887427083 +655 137 4 892333972 +655 143 4 887523176 +655 144 3 887429594 +655 153 2 887523641 +655 155 4 887473702 +655 156 2 887430634 +655 157 3 887611445 +655 160 3 887427473 +655 164 2 887430072 +655 170 3 887523224 +655 171 2 887523641 +655 176 2 887429999 +655 178 4 887427009 +655 182 4 888474106 +655 186 3 887428157 +655 191 4 887472744 +655 192 3 887473753 +655 193 3 887427307 +655 196 3 888685556 +655 197 3 887426864 +655 198 4 887428871 +655 200 4 887473639 +655 203 3 887476943 +655 204 3 887477192 +655 209 3 887473831 +655 211 3 887428334 +655 212 3 887477409 +655 214 3 887650851 +655 218 3 887523477 +655 219 2 890497653 +655 220 2 887426583 +655 222 2 887650944 +655 223 3 887473856 +655 224 3 887425845 +655 226 3 887429732 +655 233 3 887611537 +655 236 3 887426407 +655 237 3 887426116 +655 238 3 887473831 +655 240 3 887650538 +655 242 4 887424795 +655 246 3 887474020 +655 250 3 887425625 +655 251 3 888984417 +655 255 3 887477336 +655 256 3 887651060 +655 262 5 888474934 +655 268 3 887474077 +655 269 3 888474807 +655 270 4 887650943 +655 272 3 888474138 +655 274 3 888474872 +655 276 4 887473778 +655 279 3 888685989 +655 281 2 887426732 +655 287 3 890497592 +655 292 2 889293132 +655 295 3 887425530 +655 298 4 887425564 +655 300 3 887476919 +655 301 2 887424991 +655 304 2 888475101 +655 305 4 887523909 +655 307 3 892011201 +655 312 2 892011201 +655 313 4 888474285 +655 315 4 887424720 +655 316 4 889978343 +655 317 3 887474269 +655 318 4 887473702 +655 325 2 887425197 +655 327 3 888685734 +655 333 2 887472879 +655 340 3 888984325 +655 344 4 888204230 +655 356 3 887430804 +655 357 4 887426864 +655 359 3 887424883 +655 363 3 887426770 +655 367 3 887428031 +655 372 3 887428507 +655 375 2 888984293 +655 378 1 887430410 +655 381 3 887474656 +655 382 3 887427131 +655 391 2 887429784 +655 410 2 891585344 +655 411 3 887650512 +655 423 3 887693376 +655 427 4 891585242 +655 428 3 887428157 +655 435 2 887860616 +655 447 4 888813372 +655 448 4 888474934 +655 451 3 887428280 +655 454 3 888813372 +655 458 3 887426407 +655 459 2 891408204 +655 461 2 887427130 +655 462 3 888474960 +655 464 3 887523367 +655 467 3 887523790 +655 468 3 887427681 +655 469 3 887427778 +655 471 3 887611594 +655 479 4 888474107 +655 480 4 888984506 +655 502 4 887477168 +655 503 3 887523477 +655 504 5 887650683 +655 507 4 888813371 +655 511 3 887427009 +655 513 3 891585504 +655 514 5 887650683 +655 515 4 887425458 +655 520 3 887523427 +655 523 3 887427268 +655 528 5 887473570 +655 534 2 887693376 +655 535 2 888685914 +655 543 3 887474050 +655 553 2 887431019 +655 558 4 887427506 +655 559 2 887472965 +655 566 3 888893279 +655 568 3 887429640 +655 574 2 887489222 +655 578 2 887488694 +655 581 2 887477000 +655 584 3 887429171 +655 591 3 887426237 +655 603 4 887473605 +655 607 4 887523427 +655 636 3 888475015 +655 638 4 890497592 +655 639 3 887473803 +655 640 2 888685955 +655 642 3 887430714 +655 644 3 887474288 +655 645 3 887474288 +655 649 3 888685989 +655 650 3 887427009 +655 653 3 892011201 +655 655 3 888474285 +655 657 3 891585504 +655 658 3 887427130 +655 660 2 888475101 +655 670 3 887430142 +655 673 3 887523427 +655 674 3 887523427 +655 676 2 887426665 +655 686 2 887427866 +655 690 2 887477489 +655 692 3 887523453 +655 693 3 888984506 +655 695 3 891585242 +655 699 2 887650593 +655 709 3 888475039 +655 712 3 887474050 +655 715 3 887476942 +655 716 2 888475101 +655 722 1 887431047 +655 723 3 887650851 +655 724 3 887427600 +655 729 2 887476031 +655 730 2 890497653 +655 731 3 888474872 +655 734 3 887523477 +655 735 3 887427338 +655 736 3 888685734 +655 741 3 887426201 +655 742 3 888813272 +655 751 3 888474960 +655 761 2 888686011 +655 762 2 888984255 +655 766 3 891585450 +655 773 3 887430072 +655 775 2 887523815 +655 781 1 887428384 +655 785 2 887490946 +655 786 2 887472965 +655 789 3 887473879 +655 793 3 888813186 +655 794 1 887431019 +655 796 2 887428280 +655 803 3 888474358 +655 815 2 887651149 +655 823 2 888685759 +655 825 2 887429669 +655 844 4 887650979 +655 847 2 891585279 +655 860 3 887477386 +655 863 3 887473995 +655 865 4 887523909 +655 869 2 889282952 +655 872 3 888685879 +655 874 4 888984255 +655 889 3 888474285 +655 896 4 887474605 +655 899 2 887433492 +655 900 3 887424991 +655 902 2 892333973 +655 910 3 889458990 +655 911 2 891817522 +655 912 3 891817522 +655 913 4 891817521 +655 914 3 891817471 +655 915 4 891817435 +655 916 2 892436455 +655 918 2 892436609 +655 927 3 887564613 +655 930 2 887429812 +655 939 3 887473905 +655 942 4 888685850 +655 944 3 891585504 +655 953 3 887427243 +655 954 2 887428031 +655 956 3 888984538 +655 961 3 888685735 +655 963 3 888475015 +655 966 3 887477409 +655 972 3 887475213 +655 975 3 887426446 +655 980 2 888984354 +655 995 3 887424991 +655 1010 3 887477191 +655 1011 3 887651060 +655 1012 3 888474357 +655 1014 3 890103072 +655 1018 3 887472791 +655 1022 3 887424948 +655 1024 3 887650979 +655 1041 3 887611537 +655 1042 2 887523641 +655 1044 3 887564483 +655 1063 3 888474909 +655 1068 3 891585417 +655 1070 4 887474050 +655 1082 3 887425655 +655 1084 3 888813272 +655 1086 3 888474358 +655 1090 3 887430855 +655 1098 3 887473905 +655 1100 3 887427371 +655 1101 2 887427243 +655 1106 2 891817472 +655 1107 4 888813272 +655 1111 3 887473856 +655 1112 2 887475641 +655 1113 3 887427810 +655 1118 3 887473605 +655 1121 3 887428938 +655 1129 3 891585242 +655 1135 3 887427743 +655 1136 2 887427568 +655 1137 3 888474807 +655 1141 3 888474986 +655 1142 2 891585344 +655 1143 3 887425458 +655 1144 3 888475015 +655 1149 3 887429107 +655 1153 3 887477336 +655 1155 3 887474289 +655 1160 3 888685850 +655 1161 3 887426446 +655 1166 3 891585477 +655 1173 2 887431157 +655 1174 3 887523477 +655 1176 4 888474934 +655 1186 3 888984538 +655 1193 3 887477360 +655 1195 3 887693376 +655 1214 2 891999461 +655 1233 3 887650512 +655 1238 2 888474843 +655 1245 3 887426087 +655 1248 3 887473879 +655 1256 3 887425655 +655 1257 3 887433685 +655 1262 3 891585279 +655 1265 3 887425025 +655 1266 3 887428911 +655 1267 2 887427840 +655 1268 3 892914357 +655 1278 2 887433780 +655 1284 2 887477511 +655 1296 3 891585242 +655 1311 3 887474473 +655 1356 3 887426059 +655 1380 4 887425625 +655 1388 3 887477336 +655 1400 3 887427268 +655 1403 3 888813372 +655 1407 2 887491131 +655 1426 2 888474390 +655 1445 3 887427538 +655 1448 3 887523224 +655 1465 2 887472943 +655 1473 3 888474872 +655 1479 2 887475032 +655 1499 3 888685556 +655 1514 2 887472879 +655 1516 3 887474630 +655 1529 2 887489792 +655 1549 2 891585574 +655 1554 2 887611677 +655 1578 3 887650714 +655 1623 4 887428735 +655 1628 2 888729735 +655 1630 3 887428735 +655 1631 4 888685734 +655 1633 3 889331315 +655 1634 2 888474019 +655 1635 3 887432079 +655 1636 4 887473570 +655 1637 3 888984255 +655 1638 3 887488947 +655 1640 3 888474646 +655 1641 3 887427810 +655 1643 5 887611511 +655 1645 4 892871225 +655 1646 3 891913577 +655 1648 2 891817435 +656 270 3 892318676 +656 300 2 892318614 +656 302 3 892318450 +656 312 1 892318777 +656 326 1 892318888 +656 340 3 892318488 +656 896 5 892318842 +656 903 2 892318777 +657 7 3 884239057 +657 9 4 884239123 +657 111 5 884239368 +657 117 4 884240629 +657 118 1 884240732 +657 258 2 884238559 +657 269 5 884238002 +657 273 3 884239566 +657 282 3 884239745 +657 294 5 884238247 +657 301 3 884237633 +657 302 2 884237291 +657 327 1 884238247 +657 340 4 884237291 +657 455 1 884239498 +657 508 4 884239057 +657 744 4 884239566 +657 873 3 884238614 +658 7 4 875145879 +658 22 4 875147448 +658 24 3 875145493 +658 42 4 875147873 +658 55 4 875148059 +658 69 4 875147995 +658 86 4 875147873 +658 100 4 875145493 +658 127 5 875145614 +658 171 4 875147448 +658 192 4 875147935 +658 195 3 875148059 +658 198 5 875148108 +658 201 3 875147873 +658 212 3 875148059 +658 235 2 875145572 +658 273 4 875148262 +658 276 4 875145572 +658 467 4 875147448 +658 471 4 875145879 +658 475 4 875145667 +658 477 3 875145750 +658 530 4 875147995 +658 628 3 875145841 +658 730 3 875147995 +658 735 3 875148108 +658 919 2 875145841 +658 923 3 875148059 +658 960 4 875147873 +659 4 3 891383917 +659 13 4 891331361 +659 43 4 891385955 +659 49 3 891385438 +659 56 5 891331825 +659 62 4 891386380 +659 64 4 891384152 +659 69 3 891384916 +659 70 4 891383412 +659 73 4 891387083 +659 79 4 891384036 +659 82 4 891384499 +659 86 5 891386071 +659 88 2 891385955 +659 90 2 891386577 +659 97 5 891384798 +659 98 4 891045943 +659 121 4 891331301 +659 134 4 891332189 +659 135 3 891383412 +659 155 3 891386540 +659 159 4 891386540 +659 162 3 891385136 +659 164 4 891384606 +659 167 3 891385438 +659 170 3 891045943 +659 174 4 891384215 +659 175 5 891386829 +659 178 5 891332261 +659 180 5 891385044 +659 183 4 891385079 +659 185 4 891332223 +659 186 3 891385197 +659 187 5 891331825 +659 188 3 891384606 +659 191 5 891332293 +659 197 5 891385080 +659 199 4 891383965 +659 210 5 891383889 +659 212 4 891387227 +659 214 3 891387399 +659 215 4 891385258 +659 216 4 891045892 +659 218 4 891384798 +659 226 4 891387194 +659 234 4 891384798 +659 241 3 891387121 +659 252 4 891045227 +659 255 3 891045161 +659 257 2 891044849 +659 294 4 891044849 +659 315 3 891044991 +659 319 3 891331322 +659 345 4 891044849 +659 357 4 891331959 +659 387 4 891387227 +659 423 4 891384414 +659 431 4 891385627 +659 443 5 891385136 +659 447 3 891386910 +659 451 5 891385534 +659 467 3 891384414 +659 469 4 891385136 +659 474 2 891384739 +659 476 3 891331534 +659 479 5 891383412 +659 482 4 891383674 +659 483 4 891383889 +659 486 4 891383733 +659 489 4 891045747 +659 490 4 891384215 +659 494 4 891383965 +659 499 4 891385438 +659 502 4 891385438 +659 505 4 891385769 +659 506 3 891385379 +659 512 3 891386040 +659 514 5 891385044 +659 517 5 891384888 +659 519 4 891383889 +659 521 5 891384499 +659 526 5 891332224 +659 528 4 891385012 +659 559 1 891386641 +659 568 4 891384850 +659 603 5 891331825 +659 609 4 891385769 +659 610 3 891332044 +659 611 4 891384606 +659 616 4 891386577 +659 642 2 891386492 +659 655 4 891383561 +659 657 5 891383965 +659 660 3 891384798 +659 673 4 891384499 +659 693 4 891331417 +659 705 5 891383561 +659 708 3 891386641 +659 712 3 891386307 +659 720 3 891386492 +659 792 4 891384003 +659 836 4 891045943 +659 1021 5 891331825 +659 1044 4 891386071 +659 1064 5 891385866 +659 1138 4 891045266 +659 1168 4 891386641 +659 1172 4 891332122 +659 1203 4 891385258 +659 1267 3 891385689 +659 1297 2 891387306 +660 1 3 891406276 +660 3 1 891405958 +660 8 2 891199781 +660 40 2 891201674 +660 41 1 891265453 +660 47 2 891200456 +660 72 3 891201436 +660 79 2 891199348 +660 83 3 891199556 +660 84 2 891201823 +660 87 2 891199133 +660 89 3 891199965 +660 90 2 891201346 +660 91 4 891200193 +660 94 2 891201887 +660 95 2 891200491 +660 118 2 891198479 +660 121 2 891197954 +660 122 1 891198996 +660 123 2 891198109 +660 134 4 891199153 +660 135 4 891199833 +660 144 3 891199856 +660 151 5 891198335 +660 154 4 891200534 +660 159 1 891200817 +660 163 2 891199992 +660 172 4 891199017 +660 173 5 891199556 +660 174 4 891199293 +660 175 3 891199367 +660 179 4 891200073 +660 181 4 891197998 +660 182 2 891200213 +660 183 2 891199499 +660 196 4 891199557 +660 204 3 891200370 +660 209 4 891406212 +660 210 4 891199293 +660 217 2 891200817 +660 219 1 891406212 +660 227 2 891201172 +660 229 2 891406212 +660 230 3 891199856 +660 231 2 891357371 +660 235 3 891198401 +660 238 3 891200340 +660 239 2 891200989 +660 254 1 891357371 +660 257 4 891197934 +660 259 4 891197778 +660 266 2 891197639 +660 271 3 891197561 +660 281 3 891198588 +660 290 4 891198549 +660 294 3 891197701 +660 298 2 891198441 +660 301 3 891197661 +660 307 3 891197503 +660 315 4 891197462 +660 318 3 891199133 +660 328 3 891197585 +660 358 2 891197796 +660 366 1 891405958 +660 385 3 891199883 +660 391 2 891201823 +660 393 2 891201541 +660 403 3 891357371 +660 405 2 891198479 +660 419 2 891199348 +660 423 3 891199942 +660 428 4 891200594 +660 429 4 891199833 +660 430 4 891199747 +660 435 4 891199883 +660 444 2 891201948 +660 449 3 891201796 +660 456 1 891198996 +660 470 2 891199883 +660 472 2 891198421 +660 474 2 891200037 +660 485 3 891200491 +660 491 4 891199348 +660 523 3 891200534 +660 550 2 891201541 +660 568 3 891199182 +660 636 2 891200704 +660 640 1 891201223 +660 652 4 891200370 +660 657 2 891199579 +660 658 1 891200193 +660 675 3 891199556 +660 679 2 891201069 +660 722 1 891265453 +660 742 2 891198312 +660 746 4 891199478 +660 747 4 891200639 +660 786 1 891265453 +660 800 2 891201675 +660 809 2 891201565 +660 946 2 891201696 +660 1050 4 891200678 +660 1065 2 891201049 +660 1110 2 891201823 +660 1133 2 891201419 +660 1135 2 891201675 +660 1139 2 891201966 +660 1240 3 891201637 +660 1483 3 892520856 +660 1615 2 891198441 +661 1 5 876016545 +661 8 5 876016491 +661 31 3 876017533 +661 50 5 876013935 +661 58 4 886841865 +661 64 4 876014060 +661 71 4 876015530 +661 86 4 876035679 +661 89 5 888300344 +661 96 4 876015607 +661 121 2 876037619 +661 135 5 876013398 +661 140 3 876013552 +661 144 5 876016580 +661 145 1 876035968 +661 164 4 876035968 +661 165 5 876013975 +661 169 5 876017294 +661 170 4 888300680 +661 172 5 876036358 +661 174 5 876013447 +661 175 2 888299899 +661 179 4 876014125 +661 180 5 876016545 +661 181 5 876015607 +661 185 5 876013447 +661 192 4 888299461 +661 195 5 888300488 +661 197 4 876013975 +661 199 5 876016726 +661 204 5 876017801 +661 210 5 876015530 +661 218 3 876035933 +661 219 2 876035968 +661 228 5 876016545 +661 230 4 888300344 +661 249 3 886841443 +661 255 3 876037088 +661 258 4 876012997 +661 274 4 876037199 +661 280 3 886841562 +661 294 4 876036384 +661 298 3 886841348 +661 300 3 876036477 +661 304 2 886829961 +661 318 5 876013935 +661 418 4 876036240 +661 433 5 876016545 +661 471 4 876037167 +661 496 5 876015530 +661 515 5 876017294 +661 538 3 886830056 +661 566 4 876015688 +661 568 4 888301266 +661 573 3 876036043 +661 631 3 886841831 +661 652 2 888300680 +661 657 4 876013714 +661 665 3 876035999 +661 707 5 876016858 +661 749 2 889500304 +661 756 3 876037089 +661 762 2 876037121 +661 972 3 876016581 +661 1035 3 876017717 +662 10 4 880570142 +662 13 4 880570265 +662 100 5 880571006 +662 246 5 880571006 +662 268 5 880571005 +662 275 4 880571006 +662 276 3 880570080 +662 285 5 880571005 +662 985 4 880571006 +662 1342 4 880570112 +662 1380 2 880570952 +662 1381 5 880571005 +662 1511 4 880570301 +662 1652 3 880570909 +663 1 4 889492679 +663 3 4 889492614 +663 9 2 889492435 +663 12 5 889493576 +663 13 3 889492562 +663 15 4 889493069 +663 42 5 889493732 +663 56 5 889493502 +663 64 5 889493502 +663 89 4 889493818 +663 98 5 889493540 +663 100 4 889492503 +663 108 2 889492796 +663 111 3 889492562 +663 121 4 889493182 +663 123 3 889492562 +663 124 3 889492390 +663 129 3 889492503 +663 147 3 889493069 +663 148 4 889492989 +663 150 5 889492435 +663 151 3 889492841 +663 173 3 889493818 +663 174 5 889493540 +663 176 5 889493502 +663 180 4 889493691 +663 182 5 889493691 +663 183 4 889493770 +663 187 5 889493869 +663 192 4 889493628 +663 210 3 889493818 +663 235 2 889492917 +663 237 4 889492473 +663 240 3 889493027 +663 259 2 889491861 +663 265 4 889493691 +663 276 3 889492435 +663 281 3 889492759 +663 282 3 889492759 +663 289 1 889491861 +663 294 3 889491811 +663 299 2 889491739 +663 300 4 889491655 +663 307 4 889491690 +663 313 5 889491617 +663 315 4 889491560 +663 318 4 889493576 +663 319 1 889492229 +663 322 4 889491739 +663 323 2 889492230 +663 324 2 889492019 +663 326 4 889491861 +663 328 4 889491861 +663 410 3 889492759 +663 455 2 889492679 +663 466 3 889493467 +663 475 4 889492435 +663 508 4 889492503 +663 509 4 889493437 +663 521 3 889493467 +663 546 3 889493118 +663 591 3 889492759 +663 597 3 889492917 +663 628 4 889492615 +663 652 4 889493540 +663 655 4 889493869 +663 676 3 889492435 +663 682 3 889491891 +663 685 4 889492917 +663 693 4 889493732 +663 696 3 889492877 +663 748 2 889492019 +663 749 3 889491617 +663 763 5 889492614 +663 815 4 889492759 +663 827 2 889492796 +663 833 4 889492796 +663 844 2 889492841 +663 845 3 889492796 +663 864 3 889492917 +663 872 3 889491919 +663 895 4 889491811 +663 919 3 889492562 +663 948 4 889492258 +663 975 4 889492720 +663 978 4 889492614 +663 984 3 889491690 +663 1009 3 889493069 +663 1011 3 889493027 +663 1017 2 889492679 +663 1051 3 889493118 +663 1059 2 889492614 +663 1067 3 889492562 +663 1086 3 889492959 +663 1119 3 889493437 +663 1161 3 889493069 +663 1327 4 889493210 +664 1 4 878090087 +664 4 4 876526152 +664 14 4 878090764 +664 22 2 876524731 +664 31 4 876526555 +664 50 5 878090415 +664 53 3 876526580 +664 54 3 876526684 +664 56 4 876525962 +664 57 4 878092649 +664 58 4 876525292 +664 69 3 876525364 +664 83 4 876524869 +664 95 4 878090125 +664 96 3 878094973 +664 97 3 876525363 +664 98 4 876526462 +664 100 5 876523833 +664 121 3 876526659 +664 134 5 878092758 +664 137 3 876524641 +664 151 4 878091912 +664 153 4 876526152 +664 156 4 876526784 +664 157 3 876524731 +664 159 3 876526739 +664 162 4 876525764 +664 173 4 876525963 +664 174 5 878092802 +664 176 4 876526462 +664 182 4 876524641 +664 183 3 876526462 +664 186 5 876526052 +664 191 3 876523833 +664 194 4 876525998 +664 202 4 878094973 +664 215 4 876525293 +664 228 4 876526462 +664 230 3 876526659 +664 237 2 876525002 +664 276 5 876524053 +664 285 5 876524053 +664 302 4 876523093 +664 306 4 876523133 +664 317 3 878095280 +664 318 5 876525044 +664 319 4 876523133 +664 321 3 876526179 +664 326 2 876523225 +664 356 3 876526685 +664 367 3 876526152 +664 408 5 878094973 +664 414 5 878090415 +664 431 2 876526631 +664 449 2 876526718 +664 458 3 878091463 +664 482 5 878090180 +664 483 4 878091463 +664 494 5 878089975 +664 496 5 878090381 +664 497 3 878092649 +664 509 4 876523654 +664 516 5 876525963 +664 518 4 876524290 +664 522 3 876525998 +664 525 4 876526580 +664 528 5 876523833 +664 529 4 878090125 +664 531 2 876523833 +664 566 4 876526631 +664 582 1 876525044 +664 611 5 878090705 +664 627 1 878090125 +664 631 4 876525077 +664 642 4 876526554 +664 654 5 876526604 +664 655 3 876524097 +664 657 5 876526685 +664 660 3 876525718 +664 664 4 876524474 +664 692 3 878152048 +664 702 4 876526052 +664 705 4 878092802 +664 715 3 876525718 +664 724 3 876525695 +664 764 4 878092758 +664 792 4 876524474 +664 845 2 878090381 +664 1098 3 876526152 +664 1101 3 876525002 +664 1109 4 876526555 +665 1 4 884290491 +665 12 4 884294286 +665 33 2 884293873 +665 50 4 884290432 +665 56 5 884294611 +665 69 5 884293475 +665 88 3 884294552 +665 89 4 884294935 +665 92 4 884295080 +665 96 3 884293831 +665 98 4 884293569 +665 100 3 884290349 +665 121 2 884290480 +665 126 4 884290751 +665 134 4 884293569 +665 135 4 884294880 +665 147 4 884291057 +665 151 3 884291017 +665 154 3 884294025 +665 157 3 884294671 +665 183 4 884293933 +665 186 4 884293569 +665 188 4 884293366 +665 196 4 884294026 +665 200 4 884293741 +665 202 3 884294612 +665 210 4 884293789 +665 222 3 884290676 +665 237 3 884290635 +665 238 4 884294772 +665 239 3 884293475 +665 240 5 884291271 +665 248 4 884292068 +665 255 4 884290608 +665 257 3 884292654 +665 265 3 884294716 +665 271 2 884290055 +665 274 3 884290408 +665 286 4 884289850 +665 294 2 884289922 +665 301 4 884290096 +665 313 4 884618217 +665 378 3 884294237 +665 410 3 884291165 +665 411 4 884291242 +665 417 3 884293569 +665 418 4 884294611 +665 419 4 884295126 +665 421 4 884294552 +665 423 4 884294611 +665 432 4 884294025 +665 456 4 884291662 +665 471 3 884292009 +665 472 3 884291242 +665 473 4 884290882 +665 483 4 884293610 +665 496 3 884294200 +665 535 4 884291094 +665 546 2 884291376 +665 566 2 884293741 +665 631 2 884294459 +665 660 4 884294935 +665 685 2 884290515 +665 687 2 884290143 +665 699 4 884294374 +665 721 3 884294772 +665 742 4 884290704 +665 756 3 884292654 +665 924 4 884291165 +665 926 3 884291376 +665 931 3 884291810 +665 1028 4 884291133 +665 1047 1 884291376 +665 1048 4 884292325 +665 1315 4 884291413 +666 7 4 880313329 +666 12 4 880139323 +666 23 4 880139467 +666 26 3 880568505 +666 46 4 880139348 +666 48 4 880139180 +666 50 3 880313447 +666 64 4 880139120 +666 66 4 880568560 +666 69 3 880139149 +666 81 4 880314194 +666 89 4 880139149 +666 91 3 880139409 +666 92 3 880139493 +666 97 4 880139642 +666 98 4 880139381 +666 100 4 880313310 +666 106 2 880313992 +666 108 3 880313929 +666 111 3 880313523 +666 116 4 880313270 +666 118 3 880313903 +666 121 3 880313603 +666 124 3 880313391 +666 127 5 880139180 +666 129 4 880313270 +666 133 3 880139439 +666 135 4 880139562 +666 137 4 880313423 +666 143 2 880568064 +666 144 3 880314144 +666 147 3 880313661 +666 153 4 880314103 +666 154 3 880568662 +666 162 4 880568662 +666 163 3 880567742 +666 169 4 880567883 +666 172 3 880139090 +666 175 4 880567612 +666 180 4 880139562 +666 188 5 880314564 +666 192 4 880139615 +666 193 4 880567810 +666 194 3 880139348 +666 195 3 880314272 +666 196 3 880568129 +666 200 5 880568465 +666 204 3 880139090 +666 208 3 880139467 +666 210 2 880139493 +666 211 4 880139382 +666 213 4 880139120 +666 216 3 880139642 +666 222 3 880313423 +666 236 4 880313250 +666 237 3 880313391 +666 265 3 880139274 +666 269 5 880314564 +666 273 3 880313292 +666 282 3 880313482 +666 284 3 880313523 +666 286 5 880138999 +666 291 3 880313640 +666 293 3 880313310 +666 294 3 880139037 +666 310 5 880313163 +666 319 4 880138999 +666 357 4 880139526 +666 370 2 880313811 +666 381 3 880139349 +666 385 3 880568028 +666 405 2 880313662 +666 428 3 880139439 +666 433 3 880568560 +666 435 4 880567883 +666 443 4 880568638 +666 478 4 880139526 +666 479 4 880139642 +666 480 4 880568063 +666 482 4 880567997 +666 483 5 880139348 +666 484 4 880139149 +666 493 5 880139252 +666 494 4 880314310 +666 498 5 880139669 +666 499 4 880139562 +666 505 4 880139526 +666 507 3 880567771 +666 511 4 880139120 +666 513 4 880139323 +666 514 4 880139295 +666 516 5 880139348 +666 520 3 880139562 +666 527 4 880139253 +666 544 4 880313682 +666 546 4 880313640 +666 566 3 880314500 +666 607 4 880139563 +666 613 5 880139295 +666 640 4 880314477 +666 642 5 880139586 +666 644 3 880314453 +666 646 3 880139180 +666 647 5 880139439 +666 649 3 880568694 +666 650 5 880139409 +666 651 5 880139149 +666 653 4 880139120 +666 654 5 880139382 +666 655 4 880139439 +666 657 4 880139642 +666 660 4 880568094 +666 663 4 880139409 +666 692 3 880568505 +666 696 3 880313811 +666 707 5 880314103 +666 709 4 880314144 +666 744 3 880313661 +666 760 3 880313789 +666 805 4 880568436 +666 811 4 880568396 +666 866 2 880313582 +666 956 4 880568637 +666 960 4 880567810 +666 962 3 880314272 +666 963 3 880139090 +666 974 4 880313929 +666 1013 3 880314029 +666 1021 5 880139669 +666 1071 3 880567771 +666 1154 3 880567658 +666 1451 3 880139614 +666 1474 3 880567612 +667 9 5 891034831 +667 23 3 891035084 +667 28 5 891034913 +667 69 3 891035104 +667 79 3 891034930 +667 86 5 891034894 +667 98 4 891035104 +667 182 5 891034767 +667 196 5 891034993 +667 197 4 891035033 +667 210 3 891035051 +667 216 4 891034894 +667 238 3 891035140 +667 268 3 891034404 +667 269 5 891034444 +667 272 5 891034404 +667 275 4 891035084 +667 283 4 891034947 +667 315 4 891034426 +667 357 5 891034767 +667 427 5 891034767 +667 475 5 891035051 +667 487 5 891035084 +667 660 4 891035164 +667 694 4 891034730 +667 962 2 891035164 +668 13 4 881591075 +668 50 5 881605642 +668 69 1 881702566 +668 137 3 881605093 +668 252 2 881702925 +668 269 5 881523612 +668 272 5 890349005 +668 288 4 882818604 +668 289 2 881523929 +668 302 5 881523612 +668 328 4 881523787 +668 340 4 881523737 +668 347 4 890349005 +668 355 2 890349190 +668 367 5 881605587 +668 475 4 881605210 +668 538 5 881523787 +668 596 3 881591297 +668 882 3 881523929 +668 895 3 890349136 +668 896 4 882818549 +668 902 2 890349285 +668 993 4 881591257 +669 1 5 892549412 +669 7 3 892549266 +669 22 3 891517159 +669 50 5 891517215 +669 56 2 891260497 +669 64 4 891260440 +669 79 2 891260474 +669 96 2 891260392 +669 97 4 891517238 +669 111 4 892549583 +669 121 3 892549673 +669 125 3 892549622 +669 132 4 891260519 +669 133 4 891260779 +669 150 3 892549477 +669 151 5 892549370 +669 168 4 891517259 +669 175 4 892550170 +669 181 5 892549390 +669 183 3 891260577 +669 187 5 892550170 +669 190 3 892550170 +669 191 3 892550310 +669 192 5 891260542 +669 194 3 891517159 +669 195 2 891260542 +669 196 3 892550234 +669 205 4 892550137 +669 208 2 891517215 +669 216 3 892550170 +669 222 3 892549434 +669 235 2 892549865 +669 246 4 892549497 +669 248 4 892549412 +669 252 2 892549865 +669 268 3 891517159 +669 269 3 891517159 +669 271 2 891182948 +669 290 2 892549820 +669 313 4 891182948 +669 323 1 891182792 +669 329 1 891182771 +669 355 2 891182792 +669 357 4 891260616 +669 408 5 892549316 +669 474 4 891260369 +669 475 3 892549336 +669 479 5 891260806 +669 480 5 891517259 +669 482 4 892550170 +669 483 3 892550196 +669 511 5 891260778 +669 514 3 892550215 +669 515 5 891517238 +669 522 4 892550196 +669 531 3 892550310 +669 603 5 891260719 +669 614 4 891260778 +669 647 5 891260596 +669 649 4 891260754 +669 654 5 891260754 +669 657 5 891517185 +669 664 4 892550104 +669 879 2 891182703 +669 915 3 892549178 +670 8 4 877975594 +670 83 3 877975018 +670 96 5 877975070 +670 135 3 877974549 +670 144 4 877975285 +670 161 2 877975392 +670 175 2 877975448 +670 186 4 877975594 +670 191 4 877975731 +670 195 4 877974787 +670 199 4 877974549 +670 222 4 877974857 +670 245 4 877974070 +670 417 4 877975129 +670 419 4 877974945 +670 474 3 877975070 +670 483 5 877975200 +670 484 5 877975391 +670 485 5 877974945 +670 515 2 877974699 +670 519 5 877974604 +670 521 4 877975344 +670 603 5 877974465 +670 606 4 877975391 +670 611 5 877975129 +670 659 5 877974699 +670 705 5 877974905 +670 949 2 877974465 +670 969 2 877975070 +670 1099 3 877975018 +670 1299 4 877974905 +671 2 4 884035892 +671 7 5 875388719 +671 11 4 884035774 +671 17 4 883546889 +671 22 4 884035406 +671 27 3 884036050 +671 38 5 884035992 +671 50 5 875388719 +671 55 3 883546890 +671 56 1 883546120 +671 62 5 884036411 +671 66 5 884204727 +671 68 3 884035892 +671 79 2 883546120 +671 82 4 884035686 +671 88 4 884036846 +671 89 5 884035406 +671 98 4 883949357 +671 118 5 875389187 +671 121 4 875389187 +671 123 5 883546677 +671 159 5 883949781 +671 172 5 884035774 +671 174 5 884035685 +671 176 2 883546120 +671 181 5 875388719 +671 184 3 884035775 +671 195 5 884035774 +671 201 3 884204509 +671 203 3 884035173 +671 210 5 884035892 +671 219 3 884338399 +671 222 1 883546333 +671 226 3 883949693 +671 234 4 883546890 +671 237 5 884037003 +671 255 5 884375221 +671 257 5 875388720 +671 265 3 884035992 +671 273 4 875389187 +671 288 5 883950232 +671 379 3 884035303 +671 443 3 884034132 +671 451 4 884037004 +671 452 4 884035173 +671 455 4 884035775 +671 472 5 884036411 +671 504 4 883949781 +671 511 3 884035406 +671 526 2 884035406 +671 546 5 884036050 +671 550 3 884035406 +671 553 5 884036846 +671 562 5 884036365 +671 566 4 884035303 +671 570 3 884036411 +671 583 3 884034132 +671 654 3 884034800 +671 679 3 884036050 +671 686 3 884036365 +671 779 3 884036683 +671 802 3 884036411 +671 810 2 884036050 +671 838 3 884036365 +671 841 2 875388720 +671 849 3 884036050 +671 1109 2 883546677 +671 1303 3 884036365 +671 1491 1 884034132 +671 1597 1 884035892 +672 109 4 879788774 +672 181 3 879788708 +672 220 2 879787729 +672 237 2 879787811 +672 255 2 879789278 +672 269 3 879787460 +672 275 5 879787955 +672 280 2 879787729 +672 284 4 879789030 +672 301 4 879787500 +672 321 4 879787518 +672 515 5 879787812 +672 874 4 879787643 +672 1023 2 879789672 +672 1190 2 879789437 +673 12 4 888787587 +673 79 5 888787587 +673 258 2 888786969 +673 286 4 888787508 +673 292 4 888787376 +673 300 3 888786942 +673 301 3 888787450 +673 302 3 888786942 +673 307 3 888787355 +673 310 5 888786997 +673 313 4 888786942 +673 315 5 888786942 +673 321 3 888787355 +673 322 4 888787450 +673 323 2 888787508 +673 326 4 888787423 +673 327 4 888787396 +673 340 5 888786969 +673 345 4 888787396 +673 528 5 888787587 +673 895 3 888787423 +673 896 5 888787355 +673 898 3 888787312 +674 15 4 887762584 +674 111 5 887763336 +674 121 4 887762881 +674 151 2 887763274 +674 181 4 887762603 +674 222 3 887762839 +674 245 4 887762430 +674 252 2 887763151 +674 255 4 887763012 +674 257 4 887762641 +674 289 2 887763151 +674 292 4 887762415 +674 313 5 887762296 +674 410 3 887763150 +674 539 1 887763151 +674 597 3 887763150 +674 678 3 887762480 +674 742 5 887762714 +674 751 3 887762398 +674 827 4 887762899 +674 866 5 887763062 +674 1197 3 887763386 +674 1620 4 887763035 +675 86 4 889489574 +675 223 1 889490151 +675 235 1 889490151 +675 242 4 889488522 +675 244 3 889489775 +675 269 5 889488487 +675 272 3 889488431 +675 286 4 889488431 +675 303 5 889488522 +675 318 5 889489273 +675 321 2 889488708 +675 427 5 889489691 +675 463 5 889489003 +675 750 4 889488487 +675 891 2 889488779 +675 896 5 889488575 +675 900 4 889488624 +675 1007 4 889489522 +675 1628 5 889489837 +676 9 2 892686134 +676 22 5 892686606 +676 100 5 892686083 +676 168 5 892686459 +676 174 5 892686459 +676 193 5 892686606 +676 222 4 892686273 +676 250 4 892686164 +676 255 5 892686348 +676 269 2 892685224 +676 270 4 892685489 +676 272 4 892685224 +676 286 4 892685252 +676 294 4 892685591 +676 295 1 892686220 +676 302 5 892685224 +676 303 4 892685403 +676 316 4 892685224 +676 326 2 892685592 +676 328 5 892685657 +676 345 2 892685621 +676 471 3 892686273 +676 480 5 892686666 +676 483 4 892686459 +676 538 4 892685437 +676 539 4 892685920 +676 546 3 892686371 +676 687 1 892685803 +676 750 4 892685252 +676 890 1 892685900 +676 892 4 892685900 +676 912 3 892685489 +676 993 5 892686294 +676 1234 1 892685775 +676 1483 4 892685826 +677 7 4 889399171 +677 14 1 889399265 +677 91 5 889399671 +677 101 5 889399671 +677 109 1 889399327 +677 117 4 889399171 +677 129 5 889399199 +677 151 4 889399431 +677 240 5 889399431 +677 243 3 889399113 +677 245 5 885191403 +677 268 5 889398907 +677 288 5 885191166 +677 289 1 889399113 +677 290 1 889399295 +677 294 5 885191227 +677 300 5 889398960 +677 322 4 885191280 +677 351 2 889399113 +677 358 5 885191454 +677 455 5 889399470 +677 475 4 889399265 +677 508 5 889399171 +677 539 3 889399113 +677 678 4 889399113 +677 687 4 889399113 +677 740 1 889399265 +677 742 4 889399139 +677 748 4 889399113 +677 908 4 885191403 +677 980 2 889399470 +677 988 4 889399113 +677 1011 3 889399431 +677 1049 3 889399139 +678 1 5 879544882 +678 14 3 879544815 +678 15 3 879544449 +678 100 5 879544750 +678 117 4 879544989 +678 127 5 879544782 +678 147 4 879544882 +678 222 3 879544989 +678 237 3 879544915 +678 275 2 879544450 +678 276 5 879544952 +678 277 3 879544882 +678 285 3 879544397 +678 287 3 879544397 +678 298 3 879544750 +678 300 4 879544295 +678 332 4 879544254 +678 515 4 879544782 +678 742 4 879544783 +678 1115 3 879544815 +678 1129 1 879544915 +679 1 3 884487688 +679 28 5 884486732 +679 42 4 884487584 +679 50 5 884486758 +679 63 3 884489283 +679 83 5 884486694 +679 95 3 884487688 +679 97 3 884487300 +679 100 3 884487089 +679 109 3 884488283 +679 111 3 884487715 +679 143 2 884487135 +679 153 2 884486904 +679 154 4 884486658 +679 168 5 884487534 +679 172 5 884486758 +679 173 5 884486966 +679 215 3 884487999 +679 222 4 884487418 +679 223 5 884487052 +679 249 3 884486594 +679 268 4 884312834 +679 286 5 884312660 +679 290 2 884487715 +679 294 1 884312763 +679 318 5 884486812 +679 322 3 884312763 +679 423 3 884487112 +679 432 4 884487514 +679 483 5 884487010 +679 527 4 884486985 +679 531 4 884487153 +679 568 2 884488259 +679 588 3 884487825 +679 721 3 884487611 +679 727 4 884487961 +679 748 4 884312926 +679 751 5 884325826 +680 1 4 876816224 +680 7 5 876816310 +680 14 5 877075079 +680 24 4 877075214 +680 50 5 876816310 +680 137 4 876816310 +680 143 4 876816224 +680 150 5 877075105 +680 151 5 877075164 +680 203 3 876816162 +680 242 4 876815942 +680 257 4 877075273 +680 269 4 876815942 +680 273 3 877075214 +680 294 4 876816043 +680 318 5 876816106 +680 517 4 876816162 +681 270 1 885409370 +681 289 5 885410009 +681 292 4 885409883 +681 294 5 885409938 +681 310 3 885409572 +681 328 3 885409810 +681 538 3 885409516 +681 682 1 885409810 +681 690 4 885409770 +681 750 5 885409438 +681 894 1 885409742 +681 990 4 885409770 +681 1105 3 885409742 +681 1176 4 885409515 +681 1394 5 885409742 +682 1 4 888523054 +682 2 3 888522541 +682 5 3 888520799 +682 8 3 888521833 +682 22 5 888519725 +682 23 4 888519725 +682 24 4 888522575 +682 25 4 888521564 +682 26 3 888517986 +682 27 3 888518104 +682 28 3 888516953 +682 33 4 888520864 +682 39 4 888518009 +682 42 5 888518979 +682 48 4 888517264 +682 49 3 888522194 +682 54 4 888517628 +682 55 4 888520705 +682 58 3 888517627 +682 62 3 888522541 +682 65 3 888517416 +682 67 4 888523581 +682 71 5 888523135 +682 72 3 888521540 +682 73 5 888521564 +682 76 3 888517049 +682 77 3 888517562 +682 81 3 888517439 +682 82 4 888522541 +682 85 3 888521833 +682 86 2 888518206 +682 88 4 888521599 +682 95 5 888523581 +682 96 4 888523635 +682 98 4 888520638 +682 108 3 888521564 +682 109 3 888521539 +682 111 3 888521740 +682 117 4 888522455 +682 128 4 888522575 +682 135 4 888517484 +682 143 3 888523115 +682 144 3 888522418 +682 147 1 888523619 +682 148 3 888520923 +682 151 5 888523115 +682 153 3 888521465 +682 156 5 888519207 +682 158 2 888522260 +682 159 3 888521005 +682 161 3 888522542 +682 163 3 888521833 +682 168 5 888521381 +682 172 5 888522417 +682 174 4 888523581 +682 175 3 888517265 +682 176 4 888521195 +682 179 4 888517627 +682 180 3 888516979 +682 183 3 888520638 +682 184 4 888519307 +682 185 4 888520639 +682 186 4 888521413 +682 187 5 888517235 +682 192 3 888516979 +682 195 4 888522418 +682 196 5 888523581 +682 202 4 888521413 +682 209 3 888521381 +682 210 4 888522326 +682 211 4 888522311 +682 216 4 888521381 +682 217 4 888523581 +682 219 2 888522857 +682 223 1 888517011 +682 226 3 888520923 +682 228 4 888520923 +682 229 4 888520923 +682 231 1 888522612 +682 232 3 888519408 +682 233 2 888520864 +682 235 1 888521833 +682 237 3 888517324 +682 239 3 888517439 +682 241 4 888522541 +682 243 1 888516865 +682 245 3 888516841 +682 246 5 888518659 +682 248 3 888518640 +682 249 3 888518722 +682 250 4 888523635 +682 258 3 888516814 +682 263 1 888518541 +682 268 5 888518279 +682 271 4 888518279 +682 274 4 888521740 +682 276 3 888517097 +682 280 3 888517740 +682 284 4 888519725 +682 288 4 888516814 +682 290 1 888522217 +682 298 4 888518639 +682 299 4 888518363 +682 300 2 888518320 +682 318 4 888517168 +682 332 4 888518320 +682 346 2 888518320 +682 362 2 888518251 +682 363 2 888522612 +682 365 3 888517986 +682 367 3 888521783 +682 378 3 888517986 +682 380 4 888517510 +682 385 3 888522456 +682 393 4 888521711 +682 395 3 888523657 +682 401 1 888522260 +682 403 3 888517792 +682 405 2 888522456 +682 427 4 888523581 +682 431 4 888520799 +682 433 3 888521540 +682 451 3 888521637 +682 467 3 888517364 +682 468 5 888517869 +682 470 5 888517628 +682 471 3 888517537 +682 472 3 888522699 +682 475 3 888521465 +682 527 3 888517168 +682 540 2 888521291 +682 542 2 888523227 +682 550 2 888522541 +682 551 2 888522977 +682 552 3 888520977 +682 553 3 888517627 +682 558 1 888519276 +682 559 4 888522837 +682 562 2 888522700 +682 583 2 888517587 +682 585 4 888522021 +682 586 1 888522700 +682 591 3 888517097 +682 625 3 888523155 +682 627 4 888523171 +682 628 4 888517364 +682 631 3 888517922 +682 657 4 888520638 +682 660 2 888517870 +682 672 2 888522894 +682 678 1 888516814 +682 683 2 888518503 +682 684 3 888520705 +682 685 3 888522541 +682 686 4 888519725 +682 692 3 888519207 +682 693 3 888517537 +682 696 4 888518035 +682 708 3 888518104 +682 713 3 888517537 +682 716 2 888522074 +682 717 3 888521090 +682 719 2 888521982 +682 721 4 888518937 +682 722 4 888522073 +682 728 3 888522021 +682 729 3 888518035 +682 732 3 888517740 +682 738 3 888522021 +682 746 3 888521413 +682 752 4 888523634 +682 756 2 888521942 +682 762 3 888521637 +682 765 4 888523581 +682 769 2 888522951 +682 774 4 888522894 +682 775 1 888521981 +682 781 2 888521833 +682 783 2 888521291 +682 790 3 888521942 +682 797 2 888522613 +682 801 3 888521907 +682 804 3 888521740 +682 820 3 888523323 +682 823 2 888522613 +682 824 1 888521907 +682 833 1 888522260 +682 849 2 888522699 +682 866 2 888522101 +682 876 3 888521290 +682 881 3 888521291 +682 890 2 888518564 +682 895 4 888518380 +682 922 3 888517816 +682 925 3 888520923 +682 932 1 888522017 +682 941 4 888518035 +682 943 3 888520864 +682 944 3 888522073 +682 946 4 888523155 +682 948 2 888516865 +682 999 2 888521942 +682 1011 4 888517986 +682 1012 4 888518747 +682 1019 5 888519519 +682 1035 3 888523227 +682 1039 4 888517510 +682 1046 3 888520799 +682 1047 3 888521803 +682 1067 3 888520497 +682 1079 3 888523657 +682 1084 2 888518164 +682 1093 3 888522100 +682 1132 3 888521907 +682 1135 2 888518035 +682 1153 3 888517869 +682 1178 1 888521866 +682 1188 3 888519408 +682 1217 3 888521047 +682 1221 3 888517265 +682 1225 4 888521783 +682 1228 1 888522699 +682 1231 2 888522612 +682 1267 3 888517627 +682 1311 3 888518035 +682 1478 3 888519226 +683 22 4 893286550 +683 127 4 893286501 +683 132 5 893286207 +683 245 2 893283728 +683 258 3 893282978 +683 259 3 893283642 +683 269 3 893282664 +683 270 3 893283049 +683 271 3 893284183 +683 272 4 893286260 +683 288 3 893286259 +683 289 4 893286260 +683 294 3 893286346 +683 300 3 893283728 +683 301 2 893283728 +683 305 4 893286261 +683 307 3 893286347 +683 311 3 893283049 +683 315 4 893285557 +683 317 4 893286501 +683 322 2 893283903 +683 323 3 893283903 +683 325 2 893286346 +683 327 4 893286260 +683 328 2 893283728 +683 331 2 893283728 +683 340 4 893286260 +683 344 3 893284138 +683 346 4 893286347 +683 347 4 893286208 +683 354 3 893286347 +683 472 3 893286550 +683 513 5 893286208 +683 607 5 893286207 +683 609 3 893286502 +683 626 3 893286550 +683 678 1 893283948 +683 683 3 893286347 +683 754 3 893284184 +683 879 3 893283997 +683 880 3 893283641 +683 906 4 893286261 +683 914 2 893283104 +684 8 5 878761120 +684 15 5 878759758 +684 49 4 878762243 +684 50 4 875810897 +684 63 4 878762087 +684 66 4 878762033 +684 67 3 878762144 +684 73 4 878762087 +684 82 5 875812227 +684 83 5 878761676 +684 98 4 878759970 +684 100 4 875810574 +684 117 4 875810999 +684 158 3 878760372 +684 168 4 878761120 +684 172 5 875812299 +684 173 3 878761120 +684 178 4 878760250 +684 210 3 878759474 +684 215 5 875812176 +684 216 3 878761717 +684 217 2 875811965 +684 225 3 875811341 +684 248 3 878576473 +684 265 4 878759435 +684 274 2 878759884 +684 282 4 875811274 +684 365 4 878759820 +684 376 3 878762273 +684 381 2 878762033 +684 393 4 878761751 +684 408 5 875810796 +684 409 3 878760614 +684 411 3 875811455 +684 435 3 878761717 +684 477 5 878759560 +684 483 5 878576905 +684 585 2 878762273 +684 716 2 878761751 +684 732 4 878761717 +684 756 4 875811455 +684 763 2 878232961 +684 924 2 878232961 +684 1028 4 875810966 +684 1301 3 878760019 +685 288 2 879451147 +685 289 2 879451253 +685 299 2 879451540 +685 324 3 879451401 +685 333 1 879451147 +685 337 2 879451401 +685 872 2 879447443 +685 875 3 879451401 +685 882 3 879451401 +685 886 1 879451211 +686 2 3 879546443 +686 11 4 879546083 +686 22 5 879545181 +686 23 5 879547177 +686 26 5 879546847 +686 48 5 879545180 +686 50 4 879545413 +686 56 5 879546147 +686 89 4 879545481 +686 97 2 879546847 +686 168 5 879547129 +686 173 5 879546847 +686 178 5 879546715 +686 179 5 879545814 +686 191 5 879546954 +686 192 5 879545340 +686 194 5 879546443 +686 197 5 879545814 +686 209 5 879545550 +686 214 5 879546651 +686 265 4 879545550 +686 299 5 879543557 +686 317 5 879546553 +686 318 5 879545814 +686 427 5 879546319 +686 430 4 879546786 +686 435 5 879545758 +686 451 4 879546847 +686 467 5 879547336 +686 518 5 879546497 +686 527 3 879547177 +686 542 1 879546443 +686 603 5 879546847 +686 654 5 879546954 +686 806 5 879546319 +686 969 5 879546083 +687 268 5 884652088 +687 269 4 884651420 +687 286 3 884651648 +687 294 3 884651894 +687 300 4 884652089 +687 313 5 884651420 +687 321 4 884651818 +687 323 2 884651894 +687 324 2 884651648 +687 879 3 884651894 +687 895 4 884652331 +687 988 3 884652429 +688 302 5 884153425 +688 304 5 884153606 +688 307 4 884153505 +688 309 5 884153606 +688 341 5 884153606 +688 349 5 884153712 +688 359 5 884153606 +688 749 5 884153712 +688 877 5 884153751 +688 879 5 884153712 +688 898 5 884153606 +688 1127 5 884153606 +689 1 3 876676211 +689 13 1 876676397 +689 50 5 876676397 +689 117 4 876676293 +689 118 4 876676433 +689 150 4 876676134 +689 181 5 876674861 +689 237 3 876676293 +689 257 5 876676397 +689 258 5 876674954 +689 260 3 879211543 +689 295 1 876676334 +689 300 5 876674606 +689 328 5 879211479 +689 358 4 876674762 +689 405 5 876676292 +689 410 1 876676293 +689 475 4 876676334 +689 596 3 876676134 +689 717 3 876676359 +689 763 4 876676165 +690 1 4 881179631 +690 4 3 881177459 +690 8 4 881177430 +690 9 3 881178232 +690 47 1 881179469 +690 51 3 881180543 +690 53 2 881180005 +690 56 4 881177349 +690 63 3 881177804 +690 66 3 881177581 +690 69 5 881179293 +690 70 2 881179584 +690 72 2 881177553 +690 73 2 881177271 +690 77 3 881179906 +690 89 2 881179505 +690 106 3 881180138 +690 118 4 881180056 +690 121 3 881179906 +690 127 4 881178213 +690 148 3 881178365 +690 153 5 881177485 +690 154 3 881179222 +690 158 4 881177835 +690 167 2 881177662 +690 186 4 881177349 +690 197 4 881180427 +690 202 2 881177349 +690 203 4 881179631 +690 208 5 881177302 +690 211 3 881177349 +690 232 4 881177689 +690 238 5 881177302 +690 240 1 881179469 +690 274 3 881177721 +690 284 4 881178442 +690 294 3 881177237 +690 357 5 881179122 +690 393 4 881177616 +690 402 3 881180497 +690 428 1 881177506 +690 435 5 881177616 +690 443 3 881179937 +690 451 4 881177910 +690 496 4 881179222 +690 514 1 881177430 +690 546 4 881178383 +690 554 3 881180005 +690 581 2 881180109 +690 585 2 881177970 +690 629 1 881177459 +690 636 4 881179969 +690 642 3 881179937 +690 655 4 881177272 +690 684 4 881179938 +690 705 1 881179505 +690 722 3 881177937 +690 747 3 881180427 +690 763 4 881177553 +690 780 4 881177910 +690 781 2 881177662 +690 993 3 881178697 +690 1028 4 881177836 +690 1041 3 881177804 +690 1090 3 881180138 +690 1118 1 881177459 +690 1185 1 881177778 +690 1210 3 881180035 +690 1273 3 881180382 +691 64 5 875543191 +691 79 5 875543025 +691 178 5 875543281 +691 182 5 875543228 +691 185 5 875543281 +691 205 5 875543395 +691 227 4 875543108 +691 243 1 875542944 +691 304 3 875542868 +691 318 5 875543281 +691 322 3 875542976 +691 496 5 875543025 +691 500 3 875543068 +691 524 5 875543153 +691 604 5 875543025 +691 631 4 875543025 +691 650 5 875543281 +691 672 1 875543153 +691 692 5 875543153 +691 735 5 875543228 +691 748 4 875542868 +691 772 5 875543281 +691 1172 5 875543191 +692 1 4 876953340 +692 25 4 876953340 +692 66 2 876953130 +692 168 2 876953204 +692 194 4 876953340 +692 208 4 876953340 +692 211 4 876953340 +692 249 3 876953681 +692 257 4 876953340 +692 294 3 876946833 +692 300 4 876953340 +692 326 3 876948579 +692 328 4 876953340 +692 410 5 876953824 +692 411 4 876954021 +692 476 3 876953279 +692 508 3 876953424 +692 523 3 876953204 +692 762 4 876953681 +692 763 3 876954381 +692 866 4 876953733 +692 1012 1 876953553 +692 1028 3 876953823 +692 1047 2 876953616 +692 1132 4 876953954 +693 9 3 875481856 +693 12 4 875482056 +693 28 2 875482280 +693 48 5 875482280 +693 50 3 875483881 +693 56 4 875483268 +693 58 3 875482477 +693 77 2 875482860 +693 79 4 875483330 +693 88 3 883975500 +693 96 4 875483881 +693 97 5 875482604 +693 99 3 875484763 +693 117 4 875483977 +693 121 2 875483564 +693 127 4 875482056 +693 130 1 875483144 +693 134 4 875484539 +693 135 4 875482524 +693 144 4 875483847 +693 157 4 875482779 +693 159 4 875483521 +693 161 3 875484089 +693 172 3 875483947 +693 174 4 875483881 +693 176 2 875483268 +693 177 3 875484882 +693 178 5 875482309 +693 180 3 875482309 +693 185 5 875483301 +693 186 2 875484882 +693 187 3 875482336 +693 191 2 875482136 +693 192 2 875482477 +693 193 4 875482092 +693 195 4 875483847 +693 197 3 875482197 +693 199 3 883975558 +693 210 3 875484044 +693 211 2 875484789 +693 216 4 875484613 +693 218 4 875483473 +693 222 2 875482524 +693 228 2 875483947 +693 229 2 875483435 +693 230 2 875483381 +693 234 2 875483330 +693 258 4 875481336 +693 272 4 885703603 +693 281 3 875483597 +693 288 2 883975203 +693 291 3 889167954 +693 298 3 885703740 +693 313 5 885703726 +693 378 2 883975537 +693 382 4 875482689 +693 402 3 883975558 +693 443 2 875483741 +693 449 2 875483407 +693 471 3 875482653 +693 484 3 875484837 +693 492 3 875484539 +693 504 5 875483302 +693 506 2 875484932 +693 507 4 875484837 +693 520 2 875485037 +693 521 5 875482092 +693 528 1 875484613 +693 546 1 875483234 +693 566 2 875483473 +693 576 2 875484148 +693 582 2 875482477 +693 591 3 875482779 +693 611 4 875484406 +693 628 4 875483020 +693 632 5 875482626 +693 636 1 875483473 +693 649 2 875483169 +693 651 3 875482548 +693 654 3 875483381 +693 662 4 875482604 +693 664 2 875482689 +693 685 4 875483947 +693 697 4 875482574 +693 708 3 875483049 +693 729 4 875482912 +693 735 4 875482912 +693 742 3 875483407 +693 855 2 883975636 +693 939 4 875483381 +693 977 3 875483597 +693 1090 4 875483564 +693 1135 3 875482689 +693 1136 3 883975358 +693 1248 3 875483597 +694 15 4 875728842 +694 23 3 875727926 +694 28 4 875729304 +694 52 4 875729667 +694 69 5 875727715 +694 71 4 875730889 +694 72 4 875729107 +694 88 4 875727018 +694 89 4 875728220 +694 100 4 875727640 +694 118 4 875729983 +694 127 5 875730386 +694 133 5 875727189 +694 135 5 875727018 +694 138 3 875730082 +694 141 5 875727399 +694 143 4 875727513 +694 144 4 875728912 +694 161 4 875727018 +694 163 4 875729982 +694 172 5 875727399 +694 177 5 875726886 +694 179 4 875730980 +694 180 4 875727672 +694 183 5 875727061 +694 185 4 875729520 +694 187 4 875727582 +694 188 5 875727715 +694 194 5 875727143 +694 202 4 875727189 +694 204 4 875728639 +694 205 5 875726968 +694 211 5 875727189 +694 215 3 875728181 +694 238 3 875727306 +694 241 3 875727877 +694 318 5 875727099 +694 357 5 875726618 +694 385 4 875730082 +694 427 4 875727226 +694 434 5 875727018 +694 435 4 875728639 +694 451 4 875729068 +694 470 4 875727144 +694 474 4 875727226 +694 481 4 875727781 +694 482 5 875728435 +694 483 5 875727449 +694 484 4 875726707 +694 485 4 875728952 +694 490 4 875727877 +694 492 4 875727581 +694 495 4 875727018 +694 498 5 875726618 +694 499 4 875728345 +694 506 4 875727270 +694 510 5 875726927 +694 511 5 875728048 +694 519 4 875728293 +694 521 3 875730042 +694 523 4 875727877 +694 526 5 875729431 +694 527 5 875727449 +694 530 5 875726708 +694 582 4 875728801 +694 603 4 875727476 +694 605 4 875727513 +694 606 4 875727189 +694 630 3 875728912 +694 648 5 875728639 +694 657 4 875728952 +694 660 3 875729270 +694 661 5 875727926 +694 663 4 875727926 +694 665 4 875728729 +694 673 4 875726926 +694 705 5 875728048 +694 836 4 875727821 +694 965 4 875727672 +694 1020 4 875728345 +694 1028 3 875728581 +694 1126 5 875727449 +694 1221 3 875728842 +694 1269 5 875726793 +695 242 5 888805837 +695 264 1 888806222 +695 268 5 888805864 +695 286 3 888805913 +695 289 2 888806150 +695 302 4 888805836 +695 312 3 888806193 +695 323 2 888806292 +695 324 2 888805981 +695 328 3 888806056 +695 333 2 888805952 +695 340 4 888806082 +695 343 4 888806120 +695 354 4 888806056 +695 358 5 888806270 +695 678 4 888806292 +695 682 1 888805952 +695 748 1 888806270 +695 887 3 888805797 +695 895 1 888805864 +695 903 4 888806082 +695 989 3 888806056 +695 991 5 888806011 +696 9 5 886404617 +696 124 5 886404617 +696 178 4 886404542 +696 245 4 886404208 +696 285 4 886404617 +696 286 5 886403578 +696 302 5 886403632 +696 307 5 886404144 +696 311 5 886404063 +696 327 4 886404144 +696 347 1 886403578 +696 427 5 886404542 +696 520 5 886404617 +696 748 1 886404268 +696 899 3 886403673 +696 906 3 886403769 +696 1062 4 886403631 +696 1126 3 886404617 +697 7 5 882622798 +697 9 4 882622505 +697 50 5 882621913 +697 118 3 882622044 +697 121 4 882622066 +697 122 4 882622248 +697 126 5 882622581 +697 127 5 882622481 +697 225 3 882622680 +697 235 4 882622188 +697 237 5 882622414 +697 244 5 882622481 +697 245 3 882621621 +697 246 5 882622798 +697 250 4 882621940 +697 252 1 882621940 +697 254 2 882621958 +697 257 5 882621913 +697 260 3 882621651 +697 263 1 882621714 +697 270 5 882622481 +697 271 4 882621460 +697 276 5 882622505 +697 280 3 882622597 +697 284 5 882622581 +697 286 4 882621486 +697 287 4 882622170 +697 288 2 882621431 +697 291 5 882622481 +697 305 5 882621431 +697 307 4 882621431 +697 310 3 882621431 +697 323 4 882621621 +697 324 5 882622481 +697 325 4 882621673 +697 326 4 882621548 +697 328 5 882621486 +697 339 2 882621714 +697 343 4 882621548 +697 369 5 882622481 +697 455 4 882622170 +697 456 3 882622287 +697 546 4 882622626 +697 591 4 882622016 +697 595 4 882622066 +697 742 3 882622044 +697 763 4 882622208 +697 815 3 882622430 +697 820 3 882622373 +697 833 3 882622228 +697 876 3 882621595 +697 879 4 882621486 +697 881 2 882621523 +697 886 5 882622481 +697 895 2 882621548 +697 975 1 882622044 +697 979 5 882622044 +697 986 1 882622680 +697 1012 1 882622824 +697 1022 1 882621523 +697 1025 2 882621523 +697 1047 3 882622228 +697 1067 5 882622170 +697 1089 3 882621958 +698 1 4 886366815 +698 9 3 886367956 +698 10 4 886366652 +698 22 1 886368545 +698 25 2 886367917 +698 28 2 886366916 +698 66 3 886367100 +698 86 2 886367508 +698 89 4 886366454 +698 96 4 886366515 +698 100 2 886367809 +698 121 2 886368545 +698 127 4 886366101 +698 131 4 886366955 +698 132 4 886367066 +698 133 2 886367586 +698 134 3 886366558 +698 135 3 886366483 +698 143 3 886367530 +698 172 5 886367100 +698 173 5 886366652 +698 174 3 886367337 +698 175 3 886367406 +698 176 4 886366814 +698 181 3 886366141 +698 183 3 886366916 +698 187 2 886366916 +698 195 4 886366483 +698 198 2 886367442 +698 199 2 886367065 +698 202 3 886367775 +698 204 2 886366770 +698 211 2 886367066 +698 214 1 886367874 +698 228 3 886367442 +698 257 3 886366141 +698 258 3 886365527 +698 294 4 886365733 +698 300 4 886365577 +698 357 4 886366454 +698 385 4 886367366 +698 404 1 886368545 +698 419 3 886367474 +698 423 2 886366731 +698 427 1 886367013 +698 428 1 886367955 +698 431 1 886367750 +698 433 4 886366848 +698 435 3 886366980 +698 465 3 886367720 +698 479 2 886368545 +698 480 2 886367100 +698 481 3 886367473 +698 482 2 886367406 +698 483 3 886367133 +698 486 4 886366815 +698 487 2 886367508 +698 490 3 886366814 +698 496 3 886366690 +698 498 4 886366515 +698 499 3 886366515 +698 511 2 886367693 +698 515 4 886366190 +698 516 2 886367809 +698 525 1 886367615 +698 526 2 886366611 +698 588 4 886367558 +698 606 2 886366770 +698 607 2 886368545 +698 613 5 886366770 +698 625 3 886366731 +698 640 2 886367849 +698 648 4 886367100 +698 654 1 886367586 +698 662 2 886367406 +698 663 1 886366955 +698 707 2 886366814 +698 709 4 886367065 +698 855 2 886367615 +698 945 2 886367100 +698 988 1 886365802 +698 1020 2 886367558 +698 1021 1 886367615 +698 1115 2 886367955 +699 3 3 879147917 +699 7 2 878882272 +699 9 2 878882133 +699 10 4 883884599 +699 15 1 878882511 +699 19 4 878882667 +699 20 4 879147239 +699 21 3 884152916 +699 50 3 878881875 +699 70 4 878883038 +699 95 3 878883173 +699 98 4 878883038 +699 106 3 886568066 +699 116 4 887503290 +699 117 4 879148051 +699 124 4 878882667 +699 127 3 878881828 +699 129 4 878882667 +699 137 4 878882667 +699 185 4 878883038 +699 191 3 878883173 +699 202 3 878883112 +699 206 3 878883173 +699 220 2 885775430 +699 243 2 879147597 +699 246 4 883278783 +699 269 4 893140697 +699 270 4 893140745 +699 273 3 878882563 +699 275 3 879148201 +699 283 4 879147032 +699 286 3 880695246 +699 288 3 878881675 +699 291 3 892709098 +699 294 3 878881676 +699 304 4 880695431 +699 309 3 882000505 +699 322 3 879382698 +699 323 4 879147366 +699 328 2 885775345 +699 333 3 893140662 +699 340 4 893140639 +699 370 3 879148129 +699 458 4 879148051 +699 471 3 879147597 +699 473 3 880696344 +699 475 4 878882667 +699 477 3 878882411 +699 482 2 878883038 +699 523 2 878883038 +699 532 3 878882410 +699 546 3 879147769 +699 591 2 880696196 +699 596 3 884152780 +699 619 2 887503290 +699 683 3 880695597 +699 685 3 879147367 +699 762 3 878882455 +699 764 3 886568162 +699 828 3 884152917 +699 831 2 884152570 +699 870 3 879147814 +699 878 3 879382955 +699 880 3 893140941 +699 886 3 893140639 +699 930 2 880696344 +699 978 4 886568066 +699 985 3 879147814 +699 1009 4 878882668 +699 1010 3 878882563 +699 1011 4 880696196 +699 1013 3 879147722 +699 1028 2 880696678 +699 1033 4 884152917 +699 1057 3 880696553 +699 1061 3 879147169 +699 1093 3 880696051 +699 1163 5 879148050 +699 1187 4 879148051 +699 1328 4 879148051 +699 1336 3 884152976 +699 1643 3 879147169 +700 28 3 884493712 +700 48 4 884494215 +700 56 3 884493899 +700 73 3 884494380 +700 98 3 884494215 +700 169 3 884493862 +700 173 5 884493713 +700 174 4 884493862 +700 202 3 884493899 +700 222 3 884493899 +700 318 4 884494420 +700 423 4 884493943 +700 531 4 884494380 +700 651 4 884493712 +701 1 4 891447139 +701 19 5 891447164 +701 124 5 891447164 +701 127 4 891447139 +701 237 5 891447198 +701 269 5 891446488 +701 275 5 891447228 +701 286 4 891446488 +701 289 4 891446857 +701 292 4 891446754 +701 300 3 891446520 +701 303 4 891446618 +701 311 5 891446679 +701 312 3 891446730 +701 313 4 891446521 +701 326 4 891446707 +701 328 4 891446707 +701 344 3 891446788 +701 689 3 891446822 +701 690 4 891446520 +701 751 4 891446788 +702 222 5 885767775 +702 227 4 885767775 +702 229 4 885767775 +702 230 4 885767774 +702 258 5 885767306 +702 271 1 885767534 +702 289 2 885767604 +702 307 2 885767336 +702 343 2 885767629 +702 350 1 885767336 +702 352 1 885767435 +702 380 4 885767774 +702 449 3 885767775 +702 450 1 885767775 +702 538 4 885767461 +702 683 1 885767576 +702 687 1 885767629 +702 688 1 885767629 +702 690 1 885767392 +702 748 2 885767556 +702 751 4 885767576 +702 879 1 885767604 +702 895 1 885767534 +703 1 4 875242851 +703 9 2 875242814 +703 15 5 875242814 +703 25 3 875242683 +703 100 4 875242663 +703 118 5 875242852 +703 121 5 875243049 +703 123 4 875242787 +703 127 5 875242663 +703 181 5 875242762 +703 235 1 875242885 +703 276 3 875242964 +703 288 4 875242076 +703 300 4 875242077 +703 322 3 875242336 +703 323 2 875242281 +703 328 3 875242303 +703 508 3 875243028 +703 591 4 875243049 +703 596 3 875242912 +703 628 4 875242762 +703 742 3 875242852 +703 748 3 875242281 +703 764 2 875242885 +703 819 2 875242912 +703 845 4 875243028 +703 926 4 875242885 +703 993 4 875242787 +703 1012 4 875242852 +703 1197 3 875242762 +704 14 3 891397190 +704 22 2 891397441 +704 58 3 891397366 +704 69 3 891397441 +704 89 5 891397305 +704 98 5 891397305 +704 100 4 891397491 +704 134 5 891397441 +704 135 5 891397305 +704 156 3 891397819 +704 173 4 891397058 +704 175 3 891397712 +704 185 4 891398702 +704 187 4 891397143 +704 193 5 891397305 +704 197 5 891397948 +704 208 3 891397262 +704 210 4 891397112 +704 214 2 891398702 +704 222 3 891397058 +704 269 4 891397015 +704 272 5 891397015 +704 286 5 891397015 +704 300 2 891396674 +704 318 5 891397491 +704 322 2 891396881 +704 340 3 891396636 +704 344 4 891397015 +704 347 4 891397015 +704 382 4 891397571 +704 432 5 891397535 +704 435 4 891397058 +704 481 5 891397667 +704 488 5 891397570 +704 492 5 891397491 +704 493 4 891397190 +704 494 5 891397948 +704 497 3 891397764 +704 506 4 891397712 +704 519 3 891397262 +704 523 5 891397667 +704 528 3 891397491 +704 603 5 891397262 +704 606 2 891397441 +704 611 3 891397764 +704 631 3 891397366 +704 632 3 891397441 +704 633 5 891397819 +704 639 2 891397667 +704 648 5 891397667 +704 661 4 891397667 +704 679 2 891398726 +704 889 3 891397015 +704 1299 3 891398702 +705 15 3 883427297 +705 22 5 883427988 +705 29 5 883428237 +705 62 5 883428178 +705 69 3 883518834 +705 71 5 883427640 +705 79 5 883428028 +705 82 5 883427663 +705 83 4 883518834 +705 89 2 883428083 +705 94 4 883427857 +705 95 4 883427640 +705 96 5 883428028 +705 97 3 883518765 +705 99 3 883427691 +705 117 5 883426944 +705 142 2 883427932 +705 143 3 883427663 +705 148 5 883427134 +705 161 5 883428028 +705 173 2 883427640 +705 181 5 883426892 +705 183 2 883427988 +705 193 3 883518903 +705 195 2 883428083 +705 210 5 883427988 +705 215 2 883518871 +705 222 5 883427318 +705 225 4 883427594 +705 227 4 883428178 +705 228 3 883428109 +705 229 3 883428154 +705 230 4 883428083 +705 252 1 883427552 +705 257 4 883426944 +705 283 5 883427048 +705 318 5 883518731 +705 363 2 883427530 +705 377 4 883427857 +705 393 4 883427716 +705 399 5 883427778 +705 403 4 883428154 +705 416 3 883427716 +705 419 3 883427663 +705 423 2 883427904 +705 471 5 883427339 +705 526 3 883428028 +705 546 3 883427377 +705 566 4 883428058 +705 576 4 883428128 +705 588 3 883427640 +705 597 4 883427339 +705 623 5 883427778 +705 625 5 883427691 +705 655 3 883518852 +705 684 3 883428084 +705 685 5 883427190 +705 699 5 883427640 +705 720 5 883428178 +705 755 5 883427691 +705 797 4 883428258 +705 815 3 883427297 +705 820 3 883427817 +705 826 4 883428238 +705 843 2 883427796 +705 849 3 883428201 +705 862 1 883427875 +705 1035 4 883427737 +705 1544 4 883427691 +706 9 3 880997105 +706 24 3 880997172 +706 117 4 880997195 +706 125 5 880997172 +706 148 4 880997464 +706 181 4 880997105 +706 237 4 880997482 +706 258 4 880997001 +706 273 3 880997142 +706 288 3 880996945 +706 294 4 880996945 +706 323 4 880996945 +706 325 1 880996945 +706 410 4 880997444 +706 471 4 880997172 +706 682 2 880996945 +706 687 1 880996945 +706 742 2 880997324 +706 756 4 880997412 +707 4 3 886286170 +707 6 3 886285627 +707 9 5 880059647 +707 10 5 880059687 +707 13 4 880059957 +707 15 4 880059876 +707 26 3 886286954 +707 52 3 886287268 +707 57 4 886287310 +707 58 3 886285907 +707 64 3 886286170 +707 70 3 886287376 +707 81 2 886286491 +707 88 3 886287331 +707 93 5 880059995 +707 106 3 886288189 +707 111 4 880060420 +707 134 4 886286004 +707 135 2 886286032 +707 137 5 880059876 +707 155 3 886288598 +707 160 5 886286193 +707 167 2 886288133 +707 168 3 886286170 +707 172 2 886286134 +707 173 2 886286380 +707 174 2 886286133 +707 185 3 886286032 +707 190 5 886286283 +707 194 4 886286246 +707 197 4 886287130 +707 199 2 886285824 +707 200 2 886286491 +707 212 4 886286792 +707 216 3 886286092 +707 220 2 880060549 +707 242 4 879439088 +707 248 4 886285498 +707 251 5 880059647 +707 275 4 880059687 +707 279 3 886285627 +707 285 5 880059749 +707 287 4 880059774 +707 294 2 879438988 +707 297 3 880060261 +707 303 3 879438988 +707 305 5 879439188 +707 310 4 882200872 +707 311 4 879439624 +707 313 2 886288754 +707 317 3 886286433 +707 318 5 880061699 +707 319 5 879439088 +707 345 5 886285168 +707 347 5 886285277 +707 367 4 886291531 +707 381 3 886286457 +707 387 4 886287733 +707 420 3 886287160 +707 425 5 886287268 +707 443 3 886287191 +707 449 2 886288688 +707 458 3 880060724 +707 462 4 886286133 +707 473 4 880060820 +707 476 3 880061111 +707 479 3 886286092 +707 480 3 886286360 +707 482 3 886286032 +707 483 5 886286004 +707 485 4 886287079 +707 488 4 886286491 +707 490 2 886285792 +707 504 1 886286246 +707 505 4 886286311 +707 506 2 886286742 +707 507 5 886286819 +707 517 3 886287079 +707 527 5 880061699 +707 533 5 880060420 +707 536 3 880059921 +707 603 3 886286926 +707 606 4 886285762 +707 614 2 886287876 +707 618 3 886288282 +707 632 4 886287426 +707 638 4 886286361 +707 641 1 886285907 +707 648 4 886285824 +707 654 4 880061578 +707 660 5 886287107 +707 692 4 886286092 +707 696 4 880061405 +707 702 3 886286193 +707 703 4 886287236 +707 707 5 886286133 +707 708 3 886286170 +707 718 5 880059876 +707 719 3 886288189 +707 732 4 886287160 +707 736 4 886286311 +707 739 2 886287919 +707 744 3 880060261 +707 747 3 886287900 +707 766 3 886287051 +707 770 3 886287405 +707 782 3 886288263 +707 811 4 886287531 +707 815 2 880060609 +707 847 5 880060066 +707 863 4 886286662 +707 864 4 880060262 +707 865 5 886286360 +707 869 1 886289521 +707 880 2 887860711 +707 882 4 879439382 +707 921 4 886286361 +707 923 5 886286092 +707 936 4 880059836 +707 949 3 886287191 +707 950 2 880061287 +707 953 4 886288015 +707 962 2 886285792 +707 1008 3 880060460 +707 1021 3 886287079 +707 1022 3 879439088 +707 1024 5 890008041 +707 1061 3 880060118 +707 1068 4 880061405 +707 1101 4 880061652 +707 1120 4 880060974 +707 1141 3 886285791 +707 1142 1 880059921 +707 1163 4 880060724 +707 1168 3 886287990 +707 1174 5 880059749 +707 1204 3 886286283 +707 1211 4 886287268 +707 1255 3 880061252 +707 1401 3 886286663 +707 1479 5 886287854 +707 1545 2 886288189 +707 1642 5 886286491 +708 9 1 877325135 +708 15 3 877325404 +708 25 3 877325838 +708 111 4 877325570 +708 112 1 877325934 +708 117 4 877325236 +708 118 5 877325545 +708 121 3 877325349 +708 125 4 877325601 +708 126 4 892719340 +708 127 3 877325213 +708 149 3 892719246 +708 150 4 892719246 +708 151 4 892719211 +708 181 5 877325279 +708 222 5 892719172 +708 225 2 892719172 +708 237 5 892719144 +708 258 5 892719007 +708 269 3 892718875 +708 276 2 877325905 +708 278 4 877325956 +708 281 4 877326014 +708 289 4 892719062 +708 294 3 892719033 +708 299 1 892718964 +708 300 4 892718939 +708 319 5 892719062 +708 336 2 892718846 +708 347 3 892718637 +708 352 1 892718596 +708 405 4 877325881 +708 457 4 892718965 +708 473 1 877325656 +708 476 3 892719385 +708 508 4 892719193 +708 546 3 877325601 +708 596 4 877326158 +708 628 3 892719246 +708 676 3 892719172 +708 678 2 892719007 +708 685 3 877326158 +708 687 2 892719062 +708 713 4 877325316 +708 740 5 877325687 +708 742 1 892719385 +708 762 5 877325838 +708 819 3 877325349 +708 845 5 892719269 +708 880 3 892718919 +708 887 2 892718820 +708 926 3 877325523 +708 930 3 892719363 +708 981 3 892719304 +708 993 4 877325349 +708 1023 3 877326114 +708 1028 2 877326217 +708 1040 2 877326037 +708 1049 2 877326086 +708 1054 3 877326158 +708 1079 1 892719385 +708 1152 5 892719143 +708 1280 1 892718819 +709 1 4 879847730 +709 5 4 879848167 +709 7 3 879846440 +709 11 5 879847945 +709 17 4 879848120 +709 38 3 879848744 +709 50 5 879846489 +709 53 3 879848272 +709 62 3 879848590 +709 65 2 879846868 +709 68 5 879848551 +709 69 5 879846332 +709 79 3 879846440 +709 97 5 879846784 +709 98 4 879846648 +709 117 4 879846623 +709 118 5 879848824 +709 121 4 879848475 +709 144 3 879846622 +709 155 2 879849185 +709 172 5 879848397 +709 173 4 879846169 +709 176 4 879848432 +709 182 4 879846741 +709 183 5 879846590 +709 192 4 879846705 +709 203 4 879849372 +709 209 3 879846332 +709 210 4 879848432 +709 214 1 879846922 +709 217 5 879848168 +709 226 3 879848551 +709 228 3 879848397 +709 231 3 879848646 +709 232 5 879848590 +709 233 3 879848511 +709 234 5 879847945 +709 250 4 879847626 +709 273 4 879847686 +709 282 5 879847945 +709 288 5 879847945 +709 295 3 879847731 +709 318 5 879846210 +709 363 3 879848695 +709 379 3 879848209 +709 402 3 879849185 +709 405 3 879848590 +709 413 2 879848209 +709 423 3 879846741 +709 427 4 879846489 +709 431 5 879848511 +709 441 4 879848239 +709 472 4 879848792 +709 508 4 879846590 +709 515 4 879846816 +709 540 3 879848744 +709 541 3 879848695 +709 546 4 879848475 +709 550 3 879848475 +709 554 4 879848744 +709 559 3 879848209 +709 567 2 879848272 +709 569 3 879848209 +709 576 4 879848695 +709 578 4 879848645 +709 597 4 879848824 +709 628 3 879847000 +709 651 4 879846705 +709 665 3 879848272 +709 672 2 879848239 +709 693 4 879847082 +709 697 5 879847946 +709 728 4 879849185 +709 738 1 879849330 +709 747 2 879848925 +709 762 3 879848925 +709 808 4 879848645 +709 825 2 879848744 +709 833 4 879848792 +709 841 4 879848824 +709 849 4 879848590 +709 859 3 879848318 +709 959 4 879846169 +709 1059 5 879847945 +709 1188 4 879848695 +709 1218 4 879846623 +710 12 4 882063648 +710 56 5 882064021 +710 64 4 882063766 +710 79 4 882064283 +710 89 4 882063736 +710 92 3 883705436 +710 95 3 882064434 +710 100 4 882063920 +710 127 5 882064096 +710 135 5 882064041 +710 156 4 882064524 +710 172 4 882064283 +710 173 3 882063685 +710 174 4 882064283 +710 179 4 882063766 +710 180 4 882063736 +710 181 3 882064160 +710 185 4 882064321 +710 198 4 883705435 +710 202 3 882063793 +710 210 4 882064283 +710 234 4 882064321 +710 258 2 882063224 +710 268 4 882063276 +710 271 3 882063367 +710 277 4 882063967 +710 282 2 882063921 +710 286 4 882063223 +710 294 3 882063224 +710 299 3 882063612 +710 301 3 882063407 +710 302 4 882063224 +710 303 4 882063224 +710 327 3 882063407 +710 330 3 882063612 +710 333 3 882063367 +710 334 2 882063327 +710 340 4 882063367 +710 343 3 882063327 +710 346 4 883705502 +710 357 4 882063649 +710 418 3 882063685 +710 419 4 882063766 +710 420 4 882064434 +710 432 5 882064434 +710 479 5 882064120 +710 483 5 882063685 +710 496 4 882063793 +710 501 3 882064435 +710 504 4 882063649 +710 510 4 882064283 +710 656 5 882064321 +710 720 3 882063649 +710 874 3 882063254 +710 886 3 882063528 +710 887 2 882063612 +710 1019 4 882064555 +711 16 5 886031006 +711 22 4 879993073 +711 42 3 876278831 +711 48 4 879993053 +711 49 4 879994903 +711 51 4 879994778 +711 52 5 879993534 +711 58 4 879993028 +711 66 4 879994801 +711 69 3 879993194 +711 70 5 879993824 +711 71 3 879994581 +711 77 3 879994749 +711 79 4 879992739 +711 82 3 879994632 +711 83 5 879993628 +711 86 5 886030557 +711 88 5 886030557 +711 91 4 879994413 +711 94 2 879995728 +711 97 4 879993605 +711 98 5 879992994 +711 114 5 879992870 +711 116 5 888458447 +711 120 2 879992038 +711 121 1 876185726 +711 133 5 879992739 +711 134 5 876278804 +711 135 4 879992445 +711 151 4 876185920 +711 154 4 879992739 +711 155 4 879995382 +711 157 3 879994608 +711 161 4 879994495 +711 162 5 879994875 +711 167 2 879995146 +711 168 4 879993318 +711 169 5 879992929 +711 170 5 876279059 +711 172 5 879992445 +711 180 4 876279059 +711 181 4 876185574 +711 186 3 879993237 +711 189 5 886030557 +711 197 4 879993110 +711 200 4 879993918 +711 202 4 879993194 +711 203 4 879994433 +711 213 5 879994390 +711 214 4 879993871 +711 218 4 879994852 +711 219 2 879995792 +711 228 3 879993997 +711 238 4 879993126 +711 240 1 879991425 +711 241 4 879994536 +711 250 2 876185855 +711 254 2 879992038 +711 255 4 886030579 +711 258 4 876185488 +711 265 2 879994536 +711 272 5 884485798 +711 275 5 876185855 +711 281 3 879995362 +711 288 1 879991364 +711 301 4 889910848 +711 306 5 879991049 +711 312 5 883589763 +711 313 4 889910848 +711 316 4 889911048 +711 317 4 879993173 +711 318 5 879992968 +711 354 3 889910865 +711 365 3 879995850 +711 378 4 879995099 +711 380 3 879993959 +711 381 5 879994749 +711 387 4 879994777 +711 393 4 879994778 +711 403 4 879994513 +711 408 5 886030557 +711 416 3 879995215 +711 417 4 879994749 +711 419 5 879994581 +711 423 3 879993534 +711 425 4 879993728 +711 427 5 886030557 +711 433 4 879992994 +711 447 4 879994656 +711 451 5 879994749 +711 472 1 879991585 +711 475 5 876185673 +711 485 4 879993278 +711 496 5 879993073 +711 542 1 879995754 +711 549 4 879994719 +711 559 3 879994020 +711 566 2 879995259 +711 582 5 879993605 +711 622 4 879993997 +711 651 4 879993707 +711 655 4 879993605 +711 660 5 879994825 +711 662 3 879993918 +711 676 5 876185812 +711 704 4 879993650 +711 710 4 879994903 +711 715 4 879994581 +711 723 5 879994852 +711 727 4 879993629 +711 729 3 879994413 +711 736 5 879993871 +711 747 4 879993871 +711 755 3 879994581 +711 762 3 879991585 +711 829 2 879992018 +711 845 4 879991247 +711 905 3 886559521 +711 921 5 879993318 +711 923 5 879993629 +711 941 3 879994608 +711 955 1 879992739 +711 958 5 876278721 +711 959 5 879995322 +711 961 5 886030557 +711 969 5 886030557 +711 995 4 879991134 +711 1024 5 883589512 +711 1053 4 879995099 +711 1115 4 876185812 +711 1163 4 879991347 +711 1168 4 879995753 +711 1170 3 879993842 +711 1190 3 886030579 +711 1289 2 879991458 +711 1446 2 879994608 +712 38 4 874730553 +712 40 5 874956956 +712 42 1 874729935 +712 50 4 874729750 +712 51 3 874957293 +712 61 3 874730031 +712 63 4 874956903 +712 66 5 874729816 +712 67 3 874957086 +712 69 3 874730085 +712 71 5 874730261 +712 78 4 874957207 +712 83 4 874730396 +712 88 4 874730155 +712 90 3 874957027 +712 94 4 874957005 +712 95 4 874730552 +712 96 5 874729850 +712 102 4 874956543 +712 140 4 874957140 +712 141 3 874730320 +712 142 4 876251366 +712 143 5 874957306 +712 168 2 874956357 +712 172 5 874729901 +712 173 5 874729901 +712 174 5 874729995 +712 178 2 874956357 +712 191 3 874730396 +712 195 3 874730085 +712 196 4 874730396 +712 204 4 874956810 +712 210 5 874730293 +712 228 3 874730261 +712 230 3 874730467 +712 234 2 874729935 +712 238 3 874730206 +712 294 4 876251330 +712 365 3 874730234 +712 367 4 874956841 +712 376 3 874956903 +712 378 4 874730370 +712 388 3 874957053 +712 393 3 874730320 +712 395 4 874957005 +712 398 4 874957179 +712 400 3 874957179 +712 401 3 874957027 +712 415 4 874957161 +712 417 4 874729750 +712 418 3 874730553 +712 419 3 874730234 +712 423 3 874729960 +712 432 4 874730056 +712 433 3 874956903 +712 451 5 874956872 +712 462 3 874730085 +712 486 4 874730521 +712 495 4 874730520 +712 501 3 874957140 +712 506 3 874730520 +712 510 2 874729749 +712 553 5 874729850 +712 560 3 874730261 +712 585 4 874730234 +712 588 4 874956515 +712 627 4 874956515 +712 652 3 876251407 +712 655 5 874730467 +712 716 5 874730370 +712 724 3 874957268 +712 729 5 874730491 +712 738 4 874956841 +712 755 4 874957113 +712 762 4 874956244 +712 768 5 874956560 +712 794 4 874957243 +712 843 3 874957140 +712 941 5 874730491 +712 944 4 874956981 +712 946 4 874730521 +712 969 4 874729850 +712 996 4 874956903 +712 1036 5 874956981 +712 1037 4 874956981 +712 1040 4 874729682 +712 1053 4 874730490 +712 1055 4 874730155 +712 1074 3 874957086 +712 1220 5 874729996 +712 1221 4 874956641 +712 1480 4 874957161 +712 1503 4 874730235 +713 269 4 888882040 +713 270 2 888882179 +713 272 4 888881939 +713 286 3 888881939 +713 300 2 888881939 +713 302 4 888882040 +713 311 3 888882040 +713 315 4 888881988 +713 327 2 888882085 +713 342 3 888882179 +713 344 5 888882276 +713 345 3 888881939 +713 362 1 888882040 +713 690 1 888882179 +713 750 3 888881939 +713 752 2 888882276 +713 882 3 888881988 +713 898 3 888882276 +714 1 3 892776123 +714 3 5 892777876 +714 9 3 892775786 +714 100 1 892775786 +714 111 3 892777330 +714 117 5 892777876 +714 118 5 892777877 +714 151 3 892777812 +714 250 5 892777876 +714 257 3 892776410 +714 258 4 892777903 +714 276 2 892777242 +714 281 3 892777651 +714 284 3 892777438 +714 291 3 892777117 +714 294 4 892777903 +714 323 4 892777903 +714 369 3 892777581 +714 405 5 892777876 +714 410 3 892777767 +714 471 4 892777903 +714 748 5 892777877 +714 924 3 892777408 +714 1014 3 892777694 +714 1016 5 892777876 +714 1028 4 892777877 +714 1152 2 892777651 +715 1 5 875961843 +715 2 3 875964926 +715 4 4 875964300 +715 7 3 875962110 +715 11 4 875963306 +715 17 3 875964105 +715 22 4 875963792 +715 24 3 875962374 +715 28 5 875963242 +715 31 4 875963692 +715 39 3 875964273 +715 40 1 875964681 +715 42 5 875963112 +715 50 5 875961998 +715 56 5 875963387 +715 64 5 875963242 +715 68 4 875963486 +715 71 3 875963354 +715 79 5 875964579 +715 81 4 875963112 +715 85 3 875964300 +715 88 3 875964633 +715 95 4 875963621 +715 96 4 875963538 +715 97 3 875964330 +715 98 5 875963792 +715 100 2 875961816 +715 101 3 875964131 +715 106 2 875962140 +715 108 4 875962315 +715 118 2 875962395 +715 121 4 875962524 +715 122 4 875962718 +715 125 3 875962477 +715 128 3 875964300 +715 135 2 875964203 +715 143 3 875963946 +715 144 5 875962991 +715 145 2 875963657 +715 155 4 875964580 +715 157 4 875963024 +715 158 2 875965035 +715 161 5 875964905 +715 168 4 875963657 +715 173 5 875963998 +715 176 5 875963792 +715 182 5 875965035 +715 183 3 875964491 +715 195 4 875963657 +715 196 4 875964131 +715 205 5 875964410 +715 206 4 875964438 +715 208 3 875963836 +715 222 3 875962227 +715 227 3 875964272 +715 233 3 875964468 +715 234 4 875963242 +715 235 2 875962140 +715 237 4 875962280 +715 248 4 875962280 +715 249 4 875961919 +715 254 1 875962762 +715 257 4 875962423 +715 268 4 875961674 +715 273 5 875961998 +715 274 3 875963899 +715 282 3 875962423 +715 367 3 875964272 +715 376 2 875964545 +715 405 3 875962374 +715 412 2 875962783 +715 433 2 875963082 +715 462 4 875963998 +715 470 4 875963538 +715 471 4 875962202 +715 480 5 875963387 +715 546 4 875962076 +715 549 3 875964519 +715 564 2 875964300 +715 576 2 875964468 +715 588 4 875963353 +715 595 3 875962718 +715 629 2 875963921 +715 658 4 875963693 +715 685 3 875962173 +715 692 3 875963836 +715 697 2 875963566 +715 713 4 875962201 +715 746 5 875964025 +715 761 3 875965009 +715 778 2 875965171 +715 939 4 875964545 +715 941 2 875964072 +715 944 2 875963755 +715 977 2 875962718 +715 1016 4 875962049 +715 1088 1 875962454 +715 1188 2 875964843 +715 1215 1 875962762 +715 1217 2 875963998 +715 1222 2 875965035 +716 11 4 879795790 +716 13 2 879793376 +716 22 5 879795159 +716 31 3 879794996 +716 50 5 879793192 +716 52 5 879795467 +716 56 5 879796171 +716 58 5 879795239 +716 64 5 879795314 +716 69 5 879795188 +716 70 4 879796046 +716 72 3 879796766 +716 73 4 879797256 +716 79 4 879794935 +716 81 4 879796475 +716 83 4 879795906 +716 88 4 879796596 +716 98 5 879795336 +716 99 5 879796214 +716 102 2 879797256 +716 108 2 879794290 +716 117 4 879793542 +716 121 5 879794116 +716 122 2 879794727 +716 132 5 879796438 +716 134 5 879795314 +716 135 3 879795071 +716 136 5 879795790 +716 141 4 879797555 +716 142 3 879797555 +716 151 5 879793631 +716 154 5 879795867 +716 161 3 879796651 +716 162 4 879796311 +716 168 5 879796942 +716 172 4 879795542 +716 173 4 879797328 +716 174 5 879795025 +716 175 2 879795644 +716 177 2 879794935 +716 178 5 879795269 +716 180 3 879794815 +716 183 2 879796279 +716 185 5 879796046 +716 190 5 879797152 +716 193 5 879796596 +716 195 1 879795425 +716 197 5 879794962 +716 199 4 879796096 +716 200 4 879795606 +716 202 4 879794935 +716 203 4 879796311 +716 204 5 879795543 +716 208 5 879795790 +716 209 3 879795543 +716 210 5 879796651 +716 213 5 879795906 +716 215 5 879796046 +716 216 5 879795239 +716 218 3 879796766 +716 222 4 879793192 +716 225 3 879794482 +716 227 3 879797177 +716 228 4 879794870 +716 229 3 879797177 +716 230 3 879797198 +716 234 5 879795269 +716 237 5 879793844 +716 241 3 879796138 +716 257 5 879793465 +716 260 1 879793001 +716 265 5 879797414 +716 274 5 879793631 +716 283 4 879793294 +716 284 3 879794116 +716 294 4 879793653 +716 298 5 879793501 +716 300 5 879792599 +716 367 4 879796942 +716 385 1 879796011 +716 387 4 879797391 +716 393 3 879796596 +716 399 3 879797414 +716 404 4 879796438 +716 418 4 879796620 +716 419 5 879794775 +716 420 4 879796766 +716 428 3 879795838 +716 430 5 879796620 +716 432 5 879795269 +716 435 4 879795071 +716 451 4 879796961 +716 465 5 879797177 +716 468 3 879796596 +716 473 4 879794379 +716 474 5 879795122 +716 479 4 879796010 +716 480 5 879795025 +716 482 5 879795867 +716 485 5 879795375 +716 486 5 879795121 +716 487 5 879794934 +716 489 4 879795496 +716 492 3 879795425 +716 493 5 879795949 +716 494 5 879795542 +716 495 4 879795762 +716 497 3 879795949 +716 498 5 879795122 +716 501 5 879796215 +716 505 4 879796381 +716 506 4 879794775 +716 511 5 879795542 +716 514 5 879796331 +716 515 5 879793293 +716 517 5 879797221 +716 519 3 879796555 +716 520 4 879794935 +716 525 3 879794815 +716 546 1 879794094 +716 549 4 879797372 +716 559 2 879796846 +716 566 3 879796010 +716 601 4 879794892 +716 603 5 879794775 +716 604 3 879795071 +716 605 3 879796215 +716 606 5 879796214 +716 609 3 879796354 +716 610 4 879795375 +716 614 4 879795159 +716 615 3 879795269 +716 620 3 879797287 +716 622 3 879797152 +716 627 4 879797475 +716 630 4 879796138 +716 631 5 879795867 +716 632 4 879795691 +716 633 4 879796808 +716 636 2 879796651 +716 648 4 879796138 +716 650 3 879796278 +716 655 4 879795838 +716 659 4 879794962 +716 660 4 879796718 +716 662 3 879794962 +716 692 5 879795239 +716 696 2 879794615 +716 708 4 879797443 +716 723 4 879796072 +716 724 4 879796138 +716 732 5 879795375 +716 735 5 879795644 +716 740 4 879793714 +716 792 4 879796010 +716 823 3 879794428 +716 826 2 879794410 +716 842 3 879796846 +716 946 2 879796718 +716 949 3 879796718 +716 965 2 879797504 +716 1016 3 879794032 +716 1020 5 879795314 +716 1101 5 879795467 +716 1113 4 879797443 +716 1124 3 879795838 +716 1126 3 879796138 +716 1269 4 879795122 +716 1286 2 879795239 +717 7 4 884642160 +717 24 2 884642297 +717 50 4 884715122 +717 121 2 884642762 +717 125 4 884642339 +717 126 5 884642580 +717 127 4 884715172 +717 130 2 884642958 +717 147 4 884642297 +717 148 3 884642958 +717 237 5 884642400 +717 240 2 884642868 +717 245 4 884641842 +717 250 1 884715146 +717 258 5 884642133 +717 260 1 884641911 +717 262 4 884641621 +717 269 5 884642133 +717 280 4 884642738 +717 281 4 884642958 +717 285 5 884642214 +717 288 1 884641717 +717 289 4 884641911 +717 298 3 884715172 +717 299 4 884641743 +717 300 5 884641808 +717 303 4 884641644 +717 307 5 884642133 +717 312 5 884642133 +717 313 5 884642133 +717 326 3 884641621 +717 327 3 884641681 +717 333 4 884641681 +717 343 4 884641983 +717 455 2 884642479 +717 472 4 884642581 +717 476 4 884642868 +717 546 3 884642932 +717 591 4 884642297 +717 597 4 884642710 +717 628 5 884644605 +717 678 3 884641842 +717 685 4 884642581 +717 742 5 884642427 +717 815 3 884642817 +717 825 2 884642558 +717 826 2 884642868 +717 831 3 884642958 +717 846 4 884642339 +717 866 1 884642932 +717 887 5 884642133 +717 888 5 884642133 +717 890 1 884642001 +717 975 2 884642843 +717 995 5 884642132 +717 1011 4 884644419 +717 1047 4 884642981 +717 1051 3 884642868 +717 1137 5 884642580 +717 1282 4 884642762 +718 15 5 883348962 +718 118 4 883348912 +718 121 4 883348773 +718 255 4 883348773 +718 257 4 883348845 +718 282 5 883348712 +718 289 3 883348391 +718 405 5 883349384 +718 597 5 883348938 +718 685 4 883349301 +718 717 4 883349214 +718 744 3 883348824 +718 750 3 883449953 +718 751 5 883449953 +718 815 4 883348873 +718 831 3 883349663 +718 1028 4 883349191 +718 1047 3 883349442 +719 58 3 879360933 +719 64 5 879360442 +719 69 5 879360536 +719 71 3 883354106 +719 77 3 879360846 +719 79 4 877310859 +719 87 2 879360617 +719 88 3 888454637 +719 97 3 879360845 +719 98 5 877310859 +719 127 3 879358453 +719 137 1 884899841 +719 162 4 879361003 +719 185 4 877310932 +719 214 2 879360965 +719 215 4 879360781 +719 216 4 879373935 +719 220 5 888454728 +719 240 1 879372631 +719 254 1 879360298 +719 255 2 883981599 +719 274 3 888449274 +719 284 2 888449573 +719 285 4 877917156 +719 293 3 883982002 +719 294 2 877311109 +719 298 2 888451537 +719 300 2 888449132 +719 318 5 879360493 +719 378 4 879360555 +719 382 2 879360965 +719 402 4 879360933 +719 410 1 883354126 +719 423 3 879360583 +719 427 4 883354106 +719 456 1 879373729 +719 468 3 879361023 +719 509 2 879360933 +719 510 4 879360493 +719 520 5 879360466 +719 582 3 888451748 +719 620 4 879359034 +719 655 4 879360617 +719 735 5 888454612 +719 890 1 879358395 +720 242 4 891262608 +720 262 4 891262608 +720 268 4 891262669 +720 272 4 891262762 +720 286 5 891262635 +720 310 4 891262762 +720 311 5 891262635 +720 313 3 891262608 +720 316 4 891263387 +720 319 3 891263340 +720 321 4 891262762 +720 347 3 891262608 +720 887 5 891262608 +720 896 5 891262669 +720 898 4 891262812 +720 902 4 891263460 +720 1176 5 891262812 +721 1 5 877137877 +721 8 4 877154765 +721 15 4 877140632 +721 28 5 877140137 +721 51 4 877141038 +721 56 3 877150031 +721 58 2 877140781 +721 64 4 877139301 +721 65 1 877140221 +721 69 4 877140282 +721 77 5 877147200 +721 81 2 877139301 +721 84 3 877147675 +721 97 4 877140780 +721 107 4 877140780 +721 111 4 877154765 +721 125 3 877147080 +721 127 5 877140409 +721 145 4 877139773 +721 153 4 877150031 +721 161 5 877138816 +721 162 2 877147503 +721 172 5 877138884 +721 173 5 877138745 +721 174 5 877139015 +721 179 5 877141038 +721 181 5 877138951 +721 197 4 877140221 +721 199 4 877147323 +721 204 5 877154765 +721 209 3 877150031 +721 216 5 877138498 +721 222 5 877138584 +721 228 5 877138585 +721 229 5 877138585 +721 237 3 877145312 +721 239 4 877147007 +721 242 3 877137597 +721 243 3 877137527 +721 245 3 877137527 +721 260 3 877137109 +721 261 3 877137214 +721 262 3 877137285 +721 263 3 877137598 +721 266 3 877136967 +721 268 4 877136831 +721 269 5 877135269 +721 282 4 877145657 +721 284 4 877141038 +721 286 5 877137285 +721 292 3 877137527 +721 299 3 877137447 +721 301 4 877136358 +721 303 3 877137285 +721 304 3 877137285 +721 306 3 877137285 +721 319 3 877137527 +721 321 3 877137447 +721 322 4 877136891 +721 323 3 877137598 +721 326 4 877136236 +721 327 2 877136967 +721 329 3 877137214 +721 330 3 877136967 +721 331 3 877137285 +721 332 4 877137358 +721 334 1 877136831 +721 335 3 877137359 +721 359 3 877137359 +721 380 5 877138661 +721 406 1 877154989 +721 423 5 877141373 +721 435 4 877139384 +721 455 5 877138884 +721 457 3 877137214 +721 471 5 877138200 +721 518 2 877140221 +721 581 2 877141373 +721 582 3 877140490 +721 631 5 877147260 +721 660 5 877147616 +721 678 3 877137527 +721 682 3 877137285 +721 684 4 877138200 +721 720 5 877138395 +721 729 3 877141222 +721 735 4 877141039 +721 739 4 877139551 +721 748 3 877136967 +721 809 1 877139384 +721 872 3 877137598 +721 873 3 877137447 +721 874 3 877137447 +721 876 3 877137447 +721 878 3 877137598 +721 880 3 877137109 +721 937 3 877137359 +721 938 3 877137359 +721 942 4 877147140 +721 948 1 877137109 +721 988 3 877137598 +721 991 3 877137214 +721 995 3 877137447 +721 1025 3 877138200 +721 1026 3 877137214 +721 1039 5 877140780 +721 1065 5 877147383 +721 1119 4 877147795 +721 1221 3 877139637 +721 1265 3 877138661 +721 1295 3 877137214 +721 1393 3 877137598 +721 1442 4 877147872 +722 25 4 891281108 +722 100 4 891280894 +722 111 3 891281077 +722 117 4 891281132 +722 121 5 891281182 +722 130 4 891281679 +722 148 3 891281710 +722 286 4 891280046 +722 294 2 891280219 +722 310 4 891279945 +722 322 3 891280402 +722 328 5 891280272 +722 333 5 891279945 +722 405 3 891280918 +722 471 4 891281020 +722 476 4 891281635 +722 508 4 891281020 +722 597 3 891281710 +722 628 4 891280894 +722 696 4 891281570 +722 748 4 891280154 +722 756 3 891281369 +722 823 3 891281570 +722 845 5 891280842 +722 866 4 891281108 +722 871 2 891281876 +722 928 3 891281228 +723 1 3 880499050 +723 9 3 880498912 +723 50 4 880498889 +723 89 3 880498996 +723 150 3 880499050 +723 164 4 880499019 +723 168 5 880498912 +723 169 4 880498938 +723 172 4 880498890 +723 178 3 880498938 +723 189 3 880498938 +723 191 3 880499019 +723 258 4 880498768 +723 286 3 880498746 +723 289 2 880498816 +723 322 2 880499254 +723 433 3 880499019 +723 748 5 880498795 +723 988 1 880499254 +724 242 1 883758268 +724 258 4 883757537 +724 259 2 883757726 +724 264 3 883758119 +724 268 4 883757397 +724 269 4 883756996 +724 272 5 883756996 +724 286 1 883758268 +724 289 1 883757703 +724 294 4 883757726 +724 301 4 883757670 +724 302 3 883756996 +724 307 3 883757468 +724 308 1 883757170 +724 313 5 883756996 +724 322 1 883757784 +724 323 2 883757874 +724 327 4 883757670 +724 328 4 883757727 +724 329 4 883757670 +724 331 3 883757468 +724 332 4 883757670 +724 333 4 883757670 +724 336 1 883757784 +724 338 3 883758119 +724 343 1 883757259 +724 347 4 883757670 +724 349 2 883757537 +724 351 1 883758241 +724 352 1 883757259 +724 678 2 883757874 +724 682 1 883757703 +724 683 1 883757834 +724 748 1 883757784 +724 749 4 883757670 +724 750 2 883757170 +724 751 2 883757397 +724 873 3 883757784 +724 876 1 883757784 +724 879 1 883757259 +724 887 3 883757468 +724 893 3 883757874 +724 895 4 883757727 +724 898 1 883757784 +724 906 1 883757468 +724 938 3 883757671 +724 948 1 883758119 +724 988 1 883758119 +724 989 1 883757874 +724 995 1 883757597 +724 1062 1 883758208 +724 1105 1 883757537 +724 1127 3 883758267 +724 1234 1 883757170 +724 1432 1 883758208 +724 1434 1 883757597 +724 1591 1 883757468 +725 9 4 876106243 +725 15 4 876106206 +725 19 5 876106729 +725 111 3 876106206 +725 181 4 876106206 +725 276 4 876106243 +725 286 5 876106729 +725 288 3 876103725 +725 294 3 876103726 +725 301 4 876106729 +725 321 2 876103700 +725 322 4 876103762 +725 328 4 876106729 +725 333 5 876106729 +725 748 4 876103744 +725 873 4 876103794 +725 879 4 876106729 +725 881 5 876106729 +726 1 4 890079166 +726 25 4 889831222 +726 117 1 890080144 +726 248 2 889832422 +726 249 1 889832422 +726 255 2 889832297 +726 294 5 889828701 +726 310 4 889828404 +726 323 3 889828641 +726 409 3 890087998 +726 535 3 889832806 +726 763 2 889831115 +726 832 5 889832807 +726 833 5 889832807 +726 898 2 889829235 +726 1028 2 889832592 +726 1038 2 889832053 +726 1059 5 889832806 +727 1 3 883708660 +727 5 3 883711680 +727 7 2 883708927 +727 11 3 883710152 +727 12 5 883710598 +727 17 1 883711011 +727 22 4 883710236 +727 25 3 883708927 +727 27 4 883711847 +727 28 5 883710075 +727 29 3 883712603 +727 39 2 883712780 +727 43 3 883712123 +727 53 1 883712851 +727 55 3 883710375 +727 56 3 883711150 +727 62 3 883712603 +727 65 2 883712343 +727 66 3 883712068 +727 67 4 883712652 +727 70 5 883710856 +727 71 3 883711069 +727 79 4 883710806 +727 80 4 883713454 +727 82 3 883711527 +727 83 5 883710889 +727 87 4 883710347 +727 88 5 883711394 +727 89 5 883711298 +727 90 3 883711991 +727 92 2 883710806 +727 94 4 883713257 +727 96 4 883710152 +727 98 4 883710152 +727 100 2 883708830 +727 101 2 883711771 +727 108 3 883709948 +727 111 3 883709266 +727 114 5 883710152 +727 118 4 883709729 +727 122 2 883709802 +727 127 4 883708830 +727 128 4 883712016 +727 135 2 883711069 +727 144 4 883710395 +727 147 3 883709402 +727 148 2 883709438 +727 157 3 883711965 +727 158 2 883713668 +727 161 4 883712716 +727 163 4 883711550 +727 164 5 883711497 +727 167 2 883713419 +727 168 5 883710152 +727 169 5 883710419 +727 172 5 883710104 +727 173 5 883710437 +727 174 4 883710186 +727 176 4 883710948 +727 178 4 883710123 +727 179 3 883711150 +727 180 3 883711589 +727 183 3 883710186 +727 186 5 883710598 +727 188 3 883711679 +727 191 4 883710717 +727 196 4 883710514 +727 198 4 883710687 +727 199 4 883710288 +727 205 5 883710104 +727 206 3 883711896 +727 207 5 883710889 +727 209 3 883710186 +727 211 4 883710464 +727 219 3 883712476 +727 222 3 883709350 +727 226 3 883711966 +727 227 4 883710974 +727 228 4 883711527 +727 229 2 883711476 +727 230 3 883711847 +727 231 3 883713286 +727 233 4 883713473 +727 235 3 883709518 +727 238 2 883710910 +727 239 4 883711449 +727 240 3 883709607 +727 246 4 883708806 +727 249 2 883708927 +727 250 5 883709242 +727 252 2 883709438 +727 257 2 883708806 +727 258 2 883709325 +727 260 1 883708265 +727 268 4 883708087 +727 274 5 883709438 +727 278 2 883709325 +727 283 2 883709009 +727 291 4 883709009 +727 328 4 883708149 +727 358 2 883708462 +727 363 3 883709641 +727 366 3 883712397 +727 369 2 883709948 +727 371 2 883712193 +727 379 2 883712805 +727 384 2 883712804 +727 385 3 883710994 +727 392 4 883711847 +727 393 3 883712397 +727 395 3 883713692 +727 397 2 883712780 +727 398 2 883713714 +727 399 3 883712717 +727 402 3 883711847 +727 405 3 883709571 +727 408 4 883708895 +727 410 2 883709710 +727 411 3 883709905 +727 413 2 883709710 +727 421 5 883711181 +727 423 3 883710830 +727 431 4 883711045 +727 434 5 883710717 +727 435 3 883710687 +727 440 1 883713548 +727 444 2 883712851 +727 447 3 883713194 +727 451 5 883712681 +727 455 3 883709671 +727 465 2 883712159 +727 470 5 883711847 +727 471 3 883709188 +727 472 2 883709374 +727 474 3 883710910 +727 483 4 883710236 +727 491 4 883710213 +727 510 4 883710717 +727 511 4 883710948 +727 520 4 883710288 +727 526 4 883711113 +727 538 3 883708066 +727 544 3 883709518 +727 546 2 883709607 +727 550 4 883712519 +727 552 2 883712751 +727 553 2 883710186 +727 556 2 883713632 +727 559 2 883712282 +727 567 2 883713388 +727 568 3 883711476 +727 570 2 883713194 +727 576 4 883713454 +727 578 3 883711897 +727 588 4 883710495 +727 596 4 883709188 +727 597 3 883709641 +727 609 3 883711923 +727 616 2 883713348 +727 627 3 883711150 +727 635 2 883713419 +727 636 3 883711616 +727 651 3 883710104 +727 665 3 883713257 +727 679 5 883712315 +727 685 3 883709518 +727 722 2 883712993 +727 729 2 883711720 +727 739 4 883711735 +727 748 4 883708119 +727 751 3 883708208 +727 755 2 883712828 +727 760 1 883713388 +727 771 3 883713692 +727 774 3 883713257 +727 779 2 883712717 +727 802 2 883712780 +727 808 2 883712245 +727 810 2 883712652 +727 815 3 883709188 +727 820 2 883709539 +727 827 3 883709839 +727 840 2 883709884 +727 841 3 883709208 +727 845 3 883709325 +727 849 2 883713348 +727 879 4 883708208 +727 926 3 883709438 +727 928 3 883709802 +727 930 3 883709802 +727 940 2 883713521 +727 941 2 883711874 +727 977 2 883709948 +727 982 4 883713632 +727 1016 3 883709802 +727 1025 2 883708149 +727 1028 2 883712016 +727 1034 2 883713692 +727 1035 2 883712245 +727 1042 2 883712068 +727 1049 1 883709711 +727 1076 2 883712632 +727 1139 3 883713348 +727 1165 2 883709948 +727 1185 1 883711847 +727 1188 2 883712632 +727 1206 2 883712315 +727 1215 2 883713521 +727 1222 1 883713574 +727 1224 3 883712219 +727 1229 2 883713473 +727 1244 3 883709859 +727 1249 3 883711991 +727 1250 1 883713760 +727 1303 2 883713737 +727 1437 2 883713082 +727 1446 3 883712123 +727 1615 1 883709884 +728 15 4 879443387 +728 100 5 879443321 +728 116 4 879443291 +728 124 3 879443155 +728 147 4 879443418 +728 237 4 879443155 +728 243 2 879442892 +728 285 4 879443446 +728 286 3 879442532 +728 287 4 879443155 +728 289 3 879442761 +728 304 4 879442794 +728 319 3 879442612 +728 323 3 879442685 +728 471 4 879443291 +728 546 2 879443155 +728 742 4 879443321 +728 748 3 879442532 +728 1355 4 879443265 +729 272 4 893286638 +729 288 2 893286261 +729 294 2 893286338 +729 300 4 893286638 +729 310 3 893286204 +729 313 3 893286638 +729 322 4 893286637 +729 338 1 893286373 +729 346 1 893286168 +729 362 4 893286637 +729 748 4 893286638 +729 751 3 893286338 +729 894 1 893286511 +729 901 1 893286491 +730 1 4 880310285 +730 7 4 880310352 +730 100 5 880310371 +730 121 4 880310506 +730 151 4 880310371 +730 181 2 880310465 +730 237 3 880310233 +730 246 4 880310264 +730 248 3 880310324 +730 257 5 880310541 +730 258 5 880309940 +730 268 4 880309927 +730 269 5 880309870 +730 273 2 880310324 +730 276 3 880310390 +730 294 4 880309996 +730 301 1 880310202 +730 322 1 880310202 +730 327 2 880309964 +730 328 2 880310201 +730 340 3 880309892 +730 410 1 880310440 +730 535 2 880310506 +730 685 2 880310569 +730 742 3 880310553 +730 815 3 880310490 +730 873 2 880310035 +730 875 2 880310201 +730 1012 5 880310426 +731 14 3 886179040 +731 15 4 886182632 +731 28 4 886182826 +731 64 5 886179040 +731 66 4 886184577 +731 69 5 886179040 +731 125 3 886186940 +731 127 4 886179415 +731 132 3 886182632 +731 133 1 886184852 +731 136 4 886182826 +731 140 2 886186811 +731 143 5 886182827 +731 170 5 886179040 +731 190 5 886187538 +731 195 1 886185851 +731 196 5 886186811 +731 202 5 886186568 +731 204 4 886184682 +731 207 4 886182827 +731 213 5 886183515 +731 215 5 886182555 +731 237 4 886185851 +731 283 4 886182367 +731 320 1 886186811 +731 427 5 886186940 +731 434 1 886186811 +731 478 4 886182555 +731 480 4 886187652 +731 481 3 886182456 +731 482 3 886184770 +731 484 3 886179289 +731 485 4 886187414 +731 486 4 886182556 +731 494 3 886179161 +731 496 5 886179040 +731 520 4 886186567 +731 521 1 886184682 +731 527 5 886184682 +731 588 3 886184682 +731 591 1 886184577 +731 603 5 886182631 +731 606 3 886182366 +731 608 4 886183515 +731 611 3 886184683 +731 613 2 886186568 +731 648 4 886183515 +731 655 5 886183515 +731 694 5 886184421 +731 705 5 886182632 +731 720 3 886184771 +731 845 2 886184681 +731 1039 4 886182366 +731 1086 1 886186091 +731 1087 1 886186091 +731 1275 1 886186940 +731 1503 5 886184578 +732 243 5 882589879 +732 245 4 882590200 +732 269 5 882589593 +732 288 4 882590200 +732 289 3 882590201 +732 294 3 882590201 +732 304 5 882589792 +732 305 2 882590201 +732 321 3 882590201 +732 322 3 882590201 +732 332 5 882589819 +732 875 1 882590201 +732 937 4 882589967 +733 1 2 879535129 +733 9 3 879535406 +733 13 3 879535694 +733 20 5 879535299 +733 100 5 879535471 +733 107 4 879536001 +733 116 4 879535368 +733 117 2 879535779 +733 124 5 879535213 +733 126 2 879535938 +733 127 3 879535265 +733 129 2 879535299 +733 130 2 879544411 +733 137 5 879535406 +733 148 3 879536607 +733 149 4 879535440 +733 150 2 879535440 +733 151 4 879535694 +733 220 2 879544411 +733 244 2 879535886 +733 245 3 879544466 +733 250 1 879535502 +733 258 3 879535011 +733 273 4 879535603 +733 274 3 879536723 +733 276 5 879535299 +733 277 1 879536523 +733 281 2 879536567 +733 282 3 879535814 +733 283 3 879535368 +733 285 4 879535299 +733 286 4 879535471 +733 290 4 879535752 +733 291 2 879536608 +733 296 2 879535265 +733 297 3 879535559 +733 302 4 879535011 +733 324 4 879535694 +733 405 2 879536659 +733 458 2 879535129 +733 471 3 879535814 +733 515 5 879535213 +733 534 3 879544377 +733 544 1 879535407 +733 546 1 879544466 +733 591 3 879535440 +733 619 3 879536488 +733 696 3 879535909 +733 713 4 879535938 +733 740 3 879535886 +733 742 3 879535502 +733 744 4 879535723 +733 762 4 879535847 +733 846 2 879535848 +733 922 3 879535406 +733 924 4 879536523 +733 933 1 879535752 +733 950 4 879535643 +733 985 3 879535909 +733 1011 4 879535644 +733 1023 1 879544411 +733 1047 2 879536659 +733 1085 4 879536607 +733 1114 3 879535603 +733 1115 3 879535338 +733 1117 2 879536659 +733 1132 4 879536488 +733 1163 2 879535603 +733 1226 3 879535968 +733 1338 4 879536608 +733 1375 3 879535559 +733 1380 2 879536567 +734 15 4 891026009 +734 22 3 891025301 +734 28 4 891022627 +734 50 4 891022627 +734 95 4 891025573 +734 97 4 891022993 +734 121 4 891026028 +734 132 3 891022212 +734 144 2 891023019 +734 162 3 891025393 +734 164 3 891025524 +734 165 3 891025393 +734 173 3 891025247 +734 191 4 891025523 +734 193 4 891025340 +734 202 5 891022684 +734 213 5 891022684 +734 230 2 891022803 +734 274 4 891025943 +734 275 4 891023019 +734 282 4 891025974 +734 283 5 891023066 +734 288 4 891022311 +734 294 1 891025891 +734 313 4 891022311 +734 318 5 891022648 +734 423 4 891022734 +734 465 4 891022734 +734 478 4 891022849 +734 479 4 891025541 +734 483 4 891025247 +734 485 5 891022976 +734 487 4 891025498 +734 496 5 891025523 +734 498 4 891022938 +734 603 4 891022958 +734 605 4 891025555 +734 705 4 891023131 +734 724 3 891022684 +734 742 4 891025958 +734 821 2 891023086 +735 7 3 876698683 +735 13 4 876698643 +735 50 5 876698683 +735 93 2 876698604 +735 106 3 876698714 +735 117 3 876698897 +735 123 3 876698866 +735 124 5 876698643 +735 127 4 876698755 +735 181 4 876698604 +735 237 4 876698714 +735 242 5 876697561 +735 245 3 876698022 +735 275 4 876698643 +735 277 3 876698604 +735 283 2 876698796 +735 285 4 876698897 +735 286 5 876697561 +735 288 4 876697610 +735 289 1 876698022 +735 298 4 876698897 +735 300 4 876697647 +735 301 3 876697610 +735 304 4 876697679 +735 319 4 876697647 +735 321 3 876698022 +735 325 1 876698022 +735 331 3 876698022 +735 475 4 876698570 +735 515 4 876698755 +735 676 3 876698837 +735 748 3 876698022 +735 756 2 876698684 +735 764 3 876698837 +735 1012 2 876698897 +736 127 4 878709365 +736 253 5 878709365 +736 254 1 878709262 +736 286 4 878709365 +736 293 4 878709365 +736 294 3 878709025 +736 323 1 878709187 +736 324 3 878708991 +736 533 3 878709108 +736 678 1 878709212 +736 748 2 878708465 +736 993 4 878709365 +736 1089 1 878709187 +736 1278 1 878709262 +736 1388 5 878709365 +737 11 3 884314903 +737 22 4 884314993 +737 32 4 884314993 +737 58 4 884314970 +737 64 4 884314740 +737 96 2 884314715 +737 100 5 884314664 +737 137 5 884314694 +737 154 4 884314694 +737 156 5 884314693 +737 160 4 884314881 +737 169 4 884314644 +737 171 4 884314644 +737 173 4 884314970 +737 174 2 884314740 +737 187 5 884315175 +737 192 5 884314970 +737 196 3 884314694 +737 258 5 884315127 +737 357 5 884314944 +737 474 5 884314740 +737 475 4 884314693 +737 501 1 884314922 +738 1 5 892844079 +738 2 3 875351530 +738 4 4 875351486 +738 7 4 875349530 +738 28 4 875350913 +738 47 3 875353569 +738 50 5 892844112 +738 54 3 875351872 +738 64 4 875351092 +738 81 4 875351092 +738 82 5 892844079 +738 88 3 875351712 +738 89 5 892844112 +738 91 4 875351462 +738 97 4 875350122 +738 98 4 875350515 +738 100 2 875349968 +738 109 4 875353678 +738 117 3 875350913 +738 118 3 875351438 +738 121 4 875353780 +738 128 4 875351873 +738 135 5 892844111 +738 141 3 875352771 +738 147 3 875350764 +738 152 4 875350265 +738 154 3 875353105 +738 161 4 875350720 +738 164 5 892844112 +738 168 3 875353869 +738 169 5 892844079 +738 173 5 875350012 +738 176 5 892844079 +738 177 4 892958051 +738 179 3 875353869 +738 181 4 875348856 +738 189 4 875351404 +738 193 5 892844112 +738 197 4 875353869 +738 200 3 875350086 +738 202 4 875351299 +738 203 3 892958137 +738 204 4 875350053 +738 206 3 875350223 +738 209 4 875350485 +738 211 3 892958137 +738 214 4 875350157 +738 216 3 875352679 +738 222 4 875350913 +738 225 3 875351837 +738 227 4 875353533 +738 228 5 875350316 +738 229 3 875351906 +738 231 3 875350995 +738 234 4 875349850 +738 235 2 875350764 +738 238 4 875349895 +738 240 3 875350385 +738 250 4 875348912 +738 252 4 875349045 +738 254 2 875349111 +738 258 4 875348442 +738 260 2 875348571 +738 269 2 892938254 +738 271 3 892938330 +738 313 5 892938181 +738 343 3 892938330 +738 408 5 875349584 +738 418 3 875353105 +738 423 4 875350223 +738 429 3 875353813 +738 434 4 875351872 +738 449 3 875351438 +738 455 4 875350551 +738 470 4 875350551 +738 474 4 875349775 +738 517 3 892938492 +738 527 5 892844111 +738 528 4 875352679 +738 550 3 875351603 +738 568 3 875350485 +738 636 3 875350944 +738 650 3 875351712 +738 655 3 875350456 +738 659 4 875350804 +738 662 4 875350418 +738 665 2 875351873 +738 697 2 875353869 +738 732 3 875350316 +738 755 3 875350913 +738 919 4 875349807 +738 926 3 875350456 +738 930 3 875351956 +738 951 2 875351906 +738 1016 3 875348912 +738 1047 3 875351872 +739 22 5 886958860 +739 50 4 886958895 +739 55 1 886958972 +739 97 5 886959115 +739 98 3 886958972 +739 168 1 886958831 +739 172 4 886958938 +739 176 1 886958938 +739 187 4 886959115 +739 195 5 886958939 +739 197 1 886958860 +739 288 1 886825083 +739 301 5 886825529 +739 318 4 886958831 +739 327 5 886825529 +739 333 4 886825227 +739 465 1 886959039 +739 498 4 886958939 +739 603 4 886959069 +739 661 2 886958831 +739 749 5 886825529 +739 751 3 886825083 +739 1431 5 886825529 +740 258 3 879522681 +740 269 4 879523187 +740 271 2 879522753 +740 286 5 879523187 +740 294 4 879523187 +740 300 4 879523187 +740 302 5 879523187 +740 326 3 879522814 +740 328 3 879522814 +740 332 3 879522681 +740 340 4 879523187 +740 873 2 879522872 +740 1038 4 879523187 +741 7 3 891040277 +741 15 4 891456573 +741 17 2 891455711 +741 22 5 891018303 +741 28 3 891018339 +741 50 5 891018339 +741 56 4 891018303 +741 66 3 891018266 +741 67 3 891457456 +741 79 4 891455610 +741 83 4 891457855 +741 92 3 891456427 +741 118 1 891455855 +741 121 2 891455766 +741 131 4 891456776 +741 134 5 891455381 +741 151 3 891458539 +741 164 3 891455766 +741 172 5 891018339 +741 173 2 891018366 +741 174 5 891018303 +741 178 5 891018435 +741 180 4 891457855 +741 181 4 891036681 +741 186 5 891455317 +741 194 4 891457242 +741 196 5 891018460 +741 204 4 891018266 +741 209 3 891457342 +741 210 3 891455353 +741 215 4 891456615 +741 216 4 891457342 +741 218 4 891455711 +741 226 2 891455711 +741 239 2 891456040 +741 255 3 891458098 +741 265 5 891455735 +741 273 3 891458066 +741 274 4 891019587 +741 281 2 891455792 +741 283 4 891458250 +741 288 4 891018070 +741 290 3 891457956 +741 313 4 891455095 +741 357 5 891018507 +741 367 2 891457280 +741 393 2 891040490 +741 401 3 891457483 +741 403 5 891456083 +741 423 3 891018339 +741 427 5 891018221 +741 451 3 891457395 +741 475 3 891018152 +741 478 5 891456741 +741 479 5 891456874 +741 480 5 891457855 +741 496 5 891456718 +741 566 4 891455671 +741 582 3 891456156 +741 660 3 891040362 +741 673 4 891455671 +741 682 3 891455960 +741 692 1 891019587 +741 696 3 891455901 +741 699 4 891018400 +741 724 4 891019625 +741 732 4 891456509 +741 742 4 891455766 +741 781 4 891457424 +741 790 3 891457456 +741 945 5 891456827 +741 1016 3 891458249 +741 1041 4 891457424 +741 1152 3 891458597 +742 1 4 881335281 +742 7 3 881335492 +742 13 4 881335361 +742 14 5 881335361 +742 15 4 881335461 +742 24 3 881335248 +742 50 4 881335248 +742 100 5 881335492 +742 124 4 881335461 +742 127 5 881335361 +742 237 4 881335960 +742 282 3 881335857 +742 284 3 881335492 +742 294 3 881005590 +742 475 4 881335492 +742 546 1 881335598 +742 591 4 881335461 +743 9 5 881278061 +743 181 3 881277931 +743 242 4 881277267 +743 258 5 881277357 +743 259 3 881277656 +743 269 4 881277267 +743 276 5 881277855 +743 286 3 881277602 +743 289 3 881277357 +743 292 3 881277267 +743 294 2 881277656 +743 301 4 881277357 +743 302 5 881277267 +743 303 5 881277357 +743 308 2 881277314 +743 322 3 881277750 +743 326 3 881277656 +743 338 1 881277800 +743 340 3 881277551 +743 408 4 881277931 +743 744 5 881277892 +743 748 4 881277656 +744 1 4 881171926 +744 9 3 881170416 +744 23 4 881171420 +744 156 4 881170452 +744 174 4 881171421 +744 188 3 881170528 +744 276 4 881171907 +744 301 3 881171857 +744 302 5 881171820 +744 307 4 881171839 +744 340 3 881171820 +744 479 5 881171482 +744 481 3 881171420 +744 483 4 881171452 +744 657 5 881170575 +745 1 2 880122809 +745 9 4 880122809 +745 10 5 880123905 +745 12 5 880123905 +745 14 3 880122863 +745 20 1 880123905 +745 28 2 880123671 +745 50 2 880122928 +745 64 5 880123905 +745 79 3 880123540 +745 96 4 880123399 +745 124 5 880122775 +745 125 5 880123069 +745 127 2 880122986 +745 151 2 880122948 +745 168 3 880123671 +745 169 4 880123671 +745 182 2 880123314 +745 194 4 880123262 +745 202 3 880123486 +745 204 3 880123335 +745 205 2 880123205 +745 207 2 880123609 +745 230 2 880123572 +745 258 5 880122502 +745 275 1 880123905 +745 276 1 880123905 +745 302 4 880122475 +745 427 4 880123361 +745 483 1 880123361 +745 507 1 880123335 +745 510 3 880123720 +745 603 4 880123243 +745 923 3 880123720 +745 936 1 880122907 +746 1 4 885075714 +746 2 3 885075304 +746 8 4 885075539 +746 22 4 885075211 +746 62 3 885075434 +746 64 4 885075790 +746 68 4 885075337 +746 82 4 885075337 +746 83 4 885075497 +746 89 4 885075243 +746 121 3 885075337 +746 127 2 885075243 +746 132 4 885075756 +746 135 1 885075655 +746 144 5 885075211 +746 161 3 885075304 +746 168 3 885075790 +746 172 5 885075165 +746 174 5 885075243 +746 176 5 885075243 +746 183 4 885075165 +746 186 4 885075497 +746 202 5 885075518 +746 204 5 885075539 +746 208 4 885075569 +746 210 5 885075211 +746 222 3 885075267 +746 228 4 885075243 +746 229 2 885075399 +746 230 1 885075337 +746 233 4 885075399 +746 265 4 885075399 +746 281 3 885075434 +746 385 5 885075367 +746 403 4 885075337 +746 405 2 885075476 +746 423 3 885075612 +746 449 1 885075476 +746 455 4 885075304 +746 506 3 885075824 +746 568 4 885075211 +746 597 4 885075304 +746 684 4 885075337 +746 685 3 885075304 +746 720 3 885075399 +747 1 5 888639138 +747 7 4 888639176 +747 8 5 888639175 +747 9 5 888734012 +747 11 5 888638958 +747 12 4 888639272 +747 13 3 888733348 +747 14 3 888734152 +747 15 4 888639780 +747 17 4 888733387 +747 21 2 888733111 +747 22 3 888640099 +747 26 3 888733314 +747 30 5 888638913 +747 31 4 888639222 +747 32 5 888639890 +747 39 4 888640684 +747 40 2 888733480 +747 47 5 888639939 +747 50 5 888639060 +747 56 5 888639526 +747 58 3 888639594 +747 63 3 888733510 +747 64 5 888639642 +747 69 5 888640475 +747 70 4 888733218 +747 71 5 888639102 +747 73 4 888640305 +747 82 4 888639642 +747 83 4 888732571 +747 85 3 888733144 +747 86 5 888638958 +747 88 2 888733218 +747 93 4 888639685 +747 94 4 888733537 +747 95 3 888639318 +747 96 5 888639397 +747 97 5 888640437 +747 98 5 888639480 +747 100 5 888639397 +747 111 4 888733480 +747 117 2 888639780 +747 124 5 888639138 +747 127 5 888639362 +747 129 5 888639138 +747 133 5 888732695 +747 134 5 888640180 +747 136 5 888639481 +747 154 3 888733182 +747 162 5 888639594 +747 168 4 888639015 +747 169 5 888640305 +747 172 5 888639222 +747 174 5 888639138 +747 175 4 888640180 +747 176 4 888638958 +747 178 5 888639939 +747 179 5 888639780 +747 181 5 888639014 +747 182 5 888639272 +747 185 5 888640437 +747 187 5 888639318 +747 188 5 888639890 +747 189 4 888639272 +747 190 4 888640305 +747 192 5 888639014 +747 194 3 888639222 +747 195 4 888640136 +747 196 2 888640046 +747 199 4 888639102 +747 202 4 888733047 +747 204 5 888732899 +747 209 3 888640437 +747 210 4 888639272 +747 215 5 888732899 +747 216 2 888639060 +747 222 2 888640180 +747 231 3 888734113 +747 234 5 888640099 +747 235 5 888733444 +747 238 3 888638957 +747 258 2 888638335 +747 262 5 888638242 +747 265 4 888639060 +747 268 5 888638091 +747 269 4 888638183 +747 274 4 888733348 +747 276 5 888639989 +747 285 5 888732899 +747 286 4 888638335 +747 287 4 888733182 +747 288 4 888638091 +747 290 3 888733144 +747 301 1 888638335 +747 304 4 888638370 +747 305 5 888638183 +747 313 5 888638265 +747 315 4 888638774 +747 318 5 888732899 +747 320 5 888732899 +747 333 4 888638335 +747 347 5 888638091 +747 357 5 888638876 +747 367 3 888733070 +747 390 4 888640862 +747 392 3 888734178 +747 393 2 888733111 +747 403 5 888734113 +747 404 5 888640648 +747 409 1 888733595 +747 416 5 888640916 +747 418 5 888639102 +747 423 5 888638958 +747 427 5 888732899 +747 428 3 888640046 +747 429 4 888639823 +747 430 4 888639437 +747 433 3 888733387 +747 462 5 888639272 +747 463 3 888732695 +747 466 3 888640136 +747 473 3 888640305 +747 475 5 888639397 +747 476 3 888733595 +747 479 5 888732719 +747 480 5 888639060 +747 481 5 888639525 +747 482 5 888639526 +747 483 5 888639318 +747 485 5 888640222 +747 488 5 888640524 +747 493 5 888734012 +747 498 5 888639318 +747 504 5 888640605 +747 505 5 888639823 +747 507 3 888639890 +747 508 5 888638876 +747 510 5 888639890 +747 511 5 888639138 +747 514 4 888639823 +747 517 5 888734012 +747 519 5 888639989 +747 521 5 888640567 +747 524 5 888640222 +747 525 5 888640684 +747 526 5 888639642 +747 529 5 888640099 +747 530 5 888734041 +747 555 2 888734152 +747 558 4 888640046 +747 582 5 888639362 +747 584 5 888640524 +747 596 5 888640437 +747 603 5 888639362 +747 604 5 888638913 +747 606 5 888638958 +747 608 4 888640475 +747 615 5 888640348 +747 625 3 888640648 +747 631 5 888638957 +747 644 5 888639397 +747 649 3 888640916 +747 651 5 888640862 +747 653 5 888639939 +747 655 3 888639685 +747 659 4 888639175 +747 663 5 888733111 +747 664 2 888638876 +747 672 4 888734152 +747 675 2 888640180 +747 695 2 888733111 +747 715 5 888733274 +747 726 2 888733387 +747 732 3 888639138 +747 735 4 888639735 +747 736 5 888732899 +747 792 5 888639102 +747 811 3 888639735 +747 842 5 888640916 +747 845 2 888640046 +747 865 5 888640916 +747 875 3 888638455 +747 887 5 888638335 +747 900 5 888638183 +747 923 5 888639939 +747 945 4 888639481 +747 949 5 888733182 +747 951 2 888640648 +747 959 5 888733144 +747 985 2 888732640 +747 989 3 888638508 +747 1003 1 888733314 +747 1015 4 888640046 +747 1020 4 888639642 +747 1021 5 888640099 +747 1041 4 888733567 +747 1045 4 888639823 +747 1098 4 888640437 +747 1134 5 888732609 +747 1159 2 888639685 +747 1170 2 888733182 +747 1179 1 888733387 +747 1205 3 888639594 +747 1225 3 888733314 +747 1246 1 888733415 +747 1427 2 888639594 +747 1456 3 888732747 +747 1497 4 888732538 +747 1631 3 888638957 +747 1659 1 888733313 +748 1 4 879455040 +748 4 4 879454912 +748 7 4 879454662 +748 56 4 879455083 +748 58 4 879455083 +748 64 4 879454707 +748 69 4 879454849 +748 79 4 879454998 +748 83 3 879455019 +748 89 5 879454831 +748 96 5 879454662 +748 97 4 879454848 +748 114 4 879454773 +748 118 2 879455040 +748 132 3 879454998 +748 133 3 879454455 +748 137 3 879454958 +748 153 4 879454930 +748 168 3 879454930 +748 169 4 879454848 +748 172 4 879454810 +748 175 5 879455019 +748 180 4 879454958 +748 181 4 879454455 +748 182 4 879454630 +748 186 5 879454498 +748 187 4 879454958 +748 189 4 879454749 +748 192 3 879454584 +748 194 4 879454773 +748 195 4 879455083 +748 197 3 879454630 +748 199 4 879455454 +748 200 3 879454522 +748 204 3 879454662 +748 208 4 879454522 +748 209 4 879454728 +748 210 3 879454584 +748 213 3 879455454 +748 216 4 879454998 +748 222 4 879454707 +748 227 3 879455150 +748 234 4 879454475 +748 237 4 879454880 +748 271 3 879454302 +748 286 3 879454107 +748 300 4 879454172 +748 318 5 879454475 +748 323 4 879454208 +748 326 3 879454171 +748 328 4 879454208 +748 402 2 879454476 +748 408 5 879454428 +748 421 4 879454630 +748 425 4 879454773 +748 427 4 879454405 +748 451 1 879455186 +748 479 4 879454428 +748 483 4 879455040 +748 495 3 879454687 +748 498 4 879454831 +748 515 4 879454662 +748 517 3 879455083 +748 527 5 879454749 +748 588 4 879454497 +748 603 5 879454455 +748 633 4 879454428 +748 647 3 879454602 +748 650 1 879454573 +748 655 3 879454879 +748 657 4 879455221 +748 692 3 879455410 +748 699 3 879455454 +748 709 4 879454546 +748 732 4 879454749 +748 813 4 879454497 +748 847 4 879454546 +749 4 4 878847863 +749 9 3 878846903 +749 22 5 878847327 +749 24 2 878849508 +749 25 4 878846697 +749 38 3 878850724 +749 47 4 878848098 +749 48 3 878848015 +749 50 5 878846978 +749 58 3 878847988 +749 66 3 878849433 +749 67 1 878850588 +749 68 4 878849612 +749 71 4 878847576 +749 72 3 878850388 +749 77 3 878849534 +749 79 4 878848069 +749 80 1 878850533 +749 82 5 878848405 +749 85 4 878849259 +749 87 4 878849558 +749 88 4 878849534 +749 89 4 878848098 +749 94 5 878849829 +749 95 3 878848333 +749 96 5 878847498 +749 98 5 878847404 +749 99 5 878847804 +749 100 3 878849052 +749 101 4 878848700 +749 110 2 878850703 +749 111 3 878848405 +749 118 3 878846841 +749 127 4 881073104 +749 133 4 878849052 +749 135 4 878848189 +749 136 5 878849404 +749 139 4 878850084 +749 140 3 878847673 +749 141 4 878848217 +749 143 4 878847926 +749 153 4 878848828 +749 155 2 878849829 +749 157 3 878847364 +749 158 3 878849903 +749 160 3 878847461 +749 161 3 878847461 +749 162 3 878848333 +749 164 3 878848866 +749 167 2 878848701 +749 174 5 878847209 +749 178 4 878847540 +749 179 4 878848015 +749 180 4 878848483 +749 181 5 878846998 +749 184 2 878848137 +749 185 4 878847740 +749 186 4 878847862 +749 191 4 878848217 +749 196 4 878848302 +749 197 4 878848044 +749 200 4 878848302 +749 202 5 878847461 +749 203 4 878848639 +749 204 4 878847576 +749 205 4 878847804 +749 208 5 878848044 +749 209 4 878848828 +749 210 4 878848587 +749 211 5 878847887 +749 214 3 878849177 +749 215 4 878847172 +749 223 4 881602704 +749 226 4 878848533 +749 227 4 878848189 +749 229 3 878849482 +749 230 3 878848272 +749 232 4 878848483 +749 233 5 878849286 +749 234 4 878848044 +749 237 3 878846782 +749 239 4 878849286 +749 240 1 878850656 +749 257 3 878846957 +749 258 4 878846265 +749 271 5 879788762 +749 273 4 878848243 +749 284 4 878846812 +749 291 4 878848137 +749 292 4 878846384 +749 298 4 879788916 +749 300 4 878846365 +749 322 4 878846422 +749 326 4 878846365 +749 328 4 878846422 +749 356 4 878847804 +749 357 4 878847862 +749 358 3 878846422 +749 365 3 878848951 +749 380 3 878849586 +749 385 3 878848272 +749 391 3 878849149 +749 393 5 878849903 +749 398 3 878850038 +749 401 1 878850015 +749 402 4 878849829 +749 404 5 878847673 +749 405 2 878848673 +749 414 4 878848189 +749 418 5 878847498 +749 419 5 878847765 +749 420 4 878849682 +749 423 4 878847645 +749 428 3 878849534 +749 429 4 878847461 +749 430 4 878847926 +749 431 5 878848069 +749 433 3 878848217 +749 435 4 878847888 +749 443 4 878847954 +749 444 2 878850632 +749 448 2 878847645 +749 449 3 878850610 +749 465 4 878847716 +749 470 5 878849259 +749 478 5 878847328 +749 480 5 878847328 +749 483 4 878847540 +749 484 5 881073043 +749 485 4 878848097 +749 495 4 878847612 +749 496 5 878847673 +749 498 4 878847926 +749 510 4 878847404 +749 523 4 878847285 +749 526 5 878847804 +749 527 4 878847364 +749 531 5 878847171 +749 540 3 878850388 +749 541 3 878850825 +749 546 3 878849857 +749 549 3 878847926 +749 566 3 878849857 +749 568 4 878848098 +749 571 3 878850456 +749 576 3 878850533 +749 584 3 878848483 +749 586 4 878850657 +749 609 4 881073104 +749 620 4 882804506 +749 621 3 878848795 +749 627 2 878848951 +749 628 4 878846903 +749 635 1 878850703 +749 636 4 878849929 +749 637 1 878850456 +749 642 2 878848137 +749 650 3 878848189 +749 655 5 878848044 +749 658 4 878849404 +749 661 5 878847576 +749 678 2 878846423 +749 685 4 878848137 +749 686 4 878850429 +749 705 4 878847612 +749 712 3 878849375 +749 729 4 878848015 +749 731 3 878848828 +749 739 3 878848558 +749 740 3 878847716 +749 742 4 878849375 +749 746 5 878848764 +749 748 3 878846384 +749 763 1 878848483 +749 780 1 878849682 +749 802 3 878850789 +749 808 3 878849929 +749 809 3 878848673 +749 812 3 878849586 +749 821 3 878847328 +749 823 3 878850060 +749 833 2 878850565 +749 845 3 878848189 +749 866 3 878848639 +749 930 3 878849558 +749 932 3 878850333 +749 934 3 878850333 +749 941 5 878849877 +749 968 3 878850186 +749 969 4 878848243 +749 975 4 878848369 +749 977 4 878850502 +749 984 3 881073009 +749 986 3 878850107 +749 1013 1 881073081 +749 1016 5 878846958 +749 1023 3 881073104 +749 1028 4 878849149 +749 1034 2 878850656 +749 1041 4 878849979 +749 1051 3 878846676 +749 1088 2 881602596 +749 1092 3 878850703 +749 1133 2 878850084 +749 1136 4 878847804 +749 1139 3 878850084 +749 1185 4 878849375 +749 1188 3 878850610 +749 1244 3 878847101 +749 1263 2 878850533 +749 1274 2 878850212 +749 1440 3 878849534 +749 1615 4 878847076 +750 245 3 879446215 +750 258 3 879445755 +750 288 4 879445808 +750 303 4 879445911 +750 304 4 879446013 +750 305 4 879445877 +750 322 2 879445877 +750 323 3 879445877 +750 325 1 879446215 +750 327 4 879446013 +750 328 4 879445808 +750 338 3 879445961 +750 683 1 879445911 +750 748 3 879446013 +750 749 3 879446271 +750 873 3 879446013 +750 876 2 879446014 +750 879 4 879445961 +750 886 3 879446114 +750 1280 1 879445877 +751 1 3 889132162 +751 2 4 889298116 +751 3 3 889299391 +751 7 3 889132251 +751 11 1 889133177 +751 21 5 889298093 +751 25 5 889132252 +751 28 5 889133064 +751 52 2 889297948 +751 55 4 889134419 +751 79 4 889132776 +751 82 4 889133334 +751 83 5 889134705 +751 87 5 889297927 +751 89 3 889132966 +751 90 3 889298528 +751 91 4 889134705 +751 94 3 889298964 +751 95 5 889134419 +751 96 4 889133154 +751 98 5 889134186 +751 99 4 889134483 +751 101 4 889298622 +751 111 3 889132657 +751 117 4 889132269 +751 118 2 889298074 +751 121 4 889135401 +751 142 4 889299175 +751 143 5 889133882 +751 144 4 889133219 +751 153 4 889133240 +751 154 3 888871900 +751 161 2 889134419 +751 172 5 889133129 +751 173 4 889134393 +751 174 4 889133012 +751 179 4 889298074 +751 193 5 889133556 +751 196 4 889133039 +751 197 3 889296961 +751 202 4 889133129 +751 204 4 889133950 +751 209 4 889133377 +751 210 5 889133106 +751 213 5 889132808 +751 214 4 889298463 +751 215 4 889133334 +751 216 4 889133602 +751 226 3 889134237 +751 227 4 889298892 +751 237 2 889132301 +751 238 3 889297524 +751 239 4 889134237 +751 257 4 889132542 +751 270 4 887134730 +751 274 4 889298694 +751 300 2 887134622 +751 302 4 888870893 +751 310 3 887134816 +751 313 2 889727869 +751 315 3 887134587 +751 323 1 888871598 +751 332 3 887134842 +751 347 4 887134587 +751 367 4 889133950 +751 372 3 889297990 +751 382 3 889298463 +751 385 4 889135244 +751 394 4 889297640 +751 399 3 889298912 +751 402 3 889298216 +751 417 2 889297615 +751 428 4 889297239 +751 431 4 889134705 +751 432 4 889134420 +751 433 3 889134186 +751 434 4 889297670 +751 479 2 889132776 +751 481 4 889133684 +751 484 3 889134483 +751 485 4 889134483 +751 486 3 889133737 +751 490 4 889133429 +751 494 4 889133556 +751 497 4 889134393 +751 537 4 889134006 +751 538 4 887134672 +751 558 3 889298216 +751 559 4 889298622 +751 578 4 889298174 +751 588 5 889133291 +751 596 4 889133852 +751 597 2 889299290 +751 603 4 889132776 +751 631 5 889297711 +751 655 3 889133377 +751 658 3 889133106 +751 660 4 889297990 +751 689 2 888871738 +751 704 2 889133429 +751 708 4 889298140 +751 709 4 889132929 +751 710 3 889298051 +751 737 4 889298945 +751 738 4 889299733 +751 739 3 889133556 +751 742 3 889132347 +751 746 4 889133219 +751 751 4 887396425 +751 756 2 889299249 +751 785 4 889298010 +751 809 3 889299429 +751 849 2 889299133 +751 865 2 889135211 +751 916 1 893113145 +751 917 2 892486699 +751 945 3 889133852 +751 1035 2 889298585 +751 1078 3 889299290 +751 1101 1 889298379 +751 1140 2 889299503 +751 1446 2 889298694 +752 258 3 891207898 +752 259 5 891208451 +752 260 3 891208261 +752 268 2 891208036 +752 269 5 891208451 +752 294 3 891208261 +752 301 4 891208077 +752 302 5 891208451 +752 305 4 891207940 +752 306 5 891208451 +752 307 5 891208451 +752 315 2 891207791 +752 316 3 891208329 +752 321 3 891208212 +752 323 1 891208261 +752 325 2 891208126 +752 327 5 891208451 +752 331 4 891208036 +752 332 4 891208170 +752 333 3 891207791 +752 338 3 891208329 +752 344 4 891208212 +752 345 1 891207898 +752 346 4 891207983 +752 348 4 891208213 +752 350 4 891208357 +752 351 3 891207898 +752 354 2 891208261 +752 355 2 891208036 +752 358 4 891208452 +752 539 4 891208357 +752 589 4 891208491 +752 621 1 891208491 +752 678 3 891208299 +752 683 4 891208299 +752 750 2 891207791 +752 751 4 891208212 +752 752 3 891208213 +752 882 4 891207846 +752 887 1 891207846 +752 900 4 891207791 +752 902 5 891208452 +752 904 4 891207845 +752 909 3 891208036 +752 995 4 891208261 +752 1024 3 891207940 +752 1127 3 891208170 +752 1176 2 891208170 +752 1243 4 891207939 +752 1265 3 891208126 +752 1279 3 891208491 +752 1294 3 891207898 +752 1463 4 891208261 +752 1527 1 891208077 +753 22 4 891401798 +753 23 2 891401665 +753 64 4 891402379 +753 69 4 891401851 +753 71 5 891401457 +753 89 3 891402240 +753 98 5 891401366 +753 134 4 891402323 +753 172 3 891401510 +753 173 5 891401757 +753 174 4 891402323 +753 179 2 891401410 +753 180 2 891401712 +753 181 3 891402240 +753 183 1 891401798 +753 185 3 891401410 +753 187 3 891401851 +753 193 4 891401366 +753 194 4 891401757 +753 195 1 891401851 +753 199 5 891401510 +753 211 4 891402240 +753 215 5 891402272 +753 242 4 891399477 +753 269 5 891399367 +753 272 4 891399135 +753 286 3 891399477 +753 294 5 891399737 +753 300 1 891401167 +753 304 4 891399686 +753 313 5 891399135 +753 316 4 891399903 +753 322 3 891401167 +753 328 3 891401167 +753 347 2 891401167 +753 357 4 891401901 +753 427 5 891401712 +753 435 4 891401712 +753 504 3 891401457 +753 523 4 891401851 +753 527 4 891401510 +753 653 4 891401851 +753 657 5 891401665 +753 750 2 891401167 +754 15 5 879451743 +754 117 4 879451626 +754 118 2 879451775 +754 127 4 879451420 +754 237 3 879451805 +754 243 1 879451163 +754 273 3 879451516 +754 276 5 879451841 +754 282 4 879451804 +754 286 3 879450947 +754 291 4 879451991 +754 292 3 879451958 +754 293 4 879451466 +754 295 4 879451626 +754 307 3 879451191 +754 328 3 879450984 +754 340 2 879451010 +754 359 3 879451299 +754 459 4 879451805 +754 477 5 879451775 +754 595 2 879452073 +754 922 3 879452073 +754 1016 4 879451585 +754 1197 3 879451841 +755 245 4 882569881 +755 258 5 882569732 +755 264 2 882570077 +755 271 1 882570023 +755 286 5 882569670 +755 288 1 882569771 +755 289 1 882569912 +755 299 2 882569732 +755 300 4 882569574 +755 301 3 882569771 +755 310 4 882569604 +755 311 4 882569771 +755 322 3 882569912 +755 323 4 882570077 +755 327 2 882569801 +755 328 4 882569881 +755 331 3 882569771 +755 340 1 882569732 +755 538 4 882570023 +755 688 3 882570077 +755 748 4 882570141 +755 872 1 882569844 +755 879 4 882569844 +755 880 4 882569732 +755 881 1 882569732 +755 887 3 882569845 +755 937 4 882569604 +755 938 3 882570023 +756 1 4 874826629 +756 8 4 874827755 +756 9 2 874828453 +756 22 3 874828592 +756 30 4 874827283 +756 50 4 874828592 +756 53 3 874830432 +756 66 4 874829705 +756 71 3 874828391 +756 79 4 874829990 +756 82 3 874830748 +756 88 1 874829743 +756 89 4 874828769 +756 91 3 874830954 +756 95 3 874829258 +756 96 4 874828640 +756 97 3 874829484 +756 111 4 874829670 +756 118 2 874828967 +756 121 3 874829152 +756 123 2 874830344 +756 141 3 874831227 +756 143 5 874831383 +756 147 4 874828826 +756 151 4 874830550 +756 155 4 874829637 +756 159 4 874829924 +756 171 4 874827062 +756 173 3 874826565 +756 181 4 874831383 +756 183 4 874831383 +756 195 3 874828967 +756 197 2 874829446 +756 210 4 874828902 +756 222 2 874828967 +756 225 1 874830864 +756 226 3 874830103 +756 228 3 874828640 +756 230 3 874829010 +756 235 3 874827755 +756 245 3 874832096 +756 251 4 875129238 +756 256 4 874827486 +756 258 3 874826502 +756 274 3 874829637 +756 275 3 874827103 +756 289 4 874828027 +756 300 4 874826502 +756 323 3 874832096 +756 383 3 874831050 +756 402 4 874831383 +756 403 2 874828826 +756 419 3 874830513 +756 420 4 874829373 +756 432 4 874829258 +756 435 3 874832788 +756 473 3 874829296 +756 501 3 874829296 +756 566 4 874830168 +756 568 3 874828903 +756 588 4 874829258 +756 591 4 874829924 +756 622 3 874830790 +756 731 3 874827920 +756 739 4 874829743 +756 742 3 874830026 +756 755 3 874830598 +756 860 1 874830068 +756 919 5 874831383 +756 983 2 874830305 +756 1031 2 874830819 +756 1060 4 874831383 +756 1074 4 874831383 +756 1149 5 874827023 +756 1240 4 874829333 +756 1652 1 874828198 +757 1 4 888443974 +757 11 4 888466583 +757 17 3 888466490 +757 27 4 888466683 +757 29 2 888466683 +757 31 4 888445570 +757 53 3 888466737 +757 56 4 888445279 +757 62 3 888466758 +757 64 5 888445298 +757 68 4 888466435 +757 69 3 888445768 +757 79 4 888445750 +757 82 4 888466490 +757 91 4 888467309 +757 95 4 888467270 +757 96 4 888466461 +757 97 4 888445714 +757 98 4 888445767 +757 101 4 888467309 +757 118 3 888444920 +757 121 2 888444635 +757 122 1 888445218 +757 125 2 888467666 +757 128 3 888466490 +757 143 3 888468693 +757 145 3 888467442 +757 148 4 888444948 +757 151 4 888444684 +757 153 3 888468995 +757 155 2 888469095 +757 156 3 888445551 +757 164 3 888445684 +757 172 4 888445587 +757 173 4 888445604 +757 174 5 888445637 +757 175 3 888445551 +757 176 5 888445730 +757 181 3 888444314 +757 183 4 888445864 +757 188 3 888466614 +757 198 4 888445864 +757 204 4 888468577 +757 206 4 888445683 +757 210 4 888445570 +757 222 4 888444400 +757 227 4 888466652 +757 228 4 888466461 +757 229 3 888466652 +757 230 4 888466614 +757 231 2 888466614 +757 232 3 888466435 +757 233 3 888467038 +757 235 3 888444935 +757 250 4 888444088 +757 252 3 888444827 +757 254 2 888445172 +757 257 4 888444400 +757 258 5 888443306 +757 270 3 888443434 +757 271 3 888443307 +757 276 4 888444181 +757 288 4 888443307 +757 298 4 888444208 +757 313 3 888443263 +757 323 3 888443483 +757 326 3 888443434 +757 328 3 888469286 +757 343 3 888443555 +757 350 3 888443511 +757 358 3 888443570 +757 385 3 888468596 +757 403 4 888466461 +757 405 4 888444583 +757 426 3 888467270 +757 431 4 888466584 +757 432 3 888467269 +757 433 4 888445684 +757 449 3 888466782 +757 450 2 888467205 +757 455 3 888445035 +757 470 3 888467016 +757 471 4 888444738 +757 472 3 888445086 +757 474 3 888469045 +757 515 5 888444007 +757 546 3 888444881 +757 550 3 888445820 +757 554 3 888466683 +757 559 4 888467400 +757 561 2 888467380 +757 562 3 888466737 +757 566 3 888466490 +757 568 4 888466490 +757 570 3 888466683 +757 574 3 888467187 +757 576 3 888469012 +757 638 3 888468871 +757 658 2 888467765 +757 665 3 888466652 +757 679 4 888466583 +757 732 3 888467829 +757 742 4 888444563 +757 746 3 888468435 +757 751 3 888443398 +757 809 4 888466758 +757 825 3 888444865 +757 827 3 888466758 +757 895 4 888443483 +757 931 2 888445150 +757 939 4 888467498 +757 969 3 888468741 +757 1014 3 888444827 +757 1016 3 888444563 +757 1073 4 888466983 +757 1240 3 888445820 +757 1273 2 888467187 +758 6 2 881976919 +758 8 5 881975577 +758 11 3 881975289 +758 12 5 881975243 +758 13 5 881977205 +758 20 4 881976574 +758 23 4 881975814 +758 25 4 881977669 +758 28 4 881975990 +758 29 3 882054935 +758 31 3 881977872 +758 33 4 881976335 +758 38 3 881980408 +758 39 2 881974931 +758 43 3 881977747 +758 53 4 882053613 +758 61 3 881976289 +758 62 2 881978368 +758 66 3 881977169 +758 68 3 881977265 +758 76 3 881977265 +758 77 3 882054049 +758 79 4 881976061 +758 82 4 881976168 +758 88 4 881979942 +758 91 4 881977375 +758 93 5 881975922 +758 96 5 881976985 +758 98 5 881976289 +758 99 3 882052960 +758 105 2 882054936 +758 109 3 881975687 +758 116 5 881976289 +758 117 4 881976203 +758 118 2 881978326 +758 122 4 881980408 +758 123 1 881977872 +758 124 5 884999132 +758 125 2 881977205 +758 129 4 881975962 +758 131 3 881975243 +758 134 5 881975005 +758 137 5 881975539 +758 139 4 882053834 +758 141 4 881977533 +758 143 5 881975314 +758 144 4 881975267 +758 147 4 881977021 +758 150 5 881975243 +758 151 5 881975814 +758 152 5 881975853 +758 154 5 881975267 +758 168 5 881975416 +758 170 5 881976233 +758 171 5 881976262 +758 173 5 881975182 +758 174 5 881975005 +758 175 4 881976061 +758 176 5 882055987 +758 179 5 881976031 +758 181 4 880672747 +758 183 5 882055987 +758 184 5 881974823 +758 185 4 881975182 +758 186 5 881974931 +758 195 5 881975416 +758 196 4 881977229 +758 199 4 881975687 +758 200 5 881977229 +758 203 5 881978016 +758 204 4 881975787 +758 208 4 881978148 +758 209 5 881975118 +758 210 4 882053302 +758 211 4 881975736 +758 212 4 881976919 +758 213 5 881976377 +758 216 4 881974931 +758 217 2 881978805 +758 218 4 881977487 +758 222 4 884999132 +758 223 5 881975119 +758 227 4 884999133 +758 228 3 881977021 +758 229 3 881978057 +758 230 4 884999132 +758 231 3 881979012 +758 234 4 881974823 +758 236 4 881974742 +758 237 4 881976377 +758 238 5 881975538 +758 239 3 881976574 +758 240 3 882053986 +758 241 3 881977109 +758 242 3 880672230 +758 250 4 880672766 +758 252 3 880672830 +758 257 5 880672700 +758 262 5 880672257 +758 270 4 889062124 +758 273 4 881977714 +758 276 2 881976574 +758 285 5 881974823 +758 289 2 880672402 +758 290 5 881978495 +758 291 4 881978115 +758 292 4 880672402 +758 293 3 880672727 +758 294 5 880672523 +758 300 2 880672402 +758 301 3 880672427 +758 307 3 880672345 +758 310 3 880672402 +758 311 4 880672321 +758 312 3 883190351 +758 313 4 882926095 +758 315 5 883793836 +758 319 4 880672321 +758 320 5 881976061 +758 328 1 880672321 +758 331 4 882322862 +758 332 4 886464043 +758 338 4 881295151 +758 340 3 880672345 +758 342 4 881295151 +758 343 2 882055987 +758 344 3 888715390 +758 345 5 883806413 +758 346 2 883099368 +758 350 4 885016523 +758 352 4 885948283 +758 353 4 886743253 +758 355 4 888461050 +758 356 2 881977872 +758 362 5 888020763 +758 364 4 882055394 +758 384 5 881979788 +758 386 3 881978259 +758 388 3 882055289 +758 393 4 881979012 +758 405 4 881978635 +758 411 4 881978115 +758 414 4 881977487 +758 419 4 881974639 +758 420 3 882053499 +758 421 4 881975814 +758 425 5 881977337 +758 430 5 881975503 +758 433 5 881976820 +758 435 5 881975853 +758 436 3 881978572 +758 447 4 881977487 +758 448 4 881978805 +758 452 3 882054468 +758 455 4 881977309 +758 462 4 881975687 +758 471 3 881975472 +758 474 5 881976089 +758 475 5 881977205 +758 479 5 881975539 +758 481 5 881976031 +758 484 5 881975814 +758 488 3 881976262 +758 489 5 881975687 +758 496 3 881976031 +758 502 4 881978864 +758 505 5 881979012 +758 506 3 881975061 +758 508 4 881975962 +758 509 5 881975213 +758 510 3 881974823 +758 514 5 881974823 +758 520 5 881976089 +758 526 4 882052744 +758 531 5 881975061 +758 533 4 882055948 +758 536 2 880672747 +758 540 3 882054637 +758 541 4 881977747 +758 542 2 881978495 +758 546 3 882053613 +758 547 5 881975472 +758 550 4 881978115 +758 566 4 881977488 +758 567 4 881978016 +758 568 4 881977669 +758 569 3 881978460 +758 571 4 882054936 +758 576 4 882055054 +758 580 4 881974880 +758 582 3 881974823 +758 603 5 881976262 +758 605 3 881977057 +758 608 5 881975182 +758 616 4 881976377 +758 628 4 881977714 +758 629 4 881978715 +758 640 5 881975119 +758 650 5 881979419 +758 652 5 881975853 +758 653 3 881975922 +758 654 4 881975061 +758 657 5 881975213 +758 665 2 882055988 +758 676 2 881977428 +758 687 3 881295189 +758 705 5 881976203 +758 713 3 881977533 +758 715 4 881977057 +758 722 3 881980408 +758 735 5 881976855 +758 737 3 881978864 +758 746 4 881976746 +758 748 1 880672522 +758 750 2 883518021 +758 751 4 882597651 +758 780 5 882054468 +758 802 3 881978572 +758 820 4 882054112 +758 831 4 882054415 +758 841 3 882055193 +758 864 4 882053726 +758 887 5 882322840 +758 890 3 880672552 +758 895 4 883190310 +758 896 5 886658068 +758 898 3 883287566 +758 902 4 889328320 +758 919 5 881976262 +758 922 5 881980034 +758 955 2 881977021 +758 959 3 881978864 +758 968 5 881976746 +758 1001 5 882055227 +758 1007 5 880672727 +758 1012 4 880672727 +758 1016 4 880672855 +758 1019 4 881975736 +758 1022 5 885698979 +758 1023 4 880672855 +758 1034 4 882054415 +758 1039 5 881975787 +758 1046 4 881978767 +758 1047 3 882054250 +758 1052 5 882055497 +758 1074 1 882054297 +758 1088 3 880672830 +758 1090 1 882055460 +758 1135 2 881980034 +758 1143 5 880672637 +758 1244 3 881713279 +758 1283 4 880672876 +758 1292 1 880672876 +758 1527 3 888039070 +759 1 5 875227798 +759 24 3 875227904 +759 50 4 881476824 +759 117 5 881476781 +759 118 5 875227954 +759 121 5 881476858 +759 127 2 875227798 +759 181 5 875227798 +759 220 5 875227904 +759 222 5 881476922 +759 237 3 881476891 +759 245 3 881476616 +759 257 4 881476824 +759 275 4 875227858 +759 281 4 881476991 +759 294 5 875227708 +759 323 4 875227724 +759 328 5 881476590 +759 405 4 881476969 +759 471 4 881476969 +759 591 3 881476891 +759 742 5 875227798 +759 748 4 875227708 +759 756 4 875227922 +759 937 4 881476756 +759 984 2 881476642 +760 25 2 875666317 +760 66 2 875668932 +760 71 4 875668080 +760 98 3 875667717 +760 111 4 875666242 +760 120 1 875669077 +760 172 3 875667294 +760 195 4 875668535 +760 204 4 875668105 +760 237 3 875666179 +760 255 3 875666375 +760 258 5 875665793 +760 288 4 875665867 +760 300 1 875665867 +760 365 5 875668737 +760 375 4 875669114 +760 451 5 875668781 +760 631 3 875668368 +760 682 3 878530117 +760 739 4 875668888 +760 748 4 875665867 +760 776 5 875667247 +760 841 3 875666421 +760 845 5 875666110 +760 873 4 875665908 +760 928 1 875666242 +760 1037 5 875668781 +760 1135 4 875668968 +761 7 4 876190206 +761 9 2 876190235 +761 15 5 876190314 +761 117 5 876190314 +761 123 3 876190160 +761 125 4 876190798 +761 127 3 876190025 +761 151 2 876190394 +761 201 2 876190511 +761 205 4 876190511 +761 235 3 876190182 +761 237 5 876190417 +761 243 3 876189749 +761 245 5 876189715 +761 263 1 876189950 +761 275 4 876190130 +761 282 4 876190752 +761 283 4 876190160 +761 291 3 876190770 +761 293 4 876190130 +761 295 4 876190130 +761 326 1 876189715 +761 358 3 876189689 +761 402 3 876189829 +761 426 1 876190510 +761 455 2 876190439 +761 457 1 876189950 +761 458 1 876190623 +761 471 3 876190336 +761 476 2 876190468 +761 477 1 876190235 +761 508 1 876190206 +761 628 4 876190689 +761 688 2 876189913 +761 742 2 876190370 +761 748 4 876189614 +761 840 4 876190753 +761 864 4 876190336 +761 877 2 876189931 +761 988 1 876189715 +761 1012 1 876190417 +761 1152 2 876190623 +761 1157 5 876189775 +761 1163 2 876190752 +761 1272 1 876190160 +761 1287 1 876190072 +761 1558 1 876190511 +762 111 2 878719371 +762 173 5 878719533 +762 246 1 878719294 +762 256 3 878719448 +762 270 4 878718855 +762 274 4 878719371 +762 286 4 878718810 +762 332 1 878718996 +762 421 4 878719594 +762 515 5 878719186 +762 709 3 878719594 +762 749 1 878718996 +762 815 1 878719406 +762 875 5 878718996 +762 934 1 878719406 +762 955 5 878719551 +763 4 5 878917877 +763 5 4 878920895 +763 12 5 878918486 +763 13 3 878919116 +763 16 5 878918332 +763 25 4 878922982 +763 26 4 878919055 +763 39 4 878918360 +763 47 3 878915692 +763 50 4 878914968 +763 55 4 878917384 +763 56 5 878919116 +763 59 5 878915765 +763 60 5 878914968 +763 61 5 878915628 +763 70 5 878917468 +763 73 3 878919180 +763 79 5 878919083 +763 83 3 878917877 +763 85 4 878918960 +763 87 2 878919019 +763 97 3 878919153 +763 99 4 878915765 +763 100 5 878915958 +763 125 3 878923322 +763 132 3 878920656 +763 133 3 878923609 +763 135 5 878918332 +763 137 4 878918332 +763 143 3 878918332 +763 144 3 878915722 +763 153 4 878915692 +763 157 4 878917467 +763 159 3 878917818 +763 168 5 878919055 +763 171 3 878915015 +763 173 4 878914968 +763 174 4 878919019 +763 190 4 878917384 +763 191 4 878915063 +763 194 5 878918406 +763 198 5 878915958 +763 209 4 878918213 +763 212 4 878920656 +763 222 5 878918406 +763 224 5 878919153 +763 230 3 878923288 +763 234 3 878923288 +763 280 2 878915015 +763 317 3 878919180 +763 357 4 878919116 +763 382 5 878922829 +763 392 4 878919055 +763 432 5 878922982 +763 462 5 878921529 +763 464 3 878918960 +763 466 4 878922422 +763 475 4 878915722 +763 483 4 878915628 +763 498 4 878915600 +763 505 4 878919206 +763 509 5 878920895 +763 510 4 878915559 +763 515 4 878915628 +763 518 4 878919180 +763 527 3 878915692 +763 607 4 878917850 +763 609 4 878918712 +763 625 4 878923488 +763 692 2 878915958 +763 702 3 878917877 +763 703 5 878923433 +763 730 5 878923456 +763 732 3 878919206 +763 737 2 878919055 +763 738 2 878922982 +763 819 2 878915766 +763 845 4 878918712 +763 941 3 878915958 +763 955 2 878917433 +763 961 5 878919083 +763 972 3 878918333 +763 1006 2 878919116 +763 1039 4 878923513 +763 1065 5 878915559 +763 1098 3 878919083 +763 1101 3 878918486 +763 1129 4 878918908 +763 1180 2 878915765 +764 1 4 876244181 +764 2 3 876244856 +764 4 3 876245421 +764 7 4 876243159 +764 13 2 876242755 +764 14 4 876752116 +764 15 4 876242945 +764 21 2 876243794 +764 22 4 876245549 +764 25 2 876243015 +764 28 4 876245069 +764 50 3 876242649 +764 56 4 876244472 +764 64 5 876244991 +764 69 5 876244991 +764 70 4 876244559 +764 89 4 876245837 +764 95 5 876246475 +764 98 5 876244991 +764 99 4 876246687 +764 106 2 876243990 +764 111 4 876243595 +764 117 5 876244991 +764 121 5 876244991 +764 125 4 876243795 +764 132 5 876246236 +764 151 4 876242912 +764 173 3 876245383 +764 174 5 876245475 +764 191 3 876244688 +764 200 4 876244895 +764 202 4 876246312 +764 216 4 876245520 +764 218 4 876245837 +764 220 3 876243925 +764 222 4 876243440 +764 227 4 876246358 +764 231 3 876246409 +764 237 4 876243440 +764 252 3 876244023 +764 255 4 876244181 +764 273 3 876242649 +764 274 3 876243410 +764 275 4 876242851 +764 276 3 876752289 +764 278 4 876243343 +764 280 4 876244181 +764 281 3 876243854 +764 282 4 876243291 +764 284 4 876243015 +764 286 4 876232900 +764 289 5 876244991 +764 294 3 876233213 +764 318 5 876244991 +764 356 4 876430571 +764 371 3 876246436 +764 405 4 876243772 +764 411 3 876243668 +764 418 4 876430033 +764 432 5 876245421 +764 472 3 876243925 +764 531 5 876244991 +764 591 3 876243572 +764 595 4 876243703 +764 596 3 876243046 +764 633 5 876244991 +764 673 4 876246504 +764 692 4 876246358 +764 693 3 876246687 +764 696 3 876243465 +764 717 3 876243644 +764 732 3 876246475 +764 743 1 876243100 +764 747 3 876246291 +764 819 3 876243159 +764 845 4 876242972 +764 864 4 876243232 +764 866 4 876244181 +764 939 4 876245880 +764 946 4 876246555 +764 1012 4 876244181 +764 1028 4 876244181 +764 1046 4 876244895 +764 1057 1 876243990 +764 1284 3 876244529 +765 10 4 880346308 +765 14 5 880346204 +765 42 5 880346975 +765 50 2 880346255 +765 137 5 880346255 +765 151 4 880346204 +765 170 5 880346854 +765 222 2 880346340 +765 248 2 880346392 +765 275 4 880346768 +765 283 4 880346282 +765 507 5 880347034 +765 522 5 880346951 +765 847 4 880346466 +765 971 4 880346911 +765 1009 5 880346606 +766 8 5 891309329 +766 22 3 891309261 +766 23 4 891309177 +766 28 5 891309668 +766 40 3 891310851 +766 50 4 891309053 +766 62 3 891310475 +766 65 4 891309810 +766 69 4 891309668 +766 71 3 891309913 +766 72 2 891310704 +766 89 4 891309090 +766 91 5 891310125 +766 132 4 891309522 +766 133 3 891309844 +766 136 3 891310009 +766 161 3 891310372 +766 172 3 891309052 +766 173 4 891309261 +766 175 3 891309118 +766 176 2 891308927 +766 177 3 891309844 +766 178 4 891308968 +766 179 4 891309484 +766 180 4 891308927 +766 181 4 891309177 +766 182 4 891309053 +766 183 4 891309484 +766 185 4 891310038 +766 186 3 891309522 +766 187 4 891309053 +766 191 4 891310067 +766 193 3 891309668 +766 194 3 891309117 +766 196 3 891309703 +766 197 3 891309011 +766 198 4 891310210 +766 205 5 891309975 +766 208 5 891309810 +766 212 5 891310125 +766 214 2 891309667 +766 215 3 891309250 +766 216 3 891310038 +766 217 4 891310650 +766 219 3 891310241 +766 226 3 891310150 +766 234 4 891309558 +766 238 4 891309450 +766 265 3 891309357 +766 294 2 891307007 +766 367 2 891309878 +766 375 2 891310907 +766 378 4 891310540 +766 380 2 891310475 +766 385 3 891310281 +766 386 3 891310620 +766 393 3 891310372 +766 396 2 891310934 +766 402 3 891310565 +766 403 3 891310444 +766 414 4 891310150 +766 428 5 891309622 +766 429 4 891310067 +766 432 3 891309250 +766 433 3 891309391 +766 435 3 891309053 +766 436 4 891310038 +766 443 3 891309844 +766 448 3 891310934 +766 465 3 891310281 +766 474 5 891309011 +766 481 4 891308968 +766 484 4 891309391 +766 485 3 891309913 +766 496 5 891309767 +766 497 3 891309736 +766 498 4 891309913 +766 499 3 891310125 +766 503 3 891309329 +766 514 4 891308927 +766 518 3 891309878 +766 519 4 891308968 +766 523 3 891309011 +766 526 2 891309558 +766 527 5 891309558 +766 530 4 891309703 +766 550 3 891310210 +766 568 2 891310313 +766 577 3 891310934 +766 584 3 891309844 +766 602 4 891310038 +766 604 4 891309329 +766 605 3 891310650 +766 606 3 891309011 +766 607 1 891309090 +766 609 3 891309767 +766 613 3 891310009 +766 616 3 891309589 +766 630 3 891310772 +766 633 4 891309947 +766 639 3 891309622 +766 659 3 891309736 +766 662 3 891310281 +766 663 5 891310067 +766 664 2 891309589 +766 672 3 891310824 +766 705 4 891309668 +766 712 3 891310444 +766 729 3 891310394 +766 739 2 891310241 +766 747 5 891310210 +766 810 2 891310620 +766 837 3 891309878 +766 965 3 891310540 +766 968 4 891310241 +766 972 3 891310907 +766 1021 2 891309011 +766 1050 3 891309668 +766 1126 4 891309767 +766 1298 3 891309736 +767 1 5 891462829 +767 22 4 891462614 +767 28 4 891462759 +767 163 4 891462560 +767 170 5 891462717 +767 177 5 891462614 +767 180 5 891462870 +767 183 4 891462870 +767 222 5 891462760 +767 242 4 891462614 +767 300 4 891462511 +767 344 4 891462511 +767 432 5 891462829 +767 481 5 891462614 +767 483 5 891462870 +767 505 4 891462560 +767 524 5 891462560 +767 615 4 891463095 +767 648 4 891462917 +767 659 5 891462560 +767 724 4 891462658 +767 921 5 891462717 +767 1121 5 891462917 +768 9 5 883835026 +768 14 5 883835026 +768 15 2 883835210 +768 16 3 880135943 +768 25 4 880136157 +768 100 5 883835026 +768 121 4 883834705 +768 127 5 883835026 +768 151 2 880135923 +768 222 4 883834705 +768 235 2 885319496 +768 237 4 883834705 +768 245 2 879523820 +768 248 3 883834705 +768 255 4 888798611 +768 269 3 885319349 +768 272 5 884970491 +768 274 3 880136201 +768 284 1 883835210 +768 300 5 883835026 +768 301 5 883835026 +768 310 4 883835026 +768 313 5 883835026 +768 315 3 883834448 +768 346 3 883834705 +768 354 3 888798611 +768 405 4 883834883 +768 471 3 880135875 +768 475 2 883835210 +768 476 4 883834705 +768 535 3 882190750 +768 591 4 883834945 +768 597 2 883835210 +768 620 2 880136410 +768 628 3 880136174 +768 682 3 883834776 +768 742 3 880136033 +768 744 3 880136272 +768 762 1 883835210 +768 763 2 883835210 +768 815 3 880135963 +768 895 2 883750415 +768 966 4 883834814 +768 1061 1 883835210 +769 1 4 885423720 +769 13 4 885424214 +769 111 5 885424001 +769 118 4 885424099 +769 120 1 885424401 +769 121 4 885423865 +769 222 4 885423824 +769 235 3 885424186 +769 237 3 885423954 +769 284 3 885423927 +769 405 2 885424214 +769 411 3 885424099 +769 473 3 885424337 +769 476 4 885424142 +769 597 2 885424001 +769 685 3 885424305 +769 748 2 885422821 +769 831 1 885424534 +769 1011 3 885424142 +769 1028 3 885424186 +769 1093 3 885423632 +769 1312 2 885424776 +769 1322 2 885424730 +770 7 5 875972185 +770 14 5 875972024 +770 15 5 875971902 +770 50 3 875971949 +770 93 5 875971989 +770 100 5 875971949 +770 111 5 875972059 +770 117 5 875971989 +770 123 3 875972100 +770 129 5 875972352 +770 151 5 875973080 +770 222 4 875973686 +770 240 2 875972582 +770 246 5 875971813 +770 250 5 875971902 +770 257 4 875972059 +770 258 5 875971568 +770 268 5 875971568 +770 275 5 875972219 +770 294 3 875971655 +770 297 5 875972099 +770 298 4 875971902 +770 302 2 875971568 +770 303 4 875971568 +770 323 5 875971612 +770 326 4 876598016 +770 328 3 875971736 +770 331 3 875971703 +770 333 5 875971612 +770 334 5 876597960 +770 358 3 875971655 +770 410 4 875973047 +770 473 5 875972612 +770 475 5 875972381 +770 596 4 875972988 +770 678 2 875971655 +770 742 4 875972927 +770 748 5 875971655 +770 813 5 875971850 +770 924 5 875971902 +770 929 4 875971989 +770 936 5 875971902 +770 937 4 876598016 +770 988 3 875971703 +770 1012 5 875972730 +771 1 5 880659449 +771 8 5 880659583 +771 15 5 880659303 +771 50 4 880659347 +771 69 5 880659606 +771 79 1 880659729 +771 82 2 880659686 +771 86 5 880659539 +771 95 4 880659606 +771 97 1 880659919 +771 98 1 880659990 +771 111 4 880659919 +771 114 4 880659539 +771 128 2 880659482 +771 134 4 880659482 +771 137 4 880659302 +771 144 1 880659507 +771 164 2 880660025 +771 169 5 880659426 +771 172 4 880659482 +771 173 4 880659894 +771 181 4 880659653 +771 189 5 880659815 +771 197 1 880659919 +771 202 4 880659941 +771 216 5 880659894 +771 243 3 886640629 +771 251 5 880660087 +771 274 4 880659941 +771 283 4 880659303 +771 286 2 880659235 +771 294 4 886640547 +771 304 5 886640562 +771 313 3 886635643 +771 381 3 880659970 +771 403 4 880659769 +771 408 5 880659302 +771 462 3 880659426 +771 477 5 880660199 +771 496 5 880659606 +771 588 5 880659815 +771 596 4 880659815 +771 652 4 880659507 +771 694 3 880659894 +771 709 5 880659894 +771 768 4 880659867 +771 892 5 886640606 +771 1129 5 880660106 +772 245 5 877533546 +772 258 5 877533440 +772 259 2 877533957 +772 264 4 876250551 +772 271 4 889028773 +772 272 5 889028581 +772 288 2 889028773 +772 294 4 877533625 +772 300 4 877533731 +772 302 5 877533625 +772 310 4 889028363 +772 315 5 889028363 +772 322 4 877533546 +772 323 4 876250551 +772 327 4 877533873 +772 328 5 876250551 +772 331 5 876250551 +772 344 4 889028581 +772 354 4 889028692 +772 748 3 877533625 +772 751 3 889028876 +772 752 3 889028773 +772 1025 3 877533820 +773 1 3 888539232 +773 2 3 888540146 +773 6 3 888538620 +773 7 2 888539992 +773 11 2 888539963 +773 12 3 888540448 +773 13 4 888539471 +773 23 5 888540507 +773 24 3 888538677 +773 29 2 888540218 +773 32 4 888540467 +773 42 3 888539398 +773 50 5 888539993 +773 59 5 888540617 +773 61 5 888538908 +773 68 2 888540091 +773 70 3 888538810 +773 89 4 888540020 +773 90 4 888539643 +773 93 3 888539366 +773 96 2 888540063 +773 98 4 888540279 +773 109 4 888539328 +773 121 2 888540163 +773 127 5 888539962 +773 145 3 888540390 +773 152 5 888539398 +773 153 5 888539425 +773 154 5 888539471 +773 168 5 888539425 +773 170 5 888538980 +773 172 5 888539992 +773 174 3 888539962 +773 176 4 888539962 +773 179 5 888538810 +773 181 5 888540020 +773 182 4 888539993 +773 183 4 888539962 +773 184 2 888540041 +773 185 4 888540279 +773 187 5 888539962 +773 189 5 888539232 +773 196 4 888540467 +773 198 4 888538950 +773 200 4 888540279 +773 209 5 888539425 +773 210 2 888539398 +773 212 2 888538980 +773 216 4 888539608 +773 217 3 888540314 +773 221 2 888540448 +773 231 2 888540186 +773 232 3 888540146 +773 233 1 888540112 +773 235 4 888539677 +773 240 2 888539273 +773 251 3 888538573 +773 258 5 888538143 +773 260 2 888538348 +773 264 2 888538348 +773 265 2 888540146 +773 286 3 888538269 +773 288 2 888538199 +773 318 4 888540484 +773 324 3 888538269 +773 343 1 888538175 +773 354 2 888538143 +773 357 4 888540448 +773 364 4 888539875 +773 367 2 888539576 +773 382 3 888538829 +773 386 3 888539643 +773 393 2 888539711 +773 403 2 888540091 +773 408 5 888539232 +773 427 3 888540484 +773 428 4 888539512 +773 431 1 888540063 +773 432 4 888539232 +773 455 4 888539471 +773 462 5 888538776 +773 475 3 888538533 +773 509 4 888538995 +773 522 4 888539328 +773 531 5 888538853 +773 541 1 888540187 +773 547 4 888538643 +773 567 2 888540352 +773 568 1 888540091 +773 588 1 888539232 +773 652 3 888538950 +773 655 3 888539347 +773 675 5 888540279 +773 710 3 888539366 +773 720 1 888540218 +773 730 3 888538852 +773 732 3 888539492 +773 737 3 888539064 +773 751 3 888538175 +773 780 4 888539857 +773 790 3 888539825 +773 792 4 888539471 +773 809 1 888540186 +773 840 1 888540218 +773 855 2 888538726 +773 887 2 888538175 +773 895 2 888538417 +773 919 5 888538643 +773 924 1 888540146 +773 940 2 888539766 +773 948 2 888538438 +773 958 4 888538908 +773 1018 3 888539095 +773 1036 3 888539907 +773 1069 4 888539559 +773 1071 2 888539662 +773 1097 4 888538590 +773 1170 3 888539711 +773 1240 3 888539256 +773 1252 4 888538643 +773 1367 5 888538643 +773 1529 5 888539120 +773 1555 4 888540618 +774 2 1 888557383 +774 7 2 888558539 +774 8 1 888556090 +774 12 3 888559437 +774 23 3 888556634 +774 29 1 888557519 +774 44 1 888558343 +774 50 4 888557198 +774 53 4 888557383 +774 56 2 888555928 +774 58 1 888556698 +774 62 2 888557520 +774 64 3 888556517 +774 68 3 888557329 +774 69 4 888556544 +774 72 1 888556121 +774 77 1 888556938 +774 79 2 888557236 +774 82 2 888557277 +774 88 1 888556193 +774 91 1 888558018 +774 94 2 888556248 +774 96 2 888557276 +774 97 2 888556600 +774 98 4 888557682 +774 100 1 888558731 +774 101 2 888558018 +774 117 2 888558646 +774 118 1 888558594 +774 121 1 888558565 +774 122 1 888558924 +774 150 1 888558787 +774 161 2 888557409 +774 168 1 888555964 +774 174 3 888557198 +774 175 3 888555897 +774 176 4 888557198 +774 177 4 888557277 +774 178 4 888556483 +774 180 5 888556634 +774 181 3 888557236 +774 182 4 888556398 +774 183 4 888557198 +774 187 3 888556483 +774 188 3 888557329 +774 189 2 888557987 +774 193 5 888556746 +774 194 3 888555998 +774 196 3 888556746 +774 197 1 888556746 +774 199 4 888556517 +774 200 2 888557715 +774 201 2 888556090 +774 202 5 888555964 +774 204 3 888556316 +774 205 4 888556434 +774 210 1 888555964 +774 211 3 888555897 +774 214 3 888556517 +774 215 3 888556517 +774 217 2 888557772 +774 218 1 888557739 +774 219 4 888557739 +774 222 3 888558539 +774 226 2 888557330 +774 227 5 888557383 +774 228 4 888557237 +774 230 2 888557237 +774 231 1 888557383 +774 232 2 888556121 +774 233 2 888557383 +774 234 2 888557683 +774 235 1 888558806 +774 241 4 888557237 +774 250 3 888559123 +774 265 3 888557237 +774 273 1 888558539 +774 307 1 888555792 +774 318 1 888556483 +774 365 2 888556989 +774 367 2 888556047 +774 373 2 888557557 +774 380 2 888556968 +774 385 1 888557329 +774 386 2 888556225 +774 391 1 888557520 +774 393 1 888556090 +774 398 1 888557482 +774 399 2 888556169 +774 401 2 888556169 +774 402 2 888556938 +774 405 1 888558539 +774 406 1 888559013 +774 410 1 888558762 +774 411 1 888558853 +774 412 3 888558924 +774 413 1 888559013 +774 418 2 888558019 +774 421 1 888558128 +774 428 1 888556090 +774 429 1 888556698 +774 431 4 888557329 +774 444 1 888557772 +774 447 1 888557715 +774 448 2 888557715 +774 449 1 888557482 +774 450 2 888557557 +774 451 1 888556169 +774 452 1 888557805 +774 453 2 888557804 +774 501 1 888558019 +774 508 3 888558731 +774 510 2 888556484 +774 515 2 888556398 +774 518 1 888556746 +774 519 5 888556434 +774 523 2 888555964 +774 525 2 888558305 +774 526 4 888556600 +774 528 4 888556698 +774 530 5 888557197 +774 545 1 888555864 +774 546 1 888558565 +774 548 1 888558041 +774 550 2 888557277 +774 553 2 888556867 +774 554 1 888557556 +774 559 1 888557715 +774 561 1 888557772 +774 566 2 888557277 +774 567 1 888557772 +774 568 2 888557329 +774 569 2 888557857 +774 573 2 888557804 +774 577 2 888556278 +774 585 1 888556225 +774 597 2 888558565 +774 650 1 888556893 +774 654 2 888558284 +774 655 1 888555998 +774 659 3 888555864 +774 674 2 888557683 +774 679 5 888557383 +774 684 1 888557329 +774 692 1 888556121 +774 708 2 888556893 +774 712 1 888556169 +774 732 1 888556814 +774 743 1 888558623 +774 758 1 888559036 +774 774 1 888557883 +774 778 5 888556046 +774 795 1 888555864 +774 808 1 888557451 +774 826 2 888558623 +774 831 2 888558594 +774 840 2 888558594 +774 866 1 888558853 +774 926 1 888558946 +774 947 2 888557276 +774 986 1 888558594 +774 1016 3 888559123 +774 1017 3 888558829 +774 1079 1 888558897 +774 1090 1 888558419 +774 1110 1 888557519 +774 1118 3 888556047 +774 1215 1 888558623 +774 1218 3 888556169 +774 1228 1 888557556 +774 1274 1 888557557 +775 245 3 891032989 +775 302 3 891032742 +775 305 4 891032837 +775 312 3 891032866 +775 313 4 891032837 +775 315 5 891032742 +775 327 5 891032956 +775 329 3 891033071 +775 333 4 891033022 +775 344 5 891032777 +775 345 5 891032895 +775 347 3 891032837 +775 690 3 891033022 +775 750 5 891032804 +775 887 4 891032866 +775 900 3 891032956 +776 5 4 892920320 +776 7 4 891629077 +776 23 4 891628708 +776 28 5 891628895 +776 50 5 891628977 +776 53 2 892313246 +776 89 5 891628708 +776 91 4 891628752 +776 95 4 892210688 +776 98 4 891628837 +776 109 4 892210576 +776 132 3 891629157 +776 134 4 892210460 +776 135 4 891628656 +776 145 2 892920381 +776 174 5 891629157 +776 177 4 891628937 +776 179 4 891628678 +776 181 4 891628916 +776 182 3 891628773 +776 184 4 892920381 +776 185 4 892920290 +776 187 4 891628632 +776 191 5 891628837 +776 192 5 891628836 +776 193 3 891628895 +776 194 4 891628752 +776 195 3 891628836 +776 196 3 891628773 +776 200 4 892920381 +776 217 4 892920351 +776 218 4 892920321 +776 219 3 892920321 +776 238 4 891628708 +776 241 1 892313489 +776 282 3 892313246 +776 318 4 891628632 +776 355 3 892210668 +776 427 3 892313246 +776 431 4 891628916 +776 432 1 891628977 +776 437 1 892920446 +776 438 2 892920506 +776 440 2 892920480 +776 441 2 892920403 +776 444 2 892920423 +776 474 5 891628632 +776 479 4 891813013 +776 483 5 891628731 +776 509 5 891628773 +776 510 5 891628708 +776 514 5 891628916 +776 523 4 891628937 +776 524 5 891628752 +776 525 2 891629157 +776 549 5 891628731 +776 551 3 892920480 +776 559 4 892920351 +776 564 3 892920446 +776 567 2 892920351 +776 588 4 892210723 +776 590 1 892920446 +776 603 4 891628599 +776 607 4 892920221 +776 618 3 892474057 +776 635 4 892920403 +776 637 3 892920381 +776 656 5 891628678 +776 657 3 891628977 +776 667 2 892920480 +776 670 3 892920351 +776 674 3 892920321 +776 675 3 892920321 +776 679 4 891628708 +776 706 3 892920480 +776 708 5 891628599 +776 760 3 892920241 +776 816 2 892920423 +776 848 2 892210321 +776 860 3 892920381 +776 866 3 892313273 +776 947 2 891628836 +776 1172 2 892051948 +776 1219 3 891628837 +777 9 5 875979380 +777 15 4 875980306 +777 42 5 875980670 +777 127 1 875980391 +777 135 3 875980391 +777 180 5 875980306 +777 196 5 875980306 +777 202 5 875980669 +777 204 5 875980670 +777 212 5 875980348 +777 223 4 875980306 +777 238 4 875980541 +777 245 5 875979241 +777 273 4 875979432 +777 288 4 875979201 +777 509 4 875980449 +777 521 5 875980235 +777 522 5 875980669 +777 523 4 875980235 +777 527 4 875980306 +777 652 5 875980670 +777 692 5 875980670 +777 818 5 875980669 +777 1079 2 875979431 +778 8 1 891234406 +778 11 5 890725951 +778 28 4 890726618 +778 35 1 891234406 +778 42 5 890670510 +778 54 2 890803859 +778 56 3 891232041 +778 69 2 890803860 +778 79 3 890725776 +778 82 3 890803491 +778 98 4 890725951 +778 117 3 890727011 +778 132 2 891232769 +778 143 1 890804547 +778 144 4 890670638 +778 150 3 890802549 +778 154 5 890670560 +778 157 3 891233153 +778 161 3 890727175 +778 168 5 890670560 +778 174 4 890725804 +778 180 4 890725725 +778 186 4 890802724 +778 196 2 890769633 +778 197 4 891232569 +778 200 5 890726264 +778 216 3 890726264 +778 219 3 890727129 +778 226 4 890670638 +778 234 3 890726231 +778 246 2 890769632 +778 249 3 891233675 +778 268 2 890803859 +778 281 2 890803859 +778 367 5 890802895 +778 405 3 890727091 +778 423 1 890803860 +778 441 3 890804387 +778 451 1 891234405 +778 550 4 890670638 +778 568 3 890726190 +778 623 1 890804625 +778 629 2 890802784 +778 712 3 890803176 +778 755 2 890804547 +779 1 4 875501555 +779 7 3 875993165 +779 15 4 875501782 +779 21 5 875996932 +779 50 5 875992279 +779 71 4 875999285 +779 95 5 875999285 +779 109 3 875501782 +779 111 4 875994324 +779 117 4 875503280 +779 118 5 875994324 +779 121 3 875503280 +779 125 4 875996809 +779 181 5 875501734 +779 195 5 875999211 +779 225 4 877454525 +779 235 4 875502286 +779 243 4 875501402 +779 252 3 877453656 +779 255 4 875993165 +779 258 5 875501254 +779 275 4 875992583 +779 294 5 875501334 +779 300 3 875501300 +779 304 3 875501254 +779 328 4 875501334 +779 447 4 875999211 +779 509 2 875999211 +779 596 4 875994324 +779 879 3 875501300 +779 926 4 875992442 +779 1028 4 875996932 +780 4 3 891363969 +780 28 5 891363618 +780 50 5 891363685 +780 79 4 891363860 +780 164 4 891363996 +780 174 5 891363783 +780 183 2 891363860 +780 186 4 891363651 +780 187 5 891363904 +780 204 5 891363651 +780 210 5 891364027 +780 216 4 891363617 +780 275 4 891363685 +780 286 4 891362937 +780 294 3 891363259 +780 313 5 891362901 +780 318 5 891364124 +780 339 4 891363073 +780 385 4 891364125 +780 419 4 891363826 +780 427 3 891363904 +780 474 3 891363723 +780 485 4 891363826 +780 496 4 891364027 +780 497 2 891364059 +780 498 5 891363756 +780 511 5 891364027 +780 515 3 891364124 +780 520 4 891363904 +780 526 5 891364125 +780 603 2 891364059 +780 604 3 891363933 +780 657 3 891363723 +780 659 4 891363756 +780 660 3 891363969 +780 705 5 891363685 +781 50 5 879634362 +781 56 3 879633919 +781 69 3 879634147 +781 87 4 879634340 +781 97 4 879634096 +781 134 5 879634256 +781 135 5 879634387 +781 172 5 879634362 +781 174 5 879634256 +781 179 5 879634017 +781 180 4 879633895 +781 181 5 879634318 +781 187 5 879633976 +781 191 4 879633995 +781 195 4 879633942 +781 204 4 879634256 +781 205 5 879634256 +781 210 4 879634295 +781 215 3 879634124 +781 223 4 879634175 +781 232 3 879634318 +781 245 2 879633862 +781 258 2 879633862 +781 268 2 879633862 +781 286 1 879633495 +781 289 3 879633862 +781 294 1 879633862 +781 302 5 879633862 +781 318 3 879634124 +781 327 4 879633862 +781 403 4 879634340 +781 523 5 879634038 +781 878 1 879633752 +781 1500 5 879634096 +782 50 3 891499243 +782 127 4 891499213 +782 181 3 891499213 +782 244 4 891499321 +782 245 4 891498139 +782 247 1 891499700 +782 251 3 891500109 +782 252 3 891499469 +782 253 2 891500150 +782 254 2 891499660 +782 255 4 891499321 +782 256 2 891500150 +782 257 3 891499278 +782 258 4 891497906 +782 259 1 891498267 +782 260 2 891498079 +782 261 2 891498865 +782 266 1 891498919 +782 268 3 891497854 +782 269 3 891497698 +782 270 4 891497963 +782 271 2 891498213 +782 272 5 891497698 +782 286 2 891497906 +782 289 3 891498436 +782 292 4 891498213 +782 293 2 891499278 +782 295 2 891499321 +782 296 3 891500109 +782 297 3 891500067 +782 298 4 891499278 +782 299 3 891498079 +782 300 4 891497906 +782 301 3 891498139 +782 302 3 891497698 +782 304 4 891497906 +782 307 4 891497854 +782 312 4 891498436 +782 313 5 891497697 +782 316 4 891498436 +782 321 2 891498381 +782 323 3 891498512 +782 324 2 891498381 +782 325 2 891498720 +782 328 5 891498030 +782 330 4 891498213 +782 331 3 891497854 +782 332 4 891498139 +782 333 3 891497698 +782 335 2 891498918 +782 338 2 891498676 +782 339 3 891498676 +782 340 3 891497963 +782 342 2 891498322 +782 344 3 891497854 +782 347 1 891498139 +782 348 4 891498213 +782 349 3 891498720 +782 350 4 891498641 +782 351 3 891498139 +782 354 2 891497698 +782 355 3 891498821 +782 358 4 891498641 +782 361 3 891498139 +782 533 2 891500151 +782 534 3 891500109 +782 535 3 891499469 +782 536 2 891500150 +782 538 4 891498214 +782 539 3 891498865 +782 680 1 891498865 +782 681 3 891498436 +782 682 4 891498513 +782 688 2 891498918 +782 691 3 891498079 +782 748 4 891498720 +782 749 4 891498079 +782 751 2 891498323 +782 752 4 891497793 +782 873 4 891498512 +782 876 2 891498267 +782 877 3 891498213 +782 879 3 891498267 +782 880 4 891498322 +782 881 3 891498381 +782 885 3 891498766 +782 886 3 891498267 +782 887 4 891498676 +782 888 3 891498919 +782 890 1 891498865 +782 894 2 891498031 +782 895 4 891497964 +782 898 3 891498720 +782 900 3 891497963 +782 905 4 891498791 +782 908 3 891498322 +782 935 2 891500150 +782 936 3 891500110 +782 937 1 891498918 +782 948 2 891499699 +782 989 3 891498267 +782 990 3 891499611 +782 992 2 891499370 +782 993 3 891499370 +782 994 2 891500194 +782 1007 3 891500067 +782 1012 2 891499344 +782 1013 3 891499439 +782 1014 2 891499611 +782 1016 3 891499321 +782 1025 2 891498436 +782 1082 3 891500230 +782 1088 2 891499611 +782 1089 2 891499660 +782 1096 2 891499699 +782 1105 3 891498766 +782 1127 2 891497793 +782 1138 2 891499699 +782 1142 3 891499243 +782 1143 2 891500194 +782 1144 3 891499243 +782 1160 2 891500150 +782 1173 2 891500230 +782 1190 2 891500230 +782 1191 3 891498558 +782 1226 2 891499439 +782 1243 3 891498558 +782 1251 3 891500028 +782 1252 3 891500066 +782 1254 3 891499829 +782 1255 2 891500194 +782 1256 2 891500230 +782 1257 1 891500230 +782 1278 4 891499278 +782 1283 2 891499469 +782 1292 3 891499700 +782 1296 3 891498030 +782 1300 2 891499469 +782 1302 3 891500028 +782 1378 2 891499494 +782 1380 2 891500150 +782 1382 3 891500109 +782 1384 3 891500110 +782 1385 4 891500028 +782 1387 3 891499278 +782 1388 3 891500028 +782 1391 4 891500066 +782 1393 2 891498512 +782 1399 2 891498919 +782 1405 2 891499213 +782 1417 2 891500193 +782 1513 2 891499440 +782 1514 2 891500194 +782 1527 2 891498641 +782 1528 2 891499577 +782 1534 2 891500194 +782 1537 3 891500066 +782 1588 3 891500067 +782 1589 3 891500028 +782 1590 3 891500028 +782 1598 2 891499556 +782 1605 2 891500194 +782 1608 3 891499399 +782 1610 1 891500230 +782 1611 3 891500066 +782 1615 3 891499611 +782 1620 3 891499440 +782 1652 1 891500230 +782 1662 4 891500110 +782 1663 2 891499700 +782 1664 4 891499699 +782 1665 2 891500194 +782 1666 2 891500194 +782 1667 3 891500110 +782 1668 3 891500067 +782 1670 3 891497793 +783 258 4 884326348 +783 264 4 884326726 +783 269 4 884326274 +783 271 5 884326506 +783 286 3 884326274 +783 292 4 884326382 +783 294 3 884326506 +783 299 5 884326620 +783 300 4 884326348 +783 301 4 884326424 +783 307 5 884326506 +783 330 1 884326755 +783 331 3 884326461 +783 343 5 884326787 +783 750 4 884326274 +783 872 4 884326545 +783 880 4 884326545 +783 881 4 884326584 +783 887 5 884326620 +783 895 4 884326787 +783 948 3 884326726 +784 258 5 891387249 +784 260 4 891387704 +784 268 3 891387501 +784 270 3 891387249 +784 272 4 891387077 +784 299 3 891387155 +784 300 4 891386988 +784 302 5 891386988 +784 304 4 891387501 +784 310 4 891387155 +784 312 3 891387623 +784 313 5 891386988 +784 315 4 891386988 +784 321 3 891387249 +784 323 4 891387704 +784 326 5 891387155 +784 327 4 891387315 +784 331 4 891387155 +784 332 4 891387812 +784 333 4 891387501 +784 334 3 891387812 +784 340 3 891387895 +784 344 4 891387078 +784 346 4 891387077 +784 690 4 891387249 +784 750 5 891386988 +784 751 4 891387316 +784 754 3 891387249 +784 877 4 891387622 +784 898 4 891387895 +785 1 4 879439137 +785 12 4 879439137 +785 50 5 879439021 +785 56 4 879438920 +785 69 4 879439137 +785 79 4 879438984 +785 137 2 879438810 +785 152 4 879439527 +785 168 4 879438810 +785 174 5 879438957 +785 183 5 879439232 +785 269 5 879438537 +785 273 3 879439527 +785 288 3 879438537 +785 294 4 879438705 +785 318 4 879439232 +785 496 4 879438810 +785 661 3 879438810 +785 748 3 879438705 +785 886 3 879438591 +785 995 3 879438736 +786 1 4 882841828 +786 4 4 882844294 +786 7 5 882841955 +786 9 5 882841955 +786 28 5 882843646 +786 50 4 882844295 +786 66 4 882843607 +786 69 4 882844295 +786 71 5 882843786 +786 88 4 882844010 +786 89 4 882842878 +786 95 5 882843397 +786 97 4 882843683 +786 98 5 882843190 +786 99 4 882843112 +786 100 4 882841667 +786 102 4 882844096 +786 111 5 882841667 +786 117 4 882841996 +786 121 2 882842416 +786 125 4 882841745 +786 126 4 882842019 +786 127 4 882841692 +786 133 5 882843353 +786 172 5 882843112 +786 173 4 882843069 +786 174 4 882844294 +786 176 4 882843069 +786 179 4 882843500 +786 181 4 882841955 +786 186 4 882843786 +786 188 5 882843237 +786 195 4 882843312 +786 196 4 882843683 +786 197 3 882843431 +786 198 5 882843753 +786 202 4 882843812 +786 203 4 882843753 +786 204 4 882843925 +786 208 5 882843150 +786 210 4 882843039 +786 211 4 882843500 +786 222 4 882842044 +786 228 4 882844295 +786 237 5 882842195 +786 265 4 882842946 +786 275 4 882841772 +786 280 3 882841745 +786 281 4 882842044 +786 285 3 882842726 +786 286 4 882841571 +786 289 4 882844336 +786 322 3 882842463 +786 357 5 882842878 +786 376 3 882844096 +786 385 4 882844294 +786 416 4 882843534 +786 418 4 882843352 +786 419 4 882843312 +786 423 5 882843150 +786 451 2 882844171 +786 455 1 882842762 +786 458 3 882842195 +786 484 4 882843398 +786 496 5 882843312 +786 497 4 882842946 +786 501 4 882843534 +786 504 4 882843352 +786 528 5 882842878 +786 546 4 882844294 +786 588 5 882843039 +786 655 4 882843683 +786 684 4 882843607 +786 692 4 882843190 +786 696 3 882842149 +786 703 3 882843190 +786 708 4 882844171 +786 709 2 882843607 +786 724 4 882844295 +786 732 4 882843353 +786 849 2 882844052 +786 866 3 882842173 +786 871 1 882842762 +786 1044 4 882844127 +787 245 3 888980193 +787 258 5 888979605 +787 268 4 888979007 +787 271 1 888979721 +787 286 3 888979007 +787 288 1 888979236 +787 294 3 888979606 +787 300 4 888979657 +787 302 3 888979123 +787 305 3 888979721 +787 306 3 888979007 +787 308 3 888979181 +787 313 5 888979547 +787 319 3 888979721 +787 324 2 888979605 +787 326 4 888979547 +787 328 3 888979874 +787 331 3 888979235 +787 342 2 888979875 +787 345 3 888979007 +787 347 4 888979606 +787 350 1 888979721 +787 351 3 888979657 +787 352 2 888979657 +787 359 3 888979547 +787 362 3 888979657 +787 681 3 888979657 +787 690 5 888979007 +787 691 4 888979123 +787 748 4 888979606 +787 749 4 888979657 +787 750 5 888979075 +787 751 4 888979235 +787 877 2 888980193 +787 879 4 888979721 +787 880 3 888979123 +787 898 3 888979182 +787 904 3 888979182 +787 906 1 888979721 +787 937 3 888979074 +787 938 3 888979605 +787 1024 2 888979606 +787 1433 3 888979181 +787 1434 1 888979657 +787 1671 1 888980193 +788 1 3 880867970 +788 4 3 880868401 +788 7 4 880868559 +788 9 4 880869508 +788 11 2 880868513 +788 12 5 880868919 +788 22 5 880868513 +788 28 5 880868876 +788 29 3 880871240 +788 38 3 880871359 +788 43 3 880870299 +788 44 4 880869434 +788 46 3 880870018 +788 55 4 880868876 +788 56 3 880868235 +788 58 4 880868355 +788 62 3 880870179 +788 64 5 880868005 +788 65 4 880869584 +788 68 3 880869819 +788 79 4 880868559 +788 85 1 880869984 +788 89 5 880869548 +788 96 3 880868803 +788 97 3 880868235 +788 100 5 880868277 +788 112 3 880871173 +788 117 4 880869014 +788 118 3 880870335 +788 120 2 880871520 +788 130 2 880869396 +788 132 5 880869014 +788 133 5 880868473 +788 135 3 880869014 +788 141 3 880869984 +788 144 4 880868599 +788 148 3 880869215 +788 151 1 880869908 +788 153 3 880868277 +788 157 5 880869396 +788 159 3 880869135 +788 162 3 880869787 +788 164 3 880870115 +788 167 3 880870582 +788 172 3 880869687 +788 174 2 880868316 +788 175 3 880868401 +788 176 5 880868743 +788 177 3 880868513 +788 180 4 880869174 +788 182 2 880868599 +788 186 3 880868559 +788 187 4 880867933 +788 192 4 880868838 +788 193 4 880868235 +788 195 3 880868876 +788 199 5 880868673 +788 200 4 880869075 +788 203 5 880869215 +788 211 4 880868401 +788 215 3 880869908 +788 222 3 880869945 +788 223 4 880868181 +788 226 4 880870710 +788 227 3 880867890 +788 228 3 880870365 +788 230 3 880869754 +788 231 3 880871267 +788 241 5 880869075 +788 258 4 880867855 +788 270 2 880867855 +788 271 3 880867855 +788 281 4 880871205 +788 282 4 880869819 +788 286 5 880867372 +788 289 4 880867565 +788 291 4 880870905 +788 294 3 880867855 +788 300 5 880867477 +788 317 4 880869945 +788 318 5 880868355 +788 322 4 880867422 +788 323 3 880867855 +788 326 4 880867477 +788 328 4 880867477 +788 331 4 880867372 +788 356 4 880870827 +788 357 4 880869687 +788 363 2 880871088 +788 371 3 880870626 +788 380 3 880869215 +788 385 3 880869434 +788 391 2 880871746 +788 399 3 880871128 +788 402 3 880870544 +788 405 4 880868974 +788 409 3 880871057 +788 423 5 880868235 +788 427 2 880868316 +788 429 3 880868919 +788 431 2 880868401 +788 432 1 880869323 +788 433 2 880869621 +788 436 3 880871127 +788 443 4 880868473 +788 444 3 880870626 +788 445 4 880869718 +788 448 2 880869355 +788 470 3 880868042 +788 471 3 880869862 +788 474 3 880868599 +788 482 4 880869787 +788 492 3 880868235 +788 498 5 880867933 +788 503 4 880869984 +788 510 5 880867933 +788 511 5 880868277 +788 518 3 880869754 +788 519 4 880868235 +788 520 4 880868919 +788 523 4 880868559 +788 528 5 880868144 +788 531 4 880868144 +788 546 3 880871429 +788 549 4 880869753 +788 550 3 880869508 +788 553 3 880869687 +788 554 3 880870257 +788 556 2 880871128 +788 561 3 880870626 +788 562 3 880871294 +788 566 4 880869908 +788 572 3 880871891 +788 579 3 880871804 +788 582 4 880869396 +788 586 2 880871490 +788 589 5 880868005 +788 591 3 880869469 +788 614 4 880868803 +788 620 3 880871088 +788 621 3 880871026 +788 623 3 880870936 +788 627 4 880870654 +788 629 1 880870149 +788 630 2 880869355 +788 636 3 880870583 +788 637 2 880870516 +788 645 3 880870626 +788 646 3 880868513 +788 649 3 880869649 +788 651 4 880868838 +788 655 3 880868644 +788 657 4 880868277 +788 658 3 880869862 +788 661 5 880868473 +788 662 4 880871359 +788 665 2 880867890 +788 670 3 880870935 +788 679 2 880871057 +788 684 5 880868401 +788 685 3 880870996 +788 693 2 880868705 +788 696 3 880871173 +788 715 3 880871664 +788 720 3 880870482 +788 726 4 880871128 +788 729 4 880870052 +788 736 3 880870299 +788 742 3 880869508 +788 748 3 880867855 +788 755 3 880870881 +788 809 3 880870401 +788 810 3 880870773 +788 823 3 880871294 +788 828 3 880869396 +788 879 4 880867422 +788 931 2 880871551 +788 963 4 880868644 +788 984 3 880867855 +788 1042 3 880871240 +788 1107 3 880870773 +788 1112 3 880870428 +788 1126 5 880869278 +788 1139 1 880871605 +788 1183 2 880871891 +788 1273 3 880871771 +788 1277 3 880870583 +788 1303 3 880871577 +788 1407 3 880871717 +788 1459 2 880871857 +788 1478 3 880871173 +788 1518 3 880871394 +789 1 3 880332089 +789 9 5 880332114 +789 50 5 880332114 +789 100 5 880332089 +789 111 3 880332400 +789 124 4 880332089 +789 129 5 880332063 +789 137 2 880332189 +789 150 5 880332333 +789 151 2 880332365 +789 181 4 880332437 +789 248 3 880332148 +789 249 3 880332296 +789 276 5 880332063 +789 284 3 880332259 +789 288 3 880331942 +789 293 4 880332259 +789 294 3 880332275 +789 508 4 880332169 +789 591 3 880332259 +789 628 3 880332215 +789 741 5 880332148 +789 742 3 880332400 +789 762 3 880332232 +789 1007 4 880332215 +789 1008 4 880332365 +789 1017 3 880332316 +790 2 3 885156988 +790 4 3 885156773 +790 7 4 884461796 +790 10 1 884461988 +790 13 3 884461820 +790 15 5 884461413 +790 17 2 885157399 +790 22 5 885155540 +790 25 2 884461925 +790 41 3 885158235 +790 42 5 885156686 +790 47 2 885156988 +790 49 3 885156852 +790 50 4 884461387 +790 51 3 885156193 +790 62 3 885157465 +790 63 2 885157837 +790 65 4 885155846 +790 66 3 885156560 +790 67 3 885158007 +790 68 3 885157440 +790 69 1 885155209 +790 70 3 885157776 +790 72 2 885157661 +790 73 4 885157489 +790 79 4 885156538 +790 80 2 885157575 +790 83 3 885155034 +790 85 3 885156825 +790 89 4 885155770 +790 90 2 885157440 +790 96 3 885155648 +790 97 2 885155770 +790 98 5 885156375 +790 100 2 884461334 +790 105 2 884462907 +790 108 3 884462415 +790 111 3 884461849 +790 116 4 884461334 +790 117 5 884461283 +790 121 3 884461657 +790 122 2 884462954 +790 131 2 885156852 +790 135 3 885156538 +790 143 3 885156193 +790 144 4 885155572 +790 145 2 885158299 +790 151 4 884461988 +790 153 3 885155077 +790 155 3 885157061 +790 158 2 885157797 +790 159 3 885156934 +790 161 4 885157181 +790 168 4 885155230 +790 173 3 885156046 +790 176 3 885155489 +790 181 4 884461283 +790 183 4 885156193 +790 186 3 885156165 +790 188 4 885157399 +790 196 3 885156500 +790 202 3 885156904 +790 203 4 885155459 +790 208 3 885156014 +790 209 1 885155540 +790 210 4 885155209 +790 213 3 885156336 +790 214 3 885156618 +790 215 2 885157797 +790 216 5 885156435 +790 217 4 885158459 +790 222 3 884461441 +790 226 3 885156396 +790 227 3 885156647 +790 228 3 885156647 +790 231 4 885158057 +790 233 3 885157230 +790 235 1 884462551 +790 237 4 884461541 +790 240 3 884462692 +790 241 5 885156825 +790 246 4 884461283 +790 248 4 884461888 +790 249 3 884461849 +790 250 5 885158562 +790 258 3 884461387 +790 259 2 884461023 +790 268 4 884460878 +790 269 3 892305174 +790 273 5 884461888 +790 274 3 884461950 +790 275 4 884461774 +790 282 4 884461590 +790 283 2 884461517 +790 288 4 884460942 +790 294 2 884460878 +790 298 5 884461849 +790 317 4 885155949 +790 328 3 884461023 +790 358 2 885154848 +790 364 2 885158161 +790 365 4 885157465 +790 368 2 884462954 +790 373 3 885158459 +790 384 2 885158374 +790 391 2 885158299 +790 393 2 885156290 +790 402 2 885156796 +790 403 4 885157036 +790 405 3 884461925 +790 411 3 884462929 +790 417 2 885156538 +790 427 4 885155172 +790 431 3 885157159 +790 436 4 885156686 +790 451 3 885157299 +790 470 4 885158547 +790 472 2 884462416 +790 475 3 884461657 +790 485 3 885156709 +790 496 3 885155172 +790 546 1 884461590 +790 550 4 885156618 +790 552 2 885157984 +790 559 3 885156773 +790 561 3 885158082 +790 568 3 885157087 +790 570 2 885158057 +790 577 2 885158122 +790 582 3 885156852 +790 584 4 885156773 +790 585 2 885157686 +790 597 3 884462047 +790 660 3 885156904 +790 664 3 885158235 +790 665 3 885158495 +790 678 3 884461115 +790 685 4 884461988 +790 687 1 884461162 +790 709 3 885156686 +790 716 4 885158033 +790 721 3 885157017 +790 722 3 885157686 +790 739 4 885156686 +790 742 4 884461541 +790 755 3 885157928 +790 762 5 884462105 +790 763 3 884462692 +790 774 4 885156904 +790 776 3 885155119 +790 781 4 885157107 +790 792 2 885155603 +790 825 3 884462385 +790 826 1 884462714 +790 849 4 885157205 +790 862 1 885158374 +790 926 2 884462598 +790 928 3 884462598 +790 931 2 884462105 +790 940 3 885157928 +790 944 1 885157299 +790 949 4 885156825 +790 959 3 885156686 +790 977 1 885158208 +790 1014 2 884462551 +790 1016 2 884461925 +790 1025 1 884461188 +790 1028 3 884462692 +790 1039 3 885155490 +790 1040 2 884462954 +790 1047 3 885157621 +790 1048 4 884462692 +790 1077 3 885156619 +790 1091 1 885157728 +790 1118 3 885156046 +790 1165 2 884462890 +790 1185 2 885158257 +790 1188 3 885157984 +790 1215 1 884462737 +790 1230 2 885158235 +790 1244 1 884462598 +790 1282 5 884462551 +790 1446 4 885157230 +790 1471 2 885158374 +791 9 5 879448314 +791 181 5 879448338 +791 245 4 879448087 +791 259 3 879448087 +791 269 4 879447940 +791 275 5 879448314 +791 288 3 879447907 +791 294 3 879447940 +791 300 5 879447977 +791 301 3 879448035 +791 302 4 879447940 +791 304 4 879448035 +791 306 5 879447977 +791 319 2 879448086 +791 322 4 879448128 +791 331 1 879447940 +791 332 5 879448166 +791 748 3 879448035 +791 754 4 879448086 +792 1 4 877910822 +792 7 4 877910822 +792 9 3 877909631 +792 13 4 877910822 +792 15 4 877909865 +792 25 2 877909892 +792 100 4 877910822 +792 118 2 877910538 +792 121 4 877910412 +792 125 3 877910539 +792 129 4 877909753 +792 147 4 877910822 +792 151 3 877909753 +792 237 3 877910444 +792 276 3 877910305 +792 282 3 877909931 +792 363 3 877910478 +792 405 3 877909753 +792 471 4 877910822 +792 508 2 877910478 +792 544 4 877910822 +792 591 2 877909865 +792 596 3 877910241 +792 597 3 877910478 +792 696 3 877910241 +792 742 3 877909709 +792 762 4 877910206 +792 831 2 877910666 +792 840 2 877910539 +792 926 3 877909798 +792 1015 5 877910822 +792 1047 3 877909798 +792 1054 1 877910666 +792 1164 3 877910629 +792 1197 4 877910822 +793 1 4 875104091 +793 3 4 875104592 +793 7 3 875104031 +793 9 3 875103810 +793 50 5 875103942 +793 100 4 875104031 +793 106 3 875104340 +793 117 4 875103739 +793 118 2 875104119 +793 122 3 875104532 +793 127 5 875103773 +793 129 4 875104067 +793 148 4 875104498 +793 151 5 875104142 +793 181 4 875103810 +793 222 3 875103971 +793 235 3 875104068 +793 237 3 875103842 +793 240 4 875104565 +793 248 4 875103875 +793 250 4 875104031 +793 252 4 875104498 +793 257 4 875103901 +793 273 3 875103942 +793 282 4 875104340 +793 288 4 875103584 +793 293 4 875104091 +793 405 3 875104340 +793 406 2 875104221 +793 456 3 875104752 +793 508 4 875104620 +793 591 4 875104752 +793 597 3 875104565 +793 628 3 875103942 +793 685 3 875104718 +793 696 3 875104303 +793 742 3 875104648 +793 815 3 875103901 +793 823 3 875104648 +793 928 3 875104864 +793 979 3 875104620 +793 1014 3 875103810 +793 1187 2 875104167 +793 1365 2 875104718 +794 1 4 891035864 +794 13 4 891035582 +794 14 5 891034956 +794 19 4 891036111 +794 100 5 891035063 +794 109 4 891035941 +794 116 5 891035307 +794 127 5 891035117 +794 137 5 891035307 +794 150 4 891034956 +794 181 4 891035957 +794 187 5 891035117 +794 224 4 891035793 +794 248 4 891036463 +794 249 3 891035885 +794 257 4 891036265 +794 269 5 891034213 +794 273 4 891036111 +794 275 4 891034792 +794 285 5 891035355 +794 286 3 891034156 +794 420 4 891035662 +794 455 4 891034986 +794 473 4 891036222 +794 515 5 891034755 +794 751 3 891034523 +794 936 5 891035219 +794 1251 4 891034755 +795 1 4 883767204 +795 2 3 883252599 +795 3 2 880561783 +795 7 5 880557294 +795 10 4 880556527 +795 12 4 881260621 +795 17 2 883252686 +795 21 3 880557953 +795 25 5 880556527 +795 28 4 880569414 +795 39 4 883253661 +795 42 3 881252510 +795 47 3 881265108 +795 50 3 880557114 +795 58 4 881259362 +795 62 4 883254564 +795 68 3 883253137 +795 70 3 883253481 +795 72 3 883252003 +795 79 2 880568325 +795 81 4 883250055 +795 89 4 880569085 +795 91 5 881265483 +795 95 4 881529851 +795 96 2 881530415 +795 97 2 881529761 +795 105 1 883774317 +795 108 3 880559483 +795 109 3 880557210 +795 118 2 883254314 +795 120 3 883255416 +795 121 3 880558035 +795 123 4 880558447 +795 132 3 883249522 +795 135 3 881530126 +795 143 3 883252292 +795 144 4 881265483 +795 150 3 883766579 +795 151 3 880558562 +795 152 4 881260622 +795 153 3 880569085 +795 154 3 881529904 +795 167 3 883254348 +795 168 5 881528760 +795 169 5 880567884 +795 173 4 880567884 +795 174 4 880569625 +795 175 5 881263767 +795 181 4 880557060 +795 182 4 881530041 +795 189 3 881265284 +795 191 4 883249962 +795 201 4 880569984 +795 202 3 881529874 +795 203 3 881530198 +795 204 3 880570209 +795 208 4 881252835 +795 209 5 880587862 +795 210 4 880567593 +795 214 4 881265372 +795 217 1 883774317 +795 222 3 880558122 +795 226 3 883251800 +795 231 4 883254844 +795 234 4 883251200 +795 238 3 881266197 +795 257 3 881252002 +795 265 3 881265483 +795 319 4 880554132 +795 382 4 881529077 +795 386 3 883254649 +795 395 2 883255008 +795 402 2 883254905 +795 403 3 883250829 +795 405 1 883774317 +795 410 2 880559227 +795 412 3 883254675 +795 419 3 880569526 +795 423 2 881265617 +795 425 3 883249522 +795 429 3 880568492 +795 431 4 883253193 +795 432 3 881258945 +795 434 3 880569983 +795 436 3 883767338 +795 465 3 883252686 +795 472 3 880559543 +795 473 2 880561783 +795 477 3 880558562 +795 546 3 880559275 +795 550 3 883252004 +795 552 2 883774317 +795 554 3 883254802 +795 559 2 883774317 +795 564 1 883774317 +795 567 2 883253903 +795 568 3 883251659 +795 576 2 883254780 +795 581 4 883253316 +795 583 4 883250168 +795 588 5 880587862 +795 640 4 883251200 +795 655 3 881530154 +795 658 2 883251696 +795 705 4 883250829 +795 710 3 881265617 +795 716 3 880569984 +795 727 3 881530317 +795 739 1 883774317 +795 746 3 881529904 +795 747 3 883252630 +795 755 3 883254564 +795 768 3 883252985 +795 820 3 880560679 +795 825 2 880559026 +795 826 3 880560736 +795 919 4 880557617 +795 926 2 880561783 +795 928 1 883774317 +795 931 2 880560078 +795 998 3 883255182 +795 1030 3 883255381 +795 1041 3 883254780 +795 1052 3 883255477 +795 1095 3 883767108 +795 1101 4 881528779 +795 1199 3 880557953 +795 1413 3 883254987 +795 1555 3 883249643 +796 1 2 892660251 +796 2 5 893048377 +796 8 5 892690059 +796 9 3 892660251 +796 12 5 892662483 +796 15 4 893188341 +796 22 4 892662523 +796 23 2 892690382 +796 28 3 892662523 +796 31 4 893194547 +796 33 3 893048471 +796 36 1 893047967 +796 38 5 893048505 +796 39 3 893048562 +796 43 4 893188486 +796 45 3 892675605 +796 48 3 892663090 +796 50 5 892660147 +796 53 1 893048713 +796 54 4 893194685 +796 58 3 892675605 +796 62 4 893048562 +796 63 3 893218764 +796 64 4 892662400 +796 66 5 893047241 +796 69 5 892662483 +796 71 4 893218764 +796 77 5 893194646 +796 78 3 893219254 +796 79 5 892661988 +796 82 3 892676195 +796 86 5 893047321 +796 88 5 893047287 +796 89 5 892662222 +796 91 2 893219033 +796 94 3 893219065 +796 95 4 892690382 +796 96 4 892662523 +796 97 3 892690059 +796 99 3 893218764 +796 100 3 892611093 +796 106 2 893194895 +796 111 4 893047288 +796 112 4 893219477 +796 118 4 893048505 +796 125 4 892660465 +796 126 3 892690173 +796 127 5 892660147 +796 132 4 892662222 +796 134 3 892663009 +796 143 5 893218728 +796 144 5 892662524 +796 145 2 893218485 +796 147 5 893048410 +796 151 5 893218765 +796 152 3 892690101 +796 153 5 892676155 +796 155 5 893047241 +796 161 5 893048377 +796 172 4 892663090 +796 173 5 892662483 +796 178 3 892662223 +796 180 2 892675606 +796 181 5 892660177 +796 182 4 893048342 +796 183 5 892662441 +796 185 4 893194548 +796 186 3 892676114 +796 187 5 892662904 +796 188 2 892675654 +796 191 4 892690382 +796 194 4 892662826 +796 195 5 892675424 +796 196 5 892675693 +796 197 3 892676231 +796 198 4 892662871 +796 199 3 892662223 +796 200 5 893218420 +796 204 5 892662441 +796 209 3 893048115 +796 210 3 892662441 +796 211 3 893048115 +796 213 4 893047167 +796 216 5 892761543 +796 218 3 893194607 +796 219 4 893218453 +796 222 5 892660364 +796 226 3 893048410 +796 227 4 893048471 +796 228 5 892761629 +796 230 5 893048377 +796 231 3 893048622 +796 232 3 893048911 +796 233 4 893048471 +796 234 2 892690173 +796 236 4 893048149 +796 237 5 893047126 +796 238 3 892761427 +796 243 3 892612354 +796 245 3 892612031 +796 248 3 892660465 +796 250 5 892660984 +796 257 5 892660283 +796 258 4 892611840 +796 265 5 892761544 +796 269 3 892610692 +796 271 5 892874827 +796 272 4 892610692 +796 274 5 893047167 +796 275 4 892660211 +796 280 4 893047208 +796 281 4 893194929 +796 283 3 892660322 +796 284 3 892660954 +796 286 2 892610876 +796 293 5 892660251 +796 294 3 892611979 +796 298 5 892660954 +796 300 4 892611903 +796 301 1 892611903 +796 307 4 892611799 +796 313 4 892610692 +796 315 5 892611769 +796 316 5 892610692 +796 318 4 892661988 +796 321 2 892611871 +796 323 2 892611953 +796 328 5 892612057 +796 333 5 892610876 +796 339 2 892874859 +796 342 5 892611871 +796 356 4 893194646 +796 371 5 893047167 +796 378 4 893218764 +796 385 5 893048342 +796 387 3 893047504 +796 389 4 893219092 +796 391 4 893048713 +796 396 2 893218621 +796 402 5 893047320 +796 403 4 893048410 +796 405 5 892660954 +796 409 3 893219122 +796 414 3 892663044 +796 423 4 892690262 +796 429 4 892690102 +796 432 2 893218728 +796 433 2 892675694 +796 434 4 892676195 +796 443 2 893202878 +796 447 3 893218485 +796 448 4 893218485 +796 449 4 893048622 +796 450 3 893049399 +796 451 5 893047167 +796 467 3 892675654 +796 474 2 892663009 +796 477 2 892660465 +796 478 5 892761629 +796 479 4 892761427 +796 480 4 892663155 +796 483 5 892663044 +796 484 5 892675528 +796 486 5 892676072 +796 487 5 892676195 +796 493 3 892675424 +796 500 4 892761629 +796 510 3 892761578 +796 511 4 892676155 +796 514 3 892676231 +796 516 4 893048115 +796 525 4 892761390 +796 530 3 893048410 +796 542 3 893219403 +796 549 3 893047208 +796 550 3 893048562 +796 553 4 893047208 +796 554 2 893048713 +796 559 3 893218453 +796 564 1 893194929 +796 565 3 893218556 +796 566 4 893048343 +796 568 4 892676114 +796 570 2 893048505 +796 573 4 893218521 +796 578 4 893048562 +796 586 3 893049257 +796 588 5 893218728 +796 591 3 892611093 +796 597 5 892661043 +796 606 4 892761504 +796 607 4 892662964 +796 608 3 892675492 +796 611 4 892675694 +796 623 3 893219122 +796 628 4 893194740 +796 633 5 892662070 +796 649 3 893194646 +796 655 3 893048115 +796 659 3 892662482 +796 660 5 892690101 +796 662 5 893047207 +796 665 2 893048622 +796 672 3 893218485 +796 684 5 892676195 +796 685 4 892660466 +796 692 5 892761544 +796 693 3 893188650 +796 699 4 893188576 +796 705 4 892690263 +796 707 3 892663154 +796 709 3 892676155 +796 717 3 893194862 +796 720 4 893048562 +796 722 3 893047460 +796 724 2 893047241 +796 732 5 893047241 +796 735 2 893188514 +796 736 3 893047126 +796 739 5 893047207 +796 747 4 893047167 +796 748 5 892611979 +796 755 4 893219033 +796 761 3 893048622 +796 762 3 892676115 +796 768 2 893219065 +796 769 4 893218622 +796 775 2 893047691 +796 776 4 893219065 +796 778 4 893047021 +796 779 3 893048713 +796 783 4 893047691 +796 785 5 893047287 +796 794 4 893047320 +796 796 4 893047320 +796 797 3 893049257 +796 807 2 893047691 +796 809 4 893048471 +796 810 3 893048622 +796 821 4 893047126 +796 826 2 893049362 +796 831 2 893049303 +796 849 4 893048562 +796 859 2 893218622 +796 869 4 893047287 +796 873 3 892874827 +796 879 4 892612031 +796 880 3 892611840 +796 928 2 893194929 +796 934 3 893048024 +796 939 3 892761504 +796 945 5 892663009 +796 949 4 893047460 +796 977 2 893194992 +796 988 3 893219180 +796 1012 3 892660466 +796 1032 3 893219451 +796 1036 4 893219522 +796 1037 2 893047967 +796 1039 4 892662223 +796 1041 5 893047287 +796 1046 3 893194607 +796 1048 2 893047288 +796 1055 3 893188577 +796 1057 2 893047967 +796 1076 2 893219150 +796 1101 5 892690382 +796 1126 1 892662826 +796 1163 3 892660364 +796 1197 3 892660955 +796 1217 3 893194607 +796 1285 4 893188622 +796 1297 2 893047504 +796 1299 2 892676043 +796 1303 2 893048713 +796 1407 3 893049362 +796 1415 3 893219254 +796 1511 3 892660955 +796 1522 3 893194740 +797 127 4 879439297 +797 181 5 879439362 +797 243 2 879439104 +797 257 5 879439362 +797 259 3 879439136 +797 269 3 879438957 +797 286 2 879438957 +797 294 3 879439105 +797 298 3 879439362 +797 300 2 879439031 +797 309 3 879438992 +797 327 2 879438992 +797 336 2 879439136 +797 340 2 879439735 +797 687 2 879439190 +797 720 2 879439735 +797 748 1 879439105 +797 948 1 879439230 +797 988 1 879439230 +797 990 2 879439456 +797 1023 3 879439519 +797 1254 2 879439548 +798 2 4 875743787 +798 14 2 875295930 +798 15 4 875295810 +798 28 4 875638354 +798 38 4 875915806 +798 49 4 875814021 +798 50 5 875295810 +798 62 4 875915855 +798 63 5 875914939 +798 66 3 875639364 +798 72 3 875638883 +798 73 4 875914114 +798 79 4 875638627 +798 81 3 876177211 +798 82 4 875915855 +798 83 4 875303683 +798 87 3 875639680 +798 88 4 875743642 +798 90 3 875914860 +798 95 5 876175467 +798 97 1 875638474 +798 98 1 875639581 +798 105 3 875555000 +798 110 4 875914458 +798 111 1 875296109 +798 112 3 875296234 +798 121 5 875295930 +798 125 3 875296178 +798 132 4 875639134 +798 133 3 875303559 +798 140 4 876175467 +798 143 5 875639061 +798 155 3 875639581 +798 158 2 875914604 +798 161 3 875639235 +798 162 3 876177353 +798 163 3 875814110 +798 168 4 875743765 +798 172 4 875639656 +798 173 5 875656071 +798 174 4 875743140 +798 181 5 875295772 +798 191 4 875743458 +798 194 4 875743366 +798 202 2 875639095 +798 204 4 875742878 +798 208 3 875639010 +798 210 4 875743410 +798 220 3 875295810 +798 225 4 875637487 +798 228 3 875915639 +798 231 2 875638817 +798 239 4 875814157 +798 243 4 875295566 +798 254 5 875637836 +798 258 4 875286981 +798 259 5 875295566 +798 265 5 875915777 +798 275 4 875295842 +798 280 2 875554523 +798 281 4 875296234 +798 283 5 875637963 +798 289 3 875286981 +798 321 3 875286981 +798 323 4 875295469 +798 377 3 875639061 +798 378 4 875743858 +798 380 3 875638680 +798 391 3 875915855 +798 393 3 875915029 +798 394 4 875914484 +798 395 3 875915279 +798 399 5 875638680 +798 400 3 876176160 +798 402 3 875916297 +798 405 5 875296148 +798 415 3 875639260 +798 417 3 876176043 +798 418 4 875639212 +798 419 4 876175937 +798 420 3 876175937 +798 423 3 875639864 +798 432 4 876176259 +798 443 3 876249370 +798 444 2 875639115 +798 451 2 875638547 +798 463 3 876175467 +798 472 3 875638178 +798 473 2 875296109 +798 476 2 875637822 +798 482 3 875638884 +798 485 5 875639784 +798 486 4 875639889 +798 491 4 875743196 +798 493 3 875638514 +798 498 3 875639581 +798 554 2 875638884 +798 560 3 875638972 +798 568 4 875656111 +798 571 3 875914458 +798 577 2 875639441 +798 584 3 876176071 +798 585 3 875743912 +798 588 4 875638447 +798 602 3 875639260 +798 603 3 875743267 +798 610 3 875743314 +798 623 3 876175980 +798 648 3 875914785 +798 659 4 875914337 +798 660 3 876177436 +798 671 2 875639115 +798 692 4 875743140 +798 694 3 875303718 +798 699 3 875303502 +798 703 4 876177414 +798 705 4 875638447 +798 707 2 875303559 +798 709 5 875914860 +798 720 5 875915940 +798 722 3 875914534 +798 728 4 875914458 +798 731 3 875303765 +798 732 2 875638759 +798 734 3 875639061 +798 736 5 875639010 +798 740 2 875296148 +798 746 4 875914066 +798 755 3 875638627 +798 756 3 875296109 +798 768 4 876175980 +798 769 2 876249507 +798 781 2 875639061 +798 785 3 875639553 +798 795 3 876176160 +798 801 3 875915317 +798 805 4 875743813 +798 810 3 875915855 +798 815 5 875295695 +798 819 3 875295930 +798 821 5 875916505 +798 825 3 875638178 +798 826 5 875295695 +798 827 4 875637541 +798 828 4 875637986 +798 845 5 875295930 +798 862 3 875914534 +798 878 4 875295521 +798 924 3 875296148 +798 926 4 875638203 +798 929 3 875638090 +798 930 5 875637661 +798 941 3 876176561 +798 944 4 875914573 +798 945 3 875743518 +798 946 2 875639889 +798 949 3 875914337 +798 951 3 875639767 +798 953 2 875639290 +798 961 1 875303558 +798 996 3 875638717 +798 1003 3 875639478 +798 1023 3 875295772 +798 1032 3 875639212 +798 1034 2 875638547 +798 1035 4 875638717 +798 1043 3 875915279 +798 1063 3 875303502 +798 1066 2 876175427 +798 1076 3 876176043 +798 1102 4 875637680 +798 1139 3 876177661 +798 1164 3 875637744 +798 1183 1 875915190 +798 1239 4 875915965 +798 1270 3 875915190 +798 1283 4 875295695 +798 1284 3 875637744 +798 1285 3 876177330 +798 1297 3 875916505 +798 1337 3 875554892 +798 1411 1 875639656 +798 1425 4 875915317 +798 1435 2 875639836 +798 1446 4 875914898 +798 1469 3 876175427 +798 1503 3 876176071 +798 1509 3 875915155 +798 1539 2 876177839 +798 1540 4 875743576 +798 1544 3 875638925 +799 127 4 879254026 +799 173 5 879254077 +799 174 5 879254026 +799 191 3 879254077 +799 258 5 879253668 +799 286 5 879253668 +799 289 3 879253720 +799 292 4 879253720 +799 306 4 879253795 +799 307 3 879253795 +799 319 4 879253668 +799 321 4 879253720 +799 331 4 879253795 +799 427 5 879254077 +799 484 3 879254077 +799 499 4 879253969 +799 654 5 879254027 +799 690 3 879253668 +799 748 2 879253755 +799 1063 4 879254026 +799 1545 4 879254026 +800 1 4 887646283 +800 15 4 887646631 +800 25 4 887646980 +800 50 4 887646263 +800 121 4 887646423 +800 125 3 887646608 +800 181 4 887646203 +800 222 4 887646226 +800 223 5 887646979 +800 237 4 887646980 +800 257 4 887646980 +800 275 4 887646203 +800 276 3 887646245 +800 289 4 887646980 +800 292 5 887646979 +800 294 3 887645970 +800 300 4 887646980 +800 304 3 887645987 +800 405 4 887646705 +800 476 3 887646776 +800 597 4 887646555 +800 751 4 887646980 +800 1047 3 887646804 +801 245 3 890333042 +801 268 5 890332645 +801 271 5 890332929 +801 288 5 890332820 +801 294 5 890332748 +801 299 2 890333011 +801 300 5 890332748 +801 301 5 890332820 +801 302 4 890332645 +801 313 5 890332694 +801 326 4 890332885 +801 328 5 890332748 +801 332 5 890332719 +801 333 5 890332885 +801 343 4 890332986 +801 354 4 890332645 +801 355 3 890332929 +801 358 4 890333094 +801 681 1 890332820 +801 682 5 890332775 +801 752 4 890332853 +801 881 3 890332820 +802 7 5 875986303 +802 53 4 875985840 +802 98 4 875985601 +802 134 3 875985347 +802 176 5 875985469 +802 183 5 875985469 +802 184 4 875986155 +802 185 3 875985601 +802 194 4 875986155 +802 196 3 875985239 +802 197 3 875985347 +802 200 4 875985686 +802 201 4 875985601 +802 217 3 875985767 +802 218 3 875985767 +802 219 5 875985767 +802 234 5 875985601 +802 258 5 875984532 +802 259 2 875984938 +802 260 4 875984938 +802 261 3 875985032 +802 263 1 875985032 +802 264 4 875986155 +802 266 3 875984938 +802 288 3 875984637 +802 299 4 875986155 +802 302 4 875984532 +802 304 3 875985142 +802 326 5 875984637 +802 330 2 875985031 +802 331 4 875986155 +802 333 4 875986155 +802 358 3 875984722 +802 379 4 875985976 +802 396 2 875985840 +802 413 4 875986303 +802 424 2 875986303 +802 436 4 875985686 +802 440 3 875985686 +802 443 4 875985686 +802 448 3 875985686 +802 484 3 875985239 +802 563 3 875985976 +802 565 3 875985976 +802 567 4 875985976 +802 569 3 875985840 +802 573 4 875985840 +802 646 4 875986155 +802 657 4 875985239 +802 665 4 875985469 +802 669 1 875985840 +802 670 4 875986155 +802 672 3 875985767 +802 674 2 875985768 +802 678 4 875984776 +802 681 4 875986155 +802 687 3 875984722 +802 748 4 875984776 +802 760 3 875986303 +802 769 5 875985976 +802 879 5 875984938 +803 242 5 880054592 +803 245 4 880055378 +803 259 2 880054971 +803 260 3 880055454 +803 261 1 880054754 +803 264 2 880055309 +803 269 5 880054592 +803 289 3 880055309 +803 300 3 880054629 +803 303 4 880054629 +803 304 3 880054792 +803 305 5 880055604 +803 306 4 880054629 +803 307 4 880055604 +803 311 5 880054754 +803 321 4 880054792 +803 322 2 880055043 +803 325 4 880054885 +803 338 2 880055454 +803 339 3 880054834 +803 340 5 880055088 +803 538 4 880054834 +803 683 1 880054885 +803 688 1 880055043 +803 754 2 880054754 +803 988 1 880055454 +803 990 2 880054792 +804 2 4 879445493 +804 4 4 879442192 +804 7 4 879443673 +804 10 4 879442298 +804 22 5 879444407 +804 23 4 879442557 +804 24 5 879443776 +804 25 4 879442490 +804 28 4 879445904 +804 32 3 879444352 +804 39 2 879447475 +804 40 3 879445739 +804 50 4 879440912 +804 55 4 879442141 +804 56 3 879441371 +804 62 4 879445305 +804 63 4 879445334 +804 64 5 879442001 +804 68 3 879445975 +804 69 4 879444890 +804 70 4 879443137 +804 71 4 879442538 +804 72 4 879445281 +804 79 4 879441627 +804 84 3 879445933 +804 89 4 879441524 +804 91 4 879442192 +804 94 4 879446194 +804 96 5 879441677 +804 97 4 879442057 +804 98 5 879441503 +804 99 4 879442984 +804 100 5 879445904 +804 108 3 879443819 +804 118 4 879443900 +804 120 3 879444077 +804 123 4 879443645 +804 127 3 879440947 +804 132 4 879445305 +804 133 3 879445904 +804 134 4 879444890 +804 139 3 879444943 +804 143 3 879442490 +804 144 4 879444890 +804 145 3 879446276 +804 152 4 879445466 +804 153 4 879441346 +804 154 3 879441598 +804 155 3 879445660 +804 156 4 879444781 +804 159 4 879445441 +804 160 4 879442707 +804 161 4 879442269 +804 162 2 879446037 +804 163 3 879445579 +804 167 3 879445956 +804 168 5 879442377 +804 172 4 879442001 +804 173 4 879442412 +804 174 5 879441476 +804 176 4 879441702 +804 177 5 879441727 +804 180 4 879442348 +804 181 5 879440947 +804 182 4 879444924 +804 183 4 879445904 +804 187 4 879441973 +804 188 4 879442096 +804 191 4 879442025 +804 193 4 879444518 +804 195 5 879442538 +804 196 4 879441752 +804 197 4 879443136 +804 199 5 879442239 +804 200 3 879445493 +804 206 3 879445440 +804 208 5 879441412 +804 211 4 879444805 +804 212 3 879445933 +804 216 4 879441450 +804 218 4 879445072 +804 219 3 879445072 +804 222 5 879442591 +804 226 4 879445372 +804 227 4 879443136 +804 229 4 879445816 +804 230 4 879442001 +804 233 4 879445815 +804 234 4 879442862 +804 235 5 879443736 +804 237 4 879443709 +804 238 4 879441727 +804 239 4 879442122 +804 240 4 879443958 +804 245 4 879441132 +804 250 4 879441000 +804 252 4 879441160 +804 257 5 879441014 +804 260 2 879440787 +804 265 4 879445037 +804 282 4 879444714 +804 284 4 879442732 +804 288 1 879447476 +804 290 4 879443795 +804 291 4 879443819 +804 292 2 879441099 +804 294 5 879441099 +804 307 4 879440600 +804 310 4 879440600 +804 322 5 879440700 +804 323 4 879440765 +804 328 4 879440600 +804 357 5 879441450 +804 358 3 879440787 +804 363 4 879446245 +804 366 4 879445579 +804 367 3 879445605 +804 373 2 879447476 +804 378 4 879445605 +804 379 3 879445465 +804 380 4 879445715 +804 393 3 879445072 +804 401 2 879445798 +804 402 3 879445441 +804 406 3 879444133 +804 411 3 879443776 +804 412 2 879445955 +804 413 4 879443918 +804 414 4 879444890 +804 415 3 879446391 +804 419 3 879444624 +804 423 3 879441371 +804 425 4 879442643 +804 428 3 879445841 +804 429 4 879445037 +804 431 4 879442707 +804 432 3 879441677 +804 434 4 879442642 +804 435 3 879444488 +804 436 5 879444984 +804 443 5 879442122 +804 444 4 879444743 +804 447 3 879445625 +804 448 3 879445841 +804 449 3 879445281 +804 455 5 879443609 +804 456 3 879444011 +804 468 4 879442687 +804 472 3 879443976 +804 474 4 879441524 +804 476 3 879443852 +804 479 4 879441542 +804 480 5 879442057 +804 483 5 879441627 +804 495 3 879442792 +804 496 5 879441973 +804 498 5 879442239 +804 504 3 879444444 +804 510 5 879441346 +804 511 4 879442792 +804 513 5 879441937 +804 514 4 879443032 +804 515 5 879441000 +804 520 4 879445904 +804 523 5 879441476 +804 526 4 879442792 +804 527 4 879441752 +804 528 4 879443048 +804 529 4 879441913 +804 552 4 879446209 +804 554 2 879447476 +804 558 3 879441627 +804 559 3 879445334 +804 566 4 879444820 +804 573 3 879445232 +804 576 4 879445355 +804 582 3 879444963 +804 584 4 879444964 +804 597 3 879444011 +804 603 5 879441937 +804 615 5 879442298 +804 616 3 879442984 +804 624 2 879445536 +804 625 3 879445493 +804 629 3 879445072 +804 631 3 879444463 +804 632 3 879444488 +804 636 3 879445334 +804 637 3 879444943 +804 639 4 879442591 +804 642 3 879445556 +804 646 4 879441936 +804 647 5 879442001 +804 651 4 879445904 +804 655 4 879442377 +804 657 4 879445904 +804 670 4 879444536 +804 671 3 879445493 +804 679 4 879445393 +804 685 4 879443946 +804 692 5 879442122 +804 702 2 879447476 +804 708 3 879445783 +804 719 3 879445132 +804 720 3 879445072 +804 732 4 879445037 +804 737 3 879444781 +804 742 4 879442732 +804 746 4 879444890 +804 747 3 879445699 +804 748 4 879440700 +804 755 3 879445305 +804 756 3 879443976 +804 763 4 879443776 +804 768 3 879445493 +804 771 3 879446108 +804 797 4 879445280 +804 820 4 879444115 +804 824 3 879444133 +804 826 3 879443776 +804 831 3 879443852 +804 841 4 879443709 +804 925 4 879443946 +804 926 4 879443993 +804 928 4 879443736 +804 929 3 879444092 +804 930 3 879444115 +804 932 3 879444077 +804 948 1 879447476 +804 949 3 879445254 +804 951 3 879444781 +804 969 4 879442687 +804 972 3 879445783 +804 981 3 879444077 +804 982 4 879444048 +804 984 4 879440727 +804 988 4 879440663 +804 1016 4 879441099 +804 1025 4 879440765 +804 1028 3 879445556 +804 1041 3 879446037 +804 1047 3 879443852 +804 1050 3 879442269 +804 1056 4 879442762 +804 1060 3 879443918 +804 1065 3 879441727 +804 1074 1 879447476 +804 1101 3 879444805 +804 1139 3 879446145 +804 1140 3 879446276 +804 1170 3 879445393 +804 1177 3 879446390 +804 1188 2 879446245 +804 1210 2 879447476 +804 1228 3 879446090 +804 1244 2 879441132 +804 1260 3 879445660 +804 1285 2 879445766 +804 1291 3 879444115 +804 1411 3 879446129 +804 1489 3 879445441 +804 1615 4 879441195 +805 1 4 881695527 +805 4 2 881694798 +805 5 4 881695293 +805 7 5 881694693 +805 8 3 881704063 +805 9 3 881697667 +805 11 2 881694423 +805 13 3 881704063 +805 21 2 881705055 +805 22 1 881694423 +805 24 4 881694923 +805 25 4 881704193 +805 28 3 881698243 +805 38 3 881695080 +805 45 4 881697128 +805 47 5 881698778 +805 50 4 879971214 +805 55 5 881694693 +805 56 4 881694423 +805 58 4 881698778 +805 65 3 881698861 +805 68 3 881694886 +805 71 3 881695560 +805 79 5 881694423 +805 82 3 881694854 +805 86 4 881696729 +805 88 2 881696876 +805 93 5 881704016 +805 94 1 881705412 +805 95 3 881695527 +805 98 5 881695196 +805 99 2 881695560 +805 100 5 881695196 +805 101 2 881695591 +805 102 4 881695591 +805 105 2 881705238 +805 106 5 881695968 +805 111 3 881696671 +805 117 3 881694798 +805 118 3 881695745 +805 121 3 881694885 +805 122 5 881705350 +805 123 4 881695723 +805 127 3 879971215 +805 128 5 881694798 +805 135 4 881698095 +805 140 3 881705892 +805 141 2 881705843 +805 142 4 881705843 +805 143 3 881705765 +805 144 3 881694693 +805 145 2 881695445 +805 150 5 883766549 +805 151 5 881705810 +805 153 4 881704063 +805 155 1 881696923 +805 162 2 881698069 +805 164 3 881695293 +805 167 3 881705534 +805 169 4 881695527 +805 172 4 881694713 +805 173 4 881696671 +805 174 3 881694798 +805 179 4 881697792 +805 180 3 881698139 +805 181 3 879971215 +805 185 5 881695196 +805 190 5 881694423 +805 191 4 881697713 +805 195 3 881694693 +805 196 2 881698778 +805 197 5 881696671 +805 202 2 881696729 +805 204 2 881704016 +805 209 4 881684202 +805 210 3 881694693 +805 212 3 881696729 +805 213 3 881696699 +805 214 2 881700713 +805 217 2 881695293 +805 225 1 881705892 +805 226 3 881694978 +805 228 3 881694423 +805 229 2 881694885 +805 231 3 881694978 +805 234 5 881695244 +805 235 2 881705350 +805 241 2 881694923 +805 258 3 879971215 +805 259 1 879971049 +805 269 5 879971251 +805 271 3 880055033 +805 273 2 883415418 +805 288 1 881695244 +805 294 1 879970879 +805 317 4 881698745 +805 322 2 879971215 +805 323 5 879971214 +805 331 4 879971214 +805 337 2 881180971 +805 338 1 879970974 +805 343 5 881684185 +805 346 4 883766007 +805 352 5 885845656 +805 357 5 881697713 +805 367 4 881705108 +805 371 1 881696759 +805 382 4 881698258 +805 383 2 881706146 +805 385 1 881694693 +805 393 3 881705843 +805 396 4 881695396 +805 401 4 881705108 +805 402 2 881697013 +805 403 4 881694886 +805 405 3 881694885 +805 406 1 881695445 +805 411 2 881705350 +805 412 3 881705592 +805 413 2 881695414 +805 417 2 881705918 +805 418 2 881695527 +805 419 4 881705766 +805 420 4 881695560 +805 425 5 881698745 +805 428 5 881704337 +805 431 1 881694713 +805 432 5 881695527 +805 433 4 883415418 +805 436 3 881695347 +805 451 5 881696759 +805 452 3 881695445 +805 455 4 881694854 +805 469 4 881698243 +805 472 2 881695040 +805 476 1 881705592 +805 477 4 881705810 +805 501 5 881695560 +805 509 5 881698095 +805 519 4 881698095 +805 522 5 881698095 +805 525 4 881696335 +805 537 5 881703643 +805 541 3 882216971 +805 545 1 881705488 +805 546 2 881703473 +805 549 3 881696759 +805 550 3 881694854 +805 552 3 881696124 +805 554 1 881695080 +805 558 5 881695243 +805 559 3 881695347 +805 568 3 881694854 +805 588 2 881695527 +805 597 3 881695080 +805 625 3 881695560 +805 629 3 881704553 +805 631 5 881698243 +805 636 4 881694978 +805 642 4 881695830 +805 645 5 881704193 +805 648 4 881696729 +805 655 3 881698175 +805 659 3 881695677 +805 661 4 881697713 +805 665 4 881684185 +805 678 4 879971214 +805 679 4 881694854 +805 708 3 881699661 +805 709 4 881696699 +805 716 4 881696980 +805 719 4 881705389 +805 724 2 881696699 +805 725 3 881705672 +805 729 3 881699728 +805 735 4 881698139 +805 739 1 881697013 +805 742 3 881695872 +805 748 2 879971215 +805 768 2 881706049 +805 769 2 881695999 +805 771 5 881695999 +805 772 3 881698881 +805 806 4 881698175 +805 810 2 881695105 +805 831 4 881695040 +805 856 4 881698881 +805 866 1 881705412 +805 890 3 882216972 +805 922 5 881702716 +805 928 3 881695930 +805 934 1 881705611 +805 942 3 881698861 +805 946 2 881695591 +805 950 3 881698828 +805 952 5 881704553 +805 959 2 881705327 +805 998 4 881705327 +805 1002 1 881705592 +805 1008 4 881699661 +805 1014 4 881694265 +805 1017 3 881704337 +805 1033 3 881706146 +805 1054 3 881705637 +805 1065 5 881697792 +805 1071 4 881705456 +805 1091 2 881695591 +805 1098 3 881704150 +805 1101 5 881698745 +805 1105 2 884881781 +805 1110 5 881694978 +805 1118 5 881704553 +805 1119 3 881696759 +805 1149 4 881697229 +805 1157 5 881696124 +805 1629 5 881703690 +806 1 4 882385082 +806 2 3 882389862 +806 6 2 882385063 +806 12 5 882388204 +806 14 3 882385394 +806 17 4 882389506 +806 28 3 882388286 +806 29 4 882390296 +806 45 4 882388159 +806 47 4 882387563 +806 50 5 882385200 +806 56 5 882387999 +806 70 2 882388628 +806 76 3 882389054 +806 79 3 882387448 +806 81 5 882389727 +806 82 4 882389179 +806 88 4 882390191 +806 90 4 882390164 +806 95 5 882388658 +806 96 5 882389908 +806 98 4 882387798 +806 100 4 882385063 +806 111 3 882385237 +806 117 2 882385237 +806 122 3 882385694 +806 127 5 882386323 +806 128 3 882388419 +806 131 4 882390496 +806 133 5 882389908 +806 143 5 882390296 +806 153 4 882388658 +806 155 3 882390164 +806 156 4 882388128 +806 158 2 882390404 +806 161 3 882388328 +806 162 3 882388557 +806 168 4 882387595 +806 169 5 882387756 +806 170 5 882387520 +806 174 5 882387870 +806 175 5 882387756 +806 176 5 882387798 +806 179 5 882387870 +806 180 4 882388082 +806 181 2 882384988 +806 186 4 882387925 +806 187 5 882387670 +806 188 3 882388159 +806 195 3 882388328 +806 196 5 882388437 +806 200 4 882387670 +806 209 3 882387837 +806 210 5 882387520 +806 216 4 882388128 +806 222 4 882385563 +806 226 3 882389908 +806 227 2 882388353 +806 228 4 882389230 +806 230 4 882388520 +806 231 3 882390614 +806 234 4 882388036 +806 237 2 882385135 +806 240 2 882385455 +806 249 4 882385476 +806 252 1 882386110 +806 257 4 882385394 +806 258 3 882384589 +806 265 4 882388328 +806 271 3 882384844 +806 273 4 882385524 +806 286 3 882384513 +806 288 3 882384554 +806 302 4 882384513 +806 318 5 882387484 +806 357 3 882387373 +806 403 4 882388706 +806 408 5 882385237 +806 419 5 882388706 +806 421 4 882388897 +806 433 4 882389523 +806 455 3 882385455 +806 461 4 882388706 +806 475 4 882385083 +806 484 4 882387373 +806 485 5 882388381 +806 496 5 882387798 +806 504 4 882388658 +806 511 5 882387520 +806 518 3 882388231 +806 521 3 882387595 +806 553 3 882389831 +806 588 4 882388795 +806 628 3 882385309 +806 655 3 882388128 +806 675 3 882388381 +806 690 2 882384589 +806 702 3 882388795 +806 789 4 882389319 +806 856 5 882387644 +806 875 3 882384802 +806 879 3 882384802 +806 923 3 882389080 +806 952 2 882385578 +806 1010 3 882385806 +806 1012 4 882385278 +806 1016 1 882386110 +806 1018 4 882389908 +806 1048 3 882385806 +806 1059 3 882390426 +806 1071 4 882388965 +806 1074 3 882390515 +806 1098 4 882387925 +806 1129 3 882384988 +806 1514 3 882385643 +807 2 4 892978338 +807 8 4 892528374 +807 21 4 892823188 +807 28 4 892528918 +807 29 4 892530626 +807 50 5 892529076 +807 62 3 892979256 +807 63 5 892531504 +807 68 4 892705239 +807 69 5 892528110 +807 71 5 892530705 +807 73 3 892532030 +807 79 5 892528690 +807 82 4 892529278 +807 89 4 892528470 +807 91 5 892684675 +807 94 2 892823225 +807 95 4 892529185 +807 96 3 892528564 +807 101 4 893080637 +807 102 4 892979501 +807 118 4 892529713 +807 121 4 892529278 +807 132 4 892530003 +807 133 5 892705060 +807 135 5 892705362 +807 136 5 892529185 +807 139 2 893082430 +807 140 3 892530004 +807 141 3 892684576 +807 142 3 892530752 +807 144 4 892528771 +807 154 2 892528919 +807 161 4 892528919 +807 168 4 892529893 +807 172 5 892528515 +807 173 3 892528285 +807 174 5 892528866 +807 181 5 892528954 +807 186 4 892530004 +807 194 4 892528427 +807 195 3 892528999 +807 199 5 892528374 +807 204 4 892528954 +807 205 3 892528605 +807 206 2 892684932 +807 208 4 892528646 +807 210 4 892528646 +807 211 4 892529448 +807 222 4 892528174 +807 227 4 892529805 +807 228 4 892529448 +807 229 4 892530752 +807 230 4 892530216 +807 231 4 892530705 +807 234 3 892530216 +807 235 1 892530173 +807 252 4 893084689 +807 254 4 893085166 +807 257 4 893084232 +807 258 3 892527100 +807 289 4 892527665 +807 298 4 893083851 +807 300 5 892527168 +807 313 5 892527050 +807 318 5 892528062 +807 358 3 892527606 +807 373 4 893081695 +807 374 3 893083109 +807 380 4 893080442 +807 381 2 892530004 +807 384 4 893080838 +807 386 4 893080516 +807 393 4 892528954 +807 398 3 893082268 +807 402 5 892705096 +807 403 4 892979116 +807 404 3 892528427 +807 408 3 892528813 +807 415 3 893082702 +807 416 3 892528771 +807 417 3 892979746 +807 418 4 892529358 +807 421 3 892529805 +807 422 4 893082741 +807 423 5 892528470 +807 428 4 892530439 +807 431 4 892528062 +807 432 5 892530498 +807 435 3 892528690 +807 449 5 893082893 +807 451 5 892530112 +807 470 5 892529448 +807 472 4 892530625 +807 473 3 892530705 +807 477 4 892775458 +807 483 5 892529756 +807 484 4 892530966 +807 485 5 892531977 +807 491 5 892528062 +807 496 5 892528918 +807 501 3 892529358 +807 503 3 892530004 +807 505 3 892528110 +807 510 5 892529401 +807 511 5 892705391 +807 515 4 892528999 +807 520 5 892529358 +807 523 3 892529519 +807 526 5 892530061 +807 541 4 893083740 +807 542 5 893081951 +807 543 2 892528427 +807 546 4 892978966 +807 550 5 892979747 +807 554 4 892684529 +807 566 4 892528999 +807 570 4 893081426 +807 578 4 892530582 +807 588 5 892530251 +807 596 4 892530792 +807 597 4 892705277 +807 602 5 893083772 +807 605 3 892529150 +807 610 3 892684802 +807 624 3 892530705 +807 625 3 892978296 +807 627 4 892684456 +807 630 4 892529573 +807 633 4 892529401 +807 657 4 892529573 +807 659 4 892977077 +807 678 3 892527569 +807 684 5 892529851 +807 699 4 892528515 +807 720 4 893080801 +807 739 4 892684321 +807 743 3 893083216 +807 748 4 892527267 +807 751 3 892527467 +807 757 4 892528374 +807 820 3 892532068 +807 826 3 893082505 +807 831 4 892530881 +807 843 2 892684615 +807 930 5 893082778 +807 968 4 892530498 +807 969 4 892528375 +807 998 3 893081656 +807 1016 4 893083991 +807 1039 4 892528324 +807 1063 4 892529112 +807 1066 5 893081508 +807 1076 3 893082227 +807 1078 4 892979639 +807 1084 4 892529519 +807 1089 4 893084724 +807 1133 3 892823295 +807 1274 3 893083179 +807 1409 4 892978256 +807 1411 1 893082619 +807 1413 2 893083486 +807 1615 4 893084653 +808 245 4 883949822 +808 262 5 883949986 +808 264 5 883949986 +808 270 4 883949560 +808 271 3 883949602 +808 286 4 883949560 +808 288 3 883949454 +808 300 4 883949681 +808 302 5 883949986 +808 312 3 883949873 +808 313 5 883949986 +808 325 1 883949873 +808 327 5 883949986 +808 332 4 883949639 +808 340 5 883949986 +808 346 5 883949986 +808 748 4 883949873 +808 750 5 883949986 +808 751 3 883949560 +808 872 5 883949986 +808 875 4 883949915 +809 245 3 891037127 +809 258 3 891036903 +809 286 4 891036809 +809 299 4 891037069 +809 300 4 891036903 +809 302 5 891036743 +809 307 5 891036809 +809 313 4 891036743 +809 315 5 891036743 +809 319 3 891036744 +809 322 3 891037069 +809 331 2 891036809 +809 333 3 891036903 +809 340 4 891036744 +809 748 3 891037091 +809 1025 1 891037205 +810 243 4 879895350 +810 269 5 891293811 +810 286 4 891293811 +810 288 3 879895233 +810 289 5 879895403 +810 294 5 879895233 +810 300 5 890083187 +810 304 4 885406558 +810 313 5 885406451 +810 321 5 879895290 +810 323 4 879895314 +810 328 5 885406635 +810 331 4 891873686 +810 333 5 886614819 +810 338 4 891873660 +810 339 5 891294039 +810 342 5 890083580 +810 678 4 879895453 +810 873 3 879895403 +810 876 3 886614969 +810 878 4 879895500 +810 881 4 879895350 +810 902 5 890083210 +811 243 3 886377579 +811 258 5 886377311 +811 286 5 886376983 +811 289 2 886377426 +811 300 5 886377373 +811 307 4 886377248 +811 308 4 886377082 +811 315 4 886377579 +811 321 3 886377483 +811 323 5 886377579 +811 678 5 886377686 +811 690 5 886377248 +811 892 4 886377530 +811 895 5 886377311 +811 901 4 886377771 +811 988 4 886377686 +812 245 2 877625367 +812 261 1 877625461 +812 286 2 877625109 +812 289 1 877625461 +812 292 3 877625610 +812 294 5 877625367 +812 300 5 877625461 +812 302 3 877625109 +812 326 4 877625294 +812 328 4 877625368 +812 332 4 877625368 +812 333 5 877625294 +812 358 3 877625461 +812 678 4 877625294 +812 682 4 877625224 +812 748 5 877625368 +812 873 4 877625537 +812 881 4 877625537 +813 9 3 883752051 +813 243 3 883752660 +813 259 2 883752528 +813 263 3 883752606 +813 266 2 883752660 +813 270 5 883752380 +813 271 4 883752455 +813 300 4 883752331 +813 304 1 883752380 +813 307 4 883752265 +813 310 4 883752290 +813 326 3 883752380 +813 342 1 883752417 +813 358 3 883752606 +813 680 2 883752660 +813 690 4 883752331 +813 750 4 883752264 +813 751 5 883752264 +813 877 1 883752331 +813 890 4 883752708 +813 892 1 883752708 +813 893 3 883752708 +813 898 1 883752264 +813 901 1 883752708 +813 988 3 883752528 +814 5 3 885411030 +814 7 4 885411073 +814 17 3 885411073 +814 53 4 885411132 +814 56 3 885410957 +814 98 4 885410957 +814 145 2 885411749 +814 184 3 885411073 +814 201 2 885410957 +814 218 3 885411030 +814 219 4 885411030 +814 234 3 885410957 +814 288 4 885410789 +814 358 2 885410837 +814 413 2 885411749 +814 436 3 885411073 +814 441 2 885411347 +814 443 3 885411132 +814 444 2 885411347 +814 447 3 885411030 +814 448 3 885411030 +814 590 2 885411749 +814 635 2 885411749 +814 665 4 885411204 +814 667 2 885411204 +814 669 3 885411204 +814 672 3 885411030 +814 674 3 885411030 +814 675 3 885410957 +815 1 5 878691975 +815 2 3 878696355 +815 7 4 878691975 +815 9 4 878691739 +815 28 4 878694199 +815 50 5 878691739 +815 54 3 878696355 +815 57 5 878694854 +815 65 5 878694664 +815 69 4 878694106 +815 71 5 878694341 +815 77 4 878695798 +815 79 4 878694493 +815 82 4 884267891 +815 83 4 878695311 +815 86 5 878693989 +815 87 5 878694199 +815 88 4 878695176 +815 89 4 878695092 +815 91 3 878696840 +815 94 3 878697705 +815 95 3 878693381 +815 97 5 878694983 +815 98 4 878693183 +815 99 4 878694665 +815 114 5 878695019 +815 117 3 878691884 +815 121 2 878692344 +815 125 5 878692242 +815 127 3 878691739 +815 132 5 878695278 +815 133 5 878694613 +815 134 4 878694613 +815 135 2 878694493 +815 136 5 878695311 +815 141 4 878694613 +815 143 5 878694665 +815 144 4 878693989 +815 151 4 878692207 +815 154 5 878694453 +815 158 2 878695645 +815 159 3 878694306 +815 163 4 878695841 +815 167 2 878697705 +815 168 3 878693424 +815 172 5 878694613 +815 174 4 878693424 +815 175 3 878694952 +815 176 4 878694705 +815 179 2 878694228 +815 181 5 878691844 +815 185 3 878693830 +815 188 3 878693906 +815 190 5 878693381 +815 191 5 878693183 +815 193 4 878696054 +815 195 4 878695278 +815 199 4 878694055 +815 200 5 878693871 +815 202 4 878694341 +815 203 4 878696650 +815 204 4 878693871 +815 210 2 878698553 +815 214 5 878693497 +815 215 5 878694820 +815 217 3 878696681 +815 222 4 884320310 +815 226 3 878698704 +815 227 2 878695147 +815 228 5 878694735 +815 229 3 878695527 +815 230 5 878698098 +815 233 3 878694381 +815 239 5 878694563 +815 240 2 878692319 +815 250 1 878691779 +815 252 2 884267891 +815 257 3 884320266 +815 258 4 884320310 +815 265 5 878696181 +815 313 5 884222552 +815 318 5 878693497 +815 333 3 887978234 +815 380 3 878695744 +815 391 2 878697734 +815 392 4 878697163 +815 393 4 878696473 +815 402 5 878695438 +815 403 4 878697532 +815 404 4 878695147 +815 417 5 878694664 +815 418 4 878695744 +815 419 3 878695490 +815 423 5 878694613 +815 427 5 887978255 +815 432 5 878694952 +815 433 3 878695199 +815 434 3 878696619 +815 435 4 878694269 +815 436 3 878695241 +815 443 3 878695055 +815 444 2 878698407 +815 449 2 878698661 +815 471 2 878692149 +815 472 1 878692826 +815 479 4 878694106 +815 484 4 878693989 +815 485 4 878694820 +815 494 5 878696093 +815 501 3 878694028 +815 514 1 878693183 +815 515 5 878691739 +815 518 3 878693183 +815 521 4 878694381 +815 523 4 878693462 +815 526 4 878696093 +815 527 5 878693830 +815 529 5 878694854 +815 542 4 878694820 +815 559 3 878695877 +815 582 1 878695311 +815 584 3 878696355 +815 588 5 878693906 +815 596 5 878692043 +815 602 3 878694269 +815 613 5 878694983 +815 614 3 878695964 +815 615 2 878696181 +815 616 1 878697189 +815 625 4 878694705 +815 629 4 878695527 +815 631 4 887978234 +815 639 2 878696681 +815 647 5 878694055 +815 650 2 878696213 +815 655 3 878694563 +815 659 5 878694952 +815 660 4 878696441 +815 665 2 878698525 +815 671 4 878695679 +815 675 2 878698831 +815 684 4 878696441 +815 686 5 878695092 +815 705 5 878693183 +815 712 3 878696563 +815 713 4 878692016 +815 732 5 878694106 +815 735 5 878695438 +815 835 3 878694269 +815 837 5 878694983 +815 871 1 878693073 +815 919 5 878691844 +815 945 4 878697261 +815 969 5 878694306 +815 993 2 878691939 +815 1039 5 878693870 +815 1078 2 878695903 +815 1133 3 878697466 +815 1157 2 884267828 +815 1204 5 878696619 +815 1299 3 878697015 +816 243 4 891711554 +816 259 2 891711423 +816 260 3 891711579 +816 264 4 891711495 +816 271 4 891711378 +816 288 4 891710724 +816 294 5 891711801 +816 300 4 891710724 +816 313 5 891710780 +816 322 4 891710922 +816 323 4 891711324 +816 326 4 891710803 +816 328 4 891710968 +816 331 5 891710922 +816 332 4 891710994 +816 342 4 891711519 +816 349 4 891711554 +816 355 2 891711472 +816 678 4 891710837 +816 687 2 891711554 +816 690 4 891710922 +816 1025 4 891711495 +817 7 4 874815885 +817 9 3 874815836 +817 24 4 874815947 +817 117 5 874815947 +817 121 3 874815835 +817 129 4 874815836 +817 222 4 874815835 +817 245 2 874815789 +817 258 3 874815541 +817 273 5 874815885 +817 281 4 874816007 +817 288 4 874815593 +817 289 2 874815789 +817 294 4 874815593 +817 300 3 874815542 +817 324 2 874815789 +817 327 4 874815593 +817 328 4 874815679 +817 329 4 874815649 +817 363 3 874816007 +817 405 3 874815947 +817 455 3 874815947 +817 546 4 874815947 +817 597 2 874816007 +817 831 1 874816007 +817 840 2 874816007 +817 876 4 874815542 +817 924 3 874815947 +817 928 3 874815835 +818 245 4 891870515 +818 258 4 891870301 +818 269 3 891870173 +818 271 4 891870389 +818 288 5 891870364 +818 300 2 891870222 +818 303 5 891870222 +818 312 2 891870546 +818 313 4 891870173 +818 322 2 891870389 +818 346 4 891870364 +818 690 3 891870301 +818 751 5 891870473 +818 875 1 891870590 +818 887 4 891870590 +819 70 4 884105841 +819 147 5 884105025 +819 177 4 884105025 +819 182 4 884105025 +819 245 3 879952688 +819 246 4 884012614 +819 248 5 880382511 +819 255 1 884105841 +819 258 2 879952538 +819 268 4 884012614 +819 286 5 879952508 +819 300 5 879952538 +819 302 5 884012512 +819 303 4 879952508 +819 304 4 879952565 +819 315 5 884618354 +819 319 4 879952627 +819 321 4 880381928 +819 327 4 879952656 +819 340 5 879952627 +819 345 4 884618137 +819 346 5 884012487 +819 381 4 884105841 +819 533 4 884618086 +819 744 5 880382355 +819 1160 4 880382533 +820 258 3 887954853 +820 264 3 887955180 +820 271 2 887955020 +820 286 4 887954853 +820 288 5 887954934 +820 301 2 887955046 +820 302 5 887954906 +820 313 5 887954934 +820 315 3 887954828 +820 316 3 887955204 +820 324 3 887955020 +820 328 2 887955079 +820 333 5 887954878 +820 343 4 887955241 +820 347 4 887954853 +820 358 1 887954972 +820 748 1 887955223 +820 751 1 887955180 +820 895 2 887955046 +821 1 5 874792813 +821 14 4 874792369 +821 15 5 874792835 +821 22 5 874793418 +821 28 5 874793469 +821 56 5 874793847 +821 64 5 874793649 +821 70 4 874793933 +821 71 5 874793969 +821 79 5 874793517 +821 95 5 874793898 +821 98 5 874793847 +821 100 2 874792285 +821 106 2 874793196 +821 111 4 874793049 +821 117 3 874792442 +821 121 3 874792752 +821 125 4 874792860 +821 126 5 874792570 +821 132 5 874793898 +821 148 3 874792650 +821 151 4 874792889 +821 161 4 874793898 +821 213 5 874793806 +821 234 5 874793574 +821 237 5 874792491 +821 274 5 874792778 +821 281 3 874793218 +821 284 3 874792521 +821 294 4 874792194 +821 318 5 874793368 +821 357 5 874793517 +821 389 5 874793469 +821 405 4 874793022 +821 427 5 874793649 +821 435 4 874793773 +821 459 5 874792698 +821 471 4 874792752 +821 473 3 874792813 +821 476 4 874792403 +821 483 5 874793517 +821 484 5 874793898 +821 495 5 874793574 +821 504 4 874793848 +821 509 5 874793574 +821 560 3 874793773 +821 597 3 874793022 +821 705 5 874793649 +821 707 5 874793848 +821 763 3 874792491 +821 845 5 874792591 +821 993 4 874792570 +821 1060 5 874793022 +821 1084 5 874792285 +821 1197 5 874792889 +822 1 4 891037291 +822 25 3 891039543 +822 71 4 891037465 +822 91 3 891037394 +822 95 4 891037394 +822 101 2 891037465 +822 111 4 891039414 +822 169 4 891037394 +822 189 4 891037394 +822 206 3 891036851 +822 235 3 891039543 +822 272 3 891033683 +822 333 4 891033747 +822 358 3 891037112 +822 408 5 891037291 +822 410 1 891039486 +822 432 3 891037394 +822 539 2 891035086 +822 588 2 891037394 +822 751 3 891035141 +822 902 4 891033747 +822 926 2 891040155 +822 1110 4 891036395 +822 1240 3 891036703 +823 1 4 878438206 +823 4 5 878438607 +823 8 5 878437925 +823 12 4 878437925 +823 13 5 878438642 +823 17 4 878439655 +823 25 3 878438642 +823 26 5 878438930 +823 28 3 878438058 +823 42 4 878438357 +823 50 5 878438435 +823 52 3 878439605 +823 53 5 878439229 +823 55 4 878438484 +823 56 5 878438119 +823 58 5 878438930 +823 64 5 878437753 +823 66 4 878439391 +823 68 3 878438930 +823 69 5 878438095 +823 71 3 878439008 +823 77 4 878438958 +823 79 4 878439038 +823 83 3 878438024 +823 87 5 878438887 +823 88 5 878438780 +823 89 5 878438780 +823 90 4 878438552 +823 92 5 878438357 +823 95 4 878439257 +823 96 4 878438179 +823 98 5 878437890 +823 100 5 878437658 +823 101 3 878438807 +823 102 4 878438807 +823 111 4 878438206 +823 124 4 878437925 +823 125 4 878438585 +823 127 5 878438357 +823 128 2 878438733 +823 134 5 878438232 +823 135 4 878438379 +823 136 5 878438206 +823 140 3 878438332 +823 141 4 878438484 +823 143 4 878438024 +823 150 4 878438058 +823 151 4 878438732 +823 152 5 878437703 +823 153 4 878438856 +823 154 5 878438607 +823 155 3 878439211 +823 156 5 878438403 +823 157 5 878438435 +823 159 3 878438484 +823 160 4 878438232 +823 161 3 878438535 +823 164 3 878437658 +823 168 5 878437658 +823 170 4 878438357 +823 172 5 878437589 +823 173 5 878438148 +823 174 5 878437589 +823 175 4 878438457 +823 176 4 878438807 +823 180 4 878439008 +823 181 4 878438260 +823 182 4 878438260 +823 183 4 878438403 +823 184 3 878439629 +823 186 4 878438672 +823 187 5 878438148 +823 188 5 878438672 +823 193 5 878439113 +823 194 5 878439136 +823 195 4 878437703 +823 196 5 878439211 +823 197 5 878437623 +823 198 4 878439065 +823 202 4 878438672 +823 204 4 878438930 +823 206 4 878439089 +823 215 4 878437925 +823 216 5 878438584 +823 217 3 878439655 +823 218 4 878438232 +823 219 2 878439038 +823 222 3 878438179 +823 227 1 878439497 +823 228 3 878438435 +823 230 3 878439557 +823 231 3 878439337 +823 234 4 878438608 +823 237 4 878439037 +823 238 5 878438057 +823 239 4 878438959 +823 240 3 878438119 +823 273 3 878437890 +823 282 3 878439364 +823 286 5 878437499 +823 294 3 878439981 +823 318 5 878438179 +823 356 3 878439467 +823 374 1 878438733 +823 401 4 878439365 +823 408 5 878437589 +823 410 4 878438535 +823 418 4 878438672 +823 419 4 878438780 +823 423 5 878438780 +823 425 5 878438298 +823 426 4 878437658 +823 427 4 878439038 +823 428 5 878438511 +823 433 4 878438379 +823 450 1 878439412 +823 459 4 878438379 +823 471 3 878438608 +823 473 3 878439065 +823 474 5 878437890 +823 478 4 878439113 +823 503 5 878439315 +823 514 5 878438024 +823 517 5 878437658 +823 531 4 878437890 +823 566 4 878439605 +823 588 3 878438179 +823 606 4 878438856 +823 625 4 878438807 +823 631 4 878439293 +823 640 1 878439315 +823 642 4 878439089 +823 651 5 878438179 +823 654 5 878437703 +823 655 5 878439364 +823 660 5 878438435 +823 686 4 878439257 +823 692 4 878439438 +823 708 4 878438930 +823 709 3 878438095 +823 710 4 878438457 +823 715 5 878439065 +823 721 4 878438695 +823 732 5 878439183 +823 735 4 878438754 +823 742 4 878438535 +823 747 4 878438585 +823 762 4 878439557 +823 770 4 878438754 +823 792 3 878438057 +823 866 2 878438179 +823 919 4 878438206 +823 1046 3 878439467 +823 1067 4 878438511 +823 1070 4 878438332 +823 1135 3 878437836 +823 1267 4 878438780 +824 243 1 877021002 +824 245 2 877021121 +824 259 4 877020927 +824 268 4 877020871 +824 288 3 877020927 +824 289 2 877021044 +824 292 3 877020927 +824 294 3 877021002 +824 304 3 877020964 +824 319 2 877020927 +824 321 2 877021002 +824 322 4 877021044 +824 323 2 877020965 +824 325 4 877021121 +824 687 2 877021077 +824 748 1 877021077 +824 989 2 877021121 +824 991 3 877021121 +825 9 3 880755418 +825 12 5 881101782 +825 14 3 880755942 +825 16 3 889020779 +825 25 4 880756904 +825 98 5 881101641 +825 100 4 880755942 +825 105 3 889021208 +825 106 4 880756504 +825 116 3 880755693 +825 117 5 889021393 +825 118 4 880756725 +825 120 3 889020852 +825 121 5 880756076 +825 122 1 889021209 +825 124 3 881097389 +825 125 5 880755942 +825 126 3 880755982 +825 127 3 880755612 +825 130 2 889021235 +825 137 2 880756224 +825 147 5 880756643 +825 148 4 880756725 +825 174 5 881101782 +825 176 5 881101641 +825 181 4 880756224 +825 195 5 881101543 +825 222 5 880755468 +825 235 3 880756678 +825 237 4 880931932 +825 243 4 884642187 +825 245 5 882109193 +825 248 4 880755869 +825 249 3 880755693 +825 250 5 880755693 +825 252 5 880757103 +825 257 4 880931887 +825 258 4 880932625 +825 273 5 880756401 +825 274 4 889020826 +825 275 3 881100775 +825 281 3 880756678 +825 282 4 880755693 +825 284 3 880756603 +825 285 3 880756504 +825 286 4 889912073 +825 288 1 880931932 +825 289 1 882109193 +825 290 4 880755869 +825 291 5 880756603 +825 293 3 880931805 +825 307 4 880755305 +825 321 3 886697076 +825 322 5 884642187 +825 323 4 881185672 +825 325 5 882109250 +825 326 4 886696420 +825 363 4 881185343 +825 370 3 889021180 +825 385 5 881101641 +825 405 5 880756442 +825 406 2 889021208 +825 407 3 889021180 +825 409 3 889020852 +825 411 3 889021134 +825 413 3 889020940 +825 455 4 880756796 +825 456 3 889021287 +825 491 4 881101782 +825 515 4 880756076 +825 546 5 880756603 +825 566 5 881101543 +825 591 4 880755943 +825 593 3 880755468 +825 595 3 889021134 +825 597 5 880756933 +825 619 4 880756834 +825 620 3 889021134 +825 628 4 880756504 +825 678 4 880757103 +825 685 4 880756321 +825 687 5 882109250 +825 696 3 889020961 +825 717 4 889021088 +825 740 2 880756320 +825 746 5 881101782 +825 748 5 880756504 +825 823 4 881342978 +825 825 4 881187129 +825 827 4 881184695 +825 831 3 880756796 +825 833 4 881101329 +825 840 4 880757103 +825 844 2 892949244 +825 866 4 880756376 +825 870 3 880931932 +825 871 3 880932283 +825 919 1 881099316 +825 925 4 880756904 +825 926 4 880756643 +825 928 3 880756224 +825 930 5 881184695 +825 931 3 889021287 +825 932 3 880756862 +825 979 4 889021134 +825 982 5 881184695 +825 984 5 884642187 +825 1008 1 889020680 +825 1011 3 881101246 +825 1013 2 881185672 +825 1016 3 880756077 +825 1028 3 889021037 +825 1034 4 881185343 +825 1049 3 880756834 +825 1051 4 880755693 +825 1087 3 881343153 +825 1117 3 880756402 +825 1163 3 880756076 +825 1199 4 880755762 +825 1244 5 881185672 +825 1254 1 880756678 +826 1 4 885690250 +826 2 3 885690713 +826 4 4 885690526 +826 11 4 885690526 +826 22 5 885690481 +826 29 3 885690750 +826 33 3 885690600 +826 39 4 885690600 +826 53 5 885690900 +826 55 5 885690636 +826 56 5 885690525 +826 62 4 885690790 +826 68 3 885690677 +826 71 5 885690342 +826 79 4 885690526 +826 82 3 885690482 +826 89 5 885690526 +826 91 4 885690342 +826 95 5 885690342 +826 96 5 885690600 +826 99 3 885690379 +826 101 5 885690442 +826 102 4 885690442 +826 127 5 885690482 +826 174 5 885690481 +826 176 5 885690600 +826 177 5 885690676 +826 181 5 885690526 +826 183 5 885690482 +826 184 3 885690677 +826 187 4 885690481 +826 190 3 885690636 +826 195 5 885690636 +826 210 5 885690526 +826 226 4 885690677 +826 227 4 885690713 +826 228 3 885690600 +826 229 4 885690713 +826 230 4 885690600 +826 231 3 885690713 +826 232 3 885690713 +826 233 4 885690713 +826 258 4 885689759 +826 260 3 885690022 +826 265 5 885690526 +826 271 4 885690022 +826 288 3 885689759 +826 294 4 885689918 +826 309 4 885689892 +826 332 3 885689821 +826 343 5 885690046 +826 373 3 885690900 +826 385 5 885690677 +826 391 4 885690854 +826 397 3 885690854 +826 399 4 885690790 +826 403 4 885690750 +826 420 3 885690342 +826 422 2 885690379 +826 426 2 885690379 +826 432 3 885690379 +826 435 4 885690677 +826 449 4 885690819 +826 501 3 885690380 +826 510 4 885690677 +826 511 3 885690482 +826 526 3 885690677 +826 540 3 885690854 +826 550 3 885690750 +826 554 4 885690749 +826 566 3 885690636 +826 568 4 885690636 +826 570 4 885690790 +826 576 4 885690900 +826 578 5 885690713 +826 586 4 885690819 +826 588 4 885690342 +826 624 4 885690379 +826 625 3 885690442 +826 627 4 885690342 +826 651 4 885690526 +826 665 5 885690819 +826 678 4 885689942 +826 679 2 885690712 +826 720 3 885690819 +826 748 4 885689918 +826 768 3 885690442 +826 771 3 885690900 +826 779 3 885690900 +826 802 4 885690854 +826 810 3 885690854 +826 820 3 885690250 +826 849 4 885690750 +826 946 3 885690342 +826 1091 3 885690379 +826 1110 4 885690900 +826 1222 3 885690819 +826 1228 3 885690900 +826 1231 3 885690854 +826 1240 5 885690442 +826 1409 2 885690442 +827 245 3 882807611 +827 269 5 882201356 +827 272 4 884213984 +827 286 3 882201725 +827 288 3 882204460 +827 289 3 882807571 +827 294 4 882807611 +827 300 3 882201725 +827 301 4 882201885 +827 302 4 882201356 +827 312 2 882809814 +827 316 3 892157262 +827 326 3 882807503 +827 331 3 892157376 +827 332 3 882204460 +827 333 3 892157242 +827 343 4 882201532 +827 358 2 882808622 +827 689 3 882201884 +827 690 3 882807503 +827 748 4 882808465 +827 750 3 892157198 +827 938 3 892157282 +828 6 1 891035614 +828 10 3 891035970 +828 14 4 891035819 +828 20 2 891035969 +828 24 4 891035864 +828 26 3 891037948 +828 45 4 891380166 +828 52 3 891037639 +828 59 5 891036972 +828 60 4 891380167 +828 61 5 891037466 +828 70 3 893186210 +828 83 3 891036826 +828 86 3 891037047 +828 116 4 891035724 +828 170 3 891037231 +828 179 4 891036972 +828 190 3 891036826 +828 198 4 891036492 +828 207 4 891036492 +828 213 2 891037865 +828 224 3 891035614 +828 246 2 893186163 +828 270 5 891034148 +828 271 2 891035438 +828 275 3 891035614 +828 283 3 891035864 +828 286 4 891033342 +828 288 3 891034237 +828 302 4 891380166 +828 303 4 891033574 +828 306 3 891033342 +828 313 3 891033342 +828 316 5 891034440 +828 322 3 891034515 +828 327 4 891033756 +828 328 3 891033988 +828 331 4 891380166 +828 340 5 891033756 +828 345 1 891035438 +828 346 4 891380167 +828 347 1 891035438 +828 355 2 891035437 +828 381 3 891036568 +828 382 3 891037639 +828 462 3 891036630 +828 463 2 891036717 +828 475 4 891035724 +828 509 2 891036630 +828 510 3 891037231 +828 512 5 891037948 +828 531 4 891036972 +828 547 2 891035864 +828 557 2 891036826 +828 558 3 891037047 +828 582 3 891037813 +828 640 2 891037948 +828 652 5 891036492 +828 694 2 891036717 +828 702 2 891037466 +828 730 3 891036972 +828 737 1 891037948 +828 748 2 891035438 +828 751 3 891034306 +828 752 1 891035438 +828 886 1 891035438 +828 895 2 891035437 +828 896 4 891379760 +828 900 2 891035438 +828 902 4 891380167 +828 903 4 891380167 +828 904 3 891618316 +828 906 3 891034148 +828 923 3 891037047 +828 955 3 891379818 +828 958 5 891038262 +828 960 5 891036568 +828 961 2 891038222 +828 985 3 893186246 +828 1005 3 891037813 +828 1056 1 891036630 +828 1062 4 891380166 +828 1068 4 891035864 +828 1153 3 891037948 +828 1462 3 891037948 +828 1466 4 891380166 +828 1597 3 891037813 +828 1622 1 891038060 +828 1672 2 891037722 +829 1 4 891990554 +829 10 3 881707829 +829 13 4 881086933 +829 14 2 881712488 +829 20 3 881707829 +829 70 4 881699060 +829 86 4 891992008 +829 100 4 881086893 +829 105 3 881711924 +829 116 4 881698644 +829 124 4 892312784 +829 125 3 891990619 +829 129 4 881712252 +829 151 4 891990672 +829 153 4 887584684 +829 170 4 881698933 +829 190 4 881698876 +829 198 4 884736647 +829 212 4 881699005 +829 213 4 881698933 +829 222 4 882816987 +829 237 3 891204271 +829 255 3 891547657 +829 257 4 881699584 +829 258 3 886993238 +829 259 2 881707829 +829 275 4 892312770 +829 276 4 891990694 +829 281 3 881712349 +829 284 3 891990799 +829 286 4 891204271 +829 294 2 881707829 +829 310 3 890956632 +829 313 4 891204191 +829 319 4 892312728 +829 408 4 891991300 +829 410 3 881086959 +829 427 4 891204271 +829 458 3 891990881 +829 462 4 881698976 +829 475 4 891990718 +829 509 5 881698976 +829 515 4 881698803 +829 529 4 881698976 +829 582 4 881699060 +829 639 4 881699005 +829 640 3 881707829 +829 705 4 891204271 +829 733 2 887584684 +829 845 3 891990650 +829 855 4 881698934 +829 1120 2 881707829 +829 1121 4 883149815 +829 1193 4 881699425 +830 1 4 891560596 +830 2 3 891561806 +830 15 4 891561065 +830 29 1 891899476 +830 49 5 892503093 +830 50 5 891561606 +830 56 2 891464054 +830 71 4 891561474 +830 79 4 891561607 +830 87 4 891462594 +830 88 4 891464148 +830 89 5 891561607 +830 96 3 891561673 +830 97 4 892502984 +830 98 5 891462467 +830 99 3 891561474 +830 126 5 892502421 +830 127 4 891464054 +830 134 3 891464054 +830 151 3 891560596 +830 161 4 891561870 +830 172 5 891561606 +830 173 4 891464148 +830 174 5 891561606 +830 176 3 891561673 +830 181 5 891561673 +830 187 2 891464054 +830 193 5 891898415 +830 195 3 891464054 +830 197 4 891464415 +830 202 5 891464148 +830 203 4 891898061 +830 204 3 891898551 +830 205 5 891462531 +830 210 5 891561607 +830 211 4 891898720 +830 222 3 891561065 +830 226 5 891561806 +830 228 3 891561607 +830 229 2 891561937 +830 230 3 891561806 +830 231 2 891561938 +830 241 4 891464148 +830 265 5 891561607 +830 294 3 891464054 +830 310 4 891462185 +830 313 5 891462165 +830 399 5 891561999 +830 403 4 891561806 +830 418 3 891561540 +830 424 1 891560972 +830 427 5 891462531 +830 431 3 891561737 +830 432 3 891561474 +830 435 5 891561737 +830 449 2 891899475 +830 451 4 892503035 +830 474 5 891898661 +830 480 5 891462594 +830 484 5 891898661 +830 487 5 891898415 +830 498 5 891899535 +830 501 3 891561474 +830 510 4 891561673 +830 523 4 891898661 +830 550 5 891561870 +830 554 5 891561999 +830 566 3 891561937 +830 568 4 891561607 +830 588 5 891561474 +830 612 4 891898061 +830 613 4 891898603 +830 625 3 891561541 +830 627 3 891561541 +830 648 5 891464148 +830 661 4 891462594 +830 679 3 891561805 +830 692 4 891464148 +830 732 5 891464415 +830 751 2 891464054 +830 790 1 891899476 +830 820 1 891899475 +830 834 1 891899475 +830 837 5 891462467 +830 925 4 892502651 +830 968 4 891898211 +831 7 5 891354947 +831 12 5 891354687 +831 22 5 891354573 +831 28 3 891354848 +831 31 4 891354612 +831 50 5 891354900 +831 56 5 891354751 +831 64 5 891354534 +831 83 4 891354848 +831 100 4 891354573 +831 117 3 891354970 +831 129 2 891354866 +831 144 5 891354815 +831 150 3 891354815 +831 156 4 891354751 +831 173 3 891354798 +831 174 5 891354534 +831 197 4 891354751 +831 204 5 891354645 +831 208 2 891354612 +831 210 5 891354612 +831 237 4 891355004 +831 250 5 891354931 +831 258 2 891354020 +831 260 2 891354371 +831 266 3 891354338 +831 270 4 891354000 +831 271 2 891354225 +831 284 3 891355004 +831 288 1 891354043 +831 294 4 891354043 +831 298 5 891355004 +831 300 3 891354191 +831 301 2 891354275 +831 307 2 891354064 +831 313 5 891354000 +831 315 3 891353915 +831 316 3 891354338 +831 317 4 891354798 +831 323 2 891354275 +831 326 4 891354275 +831 327 2 891353940 +831 328 3 891354000 +831 331 4 891353979 +831 347 3 891354191 +831 354 4 891354063 +831 358 2 891354371 +831 479 4 891354726 +831 508 3 891354947 +831 603 5 891354535 +831 687 2 891354424 +831 688 1 891354424 +831 690 4 891354064 +831 713 5 891354970 +831 741 2 891354726 +831 742 3 891354866 +831 748 2 891354297 +831 749 2 891354225 +831 750 4 891354225 +831 905 4 891354020 +831 1012 4 891354970 +831 1119 3 891354751 +832 25 2 888260157 +832 50 3 888260089 +832 243 2 888259984 +832 245 3 888259984 +832 258 3 888258960 +832 260 3 888259404 +832 264 3 888259480 +832 286 3 888258806 +832 288 3 888259984 +832 294 4 888259121 +832 307 4 888259231 +832 313 5 888258754 +832 322 3 888259984 +832 323 3 888259984 +832 328 3 888259020 +832 678 2 888259984 +832 681 2 888259984 +832 748 3 888259984 +832 873 2 888259984 +832 876 3 888259480 +832 895 2 888259285 +833 4 3 875123781 +833 5 1 879818535 +833 7 3 875035953 +833 11 5 875038850 +833 12 5 875039416 +833 13 2 875036139 +833 23 5 875123427 +833 24 4 875036213 +833 26 1 875133661 +833 28 3 875135213 +833 30 4 875225297 +833 32 5 875123255 +833 33 2 875134264 +833 38 1 879818760 +833 47 5 875123299 +833 50 2 875035718 +833 53 1 875224039 +833 55 3 875038807 +833 56 4 875122716 +833 58 2 875124495 +833 64 3 875039204 +833 67 3 875134891 +833 68 4 875224515 +833 69 2 875039326 +833 72 2 875134724 +833 76 2 875124382 +833 79 3 875039254 +833 89 5 875124495 +833 92 2 875135363 +833 93 4 875036056 +833 96 5 875132134 +833 98 3 875123359 +833 100 4 875036169 +833 106 2 879818799 +833 108 2 875036102 +833 111 2 875134110 +833 118 2 875038483 +833 122 2 875135058 +833 134 5 875038987 +833 135 4 875123677 +833 144 4 887158945 +833 150 3 875036213 +833 151 4 875036418 +833 152 2 875134063 +833 153 3 875038709 +833 159 2 879818659 +833 163 3 875122814 +833 164 2 879818575 +833 168 5 875038775 +833 172 2 875224482 +833 174 2 875038529 +833 175 4 875124535 +833 176 2 875038850 +833 177 5 875123299 +833 179 5 875124181 +833 180 5 875123677 +833 181 2 875036321 +833 182 5 875039254 +833 183 5 875123026 +833 184 3 875039039 +833 185 5 875039416 +833 186 1 875133458 +833 188 4 875124495 +833 192 5 875038529 +833 194 3 875133840 +833 195 5 875038529 +833 197 3 875123427 +833 198 4 875123677 +833 200 4 875131847 +833 201 4 875134150 +833 202 4 875133924 +833 203 5 875124299 +833 206 4 875038671 +833 209 5 875124604 +833 211 3 875124495 +833 217 2 875224252 +833 218 4 875124495 +833 219 4 875224309 +833 223 4 875038888 +833 226 3 887158946 +833 227 2 879818619 +833 230 1 875223923 +833 233 2 875223756 +833 234 3 875122884 +833 235 4 875036418 +833 238 2 875124225 +833 240 4 875035624 +833 249 1 875133458 +833 250 3 875036499 +833 262 2 875035534 +833 264 2 878077967 +833 267 1 875655669 +833 271 5 879818341 +833 273 3 875035954 +833 284 1 885328485 +833 288 2 875035487 +833 289 1 875035487 +833 291 3 879818619 +833 293 4 875035885 +833 298 5 875036383 +833 302 3 884828670 +833 320 4 875124647 +833 324 3 875035487 +833 325 4 875035885 +833 328 2 875035534 +833 336 2 878078056 +833 344 4 888536031 +833 346 5 884828744 +833 347 3 887158791 +833 357 4 875038709 +833 378 3 875124648 +833 381 4 875134016 +833 384 3 875134724 +833 385 3 875039204 +833 396 3 875134063 +833 401 2 875135113 +833 403 1 875133458 +833 405 3 875038395 +833 410 3 878078390 +833 427 3 878078390 +833 428 2 875134110 +833 429 3 875123506 +833 430 4 875133840 +833 431 2 875223813 +833 432 4 875132134 +833 433 3 875124181 +833 434 3 875038888 +833 435 2 878078229 +833 436 2 875224252 +833 443 3 875124348 +833 444 3 875224352 +833 445 4 875123299 +833 447 5 875224309 +833 448 3 875124495 +833 451 1 875134016 +833 452 1 875224178 +833 455 3 875297104 +833 460 2 875036827 +833 467 2 875038626 +833 474 5 875122675 +833 475 3 875035718 +833 479 2 875039101 +833 488 5 878078229 +833 504 4 875038671 +833 506 2 875132079 +833 508 5 875035953 +833 511 4 875038742 +833 512 4 875225257 +833 515 3 875035660 +833 517 2 875133633 +833 518 3 875039100 +833 521 4 875124495 +833 522 2 875039039 +833 523 3 875133840 +833 526 4 875224515 +833 540 1 875224687 +833 550 2 887158946 +833 552 3 875223976 +833 558 4 875039204 +833 573 1 875223976 +833 576 3 875224603 +833 577 1 875135113 +833 578 1 875224603 +833 581 1 875223813 +833 589 5 875038807 +833 591 2 875036139 +833 597 1 875133458 +833 616 5 875124024 +833 628 4 875036102 +833 636 3 879818659 +833 640 3 875123986 +833 641 4 875038626 +833 642 3 875038626 +833 645 3 875039416 +833 646 5 875123427 +833 647 4 875123427 +833 649 3 875224178 +833 654 5 875039558 +833 655 2 875131810 +833 656 4 875123536 +833 657 4 875123986 +833 663 3 875134317 +833 664 3 875124225 +833 665 3 875224309 +833 667 1 875224381 +833 670 1 875124428 +833 671 5 875039204 +833 675 4 875224252 +833 679 3 875224482 +833 684 3 875123195 +833 696 3 875036912 +833 715 2 875133633 +833 730 4 875038888 +833 742 3 875036468 +833 745 4 875134063 +833 761 2 879818719 +833 802 1 887158946 +833 806 4 875122675 +833 819 1 875133458 +833 824 1 875134843 +833 826 2 875297292 +833 840 2 875297195 +833 860 2 875124604 +833 861 3 875224309 +833 919 2 875124348 +833 923 5 875039153 +833 931 4 879818760 +833 933 4 875035914 +833 940 2 875134411 +833 943 4 875124382 +833 977 2 879818799 +833 980 3 875035800 +833 1006 1 875039153 +833 1012 4 875036418 +833 1016 1 875133458 +833 1017 4 875036017 +833 1019 5 875039039 +833 1029 1 875134940 +833 1070 5 875038987 +833 1071 3 875134150 +833 1118 3 875133924 +833 1143 4 887158946 +833 1149 4 875123677 +833 1154 4 875039101 +833 1181 1 875133458 +833 1187 5 875035850 +833 1210 1 879818799 +833 1231 4 875132237 +833 1274 1 878078280 +833 1335 2 875038433 +833 1353 3 875035885 +833 1386 4 875035660 +833 1427 3 875131974 +833 1428 3 875123494 +833 1597 5 875225193 +833 1628 3 875225219 +834 7 4 890862974 +834 9 3 890862311 +834 13 2 890862648 +834 15 4 890863052 +834 25 3 890862468 +834 50 5 890862362 +834 117 4 890862386 +834 127 5 890862412 +834 148 4 890862563 +834 150 5 890862564 +834 151 4 890862974 +834 181 5 890862526 +834 237 5 890862437 +834 245 4 890860416 +834 246 4 890863023 +834 255 3 890862940 +834 268 3 890860194 +834 272 4 890860566 +834 276 5 890862468 +834 284 4 890862468 +834 286 4 890860566 +834 287 2 890862974 +834 288 5 890860566 +834 292 5 890860566 +834 294 3 890860159 +834 298 4 890862648 +834 300 3 890860334 +834 307 4 890860566 +834 313 5 890860566 +834 315 5 890860687 +834 316 5 890860566 +834 323 2 890860471 +834 326 4 890860386 +834 333 5 890860566 +834 342 2 890860334 +834 343 4 890860416 +834 346 3 890860194 +834 347 4 890860007 +834 405 4 890862563 +834 475 5 890862311 +834 515 5 890862231 +834 544 4 890862563 +834 628 5 890862648 +834 751 3 890860298 +834 886 4 890860566 +834 1017 2 890862563 +835 15 5 891032930 +835 23 4 891035310 +835 25 5 891032764 +835 28 4 891034052 +835 69 5 891034366 +835 97 5 891033501 +835 98 5 891034401 +835 127 4 891032536 +835 132 5 891033232 +835 133 5 891033718 +835 134 3 891033927 +835 135 5 891033560 +835 160 3 891034219 +835 162 5 891033420 +835 174 5 891033623 +835 176 4 891035309 +835 179 5 891033819 +835 180 5 891033675 +835 183 4 891034023 +835 185 4 891033957 +835 186 4 891034285 +835 187 4 891033078 +835 191 4 891033276 +835 194 4 891034143 +835 196 5 891033173 +835 197 5 891033889 +835 200 4 891033927 +835 204 3 891033380 +835 205 3 891034084 +835 210 5 891033303 +835 215 4 891033199 +835 225 2 891032898 +835 234 5 891033857 +835 237 4 891035310 +835 239 5 891034084 +835 257 3 891032738 +835 272 4 891035309 +835 281 4 891032718 +835 285 4 891032792 +835 286 3 891032224 +835 287 4 891035309 +835 288 2 891032224 +835 294 3 891032356 +835 310 4 891035309 +835 313 5 891032224 +835 318 5 891033718 +835 354 3 891032224 +835 357 5 891033232 +835 371 5 891034366 +835 378 4 891035309 +835 405 3 891032793 +835 421 4 891034023 +835 423 4 891033857 +835 427 4 891033380 +835 458 4 891032869 +835 465 3 891033957 +835 484 4 891034219 +835 485 5 891033525 +835 486 4 891034084 +835 488 5 891034117 +835 499 5 891033675 +835 504 5 891033772 +835 505 3 891033857 +835 509 4 891035309 +835 514 3 891033986 +835 523 3 891033560 +835 526 3 891033927 +835 527 4 891033048 +835 543 5 891033232 +835 588 3 891033857 +835 591 4 891032579 +835 606 5 891033200 +835 612 4 891033927 +835 616 4 891033718 +835 632 5 891033747 +835 633 5 891033889 +835 650 5 891033957 +835 673 4 891034117 +835 685 4 891032627 +835 735 5 891033349 +835 928 3 891032899 +835 988 3 891032391 +835 1045 4 891034023 +835 1063 4 891034285 +835 1278 5 891032653 +835 1673 3 891034023 +836 42 3 885754266 +836 56 4 885754096 +836 89 4 885754029 +836 134 3 885754096 +836 163 5 885754058 +836 170 5 885754200 +836 174 5 885754266 +836 185 5 885754118 +836 187 5 885754200 +836 192 5 885754118 +836 210 4 885754058 +836 216 4 885753979 +836 238 4 885754200 +836 258 4 885753475 +836 260 2 885753691 +836 269 5 885753475 +836 286 3 885753435 +836 288 1 885753475 +836 289 1 885753691 +836 292 5 885753475 +836 302 5 885753506 +836 318 5 885754172 +836 322 2 885753639 +836 324 4 885753595 +836 327 3 885753639 +836 357 5 885754173 +836 419 2 885753979 +836 429 4 885754200 +836 496 4 885754231 +836 523 5 885754150 +836 531 4 885754150 +836 603 5 885754029 +836 611 5 885754096 +836 654 5 885754150 +836 657 5 885754096 +836 659 5 885754096 +836 663 5 885754266 +836 690 3 885753435 +836 750 3 885753475 +836 793 2 885754029 +836 875 1 885753752 +836 900 2 885753475 +836 1065 4 885754231 +837 9 3 875721889 +837 13 4 875721843 +837 15 3 875721869 +837 16 2 875721793 +837 20 4 875721919 +837 25 3 875722169 +837 111 4 875722050 +837 125 5 875722032 +837 151 5 875721734 +837 181 3 875721869 +837 222 3 875721793 +837 237 3 875721793 +837 250 2 875722104 +837 258 4 875721473 +837 275 4 875721989 +837 276 1 875721843 +837 277 2 875722169 +837 278 3 875722246 +837 280 2 875722350 +837 283 5 875722069 +837 284 1 875722104 +837 285 4 875722187 +837 286 4 875721473 +837 289 5 875721539 +837 294 4 875721502 +837 328 4 875721604 +837 472 3 875722141 +837 717 1 875722393 +837 740 5 875722123 +837 762 2 875722318 +837 763 1 875722123 +837 926 1 875722371 +837 934 2 875722483 +837 950 2 875722169 +837 1009 5 875721765 +837 1047 1 875722267 +837 1049 1 875722298 +838 1 5 887064024 +838 7 5 887064072 +838 8 4 887066972 +838 9 4 887063696 +838 12 4 887067063 +838 22 4 887065878 +838 24 4 887064231 +838 28 4 887065709 +838 45 4 887066644 +838 50 5 887063657 +838 56 5 887066782 +838 60 4 887067575 +838 69 4 887067609 +838 70 4 887066207 +838 71 3 887066782 +838 82 4 887066783 +838 83 5 887065807 +838 87 4 887065750 +838 93 3 887063937 +838 96 4 887065781 +838 100 4 887063994 +838 111 4 887064357 +838 114 4 887065822 +838 121 2 887064248 +838 124 4 887063696 +838 127 5 887063657 +838 128 4 887066724 +838 134 3 887066304 +838 143 5 887067631 +838 153 4 887066783 +838 168 5 887066678 +838 172 5 887066143 +838 174 4 887066078 +838 175 3 887066186 +838 179 5 887067340 +838 187 3 887067019 +838 190 4 887066988 +838 191 5 887065709 +838 204 4 887066040 +838 206 4 887067020 +838 210 4 887067359 +838 222 4 887064356 +838 228 4 887067390 +838 235 2 887064515 +838 238 4 887067359 +838 249 4 887064315 +838 254 3 887065606 +838 255 4 887063937 +838 257 5 887064014 +838 258 5 887060659 +838 271 4 887060972 +838 274 4 887064388 +838 275 5 887064193 +838 276 4 887064825 +838 283 5 887063994 +838 286 4 887061035 +838 289 5 887061035 +838 300 2 887060778 +838 302 4 887060659 +838 313 5 887060659 +838 354 4 892153360 +838 385 4 887067127 +838 405 4 887064589 +838 408 4 887066040 +838 419 5 887066989 +838 455 4 887064275 +838 487 4 887067126 +838 494 4 887066644 +838 568 4 887067309 +838 584 4 887066143 +838 705 5 887065750 +838 713 4 887064193 +838 718 5 887064051 +838 750 4 887060879 +838 919 5 887064316 +838 945 4 887065917 +838 993 3 887064231 +838 1005 4 887066678 +838 1039 5 887065782 +839 1 4 875751723 +839 7 2 875751992 +839 50 5 875751930 +839 93 4 875752056 +839 100 3 875751991 +839 106 2 875752317 +839 111 4 875752237 +839 117 5 875752169 +839 118 2 875752317 +839 121 3 875752237 +839 127 5 875751723 +839 129 4 875751893 +839 130 3 875753029 +839 181 3 875751991 +839 220 3 875753029 +839 235 4 875752433 +839 255 3 875752138 +839 258 4 875751411 +839 264 3 875751559 +839 277 2 875752082 +839 285 5 875752138 +839 286 4 875751411 +839 292 3 875751559 +839 319 1 875751411 +839 321 1 875751470 +839 323 4 875751559 +839 326 4 875751519 +839 333 4 875751442 +839 410 1 875752274 +839 455 4 875752107 +839 458 5 875751893 +839 508 3 875752479 +839 532 3 875752560 +839 696 2 875752479 +839 713 2 875751774 +839 742 3 875752200 +839 813 4 875752082 +839 845 4 875752237 +839 846 2 875753052 +839 864 3 875751958 +839 866 2 875752687 +839 950 4 875752408 +839 1009 3 875752560 +839 1048 1 875752990 +839 1085 5 875752877 +839 1245 4 875752408 +839 1381 3 875752456 +840 7 4 891203408 +840 8 5 891208958 +840 11 3 891204921 +840 14 5 891203250 +840 22 3 891204265 +840 23 5 891204827 +840 45 4 891205222 +840 48 3 891204418 +840 50 4 891203366 +840 52 3 891205320 +840 56 5 891204239 +840 64 4 891204664 +840 66 3 891209509 +840 69 4 891204535 +840 70 3 891208919 +840 71 3 891209572 +840 79 4 891204135 +840 81 4 891204948 +840 82 3 891209183 +840 83 5 891204215 +840 88 4 891209241 +840 89 5 891204418 +840 91 5 891208998 +840 96 2 891204592 +840 97 3 891205041 +840 99 5 891204509 +840 100 5 891203166 +840 117 3 891209408 +840 118 3 891204056 +840 121 2 891204056 +840 127 4 891203366 +840 132 4 891204356 +840 134 3 891204160 +840 137 5 891203309 +840 143 4 891209490 +840 144 3 891209104 +840 153 3 891204627 +840 154 3 891204564 +840 157 4 891208998 +840 163 4 891204295 +840 165 5 891204239 +840 168 5 891204868 +840 169 5 891204215 +840 170 4 891204713 +840 172 3 891204627 +840 173 5 891204356 +840 174 4 891204114 +840 175 4 891205004 +840 176 3 891204755 +840 179 5 891205069 +840 180 5 891205143 +840 181 3 891204056 +840 182 4 891204798 +840 183 5 891204664 +840 185 5 891204356 +840 186 4 891204827 +840 187 3 891205222 +840 190 5 891211236 +840 191 4 891204160 +840 194 3 891204264 +840 195 5 891204847 +840 196 4 891205070 +840 197 5 891204509 +840 198 3 891204356 +840 199 4 891209183 +840 202 5 891204322 +840 203 5 891204627 +840 204 4 891205245 +840 208 4 891204295 +840 209 4 891204418 +840 210 3 891204592 +840 212 4 891209159 +840 213 4 891205199 +840 215 4 891209285 +840 216 4 891205123 +840 221 4 891203309 +840 238 5 891204239 +840 257 3 891204056 +840 272 4 891202756 +840 285 4 891203203 +840 297 5 891203334 +840 300 3 891204056 +840 303 5 891202889 +840 357 5 891204114 +840 367 4 891205287 +840 405 4 891203585 +840 414 4 891204535 +840 419 5 891208897 +840 429 3 891204827 +840 430 5 891204418 +840 432 5 891209342 +840 435 4 891204114 +840 443 5 891209490 +840 462 3 891205287 +840 463 5 891205287 +840 473 5 891203408 +840 474 5 891204089 +840 480 5 891208647 +840 483 5 891208703 +840 484 5 891204295 +840 489 3 891204385 +840 492 5 891204215 +840 493 5 891208958 +840 495 3 891209322 +840 496 5 891204089 +840 497 4 891209571 +840 499 4 891209241 +840 501 4 891209159 +840 503 4 891209322 +840 504 3 891208647 +840 505 5 891204714 +840 506 5 891204385 +840 507 4 891208667 +840 509 3 891204564 +840 511 4 891204089 +840 512 5 891205371 +840 513 5 891204295 +840 514 5 891205093 +840 515 5 891203280 +840 516 5 891205245 +840 519 5 891204356 +840 520 5 891204089 +840 521 5 891205069 +840 525 5 891204535 +840 526 4 891204971 +840 528 5 891209260 +840 529 4 891204891 +840 531 5 891204089 +840 566 5 891209285 +840 580 3 891211972 +840 582 5 891204265 +840 588 4 891205321 +840 603 5 891204564 +840 606 4 891205004 +840 607 4 891204627 +840 609 4 891204627 +840 611 4 891204509 +840 615 5 891204356 +840 616 5 891209364 +840 628 4 891209285 +840 631 4 891205004 +840 632 3 891204296 +840 637 3 891205199 +840 638 3 891204239 +840 639 4 891204564 +840 640 3 891209242 +840 642 4 891204664 +840 644 4 891204592 +840 645 3 891204714 +840 650 4 891209364 +840 653 5 891209389 +840 654 4 891204160 +840 655 5 891205245 +840 656 4 891205041 +840 657 5 891205287 +840 659 5 891204827 +840 661 5 891204441 +840 664 3 891204474 +840 671 3 891204891 +840 675 4 891205093 +840 705 4 891204713 +840 707 5 891204114 +840 708 4 891209033 +840 747 4 891209490 +840 750 4 891202784 +840 756 4 891203664 +840 855 4 891205093 +840 884 5 891203087 +840 936 4 891203504 +840 945 3 891204509 +840 949 4 891211530 +840 971 4 891209449 +840 1018 3 891211664 +840 1214 1 891211729 +840 1451 5 891205123 +840 1639 4 891211447 +840 1674 4 891211682 +841 258 5 889067076 +841 271 4 889067216 +841 272 4 889066780 +841 286 5 889066959 +841 300 4 889066780 +841 302 5 889066959 +841 306 4 889066824 +841 307 5 889067152 +841 313 5 889066779 +841 315 4 889066780 +841 316 4 889067313 +841 322 4 889067152 +841 323 3 889066880 +841 325 3 889067216 +841 326 4 889067216 +841 333 4 889066780 +841 344 3 889066880 +841 353 1 889067253 +841 358 1 889067348 +841 678 4 889067313 +841 689 5 889067253 +841 751 3 889066880 +841 754 4 889067045 +841 873 4 889067121 +841 888 5 889067432 +841 1294 5 889067507 +842 258 3 891217835 +842 268 5 891218059 +842 269 5 891217834 +842 270 5 891218251 +842 272 4 891217834 +842 288 3 891218192 +842 302 5 891217834 +842 303 5 891218002 +842 306 4 891217942 +842 313 4 891217891 +842 315 3 891217834 +842 324 4 891218060 +842 328 2 891218192 +842 333 4 891218107 +842 340 5 891218192 +842 344 1 891217835 +842 349 3 891218459 +842 749 4 891218060 +842 751 4 891218192 +842 752 4 891218353 +842 754 1 891218251 +842 874 5 891218060 +842 886 4 891218459 +842 902 5 891218459 +842 1105 2 891218353 +842 1395 4 891218060 +843 1 3 879446186 +843 7 5 879443297 +843 21 2 879448392 +843 23 2 879446696 +843 25 2 879447523 +843 28 3 879446977 +843 50 3 879444670 +843 52 2 879447110 +843 53 2 879443442 +843 56 3 879443174 +843 62 4 879444891 +843 69 3 879446476 +843 71 2 879449256 +843 74 2 879448830 +843 77 2 879443975 +843 79 2 879445658 +843 82 3 879444801 +843 83 3 879446948 +843 89 5 879444670 +843 91 3 879446155 +843 95 2 879446716 +843 96 3 879444711 +843 97 3 879447377 +843 99 2 879448751 +843 101 3 879447424 +843 102 2 879449177 +843 121 3 879444047 +843 127 2 879445059 +843 132 3 879446186 +843 133 3 879448431 +843 135 5 879449177 +843 141 4 879447327 +843 142 2 879448604 +843 143 2 879447757 +843 144 3 879444711 +843 153 3 879446281 +843 154 3 879446281 +843 157 2 879448199 +843 158 2 879449336 +843 161 2 879444891 +843 162 2 879447625 +843 164 3 879443297 +843 168 3 879446255 +843 170 1 879446863 +843 172 3 879444711 +843 173 2 879446215 +843 174 4 879444670 +843 175 4 879446911 +843 176 4 879447837 +843 177 3 879444767 +843 179 4 879446774 +843 180 3 879447234 +843 181 3 879444670 +843 182 2 879444739 +843 185 3 879443341 +843 188 2 879444767 +843 191 3 879446755 +843 193 3 879446863 +843 194 2 879445590 +843 196 2 879446806 +843 197 2 879446638 +843 199 3 879446503 +843 200 3 879447801 +843 204 3 879448073 +843 206 3 879448112 +843 208 3 879446716 +843 209 3 879446806 +843 210 3 879444670 +843 211 2 879446255 +843 214 3 879447453 +843 215 2 879447214 +843 216 2 879446806 +843 217 4 879443341 +843 218 2 879443297 +843 219 2 879443394 +843 222 3 879443837 +843 225 2 879449256 +843 226 3 879443865 +843 228 4 879443763 +843 229 3 879443908 +843 230 3 879443763 +843 234 4 879443297 +843 239 3 879447670 +843 250 4 879445087 +843 252 3 879445114 +843 258 4 879442947 +843 270 4 879442947 +843 271 5 879442947 +843 275 3 879446680 +843 288 4 879443544 +843 300 3 879442947 +843 357 2 879446502 +843 378 2 879448230 +843 379 2 879443394 +843 380 3 879448262 +843 385 3 879444801 +843 392 2 879447377 +843 393 2 879448858 +843 402 2 879447599 +843 419 2 879446617 +843 420 3 879448073 +843 422 2 879448431 +843 423 2 879448019 +843 427 2 879446281 +843 429 4 879446503 +843 431 3 879443763 +843 432 2 879447326 +843 434 4 879447146 +843 435 2 879446477 +843 436 2 879443394 +843 440 1 879443544 +843 441 2 879443544 +843 443 4 879443297 +843 446 3 879443442 +843 447 2 879443297 +843 450 2 879444083 +843 465 2 879449152 +843 473 2 879449193 +843 474 3 879445738 +843 482 2 879447007 +843 485 2 879447007 +843 495 3 879447170 +843 498 2 879446155 +843 501 2 879447578 +843 504 2 879446911 +843 511 3 879447837 +843 515 3 879444801 +843 521 2 879446359 +843 526 3 879447625 +843 527 3 879448138 +843 528 3 879447030 +843 530 3 879444670 +843 542 2 879448392 +843 550 3 879449152 +843 551 3 879443544 +843 561 4 879443482 +843 563 2 879443545 +843 566 3 879444766 +843 569 1 879443482 +843 578 3 879448604 +843 581 3 879443951 +843 582 2 879445658 +843 588 2 879447579 +843 590 3 879443544 +843 596 3 879448486 +843 603 2 879446596 +843 616 3 879449256 +843 625 2 879448542 +843 627 2 879447718 +843 628 2 879443951 +843 632 2 879447146 +843 633 3 879447285 +843 637 2 879443297 +843 650 3 879447801 +843 651 2 879447837 +843 654 2 879446359 +843 655 3 879447030 +843 657 3 879443668 +843 660 2 879447484 +843 661 3 879447077 +843 667 2 879443597 +843 671 3 879446889 +843 672 3 879443297 +843 674 2 879443394 +843 675 5 879443174 +843 679 4 879444851 +843 690 5 879442947 +843 708 2 879448230 +843 739 2 879447523 +843 800 4 879443482 +843 831 4 879444977 +843 860 3 879443443 +843 959 2 879447523 +843 1039 3 879446215 +843 1065 3 879448751 +843 1118 2 879448112 +843 1135 3 879447377 +843 1157 3 879444114 +843 1411 3 879449377 +843 1480 2 879449377 +844 2 4 877387933 +844 7 3 877381784 +844 12 5 877388182 +844 13 3 877381708 +844 24 5 877388183 +844 45 4 877387548 +844 50 5 877388182 +844 55 4 877387769 +844 56 4 877386897 +844 69 5 877388182 +844 70 4 877386990 +844 82 3 877387857 +844 83 5 877388183 +844 89 3 877387857 +844 95 4 877388040 +844 97 3 877386855 +844 99 3 877388040 +844 100 4 877381607 +844 109 2 877381850 +844 117 4 877381450 +844 121 3 877382055 +844 125 3 877382269 +844 144 3 877387825 +844 151 4 877381674 +844 154 3 877387052 +844 161 3 877387857 +844 168 4 877386990 +844 172 4 877387768 +844 173 5 877388182 +844 174 4 877387768 +844 175 3 877386897 +844 176 3 877387933 +844 181 5 877388183 +844 184 3 877387769 +844 207 4 877387392 +844 210 4 877386928 +844 216 5 877388183 +844 222 3 877381629 +844 228 3 877387858 +844 241 4 877387150 +844 251 4 877381484 +844 255 3 877382008 +844 257 4 877381784 +844 258 4 877381147 +844 260 1 877381312 +844 294 2 877381206 +844 300 3 877381268 +844 318 4 877382762 +844 326 3 877381268 +844 405 2 877382189 +844 418 3 877388040 +844 421 4 877387219 +844 431 4 877387825 +844 432 5 877388183 +844 471 3 877381736 +844 511 3 877387825 +844 549 3 877387280 +844 553 4 877387242 +844 568 4 877387964 +844 588 4 877388040 +844 597 3 877382339 +844 625 3 877388040 +844 684 3 877387933 +844 690 3 877381230 +844 778 4 877387195 +844 864 3 877381873 +844 919 3 877381534 +844 921 5 877388183 +844 930 2 877382574 +844 946 3 877388107 +844 1039 4 877382717 +844 1099 2 877387391 +844 1474 4 877387195 +845 242 4 885409493 +845 268 3 885409374 +845 269 4 885409493 +845 272 3 885409374 +845 286 5 885409719 +845 302 3 885409374 +845 303 1 885409374 +845 306 2 885409374 +845 308 4 885409493 +845 310 4 885409493 +845 313 4 885409374 +845 340 1 885409719 +845 346 3 885409493 +845 690 5 885409719 +845 751 2 885409719 +845 896 3 885409374 +845 900 3 885409719 +845 904 3 885409374 +845 909 4 885409789 +845 1022 2 885409493 +845 1234 4 885409719 +845 1238 2 885409374 +845 1394 4 885409719 +845 1399 3 885409493 +845 1434 4 885409719 +845 1463 1 885409374 +845 1592 3 885409493 +846 2 5 883948949 +846 4 5 883948908 +846 8 4 883947861 +846 11 5 883948343 +846 12 5 883947777 +846 22 4 883948222 +846 23 4 883948089 +846 26 4 883949335 +846 28 5 883948685 +846 29 2 883949508 +846 31 4 883948571 +846 33 5 883948571 +846 39 3 883948873 +846 40 2 883950253 +846 41 3 883950859 +846 42 5 883948606 +846 44 1 883947737 +846 46 4 883949199 +846 47 5 883948803 +846 48 5 883949046 +846 50 5 883948003 +846 51 4 883949121 +846 52 4 883949290 +846 53 3 883950820 +846 54 3 883949459 +846 55 5 883948642 +846 56 5 883948003 +846 58 4 883949200 +846 59 4 883948457 +846 61 3 883947911 +846 63 3 883950220 +846 64 4 883948221 +846 65 3 883949254 +846 66 4 883949290 +846 67 4 883950252 +846 68 3 883948765 +846 69 5 883947500 +846 70 4 883949156 +846 71 4 883948141 +846 72 4 883950129 +846 73 4 883949728 +846 76 4 883949200 +846 79 4 883947630 +846 80 4 883949594 +846 82 2 883948089 +846 83 4 883947911 +846 86 5 883949290 +846 87 4 883948417 +846 88 4 883948948 +846 89 5 883948003 +846 91 4 883948417 +846 92 4 883948495 +846 95 3 883947778 +846 96 4 883947694 +846 97 4 883949255 +846 98 4 883947819 +846 99 4 883948989 +846 101 4 883949336 +846 102 2 883950286 +846 110 3 883950568 +846 127 5 883947911 +846 131 3 883948457 +846 132 5 883948840 +846 133 4 883948534 +846 134 4 883947630 +846 135 4 883947694 +846 139 2 883949508 +846 140 4 883950634 +846 141 4 883948948 +846 142 3 883950053 +846 143 5 883948804 +846 161 4 883948534 +846 168 5 883947737 +846 172 4 883949834 +846 173 4 883947819 +846 174 5 883947737 +846 175 5 883948048 +846 176 4 883947694 +846 177 3 883947737 +846 178 4 883947630 +846 179 5 883948571 +846 180 5 883947630 +846 181 5 883947694 +846 182 5 883948089 +846 183 4 883948048 +846 184 5 883949697 +846 185 5 883948534 +846 186 5 883948949 +846 187 4 883947911 +846 188 3 883948642 +846 190 5 883947694 +846 191 5 883948048 +846 192 5 883949254 +846 194 4 883947630 +846 195 4 883948141 +846 196 4 883949290 +846 197 4 883948417 +846 198 5 883948457 +846 199 5 883947911 +846 200 4 883948685 +846 202 5 883949594 +846 203 5 883948606 +846 204 3 883948141 +846 208 5 883949547 +846 209 4 883948377 +846 210 5 883947500 +846 211 2 883948089 +846 212 5 883948804 +846 213 3 883948534 +846 215 5 883949156 +846 216 4 883948571 +846 217 4 883950022 +846 218 4 883948089 +846 219 4 883948607 +846 226 4 883948495 +846 227 4 883949698 +846 228 5 883947737 +846 229 3 883949771 +846 230 3 883948720 +846 231 2 883950711 +846 232 3 883949290 +846 233 5 883949547 +846 234 5 883948495 +846 238 5 883948377 +846 239 4 883947694 +846 241 4 883947911 +846 265 5 883947630 +846 268 4 883946938 +846 269 5 883946315 +846 270 3 883946284 +846 271 5 883946611 +846 288 4 883946837 +846 289 4 883946548 +846 294 3 883946477 +846 302 5 883946861 +846 317 3 883947778 +846 318 5 883947777 +846 357 4 883947960 +846 365 2 883950434 +846 367 4 883949121 +846 373 3 883950391 +846 376 2 883950665 +846 378 4 883948989 +846 380 3 883949380 +846 381 4 883950311 +846 385 5 883949156 +846 386 3 883950154 +846 387 3 883950634 +846 388 3 883950950 +846 391 3 883950605 +846 392 2 883950185 +846 393 3 883949547 +846 396 5 883949508 +846 398 1 883950753 +846 400 1 883950889 +846 401 5 883949643 +846 404 4 883949046 +846 414 4 883949771 +846 415 2 883950605 +846 417 4 883950129 +846 419 5 883948949 +846 421 4 883948173 +846 425 5 883949156 +846 426 1 883949046 +846 427 4 883948948 +846 428 3 883948377 +846 429 2 883947819 +846 430 3 883947778 +846 431 5 883947590 +846 432 3 883948457 +846 433 4 883948457 +846 435 5 883948222 +846 436 4 883950286 +846 441 4 883950252 +846 448 5 883949547 +846 449 3 883950950 +846 451 4 883949379 +846 452 3 883950950 +846 463 5 883948222 +846 464 2 883947778 +846 468 4 883948949 +846 469 2 883949290 +846 470 5 883949200 +846 474 5 883947960 +846 478 4 883947819 +846 479 4 883947694 +846 480 5 883947861 +846 482 5 883948173 +846 484 5 883948048 +846 485 5 883947590 +846 486 5 883948948 +846 487 4 883948685 +846 488 5 883948343 +846 489 4 883948606 +846 490 4 883947862 +846 491 3 883947960 +846 492 3 883947737 +846 493 5 883947590 +846 494 5 883947590 +846 495 4 883948840 +846 496 3 883947630 +846 497 5 883948685 +846 498 4 883947861 +846 499 4 883948840 +846 504 5 883948221 +846 505 5 883948343 +846 506 3 883948908 +846 507 3 883947861 +846 509 4 883948765 +846 510 4 883948003 +846 511 5 883947911 +846 513 5 883947589 +846 514 3 883947590 +846 515 5 883948457 +846 516 4 883948457 +846 518 4 883948571 +846 520 5 883947960 +846 521 3 883948141 +846 523 4 883948048 +846 524 3 883947819 +846 525 4 883947819 +846 526 4 883947960 +846 527 5 883947500 +846 528 5 883948417 +846 530 5 883948606 +846 540 2 883950711 +846 542 3 883950712 +846 549 4 883949421 +846 550 4 883949156 +846 552 4 883950634 +846 554 4 883949728 +846 558 4 883948221 +846 559 5 883949200 +846 560 1 883950889 +846 561 3 883950753 +846 562 5 883950463 +846 565 2 883950712 +846 568 4 883948571 +846 569 3 883949728 +846 570 4 883949698 +846 575 2 883950569 +846 576 4 883950186 +846 578 3 883949200 +846 580 5 883949335 +846 581 4 883950129 +846 586 2 883950712 +846 588 4 883949380 +846 602 4 883949255 +846 604 4 883947777 +846 606 4 883948685 +846 608 4 883948377 +846 609 5 883949199 +846 610 4 883948221 +846 612 5 883949421 +846 614 5 883948765 +846 615 5 883948003 +846 616 3 883950753 +846 622 4 883950220 +846 623 1 883950889 +846 630 3 883948642 +846 633 3 883948534 +846 638 4 883947694 +846 640 1 883948642 +846 642 5 883950220 +846 650 5 883948534 +846 654 5 883948089 +846 655 3 883948804 +846 657 5 883947590 +846 659 5 883948908 +846 660 3 883948765 +846 661 4 883948840 +846 662 3 883948765 +846 663 4 883948873 +846 665 4 883950434 +846 673 4 883949422 +846 675 2 883949379 +846 679 3 883948989 +846 684 5 883948141 +846 692 3 883949594 +846 693 5 883949335 +846 697 5 883949254 +846 699 3 883947960 +846 700 2 883950605 +846 702 4 883949380 +846 705 3 883948141 +846 708 3 883948685 +846 715 4 883949380 +846 716 3 883949508 +846 719 2 883949643 +846 720 4 883949643 +846 721 4 883948719 +846 723 2 883948949 +846 727 4 883948873 +846 728 4 883949422 +846 729 4 883950053 +846 731 3 883949594 +846 732 4 883948840 +846 735 2 883948141 +846 737 4 883949771 +846 738 4 883950364 +846 739 4 883949459 +846 746 3 883949254 +846 747 3 883948417 +846 748 3 883946477 +846 751 5 883946938 +846 755 3 883950311 +846 768 4 883949508 +846 770 5 883948606 +846 772 4 883949421 +846 778 4 883948804 +846 780 4 883949380 +846 785 4 883950364 +846 786 4 883949771 +846 787 4 883949335 +846 789 4 883948417 +846 792 4 883948221 +846 794 5 883948495 +846 802 2 883949508 +846 806 3 883948343 +846 810 3 883950434 +846 836 5 883950186 +846 837 5 883948495 +846 849 3 883950129 +846 941 2 883949379 +846 942 4 883948765 +846 944 2 883949547 +846 949 2 883949643 +846 955 3 883948720 +846 967 3 883950791 +846 1004 3 883950791 +846 1018 4 883949421 +846 1029 1 883950859 +846 1035 4 883949771 +846 1041 4 883950791 +846 1044 4 883950820 +846 1045 3 883950364 +846 1050 4 883949046 +846 1066 3 883950568 +846 1069 4 883948221 +846 1078 2 883949982 +846 1101 3 883948685 +846 1107 4 883950128 +846 1109 3 883948908 +846 1118 5 883948495 +846 1124 4 883948048 +846 1133 2 883950711 +846 1148 3 883950220 +846 1168 4 883950569 +846 1178 2 883950524 +846 1179 2 883949121 +846 1182 2 883950488 +846 1188 2 883950524 +846 1206 3 883948989 +846 1209 1 883950858 +846 1210 2 883950791 +846 1218 4 883950434 +846 1220 2 883950434 +846 1221 3 883950220 +846 1239 2 883950634 +846 1248 4 883949254 +846 1249 3 883949771 +846 1267 3 883949728 +846 1297 3 883950665 +846 1311 2 883950712 +846 1439 2 883950463 +846 1451 4 883948089 +846 1473 5 883949335 +846 1478 4 883950523 +846 1479 3 883948720 +846 1530 2 883949335 +846 1540 3 883949121 +847 1 3 878775523 +847 7 3 878775647 +847 8 4 878941082 +847 11 3 878939876 +847 13 3 878938897 +847 25 3 878775796 +847 39 2 878940531 +847 47 2 878939700 +847 50 4 878774969 +847 56 1 878939975 +847 66 3 878941398 +847 70 3 878940584 +847 71 4 878940653 +847 77 4 878941421 +847 79 4 878941588 +847 82 4 878941466 +847 88 2 878941168 +847 89 2 878940332 +847 93 1 878775570 +847 95 4 878939503 +847 96 4 878940301 +847 98 4 878940067 +847 99 2 878940013 +847 104 3 878939266 +847 108 2 878939266 +847 109 5 878938982 +847 117 2 878775570 +847 118 3 878775982 +847 120 1 878939349 +847 121 3 878775523 +847 125 3 878774969 +847 133 3 878941027 +847 135 4 878941144 +847 141 3 878941144 +847 142 3 878941168 +847 144 4 878940189 +847 151 4 878775914 +847 153 4 878941496 +847 157 1 878940463 +847 161 2 878940830 +847 164 3 878941056 +847 168 4 878939912 +847 172 4 878939803 +847 173 5 878940332 +847 174 4 878941168 +847 176 3 878941398 +847 180 2 878939945 +847 181 4 878775821 +847 183 4 878940332 +847 191 4 878940652 +847 195 4 878940301 +847 196 3 878939839 +847 198 4 878940161 +847 200 3 878940756 +847 202 4 878940255 +847 204 4 878939912 +847 210 3 878940584 +847 211 4 878940383 +847 216 3 878940356 +847 218 3 878940254 +847 219 4 878940618 +847 220 4 878939327 +847 222 5 878775470 +847 225 1 878775647 +847 228 4 878940383 +847 234 2 878939645 +847 235 1 878776020 +847 239 5 878940688 +847 240 1 878939309 +847 243 1 878774856 +847 257 3 878775863 +847 258 5 878774722 +847 261 1 878774763 +847 262 5 878774788 +847 289 5 878774856 +847 301 5 878774832 +847 317 3 878940732 +847 367 3 878940189 +847 369 1 878939451 +847 372 5 878940189 +847 404 3 878940732 +847 410 1 878938855 +847 411 1 878939349 +847 417 2 878941588 +847 419 3 878941027 +847 426 2 878940485 +847 428 3 878940732 +847 444 3 878940782 +847 447 3 878940890 +847 448 4 878940013 +847 455 2 878775647 +847 456 1 878939393 +847 473 2 878938855 +847 474 4 878941562 +847 476 4 878775961 +847 479 3 878940405 +847 480 3 878940039 +847 482 2 878940584 +847 485 3 878941539 +847 496 4 878940954 +847 499 4 878940013 +847 501 3 878940463 +847 507 3 878940161 +847 527 2 878939536 +847 567 3 878940783 +847 568 4 878941442 +847 578 3 878940805 +847 596 3 878938982 +847 602 3 878940732 +847 603 3 878939876 +847 609 2 878940383 +847 645 3 878940132 +847 652 5 878941005 +847 658 3 878940855 +847 663 2 878940954 +847 685 2 878938922 +847 705 3 878939700 +847 716 3 878941370 +847 732 4 878940510 +847 735 4 878940890 +847 740 4 878938982 +847 742 3 878774969 +847 756 1 878776020 +847 820 1 878939375 +847 926 1 878938792 +847 928 3 878939375 +847 948 1 878774764 +847 1007 4 878775444 +847 1012 1 878775729 +847 1031 2 878941005 +847 1050 3 878940618 +847 1086 4 878775404 +847 1137 5 878775404 +847 1160 4 878939153 +847 1167 5 878939645 +847 1204 3 878940757 +847 1400 5 878940830 +848 23 2 887040025 +848 25 5 887046890 +848 42 2 887040097 +848 50 5 887038397 +848 65 2 887038527 +848 71 5 887046915 +848 72 5 887042341 +848 82 5 887039164 +848 88 4 887048260 +848 89 5 887040097 +848 95 5 887041354 +848 97 5 887043607 +848 99 3 887038397 +848 108 5 887040302 +848 109 4 887043421 +848 118 2 887047243 +848 121 4 887043266 +848 125 5 887040159 +848 127 3 887038159 +848 132 5 887038197 +848 133 4 887047308 +848 134 5 887043265 +848 135 4 887038022 +848 141 4 887040159 +848 151 4 887043180 +848 153 5 887039271 +848 154 5 887038634 +848 162 2 887048541 +848 163 5 887048073 +848 165 5 887038397 +848 166 5 887038159 +848 170 5 887039271 +848 172 5 887038022 +848 173 5 887038134 +848 174 5 887038104 +848 176 4 887037980 +848 179 5 887042377 +848 180 2 887038993 +848 181 5 887046674 +848 183 3 887038104 +848 185 3 887037861 +848 186 5 887039271 +848 191 5 887038564 +848 195 3 887040097 +848 196 5 887044238 +848 197 5 887038021 +848 199 5 887042341 +848 200 2 887040302 +848 202 5 887043040 +848 204 5 887039078 +848 209 5 887038397 +848 210 5 887039271 +848 214 5 887048573 +848 215 5 887046565 +848 216 5 887040159 +848 234 4 887037861 +848 238 4 887046329 +848 241 5 887047243 +848 265 4 887047808 +848 318 5 887038231 +848 357 5 887038104 +848 393 5 887047962 +848 403 4 887043266 +848 405 5 887046915 +848 419 5 887043421 +848 421 5 887043777 +848 423 4 887038197 +848 427 5 887039136 +848 428 5 887047809 +848 430 5 887041354 +848 431 5 887038528 +848 432 2 887038022 +848 433 3 887043180 +848 435 3 887042427 +848 443 5 887047921 +848 451 4 887042377 +848 462 5 887038634 +848 474 5 887038441 +848 476 3 887047674 +848 478 5 887039531 +848 479 5 887040302 +848 483 5 887038021 +848 484 5 887043040 +848 485 5 887042341 +848 489 5 887043821 +848 490 5 887043514 +848 495 2 887039018 +848 496 2 887037980 +848 498 5 887037935 +848 501 3 887048073 +848 504 3 887038397 +848 509 4 887046674 +848 511 4 887037822 +848 512 5 887040025 +848 514 5 887043777 +848 517 5 887043514 +848 519 5 887037980 +848 520 5 887039329 +848 523 5 887042341 +848 527 3 887038280 +848 528 3 887037980 +848 530 5 887043040 +848 566 4 887046823 +848 582 4 887046329 +848 588 3 887043514 +848 603 5 887047308 +848 606 4 887038441 +848 610 5 887046259 +848 633 3 887043040 +848 638 5 887038073 +848 640 1 887037935 +848 642 5 887039164 +848 647 5 887039329 +848 650 4 887037822 +848 654 5 887038104 +848 655 4 887040097 +848 661 3 887040302 +848 663 5 887046329 +848 679 3 887047674 +848 689 1 887037584 +848 708 4 887046619 +848 732 5 887048573 +848 739 5 887048260 +848 747 5 887043777 +848 755 5 887046674 +848 805 5 887048111 +848 812 2 887038475 +848 845 5 887046565 +848 855 5 887046915 +848 899 3 887037471 +848 945 5 887043821 +848 971 5 887043421 +848 973 5 887046619 +848 1021 5 887043777 +848 1063 5 887038197 +848 1065 2 887048154 +848 1101 5 887046533 +848 1118 5 887048573 +849 15 5 879695896 +849 27 5 879695469 +849 38 5 879695420 +849 118 5 879695153 +849 121 5 879695086 +849 133 5 879696059 +849 174 5 879695469 +849 197 5 879695782 +849 207 5 879695680 +849 234 5 879695469 +849 288 5 879695056 +849 298 5 879695086 +849 406 4 879695125 +849 421 5 879695588 +849 427 4 879695317 +849 568 4 879695317 +849 588 5 879695680 +849 625 5 879695420 +849 633 5 879695420 +849 676 5 879695896 +850 8 5 883195055 +850 15 5 883195256 +850 22 5 883195527 +850 28 5 883195214 +850 50 5 883195143 +850 69 5 883195456 +850 71 5 883195118 +850 79 5 883195192 +850 82 5 883194950 +850 88 5 883195479 +850 95 5 883195301 +850 96 4 883195236 +850 97 5 883195168 +850 98 1 883195192 +850 121 5 883195055 +850 132 5 883195236 +850 153 4 883194792 +850 162 3 883195301 +850 168 5 883195456 +850 172 5 883195301 +850 173 5 883195008 +850 174 5 883195419 +850 181 5 883195419 +850 196 3 883194792 +850 210 5 883195301 +850 228 5 883195394 +850 294 5 883194367 +850 300 5 883194367 +850 318 5 883194737 +850 385 5 883195099 +850 419 5 883195394 +850 435 4 883194859 +850 480 5 883194810 +850 485 5 883195168 +850 494 3 883195168 +850 496 5 883195079 +850 519 4 883195168 +850 568 5 883194768 +850 584 4 883195276 +850 648 5 883195527 +850 659 4 883194709 +850 663 2 883194768 +850 705 5 883195034 +850 742 5 883195214 +850 969 5 883194908 +851 4 5 875731489 +851 8 4 875731776 +851 9 4 875730379 +851 10 3 875730030 +851 12 4 875731370 +851 17 5 875807089 +851 22 5 875731330 +851 23 4 875806721 +851 31 4 875807058 +851 48 4 875731489 +851 50 5 891961663 +851 56 5 875731489 +851 64 5 875731674 +851 68 3 875731722 +851 71 4 875731567 +851 79 4 875731722 +851 92 5 875806791 +851 95 4 875731282 +851 109 4 875730379 +851 111 3 874767408 +851 112 1 875730629 +851 121 4 874728565 +851 122 2 875731105 +851 123 4 875730379 +851 125 4 875730826 +851 127 5 891961664 +851 128 4 875731330 +851 129 4 875730379 +851 132 4 875731370 +851 144 5 875806849 +851 147 4 874728461 +851 153 3 875806683 +851 157 4 875731605 +851 159 3 875806953 +851 160 5 875731224 +851 161 3 875731490 +851 174 5 875731776 +851 176 4 875731816 +851 180 5 875731605 +851 182 5 875731406 +851 192 4 875731441 +851 193 4 875731722 +851 204 4 875731567 +851 223 4 875731567 +851 228 4 875731776 +851 231 4 875807019 +851 234 4 875731189 +851 238 5 875731330 +851 248 4 875730379 +851 250 5 875730379 +851 252 3 875730418 +851 258 4 883148669 +851 261 3 877831111 +851 262 4 890343320 +851 264 2 890343477 +851 266 3 886534672 +851 271 5 883148692 +851 273 5 891961663 +851 284 3 874728338 +851 286 4 883148669 +851 290 4 874728430 +851 291 4 875730244 +851 295 5 874728370 +851 298 5 875730379 +851 299 4 886534617 +851 301 3 890343401 +851 302 5 888540054 +851 303 4 890804569 +851 304 3 877831020 +851 307 4 878574215 +851 310 5 891961663 +851 313 4 883148627 +851 318 5 891961664 +851 326 3 891961717 +851 327 4 890804671 +851 328 3 886534572 +851 330 3 884205246 +851 331 3 877830970 +851 332 1 884205263 +851 333 5 890862741 +851 336 4 890804691 +851 339 4 888540093 +851 340 5 883148669 +851 342 2 888540205 +851 343 2 883148773 +851 346 5 884831499 +851 347 5 891961663 +851 349 3 890862917 +851 352 1 890343544 +851 353 3 890862878 +851 355 4 888540240 +851 363 4 875730629 +851 367 2 875731674 +851 406 2 875731674 +851 410 4 875730379 +851 411 3 875731021 +851 412 2 875731105 +851 435 4 875731225 +851 455 3 875730379 +851 456 2 875730719 +851 472 3 875730312 +851 473 4 874728396 +851 475 4 875731674 +851 480 5 875731406 +851 483 4 875806721 +851 531 3 875731189 +851 553 4 875731225 +851 588 4 875731529 +851 591 5 891961663 +851 595 3 875731021 +851 597 4 875730686 +851 619 4 875730629 +851 676 3 875729887 +851 680 3 886534717 +851 681 1 886534672 +851 682 1 890804746 +851 685 4 875731022 +851 687 2 874728168 +851 689 3 883148867 +851 690 4 891961166 +851 696 3 874728338 +851 717 3 874728598 +851 742 5 874767519 +851 748 3 874788804 +851 751 4 883148669 +851 754 2 891961831 +851 772 3 875807019 +851 806 4 875731330 +851 815 3 874767550 +851 818 2 875730279 +851 820 3 875730947 +851 823 3 875730532 +851 824 4 874767550 +851 825 4 875730533 +851 826 4 875730719 +851 828 2 875730482 +851 831 5 875731105 +851 833 3 875731105 +851 840 3 875731105 +851 841 3 875730757 +851 845 3 874767408 +851 866 3 875730895 +851 875 5 884205151 +851 879 4 875729820 +851 880 3 886534617 +851 881 3 875729751 +851 892 2 886534635 +851 895 3 886534529 +851 912 4 891961214 +851 915 5 893090752 +851 916 3 891961195 +851 924 4 874789109 +851 925 3 875731022 +851 930 3 875730312 +851 932 3 875730455 +851 974 2 875730979 +851 975 2 875731105 +851 977 3 875730533 +851 979 3 875730244 +851 981 1 875730826 +851 983 2 875731021 +851 984 3 874809850 +851 1013 2 891961856 +851 1014 3 874767408 +851 1016 5 891961664 +851 1023 3 875730601 +851 1025 2 884205201 +851 1028 3 875730686 +851 1034 1 875731105 +851 1047 3 874789005 +851 1051 2 875730279 +851 1059 3 875730533 +851 1089 3 875730418 +851 1094 1 875730455 +851 1095 3 875731105 +851 1105 4 890862961 +851 1120 2 890343707 +851 1132 3 875730757 +851 1143 5 891961798 +851 1254 1 875730895 +851 1258 3 890343790 +851 1276 2 875730601 +851 1277 2 875730418 +851 1280 4 890343493 +851 1287 1 875731105 +851 1291 2 875730979 +851 1314 1 890862741 +851 1337 3 875730719 +851 1376 2 875730895 +851 1540 2 875731529 +851 1598 3 886534882 +851 1675 3 884222085 +851 1676 2 875731674 +852 1 4 891036457 +852 7 3 891036485 +852 25 3 891036802 +852 50 5 891036414 +852 100 4 891036457 +852 109 3 891036505 +852 117 4 891036707 +852 121 4 891036901 +852 122 1 891037738 +852 127 4 891035544 +852 151 4 891036922 +852 181 4 891036414 +852 235 4 891036765 +852 250 4 891036414 +852 252 3 891036866 +852 259 4 891036414 +852 260 3 891036414 +852 264 3 891035999 +852 274 3 891036369 +852 289 2 891035325 +852 290 4 891036817 +852 358 3 891036414 +852 405 3 891037262 +852 407 3 891037778 +852 472 3 891037605 +852 506 4 891037917 +852 515 5 891036414 +852 546 4 891037245 +852 568 4 891037947 +852 597 3 891037562 +852 678 3 891036414 +852 681 4 891036414 +852 820 4 891037754 +852 825 3 891037586 +852 826 3 891037806 +852 827 2 891036866 +852 840 3 891036866 +852 841 4 891037625 +852 926 3 891036902 +852 930 3 891037777 +852 969 5 891037917 +852 1052 4 891037888 +852 1615 2 891036457 +853 258 3 879364883 +853 259 3 879365034 +853 261 3 879365360 +853 264 3 879365169 +853 270 4 879364822 +853 271 3 879364668 +853 286 3 879364668 +853 288 4 879364822 +853 292 4 879364669 +853 294 2 879365035 +853 299 4 879365092 +853 300 5 879364744 +853 301 1 879364744 +853 304 4 879364822 +853 307 1 879364744 +853 322 3 879364883 +853 323 3 879364883 +853 327 3 879364955 +853 328 3 879364744 +853 330 1 879365091 +853 332 3 879364822 +853 333 4 879364669 +853 334 3 879364744 +853 340 1 879364744 +853 358 1 879365035 +853 678 4 879365170 +853 682 4 879364823 +853 688 3 879365169 +853 690 2 879364744 +853 873 3 879365091 +853 877 2 879364882 +853 879 4 879364955 +853 880 5 879364822 +853 887 2 879365169 +853 1280 4 879365091 +854 1 3 882812225 +854 3 1 882813047 +854 4 2 882814436 +854 7 4 882812352 +854 8 5 882814571 +854 9 5 882814570 +854 11 5 882814570 +854 12 5 882813990 +854 13 3 882812755 +854 14 4 882812225 +854 15 3 882812451 +854 19 3 882812826 +854 20 2 882813179 +854 22 2 882813691 +854 23 4 882813647 +854 24 4 882812352 +854 25 3 882813219 +854 32 4 882813574 +854 42 4 882813990 +854 49 4 882814665 +854 50 4 882812102 +854 55 4 882814467 +854 56 5 882814571 +854 58 3 882813825 +854 64 5 882814121 +854 69 4 882814395 +854 83 4 882813691 +854 86 3 882814436 +854 89 4 882814467 +854 93 5 882814571 +854 96 3 882814467 +854 98 4 882814394 +854 100 5 882812225 +854 106 3 882813248 +854 111 3 882812906 +854 117 3 882812755 +854 118 2 882813219 +854 121 1 882813074 +854 123 1 882812406 +854 124 5 882814570 +854 125 3 882813099 +854 127 4 882813933 +854 129 3 882812165 +854 132 5 882813877 +854 133 3 882814091 +854 134 4 882813825 +854 135 4 882813933 +854 144 3 882814298 +854 147 3 882812492 +854 150 3 882812314 +854 151 4 882812451 +854 153 4 882813990 +854 156 3 882813574 +854 168 4 882814435 +854 170 4 882813537 +854 171 4 882814333 +854 173 4 882813537 +854 174 3 882813574 +854 175 4 882813797 +854 176 3 882813877 +854 180 4 882813537 +854 185 4 882813877 +854 188 4 882814368 +854 191 4 882813825 +854 194 3 882814235 +854 195 3 882813537 +854 197 4 882813797 +854 200 5 882814121 +854 203 4 882813933 +854 216 3 882814028 +854 220 4 882813248 +854 222 4 882812492 +854 223 4 882814177 +854 225 1 882813364 +854 235 2 882813179 +854 237 3 882812406 +854 238 5 882813648 +854 244 3 882812826 +854 246 3 882812195 +854 249 3 882812928 +854 250 4 882812376 +854 257 3 882812877 +854 258 4 882811810 +854 260 3 882812030 +854 264 1 882811888 +854 268 3 882811865 +854 269 4 882811742 +854 270 4 882811810 +854 271 4 882811937 +854 274 3 882812906 +854 275 4 882814571 +854 282 2 882812960 +854 283 3 882812492 +854 285 4 882812165 +854 286 1 882811742 +854 288 5 882814571 +854 289 2 882811962 +854 290 1 882813179 +854 293 5 882812102 +854 294 2 882811742 +854 297 4 882812263 +854 302 3 882811836 +854 303 3 882811810 +854 321 3 882811913 +854 322 1 882811865 +854 324 3 882811937 +854 328 1 882811865 +854 333 3 882811742 +854 343 3 882811773 +854 357 4 882814235 +854 358 2 882812001 +854 382 4 882813761 +854 405 4 882812755 +854 411 2 882813143 +854 421 3 882814028 +854 423 4 882813963 +854 431 3 882813726 +854 455 2 882812906 +854 458 3 882812826 +854 461 3 882814298 +854 463 3 882814395 +854 466 3 882813761 +854 469 5 882814571 +854 471 2 882812928 +854 472 1 882813143 +854 476 3 882813219 +854 479 4 882813623 +854 482 3 882813761 +854 483 4 882813691 +854 484 3 882814368 +854 487 4 882813990 +854 488 4 882813761 +854 492 4 882814333 +854 493 5 882813933 +854 498 3 882813877 +854 505 4 882813600 +854 507 4 882813623 +854 508 4 882812492 +854 509 4 882814333 +854 511 4 882814298 +854 512 3 882814063 +854 514 4 882813537 +854 522 2 882814189 +854 528 4 882813623 +854 535 3 882813364 +854 537 3 882813797 +854 544 3 882812852 +854 591 2 882812451 +854 597 2 882813143 +854 603 4 882813600 +854 604 4 882813601 +854 606 4 882813691 +854 616 4 882813877 +854 619 2 882812376 +854 620 2 882813453 +854 628 2 882812451 +854 632 4 882813797 +854 652 3 882813825 +854 664 4 882814091 +854 696 2 882812961 +854 705 4 882813963 +854 709 4 882814395 +854 713 4 882812288 +854 735 3 882813990 +854 742 2 882812960 +854 744 2 882812787 +854 756 3 882813364 +854 757 3 882814235 +854 762 2 882812905 +854 799 3 882814298 +854 811 3 882814091 +854 815 2 882812981 +854 823 2 882813316 +854 825 3 882813143 +854 826 2 882813453 +854 829 2 882813287 +854 840 2 882813364 +854 846 3 882813453 +854 855 4 882814063 +854 919 4 882812406 +854 922 5 882813143 +854 924 4 882812314 +854 928 3 882813143 +854 945 3 882813761 +854 1011 2 882813047 +854 1013 1 882813453 +854 1016 2 882812406 +854 1028 2 882813421 +854 1047 1 882812906 +854 1061 1 882813421 +854 1077 3 882813907 +854 1086 3 882812195 +854 1134 3 882812787 +854 1197 3 882812263 +854 1226 4 882814571 +854 1281 2 882812314 +854 1283 2 882813047 +854 1284 2 882812961 +854 1335 2 882812288 +854 1677 3 882814368 +855 45 3 879825383 +855 59 3 879825488 +855 60 3 879825528 +855 86 2 879825462 +855 165 4 879825382 +855 166 4 879825578 +855 170 2 879825383 +855 171 3 879825383 +855 179 3 879825528 +855 198 4 879825613 +855 462 4 879825383 +855 475 4 879825383 +855 509 3 879825613 +855 510 4 879825578 +855 512 4 879825382 +855 529 4 879825613 +855 531 3 879825614 +855 582 3 879825578 +855 638 4 879825462 +855 855 4 879825488 +855 919 3 879825462 +855 1021 3 879825578 +856 270 3 891489412 +856 272 5 891489217 +856 286 4 891489299 +856 289 1 891489525 +856 294 4 891489502 +856 300 4 891489386 +856 307 4 891489250 +856 310 3 891489217 +856 312 2 891489450 +856 313 5 891489217 +856 315 5 891489250 +856 316 5 891489547 +856 322 4 891489593 +856 323 2 891489593 +856 326 2 891489450 +856 327 4 891489478 +856 328 3 891489478 +856 347 2 891489217 +856 688 2 891489666 +856 690 4 891489356 +856 748 3 891489638 +856 749 3 891489450 +856 750 5 891489250 +857 14 4 883432633 +857 19 4 883432633 +857 20 3 883432688 +857 24 1 883432711 +857 116 5 883432663 +857 258 5 883432193 +857 259 4 883432397 +857 275 5 883432663 +857 283 5 883432633 +857 300 3 883432251 +857 304 2 883432301 +857 325 1 883432397 +857 328 3 883432301 +857 348 1 883432170 +857 475 5 883432663 +857 547 3 883432633 +857 687 1 883432470 +857 892 3 883432515 +857 898 5 883432141 +857 988 2 883432423 +858 9 5 880932449 +858 100 3 880932746 +858 127 5 880932912 +858 181 2 879460595 +858 269 4 879458608 +858 289 3 879459337 +858 292 3 879459087 +858 293 3 880932692 +858 307 3 880933013 +858 323 2 879459926 +858 327 3 879459504 +858 333 4 880933013 +858 334 4 880933072 +858 515 4 880932911 +858 678 1 879459926 +858 689 5 879459087 +858 690 3 879459087 +858 754 4 879459087 +858 1368 4 880932449 +859 3 5 885775513 +859 15 4 885776056 +859 118 3 885775193 +859 151 2 885775067 +859 249 5 885775086 +859 257 2 885775330 +859 275 3 885774828 +859 276 4 885776056 +859 282 3 885774964 +859 287 5 885775358 +859 288 4 885776056 +859 293 4 885776056 +859 294 3 885775218 +859 313 5 885774773 +859 368 3 885775880 +859 381 4 885776352 +859 410 4 885776056 +859 421 5 885776384 +859 458 3 885775382 +859 475 4 885776056 +859 476 5 885775727 +859 535 5 885774867 +859 762 5 885775437 +859 763 4 885775699 +859 846 5 885775612 +859 928 3 885775473 +859 955 5 885776352 +859 1008 4 885776056 +859 1009 4 885775277 +859 1014 4 885775564 +859 1048 3 885775767 +859 1061 4 885776056 +859 1095 2 885775513 +859 1132 3 885775513 +859 1281 3 885774937 +859 1315 4 885775251 +859 1326 4 885775859 +860 26 3 885991163 +860 49 2 885991316 +860 56 4 885990862 +860 70 5 885991040 +860 100 4 885991075 +860 153 4 885990965 +860 159 3 889984855 +860 202 4 885990932 +860 204 4 885990901 +860 211 3 885990998 +860 216 4 885990901 +860 220 3 885145702 +860 245 3 880829225 +860 257 3 891733877 +860 262 4 874967063 +860 269 2 891535991 +860 272 3 885145344 +860 274 3 885991476 +860 285 5 885990901 +860 286 4 874967063 +860 287 3 885991407 +860 294 2 880829225 +860 300 4 874967063 +860 301 2 880829226 +860 302 4 876074139 +860 303 3 876074139 +860 305 4 878567538 +860 307 3 879801617 +860 310 4 880914645 +860 311 4 882120528 +860 312 4 888169119 +860 313 4 885145375 +860 315 3 884029545 +860 316 3 889627165 +860 321 3 880829225 +860 327 3 880829225 +860 332 2 880829226 +860 333 3 876074177 +860 339 3 882831410 +860 344 3 887028250 +860 347 4 886424396 +860 381 3 885990998 +860 393 2 885991129 +860 508 4 885991076 +860 514 5 885991040 +860 516 3 885991040 +860 517 4 885991076 +860 629 3 885991198 +860 663 3 885991101 +860 678 3 887754112 +860 690 4 876750421 +860 692 5 885990965 +860 712 3 885991316 +860 715 4 885991198 +860 716 2 887754411 +860 732 4 885991129 +860 781 2 887754411 +860 846 2 887754411 +860 865 4 885990862 +860 890 2 880829225 +860 894 2 883678286 +860 900 3 886354648 +860 949 3 885991163 +860 1041 2 887754411 +860 1047 2 885991563 +860 1059 1 891536049 +860 1061 3 879169685 +860 1602 3 893009852 +861 10 3 881274739 +861 14 4 881274612 +861 20 4 881274857 +861 26 3 881274936 +861 45 5 881274698 +861 52 5 881274718 +861 70 4 881274672 +861 83 5 881274672 +861 86 5 881274630 +861 116 4 881274739 +861 179 1 881274672 +861 213 5 881274759 +861 242 5 881274504 +861 275 5 881274612 +861 286 4 881274504 +861 289 5 881274504 +861 292 4 881274504 +861 301 4 881274504 +861 305 4 881274504 +861 319 5 881274504 +861 321 1 881274504 +861 381 4 881274780 +861 382 5 881274780 +861 462 4 881274698 +861 463 3 881274698 +861 475 3 881274760 +861 509 5 881274739 +861 529 5 881274718 +861 531 4 881274529 +861 547 4 881274857 +861 582 2 881274796 +861 584 5 881274815 +861 714 4 881274899 +861 736 4 881274672 +861 737 3 881274883 +861 740 4 881274760 +861 937 4 881274504 +861 949 4 881274937 +861 1009 5 881274857 +861 1148 3 881274913 +861 1227 4 881274936 +862 7 5 879304196 +862 10 5 879303249 +862 11 4 879305172 +862 12 5 879304571 +862 22 5 879304571 +862 24 4 879302990 +862 45 4 879304721 +862 56 3 879305204 +862 59 5 879305204 +862 60 5 879305143 +862 61 5 879304244 +862 64 5 879304326 +862 69 5 879304244 +862 70 4 879305172 +862 79 5 879304623 +862 81 5 879305237 +862 82 4 879305237 +862 89 5 879304526 +862 91 5 879304762 +862 92 5 879305051 +862 96 4 879305051 +862 97 4 879305143 +862 98 5 879304865 +862 99 4 879305097 +862 100 5 879304196 +862 105 3 879303346 +862 111 5 879302844 +862 117 5 879302844 +862 120 3 879303953 +862 121 5 879304196 +862 132 5 879304980 +862 135 5 879304762 +862 141 4 879305237 +862 143 5 879304722 +862 147 5 879304196 +862 151 5 879304196 +862 168 4 879304526 +862 172 5 879304243 +862 173 5 879304484 +862 174 5 879304721 +862 175 5 879305172 +862 176 5 879304672 +862 177 4 879305016 +862 179 5 879304410 +862 180 5 879305097 +862 181 5 879305143 +862 182 5 879304526 +862 183 5 879304834 +862 184 2 879305097 +862 185 5 879304571 +862 186 3 879305143 +862 187 4 879304672 +862 188 5 879305312 +862 193 4 879304326 +862 195 5 879304902 +862 196 5 879304799 +862 197 4 879304623 +862 198 5 879304484 +862 199 5 879304761 +862 200 5 879304980 +862 201 3 879304326 +862 202 5 879304624 +862 203 4 879305312 +862 205 4 879304282 +862 208 2 879304282 +862 211 5 879305051 +862 214 3 879304834 +862 216 5 879304410 +862 222 5 879304196 +862 228 5 879305097 +862 230 3 879305273 +862 238 4 879304624 +862 250 5 879303158 +862 252 3 879302910 +862 257 5 879303207 +862 258 5 879302461 +862 260 5 879302583 +862 265 5 879304980 +862 271 5 879302763 +862 276 5 879303079 +862 282 5 879303123 +862 405 2 879303123 +862 406 4 879303843 +862 413 4 879303952 +862 416 3 879305351 +862 423 4 879305273 +862 429 5 879304526 +862 431 5 879305312 +862 432 5 879304902 +862 433 4 879304445 +862 434 5 879304410 +862 435 5 879304244 +862 436 4 879305386 +862 462 4 879304624 +862 467 4 879305143 +862 472 5 879303505 +862 474 5 879304722 +862 476 4 879303622 +862 478 4 879305016 +862 479 4 879305351 +862 480 5 879304761 +862 483 5 879304326 +862 484 4 879304571 +862 485 5 879304410 +862 491 3 879304799 +862 495 4 879305097 +862 496 5 879304902 +862 498 4 879304445 +862 515 4 879302877 +862 519 4 879304326 +862 520 4 879304484 +862 521 5 879304762 +862 526 4 879304623 +862 544 5 879304196 +862 546 4 879302944 +862 559 4 879305312 +862 566 3 879304571 +862 568 3 879304799 +862 597 3 879303697 +862 603 5 879304445 +862 633 5 879304722 +862 640 3 879305351 +862 647 5 879304369 +862 650 4 879304941 +862 651 5 879304624 +862 655 5 879305016 +862 657 5 879304369 +862 658 5 879304526 +862 678 4 879302614 +862 737 4 879305386 +862 742 5 879303298 +862 748 4 879302533 +862 767 4 879303807 +862 789 5 879304941 +862 820 4 879303774 +862 823 4 879303869 +862 825 5 879303668 +862 831 3 879303542 +862 845 4 879303249 +862 866 4 879303697 +862 919 4 879303409 +862 928 4 879303542 +862 930 5 879303843 +862 969 5 879304410 +862 974 2 879304113 +862 977 4 879302877 +862 978 3 879303591 +862 979 5 879303409 +862 982 4 879303622 +862 1009 4 879303622 +862 1011 5 879303123 +862 1050 5 879305351 +862 1093 5 879304196 +862 1109 5 879305016 +862 1110 5 879305386 +862 1117 4 879303668 +862 1199 2 879303729 +863 242 4 889289570 +863 258 5 889289122 +863 259 1 889289240 +863 262 3 889289618 +863 268 5 889289240 +863 269 3 889288973 +863 270 3 889288943 +863 271 4 889289191 +863 272 5 889288910 +863 286 5 889289191 +863 288 4 889288911 +863 289 4 889289457 +863 292 2 889289067 +863 294 4 889289327 +863 299 2 889289385 +863 300 5 889289157 +863 302 4 889288910 +863 303 1 889288911 +863 304 3 889289240 +863 305 4 889289122 +863 306 5 889289570 +863 307 5 889289157 +863 310 5 889288943 +863 313 5 889288910 +863 315 5 889288910 +863 316 5 889289419 +863 319 2 889289123 +863 321 4 889289157 +863 322 1 889289327 +863 324 5 889289385 +863 326 5 889289157 +863 327 5 889289327 +863 328 5 889288943 +863 329 2 889289157 +863 330 2 889289191 +863 331 4 889289278 +863 332 4 889288943 +863 333 5 889289123 +863 334 5 889289353 +863 336 2 889289327 +863 339 3 889289353 +863 340 3 889288911 +863 342 1 889289241 +863 343 5 889289328 +863 344 4 889289456 +863 346 5 889288911 +863 347 2 889289067 +863 348 2 889289456 +863 349 1 889289457 +863 350 1 889289457 +863 352 1 889289491 +863 354 1 889289191 +863 355 4 889289419 +863 359 3 889289158 +863 361 5 889289618 +863 362 1 889289122 +863 538 2 889289122 +863 682 3 889289491 +863 683 1 889289241 +863 690 4 889289067 +863 691 3 889289067 +863 748 3 889289456 +863 749 2 889289419 +863 750 4 889288973 +863 751 4 889289122 +863 752 4 889289277 +863 872 2 889289240 +863 873 2 889289491 +863 876 2 889289457 +863 877 1 889289277 +863 879 2 889289123 +863 882 4 889289570 +863 885 1 889289456 +863 886 3 889289327 +863 887 3 889289328 +863 895 5 889289385 +863 898 1 889288973 +863 900 3 889289067 +863 901 1 889288972 +863 902 5 889289456 +863 903 3 889289570 +863 906 4 889289570 +863 908 1 889289240 +863 909 3 889289619 +863 910 2 889289570 +863 990 1 889289385 +863 1022 2 889289569 +863 1024 3 889289619 +863 1038 1 889289327 +863 1062 4 889289570 +863 1127 4 889289157 +863 1234 3 889289619 +863 1237 4 889289618 +863 1243 4 889289277 +863 1296 3 889289617 +863 1313 1 889289067 +863 1395 4 889289491 +863 1431 4 889289618 +863 1434 2 889289618 +863 1607 2 889288973 +863 1678 1 889289570 +863 1679 3 889289491 +863 1680 2 889289570 +864 1 5 877214125 +864 2 4 888889657 +864 4 4 888890690 +864 5 4 888889657 +864 7 5 878179608 +864 8 5 888887402 +864 9 5 877214236 +864 11 5 888887502 +864 12 5 888886984 +864 13 4 877214125 +864 15 4 888887658 +864 22 5 888888937 +864 24 5 888887502 +864 25 4 888888240 +864 28 5 888887247 +864 29 4 888891794 +864 31 4 888888202 +864 38 3 888891628 +864 43 3 888891524 +864 44 4 888890144 +864 47 5 888887502 +864 48 5 888886945 +864 49 3 888892091 +864 52 4 888888861 +864 54 4 888891473 +864 55 4 888887045 +864 56 5 888887097 +864 58 5 888887739 +864 62 4 888889035 +864 63 3 888893088 +864 64 5 888887830 +864 65 3 888890690 +864 66 3 888889784 +864 67 4 888891190 +864 69 5 888889863 +864 70 4 888888168 +864 72 4 888891288 +864 73 5 888888994 +864 77 4 888891627 +864 79 5 888887830 +864 81 3 888891836 +864 82 5 888887830 +864 85 2 888889327 +864 86 4 888890547 +864 87 5 888887403 +864 88 4 888887469 +864 91 5 888887172 +864 93 3 888889948 +864 94 4 888891423 +864 95 5 888887045 +864 96 5 888887830 +864 97 4 888887216 +864 98 5 888886946 +864 99 3 888890730 +864 100 5 877214125 +864 102 4 888890997 +864 106 3 877214236 +864 108 3 888891627 +864 109 5 888888994 +864 111 3 888888115 +864 114 5 888888168 +864 116 4 888887045 +864 117 4 888889466 +864 118 4 888888994 +864 121 4 877214085 +864 123 4 888890594 +864 124 5 877214158 +864 125 4 888889162 +864 127 4 888887216 +864 128 4 888886882 +864 132 5 888887128 +864 133 5 888887984 +864 134 5 888887013 +864 136 4 888886913 +864 137 4 878179514 +864 140 3 888892016 +864 143 4 888887703 +864 144 5 888887830 +864 145 4 888892230 +864 151 5 888889466 +864 153 5 888886946 +864 157 4 888886984 +864 159 4 888891049 +864 161 4 888891288 +864 163 4 888888680 +864 164 4 888887216 +864 167 4 888891794 +864 169 5 888887402 +864 172 5 888887795 +864 173 5 888889129 +864 174 5 888887354 +864 176 5 888887289 +864 178 4 888887248 +864 181 5 888887984 +864 182 3 888886913 +864 183 4 888888115 +864 184 4 888890775 +864 186 4 888887658 +864 188 3 888887172 +864 189 4 888889268 +864 190 4 888887437 +864 191 4 888887869 +864 194 4 888886984 +864 195 4 888888937 +864 196 4 888887914 +864 197 4 888888282 +864 200 4 888889162 +864 201 5 888887172 +864 202 5 888887354 +864 203 5 888886846 +864 204 5 888888937 +864 209 3 888887172 +864 210 4 888887469 +864 214 2 888890052 +864 215 4 888888994 +864 216 4 888886882 +864 217 4 888891524 +864 218 4 888890316 +864 219 4 888889129 +864 222 4 888887502 +864 223 5 888887097 +864 225 3 878179608 +864 226 3 888889601 +864 227 4 888889510 +864 228 5 888888067 +864 229 4 888891836 +864 230 2 888889129 +864 231 3 888891288 +864 232 4 888889327 +864 234 4 888887658 +864 235 5 888891794 +864 237 4 878179514 +864 238 5 888890432 +864 239 4 888889466 +864 245 4 887686369 +864 250 3 891044057 +864 257 4 891044192 +864 258 5 877214042 +864 265 5 888886946 +864 275 4 878179445 +864 276 5 878179411 +864 282 3 888887469 +864 283 5 878179514 +864 286 5 890463283 +864 288 5 878179381 +864 290 3 888892053 +864 294 4 878179381 +864 317 4 888887128 +864 318 5 888887071 +864 328 5 887686456 +864 333 5 890463283 +864 343 5 887686545 +864 349 4 887686388 +864 356 4 888889268 +864 357 5 888887794 +864 367 5 888890316 +864 373 2 888892053 +864 380 3 888889744 +864 382 3 888887437 +864 386 3 888891288 +864 391 4 888893224 +864 393 3 888889129 +864 394 3 888890432 +864 399 4 888893088 +864 401 4 888893271 +864 402 3 888892128 +864 403 5 888887944 +864 404 4 888890316 +864 405 5 877214158 +864 418 3 888887247 +864 419 4 888887984 +864 422 3 888892968 +864 423 5 888887739 +864 432 2 888887502 +864 433 3 888887703 +864 443 4 888890639 +864 451 4 888889563 +864 465 3 888889327 +864 466 4 888887794 +864 470 4 888890052 +864 471 5 888888862 +864 472 4 888888861 +864 473 4 888892300 +864 474 4 888889863 +864 476 2 888892917 +864 483 5 888886913 +864 496 5 888887944 +864 501 3 888891836 +864 509 5 888887944 +864 511 4 888886846 +864 523 4 888888202 +864 526 4 888889784 +864 531 5 888887739 +864 541 2 888892667 +864 542 4 888892841 +864 546 4 888892015 +864 549 3 888890730 +864 550 4 888889389 +864 559 4 888888680 +864 561 4 888888937 +864 562 4 888891794 +864 563 3 888892539 +864 568 4 888888115 +864 569 3 888891794 +864 577 3 888892917 +864 578 3 888889948 +864 588 3 888887289 +864 591 4 878179608 +864 596 4 888890001 +864 597 4 888888625 +864 603 4 888888025 +864 609 3 888888861 +864 619 3 888889327 +864 623 3 888889035 +864 625 4 888890273 +864 628 4 888890639 +864 629 3 888888282 +864 651 5 888888168 +864 655 4 888887128 +864 658 2 888890690 +864 660 4 888889510 +864 663 4 888887248 +864 665 3 888892300 +864 672 2 888889389 +864 673 3 888890273 +864 678 4 887686545 +864 684 4 888887289 +864 685 4 888891900 +864 692 2 888890316 +864 693 4 888888168 +864 710 2 888888115 +864 715 4 888891238 +864 716 2 888889744 +864 717 3 878179608 +864 720 3 888891238 +864 722 2 888892091 +864 729 4 888889035 +864 732 4 888888067 +864 734 3 888892874 +864 735 5 888886882 +864 736 5 888888025 +864 742 4 878179445 +864 747 3 888890380 +864 755 4 888892128 +864 768 3 888890776 +864 770 3 888891322 +864 775 1 888891473 +864 780 2 888892968 +864 781 3 888891238 +864 789 4 888886946 +864 794 3 888889268 +864 797 3 888892539 +864 800 1 888891154 +864 801 3 888892667 +864 805 4 888889327 +864 892 3 887686497 +864 930 3 888892841 +864 939 4 888890102 +864 951 3 888891288 +864 966 4 888888994 +864 969 4 888887172 +864 972 2 888890475 +864 993 4 878179411 +864 1016 4 877214125 +864 1033 2 888891473 +864 1044 3 888891049 +864 1047 3 888888680 +864 1101 4 888887502 +864 1109 4 888890639 +864 1112 2 888891097 +864 1119 3 888890548 +864 1135 3 888890594 +864 1140 1 888892491 +864 1208 2 888890731 +864 1210 2 888892667 +864 1217 3 888889327 +864 1228 3 888892375 +864 1248 3 888891628 +864 1284 3 888891900 +864 1303 2 888890997 +864 1412 1 888892461 +864 1425 2 888890475 +864 1531 3 888890690 +865 1 1 880143424 +865 7 5 880143425 +865 21 2 880144229 +865 24 4 880143612 +865 71 1 880235059 +865 91 3 880235059 +865 95 1 880235059 +865 99 1 880235060 +865 100 4 880143232 +865 101 1 880235099 +865 108 1 880143680 +865 111 1 880144123 +865 117 2 880143746 +865 118 1 880144229 +865 121 1 880144024 +865 122 3 880144539 +865 148 3 880144194 +865 169 5 880235059 +865 189 4 880235059 +865 222 2 880143482 +865 240 2 880143680 +865 245 3 880235263 +865 258 4 880142652 +865 268 4 880142652 +865 271 1 880142778 +865 294 4 880235263 +865 302 5 880142614 +865 328 3 880142857 +865 405 2 880144194 +865 408 5 880143385 +865 411 1 880144153 +865 412 1 880144504 +865 418 1 880235099 +865 432 1 880235059 +865 455 4 880143612 +865 456 1 880144405 +865 471 1 880143612 +865 472 1 880144229 +865 473 3 880144194 +865 475 4 880143425 +865 501 1 880235060 +865 546 1 880143917 +865 547 5 880143232 +865 588 2 880235060 +865 597 1 880144368 +865 625 1 880235099 +865 627 1 880235060 +865 676 2 880144153 +865 685 3 880144071 +865 743 1 880144504 +865 744 4 880144024 +865 763 1 880143680 +865 825 1 880144123 +865 831 1 880144480 +865 845 1 880144123 +865 847 5 880143386 +865 919 5 880143713 +865 926 1 880144405 +865 929 2 880144539 +865 946 1 880235099 +865 1009 5 880144368 +865 1011 1 880144405 +865 1047 1 880144265 +865 1240 5 880235099 +866 242 3 891221165 +866 269 3 891221165 +866 272 2 891221006 +866 300 1 891220881 +866 302 2 891220955 +866 303 4 891221165 +866 305 2 891221006 +866 306 4 891221165 +866 313 1 891220955 +866 315 4 891221206 +866 321 3 891221302 +866 340 2 891221165 +866 344 2 891221165 +866 347 4 891221165 +866 882 2 891221165 +866 887 3 891221165 +866 889 2 891221006 +866 896 2 891221006 +866 900 4 891221165 +867 1 4 880078521 +867 7 5 880078604 +867 9 5 880078958 +867 11 3 880078547 +867 12 5 880078656 +867 22 5 880078424 +867 28 5 880078887 +867 31 5 880078656 +867 50 5 880078027 +867 51 3 880079142 +867 56 5 880078818 +867 64 5 880078547 +867 68 4 880079020 +867 69 2 880078797 +867 79 4 880079142 +867 89 5 880078769 +867 96 5 880078656 +867 98 5 880078937 +867 117 3 880079117 +867 132 3 880078629 +867 134 5 880078723 +867 135 5 880079065 +867 144 3 880078484 +867 150 5 880078677 +867 156 5 880078574 +867 168 4 880078604 +867 172 5 880078769 +867 174 5 880078991 +867 175 5 880078818 +867 176 3 880079094 +867 180 5 880078656 +867 181 5 880078050 +867 182 4 880078521 +867 183 3 880078863 +867 186 5 880078937 +867 188 4 880078796 +867 191 5 880079117 +867 195 5 880078452 +867 197 4 880078796 +867 198 5 880078723 +867 203 4 880078484 +867 204 4 880078958 +867 207 5 880079094 +867 210 5 880078547 +867 216 3 880079043 +867 222 4 880079094 +867 228 5 880078958 +867 250 4 880078091 +867 252 2 880078179 +867 257 4 880078090 +867 258 3 880077751 +867 270 5 880077780 +867 273 3 880078991 +867 276 1 880079020 +867 286 5 880077721 +867 289 5 880077950 +867 294 3 880077831 +867 295 4 880078069 +867 300 2 880077751 +867 318 5 880078424 +867 323 3 880077951 +867 328 5 880077855 +867 423 3 880078991 +867 431 4 880078841 +867 474 5 880078840 +867 475 5 880078656 +867 483 5 880078372 +867 496 5 880078574 +867 498 4 880078401 +867 511 5 880078371 +867 524 5 880078604 +867 528 4 880078371 +867 529 5 880078863 +867 588 3 880078887 +867 603 5 880078452 +867 650 5 880078818 +867 651 5 880079065 +867 652 5 880078745 +867 655 4 880078906 +867 657 5 880078769 +867 678 3 880078004 +867 690 5 880077751 +867 748 4 880077951 +867 855 5 880078604 +867 956 4 880079142 +867 1039 5 880078677 +867 1065 5 880078424 +867 1154 5 880078991 +867 1159 5 880078796 +867 1608 2 880078110 +868 1 4 877103320 +868 2 2 877112290 +868 7 5 877104157 +868 12 5 877103834 +868 23 5 877104949 +868 24 2 877108385 +868 47 2 877108302 +868 50 5 877103449 +868 55 5 877106505 +868 56 3 877107143 +868 59 4 877103757 +868 61 5 877109435 +868 64 5 877103548 +868 65 2 877104212 +868 67 3 877109597 +868 68 2 877106505 +868 69 2 877107416 +868 73 1 877108220 +868 80 2 877111453 +868 81 4 877107373 +868 82 2 877112001 +868 89 4 877107446 +868 90 3 877109874 +868 91 3 877107817 +868 94 1 877109814 +868 95 2 877108302 +868 96 2 877107056 +868 98 4 877103371 +868 100 5 877103935 +868 101 4 877109996 +868 109 3 877107627 +868 114 5 877103371 +868 117 2 877110332 +868 121 2 877111542 +868 122 3 877113586 +868 127 4 877103679 +868 128 5 877108123 +868 132 4 877103195 +868 133 2 877108302 +868 135 5 877104987 +868 136 5 877104414 +868 139 1 877109300 +868 142 1 877109874 +868 145 1 877109082 +868 150 5 877103834 +868 151 5 877104879 +868 153 2 877105916 +868 154 3 877107539 +868 155 2 877111623 +868 156 3 877103834 +868 158 1 877111328 +868 159 2 877107416 +868 160 4 877104414 +868 161 2 877107056 +868 162 3 877109505 +868 164 2 877104157 +868 167 1 877110191 +868 168 3 877104157 +868 169 5 877106505 +868 172 5 877107847 +868 173 4 877107961 +868 174 5 877107320 +868 176 4 877103248 +868 178 5 877103714 +868 179 4 877107056 +868 180 4 877104913 +868 181 5 877103280 +868 183 5 877104414 +868 184 3 877107730 +868 186 2 877109234 +868 187 4 877107284 +868 188 3 877103320 +868 189 5 877109300 +868 191 3 877107143 +868 193 2 877108123 +868 195 2 877104212 +868 198 5 877103757 +868 199 5 877105882 +868 200 3 877107189 +868 201 2 877104264 +868 202 3 877104264 +868 207 3 877107189 +868 208 3 877108624 +868 209 4 877103195 +868 210 5 877103248 +868 211 3 877107730 +868 214 3 877106470 +868 216 2 877109234 +868 217 2 877109895 +868 218 3 877104913 +868 219 2 877107817 +868 222 3 877108989 +868 225 1 877111453 +868 227 1 877110060 +868 228 5 877103935 +868 229 3 877111154 +868 230 3 877112349 +868 232 1 877109082 +868 233 2 877109566 +868 234 4 877103935 +868 237 1 877108989 +868 238 4 877103249 +868 239 3 877107924 +868 240 5 877107373 +868 265 3 877108302 +868 268 4 877102974 +868 273 3 877107284 +868 317 5 877107961 +868 327 4 877103039 +868 358 2 877103098 +868 367 2 877106505 +868 378 2 877108056 +868 382 4 877109874 +868 385 2 877103834 +868 402 1 877113412 +868 403 2 877111837 +868 405 1 877109082 +868 408 5 877103935 +868 410 3 877104414 +868 412 5 877112001 +868 417 1 877108087 +868 419 3 877103449 +868 423 2 877107373 +868 426 4 877103935 +868 427 4 877103679 +868 429 2 877103834 +868 432 2 877108624 +868 433 4 877103195 +868 434 3 877107056 +868 436 3 877104913 +868 447 2 877107284 +868 448 2 877110401 +868 449 3 877113540 +868 451 2 877112063 +868 452 2 877111394 +868 455 5 877103410 +868 470 1 877107924 +868 474 4 877105882 +868 475 4 877104987 +868 480 4 877103280 +868 496 2 877107597 +868 498 3 877104913 +868 501 3 877103449 +868 503 3 877106421 +868 506 4 877104879 +868 509 3 877106470 +868 520 4 877103756 +868 524 3 877107730 +868 547 3 877112559 +868 550 4 877112393 +868 556 3 877110060 +868 566 1 877111394 +868 567 1 877113481 +868 568 1 877107847 +868 578 2 877112439 +868 579 1 877108241 +868 581 2 877109748 +868 588 1 877106421 +868 589 4 877106421 +868 615 4 877109375 +868 621 2 877103449 +868 631 4 877111453 +868 636 3 877103449 +868 640 5 877103371 +868 646 5 877109435 +868 651 5 877103249 +868 655 4 877107996 +868 658 3 877108742 +868 662 2 877103714 +868 679 3 877109748 +868 685 1 877111394 +868 709 4 877109197 +868 710 3 877103320 +868 726 2 877109926 +868 727 2 877110277 +868 732 3 877107416 +868 739 2 877111542 +868 746 2 877109082 +868 747 2 877109566 +868 755 4 877112184 +868 762 4 877109535 +868 778 2 877109375 +868 783 1 877113481 +868 825 1 877109435 +868 843 1 877109748 +868 854 4 877103371 +868 919 4 877103757 +868 922 5 877106505 +868 946 1 877107189 +868 998 2 877112063 +868 1028 3 877103195 +868 1035 1 877107817 +868 1037 1 877113481 +868 1076 1 877111487 +868 1098 5 877107416 +868 1183 1 877112141 +868 1188 1 877110060 +868 1206 3 877112033 +868 1240 5 877107284 +868 1285 2 877109926 +868 1509 1 877111487 +869 13 3 884491199 +869 15 1 884491993 +869 25 2 884491767 +869 50 4 884490892 +869 100 5 884493279 +869 116 4 884490892 +869 118 1 884492338 +869 122 3 884493060 +869 125 3 884491867 +869 126 2 884491927 +869 127 5 884493279 +869 151 5 884493279 +869 181 3 884490825 +869 237 4 884490745 +869 240 4 884491734 +869 242 2 884490097 +869 249 4 884493279 +869 253 4 884493279 +869 269 4 884493279 +869 275 4 884490936 +869 276 4 884491082 +869 282 3 884490987 +869 284 1 884491966 +869 287 2 884492047 +869 288 3 884490011 +869 294 3 884490151 +869 298 3 884491734 +869 310 4 884493279 +869 312 2 884490251 +869 315 3 884490332 +869 411 4 884492828 +869 412 5 884493279 +869 476 1 884492519 +869 515 5 884493279 +869 596 3 884491734 +869 696 2 884493021 +869 756 1 884492780 +869 815 1 884491966 +869 846 2 884492201 +869 1014 4 884493279 +869 1047 2 884492571 +869 1061 1 884492377 +869 1079 2 884493021 +869 1132 1 884492906 +869 1134 1 884492445 +869 1163 2 884492238 +869 1382 3 884492201 +870 1 5 889717102 +870 2 2 879714351 +870 4 2 879270213 +870 6 4 875680311 +870 7 4 875051072 +870 9 5 879376967 +870 10 4 879376967 +870 11 4 875679992 +870 12 4 875050748 +870 13 4 876319137 +870 17 4 880584752 +870 21 3 876319159 +870 22 4 875680165 +870 23 4 875050865 +870 28 4 875680258 +870 31 4 875680070 +870 38 3 879714608 +870 42 2 879270213 +870 45 5 875679795 +870 47 3 875679958 +870 48 4 875050603 +870 50 3 875050865 +870 51 2 879714500 +870 52 2 880584400 +870 53 2 879714351 +870 54 2 879714458 +870 55 3 879713899 +870 56 5 875050826 +870 58 5 875050723 +870 64 5 889717102 +870 65 3 879713898 +870 66 4 875680493 +870 68 3 879714087 +870 69 4 875050603 +870 70 4 889409590 +870 77 3 879714103 +870 79 4 879270313 +870 83 4 889717102 +870 87 5 889717575 +870 88 2 879270213 +870 89 3 879539936 +870 90 4 875680668 +870 92 4 875679861 +870 95 4 875050559 +870 96 4 879270357 +870 98 4 880584497 +870 100 4 889717102 +870 111 3 880584548 +870 124 4 879376994 +870 127 5 875050602 +870 131 4 875050865 +870 132 4 882123548 +870 134 4 875050697 +870 135 3 875680045 +870 148 2 879377064 +870 154 4 876319311 +870 168 4 875680472 +870 169 4 888095560 +870 170 5 875050637 +870 171 4 875050698 +870 172 4 875680098 +870 174 5 875050698 +870 177 4 875050827 +870 178 4 875050559 +870 179 4 875680165 +870 180 3 875679860 +870 181 4 875680119 +870 182 5 883876178 +870 185 4 875050672 +870 186 4 875680186 +870 188 5 875050672 +870 191 3 881001249 +870 192 5 889717102 +870 193 5 889717102 +870 194 3 875679795 +870 195 4 875050602 +870 196 3 879539965 +870 197 5 875050723 +870 198 4 875679860 +870 202 3 879714181 +870 203 4 875680098 +870 204 4 875680448 +870 208 4 879270313 +870 209 4 875680546 +870 210 4 879270313 +870 211 3 879539713 +870 216 4 875680520 +870 218 4 889717102 +870 219 2 879714351 +870 223 4 878737979 +870 235 3 885312790 +870 238 4 875050865 +870 239 3 875680597 +870 244 3 875051043 +870 246 3 881000751 +870 248 4 880124496 +870 253 4 887567321 +870 255 2 889409590 +870 258 4 886883539 +870 265 4 880584497 +870 268 3 881000751 +870 272 4 890920916 +870 273 3 875051100 +870 276 4 889717102 +870 284 2 875051072 +870 286 4 875050332 +870 288 4 875050370 +870 289 2 875050332 +870 302 4 878737704 +870 313 4 883405554 +870 315 2 883876178 +870 317 4 875050723 +870 318 5 875050865 +870 327 4 875050410 +870 328 3 875050410 +870 332 2 879982785 +870 333 3 882123130 +870 340 3 882464808 +870 354 4 889409590 +870 357 5 875679687 +870 367 4 875679768 +870 378 3 879902226 +870 381 3 889409590 +870 382 3 875680568 +870 384 3 875680597 +870 385 3 879714159 +870 386 4 880584752 +870 395 3 879901999 +870 396 3 875680668 +870 401 3 880584584 +870 421 2 879539965 +870 425 4 889717575 +870 427 4 880584516 +870 428 4 875050672 +870 431 3 885586224 +870 433 3 879901879 +870 435 3 880584549 +870 443 3 882123736 +870 447 4 879713953 +870 458 1 879377028 +870 461 4 875680099 +870 462 4 875679860 +870 466 4 878737789 +870 469 4 875679958 +870 470 3 879901727 +870 471 4 885071869 +870 474 4 875050559 +870 475 5 875051100 +870 477 4 876319062 +870 479 5 875050801 +870 480 5 875680142 +870 483 5 880584497 +870 487 4 879270313 +870 489 4 875050827 +870 490 3 886883147 +870 494 3 879865875 +870 496 5 882801371 +870 497 4 875050559 +870 499 4 879713935 +870 503 4 879713899 +870 504 5 880584497 +870 505 4 880584752 +870 508 3 881001249 +870 511 3 881001249 +870 513 4 879713578 +870 514 5 875050637 +870 520 5 875050559 +870 521 3 875679795 +870 523 5 875050774 +870 527 5 875679687 +870 528 4 875050801 +870 549 2 879270213 +870 550 3 879714310 +870 554 2 879714800 +870 558 4 879270313 +870 559 2 879714532 +870 566 2 882123618 +870 568 4 879714588 +870 569 2 879714631 +870 570 2 879714681 +870 574 1 879902181 +870 579 2 879902161 +870 582 5 879713817 +870 583 2 879714351 +870 589 4 880584534 +870 591 2 879270212 +870 603 5 875050723 +870 606 4 875679687 +870 608 4 875680098 +870 631 2 882123130 +870 640 3 886883147 +870 641 4 875050524 +870 642 4 875680258 +870 644 2 882123665 +870 646 4 875050524 +870 647 4 879270400 +870 649 4 889717102 +870 651 3 879539936 +870 653 4 875050559 +870 654 4 875050801 +870 655 4 875050865 +870 657 5 875050748 +870 658 4 875679992 +870 659 4 875680020 +870 663 3 879540005 +870 673 5 875679721 +870 684 3 879714246 +870 690 2 886372265 +870 692 2 879270213 +870 693 4 879713979 +870 697 4 875050603 +870 699 3 879901671 +870 704 3 879714532 +870 710 3 875680212 +870 713 4 879376966 +870 715 3 875680597 +870 722 2 879270213 +870 724 4 875679906 +870 732 2 882123355 +870 735 3 875679721 +870 736 1 879901654 +870 746 3 879270400 +870 763 4 879902059 +870 770 4 875679992 +870 772 4 875679767 +870 781 3 881001249 +870 789 4 879705466 +870 792 3 879540005 +870 793 5 875680258 +870 802 3 879714763 +870 810 3 879714883 +870 813 4 875051101 +870 841 2 878737915 +870 856 3 879715002 +870 873 2 875050370 +870 939 3 879714066 +870 943 2 879714310 +870 945 4 879714039 +870 949 3 881001249 +870 959 4 875680046 +870 988 2 875050439 +870 1006 2 881001249 +870 1008 3 879377028 +870 1014 2 884789665 +870 1019 3 881001249 +870 1020 3 882385179 +870 1021 2 881001249 +870 1041 2 879270213 +870 1042 2 879902127 +870 1044 2 879714772 +870 1046 3 879714310 +870 1073 5 875050748 +870 1074 2 879270213 +870 1090 2 879902161 +870 1098 4 889812986 +870 1112 2 879714902 +870 1118 3 881001249 +870 1134 4 879376967 +870 1208 2 879902128 +870 1210 1 879902161 +870 1221 3 881001249 +870 1230 2 879901998 +870 1267 2 879270213 +870 1412 2 879714435 +870 1451 3 891214479 +870 1664 4 890057322 +871 4 3 888193338 +871 11 3 888193274 +871 17 3 888193275 +871 22 5 888193177 +871 27 2 888193275 +871 50 5 888193275 +871 56 5 888193177 +871 79 5 888193275 +871 82 3 888193336 +871 92 3 888193338 +871 96 5 888193177 +871 97 3 888193541 +871 121 4 888193275 +871 127 5 888193081 +871 147 5 888193136 +871 161 5 888193275 +871 172 5 888193177 +871 173 5 888193383 +871 174 5 888193176 +871 177 5 888193336 +871 181 3 888193335 +871 182 5 888192925 +871 183 3 888193177 +871 187 5 888193081 +871 190 2 888193275 +871 195 5 888193274 +871 197 3 888193385 +871 202 4 888193385 +871 210 5 888193275 +871 213 3 888193386 +871 216 3 888193384 +871 226 5 888193177 +871 237 3 888193386 +871 241 3 888193385 +871 242 3 888192858 +871 258 5 888192970 +871 259 3 888192971 +871 262 3 888192970 +871 269 3 888192970 +871 270 5 888192858 +871 271 5 888192349 +871 272 2 888192859 +871 275 3 888193384 +871 276 5 888193136 +871 286 3 888193136 +871 289 3 888192475 +871 300 4 888192971 +871 301 4 888192475 +871 302 5 888192970 +871 305 3 888192475 +871 307 3 888192315 +871 310 3 888192858 +871 313 5 888192858 +871 315 3 888192286 +871 324 3 888192689 +871 326 5 888192971 +871 331 3 888192202 +871 333 2 888192202 +871 335 3 888192475 +871 337 3 888192475 +871 342 4 888192475 +871 345 3 888192859 +871 346 3 888192859 +871 347 5 888192315 +871 352 3 888192971 +871 359 3 888192743 +871 360 3 888192475 +871 402 3 888193541 +871 435 3 888193336 +871 510 3 888193335 +871 511 2 888193177 +871 526 5 888193337 +871 547 3 888193136 +871 549 3 888193541 +871 566 3 888193337 +871 575 5 888192909 +871 651 2 888193337 +871 662 3 888193541 +871 690 3 888192315 +871 747 3 888193541 +871 750 3 888192689 +871 751 4 888192744 +871 752 3 888192744 +871 781 4 888193541 +871 794 3 888193541 +871 813 3 888193136 +871 876 3 888192689 +871 883 3 888192475 +871 895 3 888192689 +871 896 3 888192858 +871 904 3 888192858 +871 905 3 888192744 +871 907 3 888192745 +871 908 3 888192745 +871 909 3 888192475 +871 937 3 888192689 +871 947 2 888193177 +871 955 3 888193541 +871 989 3 888192744 +871 1022 3 888192689 +871 1024 3 888192689 +871 1072 3 888193541 +871 1119 3 888193384 +871 1137 3 888193541 +871 1176 3 888192858 +871 1197 3 888193136 +871 1345 3 888193136 +871 1385 3 888193136 +871 1386 3 888193136 +871 1388 4 888193136 +871 1430 3 888192744 +871 1431 4 888192971 +871 1434 3 888192689 +872 1 3 888479151 +872 106 3 888479624 +872 111 4 888479151 +872 117 4 888479171 +872 118 4 888479560 +872 121 4 888479206 +872 151 2 888479434 +872 237 4 888479275 +872 258 4 888478698 +872 268 1 888478864 +872 272 4 888478822 +872 273 3 888479274 +872 274 3 888479560 +872 278 3 888479206 +872 280 3 888479275 +872 282 5 888479253 +872 284 3 888479369 +872 288 5 888478743 +872 290 2 888479537 +872 294 3 888478882 +872 300 5 888478766 +872 310 4 888478698 +872 313 5 888478786 +872 323 2 888480019 +872 328 4 888478822 +872 334 1 888479894 +872 347 2 888478743 +872 350 3 888478840 +872 354 4 888478822 +872 363 4 888479582 +872 405 4 888479151 +872 409 3 888479677 +872 476 4 888479737 +872 546 4 888479560 +872 591 3 888479253 +872 597 4 888479370 +872 628 4 888479151 +872 682 3 888478822 +872 685 4 888479348 +872 717 4 888479582 +872 742 4 888479171 +872 748 3 888478942 +872 756 4 888479370 +872 763 3 888479405 +872 815 4 888479434 +872 820 3 888479624 +872 826 3 888479654 +872 845 3 888479313 +872 864 3 888479498 +872 871 3 888479677 +872 892 3 888479052 +872 893 4 888478902 +872 895 5 888478882 +872 905 4 888479034 +872 925 4 888479654 +872 926 4 888479516 +872 928 2 888479582 +872 930 3 888479654 +872 932 4 888479498 +872 974 4 888479701 +872 975 4 888479654 +872 977 3 888479737 +872 1011 1 888479333 +872 1028 3 888479434 +872 1040 3 888479701 +872 1047 4 888479603 +872 1061 4 888479701 +872 1165 2 888479537 +872 1284 3 888479434 +872 1376 2 888479603 +873 258 3 891392818 +873 259 1 891392698 +873 269 2 891392092 +873 286 2 891392091 +873 289 2 891392577 +873 292 5 891392177 +873 294 4 891392303 +873 300 4 891392238 +873 307 3 891392360 +873 313 5 891392177 +873 321 1 891392577 +873 326 4 891392656 +873 328 4 891392756 +873 339 3 891392871 +873 342 4 891392698 +873 348 3 891392577 +873 358 2 891392698 +873 750 3 891392303 +873 875 1 891392577 +873 879 2 891392577 +874 14 4 888632411 +874 20 3 888632615 +874 100 4 888632411 +874 111 3 888632411 +874 116 4 888632484 +874 124 4 888632411 +874 125 3 888632585 +874 127 5 888633310 +874 137 4 888632484 +874 150 4 888632448 +874 182 4 888633311 +874 191 4 888633311 +874 197 4 888633310 +874 275 4 888632448 +874 276 4 888632484 +874 285 4 888632411 +874 286 4 888632057 +874 289 4 888633197 +874 302 5 888632098 +874 305 4 888632057 +874 306 4 888632194 +874 311 4 888632098 +874 313 3 888632098 +874 321 3 888632275 +874 325 2 888633197 +874 340 3 888632194 +874 346 3 888632147 +874 357 5 888633311 +874 514 5 888633311 +874 521 5 888633311 +874 654 5 888633311 +874 676 3 888632585 +874 748 3 888633197 +874 751 3 888632147 +875 4 3 876466687 +875 8 3 876465072 +875 12 5 876465230 +875 22 3 876465072 +875 23 5 876466687 +875 28 4 876465408 +875 32 5 876465275 +875 42 4 876465336 +875 45 3 876465072 +875 50 5 876465370 +875 55 3 876465370 +875 56 5 876466687 +875 64 5 876465275 +875 71 2 876465336 +875 96 4 876465144 +875 98 5 876464967 +875 131 4 876465229 +875 133 4 876464967 +875 134 5 876465188 +875 135 4 876465188 +875 171 5 876465370 +875 172 4 876465072 +875 173 5 876465111 +875 174 5 876465025 +875 176 4 876465112 +875 179 5 876465188 +875 180 5 876464967 +875 181 4 876465335 +875 183 5 876465144 +875 185 4 876466687 +875 187 4 876466687 +875 195 4 876466687 +875 211 5 876465144 +875 213 4 876465408 +875 258 4 876464694 +875 268 4 876464755 +875 269 4 876464694 +875 286 3 876464694 +875 288 4 876464755 +875 289 4 876464800 +875 294 2 876464755 +875 300 3 876464800 +875 302 5 876464694 +875 321 3 876464755 +875 327 4 876464873 +875 332 3 876464801 +875 333 5 876464801 +875 334 4 876464800 +875 357 5 876465072 +875 358 3 876464800 +875 418 4 876465230 +875 421 4 876465335 +875 423 5 876464967 +875 428 4 876465112 +875 461 4 876466687 +875 462 4 876465188 +875 474 5 876465188 +875 478 4 876465025 +875 479 4 876466687 +875 480 5 876465275 +875 481 5 876465370 +875 496 4 876465144 +875 501 4 876465335 +875 504 5 876465275 +875 511 5 876465188 +875 512 5 876465408 +875 514 5 876465112 +875 518 4 876465408 +875 523 4 876465408 +875 527 4 876465230 +875 582 5 876465408 +875 603 4 876465111 +875 651 5 876466687 +875 652 5 876465275 +875 654 4 876465230 +875 692 2 876465230 +875 707 4 876464967 +875 753 3 876465188 +875 806 4 876465230 +875 921 5 876465275 +875 923 5 876465370 +875 937 4 876464830 +875 963 4 876465275 +875 964 4 876465335 +875 1073 5 876465230 +875 1103 5 876465144 +875 1422 3 876465274 +876 19 5 879428354 +876 22 4 879428451 +876 48 5 879428481 +876 174 4 879428378 +876 178 4 879428378 +876 187 4 879428354 +876 238 4 879428406 +876 276 4 879428354 +876 286 5 879428072 +876 288 3 879428101 +876 289 3 879428145 +876 318 5 879428406 +876 435 4 879428421 +876 511 5 879428354 +876 523 5 879428378 +876 527 5 879428406 +876 529 4 879428451 +876 531 4 879428481 +876 604 5 879428406 +876 878 2 879428253 +877 14 5 882677048 +877 31 4 882678483 +877 52 4 882677507 +877 55 4 882678512 +877 56 5 882678483 +877 59 5 882677012 +877 60 5 882677183 +877 61 5 882677244 +877 70 5 882677012 +877 79 4 882678387 +877 83 3 882677085 +877 86 4 882677827 +877 88 4 882677967 +877 98 5 882678427 +877 111 3 882677967 +877 155 2 882677997 +877 159 4 882678512 +877 164 5 882678547 +877 170 5 882677012 +877 173 4 882677865 +877 176 5 882678484 +877 185 4 882678387 +877 197 4 882677827 +877 202 4 882677936 +877 203 4 882678427 +877 207 3 882677012 +877 216 4 882677827 +877 222 2 882678484 +877 226 3 882678547 +877 228 4 882678387 +877 237 4 882677827 +877 241 4 882678194 +877 258 4 882676234 +877 269 4 882676098 +877 270 4 882676054 +877 271 4 882676507 +877 274 4 882678105 +877 275 4 882677183 +877 286 2 882675993 +877 288 3 882675993 +877 300 3 882676366 +877 302 2 882676054 +877 306 3 882675993 +877 307 3 882676190 +877 326 4 882676190 +877 328 2 882676366 +877 333 4 882676259 +877 340 3 882676395 +877 371 5 882677935 +877 381 4 882677345 +877 402 3 882677997 +877 451 4 882677865 +877 463 4 882677311 +877 475 4 882677085 +877 515 5 882677640 +877 531 5 882677128 +877 538 4 882676533 +877 549 4 882677935 +877 553 4 882678137 +877 557 4 882677715 +877 566 4 882678547 +877 582 2 882677280 +877 584 4 882677507 +877 640 2 882677311 +877 662 5 882677936 +877 690 4 882676098 +877 692 4 882677898 +877 702 4 882677386 +877 727 4 882677967 +877 732 4 882677898 +877 737 1 882677749 +877 738 4 882678137 +877 739 4 882678105 +877 744 5 882677280 +877 748 4 882676423 +877 921 4 882677128 +877 949 3 882677440 +877 955 4 882677936 +877 971 4 882677386 +877 1402 4 882677386 +878 8 3 880866288 +878 9 4 880865562 +878 14 5 880865865 +878 15 4 880872273 +878 19 4 880865470 +878 20 2 880865715 +878 22 2 880866918 +878 45 3 880867665 +878 50 4 880865562 +878 51 4 880869239 +878 57 4 880867987 +878 59 3 880866054 +878 60 4 880867035 +878 64 5 880866446 +878 66 3 880869354 +878 70 3 880868035 +878 71 4 880870130 +878 82 3 880870609 +878 88 4 880869418 +878 97 3 880869090 +878 98 4 880866848 +878 99 4 880870130 +878 100 2 880865661 +878 111 4 880867282 +878 116 2 880869638 +878 126 3 880865940 +878 127 4 880867444 +878 136 4 880866241 +878 137 3 880865562 +878 140 2 880870486 +878 151 1 880870609 +878 152 4 880870854 +878 153 5 880866177 +878 154 3 880866369 +878 155 3 880869418 +878 165 4 880866241 +878 166 4 880870854 +878 168 4 880866626 +878 170 4 880867485 +878 172 4 880870854 +878 174 3 880872669 +878 175 2 880869911 +878 179 4 880866626 +878 181 3 880865770 +878 191 4 880866564 +878 194 4 880869911 +878 197 4 880866971 +878 202 4 880869090 +878 204 2 880869911 +878 212 3 880867987 +878 213 3 880867854 +878 215 2 880866687 +878 216 4 880869135 +878 225 3 880870765 +878 234 1 880872619 +878 236 2 880865470 +878 237 3 880868955 +878 258 3 880865562 +878 265 3 880866626 +878 269 4 880865183 +878 274 3 880869003 +878 275 4 880865469 +878 276 3 880865715 +878 283 3 880868035 +878 285 5 880865562 +878 286 4 880865183 +878 317 4 880866054 +878 318 5 880866013 +878 321 2 880865300 +878 371 3 880869239 +878 393 3 880870487 +878 402 4 880869303 +878 416 5 880870854 +878 418 3 880870130 +878 427 5 880872394 +878 432 3 880870048 +878 435 4 880866103 +878 451 2 880869135 +878 462 4 880866509 +878 463 2 880866177 +878 474 5 880868819 +878 481 5 880870854 +878 482 4 880866134 +878 485 3 880866103 +878 496 5 880867387 +878 497 2 880872395 +878 498 4 880866758 +878 509 4 880866288 +878 511 4 880866810 +878 512 5 880867709 +878 514 4 880870854 +878 515 4 880865900 +878 517 4 880866687 +878 529 5 880870854 +878 530 5 880872619 +878 531 2 880866564 +878 535 1 880871600 +878 549 4 880869303 +878 553 3 880869303 +878 582 4 880866810 +878 584 4 880867803 +878 588 2 880870048 +878 640 1 880867751 +878 642 3 880866971 +878 650 2 880866883 +878 655 3 880866687 +878 659 4 880870854 +878 662 1 880871600 +878 663 5 880868635 +878 690 2 880865230 +878 692 4 880869191 +878 699 1 880871600 +878 702 1 880871600 +878 707 2 880866409 +878 732 4 880869302 +878 736 5 880868035 +878 739 3 880869303 +878 740 2 880865813 +878 755 2 880870486 +878 781 1 880871600 +878 794 4 880869418 +878 796 2 880869473 +878 855 3 880867803 +878 921 4 880867665 +878 923 3 880866687 +878 949 3 880871600 +878 956 2 880866810 +878 1039 3 880866508 +878 1041 1 880871600 +878 1065 1 880871600 +878 1092 3 880867444 +878 1100 3 880869418 +878 1121 2 880867895 +878 1149 4 880868820 +879 1 4 887761865 +879 15 4 887761865 +879 25 4 887761865 +879 50 4 887761865 +879 111 4 887761865 +879 117 4 887761865 +879 118 3 887761562 +879 121 4 887761865 +879 125 5 887761174 +879 127 5 887761249 +879 151 3 887761425 +879 181 4 887761088 +879 222 4 887761460 +879 237 4 887761309 +879 255 4 887761156 +879 276 4 887761865 +879 282 4 887761865 +879 292 4 887760823 +879 294 3 887760951 +879 300 3 887760802 +879 304 4 887760912 +879 596 2 887761380 +879 597 2 887761229 +879 685 4 887761865 +879 751 2 887760879 +879 763 5 887761425 +879 866 5 887761460 +879 1047 2 887761477 +879 1284 3 887761562 +880 1 4 880166744 +880 2 3 880167732 +880 3 1 880175023 +880 4 4 880167843 +880 5 3 880241379 +880 7 3 880166872 +880 8 4 880174677 +880 11 4 880167695 +880 12 5 880175622 +880 17 3 880174808 +880 21 2 880174961 +880 22 4 880167695 +880 23 5 880175735 +880 24 3 880167175 +880 25 4 880166938 +880 27 3 880167965 +880 28 5 880175690 +880 29 2 880167965 +880 31 4 880243629 +880 33 3 880167880 +880 38 3 880168411 +880 39 4 880167731 +880 40 2 880174904 +880 41 1 880175239 +880 42 5 880174808 +880 44 4 880243712 +880 47 4 880174730 +880 49 3 880174858 +880 50 5 880167175 +880 53 4 880168411 +880 54 3 880242503 +880 55 3 880167778 +880 56 5 880167731 +880 62 3 880168411 +880 63 3 880174926 +880 64 5 880175646 +880 65 4 880241977 +880 67 1 880175023 +880 68 5 880167843 +880 69 4 880175646 +880 70 4 880174677 +880 71 4 880241289 +880 72 3 880174996 +880 79 4 880167670 +880 80 2 880175050 +880 81 4 880242094 +880 82 3 880167806 +880 85 3 880174904 +880 87 4 880241913 +880 88 3 880174705 +880 90 3 880174858 +880 91 3 880241256 +880 92 4 880167778 +880 93 4 880174623 +880 94 3 880175097 +880 95 3 880241219 +880 96 4 880167695 +880 97 4 880175714 +880 98 5 880241327 +880 99 3 880241219 +880 100 5 880166966 +880 105 3 880175077 +880 109 4 880167114 +880 110 3 880175128 +880 111 4 880167132 +880 117 4 880166872 +880 118 3 880167551 +880 120 2 880175503 +880 121 2 880167030 +880 122 3 880175208 +880 123 4 880167247 +880 124 5 880166847 +880 127 5 880167066 +880 128 3 880167806 +880 137 4 880166827 +880 140 4 880243001 +880 144 5 880167670 +880 147 4 880167224 +880 148 2 880167030 +880 150 4 880166798 +880 151 4 880242848 +880 156 4 880243680 +880 158 2 880175128 +880 161 2 880167778 +880 168 3 880174623 +880 172 5 880167695 +880 173 3 880174780 +880 174 4 880167670 +880 176 5 880167731 +880 177 5 880167778 +880 179 4 880175735 +880 180 5 880241822 +880 181 5 880166719 +880 182 5 880167670 +880 184 4 880167843 +880 185 5 880241355 +880 186 4 880174808 +880 187 5 880167671 +880 188 4 880167842 +880 191 5 880175597 +880 194 5 880174623 +880 195 4 880167670 +880 200 4 880241355 +880 201 4 880174834 +880 202 4 880174834 +880 204 5 880174652 +880 208 5 880174652 +880 209 3 880174623 +880 210 4 880167670 +880 217 4 880241411 +880 218 4 880241355 +880 222 4 880166990 +880 226 4 880167806 +880 227 2 880167918 +880 228 3 880167843 +880 230 3 880167732 +880 231 2 880167880 +880 232 4 880167806 +880 233 4 880167918 +880 234 5 880241327 +880 235 3 880166990 +880 237 4 880166798 +880 238 4 880174652 +880 239 4 880174808 +880 240 4 880167151 +880 243 2 892958608 +880 245 2 892958350 +880 246 5 892958837 +880 248 4 892958863 +880 249 4 880166966 +880 250 3 880167521 +880 252 2 880167551 +880 254 2 880167599 +880 257 5 880167521 +880 258 4 880166499 +880 260 4 892958484 +880 268 5 892958128 +880 269 4 892958090 +880 272 5 892958036 +880 273 5 880166770 +880 276 4 880166872 +880 280 2 880243204 +880 281 4 880167384 +880 282 2 880166966 +880 283 3 880167008 +880 284 4 880242528 +880 287 4 892958966 +880 288 4 880166451 +880 293 4 880166872 +880 294 4 880166557 +880 295 5 892958887 +880 298 4 880166827 +880 299 4 892958517 +880 300 3 880166451 +880 301 4 880166557 +880 302 5 880166451 +880 307 4 892958090 +880 310 3 892958036 +880 315 5 892958175 +880 316 5 892958128 +880 318 5 880241746 +880 327 3 880166475 +880 328 4 880166557 +880 329 4 892958250 +880 342 3 892958275 +880 346 5 892958128 +880 347 5 892958301 +880 348 4 892958376 +880 356 4 880242475 +880 357 5 880175622 +880 363 4 880167200 +880 365 2 880242660 +880 366 2 880242257 +880 367 4 880174730 +880 368 1 880175503 +880 369 1 880175503 +880 375 1 880242782 +880 376 3 880175239 +880 379 4 880241434 +880 380 3 880242281 +880 381 4 880174808 +880 383 3 880243147 +880 384 3 880175157 +880 385 4 880167843 +880 386 3 880174995 +880 392 3 880242475 +880 393 3 880174926 +880 394 3 880243319 +880 396 2 880174995 +880 398 3 880167965 +880 401 3 880175077 +880 402 3 880242115 +880 403 3 880167778 +880 405 4 880167328 +880 407 1 880175503 +880 409 2 880243069 +880 410 4 880166938 +880 411 4 880167328 +880 412 3 880167306 +880 418 4 880241256 +880 421 2 880243204 +880 423 5 880175690 +880 435 4 880167778 +880 451 2 880243230 +880 456 3 880175270 +880 461 4 880175666 +880 467 4 880241821 +880 468 3 880242422 +880 470 4 880242306 +880 471 4 880167114 +880 473 3 880167132 +880 475 4 880166798 +880 476 3 880175444 +880 477 3 880166966 +880 508 4 880166966 +880 527 4 880241943 +880 541 2 880167918 +880 546 3 880167410 +880 549 4 880243230 +880 550 4 880167880 +880 554 3 880168411 +880 556 3 880242451 +880 566 3 880167880 +880 568 5 880167843 +880 570 3 880167965 +880 571 2 880175187 +880 575 3 880175077 +880 577 3 880175207 +880 578 3 880168411 +880 579 3 880243882 +880 584 3 880242933 +880 585 1 880175050 +880 588 4 880241219 +880 591 4 880166990 +880 595 1 880243541 +880 597 3 880167436 +880 603 5 880243629 +880 619 4 880243499 +880 623 4 880243069 +880 625 4 880242933 +880 627 3 880241256 +880 628 2 880166799 +880 636 3 880167918 +880 651 5 880167695 +880 655 4 880174623 +880 657 4 880243629 +880 678 3 880166662 +880 684 4 880167778 +880 685 4 880167083 +880 689 4 880166577 +880 692 3 880174652 +880 693 5 880242191 +880 697 2 880242281 +880 719 3 880174961 +880 720 2 880167965 +880 721 1 880174749 +880 722 3 880174904 +880 728 4 880243410 +880 731 4 880175023 +880 732 4 880174652 +880 734 3 880175240 +880 742 4 880166847 +880 746 4 892959246 +880 748 4 892958250 +880 755 3 880242848 +880 761 4 880167965 +880 762 4 893028813 +880 763 3 880167247 +880 768 2 880242848 +880 769 3 880241492 +880 770 4 880167880 +880 771 3 880243848 +880 779 3 880167965 +880 780 3 880175157 +880 781 3 880174961 +880 783 1 880175187 +880 790 3 880175050 +880 791 2 880174961 +880 793 4 880174677 +880 794 4 880243265 +880 795 2 880243147 +880 801 3 880175239 +880 802 3 880167918 +880 810 3 880168411 +880 815 4 893028814 +880 818 2 880175468 +880 820 3 880167384 +880 823 3 880167435 +880 824 4 880174879 +880 825 4 880167288 +880 826 3 880167551 +880 831 4 880167411 +880 833 4 880167288 +880 841 3 880167411 +880 845 3 880167200 +880 849 3 880167918 +880 864 3 880167200 +880 876 4 892958376 +880 879 3 880166529 +880 881 4 892958401 +880 902 4 892958301 +880 926 3 880167328 +880 928 2 880167435 +880 930 2 880167551 +880 931 3 880243564 +880 940 3 880175157 +880 948 4 880166662 +880 956 3 880242380 +880 976 2 880243588 +880 986 3 880167569 +880 992 4 892959014 +880 1000 3 880175128 +880 1001 2 880167435 +880 1002 3 880175527 +880 1012 4 880166827 +880 1013 3 880167355 +880 1014 4 892959041 +880 1016 4 880167223 +880 1017 3 880175077 +880 1023 2 880175405 +880 1030 2 880243147 +880 1035 4 880242933 +880 1036 2 880243147 +880 1041 4 880175128 +880 1044 4 880242577 +880 1047 3 880175157 +880 1049 3 892959087 +880 1052 1 880175503 +880 1053 3 880242660 +880 1058 2 880242421 +880 1059 4 880166939 +880 1093 3 880167384 +880 1095 3 880175503 +880 1119 3 880242028 +880 1134 5 880241609 +880 1139 4 880242577 +880 1151 3 880167454 +880 1157 4 880243817 +880 1165 2 880175527 +880 1181 3 880242781 +880 1184 3 880167806 +880 1185 1 880174995 +880 1188 2 880167880 +880 1197 3 880167151 +880 1210 4 880243790 +880 1215 1 880167599 +880 1217 3 880243712 +880 1222 4 880168411 +880 1224 3 880242632 +880 1225 2 880174834 +880 1244 3 880167411 +880 1258 3 880175368 +880 1267 4 880242356 +880 1270 3 880175187 +880 1276 3 880167384 +880 1277 4 880167355 +880 1284 4 880167355 +880 1291 3 880175468 +880 1296 3 892958128 +880 1415 2 880243093 +880 1423 3 880175577 +880 1446 4 880174705 +880 1468 4 880242139 +880 1478 3 880242547 +880 1496 4 880243147 +880 1518 2 880242422 +880 1620 3 880167288 +880 1664 4 892958799 +881 1 4 876535796 +881 4 3 876538286 +881 7 4 876536164 +881 8 4 876537457 +881 9 3 876536198 +881 11 4 876537752 +881 13 4 876536364 +881 14 1 879051971 +881 15 3 876536241 +881 21 3 876536667 +881 22 5 876538028 +881 23 4 876537419 +881 25 3 876536198 +881 27 3 876538953 +881 28 5 876537612 +881 29 2 876539091 +881 31 5 876537577 +881 38 3 876538763 +881 43 3 876539595 +881 49 5 876538986 +881 50 3 876535927 +881 51 5 876538889 +881 53 2 876539448 +881 54 4 876539387 +881 56 1 876962037 +881 58 3 876538796 +881 62 4 876538666 +881 63 4 876538853 +881 64 5 876537933 +881 69 3 876537933 +881 70 2 876539220 +881 71 4 876538322 +881 72 2 876539220 +881 77 2 876538627 +881 79 4 876537825 +881 81 3 876538666 +881 82 5 876538286 +881 88 3 876538595 +881 89 4 876537577 +881 90 3 876539595 +881 94 2 876539020 +881 95 4 876537679 +881 96 3 876537718 +881 97 3 876537613 +881 98 5 876537612 +881 99 3 876538571 +881 100 4 876536414 +881 103 1 876536745 +881 105 3 876537285 +881 106 4 879052493 +881 108 3 879052402 +881 112 2 876536978 +881 117 5 876535796 +881 118 4 876536332 +881 120 2 879052376 +881 121 5 876536391 +881 125 5 876536745 +881 127 4 876536079 +881 129 4 879052141 +881 132 3 876538726 +881 133 4 876537718 +881 134 5 876539260 +881 135 4 876537900 +881 136 4 876538537 +881 139 3 876538922 +881 140 2 876538098 +881 141 3 876538889 +881 143 5 876539128 +881 151 2 876536241 +881 161 3 876538506 +881 168 3 876537933 +881 172 4 876538986 +881 174 5 876537718 +881 175 2 876537418 +881 176 4 876537679 +881 177 4 876537900 +881 178 3 876537512 +881 179 5 876538400 +881 180 5 876538063 +881 181 4 876535928 +881 182 3 876538571 +881 183 4 876537995 +881 185 5 876537418 +881 186 3 876538221 +881 187 4 876539091 +881 188 4 876538665 +881 191 5 876537457 +881 192 5 876537577 +881 193 5 876538131 +881 194 3 876538185 +881 195 4 876539636 +881 196 3 876538185 +881 197 3 876537870 +881 199 5 876538824 +881 200 2 876538185 +881 202 4 876537825 +881 204 4 876538506 +881 205 4 876538465 +881 208 3 876538098 +881 209 3 876537718 +881 214 4 876538322 +881 215 3 876538726 +881 216 4 876538922 +881 217 3 876538131 +881 218 4 876539260 +881 222 5 876536079 +881 225 2 876536012 +881 226 3 876538400 +881 227 4 876538953 +881 228 3 876537995 +881 229 4 876538726 +881 230 4 876539291 +881 233 3 876538922 +881 234 3 876537870 +881 238 1 876537679 +881 240 1 879052141 +881 243 2 876535663 +881 255 3 876536332 +881 257 5 876536040 +881 259 3 876535599 +881 265 5 876538286 +881 274 3 876536850 +881 276 5 876536079 +881 281 3 876536439 +881 282 4 876536773 +881 286 2 876961961 +881 289 1 876535544 +881 291 3 876537177 +881 294 3 876535642 +881 304 3 876535642 +881 322 4 879051511 +881 323 2 879051487 +881 333 5 876535642 +881 356 3 876539477 +881 357 5 876537457 +881 375 1 876539387 +881 380 4 876538763 +881 385 4 876538666 +881 392 5 876538155 +881 393 4 876539091 +881 395 3 876538322 +881 399 4 876538465 +881 400 2 876539128 +881 401 1 876539260 +881 403 3 876539330 +881 405 4 876536667 +881 409 4 879052545 +881 411 3 879052376 +881 412 1 876536523 +881 414 5 876537752 +881 417 2 876538131 +881 419 5 876538691 +881 420 3 876539549 +881 423 4 876538726 +881 430 4 876537870 +881 432 3 876537825 +881 434 2 876538889 +881 435 3 876538796 +881 441 2 876539549 +881 443 5 876539448 +881 447 4 876538953 +881 449 3 876539549 +881 451 1 876539186 +881 456 1 879052291 +881 465 3 876538595 +881 472 4 876537285 +881 473 2 876536636 +881 474 3 876537870 +881 476 2 879052198 +881 477 4 876536107 +881 478 4 876537612 +881 480 4 876537679 +881 483 4 876537418 +881 484 4 876537512 +881 490 4 876538763 +881 495 5 876537752 +881 498 4 876537577 +881 504 3 876537577 +881 506 4 876539020 +881 511 5 876537419 +881 514 4 876537457 +881 515 4 876535967 +881 520 5 876538986 +881 521 4 876537870 +881 523 4 876537825 +881 524 4 876537825 +881 526 5 876538251 +881 527 3 876537900 +881 528 5 876538536 +881 530 5 876538571 +881 542 1 876538763 +881 546 4 876536012 +881 550 3 876539261 +881 554 1 876539636 +881 559 2 876539220 +881 561 4 876538465 +881 566 4 876538796 +881 568 4 876539020 +881 573 3 876539260 +881 575 2 876539330 +881 576 3 876538824 +881 580 5 876538251 +881 582 1 876538465 +881 588 3 876538027 +881 596 3 876536241 +881 601 5 876539186 +881 615 4 876539291 +881 620 2 879052198 +881 625 5 876538465 +881 630 4 876539187 +881 642 4 876538027 +881 651 5 876539549 +881 654 4 876539156 +881 655 4 876539448 +881 663 5 876538322 +881 671 3 876537512 +881 678 2 876535695 +881 679 1 876539129 +881 685 2 876536877 +881 705 1 876537679 +881 712 3 876539156 +881 728 3 876539129 +881 732 5 876538465 +881 739 4 876539091 +881 742 4 876536773 +881 748 3 876535544 +881 755 4 876538922 +881 756 4 876536012 +881 763 3 879052317 +881 768 3 876539505 +881 790 3 876539549 +881 795 2 876539418 +881 812 2 876539505 +881 820 2 876537285 +881 826 1 879052109 +881 831 2 879052493 +881 849 2 876539051 +881 864 3 876536198 +881 924 3 876536850 +881 934 3 876537011 +881 943 4 876537404 +881 1028 3 876537056 +881 1033 1 876536745 +881 1046 3 876539051 +881 1057 1 879052341 +881 1066 3 876538726 +881 1078 3 876539260 +881 1089 1 876537011 +881 1118 3 876538131 +881 1124 4 876538627 +881 1133 2 876539360 +881 1164 1 876537106 +881 1177 1 876539418 +881 1215 1 879052376 +881 1217 5 876538506 +881 1228 3 876538986 +881 1411 2 876539595 +881 1480 2 876539636 +881 1540 1 876539091 +882 1 5 879864558 +882 4 4 879868118 +882 7 4 879862652 +882 8 5 879864789 +882 11 4 879867816 +882 15 5 879862141 +882 21 2 879863909 +882 25 2 879862652 +882 28 5 879867508 +882 33 2 879868197 +882 50 5 879867694 +882 56 4 879865307 +882 66 4 879867980 +882 69 5 879864917 +882 70 3 879876573 +882 71 5 879867631 +882 79 5 879878486 +882 82 5 879867885 +882 86 5 879867568 +882 89 5 879867508 +882 95 4 879877155 +882 96 4 879878140 +882 98 5 879865750 +882 99 5 879878486 +882 101 3 879879807 +882 105 3 879863735 +882 117 4 879861492 +882 118 4 879863031 +882 121 4 879861739 +882 122 2 879863831 +882 131 4 879876573 +882 132 5 879864970 +882 133 5 879867263 +882 135 5 879876806 +882 140 3 879879868 +882 143 4 879876806 +882 147 4 879863106 +882 151 5 879862327 +882 168 5 879867631 +882 172 5 879864970 +882 173 5 879867980 +882 174 5 879864697 +882 176 4 879867980 +882 177 5 879867885 +882 180 4 879865307 +882 181 5 879867430 +882 183 4 879864789 +882 185 5 879877245 +882 186 5 879879731 +882 191 5 879867694 +882 193 5 879867263 +882 194 3 879879668 +882 195 5 879867568 +882 196 4 879867263 +882 199 5 879867508 +882 202 4 879876806 +882 203 4 879867508 +882 204 5 879864697 +882 205 5 879865307 +882 208 5 879868197 +882 210 4 879867568 +882 211 4 879867431 +882 215 5 879867816 +882 216 4 879867508 +882 222 5 879861562 +882 225 5 879862865 +882 227 4 879879868 +882 228 5 879867694 +882 230 5 879867508 +882 235 3 879863560 +882 237 5 879862327 +882 243 4 879861325 +882 258 3 879860936 +882 265 5 879867431 +882 275 5 879861678 +882 284 3 879862865 +882 288 3 879860762 +882 290 4 879862217 +882 291 4 879862936 +882 294 4 879860936 +882 357 4 879864917 +882 369 3 879863257 +882 378 5 879868198 +882 380 5 879868197 +882 393 4 879880132 +882 405 4 879861939 +882 407 2 879863831 +882 409 4 879863031 +882 411 3 879863457 +882 412 1 879863735 +882 416 4 879879868 +882 419 5 879864917 +882 420 5 879879807 +882 423 5 879878486 +882 427 5 879877026 +882 429 4 879866320 +882 432 5 879865307 +882 455 3 879862652 +882 465 3 879876573 +882 470 4 879867816 +882 471 4 879861562 +882 473 3 879862936 +882 476 3 879863735 +882 496 5 879866320 +882 501 5 879879807 +882 510 5 879864642 +882 515 5 879865307 +882 526 4 879864642 +882 546 2 879863031 +882 559 3 879876806 +882 566 4 879876806 +882 568 5 879865629 +882 582 5 879876573 +882 588 4 879867430 +882 597 4 879863106 +882 616 4 879879807 +882 660 3 879879731 +882 662 3 879879807 +882 684 3 879877026 +882 692 4 879867631 +882 739 4 879880131 +882 746 4 879865163 +882 748 5 879861155 +882 756 3 879863457 +882 815 2 879861678 +882 820 3 879863969 +882 841 1 879863909 +882 929 1 879863176 +882 932 4 879863969 +882 969 5 879880132 +882 988 5 879861385 +882 1015 3 879863457 +882 1052 2 879864125 +882 1060 3 879862652 +882 1116 4 879879868 +882 1412 3 879867368 +882 1444 4 879877245 +883 1 3 891914583 +883 4 4 891694276 +883 7 5 891754985 +883 8 4 891694249 +883 9 4 891717495 +883 10 5 892557605 +883 11 2 891696824 +883 12 4 891717356 +883 13 4 891723351 +883 14 3 891693675 +883 16 4 891692713 +883 19 2 891692657 +883 20 4 891693723 +883 22 3 891696824 +883 24 4 891692657 +883 26 3 891693139 +883 28 3 891717908 +883 30 4 891693058 +883 39 4 891696864 +883 45 5 891695570 +883 47 3 891694182 +883 48 4 891717283 +883 49 3 891694636 +883 50 4 891696824 +883 52 3 891693169 +883 53 5 891696999 +883 55 4 891696864 +883 56 5 891694276 +883 58 3 891717380 +883 59 5 891692982 +883 60 5 891693012 +883 61 5 891693012 +883 64 4 891717988 +883 65 4 891717319 +883 66 3 891694636 +883 68 4 891696957 +883 69 2 891717356 +883 70 3 891693169 +883 72 4 891694431 +883 79 4 891696864 +883 81 5 891717908 +883 82 3 891696999 +883 83 3 891693200 +883 86 3 891693086 +883 88 4 891696715 +883 89 5 891696864 +883 90 3 891694672 +883 96 4 891696864 +883 98 3 891695666 +883 100 4 891717462 +883 113 4 891693723 +883 116 5 891692786 +883 124 5 891717419 +883 127 5 891717319 +883 129 5 891755088 +883 134 5 891754950 +883 135 4 891717319 +883 137 5 891717356 +883 144 4 892557605 +883 147 2 891717419 +883 151 5 892439523 +883 153 5 891723290 +883 154 4 891754985 +883 168 5 891694218 +883 170 3 891693139 +883 172 4 891696824 +883 173 4 891694182 +883 174 4 891696824 +883 175 5 891694312 +883 176 4 891696895 +883 183 5 891696895 +883 185 5 891695692 +883 190 4 891693058 +883 194 3 891694218 +883 195 5 891696824 +883 197 4 891696689 +883 198 5 891695570 +883 199 4 891717462 +883 202 4 891694312 +883 204 4 891694182 +883 207 3 891693012 +883 208 4 891694340 +883 209 3 891694311 +883 210 4 891723351 +883 211 5 891694249 +883 212 5 891695570 +883 213 2 891693058 +883 216 4 891694249 +883 222 3 891717495 +883 224 4 891692683 +883 226 3 892557605 +883 227 3 891696930 +883 228 4 891696824 +883 229 4 891696930 +883 234 4 891695666 +883 237 3 891717963 +883 238 4 891694218 +883 239 3 891694401 +883 241 4 891696714 +883 250 3 892439468 +883 251 5 891692657 +883 256 5 891692713 +883 257 5 891914605 +883 265 3 891696864 +883 269 3 891691436 +883 270 4 891691436 +883 271 2 891692116 +883 273 4 892557850 +883 275 4 891692657 +883 276 5 891717462 +883 277 4 891717936 +883 279 3 891717356 +883 283 4 891692742 +883 285 5 891723351 +883 286 3 891691654 +883 289 5 891692168 +883 302 5 891691410 +883 304 3 891691534 +883 306 3 891691410 +883 311 4 891691505 +883 312 3 891692044 +883 313 3 891692285 +883 315 3 891691353 +883 316 5 891692168 +883 318 4 891717936 +883 319 3 891691560 +883 322 5 891692168 +883 323 5 891692168 +883 331 3 891691654 +883 338 4 891695193 +883 342 4 891692116 +883 345 3 891691465 +883 346 4 891691353 +883 347 4 891691559 +883 349 2 892557605 +883 354 4 891692000 +883 355 5 891692168 +883 367 5 891694218 +883 372 3 891694544 +883 382 3 891693200 +883 384 3 891694431 +883 385 1 891696999 +883 386 3 891694372 +883 387 5 891696750 +883 396 2 891695743 +883 399 5 891696999 +883 403 5 891696999 +883 405 3 891916961 +883 407 3 892557605 +883 408 5 891914522 +883 414 3 891694431 +883 421 5 891696689 +883 430 5 891694401 +883 435 4 891696895 +883 455 4 891916411 +883 461 5 891717988 +883 462 5 891693085 +883 463 3 891693058 +883 464 5 891717533 +883 477 5 891914545 +883 479 5 891755017 +883 487 5 891755066 +883 490 4 891755017 +883 496 2 891755066 +883 504 5 891754950 +883 506 5 891754950 +883 511 4 891717419 +883 512 5 891693058 +883 513 5 891717319 +883 514 4 891694182 +883 515 5 891692657 +883 516 4 891694372 +883 517 4 891694218 +883 519 5 891717283 +883 523 5 891694276 +883 529 5 891693012 +883 530 3 891696823 +883 531 3 891693497 +883 549 4 891696782 +883 550 3 892557605 +883 553 4 891696782 +883 559 3 891695692 +883 561 3 891695717 +883 566 3 891696999 +883 568 3 891696999 +883 580 3 891693200 +883 582 3 891693387 +883 584 3 891693200 +883 589 5 891754985 +883 603 4 891755017 +883 634 3 891692874 +883 647 5 891717319 +883 648 4 891694249 +883 656 5 891695666 +883 659 3 891694218 +883 661 4 891718914 +883 665 4 891695717 +883 684 3 891755066 +883 692 3 891694249 +883 693 4 891717988 +883 694 5 891693110 +883 703 3 891693139 +883 707 3 891693139 +883 709 5 891694431 +883 712 3 891694249 +883 713 3 891692742 +883 715 5 891694311 +883 724 4 891696689 +883 727 3 891696750 +883 732 3 891694340 +883 736 3 891696750 +883 739 2 891696715 +883 740 4 891692742 +883 745 5 891694431 +883 748 5 891692168 +883 749 3 891695490 +883 750 3 891691485 +883 752 4 892872163 +883 770 4 891696957 +883 778 4 891694372 +883 781 3 891694340 +883 785 3 891694372 +883 792 4 891694182 +883 794 4 891696750 +883 796 3 891696782 +883 805 4 891723323 +883 847 4 892557605 +883 856 5 891694401 +883 863 3 891693497 +883 867 5 891695588 +883 873 3 891695173 +883 882 4 891691388 +883 886 3 892439422 +883 896 5 891691465 +883 900 5 891691654 +883 902 4 891691534 +883 919 4 891692713 +883 922 5 891717963 +883 945 4 891754985 +883 952 3 891916924 +883 955 5 891696689 +883 956 4 891717885 +883 971 3 891693200 +883 989 5 891692168 +883 1005 5 891695570 +883 1009 4 891692811 +883 1012 5 891916324 +883 1019 5 891695570 +883 1021 5 891693058 +883 1041 3 891694603 +883 1045 5 891717462 +883 1065 5 891717533 +883 1074 4 891694340 +883 1115 4 891692765 +883 1118 4 891694276 +883 1121 3 891693702 +883 1131 5 891695570 +883 1171 5 891695570 +883 1222 5 891696999 +883 1226 3 891914483 +883 1227 3 891693200 +883 1288 4 892439357 +883 1404 3 891694372 +883 1448 5 891695570 +883 1462 5 891695570 +883 1591 3 891695570 +883 1592 5 891692168 +883 1656 5 891692168 +884 9 5 876858820 +884 14 4 876858946 +884 70 4 876859208 +884 86 3 876859208 +884 100 5 876858820 +884 116 4 876858914 +884 127 4 876858877 +884 146 3 876858877 +884 165 3 876859070 +884 166 3 876859207 +884 179 5 876859109 +884 198 5 876859237 +884 212 4 876859238 +884 213 4 876859207 +884 258 5 876857704 +884 268 4 876857704 +884 269 5 876857704 +884 275 4 876857845 +884 285 4 876858820 +884 300 1 876857789 +884 322 3 876857745 +884 323 2 876857745 +884 381 5 876859751 +884 382 5 876859351 +884 462 4 876859237 +884 463 5 876859070 +884 475 4 876858914 +884 509 4 876859090 +884 510 5 876859330 +884 515 4 876858914 +884 529 5 876859301 +884 582 5 876859351 +884 638 4 876859301 +884 640 1 876859161 +884 713 3 876858914 +884 736 3 876859329 +884 921 5 876859277 +884 923 3 876859109 +884 949 2 876860604 +884 1009 2 876859024 +884 1018 2 876860514 +884 1073 4 876859138 +884 1214 1 876860434 +885 1 5 885714990 +885 7 3 885715889 +885 25 4 885713017 +885 28 4 885714136 +885 29 1 885714487 +885 50 3 885712252 +885 56 3 885714641 +885 65 2 885714336 +885 69 4 885714201 +885 70 5 885713585 +885 71 4 885714820 +885 72 1 885713631 +885 79 4 885715803 +885 82 4 885715907 +885 88 4 885713461 +885 91 3 885714820 +885 94 2 885713833 +885 95 4 885714933 +885 97 5 885714136 +885 99 4 885714858 +885 100 3 885712944 +885 111 4 885712996 +885 117 4 885715643 +885 135 2 885714159 +885 142 2 885716369 +885 143 4 885716344 +885 151 4 885716221 +885 153 2 885713357 +885 154 3 885713434 +885 161 4 885715827 +885 167 3 885713807 +885 169 5 885714820 +885 172 3 885715888 +885 173 4 885713357 +885 174 5 885715780 +885 179 1 885714226 +885 181 3 885712280 +885 186 4 885713434 +885 188 3 885715946 +885 189 5 885714820 +885 195 4 885715827 +885 196 3 885714201 +885 204 4 885713294 +885 208 3 885713406 +885 209 2 885713502 +885 210 5 885713544 +885 213 3 885715221 +885 216 3 885715221 +885 225 3 885716242 +885 233 3 885715889 +885 237 5 885715151 +885 239 3 885713609 +885 245 2 885712224 +885 274 5 885712996 +885 278 3 885715468 +885 290 1 885712921 +885 300 4 885712224 +885 318 5 885714093 +885 338 3 885712224 +885 356 3 885714317 +885 365 3 885714431 +885 383 2 885713939 +885 386 2 885713680 +885 393 3 885713680 +885 402 3 885715489 +885 405 4 885715691 +885 417 3 885716369 +885 418 4 885714933 +885 419 4 885716328 +885 420 4 885714858 +885 423 4 885714136 +885 428 4 885713461 +885 432 4 885714820 +885 451 2 885713716 +885 476 4 885713062 +885 501 3 885714820 +885 523 3 885713357 +885 538 4 885712224 +885 549 3 885714409 +885 568 4 885715889 +885 582 2 885714487 +885 584 3 885716328 +885 588 4 885714820 +885 596 4 885714990 +885 625 3 885714858 +885 655 3 885713294 +885 660 5 885714317 +885 662 3 885714362 +885 685 3 885715671 +885 735 3 885714764 +885 739 4 885715241 +885 756 2 885713101 +885 815 4 885715169 +885 821 3 885713585 +885 866 3 885713102 +885 946 3 885714933 +885 949 4 885714452 +885 953 3 885714531 +885 1030 1 885713975 +885 1061 2 885713138 +885 1221 3 885714362 +885 1311 2 885714582 +886 1 4 876031433 +886 2 4 876033368 +886 3 3 876032330 +886 4 3 876031601 +886 5 3 876032929 +886 7 5 876031330 +886 9 5 876032274 +886 10 3 876032030 +886 11 5 876031365 +886 12 5 876031279 +886 15 3 876031869 +886 17 4 876032596 +886 20 2 876031739 +886 22 4 876032378 +886 23 4 876031365 +886 24 4 876031973 +886 26 4 876032929 +886 27 2 876031829 +886 28 4 876031413 +886 29 1 876033576 +886 33 4 876033088 +886 42 5 876032248 +886 43 2 876033134 +886 47 4 876031601 +886 48 4 876031526 +886 49 4 876032187 +886 50 5 876031501 +886 53 1 876032422 +886 54 3 876031279 +886 55 4 876031622 +886 56 4 876031365 +886 58 4 876032331 +886 62 3 876033265 +886 63 3 876033015 +886 64 5 876031573 +886 65 3 876031870 +886 66 3 876032442 +886 67 4 876033228 +886 68 3 876032422 +886 69 2 876031932 +886 71 4 876032274 +886 76 4 876033897 +886 79 5 876032884 +886 80 3 876034228 +886 81 4 876032531 +886 87 4 876032473 +886 89 4 876031720 +886 92 3 876031481 +886 94 4 876033200 +886 95 5 876032531 +886 96 3 876031392 +886 98 4 876032352 +886 100 4 876032187 +886 101 4 876032103 +886 108 5 876033200 +886 117 2 876033624 +886 118 1 876032673 +886 127 4 876032472 +886 128 4 876031551 +886 129 5 876033015 +886 132 3 876032399 +886 144 4 876032509 +886 147 5 876033228 +886 150 4 876031656 +886 153 3 876031279 +886 156 4 876031413 +886 157 4 876031695 +886 159 2 876031695 +886 160 1 876031550 +886 161 5 876033478 +886 164 4 876033053 +886 168 4 876031573 +886 171 4 876032072 +886 172 5 876031527 +886 173 5 876031932 +886 174 5 876032739 +886 175 4 876031550 +886 176 4 876032143 +886 177 4 876031973 +886 178 5 876031829 +886 179 2 876032673 +886 180 5 876031392 +886 181 5 876031392 +886 182 4 876031932 +886 183 5 876033088 +886 184 4 876031309 +886 186 4 876033460 +886 187 4 876031309 +886 188 4 876031365 +886 191 5 876031309 +886 194 3 876031365 +886 195 4 876032030 +886 196 3 876031365 +886 200 3 876031573 +886 201 3 876031695 +886 202 3 876032509 +886 204 3 876031932 +886 208 3 876031764 +886 209 4 876031850 +886 212 2 876031897 +886 214 3 876032072 +886 216 5 876031695 +886 217 2 876032776 +886 218 3 876031829 +886 222 4 876032615 +886 227 3 876032331 +886 228 4 876031601 +886 229 3 876032509 +886 230 2 876033106 +886 231 2 876032247 +886 232 3 876032973 +886 233 3 876032126 +886 234 3 876031932 +886 235 3 876032739 +886 237 4 876031850 +886 238 3 876031459 +886 239 3 876032635 +886 240 3 876031720 +886 241 4 876032531 +886 265 4 876032553 +886 268 5 876031109 +886 273 2 876032274 +886 282 3 876032378 +886 288 4 876031122 +886 318 5 876031308 +886 328 3 876031173 +886 357 4 876031601 +886 364 3 876034006 +886 367 4 876031622 +886 371 1 876033435 +886 380 3 876032929 +886 381 2 876032308 +886 384 3 876034074 +886 385 3 876033293 +886 388 1 876033850 +886 393 3 876033181 +886 396 2 876032739 +886 399 3 876034041 +886 403 4 876031765 +886 405 3 876033434 +886 410 4 876031459 +886 419 3 876032353 +886 423 3 876032422 +886 425 4 876032029 +886 433 2 876032165 +886 435 3 876031459 +886 449 3 876033784 +886 451 3 876033965 +886 466 1 876032577 +886 467 4 876032577 +886 472 3 876033755 +886 474 4 876031720 +886 475 5 876031501 +886 483 4 876031656 +886 496 4 876031952 +886 506 4 876032308 +886 512 1 876031526 +886 518 4 876031601 +886 544 4 876031850 +886 546 1 876031550 +886 549 3 876032929 +886 550 4 876034228 +886 558 3 876031656 +886 559 2 876033265 +886 566 3 876033461 +886 568 3 876032973 +886 578 4 876034205 +886 581 4 876032103 +886 582 1 876032029 +886 584 4 876031993 +886 589 3 876031365 +886 591 3 876031765 +886 623 1 876033069 +886 628 3 876031695 +886 631 4 876033645 +886 636 3 876032473 +886 651 5 876034074 +886 655 4 876032973 +886 657 5 876031695 +886 659 4 876033731 +886 663 4 876032823 +886 685 2 876032378 +886 686 4 876033228 +886 692 3 876032225 +886 693 4 876033897 +886 697 1 876033368 +886 709 3 876032473 +886 710 4 876031601 +886 715 1 876033434 +886 721 5 876033460 +886 726 1 876033340 +886 732 3 876032029 +886 733 4 876032776 +886 746 3 876032473 +886 761 4 876033368 +886 762 5 876033228 +886 772 1 876031973 +886 781 4 876033340 +886 783 1 876033784 +886 789 3 876031656 +886 790 4 876034095 +886 799 1 876032973 +886 801 3 876034205 +886 803 2 876033015 +886 813 4 876032029 +886 819 4 876033897 +886 824 4 876033413 +886 826 1 876032929 +886 833 5 876033460 +886 919 4 876031869 +886 939 4 876031765 +886 940 2 876034255 +886 941 2 876032072 +886 943 3 876032248 +886 959 3 876032473 +886 1010 5 876032103 +886 1014 5 876034371 +886 1019 4 876031695 +886 1046 2 876033755 +886 1048 4 876032840 +886 1065 4 876033731 +886 1067 5 876032509 +886 1073 4 876031805 +886 1074 2 876033645 +886 1093 1 876032654 +886 1095 2 876033897 +886 1119 4 876032553 +886 1170 3 876031481 +886 1208 3 876032596 +886 1209 2 876034041 +886 1217 4 876033602 +886 1228 2 876034228 +886 1231 3 876033828 +886 1267 3 876032072 +886 1303 1 876033987 +886 1324 2 876032308 +886 1421 2 876034174 +886 1435 3 876034174 +886 1467 5 876033987 +886 1489 1 876034074 +887 1 5 881377972 +887 7 4 881377812 +887 8 4 881380025 +887 9 2 881378118 +887 13 1 881378928 +887 22 5 881379566 +887 24 5 881378219 +887 25 2 881378537 +887 28 5 881379522 +887 38 5 881381503 +887 47 5 881381679 +887 50 5 881377758 +887 56 5 881381382 +887 65 5 881381679 +887 69 4 881380025 +887 71 5 881380996 +887 72 4 881381471 +887 82 4 881381028 +887 84 4 881381114 +887 87 5 881380335 +887 90 5 881381071 +887 91 5 881380884 +887 95 4 881379718 +887 96 4 881380403 +887 98 3 881379345 +887 99 5 881380539 +887 100 2 881377854 +887 105 3 881379009 +887 109 5 881378289 +887 111 5 881378370 +887 115 5 881380218 +887 118 5 881378289 +887 121 5 881378370 +887 122 5 881379239 +887 125 5 881377933 +887 127 3 881377854 +887 128 5 881380218 +887 132 4 881380218 +887 140 5 881381425 +887 142 1 881381207 +887 143 5 881379781 +887 151 5 881378325 +887 164 4 881380139 +887 168 4 881380067 +887 172 5 881379718 +887 176 5 881381348 +887 180 4 881380177 +887 181 5 881378040 +887 183 1 881379449 +887 187 4 881381610 +887 195 4 881380438 +887 200 1 881380883 +887 202 5 881379346 +887 204 5 881380067 +887 206 5 881381471 +887 210 5 881379649 +887 218 5 881381471 +887 222 3 881378153 +887 225 4 881379094 +887 228 4 881380709 +887 235 3 881378537 +887 240 5 881378972 +887 243 1 881378370 +887 252 4 881378972 +887 254 4 881379145 +887 257 5 881377854 +887 258 1 881377893 +887 274 1 881378478 +887 279 5 881378478 +887 284 4 881378669 +887 288 4 881378040 +887 289 5 881380623 +887 294 5 881378219 +887 305 5 881377532 +887 318 5 881379649 +887 365 5 881381610 +887 368 5 881381679 +887 369 5 881378896 +887 378 5 881381207 +887 385 4 881380502 +887 393 4 881381114 +887 404 4 881381071 +887 405 5 881378439 +887 409 4 881378971 +887 410 4 881378040 +887 411 4 881379059 +887 412 5 881379188 +887 416 2 881380539 +887 418 4 881380025 +887 419 2 881379748 +887 420 5 881381425 +887 421 5 881379954 +887 423 2 881379954 +887 427 5 881379718 +887 431 3 881379685 +887 432 5 881379988 +887 443 4 881380883 +887 455 5 881378620 +887 465 5 881381307 +887 470 3 881380773 +887 471 3 881377972 +887 472 4 881378402 +887 473 4 881378896 +887 476 1 881379059 +887 477 1 881378570 +887 491 2 881379566 +887 496 4 881379685 +887 501 4 881380884 +887 548 1 881381555 +887 559 4 881381555 +887 562 5 881381071 +887 568 2 881379566 +887 578 4 881381610 +887 588 4 881380298 +887 596 5 881378118 +887 597 5 881378325 +887 609 4 881381207 +887 633 5 881380584 +887 655 1 881379609 +887 673 5 881381382 +887 692 5 881380654 +887 697 1 881380623 +887 699 1 881379566 +887 710 5 881380709 +887 718 1 881377812 +887 720 5 881380813 +887 755 5 881381425 +887 756 5 881379094 +887 760 5 881378669 +887 763 5 881378087 +887 768 4 881381471 +887 826 1 881379239 +887 828 3 881378854 +887 832 2 881379059 +887 839 4 881379566 +887 845 4 881378087 +887 871 5 881378325 +887 926 5 881378537 +887 928 5 881378620 +887 929 1 881379059 +887 931 3 881379009 +887 932 2 881379009 +887 934 4 881379188 +887 946 4 881381348 +887 969 5 881379954 +887 993 5 881378251 +887 1012 1 881378153 +887 1013 4 881379295 +887 1015 5 881377933 +887 1028 5 881379059 +887 1029 5 881381740 +887 1033 4 881379295 +887 1035 5 881381740 +887 1047 5 881378773 +887 1051 4 881378773 +887 1060 5 881378570 +887 1063 1 881380404 +887 1079 1 881378773 +887 1084 5 881377893 +887 1116 5 881381610 +887 1120 5 881378439 +887 1136 5 881381071 +887 1239 3 881381679 +887 1278 2 881378087 +887 1279 3 881378402 +887 1283 5 881378896 +887 1383 4 881379239 +887 1413 4 881380176 +887 1473 1 881379522 +887 1496 4 881380996 +887 1540 5 881380739 +888 69 4 879365104 +888 100 4 879365004 +888 111 4 879365072 +888 137 4 879365104 +888 153 4 879365154 +888 180 4 879365004 +888 191 5 879365004 +888 202 4 879365072 +888 237 5 879365449 +888 269 5 879364981 +888 274 4 879365497 +888 280 3 879365475 +888 286 5 879364981 +888 514 5 879365154 +888 535 4 879365497 +888 631 4 879365224 +888 644 4 879365054 +888 762 5 879365497 +888 792 5 879365054 +888 869 4 879365086 +889 1 3 880177104 +889 2 3 880182460 +889 3 4 880177664 +889 4 3 880180765 +889 7 3 880177219 +889 8 3 880179757 +889 9 4 880176896 +889 11 5 880177941 +889 12 5 880177880 +889 13 4 880177179 +889 17 4 880181910 +889 22 3 880178158 +889 23 3 880179785 +889 24 4 880177266 +889 26 4 880178748 +889 28 4 880181995 +889 29 3 880182428 +889 31 3 880178449 +889 32 4 880180376 +889 33 5 880180817 +889 39 2 880181191 +889 42 5 880180191 +889 50 4 880176807 +889 54 3 880182815 +889 55 4 880181191 +889 56 5 880177857 +889 58 3 880178130 +889 59 4 880177906 +889 60 3 880181275 +889 64 5 880178313 +889 65 4 880180817 +889 67 2 880182541 +889 69 3 880179785 +889 70 3 880180979 +889 71 3 880180849 +889 72 3 880181317 +889 73 3 880181663 +889 77 3 880182359 +889 79 3 880179705 +889 81 4 880180849 +889 82 4 880180122 +889 83 4 880180817 +889 85 3 880181976 +889 86 4 880180191 +889 87 4 880178367 +889 89 4 880177941 +889 91 4 880180784 +889 92 3 880177970 +889 93 3 880177219 +889 94 4 880181646 +889 95 4 880178342 +889 96 4 880181015 +889 97 3 880178748 +889 98 4 880177857 +889 100 4 880176845 +889 117 4 880177154 +889 121 4 880177308 +889 124 4 880177050 +889 125 4 880177435 +889 127 4 880176845 +889 128 5 880180897 +889 129 5 880177266 +889 132 4 880181910 +889 134 4 880179648 +889 135 2 880180101 +889 137 4 880177016 +889 144 4 880178224 +889 147 3 880176926 +889 150 5 880176984 +889 151 3 880177016 +889 153 5 880181317 +889 154 4 880180612 +889 155 3 880182582 +889 156 5 880178204 +889 159 3 880182295 +889 160 4 880180945 +889 161 4 880180897 +889 164 4 880179757 +889 165 3 880178131 +889 168 4 880178449 +889 169 5 880177906 +889 170 4 880177994 +889 171 4 880177970 +889 172 4 880177941 +889 173 5 880178019 +889 174 4 880178183 +889 175 4 880180101 +889 177 4 880178183 +889 178 5 880178078 +889 179 3 880179705 +889 180 4 880180650 +889 181 4 880177131 +889 182 4 880179586 +889 183 3 880178019 +889 185 4 880180266 +889 186 5 880181563 +889 187 4 880177857 +889 188 5 880181317 +889 190 3 880177994 +889 191 4 880178078 +889 192 3 880178204 +889 193 4 880180191 +889 194 5 880178248 +889 195 4 880178204 +889 196 5 880180612 +889 199 5 880181138 +889 202 3 880178773 +889 203 2 880181275 +889 204 4 880179757 +889 207 3 880179785 +889 208 4 880181275 +889 209 2 880178019 +889 210 4 880178342 +889 211 4 880180765 +889 212 2 880181225 +889 216 4 880180191 +889 217 4 880182582 +889 219 2 880178131 +889 223 4 880177906 +889 226 2 880182016 +889 231 3 880182444 +889 232 3 880182270 +889 234 4 880177857 +889 235 3 880177648 +889 237 4 880176874 +889 239 4 880180554 +889 240 3 880177246 +889 246 4 880176926 +889 248 4 880176984 +889 249 3 880177266 +889 250 4 880177179 +889 252 3 880177503 +889 257 4 880176845 +889 258 4 880176550 +889 262 4 880176620 +889 265 4 880180816 +889 268 4 880176620 +889 269 4 880176518 +889 271 3 880176573 +889 273 4 880177016 +889 276 4 880177104 +889 279 2 880177104 +889 282 4 880177246 +889 290 2 880181601 +889 291 3 880182815 +889 294 3 880176686 +889 297 3 880176845 +889 298 4 880177016 +889 300 3 880176620 +889 302 4 880176518 +889 303 3 880176550 +889 317 4 880180849 +889 318 4 880180265 +889 322 3 880176717 +889 327 3 880176620 +889 338 1 880176666 +889 357 4 880177906 +889 381 4 880180784 +889 382 2 880178248 +889 385 3 880180376 +889 386 3 880182207 +889 399 3 880182359 +889 402 3 880182496 +889 403 3 880179868 +889 405 2 880177567 +889 408 3 880176960 +889 411 2 880177541 +889 423 4 880177941 +889 427 4 880177880 +889 428 4 880179536 +889 430 4 880178411 +889 431 4 880179725 +889 433 4 880180612 +889 435 4 880179536 +889 436 3 880181275 +889 451 3 880181488 +889 455 4 880177647 +889 461 3 880181159 +889 462 5 880180707 +889 469 4 880180414 +889 470 4 880180554 +889 471 3 880176926 +889 473 4 880177503 +889 474 4 880177941 +889 475 4 880176896 +889 479 4 880177994 +889 480 5 880178019 +889 482 4 880178367 +889 483 4 880178183 +889 484 4 880178313 +889 488 2 880180265 +889 493 3 880178313 +889 494 3 880181275 +889 497 4 880179893 +889 498 4 880178748 +889 509 2 880180650 +889 511 4 880178183 +889 512 5 880181372 +889 513 4 880178748 +889 514 1 880178158 +889 515 5 880176807 +889 519 4 880179757 +889 520 4 880179756 +889 523 4 880178078 +889 524 4 880180650 +889 533 3 880177352 +889 540 2 880182317 +889 544 3 880177104 +889 546 4 880177435 +889 550 3 880181434 +889 554 4 880181976 +889 562 3 880181911 +889 566 3 880181275 +889 568 3 880179785 +889 575 3 880182850 +889 576 3 880182541 +889 597 3 880182741 +889 603 4 880180122 +889 604 3 880178342 +889 607 4 880179868 +889 615 3 880180707 +889 627 2 880181646 +889 631 3 880178449 +889 636 4 880181663 +889 642 3 880181455 +889 646 3 880177970 +889 647 2 880181191 +889 649 2 880178511 +889 650 2 880178130 +889 651 4 880177906 +889 652 5 880180784 +889 654 3 880178512 +889 655 4 880178224 +889 657 4 880177941 +889 658 4 880181086 +889 659 4 880178367 +889 663 3 880180554 +889 664 2 880182695 +889 676 2 880176874 +889 678 3 880177352 +889 684 2 880180376 +889 686 3 880180612 +889 687 2 880177797 +889 695 3 880179586 +889 696 3 880177407 +889 700 3 880182295 +889 705 4 880178287 +889 718 4 880176807 +889 721 3 880179536 +889 728 3 880181995 +889 729 3 880179785 +889 731 2 880181191 +889 732 2 880179612 +889 734 3 880182815 +889 737 3 880181515 +889 739 3 880182517 +889 741 4 880177131 +889 742 3 880177219 +889 746 4 880179893 +889 747 4 880181515 +889 749 2 880176718 +889 755 3 880182017 +889 762 3 880177154 +889 763 4 880177502 +889 771 2 880182961 +889 782 2 880182784 +889 789 2 880179508 +889 818 4 880177540 +889 819 2 880177738 +889 820 2 880182103 +889 831 2 880177387 +889 833 3 880177472 +889 847 4 880176926 +889 856 4 880181138 +889 866 4 880177407 +889 869 3 880182428 +889 879 3 880176596 +889 881 3 880176717 +889 886 3 880176666 +889 919 5 880177050 +889 943 3 880178512 +889 944 3 880182173 +889 947 4 880181225 +889 949 3 880181646 +889 952 3 880178411 +889 955 3 880179536 +889 959 3 880182103 +889 979 3 880177435 +889 980 4 880178748 +889 1006 4 880181563 +889 1011 3 880177287 +889 1014 2 880177778 +889 1016 3 880177070 +889 1022 4 880176667 +889 1048 3 880177435 +889 1065 4 880180817 +889 1067 3 880177131 +889 1069 1 880182127 +889 1070 3 880178367 +889 1072 3 880182444 +889 1073 5 880179893 +889 1074 3 880181515 +889 1079 2 880177647 +889 1097 3 880176984 +889 1103 2 880180071 +889 1110 3 880182943 +889 1113 5 880182295 +889 1134 4 880177219 +889 1139 1 880182582 +889 1142 4 880176926 +889 1152 3 880177778 +889 1153 4 880181935 +889 1170 2 880182127 +889 1188 2 880182784 +889 1194 4 880180817 +889 1195 3 880182317 +889 1218 4 880178511 +889 1231 3 880182871 +889 1239 1 880182815 +889 1262 3 880182270 +889 1267 3 880182629 +889 1419 2 880182924 +889 1428 3 880179757 +889 1487 3 880182871 +889 1553 3 880180979 +889 1589 5 880177219 +890 1 4 882402975 +890 7 4 882402739 +890 23 5 882403221 +890 50 5 882405807 +890 69 4 882403446 +890 85 1 882917090 +890 89 4 882403446 +890 97 4 882402774 +890 98 4 882403446 +890 101 2 882915661 +890 102 3 882574982 +890 118 2 882915661 +890 121 2 882915661 +890 127 5 882402949 +890 132 5 882403045 +890 133 5 882402518 +890 134 5 882403122 +890 135 5 882405546 +890 136 5 882403045 +890 142 3 882916650 +890 151 5 882916941 +890 152 4 882403299 +890 153 3 882403345 +890 157 4 882916239 +890 162 4 882403007 +890 163 3 883010005 +890 167 2 883010326 +890 168 5 882916704 +890 172 5 882402905 +890 173 4 882575167 +890 174 5 882405780 +890 176 4 882404851 +890 179 5 882403299 +890 181 4 882405808 +890 183 3 882404917 +890 185 5 882402301 +890 186 2 882916276 +890 187 5 882403221 +890 190 4 882403587 +890 193 4 882402826 +890 194 5 882402774 +890 195 5 882403045 +890 200 4 882402633 +890 204 4 882403085 +890 205 5 882405473 +890 208 5 882403007 +890 210 4 882403587 +890 211 2 882915661 +890 214 4 882916588 +890 215 4 882916356 +890 228 4 882404879 +890 229 2 882405059 +890 230 3 882404947 +890 234 5 882404484 +890 237 3 882575209 +890 258 3 882404055 +890 265 2 882405059 +890 271 3 882404055 +890 286 5 882402181 +890 313 5 882914803 +890 324 4 882404093 +890 340 4 882402181 +890 357 5 882403299 +890 385 4 882574402 +890 403 1 882915661 +890 404 4 882915696 +890 423 5 882402905 +890 427 5 882405586 +890 429 4 882403045 +890 434 4 882403587 +890 435 5 882574437 +890 436 3 882402949 +890 443 4 882404541 +890 444 4 882404610 +890 447 3 882404541 +890 448 2 882915661 +890 449 1 882915661 +890 451 2 882575274 +890 452 2 882404723 +890 474 5 882403587 +890 479 5 882402238 +890 480 5 882403477 +890 483 5 882402477 +890 484 3 882915942 +890 489 4 882402826 +890 496 5 882916460 +890 501 4 882403085 +890 514 5 882402478 +890 515 5 882402518 +890 516 2 882916537 +890 520 4 882403643 +890 521 5 882916429 +890 523 4 882403299 +890 524 4 882403379 +890 527 4 882405473 +890 530 4 882405780 +890 589 5 882403221 +890 603 5 882404851 +890 604 5 882403299 +890 625 3 882575104 +890 632 5 882916538 +890 636 3 882404879 +890 637 3 882404610 +890 654 5 882404851 +890 655 3 882915818 +890 657 5 882403379 +890 660 2 882917026 +890 662 3 882575303 +890 663 4 882402949 +890 667 2 882404652 +890 671 5 882404571 +890 674 3 882404610 +890 675 5 882404541 +890 737 3 882917152 +890 739 2 882915661 +890 843 3 882916650 +890 1039 4 882403122 +890 1065 3 882402949 +890 1149 5 883009400 +891 15 4 891638780 +891 25 5 891638734 +891 50 4 891638682 +891 100 5 891638433 +891 107 5 883490041 +891 111 3 891639737 +891 116 3 891639552 +891 117 3 883488774 +891 118 4 883490041 +891 121 4 883490041 +891 126 5 891638601 +891 127 4 883431353 +891 148 5 891639793 +891 181 3 891638601 +891 237 5 891638601 +891 274 5 883429853 +891 278 4 883489438 +891 280 3 883489646 +891 281 5 891639920 +891 282 5 891639793 +891 285 5 891638757 +891 286 5 891638433 +891 313 5 891638337 +891 323 3 883489806 +891 405 3 883489646 +891 409 4 883490041 +891 459 5 891638682 +891 471 5 891639941 +891 476 5 883489605 +891 531 4 883430128 +891 546 3 883489282 +891 591 4 891639497 +891 595 3 883489668 +891 597 3 883489324 +891 717 4 883489728 +891 740 5 891639497 +891 742 4 891639497 +891 756 4 883429918 +891 866 5 883489497 +891 924 5 891639737 +891 933 3 883429998 +891 934 3 883489806 +891 978 4 883489282 +891 1028 3 883489521 +891 1040 3 883489783 +891 1197 5 891638734 +891 1278 5 883489709 +892 1 5 886608185 +892 2 4 886609006 +892 5 4 886611354 +892 7 4 886608473 +892 8 5 886607879 +892 11 3 886608897 +892 12 5 886608022 +892 15 4 886608237 +892 22 5 886608714 +892 25 4 886609828 +892 27 4 886610682 +892 28 4 886607845 +892 29 2 886610565 +892 31 4 886608643 +892 49 4 886610173 +892 50 5 886608802 +892 54 3 886609828 +892 56 4 886607957 +892 58 4 886609469 +892 62 4 886610011 +892 63 4 886610480 +892 64 4 886608347 +892 67 4 886610480 +892 68 4 886611162 +892 69 5 886610048 +892 70 4 886608802 +892 71 3 886608348 +892 72 4 886609939 +892 73 3 886610523 +892 76 4 886609977 +892 79 5 886609622 +892 81 3 886608473 +892 82 3 886609149 +892 87 5 886609263 +892 88 4 886609884 +892 89 5 886608714 +892 90 2 886610078 +892 95 4 886608770 +892 96 4 886608977 +892 97 5 886608802 +892 98 5 886607912 +892 99 3 886610996 +892 100 5 886607642 +892 102 3 886610078 +892 110 3 886610523 +892 117 4 886611161 +892 118 4 886610649 +892 121 4 886609829 +892 125 4 886610588 +892 127 5 886607878 +892 129 3 886608897 +892 131 4 886610451 +892 132 5 886608897 +892 133 3 886609149 +892 134 5 886608591 +892 135 5 886608643 +892 136 4 886609365 +892 143 2 886608238 +892 144 5 886609179 +892 150 5 886608136 +892 151 4 886609330 +892 153 5 886609793 +892 155 2 886609435 +892 157 5 886609029 +892 159 4 886609977 +892 162 4 886609390 +892 168 4 886607778 +892 172 5 886607743 +892 173 5 886607778 +892 174 5 886608616 +892 175 4 886608559 +892 176 5 886608681 +892 177 4 886608507 +892 178 5 886608681 +892 180 5 886609622 +892 181 4 886608212 +892 182 5 886608507 +892 183 5 886608681 +892 184 4 886609726 +892 186 3 886608643 +892 187 5 886608682 +892 188 5 886608185 +892 191 5 886607879 +892 192 5 886608473 +892 194 4 886608423 +892 195 5 886607710 +892 196 4 886609622 +892 202 4 886608135 +892 203 5 886609390 +892 204 4 886608714 +892 208 4 886609029 +892 210 4 886608507 +892 213 3 886608942 +892 214 2 886608897 +892 215 4 886608743 +892 216 5 886609028 +892 222 4 886608094 +892 226 3 886610201 +892 227 4 886609520 +892 228 3 886608095 +892 229 3 886610011 +892 230 4 886609793 +892 233 5 886610049 +892 237 4 886608802 +892 238 4 886608296 +892 239 4 886609829 +892 265 4 886608380 +892 273 4 886608681 +892 274 4 886610451 +892 276 4 886608559 +892 284 5 886610840 +892 288 4 886610626 +892 291 4 886607744 +892 300 4 886607521 +892 318 5 886607641 +892 321 5 886610341 +892 357 5 886607568 +892 367 4 886610588 +892 378 4 886610137 +892 380 4 886609180 +892 385 3 886608000 +892 393 4 886607679 +892 401 3 886609264 +892 403 3 886610372 +892 405 4 886609977 +892 417 3 886610588 +892 418 4 886610996 +892 419 3 886609520 +892 420 2 886610267 +892 422 1 886610996 +892 423 5 886608185 +892 425 5 886608977 +892 429 4 886608559 +892 430 5 886608296 +892 431 4 886607957 +892 432 4 886610996 +892 435 4 886609149 +892 436 3 886610201 +892 441 3 886610267 +892 447 3 886610174 +892 449 2 886610565 +892 465 4 886609295 +892 470 4 886609977 +892 472 3 886610523 +892 473 3 886611023 +892 477 4 886609551 +892 478 5 886608616 +892 479 5 886608616 +892 480 4 886607844 +892 481 5 886610011 +892 482 5 886608136 +892 483 5 886607642 +892 484 5 886607568 +892 487 5 886609295 +892 495 4 886609218 +892 496 5 886609435 +892 497 4 886608347 +892 500 5 886609622 +892 501 3 886611023 +892 511 5 886608296 +892 515 5 886608380 +892 516 5 886608263 +892 521 5 886608263 +892 523 5 886607711 +892 525 5 886607957 +892 526 4 886608771 +892 542 1 886611023 +892 566 4 886610318 +892 568 4 886610451 +892 570 3 886610566 +892 576 4 886610840 +892 578 4 886609469 +892 582 3 886608559 +892 588 5 886607879 +892 596 3 886608136 +892 601 5 886609149 +892 604 5 886608296 +892 612 5 886609551 +892 613 5 886608714 +892 615 5 886609029 +892 625 3 886610565 +892 631 4 886609726 +892 633 4 886609551 +892 636 4 886609884 +892 641 5 886607845 +892 648 4 886607642 +892 649 5 886608135 +892 659 4 886608681 +892 661 5 886608473 +892 663 5 886609330 +892 671 5 886608212 +892 679 3 886610049 +892 684 5 886608743 +892 692 4 886608296 +892 705 4 886607912 +892 708 4 886607879 +892 729 4 886610174 +892 732 4 886610480 +892 739 4 886609469 +892 755 4 886610048 +892 760 3 886609330 +892 763 2 886609726 +892 765 2 886610840 +892 768 4 886609977 +892 781 4 886610137 +892 797 4 886610372 +892 820 3 886611079 +892 825 4 886610682 +892 826 2 886610523 +892 837 5 886608743 +892 845 4 886610174 +892 849 2 886610341 +892 946 3 886610996 +892 951 4 886610649 +892 969 4 886608380 +892 1035 3 886608643 +892 1078 3 886610566 +892 1091 2 886611079 +892 1118 3 886609939 +892 1124 4 886608423 +892 1219 2 886611079 +892 1224 4 886609792 +892 1269 5 886607958 +892 1285 4 886609435 +892 1444 3 886610267 +892 1454 3 886610267 +893 1 5 874827725 +893 11 4 874829753 +893 24 4 874828649 +893 50 5 874829883 +893 56 5 874829733 +893 69 5 874827818 +893 77 4 874829706 +893 96 4 874830314 +893 117 4 874828772 +893 118 4 874828864 +893 121 4 874830313 +893 122 2 874829249 +893 125 3 874828864 +893 144 4 874830101 +893 147 3 874828569 +893 148 3 874829287 +893 151 4 874829427 +893 161 5 874830122 +893 172 5 874829883 +893 220 3 874829187 +893 235 3 874829035 +893 237 4 874828097 +893 240 4 874828864 +893 246 3 874829968 +893 258 3 874827508 +893 259 3 874827960 +893 260 2 874828296 +893 264 3 874828296 +893 286 4 874828384 +893 288 3 874827526 +893 290 3 874829161 +893 294 3 874827789 +893 298 4 874827623 +893 323 2 874827595 +893 358 2 874828296 +893 405 5 874828864 +893 410 4 874828649 +893 411 3 874829056 +893 412 3 874829249 +893 426 4 874829733 +893 471 4 874828897 +893 476 3 874828772 +893 531 4 874830160 +893 597 4 874829230 +893 724 3 874830160 +893 759 3 874830137 +893 771 3 874830424 +893 781 3 874828569 +893 815 3 874830372 +893 819 3 874829355 +893 820 3 874829161 +893 845 3 874828772 +893 849 3 874830372 +893 928 3 874829129 +893 976 1 874828981 +893 1012 3 874828163 +893 1215 3 874829287 +893 1218 3 874830338 +893 1245 2 874828812 +894 1 4 880416286 +894 7 4 880993632 +894 9 4 880416039 +894 10 4 880416381 +894 12 5 881625708 +894 13 4 882404137 +894 14 4 880416472 +894 15 3 880416340 +894 16 3 880993614 +894 19 4 879897100 +894 20 5 881625708 +894 25 2 880416137 +894 26 4 882404460 +894 30 4 882404250 +894 32 4 882404137 +894 45 4 882404250 +894 50 4 880416008 +894 52 4 882404507 +894 57 4 882404397 +894 59 5 882404397 +894 60 5 882404363 +894 61 4 882404572 +894 70 3 882404536 +894 83 4 882404250 +894 86 4 882404306 +894 93 4 880416219 +894 100 4 882404137 +894 107 3 880993709 +894 109 1 880416219 +894 111 3 880416102 +894 113 4 882404484 +894 116 4 880416473 +894 117 3 880416219 +894 121 3 880993662 +894 124 5 881625708 +894 125 3 885428261 +894 126 3 880416381 +894 129 4 880416253 +894 134 4 879897198 +894 137 5 880416340 +894 147 3 880993709 +894 148 3 880416137 +894 165 4 882404329 +894 166 4 882404306 +894 170 4 882404329 +894 171 3 882404595 +894 179 5 882404485 +894 190 5 879897100 +894 198 4 882404460 +894 212 5 882404572 +894 213 4 882404278 +894 221 4 885428233 +894 223 4 879897149 +894 236 4 880416177 +894 237 4 880416176 +894 242 4 879896041 +894 244 4 879896985 +894 245 4 882404136 +894 246 4 882404137 +894 248 4 879896836 +894 249 3 879896872 +894 250 4 879896898 +894 252 3 879896897 +894 255 3 879896836 +894 256 3 879896704 +894 257 3 880416315 +894 258 4 879896109 +894 260 2 879896268 +894 262 4 879896141 +894 264 3 879896309 +894 268 3 879896041 +894 269 3 879896041 +894 270 3 879896141 +894 271 2 880993335 +894 272 4 885427952 +894 273 3 880416220 +894 275 4 882404137 +894 276 5 880416314 +894 277 4 880416341 +894 278 4 880416419 +894 279 4 880993709 +894 280 3 880993709 +894 281 3 880416102 +894 283 3 880993490 +894 284 3 880416220 +894 285 4 880416136 +894 286 5 879896756 +894 287 4 880993766 +894 288 3 879896141 +894 289 2 879896109 +894 290 2 880416285 +894 292 4 879896168 +894 293 4 881625708 +894 295 3 879896704 +894 297 4 880416380 +894 298 3 879896673 +894 299 3 879896200 +894 300 4 879896466 +894 302 4 879896041 +894 303 4 879896756 +894 305 4 880415834 +894 306 4 879896756 +894 307 3 880415834 +894 310 3 882403366 +894 311 4 880993317 +894 312 3 883518949 +894 313 4 883518874 +894 315 4 885428012 +894 316 4 888280105 +894 318 5 879897168 +894 319 4 879896756 +894 322 3 879896267 +894 323 2 879896268 +894 324 3 879896168 +894 326 3 879896168 +894 327 4 881625708 +894 328 4 879896466 +894 330 3 880415951 +894 331 4 881625708 +894 332 3 879896233 +894 333 4 879896756 +894 334 3 879896200 +894 336 3 879982820 +894 339 4 880415854 +894 340 4 879896756 +894 343 2 883518895 +894 344 4 887825614 +894 345 4 884036815 +894 346 4 884036796 +894 347 4 885427952 +894 350 3 886027788 +894 355 3 889469028 +894 381 3 882404430 +894 405 3 880416177 +894 462 4 882404278 +894 463 4 882404430 +894 471 4 880416314 +894 472 3 880993730 +894 475 3 880416176 +894 479 5 879897198 +894 508 3 880993490 +894 509 4 882404278 +894 511 4 879897198 +894 512 5 879897489 +894 515 4 879896654 +894 529 4 881625708 +894 531 3 882404363 +894 534 4 879896704 +894 535 4 879896920 +894 536 5 879896756 +894 558 5 882404250 +894 582 4 882404485 +894 591 4 880416137 +894 595 3 880993632 +894 628 3 880416102 +894 638 3 882404669 +894 639 5 882404430 +894 676 3 880416315 +894 678 3 879896268 +894 689 3 880993390 +894 690 4 879896200 +894 691 3 889468982 +894 698 4 882404669 +894 702 4 882404768 +894 707 4 882404250 +894 713 4 880416177 +894 718 3 885428386 +894 736 4 882404572 +894 740 4 880416253 +894 744 3 880416072 +894 748 3 879896233 +894 750 4 883518875 +894 751 3 885427971 +894 752 3 888280083 +894 753 5 882404278 +894 754 4 880993317 +894 818 3 880416340 +894 827 3 880993766 +894 845 3 881443365 +894 847 4 879897122 +894 855 4 882404460 +894 863 5 881105162 +894 874 4 879982788 +894 875 3 880415952 +894 877 3 882403414 +894 879 4 879896141 +894 883 3 880415885 +894 885 2 887044250 +894 886 3 879982820 +894 887 4 880993374 +894 888 4 879896756 +894 898 4 883518875 +894 900 3 887044070 +894 902 3 890409704 +894 903 4 888280029 +894 904 4 890409804 +894 905 3 887044109 +894 909 3 889469007 +894 919 4 881625708 +894 922 4 882404137 +894 923 5 882404278 +894 933 3 880416472 +894 935 3 879896815 +894 936 4 879896836 +894 937 4 880415903 +894 960 5 882404572 +894 961 4 882404642 +894 971 3 882404460 +894 978 3 880416176 +894 979 3 880416473 +894 990 3 879896268 +894 1005 5 882404669 +894 1007 3 880416072 +894 1009 4 880993709 +894 1010 4 880993662 +894 1016 3 879896920 +894 1023 3 879896898 +894 1038 3 880415855 +894 1048 4 880993661 +894 1073 4 882404397 +894 1080 4 882404507 +894 1089 2 885428261 +894 1115 4 882404430 +894 1131 4 879897198 +894 1142 4 882404137 +894 1150 4 882404137 +894 1153 3 882404642 +894 1194 5 879897235 +894 1226 4 879896920 +894 1251 4 879896654 +894 1255 4 879896949 +894 1258 3 879896949 +894 1281 3 885428159 +894 1295 3 879896268 +894 1313 3 889229605 +894 1315 3 879896985 +894 1379 4 879896673 +894 1381 3 880993766 +894 1403 3 882404641 +894 1404 3 882404536 +894 1462 3 882404642 +894 1501 4 882404363 +894 1560 4 882404641 +894 1592 4 889469391 +894 1658 4 882404137 +895 1 4 879437950 +895 13 5 879437950 +895 50 5 879438062 +895 100 4 879437997 +895 117 3 879438082 +895 151 5 879438101 +895 181 5 879437950 +895 222 3 879437965 +895 275 5 879438011 +895 283 4 879438028 +895 284 3 879438062 +895 294 4 879437727 +895 301 4 879437793 +895 328 4 879437748 +895 597 2 879438101 +895 742 4 879438123 +895 748 3 879437712 +895 885 2 879437868 +895 988 3 879437845 +895 1014 3 879438082 +896 1 4 887158579 +896 2 3 887160000 +896 4 3 887159173 +896 7 4 887159145 +896 8 5 887159343 +896 9 4 887158266 +896 11 2 887158333 +896 12 3 887158604 +896 15 3 887158900 +896 19 2 887159211 +896 20 1 887235027 +896 22 5 887157947 +896 23 2 887159145 +896 24 4 887159344 +896 25 3 887159261 +896 27 1 887235026 +896 28 2 887158738 +896 29 2 887160916 +896 31 3 887158830 +896 33 2 887160209 +896 39 2 887158739 +896 42 4 887160000 +896 43 3 887161171 +896 46 2 887160750 +896 48 4 887158635 +896 50 5 887159211 +896 51 2 887159951 +896 53 1 887235026 +896 54 2 887160606 +896 55 3 887157978 +896 58 3 887159531 +896 62 2 887161488 +896 64 4 887158926 +896 67 2 887160983 +896 68 3 887160313 +896 69 5 887158768 +896 70 4 887160086 +896 71 5 887158927 +896 73 3 887159368 +896 76 3 887158359 +896 77 4 887160270 +896 79 5 887158384 +896 80 2 887160938 +896 82 3 887159068 +896 83 5 887159554 +896 85 3 887160427 +896 86 1 887159926 +896 87 4 887158295 +896 88 5 887159426 +896 89 5 887159262 +896 91 2 887159369 +896 92 1 887160296 +896 95 4 887158555 +896 96 5 887158635 +896 97 4 887158265 +896 98 5 887158359 +896 100 3 887158294 +896 101 3 887160070 +896 108 3 887159854 +896 117 2 887159173 +896 118 2 887159805 +896 121 3 887159343 +896 123 3 887159748 +896 124 4 887158830 +896 127 5 887158578 +896 128 4 887159321 +896 129 4 887159531 +896 132 3 887158579 +896 133 2 887159502 +896 134 5 887159109 +896 135 3 887158926 +896 136 5 887158768 +896 139 2 887161033 +896 141 3 887159012 +896 143 4 887158901 +896 144 4 887158333 +896 145 1 887161413 +896 147 2 887159464 +896 148 2 887160606 +896 152 3 887160116 +896 153 4 887158165 +896 154 3 887159212 +896 157 4 887159555 +896 159 2 887160880 +896 160 3 887160247 +896 161 3 887159302 +896 164 4 887159321 +896 168 4 887158738 +896 172 5 887158555 +896 173 5 887158683 +896 174 5 887161710 +896 175 2 887159603 +896 176 5 887235690 +896 179 2 887159630 +896 180 5 887158660 +896 181 5 887158829 +896 182 4 887157924 +896 183 4 887235690 +896 184 3 887159578 +896 186 4 887159069 +896 187 5 887157924 +896 188 3 887159011 +896 190 5 887159530 +896 191 4 887158604 +896 195 4 887159578 +896 196 3 887159173 +896 198 4 887158636 +896 199 3 887158005 +896 200 4 887158768 +896 201 3 887158900 +896 202 2 887159464 +896 203 5 887158713 +896 204 4 887157947 +896 206 3 887159368 +896 209 3 887158790 +896 210 4 887158332 +896 211 4 887159554 +896 212 2 887160582 +896 215 5 887158959 +896 216 5 887159658 +896 217 2 887161198 +896 219 3 887160500 +896 222 4 887159109 +896 223 4 887158830 +896 225 1 887161518 +896 226 3 887160270 +896 227 4 887161728 +896 228 5 887158266 +896 229 4 887160399 +896 230 4 887161728 +896 231 1 887160771 +896 232 3 887160427 +896 233 2 887160631 +896 234 4 887157925 +896 235 1 887161198 +896 237 5 887158714 +896 238 3 887158165 +896 239 4 887158165 +896 241 5 887158791 +896 245 4 887235265 +896 248 4 887235249 +896 250 3 887235144 +896 257 4 887235105 +896 258 5 887157258 +896 260 2 887157732 +896 265 4 887158604 +896 271 1 887157278 +896 273 5 887157947 +896 274 2 887158865 +896 275 4 887158713 +896 281 2 887161172 +896 282 2 887158555 +896 284 4 887159972 +896 288 3 887235788 +896 291 3 887160795 +896 299 1 887235709 +896 300 2 887157234 +896 302 2 887157234 +896 307 3 887157636 +896 310 4 887157208 +896 313 4 887235122 +896 317 4 887159069 +896 318 4 887158294 +896 320 3 887159530 +896 325 1 887157732 +896 327 5 887235643 +896 328 1 887235731 +896 343 1 887235690 +896 356 3 887160427 +896 358 1 887235749 +896 367 4 887160227 +896 371 2 887159723 +896 379 2 887159805 +896 380 2 887159748 +896 384 2 887160860 +896 385 4 887160426 +896 386 3 887161172 +896 387 2 887159368 +896 392 3 887160187 +896 393 3 887159464 +896 398 2 887161469 +896 399 1 887161151 +896 402 4 887159173 +896 403 1 887160554 +896 405 2 887160270 +896 411 2 887160842 +896 414 3 887159145 +896 420 4 887158739 +896 422 3 887159972 +896 423 3 887159172 +896 425 2 887159110 +896 426 2 887160722 +896 427 4 887158384 +896 429 5 887158866 +896 430 3 887159234 +896 431 3 887159262 +896 435 4 887158579 +896 436 3 887159692 +896 450 1 887161728 +896 452 3 887161564 +896 455 2 887159723 +896 458 1 887235027 +896 461 3 887159069 +896 462 3 887159069 +896 468 2 887158866 +896 470 2 887159531 +896 471 3 887159972 +896 472 2 887160983 +896 473 2 887161393 +896 474 3 887159426 +896 476 2 887161541 +896 478 5 887158739 +896 479 3 887158713 +896 480 3 887158185 +896 481 4 887158683 +896 482 3 887158359 +896 483 3 887158333 +896 484 4 887159302 +896 489 5 887159674 +896 493 5 887157978 +896 496 4 887158029 +896 497 3 887158332 +896 504 3 887159926 +896 508 2 887159035 +896 511 5 887158830 +896 515 3 887158029 +896 518 3 887159234 +896 525 5 887158164 +896 526 4 887159211 +896 527 4 887159723 +896 542 3 887160677 +896 546 2 887160938 +896 549 2 887160209 +896 550 2 887160880 +896 554 2 887161199 +896 557 3 887160426 +896 559 3 887160187 +896 562 2 887161448 +896 566 4 887159805 +896 568 2 887159603 +896 569 2 887161488 +896 570 2 887161198 +896 572 2 887160676 +896 575 2 887161469 +896 576 2 887160677 +896 578 2 887160653 +896 582 2 887160040 +896 587 3 887159603 +896 588 5 887158265 +896 591 3 887160702 +896 596 2 887159426 +896 597 4 887159854 +896 603 4 887158384 +896 616 3 887160653 +896 631 2 887159464 +896 632 2 887159261 +896 636 3 887159464 +896 637 2 887160041 +896 640 2 887160701 +896 642 2 887160702 +896 647 3 887159502 +896 651 4 887158958 +896 654 3 887159895 +896 655 4 887159109 +896 658 4 887159895 +896 660 5 887159872 +896 661 4 887158384 +896 662 3 887160529 +896 665 1 887235690 +896 672 2 887161218 +896 674 2 887160446 +896 679 3 887160813 +896 684 4 887158959 +896 685 3 887160465 +896 686 3 887159146 +896 692 4 887159173 +896 696 1 887235027 +896 705 5 887158768 +896 708 2 887159926 +896 709 3 887158866 +896 710 4 887159657 +896 713 2 887159630 +896 715 3 887159895 +896 719 1 887235026 +896 720 1 887235026 +896 721 4 887160465 +896 730 4 887158294 +896 732 4 887159674 +896 735 3 887159262 +896 739 2 887159723 +896 742 1 887159464 +896 744 3 887160040 +896 746 3 887159658 +896 751 4 887235605 +896 752 1 887161916 +896 760 2 887235788 +896 763 2 887161199 +896 765 4 887160750 +896 768 2 887160653 +896 770 5 887160702 +896 774 3 887159973 +896 789 2 887157978 +896 798 2 887160983 +896 800 3 887161448 +896 801 2 887161564 +896 802 2 887161172 +896 808 3 887160270 +896 809 2 887160771 +896 810 1 887160958 +896 820 2 887159926 +896 824 1 887161541 +896 836 3 887158635 +896 840 2 887161469 +896 845 3 887159531 +896 849 2 887161563 +896 872 3 887157322 +896 880 4 887235664 +896 887 2 887235769 +896 895 2 887235788 +896 928 3 887161033 +896 942 4 887160209 +896 952 4 887159012 +896 966 4 887159531 +896 993 4 887235498 +896 1004 2 887161542 +896 1011 2 887160296 +896 1018 3 887160116 +896 1028 2 887160554 +896 1042 2 887161151 +896 1045 3 887159012 +896 1046 2 887160583 +896 1074 2 887161393 +896 1078 3 887160983 +896 1098 3 887159146 +896 1101 2 887159110 +896 1112 3 887161393 +896 1119 3 887160040 +896 1134 3 887159950 +896 1183 2 887160842 +896 1194 3 887158604 +896 1208 3 887160339 +896 1214 2 887159302 +896 1217 2 887160446 +896 1220 1 887161033 +896 1221 2 887159261 +896 1222 2 887161393 +896 1231 1 887160880 +896 1240 4 887159012 +896 1248 2 887160187 +896 1249 2 887161518 +896 1267 2 887160165 +896 1284 2 887160958 +896 1303 4 887161518 +896 1351 2 887160399 +896 1406 3 887160676 +896 1423 2 887160631 +896 1437 1 887161564 +896 1471 1 887235026 +896 1522 2 887160750 +896 1622 2 887160296 +896 1672 2 887159554 +896 1681 3 887160722 +897 1 5 879994113 +897 8 3 879990744 +897 11 2 879990744 +897 22 5 879990361 +897 23 3 879990683 +897 25 2 879993346 +897 28 4 879990779 +897 33 5 879992310 +897 40 3 879990361 +897 50 5 879994113 +897 55 3 879990622 +897 56 2 879991037 +897 65 4 879992811 +897 66 3 879990973 +897 68 5 879994113 +897 69 5 879990396 +897 71 5 879991566 +897 73 3 879991341 +897 76 4 879992811 +897 77 4 879990877 +897 79 5 879994113 +897 82 5 879990361 +897 88 4 879991283 +897 89 4 879990683 +897 95 3 879990586 +897 96 5 879990430 +897 97 5 879990622 +897 98 5 879990361 +897 99 5 879994113 +897 117 3 879993210 +897 118 5 879993275 +897 120 3 879993886 +897 121 5 879993376 +897 125 4 879993314 +897 127 5 879990647 +897 132 5 879990531 +897 133 4 879991037 +897 135 3 879990843 +897 136 5 879990843 +897 140 3 879991403 +897 141 4 879991403 +897 143 5 879991069 +897 151 5 879993519 +897 161 5 879993309 +897 168 3 879991341 +897 172 4 879990466 +897 173 3 879990779 +897 174 5 879990587 +897 176 5 879990492 +897 177 5 879990465 +897 179 3 879991069 +897 180 5 879991007 +897 181 3 879990622 +897 182 4 879990683 +897 183 5 879990531 +897 184 4 879991226 +897 185 5 879991137 +897 186 5 879994113 +897 187 5 879990622 +897 188 5 879991493 +897 193 3 879990466 +897 194 5 879991403 +897 195 5 879991137 +897 196 3 879991258 +897 199 4 879990465 +897 200 5 879991434 +897 201 5 879990556 +897 202 2 879990683 +897 203 4 879990813 +897 204 4 879990396 +897 205 3 879990556 +897 208 5 879991037 +897 210 5 879991007 +897 211 5 879991186 +897 214 5 879990923 +897 215 4 879990683 +897 222 4 879993042 +897 227 3 879992190 +897 228 4 879991607 +897 230 4 879991607 +897 232 5 879994113 +897 234 5 879991729 +897 235 3 879993519 +897 238 4 879990779 +897 239 2 879992310 +897 240 4 879993823 +897 243 4 879988868 +897 265 3 879990466 +897 273 3 879993164 +897 281 4 879993553 +897 288 5 879988800 +897 290 4 879993457 +897 294 3 879988800 +897 323 4 879988868 +897 368 1 879993886 +897 369 4 879993713 +897 371 2 879991007 +897 378 5 879991137 +897 385 3 879990622 +897 389 3 879991341 +897 393 4 879991493 +897 402 5 879991069 +897 404 4 879991186 +897 405 5 879993042 +897 406 3 879993577 +897 409 4 879993553 +897 410 3 879993621 +897 411 5 879993797 +897 416 5 879991186 +897 418 4 879991282 +897 419 4 879990430 +897 423 5 879994113 +897 429 5 879990587 +897 433 4 879991434 +897 435 3 879991069 +897 436 4 879991037 +897 443 5 879991666 +897 451 4 879991607 +897 455 3 879993772 +897 465 5 879992030 +897 470 4 879991493 +897 472 5 879993620 +897 473 3 879993644 +897 477 3 879993315 +897 478 3 879991105 +897 479 4 879991566 +897 483 3 879991921 +897 484 3 879991341 +897 485 3 879991037 +897 496 5 879994113 +897 497 3 879990430 +897 498 5 879990683 +897 501 5 879991566 +897 506 4 879991524 +897 510 3 879990531 +897 521 5 879990877 +897 523 5 879991186 +897 526 5 879990813 +897 528 3 879991933 +897 530 3 879990531 +897 546 4 879993489 +897 550 3 879990923 +897 566 2 879991976 +897 568 5 879992216 +897 588 4 879990877 +897 597 5 879993519 +897 603 5 879991666 +897 609 5 879991105 +897 616 5 879990877 +897 622 3 879990877 +897 633 5 879991007 +897 646 5 879994113 +897 649 3 879992004 +897 651 3 879990587 +897 659 5 879990923 +897 660 4 879991630 +897 670 3 879991258 +897 673 5 879990744 +897 679 5 879991630 +897 684 2 879991524 +897 699 4 879990973 +897 705 3 879991226 +897 708 2 879991226 +897 717 1 879993912 +897 736 3 879991186 +897 742 3 879993314 +897 760 5 879993609 +897 763 3 879993404 +897 826 4 879993578 +897 840 3 879993887 +897 849 4 879990877 +897 864 4 879993772 +897 866 5 879993797 +897 871 3 879993519 +897 925 5 879993739 +897 926 4 879993674 +897 928 5 879993621 +897 951 3 879991186 +897 974 4 879993553 +897 1028 4 879993621 +897 1033 4 879993713 +897 1051 3 879993772 +897 1219 4 879991137 +897 1254 2 880253037 +897 1531 4 879991933 +898 242 4 888294441 +898 243 1 888294707 +898 258 3 888294407 +898 270 4 888294408 +898 271 3 888294567 +898 272 4 888294375 +898 286 2 888294408 +898 288 4 888294529 +898 300 2 888294375 +898 302 4 888294567 +898 309 5 888294805 +898 310 4 888294441 +898 312 2 888294707 +898 313 4 888294375 +898 315 5 888294375 +898 316 5 888294739 +898 319 5 888294676 +898 324 4 888294621 +898 327 5 888294529 +898 328 2 888294567 +898 334 3 888294739 +898 343 3 888294805 +898 347 3 888294485 +898 358 4 888294739 +898 539 3 888294441 +898 683 3 888294775 +898 689 3 888294842 +898 748 4 888294739 +898 751 3 888294621 +898 1296 4 888294942 +899 1 3 884120105 +899 2 3 884122563 +899 8 4 884121572 +899 25 3 884120249 +899 28 5 884121214 +899 29 2 884122844 +899 31 3 884121513 +899 48 4 884122044 +899 50 5 884119794 +899 51 1 884122387 +899 64 4 884121647 +899 66 4 884122087 +899 69 3 884121125 +899 71 4 884121424 +899 73 4 884121720 +899 79 5 884122278 +899 83 4 884121214 +899 89 4 884121647 +899 95 5 884121612 +899 96 4 884121125 +899 98 4 884121572 +899 111 4 884120105 +899 117 4 884119830 +899 121 5 884120164 +899 125 3 884120185 +899 133 3 884122308 +899 135 4 884121857 +899 144 3 884121173 +899 147 2 884120106 +899 151 2 884122367 +899 153 5 884122331 +899 154 5 884122420 +899 157 4 884122419 +899 161 4 884122367 +899 168 4 884121799 +899 172 4 884121089 +899 173 3 884121089 +899 174 5 884121125 +899 176 4 884121173 +899 177 3 884122367 +899 179 2 884121267 +899 180 3 884121308 +899 181 3 884119877 +899 186 4 884121767 +899 188 2 884121720 +899 190 4 884121051 +899 193 3 884121946 +899 194 5 884121125 +899 195 4 884121884 +899 197 4 884121512 +899 200 4 884122674 +899 202 4 884122419 +899 203 4 884121513 +899 204 4 884121683 +899 208 3 884121857 +899 209 5 884121173 +899 213 4 884122698 +899 214 4 884122044 +899 216 5 884121885 +899 218 4 884122155 +899 222 4 884119910 +899 228 3 884121572 +899 229 2 884122254 +899 230 4 884122472 +899 231 1 884122844 +899 234 4 884122674 +899 237 4 884120026 +899 238 2 884121424 +899 239 3 884121946 +899 250 2 884120105 +899 254 2 884122845 +899 255 4 884120149 +899 257 4 884120185 +899 258 5 884119973 +899 265 4 884122087 +899 275 4 884119877 +899 282 5 884120007 +899 283 4 884121424 +899 284 3 884120205 +899 291 4 884122279 +899 318 4 884121512 +899 356 2 884122087 +899 357 4 884121342 +899 367 4 884122450 +899 385 3 884121612 +899 403 3 884122844 +899 410 1 884122535 +899 414 2 884122228 +899 423 4 884121214 +899 427 5 884121267 +899 428 4 884122254 +899 431 1 884122645 +899 433 4 884122178 +899 435 3 884122450 +899 455 3 884119910 +899 463 4 884121342 +899 470 4 884122016 +899 471 4 884120007 +899 474 3 884121612 +899 479 4 884121612 +899 483 4 884121572 +899 496 5 884121379 +899 498 4 884121767 +899 499 3 884122308 +899 515 3 884121945 +899 518 4 884121379 +899 527 4 884121767 +899 546 2 884120317 +899 566 3 884122535 +899 568 4 884121720 +899 588 3 884122155 +899 597 2 884120270 +899 603 4 884121379 +899 640 1 884122228 +899 655 4 884121267 +899 658 2 884121911 +899 660 4 884122564 +899 663 4 884122719 +899 684 3 884122501 +899 685 3 884119954 +899 694 5 884121009 +899 710 3 884122619 +899 717 1 884120967 +899 724 5 884122776 +899 732 3 884122776 +899 740 5 884120077 +899 742 4 884119830 +899 746 4 884121512 +899 747 1 884122535 +899 748 4 884120232 +899 751 4 884120724 +899 827 2 884120388 +899 934 3 884120603 +899 1016 3 884120149 +899 1101 5 884122112 +900 9 2 877832868 +900 31 2 877833995 +900 100 4 877832904 +900 117 2 877833029 +900 121 2 877832803 +900 124 4 877832837 +900 129 4 877833080 +900 130 1 877833512 +900 136 2 877833712 +900 137 3 877832803 +900 183 3 877833781 +900 186 2 877833957 +900 200 2 877833632 +900 205 4 877833712 +900 237 4 877832803 +900 280 2 877833364 +900 284 2 877833287 +900 288 2 877832113 +900 294 4 877832113 +900 318 4 877833672 +900 325 1 877832320 +900 405 3 877833364 +900 410 2 877833326 +900 429 2 877833747 +900 458 2 877833326 +900 471 2 877833259 +900 474 4 877833781 +900 478 2 877833923 +900 480 4 877833603 +900 483 4 877833924 +900 493 2 877833603 +900 508 3 877832764 +900 589 5 877833631 +900 602 1 877834025 +900 618 4 877833957 +900 654 2 877833924 +900 661 4 877833747 +900 696 2 877833195 +900 744 2 877833195 +900 834 1 877833536 +900 864 2 877833000 +900 871 1 877833443 +900 1028 2 877833393 +900 1132 1 877833364 +900 1298 2 877833923 +901 1 5 877129870 +901 8 3 877131307 +901 12 5 877132065 +901 13 1 877129839 +901 15 5 877130439 +901 20 1 877130406 +901 22 5 877131045 +901 28 5 877131624 +901 35 4 877131685 +901 38 3 877131087 +901 50 4 877126576 +901 56 1 877130999 +901 58 4 877132091 +901 63 5 877131307 +901 66 5 877131307 +901 69 5 877132346 +901 71 4 877131654 +901 73 5 877131416 +901 78 4 877131738 +901 82 5 877131624 +901 88 5 877132604 +901 89 3 877288929 +901 91 1 877131817 +901 94 4 877131738 +901 95 4 877131685 +901 96 5 877130999 +901 111 3 877126434 +901 117 4 877127196 +901 118 3 877127250 +901 121 4 877127219 +901 135 4 877131961 +901 140 4 877288179 +901 142 4 877131739 +901 144 5 877288015 +901 151 3 877129870 +901 155 5 877132671 +901 161 5 877131147 +901 168 4 877131342 +901 172 5 877131205 +901 174 5 877130965 +901 180 2 877289290 +901 181 4 877127128 +901 194 5 877131342 +901 195 5 877131118 +901 196 4 877288864 +901 204 5 877131307 +901 210 4 877130999 +901 211 4 877131342 +901 216 4 877132578 +901 222 4 877126648 +901 228 5 877131045 +901 229 4 877131205 +901 230 5 877131087 +901 234 4 877287882 +901 235 3 877126963 +901 237 3 877126757 +901 243 2 877129839 +901 250 3 877127196 +901 252 3 877127250 +901 257 4 877127196 +901 259 2 877129839 +901 275 3 877130677 +901 287 3 877126935 +901 294 3 877125532 +901 321 1 877129839 +901 322 4 877125575 +901 378 5 877131654 +901 391 5 877131205 +901 393 5 877131738 +901 395 3 877131500 +901 402 4 877132632 +901 403 2 877131086 +901 405 4 877127250 +901 409 3 877129911 +901 419 5 877131763 +901 423 4 877131685 +901 429 5 877132301 +901 430 3 877131416 +901 435 5 877131342 +901 436 4 877131961 +901 443 3 877287910 +901 447 3 877132015 +901 451 4 877132604 +901 465 4 877131654 +901 476 5 877289381 +901 477 3 877127021 +901 498 4 877131990 +901 509 4 877288977 +901 520 5 877287882 +901 521 2 877289241 +901 523 4 877132400 +901 546 4 877127250 +901 560 3 877131624 +901 566 5 877131118 +901 568 5 877131045 +901 578 3 877131961 +901 623 4 877131793 +901 636 2 877131147 +901 662 4 877132632 +901 679 4 877131205 +901 688 2 877129839 +901 728 4 877132632 +901 732 5 877132578 +901 739 5 877132671 +901 748 4 877125480 +901 756 4 877126935 +901 768 3 877131793 +901 795 3 877131738 +901 826 2 877129839 +901 864 5 877289441 +901 866 3 877126963 +901 929 4 877126902 +901 932 4 877127021 +901 949 3 877131500 +901 988 4 877125716 +901 1035 4 877131793 +901 1041 5 877131443 +901 1047 3 877131391 +901 1049 3 877127021 +901 1120 4 877127021 +901 1389 5 877127052 +901 1605 5 877127052 +901 1620 5 877126743 +901 1643 5 877130473 +902 1 5 879465583 +902 8 5 879465765 +902 50 5 879464726 +902 79 5 879465952 +902 87 4 879465834 +902 95 4 879465834 +902 127 3 879464726 +902 134 3 879465523 +902 144 5 879465894 +902 172 4 879465522 +902 176 5 879465834 +902 181 3 879464783 +902 187 3 879465834 +902 191 5 879465583 +902 204 3 879465952 +902 228 3 879465834 +902 246 1 879465073 +902 250 4 879465073 +902 257 3 879464964 +902 258 3 879463109 +902 268 1 879463373 +902 271 2 879463433 +902 275 4 879465894 +902 289 3 879463433 +902 294 2 879463212 +902 295 2 879465128 +902 298 2 879465016 +902 300 4 879463373 +902 301 2 879463373 +902 302 3 879463109 +902 304 3 879464257 +902 306 4 879463212 +902 307 3 879463582 +902 318 5 879465522 +902 326 3 879463310 +902 327 3 879463373 +902 328 3 879463212 +902 333 3 879463310 +902 423 4 879465765 +902 479 4 879465583 +902 480 5 879465711 +902 483 4 879465448 +902 497 5 879465894 +902 515 5 879464726 +902 754 3 879463310 +902 879 4 879463485 +902 989 2 879465336 +902 993 3 879465180 +902 1016 2 879464783 +903 1 3 891031280 +903 4 4 891033564 +903 7 2 891031259 +903 9 3 891031309 +903 11 2 891033335 +903 12 5 891033334 +903 13 5 891031632 +903 23 5 891033541 +903 25 4 891031259 +903 30 5 891466808 +903 46 4 891033123 +903 47 5 891033522 +903 48 4 891033005 +903 50 5 891031329 +903 52 3 891466551 +903 56 5 891466376 +903 59 4 891466808 +903 60 4 891033048 +903 61 4 891033302 +903 64 5 891033564 +903 79 4 891033070 +903 81 5 891466376 +903 87 4 891032981 +903 89 4 891032842 +903 91 5 891033005 +903 96 2 891032842 +903 98 5 892760784 +903 100 5 891031203 +903 105 3 891031794 +903 106 2 891031883 +903 111 3 891031677 +903 118 4 891031794 +903 120 2 891032101 +903 121 3 891031487 +903 127 5 891031144 +903 129 3 891031144 +903 147 3 891031178 +903 154 4 891033781 +903 156 5 891466376 +903 157 4 891033430 +903 175 4 891032760 +903 177 4 891033541 +903 179 5 891466376 +903 180 5 891033585 +903 181 4 891031309 +903 182 5 891380461 +903 183 4 891032872 +903 185 5 891033070 +903 186 5 891466376 +903 187 5 891033754 +903 188 5 891466376 +903 191 5 891032872 +903 192 5 891033628 +903 196 4 891033781 +903 198 4 891032872 +903 203 4 891032911 +903 204 3 891033335 +903 210 4 891033541 +903 211 5 891033808 +903 214 4 891033781 +903 223 5 891033354 +903 234 4 891033808 +903 238 5 891033502 +903 240 4 891031730 +903 248 2 891031309 +903 252 3 891031715 +903 254 2 891032101 +903 272 4 892493587 +903 273 3 891031203 +903 276 5 891380461 +903 281 4 891031677 +903 282 4 891031384 +903 288 4 891031105 +903 293 4 891031226 +903 302 4 891380461 +903 317 4 891033808 +903 318 5 891032793 +903 324 4 891031697 +903 333 4 891032653 +903 346 3 891380391 +903 357 5 891032872 +903 369 4 891032101 +903 405 4 891031678 +903 409 4 891031794 +903 410 4 891031677 +903 412 2 891032077 +903 421 3 891380488 +903 427 5 891466376 +903 443 5 891033755 +903 461 3 891033334 +903 467 3 891033606 +903 475 4 891031144 +903 479 4 891032793 +903 509 4 891033380 +903 515 4 891031178 +903 520 4 891032911 +903 521 5 891033781 +903 523 5 891033606 +903 528 4 892760784 +903 529 4 891033278 +903 544 2 891031470 +903 582 3 891033564 +903 595 2 891031714 +903 628 3 891031384 +903 642 4 891033005 +903 649 4 891033628 +903 651 5 891032793 +903 655 5 891466376 +903 664 4 891033755 +903 684 3 891033828 +903 693 5 891466376 +903 696 3 891031906 +903 708 4 891033808 +903 709 4 891033502 +903 721 4 891380524 +903 746 2 891033302 +903 763 5 891031450 +903 820 4 891031768 +903 824 3 891031833 +903 845 1 891031450 +903 871 3 891031833 +903 928 2 891031749 +903 931 2 891032038 +903 977 1 891031810 +903 994 3 891031883 +903 1008 3 891031505 +903 1009 4 891031906 +903 1048 4 891031906 +903 1067 2 891031412 +903 1070 4 891033335 +903 1073 3 891032842 +903 1098 5 891033606 +903 1101 4 891033828 +903 1132 3 891031949 +903 1142 5 891466376 +903 1381 4 891031864 +904 9 4 879735316 +904 66 4 879735641 +904 88 3 879735710 +904 90 2 879735731 +904 97 4 879735678 +904 111 4 879735641 +904 117 4 879735316 +904 155 4 879735616 +904 173 3 879735499 +904 181 3 879735362 +904 202 2 879735584 +904 216 4 879735461 +904 237 5 879735551 +904 255 5 879735380 +904 274 5 879735551 +904 275 5 879735461 +904 278 5 879735616 +904 280 5 879735678 +904 288 4 879735109 +904 289 5 879735177 +904 300 4 879735109 +904 328 2 879735136 +904 402 4 879735679 +904 421 5 879735772 +904 451 4 879735584 +904 535 3 879735404 +904 553 3 879735710 +904 603 4 879735843 +904 628 3 879735362 +904 682 4 879735158 +904 694 3 879735551 +904 709 3 879735499 +904 724 4 879735616 +904 732 3 879735584 +904 736 4 879735499 +904 739 4 879735678 +904 747 4 879735584 +904 762 2 879735617 +904 778 3 879735678 +904 781 4 879735678 +904 785 5 879735731 +904 794 4 879735710 +904 796 3 879735710 +904 815 4 879735678 +904 1041 2 879735710 +904 1074 4 879735710 +904 1152 4 879735551 +905 7 4 884984329 +905 100 4 884983888 +905 116 3 884984066 +905 117 3 884984066 +905 124 4 884983889 +905 125 3 884984009 +905 129 4 884984009 +905 137 3 884984148 +905 150 4 884984148 +905 237 3 884983951 +905 245 3 884983273 +905 258 3 884982806 +905 273 3 884984148 +905 282 3 884983889 +905 294 3 884983556 +905 300 4 884983556 +905 301 4 884983556 +905 302 5 884982870 +905 313 4 884982870 +905 319 2 884983463 +905 321 4 884983463 +905 322 3 884983341 +905 326 3 884983034 +905 328 3 884983034 +905 333 3 884982806 +905 345 4 884983089 +905 458 4 884984382 +905 471 4 884983952 +905 475 3 884984329 +905 508 4 884984066 +905 591 4 884983951 +905 717 1 884984149 +905 742 4 884983888 +905 748 2 884983627 +905 751 3 884983034 +905 871 2 884984149 +905 873 3 884983396 +905 879 3 884983627 +905 1011 3 884984382 +905 1051 2 884984329 +906 7 3 879434846 +906 9 4 879434846 +906 10 4 879435339 +906 15 3 879435415 +906 100 4 879434846 +906 117 4 879435574 +906 121 4 879435598 +906 124 4 879435212 +906 125 4 879435365 +906 129 4 879435469 +906 221 4 879435365 +906 237 4 879435469 +906 240 3 879435758 +906 270 4 879434471 +906 273 4 879434882 +906 276 5 879435299 +906 277 3 879435469 +906 283 4 879435524 +906 284 4 879435469 +906 285 5 879434846 +906 286 5 879434335 +906 287 5 879435524 +906 300 3 879434378 +906 307 3 879434378 +906 321 4 879434436 +906 405 3 879435551 +906 408 4 879435212 +906 471 3 879435415 +906 473 4 879435598 +906 475 3 879435253 +906 544 4 879435664 +906 628 5 879435551 +906 676 5 879435415 +906 696 4 879435758 +906 740 4 879435415 +906 742 3 879435278 +906 744 4 879435524 +906 823 3 879435664 +906 991 3 879434410 +906 1009 2 879435212 +906 1011 4 879435365 +907 1 5 880158712 +907 5 5 881030348 +907 8 3 880159688 +907 15 5 880158861 +907 19 5 880158730 +907 25 5 880159113 +907 42 4 880159957 +907 50 4 880158692 +907 71 5 880159911 +907 79 5 880160008 +907 83 5 880159865 +907 86 5 880160162 +907 88 5 881030348 +907 96 5 881030348 +907 97 5 880160204 +907 98 5 880160037 +907 100 5 880158712 +907 107 5 880158939 +907 111 5 880158883 +907 117 5 880159172 +907 118 4 880159360 +907 120 4 880159562 +907 121 4 880159015 +907 123 4 880159442 +907 125 4 880159259 +907 129 5 885862428 +907 143 5 880159982 +907 144 5 880159937 +907 147 5 885862325 +907 151 4 880159222 +907 172 4 880160008 +907 173 4 880160140 +907 181 4 880158692 +907 182 5 880159844 +907 185 4 880159801 +907 198 5 880160162 +907 202 5 880160204 +907 220 5 880159360 +907 225 5 880159442 +907 235 4 880159222 +907 237 5 880159059 +907 245 4 880158556 +907 248 5 880159038 +907 258 4 880158316 +907 260 2 885860511 +907 268 4 885860288 +907 271 5 881030073 +907 272 5 885860093 +907 274 5 880158986 +907 275 5 880158692 +907 277 5 880158794 +907 278 5 880159016 +907 281 5 881030348 +907 282 4 880158939 +907 283 4 880158827 +907 284 5 881030348 +907 286 5 880158316 +907 287 4 880158913 +907 288 5 880158476 +907 290 4 880159259 +907 291 5 880158913 +907 294 4 880158502 +907 301 4 880158537 +907 312 5 885860416 +907 313 5 885860093 +907 317 5 880159910 +907 318 5 880159642 +907 322 5 881030348 +907 326 5 880158448 +907 332 5 885862325 +907 333 5 885860288 +907 340 2 880158425 +907 356 4 880159937 +907 366 5 885862156 +907 393 5 880160009 +907 402 5 880160037 +907 405 4 880159113 +907 409 4 880159151 +907 427 5 880159821 +907 462 4 880159666 +907 471 5 880159059 +907 472 5 880159360 +907 475 3 880158692 +907 476 4 880159134 +907 483 4 880159937 +907 485 5 880160008 +907 496 4 880159666 +907 497 5 880160204 +907 506 5 881030348 +907 520 5 880159865 +907 553 5 880160056 +907 591 5 880158913 +907 596 4 880159015 +907 619 2 880159038 +907 620 4 880159113 +907 628 5 880158986 +907 633 5 881030348 +907 647 3 880159844 +907 685 5 880158960 +907 686 4 880159778 +907 689 4 885860672 +907 696 5 880159081 +907 697 5 880159982 +907 699 5 880159619 +907 710 4 880160106 +907 713 5 880159172 +907 724 5 880159642 +907 729 5 880159821 +907 739 5 880159982 +907 740 5 880158960 +907 742 5 880158939 +907 744 5 880159015 +907 748 5 880158537 +907 756 4 880159198 +907 762 5 880159496 +907 763 5 880159081 +907 764 4 880159113 +907 781 5 885862325 +907 813 5 880158770 +907 815 5 880158913 +907 819 4 880159442 +907 821 5 880160008 +907 825 3 880159404 +907 828 5 880159361 +907 869 5 880160123 +907 924 5 880159240 +907 928 5 880159198 +907 934 4 880159222 +907 978 5 880159473 +907 988 3 880158612 +907 1016 5 880158939 +907 1028 5 880158913 +907 1040 5 880159496 +907 1047 5 881030348 +907 1048 5 880159404 +907 1051 5 880159530 +907 1054 3 880159598 +907 1057 3 880159151 +907 1119 5 880159865 +907 1157 5 885862211 +907 1163 4 880159015 +907 1167 5 880160106 +907 1220 5 880159642 +907 1221 5 880160080 +907 1244 5 880159381 +907 1284 5 881030348 +907 1326 4 880159512 +908 7 3 879722334 +908 12 3 879722603 +908 28 4 879723073 +908 47 3 879723095 +908 50 4 879722397 +908 55 3 879722334 +908 56 4 879722642 +908 69 3 879722513 +908 79 4 879722850 +908 96 4 879722932 +908 98 5 879722300 +908 100 4 879722427 +908 111 3 879723073 +908 123 3 879722822 +908 124 3 879722694 +908 127 4 879722694 +908 133 5 879722603 +908 144 4 879722850 +908 147 2 879722932 +908 151 3 879722875 +908 156 3 879722603 +908 172 3 879722780 +908 173 3 879722901 +908 174 3 879722642 +908 181 3 879722754 +908 183 4 879722427 +908 185 4 879722822 +908 192 2 879722489 +908 194 3 879722932 +908 195 4 879722754 +908 200 2 879722642 +908 204 4 879722427 +908 205 3 879722901 +908 209 3 879722694 +908 216 3 879723074 +908 223 4 879722953 +908 264 3 879722206 +908 288 4 879722097 +908 300 3 879722076 +908 318 5 879722717 +908 322 2 879722169 +908 357 3 879723046 +908 414 3 879723022 +908 419 4 879722875 +908 423 4 879722822 +908 427 5 879722642 +908 434 4 879723128 +908 447 3 879722850 +908 478 4 879723046 +908 479 4 879723022 +908 481 3 879722754 +908 482 3 879722667 +908 483 4 879722718 +908 484 4 879722361 +908 488 4 879722642 +908 494 3 879723046 +908 496 5 879722361 +908 515 4 879722463 +908 525 4 879722300 +908 527 3 879722754 +908 528 4 879722397 +908 558 4 879722667 +908 591 4 879722996 +908 603 4 879722361 +908 631 4 879723128 +908 648 4 879722333 +908 654 3 879722822 +908 657 4 879722822 +908 663 3 879723022 +908 694 4 879722603 +908 701 4 879722780 +908 709 4 879722490 +908 732 3 879722974 +908 963 4 879722397 +909 14 4 891920763 +909 86 5 891920125 +909 116 5 891920010 +909 165 5 891920233 +909 166 5 891920166 +909 170 5 891920276 +909 224 5 891920089 +909 261 5 891919599 +909 275 5 891920166 +909 286 4 891919160 +909 289 3 891920763 +909 292 4 891919160 +909 294 3 891920763 +909 300 5 891919232 +909 326 4 891919458 +909 339 4 891919406 +909 382 5 891920327 +909 509 5 891920211 +909 529 3 891920763 +909 531 4 891920166 +909 582 5 891920125 +909 682 3 891920763 +909 707 5 891920327 +909 744 3 891920763 +909 880 4 891919406 +909 1121 5 891920703 +910 1 4 880822060 +910 3 2 881421019 +910 9 4 880821079 +910 12 4 880821718 +910 23 4 881421332 +910 24 3 880821367 +910 25 3 880822203 +910 50 5 880822060 +910 56 4 880821656 +910 98 4 881421309 +910 100 4 880821098 +910 117 4 880822012 +910 118 3 881420857 +910 121 1 880821492 +910 124 3 880821124 +910 125 3 880821383 +910 127 5 880822060 +910 134 3 880821676 +910 137 3 880822060 +910 174 5 880822060 +910 181 1 880821033 +910 182 4 880821696 +910 183 4 880822060 +910 205 4 880822060 +910 210 4 881421309 +910 222 4 880822060 +910 237 4 880822060 +910 245 2 881420474 +910 250 1 880821033 +910 252 2 881421035 +910 254 1 881421240 +910 257 3 880821349 +910 273 3 880821492 +910 282 3 880821319 +910 284 3 880821969 +910 286 3 883760216 +910 288 3 884229224 +910 289 3 881420491 +910 291 1 881421090 +910 293 4 880822060 +910 298 2 880821124 +910 300 4 881420194 +910 307 2 880821815 +910 310 3 881420170 +910 313 4 884229092 +910 332 2 880821834 +910 357 4 880821718 +910 405 4 881420841 +910 414 4 881421332 +910 508 4 880821349 +910 597 3 881421048 +910 628 1 880821319 +910 684 4 880821696 +910 742 4 880822031 +910 748 3 881420228 +910 751 3 884229194 +910 831 1 881421142 +910 845 4 880821405 +910 1012 4 884229250 +910 1025 2 881420507 +911 7 4 892839551 +911 21 4 892840144 +911 26 4 892840048 +911 82 2 892840888 +911 83 4 892839784 +911 87 5 892839056 +911 89 4 892838405 +911 93 4 892839784 +911 98 2 892839015 +911 99 3 892840889 +911 102 3 892840889 +911 134 4 892838823 +911 142 4 892840950 +911 143 5 892840889 +911 151 5 892840916 +911 153 5 892839784 +911 154 4 892839492 +911 163 4 892839846 +911 168 4 892838676 +911 172 4 892838636 +911 173 5 892838677 +911 174 4 892838577 +911 176 4 892841255 +911 183 4 892839492 +911 185 5 892841255 +911 186 5 892839929 +911 190 5 892838864 +911 191 5 892838676 +911 193 4 892839056 +911 194 4 892839929 +911 197 4 892842771 +911 199 3 892839333 +911 203 4 892841196 +911 204 4 892839930 +911 205 3 892839454 +911 208 4 892839970 +911 209 5 892839784 +911 210 3 892839745 +911 211 3 892839418 +911 215 3 892839140 +911 216 4 892839929 +911 228 4 892841220 +911 238 2 892839970 +911 240 1 892840297 +911 272 4 892838135 +911 313 2 892838135 +911 357 4 892838954 +911 374 1 892841118 +911 381 5 892839846 +911 383 3 892841094 +911 399 5 892840120 +911 404 3 892840950 +911 419 5 892840916 +911 420 4 892840950 +911 423 4 892840837 +911 427 3 892838538 +911 428 4 892839929 +911 431 4 892842368 +911 432 3 892839551 +911 435 5 892839993 +911 443 4 892841220 +911 451 2 892840253 +911 465 5 892840807 +911 473 3 892840996 +911 474 5 892838637 +911 478 5 892838823 +911 479 5 892838787 +911 480 4 892838823 +911 482 4 892838864 +911 483 3 892838637 +911 484 3 892839363 +911 485 3 892839454 +911 496 3 892838954 +911 501 3 892840916 +911 506 3 892839518 +911 507 4 892839289 +911 514 3 892839454 +911 530 4 892838677 +911 548 3 892841073 +911 584 3 892841033 +911 588 4 892840837 +911 603 5 892838864 +911 622 3 892840996 +911 625 5 892840807 +911 627 3 892840888 +911 638 4 892839391 +911 647 4 892839140 +911 655 5 892839719 +911 659 3 892838677 +911 709 5 892839846 +911 727 2 892842738 +911 835 3 892838405 +911 855 5 892839084 +911 923 4 892842509 +911 969 5 892840807 +911 1039 4 892838357 +911 1060 4 892841033 +911 1203 4 892838357 +912 14 5 875966927 +912 15 4 875967028 +912 28 4 875966756 +912 56 2 875966027 +912 64 4 875966027 +912 97 4 875966783 +912 132 5 875965981 +912 143 5 875966694 +912 152 4 875966320 +912 154 4 875966027 +912 168 5 875966107 +912 172 3 875966027 +912 173 4 875966238 +912 174 3 875966756 +912 185 3 875966065 +912 186 3 875966202 +912 192 4 875966349 +912 194 4 875966238 +912 197 5 875966429 +912 204 2 875966202 +912 238 4 875966320 +912 246 2 875967072 +912 268 2 875965695 +912 318 4 875966385 +912 357 5 875966429 +912 418 4 875966694 +912 419 4 875966756 +912 423 5 875966694 +912 427 5 875965830 +912 443 4 875966027 +912 474 3 875965906 +912 479 4 875966107 +912 482 5 875965939 +912 483 5 875965906 +912 496 4 875965939 +912 498 5 875965830 +912 501 4 875966756 +912 507 3 875965906 +912 517 4 875966458 +912 520 2 875966429 +912 523 4 875965830 +912 602 5 875965981 +912 610 4 875966027 +912 611 3 875965830 +912 616 3 875966065 +912 646 3 875966429 +912 648 3 875966616 +912 653 3 875965906 +912 654 3 875966027 +912 655 5 875966320 +912 659 5 875966202 +912 661 2 875965981 +912 1041 4 875966616 +913 1 2 880758579 +913 4 4 874786460 +913 7 5 881725846 +913 8 2 880825916 +913 9 5 881725816 +913 11 4 881037106 +913 12 4 881366897 +913 15 3 881367770 +913 19 5 881366383 +913 22 5 881369920 +913 25 3 881366974 +913 28 3 881369039 +913 42 3 880824372 +913 50 4 880758348 +913 56 5 880758974 +913 57 4 880758348 +913 58 5 880759221 +913 60 3 880946006 +913 64 5 881725876 +913 69 2 880757553 +913 79 4 880758974 +913 82 3 881368310 +913 83 4 881725904 +913 89 5 880794731 +913 92 4 881725846 +913 95 4 880826766 +913 96 5 881725904 +913 98 4 881725761 +913 99 4 881366878 +913 100 3 880824823 +913 117 1 882544673 +913 127 4 882044440 +913 131 5 881367150 +913 132 3 880758150 +913 143 5 881725761 +913 144 5 880946236 +913 151 4 881368824 +913 156 3 880824512 +913 164 2 880826620 +913 168 4 881725796 +913 169 4 880757553 +913 171 3 880758348 +913 172 5 881726004 +913 173 5 880826542 +913 174 5 881367620 +913 175 5 881366473 +913 176 5 880759221 +913 179 3 881368269 +913 180 3 880758150 +913 181 3 880825135 +913 183 4 880757553 +913 184 3 880826706 +913 185 4 881367173 +913 186 3 880946006 +913 189 3 881367594 +913 191 5 881725737 +913 195 4 881725846 +913 200 5 880825443 +913 202 4 880825052 +913 203 4 880825916 +913 204 4 880946539 +913 209 2 881367150 +913 210 2 880826706 +913 216 4 881725796 +913 222 3 881037459 +913 227 1 881368310 +913 228 5 881368310 +913 234 4 880825443 +913 235 1 881725960 +913 237 4 881725960 +913 238 3 880825052 +913 258 4 889331049 +913 260 1 881037229 +913 265 4 880757553 +913 268 2 880753802 +913 269 5 881725938 +913 273 3 881037670 +913 276 3 881037047 +913 288 2 880755823 +913 289 5 880658260 +913 301 1 880753802 +913 302 4 880794297 +913 310 3 880753802 +913 317 4 881725876 +913 318 4 880794731 +913 343 1 881037310 +913 346 3 883110406 +913 357 5 880824372 +913 408 5 880758348 +913 418 3 881368742 +913 419 5 881725737 +913 423 3 881368310 +913 427 4 881725960 +913 428 3 881367151 +913 430 2 882544617 +913 432 3 881366721 +913 436 3 881367312 +913 461 4 881725816 +913 462 3 881037459 +913 465 2 880826366 +913 466 3 882544673 +913 469 3 881037459 +913 474 5 881725737 +913 475 4 880757473 +913 478 4 880824512 +913 481 3 880758579 +913 483 3 880757975 +913 498 3 880757473 +913 508 3 880759072 +913 518 4 881725761 +913 527 5 881036957 +913 530 2 881367312 +913 531 2 880946475 +913 588 3 881449256 +913 596 1 881367210 +913 603 4 880758150 +913 604 2 882201336 +913 613 5 881725796 +913 655 4 881725846 +913 656 3 881726004 +913 657 5 881725761 +913 690 3 880824288 +913 729 3 881368824 +913 741 4 881037004 +913 742 3 881036957 +913 747 3 881369407 +913 750 4 883110363 +913 789 4 880946415 +913 919 4 880758150 +913 963 4 881725737 +913 1112 1 882044453 +913 1240 2 881037004 +914 88 2 887124121 +914 111 1 887124121 +914 155 5 887124121 +914 197 4 887122028 +914 216 3 887122324 +914 313 3 887121969 +914 371 4 887122029 +914 381 3 887122325 +914 387 3 887124121 +914 402 5 887124376 +914 451 2 887122085 +914 643 4 887123886 +914 692 3 887122324 +914 724 3 887123464 +914 732 2 887123465 +914 736 3 887123465 +914 739 2 887124376 +914 775 3 887124121 +914 778 5 887122085 +914 781 5 887123464 +914 1259 1 887123886 +914 1355 1 887123886 +914 1406 4 887123886 +915 258 2 891030108 +915 268 5 891031477 +915 270 3 891030070 +915 286 4 891030032 +915 288 2 891031450 +915 300 3 891031477 +915 301 2 891030032 +915 302 4 891029965 +915 304 3 891030032 +915 305 2 891030070 +915 307 3 891030032 +915 310 3 891029965 +915 313 4 891029965 +915 315 4 891029965 +915 321 3 891030002 +915 328 2 891031450 +915 333 3 891031450 +915 334 3 891031477 +915 345 4 891030145 +915 346 2 891030070 +915 347 5 891031477 +915 691 4 891030108 +915 750 4 891030070 +915 752 3 891030120 +915 896 2 891030070 +915 1038 2 891030070 +916 1 4 880843361 +916 2 3 880845391 +916 3 3 880843838 +916 4 4 880844395 +916 5 3 880845099 +916 7 4 880843361 +916 9 5 880843378 +916 11 4 880844369 +916 12 4 880844445 +916 14 5 880843378 +916 17 4 880845135 +916 22 4 880844627 +916 23 4 880843997 +916 24 2 880843419 +916 28 4 880844861 +916 30 4 880844463 +916 31 3 880844789 +916 33 2 880845135 +916 39 4 880845011 +916 42 5 880844958 +916 46 4 880844480 +916 48 5 880844861 +916 49 3 880845673 +916 50 5 880843436 +916 51 2 880845658 +916 52 5 880844813 +916 53 4 880844834 +916 54 3 880845790 +916 55 3 880844369 +916 56 5 880844038 +916 58 5 880844291 +916 60 4 880844058 +916 64 5 880843996 +916 65 3 880845327 +916 66 3 880845264 +916 68 3 880845636 +916 69 4 880844694 +916 70 4 880845099 +916 71 3 880844897 +916 72 3 880845808 +916 73 3 880845829 +916 76 3 880845049 +916 77 3 880845620 +916 79 3 880845249 +916 80 3 880845476 +916 81 5 880844527 +916 82 4 880845772 +916 83 4 880845206 +916 85 2 880845115 +916 86 4 880844655 +916 87 3 880844262 +916 88 4 880845157 +916 89 5 880844241 +916 90 3 880845115 +916 91 4 880844223 +916 92 5 880844291 +916 96 3 880844813 +916 97 4 880844789 +916 98 5 880844038 +916 100 5 880843288 +916 101 3 880845690 +916 106 3 880843934 +916 109 3 880845099 +916 111 4 880843636 +916 117 2 880843509 +916 118 2 880843838 +916 121 3 880843864 +916 123 3 880843524 +916 125 3 880843750 +916 132 3 880844597 +916 134 5 880844123 +916 135 4 880844552 +916 137 5 880843482 +916 143 3 880844463 +916 144 3 880844016 +916 147 1 880843578 +916 148 2 880843892 +916 150 4 880843318 +916 151 3 880843578 +916 153 3 880844087 +916 154 4 880844552 +916 155 2 880845808 +916 156 5 880844016 +916 157 4 880845011 +916 158 2 880845829 +916 159 3 880845303 +916 160 3 880844511 +916 161 3 880845658 +916 163 3 880844834 +916 164 4 880845028 +916 168 4 880844369 +916 170 4 880844612 +916 171 4 880844332 +916 172 5 880843997 +916 173 4 880844332 +916 174 5 880844569 +916 175 4 880845011 +916 176 4 880844419 +916 177 3 880844312 +916 179 3 880844420 +916 180 5 880844753 +916 181 4 880843401 +916 182 3 880844123 +916 183 4 880844395 +916 186 3 880844175 +916 188 3 880844789 +916 190 4 880846339 +916 192 4 880844552 +916 193 4 880844420 +916 194 4 880843997 +916 195 3 880844920 +916 196 4 880844920 +916 198 4 880844463 +916 202 3 880845028 +916 203 4 880844157 +916 204 3 880844813 +916 206 3 880844597 +916 209 3 880844017 +916 210 4 880844694 +916 211 4 880844395 +916 212 5 880844879 +916 213 4 880844675 +916 214 3 880844958 +916 215 3 880844552 +916 216 4 880844312 +916 217 4 880845282 +916 218 3 880845303 +916 219 3 880845755 +916 221 4 880843594 +916 222 3 880843419 +916 223 4 880844087 +916 226 3 880845177 +916 227 3 880845067 +916 228 3 880845049 +916 229 3 880845328 +916 230 3 880845177 +916 232 3 880844897 +916 233 3 880845391 +916 234 4 880845206 +916 235 3 880843749 +916 236 4 880843482 +916 237 3 880843419 +916 238 4 880845011 +916 239 3 880844627 +916 241 4 880845368 +916 244 4 880843401 +916 246 5 880843318 +916 249 3 880843579 +916 250 4 880843361 +916 252 2 880843864 +916 256 3 880843551 +916 257 3 880843401 +916 265 4 880844813 +916 268 5 880843093 +916 271 3 880843185 +916 273 3 880843361 +916 276 4 880843551 +916 280 2 880843864 +916 281 3 880843727 +916 284 2 880843666 +916 286 4 880843062 +916 290 3 880845206 +916 295 2 880843551 +916 298 3 880843334 +916 317 4 880845098 +916 318 4 880844175 +916 356 3 880845722 +916 366 3 880845658 +916 367 3 880845451 +916 369 2 880843906 +916 380 2 880845206 +916 381 3 880845738 +916 382 4 880844674 +916 385 3 880844834 +916 387 4 880845328 +916 393 2 880845067 +916 399 3 880845135 +916 402 3 880845177 +916 405 2 880843579 +916 417 2 880845949 +916 421 5 880844291 +916 423 3 880844654 +916 425 5 880844102 +916 427 4 880844654 +916 428 4 880844350 +916 431 3 880844655 +916 433 3 880844958 +916 451 3 880845227 +916 461 4 880844087 +916 462 4 880844058 +916 467 3 880844420 +916 470 3 880845476 +916 472 3 880843697 +916 474 4 880844175 +916 475 4 880843334 +916 476 2 880843775 +916 480 4 880844201 +916 483 5 880844419 +916 484 4 880844156 +916 498 3 880844241 +916 506 3 880844728 +916 509 4 880844312 +916 511 5 880844395 +916 512 5 880844675 +916 523 3 880844511 +916 527 4 880845135 +916 528 3 880846339 +916 530 4 880844202 +916 531 4 880844331 +916 535 3 880843949 +916 537 4 880844087 +916 541 2 880845206 +916 546 2 880843864 +916 549 3 880845543 +916 550 2 880844985 +916 557 4 880844527 +916 558 3 880844767 +916 559 3 880845658 +916 561 3 880845227 +916 566 3 880845574 +916 568 4 880845949 +916 569 2 880845606 +916 570 3 880845368 +916 578 1 880844985 +916 581 4 880845543 +916 582 4 880844728 +916 583 4 880845690 +916 593 4 880843551 +916 597 2 880843727 +916 631 4 880844654 +916 636 3 880845391 +916 640 4 880845157 +916 642 3 880845227 +916 650 4 880844711 +916 652 4 880844291 +916 655 3 880844350 +916 674 3 880845522 +916 678 2 880843249 +916 679 3 880845690 +916 684 3 880844395 +916 685 2 880843727 +916 693 3 880844087 +916 697 4 880844937 +916 702 3 880845157 +916 704 3 880845177 +916 708 4 880845673 +916 709 3 880844123 +916 710 3 880844332 +916 713 3 880843636 +916 715 4 880845099 +916 720 2 880844920 +916 721 4 880845049 +916 727 4 880845049 +916 732 3 880844862 +916 735 4 880844879 +916 737 3 880845328 +916 739 3 880845589 +916 741 3 880843401 +916 746 3 880844262 +916 748 2 880843249 +916 755 2 880845574 +916 756 3 880843892 +916 762 3 880843579 +916 763 3 880843683 +916 764 3 880843798 +916 767 4 880845522 +916 781 3 880845451 +916 790 2 880845790 +916 792 3 880844569 +916 806 4 880844552 +916 820 2 880843636 +916 824 3 880843838 +916 825 1 880843750 +916 831 1 880843864 +916 844 3 880843465 +916 863 3 880846735 +916 866 3 880843798 +916 919 5 880843465 +916 930 2 880843934 +916 931 1 880843798 +916 939 3 880844694 +916 943 4 880844834 +916 944 2 880845476 +916 948 2 880843838 +916 959 4 880845328 +916 960 4 880844861 +916 961 3 880844202 +916 971 4 880845476 +916 978 1 880843949 +916 1005 4 880845303 +916 1009 5 880843551 +916 1010 4 880843482 +916 1011 4 880843666 +916 1014 3 880843683 +916 1042 3 880845328 +916 1046 2 880845722 +916 1070 4 880844202 +916 1073 4 880844445 +916 1074 3 880844985 +916 1079 2 880843811 +916 1098 4 880844862 +916 1101 4 880844419 +916 1109 3 880844861 +916 1113 4 880844897 +916 1119 3 880845505 +916 1135 3 880845556 +916 1194 4 880844753 +916 1206 2 880845543 +916 1208 2 880845249 +916 1217 1 880845606 +916 1220 3 880845282 +916 1268 3 880845451 +916 1335 4 880843798 +916 1401 3 880844262 +916 1428 3 880845415 +916 1597 3 880845206 +916 1682 3 880845755 +917 1 3 882910888 +917 3 1 882911567 +917 9 5 882912385 +917 25 4 882911390 +917 50 3 882910915 +917 100 4 882910830 +917 121 1 882911567 +917 150 5 882912385 +917 237 5 882912385 +917 246 4 882910971 +917 248 4 882912385 +917 255 3 882911158 +917 268 4 882910409 +917 276 5 882912385 +917 278 3 882911767 +917 282 4 882911480 +917 285 4 882911122 +917 287 4 882911185 +917 289 4 882910457 +917 312 2 882910627 +917 328 2 882910506 +917 405 3 882911215 +917 471 4 882911099 +917 473 3 882911390 +917 476 5 882912385 +917 535 4 882912385 +917 591 3 882911185 +917 628 5 882912385 +917 696 5 882912385 +917 740 5 882912385 +917 751 2 882910409 +917 756 4 882911622 +917 763 3 882911480 +917 879 2 882910604 +917 1014 2 882911246 +918 1 3 891987059 +918 16 4 891988560 +918 25 4 891988123 +918 28 4 891987541 +918 42 3 891987059 +918 45 4 891986959 +918 64 4 891987025 +918 69 3 891987497 +918 70 3 891988248 +918 72 1 891988491 +918 82 3 891988521 +918 83 4 891987914 +918 86 4 891986798 +918 88 2 891988276 +918 89 5 891987780 +918 131 3 891987824 +918 132 4 891986904 +918 133 1 891987267 +918 135 1 891986634 +918 137 5 891987879 +918 143 4 891988726 +918 151 2 891988646 +918 153 1 891987291 +918 154 2 891987411 +918 161 1 891988824 +918 165 4 891986998 +918 166 4 891987238 +918 168 3 891986999 +918 170 4 891987205 +918 174 3 891987154 +918 175 3 891987339 +918 179 2 891988337 +918 190 5 891986720 +918 196 3 891987267 +918 197 2 891987387 +918 199 3 891986846 +918 204 1 891987317 +918 208 3 891988002 +918 211 2 891987752 +918 213 5 891988054 +918 216 2 891987205 +918 275 4 891987176 +918 289 2 891988559 +918 340 1 891986174 +918 381 5 891988123 +918 382 4 891986846 +918 417 2 891988521 +918 419 3 891987622 +918 428 5 891988001 +918 430 1 891987205 +918 433 2 891987082 +918 443 3 891988248 +918 462 3 891986933 +918 485 3 891987689 +918 487 4 891987446 +918 488 3 891987846 +918 495 3 891987689 +918 498 4 891987025 +918 499 4 891986775 +918 507 5 891987363 +918 514 2 891987082 +918 517 3 891987622 +918 520 3 891987571 +918 529 3 891987290 +918 582 4 891987723 +918 606 4 891987132 +918 630 3 891988672 +918 631 4 891986664 +918 638 4 891987267 +918 640 3 891988163 +918 645 4 891988090 +918 656 4 891986609 +918 658 3 891987059 +918 659 4 891987622 +918 660 4 891987752 +918 664 4 891987914 +918 704 4 891988123 +918 707 5 891987446 +918 709 4 891986820 +918 737 3 891988123 +918 747 3 891988705 +918 792 3 891986904 +918 855 5 891987497 +918 856 4 891988491 +918 921 4 891988029 +918 923 4 891987317 +918 958 3 891988491 +918 962 4 891988029 +918 965 4 891988276 +918 971 4 891987780 +918 972 5 891988054 +918 995 3 891986143 +918 1065 4 891988002 +918 1099 4 891987571 +918 1101 4 891987824 +918 1137 5 891986999 +918 1171 4 891988646 +918 1172 3 891987622 +918 1195 4 891986664 +918 1200 4 891988276 +918 1265 1 891986494 +918 1266 4 891988586 +918 1639 5 891987571 +919 1 4 875289321 +919 4 1 875374032 +919 5 4 875374088 +919 7 3 875288848 +919 9 5 875288749 +919 11 4 875373582 +919 12 3 875373294 +919 14 4 875288934 +919 15 5 875289250 +919 16 4 875289533 +919 19 4 875288681 +919 20 1 875289499 +919 21 2 875289356 +919 22 5 875374269 +919 23 3 875373074 +919 25 4 875289113 +919 28 4 875373888 +919 31 3 875373416 +919 50 3 875288570 +919 57 5 875373621 +919 58 5 875374032 +919 64 5 875374088 +919 69 3 875921182 +919 70 4 875921442 +919 82 5 875373945 +919 85 2 875372947 +919 88 2 875373621 +919 93 5 875288681 +919 95 4 875921182 +919 98 5 875373470 +919 99 4 875373945 +919 100 5 875288522 +919 111 4 875288681 +919 112 3 875289417 +919 116 3 875288749 +919 117 4 875288934 +919 118 4 875373582 +919 124 3 875288522 +919 125 4 875289113 +919 126 4 875289170 +919 129 5 875289025 +919 137 2 875288749 +919 140 5 875373471 +919 144 4 875373889 +919 147 4 875289322 +919 148 3 875289417 +919 151 4 875289025 +919 168 1 875373074 +919 174 4 875372947 +919 181 4 875289250 +919 183 3 875372802 +919 191 5 875373824 +919 193 2 875373471 +919 200 4 875373294 +919 201 4 875920887 +919 202 3 875373582 +919 204 4 875921396 +919 217 4 875373669 +919 218 4 875374032 +919 221 4 875288898 +919 222 3 875288983 +919 223 4 875372844 +919 236 5 875288681 +919 237 4 875288805 +919 238 3 875372988 +919 240 3 875289611 +919 243 3 875288418 +919 244 2 875289025 +919 245 2 875288253 +919 246 3 875288523 +919 250 3 875288749 +919 253 3 875288748 +919 255 4 875289170 +919 257 4 875288848 +919 258 4 875288164 +919 259 4 875288362 +919 260 4 875288362 +919 261 3 885059658 +919 264 3 875288362 +919 268 3 875920245 +919 270 4 885059422 +919 271 4 885059476 +919 272 5 885059452 +919 275 5 875288522 +919 276 5 875288612 +919 277 5 875288805 +919 282 4 875289113 +919 283 4 875288748 +919 284 3 875289280 +919 285 5 875288748 +919 286 4 885059400 +919 287 4 875289611 +919 288 4 875288164 +919 289 3 875288164 +919 292 3 875288253 +919 293 4 875288681 +919 294 3 875288304 +919 295 3 875289170 +919 297 4 875288749 +919 298 3 875288983 +919 300 4 875288164 +919 301 3 875288164 +919 302 4 875920245 +919 303 4 875920245 +919 304 4 875920245 +919 305 4 885059623 +919 307 4 885059506 +919 310 3 885059537 +919 312 2 885059658 +919 313 5 885059400 +919 315 3 885059569 +919 318 5 875372903 +919 319 3 875288164 +919 321 2 875288164 +919 322 3 875288253 +919 323 4 875288362 +919 325 4 875288418 +919 326 3 875288304 +919 327 4 875288304 +919 328 2 875288304 +919 331 4 875920290 +919 332 4 885059537 +919 333 4 875920290 +919 334 4 885059506 +919 340 5 885059506 +919 343 4 885059506 +919 347 3 885059569 +919 358 3 875288304 +919 367 4 875921085 +919 372 3 875920948 +919 382 5 875373214 +919 406 3 875289417 +919 412 2 875289061 +919 418 4 875373945 +919 419 5 875374269 +919 423 5 875374032 +919 432 4 875373824 +919 447 4 875372903 +919 458 2 875289212 +919 462 3 875372844 +919 471 3 875289638 +919 475 3 875288898 +919 477 4 875289025 +919 508 5 875288570 +919 527 4 875373416 +919 531 3 875373669 +919 535 3 885059887 +919 539 3 885059682 +919 558 5 875372988 +919 564 2 875373770 +919 582 5 875373214 +919 591 3 875289667 +919 596 3 885059887 +919 628 3 875288898 +919 660 4 875373945 +919 676 4 875289061 +919 678 2 875288253 +919 681 2 875920347 +919 687 1 875288362 +919 689 2 885059506 +919 690 3 885059658 +919 709 3 875374088 +919 715 5 875921442 +919 717 3 875288805 +919 732 3 875373471 +919 740 3 875289113 +919 741 3 875288805 +919 742 4 875289499 +919 748 1 875288253 +919 750 3 885059452 +919 755 3 875373889 +919 756 3 875289170 +919 787 3 875921283 +919 794 4 875373521 +919 813 4 875288681 +919 815 2 875289533 +919 819 3 875288805 +919 832 3 875289726 +919 864 2 875288848 +919 875 1 875288362 +919 877 3 875288304 +919 878 2 875288443 +919 879 3 875920627 +919 880 3 885059601 +919 887 3 885059452 +919 892 3 885059724 +919 895 4 885059623 +919 919 2 875288805 +919 937 4 875920627 +919 946 4 875373416 +919 953 3 875921051 +919 976 2 875289453 +919 988 3 875288362 +919 989 2 875288418 +919 1012 4 875289611 +919 1014 4 875289384 +919 1047 3 875289697 +919 1048 3 875289113 +919 1060 3 875289322 +919 1073 4 875373416 +919 1086 4 875289322 +919 1101 5 875373470 +919 1109 3 875373824 +919 1114 3 875920823 +919 1119 3 875373824 +919 1134 2 875289356 +919 1136 2 875374269 +919 1137 4 875289170 +919 1152 4 875288612 +919 1173 3 885059859 +919 1197 4 875288613 +919 1258 3 875289453 +919 1277 4 875289887 +919 1278 4 875289761 +919 1284 3 875289566 +919 1315 2 875289611 +919 1514 2 885059812 +920 245 2 884220131 +920 258 4 884220094 +920 268 3 884220163 +920 270 3 884219993 +920 272 3 884219701 +920 286 2 884219953 +920 288 3 884219768 +920 292 3 884220058 +920 299 2 884220163 +920 300 3 884220058 +920 301 2 884220058 +920 302 4 884219701 +920 307 3 884219993 +920 310 4 884219768 +920 311 3 884219701 +920 313 5 884219701 +920 328 2 884220058 +920 331 3 884220094 +920 332 3 884219953 +920 333 4 884219993 +920 340 4 884219993 +920 346 4 884219768 +920 347 4 884220131 +920 350 4 884219953 +920 682 3 884220058 +920 1612 4 884219953 +921 1 3 879379601 +921 8 3 884673699 +921 15 4 879379621 +921 24 3 879380097 +921 25 3 879379736 +921 50 4 879381051 +921 66 5 884673700 +921 69 4 879380862 +921 71 4 879380957 +921 72 4 879380806 +921 79 4 879380704 +921 82 3 884673954 +921 87 2 884673673 +921 96 4 879380656 +921 97 2 884673891 +921 111 4 879380097 +921 121 5 879379736 +921 122 2 879380433 +921 125 3 879379774 +921 128 1 879381287 +921 132 3 884673699 +921 133 5 884673843 +921 136 4 879380806 +921 143 5 879381257 +921 147 3 879379843 +921 151 3 879379994 +921 172 4 884673823 +921 173 5 884673780 +921 174 5 884673780 +921 181 5 879379562 +921 185 3 879380826 +921 190 2 884673602 +921 194 3 879380704 +921 196 5 884673724 +921 202 4 884673891 +921 210 4 884673633 +921 215 4 879380677 +921 222 5 879381128 +921 227 3 879381051 +921 228 3 884673823 +921 230 3 879381051 +921 237 3 879379562 +921 240 1 879379621 +921 245 1 879379361 +921 252 4 879380142 +921 254 3 879380908 +921 257 3 879379898 +921 259 4 884673369 +921 274 4 879379971 +921 275 1 879379642 +921 276 1 879381004 +921 280 3 879379562 +921 282 2 879379714 +921 284 4 879379943 +921 288 3 879379265 +921 294 4 879379338 +921 304 2 879379428 +921 313 5 884673044 +921 322 3 879379428 +921 323 4 879379428 +921 328 5 879379338 +921 367 4 879381021 +921 369 1 879380328 +921 380 4 879381051 +921 392 4 884673868 +921 395 3 879380908 +921 400 4 879381158 +921 405 3 879379774 +921 410 2 879380957 +921 411 2 879380142 +921 419 5 879381234 +921 422 3 879380957 +921 471 2 879379821 +921 472 2 879380057 +921 484 3 884673633 +921 526 4 884673930 +921 538 4 884673311 +921 560 2 879380981 +921 603 3 884673868 +921 651 3 884673891 +921 659 5 884673799 +921 662 4 884673724 +921 678 5 879379447 +921 692 4 884673724 +921 720 4 879381128 +921 728 3 879381299 +921 755 4 884673910 +921 760 2 879380164 +921 762 2 879380237 +921 763 3 879380258 +921 778 3 879380704 +921 797 3 879381287 +921 815 5 879379942 +921 820 3 879380328 +921 845 4 879379601 +921 892 3 884673402 +921 924 3 879379736 +921 929 1 879380142 +921 932 3 879381128 +921 934 3 879380496 +921 1016 4 879379562 +921 1028 4 879380142 +921 1032 5 879381199 +921 1034 3 879380457 +921 1047 1 879380015 +921 1051 3 879380433 +921 1060 2 879379942 +921 1279 2 879380142 +921 1287 1 879380401 +921 1317 2 879380981 +922 1 5 891448551 +922 11 5 891450401 +922 15 4 891453122 +922 22 5 891450586 +922 29 3 891450805 +922 43 3 891454445 +922 50 5 891447447 +922 51 4 891448451 +922 56 1 891447628 +922 62 3 891450768 +922 63 3 891449363 +922 67 3 891452928 +922 68 4 891450586 +922 69 3 891453106 +922 71 4 891448580 +922 72 4 891452470 +922 77 4 891447833 +922 80 3 891452817 +922 82 3 891449123 +922 83 4 891448115 +922 89 5 891450368 +922 91 4 891448833 +922 94 3 891449333 +922 95 3 891448580 +922 98 5 891447665 +922 99 4 891448580 +922 122 2 891455788 +922 127 3 891453105 +922 135 2 891453820 +922 143 4 891449021 +922 145 3 891450315 +922 151 5 891449152 +922 153 4 891451037 +922 155 2 891448473 +922 159 3 891447853 +922 161 3 891450401 +922 168 3 891450968 +922 172 5 891449021 +922 173 5 891448040 +922 174 5 891449021 +922 175 3 891451240 +922 176 3 891450401 +922 181 5 891449122 +922 183 3 891450401 +922 184 3 891449901 +922 191 3 891454587 +922 195 3 891450401 +922 200 3 891449878 +922 202 5 891448115 +922 204 3 891451100 +922 210 3 891450368 +922 212 2 891448473 +922 214 2 891454071 +922 215 3 891453653 +922 216 3 891448115 +922 217 3 891449993 +922 219 1 891449901 +922 222 4 891447681 +922 227 4 891447777 +922 228 4 891447665 +922 229 4 891447777 +922 230 4 891447723 +922 235 2 891452407 +922 237 4 891448247 +922 249 3 891455250 +922 250 2 891454910 +922 252 2 891455230 +922 257 4 891455049 +922 258 4 891454681 +922 265 5 891447777 +922 271 3 891445117 +922 274 3 891448247 +922 276 3 891453854 +922 288 2 891445064 +922 290 4 891451277 +922 294 4 891447296 +922 367 3 891452743 +922 371 3 891448348 +922 375 2 891454552 +922 380 4 891454218 +922 382 4 891451373 +922 384 4 891452521 +922 385 3 891450586 +922 391 3 891450840 +922 395 4 891452879 +922 402 3 891448451 +922 403 3 891450805 +922 406 4 891447944 +922 411 1 891455379 +922 418 4 891448580 +922 421 4 891448473 +922 427 5 891449123 +922 431 4 891447723 +922 432 5 891448551 +922 433 4 891451143 +922 447 1 891449901 +922 449 4 891447802 +922 450 4 891447876 +922 451 4 891448247 +922 455 4 891450688 +922 471 3 891453501 +922 476 1 891455167 +922 550 3 891450805 +922 562 3 891450866 +922 568 3 891450524 +922 576 4 891450805 +922 579 3 891447988 +922 588 4 891448580 +922 596 4 891448833 +922 631 3 891453171 +922 655 2 891451327 +922 660 3 891453122 +922 662 3 891448246 +922 699 3 891449048 +922 715 3 891452354 +922 739 3 891448516 +922 746 4 891451143 +922 747 3 891448247 +922 756 2 891455185 +922 810 4 891450866 +922 834 1 891455565 +922 919 5 891454625 +922 949 5 891454320 +922 1035 3 891449552 +922 1079 1 891455277 +922 1110 4 891450768 +922 1157 2 891447853 +923 1 3 880387306 +923 3 4 880387707 +923 9 4 880387306 +923 50 5 880387306 +923 100 5 880387474 +923 105 4 880388547 +923 117 4 880387598 +923 121 4 880387908 +923 125 4 880388289 +923 129 5 880387474 +923 148 4 880387474 +923 151 4 880388021 +923 168 5 880388872 +923 174 5 880388872 +923 181 5 880387363 +923 222 4 880388211 +923 237 4 880387908 +923 245 3 880387199 +923 248 4 880387474 +923 249 4 880388021 +923 257 5 880387946 +923 264 3 880387199 +923 273 5 880387474 +923 276 5 880387429 +923 280 3 880388097 +923 281 4 880387875 +923 282 4 880387624 +923 288 5 880386897 +923 291 4 880387707 +923 293 4 880387908 +923 294 4 880387081 +923 295 5 880387579 +923 307 4 880386897 +923 322 4 880387130 +923 325 4 880387081 +923 333 5 880386897 +923 334 5 880387129 +923 338 4 880387172 +923 340 5 880387080 +923 405 4 880387429 +923 410 3 880387908 +923 411 4 880387664 +923 455 4 880387946 +923 456 4 880388562 +923 460 4 880388426 +923 472 4 880388547 +923 475 5 880387664 +923 544 4 880387507 +923 546 4 880387507 +923 591 5 880387875 +923 628 4 880387428 +923 685 4 880387396 +923 689 3 880387001 +923 713 5 880388173 +923 741 5 880387792 +923 742 4 880387792 +923 762 4 880387525 +923 763 4 880387908 +923 815 4 880387792 +923 823 4 880388383 +923 825 4 880387525 +923 827 3 880387997 +923 829 4 880388426 +923 831 4 880388211 +923 866 4 880388383 +923 926 4 880388383 +923 928 4 880388306 +923 975 4 880388245 +923 1001 1 880388173 +923 1011 4 880388097 +923 1012 5 880387624 +923 1017 5 880387525 +923 1028 4 880387624 +923 1277 5 880388322 +924 1 5 884371535 +924 2 3 886759997 +924 6 4 886759441 +924 7 4 885458060 +924 9 4 886759657 +924 12 4 885458093 +924 13 3 887421305 +924 28 4 885457827 +924 31 3 885458168 +924 50 5 884371386 +924 56 3 886327724 +924 64 4 886327778 +924 71 5 885457922 +924 82 4 885458168 +924 96 4 886760020 +924 100 4 884371558 +924 114 3 886327724 +924 117 2 887421305 +924 121 4 886760071 +924 127 3 884371438 +924 129 4 889286888 +924 134 4 885457827 +924 144 3 885458093 +924 153 4 886327689 +924 172 4 885458060 +924 173 5 885458060 +924 174 5 885458009 +924 178 5 885457922 +924 181 3 884371535 +924 195 5 886065785 +924 196 4 886759657 +924 200 4 885458093 +924 202 4 886760020 +924 205 4 886327826 +924 211 3 885457891 +924 216 4 885458010 +924 228 4 886327826 +924 237 4 889286746 +924 258 3 884336994 +924 273 3 889286721 +924 275 4 889286721 +924 276 2 884371386 +924 277 3 889286765 +924 283 4 884371495 +924 285 4 884371386 +924 286 3 884337043 +924 288 3 886065748 +924 300 2 884337243 +924 313 4 886065805 +924 318 5 885458060 +924 322 2 884337164 +924 402 3 886759965 +924 408 3 889286721 +924 421 4 885458060 +924 427 4 885458010 +924 429 4 886760020 +924 433 5 885458168 +924 471 4 884371635 +924 480 3 885457891 +924 482 4 885457858 +924 496 5 886327689 +924 504 5 885458009 +924 511 5 885457827 +924 519 4 886759888 +924 523 5 885458121 +924 526 3 886327826 +924 527 4 885458009 +924 562 3 886759657 +924 605 3 885457975 +924 632 4 885458121 +924 701 4 885457922 +924 705 5 885457858 +924 742 3 886065661 +924 836 3 885457975 +924 849 3 886760052 +924 896 4 884337242 +924 923 5 886327748 +924 1011 3 886760052 +924 1036 2 886759690 +924 1149 3 888351470 +924 1400 4 886327641 +924 1478 4 886759691 +925 5 4 884718156 +925 56 3 884717963 +925 98 4 884717862 +925 185 4 884717963 +925 200 2 884717963 +925 217 2 884718100 +925 218 4 884717862 +925 219 3 884718099 +925 245 3 884633287 +925 260 3 884717669 +925 288 5 884633224 +925 299 3 884717478 +925 323 4 884633287 +925 324 4 884633348 +925 325 4 884633349 +925 327 3 884717790 +925 332 4 884717404 +925 333 3 884717790 +925 447 4 884717963 +925 558 1 884718099 +925 559 3 884717963 +925 561 3 884718100 +925 563 2 884718204 +925 567 3 884718156 +925 672 3 884718099 +925 678 3 884717790 +925 682 4 884717586 +925 773 1 884717862 +925 788 3 884718204 +925 816 3 884718156 +925 876 3 884717404 +925 948 2 884717790 +926 237 3 888351813 +926 245 3 888636270 +926 258 4 888636202 +926 262 3 888636082 +926 269 5 888636082 +926 272 5 888351623 +926 286 4 888636202 +926 288 3 888636202 +926 289 3 888636269 +926 292 3 888636202 +926 294 3 888636269 +926 300 3 888351623 +926 302 4 888351713 +926 303 3 888351713 +926 313 3 888351622 +926 315 4 888351623 +926 321 3 888636202 +926 322 2 888636270 +926 325 1 888636269 +926 340 4 888351623 +927 1 5 879191524 +927 7 3 879177298 +927 8 4 879183164 +927 11 5 879183303 +927 15 5 879177509 +927 24 3 879181042 +927 25 3 879177403 +927 28 4 879183511 +927 29 5 879194033 +927 38 5 879195783 +927 41 4 879195407 +927 56 4 879184534 +927 63 4 879197074 +927 64 5 879199250 +927 67 4 879190473 +927 69 4 879183164 +927 71 5 879190473 +927 72 5 879193848 +927 79 3 879184644 +927 82 2 879197269 +927 91 4 879196955 +927 94 2 879198972 +927 95 5 879184447 +927 96 5 879184761 +927 99 2 879195472 +927 105 1 879181879 +927 111 4 879177457 +927 118 5 879181042 +927 121 5 879199250 +927 125 4 879177298 +927 132 2 879194268 +927 138 4 879198655 +927 143 3 879196231 +927 154 3 879184534 +927 155 4 879193972 +927 158 2 879198608 +927 168 4 879193383 +927 174 3 879185327 +927 195 4 879183245 +927 204 4 879183511 +927 210 5 879194937 +927 217 1 879196955 +927 222 5 879177177 +927 227 2 879196283 +927 228 5 879184644 +927 229 3 879191722 +927 230 5 879199250 +927 237 4 879177508 +927 240 3 879177456 +927 255 4 879177027 +927 257 5 879177353 +927 274 1 879181133 +927 278 1 879181133 +927 288 5 879199250 +927 294 5 879199250 +927 300 5 879176156 +927 328 4 879176059 +927 367 5 879199250 +927 374 4 879195783 +927 380 5 879196283 +927 385 4 879193625 +927 393 5 879193732 +927 395 3 879193732 +927 401 2 879196762 +927 402 4 879192123 +927 403 4 879194335 +927 404 4 879197692 +927 405 5 879181451 +927 409 4 879176876 +927 410 1 879190223 +927 411 4 879182939 +927 412 1 879182833 +927 417 4 879184710 +927 420 5 879193437 +927 421 4 879194661 +927 422 4 879199110 +927 426 4 879191432 +927 449 4 879196230 +927 456 2 879182709 +927 471 4 879193906 +927 477 3 879176876 +927 501 4 879190422 +927 535 3 879181694 +927 541 5 879199250 +927 542 2 879193676 +927 552 4 879196283 +927 560 2 879191978 +927 568 5 879199250 +927 571 3 879196853 +927 588 5 879183683 +927 623 3 879199110 +927 625 3 879191360 +927 722 3 879197421 +927 738 3 879196762 +927 739 3 879191360 +927 742 5 879199250 +927 755 5 879192381 +927 756 4 879181259 +927 761 3 879198085 +927 763 4 879181749 +927 768 4 879195972 +927 775 3 879197949 +927 780 1 879195783 +927 815 3 879181259 +927 819 3 879181508 +927 820 4 879177403 +927 826 4 879181451 +927 866 4 879181621 +927 928 4 879183019 +927 1014 3 879176876 +927 1016 5 879199250 +927 1035 4 879199030 +927 1047 4 879181192 +927 1089 5 879177457 +927 1093 4 879177243 +927 1095 2 879182939 +927 1178 2 879192052 +927 1229 3 879197198 +927 1284 4 879181133 +927 1415 4 879196853 +928 8 5 880936905 +928 9 5 880937163 +928 48 5 880936817 +928 98 5 880936884 +928 114 5 880936742 +928 127 5 880936905 +928 134 5 880936742 +928 135 4 880936884 +928 165 5 880936863 +928 168 5 880936817 +928 172 5 880936769 +928 173 4 880936863 +928 176 3 880936817 +928 187 5 880936884 +928 191 5 880936863 +928 246 5 880937184 +928 266 5 880936022 +928 268 5 880935814 +928 269 5 880935738 +928 276 5 880937144 +928 288 3 880935738 +928 328 3 880937258 +928 333 3 880937258 +928 358 5 880936023 +928 487 5 880936769 +928 496 5 880936863 +928 749 5 880936022 +928 876 5 880936023 +928 877 5 880936022 +928 878 5 880936022 +928 1007 5 880937163 +928 1025 5 880936022 +929 1 3 878402162 +929 12 4 879640036 +929 22 5 879640394 +929 23 3 880817681 +929 28 4 879640084 +929 31 2 880817708 +929 32 3 880817818 +929 50 4 878402162 +929 56 4 880817844 +929 89 5 879640126 +929 98 5 879640394 +929 100 4 878402162 +929 127 5 878402162 +929 134 4 880817752 +929 135 5 880817818 +929 136 3 879640184 +929 144 3 879640394 +929 172 4 879640329 +929 174 3 879640329 +929 182 4 879640225 +929 185 5 879640184 +929 187 5 879640290 +929 188 4 880817728 +929 195 4 880817681 +929 197 3 880817780 +929 204 4 879640126 +929 205 4 879639969 +929 209 3 880817752 +929 271 2 880817603 +929 276 2 879640184 +929 284 2 878402162 +929 318 4 879640225 +929 419 4 880817844 +929 423 4 879640394 +929 429 4 879640225 +929 431 1 879640225 +929 433 2 880817753 +929 435 3 880817753 +929 474 4 879640126 +929 479 4 879640329 +929 480 3 879639969 +929 483 4 879640036 +929 484 3 879639969 +929 496 3 879640256 +929 515 5 878402162 +929 517 5 879640329 +929 521 5 879640184 +929 589 5 880817708 +929 654 3 879640290 +930 1 3 879534525 +930 8 3 879535713 +930 14 4 879535392 +930 16 1 879534925 +930 24 1 879535015 +930 45 4 879535492 +930 50 2 879534410 +930 64 4 879535641 +930 100 3 879534506 +930 106 4 879535392 +930 107 3 879535207 +930 113 5 879535573 +930 116 5 879535392 +930 117 3 879534803 +930 121 4 879535392 +930 126 5 879535392 +930 137 2 879535734 +930 143 2 879535462 +930 148 1 879534886 +930 151 2 879534724 +930 153 2 879535685 +930 165 5 879535609 +930 171 1 879535685 +930 174 3 879535513 +930 175 2 879535713 +930 176 3 879535663 +930 190 4 879535492 +930 210 2 879535713 +930 235 2 879535207 +930 237 3 879534587 +930 238 4 879535544 +930 240 1 879535207 +930 244 4 879535392 +930 245 3 879534165 +930 255 3 879534667 +930 257 4 879535392 +930 265 3 879535685 +930 269 4 879535392 +930 274 4 879534803 +930 275 4 879534550 +930 281 4 879535056 +930 282 4 879534667 +930 283 4 879535544 +930 286 3 879533975 +930 288 1 879534001 +930 300 4 879535392 +930 405 3 879534803 +930 410 3 879534973 +930 411 1 879535272 +930 455 1 879534692 +930 523 2 879535574 +930 535 4 879535392 +930 651 3 879535574 +930 690 3 879534335 +930 705 2 879535609 +930 709 4 879535663 +930 756 3 879535015 +930 763 3 879535102 +930 845 3 879534724 +930 871 3 879535138 +930 1010 2 879534692 +930 1048 2 879535160 +930 1315 3 879534692 +931 14 4 891036648 +931 50 3 891036715 +931 100 4 891036430 +931 111 3 891036648 +931 116 4 891036734 +931 121 2 891036604 +931 125 4 891036786 +931 126 4 891036463 +931 127 5 891037521 +931 137 3 891036552 +931 181 4 891036786 +931 220 3 891037046 +931 237 3 891036552 +931 245 4 891037024 +931 250 2 891036673 +931 252 3 891037070 +931 255 4 891036755 +931 257 4 891036530 +931 258 3 891036003 +931 269 3 891035876 +931 272 5 891037521 +931 275 5 891037521 +931 281 3 891036883 +931 283 4 891036604 +931 286 5 891037521 +931 290 2 891036883 +931 293 4 891036604 +931 297 4 891036673 +931 298 4 891036849 +931 300 5 891037521 +931 302 4 891035876 +931 303 4 891035917 +931 304 4 891036105 +931 306 4 891036026 +931 310 3 891035876 +931 312 4 891036105 +931 313 4 891035876 +931 315 5 891037577 +931 316 5 891037521 +931 333 5 891037521 +931 344 4 891035917 +931 347 4 891035946 +931 355 2 891036148 +931 362 3 891035970 +931 459 4 891036506 +931 471 3 891036506 +931 476 3 891036974 +931 508 4 891036696 +931 515 5 891036506 +931 546 3 891036849 +931 678 3 891036247 +931 685 4 891036902 +931 690 4 891036003 +931 744 4 891036463 +931 750 5 891037521 +931 845 3 891036883 +931 896 3 891036080 +931 900 4 891035917 +931 909 5 891037521 +931 1022 1 891036003 +931 1152 4 891037177 +932 1 4 891249932 +932 7 4 891250109 +932 9 5 891249649 +932 14 4 891248856 +932 30 4 891249196 +932 38 2 891251696 +932 45 5 891249063 +932 47 4 891250142 +932 54 4 891251038 +932 55 3 891249994 +932 56 4 891250584 +932 64 2 891250059 +932 67 2 891251611 +932 70 4 891249171 +932 77 2 891251869 +932 82 3 891251246 +932 86 4 891249146 +932 89 5 891249586 +932 96 4 891250060 +932 98 5 891249586 +932 99 4 891250236 +932 100 5 891249586 +932 101 3 891251225 +932 105 2 891252338 +932 109 2 891251891 +932 114 5 891249903 +932 119 5 891249586 +932 121 3 891251669 +932 131 4 891250525 +932 133 4 891249675 +932 134 4 891250169 +932 135 5 891249538 +932 136 5 891249736 +932 141 4 891250363 +932 144 3 891249710 +932 148 2 891252140 +932 151 3 891251225 +932 153 4 891251063 +932 154 5 891249994 +932 155 3 891251869 +932 157 4 891250667 +932 161 3 891251507 +932 162 4 891250704 +932 163 4 891251246 +932 165 4 891248996 +932 167 4 891251647 +932 168 5 891250746 +932 169 5 891249649 +932 170 4 891248967 +932 172 5 891250472 +932 173 3 891250337 +932 174 4 891250017 +932 175 4 891250449 +932 176 5 891250449 +932 177 4 891250609 +932 178 5 891249821 +932 179 5 891249239 +932 180 4 891251014 +932 183 4 891249877 +932 185 4 891250392 +932 188 3 891250142 +932 189 5 891250449 +932 191 4 891249620 +932 193 3 891250142 +932 194 5 891250472 +932 195 4 891250643 +932 196 4 891251038 +932 197 5 891249649 +932 198 4 891249109 +932 199 5 891249538 +932 203 4 891250584 +932 204 4 891250667 +932 205 5 891250211 +932 208 5 891249794 +932 209 5 891250258 +932 210 4 891250793 +932 211 5 891249710 +932 212 4 891249109 +932 213 3 891249038 +932 218 3 891250915 +932 222 4 891251485 +932 225 2 891251985 +932 226 3 891251292 +932 228 4 891251442 +932 229 4 891251063 +932 230 4 891251153 +932 234 3 891250060 +932 235 2 891250770 +932 238 3 891250609 +932 274 5 891250704 +932 285 4 891250392 +932 357 5 891280138 +932 379 2 891251798 +932 380 4 891250498 +932 385 2 891251331 +932 389 3 891251331 +932 399 4 891251798 +932 405 4 891251177 +932 414 4 891251959 +932 416 3 891250498 +932 427 4 891249709 +932 428 4 891251105 +932 429 5 891249675 +932 430 4 891249849 +932 431 3 891250944 +932 432 4 891250109 +932 434 5 891251015 +932 435 4 891249821 +932 436 3 891251225 +932 441 2 891252504 +932 443 4 891250059 +932 447 3 891250944 +932 448 2 891251588 +932 459 4 891250944 +932 462 4 891249038 +932 470 3 891251331 +932 474 5 891250418 +932 475 4 891248856 +932 478 4 891249962 +932 479 5 891249794 +932 480 5 891250746 +932 481 4 891249877 +932 482 5 891250211 +932 483 5 891249962 +932 484 5 891249586 +932 486 5 891251177 +932 487 3 891250558 +932 488 5 891250282 +932 489 4 891249710 +932 490 4 891250891 +932 491 5 891249621 +932 493 5 891249767 +932 494 4 891250060 +932 495 5 891251105 +932 496 4 891250169 +932 497 5 891249933 +932 498 5 891250363 +932 502 4 891249710 +932 503 4 891249962 +932 504 4 891250236 +932 506 4 891249710 +932 507 5 891249675 +932 509 3 891248893 +932 510 4 891249146 +932 511 5 891250282 +932 513 5 891250316 +932 514 5 891249932 +932 515 4 891249373 +932 516 5 891249877 +932 517 5 891250643 +932 519 4 891249710 +932 520 4 891249794 +932 521 5 891249994 +932 523 4 891250080 +932 524 5 891249675 +932 525 5 891250418 +932 526 5 891250746 +932 527 4 891249710 +932 528 5 891249962 +932 529 4 891251153 +932 530 4 891249903 +932 541 1 891251421 +932 550 2 891251331 +932 560 2 891252198 +932 562 2 891251611 +932 566 4 891251463 +932 570 4 891251178 +932 576 2 891252198 +932 589 5 891250609 +932 600 2 891252412 +932 603 5 891249877 +932 606 4 891250169 +932 607 4 891249621 +932 611 5 891250418 +932 612 5 891249620 +932 613 4 891250363 +932 614 4 891280138 +932 615 5 891249621 +932 616 5 891251153 +932 617 4 891251588 +932 632 4 891249649 +932 636 3 891251063 +932 639 5 891249171 +932 640 2 891249239 +932 646 4 891250498 +932 647 5 891250987 +932 648 5 891249903 +932 649 4 891251199 +932 650 5 891250498 +932 652 3 891248893 +932 654 5 891249877 +932 657 5 891249767 +932 659 5 891250770 +932 661 5 891250109 +932 663 4 891251506 +932 665 2 891252058 +932 671 3 891250915 +932 675 4 891249538 +932 676 4 891251738 +932 679 2 891251538 +932 705 4 891250017 +932 708 4 891251647 +932 709 4 891251395 +932 736 3 891249261 +932 745 5 891250584 +932 755 2 891251822 +932 778 4 891251272 +932 805 4 891250236 +932 811 4 891250392 +932 836 5 891250142 +932 841 2 891250317 +932 855 5 891249109 +932 863 4 891249063 +932 890 1 891248778 +932 967 4 891251331 +932 968 4 891250816 +932 1020 5 891249621 +932 1021 4 891249146 +932 1030 2 891252338 +932 1035 4 891251869 +932 1050 4 891251015 +932 1065 5 891251538 +932 1116 4 891250943 +932 1121 5 891249261 +932 1126 5 891250862 +932 1139 2 891251562 +932 1149 4 891249767 +932 1184 3 891250169 +932 1204 5 891249821 +932 1205 5 891250643 +932 1266 4 891248937 +932 1305 2 891252260 +932 1397 4 891250793 +932 1411 4 891251647 +932 1449 5 891248937 +932 1451 5 891249675 +932 1454 4 891251985 +932 1456 4 891250891 +932 1512 5 891249038 +932 1558 5 891248996 +932 1573 4 891249239 +933 1 3 874854294 +933 4 3 874854383 +933 7 4 874854190 +933 9 3 874854402 +933 11 4 874853899 +933 12 4 874854135 +933 21 1 874854383 +933 22 5 874853634 +933 25 2 874854589 +933 28 4 874853977 +933 38 2 874939185 +933 39 3 874854100 +933 42 1 874853635 +933 50 4 874854383 +933 52 3 874854161 +933 53 1 874855104 +933 56 5 874853688 +933 58 3 874855121 +933 62 1 874854994 +933 63 2 874938563 +933 64 5 874853605 +933 67 1 874938430 +933 69 4 874854009 +933 70 2 874855020 +933 72 3 874938538 +933 73 4 874854629 +933 79 3 874853819 +933 80 2 874938689 +933 82 3 874939130 +933 87 4 874854723 +933 88 3 874854696 +933 89 4 874853957 +933 94 1 874938475 +933 95 3 874853666 +933 96 2 874855020 +933 97 2 874854161 +933 98 5 874853734 +933 100 5 874853927 +933 105 2 874938475 +933 110 1 874938664 +933 117 2 874939157 +933 121 3 874855138 +933 125 4 874854251 +933 127 5 874853898 +933 132 3 874853605 +933 135 4 874854444 +933 144 4 874854932 +933 151 4 874853977 +933 153 3 874853779 +933 154 2 874938389 +933 156 4 874854135 +933 157 4 874854932 +933 159 3 874854190 +933 160 3 874853755 +933 161 2 874939105 +933 163 2 874938309 +933 164 2 874854461 +933 166 3 874854062 +933 167 2 874938491 +933 168 3 874853869 +933 172 2 874939031 +933 173 3 874855020 +933 174 4 874854745 +933 175 4 874854444 +933 176 3 874854315 +933 177 4 874854994 +933 179 5 874854135 +933 180 5 874854723 +933 181 2 874854100 +933 182 4 874854853 +933 183 4 874853819 +933 184 1 874938850 +933 186 4 874938563 +933 187 4 874854294 +933 193 4 874853927 +933 194 4 874854135 +933 195 4 874854589 +933 196 4 874854932 +933 200 4 874854783 +933 202 2 874854745 +933 204 3 874854723 +933 209 2 874854678 +933 210 3 874853734 +933 211 4 874854251 +933 214 3 874853666 +933 215 3 874854031 +933 216 3 874938239 +933 218 3 874854678 +933 219 1 874854217 +933 222 1 874854783 +933 226 2 874854874 +933 227 1 874939078 +933 228 4 874854217 +933 229 1 874939078 +933 230 3 874854338 +933 231 1 874939031 +933 232 1 874938354 +933 233 2 874939008 +933 234 3 874853957 +933 238 2 874853819 +933 239 3 874938412 +933 241 2 874855069 +933 265 4 874854697 +933 273 3 874855069 +933 282 3 874855104 +933 284 2 874854294 +933 317 4 874853779 +933 318 4 874853605 +933 357 4 874853635 +933 367 4 874854190 +933 384 1 874938475 +933 385 3 874939207 +933 388 1 874938620 +933 391 1 874939230 +933 392 3 874854652 +933 393 2 874938371 +933 399 3 874939157 +933 403 3 874939105 +933 405 3 874939157 +933 410 3 874854383 +933 411 2 874938689 +933 424 1 874938833 +933 433 1 874854251 +933 435 4 874854251 +933 441 2 874938833 +933 447 2 874854678 +933 449 1 874939207 +933 451 1 874938507 +933 452 1 874938808 +933 453 1 874938833 +933 467 3 874854479 +933 470 4 874854611 +933 471 3 874854611 +933 474 5 874853734 +933 475 2 874853605 +933 476 2 874854953 +933 483 4 874854424 +933 508 3 874853927 +933 515 3 874854062 +933 523 4 874853957 +933 546 2 874939105 +933 550 1 874939185 +933 559 2 874938808 +933 561 3 874938808 +933 568 2 874939207 +933 569 1 874938850 +933 575 1 874938620 +933 576 1 874939185 +933 577 1 874938705 +933 578 1 874939230 +933 583 3 874854217 +933 585 1 874938728 +933 597 1 874939230 +933 627 2 874854874 +933 636 2 874939105 +933 651 3 874854081 +933 652 3 874854424 +933 654 4 874854338 +933 665 1 874938878 +933 679 1 874939078 +933 710 2 874938309 +933 732 3 874854651 +933 734 2 874938644 +933 735 3 874853846 +933 746 4 874854762 +933 763 3 874938644 +933 765 1 874938644 +933 789 4 874853957 +933 823 2 874854813 +933 834 1 874938878 +933 840 3 874939230 +933 866 2 874938620 +933 934 1 874938412 +933 940 1 874938664 +933 959 1 874938430 +933 1017 3 874854953 +933 1028 2 874938620 +933 1037 1 874938620 +933 1070 2 874854031 +933 1110 3 874938728 +933 1183 3 874938596 +933 1188 1 874938474 +933 1228 1 874939247 +933 1246 1 874938728 +934 1 2 891225958 +934 2 4 891192087 +934 4 5 891195713 +934 13 5 891189566 +934 25 4 891195233 +934 50 5 891189363 +934 56 5 891191922 +934 65 4 891192914 +934 66 4 891193187 +934 67 4 891193373 +934 69 5 891193013 +934 70 4 891195713 +934 72 3 891195982 +934 82 4 891194221 +934 83 4 891191831 +934 86 3 891191831 +934 88 4 891194866 +934 89 5 891191157 +934 94 4 891196117 +934 96 4 891191157 +934 97 4 891192329 +934 99 3 891194379 +934 100 4 891189511 +934 121 3 891189819 +934 131 4 891191778 +934 132 4 891190609 +934 134 4 891191157 +934 135 4 891191659 +934 144 4 891192087 +934 145 3 891196610 +934 151 3 891189401 +934 152 4 891194303 +934 153 5 891225716 +934 154 3 891191401 +934 156 3 891190813 +934 157 2 891194498 +934 161 4 891193290 +934 162 3 891191546 +934 163 4 891193331 +934 168 4 891191875 +934 170 4 891190744 +934 172 5 891191206 +934 173 3 891192965 +934 174 5 891191511 +934 175 4 891190854 +934 177 3 891192623 +934 179 2 891191600 +934 181 4 891189275 +934 183 2 891190903 +934 186 2 891190854 +934 190 4 891191660 +934 191 5 891190695 +934 193 4 891192236 +934 195 4 891191600 +934 196 5 891191108 +934 197 5 891192041 +934 199 4 891191778 +934 202 5 891193132 +934 204 4 891192444 +934 208 5 891191258 +934 209 1 891190695 +934 210 4 891191206 +934 211 4 891194661 +934 212 4 891194802 +934 213 4 891190744 +934 216 1 891191511 +934 223 5 891191659 +934 225 2 891197375 +934 226 4 891191831 +934 228 4 891193778 +934 229 4 891194539 +934 234 2 891191875 +934 237 4 891189879 +934 239 4 891194802 +934 254 4 891190478 +934 257 4 891189598 +934 269 2 891188367 +934 286 4 891188367 +934 297 5 891189969 +934 302 4 891188367 +934 303 4 891188441 +934 313 3 891188441 +934 315 4 891188403 +934 316 4 891188727 +934 384 4 891195573 +934 388 3 891197678 +934 389 3 891195811 +934 393 2 891193013 +934 403 4 891195537 +934 405 5 891189819 +934 411 3 891190377 +934 414 5 891191027 +934 419 4 891192849 +934 420 4 891191469 +934 423 3 891191660 +934 427 4 891191027 +934 428 4 891195503 +934 432 5 891191976 +934 435 4 891191365 +934 436 3 891196610 +934 449 4 891194900 +934 451 4 891192562 +934 461 4 891191660 +934 462 4 891191511 +934 474 4 891191976 +934 481 4 891191402 +934 483 3 891190609 +934 488 5 891192197 +934 492 4 891192087 +934 495 4 891195604 +934 498 3 891191511 +934 501 4 891196464 +934 502 4 891194539 +934 506 4 891193331 +934 507 4 891192145 +934 510 5 891193751 +934 514 5 891191546 +934 516 3 891191334 +934 526 2 891192197 +934 527 3 891191334 +934 529 5 891194866 +934 533 3 891189640 +934 550 4 891193097 +934 554 4 891194462 +934 573 2 891197530 +934 581 2 891193814 +934 584 4 891196384 +934 602 3 891195063 +934 605 4 891195288 +934 614 3 891191334 +934 617 4 891191778 +934 624 4 891193290 +934 629 4 891191334 +934 630 4 891192285 +934 648 3 891190695 +934 650 4 891195503 +934 657 3 891191027 +934 660 5 891194836 +934 661 4 891190960 +934 663 5 891192849 +934 664 4 891193331 +934 674 4 891193814 +934 675 4 891192285 +934 703 4 891195437 +934 705 4 891191778 +934 708 3 891192329 +934 709 3 891196314 +934 712 4 891196564 +934 732 5 891194089 +934 755 4 891196610 +934 771 3 891196950 +934 786 1 891194089 +934 792 3 891193132 +934 794 4 891192849 +934 805 4 891194221 +934 811 4 891192145 +934 818 1 891190288 +934 855 4 891192849 +934 902 4 891188580 +934 949 3 891197678 +934 961 4 891193854 +934 963 5 891192914 +934 965 4 891192914 +934 972 3 891225716 +934 1018 4 891192849 +934 1037 1 891197344 +934 1065 2 891191108 +934 1135 3 891196117 +934 1203 5 891193013 +934 1285 3 891196516 +934 1311 1 891195713 +934 1411 4 891195437 +934 1425 1 891197851 +934 1449 5 891191976 +935 1 3 884472064 +935 9 1 884472352 +935 15 5 884472177 +935 100 3 884472110 +935 117 4 884472229 +935 118 4 884472704 +935 120 3 884472942 +935 121 4 884472434 +935 125 4 884472575 +935 127 4 884472086 +935 148 4 884472892 +935 181 4 884472039 +935 237 5 884472159 +935 255 4 884472247 +935 257 2 884472110 +935 274 5 884472352 +935 281 5 884472310 +935 282 4 884472539 +935 283 4 884472136 +935 284 4 884472673 +935 286 5 884471835 +935 300 4 884471955 +935 313 5 884471835 +935 405 4 884472704 +935 471 4 884472352 +935 476 4 884472465 +935 546 4 884472743 +935 597 4 884472576 +935 620 2 884472627 +935 685 4 884472310 +935 717 4 884472872 +935 742 5 884472266 +935 815 4 884472576 +935 846 4 884472999 +935 864 5 884472704 +935 924 4 884472392 +935 934 4 884472743 +935 1016 4 884472434 +935 1048 3 884472465 +936 1 4 886832453 +936 3 4 886833148 +936 6 5 886832636 +936 7 4 886832221 +936 9 4 886832373 +936 13 4 886832596 +936 14 4 886832373 +936 16 4 886832596 +936 19 5 886832092 +936 20 5 886833795 +936 24 4 886832904 +936 25 4 886833231 +936 50 4 886832282 +936 93 5 886833795 +936 100 4 886832092 +936 106 3 886833148 +936 108 4 886832758 +936 111 4 886832597 +936 116 4 886832636 +936 117 4 886832713 +936 118 3 886833516 +936 121 4 886832544 +936 124 4 886832282 +936 125 4 886832757 +936 127 5 886833795 +936 129 4 886832134 +936 137 4 886832544 +936 181 4 886832596 +936 221 4 886832373 +936 235 3 886833099 +936 236 5 886832183 +936 237 4 886832672 +936 243 2 886831820 +936 244 4 886833099 +936 246 4 886832282 +936 248 4 886833006 +936 249 5 886832808 +936 250 5 886832337 +936 251 4 886832134 +936 252 2 886833099 +936 253 5 886832454 +936 255 5 886833795 +936 257 3 886832808 +936 258 3 886831374 +936 259 3 886831709 +936 268 4 886831415 +936 269 4 886831415 +936 272 4 886831374 +936 273 3 886832453 +936 274 3 886832858 +936 275 4 886832134 +936 276 5 886832282 +936 281 4 886832903 +936 282 2 886832714 +936 285 4 886832221 +936 286 5 886833794 +936 287 4 886832419 +936 289 5 886831769 +936 294 3 886831679 +936 295 3 886832502 +936 298 4 886832134 +936 300 3 886831501 +936 301 3 886831637 +936 312 3 886831853 +936 313 4 886831374 +936 319 4 886831576 +936 321 3 886831769 +936 323 3 886831820 +936 324 5 886831576 +936 325 5 886831709 +936 327 4 886831445 +936 333 3 886831415 +936 340 4 886831535 +936 343 3 886831576 +936 346 4 886831445 +936 358 4 886831820 +936 405 2 886833053 +936 410 3 886833099 +936 455 3 886833148 +936 475 5 886832282 +936 476 4 886832544 +936 508 3 886832282 +936 535 2 886833052 +936 547 5 886833795 +936 591 4 886832373 +936 628 1 886832758 +936 678 3 886831820 +936 696 2 886833191 +936 717 2 886833325 +936 741 4 886832808 +936 748 2 886831738 +936 756 4 886833052 +936 766 3 886832597 +936 813 5 886832222 +936 815 3 886833571 +936 818 4 886832903 +936 825 4 886832502 +936 827 2 886833191 +936 845 4 886833006 +936 864 4 886833360 +936 866 2 886833099 +936 898 1 886831535 +936 904 5 886831415 +936 919 5 886832808 +936 926 4 886833191 +936 927 4 886833052 +936 928 3 886832502 +936 952 4 886832966 +936 975 3 886832714 +936 988 3 886831912 +936 995 3 886831637 +936 1007 5 886833795 +936 1008 5 886833098 +936 1009 4 886833231 +936 1011 4 886832757 +936 1014 3 886833571 +936 1016 3 886832966 +936 1023 2 886833661 +936 1068 4 886832904 +936 1079 1 886832714 +936 1086 3 886832134 +936 1097 5 886833795 +936 1115 4 886832859 +936 1129 5 886833795 +936 1160 5 886833795 +936 1163 5 886833099 +936 1171 5 886832757 +936 1190 3 886833707 +936 1199 4 886833148 +936 1202 4 886832221 +936 1226 3 886833148 +936 1241 4 886832808 +936 1258 2 886833281 +936 1279 3 886833360 +936 1315 3 886833191 +936 1323 4 886833281 +936 1335 4 886833325 +936 1344 5 886832183 +936 1368 5 886832337 +936 1370 4 886833571 +936 1375 5 886832596 +936 1377 5 886832183 +937 9 5 876769373 +937 14 4 876769080 +937 19 1 876769436 +937 50 5 876769374 +937 93 4 876780336 +937 100 3 876769080 +937 116 4 876769080 +937 124 4 876769212 +937 126 4 876769374 +937 137 3 876769480 +937 222 3 876769530 +937 224 4 876769480 +937 225 2 876769436 +937 236 4 876769373 +937 237 4 876769530 +937 242 3 876762200 +937 255 3 876769323 +937 258 4 876762200 +937 268 1 876762200 +937 275 4 876769323 +937 283 4 876769212 +937 285 4 876769436 +937 286 4 876762200 +937 293 4 876769530 +937 294 1 876769480 +937 295 4 876780336 +937 297 4 876769436 +937 300 4 876768813 +937 301 1 876768812 +937 303 4 876762200 +937 304 4 876768813 +937 326 1 876768813 +937 408 5 876769323 +937 508 1 876780336 +937 515 5 876769253 +937 847 4 876769213 +937 864 3 876769530 +937 874 3 876768956 +937 988 2 876768983 +937 1007 4 876769373 +938 1 4 891356314 +938 7 4 891356679 +938 9 3 891356413 +938 15 2 891356615 +938 25 4 891356532 +938 50 5 891356314 +938 100 5 891356350 +938 105 1 891357137 +938 106 5 891357019 +938 111 5 891356742 +938 117 3 891356350 +938 118 5 891356799 +938 121 5 891356895 +938 122 1 891357190 +938 125 3 891356742 +938 126 4 891356656 +938 127 5 891356446 +938 148 3 891356500 +938 151 4 891356679 +938 181 5 891356390 +938 220 4 891357085 +938 222 5 891356479 +938 225 4 891357161 +938 235 1 891357137 +938 237 2 891356549 +938 240 2 891356847 +938 243 4 891356085 +938 245 3 891356282 +938 248 1 891356390 +938 250 3 891356532 +938 252 4 891357042 +938 255 1 891356329 +938 257 5 891356350 +938 258 5 891353196 +938 259 2 891356282 +938 260 4 891355996 +938 273 5 891356532 +938 275 4 891356350 +938 276 3 891356572 +938 281 2 891356594 +938 284 2 891356827 +938 286 3 891356282 +938 288 5 891354203 +938 289 1 891356282 +938 290 3 891356679 +938 291 4 891356594 +938 293 3 891356501 +938 298 4 891356573 +938 300 3 891350008 +938 313 5 891349471 +938 323 3 891356282 +938 328 2 891356282 +938 333 4 891356146 +938 343 4 891356062 +938 358 4 891355972 +938 370 5 891357137 +938 405 3 891356847 +938 406 3 891357060 +938 410 1 891356780 +938 411 3 891357042 +938 456 1 891357161 +938 458 4 891356780 +938 471 3 891356413 +938 472 4 891356656 +938 473 3 891357106 +938 476 4 891357137 +938 477 1 891356702 +938 508 4 891356367 +938 546 3 891356532 +938 591 3 891356463 +938 595 2 891357042 +938 596 5 891356532 +938 597 3 891356679 +938 676 3 891356428 +938 678 3 891356282 +938 685 3 891356894 +938 717 2 891357060 +938 742 3 891356702 +938 748 2 891356282 +938 756 3 891357019 +938 762 4 891356780 +938 763 4 891356656 +938 815 3 891356532 +938 823 4 891357019 +938 829 1 891357085 +938 840 2 891357190 +938 841 3 891357190 +938 845 1 891356780 +938 864 4 891356827 +938 866 5 891356991 +938 871 2 891356549 +938 873 3 891356085 +938 926 3 891357137 +938 928 5 891356656 +938 929 2 891356966 +938 988 3 891356282 +938 993 5 891356413 +938 1012 5 891356500 +938 1013 2 891357042 +938 1014 4 891356632 +938 1016 3 891356799 +938 1028 5 891356679 +938 1033 2 891357137 +938 1047 3 891357107 +938 1061 4 891357085 +938 1152 3 891357106 +938 1254 1 891357019 +938 1283 3 891357190 +939 9 5 880260745 +939 15 5 880261094 +939 106 3 880262019 +939 118 5 880261450 +939 121 5 880261373 +939 127 5 880260745 +939 220 5 880261658 +939 222 5 880260956 +939 237 5 880261056 +939 252 3 880261185 +939 254 3 880262319 +939 255 5 880261094 +939 257 5 880260805 +939 258 4 880260692 +939 266 2 880260636 +939 274 5 880261334 +939 275 4 880260852 +939 280 5 880261291 +939 283 5 880261291 +939 285 5 880261184 +939 298 5 880261184 +939 326 5 880260636 +939 405 4 880261450 +939 409 4 880261532 +939 411 4 880261917 +939 424 3 880262019 +939 471 5 880261254 +939 476 5 880261974 +939 508 5 880261141 +939 546 4 880261610 +939 591 5 880260994 +939 597 4 880261610 +939 680 2 880260636 +939 689 5 880260636 +939 717 4 880261784 +939 742 5 880260915 +939 756 5 880261532 +939 818 3 880262057 +939 841 4 880261868 +939 890 2 880260636 +939 931 2 880262196 +939 934 3 880262139 +939 993 4 880260853 +939 1023 4 880262057 +939 1028 5 880261868 +939 1051 5 880262090 +939 1054 4 880261868 +939 1190 5 880260883 +939 1277 5 880261945 +940 4 2 885922040 +940 7 4 885921597 +940 8 5 885921577 +940 9 3 885921687 +940 12 4 885921979 +940 14 3 885921710 +940 47 3 885921758 +940 50 4 885921542 +940 56 5 885921577 +940 66 4 885922016 +940 69 2 885921265 +940 70 3 885921500 +940 82 4 885922040 +940 89 4 885921828 +940 95 5 885921800 +940 96 5 885921265 +940 98 4 885921421 +940 100 3 885921471 +940 116 2 885921741 +940 137 3 885921758 +940 147 4 885921893 +940 150 3 885921422 +940 151 3 885921800 +940 153 2 885921953 +940 161 3 885921870 +940 164 2 885921915 +940 168 3 885921597 +940 170 4 885921401 +940 171 2 885921401 +940 172 4 885921451 +940 173 4 885921400 +940 174 4 885921310 +940 176 4 885921979 +940 181 3 885921310 +940 183 3 885921422 +940 191 4 885921710 +940 193 3 885921893 +940 194 5 885921953 +940 200 3 885922016 +940 204 4 885922015 +940 205 3 885921243 +940 209 4 885921800 +940 213 4 885921597 +940 215 2 885921451 +940 216 4 885921310 +940 238 4 885921628 +940 258 5 884801316 +940 259 4 884801316 +940 264 1 884801053 +940 269 4 884801316 +940 271 2 884801053 +940 272 4 884801316 +940 285 4 885921846 +940 286 3 884800898 +940 289 3 884801144 +940 294 4 884801316 +940 300 5 884801316 +940 301 3 884800988 +940 302 4 884801316 +940 310 3 884800966 +940 313 5 884801316 +940 315 4 884801125 +940 316 4 889480582 +940 317 4 885921577 +940 319 2 884800944 +940 321 4 884801316 +940 343 2 884801246 +940 347 3 884801024 +940 354 5 889480493 +940 355 1 889480552 +940 357 4 885921219 +940 358 1 884801227 +940 382 3 885921953 +940 420 4 885921979 +940 427 5 885921451 +940 430 4 885921542 +940 436 4 885921542 +940 471 4 885921628 +940 474 3 885921687 +940 482 5 885921198 +940 508 5 885921198 +940 516 4 885921401 +940 521 4 885921915 +940 527 3 885921710 +940 529 3 885921669 +940 549 2 885921915 +940 568 3 885921870 +940 610 1 885921953 +940 628 4 885921800 +940 629 3 885921800 +940 651 4 885921243 +940 655 4 885921775 +940 657 4 885921471 +940 678 4 884801316 +940 683 3 884800988 +940 692 4 885921651 +940 708 3 885921953 +940 709 5 885921451 +940 746 3 885921669 +940 751 3 884801227 +940 792 2 885921892 +940 855 5 885921980 +940 873 3 889480440 +940 879 3 889480535 +940 1137 3 885921577 +940 1167 4 885921198 +940 1401 1 885921371 +941 1 5 875049144 +941 7 4 875048952 +941 15 4 875049144 +941 117 5 875048886 +941 124 5 875048996 +941 147 4 875049077 +941 181 5 875048887 +941 222 2 875049038 +941 257 4 875048952 +941 258 4 875048495 +941 273 3 875049038 +941 294 4 875048532 +941 298 5 875048887 +941 300 4 875048495 +941 358 2 875048581 +941 408 5 875048886 +941 455 4 875049038 +941 475 4 875049038 +941 763 3 875048996 +941 919 5 875048887 +941 993 4 875048996 +941 1007 4 875049077 +942 31 5 891283517 +942 50 5 891282816 +942 71 5 891282840 +942 79 5 891282903 +942 95 5 891283516 +942 97 5 891283239 +942 99 5 891282880 +942 117 4 891282816 +942 124 4 891283068 +942 131 5 891283094 +942 135 3 891283017 +942 172 5 891282963 +942 174 5 891283209 +942 183 3 891283184 +942 193 5 891283043 +942 197 5 891283043 +942 200 4 891282840 +942 210 4 891283184 +942 215 5 891283117 +942 216 4 891282963 +942 234 4 891283161 +942 258 4 891282438 +942 259 4 891282673 +942 261 4 891282673 +942 265 5 891282880 +942 269 2 891282396 +942 272 5 891282420 +942 282 5 891282816 +942 300 5 891282564 +942 303 4 891282477 +942 304 5 891282457 +942 310 4 891282396 +942 313 3 891282396 +942 315 4 891282355 +942 316 4 891282618 +942 318 5 891282903 +942 322 3 891282539 +942 323 3 891282644 +942 328 3 891282503 +942 347 5 891282396 +942 357 4 891283239 +942 362 3 891282420 +942 414 4 891282857 +942 423 5 891283095 +942 427 5 891283017 +942 435 5 891282931 +942 478 5 891283017 +942 479 4 891283118 +942 480 5 891282985 +942 484 5 891282963 +942 487 4 891282985 +942 496 5 891283043 +942 498 5 891282931 +942 500 5 891282816 +942 511 4 891282931 +942 514 4 891283069 +942 520 5 891282963 +942 528 5 891282840 +942 539 3 891282673 +942 584 4 891283239 +942 604 4 891283139 +942 607 5 891282931 +942 615 3 891283017 +942 659 5 891283161 +942 661 4 891283139 +942 662 4 891283517 +942 678 3 891282673 +942 689 3 891282644 +942 705 4 891283095 +942 750 4 891282355 +942 878 4 891282702 +942 879 4 891282539 +942 892 3 891282644 +942 945 5 891283239 +942 969 4 891282817 +942 1028 4 891283209 +942 1050 5 891283043 +942 1204 4 891283209 +942 1221 4 891282783 +943 2 5 888639953 +943 9 3 875501960 +943 11 4 888639000 +943 12 5 888639093 +943 22 4 888639042 +943 23 4 888638897 +943 24 4 875502074 +943 27 4 888639954 +943 28 4 875409978 +943 31 4 888639066 +943 38 3 888640208 +943 41 4 888640251 +943 42 5 888639042 +943 50 4 875501835 +943 51 1 888640088 +943 53 3 888640067 +943 54 4 888639972 +943 55 5 888639118 +943 56 5 888639269 +943 58 4 888639118 +943 62 3 888640003 +943 64 5 875409939 +943 67 4 888640143 +943 68 4 888639500 +943 69 5 888639427 +943 72 2 888639814 +943 73 3 888639598 +943 76 4 888639523 +943 79 5 888639019 +943 80 2 888640048 +943 92 5 888639660 +943 94 4 888639929 +943 96 4 888638920 +943 97 2 888639445 +943 98 5 888638980 +943 100 5 875501725 +943 111 4 875502192 +943 117 4 875501937 +943 121 3 875502096 +943 122 1 875502576 +943 124 3 875501995 +943 127 5 875501774 +943 132 3 888639093 +943 139 1 888640027 +943 151 4 888692699 +943 161 4 888639772 +943 168 2 888638897 +943 172 4 888638940 +943 173 5 888638960 +943 174 4 875410099 +943 181 4 875409978 +943 182 5 888639066 +943 184 5 888639247 +943 185 2 888639370 +943 186 5 888639478 +943 187 5 888639147 +943 188 4 888639269 +943 193 4 888639093 +943 194 5 888639192 +943 195 4 888639407 +943 196 5 888639192 +943 200 4 888639388 +943 201 5 888639351 +943 202 2 888639170 +943 204 3 888639117 +943 205 5 888639478 +943 210 4 888639147 +943 215 5 888639000 +943 216 4 888639327 +943 217 3 888640067 +943 218 4 888639929 +943 219 4 888639575 +943 226 4 888639660 +943 227 1 888693158 +943 228 3 888693158 +943 229 2 888693158 +943 230 1 888693158 +943 231 2 888640186 +943 232 4 888639867 +943 233 5 888639327 +943 234 3 888693184 +943 237 4 888692413 +943 239 5 888639867 +943 274 3 875502074 +943 281 4 875502299 +943 282 5 875502230 +943 284 2 875502192 +943 318 3 888639093 +943 356 4 888639598 +943 367 4 888639679 +943 373 3 888640275 +943 385 4 888639308 +943 386 1 888640186 +943 391 2 888640291 +943 393 2 888639638 +943 399 1 888639886 +943 401 1 888639867 +943 402 2 888639702 +943 403 4 888639746 +943 405 4 875502042 +943 406 3 875502597 +943 412 2 875501856 +943 415 1 888640027 +943 419 2 888638920 +943 421 2 888639351 +943 423 3 888639231 +943 426 4 888640027 +943 427 4 888639147 +943 431 4 888639724 +943 443 2 888639746 +943 449 1 888693158 +943 450 1 888693158 +943 468 2 888639575 +943 470 4 888639814 +943 471 5 875502042 +943 475 5 875501889 +943 485 5 888639523 +943 508 5 875501795 +943 526 4 888639523 +943 541 4 888639954 +943 546 4 875502229 +943 549 1 888639772 +943 559 4 888639638 +943 566 4 888639886 +943 568 3 888639042 +943 569 2 888640186 +943 570 1 888640125 +943 576 4 888640106 +943 581 4 888639814 +943 585 1 888640250 +943 595 2 875502597 +943 609 2 888639702 +943 614 5 888639351 +943 625 3 888639427 +943 655 4 888639269 +943 672 5 888640125 +943 685 4 875502042 +943 717 4 875502116 +943 720 1 888640048 +943 721 5 888639660 +943 722 3 888640208 +943 724 1 888639478 +943 732 4 888639789 +943 739 4 888639929 +943 756 2 875502146 +943 763 4 875501813 +943 765 3 888640227 +943 785 2 888640088 +943 794 3 888640143 +943 796 3 888640311 +943 808 4 888639868 +943 816 4 888640186 +943 824 4 875502483 +943 825 3 875502283 +943 831 2 875502283 +943 840 4 888693104 +943 928 5 875502074 +943 941 1 888639725 +943 943 5 888639614 +943 1011 2 875502560 +943 1028 2 875502096 +943 1044 3 888639903 +943 1047 2 875502146 +943 1067 2 875501756 +943 1074 4 888640250 +943 1188 3 888640250 +943 1228 3 888640275 +943 1330 3 888692465 diff --git a/MovieLens Movie Recommendation/Python/ml-100k/u3.test b/MovieLens Movie Recommendation/Python/ml-100k/u3.test new file mode 100644 index 00000000..e7641e76 --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/u3.test @@ -0,0 +1,20000 @@ +1 5 3 889751712 +1 11 2 875072262 +1 16 5 878543541 +1 25 4 875071805 +1 35 1 878542420 +1 41 2 876892818 +1 45 5 875241687 +1 46 4 876893230 +1 48 5 875072520 +1 50 5 874965954 +1 57 5 878542459 +1 66 4 878543030 +1 71 3 876892425 +1 77 4 876893205 +1 79 4 875072865 +1 87 5 878543541 +1 101 2 878542845 +1 106 4 875241390 +1 109 5 874965739 +1 110 1 878542845 +1 115 5 878541637 +1 127 5 874965706 +1 137 5 875071541 +1 153 3 876893230 +1 156 4 874965556 +1 162 4 878542420 +1 167 2 878542383 +1 168 5 874965478 +1 169 5 878543541 +1 178 5 878543541 +1 182 4 875072520 +1 192 4 875072547 +1 195 5 876892855 +1 199 4 875072262 +1 223 5 876892918 +1 238 4 875072235 +1 245 2 875071713 +1 251 4 875071843 +1 261 1 875692992 +2 100 5 888552084 +2 127 5 888552084 +2 237 4 888552017 +2 255 4 888551341 +2 269 4 888550774 +2 274 3 888551497 +2 284 4 888552017 +2 285 5 888552084 +2 300 4 888979197 +2 311 5 888552084 +3 271 3 889237224 +3 319 2 889237026 +3 325 1 889237297 +3 326 2 889237224 +3 333 2 889236939 +3 344 4 889236939 +3 352 2 889237055 +4 11 4 892004520 +4 327 5 892002352 +5 121 4 875635189 +5 145 1 875720830 +5 169 5 878844495 +5 189 5 878844495 +5 204 4 875636675 +5 216 1 875720967 +5 228 5 875636070 +5 235 4 875635384 +5 250 3 875635265 +5 365 1 875637144 +5 374 3 875636905 +5 386 2 875636230 +5 387 3 875637419 +5 396 5 875636265 +5 398 2 875636167 +5 409 2 878844651 +5 420 3 875721168 +5 431 3 875636099 +5 438 1 878844423 +5 446 4 875720845 +5 447 3 875720744 +5 450 1 875635962 +6 1 4 883599478 +6 7 2 883599102 +6 71 4 883601053 +6 79 3 883600747 +6 89 4 883600842 +6 127 5 883599134 +6 132 5 883602422 +6 153 4 883603013 +6 168 4 883602865 +6 173 5 883602462 +6 185 5 883601393 +6 192 4 883600914 +6 242 4 883268170 +6 257 2 883599478 +6 268 3 883268406 +6 298 3 883599558 +6 302 4 883268222 +6 303 3 883268321 +6 308 3 883600445 +6 309 2 883268430 +6 317 3 883602174 +6 425 3 883602865 +6 460 2 883600004 +6 462 5 883600914 +6 472 1 883600003 +6 489 5 883601011 +6 491 4 883602174 +6 502 4 883602664 +6 519 5 883601365 +6 527 4 883600877 +6 535 2 883600030 +7 4 5 891351772 +7 25 3 891352451 +7 68 4 891351547 +7 73 3 892133154 +7 141 5 891353444 +7 145 1 891354530 +7 180 5 891350782 +7 186 4 891350900 +7 202 3 891352947 +7 204 5 891351121 +7 214 5 891352384 +7 230 3 891353326 +7 238 5 891351814 +7 356 4 891351728 +7 384 3 891353710 +7 386 4 892133310 +7 387 3 892133670 +7 402 5 891352904 +7 417 3 892132652 +7 433 5 892135347 +7 434 4 891352384 +7 444 5 891354288 +7 452 5 891353860 +7 470 3 891352489 +7 474 5 891351002 +7 487 3 891352178 +7 502 5 891352261 +7 503 4 891353950 +7 506 5 891353614 +7 510 5 891352134 +7 513 4 891351772 +7 523 4 891350845 +7 540 3 892132972 +7 544 3 891353254 +7 545 2 891354882 +7 551 1 892131978 +7 566 4 891353411 +7 568 5 891352261 +7 575 3 892133271 +7 591 3 891352179 +7 594 3 891354114 +7 601 5 891353744 +7 605 4 891353290 +7 606 3 891352904 +7 625 3 892131824 +7 631 4 891352984 +7 634 5 891351287 +7 635 3 891352864 +7 638 4 892132122 +7 640 3 891353614 +7 641 5 892135346 +7 649 5 891353254 +7 652 3 891352659 +7 655 5 891351384 +7 666 4 892132192 +7 668 4 891352778 +7 670 5 891353254 +7 671 5 891351728 +7 672 1 892131925 +8 96 3 879362183 +8 177 4 879362233 +8 181 4 879362183 +8 187 4 879362123 +8 227 4 879362423 +8 403 4 879362234 +8 688 1 879361732 +9 242 4 886958715 +9 371 5 886960055 +10 59 4 877886722 +10 60 3 877892110 +10 69 4 877889131 +10 170 4 877889333 +10 185 5 877888876 +10 197 5 877888944 +10 273 4 877888613 +10 276 4 877891904 +10 319 3 877886223 +10 478 5 877889004 +10 499 4 877893021 +10 530 4 877892210 +10 582 4 877892276 +10 602 5 877889057 +10 629 4 877886722 +10 693 4 877886783 +10 701 4 877888812 +10 708 4 877892438 +11 15 5 891903067 +11 25 3 891903836 +11 29 3 891904805 +11 42 3 891905058 +11 54 3 891905936 +11 123 3 891902745 +11 125 4 891903108 +11 208 4 891905032 +11 332 5 891901769 +11 367 3 891905058 +11 430 3 891905032 +11 434 4 891904270 +11 504 3 891905856 +11 526 3 891904859 +11 527 4 891904335 +11 603 4 891905783 +11 646 3 891904389 +11 662 3 891904300 +11 690 4 891901716 +11 715 3 891904764 +11 717 2 891902815 +11 724 3 891904551 +11 738 3 891905324 +12 4 5 879960826 +12 98 5 879959068 +12 161 5 879959553 +12 174 5 879958969 +12 215 4 879959553 +12 228 4 879959465 +12 416 3 879959025 +13 22 4 882140487 +13 33 5 882397581 +13 37 1 882397011 +13 39 3 882397581 +13 50 5 882140001 +13 58 4 882139966 +13 67 1 882141686 +13 70 3 882140691 +13 82 2 882397503 +13 86 1 881515348 +13 87 5 882398814 +13 128 1 882397502 +13 157 3 882140552 +13 160 4 882140070 +13 163 3 882141582 +13 164 3 882396790 +13 179 2 882140206 +13 197 4 881515239 +13 199 5 882140001 +13 205 2 881515193 +13 223 5 882139901 +13 224 4 882140166 +13 227 5 882397650 +13 228 4 882140389 +13 231 3 882397582 +13 264 4 882140848 +13 279 5 882139804 +13 299 3 881515698 +13 306 3 881514876 +13 307 2 881514684 +13 346 4 883670552 +13 348 2 886952246 +13 367 3 882141458 +13 398 2 882398410 +13 406 1 882397011 +13 410 1 882141997 +13 411 2 882141924 +13 439 1 882397040 +13 444 4 882396984 +13 448 1 882396869 +13 453 2 882397067 +13 455 3 882141425 +13 471 1 882140455 +13 473 4 882398724 +13 485 1 882140624 +13 492 5 882140552 +13 507 1 882140070 +13 510 5 882139717 +13 561 1 882396914 +13 568 3 882140552 +13 572 2 882398255 +13 573 3 882396955 +13 576 3 882398076 +13 586 3 882398326 +13 602 4 884538634 +13 630 2 886302261 +13 631 3 882140624 +13 635 1 882396984 +13 636 2 882397502 +13 638 3 881515239 +13 650 2 882140425 +13 655 5 886261387 +13 656 5 882139746 +13 657 4 882139829 +13 667 1 882397040 +13 668 1 882397068 +13 670 3 882396955 +13 675 5 882396955 +13 684 5 882397271 +13 687 1 883670705 +13 692 4 882141659 +13 736 4 882399528 +13 748 4 882140792 +13 758 1 882397084 +13 761 4 882398076 +13 762 5 882141336 +13 771 3 882398410 +13 775 4 886304188 +13 789 5 882140389 +13 797 5 882398327 +13 806 5 882140426 +13 815 4 886303934 +13 818 3 882141814 +13 832 4 882399156 +13 835 3 882139901 +13 865 5 882141425 +13 873 1 881515565 +13 881 2 881514876 +13 886 5 881515613 +13 891 1 892015288 +13 895 1 883670515 +13 896 5 891036745 +13 897 1 886952422 +14 81 5 890881384 +14 173 4 879119579 +14 191 4 890881557 +14 265 3 890881216 +14 302 5 890880970 +14 762 3 876964936 +14 923 5 890881294 +15 111 4 879455914 +15 220 4 879456262 +15 237 3 879455871 +15 328 3 879455192 +15 925 2 879455764 +15 931 1 879456507 +15 934 4 879456507 +16 15 5 877722001 +16 71 5 877721071 +16 87 4 877720916 +16 98 5 877718107 +16 125 3 877726944 +16 152 4 877728417 +16 158 4 877727280 +16 172 5 877724726 +16 180 5 877726790 +16 227 5 877727193 +16 273 5 877722736 +16 302 5 877716993 +16 321 3 877717116 +16 423 5 877721142 +16 448 5 877722736 +16 476 3 877720437 +16 583 4 877720186 +16 661 4 877726789 +16 684 5 877719863 +16 945 4 877719158 +17 7 4 885272487 +17 100 4 885272520 +17 111 3 885272674 +17 126 4 885272724 +17 471 2 885272779 +17 919 4 885272696 +18 23 4 880130065 +18 81 3 880130890 +18 111 3 880131631 +18 175 4 880130431 +18 178 3 880129628 +18 189 5 880129816 +18 197 4 880130109 +18 204 3 880131407 +18 208 4 880131004 +18 221 5 880129816 +18 223 5 880129731 +18 269 5 880129305 +18 386 2 880131986 +18 411 3 880131986 +18 414 4 880131054 +18 427 5 880129421 +18 434 3 880131297 +18 482 5 880130582 +18 489 4 880129769 +18 492 4 880131054 +18 517 2 880129388 +18 528 4 880129489 +18 529 5 880130515 +18 549 4 880131173 +18 603 3 880129388 +18 614 4 880130861 +18 631 5 880129691 +18 702 3 880131407 +18 704 3 880131986 +18 737 3 880132055 +18 747 3 880132225 +18 753 4 880129816 +18 956 5 880131525 +18 957 3 880132188 +18 963 5 880132437 +19 202 4 885412723 +20 143 3 879669040 +20 148 5 879668713 +20 274 4 879668248 +20 378 3 879669630 +20 496 5 879669244 +21 50 3 874951131 +21 185 5 874951658 +21 259 2 874951005 +21 260 2 874950972 +21 379 3 874951820 +21 437 1 874951858 +21 438 1 874951858 +21 444 3 874951859 +21 564 3 874951797 +21 573 2 874951898 +21 637 4 874951695 +21 656 5 874951797 +21 800 1 874951727 +21 817 3 874951695 +21 853 5 874951658 +21 975 3 874951447 +21 978 1 874951483 +21 983 2 874951416 +21 992 2 874951349 +21 994 2 874951104 +22 2 2 878887925 +22 17 4 878886682 +22 89 5 878887680 +22 144 5 878887680 +22 161 4 878887925 +22 181 5 878887765 +22 201 4 878886449 +22 210 3 878886479 +22 228 4 878887810 +22 290 5 878886607 +22 384 3 878887413 +22 430 4 878886607 +22 566 3 878888145 +22 568 4 878887810 +22 688 1 878886307 +22 712 4 878887186 +22 1000 3 878886333 +23 8 4 874785474 +23 55 4 874785624 +23 62 3 874786880 +23 96 4 874785551 +23 102 3 874785957 +23 131 4 884550021 +23 144 3 874785926 +23 153 4 874786438 +23 162 3 874786950 +23 171 5 874785809 +23 194 4 874786016 +23 211 4 874786512 +23 214 3 874785701 +23 216 4 874787204 +23 217 2 874787144 +23 234 2 874785624 +23 235 1 874784712 +23 479 5 874785728 +23 526 3 874787116 +23 541 4 876785720 +23 655 3 874787330 +23 694 4 884550049 +23 713 4 874784337 +24 12 5 875323711 +24 71 5 875323833 +24 79 4 875322796 +24 92 5 875323241 +24 98 5 875323401 +24 132 3 875323274 +24 288 3 875245985 +24 402 4 875323308 +25 23 4 885852529 +25 98 5 885853415 +25 183 4 885852008 +25 404 3 885852920 +25 430 4 885852920 +25 463 4 885852529 +25 495 4 885852862 +25 604 4 885852008 +25 929 4 885852178 +26 111 3 891371437 +26 116 2 891352941 +26 148 3 891377540 +26 249 2 891377609 +26 250 3 891350826 +26 252 3 891385569 +26 274 3 891385634 +26 283 3 891371437 +26 313 5 891386368 +26 456 1 891386174 +26 591 3 891351590 +26 678 2 891349122 +26 815 2 891371597 +26 840 2 891386049 +28 28 4 881956853 +28 185 5 881957002 +28 288 5 882826398 +28 322 2 881955343 +28 332 2 881954915 +28 447 3 881961532 +28 573 4 881961842 +29 12 5 882821989 +29 182 4 882821989 +29 264 3 882820897 +29 268 5 882820686 +29 326 2 882820869 +30 50 3 875061066 +30 161 4 875060883 +30 252 3 875140740 +30 257 4 885941257 +30 313 5 885941156 +30 321 4 875988547 +30 683 3 885941798 +31 136 5 881548030 +31 153 4 881548110 +31 262 5 881547766 +31 271 4 881547854 +31 303 3 881547719 +31 811 4 881548053 +31 1020 3 881548030 +32 111 3 883717986 +32 268 5 883709797 +32 298 5 883717581 +33 271 4 891964166 +33 323 4 891964373 +33 339 3 891964111 +34 990 5 888602808 +35 326 3 875459017 +35 327 3 875459017 +35 333 4 875459017 +35 748 4 875458970 +37 96 4 880915810 +37 172 4 880930072 +37 385 4 880915902 +37 405 4 880915565 +37 827 3 880915607 +37 833 4 880915565 +37 841 3 880915711 +37 930 3 880915711 +37 1027 3 880930072 +38 78 5 892433062 +38 144 5 892430369 +38 155 5 892432090 +38 202 2 892431665 +38 400 1 892434036 +38 401 3 892434585 +38 409 5 892433135 +38 410 3 892432750 +38 411 3 892433290 +38 452 5 892434523 +38 501 5 892429801 +38 717 1 892433945 +38 1031 5 892433801 +39 272 2 891400094 +39 294 4 891400609 +39 307 2 891400342 +39 748 5 891400704 +40 242 4 889041330 +40 259 2 889041643 +40 272 2 889041283 +40 300 3 889041523 +40 310 3 889041283 +40 321 4 889041523 +40 328 3 889041595 +40 358 3 889041741 +40 876 3 889041694 +41 58 3 890687353 +41 97 3 890687665 +41 168 5 890687304 +41 238 5 890687472 +41 276 2 890687304 +41 357 4 890687175 +41 1039 3 890687642 +42 38 3 881109148 +42 50 5 881107178 +42 64 5 881106711 +42 135 4 881109148 +42 151 4 881110578 +42 227 4 881109060 +42 239 5 881108187 +42 273 3 881105817 +42 284 3 881105581 +42 294 4 881105296 +42 318 5 881107718 +42 369 4 881105931 +42 462 2 881108093 +42 467 3 881108425 +42 468 4 881108346 +42 491 3 881106711 +42 523 5 881107375 +42 660 3 881108484 +42 926 3 881105766 +42 1046 3 881108760 +43 8 4 875975717 +43 12 5 883955048 +43 28 4 875981452 +43 58 3 883955859 +43 69 4 875981421 +43 121 4 883955907 +43 131 3 883954997 +43 168 4 875981159 +43 174 4 875975687 +43 186 3 875981335 +43 222 4 883955547 +43 248 4 875975237 +43 258 5 875975028 +43 294 5 875975061 +43 301 5 875975135 +43 354 4 891293957 +43 367 4 883956494 +43 411 3 884029519 +43 418 4 883955387 +43 473 3 884029309 +43 482 4 875981421 +43 491 4 883954997 +43 539 3 883953716 +43 550 3 883956040 +43 566 3 883955969 +43 581 3 883956468 +43 625 4 883956146 +43 699 4 883956040 +43 729 4 883956387 +43 747 4 883956169 +43 926 2 875975613 +43 969 5 875981159 +44 7 5 878341246 +44 64 5 878347915 +44 67 3 878348111 +44 102 2 878348499 +44 144 4 878347532 +44 163 4 878348627 +44 197 4 878347420 +44 222 4 883613334 +44 298 2 883612726 +44 447 4 878347598 +44 480 4 878347315 +44 496 4 878348885 +44 553 3 878347847 +44 636 4 878348969 +45 7 3 881008080 +45 151 2 881013885 +45 257 5 881008781 +45 282 4 881008636 +45 288 3 880996629 +45 597 3 881014070 +45 1001 3 881014785 +45 1059 2 881014417 +46 100 4 883616134 +46 305 5 883614766 +47 289 4 879439040 +47 322 2 879439078 +47 874 3 879439078 +48 56 3 879434723 +48 194 4 879434819 +48 289 1 879434252 +48 357 5 879434653 +48 524 3 879434723 +48 529 4 879434850 +49 8 3 888067691 +49 25 2 888068791 +49 57 4 888066571 +49 77 1 888068289 +49 85 3 888068934 +49 93 5 888068912 +49 161 1 888069513 +49 171 4 888066551 +49 181 1 888067765 +49 182 3 888069416 +49 239 2 888068912 +49 240 3 888067031 +49 287 4 888068842 +49 320 5 888067334 +49 324 4 888065702 +49 328 2 888068651 +49 358 1 888065805 +49 372 4 888069040 +49 396 4 888067482 +49 428 5 888068791 +49 432 5 888066979 +49 501 3 888066979 +49 725 2 888069354 +49 919 5 888066133 +49 997 1 888069117 +49 1036 2 888069304 +49 1074 2 888069165 +49 1075 2 888066424 +49 1079 1 888069165 +49 1081 3 888069246 +50 15 2 877052438 +50 124 1 877052400 +50 327 3 877052093 +50 544 4 877052937 +51 134 2 883498844 +51 136 4 883498756 +51 144 5 883498894 +51 172 5 883498936 +51 184 3 883498685 +51 210 4 883498844 +51 655 3 883498728 +52 25 5 882922562 +52 100 4 882922204 +52 107 4 882922540 +52 302 4 882922065 +52 318 5 882922974 +52 473 4 882922661 +52 741 4 882922302 +52 919 5 882922140 +53 25 4 879442538 +53 50 4 879442978 +53 151 4 879443011 +53 156 4 879442561 +53 257 4 879443188 +53 284 2 879442901 +54 100 5 880931595 +54 117 5 880935384 +54 252 3 880937630 +54 307 4 891813846 +54 346 4 890608303 +55 22 5 878176397 +55 50 4 878176005 +55 79 5 878176398 +55 121 3 878176084 +56 22 5 892676376 +56 42 4 892676933 +56 53 3 892679163 +56 62 5 892910890 +56 87 4 892678508 +56 89 4 892676314 +56 144 5 892910796 +56 153 4 892911144 +56 204 5 892676908 +56 226 4 892679277 +56 227 3 892676430 +56 229 3 892676340 +56 233 1 892679308 +56 237 5 892679540 +56 265 4 892676314 +56 300 4 892675935 +56 373 4 892910950 +56 385 4 892676429 +56 395 3 892911625 +56 421 4 892677186 +56 443 4 892679144 +56 473 2 892683323 +56 501 3 892737210 +56 578 3 892910860 +56 596 4 892683275 +56 655 4 892676996 +56 732 4 892677147 +56 969 3 892683303 +56 1028 4 892911227 +57 240 2 883697512 +57 258 5 883698581 +57 288 4 883696347 +57 471 4 883697134 +57 473 3 883697916 +57 475 2 883697223 +57 496 4 883698362 +57 678 3 883696547 +57 1001 1 883698039 +58 25 4 884304570 +58 98 4 884304747 +58 135 4 884305150 +58 151 3 884304553 +58 153 5 884304896 +58 169 4 884304936 +58 181 3 884304447 +58 199 4 891611501 +58 210 4 884305042 +58 213 5 884663379 +58 249 4 892242272 +58 255 4 890321652 +58 313 5 884304267 +58 367 5 892243053 +58 405 2 892242047 +58 462 4 884304865 +58 497 2 884305123 +58 603 5 884304812 +58 651 4 884305185 +58 655 5 884304865 +58 773 4 884304790 +58 1063 1 884304728 +58 1084 4 884304896 +59 32 4 888205228 +59 96 5 888205659 +59 97 5 888205921 +59 106 4 888203959 +59 133 3 888204349 +59 179 5 888204996 +59 180 4 888204597 +59 184 4 888206094 +59 185 5 888205228 +59 187 5 888204349 +59 190 5 888205033 +59 191 4 888204841 +59 197 5 888205462 +59 198 5 888204389 +59 212 4 888205463 +59 228 4 888205714 +59 240 2 888203579 +59 277 4 888203234 +59 290 3 888203750 +59 313 5 888202532 +59 321 4 888206764 +59 369 2 888203959 +59 371 4 888206095 +59 402 4 888206296 +59 425 4 888204928 +59 430 5 888205228 +59 458 4 888203128 +59 465 2 888206363 +59 474 5 888204430 +59 479 5 888205370 +59 503 4 888205855 +59 504 5 888205921 +59 510 4 888204502 +59 584 4 888205145 +59 591 4 888203270 +59 616 5 888206049 +59 622 4 888206015 +59 633 3 888204641 +59 644 4 888205033 +59 662 3 888206125 +59 672 5 888206015 +59 679 4 888205714 +59 684 3 888204553 +59 687 1 888206764 +59 705 4 888205087 +59 736 5 888205145 +59 755 4 888206254 +59 774 2 888206562 +59 789 4 888205087 +59 792 4 888206362 +59 900 4 888202814 +59 1048 4 888203270 +59 1111 5 888204758 +60 7 5 883326241 +60 9 5 883326399 +60 23 4 883326652 +60 69 4 883326215 +60 70 4 883326838 +60 89 5 883326463 +60 96 4 883326122 +60 131 4 883327441 +60 136 4 883326057 +60 204 4 883326086 +60 209 5 883326593 +60 215 4 883327566 +60 225 3 883327976 +60 227 4 883326784 +60 230 4 883327441 +60 286 5 883325421 +60 378 4 883327566 +60 393 4 883327754 +60 434 5 883327368 +60 445 5 883326273 +60 479 5 883326301 +60 482 4 883326958 +60 513 5 883325994 +60 615 5 883326215 +60 617 4 883326273 +60 656 4 883327018 +60 675 4 883326995 +60 684 4 883328033 +60 708 4 883326784 +60 745 5 883327442 +60 755 4 883327639 +60 1060 4 883326995 +60 1125 4 883326497 +61 269 3 891206125 +61 271 1 892302231 +61 333 3 891206232 +62 13 4 879372634 +62 69 4 879374015 +62 71 4 879374661 +62 81 4 879375323 +62 82 4 879375414 +62 127 4 879372216 +62 128 2 879374866 +62 144 3 879374785 +62 210 4 879374640 +62 245 2 879373232 +62 380 5 879375626 +62 402 3 879375883 +62 463 4 879374916 +62 474 4 879373613 +62 521 5 879374706 +62 569 1 879376158 +62 582 4 879374753 +62 597 2 879373254 +62 652 4 879375364 +62 676 3 879372633 +62 699 4 879375022 +62 708 3 879375912 +62 723 2 879375738 +62 949 4 879376210 +62 1077 3 879374607 +62 1129 5 879372060 +62 1130 4 879376686 +62 1135 2 879376159 +63 1 3 875747368 +63 25 4 875747292 +63 284 3 875747581 +63 287 3 875747829 +63 321 3 875746917 +63 325 2 875747047 +63 473 2 875747635 +63 480 3 875748245 +63 596 2 875747470 +63 713 3 875747556 +63 813 5 875747265 +63 1010 3 875747829 +64 31 4 889739318 +64 89 3 889737376 +64 91 4 889739733 +64 98 4 889737654 +64 101 2 889740225 +64 127 5 879366214 +64 141 4 889739517 +64 153 3 889739243 +64 185 4 889739517 +64 186 4 889737691 +64 228 4 889739438 +64 235 4 889740567 +64 271 3 889737047 +64 273 2 889739381 +64 288 4 879365313 +64 384 2 889740367 +64 419 2 889740310 +64 531 3 889740718 +64 559 3 889740310 +64 650 3 889740225 +64 751 2 889737047 +65 1 3 879217290 +65 69 3 879216479 +65 73 4 879217998 +65 87 5 879217689 +65 98 4 879218418 +65 179 3 879216605 +65 215 5 879217689 +65 356 5 879216825 +65 402 4 879216949 +65 423 5 879216702 +65 476 3 879217290 +65 511 4 879216567 +65 531 4 879218328 +65 655 4 879216769 +65 1044 3 879217002 +66 286 1 883601089 +66 763 4 883602094 +66 825 3 883602268 +67 125 4 875379643 +67 235 3 875379643 +67 412 1 875379540 +67 1052 3 875379419 +68 596 2 876974023 +68 763 1 876973917 +68 1089 1 876974484 +69 7 5 882126086 +69 117 4 882072748 +69 124 4 882072869 +69 182 4 882145400 +69 197 5 882145548 +69 234 5 882145505 +69 289 4 882027133 +69 298 4 882072998 +69 302 4 882027109 +69 879 1 882027284 +69 1016 3 882072956 +69 1144 5 882126156 +70 15 3 884148728 +70 28 4 884065757 +70 63 3 884151168 +70 88 4 884067394 +70 101 3 884150753 +70 135 4 884065387 +70 142 3 884150884 +70 143 5 884149431 +70 173 4 884149452 +70 174 5 884065782 +70 222 4 884064269 +70 225 3 884148916 +70 264 4 884063668 +70 289 3 884066399 +70 404 4 884149622 +70 408 4 884152129 +70 429 3 884150369 +70 501 4 884067201 +70 507 4 884066886 +70 538 2 884066399 +70 597 3 884148999 +70 755 3 884150865 +71 174 2 877319610 +71 177 2 885016961 +71 429 4 877319610 +71 744 4 877319294 +72 5 4 880037418 +72 50 2 880037119 +72 56 5 880037702 +72 69 4 880036579 +72 187 4 880036638 +72 191 5 880036515 +72 222 1 880036346 +72 233 4 880037242 +72 380 1 880036854 +72 402 4 880036824 +72 466 4 880037461 +72 471 4 880035588 +72 553 5 880036638 +72 647 1 880036550 +72 684 4 880037203 +72 685 4 880035588 +72 972 4 880036911 +72 1147 5 880036783 +73 1 2 888626065 +73 82 2 888625754 +73 175 5 888625785 +73 187 5 888625934 +73 268 3 888625754 +73 433 4 888626437 +73 660 4 888625754 +73 683 2 888792535 +73 748 2 888792247 +74 13 4 888333542 +74 245 3 888333280 +74 276 4 888333458 +74 302 4 888333219 +74 307 4 888333329 +74 340 5 888333194 +74 539 3 888333255 +74 690 4 888333352 +75 56 5 884051921 +75 322 1 884049789 +75 831 3 884051056 +76 6 5 875028165 +76 70 4 875027981 +76 93 4 882606572 +76 129 3 878101114 +76 192 5 875027442 +76 223 2 882606623 +76 270 3 879117602 +76 517 5 882129432 +76 1071 3 882606017 +76 1153 2 882607017 +77 1 5 884732808 +77 25 2 884733055 +77 31 3 884753292 +77 96 3 884752562 +77 132 3 884753028 +77 154 5 884733922 +77 252 1 884733379 +78 25 3 879633785 +78 93 4 879633766 +78 237 5 879634264 +78 288 4 879633467 +78 294 3 879633495 +78 871 3 879634199 +78 880 5 879633600 +79 257 3 891271545 +79 258 5 891271308 +79 283 4 891271627 +79 340 4 891271180 +79 676 3 891271957 +79 902 3 891271086 +80 86 5 887401496 +80 205 5 887401533 +80 237 4 887401732 +80 514 3 887401533 +80 531 4 887401430 +81 25 5 876533946 +81 186 5 876534783 +81 269 3 876533229 +81 276 4 876533545 +81 284 3 876533894 +81 288 3 876533229 +81 596 3 876533824 +81 1059 3 876534366 +82 1 4 876311241 +82 7 3 876311217 +82 71 4 878770169 +82 79 3 878769334 +82 133 4 878769410 +82 169 4 878769442 +82 175 4 878769598 +82 197 4 878769847 +82 235 1 876311517 +82 274 3 876311492 +82 286 4 876311004 +82 304 3 884713664 +82 367 4 878769848 +82 412 1 884714513 +82 473 2 878768765 +82 474 3 878769597 +82 475 1 884714181 +82 496 4 878769992 +82 539 3 884713704 +82 546 3 876311423 +82 678 1 884714726 +82 822 2 878769262 +82 946 2 878769748 +82 1063 3 878769815 +82 1078 3 878769748 +82 1128 1 884714361 +83 31 5 880307751 +83 38 5 887665422 +83 56 1 886534501 +83 225 3 880307208 +83 235 1 883867920 +83 243 3 891181725 +83 259 2 883869199 +83 298 4 891181511 +83 300 3 889050543 +83 319 1 886532955 +83 356 4 880308755 +83 393 5 887665423 +83 409 4 880307417 +83 566 4 880308099 +83 820 2 881971231 +83 828 3 883868208 +83 862 4 883868805 +83 864 4 883954588 +83 993 2 883868978 +84 87 5 883453587 +84 258 4 883449347 +84 273 4 883452086 +84 286 5 883449271 +84 411 2 883452516 +84 466 4 883453148 +84 486 5 883453664 +84 628 3 883450434 +84 744 4 883449965 +84 823 3 883452672 +85 23 4 879454272 +85 50 5 882813248 +85 52 3 881705026 +85 65 3 879455021 +85 82 3 879454633 +85 87 4 879829327 +85 121 2 879453167 +85 132 5 879453965 +85 135 5 879453845 +85 136 4 879454349 +85 152 5 879454751 +85 173 3 879454045 +85 174 4 879454139 +85 221 2 879452693 +85 230 3 882813248 +85 231 2 882995615 +85 232 3 882995966 +85 238 2 879453965 +85 246 4 881704999 +85 328 3 884906441 +85 357 4 879454045 +85 419 5 882819427 +85 478 4 879454951 +85 483 5 879453933 +85 504 4 879453748 +85 513 4 879454350 +85 521 3 879829471 +85 526 4 879454500 +85 531 4 879454112 +85 582 4 879828014 +85 589 3 879453587 +85 596 3 880838337 +85 606 4 886282959 +85 657 4 879454189 +85 707 4 879454350 +85 710 2 879828912 +85 732 3 879455238 +85 735 3 879454905 +85 782 2 879829757 +85 822 3 880581629 +85 845 3 879828456 +85 923 4 879455403 +85 924 1 879453114 +85 1136 3 879455402 +85 1171 3 879452638 +85 1174 3 879454633 +86 242 4 879569486 +86 269 4 879569486 +86 304 3 879570149 +86 338 1 879570277 +87 13 3 879876734 +87 27 4 879876037 +87 47 3 879876637 +87 72 3 879876848 +87 153 5 879876703 +87 158 3 879877173 +87 179 4 879875649 +87 195 5 879875736 +87 273 3 879875857 +87 410 4 879876565 +87 423 3 879877710 +87 472 4 879875996 +87 496 5 879877709 +87 514 4 879876672 +87 535 4 879876315 +87 577 4 879877127 +87 578 3 879875940 +87 692 5 879876565 +87 709 3 879876812 +87 802 4 879875940 +87 808 3 879875996 +87 845 4 879876564 +87 926 4 879877043 +87 944 5 879876848 +87 1028 4 879876946 +87 1179 3 879877127 +87 1185 4 879876885 +87 1188 2 879876110 +88 286 5 891037111 +88 354 5 891037708 +88 880 3 891037466 +88 898 4 891037859 +89 1 5 879461219 +89 49 4 879460347 +89 50 5 879461219 +89 88 4 879459980 +89 181 4 879441491 +89 222 5 879441491 +89 235 5 879441657 +89 236 5 879441400 +89 475 5 879441307 +89 709 3 879459980 +89 731 3 879460347 +89 736 3 879460027 +89 1119 3 879459884 +90 8 5 891383424 +90 10 5 891383987 +90 56 5 891384516 +90 57 5 891385389 +90 59 5 891383173 +90 64 4 891383912 +90 65 4 891385298 +90 97 5 891383987 +90 126 2 891384611 +90 133 5 891384147 +90 134 5 891383204 +90 141 5 891385899 +90 154 5 891384516 +90 194 5 891383424 +90 208 3 891384065 +90 211 5 891383424 +90 218 5 891385899 +90 221 4 891383987 +90 234 4 891383835 +90 322 4 891382658 +90 340 4 891382121 +90 385 4 891385899 +90 387 5 891385215 +90 402 5 891385335 +90 447 5 891385389 +90 454 2 891383423 +90 482 5 891383204 +90 490 5 891383753 +90 496 4 891385787 +90 519 5 891384423 +90 523 4 891383423 +90 527 5 891384959 +90 530 3 891385522 +90 610 5 891383753 +90 647 5 891383204 +90 654 5 891384357 +90 660 4 891385652 +90 676 2 891384066 +90 699 4 891385298 +90 732 5 891383241 +90 836 5 891385190 +90 1005 2 891383912 +90 1039 5 891383599 +90 1196 4 891383599 +90 1204 4 891384959 +90 1205 3 891383687 +91 22 5 891439208 +91 56 1 891439057 +91 143 4 891439386 +91 192 4 891439302 +91 204 4 891438909 +91 328 4 891438245 +91 501 2 891439130 +91 601 4 891439171 +91 651 5 891439057 +91 657 4 891439130 +91 735 4 891439503 +91 750 5 891438209 +91 1126 1 891439301 +92 1 4 875810511 +92 8 5 875654159 +92 9 4 875640148 +92 47 4 875654732 +92 49 3 875907416 +92 51 4 875812305 +92 55 3 875654245 +92 58 4 875653836 +92 68 3 875653699 +92 72 3 875658159 +92 95 3 875653664 +92 116 3 875640251 +92 174 5 875654189 +92 179 5 875653077 +92 186 4 875653960 +92 193 4 875654222 +92 202 3 875653805 +92 210 4 875653519 +92 227 1 875654846 +92 235 3 875640338 +92 243 1 875644795 +92 245 4 877966971 +92 250 4 890251534 +92 257 2 875640273 +92 258 4 886440479 +92 268 4 890251912 +92 274 4 876175626 +92 282 4 876769303 +92 307 4 892655699 +92 363 3 886443455 +92 382 4 875656317 +92 383 1 876175191 +92 428 4 875653519 +92 432 3 876175031 +92 436 4 875654534 +92 466 4 875811549 +92 566 4 875658112 +92 575 2 875907763 +92 583 3 875907134 +92 627 3 875654159 +92 636 3 875812064 +92 658 3 875654353 +92 684 3 875656502 +92 735 3 875656121 +92 743 2 890251826 +92 758 1 875644796 +92 771 1 875907180 +92 783 3 875907574 +92 789 5 875653242 +92 934 2 875639642 +92 974 2 886443626 +92 984 2 888469687 +92 1023 2 892655775 +92 1042 3 875907079 +92 1074 3 875907535 +92 1090 3 875907079 +93 121 3 888705053 +94 4 4 891721168 +94 32 5 891721851 +94 42 4 885870577 +94 69 3 885870057 +94 72 3 891723220 +94 121 2 891721815 +94 164 3 891721528 +94 181 4 885872942 +94 194 4 885870284 +94 196 4 891721462 +94 201 4 891721378 +94 210 4 886008459 +94 215 4 891722174 +94 228 4 891720996 +94 250 4 891724257 +94 286 4 891724122 +94 302 4 891928684 +94 317 5 885873653 +94 328 3 891724990 +94 368 2 891724846 +94 417 3 891722799 +94 418 3 891721317 +94 433 4 891721078 +94 435 4 885870418 +94 436 5 891721815 +94 464 5 885873302 +94 469 4 891721048 +94 477 2 885870323 +94 501 4 891721642 +94 504 5 885870612 +94 544 3 891721562 +94 553 3 891722511 +94 654 5 885872684 +94 658 3 891722533 +94 679 4 891722006 +94 692 4 891722249 +94 710 3 891721117 +94 735 5 891721528 +94 736 5 891721077 +94 780 3 891723558 +94 813 5 891720786 +94 928 3 891723774 +94 930 2 891724747 +94 944 1 891723619 +94 951 3 891722214 +94 959 5 891725332 +94 1011 4 891722214 +94 1012 4 891724100 +94 1046 2 891723262 +94 1058 4 891722609 +94 1110 4 891722801 +94 1188 3 891723525 +94 1211 5 891722458 +94 1225 3 891723262 +95 22 4 888953953 +95 58 3 879197834 +95 65 4 879197918 +95 67 2 879198109 +95 95 3 879198109 +95 97 4 879198652 +95 102 4 880572474 +95 133 3 888954341 +95 139 4 880572250 +95 177 3 879196408 +95 196 4 879198354 +95 197 4 888954243 +95 209 4 879197021 +95 216 5 880573287 +95 228 4 879196231 +95 237 2 879192708 +95 257 5 879197329 +95 389 4 880572388 +95 405 3 879194159 +95 465 3 882803918 +95 485 5 888954129 +95 495 4 888954760 +95 665 2 879196666 +95 692 4 879198482 +95 707 3 880572009 +95 781 2 880572495 +95 960 2 888954129 +95 1047 3 879193881 +95 1126 4 879197445 +95 1228 3 880572689 +96 83 3 884403758 +96 89 5 884402896 +96 127 5 884403214 +96 144 4 884403250 +96 183 4 884403123 +97 23 5 884239553 +97 83 1 884238817 +97 100 2 884238778 +97 133 1 884239655 +97 169 5 884238887 +97 186 3 884239574 +97 195 5 884238966 +97 434 4 884239791 +97 496 2 884238693 +97 603 4 884238817 +98 152 3 880498968 +98 435 5 880498967 +98 502 2 880499053 +99 105 2 885679353 +99 120 2 885679472 +99 147 5 885678997 +99 173 4 885680062 +99 210 5 885679705 +99 240 4 885679279 +99 282 3 885678753 +99 290 4 886518628 +99 313 5 885678348 +99 651 5 885679833 +99 780 5 886780007 +99 931 2 886780147 +99 975 3 885679472 +99 1079 3 885679504 +99 1132 4 885679319 +100 258 4 891374675 +100 269 4 891374641 +100 270 3 891375016 +100 272 4 891375629 +100 294 4 891375313 +100 326 3 891375630 +100 881 1 891375186 +100 886 3 891375522 +100 900 4 891374832 +100 1233 3 891375112 +101 125 4 877137015 +101 151 3 877136628 +101 278 2 877136737 +101 288 4 877137015 +101 370 2 877136711 +101 411 2 877136891 +101 412 2 877136842 +101 717 3 877136928 +101 820 3 877136954 +101 826 3 877136686 +101 846 3 877135914 +101 926 3 877136628 +101 979 2 877136711 +101 1009 2 877136598 +102 13 3 892991118 +102 49 2 892992129 +102 68 2 888801673 +102 73 3 892992297 +102 88 3 892991311 +102 95 4 883748488 +102 117 3 888801232 +102 200 3 888803051 +102 219 2 888803149 +102 226 2 888801673 +102 258 4 875886337 +102 265 3 888801622 +102 269 2 891427996 +102 273 3 888801465 +102 288 2 887051621 +102 328 2 883277645 +102 334 2 888295889 +102 396 2 892993735 +102 411 2 892993786 +102 431 3 888801407 +102 476 3 892993827 +102 522 3 888803487 +102 541 2 888801673 +102 546 3 888801876 +102 596 2 883748352 +102 612 4 879082395 +102 655 3 888803802 +102 856 2 892993927 +103 118 3 880420002 +103 181 4 880415875 +103 211 3 880420565 +103 487 4 880421001 +104 15 5 888465413 +104 50 5 888465972 +104 124 2 888465226 +104 127 3 888465201 +104 250 3 888465972 +104 270 4 888442337 +104 271 1 888442370 +104 272 4 888441878 +104 330 1 888442530 +104 332 2 888442305 +104 591 4 888465263 +104 750 5 888442171 +104 825 1 888466028 +104 847 2 888465263 +104 871 2 888465853 +104 895 2 888442507 +104 926 1 888465936 +104 1028 2 888465818 +106 14 4 881449486 +106 28 4 881451144 +106 191 5 881451453 +106 244 4 883877094 +106 495 4 881451016 +106 566 4 881452711 +106 647 3 881450440 +106 739 3 881453290 +107 259 2 891264630 +107 264 3 891264598 +107 312 4 891264535 +108 124 4 879879757 +108 405 3 879880157 +108 740 3 879880055 +108 931 2 879880190 +109 15 4 880577868 +109 17 4 880582132 +109 54 3 880578286 +109 81 2 880580030 +109 95 4 880572721 +109 111 4 880564570 +109 161 3 880572756 +109 168 3 880577734 +109 186 3 880572786 +109 191 4 880577844 +109 202 5 880578632 +109 210 5 880573084 +109 222 4 880563471 +109 227 5 880579417 +109 229 5 880578632 +109 234 4 880578286 +109 238 2 880580637 +109 288 5 880562908 +109 317 2 880573085 +109 365 4 880581817 +109 367 3 880578121 +109 391 2 880581127 +109 395 3 880583672 +109 405 5 880564640 +109 431 3 880578186 +109 508 4 880571629 +109 527 3 880577604 +109 542 3 880582045 +109 545 2 880583493 +109 564 3 880582633 +109 576 3 880580663 +109 636 5 880581817 +109 655 3 880577735 +109 679 3 880578093 +109 715 2 880583519 +109 732 3 880572588 +109 748 3 880562908 +109 755 5 880578814 +109 834 3 880583308 +110 12 4 886987826 +110 43 3 886988100 +110 88 4 886988967 +110 161 5 886988631 +110 184 1 886988631 +110 272 4 886987145 +110 326 4 886987417 +110 333 4 886987288 +110 366 3 886988341 +110 385 3 886988574 +110 393 3 886989363 +110 397 3 886988688 +110 468 3 886988202 +110 566 4 886988574 +110 642 2 886989126 +110 692 4 886988937 +110 808 2 886988250 +110 1090 2 886989191 +110 1182 2 886989566 +111 302 5 891679971 +111 305 2 891680243 +111 315 5 891679692 +111 354 4 891679692 +112 245 4 884992691 +112 272 5 886398204 +112 294 3 884992566 +112 751 4 884992754 +112 891 3 892439990 +113 9 3 875076307 +113 245 3 875325377 +113 255 5 875935609 +113 258 5 875075887 +113 288 3 875075887 +113 289 2 875075887 +113 1251 5 875325377 +114 98 4 881259495 +114 168 3 881259927 +114 474 5 881260170 +114 615 2 881260441 +115 48 5 881171203 +115 124 5 881170332 +115 137 5 881169776 +115 176 5 881171203 +115 229 3 881171693 +115 240 5 881171982 +115 279 3 881170725 +115 282 4 881171009 +115 284 2 881170902 +115 317 5 881171137 +115 479 5 881171825 +115 654 5 881171409 +115 741 3 881170065 +115 980 4 881169984 +116 11 5 886310197 +116 50 3 876452443 +116 181 4 876452523 +116 221 4 876453560 +116 272 3 886309505 +116 289 4 876452094 +116 303 3 890633075 +116 307 3 879864042 +116 315 3 886309605 +116 323 3 876452186 +116 340 3 879864008 +116 355 2 887605347 +116 479 4 876454191 +116 515 4 876452443 +116 539 2 886309573 +116 607 2 876453961 +116 678 3 876452228 +116 896 2 890632896 +116 902 2 890632896 +116 1020 3 887605454 +116 1039 4 876453915 +116 1134 4 886310197 +116 1142 4 876452492 +116 1255 2 876453377 +117 7 3 880125780 +117 96 5 881012530 +117 156 4 881011376 +117 265 4 881012940 +117 410 3 886021458 +117 596 3 880126392 +117 1165 3 881010727 +118 175 5 875384885 +118 201 5 875385198 +118 258 5 875385386 +118 558 5 875385228 +118 672 4 875385257 +118 844 5 875385256 +119 9 4 890627252 +119 70 3 874781829 +119 89 4 874781352 +119 137 5 886176486 +119 181 4 874775406 +119 252 3 874780832 +119 255 3 874775914 +119 259 4 886175571 +119 277 4 874774993 +119 286 5 874774286 +119 340 4 886176485 +119 354 5 890626231 +119 405 4 874775815 +119 410 1 890627339 +119 506 5 886176779 +119 826 4 874775580 +119 1016 5 874775262 +119 1244 3 874781037 +121 118 2 891390501 +121 135 5 891388090 +121 156 4 891388145 +121 197 4 891388286 +121 237 5 891388708 +121 276 3 891388453 +121 282 1 891389037 +121 298 2 891388676 +121 300 3 891387810 +121 347 3 891389304 +121 411 1 891390544 +121 472 3 891390599 +121 644 4 891388035 +121 717 5 891390688 +121 744 3 891388936 +121 1194 4 891388210 +122 83 5 879270327 +122 135 4 879270327 +122 190 4 879270424 +122 403 4 879270805 +122 469 5 879270644 +122 1045 4 879270605 +122 1113 5 879270677 +122 1119 3 879270769 +122 1168 4 879270902 +122 1267 4 879270769 +123 23 4 879873020 +123 64 3 879872791 +123 432 5 879873120 +124 7 4 890287645 +124 117 3 890287181 +124 173 2 890287687 +124 195 4 890399864 +125 8 4 879454419 +125 21 3 892838424 +125 49 3 879455241 +125 70 3 892838287 +125 72 4 892838322 +125 111 3 892838322 +125 117 3 879454699 +125 122 1 892839312 +125 144 5 879454197 +125 172 5 879454448 +125 186 3 879454448 +125 209 4 879455241 +125 269 1 879454002 +125 376 3 892838510 +125 388 2 892839270 +125 393 4 879455241 +125 395 3 892838687 +125 401 4 892838656 +125 430 4 879454309 +125 482 1 892836309 +125 508 1 892838351 +125 687 3 892836268 +125 746 3 879455018 +125 756 4 892838424 +125 1270 3 892838977 +126 337 5 887938392 +126 350 2 887854892 +126 681 5 887938392 +127 228 5 884364866 +127 901 5 884363990 +128 66 3 879969329 +128 73 3 879969032 +128 88 4 879969390 +128 161 5 879968896 +128 174 3 879966954 +128 179 3 879967767 +128 220 1 879968352 +128 274 4 879969084 +128 367 4 879968858 +128 392 3 879967102 +128 393 4 879969136 +128 404 3 879968308 +128 405 4 879968859 +128 433 4 879967225 +128 451 4 879967879 +128 465 4 879968008 +128 490 5 879966785 +128 605 3 879967804 +128 684 4 879969390 +128 685 3 879968774 +128 715 4 879968512 +128 742 3 879967197 +128 869 3 879969064 +128 955 5 879969064 +128 1053 3 879968494 +129 242 4 883243972 +129 304 3 883244707 +129 748 2 883245452 +129 903 2 883245311 +129 906 5 883245310 +130 2 4 876252327 +130 29 3 878537558 +130 38 4 876252263 +130 42 4 875801422 +130 64 5 875801549 +130 67 4 876252064 +130 89 4 875216458 +130 156 3 875801447 +130 179 4 875217265 +130 185 5 875217033 +130 236 5 876251160 +130 290 3 876250955 +130 294 5 874953337 +130 321 5 874953291 +130 329 4 874953337 +130 392 4 876252243 +130 398 3 878537516 +130 426 4 875801897 +130 455 4 874953728 +130 475 3 874953595 +130 538 5 884623983 +130 578 5 878537681 +130 739 5 876252420 +130 808 5 878537631 +130 827 4 876251312 +130 932 3 876251389 +130 934 4 876251341 +130 944 4 876252042 +130 1013 4 876251287 +130 1019 4 875801530 +130 1088 2 876250805 +130 1210 2 880396831 +130 1245 3 876251312 +130 1275 5 876252288 +130 1276 4 876251312 +130 1279 4 876251217 +130 1280 4 877984734 +131 9 5 883681723 +131 137 1 883681466 +131 269 5 883681723 +131 813 3 883681466 +132 50 3 891278774 +132 251 4 891278996 +132 285 4 891278996 +132 286 3 891278680 +132 521 4 891278996 +132 1154 3 891278896 +133 243 3 890589035 +133 245 3 890588878 +133 269 4 890588766 +133 316 4 890588928 +133 343 2 890589188 +133 750 4 890588720 +133 902 3 890588672 +134 1 5 891732756 +134 301 2 891732296 +134 302 2 891732150 +134 315 3 891732122 +135 55 4 879857797 +135 203 4 879857797 +135 321 4 879857575 +135 324 3 879857575 +135 327 4 879857575 +135 452 2 879857843 +135 470 4 879857931 +135 1217 2 879857956 +136 9 5 882693429 +136 15 4 882693723 +136 124 5 882693489 +136 127 5 882693404 +136 269 5 882693234 +137 411 5 881433490 +137 866 3 881433090 +137 1028 5 881433409 +138 45 5 879024232 +138 137 5 879023131 +138 509 4 879024232 +138 602 4 879024382 +139 100 5 879538199 +139 242 3 879537876 +139 288 4 879537918 +139 302 3 879537844 +139 676 4 879538275 +139 1233 5 879537844 +140 245 3 879013720 +140 304 4 879013747 +140 873 2 879013719 +141 15 5 884584981 +141 25 5 884585105 +141 100 4 884584688 +141 255 4 884585039 +141 257 3 884584773 +141 276 1 884584817 +141 291 5 884585220 +141 346 1 886447613 +141 597 4 884585071 +141 619 4 884585039 +141 676 5 884585001 +141 696 4 884585498 +141 717 4 884585470 +141 871 3 884585148 +141 930 4 884585247 +141 985 4 884585363 +141 1014 3 884585572 +141 1047 4 884585220 +142 7 4 888640489 +142 186 4 888640430 +142 259 3 888640104 +142 294 3 888640054 +142 315 3 888639837 +142 425 4 888640489 +143 294 3 888407708 +143 315 4 888407542 +143 326 5 888407708 +143 1038 3 888407656 +144 14 4 888104122 +144 54 2 888105473 +144 55 4 888105254 +144 98 4 888105587 +144 116 4 888104258 +144 124 4 888104063 +144 127 4 888105823 +144 147 3 888104402 +144 234 4 888105115 +144 282 4 888104123 +144 307 1 888103407 +144 357 4 888105254 +144 405 4 888104419 +144 474 4 888105311 +144 478 4 888105337 +144 514 5 888105197 +144 632 4 888105472 +144 651 4 888105197 +144 751 4 888103725 +144 963 4 888105254 +144 1010 3 888104834 +144 1012 4 888104521 +144 1013 1 888104446 +145 31 5 875271896 +145 62 2 885557699 +145 66 4 875272786 +145 88 5 875272833 +145 111 3 875270322 +145 135 5 885557731 +145 164 4 875271948 +145 173 5 875272604 +145 176 5 875271838 +145 181 5 875270507 +145 219 5 877343185 +145 246 4 888397946 +145 284 4 888398104 +145 316 5 888396966 +145 329 4 888397542 +145 331 3 879161554 +145 343 5 882181082 +145 347 3 891509921 +145 352 4 885556043 +145 394 1 888398833 +145 447 5 877343185 +145 454 1 885557699 +145 597 4 875271477 +145 642 3 875272010 +145 678 2 879161675 +145 690 4 877342952 +145 728 2 875272988 +145 731 3 875272833 +145 826 2 875271312 +145 859 3 882182763 +145 890 2 885557505 +145 892 2 885557505 +145 894 1 883840965 +145 898 1 885555980 +145 930 2 888398833 +145 1009 2 875270764 +145 1023 1 885557545 +145 1046 4 888398702 +145 1051 2 888398087 +145 1210 1 888398766 +145 1273 5 875272196 +145 1283 1 875270903 +145 1289 1 875271660 +146 245 5 891458080 +146 272 5 891457538 +146 315 5 891458193 +146 336 5 891458193 +146 340 4 891457714 +146 345 4 891457538 +146 1293 5 891458080 +147 301 5 885594204 +147 304 5 885593942 +147 750 5 885593812 +147 898 5 885593965 +148 8 4 877020297 +148 56 5 877398212 +148 132 4 877020715 +148 135 5 877016514 +148 168 5 877015900 +148 181 5 877399135 +148 190 2 877398586 +148 227 4 877399083 +148 234 3 877020297 +148 418 3 877019251 +148 474 5 877019882 +148 549 3 877398385 +148 663 5 877399018 +149 268 4 883512715 +149 300 3 883512715 +149 328 2 883512689 +149 346 4 883512658 +149 678 2 883512928 +149 874 3 883512752 +149 1295 3 883512813 +149 1296 3 883512752 +150 276 5 878746982 +151 1 5 879524151 +151 33 5 879543181 +151 82 3 879524819 +151 93 5 879525002 +151 97 5 879528801 +151 133 5 879524797 +151 151 5 879524760 +151 168 5 879528495 +151 170 5 879524669 +151 178 5 879524586 +151 194 4 879524443 +151 195 3 879524642 +151 199 3 879524563 +151 208 4 879524443 +151 216 4 879524713 +151 222 5 879525002 +151 265 5 879542566 +151 290 1 879543400 +151 302 3 879523860 +151 408 5 879524222 +151 443 5 879524947 +151 469 1 879528852 +151 470 3 879528674 +151 473 4 879524974 +151 487 5 879524669 +151 507 5 879524394 +151 606 5 879528496 +151 614 4 879528729 +151 628 5 879528674 +151 642 3 879524713 +151 652 5 879524472 +151 724 4 879542270 +151 748 2 879523925 +151 956 4 879542567 +151 962 1 879524394 +151 971 5 879528607 +151 1269 5 879528438 +152 8 5 882829050 +152 21 3 880149253 +152 66 5 886535773 +152 121 5 880149166 +152 143 5 882474378 +152 153 4 880149924 +152 155 5 884018390 +152 173 5 882474378 +152 278 4 880149166 +152 280 5 880148941 +152 284 5 880149045 +152 411 4 880149350 +152 423 5 882899511 +152 739 5 882475924 +152 740 4 880149197 +152 775 4 884018798 +152 778 3 882476683 +152 781 5 882476486 +152 871 3 884018842 +152 1136 5 882477202 +152 1300 4 886535827 +153 79 5 881371198 +153 172 1 881371140 +153 181 1 881371140 +153 182 5 881371198 +153 325 2 881370935 +153 357 5 881371059 +154 197 5 879139003 +154 211 4 879139002 +154 238 5 879139040 +154 258 3 879138235 +154 324 2 879138287 +154 515 4 879138657 +155 327 2 879371061 +155 331 3 879370860 +156 86 4 888185854 +156 510 4 888186093 +156 515 3 888185735 +156 806 3 888185777 +157 111 3 886889876 +157 118 2 886890439 +157 120 1 886891243 +157 276 4 886889876 +157 597 3 886890406 +158 10 4 880132513 +158 29 3 880134607 +158 121 4 880132701 +158 161 2 880134477 +158 175 4 880135044 +158 188 4 880134332 +158 226 3 880134675 +158 227 2 880134499 +158 231 2 880134532 +158 232 3 880134477 +158 233 3 880134477 +158 238 5 880134913 +158 283 5 880132421 +158 284 5 880132638 +158 325 4 880133920 +158 367 4 880134913 +158 408 5 880132313 +158 449 2 880134815 +158 455 4 880132772 +158 471 4 880132513 +158 511 5 880134296 +158 562 4 880134607 +158 576 4 880134607 +158 583 3 880134477 +158 810 4 880134759 +158 823 2 880132941 +158 866 2 880132701 +158 1016 3 880132701 +158 1067 4 880134261 +159 7 5 880485861 +159 25 5 880557112 +159 67 1 884026964 +159 250 3 881679988 +159 276 5 880485824 +159 301 2 880485344 +159 326 3 880485345 +159 364 1 884026964 +159 405 5 880557564 +159 456 3 880557848 +159 476 5 880557564 +159 628 3 880486071 +159 829 4 880557741 +159 876 2 893255905 +159 948 2 880485344 +159 988 3 880485529 +159 1014 4 884027206 +159 1023 2 880557741 +159 1048 3 880557584 +159 1092 2 880989744 +159 1258 1 884026823 +160 61 4 876861799 +160 150 4 876767440 +160 211 4 876862171 +160 237 3 876768609 +160 276 5 876768106 +160 285 4 876767660 +160 461 5 876857977 +160 483 5 876859413 +160 497 4 876858346 +160 514 4 876858091 +160 589 3 876857977 +160 825 2 876767299 +160 922 5 876767621 +160 1134 4 876768828 +160 1142 5 876768609 +161 15 2 891172284 +161 69 4 891171657 +161 204 2 891170947 +161 210 2 891171698 +161 272 5 891170514 +161 284 3 891172246 +161 315 5 891169965 +161 316 5 891170275 +161 428 3 891171023 +161 486 1 891171657 +161 487 3 891171357 +161 640 2 891171558 +161 1117 3 891172402 +162 79 4 877636713 +162 147 4 877636147 +162 237 4 877635980 +162 403 3 877636713 +163 28 3 891220019 +163 305 2 891219977 +163 357 4 891220097 +164 222 4 889401927 +164 252 4 889402265 +164 282 5 889401927 +164 307 5 889401284 +164 405 5 889402160 +164 471 5 889402245 +164 472 5 889402071 +164 751 4 889401263 +165 169 5 879525832 +165 260 3 879525673 +165 318 5 879525961 +166 313 5 886397478 +166 347 5 886397562 +167 83 5 892738384 +167 99 4 892738385 +167 237 4 892737972 +167 238 4 892738341 +167 241 5 892738419 +167 288 3 892737972 +167 512 5 892738341 +167 513 4 892738385 +167 530 5 892738453 +167 615 5 892738277 +167 655 4 892738237 +167 673 4 892738341 +167 735 4 892738277 +167 831 3 892738141 +168 225 5 884288304 +168 252 1 884288304 +168 280 4 884287580 +168 300 5 884287011 +168 313 5 884286862 +168 405 4 884287927 +168 744 5 884288058 +168 1012 5 884287509 +169 50 5 891359250 +169 134 5 891359250 +169 204 3 891359317 +169 321 3 891268777 +169 499 3 891359354 +169 683 3 891268976 +170 258 3 884104016 +170 304 4 887646133 +170 876 3 886190449 +171 269 4 891034835 +171 286 3 891034801 +171 303 4 891034801 +171 304 3 891034756 +171 305 2 891034606 +171 310 4 891034835 +171 346 4 891034835 +171 354 3 891034606 +171 690 3 891034756 +172 124 4 875537151 +172 425 1 875536591 +172 463 4 875537502 +173 299 4 877556926 +173 303 5 877556864 +173 319 4 877556926 +173 324 5 877556864 +173 327 5 877557168 +173 332 4 877557028 +173 334 4 877556926 +173 687 1 877557132 +173 995 5 877556988 +174 50 4 886433166 +174 70 5 886453169 +174 125 5 886514069 +174 126 5 886433166 +174 155 4 886513767 +174 178 5 886513947 +174 244 4 886433881 +174 246 5 886433833 +174 286 5 890168158 +174 371 5 886513674 +174 381 5 886513706 +174 386 1 886515130 +174 401 1 886515063 +174 546 3 886514323 +174 623 3 886515532 +174 716 5 886513674 +174 721 2 886514889 +174 763 1 886434260 +174 780 1 886515030 +174 871 1 886434166 +174 905 3 890168415 +174 1086 5 886434047 +175 11 5 877107339 +175 50 5 877107138 +175 133 4 877107390 +175 186 4 877107790 +175 195 3 877107790 +175 273 2 877107640 +176 7 5 886048188 +176 93 5 886047963 +176 117 4 886048305 +176 129 3 886048391 +176 150 4 886047879 +176 237 3 886048145 +176 262 4 886047292 +176 286 2 886046979 +176 289 3 886047292 +176 298 4 886047918 +176 319 3 886046979 +176 405 2 886048262 +176 508 3 886047879 +176 881 3 886047531 +176 1008 4 886048040 +177 7 4 880130881 +177 60 4 880130634 +177 129 3 880130653 +177 186 4 880130990 +177 216 4 880130653 +177 258 3 880130379 +177 302 4 880130379 +177 322 2 880130534 +177 340 4 880130415 +177 642 4 880130972 +178 1 4 882823805 +178 7 4 882823805 +178 64 5 882826242 +178 66 4 882826868 +178 77 4 882827947 +178 79 4 882826306 +178 124 4 882823758 +178 144 4 882825768 +178 156 2 882826395 +178 157 5 882827400 +178 168 4 882826347 +178 172 4 882826555 +178 180 3 882826395 +178 229 4 885784558 +178 233 4 882827375 +178 293 4 882823954 +178 304 4 882823375 +178 333 3 884836479 +178 435 4 882827043 +178 460 2 882824869 +178 476 3 882824713 +178 483 4 882826210 +178 484 4 882826187 +178 607 3 882826347 +178 625 3 884837073 +178 658 5 882827162 +178 679 4 882826944 +178 720 3 882827645 +178 724 4 882827433 +178 735 5 882827083 +178 748 4 882823460 +178 792 5 882827834 +178 1011 3 882824431 +178 1038 2 882823566 +178 1047 2 882824326 +178 1197 4 882824055 +178 1258 4 882823930 +179 288 5 892151489 +179 300 4 892151231 +179 691 3 892151331 +179 902 1 892151064 +179 914 5 892151174 +179 1127 1 892151270 +180 196 5 877355617 +180 222 5 877127815 +180 318 5 877355315 +180 372 5 877127237 +180 469 5 877372278 +180 739 3 877128156 +180 747 4 877128156 +180 785 4 877128388 +180 939 4 877355472 +180 961 5 877544384 +181 6 1 878962866 +181 24 1 878962866 +181 109 1 878962955 +181 116 1 878962550 +181 222 4 878962919 +181 236 1 878962350 +181 259 1 878961668 +181 263 1 878961709 +181 274 4 878962720 +181 285 2 878962816 +181 289 4 878961332 +181 292 1 878961781 +181 300 3 878961227 +181 305 2 878961542 +181 323 2 878961304 +181 332 2 878961173 +181 412 2 878963122 +181 460 1 878963418 +181 476 4 878962996 +181 595 2 878962918 +181 628 3 878962392 +181 683 1 878962006 +181 718 1 878962675 +181 744 2 878962720 +181 758 1 878963418 +181 828 1 878963086 +181 833 1 878963205 +181 864 2 878962774 +181 875 3 878961623 +181 885 1 878962006 +181 932 1 878963121 +181 981 1 878962279 +181 1022 1 878962006 +181 1047 2 878962866 +181 1084 2 878962550 +181 1086 1 878962464 +181 1095 1 878962955 +181 1102 1 878963381 +181 1115 1 878962774 +181 1117 2 878962585 +181 1161 1 878962119 +181 1173 1 878962052 +181 1199 1 878962675 +181 1252 1 878962168 +181 1319 1 878962120 +181 1321 1 878962200 +181 1323 1 878962119 +181 1326 1 878963342 +181 1328 1 878962240 +181 1335 1 878963241 +181 1345 1 878962168 +181 1350 1 878962120 +181 1365 1 878963086 +181 1380 1 878962086 +181 1391 1 878962168 +181 1394 1 878961847 +182 48 3 876436556 +182 50 5 885613018 +182 150 3 885613294 +182 178 5 876435434 +182 596 5 885613152 +183 62 2 891479217 +183 94 3 891466863 +183 177 5 892323452 +183 202 4 891463320 +183 228 4 891463591 +183 230 5 892323452 +183 380 4 891463592 +183 431 2 891467545 +184 1 4 889907652 +184 7 3 889907738 +184 40 4 889910326 +184 65 4 889909516 +184 134 5 889909618 +184 165 4 889911178 +184 170 5 889913687 +184 185 4 889908843 +184 213 5 889909045 +184 220 3 889908264 +184 223 4 889911195 +184 235 2 889907862 +184 301 3 889907045 +184 340 5 889906905 +184 396 3 889910326 +184 428 4 889909551 +184 451 4 889909914 +184 476 2 889908207 +184 485 4 889908947 +184 488 5 889913687 +184 492 4 889908947 +184 496 5 889908539 +184 591 3 889907711 +184 632 5 889913687 +184 655 3 889908630 +184 664 3 889911712 +184 692 4 889909672 +184 707 4 889908873 +184 715 4 889909590 +184 724 4 889909672 +184 813 4 889907711 +184 1008 4 889907896 +184 1297 2 889910257 +185 116 4 883526268 +185 160 1 883524281 +185 286 4 883523876 +185 321 5 883524428 +185 701 3 883524364 +186 38 5 879023723 +186 258 1 879720880 +186 291 4 879023073 +186 298 3 879023073 +186 356 5 879023663 +186 477 4 891719775 +186 684 4 879023599 +186 820 2 879024345 +186 887 4 891717761 +186 1033 3 879024212 +186 1083 1 879023599 +187 8 5 879465273 +187 23 4 879465631 +187 134 3 879465079 +187 179 5 879465782 +187 209 4 879465370 +187 423 4 879465745 +187 462 5 879466062 +188 76 4 875073048 +188 118 3 875072972 +188 144 3 875071520 +188 151 3 875073909 +188 153 5 875075062 +188 162 4 875072972 +188 180 5 875073329 +188 288 4 875071195 +188 294 2 875071249 +188 318 5 875072518 +188 519 4 875072972 +188 566 5 875074200 +188 591 5 875072674 +188 673 4 875074127 +188 678 3 875071361 +188 742 5 875073909 +188 928 3 875074847 +188 1041 3 875072328 +189 4 5 893265741 +189 10 5 893264335 +189 50 5 893263994 +189 61 3 893265826 +189 118 1 893264735 +189 150 4 893277702 +189 151 5 893264378 +189 165 5 893265535 +189 175 5 893265506 +189 178 5 893265191 +189 181 3 893264023 +189 214 1 893266326 +189 378 4 893266137 +189 517 4 893265535 +189 654 3 893265291 +189 661 4 893265569 +189 663 3 893265773 +189 863 4 893266161 +189 914 2 893265046 +189 934 2 893264678 +189 952 5 893264619 +189 990 3 893264849 +189 1315 3 893264220 +189 1401 4 893266137 +189 1402 4 893266051 +190 121 3 891033773 +190 148 4 891033742 +190 326 4 891033305 +190 508 3 891033905 +190 546 3 891626000 +190 597 2 891626023 +190 696 3 891042883 +191 316 5 891561456 +191 331 4 891560631 +191 340 4 891560842 +191 345 4 891560753 +192 7 4 881367791 +192 25 4 881367618 +192 125 3 881367849 +192 235 3 881368090 +192 515 4 881367889 +192 813 4 881367456 +193 69 5 889125287 +193 122 1 889127698 +193 153 4 889125629 +193 161 3 889125912 +193 177 4 890860290 +193 218 4 889126705 +193 580 4 889127270 +193 755 4 889126919 +194 29 2 879528342 +194 72 3 879554100 +194 88 3 879549394 +194 89 3 879521328 +194 133 3 879523575 +194 143 3 879524643 +194 157 4 879547184 +194 173 5 879521088 +194 209 3 879521936 +194 219 2 879527865 +194 276 3 879539127 +194 282 3 879539614 +194 294 4 879520305 +194 371 3 879527584 +194 393 2 879524007 +194 419 2 879521088 +194 432 4 879524007 +194 465 3 879527513 +194 474 4 879521396 +194 488 3 879521475 +194 507 4 879520916 +194 516 3 879522021 +194 521 4 879524504 +194 540 1 879554950 +194 542 3 879551849 +194 629 3 879552401 +194 651 3 879520991 +194 674 2 879553988 +194 737 4 879553003 +194 783 2 879527865 +194 871 2 879554603 +194 1044 2 879524579 +194 1091 3 879528568 +194 1408 1 879555267 +194 1410 2 879553404 +195 60 3 888737240 +195 134 5 875771441 +195 234 5 875771441 +195 276 4 880710086 +195 358 2 883463275 +195 386 2 874825826 +195 451 5 875771441 +195 582 4 883822804 +195 1414 2 874825826 +196 13 2 881251955 +196 153 5 881251820 +196 173 2 881251820 +196 411 4 881252090 +196 762 3 881251955 +196 1007 4 881251601 +196 1241 3 881251642 +197 4 3 891409981 +197 82 5 891409893 +197 177 5 891409935 +197 182 3 891409935 +197 183 5 891409839 +197 184 1 891409981 +197 241 3 891409893 +197 307 3 891409323 +197 332 2 891409290 +197 403 3 891410038 +197 554 4 891410170 +197 879 4 891409535 +197 1222 3 891410082 +197 1420 1 891409683 +198 4 3 884209536 +198 27 2 884208595 +198 50 5 884204919 +198 64 4 884207206 +198 69 4 884207560 +198 73 3 884208419 +198 108 3 884206270 +198 122 1 884206807 +198 127 5 884204919 +198 131 3 884208952 +198 153 4 884207858 +198 164 3 884208571 +198 186 5 884207733 +198 195 3 884207267 +198 229 3 884209353 +198 237 2 884206191 +198 369 1 884206806 +198 382 4 884207525 +198 431 3 884208137 +198 434 3 884208061 +198 480 4 884207239 +198 531 5 884207525 +198 581 3 884209504 +198 652 3 884209569 +198 707 2 884207009 +198 727 4 884208876 +198 820 1 884206773 +198 823 2 884206587 +198 824 2 884206847 +199 9 5 883782853 +199 14 4 883783005 +199 313 4 883782557 +199 323 3 883782655 +199 408 5 883782716 +199 539 1 883782509 +200 62 5 884130146 +200 71 4 884129409 +200 91 4 884129814 +200 94 4 884130046 +200 95 5 884128979 +200 118 4 876042299 +200 132 5 884130792 +200 193 4 884129209 +200 202 5 884129275 +200 234 4 884129381 +200 243 3 876041719 +200 323 3 884125973 +200 385 5 884129696 +200 405 3 884127370 +200 410 3 876042204 +200 443 5 884129468 +200 455 3 876042340 +200 462 4 884128858 +200 483 5 884128426 +200 509 4 884129602 +200 582 4 884129782 +200 596 4 876042584 +200 622 3 884129782 +200 742 4 876042133 +200 748 3 884125953 +200 924 5 876042368 +201 46 4 884140247 +201 59 4 884111546 +201 64 3 884111436 +201 65 4 884113806 +201 81 1 884140488 +201 86 4 884111637 +201 93 5 884113662 +201 96 4 884112352 +201 97 2 884140115 +201 137 4 884112901 +201 144 4 884112245 +201 145 3 884114813 +201 160 5 884113368 +201 173 3 884111360 +201 183 4 884112245 +201 185 5 884111217 +201 186 3 884114069 +201 192 4 884111637 +201 196 4 884111677 +201 200 5 884112537 +201 202 3 884112747 +201 212 4 884111899 +201 218 4 884114471 +201 228 3 884112427 +201 233 4 884310104 +201 258 2 884110667 +201 269 3 886013700 +201 273 2 884112352 +201 286 2 884110702 +201 303 2 884110667 +201 315 3 884111029 +201 317 3 884113634 +201 318 5 884111269 +201 346 4 884110766 +201 396 3 884114682 +201 431 1 884112352 +201 436 3 884112627 +201 469 4 884113453 +201 473 3 884141470 +201 511 3 884112201 +201 515 5 884111546 +201 556 4 884111397 +201 568 3 884112245 +201 581 3 884140788 +201 607 4 884111485 +201 637 3 884112627 +201 654 3 884113422 +201 682 3 884110887 +201 685 3 884112352 +201 715 4 884140382 +201 855 4 884111873 +201 886 1 884110927 +201 972 3 884140522 +201 1128 4 884140825 +201 1131 5 884111359 +201 1136 1 884140637 +201 1170 4 884141053 +201 1192 3 884113772 +201 1401 2 884140670 +201 1423 3 884140853 +202 191 2 879727294 +202 195 4 879726914 +202 269 4 879726420 +202 516 4 879726778 +203 258 3 880433368 +203 323 3 880433558 +203 742 3 880434882 +203 1049 2 880434463 +204 146 3 892513979 +204 268 3 892388935 +204 288 3 892389137 +204 301 4 892389328 +204 316 4 892388935 +204 322 3 892391947 +205 242 4 888284313 +205 322 3 888284577 +206 272 5 888179565 +206 310 5 888179625 +206 337 2 888180049 +206 346 5 888179981 +206 360 1 888180081 +206 1176 1 888180049 +206 1432 1 888180082 +207 9 4 880911845 +207 22 3 875509262 +207 56 4 875503973 +207 69 4 877878342 +207 82 3 877125249 +207 92 2 875509346 +207 96 3 877847025 +207 117 3 875504809 +207 125 4 877878688 +207 143 4 878191679 +207 160 2 878191632 +207 182 3 891759050 +207 196 4 880911845 +207 202 3 875506771 +207 204 3 875506737 +207 216 5 877878688 +207 223 3 880388784 +207 226 2 877125390 +207 233 3 877124847 +207 242 4 890793823 +207 255 3 877845763 +207 286 2 875504669 +207 293 2 878104486 +207 302 4 891759118 +207 317 4 875506634 +207 357 5 878191679 +207 367 3 875508873 +207 411 3 877750701 +207 423 4 875774463 +207 435 4 875506807 +207 461 3 878104017 +207 470 3 879665381 +207 475 2 875503932 +207 521 4 878191679 +207 526 4 875509507 +207 535 3 877750595 +207 546 3 876018553 +207 655 4 877878342 +207 722 3 878191750 +207 1012 3 876109074 +207 1272 3 879132830 +207 1331 3 877995673 +207 1435 2 877821612 +208 66 4 883108477 +208 86 2 883108895 +209 16 4 883417810 +209 127 5 883417589 +209 271 2 883589607 +209 813 5 883417810 +210 105 3 891036331 +210 230 3 887736323 +210 234 4 887737108 +210 315 5 887731417 +210 443 4 887737487 +210 451 3 891036054 +210 684 3 887737171 +210 708 5 887731391 +210 755 3 887737631 +210 763 2 887730750 +210 792 3 887730532 +211 64 3 879460213 +211 199 5 879459952 +211 205 5 879459952 +211 275 2 879460096 +211 705 4 879459952 +211 1025 3 879461394 +212 86 4 879303830 +212 127 2 879303571 +212 246 5 879303571 +212 269 3 879303468 +212 318 5 879303928 +212 631 5 879303929 +212 645 3 879303795 +212 735 4 879304010 +213 69 3 878955534 +213 106 4 878870904 +213 164 5 878956300 +213 170 5 878955886 +213 213 5 878956300 +213 218 4 878956074 +213 455 4 878870749 +213 458 4 878870679 +213 508 4 878870790 +213 582 4 878955442 +213 597 5 878871062 +213 756 2 878955319 +214 69 2 891544445 +214 93 4 892668249 +214 173 4 892668249 +214 191 4 891544472 +214 298 3 891543191 +214 496 4 891544545 +214 508 4 891543157 +214 582 3 891544236 +214 1017 4 891543156 +215 28 4 891435416 +215 56 5 891436543 +215 77 3 891436690 +215 88 3 891436277 +215 98 5 891436543 +215 168 5 891436024 +215 174 4 891435995 +215 180 3 891435060 +215 234 4 891435655 +215 433 3 891435501 +215 517 5 891436543 +215 692 3 891436277 +216 22 5 880234346 +216 50 4 880232637 +216 56 5 880233608 +216 64 5 881432544 +216 66 2 881428365 +216 67 3 881721843 +216 79 4 880235381 +216 98 5 881432467 +216 169 3 880233635 +216 184 4 880245056 +216 216 4 883981877 +216 238 5 880244446 +216 302 5 881966913 +216 356 3 880245125 +216 396 3 880245260 +216 466 4 880234347 +216 655 5 880233726 +216 673 4 880244779 +216 735 5 880244758 +216 763 4 880232953 +217 62 2 889070050 +217 96 4 889069741 +217 172 1 889069684 +217 181 1 889069878 +217 233 4 889069878 +217 385 2 889069808 +217 403 5 889069944 +217 472 3 889070011 +217 586 2 889070050 +217 636 2 889069878 +217 1034 3 889070266 +218 42 4 877488546 +218 175 3 877488492 +218 176 5 881288299 +218 186 3 877488366 +218 466 4 881288234 +218 591 3 881288574 +218 642 3 881288351 +218 648 4 877488233 +219 4 4 889452481 +219 38 1 889452455 +219 223 5 892039530 +219 631 5 889403559 +219 664 5 889403761 +219 936 4 889387284 +220 258 3 881197771 +220 269 5 881197597 +220 332 3 881198246 +220 340 4 881197663 +221 27 4 875247754 +221 42 5 875245813 +221 55 4 875245319 +221 94 3 875246857 +221 121 2 875244813 +221 151 1 875246008 +221 174 4 875245514 +221 184 4 875245574 +221 210 5 875245760 +221 227 3 875247522 +221 259 4 875243990 +221 286 4 885081264 +221 384 3 875246919 +221 391 3 875247754 +221 405 3 875244633 +221 485 2 875245265 +221 576 3 875246824 +221 651 4 875245350 +221 762 4 875244598 +221 809 3 875247775 +221 1011 4 875244792 +221 1217 4 875247421 +221 1267 3 875246459 +221 1437 3 875245967 +222 44 3 881059877 +222 51 3 881059816 +222 56 5 878182058 +222 68 4 881059876 +222 78 1 878184899 +222 109 3 878184136 +222 140 1 881060062 +222 145 2 878181804 +222 154 3 878183747 +222 156 4 878183777 +222 158 3 878184171 +222 180 3 878181804 +222 181 4 877563168 +222 185 4 881059419 +222 191 2 878181906 +222 195 4 878182132 +222 219 4 878184675 +222 226 3 878185044 +222 237 4 877563437 +222 294 3 877562795 +222 328 5 877562772 +222 363 2 877563852 +222 377 1 881060205 +222 386 2 881060205 +222 393 4 878184028 +222 402 4 878185044 +222 418 2 878182959 +222 422 2 878183657 +222 424 1 881061049 +222 451 3 878185014 +222 476 3 877563739 +222 477 2 883815749 +222 571 2 881060823 +222 585 3 881060062 +222 619 4 877563953 +222 627 3 878183173 +222 678 3 877562973 +222 693 4 878184514 +222 712 3 881060735 +222 716 2 878183481 +222 742 5 877563597 +222 747 2 878181976 +222 816 1 881060412 +222 934 2 877563758 +222 1035 2 881060015 +222 1045 3 881060412 +222 1060 2 878184055 +222 1066 1 881060435 +222 1188 3 881060281 +222 1440 3 878184697 +223 117 5 891549529 +223 185 2 891550684 +223 243 3 891549079 +223 257 4 891550005 +223 309 4 891548750 +223 339 4 891549212 +223 535 3 891549876 +223 619 2 891549570 +223 820 4 891550371 +223 984 3 891548987 +223 1016 5 891549657 +223 1051 3 891549945 +223 1088 4 891550326 +224 54 3 888104313 +224 70 2 888103812 +224 92 1 888103812 +224 157 4 888103971 +224 193 4 888082552 +224 321 2 888082134 +224 328 4 888081947 +224 356 4 888103840 +224 380 4 888104188 +224 582 4 888104030 +224 660 4 888103703 +224 676 3 888103942 +224 687 2 888082135 +224 699 4 888103703 +224 715 1 888104487 +224 1381 3 888104589 +225 194 5 879540678 +225 215 5 879539789 +225 286 4 879539027 +225 510 5 879539672 +225 603 5 879540649 +225 606 5 879540649 +225 705 5 879540707 +226 89 5 883889229 +226 203 5 883888978 +226 236 3 883889844 +226 275 3 883889764 +226 509 4 883889322 +227 13 5 879035205 +227 127 4 879035387 +227 129 5 879035387 +227 240 1 879035934 +227 249 2 879035775 +227 274 4 879035963 +227 285 4 879035347 +227 405 2 879035934 +227 1067 4 879035572 +227 1143 4 879035803 +229 751 3 891632164 +229 896 4 891633029 +229 937 2 891632347 +230 100 4 880485856 +230 121 4 880484998 +230 132 5 880484475 +230 135 2 880485216 +230 168 4 880484616 +230 205 3 880484476 +230 211 5 880485181 +230 214 4 880485573 +230 223 5 880484415 +230 266 4 880484286 +230 284 1 880485634 +230 294 5 880484286 +230 371 4 880485330 +230 405 4 880485634 +230 435 4 880484444 +230 451 4 880485402 +230 491 3 880484975 +230 496 5 880484501 +230 498 5 880484755 +230 504 3 880485136 +230 588 5 880484683 +230 622 3 880485380 +231 50 4 888605273 +231 597 3 879966146 +232 48 5 888549879 +232 69 3 888549376 +232 100 5 880062447 +232 165 4 888550036 +232 170 5 888549929 +232 250 4 880062618 +232 423 4 888549595 +232 582 5 888549595 +232 655 4 888549721 +232 1149 5 888549674 +233 12 2 880610333 +233 23 5 877665324 +233 50 3 876021213 +233 100 4 877661294 +233 121 4 880190627 +233 133 5 877661364 +233 187 4 876021170 +233 216 5 877665357 +233 293 4 877660832 +233 318 5 877665324 +233 371 5 880190399 +233 478 5 877661437 +233 498 5 877663465 +233 504 5 877663128 +233 511 5 876021120 +233 521 5 877663071 +233 588 5 877661553 +233 633 5 877663185 +233 735 5 880610635 +234 9 3 891227689 +234 11 2 892079140 +234 13 3 892335342 +234 28 4 892079538 +234 30 4 892335951 +234 44 3 892335707 +234 45 4 892079140 +234 56 3 892078837 +234 66 3 892334765 +234 97 2 892334267 +234 99 5 892333573 +234 100 4 892079769 +234 116 2 892079434 +234 125 3 892335739 +234 130 1 892336194 +234 154 3 892078605 +234 166 5 892079237 +234 172 3 892078837 +234 173 3 892334577 +234 197 5 892333616 +234 199 5 892079040 +234 215 3 892079722 +234 219 2 892336287 +234 222 3 892079803 +234 223 3 892079336 +234 226 2 892335673 +234 259 2 891033686 +234 273 3 892336165 +234 277 3 892334680 +234 279 3 892333980 +234 286 3 891033314 +234 301 3 892826947 +234 317 2 892334189 +234 329 2 891033922 +234 357 4 892333573 +234 358 1 891034007 +234 378 4 892335213 +234 412 2 892336322 +234 416 4 892335616 +234 418 3 892079373 +234 436 3 892334765 +234 443 3 892334079 +234 445 2 892334713 +234 473 5 892334976 +234 478 3 892079538 +234 479 5 892334107 +234 480 4 892078485 +234 489 3 892079237 +234 492 3 892078936 +234 496 4 892079190 +234 498 5 892078699 +234 504 4 892078485 +234 510 4 892079840 +234 511 5 892078567 +234 520 4 892078890 +234 550 2 892334883 +234 552 2 892336322 +234 605 3 892333798 +234 607 4 892079140 +234 619 2 891227851 +234 625 3 892336286 +234 636 3 892336358 +234 650 3 892078837 +234 653 3 892335108 +234 712 2 892336077 +234 765 3 892336322 +234 770 4 892335920 +234 806 2 892334766 +234 836 4 892317967 +234 845 3 892335825 +234 867 4 892826174 +234 923 4 892078741 +234 942 3 892334610 +234 951 1 892334766 +234 956 3 892826643 +234 1021 4 892333765 +234 1063 3 892079769 +234 1100 2 892335500 +234 1170 1 892336077 +234 1221 4 892334852 +234 1285 3 892335764 +234 1330 3 892078343 +234 1369 3 892333765 +234 1446 3 892335739 +234 1452 4 892335342 +235 1 4 889655571 +235 50 5 889655403 +235 153 4 889655662 +235 179 5 889656028 +235 195 4 889655162 +235 207 4 889656132 +235 462 3 889656168 +235 483 5 889655204 +235 923 4 889656132 +235 971 4 889656113 +235 1176 5 889655820 +235 1451 4 889655112 +236 50 3 890116059 +236 64 5 890116163 +236 97 5 890118228 +236 98 5 890116253 +236 100 3 890116402 +236 117 3 890116818 +236 133 5 890116059 +236 181 4 890115933 +236 191 4 890116335 +236 194 3 890116426 +236 207 3 890116221 +236 255 3 890116747 +236 274 1 890117073 +236 328 5 890117711 +236 427 5 890118153 +236 429 1 890118632 +236 505 3 890116575 +236 655 3 890116670 +236 750 5 890117676 +236 934 4 890117570 +237 58 4 879376434 +237 134 5 879376327 +237 176 3 879376328 +237 187 3 879376553 +237 474 5 879376327 +237 498 4 879376698 +237 656 4 879376730 +238 294 3 883575813 +238 405 4 883576424 +238 538 4 883575749 +239 42 5 889180578 +239 45 5 889180578 +239 46 4 889180487 +239 64 1 889178616 +239 69 1 889179544 +239 137 5 889178688 +239 165 5 889180411 +239 171 5 889178986 +239 172 4 889178833 +239 180 5 889178833 +239 205 3 889181015 +239 242 5 889178512 +239 419 3 889178689 +239 462 5 889179623 +239 482 3 889180978 +239 514 1 889178562 +239 518 3 889180949 +239 632 5 889181015 +239 647 5 889180651 +239 652 5 889178762 +239 745 5 889180338 +239 921 5 889181092 +239 1098 5 889180487 +239 1332 3 889180888 +240 269 5 885775536 +240 353 1 885775959 +240 751 3 885775683 +241 268 4 887249576 +241 270 3 887250026 +241 300 4 887249685 +241 310 4 887249576 +241 689 3 887250085 +241 895 2 887250085 +242 268 5 879741340 +242 283 4 879740362 +242 740 5 879741196 +242 1011 3 879740800 +243 22 3 879988104 +243 25 3 879987875 +243 116 4 879987526 +243 125 3 879988298 +243 151 3 879987397 +243 191 5 879989217 +243 280 1 879987148 +243 477 4 879987736 +243 724 3 879988459 +243 737 3 879988557 +244 1 4 880604405 +244 9 5 880604179 +244 26 5 880606274 +244 68 5 880602170 +244 70 4 880604077 +244 71 4 880606874 +244 80 3 880607489 +244 109 4 880604798 +244 118 2 880604981 +244 126 4 880604302 +244 144 1 880602264 +244 158 3 880608904 +244 235 1 880604910 +244 241 4 880602893 +244 433 5 880603683 +244 609 3 880607154 +244 629 4 880606442 +244 697 4 880607335 +244 708 4 880607231 +244 710 3 880607034 +244 871 3 880605010 +244 949 4 880606874 +244 1041 4 880608788 +244 1053 2 880606993 +244 1095 2 880605333 +244 1109 4 880607116 +244 1118 4 880608087 +244 1119 5 880606993 +244 1136 3 880608162 +244 1150 4 880604195 +244 1188 4 880608864 +245 210 3 888513026 +245 300 4 888513026 +245 596 4 888513361 +245 597 4 888513326 +245 894 1 888513860 +246 67 2 884923893 +246 69 3 884921202 +246 96 3 884920900 +246 172 5 884922042 +246 174 3 884921086 +246 181 5 884920978 +246 185 5 884921428 +246 223 5 884921033 +246 404 3 884922434 +246 411 3 884923715 +246 431 3 884921661 +246 432 3 884921511 +246 550 3 884922740 +246 570 1 884923592 +246 672 4 884923047 +246 724 4 884922383 +246 748 1 884924441 +246 809 2 884923767 +246 841 1 884923829 +246 1039 4 884921227 +246 1089 1 884924710 +246 1135 1 884922605 +246 1188 3 884924001 +247 64 5 893097024 +247 750 4 893081381 +247 1022 4 893097024 +248 1 3 884535744 +248 22 2 884534752 +248 89 5 884535046 +248 156 5 884534945 +248 180 3 884534735 +248 250 3 884535532 +248 283 1 884535157 +249 2 3 879641284 +249 4 4 879572142 +249 7 5 879572760 +249 31 4 879572688 +249 96 4 879572600 +249 156 5 879572402 +249 173 5 879572229 +249 209 5 879572582 +249 242 5 879571438 +249 248 5 879571695 +249 252 2 879571998 +249 258 5 879571438 +249 275 4 879572451 +249 327 4 879571489 +249 403 4 879640998 +249 409 4 879640452 +249 421 5 879572516 +249 1069 5 879572890 +250 12 5 878090499 +250 95 5 878090499 +250 98 5 878090365 +250 116 4 878089921 +250 123 3 878089837 +250 175 5 878090004 +250 191 5 878091869 +250 222 4 878089547 +250 248 2 883263390 +250 322 3 878089182 +250 418 5 878090199 +250 458 5 878092104 +250 754 4 883263374 +250 933 3 878089467 +250 943 4 878091870 +250 993 5 878089881 +250 1073 5 878090114 +250 1426 5 878091771 +251 24 3 886272283 +251 60 4 886271641 +251 210 4 886271675 +251 300 4 886271472 +251 471 3 886272319 +252 149 5 891456876 +252 286 5 891455263 +252 290 3 891456877 +253 1 5 891628467 +253 153 3 891628278 +253 192 1 891628884 +253 427 5 891628229 +253 433 3 891628670 +253 659 5 891628358 +253 1025 3 891627878 +253 1039 4 891628199 +253 1404 3 891628651 +254 29 2 886474847 +254 62 3 886474009 +254 69 5 886471959 +254 82 4 886472767 +254 118 4 886475406 +254 126 3 887347350 +254 142 3 886474489 +254 167 3 886474712 +254 172 5 886472051 +254 231 3 886474712 +254 323 3 886470765 +254 343 2 886470904 +254 386 2 886475616 +254 393 3 886473489 +254 403 3 887347350 +254 416 4 886472713 +254 432 2 886473158 +254 465 3 886473078 +254 584 3 886473283 +254 616 1 886473736 +254 629 2 886472337 +254 665 2 886475234 +254 871 2 886475682 +254 1060 3 886472466 +255 56 5 883216448 +255 117 2 883216845 +255 222 3 883216845 +255 273 2 883216845 +255 294 2 883215406 +255 300 3 883215358 +255 325 1 883215723 +255 335 4 883215630 +255 443 1 883216544 +255 546 3 883216902 +255 760 1 883216185 +255 827 2 883216958 +255 872 4 883215723 +255 895 2 883216185 +255 930 1 883216958 +256 82 5 882164559 +256 123 2 882150508 +256 182 4 882164479 +256 218 3 882164727 +256 243 4 882150193 +256 283 3 882150313 +256 284 4 882151576 +256 319 2 882150053 +256 363 3 882163834 +256 387 4 882165328 +256 460 4 882153987 +256 471 5 882150644 +256 526 3 882164443 +256 538 5 882150122 +256 546 4 882151088 +256 554 4 882164644 +256 628 5 882150848 +256 678 5 882150192 +256 679 3 882164525 +256 796 5 882165328 +256 975 3 882151017 +256 988 4 882150193 +256 1042 5 882164927 +256 1150 5 882152570 +256 1208 3 882164927 +256 1424 3 882165066 +257 57 5 879547717 +257 60 5 879547440 +257 121 3 882050360 +257 275 4 879029716 +257 286 5 879029516 +257 313 5 884151683 +257 1022 2 879547764 +258 286 5 885700778 +259 65 3 883371001 +259 181 4 874809057 +259 298 4 874724754 +259 484 4 888720541 +260 258 3 890618198 +260 333 4 890618198 +260 350 4 890618476 +260 1243 5 890618729 +261 245 4 890454190 +262 56 4 879792027 +262 68 2 879794887 +262 90 4 879795270 +262 153 3 879793346 +262 172 2 879791875 +262 278 3 879790741 +262 283 3 879962366 +262 367 4 879792818 +262 402 4 879795059 +262 411 2 879791130 +262 417 2 879795319 +262 418 3 879794223 +262 427 4 879791999 +262 546 2 879791049 +262 955 2 879792604 +262 1014 5 879961954 +262 1135 3 879794599 +263 1 5 891299207 +263 50 5 891300029 +263 98 4 891297988 +263 133 5 891298977 +263 180 4 891297921 +263 258 3 891296969 +263 357 5 891299573 +263 443 5 891298914 +263 465 4 891299697 +263 482 4 891298976 +263 588 3 891298273 +263 602 4 891298592 +264 7 5 886122261 +264 23 5 886122577 +264 47 5 886123472 +264 93 5 886123993 +264 98 5 886122098 +264 100 5 886122261 +264 116 4 886122892 +264 137 3 886122892 +264 156 2 886122577 +264 186 5 886123728 +264 201 5 886122261 +264 525 5 886122508 +264 637 4 886122446 +264 789 4 886122644 +265 100 5 875320601 +265 107 1 875320398 +265 111 2 875320371 +265 117 5 875320332 +265 282 5 875320714 +265 628 4 875320516 +265 748 5 875320112 +265 756 4 875320574 +266 237 3 892257940 +266 245 1 892257446 +266 319 2 892256765 +266 321 3 892256892 +267 47 5 878972369 +267 56 5 878972493 +267 81 4 878972434 +267 82 4 878973675 +267 92 4 878971514 +267 100 5 878970427 +267 127 5 878970529 +267 141 4 878972147 +267 143 4 878973329 +267 153 5 878974783 +267 155 3 878973088 +267 186 5 878972071 +267 198 5 878971745 +267 202 5 878972398 +267 203 5 878972241 +267 209 5 878971745 +267 217 4 878973760 +267 230 4 878972493 +267 239 4 878972873 +267 411 3 878974325 +267 483 5 878971463 +267 498 5 878971902 +267 579 3 878973126 +267 614 5 878972015 +267 679 4 878974509 +267 742 3 878970621 +267 774 3 878973701 +267 1336 1 878974659 +268 3 1 875743161 +268 39 3 875309914 +268 56 4 875309998 +268 60 5 875309344 +268 70 3 875309282 +268 77 2 875745453 +268 88 2 875743760 +268 92 4 875310745 +268 95 4 875309945 +268 156 3 875745398 +268 159 2 875745350 +268 173 4 875310031 +268 178 4 876518557 +268 191 4 875310784 +268 200 4 875309459 +268 201 3 875309801 +268 208 4 875309430 +268 223 3 875745728 +268 230 3 875310824 +268 240 2 875742341 +268 257 4 875742866 +268 259 3 876513675 +268 268 5 876513491 +268 290 3 875742866 +268 294 3 876513675 +268 405 2 875742822 +268 423 2 875309859 +268 479 4 875310463 +268 525 4 875309913 +268 559 2 875744556 +268 561 3 876513897 +268 562 4 875744357 +268 574 2 875745579 +268 576 1 875744289 +268 578 2 875744388 +268 588 3 875310745 +268 622 3 875310145 +268 627 3 875310603 +268 636 3 875744174 +268 652 4 875309232 +268 655 4 875309486 +268 728 2 875744051 +268 802 3 875744388 +268 831 3 875744357 +268 860 1 875744501 +268 1073 4 875309304 +268 1098 3 875743534 +268 1118 3 875310673 +268 1188 3 875743735 +268 1303 1 875744228 +268 1413 2 875744388 +269 8 2 891449985 +269 59 4 891447141 +269 68 3 891449751 +269 121 1 891451013 +269 122 1 891446873 +269 133 3 891449280 +269 163 2 891449751 +269 181 2 891448871 +269 196 1 891448283 +269 208 2 891449304 +269 255 1 891446703 +269 402 2 891448697 +269 417 2 891451303 +269 448 2 891450623 +269 451 1 891450880 +269 464 3 891448283 +269 496 5 891455816 +269 508 4 891446265 +269 509 4 891447280 +269 530 3 891448926 +269 629 2 891451396 +269 631 4 891447891 +269 649 2 891448220 +269 661 4 891447773 +269 663 4 891449880 +269 762 1 891446662 +269 792 4 891448436 +269 818 3 891446873 +269 831 2 891451611 +269 1073 3 891447169 +269 1110 2 891450385 +269 1428 5 891447409 +269 1444 1 891451947 +270 88 5 876955711 +270 93 5 876954522 +270 123 5 876954223 +270 200 5 876956360 +270 213 5 876955067 +270 251 5 876954752 +270 319 5 876955633 +270 324 2 876954733 +270 421 5 876955633 +270 475 5 876954122 +270 535 5 876954123 +270 574 3 876956038 +270 582 3 876955087 +270 665 4 876956419 +270 815 4 876954522 +270 869 1 876955633 +270 943 5 876956038 +270 1073 5 876955202 +270 1074 5 876955770 +271 40 1 885849558 +271 47 3 885849386 +271 69 4 885848559 +271 73 2 885848707 +271 81 3 885849113 +271 131 4 885849419 +271 173 4 885848672 +271 177 3 885848373 +271 182 3 885848408 +271 202 4 885849025 +271 205 5 885848343 +271 208 4 885848916 +271 210 4 885848447 +271 238 4 885848408 +271 302 5 885844430 +271 347 3 885844634 +271 381 3 885849536 +271 405 2 885848179 +271 462 4 885848448 +271 474 3 885848518 +271 477 3 885847955 +271 481 3 885848559 +271 487 4 885848770 +271 493 4 885848558 +271 498 5 885848672 +271 499 3 885848971 +271 504 3 885849025 +271 511 5 885848736 +271 591 4 885847901 +271 603 4 885848802 +271 625 3 885849606 +271 697 4 885848863 +271 747 3 885849087 +271 815 3 885848153 +271 847 4 885847926 +271 924 3 885847974 +271 956 4 885848997 +271 1120 2 885847800 +272 200 5 879455043 +272 204 4 879454939 +272 208 4 879455176 +272 238 5 879455143 +272 651 4 879454797 +272 654 5 879454977 +273 347 4 891293008 +274 200 4 878946612 +274 220 4 878946107 +274 258 5 878944379 +274 597 3 878946133 +274 628 4 878945505 +275 22 3 880314528 +275 121 3 876197678 +275 169 3 875154535 +275 432 4 875154535 +275 434 3 880315396 +275 448 3 880314383 +275 450 3 876198296 +275 470 3 880314772 +275 472 3 876197944 +275 542 3 880313680 +275 624 3 880313679 +275 625 2 875154655 +275 1219 2 880313679 +276 1 5 874786568 +276 3 3 874786924 +276 7 5 874786517 +276 25 4 874786686 +276 27 3 874787407 +276 28 4 874787441 +276 29 3 874796373 +276 42 4 874791623 +276 51 3 874791025 +276 67 3 874791993 +276 72 4 874791960 +276 82 4 874792402 +276 122 3 874787150 +276 148 3 874786924 +276 160 4 874787441 +276 173 5 874791993 +276 174 5 874792366 +276 183 5 874792402 +276 184 4 874792547 +276 185 4 874792663 +276 193 4 874790952 +276 195 5 874792483 +276 202 4 874791871 +276 218 4 874792663 +276 219 4 874792692 +276 225 3 874786854 +276 233 3 874792436 +276 235 4 874786734 +276 254 2 874796373 +276 257 4 874786657 +276 313 5 885159577 +276 328 4 874786366 +276 346 4 885159545 +276 355 3 887601451 +276 375 1 874791339 +276 382 4 874791236 +276 387 3 874787526 +276 392 3 874790996 +276 405 3 874787044 +276 411 4 874786807 +276 431 3 874977474 +276 443 4 874792692 +276 447 4 874792663 +276 455 4 874786713 +276 475 5 874786756 +276 479 5 874836703 +276 518 4 888873407 +276 546 3 874786568 +276 552 3 874795795 +276 582 3 874787407 +276 590 2 874977334 +276 624 2 874792969 +276 678 3 874786419 +276 679 3 874792520 +276 709 4 874792018 +276 725 2 877935392 +276 735 4 874791214 +276 759 1 874796412 +276 768 3 874793118 +276 769 1 874977334 +276 783 1 874792143 +276 790 3 877935306 +276 794 2 874793198 +276 820 3 874793062 +276 871 2 874836608 +276 881 3 885537717 +276 890 3 880913460 +276 928 3 874836629 +276 943 4 883822485 +276 993 3 874787065 +276 1000 2 877935262 +276 1016 3 874786713 +276 1046 3 874795772 +276 1074 3 877934446 +276 1098 4 880913684 +276 1109 3 882659656 +276 1140 2 874791894 +276 1208 3 882659656 +276 1267 4 874791102 +276 1481 2 877934446 +276 1482 4 874791383 +277 258 4 879544145 +277 471 3 879543377 +277 472 1 879544058 +277 762 3 879543931 +278 515 5 891295330 +278 923 5 891295330 +279 21 3 875297456 +279 22 1 875296374 +279 28 2 875296461 +279 31 3 875309667 +279 33 4 875308510 +279 44 1 875313514 +279 61 4 875306552 +279 130 1 892864707 +279 137 4 886014686 +279 169 5 875306910 +279 170 3 875312643 +279 176 3 875310606 +279 198 3 882456211 +279 203 2 875310676 +279 210 4 878261893 +279 211 4 875309616 +279 230 4 892865054 +279 239 4 875310418 +279 257 5 875295736 +279 288 3 875249102 +279 301 4 878082781 +279 342 4 881375917 +279 410 5 890780547 +279 456 3 875296924 +279 480 3 875309189 +279 514 4 875307210 +279 515 3 875295943 +279 517 4 879572893 +279 546 3 875296924 +279 550 4 880850073 +279 591 2 875297381 +279 625 3 878261977 +279 636 5 875313387 +279 671 2 875296238 +279 679 4 884556545 +279 710 4 890451408 +279 728 4 875314287 +279 763 3 875297522 +279 778 4 891209332 +279 781 3 875314001 +279 797 4 875744512 +279 845 1 888426577 +279 864 5 875296829 +279 926 4 875296696 +279 948 3 891209078 +279 976 3 877756631 +279 977 4 875297281 +279 1012 5 875298447 +279 1027 4 891208908 +279 1028 4 875296104 +279 1037 1 888806543 +279 1170 1 891209102 +279 1178 4 875744641 +279 1185 1 888805868 +279 1321 4 888806671 +279 1480 3 875314370 +279 1486 1 875314076 +279 1488 4 875659924 +279 1490 4 875312947 +279 1491 5 890451408 +280 2 3 891701278 +280 8 5 891700303 +280 22 5 891700552 +280 58 4 891700514 +280 71 4 891700818 +280 72 4 891702276 +280 76 2 891700699 +280 88 3 891701556 +280 103 3 891702122 +280 111 4 891700983 +280 167 4 891701631 +280 203 4 891701530 +280 226 3 891701998 +280 228 3 891701405 +280 229 3 891702171 +280 294 2 891700021 +280 384 4 891702137 +280 385 5 891702544 +280 393 4 891702323 +280 402 4 891701249 +280 416 5 891701666 +280 471 3 891700553 +280 486 5 891700751 +280 496 5 891700321 +280 528 3 891700553 +280 575 2 891702422 +280 584 4 891701223 +280 609 4 891701278 +280 660 5 891701114 +280 728 3 891701614 +280 742 4 891701249 +280 764 4 891701685 +280 928 5 891700850 +280 1051 4 891700904 +280 1099 5 891701114 +280 1114 4 891702199 +280 1217 5 891702544 +281 289 3 881200704 +281 301 3 881200643 +281 342 1 881200789 +281 690 5 881200264 +282 268 4 879949438 +282 319 4 879949394 +282 333 3 879949394 +283 412 5 879297526 +283 433 4 879298333 +283 866 3 879297867 +284 289 3 885329671 +284 302 4 885328906 +284 303 5 885328991 +284 310 3 885328991 +284 333 3 885329146 +284 687 3 885329902 +284 751 3 885329322 +284 754 3 885329065 +284 903 4 885329238 +285 194 4 890595777 +285 222 4 890595636 +285 357 5 890595777 +286 4 5 877531899 +286 17 4 877531537 +286 22 4 877532889 +286 70 5 877531975 +286 137 4 884203281 +286 184 3 877534506 +286 198 4 877533887 +286 202 4 877532204 +286 204 3 877531941 +286 278 5 876521700 +286 301 5 879780879 +286 316 5 889651121 +286 340 4 879780905 +286 372 4 877532683 +286 382 5 877531830 +286 386 3 877534975 +286 431 5 889651822 +286 451 5 877533993 +286 462 5 877531537 +286 483 5 877531661 +286 569 4 877534313 +286 724 3 877532013 +286 728 3 889652740 +286 739 3 877532683 +286 741 4 876521887 +286 742 5 877530860 +286 747 4 877533796 +286 762 2 876522008 +286 781 4 877532777 +286 884 5 884069544 +286 888 5 884583549 +286 934 3 889653107 +286 946 3 889652221 +286 955 5 877533914 +286 1051 4 876522261 +286 1074 4 889652912 +286 1119 3 877534054 +286 1502 2 877535499 +287 100 5 888177364 +287 108 4 875334519 +287 476 1 875334340 +287 652 4 875335018 +287 710 4 875334807 +287 815 3 875334248 +287 952 4 875334036 +287 1067 2 875334036 +288 134 2 886374129 +288 136 5 886374316 +288 173 3 886373474 +288 174 4 886374286 +288 294 2 886372841 +288 528 4 886374286 +288 632 4 886373591 +288 651 4 886374342 +288 1065 4 886373474 +289 742 4 876789463 +290 1 5 880474327 +290 28 5 880474235 +290 31 4 880475032 +290 49 3 880475542 +290 89 3 880473971 +290 109 3 880475564 +290 117 3 880474799 +290 121 4 880475266 +290 168 3 880474204 +290 174 5 880473891 +290 180 1 880474913 +290 191 3 880474235 +290 199 3 880474799 +290 211 3 880474235 +290 257 4 880731518 +290 323 3 880473346 +290 419 4 880474235 +290 527 4 880474590 +290 596 4 880474141 +290 650 2 880475625 +290 651 3 880474034 +290 720 3 880475695 +290 930 3 880732131 +290 1035 4 880475782 +291 3 3 874833936 +291 11 4 874835024 +291 21 2 874834389 +291 67 4 875086308 +291 69 5 874868146 +291 84 3 874868327 +291 90 5 874871800 +291 93 4 874805927 +291 94 2 875086354 +291 100 5 874834481 +291 117 5 874834481 +291 124 5 874834481 +291 129 5 874805699 +291 200 4 874867740 +291 202 4 874871736 +291 204 4 874871736 +291 212 4 874868027 +291 219 4 874867785 +291 234 4 874834735 +291 245 2 874805577 +291 246 5 874834481 +291 262 4 874833603 +291 282 4 874833788 +291 364 3 875086699 +291 393 3 875086235 +291 411 4 874834220 +291 413 4 874834054 +291 423 4 874868210 +291 456 3 874834165 +291 550 4 874835218 +291 597 3 874833857 +291 636 4 874834799 +291 670 5 874867785 +291 722 4 875086460 +291 756 3 874833878 +291 772 4 874868169 +291 780 5 875086636 +291 783 2 875087432 +291 801 3 875086766 +291 820 4 875087125 +291 924 4 874833962 +291 933 4 874833936 +291 974 1 874833962 +291 985 3 874805984 +291 1012 4 874805892 +291 1067 4 874805892 +291 1079 2 875086608 +291 1209 1 875086308 +291 1220 5 874868382 +291 1277 4 874834019 +291 1305 3 875086766 +292 2 4 881105778 +292 48 5 881105318 +292 50 4 881103977 +292 64 5 881105373 +292 96 4 881103568 +292 197 5 881105246 +292 199 5 881105481 +292 248 4 881103999 +292 491 4 881105318 +292 499 5 881105245 +292 631 5 881105778 +292 665 3 881103478 +292 1073 5 881105318 +293 4 4 888906489 +293 17 2 888907335 +293 47 3 888907061 +293 67 3 888907575 +293 77 2 888907210 +293 97 4 888905898 +293 121 3 888905198 +293 129 3 888904814 +293 150 3 888904838 +293 163 4 888907290 +293 174 5 888905923 +293 179 4 888905898 +293 180 5 888906428 +293 186 2 888906045 +293 187 3 888905865 +293 192 5 888905582 +293 200 4 888906655 +293 213 3 888906905 +293 232 2 888907384 +293 234 5 888906726 +293 245 3 888904265 +293 265 3 888906193 +293 273 4 888904901 +293 275 3 888904696 +293 285 5 888904632 +293 316 3 888904392 +293 317 4 888906193 +293 371 2 888906906 +293 393 3 888906906 +293 402 2 888907702 +293 404 4 888907122 +293 427 4 888906288 +293 468 2 888906869 +293 469 4 888906378 +293 510 3 888905716 +293 518 5 888906489 +293 527 4 888906598 +293 528 4 888906490 +293 531 4 888905642 +293 568 4 888906489 +293 589 4 888906677 +293 638 4 888906168 +293 663 3 888906516 +293 686 3 888906869 +293 780 3 888907816 +293 789 2 888906071 +293 1018 3 888907552 +293 1041 2 888907674 +293 1209 2 888908117 +293 1286 4 888906844 +293 1333 4 888905618 +293 1421 2 888907794 +294 111 4 877819999 +294 117 4 877819634 +294 123 4 877819634 +294 148 3 877820155 +294 151 5 877819761 +294 181 5 877819532 +294 252 4 877820240 +294 254 3 889242937 +294 268 4 889241426 +294 313 5 889241339 +294 323 3 877818729 +294 324 4 877818729 +294 535 4 877820240 +294 597 3 889242306 +294 743 2 889242905 +294 827 1 889243393 +294 831 3 889242542 +294 879 4 877818580 +294 1011 2 889242370 +294 1012 4 877819792 +294 1089 2 877820132 +294 1134 3 877819761 +294 1254 3 889242661 +295 65 5 879517655 +295 70 5 879517779 +295 71 5 879517822 +295 79 4 879517600 +295 84 2 879518107 +295 89 5 879519555 +295 100 5 879518080 +295 155 4 879518715 +295 168 5 879517467 +295 186 5 879517512 +295 216 5 879517580 +295 222 4 879517136 +295 237 4 879517994 +295 265 4 879518042 +295 357 4 879517136 +295 381 5 879518528 +295 382 5 879519556 +295 385 4 879518864 +295 451 4 879518864 +295 465 4 879518630 +295 497 5 879519556 +295 561 5 879518696 +295 740 4 879517225 +295 743 4 879518674 +295 790 3 879519265 +295 794 4 879518978 +295 809 4 879519438 +296 19 5 884196524 +296 50 5 884196469 +296 111 3 884196712 +296 127 5 884196489 +296 186 3 884199624 +296 221 5 884196524 +296 256 5 884196741 +296 289 3 884196351 +296 297 4 884196665 +296 301 5 884196284 +296 304 3 884196149 +296 313 5 884196114 +296 315 5 884196351 +296 480 5 884197068 +296 628 5 884196640 +296 688 1 884196374 +296 1007 4 884196921 +297 27 1 875239535 +297 32 4 875239267 +297 42 3 875238853 +297 90 4 875239942 +297 92 3 875239346 +297 111 3 874955085 +297 156 4 875240090 +297 168 5 875049192 +297 200 3 875239092 +297 211 4 875240090 +297 215 2 875240133 +297 228 2 875238984 +297 419 3 875240016 +297 529 3 875238778 +297 535 3 874954814 +297 546 3 874954763 +297 582 4 875238814 +297 746 3 875239569 +297 750 5 888643345 +297 752 4 888643376 +297 984 1 881707865 +298 88 5 884183236 +298 132 5 884182966 +298 153 3 884127369 +298 168 5 884182933 +298 193 5 884182867 +298 196 4 884182891 +298 208 5 884182867 +298 211 5 884125093 +298 215 5 884182685 +298 265 4 884127720 +298 276 2 884183833 +298 284 4 884126240 +298 419 5 884182774 +298 423 5 884183063 +298 479 5 884182685 +298 484 4 884182627 +298 504 3 884127249 +298 523 4 884182774 +298 604 5 884127720 +298 820 4 884183897 +298 946 3 884182868 +299 1 3 877877535 +299 7 3 877877847 +299 28 4 877880474 +299 48 4 877880612 +299 55 2 877881061 +299 60 5 878192680 +299 77 3 878192638 +299 81 4 889504036 +299 91 4 889501654 +299 98 4 877881229 +299 99 3 889501790 +299 152 4 877880474 +299 153 3 877881320 +299 154 4 878191943 +299 165 4 889501890 +299 166 4 889501926 +299 169 4 878192555 +299 194 3 877881229 +299 202 4 889501325 +299 213 5 878192555 +299 239 3 878192601 +299 248 5 877877933 +299 274 3 877878339 +299 396 4 889503503 +299 402 3 889502865 +299 478 4 877880612 +299 487 5 889501230 +299 502 4 878192756 +299 512 4 889501995 +299 513 4 877881228 +299 517 4 889502688 +299 531 3 877880350 +299 727 4 878192379 +299 730 4 889501926 +299 749 1 877618647 +299 753 5 877880852 +299 792 4 889503112 +299 820 3 889501620 +299 970 4 877880350 +299 1036 2 889503856 +300 264 1 875650132 +300 409 4 875650329 +300 833 4 875650329 +300 881 5 875650105 +300 1094 5 875650298 +301 4 4 882077033 +301 12 4 882076239 +301 50 5 882074647 +301 68 4 882076558 +301 71 4 882077007 +301 97 4 882076121 +301 145 3 882078040 +301 157 2 882076021 +301 162 3 882078287 +301 163 3 882076264 +301 186 4 882076121 +301 210 4 882076211 +301 218 4 882076643 +301 219 4 882078955 +301 232 4 882078287 +301 249 3 882074801 +301 250 4 882074236 +301 271 4 882075473 +301 318 5 882075962 +301 323 4 882075110 +301 340 4 882075432 +301 363 4 882078326 +301 393 3 882078735 +301 404 3 882076463 +301 412 4 882075110 +301 420 3 882077285 +301 431 4 882078008 +301 451 4 882078061 +301 462 2 882076587 +301 503 3 882078228 +301 546 4 882078228 +301 562 3 882077256 +301 576 4 882079199 +301 678 2 882075386 +301 685 3 882074867 +301 735 2 882077871 +301 742 4 882074437 +301 758 3 882075242 +301 797 4 882078558 +301 802 2 882078883 +301 959 4 882078778 +301 1013 3 882075286 +301 1052 1 882075386 +301 1230 1 882079221 +302 289 3 879436874 +302 294 1 879436911 +302 358 3 879436981 +302 748 1 879436739 +303 5 2 879484534 +303 8 5 879467223 +303 22 5 879467413 +303 23 5 879467936 +303 41 5 879485686 +303 70 4 879467739 +303 72 3 879485111 +303 82 4 879467465 +303 85 3 879484588 +303 93 5 879467223 +303 111 3 879467639 +303 124 4 879466491 +303 127 5 879466523 +303 132 5 879466966 +303 143 4 879483680 +303 144 5 879467035 +303 150 5 879467190 +303 171 4 879467105 +303 174 5 879466523 +303 187 5 879466631 +303 228 4 879467574 +303 230 3 879483511 +303 241 4 879483301 +303 246 5 879544515 +303 251 4 879544533 +303 255 4 879544516 +303 269 5 879466018 +303 271 2 879466065 +303 281 3 879543375 +303 282 3 879467895 +303 283 3 879467936 +303 298 4 879544607 +303 319 5 879466065 +303 385 4 879467669 +303 386 4 879485352 +303 388 2 879544365 +303 395 2 879544080 +303 402 4 879485250 +303 425 4 879466795 +303 474 5 879466457 +303 477 3 879483827 +303 491 4 879466631 +303 501 4 879484981 +303 569 3 879484159 +303 583 1 879483901 +303 597 1 879485204 +303 653 4 879466937 +303 665 4 879485475 +303 670 2 879544062 +303 734 1 879543711 +303 746 4 879467514 +303 773 4 879466891 +303 790 4 879485507 +303 813 4 879467985 +303 824 3 879483901 +303 829 2 879485814 +303 833 2 879484327 +303 845 4 879485221 +303 875 4 879466291 +303 956 4 879466421 +303 1023 2 879544898 +303 1034 1 879544184 +303 1052 2 879544365 +303 1092 1 879544435 +303 1135 2 879485589 +303 1220 2 879484899 +303 1230 1 879485447 +303 1509 1 879544435 +304 763 4 884968415 +305 1 5 886323153 +305 2 2 886324580 +305 48 5 886323591 +305 89 3 886322719 +305 143 3 886323275 +305 144 2 886323068 +305 160 4 886323937 +305 165 4 886323153 +305 166 4 886322719 +305 172 4 886323757 +305 179 1 886323966 +305 191 3 886322966 +305 196 4 886324097 +305 198 4 886322838 +305 269 4 886307948 +305 282 3 886323806 +305 285 5 886322930 +305 287 3 886324097 +305 300 3 886307828 +305 382 5 886323617 +305 408 5 886323189 +305 431 4 886323806 +305 433 2 886324792 +305 478 3 886323275 +305 486 5 886323563 +305 528 4 886323378 +305 597 2 886324551 +305 684 3 886323591 +305 708 3 886324963 +305 709 5 886324221 +305 713 4 886323115 +305 749 2 886308111 +305 770 3 886324521 +305 845 3 886323335 +305 1018 5 886324580 +305 1074 2 886324330 +305 1485 3 886323902 +306 283 3 876503995 +306 1514 4 876504614 +307 62 3 881966033 +307 70 4 877121347 +307 72 3 877122721 +307 99 4 879283449 +307 163 3 879283384 +307 164 4 879283514 +307 168 5 879283798 +307 172 5 879283786 +307 178 3 877118976 +307 196 3 879205470 +307 228 5 879538921 +307 483 5 875680937 +307 580 4 879283514 +307 588 4 877118284 +307 736 3 877118152 +307 1028 4 875746067 +307 1065 3 879205470 +308 17 4 887739056 +308 22 4 887737647 +308 50 5 887737431 +308 61 3 887739336 +308 69 2 887738664 +308 77 3 887740788 +308 99 4 887738057 +308 122 4 887742165 +308 131 4 887739383 +308 132 3 887737891 +308 134 5 887737686 +308 141 3 887739891 +308 151 4 887741795 +308 152 5 887739292 +308 153 5 887737484 +308 182 5 887737194 +308 194 5 887739257 +308 196 3 887739951 +308 203 5 887737997 +308 210 4 887737130 +308 230 4 887739014 +308 274 3 887738760 +308 285 5 887736622 +308 321 3 887736408 +308 365 3 887739915 +308 382 4 887739521 +308 420 4 887740216 +308 434 4 887736584 +308 485 3 887737719 +308 496 3 887736532 +308 506 4 887738191 +308 507 3 887738893 +308 519 4 887737997 +308 567 4 887741329 +308 588 5 887738893 +308 603 5 887736743 +308 613 4 887738620 +308 614 3 887739757 +308 615 3 887739213 +308 653 5 887736999 +308 657 4 887736696 +308 659 3 887736532 +308 665 4 887741003 +308 671 4 887739014 +308 739 4 887739639 +308 792 3 887737594 +308 942 3 887737432 +308 962 4 887738104 +308 1045 4 887740033 +308 1065 5 887739382 +308 1135 4 887740099 +308 1169 5 887739136 +308 1515 4 887738346 +309 258 5 877370288 +309 690 3 877370319 +309 989 3 877370383 +310 50 5 879436177 +311 39 4 884364999 +311 54 4 884366439 +311 56 5 884364437 +311 64 5 884364502 +311 66 4 884365325 +311 88 4 884365450 +311 97 4 884365357 +311 186 3 884364464 +311 192 3 884366528 +311 238 4 884365357 +311 282 5 884963228 +311 393 4 884366066 +311 404 3 884365406 +311 487 4 884365519 +311 494 4 884364593 +311 499 4 884365519 +311 581 3 884366137 +311 623 2 884366112 +311 630 5 884365929 +311 645 5 884366111 +311 650 3 884364846 +311 655 4 884365406 +311 660 4 884365252 +311 735 4 884366637 +311 755 4 884366035 +311 796 3 884365889 +311 944 4 884366439 +311 967 3 884364764 +311 1050 3 884365485 +311 1217 3 884365686 +312 10 5 891699455 +312 23 4 891698613 +312 137 3 891698224 +312 172 4 891699677 +312 177 3 891698832 +312 194 4 891699207 +312 427 5 891698224 +312 479 5 891698365 +312 490 5 891699655 +312 499 4 891699296 +312 506 4 891699121 +312 509 5 891699490 +312 589 5 891698695 +312 596 5 891699626 +312 607 5 891698424 +312 610 5 891698921 +312 640 2 891698951 +312 657 5 891698485 +312 673 5 891699426 +312 945 5 891699068 +312 1192 3 891699491 +312 1298 5 891699426 +313 28 3 891016193 +313 47 3 891015268 +313 63 4 891030490 +313 102 3 891030189 +313 125 3 891017059 +313 142 3 891030261 +313 143 3 891014925 +313 147 4 891016583 +313 157 3 891017372 +313 195 5 891013620 +313 202 5 891014697 +313 211 5 891013859 +313 215 4 891015011 +313 231 2 891028323 +313 300 4 891012907 +313 309 4 891031125 +313 331 3 891013013 +313 385 4 891015296 +313 402 3 891031747 +313 419 3 891014313 +313 432 5 891016583 +313 452 3 891029993 +313 465 3 891030096 +313 489 4 891017372 +313 499 3 891016452 +313 502 3 891017395 +313 503 5 891014697 +313 504 5 891013859 +313 505 5 891014524 +313 519 5 891013436 +313 520 5 891013939 +313 546 4 891028426 +313 568 4 891015114 +313 588 4 891016354 +313 615 4 891013652 +313 625 4 891030189 +313 636 4 891028241 +313 661 4 891015082 +313 683 3 891030792 +313 696 3 891032028 +313 735 3 891014649 +313 744 3 891016986 +313 748 3 891012934 +314 15 5 877886483 +314 25 3 877886753 +314 53 1 877891426 +314 65 4 877888855 +314 70 1 877890531 +314 72 2 877888996 +314 106 2 877886584 +314 151 4 877886522 +314 158 3 877892099 +314 318 5 877888796 +314 332 5 877886029 +314 401 3 877890769 +314 433 3 877887642 +314 470 3 877889770 +314 496 4 877888060 +314 542 4 877890300 +314 546 4 877886788 +314 655 4 877887605 +314 717 3 877890769 +314 731 4 877892099 +314 742 4 877886221 +314 747 1 877889698 +314 775 3 877888645 +314 790 4 877889698 +314 820 5 877892461 +314 939 4 877888060 +314 1012 4 877886584 +314 1074 3 877890857 +314 1469 4 877889103 +315 23 5 879821193 +315 121 2 879821300 +315 203 3 879821194 +315 204 5 879821158 +315 286 5 879799301 +315 324 3 879799302 +315 520 4 879799526 +315 642 5 879821267 +316 44 4 880853881 +316 89 1 880854197 +316 286 5 880853038 +316 435 2 880854337 +316 515 4 880853654 +316 531 5 880853704 +316 633 4 880854472 +317 354 4 891446251 +318 4 2 884497516 +318 8 4 884495616 +318 14 4 884471030 +318 40 4 884497882 +318 77 3 884497078 +318 100 5 884470896 +318 133 4 884496432 +318 179 4 884497546 +318 188 3 884497031 +318 196 3 884495973 +318 210 4 884496069 +318 265 4 884495664 +318 307 3 884470681 +318 321 4 884470149 +318 385 4 884496398 +318 514 2 884496524 +318 540 4 884498141 +318 618 3 884496984 +318 712 4 884496368 +318 722 4 884497546 +318 732 5 884496267 +318 866 4 884494976 +318 968 3 884496671 +318 1048 4 884495001 +318 1050 4 884496738 +318 1204 2 884496156 +319 261 3 889816267 +319 332 4 876280289 +319 346 3 889816026 +319 682 3 879977089 +320 27 3 884749384 +320 89 4 884749327 +320 122 3 884749097 +320 145 4 884751552 +320 147 4 884748641 +320 172 4 884749227 +320 176 4 884749255 +320 183 4 884749255 +320 195 5 884749255 +320 204 5 884750717 +320 232 4 884749281 +320 240 3 884748818 +320 274 4 884748683 +320 572 3 884751316 +320 732 3 884751013 +320 751 4 884748470 +320 825 4 884749550 +320 833 1 884748904 +320 946 5 884751462 +320 1059 4 884748868 +321 32 3 879440716 +321 86 4 879440294 +321 170 4 879438651 +321 182 3 879439679 +321 275 4 879440109 +321 283 3 879438987 +321 286 4 879438932 +321 357 4 879439832 +321 519 4 879441336 +321 531 4 879440294 +321 611 4 879439832 +321 651 3 879441178 +321 1050 3 879441336 +322 127 4 887313801 +322 258 4 887313698 +322 303 3 887313611 +322 654 5 887314118 +323 23 5 878739925 +323 50 5 878739137 +323 93 4 878739177 +323 179 4 878739904 +323 222 3 878739251 +323 288 3 878738827 +323 294 3 878738827 +323 295 3 878739519 +323 544 4 878739459 +323 762 4 878739488 +323 876 2 878738949 +323 993 4 878739488 +323 1012 4 878739594 +324 1 5 880575412 +324 259 5 880575107 +324 270 5 880575045 +324 276 5 880575531 +324 292 3 880575045 +324 301 5 880575108 +324 327 4 880575002 +324 328 4 880575002 +324 331 4 880574827 +324 411 5 880575589 +324 458 4 880575619 +324 475 5 880575449 +324 678 3 880575277 +325 32 3 891478665 +325 58 3 891478333 +325 105 3 891480175 +325 132 3 891478665 +325 134 4 891478599 +325 182 3 891478835 +325 199 5 891478199 +325 200 2 891478120 +325 205 4 891478307 +325 210 2 891478796 +325 480 4 891478455 +325 482 4 891478333 +325 495 3 891478180 +325 523 3 891478376 +325 529 4 891478528 +325 647 5 891478529 +325 1149 4 891479228 +325 1203 5 891478159 +325 1523 4 891478504 +326 1 3 879876159 +326 4 1 879876688 +326 127 1 879875507 +326 161 3 879875873 +326 173 5 879874989 +326 176 2 879876184 +326 180 1 879875457 +326 187 1 879875243 +326 194 4 879874825 +326 226 5 879876975 +326 229 3 879876941 +326 239 3 879875612 +326 367 3 879877264 +326 378 4 879875724 +326 385 3 879876882 +326 391 4 879877005 +326 419 3 879875203 +326 441 2 879877433 +326 484 5 879874933 +326 498 5 879875083 +326 510 5 879876141 +326 515 5 879874897 +326 616 5 879875724 +326 663 1 879877159 +326 849 1 879876975 +327 7 3 887744023 +327 31 2 887820531 +327 44 3 887745840 +327 48 4 887745662 +327 86 4 887822433 +327 87 3 887818620 +327 95 3 887818596 +327 98 4 887746196 +327 99 4 887820761 +327 108 3 887819614 +327 111 4 887819462 +327 129 4 887744384 +327 131 4 887818783 +327 150 4 887744356 +327 152 3 887819194 +327 160 4 887822209 +327 186 2 887744064 +327 286 2 887737328 +327 302 3 887737355 +327 311 3 887737629 +327 333 2 887737493 +327 336 2 887737569 +327 338 1 887743815 +327 367 4 887819355 +327 447 4 887746196 +327 507 4 887744205 +327 523 4 887818800 +327 568 2 887820417 +327 658 2 887747668 +327 663 4 887819582 +327 682 3 887737629 +327 709 4 887819411 +327 732 1 887819316 +327 792 4 887819021 +327 845 3 887818957 +327 896 5 887820828 +328 65 4 885046912 +328 73 4 885048062 +328 77 4 885046977 +328 89 5 885046344 +328 118 3 885048396 +328 133 5 885047018 +328 135 3 885046853 +328 153 2 886037257 +328 181 4 885046244 +328 182 2 885045678 +328 192 4 885045805 +328 194 3 885046976 +328 204 3 885045993 +328 227 3 885047129 +328 229 3 885046977 +328 230 3 885048101 +328 260 2 885044940 +328 318 5 885045740 +328 328 4 885044566 +328 343 3 885044452 +328 357 4 885046244 +328 427 3 885045740 +328 433 2 885047670 +328 520 5 885045844 +328 549 4 885047556 +328 572 3 885049658 +328 597 3 885048465 +328 606 3 885046244 +328 637 3 885047865 +328 662 3 885047593 +328 685 4 885047450 +328 692 4 885046976 +328 723 3 885047223 +328 744 4 885046878 +328 778 3 885047822 +328 798 2 885048159 +328 809 4 885048895 +328 849 3 885048333 +328 956 4 885046912 +328 984 3 885044940 +328 1107 3 885048532 +328 1217 3 885049790 +328 1518 3 885049503 +329 11 3 891656237 +329 39 2 891656391 +329 199 4 891656347 +329 286 4 891655291 +329 295 4 891656012 +329 333 4 891655322 +329 651 4 891656639 +329 879 2 891655515 +330 1 5 876544432 +330 15 5 876544366 +330 69 5 876546890 +330 100 4 876544277 +330 102 4 876546586 +330 185 4 876546236 +330 202 5 876546948 +330 205 3 876546105 +330 283 5 876544432 +330 385 5 876546378 +330 559 3 876547500 +330 708 3 876545598 +330 969 5 876546409 +330 1035 4 876547470 +331 175 4 877196235 +331 178 3 877196173 +331 268 5 877196820 +331 269 5 877196819 +331 302 5 877196819 +331 304 5 877196820 +331 506 2 877196504 +331 1017 2 877196235 +331 1101 4 877196633 +331 1199 1 877196634 +331 1296 5 877196820 +332 9 4 887916653 +332 31 4 888098205 +332 38 2 888360488 +332 56 5 888098256 +332 73 4 888360229 +332 77 4 888360343 +332 79 5 888098088 +332 96 5 887939051 +332 118 5 887938330 +332 121 5 887916692 +332 122 5 887938886 +332 125 5 887938224 +332 172 5 888098088 +332 195 5 887939051 +332 222 4 887916529 +332 230 5 888360342 +332 240 4 887938299 +332 294 5 887916324 +332 313 5 887916125 +332 323 5 888098276 +332 327 5 887916324 +332 356 3 888360396 +332 406 3 887938601 +332 450 5 888360508 +332 452 4 888360508 +332 628 4 887938556 +332 742 5 887938224 +332 756 2 887938687 +332 833 5 887938556 +332 845 3 887938421 +332 983 2 887938886 +332 1042 4 888360396 +333 100 4 891045666 +333 174 5 891045082 +333 269 2 891044134 +334 9 4 891544707 +334 19 4 891544925 +334 20 4 891544867 +334 23 4 891545821 +334 42 4 891545741 +334 56 4 891546914 +334 79 4 891546992 +334 81 4 891546299 +334 82 4 891547083 +334 91 4 891547306 +334 116 4 891545044 +334 124 5 891544680 +334 134 5 891545973 +334 143 2 891548647 +334 154 4 891547235 +334 155 2 891549927 +334 164 3 891548104 +334 169 4 891546348 +334 171 4 891546132 +334 172 3 891548954 +334 179 4 891546231 +334 181 4 891544904 +334 203 4 891546181 +334 217 2 891549805 +334 238 4 891546231 +334 248 4 891544997 +334 255 3 891544840 +334 257 4 891544764 +334 283 4 891544810 +334 301 2 891544233 +334 337 4 891544177 +334 433 5 891628158 +334 462 4 891628832 +334 494 4 891547235 +334 506 3 891547763 +334 508 3 891544867 +334 537 4 891547995 +334 569 2 891548920 +334 607 3 891546206 +334 629 4 891548460 +334 675 4 891547148 +334 710 3 891548295 +334 712 3 891549594 +334 736 3 891548979 +334 740 3 891548678 +334 744 3 891545108 +334 856 4 891545926 +334 865 2 891549631 +334 879 3 891544264 +334 887 5 891544491 +334 896 5 891544049 +334 899 4 891547348 +334 931 1 891549513 +334 1048 4 891545480 +334 1132 2 891545616 +334 1226 4 891545540 +334 1426 4 891548647 +334 1504 3 891549718 +335 322 4 891567125 +336 15 4 877754621 +336 26 5 877757877 +336 42 5 877757669 +336 151 1 877759473 +336 204 5 877757601 +336 475 4 877756934 +336 546 3 877760310 +336 628 3 877760374 +336 710 4 877757700 +336 780 3 877756934 +336 785 1 877758935 +336 1048 4 877757134 +336 1079 1 877757094 +336 1183 1 877757972 +336 1446 1 877757790 +337 50 5 875184413 +337 181 2 875184353 +337 228 5 875185319 +337 879 3 875429233 +338 189 4 879438449 +338 197 5 879438473 +338 215 3 879438092 +338 269 4 879437523 +338 286 4 879437522 +338 488 5 879438449 +338 523 3 879438366 +338 525 4 879438449 +338 1124 4 879438301 +339 7 4 891032952 +339 74 4 891033382 +339 81 5 891033566 +339 124 4 891032885 +339 131 5 891033382 +339 136 5 891033898 +339 144 3 891033794 +339 156 5 891032495 +339 168 4 891033710 +339 173 5 891034254 +339 174 4 891032320 +339 191 5 891033676 +339 205 5 891033629 +339 238 5 891032827 +339 327 4 891032150 +339 404 4 891035147 +339 449 3 891036316 +339 485 5 891032413 +339 488 5 891032379 +339 546 4 891036423 +339 549 4 891034040 +339 568 3 891035061 +339 657 4 891032221 +339 719 3 891036753 +339 939 4 891034115 +339 1135 2 891033898 +339 1267 3 891033766 +339 1404 5 891034592 +340 15 5 884991396 +340 66 5 884990798 +340 179 1 884989963 +340 180 3 884991236 +340 274 4 884991618 +340 428 1 884991618 +340 502 2 884991678 +340 584 3 884991369 +341 330 5 890758113 +341 872 4 890757841 +341 895 4 890757961 +341 1280 2 890757782 +342 3 2 875318606 +342 93 4 874984684 +342 98 3 874984261 +342 188 3 875318936 +342 192 4 875320082 +342 212 5 875319992 +342 216 5 875320104 +342 251 5 875318267 +342 262 2 874984025 +342 276 3 874984531 +342 294 3 874984067 +342 319 4 874984002 +342 320 5 875318833 +342 327 4 874984025 +342 378 4 875319617 +342 381 5 875320312 +342 408 5 875318266 +342 412 3 875318648 +342 421 3 875319435 +342 433 5 874984395 +342 461 3 874984315 +342 487 5 874984315 +342 496 4 875319334 +342 499 5 875319912 +342 531 3 874984175 +342 692 1 875319090 +342 844 3 874984789 +342 846 2 875318688 +342 875 1 874984045 +342 965 4 875319195 +342 1057 2 875318783 +342 1070 3 875319412 +343 4 5 876408139 +343 7 5 876402941 +343 9 5 876402738 +343 10 4 876403009 +343 26 3 876404689 +343 28 5 876404793 +343 50 5 876402814 +343 53 5 876407421 +343 56 5 876404880 +343 65 5 876405172 +343 67 3 876407663 +343 68 1 876406878 +343 81 5 876408139 +343 98 5 876404836 +343 127 5 876404464 +343 134 5 876404568 +343 154 5 876406552 +343 159 2 876405893 +343 176 5 876405553 +343 179 5 876405633 +343 189 4 876405697 +343 193 4 876405857 +343 197 4 876404836 +343 223 5 876405735 +343 234 1 876405633 +343 236 5 876402668 +343 276 5 876403078 +343 288 2 876402428 +343 318 5 876406707 +343 385 3 876406939 +343 429 4 876407138 +343 462 4 876404385 +343 473 3 876403212 +343 476 2 876403239 +343 523 5 876404647 +343 536 4 876403310 +343 561 3 876405172 +343 568 1 876406640 +343 582 3 876404836 +343 606 5 876404836 +343 657 5 876404464 +343 747 4 876407174 +343 1008 4 876403418 +343 1039 5 876404689 +343 1140 3 876405943 +344 4 4 884901235 +344 11 3 884901270 +344 13 3 884899768 +344 26 3 884901561 +344 71 3 884901371 +344 86 4 884901129 +344 95 4 884901180 +344 96 4 889814195 +344 98 4 884901180 +344 118 3 884900353 +344 122 1 886381985 +344 127 5 889814518 +344 169 5 884814457 +344 203 4 884901328 +344 235 3 884900423 +344 269 4 884814359 +344 273 4 884900677 +344 276 4 889814194 +344 281 3 884900374 +344 285 5 889814068 +344 297 4 889814555 +344 311 4 884814359 +344 367 5 884901560 +344 476 3 884900499 +344 478 4 884901210 +344 494 4 884901210 +344 516 5 884901311 +344 562 2 886381985 +344 694 5 884901093 +344 709 5 886382364 +344 713 3 884899742 +344 742 3 884900248 +344 751 4 886381635 +344 864 3 884900454 +344 928 2 884900409 +344 1082 2 889814622 +344 1137 3 884899339 +345 4 4 884993619 +345 9 4 884900976 +345 14 4 884991077 +345 65 4 884992158 +345 66 3 884993069 +345 69 4 884992755 +345 81 4 884992998 +345 124 5 884900777 +345 125 3 884991191 +345 131 4 884992998 +345 191 5 884902317 +345 204 4 884991925 +345 220 3 884991457 +345 237 4 884991077 +345 255 4 884994156 +345 258 4 884916532 +345 268 4 884900448 +345 274 3 884991267 +345 280 3 884991457 +345 287 4 884991670 +345 293 4 884994592 +345 300 3 884900427 +345 303 4 884900448 +345 305 4 884900483 +345 323 3 884916551 +345 461 3 884992175 +345 485 4 884992141 +345 498 4 884992117 +345 518 4 884916484 +345 566 3 884992194 +345 620 2 884991614 +345 639 4 884993139 +345 715 4 884993069 +345 738 3 884993636 +345 742 4 884991191 +345 762 5 884991285 +345 886 3 884900736 +345 1074 3 884993890 +345 1101 4 884993436 +345 1281 4 884991105 +346 3 3 875265392 +346 55 5 874948639 +346 64 4 874948214 +346 67 3 875264985 +346 97 4 874948929 +346 120 3 875264287 +346 127 5 874947747 +346 144 4 886273914 +346 153 3 874948252 +346 203 4 874948139 +346 211 4 874948475 +346 216 3 874949011 +346 219 2 875263664 +346 234 2 874950291 +346 240 1 874948929 +346 385 5 886274124 +346 391 2 875266600 +346 403 3 874950383 +346 423 4 874949057 +346 520 5 874948105 +346 541 3 874951104 +346 657 4 875260577 +346 669 1 875265690 +346 708 3 874951714 +346 739 3 874950316 +346 743 2 875265295 +346 842 1 874948513 +346 1039 2 874948303 +346 1217 4 886274201 +346 1232 1 875264262 +346 1258 4 875002895 +347 15 2 881652535 +347 24 3 881652657 +347 76 5 881654679 +347 91 1 881654679 +347 100 3 881652417 +347 156 5 881653652 +347 159 4 881654635 +347 183 3 881654232 +347 188 5 881654480 +347 192 4 881653798 +347 195 4 881653603 +347 202 4 881654211 +347 203 5 881654232 +347 290 3 881653132 +347 293 5 881652709 +347 369 4 881653300 +347 386 1 881654846 +347 405 4 881652610 +347 550 5 881654734 +347 595 2 881653244 +347 660 2 881654186 +347 686 5 881654101 +347 689 4 881652250 +347 742 5 881652610 +347 928 3 881653176 +347 943 4 881654545 +347 977 5 881653224 +347 1047 1 881653224 +348 25 4 886523521 +348 243 3 886522740 +348 477 3 886523521 +348 974 4 886523683 +349 100 4 879466479 +349 118 2 879466283 +349 125 4 879466541 +349 126 2 879465598 +349 276 5 879465841 +349 1028 2 879466200 +350 23 5 882345823 +350 89 4 882347465 +350 132 5 882346929 +350 168 5 882346847 +350 173 4 882347465 +350 179 5 882347653 +350 183 3 882347465 +350 195 5 882347832 +350 271 3 882347466 +350 435 5 882346900 +350 483 5 882347734 +350 654 5 882345918 +351 310 5 879481386 +351 312 5 883356784 +351 332 5 879481495 +351 882 5 879481589 +351 989 4 883356684 +352 39 5 884289728 +352 56 5 884289760 +352 79 4 884289693 +352 86 4 884290505 +352 92 3 884289728 +352 98 5 884290428 +352 144 5 884290328 +352 156 4 884290428 +352 176 5 884289693 +352 653 3 884290428 +353 270 2 891402358 +353 315 4 891402757 +353 327 2 891402443 +353 331 4 891401992 +353 333 4 891402757 +353 346 4 891402757 +353 358 1 891402617 +353 750 4 891402757 +353 905 4 891402674 +354 42 2 891217512 +354 60 5 891217160 +354 81 3 891217249 +354 109 3 891216692 +354 143 4 891217547 +354 171 4 891306892 +354 186 4 891217811 +354 238 4 891217394 +354 241 3 891307069 +354 246 4 891216607 +354 248 4 891216956 +354 270 5 891216082 +354 286 4 891180445 +354 303 5 891180548 +354 306 5 891180445 +354 308 4 891180569 +354 311 5 891180445 +354 313 3 891180399 +354 381 5 891217851 +354 429 3 891218439 +354 464 4 891217512 +354 473 3 891216498 +354 478 5 891217365 +354 485 4 891217659 +354 487 3 891217298 +354 494 4 891217194 +354 496 3 891217109 +354 518 3 891217340 +354 520 3 891217811 +354 528 5 891218155 +354 533 5 891216805 +354 582 4 891217897 +354 606 5 891217633 +354 733 3 891217693 +354 737 4 891307206 +354 811 5 891218091 +354 855 4 891306852 +354 865 3 891217109 +355 288 5 879485523 +355 306 4 879486422 +355 324 4 879486422 +355 328 4 879486422 +355 329 3 879486421 +355 1392 4 879485760 +356 307 4 891406040 +357 126 5 878951537 +357 304 5 878951101 +357 322 3 878951101 +357 407 3 878952341 +357 411 3 878952041 +357 455 5 878951498 +357 473 3 878951831 +357 685 3 878951616 +357 687 3 878951101 +357 760 3 878952080 +357 1028 5 878951729 +358 8 5 891269179 +358 65 4 891270405 +358 174 1 891270560 +358 179 4 891269666 +358 512 5 891269511 +358 638 3 891269584 +358 855 3 891269464 +358 1006 5 891269913 +358 1149 3 891270043 +358 1266 4 891269944 +358 1524 5 891269418 +359 118 3 886453402 +359 181 5 886453305 +359 268 4 886453490 +359 323 3 886453431 +360 25 4 880355209 +360 56 4 880356131 +360 172 4 880356240 +360 187 4 880355527 +360 199 5 880355678 +360 210 4 880356166 +360 275 4 880354149 +360 297 4 880354484 +360 321 3 880354094 +360 523 3 880356240 +360 531 4 880355678 +360 654 5 880355715 +360 661 5 880356131 +360 933 3 880354408 +360 1039 5 880356131 +360 1134 3 880355261 +360 1149 4 880356025 +361 49 3 879441179 +361 55 2 879441253 +361 79 4 879441286 +361 166 4 879440605 +361 168 4 879440386 +361 207 4 879440545 +361 218 3 879441324 +361 228 4 879441285 +361 276 4 879441417 +361 451 3 879440740 +361 611 4 879441462 +361 705 5 879441416 +361 727 3 879440740 +361 742 1 879441351 +361 794 3 879441033 +362 245 4 885019504 +362 332 5 885019537 +362 1025 2 885019746 +363 4 5 891494962 +363 22 3 891494962 +363 38 3 891498407 +363 50 5 891495168 +363 67 1 891498038 +363 69 3 891494865 +363 89 4 891494688 +363 90 5 891498183 +363 95 3 891496694 +363 120 1 891500218 +363 151 4 891497076 +363 161 4 891496753 +363 173 5 891494658 +363 186 3 891494865 +363 187 2 891494725 +363 195 4 891495238 +363 201 2 891495371 +363 204 2 891495402 +363 208 4 891496190 +363 210 4 891494905 +363 227 4 891498135 +363 234 3 891495197 +363 235 5 891497130 +363 248 5 891499595 +363 282 2 891495596 +363 283 2 891495987 +363 284 2 891495987 +363 325 1 891494012 +363 328 3 891493840 +363 408 5 891494865 +363 435 3 891495850 +363 449 3 891498863 +363 550 4 891497205 +363 552 4 891497853 +363 640 2 891496927 +363 660 4 891496588 +363 675 3 891495849 +363 691 3 891493663 +363 709 4 891495003 +363 719 3 891498365 +363 747 5 891495918 +363 816 1 891498787 +363 854 1 891497047 +363 919 5 891494659 +363 946 4 891498510 +363 1009 2 891497205 +363 1012 4 891499355 +363 1014 1 891499760 +363 1157 2 891498558 +364 286 5 875931309 +364 302 4 875931309 +364 325 4 875931432 +364 990 4 875931478 +365 1 4 891303999 +365 137 3 891303999 +365 268 5 891303474 +365 276 2 891303901 +365 277 4 891304078 +365 285 4 891303999 +365 326 2 891303614 +365 476 4 891304278 +365 846 3 891304152 +366 53 5 888857990 +366 200 5 888857990 +366 201 5 888857866 +367 5 4 876689991 +367 7 5 876689878 +367 50 5 876689696 +367 98 5 876689932 +367 164 4 876690119 +367 184 5 876689990 +367 302 5 876689364 +367 413 4 876689879 +367 564 2 876690077 +367 637 3 876690021 +367 670 4 876690021 +367 800 4 876690049 +368 98 3 889783407 +368 100 4 889783407 +368 183 5 889783678 +368 234 3 889783365 +368 670 3 889783562 +368 777 2 889783586 +369 316 5 889428641 +369 346 4 889427890 +369 358 3 889428228 +369 751 4 889428097 +369 900 4 889428642 +370 31 3 879434766 +370 52 4 879434969 +370 134 4 879434859 +370 136 4 879434999 +370 172 4 879435369 +370 181 4 879434832 +370 193 4 879435168 +370 199 4 879434999 +370 269 5 879434206 +370 321 2 879434265 +370 423 4 879435369 +370 443 5 879435369 +370 480 4 879434886 +370 494 3 879435033 +370 603 5 879435244 +370 613 2 879434587 +371 1 4 877487440 +371 69 5 877486953 +371 77 5 880435601 +371 181 3 877486953 +371 183 5 880435519 +371 194 3 877486953 +371 431 5 880435601 +371 435 3 877487751 +371 443 4 880435576 +371 504 4 880435576 +372 5 4 876869445 +372 44 4 876869837 +372 56 4 876869445 +372 98 5 876869388 +372 176 3 876869667 +372 201 2 876869387 +372 288 5 876869066 +372 299 4 876869147 +372 436 5 876869445 +372 443 4 876869481 +372 446 4 876869512 +372 595 4 876869878 +372 637 4 876869512 +372 696 4 876869667 +372 875 4 876869183 +373 12 5 877098343 +373 22 5 877098919 +373 24 4 877100016 +373 50 5 877098678 +373 83 5 877098599 +373 95 5 877099263 +373 99 5 877099091 +373 150 4 877098821 +373 166 5 877098262 +373 169 5 877099016 +373 184 4 877104086 +373 194 4 877098714 +373 202 3 877099352 +373 213 4 877100061 +373 232 3 877105075 +373 239 3 877105708 +373 259 5 877098041 +373 281 3 877103935 +373 380 4 877112017 +373 389 3 877099352 +373 390 3 877098890 +373 418 5 877104235 +373 431 5 877098643 +373 433 3 877098223 +373 435 4 877098979 +373 472 3 877111951 +373 496 5 877098643 +373 510 3 877100379 +373 568 4 877100199 +373 571 1 877111864 +373 577 1 877111423 +373 627 4 877105901 +373 679 2 877107355 +373 705 4 877099934 +373 727 4 877098784 +373 746 4 877098714 +373 941 4 877105563 +373 946 5 877104048 +373 1039 4 877098437 +373 1066 4 877106233 +373 1119 5 877105708 +374 2 4 880939035 +374 11 4 880395202 +374 12 4 880395202 +374 15 3 880393380 +374 17 2 880937876 +374 23 3 880395896 +374 38 4 880937876 +374 39 4 880937876 +374 50 3 880394367 +374 66 3 880394571 +374 68 1 880396622 +374 156 2 880395896 +374 172 3 880434204 +374 192 5 880395665 +374 222 4 880392778 +374 225 3 882158071 +374 228 5 880395973 +374 229 5 880937780 +374 235 3 880394301 +374 240 1 880394301 +374 248 1 880393191 +374 282 5 880392936 +374 284 1 880393753 +374 322 4 880392482 +374 323 3 880392482 +374 403 2 880939126 +374 412 4 883627129 +374 423 3 880394484 +374 467 4 880395735 +374 468 4 880396359 +374 558 1 882158738 +374 566 3 880394571 +374 619 3 880393553 +374 637 4 882159237 +374 742 5 880393331 +374 820 4 882158327 +374 846 2 883627509 +374 934 3 882158146 +374 975 4 880936113 +374 979 3 880936113 +374 986 3 880936113 +374 1001 1 882158327 +374 1010 5 880393921 +374 1013 2 880936476 +374 1101 4 880395634 +374 1217 2 880938100 +374 1218 2 881291426 +375 176 4 886621917 +375 233 4 886621985 +375 573 4 886622131 +375 603 4 886621917 +375 1217 4 886622131 +376 154 4 879434558 +376 288 3 879454598 +376 301 3 879433102 +376 321 3 879433164 +376 328 3 879433164 +376 357 4 879434750 +377 168 5 891298407 +377 173 5 891298589 +377 194 5 891298549 +377 200 5 891299010 +377 234 5 891299078 +377 272 5 891295989 +377 682 3 891296448 +378 1 4 880044251 +378 2 2 880333851 +378 5 3 880332609 +378 13 3 880044609 +378 31 4 880045652 +378 42 4 880046256 +378 43 3 880056609 +378 53 3 880333695 +378 58 4 880046408 +378 59 4 880046475 +378 77 4 880056453 +378 79 4 880045722 +378 86 4 880045935 +378 94 3 880332752 +378 95 4 880055296 +378 106 2 880334241 +378 125 2 880044609 +378 135 2 880046362 +378 180 3 880045822 +378 186 3 880055186 +378 207 4 880055002 +378 213 5 880045935 +378 218 3 880056491 +378 220 2 880044944 +378 237 4 880044697 +378 245 3 880906161 +378 254 1 880318158 +378 255 4 882642831 +378 269 4 890513693 +378 275 5 880044312 +378 298 3 883835761 +378 318 5 880045823 +378 392 3 880055636 +378 393 3 880057018 +378 410 3 882022445 +378 417 3 880056034 +378 435 4 889665232 +378 468 5 880055396 +378 479 4 880055564 +378 482 4 880046229 +378 509 4 880055672 +378 568 4 880055779 +378 582 5 889665232 +378 597 3 880044763 +378 623 3 880333168 +378 663 3 880046437 +378 674 3 880056735 +378 694 3 880055101 +378 708 4 880055949 +378 709 4 880055921 +378 715 4 889665232 +378 722 3 880334017 +378 747 3 880055597 +378 755 3 880056073 +378 762 3 880044879 +378 775 3 880333305 +378 780 2 880334241 +378 918 3 892383162 +378 930 2 880044906 +378 951 3 880056547 +378 961 3 880055706 +378 977 3 880334305 +378 1035 3 880332911 +378 1047 2 880044726 +378 1053 3 880332831 +378 1058 3 880333695 +378 1101 3 880055983 +378 1145 3 880334409 +378 1311 4 880332949 +378 1425 2 880056930 +379 56 5 880524541 +379 63 2 880962215 +379 116 4 880525194 +379 131 5 882563797 +379 137 5 890464307 +379 141 4 880525839 +379 161 2 880525502 +379 163 4 880740495 +379 173 5 880525259 +379 178 5 880741811 +379 183 4 886317511 +379 186 5 880740495 +379 188 4 892879481 +379 194 5 880525194 +379 208 4 880525214 +379 210 4 883156880 +379 219 3 890464337 +379 227 4 880525638 +379 238 5 880525236 +379 306 3 892879325 +379 310 4 888646088 +379 339 3 883031585 +379 357 5 881000269 +379 372 4 880961807 +379 393 4 892879325 +379 395 2 880741868 +379 414 5 880740415 +379 434 3 880961672 +379 436 3 885063346 +379 502 5 887437190 +379 514 3 880961718 +379 516 4 880525306 +379 566 4 880525540 +379 636 3 880525502 +379 654 5 880526123 +379 710 4 880961839 +379 712 3 880741832 +379 746 3 880961839 +380 9 3 885479301 +380 98 4 885478698 +380 109 2 885480093 +380 121 3 885479896 +380 170 4 885478192 +380 194 4 885478799 +380 204 2 885479274 +380 208 2 885480301 +380 222 3 885478519 +380 258 4 885477742 +380 265 3 885481179 +380 270 3 885481179 +380 356 2 885480064 +380 357 4 885478425 +380 419 3 885479124 +380 443 4 885480283 +380 462 4 885478374 +380 479 4 885478374 +380 549 3 885479926 +380 554 2 885479754 +380 570 3 885479706 +380 582 4 885478583 +380 629 2 885478497 +380 651 3 885478292 +380 684 3 885478886 +380 708 3 885478759 +380 744 3 885480144 +380 959 2 885479455 +380 1039 3 885481179 +380 1116 4 885479397 +381 1 5 892697394 +381 59 3 892697266 +381 94 3 892697337 +381 132 5 892696426 +381 134 5 892696347 +381 178 4 892696291 +381 276 3 892696587 +381 294 5 892698068 +381 303 3 892697999 +381 418 3 892696471 +381 443 5 892696616 +381 462 4 892697442 +381 509 5 892696872 +381 514 5 892697394 +381 525 5 892696982 +381 640 5 892696168 +381 742 4 892697677 +381 778 4 892697066 +381 855 3 892696291 +381 887 3 892697941 +382 23 5 875946978 +382 122 3 875946440 +382 134 3 875947149 +382 135 3 875947078 +382 357 4 875947149 +383 132 5 891193108 +383 134 5 891192778 +383 182 5 891192836 +383 193 4 891193072 +383 238 5 891192836 +383 345 2 891192251 +383 435 4 891192836 +383 484 4 891192949 +383 514 5 891192949 +383 657 5 891192858 +383 1005 3 891193072 +384 302 5 891273509 +384 327 4 891273761 +384 329 3 891273761 +385 12 3 879441425 +385 37 4 880013483 +385 46 5 880870206 +385 53 1 879446110 +385 58 4 879441881 +385 93 3 880682080 +385 133 1 879441728 +385 173 4 879441386 +385 177 4 879442673 +385 183 3 879442706 +385 207 4 881530739 +385 217 2 879448208 +385 219 1 879446952 +385 235 5 879440940 +385 283 2 879439984 +385 318 2 879441572 +385 320 3 885367060 +385 347 3 885844578 +385 383 1 879449871 +385 405 2 879440961 +385 417 2 879447671 +385 428 3 879442706 +385 430 5 880870206 +385 433 4 879442673 +385 484 4 879442559 +385 520 3 879441599 +385 521 3 879446208 +385 529 4 879445949 +385 557 2 879446786 +385 652 5 881530738 +385 654 5 879442085 +385 727 1 879443102 +385 732 3 879442189 +385 919 4 879440158 +385 940 3 879447089 +385 1008 4 879440628 +385 1017 3 883791666 +385 1022 3 883791570 +385 1037 1 879449950 +385 1069 4 879442235 +385 1110 2 879446566 +385 1252 5 879578355 +385 1499 5 881047168 +386 273 3 877655028 +386 323 4 877655085 +386 405 4 877655145 +386 825 4 877655146 +386 840 5 877655145 +386 982 3 877655195 +387 10 4 886481228 +387 11 3 886480325 +387 22 5 886483049 +387 27 1 886483252 +387 33 3 886483098 +387 62 2 886483252 +387 68 4 886483099 +387 89 5 886483048 +387 92 4 886483098 +387 101 4 886479528 +387 107 3 886481002 +387 129 5 886480583 +387 186 2 886480515 +387 187 4 886483049 +387 193 5 886484065 +387 196 2 886484012 +387 205 5 886480384 +387 206 4 886483429 +387 211 4 886480108 +387 231 3 886483194 +387 241 1 886483194 +387 258 4 886480818 +387 295 3 886480818 +387 298 3 886480623 +387 318 3 886479610 +387 321 3 886484384 +387 385 3 886483150 +387 410 3 886480789 +387 429 3 886484065 +387 434 5 886483970 +387 446 2 886481800 +387 474 5 886480163 +387 526 4 886483150 +387 528 4 886483906 +387 558 4 886480384 +387 580 5 886483565 +387 625 2 886483669 +387 642 4 886483395 +387 678 3 886484460 +387 679 5 886483194 +387 742 2 886481105 +387 772 4 886483782 +387 774 3 886481737 +387 789 4 886482928 +387 856 5 886484124 +387 919 5 886479575 +387 1018 3 886483526 +387 1078 1 886483670 +387 1129 4 886480623 +388 9 3 886437226 +388 100 3 886437039 +388 237 5 886436813 +388 258 5 886439506 +388 288 5 886439506 +388 300 4 886438122 +388 307 4 886439506 +388 315 3 886438122 +388 323 4 886442062 +388 508 3 886436930 +388 559 5 886441133 +388 591 4 886437039 +388 596 4 886436661 +388 628 4 886436661 +388 773 3 886441083 +389 42 4 879991147 +389 56 5 880086868 +389 59 5 880087151 +389 65 4 880088171 +389 66 3 880088401 +389 72 3 880614164 +389 88 3 880613773 +389 94 2 880089115 +389 99 5 880087832 +389 118 2 880088900 +389 154 3 880087200 +389 178 4 880086755 +389 186 2 880087435 +389 197 5 879991485 +389 202 5 880087599 +389 205 4 880165939 +389 238 5 879991387 +389 283 5 879916099 +389 285 5 879916076 +389 300 3 879990863 +389 301 4 879916385 +389 346 4 885681315 +389 383 2 881384649 +389 396 3 880089037 +389 416 4 880087996 +389 420 3 880088229 +389 427 5 879991196 +389 428 3 880087461 +389 471 4 879916077 +389 491 5 879991352 +389 499 4 880087873 +389 506 4 879991330 +389 520 3 879991175 +389 584 4 879991512 +389 588 5 879991298 +389 591 3 879915726 +389 615 4 879991115 +389 649 4 880165344 +389 657 5 879991115 +389 661 4 880165168 +389 671 5 880087516 +389 674 2 880088900 +389 731 3 880089152 +389 732 4 880087850 +389 824 3 881384649 +389 835 5 879991242 +389 923 5 880087151 +389 926 3 879916099 +389 945 4 880165070 +389 1036 2 880087170 +389 1050 4 879991242 +389 1197 3 880165664 +389 1204 4 880165411 +390 13 2 879694409 +390 286 4 879693461 +390 329 3 879693608 +390 845 2 879694232 +390 1296 2 879693770 +391 9 5 877399780 +391 22 4 877398951 +391 48 4 877399171 +391 100 4 877399805 +391 148 3 877400062 +391 168 4 877399455 +391 173 4 877399030 +391 174 5 877399301 +391 182 4 877399696 +391 213 4 877398856 +391 234 4 877399455 +391 237 4 877399864 +391 258 3 877398517 +391 458 4 877399864 +391 471 2 877399864 +391 479 4 877399030 +391 482 4 877399380 +391 483 3 877399423 +391 490 4 877399658 +391 498 4 877399513 +391 603 5 877398991 +391 628 4 877399864 +391 661 5 877398898 +391 772 2 877399030 +392 50 5 891038110 +392 58 4 891038433 +392 189 4 891038433 +392 197 5 891038978 +392 209 5 891038978 +392 244 3 891038247 +392 250 3 891038158 +392 257 5 891038184 +392 260 1 891037790 +392 271 1 891037490 +392 272 5 891037437 +392 294 4 891037561 +392 303 4 891037437 +392 310 4 891037490 +392 312 4 891037561 +392 345 4 891037385 +392 482 5 891038945 +392 493 4 891038945 +392 615 5 891038371 +392 705 5 891038433 +392 1007 5 891038137 +393 5 3 887746849 +393 7 4 887744419 +393 11 3 887745844 +393 17 1 889728895 +393 22 4 887745973 +393 24 3 889729674 +393 42 4 889554976 +393 51 4 887746456 +393 65 2 887746346 +393 68 4 889729537 +393 73 4 887746206 +393 78 2 889731521 +393 84 3 889731009 +393 86 2 889729674 +393 105 3 887745544 +393 111 3 887745293 +393 118 4 887744578 +393 122 1 889731465 +393 132 2 887746207 +393 135 1 887747108 +393 139 4 889729185 +393 144 3 887746174 +393 153 3 887746671 +393 168 4 887746482 +393 184 4 889555251 +393 191 3 887745717 +393 203 4 887746091 +393 204 4 887746301 +393 206 3 889731329 +393 245 3 887742145 +393 258 4 887741960 +393 280 4 887744724 +393 281 4 887745343 +393 290 3 887745322 +393 291 4 887744202 +393 338 2 887742964 +393 354 4 889554151 +393 357 2 887745815 +393 369 3 887745174 +393 377 3 889728200 +393 385 4 887746207 +393 393 3 889731064 +393 405 4 887744626 +393 412 3 887745380 +393 459 4 887744517 +393 472 3 887745199 +393 477 3 889727833 +393 496 5 887746119 +393 501 3 889729614 +393 544 3 887745135 +393 550 3 887746482 +393 561 3 889728438 +393 620 4 887745199 +393 623 3 889731562 +393 628 4 887744626 +393 636 3 889729508 +393 644 3 889555074 +393 655 3 887746346 +393 696 4 887745258 +393 710 4 889554607 +393 755 3 889729831 +393 771 3 889731793 +393 775 4 889731390 +393 794 4 889730117 +393 810 4 889731138 +393 841 3 887745199 +393 871 3 887745174 +393 922 4 887744419 +393 924 4 887744688 +393 930 3 889731593 +393 939 4 887745816 +393 944 4 889728712 +393 949 3 889731465 +393 964 2 889555461 +393 977 4 887745501 +393 1016 5 887744688 +393 1028 3 887745174 +393 1035 3 889731329 +393 1049 4 887744688 +393 1051 3 887745544 +393 1168 3 889729346 +393 1181 3 889731064 +393 1182 3 889731413 +393 1249 4 889731329 +393 1337 3 887745380 +393 1435 3 889731821 +393 1539 2 889730460 +394 28 4 880886821 +394 68 5 881058419 +394 73 3 881058929 +394 96 5 880886919 +394 109 4 880889159 +394 164 4 880886612 +394 179 5 880886919 +394 186 5 880887322 +394 216 3 880888063 +394 230 3 881132958 +394 238 5 880887348 +394 250 4 881130076 +394 257 4 881130047 +394 386 3 881058897 +394 411 4 881058969 +394 496 5 880887206 +394 578 2 880888927 +394 797 3 881058330 +395 1 5 883765062 +395 15 3 883765928 +395 50 5 883763009 +395 89 5 883764264 +395 154 5 883764878 +395 196 4 883764378 +395 215 5 883763768 +395 216 3 883764378 +395 252 3 883765897 +395 458 3 883765731 +395 472 3 883765965 +395 739 3 886481149 +396 9 4 884646401 +396 121 5 884646235 +396 125 3 884646191 +396 237 4 884646092 +396 245 3 884645720 +396 471 4 884646263 +396 546 4 884646647 +396 597 4 884646647 +396 840 3 884646648 +397 100 5 882839517 +397 134 5 885350132 +397 172 5 885350381 +397 181 4 885349955 +397 192 5 885349610 +397 195 3 885350381 +397 199 5 885349790 +397 210 4 885349825 +397 223 4 885350132 +397 286 4 882839517 +397 346 4 890172230 +397 390 3 885349427 +397 498 4 885349955 +397 611 5 885349562 +397 641 5 885349999 +397 680 1 875063649 +397 688 1 875063649 +397 751 3 885349348 +397 853 4 885350045 +397 855 4 885349476 +397 989 1 875063722 +397 1001 1 885350326 +398 2 3 875718614 +398 13 3 875652318 +398 25 4 875655011 +398 47 3 875738523 +398 66 4 875736732 +398 73 3 875723337 +398 117 4 875653091 +398 127 4 875651657 +398 132 5 875716829 +398 168 3 875658967 +398 173 4 875719080 +398 174 5 875660535 +398 186 4 875733496 +398 194 5 875717638 +398 203 4 875908134 +398 205 5 875660535 +398 211 4 875717407 +398 235 2 875716709 +398 399 4 875721702 +398 403 4 875657734 +398 429 4 875716829 +398 430 4 875659265 +398 432 3 875718670 +398 474 4 875657926 +398 495 4 875660439 +398 496 5 875721111 +398 498 5 875657734 +398 510 4 875658715 +398 521 5 875717779 +398 523 4 875717779 +398 588 4 875659517 +398 589 3 875657734 +398 591 3 875652876 +398 602 4 875660302 +398 604 5 875658794 +398 756 3 875654592 +398 969 4 875659518 +399 5 3 882345001 +399 15 5 882340828 +399 31 3 882345649 +399 55 2 882343171 +399 56 3 882346649 +399 57 4 882343260 +399 68 3 882347577 +399 72 4 882350323 +399 79 3 882512214 +399 102 3 882344236 +399 121 3 882341403 +399 132 3 882343327 +399 147 5 882340620 +399 161 3 882344434 +399 164 2 882344553 +399 172 3 882342537 +399 179 3 882344406 +399 203 4 882344434 +399 204 3 882342061 +399 210 3 882342805 +399 215 2 882510226 +399 227 2 882344794 +399 233 3 882347061 +399 239 3 882344553 +399 268 3 882340284 +399 276 3 882510107 +399 289 4 882340311 +399 291 3 882510126 +399 307 3 882340264 +399 332 3 882340242 +399 340 2 882340517 +399 380 3 882345164 +399 385 3 882344597 +399 399 3 882342354 +399 401 3 882350710 +399 403 3 882350502 +399 444 1 882350733 +399 450 2 882350791 +399 451 3 882344684 +399 454 3 882510989 +399 455 4 882340924 +399 470 4 882344832 +399 506 3 882344406 +399 542 3 882344021 +399 543 3 882509971 +399 544 2 882340556 +399 549 4 882347190 +399 564 3 882350899 +399 575 1 882350762 +399 576 3 882350563 +399 616 1 882341881 +399 628 3 882340719 +399 660 3 882510250 +399 673 3 882343789 +399 693 3 882510165 +399 697 2 882345454 +399 720 3 882348565 +399 755 2 882344757 +399 779 4 882350850 +399 824 2 882341445 +399 1170 3 882510250 +399 1210 2 882348690 +399 1217 4 882350282 +399 1540 3 882350282 +399 1541 3 882510107 +400 258 5 885676316 +400 269 4 885676230 +400 301 4 885676411 +400 332 2 885676526 +400 690 3 885676365 +401 11 2 891033227 +401 25 4 891032412 +401 44 4 891032868 +401 127 1 891032170 +401 143 4 891033034 +401 151 1 891032584 +401 161 2 891033603 +401 174 4 891032803 +401 181 3 891032518 +401 257 2 891032563 +401 275 4 891032271 +401 302 3 891031464 +401 312 3 891031784 +401 315 4 891031464 +401 477 1 891034050 +401 507 4 891033014 +401 508 3 891032433 +401 511 2 891033092 +401 515 4 891032367 +401 566 5 891033684 +401 582 4 891033523 +401 630 4 891033370 +401 659 3 891033061 +401 735 5 891033158 +401 748 3 891031784 +401 892 1 891031867 +401 1009 4 891032626 +402 1 5 876266860 +402 12 4 876266826 +402 13 3 876266701 +402 19 4 876267096 +402 135 4 876266775 +402 204 5 876267206 +402 237 4 876266948 +402 276 5 876267014 +402 471 4 876267041 +402 628 3 876267067 +403 9 3 879786052 +403 100 5 879785974 +403 106 2 879786084 +403 118 5 879785974 +403 129 4 879785822 +403 222 5 879786190 +403 235 5 879786165 +403 276 4 879785941 +403 291 4 879790319 +403 472 4 879790319 +403 477 4 879786165 +403 515 4 879785867 +403 864 4 879786747 +403 928 3 879786008 +404 66 4 883790883 +404 245 3 883790401 +404 307 4 883790749 +404 310 4 883790750 +404 323 3 883790430 +404 683 4 883790366 +404 689 2 883790585 +404 690 5 876889178 +405 8 4 885545015 +405 12 5 885545306 +405 23 5 885545372 +405 29 4 885545639 +405 37 1 885548384 +405 38 5 885548093 +405 42 1 885547313 +405 43 1 885546680 +405 45 1 885549506 +405 48 1 885546154 +405 60 1 885549589 +405 61 1 885549589 +405 64 5 885544739 +405 71 1 885548836 +405 80 1 885547557 +405 81 3 885546025 +405 83 1 885545974 +405 91 2 885548932 +405 97 2 885545638 +405 101 1 885549192 +405 102 1 885548877 +405 139 3 885549005 +405 143 5 885548785 +405 173 5 885544798 +405 180 3 885546069 +405 193 4 885544698 +405 201 1 885547176 +405 202 4 885547221 +405 204 5 885544769 +405 208 5 885547124 +405 218 5 885548330 +405 231 3 885548094 +405 238 5 885545070 +405 288 5 885544635 +405 317 4 885544911 +405 351 1 885549942 +405 365 1 885545672 +405 367 1 885547222 +405 377 1 885547690 +405 384 3 885547605 +405 402 3 885546445 +405 420 5 885548785 +405 433 4 885545070 +405 434 3 885546201 +405 438 1 885548384 +405 439 1 885548330 +405 441 1 885548435 +405 444 3 885548385 +405 447 4 885548331 +405 448 4 885548331 +405 453 3 885548385 +405 464 1 885546379 +405 480 4 885544739 +405 501 3 885548837 +405 516 1 885547314 +405 518 1 885546287 +405 529 1 885549543 +405 545 1 885547766 +405 553 1 885546379 +405 558 1 885546069 +405 561 1 885548475 +405 563 1 885548475 +405 564 1 885547606 +405 566 1 885547953 +405 626 1 885548877 +405 642 1 885548579 +405 659 4 885544739 +405 662 1 885546155 +405 666 1 885549635 +405 674 1 885548275 +405 675 1 885548275 +405 679 1 885547997 +405 684 3 885547996 +405 694 1 885546336 +405 697 1 885545883 +405 708 1 885546487 +405 715 1 885546445 +405 723 1 885546288 +405 727 1 885546247 +405 728 4 885547690 +405 736 5 885546336 +405 745 1 885547506 +405 747 1 885549309 +405 770 1 885548048 +405 774 1 885548475 +405 777 1 885548275 +405 782 1 885546636 +405 783 2 885547645 +405 784 1 885548275 +405 790 1 885547360 +405 794 5 885549309 +405 808 1 885546487 +405 816 1 885548435 +405 842 5 885548932 +405 843 2 885549005 +405 849 1 885548049 +405 851 1 885549407 +405 853 1 885547124 +405 855 1 885549543 +405 858 1 885548435 +405 859 1 885547506 +405 861 1 885548275 +405 921 1 885549634 +405 943 1 885548633 +405 944 3 885547447 +405 951 1 885548877 +405 955 1 885549308 +405 960 1 885545975 +405 1021 1 885549543 +405 1030 1 885547605 +405 1036 1 885547506 +405 1037 3 885547506 +405 1044 4 885545552 +405 1065 1 885546069 +405 1070 1 885547123 +405 1072 1 885547222 +405 1091 1 885549004 +405 1103 2 885546025 +405 1107 1 885546635 +405 1147 2 885546069 +405 1194 1 885546201 +405 1195 1 885549590 +405 1218 5 885547360 +405 1219 1 885549094 +405 1228 1 885548137 +405 1229 1 885546835 +405 1232 1 885546681 +405 1261 1 885546529 +405 1271 2 885547506 +405 1297 1 885546577 +405 1387 2 885549745 +405 1394 1 885549903 +405 1405 1 885549745 +405 1407 1 885548137 +405 1415 1 885549045 +405 1438 1 885546835 +405 1441 1 885546835 +405 1499 1 885549407 +405 1509 1 885547557 +405 1548 1 885547952 +405 1570 1 885549544 +405 1572 1 885549635 +405 1581 1 885548579 +405 1584 1 885549407 +406 1 4 879446107 +406 5 4 880132276 +406 8 4 879445562 +406 10 3 879445684 +406 11 4 879446529 +406 15 4 879540051 +406 32 5 879446639 +406 39 4 884630523 +406 47 4 880131741 +406 53 4 879792928 +406 86 4 879793295 +406 92 4 882480836 +406 96 5 879446529 +406 115 4 879446108 +406 121 5 879540199 +406 123 4 879540173 +406 129 5 879539949 +406 134 5 879445430 +406 136 4 879445522 +406 143 1 879445935 +406 151 2 879540051 +406 152 2 880131666 +406 153 3 879445522 +406 158 2 880132115 +406 170 3 879445599 +406 182 4 879445734 +406 191 5 882480443 +406 194 5 880131550 +406 196 2 879446588 +406 218 3 879792863 +406 220 3 879540388 +406 228 3 884630974 +406 237 1 879540078 +406 277 3 879540106 +406 284 1 879539987 +406 289 3 879445250 +406 368 2 880132115 +406 405 3 879540296 +406 418 5 879793081 +406 420 4 879793112 +406 447 4 879792897 +406 451 2 880131954 +406 478 4 879445378 +406 480 4 882480802 +406 487 3 884630973 +406 499 5 884630973 +406 504 4 879445859 +406 505 4 879540515 +406 509 3 879540515 +406 524 4 879446361 +406 561 3 879792974 +406 575 1 880132188 +406 610 1 879446228 +406 611 3 879446268 +406 638 4 879446684 +406 655 3 880131704 +406 663 5 879446269 +406 727 3 882480749 +406 747 2 879446108 +406 845 3 879540051 +406 1194 4 879446588 +406 1203 2 884630860 +407 8 5 875042425 +407 72 4 876344772 +407 89 4 875043948 +407 96 3 875042569 +407 98 5 875044510 +407 127 3 875044597 +407 132 4 875043800 +407 135 3 875119886 +407 143 4 875117053 +407 158 2 876342927 +407 177 4 887833034 +407 183 4 875046799 +407 188 3 875043801 +407 193 3 875046799 +407 201 4 875045240 +407 203 4 876341467 +407 209 5 875042378 +407 214 4 875042466 +407 215 3 875045658 +407 223 4 891868745 +407 226 3 876345024 +407 228 4 875046799 +407 232 3 876344993 +407 235 4 875044531 +407 239 4 875553509 +407 248 4 884197006 +407 250 4 890687564 +407 255 4 884197052 +407 257 4 884202243 +407 258 4 884197027 +407 274 3 876344287 +407 286 4 890687500 +407 315 4 891873158 +407 393 2 876344736 +407 427 4 876338966 +407 449 2 876344772 +407 479 4 875045240 +407 496 5 875042425 +407 508 4 876348660 +407 514 4 875042675 +407 561 4 887832999 +407 588 4 875552964 +407 603 4 875044037 +407 656 4 875042865 +407 657 4 875553625 +407 710 4 875046460 +407 715 4 876340239 +407 729 4 876348660 +407 756 2 876348232 +407 1090 2 876348799 +408 270 5 889679683 +408 271 3 889679947 +408 294 5 889680045 +408 313 4 889679761 +408 324 5 889680018 +408 328 2 889679791 +408 1296 4 889679901 +409 23 4 881109175 +409 179 5 881107817 +409 186 5 881109420 +409 192 4 881107666 +409 195 4 881109306 +409 205 3 881107992 +409 209 5 881107117 +409 216 4 881107251 +409 266 1 881105677 +409 275 4 881107351 +409 285 4 881168712 +409 286 5 881104697 +409 300 3 881104697 +409 303 4 881104727 +409 327 2 881104837 +409 343 3 881105677 +409 367 3 881109264 +409 404 2 881109019 +409 430 4 881168604 +409 486 3 881109175 +409 493 4 881108364 +409 498 4 881108715 +409 504 2 881106682 +409 523 4 881106682 +409 528 4 881107281 +409 530 4 881107602 +409 606 4 881108829 +409 607 5 881107697 +409 608 4 881107155 +409 647 5 881107817 +409 661 5 881107817 +409 708 4 881109019 +409 733 4 881109264 +409 945 3 881108971 +409 1073 4 881107750 +409 1093 2 881106087 +409 1099 4 881168712 +409 1360 2 881106087 +409 1369 4 881106287 +409 1449 5 881107817 +409 1558 5 881107281 +410 311 3 888626913 +410 316 4 888627138 +410 690 4 888627138 +410 873 4 888627138 +410 905 4 888627138 +411 4 4 892845634 +411 56 4 891035278 +411 58 3 892845804 +411 73 4 892845634 +411 117 2 891035761 +411 208 4 891035617 +411 210 5 892845605 +411 222 3 891035152 +411 228 3 891035309 +411 229 3 891035362 +411 230 3 891035362 +411 318 4 892845712 +411 435 3 891035478 +411 1197 4 892846971 +411 1475 3 891035617 +412 23 4 879717147 +412 81 2 879717829 +412 150 4 879717621 +412 182 4 879716983 +412 186 5 879717071 +412 211 4 879717177 +412 651 4 879717548 +413 14 5 879969513 +413 50 5 879969674 +413 258 4 879968794 +413 303 5 879968793 +413 328 3 879968933 +413 332 3 879968890 +413 471 4 879969642 +413 690 4 879968793 +413 936 4 879969484 +414 302 5 884998953 +414 325 3 884999193 +414 343 2 884999193 +415 185 4 879439960 +415 322 4 879439205 +415 432 4 879439610 +415 531 5 879439684 +415 748 5 879439349 +416 2 4 886317115 +416 8 5 893212484 +416 27 4 886318270 +416 28 5 893212730 +416 31 5 893212730 +416 42 3 876699578 +416 44 4 886316596 +416 65 5 893212930 +416 66 5 893213019 +416 86 1 886316439 +416 97 5 893213549 +416 99 4 876700137 +416 132 4 876699652 +416 133 2 876699903 +416 136 5 893212623 +416 137 3 876697165 +416 154 4 876699839 +416 157 4 886317316 +416 159 1 886317412 +416 172 5 893213796 +416 181 5 893213019 +416 182 4 876698934 +416 183 5 893214127 +416 187 5 893214128 +416 191 5 893213019 +416 200 5 893213103 +416 211 5 893214041 +416 215 5 893213644 +416 216 5 893213444 +416 239 5 893212730 +416 252 4 876698115 +416 253 3 876697283 +416 281 5 893213103 +416 285 2 876697165 +416 295 5 893213405 +416 315 3 889341306 +416 318 5 893213549 +416 319 5 893213444 +416 322 3 876696788 +416 333 4 876696788 +416 369 2 888701033 +416 378 5 893212896 +416 395 2 886319620 +416 401 2 886318651 +416 411 3 876698006 +416 412 2 892440119 +416 418 4 876699793 +416 425 4 886316647 +416 431 4 886316164 +416 463 4 886316703 +416 471 5 893213645 +416 472 4 876698204 +416 476 5 893213796 +416 500 5 893212573 +416 509 5 893214041 +416 553 4 886317079 +416 592 3 892441347 +416 619 4 886315423 +416 651 4 886316439 +416 676 5 893213549 +416 686 5 893213444 +416 693 3 878879976 +416 699 5 893212895 +416 707 4 876699179 +416 713 4 876697448 +416 717 2 876697283 +416 729 5 893212896 +416 735 5 893213549 +416 737 3 886318613 +416 754 5 893214128 +416 755 4 893214333 +416 781 4 893142283 +416 792 4 876699526 +416 794 5 893213019 +416 807 4 886319649 +416 815 4 876697243 +416 834 3 878879314 +416 840 4 886315536 +416 843 3 886317748 +416 849 3 886318676 +416 873 5 893213645 +416 955 4 876699839 +416 990 2 876696739 +416 1020 5 893212483 +416 1053 4 886319434 +416 1054 3 876698083 +416 1058 5 893213019 +416 1135 2 886319234 +416 1262 5 893213019 +416 1264 4 886316381 +416 1428 3 886319204 +416 1441 3 886318546 +416 1469 3 878880195 +417 5 4 879648593 +417 44 2 880951252 +417 51 3 879648526 +417 55 5 879647900 +417 63 3 879649021 +417 78 2 879649632 +417 79 3 879647924 +417 80 4 879649247 +417 82 4 879647326 +417 95 5 879646965 +417 100 3 879646166 +417 106 2 879646741 +417 109 2 879646369 +417 122 2 879646838 +417 142 3 879648184 +417 164 3 879648156 +417 168 4 879647355 +417 179 4 879647749 +417 190 5 879647065 +417 202 4 879647140 +417 216 3 879647298 +417 219 3 879648979 +417 223 5 879646986 +417 232 3 879648510 +417 234 4 879646965 +417 257 3 879646244 +417 258 4 879645999 +417 260 3 879649779 +417 290 4 879646661 +417 294 4 879646463 +417 357 5 879647118 +417 364 3 880953014 +417 373 3 880952988 +417 393 4 879648096 +417 399 3 879648898 +417 413 3 879646327 +417 433 4 879648403 +417 444 4 880952691 +417 447 3 879649064 +417 451 4 879649266 +417 452 2 880952970 +417 465 4 879648079 +417 498 4 879647540 +417 501 3 879647540 +417 546 3 879646712 +417 559 4 879648979 +417 574 2 879649428 +417 582 3 879647749 +417 640 5 879648742 +417 668 2 880953014 +417 767 1 879646860 +417 783 3 879649064 +417 796 4 879648881 +417 804 3 879649153 +417 809 3 880951251 +417 810 3 879649178 +417 827 2 879646860 +417 831 2 879646820 +417 849 1 879649632 +417 895 3 886186520 +417 946 4 880950324 +417 1011 3 880949438 +417 1016 4 886186827 +417 1040 2 879649428 +417 1086 4 879646369 +417 1090 3 879649577 +417 1091 3 879648435 +417 1288 1 879646741 +417 1416 2 880952534 +417 1539 2 879649539 +418 327 1 891282836 +418 328 1 891282738 +418 333 5 891282520 +418 346 2 891282595 +418 750 2 891282626 +418 895 4 891282595 +419 50 5 879435541 +419 79 4 879435590 +419 100 5 879435722 +419 405 3 879435503 +419 604 5 879435590 +419 615 5 879435785 +420 14 5 891356927 +420 86 5 891357021 +420 270 3 891356790 +420 301 3 891357188 +420 478 3 891356864 +420 484 5 891356864 +420 513 5 891356864 +420 603 4 891356864 +420 750 4 891356790 +421 50 5 892241294 +421 82 4 892241294 +421 127 4 892241624 +421 129 5 892241459 +421 144 5 892241624 +421 183 5 892241459 +421 187 4 892241624 +421 219 3 892241687 +421 603 4 892241422 +421 653 3 892241422 +422 5 3 879744085 +422 129 4 875129839 +422 137 5 875129882 +422 151 4 875130173 +422 219 4 879744086 +422 260 3 875129668 +422 275 5 875130026 +422 286 5 875129523 +422 287 3 878199757 +422 294 3 875129692 +422 299 1 875129602 +422 326 3 875129523 +422 396 4 879744143 +422 447 4 879744143 +422 452 3 879744183 +422 475 4 875129881 +422 561 3 879744143 +422 672 3 879744086 +423 125 2 891395547 +423 245 4 891394952 +423 286 4 891394632 +423 299 3 891394788 +423 329 3 891394952 +423 340 4 891394504 +423 344 4 891394558 +423 471 3 891395626 +423 591 5 891395547 +423 748 3 891394985 +423 823 3 891395759 +423 924 4 891395602 +423 1238 3 891394874 +424 50 3 880859519 +424 115 1 880859385 +424 151 2 880859722 +424 288 1 880858924 +424 310 3 880858829 +424 435 3 880859346 +424 538 5 880858861 +424 681 3 880859115 +424 740 5 880859674 +425 1 2 878737873 +425 2 2 878738757 +425 24 2 878738386 +425 62 4 878738548 +425 82 3 878738757 +425 100 4 878738853 +425 117 3 878738435 +425 118 1 878738596 +425 121 4 878738813 +425 124 2 878737945 +425 168 5 890347172 +425 171 3 890347138 +425 174 3 878738149 +425 180 4 878738077 +425 188 3 878738386 +425 195 4 878738245 +425 200 4 878738854 +425 209 2 890347085 +425 231 3 878738435 +425 234 3 878738853 +425 310 3 890346411 +425 316 4 890346705 +425 343 3 890346517 +425 362 3 890346317 +425 385 2 878738813 +425 398 1 878738597 +425 520 3 890347085 +425 538 2 890346866 +425 550 4 878738813 +425 573 3 878738914 +425 669 3 878737908 +425 686 3 878738757 +425 689 2 890346517 +425 750 2 890346317 +425 823 3 878738757 +425 895 4 890346198 +425 976 1 878738992 +425 1595 2 878738757 +426 23 4 879444734 +426 50 4 879442226 +426 133 5 879441978 +426 135 3 879444604 +426 168 3 879444081 +426 178 4 879444080 +426 196 4 879444734 +426 197 4 879444816 +426 200 2 879442702 +426 427 5 879442737 +426 432 3 879444192 +426 474 4 879442785 +426 483 5 879442226 +426 491 4 879442702 +426 511 4 879441978 +426 631 3 879442006 +426 648 3 879441931 +426 653 4 879442841 +426 654 5 879442785 +426 705 5 879441931 +426 1451 4 879444734 +427 258 4 879700792 +427 304 4 879700850 +427 328 4 879700908 +427 332 5 879701253 +427 990 5 879701326 +428 259 4 885943685 +428 268 4 885943818 +428 271 2 892572448 +428 286 3 885943980 +428 322 4 885943782 +428 326 3 892572448 +428 1024 4 885943651 +428 1280 3 885944069 +428 1313 4 892572362 +429 1 3 882385785 +429 4 4 882385684 +429 7 2 882385569 +429 21 2 882386508 +429 23 4 882385243 +429 50 5 882384553 +429 52 4 882387074 +429 53 1 882386814 +429 63 2 882387505 +429 66 2 882386357 +429 68 3 882385963 +429 70 4 882386401 +429 79 4 882385243 +429 82 4 882386121 +429 87 3 882384821 +429 90 4 882387731 +429 92 4 882385684 +429 96 4 882387053 +429 101 4 882386662 +429 114 5 882385663 +429 123 4 882386448 +429 141 3 882386966 +429 163 4 882387599 +429 172 5 882385118 +429 174 4 882387773 +429 178 4 882384772 +429 181 5 882384870 +429 190 5 882387773 +429 191 5 882385065 +429 202 4 882385829 +429 203 5 882385684 +429 207 4 882385729 +429 210 4 882387731 +429 232 4 882385859 +429 233 3 882385593 +429 237 3 882384526 +429 249 4 882386662 +429 277 4 882386096 +429 281 3 882386027 +429 288 3 882387685 +429 298 5 882386145 +429 338 3 882387599 +429 340 5 882384870 +429 378 3 882386916 +429 385 3 882386915 +429 393 3 882385749 +429 405 3 882387202 +429 418 3 882386096 +429 419 4 882385293 +429 430 4 882384553 +429 432 4 882385443 +429 435 4 882385636 +429 466 2 882384847 +429 468 3 882384896 +429 480 4 882386071 +429 482 3 882384683 +429 483 5 882384821 +429 493 4 882385663 +429 496 4 882384603 +429 500 1 882384772 +429 527 5 882387757 +429 537 4 882387773 +429 559 3 882386662 +429 566 3 882386357 +429 584 4 882385749 +429 603 4 882384847 +429 631 4 882385243 +429 642 4 882386600 +429 654 4 882385542 +429 655 3 882385399 +429 658 3 882386448 +429 684 4 882385882 +429 700 3 882386485 +429 708 3 882386895 +429 726 2 882386751 +429 729 2 882386684 +429 742 4 882386711 +429 756 2 882386711 +429 804 3 882387599 +429 845 4 882386401 +429 847 3 882385569 +429 921 2 882385962 +429 928 2 882386849 +429 961 3 882385518 +429 1048 2 882386966 +429 1071 2 882385729 +429 1089 2 882387053 +429 1209 3 882387350 +429 1218 3 882387653 +429 1228 3 882387163 +430 19 5 877225623 +430 42 3 877226568 +430 101 2 877226501 +430 137 3 877225433 +430 152 4 877226569 +430 181 4 877225484 +430 248 3 877225832 +430 258 4 877225570 +430 276 1 877225753 +430 318 5 877226130 +430 328 4 877225327 +430 462 3 877226164 +430 674 4 877226405 +431 302 3 877844062 +431 690 3 877844183 +432 1 2 889415983 +432 3 3 889416260 +432 7 2 889415983 +432 93 2 889415812 +432 117 4 889415853 +432 248 4 889416352 +432 249 5 889416352 +432 257 5 889416118 +432 276 4 889415947 +432 284 4 889416521 +432 294 4 889416229 +432 300 4 889415763 +432 471 3 889416229 +432 628 5 889416398 +432 815 3 889416260 +432 845 4 889416260 +432 864 2 889416657 +433 246 4 880585885 +433 273 3 880585923 +433 293 3 880585843 +433 323 1 880585530 +433 326 2 880585386 +433 919 5 880585923 +434 7 1 886724505 +434 111 5 886724540 +434 151 5 886724453 +434 274 5 886724797 +434 283 3 886724505 +434 287 5 886724359 +434 471 2 886724797 +434 477 5 886724940 +434 628 1 886724873 +434 743 1 886725027 +434 819 3 886724873 +434 928 5 886724913 +434 975 5 886724873 +435 1 5 884131712 +435 3 3 884133911 +435 7 4 884131597 +435 9 4 884131055 +435 15 3 884132146 +435 25 5 884132434 +435 28 3 884131799 +435 29 3 884133691 +435 31 5 884131157 +435 45 5 884131681 +435 64 5 884131036 +435 68 4 884131901 +435 69 4 884131243 +435 71 3 884132208 +435 81 3 884131661 +435 83 4 884131434 +435 100 3 884131711 +435 105 3 884133872 +435 108 1 884132540 +435 117 3 884131356 +435 125 3 884132483 +435 152 4 884132072 +435 156 4 884131822 +435 159 5 884132898 +435 162 1 884132755 +435 163 3 884131489 +435 172 5 884132619 +435 182 4 884131356 +435 187 4 884131489 +435 191 4 884131200 +435 195 5 884131118 +435 206 5 884133223 +435 214 4 884131741 +435 218 3 884133194 +435 219 5 884133691 +435 222 3 884132027 +435 227 4 884133372 +435 239 4 884132968 +435 250 4 884134290 +435 258 4 884130647 +435 264 3 884130671 +435 321 3 889722170 +435 331 5 884130671 +435 358 4 884130864 +435 369 1 884134771 +435 384 3 884134047 +435 393 2 884133610 +435 394 4 884132873 +435 399 3 884133253 +435 411 3 884132484 +435 424 1 884134536 +435 448 3 884132230 +435 541 4 884134187 +435 561 2 884133064 +435 562 5 884133819 +435 566 4 884132643 +435 567 3 884133785 +435 568 2 884131868 +435 569 3 884134019 +435 573 1 884132515 +435 577 3 884133973 +435 578 5 884132230 +435 625 2 884132588 +435 631 2 884132540 +435 640 4 884132873 +435 673 3 884132341 +435 679 3 884133372 +435 720 2 884133818 +435 743 3 884134910 +435 748 4 884130765 +435 781 3 884133447 +435 821 2 884132840 +435 845 3 884132100 +435 862 1 884133972 +435 890 1 884130883 +435 926 3 884133972 +435 977 2 884134829 +435 983 2 884134830 +435 1047 3 884132315 +435 1061 3 884134754 +435 1151 1 884134019 +435 1185 1 884133371 +435 1215 3 884134810 +435 1225 3 884131597 +435 1268 5 884131950 +435 1411 1 884133104 +436 23 4 887770064 +436 26 3 887771146 +436 38 3 887771924 +436 43 2 887770300 +436 47 4 887769930 +436 65 4 887771753 +436 83 5 887770115 +436 92 3 887770115 +436 95 4 887770037 +436 99 3 887770344 +436 111 4 887771773 +436 182 5 887769150 +436 217 4 887771146 +436 265 3 887769106 +436 313 5 887768521 +436 327 5 887768694 +436 340 5 887768445 +436 367 4 887770217 +436 441 3 887772060 +436 559 4 887770640 +436 585 3 887771722 +436 628 5 887770457 +436 655 5 887769233 +436 660 4 887771825 +436 710 4 887769281 +436 748 3 887768738 +436 763 4 887771042 +436 785 2 887770731 +436 790 3 887770428 +436 974 5 887771997 +436 1048 2 887770379 +436 1058 4 887770547 +436 1227 2 887772028 +437 28 3 880140534 +437 30 4 880140855 +437 77 4 880143040 +437 82 3 880140192 +437 87 3 880140891 +437 90 3 880143289 +437 111 3 881002067 +437 143 5 880141528 +437 161 2 880140288 +437 174 5 880140122 +437 176 2 880143809 +437 180 4 880139868 +437 185 5 880140192 +437 186 3 881001208 +437 195 2 880141286 +437 204 5 880141528 +437 207 4 880142365 +437 219 3 880143663 +437 237 4 880140466 +437 238 5 880140369 +437 265 3 880142942 +437 275 5 881001888 +437 286 2 880139482 +437 292 5 880139631 +437 318 4 880140466 +437 378 4 880143451 +437 402 2 880143263 +437 412 3 880142147 +437 428 5 881001983 +437 432 3 880140854 +437 435 3 881001945 +437 436 4 880143635 +437 450 3 880143040 +437 478 5 881002323 +437 482 5 880140051 +437 496 4 880140662 +437 507 5 880140015 +437 514 4 880140369 +437 521 4 880141164 +437 523 3 881002191 +437 588 3 881002092 +437 603 5 880140051 +437 614 5 880139951 +437 629 3 881002405 +437 692 4 880143115 +437 697 4 880140978 +437 698 2 880142426 +437 699 4 880143419 +437 702 1 880141335 +437 705 4 880141335 +437 707 3 880141374 +437 709 5 881000931 +437 739 3 880143243 +437 812 3 881002092 +437 842 4 880143451 +437 843 4 880143520 +437 946 3 881002092 +437 955 4 881002404 +437 1036 5 880143562 +437 1091 3 880143392 +437 1098 3 880141243 +437 1227 3 880142630 +437 1599 5 880142614 +438 21 2 879868683 +438 245 5 879867960 +438 815 5 879868581 +438 864 3 879868547 +439 7 4 882893245 +439 100 3 882892705 +439 121 2 882893768 +439 240 3 882893859 +439 293 3 882892818 +439 301 3 882892424 +439 307 3 882892424 +439 591 4 882892818 +439 1328 4 882893891 +440 70 4 891577950 +440 198 4 891577843 +440 242 5 891546594 +440 272 5 891546631 +440 300 3 891546785 +440 310 3 891546631 +440 312 5 891550404 +440 313 4 891546631 +440 329 5 891548567 +440 350 5 891550404 +440 736 5 891578036 +440 750 5 891546784 +440 904 5 891546654 +440 988 1 891577504 +440 1105 5 891548567 +440 1194 5 891577843 +440 1265 5 891548567 +441 7 4 891035468 +441 121 4 891035489 +441 294 4 891035211 +441 342 4 891035267 +442 7 4 883389983 +442 11 4 883390284 +442 27 2 883390416 +442 33 3 883388508 +442 55 3 883390813 +442 62 2 883390641 +442 64 5 883389682 +442 117 3 883390366 +442 144 4 883390328 +442 154 4 883389491 +442 174 4 883389776 +442 176 5 883390284 +442 204 3 883389028 +442 209 4 883388283 +442 217 3 883390083 +442 219 3 883390009 +442 231 3 883390609 +442 234 4 883389983 +442 240 2 883388833 +442 288 4 883390048 +442 294 2 883388120 +442 367 2 883388887 +442 449 2 883390739 +442 576 2 883390703 +442 746 3 883388354 +442 1188 3 883390609 +442 1218 2 883388960 +443 12 5 883505379 +443 294 5 883504593 +443 309 5 883504866 +443 313 4 883504564 +443 340 5 883504748 +443 343 5 883504771 +443 358 1 883504748 +443 687 3 883504889 +444 9 5 890247287 +444 245 4 891979402 +444 258 3 890246907 +444 748 1 890247172 +445 7 1 891200078 +445 9 2 891199655 +445 55 1 890987712 +445 100 2 890987569 +445 118 2 891200506 +445 127 2 890987687 +445 144 3 890987569 +445 181 2 891199945 +445 203 3 890988205 +445 208 2 890987712 +445 237 2 891199906 +445 245 2 891035830 +445 268 1 890987410 +445 273 2 891199869 +445 330 2 891199274 +445 333 2 890987410 +445 340 5 891035571 +445 591 2 891200020 +445 644 3 890988205 +445 689 1 891199458 +445 744 2 891200272 +445 752 1 891199167 +445 762 1 891200355 +445 818 1 891200656 +445 840 1 891200320 +445 1008 1 891200320 +445 1011 1 891200320 +445 1012 1 891199843 +445 1081 1 891200447 +445 1097 1 891199682 +445 1199 1 891200447 +445 1598 1 891200592 +446 306 3 879786691 +447 11 4 878856208 +447 27 3 878856601 +447 28 4 878856110 +447 56 5 878855782 +447 96 5 878855847 +447 98 4 878855873 +447 123 3 878854459 +447 144 5 878856078 +447 156 5 878856625 +447 209 4 878856148 +447 222 3 878854340 +447 260 2 878854120 +447 284 4 878854552 +447 298 4 878854195 +447 367 3 878856232 +447 469 4 878856394 +447 498 4 878856321 +447 546 2 878854704 +447 559 3 878856172 +447 629 3 878855907 +447 815 3 878854658 +447 1016 3 878854918 +447 1048 2 878854579 +447 1142 5 878854481 +447 1326 4 878854838 +448 271 4 891888509 +448 286 2 891887393 +448 301 1 891888099 +448 307 2 891888042 +448 327 2 891888367 +448 344 4 891888244 +448 345 5 891887440 +449 248 4 879958888 +449 285 5 879958572 +449 337 4 880411035 +449 742 3 879958839 +449 763 2 879959190 +449 936 5 879958721 +449 1011 4 879958685 +449 1073 5 880410734 +449 1142 4 879958803 +450 26 5 882396489 +450 28 4 882377861 +450 51 4 882377358 +450 67 3 882469941 +450 71 3 882377358 +450 73 3 887661438 +450 79 4 882376446 +450 82 3 887834953 +450 83 4 882372027 +450 86 4 887660440 +450 87 5 882374059 +450 88 5 882396799 +450 90 4 887660650 +450 98 4 882371732 +450 112 2 882468307 +450 117 4 882397373 +450 125 4 882376803 +450 126 5 882396051 +450 141 3 882377726 +450 163 4 882377358 +450 166 5 887660440 +450 167 5 882469863 +450 168 5 882376803 +450 169 5 882371732 +450 180 4 882373020 +450 182 5 882376585 +450 185 5 882376365 +450 187 5 882373597 +450 191 5 887660440 +450 197 5 882374059 +450 202 4 882397223 +450 210 3 887835408 +450 215 5 882396051 +450 226 4 882474001 +450 233 3 882474001 +450 239 5 882373865 +450 254 3 887662083 +450 264 3 882370581 +450 269 5 882215617 +450 274 4 882469627 +450 277 3 882397223 +450 278 5 882473476 +450 280 4 882397940 +450 287 4 887660504 +450 292 5 882215922 +450 316 4 889568753 +450 328 4 886449488 +450 332 4 882369964 +450 373 3 887834953 +450 380 5 882398939 +450 393 4 882812349 +450 396 2 882469941 +450 421 4 887834823 +450 422 3 882467991 +450 427 5 882371415 +450 431 5 882473914 +450 432 4 882377861 +450 443 4 882377861 +450 448 4 882371526 +450 455 4 882376188 +450 471 4 882396153 +450 476 4 882469306 +450 479 4 882371526 +450 481 5 882373231 +450 491 3 882373297 +450 497 5 882374422 +450 500 4 882376188 +450 503 4 882371311 +450 527 5 882374059 +450 530 3 887661843 +450 535 3 882812636 +450 568 4 882397939 +450 602 4 882373532 +450 606 5 882371904 +450 608 4 882373088 +450 609 5 882398312 +450 622 5 882468239 +450 630 3 882376188 +450 631 4 882394251 +450 633 5 887660440 +450 648 5 887660503 +450 651 5 882376658 +450 655 4 882377653 +450 657 4 887660504 +450 661 3 882373231 +450 693 3 887139232 +450 705 4 882373656 +450 709 3 882371826 +450 715 3 887137066 +450 716 4 882469166 +450 731 3 882398084 +450 761 4 882398939 +450 794 5 882473476 +450 807 4 887834823 +450 821 2 882812495 +450 823 3 887139729 +450 832 2 882468307 +450 845 4 882373385 +450 869 4 882470064 +450 900 5 885944864 +450 934 3 882471362 +450 936 5 889569270 +450 939 4 882376803 +450 951 4 882399508 +450 956 4 882394097 +450 965 4 882394364 +450 966 4 882377861 +450 969 4 882376584 +450 1028 4 882469250 +450 1048 3 882397813 +450 1053 3 882396352 +450 1091 4 882468047 +450 1116 3 887661961 +450 1153 5 882397223 +450 1163 3 882396928 +450 1208 3 882399359 +450 1220 5 882398084 +450 1248 4 882399664 +450 1271 2 882468686 +450 1282 3 882394364 +450 1303 4 887136016 +450 1435 4 882471362 +450 1441 3 882397940 +450 1444 4 882468239 +450 1521 3 882812350 +451 259 4 879012721 +451 268 2 879012684 +451 286 1 879012343 +451 301 4 879012431 +451 305 3 879012647 +451 325 3 879012721 +451 328 5 879012470 +451 329 4 879012721 +451 333 5 879012550 +451 359 2 879012721 +451 680 1 879012811 +451 877 4 879012471 +451 879 4 879012580 +451 880 1 879012773 +451 884 1 879012890 +451 938 4 879012772 +451 991 2 879012647 +451 1022 4 879012858 +451 1265 4 879012772 +451 1280 1 879012773 +452 7 5 885816915 +452 22 5 885544110 +452 45 4 875265446 +452 48 5 885816769 +452 52 3 888494119 +452 58 3 875261666 +452 62 2 875563098 +452 66 4 885816884 +452 73 3 875277472 +452 86 4 875274683 +452 88 2 875559842 +452 124 5 885816768 +452 127 5 885544109 +452 132 2 875560255 +452 135 3 875560790 +452 136 4 875266060 +452 154 5 888568251 +452 156 4 875261819 +452 163 4 886151027 +452 180 4 875560300 +452 181 4 886151027 +452 183 4 888492759 +452 194 4 885816440 +452 197 5 885816768 +452 202 3 885547846 +452 211 2 875266197 +452 212 2 885490812 +452 318 5 885544110 +452 371 3 875562573 +452 384 2 875559398 +452 404 4 875561978 +452 418 4 875275700 +452 423 5 885544110 +452 427 4 875264976 +452 461 4 875273609 +452 462 4 875264825 +452 465 5 886148336 +452 490 4 875261350 +452 496 5 875261666 +452 509 4 875560790 +452 518 5 885816768 +452 521 3 885545770 +452 603 4 887718667 +452 615 3 875261350 +452 631 4 888568464 +452 659 4 875266415 +452 729 1 885981574 +452 780 1 885476356 +452 856 4 885817937 +452 863 5 885816769 +452 947 5 885816915 +452 1383 1 886149828 +453 9 3 888207161 +453 12 5 877553813 +453 22 5 877553870 +453 24 4 877553108 +453 48 4 877553761 +453 49 3 877561172 +453 53 3 877561894 +453 77 3 888207161 +453 80 2 888205783 +453 93 2 887941962 +453 94 4 877561956 +453 122 3 877553532 +453 132 3 877554871 +453 164 3 877554771 +453 181 5 877552612 +453 184 4 877554846 +453 186 4 877554466 +453 196 4 877554174 +453 254 2 877562293 +453 258 4 876191239 +453 364 3 888206676 +453 369 2 877553051 +453 410 4 877552951 +453 496 4 888203066 +453 552 2 877561713 +453 628 3 887942025 +453 684 3 888205336 +453 693 5 877561172 +453 871 1 888206233 +453 959 4 877561676 +453 975 2 887942451 +453 1016 4 877552991 +453 1170 3 877562135 +453 1230 2 888202271 +453 1273 2 877561258 +454 15 2 881960029 +454 22 4 881959844 +454 55 2 888267617 +454 69 4 881959818 +454 77 4 888266955 +454 89 1 888266433 +454 98 1 888266433 +454 99 3 881960296 +454 114 3 881960330 +454 124 4 881959960 +454 134 3 881959991 +454 162 3 888267315 +454 169 4 888266955 +454 185 2 881960265 +454 199 3 881960413 +454 204 4 881960504 +454 211 2 888267158 +454 237 4 881960361 +454 255 4 881959276 +454 259 4 881958606 +454 260 1 888000454 +454 279 4 881960330 +454 289 3 881958783 +454 293 4 881959238 +454 300 4 881958326 +454 322 2 881958782 +454 385 3 888266810 +454 392 2 888266991 +454 414 2 888267226 +454 423 4 881959607 +454 431 3 888266991 +454 435 2 881960145 +454 478 2 888267487 +454 483 3 881960145 +454 492 3 888266643 +454 526 4 881959698 +454 528 4 881959818 +454 614 3 888267590 +454 657 3 881959876 +454 659 2 888267028 +454 660 3 888267128 +454 678 2 881958782 +454 694 2 888266874 +454 724 3 888267158 +454 742 3 888267315 +454 842 2 881960266 +454 879 4 881958402 +454 939 2 888267386 +454 956 2 888266955 +454 961 1 888267279 +454 1035 3 888266601 +454 1105 3 888015988 +454 1203 2 888267521 +455 7 4 879111213 +455 9 4 878585685 +455 12 3 879111123 +455 14 3 883768822 +455 17 3 879111862 +455 53 1 879112415 +455 64 4 879111500 +455 69 4 879111937 +455 95 4 879111057 +455 96 4 879111616 +455 98 4 879110436 +455 118 4 879109733 +455 127 5 879111586 +455 148 3 879110346 +455 217 4 879112320 +455 234 4 879110436 +455 241 4 879111808 +455 252 3 879110818 +455 270 4 878585321 +455 275 4 878585826 +455 276 4 879109594 +455 289 3 892230574 +455 292 3 879108751 +455 298 4 882818787 +455 307 4 892230486 +455 382 3 879112239 +455 393 3 879112152 +455 423 5 879111862 +455 471 4 879109692 +455 475 4 879109069 +455 549 4 879112320 +455 591 4 879109923 +455 660 4 879111454 +455 709 3 879111471 +455 747 4 879111422 +455 934 3 879110260 +455 1160 4 879108892 +455 1171 3 882141702 +456 9 3 881372328 +456 23 4 881373019 +456 32 4 881372911 +456 46 3 881374613 +456 53 4 881375284 +456 79 3 881373228 +456 97 4 881373838 +456 121 2 881372052 +456 135 4 881373169 +456 143 3 881373983 +456 180 4 881373084 +456 181 3 881373120 +456 186 4 881374048 +456 188 4 881373573 +456 196 4 881374649 +456 197 4 881373793 +456 211 4 881374162 +456 226 2 881375482 +456 234 3 881373473 +456 268 5 887165395 +456 357 4 881373084 +456 366 2 881374967 +456 380 3 881375097 +456 414 3 881374331 +456 419 4 881374124 +456 421 3 881374086 +456 427 4 881372779 +456 474 5 881373353 +456 506 4 881374332 +456 546 4 881371942 +456 559 3 881373574 +456 582 5 881374162 +456 655 3 881373838 +456 763 4 881372015 +456 789 3 881374522 +456 845 3 881371839 +456 864 4 881371660 +456 1009 5 881372160 +456 1010 5 881371766 +456 1057 3 881372191 +456 1059 4 881372052 +456 1222 2 881375019 +456 1547 4 881373948 +457 7 4 882393278 +457 9 5 882393485 +457 11 4 882397020 +457 14 4 882393457 +457 22 5 882396705 +457 27 4 882549483 +457 50 5 882393620 +457 59 5 882397575 +457 65 5 882547967 +457 70 4 882396935 +457 77 4 882398345 +457 82 5 882397494 +457 83 5 882396487 +457 91 4 882547302 +457 94 3 882549544 +457 117 4 882393457 +457 148 4 882395360 +457 161 4 882397829 +457 162 5 882548793 +457 176 5 882397542 +457 180 5 882396989 +457 181 4 882393384 +457 185 5 882397375 +457 190 5 882396602 +457 191 5 882396659 +457 195 5 882395049 +457 197 5 882396705 +457 200 5 882396799 +457 203 4 882397133 +457 209 5 882553113 +457 214 5 882548280 +457 215 4 882398002 +457 216 5 882396765 +457 223 5 882396734 +457 231 4 882549998 +457 235 3 882395894 +457 239 5 882397267 +457 257 3 882393036 +457 304 4 882392853 +457 318 5 882397337 +457 402 4 882548583 +457 405 5 882553113 +457 410 4 882393937 +457 412 2 882396217 +457 417 4 882549575 +457 450 4 882392853 +457 452 3 882551228 +457 458 3 882393765 +457 472 4 882395768 +457 473 4 882395360 +457 540 3 882551740 +457 559 4 882398054 +457 568 4 882547590 +457 582 5 882548350 +457 588 5 882397411 +457 623 3 882550065 +457 629 4 882397177 +457 632 5 882397543 +457 658 4 882398308 +457 692 4 882396989 +457 709 5 882547856 +457 729 4 882547857 +457 732 4 882548426 +457 756 2 882395742 +457 770 4 882547794 +457 783 3 882549936 +457 792 4 882548312 +457 819 2 882396001 +457 841 4 882395516 +457 931 2 882395916 +457 948 1 882393156 +457 1028 3 882393828 +457 1037 2 882551818 +457 1039 5 882397934 +457 1168 5 882548761 +457 1210 4 882549905 +458 20 4 886394778 +458 23 4 886397931 +458 58 5 886396140 +458 96 4 886398543 +458 98 3 886396240 +458 117 4 886394623 +458 121 1 886395022 +458 126 4 886394730 +458 134 5 886395963 +458 143 4 886396005 +458 147 2 886395065 +458 179 4 886397808 +458 181 2 886396824 +458 183 4 886396460 +458 189 4 886396460 +458 190 4 886397771 +458 195 4 886397318 +458 203 5 886396460 +458 208 4 886395963 +458 250 1 886396637 +458 255 2 886396521 +458 273 4 886394730 +458 278 2 886395469 +458 283 5 886394730 +458 285 4 886394423 +458 286 4 886396637 +458 289 2 889323582 +458 298 5 886396677 +458 301 1 889323539 +458 467 4 886396240 +458 474 4 886397109 +458 509 4 886397857 +458 514 5 886397504 +458 526 5 886396241 +458 529 3 886398120 +458 546 3 886394863 +458 582 1 886398488 +458 588 5 886396460 +458 589 4 886396140 +458 597 3 886395022 +458 644 4 886397275 +458 651 3 886397988 +458 654 5 886397771 +458 685 3 886394373 +458 696 3 886395512 +458 704 2 886397857 +458 744 4 886394623 +458 750 5 889323771 +458 844 4 886394576 +458 896 5 889323481 +458 980 5 886394667 +458 1067 5 886395311 +459 7 5 879563245 +459 16 2 879562939 +459 25 2 879563201 +459 108 1 879563796 +459 117 5 879563146 +459 164 4 879564941 +459 172 5 879563902 +459 174 4 879566291 +459 245 3 879561731 +459 249 2 879562860 +459 258 3 879561574 +459 260 2 879561782 +459 286 4 879561532 +459 289 4 879561679 +459 301 2 879561574 +459 332 3 879561630 +459 472 5 879563226 +459 523 4 879564915 +459 568 3 879564941 +459 678 4 879561783 +459 748 4 879561754 +459 815 4 879563102 +459 879 4 879561630 +459 969 3 879564882 +459 989 5 879561708 +459 1039 3 879564915 +459 1051 3 879563667 +459 1115 3 879563506 +459 1190 4 879563169 +460 1 2 882911203 +460 127 4 882912150 +460 224 4 882911603 +460 242 4 882910838 +460 248 4 882912342 +460 250 2 882912261 +460 276 5 882912418 +460 279 2 882912316 +460 285 4 882912205 +460 307 4 882912418 +460 458 2 882911603 +460 515 5 882912418 +460 847 3 882912205 +460 1142 4 882911203 +460 1251 3 882912285 +460 1380 3 882912469 +461 9 5 885356112 +461 158 2 885355930 +461 242 3 885355735 +461 285 4 885356112 +461 304 4 885355805 +461 319 3 885355778 +462 11 5 886365498 +462 22 5 886365498 +462 100 4 886365387 +462 136 4 886365498 +462 237 5 886365387 +462 259 3 886365773 +462 272 5 886365142 +462 292 5 886365260 +462 300 5 886365260 +462 323 2 886365837 +462 330 3 886365803 +462 866 5 886365387 +463 20 5 877385590 +463 93 4 877385457 +463 107 3 889936181 +463 121 3 877385797 +463 126 4 877385531 +463 137 2 877385237 +463 147 3 877386047 +463 224 3 877385181 +463 243 1 877384970 +463 248 3 889935953 +463 253 5 877387935 +463 258 5 877387935 +463 268 4 877384940 +463 301 5 889936512 +463 310 3 889936490 +463 319 1 889936589 +463 472 3 877385922 +463 473 4 877385731 +463 477 2 877385489 +463 508 4 877385125 +463 744 3 877385457 +463 751 4 889943769 +463 845 3 877385830 +463 870 2 877385615 +463 926 1 890453075 +463 952 1 890453075 +463 1017 2 877385731 +463 1067 2 877385531 +463 1163 4 877385982 +463 1197 4 877385180 +463 1244 1 890530329 +463 1377 4 889935837 +464 16 4 878355211 +464 176 4 878355211 +464 248 5 878354998 +464 293 5 878355033 +464 302 5 878354626 +464 321 4 878354680 +464 603 5 878355259 +464 984 2 878354681 +465 1 4 883530054 +465 7 5 883529916 +465 8 4 883530991 +465 32 3 883531026 +465 56 4 883531110 +465 136 4 883530133 +465 143 4 883531380 +465 154 2 883532119 +465 169 4 883531072 +465 172 3 883531026 +465 174 3 883531409 +465 181 3 883530521 +465 258 5 883529482 +465 404 2 883532120 +465 423 3 883531533 +465 511 4 883530991 +465 615 3 883530991 +465 651 3 883531155 +465 705 4 883531444 +466 11 3 890284707 +466 22 5 890284706 +466 55 4 890284857 +466 56 4 890284706 +466 68 3 890285159 +466 79 3 890284706 +466 96 5 890284819 +466 98 3 890285762 +466 144 5 890284707 +466 174 5 890284706 +466 182 4 890284706 +466 187 3 890284857 +466 210 4 890284706 +466 231 1 890285159 +466 258 4 890284652 +466 268 2 890282759 +466 273 4 890284857 +466 292 4 890284651 +466 294 3 890282986 +466 313 5 890284651 +466 326 3 890282925 +466 327 3 890282956 +466 328 4 890284652 +466 346 3 890283056 +466 405 3 890284903 +466 518 4 890284903 +466 885 2 890283667 +466 908 4 890284651 +466 995 5 890284231 +466 1176 5 890284651 +467 1 4 879532459 +467 10 4 879532496 +467 24 4 879532496 +467 117 2 879532437 +467 246 5 879532534 +467 249 3 879532671 +467 269 4 879532145 +467 273 4 879532565 +467 327 4 879532164 +467 475 4 879532460 +467 742 2 879532671 +467 919 2 879532535 +467 1012 3 879532534 +467 1226 4 879532744 +468 7 3 875280214 +468 22 5 875287686 +468 25 5 875280214 +468 42 4 875294549 +468 58 4 875288771 +468 70 3 875287535 +468 95 4 875287826 +468 96 5 875295148 +468 97 5 875288503 +468 100 5 875279269 +468 111 4 875280518 +468 121 4 875280628 +468 126 3 875280214 +468 144 5 875287826 +468 150 5 875280309 +468 157 4 875294741 +468 170 4 875301056 +468 172 4 875293386 +468 178 5 875296401 +468 180 5 875291902 +468 191 4 875287686 +468 192 4 875291403 +468 195 5 875291902 +468 238 3 875286036 +468 246 5 875280352 +468 367 4 875296868 +468 372 2 875301098 +468 377 2 875288503 +468 462 4 875288196 +468 655 5 875294464 +468 724 4 875287615 +468 1012 4 875280462 +468 1016 3 875280670 +468 1051 2 875284635 +469 64 5 879523802 +469 215 4 879523802 +469 286 5 879450367 +469 306 4 879450473 +469 474 5 879524117 +469 490 5 879524485 +469 511 5 879524062 +469 520 4 879523947 +469 582 5 879524266 +469 611 5 879525237 +470 1 3 879178428 +470 7 3 879178518 +470 9 5 879178370 +470 13 4 879178518 +470 150 5 879178406 +470 181 4 879189434 +470 235 3 879178486 +470 257 4 879178568 +470 276 5 879178619 +470 283 5 879178370 +470 286 4 879178216 +470 360 2 879189269 +470 458 4 879178542 +470 471 5 879178593 +470 1067 4 879178568 +471 50 3 889827757 +471 225 5 889828026 +471 404 2 889827757 +471 422 5 889827982 +471 465 5 889827822 +471 768 3 889827982 +471 878 4 889827710 +471 932 5 889828027 +472 2 5 892790676 +472 7 5 892790953 +472 12 5 892791017 +472 21 3 875978686 +472 28 5 892791063 +472 29 5 875982867 +472 33 5 875981829 +472 41 4 875982511 +472 43 4 875982560 +472 51 5 875981708 +472 56 5 875979853 +472 63 4 875982511 +472 64 5 875981829 +472 68 5 892791017 +472 69 5 892790628 +472 78 1 875982967 +472 82 5 892791017 +472 94 5 892791063 +472 101 5 875981624 +472 109 4 875978686 +472 121 5 875978600 +472 122 3 875979153 +472 132 5 875979853 +472 172 5 892791063 +472 173 5 875982641 +472 174 5 875981595 +472 183 5 875980376 +472 186 5 888183325 +472 210 5 875981664 +472 215 4 875981968 +472 226 5 875982867 +472 239 5 875982398 +472 240 4 875979187 +472 254 4 875978191 +472 260 4 875977827 +472 271 5 892790628 +472 313 5 892790628 +472 323 4 892790117 +472 343 5 892790628 +472 373 4 875983129 +472 386 5 892790953 +472 391 2 875983129 +472 392 4 875981503 +472 404 3 875982922 +472 443 4 875982149 +472 465 3 875982149 +472 485 3 875980377 +472 496 4 875980823 +472 540 3 875982239 +472 546 4 875979041 +472 548 1 875982867 +472 562 5 875983023 +472 569 4 892790676 +472 576 5 892790952 +472 577 3 875982680 +472 597 5 892791062 +472 665 4 875983023 +472 672 4 875982771 +472 742 5 883903715 +472 768 5 875982771 +472 780 4 875982922 +472 810 5 875982922 +472 834 3 875979685 +472 890 4 883903272 +472 895 4 892790628 +472 928 4 875979562 +472 1002 4 883904649 +472 1034 3 875979359 +472 1035 4 875981759 +472 1047 4 875979082 +472 1058 4 875980081 +472 1074 5 892790676 +472 1090 5 875983321 +472 1110 5 875981429 +472 1239 5 892790676 +473 9 5 878157357 +473 14 4 878157242 +473 124 4 878157357 +473 129 4 878157329 +473 256 4 878157648 +473 302 4 878156824 +473 303 4 878156932 +473 319 3 878156824 +473 321 2 878156950 +474 12 5 887924683 +474 13 5 887915684 +474 14 5 887915306 +474 22 4 887924571 +474 23 4 887925620 +474 26 4 887927509 +474 44 3 887926998 +474 45 5 887924618 +474 50 5 887915221 +474 58 4 887925977 +474 60 3 887925620 +474 64 5 887924027 +474 69 5 887924618 +474 70 4 887928498 +474 86 4 887927456 +474 88 4 887926106 +474 89 5 887924425 +474 107 3 887915722 +474 116 5 887915366 +474 131 4 887927509 +474 141 4 887926059 +474 150 5 887915188 +474 168 3 887927670 +474 179 5 887924424 +474 182 5 887923924 +474 193 4 887925497 +474 205 5 887924469 +474 207 4 887925751 +474 208 3 887925497 +474 211 5 887925751 +474 212 4 887927670 +474 215 5 887926804 +474 218 4 887927588 +474 230 3 887927728 +474 248 4 887916438 +474 252 4 887916567 +474 274 3 887916330 +474 282 4 887916411 +474 288 3 887914615 +474 289 3 887914906 +474 291 4 887916567 +474 302 5 887914615 +474 313 4 887914615 +474 326 3 887914822 +474 356 5 887928793 +474 385 4 887927670 +474 414 4 887927153 +474 416 4 887926271 +474 436 3 887926873 +474 462 4 887925497 +474 470 3 887926437 +474 475 4 887915479 +474 478 4 887926804 +474 486 4 887924425 +474 497 5 887926106 +474 507 4 887924424 +474 510 4 887925837 +474 511 5 887925620 +474 514 4 887926632 +474 519 4 887926872 +474 520 5 887925837 +474 525 4 887925837 +474 526 5 887927339 +474 527 5 887923923 +474 530 5 887926271 +474 566 5 887926632 +474 584 5 887927728 +474 601 5 887927509 +474 604 4 887926059 +474 605 3 887927670 +474 614 4 887926999 +474 617 3 887925620 +474 628 4 887915414 +474 648 4 887926804 +474 659 5 887925187 +474 660 5 887926999 +474 664 4 887925620 +474 685 3 887915784 +474 692 4 887927588 +474 697 4 887928498 +474 699 4 887927457 +474 709 5 887928755 +474 792 4 887926573 +474 836 3 887926804 +474 943 4 887925751 +474 945 4 887923923 +474 971 4 887924469 +474 1113 3 887926059 +474 1134 3 887915306 +474 1421 4 887928562 +475 50 5 891627857 +475 70 4 891627606 +475 127 4 891627857 +475 902 5 891451402 +476 4 4 883364143 +476 26 4 883364475 +476 56 4 883365019 +476 67 4 883365218 +476 80 3 883364392 +476 83 3 883364143 +476 85 2 883364433 +476 88 4 883364717 +476 168 5 883364143 +476 173 5 883364218 +476 208 5 883364250 +476 239 4 883364475 +476 294 3 883365634 +476 300 5 883365561 +476 386 2 883365135 +476 648 4 883364295 +476 655 4 883365019 +476 692 3 883364143 +476 738 3 883364812 +476 999 2 883365385 +476 1036 2 883364780 +476 1180 3 883365336 +476 1271 2 883364433 +477 36 4 875941224 +477 49 5 875941155 +477 90 4 875941275 +477 237 4 875940451 +477 282 4 875941948 +477 289 5 875941793 +477 369 4 875940836 +477 553 5 875941155 +477 722 5 875941763 +477 731 4 875941275 +477 732 4 875941111 +477 756 4 875940755 +477 778 4 875941191 +477 846 4 875942042 +477 1041 5 875941225 +477 1051 5 875941763 +478 1 4 889387931 +478 7 1 889387871 +478 26 5 889396212 +478 40 1 889398198 +478 65 4 889395879 +478 69 3 889388612 +478 77 1 889395879 +478 134 2 889397467 +478 160 2 889395921 +478 196 3 889395921 +478 222 2 889387931 +478 231 1 889398598 +478 238 3 889388818 +478 300 3 889387471 +478 340 5 889398260 +478 367 4 889396235 +478 410 3 889388357 +478 447 4 889396732 +478 451 5 889396282 +478 467 5 889395563 +478 568 5 889396615 +478 616 4 889398260 +478 655 3 889395541 +478 843 5 889397582 +478 959 4 889396049 +478 975 4 889388229 +478 1048 4 889388357 +478 1101 4 889396005 +478 1221 2 889398645 +478 1270 1 889396212 +479 24 3 879460236 +479 31 4 889125905 +479 89 4 879460959 +479 96 4 879460959 +479 108 4 879460424 +479 111 4 879460323 +479 148 2 879460354 +479 172 4 879461084 +479 173 5 879460984 +479 177 4 889125665 +479 180 4 879460819 +479 183 5 889125563 +479 187 4 879460785 +479 188 2 879461545 +479 198 5 879460939 +479 213 4 879461039 +479 215 3 879461651 +479 258 5 879459552 +479 264 3 879459791 +479 265 4 879460918 +479 270 4 879459641 +479 272 4 889125255 +479 274 4 879460370 +479 281 3 879460285 +479 283 4 879460140 +479 295 1 879460424 +479 318 5 879461039 +479 328 4 879459611 +479 356 3 879461951 +479 380 3 879462007 +479 423 2 879461084 +479 455 4 889125853 +479 472 1 879460354 +479 479 4 879461378 +479 510 4 879461337 +479 511 5 879461280 +479 566 3 879461800 +479 588 1 879461378 +479 602 4 879461492 +479 604 3 879461084 +479 629 3 879461161 +479 651 5 889125921 +479 688 1 887064434 +479 727 5 879461818 +479 751 4 889125759 +479 1007 4 879460140 +479 1142 5 879459939 +479 1444 1 879462121 +479 1608 2 889125499 +480 64 3 891208293 +480 89 4 891208651 +480 96 4 891208623 +480 100 4 891207715 +480 209 4 891208599 +480 213 5 891208492 +480 257 4 891208037 +480 258 3 891207859 +480 272 4 891207539 +480 294 1 891208058 +480 462 4 891208520 +480 479 4 891208215 +480 504 4 891208822 +480 511 4 891208599 +480 661 4 891208327 +480 705 4 891208520 +480 863 4 891208356 +480 1007 4 891207715 +480 1388 4 891207665 +481 50 4 885827974 +481 86 5 885828650 +481 100 4 885828426 +481 163 4 885828389 +481 283 5 885828389 +481 430 4 885829196 +482 50 4 887644063 +482 269 4 887643096 +482 315 3 887643146 +482 748 4 887643365 +482 881 3 887644022 +483 116 3 878951532 +483 151 2 878952582 +483 180 2 878954086 +483 195 3 878954753 +483 229 3 878953485 +483 274 4 878953129 +483 290 3 878953199 +483 318 3 884046480 +483 380 3 878953592 +483 480 3 878953862 +483 582 3 887677797 +483 1152 4 893098572 +484 7 4 881449706 +484 24 1 881449826 +484 29 3 891195532 +484 51 4 891194910 +484 71 2 891194743 +484 73 4 891195199 +484 79 5 891195322 +484 82 4 891195444 +484 98 4 891195687 +484 111 4 881450111 +484 136 5 891194766 +484 150 4 891195246 +484 168 4 891195036 +484 173 5 891195036 +484 174 5 891195298 +484 181 5 881254239 +484 204 5 891195057 +484 216 4 891195105 +484 222 5 883402900 +484 229 5 891195476 +484 237 3 881450112 +484 275 3 891195973 +484 294 4 878060860 +484 313 5 885237934 +484 315 3 883973609 +484 385 4 891195416 +484 392 4 891194932 +484 405 4 881450182 +484 427 5 891195746 +484 431 4 891194692 +484 562 3 891195565 +484 655 5 891194820 +484 679 2 891195476 +484 692 5 891194998 +484 699 4 891195773 +484 746 4 891195179 +484 829 2 891195663 +484 849 3 891195506 +485 303 4 891040688 +485 319 3 891041485 +485 328 2 891040560 +485 330 3 891042162 +485 748 2 891041551 +486 1 4 879874870 +486 10 4 879874871 +486 14 5 879874725 +486 20 3 879875069 +486 93 4 879874629 +486 117 3 879874939 +486 124 5 879874545 +486 129 4 879874939 +486 137 4 879874871 +486 150 3 879874838 +486 151 2 879875041 +486 235 2 879875370 +486 236 3 879874629 +486 245 3 879875441 +486 248 4 879874663 +486 255 3 879874692 +486 273 3 879874871 +486 275 4 879874582 +486 277 3 879874418 +486 298 3 879874871 +486 319 3 879874388 +486 322 2 879874262 +486 327 3 879874112 +486 332 3 879874187 +486 333 2 879873973 +486 475 4 879874583 +486 508 4 879874753 +486 591 4 879874662 +486 628 3 879875278 +486 880 5 879874112 +486 935 4 879874516 +486 975 3 879874783 +486 1011 4 879874939 +486 1047 2 879875316 +486 1082 2 879875221 +486 1086 3 879874482 +486 1094 2 879874838 +486 1120 3 879875465 +486 1129 4 879874726 +486 1171 3 879874417 +486 1197 4 879874582 +486 1302 3 879874515 +486 1369 3 879874582 +486 1375 3 879874449 +487 1 5 883443504 +487 2 3 883531122 +487 17 3 883531279 +487 25 1 883445130 +487 31 5 883446685 +487 42 3 883446685 +487 49 4 884036466 +487 50 4 883442018 +487 55 5 883446685 +487 58 5 883446907 +487 71 3 883530786 +487 77 3 883530814 +487 82 5 883446252 +487 88 4 884024901 +487 92 4 883446600 +487 96 5 883446801 +487 97 5 883446600 +487 100 5 883442105 +487 125 5 883444736 +487 144 5 883446725 +487 160 4 884041685 +487 176 5 883445540 +487 191 4 883446027 +487 216 4 883530484 +487 230 5 884036466 +487 239 5 883531507 +487 249 1 884637200 +487 257 4 883442260 +487 258 5 883440613 +487 270 5 883440572 +487 272 5 885322350 +487 273 5 883443504 +487 282 4 883442105 +487 286 2 883439831 +487 318 3 883528237 +487 333 3 883440491 +487 347 2 884806595 +487 356 4 884024462 +487 366 3 883530929 +487 378 5 883530973 +487 403 4 884050247 +487 404 4 883446725 +487 412 1 883445220 +487 423 4 883446685 +487 432 3 883447015 +487 471 3 883441956 +487 550 3 883530841 +487 566 4 883529540 +487 572 1 884050940 +487 578 3 884036466 +487 588 5 883446725 +487 627 4 883531122 +487 651 5 883445606 +487 652 5 883530374 +487 685 3 883444252 +487 686 4 884044329 +487 692 5 883530434 +487 727 3 884029774 +487 742 5 883442053 +487 747 4 883531466 +487 772 3 883530885 +487 790 3 884045135 +487 833 4 888262381 +487 921 5 884042629 +487 941 3 884045297 +487 955 5 884024462 +487 1011 3 883444768 +487 1016 5 883444515 +487 1074 1 884051840 +487 1410 5 883446637 +487 1425 4 884024462 +487 1440 4 884045494 +488 50 4 891293974 +488 69 4 891294209 +488 96 3 891294014 +488 98 4 891293698 +488 135 4 891294785 +488 164 3 891293911 +488 168 4 891293910 +488 181 4 891376029 +488 185 4 891376137 +488 190 5 891376046 +488 196 3 891293974 +488 207 3 891294942 +488 238 1 891375965 +488 245 3 891292897 +488 265 4 891294473 +488 269 3 891293606 +488 304 4 891293606 +488 318 4 891293734 +488 328 4 891293606 +488 357 4 891293699 +488 358 3 891293051 +488 414 2 891293863 +488 429 4 891375991 +488 493 3 891294297 +488 498 3 891294707 +488 500 4 891294568 +488 514 2 891294063 +488 515 4 891293699 +488 612 4 891294210 +488 659 3 891293771 +488 692 4 891294707 +488 707 2 891294707 +488 724 3 891375751 +488 732 4 891294606 +488 776 4 891294298 +488 890 1 891293478 +488 1039 4 891294654 +488 1050 4 891294568 +489 243 4 891445389 +489 258 5 891366570 +489 261 2 891449155 +489 268 2 891448453 +489 288 4 891366693 +489 304 3 891362812 +489 313 4 891362740 +489 316 5 891447872 +489 319 3 891447218 +489 325 5 891445439 +489 326 4 891362773 +489 327 5 891448409 +489 332 5 891447823 +489 333 4 891362740 +489 353 4 891449555 +489 358 5 891445439 +489 538 4 891448222 +489 678 4 891366693 +489 748 4 891366838 +489 751 5 891362773 +489 752 5 891448109 +489 874 2 891448774 +489 875 2 891449465 +489 887 2 891447845 +489 892 3 891449532 +489 1280 3 891447653 +489 1612 5 891446623 +489 1613 4 891449466 +490 7 3 875427739 +490 50 5 875428765 +490 93 4 875427993 +490 117 1 875427948 +490 137 3 875427739 +490 150 5 875428765 +490 151 1 875428185 +490 181 4 875427873 +490 224 2 875428702 +490 246 2 875427812 +490 292 3 875428185 +490 293 2 875427993 +490 302 4 875428765 +490 410 4 875428570 +490 455 4 875428152 +490 473 2 875428417 +490 475 4 875427629 +490 741 4 875427629 +490 847 3 875427873 +490 919 4 875428765 +490 926 2 875428185 +490 1067 2 875428309 +490 1386 4 875428416 +491 7 3 891185298 +491 100 5 891186806 +491 124 5 891185170 +491 129 4 891185170 +491 696 3 891188296 +492 69 3 879969385 +492 100 4 879969292 +492 131 3 879969720 +492 134 3 879969644 +492 137 4 879969670 +492 192 3 879969583 +492 193 4 879969415 +492 205 4 879969692 +492 212 3 879969367 +492 242 5 879969878 +492 285 4 879969345 +492 286 4 879969099 +492 291 4 879969692 +492 479 3 879969583 +492 482 3 879969720 +492 528 5 879969878 +492 531 4 879969539 +492 654 4 879969323 +492 657 3 879969345 +492 772 1 879969512 +492 1147 1 879969670 +493 1 3 884130416 +493 12 3 884132225 +493 22 5 884131114 +493 48 4 884130995 +493 60 2 884131263 +493 65 4 884132146 +493 71 5 884131020 +493 91 3 884132287 +493 124 3 884130253 +493 171 5 884130825 +493 183 5 884132225 +493 188 5 884131314 +493 192 3 884132015 +493 195 3 884131314 +493 196 4 884130933 +493 201 5 884131089 +493 209 5 884130933 +493 238 3 884131985 +493 239 5 884131952 +493 260 1 884129979 +493 271 1 884129823 +493 288 4 884129823 +493 300 4 884129725 +493 323 4 884129979 +493 328 4 884129823 +493 357 5 884130891 +493 404 4 884132351 +493 405 2 884130619 +493 410 4 884132883 +493 455 5 884131690 +493 462 2 884132015 +493 475 3 884130495 +493 483 5 884131534 +493 550 4 884132181 +493 597 4 884131738 +493 647 4 884131287 +493 684 4 884132267 +493 693 4 884132129 +493 876 1 884129923 +493 890 3 884130074 +494 65 5 879541207 +494 86 3 879541298 +494 98 4 879541158 +494 222 5 879541375 +494 294 4 879540593 +494 357 5 879541245 +494 479 3 879541207 +494 528 3 879541245 +495 11 5 888634536 +495 54 5 888637768 +495 64 5 888632496 +495 79 5 888632546 +495 90 4 888635637 +495 91 2 888634859 +495 95 3 888634315 +495 98 5 888632943 +495 101 5 888632943 +495 132 4 888632916 +495 143 1 888634315 +495 144 4 888634070 +495 151 5 888635236 +495 155 3 888635455 +495 157 5 888635294 +495 158 3 888637477 +495 161 4 888634746 +495 176 5 888632496 +495 181 5 888632180 +495 186 5 888633277 +495 188 4 888632250 +495 202 4 888633042 +495 204 4 888632155 +495 219 4 888636992 +495 226 4 888633011 +495 228 5 888632738 +495 229 3 888634918 +495 231 3 888635294 +495 234 5 888634144 +495 265 5 888633316 +495 385 3 888633042 +495 386 3 888636837 +495 395 1 888637147 +495 402 3 888635050 +495 403 5 888634475 +495 416 5 888636899 +495 417 3 888636741 +495 421 1 888634389 +495 423 5 888633522 +495 431 5 888632546 +495 433 4 888634315 +495 435 5 888632969 +495 444 3 888636958 +495 447 4 888635420 +495 449 5 888637768 +495 452 2 888637070 +495 472 5 888635144 +495 505 5 888633473 +495 523 5 888632155 +495 559 4 888635180 +495 660 3 888635144 +495 684 5 888634956 +495 732 4 888634070 +495 768 3 888636216 +495 790 3 888636635 +495 924 3 888634441 +495 944 5 888637768 +495 1046 5 888636837 +495 1182 3 888636871 +495 1208 4 888636032 +495 1469 5 888636810 +496 10 5 876064845 +496 53 3 876070655 +496 56 5 876066009 +496 96 4 876065881 +496 98 4 876073160 +496 109 3 876064357 +496 143 3 876067146 +496 147 3 876064356 +496 158 2 876069951 +496 164 3 876066153 +496 172 5 876065558 +496 173 5 876065349 +496 186 4 876065558 +496 191 5 876072632 +496 204 3 876066531 +496 227 1 876066794 +496 268 4 876063784 +496 356 2 876070764 +496 393 1 876069951 +496 417 1 876066465 +496 421 3 876066229 +496 433 4 876066904 +496 469 3 876065962 +496 484 3 876065382 +496 485 3 876065477 +496 607 3 876065822 +496 825 3 876065015 +496 1060 1 876071243 +496 1139 2 876073882 +496 1229 1 876071097 +496 1286 2 876065382 +496 1459 4 876067376 +496 1614 3 876070690 +497 1 4 879309955 +497 11 3 879310825 +497 24 4 879310260 +497 28 3 879363586 +497 66 3 879362720 +497 70 4 879362798 +497 96 4 879310705 +497 97 4 879310473 +497 118 4 879310621 +497 122 1 879309802 +497 163 2 879363181 +497 164 4 879361872 +497 167 2 879363111 +497 175 4 878759745 +497 181 5 879310580 +497 183 4 879310825 +497 194 3 878759705 +497 195 4 879310730 +497 202 4 878760023 +497 204 3 879362683 +497 208 3 878759806 +497 222 3 879310580 +497 225 3 879363510 +497 233 2 879310883 +497 248 4 879309673 +497 273 4 879310604 +497 291 3 879361707 +497 325 2 878759505 +497 358 4 878759378 +497 373 4 879311007 +497 399 4 879310883 +497 418 3 879310021 +497 420 3 879309993 +497 423 3 879363586 +497 475 4 878759705 +497 545 3 879363233 +497 552 3 879362155 +497 559 4 879362359 +497 568 3 879310792 +497 577 2 879363284 +497 597 3 879310649 +497 603 3 879361802 +497 652 5 878759777 +497 716 4 878759745 +497 731 3 879310474 +497 758 2 879362292 +497 797 3 879362586 +497 849 2 879310913 +497 1030 1 879363780 +497 1077 4 879361847 +497 1177 1 879363111 +497 1228 2 879362569 +497 1240 5 879310070 +497 1303 2 879311007 +498 53 4 881961689 +498 56 3 881957353 +498 79 3 881959104 +498 83 3 881957846 +498 89 5 881957353 +498 124 3 881955291 +498 136 3 881958174 +498 137 3 881954357 +498 156 5 881957054 +498 160 5 881958174 +498 168 4 881958174 +498 172 3 881956362 +498 175 5 881956498 +498 183 4 881957905 +498 186 4 881960591 +498 210 2 881957054 +498 212 3 881958238 +498 222 3 881961877 +498 229 2 881961877 +498 262 2 881954618 +498 288 3 881953815 +498 293 4 881955189 +498 381 3 881961312 +498 425 2 881957431 +498 435 3 881956363 +498 443 3 881958237 +498 447 3 882205321 +498 448 4 882205321 +498 449 3 881961932 +498 464 4 881958471 +498 514 4 881958093 +498 554 3 881962385 +498 594 2 881956498 +498 607 3 881958093 +498 631 3 881957905 +498 664 5 881955596 +498 675 4 881958414 +498 693 3 881957625 +498 754 2 881962988 +498 806 3 881957905 +498 887 3 881953907 +498 922 5 881955432 +498 1073 3 881961496 +498 1161 3 881960777 +499 7 4 882996793 +499 12 5 885599040 +499 50 3 882996761 +499 97 4 885599227 +499 117 3 885599246 +499 127 4 885598312 +499 132 4 885599040 +499 153 4 885599269 +499 157 3 885599447 +499 182 2 885599551 +499 191 5 885599307 +499 193 4 885599682 +499 194 4 885599372 +499 198 5 885599682 +499 251 5 882996735 +499 271 3 882995586 +499 272 5 885597680 +499 275 3 885599447 +499 295 2 885598827 +499 300 4 882995625 +499 301 4 882995808 +499 307 4 885597747 +499 313 5 885597821 +499 357 5 885599372 +499 474 4 885599227 +499 483 5 885598854 +499 484 4 885599013 +499 497 2 885599498 +499 520 3 885599572 +499 521 4 885599119 +499 530 4 885599390 +499 605 1 885599533 +499 690 4 882995558 +499 692 4 885599119 +499 887 5 882995826 +499 902 5 892501173 +500 8 4 883874621 +500 9 4 883865042 +500 15 2 883865129 +500 25 3 883865755 +500 45 4 883874170 +500 50 3 883864992 +500 59 4 883873528 +500 69 4 883873839 +500 72 4 883876155 +500 98 4 883873811 +500 100 4 883865104 +500 118 3 883865610 +500 135 5 883875041 +500 202 4 883874239 +500 204 3 883874265 +500 211 3 883875241 +500 217 4 883876053 +500 234 3 883875638 +500 238 4 883873839 +500 250 4 883865195 +500 257 3 883865321 +500 268 5 883864840 +500 274 3 883865807 +500 281 3 883865463 +500 282 4 883875092 +500 285 3 883865020 +500 300 4 883864749 +500 301 2 888538350 +500 387 2 883875388 +500 393 3 883875793 +500 396 3 883876224 +500 412 1 883876370 +500 448 3 883873745 +500 464 4 883875274 +500 471 4 883865391 +500 472 3 883865374 +500 475 5 883865232 +500 476 2 883865851 +500 479 5 883873811 +500 509 4 883874216 +500 514 5 883873941 +500 531 3 883873911 +500 559 4 883875523 +500 568 1 883874715 +500 569 4 883876370 +500 611 5 883873940 +500 619 3 883865341 +500 709 4 883873640 +500 762 4 883865532 +500 775 1 883877001 +500 780 3 883876904 +500 964 4 883874557 +500 996 1 883875241 +500 1160 5 883865483 +500 1385 4 883865290 +500 1441 2 885237683 +501 7 4 883348236 +501 13 4 883348011 +501 24 3 883348519 +501 111 3 883348474 +501 118 3 883348474 +501 121 4 883347023 +501 125 3 883348435 +501 147 3 883348080 +501 342 4 883346823 +501 369 4 883348703 +501 405 4 883347857 +501 410 4 883348207 +501 546 4 883348283 +501 591 4 883348138 +501 685 3 883347774 +501 741 5 883347857 +501 840 4 883348655 +501 845 3 883348036 +501 922 4 883347857 +501 952 4 883348114 +501 1007 4 883995203 +501 1010 4 883348308 +501 1011 4 883348519 +501 1067 5 883348011 +502 243 3 883702945 +502 258 2 883701927 +502 259 3 883702448 +502 270 2 883702043 +502 300 2 883701980 +502 342 4 883702088 +502 350 3 883701792 +502 680 3 883702255 +502 681 1 883702631 +502 687 4 883702867 +502 751 3 883702120 +502 895 4 883702370 +503 1 5 879438233 +503 10 5 879438257 +503 12 3 879454675 +503 14 3 879438161 +503 19 5 879438319 +503 25 4 879438685 +503 26 2 880383200 +503 47 5 880472216 +503 50 5 879438161 +503 70 4 880383174 +503 125 3 880390153 +503 132 5 880472148 +503 133 5 880472272 +503 166 5 880472188 +503 210 5 880383703 +503 216 5 880383357 +503 268 5 884637610 +503 275 5 879438411 +503 280 1 892667653 +503 285 4 884637911 +503 286 3 879438191 +503 297 5 879438346 +503 319 3 879438024 +503 321 2 879438024 +503 387 4 880383358 +503 423 5 880472321 +503 427 5 880472216 +503 432 5 880472102 +503 443 5 879454811 +503 451 4 880383425 +503 452 1 879454950 +503 482 5 880383588 +503 485 4 880472383 +503 504 4 880472298 +503 603 3 880383653 +503 615 5 880472061 +503 662 3 880383467 +503 702 2 880383236 +503 707 5 880382768 +503 729 3 880472454 +503 732 3 880383467 +503 739 1 880383490 +503 740 5 879438411 +503 744 2 879454442 +503 753 1 880383064 +503 840 1 879454292 +503 1317 4 879438874 +504 4 4 887839260 +504 40 4 887910409 +504 53 4 887911730 +504 65 4 887838717 +504 69 4 887837918 +504 70 3 887838869 +504 88 3 887909839 +504 90 3 887910552 +504 99 3 887837739 +504 102 3 887910409 +504 106 3 887831879 +504 139 3 887840589 +504 141 3 887909578 +504 142 3 887841158 +504 162 4 887832741 +504 196 4 887838935 +504 208 4 887838450 +504 211 4 887837739 +504 212 4 887909911 +504 218 4 887910267 +504 219 3 887911314 +504 223 5 887832364 +504 238 3 887912416 +504 245 4 887831274 +504 291 4 887832043 +504 294 2 887912722 +504 298 4 887831717 +504 310 4 887831273 +504 357 4 887832705 +504 386 3 887912431 +504 392 5 887908645 +504 393 3 887909456 +504 399 4 887840882 +504 409 4 889550757 +504 411 4 887831447 +504 447 4 887909816 +504 448 5 887840134 +504 465 3 887909936 +504 479 4 887832571 +504 485 4 887839745 +504 490 4 887909816 +504 506 4 887910552 +504 527 4 887838624 +504 628 4 887831678 +504 631 4 887837701 +504 632 3 887837701 +504 651 4 887832531 +504 660 4 887839195 +504 725 3 887911973 +504 731 3 887840014 +504 773 3 887909936 +504 942 4 887841136 +504 961 4 887839081 +504 1046 4 887912298 +504 1050 4 887832433 +504 1084 4 887837958 +504 1118 3 887911035 +504 1210 3 887840637 +504 1277 4 887832012 +504 1444 3 887911133 +505 1 3 889333414 +505 22 5 889333274 +505 31 4 889334067 +505 50 3 889334067 +505 71 4 889333937 +505 73 4 889334248 +505 77 3 889334248 +505 96 4 889333442 +505 125 3 889334373 +505 154 1 889334555 +505 164 4 889334189 +505 172 3 889334129 +505 174 4 889333340 +505 177 3 889334477 +505 191 3 889333792 +505 202 3 889333508 +505 204 3 889334162 +505 210 4 889333508 +505 228 2 889333894 +505 294 3 888631311 +505 307 4 889332705 +505 385 4 889334477 +505 435 3 889333676 +505 496 5 889333534 +505 510 3 889334477 +505 526 5 889333823 +505 588 5 889333823 +505 604 5 889333598 +505 660 3 889334477 +505 988 3 888631371 +506 10 2 874862734 +506 29 2 874874894 +506 42 3 874873247 +506 46 3 874874802 +506 55 4 874873287 +506 62 3 874874894 +506 66 4 874874676 +506 67 3 874874894 +506 68 4 874873944 +506 69 5 874873327 +506 73 4 874873703 +506 90 2 874876599 +506 92 3 874876551 +506 94 3 874876599 +506 96 4 874873423 +506 147 3 888848342 +506 161 4 885135881 +506 168 5 874874055 +506 173 4 874874308 +506 181 5 874874676 +506 187 5 885135819 +506 195 4 874873374 +506 198 2 874873703 +506 203 4 874874152 +506 208 4 874873423 +506 210 5 885135737 +506 211 4 874873198 +506 215 5 878044852 +506 224 1 885136005 +506 239 3 874874152 +506 241 2 874874850 +506 248 2 880198305 +506 261 3 885135514 +506 294 4 877861414 +506 328 4 885135476 +506 380 4 874874585 +506 391 2 885135912 +506 393 3 874874802 +506 418 4 874874055 +506 423 5 874874850 +506 425 4 874874585 +506 432 4 874873112 +506 435 5 874873744 +506 461 2 874873944 +506 478 4 874873067 +506 497 5 874873703 +506 503 4 874874396 +506 539 4 884517135 +506 568 5 889979761 +506 576 4 885135954 +506 578 3 885135881 +506 582 3 874873423 +506 642 4 874874000 +506 660 3 874873157 +506 665 2 885135882 +506 676 1 874945513 +506 684 5 874873529 +506 699 4 888848303 +506 715 2 874876486 +506 731 4 874873374 +506 746 5 874875062 +506 749 4 888178129 +506 755 4 874876486 +506 761 2 874873327 +506 770 3 874874110 +506 802 4 885135954 +506 880 1 885135560 +506 972 3 874874760 +506 1089 1 889979761 +506 1136 3 877539905 +507 121 5 889965997 +507 222 5 889965997 +507 257 5 889966054 +507 269 2 889964121 +507 298 5 889965997 +507 313 5 889964121 +507 315 5 889964593 +507 319 3 889964074 +507 333 4 889964121 +507 334 5 889964748 +507 678 5 889966088 +507 690 4 889964074 +507 691 5 889964162 +507 748 5 889964844 +507 750 5 889964274 +507 894 5 889964162 +507 898 5 889964202 +508 23 4 883767361 +508 52 4 883777047 +508 70 4 883776748 +508 91 4 883767246 +508 96 2 883768886 +508 98 3 883767140 +508 132 5 883767279 +508 153 3 883777329 +508 154 5 883767704 +508 168 4 883767172 +508 185 5 883777430 +508 191 5 883767383 +508 196 3 883776704 +508 200 4 883768842 +508 222 3 883777281 +508 229 2 883777346 +508 230 2 883768706 +508 234 4 883767465 +508 269 4 883766931 +508 357 5 883767246 +508 423 5 883777430 +508 474 5 883777430 +508 511 4 883767246 +508 1153 4 883768797 +509 289 2 883590972 +509 301 2 883591043 +509 302 5 883590443 +509 326 4 883591043 +509 345 1 883590115 +509 754 1 883590676 +510 243 3 887667780 +510 258 4 887667465 +510 300 5 887667439 +510 313 5 887667439 +510 323 4 887667752 +510 333 3 887667465 +510 457 2 887667969 +510 681 1 887667808 +511 288 4 890004795 +511 682 4 890004844 +512 56 5 888579996 +512 273 5 888579645 +513 50 5 885062365 +513 118 4 885062559 +513 127 4 885062286 +513 222 5 885062519 +513 250 3 885062332 +513 323 5 885062636 +513 405 3 885062559 +514 7 5 875309415 +514 10 4 875462867 +514 13 3 876063880 +514 19 4 875463128 +514 26 3 875463595 +514 28 5 875311192 +514 31 4 886190665 +514 48 4 875318114 +514 64 4 875462645 +514 65 3 886190207 +514 70 5 875462826 +514 73 4 876067258 +514 97 5 875462764 +514 116 4 875462426 +514 132 4 875463469 +514 136 4 875462867 +514 154 4 875462689 +514 156 4 875311225 +514 169 5 875308734 +514 172 4 875462726 +514 173 5 875462826 +514 174 5 875310992 +514 178 4 875308925 +514 181 4 875463494 +514 183 3 875462645 +514 186 4 875463028 +514 194 4 875463525 +514 197 4 875310992 +514 200 2 875462867 +514 211 3 876067235 +514 214 5 875318163 +514 215 4 875462689 +514 228 5 875463202 +514 229 3 875463525 +514 234 3 876063765 +514 258 4 875308674 +514 259 4 885180989 +514 275 5 875463028 +514 283 4 875309231 +514 293 3 880209950 +514 294 3 885180929 +514 301 4 880209797 +514 313 5 891900147 +514 342 1 885180909 +514 385 3 886189965 +514 393 3 876067592 +514 403 3 875463202 +514 425 5 875318291 +514 430 4 875462901 +514 431 4 875463595 +514 435 3 875463551 +514 462 4 875310992 +514 470 3 875462901 +514 473 3 875462520 +514 483 4 875462795 +514 486 3 886189869 +514 527 4 875462466 +514 531 3 875308734 +514 582 4 875318224 +514 647 3 875463079 +514 652 4 886189466 +514 680 1 885180893 +514 713 3 875309415 +514 747 4 875463245 +514 792 4 875462611 +514 890 1 885180929 +514 988 2 885180989 +514 1047 3 876063961 +514 1160 4 886189748 +515 258 4 887658676 +515 269 2 887658844 +515 286 2 887660131 +515 302 3 887658604 +515 323 3 887659192 +515 328 2 887660131 +515 682 4 887659192 +515 687 3 887659718 +515 748 2 887660131 +515 750 2 887658782 +515 900 4 887658975 +515 1399 4 887659718 +515 1430 3 887658604 +516 169 5 891290685 +516 194 4 891290593 +516 212 4 891290649 +516 250 4 891290565 +516 286 5 891290565 +516 660 5 891290593 +517 1 3 892659892 +517 105 1 892654653 +517 127 4 892660033 +517 222 4 892660033 +517 258 5 892660728 +517 333 3 892659922 +517 335 3 875492066 +517 405 4 892659893 +517 538 4 892607155 +517 761 5 892660727 +517 823 2 892659923 +517 1047 2 892659923 +518 9 3 876822811 +518 10 3 876822744 +518 121 5 876823804 +518 125 5 876823645 +518 126 4 876823018 +518 147 4 876823324 +518 276 5 876822923 +518 280 4 876824218 +518 300 3 876822581 +518 412 1 876824266 +518 475 4 876822811 +518 476 4 876823324 +518 544 3 876823324 +518 591 3 876823447 +518 820 2 876824218 +518 829 3 876824156 +518 847 5 876823447 +518 864 3 876823324 +518 1011 4 876823645 +518 1040 3 876823541 +518 1114 2 876824079 +518 1335 3 876823018 +519 259 1 883248278 +519 264 2 883248251 +519 266 5 883248595 +519 313 5 883248134 +519 325 1 883248535 +519 330 5 884545961 +519 332 3 883248159 +519 339 3 883248222 +519 351 5 883250102 +519 1293 5 883250148 +519 1591 5 883250102 +520 100 4 885170394 +520 240 1 885170476 +520 286 5 885168591 +520 302 3 885170330 +520 311 3 885168591 +520 898 5 885168939 +521 2 3 886063310 +521 7 3 884475973 +521 8 3 884477914 +521 13 2 884476240 +521 17 1 885254888 +521 22 4 884477677 +521 25 2 884476002 +521 28 3 885253323 +521 31 3 884478135 +521 50 4 884475799 +521 56 4 884478530 +521 95 3 885253266 +521 96 4 884477853 +521 97 3 884478049 +521 99 3 885253937 +521 109 5 884475845 +521 121 2 884475889 +521 135 4 885254226 +521 151 3 884476240 +521 154 2 884478119 +521 159 3 885253904 +521 163 3 884478483 +521 168 4 884477585 +521 172 3 884478049 +521 184 4 884478358 +521 186 4 884478358 +521 191 4 884477868 +521 227 3 885253808 +521 229 2 884478314 +521 235 3 884476221 +521 240 3 884476067 +521 268 5 884475470 +521 298 3 884476126 +521 385 3 885254837 +521 393 3 884478667 +521 402 3 885253501 +521 405 2 884476820 +521 431 4 884478601 +521 475 3 884475889 +521 655 4 885253904 +521 732 3 884478135 +521 742 3 884477512 +521 746 4 884478152 +521 748 3 884475618 +521 755 3 885254872 +521 763 4 884476152 +521 829 2 884476168 +521 967 3 885254071 +521 1013 1 884476820 +521 1014 3 884476320 +521 1244 3 884476887 +522 12 5 876960894 +522 23 5 876961248 +522 134 5 876961020 +522 179 5 876961190 +522 192 5 876960894 +522 430 5 876961314 +522 510 5 876961190 +522 543 4 876961076 +522 654 4 876960824 +523 1 5 883701763 +523 25 4 883702054 +523 70 5 883700743 +523 116 5 883700766 +523 163 5 883702411 +523 167 4 883702233 +523 194 5 883702210 +523 210 5 883702209 +523 301 4 883700064 +523 306 5 883699583 +523 384 3 883703495 +523 430 4 883702125 +523 476 3 883702441 +523 477 3 883703495 +523 508 3 883703495 +523 509 4 883700870 +523 533 4 883700395 +523 582 4 883701154 +523 634 5 883700743 +523 663 5 883701962 +523 722 3 883703495 +523 866 5 883700618 +523 934 4 883702602 +523 944 4 883702324 +523 1014 5 883700307 +523 1041 4 883702411 +523 1195 5 883700969 +524 7 2 884627065 +524 32 4 884634679 +524 44 4 884636416 +524 47 2 884635136 +524 50 4 884634615 +524 52 4 884636453 +524 55 2 884634911 +524 65 4 884636646 +524 71 3 884634755 +524 72 4 884636958 +524 77 3 884637095 +524 79 4 884634818 +524 81 1 884636262 +524 94 2 884637245 +524 107 3 884628284 +524 111 5 884323426 +524 118 4 884627463 +524 124 5 884322113 +524 129 5 884322047 +524 133 5 884634968 +524 186 3 884634995 +524 195 2 884634849 +524 197 4 884637347 +524 204 3 884635358 +524 209 4 884634755 +524 211 5 884635136 +524 238 4 884634755 +524 301 4 884321179 +524 304 4 884321179 +524 319 4 884638062 +524 321 3 884321179 +524 322 4 884320358 +524 367 5 884636453 +524 380 2 884637202 +524 382 3 884636596 +524 393 3 884637032 +524 402 2 884636617 +524 403 4 884636182 +524 405 2 884627065 +524 414 4 884635136 +524 416 4 884636152 +524 419 1 884635031 +524 432 1 884636151 +524 435 4 884635053 +524 436 4 884636864 +524 443 4 884636542 +524 447 5 884636182 +524 451 3 884637202 +524 472 3 884323500 +524 478 3 884637376 +524 480 4 884634911 +524 482 5 884634938 +524 484 4 884634646 +524 492 3 884634679 +524 494 4 884637409 +524 496 2 884637314 +524 498 5 884636453 +524 504 5 884634877 +524 511 5 884634707 +524 513 4 884634938 +524 516 4 884634578 +524 517 4 884635136 +524 520 3 884637314 +524 546 4 884627594 +524 549 4 884636931 +524 550 3 884636958 +524 558 4 884634533 +524 568 4 884636152 +524 573 4 884636827 +524 578 5 884637031 +524 583 4 884635326 +524 584 1 884635205 +524 604 4 884637501 +524 606 4 884634968 +524 612 3 884635204 +524 618 3 884636416 +524 638 2 884637914 +524 640 1 884636541 +524 649 4 884636205 +524 654 5 884634877 +524 684 4 884636236 +524 705 3 884634818 +524 709 5 884635171 +524 748 2 884321592 +524 751 4 884701677 +524 781 1 884636583 +524 831 3 884628212 +524 836 2 884637409 +524 837 2 884637467 +524 845 5 884323426 +524 895 4 884320358 +524 930 3 884832772 +524 950 4 884323351 +524 965 4 884635288 +524 1065 1 884636646 +524 1093 4 884628136 +524 1113 3 884636236 +524 1124 3 884637528 +524 1129 2 884832580 +524 1152 3 884626906 +524 1166 5 884635031 +524 1454 3 884637128 +524 1553 3 884635136 +525 15 4 881085964 +525 124 3 881086108 +525 125 3 881085709 +525 127 3 881085647 +525 151 5 881086562 +525 250 3 881085917 +525 288 4 881085217 +525 289 3 881085256 +525 322 2 881085256 +525 405 4 881086693 +525 475 3 881086108 +525 596 4 881086195 +525 597 3 881086413 +525 762 4 881085917 +525 928 3 881086586 +525 1014 3 881086468 +525 1047 2 881086274 +525 1315 4 881086393 +526 50 5 885682426 +526 250 2 885682477 +526 282 3 885682370 +526 288 4 885681910 +526 293 5 885682477 +526 300 2 885682031 +526 307 2 885681958 +526 323 2 885682214 +526 328 2 885682006 +526 331 3 885681935 +526 332 2 885682006 +526 342 2 885682295 +526 343 3 885682264 +526 475 5 885682635 +526 508 4 885682590 +526 544 1 885682477 +526 690 3 885681910 +526 742 3 885682562 +526 748 1 885682214 +526 750 4 885681886 +526 751 2 885681958 +526 879 3 885682102 +526 1084 5 885682590 +527 4 2 879456162 +527 7 5 879456162 +527 11 4 879456662 +527 14 2 879456663 +527 60 4 879456132 +527 70 4 879455873 +527 91 2 879455873 +527 93 4 879456078 +527 96 4 879456611 +527 100 5 879455905 +527 153 5 879455847 +527 169 4 879455961 +527 170 3 879456637 +527 177 5 879456405 +527 182 5 879456132 +527 183 5 879456691 +527 197 4 879455740 +527 200 3 879455999 +527 202 3 879456691 +527 209 4 879456405 +527 211 4 879456289 +527 238 5 879456405 +527 283 4 879456405 +527 286 2 879455354 +527 425 4 879455792 +527 429 5 879456611 +527 462 3 879455707 +527 466 2 879455765 +527 467 3 879455999 +527 496 4 879456248 +527 498 4 879455961 +527 528 3 879456104 +527 628 3 879456289 +527 647 5 879455654 +527 651 5 879455654 +527 652 4 879456248 +527 655 3 879456464 +527 657 4 879455999 +527 671 5 879455873 +527 673 4 879456587 +527 855 2 879455814 +527 962 3 879456312 +528 56 3 886101428 +528 69 3 886101761 +528 77 3 886101428 +528 83 5 886101632 +528 109 4 886812980 +528 168 4 888522642 +528 173 5 886101610 +528 178 4 886101695 +528 185 4 886101652 +528 203 4 888522613 +528 210 5 886101976 +528 294 3 888520438 +528 298 4 888520849 +528 402 4 888520911 +528 484 3 886101695 +528 505 4 886101956 +528 523 4 886101846 +528 588 2 886101736 +528 615 4 886101715 +528 1618 1 888521905 +529 245 3 882535639 +529 258 4 882535091 +529 270 4 882535304 +529 271 4 882535536 +529 286 4 882534996 +529 288 4 882535353 +529 310 4 882534996 +529 319 4 882535220 +529 322 4 882535383 +529 326 4 882535304 +529 328 4 882535256 +529 682 4 882535256 +529 876 3 882535466 +529 886 4 882535353 +530 60 5 883790997 +530 64 5 883790942 +530 88 4 890627443 +530 98 4 883784195 +530 183 4 883790882 +530 191 5 883785574 +530 195 3 883784105 +530 204 4 883790833 +530 487 4 883784557 +530 582 4 883783631 +530 660 3 883785464 +530 815 4 886202404 +531 245 4 887049049 +531 259 1 887048789 +531 286 5 887048741 +531 288 1 887048686 +531 302 5 887048686 +531 327 3 887048718 +531 338 1 887048938 +531 688 1 887048998 +531 690 5 887048789 +531 748 4 887049081 +531 751 4 887048836 +531 890 1 887049341 +531 895 2 887049214 +532 1 5 893119335 +532 4 5 893119415 +532 9 5 893119438 +532 24 5 892867296 +532 26 3 888629359 +532 29 3 888636521 +532 44 5 888637085 +532 52 4 888629446 +532 72 3 888636538 +532 77 5 892519935 +532 97 5 893119415 +532 100 5 893119335 +532 125 5 893119415 +532 135 3 888629938 +532 139 5 874792232 +532 147 4 888634802 +532 164 5 892519934 +532 181 5 889235367 +532 191 5 888635366 +532 218 5 889235367 +532 227 4 874788566 +532 228 5 893118712 +532 230 5 893118712 +532 251 4 888636374 +532 252 4 888636478 +532 267 3 875441348 +532 268 4 875441085 +532 269 4 891288537 +532 292 4 884594621 +532 295 5 884594761 +532 305 3 878372701 +532 307 4 880831630 +532 310 4 888634802 +532 315 3 888636423 +532 316 4 888631773 +532 318 5 893119439 +532 330 4 888636373 +532 335 3 888636389 +532 346 5 885761690 +532 354 4 887672256 +532 364 3 874791976 +532 402 5 893118712 +532 411 3 874792031 +532 450 2 874796421 +532 451 4 874789474 +532 482 5 888629254 +532 483 5 892867296 +532 496 5 893119491 +532 498 4 888629124 +532 501 5 889235367 +532 506 5 889235367 +532 508 4 888636373 +532 510 5 888635197 +532 535 5 888637085 +532 554 4 874790813 +532 559 5 892859148 +532 570 4 888629804 +532 619 5 889235367 +532 636 5 892859149 +532 676 5 892521554 +532 708 4 877634392 +532 722 3 888629836 +532 771 3 874791172 +532 781 5 877635505 +532 795 2 874789538 +532 796 5 888635445 +532 824 4 888634802 +532 833 4 888629804 +532 842 4 888635407 +532 898 4 884594575 +532 915 4 891909850 +532 925 4 892520642 +532 946 5 888635366 +532 1016 4 888636450 +532 1039 4 888629863 +532 1188 4 874790998 +532 1207 2 874790439 +533 12 4 879438543 +533 13 3 879192475 +533 15 4 879192641 +533 20 5 882902988 +533 22 4 879438961 +533 31 3 879191265 +533 43 4 879439341 +533 48 4 879191373 +533 58 4 888845150 +533 66 4 879439204 +533 71 4 889450972 +533 72 2 879192157 +533 77 4 879191713 +533 94 4 879192184 +533 100 5 882902988 +533 107 3 879773606 +533 109 2 879192986 +533 125 5 891263021 +533 134 4 879439379 +533 148 3 882902641 +533 150 3 886425704 +533 174 4 879191184 +533 176 1 879191332 +533 186 3 879438850 +533 187 4 879438811 +533 191 4 879192315 +533 197 5 882902988 +533 204 4 879192157 +533 205 5 882902988 +533 211 4 879191972 +533 228 4 879191332 +533 230 4 879191563 +533 236 4 890659276 +533 237 2 879193048 +533 239 3 879192157 +533 257 4 882195275 +533 284 1 879192641 +533 291 3 882902727 +533 294 4 879193088 +533 297 4 893160944 +533 300 4 888844557 +533 333 4 886425803 +533 356 4 879191652 +533 367 2 879191972 +533 371 3 879439488 +533 382 1 879191998 +533 408 4 880402916 +533 423 5 888844906 +533 471 4 882902330 +533 476 2 879365951 +533 504 4 888845229 +533 514 3 879190670 +533 527 4 879191022 +533 566 4 879191652 +533 596 2 880402996 +533 663 5 879191022 +533 685 4 887032380 +533 687 2 879193517 +533 696 3 887032538 +533 747 5 879438767 +533 756 4 879193004 +533 792 3 879190771 +533 823 4 879192901 +533 866 2 887032297 +533 871 2 879192730 +533 988 2 882821725 +533 1016 3 887721769 +533 1041 2 879192069 +533 1047 3 887032276 +533 1147 3 879439204 +533 1173 4 885820219 +534 1 5 877807718 +534 3 4 877808031 +534 15 4 877807873 +534 21 4 877807905 +534 105 4 877808198 +534 121 4 877808002 +534 147 5 877808031 +534 149 2 877808237 +534 235 4 877807973 +534 273 5 877807747 +534 274 3 877807846 +534 286 3 877807602 +534 294 5 877807461 +534 405 3 877807935 +534 477 3 877807780 +534 546 4 877808120 +534 619 4 877807653 +534 756 4 877808175 +534 763 4 877808361 +534 823 4 877807973 +534 978 4 877808175 +534 1327 2 877808281 +535 9 5 879617779 +535 14 3 879618743 +535 16 4 879618532 +535 45 3 879618655 +535 52 4 879618091 +535 56 3 879617613 +535 60 5 879618613 +535 61 3 879619107 +535 64 5 879617531 +535 71 4 879618502 +535 79 3 879618502 +535 87 5 879618965 +535 98 2 879617977 +535 133 5 879618019 +535 136 5 879619107 +535 152 4 879618385 +535 153 4 879617663 +535 166 4 879618385 +535 170 4 879618160 +535 173 5 879617747 +535 188 3 879618999 +535 193 4 879618700 +535 194 5 879617663 +535 196 4 879617894 +535 205 3 879618464 +535 210 5 879618160 +535 213 5 879618849 +535 221 3 879618700 +535 237 4 879617779 +535 284 4 879619144 +535 319 5 879617310 +535 381 3 879617818 +535 447 5 879617574 +535 461 3 879617663 +535 482 4 879619107 +535 483 5 879618742 +535 511 3 879618655 +535 527 3 879617574 +535 558 5 879618385 +535 604 4 879617663 +535 609 4 879618019 +535 612 4 879618385 +535 628 4 879618246 +535 631 5 879619176 +535 654 5 879617856 +535 655 4 879618385 +535 657 5 879618338 +535 686 5 879617489 +535 692 4 879618880 +535 702 1 879619067 +535 721 3 879618464 +535 727 4 879618502 +535 778 2 879617819 +535 921 4 879617489 +535 942 4 879619035 +535 962 4 879617747 +535 1039 4 879618058 +535 1045 4 879617663 +535 1136 4 879618465 +535 1474 4 879618207 +536 56 3 882360405 +536 62 4 882360873 +536 71 5 882360467 +536 82 4 882360929 +536 84 4 882363820 +536 96 4 882359988 +536 97 3 882360662 +536 98 4 882360029 +536 121 4 882318820 +536 135 5 882359370 +536 136 4 882359780 +536 151 3 882318442 +536 153 4 882359540 +536 164 4 882361018 +536 168 5 882359863 +536 169 5 882359047 +536 172 5 882359539 +536 180 4 882359431 +536 188 3 882359755 +536 190 5 882359431 +536 210 5 882359477 +536 213 5 882360704 +536 215 4 882360530 +536 283 3 882318369 +536 389 5 882360734 +536 403 3 882360496 +536 404 4 882359838 +536 405 2 882318246 +536 408 5 882318561 +536 419 3 882360993 +536 435 3 882359755 +536 443 3 882360833 +536 472 3 882319003 +536 474 5 882359678 +536 480 5 882359370 +536 486 4 882359652 +536 493 4 882359333 +536 496 5 882359455 +536 498 5 882359906 +536 546 2 882318533 +536 566 5 882360264 +536 596 3 882317312 +536 662 5 882360100 +536 707 5 882359678 +536 708 3 882361179 +536 713 4 882318741 +536 736 5 882360264 +536 740 4 882318630 +536 746 5 882359838 +536 1039 5 882360029 +536 1115 5 882318369 +536 1140 1 882364876 +537 4 2 886031634 +537 6 2 886029806 +537 10 4 886030109 +537 14 4 886030108 +537 20 3 886029974 +537 23 4 886030738 +537 24 1 886030176 +537 32 3 886031178 +537 42 3 886030622 +537 44 3 886031886 +537 47 4 886030768 +537 50 4 886030805 +537 53 2 886032029 +537 59 3 886031178 +537 64 3 886030707 +537 65 3 886030767 +537 81 3 886031106 +537 83 4 886030891 +537 87 3 886030622 +537 88 2 886032204 +537 93 3 886030077 +537 97 2 886031720 +537 99 2 886031375 +537 111 3 886030077 +537 116 3 886029841 +537 123 2 886030109 +537 127 5 886030622 +537 135 5 886031149 +537 141 3 886032183 +537 147 2 886030012 +537 168 4 886030552 +537 170 3 886031211 +537 176 2 886031606 +537 178 4 886030767 +537 180 4 886031342 +537 181 2 886031437 +537 196 3 886030831 +537 198 2 886030652 +537 199 4 886030682 +537 202 3 886031540 +537 209 4 886030966 +537 212 3 886032123 +537 213 4 886031830 +537 221 3 886029841 +537 234 3 886031211 +537 236 3 886029726 +537 238 4 886030966 +537 243 1 886029239 +537 262 5 886028446 +537 265 3 886031473 +537 268 4 886028647 +537 281 1 886030281 +537 288 2 886028706 +537 290 2 886030254 +537 292 2 886029116 +537 294 1 886029083 +537 299 2 886028791 +537 307 3 886028791 +537 310 3 886028647 +537 317 3 886031786 +537 321 3 886028791 +537 322 1 886029153 +537 323 1 886029211 +537 333 2 886028707 +537 337 3 886029526 +537 338 1 886029239 +537 346 3 886028544 +537 385 2 886032098 +537 392 2 886032245 +537 404 3 886031720 +537 414 4 886030938 +537 425 3 886031297 +537 426 1 886032154 +537 427 4 886030831 +537 433 4 886031634 +537 434 3 886031211 +537 435 3 886031933 +537 445 3 886030767 +537 455 1 886030317 +537 458 3 886030176 +537 464 4 886031506 +537 466 4 886031149 +537 468 2 886032029 +537 469 3 886030652 +537 474 5 886030805 +537 479 4 886030938 +537 480 4 886030622 +537 485 3 886031576 +537 489 3 886030738 +537 495 2 886031678 +537 510 3 886031575 +537 512 3 886031438 +537 519 3 886030584 +537 523 3 886030682 +537 525 3 886030891 +537 530 4 886030768 +537 543 5 886031074 +537 573 2 886031886 +537 581 3 886031886 +537 582 3 886030966 +537 614 3 886031473 +537 625 3 886032184 +537 628 2 886030177 +537 638 3 886030682 +537 644 5 886031438 +537 652 3 886031074 +537 655 3 886030831 +537 657 3 886030966 +537 664 3 886031634 +537 670 2 886031342 +537 678 1 886029181 +537 688 1 886029153 +537 705 3 886031074 +537 707 4 886031576 +537 709 4 886031342 +537 718 4 886029771 +537 724 3 886031886 +537 727 2 886032245 +537 730 3 886031211 +537 735 3 886031576 +537 739 1 886032154 +537 741 2 886030199 +537 746 3 886031149 +537 782 3 886031831 +537 848 3 886030552 +537 873 2 886029211 +537 882 4 886028791 +537 919 4 886030012 +537 921 3 886031074 +537 923 3 886031342 +537 942 3 886031913 +537 955 4 886031149 +537 959 3 886032154 +537 971 4 886031375 +537 975 3 886030281 +537 979 2 886030317 +537 988 1 886029488 +537 990 2 886029153 +537 1010 2 886030381 +537 1045 3 886032154 +537 1070 3 886031678 +537 1101 3 886031720 +537 1103 4 886031407 +537 1113 3 886031606 +537 1134 3 886030176 +537 1245 3 886030051 +537 1267 3 886032123 +537 1335 3 886030347 +537 1451 3 886030552 +537 1475 2 886031786 +538 11 4 877109516 +538 12 4 877107633 +538 22 5 877107232 +538 28 3 877107491 +538 31 3 877109422 +538 42 1 877108077 +538 79 4 877107050 +538 82 4 877107558 +538 100 4 877109748 +538 143 3 877364003 +538 144 4 877107558 +538 153 4 877106976 +538 173 3 877107914 +538 181 3 877107700 +538 183 4 877106768 +538 187 5 877107840 +538 210 3 877106665 +538 223 4 877107700 +538 234 3 877108077 +538 258 3 877095640 +538 275 4 877107050 +538 294 3 877095702 +538 381 3 877110175 +538 385 3 877108345 +538 423 4 877108919 +538 566 3 877107765 +538 710 3 877107726 +538 735 3 877108785 +539 22 3 879788195 +539 45 4 879788345 +539 69 5 879787801 +539 124 4 879788480 +539 127 3 879788046 +539 133 4 879788136 +539 170 5 879788533 +539 236 3 879788345 +539 238 3 879788045 +539 239 3 879788572 +539 285 4 879788623 +539 286 4 879787771 +539 289 4 879787770 +539 303 5 879787770 +539 357 4 879787917 +539 372 2 879787985 +539 487 3 879788101 +539 610 4 879788533 +539 640 2 879788101 +539 962 4 879788195 +539 963 4 879788533 +539 1211 3 879788371 +540 111 4 882157148 +540 222 4 882157224 +540 250 4 882157172 +540 258 4 882156584 +540 281 3 882157011 +540 293 4 882157084 +540 294 4 882156617 +540 300 3 882156618 +540 310 4 882156710 +540 323 3 882156851 +540 455 4 882157477 +540 475 4 882156983 +540 508 4 882156983 +540 596 4 882157126 +540 820 3 882157545 +540 1014 4 882157224 +540 1048 4 882157635 +540 1226 4 882157732 +541 8 5 883874645 +541 38 3 883871617 +541 50 5 884046910 +541 62 4 883871644 +541 71 5 883874716 +541 88 3 883865738 +541 91 5 883874683 +541 102 4 883874778 +541 118 4 883871670 +541 121 3 883871695 +541 142 5 883874778 +541 168 4 883865555 +541 174 4 883871524 +541 234 5 883874433 +541 235 1 883866049 +541 259 1 884046888 +541 402 3 883864946 +541 417 4 883874749 +541 418 5 883874646 +541 432 4 883874716 +541 476 5 883866007 +541 477 4 883865654 +541 500 4 883874682 +541 527 3 883864638 +541 553 4 883865289 +541 585 2 883866114 +541 588 4 883874682 +541 651 5 883864782 +541 676 3 883865063 +541 732 3 883865173 +541 755 5 883874716 +541 843 4 884645883 +541 877 1 884046888 +541 941 4 883865394 +541 1036 2 883866280 +541 1053 3 883865317 +541 1074 1 884046888 +541 1078 4 883874834 +541 1084 4 883864569 +541 1185 2 883866028 +541 1315 1 884046202 +541 1442 1 884046888 +542 11 2 886533710 +542 13 4 886533002 +542 15 2 886533483 +542 41 4 886533068 +542 47 5 886532855 +542 70 4 886532788 +542 71 3 886533562 +542 80 3 886533142 +542 97 4 886533754 +542 99 5 886533587 +542 109 4 886532416 +542 121 2 886532381 +542 122 3 886533253 +542 127 5 886532294 +542 150 2 886532908 +542 175 3 886532762 +542 186 4 886532909 +542 192 5 886533421 +542 195 3 886532294 +542 208 4 886532881 +542 210 3 886532706 +542 237 4 886532238 +542 273 3 886532466 +542 315 4 886532120 +542 357 5 886532534 +542 410 4 886532971 +542 418 4 886533562 +542 427 5 886532294 +542 433 3 886532838 +542 451 3 886532971 +542 501 4 886533562 +542 523 4 886532788 +542 531 4 886533452 +542 585 2 886533068 +542 625 3 886533588 +542 732 3 886533227 +542 734 3 886533303 +542 772 4 886533694 +542 775 2 886533253 +542 789 3 886532909 +542 864 3 886533112 +542 959 3 886532971 +542 1061 2 886533275 +543 4 4 875658853 +543 8 4 875658853 +543 11 3 874866116 +543 12 5 875665787 +543 16 3 875655073 +543 24 3 874861639 +543 29 2 877546306 +543 38 3 877545717 +543 44 3 874865728 +543 56 5 874866535 +543 70 4 874863155 +543 89 4 877545605 +543 94 3 877550791 +543 97 3 874864346 +543 98 4 874863336 +543 102 4 874863155 +543 111 4 874861699 +543 114 4 874864346 +543 118 3 874862036 +543 134 5 874862967 +543 147 4 877543316 +543 157 3 874863549 +543 161 4 877545356 +543 163 4 874864870 +543 169 4 875663267 +543 170 4 874863269 +543 180 4 874866208 +543 192 4 874863878 +543 204 4 874864737 +543 211 4 877547441 +543 214 3 874864421 +543 226 4 875663372 +543 239 2 877550660 +543 252 3 889308778 +543 272 3 888300821 +543 302 4 887912238 +543 303 4 875664365 +543 313 3 887912223 +543 397 3 877547005 +543 410 3 877453103 +543 471 3 875657863 +543 474 5 875665787 +543 479 4 874866208 +543 480 4 876896210 +543 509 3 874863734 +543 518 3 874864736 +543 519 4 875662979 +543 529 4 874866208 +543 531 4 874864347 +543 550 2 877547005 +543 566 4 877545605 +543 576 4 877546306 +543 582 3 874863550 +543 586 3 877547190 +543 636 3 876718718 +543 651 3 877546306 +543 656 4 875665787 +543 663 4 874866208 +543 684 4 874864737 +543 704 3 875662979 +543 709 3 874866535 +543 715 3 877550534 +543 720 2 877546306 +543 730 3 874864346 +543 742 3 874861699 +543 761 2 876105554 +543 855 4 875663543 +543 919 2 874863549 +543 936 4 888209568 +543 1014 4 875655073 +543 1099 4 874863878 +543 1441 3 874863436 +543 1524 4 874866319 +543 1555 3 874863155 +544 271 3 884795986 +544 310 2 884795264 +544 323 2 884796016 +544 331 3 884795516 +544 343 2 884796062 +544 749 4 884795471 +544 750 3 884795135 +545 1 5 879901359 +545 17 3 879899472 +545 29 3 880347984 +545 31 4 884133988 +545 79 4 879899233 +545 82 4 879899266 +545 94 3 879900794 +545 96 5 879899233 +545 97 3 879901865 +545 99 4 880347957 +545 121 5 879899299 +545 151 4 880348074 +545 173 5 879900185 +545 174 4 879899125 +545 176 4 879899125 +545 181 5 879898644 +545 182 3 883115423 +545 183 4 879899125 +545 193 3 884133988 +545 196 4 884133859 +545 199 4 880347770 +545 202 4 879900388 +545 211 3 879900586 +545 230 5 879899327 +545 234 3 879899905 +545 257 5 879898678 +545 258 3 879898617 +545 373 3 879899523 +545 378 3 884134177 +545 379 4 879900010 +545 384 3 879900863 +545 391 2 883115552 +545 393 4 879900891 +545 413 4 879899977 +545 419 3 884134177 +545 491 3 884134035 +545 541 4 879899548 +545 546 3 879901281 +545 549 4 879901920 +545 550 3 879899327 +545 551 4 879900053 +545 563 3 879900011 +545 569 3 879900011 +545 575 3 879900985 +545 578 4 884134936 +545 588 4 879901459 +545 633 3 884133963 +545 729 3 884134114 +545 732 4 879899619 +545 742 4 880347813 +545 743 3 879901322 +545 746 4 879900321 +545 751 3 883115062 +545 820 3 879901359 +545 1228 3 884134603 +546 7 5 885140689 +546 53 5 885141502 +546 100 3 885140706 +546 145 4 885141502 +546 164 4 885141360 +546 181 5 885140754 +546 185 4 885141360 +546 222 4 885141260 +546 234 4 885141332 +546 250 4 885141260 +546 294 1 885139779 +546 322 4 885139921 +546 347 5 885139580 +546 349 4 885141260 +546 447 3 885141360 +546 457 1 885139608 +546 590 4 885141538 +546 690 2 885139693 +546 751 3 885139871 +546 769 4 885141465 +546 977 5 885140939 +547 303 3 891282715 +547 313 5 891282611 +547 315 4 891282555 +547 332 3 891282681 +547 333 4 891282555 +547 338 2 891282967 +547 340 4 891282757 +547 345 5 891282555 +548 3 1 891415967 +548 13 1 891415677 +548 14 1 891043182 +548 23 5 891044410 +548 39 5 891044481 +548 100 5 891044304 +548 121 5 891415939 +548 156 5 891044356 +548 185 5 891044356 +548 229 5 891044596 +548 234 4 891044356 +548 237 4 891415540 +548 245 4 891042624 +548 277 3 891415540 +548 282 4 891415384 +548 283 3 891415572 +548 284 3 891415619 +548 292 4 891042530 +548 295 5 891044304 +548 302 4 891042194 +548 313 5 891044304 +548 326 4 891043278 +548 331 4 891042530 +548 333 4 891042624 +548 340 1 891042794 +548 344 1 891042530 +548 358 2 891043547 +548 443 4 891044446 +548 460 4 891416122 +548 466 5 891044446 +548 581 4 891044596 +548 591 3 891415465 +548 595 4 891416071 +548 642 4 891044538 +548 654 5 891044411 +548 678 4 891043547 +548 717 4 891416050 +548 748 3 891043910 +548 751 4 891042851 +548 882 4 891043442 +548 898 1 891043509 +548 905 4 891044198 +548 925 2 891415709 +548 928 3 891415890 +548 1013 3 891043910 +548 1014 4 891043932 +548 1016 4 891043882 +548 1025 4 891043278 +548 1089 2 891044049 +548 1244 4 891043953 +548 1278 4 891416371 +549 100 4 881672333 +549 118 4 881672479 +549 127 5 881672441 +549 181 4 881672241 +549 237 4 881672605 +549 411 3 881672667 +549 472 3 881672408 +549 515 5 881672276 +549 620 3 881672650 +549 1047 3 881672700 +550 50 5 883425283 +550 121 5 883426027 +550 125 4 883425958 +550 252 1 883426119 +550 288 5 883425979 +550 294 3 883426119 +550 301 2 883426119 +550 328 5 883425652 +550 688 3 883425762 +550 748 4 883425365 +550 877 4 883425723 +550 1620 4 883425448 +551 3 5 892784093 +551 5 4 892783314 +551 11 5 892777052 +551 24 5 892783142 +551 28 4 892776982 +551 38 1 892784553 +551 44 4 892777825 +551 55 5 892777753 +551 66 2 892783281 +551 68 2 892783972 +551 70 4 892783057 +551 72 5 892783972 +551 73 2 892784130 +551 76 4 892778202 +551 77 3 892784130 +551 80 1 892785300 +551 88 4 892783314 +551 90 1 892784199 +551 92 5 892783672 +551 95 5 892783791 +551 117 5 892782807 +551 118 5 892784008 +551 144 5 892778035 +551 147 4 892783525 +551 150 3 892782807 +551 157 4 892782765 +551 164 4 892776650 +551 172 2 892778164 +551 176 4 892776876 +551 177 5 892777274 +551 180 5 892777052 +551 182 5 892776824 +551 186 5 892783142 +551 188 5 892783672 +551 195 5 892777052 +551 198 5 892778035 +551 202 4 892783177 +551 204 4 892777673 +551 205 5 892776575 +551 216 5 892777609 +551 217 1 892784093 +551 227 5 892783488 +551 230 5 892782901 +551 232 5 892783365 +551 235 1 892784629 +551 272 5 892775389 +551 282 5 892777092 +551 288 4 892775466 +551 313 4 892775389 +551 315 5 892775389 +551 324 3 892775824 +551 328 5 892775584 +551 331 5 892775584 +551 332 4 892775547 +551 346 4 892775547 +551 351 3 892775894 +551 356 4 892783829 +551 402 4 892784049 +551 410 5 892784093 +551 411 1 892784437 +551 421 4 892778202 +551 431 4 892777583 +551 448 4 892783242 +551 455 1 892783525 +551 476 5 892784259 +551 505 5 892777397 +551 544 4 892784093 +551 554 5 892783906 +551 572 1 892784672 +551 591 5 892783612 +551 595 2 892784744 +551 603 5 892776524 +551 627 3 892783906 +551 685 1 892782901 +551 693 5 892777943 +551 696 2 892785194 +551 708 1 892783830 +551 710 5 892777753 +551 717 3 892785164 +551 728 2 892785331 +551 732 4 892783711 +551 735 5 892783110 +551 739 4 892784710 +551 747 3 892783025 +551 751 4 892775797 +551 761 1 892785164 +551 762 5 892784130 +551 763 5 892784008 +551 774 5 892783314 +551 779 4 892785399 +551 802 4 892784437 +551 809 5 892784629 +551 849 5 892785128 +551 875 4 892775970 +551 917 3 892775466 +551 924 5 892783451 +551 943 5 892783451 +551 979 4 892784479 +551 1047 4 892785264 +551 1135 5 892785331 +551 1139 4 892785263 +551 1169 4 892778297 +551 1217 1 892784524 +551 1419 1 892785332 +551 1443 5 892784942 +551 1621 1 892785194 +552 25 3 879221833 +552 50 4 879221876 +552 117 3 879222412 +552 125 3 879222484 +552 147 3 879222412 +552 240 2 879222133 +552 243 3 879220651 +552 248 4 879221795 +552 250 3 879222336 +552 257 3 879221795 +552 282 3 879222133 +552 286 4 879220564 +552 288 2 879221267 +552 291 2 879222661 +552 405 3 879222268 +552 411 3 879222002 +552 412 2 879222583 +552 591 3 879222412 +552 748 4 879220651 +552 815 3 879222336 +552 826 2 879222002 +552 926 2 879222698 +552 932 3 879222194 +552 934 3 879222336 +552 988 3 879220650 +552 1014 4 879222520 +552 1048 3 879221683 +552 1051 3 879222238 +553 8 3 879949290 +553 23 5 879948806 +553 56 4 879949042 +553 100 5 879948869 +553 135 4 879948996 +553 136 4 879948655 +553 153 5 879949107 +553 174 4 879949073 +553 186 3 879948552 +553 190 5 879949251 +553 191 4 879949153 +553 197 5 879948831 +553 218 4 879948996 +553 238 5 879948655 +553 378 3 879948655 +553 423 3 879948655 +553 435 4 879948869 +553 484 5 879949324 +553 513 4 879948806 +553 515 5 879948386 +553 519 5 879949042 +553 520 5 879949153 +553 615 5 879949073 +553 617 4 879949042 +553 638 3 879948732 +553 661 5 879949324 +553 1009 4 879949212 +553 1124 4 879948695 +553 1200 3 879948964 +554 1 3 876231938 +554 11 4 876233069 +554 13 2 876232730 +554 14 4 876550182 +554 21 1 876232212 +554 43 3 876369968 +554 58 4 876549808 +554 66 3 876369615 +554 71 4 876550257 +554 100 3 876231441 +554 111 4 876550526 +554 121 4 876232267 +554 125 3 876550913 +554 132 4 876550453 +554 151 4 876550100 +554 173 3 876369527 +554 209 4 876232997 +554 215 5 876550833 +554 216 3 876369162 +554 218 4 876550654 +554 220 3 876232109 +554 222 4 876231802 +554 238 3 876232682 +554 265 4 876232956 +554 275 4 876231634 +554 282 3 876232267 +554 294 3 876231229 +554 318 5 876369730 +554 378 4 876549808 +554 405 4 876550654 +554 423 4 876550182 +554 595 3 876232109 +554 596 3 876232758 +554 678 3 876231229 +554 684 4 876550342 +554 692 4 876549579 +554 732 4 876550833 +554 819 3 876231688 +554 820 2 876232176 +554 864 4 876231993 +554 939 4 876550342 +554 1042 3 876550610 +555 21 4 879964265 +555 120 4 879964334 +555 121 3 879962551 +555 150 4 879963127 +555 169 5 879975419 +555 181 5 879962172 +555 195 4 879975438 +555 248 4 879963127 +555 288 3 879962096 +555 302 3 879962096 +555 357 4 879975455 +555 410 4 879962769 +555 748 4 879962096 +555 762 4 879964159 +556 12 5 882136440 +556 127 5 882136205 +556 134 5 882136252 +556 187 5 882136396 +556 294 2 882135855 +556 481 5 882136441 +556 493 5 882136441 +556 513 4 882136396 +556 603 5 882136440 +557 12 5 881179653 +557 50 4 881095916 +557 58 4 880555684 +557 96 5 881179653 +557 150 3 881179621 +557 180 5 881179653 +557 198 5 881179513 +557 253 3 880485693 +557 269 3 881179139 +557 288 1 884357600 +557 298 5 881095916 +557 299 4 881095916 +557 300 4 881095916 +557 322 3 880485052 +557 325 3 880485074 +557 327 3 882458785 +557 334 4 881179362 +557 529 5 881179455 +557 532 5 881095916 +557 750 4 884357373 +557 887 3 881179118 +557 892 3 884357648 +558 15 3 879436140 +558 20 5 879436396 +558 253 5 879436396 +558 286 4 879435828 +558 1068 2 879435896 +559 55 4 891035111 +559 69 5 891034003 +559 153 3 891035708 +559 163 4 891035840 +559 182 4 891035111 +559 187 3 891033911 +559 194 3 891035781 +559 196 5 891033805 +559 197 4 891035111 +559 216 5 891035876 +559 226 5 891034688 +559 233 3 891034688 +559 257 3 891035466 +559 318 5 891033835 +559 322 4 891034987 +559 385 4 891035111 +559 393 2 891035917 +559 398 3 891034904 +559 502 4 891035946 +559 508 3 891034209 +559 511 2 891034347 +559 519 5 891034004 +559 523 4 891035812 +559 550 4 891035111 +559 1141 2 891034316 +560 12 5 879975661 +560 89 5 879975752 +560 100 5 879975752 +560 111 3 879976731 +560 127 5 879976071 +560 132 3 879975485 +560 134 5 879975406 +560 137 4 879976427 +560 181 4 879975661 +560 183 5 879975586 +560 240 3 879976970 +560 246 5 879976109 +560 255 4 879976109 +560 270 4 879975173 +560 277 3 879976731 +560 318 4 879975406 +560 321 3 879975151 +560 358 3 879975358 +560 411 3 879976828 +560 429 3 879975485 +560 489 3 879975662 +560 496 3 879975752 +560 653 4 879975529 +560 654 5 879975613 +560 845 3 879976602 +560 847 4 879976449 +560 1014 4 879976215 +560 1021 4 879975718 +560 1073 3 879975586 +560 1265 3 879975194 +560 1405 4 879976215 +561 2 3 885809752 +561 8 3 885807455 +561 10 3 885808766 +561 12 5 885809356 +561 22 3 885809223 +561 28 2 885808053 +561 31 2 885809146 +561 46 4 885808796 +561 47 4 885809557 +561 48 4 885807547 +561 52 4 885809583 +561 56 5 885807291 +561 58 3 885809654 +561 67 1 885810240 +561 71 2 885810039 +561 81 2 885808000 +561 91 4 885807455 +561 95 2 885809605 +561 97 3 885809312 +561 100 4 885807484 +561 121 3 885810372 +561 130 4 885810429 +561 131 4 885808929 +561 132 2 885809269 +561 155 2 885810785 +561 157 4 885808053 +561 168 4 885807261 +561 172 2 885807743 +561 174 4 885808053 +561 175 4 885807429 +561 179 4 885807261 +561 180 4 885807261 +561 181 3 885807318 +561 183 5 885807215 +561 188 4 885807261 +561 191 3 885807484 +561 195 3 885808963 +561 196 4 885808620 +561 198 3 885808986 +561 203 4 885807261 +561 212 3 885809025 +561 214 3 885809670 +561 215 3 885809872 +561 216 3 885807173 +561 217 3 885810858 +561 223 4 885807235 +561 229 3 885810271 +561 231 2 885810744 +561 234 3 885808824 +561 240 1 885810726 +561 243 1 885807010 +561 276 4 885807713 +561 277 3 885809223 +561 285 4 885808715 +561 319 2 885809005 +561 345 4 885806823 +561 356 1 885809752 +561 362 2 893105375 +561 367 3 885809583 +561 371 1 885809426 +561 380 2 885809524 +561 403 3 885809690 +561 405 2 885809313 +561 425 4 885808000 +561 427 4 885807484 +561 430 3 885809336 +561 431 2 885808738 +561 432 5 885807776 +561 443 4 885809197 +561 447 3 885808767 +561 451 2 885810117 +561 480 4 885807484 +561 494 4 885808824 +561 503 4 885808887 +561 515 3 885807215 +561 520 4 885807318 +561 523 4 885809269 +561 550 1 885810117 +561 559 1 885809336 +561 568 3 885807962 +561 578 3 885810575 +561 589 3 885807510 +561 607 5 885807173 +561 608 3 885809119 +561 614 3 885809336 +561 631 3 885808000 +561 642 3 885809356 +561 644 3 885807743 +561 652 5 885809312 +561 656 4 885807455 +561 657 4 885807235 +561 665 3 885810309 +561 673 3 885809313 +561 679 3 885807235 +561 684 3 885808867 +561 693 3 885808620 +561 702 3 885809873 +561 705 3 885808000 +561 710 4 885809897 +561 719 1 885810785 +561 724 3 885808867 +561 732 3 885809958 +561 744 3 885809781 +561 746 3 885809025 +561 751 3 885806779 +561 790 1 885810538 +561 811 3 885808963 +561 895 1 885807035 +561 921 3 885810769 +561 946 3 885810813 +561 955 3 885808738 +561 956 4 885809336 +561 971 3 885809269 +561 980 3 885809146 +561 1015 2 885810060 +561 1035 3 885810390 +561 1103 4 885807291 +561 1149 4 885807713 +561 1230 3 885810813 +561 1449 5 885808620 +561 1512 5 885807455 +562 1 2 879194894 +562 4 1 879196517 +562 5 4 879196576 +562 66 1 879195927 +562 73 4 879195881 +562 79 4 879196445 +562 89 1 879195819 +562 98 4 879195081 +562 118 3 879196483 +562 133 2 879195007 +562 141 4 879195334 +562 143 5 879196074 +562 144 5 879196445 +562 161 3 879196445 +562 181 3 879195125 +562 218 4 879196576 +562 230 1 879195954 +562 231 1 879196446 +562 286 4 879194616 +562 402 5 879196074 +562 416 5 879195613 +562 435 4 879195125 +562 477 4 879195688 +562 504 4 879196709 +562 684 4 879196517 +562 806 1 879195289 +562 1039 4 879196105 +563 70 4 880506528 +563 118 4 880506863 +563 153 4 880507625 +563 181 4 880507374 +563 210 4 880507483 +563 237 5 880506666 +563 403 4 880506963 +563 412 2 880507108 +563 678 2 880506368 +563 781 4 880507582 +563 862 1 880507672 +564 50 4 888730974 +564 181 4 888730974 +564 257 4 888731011 +564 289 4 888718546 +564 292 4 888718546 +564 300 4 888718470 +564 312 3 888718443 +564 323 3 888730838 +564 344 4 888718521 +564 345 4 888718521 +564 472 4 888730658 +564 597 4 888730699 +564 831 3 888730658 +564 930 3 888730699 +565 30 5 891037499 +565 70 5 891037629 +565 83 5 891037628 +565 166 4 891037252 +565 213 4 891037803 +565 382 5 891037586 +565 462 4 891037692 +565 512 3 891037453 +565 638 4 891037837 +565 639 5 891037291 +565 652 5 891037563 +565 713 5 891037693 +565 970 4 891037757 +565 1018 5 891037862 +565 1396 5 891037333 +566 12 4 881649802 +566 31 3 881650825 +566 54 3 881651013 +566 70 4 881649563 +566 80 3 881651531 +566 96 3 881650171 +566 97 3 881650090 +566 100 5 881649548 +566 127 5 881650219 +566 161 4 881651097 +566 163 5 881649622 +566 165 5 881649530 +566 182 4 881649428 +566 192 5 881649747 +566 202 4 881650551 +566 203 4 881650148 +566 204 3 881649828 +566 215 3 881650739 +566 218 4 881650242 +566 219 1 881651286 +566 230 2 881650123 +566 240 3 881651225 +566 288 3 881650627 +566 318 4 881649471 +566 327 3 881649273 +566 384 3 881651360 +566 393 2 881651434 +566 403 3 881650654 +566 461 4 881649853 +566 465 2 881650654 +566 483 4 881649357 +566 511 4 881649445 +566 529 4 881649358 +566 575 1 881651652 +566 582 5 881650186 +566 673 4 881649775 +566 684 4 881649802 +566 763 4 881651045 +566 959 4 881651406 +566 1005 5 881650090 +566 1437 2 881651434 +567 9 4 882426696 +567 12 4 882426508 +567 23 4 882426740 +567 32 5 882426644 +567 47 4 882426696 +567 60 5 882425966 +567 124 4 882426812 +567 133 4 882425790 +567 134 5 882425873 +567 135 3 882426837 +567 156 5 882426055 +567 168 5 882425736 +567 170 3 882426184 +567 173 4 882425630 +567 174 1 882426869 +567 175 5 882425630 +567 177 4 882426673 +567 183 4 882425701 +567 185 5 882426899 +567 188 5 882426055 +567 192 4 882426021 +567 194 3 882425874 +567 203 4 882426508 +567 205 3 882425736 +567 209 4 882426812 +567 212 2 882427023 +567 234 3 882426762 +567 268 4 882426327 +567 293 5 882427250 +567 299 4 882426350 +567 306 3 882426327 +567 357 2 882425901 +567 430 4 882426927 +567 469 4 882426837 +567 474 5 882426135 +567 475 4 882426508 +567 479 5 882425997 +567 484 4 882426508 +567 487 4 882427155 +567 493 4 882426719 +567 511 2 882425701 +567 521 3 882425701 +567 582 3 882426899 +567 603 5 882425631 +567 604 4 882426508 +567 607 4 882426762 +567 640 4 882426927 +567 641 5 882426158 +567 646 5 882427046 +567 647 5 882425998 +567 648 4 882426021 +567 653 5 882425843 +567 659 4 882426508 +567 675 4 882426812 +567 811 4 882426210 +567 836 3 882426998 +567 847 4 882425791 +567 1021 4 882425736 +567 1022 5 882426350 +567 1252 3 882427294 +567 1451 3 882426952 +568 132 2 877907236 +568 162 2 877906935 +568 187 3 877907596 +568 213 4 877907835 +568 242 4 877906547 +568 301 1 877906737 +568 319 2 877906697 +568 435 2 877907721 +568 462 4 877907236 +568 478 4 877907235 +568 486 4 877907720 +568 493 3 877907281 +568 494 4 877907835 +568 504 3 877907596 +568 509 4 877906935 +568 603 5 877907157 +568 612 3 877907720 +568 615 5 877907235 +568 638 3 877907877 +568 656 3 877907281 +568 659 3 877907050 +568 772 1 877906995 +568 855 1 877906935 +568 1286 4 877907327 +569 9 5 879793493 +569 13 3 879793847 +569 15 4 879794265 +569 16 3 879794348 +569 19 5 879794127 +569 121 3 879794699 +569 125 3 879794348 +569 225 3 879794408 +569 236 4 879793717 +569 258 5 879792991 +569 268 3 880559356 +569 276 4 879793493 +569 281 3 879793466 +569 286 5 879792991 +569 321 4 879793103 +569 405 3 879794498 +569 458 2 879794498 +569 473 4 879794699 +569 508 3 879793785 +569 685 4 879794075 +569 748 2 879793228 +569 756 3 879794660 +569 826 3 879794660 +569 979 3 879793948 +569 1014 3 879795581 +569 1197 4 879793465 +569 1284 2 879795512 +570 243 1 881262557 +570 258 3 881262189 +570 288 2 881262307 +570 301 3 881262404 +570 305 5 881262256 +570 324 2 881262437 +570 690 3 881262307 +570 748 3 881262497 +571 47 3 883354818 +571 64 4 883355063 +571 124 4 883354760 +571 174 4 883354940 +571 194 3 883354818 +571 462 4 883354992 +571 604 3 883354886 +571 657 4 883354992 +571 964 4 883355063 +572 13 4 879449763 +572 121 2 879449610 +572 124 5 879449610 +572 277 1 879449799 +572 289 3 879449277 +572 476 4 879449573 +573 10 4 885843818 +573 22 4 885844394 +573 50 4 885843738 +573 144 4 885844638 +573 162 4 885844007 +573 174 4 885844431 +573 178 4 885844395 +573 182 4 885843892 +573 185 3 885844605 +573 258 4 885843700 +573 275 4 885843596 +573 283 4 885843817 +573 347 4 885843476 +573 479 4 885844051 +573 507 5 885844638 +573 513 4 885844395 +573 657 4 885843928 +573 685 3 885843779 +573 713 4 885843817 +574 262 5 891279122 +574 269 5 891279173 +574 270 3 891279121 +574 289 4 891279285 +574 302 4 891278860 +574 303 3 891278962 +574 310 4 891279012 +574 319 5 891279236 +574 327 3 891279122 +574 332 3 891279410 +574 333 3 891279285 +574 345 2 891278860 +574 347 3 891278860 +574 900 4 891278860 +574 910 1 891279362 +574 1062 5 891279122 +574 1313 4 891278916 +575 50 2 878148258 +575 98 4 878146853 +575 127 2 878148137 +575 294 1 878146447 +575 304 2 878146638 +575 321 3 878146540 +575 427 4 878148329 +576 15 4 886985104 +576 50 4 887081005 +576 137 3 886985695 +576 248 4 887169019 +576 257 4 887168556 +576 319 3 886985695 +576 323 3 886960604 +576 475 1 887168978 +576 514 5 886986400 +576 815 3 886985695 +577 1 5 880470282 +577 4 4 880474635 +577 8 4 880474257 +577 11 2 880474293 +577 25 4 880470504 +577 28 5 880472077 +577 29 3 880474903 +577 31 4 880474216 +577 44 3 880474934 +577 55 3 880474694 +577 56 3 880474934 +577 58 4 880474414 +577 63 4 880476606 +577 65 5 880475539 +577 69 4 880474829 +577 71 5 880474433 +577 77 3 880475561 +577 85 3 880475170 +577 87 5 880474216 +577 99 3 880474674 +577 100 4 880470350 +577 111 4 880470604 +577 118 3 880471658 +577 132 4 880472153 +577 140 4 880475043 +577 147 4 880470604 +577 151 4 880470604 +577 191 4 880472055 +577 194 4 880474216 +577 203 3 880474455 +577 208 4 880474556 +577 210 3 880474715 +577 217 5 880475363 +577 226 4 880475094 +577 228 3 880474338 +577 241 5 880474766 +577 265 5 880474851 +577 307 3 890089564 +577 338 3 880469983 +577 407 4 880471271 +577 423 4 880472124 +577 425 2 880474808 +577 436 4 880475339 +577 447 3 880475226 +577 468 3 880474766 +577 531 4 890089749 +577 545 3 880476578 +577 549 5 880475539 +577 560 3 880475363 +577 566 4 880474216 +577 579 4 880475602 +577 582 4 880475540 +577 651 5 880475043 +577 665 4 880475644 +577 673 3 880474851 +577 728 3 880475226 +577 739 3 880474871 +577 829 3 880470884 +577 866 5 880470570 +577 939 5 880474933 +577 949 2 880475408 +577 1033 4 880471170 +577 1209 4 880476578 +577 1271 3 880475581 +578 250 2 888957735 +578 258 1 888957735 +578 323 3 888957735 +578 324 1 888957735 +578 343 2 888957735 +578 355 1 888957758 +578 678 3 888957490 +578 1098 2 890939753 +578 1264 3 890939815 +579 56 3 880952360 +579 65 3 880951944 +579 66 4 880952516 +579 82 3 880951783 +579 173 5 880951765 +579 186 3 880952237 +579 194 5 880952271 +579 204 3 880952201 +579 209 4 880951944 +579 211 3 880952476 +579 216 5 880952299 +579 238 3 880952201 +579 245 2 880951595 +579 258 5 880951444 +579 269 3 880951346 +579 286 4 880951444 +579 303 3 880951494 +579 326 3 880951494 +579 333 4 880951372 +579 381 3 880952360 +579 428 4 880952335 +579 433 3 880952237 +579 514 3 880952165 +579 582 4 880952102 +579 603 5 880952006 +579 676 3 880951784 +579 709 5 880952142 +579 748 3 880951569 +579 877 1 880951594 +579 1446 2 880952165 +580 100 3 884124872 +580 181 5 884125042 +580 222 3 884125292 +580 249 5 884125243 +580 250 5 884125072 +580 252 5 884125829 +580 258 5 884124103 +580 289 5 884124382 +580 323 2 884124383 +580 405 2 884126077 +580 455 4 884125492 +580 471 3 884125018 +580 546 1 884126077 +580 687 3 884124583 +580 1014 3 884125135 +581 9 5 879641787 +581 100 5 879641603 +581 127 5 879643079 +581 181 3 879641787 +581 221 2 879642274 +581 224 4 879641698 +581 269 3 879641348 +581 275 3 879641787 +581 283 2 879642274 +581 285 5 879641533 +581 813 5 879641603 +581 1375 5 879641787 +582 3 3 882961723 +582 7 5 882961082 +582 15 3 882961481 +582 50 5 882961082 +582 93 5 882960844 +582 121 3 882961133 +582 124 4 882961082 +582 151 4 882961133 +582 181 4 882961301 +582 237 3 882960941 +582 268 4 882960396 +582 293 5 882961082 +582 369 1 882963114 +582 410 3 882961481 +582 411 1 882962652 +582 455 1 882961481 +582 472 4 882962561 +582 475 5 882961000 +582 477 4 882961540 +582 760 3 882962886 +582 763 2 882961804 +582 1215 4 882963027 +583 7 5 879384471 +583 55 4 879384404 +583 175 5 879384471 +583 258 4 879384094 +583 276 4 879384338 +583 357 5 879384575 +584 40 4 885778385 +584 82 3 885778458 +584 109 4 885778204 +584 165 1 885778780 +584 172 4 885778080 +584 229 3 885774172 +584 313 5 885773921 +584 423 4 885778263 +584 449 2 885778571 +585 10 3 891286256 +585 18 2 891283124 +585 19 3 891282808 +585 59 4 891283124 +585 61 4 891283338 +585 70 5 891286256 +585 171 3 891285491 +585 213 5 891284393 +585 340 2 891281651 +585 510 5 891284016 +585 529 3 891283124 +585 584 3 891286256 +585 713 4 891282808 +585 736 4 891284184 +585 740 4 891284588 +585 923 5 891282808 +585 970 3 891284915 +585 971 3 891282894 +585 1005 4 891283339 +585 1009 5 891285491 +585 1021 3 891283681 +585 1121 4 891283339 +585 1193 5 891282894 +585 1319 2 891285820 +585 1323 3 891284588 +585 1344 3 891282573 +585 1449 5 891283338 +585 1485 3 891283124 +585 1558 5 891282893 +585 1623 4 891283921 +586 11 3 884059693 +586 23 2 884058674 +586 27 3 884062405 +586 29 5 884062405 +586 31 4 884064631 +586 33 5 884061807 +586 51 4 884066336 +586 69 4 884059426 +586 76 5 884059196 +586 77 3 884065719 +586 92 3 884061459 +586 121 5 884062010 +586 127 4 884057313 +586 144 4 884059287 +586 153 2 884058956 +586 155 3 884067874 +586 156 4 884064459 +586 160 4 884066360 +586 161 5 884062671 +586 173 3 884059287 +586 181 4 884057344 +586 185 2 884058860 +586 188 2 884058956 +586 200 4 884060941 +586 202 4 884066689 +586 204 3 884066723 +586 215 4 884066141 +586 228 3 884061459 +586 230 2 884061623 +586 233 4 884062405 +586 237 4 884057783 +586 238 2 884059027 +586 239 3 884067058 +586 240 3 884066799 +586 249 2 884058005 +586 250 3 884057661 +586 254 4 884064246 +586 273 5 884057692 +586 295 3 884068393 +586 318 3 884065986 +586 358 4 884069523 +586 379 4 884060941 +586 385 3 884058956 +586 397 3 884063080 +586 405 5 884061807 +586 427 3 884066016 +586 436 2 884060807 +586 452 3 884060941 +586 467 4 884066230 +586 468 3 884066087 +586 496 3 884059426 +586 541 3 884063080 +586 586 2 884063080 +586 591 3 884058249 +586 651 3 884059287 +586 672 2 884061084 +586 676 3 884066112 +586 720 4 884062742 +586 742 3 884057578 +586 761 3 884062742 +586 790 3 884067151 +586 800 3 884061189 +586 820 4 884057412 +586 841 3 884063854 +586 849 3 884062742 +586 1042 4 884065773 +586 1047 3 884067058 +586 1273 4 884065825 +587 259 4 892871223 +587 266 1 892871536 +587 269 3 892870956 +587 270 4 892871171 +587 271 4 892871310 +587 286 4 892870992 +587 288 4 892870992 +587 304 4 892871141 +587 308 3 892871642 +587 310 3 892870992 +587 313 5 892870956 +587 316 4 892870992 +587 323 4 892871284 +587 325 5 892871252 +587 326 3 892871284 +587 332 4 892871171 +587 338 4 892871462 +587 339 3 892871284 +587 340 5 892871141 +587 342 1 892871503 +587 350 3 892871372 +587 351 2 892871683 +587 353 2 892871706 +587 355 3 892871610 +587 687 1 892871683 +587 690 3 892871252 +587 691 4 892871031 +587 749 2 892871223 +587 750 3 892871113 +587 878 2 892871641 +587 886 2 892871171 +587 887 2 892871310 +587 892 3 892871462 +587 895 4 892871113 +587 902 2 892871584 +587 905 3 892871503 +587 937 4 892871031 +587 938 2 892871141 +587 989 2 892871438 +587 1483 4 892871337 +588 1 4 890015684 +588 28 5 890024051 +588 42 5 890024529 +588 51 4 890026395 +588 62 2 890027865 +588 69 2 890023556 +588 72 4 890026939 +588 79 4 890023722 +588 83 5 890015435 +588 85 5 890026882 +588 94 2 890027865 +588 97 2 890023587 +588 110 3 890027247 +588 118 3 890026210 +588 121 5 890026154 +588 125 3 890026154 +588 131 5 890024918 +588 132 5 890015476 +588 133 5 890015894 +588 142 5 890024117 +588 154 4 890024529 +588 161 4 890015580 +588 164 5 890026262 +588 165 2 890015649 +588 172 5 890026459 +588 173 5 890024677 +588 174 3 890015323 +588 184 4 890025951 +588 208 3 890023879 +588 215 5 890024564 +588 217 4 890030473 +588 230 1 890023692 +588 231 4 890028987 +588 272 5 890014748 +588 275 3 890024246 +588 282 5 890015894 +588 315 4 890014591 +588 318 4 890015435 +588 354 5 890014930 +588 362 3 890014710 +588 367 5 890024117 +588 386 2 890029445 +588 393 4 890026939 +588 395 4 890030781 +588 399 3 890027379 +588 402 5 890026882 +588 404 3 890026656 +588 417 5 890026009 +588 419 5 890023646 +588 421 5 890023830 +588 433 5 890024246 +588 443 3 890024876 +588 471 5 890024289 +588 475 2 890015684 +588 483 4 890015500 +588 485 5 890015835 +588 531 3 890015722 +588 554 3 890032281 +588 559 5 890025951 +588 566 2 890023557 +588 578 5 890029212 +588 588 4 890023692 +588 597 4 890026543 +588 602 3 890015580 +588 638 4 890024289 +588 645 5 890024488 +588 655 3 890025864 +588 658 5 890025751 +588 678 2 890015063 +588 684 4 890024246 +588 723 2 890026459 +588 724 2 890015648 +588 728 3 890027707 +588 731 2 890026705 +588 739 4 890025704 +588 742 4 890024002 +588 747 4 890025797 +588 751 3 890014887 +588 778 3 890027600 +588 781 2 890028509 +588 810 4 890029445 +588 832 1 890027865 +588 846 4 890025621 +588 873 3 890014887 +588 880 1 890014996 +588 934 4 890030736 +588 941 5 890026513 +588 959 5 890026459 +588 1044 4 890025674 +588 1053 3 890027780 +588 1058 2 890030656 +588 1428 5 890032056 +588 1469 3 890026705 +589 243 3 883352735 +589 258 2 883352463 +589 272 5 883352535 +589 286 3 883352372 +589 294 5 883352600 +589 300 5 883352600 +589 301 2 883352535 +589 323 2 883352631 +589 538 5 883352494 +589 682 4 883352494 +589 749 3 883352631 +589 892 4 883352762 +590 9 3 879438972 +590 13 4 879438972 +590 14 5 879438852 +590 15 3 879438936 +590 125 3 879439509 +590 127 4 879439645 +590 130 1 879439567 +590 255 1 879439374 +590 282 2 879439374 +590 286 5 879439645 +590 287 4 879439645 +590 475 4 879439645 +590 515 3 879438972 +590 744 4 879438769 +590 1129 3 879438735 +591 47 3 891031426 +591 48 4 891031286 +591 86 5 891031171 +591 94 3 891031603 +591 100 5 891039565 +591 116 4 891039616 +591 127 4 891031203 +591 172 3 891031116 +591 202 3 891031469 +591 210 3 891031469 +591 211 4 891031469 +591 238 5 891031228 +591 300 3 891030956 +591 357 5 891031228 +591 367 3 891031403 +591 381 4 891040366 +591 393 4 891031644 +591 428 4 891031500 +591 451 3 891040366 +591 466 3 891031116 +591 487 4 891031203 +591 508 4 891039616 +591 514 4 891031383 +591 516 3 891031469 +591 517 4 891040366 +591 580 2 891031526 +591 615 4 891031116 +591 655 4 891031469 +591 662 3 891031145 +591 732 3 891031500 +591 792 4 891031383 +591 1028 3 891039658 +591 1111 4 891031603 +592 4 4 882956418 +592 8 5 882955582 +592 11 5 882955978 +592 12 5 882955825 +592 14 5 882607986 +592 81 4 882956201 +592 98 5 882955918 +592 100 5 882608182 +592 118 3 882609056 +592 121 4 882608573 +592 122 4 882608960 +592 132 5 882955794 +592 144 5 882956668 +592 150 5 882607955 +592 173 5 882956276 +592 174 5 882955918 +592 181 3 882608182 +592 188 5 882956387 +592 191 5 882955735 +592 192 5 882955460 +592 193 5 882955948 +592 194 4 882955543 +592 215 5 882956467 +592 216 4 882955978 +592 221 5 882608357 +592 223 5 882955863 +592 234 5 882955863 +592 242 5 882607286 +592 243 1 882607780 +592 248 4 882608279 +592 250 4 882608145 +592 252 3 882608915 +592 253 1 882608279 +592 257 4 882608107 +592 259 2 882607573 +592 261 1 882607744 +592 265 4 882956039 +592 281 4 882608573 +592 283 4 882956241 +592 289 4 882607606 +592 293 5 882607986 +592 294 3 882607434 +592 301 1 882607573 +592 305 4 885280098 +592 306 5 882607528 +592 307 4 882607528 +592 312 2 882607780 +592 313 5 882955258 +592 320 5 882955735 +592 322 1 882607647 +592 327 4 882607387 +592 328 1 882607476 +592 331 3 882607528 +592 332 3 882607286 +592 338 2 882607647 +592 339 3 882607572 +592 342 2 882607745 +592 344 4 888553156 +592 367 4 882956510 +592 405 4 882608531 +592 421 5 882956158 +592 461 4 882955765 +592 466 5 882955766 +592 479 4 882956668 +592 483 5 882955613 +592 484 4 882956551 +592 508 5 882608021 +592 521 5 882955703 +592 522 5 882955662 +592 534 5 882608531 +592 546 4 882608500 +592 589 5 882955825 +592 597 2 882609056 +592 631 3 882956624 +592 657 4 882956011 +592 678 2 882607690 +592 702 4 882956510 +592 705 5 882955978 +592 730 4 882956011 +592 744 3 882608500 +592 751 3 882955258 +592 752 4 888553156 +592 763 5 882608531 +592 825 1 882608795 +592 844 4 882608021 +592 845 4 882608573 +592 853 5 882956201 +592 854 5 882955948 +592 875 4 882607434 +592 881 1 882607476 +592 898 2 887257199 +592 900 4 887257094 +592 919 5 882608061 +592 922 3 882608736 +592 925 3 882608915 +592 936 4 882608315 +592 939 3 882956510 +592 963 5 882955663 +592 1014 4 882609009 +592 1017 4 882608279 +592 1023 1 882608873 +592 1039 4 882955582 +592 1047 1 882608736 +592 1073 5 882956276 +592 1085 3 882608625 +592 1097 4 882608021 +592 1129 5 882608021 +592 1199 5 882608358 +592 1226 4 882608873 +592 1265 1 882607690 +592 1281 3 882608795 +592 1514 5 882608625 +592 1609 1 882608698 +593 4 4 877728878 +593 9 3 875659306 +593 15 4 875659636 +593 26 4 875660886 +593 50 4 875660009 +593 56 5 875658887 +593 69 5 875660419 +593 77 4 875671619 +593 83 5 886194064 +593 98 5 875661596 +593 106 2 875660347 +593 117 4 875659497 +593 118 4 875660009 +593 140 4 875671226 +593 143 4 886193303 +593 155 5 875671579 +593 158 3 875671891 +593 159 4 875671302 +593 161 5 875671464 +593 162 5 875671807 +593 164 4 875671861 +593 173 5 877728878 +593 174 4 875660546 +593 183 4 875670915 +593 193 4 886193361 +593 220 3 875660274 +593 241 5 875672874 +593 275 3 875658862 +593 278 3 875659686 +593 280 3 875660194 +593 286 5 875660009 +593 322 2 875644752 +593 357 5 875661486 +593 371 3 875659076 +593 385 4 886194041 +593 423 4 875671505 +593 451 3 875672999 +593 470 2 875671062 +593 476 2 875659943 +593 568 4 886193361 +593 580 1 876507120 +593 619 3 877727927 +593 631 3 886194296 +593 659 5 875671464 +593 660 5 875671372 +593 661 2 886193103 +593 692 3 886193724 +593 723 4 875671890 +593 739 5 875672970 +593 747 4 877728878 +593 761 2 875671951 +593 781 3 875671334 +593 807 4 875672999 +593 815 3 875659826 +593 846 2 875660295 +593 866 5 875660236 +593 966 5 886193788 +593 1012 3 877727961 +593 1028 3 875659896 +593 1119 5 875660823 +594 50 3 874783018 +594 126 3 874781173 +594 181 3 874781076 +594 319 3 874780864 +594 988 2 874780945 +595 9 4 886922069 +595 109 2 886921365 +595 151 5 886921475 +595 181 5 886921199 +595 235 3 886921392 +595 237 3 886921315 +595 246 4 886921068 +595 255 3 886921392 +595 268 4 886920576 +595 282 4 886921344 +595 294 2 886920748 +595 298 4 886921166 +595 304 3 886920774 +595 324 3 886920632 +595 330 4 886920819 +595 346 4 886920576 +595 358 2 886920714 +595 411 3 886921448 +595 475 5 886921166 +595 508 5 886921199 +595 546 4 886922069 +595 591 4 886921344 +595 678 1 886920819 +595 748 2 886920655 +595 762 4 886922069 +595 820 2 886921870 +595 824 3 886921748 +595 844 4 886922069 +595 880 3 886920819 +595 922 4 886921036 +595 926 1 886921897 +595 929 2 886921722 +595 930 2 886921870 +595 952 5 886921424 +595 994 4 886921897 +595 1023 1 886921977 +595 1061 3 886921945 +595 1165 1 886921748 +595 1259 3 886921819 +595 1312 3 886921787 +596 13 2 883539402 +596 181 4 883539431 +596 313 5 883538815 +596 323 4 883538965 +596 682 4 883539173 +597 15 5 875341758 +597 24 3 875341858 +597 50 5 875339876 +597 111 3 875342355 +597 127 4 875340062 +597 225 4 875342875 +597 235 4 875340062 +597 250 4 875340939 +597 264 4 875339156 +597 283 5 875340010 +597 293 5 875340939 +597 295 3 875340117 +597 323 3 875339041 +597 678 1 875339041 +597 713 2 875340010 +597 763 4 875340191 +597 1534 1 875341758 +598 258 5 886711452 +598 292 4 886710735 +598 308 4 886710612 +598 312 5 886711452 +598 313 5 886711452 +598 343 2 886710795 +598 350 4 886711452 +598 750 5 886711452 +598 898 4 886711452 +599 111 5 880951885 +599 237 5 880951595 +599 255 5 880951479 +599 260 1 880951113 +599 274 5 880952144 +599 276 2 880951439 +599 319 2 880951046 +599 508 3 880953441 +599 535 4 880952267 +599 595 5 880952144 +599 748 4 880951144 +599 756 5 880952037 +599 763 5 880952316 +599 815 3 880953441 +599 845 5 880951974 +599 888 5 880951249 +599 948 4 880951281 +599 975 5 880952357 +599 1014 4 880951885 +599 1277 4 880952496 +599 1315 4 880951743 +600 11 5 888451665 +600 22 5 888451491 +600 29 2 888452490 +600 50 4 888451492 +600 56 5 888451492 +600 62 4 888452151 +600 89 5 888451492 +600 96 5 888451664 +600 161 4 888451908 +600 172 4 888451665 +600 177 5 888451583 +600 181 4 888451491 +600 184 3 888451750 +600 188 4 888451750 +600 195 4 888451492 +600 230 4 888451839 +600 231 3 888452152 +600 233 2 888452071 +600 241 5 888451582 +600 269 4 888451388 +600 399 4 888452491 +600 449 4 888452564 +600 450 4 888453144 +600 510 5 888451665 +600 515 5 888451492 +600 530 4 888451664 +600 540 3 888453083 +600 541 1 888451977 +600 562 3 888452564 +600 576 3 888451840 +600 586 2 888453083 +600 651 4 888451492 +600 684 4 888451582 +600 761 4 888451977 +600 779 2 888452564 +600 810 3 888451977 +600 1188 3 888452152 +601 12 3 876348947 +601 22 4 876348820 +601 47 3 876349542 +601 58 1 876350400 +601 64 4 876349503 +601 69 3 876348987 +601 71 1 876349937 +601 87 4 876349503 +601 91 5 876349251 +601 98 3 876348526 +601 107 4 876347113 +601 123 1 876347148 +601 125 1 876347320 +601 131 4 876350766 +601 132 5 876350104 +601 133 4 876350812 +601 143 3 876351073 +601 151 3 876346930 +601 153 4 876350060 +601 154 5 876350017 +601 156 4 876348782 +601 157 3 876349716 +601 163 4 876350400 +601 172 4 876348736 +601 183 4 876348674 +601 185 4 876349577 +601 186 4 876349542 +601 191 4 876350016 +601 201 5 876349503 +601 204 2 876348783 +601 210 4 876350060 +601 222 4 876347039 +601 225 1 876347462 +601 241 4 876350652 +601 258 5 876346344 +601 287 1 876348215 +601 288 1 876346515 +601 378 2 876351041 +601 389 2 876350537 +601 410 4 876347113 +601 427 4 876348736 +601 443 4 876350766 +601 472 1 876348177 +601 476 1 876347765 +601 504 4 876350300 +601 671 4 876348572 +601 673 1 876351264 +601 763 5 876348035 +601 820 1 876348316 +601 840 2 876347599 +601 842 1 876351171 +601 928 1 876348140 +601 949 2 876351214 +601 1028 2 876347557 +601 1047 1 876347557 +601 1135 2 876351141 +601 1296 1 876346344 +601 1540 2 876350017 +602 9 4 888638490 +602 50 5 888638460 +602 121 4 888638434 +602 127 5 888638491 +602 148 4 888638517 +602 181 5 888638547 +602 257 4 888638618 +602 343 2 888638022 +602 457 3 888638305 +602 748 3 888638160 +602 871 3 888638589 +602 895 3 888637925 +602 988 4 888638248 +603 12 5 891955991 +603 62 2 891955972 +603 183 4 891957110 +603 229 4 891955972 +603 271 2 891955922 +603 294 4 891956330 +603 385 4 891957012 +603 419 2 891957012 +603 449 4 891955972 +603 923 4 891957139 +603 1240 5 891956058 +603 1483 5 891956283 +604 5 2 883668261 +604 48 5 883667946 +604 56 2 883668097 +604 127 4 883667946 +604 164 4 883668175 +604 184 3 883668352 +604 200 1 883668261 +604 201 3 883668352 +604 448 5 883668261 +604 558 4 883668175 +604 637 4 883668261 +604 670 5 883668352 +605 9 4 879365773 +605 22 4 879424548 +605 98 5 879425432 +605 100 5 879425432 +605 118 3 879429729 +605 121 1 879429706 +605 124 3 879365748 +605 126 5 880762240 +605 132 5 879425432 +605 133 5 879424661 +605 143 1 879424345 +605 153 4 879424784 +605 176 4 879426339 +605 191 5 879426212 +605 223 5 881015099 +605 237 3 879424661 +605 252 4 879510953 +605 255 2 879510904 +605 260 4 879365417 +605 276 4 879365773 +605 282 4 879424743 +605 286 4 879365101 +605 288 5 879365158 +605 293 3 879366256 +605 294 4 879365219 +605 295 4 879366240 +605 300 2 879365101 +605 301 3 879365237 +605 318 5 879426144 +605 325 2 879365219 +605 340 4 879365132 +605 357 5 879426180 +605 462 5 881016176 +605 475 3 879424369 +605 483 5 879425432 +605 496 5 879424600 +605 521 5 879424743 +605 528 5 879424273 +605 597 3 879427755 +605 827 3 879429729 +605 831 1 879429729 +605 873 3 879365219 +605 879 3 879365417 +605 1040 2 879425689 +605 1226 4 879510864 +606 12 2 880924384 +606 24 5 878143509 +606 25 5 878149689 +606 28 4 880924921 +606 31 4 880925199 +606 42 3 880926245 +606 48 4 880924483 +606 56 5 880924483 +606 68 5 880927127 +606 69 4 880926339 +606 71 5 880923745 +606 83 5 880925289 +606 89 5 880927358 +606 91 5 880926610 +606 93 4 878142865 +606 99 4 880923799 +606 100 5 878146986 +606 103 3 880923349 +606 117 4 878143605 +606 121 4 878148425 +606 125 4 878148493 +606 129 3 878142865 +606 132 5 880923925 +606 135 5 880926245 +606 138 3 880927923 +606 144 4 880924664 +606 150 4 878143246 +606 151 5 878148493 +606 153 3 880926700 +606 157 4 880926018 +606 161 4 880926994 +606 172 5 880924322 +606 174 5 880924663 +606 175 4 880927127 +606 176 5 880923925 +606 183 5 880926162 +606 191 5 880923988 +606 194 4 880925199 +606 195 5 880926162 +606 196 4 880926759 +606 200 5 880923862 +606 203 5 880926084 +606 208 3 880925074 +606 214 4 880926018 +606 216 5 880925579 +606 222 3 878147770 +606 225 1 880923349 +606 237 4 878148365 +606 239 4 880926339 +606 248 5 887058736 +606 250 4 878143047 +606 265 4 880924663 +606 298 4 880920725 +606 307 4 888334083 +606 313 5 887841727 +606 326 4 889137188 +606 410 3 880921656 +606 419 4 880924188 +606 423 5 880925200 +606 427 4 880924106 +606 428 3 880927247 +606 432 5 880926339 +606 435 4 880923862 +606 455 2 880923349 +606 471 4 878146986 +606 477 4 878143247 +606 483 5 880924921 +606 491 4 880923799 +606 498 4 880923862 +606 507 4 880923689 +606 531 5 880924188 +606 549 4 880926862 +606 562 4 880928181 +606 628 4 878143729 +606 647 3 880924663 +606 652 3 880925200 +606 655 4 880926469 +606 660 5 880926470 +606 662 4 880926162 +606 685 3 880923349 +606 709 5 880927417 +606 729 4 880927247 +606 747 4 880927468 +606 748 3 880921753 +606 749 4 888333338 +606 816 2 880927358 +606 841 3 880922625 +606 845 4 878147770 +606 924 5 880921408 +606 925 4 880922566 +606 928 4 880928180 +606 939 4 880927247 +606 993 5 887059716 +606 1010 3 878149278 +606 1039 4 880923690 +606 1047 2 880923349 +606 1151 3 889137292 +606 1190 3 889137308 +606 1199 3 878143246 +606 1280 2 889137292 +606 1518 4 880926760 +607 30 4 883880180 +607 45 4 883880079 +607 121 2 883879811 +607 180 4 883879556 +607 212 3 883880052 +607 213 4 883880027 +607 222 3 883879613 +607 311 4 883879971 +607 382 3 883880110 +607 474 4 883879473 +607 475 4 883879811 +607 483 4 883879379 +607 485 3 883879442 +607 498 4 883879556 +607 511 5 883879556 +608 4 3 880406168 +608 8 2 880405484 +608 11 5 880405927 +608 16 2 880406950 +608 25 4 880406506 +608 28 4 880405484 +608 44 4 880406469 +608 50 1 880403765 +608 56 5 880403690 +608 61 5 880404693 +608 64 4 880405165 +608 76 4 880408115 +608 98 5 880403855 +608 100 4 880403280 +608 132 2 880403899 +608 133 4 880405165 +608 136 3 880403280 +608 144 4 880405659 +608 166 3 880403388 +608 172 1 880405927 +608 174 3 880406506 +608 185 5 880405484 +608 196 5 880405395 +608 199 1 880403606 +608 207 5 880404975 +608 213 4 880404693 +608 215 3 880406299 +608 238 5 880403810 +608 275 5 880403810 +608 283 4 880406623 +608 300 1 880402327 +608 301 1 880402633 +608 305 3 880402633 +608 310 1 880402450 +608 318 4 880404916 +608 319 4 880402983 +608 321 2 880402633 +608 328 4 880402983 +608 333 4 880402983 +608 337 4 880402982 +608 357 5 880404916 +608 418 1 880405971 +608 423 4 880406727 +608 427 4 880403765 +608 448 5 880406593 +608 461 4 880406507 +608 462 4 880406552 +608 475 3 880405971 +608 480 3 880405165 +608 487 4 880406032 +608 499 4 880403484 +608 506 4 880406728 +608 508 4 880406593 +608 549 4 880405824 +608 568 5 880406032 +608 606 5 880404693 +608 607 5 880405395 +608 655 5 880405395 +608 658 3 880408150 +608 660 5 880406800 +608 693 3 880405927 +608 694 3 880405085 +608 699 5 880406507 +608 702 1 880406862 +608 742 4 880406299 +608 753 5 880405395 +608 939 4 880405896 +608 956 3 880405896 +608 961 4 880405431 +608 969 5 880407079 +608 1009 4 880406032 +608 1039 5 880406552 +608 1101 4 880405863 +608 1183 1 880405484 +608 1204 2 880403606 +609 125 4 886895193 +609 243 1 886895886 +609 258 3 886894677 +609 288 2 886894677 +609 294 2 886895346 +609 304 5 886895436 +609 314 1 886895941 +609 319 1 886895516 +609 408 5 886896185 +609 475 2 886896281 +609 890 1 886895914 +609 908 1 886895699 +609 1012 1 886896237 +610 7 2 888703137 +610 12 5 888703157 +610 28 4 888703258 +610 50 4 888702961 +610 56 3 888703213 +610 79 3 888702859 +610 95 2 888703316 +610 97 3 888703453 +610 117 4 888704000 +610 143 5 888703290 +610 153 5 888703766 +610 183 4 888703749 +610 210 3 888703290 +610 271 1 888702795 +610 272 4 888702815 +610 275 4 888703453 +610 276 4 888703766 +610 288 3 888702795 +610 294 1 888702795 +610 313 4 888702841 +610 331 3 888702764 +610 419 5 888703241 +610 427 5 888703730 +610 477 2 888703475 +610 489 4 888703343 +610 591 3 888703316 +610 699 2 888703507 +610 705 3 888703710 +610 735 3 888703360 +611 262 4 891636223 +611 268 5 891636192 +611 269 4 891636072 +611 286 5 891636244 +611 299 1 891636223 +611 313 3 891636125 +611 333 4 891636073 +611 334 5 891636223 +611 336 5 891636399 +611 344 5 891636073 +611 346 5 891636152 +611 355 1 891636399 +611 751 4 891636098 +611 873 3 891636399 +611 887 2 891636125 +611 896 3 891636152 +612 1 4 875324876 +612 15 4 875324455 +612 118 3 875324947 +612 237 3 875324455 +612 275 5 875324710 +612 300 4 875324266 +612 604 4 875325256 +613 1 4 891227410 +613 28 3 891227262 +613 64 5 891227204 +613 126 5 891227338 +613 127 4 891227204 +613 194 5 891227299 +613 471 3 891227410 +613 509 4 891227236 +613 514 4 891227236 +613 607 4 891227236 +614 1 5 879464093 +614 122 3 879465320 +614 147 5 879464332 +614 255 5 879464119 +614 279 3 879464287 +614 288 2 879463630 +614 294 4 879464507 +614 405 2 879464525 +614 410 3 879464437 +614 458 4 879464287 +614 472 3 879464416 +614 476 3 879464507 +614 546 1 879463965 +614 717 4 879465414 +614 756 4 879465398 +614 841 2 879465398 +614 871 2 879465376 +614 1009 3 879464119 +614 1134 2 879464556 +615 13 4 879449184 +615 22 4 879448797 +615 23 5 879448547 +615 127 5 879448399 +615 160 3 879448599 +615 175 5 879448439 +615 178 5 879448547 +615 187 5 879448598 +615 194 5 879449164 +615 199 5 879448599 +615 208 4 879449130 +615 209 5 879449068 +615 211 5 879449164 +615 237 4 879448843 +615 275 4 879447872 +615 303 5 879447530 +615 306 4 879447556 +615 319 4 879447585 +615 423 5 879448672 +615 428 5 879449111 +615 462 4 879447990 +615 518 4 879448632 +615 523 5 879448735 +615 526 4 879448735 +615 527 4 879448399 +615 529 5 879448036 +615 631 4 879448843 +615 632 5 879448759 +615 707 3 879447990 +615 732 4 879449211 +615 736 5 879448149 +615 792 4 879448632 +615 855 4 879448088 +615 949 3 879448149 +615 988 1 879447735 +616 260 3 891224864 +616 272 5 891224517 +616 286 5 891224448 +616 299 3 891224801 +616 303 4 891224558 +616 315 4 891224447 +616 322 4 891224840 +616 323 4 891224801 +616 328 3 891224590 +616 329 3 891224748 +616 331 4 891224677 +616 333 2 891224448 +616 347 4 891224677 +616 348 3 891224801 +616 678 2 891224718 +616 873 3 891224767 +616 1313 4 891224840 +617 136 3 883789079 +617 145 1 883789716 +617 175 4 883789386 +617 183 4 883789386 +617 184 1 883789464 +617 185 5 883789042 +617 201 1 883789465 +617 219 4 883789536 +617 238 3 883789249 +617 288 1 883788566 +617 313 1 883788511 +617 429 3 883789212 +617 436 3 883789464 +617 444 4 883789590 +617 475 1 883789294 +617 480 4 883789179 +617 497 3 883788782 +617 519 3 883789105 +617 563 1 883789747 +617 569 1 883789537 +617 573 4 883789590 +617 590 1 883789747 +617 604 2 883788955 +617 607 4 883789212 +617 631 2 883789212 +617 644 4 883789386 +617 647 3 883789006 +617 648 3 883789080 +617 667 2 883789590 +617 669 1 883789635 +617 675 4 883789425 +617 767 3 883789747 +617 774 1 883789635 +617 1019 4 883788782 +617 1073 3 883789105 +618 1 4 891308063 +618 4 2 891308459 +618 9 3 891308141 +618 11 4 891307263 +618 22 4 891308390 +618 23 5 891306990 +618 44 4 891308791 +618 66 4 891309697 +618 68 3 891309608 +618 69 4 891308176 +618 70 3 891307495 +618 71 4 891309041 +618 82 4 891308704 +618 91 4 891309756 +618 97 5 891308913 +618 98 5 891307494 +618 117 5 891307494 +618 123 2 891308063 +618 124 1 891308542 +618 125 3 891308704 +618 132 4 891307057 +618 168 5 891308342 +618 173 3 891307404 +618 176 4 891307426 +618 190 4 891307404 +618 191 4 891307175 +618 192 5 891307367 +618 195 3 891308431 +618 197 3 891307825 +618 202 2 891307714 +618 203 3 891308176 +618 215 4 891307494 +618 216 3 891308791 +618 239 3 891309293 +618 241 4 891309887 +618 276 3 891309266 +618 283 3 891309217 +618 318 5 891307825 +618 356 2 891309608 +618 371 3 891308980 +618 385 4 891309163 +618 404 5 891309192 +618 419 4 891309887 +618 421 3 891308615 +618 423 5 891309886 +618 427 5 891308431 +618 433 2 891309410 +618 462 2 891307540 +618 471 3 891309041 +618 477 2 891308791 +618 485 3 891307646 +618 497 2 891307019 +618 501 4 891308884 +618 507 4 891309239 +618 526 5 891308141 +618 559 3 891309382 +618 576 4 891309608 +618 596 4 891309065 +618 597 4 891309041 +618 625 4 891309192 +618 655 4 891309887 +618 673 3 891309139 +618 676 2 891307977 +618 684 3 891306991 +618 692 4 891309091 +618 720 3 891309293 +618 729 3 891308945 +618 746 2 891308946 +618 762 3 891309636 +618 763 2 891309319 +618 785 3 891309351 +618 790 3 891309471 +618 815 4 891309552 +618 942 2 891309293 +618 955 2 891307540 +618 959 4 891309756 +618 966 4 891307931 +618 969 3 891307889 +618 1032 2 891309192 +618 1048 3 891308980 +618 1058 3 891309114 +618 1066 3 891309756 +618 1185 2 891309471 +618 1468 3 891308665 +619 17 1 885954184 +619 22 5 885953992 +619 29 1 885954238 +619 50 4 885953778 +619 53 2 885954341 +619 55 1 885954053 +619 82 5 885954053 +619 118 5 885953827 +619 127 4 885953778 +619 144 5 885954083 +619 174 4 885953992 +619 183 5 885953992 +619 187 5 885953992 +619 188 4 885954158 +619 226 5 885954133 +619 252 3 885953878 +619 257 3 885953805 +619 258 5 885953622 +619 273 4 885953778 +619 281 4 885954133 +619 288 3 885953931 +619 294 1 885953684 +619 295 4 885953804 +619 300 5 885953684 +619 302 4 885953600 +619 307 2 885953601 +619 313 5 885953601 +619 331 4 885953574 +619 332 4 885953742 +619 346 3 885953622 +619 350 3 885953641 +619 385 5 885954053 +619 405 3 885953826 +619 515 1 885953778 +619 550 5 885954134 +619 568 5 885954083 +619 576 4 885954261 +619 651 5 885954053 +619 665 5 885954261 +619 720 4 885954238 +619 825 2 885953850 +619 879 4 885953743 +619 1016 4 885953826 +619 1231 2 885954215 +619 1314 3 885954341 +620 1 5 889987954 +620 8 3 889988121 +620 15 5 889987210 +620 35 3 889988340 +620 91 2 889988069 +620 98 4 889987560 +620 99 3 889988005 +620 118 4 889987825 +620 125 2 889987255 +620 225 3 889988281 +620 240 5 889987954 +620 246 4 889987276 +620 288 4 889986452 +620 300 3 889986411 +620 354 5 889986477 +620 404 4 889988232 +620 409 4 889988196 +620 416 4 889988196 +620 423 5 889988168 +620 501 4 889988036 +620 674 3 889987586 +620 683 3 889986984 +620 740 5 889987349 +620 769 4 889987706 +620 795 4 889988340 +620 820 4 889987954 +620 895 3 889986984 +620 928 5 889987825 +620 946 4 889988036 +620 951 3 889988258 +620 969 4 889988037 +620 975 3 889987852 +620 993 5 889987954 +621 17 4 880739965 +621 24 4 880737433 +621 28 4 874965408 +621 41 4 874963273 +621 53 4 874964496 +621 63 1 874963445 +621 71 3 874965208 +621 87 5 874965408 +621 96 5 874963797 +621 100 5 880227104 +621 109 4 880737607 +621 121 3 880227385 +621 122 2 880738838 +621 123 4 880738080 +621 125 4 880739654 +621 128 4 880740034 +621 172 5 874965407 +621 174 3 874965407 +621 176 3 874963797 +621 180 4 885596944 +621 222 4 880736904 +621 241 4 874964604 +621 250 4 880738568 +621 257 5 880738699 +621 268 4 890517367 +621 270 4 890517239 +621 271 5 880226633 +621 273 4 880739654 +621 298 4 883801703 +621 333 4 890517503 +621 383 2 874963166 +621 385 5 874963797 +621 391 3 874964657 +621 393 3 874962705 +621 398 2 874964605 +621 401 1 874963210 +621 410 4 880738623 +621 417 3 874965299 +621 419 4 874965093 +621 420 4 874965298 +621 472 3 880738462 +621 539 1 883799884 +621 546 3 880738894 +621 561 4 874964945 +621 578 5 874964604 +621 584 5 874965094 +621 624 5 874965093 +621 722 4 881444887 +621 735 4 880739654 +621 746 4 874963028 +621 755 3 874965299 +621 763 4 880738462 +621 779 3 880740296 +621 810 3 874964657 +621 825 3 880738142 +621 871 3 881445723 +621 881 2 883798770 +621 894 1 883800011 +621 940 3 874963166 +621 944 5 874963126 +621 1013 2 880738282 +621 1028 4 880737861 +621 1029 2 874963210 +621 1047 3 880738080 +622 1 3 882590344 +622 15 4 882590670 +622 28 3 882592314 +622 31 3 882669594 +622 46 4 882670610 +622 47 3 882670406 +622 50 5 882592815 +622 56 5 882592103 +622 64 5 882669391 +622 67 1 882671463 +622 82 3 882670767 +622 83 5 882592178 +622 86 4 882670587 +622 89 5 882669740 +622 90 4 882671574 +622 94 2 882671694 +622 101 5 882592662 +622 118 1 882591663 +622 132 4 882669851 +622 142 3 882670826 +622 143 4 882670228 +622 144 5 882592103 +622 156 5 882592143 +622 157 4 882670389 +622 165 5 882591938 +622 166 5 882669695 +622 169 5 882669374 +622 184 5 882592103 +622 212 3 882669740 +622 214 4 882670228 +622 215 3 882592523 +622 217 4 882671185 +622 222 5 882592815 +622 233 4 882670423 +622 250 4 882590252 +622 277 4 882590252 +622 294 3 882589830 +622 298 4 882590559 +622 380 4 882592850 +622 385 5 882592421 +622 395 2 882672143 +622 396 1 882671222 +622 402 3 882670252 +622 403 4 882592735 +622 408 5 882590223 +622 432 5 882670009 +622 433 4 882669886 +622 449 2 882592850 +622 472 3 882591687 +622 496 4 882592314 +622 542 2 882671346 +622 550 4 882670929 +622 552 2 882671863 +622 553 3 882670929 +622 558 2 882592523 +622 568 4 882592449 +622 577 2 882672143 +622 597 5 882591687 +622 679 3 882671483 +622 685 2 882590862 +622 705 3 882592217 +622 722 3 882670862 +622 737 5 882592678 +622 795 2 882672079 +622 809 2 882671081 +622 833 4 882590955 +622 855 3 882592103 +622 949 3 882672941 +622 1039 5 882669575 +622 1074 2 882671185 +622 1079 2 882591663 +622 1181 4 882670367 +622 1207 2 882671958 +622 1303 2 882672060 +622 1552 2 882670793 +623 66 4 891034993 +623 79 5 891035112 +623 88 4 891034973 +623 121 4 891034129 +623 127 4 891032275 +623 163 3 891034756 +623 181 5 891032291 +623 183 3 891034294 +623 194 5 891035112 +623 222 4 891034110 +623 227 4 891034528 +623 234 4 891034343 +623 283 4 891032275 +623 291 3 891034129 +623 298 2 891032433 +623 435 5 891035112 +623 483 5 891035112 +623 504 3 891034343 +623 629 3 891034973 +623 648 5 891035112 +623 659 5 891035112 +623 692 3 891034951 +624 7 4 879792623 +624 108 3 879793198 +624 111 3 879792671 +624 123 3 879793223 +624 124 4 879792358 +624 125 3 879793093 +624 147 4 879792557 +624 150 4 879792493 +624 181 4 879792378 +624 237 4 879793174 +624 240 2 879793129 +624 242 4 891961040 +624 248 4 879793485 +624 249 3 879793380 +624 250 4 879792623 +624 258 4 879791792 +624 260 2 879792251 +624 268 4 879791962 +624 269 4 891961120 +624 270 3 891961120 +624 273 4 879793129 +624 276 5 879792446 +624 285 5 879792557 +624 286 5 879791792 +624 288 4 879791922 +624 294 3 879792109 +624 295 3 879793511 +624 305 4 891961140 +624 323 2 879792155 +624 328 4 879792131 +624 333 4 879791884 +624 342 3 891961267 +624 347 4 891961140 +624 358 3 891961210 +624 475 4 879793223 +624 534 3 879792358 +624 591 3 879792557 +624 628 4 879793198 +624 678 3 879792155 +624 687 2 891961362 +624 741 4 879792557 +624 815 3 879793174 +624 876 3 879792251 +624 881 3 879792132 +624 905 4 891961250 +624 919 4 879792581 +624 924 4 879792493 +624 1016 3 879793582 +624 1017 3 879792322 +624 1028 3 879793485 +624 1047 3 879793436 +624 1048 4 879793223 +624 1089 2 879793408 +624 1095 2 879793408 +624 1120 4 879793269 +625 23 4 891263960 +625 134 4 891263665 +625 144 4 891962917 +625 154 3 891998289 +625 168 3 891262837 +625 169 5 891263665 +625 173 3 891953681 +625 179 4 891961170 +625 181 4 891262633 +625 183 3 892000438 +625 188 4 891262724 +625 190 3 892000576 +625 191 3 891636079 +625 195 4 891262983 +625 202 3 891262633 +625 208 3 891968164 +625 213 4 891999608 +625 214 4 891961632 +625 222 4 891273543 +625 248 4 891629673 +625 250 4 891273750 +625 255 2 891629673 +625 257 4 891273543 +625 265 3 892054198 +625 357 3 891262784 +625 380 3 891263589 +625 393 4 891263665 +625 403 3 891961882 +625 405 3 891273859 +625 433 3 891636427 +625 480 4 891263589 +625 483 5 891262983 +625 498 4 891263703 +625 516 3 892000518 +625 517 3 891636079 +625 528 3 891961633 +625 546 2 891273897 +625 584 3 891636000 +625 588 4 891263057 +625 603 4 891636000 +625 640 3 891999796 +625 647 4 891263822 +625 655 3 891999926 +625 945 3 891262724 +626 243 1 878771505 +626 264 1 878771476 +626 268 4 878771355 +626 286 5 878771242 +626 289 1 878771281 +626 294 3 878771243 +626 313 5 887772871 +626 328 1 878771505 +626 330 3 878771447 +626 332 3 878771355 +626 358 1 878771505 +626 682 3 878771447 +626 748 2 878771281 +626 923 5 887772922 +626 948 1 878771281 +626 988 1 878771281 +627 4 2 879531248 +627 11 4 879529702 +627 12 4 879529819 +627 27 3 879530762 +627 39 4 879530408 +627 51 5 879530866 +627 55 4 879531301 +627 58 5 879529958 +627 62 4 879531397 +627 69 3 879529855 +627 70 4 879530408 +627 76 3 879530173 +627 83 3 879530071 +627 86 3 879530263 +627 92 4 879529702 +627 96 3 879531196 +627 117 3 879531248 +627 121 3 879531397 +627 161 2 879531302 +627 172 3 879531196 +627 176 5 879531158 +627 177 5 879531158 +627 182 4 879529916 +627 183 5 879531196 +627 184 4 879531248 +627 191 4 879529957 +627 196 5 879530172 +627 205 5 879529767 +627 214 3 879530408 +627 215 1 879529767 +627 226 1 879531397 +627 227 3 879531352 +627 239 3 879530662 +627 258 4 879529339 +627 273 4 879531196 +627 284 2 879530306 +627 318 5 879529701 +627 399 3 879531557 +627 405 3 879531458 +627 423 3 879530145 +627 434 4 879529855 +627 458 3 879530824 +627 461 3 879530042 +627 510 4 879529730 +627 546 3 879531429 +627 553 3 879530967 +627 554 2 879531557 +627 562 2 879531504 +627 568 2 879531301 +627 578 3 879531351 +627 582 3 879529916 +627 586 3 879531557 +627 597 3 879531557 +627 631 3 879529885 +627 636 4 879531302 +627 651 4 879530109 +627 673 2 879530110 +627 685 3 879531351 +627 697 5 879530042 +627 724 2 879530305 +627 729 1 879530600 +627 732 3 879530568 +627 797 4 879531504 +627 802 2 879531557 +627 808 2 879531557 +627 810 3 879531459 +627 939 3 879530264 +627 949 2 879530824 +627 1074 3 879530694 +627 1134 1 879530305 +627 1136 4 879530762 +628 173 3 880777167 +628 288 5 880777096 +628 292 5 880776981 +628 300 5 880776981 +628 305 5 880776981 +628 333 5 880777096 +628 340 5 880777095 +628 361 5 880776981 +628 845 5 880777167 +628 874 5 880776981 +628 938 5 880777095 +629 4 3 880117513 +629 7 2 880117635 +629 11 2 880116789 +629 12 5 880117333 +629 15 5 880117719 +629 22 5 880116818 +629 50 5 880117395 +629 64 5 880117513 +629 81 3 880117689 +629 87 5 880117635 +629 98 5 880117254 +629 117 5 880116963 +629 135 5 880117586 +629 147 5 880117534 +629 162 5 880117361 +629 172 5 880117333 +629 182 5 880116818 +629 191 3 880116887 +629 195 4 880116847 +629 197 5 880117031 +629 199 5 880117772 +629 202 4 880117635 +629 204 5 880117285 +629 207 4 880117000 +629 258 4 880116722 +629 265 4 880116887 +629 269 3 880115840 +629 286 4 880115839 +629 292 4 880116722 +629 301 3 880115922 +629 307 5 880116722 +629 317 4 880117430 +629 319 4 880116722 +629 322 3 880116240 +629 327 3 880116201 +629 332 4 880116722 +629 333 4 880116722 +629 340 2 880115971 +629 381 4 880117852 +629 423 5 880117333 +629 463 4 880117852 +629 467 5 880117565 +629 509 5 880116818 +629 523 3 880116963 +629 566 5 880117395 +629 660 5 880117772 +629 684 5 880117430 +629 690 2 880116067 +629 709 3 880117062 +629 729 4 880117852 +629 880 4 880116722 +629 886 3 880116278 +629 984 3 880116278 +629 991 1 880115923 +629 1119 5 880116756 +630 7 4 885666571 +630 31 2 885667968 +630 50 3 885666536 +630 70 2 885667994 +630 71 3 885667854 +630 96 4 885668277 +630 100 3 885666592 +630 118 4 885666875 +630 126 4 885667305 +630 172 3 885667918 +630 174 3 885668131 +630 191 3 885668090 +630 243 2 885666301 +630 250 1 885666650 +630 255 5 885666740 +630 257 3 885667037 +630 258 3 885666143 +630 272 5 885756030 +630 276 1 885667108 +630 280 2 885667148 +630 288 4 885666102 +630 295 4 885666875 +630 298 5 885666686 +630 300 4 885665975 +630 322 3 885666211 +630 409 3 885667037 +630 411 4 885667108 +630 412 1 885667508 +630 477 4 885667200 +630 595 5 885667660 +630 597 4 885667006 +630 620 4 885667661 +630 832 2 885667528 +630 895 4 885666143 +630 929 4 885667249 +630 930 3 885667551 +630 975 4 885667108 +630 983 3 885667699 +630 1023 4 885667581 +630 1047 4 885667200 +630 1055 3 885667898 +631 289 4 888465216 +631 301 4 888465107 +631 307 4 888465033 +631 313 4 888464915 +631 338 2 888465299 +632 1 3 879458692 +632 17 3 879459573 +632 56 3 879458277 +632 68 1 879459394 +632 79 5 879457317 +632 81 5 879458834 +632 91 3 879459187 +632 97 4 879458856 +632 98 4 879457217 +632 131 4 879458941 +632 144 4 879457812 +632 150 2 879457525 +632 156 3 879457437 +632 161 3 879459053 +632 172 5 879457157 +632 181 5 879457016 +632 183 4 879456909 +632 184 5 879458277 +632 186 5 879459738 +632 204 4 879458277 +632 215 4 879458834 +632 233 3 879459441 +632 234 3 879457641 +632 275 3 879457582 +632 276 2 879457856 +632 282 4 879458806 +632 357 4 879456844 +632 402 3 879458725 +632 404 5 879459544 +632 423 4 879459003 +632 432 3 879456910 +632 470 4 879459677 +632 480 5 879459739 +632 483 5 879459738 +632 510 5 879459738 +632 588 2 879457217 +632 655 3 879457641 +632 684 5 879457903 +632 705 5 879459738 +632 735 4 879458649 +632 746 3 879459481 +632 763 3 879459304 +633 5 3 877212085 +633 79 5 875325128 +633 110 3 877211817 +633 117 3 875326491 +633 121 3 875325168 +633 128 3 875325225 +633 172 3 877212250 +633 177 3 875325654 +633 183 4 875325577 +633 234 4 877212594 +633 252 3 875325273 +633 276 3 875326698 +633 289 3 875324233 +633 317 3 875324598 +633 322 3 875325888 +633 333 3 875567562 +633 385 4 875325497 +633 405 4 875325654 +633 410 2 875325865 +633 566 3 877212173 +633 651 3 877212283 +633 665 3 875325577 +633 939 4 877212045 +633 1019 4 875324766 +633 1046 4 877212085 +634 1 3 875728872 +634 7 4 875729069 +634 13 4 878916178 +634 14 3 875728783 +634 21 2 875729668 +634 50 4 877018347 +634 100 4 875728834 +634 106 3 877017923 +634 121 5 877018125 +634 122 3 877017975 +634 125 4 875729710 +634 126 3 875729106 +634 129 4 875729105 +634 137 3 875728834 +634 235 3 875729825 +634 240 3 877018033 +634 258 4 884980585 +634 274 3 876170992 +634 275 3 875728834 +634 282 4 875729749 +634 283 2 875728783 +634 287 3 877018059 +634 293 3 877018347 +634 313 5 884980565 +634 315 5 889464384 +634 325 1 877974690 +634 340 4 881952599 +634 341 2 890779883 +634 411 4 877018059 +634 471 4 875729478 +634 477 3 876171093 +634 508 4 880067125 +634 597 4 877017923 +634 628 4 876170992 +634 717 4 875729794 +634 741 3 875728834 +634 742 4 875729794 +634 748 3 875729217 +634 756 3 875729749 +634 762 3 879787667 +634 763 3 875729825 +634 819 2 876171049 +634 840 2 875729794 +634 864 3 877368475 +634 922 4 875728913 +634 924 4 877017810 +634 932 3 877018004 +634 985 4 877017790 +634 991 3 875729239 +634 1009 2 875729794 +634 1048 3 875729668 +634 1142 3 877018347 +634 1199 1 875728913 +634 1284 3 875729794 +634 1335 2 877017975 +635 1 4 878879283 +635 13 2 878879164 +635 255 4 878879213 +635 262 5 878878654 +635 269 5 878878587 +635 276 3 878879257 +635 301 3 878878587 +635 327 5 878878752 +635 748 2 878878838 +635 875 2 878878838 +635 886 4 878878901 +635 1025 2 878878901 +636 1 3 891448229 +636 9 3 891448185 +636 121 5 891449212 +636 258 5 891448155 +636 313 5 891448155 +636 740 4 891449263 +637 1 4 882902924 +637 50 4 882901146 +637 111 3 882903645 +637 118 1 882904961 +637 124 3 882902835 +637 148 3 882905070 +637 149 2 882901356 +637 150 1 882903447 +637 255 3 882903645 +637 273 3 882903250 +637 274 5 882904065 +637 286 5 882900888 +637 289 2 882900047 +637 291 4 882905183 +637 293 3 882902835 +637 294 3 882900888 +637 323 1 882899182 +637 325 1 882899928 +637 332 4 882900888 +637 333 3 882900888 +637 338 4 882900888 +637 405 1 882903250 +637 408 5 882901355 +637 410 2 882904148 +637 411 1 882904678 +637 471 2 882903822 +637 475 1 882903191 +637 515 4 882902540 +637 535 2 882905573 +637 544 3 882903914 +637 546 1 882905182 +637 717 3 882905572 +637 741 1 882903644 +637 744 4 882903044 +637 833 1 882905070 +637 873 1 882899608 +637 926 2 882904898 +637 934 1 882905285 +637 936 4 882902487 +637 985 2 882905284 +637 1011 1 882904961 +637 1051 2 882905388 +637 1102 3 882904537 +637 1226 2 882903191 +637 1233 5 882900888 +637 1344 4 882901356 +637 1374 1 882903447 +638 62 3 876695307 +638 89 4 876694704 +638 98 3 876695560 +638 100 3 876695560 +638 118 3 876695385 +638 121 4 876694995 +638 144 5 876694861 +638 172 4 876694787 +638 176 3 876694861 +638 181 5 876694787 +638 186 5 876695859 +638 204 5 876695917 +638 227 2 876695259 +638 228 3 876694917 +638 230 5 876695259 +638 234 4 876695627 +638 238 4 876695819 +638 241 3 876695217 +638 265 5 876695216 +638 403 3 876695059 +638 430 5 876695714 +638 431 4 876695108 +638 449 2 876694995 +638 504 2 876695560 +638 510 3 876694704 +638 514 2 876695714 +638 515 4 876694704 +638 550 5 876695059 +638 636 3 876695108 +638 679 3 876695259 +639 12 3 891239030 +639 51 2 891239613 +639 57 3 891239862 +639 59 3 891239658 +639 66 3 891240868 +639 70 3 891239862 +639 83 4 891239790 +639 87 3 891239218 +639 97 1 891240495 +639 98 4 891240643 +639 111 2 891239613 +639 137 3 891239271 +639 153 3 891240752 +639 155 3 891239638 +639 168 1 891240678 +639 178 5 891240543 +639 179 1 891239324 +639 191 3 891239109 +639 197 3 891239492 +639 198 2 891239885 +639 199 3 891239155 +639 202 2 891239581 +639 210 3 891240136 +639 212 4 891239550 +639 216 3 891239528 +639 237 1 891239296 +639 269 3 891238599 +639 274 1 891240495 +639 275 4 891239492 +639 300 3 891238790 +639 305 1 891238668 +639 313 1 891238514 +639 357 3 891239156 +639 371 1 891240495 +639 387 3 891239380 +639 414 3 891240719 +639 427 4 891239064 +639 471 2 891239349 +639 510 3 891239862 +639 512 2 891239759 +639 513 4 891239030 +639 584 2 891239790 +639 615 5 891240160 +639 638 4 891239790 +639 648 3 891239491 +639 651 4 891239349 +639 660 2 891239271 +639 664 2 891239324 +639 692 3 891239550 +639 707 5 891239492 +639 716 1 891240805 +639 724 3 891239581 +639 727 2 891239613 +639 750 2 891238514 +639 778 5 891239613 +639 796 1 891240805 +639 958 4 891241052 +639 962 1 891243532 +639 971 4 891239913 +639 1121 2 891239885 +639 1163 1 891239349 +639 1195 2 891239838 +640 4 4 874778065 +640 12 5 874777491 +640 14 4 886474436 +640 22 4 874778479 +640 56 5 874777528 +640 64 5 874777701 +640 66 4 874778345 +640 68 4 874778479 +640 79 5 874778515 +640 85 5 874778065 +640 126 4 886474802 +640 134 5 874777623 +640 151 4 886474515 +640 168 5 886354114 +640 180 5 874777528 +640 186 5 888026047 +640 195 4 874778515 +640 201 4 874778240 +640 202 5 874778366 +640 210 5 876067710 +640 231 5 874778424 +640 233 4 874778479 +640 249 4 886474493 +640 302 5 888025971 +640 318 5 874777948 +640 336 3 886353894 +640 342 5 886353780 +640 347 3 886353742 +640 357 5 874778274 +640 369 3 886474977 +640 382 4 874777528 +640 474 4 874777623 +640 550 4 874778722 +640 566 4 874778569 +640 568 4 874778569 +640 578 3 874778612 +640 663 5 874778240 +640 684 4 874778568 +640 720 3 874778612 +640 750 5 886353742 +640 751 4 886353742 +640 778 4 886354499 +640 790 4 874777260 +640 919 5 886474436 +640 952 4 886474538 +640 1016 3 886474538 +640 1054 1 886474010 +640 1073 5 874778299 +640 1228 4 889235993 +640 1244 3 886474849 +641 59 4 879370259 +641 83 4 879370119 +641 89 4 879370364 +641 124 4 879370299 +641 192 4 879370150 +641 242 5 879370299 +641 268 4 879369827 +641 285 5 879370028 +641 303 3 879369827 +641 427 4 879370119 +641 434 4 879370259 +641 484 5 879370299 +641 496 2 879370337 +641 514 4 879370062 +641 865 5 879370149 +642 1 5 885603565 +642 8 5 885603662 +642 15 5 885602314 +642 22 4 885602285 +642 29 5 886454812 +642 41 3 885605347 +642 44 3 885603870 +642 49 4 885605909 +642 53 2 885604940 +642 56 4 885602656 +642 63 3 885606090 +642 65 4 886132172 +642 66 5 885603740 +642 68 3 885606765 +642 71 5 886131547 +642 80 5 885606557 +642 82 5 885602285 +642 83 5 885603636 +642 88 5 886131546 +642 89 2 886455538 +642 90 4 885606024 +642 96 5 885842289 +642 99 2 885602446 +642 120 3 886206256 +642 125 4 885603586 +642 138 4 886570173 +642 139 1 886569417 +642 142 4 886569380 +642 143 5 885603018 +642 148 5 885604163 +642 153 3 885602572 +642 165 4 885604480 +642 168 5 885842943 +642 174 5 885842594 +642 195 3 885602718 +642 204 4 885602593 +642 216 3 885603083 +642 218 3 886130929 +642 225 4 886569942 +642 231 3 886454812 +642 233 4 885606964 +642 234 1 885603662 +642 235 2 885606047 +642 240 3 885606137 +642 249 5 885604805 +642 250 5 886131457 +642 254 4 886454812 +642 259 5 885605095 +642 292 2 887663326 +642 294 5 885601998 +642 313 5 886454784 +642 364 5 885843025 +642 365 4 886569922 +642 366 4 886131707 +642 367 5 885605866 +642 376 3 885606194 +642 377 3 886569809 +642 378 3 885603517 +642 383 5 886570062 +642 391 4 885607143 +642 392 4 886132237 +642 395 5 885604187 +642 403 4 886454812 +642 404 3 886569122 +642 409 5 885605909 +642 412 2 885606271 +642 417 3 886568791 +642 418 5 885606581 +642 444 1 886569417 +642 451 5 885605794 +642 462 4 886455357 +642 463 3 885602232 +642 465 4 885603932 +642 470 4 886206991 +642 485 5 885602612 +642 527 4 886207132 +642 541 5 885607028 +642 542 5 885606609 +642 552 4 886569347 +642 554 4 885842962 +642 559 5 885604874 +642 565 4 886569870 +642 570 1 886131332 +642 575 3 886454901 +642 577 4 886569870 +642 579 4 885606537 +642 585 5 885606178 +642 597 4 885607065 +642 623 4 886570010 +642 624 3 885606608 +642 625 3 885603932 +642 627 3 885606581 +642 699 5 886568959 +642 722 3 885606113 +642 723 4 886132088 +642 726 2 886570131 +642 729 3 885603566 +642 731 5 885605909 +642 755 3 885603495 +642 765 3 885606234 +642 769 5 885842903 +642 790 4 885605932 +642 815 4 892241051 +642 826 5 888963032 +642 845 5 891318088 +642 862 4 892241015 +642 864 3 885605987 +642 871 3 885605835 +642 946 2 885606581 +642 959 5 885605794 +642 974 3 886569765 +642 996 2 885605932 +642 1011 3 885842351 +642 1014 5 886131547 +642 1028 4 885605735 +642 1029 3 885606271 +642 1036 4 885606234 +642 1049 3 885606271 +642 1063 3 885603740 +642 1076 2 885606648 +642 1079 5 885605987 +642 1095 2 885606271 +642 1126 1 885603495 +642 1140 4 886569732 +642 1178 3 885606067 +642 1181 2 885607143 +642 1219 4 885603932 +642 1285 4 886132043 +642 1311 3 886569715 +642 1413 3 886569809 +642 1473 4 886568874 +642 1480 1 886569922 +642 1503 2 885602446 +642 1509 2 885606270 +642 1531 3 886569226 +643 1 5 891445287 +643 12 5 891446720 +643 23 5 891447835 +643 24 4 891449614 +643 32 4 891447459 +643 49 3 891449848 +643 50 4 891445140 +643 53 4 891449719 +643 66 3 891448786 +643 69 3 891447430 +643 70 3 892502414 +643 77 3 891449557 +643 87 5 891447663 +643 89 3 891448630 +643 92 4 891447835 +643 94 4 891450240 +643 99 4 891447485 +643 100 5 891445140 +643 111 4 891446301 +643 117 3 891445823 +643 150 5 891445823 +643 152 4 891446956 +643 155 2 891449345 +643 162 3 891448436 +643 163 4 891448839 +643 168 5 891447157 +643 173 4 891447663 +643 177 4 891448002 +643 181 3 891445476 +643 195 5 891447063 +643 200 3 891448265 +643 203 4 891446956 +643 205 5 891447222 +643 208 5 891448136 +643 209 5 891446652 +643 211 4 891447617 +643 216 4 891448136 +643 223 4 891447696 +643 228 4 891447260 +643 233 4 891449249 +643 235 4 891445698 +643 249 3 891446323 +643 255 4 892502414 +643 262 3 892502480 +643 268 4 891450748 +643 282 3 891445230 +643 288 4 891445255 +643 367 4 891447518 +643 399 3 891450376 +643 404 4 891447959 +643 410 4 891445597 +643 418 4 891447518 +643 420 4 891449803 +643 423 4 891447370 +643 443 4 891446919 +643 468 4 891449900 +643 470 4 891448352 +643 482 4 891447063 +643 483 4 891446889 +643 484 5 891448756 +643 501 4 891448062 +643 508 4 891445287 +643 514 3 891446688 +643 519 4 891447663 +643 521 4 891448586 +643 550 3 891450273 +643 597 2 891446301 +643 663 4 891447747 +643 712 3 891449249 +643 715 5 891450210 +643 732 3 891447868 +643 739 3 891449476 +643 790 4 891449249 +643 794 3 891450376 +643 820 3 891446381 +643 824 3 891449681 +643 928 4 891445660 +643 969 4 891446826 +643 1012 4 891445550 +643 1074 2 891448630 +643 1139 3 891449680 +644 121 5 889077344 +644 127 4 889076775 +644 237 4 889076775 +644 243 4 889076364 +644 258 4 889075928 +644 261 4 889076502 +644 289 1 889076364 +644 291 4 889076949 +644 293 4 889076851 +644 307 4 889076031 +644 322 5 889076364 +644 323 4 889076433 +644 326 5 889076148 +644 328 4 889076222 +644 333 3 889075967 +644 597 4 889077513 +644 1025 4 889076433 +644 1610 3 889077115 +644 1620 4 889077247 +645 4 4 892055347 +645 11 4 892054278 +645 28 4 892053310 +645 55 3 892053748 +645 59 5 892053429 +645 70 4 892055325 +645 73 3 892055445 +645 81 4 892055039 +645 87 4 892055444 +645 91 3 892054990 +645 134 5 892054364 +645 168 4 892054797 +645 175 5 892054537 +645 183 4 892053340 +645 188 4 892054906 +645 197 5 892055244 +645 200 5 892054906 +645 203 4 892053456 +645 209 5 892053483 +645 211 4 892054364 +645 216 4 892054732 +645 228 3 892053748 +645 286 4 892051844 +645 403 3 892055603 +645 427 5 892053483 +645 430 5 892054797 +645 433 4 892054906 +645 434 4 892055389 +645 447 3 892053541 +645 474 5 892053398 +645 483 5 892053456 +645 488 4 892053241 +645 512 5 892055072 +645 518 5 892055285 +645 523 5 892053686 +645 627 2 892055244 +645 640 4 892055285 +645 658 4 892054632 +645 660 3 892055628 +645 673 3 892054600 +645 956 4 892053310 +645 963 4 892053241 +645 1018 3 892053518 +646 258 3 888528417 +646 300 3 888528418 +646 304 3 888529014 +646 310 3 888528483 +646 313 5 888528457 +646 315 4 888528483 +646 319 3 888529054 +646 346 2 888528392 +646 347 2 888528392 +646 682 3 888529153 +646 683 3 888529014 +646 690 3 888528417 +646 892 2 888529180 +646 1237 3 888529127 +647 22 5 876534131 +647 72 4 876534083 +647 117 3 876776321 +647 134 4 876534275 +647 213 3 876534151 +647 222 4 876534274 +647 250 3 876532975 +647 255 4 876534131 +647 257 2 876776321 +647 291 3 876534275 +647 328 3 876531582 +647 403 4 876533657 +647 427 4 876534275 +647 490 4 876532145 +647 588 4 876531955 +647 604 4 876537591 +647 631 4 876532425 +647 705 4 876530628 +647 742 4 876534275 +647 993 4 876534131 +648 1 5 882211109 +648 4 1 884881646 +648 5 4 884883476 +648 9 1 884795447 +648 15 1 884795447 +648 17 2 884882078 +648 22 4 884628482 +648 24 3 882211532 +648 28 5 884628437 +648 33 1 884881722 +648 40 4 884882234 +648 49 2 884881679 +648 56 1 884881592 +648 66 5 882213535 +648 67 4 884882192 +648 68 1 884882916 +648 70 2 884881592 +648 71 3 884368165 +648 79 5 884796689 +648 94 5 884882234 +648 98 4 884368313 +648 103 1 884367274 +648 107 4 882212200 +648 111 5 882211886 +648 117 2 882211301 +648 118 4 882212200 +648 122 1 882212609 +648 123 4 884366184 +648 125 2 882211654 +648 127 3 884365970 +648 133 4 882212651 +648 143 4 884368002 +648 145 4 884883616 +648 152 5 884368485 +648 168 5 884797068 +648 169 5 882212651 +648 172 5 884367538 +648 173 5 882213502 +648 174 5 884882664 +648 175 3 882213597 +648 177 5 884882702 +648 178 4 884368273 +648 179 4 884368442 +648 181 5 882211066 +648 184 5 884368643 +648 187 3 884882664 +648 191 5 884368002 +648 193 4 884628607 +648 195 5 884368313 +648 199 4 884368313 +648 202 5 884881524 +648 203 1 884796571 +648 215 2 884796689 +648 216 4 882213596 +648 218 3 884883424 +648 222 5 882211258 +648 225 1 882212527 +648 226 4 884882916 +648 230 5 884796822 +648 231 2 884882987 +648 238 3 882213535 +648 240 2 882211857 +648 252 4 882212374 +648 254 3 884367248 +648 265 4 884796886 +648 290 3 882211707 +648 323 5 882212526 +648 367 3 884881837 +648 368 2 884366748 +648 373 3 884883149 +648 385 5 884368130 +648 393 4 884881679 +648 399 4 884882104 +648 403 4 884882802 +648 406 3 882212373 +648 407 4 884367248 +648 410 2 884882375 +648 411 2 882212288 +648 413 2 882212609 +648 414 1 884797033 +648 429 4 884368130 +648 430 5 884881563 +648 432 5 884368538 +648 434 5 884628437 +648 443 2 884883424 +648 444 3 884883679 +648 447 5 884883578 +648 455 3 882211685 +648 471 4 882211685 +648 479 4 884368538 +648 483 5 882212708 +648 497 4 884796769 +648 498 3 884368130 +648 500 5 884368002 +648 502 5 884881679 +648 505 4 884796652 +648 507 1 884796598 +648 510 5 884796728 +648 519 4 884628482 +648 520 4 884367538 +648 523 3 884628644 +648 546 4 882211736 +648 550 4 884882802 +648 554 4 884883323 +648 559 2 884883578 +648 564 1 884883724 +648 568 5 882212651 +648 578 4 884882987 +648 615 4 884796652 +648 636 4 884882916 +648 662 3 884368485 +648 675 2 884883424 +648 676 2 882211384 +648 678 3 884366792 +648 679 3 884882802 +648 685 5 882211924 +648 687 1 882212527 +648 722 3 884882104 +648 728 2 884882078 +648 748 3 882211886 +648 756 2 884366939 +648 797 3 884883031 +648 816 1 884883724 +648 820 2 882212131 +648 825 4 882212039 +648 827 3 882211924 +648 840 1 884367180 +648 862 1 884882441 +648 878 3 884367366 +648 924 1 884795447 +648 928 4 882212071 +648 929 4 882211066 +648 930 3 882212131 +648 931 2 882212609 +648 997 1 884882636 +648 1003 4 884882375 +648 1047 2 882212288 +648 1050 4 884797033 +648 1072 2 884882527 +648 1092 1 884882502 +648 1110 3 884881621 +648 1176 1 884628278 +648 1244 3 882212373 +648 1376 2 884367180 +649 15 4 891440373 +649 147 4 891440214 +649 275 2 891440412 +649 291 5 891440330 +649 323 3 891440624 +649 1016 4 891440511 +649 1244 3 891440676 +649 1283 2 891440528 +650 1 3 891369759 +650 4 3 891386695 +650 7 4 891369656 +650 50 5 891372232 +650 55 4 891369889 +650 63 2 891388294 +650 66 3 891384285 +650 69 2 891382877 +650 72 2 891386755 +650 77 3 891370093 +650 79 3 891369924 +650 82 3 891381585 +650 91 4 891371061 +650 95 3 891371186 +650 96 4 891369479 +650 97 3 891383110 +650 98 4 891369798 +650 99 4 891372365 +650 127 2 891369520 +650 134 5 891369520 +650 140 2 891389132 +650 141 4 891386210 +650 143 5 891369656 +650 154 3 891381993 +650 155 2 891384249 +650 161 3 891381709 +650 163 3 891386878 +650 164 4 891369798 +650 172 4 891369442 +650 175 4 891372233 +650 179 2 891383786 +650 180 3 891383164 +650 181 4 891371116 +650 182 3 891385775 +650 183 4 891369924 +650 187 2 891381585 +650 188 3 891381610 +650 194 4 891369588 +650 195 4 891369442 +650 196 4 891370998 +650 198 4 891381546 +650 199 4 891369520 +650 200 4 891386047 +650 202 3 891372258 +650 204 4 891369707 +650 210 3 891381585 +650 212 3 891383713 +650 216 4 891381546 +650 217 3 891389162 +650 219 3 891386671 +650 222 4 891369924 +650 223 3 891369656 +650 227 2 891369836 +650 228 4 891369954 +650 229 2 891370031 +650 232 3 891381634 +650 233 2 891370243 +650 234 4 891369890 +650 238 4 891382032 +650 243 2 891369215 +650 269 4 891368885 +650 281 2 891382877 +650 286 3 891369022 +650 288 3 891369889 +650 313 4 891381546 +650 367 2 891387490 +650 371 2 891387725 +650 373 1 891382877 +650 399 3 891381784 +650 403 3 891381709 +650 404 3 891369443 +650 416 3 891387312 +650 429 4 891383523 +650 430 4 891382138 +650 434 4 891382218 +650 435 4 891372286 +650 444 2 891388341 +650 445 4 891388210 +650 449 3 891370031 +650 451 2 891384202 +650 452 2 891370155 +650 476 2 891388080 +650 480 5 891371090 +650 484 5 891372365 +650 485 3 891385422 +650 495 3 891372316 +650 496 4 891369707 +650 498 4 891369587 +650 501 3 891385980 +650 502 3 891387353 +650 507 4 891371153 +650 509 3 891372233 +650 510 3 891371090 +650 515 4 891369678 +650 521 3 891387616 +650 523 3 891382066 +650 525 3 891369954 +650 526 4 891369554 +650 527 3 891383229 +650 530 4 891372233 +650 546 1 891382877 +650 554 2 891382877 +650 571 3 891387915 +650 576 1 891382877 +650 581 2 891370155 +650 608 4 891369520 +650 612 4 891369656 +650 627 2 891387520 +650 629 3 891387398 +650 631 3 891383424 +650 636 3 891370066 +650 637 3 891387353 +650 644 3 891371061 +650 648 3 891384201 +650 650 2 891372203 +650 654 3 891369890 +650 659 3 891369798 +650 663 4 891370971 +650 665 2 891381819 +650 671 3 891386878 +650 673 3 891369924 +650 674 4 891386778 +650 679 3 891381709 +650 692 3 891384226 +650 705 4 891371153 +650 708 3 891383356 +650 715 3 891383206 +650 735 3 891369588 +650 737 2 891383832 +650 739 2 891384328 +650 742 3 891369889 +650 751 2 891369001 +650 755 3 891386187 +650 780 2 891389237 +650 849 2 891381745 +650 968 4 891372258 +650 969 3 891371186 +650 1031 3 891369480 +650 1039 3 891383229 +650 1060 3 891387833 +650 1065 4 891383547 +650 1110 4 891388467 +650 1118 3 891385746 +650 1119 3 891383303 +650 1126 4 891369620 +650 1149 4 891383856 +650 1247 1 891384110 +651 242 5 880126430 +651 268 2 880126473 +651 286 4 879348880 +651 327 4 880126473 +652 245 4 882567058 +652 259 2 882567058 +652 282 4 882567294 +652 301 1 882566948 +652 323 3 882567100 +652 395 3 882567383 +652 538 4 882567012 +652 699 5 882567383 +653 2 1 880151839 +653 7 2 878866951 +653 11 2 878854145 +653 22 5 878854284 +653 55 3 878854051 +653 64 4 878867272 +653 77 3 880152843 +653 82 4 880150393 +653 83 5 878853936 +653 87 4 878854332 +653 88 3 880152399 +653 97 3 878854383 +653 98 2 878854633 +653 101 3 880151817 +653 105 3 890181185 +653 121 4 878854769 +653 127 5 878853780 +653 128 3 880606620 +653 136 1 880149965 +653 139 2 880153123 +653 152 2 878866951 +653 153 2 878867228 +653 157 5 878855483 +653 177 3 880150702 +653 180 5 878854593 +653 181 4 878854145 +653 193 4 878866951 +653 194 3 880150260 +653 195 5 878854100 +653 196 2 880151539 +653 197 3 878854332 +653 202 3 880151794 +653 204 4 878867093 +653 211 1 880149947 +653 214 3 880151311 +653 215 2 880606619 +653 216 3 878866900 +653 222 3 884405596 +653 223 3 878866636 +653 226 3 878867346 +653 228 4 878854190 +653 230 3 890181186 +653 233 3 880151599 +653 234 3 878854633 +653 239 5 878854475 +653 257 3 890181185 +653 282 3 884405616 +653 300 4 889151716 +653 310 4 884405406 +653 313 4 890180685 +653 378 3 890181185 +653 380 3 880151984 +653 381 2 880606620 +653 385 4 878854190 +653 388 2 880153705 +653 395 1 880153674 +653 405 3 878854810 +653 409 2 880153406 +653 416 1 880152426 +653 423 2 880152039 +653 436 1 880151673 +653 448 4 878867249 +653 449 3 880153740 +653 451 2 880152351 +653 455 3 878854051 +653 458 2 878866475 +653 474 4 880150019 +653 476 2 878855211 +653 480 4 880150239 +653 492 4 880149999 +653 502 2 878866995 +653 506 2 880606619 +653 509 4 878854441 +653 511 4 878854100 +653 517 1 880150330 +653 520 3 880151488 +653 523 4 878854284 +653 527 2 878855510 +653 550 3 890181186 +653 563 1 880153406 +653 572 2 880153522 +653 575 1 880153406 +653 576 1 880152955 +653 578 1 880153009 +653 597 4 878854810 +653 622 3 880152377 +653 654 2 880606620 +653 674 3 880151983 +653 685 3 878854769 +653 696 1 880152989 +653 722 1 880152800 +653 732 2 878866724 +653 737 1 880151839 +653 742 3 886052040 +653 746 5 878853936 +653 748 5 878853734 +653 756 1 878854996 +653 763 1 878854906 +653 765 1 880153207 +653 790 2 880152523 +653 819 3 880149751 +653 862 2 880153378 +653 930 4 880148885 +653 941 1 880153040 +653 967 2 880153123 +653 1012 4 878854852 +653 1014 2 884405682 +653 1023 3 878855109 +653 1028 2 880152902 +653 1140 1 880153841 +653 1188 1 880153568 +653 1206 3 880152377 +653 1210 2 880153705 +653 1228 2 880153378 +653 1620 2 886052291 +654 1 4 887863557 +654 13 1 887863780 +654 22 5 887864292 +654 28 5 887864610 +654 50 5 887863323 +654 54 3 887864941 +654 56 4 887864414 +654 66 4 887864727 +654 69 4 887864641 +654 71 3 887864610 +654 79 5 887864256 +654 81 2 887864831 +654 97 3 887864727 +654 100 1 887863436 +654 109 3 887863635 +654 111 4 887863635 +654 116 4 887863436 +654 117 4 887864350 +654 124 4 887863412 +654 128 5 887865053 +654 144 5 887864907 +654 168 4 887864369 +654 169 5 887864275 +654 172 4 887864532 +654 173 5 887864181 +654 174 5 887864727 +654 181 3 887863381 +654 195 4 887864350 +654 204 4 887864610 +654 210 5 887864350 +654 216 4 887864432 +654 218 2 887864330 +654 222 5 887863534 +654 238 4 887864452 +654 246 1 887863471 +654 252 2 887864031 +654 257 4 887863802 +654 265 5 887864330 +654 268 1 887863017 +654 275 5 887863394 +654 276 1 887863866 +654 278 3 887863757 +654 283 5 887863471 +654 284 4 887863914 +654 288 3 887863064 +654 294 3 887863127 +654 300 5 887863017 +654 313 5 887862952 +654 317 4 887864757 +654 385 4 887864308 +654 431 4 887864414 +654 468 4 887864757 +654 473 2 887863933 +654 546 4 887863885 +654 591 5 887863412 +654 660 5 887864532 +654 678 4 888687055 +654 735 4 887864846 +654 736 5 887864757 +654 739 4 887864886 +654 746 3 887864204 +654 756 4 887864071 +654 821 3 887864907 +654 825 3 887863826 +654 926 4 887863981 +654 963 4 887864414 +654 969 5 887864204 +654 1009 3 887863885 +654 1016 4 887863841 +654 1020 4 887864566 +654 1035 4 887864697 +654 1285 4 887864998 +655 1 2 887650876 +655 19 2 887472719 +655 20 3 887611537 +655 24 3 887473831 +655 25 3 887611511 +655 26 3 887427338 +655 27 3 888984478 +655 32 4 887426900 +655 36 2 888685955 +655 38 2 887429875 +655 42 3 887428184 +655 44 2 887564639 +655 48 4 887472744 +655 50 4 887425458 +655 51 2 887611677 +655 58 3 887427600 +655 60 3 887564614 +655 64 4 887426931 +655 65 2 887477511 +655 70 2 887474727 +655 77 3 887430746 +655 81 3 887427371 +655 86 4 887650978 +655 87 3 887476943 +655 89 4 887650683 +655 92 3 891585477 +655 96 3 887651060 +655 97 3 887426931 +655 98 4 887472744 +655 100 3 888474138 +655 116 2 887476999 +655 117 2 887426030 +655 124 3 887426087 +655 125 2 887426200 +655 129 3 887426008 +655 133 4 888474106 +655 134 4 887431976 +655 149 4 887425936 +655 150 3 888893279 +655 152 3 890887261 +655 159 3 887477216 +655 161 2 887429758 +655 162 3 888474165 +655 165 3 887650512 +655 166 3 891585530 +655 167 4 888474713 +655 172 4 887477167 +655 174 3 888474456 +655 175 3 887426931 +655 179 4 888813272 +655 181 3 887425601 +655 183 4 887429999 +655 185 4 887430102 +655 187 5 888474357 +655 188 3 888474807 +655 190 3 887427338 +655 195 3 887473965 +655 202 2 887651114 +655 205 3 887650538 +655 207 3 888893279 +655 208 3 888813272 +655 210 3 888474646 +655 213 4 888474934 +655 215 2 887472943 +655 216 4 887428086 +655 221 3 891585242 +655 228 3 887429594 +655 234 3 888474713 +655 239 2 887428507 +655 248 2 888685759 +655 249 3 887474630 +655 252 2 888474490 +655 257 3 887474020 +655 258 2 887650944 +655 265 3 887477314 +655 271 3 887425103 +655 273 4 887426373 +655 275 4 887425845 +655 280 2 888474490 +655 282 3 888685989 +655 283 3 887425936 +655 284 2 887426732 +655 285 4 887425936 +655 286 3 887424831 +655 288 3 887472814 +655 289 3 887425070 +655 291 3 887523177 +655 293 4 887650683 +655 294 3 887425103 +655 296 4 888474934 +655 297 4 888474107 +655 302 4 887424720 +655 303 4 888474107 +655 306 3 887424883 +655 310 3 887473937 +655 311 3 887473702 +655 319 3 888685879 +655 320 5 888474456 +655 321 3 887425103 +655 324 3 890103072 +655 326 2 888474742 +655 328 2 887425025 +655 330 2 887425295 +655 332 3 888984255 +655 337 2 887433538 +655 345 3 887473803 +655 346 4 888474713 +655 347 3 887424948 +655 354 2 891667570 +655 371 3 887611537 +655 385 3 887429669 +655 387 3 888984538 +655 393 2 887428334 +655 396 2 887428507 +655 402 2 887431019 +655 403 2 891585574 +655 405 2 887429900 +655 417 2 888771346 +655 425 3 887477409 +655 433 2 887428030 +655 443 4 887430102 +655 449 3 887429732 +655 466 3 887474630 +655 474 3 888813306 +655 475 3 887693376 +655 476 2 887428671 +655 481 2 888474390 +655 483 4 888685734 +655 498 3 887523453 +655 500 2 887651149 +655 505 3 891735725 +655 508 3 887426030 +655 509 3 887427441 +655 512 3 887474050 +655 516 2 887523581 +655 517 4 891585450 +655 518 2 888813186 +655 521 3 887426900 +655 522 3 887426900 +655 525 2 892333973 +655 527 3 887427568 +655 529 4 887428965 +655 531 4 887473570 +655 533 2 887651114 +655 536 3 887650512 +655 537 3 887489086 +655 547 4 887523176 +655 550 2 887611677 +655 572 2 887651149 +655 576 2 888893313 +655 582 2 887427131 +655 594 3 887430778 +655 604 4 888984325 +655 605 3 887474241 +655 610 4 887432283 +655 611 3 887475345 +655 612 3 888474456 +655 619 3 887430746 +655 628 3 890887261 +655 629 3 887428559 +655 631 4 887473570 +655 632 3 887523224 +655 647 3 888813306 +655 651 4 887564613 +655 654 3 887474077 +655 656 3 887430072 +655 662 2 888686011 +655 672 2 891585573 +655 684 3 887473965 +655 685 2 887426666 +655 694 3 887428772 +655 698 4 887473727 +655 700 3 887523200 +655 702 2 887477262 +655 707 3 887472671 +655 708 3 887427307 +655 717 1 887430830 +655 726 2 887475055 +655 727 2 888685914 +655 728 2 887431019 +655 732 3 887428445 +655 733 3 888474138 +655 739 4 891585450 +655 740 3 888474713 +655 744 2 887427636 +655 746 3 891999461 +655 750 2 887472879 +655 753 3 887860615 +655 764 1 887431074 +655 770 2 892011201 +655 772 3 887426972 +655 778 2 890497653 +655 782 3 887650483 +655 792 3 891585380 +655 800 2 887430197 +655 805 2 888474327 +655 806 3 887523224 +655 813 3 888474456 +655 831 2 887564549 +655 845 2 887426446 +655 855 3 887428965 +655 867 4 887427307 +655 875 3 888685850 +655 880 2 887523271 +655 882 3 887473879 +655 887 3 887650979 +655 895 3 887472767 +655 903 3 887425070 +655 904 5 887473639 +655 906 2 888813416 +655 909 3 890611503 +655 919 2 888474490 +655 921 3 887474656 +655 923 3 888685734 +655 935 3 887425498 +655 936 3 887425625 +655 945 2 887476008 +655 950 3 887611566 +655 955 3 887860615 +655 958 3 887428993 +655 959 3 887427958 +655 960 3 887427210 +655 962 5 887473674 +655 974 2 887477025 +655 979 3 888893279 +655 1005 4 887474605 +655 1007 3 891585504 +655 1008 3 887426300 +655 1009 2 887523271 +655 1016 3 887425601 +655 1017 3 887611566 +655 1029 1 887475032 +655 1045 3 887427473 +655 1046 3 887430779 +655 1053 1 887489159 +655 1061 2 887428623 +655 1062 3 887650979 +655 1067 2 887650593 +655 1069 1 887473535 +655 1071 2 888984293 +655 1074 3 891999461 +655 1085 2 888813416 +655 1097 3 887426008 +655 1099 3 887428965 +655 1103 3 887428417 +655 1108 3 887427083 +655 1128 3 887472791 +655 1131 5 887428772 +655 1134 3 887611594 +655 1140 3 887474699 +655 1147 3 887472767 +655 1158 3 888984255 +655 1167 3 887428384 +655 1169 3 887427210 +655 1170 3 891585242 +655 1171 3 887426200 +655 1192 4 887650851 +655 1194 5 887474605 +655 1196 3 888984325 +655 1197 3 887474289 +655 1198 3 888984538 +655 1208 3 887430746 +655 1211 4 887427681 +655 1213 2 887489282 +655 1221 3 891585477 +655 1223 3 891585242 +655 1226 3 891585529 +655 1232 3 887472606 +655 1252 3 887425601 +655 1255 3 887425732 +655 1273 2 888984386 +655 1281 3 891585477 +655 1288 3 887523427 +655 1319 3 887426373 +655 1322 2 887523641 +655 1344 3 887474020 +655 1351 3 888984539 +655 1368 5 888474285 +655 1370 3 890887261 +655 1375 3 887426008 +655 1378 3 887523176 +655 1379 3 888685879 +655 1395 3 887768594 +655 1406 3 888984325 +655 1418 4 888474646 +655 1421 3 887523477 +655 1436 2 888474679 +655 1462 3 887429077 +655 1466 3 890497592 +655 1475 3 887477386 +655 1490 2 887489792 +655 1501 3 887523200 +655 1506 3 887428871 +655 1532 2 887476999 +655 1535 3 887429023 +655 1538 3 887425498 +655 1553 4 888474019 +655 1560 2 887429136 +655 1585 4 887523403 +655 1600 3 888474286 +655 1602 3 891817435 +655 1605 3 888685850 +655 1607 3 887768472 +655 1629 3 887427083 +655 1632 3 888685759 +655 1639 4 887650483 +655 1642 4 888474934 +655 1644 1 888474327 +655 1647 3 891817435 +655 1649 3 892333993 +655 1650 4 892871225 +655 1651 4 891913500 +656 245 1 892319084 +656 269 3 892318343 +656 272 3 892318343 +656 286 1 892318343 +656 301 3 892318648 +656 303 4 892318553 +656 316 3 892318450 +656 322 1 892319238 +656 327 2 892318738 +656 338 3 892319359 +656 344 4 892318520 +656 346 3 892318488 +656 347 4 892318488 +656 689 2 892319276 +656 750 2 892318648 +656 875 2 892318842 +657 1 3 884239123 +657 109 1 884239886 +657 151 4 884239886 +657 286 4 884238002 +657 300 2 884237751 +657 346 4 884238162 +657 475 4 884239057 +657 628 3 884241192 +657 690 4 884238002 +657 922 4 884239123 +657 1009 4 884240629 +658 1 4 875145614 +658 8 5 875147873 +658 9 4 875145572 +658 31 3 875148108 +658 32 3 875147800 +658 45 5 875147800 +658 50 4 875145750 +658 56 5 875148108 +658 70 3 875148196 +658 96 4 875147873 +658 98 4 875147800 +658 117 4 875145879 +658 129 3 875145750 +658 137 3 875145572 +658 151 5 875148319 +658 168 3 875148108 +658 169 5 875147935 +658 178 5 875148195 +658 181 3 875145614 +658 182 5 875147448 +658 257 4 875145667 +658 318 4 875148196 +658 408 5 875145614 +658 429 4 875147800 +658 433 4 875147994 +658 458 3 875145926 +658 488 4 875148196 +658 510 3 875147800 +658 511 4 875147935 +658 515 5 875145493 +658 518 4 875147873 +658 527 5 875147800 +658 603 4 875147994 +658 654 4 875148059 +658 718 3 875145667 +658 724 3 875148059 +658 772 3 875147591 +658 844 3 875145667 +658 943 3 875148196 +658 952 2 875145926 +658 1079 2 875145572 +658 1101 4 875147995 +659 7 3 891331564 +659 23 5 891332006 +659 50 3 891044882 +659 58 4 891385012 +659 66 4 891385306 +659 76 4 891383917 +659 77 4 891386680 +659 89 4 891384637 +659 96 4 891384552 +659 127 5 891331825 +659 131 4 891383412 +659 136 5 891331874 +659 143 5 891384973 +659 144 4 891384499 +659 153 4 891045891 +659 157 4 891383636 +659 161 3 891386492 +659 172 3 891384526 +659 173 4 891383412 +659 176 4 891045747 +659 177 5 891384850 +659 179 1 891384077 +659 181 3 891384107 +659 182 4 891332044 +659 192 4 891384372 +659 195 4 891384152 +659 196 4 891384888 +659 202 4 891385306 +659 204 4 891384152 +659 211 3 891384077 +659 258 4 891331825 +659 269 4 891331825 +659 272 4 891044849 +659 313 5 891331825 +659 316 4 891044849 +659 317 4 891331874 +659 356 3 891385012 +659 367 3 891385166 +659 385 5 891331825 +659 393 3 891387054 +659 402 3 891387400 +659 419 5 891331916 +659 448 4 891385438 +659 481 5 891385866 +659 492 3 891332189 +659 496 5 891385258 +659 498 3 891383733 +659 507 5 891383561 +659 520 3 891332006 +659 524 4 891332158 +659 566 3 891383889 +659 569 2 891386910 +659 578 3 891387351 +659 601 3 891386241 +659 602 4 891385986 +659 604 4 891331916 +659 606 5 891331959 +659 607 5 891331825 +659 629 4 891386680 +659 636 3 891387400 +659 646 4 891332122 +659 647 3 891384823 +659 648 3 891332006 +659 649 3 891386307 +659 654 4 891384526 +659 659 3 891332006 +659 661 5 891331916 +659 664 4 891386380 +659 670 2 891385689 +659 675 4 891386936 +659 699 3 891384499 +659 735 3 891385079 +659 739 4 891387022 +659 762 3 891387227 +659 794 3 891386910 +659 805 5 891383561 +659 837 3 891386307 +659 855 2 891386576 +659 942 3 891386347 +659 1119 4 891383674 +660 2 2 891201151 +660 7 3 891198203 +660 17 1 891265453 +660 21 3 891198671 +660 22 4 891199262 +660 24 3 891198277 +660 29 2 891357371 +660 33 2 891200193 +660 38 2 891201842 +660 50 4 891197980 +660 56 1 891265453 +660 62 2 891201243 +660 63 2 891201823 +660 64 3 891199035 +660 67 1 891201859 +660 68 4 891199391 +660 71 2 891200430 +660 80 1 891201796 +660 82 2 891200491 +660 96 3 891200430 +660 97 3 891200406 +660 98 4 891199348 +660 99 2 891200704 +660 100 3 891198063 +660 101 3 891201243 +660 106 2 891903867 +660 117 3 891197934 +660 120 1 891198996 +660 125 3 891198421 +660 132 3 891199683 +660 139 2 891202060 +660 145 2 891202022 +660 153 4 891200388 +660 161 1 891201223 +660 164 2 891200307 +660 167 2 891201565 +660 168 5 891199477 +660 176 3 891199182 +660 177 2 891200014 +660 184 3 891200741 +660 186 3 891199781 +660 191 4 891406212 +660 195 4 891406212 +660 197 3 891199965 +660 201 3 891200513 +660 202 2 891199683 +660 207 4 891199620 +660 208 4 891199201 +660 211 4 891199104 +660 215 3 891199082 +660 216 2 891199804 +660 222 2 891198063 +660 228 3 891200193 +660 243 2 891197757 +660 249 2 891198109 +660 250 4 891198174 +660 252 2 891198459 +660 265 2 891199241 +660 272 4 891197481 +660 313 4 891197481 +660 316 4 891197728 +660 347 3 891197585 +660 349 3 891197757 +660 357 2 891200014 +660 362 2 891197585 +660 380 2 891201587 +660 386 2 891200904 +660 392 2 891200072 +660 402 3 891201380 +660 404 2 891200621 +660 431 4 891200658 +660 432 4 891199104 +660 434 3 891200430 +660 462 2 891199293 +660 473 2 891198996 +660 483 4 891199804 +660 496 3 891199082 +660 510 3 891199056 +660 515 2 891199391 +660 527 3 891200073 +660 542 2 891201887 +660 546 2 891198588 +660 559 2 891201069 +660 569 2 891201499 +660 603 4 891199182 +660 625 3 891200513 +660 663 2 891199833 +660 680 2 891405088 +660 710 3 891199942 +660 739 2 891201925 +660 748 3 891197757 +660 755 2 891201026 +660 771 2 891201984 +660 774 3 891200594 +660 797 2 891201753 +660 810 3 891265495 +660 825 2 891198549 +660 826 3 891198762 +660 845 3 891198385 +660 846 2 891198174 +660 890 1 891198996 +660 898 4 891197561 +660 926 2 891201587 +660 930 2 891198762 +660 996 1 891265453 +660 1020 4 891199833 +660 1035 2 891201116 +660 1074 1 891201399 +660 1078 2 891201521 +660 1178 1 891265453 +660 1181 1 891200594 +660 1183 1 891201049 +660 1411 2 891201294 +660 1419 1 891202022 +661 28 5 876013975 +661 48 4 876016726 +661 52 4 876017029 +661 69 4 876013492 +661 70 4 876017029 +661 79 5 886841798 +661 95 5 876036190 +661 97 4 888299980 +661 117 4 886841250 +661 118 4 876037058 +661 131 3 886841714 +661 132 5 886841714 +661 161 4 876013588 +661 166 5 888300194 +661 168 5 876017294 +661 173 4 876014469 +661 178 4 876013492 +661 183 4 876035466 +661 189 4 876013850 +661 191 4 888300344 +661 194 5 876016667 +661 196 3 888300680 +661 200 3 876035896 +661 209 4 876013492 +661 215 3 876015657 +661 216 5 876017933 +661 222 3 876013121 +661 237 4 876037519 +661 238 4 876016491 +661 272 4 893281023 +661 310 2 889500835 +661 313 4 886829961 +661 357 4 876014469 +661 408 5 876015530 +661 423 4 876016726 +661 425 4 886841714 +661 427 4 876016491 +661 428 4 876016726 +661 436 4 876036043 +661 443 4 876035933 +661 480 5 876016491 +661 498 5 876017801 +661 501 4 876036190 +661 506 3 886841865 +661 514 3 876013398 +661 527 4 876035679 +661 531 4 876013552 +661 603 3 876016726 +661 615 4 876013774 +661 647 4 876013356 +661 676 4 886841222 +661 684 3 888299899 +661 709 4 886841685 +661 727 4 888300194 +661 751 4 886840577 +661 1045 3 886841865 +662 6 5 880571006 +662 50 3 880570142 +662 93 5 880571006 +662 286 3 880569465 +662 291 2 880570487 +662 319 3 880569520 +662 515 4 880571006 +662 591 4 880570112 +662 813 3 880570194 +663 7 4 889492841 +663 11 5 889493628 +663 23 4 889493818 +663 25 4 889492917 +663 31 4 889493628 +663 47 4 889493576 +663 50 5 889493502 +663 69 4 889493770 +663 96 5 889493628 +663 117 4 889492390 +663 125 3 889492720 +663 127 5 889493540 +663 134 5 889493818 +663 181 4 889493732 +663 243 3 889492076 +663 245 4 889491891 +663 258 3 889491560 +663 260 2 889491861 +663 268 3 889491617 +663 272 5 889491515 +663 273 4 889492679 +663 274 3 889493182 +663 280 3 889492841 +663 284 4 889492841 +663 286 3 889491515 +663 287 5 889492720 +663 288 4 889491617 +663 316 4 889491974 +663 321 5 889491739 +663 330 4 889491739 +663 332 4 889491768 +663 333 5 889491655 +663 351 2 889491919 +663 357 5 889493732 +663 363 2 889492990 +663 405 3 889492877 +663 411 3 889492877 +663 471 3 889492841 +663 473 3 889492917 +663 544 4 889492841 +663 588 4 889493628 +663 603 4 889493540 +663 619 4 889493182 +663 658 4 889493467 +663 678 2 889492140 +663 710 3 889493437 +663 741 4 889493351 +663 742 4 889492720 +663 762 4 889492473 +663 876 3 889491739 +663 924 3 889492351 +663 925 3 889493069 +663 928 3 889492679 +663 956 4 889493732 +663 985 3 889493210 +663 1047 4 889492679 +663 1048 4 889492562 +663 1073 3 889493691 +663 1245 4 889492959 +663 1276 3 889492679 +663 1324 3 889492473 +664 7 3 878091393 +664 12 5 876524699 +664 45 4 878090415 +664 47 4 876525076 +664 52 5 876525736 +664 64 4 876524474 +664 70 3 878092758 +664 71 4 878090125 +664 73 2 878090764 +664 77 3 876526631 +664 79 4 876526519 +664 81 5 876524474 +664 89 5 878092649 +664 92 4 876525002 +664 118 3 876526604 +664 127 5 876525044 +664 132 4 878092569 +664 149 3 876525315 +664 152 3 878091463 +664 154 5 876525963 +664 160 3 876524731 +664 168 4 878090705 +664 169 5 878092569 +664 172 5 878090054 +664 175 4 876524699 +664 179 4 876523654 +664 180 4 876524641 +664 187 5 876524699 +664 192 4 876524096 +664 196 4 878090054 +664 197 4 876523654 +664 203 4 876526685 +664 209 4 876525998 +664 210 4 878090054 +664 212 4 878090180 +664 222 3 876524641 +664 223 4 876523654 +664 227 3 876526718 +664 229 3 876526631 +664 234 3 876526554 +664 268 3 876523093 +664 286 4 876523092 +664 328 3 876523314 +664 425 3 876524937 +664 427 4 876524053 +664 433 3 876525998 +664 450 3 876526604 +664 462 4 878091912 +664 466 4 876526519 +664 469 3 876524474 +664 478 5 878090415 +664 479 5 878090087 +664 480 5 878091393 +664 481 5 878091912 +664 484 5 878090705 +664 504 4 876526518 +664 513 4 876524053 +664 514 5 876526179 +664 588 3 878092569 +664 603 5 876526518 +664 636 3 876526631 +664 649 4 876525044 +664 659 5 876526518 +664 663 4 876525998 +664 673 3 876526718 +664 678 2 876523288 +664 684 4 876526580 +664 708 4 876525077 +664 717 1 876526555 +664 732 3 876525315 +664 735 4 878092802 +664 770 4 876526659 +664 778 3 876525192 +664 805 5 878090381 +664 1090 1 876526739 +665 7 4 884290635 +665 9 4 884290608 +665 15 4 884290676 +665 24 3 884291300 +665 31 3 884294880 +665 65 4 884293523 +665 71 4 884293933 +665 79 3 884293831 +665 97 2 884294329 +665 105 2 884291810 +665 109 4 884292654 +665 111 4 884290608 +665 117 4 884290575 +665 125 4 884291340 +665 127 4 884292654 +665 133 3 884294771 +665 143 4 884293475 +665 156 5 884294772 +665 172 4 884293523 +665 177 3 884294374 +665 181 4 884291936 +665 185 4 884294200 +665 191 3 884293475 +665 194 3 884294671 +665 195 3 884294819 +665 214 4 884294935 +665 215 2 884294880 +665 216 4 884293690 +665 234 3 884293610 +665 249 5 884290608 +665 282 4 884291094 +665 287 4 884290575 +665 293 4 884290728 +665 298 3 884292654 +665 307 3 884292654 +665 315 4 884697720 +665 319 4 884289897 +665 328 4 884290055 +665 343 3 884292654 +665 346 2 884289897 +665 357 4 884293979 +665 369 4 884291747 +665 393 3 884295080 +665 405 3 884291300 +665 427 5 884293309 +665 475 3 884290349 +665 476 4 884291133 +665 508 2 884290751 +665 527 3 884294880 +665 538 4 884290143 +665 588 4 884294772 +665 597 3 884290853 +665 620 3 884291613 +665 684 3 884294286 +665 748 4 884290076 +665 762 4 884290480 +665 763 4 884291210 +665 815 4 884290608 +665 833 3 884291210 +665 845 4 884292654 +665 866 3 884290676 +665 1009 4 884291936 +665 1040 4 884291550 +665 1061 4 884292654 +665 1132 2 884291662 +665 1225 2 884294286 +665 1283 3 884292654 +666 4 5 880314477 +666 5 2 880568465 +666 11 4 880314453 +666 13 4 880313542 +666 25 3 880313559 +666 28 3 880139381 +666 31 3 880314500 +666 32 4 880139466 +666 56 4 880139090 +666 70 4 880139526 +666 79 3 880567919 +666 82 3 880314194 +666 96 3 880568270 +666 114 4 880567919 +666 122 2 880313723 +666 132 4 880139669 +666 134 5 880567695 +666 151 2 880313582 +666 168 4 880314272 +666 173 4 880139253 +666 174 3 880139586 +666 176 4 880139120 +666 177 3 880567612 +666 179 5 880139323 +666 181 2 880139563 +666 182 4 880139526 +666 183 5 880139180 +666 185 4 880139466 +666 186 2 880139587 +666 187 5 880139439 +666 191 4 880139090 +666 197 4 880568129 +666 199 5 880314253 +666 202 5 880139493 +666 203 4 880139180 +666 205 3 880139562 +666 206 4 880139669 +666 209 4 880139205 +666 223 3 880314144 +666 234 3 880139323 +666 238 4 880139615 +666 245 3 880138865 +666 248 3 880313640 +666 255 4 880313423 +666 257 3 880313682 +666 258 4 880138999 +666 264 3 880138999 +666 270 3 880138720 +666 288 3 880138999 +666 300 3 880138702 +666 301 4 880138999 +666 302 5 880138999 +666 318 5 880139180 +666 331 4 880138999 +666 333 3 880138999 +666 339 4 880138999 +666 410 2 880313447 +666 423 3 880139381 +666 427 4 880139382 +666 429 5 880139409 +666 430 4 880139614 +666 432 3 880139439 +666 436 3 880568637 +666 467 4 880568094 +666 471 4 880313423 +666 474 5 880139323 +666 489 4 880314194 +666 492 4 880139252 +666 496 4 880139149 +666 502 3 880567883 +666 504 4 880139120 +666 506 5 880139252 +666 510 4 880139409 +666 515 5 880313230 +666 517 4 880139563 +666 518 4 880567742 +666 519 4 880139205 +666 523 4 880314194 +666 525 4 880139467 +666 529 5 880568129 +666 530 3 880139323 +666 582 4 880139642 +666 591 2 880313604 +666 603 4 880567943 +666 604 3 880139669 +666 616 3 880139253 +666 632 4 880568028 +666 636 4 880568322 +666 638 3 880139563 +666 656 4 880139120 +666 661 4 880139765 +666 662 3 880568094 +666 684 4 880568063 +666 699 3 880568297 +666 729 4 880314225 +666 742 3 880313723 +666 792 4 880568694 +666 831 2 880313841 +666 855 4 880568270 +666 856 5 880139765 +666 864 3 880313523 +666 924 2 880313582 +666 945 4 880567883 +666 959 4 880139149 +666 1011 4 880313723 +666 1045 4 880567974 +666 1047 3 880313858 +666 1098 4 880314384 +666 1110 3 880314366 +666 1132 3 880313992 +666 1170 4 880568352 +666 1266 5 880139493 +667 124 5 891035164 +667 131 5 891034810 +667 137 3 891035206 +667 168 3 891035206 +667 186 4 891035033 +667 192 5 891034947 +667 223 5 891034767 +667 234 2 891034730 +667 285 5 891034810 +667 301 1 891034513 +667 313 3 891034404 +667 316 4 891034584 +667 318 5 891034976 +667 435 3 891035104 +667 461 4 891034913 +667 482 4 891035140 +667 504 3 891035015 +667 527 4 891035121 +667 651 5 891034767 +667 880 3 891034568 +667 1101 3 891035015 +668 29 3 881605433 +668 82 4 881702925 +668 97 2 881702632 +668 124 3 881605489 +668 210 5 881605849 +668 231 2 881605433 +668 257 3 881605269 +668 258 2 881523929 +668 271 4 881523787 +668 283 5 881605324 +668 286 4 881523612 +668 294 3 890349076 +668 300 4 881523612 +668 307 4 881523762 +668 311 4 881591023 +668 323 4 881591198 +668 333 3 881524020 +668 345 2 890349041 +668 354 4 890349060 +668 358 3 881524153 +668 403 4 881605433 +668 554 3 881702723 +668 752 4 890349005 +669 12 5 891517287 +669 23 4 891260474 +669 82 4 892550310 +669 114 5 892550196 +669 117 1 891260577 +669 118 2 892549838 +669 127 5 891260596 +669 169 3 891517159 +669 172 3 891517159 +669 174 3 891260369 +669 257 3 892549514 +669 258 2 891182622 +669 276 2 892550259 +669 300 4 892549238 +669 302 4 891182948 +669 310 4 892549126 +669 324 3 891517159 +669 326 1 891182678 +669 340 4 891182948 +669 347 3 891182948 +669 348 1 891182572 +669 354 1 891182622 +669 427 4 892550137 +669 462 5 892550137 +669 490 5 892550283 +669 505 3 891517159 +669 508 3 892549292 +669 517 3 892550282 +669 521 4 892550196 +669 523 4 891260638 +669 527 3 891517185 +669 537 3 891517159 +669 749 3 891517159 +669 898 1 891182812 +669 902 2 891182948 +670 15 4 877975200 +670 98 2 877975731 +670 168 3 877974549 +670 174 4 877975344 +670 228 5 877975344 +670 232 3 877975448 +670 479 5 877975594 +670 480 5 877975017 +670 482 5 877975285 +670 511 4 877975285 +670 615 3 877974605 +670 650 2 877975200 +670 651 4 877975070 +670 657 5 877974857 +670 945 4 877975285 +671 4 5 884035939 +671 5 2 883949781 +671 12 5 883546120 +671 23 4 883547351 +671 29 3 884036050 +671 31 2 883546333 +671 33 5 883949781 +671 53 3 884034800 +671 54 3 884035173 +671 96 5 884035686 +671 117 3 875389187 +671 144 4 884035686 +671 147 1 884035992 +671 161 5 884035892 +671 177 4 884035775 +671 182 4 884035685 +671 188 2 884035992 +671 204 5 884204510 +671 231 3 884035993 +671 233 4 883547351 +671 241 5 884035686 +671 250 5 875389187 +671 258 5 875386402 +671 298 4 875389187 +671 327 1 875387273 +671 356 3 883949781 +671 385 5 884035892 +671 405 3 884035939 +671 431 2 883546677 +671 510 3 884035892 +671 554 4 884036411 +671 559 4 884338399 +671 568 5 884035686 +671 576 5 884035939 +671 578 3 884036411 +671 581 2 884035173 +671 591 3 883546333 +671 597 4 884036365 +671 628 3 883950232 +671 684 3 883546890 +671 685 5 884035992 +671 720 3 884036050 +671 742 5 884035173 +671 748 3 875386402 +671 770 2 883547351 +671 864 3 884204727 +671 925 3 883949781 +671 947 3 884035775 +671 986 2 884035173 +671 1073 3 883949781 +671 1215 3 884036365 +671 1217 4 883547351 +671 1222 3 884036365 +671 1239 3 884036683 +672 15 3 879787922 +672 25 5 879789056 +672 50 3 879787753 +672 124 3 879787922 +672 127 4 879787729 +672 225 2 879789437 +672 281 3 879788819 +672 476 5 879789462 +672 756 2 879789244 +672 815 4 879788819 +672 864 3 879789278 +672 931 1 879789164 +672 1028 4 879789030 +672 1061 4 879789566 +673 242 4 888787508 +673 268 1 888786997 +673 269 4 888786942 +673 272 5 888786942 +673 288 4 888787423 +673 294 4 888787376 +673 303 5 888787376 +673 311 4 888787396 +673 328 4 888787355 +673 344 5 888787376 +673 347 4 888787290 +673 750 5 888786969 +674 1 4 887762799 +674 25 4 887763035 +674 50 4 887762584 +674 117 5 887762861 +674 118 3 887763150 +674 125 5 887762779 +674 127 5 887762799 +674 282 5 887763231 +674 288 3 887762296 +674 294 4 887762296 +674 300 3 887762296 +674 304 3 887762296 +674 315 3 887762296 +674 323 3 887762937 +674 405 4 887762861 +674 685 3 887762861 +674 763 5 887762799 +674 929 3 887763150 +675 258 3 889488679 +675 305 4 889488548 +675 306 5 889488487 +675 311 3 889488647 +675 312 2 889488624 +675 344 4 889488754 +675 347 4 889488431 +675 509 5 889489465 +675 531 5 889489108 +675 650 5 889489971 +675 874 4 889488679 +675 937 1 889490151 +675 1101 4 889490029 +675 1255 1 889490151 +675 1653 5 889489913 +676 1 5 892686188 +676 13 1 892686319 +676 50 5 892686083 +676 64 5 892686563 +676 114 5 892686606 +676 117 4 892686244 +676 132 5 892686703 +676 144 4 892686459 +676 169 5 892686524 +676 172 5 892686490 +676 173 5 892686665 +676 181 5 892686164 +676 245 4 892685592 +676 257 5 892686220 +676 258 2 892685370 +676 259 4 892685621 +676 265 5 892686703 +676 271 3 892685621 +676 288 1 892685437 +676 300 4 892685403 +676 313 4 892685224 +676 315 4 892685224 +676 318 5 892686459 +676 344 5 892685657 +676 352 1 892685875 +676 354 4 892685437 +676 482 4 892686702 +676 508 1 892686134 +676 520 4 892686758 +676 682 1 892685716 +676 688 1 892685695 +676 748 4 892685538 +676 751 4 892685695 +676 845 5 892686398 +676 879 3 892685489 +676 895 1 892685562 +676 902 4 892685740 +676 916 5 892685849 +676 948 1 892685803 +676 962 4 892686525 +676 1527 1 892685657 +676 1654 1 892685960 +677 1 4 889399229 +677 126 1 889399265 +677 148 4 889399265 +677 150 3 889399402 +677 222 4 889399171 +677 237 4 889399402 +677 286 1 889399113 +677 307 5 885191227 +677 323 4 885191280 +677 405 4 889399328 +677 457 1 889399113 +677 471 4 889399171 +677 845 3 889399327 +677 1240 5 889399671 +677 1245 4 889399199 +678 7 4 879544952 +678 25 2 879544915 +678 50 4 879544450 +678 111 4 879544397 +678 181 3 879544450 +678 282 3 879544952 +678 924 2 879544397 +679 8 2 884486856 +679 56 4 884487418 +679 64 4 884487052 +679 69 4 884487688 +679 70 4 884487325 +679 73 4 884488036 +679 121 2 884488260 +679 132 4 884487374 +679 169 3 884486904 +679 174 3 884486837 +679 181 5 884487279 +679 184 4 884487491 +679 196 4 884487610 +679 204 3 884487191 +679 241 3 884488149 +679 288 4 884312660 +679 291 4 884487960 +679 327 4 884312731 +679 357 5 884486812 +679 416 3 884488226 +679 419 3 884487514 +679 484 4 884486658 +679 520 4 884487031 +679 710 4 884487374 +680 9 4 876816106 +680 15 3 877075048 +680 20 4 877075273 +680 25 4 876816310 +680 98 4 876816224 +680 100 3 877075214 +680 117 4 877075312 +680 121 3 876816268 +680 169 5 876816162 +680 195 4 876816106 +680 248 4 877075312 +680 274 3 877075312 +680 276 5 877075135 +680 285 5 877075079 +680 286 4 876815942 +680 408 5 876816268 +680 515 4 876816268 +680 815 3 877075312 +680 845 4 877075241 +680 1012 3 877075214 +680 1089 2 877075214 +681 258 1 885409516 +681 259 2 885409882 +681 286 5 885409370 +681 288 1 885409810 +681 304 3 885409742 +681 539 4 885409810 +681 898 4 885409515 +682 3 3 888519113 +682 4 3 888521599 +682 7 4 888522455 +682 9 3 888517168 +682 11 4 888517049 +682 12 5 888516953 +682 15 4 888523581 +682 17 3 888520923 +682 21 4 888522194 +682 29 2 888522699 +682 31 3 888520705 +682 38 3 888521116 +682 41 3 888522073 +682 47 1 888517870 +682 50 5 888518639 +682 51 5 888517740 +682 53 2 888519519 +682 56 4 888519077 +682 64 5 888517011 +682 66 3 888521740 +682 68 5 888522575 +682 69 4 888519206 +682 70 4 888517416 +682 75 4 888518185 +682 79 4 888520705 +682 80 1 888521803 +682 83 3 888517011 +682 87 5 888517235 +682 89 4 888522418 +682 92 5 888519059 +682 94 3 888522021 +682 97 4 888517587 +682 100 3 888517011 +682 121 4 888520799 +682 122 3 888522260 +682 124 2 888517097 +682 125 4 888523635 +682 127 5 888517011 +682 150 4 888517197 +682 154 5 888521489 +682 157 4 888517484 +682 164 3 888521005 +682 167 2 888522101 +682 173 4 888521381 +682 181 5 888518639 +682 182 4 888523619 +682 188 4 888522417 +682 190 4 888519725 +682 191 3 888517197 +682 201 4 888519365 +682 204 3 888521413 +682 205 3 888518164 +682 215 4 888517197 +682 218 3 888520977 +682 222 4 888519725 +682 234 3 888520705 +682 238 3 888521540 +682 240 4 888521637 +682 252 3 888518773 +682 254 2 888518871 +682 255 3 888518722 +682 257 2 888518704 +682 259 3 888518424 +682 265 3 888520922 +682 272 5 888523619 +682 273 4 888520864 +682 281 3 888520864 +682 282 4 888519918 +682 291 1 888517364 +682 293 4 888523581 +682 294 3 888516841 +682 304 1 888523810 +682 317 4 888517390 +682 323 2 888516865 +682 325 4 888521174 +682 327 3 888518299 +682 328 3 888518363 +682 333 4 888518279 +682 339 2 888518364 +682 351 4 888518468 +682 352 1 888518424 +682 356 3 888517986 +682 357 3 888516979 +682 358 3 888518450 +682 366 4 888517896 +682 379 4 888519260 +682 384 2 888522073 +682 386 2 888521942 +682 399 4 888522612 +682 410 3 888521740 +682 412 1 888521907 +682 419 3 888523054 +682 420 3 888523115 +682 423 5 888519206 +682 443 3 888520977 +682 447 2 888522857 +682 455 4 888521866 +682 465 3 888523054 +682 476 1 888522100 +682 509 2 888517235 +682 518 4 888517324 +682 520 4 888519725 +682 541 3 888522612 +682 546 3 888517740 +682 549 3 888517415 +682 554 3 888521116 +682 556 2 888517840 +682 566 3 888519260 +682 568 3 888522575 +682 570 2 888517948 +682 572 4 888521116 +682 573 4 888521116 +682 576 4 888522754 +682 578 3 888522575 +682 581 2 888517948 +682 582 1 888517816 +682 597 1 888522699 +682 619 3 888519226 +682 623 3 888523288 +682 651 4 888517168 +682 654 4 888520799 +682 655 5 888519725 +682 658 4 888517390 +682 659 1 888520638 +682 673 3 888517049 +682 687 2 888518871 +682 697 4 888517816 +682 699 3 888523658 +682 710 3 888521413 +682 720 4 888522699 +682 723 1 888518063 +682 724 4 888517948 +682 735 4 888517627 +682 737 3 888518104 +682 742 3 888519738 +682 748 3 888516814 +682 761 4 888521090 +682 763 4 888521783 +682 772 4 888517922 +682 779 3 888522754 +682 780 3 888522217 +682 802 2 888521047 +682 806 3 888523658 +682 808 4 888517762 +682 809 2 888522755 +682 834 3 888522971 +682 862 1 888522021 +682 924 5 888517627 +682 940 2 888521907 +682 942 2 888517324 +682 959 4 888521803 +682 977 3 888521090 +682 991 2 888518871 +682 1016 2 888518747 +682 1028 3 888523657 +682 1045 3 888517792 +682 1048 3 888521564 +682 1074 4 888517792 +682 1089 2 888518871 +682 1090 2 888521047 +682 1091 3 888523288 +682 1107 2 888517896 +682 1118 3 888521711 +682 1220 4 888518130 +682 1222 3 888523657 +682 1232 2 888517896 +682 1303 2 888522699 +682 1305 3 888522021 +682 1410 3 888517324 +682 1428 3 888518131 +682 1437 2 888521942 +682 1440 2 888517538 +682 1655 2 888517922 +683 56 5 893286364 +683 62 4 893286208 +683 133 5 893286208 +683 187 5 893286501 +683 248 4 893286603 +683 264 2 893283997 +683 268 4 893286261 +683 286 2 893282977 +683 299 3 893283997 +683 302 5 893286207 +683 303 3 893283104 +683 306 3 893286347 +683 308 3 893284420 +683 312 3 893284183 +683 313 2 893282664 +683 316 4 893286208 +683 321 5 893286207 +683 332 3 893283997 +683 350 2 893284184 +683 358 2 893283948 +683 511 5 893286207 +683 588 4 893286584 +683 682 1 893284032 +683 690 4 893286260 +683 748 3 893286347 +683 887 4 893286261 +683 895 2 893284138 +683 900 1 893282740 +683 911 3 893286346 +683 915 2 893282977 +683 1280 3 893284032 +683 1483 3 893286346 +684 1 4 875810928 +684 38 3 878759635 +684 48 4 875812176 +684 64 4 878759907 +684 70 4 878761788 +684 88 4 878761788 +684 94 3 878762183 +684 111 4 878760164 +684 118 4 878760274 +684 121 3 875810574 +684 147 2 878232961 +684 151 3 875810633 +684 161 3 878760137 +684 181 4 875810999 +684 186 4 878762087 +684 202 4 878759384 +684 204 4 875812299 +684 208 3 878761120 +684 218 1 878232961 +684 237 5 875811158 +684 238 3 878759545 +684 239 4 878762118 +684 252 4 875812227 +684 371 2 878576866 +684 386 3 878759184 +684 395 2 878762243 +684 401 3 878762302 +684 402 3 878759310 +684 520 4 875812065 +684 553 4 878760305 +684 596 3 875812351 +684 625 3 878760041 +684 692 4 878576614 +684 710 5 875812109 +684 722 2 878762302 +684 728 2 878762243 +684 734 3 878762302 +684 742 4 875810830 +684 781 3 878762183 +684 934 3 875811158 +684 1283 3 875811708 +685 269 3 879451401 +685 286 1 879447443 +685 302 3 879451401 +685 319 2 879451401 +685 325 3 879451401 +685 327 2 879451234 +685 334 1 879451168 +685 340 2 879451401 +685 873 2 879451401 +685 991 1 879451282 +686 12 5 879545758 +686 28 4 879546147 +686 64 5 879547224 +686 79 4 879546443 +686 98 5 879546651 +686 99 5 879546553 +686 127 5 879545481 +686 134 5 879545340 +686 135 5 879547276 +686 170 5 879547043 +686 172 4 879545181 +686 174 4 879545966 +686 176 3 879545413 +686 180 5 879546147 +686 181 4 879547337 +686 182 5 879546217 +686 185 5 879545603 +686 187 5 879545481 +686 198 5 879546443 +686 204 4 879546553 +686 205 5 879545181 +686 208 5 879547275 +686 234 4 879546715 +686 327 5 879543445 +686 357 5 879545549 +686 425 5 879546651 +686 474 5 879545413 +686 480 5 879547224 +686 504 5 879545662 +686 514 5 879545662 +686 521 5 879546786 +686 528 5 879547336 +686 588 4 879546497 +686 651 5 879545413 +686 1184 1 879547337 +687 245 3 884652276 +687 264 3 884652197 +687 288 4 884651576 +687 319 4 884652276 +687 336 2 884652144 +687 340 4 884651894 +687 678 4 884652482 +687 748 3 884652276 +687 749 4 884651746 +688 259 5 884153750 +688 288 5 884153712 +688 326 5 884153606 +688 329 5 884153606 +688 332 5 884153712 +688 336 2 884153728 +688 338 5 884153751 +688 339 5 884153712 +688 678 5 884153750 +688 682 5 884153712 +688 754 5 884153606 +688 1234 5 884153712 +689 7 5 876676334 +689 15 5 876676502 +689 109 5 876675152 +689 111 3 876676501 +689 121 5 876676433 +689 125 3 876675152 +689 151 3 876676501 +689 222 5 876674954 +689 250 5 876676334 +689 273 3 876676165 +689 298 4 876676211 +689 471 4 876676433 +689 597 4 876676165 +689 748 5 876674637 +689 879 2 876674692 +690 12 4 881179631 +690 25 3 881177430 +690 64 5 881179682 +690 67 4 881177836 +690 79 4 881179809 +690 80 3 881177778 +690 85 1 881177430 +690 88 4 881177689 +690 90 1 881179469 +690 94 4 881177836 +690 98 5 881179196 +690 120 1 881179469 +690 159 3 881180005 +690 163 3 881177459 +690 168 3 881177376 +690 174 4 881179505 +690 194 4 881177349 +690 204 3 881177430 +690 210 3 881177581 +690 216 4 881177302 +690 218 5 881179906 +690 223 4 881179069 +690 226 3 881179969 +690 233 3 881179968 +690 234 4 881179878 +690 237 4 881178330 +690 239 2 881177532 +690 276 3 881178293 +690 281 3 881180005 +690 364 3 881178026 +690 376 3 881177910 +690 384 3 881177804 +690 396 2 881177861 +690 431 2 881179856 +690 523 4 881177430 +690 649 4 881179906 +690 663 4 881177376 +690 712 4 881177880 +690 716 1 881179469 +690 739 3 881180564 +690 742 3 881179878 +690 746 2 881177532 +690 790 3 881177970 +690 794 3 881180543 +690 1042 4 881180035 +690 1207 3 881180138 +691 1 5 875543346 +691 8 2 875543346 +691 50 4 875543191 +691 56 4 875543025 +691 98 4 875543281 +691 170 5 875543395 +691 294 4 875542868 +691 478 4 875543281 +691 603 5 875543191 +692 56 3 876953204 +692 100 4 876953482 +692 127 3 876948910 +692 204 5 876953340 +692 238 4 876953340 +692 285 3 876953204 +692 287 3 876953130 +692 321 3 876946833 +692 412 4 876954196 +692 692 3 876953130 +692 756 2 876953681 +692 845 3 876948910 +692 1023 2 876954083 +692 1040 2 876954021 +692 1054 3 876954197 +693 7 4 875483947 +693 11 4 875482197 +693 23 4 875482168 +693 25 4 883975697 +693 39 3 875482396 +693 53 4 875483597 +693 64 3 875482136 +693 69 3 875482336 +693 98 4 875483268 +693 118 2 875483597 +693 131 3 875484953 +693 132 4 875484562 +693 143 4 875484613 +693 162 3 875482912 +693 181 3 875483881 +693 183 2 875483301 +693 188 2 875483847 +693 196 2 875482548 +693 215 4 875482860 +693 273 3 875481549 +693 282 4 875482626 +693 289 3 889167919 +693 300 2 875481397 +693 318 4 875482092 +693 333 3 875481397 +693 357 5 875482169 +693 403 2 875483049 +693 419 2 875484501 +693 423 3 875482136 +693 427 4 875484908 +693 428 3 875484763 +693 432 4 875484908 +693 472 3 875484089 +693 480 4 875484454 +693 483 3 875484352 +693 488 4 875484539 +693 499 4 875484539 +693 508 2 875482447 +693 509 3 883975500 +693 514 4 875484431 +693 523 4 875482448 +693 527 3 875482280 +693 568 4 875483947 +693 572 2 875484148 +693 581 3 875482731 +693 604 3 875484480 +693 606 4 875484584 +693 631 3 875482826 +693 650 3 875482364 +693 655 3 875482604 +693 660 3 875483020 +693 673 4 875483050 +693 684 3 875483435 +693 693 3 875482860 +693 942 2 875482396 +693 1145 2 875483049 +693 1232 2 875483114 +693 1311 1 875482939 +693 1522 3 875483670 +694 9 5 875726618 +694 22 5 875726759 +694 31 4 875728345 +694 48 4 875726759 +694 50 5 875730386 +694 82 5 875728345 +694 97 5 875727399 +694 98 5 875726886 +694 121 5 875726886 +694 131 5 875727715 +694 132 5 875727640 +694 153 4 875728508 +694 157 4 875729667 +694 174 5 875727061 +694 176 5 875729146 +694 178 4 875727099 +694 181 5 875730386 +694 191 5 875727749 +694 193 4 875728435 +694 195 4 875726708 +694 196 5 875727226 +694 197 5 875727926 +694 199 5 875728435 +694 200 4 875726968 +694 203 4 875728801 +694 210 4 875728293 +694 216 4 875729830 +694 226 3 875729271 +694 228 4 875727306 +694 229 4 875728801 +694 230 4 875727143 +694 237 4 875728509 +694 239 4 875729520 +694 275 4 875727640 +694 300 4 875726453 +694 356 4 875729622 +694 378 3 875730313 +694 393 3 875728952 +694 419 4 875729907 +694 423 5 875727018 +694 429 4 875726759 +694 432 4 875727513 +694 448 3 875729489 +694 449 4 875727271 +694 468 4 875729270 +694 480 4 875726759 +694 489 4 875727640 +694 491 3 875731050 +694 496 4 875727640 +694 504 3 875728912 +694 517 4 875727926 +694 520 5 875726618 +694 528 3 875728842 +694 584 4 875727877 +694 604 4 875727399 +694 610 4 875729983 +694 614 4 875726886 +694 617 4 875728181 +694 632 4 875727399 +694 641 4 875726618 +694 645 4 875727143 +694 654 4 875727099 +694 659 4 875728181 +694 671 3 875728989 +694 684 4 875730313 +694 692 4 875728729 +694 699 4 875728639 +694 1035 4 875728345 +694 1050 3 875726759 +694 1203 4 875729489 +694 1205 3 875727550 +694 1263 3 875729146 +694 1455 3 875727061 +695 260 4 888806150 +695 270 4 888805952 +695 288 4 888806120 +695 300 1 888805767 +695 301 3 888806120 +695 305 3 888805797 +695 307 4 888806120 +695 311 4 888805767 +695 313 2 888805836 +695 319 5 888806056 +695 338 2 888806270 +695 346 5 888806011 +695 882 4 888805836 +695 995 4 888806150 +695 1024 5 888805913 +696 234 4 886404617 +696 305 4 886403578 +696 310 4 886403673 +696 312 4 886404322 +696 313 3 886403672 +696 315 5 886403578 +696 344 5 886403672 +696 523 5 886404542 +696 689 1 886404208 +696 883 4 886404208 +696 1176 4 886403631 +697 1 5 882622481 +697 25 3 882622188 +697 107 5 882622581 +697 123 5 882622016 +697 124 5 882622505 +697 125 3 882622559 +697 129 5 882622016 +697 150 5 882622127 +697 181 4 882621913 +697 222 4 882622016 +697 242 5 882621486 +697 268 5 882621548 +697 273 5 882622481 +697 277 5 882622581 +697 282 4 882622559 +697 283 5 882622146 +697 294 4 882621569 +697 295 3 882622733 +697 298 4 882621940 +697 300 5 882621431 +697 301 5 882621523 +697 302 5 882621460 +697 331 3 882621431 +697 333 3 882621431 +697 336 3 882621523 +697 473 5 882622372 +697 596 4 882622372 +697 628 4 882622016 +697 682 2 882621523 +697 683 1 882621813 +697 689 4 882621714 +697 713 5 882622505 +697 748 5 882621569 +697 751 5 882622481 +697 754 3 882621431 +697 818 4 882622228 +697 928 3 882622044 +697 989 2 882621813 +697 1059 2 882622208 +697 1160 1 882622824 +697 1245 1 882622526 +698 50 5 886366101 +698 83 5 886366731 +698 95 3 886367406 +698 144 2 886367586 +698 153 2 886367586 +698 168 3 886366731 +698 177 1 886367366 +698 190 5 886366515 +698 191 2 886367406 +698 194 4 886366454 +698 205 4 886367013 +698 210 5 886366690 +698 220 3 886367874 +698 222 4 886366611 +698 230 3 886367337 +698 255 3 886366213 +698 275 4 886366558 +698 283 2 886367849 +698 284 1 886368545 +698 307 4 886365629 +698 330 4 886365606 +698 421 2 886367366 +698 434 4 886366515 +698 478 4 886366814 +698 485 4 886367473 +698 489 3 886367849 +698 491 2 886367644 +698 497 3 886367473 +698 505 2 886367750 +698 507 4 886366611 +698 512 4 886367644 +698 513 2 886366558 +698 529 5 886366731 +698 568 2 886367955 +698 603 4 886366770 +698 656 1 886367133 +698 659 3 886367013 +698 705 4 886366611 +698 751 3 886365557 +698 968 1 886368545 +698 1063 2 886367406 +698 1149 3 886367013 +698 1299 2 886367775 +699 1 3 878882272 +699 13 4 879146941 +699 14 3 878881952 +699 16 3 879148259 +699 23 4 878883113 +699 24 3 879147239 +699 100 4 878882667 +699 109 3 879147109 +699 111 3 878881875 +699 112 3 884152976 +699 118 4 879148051 +699 121 3 878882366 +699 147 2 883279472 +699 151 3 878882002 +699 181 3 878882082 +699 211 1 878883113 +699 221 4 878882667 +699 222 3 883884642 +699 224 3 878883249 +699 225 3 878882133 +699 234 3 878883172 +699 235 3 878882272 +699 244 3 878882319 +699 250 4 879148050 +699 252 4 879148050 +699 258 5 883278844 +699 268 4 884152267 +699 271 3 880695324 +699 276 3 885775479 +699 277 3 878882319 +699 285 4 879148050 +699 298 4 883278699 +699 300 3 893140897 +699 307 3 893140697 +699 308 4 879382955 +699 319 3 883279146 +699 321 3 879383009 +699 324 4 879147497 +699 325 5 879148050 +699 405 3 878882608 +699 413 3 884152706 +699 455 3 878882178 +699 456 1 880696679 +699 479 3 878883038 +699 495 3 878883113 +699 544 4 879147109 +699 597 3 884152570 +699 678 3 879147032 +699 717 1 878882511 +699 748 2 879382698 +699 749 3 893140897 +699 760 3 879147239 +699 820 2 880696597 +699 825 3 879147917 +699 929 3 879147366 +699 933 3 878882226 +699 977 2 879147550 +699 983 3 886568097 +699 989 4 883279196 +699 991 3 879382830 +699 1060 3 879147367 +699 1068 3 879146547 +699 1129 3 878882319 +699 1143 3 879146941 +699 1284 3 879147239 +699 1375 3 878882836 +699 1615 3 883884998 +700 50 5 884493899 +700 79 3 884494420 +700 96 4 884494310 +700 144 4 884494252 +700 168 3 884494420 +700 180 3 884494278 +700 181 5 884493523 +701 50 5 891447197 +701 100 5 891447139 +701 255 3 891447164 +701 257 4 891447197 +701 272 5 891446559 +701 285 5 891447139 +701 297 4 891447197 +701 304 4 891446679 +701 315 5 891446559 +701 316 5 891446857 +701 333 3 891446788 +701 750 5 891446588 +702 228 5 885767774 +702 259 3 885767604 +702 288 1 885767306 +702 294 1 885767555 +702 300 3 885767461 +702 313 5 885767336 +702 346 1 885767306 +702 1127 2 885767414 +703 7 4 875242599 +703 50 5 875242813 +703 117 4 875242814 +703 147 3 875243049 +703 222 4 875242704 +703 237 5 875242787 +703 257 5 875242990 +703 258 4 875242076 +703 259 1 875242336 +703 275 4 875242663 +703 293 4 875242990 +703 294 2 875242281 +703 410 4 875243028 +703 458 3 875242935 +703 471 4 875242885 +703 864 2 875242912 +703 1047 3 875243028 +704 50 5 891397262 +704 131 5 891398726 +704 136 4 891397819 +704 152 2 891397819 +704 154 3 891398702 +704 170 3 891397086 +704 172 2 891397058 +704 178 5 891397535 +704 180 4 891397491 +704 191 3 891397262 +704 205 5 891397819 +704 209 3 891397667 +704 211 5 891398726 +704 259 2 891396904 +704 289 3 891396881 +704 302 4 891397015 +704 304 2 891396595 +704 316 4 891397015 +704 354 4 891397015 +704 381 3 891397713 +704 429 4 891397366 +704 461 3 891397712 +704 480 5 891397086 +704 486 4 891397764 +704 491 5 891397535 +704 496 5 891397712 +704 514 4 891397112 +704 604 5 891397366 +704 607 4 891397535 +704 654 5 891397667 +704 655 3 891397190 +704 657 4 891397667 +704 662 3 891397819 +704 735 4 891397305 +704 1296 4 891397015 +704 1454 3 891397441 +705 1 5 883427101 +705 2 3 883428058 +705 8 3 883427904 +705 28 4 883427640 +705 38 5 883428258 +705 50 4 883427012 +705 58 2 883518834 +705 64 5 883518709 +705 111 4 883427012 +705 118 4 883427377 +705 121 5 883427479 +705 144 3 883427988 +705 151 3 883427134 +705 172 3 883427663 +705 174 5 883427640 +705 191 1 883518871 +705 196 4 883518903 +705 226 3 883428028 +705 231 3 883428201 +705 233 3 883428154 +705 241 4 883428128 +705 255 5 883427152 +705 265 5 883428154 +705 275 5 883427048 +705 282 5 883427216 +705 284 3 883427190 +705 286 3 883426747 +705 298 5 883426892 +705 300 5 883426780 +705 373 3 883428237 +705 385 4 883428084 +705 400 4 883427817 +705 405 4 883427479 +705 427 2 883518783 +705 550 2 883428058 +705 554 2 883428201 +705 560 2 883427951 +705 568 5 883428058 +705 578 3 883428276 +705 622 4 883427778 +705 627 3 883427932 +705 827 4 883427297 +705 932 5 883427339 +705 1043 5 883427857 +705 1228 2 883428258 +706 1 4 880997324 +706 7 3 880997412 +706 25 4 880997385 +706 50 5 880997142 +706 100 1 880997211 +706 118 3 880997464 +706 245 3 880996945 +706 331 5 880996945 +706 333 1 880996945 +706 628 4 880997412 +707 8 5 886285762 +707 12 3 886286004 +707 14 3 880060118 +707 45 4 886286926 +707 65 4 886286004 +707 83 3 886286926 +707 86 4 886286283 +707 97 4 886285876 +707 100 5 880059810 +707 116 5 880059974 +707 124 4 880059876 +707 133 2 886287268 +707 140 2 886287191 +707 151 4 880059810 +707 153 3 886286844 +707 154 3 886286742 +707 162 5 886285968 +707 163 2 886285939 +707 165 3 886285939 +707 166 3 880061579 +707 170 5 886285824 +707 186 3 886286133 +707 191 5 880061699 +707 208 5 886285939 +707 211 3 886287051 +707 221 4 880059749 +707 224 4 880059876 +707 238 4 886286764 +707 256 4 880061024 +707 269 4 882200810 +707 283 4 880059957 +707 286 5 879438988 +707 293 4 880059810 +707 302 4 886285168 +707 309 2 880684605 +707 371 3 886287497 +707 378 3 886287628 +707 382 3 886287191 +707 419 3 886285968 +707 427 4 886285907 +707 467 4 886286057 +707 478 4 886285762 +707 486 3 886287662 +707 487 2 886286360 +707 492 2 886286818 +707 496 3 886286433 +707 498 3 886286133 +707 499 4 886287450 +707 525 3 886286999 +707 526 1 886287405 +707 529 4 886287376 +707 531 5 886286214 +707 582 5 886286433 +707 602 4 886287290 +707 630 3 886287608 +707 631 4 886286844 +707 640 2 886287471 +707 647 5 880061652 +707 663 4 886286979 +707 676 4 880060180 +707 694 4 886286246 +707 705 4 886285851 +707 712 3 886288624 +707 715 3 886286954 +707 716 2 886287051 +707 723 3 886286954 +707 730 3 886286742 +707 735 4 886286792 +707 778 3 886287160 +707 792 4 886287107 +707 799 4 886287876 +707 866 2 880060974 +707 900 4 890008041 +707 902 5 890008121 +707 903 3 886285216 +707 952 3 880060724 +707 956 5 886287107 +707 995 4 879439418 +707 1007 4 880060180 +707 1018 3 886288455 +707 1107 3 886288239 +707 1109 5 886286283 +707 1113 2 886287990 +707 1171 3 880059687 +707 1176 2 879438910 +707 1251 4 880059647 +707 1257 2 880061190 +707 1281 4 880060820 +707 1311 3 886287608 +707 1381 3 880061346 +707 1397 1 886289521 +707 1530 3 886288356 +707 1628 5 886287353 +708 1 5 877325375 +708 21 1 877325316 +708 50 5 877325186 +708 147 4 892719246 +708 148 4 892719246 +708 255 5 877325601 +708 268 3 892718876 +708 271 1 892718796 +708 274 4 877326086 +708 280 4 877325316 +708 283 1 892719363 +708 284 5 892719340 +708 304 4 892718876 +708 313 5 892718687 +708 322 3 892719062 +708 326 4 892719007 +708 328 3 892718964 +708 358 2 892719007 +708 362 1 892718575 +708 412 1 877326159 +708 471 4 877325455 +708 535 2 877325838 +708 538 2 892718762 +708 597 2 877326345 +708 690 4 892718919 +708 748 4 892719033 +708 751 4 892718687 +708 756 2 877326062 +708 763 4 877326158 +708 764 4 877325934 +708 846 2 892719269 +708 847 3 892719246 +708 864 3 892719172 +708 866 5 892719143 +708 871 1 892719101 +708 873 5 892718965 +708 934 4 892719172 +708 938 3 892718896 +708 1047 2 877325726 +708 1051 4 892719193 +708 1061 3 892719143 +708 1117 4 892719269 +709 2 4 879848511 +709 4 3 879848551 +709 22 5 879847946 +709 27 3 879848590 +709 28 5 879847946 +709 29 3 879848695 +709 56 5 879848053 +709 64 5 879846293 +709 82 4 879848645 +709 89 3 879848397 +709 92 4 879848397 +709 96 5 879848397 +709 125 4 879847730 +709 127 5 879847945 +709 129 2 879846332 +709 145 3 879848319 +709 161 5 879848511 +709 164 3 879848120 +709 174 5 879848396 +709 181 4 879846375 +709 187 5 879847945 +709 195 5 879848432 +709 200 4 879848053 +709 215 3 879846259 +709 218 4 879848168 +709 219 4 879848120 +709 227 2 879848551 +709 229 2 879848645 +709 230 2 879848551 +709 265 4 879846489 +709 293 4 879847879 +709 294 3 879847304 +709 385 4 879848397 +709 403 3 879848590 +709 447 2 879848167 +709 451 1 879848969 +709 452 3 879848318 +709 470 3 879847026 +709 561 3 879848209 +709 564 1 879848318 +709 568 4 879848396 +709 633 3 879846561 +709 636 3 879848645 +709 637 3 879848168 +709 727 2 879849049 +709 739 3 879849049 +709 769 3 879848239 +709 781 3 879849185 +709 816 2 879848318 +709 823 3 879849573 +709 860 3 879848318 +709 939 4 879847082 +710 1 4 882064377 +710 22 3 882063852 +710 23 5 882064200 +710 50 4 882063766 +710 99 4 882064434 +710 116 4 882063852 +710 134 5 882063648 +710 142 3 882064377 +710 182 4 882063967 +710 187 5 882064096 +710 192 5 882063921 +710 197 4 882064200 +710 200 4 882063793 +710 204 4 882063824 +710 223 4 882063766 +710 264 2 882063564 +710 265 4 883705484 +710 269 3 882063224 +710 300 3 882063407 +710 310 3 882063224 +710 313 4 882860832 +710 318 4 882063710 +710 335 1 882063564 +710 603 4 882063921 +710 627 4 882064377 +710 654 4 882064524 +710 751 3 882860806 +710 1039 4 882063736 +710 1101 4 883705436 +711 8 5 879993707 +711 10 5 876185943 +711 25 4 876185920 +711 40 4 879994875 +711 50 4 876185648 +711 64 4 876278860 +711 65 4 879992968 +711 89 5 879993997 +711 95 4 879993758 +711 99 3 879993534 +711 111 2 876185574 +711 132 5 879993150 +711 137 5 886030557 +711 143 5 879993236 +711 144 2 879993871 +711 173 3 879993890 +711 185 4 876278721 +711 191 5 879993959 +711 193 4 879993092 +711 196 5 879993918 +711 204 3 879992994 +711 215 3 879994555 +711 216 4 879993149 +711 217 4 879994454 +711 222 3 876185896 +711 229 3 879995461 +711 230 3 879995053 +711 232 3 879993799 +711 248 5 886030732 +711 257 3 876185726 +711 269 5 879991028 +711 277 5 879991476 +711 283 4 876185788 +711 286 4 876185488 +711 315 4 886030353 +711 340 5 886030557 +711 343 3 882457816 +711 345 4 884485683 +711 401 3 879995405 +711 402 4 879993674 +711 404 3 879993579 +711 420 5 879995302 +711 421 4 879993674 +711 432 4 879992870 +711 463 5 879993959 +711 476 4 876185832 +711 483 5 879992739 +711 488 4 879992407 +711 509 4 879993674 +711 568 3 879995238 +711 588 4 879993173 +711 652 4 879993824 +711 658 4 879994581 +711 684 3 879993758 +711 692 3 879993150 +711 694 5 879993318 +711 699 5 879993728 +711 707 5 879993579 +711 713 3 879991283 +711 716 5 879995215 +711 720 3 879995077 +711 724 5 879995461 +711 731 4 879994656 +711 732 4 879994495 +711 735 5 886030557 +711 739 3 879995215 +711 741 4 886030774 +711 744 4 876185896 +711 763 1 876185767 +711 778 4 884485635 +711 909 4 889911007 +711 949 4 879994719 +711 966 5 879994390 +711 1014 4 886030873 +711 1046 3 879994367 +711 1074 3 879995754 +711 1117 4 883589726 +711 1118 4 879994633 +711 1119 4 879994632 +711 1152 1 879991762 +711 1160 5 884485704 +711 1221 4 879994777 +711 1285 3 879995238 +711 1466 4 883589693 +711 1518 3 879993997 +712 4 4 874730179 +712 26 2 874957053 +712 49 3 874956872 +712 59 2 874730420 +712 60 1 874730520 +712 72 4 874730261 +712 73 5 874730293 +712 79 4 874729850 +712 82 5 874730031 +712 97 5 874729816 +712 99 4 874729995 +712 110 5 874956956 +712 136 1 874730443 +712 177 2 874730155 +712 181 5 874729901 +712 202 4 874730031 +712 213 3 876251366 +712 215 3 874730031 +712 220 5 874729682 +712 232 3 874956903 +712 243 4 874956228 +712 366 5 874956713 +712 385 5 874729778 +712 386 3 874956956 +712 392 5 874729996 +712 399 5 874956872 +712 402 4 874729935 +712 404 3 874730467 +712 416 3 874957113 +712 420 3 874957140 +712 421 4 874729935 +712 431 3 874730552 +712 465 4 874957113 +712 498 3 874729935 +712 542 4 874956543 +712 568 5 874730491 +712 575 3 874957053 +712 584 4 874730342 +712 622 4 874730293 +712 623 4 874729778 +712 625 3 874956516 +712 660 4 874730234 +712 662 5 874730320 +712 692 5 874729995 +712 699 5 874956586 +712 722 3 874957086 +712 728 4 874956384 +712 731 5 874729750 +712 732 5 874730370 +712 734 4 874957027 +712 739 4 874729935 +712 746 4 874730085 +712 747 3 874730552 +712 776 4 874730155 +712 781 4 874956841 +712 783 3 874956981 +712 785 5 874730206 +712 787 3 876251366 +712 790 4 874956931 +712 796 4 874957268 +712 812 4 874729996 +712 842 3 874957160 +712 949 4 874730370 +712 955 2 874957293 +712 1043 3 874956788 +712 1091 3 874956543 +712 1119 4 874957269 +712 1178 4 874957086 +712 1469 4 874730206 +713 307 3 888882311 +713 310 4 888882133 +713 313 3 888882179 +713 340 3 888882133 +713 347 4 888882337 +713 539 3 888882085 +713 689 3 888882225 +713 1127 3 888882225 +713 1176 3 888882224 +713 1431 3 888881939 +713 1434 3 888882133 +713 1656 2 888882085 +714 7 4 892777903 +714 15 3 892777197 +714 50 5 892777876 +714 121 4 892777903 +714 181 5 892777876 +714 237 3 892776261 +714 252 3 892777619 +714 255 2 892777140 +714 282 4 892777903 +714 289 3 892778092 +714 300 5 892778035 +714 472 2 892777730 +714 477 2 892777408 +714 597 3 892777533 +714 685 4 892777903 +714 763 4 892777903 +714 871 3 892777903 +715 12 4 875963657 +715 27 3 875964051 +715 33 3 875964751 +715 53 1 875963946 +715 58 4 875964131 +715 69 4 875963692 +715 70 3 875964105 +715 73 4 875964410 +715 82 4 875964025 +715 83 4 875963792 +715 87 4 875963024 +715 89 3 875963538 +715 90 5 875964386 +715 92 3 875963899 +715 111 3 875962173 +715 117 3 875961816 +715 150 4 875961898 +715 156 4 875964438 +715 159 3 875964330 +715 172 4 875963452 +715 174 4 875963306 +715 175 3 875962964 +715 179 4 875963596 +715 181 4 875961816 +715 193 5 875965127 +715 202 5 875962931 +715 204 4 875964025 +715 216 4 875963452 +715 217 2 875963452 +715 228 3 875963486 +715 231 3 875963273 +715 232 4 875964905 +715 239 4 875963867 +715 250 2 875962806 +715 252 1 875962049 +715 265 5 875964105 +715 276 3 875962454 +715 284 4 875962109 +715 288 4 875962201 +715 298 4 875962076 +715 318 5 875963867 +715 380 3 875965058 +715 399 2 875963418 +715 410 4 875962227 +715 425 4 875964655 +715 426 5 875964104 +715 447 3 875963452 +715 455 3 875962109 +715 475 4 875962049 +715 591 4 875962109 +715 627 3 875964614 +715 655 4 875964203 +715 732 3 875964179 +715 735 4 875964224 +715 739 2 875964681 +715 743 2 875962806 +715 755 2 875964704 +715 756 2 875962280 +715 789 4 875963353 +715 826 2 875962652 +715 926 4 875962201 +715 955 4 875963596 +715 976 1 875962339 +715 1011 4 875962524 +715 1045 2 875965171 +715 1047 3 875962500 +716 1 5 879793192 +716 4 2 879796046 +716 23 4 879795643 +716 25 4 879793737 +716 28 5 879794815 +716 47 3 879795606 +716 48 5 879795314 +716 49 4 879797286 +716 82 5 879796138 +716 86 5 879796072 +716 91 5 879796438 +716 95 4 879794775 +716 96 2 879795122 +716 97 4 879794996 +716 105 2 879794450 +716 111 4 879793443 +716 118 2 879793763 +716 127 5 879793293 +716 131 5 879796311 +716 133 5 879795239 +716 143 5 879796171 +716 144 2 879795467 +716 153 4 879796311 +716 157 3 879796914 +716 159 4 879797475 +716 160 2 879797303 +716 163 4 879795949 +716 176 3 879795189 +716 181 4 879793221 +716 186 3 879795867 +716 187 3 879795189 +716 191 5 879796046 +716 192 3 879794870 +716 194 5 879795576 +716 196 5 879796596 +716 205 5 879796438 +716 211 5 879796171 +716 235 2 879794154 +716 238 4 879797286 +716 248 4 879793293 +716 275 5 879793501 +716 282 3 879793501 +716 293 4 879793258 +716 318 5 879794962 +716 340 3 879792665 +716 357 5 879795762 +716 381 4 879795644 +716 392 2 879796895 +716 405 4 879793844 +716 412 2 879794727 +716 414 4 879797152 +716 416 3 879796354 +716 417 3 879797257 +716 423 4 879795496 +716 425 5 879796279 +716 427 5 879795375 +716 443 4 879796381 +716 445 3 879797221 +716 470 4 879797152 +716 471 2 879795375 +716 472 3 879794032 +716 478 4 879795735 +716 481 4 879795025 +716 483 5 879795790 +716 484 4 879795867 +716 488 4 879796171 +716 490 4 879794870 +716 491 4 879794934 +716 496 5 879795467 +716 499 4 879796942 +716 502 3 879795867 +716 503 3 879795071 +716 504 5 879795189 +716 507 5 879796072 +716 521 3 879796846 +716 526 5 879795269 +716 527 5 879795813 +716 568 4 879796718 +716 570 3 879797286 +716 588 4 879795606 +716 602 5 879795691 +716 611 5 879795496 +716 628 3 879793376 +716 651 5 879796278 +716 661 3 879794870 +716 663 5 879795467 +716 673 4 879797535 +716 675 2 879796766 +716 705 5 879794892 +716 707 4 879795121 +716 729 2 879795375 +716 836 4 879795425 +716 837 4 879796475 +716 866 3 879794200 +716 956 4 879796011 +716 969 4 879794815 +716 1039 5 879796808 +716 1047 3 879794200 +716 1050 4 879797303 +716 1203 2 879795239 +717 25 5 884642710 +717 100 4 884642268 +717 106 4 884642932 +717 111 4 884642479 +717 117 4 884642339 +717 150 4 884642339 +717 222 4 884642215 +717 235 4 884642762 +717 246 5 884715146 +717 268 5 884642133 +717 271 2 884641842 +717 274 4 884642581 +717 282 5 884642817 +717 286 3 884641644 +717 287 5 884642558 +717 290 3 884642738 +717 291 4 884642479 +717 293 5 884715103 +717 294 3 884641842 +717 301 4 884641717 +717 302 5 884641599 +717 322 5 884642133 +717 324 3 884641842 +717 328 4 884641842 +717 331 3 884641681 +717 340 4 884641599 +717 358 2 884642001 +717 405 3 884642738 +717 471 4 884642427 +717 475 5 884642187 +717 748 3 884641884 +717 751 4 884642001 +717 980 4 884642268 +718 111 4 883348634 +718 222 4 883348712 +718 240 1 883349467 +718 273 3 883348712 +718 274 3 883349363 +718 284 4 883349191 +718 300 5 883348269 +718 471 5 883348634 +718 546 4 883349158 +718 591 4 883349191 +718 689 4 883348355 +718 742 5 883348873 +718 756 5 883349384 +718 820 2 883349642 +718 841 4 883349557 +718 879 2 883348355 +718 926 2 883348912 +718 975 2 883349301 +718 982 4 883348912 +718 1048 2 883349363 +718 1165 3 883349598 +719 7 2 877311269 +719 9 4 883354106 +719 23 3 888897264 +719 50 2 879358671 +719 66 3 888454637 +719 118 2 879360001 +719 121 1 879372253 +719 126 2 884900234 +719 223 5 879360442 +719 237 2 877917981 +719 281 3 888897264 +719 282 4 879358874 +719 289 2 877311150 +719 291 3 884900301 +719 357 4 879360583 +719 392 4 879360846 +719 532 3 888449606 +719 659 4 879373935 +719 660 5 879360493 +719 673 3 879360965 +719 742 4 879358893 +719 778 3 883982002 +720 258 4 891262762 +720 269 3 891262608 +720 302 5 891262608 +720 304 4 891262697 +720 306 4 891262635 +720 315 4 891262608 +720 333 4 891262669 +720 345 2 891262762 +720 749 3 891262812 +720 872 3 891262780 +720 906 4 891262697 +720 995 4 891262762 +720 1062 5 891262812 +721 22 5 877139147 +721 50 5 877138584 +721 70 3 877145403 +721 82 4 877139015 +721 87 3 877140859 +721 135 3 877140490 +721 157 3 877140137 +721 175 5 877140282 +721 191 3 877140490 +721 194 5 877138024 +721 196 5 877139147 +721 215 4 877141373 +721 258 3 877135269 +721 259 3 877137527 +721 264 1 877135806 +721 288 3 877137447 +721 289 3 877137597 +721 294 3 877137447 +721 300 5 877135806 +721 302 3 877137358 +721 305 3 877137285 +721 317 4 877147872 +721 318 4 877140047 +721 324 3 877137447 +721 325 3 877137109 +721 328 5 877136303 +721 333 3 877137358 +721 357 5 877140221 +721 358 1 877137214 +721 382 4 877147675 +721 393 5 877138200 +721 402 4 877147200 +721 403 4 877139638 +721 527 5 877140046 +721 632 4 877147675 +721 655 2 877140490 +721 680 3 877137448 +721 681 3 877137214 +721 687 3 877137358 +721 688 3 877136967 +721 690 3 877136967 +721 699 3 877147080 +721 715 2 877147726 +721 732 4 877147079 +721 749 3 877137359 +721 755 4 877139773 +721 875 3 877137527 +721 877 3 877137285 +721 879 4 877136175 +721 881 3 877137359 +721 984 3 877137527 +721 989 3 877137527 +721 990 5 877137213 +721 1296 3 877137285 +721 1392 3 877137598 +722 7 4 891280842 +722 13 2 891281876 +722 118 4 891281349 +722 122 3 891281655 +722 124 4 891280842 +722 147 3 891281158 +722 151 5 891281020 +722 237 4 891280988 +722 291 4 891281228 +722 300 3 891279945 +722 307 4 891280245 +722 412 2 891281679 +722 458 4 891280955 +722 546 3 891280866 +722 678 3 891280443 +723 28 3 880498970 +723 137 3 880498970 +723 174 4 880498996 +724 245 2 883757874 +724 266 1 883758119 +724 271 2 883757834 +724 288 4 883757597 +724 299 1 883758119 +724 300 3 883757468 +724 304 4 883757703 +724 305 3 883757259 +724 310 5 883757170 +724 311 1 883757597 +724 326 4 883757671 +724 342 3 883757874 +724 344 1 883757468 +724 346 1 883757703 +724 358 1 883757834 +724 361 1 883758241 +724 538 2 883757537 +724 680 1 883758119 +724 690 1 883757468 +724 872 1 883757537 +724 877 1 883757834 +724 880 3 883757834 +724 882 1 883758267 +724 908 1 883758208 +724 909 1 883758208 +724 937 3 883757670 +724 1176 1 883757397 +724 1617 1 883757703 +725 100 5 876106729 +725 245 4 876103793 +725 258 4 876106729 +725 264 1 876103811 +725 300 4 876106729 +725 358 3 876103744 +725 1197 3 876106243 +726 257 3 889831166 +726 274 4 889831222 +726 355 3 889829235 +726 819 3 889832688 +726 845 3 889832358 +726 1014 1 889832744 +727 2 4 883711874 +727 24 3 883709711 +727 33 3 883711150 +727 38 1 883712993 +727 42 5 883710375 +727 50 4 883708951 +727 54 3 883711045 +727 63 2 883713454 +727 68 4 883710347 +727 69 4 883710186 +727 72 3 883712476 +727 73 4 883713048 +727 91 4 883710396 +727 95 4 883710948 +727 105 1 883709884 +727 109 2 883709266 +727 117 3 883708660 +727 121 4 883709518 +727 123 3 883709402 +727 125 4 883710598 +727 131 2 883711699 +727 132 2 883710271 +727 153 4 883710856 +727 154 3 883711567 +727 155 3 883712068 +727 156 4 883710326 +727 159 2 883712016 +727 177 4 883710687 +727 181 3 883708750 +727 184 3 883710761 +727 187 5 883710104 +727 195 4 883710375 +727 197 3 883710271 +727 201 4 883710717 +727 202 4 883711354 +727 203 5 883710236 +727 204 3 883710395 +727 208 4 883711240 +727 210 3 883710123 +727 217 3 883712913 +727 232 3 883712780 +727 234 2 883711699 +727 248 5 883709207 +727 259 4 883708265 +727 265 4 883710326 +727 271 4 883708149 +727 275 3 883708927 +727 282 4 883709157 +727 284 3 883709607 +727 294 4 883708087 +727 312 3 883708435 +727 343 3 883708149 +727 356 3 883712365 +727 367 3 883712430 +727 378 3 883712603 +727 380 3 883712397 +727 386 2 883712805 +727 401 2 883713521 +727 403 4 883712282 +727 419 2 883710236 +727 424 1 883713454 +727 432 2 883711298 +727 433 5 883710994 +727 441 2 883711924 +727 507 2 883710948 +727 539 2 883708523 +727 541 4 883712751 +727 542 2 883712993 +727 549 3 883712219 +727 562 2 883713548 +727 566 3 883711449 +727 569 2 883713286 +727 585 2 883713257 +727 628 3 883709774 +727 658 5 883711720 +727 678 3 883708229 +727 680 3 883708462 +727 684 4 883710948 +727 692 4 883711240 +727 720 2 883712037 +727 746 4 883710514 +727 747 2 883712519 +727 765 2 883712780 +727 775 4 883713147 +727 783 3 883713737 +727 790 2 883711616 +727 801 2 883713194 +727 809 4 883713082 +727 826 2 883713738 +727 831 3 883709839 +727 866 3 883709710 +727 890 1 883708478 +727 933 1 883709009 +727 949 3 883711616 +727 993 4 883709750 +727 1047 2 883709750 +727 1088 2 883709884 +727 1119 3 883711923 +727 1217 3 883711965 +727 1218 4 883712068 +727 1231 3 883713082 +727 1273 3 883713286 +727 1411 2 883713419 +727 1657 3 883711991 +728 25 4 879443155 +728 117 4 879443321 +728 282 4 879443291 +728 322 4 879442761 +728 508 4 879443265 +728 678 4 879442794 +728 871 2 879443321 +729 328 3 893286638 +729 333 4 893286638 +729 354 5 893286637 +729 683 2 893286511 +729 689 4 893286638 +729 690 2 893286149 +729 879 3 893286299 +730 15 4 880310264 +730 50 4 880310285 +730 109 4 880310390 +730 117 3 880310300 +730 125 4 880310521 +730 298 4 880310426 +730 300 3 880309964 +730 332 3 880309870 +730 748 4 880310082 +731 1 2 886184421 +731 8 2 886184681 +731 56 2 886179161 +731 95 3 886183978 +731 97 5 886183681 +731 153 3 886182555 +731 168 1 886185744 +731 183 1 886185744 +731 192 5 886182457 +731 194 3 886183681 +731 197 5 886185743 +731 205 1 886187652 +731 216 5 886184682 +731 357 5 886187538 +731 378 1 886187652 +731 393 5 886183978 +731 419 4 886183039 +731 462 5 886186568 +731 487 4 886184682 +731 504 3 886183209 +731 507 3 886184771 +731 508 1 886186811 +731 510 1 886186091 +731 662 3 886183209 +731 945 4 886183209 +731 1269 3 886187652 +732 286 5 882589593 +732 300 4 882589552 +732 324 2 882590201 +732 690 5 882589626 +732 873 5 882589845 +732 882 5 882589819 +732 938 1 882590201 +733 7 3 879535603 +733 10 3 879535559 +733 14 5 879535368 +733 16 3 879535969 +733 19 5 879535338 +733 121 3 879536723 +733 125 2 879535814 +733 146 3 879536001 +733 147 1 879535938 +733 221 4 879535265 +733 224 4 879535265 +733 237 3 879535338 +733 242 4 879535011 +733 248 3 879535752 +733 253 3 879535407 +733 275 3 879535265 +733 279 2 879535968 +733 284 2 879535129 +733 287 3 879535129 +733 288 2 879535694 +733 293 4 879535559 +733 294 2 879536001 +733 298 2 879535502 +733 322 2 879536523 +733 459 4 879535440 +733 676 4 879535603 +733 820 2 879536608 +733 847 3 879535471 +733 1009 2 879536723 +733 1067 5 879535603 +733 1129 4 879535338 +733 1142 4 879535694 +733 1171 3 879535780 +733 1173 2 879535814 +733 1658 3 879535780 +734 56 1 891022752 +734 82 4 891022704 +734 83 4 891022733 +734 98 4 891025247 +734 99 4 891023086 +734 111 3 891025993 +734 143 5 891022958 +734 166 3 891022849 +734 172 4 891022212 +734 174 4 891025247 +734 198 1 891022734 +734 204 4 891022938 +734 210 3 891022937 +734 222 1 891022849 +734 419 4 891023066 +734 482 2 891025591 +734 582 2 891022684 +734 591 4 891022977 +734 604 4 891023086 +734 607 5 891023066 +734 662 3 891022704 +734 699 4 891022752 +734 751 4 891021937 +735 1 4 876698796 +735 9 4 876698755 +735 25 4 876698684 +735 100 2 876698796 +735 126 3 876698570 +735 147 1 876698643 +735 258 4 876697561 +735 269 3 876698022 +735 276 4 876698796 +735 293 3 876698570 +735 327 3 876698022 +735 332 3 876698022 +735 333 4 876697647 +735 628 3 876698755 +735 690 4 876697561 +735 741 2 876698796 +735 744 3 876698714 +735 813 4 876698570 +736 50 3 878708579 +736 181 2 878708646 +736 246 4 878708929 +736 248 4 878709365 +736 255 1 878709025 +736 257 3 878708721 +736 296 4 878709365 +736 515 5 878709365 +736 532 4 878709365 +737 12 4 884314922 +737 47 3 884314970 +737 89 4 884314664 +737 127 5 884315175 +737 175 5 884315246 +737 180 4 884314644 +737 186 5 884314944 +737 222 3 884315127 +737 427 3 884314970 +737 428 4 884315066 +738 22 3 875349713 +738 39 3 875350720 +738 42 2 875350012 +738 56 4 875350418 +738 63 3 875351905 +738 69 5 892844079 +738 71 3 875350352 +738 79 3 875351019 +738 95 4 875350122 +738 96 5 892844112 +738 127 4 892957753 +738 136 4 892958170 +738 144 5 892844079 +738 151 4 875352737 +738 153 4 875350223 +738 172 4 875349895 +738 174 5 875349968 +738 175 4 875349968 +738 178 4 875349628 +738 180 5 892844112 +738 183 5 892844079 +738 186 4 875351773 +738 188 3 875350456 +738 191 4 875350086 +738 195 4 875349628 +738 196 4 875350086 +738 199 4 892938594 +738 205 5 892844079 +738 208 4 875350418 +738 210 5 892844112 +738 226 3 875351299 +738 230 4 875351530 +738 233 3 875353678 +738 257 3 875348912 +738 265 4 892957967 +738 298 3 875348670 +738 318 5 892844112 +738 357 4 875353869 +738 367 3 875351346 +738 380 3 875351530 +738 385 5 892844079 +738 393 3 875350944 +738 403 3 875351638 +738 405 2 875349968 +738 496 4 875351346 +738 511 4 875349584 +738 603 5 892844079 +738 651 4 892957752 +738 747 4 875351603 +738 751 3 892938297 +738 916 3 892938181 +738 969 4 892957860 +739 56 4 886958938 +739 69 5 886959069 +739 79 4 886958938 +739 96 5 886959039 +739 100 5 886825383 +739 132 4 886959039 +739 216 4 886958831 +739 286 2 886825020 +739 359 5 886825529 +739 526 5 886958895 +739 969 1 886959039 +739 1429 5 886825529 +740 242 4 879523187 +740 288 4 879523187 +740 289 4 879523187 +740 319 3 879522781 +740 322 3 879522839 +740 748 3 879522872 +740 938 1 879522906 +741 5 3 891455671 +741 25 3 891458428 +741 31 3 891455516 +741 38 2 891455832 +741 48 4 891018550 +741 54 3 891455610 +741 69 4 891018550 +741 70 4 891456573 +741 77 3 891455671 +741 82 3 891018400 +741 88 4 891457456 +741 94 3 891457483 +741 95 2 891018400 +741 98 5 891455516 +741 202 3 891455316 +741 228 2 891455610 +741 234 4 891455545 +741 241 4 891019625 +741 275 4 891019587 +741 280 3 891458403 +741 399 2 891457456 +741 435 4 891455353 +741 651 4 891018507 +741 722 3 891457528 +741 783 3 891457633 +741 785 3 891457371 +741 815 3 891458647 +741 1029 1 891457506 +741 1074 2 891457395 +741 1090 1 891455880 +742 109 1 881335960 +742 117 2 881335528 +742 181 3 881335281 +742 222 2 881336006 +742 250 3 881336006 +742 258 5 881005590 +742 321 3 881005611 +742 508 4 881335461 +742 1012 4 881335528 +743 15 3 881277855 +743 100 5 881277962 +743 222 4 881277962 +743 224 5 881277931 +743 268 4 881277551 +743 273 3 881278061 +743 288 2 881277690 +743 297 5 881277931 +743 298 4 881278061 +743 300 4 881277267 +743 311 5 881277551 +743 321 2 881277690 +743 879 4 881277656 +744 28 3 881170416 +744 50 3 881172357 +744 127 5 881171481 +744 237 4 881171907 +744 238 4 881170416 +744 428 4 881170528 +744 482 3 881171420 +744 508 5 881171907 +744 603 5 881170528 +744 628 2 881172357 +744 963 5 881170576 +744 1134 3 881171482 +745 7 4 880123019 +745 8 4 880123627 +745 98 5 880123905 +745 100 5 880122809 +745 174 3 880123179 +745 177 3 880123572 +745 181 2 880122965 +745 183 3 880123205 +745 188 3 880123540 +745 190 5 880123905 +745 203 3 880123696 +745 215 3 880123751 +745 222 2 880123126 +745 285 1 880123905 +745 286 1 880123905 +745 425 4 880123540 +745 480 3 880123361 +745 492 5 880123572 +745 515 4 880122863 +745 519 5 880123751 +745 520 3 880123696 +745 527 3 880123486 +745 531 3 880123517 +745 646 4 880123416 +745 1126 2 880123572 +746 24 4 885075434 +746 38 2 885075476 +746 50 5 885075165 +746 56 3 885075211 +746 79 5 885075165 +746 96 4 885075267 +746 117 4 885075304 +746 128 3 885075211 +746 157 4 885075590 +746 181 5 885075166 +746 184 4 885075267 +746 196 4 885075612 +746 226 4 885075434 +746 231 2 885075476 +746 232 3 885075304 +746 399 3 885075211 +746 431 5 885075304 +746 523 3 885075497 +746 546 3 885075434 +746 550 4 885075367 +746 566 4 885075367 +746 578 4 885075399 +747 3 2 888733567 +747 4 4 888733111 +747 23 5 888639735 +747 25 3 888639318 +747 28 4 888640915 +747 29 1 888734152 +747 44 2 888639437 +747 48 5 888639890 +747 79 4 888640392 +747 87 5 888640222 +747 91 5 888640820 +747 99 5 888640524 +747 108 4 888733415 +747 109 5 888733274 +747 116 4 888639318 +747 132 4 888732640 +747 135 5 888640437 +747 152 3 888640222 +747 153 4 888639989 +747 156 3 888639362 +747 163 4 888733111 +747 173 3 888640862 +747 180 5 888639735 +747 183 5 888732899 +747 205 5 888639102 +747 208 5 888640862 +747 211 5 888639014 +747 223 5 888638913 +747 228 4 888639736 +747 279 4 888732571 +747 282 2 888640475 +747 292 4 888638293 +747 302 5 888638091 +747 303 5 888638091 +747 316 4 888638552 +747 327 4 888638425 +747 408 5 888639481 +747 419 5 888640820 +747 432 5 888640567 +747 443 5 888640136 +747 461 5 888639526 +747 467 4 888639222 +747 474 5 888639526 +747 478 4 888639437 +747 486 5 888732609 +747 492 4 888639060 +747 494 5 888639015 +747 496 5 888640136 +747 497 5 888639890 +747 500 4 888640222 +747 501 5 888639362 +747 502 5 888733182 +747 509 5 888639176 +747 531 4 888732609 +747 580 5 888734112 +747 588 5 888639989 +747 591 2 888640776 +747 634 5 888639222 +747 639 5 888732899 +747 648 5 888734012 +747 650 4 888639014 +747 654 5 888639939 +747 661 5 888639642 +747 693 5 888732899 +747 705 5 888639939 +747 739 3 888734072 +747 783 1 888732921 +747 835 3 888640180 +747 844 4 888640136 +747 929 3 888733218 +747 939 3 888639362 +747 952 2 888733630 +747 967 3 888639318 +747 997 3 888733480 +747 1028 1 888733480 +747 1050 3 888640099 +747 1067 2 888733348 +747 1142 4 888732952 +747 1194 5 888639102 +747 1203 5 888639685 +747 1204 4 888639102 +747 1375 4 888732571 +747 1660 2 888640731 +748 8 4 879455126 +748 22 4 879455126 +748 48 4 879455083 +748 50 5 879454428 +748 71 3 879454546 +748 86 4 879455126 +748 135 4 879454998 +748 143 3 879454546 +748 144 4 879454707 +748 154 3 879454602 +748 173 4 879454831 +748 174 5 879454405 +748 176 5 879454773 +748 179 4 879454728 +748 183 4 879454584 +748 188 4 879455167 +748 193 3 879454789 +748 196 3 879454958 +748 228 3 879454687 +748 250 5 879454383 +748 258 5 879454081 +748 319 3 879454107 +748 357 3 879454584 +748 474 4 879454475 +748 496 4 879454455 +748 514 4 879454749 +748 528 3 879454880 +748 654 4 879454998 +748 678 2 879454233 +748 710 3 879455410 +748 748 4 879454208 +749 1 4 881602577 +749 2 4 878849375 +749 11 5 878848189 +749 15 5 878846841 +749 23 3 878849176 +749 31 5 878847209 +749 49 4 878848137 +749 56 2 878847404 +749 62 3 878849052 +749 64 4 878847171 +749 69 5 878847576 +749 73 4 878849586 +749 78 3 878850632 +749 86 4 878848369 +749 105 1 878849508 +749 117 4 878846654 +749 121 3 878847645 +749 125 5 878848764 +749 132 4 878847926 +749 134 4 878847286 +749 142 4 878850456 +749 144 5 878847835 +749 145 4 878849433 +749 148 3 878850212 +749 151 5 878846783 +749 154 5 878847988 +749 159 4 878849956 +749 168 5 878847765 +749 172 5 878847239 +749 173 5 878847740 +749 175 3 878847576 +749 176 4 878847954 +749 182 3 878848639 +749 183 5 878847286 +749 187 3 881073104 +749 188 3 878848302 +749 194 5 878847541 +749 195 5 878848639 +749 199 5 878847171 +749 216 4 878848137 +749 222 3 878847716 +749 228 5 878848828 +749 231 4 878849660 +749 238 3 878847863 +749 245 4 878846423 +749 250 3 878846978 +749 252 3 878847057 +749 254 2 881602674 +749 280 4 878847835 +749 293 4 878846783 +749 294 2 878846265 +749 295 3 881602635 +749 366 4 878849903 +749 378 5 878847612 +749 389 3 878849375 +749 399 3 878849433 +749 403 4 878849903 +749 406 4 881072892 +749 434 4 878848369 +749 468 3 878848333 +749 472 4 878849149 +749 477 3 878848405 +749 501 4 878847209 +749 511 4 878847286 +749 521 4 878847765 +749 550 4 878850212 +749 554 3 878849612 +749 578 3 878850429 +749 595 4 878850107 +749 603 5 878847804 +749 616 3 878848612 +749 622 3 878850675 +749 625 3 878848430 +749 633 4 878848764 +749 659 5 878847611 +749 663 4 878847988 +749 732 4 878848452 +749 735 5 878847716 +749 736 3 878847988 +749 755 4 878848866 +749 781 4 878849979 +749 826 3 878850038 +749 837 5 878848587 +749 841 3 878850768 +749 843 3 878848998 +749 879 4 878846449 +749 944 4 878849482 +749 951 4 878848533 +749 1047 3 878849740 +749 1089 3 882804586 +749 1228 4 878850748 +749 1337 3 882804605 +750 269 4 879445755 +750 270 4 879445877 +750 271 4 879445911 +750 286 4 879445755 +750 294 4 879445961 +750 300 3 879446013 +750 301 4 879445911 +750 306 4 879445877 +750 330 2 879446215 +750 331 4 879446114 +750 358 3 879446216 +750 688 1 879446013 +750 881 2 879446114 +751 42 5 889133429 +751 50 5 889132162 +751 56 4 889132775 +751 62 4 889298660 +751 70 4 889297870 +751 85 3 889297767 +751 88 4 889298660 +751 100 4 889132252 +751 131 5 889132966 +751 168 5 888871900 +751 178 5 889132896 +751 181 5 889132397 +751 194 5 889297693 +751 248 5 889132413 +751 250 3 889132397 +751 269 5 888871900 +751 272 4 887134672 +751 291 3 889299155 +751 301 5 887134816 +751 305 2 887134730 +751 316 4 888871453 +751 380 3 889298548 +751 381 1 889134419 +751 386 3 889299078 +751 405 3 889298528 +751 418 5 889135211 +751 419 4 889134533 +751 436 4 889135879 +751 472 2 889299043 +751 480 4 889133129 +751 483 5 889132849 +751 487 5 889134705 +751 568 3 889133334 +751 591 1 889132375 +751 652 4 889133951 +751 659 5 889133012 +751 734 1 889299637 +751 735 4 889134332 +751 736 5 889134533 +751 748 2 887135437 +751 755 4 889298116 +751 778 3 889297178 +751 856 2 889134393 +751 1007 4 889132222 +751 1011 4 889132599 +751 1661 1 889299429 +752 270 4 891208077 +752 271 5 891208452 +752 272 4 891207898 +752 286 1 891207940 +752 288 5 891208452 +752 289 1 891208299 +752 300 3 891208126 +752 310 1 891207791 +752 311 3 891207983 +752 313 3 891207791 +752 322 1 891208261 +752 326 1 891208299 +752 340 4 891208077 +752 347 4 891207846 +752 690 4 891208170 +752 748 4 891208392 +752 896 3 891207846 +752 905 2 891207940 +752 1105 3 891207983 +753 50 4 891401902 +753 79 4 891401665 +753 96 1 891401366 +753 182 3 891401851 +753 359 4 891399477 +753 462 4 891401510 +753 483 5 891401712 +753 484 5 891401757 +753 499 3 891402323 +753 510 4 891401457 +753 515 5 891401712 +753 673 1 891402379 +753 898 4 891400364 +754 9 4 879451626 +754 255 3 879451585 +754 284 3 879451775 +754 476 4 879451742 +754 619 4 879451517 +754 676 3 879451517 +754 742 3 879451991 +754 744 3 879452073 +754 819 3 879452116 +754 937 4 879451061 +755 259 3 882570140 +755 269 5 882569604 +755 294 3 882569574 +755 302 4 882569771 +755 304 4 882569881 +755 319 3 882569801 +755 343 3 882570077 +755 689 3 882570077 +755 690 5 882569574 +755 875 1 882570023 +756 3 1 874829174 +756 55 5 875129318 +756 63 3 874830908 +756 92 3 874828027 +756 99 3 874829258 +756 100 5 874831383 +756 117 4 874828826 +756 122 1 874831227 +756 135 2 874827884 +756 138 2 874830864 +756 161 3 874831194 +756 176 4 874828826 +756 178 5 874831383 +756 234 3 874829924 +756 325 3 874832132 +756 367 4 874827614 +756 398 3 874831050 +756 399 2 874828967 +756 404 3 874830908 +756 409 2 874830998 +756 418 3 874829333 +756 421 4 874829637 +756 423 3 874830675 +756 527 3 874828242 +756 550 2 874829152 +756 554 1 874829152 +756 603 5 874831383 +756 642 2 874829924 +756 753 2 874832788 +756 930 3 874830344 +756 1009 4 874827247 +756 1119 4 874828349 +756 1274 2 874828278 +757 2 3 888466490 +757 4 5 888466461 +757 7 4 888444826 +757 22 4 888466407 +757 24 4 888444616 +757 28 3 888467794 +757 38 3 888467038 +757 50 4 888444056 +757 58 3 888467592 +757 71 4 888445838 +757 89 4 888445279 +757 100 3 888444056 +757 117 4 888444181 +757 129 3 888444400 +757 144 4 888466490 +757 157 3 888467855 +757 161 3 888468909 +757 168 4 888468756 +757 179 4 888467855 +757 193 4 888445521 +757 195 4 888445802 +757 196 4 888445604 +757 202 4 888445730 +757 203 5 888445521 +757 205 4 888467498 +757 207 2 888468632 +757 217 3 888467381 +757 226 3 888467038 +757 241 3 888466863 +757 248 4 888444209 +757 260 3 888443511 +757 265 3 888466614 +757 333 4 888443263 +757 399 3 888466782 +757 423 3 888445279 +757 549 5 888468540 +757 569 3 888467400 +757 588 3 888467286 +757 651 4 888445279 +757 678 2 888443531 +757 684 4 888445864 +757 685 3 888444684 +757 693 4 888467498 +757 743 2 888445172 +757 771 2 888467160 +757 1035 2 888469113 +757 1090 2 888467187 +757 1188 3 888466651 +757 1210 2 888467187 +758 4 4 881977375 +758 7 5 881975243 +758 14 5 883287566 +758 24 4 881979891 +758 26 4 881977108 +758 50 4 884999132 +758 56 5 881976031 +758 58 4 881977169 +758 64 5 881974931 +758 69 5 881976233 +758 81 5 881975815 +758 95 3 881977057 +758 100 5 881975119 +758 108 5 881978148 +758 121 2 881978864 +758 127 5 880672637 +758 128 4 881977625 +758 135 5 881974742 +758 153 5 881976377 +758 155 1 882054226 +758 159 3 881977408 +758 163 5 881976089 +758 172 4 881974880 +758 177 5 881974823 +758 191 5 881975853 +758 192 4 882053053 +758 197 3 881975687 +758 202 5 881976821 +758 221 3 881976335 +758 224 4 881975922 +758 235 5 881978274 +758 248 4 880672747 +758 249 4 880672782 +758 253 5 880672855 +758 258 4 880672230 +758 269 4 880672230 +758 271 4 884999132 +758 272 4 884413293 +758 282 3 881977488 +758 286 5 880672230 +758 287 5 881975182 +758 288 4 882056007 +758 297 4 880672700 +758 298 4 880672727 +758 302 5 882848498 +758 303 4 880672321 +758 305 4 880672257 +758 316 5 888020827 +758 324 5 880672230 +758 347 3 885257453 +758 373 4 882055347 +758 380 4 884999133 +758 385 4 881974742 +758 387 2 881978495 +758 391 3 881980386 +758 412 5 882054797 +758 427 4 881974742 +758 428 4 881976745 +758 431 3 881977309 +758 434 3 881976233 +758 441 3 882054797 +758 480 5 881975213 +758 482 5 881975922 +758 483 5 881975577 +758 512 5 881975416 +758 517 3 881976377 +758 527 5 881977169 +758 529 4 881979609 +758 554 3 882055007 +758 578 4 881977872 +758 587 4 881978635 +758 597 2 881978805 +758 607 5 881976032 +758 619 4 881977205 +758 634 5 881975922 +758 656 5 881976032 +758 684 4 881977872 +758 685 5 881979987 +758 686 3 881974823 +758 689 1 881295176 +758 716 2 881978864 +758 732 4 881977057 +758 742 4 881976168 +758 752 3 887086705 +758 764 1 882054519 +758 765 2 881980315 +758 790 4 881978115 +758 810 3 881980195 +758 826 3 882054854 +758 827 3 882055257 +758 837 4 881976377 +758 865 4 881975005 +758 889 3 889038958 +758 892 2 883190434 +758 977 2 882055347 +758 997 4 881979969 +758 1025 3 881295176 +758 1085 5 881975503 +758 1098 5 881976746 +758 1111 4 881977375 +758 1142 5 880672766 +758 1159 5 881974639 +758 1501 3 881978258 +759 258 4 875227686 +759 298 4 875227858 +759 300 5 875227686 +759 332 4 881476516 +759 678 2 875227742 +759 1016 5 881476922 +760 50 3 875666268 +760 65 2 875667131 +760 125 4 875666242 +760 162 3 875668418 +760 181 3 875666268 +760 183 2 875667366 +760 185 2 875667450 +760 202 3 875667834 +760 216 2 875667366 +760 278 4 875666242 +760 604 4 875668219 +760 723 2 875669011 +760 819 1 875666064 +761 1 1 876190094 +761 50 5 876189795 +761 147 4 876190370 +761 148 5 876189829 +761 181 5 876190072 +761 214 1 876190510 +761 222 4 876190025 +761 258 4 876189585 +761 261 1 876189871 +761 278 4 876190370 +761 288 4 876189614 +761 289 2 876189871 +761 294 3 876189664 +761 546 5 876190468 +761 678 2 876189689 +761 924 4 876190723 +761 1014 1 876190256 +761 1197 3 876190025 +761 1277 1 876190752 +762 116 1 878719186 +762 237 3 878719294 +762 302 5 878718810 +762 475 5 878719219 +762 1662 1 878719324 +763 1 4 878915559 +763 11 4 878918333 +763 22 4 878921853 +763 28 3 878915765 +763 69 4 878915600 +763 88 4 878918486 +763 96 2 878918213 +763 98 4 878914968 +763 111 2 878918871 +763 127 4 878920656 +763 151 4 878923488 +763 162 4 878923433 +763 164 4 878917850 +763 176 4 878919116 +763 195 4 878918360 +763 196 4 878919206 +763 197 4 878918360 +763 200 4 878915015 +763 210 3 878915015 +763 213 4 878917468 +763 237 3 878919153 +763 238 4 878915559 +763 258 3 878914901 +763 275 5 878915958 +763 283 4 878915600 +763 286 4 878914901 +763 367 3 878918871 +763 375 2 878923513 +763 418 4 878921530 +763 461 4 878915015 +763 469 4 878915958 +763 507 4 878918933 +763 588 4 878918213 +763 627 3 878923488 +763 629 5 878918871 +763 658 3 878915600 +763 742 4 878921584 +763 879 3 878914901 +763 960 4 878915958 +763 1268 5 878918933 +764 9 4 876242649 +764 11 4 876244652 +764 31 4 876246687 +764 71 5 876429672 +764 77 4 876246687 +764 86 3 876246358 +764 100 4 876242649 +764 118 3 876243046 +764 140 3 876245940 +764 143 5 876245331 +764 176 4 876244856 +764 223 3 876244625 +764 245 4 876244181 +764 321 1 876233034 +764 323 3 876233088 +764 496 5 876244991 +764 527 4 876339982 +764 588 5 876246409 +764 597 4 876243440 +764 742 3 876243410 +764 756 3 876243595 +764 820 3 876243953 +764 1152 3 876242755 +764 1221 4 876430033 +765 15 2 880346491 +765 25 4 880346418 +765 127 5 880346722 +765 237 3 880346797 +765 242 5 880345862 +765 285 5 880346694 +765 286 5 880345862 +766 52 4 891309177 +766 53 4 891310281 +766 77 2 891310313 +766 82 3 891309558 +766 90 1 891310313 +766 95 3 891309421 +766 98 3 891309522 +766 99 3 891309810 +766 127 5 891309011 +766 131 3 891309703 +766 134 5 891308968 +766 135 4 891309053 +766 168 5 891309090 +766 174 3 891308968 +766 188 4 891309484 +766 192 4 891309391 +766 202 3 891310281 +766 209 3 891309053 +766 211 4 891310009 +766 228 3 891309811 +766 229 3 891310210 +766 230 3 891310444 +766 231 2 891310851 +766 272 4 891306880 +766 318 5 891309522 +766 357 4 891309558 +766 366 3 891310875 +766 382 3 891310281 +766 419 3 891309913 +766 423 3 891309844 +766 431 3 891310067 +766 434 5 891309947 +766 447 3 891309522 +766 451 2 891310824 +766 482 3 891309117 +766 483 3 891309250 +766 487 3 891309090 +766 493 4 891309261 +766 494 3 891309177 +766 504 3 891309484 +766 507 3 891309878 +766 510 3 891310038 +766 520 4 891309146 +766 521 4 891309261 +766 559 4 891310824 +766 588 3 891309484 +766 646 4 891309053 +766 648 3 891309913 +766 654 4 891309090 +766 674 3 891310772 +766 675 3 891308927 +766 679 3 891310337 +766 951 3 891310540 +766 1203 3 891309421 +766 1444 2 891310508 +767 56 4 891462759 +767 98 5 891462560 +767 100 5 891462560 +767 141 4 891462870 +767 172 5 891462614 +767 176 3 891462759 +767 187 4 891462658 +767 207 5 891462759 +767 478 4 891463095 +767 486 4 891462560 +767 495 4 891463095 +767 506 5 891462829 +767 657 4 891462917 +767 1068 4 891462829 +768 1 5 883835025 +768 50 4 883834705 +768 65 4 887305100 +768 70 4 888798611 +768 111 3 880136139 +768 117 4 883834981 +768 173 5 883835053 +768 252 3 880136317 +768 257 4 880136012 +768 275 4 880135736 +768 278 2 883835210 +768 282 4 880135987 +768 288 4 883834705 +768 332 4 879523820 +768 340 2 879523820 +768 756 3 883835053 +768 826 1 883835210 +768 845 2 880135875 +768 1014 2 882816126 +768 1016 2 883834814 +769 15 3 885423824 +769 258 3 885422650 +769 269 5 885422510 +769 546 4 885424242 +769 824 2 885424511 +769 934 4 885424462 +770 1 5 875972219 +770 25 5 875972582 +770 118 4 875973080 +770 181 3 875972219 +770 244 4 875973047 +770 253 5 875971949 +770 255 4 875972099 +770 282 5 875972927 +770 288 4 875971612 +770 289 5 875971655 +770 295 4 875972290 +770 300 5 875971612 +770 301 4 875971703 +770 325 4 875971703 +770 477 4 875972259 +770 508 5 875972322 +770 546 4 875972699 +770 875 4 875971612 +770 919 5 875972024 +771 4 1 880659748 +771 28 5 880659392 +771 71 5 880659815 +771 83 5 880659369 +771 88 4 880659970 +771 91 4 880659815 +771 154 2 880659426 +771 203 1 880659482 +771 222 2 880659709 +771 237 5 880659482 +771 241 1 880659791 +771 242 4 880659235 +771 258 5 880659323 +771 275 5 880659392 +771 289 4 886640547 +771 542 4 880659834 +771 690 4 880659235 +771 707 4 880659507 +771 762 2 880659970 +771 873 3 886635816 +771 949 5 880659941 +771 993 4 880660199 +772 304 4 876250442 +772 307 4 889028773 +772 312 4 889028941 +772 313 5 889028363 +772 321 5 877533625 +772 326 4 877533625 +772 332 4 877533731 +772 678 4 877533546 +772 879 4 877533731 +772 898 3 889028941 +773 14 5 888538620 +773 27 1 888540218 +773 37 3 888540352 +773 45 4 888538776 +773 47 4 888539512 +773 52 3 888538853 +773 53 3 888540147 +773 56 2 888539328 +773 60 5 888538931 +773 64 4 888540507 +773 72 3 888539531 +773 91 4 888539232 +773 92 4 888540041 +773 100 4 888539347 +773 169 5 888539232 +773 171 5 888538726 +773 175 4 888539425 +773 188 3 888540091 +773 191 4 888540448 +773 204 3 888539559 +773 218 2 888540295 +773 228 3 888539993 +773 229 3 888540112 +773 234 2 888540279 +773 238 4 888539347 +773 239 4 888539512 +773 268 4 888538249 +773 384 2 888539766 +773 433 3 888539471 +773 559 2 888540314 +773 639 4 888538931 +773 665 2 888540187 +773 769 1 888540390 +773 959 4 888539608 +773 1021 5 888539011 +773 1187 3 888540020 +773 1188 2 888539842 +773 1475 4 888539027 +774 4 2 888556090 +774 22 2 888556600 +774 28 3 888556698 +774 31 1 888558284 +774 52 3 888556659 +774 54 1 888556814 +774 89 2 888557198 +774 105 1 888558946 +774 127 4 888557198 +774 135 3 888556600 +774 172 3 888557198 +774 179 5 888556634 +774 185 2 888557683 +774 186 3 888556047 +774 195 3 888557236 +774 203 2 888558447 +774 208 2 888555897 +774 229 2 888557329 +774 238 5 888555928 +774 240 1 888558787 +774 254 1 888559144 +774 258 1 888555792 +774 293 1 888559123 +774 294 1 888555792 +774 300 2 888555792 +774 357 2 888556434 +774 403 2 888556814 +774 423 1 888556634 +774 436 2 888557739 +774 468 2 888556968 +774 511 3 888556483 +774 514 2 888555998 +774 520 3 888556398 +774 521 2 888556483 +774 527 1 888556698 +774 537 2 888556893 +774 563 1 888557883 +774 576 1 888557520 +774 644 4 888556777 +774 649 3 888556814 +774 672 1 888557772 +774 673 2 888556545 +774 739 2 888558187 +774 741 1 888558762 +774 834 1 888559013 +774 849 1 888557482 +774 871 1 888558876 +774 920 2 888559297 +774 1028 2 888558829 +774 1091 1 888558041 +774 1182 1 888556278 +774 1305 3 888555829 +774 1419 1 888557409 +775 258 4 891032837 +775 264 4 891033071 +775 269 4 891032742 +775 270 2 891032742 +775 272 4 891032742 +775 286 4 891032741 +775 300 4 891032956 +775 307 4 891032989 +775 310 3 891032837 +775 331 4 891032923 +775 343 4 891033022 +775 348 3 891032804 +776 21 3 892313317 +776 22 5 891628752 +776 127 5 891628731 +776 164 3 892920290 +776 168 5 891628656 +776 234 5 892920290 +776 276 4 892313295 +776 422 2 892210688 +776 436 4 892920350 +776 439 1 892920480 +776 442 2 892920480 +776 443 3 892920290 +776 485 2 891628656 +776 486 4 892920189 +776 496 3 891628708 +776 511 5 891628632 +776 569 3 892920403 +776 648 3 893077100 +776 661 5 893077159 +776 672 3 892920381 +776 769 3 892920446 +777 1 4 875979431 +777 56 5 875980670 +777 100 1 875979380 +777 117 5 875979380 +777 153 1 875980541 +777 157 3 875980235 +777 168 5 875980492 +777 205 4 875980306 +777 216 4 875980597 +777 286 2 875979137 +777 357 5 875980235 +777 690 4 875979137 +778 7 4 890725886 +778 78 1 890803860 +778 94 2 891233603 +778 121 3 890803561 +778 193 4 890769241 +778 195 4 890769370 +778 204 4 890726518 +778 209 4 890769470 +778 230 2 890804025 +778 238 3 890725804 +778 239 4 890726303 +778 262 4 891482843 +778 265 4 890726003 +778 496 1 891234406 +778 582 1 891232769 +778 616 4 890726086 +778 738 1 891578101 +778 780 3 890803133 +778 1035 1 890804607 +778 1273 3 890726925 +779 222 4 875503280 +779 257 4 875993201 +779 284 3 875994401 +779 411 3 875999002 +779 471 4 875993165 +780 22 4 891363969 +780 70 2 891363969 +780 97 5 891363617 +780 98 1 891364027 +780 133 5 891364086 +780 172 5 891363723 +780 199 5 891363723 +780 202 4 891363783 +780 208 3 891364125 +780 300 3 891362937 +780 357 5 891363723 +780 423 5 891363618 +780 433 1 891363826 +780 467 3 891363904 +780 491 4 891363651 +780 508 3 891363826 +780 510 4 891363904 +780 662 5 891363756 +780 887 4 891363073 +781 64 4 879634387 +781 100 5 879634175 +781 127 5 879634017 +781 288 2 879633862 +781 322 2 879633862 +781 324 4 879633862 +781 474 5 879633976 +781 483 5 879633942 +782 243 3 891498381 +782 246 3 891499321 +782 248 4 891499321 +782 249 2 891499399 +782 250 4 891499440 +782 264 4 891498381 +782 288 4 891498079 +782 294 3 891498381 +782 308 4 891498030 +782 310 4 891497963 +782 315 4 891497698 +782 322 4 891498381 +782 326 5 891498322 +782 329 3 891498213 +782 343 2 891498821 +782 346 2 891497854 +782 352 1 891498513 +782 515 3 891500028 +782 532 2 891499370 +782 678 3 891498767 +782 683 1 891498213 +782 687 2 891498865 +782 689 3 891498720 +782 690 4 891497793 +782 750 4 891497793 +782 872 2 891498513 +782 878 3 891498918 +782 902 2 891497906 +782 938 3 891498030 +782 984 2 891498821 +782 987 3 891499660 +782 991 2 891500230 +782 1023 3 891499611 +782 1038 4 891498213 +782 1216 2 891500150 +782 1237 3 891497906 +782 1241 2 891500150 +782 1244 3 891499660 +782 1258 2 891499440 +782 1279 3 891499660 +782 1315 3 891499440 +782 1379 3 891500028 +782 1383 3 891499611 +782 1386 3 891500066 +782 1389 3 891500028 +782 1390 3 891500028 +782 1394 4 891498323 +782 1477 3 891499344 +782 1511 2 891500194 +782 1538 3 891500109 +782 1600 3 891500066 +782 1609 1 891499439 +782 1643 2 891499321 +782 1644 2 891500110 +782 1658 2 891500230 +782 1669 2 891500150 +783 260 4 884326690 +783 288 3 884326274 +783 328 4 884326545 +783 333 4 884326383 +783 334 3 884326461 +783 335 3 884326545 +783 345 4 884326461 +783 346 5 884326424 +783 876 4 884326424 +784 269 5 891387155 +784 271 3 891387623 +784 286 3 891386988 +784 292 4 891387315 +784 303 4 891387077 +784 307 4 891387623 +784 328 3 891387502 +784 678 4 891387895 +784 1038 3 891387704 +785 22 4 879438957 +785 195 4 879438984 +785 209 3 879439043 +785 301 4 879438565 +785 423 2 879438957 +785 1050 3 879439232 +786 15 3 882841855 +786 70 4 882843534 +786 82 4 882844096 +786 86 4 882843006 +786 132 5 882842946 +786 143 4 882843039 +786 161 4 882843534 +786 177 4 882843646 +786 180 4 882843112 +786 183 4 882843150 +786 187 4 882843112 +786 191 4 882843272 +786 199 4 882843006 +786 200 5 882844010 +786 216 4 882843272 +786 230 4 882844295 +786 231 2 882844127 +786 234 3 882843753 +786 238 4 882843646 +786 240 1 882842762 +786 276 1 882841875 +786 283 4 882841906 +786 318 5 882843190 +786 381 3 882843397 +786 404 4 882843500 +786 405 4 882842311 +786 429 4 882843237 +786 449 2 882844096 +786 465 4 882844010 +786 471 4 882842311 +786 520 4 882843311 +786 633 4 882843237 +786 699 4 882844295 +787 259 4 888979721 +787 269 3 888979547 +787 292 3 888979236 +787 304 4 888980193 +787 307 4 888979074 +787 310 5 888979007 +787 311 4 888979605 +787 329 4 888980193 +787 333 3 888979074 +787 348 4 888979875 +787 361 3 888979075 +787 899 3 888979074 +788 10 4 880869584 +788 23 3 880868277 +788 51 4 880870018 +788 53 1 880871717 +788 54 4 880869174 +788 69 4 880868144 +788 70 4 880869908 +788 71 3 880868144 +788 73 3 880869174 +788 76 3 880869323 +788 82 3 880870116 +788 98 5 880868919 +788 121 4 880869469 +788 125 3 880870335 +788 183 5 880868743 +788 185 4 880868316 +788 188 4 880870083 +788 194 4 880870052 +788 204 3 880868644 +788 205 4 880868068 +788 218 4 880871328 +788 229 3 880870299 +788 234 3 880868473 +788 235 3 880871328 +788 237 4 880869584 +788 284 3 880869323 +788 301 2 880867855 +788 302 4 880867326 +788 327 3 880867855 +788 370 2 880870881 +788 403 3 880870516 +788 435 3 880869278 +788 447 3 880870299 +788 451 4 880871240 +788 480 3 880868473 +788 483 5 880867933 +788 504 4 880867970 +788 521 4 880869945 +788 540 3 880871394 +788 568 3 880869862 +788 570 3 880869862 +788 597 3 880870582 +788 601 4 880868876 +788 639 3 880870710 +788 692 3 880869106 +788 699 3 880869323 +788 708 2 880869908 +788 712 3 880871804 +788 723 3 880870207 +788 739 2 880870149 +788 744 4 880869621 +788 754 4 880867477 +788 781 3 880871205 +788 798 2 880870827 +788 983 3 880871173 +788 1135 2 880871460 +788 1248 3 880871460 +789 93 4 880332063 +789 127 5 880332039 +789 286 1 880332039 +789 475 5 880332063 +789 1012 4 880332169 +789 1161 3 880332189 +790 1 3 884461306 +790 29 2 885158082 +790 38 2 885157929 +790 52 4 885156934 +790 56 4 885155150 +790 91 3 885157862 +790 109 3 884461775 +790 123 3 884461413 +790 139 2 885157748 +790 154 4 885156290 +790 157 2 885156193 +790 172 4 885155540 +790 174 4 885155572 +790 184 3 885156958 +790 191 3 885155209 +790 211 4 885156046 +790 229 3 885156686 +790 230 4 885155846 +790 232 4 885156773 +790 265 4 885155770 +790 284 4 884461888 +790 367 4 885156114 +790 376 2 885157533 +790 378 3 885156934 +790 380 4 885157419 +790 386 2 885158208 +790 401 4 885157621 +790 412 4 885158495 +790 449 2 885157594 +790 566 3 885156618 +790 572 3 885157956 +790 583 2 885157489 +790 609 2 885156773 +790 708 3 885158082 +790 738 3 885158396 +790 748 1 884461073 +790 771 4 885158436 +790 786 3 885157533 +790 790 2 885157928 +790 864 4 884462647 +790 941 3 885157061 +790 1044 4 885158185 +790 1063 5 885156478 +790 1074 3 885158235 +790 1119 4 885156732 +790 1132 2 885158329 +790 1183 2 885157956 +791 50 5 879448338 +791 286 3 879447907 +791 289 4 879448087 +791 299 2 879448035 +791 327 5 879447977 +791 328 4 879448087 +792 21 3 877910444 +792 24 3 877910091 +792 111 3 877910126 +792 124 4 877909865 +792 291 2 877910629 +792 476 1 877910206 +792 546 3 877910353 +792 595 3 877910305 +792 844 4 877910822 +792 1011 3 877910730 +792 1132 3 877910160 +792 1335 4 877910353 +793 109 4 875104119 +793 121 3 875104193 +793 150 4 875103842 +793 276 3 875103971 +793 294 5 875103584 +793 298 4 875103971 +793 458 3 875104243 +793 824 3 875104000 +793 844 4 875103842 +793 1067 4 875103875 +793 1142 5 875104068 +794 24 5 891035957 +794 50 5 891035307 +794 118 2 891035413 +794 221 4 891036222 +794 238 5 891035135 +794 242 5 891034156 +794 475 5 891035822 +794 514 5 891035604 +794 557 4 891036008 +794 847 5 891035822 +794 887 4 891034284 +795 4 4 881253238 +795 8 5 880569317 +795 80 3 883254212 +795 100 5 880555946 +795 117 4 880558122 +795 164 3 883253368 +795 172 3 880570209 +795 184 4 880588118 +795 186 3 883249522 +795 200 3 883251581 +795 219 3 883252104 +795 235 3 880560263 +795 240 2 883767338 +795 367 3 883252202 +795 381 2 883774317 +795 407 3 880560679 +795 433 4 880588141 +795 502 3 883251421 +795 514 4 883250472 +795 577 3 883254987 +795 636 3 883253661 +795 675 3 883251659 +795 719 2 883254675 +795 742 2 880556833 +795 756 3 880559895 +795 771 3 883255324 +795 797 3 883254750 +795 831 2 880560971 +795 1036 2 883255578 +795 1110 3 883251943 +796 4 5 893048150 +796 5 4 893194607 +796 26 2 893047208 +796 29 3 893048672 +796 49 3 893047287 +796 56 5 892663009 +796 87 5 893218728 +796 98 5 892663090 +796 117 5 892660283 +796 121 5 892661043 +796 154 3 892676155 +796 159 3 893194685 +796 164 3 893194548 +796 168 5 892662871 +796 174 5 892662069 +796 176 5 892662523 +796 184 1 892761544 +796 193 3 892662964 +796 202 4 893047167 +796 203 3 892690173 +796 215 5 892676115 +796 217 4 893218556 +796 229 3 893048471 +796 249 1 892661011 +796 270 4 892611799 +796 273 2 892660856 +796 278 4 892660323 +796 282 4 892660364 +796 291 4 893188576 +796 322 3 892611953 +796 326 4 892612032 +796 357 4 892662400 +796 367 5 893048150 +796 381 3 893047208 +796 393 4 893218933 +796 399 4 893048471 +796 401 3 893219427 +796 417 4 893218933 +796 418 4 893218933 +796 419 5 893219001 +796 427 4 892662355 +796 431 4 892676231 +796 485 4 893279958 +796 488 2 892662400 +796 491 4 892662964 +796 496 5 892662223 +796 517 2 893047208 +796 520 3 892662223 +796 527 3 892675654 +796 540 2 893048672 +796 546 4 893048505 +796 576 3 893048562 +796 603 4 892662152 +796 615 4 892690263 +796 636 2 893048505 +796 679 4 893048471 +796 716 3 893047167 +796 728 3 893047691 +796 731 3 893047320 +796 742 3 892660505 +796 746 3 893048115 +796 751 5 892611979 +796 765 3 893047691 +796 781 4 893047241 +796 795 3 893219254 +796 815 4 893047321 +796 855 3 893279958 +796 871 1 893219001 +796 932 4 893219254 +796 974 3 893194740 +796 1001 2 893219180 +796 1040 3 893047460 +796 1042 4 893194740 +796 1049 4 893219151 +796 1074 1 893047691 +796 1090 4 893194992 +796 1119 4 892675528 +796 1228 4 893048713 +796 1269 5 892662765 +797 50 5 879439314 +797 307 2 879439190 +797 328 2 879439136 +797 781 5 879439594 +798 1 4 875295695 +798 21 5 875554953 +798 29 4 875915913 +798 52 3 876176979 +798 71 3 875303589 +798 94 3 875914939 +798 116 3 875554781 +798 118 4 875295842 +798 138 3 876176160 +798 142 3 876175427 +798 151 3 875554819 +798 164 4 875303502 +798 196 3 875743006 +798 197 2 875303502 +798 222 3 875295616 +798 257 4 875295842 +798 270 4 880483677 +798 274 5 875295772 +798 306 3 875637329 +798 356 3 875639236 +798 365 3 875639656 +798 367 3 875743434 +798 384 2 875915279 +798 403 4 875743140 +798 465 4 876176115 +798 480 3 875303765 +798 563 2 875638323 +798 576 3 875639324 +798 586 2 875303765 +798 662 3 875916187 +798 687 4 875295566 +798 690 4 877117972 +798 719 1 875743196 +798 748 5 875295521 +798 832 4 875637822 +798 839 4 875638649 +798 932 4 875637927 +798 940 1 875914898 +798 988 3 875295469 +798 993 3 875554639 +798 998 3 875915317 +798 1049 3 875638150 +798 1089 3 875295616 +798 1119 3 875916421 +798 1224 2 875638842 +798 1249 4 875914785 +798 1282 3 875296234 +798 1517 4 875743605 +799 45 4 879253969 +799 50 4 879254077 +799 479 5 879254026 +800 118 3 887646342 +800 127 4 887646980 +800 457 2 887646168 +800 742 4 887646477 +800 864 4 887646980 +801 259 3 890332986 +801 307 4 890332853 +801 890 2 890333150 +801 895 5 890332929 +802 56 3 875985601 +802 135 4 875985347 +802 286 2 875984532 +802 294 4 875984637 +802 300 4 875986155 +802 323 5 875984722 +802 327 2 875984861 +802 441 3 875985840 +802 444 4 875985840 +802 445 3 875985686 +802 447 2 875985686 +802 452 4 875985976 +802 559 2 875985840 +802 1025 3 875984637 +803 243 1 880055548 +803 271 2 880054833 +803 286 5 880054592 +803 690 4 880055210 +803 748 1 880054885 +803 887 5 880054671 +804 1 5 879442661 +804 11 4 879442954 +804 31 4 879442792 +804 33 4 879445975 +804 49 2 879447476 +804 81 4 879441913 +804 82 5 879442001 +804 85 4 879445190 +804 87 4 879442954 +804 95 2 879447476 +804 105 3 879444077 +804 121 4 879442377 +804 125 4 879443709 +804 128 5 879441702 +804 135 3 879444407 +804 141 3 879445841 +804 151 3 879442412 +804 157 4 879442862 +804 164 4 879442025 +804 175 4 879444583 +804 184 5 879441727 +804 185 4 879444890 +804 186 4 879442687 +804 192 4 879441752 +804 194 4 879442490 +804 198 5 879441391 +804 202 4 879442079 +804 203 4 879442122 +804 204 4 879441450 +804 205 4 879442434 +804 209 3 879442538 +804 210 5 879441372 +804 213 3 879441651 +804 215 5 879441752 +804 228 4 879441391 +804 231 4 879445334 +804 243 3 879440727 +804 254 4 879441195 +804 259 4 879440700 +804 318 5 879441450 +804 365 4 879446194 +804 385 4 879445904 +804 396 3 879445956 +804 399 4 879445111 +804 403 3 879445739 +804 405 4 879443776 +804 433 4 879444714 +804 445 4 879445766 +804 451 2 879446063 +804 473 4 879443884 +804 522 3 879445190 +804 546 3 879443884 +804 550 4 879445739 +804 568 4 879442793 +804 588 4 879442687 +804 609 3 879444583 +804 654 3 879441651 +804 662 4 879442413 +804 663 5 879442793 +804 664 3 879446090 +804 674 4 879445699 +804 675 3 879445355 +804 678 4 879440700 +804 739 4 879444805 +804 993 2 879441236 +804 1076 3 879446162 +804 1079 4 879444133 +804 1178 3 879445990 +804 1222 3 879446276 +804 1488 3 879445579 +805 12 4 881695677 +805 17 4 881695346 +805 32 4 881697792 +805 33 5 881694885 +805 40 3 881704553 +805 42 2 881704193 +805 83 4 881696671 +805 89 4 881694713 +805 90 2 881705412 +805 91 5 881695527 +805 96 4 881694713 +805 108 3 881705082 +805 137 5 881697713 +805 147 5 881694286 +805 148 2 881695911 +805 154 5 881704063 +805 161 1 881694823 +805 168 5 881704016 +805 175 5 881697229 +805 176 4 881684185 +805 183 5 881684185 +805 200 5 881695244 +805 216 2 881696699 +805 222 4 881694823 +805 223 5 881698139 +805 238 5 881704223 +805 240 3 881705350 +805 248 4 881683074 +805 274 2 881705055 +805 319 2 881696876 +805 321 3 881705292 +805 358 3 879971215 +805 386 3 881704224 +805 387 3 881696905 +805 422 4 881695560 +805 423 1 881698175 +805 443 5 881695196 +805 447 4 881695293 +805 470 5 881695872 +805 473 4 881695591 +805 475 5 881704016 +805 527 3 881698798 +805 569 1 881695414 +805 576 4 881695040 +805 581 2 881695793 +805 582 3 881698798 +805 595 3 881695951 +805 603 4 881696335 +805 660 3 881698881 +805 664 5 881697667 +805 715 4 881698828 +805 747 3 881696729 +805 755 3 881705810 +805 761 3 881695040 +805 827 4 881695040 +805 1170 5 881700749 +805 1232 3 881703472 +806 3 2 882385916 +806 24 3 882385394 +806 89 5 882387756 +806 121 4 882385916 +806 144 5 882388658 +806 150 4 882385563 +806 157 3 882387974 +806 172 3 882387373 +806 177 3 882388254 +806 182 5 882387925 +806 192 4 882387798 +806 197 4 882387728 +806 204 5 882388205 +806 233 2 882390614 +806 238 4 882388082 +806 254 3 882387272 +806 324 2 882384513 +806 343 3 882384656 +806 405 3 882385762 +806 407 3 882386125 +806 483 4 882387409 +806 522 3 882388128 +806 629 3 882389862 +806 654 5 882387837 +806 705 4 882387595 +807 1 4 892528231 +807 22 5 892528470 +807 99 5 892529401 +807 117 4 892528813 +807 127 3 892529647 +807 143 4 892528062 +807 151 4 893081163 +807 177 4 892705191 +807 193 4 892529483 +807 239 4 892529805 +807 250 4 893084375 +807 265 5 892529076 +807 271 3 892527385 +807 385 4 892530349 +807 399 4 893080801 +807 405 4 892684722 +807 419 5 892528813 +807 420 3 892979368 +807 427 4 892528427 +807 450 4 893082931 +807 465 4 892529448 +807 471 4 892775416 +807 495 4 892530792 +807 498 4 892529150 +807 527 5 892528646 +807 528 4 892530173 +807 576 4 893081656 +807 584 4 892529031 +807 612 5 892528690 +807 622 3 892530656 +807 636 4 892530752 +807 679 4 892705307 +807 705 4 892528918 +807 842 4 892979600 +807 946 3 893081338 +807 1034 5 893082544 +807 1050 5 892529311 +807 1091 3 893082703 +807 1138 5 893084886 +807 1444 3 893082702 +807 1483 4 892527385 +808 294 5 883949986 +808 333 4 883949519 +809 272 5 891036743 +809 289 1 891037020 +809 328 5 891036989 +809 678 2 891037172 +810 301 5 890083124 +810 326 5 891873739 +810 879 5 890083124 +811 292 3 886377041 +811 294 4 886377483 +811 301 5 886377530 +811 304 5 886377311 +811 748 3 886377579 +812 288 4 877625294 +812 1393 3 877625224 +813 289 4 883752455 +813 294 1 883752051 +813 335 2 883752417 +813 538 3 883752380 +814 100 4 885410957 +814 185 3 885411030 +814 200 4 885411204 +814 559 3 885411132 +814 565 3 885411347 +814 656 3 885410957 +815 31 4 878695490 +815 96 5 878693871 +815 102 3 878694028 +815 131 2 878698449 +815 153 4 878695020 +815 173 5 878695241 +815 182 3 878693424 +815 183 5 878694381 +815 196 4 878694526 +815 216 3 878693381 +815 357 5 878693906 +815 386 2 878696563 +815 405 4 878692071 +815 451 3 878696965 +815 465 5 878694952 +815 483 5 878696284 +815 496 5 878694027 +815 524 4 878693381 +815 528 5 887978255 +815 603 3 878694664 +815 623 3 878697043 +815 944 3 878696318 +816 258 3 891711378 +816 309 5 891711801 +816 343 4 891711423 +817 1 4 874815835 +817 15 3 874815836 +817 118 3 874815947 +817 124 4 874815885 +817 147 3 874815947 +817 358 4 874815679 +817 748 4 874815649 +818 286 4 891870222 +818 302 5 891870264 +818 316 4 891870301 +818 328 4 891870301 +818 912 3 891870301 +818 1105 1 891883071 +819 862 2 884012586 +819 1537 5 884012662 +820 289 2 887955020 +820 538 3 887954906 +821 97 5 874793848 +821 118 3 874793218 +821 174 5 874793773 +821 180 5 874793517 +821 181 4 874792521 +821 275 5 874792369 +821 742 4 874793130 +822 1091 1 891038627 +823 7 5 878438298 +823 22 5 878438058 +823 31 5 878439038 +823 33 3 878438332 +823 48 5 878438642 +823 81 4 878437836 +823 91 3 878439365 +823 94 2 878439497 +823 97 5 878439113 +823 144 5 878438535 +823 191 5 878437623 +823 209 4 878438379 +823 210 4 878439498 +823 211 5 878438585 +823 229 3 878439211 +823 233 4 878439365 +823 274 4 878439038 +823 333 3 878439845 +823 404 4 878438484 +823 475 5 878438297 +823 502 5 878439008 +823 568 3 878439293 +823 659 4 878437589 +823 684 4 878439391 +823 739 4 878439582 +823 1107 3 878438332 +823 1118 3 878437836 +823 1217 1 878438435 +824 286 2 877020871 +824 678 3 877021121 +825 7 5 880755612 +825 20 2 889021180 +825 50 4 880755418 +825 111 3 892947930 +825 276 1 880756575 +825 283 2 880756224 +825 294 4 880755305 +825 298 5 880756726 +825 369 3 880756862 +825 423 5 881101641 +825 472 5 880756442 +825 508 4 880756725 +825 544 3 889021037 +825 741 4 881343947 +825 742 4 880756224 +825 832 3 881101246 +825 841 4 880756904 +825 864 3 880756725 +825 924 2 880756725 +825 986 5 881185343 +825 988 3 889020557 +825 1015 2 880756321 +825 1047 3 880756934 +825 1291 2 889021258 +826 38 3 885690750 +826 50 5 885690525 +826 92 4 885690636 +826 161 3 885690677 +826 172 5 885690481 +826 182 4 885690600 +826 188 4 885690636 +826 241 4 885690600 +826 313 5 885689782 +826 336 4 885690064 +826 431 5 885690636 +826 684 3 885690600 +826 1219 4 885690442 +826 1239 4 885690854 +827 258 3 882201175 +827 268 4 882201175 +827 313 3 892157221 +827 329 3 882807787 +827 347 3 892157356 +828 19 5 891035613 +828 57 3 891037640 +828 171 3 891036568 +828 269 4 891033574 +828 301 2 893186210 +828 325 2 891035438 +828 753 4 891037047 +828 874 3 891380355 +828 887 4 891033611 +828 921 4 891037948 +828 971 4 891380167 +828 1073 4 891036630 +828 1196 2 891036492 +828 1268 2 891038098 +828 1646 4 893186124 +829 189 4 891992008 +829 192 5 881712519 +829 250 3 882816754 +829 268 4 886631672 +829 278 1 881712488 +829 318 5 883149860 +829 339 2 891992167 +829 512 4 881698976 +829 1018 2 881707829 +829 1067 4 891990842 +830 22 5 891561673 +830 69 5 891898262 +830 82 3 891561673 +830 95 3 891561474 +830 100 5 891560934 +830 177 4 891561870 +830 183 4 891462467 +830 194 4 891898720 +830 225 3 891560596 +830 227 3 891561737 +830 233 3 891561737 +830 288 1 891899475 +830 385 4 891561805 +830 402 4 892503093 +830 413 1 891899475 +830 511 5 891561673 +830 633 4 891898661 +830 651 4 891561737 +830 696 2 892502651 +830 739 4 892503093 +831 1 4 891354573 +831 96 5 891354668 +831 181 5 891354866 +831 245 2 891354226 +831 272 5 891353915 +831 273 3 891354773 +831 333 4 891353915 +831 340 4 891354000 +831 591 4 891355004 +831 877 2 891354391 +831 1063 4 891354668 +832 181 3 888260089 +832 326 4 888259121 +832 334 2 888259984 +832 471 4 888260089 +833 22 3 875122716 +833 52 3 878078390 +833 121 1 875133458 +833 127 5 875035660 +833 128 3 875123536 +833 129 3 875035718 +833 154 5 875038775 +833 156 4 875038775 +833 157 2 875132195 +833 160 5 875124535 +833 161 1 875224515 +833 187 5 875124348 +833 191 4 875132134 +833 204 1 875039255 +833 205 4 875122814 +833 208 3 875039326 +833 340 5 879818293 +833 367 3 875123359 +833 379 2 875224178 +833 441 1 875224352 +833 449 2 875223923 +833 483 4 875122716 +833 544 1 875133458 +833 546 2 875036354 +833 614 2 875131539 +833 653 4 875039558 +833 673 4 875224039 +833 831 1 875297256 +833 854 4 875038529 +833 928 2 879818689 +833 1214 4 875225193 +834 100 4 890862311 +834 258 4 890860194 +834 269 5 890860566 +834 275 3 890862648 +834 282 4 890863052 +834 293 3 890862974 +834 744 4 890862527 +834 762 4 890863072 +835 1 3 891033420 +835 50 4 891035309 +835 131 5 891033560 +835 143 5 891033819 +835 157 4 891033526 +835 193 4 891033148 +835 216 4 891033560 +835 325 5 891032391 +835 393 5 891033718 +835 609 4 891034310 +835 610 5 891034401 +835 628 3 891032930 +835 654 5 891033173 +835 660 4 891033986 +835 708 5 891035078 +835 1153 4 891035309 +836 12 5 885754118 +836 165 4 885754149 +836 180 5 885754200 +836 268 3 885753475 +836 507 4 885754149 +836 880 4 885753506 +836 896 3 885753506 +837 19 4 875721948 +837 220 4 875722007 +837 225 3 875722371 +837 274 4 875721989 +837 476 3 875722225 +837 535 1 875722246 +837 596 3 875721969 +837 628 3 875722225 +837 845 4 875722392 +838 72 4 887067162 +838 169 4 887067390 +838 173 5 887065782 +838 181 5 887063696 +838 223 3 887065807 +838 298 3 887064476 +838 311 4 887060659 +838 318 5 887067085 +838 480 4 887066078 +838 497 5 887067162 +838 596 5 887064275 +838 732 4 887066782 +838 748 3 887060972 +838 1115 4 887064476 +839 123 3 875752560 +839 237 3 875752317 +839 244 3 875751958 +839 257 3 875751930 +839 260 2 875751560 +839 276 3 875751799 +839 281 3 875752456 +839 475 5 875751856 +839 825 4 875752274 +839 1664 1 875752902 +840 98 5 891204160 +840 135 5 891204356 +840 152 4 891204160 +840 166 5 891204798 +840 234 5 891204948 +840 252 4 891203810 +840 423 5 891209449 +840 428 4 891209547 +840 465 4 891204798 +840 478 3 891204627 +840 479 4 891204385 +840 498 5 891204264 +840 517 4 891204322 +840 647 5 891205004 +840 663 4 891204322 +840 732 3 891204947 +840 737 4 891205320 +840 845 5 891203553 +840 1065 5 891209285 +840 1266 5 891204535 +841 270 4 889067045 +841 288 3 889067046 +841 331 5 889066999 +841 748 4 889067253 +841 892 3 889067182 +842 362 3 891217891 +843 98 3 879443668 +843 145 3 879443597 +843 151 2 879447007 +843 152 2 879446458 +843 159 2 879443951 +843 183 5 879443800 +843 186 2 879447170 +843 195 4 879444711 +843 205 4 879446888 +843 227 3 879443908 +843 238 3 879446359 +843 265 3 879443865 +843 298 2 879444531 +843 403 2 879444934 +843 413 2 879443482 +843 416 2 879448352 +843 444 2 879443442 +843 448 4 879443297 +843 449 3 879444083 +843 452 2 879443442 +843 615 3 879446215 +843 635 2 879443544 +843 636 4 879443837 +843 665 3 879443482 +844 22 4 877386855 +844 71 3 877388040 +844 90 3 877387242 +844 179 3 877387548 +844 195 3 877387825 +844 403 3 877387825 +844 423 3 877382762 +844 627 3 877388040 +845 311 4 885409493 +845 750 3 885409719 +845 877 2 885409719 +845 903 4 885409493 +846 36 2 883950665 +846 57 2 883949121 +846 60 4 883948606 +846 90 2 883950001 +846 94 4 883950711 +846 136 3 883947861 +846 193 5 883948417 +846 205 5 883948141 +846 258 3 883946284 +846 377 2 883950155 +846 382 3 883948989 +846 403 3 883948765 +846 423 4 883949335 +846 443 4 883948643 +846 483 5 883948173 +846 519 4 883947694 +846 555 2 883949508 +846 566 5 883948874 +846 585 2 883949643 +846 601 5 883947500 +846 603 5 883947960 +846 627 4 883949594 +846 648 5 883948343 +846 651 3 883948141 +846 672 4 883949594 +846 674 4 883949046 +846 736 4 883948874 +846 796 1 883950524 +846 1055 3 883949459 +846 1074 3 883950859 +846 1110 3 883950390 +846 1286 4 883948173 +846 1411 4 883950364 +846 1518 2 883950186 +847 185 2 878939503 +847 238 2 878939975 +847 288 4 878774722 +847 290 4 878775523 +847 405 3 878938982 +847 434 3 878941520 +847 763 1 878775914 +847 826 3 878939266 +847 1172 1 878939803 +848 32 5 887042871 +848 69 2 887043340 +848 152 5 887046166 +848 164 5 887043421 +848 207 5 887043265 +848 294 5 887037669 +848 480 5 887040025 +848 481 3 887038527 +848 529 5 887042871 +848 584 3 887039531 +848 615 5 887037980 +848 1126 5 887043265 +849 143 5 879695515 +849 172 5 879695469 +849 928 5 879695153 +850 56 1 883195034 +850 202 4 883194737 +850 204 5 883194859 +850 208 5 883194973 +850 490 5 883194859 +850 566 5 883195256 +851 11 5 875731441 +851 27 4 875806765 +851 172 5 875731567 +851 240 4 875730629 +851 255 3 890343651 +851 272 5 891961663 +851 338 3 891961750 +851 405 5 874767550 +851 527 5 891961663 +851 544 4 874728396 +851 564 3 875806892 +851 693 5 875731816 +851 760 4 875730418 +851 987 1 875730601 +851 1009 2 874789084 +851 1245 4 875730826 +852 118 4 891037262 +852 257 4 891036414 +852 323 3 891036039 +852 408 5 891036843 +852 473 3 891036884 +852 685 3 891036435 +853 245 3 879365091 +853 302 4 879364669 +853 326 2 879364955 +853 331 2 879364822 +853 748 2 879364883 +853 1025 4 879365360 +854 79 4 882814298 +854 87 4 882814063 +854 122 3 882813287 +854 126 3 882812826 +854 186 3 882814298 +854 255 1 882812852 +854 273 4 882812852 +854 281 3 882813047 +854 287 3 882813143 +854 291 2 882813074 +854 318 5 882813825 +854 409 2 882813421 +854 475 4 882812352 +854 499 4 882813537 +854 925 2 882813179 +854 979 4 882813315 +854 1014 3 882813315 +855 283 3 879825383 +856 258 4 891489356 +856 678 3 891489666 +856 879 3 891489450 +857 294 3 883432251 +857 321 4 883432352 +858 286 4 879458829 +858 331 3 880932343 +859 25 4 885776056 +859 111 4 885776056 +860 4 4 885991163 +860 283 4 885990998 +860 289 3 880829225 +861 170 5 881274672 +861 294 3 881274504 +862 50 5 879304196 +862 127 5 879304196 +862 210 4 879304410 +862 215 4 879304624 +862 288 5 879302533 +862 357 3 879305204 +862 407 3 879303843 +862 505 4 879305016 +863 264 3 889289385 +863 301 4 889289240 +863 754 3 889289067 +863 1294 4 889289618 +864 50 5 877214085 +864 53 4 888891794 +864 71 3 888889389 +864 168 4 888888067 +864 208 4 888888994 +864 273 5 878179555 +864 408 5 877214085 +864 566 4 888889601 +864 642 3 888890432 +864 708 3 888889863 +864 1446 3 888889948 +865 928 1 880144368 +865 1028 1 880144024 +866 319 4 891221302 +867 23 5 880078723 +867 196 3 880079043 +867 211 3 880078484 +867 480 5 880078401 +867 660 4 880078723 +868 204 2 877105882 +868 206 5 877108352 +868 398 1 877109082 +868 562 2 877112440 +868 738 2 877108624 +868 1031 1 877109535 +868 1480 1 877111932 +870 481 4 875680046 +870 517 2 875680597 +870 952 3 880584584 +871 245 3 888192475 +871 515 4 888193176 +872 332 3 888480019 +875 169 5 876465025 +875 772 5 876465188 +876 294 4 879428145 +877 382 3 882677012 diff --git a/MovieLens Movie Recommendation/Python/ml-100k/u4.base b/MovieLens Movie Recommendation/Python/ml-100k/u4.base new file mode 100644 index 00000000..94f7fc78 --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/u4.base @@ -0,0 +1,80000 @@ +1 1 5 874965758 +1 2 3 876893171 +1 3 4 878542960 +1 5 3 889751712 +1 6 5 887431973 +1 8 1 875072484 +1 9 5 878543541 +1 10 3 875693118 +1 11 2 875072262 +1 12 5 878542960 +1 13 5 875071805 +1 14 5 874965706 +1 15 5 875071608 +1 16 5 878543541 +1 17 3 875073198 +1 18 4 887432020 +1 19 5 875071515 +1 20 4 887431883 +1 21 1 878542772 +1 22 4 875072404 +1 23 4 875072895 +1 24 3 875071713 +1 25 4 875071805 +1 26 3 875072442 +1 27 2 876892946 +1 28 4 875072173 +1 29 1 878542869 +1 30 3 878542515 +1 31 3 875072144 +1 32 5 888732909 +1 33 4 878542699 +1 34 2 878542869 +1 35 1 878542420 +1 36 2 875073180 +1 37 2 878543030 +1 38 3 878543075 +1 39 4 875072173 +1 40 3 876893230 +1 41 2 876892818 +1 44 5 878543541 +1 45 5 875241687 +1 46 4 876893230 +1 47 4 875072125 +1 48 5 875072520 +1 49 3 878542478 +1 50 5 874965954 +1 51 4 878543275 +1 52 4 875072205 +1 53 3 876893206 +1 54 3 878543308 +1 56 4 875072716 +1 57 5 878542459 +1 59 5 876892817 +1 60 5 875072370 +1 61 4 878542420 +1 62 3 878542282 +1 63 2 878543196 +1 64 5 875072404 +1 65 4 875072125 +1 66 4 878543030 +1 67 3 876893054 +1 68 4 875072688 +1 69 3 875072262 +1 70 3 875072895 +1 71 3 876892425 +1 72 4 878542678 +1 73 3 876892774 +1 74 1 889751736 +1 75 4 878543238 +1 76 4 878543176 +1 77 4 876893205 +1 78 1 878543176 +1 79 4 875072865 +1 80 4 876893008 +1 81 5 875072865 +1 82 5 878542589 +1 83 3 875072370 +1 84 4 875072923 +1 85 3 875073180 +1 86 5 878543541 +1 87 5 878543541 +1 88 4 878542791 +1 89 5 875072484 +1 90 4 878542300 +1 91 5 876892636 +1 92 3 876892425 +1 93 5 875071484 +1 94 2 875072956 +1 96 5 875072716 +1 97 3 875073128 +1 98 4 875072404 +1 99 3 875072547 +1 100 5 878543541 +1 101 2 878542845 +1 102 2 889751736 +1 103 1 878542845 +1 104 1 875241619 +1 105 2 875240739 +1 106 4 875241390 +1 107 4 875241619 +1 108 5 875240920 +1 109 5 874965739 +1 110 1 878542845 +1 111 5 889751711 +1 112 1 878542441 +1 113 5 878542738 +1 114 5 875072173 +1 115 5 878541637 +1 117 3 874965739 +1 118 3 875071927 +1 119 5 876893098 +1 120 1 875241637 +1 121 4 875071823 +1 122 3 875241498 +1 125 3 878542960 +1 126 2 875071713 +1 127 5 874965706 +1 128 4 875072573 +1 129 5 887431908 +1 130 3 875072002 +1 131 1 878542552 +1 132 4 878542889 +1 133 4 876892818 +1 134 4 875073067 +1 135 4 875072404 +1 136 3 876893206 +1 137 5 875071541 +1 138 1 878543006 +1 140 1 878543133 +1 141 3 878542608 +1 143 1 875072631 +1 144 4 875073180 +1 145 2 875073067 +1 146 4 875071561 +1 147 3 875240993 +1 148 2 875240799 +1 150 5 876892196 +1 151 4 875072865 +1 152 5 878542589 +1 153 3 876893230 +1 154 5 878543541 +1 155 2 878542201 +1 156 4 874965556 +1 157 4 876892918 +1 158 3 878542699 +1 159 3 875073180 +1 160 4 875072547 +1 161 4 875072303 +1 162 4 878542420 +1 163 4 875072442 +1 164 3 876893171 +1 166 5 874965677 +1 167 2 878542383 +1 168 5 874965478 +1 169 5 878543541 +1 170 5 876892856 +1 171 5 889751711 +1 172 5 874965478 +1 173 5 878541803 +1 174 5 875073198 +1 175 5 875072547 +1 176 5 876892468 +1 177 5 876892701 +1 178 5 878543541 +1 179 3 875072370 +1 180 3 875072573 +1 181 5 874965739 +1 182 4 875072520 +1 183 5 875072262 +1 184 4 875072956 +1 185 4 875072631 +1 186 4 875073128 +1 187 4 874965678 +1 188 3 875073128 +1 189 3 888732928 +1 190 5 875072125 +1 192 4 875072547 +1 193 4 876892654 +1 194 4 876892743 +1 195 5 876892855 +1 196 5 874965677 +1 197 5 875072956 +1 199 4 875072262 +1 200 3 876893098 +1 201 3 878542960 +1 202 5 875072442 +1 204 5 875072688 +1 205 3 878542909 +1 206 4 876893205 +1 207 5 875073067 +1 208 5 878542960 +1 209 4 888732908 +1 210 4 878542909 +1 211 3 878541970 +1 212 4 875072895 +1 213 2 876892896 +1 214 4 875072520 +1 215 3 876893145 +1 218 3 876892856 +1 219 1 878542327 +1 220 3 875241390 +1 221 5 887431921 +1 222 4 878873388 +1 223 5 876892918 +1 224 5 875071484 +1 225 2 878542738 +1 226 3 878543176 +1 227 4 876892946 +1 228 5 878543541 +1 229 4 878542075 +1 230 4 878542420 +1 231 1 876893031 +1 232 3 878543196 +1 233 2 878542552 +1 234 4 876892355 +1 235 5 875071589 +1 236 4 875071898 +1 237 2 875071749 +1 238 4 875072235 +1 239 4 878542845 +1 241 4 878543133 +1 242 5 889751633 +1 243 1 875241390 +1 244 2 887431973 +1 245 2 875071713 +1 246 5 874965905 +1 247 1 875241619 +1 248 4 874965954 +1 249 4 874965970 +1 250 4 874965706 +1 251 4 875071843 +1 252 2 875240677 +1 253 5 874965970 +1 254 1 878541392 +1 255 2 885345822 +1 256 4 889751712 +1 257 4 874965954 +1 258 5 878873389 +1 259 1 875692979 +1 260 1 875071713 +1 261 1 875692992 +1 262 3 875071421 +1 264 2 875071713 +1 265 4 878542441 +1 266 1 885345728 +1 267 4 875692955 +1 268 5 875692927 +1 269 5 877482427 +1 270 5 888732827 +1 271 2 887431672 +1 272 3 887431647 +2 1 4 888550871 +2 10 2 888551853 +2 13 4 888551922 +2 14 4 888551853 +2 19 3 888550871 +2 25 4 888551648 +2 50 5 888552084 +2 100 5 888552084 +2 111 4 888551853 +2 127 5 888552084 +2 237 4 888552017 +2 242 5 888552084 +2 251 5 888552084 +2 255 4 888551341 +2 257 4 888551062 +2 258 3 888549961 +2 269 4 888550774 +2 273 4 888551647 +2 274 3 888551497 +2 275 5 888550939 +2 276 4 888551552 +2 277 4 888551174 +2 279 4 888551745 +2 280 3 888551441 +2 281 3 888980240 +2 282 4 888551922 +2 283 5 888552084 +2 284 4 888552017 +2 285 5 888552084 +2 286 4 888549960 +2 287 3 888551235 +2 290 3 888551441 +2 291 3 888551647 +2 292 4 888550774 +2 293 4 888550939 +2 294 1 888551648 +2 295 4 888551164 +2 296 3 888550871 +2 297 4 888550871 +2 298 3 888551441 +2 299 4 888550774 +2 300 4 888979197 +2 301 4 888550631 +2 302 5 888552084 +2 303 4 888550774 +2 305 3 888550065 +2 306 4 888550774 +2 307 3 888550066 +2 308 3 888979945 +2 309 1 888980029 +2 310 4 888979061 +2 311 5 888552084 +2 312 3 888550631 +2 313 5 888552084 +2 314 1 888980085 +2 315 1 888550774 +2 316 5 888979693 +3 181 4 889237482 +3 245 1 889237247 +3 258 2 889237026 +3 260 4 889237455 +3 264 2 889237297 +3 268 3 889236961 +3 271 3 889237224 +3 272 2 889237055 +3 288 2 889237026 +3 294 2 889237224 +3 299 3 889237199 +3 300 2 889236939 +3 302 2 889236939 +3 303 3 889236983 +3 307 3 889237224 +3 317 2 889237482 +3 318 4 889237482 +3 319 2 889237026 +3 320 5 889237482 +3 321 5 889237455 +3 322 3 889237269 +3 323 2 889237269 +3 324 2 889237247 +3 325 1 889237297 +3 326 2 889237224 +3 327 4 889237455 +3 328 5 889237455 +3 329 4 889237455 +3 330 2 889237297 +3 331 4 889237455 +3 332 1 889237224 +3 333 2 889236939 +3 334 3 889237122 +3 335 1 889237269 +3 337 1 889236983 +3 338 2 889237297 +3 339 3 889237141 +3 340 5 889237455 +3 341 1 889237055 +3 342 4 889237174 +3 343 3 889237122 +3 344 4 889236939 +3 345 3 889237004 +3 346 5 889237455 +3 348 4 889237455 +3 349 3 889237269 +3 350 3 889237076 +3 351 3 889237315 +3 352 2 889237055 +3 353 1 889237122 +3 354 3 889237004 +3 355 3 889237247 +4 11 4 892004520 +4 50 5 892003526 +4 210 3 892003374 +4 258 5 892001374 +4 260 4 892004275 +4 264 3 892004275 +4 271 4 892001690 +4 288 4 892001445 +4 294 5 892004409 +4 300 5 892001445 +4 301 5 892002353 +4 303 5 892002352 +4 327 5 892002352 +4 328 3 892001537 +4 329 5 892002352 +4 354 5 892002353 +4 356 3 892003459 +4 357 4 892003525 +4 360 5 892002352 +4 361 5 892002353 +5 1 4 875635748 +5 2 3 875636053 +5 17 4 875636198 +5 21 3 875635327 +5 24 4 879198229 +5 25 3 875635318 +5 29 4 875637023 +5 40 4 879198109 +5 42 5 875636360 +5 50 4 875635758 +5 62 4 875637575 +5 69 1 875721555 +5 70 4 875636389 +5 79 3 875635895 +5 80 2 875636511 +5 89 5 875636033 +5 90 3 875636297 +5 94 3 878844651 +5 95 4 875721168 +5 98 3 875720691 +5 99 3 875721216 +5 100 5 875635349 +5 101 5 878844510 +5 102 3 875721196 +5 105 3 875635443 +5 109 5 875635350 +5 110 1 875636493 +5 121 4 875635189 +5 135 4 875637536 +5 139 3 875721260 +5 143 3 875636815 +5 144 3 875636141 +5 145 1 875720830 +5 151 3 875635723 +5 153 5 875636375 +5 154 3 875636691 +5 162 1 875721572 +5 167 2 875636281 +5 168 3 875636691 +5 169 5 878844495 +5 172 5 875636130 +5 173 4 875636675 +5 174 5 875636130 +5 176 3 875635962 +5 183 4 875636014 +5 185 3 875720692 +5 186 5 875636375 +5 189 5 878844495 +5 194 4 878845197 +5 200 2 875720717 +5 204 4 875636675 +5 208 4 875636675 +5 209 5 875636571 +5 210 3 875636099 +5 211 4 875636631 +5 214 3 875637485 +5 216 1 875720967 +5 219 3 875720744 +5 222 4 875635174 +5 225 2 875635723 +5 226 3 875635962 +5 227 4 875636099 +5 228 5 875636070 +5 229 2 875635947 +5 230 3 875636070 +5 231 2 875635947 +5 233 4 875729064 +5 234 2 875720692 +5 235 4 875635384 +5 241 1 875720948 +5 243 1 878844164 +5 250 3 875635265 +5 257 5 875635239 +5 259 1 878844208 +5 267 4 875635064 +5 363 3 875635225 +5 364 1 875636571 +5 365 1 875637144 +5 368 1 875635457 +5 369 1 875635372 +5 370 1 875720814 +5 371 1 875720967 +5 372 3 875636230 +5 373 3 875635907 +5 374 3 875636905 +5 375 3 875637587 +5 376 2 879198045 +5 377 1 878844615 +5 378 1 875721167 +5 379 3 875720814 +5 380 3 875637191 +5 381 1 875636540 +5 382 5 875636587 +5 383 3 875636588 +5 384 3 875636389 +5 385 4 875636185 +5 386 2 875636230 +5 387 3 875637419 +5 388 2 879198898 +5 389 1 875721315 +5 390 5 875636340 +5 391 4 875636167 +5 392 2 875637330 +5 393 2 875636265 +5 394 2 879198031 +5 395 2 879198898 +5 396 5 875636265 +5 397 2 875635907 +5 398 2 875636167 +5 399 3 875635947 +5 400 1 878844630 +5 401 5 875636308 +5 402 1 875720947 +5 403 3 875636152 +5 405 3 875635225 +5 407 3 875635431 +5 408 5 878844495 +5 409 2 878844651 +5 410 1 879198183 +5 411 1 875635431 +5 413 3 875635807 +5 414 3 875636691 +5 415 1 875636842 +5 416 1 875721196 +5 417 3 875636830 +5 418 3 875721216 +5 419 3 875636815 +5 420 3 875721168 +5 421 1 875721019 +5 422 4 875636767 +5 423 4 875636793 +5 424 1 875635807 +5 426 3 878844510 +5 427 3 875721167 +5 428 5 875636588 +5 429 3 875637429 +5 430 5 875636631 +5 431 3 875636099 +5 432 4 875636793 +5 433 5 875636655 +5 435 4 875636033 +5 436 5 875720717 +5 437 1 878844423 +5 438 1 878844423 +5 439 1 878844423 +5 440 1 878844423 +5 441 1 875720830 +5 442 1 879198898 +5 443 4 875720744 +5 444 2 875720762 +5 445 3 875720744 +5 446 4 875720845 +5 447 3 875720744 +5 448 2 875720692 +5 449 2 875636099 +5 450 1 875635962 +5 451 1 875636571 +5 452 1 878844397 +5 453 1 879198898 +5 454 1 875721432 +5 456 1 875636375 +5 457 1 879198898 +6 1 4 883599478 +6 7 2 883599102 +6 8 4 883600657 +6 12 4 883601053 +6 13 2 883599400 +6 14 5 883599249 +6 15 3 883599302 +6 19 4 883602965 +6 21 3 883600152 +6 22 3 883602048 +6 23 4 883601365 +6 28 2 883603013 +6 32 4 883601311 +6 47 3 883600943 +6 50 4 883600842 +6 56 4 883601277 +6 59 5 883601713 +6 64 4 883600597 +6 69 3 883601277 +6 70 3 883601427 +6 71 4 883601053 +6 79 3 883600747 +6 81 4 883602283 +6 86 3 883603013 +6 87 4 883602174 +6 89 4 883600842 +6 95 2 883602133 +6 98 5 883600680 +6 100 5 883599176 +6 111 2 883599478 +6 117 2 883599431 +6 124 5 883599228 +6 125 3 883599670 +6 127 5 883599134 +6 131 5 883602048 +6 132 5 883602422 +6 133 4 883601459 +6 134 5 883602283 +6 135 5 883600747 +6 136 5 883600842 +6 137 5 883599327 +6 143 2 883601053 +6 151 3 883599558 +6 153 4 883603013 +6 154 3 883602730 +6 156 3 883602212 +6 165 5 883600747 +6 166 4 883601426 +6 168 4 883602865 +6 169 4 883600943 +6 173 5 883602462 +6 174 4 883600985 +6 175 4 883601426 +6 177 4 883600818 +6 178 4 883600785 +6 180 4 883601311 +6 182 4 883268776 +6 183 4 883601311 +6 185 5 883601393 +6 186 4 883602730 +6 187 4 883600914 +6 188 3 883602462 +6 189 3 883601365 +6 191 4 883601088 +6 192 4 883600914 +6 193 3 883601529 +6 194 4 883601365 +6 195 4 883602283 +6 197 5 883601203 +6 199 4 883601203 +6 200 3 883602422 +6 202 3 883602690 +6 203 3 883602864 +6 204 3 883601277 +6 205 3 883600878 +6 208 4 883602422 +6 209 4 883601713 +6 211 5 883601155 +6 213 4 883602462 +6 216 5 883601500 +6 221 4 883599431 +6 237 2 883599914 +6 238 5 883601713 +6 242 4 883268170 +6 246 3 883599509 +6 248 3 883598981 +6 257 2 883599478 +6 258 2 883268278 +6 259 1 883268375 +6 268 3 883268406 +6 269 4 883268222 +6 272 4 883717304 +6 274 4 883602501 +6 275 4 883599102 +6 276 2 883599134 +6 284 2 883599590 +6 285 3 883599431 +6 286 2 883268170 +6 293 3 883599327 +6 294 2 883599938 +6 297 3 883599134 +6 298 3 883599558 +6 301 2 883600406 +6 302 4 883268222 +6 303 3 883268321 +6 304 4 883268322 +6 306 4 883268246 +6 308 3 883600445 +6 309 2 883268430 +6 310 2 883268353 +6 317 3 883602174 +6 318 4 883600985 +6 321 3 883268353 +6 357 4 883602422 +6 367 2 883602690 +6 405 1 883600066 +6 408 4 883599075 +6 410 4 883599707 +6 419 4 883602284 +6 423 3 883602501 +6 425 3 883602865 +6 427 4 883600707 +6 432 4 883601713 +6 435 4 883601529 +6 458 1 883599914 +6 459 2 883599228 +6 460 2 883600004 +6 461 4 883601393 +6 462 5 883600914 +6 463 4 883601713 +6 465 1 883683508 +6 466 4 883602422 +6 467 4 883602284 +6 469 5 883601155 +6 470 3 883602690 +6 471 2 883599558 +6 472 1 883600003 +6 473 2 883600111 +6 475 5 883599478 +6 476 1 883600175 +6 477 1 883599509 +6 478 4 883602762 +6 479 5 883601053 +6 480 4 883601089 +6 481 5 883600914 +6 482 4 883601203 +6 483 5 883601500 +6 484 5 883601011 +6 485 5 883602664 +6 486 4 883601427 +6 487 5 883600785 +6 488 5 883601426 +6 489 5 883601011 +6 490 5 883601365 +6 491 4 883602174 +6 492 5 883601089 +6 493 5 883601713 +6 494 4 883601713 +6 495 4 883601366 +6 496 4 883601155 +6 498 4 883601053 +6 499 4 883602283 +6 500 4 883601277 +6 501 5 883602730 +6 502 4 883602664 +6 503 3 883602133 +6 504 3 883601155 +6 505 4 883602422 +6 506 4 883602174 +6 507 4 883601310 +6 508 3 883599530 +6 509 4 883602664 +6 510 4 883600785 +6 511 5 883601393 +6 512 4 883601155 +6 513 4 883600913 +6 514 5 883600657 +6 515 4 883599273 +6 516 4 883602664 +6 517 4 883602212 +6 518 3 883603042 +6 519 5 883601365 +6 520 4 883600985 +6 521 4 883601277 +6 522 5 883601500 +6 523 5 883601528 +6 524 3 883600632 +6 525 5 883601203 +6 526 3 883602596 +6 527 4 883600877 +6 528 4 883602174 +6 529 4 883601459 +6 530 4 883601203 +6 532 3 883600066 +6 533 4 883599830 +6 534 4 883599354 +6 535 2 883600030 +6 536 4 883599400 +6 537 4 883601277 +6 538 2 883268483 +6 539 2 883681433 +7 4 5 891351772 +7 7 5 891352220 +7 8 5 891351328 +7 10 4 891352864 +7 12 5 892135346 +7 22 5 891351121 +7 23 3 891351383 +7 25 3 891352451 +7 27 4 891352692 +7 28 5 891352341 +7 29 3 891353828 +7 32 4 891350932 +7 44 5 891351728 +7 47 5 891352692 +7 50 5 891351042 +7 51 2 891352984 +7 53 5 891354689 +7 54 3 892132380 +7 56 5 891351432 +7 62 3 891354499 +7 64 5 891350756 +7 68 4 891351547 +7 72 5 891353977 +7 73 3 892133154 +7 77 5 891353325 +7 78 3 891354165 +7 79 4 891352261 +7 80 4 891354381 +7 81 5 891352626 +7 82 3 891351471 +7 86 4 891350810 +7 89 5 891351082 +7 90 3 891352984 +7 91 3 891353860 +7 92 5 891352010 +7 93 5 891351042 +7 97 5 891351201 +7 98 4 891351002 +7 99 5 891352557 +7 100 5 891351082 +7 101 5 891350966 +7 106 4 891353892 +7 118 2 891353411 +7 121 5 891352904 +7 126 3 891353254 +7 127 5 891351728 +7 131 5 891352383 +7 133 5 891353192 +7 134 4 892134959 +7 135 5 891351547 +7 136 5 891351813 +7 139 3 891354729 +7 140 5 891353124 +7 141 5 891353444 +7 142 3 891354090 +7 143 3 892132627 +7 144 5 891351201 +7 145 1 891354530 +7 151 4 891352749 +7 152 4 891351851 +7 153 5 891352220 +7 154 5 891353124 +7 156 5 891351653 +7 157 5 891352059 +7 161 3 891352489 +7 162 5 891353444 +7 163 4 891353444 +7 164 5 891351813 +7 166 3 891351585 +7 168 5 891351509 +7 171 3 891351287 +7 172 4 891350965 +7 173 5 891351002 +7 174 5 891350757 +7 175 5 892133057 +7 176 3 891350782 +7 177 4 891352904 +7 178 4 891350932 +7 180 5 891350782 +7 181 3 891351287 +7 182 4 891350965 +7 183 4 891351624 +7 185 5 892135346 +7 186 4 891350900 +7 187 4 891350757 +7 188 5 891352778 +7 190 5 891351728 +7 191 5 891351201 +7 192 4 891352010 +7 193 5 892135346 +7 194 5 891351851 +7 195 5 891352626 +7 196 5 891351432 +7 197 4 891351082 +7 198 3 891351685 +7 199 5 892135346 +7 200 5 891353543 +7 201 2 891351471 +7 202 3 891352947 +7 203 5 891352178 +7 204 5 891351121 +7 205 5 891351585 +7 207 4 891352526 +7 208 5 891352220 +7 210 4 891352904 +7 211 5 891352557 +7 212 1 891353051 +7 213 3 891351686 +7 214 5 891352384 +7 215 4 891351624 +7 216 4 891350900 +7 219 1 892131924 +7 223 5 891351328 +7 226 5 891353614 +7 227 3 892132317 +7 228 4 891350845 +7 229 3 891352384 +7 230 3 891353326 +7 231 3 892132885 +7 232 3 891353766 +7 234 5 891351041 +7 237 5 891351772 +7 238 5 891351814 +7 241 4 891354053 +7 258 4 892135277 +7 259 3 891350464 +7 260 1 892130982 +7 264 4 891350703 +7 266 4 891350703 +7 268 3 891350703 +7 269 3 891349991 +7 273 3 891351547 +7 281 3 891353710 +7 285 5 891351813 +7 286 4 891350703 +7 288 4 891350703 +7 294 1 892130809 +7 300 4 891350703 +7 307 5 891350703 +7 309 3 891350704 +7 317 4 892133670 +7 324 1 892135078 +7 334 5 892130784 +7 356 4 891351728 +7 357 5 892135347 +7 367 5 891350810 +7 378 5 891353011 +7 380 4 891354053 +7 382 4 891352093 +7 384 3 891353710 +7 385 5 891351585 +7 386 4 892133310 +7 387 3 892133670 +7 389 4 891354090 +7 391 3 892132943 +7 393 4 891352058 +7 396 4 891354288 +7 399 4 891354357 +7 401 4 891354257 +7 402 5 891352904 +7 403 4 891351234 +7 404 5 891352947 +7 405 3 891353290 +7 416 5 891353051 +7 417 3 892132652 +7 418 4 892131824 +7 419 3 891350900 +7 420 5 891353219 +7 421 3 891352134 +7 423 5 891351509 +7 428 5 892133036 +7 429 5 891351002 +7 430 3 891352178 +7 431 4 891351547 +7 432 4 891352831 +7 433 5 892135347 +7 434 4 891352384 +7 435 5 891350845 +7 436 5 891351471 +7 440 1 892131978 +7 441 2 891354257 +7 444 5 891354288 +7 446 2 892132020 +7 447 5 891350900 +7 448 3 891353828 +7 449 3 891354785 +7 450 4 892132425 +7 451 5 891353892 +7 452 5 891353860 +7 455 4 891353086 +7 461 4 891352303 +7 465 4 891353154 +7 470 3 891352489 +7 471 4 891352864 +7 472 2 891353357 +7 474 5 891351002 +7 479 4 891352010 +7 480 4 891352093 +7 481 5 891352341 +7 482 3 891351083 +7 483 4 891351851 +7 484 5 891351201 +7 485 5 891351851 +7 487 3 891352178 +7 489 3 891353477 +7 491 5 891351432 +7 492 5 891352010 +7 495 5 891351328 +7 496 5 891351083 +7 497 4 891352134 +7 498 5 891351814 +7 499 4 891351472 +7 501 5 891353411 +7 502 5 891352261 +7 503 4 891353950 +7 504 5 891352384 +7 505 3 891352341 +7 506 5 891353614 +7 507 5 891352383 +7 509 5 891352778 +7 510 5 891352134 +7 511 5 891351624 +7 513 4 891351772 +7 514 2 891351121 +7 515 3 891350757 +7 519 4 891352831 +7 520 5 892133466 +7 521 5 891353124 +7 523 4 891350845 +7 526 5 891351042 +7 527 5 891351772 +7 528 5 891352659 +7 529 2 891352626 +7 530 5 891350900 +7 537 3 891352749 +7 540 3 892132972 +7 541 2 891354662 +7 542 4 892131849 +7 543 3 891351772 +7 544 3 891353254 +7 545 2 891354882 +7 547 3 891353710 +7 548 5 891352692 +7 550 4 891352489 +7 551 1 892131978 +7 552 4 891354531 +7 553 3 892134010 +7 554 3 891354639 +7 555 4 892134811 +7 556 3 891352659 +7 557 4 892132145 +7 558 4 892131924 +7 559 5 891354882 +7 560 3 892132798 +7 561 4 891354611 +7 562 5 891354053 +7 563 2 892131978 +7 564 3 891354471 +7 565 4 892132019 +7 566 4 891353411 +7 567 1 892132019 +7 568 5 891352261 +7 569 4 892131978 +7 570 3 891354639 +7 571 3 891353950 +7 572 3 891354331 +7 574 5 892132402 +7 575 3 892133271 +7 576 5 892132943 +7 578 3 891354090 +7 579 4 892133361 +7 580 3 892132171 +7 581 5 891353477 +7 582 5 892135347 +7 583 2 892132380 +7 584 4 891352093 +7 585 4 892133180 +7 587 4 891353950 +7 588 4 891352261 +7 589 5 891352451 +7 590 2 891354730 +7 591 3 891352179 +7 593 5 891351851 +7 594 3 891354114 +7 595 2 891353801 +7 596 5 891351728 +7 597 3 891353744 +7 598 3 891353801 +7 599 1 891353860 +7 600 4 891354090 +7 601 5 891353744 +7 603 4 891350757 +7 604 3 891351547 +7 605 4 891353290 +7 606 3 891352904 +7 607 3 891352831 +7 608 4 891351653 +7 609 3 891352749 +7 611 3 891351161 +7 612 5 891351121 +7 613 4 891352010 +7 614 5 891352489 +7 616 4 891351002 +7 617 5 891354588 +7 618 4 891350900 +7 619 3 891352831 +7 620 4 891353892 +7 621 5 892132773 +7 622 4 891352984 +7 623 3 891354217 +7 624 4 891353892 +7 625 3 892131824 +7 626 5 892132773 +7 627 3 891352594 +7 628 3 891352831 +7 630 5 891352341 +7 631 4 891352984 +7 633 5 891351509 +7 634 5 891351287 +7 635 3 891352864 +7 636 4 891351384 +7 637 4 891353570 +7 638 4 892132122 +7 639 5 891353676 +7 640 3 891353614 +7 641 5 892135346 +7 642 3 892132277 +7 643 4 891350932 +7 644 5 891351685 +7 645 4 891353614 +7 646 5 891351383 +7 647 5 891352489 +7 648 5 891351653 +7 649 5 891353254 +7 650 3 891350965 +7 652 3 891352659 +7 653 4 891351161 +7 654 5 892135347 +7 655 5 891351384 +7 656 3 891351509 +7 657 4 891351234 +7 658 3 891352419 +7 659 5 891351161 +7 660 5 891353051 +7 661 5 891351624 +7 662 3 892133739 +7 665 4 891354471 +7 666 4 892132192 +7 667 5 892135347 +7 668 4 891352778 +7 669 1 892132020 +7 670 5 891353254 +7 671 5 891351728 +7 672 1 892131925 +7 673 3 891353744 +7 674 2 891352659 +7 675 5 891352947 +7 676 3 891354499 +7 677 3 891354499 +7 678 3 891350356 +7 679 5 891353124 +7 680 4 891350703 +7 681 1 891350594 +7 682 2 891350383 +7 683 4 891350703 +8 7 3 879362287 +8 22 5 879362183 +8 50 5 879362124 +8 56 5 879362183 +8 79 4 879362286 +8 82 5 879362356 +8 89 4 879362124 +8 96 3 879362183 +8 127 5 879362123 +8 144 5 879362286 +8 172 5 879362123 +8 174 5 879362183 +8 176 5 879362233 +8 177 4 879362233 +8 181 4 879362183 +8 182 5 879362183 +8 183 5 879362233 +8 187 4 879362123 +8 188 5 879362356 +8 190 4 879362183 +8 195 5 879362287 +8 210 4 879362287 +8 227 4 879362423 +8 228 5 879362286 +8 229 5 879362356 +8 233 4 879362423 +8 241 4 879362423 +8 243 2 879361732 +8 258 5 879361482 +8 259 1 879361604 +8 260 3 879361665 +8 273 3 879362287 +8 294 3 879361521 +8 301 4 879361550 +8 338 4 879361873 +8 341 2 879361825 +8 358 2 879361732 +8 385 1 879362124 +8 403 4 879362234 +8 435 5 879362233 +8 457 1 879361825 +8 511 5 879362183 +8 518 4 879362422 +8 550 3 879362356 +8 566 3 879362423 +8 568 4 879362233 +8 651 5 879362123 +8 684 4 879362356 +8 685 4 879362423 +8 686 3 879362356 +8 687 1 879361825 +8 688 1 879361732 +8 689 4 879361873 +9 6 5 886960055 +9 7 4 886960030 +9 242 4 886958715 +9 276 4 886959423 +9 286 5 886960055 +9 294 4 886959453 +9 298 5 886960055 +9 340 4 886958715 +9 371 5 886960055 +9 385 5 886960055 +9 402 4 886959343 +9 479 4 886959343 +9 483 5 886960056 +9 487 5 886960056 +9 507 4 886959343 +9 521 4 886959343 +9 527 3 886959344 +9 615 4 886959344 +9 690 1 886959344 +9 691 5 886960055 +10 1 4 877888877 +10 4 4 877889130 +10 7 4 877892210 +10 9 4 877889005 +10 11 4 877888677 +10 12 5 877886911 +10 13 3 877892050 +10 16 4 877888877 +10 22 5 877888812 +10 23 5 877886911 +10 32 4 877886661 +10 33 4 877893020 +10 40 4 877892438 +10 48 4 877889058 +10 50 5 877888545 +10 56 5 877886598 +10 59 4 877886722 +10 60 3 877892110 +10 64 4 877886598 +10 69 4 877889131 +10 82 4 877886912 +10 85 4 877892438 +10 93 4 877892160 +10 98 4 877889261 +10 99 5 877889130 +10 100 5 877891747 +10 116 4 877888944 +10 124 5 877888545 +10 127 5 877886661 +10 129 4 877891966 +10 132 5 877893020 +10 133 5 877891904 +10 134 5 877889131 +10 135 5 877889004 +10 137 4 877889186 +10 144 4 877892110 +10 153 4 877886722 +10 155 4 877889186 +10 156 4 877886846 +10 157 5 877889004 +10 160 4 877888944 +10 161 4 877892050 +10 162 4 877892210 +10 164 4 877889333 +10 168 4 877888812 +10 170 4 877889333 +10 174 4 877886661 +10 175 3 877888677 +10 176 4 877889130 +10 178 5 877888677 +10 179 5 877889004 +10 182 5 877888876 +10 183 5 877893020 +10 185 5 877888876 +10 186 4 877886722 +10 191 5 877888613 +10 194 4 877886661 +10 195 4 877889130 +10 197 5 877888944 +10 198 3 877889005 +10 199 4 877892050 +10 200 5 877889261 +10 203 4 877891967 +10 205 5 877888812 +10 211 5 877889130 +10 216 4 877889333 +10 218 4 877889261 +10 221 4 877888677 +10 223 5 877888545 +10 234 4 877888877 +10 245 4 877886281 +10 269 4 877886162 +10 273 4 877888613 +10 274 4 877889333 +10 275 4 877888677 +10 276 4 877891904 +10 283 4 877892276 +10 285 5 877889186 +10 286 4 877886162 +10 289 4 877886223 +10 294 3 879163524 +10 302 4 877886162 +10 319 3 877886223 +10 321 4 879163494 +10 333 4 877886359 +10 334 4 877886281 +10 340 4 880371312 +10 357 5 877889186 +10 367 4 877892437 +10 371 4 877886912 +10 385 4 877886783 +10 404 4 877886911 +10 418 4 877886783 +10 420 4 877892438 +10 432 4 877892160 +10 435 5 877889261 +10 447 4 877891747 +10 461 3 877888944 +10 462 3 877891747 +10 463 4 877889186 +10 467 4 877891904 +10 474 4 877886783 +10 475 4 877888545 +10 478 5 877889004 +10 479 5 877891966 +10 480 5 877888943 +10 483 5 877889333 +10 484 5 877891904 +10 486 4 877886846 +10 488 5 877888613 +10 489 4 877892210 +10 493 4 877886661 +10 495 4 877892160 +10 496 5 877889005 +10 497 4 877889261 +10 498 5 877889333 +10 499 4 877893021 +10 504 5 877892110 +10 505 4 877886846 +10 509 4 877889005 +10 510 5 877892209 +10 511 4 877888877 +10 513 4 877886598 +10 519 5 877892050 +10 521 4 877892110 +10 525 5 877892210 +10 527 4 877886597 +10 529 3 877892438 +10 530 4 877892210 +10 531 5 877886911 +10 558 4 877886722 +10 582 4 877892276 +10 588 4 877886846 +10 602 5 877889057 +10 603 5 877886783 +10 604 4 877892110 +10 606 5 877888876 +10 610 4 877888613 +10 611 5 877886722 +10 615 4 877892276 +10 629 4 877886722 +10 651 4 877888812 +10 652 3 877889130 +10 655 5 877891904 +10 656 5 877886846 +10 657 4 877892110 +10 663 3 877886598 +10 664 4 877886911 +10 686 4 877886911 +10 692 4 877889261 +10 693 4 877886783 +10 694 5 877892437 +10 695 3 877892050 +10 696 4 877892276 +10 697 3 877888677 +10 698 4 877888877 +10 700 4 877892277 +10 701 4 877888812 +10 702 3 877886722 +10 703 5 877892110 +10 704 3 877892050 +10 705 4 877892050 +10 706 4 877888677 +10 707 5 877886783 +10 708 4 877892438 +10 710 4 877892160 +10 711 4 877888812 +10 712 4 877892438 +11 9 5 891902970 +11 11 2 891904271 +11 12 2 891904194 +11 15 5 891903067 +11 22 4 891904241 +11 24 3 891904016 +11 25 3 891903836 +11 29 3 891904805 +11 38 3 891905936 +11 39 3 891905824 +11 40 3 891905279 +11 42 3 891905058 +11 47 4 891904551 +11 51 4 891906439 +11 54 3 891905936 +11 56 4 891904949 +11 57 2 891904552 +11 69 3 891904270 +11 70 4 891904573 +11 79 4 891905783 +11 86 4 891904551 +11 90 2 891905298 +11 94 3 891905324 +11 97 4 891904300 +11 98 2 891905783 +11 100 4 891902718 +11 107 4 891903276 +11 109 3 891903836 +11 110 3 891905324 +11 111 4 891903862 +11 120 2 891903935 +11 123 3 891902745 +11 125 4 891903108 +11 135 4 891904335 +11 168 3 891904949 +11 173 5 891904920 +11 175 3 891904551 +11 180 2 891904335 +11 185 4 891905783 +11 190 3 891904174 +11 191 4 891904270 +11 194 4 891904920 +11 203 4 891905856 +11 204 3 891904920 +11 208 4 891905032 +11 211 3 891905003 +11 213 4 891906389 +11 215 3 891904389 +11 216 3 891904949 +11 222 3 891902718 +11 227 3 891905896 +11 228 3 891905824 +11 229 4 891905878 +11 230 4 891905783 +11 237 4 891903005 +11 238 3 891905032 +11 239 4 891904617 +11 241 4 891906389 +11 258 5 891901696 +11 259 3 891902270 +11 260 1 891902426 +11 268 5 891901652 +11 274 3 891906510 +11 277 5 891903226 +11 286 5 891901606 +11 290 3 891903877 +11 291 4 891902815 +11 300 3 891902092 +11 312 4 891902157 +11 317 4 891904174 +11 324 1 891902222 +11 332 5 891901769 +11 350 4 891901991 +11 356 4 891906327 +11 357 5 891904241 +11 365 3 891904764 +11 367 3 891905058 +11 370 3 891902880 +11 382 3 891904573 +11 383 2 891905555 +11 386 3 891905279 +11 393 4 891905222 +11 395 2 891905349 +11 399 3 891905279 +11 402 4 891904662 +11 405 3 891904016 +11 414 3 891905393 +11 423 5 891904174 +11 425 4 891904300 +11 428 4 891905032 +11 429 5 891904335 +11 430 3 891905032 +11 431 2 891905896 +11 433 4 891905003 +11 434 4 891904270 +11 435 4 891904968 +11 451 2 891905003 +11 455 3 891903862 +11 504 3 891905856 +11 508 4 891903005 +11 517 2 891905222 +11 521 2 891904174 +11 524 4 891904949 +11 526 3 891904859 +11 527 4 891904335 +11 544 4 891903226 +11 549 4 891904617 +11 558 3 891904214 +11 561 2 891905936 +11 573 3 891906327 +11 577 3 891905555 +11 580 5 891905222 +11 597 2 891904037 +11 603 4 891905783 +11 646 3 891904389 +11 652 4 891905003 +11 654 3 891905856 +11 659 5 891904920 +11 660 3 891904573 +11 662 3 891904300 +11 663 4 891905032 +11 690 4 891901716 +11 692 4 891905003 +11 707 5 891906389 +11 710 2 891905221 +11 713 5 891903024 +11 714 4 891904214 +11 715 3 891904764 +11 716 3 891905058 +11 717 2 891902815 +11 719 3 891905279 +11 720 1 891904717 +11 721 3 891905279 +11 722 3 891905349 +11 723 5 891904637 +11 724 3 891904551 +11 725 3 891905568 +11 726 3 891905515 +11 727 3 891904335 +11 728 3 891905366 +11 730 3 891904335 +11 731 4 891904789 +11 732 3 891904596 +11 733 4 891904413 +11 734 3 891905349 +11 735 3 891904300 +11 736 4 891906411 +11 738 3 891905324 +11 739 3 891906411 +11 740 4 891903067 +11 741 5 891902745 +11 742 3 891902815 +11 743 2 891904065 +11 744 4 891903005 +11 745 5 891905324 +11 746 4 891905032 +11 747 3 891906426 +11 749 5 891901797 +11 750 5 891901629 +11 751 2 891902092 +11 752 4 891902157 +12 4 5 879960826 +12 15 5 879959670 +12 28 5 879958969 +12 50 4 879959044 +12 69 5 879958902 +12 71 4 879959635 +12 82 4 879959610 +12 96 4 879959583 +12 97 5 879960826 +12 98 5 879959068 +12 127 4 879959488 +12 132 5 879959465 +12 133 4 879959670 +12 143 5 879959635 +12 157 5 879959138 +12 159 4 879959306 +12 161 5 879959553 +12 168 4 879959513 +12 170 4 879959374 +12 172 4 879959088 +12 174 5 879958969 +12 191 5 879960801 +12 195 4 879959670 +12 196 5 879959553 +12 200 1 879959610 +12 202 4 879959514 +12 203 3 879959583 +12 204 5 879960826 +12 215 4 879959553 +12 216 5 879960826 +12 228 4 879959465 +12 242 5 879960826 +12 276 4 879959488 +12 282 5 879960679 +12 300 4 879958639 +12 318 5 879960826 +12 381 4 879958902 +12 392 4 879959025 +12 402 5 879960826 +12 416 3 879959025 +12 471 5 879959670 +12 480 4 879959161 +12 591 5 879959212 +12 684 5 879959105 +12 708 3 879959394 +12 735 5 879960826 +12 753 5 879960679 +12 754 4 879958810 +13 1 3 882140487 +13 2 3 882397650 +13 4 5 882141306 +13 5 1 882396869 +13 7 2 882396790 +13 8 4 882140001 +13 9 3 882140205 +13 11 1 882397146 +13 12 5 881515011 +13 13 5 882141617 +13 14 4 884538727 +13 17 1 882396954 +13 21 3 882399040 +13 22 4 882140487 +13 23 5 882139937 +13 24 1 882397741 +13 25 1 882141686 +13 27 3 882397833 +13 28 5 882398814 +13 29 2 882397833 +13 32 4 882140286 +13 33 5 882397581 +13 37 1 882397011 +13 39 3 882397581 +13 40 2 886302815 +13 42 4 882141393 +13 45 3 882139863 +13 48 5 882139863 +13 50 5 882140001 +13 51 3 882399419 +13 56 5 881515011 +13 58 4 882139966 +13 59 4 882140425 +13 60 4 884538767 +13 61 4 882140552 +13 64 5 882140037 +13 66 3 882141485 +13 67 1 882141686 +13 68 3 882397741 +13 70 3 882140691 +13 71 4 882398654 +13 72 4 882141727 +13 73 3 882141485 +13 79 3 882139746 +13 82 2 882397503 +13 83 2 886303585 +13 86 1 881515348 +13 87 5 882398814 +13 88 4 882141485 +13 89 4 882139717 +13 90 3 882141872 +13 91 2 882398724 +13 92 3 882397271 +13 94 3 882142057 +13 95 5 882140104 +13 96 4 882140104 +13 97 4 882399357 +13 98 4 881515011 +13 99 4 882398654 +13 100 5 882140166 +13 109 4 882141306 +13 110 3 882141130 +13 116 5 882140455 +13 117 3 882398138 +13 118 4 882397581 +13 121 5 882397503 +13 124 5 884538663 +13 128 1 882397502 +13 135 5 882139541 +13 137 5 882139804 +13 138 1 882399218 +13 141 2 890705034 +13 144 4 882397146 +13 147 3 882397502 +13 150 5 882140588 +13 153 4 882139901 +13 154 5 882141335 +13 155 2 882399615 +13 157 3 882140552 +13 160 4 882140070 +13 161 5 882397741 +13 163 3 882141582 +13 164 3 882396790 +13 166 5 884538663 +13 167 4 882141659 +13 168 4 881515193 +13 170 5 882139774 +13 173 2 882139863 +13 176 3 882140455 +13 177 5 882397271 +13 178 4 882139829 +13 179 2 882140206 +13 180 5 882141248 +13 181 5 882140354 +13 182 5 882139347 +13 183 4 882397271 +13 185 3 881515011 +13 186 4 890704999 +13 188 4 882140130 +13 190 4 882397145 +13 191 3 881515193 +13 193 5 882139937 +13 194 5 882141458 +13 195 3 881515296 +13 196 4 882140552 +13 197 4 881515239 +13 198 3 881515193 +13 199 5 882140001 +13 200 3 882140552 +13 201 1 882396869 +13 204 5 882140318 +13 205 2 881515193 +13 208 5 882140624 +13 210 3 882140455 +13 212 5 882399385 +13 215 5 882140588 +13 216 3 881515193 +13 217 1 882396955 +13 218 1 882396869 +13 219 1 882396955 +13 222 3 882140285 +13 223 5 882139901 +13 224 4 882140166 +13 225 2 882399156 +13 226 4 882397651 +13 227 5 882397650 +13 228 4 882140389 +13 229 4 882397650 +13 230 3 882397503 +13 231 3 882397582 +13 232 3 890704999 +13 233 4 882397650 +13 234 5 882140252 +13 237 5 882140285 +13 238 3 881515411 +13 241 3 882397502 +13 242 2 881515193 +13 243 3 882140966 +13 258 4 882139327 +13 260 1 882140848 +13 261 1 883670785 +13 263 5 881515647 +13 264 4 882140848 +13 265 4 882140038 +13 268 4 881514810 +13 269 2 889292060 +13 270 4 881514876 +13 271 1 881514876 +13 272 4 884538403 +13 273 3 882397502 +13 276 5 882140104 +13 279 5 882139804 +13 280 4 882399528 +13 281 3 882397974 +13 285 5 882139937 +13 286 3 881514683 +13 287 1 882141459 +13 289 2 882140759 +13 290 4 882141814 +13 292 5 882140867 +13 294 2 881514683 +13 299 3 881515698 +13 300 1 881515736 +13 301 1 882140718 +13 302 5 881514811 +13 303 4 881514876 +13 305 4 881514811 +13 306 3 881514876 +13 307 2 881514684 +13 308 3 881514726 +13 311 3 881514726 +13 312 1 883670630 +13 313 4 882774047 +13 314 1 884538485 +13 315 5 884538466 +13 316 5 888073653 +13 317 5 882140552 +13 318 3 882139686 +13 319 4 882139327 +13 320 1 882397010 +13 321 2 882140740 +13 327 3 881515521 +13 328 3 881514811 +13 329 2 886952246 +13 331 3 881515457 +13 332 3 881515457 +13 333 3 881514810 +13 334 1 886952467 +13 336 2 882140848 +13 338 1 882140740 +13 339 3 882140718 +13 340 2 881514684 +13 341 2 886952422 +13 342 4 885744650 +13 343 1 883670672 +13 344 2 888073635 +13 345 4 884538366 +13 346 4 883670552 +13 347 5 885185824 +13 348 2 886952246 +13 349 1 892387807 +13 350 2 886302293 +13 351 1 886302385 +13 353 4 886261450 +13 354 2 888779458 +13 355 3 888688733 +13 357 3 881515411 +13 358 3 881515521 +13 360 4 882140926 +13 362 4 890704999 +13 363 3 882398076 +13 367 3 882141458 +13 377 1 882399219 +13 379 1 882396984 +13 384 2 882141814 +13 385 3 882397502 +13 387 3 886304229 +13 391 3 882398255 +13 394 2 882399615 +13 396 3 882141727 +13 398 2 882398410 +13 400 4 885744650 +13 401 1 882141841 +13 402 4 886303934 +13 403 2 882397271 +13 404 5 882399014 +13 405 2 882397742 +13 406 1 882397011 +13 409 3 882141872 +13 410 1 882141997 +13 411 2 882141924 +13 413 1 882396984 +13 414 5 882141458 +13 416 3 882398934 +13 417 2 882398934 +13 418 2 882398763 +13 419 3 882398814 +13 420 4 882398691 +13 421 2 882140389 +13 423 5 882398814 +13 427 5 882398814 +13 428 5 882140588 +13 429 5 884538727 +13 430 5 882139495 +13 431 1 882397271 +13 432 4 882398654 +13 433 4 881515239 +13 435 5 882141392 +13 436 2 882396869 +13 437 1 882397068 +13 439 1 882397040 +13 440 1 882397040 +13 441 1 882396984 +13 442 1 890705056 +13 443 4 882140588 +13 444 4 882396984 +13 445 4 882139774 +13 446 1 882397039 +13 447 2 882396869 +13 448 1 882396869 +13 449 4 882398385 +13 450 3 882398494 +13 451 1 882141872 +13 452 3 882397039 +13 453 2 882397067 +13 455 3 882141425 +13 457 1 883670785 +13 462 5 882140487 +13 463 5 882140318 +13 467 5 882140588 +13 471 1 882140455 +13 472 5 882398327 +13 473 4 882398724 +13 475 3 881515113 +13 476 2 882141997 +13 477 4 882398934 +13 478 4 884538571 +13 480 3 881515193 +13 481 3 882140038 +13 482 5 882140355 +13 483 5 882139774 +13 484 5 882139804 +13 485 1 882140624 +13 488 3 890704999 +13 492 5 882140552 +13 493 5 882140206 +13 494 4 881515295 +13 498 4 882139901 +13 501 5 882398724 +13 502 5 882141458 +13 505 3 882140389 +13 507 1 882140070 +13 508 3 882140426 +13 509 5 882140691 +13 510 5 882139717 +13 514 5 881515112 +13 515 2 881515193 +13 516 5 882141485 +13 517 5 882139746 +13 518 4 882140252 +13 519 5 882140355 +13 520 4 886302261 +13 522 5 882140425 +13 523 4 882141306 +13 524 4 886302261 +13 525 5 882140624 +13 526 3 882141053 +13 527 5 882140252 +13 529 4 882140206 +13 530 5 881515295 +13 538 1 884538448 +13 539 1 883670785 +13 540 3 882398410 +13 541 1 882397650 +13 546 3 882397741 +13 547 1 882397011 +13 548 3 882398743 +13 549 4 882399357 +13 550 4 882397741 +13 551 1 882397084 +13 553 2 882399419 +13 554 2 882397833 +13 559 1 882396913 +13 561 1 882396914 +13 563 1 882397039 +13 564 1 882396913 +13 565 1 882397040 +13 567 1 882396955 +13 568 3 882140552 +13 570 5 882397581 +13 572 2 882398255 +13 573 3 882396955 +13 576 3 882398076 +13 578 3 882397974 +13 585 4 882141814 +13 586 3 882398326 +13 588 4 882398763 +13 589 3 881515239 +13 590 2 882397068 +13 596 3 882398691 +13 597 3 882397650 +13 601 4 882140104 +13 602 4 884538634 +13 603 4 884538571 +13 604 5 882139966 +13 606 4 882140130 +13 610 2 882140690 +13 612 4 882140318 +13 613 4 881515411 +13 614 4 884538634 +13 615 4 881515348 +13 617 3 881515112 +13 621 4 882398934 +13 624 5 882398691 +13 625 2 882398691 +13 629 1 882141582 +13 630 2 886302261 +13 631 3 882140624 +13 632 3 884538664 +13 635 1 882396984 +13 636 2 882397502 +13 637 2 882396913 +13 638 3 881515239 +13 639 3 882139804 +13 646 4 882140037 +13 650 2 882140425 +13 651 5 882140070 +13 652 5 882141458 +13 654 5 881515295 +13 655 5 886261387 +13 656 5 882139746 +13 657 4 882139829 +13 659 3 882141335 +13 661 5 881515411 +13 663 5 882140252 +13 665 2 882396984 +13 667 1 882397040 +13 668 1 882397068 +13 669 1 882397067 +13 670 3 882396955 +13 671 3 882396790 +13 672 1 882396914 +13 673 3 882140691 +13 674 3 882396955 +13 675 5 882396955 +13 678 3 882140792 +13 679 4 882397650 +13 682 1 883670742 +13 683 1 886952521 +13 684 5 882397271 +13 685 5 882397582 +13 686 5 882397146 +13 687 1 883670705 +13 688 1 883670819 +13 689 2 881515735 +13 692 4 882141659 +13 694 4 890704999 +13 705 5 884538766 +13 706 1 882396869 +13 709 4 882139863 +13 712 4 882141872 +13 716 4 882141393 +13 720 4 882397974 +13 732 5 882141617 +13 733 5 882399528 +13 735 3 882140690 +13 736 4 882399528 +13 737 4 882399615 +13 739 4 886303745 +13 740 1 882140355 +13 747 4 882140624 +13 748 4 882140792 +13 752 1 886952569 +13 754 4 882140718 +13 755 3 882399014 +13 756 2 886302858 +13 757 3 882398934 +13 758 1 882397084 +13 759 2 882398542 +13 760 1 882396914 +13 761 4 882398076 +13 762 5 882141336 +13 763 1 882141458 +13 764 2 882141997 +13 766 4 882139686 +13 768 4 882398724 +13 769 3 882397040 +13 770 4 882397581 +13 771 3 882398410 +13 772 1 882140070 +13 773 1 882396869 +13 775 4 886304188 +13 776 2 882398934 +13 778 3 886302694 +13 780 1 882142057 +13 781 3 882399528 +13 782 3 885744650 +13 783 3 886304188 +13 784 1 882397084 +13 785 3 882141924 +13 786 3 886303088 +13 787 3 882141582 +13 788 1 882396914 +13 789 5 882140389 +13 790 2 882141841 +13 791 5 882141686 +13 792 5 882139686 +13 793 5 882141841 +13 794 4 882399615 +13 795 2 882399219 +13 796 3 886304188 +13 797 5 882398327 +13 798 2 882397974 +13 800 1 882397067 +13 801 3 886303172 +13 802 2 882398254 +13 803 3 882398255 +13 804 2 882141997 +13 805 4 882141458 +13 806 5 882140426 +13 807 1 886304229 +13 808 2 882397833 +13 809 4 882397582 +13 811 5 882139829 +13 812 2 882398933 +13 813 1 882139863 +13 814 5 886302261 +13 815 4 886303934 +13 816 1 882396983 +13 818 3 882141814 +13 820 4 882398743 +13 821 3 882141393 +13 822 3 884538634 +13 823 5 882397833 +13 824 3 886302261 +13 825 1 882397651 +13 827 3 882398327 +13 828 1 882399218 +13 829 3 882398385 +13 830 1 882397581 +13 831 3 882398385 +13 832 4 882399156 +13 833 2 882397974 +13 834 1 882397068 +13 835 3 882139901 +13 836 2 882139746 +13 837 4 882139717 +13 838 1 882397742 +13 839 1 882396984 +13 840 3 886261387 +13 841 1 882398076 +13 842 2 882399156 +13 843 5 882399156 +13 844 1 882397010 +13 845 3 882141503 +13 846 2 882141997 +13 847 4 882139937 +13 848 5 882140001 +13 849 1 882397833 +13 850 4 882140318 +13 851 5 882139966 +13 852 1 882396869 +13 854 1 882396914 +13 855 4 882140130 +13 856 5 886303171 +13 857 3 881515348 +13 858 1 882397068 +13 859 1 882397040 +13 860 1 882396984 +13 861 3 882139774 +13 864 4 882141924 +13 865 5 882141425 +13 866 3 882141814 +13 867 5 882399615 +13 868 5 882139901 +13 869 3 882141727 +13 870 3 882397271 +13 871 2 882141924 +13 872 3 882139327 +13 873 1 881515565 +13 874 5 881514876 +13 875 1 881515613 +13 876 2 881515521 +13 877 2 882140792 +13 878 1 883670785 +13 879 2 881515697 +13 880 3 882140966 +13 881 2 881514876 +13 882 3 886952438 +13 883 3 882140848 +13 884 2 882140814 +13 885 1 886302334 +13 886 5 881515613 +13 887 5 882140867 +13 888 2 886261388 +13 889 3 892015236 +13 890 1 883670672 +13 891 1 892015288 +13 892 3 882774224 +13 893 3 882774005 +13 894 1 883670742 +13 895 1 883670515 +13 896 5 891036745 +13 897 1 886952422 +13 898 1 884538403 +13 899 1 892015288 +13 900 5 888279677 +13 901 1 883670672 +13 904 1 892015178 +13 905 2 886302261 +13 906 3 891749765 +13 907 1 884538485 +13 908 1 886302385 +13 909 5 890704721 +13 910 2 890704721 +13 912 2 892014861 +13 913 1 892014908 +13 914 2 892870589 +13 915 5 892015023 +13 918 3 892524090 +14 7 5 876965061 +14 9 4 879119260 +14 12 5 890881216 +14 13 4 880929778 +14 14 3 879119311 +14 15 4 879119390 +14 18 3 879119260 +14 19 5 880929651 +14 22 3 890881521 +14 23 5 890881216 +14 25 2 876965165 +14 32 5 890881485 +14 42 4 879119579 +14 50 5 890881557 +14 56 5 879119579 +14 70 1 879119692 +14 81 5 890881384 +14 93 3 879119311 +14 96 4 890881433 +14 98 3 890881335 +14 100 5 876965165 +14 111 3 876965165 +14 116 5 876965165 +14 121 3 876965061 +14 124 5 876964936 +14 127 2 879644647 +14 151 5 876964725 +14 168 4 879119497 +14 172 5 890881521 +14 173 4 879119579 +14 174 5 890881294 +14 175 5 879119497 +14 176 1 890881484 +14 181 5 889666215 +14 191 4 890881557 +14 202 3 890881521 +14 204 5 879119651 +14 210 5 879119739 +14 211 4 879119693 +14 213 5 890881557 +14 222 4 876965061 +14 238 5 879119579 +14 242 4 876964570 +14 265 3 890881216 +14 269 4 892242403 +14 275 4 876964725 +14 276 4 879119390 +14 283 4 882839936 +14 285 5 879119118 +14 288 4 876964936 +14 302 5 890880970 +14 313 2 890880970 +14 319 1 884482684 +14 357 2 890881294 +14 382 5 879119739 +14 408 5 879119348 +14 427 5 890881433 +14 428 4 879119497 +14 455 4 880929745 +14 474 4 890881557 +14 475 3 876964936 +14 477 4 879119311 +14 492 4 890881485 +14 498 5 890881384 +14 509 5 890881521 +14 514 4 879119579 +14 517 4 890881485 +14 519 5 890881335 +14 524 5 879119497 +14 525 5 890881557 +14 530 5 890881433 +14 588 4 890881433 +14 596 3 879119311 +14 603 4 890881484 +14 628 5 880929697 +14 655 5 879119739 +14 663 5 879119651 +14 709 5 879119693 +14 716 5 879119651 +14 750 3 891014196 +14 762 3 876964936 +14 792 5 879119651 +14 813 2 880929564 +14 820 3 882839856 +14 845 3 880929564 +14 920 4 880929745 +14 921 5 890881384 +14 922 4 880929651 +14 923 5 890881294 +15 1 1 879455635 +15 7 1 879455506 +15 9 4 879455635 +15 13 1 879455940 +15 14 4 879455659 +15 15 4 879455939 +15 18 1 879455681 +15 20 3 879455541 +15 25 3 879456204 +15 50 5 879455606 +15 111 4 879455914 +15 118 1 879456381 +15 127 2 879455505 +15 137 4 879455939 +15 148 3 879456049 +15 181 5 879455710 +15 220 4 879456262 +15 222 3 879455730 +15 225 3 879456447 +15 235 1 879456424 +15 237 3 879455871 +15 243 1 879455362 +15 244 2 879456447 +15 248 1 879455871 +15 251 2 879455541 +15 252 2 879456351 +15 255 5 879455764 +15 257 4 879455821 +15 269 5 879455165 +15 274 4 879456168 +15 278 1 879455843 +15 280 3 879456167 +15 282 3 879456204 +15 285 4 879455635 +15 286 2 879455049 +15 289 3 879455262 +15 291 3 879456084 +15 292 5 879455128 +15 300 4 879455166 +15 301 4 879455233 +15 302 4 879455049 +15 303 3 879455080 +15 306 5 879455165 +15 307 1 879455233 +15 308 5 879455334 +15 310 4 879455049 +15 322 3 879455262 +15 323 1 879455311 +15 328 3 879455192 +15 331 3 879455166 +15 333 1 879455128 +15 405 2 879455957 +15 409 3 879456324 +15 411 2 879456351 +15 455 1 879455914 +15 458 5 879456288 +15 459 5 879455562 +15 471 4 879456084 +15 473 1 879456204 +15 476 4 879456404 +15 508 2 879455789 +15 546 2 879456324 +15 591 2 879455821 +15 620 4 879456204 +15 676 4 879455871 +15 678 1 879455311 +15 685 4 879456288 +15 690 4 879455128 +15 696 2 879456262 +15 742 2 879456049 +15 744 4 879455789 +15 749 1 879455311 +15 754 5 879455080 +15 815 1 879456108 +15 845 2 879456108 +15 864 4 879456231 +15 866 4 879456288 +15 879 3 879455311 +15 889 3 879455473 +15 924 3 879456204 +15 925 2 879455764 +15 926 1 879456424 +15 927 4 879456381 +15 928 1 879456404 +15 929 1 879456168 +15 930 2 879456381 +15 931 1 879456507 +15 932 1 879456465 +15 933 1 879456447 +15 934 4 879456507 +15 935 3 879455710 +15 936 5 879455889 +15 937 4 879455128 +15 938 3 879455233 +16 1 5 877717833 +16 4 5 877726390 +16 7 5 877724066 +16 8 5 877722736 +16 9 5 877722736 +16 11 5 877718755 +16 12 5 877718168 +16 15 5 877722001 +16 22 5 877721071 +16 27 2 877726390 +16 28 5 877727122 +16 31 5 877717956 +16 33 2 877722001 +16 39 5 877720118 +16 51 4 877726390 +16 55 5 877717956 +16 56 5 877719863 +16 58 4 877720118 +16 64 5 877720297 +16 66 4 877719075 +16 69 5 877724846 +16 70 4 877720118 +16 71 5 877721071 +16 76 5 877719863 +16 79 5 877727122 +16 87 4 877720916 +16 89 2 877717833 +16 92 4 877721905 +16 95 5 877728417 +16 96 5 877717833 +16 98 5 877718107 +16 99 5 877720733 +16 109 4 877719333 +16 125 3 877726944 +16 127 5 877719206 +16 134 4 877719158 +16 135 4 877720916 +16 143 5 877727192 +16 144 5 877721142 +16 151 5 877721905 +16 152 4 877728417 +16 155 3 877719157 +16 156 4 877719863 +16 158 4 877727280 +16 160 4 877722001 +16 161 5 877726390 +16 164 5 877724438 +16 168 4 877721142 +16 172 5 877724726 +16 174 5 877719504 +16 178 5 877719333 +16 180 5 877726790 +16 182 5 877719863 +16 183 5 877720733 +16 191 5 877719454 +16 194 5 877720733 +16 195 5 877720298 +16 197 5 877726146 +16 200 5 877722736 +16 204 5 877722736 +16 208 5 877727054 +16 209 5 877722736 +16 216 5 877722736 +16 227 5 877727193 +16 228 5 877720733 +16 230 5 877720813 +16 233 5 877727054 +16 234 5 877720185 +16 237 5 877719504 +16 240 4 877724603 +16 273 5 877722736 +16 282 5 877718755 +16 284 1 877719863 +16 288 3 877717078 +16 294 4 877717116 +16 300 5 877717078 +16 302 5 877716993 +16 318 5 877718107 +16 321 3 877717116 +16 357 5 877720297 +16 367 3 877726390 +16 385 5 877727192 +16 404 5 877728417 +16 410 5 877718107 +16 418 5 877724727 +16 423 5 877721142 +16 427 5 877722001 +16 443 5 877727055 +16 447 5 877724066 +16 448 5 877722736 +16 467 5 877720733 +16 469 3 877720916 +16 471 3 877724845 +16 476 3 877720437 +16 479 5 877720436 +16 480 5 877720297 +16 482 5 877718872 +16 496 5 877721905 +16 498 5 877719333 +16 502 4 877723670 +16 504 5 877718168 +16 509 2 877720118 +16 510 4 877727280 +16 531 5 877722736 +16 546 4 877726944 +16 564 1 877726790 +16 583 4 877720186 +16 602 5 877719333 +16 603 5 877719206 +16 606 4 877721071 +16 629 4 877720437 +16 642 5 877719075 +16 654 5 877720298 +16 655 5 877724066 +16 657 5 877723882 +16 661 4 877726789 +16 684 5 877719863 +16 692 4 877719158 +16 693 4 877721905 +16 705 5 877722736 +16 735 3 877720186 +16 761 2 877727192 +16 770 3 877724979 +16 812 2 877723882 +16 940 2 877721236 +16 941 1 877720437 +16 942 4 877719863 +16 943 3 877719206 +16 944 1 877727122 +16 945 4 877719158 +16 946 5 877724727 +16 947 4 877719454 +16 948 3 877717397 +17 1 4 885272579 +17 7 4 885272487 +17 9 3 885272558 +17 13 3 885272654 +17 100 4 885272520 +17 111 3 885272674 +17 117 3 885272724 +17 125 1 885272538 +17 126 4 885272724 +17 137 4 885272606 +17 150 5 885272654 +17 151 4 885272751 +17 222 3 885272751 +17 237 2 885272628 +17 245 2 885166209 +17 269 4 885165619 +17 276 4 885272654 +17 286 3 885165619 +17 294 4 885166209 +17 323 1 885166256 +17 471 2 885272779 +17 508 3 885272779 +17 744 3 885272606 +17 919 4 885272696 +18 1 5 880130802 +18 4 3 880132150 +18 6 5 880130764 +18 9 5 880130550 +18 12 5 880129991 +18 13 5 880131497 +18 14 5 880130431 +18 15 4 880131054 +18 19 3 880130582 +18 23 4 880130065 +18 25 3 880131591 +18 26 4 880129731 +18 28 3 880129527 +18 42 3 880130713 +18 45 5 880130739 +18 47 3 880131262 +18 50 4 880130155 +18 56 5 880129454 +18 57 4 880130930 +18 58 4 880130613 +18 60 4 880132055 +18 61 4 880130803 +18 64 5 880132501 +18 65 5 880130333 +18 66 3 880131728 +18 69 3 880129527 +18 70 4 880129668 +18 71 4 880131236 +18 79 4 880131450 +18 81 3 880130890 +18 82 3 880131236 +18 83 5 880129877 +18 86 4 880129731 +18 89 3 880130065 +18 91 3 880130393 +18 94 3 880131676 +18 95 4 880131297 +18 97 4 880131525 +18 98 5 880129527 +18 99 5 880130829 +18 111 3 880131631 +18 113 5 880129628 +18 116 5 880131358 +18 125 3 880131004 +18 126 5 880130680 +18 127 5 880129668 +18 131 4 880131004 +18 132 5 880132437 +18 133 5 880130713 +18 134 5 880129877 +18 135 3 880130065 +18 136 5 880129421 +18 142 4 880131173 +18 151 3 880131804 +18 152 3 880130515 +18 153 4 880130551 +18 154 4 880131358 +18 157 3 880131849 +18 162 4 880131326 +18 165 4 880129527 +18 166 4 880129595 +18 168 3 880130431 +18 169 5 880130252 +18 170 5 880130515 +18 174 4 880130613 +18 175 4 880130431 +18 177 3 880131297 +18 178 3 880129628 +18 179 4 880129877 +18 180 4 880130252 +18 181 3 880131631 +18 182 4 880130640 +18 185 3 880129388 +18 186 4 880131699 +18 187 5 880130393 +18 188 3 880129388 +18 189 5 880129816 +18 190 4 880130155 +18 191 4 880130193 +18 193 5 880131358 +18 194 3 880129816 +18 195 3 880131236 +18 196 3 880131297 +18 197 4 880130109 +18 198 3 880130613 +18 199 3 880129769 +18 200 3 880131775 +18 202 3 880130515 +18 204 3 880131407 +18 208 4 880131004 +18 209 4 880130861 +18 211 5 880131358 +18 212 5 880129990 +18 213 5 880131201 +18 214 4 880132078 +18 215 3 880130930 +18 221 5 880129816 +18 223 5 880129731 +18 224 5 880130739 +18 234 3 880131106 +18 236 3 880131077 +18 237 3 880129991 +18 238 5 880132437 +18 241 3 880131525 +18 269 5 880129305 +18 275 5 880129421 +18 276 5 880130829 +18 283 5 880130551 +18 284 3 880131804 +18 285 5 880130333 +18 286 5 880129305 +18 287 4 880131144 +18 317 5 880131144 +18 318 5 880132437 +18 319 4 880129305 +18 357 4 880129421 +18 367 4 880130802 +18 378 3 880131804 +18 381 4 880131474 +18 386 2 880131986 +18 387 4 880130155 +18 393 3 880130930 +18 402 3 880132225 +18 403 3 880132103 +18 404 4 880132055 +18 408 5 880129628 +18 411 3 880131986 +18 414 4 880131054 +18 416 5 880131144 +18 423 5 880132437 +18 425 3 880130713 +18 427 5 880129421 +18 428 3 880131325 +18 430 4 880130155 +18 432 4 880131559 +18 434 3 880131297 +18 435 4 880130890 +18 443 3 880130193 +18 451 3 880131297 +18 461 4 880130713 +18 462 3 880130065 +18 463 4 880131143 +18 474 4 880129731 +18 476 3 880132399 +18 478 5 880129691 +18 479 4 880129769 +18 480 4 880129595 +18 482 5 880130582 +18 483 4 880129940 +18 485 5 880132437 +18 486 3 880131559 +18 487 4 880129454 +18 488 3 880130065 +18 489 4 880129769 +18 492 4 880131054 +18 494 3 880131497 +18 496 5 880130470 +18 497 4 880131358 +18 498 4 880129940 +18 504 5 880129940 +18 509 4 880129940 +18 513 4 880129769 +18 514 5 880129990 +18 515 5 880130155 +18 517 2 880129388 +18 519 4 880129991 +18 520 4 880129595 +18 523 4 880130393 +18 526 4 880131407 +18 527 4 880130109 +18 528 4 880129489 +18 529 5 880130515 +18 530 4 880129877 +18 549 4 880131173 +18 582 5 880131450 +18 588 4 880131201 +18 602 3 880131407 +18 603 3 880129388 +18 604 5 880129731 +18 607 3 880131752 +18 609 4 880130713 +18 610 4 880130861 +18 612 4 880131591 +18 613 5 880129769 +18 614 4 880130861 +18 627 3 880131931 +18 629 3 880130515 +18 630 3 880132188 +18 631 5 880129691 +18 639 4 880131407 +18 647 4 880129595 +18 649 3 880131591 +18 654 4 880130110 +18 659 4 880129489 +18 660 5 880130930 +18 663 4 880129454 +18 692 3 880130930 +18 699 5 880130802 +18 702 3 880131407 +18 704 3 880131986 +18 705 3 880130640 +18 707 3 880131450 +18 708 3 880129595 +18 709 5 880131028 +18 724 4 880132055 +18 729 3 880131236 +18 732 3 880131698 +18 735 4 880130582 +18 736 4 880131028 +18 737 3 880132055 +18 739 3 880131776 +18 747 3 880132225 +18 753 4 880129816 +18 762 3 880132103 +18 775 3 880131878 +18 778 2 880131077 +18 781 3 880132188 +18 792 5 880131106 +18 794 3 880131878 +18 805 4 880131358 +18 845 3 880131236 +18 863 3 880130680 +18 921 5 880132437 +18 923 5 880132501 +18 949 3 880131559 +18 950 3 880130764 +18 951 3 880129595 +18 952 2 880130582 +18 953 3 880131901 +18 954 3 880130640 +18 955 4 880130713 +18 956 5 880131525 +18 957 3 880132188 +18 959 3 880131450 +18 960 4 880131004 +18 961 3 880131830 +18 962 4 880131631 +18 963 5 880132437 +18 964 3 880132252 +18 965 4 880132012 +18 966 2 880132399 +18 967 3 880131901 +18 968 3 880130155 +18 969 3 880131106 +18 970 3 880131591 +18 971 4 880131878 +18 972 3 880130515 +18 973 3 880129595 +19 4 4 885412840 +19 153 4 885412840 +19 201 3 885412839 +19 202 4 885412723 +19 210 3 885412840 +19 211 4 885412840 +19 258 4 885411840 +19 268 2 885412034 +19 288 3 885411840 +19 294 3 885412034 +19 310 4 885412063 +19 313 2 885411792 +19 319 4 885411465 +19 325 4 885412251 +19 382 3 885412840 +19 435 5 885412840 +19 655 3 885412723 +19 692 3 885412840 +19 887 4 885411465 +20 1 3 879667963 +20 11 2 879669401 +20 15 4 879667937 +20 22 5 879669339 +20 50 3 879667937 +20 69 1 879668979 +20 82 4 879669697 +20 87 5 879669746 +20 94 2 879669954 +20 95 3 879669181 +20 98 3 879669547 +20 118 4 879668442 +20 121 3 879668227 +20 143 3 879669040 +20 144 2 879669401 +20 148 5 879668713 +20 151 3 879668555 +20 172 3 879669181 +20 174 4 879669087 +20 176 2 879669152 +20 181 4 879667904 +20 186 3 879669040 +20 194 3 879669152 +20 204 3 879670039 +20 208 2 879669401 +20 210 4 879669065 +20 243 4 879667799 +20 252 4 879669697 +20 274 4 879668248 +20 288 1 879667584 +20 323 4 879667684 +20 357 1 879669244 +20 378 3 879669630 +20 405 3 879668555 +20 423 2 879669313 +20 496 5 879669244 +20 498 3 879669001 +20 568 4 879669291 +20 588 4 879669120 +20 597 3 879668190 +20 678 4 879667684 +20 742 4 879668166 +20 763 1 879668476 +20 820 2 879668626 +20 866 1 879668583 +20 931 1 879668829 +20 934 4 879668783 +21 1 5 874951244 +21 5 2 874951761 +21 7 5 874951292 +21 9 5 874951188 +21 15 4 874951188 +21 17 4 874951695 +21 50 3 874951131 +21 53 4 874951820 +21 56 5 874951658 +21 98 5 874951657 +21 100 5 874951292 +21 103 1 874951245 +21 106 2 874951447 +21 118 1 874951382 +21 121 1 874951416 +21 123 4 874951382 +21 127 5 874951188 +21 129 4 874951382 +21 145 1 874951761 +21 148 1 874951482 +21 164 5 874951695 +21 184 4 874951797 +21 185 5 874951658 +21 200 5 874951695 +21 201 5 874951658 +21 217 3 874951727 +21 218 4 874951696 +21 219 5 874951797 +21 222 2 874951382 +21 234 5 874951657 +21 240 4 874951245 +21 242 3 874951617 +21 243 2 874951039 +21 244 4 874951349 +21 245 1 874951006 +21 258 4 874950889 +21 259 2 874951005 +21 260 2 874950972 +21 261 1 874951006 +21 262 4 874950931 +21 263 1 874951040 +21 264 3 874950972 +21 273 4 874951349 +21 281 2 874951416 +21 286 3 874950889 +21 288 3 874950932 +21 289 3 874950972 +21 291 3 874951446 +21 292 3 874950889 +21 294 3 874951616 +21 295 3 874951349 +21 298 5 874951382 +21 299 1 874950931 +21 300 3 874950889 +21 301 4 874951054 +21 319 2 874950889 +21 320 3 874951658 +21 321 3 874950972 +21 322 3 874951005 +21 323 2 874950972 +21 324 4 874950889 +21 325 4 874950931 +21 326 5 874950889 +21 327 3 874950932 +21 328 3 874951005 +21 330 4 874951040 +21 370 1 874951293 +21 379 3 874951820 +21 396 2 874951798 +21 406 1 874951293 +21 408 5 874951188 +21 413 2 874951293 +21 424 1 874951293 +21 436 4 874951858 +21 437 1 874951858 +21 438 1 874951858 +21 439 1 874951820 +21 440 1 874951798 +21 441 3 874951761 +21 443 4 874951761 +21 444 3 874951859 +21 445 3 874951658 +21 447 5 874951695 +21 448 4 874951727 +21 452 4 874951727 +21 453 2 874951797 +21 457 1 874951054 +21 473 3 874951245 +21 547 2 874951292 +21 551 3 874951898 +21 558 5 874951695 +21 559 1 874951761 +21 561 1 874951761 +21 563 2 874951898 +21 564 3 874951797 +21 565 3 874951898 +21 567 2 874951858 +21 569 3 874951820 +21 573 2 874951898 +21 590 1 874951898 +21 591 3 874951382 +21 595 3 874951617 +21 596 3 874951617 +21 637 4 874951695 +21 656 5 874951797 +21 665 3 874951858 +21 668 1 874951761 +21 669 1 874951761 +21 670 3 874951696 +21 671 5 874951657 +21 672 3 874951727 +21 674 2 874951897 +21 675 5 874951897 +21 678 2 874951005 +21 680 1 874950972 +21 687 2 874951005 +21 688 1 874950972 +21 696 2 874951382 +21 706 2 874951695 +21 717 1 874951483 +21 741 3 874951382 +21 742 3 874951617 +21 748 1 874950889 +21 758 1 874951314 +21 760 1 874951293 +21 767 1 874951314 +21 773 3 874951797 +21 774 2 874951898 +21 800 1 874951727 +21 816 1 874951898 +21 817 3 874951695 +21 820 3 874951616 +21 834 1 874951293 +21 839 1 874951797 +21 844 4 874951292 +21 853 5 874951658 +21 854 5 874951657 +21 858 1 874951858 +21 859 2 874951859 +21 860 2 874951727 +21 872 2 874950889 +21 873 2 874950932 +21 874 2 874951005 +21 875 4 874951005 +21 876 2 874950932 +21 877 2 874950972 +21 878 2 874951039 +21 925 2 874951447 +21 928 3 874951616 +21 930 1 874951482 +21 931 2 874951446 +21 948 1 874951054 +21 974 3 874951416 +21 975 3 874951447 +21 976 1 874951483 +21 977 2 874951416 +21 978 1 874951483 +21 979 2 874951416 +21 981 2 874951382 +21 982 1 874951482 +21 983 2 874951416 +21 984 1 874951040 +21 985 2 874951349 +21 987 3 874951616 +21 988 1 874951005 +21 989 3 874951039 +21 991 2 874951039 +21 992 2 874951349 +21 993 4 874951245 +21 994 2 874951104 +21 995 2 874950932 +22 2 2 878887925 +22 17 4 878886682 +22 21 4 878886750 +22 24 5 878888026 +22 29 1 878888228 +22 53 3 878888107 +22 68 4 878887925 +22 79 4 878887765 +22 80 4 878887227 +22 85 5 878886989 +22 89 5 878887680 +22 94 3 878887277 +22 96 5 878887680 +22 105 1 878887347 +22 109 4 878886710 +22 110 1 878887157 +22 117 4 878887869 +22 118 4 878887983 +22 121 3 878887925 +22 128 5 878887983 +22 144 5 878887680 +22 153 5 878886423 +22 154 4 878886423 +22 161 4 878887925 +22 163 1 878886845 +22 167 3 878887023 +22 168 5 878886517 +22 172 4 878887680 +22 173 5 878886368 +22 174 5 878887765 +22 175 4 878886682 +22 176 5 878887765 +22 181 5 878887765 +22 184 5 878887869 +22 186 5 878886368 +22 187 5 878887680 +22 194 5 878886607 +22 195 4 878887810 +22 201 4 878886449 +22 202 5 878886480 +22 204 5 878886607 +22 208 5 878886607 +22 209 4 878886518 +22 210 3 878886479 +22 211 3 878886518 +22 216 4 878886682 +22 222 4 878887925 +22 226 4 878888145 +22 227 4 878888067 +22 228 4 878887810 +22 229 2 878887925 +22 230 4 878888026 +22 231 2 878887983 +22 233 3 878888066 +22 238 5 878886423 +22 241 3 878888025 +22 258 5 878886261 +22 265 3 878888066 +22 290 5 878886607 +22 294 1 878886262 +22 358 5 878887443 +22 367 1 878886571 +22 376 3 878887112 +22 377 1 878887116 +22 384 3 878887413 +22 385 4 878887869 +22 386 3 878887347 +22 393 4 878886989 +22 399 4 878887157 +22 403 5 878887810 +22 407 3 878886845 +22 411 1 878887277 +22 430 4 878886607 +22 431 4 878888026 +22 433 3 878886479 +22 435 5 878886682 +22 449 1 878888145 +22 451 4 878887062 +22 455 5 878886479 +22 456 1 878887413 +22 502 4 878886647 +22 510 5 878887765 +22 511 4 878887983 +22 515 5 878887869 +22 523 5 878886845 +22 526 4 878888026 +22 546 3 878888107 +22 550 5 878888184 +22 554 1 878888066 +22 566 3 878888145 +22 568 4 878887810 +22 636 3 878888106 +22 648 4 878886647 +22 651 4 878887810 +22 665 1 878888145 +22 683 1 878886307 +22 684 3 878887983 +22 687 1 878887476 +22 688 1 878886307 +22 692 4 878886480 +22 712 4 878887186 +22 731 3 878887116 +22 780 1 878887377 +22 791 1 878887227 +22 792 4 878886647 +22 840 4 878888184 +22 862 1 878886845 +22 871 3 878886750 +22 878 1 878887598 +22 932 1 878887277 +22 948 1 878887553 +22 988 1 878887116 +22 996 1 878887158 +22 997 1 878887377 +22 998 1 878886571 +22 999 4 878886902 +22 1000 3 878886333 +22 1001 1 878886647 +22 1002 1 878887186 +22 1003 1 878887277 +23 1 5 874784615 +23 7 4 874784385 +23 8 4 874785474 +23 13 4 874784497 +23 14 4 874784440 +23 19 4 874784466 +23 28 3 874786793 +23 32 3 874785809 +23 50 4 874784440 +23 55 4 874785624 +23 62 3 874786880 +23 70 2 874786513 +23 71 3 874789299 +23 73 3 874787016 +23 79 4 874785957 +23 82 3 874787449 +23 83 4 874785926 +23 88 3 874787410 +23 90 2 874787370 +23 91 4 884550049 +23 95 4 874786220 +23 96 4 874785551 +23 98 5 874786016 +23 99 4 874786098 +23 100 5 874784557 +23 102 3 874785957 +23 109 3 874784466 +23 124 5 874784440 +23 131 4 884550021 +23 132 4 874785756 +23 133 4 874786220 +23 134 4 874786098 +23 143 3 874786066 +23 144 3 874785926 +23 145 3 874786244 +23 151 3 874784668 +23 153 4 874786438 +23 155 3 874787059 +23 156 3 877817091 +23 161 2 874787017 +23 162 3 874786950 +23 170 4 874785348 +23 171 5 874785809 +23 172 4 874785889 +23 173 5 874787587 +23 174 4 874785652 +23 175 5 874785526 +23 176 3 874785843 +23 177 4 884550003 +23 181 4 874784337 +23 183 3 874785728 +23 185 4 874785756 +23 188 3 877817151 +23 189 5 874785985 +23 191 3 877817113 +23 194 4 874786016 +23 196 2 874786926 +23 202 3 874785165 +23 203 4 874786746 +23 204 3 874786122 +23 209 5 874785843 +23 211 4 874786512 +23 213 3 874785675 +23 214 3 874785701 +23 215 2 874787116 +23 216 4 874787204 +23 217 2 874787144 +23 219 1 874788187 +23 222 4 876785704 +23 224 5 874784638 +23 227 3 874787738 +23 228 4 874785582 +23 229 3 874787162 +23 230 4 874785809 +23 234 2 874785624 +23 235 1 874784712 +23 238 5 874785526 +23 250 4 874784338 +23 257 3 890276940 +23 258 5 876785704 +23 269 5 877817151 +23 275 5 874785474 +23 283 4 874784575 +23 294 1 876785901 +23 315 3 884550320 +23 323 2 874784266 +23 357 3 874785233 +23 380 5 874787774 +23 381 4 874787350 +23 385 4 874786462 +23 386 4 874789001 +23 387 3 874786098 +23 404 4 874787860 +23 405 4 874784638 +23 408 5 874784538 +23 414 3 874785526 +23 418 4 874786037 +23 419 3 874787204 +23 421 5 874786770 +23 427 5 874789279 +23 432 4 884550048 +23 433 5 874785233 +23 449 2 874787083 +23 451 2 874787256 +23 463 4 874785843 +23 472 2 874784972 +23 479 5 874785728 +23 483 4 884550048 +23 504 4 874785624 +23 511 5 874786770 +23 512 5 874785843 +23 516 4 874787330 +23 518 5 874785194 +23 526 3 874787116 +23 527 4 874785926 +23 528 4 874786974 +23 530 4 874789279 +23 541 4 876785720 +23 546 3 874784668 +23 549 3 874788290 +23 588 4 884550021 +23 597 3 874785024 +23 603 4 874785448 +23 629 4 874786098 +23 642 3 874785843 +23 652 4 874785926 +23 655 3 874787330 +23 662 3 874788045 +23 694 4 884550049 +23 705 4 874785526 +23 710 4 874785889 +23 713 4 874784337 +23 739 2 874787861 +23 747 3 874786903 +23 780 1 874788388 +23 856 4 874787288 +23 919 5 874784440 +23 961 5 874785165 +23 1005 3 874787647 +23 1006 3 874785809 +24 7 4 875323676 +24 8 5 875323002 +24 9 5 875323745 +24 11 5 875323100 +24 12 5 875323711 +24 25 4 875246258 +24 41 5 875323594 +24 55 5 875323308 +24 56 4 875323240 +24 58 3 875323745 +24 64 5 875322758 +24 69 5 875323051 +24 71 5 875323833 +24 79 4 875322796 +24 92 5 875323241 +24 97 4 875323193 +24 98 5 875323401 +24 100 5 875323637 +24 109 3 875322848 +24 117 4 875246216 +24 127 5 875323879 +24 129 3 875246185 +24 132 3 875323274 +24 151 5 875322848 +24 153 4 875323368 +24 173 5 875323474 +24 176 5 875323595 +24 178 5 875323676 +24 180 5 875322847 +24 191 5 875323003 +24 200 5 875323440 +24 216 4 875323745 +24 223 5 875322727 +24 237 4 875323002 +24 238 5 875323274 +24 249 4 875246216 +24 258 4 875245985 +24 275 5 875323507 +24 276 5 875322951 +24 286 5 875323773 +24 288 3 875245985 +24 289 3 875245985 +24 294 3 875246037 +24 300 4 875245985 +24 318 5 875323474 +24 324 5 875322875 +24 357 5 875323100 +24 358 3 875246012 +24 367 2 875323241 +24 372 4 875323553 +24 402 4 875323308 +24 421 5 875323712 +24 427 5 875323002 +24 475 4 875246216 +24 477 5 875323594 +24 486 3 875322908 +24 508 4 875323833 +24 518 4 875323552 +24 582 4 875323368 +24 662 5 875323440 +24 699 3 875323051 +24 727 3 875322727 +24 729 5 875323475 +24 742 4 875323915 +24 763 5 875322875 +24 919 3 875246185 +24 1007 5 875322758 +25 7 4 885853155 +25 8 4 885852150 +25 13 4 885852381 +25 23 4 885852529 +25 25 5 885853415 +25 50 5 885852150 +25 79 4 885852757 +25 82 4 885852150 +25 86 4 885852248 +25 98 5 885853415 +25 114 5 885852218 +25 116 4 885853335 +25 125 5 885852817 +25 127 3 885853030 +25 131 4 885852611 +25 135 3 885852059 +25 141 4 885852720 +25 143 3 885852529 +25 151 4 885853335 +25 169 5 885852301 +25 174 5 885853415 +25 176 4 885852862 +25 177 3 885852488 +25 181 5 885853415 +25 183 4 885852008 +25 186 4 885852569 +25 189 5 885852488 +25 195 4 885852008 +25 197 3 885852059 +25 208 4 885852337 +25 222 4 885852817 +25 228 4 885852920 +25 238 4 885852757 +25 239 4 885853415 +25 257 4 885853415 +25 258 5 885853199 +25 265 4 885853415 +25 269 4 885851953 +25 275 4 885853335 +25 357 4 885852757 +25 404 3 885852920 +25 427 4 885852059 +25 430 4 885852920 +25 432 2 885852443 +25 455 4 885853415 +25 463 4 885852529 +25 474 4 885852008 +25 477 4 885853155 +25 478 5 885852271 +25 479 5 885852569 +25 480 4 885852008 +25 495 4 885852862 +25 498 4 885852086 +25 501 3 885852301 +25 520 3 885852150 +25 568 4 885852529 +25 604 4 885852008 +25 612 4 885852120 +25 615 5 885852611 +25 633 4 885852301 +25 655 4 885852248 +25 657 4 885852720 +25 692 4 885852656 +25 729 4 885852697 +25 742 4 885852569 +25 837 4 885852611 +25 929 4 885852178 +25 968 4 885852218 +25 969 3 885852059 +26 1 3 891350625 +26 7 3 891350826 +26 9 4 891386369 +26 13 3 891373086 +26 14 3 891371505 +26 15 4 891386369 +26 24 3 891377540 +26 25 3 891373727 +26 50 4 891386368 +26 100 5 891386368 +26 109 3 891376987 +26 111 3 891371437 +26 116 2 891352941 +26 117 3 891351590 +26 118 3 891385691 +26 121 3 891377540 +26 122 1 891380200 +26 125 4 891371676 +26 126 4 891371676 +26 127 5 891386368 +26 129 4 891350566 +26 148 3 891377540 +26 150 3 891350750 +26 151 3 891372429 +26 181 4 891386369 +26 222 3 891371369 +26 235 2 891372429 +26 237 3 891351590 +26 240 3 891377468 +26 246 4 891351590 +26 248 3 891377468 +26 249 2 891377609 +26 250 3 891350826 +26 252 3 891385569 +26 255 3 891377609 +26 257 3 891371596 +26 258 3 891347949 +26 269 4 891347478 +26 274 3 891385634 +26 276 4 891386369 +26 282 4 891373086 +26 283 3 891371437 +26 286 3 891347400 +26 288 4 891347477 +26 292 3 891347400 +26 294 3 891348192 +26 300 4 891347537 +26 302 5 891386368 +26 304 4 891348011 +26 313 5 891386368 +26 315 3 891347400 +26 316 3 891349122 +26 321 3 891347949 +26 322 3 891349122 +26 323 2 891349184 +26 328 2 891348011 +26 333 3 891348192 +26 343 3 891349238 +26 405 2 891376986 +26 410 2 891373086 +26 413 2 891386049 +26 455 3 891371506 +26 456 1 891386174 +26 458 3 891352941 +26 471 2 891371676 +26 476 3 891384414 +26 508 3 891352941 +26 515 4 891352940 +26 546 2 891371676 +26 591 3 891351590 +26 597 2 891379753 +26 628 3 891372429 +26 678 2 891349122 +26 683 3 891350372 +26 685 3 891371676 +26 742 3 891352492 +26 748 1 891348192 +26 750 4 891347478 +26 760 1 891383899 +26 815 2 891371597 +26 831 2 891379753 +26 840 2 891386049 +26 845 3 891377468 +26 864 2 891383899 +26 871 2 891379664 +26 926 2 891385692 +26 930 2 891385985 +26 936 4 891352136 +26 979 3 891383899 +26 1008 3 891377609 +26 1009 2 891384478 +26 1010 2 891377609 +26 1011 3 891371597 +26 1012 4 891386369 +26 1013 1 891383836 +26 1014 3 891384414 +26 1015 3 891352136 +26 1016 3 891377609 +27 9 4 891542942 +27 50 3 891542897 +27 100 5 891543129 +27 118 3 891543222 +27 121 4 891543191 +27 123 5 891543191 +27 148 3 891543129 +27 244 3 891543222 +27 246 4 891542897 +27 281 3 891543164 +27 286 3 891543393 +27 295 3 891543164 +27 298 4 891543164 +27 325 2 891543191 +27 370 4 891543245 +27 475 2 891542942 +27 508 3 891542987 +27 515 4 891543009 +27 596 2 891542987 +27 742 3 891543129 +27 925 3 891543245 +27 978 2 891543222 +27 1017 4 891542897 +28 7 5 881961531 +28 11 4 881956144 +28 12 4 881956853 +28 28 4 881956853 +28 50 4 881957090 +28 56 5 881957479 +28 70 4 881961311 +28 79 4 881961003 +28 89 4 881961104 +28 95 3 881956917 +28 98 5 881961531 +28 100 5 881957425 +28 117 4 881957002 +28 143 4 881956564 +28 145 3 881961904 +28 153 3 881961214 +28 164 4 881960945 +28 173 3 881956220 +28 174 5 881956334 +28 176 5 881956445 +28 184 4 881961671 +28 185 5 881957002 +28 195 4 881957250 +28 196 4 881956081 +28 200 2 881961671 +28 201 3 881961671 +28 209 4 881961214 +28 217 3 881961671 +28 218 3 881961601 +28 222 5 881961393 +28 223 5 882826496 +28 227 4 881961393 +28 228 5 881961393 +28 234 4 881956144 +28 258 5 881955018 +28 271 4 881955281 +28 282 4 881957425 +28 286 3 881955018 +28 288 5 882826398 +28 294 3 881954915 +28 322 2 881955343 +28 323 3 882826593 +28 332 2 881954915 +28 380 4 881961394 +28 423 2 881956564 +28 429 5 881960794 +28 434 4 881961104 +28 436 5 881961601 +28 441 2 881961782 +28 443 4 881961671 +28 444 3 881961728 +28 447 3 881961532 +28 449 2 881961394 +28 450 1 881961394 +28 479 4 881961157 +28 480 5 881957002 +28 529 4 881957310 +28 568 4 881957147 +28 573 4 881961842 +28 588 3 881957425 +28 603 3 881957090 +28 609 3 881956220 +28 646 4 881961003 +28 665 3 881961782 +28 670 4 881961600 +28 678 2 882826550 +28 760 3 882826399 +28 800 4 881961904 +28 859 3 881961842 +28 895 4 882826398 +29 12 5 882821989 +29 79 4 882821989 +29 98 4 882821942 +29 182 4 882821989 +29 189 4 882821942 +29 245 3 882820803 +29 259 4 882821044 +29 264 3 882820897 +29 268 5 882820686 +29 269 4 882820897 +29 270 4 882820803 +29 286 5 882820663 +29 294 4 882820730 +29 300 3 882820897 +29 302 4 882820663 +29 326 2 882820869 +29 332 4 882820869 +29 343 3 882821673 +29 358 2 882821044 +29 480 4 882821989 +29 539 2 882821044 +29 661 5 882821942 +29 678 3 882821582 +29 689 2 882821705 +29 748 2 882821558 +29 874 4 882821020 +29 879 3 882821161 +29 1018 4 882821989 +30 2 3 875061066 +30 7 4 875140648 +30 28 4 885941321 +30 29 3 875106638 +30 50 3 875061066 +30 69 5 885941156 +30 82 4 875060217 +30 135 5 885941156 +30 161 4 875060883 +30 172 4 875060742 +30 174 5 885941156 +30 181 4 875060217 +30 231 2 875061066 +30 242 5 885941156 +30 252 3 875140740 +30 255 4 875059984 +30 257 4 885941257 +30 258 5 885941156 +30 259 4 875058280 +30 286 5 885941156 +30 289 2 876847817 +30 294 4 875140648 +30 301 4 875988577 +30 304 4 875988548 +30 313 5 885941156 +30 315 4 885941412 +30 319 4 875060217 +30 321 4 875988547 +30 435 5 885941156 +30 531 5 885941156 +30 538 4 885941798 +30 539 3 885941454 +30 678 2 885942002 +30 683 3 885941798 +30 688 3 885941492 +30 780 4 875060217 +30 873 1 875061066 +30 892 4 884310496 +30 1007 5 885941156 +30 1013 3 875060334 +31 32 5 881548030 +31 79 2 881548082 +31 124 4 881548110 +31 135 4 881548030 +31 136 5 881548030 +31 153 4 881548110 +31 175 5 881548053 +31 192 4 881548054 +31 262 5 881547766 +31 268 3 881547746 +31 271 4 881547854 +31 299 4 881547814 +31 302 4 881547719 +31 303 3 881547719 +31 319 4 881547788 +31 321 4 881547746 +31 328 2 881547746 +31 340 3 881547788 +31 484 5 881548030 +31 490 4 881548030 +31 493 5 881548110 +31 498 4 881548111 +31 504 5 881548110 +31 514 5 881548030 +31 611 4 881548111 +31 682 2 881547834 +31 705 5 881548110 +31 811 4 881548053 +31 875 4 881547938 +31 886 2 881547877 +31 1020 3 881548030 +31 1021 3 881548082 +32 9 3 883717747 +32 50 4 883717521 +32 100 3 883717662 +32 111 3 883717986 +32 117 3 883717555 +32 118 3 883717967 +32 122 2 883718250 +32 151 3 883717850 +32 181 4 883717628 +32 222 3 883717600 +32 235 3 883718121 +32 240 2 883717967 +32 245 2 883710047 +32 246 4 883717521 +32 248 4 883717816 +32 249 4 883717645 +32 250 4 883717684 +32 257 4 883717537 +32 259 2 883709986 +32 268 5 883709797 +32 271 3 883709953 +32 276 4 883717913 +32 288 4 883709915 +32 290 3 883717913 +32 294 3 883709863 +32 298 5 883717581 +32 307 2 883709915 +32 313 4 883709840 +32 405 4 883718008 +32 408 3 883717684 +32 475 5 883717766 +32 508 4 883717581 +32 591 3 883717581 +32 628 4 883718121 +32 742 3 883717628 +32 866 3 883718031 +32 1012 4 883717581 +32 1016 1 883718121 +32 1023 3 883717913 +33 245 3 891964326 +33 258 4 891964066 +33 260 4 891964306 +33 271 4 891964166 +33 288 4 891964066 +33 292 4 891964244 +33 294 3 891964166 +33 300 4 891964131 +33 307 3 891964148 +33 313 5 891963290 +33 323 4 891964373 +33 328 4 891964187 +33 333 4 891964259 +33 339 3 891964111 +33 343 4 891964344 +33 348 4 891964404 +33 678 4 891964306 +33 682 4 891964274 +33 751 4 891964188 +33 872 3 891964230 +33 879 3 891964230 +33 895 3 891964187 +34 242 5 888601628 +34 245 4 888602923 +34 259 2 888602808 +34 286 5 888602513 +34 288 2 888601628 +34 289 1 888602950 +34 292 5 888602742 +34 294 1 888602808 +34 299 5 888602923 +34 310 4 888601628 +34 312 4 888602742 +34 324 5 888602808 +34 329 5 888602808 +34 332 5 888602742 +34 690 4 888602513 +34 898 5 888602842 +34 899 5 888603123 +34 990 5 888602808 +34 991 4 888602618 +34 1024 5 888602618 +35 242 2 875459166 +35 243 2 875459046 +35 258 2 875458941 +35 259 4 875459017 +35 261 3 875459046 +35 321 3 875458970 +35 322 3 875459017 +35 326 3 875459017 +35 327 3 875459017 +35 328 3 875459046 +35 332 4 875459237 +35 333 4 875459017 +35 358 1 875459073 +35 678 3 875459017 +35 680 4 875459099 +35 748 4 875458970 +35 876 2 875458970 +35 877 2 875459099 +35 879 4 875459073 +35 881 2 875459127 +35 937 4 875459237 +35 1025 3 875459237 +36 268 2 882157418 +36 269 3 882157258 +36 288 4 882157227 +36 289 2 882157356 +36 307 4 882157227 +36 310 4 882157327 +36 319 2 882157356 +36 333 4 882157227 +36 339 5 882157581 +36 358 5 882157581 +36 682 1 882157386 +36 748 4 882157285 +36 873 3 882157386 +36 875 3 882157470 +36 878 5 882157581 +36 882 5 882157581 +36 883 5 882157581 +36 885 5 882157581 +36 1026 5 882157581 +37 11 4 880915838 +37 22 5 880915810 +37 24 4 880915674 +37 27 4 880915942 +37 50 5 880915838 +37 55 3 880915942 +37 56 5 880915810 +37 62 5 880916070 +37 68 5 880915902 +37 79 4 880915810 +37 82 1 880915942 +37 89 4 880930072 +37 92 4 880930072 +37 96 4 880915810 +37 117 4 880915674 +37 118 2 880915633 +37 121 2 880915528 +37 127 4 880930071 +37 147 3 880915749 +37 161 5 880915902 +37 172 4 880930072 +37 174 5 880915810 +37 176 4 880915942 +37 183 4 880930042 +37 195 5 880915874 +37 222 3 880915528 +37 226 5 880916010 +37 231 2 880916046 +37 233 4 880916046 +37 265 4 880930072 +37 273 3 880915528 +37 288 4 880915258 +37 363 3 880915711 +37 385 4 880915902 +37 403 5 880915942 +37 405 4 880915565 +37 472 2 880915711 +37 540 2 880916070 +37 546 3 880915565 +37 550 4 880915902 +37 566 4 880916010 +37 568 3 880915942 +37 597 5 880915607 +37 665 3 880916046 +37 685 3 880915528 +37 825 2 880915565 +37 827 3 880915607 +37 833 4 880915565 +37 841 3 880915711 +37 930 3 880915711 +37 948 4 880915407 +37 1027 3 880930072 +38 1 5 892430636 +38 22 5 892429347 +38 28 4 892429399 +38 67 4 892434312 +38 69 5 892430486 +38 70 5 892432424 +38 71 5 892430516 +38 78 5 892433062 +38 79 3 892430309 +38 82 5 892429903 +38 84 5 892430937 +38 88 5 892430695 +38 94 5 892432030 +38 95 5 892430094 +38 97 5 892430369 +38 99 5 892430829 +38 105 3 892434217 +38 112 5 892432751 +38 118 5 892431151 +38 122 1 892434801 +38 127 2 892429460 +38 133 2 892429873 +38 139 2 892432786 +38 140 5 892430309 +38 144 5 892430369 +38 145 1 892433062 +38 153 5 892430369 +38 155 5 892432090 +38 161 5 892432062 +38 162 5 892431727 +38 185 2 892432573 +38 188 2 892431953 +38 195 1 892429952 +38 200 5 892432180 +38 202 2 892431665 +38 211 1 892431907 +38 216 5 892430486 +38 218 3 892431871 +38 225 5 892433062 +38 226 1 892431513 +38 234 5 892431607 +38 247 5 892429460 +38 252 5 892429567 +38 257 1 892429512 +38 259 3 892428754 +38 313 5 892428216 +38 318 3 892430071 +38 328 4 892428688 +38 356 2 892430309 +38 383 2 892433801 +38 384 5 892433660 +38 389 5 892433660 +38 392 5 892430120 +38 393 5 892430282 +38 395 3 892434164 +38 400 1 892434036 +38 401 3 892434585 +38 402 5 892430539 +38 403 1 892432205 +38 404 5 892431586 +38 405 5 892432205 +38 409 5 892433135 +38 410 3 892432750 +38 411 3 892433290 +38 413 1 892434626 +38 418 5 892431026 +38 419 5 892429347 +38 420 5 892429347 +38 423 5 892430071 +38 424 3 892432624 +38 432 1 892430282 +38 433 5 892433771 +38 444 1 892433912 +38 445 2 892429399 +38 447 5 892434430 +38 450 1 892432624 +38 451 5 892431727 +38 452 5 892434523 +38 465 5 892432476 +38 501 5 892429801 +38 508 2 892429399 +38 526 1 892430636 +38 550 2 892432786 +38 573 1 892433660 +38 588 5 892429225 +38 590 1 892434373 +38 616 3 892433375 +38 627 5 892431586 +38 672 3 892434800 +38 673 5 892432062 +38 678 5 892428658 +38 679 5 892432062 +38 681 5 892429065 +38 717 1 892433945 +38 720 5 892432424 +38 742 5 892430001 +38 758 1 892434626 +38 768 5 892433062 +38 780 4 892434217 +38 838 2 892433680 +38 916 5 892428188 +38 1014 5 892429542 +38 1029 1 892434626 +38 1030 5 892434475 +38 1031 5 892433801 +38 1032 4 892432624 +38 1033 5 892432531 +38 1034 1 892433062 +38 1035 5 892431907 +38 1036 4 892433704 +38 1037 4 892434283 +39 258 4 891400280 +39 269 4 891400188 +39 270 4 891400609 +39 272 2 891400094 +39 288 5 891400704 +39 294 4 891400609 +39 300 3 891400280 +39 302 5 891400188 +39 306 3 891400342 +39 307 2 891400342 +39 313 4 891400159 +39 315 4 891400094 +39 319 4 891400094 +39 333 4 891400214 +39 345 3 891400159 +39 347 4 891400704 +39 352 5 891400704 +39 748 5 891400704 +39 900 3 891400159 +39 937 5 891400704 +40 242 4 889041330 +40 243 2 889041694 +40 245 3 889041671 +40 258 3 889041981 +40 259 2 889041643 +40 268 4 889041430 +40 269 1 889041283 +40 270 3 889041477 +40 271 2 889041523 +40 272 2 889041283 +40 286 2 889041430 +40 294 4 889041671 +40 300 3 889041523 +40 302 3 889041283 +40 303 4 889041283 +40 305 4 889041430 +40 310 3 889041283 +40 316 3 889041643 +40 321 4 889041523 +40 328 3 889041595 +40 333 4 889041402 +40 337 4 889041523 +40 340 2 889041454 +40 345 4 889041670 +40 346 2 889041358 +40 347 2 889041283 +40 358 3 889041741 +40 750 3 889041523 +40 754 4 889041790 +40 876 3 889041694 +40 879 2 889041595 +40 880 3 889041643 +40 896 4 889041402 +41 1 4 890692860 +41 28 4 890687353 +41 31 3 890687473 +41 50 5 890687066 +41 58 3 890687353 +41 69 4 890687145 +41 97 3 890687665 +41 98 4 890687374 +41 100 4 890687242 +41 135 4 890687473 +41 153 4 890687087 +41 156 4 890687304 +41 168 5 890687304 +41 170 4 890687713 +41 173 4 890687549 +41 174 4 890687264 +41 175 5 890687526 +41 181 4 890687175 +41 188 4 890687571 +41 191 4 890687473 +41 195 4 890687042 +41 196 3 890687593 +41 202 2 890687326 +41 205 4 890687353 +41 209 4 890687642 +41 216 3 890687571 +41 238 5 890687472 +41 265 3 890687042 +41 276 2 890687304 +41 286 4 890685449 +41 289 2 890686673 +41 313 3 890685449 +41 318 4 890687353 +41 357 4 890687175 +41 414 4 890687550 +41 423 2 890687175 +41 430 5 890692860 +41 435 3 890687550 +41 474 5 890687066 +41 486 4 890687305 +41 514 4 890687042 +41 516 5 890687242 +41 518 3 890687412 +41 746 3 890687019 +41 751 4 890686872 +41 969 4 890687438 +41 1039 3 890687642 +42 1 5 881105633 +42 2 5 881109271 +42 12 4 881107502 +42 15 4 881105633 +42 25 3 881110670 +42 28 5 881108187 +42 38 3 881109148 +42 43 2 881109325 +42 44 3 881108548 +42 48 5 881107821 +42 50 5 881107178 +42 54 4 881108982 +42 58 5 881108040 +42 63 4 881108873 +42 64 5 881106711 +42 66 4 881108280 +42 69 4 881107375 +42 70 3 881109148 +42 72 3 881108229 +42 77 5 881108684 +42 79 5 881108040 +42 82 4 881107449 +42 83 4 881108093 +42 87 4 881107576 +42 88 5 881108425 +42 95 5 881107220 +42 96 5 881107178 +42 98 4 881106711 +42 99 5 881108346 +42 102 5 881108873 +42 103 3 881106162 +42 118 4 881105505 +42 121 4 881110578 +42 125 4 881105462 +42 131 2 881108548 +42 135 4 881109148 +42 136 4 881107329 +42 142 4 881109271 +42 143 4 881108229 +42 151 4 881110578 +42 161 4 881108229 +42 168 3 881107773 +42 172 5 881107220 +42 173 5 881107220 +42 175 2 881107687 +42 176 3 881107178 +42 183 4 881107821 +42 185 4 881107449 +42 194 5 881107329 +42 195 5 881107949 +42 196 5 881107718 +42 202 5 881107687 +42 203 4 881107413 +42 204 5 881107821 +42 210 5 881108633 +42 211 4 881107880 +42 215 5 881107413 +42 216 5 881108147 +42 219 1 881109324 +42 222 4 881105882 +42 227 4 881109060 +42 228 4 881107538 +42 229 4 881108684 +42 230 5 881109148 +42 234 4 881108093 +42 237 4 881105882 +42 239 5 881108187 +42 265 3 881107989 +42 273 3 881105817 +42 274 5 881105817 +42 276 1 881105405 +42 280 4 881106270 +42 281 3 881105728 +42 282 4 881105677 +42 283 3 881110483 +42 284 3 881105581 +42 290 3 881106072 +42 294 4 881105296 +42 318 5 881107718 +42 357 5 881107687 +42 367 2 881109149 +42 369 4 881105931 +42 371 4 881108760 +42 380 4 881108548 +42 385 5 881108147 +42 387 3 881108760 +42 402 5 881108982 +42 403 3 881108684 +42 404 5 881108760 +42 405 4 881105541 +42 409 3 881106270 +42 410 3 881110483 +42 411 4 881106317 +42 413 1 881106072 +42 418 5 881108147 +42 419 5 881107178 +42 423 5 881107687 +42 427 4 881107773 +42 428 3 881108040 +42 432 3 881108147 +42 433 2 881108760 +42 443 3 881108093 +42 451 2 881108982 +42 456 3 881106113 +42 462 2 881108093 +42 467 3 881108425 +42 468 4 881108346 +42 469 4 881109324 +42 471 4 881105505 +42 479 4 881108147 +42 491 3 881106711 +42 496 5 881107718 +42 501 5 881108345 +42 506 3 881108760 +42 521 2 881107989 +42 523 5 881107375 +42 546 3 881105817 +42 566 5 881107821 +42 568 4 881107256 +42 582 3 881108928 +42 588 5 881108147 +42 591 4 881110138 +42 603 4 881107502 +42 606 3 881107538 +42 625 3 881108873 +42 627 2 881109271 +42 658 2 881107502 +42 660 3 881108484 +42 679 2 881108548 +42 684 4 881108093 +42 685 4 881105972 +42 692 4 881107773 +42 720 4 881109149 +42 729 3 881108345 +42 732 5 881108346 +42 735 4 881108548 +42 736 5 881108187 +42 742 4 881105581 +42 746 3 881108279 +42 755 4 881108425 +42 756 5 881106420 +42 781 4 881108280 +42 785 4 881109060 +42 794 3 881108425 +42 834 1 881110763 +42 845 5 881110719 +42 866 4 881105972 +42 924 3 881105677 +42 925 4 881106113 +42 926 3 881105766 +42 934 4 881106419 +42 939 4 881108484 +42 953 2 881108815 +42 977 2 881106541 +42 999 4 881108982 +42 1028 4 881106072 +42 1040 3 881106270 +42 1041 4 881109060 +42 1042 3 881109325 +42 1043 2 881108633 +42 1044 4 881109271 +42 1045 2 881108873 +42 1046 3 881108760 +42 1047 4 881106419 +42 1049 3 881105882 +42 1051 4 881106270 +43 1 5 875975579 +43 3 2 884029543 +43 5 4 875981421 +43 7 4 875975520 +43 8 4 875975717 +43 9 4 875975656 +43 11 5 875981365 +43 12 5 883955048 +43 14 2 883955745 +43 15 5 875975546 +43 17 3 883956417 +43 25 5 875975656 +43 26 5 883954901 +43 28 4 875981452 +43 40 3 883956468 +43 47 1 883955415 +43 49 4 883956387 +43 50 4 875975211 +43 51 1 883956562 +43 52 4 883955224 +43 54 3 883956494 +43 56 5 875975687 +43 58 3 883955859 +43 63 3 883956353 +43 64 5 875981247 +43 66 4 875981506 +43 69 4 875981421 +43 71 4 883955675 +43 73 4 883956099 +43 77 3 883955650 +43 79 4 875981335 +43 82 4 883955498 +43 86 4 883955020 +43 88 5 883955702 +43 91 3 883956260 +43 95 4 875975687 +43 97 5 883955293 +43 98 5 875981220 +43 111 4 883955745 +43 114 5 883954950 +43 117 4 883954853 +43 118 4 883955546 +43 120 4 884029430 +43 121 4 883955907 +43 123 1 875975520 +43 131 3 883954997 +43 133 4 875981483 +43 137 4 875975656 +43 140 4 883955110 +43 143 4 883955247 +43 151 4 875975613 +43 153 5 883955135 +43 155 4 883956518 +43 161 4 883955467 +43 168 4 875981159 +43 172 4 883955135 +43 173 5 875981190 +43 174 4 875975687 +43 175 2 875981304 +43 181 4 875975211 +43 186 3 875981335 +43 189 5 875981220 +43 191 5 875981247 +43 196 4 875981190 +43 202 5 875981190 +43 203 4 883955224 +43 204 4 883956122 +43 210 5 883955467 +43 211 4 883955785 +43 215 5 883955467 +43 216 5 875981128 +43 217 2 883955930 +43 222 4 883955547 +43 225 2 875975579 +43 226 3 883956442 +43 231 4 883955995 +43 235 3 875975520 +43 237 4 875975579 +43 238 2 883955160 +43 241 4 883955441 +43 248 4 875975237 +43 250 2 875975383 +43 252 4 875975363 +43 254 3 875975323 +43 258 5 875975028 +43 269 5 888177393 +43 271 3 880317103 +43 272 5 883953545 +43 275 4 875975546 +43 276 4 883954876 +43 278 3 884029259 +43 280 3 883955806 +43 283 2 883955415 +43 284 5 883955441 +43 285 4 875975468 +43 286 4 875975028 +43 289 4 875975085 +43 290 4 884029192 +43 291 3 883955995 +43 294 5 875975061 +43 298 4 875975211 +43 300 5 875975135 +43 301 5 875975135 +43 302 4 887731794 +43 312 4 883953502 +43 313 5 887076865 +43 315 4 883953665 +43 316 5 892349752 +43 317 2 883955319 +43 318 5 875975717 +43 321 3 875975061 +43 323 3 875975110 +43 328 4 875975061 +43 336 4 880317271 +43 347 3 888177393 +43 354 4 891293957 +43 367 4 883956494 +43 371 4 883955269 +43 382 5 883955702 +43 385 5 883955387 +43 393 4 883956417 +43 402 4 883956283 +43 403 4 883956305 +43 405 4 883956122 +43 408 5 875975492 +43 409 3 884029493 +43 411 3 884029519 +43 418 4 883955387 +43 423 4 883955498 +43 432 3 875981421 +43 471 3 883955319 +43 473 3 884029309 +43 479 4 875981365 +43 482 4 875981421 +43 486 4 883955969 +43 491 4 883954997 +43 496 5 883955605 +43 498 5 875981275 +43 501 4 883955605 +43 516 5 875981452 +43 531 4 883955160 +43 539 3 883953716 +43 550 3 883956040 +43 553 4 875981159 +43 559 1 883956468 +43 566 3 883955969 +43 568 4 883955363 +43 580 3 883956417 +43 581 3 883956468 +43 588 4 883955745 +43 591 5 875975656 +43 596 3 883955650 +43 597 3 883956229 +43 625 4 883956146 +43 628 3 875975580 +43 631 2 883955675 +43 648 5 883955293 +43 660 4 883955859 +43 684 4 883955702 +43 686 3 883955884 +43 692 5 883955884 +43 699 4 883956040 +43 705 4 883954970 +43 724 4 875981390 +43 729 4 883956387 +43 731 4 875981190 +43 732 4 883955498 +43 735 4 875981275 +43 742 5 883955650 +43 747 4 883956169 +43 751 2 883954803 +43 756 3 884029519 +43 778 5 883955363 +43 781 3 883956494 +43 785 3 883956538 +43 792 1 883954876 +43 815 4 883956189 +43 820 2 884029742 +43 847 5 875975468 +43 866 4 883956417 +43 879 4 876159838 +43 892 3 883954776 +43 926 2 875975613 +43 931 1 884029742 +43 939 3 883955547 +43 944 2 883956260 +43 946 4 883955247 +43 950 3 883956417 +43 951 3 883955969 +43 956 1 883956259 +43 966 4 883955498 +43 969 5 875981159 +43 993 3 875975211 +43 1023 3 875975323 +43 1035 4 883955745 +43 1047 3 883956387 +43 1048 3 883956260 +43 1052 1 892350297 +43 1053 3 883955859 +43 1054 3 884029658 +43 1055 2 883955969 +43 1056 3 883955498 +43 1057 2 884029777 +44 1 4 878341315 +44 5 4 878347598 +44 7 5 878341246 +44 9 5 878341196 +44 11 3 878347915 +44 15 4 878341343 +44 21 2 878346789 +44 22 4 878347942 +44 24 3 878346575 +44 25 2 878346431 +44 31 4 878348998 +44 55 4 878347455 +44 56 2 878348601 +44 64 5 878347915 +44 67 3 878348111 +44 69 4 878347711 +44 71 3 878347633 +44 81 4 878348499 +44 82 4 878348885 +44 88 2 878348885 +44 89 5 878347315 +44 90 2 878348784 +44 91 2 878348573 +44 95 4 878347569 +44 96 4 878347633 +44 97 2 878348000 +44 98 2 878347420 +44 99 4 878348812 +44 100 5 878341196 +44 102 2 878348499 +44 106 2 878347076 +44 118 3 878341197 +44 120 4 878346977 +44 121 4 878346946 +44 123 4 878346532 +44 132 4 878347315 +44 135 5 878347259 +44 143 4 878347392 +44 144 4 878347532 +44 147 4 878341343 +44 148 4 878346946 +44 151 4 878341370 +44 153 4 878347234 +44 155 3 878348947 +44 159 3 878347633 +44 161 4 878347634 +44 163 4 878348627 +44 164 4 878348035 +44 168 5 878347504 +44 173 5 878348725 +44 174 5 878347662 +44 175 4 878347972 +44 176 5 883613372 +44 181 4 878341290 +44 183 4 883613372 +44 185 4 878347569 +44 190 5 878348000 +44 191 4 878347234 +44 193 3 878348521 +44 195 5 878347874 +44 196 4 878348885 +44 197 4 878347420 +44 198 4 878348947 +44 200 4 878347633 +44 201 2 878347392 +44 202 4 878347315 +44 204 4 878348725 +44 208 4 878347420 +44 209 5 878347315 +44 211 4 878347598 +44 214 5 878348036 +44 216 1 883613297 +44 222 4 883613334 +44 227 4 883613334 +44 228 5 883613334 +44 229 3 883613334 +44 230 2 883613335 +44 231 2 878347915 +44 237 3 878346748 +44 238 4 878347598 +44 240 4 878346997 +44 245 4 878340887 +44 249 4 878346630 +44 250 5 878346709 +44 252 2 878346748 +44 257 4 878346689 +44 258 4 878340824 +44 260 4 878340905 +44 274 4 878348036 +44 294 4 883612356 +44 298 2 883612726 +44 307 4 878340940 +44 313 4 883612268 +44 317 4 878347633 +44 318 5 878347340 +44 357 4 878347569 +44 378 3 878348290 +44 380 4 883613334 +44 385 3 878348725 +44 405 3 878346512 +44 412 1 883613298 +44 423 4 878348111 +44 429 4 878347791 +44 432 5 878347569 +44 433 4 878348752 +44 434 4 878348885 +44 443 5 878348289 +44 447 4 878347598 +44 448 2 878348547 +44 449 5 883613334 +44 450 2 883613335 +44 470 3 878348499 +44 474 4 878347532 +44 480 4 878347315 +44 496 4 878348885 +44 507 3 878347392 +44 530 5 878348725 +44 542 3 878348036 +44 553 3 878347847 +44 588 4 878347742 +44 591 4 878341315 +44 603 4 878347420 +44 631 1 883613297 +44 633 3 878347633 +44 636 4 878348969 +44 644 3 878347818 +44 655 3 878347455 +44 660 5 878347915 +44 665 1 883613372 +44 678 3 878340887 +44 692 3 878347532 +44 717 3 878346470 +44 737 1 883613298 +44 755 3 878347742 +44 871 3 883613005 +44 946 3 878347847 +44 1058 4 878347392 +45 1 5 881013176 +45 7 3 881008080 +45 13 5 881012356 +45 15 4 881012184 +45 21 3 881014193 +45 24 3 881014550 +45 25 4 881014015 +45 50 5 881007272 +45 100 5 881010742 +45 108 4 881014620 +45 109 5 881012356 +45 118 4 881014550 +45 121 4 881013563 +45 127 5 881007272 +45 151 2 881013885 +45 225 4 881014070 +45 237 4 881008636 +45 257 5 881008781 +45 276 5 881012184 +45 282 4 881008636 +45 288 3 880996629 +45 411 3 881015657 +45 472 3 881014417 +45 473 3 881014417 +45 476 3 881015729 +45 596 3 881014015 +45 597 3 881014070 +45 756 2 881015244 +45 762 4 881013563 +45 763 2 881013563 +45 764 4 881015310 +45 820 4 881015860 +45 823 4 881014785 +45 826 3 881015386 +45 934 2 881015860 +45 952 4 881014247 +45 993 4 881014785 +45 1001 3 881014785 +45 1059 2 881014417 +45 1060 3 881012184 +45 1061 2 881016056 +46 7 4 883616155 +46 50 4 883616254 +46 100 4 883616134 +46 125 4 883616284 +46 127 5 883616133 +46 151 4 883616218 +46 181 4 883616254 +46 245 3 883614625 +46 262 5 883614766 +46 286 5 883611352 +46 288 2 883611307 +46 294 2 883611307 +46 305 5 883614766 +46 307 3 883611430 +46 313 5 883611274 +46 327 4 883611456 +46 328 4 883611430 +46 333 5 883611374 +46 538 3 883611513 +46 690 5 883611274 +46 909 5 883614766 +46 1024 5 883614766 +46 1062 5 883614766 +47 258 4 879438984 +47 262 5 879439040 +47 268 4 879439040 +47 269 4 879438984 +47 288 2 879439078 +47 289 4 879439040 +47 292 4 879438984 +47 302 5 879439040 +47 305 5 879439040 +47 306 4 879439113 +47 321 4 879439040 +47 322 2 879439078 +47 323 2 879440360 +47 324 3 879439078 +47 327 4 879440360 +47 340 5 879439078 +47 683 3 879439143 +47 874 3 879439078 +47 995 3 879440429 +47 1022 3 879440429 +48 28 2 879434653 +48 50 4 879434723 +48 56 3 879434723 +48 71 3 879434850 +48 98 5 879434954 +48 132 5 879434886 +48 136 4 879434689 +48 170 4 879434886 +48 172 5 879434791 +48 174 5 879434723 +48 181 5 879434954 +48 183 5 879434608 +48 185 4 879434819 +48 187 5 879434954 +48 191 5 879434954 +48 193 2 879434751 +48 194 4 879434819 +48 195 5 879434954 +48 202 4 879434791 +48 209 5 879434954 +48 210 3 879434886 +48 228 3 879434792 +48 259 4 879434270 +48 266 3 879434387 +48 269 1 879434094 +48 286 3 879434181 +48 289 1 879434252 +48 294 3 879434212 +48 302 4 879434954 +48 306 4 879434211 +48 308 5 879434292 +48 309 3 879434132 +48 357 5 879434653 +48 423 4 879434752 +48 425 3 879434850 +48 427 4 879434653 +48 428 4 879434608 +48 433 3 879434791 +48 479 4 879434723 +48 480 4 879434653 +48 483 5 879434607 +48 496 5 879434791 +48 511 5 879434954 +48 519 3 879434689 +48 522 2 879434886 +48 523 5 879434689 +48 524 3 879434723 +48 527 4 879434654 +48 528 5 879434954 +48 529 4 879434850 +48 603 4 879434607 +48 609 4 879434819 +48 647 4 879434819 +48 650 3 879434819 +48 654 5 879434792 +48 656 4 879434689 +48 661 5 879434954 +48 680 3 879434330 +48 690 4 879434211 +48 988 2 879434387 +48 1064 4 879434688 +48 1065 2 879434792 +49 1 2 888068651 +49 2 1 888069606 +49 3 3 888068877 +49 7 4 888067307 +49 8 3 888067691 +49 10 3 888066086 +49 11 3 888069458 +49 12 4 888068057 +49 13 3 888068816 +49 17 2 888068651 +49 25 2 888068791 +49 38 1 888068289 +49 39 2 888068194 +49 40 1 888069222 +49 42 4 888068791 +49 47 5 888068715 +49 49 2 888068990 +49 50 1 888067691 +49 52 2 888066647 +49 53 4 888067405 +49 55 4 888068057 +49 56 5 888067307 +49 57 4 888066571 +49 68 1 888069513 +49 70 2 888066614 +49 71 3 888067096 +49 72 2 888069246 +49 77 1 888068289 +49 80 1 888069117 +49 82 1 888067765 +49 85 3 888068934 +49 90 1 888069194 +49 91 5 888066979 +49 93 5 888068912 +49 95 2 888067031 +49 96 1 888069512 +49 98 4 888067307 +49 99 4 888067031 +49 100 4 888067307 +49 101 3 888067164 +49 102 2 888067164 +49 108 2 888068957 +49 111 2 888068686 +49 116 4 888066109 +49 117 1 888069459 +49 121 1 888068100 +49 122 2 888069138 +49 123 1 888068195 +49 129 2 888068079 +49 143 3 888067726 +49 145 1 888067460 +49 147 1 888069416 +49 148 1 888068195 +49 151 5 888067727 +49 154 5 888068715 +49 159 2 888068245 +49 161 1 888069513 +49 168 5 888068686 +49 171 4 888066551 +49 172 1 888067691 +49 173 3 888067691 +49 174 1 888067691 +49 175 5 888068715 +49 179 5 888066446 +49 181 1 888067765 +49 182 3 888069416 +49 185 5 888067307 +49 200 3 888067358 +49 202 3 888068816 +49 204 1 888068686 +49 208 4 888068715 +49 213 3 888066486 +49 217 3 888067405 +49 218 2 888068651 +49 219 1 888067405 +49 225 2 888068651 +49 231 3 888069579 +49 235 2 888068990 +49 238 4 888068762 +49 239 2 888068912 +49 240 3 888067031 +49 256 4 888066215 +49 258 2 888065895 +49 262 5 888065620 +49 268 3 888065620 +49 270 2 888065432 +49 283 3 888066086 +49 287 4 888068842 +49 289 4 888065744 +49 290 2 888069062 +49 294 1 888065702 +49 299 2 888068651 +49 300 1 888065577 +49 302 4 888065432 +49 312 3 888065786 +49 313 3 888065527 +49 320 5 888067334 +49 324 4 888065702 +49 325 3 888065744 +49 328 2 888068651 +49 334 4 888065744 +49 343 2 888065786 +49 346 4 888065527 +49 347 3 888065487 +49 358 1 888065805 +49 369 1 888069329 +49 372 4 888069040 +49 382 2 888066705 +49 385 1 888069536 +49 386 4 888069222 +49 396 4 888067482 +49 401 2 888067975 +49 403 3 888069636 +49 404 3 888067765 +49 406 2 888067428 +49 413 1 888067460 +49 418 3 888067031 +49 419 4 888067691 +49 420 4 888067031 +49 423 2 888067727 +49 428 5 888068791 +49 432 5 888066979 +49 433 5 888068739 +49 462 2 888066486 +49 473 3 888067164 +49 475 4 888066109 +49 476 1 888069222 +49 477 2 888067727 +49 501 3 888066979 +49 508 3 888068841 +49 514 4 888068686 +49 518 4 888069437 +49 531 3 888066511 +49 542 2 888067096 +49 546 1 888069636 +49 547 5 888066187 +49 557 3 888066394 +49 559 2 888067405 +49 561 2 888067460 +49 569 3 888067482 +49 577 1 888069329 +49 581 3 888068143 +49 583 4 888068143 +49 588 4 888067031 +49 590 1 888067579 +49 594 3 888068245 +49 625 3 888067031 +49 627 2 888067096 +49 628 4 888068167 +49 640 1 888066685 +49 652 5 888066446 +49 657 5 888068032 +49 692 1 888069040 +49 695 3 888068957 +49 698 2 888066776 +49 702 3 888066614 +49 713 3 888066214 +49 715 3 888069040 +49 721 2 888068934 +49 725 2 888069354 +49 732 3 888069040 +49 737 1 888066828 +49 738 3 888069138 +49 741 4 888068079 +49 758 1 888067596 +49 774 2 888067528 +49 789 4 888068033 +49 813 3 888068686 +49 821 1 888069246 +49 878 2 888065825 +49 904 2 888065527 +49 919 5 888066133 +49 926 1 888069117 +49 928 2 888068651 +49 931 2 888068336 +49 946 2 888067096 +49 959 2 888068912 +49 995 3 888065577 +49 997 1 888069117 +49 998 2 888069194 +49 1003 2 888068651 +49 1009 3 888066133 +49 1018 2 888066755 +49 1021 5 888066647 +49 1028 2 888069304 +49 1036 2 888069304 +49 1066 2 888067187 +49 1067 3 888068842 +49 1068 3 888066187 +49 1069 3 888068912 +49 1070 3 888068739 +49 1071 3 888069138 +49 1072 1 888069194 +49 1073 5 888066424 +49 1074 2 888069165 +49 1075 2 888066424 +49 1076 2 888067187 +49 1078 1 888067164 +49 1079 1 888069165 +49 1080 4 888066734 +49 1081 3 888069246 +49 1082 3 888066214 +49 1083 2 888068651 +50 9 4 877052297 +50 15 2 877052438 +50 123 4 877052958 +50 124 1 877052400 +50 125 2 877052502 +50 246 3 877052329 +50 253 5 877052550 +50 268 4 877051656 +50 276 2 877052400 +50 286 2 877052400 +50 288 4 877052008 +50 319 5 877051687 +50 324 5 877052008 +50 325 1 877052400 +50 327 3 877052093 +50 475 5 877052167 +50 508 5 877052438 +50 544 4 877052937 +50 823 3 877052784 +50 1008 5 877052805 +50 1010 5 877052329 +50 1084 5 877052501 +51 64 4 883498936 +51 83 5 883498937 +51 132 4 883498655 +51 134 2 883498844 +51 136 4 883498756 +51 144 5 883498894 +51 148 3 883498623 +51 172 5 883498936 +51 173 5 883498844 +51 182 3 883498790 +51 184 3 883498685 +51 203 4 883498685 +51 210 4 883498844 +51 479 3 883498655 +51 485 1 883498790 +51 496 4 883498655 +51 603 3 883498728 +51 655 3 883498728 +51 679 3 883498937 +52 7 5 882922204 +52 13 5 882922485 +52 15 5 882922204 +52 19 5 882922407 +52 22 5 882922833 +52 25 5 882922562 +52 93 4 882922357 +52 95 4 882922927 +52 100 4 882922204 +52 107 4 882922540 +52 111 4 882922357 +52 116 4 882922328 +52 117 4 882922629 +52 121 4 882922382 +52 126 5 882922589 +52 151 5 882922249 +52 191 5 882923031 +52 204 4 882923012 +52 235 2 882922806 +52 237 4 882922227 +52 250 3 882922661 +52 257 3 882922806 +52 258 5 882922065 +52 275 4 882922328 +52 277 5 882922661 +52 280 3 882922806 +52 285 5 882922227 +52 287 5 882922357 +52 288 3 882922454 +52 302 4 882922065 +52 318 5 882922974 +52 405 4 882922610 +52 427 5 882922833 +52 463 5 882922927 +52 471 4 882922562 +52 473 4 882922661 +52 475 4 882922357 +52 498 5 882922948 +52 527 5 882922927 +52 531 5 882922833 +52 588 4 882922927 +52 657 5 882922833 +52 741 4 882922302 +52 742 4 882922540 +52 748 4 882922629 +52 762 3 882922806 +52 815 4 882922357 +52 845 5 882922485 +52 864 3 882922661 +52 919 5 882922140 +52 1009 5 882922328 +52 1011 4 882922588 +52 1086 4 882922562 +53 7 3 879442991 +53 15 5 879443027 +53 24 3 879442538 +53 25 4 879442538 +53 50 4 879442978 +53 64 5 879442384 +53 96 4 879442514 +53 100 5 879442537 +53 118 4 879443253 +53 121 4 879443329 +53 151 4 879443011 +53 156 4 879442561 +53 174 5 879442561 +53 181 4 879443046 +53 199 5 879442384 +53 228 3 879442561 +53 250 2 879442920 +53 257 4 879443188 +53 258 4 879442654 +53 281 4 879443288 +53 284 2 879442901 +53 546 4 879443329 +53 568 4 879442538 +53 628 5 879443253 +53 748 2 879443329 +53 845 3 879443083 +53 924 3 879443303 +53 1087 4 879443329 +54 1 4 880931595 +54 7 4 880935294 +54 24 1 880937311 +54 25 4 880936500 +54 50 5 880931687 +54 100 5 880931595 +54 106 3 880937882 +54 117 5 880935384 +54 118 4 880937813 +54 121 4 880936669 +54 127 4 880933834 +54 147 5 880935959 +54 148 3 880937490 +54 151 2 880936670 +54 181 5 880931358 +54 237 4 880935028 +54 252 3 880937630 +54 255 3 882153415 +54 257 4 880937311 +54 258 4 880928745 +54 260 4 880930146 +54 268 5 883963510 +54 272 5 890608175 +54 273 4 880934806 +54 276 5 880931595 +54 288 4 880928957 +54 291 1 891898613 +54 295 3 880936905 +54 298 4 892681300 +54 302 4 880928519 +54 307 4 891813846 +54 313 4 890608360 +54 325 3 880930146 +54 327 5 880928893 +54 328 4 880928957 +54 333 5 880928745 +54 338 3 880929490 +54 340 4 890608225 +54 346 4 890608303 +54 406 2 880938490 +54 411 5 880936296 +54 471 4 880937399 +54 475 5 880937251 +54 546 3 880937583 +54 595 3 880937813 +54 597 2 880934806 +54 676 5 880935294 +54 685 3 880935504 +54 741 5 880931687 +54 742 5 880934806 +54 748 5 880928957 +54 820 3 880937992 +54 827 3 880937813 +54 829 2 880937311 +54 871 5 880938547 +54 930 1 880937813 +54 1012 2 880936669 +54 1016 4 890609001 +54 1088 3 880937311 +55 7 3 878176047 +55 22 5 878176397 +55 50 4 878176005 +55 56 4 878176397 +55 79 5 878176398 +55 89 5 878176398 +55 117 3 878176047 +55 118 5 878176134 +55 121 3 878176084 +55 144 5 878176398 +55 174 4 878176397 +55 181 4 878176237 +55 254 2 878176206 +55 257 3 878176084 +55 273 5 878176047 +55 405 1 878176134 +55 597 2 878176134 +55 678 3 878176206 +55 685 1 878176134 +55 1016 1 878176005 +55 1089 1 878176134 +56 1 4 892683248 +56 7 5 892679439 +56 11 4 892676376 +56 22 5 892676376 +56 25 4 892911166 +56 28 5 892678669 +56 29 3 892910913 +56 31 4 892679259 +56 38 2 892683533 +56 42 4 892676933 +56 44 4 892679356 +56 51 3 892677186 +56 53 3 892679163 +56 56 5 892676376 +56 62 5 892910890 +56 63 3 892910268 +56 64 5 892678482 +56 66 3 892911110 +56 67 2 892677114 +56 68 3 892910913 +56 69 4 892678893 +56 70 4 892676996 +56 71 4 892683275 +56 73 4 892677094 +56 77 3 892679333 +56 78 3 892910544 +56 79 4 892676303 +56 82 4 892676314 +56 87 4 892678508 +56 88 1 892683895 +56 89 4 892676314 +56 90 2 892677147 +56 91 4 892683275 +56 94 4 892910292 +56 95 4 892683274 +56 96 5 892676429 +56 97 3 892677186 +56 98 4 892679067 +56 111 2 892683877 +56 117 5 892679439 +56 118 4 892679460 +56 121 5 892679480 +56 122 2 892911494 +56 143 3 892910182 +56 144 5 892910796 +56 151 4 892910207 +56 153 4 892911144 +56 154 2 892911144 +56 158 3 892911539 +56 164 4 892910604 +56 168 2 892679209 +56 169 4 892683248 +56 172 5 892737191 +56 173 4 892737191 +56 174 5 892737191 +56 176 5 892676377 +56 179 3 892678669 +56 181 5 892737154 +56 183 5 892676314 +56 184 4 892679088 +56 186 3 892676933 +56 189 4 892683248 +56 191 4 892678526 +56 193 5 892678669 +56 194 5 892676908 +56 195 5 892676429 +56 196 2 892678628 +56 200 4 892679088 +56 201 4 892910604 +56 202 4 892676933 +56 204 5 892676908 +56 210 5 892676377 +56 215 5 892678547 +56 216 4 892676885 +56 219 5 892679144 +56 222 5 892679439 +56 226 4 892679277 +56 227 3 892676430 +56 228 3 892676340 +56 229 3 892676340 +56 230 5 892676339 +56 231 3 892910931 +56 232 4 892676339 +56 233 1 892679308 +56 234 4 892679067 +56 235 1 892911348 +56 237 5 892679540 +56 239 4 892676970 +56 258 4 892675999 +56 265 4 892676314 +56 281 2 892683611 +56 294 4 892676056 +56 295 3 893257941 +56 300 4 892675935 +56 323 3 892676028 +56 368 3 892911589 +56 372 3 892911290 +56 373 4 892910950 +56 376 3 892911420 +56 383 2 892910544 +56 385 4 892676429 +56 386 3 892911494 +56 391 3 892910950 +56 392 4 892678893 +56 393 4 892677047 +56 395 3 892911625 +56 399 4 892910247 +56 402 5 892677186 +56 403 4 892678942 +56 405 4 892679460 +56 408 4 892683248 +56 421 4 892677186 +56 423 5 892737191 +56 426 4 892683303 +56 432 5 892737154 +56 433 4 892676970 +56 435 3 892676429 +56 443 4 892679144 +56 447 4 892679067 +56 449 5 892679308 +56 450 3 892679374 +56 451 3 892676970 +56 473 2 892683323 +56 483 4 892682889 +56 501 3 892737210 +56 523 4 892676970 +56 546 3 892679460 +56 550 4 892910860 +56 554 4 892679356 +56 568 4 892910797 +56 575 3 892911469 +56 578 3 892910860 +56 585 3 892911366 +56 588 4 892683248 +56 596 4 892683275 +56 597 3 892679439 +56 623 3 892910268 +56 636 4 892683533 +56 655 4 892676996 +56 692 4 892676970 +56 715 1 892911247 +56 720 3 892910860 +56 728 3 892911420 +56 732 4 892677147 +56 735 2 892678913 +56 738 3 892683978 +56 746 4 892676885 +56 747 4 892677162 +56 748 4 892676028 +56 755 3 892910207 +56 761 3 892679333 +56 769 4 892679389 +56 778 4 892678669 +56 781 4 892677147 +56 794 3 892683960 +56 797 4 892910860 +56 815 4 892683960 +56 820 3 892683303 +56 849 2 892910913 +56 862 3 892910292 +56 869 3 892683895 +56 871 2 892910207 +56 946 4 892737210 +56 969 3 892683303 +56 993 3 892683353 +56 1028 4 892911227 +56 1035 4 892910268 +56 1036 2 892910544 +56 1047 4 892911290 +56 1057 3 892683978 +56 1074 3 892683941 +56 1090 3 892683641 +56 1091 2 892737210 +56 1092 3 892911573 +57 1 5 883698581 +57 7 4 883697105 +57 8 4 883698292 +57 11 3 883698454 +57 24 3 883697459 +57 28 4 883698324 +57 42 5 883698324 +57 56 3 883698646 +57 64 5 883698431 +57 79 5 883698495 +57 100 5 883698581 +57 105 3 883698009 +57 109 4 883697293 +57 111 4 883697679 +57 121 4 883697432 +57 125 3 883697223 +57 126 3 883697293 +57 144 3 883698408 +57 151 3 883697585 +57 168 3 883698362 +57 173 5 883698408 +57 181 5 883697352 +57 199 5 883698646 +57 204 4 883698272 +57 222 5 883698581 +57 225 3 883698039 +57 237 4 883697182 +57 240 2 883697512 +57 243 3 883696547 +57 245 4 883696709 +57 248 5 883697223 +57 249 5 883697704 +57 250 3 883697223 +57 252 2 883697807 +57 257 5 883698580 +57 258 5 883698581 +57 264 2 883696672 +57 271 3 883696672 +57 281 4 883697404 +57 282 5 883697223 +57 284 3 883697158 +57 288 4 883696347 +57 294 4 883696547 +57 295 5 883698581 +57 298 3 883697293 +57 304 5 883698581 +57 318 5 883698580 +57 321 4 883696629 +57 405 4 883697459 +57 409 4 883697655 +57 410 3 883697378 +57 411 4 883697679 +57 419 3 883698454 +57 456 3 883698083 +57 471 4 883697134 +57 472 1 883697253 +57 473 3 883697916 +57 475 2 883697223 +57 476 3 883697990 +57 496 4 883698362 +57 546 4 883697482 +57 588 4 883698454 +57 597 3 883697378 +57 678 3 883696547 +57 682 3 883696824 +57 710 3 883698324 +57 717 4 883697960 +57 744 5 883698581 +57 748 4 883696629 +57 756 3 883697730 +57 760 2 883697617 +57 763 5 883698581 +57 820 3 883698039 +57 825 1 883697761 +57 826 2 883697990 +57 831 1 883697785 +57 833 4 883697705 +57 844 2 883697134 +57 864 3 883697512 +57 866 3 883697915 +57 871 3 883697536 +57 926 3 883697831 +57 932 3 883697585 +57 975 3 883697990 +57 1001 1 883698039 +57 1011 3 883697761 +57 1028 3 883697432 +57 1047 4 883697679 +57 1059 3 883697432 +57 1071 3 883698324 +57 1073 3 883698525 +57 1093 3 883697352 +57 1094 2 883697990 +57 1095 2 883698062 +57 1096 3 883697940 +58 7 5 884304656 +58 8 4 884304955 +58 9 4 884304328 +58 11 5 884305019 +58 12 5 884304895 +58 13 3 884304503 +58 20 1 884304538 +58 25 4 884304570 +58 32 5 884304812 +58 42 4 884304936 +58 45 5 884305295 +58 50 4 884304328 +58 56 5 884305369 +58 61 5 884305271 +58 64 5 884305295 +58 69 1 884663351 +58 70 4 890321652 +58 89 3 884305220 +58 98 4 884304747 +58 100 5 884304553 +58 109 4 884304396 +58 116 5 884304409 +58 120 2 892242765 +58 123 4 884650140 +58 124 5 884304483 +58 127 4 884304503 +58 135 4 884305150 +58 144 4 884304936 +58 150 4 884304570 +58 151 3 884304553 +58 153 5 884304896 +58 156 5 884304955 +58 168 5 891611548 +58 169 4 884304936 +58 171 5 884663379 +58 172 5 884305241 +58 173 5 884305353 +58 175 5 884663324 +58 176 4 884304936 +58 181 3 884304447 +58 182 4 884304701 +58 185 2 884304896 +58 189 3 884304790 +58 191 5 892791893 +58 193 3 884305220 +58 194 3 884304747 +58 195 4 884305123 +58 198 3 884305123 +58 199 4 891611501 +58 200 3 884305295 +58 204 4 884304701 +58 209 5 884305019 +58 210 4 884305042 +58 213 5 884663379 +58 214 2 884305296 +58 216 3 884305338 +58 222 4 884304656 +58 223 5 884305150 +58 228 5 884305271 +58 237 4 884304396 +58 238 5 884305185 +58 240 4 892242478 +58 246 5 884304592 +58 248 4 884794774 +58 249 4 892242272 +58 255 4 890321652 +58 257 5 884304430 +58 268 5 884304288 +58 269 4 884304267 +58 272 5 884647314 +58 275 5 884305220 +58 283 1 884304592 +58 284 4 884304519 +58 300 4 884388247 +58 310 4 884459024 +58 311 4 890770101 +58 313 5 884304267 +58 318 3 884305087 +58 340 4 884305708 +58 347 3 888638515 +58 354 3 890321652 +58 367 5 892243053 +58 381 4 890321652 +58 405 2 892242047 +58 408 5 884304377 +58 425 5 884304979 +58 433 5 884305165 +58 462 4 884304865 +58 463 3 884305241 +58 474 4 884305087 +58 475 5 884304609 +58 480 3 884305220 +58 483 5 884305220 +58 490 4 884304896 +58 491 4 891611593 +58 496 2 891611593 +58 497 2 884305123 +58 501 2 884305220 +58 511 5 884304979 +58 512 3 890770101 +58 514 5 884305321 +58 546 2 892242190 +58 558 5 884305165 +58 568 4 884304838 +58 584 5 884305271 +58 603 5 884304812 +58 640 5 884304767 +58 645 5 884304838 +58 651 4 884305185 +58 652 5 884304728 +58 654 5 884304865 +58 655 5 884304865 +58 663 2 884304728 +58 684 4 884305271 +58 692 2 884305123 +58 709 5 884304812 +58 730 5 884305004 +58 732 3 884305321 +58 741 2 892242159 +58 773 4 884304790 +58 813 5 884304430 +58 823 1 892242419 +58 850 5 884305150 +58 923 5 884305062 +58 950 1 892242020 +58 955 4 884305062 +58 960 4 884305004 +58 1006 2 884304865 +58 1012 4 884304627 +58 1019 4 884305088 +58 1048 1 892242190 +58 1063 1 884304728 +58 1069 2 893027661 +58 1084 4 884304896 +58 1089 1 892242818 +58 1097 5 884504973 +58 1098 4 884304936 +58 1099 2 892243079 +58 1100 2 884304979 +58 1101 5 890421373 +58 1102 1 892242891 +58 1103 5 884305150 +58 1104 2 884305679 +58 1105 2 884794758 +58 1106 4 892068866 +59 1 2 888203053 +59 3 4 888203814 +59 4 4 888205188 +59 7 4 888202941 +59 9 4 888203053 +59 10 4 888203234 +59 11 5 888205744 +59 12 5 888204260 +59 13 5 888203415 +59 14 5 888203234 +59 18 4 888203313 +59 22 4 888204260 +59 23 5 888205300 +59 25 4 888203270 +59 28 5 888204841 +59 32 4 888205228 +59 33 3 888205265 +59 39 4 888205033 +59 44 4 888206048 +59 45 5 888204465 +59 47 5 888205574 +59 48 5 888204502 +59 50 5 888205087 +59 51 5 888206095 +59 52 4 888205615 +59 53 5 888206161 +59 54 4 888205921 +59 55 5 888204553 +59 56 5 888204465 +59 58 4 888204389 +59 59 5 888204928 +59 61 4 888204597 +59 64 5 888204309 +59 65 4 888205265 +59 70 3 888204758 +59 71 3 888205574 +59 73 4 888206254 +59 77 4 888206254 +59 79 5 888204260 +59 81 4 888205336 +59 82 5 888205660 +59 83 4 888204802 +59 86 3 888205145 +59 87 4 888205228 +59 90 2 888206363 +59 91 4 888205265 +59 92 5 888204997 +59 95 2 888204758 +59 96 5 888205659 +59 97 5 888205921 +59 98 5 888204349 +59 99 4 888205033 +59 100 5 888202899 +59 101 5 888206605 +59 102 2 888205956 +59 106 4 888203959 +59 109 4 888203175 +59 111 4 888203095 +59 116 4 888203018 +59 118 5 888203234 +59 121 4 888203313 +59 123 3 888203343 +59 125 3 888203658 +59 126 5 888202899 +59 127 5 888204430 +59 129 5 888202941 +59 131 4 888205410 +59 132 5 888205744 +59 133 3 888204349 +59 134 5 888204841 +59 135 5 888204758 +59 136 3 888205336 +59 137 5 888203234 +59 140 1 888206445 +59 141 4 888206605 +59 142 1 888206561 +59 143 1 888204641 +59 147 5 888203270 +59 148 3 888203175 +59 149 4 888203313 +59 161 3 888205855 +59 168 5 888204641 +59 169 4 888204757 +59 170 4 888204430 +59 172 5 888204552 +59 173 5 888205144 +59 174 5 888204553 +59 175 4 888205300 +59 176 5 888205574 +59 177 4 888204349 +59 179 5 888204996 +59 180 4 888204597 +59 181 5 888204877 +59 183 5 888204802 +59 184 4 888206094 +59 185 5 888205228 +59 186 5 888205660 +59 187 5 888204349 +59 188 4 888205188 +59 190 5 888205033 +59 191 4 888204841 +59 194 3 888204841 +59 195 5 888204757 +59 196 5 888205088 +59 197 5 888205462 +59 198 5 888204389 +59 199 4 888205410 +59 200 5 888205370 +59 201 4 888204260 +59 202 4 888205714 +59 203 4 888204260 +59 204 5 888205615 +59 205 3 888204260 +59 208 5 888205533 +59 209 5 888204965 +59 210 4 888204309 +59 211 5 888206048 +59 212 4 888205463 +59 215 5 888204430 +59 216 4 888205228 +59 218 5 888206409 +59 220 2 888203175 +59 226 4 888206362 +59 227 3 888206015 +59 228 4 888205714 +59 229 3 888205921 +59 230 4 888205714 +59 232 3 888206485 +59 234 5 888204928 +59 235 1 888203658 +59 237 3 888203371 +59 238 5 888204553 +59 240 2 888203579 +59 241 4 888205574 +59 243 1 888206764 +59 258 3 888202749 +59 273 2 888203129 +59 274 1 888203449 +59 276 5 888203095 +59 277 4 888203234 +59 284 2 888203449 +59 286 3 888202532 +59 287 5 888203175 +59 288 5 888202787 +59 290 3 888203750 +59 313 5 888202532 +59 318 5 888204349 +59 321 4 888206764 +59 323 4 888206809 +59 357 5 888204349 +59 367 4 888204597 +59 369 2 888203959 +59 371 4 888206095 +59 380 3 888205956 +59 381 5 888205659 +59 382 4 888205574 +59 385 4 888205659 +59 387 3 888206562 +59 392 2 888206562 +59 393 2 888205714 +59 402 4 888206296 +59 403 5 888206605 +59 404 3 888205463 +59 405 3 888203578 +59 410 3 888203270 +59 416 3 888205660 +59 418 2 888205188 +59 419 2 888205228 +59 421 5 888206015 +59 423 5 888204465 +59 425 4 888204928 +59 427 5 888204309 +59 428 5 888205188 +59 429 4 888204597 +59 430 5 888205228 +59 431 4 888205534 +59 432 4 888204802 +59 433 5 888205982 +59 435 5 888204553 +59 436 5 888206094 +59 443 5 888205370 +59 447 5 888206095 +59 448 4 888205787 +59 458 4 888203128 +59 462 5 888205787 +59 465 2 888206363 +59 468 3 888205855 +59 470 3 888205714 +59 473 3 888203610 +59 474 5 888204430 +59 476 2 888203814 +59 477 3 888203415 +59 479 5 888205370 +59 483 5 888204309 +59 484 4 888204502 +59 485 2 888204466 +59 488 3 888205956 +59 489 4 888205300 +59 490 4 888205614 +59 491 4 888206689 +59 496 4 888205144 +59 498 5 888204927 +59 501 1 888205855 +59 503 4 888205855 +59 504 5 888205921 +59 505 4 888204260 +59 506 5 888205787 +59 507 4 888204877 +59 508 5 888203095 +59 510 4 888204502 +59 511 5 888204965 +59 513 4 888205144 +59 514 5 888204641 +59 516 4 888204430 +59 517 5 888205714 +59 521 5 888204877 +59 523 4 888204389 +59 526 4 888204928 +59 527 5 888204553 +59 528 4 888205300 +59 529 4 888205145 +59 547 3 888203482 +59 549 4 888205659 +59 550 5 888206605 +59 559 5 888206562 +59 562 4 888206094 +59 564 2 888206605 +59 566 4 888206485 +59 568 5 888205229 +59 569 4 888206161 +59 570 4 888205745 +59 581 5 888206015 +59 582 4 888205300 +59 583 5 888205921 +59 584 4 888205145 +59 588 2 888204389 +59 591 4 888203270 +59 595 3 888203658 +59 597 2 888203610 +59 602 2 888206295 +59 604 3 888204927 +59 606 4 888204802 +59 608 4 888204502 +59 609 2 888205855 +59 610 4 888205615 +59 611 3 888204309 +59 612 3 888206161 +59 615 4 888204553 +59 616 5 888206049 +59 618 4 888205956 +59 622 4 888206015 +59 625 3 888206295 +59 633 3 888204641 +59 640 5 888206445 +59 642 5 888206254 +59 644 4 888205033 +59 647 5 888205336 +59 649 4 888205660 +59 650 5 888205534 +59 651 5 888204997 +59 654 4 888204309 +59 657 4 888204597 +59 658 4 888205188 +59 659 3 888204553 +59 660 4 888205534 +59 662 3 888206125 +59 663 4 888204928 +59 664 4 888205614 +59 670 4 888206485 +59 672 5 888206015 +59 673 5 888204802 +59 675 5 888205534 +59 679 4 888205714 +59 684 3 888204553 +59 687 1 888206764 +59 692 3 888205463 +59 699 4 888205370 +59 702 5 888205463 +59 705 4 888205087 +59 707 3 888205336 +59 708 4 888206410 +59 709 5 888204997 +59 710 3 888205463 +59 713 5 888203579 +59 715 5 888205921 +59 717 2 888203959 +59 724 5 888205265 +59 727 2 888205265 +59 729 4 888205265 +59 732 3 888205370 +59 735 5 888205534 +59 736 5 888205145 +59 739 4 888206485 +59 741 4 888203175 +59 742 3 888203053 +59 746 5 888204642 +59 747 4 888205410 +59 755 4 888206254 +59 756 2 888203658 +59 760 2 888203659 +59 762 4 888203708 +59 764 4 888203709 +59 770 4 888205534 +59 774 2 888206562 +59 781 4 888206605 +59 789 4 888205087 +59 792 4 888206362 +59 823 5 888203749 +59 825 4 888203658 +59 845 5 888203579 +59 846 4 888203415 +59 855 4 888204502 +59 866 3 888203865 +59 871 2 888203865 +59 900 4 888202814 +59 919 4 888203018 +59 926 1 888203708 +59 928 4 888203449 +59 931 2 888203610 +59 946 1 888206445 +59 951 3 888206409 +59 953 5 888205787 +59 963 5 888204757 +59 969 3 888204802 +59 972 4 888206125 +59 974 3 888203343 +59 975 4 888203610 +59 1005 5 888206363 +59 1009 4 888203095 +59 1021 4 888204996 +59 1028 1 888203900 +59 1047 2 888203371 +59 1048 4 888203270 +59 1050 2 888205188 +59 1065 5 888205188 +59 1101 5 888205265 +59 1107 4 888206254 +59 1108 3 888204877 +59 1109 3 888205088 +59 1110 4 888206363 +59 1111 5 888204758 +59 1113 4 888205855 +59 1114 5 888203415 +59 1115 3 888203128 +59 1116 3 888206562 +59 1117 4 888203313 +59 1118 2 888206048 +59 1119 4 888206094 +59 1120 1 888203900 +60 7 5 883326241 +60 8 3 883326370 +60 9 5 883326399 +60 12 4 883326463 +60 13 4 883327539 +60 15 4 883328033 +60 21 3 883327923 +60 23 4 883326652 +60 28 5 883326155 +60 30 5 883325944 +60 47 4 883326399 +60 50 5 883326566 +60 56 4 883326919 +60 59 5 883326155 +60 60 5 883327734 +60 61 4 883326652 +60 64 4 883325994 +60 69 4 883326215 +60 70 4 883326838 +60 71 3 883327948 +60 73 4 883326995 +60 77 4 883327040 +60 79 4 883326620 +60 82 3 883327493 +60 88 4 883327684 +60 89 5 883326463 +60 95 4 883327799 +60 96 4 883326122 +60 97 3 883326215 +60 98 4 883326463 +60 121 4 883327664 +60 128 3 883326566 +60 131 4 883327441 +60 132 4 883325944 +60 135 5 883327087 +60 136 4 883326057 +60 138 2 883327287 +60 141 3 883327472 +60 143 3 883327441 +60 144 4 883325944 +60 151 5 883326995 +60 152 4 883328033 +60 153 3 883326733 +60 160 4 883326525 +60 161 4 883327265 +60 162 4 883327734 +60 163 4 883327566 +60 166 4 883326593 +60 168 5 883326837 +60 172 4 883326339 +60 173 4 883326498 +60 174 4 883326497 +60 176 4 883326057 +60 178 5 883326399 +60 179 4 883326566 +60 180 4 883326028 +60 181 4 883326754 +60 183 5 883326399 +60 185 4 883326682 +60 186 4 883326566 +60 194 4 883326425 +60 195 4 883326086 +60 197 4 883326620 +60 199 5 883326339 +60 200 4 883326710 +60 204 4 883326086 +60 205 4 883326426 +60 207 3 883327342 +60 208 5 883326028 +60 209 5 883326593 +60 210 4 883326241 +60 211 4 883327493 +60 212 5 883327087 +60 215 4 883327566 +60 216 4 883327827 +60 218 4 883327538 +60 222 4 883327441 +60 225 3 883327976 +60 227 4 883326784 +60 228 4 883327472 +60 229 4 883327472 +60 230 4 883327441 +60 234 4 883326463 +60 265 5 883327591 +60 272 4 889286840 +60 275 4 883326682 +60 286 5 883325421 +60 327 4 883325508 +60 357 4 883326273 +60 366 4 883327368 +60 378 4 883327566 +60 385 4 883327799 +60 393 4 883327754 +60 403 3 883327087 +60 404 3 883327287 +60 405 4 883326958 +60 411 3 883327827 +60 416 4 883327639 +60 417 4 883327175 +60 418 3 883327342 +60 419 3 883327612 +60 420 4 883327113 +60 423 4 883326593 +60 427 5 883326620 +60 429 5 883326733 +60 430 5 883326122 +60 433 4 883327342 +60 434 5 883327368 +60 435 4 883326122 +60 443 4 883327847 +60 445 5 883326273 +60 474 5 883326028 +60 478 3 883326463 +60 479 5 883326301 +60 480 4 883326273 +60 482 4 883326958 +60 483 5 883326497 +60 485 4 883327222 +60 489 5 883326682 +60 490 4 883326958 +60 491 4 883326301 +60 492 5 883326525 +60 493 5 883325994 +60 494 4 883326399 +60 495 3 883327639 +60 498 5 883326566 +60 499 3 883326682 +60 502 4 883327394 +60 505 4 883326710 +60 506 5 883327441 +60 507 4 883326301 +60 508 4 883327368 +60 510 5 883327174 +60 511 4 883326301 +60 513 5 883325994 +60 514 4 883326300 +60 515 5 883326784 +60 519 4 883326370 +60 523 4 883326837 +60 524 4 883325994 +60 525 5 883325944 +60 528 4 883326086 +60 529 4 883326862 +60 546 4 883326837 +60 558 4 883326784 +60 582 4 883327664 +60 592 4 883327566 +60 593 5 883326185 +60 601 4 883325944 +60 602 4 883326958 +60 603 5 883326652 +60 604 4 883327997 +60 605 3 883326893 +60 606 4 883327201 +60 608 5 883326028 +60 609 3 883327923 +60 613 4 883326497 +60 615 5 883326215 +60 616 3 883327087 +60 617 4 883326273 +60 618 3 883327113 +60 629 3 883327175 +60 633 4 883326995 +60 637 4 883327975 +60 638 5 883326057 +60 641 5 883326086 +60 650 4 883327201 +60 656 4 883327018 +60 659 4 883326862 +60 660 4 883327243 +60 661 4 883326808 +60 665 4 883326893 +60 671 4 883327175 +60 673 4 883327711 +60 675 4 883326995 +60 684 4 883328033 +60 699 4 883327539 +60 705 4 883326710 +60 708 4 883326784 +60 729 4 883327975 +60 735 5 883327711 +60 736 5 883327923 +60 745 5 883327442 +60 751 2 883325421 +60 755 4 883327639 +60 799 4 883326995 +60 810 4 883327201 +60 835 4 883326893 +60 842 4 883327175 +60 1020 4 883327018 +60 1021 5 883326185 +60 1050 3 883327923 +60 1060 4 883326995 +60 1121 3 883326215 +60 1123 4 883327997 +60 1124 4 883326652 +60 1125 4 883326497 +60 1126 4 883327174 +61 243 2 892331237 +61 258 4 891206125 +61 269 3 891206125 +61 271 1 892302231 +61 300 5 891206407 +61 301 1 891206450 +61 304 4 891220884 +61 323 3 891206450 +61 327 2 891206407 +61 328 5 891206371 +61 331 2 891206126 +61 333 3 891206232 +61 342 2 892302309 +61 347 5 892302120 +61 678 3 892302309 +61 690 2 891206407 +61 748 2 892302120 +61 1127 4 891206274 +62 1 2 879372813 +62 3 3 879372325 +62 4 4 879374640 +62 7 4 879372277 +62 8 5 879373820 +62 9 4 879372182 +62 12 4 879373613 +62 13 4 879372634 +62 14 4 879372851 +62 15 2 879372634 +62 20 4 879372696 +62 21 3 879373460 +62 24 4 879372633 +62 28 3 879375169 +62 33 1 879374785 +62 44 3 879374142 +62 47 4 879375537 +62 50 5 879372216 +62 53 2 879376270 +62 55 5 879373692 +62 56 5 879373711 +62 59 4 879373821 +62 62 3 879375781 +62 64 4 879373638 +62 65 4 879374686 +62 68 1 879374969 +62 69 4 879374015 +62 70 3 879373960 +62 71 4 879374661 +62 76 4 879374045 +62 78 2 879376612 +62 81 4 879375323 +62 82 4 879375414 +62 83 5 879375000 +62 86 2 879374640 +62 89 5 879374640 +62 91 4 879375196 +62 96 4 879374835 +62 97 2 879373795 +62 98 4 879373543 +62 100 4 879372276 +62 111 3 879372670 +62 114 4 879373568 +62 116 3 879372480 +62 117 4 879372563 +62 118 2 879373007 +62 121 4 879372916 +62 125 4 879372347 +62 127 4 879372216 +62 128 2 879374866 +62 129 3 879372276 +62 132 5 879375022 +62 135 4 879375080 +62 138 1 879376709 +62 144 3 879374785 +62 147 3 879372870 +62 151 5 879372651 +62 153 4 879374686 +62 155 1 879376633 +62 157 3 879374686 +62 159 3 879375762 +62 162 4 879375843 +62 164 5 879374946 +62 168 5 879373711 +62 170 3 879373848 +62 173 5 879374732 +62 174 4 879374916 +62 176 5 879373768 +62 179 4 879374969 +62 180 4 879373984 +62 181 4 879372418 +62 182 5 879375169 +62 183 4 879374893 +62 188 3 879373638 +62 191 5 879373613 +62 195 5 879373960 +62 196 4 879374015 +62 199 4 879373692 +62 209 4 879373849 +62 210 4 879374640 +62 213 4 879375323 +62 215 3 879374640 +62 216 4 879375414 +62 222 5 879372480 +62 225 3 879373287 +62 227 1 879375843 +62 228 3 879374607 +62 229 3 879375977 +62 230 2 879375738 +62 232 3 879375977 +62 235 4 879373007 +62 238 5 879373568 +62 241 1 879375562 +62 245 2 879373232 +62 249 2 879372479 +62 250 5 879372455 +62 252 3 879373272 +62 257 2 879372434 +62 258 5 879371909 +62 270 2 879371909 +62 273 4 879371980 +62 275 4 879372325 +62 276 5 879372182 +62 281 3 879373118 +62 283 4 879372598 +62 285 4 879372455 +62 286 3 879372813 +62 288 2 879371909 +62 290 3 879373007 +62 294 1 879373215 +62 298 4 879372304 +62 302 3 879371909 +62 306 4 879371909 +62 318 5 879373659 +62 328 3 879371909 +62 357 4 879374706 +62 365 2 879376096 +62 380 5 879375626 +62 382 3 879375537 +62 387 2 879376115 +62 401 3 879376727 +62 402 3 879375883 +62 403 4 879375588 +62 405 3 879373118 +62 421 5 879375716 +62 423 3 879373692 +62 431 2 879374969 +62 433 5 879375588 +62 436 3 879375883 +62 443 3 879375080 +62 448 2 879375883 +62 462 2 879373737 +62 463 4 879374916 +62 464 4 879375196 +62 472 2 879373152 +62 473 4 879373046 +62 474 4 879373613 +62 475 4 879371980 +62 483 4 879373768 +62 498 4 879373848 +62 508 4 879372277 +62 509 4 879373568 +62 512 4 879374894 +62 514 3 879374813 +62 521 5 879374706 +62 527 4 879373692 +62 528 5 879375080 +62 541 3 879376535 +62 554 1 879375562 +62 559 3 879375912 +62 568 3 879375080 +62 569 1 879376158 +62 582 4 879374753 +62 597 2 879373254 +62 605 3 879375364 +62 651 4 879373848 +62 652 4 879375364 +62 655 3 879375453 +62 660 4 879375537 +62 664 4 879376079 +62 665 2 879376483 +62 673 2 879375323 +62 676 3 879372633 +62 685 2 879373175 +62 697 4 879375932 +62 699 4 879375022 +62 702 2 879376079 +62 708 3 879375912 +62 710 3 879375453 +62 712 4 879376178 +62 715 2 879375912 +62 716 4 879375951 +62 723 2 879375738 +62 729 3 879375414 +62 742 2 879372965 +62 744 3 879372304 +62 747 3 879375247 +62 763 1 879372851 +62 774 1 879376483 +62 815 3 879375391 +62 827 2 879373421 +62 845 3 879372383 +62 856 4 879374866 +62 866 2 879373195 +62 875 4 879371909 +62 921 2 879375287 +62 924 1 879373175 +62 931 1 879373522 +62 949 4 879376210 +62 955 4 879374072 +62 959 4 879375269 +62 1009 4 879372869 +62 1012 3 879372633 +62 1016 4 879373008 +62 1018 3 879375606 +62 1060 1 879373007 +62 1073 4 879374752 +62 1074 4 879376299 +62 1077 3 879374607 +62 1091 3 879376709 +62 1107 1 879376159 +62 1118 3 879375537 +62 1128 2 879372831 +62 1129 5 879372060 +62 1130 4 879376686 +62 1131 3 879375247 +62 1132 2 879373404 +62 1134 2 879372936 +62 1135 2 879376159 +62 1136 3 879375977 +63 1 3 875747368 +63 6 3 875747439 +63 10 4 875748004 +63 13 4 875747439 +63 15 3 875747439 +63 20 3 875748004 +63 25 4 875747292 +63 50 4 875747292 +63 100 5 875747319 +63 106 2 875748139 +63 108 2 875748164 +63 109 4 875747731 +63 111 3 875747896 +63 116 5 875747319 +63 121 1 875748139 +63 126 3 875747556 +63 137 4 875747368 +63 150 4 875747292 +63 181 3 875747556 +63 222 3 875747635 +63 224 4 875747635 +63 225 2 875747439 +63 237 3 875747342 +63 242 3 875747190 +63 246 3 875747514 +63 250 5 875747789 +63 251 4 875747514 +63 255 4 875747556 +63 257 3 875747342 +63 258 3 875746809 +63 268 3 875746809 +63 277 4 875747401 +63 282 1 875747657 +63 283 4 875747401 +63 284 3 875747581 +63 285 3 875747470 +63 286 4 875746809 +63 287 3 875747829 +63 288 3 875746948 +63 289 2 875746985 +63 294 2 875747047 +63 300 4 875748326 +63 301 5 875747010 +63 302 3 875746809 +63 306 3 875746948 +63 321 3 875746917 +63 322 2 875746986 +63 323 1 875746986 +63 325 2 875747047 +63 328 2 875746985 +63 333 4 875746917 +63 405 4 875748109 +63 408 4 875747242 +63 412 3 875748109 +63 473 2 875747635 +63 475 4 875747319 +63 480 3 875748245 +63 508 4 875747752 +63 546 2 875747789 +63 591 3 875747581 +63 596 2 875747470 +63 676 3 875747470 +63 678 2 875747047 +63 713 3 875747556 +63 741 3 875747854 +63 762 3 875747688 +63 813 5 875747265 +63 828 1 875747936 +63 841 1 875747917 +63 924 3 875748164 +63 929 3 875747955 +63 948 3 875746948 +63 952 3 875747896 +63 979 3 875748068 +63 993 2 875747635 +63 1007 5 875747368 +63 1008 3 875748004 +63 1009 4 875747731 +63 1010 3 875747829 +63 1011 1 875747731 +63 1012 3 875747854 +63 1028 3 875748198 +63 1067 3 875747514 +63 1137 5 875747556 +64 1 4 879366214 +64 2 3 889737609 +64 4 3 889739138 +64 7 4 889737542 +64 8 4 889737968 +64 9 4 889738085 +64 10 5 889739733 +64 11 4 889737376 +64 12 5 889738085 +64 17 3 889739733 +64 22 4 889737376 +64 31 4 889739318 +64 32 1 889739346 +64 38 3 889740415 +64 50 5 889737914 +64 52 3 889739625 +64 56 5 889737542 +64 58 3 889739625 +64 62 2 889740654 +64 64 4 889737454 +64 69 4 889739091 +64 70 5 889739158 +64 71 3 879365670 +64 72 4 889740056 +64 77 3 889737420 +64 81 4 889739460 +64 82 3 889740199 +64 83 3 889737654 +64 89 3 889737376 +64 91 4 889739733 +64 93 2 889739025 +64 95 4 889737691 +64 96 4 889737748 +64 97 3 889738085 +64 98 4 889737654 +64 100 4 879365558 +64 101 2 889740225 +64 121 2 889739678 +64 125 2 889739678 +64 127 5 879366214 +64 135 4 889737889 +64 141 4 889739517 +64 143 4 889739051 +64 144 3 889737771 +64 151 3 879366214 +64 153 3 889739243 +64 154 4 889737943 +64 156 4 889737506 +64 157 4 879365491 +64 160 4 889739288 +64 161 3 889739779 +64 162 3 889739262 +64 168 5 889739243 +64 172 4 889739091 +64 173 5 889737454 +64 175 5 889739415 +64 176 4 889737567 +64 179 5 889739460 +64 181 4 889737420 +64 182 4 889738030 +64 183 5 889737914 +64 184 4 889739243 +64 185 4 889739517 +64 186 4 889737691 +64 187 5 889737395 +64 188 4 889739586 +64 190 4 889737851 +64 191 4 889740740 +64 194 5 889737710 +64 195 5 889737914 +64 196 4 889737992 +64 197 3 889737506 +64 199 4 889737654 +64 202 4 889738993 +64 203 4 889737851 +64 209 5 889737654 +64 210 3 889737654 +64 211 4 889739318 +64 212 3 889740011 +64 214 3 889737478 +64 215 5 889737914 +64 216 4 889740718 +64 217 2 889737568 +64 218 1 889739517 +64 222 4 889739733 +64 227 3 889740880 +64 228 4 889739438 +64 229 4 889739490 +64 230 5 889739994 +64 231 3 889740880 +64 232 2 889740154 +64 235 4 889740567 +64 237 4 889740310 +64 238 4 889739025 +64 239 3 889740033 +64 240 1 889740462 +64 241 3 889739380 +64 265 4 879365491 +64 269 5 879365313 +64 271 3 889737047 +64 273 2 889739381 +64 284 4 889740056 +64 288 4 879365313 +64 300 3 879365314 +64 310 4 889737047 +64 311 2 889737269 +64 313 4 889736971 +64 318 4 889737593 +64 333 3 879365313 +64 340 4 879365313 +64 347 3 889737062 +64 356 3 889740154 +64 367 4 889739678 +64 381 4 879365491 +64 384 2 889740367 +64 385 4 879365558 +64 389 4 889739834 +64 392 3 889737542 +64 403 4 889739953 +64 405 3 889739288 +64 419 2 889740310 +64 420 3 889739678 +64 423 4 889739569 +64 425 4 889739051 +64 429 4 889737800 +64 431 4 889737376 +64 433 2 889740286 +64 434 4 889739052 +64 435 4 889737771 +64 436 5 889739625 +64 447 4 889739319 +64 451 2 889739490 +64 475 5 889738993 +64 476 1 889740286 +64 496 5 889737567 +64 503 4 889740342 +64 509 3 889737478 +64 511 4 889739779 +64 515 5 889737478 +64 516 5 889737376 +64 520 5 889737851 +64 527 4 879365590 +64 531 3 889740718 +64 539 1 889737126 +64 546 3 889739883 +64 559 3 889740310 +64 566 3 889738085 +64 568 4 889737506 +64 569 3 889740602 +64 582 4 889739834 +64 588 4 889739091 +64 603 3 889737506 +64 633 5 889739243 +64 636 4 889740286 +64 650 3 889740225 +64 651 4 889740795 +64 652 2 879365590 +64 662 4 889739319 +64 663 3 889737505 +64 679 3 889740033 +64 684 4 889740199 +64 693 3 889737654 +64 705 5 879365558 +64 731 3 889739648 +64 732 4 889739288 +64 736 4 889739212 +64 746 5 889739138 +64 748 1 879365314 +64 751 2 889737047 +64 768 2 889739954 +64 778 5 889739806 +64 847 3 879365558 +64 879 3 879365313 +64 898 2 889737106 +64 919 4 889739834 +64 959 4 889739903 +64 969 3 889737889 +64 1063 3 889739539 +64 1133 4 889739975 +64 1139 1 889740260 +64 1140 1 889740676 +64 1141 5 889739834 +65 1 3 879217290 +65 7 1 879217290 +65 9 5 879217138 +65 15 5 879217138 +65 28 4 879216734 +65 47 2 879216672 +65 48 5 879217689 +65 50 5 879217689 +65 56 3 879217816 +65 63 2 879217913 +65 65 3 879216672 +65 66 3 879217972 +65 69 3 879216479 +65 70 1 879216529 +65 73 4 879217998 +65 77 5 879217689 +65 87 5 879217689 +65 88 4 879217942 +65 97 5 879216605 +65 98 4 879218418 +65 100 3 879217558 +65 121 4 879217458 +65 125 4 879217509 +65 135 4 879216567 +65 168 4 879217851 +65 173 3 879217851 +65 178 5 879217689 +65 179 3 879216605 +65 185 4 879218449 +65 191 4 879216797 +65 194 4 879217881 +65 196 5 879216637 +65 197 5 879216769 +65 202 4 879217852 +65 210 4 879217913 +65 211 4 879217852 +65 215 5 879217689 +65 216 4 879217912 +65 237 4 879217320 +65 238 3 879218449 +65 239 5 879217689 +65 255 3 879217406 +65 258 3 879216131 +65 294 4 879217320 +65 318 5 879217689 +65 328 4 879216131 +65 356 5 879216825 +65 365 3 879216672 +65 378 5 879217032 +65 392 5 879217689 +65 393 4 879217881 +65 402 4 879216949 +65 423 5 879216702 +65 427 5 879216734 +65 429 4 879216605 +65 435 4 879218025 +65 471 4 879217434 +65 476 3 879217290 +65 511 4 879216567 +65 514 4 879217998 +65 526 4 879216734 +65 531 4 879218328 +65 582 3 879216702 +65 651 4 879216371 +65 655 4 879216769 +65 660 5 879216880 +65 661 4 879216605 +65 676 5 879217689 +65 735 4 879216769 +65 736 4 879216949 +65 778 4 879216949 +65 806 4 879216529 +65 956 4 879216797 +65 1044 3 879217002 +65 1129 4 879217258 +65 1142 4 879217349 +66 1 3 883601324 +66 7 3 883601355 +66 9 4 883601265 +66 15 3 883601456 +66 21 1 883601939 +66 24 3 883601582 +66 50 5 883601236 +66 117 3 883601787 +66 121 3 883601834 +66 127 4 883601156 +66 181 5 883601425 +66 237 4 883601355 +66 248 4 883601426 +66 249 4 883602158 +66 257 3 883601355 +66 258 4 883601089 +66 280 4 883602044 +66 281 4 883602044 +66 286 1 883601089 +66 288 4 883601607 +66 294 4 883601089 +66 295 3 883601456 +66 298 4 883601324 +66 300 5 883601089 +66 405 3 883601990 +66 471 5 883601296 +66 475 2 883601156 +66 508 4 883601387 +66 597 3 883601456 +66 741 4 883601664 +66 742 5 883601388 +66 763 4 883602094 +66 825 3 883602268 +66 877 1 883601089 +66 1016 3 883601859 +67 1 3 875379445 +67 7 5 875379794 +67 24 4 875379729 +67 25 4 875379420 +67 64 5 875379211 +67 105 4 875379683 +67 117 5 875379794 +67 121 4 875379683 +67 122 3 875379566 +67 123 4 875379322 +67 125 4 875379643 +67 147 3 875379357 +67 151 4 875379619 +67 235 3 875379643 +67 240 5 875379566 +67 273 4 875379288 +67 276 4 875379515 +67 405 5 875379794 +67 412 1 875379540 +67 472 4 875379706 +67 546 3 875379288 +67 743 4 875379445 +67 827 3 875379322 +67 833 4 875379794 +67 871 3 875379594 +67 1047 3 875379750 +67 1052 3 875379419 +67 1093 5 875379419 +67 1095 4 875379287 +68 7 3 876974096 +68 25 4 876974176 +68 50 5 876973969 +68 111 3 876974276 +68 117 4 876973939 +68 118 2 876974248 +68 121 1 876974176 +68 125 1 876974096 +68 178 5 876974755 +68 237 5 876974133 +68 245 3 876973777 +68 258 5 876973692 +68 275 5 876973969 +68 282 1 876974315 +68 286 5 876973692 +68 288 4 876973726 +68 405 3 876974518 +68 409 3 876974677 +68 411 1 876974596 +68 458 1 876974048 +68 471 3 876974023 +68 475 5 876973917 +68 596 2 876974023 +68 742 1 876974198 +68 763 1 876973917 +68 926 1 876974298 +68 1028 4 876974430 +68 1047 1 876974379 +68 1089 1 876974484 +69 7 5 882126086 +69 9 4 882126086 +69 12 5 882145567 +69 42 5 882145548 +69 48 5 882145428 +69 50 5 882072748 +69 56 5 882145428 +69 98 5 882145375 +69 100 5 882072892 +69 109 3 882145428 +69 117 4 882072748 +69 123 4 882126125 +69 124 4 882072869 +69 129 3 882072778 +69 147 3 882072920 +69 150 5 882072920 +69 151 5 882072998 +69 174 5 882145548 +69 175 3 882145586 +69 181 5 882072778 +69 182 4 882145400 +69 197 5 882145548 +69 222 3 882072956 +69 234 5 882145505 +69 235 3 882126048 +69 236 4 882072827 +69 237 3 882072920 +69 240 3 882126156 +69 245 1 882027284 +69 246 5 882072827 +69 256 5 882126156 +69 258 4 882027204 +69 265 4 882145400 +69 268 5 882027109 +69 273 3 882072803 +69 282 3 882126048 +69 289 4 882027133 +69 294 2 882027233 +69 298 4 882072998 +69 300 3 882027204 +69 302 4 882027109 +69 307 2 882027204 +69 321 4 882027133 +69 333 3 882027204 +69 427 3 882145465 +69 475 3 882072869 +69 508 4 882072920 +69 591 3 882072803 +69 628 3 882126125 +69 689 3 882027284 +69 742 3 882072956 +69 748 2 882027304 +69 763 3 882126156 +69 879 1 882027284 +69 886 4 882027284 +69 1016 3 882072956 +69 1017 5 882126156 +69 1134 5 882072998 +69 1142 4 882072956 +69 1143 5 882072998 +69 1144 5 882126156 +70 1 4 884065277 +70 8 4 884064986 +70 15 3 884148728 +70 24 4 884064743 +70 28 4 884065757 +70 48 4 884064574 +70 50 4 884064188 +70 63 3 884151168 +70 69 4 884065733 +70 71 3 884066399 +70 82 4 884068075 +70 83 4 884065895 +70 88 4 884067394 +70 89 4 884150202 +70 94 3 884151014 +70 95 4 884065501 +70 96 4 884066910 +70 99 4 884067222 +70 101 3 884150753 +70 109 3 884066514 +70 121 3 884148728 +70 128 4 884067339 +70 132 4 884067281 +70 135 4 884065387 +70 139 3 884150656 +70 142 3 884150884 +70 143 5 884149431 +70 150 3 884065247 +70 151 3 884148603 +70 152 4 884149877 +70 161 3 884067638 +70 168 4 884065423 +70 169 4 884149688 +70 172 5 884064217 +70 173 4 884149452 +70 174 5 884065782 +70 175 3 884150422 +70 176 4 884066573 +70 181 4 884064416 +70 183 4 884149894 +70 185 4 884149753 +70 186 4 884065703 +70 189 4 884150202 +70 191 3 884149340 +70 193 4 884149646 +70 197 4 884149469 +70 202 4 884066713 +70 204 3 884066399 +70 206 3 884067026 +70 208 4 884149431 +70 210 4 884065854 +70 211 3 884149646 +70 214 3 884067842 +70 217 4 884151119 +70 222 4 884064269 +70 225 3 884148916 +70 227 3 884067476 +70 228 5 884064269 +70 230 4 884064269 +70 231 3 884064862 +70 260 2 884065247 +70 264 4 884063668 +70 265 4 884067503 +70 289 3 884066399 +70 298 5 884064134 +70 300 4 884063569 +70 313 4 884063469 +70 338 2 884065248 +70 380 3 884066399 +70 383 2 884151700 +70 393 4 884068497 +70 398 2 884067339 +70 399 4 884068521 +70 403 4 884064862 +70 404 4 884149622 +70 405 3 884149117 +70 408 4 884152129 +70 411 3 884066399 +70 417 3 884066823 +70 418 3 884149806 +70 419 5 884065035 +70 423 5 884066910 +70 429 3 884150369 +70 431 3 884150257 +70 432 3 884067175 +70 449 2 884065247 +70 450 1 884064269 +70 472 3 884148885 +70 482 4 884068704 +70 483 5 884064444 +70 496 4 884064545 +70 501 4 884067201 +70 507 4 884066886 +70 511 5 884067855 +70 527 4 884149852 +70 538 2 884066399 +70 542 2 884065248 +70 546 2 884066211 +70 554 3 884068277 +70 568 3 884149722 +70 576 2 884065248 +70 584 3 884150236 +70 588 5 884065528 +70 597 3 884148999 +70 625 3 884151316 +70 739 2 884150753 +70 746 3 884150257 +70 751 4 884063601 +70 755 3 884150865 +70 762 3 884066399 +70 946 3 884150691 +70 993 3 884064688 +70 1030 2 884151801 +70 1035 3 884066399 +70 1065 4 884149603 +70 1133 3 884151344 +70 1146 3 884151576 +71 6 3 880864124 +71 14 5 877319375 +71 50 3 885016784 +71 56 5 885016930 +71 64 4 885016536 +71 65 5 885016961 +71 89 5 880864462 +71 98 4 885016536 +71 100 4 877319197 +71 134 3 885016614 +71 135 4 885016536 +71 151 1 877319446 +71 154 3 877319610 +71 174 2 877319610 +71 175 4 885016882 +71 177 2 885016961 +71 181 3 877319414 +71 197 5 885016990 +71 222 3 877319375 +71 248 3 877319446 +71 257 5 877319414 +71 276 4 877319375 +71 282 3 885016990 +71 285 3 877319414 +71 289 2 877319117 +71 346 4 885016248 +71 357 5 885016495 +71 429 4 877319610 +71 462 5 877319567 +71 475 5 877319330 +71 744 4 877319294 +71 923 5 885016882 +72 2 3 880037376 +72 5 4 880037418 +72 7 1 880036347 +72 9 5 880035636 +72 12 5 880036664 +72 15 5 880035708 +72 23 4 880036550 +72 25 5 880035588 +72 28 4 880036824 +72 38 3 880037307 +72 45 5 880037853 +72 48 4 880036718 +72 50 2 880037119 +72 51 4 880036946 +72 54 3 880036854 +72 56 5 880037702 +72 64 5 880036549 +72 68 3 880037242 +72 69 4 880036579 +72 70 4 880036691 +72 77 4 880036945 +72 79 4 880037119 +72 81 3 880036876 +72 82 3 880037242 +72 87 4 880036638 +72 89 3 880037164 +72 96 5 880037203 +72 97 4 880036638 +72 98 5 880037417 +72 100 5 880035680 +72 106 4 880036185 +72 117 4 880035588 +72 118 3 880036346 +72 121 3 880036048 +72 124 4 880035636 +72 127 5 880037702 +72 129 4 880035588 +72 134 5 880037793 +72 135 4 880037054 +72 147 5 880037702 +72 161 5 880037703 +72 170 3 880037793 +72 172 1 880037119 +72 174 5 880037702 +72 176 2 880037203 +72 177 4 880037204 +72 180 4 880036579 +72 181 1 880037203 +72 182 5 880036515 +72 187 4 880036638 +72 191 5 880036515 +72 194 4 880037793 +72 195 5 880037702 +72 196 4 880036747 +72 197 5 880037702 +72 203 3 880037462 +72 204 4 880037853 +72 210 4 880037242 +72 212 5 880036946 +72 220 3 880035786 +72 222 1 880036346 +72 226 4 880037307 +72 228 1 880037204 +72 229 1 880037307 +72 230 1 880037277 +72 233 4 880037242 +72 234 4 880037418 +72 237 3 880036346 +72 241 4 880037242 +72 265 4 880037164 +72 271 1 880036346 +72 318 5 880037702 +72 356 4 880036911 +72 357 4 880036550 +72 380 1 880036854 +72 382 4 880036691 +72 402 4 880036824 +72 403 3 880037277 +72 405 3 880036346 +72 423 5 880036550 +72 427 5 880037702 +72 435 5 880037242 +72 443 3 880037418 +72 461 3 880036824 +72 466 4 880037461 +72 471 4 880035588 +72 476 4 880036048 +72 479 4 880037881 +72 480 5 880037768 +72 484 4 880037853 +72 504 4 880037461 +72 509 4 880036638 +72 515 4 880036602 +72 520 5 880036515 +72 521 4 880036718 +72 525 4 880037436 +72 527 4 880036746 +72 528 4 880036664 +72 530 4 880037164 +72 550 4 880037334 +72 553 5 880036638 +72 566 4 880037277 +72 568 4 880037203 +72 581 4 880036996 +72 582 4 880036783 +72 591 5 880035708 +72 603 4 880037417 +72 628 4 880035857 +72 644 4 880036602 +72 647 1 880036550 +72 649 4 880036783 +72 655 5 880037702 +72 664 3 880037020 +72 679 2 880037164 +72 684 4 880037203 +72 685 4 880035588 +72 699 3 880036783 +72 770 4 880037306 +72 792 3 880036718 +72 844 4 880035708 +72 866 4 880035887 +72 972 4 880036911 +72 1110 3 880037334 +72 1147 5 880036783 +73 1 2 888626065 +73 7 4 888625956 +73 12 5 888624976 +73 28 3 888626468 +73 32 4 888626220 +73 48 2 888625785 +73 56 4 888626041 +73 59 5 888625980 +73 64 5 888625042 +73 81 5 888626415 +73 82 2 888625754 +73 89 5 888625685 +73 94 1 888625754 +73 96 2 888626523 +73 100 4 888626120 +73 127 5 888625200 +73 129 4 888625907 +73 135 5 888626371 +73 152 3 888626496 +73 153 3 888626007 +73 154 5 888625343 +73 156 4 888625835 +73 171 5 888626199 +73 173 5 888625292 +73 175 5 888625785 +73 179 5 888626041 +73 180 4 888626577 +73 183 4 888626262 +73 187 5 888625934 +73 188 5 888625553 +73 196 4 888626177 +73 202 2 888626577 +73 206 3 888625754 +73 213 4 888625753 +73 246 3 888792938 +73 255 2 888792938 +73 268 3 888625754 +73 269 4 888792172 +73 271 2 888792294 +73 272 4 888792247 +73 285 4 888792900 +73 286 4 888792192 +73 288 3 888792294 +73 289 2 888792410 +73 318 4 888625934 +73 357 5 888626007 +73 382 4 888626496 +73 433 4 888626437 +73 474 5 888625200 +73 475 4 888625753 +73 479 5 888625127 +73 480 4 888625753 +73 507 3 888625857 +73 514 4 888626153 +73 518 5 888625835 +73 588 2 888625754 +73 650 3 888626152 +73 657 5 888625422 +73 660 4 888625754 +73 683 2 888792535 +73 748 2 888792247 +73 923 3 888793388 +73 1073 4 888625753 +73 1149 4 888626299 +74 7 4 888333458 +74 9 4 888333458 +74 13 4 888333542 +74 15 4 888333542 +74 100 4 888333428 +74 121 4 888333428 +74 124 3 888333542 +74 126 3 888333428 +74 129 3 888333458 +74 137 3 888333458 +74 150 3 888333458 +74 237 4 888333428 +74 245 3 888333280 +74 258 4 888333194 +74 272 5 888333194 +74 276 4 888333458 +74 285 3 888333428 +74 288 3 888333280 +74 294 4 888333311 +74 300 3 888333194 +74 301 3 888333372 +74 302 4 888333219 +74 307 4 888333329 +74 313 5 888333219 +74 324 3 888333280 +74 326 4 888333329 +74 328 4 888333280 +74 331 4 888333352 +74 333 4 888333238 +74 340 5 888333194 +74 351 3 888333352 +74 354 3 888333194 +74 358 2 888333372 +74 539 3 888333255 +74 690 4 888333352 +74 1084 3 888333542 +75 1 4 884050018 +75 13 5 884050102 +75 25 5 884049875 +75 56 5 884051921 +75 100 5 884049875 +75 108 4 884050661 +75 111 4 884050502 +75 114 4 884051893 +75 118 3 884050760 +75 121 4 884050450 +75 123 3 884050164 +75 125 3 884050164 +75 129 3 884049939 +75 137 4 884050102 +75 147 3 884050134 +75 151 5 884050502 +75 190 5 884051948 +75 196 4 884051948 +75 220 1 884050705 +75 222 5 884050194 +75 225 2 884050940 +75 235 4 884050502 +75 237 2 884050309 +75 240 1 884050661 +75 271 5 884051635 +75 273 5 884050018 +75 284 2 884050393 +75 290 4 884050451 +75 291 1 884050502 +75 294 3 884049758 +75 301 4 884051510 +75 304 2 884051610 +75 322 1 884049789 +75 323 2 884049789 +75 405 4 884050164 +75 408 4 884050046 +75 409 3 884050829 +75 410 5 884050661 +75 411 5 884050760 +75 413 2 884050979 +75 427 4 884051921 +75 472 4 884050733 +75 473 3 884050733 +75 475 5 884049939 +75 476 1 884050393 +75 477 4 884050102 +75 496 5 884051921 +75 546 3 884050422 +75 597 3 884050940 +75 678 3 884049758 +75 685 4 884050134 +75 696 4 884050979 +75 742 1 884050590 +75 756 2 884050309 +75 820 3 884050979 +75 824 1 884051056 +75 825 1 884050393 +75 831 3 884051056 +75 845 3 884050194 +75 864 4 884049876 +75 866 2 884050733 +75 926 3 884050393 +75 952 5 884050393 +75 1001 1 884050531 +75 1017 5 884050502 +75 1028 4 884050590 +75 1047 3 884050979 +75 1059 1 884050760 +75 1150 4 884050705 +75 1151 2 884050829 +76 6 5 875028165 +76 7 4 875312133 +76 12 3 882606060 +76 23 5 875027355 +76 24 2 882607536 +76 42 3 882606243 +76 56 5 875027739 +76 59 4 875027981 +76 60 4 875028007 +76 61 4 875028123 +76 64 5 875498777 +76 70 4 875027981 +76 77 2 882607017 +76 89 4 875027507 +76 92 4 882606108 +76 93 4 882606572 +76 96 5 875312034 +76 98 5 875028391 +76 100 5 875028391 +76 121 2 882607017 +76 129 3 878101114 +76 135 5 875028792 +76 137 5 875498777 +76 150 5 875028880 +76 172 5 882606080 +76 175 4 875028853 +76 192 5 875027442 +76 197 5 875028563 +76 200 5 882606216 +76 216 4 875028624 +76 223 2 882606623 +76 258 3 875027206 +76 270 3 879117602 +76 276 5 875027601 +76 286 5 875027206 +76 288 2 878101114 +76 293 4 879117673 +76 318 3 882606166 +76 324 4 875027206 +76 325 2 878101114 +76 327 3 875027271 +76 333 3 879575966 +76 343 3 882129361 +76 358 2 878101114 +76 385 2 882607017 +76 421 3 875028682 +76 474 5 875498278 +76 513 5 882606305 +76 514 4 882129456 +76 517 5 882129432 +76 518 3 875498895 +76 531 4 875028007 +76 547 2 882607017 +76 582 3 882607444 +76 603 3 882606147 +76 628 2 882606768 +76 690 2 882607017 +76 769 1 882607018 +76 772 3 875498117 +76 806 4 882606471 +76 811 4 882606323 +76 851 4 879576570 +76 919 3 875027945 +76 960 3 875028143 +76 1006 3 875027907 +76 1007 4 875312109 +76 1019 3 879576256 +76 1048 2 882607017 +76 1071 3 882606017 +76 1129 5 875028075 +76 1153 2 882607017 +76 1155 2 882607017 +76 1156 3 879576233 +76 1157 1 882607018 +76 1158 4 875028190 +76 1159 3 882606623 +77 1 5 884732808 +77 4 3 884752721 +77 15 2 884732873 +77 23 4 884753173 +77 25 2 884733055 +77 31 3 884753292 +77 42 5 884752948 +77 50 4 884732345 +77 52 5 884753203 +77 56 4 884752900 +77 69 3 884752997 +77 89 5 884733839 +77 91 3 884752924 +77 96 3 884752562 +77 97 2 884753292 +77 98 4 884752901 +77 100 3 884732716 +77 125 3 884733014 +77 127 2 884732927 +77 132 3 884753028 +77 133 2 884752997 +77 134 4 884752562 +77 144 3 884752853 +77 153 5 884732685 +77 154 5 884733922 +77 168 4 884752721 +77 172 3 884752562 +77 174 5 884733587 +77 175 4 884733655 +77 176 4 884752757 +77 179 5 884752806 +77 181 3 884732278 +77 183 5 884732606 +77 191 3 884752948 +77 195 5 884733695 +77 201 4 884752785 +77 209 4 884752562 +77 210 3 884753028 +77 215 2 884752757 +77 222 4 884732873 +77 228 3 884753105 +77 238 5 884733965 +77 246 5 884732808 +77 250 3 884732873 +77 252 1 884733379 +77 265 3 884753152 +77 268 5 884733857 +77 276 2 884732991 +77 357 3 884752970 +77 405 3 884733422 +77 431 5 884733695 +77 455 3 884732873 +77 474 5 884732407 +77 483 4 884752665 +77 484 5 884733766 +77 498 5 884734016 +77 511 2 884753152 +77 518 4 884753202 +77 523 5 884752582 +77 636 2 884753061 +77 641 5 884733621 +77 778 2 884753203 +77 833 1 884733284 +77 1028 1 884733400 +78 25 3 879633785 +78 93 4 879633766 +78 237 5 879634264 +78 255 4 879633745 +78 257 4 879633721 +78 269 3 879633467 +78 288 4 879633467 +78 289 4 879633567 +78 294 3 879633495 +78 298 3 879633702 +78 301 5 879633467 +78 323 1 879633567 +78 327 1 879633495 +78 411 4 879634223 +78 412 4 879634223 +78 813 2 879633745 +78 871 3 879634199 +78 880 5 879633600 +78 1047 1 879634199 +78 1160 5 879634134 +79 6 4 891271901 +79 7 5 891272016 +79 13 3 891271676 +79 19 5 891271792 +79 50 4 891271545 +79 93 2 891271676 +79 100 5 891271652 +79 116 5 891271676 +79 124 5 891271870 +79 137 4 891271870 +79 150 3 891271652 +79 236 5 891271719 +79 246 5 891271545 +79 251 5 891271545 +79 257 3 891271545 +79 258 5 891271308 +79 262 5 891271203 +79 268 5 891271792 +79 269 5 891271792 +79 283 4 891271627 +79 285 5 891271652 +79 286 5 891271792 +79 288 3 891272015 +79 290 3 891271741 +79 301 3 891271308 +79 303 4 891271203 +79 306 5 891271792 +79 313 2 891271086 +79 319 4 891271278 +79 325 5 891271792 +79 333 2 891271086 +79 340 4 891271180 +79 370 2 891272016 +79 508 3 891271676 +79 582 5 891271806 +79 676 3 891271957 +79 690 4 891271308 +79 740 4 891271870 +79 763 5 891271741 +79 813 5 891271792 +79 900 4 891271245 +79 902 3 891271086 +79 906 5 891271792 +79 937 2 891271180 +79 1008 4 891271982 +79 1017 3 891271697 +79 1022 5 891271792 +79 1161 2 891271697 +80 45 4 887401585 +80 50 3 887401533 +80 58 4 887401677 +80 64 5 887401475 +80 86 5 887401496 +80 87 4 887401307 +80 100 5 887401453 +80 154 3 887401307 +80 194 3 887401763 +80 199 2 887401353 +80 205 5 887401533 +80 208 5 887401604 +80 213 3 887401407 +80 215 5 887401353 +80 234 3 887401533 +80 237 4 887401732 +80 260 1 883605215 +80 269 3 883605009 +80 303 4 883605055 +80 423 3 887401643 +80 466 5 887401701 +80 514 3 887401533 +80 531 4 887401430 +80 582 3 887401701 +80 699 3 887401533 +80 886 4 883605238 +80 887 4 887401236 +81 1 4 876534949 +81 3 4 876592546 +81 7 4 876533545 +81 25 5 876533946 +81 42 4 876534704 +81 79 5 876534817 +81 93 3 876533657 +81 98 5 876534854 +81 100 3 876533545 +81 111 3 876534174 +81 118 2 876533764 +81 121 4 876533586 +81 124 3 876534594 +81 147 4 876533389 +81 150 3 876533619 +81 151 2 876533946 +81 169 4 876534751 +81 186 5 876534783 +81 210 4 876534704 +81 222 2 876533619 +81 237 4 876533764 +81 269 3 876533229 +81 273 4 876533710 +81 274 3 876534313 +81 275 4 876533657 +81 276 4 876533545 +81 280 4 876534214 +81 282 5 876533619 +81 283 4 876533504 +81 284 3 876533894 +81 288 3 876533229 +81 289 3 876533229 +81 318 5 876534817 +81 405 3 876533764 +81 410 4 876533946 +81 411 2 876534244 +81 412 1 876534408 +81 432 2 876535131 +81 471 3 876533586 +81 476 2 876534124 +81 544 2 876546272 +81 591 5 876534124 +81 595 4 876534437 +81 596 3 876533824 +81 619 3 876534009 +81 717 2 876533824 +81 726 4 876534505 +81 742 2 876533764 +81 756 1 876534097 +81 824 3 876534437 +81 926 3 876533824 +81 1028 1 876534277 +81 1047 3 876533988 +81 1059 3 876534366 +82 1 4 876311241 +82 3 2 878768765 +82 7 3 876311217 +82 8 4 878769292 +82 9 4 876311146 +82 11 4 878769992 +82 13 2 878768615 +82 14 4 876311280 +82 15 3 876311365 +82 21 1 884714456 +82 22 3 878769777 +82 25 2 878768435 +82 28 3 878769815 +82 56 3 878769410 +82 64 5 878770169 +82 69 4 878769948 +82 70 4 878769888 +82 71 4 878770169 +82 73 4 878769888 +82 79 3 878769334 +82 81 3 878770059 +82 97 4 878769777 +82 99 4 878769949 +82 103 2 878768665 +82 109 1 884714204 +82 111 4 876311423 +82 118 3 878768510 +82 121 4 876311387 +82 127 2 878769777 +82 133 4 878769410 +82 134 4 878769442 +82 135 3 878769629 +82 140 3 878769668 +82 147 3 876311473 +82 151 2 876311547 +82 168 5 878769748 +82 169 4 878769442 +82 174 5 878769478 +82 175 4 878769598 +82 178 4 878769629 +82 181 4 876311241 +82 183 3 878769848 +82 185 3 878769334 +82 191 4 878769748 +82 194 4 878770027 +82 197 4 878769847 +82 199 4 878769888 +82 202 4 878769777 +82 208 3 878769815 +82 211 4 878769815 +82 212 4 878769410 +82 216 4 878769949 +82 218 3 878769748 +82 220 2 878768840 +82 222 3 876311365 +82 225 3 878768790 +82 228 3 878769629 +82 230 2 878769815 +82 231 2 878769815 +82 235 1 876311517 +82 237 3 876311319 +82 238 3 878769373 +82 240 1 884714385 +82 265 4 878770169 +82 274 3 876311492 +82 275 2 884714125 +82 276 4 876311344 +82 281 3 884714290 +82 283 2 884714164 +82 284 4 876311387 +82 286 4 876311004 +82 288 3 876311518 +82 289 1 884713642 +82 294 4 878768327 +82 304 3 884713664 +82 310 4 879788290 +82 318 4 878769629 +82 326 2 879788343 +82 343 1 884713755 +82 357 4 878769888 +82 367 4 878769848 +82 405 3 876311423 +82 409 1 884714421 +82 411 3 878768902 +82 412 1 884714513 +82 413 1 884714593 +82 414 4 878769748 +82 418 4 878769848 +82 424 1 878768811 +82 430 5 878769703 +82 432 4 878769373 +82 435 5 878769409 +82 455 4 876311319 +82 456 1 884714618 +82 458 1 884714145 +82 462 4 878769992 +82 472 3 878768882 +82 473 2 878768765 +82 474 3 878769597 +82 475 1 884714181 +82 476 3 878768765 +82 477 3 876311344 +82 479 4 878769703 +82 480 4 878769373 +82 481 5 878769262 +82 482 4 878769668 +82 483 5 878769888 +82 484 4 878769597 +82 495 3 878769668 +82 496 4 878769992 +82 504 4 878769917 +82 508 2 884714249 +82 511 3 878769948 +82 513 4 878769334 +82 514 4 878769442 +82 518 4 878769747 +82 519 4 878770028 +82 520 3 878769703 +82 523 5 878769373 +82 527 3 878769479 +82 529 4 878770028 +82 539 3 884713704 +82 546 3 876311423 +82 582 4 878769410 +82 588 5 878769917 +82 596 3 876311195 +82 597 3 878768882 +82 603 5 878769479 +82 657 4 878769261 +82 660 5 878769848 +82 661 4 878769703 +82 671 1 878769478 +82 678 1 884714726 +82 705 3 878769598 +82 717 1 884714492 +82 740 2 884714249 +82 756 1 878768741 +82 820 3 878768902 +82 822 2 878769262 +82 826 3 876311646 +82 834 1 884714618 +82 866 3 878768840 +82 919 3 876311280 +82 946 2 878769748 +82 1001 1 878769138 +82 1028 2 876311577 +82 1033 1 884714560 +82 1059 1 884714456 +82 1063 3 878769815 +82 1078 3 878769748 +82 1101 4 878770169 +82 1126 4 878770169 +82 1128 1 884714361 +82 1134 2 884714402 +82 1162 1 884714361 +82 1163 2 884714204 +82 1164 2 878768790 +83 1 4 880306903 +83 2 4 881971771 +83 4 2 880336655 +83 15 4 880307000 +83 22 5 880307724 +83 25 2 883867729 +83 28 4 880308284 +83 31 5 880307751 +83 35 1 886534501 +83 38 5 887665422 +83 43 4 880308690 +83 50 3 880327590 +83 56 1 886534501 +83 63 4 880327970 +83 64 5 887665422 +83 66 4 880307898 +83 69 4 887665549 +83 70 4 880308256 +83 71 3 880328167 +83 77 4 880308426 +83 78 2 880309089 +83 82 5 887665423 +83 88 5 880308186 +83 94 4 880308831 +83 95 4 880308453 +83 97 4 880308690 +83 105 2 891182288 +83 106 4 887665549 +83 110 4 880309185 +83 111 3 884647519 +83 117 5 880307000 +83 118 3 880307071 +83 121 4 880306951 +83 122 1 886534501 +83 125 5 880306811 +83 139 3 880308959 +83 151 3 880306745 +83 161 4 887665549 +83 174 5 880307699 +83 181 4 880306786 +83 186 4 880308601 +83 191 4 880308038 +83 196 5 880307996 +83 204 5 880307922 +83 210 5 880307751 +83 215 4 880307940 +83 216 4 880307846 +83 225 3 880307208 +83 233 4 887665549 +83 234 4 887665548 +83 235 1 883867920 +83 243 3 891181725 +83 245 2 891181703 +83 249 2 887664680 +83 252 4 883868598 +83 254 2 880327839 +83 255 5 887665422 +83 259 2 883869199 +83 265 5 880308186 +83 274 4 880306810 +83 281 5 880307072 +83 294 3 887665569 +83 298 4 891181511 +83 300 3 889050543 +83 301 2 891181430 +83 319 1 886532955 +83 322 3 889681216 +83 323 4 883868420 +83 338 4 883868647 +83 356 4 880308755 +83 364 1 886534501 +83 371 3 880308408 +83 385 4 887665549 +83 391 2 880308783 +83 393 5 887665423 +83 405 5 887665423 +83 406 2 891182431 +83 407 1 891182532 +83 409 4 880307417 +83 411 2 880307259 +83 412 1 883868208 +83 413 1 891182379 +83 423 4 880308329 +83 452 3 880309214 +83 465 4 880308578 +83 468 4 880308390 +83 471 3 891182000 +83 476 3 880307359 +83 477 2 887665798 +83 479 5 880307699 +83 508 2 887665655 +83 527 4 880307807 +83 543 2 887665445 +83 546 4 887665549 +83 566 4 880308099 +83 568 4 880307724 +83 575 4 880309339 +83 576 4 880308755 +83 580 4 883869630 +83 584 4 880308453 +83 597 2 891182270 +83 609 4 880308453 +83 623 4 880308578 +83 631 2 887664566 +83 640 2 880308550 +83 660 4 880308256 +83 663 5 887665423 +83 684 4 880307898 +83 685 4 880306951 +83 692 4 880307979 +83 704 3 880327216 +83 717 4 880307339 +83 720 4 880308578 +83 722 4 880308959 +83 732 4 880308390 +83 739 5 880308141 +83 748 2 886534501 +83 755 5 887665423 +83 768 4 887665549 +83 781 4 883868890 +83 783 4 880308453 +83 795 3 880309214 +83 820 2 881971231 +83 828 3 883868208 +83 832 3 883868300 +83 845 3 880306648 +83 846 3 891181639 +83 862 4 883868805 +83 864 4 883954588 +83 866 3 883867947 +83 871 2 891182319 +83 892 2 891181444 +83 929 3 880307140 +83 932 4 881971414 +83 944 3 880308871 +83 977 3 880307382 +83 993 2 883868978 +83 1016 4 883868345 +83 1028 4 880307207 +83 1035 4 880308959 +83 1043 3 880308807 +83 1047 2 891182319 +83 1049 3 880307588 +83 1060 3 880306926 +83 1101 2 880308256 +83 1165 2 883868300 +84 1 2 883452108 +84 7 4 883452155 +84 12 5 883452874 +84 15 4 883449993 +84 25 3 883452462 +84 31 4 883453755 +84 64 5 883450066 +84 87 5 883453587 +84 95 4 883453642 +84 98 4 883453755 +84 111 4 883453108 +84 117 4 883450553 +84 121 4 883452307 +84 148 4 883452274 +84 151 4 883449993 +84 194 5 883453617 +84 203 3 883453587 +84 222 4 883450020 +84 225 4 883452307 +84 237 4 883450093 +84 245 4 883449530 +84 258 4 883449347 +84 265 5 883453617 +84 273 4 883452086 +84 274 4 883452462 +84 276 4 883449944 +84 284 3 883450093 +84 286 5 883449271 +84 289 5 883449419 +84 291 3 883452363 +84 294 3 883449317 +84 300 4 883449419 +84 317 3 883453587 +84 322 3 883449567 +84 385 4 883453797 +84 405 3 883452363 +84 408 5 883450553 +84 411 2 883452516 +84 466 4 883453148 +84 486 5 883453664 +84 523 4 883453642 +84 528 5 883453617 +84 529 5 883453108 +84 543 5 883453713 +84 546 3 883452462 +84 591 4 883451664 +84 597 3 883452200 +84 628 3 883450434 +84 685 3 883452274 +84 742 3 883450643 +84 744 4 883449965 +84 748 4 883449530 +84 756 3 883452765 +84 815 4 883452462 +84 823 3 883452672 +84 866 4 883452174 +84 879 4 883449530 +84 1028 3 883452155 +84 1033 4 883452711 +84 1040 3 883452630 +84 1047 2 883452694 +85 8 4 879454952 +85 10 4 879452898 +85 13 3 879452866 +85 14 4 879452638 +85 23 4 879454272 +85 25 2 879452769 +85 27 4 879827488 +85 28 4 879829301 +85 30 3 882995290 +85 45 3 879455197 +85 50 5 882813248 +85 51 2 879454782 +85 52 3 881705026 +85 53 3 882995643 +85 56 4 879453587 +85 57 5 879828107 +85 58 4 879829689 +85 65 3 879455021 +85 69 4 879454582 +85 70 4 879828328 +85 71 4 879456308 +85 79 3 879453845 +85 82 3 879454633 +85 83 4 886282959 +85 86 4 879454189 +85 87 4 879829327 +85 89 4 879454075 +85 94 3 882995966 +85 95 4 879455114 +85 97 2 879829667 +85 98 4 879453716 +85 99 5 880838306 +85 100 3 879452693 +85 108 2 880838201 +85 121 2 879453167 +85 124 5 882813248 +85 127 5 879829301 +85 132 5 879453965 +85 133 4 879453876 +85 134 5 879454004 +85 135 5 879453845 +85 136 4 879454349 +85 143 4 879456247 +85 150 3 890255432 +85 152 5 879454751 +85 153 3 879453658 +85 154 4 879828777 +85 157 3 879454400 +85 160 3 879454075 +85 161 4 882819528 +85 162 2 879454235 +85 163 3 882813312 +85 168 4 879454304 +85 170 4 879453748 +85 172 4 882813285 +85 173 3 879454045 +85 174 4 879454139 +85 175 4 879828912 +85 179 4 879454272 +85 180 4 879454820 +85 181 4 882813312 +85 182 4 893110061 +85 187 5 879454235 +85 188 2 879454782 +85 190 4 879453845 +85 191 4 879455021 +85 192 4 879454951 +85 193 3 879454189 +85 194 4 879454189 +85 195 3 882995132 +85 196 4 879454952 +85 197 5 879455197 +85 199 5 879829438 +85 203 5 879455402 +85 205 4 879454004 +85 208 5 879828941 +85 209 4 879454500 +85 210 3 879454981 +85 211 5 879454005 +85 212 2 879454859 +85 213 4 879454751 +85 215 4 879829438 +85 216 3 879454500 +85 221 2 879452693 +85 222 2 879452831 +85 228 3 882813248 +85 229 3 882813248 +85 230 3 882813248 +85 231 2 882995615 +85 232 3 882995966 +85 234 4 882995015 +85 237 3 879452769 +85 238 2 879453965 +85 241 3 882995340 +85 246 4 881704999 +85 250 3 882592687 +85 258 4 882812472 +85 259 2 881705026 +85 268 4 881705073 +85 269 3 891289966 +85 272 4 893110061 +85 275 3 879454581 +85 277 2 879452938 +85 282 3 879829618 +85 283 3 879454467 +85 284 3 879452866 +85 286 4 879452259 +85 289 3 879452334 +85 291 3 882994658 +85 298 4 880581629 +85 300 3 879452259 +85 301 4 886283002 +85 310 3 880838201 +85 317 3 882995577 +85 318 4 879453684 +85 319 4 879452334 +85 325 2 879452386 +85 327 3 884820110 +85 328 3 884906441 +85 333 1 886282927 +85 340 3 893109920 +85 345 4 884820077 +85 357 4 879454045 +85 372 4 879828720 +85 378 4 879829642 +85 380 4 882995704 +85 382 4 879454820 +85 385 3 879455021 +85 389 3 882995832 +85 393 4 879828967 +85 404 3 882994947 +85 412 3 879453288 +85 414 4 879828720 +85 416 3 882994912 +85 417 3 882995859 +85 418 3 879455197 +85 419 5 882819427 +85 420 4 880838337 +85 423 4 879454046 +85 425 4 879454905 +85 427 3 879456350 +85 432 4 880838305 +85 433 3 879828720 +85 435 4 879828911 +85 443 4 879454582 +85 447 3 882994767 +85 449 4 882813248 +85 451 4 882995934 +85 458 3 879452867 +85 462 4 879454189 +85 464 5 882996119 +85 465 4 879454437 +85 474 5 879454500 +85 476 3 879453018 +85 478 4 879454951 +85 479 4 879454951 +85 480 4 879453658 +85 481 4 879454582 +85 482 4 879454304 +85 483 5 879453933 +85 485 5 879454400 +85 488 4 879455197 +85 492 4 879454905 +85 495 3 882994860 +85 496 4 879453781 +85 498 4 879454400 +85 499 4 879455114 +85 501 3 880838306 +85 502 4 879454633 +85 504 4 879453748 +85 506 4 886282959 +85 507 4 879456199 +85 508 2 879453040 +85 509 4 879454189 +85 510 4 879454400 +85 511 4 879454112 +85 512 3 879456199 +85 513 4 879454350 +85 514 5 879453684 +85 516 4 879454272 +85 517 5 879455238 +85 520 3 882996257 +85 521 3 879829471 +85 523 4 879453965 +85 526 4 879454500 +85 527 4 879455114 +85 528 4 879454859 +85 529 3 879827935 +85 530 3 879456350 +85 531 4 879454112 +85 566 3 879454273 +85 568 3 879455238 +85 582 4 879828014 +85 588 3 880838306 +85 589 3 879453587 +85 596 3 880838337 +85 604 4 882995132 +85 606 4 886282959 +85 610 3 879454582 +85 622 3 882995833 +85 629 3 879454685 +85 631 4 886282927 +85 632 3 879454304 +85 639 3 879454189 +85 641 4 879454952 +85 642 4 882995615 +85 647 4 879453844 +85 654 4 879454272 +85 655 3 879454350 +85 657 4 879454189 +85 658 3 879829861 +85 659 4 879453844 +85 660 4 879829618 +85 661 4 879454005 +85 663 5 879454437 +85 664 4 879829562 +85 690 2 890255371 +85 692 3 879828490 +85 702 2 879828054 +85 705 5 882994912 +85 707 4 879454350 +85 708 4 879828349 +85 709 5 879828941 +85 710 2 879828912 +85 712 3 882995754 +85 715 4 882995967 +85 732 3 879455238 +85 735 3 879454905 +85 745 3 879829021 +85 751 3 884820157 +85 782 2 879829757 +85 792 4 879828941 +85 813 4 879452664 +85 822 3 880581629 +85 842 3 882995704 +85 845 3 879828456 +85 855 3 879827989 +85 923 4 879455403 +85 924 1 879453114 +85 955 4 879454400 +85 971 3 879828156 +85 984 2 884906441 +85 1006 3 882995833 +85 1009 2 879453093 +85 1010 2 879452971 +85 1021 3 882995490 +85 1039 4 879453903 +85 1065 3 879455021 +85 1074 3 882996039 +85 1075 3 879454400 +85 1098 4 879828912 +85 1101 4 879454046 +85 1103 3 882995489 +85 1121 3 879454820 +85 1131 4 879454111 +85 1136 3 879455402 +85 1137 4 879452609 +85 1149 3 886283002 +85 1153 4 879454751 +85 1166 4 879455021 +85 1167 3 879829209 +85 1168 3 882995908 +85 1169 4 879454952 +85 1170 3 879456350 +85 1171 3 879452638 +85 1172 4 879453781 +85 1173 4 884820209 +85 1174 3 879454633 +86 242 4 879569486 +86 258 5 879570366 +86 259 4 879570423 +86 269 4 879569486 +86 270 5 879570974 +86 286 3 879569555 +86 288 3 879570218 +86 289 3 879570366 +86 300 3 879570277 +86 304 3 879570149 +86 319 3 879569555 +86 326 3 879570423 +86 327 4 879570218 +86 328 2 879569555 +86 338 1 879570277 +86 683 5 879570974 +86 872 3 879570366 +86 879 2 879570149 +86 881 2 879570218 +86 888 4 879570218 +86 889 5 879570973 +86 1175 5 879570973 +86 1176 5 879570973 +87 2 4 879876074 +87 4 5 879876524 +87 7 4 879875735 +87 8 5 879876447 +87 9 4 879877931 +87 13 3 879876734 +87 21 3 879877173 +87 22 4 879875817 +87 25 4 879876811 +87 27 4 879876037 +87 33 3 879876488 +87 38 5 879875940 +87 39 3 879875995 +87 40 3 879876917 +87 47 3 879876637 +87 48 4 879875649 +87 50 5 879876194 +87 55 4 879875774 +87 56 4 879876524 +87 62 5 879875996 +87 63 4 879876848 +87 64 5 879875649 +87 67 4 879877007 +87 68 3 879876074 +87 70 5 879876448 +87 72 3 879876848 +87 73 3 879877083 +87 79 5 879875856 +87 80 4 879877241 +87 82 5 879875774 +87 87 4 879877931 +87 88 5 879876672 +87 89 4 879875818 +87 90 2 879877127 +87 96 5 879875734 +87 97 5 879877825 +87 100 5 879876488 +87 111 4 879876611 +87 118 4 879876162 +87 120 2 879877173 +87 127 4 879876194 +87 128 3 879876037 +87 132 5 879877930 +87 134 4 879877740 +87 135 5 879875649 +87 144 4 879875734 +87 152 4 879876564 +87 153 5 879876703 +87 154 4 879876564 +87 157 3 879877799 +87 158 3 879877173 +87 161 5 879875893 +87 163 4 879877083 +87 167 4 879876703 +87 172 5 879875737 +87 177 5 879875940 +87 179 4 879875649 +87 180 4 879875649 +87 181 5 879876194 +87 182 4 879875737 +87 183 4 879875734 +87 186 5 879876734 +87 192 3 879877741 +87 194 5 879876403 +87 195 5 879875736 +87 196 5 879877681 +87 199 5 879875649 +87 201 2 879876673 +87 202 5 879876403 +87 204 5 879876447 +87 208 5 879876403 +87 209 5 879876488 +87 210 5 879875734 +87 211 5 879876812 +87 216 5 879876448 +87 228 5 879875893 +87 229 4 879876037 +87 230 5 879875818 +87 231 3 879876110 +87 232 3 879876037 +87 233 4 879876036 +87 235 3 879877208 +87 238 3 879876734 +87 239 4 879876673 +87 254 4 879876256 +87 273 3 879875857 +87 274 4 879876734 +87 281 4 879876074 +87 297 3 879877404 +87 300 3 879875418 +87 303 3 879875471 +87 318 4 879877627 +87 321 2 879876813 +87 323 3 879876256 +87 367 4 879876702 +87 372 3 879876565 +87 382 3 879876488 +87 384 4 879877127 +87 385 5 879875818 +87 386 2 879877006 +87 393 4 879876703 +87 396 1 879877280 +87 401 2 879876813 +87 403 3 879875996 +87 405 4 879875893 +87 409 3 879877127 +87 410 4 879876565 +87 411 4 879876946 +87 414 3 879876673 +87 423 3 879877710 +87 427 4 879877824 +87 435 5 879875818 +87 449 3 879876110 +87 472 4 879875996 +87 477 3 879876610 +87 491 5 879877930 +87 496 5 879877709 +87 502 5 879876524 +87 510 5 879875818 +87 514 4 879876672 +87 515 4 879876194 +87 519 4 879877652 +87 521 3 879877772 +87 523 5 879875649 +87 535 4 879876315 +87 546 3 879876074 +87 550 4 879876074 +87 554 4 879875940 +87 566 5 879875775 +87 568 5 879875818 +87 570 3 879876163 +87 575 3 879877208 +87 576 3 879876163 +87 577 4 879877127 +87 578 3 879875940 +87 585 4 879877008 +87 598 2 879877279 +87 628 4 879877709 +87 629 4 879877006 +87 648 5 879876448 +87 651 4 879875893 +87 657 4 879877740 +87 679 3 879876036 +87 684 5 879875774 +87 685 3 879875856 +87 692 5 879876565 +87 702 3 879876917 +87 705 4 879877740 +87 709 3 879876812 +87 715 3 879876885 +87 722 4 879876946 +87 728 4 879876768 +87 732 4 879876703 +87 775 2 879876848 +87 780 4 879877173 +87 781 5 879876524 +87 783 4 879877279 +87 789 3 879876610 +87 790 4 879876885 +87 791 2 879877280 +87 796 4 879877280 +87 802 4 879875940 +87 808 3 879875996 +87 810 3 879876111 +87 824 3 879877043 +87 845 4 879876564 +87 849 5 879875996 +87 866 4 879877208 +87 871 4 879876734 +87 926 4 879877043 +87 944 5 879876848 +87 996 3 879876848 +87 1000 3 879877173 +87 1016 4 879876194 +87 1028 4 879876946 +87 1041 4 879877007 +87 1047 3 879877280 +87 1049 3 879876812 +87 1072 3 879876610 +87 1074 3 879876813 +87 1079 2 879877240 +87 1089 3 879876225 +87 1118 3 879877007 +87 1177 1 879877280 +87 1178 3 879877208 +87 1179 3 879877127 +87 1180 3 879877127 +87 1181 3 879875940 +87 1182 3 879877043 +87 1183 3 879875995 +87 1184 3 879876074 +87 1185 4 879876885 +87 1186 3 879876886 +87 1187 2 879875893 +87 1188 2 879876110 +87 1189 5 879877951 +87 1190 4 879876336 +88 261 5 891038103 +88 286 5 891037111 +88 300 3 891037466 +88 301 4 891037618 +88 302 3 891037111 +88 308 4 891037396 +88 311 5 891037336 +88 313 3 891037201 +88 315 4 891037276 +88 319 3 891037708 +88 321 1 891037708 +88 326 5 891038103 +88 354 5 891037708 +88 690 4 891037708 +88 750 2 891037276 +88 880 3 891037466 +88 881 5 891038103 +88 886 5 891038103 +88 898 4 891037859 +88 904 5 891037276 +88 1191 5 891038103 +89 1 5 879461219 +89 7 5 879441422 +89 13 2 879441672 +89 14 4 879441357 +89 25 5 879441637 +89 26 3 879459909 +89 49 4 879460347 +89 50 5 879461219 +89 66 3 879459980 +89 83 4 879459884 +89 88 4 879459980 +89 93 2 879441307 +89 100 5 879441271 +89 107 5 879441780 +89 111 4 879441452 +89 117 5 879441357 +89 121 5 879441657 +89 127 5 879441335 +89 137 1 879441335 +89 150 5 879441452 +89 151 5 879441507 +89 173 5 879459859 +89 181 4 879441491 +89 187 5 879461246 +89 197 5 879459859 +89 202 3 879459859 +89 212 3 879459909 +89 213 4 879459859 +89 216 5 879459859 +89 221 1 879441687 +89 222 5 879441491 +89 235 5 879441657 +89 236 5 879441400 +89 237 4 879441381 +89 240 4 879441571 +89 246 5 879461219 +89 257 5 879461219 +89 268 5 879461219 +89 269 5 879461219 +89 275 5 879441307 +89 277 4 879441271 +89 283 4 879441557 +89 321 4 879441049 +89 381 4 879459999 +89 387 5 879459909 +89 402 4 879460347 +89 405 3 879441586 +89 451 3 879459884 +89 475 5 879441307 +89 517 5 879459859 +89 694 5 879460027 +89 702 5 879459999 +89 707 5 879459884 +89 709 3 879459980 +89 716 3 879460027 +89 724 4 879460027 +89 731 3 879460347 +89 732 5 879459909 +89 736 3 879460027 +89 737 1 879460376 +89 739 2 879460376 +89 762 3 879441491 +89 813 5 879461219 +89 815 4 879441637 +89 845 2 879441335 +89 875 3 879441160 +89 880 5 879461219 +89 936 5 879461219 +89 949 3 879460027 +89 952 2 879441400 +89 1048 3 879460027 +89 1074 5 879459909 +89 1119 3 879459884 +90 6 4 891384357 +90 8 5 891383424 +90 9 4 891385787 +90 10 5 891383987 +90 11 4 891384113 +90 12 5 891383241 +90 14 5 891383987 +90 17 4 891384721 +90 18 3 891383687 +90 19 3 891384020 +90 20 4 891384357 +90 22 4 891384357 +90 23 5 891384997 +90 25 5 891384789 +90 26 4 891385842 +90 30 5 891385843 +90 31 4 891384673 +90 33 4 891383600 +90 42 4 891384885 +90 45 3 891385039 +90 52 5 891385522 +90 56 5 891384516 +90 57 5 891385389 +90 59 5 891383173 +90 60 4 891385039 +90 64 4 891383912 +90 65 4 891385298 +90 69 1 891383424 +90 70 5 891383866 +90 79 4 891383912 +90 83 5 891383687 +90 86 5 891383626 +90 89 5 891385039 +90 96 4 891384754 +90 97 5 891383987 +90 98 5 891383204 +90 100 5 891383241 +90 117 3 891385389 +90 126 2 891384611 +90 127 4 891383561 +90 131 5 891384066 +90 132 5 891384673 +90 133 5 891384147 +90 134 5 891383204 +90 135 5 891384570 +90 136 5 891383241 +90 137 5 891384754 +90 141 5 891385899 +90 143 5 891383204 +90 148 2 891385787 +90 149 3 891384754 +90 150 3 891385250 +90 151 2 891385190 +90 153 5 891384754 +90 154 5 891384516 +90 155 5 891385040 +90 162 5 891385190 +90 166 4 891383423 +90 170 5 891383561 +90 174 5 891383866 +90 175 3 891383912 +90 177 5 891384516 +90 178 5 891384611 +90 179 5 891385389 +90 180 4 891384065 +90 182 3 891383599 +90 185 5 891384959 +90 187 4 891383561 +90 190 5 891383687 +90 191 5 891384424 +90 193 4 891383752 +90 194 5 891383424 +90 196 4 891385250 +90 197 5 891383319 +90 199 5 891384423 +90 202 3 891385298 +90 203 5 891384611 +90 208 3 891384065 +90 211 5 891383424 +90 213 5 891383718 +90 215 2 891385335 +90 216 5 891383626 +90 218 5 891385899 +90 221 4 891383987 +90 234 4 891383835 +90 237 4 891385215 +90 241 5 891384611 +90 245 3 891382612 +90 258 3 891382121 +90 259 2 891382392 +90 269 5 891382310 +90 272 5 891382121 +90 273 3 891385040 +90 276 4 891384476 +90 285 5 891383687 +90 286 5 891382267 +90 287 4 891384611 +90 289 3 891382310 +90 300 3 891382163 +90 301 4 891382392 +90 302 5 891383319 +90 303 4 891382193 +90 306 4 891382267 +90 307 5 891383319 +90 310 3 891382240 +90 311 4 891382163 +90 312 4 891383319 +90 313 5 891382163 +90 317 4 891383626 +90 318 5 891383350 +90 322 4 891382658 +90 323 3 891382634 +90 328 3 891382490 +90 340 4 891382121 +90 347 4 891383319 +90 354 3 891382240 +90 356 4 891385752 +90 357 5 891385132 +90 367 4 891385250 +90 382 5 891383835 +90 385 4 891385899 +90 387 5 891385215 +90 402 5 891385335 +90 421 4 891383718 +90 423 5 891384997 +90 425 4 891384996 +90 427 5 891384423 +90 430 3 891383835 +90 433 3 891384611 +90 435 5 891383350 +90 443 4 891385250 +90 447 5 891385389 +90 454 2 891383423 +90 462 5 891383752 +90 464 5 891385039 +90 471 4 891385752 +90 474 5 891383599 +90 475 3 891385465 +90 478 5 891384754 +90 480 5 891383835 +90 482 5 891383204 +90 483 5 891384570 +90 485 5 891383687 +90 486 5 891383912 +90 488 5 891384065 +90 489 5 891384357 +90 490 5 891383753 +90 491 4 891384959 +90 493 5 891383600 +90 494 5 891383241 +90 496 4 891385787 +90 497 5 891384996 +90 498 5 891383173 +90 499 5 891383866 +90 500 4 891384721 +90 501 5 891384885 +90 506 5 891383319 +90 507 5 891383987 +90 509 5 891383866 +90 512 4 891383241 +90 514 3 891384423 +90 515 5 891385165 +90 516 5 891383987 +90 517 3 891384789 +90 518 2 891385787 +90 519 5 891384423 +90 521 4 891384570 +90 523 4 891383423 +90 526 5 891383866 +90 527 5 891384959 +90 528 5 891384065 +90 529 5 891385132 +90 530 3 891385522 +90 531 4 891383204 +90 543 3 891383173 +90 547 3 891385899 +90 553 2 891384959 +90 568 5 891385165 +90 602 5 891385466 +90 603 5 891385132 +90 604 5 891383350 +90 606 5 891383173 +90 607 5 891384673 +90 609 5 891384357 +90 610 5 891383753 +90 611 5 891384789 +90 613 4 891383835 +90 614 4 891384020 +90 617 4 891383835 +90 618 5 891385335 +90 631 5 891384570 +90 632 5 891384113 +90 639 5 891385039 +90 647 5 891383204 +90 648 4 891384754 +90 650 5 891384516 +90 651 5 891384997 +90 652 4 891384611 +90 654 5 891384357 +90 657 5 891385190 +90 659 4 891384357 +90 660 4 891385652 +90 661 5 891385522 +90 662 5 891385842 +90 676 2 891384066 +90 684 3 891385335 +90 690 4 891383319 +90 692 4 891384476 +90 693 3 891385752 +90 699 4 891385298 +90 703 3 891384997 +90 705 5 891384147 +90 707 5 891384476 +90 708 5 891385787 +90 709 5 891383752 +90 713 4 891385466 +90 721 3 891385215 +90 730 5 891384147 +90 732 5 891383241 +90 739 5 891384789 +90 753 4 891385751 +90 762 3 891385250 +90 811 4 891384516 +90 813 4 891384997 +90 821 3 891385843 +90 836 5 891385190 +90 837 5 891384476 +90 847 5 891383753 +90 855 5 891383752 +90 863 4 891384114 +90 875 1 891382612 +90 879 3 891382542 +90 889 3 891382731 +90 896 3 891382163 +90 900 4 891382309 +90 903 4 891383319 +90 904 3 891382121 +90 905 4 891383319 +90 906 2 891382240 +90 923 5 891383912 +90 942 4 891385165 +90 945 5 891383866 +90 954 4 891385522 +90 958 4 891383561 +90 962 2 891384721 +90 964 5 891385843 +90 965 5 891383561 +90 966 5 891385843 +90 971 4 891385250 +90 972 4 891384476 +90 990 3 891382522 +90 995 4 891382708 +90 1005 2 891383912 +90 1020 5 891384997 +90 1039 5 891383599 +90 1048 4 891385132 +90 1086 4 891384424 +90 1097 4 891384885 +90 1101 4 891384570 +90 1109 3 891385652 +90 1125 4 891384611 +90 1134 3 891385752 +90 1137 2 891384516 +90 1193 4 891384789 +90 1194 4 891383718 +90 1195 5 891384789 +90 1196 4 891383599 +90 1197 4 891384476 +90 1198 5 891383866 +90 1199 5 891385652 +90 1200 4 891384066 +90 1204 4 891384959 +90 1205 3 891383687 +90 1206 2 891383912 +91 22 5 891439208 +91 28 4 891439243 +91 31 5 891438875 +91 50 5 891439386 +91 56 1 891439057 +91 64 4 891439243 +91 79 5 891439018 +91 82 5 891439386 +91 97 5 891438947 +91 98 5 891439130 +91 99 2 891439386 +91 127 5 891439018 +91 131 2 891439471 +91 132 3 891439503 +91 134 4 891439353 +91 135 4 891439302 +91 136 4 891438909 +91 143 4 891439386 +91 161 3 891439353 +91 172 4 891439208 +91 174 5 891439090 +91 176 5 891439130 +91 181 5 891439243 +91 182 4 891439439 +91 183 5 891438909 +91 187 5 891438908 +91 192 4 891439302 +91 193 3 891439057 +91 195 5 891439057 +91 204 4 891438909 +91 210 5 891439208 +91 211 2 891439208 +91 230 4 891439560 +91 234 5 891439503 +91 264 4 891438583 +91 265 5 891439018 +91 289 4 891438553 +91 294 3 891438288 +91 300 4 891438004 +91 313 4 891437978 +91 318 5 891439090 +91 322 4 891438397 +91 323 2 891438397 +91 326 3 891438245 +91 327 4 891438351 +91 328 4 891438245 +91 331 5 891438245 +91 333 5 891438106 +91 338 4 891438529 +91 351 4 891438617 +91 357 5 891439271 +91 389 2 891439130 +91 423 5 891439090 +91 427 4 891439057 +91 429 4 891439324 +91 435 4 891439353 +91 474 3 891438947 +91 479 4 891439208 +91 480 4 891438875 +91 482 3 891439208 +91 483 4 891439208 +91 484 4 891438977 +91 495 4 891439171 +91 498 3 891439271 +91 501 2 891439130 +91 504 3 891439471 +91 507 4 891438977 +91 510 3 891439090 +91 515 5 891439090 +91 520 4 891439414 +91 526 4 891439471 +91 527 4 891439057 +91 529 4 891438977 +91 568 2 891439018 +91 601 4 891439171 +91 603 5 891439171 +91 612 4 891439471 +91 614 4 891439018 +91 616 4 891439439 +91 618 3 891438875 +91 651 5 891439057 +91 657 4 891439130 +91 662 4 891439439 +91 682 2 891438184 +91 683 3 891438351 +91 689 5 891438617 +91 735 4 891439503 +91 748 2 891438314 +91 750 5 891438209 +91 988 2 891438583 +91 1050 3 891439414 +91 1126 1 891439301 +92 1 4 875810511 +92 2 3 875653699 +92 4 4 875654222 +92 5 4 875654432 +92 7 4 876175754 +92 8 5 875654159 +92 9 4 875640148 +92 11 4 875653363 +92 12 5 875652934 +92 13 4 886443292 +92 15 3 875640189 +92 22 3 875653121 +92 24 3 875640448 +92 25 3 875640072 +92 28 3 875653050 +92 29 3 875656624 +92 31 4 875654321 +92 32 3 875653363 +92 40 3 875656164 +92 42 4 875653664 +92 43 3 875813314 +92 46 4 875653867 +92 47 4 875654732 +92 48 4 875653307 +92 49 3 875907416 +92 51 4 875812305 +92 53 3 875656392 +92 54 3 875656624 +92 55 3 875654245 +92 56 5 875653271 +92 58 4 875653836 +92 62 3 875660468 +92 63 3 875907504 +92 64 4 875653519 +92 65 4 875653960 +92 66 3 875812279 +92 67 3 875907436 +92 68 3 875653699 +92 69 5 875653198 +92 71 5 875654888 +92 72 3 875658159 +92 73 3 875656474 +92 77 3 875654637 +92 78 3 876175191 +92 79 4 875653198 +92 80 2 875907504 +92 81 3 875654929 +92 82 2 875654846 +92 85 3 875812364 +92 87 3 876175077 +92 88 3 875656349 +92 89 5 875652981 +92 91 3 875660164 +92 92 4 875654846 +92 93 4 886444049 +92 94 3 875812876 +92 95 3 875653664 +92 96 4 875656025 +92 98 5 875652934 +92 100 5 875640294 +92 101 2 875656624 +92 102 2 875813376 +92 106 3 875640609 +92 108 2 886443416 +92 109 3 886443351 +92 115 3 875654125 +92 116 3 875640251 +92 117 4 875640214 +92 120 2 875642089 +92 121 5 875640679 +92 122 3 875907535 +92 123 2 875640251 +92 124 4 886440530 +92 125 4 876175004 +92 129 4 886443161 +92 132 3 875812211 +92 134 4 875656623 +92 135 4 875652981 +92 143 3 875653960 +92 144 4 875810741 +92 145 2 875654929 +92 147 2 875640542 +92 148 2 877383934 +92 149 3 886443494 +92 153 4 875653605 +92 154 4 875657681 +92 155 2 875654888 +92 157 4 875653988 +92 159 4 875810543 +92 160 4 875654125 +92 161 2 875654125 +92 164 4 875656201 +92 167 3 875656557 +92 168 4 875653723 +92 169 5 875653121 +92 171 4 875652981 +92 172 4 875653271 +92 173 3 875656535 +92 174 5 875654189 +92 175 4 875653549 +92 176 5 875652981 +92 179 5 875653077 +92 180 5 875653016 +92 181 4 876175052 +92 182 4 875653836 +92 183 4 875653960 +92 184 3 877383934 +92 186 4 875653960 +92 189 4 875653519 +92 190 4 876174729 +92 191 4 875653050 +92 193 4 875654222 +92 195 5 875652981 +92 196 4 875654222 +92 198 5 875653016 +92 200 3 875811717 +92 201 3 875654159 +92 202 3 875653805 +92 203 4 875653699 +92 204 4 875653913 +92 208 4 875656288 +92 209 5 875652934 +92 210 4 875653519 +92 212 4 875656086 +92 214 4 875654732 +92 215 4 875656419 +92 216 3 875653867 +92 217 3 875657595 +92 218 4 875654846 +92 219 4 875654888 +92 220 1 875644796 +92 222 4 886440557 +92 223 5 875653723 +92 225 3 875640740 +92 226 3 875813412 +92 227 1 875654846 +92 229 3 875656201 +92 230 3 875656055 +92 231 3 875654732 +92 233 3 875654732 +92 234 4 875654297 +92 235 3 875640338 +92 237 4 875640318 +92 238 5 875654159 +92 239 4 875654125 +92 240 2 875640189 +92 241 3 875655961 +92 243 1 875644795 +92 245 4 877966971 +92 248 4 886442565 +92 249 3 886443192 +92 250 4 890251534 +92 252 4 886443582 +92 257 2 875640273 +92 258 4 886440479 +92 260 1 890463551 +92 265 4 875657620 +92 268 4 890251912 +92 271 2 880149111 +92 273 4 875640214 +92 274 4 876175626 +92 276 5 875640251 +92 278 3 876175640 +92 281 3 875812331 +92 282 4 876769303 +92 284 2 876175733 +92 288 3 878679005 +92 289 3 875641367 +92 291 4 886443277 +92 294 3 875640679 +92 295 2 886442386 +92 307 4 892655699 +92 313 5 887042925 +92 318 2 875653307 +92 328 3 888469687 +92 356 3 875813171 +92 363 3 886443455 +92 364 3 875907702 +92 367 3 875654533 +92 369 3 886443672 +92 370 1 875644796 +92 376 3 875907366 +92 382 4 875656317 +92 383 1 876175191 +92 386 3 875907727 +92 393 3 875660494 +92 396 3 875654733 +92 403 4 875654189 +92 405 2 875644795 +92 409 3 890251791 +92 410 3 875640583 +92 411 4 875640189 +92 412 2 875640609 +92 418 3 875653769 +92 421 4 875654534 +92 423 3 875655990 +92 425 4 875812898 +92 428 4 875653519 +92 431 4 875660164 +92 432 3 876175031 +92 433 5 875654665 +92 436 4 875654534 +92 449 3 875812511 +92 450 2 875907134 +92 453 1 875906882 +92 455 2 876769302 +92 456 2 888469668 +92 463 4 875656623 +92 466 4 875811549 +92 471 4 875640385 +92 474 4 875653519 +92 475 5 875640148 +92 476 2 886443602 +92 500 4 883433734 +92 501 2 875653665 +92 504 3 875653050 +92 508 5 886443416 +92 515 4 875640800 +92 518 5 875653579 +92 521 4 875813412 +92 527 3 875653549 +92 528 4 875657681 +92 531 4 875653121 +92 540 2 875813197 +92 551 2 875906882 +92 552 3 875907078 +92 554 2 875907180 +92 559 3 875660304 +92 561 3 875812413 +92 566 4 875658112 +92 568 3 875654590 +92 575 2 875907763 +92 576 2 875813171 +92 577 3 875907649 +92 581 4 875654189 +92 582 5 875641516 +92 583 3 875907134 +92 587 3 875660408 +92 591 4 875640294 +92 595 3 886443534 +92 596 2 886443161 +92 597 2 886443328 +92 619 4 875640487 +92 620 3 875813224 +92 627 3 875654159 +92 628 4 875639823 +92 631 4 875658112 +92 636 3 875812064 +92 640 5 875653579 +92 642 3 875654929 +92 651 4 875653271 +92 655 4 875654533 +92 658 3 875654353 +92 660 4 875654125 +92 663 4 875653914 +92 665 3 875906853 +92 672 3 875660028 +92 673 4 875656392 +92 674 4 875906853 +92 678 2 875641428 +92 679 4 875660468 +92 684 3 875656502 +92 692 4 875653805 +92 704 3 875812121 +92 709 2 875654590 +92 712 3 875656392 +92 715 4 875656288 +92 717 3 886443416 +92 720 3 875813022 +92 722 3 875907596 +92 725 3 875907727 +92 727 4 875653242 +92 728 3 875907574 +92 731 4 875653769 +92 735 3 875656121 +92 737 4 875654125 +92 739 2 876175582 +92 742 3 886443192 +92 743 2 890251826 +92 747 4 875656164 +92 748 3 892655791 +92 755 3 875656055 +92 756 3 886443582 +92 758 1 875644796 +92 761 2 875907134 +92 763 3 886443192 +92 771 1 875907180 +92 778 4 875811457 +92 780 3 875660494 +92 781 3 875907649 +92 783 3 875907574 +92 785 3 875660304 +92 789 5 875653242 +92 790 3 875907618 +92 794 3 875654798 +92 800 3 875906802 +92 802 2 875907134 +92 820 1 875644796 +92 823 4 875654846 +92 825 4 875640487 +92 826 2 886443534 +92 831 2 886443708 +92 834 1 875906882 +92 841 3 886443455 +92 845 3 886442565 +92 846 3 886443471 +92 855 5 875653162 +92 922 1 875644796 +92 925 3 875640214 +92 926 3 875640542 +92 928 3 886443582 +92 930 2 886443582 +92 931 1 875644796 +92 934 2 875639642 +92 947 4 875654929 +92 949 3 875653664 +92 955 4 875658312 +92 961 4 875811128 +92 963 5 875652981 +92 974 2 886443626 +92 977 2 886443494 +92 980 3 883433686 +92 984 2 888469687 +92 986 2 890251716 +92 1011 3 886443471 +92 1012 4 886443231 +92 1014 3 890251484 +92 1016 2 875640582 +92 1018 4 875653769 +92 1023 2 892655775 +92 1028 2 876769174 +92 1033 2 890251592 +92 1037 2 875907702 +92 1040 3 876175658 +92 1041 3 875907675 +92 1042 3 875907079 +92 1046 3 875812841 +92 1047 1 875644796 +92 1049 1 890251826 +92 1052 2 890251841 +92 1073 5 875653271 +92 1074 3 875907535 +92 1079 3 886443455 +92 1090 3 875907079 +92 1095 2 886443728 +92 1142 4 886442422 +92 1157 2 875812435 +92 1194 4 875654432 +92 1207 3 875907179 +92 1208 4 875812741 +92 1209 1 875660468 +92 1210 1 875907179 +92 1211 3 876175395 +92 1212 3 876175626 +92 1213 2 875907079 +92 1214 2 876174925 +92 1215 2 890251747 +93 1 5 888705321 +93 14 4 888705200 +93 15 5 888705388 +93 118 3 888705416 +93 121 3 888705053 +93 125 1 888705416 +93 151 1 888705360 +93 222 4 888705295 +93 235 4 888705939 +93 275 4 888705224 +93 283 4 888705146 +93 412 2 888706037 +93 476 4 888705879 +93 477 5 888705053 +93 815 4 888705761 +93 820 3 888705966 +93 845 4 888705321 +93 866 2 888705780 +93 934 3 888705988 +94 1 4 885870323 +94 4 4 891721168 +94 7 4 885873089 +94 8 5 885873653 +94 9 5 885872684 +94 11 5 885870231 +94 12 4 886008625 +94 17 2 891721494 +94 22 4 885872758 +94 23 5 885870284 +94 24 4 885873423 +94 25 3 891724142 +94 28 4 885873159 +94 29 2 891723883 +94 31 4 891721286 +94 32 5 891721851 +94 33 3 891721919 +94 34 1 891723558 +94 38 2 891722482 +94 39 3 891721317 +94 41 3 891723355 +94 42 4 885870577 +94 45 5 886008764 +94 49 4 891722174 +94 50 5 891720996 +94 52 5 891721026 +94 53 4 891721378 +94 54 4 891722432 +94 55 4 885873653 +94 56 5 891725331 +94 58 5 891720540 +94 61 5 891720761 +94 62 3 891722933 +94 63 3 891723908 +94 64 5 885870362 +94 66 2 891721889 +94 68 4 891722432 +94 69 3 885870057 +94 70 4 891722511 +94 71 4 891721642 +94 72 3 891723220 +94 76 4 891720827 +94 77 3 891721462 +94 79 4 885882967 +94 80 2 891723525 +94 81 4 885870577 +94 82 4 891721777 +94 83 4 885873653 +94 86 5 891720971 +94 88 3 891721942 +94 89 3 885870284 +94 90 3 891721889 +94 92 4 891721142 +94 93 4 891724282 +94 96 3 885872942 +94 97 4 891721317 +94 98 4 891721192 +94 99 3 891721815 +94 100 5 885872942 +94 101 2 891720996 +94 102 3 891721462 +94 109 4 891721974 +94 111 4 891721414 +94 118 3 891723295 +94 121 2 891721815 +94 125 1 891721851 +94 127 5 885870175 +94 132 4 891720862 +94 133 4 885882685 +94 134 5 886008885 +94 135 4 885870231 +94 142 3 891721749 +94 143 4 891722609 +94 144 3 891721168 +94 151 5 891721716 +94 153 5 891725333 +94 154 5 886008791 +94 155 2 891723807 +94 156 5 891725332 +94 157 5 891725332 +94 159 3 891723081 +94 160 4 891721942 +94 161 3 891721439 +94 164 3 891721528 +94 168 5 891721378 +94 170 5 891725362 +94 173 4 885872758 +94 174 4 885870231 +94 175 4 885870613 +94 176 4 891720570 +94 179 5 885870577 +94 180 5 885870284 +94 181 4 885872942 +94 182 5 885873089 +94 183 5 891720921 +94 184 2 891720862 +94 185 5 885873684 +94 186 4 891722278 +94 187 4 885870362 +94 188 4 885870665 +94 190 5 885870231 +94 191 5 885870175 +94 192 4 891721142 +94 193 5 891720498 +94 194 4 885870284 +94 196 4 891721462 +94 200 4 891721414 +94 201 4 891721378 +94 202 2 885873423 +94 203 5 885870577 +94 204 4 891721317 +94 206 4 891722843 +94 209 5 886008301 +94 210 4 886008459 +94 211 5 891721142 +94 214 5 891725332 +94 215 4 891722174 +94 216 3 885870665 +94 217 4 891722646 +94 218 3 891721851 +94 219 4 891721528 +94 222 3 891721258 +94 223 5 891721286 +94 225 3 891722646 +94 226 2 891721238 +94 227 3 891722759 +94 228 4 891720996 +94 229 3 891722979 +94 230 2 891723124 +94 232 3 891721584 +94 233 3 891722934 +94 234 5 885882685 +94 235 4 891722980 +94 241 4 891721716 +94 246 4 891724064 +94 248 4 891724341 +94 250 4 891724257 +94 257 4 891724178 +94 258 5 891724044 +94 260 2 891725049 +94 265 4 891721889 +94 268 4 891724925 +94 273 4 885872684 +94 274 4 891722511 +94 281 3 891722576 +94 282 3 891722758 +94 286 4 891724122 +94 288 3 885869993 +94 293 4 891724044 +94 302 4 891928684 +94 313 4 891724925 +94 317 5 885873653 +94 318 5 891721191 +94 328 3 891724990 +94 334 3 891725440 +94 338 4 891725030 +94 343 4 891725009 +94 346 4 891725410 +94 347 5 891724950 +94 355 2 891725090 +94 356 4 891722646 +94 366 3 891722845 +94 367 4 891723328 +94 368 2 891724846 +94 369 1 891723459 +94 380 3 891722760 +94 381 4 886008764 +94 385 2 891721975 +94 386 4 891722382 +94 390 5 891725333 +94 391 3 891723644 +94 392 3 891722646 +94 393 3 891721684 +94 399 4 891722802 +94 401 4 891722678 +94 402 4 891723261 +94 404 4 891721615 +94 405 3 891721615 +94 410 4 891721494 +94 412 2 891724485 +94 417 3 891722799 +94 418 3 891721317 +94 419 3 891721615 +94 420 4 891721317 +94 421 4 891721414 +94 425 5 885870665 +94 428 5 891725332 +94 431 4 891721716 +94 432 4 885873089 +94 433 4 891721078 +94 435 4 885870418 +94 436 5 891721815 +94 443 4 891721439 +94 447 4 891721562 +94 448 5 891722939 +94 451 4 891723494 +94 455 3 891721777 +94 458 4 891722306 +94 464 5 885873302 +94 467 4 885873423 +94 469 4 891721048 +94 470 4 891722006 +94 471 4 891721642 +94 472 3 891723707 +94 474 5 885870322 +94 475 5 885870362 +94 477 2 885870323 +94 483 5 885870115 +94 484 5 891720996 +94 496 3 885873159 +94 501 4 891721642 +94 504 5 885870612 +94 506 5 891721642 +94 508 5 891720712 +94 509 5 885873159 +94 510 5 885873089 +94 518 5 891720950 +94 525 5 891721439 +94 528 5 885870323 +94 537 4 891722006 +94 541 3 891723525 +94 544 3 891721562 +94 546 3 891723296 +94 549 5 891721528 +94 550 1 891723033 +94 553 3 891722511 +94 556 3 891722882 +94 559 4 891721777 +94 561 3 891722882 +94 562 3 891721494 +94 566 2 891721815 +94 569 1 891722980 +94 572 3 891723883 +94 576 2 891723593 +94 581 4 891722249 +94 583 3 891722174 +94 584 4 885872942 +94 585 3 891723494 +94 586 1 891723707 +94 588 4 885873006 +94 589 5 891720786 +94 597 2 891723078 +94 603 4 891721414 +94 616 4 891720498 +94 622 3 891722609 +94 624 2 891723459 +94 625 4 891723086 +94 629 4 891721286 +94 631 5 891720950 +94 642 4 891720590 +94 644 5 886008390 +94 646 5 885873006 +94 647 5 891720921 +94 650 5 885870612 +94 651 5 891725332 +94 652 4 891721167 +94 654 5 885872684 +94 655 4 891720862 +94 657 5 891720761 +94 658 3 891722533 +94 665 3 891723328 +94 670 3 891722249 +94 674 3 891723748 +94 679 4 891722006 +94 684 4 891721615 +94 685 4 891722382 +94 686 4 891720540 +94 690 4 891928703 +94 692 4 891722249 +94 693 4 891720921 +94 696 4 891724381 +94 700 2 891723427 +94 703 3 891721562 +94 710 3 891721117 +94 715 4 891722278 +94 716 3 885873006 +94 720 1 891723593 +94 721 2 891721078 +94 722 2 891723494 +94 723 3 891721851 +94 727 5 891722458 +94 728 2 891723748 +94 731 3 891723295 +94 732 3 891721216 +94 735 5 891721528 +94 736 5 891721077 +94 737 4 891723459 +94 738 2 891723558 +94 739 2 891723156 +94 741 4 891721352 +94 742 3 891722214 +94 744 4 891721462 +94 750 4 891725501 +94 763 3 891722006 +94 765 3 891723619 +94 768 3 891722609 +94 780 3 891723558 +94 783 2 891723495 +94 786 3 891723593 +94 789 4 891720887 +94 792 4 885873006 +94 797 2 891723848 +94 800 3 891723296 +94 806 4 885873302 +94 808 2 891723931 +94 809 2 891723155 +94 810 3 891723076 +94 813 5 891720786 +94 820 1 891723186 +94 823 3 891722458 +94 824 4 891722882 +94 829 2 891724800 +94 860 2 891723706 +94 864 2 891723397 +94 921 5 891725332 +94 923 5 885882685 +94 928 3 891723774 +94 930 2 891724747 +94 932 2 891724691 +94 942 4 891721749 +94 943 3 891722338 +94 944 1 891723619 +94 946 3 891723217 +94 949 5 885873160 +94 951 3 891722214 +94 959 5 891725332 +94 961 4 891721317 +94 969 4 891721026 +94 993 4 891724303 +94 997 4 891723190 +94 1004 3 891723593 +94 1007 4 891724282 +94 1010 4 891721117 +94 1011 4 891722214 +94 1012 4 891724100 +94 1014 4 891724256 +94 1028 2 891723395 +94 1032 2 891723807 +94 1044 4 891722555 +94 1046 2 891723262 +94 1048 4 891722678 +94 1058 4 891722609 +94 1065 4 885872942 +94 1073 5 891720540 +94 1074 2 891723427 +94 1089 2 891724829 +94 1091 3 891722306 +94 1101 3 891720590 +94 1110 4 891722801 +94 1118 4 891722482 +94 1119 4 891723261 +94 1140 2 891723328 +94 1147 4 886008354 +94 1153 4 891721777 +94 1188 3 891723525 +94 1199 3 891724798 +94 1206 3 891723593 +94 1210 3 891723558 +94 1211 5 891722458 +94 1217 3 891723086 +94 1218 4 891722511 +94 1219 4 891722306 +94 1220 3 891722678 +94 1222 3 891723848 +94 1223 4 891721494 +94 1224 3 891722802 +94 1225 3 891723262 +94 1226 4 891724081 +95 1 5 879197329 +95 2 2 888955909 +95 3 1 879193881 +95 7 5 879197329 +95 14 5 879197329 +95 15 4 879195062 +95 22 4 888953953 +95 24 3 879192542 +95 25 3 879192597 +95 26 3 880571951 +95 28 4 879197603 +95 31 4 888954513 +95 32 1 888954726 +95 33 3 880571704 +95 43 2 880572356 +95 48 4 879197500 +95 50 5 879197329 +95 52 4 879198800 +95 58 3 879197834 +95 63 3 880572218 +95 64 5 879197685 +95 65 4 879197918 +95 67 2 879198109 +95 68 4 879196231 +95 69 5 879198210 +95 70 4 880571951 +95 71 5 880573288 +95 72 2 880571389 +95 77 4 880571746 +95 78 3 888956901 +95 79 4 879196231 +95 82 3 879196408 +95 83 5 880573288 +95 88 4 880571016 +95 89 3 879196353 +95 90 2 880572166 +95 91 5 880573288 +95 94 5 880573288 +95 95 3 879198109 +95 96 4 879196298 +95 97 4 879198652 +95 98 4 879197385 +95 101 1 879198800 +95 102 4 880572474 +95 110 2 880572323 +95 111 4 879194012 +95 117 4 879193619 +95 121 4 879194114 +95 127 4 879195062 +95 128 3 879196354 +95 132 3 880570993 +95 133 3 888954341 +95 135 3 879197562 +95 137 3 879192404 +95 139 4 880572250 +95 140 3 879199014 +95 141 4 888954631 +95 142 4 880572249 +95 143 4 880571951 +95 144 5 879197329 +95 151 4 879193353 +95 153 5 879197022 +95 161 3 879196298 +95 168 4 879197970 +95 170 5 880573288 +95 172 4 879196847 +95 173 5 879198547 +95 174 5 879196231 +95 175 5 879197603 +95 176 3 879196298 +95 177 3 879196408 +95 178 5 879197652 +95 179 3 880570909 +95 180 3 880570852 +95 181 4 879193353 +95 182 2 879198210 +95 183 5 879197329 +95 185 3 879197886 +95 186 5 880573288 +95 188 3 879196354 +95 190 4 888954513 +95 191 5 879198161 +95 193 3 879198482 +95 194 5 879197603 +95 196 4 879198354 +95 197 4 888954243 +95 198 5 880570823 +95 199 5 880570964 +95 200 2 888954552 +95 202 4 879198209 +95 203 3 879198888 +95 204 5 879197562 +95 205 3 888954412 +95 207 5 880571164 +95 208 4 879198353 +95 209 4 879197021 +95 210 5 879196566 +95 211 3 879197652 +95 216 5 880573287 +95 219 4 880572658 +95 226 4 879196513 +95 227 2 880572356 +95 228 4 879196231 +95 229 3 879196408 +95 232 4 879196513 +95 233 4 879196354 +95 237 2 879192708 +95 238 5 880570823 +95 239 3 879198262 +95 241 3 879196408 +95 257 5 879197329 +95 265 3 879196513 +95 274 4 879193881 +95 275 3 879192819 +95 282 4 880573506 +95 286 5 879193353 +95 289 2 879191590 +95 290 3 879193973 +95 294 2 884266083 +95 328 5 888953921 +95 356 4 880571117 +95 357 4 879198317 +95 366 4 880572628 +95 371 2 888955909 +95 378 4 888954699 +95 385 4 879196408 +95 386 2 880572356 +95 389 4 880572388 +95 391 2 879196566 +95 392 3 880571428 +95 393 5 880571678 +95 395 3 888956928 +95 402 3 880571389 +95 403 1 879196457 +95 404 5 888954513 +95 405 3 879194159 +95 415 3 888956582 +95 416 4 888954961 +95 417 3 888956158 +95 422 2 888956665 +95 423 5 880571479 +95 432 3 879197886 +95 433 4 880571950 +95 436 5 879198547 +95 443 3 879198747 +95 445 4 888956272 +95 447 2 880572166 +95 448 3 879197783 +95 449 3 879196665 +95 450 2 880572787 +95 451 3 880572249 +95 462 4 879197022 +95 463 5 880573287 +95 465 3 882803918 +95 471 5 884266051 +95 473 4 879193353 +95 474 4 880570909 +95 483 3 879198697 +95 485 5 888954129 +95 491 4 879197783 +95 495 4 888954760 +95 496 4 879198746 +95 498 3 879197445 +95 505 3 888954513 +95 506 3 888954552 +95 507 4 880571226 +95 509 4 879197728 +95 510 4 879196188 +95 514 2 888954076 +95 515 5 879197329 +95 518 4 888954076 +95 520 4 879197970 +95 523 4 879197562 +95 527 4 888954440 +95 532 4 881011974 +95 539 4 884266022 +95 542 2 888954039 +95 546 2 879196566 +95 550 4 879196748 +95 554 3 879196748 +95 560 1 880572166 +95 568 4 879196594 +95 573 1 888954808 +95 586 2 881599672 +95 588 3 879198800 +95 591 5 880573287 +95 596 2 879193651 +95 597 3 879194663 +95 622 4 880571678 +95 623 3 880572388 +95 625 4 888954412 +95 627 4 880572288 +95 631 4 880573627 +95 636 1 879196566 +95 640 3 880571746 +95 648 3 888954170 +95 649 4 880571678 +95 650 4 880572132 +95 651 5 879196594 +95 655 4 879198109 +95 657 5 879198697 +95 660 5 880571456 +95 665 2 879196666 +95 671 3 880571045 +95 674 2 880572104 +95 675 2 888954310 +95 679 2 879196513 +95 683 4 879193353 +95 692 4 879198482 +95 699 2 882804187 +95 705 5 880570964 +95 707 3 880572009 +95 708 2 880571951 +95 712 2 888956400 +95 716 3 879198109 +95 720 2 879196513 +95 728 3 882804159 +95 736 4 888954170 +95 737 3 879197021 +95 742 4 879193512 +95 747 5 880573288 +95 768 1 888956272 +95 779 3 880572288 +95 781 2 880572495 +95 787 2 888954930 +95 791 3 880572449 +95 815 3 879193708 +95 843 4 880572448 +95 862 1 884266100 +95 878 1 881599623 +95 892 3 882803890 +95 946 3 888956489 +95 960 2 888954129 +95 968 5 880571117 +95 971 3 879198262 +95 976 2 879195703 +95 1018 3 879198946 +95 1047 3 879193881 +95 1090 1 888956869 +95 1091 3 880572658 +95 1101 2 879197970 +95 1126 4 879197445 +95 1133 3 880572416 +95 1188 2 880572787 +95 1206 4 888956137 +95 1217 3 880572658 +95 1219 1 888956489 +95 1221 4 880572448 +95 1222 2 880572602 +95 1228 3 880572689 +95 1229 2 879198800 +95 1230 1 888956901 +95 1231 1 880572787 +96 1 5 884403574 +96 7 5 884403811 +96 8 5 884403020 +96 23 5 884403123 +96 42 1 884403214 +96 50 5 884402977 +96 56 5 884403336 +96 64 5 884403336 +96 79 4 884403500 +96 83 3 884403758 +96 87 4 884403531 +96 89 5 884402896 +96 91 5 884403250 +96 96 4 884403531 +96 98 5 884403214 +96 100 5 884403758 +96 127 5 884403214 +96 144 4 884403250 +96 153 4 884403624 +96 156 4 884402860 +96 170 5 884403866 +96 173 3 884402791 +96 174 5 884403020 +96 176 4 884403758 +96 181 5 884403687 +96 182 4 884402791 +96 183 4 884403123 +96 185 5 884403866 +96 187 5 884402791 +96 190 4 884402978 +96 194 2 884403392 +96 195 5 884403159 +96 196 4 884403057 +96 198 5 884403465 +96 216 4 884403095 +96 234 4 884403336 +96 238 4 884403250 +96 318 5 884403057 +96 423 5 884403057 +96 435 3 884403500 +96 445 4 884403095 +96 474 4 884403095 +96 478 2 884403123 +96 479 4 884403758 +96 483 5 884403057 +96 484 5 884402860 +96 486 3 884403392 +96 514 4 884402977 +96 519 4 884402896 +96 525 2 884402860 +96 645 5 884403020 +96 673 4 884402860 +96 1154 5 884403993 +96 1232 5 884404017 +97 1 4 884238911 +97 7 5 884238939 +97 23 5 884239553 +97 28 5 884238778 +97 32 5 884239791 +97 50 5 884239471 +97 79 5 884238817 +97 82 4 884239552 +97 83 1 884238817 +97 89 5 884238939 +97 96 5 884239712 +97 97 5 884239525 +97 98 4 884238728 +97 100 2 884238778 +97 115 5 884239525 +97 132 5 884238693 +97 133 1 884239655 +97 135 5 884238652 +97 153 5 884239686 +97 168 4 884238693 +97 169 5 884238887 +97 174 4 884238817 +97 175 5 884239616 +97 183 5 884238911 +97 186 3 884239574 +97 189 4 884238887 +97 191 5 884239472 +97 192 1 884238778 +97 194 3 884238860 +97 195 5 884238966 +97 197 3 884239655 +97 202 5 884239449 +97 204 5 884238966 +97 205 2 884238817 +97 208 5 884239744 +97 222 5 884238887 +97 228 5 884238860 +97 357 5 884239493 +97 408 5 884238652 +97 423 5 884239472 +97 428 4 884239553 +97 429 4 884238860 +97 430 5 884238693 +97 431 3 884239616 +97 432 4 884238997 +97 434 4 884239791 +97 435 4 884238752 +97 466 3 884239449 +97 482 5 884238693 +97 484 3 884238966 +97 496 2 884238693 +97 526 3 884239687 +97 603 4 884238817 +97 655 5 884238860 +97 661 5 884238817 +97 663 5 884239791 +97 670 5 884239744 +97 919 5 884239616 +98 25 5 880499111 +98 47 4 880498898 +98 70 3 880499018 +98 88 3 880499087 +98 116 5 880499053 +98 152 3 880498968 +98 163 3 880499053 +98 168 2 880498834 +98 173 1 880498935 +98 194 5 880498898 +98 209 2 880498935 +98 321 3 880498519 +98 322 3 880498586 +98 428 5 880498834 +98 435 5 880498967 +98 502 2 880499053 +98 514 5 880498898 +98 517 5 880498990 +98 523 5 880498967 +98 629 5 880499111 +98 655 3 880498861 +98 659 5 880498861 +98 745 3 880498935 +98 938 3 880498624 +99 1 4 886518459 +99 3 3 885679237 +99 4 5 886519097 +99 7 4 885678784 +99 11 5 885680138 +99 12 5 885680458 +99 22 5 885679596 +99 25 3 885679025 +99 28 3 885680578 +99 50 5 885679998 +99 56 5 885679833 +99 64 5 885680578 +99 66 3 886519047 +99 69 4 885679833 +99 79 4 885680138 +99 92 4 885680837 +99 98 5 885679596 +99 100 5 885678813 +99 105 2 885679353 +99 107 3 885679138 +99 111 1 885678886 +99 117 5 885678784 +99 118 2 885679237 +99 120 2 885679472 +99 121 3 885679261 +99 123 3 885678997 +99 124 2 885678886 +99 125 4 885678840 +99 147 5 885678997 +99 168 5 885680374 +99 173 4 885680062 +99 174 5 885679705 +99 181 5 885680138 +99 182 4 886518810 +99 196 4 885680578 +99 201 3 885680348 +99 203 4 885680723 +99 204 4 885679952 +99 210 5 885679705 +99 232 4 886519075 +99 237 5 885678886 +99 238 4 885680616 +99 240 4 885679279 +99 245 3 885678500 +99 246 3 888469392 +99 255 3 888469419 +99 258 5 885678696 +99 265 3 885679833 +99 268 3 885678247 +99 273 5 886780105 +99 274 1 885679157 +99 275 1 888469419 +99 282 3 885678753 +99 288 4 885678247 +99 290 4 886518628 +99 294 4 885678453 +99 300 4 885678397 +99 312 2 885678576 +99 313 5 885678348 +99 315 4 885678479 +99 322 3 885678499 +99 328 4 885678696 +99 329 4 886518562 +99 331 3 885678247 +99 332 3 885678348 +99 338 4 885678539 +99 342 1 885678348 +99 345 3 885678696 +99 346 4 885678415 +99 348 4 886518562 +99 354 2 888469332 +99 358 2 885678520 +99 363 4 885679262 +99 367 4 886519075 +99 369 4 885679382 +99 402 4 885680617 +99 403 4 885680374 +99 405 4 885678813 +99 406 3 885679353 +99 409 2 885679411 +99 410 5 885679262 +99 413 3 885679299 +99 421 3 885680772 +99 433 4 886780105 +99 456 3 885679504 +99 471 4 885679091 +99 472 3 885679210 +99 473 4 885679353 +99 475 5 885678785 +99 508 4 885678840 +99 544 4 885679183 +99 546 4 885679353 +99 591 4 885678840 +99 595 4 885679504 +99 597 4 885679210 +99 619 4 885679091 +99 628 4 885678813 +99 651 5 885679833 +99 676 4 885678886 +99 682 2 885678371 +99 685 3 885678840 +99 694 1 885680616 +99 741 3 885678886 +99 742 5 885679114 +99 748 4 885678436 +99 751 4 885678397 +99 762 2 885679411 +99 763 5 885679138 +99 780 5 886780007 +99 789 4 885680176 +99 815 2 885679237 +99 827 3 885679504 +99 829 4 885679382 +99 845 3 885679183 +99 871 2 885679411 +99 873 1 885678436 +99 895 3 885678304 +99 926 3 885679437 +99 931 2 886780147 +99 963 3 885679998 +99 975 3 885679472 +99 978 3 885679382 +99 1016 5 885678724 +99 1047 4 885679472 +99 1052 1 885679533 +99 1067 4 885679437 +99 1079 3 885679504 +99 1119 4 885680348 +99 1132 4 885679319 +100 258 4 891374675 +100 266 2 891375484 +100 268 3 891374982 +100 269 4 891374641 +100 270 3 891375016 +100 271 3 891375260 +100 272 4 891375629 +100 286 3 891375629 +100 288 2 891374603 +100 289 3 891375359 +100 292 2 891375146 +100 294 4 891375313 +100 300 4 891375112 +100 302 4 891374528 +100 310 3 891375522 +100 313 5 891374706 +100 315 5 891375557 +100 316 5 891375313 +100 321 1 891375112 +100 323 3 891375359 +100 326 3 891375630 +100 328 4 891375212 +100 333 3 891374528 +100 340 3 891374707 +100 342 3 891375454 +100 344 4 891374868 +100 346 3 891375630 +100 347 4 891375212 +100 348 3 891375630 +100 349 3 891375629 +100 354 2 891375260 +100 355 4 891375313 +100 678 3 891375428 +100 689 3 891375212 +100 690 4 891375629 +100 691 4 891375260 +100 750 4 891375016 +100 751 4 891374868 +100 752 4 891375146 +100 874 1 891374868 +100 879 4 891374946 +100 880 1 891375260 +100 881 1 891375186 +100 885 2 891375359 +100 886 3 891375522 +100 898 4 891375454 +100 900 4 891374832 +100 905 3 891375630 +100 908 1 891375068 +100 990 3 891375428 +100 1233 3 891375112 +100 1234 1 891375068 +100 1235 4 891375454 +100 1236 3 891375630 +100 1237 3 891375630 +100 1238 2 891375068 +101 1 3 877136039 +101 7 3 877135944 +101 24 4 877136391 +101 50 4 877135944 +101 109 2 877136360 +101 111 2 877136686 +101 117 4 877136067 +101 118 3 877136424 +101 121 4 877137015 +101 122 1 877136928 +101 123 2 877136186 +101 125 4 877137015 +101 147 4 877136506 +101 151 3 877136628 +101 181 4 877137015 +101 222 3 877136243 +101 237 5 877137015 +101 252 3 877136628 +101 255 4 877137015 +101 257 4 877137015 +101 278 2 877136737 +101 280 3 877136039 +101 281 2 877136842 +101 282 3 877135883 +101 284 4 877136564 +101 288 4 877137015 +101 304 3 877135677 +101 369 2 877136928 +101 370 2 877136711 +101 405 4 877137015 +101 411 2 877136891 +101 412 2 877136842 +101 471 3 877136535 +101 472 3 877136711 +101 595 2 877136391 +101 596 3 877136564 +101 597 3 877136928 +101 717 3 877136928 +101 742 4 877136302 +101 756 3 877136424 +101 763 3 877136789 +101 815 3 877136392 +101 820 3 877136954 +101 826 3 877136686 +101 829 3 877136138 +101 831 3 877136954 +101 840 3 877136659 +101 841 2 877136763 +101 845 3 877136302 +101 846 3 877135914 +101 924 4 877136535 +101 926 3 877136628 +101 928 2 877136302 +101 975 2 877136659 +101 979 2 877136711 +101 1009 2 877136598 +101 1028 3 877136449 +101 1034 2 877136686 +101 1047 2 877136424 +101 1051 2 877136891 +101 1057 2 877136789 +101 1093 1 877136360 +101 1132 3 877136954 +102 1 3 883748352 +102 2 2 888801522 +102 5 3 888803002 +102 7 2 888801407 +102 13 3 892991118 +102 29 1 888802677 +102 38 2 888801622 +102 47 2 888803636 +102 49 2 892992129 +102 50 4 888801315 +102 53 2 888801577 +102 56 3 888801360 +102 62 3 888801812 +102 66 3 892992129 +102 67 1 892993706 +102 68 2 888801673 +102 70 3 888803537 +102 72 3 888803602 +102 73 3 892992297 +102 79 2 888801316 +102 82 2 888801360 +102 83 3 888803487 +102 88 3 892991311 +102 89 4 888801315 +102 91 3 883748488 +102 94 2 892993545 +102 95 4 883748488 +102 96 3 888801316 +102 98 4 888802939 +102 99 2 883748488 +102 101 4 883748488 +102 102 3 883748488 +102 117 3 888801232 +102 118 3 888801465 +102 121 3 888801673 +102 127 2 888801316 +102 144 3 888801360 +102 154 3 888803708 +102 161 2 888801876 +102 163 2 892993190 +102 164 3 888803002 +102 167 2 892993927 +102 168 3 888803537 +102 172 3 888801232 +102 173 3 888803602 +102 174 4 888801360 +102 175 4 892991117 +102 176 3 888801360 +102 181 2 888801406 +102 182 3 889362833 +102 183 4 888801360 +102 184 2 888801465 +102 185 3 888802940 +102 186 4 888803487 +102 187 3 888801232 +102 188 2 888801812 +102 194 3 888803537 +102 195 4 888801360 +102 200 3 888803051 +102 201 2 888803051 +102 202 4 892991269 +102 204 4 888803487 +102 208 4 888803537 +102 210 3 888801522 +102 211 3 892993190 +102 217 2 888803149 +102 218 3 888803002 +102 219 2 888803149 +102 222 3 888801406 +102 226 2 888801673 +102 227 4 888801673 +102 228 4 888801465 +102 230 2 888801232 +102 231 2 888802319 +102 233 3 888801622 +102 235 3 892993605 +102 239 3 888804089 +102 245 3 883748222 +102 248 3 877915935 +102 258 4 875886337 +102 260 2 883277645 +102 264 2 883277645 +102 265 3 888801622 +102 269 2 891427996 +102 271 2 888781860 +102 272 3 888112484 +102 273 3 888801465 +102 286 3 883277645 +102 288 2 887051621 +102 298 3 875886827 +102 300 3 875886434 +102 301 3 885697464 +102 302 3 880680541 +102 307 4 883748222 +102 313 3 887048184 +102 316 3 889362833 +102 319 4 875886434 +102 322 3 883277645 +102 326 3 879082298 +102 327 2 884870872 +102 328 2 883277645 +102 332 3 883277920 +102 334 2 888295889 +102 338 2 887051723 +102 350 3 892990700 +102 358 3 888957092 +102 363 2 888801622 +102 373 2 888802508 +102 385 3 888801577 +102 386 2 892993735 +102 391 2 888802767 +102 393 3 892993302 +102 396 2 892993735 +102 399 2 888802722 +102 403 3 888801812 +102 405 2 888801812 +102 409 2 892993855 +102 411 2 892993786 +102 418 3 883748450 +102 431 3 888801407 +102 432 3 883748418 +102 436 2 888803051 +102 443 3 888803148 +102 444 1 888803245 +102 445 2 888803148 +102 448 3 888803002 +102 450 1 888802768 +102 476 3 892993827 +102 501 2 883748418 +102 502 3 888803738 +102 510 4 888801316 +102 515 1 888801316 +102 522 3 888803487 +102 524 3 888803537 +102 530 3 888801577 +102 541 2 888801673 +102 546 3 888801876 +102 548 2 885126313 +102 554 2 888801577 +102 559 3 888803052 +102 565 2 888803395 +102 566 2 888801876 +102 568 2 888801232 +102 576 2 888802722 +102 577 3 892993895 +102 578 2 888801876 +102 588 4 883748450 +102 596 2 883748352 +102 597 3 888801673 +102 612 4 879082395 +102 625 3 883748418 +102 629 3 888803488 +102 635 2 888803148 +102 636 3 888801577 +102 650 3 888801063 +102 652 2 892992129 +102 655 3 888803802 +102 663 3 892993190 +102 665 1 888802319 +102 667 3 888803002 +102 671 3 888803002 +102 672 1 888803148 +102 675 3 888802940 +102 684 2 888802176 +102 685 3 888801876 +102 686 3 888801673 +102 689 3 883277481 +102 720 2 888801812 +102 732 3 888804089 +102 734 2 892993786 +102 746 2 892993190 +102 748 3 888800994 +102 768 2 883748450 +102 771 2 888802508 +102 778 3 892991448 +102 792 3 892992297 +102 797 2 888802722 +102 809 3 888802768 +102 810 2 888802508 +102 823 3 888801465 +102 827 2 888802722 +102 831 2 888802508 +102 840 2 888802508 +102 856 2 892993927 +102 866 2 892993545 +102 879 3 879443144 +102 892 2 883278138 +102 930 2 888802677 +102 986 1 888802319 +102 993 2 883748352 +102 1025 2 883278200 +102 1030 1 892994075 +102 1076 2 883748527 +102 1228 1 888802508 +102 1239 2 888802319 +102 1240 2 883748450 +103 24 4 880415847 +103 50 5 880416864 +103 56 5 880416602 +103 69 3 880420585 +103 96 4 880422009 +103 98 3 880420565 +103 117 4 880416313 +103 118 3 880420002 +103 121 3 880415766 +103 126 5 880420002 +103 127 4 880416331 +103 144 4 880420510 +103 181 4 880415875 +103 204 3 880423118 +103 211 3 880420565 +103 222 3 880415875 +103 234 3 880420353 +103 250 4 880415918 +103 252 2 880420020 +103 255 5 880416423 +103 257 3 880415892 +103 300 3 880416727 +103 301 4 880416704 +103 405 3 880416424 +103 471 4 880416921 +103 487 4 880421001 +103 527 5 880416238 +103 1089 1 880420178 +104 3 3 888465739 +104 7 3 888465972 +104 9 2 888465201 +104 10 2 888465413 +104 13 3 888465634 +104 15 5 888465413 +104 25 3 888465634 +104 50 5 888465972 +104 100 4 888465166 +104 111 1 888465675 +104 117 2 888465972 +104 121 2 888466002 +104 122 3 888465739 +104 124 2 888465226 +104 126 4 888465513 +104 127 3 888465201 +104 130 1 888465554 +104 147 3 888466002 +104 150 5 888465225 +104 181 5 888465972 +104 235 2 888465675 +104 237 3 888465263 +104 245 2 888442404 +104 248 2 888465604 +104 249 3 888465675 +104 250 3 888465972 +104 255 1 888465604 +104 257 4 888465582 +104 258 3 888442249 +104 269 5 888441878 +104 270 4 888442337 +104 271 1 888442370 +104 272 4 888441878 +104 273 3 888465972 +104 276 4 888465290 +104 282 3 888465166 +104 283 4 888465582 +104 285 4 888465201 +104 287 2 888465347 +104 288 2 888442140 +104 289 4 888442112 +104 290 4 888465739 +104 293 3 888465166 +104 294 3 888442404 +104 299 3 888442436 +104 300 3 888442275 +104 301 2 888442275 +104 302 5 888441877 +104 307 2 888442249 +104 310 2 888442275 +104 311 1 888442112 +104 312 3 888442485 +104 313 4 888441878 +104 316 4 888442461 +104 324 1 888442404 +104 325 1 888442552 +104 327 2 888442202 +104 328 3 888442249 +104 330 1 888442530 +104 331 3 888442140 +104 332 2 888442305 +104 333 2 888442305 +104 342 3 888442437 +104 345 4 888442171 +104 346 3 888442172 +104 347 2 888442140 +104 354 3 888442202 +104 405 3 888466028 +104 407 2 888465936 +104 411 1 888465739 +104 412 3 888465900 +104 456 3 888465853 +104 471 3 888465290 +104 475 4 888465582 +104 508 2 888465201 +104 534 2 888465554 +104 544 3 888465413 +104 546 1 888465491 +104 591 4 888465263 +104 628 4 888465347 +104 678 2 888442404 +104 713 3 888465491 +104 744 1 888465413 +104 748 2 888442461 +104 750 5 888442171 +104 751 4 888442337 +104 756 2 888465739 +104 823 1 888465554 +104 825 1 888466028 +104 827 2 888466086 +104 840 1 888466086 +104 845 3 888465634 +104 847 2 888465263 +104 871 2 888465853 +104 895 2 888442507 +104 926 1 888465936 +104 984 1 888442575 +104 1010 1 888465554 +104 1011 3 888465201 +104 1012 4 888465708 +104 1016 1 888466002 +104 1017 1 888465634 +104 1028 2 888465818 +104 1115 4 888465263 +104 1226 3 888465347 +104 1241 1 888465379 +105 258 5 889214306 +105 264 2 889214491 +105 268 4 889214268 +105 270 5 889214245 +105 271 2 889214245 +105 272 4 889214284 +105 286 4 889214306 +105 288 4 889214335 +105 302 5 889214193 +105 307 2 889214381 +105 313 5 889214193 +105 324 4 889214245 +105 327 4 889214406 +105 333 3 889214268 +105 340 3 889214245 +105 347 3 889214334 +105 690 3 889214306 +105 748 2 889214406 +105 751 2 889214381 +105 752 3 889214406 +105 880 3 889214335 +106 1 4 881449487 +106 8 4 881452405 +106 9 4 883876572 +106 12 4 881451234 +106 14 4 881449486 +106 15 3 883876518 +106 22 4 881449830 +106 25 4 881451016 +106 28 4 881451144 +106 45 3 881453290 +106 48 3 881453290 +106 59 4 881453318 +106 64 4 881449830 +106 69 4 881449886 +106 70 3 881452355 +106 77 4 881451716 +106 82 3 881453290 +106 86 3 881451355 +106 88 3 881453097 +106 97 5 881450810 +106 107 4 883876961 +106 161 3 881452816 +106 165 5 881450536 +106 191 5 881451453 +106 194 5 881450758 +106 196 5 881450578 +106 210 4 881450810 +106 211 4 881452532 +106 213 4 881453065 +106 216 5 881452998 +106 223 4 881450440 +106 244 4 883877094 +106 273 3 881453290 +106 274 3 883876146 +106 275 4 883877219 +106 280 2 883876680 +106 285 4 883876206 +106 286 4 881449486 +106 313 4 888706075 +106 318 5 881449830 +106 435 3 881452355 +106 463 3 881453413 +106 495 4 881451016 +106 526 4 881452685 +106 566 4 881452711 +106 582 4 881451199 +106 584 4 881453481 +106 647 3 881450440 +106 660 4 881451631 +106 684 4 881452763 +106 692 3 881453290 +106 699 4 881451421 +106 703 4 881450039 +106 712 3 881452599 +106 739 3 881453290 +106 778 4 881453040 +106 828 2 883876872 +106 923 4 881453355 +106 956 3 881453290 +106 1028 3 883876085 +106 1115 4 883876833 +106 1242 4 881516731 +107 258 4 891264466 +107 259 2 891264630 +107 264 3 891264598 +107 268 4 891264387 +107 269 5 891264267 +107 271 2 891264432 +107 286 2 891264266 +107 288 3 891264432 +107 300 1 891264432 +107 302 4 891264296 +107 305 4 891264327 +107 312 4 891264535 +107 313 2 891264266 +107 321 2 891264432 +107 323 1 891264566 +107 333 3 891264267 +107 340 5 891264356 +107 902 5 891264501 +107 1243 3 891264466 +108 10 5 879879834 +108 13 3 879879834 +108 14 5 879879720 +108 21 3 879880141 +108 50 4 879879739 +108 100 4 879879720 +108 121 3 879880190 +108 124 4 879879757 +108 125 3 879879864 +108 127 4 879879720 +108 137 5 879879941 +108 181 3 879879985 +108 222 2 879879720 +108 237 3 879879796 +108 252 3 879879961 +108 255 2 879880094 +108 275 5 879879739 +108 282 3 879880055 +108 284 3 879879911 +108 290 4 879880076 +108 294 4 879879662 +108 304 3 879879662 +108 319 5 879879662 +108 405 3 879880157 +108 471 2 879880076 +108 515 5 879879941 +108 718 4 879879985 +108 740 3 879880055 +108 748 3 879879662 +108 931 2 879880190 +109 1 4 880563619 +109 4 2 880572756 +109 5 3 880580637 +109 7 4 880563080 +109 8 3 880572642 +109 9 3 880564607 +109 12 4 880577542 +109 15 4 880577868 +109 17 4 880582132 +109 22 4 880572950 +109 28 3 880572721 +109 29 3 880582783 +109 31 4 880577844 +109 42 1 880572756 +109 50 5 880563331 +109 54 3 880578286 +109 55 2 880572756 +109 56 5 880577804 +109 58 4 880572950 +109 62 3 880578711 +109 64 2 880572560 +109 67 5 880580719 +109 68 3 880582469 +109 69 4 880572561 +109 70 4 880578038 +109 71 4 880578066 +109 72 5 880577892 +109 77 4 880578388 +109 79 5 880572721 +109 81 2 880580030 +109 82 5 880572680 +109 88 4 880581942 +109 89 4 880573263 +109 90 3 880583192 +109 91 4 880582384 +109 94 4 880579787 +109 95 4 880572721 +109 96 5 880572614 +109 97 3 880578711 +109 98 4 880572755 +109 100 4 880563080 +109 101 1 880578186 +109 111 4 880564570 +109 117 5 880564457 +109 118 3 880571801 +109 121 5 880571741 +109 122 2 880583493 +109 125 5 880564534 +109 127 2 880563471 +109 131 1 880579757 +109 147 4 880564679 +109 154 2 880578121 +109 156 5 880573084 +109 157 4 880577961 +109 158 1 880579916 +109 159 4 880578121 +109 161 3 880572756 +109 162 2 880578358 +109 164 5 880578066 +109 168 3 880577734 +109 172 5 880572528 +109 173 5 880572786 +109 174 5 880572721 +109 176 5 880577868 +109 177 4 880578358 +109 178 3 880572950 +109 179 4 880577961 +109 180 3 880581127 +109 181 5 880563471 +109 183 5 880572528 +109 186 3 880572786 +109 191 4 880577844 +109 195 5 880578038 +109 196 4 880578358 +109 200 2 880577734 +109 202 5 880578632 +109 204 4 880577844 +109 210 5 880573084 +109 211 5 880578230 +109 214 1 880577604 +109 215 3 880578598 +109 216 3 880572891 +109 218 4 880578633 +109 222 4 880563471 +109 223 4 880572588 +109 227 5 880579417 +109 229 5 880578632 +109 230 5 880579107 +109 231 3 880582976 +109 233 4 880578502 +109 234 4 880578286 +109 237 4 880571770 +109 238 2 880580637 +109 239 4 880578632 +109 245 3 880562908 +109 248 2 880564415 +109 250 2 880563471 +109 252 5 880571629 +109 258 5 880562908 +109 265 5 880578185 +109 278 3 880571770 +109 281 2 880571919 +109 288 5 880562908 +109 291 3 880571801 +109 294 4 880562908 +109 295 4 880564707 +109 317 2 880573085 +109 318 4 880572680 +109 322 2 880562908 +109 323 3 880562908 +109 332 3 880562908 +109 356 4 880578711 +109 357 2 880572528 +109 358 2 880562908 +109 365 4 880581817 +109 367 3 880578121 +109 373 5 880583241 +109 380 5 880578093 +109 385 4 880577961 +109 386 1 880579916 +109 388 5 880583308 +109 391 2 880581127 +109 392 3 880579237 +109 393 4 880579237 +109 395 3 880583672 +109 402 4 880581344 +109 403 5 880581719 +109 405 5 880564640 +109 409 2 880571920 +109 410 1 880564534 +109 411 4 880572296 +109 413 3 880572382 +109 423 4 880577514 +109 425 2 880582317 +109 431 3 880578186 +109 441 2 880582633 +109 449 5 880581987 +109 451 5 880583192 +109 452 2 880583753 +109 472 2 880571715 +109 475 1 880563641 +109 476 3 880571831 +109 508 4 880571629 +109 520 5 880572642 +109 527 3 880577604 +109 531 4 880578066 +109 542 3 880582045 +109 545 2 880583493 +109 546 3 880571979 +109 550 5 880579107 +109 552 2 880582414 +109 559 3 880579709 +109 564 3 880582633 +109 566 4 880578814 +109 568 5 880578186 +109 576 3 880580663 +109 584 2 880581127 +109 588 4 880578388 +109 595 3 880572108 +109 597 2 880571715 +109 627 5 880582133 +109 628 2 880564640 +109 631 3 880579371 +109 636 5 880581817 +109 655 3 880577735 +109 665 5 880582384 +109 672 2 880582045 +109 679 3 880578093 +109 715 2 880583519 +109 722 3 880583493 +109 732 3 880572588 +109 735 5 880577989 +109 739 4 880579107 +109 742 5 880564457 +109 748 3 880562908 +109 755 5 880578814 +109 762 3 880571831 +109 763 2 880571715 +109 790 2 880580662 +109 796 3 880582856 +109 797 3 880582856 +109 809 4 880582945 +109 820 3 880572382 +109 823 3 880572296 +109 831 2 880572296 +109 834 3 880583308 +109 845 4 880571684 +109 849 2 880582384 +109 866 4 880571872 +109 871 2 880572350 +109 924 3 880564415 +109 928 3 880572134 +109 930 3 880572351 +109 931 2 880572407 +109 940 3 880583133 +109 944 3 880579107 +109 949 3 880582384 +109 975 3 880572351 +109 986 2 880572382 +109 1011 3 880571872 +109 1012 4 880564570 +109 1013 3 880572296 +109 1014 4 880571979 +109 1023 2 880572350 +109 1028 4 880571831 +109 1035 2 880579787 +109 1039 2 880579418 +109 1060 4 880571661 +109 1074 4 880583308 +109 1135 4 880582976 +109 1139 2 880583463 +109 1157 4 880583646 +109 1161 3 880564678 +109 1210 3 880582230 +109 1222 4 880579758 +109 1228 3 880582758 +109 1244 3 880571872 +110 2 3 886988536 +110 11 4 886987922 +110 12 4 886987826 +110 22 4 886987826 +110 28 4 886987979 +110 29 3 886988374 +110 31 3 886989057 +110 33 4 886988631 +110 38 3 886988574 +110 41 4 886989399 +110 43 3 886988100 +110 55 3 886988449 +110 56 1 886988449 +110 64 4 886987894 +110 67 3 886989566 +110 68 2 886988631 +110 69 4 886987860 +110 77 4 886988202 +110 79 4 886988480 +110 82 4 886988480 +110 88 4 886988967 +110 94 4 886989473 +110 96 4 886988449 +110 161 5 886988631 +110 173 1 886988909 +110 184 1 886988631 +110 188 4 886988574 +110 195 2 886988480 +110 196 4 886987978 +110 202 2 886988909 +110 204 3 886989276 +110 212 1 886988100 +110 215 3 886987894 +110 226 3 886988536 +110 230 3 886988750 +110 231 1 886988664 +110 232 3 886988449 +110 233 4 886988535 +110 245 3 886987540 +110 258 4 886987183 +110 272 4 886987145 +110 288 4 886987145 +110 294 3 886987540 +110 300 3 886987380 +110 301 2 886987505 +110 307 4 886987260 +110 313 5 886987183 +110 315 4 886987726 +110 325 3 886987561 +110 326 4 886987417 +110 327 3 886987442 +110 332 3 886987287 +110 333 4 886987288 +110 340 3 886987183 +110 366 3 886988341 +110 367 3 886989340 +110 376 2 886989340 +110 384 2 886989524 +110 385 3 886988574 +110 393 3 886989363 +110 397 3 886988688 +110 401 3 886989399 +110 402 4 886988293 +110 403 3 886988134 +110 421 4 886988873 +110 423 4 886987952 +110 451 4 886988909 +110 468 3 886988202 +110 540 3 886988793 +110 550 3 886988664 +110 566 4 886988574 +110 568 3 886988449 +110 569 4 886988321 +110 575 3 886989566 +110 576 2 886988574 +110 578 3 886988536 +110 585 2 886989473 +110 586 3 886988536 +110 642 2 886989126 +110 651 4 886988018 +110 658 3 886988065 +110 682 4 886987354 +110 684 4 886988480 +110 688 1 886987605 +110 689 3 886987584 +110 692 4 886988937 +110 715 2 886989440 +110 732 3 886988018 +110 734 2 886989566 +110 739 4 886988937 +110 748 3 886987478 +110 751 3 886987183 +110 759 3 886988850 +110 765 3 886989028 +110 779 3 886988793 +110 783 3 886988967 +110 790 4 886989399 +110 791 2 886989473 +110 794 3 886988909 +110 802 3 886988793 +110 806 3 886987952 +110 808 2 886988250 +110 849 3 886988664 +110 873 2 886987505 +110 895 2 886987354 +110 905 3 886987236 +110 944 3 886989501 +110 947 3 886988574 +110 1090 2 886989191 +110 1179 2 886989501 +110 1182 2 886989566 +110 1188 4 886988818 +110 1206 3 886988321 +110 1210 3 886989191 +110 1218 3 886989473 +110 1222 2 886989191 +110 1228 3 886988689 +110 1229 3 886988374 +110 1231 2 886988664 +110 1246 2 886989613 +110 1247 2 886988413 +110 1248 3 886989126 +110 1249 3 886989612 +110 1250 3 886988818 +111 242 4 891679901 +111 258 4 891679692 +111 269 5 891679692 +111 272 3 891679692 +111 301 4 891680028 +111 302 5 891679971 +111 303 3 891680028 +111 304 4 891679840 +111 305 2 891680243 +111 313 4 891679901 +111 315 5 891679692 +111 326 3 891680131 +111 328 4 891679939 +111 333 4 891680028 +111 340 4 891679692 +111 344 2 891680243 +111 354 4 891679692 +111 887 3 891679692 +111 896 2 891680243 +111 1024 3 891679939 +112 245 4 884992691 +112 269 3 884992651 +112 272 5 886398204 +112 286 4 884992484 +112 289 5 884992690 +112 294 3 884992566 +112 300 4 884992508 +112 301 3 884992566 +112 302 4 886398509 +112 303 4 884992535 +112 306 5 891299783 +112 307 4 884992585 +112 312 5 884992872 +112 315 5 891299783 +112 316 5 892439693 +112 321 3 884992484 +112 322 4 884992690 +112 323 3 884992651 +112 325 1 884992714 +112 327 1 884992535 +112 331 4 884992603 +112 332 4 886398611 +112 339 4 892439990 +112 347 1 891302716 +112 354 3 891304031 +112 678 3 884992714 +112 689 4 884992668 +112 690 4 884992462 +112 748 3 884992651 +112 750 4 884992444 +112 751 4 884992754 +112 754 4 884992508 +112 879 4 884992566 +112 887 5 884992444 +112 888 4 886398699 +112 891 3 892439990 +112 903 1 892440172 +112 937 4 884992801 +112 984 3 884992651 +112 1106 4 892439835 +113 7 3 875076827 +113 9 3 875076307 +113 50 5 875076416 +113 100 4 875935610 +113 116 3 875076246 +113 124 3 875076307 +113 126 5 875076827 +113 237 3 875076246 +113 242 2 875075887 +113 245 3 875325377 +113 246 5 875076872 +113 255 5 875935609 +113 258 5 875075887 +113 262 2 875075983 +113 268 4 875935609 +113 273 4 875935609 +113 277 3 875076416 +113 286 4 875325377 +113 288 3 875075887 +113 289 2 875075887 +113 294 4 875935277 +113 300 3 875075887 +113 303 5 875935244 +113 319 2 875075887 +113 321 3 875075887 +113 322 3 875076044 +113 323 4 875325377 +113 324 2 875076180 +113 326 5 875935609 +113 327 5 875076987 +113 328 5 875076044 +113 329 3 875935312 +113 333 4 875935609 +113 424 1 875076357 +113 508 4 875325377 +113 595 5 875936424 +113 678 2 875076044 +113 742 3 875076827 +113 948 3 875935312 +113 975 5 875936424 +113 976 5 875936424 +113 979 5 875936424 +113 1251 5 875325377 +113 1252 4 875935610 +114 56 3 881260545 +114 89 5 881260024 +114 96 3 881259955 +114 98 4 881259495 +114 100 5 881259927 +114 135 4 881260611 +114 156 4 881309662 +114 157 2 881260611 +114 168 3 881259927 +114 171 4 881309511 +114 172 5 881259495 +114 175 5 881259955 +114 176 5 881260203 +114 179 5 881260611 +114 180 3 881309718 +114 182 3 881259994 +114 183 5 881260545 +114 186 3 881260352 +114 191 3 881309511 +114 195 4 881260861 +114 197 4 881260506 +114 200 3 881260409 +114 204 3 881260441 +114 210 3 881309511 +114 224 3 881259839 +114 269 4 881256090 +114 318 3 881259495 +114 357 4 881259525 +114 474 5 881260170 +114 482 4 881259839 +114 483 4 881260246 +114 485 3 881260409 +114 496 4 881259994 +114 505 3 881260203 +114 507 3 881260303 +114 520 3 881260473 +114 522 5 881309662 +114 527 3 881309586 +114 615 2 881260441 +114 640 2 881260303 +114 646 4 881260473 +114 654 3 881259741 +114 655 3 881260506 +114 659 4 881259495 +114 679 2 881259741 +114 855 3 881260473 +114 1104 5 881260352 +115 4 4 881172117 +115 7 5 881171982 +115 8 5 881171982 +115 9 5 881171982 +115 11 4 881171348 +115 12 5 881171982 +115 13 5 881171983 +115 20 3 881171009 +115 22 3 881171273 +115 23 5 881171348 +115 32 5 881171348 +115 33 4 881171693 +115 48 5 881171203 +115 50 5 881172049 +115 56 5 881171409 +115 69 1 881171825 +115 77 2 881171623 +115 82 4 881172117 +115 83 3 881172183 +115 89 5 881172049 +115 92 4 881172049 +115 93 3 881170332 +115 96 3 881172117 +115 98 3 881171409 +115 100 5 881171982 +115 117 4 881171009 +115 121 3 881170065 +115 124 5 881170332 +115 127 5 881171760 +115 137 5 881169776 +115 172 4 881171273 +115 174 5 881171137 +115 176 5 881171203 +115 177 5 881172117 +115 178 5 881172246 +115 181 4 881172049 +115 183 5 881171488 +115 185 5 881171409 +115 187 5 881171203 +115 192 5 881171137 +115 218 3 881171623 +115 228 4 881171488 +115 229 3 881171693 +115 234 5 881171982 +115 237 2 881171075 +115 240 5 881171982 +115 265 2 881171488 +115 269 3 881169559 +115 273 4 881169984 +115 279 3 881170725 +115 282 4 881171009 +115 284 2 881170902 +115 302 4 881169559 +115 310 3 881169559 +115 317 5 881171137 +115 357 5 881171982 +115 431 4 881171558 +115 443 4 881171622 +115 462 4 881171273 +115 466 5 881171558 +115 470 2 881171694 +115 471 2 881170791 +115 475 5 881170252 +115 479 5 881171825 +115 496 1 881171203 +115 508 5 881170438 +115 511 5 881172117 +115 530 5 881172117 +115 543 2 881172303 +115 558 5 881171203 +115 596 1 881170663 +115 628 5 881169883 +115 642 5 881171693 +115 644 3 881172183 +115 654 5 881171409 +115 657 3 881171488 +115 673 3 881171558 +115 696 4 881169984 +115 741 3 881170065 +115 762 4 881170508 +115 763 2 881170725 +115 847 4 881170844 +115 922 3 881170252 +115 952 5 881170998 +115 969 1 881172183 +115 980 4 881169984 +115 1008 5 881171982 +115 1067 4 881171009 +115 1073 5 881171488 +116 7 2 876453915 +116 11 5 886310197 +116 20 3 892683858 +116 47 3 876454238 +116 50 3 876452443 +116 65 2 876454052 +116 116 3 876453733 +116 124 3 876453733 +116 127 5 876454257 +116 137 2 876454308 +116 180 5 886310197 +116 181 4 876452523 +116 185 3 876453519 +116 187 5 886310197 +116 191 4 876453961 +116 193 4 876453681 +116 195 4 876453626 +116 199 4 876454174 +116 203 5 876453915 +116 221 4 876453560 +116 248 3 876452492 +116 250 4 876452606 +116 252 2 876453376 +116 253 3 876452492 +116 255 3 876452524 +116 257 3 876452523 +116 258 4 876451911 +116 259 4 876452186 +116 260 2 887605412 +116 262 3 876751342 +116 264 3 876452186 +116 268 5 886310197 +116 269 3 886309452 +116 270 3 879864042 +116 271 4 886310197 +116 272 3 886309505 +116 275 2 876453519 +116 285 4 876454023 +116 286 3 876451911 +116 288 3 886309812 +116 289 4 876452094 +116 294 2 876453376 +116 297 3 890633075 +116 299 3 876452133 +116 301 3 892683732 +116 302 3 876451911 +116 303 3 890633075 +116 304 2 876453376 +116 306 3 876751342 +116 307 3 879864042 +116 310 4 886309549 +116 311 3 886978067 +116 313 5 886978155 +116 315 3 886309605 +116 322 2 876452186 +116 323 3 876452186 +116 324 2 876452133 +116 325 3 876452186 +116 326 2 876453376 +116 328 3 876452186 +116 331 3 876451911 +116 332 3 876451998 +116 333 2 876452054 +116 340 3 879864008 +116 344 5 892683820 +116 346 4 886310197 +116 347 2 886309481 +116 349 2 886977905 +116 350 3 886977926 +116 355 2 887605347 +116 358 2 876452094 +116 390 4 876454090 +116 421 3 876453800 +116 479 4 876454191 +116 484 4 886310197 +116 511 4 876453519 +116 515 4 876452443 +116 519 5 886310197 +116 531 2 876453519 +116 532 2 876452651 +116 539 2 886309573 +116 582 3 876453626 +116 596 5 876452854 +116 604 3 876454174 +116 607 2 876453961 +116 650 2 876452806 +116 655 4 886309958 +116 661 4 876454023 +116 678 3 876452228 +116 690 3 877934548 +116 730 4 876453519 +116 748 2 876452186 +116 750 4 886309481 +116 751 3 890131577 +116 758 1 876452980 +116 760 3 886309812 +116 806 4 876453800 +116 840 1 886309958 +116 872 3 876452228 +116 879 2 876452094 +116 880 3 876680723 +116 887 3 881246591 +116 888 2 886309958 +116 895 2 886309812 +116 896 2 890632896 +116 900 4 888311676 +116 902 2 890632896 +116 903 2 890632956 +116 905 2 890131519 +116 914 2 892683732 +116 942 3 876454090 +116 993 2 876453376 +116 1013 3 876453222 +116 1016 2 876453376 +116 1020 3 887605454 +116 1039 4 876453915 +116 1082 3 876453171 +116 1089 2 876453376 +116 1134 4 886310197 +116 1142 4 876452492 +116 1214 3 876453422 +116 1216 3 876452582 +116 1226 2 876454090 +116 1244 2 876453191 +116 1253 2 876454109 +116 1254 2 876453377 +116 1255 2 876453377 +116 1257 1 876452651 +117 1 4 880126083 +117 7 3 880125780 +117 12 5 881011350 +117 15 5 880125887 +117 25 4 881009470 +117 33 4 881011697 +117 50 5 880126022 +117 56 5 881011807 +117 96 5 881012530 +117 98 4 881012430 +117 109 4 880126336 +117 117 5 880126461 +117 121 4 880126038 +117 122 2 886022187 +117 143 1 881012472 +117 144 4 881011807 +117 150 4 880125101 +117 151 4 880126373 +117 156 4 881011376 +117 164 5 881011727 +117 168 5 881012550 +117 172 5 881012623 +117 173 5 881011697 +117 174 4 881011393 +117 176 5 881012028 +117 179 5 881012776 +117 181 5 880124648 +117 195 5 881012255 +117 210 4 881012293 +117 214 5 881012193 +117 222 5 886020290 +117 237 4 880126232 +117 240 3 880126038 +117 249 4 880125911 +117 252 3 881010322 +117 257 5 880125911 +117 258 4 880126022 +117 265 4 881012940 +117 268 5 880124306 +117 271 4 880124397 +117 282 5 880126295 +117 288 3 880124254 +117 298 5 886020525 +117 307 5 880124339 +117 313 5 886018980 +117 338 3 886019636 +117 358 4 880124509 +117 368 3 881010610 +117 405 5 880126174 +117 406 3 881010556 +117 410 3 886021458 +117 411 3 880126232 +117 421 5 881012601 +117 423 4 881012472 +117 546 3 881009758 +117 588 3 881011697 +117 596 3 880126392 +117 597 4 881010052 +117 628 5 881012174 +117 678 4 880124435 +117 742 4 880126022 +117 743 1 881010401 +117 748 3 880124378 +117 751 5 886018996 +117 758 2 881011217 +117 763 5 881009890 +117 772 4 881012728 +117 789 4 881011413 +117 829 3 881010219 +117 886 5 880124413 +117 895 2 886019030 +117 928 3 881009471 +117 977 3 881009738 +117 1012 4 881008815 +117 1014 3 886021192 +117 1016 5 881008815 +117 1047 2 881009697 +117 1057 2 881010401 +117 1059 3 881008632 +117 1095 3 881010938 +117 1165 3 881010727 +118 5 2 875385256 +118 7 5 875385198 +118 17 3 875385257 +118 22 5 875385136 +118 23 5 875384979 +118 32 5 875384979 +118 53 5 875385280 +118 55 5 875385099 +118 56 5 875385198 +118 79 5 875384885 +118 98 5 875384979 +118 100 5 875384751 +118 132 4 875384793 +118 134 5 875384916 +118 135 5 875384591 +118 156 5 875384946 +118 164 5 875385386 +118 171 5 875384825 +118 174 5 875385007 +118 175 5 875384885 +118 176 5 875384793 +118 179 5 875384612 +118 180 5 875385136 +118 184 5 875385057 +118 185 5 875384979 +118 193 5 875384793 +118 200 5 875384647 +118 201 5 875385198 +118 210 5 875384825 +118 217 3 875385257 +118 218 5 875385386 +118 223 5 875385386 +118 234 5 875385386 +118 258 5 875385386 +118 288 5 875385386 +118 320 5 875385386 +118 324 4 875384444 +118 396 5 875385335 +118 413 4 875385306 +118 421 4 875384946 +118 427 5 875384751 +118 433 5 875384793 +118 436 5 875385280 +118 474 5 875384571 +118 475 5 875384793 +118 511 5 875384885 +118 513 5 875384751 +118 528 4 875384514 +118 547 5 875385228 +118 551 5 875385306 +118 558 5 875385228 +118 559 4 875385306 +118 564 1 875385335 +118 603 4 875384916 +118 641 5 875385386 +118 654 5 875385007 +118 655 5 875385136 +118 672 4 875385257 +118 675 5 875385386 +118 774 5 875385198 +118 800 4 875385280 +118 816 3 875385335 +118 844 5 875385256 +118 853 5 875385228 +118 919 5 875385386 +118 960 5 875385136 +118 1079 4 875385442 +119 9 4 890627252 +119 11 5 874781198 +119 12 3 874781915 +119 22 4 874781698 +119 23 3 874782100 +119 24 4 886177076 +119 25 5 886177013 +119 40 4 886176993 +119 50 5 874774718 +119 52 3 890627339 +119 54 4 886176814 +119 56 4 874781198 +119 70 3 874781829 +119 83 4 886176922 +119 86 4 874782068 +119 87 5 874781829 +119 89 4 874781352 +119 93 4 874775262 +119 96 5 874781257 +119 100 5 874774575 +119 105 2 874775849 +119 109 5 874775580 +119 111 5 886176779 +119 117 5 874775535 +119 132 5 874782228 +119 137 5 886176486 +119 144 4 887038665 +119 147 4 886176486 +119 154 5 874782022 +119 168 5 874781351 +119 172 4 874782191 +119 174 4 874781303 +119 181 4 874775406 +119 182 4 874781303 +119 188 4 874781742 +119 193 4 874781872 +119 196 5 886177162 +119 199 5 874781994 +119 209 4 886177544 +119 210 5 874781407 +119 213 5 874781257 +119 222 5 874775311 +119 226 3 887038665 +119 235 5 874774956 +119 237 5 874775038 +119 245 4 886176618 +119 250 2 874775731 +119 252 3 874780832 +119 254 2 874781037 +119 255 3 874775914 +119 257 4 874775614 +119 258 2 887037225 +119 259 4 886175571 +119 268 5 886175117 +119 269 3 892564213 +119 271 4 886175150 +119 272 5 886611471 +119 274 4 874775580 +119 275 5 874774575 +119 276 2 874775262 +119 277 4 874774993 +119 282 5 874775136 +119 286 5 874774286 +119 287 4 874775465 +119 294 1 892564313 +119 300 5 874774286 +119 301 4 886176779 +119 310 5 886175117 +119 313 5 886176135 +119 315 5 886175571 +119 322 4 874774449 +119 323 4 874774449 +119 328 4 876923913 +119 329 3 886433226 +119 332 4 886175313 +119 338 1 892565167 +119 340 4 886176485 +119 348 3 886433226 +119 349 3 887038665 +119 354 5 890626231 +119 382 5 874781742 +119 385 5 874781994 +119 392 4 886176814 +119 405 4 874775815 +119 407 3 887038665 +119 410 1 890627339 +119 412 4 874775136 +119 451 5 891286958 +119 455 4 874774719 +119 459 4 887038711 +119 471 4 886177338 +119 472 4 874775406 +119 486 4 874781547 +119 492 5 874781198 +119 506 5 886176779 +119 511 5 874781407 +119 526 2 886177762 +119 537 5 886176618 +119 544 2 886177206 +119 546 4 874775914 +119 550 4 887038665 +119 562 4 886177206 +119 568 4 874781915 +119 591 4 886177235 +119 595 3 874781067 +119 597 4 874775465 +119 616 2 886177206 +119 628 4 874775185 +119 655 5 874781628 +119 658 5 874782127 +119 684 4 886177338 +119 685 4 886177048 +119 689 4 886175431 +119 697 5 874782068 +119 710 4 886177162 +119 716 5 874782190 +119 717 3 874775945 +119 718 5 874774956 +119 727 5 887038711 +119 741 4 874774815 +119 742 5 874775406 +119 755 1 886176678 +119 762 4 874775465 +119 813 4 874774956 +119 823 3 874775406 +119 825 3 874780860 +119 826 4 874775580 +119 829 5 874775406 +119 831 2 874775980 +119 845 4 886176922 +119 866 3 874774575 +119 879 5 875720232 +119 916 1 892564442 +119 917 4 892564349 +119 930 3 874775945 +119 931 1 886178294 +119 977 3 874780969 +119 982 4 874775406 +119 986 3 874781068 +119 995 4 891287008 +119 1016 5 874775262 +119 1034 3 874775980 +119 1052 4 886177162 +119 1086 4 874775136 +119 1101 5 874781779 +119 1137 5 886176922 +119 1153 5 874781198 +119 1160 5 887038711 +119 1166 5 887038711 +119 1170 3 890627339 +119 1197 4 886176922 +119 1202 4 874775680 +119 1244 3 874781037 +119 1259 3 874780996 +119 1260 5 874781547 +119 1261 4 874781198 +119 1262 3 890627252 +119 1263 3 886177338 +119 1264 3 886176993 +120 1 4 889490412 +120 9 4 889489886 +120 15 4 889490244 +120 25 5 889490370 +120 50 4 889489973 +120 117 3 889490979 +120 118 2 889490979 +120 121 4 889490290 +120 125 4 889490447 +120 148 3 889490499 +120 237 3 889490172 +120 245 3 889490633 +120 252 3 889490633 +120 257 2 889490979 +120 258 5 889490124 +120 282 4 889490172 +120 286 5 889489943 +120 405 4 889490580 +120 515 5 889489772 +120 546 2 889490979 +120 742 4 889490549 +120 827 2 889490979 +120 924 4 889490290 +121 1 4 891388475 +121 9 5 891390013 +121 11 2 891387992 +121 14 5 891390014 +121 57 5 891390014 +121 83 4 891388210 +121 86 5 891388286 +121 98 5 891388210 +121 100 4 891388035 +121 117 1 891388600 +121 118 2 891390501 +121 121 2 891388501 +121 122 2 891390501 +121 124 5 891388063 +121 125 2 891388600 +121 126 3 891388936 +121 127 5 891388333 +121 135 5 891388090 +121 137 5 891388501 +121 156 4 891388145 +121 165 4 891388210 +121 174 3 891388063 +121 180 3 891388286 +121 181 5 891390014 +121 192 4 891388250 +121 197 4 891388286 +121 235 1 891390579 +121 237 5 891388708 +121 249 1 891388708 +121 250 2 891388676 +121 275 4 891390233 +121 276 3 891388453 +121 282 1 891389037 +121 291 3 891390477 +121 292 4 891388960 +121 294 4 891389522 +121 298 2 891388676 +121 300 3 891387810 +121 313 5 891390013 +121 315 4 891389282 +121 318 5 891390013 +121 347 3 891389304 +121 357 5 891388063 +121 405 2 891390579 +121 411 1 891390544 +121 427 4 891388286 +121 428 5 891388333 +121 458 1 891388847 +121 472 3 891390599 +121 479 5 891388113 +121 508 4 891388333 +121 509 5 891388145 +121 514 3 891387947 +121 515 4 891388391 +121 546 1 891390521 +121 582 2 891390034 +121 595 2 891390521 +121 628 3 891389037 +121 631 4 891387992 +121 644 4 891388035 +121 717 5 891390688 +121 740 3 891390544 +121 742 5 891390013 +121 744 3 891388936 +121 792 3 891388250 +121 937 4 891389924 +121 1194 4 891388210 +121 1266 4 891388250 +122 11 1 879270424 +122 28 4 879270084 +122 46 5 879270567 +122 69 2 879270511 +122 70 5 879270606 +122 83 5 879270327 +122 135 4 879270327 +122 175 5 879270084 +122 180 5 879270327 +122 187 4 879270424 +122 190 4 879270424 +122 191 5 879270128 +122 193 4 879270605 +122 197 5 879270482 +122 212 5 879270567 +122 214 2 879270676 +122 215 4 879270676 +122 269 5 879269963 +122 378 4 879270769 +122 382 3 879270711 +122 387 5 879270459 +122 403 4 879270805 +122 423 4 879270805 +122 427 3 879270165 +122 429 3 879270165 +122 464 5 879270541 +122 469 5 879270644 +122 470 3 879270901 +122 509 4 879270511 +122 510 4 879270327 +122 511 5 879270084 +122 519 4 879270129 +122 553 3 879270741 +122 570 3 879270849 +122 582 5 879270644 +122 660 3 879270644 +122 661 4 879270327 +122 673 3 879270511 +122 699 5 879270541 +122 708 5 879270605 +122 715 5 879270741 +122 724 4 879270677 +122 727 4 879270849 +122 736 4 879270606 +122 737 4 879270874 +122 792 3 879270459 +122 956 4 879270850 +122 1044 5 879270923 +122 1045 4 879270605 +122 1074 4 879270901 +122 1113 5 879270677 +122 1119 3 879270769 +122 1168 4 879270902 +122 1267 4 879270769 +122 1268 2 879270711 +123 9 5 879873726 +123 13 3 879873988 +123 22 4 879809943 +123 23 4 879873020 +123 50 3 879873726 +123 64 3 879872791 +123 98 4 879872672 +123 100 4 879872792 +123 127 5 879809943 +123 132 3 879872672 +123 134 4 879872275 +123 135 5 879872868 +123 143 5 879872406 +123 165 5 879872672 +123 187 4 879809943 +123 192 5 879873119 +123 197 5 879872066 +123 242 5 879809053 +123 255 1 879873905 +123 275 4 879873726 +123 276 4 879873830 +123 285 5 879873830 +123 286 5 879809053 +123 289 1 879809220 +123 294 1 879809529 +123 319 4 879809220 +123 321 4 879809220 +123 427 3 879873020 +123 432 5 879873120 +123 435 5 879809943 +123 462 4 879872540 +123 479 4 879872066 +123 480 3 879872540 +123 482 4 879872406 +123 483 4 879873020 +123 485 5 879872792 +123 487 3 879872192 +123 504 5 879872948 +123 511 5 879872066 +123 514 5 879872193 +123 523 3 879872406 +123 531 3 879872671 +123 606 3 879872540 +123 657 4 879872066 +123 704 3 879873120 +123 707 5 879809943 +123 735 2 879872868 +123 847 4 879873193 +123 962 3 879872405 +123 1269 2 879872867 +124 1 3 890287733 +124 7 4 890287645 +124 11 5 890287645 +124 28 3 890287068 +124 50 3 890287508 +124 79 3 890287395 +124 96 4 890399864 +124 98 4 890287822 +124 117 3 890287181 +124 144 4 890287645 +124 154 5 890287645 +124 157 2 890287936 +124 166 5 890287645 +124 168 5 890287645 +124 172 3 890287645 +124 173 2 890287687 +124 174 3 890287317 +124 195 4 890399864 +124 209 3 890399902 +124 226 4 890287645 +124 474 3 890287221 +124 496 1 890286933 +124 550 4 890287645 +124 616 4 890287645 +125 1 4 879454699 +125 8 4 879454419 +125 21 3 892838424 +125 22 5 892836395 +125 25 1 879454987 +125 28 4 879454385 +125 41 2 892838510 +125 49 3 879455241 +125 50 5 892836362 +125 56 1 879454345 +125 63 3 892838558 +125 64 5 879454139 +125 66 5 879455184 +125 67 5 892838865 +125 69 4 879454628 +125 70 3 892838287 +125 72 4 892838322 +125 73 5 892838288 +125 79 5 879454100 +125 80 4 892838865 +125 82 5 879454386 +125 83 4 879454345 +125 85 3 892838424 +125 87 5 892836464 +125 88 5 879455184 +125 94 5 892839065 +125 95 5 879454628 +125 97 3 879454385 +125 98 5 879454345 +125 105 3 892839021 +125 109 3 892838288 +125 111 3 892838322 +125 116 4 892838322 +125 117 3 879454699 +125 120 1 892839312 +125 122 1 892839312 +125 134 5 879454532 +125 136 5 879454309 +125 143 5 879454793 +125 144 5 879454197 +125 150 1 879454892 +125 152 1 879454892 +125 158 4 892839066 +125 163 5 879454956 +125 172 5 879454448 +125 173 5 879454100 +125 174 5 879454309 +125 175 2 879455184 +125 176 5 879454448 +125 181 5 879454139 +125 186 3 879454448 +125 190 5 892836309 +125 191 5 879454385 +125 194 5 879454986 +125 195 5 892836465 +125 198 3 879454385 +125 201 3 879455019 +125 204 5 879454139 +125 208 3 879454244 +125 209 4 879455241 +125 210 5 879454243 +125 211 3 879455184 +125 216 3 879454419 +125 222 5 892836465 +125 235 2 892838559 +125 236 1 879454891 +125 238 3 892838322 +125 239 5 892838375 +125 258 5 892835624 +125 269 1 879454002 +125 270 4 881357122 +125 275 5 879454532 +125 283 5 879454986 +125 289 5 892835854 +125 290 4 892838375 +125 294 4 892835778 +125 300 5 892835836 +125 318 5 879454309 +125 323 3 892836124 +125 340 1 892835659 +125 346 1 892835800 +125 357 3 879454100 +125 364 3 892839191 +125 367 4 892836551 +125 369 3 892838777 +125 372 1 879454892 +125 376 3 892838510 +125 382 1 892836623 +125 383 2 892839412 +125 384 3 892838591 +125 386 3 892838827 +125 388 2 892839270 +125 393 4 879455241 +125 395 3 892838687 +125 399 3 892838509 +125 401 4 892838656 +125 407 2 892839312 +125 411 3 892839091 +125 412 3 892839191 +125 427 4 879454277 +125 430 4 879454309 +125 434 4 879454100 +125 435 4 892836550 +125 451 4 892838288 +125 455 5 879454987 +125 474 3 892836422 +125 475 1 879454244 +125 478 4 879454628 +125 479 4 879454386 +125 482 1 892836309 +125 483 4 879454628 +125 485 5 892836335 +125 493 4 879454448 +125 496 5 879454419 +125 498 5 892836395 +125 508 1 892838351 +125 511 5 879454699 +125 513 4 879454385 +125 520 5 892836309 +125 568 5 879454277 +125 571 3 892838827 +125 577 2 892839312 +125 585 4 892838463 +125 615 3 879454793 +125 648 4 879454793 +125 657 3 892836422 +125 659 4 879454628 +125 687 3 892836268 +125 692 3 892836523 +125 705 5 879454243 +125 710 5 879454699 +125 722 3 892838687 +125 728 3 892838425 +125 732 4 879455019 +125 734 3 892838977 +125 746 3 879455018 +125 748 3 892835778 +125 751 5 892835624 +125 756 4 892838424 +125 763 3 892836574 +125 780 2 892839270 +125 781 3 892838463 +125 785 3 892838558 +125 790 4 892838462 +125 796 3 892838591 +125 801 3 892838424 +125 813 1 879455184 +125 864 3 892838591 +125 914 1 892835594 +125 926 3 892839066 +125 940 2 892838827 +125 945 5 892836465 +125 949 3 892838623 +125 996 3 892838424 +125 997 2 892838976 +125 999 4 892838288 +125 1000 3 892838977 +125 1036 2 892839191 +125 1037 2 892839143 +125 1052 2 892839457 +125 1060 4 879454699 +125 1074 3 892838827 +125 1093 1 892839412 +125 1115 3 879454345 +125 1180 3 892838865 +125 1183 2 892839312 +125 1185 3 892838509 +125 1246 2 892838687 +125 1249 3 892838322 +125 1270 3 892838977 +125 1272 1 879454892 +126 243 5 887855342 +126 245 3 887854726 +126 258 4 887853919 +126 260 1 887855173 +126 262 4 887854726 +126 272 3 887853469 +126 286 3 887853469 +126 288 4 887853469 +126 289 3 887855174 +126 294 3 887855087 +126 300 4 887854943 +126 302 4 887853469 +126 303 3 887854825 +126 310 2 887854652 +126 311 4 887855173 +126 313 5 887854726 +126 315 4 887853469 +126 319 2 887938081 +126 322 3 887854777 +126 323 3 887853568 +126 326 2 887853919 +126 327 3 887855087 +126 328 5 887853735 +126 332 2 887853735 +126 333 2 887853919 +126 337 5 887938392 +126 340 5 887854982 +126 344 4 887853735 +126 346 3 887853735 +126 350 2 887854892 +126 681 5 887938392 +126 682 1 887855034 +126 690 3 887853735 +126 751 4 887853568 +126 752 3 887855342 +126 878 5 887938392 +126 881 5 887938392 +126 884 5 887938392 +126 905 2 887855283 +126 1175 5 887856958 +127 62 5 884364950 +127 222 5 884364866 +127 227 4 884364867 +127 228 5 884364866 +127 229 5 884364867 +127 243 5 884364764 +127 268 1 884363990 +127 271 5 884364866 +127 286 1 884364525 +127 288 5 884363851 +127 294 4 884363803 +127 300 5 884364017 +127 343 5 884364151 +127 380 5 884364950 +127 449 4 884364950 +127 450 5 884364950 +127 748 5 884364108 +127 750 1 884363851 +127 901 5 884363990 +128 1 4 879966919 +128 14 5 879967341 +128 15 4 879968827 +128 25 3 879968185 +128 26 4 879969032 +128 28 5 879966785 +128 48 4 879967767 +128 50 4 879967268 +128 54 2 879968415 +128 56 3 879966785 +128 58 3 879968008 +128 64 5 879966954 +128 65 4 879968512 +128 66 3 879969329 +128 70 3 879967341 +128 71 4 879967576 +128 73 3 879969032 +128 77 3 879968447 +128 79 4 879967692 +128 82 5 879968185 +128 83 5 879967691 +128 86 5 879966919 +128 88 4 879969390 +128 97 3 879968125 +128 98 4 879967047 +128 99 4 879967840 +128 111 3 879969215 +128 117 5 879967631 +128 118 5 879968896 +128 121 4 879968278 +128 132 3 879966785 +128 133 5 879967248 +128 136 5 879967080 +128 140 4 879968308 +128 143 5 879967300 +128 151 3 879968921 +128 159 4 879968390 +128 161 5 879968896 +128 168 4 879966685 +128 172 3 879967248 +128 173 5 879966756 +128 174 3 879966954 +128 179 3 879967767 +128 180 5 879967174 +128 181 4 879966954 +128 182 4 879967225 +128 190 4 879967016 +128 191 4 879967080 +128 193 3 879967249 +128 196 5 879967550 +128 197 4 879966729 +128 202 2 879968579 +128 204 4 879967478 +128 209 4 879968332 +128 210 4 879968125 +128 213 3 879967300 +128 215 3 879967452 +128 216 5 879967102 +128 218 3 879969244 +128 220 1 879968352 +128 222 3 879967249 +128 227 2 879968946 +128 228 3 879969329 +128 237 4 879966954 +128 238 4 879968125 +128 245 2 879966524 +128 265 5 879968663 +128 268 3 879966355 +128 274 4 879969084 +128 275 5 879967016 +128 276 4 879967550 +128 280 1 879968579 +128 282 3 879967550 +128 283 5 879966729 +128 284 3 879968663 +128 294 4 879966376 +128 300 5 879966355 +128 317 4 879968029 +128 322 2 879966447 +128 328 2 879966406 +128 340 4 879966355 +128 367 4 879968858 +128 371 1 879966954 +128 378 5 879967804 +128 380 4 879968946 +128 387 2 879968774 +128 392 3 879967102 +128 393 4 879969136 +128 402 1 879969136 +128 404 3 879968308 +128 405 4 879968859 +128 417 4 879968447 +128 418 4 879968164 +128 419 3 879967268 +128 422 4 879968598 +128 423 4 879967966 +128 425 5 879967197 +128 427 5 879966685 +128 433 4 879967225 +128 451 4 879967879 +128 465 4 879968008 +128 471 4 879967804 +128 478 5 879966840 +128 482 4 879967432 +128 483 5 879966785 +128 485 3 879966895 +128 487 5 879968029 +128 490 5 879966785 +128 494 4 879967016 +128 497 3 879967102 +128 499 5 879967767 +128 505 4 879967136 +128 507 4 879966685 +128 508 4 879967767 +128 568 4 879968544 +128 588 5 879967136 +128 591 4 879967879 +128 602 4 879967478 +128 603 5 879966839 +128 605 3 879967804 +128 609 4 879967550 +128 614 3 879967879 +128 622 4 879968332 +128 651 5 879966983 +128 652 3 879966603 +128 655 3 879969064 +128 660 2 879968415 +128 684 4 879969390 +128 685 3 879968774 +128 686 4 879967174 +128 690 3 879966274 +128 692 4 879967197 +128 705 3 879968096 +128 715 4 879968512 +128 723 3 879967966 +128 729 2 879968447 +128 732 4 879967047 +128 736 5 879968352 +128 739 4 879969349 +128 742 3 879967197 +128 747 3 879968742 +128 763 4 879968718 +128 770 3 879968008 +128 785 2 879968243 +128 790 4 879969277 +128 815 3 879968827 +128 838 5 879968164 +128 869 3 879969064 +128 873 1 879966524 +128 924 3 879967341 +128 942 5 879968742 +128 949 4 879968896 +128 955 5 879969064 +128 965 3 879968279 +128 966 4 879968071 +128 1035 3 879968921 +128 1039 4 879967079 +128 1048 2 879968858 +128 1053 3 879968494 +128 1063 2 879967047 +128 1136 3 879969084 +128 1141 4 879968827 +128 1192 2 879967576 +128 1221 3 879968279 +129 242 4 883243972 +129 245 2 883245452 +129 258 2 883245452 +129 268 1 883245452 +129 269 4 883244011 +129 270 3 883243934 +129 272 4 883243972 +129 286 5 883243934 +129 288 1 883245452 +129 302 4 883243934 +129 303 3 883244011 +129 304 3 883244707 +129 307 2 883244637 +129 310 2 883244011 +129 311 3 883244059 +129 313 3 883243934 +129 327 3 883244060 +129 331 2 883244737 +129 339 2 883244737 +129 678 1 883245452 +129 748 2 883245452 +129 873 1 883245452 +129 882 2 883244662 +129 903 2 883245311 +129 906 5 883245310 +129 995 2 883245452 +130 2 4 876252327 +130 3 5 876250897 +130 4 2 875801778 +130 5 4 876251650 +130 7 5 874953557 +130 11 5 875216545 +130 12 4 875216340 +130 17 5 875217096 +130 22 5 875217265 +130 24 5 874953866 +130 27 4 875802105 +130 28 4 875217172 +130 29 3 878537558 +130 31 4 875801801 +130 33 5 876252087 +130 38 4 876252263 +130 39 4 875801496 +130 41 3 875801662 +130 42 4 875801422 +130 44 4 875801662 +130 47 3 875801470 +130 49 4 875802236 +130 50 5 874953665 +130 53 3 876251972 +130 54 5 876251895 +130 55 5 875216507 +130 56 5 875216283 +130 58 2 876251619 +130 62 4 876252175 +130 63 4 876252521 +130 64 5 875801549 +130 65 4 875216786 +130 66 5 875802173 +130 67 4 876252064 +130 68 5 875216283 +130 69 5 875216718 +130 71 5 875801695 +130 79 5 875217392 +130 82 5 875802080 +130 84 4 876252497 +130 88 2 875217265 +130 89 4 875216458 +130 90 4 875801920 +130 93 5 874953665 +130 94 5 875802058 +130 98 5 875216507 +130 99 5 875216786 +130 100 3 874953558 +130 105 4 876251160 +130 109 3 874953794 +130 111 5 874953825 +130 117 5 874953895 +130 118 4 874953895 +130 121 5 876250746 +130 122 3 876251090 +130 125 5 875801963 +130 128 4 876251728 +130 132 5 875802006 +130 134 5 875801750 +130 143 5 876251922 +130 144 5 875216717 +130 147 4 876250746 +130 148 4 876251127 +130 150 5 874953558 +130 156 3 875801447 +130 158 5 875801897 +130 159 4 875802211 +130 161 4 875802058 +130 168 3 875216786 +130 172 5 875801530 +130 173 3 875216593 +130 174 5 875216249 +130 176 5 881536127 +130 179 4 875217265 +130 181 5 874953621 +130 183 5 875801369 +130 184 4 875801695 +130 185 5 875217033 +130 195 5 875801470 +130 200 5 875217392 +130 202 5 875216507 +130 203 4 875801716 +130 204 5 875216718 +130 206 3 875801695 +130 210 5 876252288 +130 215 5 875802035 +130 216 4 875216545 +130 217 3 875801940 +130 218 5 875801388 +130 219 5 876252472 +130 222 4 874953769 +130 226 5 876252420 +130 227 3 875801868 +130 228 4 875216420 +130 229 4 875802173 +130 230 3 876251895 +130 231 3 875801422 +130 233 4 875801750 +130 234 5 875216932 +130 235 4 874953728 +130 236 5 876251160 +130 237 5 874953621 +130 239 4 878538071 +130 240 4 875801750 +130 243 2 874953526 +130 245 1 874953526 +130 246 4 874953698 +130 248 3 874953769 +130 249 5 876250746 +130 250 3 876250833 +130 252 5 876250932 +130 254 2 876251160 +130 255 4 874953794 +130 258 4 874953526 +130 261 4 874953525 +130 262 3 877926419 +130 267 5 875801239 +130 268 4 875801210 +130 269 4 881075976 +130 270 5 877984734 +130 271 5 879352077 +130 272 5 888962577 +130 276 4 878537447 +130 281 4 876250850 +130 282 5 875801750 +130 284 2 874953728 +130 286 5 874953239 +130 288 5 874953291 +130 289 5 874953291 +130 290 3 876250955 +130 293 5 874953769 +130 294 5 874953337 +130 295 3 874953698 +130 298 5 874953769 +130 299 3 874953526 +130 305 4 886023938 +130 307 4 877984546 +130 313 5 884623736 +130 315 4 884623887 +130 316 4 888211794 +130 321 5 874953291 +130 322 4 874953525 +130 328 4 874953525 +130 329 4 874953337 +130 330 4 874953424 +130 331 3 875801345 +130 332 4 876250582 +130 333 5 875801239 +130 335 3 875801254 +130 342 3 881076199 +130 343 4 881536273 +130 346 4 884623704 +130 353 1 888211764 +130 354 5 888211701 +130 356 4 880396792 +130 357 5 875216933 +130 358 4 874953526 +130 363 3 876250781 +130 366 5 876251972 +130 367 4 875801369 +130 374 4 875217392 +130 379 4 875801662 +130 385 5 875802080 +130 392 4 876252243 +130 393 5 876252472 +130 398 3 878537516 +130 403 5 876251922 +130 405 4 875801984 +130 407 2 876251388 +130 410 5 875802105 +130 411 5 876251217 +130 412 4 874953866 +130 413 3 876251127 +130 418 5 875801631 +130 420 5 876252472 +130 423 5 875216978 +130 426 4 875801897 +130 427 5 875217033 +130 433 3 875216718 +130 436 3 875801573 +130 443 5 876251446 +130 444 4 880396495 +130 449 4 878537516 +130 450 2 878537602 +130 452 4 880396495 +130 455 4 874953728 +130 465 5 875801596 +130 469 5 876251693 +130 470 2 875217096 +130 472 4 876251072 +130 475 3 874953595 +130 477 4 875216593 +130 496 5 875216593 +130 501 5 875801716 +130 508 4 874953557 +130 527 5 875801447 +130 531 5 875216628 +130 532 5 876250955 +130 534 5 874953728 +130 538 5 884623983 +130 541 3 876252307 +130 542 3 875801778 +130 546 4 876250932 +130 550 5 878537602 +130 554 4 876252288 +130 555 4 888211930 +130 564 4 875802137 +130 565 3 880396541 +130 566 4 878537558 +130 567 2 876252225 +130 568 5 876251693 +130 569 3 880396494 +130 572 3 878537853 +130 578 5 878537681 +130 588 4 875216867 +130 589 4 875216717 +130 596 4 874953825 +130 597 4 874953866 +130 619 4 876251409 +130 622 3 875802173 +130 625 5 875801750 +130 627 5 875801496 +130 642 4 875216933 +130 658 5 875802173 +130 665 3 876252175 +130 669 4 888962754 +130 672 5 875801920 +130 678 4 874953526 +130 681 3 875801315 +130 682 4 881076059 +130 684 5 875802236 +130 685 3 874953895 +130 689 2 880396150 +130 692 5 875801422 +130 717 3 874953928 +130 721 3 880396278 +130 729 4 876252042 +130 731 3 876251922 +130 739 5 876252420 +130 742 5 876251053 +130 743 2 878537778 +130 746 5 876252012 +130 748 4 874953526 +130 751 5 884623756 +130 752 5 888211864 +130 756 4 874953866 +130 761 3 876251650 +130 763 5 874953728 +130 765 4 876252420 +130 769 3 880396541 +130 771 2 878537631 +130 772 4 876251804 +130 779 4 878537558 +130 794 5 875802137 +130 798 1 878537631 +130 800 4 875802237 +130 806 3 875217096 +130 808 5 878537631 +130 815 3 874953866 +130 816 5 880396518 +130 819 3 874953825 +130 824 3 875801830 +130 827 4 876251312 +130 833 4 876251037 +130 864 2 874953595 +130 876 4 874953291 +130 881 4 875801239 +130 888 3 881076146 +130 890 4 880396249 +130 892 3 884623832 +130 894 4 884624087 +130 895 5 884623799 +130 901 1 884624044 +130 929 4 876251160 +130 930 3 876251072 +130 931 2 880396881 +130 932 3 876251389 +130 934 4 876251341 +130 939 4 876252041 +130 940 3 875217392 +130 944 4 876252042 +130 946 4 875801830 +130 949 3 876251944 +130 959 4 876251865 +130 974 4 876250932 +130 975 5 876251357 +130 982 1 880396831 +130 993 5 874953665 +130 1013 4 876251287 +130 1014 3 876250718 +130 1016 4 874953698 +130 1017 3 874953895 +130 1019 4 875801530 +130 1028 4 876250805 +130 1034 2 876250833 +130 1039 4 875216420 +130 1046 4 880396831 +130 1047 5 875801897 +130 1049 3 876251341 +130 1079 3 876251217 +130 1088 2 876250805 +130 1089 2 876250718 +130 1095 3 876251192 +130 1136 4 876252373 +130 1151 3 877984840 +130 1207 1 880396861 +130 1208 4 875802211 +130 1210 2 880396831 +130 1215 2 876251389 +130 1217 4 875801778 +130 1228 3 878537681 +130 1231 4 878537778 +130 1244 4 876251192 +130 1245 3 876251312 +130 1246 3 876252497 +130 1248 3 880396702 +130 1267 4 875217265 +130 1273 2 880396792 +130 1274 2 878537853 +130 1275 5 876252288 +130 1276 4 876251312 +130 1277 4 876250897 +130 1278 5 876251127 +130 1279 4 876251217 +130 1280 4 877984734 +131 1 4 883681384 +131 9 5 883681723 +131 14 5 883681313 +131 19 4 883681418 +131 100 5 883681418 +131 124 5 883681313 +131 126 4 883681514 +131 127 4 883681418 +131 137 1 883681466 +131 221 3 883681561 +131 242 5 883681723 +131 251 5 883681723 +131 269 5 883681723 +131 274 3 883681351 +131 275 2 883681384 +131 276 5 883681723 +131 285 5 883681723 +131 286 5 883681514 +131 293 3 883681442 +131 302 5 883681723 +131 313 5 883681723 +131 536 5 883681723 +131 750 5 883681723 +131 813 3 883681466 +131 845 4 883681351 +131 1281 4 883681561 +132 12 4 891278867 +132 50 3 891278774 +132 56 5 891278996 +132 100 4 891278744 +132 124 4 891278996 +132 127 4 891278937 +132 137 4 891278996 +132 151 3 891278774 +132 154 4 891278996 +132 175 3 891278807 +132 251 4 891278996 +132 275 3 891278915 +132 285 4 891278996 +132 286 3 891278680 +132 484 4 891278807 +132 521 4 891278996 +132 523 4 891278996 +132 664 5 891278996 +132 806 3 891278896 +132 922 5 891278996 +132 1019 3 891278867 +132 1154 3 891278896 +133 243 3 890589035 +133 245 3 890588878 +133 258 5 890588639 +133 260 1 890588878 +133 269 4 890588766 +133 271 5 890588766 +133 272 5 890588672 +133 294 3 890588852 +133 300 3 890588577 +133 304 3 890588639 +133 308 4 890588639 +133 313 3 890588524 +133 315 4 890588524 +133 316 4 890588928 +133 322 2 890588852 +133 328 3 890588577 +133 343 2 890589188 +133 346 3 890588577 +133 355 2 890588928 +133 749 4 890588720 +133 750 4 890588720 +133 751 3 890588547 +133 902 3 890588672 +134 1 5 891732756 +134 15 5 891732726 +134 258 4 891732122 +134 259 2 891732393 +134 286 3 891732334 +134 300 3 891732220 +134 301 2 891732296 +134 302 2 891732150 +134 313 5 891732150 +134 315 3 891732122 +134 316 4 891732418 +134 323 4 891732335 +134 326 5 891732296 +134 328 4 891732335 +134 338 4 891732532 +134 339 2 891732507 +134 539 4 891732335 +134 748 5 891732365 +134 751 5 891732335 +134 879 4 891732393 +134 892 2 891732532 +135 5 3 879857868 +135 12 4 879857764 +135 23 4 879857765 +135 33 3 879857930 +135 38 3 879858003 +135 39 3 879857931 +135 54 3 879858003 +135 55 4 879857797 +135 56 4 879857765 +135 77 4 879858003 +135 79 3 879857843 +135 98 5 879857765 +135 173 4 879857723 +135 176 4 879857765 +135 183 4 879857723 +135 185 4 879857797 +135 203 4 879857797 +135 226 3 879857956 +135 227 3 879857843 +135 228 4 879857797 +135 229 2 879857843 +135 230 3 879857843 +135 233 3 879857843 +135 234 4 879857797 +135 258 4 879857575 +135 260 3 879857575 +135 265 3 879857797 +135 288 3 879857575 +135 294 4 879857575 +135 321 4 879857575 +135 324 3 879857575 +135 325 4 879857575 +135 327 4 879857575 +135 379 2 879857956 +135 431 2 879857868 +135 443 4 879857868 +135 449 3 879857843 +135 452 2 879857843 +135 470 4 879857931 +135 475 4 879857592 +135 504 4 879857843 +135 564 1 879857956 +135 566 3 879857930 +135 603 4 879857765 +135 642 4 879857868 +135 653 4 879857765 +135 744 4 879857612 +135 802 2 879858003 +135 939 4 879857797 +135 943 3 879857931 +135 1046 3 879858003 +135 1208 3 879858003 +135 1217 2 879857956 +136 9 5 882693429 +136 14 5 882693338 +136 15 4 882693723 +136 19 4 882693529 +136 42 3 882848866 +136 56 4 882848783 +136 89 4 882848925 +136 100 5 882693338 +136 116 5 882693723 +136 117 4 882694498 +136 124 5 882693489 +136 127 5 882693404 +136 137 5 882693339 +136 204 4 882848866 +136 223 4 882848820 +136 237 4 882693597 +136 257 3 882693234 +136 258 5 882693234 +136 269 5 882693234 +136 275 4 882693723 +136 276 5 882693489 +136 283 4 882693529 +136 286 5 882693234 +136 298 4 882693569 +136 303 4 882693234 +136 313 2 882693234 +136 318 5 882848820 +136 475 4 882693339 +136 515 5 882694387 +136 525 5 882848925 +136 647 5 882848783 +136 744 5 882693569 +136 747 4 882848866 +136 847 4 882693371 +136 1142 4 882693569 +137 1 3 881433048 +137 15 4 881432965 +137 50 5 881432937 +137 51 1 881433605 +137 55 5 881433689 +137 79 5 881433689 +137 89 5 881433719 +137 117 5 881433015 +137 121 5 881432881 +137 144 5 881433689 +137 172 5 881433719 +137 174 5 881433654 +137 181 5 881433015 +137 183 5 881433689 +137 195 5 881433689 +137 210 5 881433654 +137 222 5 881432908 +137 235 5 881433357 +137 237 4 881432965 +137 243 4 881432790 +137 249 4 881433387 +137 250 5 881433015 +137 257 5 881433048 +137 260 3 881432735 +137 261 5 882805603 +137 266 5 881432735 +137 300 5 881432524 +137 327 4 881432671 +137 385 5 881433719 +137 405 5 881433336 +137 411 5 881433490 +137 472 4 881433336 +137 476 1 881433524 +137 546 5 881433116 +137 597 5 881432987 +137 680 5 881432735 +137 687 4 881432756 +137 690 2 881432482 +137 748 4 881432626 +137 866 3 881433090 +137 892 3 882809210 +137 1028 5 881433409 +137 1117 2 881433435 +138 12 5 879024232 +138 13 4 879023345 +138 15 4 879023389 +138 26 5 879024232 +138 45 5 879024232 +138 56 5 879024232 +138 98 5 879024043 +138 100 5 879022956 +138 111 4 879022890 +138 116 2 879022956 +138 117 4 879023245 +138 121 4 879023558 +138 133 4 879024043 +138 137 5 879023131 +138 147 4 879023779 +138 150 3 879023131 +138 151 4 879023389 +138 182 4 879023948 +138 185 4 879023853 +138 187 5 879024043 +138 194 5 879024184 +138 211 4 879024183 +138 222 4 879023345 +138 238 5 879024382 +138 285 4 879023245 +138 318 5 879024183 +138 357 4 879024327 +138 435 5 879024232 +138 483 5 879024280 +138 484 4 879024127 +138 487 3 879023853 +138 493 4 879024382 +138 496 4 879024043 +138 497 5 879023947 +138 509 4 879024232 +138 513 5 879024043 +138 514 5 879024043 +138 517 4 879024279 +138 518 4 879024327 +138 519 5 879024043 +138 523 5 879024043 +138 602 4 879024382 +138 603 4 879024184 +138 614 4 879024184 +138 617 4 879024128 +138 662 4 879024128 +138 742 4 879023245 +139 100 5 879538199 +139 127 5 879538578 +139 150 4 879538327 +139 222 3 879538199 +139 242 3 879537876 +139 246 4 879538218 +139 268 4 879537876 +139 286 4 879537844 +139 288 4 879537918 +139 296 4 879538218 +139 297 5 879538275 +139 302 3 879537844 +139 303 5 879538021 +139 307 4 879537876 +139 458 4 879538578 +139 460 3 879538199 +139 475 5 879538415 +139 508 4 879538255 +139 676 4 879538275 +139 740 2 879538254 +139 744 5 879538169 +139 1176 4 879538080 +139 1233 5 879537844 +140 245 3 879013720 +140 258 3 879013617 +140 268 4 879013684 +140 286 5 879013617 +140 288 3 879013617 +140 289 4 879013719 +140 294 3 879013651 +140 301 3 879013747 +140 302 4 879013617 +140 303 5 879013684 +140 304 4 879013747 +140 319 4 879013617 +140 321 4 879013651 +140 322 3 879013684 +140 325 3 879013719 +140 332 3 879013617 +140 334 2 879013684 +140 872 3 879013651 +140 873 2 879013719 +140 880 4 879013832 +140 988 3 879013719 +141 1 3 884584753 +141 7 5 884584981 +141 15 5 884584981 +141 25 5 884585105 +141 50 4 884584735 +141 100 4 884584688 +141 106 5 884585195 +141 117 4 884584929 +141 118 5 884585274 +141 120 4 884585547 +141 121 4 884585071 +141 125 5 884585642 +141 126 5 884585642 +141 127 2 884584735 +141 147 4 884584906 +141 151 2 884585039 +141 181 4 884584709 +141 222 4 884584865 +141 225 3 884585523 +141 235 1 884585437 +141 237 4 884584865 +141 244 5 884585247 +141 245 3 884584426 +141 248 3 884585039 +141 250 4 884585128 +141 252 4 884585195 +141 255 4 884585039 +141 257 3 884584773 +141 258 5 884584338 +141 259 1 886447904 +141 261 1 886447904 +141 274 5 884585220 +141 276 1 884584817 +141 279 1 884584817 +141 281 4 884584865 +141 282 5 884585642 +141 284 5 884585071 +141 286 4 884584247 +141 288 3 884584386 +141 290 1 884584817 +141 291 5 884585220 +141 292 1 884584906 +141 293 2 884584735 +141 294 4 884584247 +141 295 5 884585039 +141 298 5 884584790 +141 300 5 887424721 +141 313 5 884584271 +141 322 4 884584426 +141 323 4 884584480 +141 328 4 886447679 +141 330 1 886447735 +141 333 5 887424639 +141 335 1 886447735 +141 346 1 886447613 +141 405 3 884585105 +141 410 4 884585195 +141 471 4 884585039 +141 472 5 884585274 +141 476 3 884585498 +141 535 5 884585195 +141 546 4 884585470 +141 591 4 884584865 +141 597 4 884585071 +141 619 4 884585039 +141 676 5 884585001 +141 678 4 884584480 +141 696 4 884585498 +141 717 4 884585470 +141 742 4 884584930 +141 744 5 884584981 +141 748 3 884584664 +141 750 1 886447564 +141 756 3 884585363 +141 815 4 884585070 +141 823 3 884585437 +141 825 4 884585247 +141 826 2 884585437 +141 831 2 884585470 +141 864 3 884585128 +141 866 5 884585071 +141 871 3 884585148 +141 872 1 886447698 +141 880 1 886447847 +141 926 4 884585300 +141 930 4 884585247 +141 932 3 884585128 +141 974 4 884585300 +141 985 4 884585363 +141 988 3 884584460 +141 1013 1 884585470 +141 1014 3 884585572 +141 1040 3 884585547 +141 1047 4 884585220 +141 1059 1 884584886 +141 1142 1 884584688 +141 1244 3 884585364 +141 1258 4 884585071 +141 1283 3 884585168 +142 7 4 888640489 +142 28 4 888640404 +142 55 2 888640489 +142 82 4 888640356 +142 89 3 888640489 +142 91 5 888640404 +142 124 4 888640379 +142 134 5 888640356 +142 169 5 888640356 +142 176 5 888640455 +142 181 5 888640317 +142 186 4 888640430 +142 189 4 888640317 +142 243 1 888640199 +142 259 3 888640104 +142 268 5 888639837 +142 288 3 888639837 +142 294 3 888640054 +142 315 3 888639837 +142 322 2 888640054 +142 333 5 888639968 +142 338 2 888640199 +142 346 5 888639815 +142 350 4 888639882 +142 358 2 888640178 +142 362 3 888639920 +142 408 4 888640379 +142 425 4 888640489 +142 463 3 888640489 +142 514 5 888640317 +142 895 4 888640143 +143 271 4 888407708 +143 272 4 888407586 +143 294 3 888407708 +143 313 5 888407586 +143 315 4 888407542 +143 323 3 888407656 +143 325 5 888407741 +143 326 5 888407708 +143 328 4 888407656 +143 331 5 888407622 +143 333 5 888407708 +143 347 5 888407741 +143 682 3 888407741 +143 690 2 888407622 +143 1038 3 888407656 +144 1 4 888104063 +144 4 4 888105873 +144 8 4 888105612 +144 14 4 888104122 +144 15 4 888104150 +144 19 4 888103929 +144 20 4 888104559 +144 22 5 888105439 +144 24 4 888104541 +144 31 3 888105823 +144 32 4 888105287 +144 33 5 888105902 +144 48 5 888105197 +144 50 5 888103929 +144 54 2 888105473 +144 55 4 888105254 +144 59 4 888105197 +144 61 3 888106182 +144 62 2 888105902 +144 64 5 888105140 +144 65 4 888106182 +144 66 4 888106078 +144 68 2 888105665 +144 69 5 888105140 +144 70 4 888105587 +144 72 4 888105338 +144 73 3 888105636 +144 87 5 888105548 +144 89 3 888105691 +144 91 2 888106106 +144 93 1 888104032 +144 96 5 888105691 +144 98 4 888105587 +144 105 2 888104767 +144 106 3 888104684 +144 116 4 888104258 +144 117 4 888103969 +144 124 4 888104063 +144 125 4 888104191 +144 127 4 888105823 +144 129 4 888104234 +144 135 5 888105364 +144 137 4 888104150 +144 144 4 888105254 +144 147 3 888104402 +144 153 5 888105823 +144 160 2 888106181 +144 165 4 888105993 +144 170 4 888105364 +144 172 4 888105312 +144 173 5 888105902 +144 176 4 888105338 +144 180 4 888105873 +144 181 4 888104032 +144 182 3 888105743 +144 183 4 888105140 +144 187 4 888105312 +144 190 5 888105714 +144 191 4 888105081 +144 193 4 888105287 +144 194 5 888105287 +144 195 5 888105081 +144 196 4 888105743 +144 197 4 888106106 +144 198 4 888105287 +144 204 2 888105116 +144 209 2 888105116 +144 212 5 888105993 +144 213 4 888105387 +144 215 4 888105714 +144 216 4 888105691 +144 221 3 888104087 +144 234 4 888105115 +144 237 4 888104258 +144 242 4 888103444 +144 244 3 888104588 +144 251 4 888103929 +144 257 4 888104258 +144 258 4 888103371 +144 262 3 888103444 +144 271 2 888103632 +144 273 4 888104213 +144 274 3 888104382 +144 280 1 888104625 +144 281 3 888104191 +144 282 4 888104123 +144 285 4 888103969 +144 286 4 888103370 +144 288 2 888103509 +144 293 4 888104283 +144 294 4 888103573 +144 297 4 888104150 +144 298 3 888103988 +144 300 3 888103370 +144 302 3 888103530 +144 303 4 888103407 +144 304 4 888103466 +144 307 1 888103407 +144 313 5 888103407 +144 316 5 888103666 +144 318 5 888105419 +144 319 3 888103509 +144 326 4 888103530 +144 327 3 888103444 +144 328 3 888103407 +144 333 3 888103371 +144 343 2 888103725 +144 357 4 888105254 +144 393 4 888105743 +144 403 3 888105636 +144 405 4 888104419 +144 410 3 888104521 +144 411 4 888104588 +144 423 5 888105714 +144 435 4 888105387 +144 454 3 888105993 +144 461 4 888106044 +144 466 2 888105823 +144 470 2 888105993 +144 471 4 888104213 +144 474 4 888105311 +144 475 1 888104032 +144 476 2 888104625 +144 478 4 888105337 +144 480 4 888106322 +144 500 4 888105419 +144 508 4 888104150 +144 514 5 888105197 +144 516 2 888105197 +144 518 3 888106182 +144 521 4 888105312 +144 523 5 888105338 +144 524 5 888105081 +144 527 5 888105665 +144 528 4 888105846 +144 531 5 888105473 +144 533 4 888104258 +144 588 4 888105549 +144 591 3 888104122 +144 597 4 888104191 +144 632 4 888105472 +144 647 4 888105338 +144 651 4 888105197 +144 654 4 888105823 +144 655 5 888105116 +144 685 3 888105473 +144 690 3 888103573 +144 699 4 888106106 +144 707 3 888106322 +144 709 4 888105940 +144 713 4 888104322 +144 727 3 888105765 +144 729 4 888105665 +144 742 4 888104122 +144 747 5 888105473 +144 750 4 888103444 +144 751 4 888103725 +144 760 2 888104283 +144 762 3 888104940 +144 778 4 888106044 +144 785 4 888106016 +144 815 1 888104659 +144 823 3 888104659 +144 831 3 888104805 +144 845 4 888104191 +144 847 4 888104063 +144 855 4 888105510 +144 880 5 888103509 +144 900 4 888103371 +144 942 4 888106044 +144 956 4 888105636 +144 960 2 888105784 +144 961 3 888106106 +144 962 4 888105612 +144 963 4 888105254 +144 1010 3 888104834 +144 1012 4 888104521 +144 1013 1 888104446 +144 1016 3 888104322 +144 1039 4 888105587 +144 1065 4 888105714 +144 1101 4 888105312 +144 1138 4 888104684 +144 1142 5 888103968 +144 1147 4 888105587 +144 1169 4 888106044 +144 1197 4 888104322 +144 1226 4 888104737 +144 1284 3 888104446 +144 1285 3 888105922 +144 1286 4 888105846 +145 1 3 882181396 +145 3 3 875271562 +145 5 3 875272196 +145 7 5 875270429 +145 9 2 875270394 +145 11 5 875273120 +145 12 5 882182917 +145 13 5 875270507 +145 15 2 875270655 +145 17 3 875272132 +145 22 5 875273021 +145 23 4 875271896 +145 25 2 875270655 +145 31 5 875271896 +145 38 3 888398747 +145 39 4 875271838 +145 42 5 882181785 +145 44 5 875272132 +145 49 3 875272926 +145 50 5 885557660 +145 51 3 875272786 +145 53 2 875272245 +145 54 5 888398669 +145 56 5 875271896 +145 59 1 882181695 +145 62 2 885557699 +145 64 4 882181785 +145 66 4 875272786 +145 69 5 882181632 +145 77 3 875272348 +145 79 5 875271838 +145 88 5 875272833 +145 89 4 882181605 +145 96 5 882181728 +145 97 5 875272652 +145 100 5 875270458 +145 105 2 875271442 +145 109 4 875270903 +145 111 3 875270322 +145 117 5 875270655 +145 120 2 888398563 +145 121 2 875270507 +145 122 1 888398307 +145 123 4 879161848 +145 134 4 882181695 +145 135 5 885557731 +145 150 5 875270655 +145 156 5 875271896 +145 159 4 875272299 +145 164 4 875271948 +145 172 5 882181632 +145 173 5 875272604 +145 174 5 882181728 +145 176 5 875271838 +145 181 5 875270507 +145 182 5 885622510 +145 183 5 875272009 +145 185 4 875271838 +145 195 5 882181728 +145 200 4 877343121 +145 202 4 875272694 +145 203 5 875271948 +145 209 4 882181659 +145 212 2 875272786 +145 216 5 875272694 +145 217 3 877343156 +145 218 3 877343121 +145 219 5 877343185 +145 229 3 885557699 +145 230 5 885557660 +145 234 5 875271948 +145 235 4 875270507 +145 236 1 888397981 +145 237 5 875270570 +145 238 4 882181859 +145 242 5 875269755 +145 246 4 888397946 +145 249 4 875270832 +145 250 5 882182944 +145 257 5 875270932 +145 258 4 875269755 +145 259 3 875269871 +145 260 4 875269871 +145 265 5 875272131 +145 266 3 877343000 +145 268 4 888396828 +145 269 5 879161576 +145 270 5 879161577 +145 273 5 875270322 +145 274 3 875270800 +145 275 2 885557505 +145 276 1 882182634 +145 278 4 875272871 +145 281 4 875272299 +145 282 5 875270570 +145 284 4 888398104 +145 286 3 875269755 +145 293 4 875270276 +145 294 4 875269871 +145 298 1 885557579 +145 299 4 875269822 +145 300 3 875269755 +145 301 4 877342952 +145 302 4 879161553 +145 304 2 885557505 +145 312 3 885622510 +145 313 4 883840638 +145 315 5 883840797 +145 316 5 888396966 +145 327 5 875269822 +145 328 5 875270006 +145 329 4 888397542 +145 331 3 879161554 +145 333 2 885557626 +145 338 3 882181335 +145 339 3 882181058 +145 342 4 882181205 +145 343 5 882181082 +145 346 5 883840638 +145 347 3 891509921 +145 348 4 888397542 +145 352 4 885556043 +145 354 4 891509877 +145 355 3 888396967 +145 356 4 875272299 +145 363 4 875271607 +145 368 3 888398492 +145 379 3 875272299 +145 380 3 885557699 +145 393 5 875273174 +145 394 1 888398833 +145 405 3 875270970 +145 406 3 875270692 +145 407 2 888398400 +145 410 4 875270616 +145 411 2 875271522 +145 412 4 888398492 +145 413 3 877343280 +145 431 5 875272132 +145 443 3 882182658 +145 447 5 877343185 +145 448 5 877343121 +145 450 3 885557660 +145 452 3 882182762 +145 454 1 885557699 +145 460 1 875271312 +145 470 5 875272299 +145 471 4 885622707 +145 472 3 875271128 +145 477 2 888398069 +145 486 3 882181659 +145 510 4 882181859 +145 515 5 875270394 +145 544 4 875271312 +145 549 5 875272786 +145 552 5 888398747 +145 553 3 875272786 +145 554 3 875272245 +145 558 2 877343121 +145 559 2 877343156 +145 563 3 877343280 +145 566 5 875272010 +145 569 4 877343156 +145 572 5 888398747 +145 574 2 888398833 +145 591 4 879161848 +145 592 3 888398867 +145 595 3 885557505 +145 597 4 875271477 +145 603 5 875272009 +145 620 3 875271660 +145 631 4 885557626 +145 635 4 875272349 +145 637 3 882182689 +145 642 3 875272010 +145 650 4 875273120 +145 652 5 882181571 +145 665 5 877343212 +145 672 3 882182689 +145 673 4 875272299 +145 674 4 877343184 +145 678 2 879161675 +145 680 3 875269871 +145 682 3 879161624 +145 683 3 879161674 +145 684 5 875273174 +145 685 4 875271229 +145 687 2 882181335 +145 688 4 875269822 +145 690 4 877342952 +145 692 2 885557505 +145 696 3 875271442 +145 713 4 875270616 +145 717 3 888398702 +145 727 2 875272652 +145 728 2 875272988 +145 731 3 875272833 +145 732 4 875272833 +145 737 2 875272833 +145 738 3 875272927 +145 739 2 875272927 +145 740 2 875272786 +145 743 1 888398516 +145 750 4 885555884 +145 751 4 883840666 +145 752 4 888396828 +145 754 3 882181058 +145 756 2 885557506 +145 760 2 888398123 +145 761 4 882182850 +145 762 3 875272926 +145 763 4 875271047 +145 764 2 888398257 +145 767 2 879161882 +145 769 2 877343280 +145 770 1 875272245 +145 771 2 888398867 +145 789 4 875272132 +145 796 3 875272833 +145 800 2 875272349 +145 816 5 877343156 +145 820 2 885557732 +145 823 3 875271397 +145 825 4 875271477 +145 826 2 875271312 +145 827 2 888398238 +145 831 1 888398329 +145 859 3 882182763 +145 869 4 875272926 +145 877 2 885557506 +145 879 5 877343000 +145 890 2 885557505 +145 892 2 885557505 +145 894 1 883840965 +145 895 3 883840687 +145 896 2 888396828 +145 898 1 885555980 +145 924 2 875270508 +145 926 3 875271094 +145 928 3 879161848 +145 929 2 888398069 +145 930 2 888398833 +145 933 1 875270276 +145 934 1 875270394 +145 939 4 875272050 +145 943 3 875272050 +145 949 4 875272652 +145 974 1 882182634 +145 977 3 879161931 +145 979 3 879161882 +145 983 1 879161805 +145 988 1 891510040 +145 993 3 875270616 +145 1001 4 875271607 +145 1002 1 888398400 +145 1009 2 875270764 +145 1011 5 888398162 +145 1012 4 875270322 +145 1023 1 885557545 +145 1025 4 877343020 +145 1028 5 875271607 +145 1040 1 888398492 +145 1046 4 888398702 +145 1047 3 875270764 +145 1051 2 888398087 +145 1054 1 888398563 +145 1057 1 875271312 +145 1073 5 875272009 +145 1077 3 875272245 +145 1087 1 875271357 +145 1090 2 888398833 +145 1102 1 888398162 +145 1132 3 875271522 +145 1208 4 875272196 +145 1210 1 888398766 +145 1212 2 875272196 +145 1215 2 888398400 +145 1217 2 875272349 +145 1245 5 875271397 +145 1248 3 875272195 +145 1273 5 875272196 +145 1279 1 875270903 +145 1283 1 875270903 +145 1287 2 888398563 +145 1288 4 888398197 +145 1289 1 875271660 +145 1290 1 875272732 +145 1291 3 888398563 +145 1292 1 875271357 +146 245 5 891458080 +146 258 4 891457714 +146 262 4 891457714 +146 271 3 891457749 +146 272 5 891457538 +146 286 3 891457493 +146 294 1 891457668 +146 300 3 891457943 +146 301 2 891457905 +146 302 4 891457538 +146 307 3 891457905 +146 311 4 891457714 +146 313 4 891457591 +146 315 5 891458193 +146 319 4 891457538 +146 328 3 891458079 +146 331 5 891458193 +146 336 5 891458193 +146 340 4 891457714 +146 342 1 891457978 +146 345 4 891457538 +146 346 4 891457591 +146 347 3 891457493 +146 688 1 891457749 +146 1022 5 891458193 +146 1293 5 891458080 +146 1294 4 891457749 +147 258 4 885594040 +147 269 4 885593812 +147 270 3 885594204 +147 286 5 885594040 +147 292 5 885594040 +147 301 5 885594204 +147 302 4 885593845 +147 304 5 885593942 +147 305 4 885593997 +147 313 4 885593965 +147 319 4 885593812 +147 339 5 885594204 +147 340 4 885593965 +147 345 4 885594040 +147 690 4 885593965 +147 750 5 885593812 +147 751 2 885593965 +147 898 5 885593965 +147 904 5 885594015 +147 937 3 885593997 +148 1 4 877019411 +148 7 5 877017054 +148 8 4 877020297 +148 50 5 877016805 +148 56 5 877398212 +148 69 5 877019101 +148 70 5 877021271 +148 71 5 877019251 +148 78 1 877399018 +148 89 5 877398587 +148 98 3 877017714 +148 114 5 877016735 +148 116 5 877398648 +148 127 1 877399351 +148 132 4 877020715 +148 135 5 877016514 +148 140 1 877019882 +148 151 4 877400124 +148 163 4 877021402 +148 164 4 877398444 +148 168 5 877015900 +148 169 5 877020297 +148 172 5 877016513 +148 173 5 877017054 +148 175 4 877016259 +148 177 2 877020715 +148 181 5 877399135 +148 185 1 877398385 +148 190 2 877398586 +148 194 5 877015066 +148 204 3 877016912 +148 209 5 877398648 +148 214 5 877019882 +148 222 4 877398901 +148 227 4 877399083 +148 228 4 877016514 +148 234 3 877020297 +148 357 5 877016735 +148 408 5 877399018 +148 418 3 877019251 +148 432 5 877019698 +148 473 5 877399322 +148 474 5 877019882 +148 495 4 877016735 +148 496 3 877015066 +148 501 4 877020297 +148 507 5 877398587 +148 509 5 877016605 +148 521 1 877398836 +148 529 5 877398901 +148 549 3 877398385 +148 588 4 877399018 +148 596 5 877020297 +148 663 5 877399018 +148 713 3 877021535 +148 993 4 877400154 +148 1012 4 877400154 +148 1039 2 877015784 +148 1149 5 877016513 +149 262 1 883512623 +149 268 4 883512715 +149 269 5 883512557 +149 286 5 883512591 +149 300 3 883512715 +149 301 3 883512813 +149 302 4 883512623 +149 305 4 883512658 +149 308 2 883512658 +149 310 2 883512689 +149 311 3 883512752 +149 312 1 883512950 +149 319 2 883512658 +149 321 2 883512856 +149 323 2 883512928 +149 325 2 883512834 +149 326 3 883512856 +149 327 2 883512689 +149 328 2 883512689 +149 333 1 883512591 +149 337 2 883512968 +149 338 2 883512904 +149 346 4 883512658 +149 678 2 883512928 +149 689 2 883512950 +149 874 3 883512752 +149 896 4 883512689 +149 1295 3 883512813 +149 1296 3 883512752 +150 1 4 878746441 +150 13 4 878746889 +150 14 4 878746889 +150 50 5 878746719 +150 93 4 878746889 +150 100 2 878746636 +150 121 2 878747322 +150 127 5 878746889 +150 129 4 878746946 +150 147 4 878746442 +150 151 4 878746824 +150 181 5 878746685 +150 221 4 878747017 +150 235 4 878746792 +150 246 5 878746719 +150 268 5 878746257 +150 273 4 878746764 +150 276 5 878746982 +150 278 2 878746889 +150 288 4 878746174 +150 291 4 878746764 +150 293 4 878746946 +150 319 4 878746174 +150 324 4 878746225 +150 325 1 878747322 +150 410 4 878747090 +150 458 4 878746720 +150 475 5 878746764 +150 628 4 878747018 +151 1 5 879524151 +151 7 4 879524610 +151 9 4 879524199 +151 10 5 879524921 +151 12 5 879524368 +151 13 3 879542688 +151 14 5 879524325 +151 15 4 879524879 +151 25 4 879528496 +151 26 3 879542252 +151 28 4 879524199 +151 31 3 879524713 +151 33 5 879543181 +151 47 3 879528459 +151 49 3 879543055 +151 50 5 879525034 +151 51 4 879543055 +151 52 5 879524586 +151 58 4 879524849 +151 64 5 879524536 +151 65 4 879528729 +151 66 4 879524974 +151 69 4 879524368 +151 70 4 879524947 +151 73 4 879528909 +151 79 4 879524642 +151 81 5 879524293 +151 82 3 879524819 +151 83 5 879524611 +151 86 5 879524345 +151 87 4 879524420 +151 88 5 879542645 +151 89 5 879524491 +151 91 2 879542796 +151 93 5 879525002 +151 97 5 879528801 +151 98 4 879524088 +151 100 3 879524514 +151 111 4 879542775 +151 114 5 879524268 +151 118 3 879542588 +151 121 5 879525054 +151 124 5 879524491 +151 131 5 879525075 +151 132 5 879524669 +151 133 5 879524797 +151 134 4 879524131 +151 135 5 879524471 +151 136 4 879524293 +151 137 5 879528754 +151 143 5 879524878 +151 147 2 879524947 +151 151 5 879524760 +151 152 3 879525075 +151 153 3 879524326 +151 154 4 879524642 +151 160 4 879542670 +151 162 5 879528779 +151 163 4 879542723 +151 164 5 879542984 +151 168 5 879528495 +151 169 5 879524268 +151 170 5 879524669 +151 171 5 879524921 +151 172 5 879524325 +151 173 5 879524130 +151 175 5 879524244 +151 176 2 879524293 +151 178 5 879524586 +151 181 5 879524394 +151 183 3 879524642 +151 185 4 879528801 +151 186 4 879524222 +151 189 5 879528495 +151 190 4 879528673 +151 191 3 879524326 +151 193 4 879524491 +151 194 4 879524443 +151 195 3 879524642 +151 196 4 879542670 +151 197 5 879528710 +151 198 4 879524472 +151 199 3 879524563 +151 200 3 879525002 +151 202 5 879542753 +151 203 3 879524471 +151 204 4 879524641 +151 208 4 879524443 +151 209 4 879524443 +151 210 4 879524419 +151 211 5 879528588 +151 213 5 879524849 +151 215 3 879524420 +151 216 4 879524713 +151 222 5 879525002 +151 223 5 879524088 +151 224 5 879524293 +151 227 5 879542670 +151 228 5 879524345 +151 230 3 879528647 +151 231 1 879543366 +151 234 4 879524819 +151 238 5 879542286 +151 241 3 879542645 +151 260 1 879523998 +151 265 5 879542566 +151 274 5 879542369 +151 275 5 879524443 +151 286 5 879523838 +151 287 4 879528754 +151 290 1 879543400 +151 300 4 879523942 +151 301 4 879523925 +151 302 3 879523860 +151 317 5 879524610 +151 318 5 879524088 +151 321 4 879523900 +151 322 2 881771160 +151 328 3 879523838 +151 356 2 879528852 +151 357 5 879524585 +151 372 5 879524819 +151 378 4 879528520 +151 380 5 879543146 +151 381 5 879528754 +151 382 4 879528754 +151 387 5 879542353 +151 393 2 879528692 +151 402 3 879543423 +151 405 3 879543055 +151 408 5 879524222 +151 411 4 879543228 +151 414 5 879542474 +151 417 3 879543075 +151 419 3 879524878 +151 420 5 879524760 +151 425 4 879528647 +151 428 5 879542510 +151 429 5 879528673 +151 430 4 879528418 +151 432 5 879524610 +151 433 3 879542510 +151 435 4 879524131 +151 443 5 879524947 +151 448 2 879528779 +151 451 5 879542707 +151 461 4 879524738 +151 462 4 879524088 +151 463 5 879525002 +151 464 4 879524089 +151 466 5 879528496 +151 469 1 879528852 +151 470 3 879528674 +151 473 4 879524974 +151 474 5 879524222 +151 476 3 879543423 +151 478 5 879524471 +151 480 5 879524151 +151 481 3 879524669 +151 482 4 879524345 +151 483 5 879524244 +151 484 4 879524563 +151 485 5 879525002 +151 486 5 879525002 +151 487 5 879524669 +151 488 4 879524900 +151 489 5 879528623 +151 490 5 879528418 +151 491 4 879524536 +151 492 3 879524738 +151 494 4 879524244 +151 496 4 879524974 +151 497 5 879524325 +151 498 5 879524150 +151 499 5 879524585 +151 503 3 879524199 +151 504 4 879528868 +151 505 5 879528909 +151 506 4 879524900 +151 507 5 879524394 +151 509 4 879524778 +151 512 5 879524712 +151 514 4 879524797 +151 516 5 879542707 +151 517 2 879542588 +151 522 5 879524443 +151 523 5 879524173 +151 525 4 879528570 +151 528 5 879524849 +151 529 5 879542610 +151 531 3 879524738 +151 546 2 879543400 +151 549 4 879543324 +151 559 2 879543075 +151 561 3 879543342 +151 566 3 879528890 +151 582 5 879524563 +151 584 3 879525035 +151 602 4 879542688 +151 603 5 879524641 +151 605 4 879528909 +151 606 5 879528496 +151 609 4 879525075 +151 610 5 879528607 +151 614 4 879528729 +151 627 2 879542796 +151 628 5 879528674 +151 631 3 879524849 +151 632 4 879528779 +151 633 5 879528801 +151 638 5 879528819 +151 642 3 879524713 +151 652 5 879524472 +151 654 4 879524514 +151 655 4 879542645 +151 657 5 879524760 +151 659 5 879524974 +151 660 4 879524199 +151 661 4 879524419 +151 662 4 879525054 +151 664 5 879524713 +151 675 2 879524368 +151 684 3 879524849 +151 692 3 879524669 +151 699 4 879525035 +151 702 3 879524849 +151 703 4 879542460 +151 705 5 879524778 +151 707 4 879528537 +151 709 5 879524778 +151 716 2 879528778 +151 724 4 879542270 +151 729 4 879542492 +151 732 4 879542775 +151 735 5 879528438 +151 736 4 879542389 +151 741 2 879524394 +151 747 3 879524564 +151 748 2 879523925 +151 755 3 879543366 +151 761 3 879542813 +151 770 4 879542527 +151 775 2 879543366 +151 781 3 879543181 +151 782 4 879542566 +151 792 4 879524268 +151 813 4 879524222 +151 826 1 879543212 +151 835 5 879524199 +151 836 4 879524514 +151 837 4 879524642 +151 845 4 879525035 +151 847 5 879528459 +151 919 5 879524368 +151 922 4 879542847 +151 929 3 879543457 +151 939 4 879524514 +151 952 3 879528729 +151 953 5 879524948 +151 956 4 879542567 +151 962 1 879524394 +151 965 5 879524849 +151 966 4 879543457 +151 969 5 879542510 +151 971 5 879528607 +151 972 4 879543366 +151 1006 1 879524974 +151 1017 2 879542939 +151 1039 4 879524471 +151 1041 3 879543306 +151 1044 2 879524900 +151 1050 4 879524879 +151 1065 3 879542413 +151 1070 4 879524174 +151 1074 2 879543342 +151 1098 1 879528890 +151 1101 4 879524586 +151 1109 4 879542414 +151 1113 4 879542891 +151 1197 5 879542753 +151 1203 5 879542670 +151 1264 4 879542389 +151 1269 5 879528438 +151 1286 5 879524173 +151 1297 1 879542847 +151 1298 4 879528520 +151 1299 4 879543423 +152 8 5 882829050 +152 15 5 880148843 +152 21 3 880149253 +152 22 5 882828490 +152 25 3 880149045 +152 49 5 882477402 +152 51 4 882476486 +152 66 5 886535773 +152 67 5 882477689 +152 69 5 882474000 +152 71 5 882900320 +152 80 5 882477572 +152 97 5 882475618 +152 98 2 882473974 +152 111 5 880148782 +152 117 4 880148782 +152 120 2 880149686 +152 121 5 880149166 +152 125 5 880149165 +152 132 5 882475496 +152 133 5 882474845 +152 143 5 882474378 +152 147 3 880149045 +152 151 4 880148735 +152 153 4 880149924 +152 155 5 884018390 +152 157 5 882476486 +152 161 5 882476363 +152 162 5 882474898 +152 167 5 882477430 +152 173 5 882474378 +152 191 5 880149963 +152 204 4 882474587 +152 215 5 880149882 +152 220 5 884035907 +152 234 4 882474970 +152 237 5 880148734 +152 241 4 884035579 +152 255 5 884035936 +152 272 5 890322298 +152 274 5 880149166 +152 275 4 880148664 +152 278 4 880149166 +152 280 5 880148941 +152 284 5 880149045 +152 286 5 875562268 +152 301 3 880147407 +152 313 4 890322242 +152 319 2 890322385 +152 354 3 890322242 +152 364 4 884019146 +152 371 4 882477356 +152 401 3 884018905 +152 402 5 882829501 +152 410 4 882478038 +152 411 4 880149350 +152 412 2 880149328 +152 423 5 882899511 +152 451 5 882476911 +152 483 5 882474435 +152 487 5 882474587 +152 504 4 882476261 +152 527 4 882477356 +152 549 4 882476261 +152 559 1 882475972 +152 568 5 882829846 +152 632 4 882474734 +152 660 5 880150075 +152 685 5 880149074 +152 692 5 880149963 +152 699 5 882476911 +152 716 5 884019001 +152 720 5 882477356 +152 739 5 882475924 +152 740 4 880149197 +152 775 4 884018798 +152 778 3 882476683 +152 780 5 884019189 +152 781 5 882476486 +152 783 4 884018961 +152 785 5 886535773 +152 790 5 884018821 +152 794 5 886535773 +152 845 3 886535827 +152 866 5 880149224 +152 871 3 884018842 +152 944 4 882476632 +152 966 5 882829150 +152 1014 2 880149224 +152 1028 5 880149197 +152 1035 4 882477755 +152 1041 5 882477572 +152 1053 5 882475618 +152 1054 1 880149643 +152 1136 5 882477202 +152 1300 4 886535827 +152 1301 5 884018462 +153 22 2 881371140 +153 50 1 881371140 +153 56 5 881371140 +153 64 5 881371005 +153 79 5 881371198 +153 127 3 881371140 +153 172 1 881371140 +153 174 1 881371140 +153 181 1 881371140 +153 182 5 881371198 +153 187 2 881371198 +153 216 2 881371032 +153 258 5 881371336 +153 265 4 881371032 +153 294 2 881370859 +153 321 3 881370900 +153 322 3 881370900 +153 323 2 881370900 +153 325 2 881370935 +153 357 5 881371059 +153 510 3 881371198 +153 678 2 881370935 +154 50 5 879138657 +154 61 4 879138657 +154 89 5 879138910 +154 135 5 879139003 +154 137 3 879138657 +154 143 3 879139003 +154 152 4 879138832 +154 172 4 879138783 +154 174 5 879138657 +154 175 5 879138784 +154 182 5 879138783 +154 191 4 879138832 +154 197 5 879139003 +154 202 3 879139096 +154 211 4 879139002 +154 238 5 879139040 +154 242 3 879138235 +154 258 3 879138235 +154 286 4 879138235 +154 288 3 879138235 +154 289 2 879138345 +154 302 4 879138235 +154 324 2 879138287 +154 333 3 879138287 +154 357 4 879138713 +154 414 4 879138910 +154 462 3 879138831 +154 474 5 879138783 +154 475 4 879138832 +154 479 4 879138831 +154 480 5 879138784 +154 482 4 879138831 +154 484 4 879139096 +154 488 4 879138831 +154 515 4 879138657 +154 523 5 879138831 +154 527 4 879139040 +154 640 5 879138713 +154 641 5 879138831 +154 642 3 879138910 +154 651 4 879138783 +154 708 4 879139003 +154 806 4 879139040 +154 874 3 879138368 +154 919 4 879138712 +154 945 3 879138713 +155 245 2 879371061 +155 286 4 879370860 +155 288 3 879370860 +155 292 3 879371061 +155 294 3 879371194 +155 300 2 879370963 +155 319 3 879370963 +155 321 4 879370963 +155 322 2 879371261 +155 323 2 879371261 +155 324 2 879370963 +155 325 2 879371261 +155 327 2 879371061 +155 328 2 879370860 +155 331 3 879370860 +155 332 2 879371121 +155 748 2 879371261 +155 872 3 879370860 +155 988 2 879371261 +155 990 3 879371194 +156 9 4 888185735 +156 11 2 888185906 +156 12 3 888185853 +156 22 3 888186093 +156 48 4 888185777 +156 58 4 888185906 +156 64 3 888185677 +156 77 2 888185906 +156 83 3 888185677 +156 86 4 888185854 +156 100 4 888185677 +156 124 3 888185677 +156 137 4 888185735 +156 178 5 888185777 +156 180 5 888185777 +156 187 5 888185778 +156 192 4 888185735 +156 197 5 888185777 +156 205 3 888185735 +156 211 4 888185606 +156 276 3 888185854 +156 317 4 888185906 +156 318 4 888185947 +156 346 3 888185561 +156 357 4 888185677 +156 510 4 888186093 +156 515 3 888185735 +156 528 4 888185906 +156 641 5 888185677 +156 646 4 888185947 +156 651 4 888185906 +156 661 4 888185947 +156 772 3 888185947 +156 806 3 888185777 +157 1 5 874813703 +157 3 3 886890734 +157 25 3 886890787 +157 50 4 886890541 +157 93 3 886890692 +157 100 5 886890650 +157 111 3 886889876 +157 117 5 886890296 +157 118 2 886890439 +157 120 1 886891243 +157 127 5 886890541 +157 137 5 886889876 +157 147 5 886890342 +157 150 5 874813703 +157 235 5 874813703 +157 244 5 886890406 +157 250 1 886890296 +157 255 3 886889876 +157 258 3 886890296 +157 268 5 886889729 +157 269 4 886889876 +157 273 5 886889876 +157 274 4 886890835 +157 276 4 886889876 +157 283 4 886890692 +157 286 5 874813268 +157 289 4 886889876 +157 290 4 886890787 +157 293 5 874813703 +157 298 4 886889876 +157 313 5 886889616 +157 340 5 886889616 +157 405 3 886890342 +157 407 4 886891218 +157 410 4 886890855 +157 475 3 886890650 +157 476 1 886891173 +157 508 5 886890712 +157 515 5 874813477 +157 597 3 886890406 +157 685 3 886890372 +157 740 2 886889876 +157 748 2 886890015 +157 934 2 886890878 +157 1016 5 886890341 +157 1051 4 886890835 +157 1132 3 886891132 +157 1244 3 886891194 +157 1258 5 886891132 +157 1283 2 886891173 +157 1302 5 874813703 +158 1 4 880132443 +158 4 4 880134477 +158 7 5 880132744 +158 8 5 880134948 +158 10 4 880132513 +158 11 4 880134398 +158 20 4 880134261 +158 24 4 880134261 +158 29 3 880134607 +158 38 4 880134607 +158 39 5 880134398 +158 42 3 880134913 +158 50 4 880133306 +158 53 1 880134781 +158 55 4 880134407 +158 62 5 880134759 +158 68 3 880134532 +158 70 4 880135118 +158 72 3 880135118 +158 79 4 880134332 +158 82 5 880134398 +158 83 5 880134913 +158 85 4 880135118 +158 89 5 880133189 +158 92 4 880134407 +158 96 4 880134332 +158 100 5 880132401 +158 111 4 880134261 +158 116 5 880132383 +158 117 3 880132719 +158 118 5 880132638 +158 120 1 880134014 +158 121 4 880132701 +158 123 3 880132488 +158 124 4 880134261 +158 125 3 880132745 +158 127 5 880132356 +158 128 2 880134296 +158 129 5 880132383 +158 137 5 880132443 +158 144 4 880134445 +158 148 4 880132613 +158 149 3 880132383 +158 154 4 880135069 +158 161 2 880134477 +158 163 4 880135044 +158 168 5 880134948 +158 172 4 880134398 +158 173 5 880134913 +158 175 4 880135044 +158 176 4 880134398 +158 177 4 880134407 +158 181 3 880132383 +158 182 5 880134296 +158 183 3 880134332 +158 184 3 880134407 +158 186 3 880134913 +158 187 5 880134332 +158 188 4 880134332 +158 190 5 880134332 +158 194 5 880134913 +158 195 5 880134398 +158 202 5 880135001 +158 204 4 880135001 +158 209 5 880135001 +158 216 3 880134948 +158 221 2 880132421 +158 222 3 880132771 +158 226 3 880134675 +158 227 2 880134499 +158 228 5 880134296 +158 229 3 880134532 +158 230 2 880134445 +158 231 2 880134532 +158 232 3 880134477 +158 233 3 880134477 +158 235 1 880132794 +158 238 5 880134913 +158 239 3 880135093 +158 241 4 880134445 +158 244 4 880132772 +158 250 4 880132356 +158 252 3 880132893 +158 271 4 880132232 +158 273 3 880132356 +158 275 5 880132313 +158 277 4 880132658 +158 283 5 880132421 +158 284 5 880132638 +158 285 5 880132383 +158 286 4 880134261 +158 290 4 880135160 +158 293 4 880132513 +158 294 1 880132193 +158 298 3 880132513 +158 325 4 880133920 +158 367 4 880134913 +158 373 2 880134781 +158 399 3 880134595 +158 403 4 880134650 +158 408 5 880132313 +158 410 3 880132794 +158 414 4 880135118 +158 430 5 880135093 +158 431 5 880134477 +158 433 3 880135044 +158 435 5 880134407 +158 449 2 880134815 +158 450 3 880134815 +158 455 4 880132772 +158 471 4 880132513 +158 472 3 880132659 +158 483 5 880133225 +158 502 4 880135069 +158 510 3 880134296 +158 511 5 880134296 +158 514 3 880135093 +158 516 5 880135044 +158 525 5 880133288 +158 530 4 880134332 +158 544 2 880132638 +158 546 3 880132719 +158 550 3 880134445 +158 562 4 880134607 +158 566 3 880134499 +158 568 4 880134532 +158 570 3 880134445 +158 576 4 880134607 +158 580 4 880135093 +158 583 3 880134477 +158 593 4 880134261 +158 636 4 880134532 +158 652 4 880134966 +158 659 5 880134947 +158 665 2 880134532 +158 684 3 880134332 +158 694 5 880133209 +158 709 5 880135020 +158 729 3 880133116 +158 731 2 880135118 +158 742 4 880134261 +158 744 4 880132462 +158 745 4 880135044 +158 770 5 880134477 +158 797 3 880134701 +158 798 4 880134815 +158 803 3 880134848 +158 809 3 880134675 +158 810 4 880134759 +158 823 2 880132941 +158 825 4 880133029 +158 866 2 880132701 +158 985 4 880134261 +158 1011 4 880132579 +158 1016 3 880132701 +158 1067 4 880134261 +158 1098 4 880135069 +158 1303 3 880134865 +159 7 5 880485861 +159 9 3 880485766 +159 15 5 880485972 +159 24 5 880989865 +159 25 5 880557112 +159 67 1 884026964 +159 72 3 884026946 +159 96 4 884360539 +159 103 1 880557604 +159 111 4 880556981 +159 117 5 880486047 +159 118 4 880557464 +159 121 3 880486071 +159 126 5 880557038 +159 127 5 880989744 +159 195 3 884360539 +159 220 5 880557782 +159 225 4 880557347 +159 237 3 880485766 +159 243 4 880485529 +159 245 5 880485488 +159 249 4 884027269 +159 250 3 881679988 +159 254 3 884026738 +159 255 3 885501660 +159 258 4 893255836 +159 259 4 893255969 +159 260 2 893255969 +159 273 5 880485935 +159 274 3 880557387 +159 276 5 880485824 +159 286 1 880485233 +159 288 3 884026901 +159 289 2 880485415 +159 294 4 884026788 +159 298 5 880557386 +159 301 2 880485344 +159 310 5 880989865 +159 319 1 880485290 +159 322 5 880485443 +159 323 4 880485443 +159 326 3 880485345 +159 328 3 893255993 +159 333 5 893255761 +159 358 1 893255969 +159 364 1 884026964 +159 405 5 880557564 +159 411 3 880557677 +159 412 3 880557824 +159 451 5 884360502 +159 456 3 880557848 +159 471 4 880485861 +159 476 5 880557564 +159 546 4 880557621 +159 588 2 884027316 +159 595 5 880486009 +159 597 5 880989838 +159 628 3 880486071 +159 678 5 880485530 +159 685 4 880557347 +159 748 3 880485488 +159 756 4 880557464 +159 815 3 880557387 +159 829 4 880557741 +159 831 2 880557604 +159 832 3 880557864 +159 845 1 880557130 +159 871 4 880557003 +159 872 1 880485262 +159 876 2 893255905 +159 877 3 893255740 +159 881 1 893256139 +159 918 4 893255798 +159 930 4 880557824 +159 932 3 880557464 +159 948 2 880485344 +159 988 3 880485529 +159 1002 3 884027027 +159 1012 5 880557080 +159 1013 4 880557170 +159 1014 4 884027206 +159 1023 2 880557741 +159 1025 2 893256139 +159 1028 5 880557539 +159 1037 2 884360502 +159 1048 3 880557584 +159 1049 4 880485972 +159 1092 2 880989744 +159 1095 5 880557824 +159 1132 5 880557584 +159 1152 4 880557464 +159 1190 5 881680199 +159 1254 1 884360361 +159 1258 1 884026823 +159 1278 3 880557782 +160 1 4 876768025 +160 3 3 876770124 +160 4 4 876861754 +160 7 3 876767822 +160 9 3 876767023 +160 13 4 876768990 +160 15 2 876768609 +160 21 1 876769480 +160 23 5 876859778 +160 24 5 876769689 +160 32 5 876859413 +160 50 4 876767572 +160 56 5 876770222 +160 59 4 876858346 +160 61 4 876861799 +160 79 4 876859413 +160 93 5 876767572 +160 100 5 876767023 +160 109 2 876857844 +160 117 4 876767822 +160 118 3 876768828 +160 123 4 876768949 +160 124 4 876767360 +160 126 3 876769148 +160 127 5 876770168 +160 135 4 876860807 +160 137 4 876767299 +160 150 4 876767440 +160 151 4 876769097 +160 153 3 876860808 +160 160 5 876862078 +160 161 3 876861185 +160 168 4 876858091 +160 169 4 876862077 +160 174 5 876860807 +160 175 4 876860808 +160 182 5 876770311 +160 185 5 876861185 +160 187 5 876770168 +160 192 5 876861185 +160 195 4 876859413 +160 201 5 876858346 +160 202 4 876862077 +160 209 4 876861185 +160 211 4 876862171 +160 218 4 876861878 +160 228 2 876862243 +160 230 2 876860808 +160 234 5 876861185 +160 237 3 876768609 +160 240 4 876768990 +160 248 5 876768828 +160 250 4 876768106 +160 273 5 876767660 +160 276 5 876768106 +160 282 4 876768025 +160 285 4 876767660 +160 288 5 876771285 +160 293 5 876767572 +160 302 5 878078074 +160 325 3 878078115 +160 328 3 878078096 +160 405 3 876770441 +160 408 4 876767023 +160 410 4 876769148 +160 412 3 876768990 +160 430 5 876861799 +160 432 3 876861185 +160 447 4 876859413 +160 455 4 876769689 +160 460 2 876861185 +160 461 5 876857977 +160 462 4 876858346 +160 463 4 876859777 +160 474 4 876857977 +160 475 5 876767822 +160 483 5 876859413 +160 484 5 876862243 +160 488 5 876862078 +160 497 4 876858346 +160 508 5 876768025 +160 514 4 876858091 +160 531 5 876942699 +160 544 4 876768106 +160 564 3 876861799 +160 589 3 876857977 +160 603 4 876861754 +160 604 4 876859778 +160 628 3 876767360 +160 640 3 876860808 +160 671 5 876859778 +160 693 5 876770193 +160 719 3 876857977 +160 762 3 876769148 +160 763 4 876768025 +160 770 4 876861878 +160 825 2 876767299 +160 832 1 876770673 +160 844 3 876767822 +160 864 1 876770673 +160 922 5 876767621 +160 926 2 876769148 +160 933 3 876767621 +160 952 4 876767299 +160 969 1 876861185 +160 1012 5 876769689 +160 1016 4 876767440 +160 1019 5 876857977 +160 1073 4 876859778 +160 1134 4 876768828 +160 1142 5 876768609 +160 1197 4 876768609 +160 1223 4 876861799 +161 14 4 891171413 +161 15 2 891172284 +161 22 2 891171282 +161 48 1 891170745 +161 50 2 891170972 +161 56 3 891171257 +161 69 4 891171657 +161 98 4 891171357 +161 100 4 891171127 +161 118 2 891172421 +161 127 3 891171698 +161 132 1 891171458 +161 133 2 891171023 +161 135 2 891170656 +161 162 2 891171413 +161 168 1 891171174 +161 174 2 891170800 +161 177 2 891171848 +161 181 2 891171848 +161 186 4 891171530 +161 187 3 891170998 +161 191 2 891171734 +161 202 5 891170769 +161 204 2 891170947 +161 210 2 891171698 +161 213 2 891171887 +161 215 2 891170866 +161 225 1 891172322 +161 257 3 891172174 +161 265 2 891171597 +161 272 5 891170514 +161 274 2 891172070 +161 276 5 891170881 +161 284 3 891172246 +161 286 2 891169991 +161 309 2 891170018 +161 315 5 891169965 +161 316 5 891170275 +161 318 3 891170824 +161 428 3 891171023 +161 435 2 891171104 +161 473 1 891172358 +161 483 3 891171214 +161 486 1 891171657 +161 487 3 891171357 +161 496 3 891171734 +161 508 2 891171657 +161 523 3 891170686 +161 582 1 891170800 +161 640 2 891171558 +161 654 3 891171357 +161 898 3 891170191 +161 1117 3 891172402 +161 1266 2 891170745 +162 1 4 877635819 +162 11 4 877636772 +162 25 4 877635573 +162 28 4 877636746 +162 42 3 877636675 +162 50 5 877635662 +162 79 4 877636713 +162 105 2 877636458 +162 117 4 877635869 +162 121 4 877636000 +162 144 3 877636746 +162 147 4 877636147 +162 151 3 877636191 +162 174 4 877636772 +162 181 4 877635798 +162 208 3 877636746 +162 222 4 877635758 +162 230 2 877636860 +162 237 4 877635980 +162 254 3 877636476 +162 294 3 877634955 +162 298 4 877635690 +162 358 3 877635375 +162 403 3 877636713 +162 508 5 877635662 +162 544 4 877636167 +162 597 4 877636370 +162 628 4 877635897 +162 685 3 877635917 +162 710 4 877636860 +162 742 4 877635758 +162 943 4 877636604 +162 1011 4 877636370 +162 1012 4 877635965 +162 1019 4 877636556 +162 1047 5 877635896 +163 28 3 891220019 +163 56 4 891220097 +163 64 4 891220161 +163 97 4 891220019 +163 98 4 891220196 +163 202 3 891220137 +163 216 3 891220196 +163 234 3 891220137 +163 258 4 891219977 +163 269 3 891219977 +163 272 4 891219977 +163 286 3 891219977 +163 288 3 891220226 +163 300 3 891219977 +163 301 3 891219977 +163 305 2 891219977 +163 318 4 891220161 +163 326 3 891219977 +163 347 4 891219976 +163 357 4 891220097 +163 433 1 891220137 +163 879 2 891219643 +164 100 5 889401998 +164 117 5 889401816 +164 118 5 889401852 +164 121 5 889402203 +164 125 5 889402071 +164 148 5 889402203 +164 181 5 889401906 +164 222 4 889401927 +164 237 2 889401816 +164 245 5 889401362 +164 248 4 889402030 +164 252 4 889402265 +164 258 5 889401221 +164 276 3 889401771 +164 281 4 889401906 +164 282 5 889401927 +164 291 5 889401963 +164 293 4 889402121 +164 298 3 889401835 +164 299 4 889401383 +164 300 5 889401221 +164 307 5 889401284 +164 313 5 889401284 +164 322 4 889401432 +164 323 4 889401318 +164 326 3 889401362 +164 328 5 889401362 +164 331 5 889401193 +164 333 5 889401383 +164 342 2 889401691 +164 370 5 889402443 +164 405 5 889402160 +164 406 2 889402389 +164 411 2 889402407 +164 458 4 889402050 +164 471 5 889402245 +164 472 5 889402071 +164 515 4 889401906 +164 597 4 889402225 +164 619 4 889402160 +164 620 3 889402298 +164 685 5 889402160 +164 689 5 889401490 +164 690 4 889401241 +164 717 3 889402265 +164 742 5 889401981 +164 748 5 889401410 +164 751 4 889401263 +164 823 4 889402225 +164 845 3 889402071 +164 866 5 889402121 +164 926 2 889402091 +164 930 4 889402340 +164 934 5 889402547 +164 984 4 889401456 +164 1016 3 889402091 +164 1025 4 889401510 +165 15 5 879525799 +165 69 3 879525799 +165 91 4 879525756 +165 169 5 879525832 +165 176 4 879526007 +165 181 5 879525738 +165 202 4 879525855 +165 216 4 879525778 +165 222 5 879525987 +165 223 4 879525894 +165 258 5 879525672 +165 260 3 879525673 +165 270 4 879525672 +165 288 2 879525673 +165 304 3 879525672 +165 318 5 879525961 +165 325 4 879525672 +165 332 4 879525672 +165 372 5 879525987 +165 419 4 879525706 +165 432 5 879526046 +165 500 3 879525832 +165 651 5 879525961 +165 1119 3 879525922 +166 243 3 886397827 +166 258 4 886397562 +166 286 1 886397562 +166 288 3 886397510 +166 294 3 886397596 +166 300 5 886397723 +166 313 5 886397478 +166 322 5 886397723 +166 323 5 886397722 +166 328 5 886397722 +166 343 4 886397882 +166 346 1 886397596 +166 347 5 886397562 +166 748 2 886397751 +166 751 4 886397665 +166 894 4 886397905 +166 984 5 886397802 +167 8 5 892738237 +167 48 1 892738277 +167 73 2 892738452 +167 83 5 892738384 +167 86 4 892738212 +167 96 5 892738307 +167 99 4 892738385 +167 126 3 892738141 +167 133 5 892738453 +167 136 4 892738418 +167 137 5 892738081 +167 169 1 892738419 +167 184 1 892738278 +167 204 4 892738384 +167 216 4 892738237 +167 222 4 892737995 +167 225 3 892737995 +167 232 1 892738341 +167 235 3 892737972 +167 237 4 892737972 +167 238 4 892738341 +167 240 1 892737972 +167 241 5 892738419 +167 288 3 892737972 +167 290 3 892737936 +167 318 5 892738307 +167 364 3 892738212 +167 381 5 892738212 +167 392 1 892738307 +167 404 3 892738278 +167 435 5 892738453 +167 465 5 892738341 +167 478 5 892738452 +167 486 4 892738452 +167 512 5 892738341 +167 513 4 892738385 +167 521 5 892738307 +167 530 5 892738453 +167 568 3 892738341 +167 603 4 892738212 +167 615 5 892738277 +167 641 4 892738341 +167 655 4 892738237 +167 659 4 892738277 +167 673 4 892738341 +167 674 2 892738384 +167 675 1 892738277 +167 698 4 892738307 +167 719 1 892738341 +167 726 1 892738385 +167 733 2 892738453 +167 735 4 892738277 +167 831 3 892738141 +167 949 1 892738341 +167 1125 5 892738419 +167 1126 5 892738418 +167 1147 4 892738384 +167 1225 3 892738277 +167 1304 4 892738277 +167 1305 1 892738418 +167 1306 5 892738385 +167 1307 2 892738277 +167 1308 1 892738307 +167 1309 1 892738341 +167 1310 3 892738384 +168 7 1 884287559 +168 9 1 884287394 +168 15 5 884287362 +168 25 5 884287885 +168 100 4 884287362 +168 117 5 884287318 +168 121 4 884287731 +168 123 3 884287822 +168 125 4 884287731 +168 126 5 884287962 +168 151 5 884288058 +168 181 4 884287298 +168 222 5 884287759 +168 225 5 884288304 +168 235 2 884288270 +168 252 1 884288304 +168 255 1 884287560 +168 257 5 884287642 +168 258 4 884286863 +168 259 2 884287073 +168 274 4 884287865 +168 275 3 884287822 +168 280 4 884287580 +168 281 2 884288033 +168 282 5 884287394 +168 284 2 884288112 +168 288 1 884287927 +168 291 4 884287668 +168 294 4 884286862 +168 295 4 884287615 +168 300 5 884287011 +168 313 5 884286862 +168 323 3 884286990 +168 325 1 884287073 +168 405 4 884287927 +168 409 4 884287846 +168 411 1 884288222 +168 472 3 884287927 +168 596 4 884287615 +168 597 3 884288112 +168 619 3 884287536 +168 678 1 884287109 +168 685 3 884287759 +168 742 5 884287362 +168 744 5 884288058 +168 748 2 884287031 +168 819 4 884288270 +168 845 4 884287668 +168 866 5 884287927 +168 871 3 884287711 +168 924 2 884287614 +168 930 3 884288243 +168 988 2 884287145 +168 1012 5 884287509 +168 1016 5 884287615 +168 1028 2 884287846 +168 1047 2 884288080 +168 1051 4 884288222 +168 1197 5 884287927 +168 1278 3 884287560 +169 50 5 891359250 +169 127 4 891359354 +169 133 4 891359171 +169 134 5 891359250 +169 172 5 891359317 +169 174 4 891359418 +169 181 5 891359276 +169 204 3 891359317 +169 211 5 891359200 +169 213 5 891359354 +169 234 4 891359418 +169 243 3 891268851 +169 258 5 891268552 +169 260 1 891269104 +169 300 5 891268491 +169 301 4 891268622 +169 308 3 891268776 +169 321 3 891268777 +169 331 5 891268491 +169 429 3 891359250 +169 480 4 891359137 +169 483 3 891359200 +169 495 3 891359276 +169 498 3 891359170 +169 499 3 891359354 +169 525 3 891359250 +169 603 5 891359171 +169 604 4 891359317 +169 683 3 891268976 +169 684 5 891359354 +169 705 5 891359354 +169 879 5 891268653 +170 245 5 884103758 +170 258 3 884104016 +170 259 3 886623680 +170 288 3 884706012 +170 292 5 884103732 +170 299 3 886190476 +170 300 5 884103732 +170 304 4 887646133 +170 322 5 884103801 +170 323 3 884293671 +170 326 5 886623057 +170 328 3 884103860 +170 333 4 886190330 +170 348 3 887646014 +170 687 3 884706063 +170 749 5 887646170 +170 876 3 886190449 +170 881 3 886190419 +170 984 5 884103918 +170 988 3 884706063 +171 245 3 891034801 +171 258 4 891034801 +171 262 4 891034641 +171 268 4 891034684 +171 269 4 891034835 +171 272 5 891034835 +171 286 3 891034801 +171 292 4 891034835 +171 302 4 891034606 +171 303 4 891034801 +171 304 3 891034756 +171 305 2 891034606 +171 306 3 891034606 +171 310 4 891034835 +171 313 4 891034835 +171 315 4 891034835 +171 326 2 891034801 +171 327 4 891034835 +171 340 3 891034756 +171 344 3 891034889 +171 346 4 891034835 +171 354 3 891034606 +171 690 3 891034756 +171 887 4 891034835 +171 906 3 891034684 +171 1022 3 891034889 +172 124 4 875537151 +172 177 4 875537965 +172 178 3 875538027 +172 183 5 875538864 +172 220 4 875537441 +172 425 1 875536591 +172 430 3 875537964 +172 462 3 875537717 +172 463 4 875537502 +172 478 3 875538027 +172 483 3 875538028 +172 485 3 875538028 +172 488 3 875537965 +172 514 3 875537964 +172 580 4 875538028 +172 582 4 875538864 +172 603 3 875538027 +172 606 3 875537964 +172 612 3 875537964 +172 657 3 875538027 +172 697 3 875536498 +172 772 1 875537099 +172 1134 2 875536721 +172 1172 3 875538864 +173 242 5 877556626 +173 245 4 877556927 +173 258 4 877556625 +173 260 4 877557345 +173 268 4 877556626 +173 269 4 877556626 +173 286 5 877556626 +173 289 4 877556988 +173 292 5 877557369 +173 294 5 877556864 +173 299 4 877556926 +173 300 4 877556988 +173 302 5 877556626 +173 303 5 877556864 +173 305 5 877556626 +173 306 5 877556626 +173 319 4 877556926 +173 321 4 877556864 +173 322 4 877557028 +173 323 5 877556926 +173 324 5 877556864 +173 327 5 877557168 +173 328 5 877557028 +173 331 4 877557028 +173 332 4 877557028 +173 334 4 877556926 +173 678 3 877556988 +173 687 1 877557132 +173 690 5 877557076 +173 874 4 877556926 +173 879 5 877557076 +173 880 4 877557168 +173 881 3 877557168 +173 937 4 877557077 +173 938 3 877557076 +173 984 4 877556988 +173 995 5 877556988 +173 1265 3 877557239 +174 1 3 886433898 +174 9 5 886439492 +174 12 5 886439091 +174 13 3 891551777 +174 14 5 886433771 +174 15 5 886434065 +174 21 1 886515209 +174 28 5 886434547 +174 29 2 886514469 +174 31 4 886434566 +174 40 4 886514985 +174 41 1 886515063 +174 49 4 886513788 +174 50 4 886433166 +174 56 5 886452583 +174 63 4 886514985 +174 66 5 886513706 +174 67 1 886515130 +174 69 5 886514201 +174 70 5 886453169 +174 80 1 886515210 +174 82 1 886515472 +174 87 5 886514089 +174 88 5 886513752 +174 94 2 886515062 +174 98 5 886452583 +174 100 5 886433788 +174 107 5 886434361 +174 111 5 886433898 +174 117 5 886434136 +174 118 2 886434186 +174 122 1 886434421 +174 124 5 886514168 +174 125 5 886514069 +174 126 5 886433166 +174 138 1 891551778 +174 139 3 886515591 +174 140 4 886515514 +174 143 5 886515457 +174 147 4 886433936 +174 151 3 886434013 +174 155 4 886513767 +174 158 2 886514921 +174 160 5 886514377 +174 162 5 886514108 +174 167 3 886514953 +174 168 1 886434621 +174 178 5 886513947 +174 196 5 886514108 +174 197 5 886434547 +174 202 5 886513729 +174 204 4 886452552 +174 210 4 886514788 +174 216 5 886439516 +174 221 4 886433771 +174 237 4 886434047 +174 238 5 890168700 +174 239 4 886439537 +174 244 4 886433881 +174 246 5 886433833 +174 248 5 886433981 +174 255 5 886434114 +174 268 5 886432749 +174 269 5 886432811 +174 272 5 886432770 +174 276 5 886433862 +174 278 5 886433833 +174 284 4 886433771 +174 286 5 890168158 +174 288 3 886432770 +174 293 5 890168505 +174 312 5 886432972 +174 315 5 886432749 +174 323 1 886434241 +174 332 5 886432901 +174 333 4 886432811 +174 340 5 886432749 +174 347 4 886432844 +174 364 1 886515240 +174 368 1 886434402 +174 369 1 886515272 +174 371 5 886513674 +174 381 5 886513706 +174 383 1 886515171 +174 386 1 886515130 +174 388 1 886515335 +174 393 4 886514837 +174 395 1 886515154 +174 396 1 886515104 +174 401 1 886515063 +174 402 5 886513729 +174 412 1 886433919 +174 415 3 886515591 +174 417 4 886515490 +174 423 2 886514276 +174 433 5 886514757 +174 451 5 886513752 +174 456 1 886515240 +174 458 4 886433862 +174 471 5 886433804 +174 476 4 886434136 +174 546 3 886514323 +174 553 5 886513674 +174 571 1 886515295 +174 575 1 886515239 +174 577 1 886515295 +174 582 4 886439537 +174 597 3 886434261 +174 623 3 886515532 +174 655 5 886514168 +174 660 5 886514261 +174 662 5 886513752 +174 696 4 886434087 +174 699 5 886514220 +174 708 5 886514243 +174 715 3 886514397 +174 716 5 886513674 +174 721 2 886514889 +174 722 4 886513896 +174 723 5 886514448 +174 739 5 886513729 +174 742 4 886434087 +174 747 5 886513729 +174 762 5 886434136 +174 763 1 886434260 +174 764 4 886434343 +174 768 1 886515569 +174 780 1 886515030 +174 823 4 886434376 +174 843 2 886515551 +174 845 5 886433771 +174 846 5 886433996 +174 862 1 886515172 +174 871 1 886434166 +174 902 3 890168363 +174 905 3 890168415 +174 934 4 886434421 +174 937 5 886432989 +174 949 5 886513729 +174 950 3 886434204 +174 953 5 886514377 +174 1001 1 886515030 +174 1014 3 890664424 +174 1017 2 886434187 +174 1028 4 886434087 +174 1032 3 886515591 +174 1033 1 886515591 +174 1035 4 886515532 +174 1041 5 886513788 +174 1053 5 886514358 +174 1074 4 886514529 +174 1086 5 886434047 +174 1139 2 886514651 +174 1221 5 886514398 +174 1230 1 886515210 +174 1254 1 886434421 +174 1262 5 886434566 +174 1282 5 886433862 +174 1312 4 886434484 +174 1313 4 888155294 +175 9 4 877108146 +175 11 5 877107339 +175 12 4 877108146 +175 31 4 877108051 +175 50 5 877107138 +175 56 2 877107790 +175 64 5 877107552 +175 71 4 877107942 +175 96 3 877108051 +175 98 5 877107390 +175 100 2 877107712 +175 111 4 877108015 +175 127 5 877107640 +175 132 3 877107712 +175 133 4 877107390 +175 136 4 877108051 +175 147 3 877108146 +175 172 5 877107339 +175 176 3 877107255 +175 183 4 877107942 +175 186 4 877107790 +175 187 4 877107338 +175 193 4 877108098 +175 195 3 877107790 +175 215 5 877107500 +175 234 5 877108015 +175 273 2 877107640 +175 419 5 877108098 +175 483 5 877107339 +175 496 5 877108098 +175 508 1 877107712 +175 566 3 877108015 +175 629 3 877107942 +175 660 3 877107836 +175 661 4 877107432 +175 669 1 877107790 +175 869 3 877107500 +176 7 5 886048188 +176 13 4 886047994 +176 25 3 886048188 +176 50 5 886047879 +176 93 5 886047963 +176 100 5 886047918 +176 111 4 886048040 +176 117 4 886048305 +176 129 3 886048391 +176 150 4 886047879 +176 151 4 886048305 +176 181 3 886047879 +176 222 5 886048145 +176 236 4 886048145 +176 237 3 886048145 +176 240 4 886048230 +176 246 5 886047994 +176 250 4 886047963 +176 257 1 886048188 +176 258 4 886047026 +176 262 4 886047292 +176 270 4 886047069 +176 272 5 886047068 +176 273 4 886048230 +176 286 2 886046979 +176 288 3 886046979 +176 289 3 886047292 +176 294 2 886047220 +176 297 3 886047918 +176 298 4 886047918 +176 303 3 886047118 +176 305 5 886047068 +176 319 3 886046979 +176 321 4 886047176 +176 324 5 886047292 +176 325 3 886047375 +176 327 3 886047176 +176 328 4 886047375 +176 343 2 886047595 +176 345 5 886046979 +176 347 4 886047442 +176 405 2 886048262 +176 475 5 886047918 +176 508 3 886047879 +176 741 3 886048145 +176 750 4 886047176 +176 751 1 886046979 +176 874 4 886047118 +176 875 4 886047442 +176 881 3 886047531 +176 927 3 886048305 +176 948 4 886047595 +176 952 2 886048230 +176 1008 4 886048040 +176 1012 4 886048145 +176 1097 4 886047963 +177 1 3 880130699 +177 7 4 880130881 +177 11 4 880131161 +177 12 5 880130825 +177 22 4 880130847 +177 23 5 880130758 +177 42 4 880130972 +177 47 3 880131187 +177 50 5 880131216 +177 55 3 880131143 +177 56 5 880130618 +177 59 4 880130825 +177 60 4 880130634 +177 64 4 880130736 +177 69 1 880131088 +177 79 4 880130758 +177 87 4 880130931 +177 89 5 880131088 +177 92 4 882142295 +177 98 5 880131026 +177 100 5 880130600 +177 121 2 880131123 +177 124 3 880130881 +177 129 3 880130653 +177 135 5 880130712 +177 144 5 880131011 +177 150 4 880130807 +177 153 4 880130972 +177 154 4 880130600 +177 156 5 880130931 +177 160 4 880131011 +177 161 3 880130915 +177 168 4 880130807 +177 172 5 880130990 +177 173 4 880130667 +177 175 5 880130972 +177 176 4 880130951 +177 179 5 880131057 +177 182 5 880130684 +177 186 4 880130990 +177 187 4 880131040 +177 195 4 880130699 +177 196 3 880130881 +177 197 4 880130758 +177 198 4 880131161 +177 200 4 880130951 +177 203 4 880131026 +177 204 3 880131011 +177 209 4 880130736 +177 210 4 880130990 +177 216 4 880130653 +177 217 3 880131230 +177 221 3 880130775 +177 223 4 880130758 +177 238 3 880131143 +177 243 1 882142141 +177 245 3 880130534 +177 258 3 880130379 +177 260 2 880130534 +177 268 3 880130452 +177 270 1 880130452 +177 271 2 882141868 +177 276 5 880130758 +177 288 5 880130467 +177 289 2 880130534 +177 292 3 880130415 +177 294 4 880130481 +177 299 4 880130500 +177 300 2 880130434 +177 302 4 880130379 +177 318 4 880130618 +177 321 2 880130481 +177 322 2 880130534 +177 333 4 880130397 +177 334 3 880130467 +177 336 2 880130500 +177 338 3 882142221 +177 340 4 880130415 +177 343 3 882141885 +177 358 2 882141918 +177 403 5 880131201 +177 421 3 880130881 +177 433 4 880131123 +177 469 4 880131201 +177 470 5 880130951 +177 475 4 880130898 +177 508 4 880130825 +177 527 4 880130898 +177 568 3 880130915 +177 628 2 882143736 +177 642 4 880130972 +177 651 3 880130862 +177 654 4 880131106 +177 689 3 882141885 +177 693 4 880130653 +177 806 4 880131216 +177 878 1 882142141 +177 919 4 880130736 +177 948 2 882141918 +177 960 3 880131161 +177 963 4 880130736 +177 1039 3 880130807 +177 1067 4 880131201 +177 1218 4 880131231 +178 1 4 882823805 +178 2 4 882827375 +178 7 4 882823805 +178 8 4 882826556 +178 9 2 882823758 +178 11 5 882826162 +178 15 5 882823858 +178 16 4 882823905 +178 22 5 882826187 +178 24 3 882824221 +178 25 3 888514710 +178 28 5 882826806 +178 38 3 882827574 +178 39 2 882827645 +178 50 5 882823857 +178 55 4 882826394 +178 56 4 882825767 +178 58 5 882827134 +178 62 4 882827083 +178 64 5 882826242 +178 66 4 882826868 +178 69 5 882826437 +178 70 4 882827083 +178 71 4 882826577 +178 73 5 882827985 +178 76 3 882827288 +178 77 4 882827947 +178 79 4 882826306 +178 82 5 882826242 +178 83 4 882826556 +178 87 4 885784558 +178 89 4 882826514 +178 90 3 882827985 +178 92 3 882827803 +178 95 5 882826514 +178 96 4 882826782 +178 97 5 882827020 +178 98 5 882826944 +178 99 4 882827574 +178 106 2 882824983 +178 111 4 882823905 +178 117 4 882824467 +178 118 4 882824291 +178 121 5 882824291 +178 123 4 882824325 +178 124 4 882823758 +178 125 4 882824431 +178 127 5 882823978 +178 131 4 882827947 +178 133 4 885784518 +178 134 3 882826983 +178 135 2 882826915 +178 143 4 882827574 +178 144 4 882825768 +178 148 4 882824325 +178 153 4 882826347 +178 155 4 882828021 +178 156 2 882826395 +178 157 5 882827400 +178 168 4 882826347 +178 172 4 882826555 +178 173 5 882826306 +178 174 5 882826719 +178 176 4 882826782 +178 178 4 882826395 +178 179 2 882828320 +178 180 3 882826395 +178 181 5 882823832 +178 183 4 882826347 +178 184 5 882827947 +178 187 4 882826049 +178 193 4 882826868 +178 195 4 882826944 +178 196 4 882827834 +178 197 2 882826720 +178 199 4 882826306 +178 200 3 882826983 +178 202 5 882826782 +178 203 4 882826242 +178 204 4 882826048 +178 209 4 882826944 +178 210 5 884837073 +178 214 1 882827985 +178 216 4 882826868 +178 218 3 882827776 +178 219 4 882828350 +178 220 3 882827247 +178 223 4 882827433 +178 226 4 882826187 +178 228 5 882826556 +178 229 4 885784558 +178 230 4 882826889 +178 232 5 882827162 +178 233 4 882827375 +178 234 4 882826783 +178 235 1 882824467 +178 237 4 882824291 +178 238 4 882826577 +178 241 5 882827375 +178 244 1 884837126 +178 245 3 882823460 +178 248 4 882823954 +178 249 3 884836855 +178 250 4 888514821 +178 255 4 882824001 +178 257 5 882823954 +178 258 4 882823353 +178 259 1 882823437 +178 260 1 886678700 +178 265 5 882826394 +178 268 4 884837324 +178 269 4 882823324 +178 271 4 882823395 +178 273 3 882823858 +178 274 4 882824253 +178 275 5 882823857 +178 276 3 882823978 +178 280 4 882824592 +178 281 3 882824028 +178 282 3 882823978 +178 284 4 888514680 +178 286 3 882823324 +178 288 5 882823353 +178 293 4 882823954 +178 294 2 882823301 +178 295 3 882824055 +178 298 2 882823905 +178 300 5 882823301 +178 302 4 892239796 +178 304 4 882823375 +178 313 5 884836422 +178 316 4 888513290 +178 317 4 882826915 +178 318 5 882826982 +178 319 1 884836946 +178 322 3 882823460 +178 323 3 882823530 +178 326 4 888513095 +178 328 3 882823416 +178 332 3 882823437 +178 333 3 884836479 +178 339 3 892239822 +178 340 1 882823353 +178 342 4 892239863 +178 354 4 892239771 +178 358 1 888512993 +178 363 3 882824467 +178 367 4 882828021 +178 385 4 882826982 +178 405 3 882823905 +178 423 4 882826556 +178 427 5 882826162 +178 431 4 882827400 +178 433 4 882827834 +178 435 4 882827043 +178 454 4 882827247 +178 455 3 882825357 +178 458 3 882824467 +178 460 2 882824869 +178 465 3 882827506 +178 469 3 882827870 +178 472 4 882824194 +178 476 3 882824713 +178 478 5 882826514 +178 480 3 882826048 +178 483 4 882826210 +178 484 4 882826187 +178 491 4 882827247 +178 495 4 882827870 +178 500 4 882827288 +178 506 3 882827084 +178 508 3 884837419 +178 510 4 882826394 +178 520 5 882826210 +178 531 4 882826242 +178 535 3 882824671 +178 540 3 886678484 +178 546 3 888514680 +178 549 4 882827689 +178 566 4 882826915 +178 568 4 882826555 +178 578 4 882828021 +178 591 5 882827288 +178 596 3 882824194 +178 597 4 882824869 +178 607 3 882826347 +178 619 3 888514710 +178 625 3 884837073 +178 651 4 882826915 +178 654 3 882827506 +178 655 4 882827247 +178 658 5 882827162 +178 678 3 882823530 +178 679 4 882826944 +178 682 3 892239928 +178 685 4 882824253 +178 696 4 882824869 +178 720 3 882827645 +178 724 4 882827433 +178 729 4 882827020 +178 731 4 882827532 +178 735 5 882827083 +178 739 4 882827737 +178 742 3 882823833 +178 744 3 882824028 +178 746 3 882827019 +178 748 4 882823460 +178 751 4 882823353 +178 756 3 882824983 +178 762 3 882824592 +178 763 4 882824253 +178 764 3 888514648 +178 783 4 886678484 +178 790 3 882827870 +178 792 5 882827834 +178 809 4 882827084 +178 819 2 882824670 +178 823 2 882824592 +178 845 4 882824291 +178 846 3 882824467 +178 849 3 882828021 +178 864 2 888514648 +178 866 4 882825357 +178 873 3 886678647 +178 876 2 886678484 +178 877 2 888513069 +178 881 2 886678484 +178 895 3 884836516 +178 926 4 882824671 +178 978 2 882824983 +178 984 2 882823530 +178 1004 4 882827375 +178 1011 3 882824431 +178 1012 4 884837364 +178 1016 4 882824253 +178 1028 3 882824670 +178 1033 2 882824869 +178 1035 4 882828350 +178 1038 2 882823566 +178 1047 2 882824326 +178 1048 2 884837073 +178 1051 3 885784583 +178 1101 4 882827019 +178 1119 4 882827400 +178 1157 3 882827375 +178 1169 4 882827134 +178 1197 4 882824055 +178 1258 4 882823930 +178 1283 3 885784558 +178 1300 3 886678518 +178 1314 3 882827134 +178 1315 4 882824291 +179 258 5 892151270 +179 269 3 892151064 +179 271 1 892151565 +179 272 5 892151202 +179 288 5 892151489 +179 300 4 892151231 +179 301 4 892151565 +179 302 4 892151173 +179 303 1 892151270 +179 305 4 892151270 +179 307 3 892151565 +179 310 4 892151365 +179 313 4 892151270 +179 315 5 892151202 +179 316 5 892151202 +179 321 1 892151331 +179 331 2 892151331 +179 333 5 892151459 +179 339 1 892151366 +179 340 4 892151064 +179 345 1 892151565 +179 346 3 892151489 +179 347 3 892151064 +179 354 4 892151331 +179 362 1 892151231 +179 690 1 892151489 +179 691 3 892151331 +179 750 1 892151270 +179 751 1 892151565 +179 893 2 892151565 +179 895 5 892151565 +179 902 1 892151064 +179 905 4 892151331 +179 914 5 892151174 +179 917 3 892151231 +179 1127 1 892151270 +179 1316 3 892151489 +180 12 2 877355568 +180 28 3 877355568 +180 40 4 877127296 +180 56 5 877127130 +180 67 1 877127591 +180 68 5 877127721 +180 69 4 877355568 +180 79 3 877442037 +180 83 5 877128388 +180 98 5 877544444 +180 111 5 877127747 +180 121 5 877127830 +180 153 1 877126182 +180 156 5 877127747 +180 173 5 877128388 +180 181 2 877125956 +180 186 4 877127189 +180 196 5 877355617 +180 201 2 877127189 +180 202 3 877128388 +180 204 3 877127159 +180 213 5 877128388 +180 216 5 877128388 +180 222 5 877127815 +180 235 4 877127758 +180 258 5 877125493 +180 318 5 877355315 +180 356 3 877442079 +180 367 1 877127486 +180 372 5 877127237 +180 380 5 877127796 +180 403 3 877355713 +180 421 5 877128388 +180 423 4 877355568 +180 431 4 877442098 +180 433 5 877127273 +180 462 5 877544218 +180 469 5 877372278 +180 631 5 877544373 +180 655 5 877127159 +180 658 5 877355598 +180 660 5 877372188 +180 684 5 877442058 +180 694 5 877128388 +180 716 1 877128119 +180 729 5 877355598 +180 732 3 877128137 +180 733 5 877128388 +180 735 4 877355337 +180 737 3 877128327 +180 739 3 877128156 +180 747 4 877128156 +180 762 4 877126241 +180 778 2 877128388 +180 785 4 877128388 +180 790 1 877127572 +180 939 4 877355472 +180 961 5 877544384 +180 1046 2 877442125 +180 1119 3 877128156 +180 1131 5 877441985 +181 1 3 878962392 +181 3 2 878963441 +181 6 1 878962866 +181 7 4 878963037 +181 9 4 878962675 +181 10 2 878962955 +181 13 2 878962465 +181 14 1 878962392 +181 15 3 878962816 +181 16 1 878962996 +181 18 1 878962623 +181 19 1 878962392 +181 20 1 878962919 +181 21 1 878963381 +181 24 1 878962866 +181 25 5 878962675 +181 93 1 878962773 +181 100 3 878962816 +181 103 1 878962586 +181 104 1 878962866 +181 105 1 878963304 +181 107 1 878963343 +181 109 1 878962955 +181 111 3 878962774 +181 112 1 878962955 +181 116 1 878962550 +181 117 2 878962918 +181 118 2 878962955 +181 120 1 878963204 +181 121 4 878962623 +181 123 2 878963276 +181 124 1 878962550 +181 125 3 878962816 +181 126 2 878962585 +181 129 2 878962279 +181 137 2 878962465 +181 146 1 878962955 +181 147 1 878963168 +181 148 2 878963204 +181 149 1 878962719 +181 150 1 878962465 +181 220 4 878962392 +181 221 1 878962465 +181 222 4 878962919 +181 224 1 878962623 +181 225 3 878963038 +181 235 1 878963168 +181 236 1 878962350 +181 237 5 878962996 +181 240 1 878963122 +181 242 1 878961814 +181 243 1 878961814 +181 245 2 878961369 +181 251 1 878962052 +181 256 1 878962086 +181 258 3 878961709 +181 259 1 878961668 +181 260 1 878961623 +181 261 1 878961814 +181 262 2 878961749 +181 263 1 878961709 +181 264 2 878961624 +181 266 1 878961709 +181 268 1 878961749 +181 269 1 878961511 +181 270 4 878961270 +181 273 1 878962774 +181 274 4 878962720 +181 275 3 878962720 +181 276 2 878962816 +181 277 1 878963441 +181 278 2 878963440 +181 279 1 878962955 +181 280 4 878963381 +181 281 2 878963038 +181 282 4 878962816 +181 283 3 878963241 +181 284 2 878962996 +181 285 2 878962816 +181 286 1 878961173 +181 287 2 878963038 +181 288 4 878961173 +181 289 4 878961332 +181 290 2 878963168 +181 291 3 878962997 +181 292 1 878961781 +181 294 2 878961173 +181 299 1 878961749 +181 300 3 878961227 +181 301 2 878961303 +181 302 2 878961511 +181 304 1 878961586 +181 305 2 878961542 +181 306 1 878962006 +181 307 1 878962006 +181 308 1 878961847 +181 319 3 878961173 +181 321 2 878961623 +181 322 1 878961814 +181 323 2 878961304 +181 324 1 878961814 +181 325 2 878961814 +181 326 1 878961709 +181 327 3 878961780 +181 328 3 878961227 +181 329 1 878961781 +181 330 1 878961668 +181 332 2 878961173 +181 334 1 878961749 +181 335 1 878961748 +181 336 2 878961709 +181 337 1 878961709 +181 358 2 878961709 +181 359 1 878961668 +181 360 1 878962005 +181 363 1 878963342 +181 368 1 878963440 +181 369 3 878963418 +181 370 2 878963418 +181 405 4 878962919 +181 406 1 878962955 +181 407 2 878963038 +181 408 1 878962550 +181 409 2 878963276 +181 412 2 878963122 +181 413 2 878963241 +181 424 1 878962240 +181 455 1 878962623 +181 456 1 878962586 +181 457 1 878961474 +181 458 3 878962350 +181 459 1 878962349 +181 460 1 878963418 +181 471 2 878962919 +181 472 1 878963380 +181 475 2 878962720 +181 476 4 878962996 +181 477 1 878962465 +181 544 1 878962919 +181 547 1 878962720 +181 591 4 878962996 +181 595 2 878962918 +181 597 3 878963276 +181 619 3 878963086 +181 620 2 878963204 +181 628 3 878962392 +181 676 3 878962392 +181 680 1 878961709 +181 681 1 878961474 +181 682 4 878961586 +181 683 1 878962006 +181 688 1 878961668 +181 690 3 878961511 +181 696 2 878962997 +181 718 1 878962675 +181 740 2 878963085 +181 741 1 878962918 +181 742 4 878962623 +181 744 2 878962720 +181 748 1 878961368 +181 749 1 878961586 +181 756 2 878962866 +181 758 1 878963418 +181 760 1 878963418 +181 762 2 878963418 +181 763 1 878962955 +181 764 1 878962866 +181 766 1 878962675 +181 767 1 878963381 +181 813 2 878962279 +181 815 3 878963168 +181 818 1 878963380 +181 819 3 878962550 +181 820 1 878963342 +181 823 2 878963343 +181 824 1 878963305 +181 825 1 878963304 +181 826 1 878963304 +181 827 2 878963276 +181 828 1 878963086 +181 829 1 878962675 +181 831 1 878963241 +181 832 1 878963038 +181 833 1 878963205 +181 834 3 878962720 +181 840 1 878963204 +181 841 1 878963204 +181 844 1 878962816 +181 845 3 878962816 +181 846 3 878962586 +181 864 2 878962774 +181 866 1 878963037 +181 870 2 878962623 +181 872 1 878961814 +181 873 1 878961542 +181 874 1 878961749 +181 875 3 878961623 +181 876 1 878961781 +181 877 2 878961668 +181 878 1 878961709 +181 879 2 878961542 +181 880 1 878961668 +181 881 1 878961781 +181 882 1 878962006 +181 883 1 878961847 +181 885 1 878962006 +181 886 1 878961623 +181 887 1 878962005 +181 919 1 878962550 +181 920 1 878962496 +181 922 1 878963305 +181 924 3 878963168 +181 925 2 878963418 +181 926 1 878962866 +181 927 1 878962675 +181 928 3 878963241 +181 929 1 878963122 +181 930 1 878963275 +181 931 1 878963205 +181 932 1 878963121 +181 933 1 878962675 +181 934 3 878963086 +181 937 3 878961781 +181 938 1 878961586 +181 948 1 878961474 +181 950 1 878963440 +181 952 1 878962720 +181 974 4 878963417 +181 975 2 878963343 +181 976 1 878963342 +181 977 1 878962997 +181 978 1 878963305 +181 979 2 878963241 +181 980 1 878962496 +181 981 1 878962279 +181 982 1 878963205 +181 983 2 878963038 +181 984 1 878961781 +181 985 1 878962465 +181 986 2 878963038 +181 989 1 878961780 +181 990 1 878961814 +181 991 1 878961814 +181 995 1 878961585 +181 1001 1 878963038 +181 1002 1 878963122 +181 1009 1 878963276 +181 1010 1 878962774 +181 1015 1 878963121 +181 1017 1 878962496 +181 1022 1 878962006 +181 1026 1 878961781 +181 1028 2 878962997 +181 1033 1 878963381 +181 1038 1 878962005 +181 1040 1 878962997 +181 1047 2 878962866 +181 1048 2 878963275 +181 1049 1 878963122 +181 1051 2 878962586 +181 1052 2 878963441 +181 1054 2 878963418 +181 1057 2 878963381 +181 1059 1 878963440 +181 1060 1 878962675 +181 1067 1 878962550 +181 1068 1 878962052 +181 1079 1 878963122 +181 1081 1 878962623 +181 1084 2 878962550 +181 1085 1 878962623 +181 1086 1 878962464 +181 1087 1 878962496 +181 1093 1 878962391 +181 1094 1 878963086 +181 1095 1 878962955 +181 1097 1 878962720 +181 1102 1 878963381 +181 1114 1 878963342 +181 1115 1 878962774 +181 1117 2 878962585 +181 1120 1 878962279 +181 1128 1 878962279 +181 1129 1 878962675 +181 1132 1 878963342 +181 1134 2 878963167 +181 1137 1 878962392 +181 1150 1 878963305 +181 1151 1 878963304 +181 1152 2 878962496 +181 1161 1 878962119 +181 1162 1 878962392 +181 1164 3 878962464 +181 1165 1 878962496 +181 1173 1 878962052 +181 1174 1 878962200 +181 1197 1 878962774 +181 1198 1 878962585 +181 1199 1 878962675 +181 1202 1 878962720 +181 1215 1 878963304 +181 1242 1 878962349 +181 1245 1 878962550 +181 1252 1 878962168 +181 1255 1 878962086 +181 1259 1 878962496 +181 1265 1 878961668 +181 1272 1 878962349 +181 1276 1 878962586 +181 1277 2 878963085 +181 1280 1 878961668 +181 1281 1 878963241 +181 1282 1 878962496 +181 1284 1 878962773 +181 1287 1 878963380 +181 1288 1 878962349 +181 1289 1 878962866 +181 1291 1 878963167 +181 1295 1 878961781 +181 1302 1 878962086 +181 1312 1 878962349 +181 1317 1 878962086 +181 1318 1 878962349 +181 1319 1 878962120 +181 1320 1 878962279 +181 1321 1 878962200 +181 1322 1 878962086 +181 1323 1 878962119 +181 1324 1 878962464 +181 1325 1 878962816 +181 1326 1 878963342 +181 1327 1 878963305 +181 1328 1 878962240 +181 1330 1 878962052 +181 1331 1 878962052 +181 1332 1 878962278 +181 1333 1 878962120 +181 1334 1 878962240 +181 1335 1 878963241 +181 1336 1 878963241 +181 1337 1 878963121 +181 1338 1 878962240 +181 1339 1 878962086 +181 1340 1 878962240 +181 1341 1 878962169 +181 1342 1 878962168 +181 1343 1 878962199 +181 1344 1 878962240 +181 1345 1 878962168 +181 1346 1 878962086 +181 1347 1 878962052 +181 1348 1 878962200 +181 1349 1 878962278 +181 1350 1 878962120 +181 1351 1 878962168 +181 1352 1 878962240 +181 1353 1 878962200 +181 1354 1 878962496 +181 1355 1 878963086 +181 1357 1 878962240 +181 1358 1 878962120 +181 1359 1 878962200 +181 1360 1 878962119 +181 1361 1 878963122 +181 1362 1 878962200 +181 1363 1 878962279 +181 1364 1 878962464 +181 1365 1 878963086 +181 1366 1 878962200 +181 1367 2 878962086 +181 1368 1 878962200 +181 1369 1 878962199 +181 1370 1 878962550 +181 1371 1 878962240 +181 1372 1 878962279 +181 1373 1 878962052 +181 1374 1 878962391 +181 1375 1 878962586 +181 1376 1 878963167 +181 1377 1 878962496 +181 1378 1 878962169 +181 1379 1 878962168 +181 1380 1 878962086 +181 1381 2 878962349 +181 1383 1 878962086 +181 1384 1 878962052 +181 1385 1 878962051 +181 1386 1 878962119 +181 1387 1 878962119 +181 1388 1 878962168 +181 1389 1 878962119 +181 1390 1 878962052 +181 1391 1 878962168 +181 1392 1 878961749 +181 1393 1 878961709 +181 1394 1 878961847 +181 1395 1 878961847 +182 15 4 885612967 +182 48 3 876436556 +182 50 5 885613018 +182 69 5 876435435 +182 100 3 885613067 +182 111 4 885613238 +182 121 3 885613117 +182 123 4 885612994 +182 126 5 885613153 +182 150 3 885613294 +182 172 5 876435435 +182 178 5 876435434 +182 181 5 885612967 +182 191 4 876435434 +182 203 3 876436556 +182 222 3 885613180 +182 237 3 885613067 +182 257 3 885613117 +182 283 2 885613153 +182 293 3 885613152 +182 423 5 876436480 +182 471 4 885613216 +182 479 5 876436556 +182 596 5 885613152 +182 763 3 885613092 +182 845 3 885613067 +182 864 4 885613092 +183 50 2 891467546 +183 54 2 891467546 +183 55 4 891466266 +183 62 2 891479217 +183 77 3 891466405 +183 88 3 891466760 +183 94 3 891466863 +183 96 3 891463617 +183 159 4 892323452 +183 176 3 891466266 +183 177 5 892323452 +183 181 2 891463937 +183 202 4 891463320 +183 203 3 891466266 +183 210 3 891465869 +183 212 4 891467870 +183 216 4 891479033 +183 222 4 892323453 +183 225 1 891467546 +183 226 3 891466350 +183 227 4 891463592 +183 228 4 891463591 +183 229 3 891463591 +183 230 5 892323452 +183 241 4 892323453 +183 250 2 891464352 +183 257 2 891464558 +183 258 3 891462811 +183 265 2 891466350 +183 270 3 891462811 +183 273 4 892323452 +183 294 3 891467280 +183 331 3 892322382 +183 356 3 891466447 +183 375 2 891467545 +183 380 4 891463592 +183 405 4 891464393 +183 431 2 891467545 +183 450 3 891463592 +183 483 5 892323452 +183 485 5 892323452 +183 562 3 891467003 +183 720 4 892323453 +183 739 4 891467353 +183 1090 2 891467546 +183 1159 3 891479702 +183 1215 1 891467546 +183 1217 3 891466405 +184 1 4 889907652 +184 7 3 889907738 +184 9 5 889907685 +184 11 3 889908694 +184 13 3 889907839 +184 14 4 889907738 +184 15 3 889907812 +184 20 4 889907771 +184 22 3 889908985 +184 25 4 889908068 +184 34 2 889913568 +184 36 3 889910195 +184 40 4 889910326 +184 44 4 889909746 +184 47 4 889909640 +184 50 4 889907396 +184 51 4 889909069 +184 52 4 889910034 +184 57 5 889908539 +184 58 4 889908984 +184 64 4 889909045 +184 65 4 889909516 +184 66 4 889910013 +184 67 3 889912569 +184 69 3 889908694 +184 70 4 889908657 +184 71 4 889911552 +184 72 3 889909988 +184 77 3 889910217 +184 79 3 889909551 +184 82 3 889909934 +184 86 5 889908694 +184 88 3 889909551 +184 89 4 889908572 +184 91 3 889909988 +184 92 3 889908657 +184 93 4 889907771 +184 95 4 889908801 +184 97 2 889908539 +184 98 4 889908539 +184 100 5 889907652 +184 116 4 889910481 +184 117 2 889907995 +184 118 2 889908344 +184 121 2 889908026 +184 124 5 889907652 +184 126 3 889907971 +184 127 5 889907396 +184 132 5 889913687 +184 134 5 889909618 +184 137 5 889907685 +184 143 3 889908903 +184 153 3 889911285 +184 155 3 889912656 +184 161 2 889909640 +184 164 3 889911434 +184 165 4 889911178 +184 166 3 889910684 +184 170 5 889913687 +184 172 4 889908497 +184 174 3 889908693 +184 175 3 889908985 +184 176 4 889908740 +184 181 4 889907426 +184 182 4 889908497 +184 183 4 889908630 +184 185 4 889908843 +184 187 4 889909024 +184 191 4 889908716 +184 192 4 889908843 +184 196 4 889908985 +184 197 4 889908873 +184 202 3 889909768 +184 203 3 889908571 +184 207 4 889908903 +184 208 4 889908985 +184 210 4 889911069 +184 212 4 889909618 +184 213 5 889909045 +184 215 4 889909812 +184 217 3 889910394 +184 218 3 889909840 +184 220 3 889908264 +184 221 5 889907838 +184 223 4 889911195 +184 231 3 889910195 +184 235 2 889907862 +184 237 4 889907945 +184 250 4 889907482 +184 252 2 889907528 +184 254 2 889907569 +184 255 3 889907468 +184 258 3 889906882 +184 259 3 889907096 +184 274 4 889907812 +184 275 5 889913687 +184 277 3 889907971 +184 283 5 889913687 +184 285 5 889907771 +184 286 4 889906905 +184 287 4 889908050 +184 301 3 889907045 +184 321 5 889906967 +184 340 5 889906905 +184 357 5 889913687 +184 372 3 889910053 +184 378 4 889909551 +184 381 4 889909962 +184 382 5 889909691 +184 393 4 889909788 +184 396 3 889910326 +184 399 3 889910159 +184 401 3 889910418 +184 402 3 889910013 +184 405 2 889908050 +184 410 3 889908181 +184 411 3 889908207 +184 412 2 889912691 +184 423 4 889909409 +184 428 4 889909551 +184 443 3 889911552 +184 447 3 889910653 +184 451 4 889909914 +184 458 3 889907925 +184 462 4 889908873 +184 476 2 889908207 +184 478 4 889908902 +184 480 4 889908571 +184 483 5 889908630 +184 485 4 889908947 +184 488 5 889913687 +184 492 4 889908947 +184 496 5 889908539 +184 497 4 889909409 +184 498 5 889913687 +184 508 4 889907738 +184 509 4 889908694 +184 511 4 889908740 +184 512 4 889908716 +184 514 5 889908497 +184 515 5 889907599 +184 517 4 889909409 +184 521 4 889908873 +184 522 3 889908462 +184 523 4 889909618 +184 527 4 889908462 +184 528 5 889908462 +184 529 4 889909445 +184 531 4 889910653 +184 553 3 889909746 +184 559 3 889910418 +184 568 2 889909474 +184 582 4 889909409 +184 584 3 889909889 +184 588 5 889909812 +184 591 3 889907711 +184 596 4 889907812 +184 602 4 889909691 +184 604 4 889908693 +184 606 5 889913687 +184 629 3 889911162 +184 631 4 889910612 +184 632 5 889913687 +184 639 3 889909590 +184 642 4 889909446 +184 644 4 889908947 +184 645 3 889910123 +184 647 5 889909024 +184 651 3 889908462 +184 654 4 889908824 +184 655 3 889908630 +184 657 4 889908497 +184 660 3 889909962 +184 664 3 889911712 +184 665 2 889910098 +184 676 4 889907925 +184 692 4 889909672 +184 693 3 889909142 +184 694 5 889908824 +184 699 5 889909914 +184 707 4 889908873 +184 708 4 889909962 +184 715 4 889909590 +184 716 3 889909987 +184 724 4 889909672 +184 729 3 889909840 +184 735 3 889909868 +184 736 3 889911633 +184 738 3 889910372 +184 739 3 889910257 +184 742 3 889908026 +184 747 3 889909672 +184 766 3 889907738 +184 780 4 889913254 +184 805 3 889912232 +184 813 4 889907711 +184 836 4 889909142 +184 837 3 889908630 +184 845 3 889907971 +184 855 4 889909474 +184 942 3 889909768 +184 945 4 889909721 +184 949 3 889909618 +184 950 4 889907896 +184 956 3 889908693 +184 972 3 889909962 +184 995 3 889907044 +184 1006 3 889910078 +184 1008 4 889907896 +184 1010 4 889907896 +184 1012 3 889907448 +184 1014 2 889907468 +184 1020 4 889908630 +184 1061 3 889908264 +184 1086 4 889907711 +184 1117 2 889907771 +184 1136 4 889912890 +184 1137 5 889907812 +184 1148 3 889910098 +184 1160 5 889907363 +184 1167 5 889913687 +184 1195 3 889909934 +184 1232 3 889910123 +184 1297 2 889910257 +184 1396 4 889913490 +184 1397 3 889910233 +184 1398 5 889911749 +185 9 4 883524396 +185 15 3 883525255 +185 23 4 883524249 +185 25 4 883525206 +185 28 5 883524428 +185 86 5 883524428 +185 111 4 883524529 +185 114 4 883524320 +185 116 4 883526268 +185 127 5 883525183 +185 160 1 883524281 +185 181 4 883524475 +185 196 4 883524172 +185 197 5 883524428 +185 199 4 883526268 +185 205 3 883524320 +185 216 4 883526268 +185 223 4 883524249 +185 237 4 883526268 +185 239 3 883524206 +185 269 5 883524428 +185 275 4 883524320 +185 276 4 883524475 +185 279 4 883525255 +185 285 5 883524507 +185 286 4 883523876 +185 287 5 883526288 +185 302 4 883526267 +185 318 4 883524172 +185 321 5 883524428 +185 423 5 883524428 +185 447 4 883526268 +185 480 4 883526267 +185 514 5 883524428 +185 515 4 883525255 +185 528 4 883526268 +185 638 4 883524364 +185 690 4 883526267 +185 701 3 883524364 +185 740 4 883524475 +185 939 3 883524249 +185 1020 4 883524172 +186 31 4 879023529 +186 38 5 879023723 +186 44 5 879023529 +186 53 1 879023882 +186 56 3 879023460 +186 71 5 879024535 +186 77 5 879023694 +186 79 5 879023460 +186 95 3 879024535 +186 98 5 891719859 +186 100 4 879023115 +186 106 2 879023242 +186 117 5 879023607 +186 118 2 879023242 +186 121 2 879023074 +186 147 4 891719774 +186 148 4 891719774 +186 177 4 891719775 +186 203 5 879023529 +186 225 4 879024148 +186 226 5 879023664 +186 237 2 879023934 +186 243 2 879024099 +186 250 1 879023607 +186 257 4 891719774 +186 258 1 879720880 +186 263 3 879023571 +186 269 1 889818094 +186 281 4 879023390 +186 288 1 879022858 +186 291 4 879023073 +186 295 2 879023390 +186 298 3 879023073 +186 299 3 879720962 +186 300 5 879022858 +186 302 3 891717742 +186 303 3 891717938 +186 306 4 891717690 +186 322 5 879022927 +186 327 3 891717806 +186 331 3 889817888 +186 332 4 891719775 +186 333 3 891718820 +186 338 3 889818331 +186 356 5 879023663 +186 385 4 879023894 +186 405 3 879023677 +186 406 1 879023272 +186 470 5 879023693 +186 477 4 891719775 +186 540 4 879024014 +186 546 4 891719775 +186 550 4 879023985 +186 554 1 879023751 +186 566 5 879023663 +186 568 4 879024014 +186 588 4 879024535 +186 591 4 879023073 +186 595 3 879023390 +186 596 4 879024459 +186 684 4 879023599 +186 717 3 879023242 +186 742 3 879023073 +186 754 2 891717690 +186 770 2 879023819 +186 820 2 879024345 +186 829 4 891719775 +186 880 3 891718700 +186 887 4 891717761 +186 925 5 879023152 +186 934 3 879023968 +186 939 5 879023529 +186 977 3 879023273 +186 983 3 879023152 +186 988 4 891719775 +186 1016 5 879023643 +186 1033 3 879024212 +186 1046 3 879023751 +186 1083 1 879023599 +186 1253 4 891719774 +186 1277 4 879023677 +186 1336 3 879024346 +186 1385 2 879023968 +186 1399 2 891718530 +187 8 5 879465273 +187 23 4 879465631 +187 28 4 879465597 +187 64 5 879465631 +187 65 5 879465507 +187 69 4 879465566 +187 70 4 879465394 +187 86 4 879465478 +187 97 3 879465717 +187 116 5 879464978 +187 134 3 879465079 +187 135 4 879465653 +187 168 5 879465273 +187 175 2 879465241 +187 179 5 879465782 +187 191 5 879465566 +187 196 4 879465507 +187 197 4 879465597 +187 204 2 879465370 +187 209 4 879465370 +187 210 4 879465242 +187 213 4 879465858 +187 214 4 879465632 +187 215 3 879465805 +187 216 5 879465394 +187 275 5 879465937 +187 423 4 879465745 +187 427 5 879465597 +187 428 4 879465308 +187 433 4 879465242 +187 462 5 879466062 +187 522 3 879465125 +187 523 3 879465125 +187 582 1 879465683 +187 651 5 879465566 +187 659 5 879465274 +187 660 5 879465744 +187 663 3 879465242 +187 694 5 879465532 +187 710 4 879465242 +187 732 3 879465419 +187 735 4 879465532 +187 736 4 879465632 +187 747 4 879465882 +187 792 5 879465340 +187 1065 4 879465717 +187 1119 3 879465683 +188 5 4 875074266 +188 7 5 875073477 +188 13 4 875073408 +188 22 5 875072459 +188 28 3 875072972 +188 38 3 875073828 +188 50 4 875072741 +188 54 4 875074589 +188 56 4 875071658 +188 64 5 875071891 +188 66 3 875075118 +188 69 4 875072009 +188 76 4 875073048 +188 77 4 875072328 +188 79 5 875072393 +188 88 4 875075300 +188 96 5 875073128 +188 97 5 875071891 +188 98 5 875071957 +188 100 4 875074127 +188 118 3 875072972 +188 121 4 875073647 +188 127 4 875072799 +188 143 5 875072674 +188 144 3 875071520 +188 148 4 875074667 +188 151 3 875073909 +188 153 5 875075062 +188 157 3 875072674 +188 159 3 875074589 +188 161 3 875073048 +188 162 4 875072972 +188 164 4 875072674 +188 173 5 875075118 +188 176 4 875072876 +188 177 4 875073329 +188 180 5 875073329 +188 181 3 875072148 +188 185 4 875071710 +188 187 3 875072211 +188 191 3 875073128 +188 195 3 875073179 +188 202 2 875073712 +188 204 4 875073478 +188 205 3 875071710 +188 209 2 875073246 +188 210 4 875071891 +188 211 4 875075062 +188 216 5 875075300 +188 218 5 875074667 +188 226 3 875074266 +188 233 3 875074266 +188 234 4 875073048 +188 237 3 875073648 +188 240 1 875072799 +188 259 3 875071443 +188 281 3 875074772 +188 288 4 875071195 +188 294 2 875071249 +188 300 4 875071195 +188 318 5 875072518 +188 326 3 875071293 +188 357 4 875073647 +188 392 5 875073408 +188 419 5 875072876 +188 443 4 875074329 +188 462 4 875073246 +188 468 4 875073329 +188 470 5 875073647 +188 474 4 875072674 +188 483 5 875072009 +188 484 5 875072392 +188 485 3 875072087 +188 498 5 875073828 +188 504 3 875074589 +188 511 2 875072211 +188 519 4 875072972 +188 553 4 875071775 +188 554 2 875074891 +188 566 5 875074200 +188 568 4 875072583 +188 591 5 875072674 +188 628 5 875074200 +188 629 4 875073246 +188 632 5 875071581 +188 635 2 875074667 +188 651 4 875073408 +188 673 4 875074127 +188 678 3 875071361 +188 692 5 875072583 +188 717 4 875074329 +188 732 3 875073828 +188 742 5 875073909 +188 764 4 875072087 +188 769 2 875074720 +188 792 2 875075062 +188 864 2 875072148 +188 877 2 875071361 +188 928 3 875074847 +188 930 4 875074720 +188 1041 3 875072328 +188 1213 2 875074847 +188 1263 3 875071891 +189 1 5 893264174 +189 4 5 893265741 +189 7 3 893264300 +189 9 3 893263994 +189 10 5 893264335 +189 13 4 893264220 +189 14 5 893263994 +189 15 2 893264335 +189 16 3 893264335 +189 20 5 893264466 +189 21 2 893264619 +189 24 4 893264248 +189 28 4 893266298 +189 30 4 893266205 +189 31 3 893266027 +189 44 4 893266376 +189 45 3 893265657 +189 50 5 893263994 +189 56 5 893265263 +189 59 3 893265191 +189 60 3 893265773 +189 61 3 893265826 +189 79 3 893265478 +189 83 4 893265624 +189 89 5 893265624 +189 91 3 893265684 +189 96 5 893265971 +189 97 4 893277579 +189 99 5 893265684 +189 100 4 893263994 +189 105 2 893264865 +189 118 1 893264735 +189 120 1 893264954 +189 121 2 893264816 +189 124 5 893264048 +189 127 4 893263994 +189 129 3 893264378 +189 131 4 893265710 +189 132 5 893265865 +189 134 5 893265239 +189 135 4 893265535 +189 136 4 893265535 +189 143 5 893266027 +189 150 4 893277702 +189 151 5 893264378 +189 162 3 893266230 +189 165 5 893265535 +189 166 4 893265657 +189 170 4 893265380 +189 172 5 893265683 +189 173 5 893265160 +189 174 5 893265160 +189 175 5 893265506 +189 176 4 893265214 +189 178 5 893265191 +189 179 5 893265478 +189 180 5 893265741 +189 181 3 893264023 +189 185 5 893265428 +189 186 2 893266027 +189 191 5 893265402 +189 194 5 893265428 +189 196 5 893266204 +189 197 5 893265291 +189 198 4 893265657 +189 203 3 893265921 +189 204 5 893265657 +189 207 5 893266161 +189 209 1 893265826 +189 214 1 893266326 +189 216 5 893265478 +189 225 4 893264703 +189 234 5 893265401 +189 238 5 893265683 +189 241 3 893265947 +189 246 4 893264048 +189 248 4 893264174 +189 253 4 893264150 +189 268 4 893265071 +189 274 4 893264735 +189 275 5 893264194 +189 276 3 893264300 +189 281 2 893264766 +189 283 5 893264300 +189 294 5 893264220 +189 297 3 893264023 +189 313 2 893263960 +189 317 4 893265826 +189 378 4 893266137 +189 381 3 893277551 +189 423 5 893265796 +189 459 4 893264595 +189 462 5 893265741 +189 473 5 893264558 +189 474 5 893265238 +189 479 5 893265123 +189 480 5 893265291 +189 483 5 893265291 +189 484 5 893266105 +189 485 4 893265710 +189 487 5 893265568 +189 489 5 893265452 +189 492 3 893265535 +189 496 5 893265380 +189 499 4 893265596 +189 500 5 893266351 +189 501 4 893265893 +189 505 5 893265239 +189 510 5 893266326 +189 512 4 893277702 +189 513 4 893265865 +189 516 1 893265568 +189 517 4 893265535 +189 520 5 893265380 +189 523 4 893265596 +189 526 4 893266205 +189 527 5 893265327 +189 532 4 893264150 +189 568 4 893266205 +189 582 5 893265998 +189 596 3 893264407 +189 603 5 893265239 +189 607 4 893266204 +189 618 2 893265160 +189 630 4 893266376 +189 632 5 893265624 +189 634 3 893265506 +189 638 5 893265380 +189 639 4 893265893 +189 647 4 893265826 +189 652 5 893265428 +189 654 3 893265291 +189 656 4 893265568 +189 657 5 893265123 +189 661 4 893265569 +189 663 3 893265773 +189 694 4 893265946 +189 705 4 893265569 +189 732 2 893277248 +189 751 4 893265046 +189 815 3 893264558 +189 820 1 893264782 +189 847 4 893264150 +189 855 3 893265657 +189 863 4 893266161 +189 914 2 893265046 +189 934 2 893264678 +189 952 5 893264619 +189 990 3 893264849 +189 1005 4 893265971 +189 1021 5 893266251 +189 1060 5 893264301 +189 1065 5 893265478 +189 1098 4 893265506 +189 1099 5 893266074 +189 1115 4 893264270 +189 1117 5 893264678 +189 1154 3 893265380 +189 1315 3 893264220 +189 1372 4 893264429 +189 1400 3 893265684 +189 1401 4 893266137 +189 1402 4 893266051 +189 1403 4 893265921 +190 9 1 891033725 +190 15 4 891033697 +190 24 3 891033773 +190 117 4 891033697 +190 118 3 891033906 +190 121 3 891033773 +190 125 3 891033863 +190 147 4 891033863 +190 148 4 891033742 +190 222 4 891033676 +190 237 5 891033773 +190 245 4 891033487 +190 269 4 891033606 +190 272 5 891033606 +190 273 4 891033676 +190 276 4 891033632 +190 281 3 891042916 +190 282 3 891033773 +190 288 5 891033606 +190 291 3 891042883 +190 294 3 891033370 +190 300 4 891033606 +190 302 5 891033606 +190 310 4 891033607 +190 313 5 891033606 +190 326 4 891033305 +190 333 4 891033606 +190 340 1 891033153 +190 354 4 891033606 +190 363 2 891626023 +190 405 4 891626000 +190 471 5 891033632 +190 508 3 891033905 +190 539 2 891033370 +190 544 4 891033806 +190 546 3 891626000 +190 591 4 891033863 +190 597 2 891626023 +190 628 4 891042883 +190 685 3 891033725 +190 696 3 891042883 +190 717 3 891042938 +190 742 3 891033841 +190 748 3 891033388 +190 751 4 891033606 +190 823 2 891626040 +190 826 3 891626040 +190 895 3 891033327 +190 898 2 891033349 +190 930 2 891042916 +190 974 2 891625949 +190 977 2 891042938 +190 989 3 891033327 +190 1313 2 891033445 +191 86 5 891562417 +191 269 3 891562090 +191 270 3 891560253 +191 272 4 891560631 +191 286 4 891560842 +191 288 3 891562090 +191 300 4 891560842 +191 301 4 891561336 +191 302 4 891560253 +191 307 3 891560935 +191 313 5 891560481 +191 316 5 891561456 +191 328 3 891562090 +191 331 4 891560631 +191 332 2 891562090 +191 339 3 891562090 +191 340 4 891560842 +191 343 3 891561856 +191 345 4 891560753 +191 750 4 891560253 +191 751 3 891560753 +191 752 3 891560481 +191 754 3 891560366 +191 891 3 891560481 +191 896 3 891562090 +191 900 4 891560481 +192 7 4 881367791 +192 9 5 881367527 +192 25 4 881367618 +192 50 4 881367505 +192 108 4 881368339 +192 111 2 881368222 +192 118 2 881367932 +192 121 2 881368127 +192 125 3 881367849 +192 127 4 881367456 +192 235 3 881368090 +192 252 1 881368277 +192 257 4 881367592 +192 258 5 881366456 +192 276 2 881367505 +192 277 3 881367932 +192 284 5 881367987 +192 287 4 881368016 +192 301 4 881366490 +192 302 5 881366489 +192 340 4 881366535 +192 476 2 881368243 +192 515 4 881367889 +192 813 4 881367456 +192 948 3 881368302 +192 1061 4 881368891 +192 1137 4 881367705 +192 1160 4 881367456 +192 1405 5 881367456 +193 1 4 890859954 +193 2 3 890860198 +193 23 4 889126609 +193 25 4 889127301 +193 29 3 889126055 +193 33 3 889125912 +193 38 3 889126055 +193 56 1 889125572 +193 69 5 889125287 +193 72 2 889127301 +193 73 3 889127237 +193 82 2 889125880 +193 94 3 889127592 +193 96 1 889124507 +193 100 5 889124127 +193 111 1 889126375 +193 117 4 889125913 +193 122 1 889127698 +193 127 5 890860351 +193 147 2 890860290 +193 153 4 889125629 +193 155 4 889126376 +193 159 4 889124191 +193 161 3 889125912 +193 174 4 889125720 +193 177 4 890860290 +193 187 4 890860351 +193 194 4 889125006 +193 195 1 889124507 +193 199 5 889125535 +193 210 4 889125755 +193 218 4 889126705 +193 234 3 889126551 +193 237 4 889124327 +193 246 3 890859402 +193 258 3 889123038 +193 259 2 889123351 +193 260 1 889123777 +193 268 3 889122906 +193 269 4 889123086 +193 274 3 889126272 +193 276 4 890860319 +193 280 4 889124016 +193 282 5 889124965 +193 288 1 889123777 +193 294 1 889123777 +193 300 4 889123039 +193 301 4 889123257 +193 307 4 889123316 +193 310 4 890834947 +193 313 4 889122950 +193 327 1 889123777 +193 328 3 889122993 +193 332 3 889123257 +193 333 1 889123039 +193 343 1 889123777 +193 347 4 889122906 +193 352 1 889123777 +193 354 3 889123158 +193 362 3 889122992 +193 366 4 890860428 +193 368 1 889127860 +193 393 4 889126808 +193 402 3 889126375 +193 403 3 889125945 +193 405 3 889125945 +193 407 4 889127921 +193 410 3 889127633 +193 412 3 889127787 +193 435 4 889124439 +193 443 4 889126610 +193 465 3 889126867 +193 476 2 889127698 +193 485 5 889124252 +193 487 5 889124287 +193 508 4 889125319 +193 541 1 889125976 +193 553 4 889126272 +193 554 3 889126088 +193 562 3 889126055 +193 580 4 889127270 +193 627 4 889126972 +193 673 4 889126551 +193 682 1 889123377 +193 684 4 889125788 +193 689 2 890834966 +193 690 4 889123221 +193 693 4 889124374 +193 722 3 889126402 +193 739 4 889126427 +193 742 4 889126673 +193 750 4 889122950 +193 755 4 889126919 +193 763 3 889127457 +193 781 3 889124469 +193 790 3 889127381 +193 815 3 889126332 +193 827 2 890859916 +193 845 4 889124803 +193 869 3 889127811 +193 871 3 890860319 +193 879 3 889123257 +193 895 1 889123777 +193 905 4 889123458 +193 928 2 889126609 +193 941 4 889124890 +193 1074 3 889126453 +193 1078 4 889126943 +193 1090 2 889124778 +193 1132 3 889127660 +193 1168 4 890860234 +193 1258 3 889123806 +193 1406 4 889123926 +194 1 4 879539127 +194 4 4 879521397 +194 7 3 879538898 +194 8 3 879521719 +194 9 4 879535704 +194 12 5 879520916 +194 13 4 879539410 +194 15 4 879539127 +194 22 5 879521474 +194 23 4 879522819 +194 25 2 879540807 +194 26 3 879522240 +194 28 5 879522324 +194 29 2 879528342 +194 30 3 879524504 +194 31 3 879549793 +194 44 4 879524007 +194 50 3 879521396 +194 51 4 879549793 +194 52 4 879525876 +194 54 3 879525876 +194 56 5 879521936 +194 58 4 879522917 +194 62 2 879524504 +194 64 5 879521936 +194 66 3 879527264 +194 69 4 879521595 +194 70 3 879522324 +194 71 4 879524291 +194 72 3 879554100 +194 73 3 879527145 +194 76 2 879549503 +194 77 3 879527421 +194 81 2 879523576 +194 82 2 879524216 +194 83 3 879521254 +194 86 3 879520991 +194 87 4 879523104 +194 88 3 879549394 +194 89 3 879521328 +194 90 3 879552841 +194 91 3 879524892 +194 94 3 879528000 +194 95 3 879521719 +194 98 4 879521329 +194 99 3 879524643 +194 100 4 879539305 +194 117 3 879535704 +194 118 3 879539229 +194 121 2 879539794 +194 124 4 879539229 +194 127 5 879520813 +194 132 3 879520991 +194 133 3 879523575 +194 134 2 879521719 +194 135 3 879521474 +194 136 5 879521167 +194 143 3 879524643 +194 144 4 879547671 +194 152 3 879549996 +194 153 3 879546723 +194 154 3 879546305 +194 155 3 879550737 +194 157 4 879547184 +194 159 3 879552401 +194 160 2 879551380 +194 161 4 879523576 +194 162 3 879549899 +194 165 4 879546723 +194 172 3 879521474 +194 173 5 879521088 +194 174 4 879520916 +194 175 3 879521595 +194 178 3 879521253 +194 180 3 879521657 +194 181 3 879521396 +194 182 3 879521475 +194 183 3 879520916 +194 185 4 879521254 +194 187 4 879520813 +194 188 4 879522158 +194 191 4 879521856 +194 192 5 879521253 +194 193 4 879524790 +194 194 4 879523575 +194 195 3 879521657 +194 196 3 879524007 +194 197 4 879522021 +194 198 3 879522021 +194 199 4 879521329 +194 202 3 879524216 +194 203 3 879522158 +194 205 3 879524291 +194 208 3 879521329 +194 209 3 879521936 +194 210 3 879521396 +194 212 1 879524216 +194 213 2 879523575 +194 215 3 879524291 +194 216 3 879523785 +194 218 4 879524892 +194 219 2 879527865 +194 222 1 879538960 +194 223 4 879547032 +194 225 3 879543589 +194 226 3 879525761 +194 227 1 879535548 +194 229 1 879535548 +194 230 1 879535548 +194 232 2 879553731 +194 234 3 879521167 +194 235 2 879541343 +194 237 3 879538959 +194 238 5 879521396 +194 239 3 879522917 +194 241 2 879527725 +194 259 2 879520306 +194 274 2 879539794 +194 276 3 879539127 +194 281 2 879540567 +194 282 3 879539614 +194 284 3 879539410 +194 286 1 879520306 +194 289 1 879535548 +194 294 4 879520305 +194 317 4 879521657 +194 318 5 879521328 +194 321 3 879520306 +194 356 2 879524892 +194 357 4 879520916 +194 366 2 879525761 +194 371 3 879527584 +194 376 2 879528752 +194 380 1 879535549 +194 383 1 879554842 +194 385 2 879524643 +194 393 2 879524007 +194 399 2 879528454 +194 402 3 879524008 +194 403 2 879527725 +194 404 3 879522445 +194 405 2 879539305 +194 410 3 879541042 +194 414 3 879522240 +194 417 2 879525695 +194 419 2 879521088 +194 423 3 879548121 +194 425 2 879522240 +194 427 4 879521088 +194 431 4 879524291 +194 432 4 879524007 +194 433 3 879523104 +194 443 3 879523104 +194 449 1 879554897 +194 450 1 879555001 +194 451 2 879527145 +194 456 1 879544303 +194 465 3 879527513 +194 466 4 879525876 +194 467 5 879521253 +194 470 3 879527421 +194 471 3 879540807 +194 474 4 879521396 +194 478 3 879521329 +194 479 3 879521167 +194 481 3 879524291 +194 482 3 879521088 +194 483 4 879520916 +194 485 3 879546498 +194 488 3 879521475 +194 491 3 879520916 +194 498 3 879521595 +194 501 3 879548319 +194 502 4 879548624 +194 503 4 879522916 +194 504 2 879523785 +194 507 4 879520916 +194 509 3 879522085 +194 510 4 879521474 +194 511 4 879520991 +194 514 3 879521167 +194 516 3 879522021 +194 517 3 879521856 +194 519 4 879521474 +194 520 5 879545114 +194 521 4 879524504 +194 523 5 879521596 +194 526 4 879521087 +194 527 4 879521474 +194 529 4 879523575 +194 530 4 879521167 +194 540 1 879554950 +194 542 3 879551849 +194 546 3 879541806 +194 549 3 879527263 +194 550 3 879524504 +194 559 2 879521937 +194 562 2 879524007 +194 566 4 879522819 +194 568 2 879522819 +194 570 3 879529356 +194 575 1 879554453 +194 576 2 879528568 +194 580 4 879525876 +194 582 1 879535549 +194 588 4 879524393 +194 604 3 879546498 +194 616 3 879523243 +194 623 1 879551637 +194 624 2 879525695 +194 625 3 879527145 +194 628 3 879540171 +194 629 3 879552401 +194 631 2 879546551 +194 633 3 879521254 +194 636 2 879553731 +194 640 1 879535548 +194 642 2 879527514 +194 647 4 879521531 +194 648 4 879521936 +194 651 3 879520991 +194 654 2 879522445 +194 655 5 879520813 +194 659 4 879520743 +194 660 3 879527421 +194 663 4 879524292 +194 674 2 879553988 +194 692 2 879524215 +194 693 4 879524216 +194 705 2 879524007 +194 708 3 879528106 +194 712 3 879555147 +194 720 2 879553883 +194 732 3 879522021 +194 735 4 879524718 +194 736 2 879548122 +194 737 4 879553003 +194 739 3 879527263 +194 744 3 879547130 +194 756 1 879549899 +194 762 3 879539305 +194 770 4 879525342 +194 780 2 879527865 +194 783 2 879527865 +194 790 1 879535549 +194 792 4 879524504 +194 808 2 879527999 +194 820 1 879541742 +194 837 4 879546671 +194 864 2 879539305 +194 871 2 879554603 +194 939 3 879550615 +194 941 2 879552569 +194 944 2 879551999 +194 946 3 879527514 +194 951 3 879525761 +194 971 3 879551049 +194 991 2 879520306 +194 997 3 879553988 +194 1011 3 879539794 +194 1028 2 879541148 +194 1041 2 879553591 +194 1044 2 879524579 +194 1045 2 879524644 +194 1058 2 879552923 +194 1066 3 879554383 +194 1091 3 879528568 +194 1093 3 879540807 +194 1183 2 879554453 +194 1206 1 879554453 +194 1207 1 879555410 +194 1211 2 879551380 +194 1220 3 879524790 +194 1408 1 879555267 +194 1409 2 879552662 +194 1410 2 879553404 +194 1411 1 879554331 +194 1412 2 879551921 +195 14 4 890985390 +195 46 3 891762441 +195 47 5 876632643 +195 55 4 888737417 +195 59 3 888737346 +195 60 3 888737240 +195 61 3 888737277 +195 67 2 874825826 +195 93 3 891762536 +195 99 3 888737277 +195 100 5 875771440 +195 109 3 878019342 +195 127 5 875771441 +195 132 5 875771441 +195 134 5 875771441 +195 135 5 875771440 +195 143 5 875771441 +195 152 3 890589490 +195 154 3 888737525 +195 181 5 875771440 +195 186 3 888737240 +195 198 3 884420000 +195 213 4 883934680 +195 227 3 888737346 +195 234 5 875771441 +195 235 3 883191566 +195 242 4 879141989 +195 258 4 882859352 +195 264 3 890721304 +195 265 4 888737346 +195 271 4 879488450 +195 273 4 878019342 +195 276 4 880710086 +195 298 4 888737703 +195 300 3 890588925 +195 304 4 876617344 +195 313 5 883688297 +195 325 2 880268330 +195 326 3 887439400 +195 328 4 884420059 +195 358 2 883463275 +195 366 3 885110899 +195 373 3 875158215 +195 384 2 874825826 +195 386 2 874825826 +195 387 4 891762491 +195 407 2 877835302 +195 413 3 885110849 +195 421 4 892362736 +195 433 3 878019342 +195 451 5 875771441 +195 469 3 880710046 +195 477 2 885110922 +195 496 4 888737525 +195 500 4 876617344 +195 507 4 875436627 +195 508 3 886782519 +195 558 3 890589408 +195 582 4 883822804 +195 591 4 892281779 +195 615 4 880650666 +195 636 2 884504132 +195 651 5 875436683 +195 678 3 883295570 +195 740 3 890985743 +195 751 4 883295500 +195 753 3 874824313 +195 771 2 874825826 +195 779 2 874825826 +195 797 3 877835268 +195 809 3 877835548 +195 823 4 881485704 +195 831 2 884504132 +195 841 2 891841129 +195 877 3 887567629 +195 887 4 886782489 +195 921 3 883934716 +195 982 2 877835350 +195 1013 3 877156636 +195 1014 4 879673925 +195 1030 2 877835451 +195 1052 1 877835102 +195 1084 4 888737345 +195 1089 4 883295540 +195 1193 4 888737346 +195 1228 1 876632600 +195 1407 2 874825826 +195 1413 2 877835268 +195 1414 2 874825826 +195 1415 1 874825827 +195 1416 2 884504132 +195 1417 3 877246560 +195 1418 4 891762646 +196 8 5 881251753 +196 13 2 881251955 +196 25 4 881251955 +196 66 3 881251911 +196 67 5 881252017 +196 70 3 881251842 +196 94 3 881252172 +196 108 4 881252110 +196 110 1 881252305 +196 111 4 881251793 +196 116 3 881251753 +196 153 5 881251820 +196 173 2 881251820 +196 202 3 881251728 +196 238 4 881251820 +196 242 3 881250949 +196 251 3 881251274 +196 257 2 881251577 +196 285 5 881251753 +196 286 5 881250949 +196 287 3 881251884 +196 306 4 881251021 +196 340 3 881251045 +196 381 4 881251728 +196 382 4 881251843 +196 393 4 881251863 +196 411 4 881252090 +196 428 4 881251702 +196 580 2 881252056 +196 655 5 881251793 +196 663 5 881251911 +196 692 5 881252017 +196 762 3 881251955 +196 1007 4 881251601 +196 1118 4 881252128 +196 1241 3 881251642 +197 2 3 891409981 +197 4 3 891409981 +197 11 1 891409893 +197 22 5 891409839 +197 29 3 891410170 +197 33 2 891409981 +197 38 3 891410039 +197 39 2 891409982 +197 50 5 891409839 +197 55 3 891409982 +197 56 1 891409799 +197 62 2 891410039 +197 68 2 891410082 +197 79 5 891409839 +197 82 5 891409893 +197 89 5 891409798 +197 92 1 891410082 +197 96 5 891409839 +197 127 5 891409839 +197 161 4 891410039 +197 172 5 891409839 +197 174 5 891409798 +197 176 5 891409798 +197 177 5 891409935 +197 181 5 891409893 +197 182 3 891409935 +197 183 5 891409839 +197 184 1 891409981 +197 187 5 891409798 +197 188 3 891409982 +197 190 3 891410082 +197 195 5 891409798 +197 210 5 891409838 +197 226 4 891410038 +197 227 3 891409936 +197 228 4 891409894 +197 229 3 891410039 +197 230 4 891409893 +197 231 3 891410124 +197 232 4 891410082 +197 233 4 891409935 +197 241 3 891409893 +197 245 4 891409352 +197 258 4 891409255 +197 259 1 891409422 +197 265 5 891409893 +197 271 2 891409352 +197 286 1 891409255 +197 288 3 891409387 +197 289 4 891409422 +197 294 4 891409290 +197 300 4 891409422 +197 302 3 891409070 +197 306 2 891409160 +197 307 3 891409323 +197 313 4 891409160 +197 316 4 891409535 +197 321 3 891409475 +197 322 3 891409475 +197 323 3 891409422 +197 328 4 891409290 +197 332 2 891409290 +197 333 2 891409111 +197 340 2 891409199 +197 344 4 891409070 +197 346 3 891409070 +197 347 4 891409070 +197 354 2 891409199 +197 362 4 891409199 +197 373 1 891410124 +197 385 2 891409893 +197 399 2 891410082 +197 403 3 891410038 +197 431 3 891409935 +197 435 5 891409935 +197 449 5 891410124 +197 510 5 891409935 +197 511 5 891409839 +197 515 5 891409935 +197 518 1 891409982 +197 526 5 891409935 +197 530 3 891410082 +197 550 3 891409981 +197 554 4 891410170 +197 566 4 891409893 +197 570 4 891410124 +197 576 4 891410039 +197 578 3 891410039 +197 586 3 891410170 +197 651 5 891409839 +197 665 4 891410124 +197 678 2 891409593 +197 679 1 891409935 +197 684 4 891409981 +197 688 1 891409564 +197 690 3 891409255 +197 720 2 891410039 +197 748 3 891409323 +197 750 5 891409199 +197 751 3 891409290 +197 770 3 891410082 +197 779 2 891410170 +197 802 4 891410082 +197 808 3 891409893 +197 849 3 891410124 +197 879 4 891409535 +197 880 3 891409387 +197 895 3 891409199 +197 1222 3 891410082 +197 1228 4 891410124 +197 1419 2 891410124 +197 1420 1 891409683 +198 1 4 884205081 +198 4 3 884209536 +198 6 2 884206270 +198 7 4 884205317 +198 11 4 884207392 +198 15 3 884205185 +198 23 4 884208491 +198 24 2 884205385 +198 25 2 884205114 +198 27 2 884208595 +198 33 3 884209291 +198 50 5 884204919 +198 51 3 884208455 +198 55 3 884207525 +198 56 5 884207392 +198 58 3 884208173 +198 64 4 884207206 +198 65 2 884208241 +198 69 4 884207560 +198 70 3 884207691 +198 73 3 884208419 +198 79 3 884208518 +198 81 5 884208326 +198 82 3 884209451 +198 89 5 884208623 +198 93 3 884205346 +198 95 3 884207612 +198 96 4 884208326 +198 97 3 884207112 +198 98 4 884207611 +198 100 1 884207325 +198 101 5 884209569 +198 108 3 884206270 +198 117 1 884205114 +198 118 2 884206513 +198 121 3 884206330 +198 122 1 884206807 +198 127 5 884204919 +198 128 3 884209451 +198 131 3 884208952 +198 132 4 884208137 +198 135 5 884208061 +198 137 4 884205252 +198 143 3 884208951 +198 148 3 884206401 +198 151 4 884206401 +198 153 4 884207858 +198 154 4 884208098 +198 156 3 884207058 +198 161 3 884208454 +198 164 3 884208571 +198 168 4 884207654 +198 172 4 884207206 +198 173 4 884207492 +198 174 5 884208326 +198 175 3 884207239 +198 176 4 884207136 +198 179 4 884209264 +198 180 3 884207298 +198 182 4 884207946 +198 183 5 884207654 +198 184 3 884209003 +198 185 3 884209264 +198 186 5 884207733 +198 187 4 884207239 +198 188 5 884208200 +198 191 4 884208682 +198 193 4 884207833 +198 195 3 884207267 +198 196 3 884208098 +198 197 4 884208200 +198 198 4 884207654 +198 200 4 884207239 +198 203 3 884207733 +198 204 3 884207584 +198 208 3 884208571 +198 210 4 884207612 +198 214 4 884208273 +198 215 4 884208098 +198 216 4 884208490 +198 217 4 884208273 +198 218 3 884209412 +198 222 3 884204993 +198 228 3 884207206 +198 229 3 884209353 +198 234 3 884207833 +198 237 2 884206191 +198 238 4 884207733 +198 241 3 884209264 +198 249 2 884205277 +198 258 4 884204501 +198 265 3 884207206 +198 276 3 884205317 +198 280 3 884206401 +198 298 1 884204993 +198 300 2 884204427 +198 318 4 884207560 +198 323 2 884204637 +198 356 3 884208455 +198 357 5 884207267 +198 369 1 884206806 +198 381 3 884208273 +198 382 4 884207525 +198 385 3 884208778 +198 402 3 884209147 +198 403 4 884209353 +198 410 1 884205385 +198 411 1 884206659 +198 427 4 884207009 +198 428 4 884209188 +198 429 4 884207691 +198 431 3 884208137 +198 433 2 884208326 +198 434 3 884208061 +198 455 3 884206191 +198 470 3 884208571 +198 480 4 884207239 +198 498 3 884207492 +198 501 4 884209264 +198 509 4 884208710 +198 511 4 884208326 +198 527 4 884208061 +198 531 5 884207525 +198 549 3 884208518 +198 559 3 884208739 +198 568 3 884208710 +198 581 3 884209504 +198 629 4 884209221 +198 631 3 884208624 +198 636 3 884209353 +198 640 3 884208651 +198 651 4 884207424 +198 652 3 884209569 +198 654 5 884207733 +198 655 4 884209188 +198 658 3 884208173 +198 660 4 884208624 +198 673 3 884209451 +198 684 3 884208778 +198 690 3 884204427 +198 692 2 884208377 +198 693 3 884207734 +198 707 2 884207009 +198 727 4 884208876 +198 746 4 884207946 +198 748 2 884204577 +198 763 3 884206482 +198 820 1 884206773 +198 823 2 884206587 +198 824 2 884206847 +198 871 1 884205277 +198 923 3 884207946 +198 942 4 884209569 +198 959 3 884209264 +198 979 5 884206748 +198 1014 2 884206330 +198 1094 1 884206807 +198 1117 3 884205252 +198 1142 5 884205114 +198 1169 4 884208834 +198 1244 2 884206659 +198 1245 4 884205317 +199 1 1 883782854 +199 7 4 883782854 +199 9 5 883782853 +199 14 4 883783005 +199 93 4 883782825 +199 100 3 883782807 +199 111 3 883783042 +199 116 5 883782807 +199 117 3 883782879 +199 221 4 883782854 +199 242 5 883782485 +199 258 4 883782403 +199 259 1 883782583 +199 268 5 883782509 +199 276 4 883782879 +199 285 4 883782879 +199 286 5 883782485 +199 294 1 883782636 +199 313 4 883782557 +199 322 2 883782636 +199 323 3 883782655 +199 324 1 883782509 +199 405 2 883783005 +199 408 5 883782716 +199 473 4 883783005 +199 475 5 883782918 +199 508 4 883782899 +199 539 1 883782509 +199 678 1 883782636 +199 687 1 883782655 +199 892 1 883782485 +199 948 1 883782655 +199 988 1 883782655 +199 989 1 883782509 +199 1326 3 883782934 +199 1354 1 883782952 +200 1 5 876042340 +200 2 4 884130046 +200 7 4 876042451 +200 8 4 884128904 +200 11 5 884129542 +200 15 4 884127745 +200 22 4 884128372 +200 24 2 884127370 +200 25 4 876042234 +200 28 5 884128458 +200 29 4 884130540 +200 33 4 884129602 +200 38 3 884130348 +200 43 3 884129814 +200 45 3 884128372 +200 48 2 884129029 +200 50 5 884128400 +200 54 4 884129920 +200 56 4 884128858 +200 58 4 884129301 +200 62 5 884130146 +200 63 4 884130415 +200 68 5 884129729 +200 69 5 884128788 +200 71 4 884129409 +200 72 4 884129542 +200 82 5 884129656 +200 88 4 884128760 +200 89 5 884128788 +200 91 4 884129814 +200 94 4 884130046 +200 95 5 884128979 +200 96 5 884129409 +200 98 5 884128933 +200 99 5 884128858 +200 103 2 891825521 +200 107 3 884128022 +200 112 3 884127370 +200 117 5 876042268 +200 118 4 876042299 +200 121 5 876042268 +200 123 4 884127568 +200 125 5 876041895 +200 132 5 884130792 +200 135 4 884128400 +200 139 3 884130540 +200 140 4 884129962 +200 141 4 884129346 +200 143 5 884128499 +200 147 5 876042451 +200 148 4 876042340 +200 151 3 876042204 +200 161 4 884128979 +200 169 5 884128822 +200 173 5 884128554 +200 174 5 884128426 +200 177 4 884129656 +200 179 4 884129029 +200 183 5 884128554 +200 188 4 884129160 +200 191 5 884128554 +200 193 4 884129209 +200 195 5 884128822 +200 196 4 884126833 +200 202 5 884129275 +200 205 4 884128458 +200 208 5 884128904 +200 210 5 884128933 +200 215 4 884129346 +200 218 5 884129410 +200 222 5 876042340 +200 225 4 876042299 +200 226 4 884130085 +200 227 5 884129006 +200 228 5 884128372 +200 229 5 884129696 +200 231 4 884130679 +200 234 4 884129381 +200 235 2 884128065 +200 239 3 884129602 +200 241 4 884129782 +200 243 3 876041719 +200 258 4 876041644 +200 265 5 884128372 +200 276 5 876041895 +200 280 4 884127798 +200 282 4 884127745 +200 286 4 884125953 +200 291 3 891825292 +200 294 4 884125953 +200 304 5 876041644 +200 313 5 884125806 +200 318 5 884128458 +200 323 3 884125973 +200 325 5 876041719 +200 357 5 884128498 +200 358 5 884127221 +200 363 3 876042753 +200 365 5 884129962 +200 373 4 884130754 +200 385 5 884129696 +200 391 4 884130484 +200 392 5 884128858 +200 393 4 884129410 +200 401 2 884130085 +200 402 4 884129029 +200 405 3 884127370 +200 409 2 884127431 +200 410 3 876042204 +200 411 3 876042824 +200 419 4 884129232 +200 420 5 884129837 +200 423 5 884129275 +200 431 5 884129006 +200 432 5 884128458 +200 443 5 884129468 +200 447 4 884130014 +200 451 4 884129006 +200 455 3 876042340 +200 462 4 884128858 +200 465 4 884129112 +200 472 4 884127890 +200 473 4 876042493 +200 478 5 884128788 +200 483 5 884128426 +200 495 3 884129092 +200 496 5 884128904 +200 501 4 884129504 +200 509 4 884129602 +200 515 5 884129381 +200 523 4 884129627 +200 527 4 884129656 +200 528 4 884128426 +200 542 3 884130592 +200 546 3 884127745 +200 549 4 884129567 +200 552 4 884130540 +200 559 4 884129920 +200 560 4 884130655 +200 568 5 884128372 +200 570 4 884130484 +200 576 4 884130415 +200 578 5 884130085 +200 580 2 884130114 +200 582 4 884129782 +200 584 4 884129542 +200 586 4 884130391 +200 588 5 884128499 +200 596 4 876042584 +200 597 4 876042824 +200 622 3 884129782 +200 652 2 884127370 +200 660 3 884129209 +200 665 4 884130621 +200 673 5 884128554 +200 674 4 884130348 +200 679 4 884129920 +200 685 4 876042493 +200 692 3 884128400 +200 717 4 876042493 +200 739 4 884130046 +200 742 4 876042133 +200 743 3 891825607 +200 748 3 884125953 +200 755 5 884129729 +200 756 3 876042493 +200 758 3 884127370 +200 760 4 876042753 +200 768 4 884130592 +200 771 4 884130721 +200 802 4 884130485 +200 820 3 884127370 +200 826 4 876042556 +200 831 4 891825565 +200 840 4 876042525 +200 841 3 876042556 +200 866 4 891825324 +200 890 4 884127082 +200 892 4 884127082 +200 924 5 876042368 +200 929 4 876042979 +200 934 2 884127370 +200 982 2 891825589 +200 984 3 884125996 +200 1028 2 884128176 +200 1033 2 891825441 +200 1034 3 891825521 +200 1049 3 876042922 +200 1060 3 876042340 +200 1091 4 884129814 +200 1139 3 884130484 +200 1219 3 884130289 +200 1228 4 884130721 +200 1411 3 884130289 +200 1419 5 884130679 +201 1 3 884113635 +201 2 2 884112487 +201 4 4 884111830 +201 7 3 884112201 +201 8 3 884141438 +201 9 3 884113343 +201 11 4 884112201 +201 15 3 884140670 +201 20 2 884140275 +201 23 4 884111830 +201 25 3 884114015 +201 26 4 884111927 +201 27 3 884140891 +201 28 3 884111217 +201 31 1 884114232 +201 32 3 884140049 +201 33 4 884112487 +201 36 1 884140927 +201 37 2 884114635 +201 39 1 884112427 +201 42 4 884113713 +201 45 2 884111958 +201 46 4 884140247 +201 47 4 884140610 +201 50 4 884114471 +201 51 2 884140751 +201 53 3 884114713 +201 56 5 884111269 +201 57 4 884111958 +201 59 4 884111546 +201 61 2 884111986 +201 62 1 884310149 +201 64 3 884111436 +201 65 4 884113806 +201 68 2 884112487 +201 69 2 884112901 +201 70 3 884112029 +201 71 3 884111270 +201 76 4 884140709 +201 77 2 884140788 +201 79 4 884112245 +201 81 1 884140488 +201 82 4 884114471 +201 86 4 884111637 +201 87 3 884111775 +201 89 3 884112245 +201 92 3 884112245 +201 93 5 884113662 +201 95 3 884114015 +201 96 4 884112352 +201 97 2 884140115 +201 98 4 884111312 +201 99 3 884141438 +201 100 4 884111485 +201 117 2 884112487 +201 118 1 884310148 +201 121 2 884114275 +201 123 2 884114233 +201 124 3 884112991 +201 125 2 884140709 +201 127 5 884111708 +201 128 2 884111546 +201 129 4 884114471 +201 137 4 884112901 +201 144 4 884112245 +201 145 3 884114813 +201 146 1 884140579 +201 148 1 884140751 +201 150 4 884139983 +201 156 4 884111830 +201 160 5 884113368 +201 164 3 884112627 +201 171 3 884111678 +201 172 5 884111269 +201 173 3 884111360 +201 174 3 884112201 +201 175 2 884140022 +201 176 4 884112281 +201 179 5 884114471 +201 180 3 884140078 +201 181 2 884112245 +201 183 4 884112245 +201 184 3 884112245 +201 185 5 884111217 +201 186 3 884114069 +201 187 3 884111312 +201 188 4 884112201 +201 190 4 884111873 +201 191 4 884114471 +201 192 4 884111637 +201 193 3 884140078 +201 195 3 884111397 +201 196 4 884111677 +201 197 4 884113422 +201 198 4 884111873 +201 200 5 884112537 +201 202 3 884112747 +201 203 5 884114471 +201 204 4 884113082 +201 206 2 884112029 +201 207 3 884111360 +201 209 3 884112801 +201 210 2 884111270 +201 212 4 884111899 +201 213 4 884111873 +201 215 2 884140382 +201 216 4 884111360 +201 217 3 884112627 +201 218 4 884114471 +201 219 4 884112673 +201 221 3 884111397 +201 222 3 884112201 +201 223 4 884113343 +201 226 3 884114232 +201 227 4 884310149 +201 228 3 884112427 +201 230 3 884112487 +201 231 2 884310104 +201 233 4 884310104 +201 234 5 884112537 +201 237 4 884140307 +201 238 3 884113343 +201 239 1 884140275 +201 240 3 884114069 +201 241 2 884112487 +201 242 4 884110598 +201 258 2 884110667 +201 260 4 884110967 +201 265 3 884310104 +201 269 3 886013700 +201 271 4 884110967 +201 272 3 886013700 +201 273 2 884112352 +201 275 4 884113634 +201 276 5 884111598 +201 281 2 884112352 +201 282 2 884140428 +201 284 3 884140336 +201 285 4 884114471 +201 286 2 884110702 +201 288 4 884110887 +201 289 2 884111064 +201 292 3 884110598 +201 302 4 884110637 +201 303 2 884110667 +201 304 2 884110967 +201 313 5 884110598 +201 315 3 884111029 +201 317 3 884113634 +201 318 5 884111269 +201 319 2 884110967 +201 321 3 884111029 +201 324 5 884110811 +201 325 5 884111064 +201 326 2 884111095 +201 331 4 884110967 +201 332 2 884110887 +201 333 2 884110927 +201 334 4 884110927 +201 340 5 884110887 +201 346 4 884110766 +201 357 4 884111217 +201 370 1 884114506 +201 375 3 884287140 +201 379 3 884114813 +201 380 1 884140825 +201 381 3 884111986 +201 385 2 884112427 +201 387 2 884140825 +201 396 3 884114682 +201 402 2 884140975 +201 403 3 884112427 +201 405 4 884112427 +201 406 1 884114505 +201 408 4 884111436 +201 413 3 884114505 +201 421 2 884111708 +201 423 4 884112901 +201 425 3 884140246 +201 431 1 884112352 +201 432 3 884111312 +201 435 4 884112201 +201 436 3 884112627 +201 438 1 884114813 +201 440 2 884114770 +201 443 3 884112580 +201 447 5 884112581 +201 448 3 884112581 +201 452 1 884114770 +201 454 2 884111830 +201 455 3 884112487 +201 458 4 884140428 +201 461 4 884113924 +201 462 1 884141208 +201 464 1 884140522 +201 466 4 884113453 +201 467 2 884139983 +201 469 4 884113453 +201 471 2 884140637 +201 473 3 884141470 +201 475 4 884112748 +201 480 4 884111598 +201 482 4 884111360 +201 483 3 884111546 +201 505 3 884113772 +201 508 4 884140458 +201 509 3 884111546 +201 511 3 884112201 +201 513 3 884114069 +201 514 3 884112747 +201 515 5 884111546 +201 518 4 884112201 +201 521 2 884111637 +201 527 3 884111360 +201 531 2 884113949 +201 537 3 884141053 +201 544 2 884140307 +201 546 2 884140891 +201 551 1 884114770 +201 556 4 884111397 +201 558 2 884112537 +201 559 2 884112627 +201 563 1 884114813 +201 567 3 884112673 +201 568 3 884112245 +201 578 2 884310148 +201 581 3 884140788 +201 582 5 884111873 +201 583 1 884112352 +201 587 4 884140975 +201 588 4 884113490 +201 589 3 884113082 +201 591 3 884140307 +201 596 4 884141438 +201 597 2 884310149 +201 607 4 884111485 +201 631 2 884140750 +201 636 2 884310149 +201 637 3 884112627 +201 642 4 884111485 +201 644 3 884113924 +201 649 3 884114275 +201 651 4 884111217 +201 654 3 884113422 +201 655 4 884112800 +201 658 3 884111677 +201 660 3 884140927 +201 665 2 884114770 +201 667 2 884114682 +201 670 4 884112673 +201 672 2 884112673 +201 673 3 884140115 +201 676 2 884140927 +201 679 3 884310104 +201 682 3 884110887 +201 684 3 884114233 +201 685 3 884112352 +201 686 2 884112352 +201 693 4 884113949 +201 695 1 884140115 +201 697 4 884140115 +201 699 3 884140610 +201 705 3 884113302 +201 708 4 884140247 +201 715 4 884140382 +201 729 2 884140975 +201 735 3 884113975 +201 737 2 884112077 +201 747 2 884113635 +201 750 3 884110598 +201 751 3 884110766 +201 767 4 884114505 +201 772 5 884113343 +201 773 4 884112627 +201 774 1 884114713 +201 777 1 884112673 +201 789 3 884112840 +201 800 2 884114713 +201 803 2 884112282 +201 806 3 884140049 +201 823 3 884140975 +201 825 1 884112427 +201 844 2 884112537 +201 847 2 884111546 +201 853 4 884114635 +201 855 4 884111873 +201 856 3 884140709 +201 886 1 884110927 +201 896 3 884110766 +201 919 3 884141208 +201 923 3 884113592 +201 943 3 884114275 +201 950 3 884140610 +201 955 3 884114895 +201 956 4 884140522 +201 960 2 884112077 +201 962 4 884113082 +201 972 3 884140522 +201 979 2 884114233 +201 980 3 884140927 +201 991 4 884110735 +201 1006 2 884112136 +201 1008 3 884140891 +201 1010 3 884140579 +201 1011 3 884140853 +201 1039 3 884111599 +201 1045 2 884140788 +201 1063 3 884113453 +201 1065 3 884113490 +201 1069 2 884111312 +201 1070 5 884111677 +201 1073 2 884111899 +201 1098 2 884112747 +201 1100 4 884112800 +201 1103 3 884140487 +201 1128 4 884140825 +201 1131 5 884111359 +201 1135 5 884140750 +201 1136 1 884140637 +201 1137 4 884111830 +201 1153 2 884140709 +201 1163 1 884140382 +201 1166 3 884113806 +201 1169 4 884141053 +201 1170 4 884141053 +201 1187 3 884112201 +201 1192 3 884113772 +201 1193 4 884111873 +201 1194 4 884111899 +201 1208 4 884140927 +201 1211 3 884113806 +201 1220 2 884140975 +201 1224 2 884140891 +201 1227 1 884140787 +201 1229 3 884140307 +201 1245 4 884141015 +201 1268 4 884112077 +201 1355 1 884111637 +201 1401 2 884140670 +201 1421 3 884141015 +201 1422 2 884114194 +201 1423 3 884140853 +201 1424 3 884113114 +201 1425 3 884111637 +201 1427 2 884113975 +201 1428 4 884114099 +202 1 3 879727059 +202 96 4 879727059 +202 172 3 879726778 +202 173 2 879726914 +202 179 1 879727294 +202 191 2 879727294 +202 195 4 879726914 +202 204 3 879727058 +202 242 3 879726342 +202 258 4 879726342 +202 269 4 879726420 +202 283 3 879727153 +202 286 1 879726342 +202 318 1 879727116 +202 423 3 879727116 +202 481 1 879726642 +202 484 4 879727153 +202 515 1 879726778 +202 516 4 879726778 +202 604 5 879727058 +203 1 3 880434384 +203 7 3 880434438 +203 24 4 880434359 +203 50 5 880434810 +203 93 4 880434940 +203 100 1 880434411 +203 117 4 880434810 +203 148 3 880434755 +203 150 5 880434278 +203 151 4 880434384 +203 181 5 880434278 +203 222 4 880434318 +203 248 5 880434496 +203 250 4 880434495 +203 257 3 880434298 +203 258 3 880433368 +203 271 3 880433445 +203 276 4 880434810 +203 282 1 880434919 +203 283 5 880434359 +203 288 5 880433368 +203 294 2 880433398 +203 304 3 880433445 +203 321 3 880433418 +203 323 3 880433558 +203 326 4 880433398 +203 332 5 880433474 +203 336 3 880433474 +203 458 3 880434336 +203 471 4 880434463 +203 475 3 880434318 +203 619 3 880434438 +203 628 4 880434810 +203 742 3 880434882 +203 744 2 880434495 +203 748 2 880433474 +203 815 4 880434882 +203 993 3 880434919 +203 1049 2 880434463 +204 1 2 892513979 +204 9 5 892513979 +204 12 4 892513865 +204 45 5 892513906 +204 146 3 892513979 +204 170 5 892513865 +204 172 3 892513819 +204 191 4 892513906 +204 216 4 892513864 +204 242 5 892388935 +204 245 3 892391980 +204 258 2 892388976 +204 259 2 892389195 +204 262 4 892389137 +204 268 3 892388935 +204 269 4 892388976 +204 286 3 892389046 +204 288 3 892389137 +204 292 5 892388857 +204 297 5 892514010 +204 300 3 892388900 +204 301 4 892389328 +204 302 5 892389137 +204 303 5 892389020 +204 304 3 892389328 +204 310 1 892389073 +204 315 4 892388857 +204 316 4 892388935 +204 318 5 892513819 +204 321 1 892388900 +204 322 3 892391947 +204 333 1 892391748 +204 336 1 892391854 +204 340 5 892389195 +204 482 4 892513906 +204 748 1 892392030 +204 874 3 892388976 +204 1022 5 892392078 +204 1194 4 892513906 +204 1281 2 892513979 +204 1296 5 892392078 +205 242 4 888284313 +205 243 2 888284758 +205 258 3 888284313 +205 268 2 888284618 +205 269 3 888284347 +205 286 2 888284245 +205 289 4 888284710 +205 294 3 888284402 +205 300 3 888284245 +205 304 3 888284313 +205 313 3 888284313 +205 315 4 888284245 +205 316 4 888284710 +205 322 3 888284577 +205 326 4 888284454 +205 328 3 888284454 +205 333 4 888284618 +205 678 1 888284618 +205 875 2 888284532 +205 984 1 888284710 +205 1025 1 888284495 +206 245 1 888179772 +206 258 4 888179602 +206 260 3 888179772 +206 262 1 888180049 +206 269 4 888180018 +206 272 5 888179565 +206 288 5 888179565 +206 294 2 888179694 +206 300 1 888179565 +206 302 5 888180227 +206 308 2 888180049 +206 309 2 888179647 +206 310 5 888179625 +206 313 5 888179565 +206 314 1 888179948 +206 315 5 888180018 +206 323 1 888179833 +206 326 1 888179713 +206 333 4 888179565 +206 336 1 888179928 +206 337 2 888180049 +206 340 3 888180082 +206 343 1 888179788 +206 346 5 888179981 +206 359 1 888179980 +206 360 1 888180081 +206 361 1 888180082 +206 362 1 888180018 +206 678 1 888179833 +206 683 1 888179980 +206 690 2 888179694 +206 691 1 888180081 +206 748 4 888179833 +206 749 2 888179980 +206 750 3 888179981 +206 873 3 888179833 +206 882 1 888180049 +206 889 2 888180081 +206 891 2 888180049 +206 895 5 888179788 +206 896 4 888180018 +206 900 1 888179980 +206 903 2 888180018 +206 904 1 888180081 +206 990 1 888179913 +206 1022 1 888179980 +206 1024 1 888180049 +206 1062 3 888180018 +206 1127 4 888180081 +206 1176 1 888180049 +206 1233 1 888180018 +206 1313 1 888179981 +206 1394 1 888179981 +206 1395 1 888180081 +206 1430 1 888179980 +206 1431 1 888180018 +206 1432 1 888180082 +206 1433 1 888180049 +206 1434 1 888180082 +207 2 3 877822770 +207 4 4 876198457 +207 5 3 880839802 +207 8 3 878103820 +207 9 4 880911845 +207 12 3 878104200 +207 13 3 875506839 +207 14 4 875504876 +207 15 4 876198392 +207 18 2 877878739 +207 22 3 875509262 +207 23 4 875509888 +207 25 4 876079113 +207 28 4 877822162 +207 33 2 877125422 +207 38 3 875509507 +207 42 4 877878688 +207 45 3 878104569 +207 53 1 881681725 +207 55 3 875509395 +207 56 4 875503973 +207 58 3 875991047 +207 59 4 877846793 +207 60 3 877845845 +207 65 3 878104594 +207 68 2 877125350 +207 69 4 877878342 +207 70 3 875506737 +207 79 4 875509888 +207 82 3 877125249 +207 87 4 884386260 +207 88 2 878104627 +207 92 2 875509346 +207 96 3 877847025 +207 98 4 875509887 +207 100 2 875503786 +207 107 3 876198301 +207 111 3 880839802 +207 117 3 875504809 +207 121 3 875504876 +207 125 4 877878688 +207 127 5 875506634 +207 129 3 877751037 +207 131 3 878104377 +207 133 4 875812281 +207 134 4 875991160 +207 135 2 877822350 +207 137 3 877821612 +207 143 4 878191679 +207 144 3 875509434 +207 150 3 877847150 +207 153 5 877750617 +207 154 2 878088217 +207 156 2 878104438 +207 160 2 878191632 +207 161 4 875509507 +207 170 4 877125221 +207 171 3 880839802 +207 173 3 877878923 +207 174 4 877750843 +207 175 1 877845982 +207 177 3 891759050 +207 179 4 877822224 +207 180 3 879665352 +207 181 3 877878828 +207 182 3 891759050 +207 183 2 875509832 +207 185 4 875509832 +207 186 4 877879173 +207 187 5 877878688 +207 188 3 875509262 +207 191 4 877124663 +207 192 3 877822350 +207 194 4 875504118 +207 196 4 880911845 +207 197 4 875774463 +207 202 3 875506771 +207 203 3 877124625 +207 204 3 875506737 +207 205 4 875991160 +207 210 3 878191574 +207 216 5 877878688 +207 223 3 880388784 +207 224 3 884386473 +207 226 2 877125390 +207 233 3 877124847 +207 237 4 877878342 +207 238 2 876079087 +207 239 3 876079016 +207 241 3 877995673 +207 242 4 890793823 +207 245 3 877994095 +207 248 3 877878409 +207 255 3 877845763 +207 258 4 877879172 +207 265 3 877846793 +207 269 4 877845577 +207 273 4 878104569 +207 276 2 875504835 +207 281 3 876018471 +207 282 4 879577372 +207 284 3 877746137 +207 286 2 875504669 +207 290 2 878104627 +207 291 3 876018608 +207 293 2 878104486 +207 294 3 875504669 +207 298 3 875509150 +207 302 4 891759118 +207 313 4 885066537 +207 317 4 875506634 +207 318 5 877124871 +207 319 3 879664891 +207 322 3 879001724 +207 328 2 884386312 +207 357 5 878191679 +207 367 3 875508873 +207 410 3 877838946 +207 411 3 877750701 +207 414 2 876078916 +207 423 4 875774463 +207 433 3 878104569 +207 435 4 875506807 +207 458 3 875991160 +207 461 3 878104017 +207 462 3 877845656 +207 468 4 877124806 +207 470 3 879665381 +207 471 3 875509715 +207 475 2 875503932 +207 476 2 884386343 +207 483 5 875774491 +207 508 4 877879259 +207 509 4 877878688 +207 514 4 877878343 +207 520 4 879665302 +207 521 4 878191679 +207 524 4 878104569 +207 526 4 875509507 +207 527 4 877879172 +207 529 4 878191679 +207 531 4 877878342 +207 535 3 877750595 +207 540 3 880161839 +207 546 3 876018553 +207 554 2 877822854 +207 562 2 875509507 +207 566 4 875509434 +207 568 4 875509395 +207 576 3 877822904 +207 580 3 879665232 +207 591 3 876018608 +207 609 4 877879173 +207 628 3 876018608 +207 631 2 877847187 +207 642 3 875991116 +207 655 4 877878342 +207 660 4 877847100 +207 684 3 875509307 +207 696 3 877751310 +207 712 4 877847025 +207 716 3 875508783 +207 722 3 878191750 +207 735 4 877878688 +207 742 4 876018580 +207 746 4 877878342 +207 748 3 877750478 +207 754 4 879577345 +207 756 2 877878923 +207 787 3 876079054 +207 792 2 876079016 +207 805 3 882081278 +207 810 2 877125506 +207 826 2 877751143 +207 827 3 876018501 +207 832 3 877878424 +207 841 3 876018501 +207 845 3 881681663 +207 849 3 877822704 +207 864 3 877750738 +207 866 3 876079054 +207 875 2 875718889 +207 978 3 877878883 +207 986 3 877878384 +207 993 3 877879206 +207 997 1 875508693 +207 1012 3 876109074 +207 1023 3 875506634 +207 1028 3 877847025 +207 1046 4 875509787 +207 1049 3 877878860 +207 1098 4 877879172 +207 1102 3 880839891 +207 1115 2 879664906 +207 1118 3 878104017 +207 1147 4 879665042 +207 1170 2 875506807 +207 1197 4 881681663 +207 1225 3 875508817 +207 1226 2 882081278 +207 1242 5 884386260 +207 1272 3 879132830 +207 1283 4 884386260 +207 1331 3 877995673 +207 1333 3 877995615 +207 1350 2 877878772 +207 1378 3 877878714 +207 1435 2 877821612 +207 1436 3 878191574 +208 56 2 883108360 +208 66 4 883108477 +208 70 3 883108430 +208 86 2 883108895 +208 88 5 883108324 +208 97 4 883108797 +208 186 4 883108518 +208 194 5 883108360 +208 197 5 883108797 +208 202 4 883108476 +208 204 3 883108360 +208 208 4 883108360 +208 211 5 883108398 +208 216 5 883108324 +208 302 1 883108157 +208 310 4 883108105 +208 367 2 883108324 +208 371 5 883108842 +208 381 3 883108873 +208 393 4 883108398 +208 402 4 883108873 +208 428 4 883108430 +208 430 4 883108360 +208 435 5 883108430 +208 514 4 883108324 +208 517 3 883108398 +208 523 4 883108360 +208 524 4 883108745 +208 662 4 883108842 +208 663 5 883108476 +208 739 4 883108873 +208 781 3 883108498 +208 996 3 883108684 +209 1 5 883460644 +209 14 3 883417547 +209 16 4 883417810 +209 50 5 883417589 +209 127 5 883417589 +209 129 2 883417667 +209 181 4 883417491 +209 242 4 883589606 +209 251 5 883417810 +209 258 2 883589626 +209 269 2 883589606 +209 271 2 883589607 +209 276 2 883417796 +209 285 5 883417613 +209 286 2 883417458 +209 293 4 883417796 +209 301 3 883460492 +209 304 2 883460468 +209 321 4 883461108 +209 333 2 883589568 +209 349 2 883589546 +209 351 2 883589546 +209 408 4 883417517 +209 688 1 883589626 +209 766 4 883460644 +209 813 5 883417810 +209 898 3 883460304 +209 906 2 883589546 +209 1105 2 883589568 +209 1137 4 883417491 +210 4 4 887730443 +210 15 4 887737710 +210 23 5 887730102 +210 25 4 887730407 +210 28 4 887736175 +210 40 3 891035994 +210 44 3 887737710 +210 49 3 891036116 +210 50 5 887731014 +210 56 5 887730264 +210 58 4 887730177 +210 65 4 887731305 +210 69 4 887736482 +210 70 4 887730589 +210 72 3 891036310 +210 73 5 891035837 +210 88 4 887737603 +210 94 4 891036181 +210 96 4 887736616 +210 97 5 887736454 +210 99 4 887736937 +210 105 3 891036331 +210 114 4 887736175 +210 127 5 887731230 +210 132 4 887736206 +210 134 5 887736070 +210 135 5 887736352 +210 152 5 887730676 +210 153 5 887730297 +210 154 4 887730341 +210 160 4 887737210 +210 161 5 887736393 +210 167 4 891036054 +210 172 5 887736261 +210 173 4 887730264 +210 176 4 887735960 +210 179 3 887736429 +210 180 4 887735872 +210 181 5 887731082 +210 182 5 887736232 +210 185 4 887736232 +210 186 4 887730532 +210 187 5 887736017 +210 188 3 887737171 +210 195 4 887736429 +210 197 5 887736393 +210 200 5 887737040 +210 202 5 887737338 +210 204 5 887730676 +210 208 5 887730443 +210 210 5 887730532 +210 211 5 887730297 +210 216 4 887737603 +210 219 3 887808581 +210 230 3 887736323 +210 234 4 887737108 +210 235 3 887730842 +210 238 3 891036021 +210 243 2 887734998 +210 255 4 887730842 +210 257 5 887730789 +210 274 5 887730676 +210 276 5 887731147 +210 290 4 887730813 +210 300 4 887730066 +210 301 4 887731435 +210 315 5 887731417 +210 327 4 887735288 +210 357 5 887736206 +210 380 4 887736482 +210 392 3 887736017 +210 393 3 891035904 +210 403 4 887736322 +210 404 5 887736739 +210 411 3 887730931 +210 419 4 887737678 +210 420 4 887737487 +210 423 5 887737338 +210 435 4 887730407 +210 443 4 887737487 +210 447 5 887737631 +210 451 3 891036054 +210 465 4 887737131 +210 482 5 887736739 +210 483 5 887736482 +210 484 4 887736070 +210 501 4 887736998 +210 502 3 891035965 +210 514 5 887730532 +210 517 4 887730342 +210 523 4 887730472 +210 527 5 887736232 +210 568 4 887735960 +210 629 3 891035928 +210 631 5 887736796 +210 651 4 887736140 +210 657 4 887736429 +210 662 2 887730221 +210 679 3 887808619 +210 684 3 887737171 +210 692 4 887736796 +210 708 5 887731391 +210 722 4 891036021 +210 732 4 887730676 +210 735 4 887737338 +210 751 4 890059441 +210 755 3 887737631 +210 763 2 887730750 +210 792 3 887730532 +210 821 3 887730532 +210 864 3 887730842 +210 926 2 887730909 +210 953 3 887737488 +210 956 3 887736900 +210 1012 4 887730789 +211 9 3 879460172 +211 64 3 879460213 +211 69 3 879460213 +211 117 4 879461498 +211 127 4 879461498 +211 181 1 879461498 +211 199 5 879459952 +211 205 5 879459952 +211 215 5 879460294 +211 228 3 879460096 +211 230 3 879460294 +211 257 5 879461498 +211 263 3 879461395 +211 275 2 879460096 +211 286 4 879437184 +211 300 2 879461395 +211 303 3 879437184 +211 310 3 879461394 +211 357 2 879460172 +211 423 5 879459846 +211 455 3 879461498 +211 457 4 879437184 +211 462 4 879460096 +211 491 3 879459876 +211 520 4 879460096 +211 526 4 879459952 +211 678 3 879461394 +211 687 2 879437184 +211 705 4 879459952 +211 876 2 879461395 +211 890 2 879461395 +211 1025 3 879461394 +211 1127 1 879461395 +212 86 4 879303830 +212 127 2 879303571 +212 179 1 879304010 +212 180 1 879303974 +212 191 3 879303830 +212 197 5 879303795 +212 199 5 879303831 +212 246 5 879303571 +212 268 5 879303468 +212 269 3 879303468 +212 286 4 879303468 +212 318 5 879303928 +212 382 5 879303929 +212 423 4 879304010 +212 427 4 879303795 +212 511 4 879304051 +212 515 4 879303571 +212 527 5 879303892 +212 528 5 879303950 +212 631 5 879303929 +212 645 3 879303795 +212 735 4 879304010 +213 1 2 878870719 +213 2 4 878955914 +213 8 3 878955564 +213 11 4 878956156 +213 12 5 878955409 +213 13 4 878955139 +213 24 5 878870846 +213 25 4 878870750 +213 31 4 878956338 +213 42 5 878956263 +213 48 5 878955848 +213 50 5 878870456 +213 56 5 878955635 +213 69 3 878955534 +213 70 3 878955766 +213 79 5 878956263 +213 97 5 878956299 +213 98 5 878955598 +213 100 5 878870749 +213 106 4 878870904 +213 118 4 878870871 +213 121 5 878870940 +213 125 5 878955295 +213 127 5 878870790 +213 132 5 878956263 +213 133 3 878955973 +213 135 5 878956101 +213 143 5 878955766 +213 144 5 878956047 +213 151 5 878955886 +213 156 5 878955474 +213 157 4 878955501 +213 164 5 878956300 +213 170 5 878955886 +213 172 5 878955442 +213 173 5 878955442 +213 174 5 878955848 +213 175 4 878955599 +213 176 4 878956338 +213 180 5 878956047 +213 181 4 878870552 +213 182 4 878955766 +213 185 5 878955501 +213 187 5 878956022 +213 192 5 878955474 +213 193 4 878955442 +213 194 4 878955766 +213 195 5 878956156 +213 199 5 878956000 +213 200 5 878956100 +213 204 5 878956130 +213 212 4 878955474 +213 213 5 878956300 +213 214 5 878955816 +213 218 4 878956074 +213 222 3 878870790 +213 229 4 878955973 +213 234 4 878955373 +213 235 1 878955115 +213 238 5 878955635 +213 252 3 878870456 +213 257 4 878870846 +213 258 4 878870226 +213 273 5 878870987 +213 274 5 878955188 +213 281 4 878871038 +213 284 5 878955164 +213 286 3 878870598 +213 288 4 878870226 +213 294 3 878870226 +213 318 5 878955533 +213 357 5 878955848 +213 393 3 878955973 +213 405 3 878870904 +213 432 4 878956047 +213 447 4 878955598 +213 448 4 878956074 +213 455 4 878870749 +213 458 4 878870679 +213 463 5 878956000 +213 471 3 878870816 +213 474 2 878955635 +213 475 4 878870648 +213 478 5 878956129 +213 479 4 878955534 +213 483 5 878955848 +213 502 5 878956263 +213 504 5 878955885 +213 508 4 878870790 +213 509 4 878955372 +213 511 4 878955442 +213 514 5 878956130 +213 515 4 878870518 +213 521 4 878955474 +213 546 4 878870903 +213 568 4 878955941 +213 582 4 878955442 +213 591 4 878955295 +213 597 5 878871062 +213 603 5 878955599 +213 609 4 878955533 +213 628 5 878870648 +213 655 4 878956300 +213 678 4 878870275 +213 684 4 878956000 +213 685 3 878870987 +213 690 3 878870275 +213 692 4 878955848 +213 715 5 878955915 +213 735 5 878955474 +213 756 2 878955319 +213 778 5 878955680 +213 841 4 878871010 +213 924 4 878870846 +213 942 4 878955533 +213 985 3 878955164 +213 1012 3 878870719 +213 1215 1 878871089 +214 7 5 892668130 +214 8 4 892668196 +214 11 5 892668153 +214 12 5 892668153 +214 13 3 891543271 +214 20 4 892668197 +214 22 3 891544200 +214 23 5 892668130 +214 24 3 891543176 +214 32 4 892668249 +214 39 4 891544845 +214 42 5 892668130 +214 45 4 891543952 +214 50 3 891543114 +214 55 4 892668197 +214 56 5 892668130 +214 64 5 892668130 +214 69 2 891544445 +214 79 4 891544306 +214 89 4 892668249 +214 92 4 892668249 +214 93 4 892668249 +214 100 4 891542986 +214 117 4 891543241 +214 121 4 891543632 +214 127 4 891542986 +214 131 3 891544465 +214 132 5 892668153 +214 134 4 891544070 +214 135 3 891544175 +214 137 4 891543227 +214 151 5 892668153 +214 154 3 891544000 +214 156 5 892668172 +214 166 4 891544512 +214 168 3 891544222 +214 169 4 891544175 +214 171 4 891544323 +214 172 3 891544390 +214 173 4 892668249 +214 174 4 892668249 +214 175 5 892668153 +214 179 5 892668130 +214 180 5 892668130 +214 181 3 891543036 +214 182 4 891544175 +214 185 5 892668173 +214 187 4 891544070 +214 191 4 891544472 +214 195 4 891544200 +214 196 4 891544493 +214 208 5 892668153 +214 209 5 892668173 +214 213 4 891544414 +214 216 4 891544290 +214 221 5 892668153 +214 223 3 891544200 +214 236 5 892668153 +214 238 4 891544472 +214 246 2 891542968 +214 248 4 891543001 +214 249 3 891543256 +214 250 2 891543036 +214 257 3 891543176 +214 268 2 891542445 +214 269 3 891542735 +214 275 3 891542968 +214 285 5 892668153 +214 288 3 891542464 +214 294 3 891542520 +214 298 3 891543191 +214 302 4 892668197 +214 307 3 891542735 +214 313 4 892668197 +214 318 4 892668249 +214 319 3 891542735 +214 324 5 892668173 +214 325 3 891542622 +214 327 5 892668196 +214 334 3 891542540 +214 340 3 891542735 +214 346 3 891542735 +214 408 4 891543952 +214 427 5 892668172 +214 461 4 892668249 +214 462 4 892668197 +214 475 5 892668153 +214 478 4 891544052 +214 479 4 891544052 +214 483 4 891543972 +214 496 4 891544545 +214 508 4 891543157 +214 509 4 892668197 +214 512 5 892668130 +214 516 5 892668173 +214 518 3 891544000 +214 522 4 891544052 +214 527 4 891544089 +214 531 4 891544222 +214 568 4 892668197 +214 582 3 891544236 +214 603 4 891544089 +214 608 4 891544114 +214 650 5 892668173 +214 652 4 891543972 +214 693 3 891544414 +214 705 4 891544414 +214 708 4 891544152 +214 721 3 891635915 +214 752 2 891542578 +214 856 4 891543952 +214 872 2 891542492 +214 896 4 892668197 +214 952 3 891543176 +214 1017 4 891543156 +214 1039 4 891544269 +214 1065 5 892668173 +214 1073 5 892668130 +214 1129 4 892668249 +214 1401 4 891544290 +215 8 2 891436177 +215 11 2 891436024 +215 15 3 891435761 +215 22 3 891435161 +215 23 3 891436048 +215 28 4 891435416 +215 50 5 891436543 +215 56 5 891436543 +215 64 4 891435804 +215 70 3 891436232 +215 77 3 891436690 +215 82 3 891435995 +215 88 3 891436277 +215 89 4 891435060 +215 98 5 891436543 +215 99 4 891435731 +215 127 4 891435183 +215 134 4 891435266 +215 144 4 891435107 +215 151 5 891435761 +215 157 4 891435573 +215 164 3 891436633 +215 168 5 891436024 +215 174 4 891435995 +215 176 5 891435804 +215 179 4 891435107 +215 180 3 891435060 +215 182 3 891435266 +215 183 5 891435655 +215 185 4 891436566 +215 186 4 891435731 +215 191 4 891435460 +215 194 4 891436150 +215 195 5 891435655 +215 196 4 891435548 +215 197 4 891435357 +215 202 4 891435295 +215 203 3 891435266 +215 205 3 891435161 +215 210 4 891436232 +215 211 4 891436202 +215 212 2 891435680 +215 215 3 891435680 +215 216 4 891435782 +215 218 3 891436607 +215 222 4 891436469 +215 227 5 891436469 +215 228 5 891436543 +215 229 3 891436469 +215 230 3 891436469 +215 234 4 891435655 +215 237 4 891435761 +215 238 2 891435526 +215 239 3 891436297 +215 258 3 891434563 +215 270 3 891434683 +215 271 4 891434733 +215 288 2 891434563 +215 300 3 891434733 +215 313 5 891436543 +215 354 4 891434619 +215 357 4 891435573 +215 380 3 891436470 +215 421 4 891435704 +215 423 5 891435526 +215 432 5 891435574 +215 433 3 891435501 +215 434 5 891435394 +215 443 4 891436566 +215 449 4 891436469 +215 450 2 891436470 +215 451 3 891436369 +215 474 4 891435022 +215 480 5 891436543 +215 483 4 891435022 +215 496 5 891435183 +215 517 5 891436543 +215 523 4 891435060 +215 636 2 891436690 +215 692 3 891436277 +215 1039 5 891436543 +215 1063 5 891436543 +216 3 4 880233061 +216 4 5 880234469 +216 7 5 880232719 +216 9 4 880232637 +216 11 5 880234346 +216 12 5 881432544 +216 15 3 881428365 +216 22 5 880234346 +216 25 3 881428365 +216 28 4 880244902 +216 42 5 880234469 +216 47 4 880244870 +216 50 4 880232637 +216 55 5 880245145 +216 56 5 880233608 +216 58 4 880244972 +216 64 5 881432544 +216 65 4 880233939 +216 66 2 881428365 +216 67 3 881721843 +216 69 5 880235229 +216 72 2 881721890 +216 79 4 880235381 +216 82 4 880244446 +216 93 4 880232637 +216 95 3 881428365 +216 97 4 880235571 +216 98 5 881432467 +216 100 5 880232597 +216 108 4 880232917 +216 122 5 881432488 +216 129 4 880232615 +216 134 4 880233651 +216 143 2 881428956 +216 144 4 880234639 +216 147 4 880232787 +216 150 5 880232812 +216 151 3 880232936 +216 153 4 880244802 +216 156 5 880233608 +216 168 4 880234680 +216 169 3 880233635 +216 172 4 880234639 +216 174 5 881432488 +216 181 3 880232597 +216 182 4 883981859 +216 184 4 880245056 +216 188 5 880245075 +216 189 3 880244972 +216 196 5 880245145 +216 200 5 880244802 +216 201 3 880235734 +216 202 4 880234346 +216 204 4 881432523 +216 215 5 880235120 +216 216 4 883981877 +216 218 4 880234933 +216 221 4 881432501 +216 226 3 880244803 +216 228 3 880245642 +216 231 2 880245109 +216 234 4 880244870 +216 237 5 880232752 +216 238 5 880244446 +216 249 3 880232917 +216 257 3 880232830 +216 274 3 880233061 +216 280 2 880233043 +216 282 5 880232597 +216 286 4 881432501 +216 298 5 881721819 +216 302 5 881966913 +216 313 5 883981737 +216 318 5 880233564 +216 356 3 880245125 +216 357 4 880233635 +216 364 2 881721863 +216 367 3 881428365 +216 368 2 880233298 +216 396 3 880245260 +216 402 2 881432430 +216 403 3 880244446 +216 405 3 880232970 +216 408 3 880232547 +216 412 2 880233197 +216 421 5 880235229 +216 423 4 881432467 +216 433 3 880233957 +216 466 4 880234347 +216 475 5 880232768 +216 498 3 880235329 +216 531 4 880233810 +216 569 3 880245291 +216 577 1 881432453 +216 628 4 880235546 +216 651 5 880233912 +216 652 4 880235546 +216 655 5 880233726 +216 658 3 880245029 +216 673 4 880244779 +216 693 3 881428365 +216 697 4 883981700 +216 721 4 880245213 +216 735 5 880244758 +216 763 4 880232953 +216 764 2 880233153 +216 789 5 880233957 +216 790 3 881428365 +216 824 3 880233253 +216 833 2 880233233 +216 928 3 880233026 +216 943 5 881721799 +216 1010 3 880232685 +216 1035 1 880245238 +216 1047 3 881428365 +216 1067 5 881432392 +216 1101 4 880235473 +216 1161 4 881432609 +216 1218 3 881428365 +217 2 3 889069782 +217 7 4 889069741 +217 11 4 889069741 +217 22 5 889069741 +217 27 1 889070011 +217 29 2 889070011 +217 33 4 889069878 +217 38 3 889070266 +217 50 1 889069684 +217 53 1 889069974 +217 56 5 889069709 +217 62 2 889070050 +217 68 3 889069974 +217 79 5 889069741 +217 82 5 889069842 +217 96 4 889069741 +217 117 4 889069842 +217 118 4 889070087 +217 121 1 889069944 +217 144 4 889069782 +217 147 3 889070174 +217 172 1 889069684 +217 174 3 889069684 +217 176 4 889069842 +217 181 1 889069878 +217 182 2 889070109 +217 183 3 889069741 +217 185 3 889069659 +217 195 5 889069709 +217 210 4 889069709 +217 222 5 889069944 +217 226 1 889069878 +217 231 5 889069974 +217 233 4 889069878 +217 258 1 889069536 +217 281 2 889069842 +217 300 4 889069555 +217 363 1 889070011 +217 373 2 889070307 +217 385 2 889069808 +217 391 4 889070287 +217 398 1 889070050 +217 403 5 889069944 +217 405 3 889069878 +217 472 3 889070011 +217 540 1 889070087 +217 541 3 889069974 +217 546 2 889070196 +217 550 1 889069842 +217 554 3 889070050 +217 562 3 889070211 +217 566 4 889069903 +217 568 4 889069782 +217 576 1 889070087 +217 578 5 889070087 +217 586 2 889070050 +217 597 4 889070087 +217 636 2 889069878 +217 665 4 889070087 +217 679 5 889069878 +217 684 5 889069782 +217 685 5 889069782 +217 720 3 889070011 +217 779 1 889070266 +217 797 4 889070011 +217 808 2 889069808 +217 810 3 889070050 +217 825 3 889070266 +217 827 2 889070232 +217 840 1 889070087 +217 1034 3 889070266 +217 1222 1 889070050 +217 1228 2 889070050 +217 1303 2 889069944 +218 4 3 877488546 +218 5 3 881288574 +218 8 3 881288574 +218 12 5 881288233 +218 33 4 881288386 +218 39 2 881288265 +218 42 4 877488546 +218 47 4 877488492 +218 55 4 881288265 +218 56 3 881288574 +218 98 5 881288233 +218 100 4 877488692 +218 154 4 877488546 +218 164 3 881288574 +218 168 4 877488316 +218 173 3 877488316 +218 175 3 877488492 +218 176 5 881288299 +218 183 5 881288265 +218 186 3 877488366 +218 194 3 877488546 +218 203 4 881288620 +218 208 3 877488366 +218 209 5 877488546 +218 265 3 881288408 +218 269 4 877487931 +218 273 4 881288351 +218 288 2 877487931 +218 294 2 881288574 +218 410 3 881288574 +218 430 3 877488316 +218 431 3 881288386 +218 466 4 881288234 +218 504 3 881288574 +218 516 5 877488692 +218 517 3 877488634 +218 591 3 881288574 +218 642 3 881288351 +218 648 4 877488233 +218 654 4 881288234 +218 657 5 881288265 +218 659 4 877488366 +218 695 3 881288574 +218 712 3 877488902 +218 762 4 877489091 +218 789 3 881288574 +218 1073 5 881288265 +219 4 4 889452481 +219 13 1 889452455 +219 38 1 889452455 +219 71 1 889452455 +219 82 1 889452455 +219 114 5 889403091 +219 132 5 889403668 +219 179 5 889492687 +219 215 5 889403843 +219 223 5 892039530 +219 258 5 889386635 +219 269 5 889386655 +219 303 4 889386799 +219 347 1 889386819 +219 382 5 889451412 +219 433 5 889403133 +219 546 4 889387867 +219 568 1 889452455 +219 616 5 889403435 +219 631 5 889403559 +219 664 5 889403761 +219 855 5 889452619 +219 879 4 892039556 +219 882 3 889386741 +219 935 3 889387237 +219 936 4 889387284 +219 1014 3 892039611 +220 258 3 881197771 +220 264 3 881198524 +220 268 4 881197771 +220 269 5 881197597 +220 286 5 881197663 +220 288 5 881197887 +220 289 4 881198113 +220 294 4 881197663 +220 298 4 881198966 +220 300 5 881197663 +220 301 4 881197948 +220 303 4 881198014 +220 305 4 881197771 +220 306 4 881197664 +220 319 4 881197771 +220 325 1 881198435 +220 332 3 881198246 +220 333 3 881197771 +220 340 4 881197663 +220 343 3 881198738 +220 682 4 881198014 +220 995 3 881197948 +221 3 4 875244901 +221 4 3 875245462 +221 7 4 875244204 +221 17 4 875245406 +221 23 4 875245462 +221 24 5 875244352 +221 27 4 875247754 +221 29 3 875245739 +221 32 4 875245223 +221 33 4 875246632 +221 38 2 875246506 +221 39 4 875245798 +221 42 5 875245813 +221 48 5 875245462 +221 50 4 875244125 +221 53 4 875247565 +221 55 4 875245319 +221 59 2 875245514 +221 64 5 875245350 +221 69 4 875245641 +221 70 3 875245870 +221 76 4 875246662 +221 79 4 875245715 +221 92 4 875245989 +221 94 3 875246857 +221 96 5 875245672 +221 100 5 875244125 +221 108 3 875244866 +221 109 2 875244369 +221 117 4 875244633 +221 118 1 875244940 +221 121 2 875244813 +221 128 3 875246209 +221 129 5 875244331 +221 144 4 875245427 +221 151 1 875246008 +221 154 3 875245907 +221 156 5 875245533 +221 161 3 875246183 +221 172 5 875245907 +221 173 4 875245406 +221 174 4 875245514 +221 178 4 875245989 +221 181 4 875244087 +221 184 4 875245574 +221 186 4 875245641 +221 204 4 875246008 +221 210 5 875245760 +221 215 4 875245514 +221 218 4 875246308 +221 222 3 875244232 +221 227 3 875247522 +221 230 3 875246506 +221 231 4 875246359 +221 240 4 875244352 +221 250 5 875244633 +221 257 4 875244475 +221 258 1 875247297 +221 259 4 875243990 +221 265 3 875246247 +221 268 5 876502910 +221 272 5 885081264 +221 273 5 875244183 +221 282 4 875244558 +221 286 4 885081264 +221 288 3 875244232 +221 298 4 875244331 +221 318 5 875245690 +221 327 4 875243968 +221 335 4 876502948 +221 346 5 885081300 +221 358 3 875244232 +221 384 3 875246919 +221 385 4 875245948 +221 386 3 875246662 +221 391 3 875247754 +221 399 3 875246459 +221 402 2 875393426 +221 403 4 875245374 +221 405 3 875244633 +221 407 2 875245100 +221 423 2 875245167 +221 461 4 875245574 +221 467 4 875245928 +221 468 3 875246824 +221 469 3 875245481 +221 470 3 875245374 +221 475 4 875244204 +221 476 2 875244673 +221 485 2 875245265 +221 496 3 875246146 +221 508 4 875244160 +221 544 4 875244512 +221 550 4 875246183 +221 566 3 875246308 +221 568 4 875246398 +221 576 3 875246824 +221 588 3 875246209 +221 623 3 875245618 +221 633 3 875246459 +221 651 4 875245350 +221 684 4 875247454 +221 685 3 875244766 +221 695 4 875245776 +221 721 5 875246944 +221 732 4 875246330 +221 737 4 875393346 +221 751 4 885081300 +221 762 4 875244598 +221 763 4 875244232 +221 780 3 875246552 +221 789 4 875245739 +221 809 3 875247775 +221 824 3 875244694 +221 895 2 885081339 +221 931 3 875245100 +221 940 4 875246482 +221 943 4 875246759 +221 1010 3 875246662 +221 1011 4 875244792 +221 1012 4 875244475 +221 1016 3 875244713 +221 1017 4 875244268 +221 1035 3 875246124 +221 1059 4 875245077 +221 1067 3 875244387 +221 1073 4 875245846 +221 1090 3 875246783 +221 1134 4 875244289 +221 1185 3 875246710 +221 1208 3 875247565 +221 1210 3 875246887 +221 1217 4 875247421 +221 1218 3 875246745 +221 1250 2 875247855 +221 1267 3 875246459 +221 1314 3 875247833 +221 1407 3 875247833 +221 1437 3 875245967 +222 1 4 877563227 +222 2 3 878183837 +222 4 3 878183924 +222 7 5 877563168 +222 8 1 878182307 +222 9 5 877563227 +222 11 5 878181534 +222 12 5 878181387 +222 15 3 877563437 +222 22 5 878183285 +222 24 3 877563622 +222 25 3 877563437 +222 26 3 878183043 +222 28 5 878182370 +222 29 3 878184571 +222 31 5 878182453 +222 40 1 881060550 +222 41 3 881060659 +222 44 3 881059877 +222 49 3 878183512 +222 51 3 881059816 +222 53 5 878184113 +222 56 5 878182058 +222 58 3 878182479 +222 62 4 878183616 +222 63 3 878183713 +222 64 5 878183136 +222 66 4 878183837 +222 68 4 881059876 +222 69 5 878182338 +222 70 3 878181804 +222 71 4 878183173 +222 73 4 878181976 +222 77 4 878183616 +222 78 1 878184899 +222 79 5 878181906 +222 80 2 881060155 +222 81 1 878183565 +222 82 4 878182453 +222 87 3 878182589 +222 88 4 878183336 +222 89 5 878181739 +222 92 3 878182632 +222 93 2 883815577 +222 94 3 878184866 +222 95 4 878182453 +222 96 5 878181739 +222 97 4 878181739 +222 98 4 878181387 +222 102 2 878183043 +222 106 2 883816184 +222 109 3 878184136 +222 111 3 877563820 +222 118 4 877563802 +222 120 2 881061304 +222 121 3 877564031 +222 125 5 877563802 +222 127 5 881059039 +222 132 2 878181829 +222 133 1 878182338 +222 135 5 878181563 +222 140 1 881060062 +222 142 2 878183984 +222 144 5 878182416 +222 145 2 878181804 +222 148 2 881061164 +222 151 3 878182109 +222 153 4 878182416 +222 154 3 878183747 +222 155 4 878184113 +222 156 4 878183777 +222 157 4 878181976 +222 158 3 878184171 +222 159 3 878181457 +222 160 1 878182154 +222 161 4 878182279 +222 162 2 878184087 +222 164 4 878181768 +222 168 4 878181616 +222 172 5 878183079 +222 173 5 878183043 +222 175 3 878181739 +222 176 4 878181804 +222 180 3 878181804 +222 181 4 877563168 +222 182 4 881058666 +222 183 4 878181535 +222 185 4 881059419 +222 186 5 878184195 +222 191 2 878181906 +222 195 4 878182132 +222 196 5 878183110 +222 200 3 878181647 +222 202 4 878181906 +222 204 5 878182370 +222 208 3 881059014 +222 209 4 878181457 +222 210 4 878184338 +222 214 4 878182453 +222 215 4 878183481 +222 216 4 878182632 +222 217 3 881060062 +222 218 5 878182370 +222 219 4 878184675 +222 222 4 877563462 +222 223 4 878181535 +222 225 1 877563353 +222 226 3 878185044 +222 227 3 878184171 +222 228 5 878181869 +222 229 3 878184315 +222 230 4 878182058 +222 231 2 878182005 +222 232 4 878183985 +222 233 2 881060205 +222 234 2 878181387 +222 237 4 877563437 +222 238 5 878181673 +222 239 5 878184392 +222 240 2 877563716 +222 241 3 878181696 +222 245 3 878181198 +222 247 1 878714998 +222 248 4 877563506 +222 250 2 877563801 +222 252 2 877563934 +222 257 4 877563353 +222 261 1 878181251 +222 268 4 877562748 +222 270 2 878181181 +222 271 4 881057647 +222 276 5 877563550 +222 278 2 877563913 +222 280 3 878184545 +222 281 3 878184596 +222 282 4 877563227 +222 284 3 877563462 +222 288 4 883815252 +222 293 3 877563353 +222 294 3 877562795 +222 298 4 877563253 +222 300 5 877562795 +222 302 3 877562748 +222 313 4 883814858 +222 318 5 878181934 +222 323 3 877562839 +222 326 4 877562819 +222 328 5 877562772 +222 333 5 877562819 +222 338 1 881058145 +222 357 4 881059014 +222 363 2 877563852 +222 364 1 878185137 +222 365 4 878184765 +222 366 4 878183381 +222 367 2 878181563 +222 368 1 881061326 +222 373 3 881060659 +222 375 1 878182880 +222 377 1 881060205 +222 378 1 881059993 +222 379 1 878184290 +222 380 4 878184545 +222 385 4 878183924 +222 386 2 881060205 +222 388 2 878184765 +222 391 3 881060635 +222 392 4 881059920 +222 393 4 878184028 +222 395 1 878184924 +222 396 1 878183381 +222 399 4 878182686 +222 401 2 878184422 +222 402 4 878185044 +222 403 3 878183481 +222 405 3 877563570 +222 407 2 883816411 +222 409 3 881061213 +222 410 2 877563326 +222 411 3 878185137 +222 413 3 881061213 +222 418 2 878182959 +222 419 2 878182279 +222 422 2 878183657 +222 424 1 881061049 +222 426 1 878181351 +222 431 4 881059461 +222 432 3 881059142 +222 433 4 881059876 +222 436 4 878184358 +222 441 2 881059920 +222 448 3 878183565 +222 449 4 878184899 +222 450 3 881060824 +222 451 3 878185014 +222 452 1 878184514 +222 465 2 878183898 +222 468 2 881060412 +222 471 3 881060992 +222 472 2 877563998 +222 473 1 877563622 +222 475 4 877563252 +222 476 3 877563739 +222 477 2 883815749 +222 501 2 881060331 +222 506 2 878183264 +222 508 3 877563326 +222 521 5 878184866 +222 527 4 878183110 +222 529 2 881059537 +222 540 3 878184087 +222 546 3 877563462 +222 549 4 878184055 +222 550 3 878184623 +222 552 2 878184596 +222 554 2 881060435 +222 559 3 878184291 +222 566 4 878185044 +222 568 5 878183481 +222 569 2 878184866 +222 571 2 881060823 +222 576 3 881060305 +222 577 1 878185137 +222 578 3 881060281 +222 580 3 878715168 +222 585 3 881060062 +222 591 4 878181869 +222 597 1 877564076 +222 619 4 877563953 +222 620 3 877563873 +222 623 2 878183985 +222 627 3 878183173 +222 628 5 877563485 +222 636 4 878184055 +222 642 3 878181421 +222 651 4 878184290 +222 655 4 878182210 +222 658 3 881059678 +222 662 3 878182813 +222 665 1 878184719 +222 670 3 878183657 +222 672 1 878183777 +222 678 3 877562973 +222 679 2 881059678 +222 685 4 881061165 +222 689 4 881058008 +222 693 4 878184514 +222 700 3 881060550 +222 710 4 881059714 +222 712 3 881060735 +222 715 2 878183924 +222 716 2 878183481 +222 719 1 881060578 +222 722 3 878184833 +222 723 3 878184812 +222 724 3 878181976 +222 729 4 878184315 +222 732 4 878183425 +222 735 5 878184087 +222 739 4 878184924 +222 742 5 877563597 +222 746 5 878183137 +222 747 2 878181976 +222 750 5 883815120 +222 755 4 878183481 +222 756 4 877564031 +222 762 3 877563530 +222 763 3 881061165 +222 768 2 878185014 +222 769 2 881060608 +222 772 2 878181906 +222 780 3 881060370 +222 781 3 881059677 +222 783 2 878184899 +222 790 1 878185068 +222 796 4 878183684 +222 806 4 878181534 +222 808 3 881060130 +222 810 2 878184446 +222 812 2 881059117 +222 815 2 877563716 +222 816 1 881060412 +222 819 2 877563353 +222 825 3 878184675 +222 826 2 883816093 +222 829 3 877563934 +222 833 2 877563913 +222 840 3 878184392 +222 845 3 877563530 +222 849 4 881060281 +222 869 3 878182337 +222 895 4 883815361 +222 929 1 881061213 +222 931 1 881061396 +222 934 2 877563758 +222 939 3 878182211 +222 941 3 881059736 +222 944 3 878715192 +222 946 2 878182237 +222 949 3 878183173 +222 972 2 881059758 +222 1011 4 881061049 +222 1016 3 877563530 +222 1029 1 881060608 +222 1035 2 881060015 +222 1041 3 881060155 +222 1042 4 878184514 +222 1044 4 881060578 +222 1045 3 881060412 +222 1053 3 881060735 +222 1054 1 883816441 +222 1057 4 881061370 +222 1059 1 883816150 +222 1060 2 878184055 +222 1066 1 881060435 +222 1074 3 881060504 +222 1078 2 878183449 +222 1087 1 878185102 +222 1089 1 877563659 +222 1139 3 878185137 +222 1145 3 878185137 +222 1178 2 878184392 +222 1179 1 881060550 +222 1188 3 881060281 +222 1206 2 878184899 +222 1207 2 881060659 +222 1218 1 878183218 +222 1226 4 883815840 +222 1239 2 881060762 +222 1250 1 881060635 +222 1267 3 878183173 +222 1284 4 878184422 +222 1291 2 877564031 +222 1336 2 877563998 +222 1419 1 878184947 +222 1438 4 881059993 +222 1440 3 878184697 +223 1 4 891549324 +223 8 2 891550684 +223 11 3 891550649 +223 22 5 891550649 +223 25 1 891549382 +223 28 4 891550684 +223 69 5 891550889 +223 95 5 891550649 +223 111 4 891549792 +223 117 5 891549529 +223 118 2 891549945 +223 120 2 891550504 +223 121 3 891549294 +223 125 3 891549294 +223 143 4 891550845 +223 173 5 891550711 +223 185 2 891550684 +223 216 5 891550925 +223 225 3 891550193 +223 237 5 891549657 +223 243 3 891549079 +223 248 1 891549683 +223 249 2 891549876 +223 252 1 891550326 +223 255 4 891549382 +223 257 4 891550005 +223 258 1 891548802 +223 274 4 891550094 +223 276 4 891549324 +223 278 4 891549901 +223 282 4 891549627 +223 284 2 891549683 +223 286 1 891548562 +223 294 4 891548859 +223 295 3 891549410 +223 298 5 891549570 +223 300 3 891548712 +223 309 4 891548750 +223 318 4 891550711 +223 321 1 891548920 +223 322 4 891548920 +223 323 2 891549017 +223 328 3 891548959 +223 332 4 891548802 +223 333 4 891548675 +223 339 4 891549212 +223 369 1 891550253 +223 409 3 891549876 +223 411 1 891550005 +223 423 3 891550684 +223 470 4 891550767 +223 476 3 891550349 +223 477 3 891550144 +223 535 3 891549876 +223 546 5 891550118 +223 591 3 891549627 +223 596 3 891549713 +223 597 4 891549604 +223 619 2 891549570 +223 620 2 891550253 +223 682 4 891548828 +223 717 1 891550470 +223 742 3 891549570 +223 749 4 891549049 +223 756 3 891550295 +223 763 3 891550067 +223 819 3 891550404 +223 820 4 891550371 +223 826 1 891550404 +223 845 4 891549713 +223 846 2 891550193 +223 864 3 891550094 +223 866 4 891549945 +223 908 1 891548802 +223 924 1 891549975 +223 926 4 891549792 +223 929 3 891549975 +223 930 2 891550326 +223 969 5 891550649 +223 974 2 891550504 +223 975 1 891550094 +223 977 2 891550295 +223 984 3 891548987 +223 993 4 891549876 +223 1009 1 891549475 +223 1014 4 891549975 +223 1016 5 891549657 +223 1051 3 891549945 +223 1088 4 891550326 +223 1150 2 891549841 +223 1197 3 891549570 +223 1234 3 891548646 +223 1291 3 891550431 +223 1300 1 891550470 +224 11 3 888082468 +224 15 4 888103611 +224 20 1 888104487 +224 22 5 888103581 +224 26 3 888104153 +224 28 4 888082468 +224 29 3 888104457 +224 43 3 888104456 +224 51 4 888104457 +224 54 3 888104313 +224 69 4 888082495 +224 70 2 888103812 +224 77 4 888103872 +224 86 3 888082612 +224 92 1 888103812 +224 97 5 888082552 +224 107 3 888104522 +224 126 3 888103704 +224 135 1 888103671 +224 147 3 888103646 +224 148 3 888104154 +224 149 1 888103999 +224 157 4 888103971 +224 162 4 888103611 +224 178 4 888082468 +224 191 4 888082468 +224 193 4 888082552 +224 196 4 888103532 +224 212 1 888104188 +224 215 4 888082612 +224 221 2 888103812 +224 223 3 888082468 +224 237 3 888082742 +224 239 4 888104554 +224 243 2 888082277 +224 245 3 888082216 +224 258 3 888081947 +224 276 3 888104116 +224 277 3 888103812 +224 280 4 888104353 +224 282 4 888082705 +224 284 3 888104117 +224 286 3 888081843 +224 287 3 888104154 +224 294 4 888081976 +224 300 4 888081843 +224 301 3 888082013 +224 313 5 888081843 +224 318 5 888082584 +224 321 2 888082134 +224 322 2 888082013 +224 323 3 888082216 +224 325 1 888082045 +224 326 4 888082071 +224 328 4 888081947 +224 329 3 888082187 +224 332 3 888103429 +224 333 3 888081976 +224 349 4 888082246 +224 356 4 888103840 +224 365 3 888104188 +224 366 3 888104457 +224 378 4 888103775 +224 380 4 888104188 +224 387 4 888103906 +224 392 4 888104154 +224 402 5 888103872 +224 403 4 888104522 +224 423 4 888103581 +224 469 1 888104219 +224 470 4 888082742 +224 518 1 888103906 +224 526 4 888082495 +224 528 3 888082658 +224 544 1 888103812 +224 549 3 888103971 +224 556 1 888103942 +224 569 3 888104313 +224 570 4 888104522 +224 581 1 888104219 +224 582 4 888104030 +224 583 1 888103729 +224 620 3 888104085 +224 632 2 888103872 +224 655 4 888103646 +224 658 1 888103840 +224 660 4 888103703 +224 662 5 888103671 +224 676 3 888103942 +224 678 3 888082277 +224 686 4 888104030 +224 687 2 888082135 +224 689 3 888082246 +224 699 4 888103703 +224 704 3 888103812 +224 708 2 888104153 +224 715 1 888104487 +224 720 4 888103906 +224 723 2 888104313 +224 724 3 888082742 +224 727 4 888082682 +224 729 3 888104188 +224 731 4 888103872 +224 736 3 888082742 +224 744 1 888103646 +224 748 3 888082099 +224 751 3 888081913 +224 778 1 888104057 +224 846 4 888104116 +224 873 2 888082187 +224 879 3 888082099 +224 893 3 888082350 +224 924 3 888103646 +224 925 3 888104281 +224 949 3 888104057 +224 962 2 888082584 +224 977 2 888104281 +224 1039 5 888082552 +224 1044 3 888104353 +224 1045 2 888082766 +224 1053 3 888104281 +224 1058 3 888104219 +224 1085 1 888104393 +224 1119 3 888082634 +224 1152 3 888104313 +224 1163 2 888104154 +224 1208 1 888104554 +224 1212 2 888104457 +224 1221 3 888082742 +224 1381 3 888104589 +224 1401 1 888104554 +224 1441 3 888104522 +224 1442 3 888104281 +225 22 5 879540678 +225 64 4 879539727 +225 98 5 879539672 +225 136 5 879540707 +225 143 2 879540748 +225 172 5 879540748 +225 193 4 879539727 +225 194 5 879540678 +225 215 5 879539789 +225 237 5 879539643 +225 245 2 879539315 +225 286 4 879539027 +225 418 5 879540650 +225 427 5 879539615 +225 478 5 879539767 +225 479 4 879539614 +225 480 5 879540748 +225 492 4 879539767 +225 510 5 879539672 +225 566 4 879540678 +225 603 5 879540649 +225 604 5 879540778 +225 606 5 879540649 +225 705 5 879540707 +225 1203 5 879540778 +225 1443 4 879540778 +226 7 4 883889479 +226 9 5 883889811 +226 12 5 883889322 +226 14 5 883889691 +226 23 3 883889355 +226 24 4 883889479 +226 25 4 883890235 +226 28 4 883889322 +226 56 4 883889102 +226 69 4 883889430 +226 89 5 883889229 +226 92 2 883889102 +226 97 3 883889355 +226 98 5 883889147 +226 109 4 883889063 +226 147 3 883889479 +226 150 4 883889063 +226 169 5 883888892 +226 174 4 883889186 +226 176 4 883888978 +226 179 4 883888853 +226 180 4 883889322 +226 182 1 883889322 +226 191 4 883889229 +226 203 5 883888978 +226 209 3 883889146 +226 224 4 883889690 +226 236 3 883889844 +226 242 5 883888671 +226 250 4 883890491 +226 258 5 883888671 +226 270 4 883888639 +226 275 3 883889764 +226 283 2 883889811 +226 405 4 883889507 +226 408 5 883888853 +226 474 3 883889063 +226 480 4 883888853 +226 507 2 883889146 +226 508 4 883889984 +226 509 4 883889322 +226 527 4 883889430 +226 596 3 883889884 +226 652 3 883889012 +226 713 5 883889884 +226 813 4 883890235 +226 1117 3 883890262 +227 7 5 879035251 +227 9 3 879035431 +227 13 5 879035205 +227 14 4 879035463 +227 15 4 879035725 +227 19 4 879035431 +227 25 4 879035535 +227 50 4 879035347 +227 93 5 879035431 +227 106 3 879035775 +227 116 4 879035347 +227 117 2 879035493 +227 121 2 879035934 +227 124 4 879035158 +227 126 4 879035158 +227 127 4 879035387 +227 129 5 879035387 +227 137 5 879035289 +227 150 3 879035347 +227 221 4 879035535 +227 240 1 879035934 +227 244 3 879035205 +227 249 2 879035775 +227 250 2 879035637 +227 273 3 879035206 +227 274 4 879035963 +227 276 4 879035251 +227 285 4 879035347 +227 286 3 879035072 +227 287 4 879035704 +227 288 2 879035072 +227 293 5 879035387 +227 294 3 879035431 +227 295 5 879035387 +227 319 4 879035072 +227 321 3 881518363 +227 322 3 881518461 +227 324 4 879035963 +227 405 2 879035934 +227 411 4 879035897 +227 460 2 879035963 +227 475 4 879035252 +227 748 1 879035387 +227 756 3 879035658 +227 934 2 879035874 +227 1007 4 879035158 +227 1008 4 879036009 +227 1010 3 879035637 +227 1011 4 879035834 +227 1017 4 879035464 +227 1028 2 879035803 +227 1047 2 879035834 +227 1067 4 879035572 +227 1143 4 879035803 +228 56 2 889388607 +228 87 1 889388662 +228 98 3 889388607 +228 137 1 889388662 +228 204 3 889388662 +228 272 5 889388440 +228 275 3 889388521 +228 288 4 889387173 +228 313 5 889387172 +228 327 1 889387216 +228 427 4 889388547 +228 475 3 889388521 +228 650 3 889388662 +228 651 4 889388521 +228 655 4 889388489 +228 690 5 889387173 +228 750 3 889388440 +228 886 1 889387173 +228 938 1 889387173 +229 245 3 891632385 +229 258 2 891632040 +229 260 1 891632437 +229 269 4 891633029 +229 272 3 891632073 +229 286 4 891633029 +229 288 4 891633028 +229 300 2 891632142 +229 302 5 891633028 +229 311 5 891633028 +229 312 3 891632551 +229 313 2 891631948 +229 315 1 891632945 +229 328 1 891632142 +229 340 4 891632142 +229 344 5 891633028 +229 347 1 891632073 +229 349 4 891633028 +229 358 1 891632437 +229 748 3 891632402 +229 750 2 891631948 +229 751 3 891632164 +229 875 1 891632402 +229 882 4 891633029 +229 896 4 891633029 +229 937 2 891632347 +230 1 5 880484370 +230 7 3 880484476 +230 8 5 880484501 +230 10 3 880485530 +230 11 4 880484911 +230 25 3 880485282 +230 28 5 880484444 +230 50 5 880484755 +230 51 4 880484937 +230 64 5 880484416 +230 69 4 880484338 +230 70 4 880484637 +230 71 5 880484911 +230 79 5 880484778 +230 82 5 880485311 +230 91 3 880485043 +230 95 5 880484850 +230 96 2 880484683 +230 97 5 880484544 +230 98 5 880484391 +230 99 3 880485066 +230 100 4 880485856 +230 121 4 880484998 +230 125 5 880485090 +230 132 5 880484475 +230 134 4 880484755 +230 135 2 880485216 +230 138 3 880485197 +230 140 3 880484320 +230 141 4 880485489 +230 142 4 880485633 +230 143 5 880484501 +230 144 3 880484850 +230 153 5 880485090 +230 154 4 880485159 +230 168 4 880484616 +230 172 4 880484523 +230 176 4 880485445 +230 181 4 880485066 +230 182 2 880484370 +230 183 3 880484370 +230 185 4 880485090 +230 186 4 880484937 +230 195 3 880484416 +230 196 5 880484755 +230 199 3 880484755 +230 202 4 880485352 +230 203 2 880484890 +230 204 4 880484616 +230 205 3 880484476 +230 209 1 880485283 +230 210 5 880484975 +230 211 5 880485181 +230 214 4 880485573 +230 216 4 880484444 +230 223 5 880484415 +230 228 2 880485216 +230 234 4 880484756 +230 237 5 880484800 +230 238 1 880484778 +230 239 4 880484320 +230 240 1 880484320 +230 265 5 880484544 +230 266 4 880484286 +230 276 5 880485573 +230 280 4 880485254 +230 284 1 880485634 +230 291 4 880484825 +230 294 5 880484286 +230 304 5 880484286 +230 357 5 880484391 +230 371 4 880485330 +230 378 5 880485159 +230 385 1 880485235 +230 393 3 880485110 +230 402 5 880485445 +230 405 4 880485634 +230 418 5 880484937 +230 419 4 880484587 +230 420 5 880485726 +230 422 3 880485633 +230 423 5 880484825 +230 427 5 880484501 +230 432 4 880485110 +230 435 4 880484444 +230 443 4 880485090 +230 447 1 880485513 +230 451 4 880485402 +230 484 5 880484800 +230 485 5 880484370 +230 491 3 880484975 +230 496 5 880484501 +230 498 5 880484755 +230 499 4 880484870 +230 501 3 880485352 +230 504 3 880485136 +230 511 2 880485656 +230 515 5 880484567 +230 526 3 880485159 +230 549 5 880485380 +230 568 3 880484567 +230 570 4 880485689 +230 582 4 880485380 +230 588 5 880484683 +230 607 3 880484755 +230 609 3 880485311 +230 621 2 880485380 +230 622 3 880485380 +230 627 5 880484661 +230 628 3 880485421 +230 633 4 880485283 +230 650 4 880484778 +230 673 3 880485573 +230 680 4 880484286 +230 693 2 880485594 +230 699 4 880484975 +230 739 5 880485611 +230 742 5 880485043 +230 926 3 880485489 +230 951 5 880485181 +230 963 5 880484370 +230 969 4 880484476 +230 1050 3 880485136 +230 1192 4 880485352 +230 1444 2 880485726 +231 1 3 879965704 +231 15 4 879965704 +231 50 4 888605273 +231 121 4 879966609 +231 126 5 888605273 +231 127 3 879965565 +231 151 1 879966209 +231 181 4 888605273 +231 252 4 888605273 +231 255 3 879965760 +231 289 4 888605273 +231 405 4 879966609 +231 471 5 888605273 +231 476 3 879966018 +231 597 3 879966146 +231 748 4 888605273 +231 846 4 888605274 +231 924 5 888605273 +232 1 4 880062302 +232 8 2 888549757 +232 14 4 880062574 +232 22 3 888549988 +232 32 4 888549467 +232 44 4 888549412 +232 48 5 888549879 +232 52 5 888550130 +232 56 5 888549622 +232 64 4 888549441 +232 69 3 888549376 +232 76 3 888550060 +232 81 5 888549515 +232 91 5 888549515 +232 96 5 888549563 +232 98 4 888549838 +232 100 5 880062447 +232 117 3 891565128 +232 127 3 888550101 +232 132 5 888549721 +232 133 4 888549988 +232 150 3 891565095 +232 165 4 888550036 +232 166 4 888549815 +232 170 5 888549929 +232 172 4 888549412 +232 173 4 888549674 +232 175 5 888549815 +232 181 4 880062330 +232 186 4 888549790 +232 191 4 888549376 +232 194 4 888549988 +232 196 5 888549757 +232 197 4 888549563 +232 202 4 888549515 +232 204 4 888549515 +232 209 3 888549563 +232 215 3 888549563 +232 234 3 888549595 +232 246 4 885939945 +232 250 4 880062618 +232 268 4 885939544 +232 269 3 891565001 +232 270 3 880062259 +232 272 4 885939511 +232 275 2 885939945 +232 276 5 880062447 +232 286 3 880062259 +232 289 4 880062259 +232 302 5 885939473 +232 313 3 885939473 +232 315 5 888364663 +232 318 5 888549757 +232 357 4 888549721 +232 419 4 888550013 +232 423 4 888549595 +232 425 4 888549790 +232 435 4 888550013 +232 461 5 888549563 +232 462 4 888549879 +232 471 3 880062414 +232 474 5 888550036 +232 475 5 880062469 +232 483 5 888549622 +232 493 4 888549622 +232 498 4 888549467 +232 514 4 888549879 +232 515 2 880062413 +232 523 4 888549757 +232 531 4 888549647 +232 582 5 888549595 +232 603 4 888549376 +232 630 3 888550060 +232 638 5 888549988 +232 651 3 888549515 +232 655 4 888549721 +232 705 5 888549838 +232 708 4 888550060 +232 744 3 880062645 +232 747 3 888549957 +232 750 3 885939690 +232 919 3 888550036 +232 921 4 888549929 +232 1128 2 888549907 +232 1149 5 888549674 +233 4 3 877663337 +233 8 3 877663612 +233 9 5 876021262 +233 12 2 880610333 +233 14 4 876021262 +233 23 5 877665324 +233 31 3 880610814 +233 47 5 877661881 +233 48 5 877663184 +233 50 3 876021213 +233 56 5 877661776 +233 57 5 880190451 +233 58 3 880612403 +233 64 5 880612285 +233 69 5 877665324 +233 71 5 876812281 +233 82 4 877663612 +233 91 3 876812281 +233 95 5 877661496 +233 97 5 877661882 +233 98 5 877661724 +233 99 3 877663383 +233 100 4 877661294 +233 117 3 880190627 +233 121 4 880190627 +233 129 3 876374463 +233 133 5 877661364 +233 135 4 877661881 +233 143 4 877663383 +233 174 5 877661553 +233 177 4 877661496 +233 180 5 877661364 +233 187 4 876021170 +233 191 4 877665191 +233 192 5 875508485 +233 193 4 877663646 +233 194 4 877663913 +233 196 5 880610814 +233 197 5 877663303 +233 202 5 879394264 +233 203 3 880923202 +233 204 5 880923202 +233 205 4 877663548 +233 208 4 880610814 +233 212 5 877665324 +233 215 5 877665324 +233 216 5 877665357 +233 223 4 875508225 +233 234 4 877664010 +233 249 5 883356871 +233 257 4 883356847 +233 261 5 883356913 +233 269 5 891920842 +233 275 5 885147637 +233 276 5 877665324 +233 286 3 876690514 +233 293 4 877660832 +233 304 5 877665323 +233 313 5 891920842 +233 318 5 877665324 +233 357 5 877661553 +233 371 5 880190399 +233 375 4 876374419 +233 378 4 877663429 +233 381 4 877665125 +233 418 4 877664010 +233 423 4 877665239 +233 432 3 877663383 +233 462 5 879147730 +233 478 5 877661437 +233 482 4 877661437 +233 483 5 876021170 +233 492 5 880923253 +233 495 4 877661364 +233 498 5 877663465 +233 499 3 877664010 +233 501 3 877663383 +233 504 5 877663128 +233 506 5 877663337 +233 509 4 877663646 +233 511 5 876021120 +233 515 5 875508080 +233 521 5 877663071 +233 527 5 877665324 +233 568 5 880612346 +233 584 4 877663548 +233 588 5 877661553 +233 603 4 880190566 +233 623 3 876374602 +233 633 5 877663185 +233 640 2 875508639 +233 644 5 880610635 +233 654 4 877665191 +233 660 5 877661634 +233 735 5 880610635 +233 806 4 880610396 +233 828 4 875508169 +233 845 4 880190627 +233 923 4 877664010 +233 958 5 875508372 +233 1194 5 880190371 +234 1 3 891227689 +234 2 2 892335142 +234 4 4 892334610 +234 5 3 892334338 +234 7 2 891227813 +234 8 5 892079585 +234 9 3 891227689 +234 10 3 891227851 +234 11 2 892079140 +234 12 1 892333830 +234 13 3 892335342 +234 14 3 891227730 +234 15 3 892079538 +234 16 2 891227771 +234 20 4 891227979 +234 21 3 892335042 +234 22 4 892334644 +234 23 4 892334368 +234 25 3 892335797 +234 28 4 892079538 +234 30 4 892335951 +234 32 3 892078936 +234 40 2 892335894 +234 44 3 892335707 +234 45 4 892079140 +234 47 2 892334543 +234 48 2 892334107 +234 50 4 892079237 +234 54 2 892336257 +234 56 3 892078837 +234 64 4 892078983 +234 66 3 892334765 +234 69 4 892078567 +234 70 3 892335587 +234 71 3 892334338 +234 72 3 892335674 +234 73 2 892334368 +234 76 2 892335564 +234 77 3 892333890 +234 79 3 892079910 +234 81 3 892334680 +234 85 2 892334852 +234 86 2 892333765 +234 87 3 892079336 +234 88 3 892335920 +234 91 5 892335920 +234 93 3 891227771 +234 95 3 892079689 +234 96 2 892334141 +234 97 2 892334267 +234 98 4 892078567 +234 99 5 892333573 +234 100 4 892079769 +234 102 2 892335616 +234 111 3 892318060 +234 116 2 892079434 +234 117 2 892334976 +234 124 4 891227689 +234 125 3 892335739 +234 127 4 892078386 +234 130 1 892336194 +234 131 3 892334680 +234 132 4 892333865 +234 133 3 892334680 +234 134 5 892333573 +234 135 4 892079769 +234 136 4 892317967 +234 137 3 891227730 +234 140 2 892334766 +234 141 3 892334609 +234 142 2 892334852 +234 143 3 892079288 +234 144 3 892079840 +234 147 3 892335372 +234 151 3 892334481 +234 152 4 892826701 +234 153 3 892333830 +234 154 3 892078605 +234 156 2 892078936 +234 157 2 892334400 +234 160 2 892336119 +234 161 3 892335824 +234 162 3 892335541 +234 163 3 892335951 +234 165 5 892079040 +234 166 5 892079237 +234 168 3 892079434 +234 170 5 892333798 +234 172 3 892078837 +234 173 3 892334577 +234 174 3 892078605 +234 175 2 892079076 +234 176 3 892079190 +234 177 3 892079040 +234 178 5 892078890 +234 179 3 892079373 +234 180 3 892079910 +234 181 3 892079373 +234 182 3 892078567 +234 183 4 892079585 +234 185 3 892078936 +234 186 3 892078567 +234 187 4 892079140 +234 188 2 892079288 +234 190 3 892079190 +234 191 4 892334765 +234 192 3 892078984 +234 193 4 892334713 +234 194 5 892333653 +234 195 2 892078936 +234 196 3 892079910 +234 197 5 892333616 +234 198 3 892078837 +234 199 5 892079040 +234 200 5 892335074 +234 202 3 892079585 +234 205 3 892079288 +234 206 4 892334543 +234 208 4 892318002 +234 209 4 892317967 +234 210 3 892333616 +234 211 3 892079475 +234 212 2 892334883 +234 213 3 892079190 +234 215 3 892079722 +234 216 3 892078605 +234 218 2 892335541 +234 219 2 892336287 +234 221 2 891227814 +234 222 3 892079803 +234 223 3 892079336 +234 224 4 892334107 +234 226 2 892335673 +234 228 3 892079190 +234 229 4 892334189 +234 233 2 892335990 +234 234 4 892079475 +234 236 3 892079336 +234 237 3 892336021 +234 241 2 892335042 +234 242 4 891033261 +234 258 2 891033627 +234 259 2 891033686 +234 265 3 892078837 +234 268 2 891033261 +234 273 3 892336165 +234 274 3 892334765 +234 276 3 891228196 +234 277 3 892334680 +234 279 3 892333980 +234 280 3 892334803 +234 283 3 891227814 +234 284 3 892335460 +234 285 4 891227771 +234 286 3 891033314 +234 287 3 891228196 +234 288 3 891033738 +234 289 4 891033851 +234 290 3 892333980 +234 291 3 892335342 +234 292 4 891033821 +234 294 3 891033715 +234 300 3 891033627 +234 301 3 892826947 +234 304 3 891033591 +234 307 2 891033427 +234 313 4 891033261 +234 316 4 891033851 +234 317 2 892334189 +234 318 4 892078890 +234 319 3 892334883 +234 321 2 891033393 +234 322 2 891034007 +234 328 2 891033772 +234 329 2 891033922 +234 357 4 892333573 +234 358 1 891034007 +234 371 3 892335850 +234 378 4 892335213 +234 381 3 892335739 +234 385 2 892335309 +234 389 3 892335309 +234 393 2 892335108 +234 401 2 892336322 +234 403 1 892335674 +234 404 4 892333830 +234 412 2 892336322 +234 414 4 892336021 +234 416 4 892335616 +234 417 3 892336119 +234 418 3 892079373 +234 419 4 892334644 +234 421 1 892334852 +234 423 4 892334079 +234 427 4 892078386 +234 428 4 892334079 +234 429 4 892079434 +234 430 4 892333683 +234 431 3 892078424 +234 432 4 892079722 +234 433 2 892079910 +234 434 3 892079288 +234 435 3 892079040 +234 436 3 892334765 +234 443 3 892334079 +234 445 2 892334713 +234 447 3 892336047 +234 448 3 892335501 +234 451 3 892334578 +234 462 4 892079840 +234 463 4 892333865 +234 470 2 892335797 +234 471 3 892335074 +234 472 2 891228099 +234 473 5 892334976 +234 474 4 892317967 +234 477 1 892335108 +234 478 3 892079538 +234 479 5 892334107 +234 480 4 892078485 +234 481 5 892079076 +234 482 4 892334803 +234 483 5 892078424 +234 484 5 892078936 +234 485 3 892079434 +234 486 3 892079373 +234 487 3 892079237 +234 488 4 892078386 +234 489 3 892079237 +234 490 4 892079803 +234 491 4 892079538 +234 492 3 892078936 +234 493 3 892078567 +234 494 4 892078837 +234 496 4 892079190 +234 497 4 892334481 +234 498 5 892078699 +234 499 4 892334141 +234 500 3 892078890 +234 501 4 892334543 +234 502 4 892336077 +234 503 2 892333653 +234 504 4 892078485 +234 505 4 892333798 +234 506 4 892318107 +234 507 4 892334803 +234 510 4 892079840 +234 511 5 892078567 +234 515 5 892078424 +234 516 3 892079140 +234 517 3 892333919 +234 519 5 892078342 +234 520 4 892078890 +234 521 3 892079077 +234 523 4 892334141 +234 524 3 892079910 +234 525 4 892078984 +234 526 3 892334045 +234 528 4 892079689 +234 530 4 892333573 +234 531 3 892078984 +234 546 1 891227851 +234 549 3 892335850 +234 550 2 892334883 +234 552 2 892336322 +234 558 4 892079585 +234 566 2 892335108 +234 571 2 892318158 +234 582 4 892334883 +234 584 3 892333653 +234 588 3 892335541 +234 589 3 892078567 +234 591 3 892335142 +234 596 2 891227979 +234 601 3 892334765 +234 602 4 892334368 +234 603 4 892333573 +234 604 5 892078936 +234 605 3 892333798 +234 606 5 892318060 +234 607 4 892079140 +234 608 3 892078741 +234 609 3 892335186 +234 610 4 892079769 +234 612 3 892079140 +234 613 4 892079434 +234 614 3 892334609 +234 615 5 892079722 +234 616 2 892334976 +234 617 3 892078741 +234 618 3 892078343 +234 619 2 891227851 +234 623 2 892318107 +234 625 3 892336286 +234 626 4 892336358 +234 628 2 892826612 +234 630 2 892334141 +234 631 3 892334577 +234 632 2 892079538 +234 634 4 892079910 +234 635 2 892336358 +234 636 3 892336358 +234 638 4 892335989 +234 642 3 892334766 +234 646 3 892335500 +234 648 3 892826760 +234 649 3 892335870 +234 650 3 892078837 +234 651 4 892078485 +234 653 3 892335108 +234 654 5 892333573 +234 655 3 892333616 +234 656 4 892079288 +234 657 4 892079840 +234 659 3 892078660 +234 660 4 892334543 +234 662 3 892079585 +234 671 3 892336257 +234 673 4 892334189 +234 675 4 892078342 +234 692 3 892335990 +234 693 2 892333980 +234 699 3 892079538 +234 705 5 892318002 +234 709 4 892079337 +234 712 2 892336077 +234 727 3 892079475 +234 731 2 892336194 +234 732 2 892334713 +234 735 3 892079803 +234 739 3 892335990 +234 745 4 892333573 +234 746 2 892335213 +234 747 3 892334578 +234 751 2 891033394 +234 765 3 892336322 +234 768 2 892335990 +234 770 4 892335920 +234 781 2 892335764 +234 782 3 892335372 +234 785 3 892336119 +234 792 4 892336165 +234 806 2 892334766 +234 808 2 892335707 +234 835 3 892334481 +234 836 4 892317967 +234 842 4 892334045 +234 843 2 892334400 +234 844 2 892078521 +234 845 3 892335825 +234 847 4 891227730 +234 848 3 892334577 +234 850 2 892336047 +234 855 3 892079803 +234 863 5 892079689 +234 867 4 892826174 +234 872 2 891033627 +234 873 3 891034007 +234 874 1 891227463 +234 878 2 892336477 +234 887 3 891034078 +234 921 4 892079434 +234 923 4 892078741 +234 927 4 892334267 +234 928 2 892336287 +234 929 1 891228099 +234 942 3 892334610 +234 945 3 892334189 +234 950 2 892079538 +234 951 1 892334766 +234 956 3 892826643 +234 959 2 892334189 +234 963 3 892078983 +234 965 3 892079538 +234 966 4 892334189 +234 970 4 892335437 +234 980 2 891227851 +234 984 2 891033966 +234 1003 2 892334267 +234 1010 2 892335415 +234 1015 2 892079617 +234 1020 4 892078890 +234 1021 4 892333765 +234 1035 3 892335142 +234 1039 3 892078741 +234 1044 2 892336194 +234 1048 3 892335501 +234 1050 3 892333616 +234 1051 2 892336322 +234 1063 3 892079769 +234 1064 4 892333683 +234 1078 2 892336322 +234 1100 2 892335500 +234 1120 3 892079288 +234 1121 5 892334481 +234 1123 3 892335342 +234 1126 4 892079722 +234 1133 3 892336358 +234 1149 3 892318060 +234 1168 2 892335108 +234 1169 4 892334543 +234 1170 1 892336077 +234 1172 3 892079076 +234 1184 2 892079237 +234 1185 3 892335951 +234 1186 4 892335707 +234 1198 3 892335187 +234 1200 3 892333865 +234 1203 4 892079910 +234 1204 3 892078297 +234 1205 1 892335501 +234 1221 4 892334852 +234 1263 3 892335142 +234 1269 3 892078297 +234 1285 3 892335764 +234 1298 3 892079373 +234 1330 3 892078343 +234 1369 3 892333765 +234 1397 4 892334976 +234 1400 3 892334400 +234 1445 4 892336286 +234 1446 3 892335739 +234 1447 3 892336119 +234 1448 3 892335187 +234 1449 4 892333573 +234 1450 3 892335213 +234 1451 3 892078343 +234 1452 4 892335342 +234 1453 2 892335415 +234 1454 3 892336257 +234 1455 2 892318158 +234 1456 4 892335142 +234 1457 3 892079538 +234 1458 4 892336165 +234 1459 3 892335261 +234 1460 3 892335460 +234 1461 2 892078297 +234 1462 3 892333865 +234 1463 5 892333573 +235 1 4 889655571 +235 7 4 889655723 +235 22 4 889655044 +235 50 5 889655403 +235 52 4 889656168 +235 65 2 889655723 +235 69 4 889655468 +235 70 5 889655619 +235 79 4 889655468 +235 83 4 889656068 +235 85 4 889655232 +235 86 4 889656113 +235 87 4 889655162 +235 96 4 889654971 +235 100 4 889655550 +235 135 4 889655571 +235 153 4 889655662 +235 174 4 889654971 +235 175 4 889654971 +235 179 5 889656028 +235 181 3 889655360 +235 185 4 889655435 +235 188 4 889655619 +235 190 4 889656007 +235 191 4 889654971 +235 192 4 889655298 +235 193 5 889655204 +235 194 5 889655232 +235 195 4 889655162 +235 196 3 889655162 +235 197 5 889655266 +235 198 3 889655044 +235 207 4 889656132 +235 211 5 889655162 +235 213 4 889655044 +235 230 4 889655162 +235 237 4 889655435 +235 269 4 889654530 +235 275 5 889655550 +235 285 4 889655204 +235 292 3 889654638 +235 303 4 889654483 +235 318 5 889654971 +235 319 4 889654419 +235 327 3 889654594 +235 338 1 889654821 +235 346 4 889654483 +235 419 5 889655858 +235 431 2 889655490 +235 433 4 889655596 +235 435 5 889655434 +235 462 3 889656168 +235 474 5 889655112 +235 480 4 889655044 +235 483 5 889655204 +235 494 4 889655112 +235 496 4 889655662 +235 511 5 889655162 +235 512 5 889656044 +235 515 4 889655086 +235 520 4 889655204 +235 522 5 889655086 +235 523 5 889655044 +235 603 3 889655044 +235 647 4 889655045 +235 648 4 889655662 +235 652 4 889655403 +235 655 4 889655550 +235 684 4 889655162 +235 692 4 889655595 +235 701 4 889655086 +235 705 5 889655204 +235 747 2 889655550 +235 792 4 889655490 +235 898 3 889654553 +235 923 4 889656132 +235 970 4 889655204 +235 971 4 889656113 +235 1021 5 889656090 +235 1119 3 889655550 +235 1134 4 889655723 +235 1149 4 889655595 +235 1176 5 889655820 +235 1193 4 889655232 +235 1451 4 889655112 +235 1464 4 889655266 +236 9 5 890116792 +236 15 5 890116628 +236 50 3 890116059 +236 51 5 890116709 +236 56 5 890116254 +236 57 5 890116575 +236 58 2 890118462 +236 64 5 890116163 +236 66 2 890118507 +236 69 5 890116426 +236 71 3 890116671 +236 79 4 890118417 +236 97 5 890118228 +236 98 5 890116253 +236 100 3 890116402 +236 111 4 890116939 +236 117 3 890116818 +236 127 5 890116032 +236 132 4 890115897 +236 133 5 890116059 +236 134 4 890116282 +236 143 4 890116163 +236 148 4 890117028 +236 151 2 890116964 +236 153 2 890118075 +236 170 5 890116451 +236 172 3 890116539 +236 174 3 890116539 +236 176 2 890115933 +236 181 4 890115933 +236 183 2 890118206 +236 185 5 890118307 +236 187 3 890118340 +236 191 4 890116335 +236 194 3 890116426 +236 195 2 890118507 +236 196 1 890115966 +236 200 3 890115856 +236 203 4 890116132 +236 204 3 890118393 +236 207 3 890116221 +236 210 2 890118153 +236 211 3 890116539 +236 216 5 890116163 +236 222 4 890116817 +236 223 5 890116032 +236 225 3 890117465 +236 237 4 890117001 +236 255 3 890116747 +236 265 2 890116191 +236 274 1 890117073 +236 275 3 890116499 +236 282 5 890117028 +236 286 5 890115777 +236 289 4 890117820 +236 298 4 890116793 +236 304 4 890117676 +236 307 4 890117902 +236 313 4 890115777 +236 318 5 890116539 +236 328 5 890117711 +236 333 3 890117748 +236 411 1 890117095 +236 419 5 890116282 +236 420 4 890116671 +236 423 5 890116304 +236 427 5 890118153 +236 429 1 890118632 +236 432 5 890118251 +236 435 4 890115966 +236 443 4 890116709 +236 462 4 890115933 +236 476 3 890117308 +236 478 3 890118106 +236 483 5 890116221 +236 496 3 890116499 +236 504 3 890118075 +236 505 3 890116575 +236 506 5 890118153 +236 507 3 890115897 +236 520 4 890116095 +236 521 3 890115996 +236 523 2 890116221 +236 532 2 890116915 +236 546 4 890117223 +236 549 4 890116628 +236 591 4 890117029 +236 595 3 890117267 +236 596 4 890116575 +236 614 5 890116335 +236 632 3 890116254 +236 655 3 890116670 +236 659 3 890116599 +236 661 3 890116451 +236 673 4 890116132 +236 685 2 890117308 +236 686 3 890118372 +236 692 4 890116670 +236 696 2 890117223 +236 699 4 890116095 +236 705 4 890116402 +236 717 3 890117409 +236 729 5 890118372 +236 735 5 890116599 +236 750 5 890117676 +236 756 1 890117353 +236 864 2 890117073 +236 866 3 890117223 +236 934 4 890117570 +236 1013 2 890117465 +236 1039 2 890115996 +236 1102 4 890117488 +236 1328 4 890116132 +236 1401 3 890116335 +237 9 4 879376730 +237 23 4 879376606 +237 28 4 879376435 +237 58 4 879376434 +237 64 5 879376671 +237 83 4 879376641 +237 98 4 879376327 +237 100 5 879376381 +237 127 5 879376671 +237 134 5 879376327 +237 153 3 879376698 +237 169 5 879376381 +237 176 3 879376328 +237 178 4 879376671 +237 179 4 879376641 +237 180 4 879376730 +237 183 5 879376641 +237 185 4 879376773 +237 187 3 879376553 +237 190 4 879376515 +237 191 4 879376773 +237 197 4 879376515 +237 199 4 879376606 +237 211 4 879376515 +237 238 4 879376435 +237 286 3 879376220 +237 357 4 879376327 +237 408 5 879376434 +237 423 4 879376487 +237 474 5 879376327 +237 479 5 879376487 +237 485 4 879376553 +237 489 4 879376381 +237 494 4 879376553 +237 498 4 879376698 +237 499 2 879376487 +237 502 4 879376487 +237 513 5 879376328 +237 514 4 879376641 +237 525 4 879376487 +237 528 5 879376606 +237 603 5 879376773 +237 656 4 879376730 +237 659 4 879376553 +237 705 3 879376487 +237 1192 5 879376553 +238 111 4 883576603 +238 118 3 883576509 +238 121 4 883576443 +238 125 3 883576230 +238 151 2 883576398 +238 181 3 883576336 +238 220 3 883576560 +238 237 3 883576281 +238 252 3 883576644 +238 255 3 883576644 +238 258 3 883575728 +238 286 5 883575683 +238 294 3 883575813 +238 298 5 883576398 +238 300 4 883575836 +238 301 3 883575855 +238 405 4 883576424 +238 458 4 883576622 +238 471 4 883576359 +238 476 3 883576799 +238 538 4 883575749 +238 546 3 883576574 +238 756 3 883576476 +238 815 2 883576398 +238 845 3 883576424 +238 926 3 883576543 +238 1190 3 883576603 +239 8 5 889179290 +239 9 5 889180446 +239 10 5 889180338 +239 14 5 889179478 +239 39 5 889181093 +239 42 5 889180578 +239 45 5 889180578 +239 46 4 889180487 +239 47 2 889180169 +239 50 5 889179131 +239 56 4 889179478 +239 58 5 889179623 +239 64 1 889178616 +239 65 5 889180041 +239 69 1 889179544 +239 79 3 889179544 +239 81 3 889179808 +239 89 4 889179253 +239 91 4 889180487 +239 96 5 889178798 +239 98 5 889180410 +239 100 3 889179131 +239 114 3 889178616 +239 124 5 889178652 +239 132 5 889178986 +239 134 5 889179033 +239 135 5 889178762 +239 137 5 889178688 +239 150 5 889179131 +239 152 3 889179808 +239 162 5 889179131 +239 165 5 889180411 +239 168 4 889179478 +239 171 5 889178986 +239 172 4 889178833 +239 174 4 889179131 +239 175 5 889180616 +239 179 5 889180410 +239 180 5 889178833 +239 181 3 889180411 +239 183 5 889180071 +239 185 4 889178688 +239 186 1 889179253 +239 187 5 889178798 +239 190 1 889178616 +239 194 5 889178833 +239 195 5 889180747 +239 198 5 889181047 +239 203 1 889179291 +239 204 3 889180888 +239 205 3 889181015 +239 207 5 889180578 +239 210 4 889179032 +239 221 5 889180447 +239 228 2 889180651 +239 234 3 889178762 +239 242 5 889178512 +239 268 2 889178512 +239 269 5 889181247 +239 272 5 889181247 +239 286 1 889178512 +239 288 2 889178513 +239 300 1 889178513 +239 305 4 889178513 +239 312 2 889181247 +239 317 5 889179291 +239 318 1 889178798 +239 340 5 889178513 +239 382 3 889180578 +239 419 3 889178689 +239 421 5 889181048 +239 427 5 889180888 +239 428 5 889180978 +239 430 3 889180338 +239 432 5 889180041 +239 433 5 889180447 +239 434 5 889180041 +239 443 5 889181015 +239 462 5 889179623 +239 474 5 889179095 +239 475 5 889178689 +239 478 5 889178986 +239 479 5 889178762 +239 482 3 889180978 +239 484 5 889179095 +239 488 5 889179033 +239 489 5 889178833 +239 491 5 889181015 +239 492 3 889180411 +239 493 5 889180616 +239 497 4 889180578 +239 498 4 889179623 +239 499 5 889179808 +239 504 4 889179544 +239 508 5 889178798 +239 509 5 889180071 +239 511 5 889178798 +239 512 5 889180921 +239 513 5 889178887 +239 514 1 889178562 +239 516 5 889180487 +239 518 3 889180949 +239 527 5 889178833 +239 528 5 889178562 +239 529 5 889179808 +239 530 5 889179290 +239 558 5 889178986 +239 589 3 889180978 +239 603 5 889178616 +239 605 4 889180446 +239 612 5 889178616 +239 632 5 889181015 +239 634 4 889180487 +239 647 5 889180651 +239 650 5 889180530 +239 652 5 889178762 +239 654 5 889180747 +239 659 3 889179808 +239 663 5 889180617 +239 671 5 889179290 +239 675 5 889180617 +239 690 1 889178513 +239 701 5 889179544 +239 705 4 889178652 +239 736 5 889179291 +239 745 5 889180338 +239 753 5 889179478 +239 836 5 889180888 +239 855 5 889179478 +239 921 5 889181092 +239 923 5 889179033 +239 954 5 889179253 +239 961 5 889181093 +239 1020 3 889180920 +239 1056 5 889180041 +239 1065 5 889181015 +239 1070 5 889179032 +239 1098 5 889180487 +239 1099 5 889179253 +239 1192 1 889180949 +239 1203 5 889180040 +239 1204 4 889178986 +239 1245 5 889181092 +239 1332 3 889180888 +240 245 4 885775831 +240 269 5 885775536 +240 272 5 885775536 +240 286 5 885775625 +240 288 5 885775536 +240 289 4 885775745 +240 300 3 885775563 +240 301 5 885775683 +240 302 5 885775536 +240 313 5 885775604 +240 336 3 885775745 +240 343 3 885775831 +240 353 1 885775959 +240 751 3 885775683 +240 873 2 885775857 +240 879 3 885775745 +240 898 5 885775770 +241 268 4 887249576 +241 270 3 887250026 +241 286 5 887249482 +241 288 5 887249745 +241 292 4 887250084 +241 294 3 887250085 +241 300 4 887249685 +241 302 3 887249576 +241 307 4 887249795 +241 310 4 887249576 +241 313 4 887249795 +241 332 3 887249841 +241 335 3 887250085 +241 343 2 887250085 +241 346 3 887249482 +241 350 2 887249889 +241 682 2 887249745 +241 689 3 887250085 +241 690 2 887249482 +241 750 5 887249576 +241 880 5 887249889 +241 887 4 887249685 +241 895 2 887250085 +242 1 4 879740362 +242 111 4 879741196 +242 237 4 879740594 +242 268 5 879741340 +242 275 5 879741196 +242 283 4 879740362 +242 291 3 879740593 +242 305 5 879741340 +242 306 5 879741340 +242 331 5 879741340 +242 361 5 879741340 +242 475 3 879740223 +242 740 5 879741196 +242 934 5 879741196 +242 1011 3 879740800 +242 1137 5 879741196 +242 1152 5 879741196 +242 1355 5 879741196 +242 1357 5 879741196 +243 1 4 879987239 +243 7 3 879987362 +243 8 5 879989217 +243 13 4 879987362 +243 14 3 879987239 +243 15 3 879987440 +243 16 3 879987630 +243 22 3 879988104 +243 25 3 879987875 +243 28 4 879988215 +243 69 3 879988298 +243 77 3 879988587 +243 83 4 879988184 +243 86 5 879989217 +243 93 2 879987173 +243 116 4 879987526 +243 125 3 879988298 +243 127 4 879987045 +243 129 2 879987526 +243 137 3 879987084 +243 151 3 879987397 +243 162 4 879988459 +243 173 3 879988913 +243 191 5 879989217 +243 194 4 879988913 +243 196 4 879988298 +243 208 4 879989134 +243 215 3 879988046 +243 221 5 879989217 +243 223 4 879988262 +243 225 3 879987655 +243 246 4 879987085 +243 268 4 879986951 +243 275 3 879987084 +243 280 1 879987148 +243 286 4 879986908 +243 306 4 879988830 +243 317 5 879989217 +243 318 4 879988071 +243 387 4 879988752 +243 423 3 879988587 +243 435 4 879988913 +243 458 4 879987397 +243 461 3 879988132 +243 468 3 879988298 +243 477 4 879987736 +243 509 4 879988369 +243 511 5 879989217 +243 514 4 879989006 +243 531 4 879988157 +243 582 5 879989217 +243 632 5 879988487 +243 655 4 879988104 +243 660 4 879988422 +243 694 4 879988262 +243 708 3 879988520 +243 713 3 879987495 +243 724 3 879988459 +243 732 4 879988557 +243 736 4 879988520 +243 737 3 879988557 +243 778 4 879988663 +243 813 4 879987239 +243 1039 4 879988184 +243 1148 3 879988723 +243 1197 4 879988337 +243 1281 5 879989217 +243 1368 2 879987909 +243 1465 3 879988215 +243 1466 3 879988104 +244 1 4 880604405 +244 3 5 880602451 +244 7 4 880602558 +244 9 5 880604179 +244 13 4 880604379 +244 17 2 880607205 +244 20 4 880604758 +244 22 4 880605665 +244 26 5 880606274 +244 28 4 880606300 +244 31 4 880603484 +244 32 2 880605514 +244 40 2 880608016 +244 42 5 880602058 +244 50 5 880604379 +244 51 2 880606923 +244 52 4 880606476 +244 53 3 880607489 +244 54 2 880607335 +244 56 5 880602440 +244 62 2 880607269 +244 64 5 880605638 +244 65 4 880605766 +244 66 4 880607683 +244 67 4 880608820 +244 68 5 880602170 +244 69 4 880603645 +244 70 4 880604077 +244 71 4 880606874 +244 72 4 880607365 +244 77 4 880603512 +244 80 3 880607489 +244 82 3 880606667 +244 86 4 880605896 +244 88 4 880607684 +244 89 5 880602210 +244 90 4 880607684 +244 92 4 880602478 +244 95 4 880606418 +244 97 2 880605514 +244 100 4 880604252 +244 101 5 880603288 +244 105 2 880605333 +244 109 4 880604798 +244 111 4 880604550 +244 117 2 880604698 +244 118 2 880604981 +244 121 1 880604583 +244 122 4 880602804 +244 126 4 880604302 +244 135 4 880606442 +244 144 1 880602264 +244 145 3 880608842 +244 148 2 880605071 +244 151 5 880604326 +244 154 5 880606385 +244 155 3 880608599 +244 156 4 880602517 +244 157 4 880604119 +244 158 3 880608904 +244 161 4 880607990 +244 162 4 880606993 +244 164 3 880607154 +244 167 3 880607853 +244 168 5 880606118 +244 169 5 880606274 +244 172 4 880605665 +244 173 4 880605458 +244 174 3 880605896 +244 179 5 880603833 +244 180 4 880605920 +244 181 4 880604302 +244 183 4 880606043 +244 186 3 880605697 +244 188 4 880605869 +244 191 5 880605766 +244 193 4 880605638 +244 196 5 880605416 +244 197 4 880605838 +244 200 5 880606698 +244 204 4 880605812 +244 208 5 880606300 +244 209 4 880605485 +244 215 4 880603242 +244 216 4 880605869 +244 217 5 880606698 +244 220 2 880605264 +244 222 2 880604379 +244 226 1 880602264 +244 232 4 880608670 +244 235 1 880604910 +244 237 5 880602334 +244 238 5 880606118 +244 240 3 880604858 +244 241 4 880602893 +244 246 5 880604302 +244 255 2 880604077 +244 258 5 880601905 +244 265 4 880606634 +244 268 5 880601904 +244 278 3 880605294 +244 281 3 880605010 +244 287 3 880604326 +244 290 3 880604616 +244 291 2 880604379 +244 294 4 880601905 +244 301 2 880601905 +244 310 3 880601905 +244 317 5 880602083 +244 318 5 880603082 +244 324 4 880601905 +244 357 5 880605553 +244 365 2 880608599 +244 367 1 880603442 +244 369 4 880605294 +244 380 4 880608133 +244 381 4 880604077 +244 383 3 880608957 +244 393 3 880607365 +244 401 3 880607424 +244 409 4 880605294 +244 410 4 880606593 +244 411 4 880604798 +244 428 4 880606155 +244 433 5 880603683 +244 451 4 880608112 +244 455 2 880604503 +244 456 3 880605333 +244 458 3 880604405 +244 468 1 880606947 +244 471 1 880606874 +244 475 4 880603582 +244 508 4 880604276 +244 509 5 880606017 +244 521 4 880606385 +244 527 5 880606155 +244 537 5 880602593 +244 550 1 880602264 +244 553 5 880606215 +244 554 3 880608733 +244 559 4 880607154 +244 566 4 880607489 +244 581 4 880607903 +244 584 5 880606634 +244 596 4 880604735 +244 609 3 880607154 +244 628 4 880604346 +244 629 4 880606442 +244 631 4 880606760 +244 650 3 880607231 +244 652 5 880606533 +244 655 5 880605766 +244 660 4 880603881 +244 662 3 880606533 +244 673 3 880606667 +244 676 4 880604858 +244 685 2 880604642 +244 697 4 880607335 +244 707 4 880606243 +244 708 4 880607231 +244 710 3 880607034 +244 712 3 880607925 +244 716 3 880607641 +244 721 5 880602031 +244 723 3 880607154 +244 724 4 880605638 +244 732 1 880604148 +244 735 5 880605697 +244 738 4 880607489 +244 739 3 880604004 +244 743 5 880602170 +244 744 3 880606923 +244 746 3 880606180 +244 747 4 880606760 +244 754 4 880603960 +244 756 2 880605157 +244 762 3 880604616 +244 763 4 880604830 +244 764 5 880605158 +244 772 4 880601937 +244 780 4 880602843 +244 790 4 880608037 +244 815 4 880605185 +244 818 2 880605010 +244 833 3 880607878 +244 856 5 880602002 +244 866 5 880605131 +244 871 3 880605010 +244 886 5 880601905 +244 924 4 880604550 +244 926 2 880609193 +244 941 4 880603618 +244 946 4 880607545 +244 949 4 880606874 +244 950 1 880606274 +244 953 4 880607335 +244 955 4 880606593 +244 959 4 880607684 +244 1012 2 880604670 +244 1017 4 880604583 +244 1039 4 880607570 +244 1041 4 880608788 +244 1045 5 880602132 +244 1047 2 880605264 +244 1048 4 880606567 +244 1053 2 880606993 +244 1054 3 880609089 +244 1057 4 880608992 +244 1074 4 880607904 +244 1079 2 880605333 +244 1095 2 880605333 +244 1098 5 880605578 +244 1107 2 880608699 +244 1109 4 880607116 +244 1118 4 880608087 +244 1119 5 880606993 +244 1132 4 880605132 +244 1136 3 880608162 +244 1150 4 880604195 +244 1168 4 880608788 +244 1178 3 880608134 +244 1188 4 880608864 +244 1209 3 880608315 +244 1225 2 880606818 +244 1428 4 880603411 +245 21 3 888513502 +245 50 4 888513664 +245 94 2 888513081 +245 112 4 888513575 +245 133 2 888513058 +245 181 4 888513664 +245 210 3 888513026 +245 222 4 888513212 +245 240 1 888513860 +245 300 4 888513026 +245 411 3 888513425 +245 473 2 888513344 +245 596 4 888513361 +245 597 4 888513326 +245 717 4 888513447 +245 756 3 888513425 +245 894 1 888513860 +245 1028 5 888513447 +245 1033 5 888513522 +245 1047 3 888513393 +246 1 4 884920918 +246 3 2 884923390 +246 8 3 884921245 +246 11 4 884922512 +246 12 5 884921948 +246 17 2 884922658 +246 24 4 884921345 +246 25 3 884922383 +246 29 1 884922740 +246 38 2 884923175 +246 41 2 884923811 +246 55 4 884921948 +246 56 1 884920948 +246 66 3 884922252 +246 67 2 884923893 +246 68 5 884922341 +246 69 3 884921202 +246 77 2 884921839 +246 80 2 884923329 +246 81 5 884921638 +246 82 2 884921986 +246 83 4 884921086 +246 92 1 884921661 +246 94 2 884923505 +246 95 3 884920949 +246 96 3 884920900 +246 97 3 884922272 +246 98 4 884921428 +246 99 3 884922657 +246 100 4 884921033 +246 101 2 884922740 +246 109 5 884921794 +246 111 3 884921861 +246 117 3 884921767 +246 118 1 884923175 +246 121 4 884922627 +246 132 4 884921319 +246 138 1 884923715 +246 145 1 884923922 +246 151 5 884921727 +246 158 1 884923955 +246 159 3 884923003 +246 161 3 884921679 +246 164 3 884921613 +246 172 5 884922042 +246 173 5 884921227 +246 174 3 884921086 +246 175 4 884921362 +246 176 4 884921613 +246 178 5 884920918 +246 181 5 884920978 +246 184 4 884921948 +246 185 5 884921428 +246 195 3 884921138 +246 196 3 884921861 +246 198 4 884922196 +246 201 5 884921594 +246 202 3 884922272 +246 204 3 884921638 +246 208 4 884921394 +246 210 3 884921319 +246 211 4 884922605 +246 215 2 884921058 +246 216 3 884920949 +246 219 5 884922801 +246 223 5 884921033 +246 226 2 884923329 +246 228 3 884921558 +246 230 3 884922070 +246 231 1 884922898 +246 232 3 884923073 +246 235 3 884921965 +246 236 4 884921986 +246 238 5 884921429 +246 239 3 884921380 +246 240 3 884923547 +246 250 4 884924327 +246 254 1 884924710 +246 260 5 884924991 +246 265 4 884921411 +246 284 1 884922475 +246 288 5 884922235 +246 289 2 884922658 +246 294 2 884924460 +246 356 2 884923047 +246 368 1 884924813 +246 369 3 884924710 +246 384 2 884923632 +246 385 1 884922272 +246 393 3 884922627 +246 401 1 884923750 +246 402 3 884922917 +246 403 4 884922697 +246 404 3 884922434 +246 406 3 884924749 +246 409 2 884923372 +246 410 1 884923175 +246 411 3 884923715 +246 412 1 884923305 +246 413 4 884923922 +246 416 3 884923047 +246 420 3 884922272 +246 423 3 884920900 +246 425 5 884921918 +246 426 3 884923471 +246 431 3 884921661 +246 432 3 884921511 +246 433 5 884921488 +246 441 3 884922538 +246 444 4 884923715 +246 451 2 884923003 +246 469 3 884922475 +246 470 4 884922964 +246 475 4 884921637 +246 477 4 884921767 +246 541 3 884923487 +246 547 4 884922512 +246 550 3 884922740 +246 559 3 884922898 +246 561 1 884923445 +246 567 5 884923348 +246 568 4 884922451 +246 570 1 884923592 +246 572 3 884923127 +246 576 1 884923864 +246 578 2 884923306 +246 585 1 884923811 +246 588 4 884920998 +246 596 3 884921511 +246 597 2 884921965 +246 628 1 884922554 +246 633 3 884920997 +246 652 5 884921033 +246 658 4 884923329 +246 665 4 884922831 +246 672 4 884923047 +246 675 4 884920978 +246 679 2 884922917 +246 719 4 884924026 +246 720 1 884923592 +246 721 4 884921794 +246 724 4 884922383 +246 728 1 884923829 +246 735 4 884921679 +246 739 2 884922678 +246 741 5 884921533 +246 743 1 884924780 +246 746 4 884922070 +246 748 1 884924441 +246 758 1 884924813 +246 765 2 884924026 +246 790 3 884923405 +246 798 2 884924001 +246 802 1 884923471 +246 809 2 884923767 +246 816 4 884925218 +246 831 1 884924025 +246 840 4 884924045 +246 841 1 884923829 +246 849 1 884923687 +246 853 5 884922383 +246 895 5 884924976 +246 919 4 884920949 +246 930 2 884924764 +246 932 1 884923864 +246 981 1 884924765 +246 993 3 884920770 +246 1028 3 884923653 +246 1039 4 884921227 +246 1044 1 884922869 +246 1052 1 884924710 +246 1073 4 884921380 +246 1089 1 884924710 +246 1101 5 884921380 +246 1135 1 884922605 +246 1139 2 884923811 +246 1188 3 884924001 +246 1218 3 884922801 +246 1222 3 884923372 +246 1228 1 884923971 +246 1232 1 884923425 +246 1411 2 884924026 +247 1 4 893097024 +247 28 5 893097024 +247 50 5 893097024 +247 64 5 893097024 +247 100 3 893081395 +247 111 5 893097024 +247 151 4 893081396 +247 181 4 893081396 +247 222 3 893081411 +247 251 4 893081395 +247 257 4 893081396 +247 258 5 893097024 +247 259 3 893081411 +247 269 4 893097024 +247 271 2 893081411 +247 272 4 893081381 +247 300 2 893081411 +247 736 5 893097024 +247 750 4 893081381 +247 751 3 893081411 +247 1022 4 893097024 +248 1 3 884535744 +248 7 2 884534968 +248 11 5 884534992 +248 22 2 884534752 +248 50 5 884535013 +248 55 4 884534793 +248 64 5 884534735 +248 69 1 884534695 +248 89 5 884535046 +248 96 4 884534968 +248 100 4 884534716 +248 114 5 884534901 +248 117 5 884535433 +248 127 5 884535084 +248 153 3 884534716 +248 156 5 884534945 +248 168 4 884534945 +248 174 3 884534992 +248 176 5 884534808 +248 179 3 884534649 +248 180 3 884534735 +248 181 4 884535374 +248 183 5 884534772 +248 185 3 884534772 +248 186 5 884534695 +248 187 3 884535046 +248 194 4 884534672 +248 196 2 884535013 +248 198 5 884534695 +248 210 3 884534946 +248 234 4 884534968 +248 235 3 884536150 +248 249 4 884536117 +248 250 3 884535532 +248 257 3 884535840 +248 282 2 884535582 +248 283 1 884535157 +248 290 3 884535582 +248 294 3 884534379 +248 323 1 884534472 +248 324 4 884534506 +248 343 4 884534436 +248 405 4 884536165 +248 474 2 884534672 +248 475 5 884535446 +248 484 2 884535013 +248 515 5 884535085 +248 589 4 884534968 +248 678 3 884534419 +248 854 5 884534735 +248 928 3 884536117 +249 1 4 879572210 +249 2 3 879641284 +249 4 4 879572142 +249 7 5 879572760 +249 9 5 879572402 +249 11 5 879640868 +249 12 5 879572472 +249 13 4 879640396 +249 22 5 879572926 +249 23 4 879572432 +249 24 4 879640306 +249 28 4 879572106 +249 31 4 879572688 +249 39 4 879572284 +249 42 5 879572630 +249 53 4 879572760 +249 55 5 879572331 +249 56 5 879572189 +249 58 5 879572516 +249 64 5 879572210 +249 68 5 879641156 +249 79 5 879572777 +249 83 5 879640977 +249 86 4 879572124 +249 88 4 879572668 +249 89 5 879572229 +249 93 4 879640194 +249 96 4 879572600 +249 98 5 879572256 +249 100 5 879572370 +249 108 3 879640452 +249 114 5 879572314 +249 117 4 879640414 +249 121 3 879572705 +249 123 3 879640261 +249 124 5 879572646 +249 125 3 879640210 +249 129 5 879571883 +249 135 5 879572668 +249 137 4 879572725 +249 147 5 879640343 +249 148 3 879640361 +249 156 5 879572402 +249 161 3 879572760 +249 168 4 879572370 +249 169 5 879572106 +249 172 3 879572106 +249 173 5 879572229 +249 174 4 879572314 +249 175 4 879572106 +249 176 4 879641109 +249 182 5 879640949 +249 183 4 879572540 +249 186 4 879572516 +249 188 4 879641067 +249 191 4 879572167 +249 198 5 879572349 +249 202 4 879572167 +249 203 5 879572167 +249 209 5 879572582 +249 210 3 879641305 +249 212 4 879572890 +249 216 4 879641305 +249 218 3 879641322 +249 222 4 879640306 +249 228 4 879572496 +249 235 4 879640261 +249 237 5 879640361 +249 239 3 879572284 +249 240 4 879640343 +249 241 5 879641194 +249 242 5 879571438 +249 245 2 879571999 +249 248 5 879571695 +249 249 4 879571752 +249 250 4 879571678 +249 252 2 879571998 +249 255 3 879571752 +249 257 3 879571715 +249 258 5 879571438 +249 271 4 879571521 +249 273 4 879640284 +249 275 4 879572451 +249 283 5 879572600 +249 290 2 879640521 +249 294 3 879571557 +249 298 4 879571715 +249 300 4 879571489 +249 309 3 879571456 +249 317 5 879572106 +249 327 4 879571489 +249 333 4 879571521 +249 357 4 879572142 +249 403 4 879640998 +249 405 3 879640284 +249 409 4 879640452 +249 411 3 879640436 +249 421 5 879572516 +249 423 4 879572167 +249 427 5 879572472 +249 431 5 879641194 +249 455 4 879640326 +249 456 3 879640549 +249 462 5 879572725 +249 467 4 879572795 +249 469 4 879641285 +249 471 4 879640241 +249 472 3 879640502 +249 476 3 879640481 +249 478 4 879572911 +249 479 5 879641035 +249 480 5 879572210 +249 483 5 879572314 +249 546 3 879640436 +249 568 4 879572256 +249 583 4 879640918 +249 588 3 879572256 +249 591 5 879572890 +249 597 2 879640436 +249 628 3 879640306 +249 634 5 879572314 +249 658 4 879572944 +249 684 4 879641285 +249 686 5 879641251 +249 708 4 879572403 +249 723 4 879641093 +249 741 4 879572402 +249 742 3 879640241 +249 746 5 879641209 +249 748 3 879571586 +249 789 5 879572911 +249 806 5 879572167 +249 826 1 879640481 +249 844 5 879572795 +249 919 5 879572668 +249 930 2 879640585 +249 993 3 879571779 +249 1011 5 879640284 +249 1012 3 879571998 +249 1016 3 879571752 +249 1039 5 879572725 +249 1047 3 879640603 +249 1069 5 879572890 +249 1073 4 879640918 +249 1103 5 879572256 +249 1167 4 879572284 +250 1 4 883263374 +250 2 4 878090414 +250 7 4 878089716 +250 12 5 878090499 +250 23 4 878090499 +250 44 4 878090199 +250 50 5 878089393 +250 56 4 878090004 +250 64 5 878090153 +250 69 5 878092059 +250 71 5 878090294 +250 81 4 878092143 +250 89 4 878092144 +250 92 5 878091818 +250 95 5 878090499 +250 96 2 878090254 +250 98 5 878090365 +250 100 5 878089786 +250 111 4 878091915 +250 116 4 878089921 +250 117 3 878089628 +250 123 3 878089837 +250 127 4 878089881 +250 129 4 878089677 +250 135 5 878091915 +250 140 3 878092059 +250 144 4 878092059 +250 153 2 878090066 +250 159 4 878092144 +250 174 3 878092104 +250 175 5 878090004 +250 179 4 883263374 +250 181 4 878089393 +250 184 1 878091683 +250 191 5 878091869 +250 195 2 878091736 +250 196 4 878091818 +250 200 5 883263374 +250 202 4 878090253 +250 204 2 878091682 +250 222 4 878089547 +250 223 4 878090294 +250 235 2 878089786 +250 237 2 878089753 +250 238 4 878089963 +250 240 4 878092171 +250 244 4 878089786 +250 248 2 883263390 +250 258 4 878088969 +250 259 1 883262792 +250 260 4 878089144 +250 264 3 878089182 +250 270 4 883263374 +250 271 4 883263374 +250 276 4 878089436 +250 288 4 878088970 +250 293 4 878089921 +250 294 1 878089033 +250 313 5 883262672 +250 321 5 878089099 +250 322 3 878089182 +250 323 2 878089100 +250 324 2 878089033 +250 325 4 883262927 +250 328 3 883262792 +250 331 3 878089033 +250 333 4 883263374 +250 338 4 883263374 +250 340 4 883263374 +250 357 4 878091915 +250 367 4 878090330 +250 378 4 878092059 +250 404 4 878092144 +250 418 5 878090199 +250 458 5 878092104 +250 469 4 878091772 +250 474 5 878089964 +250 475 4 878089436 +250 477 3 878089716 +250 480 5 878090414 +250 485 4 878092104 +250 496 4 878090499 +250 501 5 878090199 +250 527 4 878091735 +250 558 4 878091965 +250 582 4 878090114 +250 588 5 878091736 +250 596 5 878089921 +250 628 4 878090114 +250 629 4 878091965 +250 676 5 878089547 +250 678 2 878089182 +250 687 1 883263007 +250 688 2 878089182 +250 742 3 878089786 +250 748 2 878089033 +250 751 2 883262694 +250 754 4 883263374 +250 813 5 878089581 +250 844 4 878090414 +250 933 3 878089467 +250 943 4 878091870 +250 948 3 878089182 +250 969 5 878092002 +250 984 3 878089229 +250 988 4 878089182 +250 991 2 878089202 +250 993 5 878089881 +250 1014 4 883263439 +250 1073 5 878090114 +250 1137 5 878090066 +250 1161 4 883263375 +250 1199 3 878089467 +250 1426 5 878091771 +251 12 4 886271700 +251 15 4 886272086 +251 22 5 886271955 +251 24 3 886272283 +251 25 4 886272615 +251 33 3 886271675 +251 45 5 886271855 +251 50 5 886272086 +251 55 3 886271856 +251 60 4 886271641 +251 64 5 886271640 +251 100 4 886271884 +251 109 4 886272547 +251 111 3 886272319 +251 117 4 886272009 +251 118 3 886272514 +251 121 4 886272118 +251 132 5 886271641 +251 144 5 886271920 +251 147 3 886272319 +251 148 2 886272547 +251 151 5 886272118 +251 172 5 886271641 +251 181 4 886271733 +251 183 5 886271733 +251 185 5 886271884 +251 202 4 886271920 +251 210 4 886271675 +251 222 4 886272547 +251 237 5 886272346 +251 248 4 886272223 +251 249 5 886272118 +251 250 3 886272378 +251 252 3 886272456 +251 257 3 886272378 +251 258 3 886271496 +251 265 3 886271641 +251 275 4 886271675 +251 281 4 886272456 +251 282 4 886272223 +251 288 4 886271541 +251 294 3 886272283 +251 295 4 886272249 +251 298 5 886272146 +251 300 4 886271472 +251 313 5 886271472 +251 405 3 886272547 +251 418 4 886271856 +251 427 4 886271675 +251 429 4 886271955 +251 471 3 886272319 +251 472 3 886272585 +251 476 2 886272407 +251 480 5 886271733 +251 520 5 886271955 +251 596 3 886272118 +251 597 3 886272514 +251 612 5 886271855 +251 685 4 886272585 +251 742 5 886272486 +251 748 2 886272175 +251 813 3 886272086 +251 866 2 886272514 +251 978 2 886272585 +251 1012 4 886272175 +251 1014 5 886272486 +251 1016 3 886272197 +251 1028 3 886272585 +251 1098 3 886271920 +252 1 5 891456989 +252 7 4 891455743 +252 9 5 891456797 +252 14 4 891456876 +252 100 5 891456797 +252 124 5 891457490 +252 129 4 891456876 +252 149 5 891456876 +252 268 5 891455329 +252 275 5 891456464 +252 276 5 891456877 +252 277 4 891456797 +252 286 5 891455263 +252 290 3 891456877 +252 300 4 891448664 +252 410 5 891456989 +252 475 5 891456876 +252 740 3 891456738 +252 742 4 891455743 +253 1 5 891628467 +253 4 4 891628670 +253 8 4 891628323 +253 12 5 891628159 +253 15 4 891628019 +253 22 5 891628435 +253 50 4 891628518 +253 56 3 891628229 +253 64 5 891628252 +253 79 5 891628518 +253 81 4 891628614 +253 83 4 891628159 +253 87 5 891628278 +253 89 4 891628451 +253 95 4 891628416 +253 96 5 891628651 +253 97 4 891628501 +253 98 5 891628295 +253 100 4 891628122 +253 117 5 891628535 +253 125 3 891628033 +253 127 5 891628060 +253 153 3 891628278 +253 156 3 891628614 +253 173 5 891628483 +253 175 2 891628884 +253 182 3 891628374 +253 183 5 891628341 +253 188 4 891628416 +253 190 5 891628278 +253 192 1 891628884 +253 198 5 891628392 +253 200 4 891628392 +253 202 5 891628392 +253 203 4 891628651 +253 210 4 891628598 +253 216 4 891628252 +253 220 4 891628060 +253 222 4 891628548 +253 237 4 891628002 +253 243 2 891628883 +253 259 2 891628883 +253 273 3 891628060 +253 282 4 891628094 +253 294 4 891627829 +253 298 3 891628074 +253 300 4 891627724 +253 318 5 891628323 +253 328 4 891627790 +253 331 3 891627664 +253 333 2 891628883 +253 343 4 891627815 +253 427 5 891628229 +253 433 3 891628670 +253 448 2 891628883 +253 465 5 891628467 +253 482 5 891628451 +253 483 5 891628122 +253 485 5 891628435 +253 487 4 891628323 +253 494 5 891628341 +253 496 5 891628278 +253 510 5 891628416 +253 518 5 891628392 +253 523 4 891628501 +253 527 5 891628518 +253 566 4 891628578 +253 568 4 891628295 +253 588 5 891628416 +253 591 3 891628358 +253 647 3 891628229 +253 659 5 891628358 +253 679 3 891628578 +253 685 2 891628884 +253 689 5 891627775 +253 705 5 891628598 +253 732 4 891628651 +253 742 4 891628535 +253 746 3 891628630 +253 747 3 891628501 +253 751 3 891627815 +253 806 4 891628181 +253 895 4 891627893 +253 966 5 891628181 +253 1016 3 891628094 +253 1025 3 891627878 +253 1039 4 891628199 +253 1404 3 891628651 +253 1468 3 891628142 +254 1 3 887347350 +254 8 5 887347000 +254 15 3 886471307 +254 21 3 886474518 +254 22 4 887347350 +254 28 4 886472369 +254 29 2 886474847 +254 35 2 886475755 +254 50 5 886471151 +254 62 3 886474009 +254 64 4 886472051 +254 69 5 886471959 +254 71 3 886472737 +254 75 1 886475004 +254 78 3 886475476 +254 82 4 886472767 +254 90 1 886475406 +254 94 3 887347350 +254 97 5 887346963 +254 98 4 886472201 +254 99 3 886473254 +254 102 3 886473929 +254 103 2 886476123 +254 112 2 886473631 +254 118 4 886475406 +254 121 3 886472369 +254 125 3 886473158 +254 126 3 887347350 +254 132 4 886472022 +254 133 5 886473158 +254 135 5 886471880 +254 136 4 886471695 +254 140 4 887347350 +254 141 3 886472836 +254 142 3 886474489 +254 143 4 886472643 +254 151 2 886474396 +254 162 3 886472643 +254 163 2 886472023 +254 164 4 886472768 +254 167 3 886474712 +254 172 5 886472051 +254 174 5 886471720 +254 176 3 886472768 +254 181 5 886471151 +254 183 4 886472713 +254 186 3 886472023 +254 188 3 886473672 +254 196 4 886472400 +254 199 4 886472089 +254 200 3 886472504 +254 204 4 886472434 +254 210 5 886472172 +254 211 3 886472089 +254 214 1 886472608 +254 219 1 886475980 +254 222 4 886471346 +254 225 3 886475952 +254 227 4 886474806 +254 228 4 886472609 +254 229 4 886474580 +254 230 4 886472400 +254 231 3 886474712 +254 234 4 886472713 +254 238 3 886473120 +254 240 1 886476165 +254 241 4 886473190 +254 243 2 887347834 +254 257 3 886471389 +254 258 4 887347560 +254 259 2 886470859 +254 265 3 886471695 +254 286 1 887346861 +254 313 5 886470465 +254 323 3 886470765 +254 343 2 886470904 +254 357 3 886472466 +254 378 3 886474396 +254 379 1 886474650 +254 380 4 886474456 +254 384 1 886475790 +254 386 2 886475616 +254 389 3 886473852 +254 393 3 886473489 +254 400 3 886475790 +254 403 3 887347350 +254 405 3 886471522 +254 415 3 886475523 +254 416 4 886472713 +254 417 3 886473408 +254 418 3 886473078 +254 419 4 886472231 +254 423 5 886472799 +254 429 4 887347350 +254 432 2 886473158 +254 435 3 886472089 +254 436 2 886474216 +254 443 3 886473547 +254 448 3 886473775 +254 449 5 886475446 +254 465 3 886473078 +254 472 3 886474456 +254 498 4 886472115 +254 501 3 886476281 +254 504 3 886472115 +254 526 3 886472609 +254 542 3 886475034 +254 548 2 886475319 +254 554 3 886475952 +254 561 3 886475446 +254 573 2 886475476 +254 575 3 886476165 +254 577 1 886476092 +254 584 3 886473283 +254 588 3 886473701 +254 596 4 886473852 +254 610 2 886472291 +254 612 3 886471959 +254 616 1 886473736 +254 621 3 886474807 +254 622 4 887347350 +254 624 2 886473254 +254 625 3 886473808 +254 629 2 886472337 +254 649 1 886474619 +254 655 4 886472313 +254 662 4 887347350 +254 665 2 886475234 +254 678 3 886470859 +254 679 2 886472434 +254 699 3 886473120 +254 755 3 886473489 +254 768 3 886475004 +254 842 3 886475952 +254 843 2 886474807 +254 871 2 886475682 +254 892 3 886470904 +254 951 4 886474619 +254 967 3 886472139 +254 1028 2 886474619 +254 1033 3 886475034 +254 1050 3 886472609 +254 1060 3 886472466 +254 1091 3 886475586 +254 1116 3 886473448 +254 1133 3 886475682 +254 1183 4 887347350 +254 1263 1 886474426 +254 1443 4 887347382 +254 1444 3 886475558 +254 1469 3 886473929 +254 1470 2 886474650 +255 5 2 883216599 +255 53 3 883216672 +255 56 5 883216448 +255 98 5 883216449 +255 100 3 883216358 +255 117 2 883216845 +255 118 1 883216958 +255 121 2 883216902 +255 147 4 883216845 +255 185 4 883216449 +255 200 3 883216544 +255 217 2 883216600 +255 218 3 883216544 +255 219 5 883216544 +255 222 3 883216845 +255 234 5 883216448 +255 245 1 883215723 +255 249 5 883216245 +255 258 4 883215406 +255 259 3 883215759 +255 264 2 883215829 +255 271 4 883215525 +255 273 2 883216845 +255 281 1 883216902 +255 288 4 883216185 +255 294 2 883215406 +255 300 3 883215358 +255 322 2 883215723 +255 323 2 883215723 +255 325 1 883215723 +255 335 4 883215630 +255 343 2 883215867 +255 405 4 883216902 +255 406 1 883216358 +255 413 2 883216358 +255 436 4 883216544 +255 441 2 883216544 +255 443 1 883216544 +255 444 3 883216599 +255 447 3 883216599 +255 448 3 883216544 +255 452 3 883216672 +255 455 2 883216845 +255 472 1 883216958 +255 546 3 883216902 +255 551 1 883216672 +255 559 4 883216748 +255 564 1 883216600 +255 565 1 883216748 +255 569 1 883216672 +255 665 3 883216748 +255 672 2 883216544 +255 678 2 883215795 +255 682 5 883215759 +255 685 3 883216845 +255 748 1 883215630 +255 760 1 883216185 +255 763 5 883217072 +255 825 1 883216958 +255 826 1 883216958 +255 827 2 883216958 +255 829 1 883216903 +255 831 4 883216902 +255 833 4 883216902 +255 834 4 883216358 +255 841 1 883216902 +255 859 3 883216748 +255 860 2 883216748 +255 872 4 883215723 +255 879 3 883215660 +255 895 2 883216185 +255 930 1 883216958 +255 976 1 883217030 +255 982 2 883217030 +255 984 1 883215902 +255 1034 1 883217030 +256 1 5 882150980 +256 2 5 882164480 +256 4 5 882164525 +256 5 5 882164727 +256 7 4 882151017 +256 9 4 882150644 +256 12 5 882164696 +256 15 5 882150644 +256 21 4 882163677 +256 22 5 882164259 +256 25 5 882150552 +256 29 4 882164644 +256 31 5 882164867 +256 36 3 882165269 +256 38 4 882164927 +256 49 4 882165238 +256 51 4 882165135 +256 54 5 882164955 +256 56 3 882164406 +256 66 4 882165103 +256 77 3 882164955 +256 79 5 882164406 +256 82 5 882164559 +256 86 5 882165103 +256 88 5 882165296 +256 89 5 882164525 +256 97 4 882165103 +256 98 5 882164696 +256 100 4 882150313 +256 106 4 882153724 +256 117 5 882150313 +256 118 5 882151123 +256 120 1 882163754 +256 121 5 882151123 +256 123 2 882150508 +256 125 5 882150552 +256 127 4 882164406 +256 147 4 882152540 +256 151 5 882151623 +256 161 5 882164559 +256 172 3 882164443 +256 174 4 882164406 +256 181 4 882164444 +256 182 4 882164479 +256 185 5 882164696 +256 187 3 882164444 +256 188 5 882164559 +256 195 5 882164406 +256 202 3 882165032 +256 203 4 882164867 +256 210 4 882164443 +256 218 3 882164727 +256 220 3 882151690 +256 225 4 882152605 +256 226 5 882164644 +256 227 4 882164603 +256 230 4 882164480 +256 232 3 882164525 +256 233 4 882164479 +256 234 5 882164696 +256 235 3 882153668 +256 237 4 882150644 +256 243 4 882150193 +256 274 5 882151456 +256 276 3 882151198 +256 278 5 882151517 +256 280 5 882151167 +256 282 3 882151017 +256 283 3 882150313 +256 284 4 882151576 +256 288 5 882150122 +256 291 5 882152630 +256 294 3 882150053 +256 319 2 882150053 +256 323 5 882150193 +256 356 3 882164927 +256 363 3 882163834 +256 368 1 882163778 +256 370 3 882153321 +256 385 5 882164603 +256 387 4 882165328 +256 402 4 882165269 +256 403 4 882164603 +256 405 4 882151088 +256 406 3 882152605 +256 413 4 882163956 +256 443 3 882164727 +256 449 3 882164999 +256 451 4 882165135 +256 452 4 882164999 +256 460 4 882153987 +256 471 5 882150644 +256 472 4 882152471 +256 473 5 882151088 +256 476 4 882152914 +256 487 5 882164231 +256 526 3 882164443 +256 538 5 882150122 +256 546 4 882151088 +256 550 5 882164525 +256 552 3 882164927 +256 554 4 882164644 +256 566 5 882164559 +256 568 5 882164603 +256 576 3 882164603 +256 583 5 882164603 +256 597 4 882152509 +256 620 3 882151743 +256 628 5 882150848 +256 642 4 882164893 +256 657 5 882164727 +256 662 2 882165032 +256 678 5 882150192 +256 679 3 882164525 +256 684 5 882164480 +256 685 5 882151576 +256 692 5 882165066 +256 716 5 882165135 +256 722 3 882165269 +256 724 4 882165103 +256 728 4 882165296 +256 739 5 882165135 +256 741 4 882151517 +256 742 5 882150552 +256 748 4 882150192 +256 756 4 882151167 +256 761 4 882164644 +256 765 4 882165328 +256 769 5 882164955 +256 771 2 882164999 +256 775 5 882165269 +256 778 4 882165103 +256 779 4 882164644 +256 781 5 882165296 +256 783 4 882165328 +256 785 4 882165296 +256 794 4 882165135 +256 796 5 882165328 +256 802 3 882164955 +256 808 4 882164559 +256 815 5 882151743 +256 819 4 882151052 +256 827 3 882163857 +256 829 4 882153751 +256 831 4 882152943 +256 834 3 882163956 +256 846 4 882151167 +256 849 2 882164603 +256 864 4 882151623 +256 866 4 882151198 +256 925 5 882151017 +256 930 3 882153258 +256 932 3 882150508 +256 934 3 882163730 +256 939 5 882164893 +256 974 3 882164059 +256 975 3 882151017 +256 982 3 882152630 +256 984 3 882150192 +256 988 4 882150193 +256 989 5 882150192 +256 1028 4 882151690 +256 1040 3 882152604 +256 1041 4 882165328 +256 1042 5 882164927 +256 1046 4 882164927 +256 1047 4 882151743 +256 1051 4 882150552 +256 1057 2 882163805 +256 1061 4 882153321 +256 1086 5 882150943 +256 1090 2 882164999 +256 1109 4 882164867 +256 1114 4 882153699 +256 1119 3 882165032 +256 1150 5 882152570 +256 1207 3 882164999 +256 1208 3 882164927 +256 1210 5 882164999 +256 1228 1 882164643 +256 1231 3 882164603 +256 1289 4 882150552 +256 1424 3 882165066 +257 50 5 882049897 +257 57 5 879547717 +257 59 5 879547440 +257 60 5 879547440 +257 70 4 880496892 +257 86 4 879547655 +257 100 5 882049950 +257 116 3 879029742 +257 121 3 882050360 +257 129 4 880008245 +257 130 2 882050236 +257 137 4 882049932 +257 151 4 882050266 +257 165 4 879547534 +257 166 4 880496522 +257 181 5 882050131 +257 198 3 880496822 +257 221 3 882050202 +257 224 4 879029717 +257 237 2 882050168 +257 245 4 884151807 +257 258 3 879029516 +257 269 3 879029516 +257 275 4 879029716 +257 276 5 882049973 +257 285 5 882049950 +257 286 5 879029516 +257 288 3 879029516 +257 289 4 879029543 +257 301 3 879029620 +257 305 4 882049607 +257 307 4 879029581 +257 313 5 884151683 +257 324 5 879029543 +257 345 4 887066556 +257 381 5 880496690 +257 405 3 882050397 +257 462 4 879547695 +257 475 5 879029716 +257 531 5 879547608 +257 582 5 879547608 +257 676 4 882050006 +257 936 4 882050151 +257 949 3 880496958 +257 1008 5 882050187 +257 1010 4 882050150 +257 1022 2 879547764 +257 1129 5 879585415 +257 1137 5 882049896 +257 1160 4 882049973 +257 1260 2 880496892 +257 1462 5 879547695 +257 1472 2 880496943 +258 243 3 885701024 +258 258 2 885700811 +258 272 5 885700811 +258 286 5 885700778 +258 288 1 885700919 +258 289 2 885701004 +258 300 5 885700877 +258 310 5 885700778 +258 311 4 885700946 +258 313 5 885700778 +258 315 3 885701004 +258 323 4 885701062 +258 326 5 885701024 +258 332 5 885701024 +258 333 2 885700811 +258 690 4 885700811 +258 748 5 885701004 +258 751 5 885700946 +258 873 5 885701062 +258 893 1 885701099 +259 12 5 874809192 +259 15 3 881378653 +259 65 3 883371001 +259 97 4 874809292 +259 98 4 874809091 +259 108 4 874724882 +259 117 4 874724988 +259 121 3 881379128 +259 147 4 888630664 +259 154 5 876365003 +259 168 5 876365003 +259 173 4 874724843 +259 176 4 874725386 +259 179 4 877924028 +259 180 5 877925033 +259 181 4 874809057 +259 185 4 874724781 +259 200 4 874725081 +259 210 4 874725485 +259 235 2 883372151 +259 255 4 874724710 +259 269 3 877923906 +259 286 4 874724727 +259 288 3 874724905 +259 298 4 874724754 +259 313 5 883370924 +259 317 5 874809057 +259 357 5 874725485 +259 405 3 874725120 +259 475 5 877925049 +259 484 4 888720541 +259 546 3 883372151 +259 748 4 883371839 +259 750 4 888630424 +259 762 2 883372151 +259 772 4 874724882 +259 781 3 888630664 +259 928 4 874724937 +259 959 4 888720593 +259 1135 5 877926006 +260 258 3 890618198 +260 272 3 890618349 +260 288 3 890618476 +260 300 3 890618198 +260 307 3 890618295 +260 313 5 890618198 +260 319 2 890618198 +260 322 4 890618898 +260 326 5 890618349 +260 333 4 890618198 +260 350 4 890618476 +260 362 5 890618729 +260 538 1 890618403 +260 682 4 890618537 +260 748 4 890618198 +260 882 5 890618729 +260 891 5 890618729 +260 990 5 890618729 +260 1025 5 890618729 +260 1105 5 890618729 +260 1243 5 890618729 +261 117 4 890455974 +261 125 5 890456142 +261 243 5 890454351 +261 245 4 890454190 +261 259 4 890454843 +261 288 4 890454087 +261 294 4 890454217 +261 300 5 890454310 +261 301 4 890454246 +261 304 3 890454941 +261 321 3 890455521 +261 322 4 890454974 +261 339 5 890454351 +261 340 5 890454045 +261 342 3 890454974 +261 359 5 890454351 +261 410 5 890456142 +261 596 2 890456142 +261 597 4 890456142 +261 687 5 890455020 +261 748 3 890454310 +261 875 5 890454351 +261 892 5 890455190 +261 988 3 890455190 +261 1025 5 890455190 +261 1237 3 890454045 +262 1 3 879962366 +262 7 4 879790603 +262 11 4 879793597 +262 15 3 879962366 +262 22 4 879792452 +262 28 3 879792220 +262 40 4 879795405 +262 44 2 879794446 +262 47 2 879794599 +262 50 2 879962366 +262 52 3 879792331 +262 55 3 879791790 +262 56 4 879792027 +262 64 5 879793022 +262 68 2 879794887 +262 69 4 879793479 +262 70 4 879962517 +262 71 4 879794951 +262 72 3 879962366 +262 77 2 879794829 +262 82 3 879794918 +262 90 4 879795270 +262 91 3 879792713 +262 95 3 879793503 +262 96 4 879793022 +262 98 4 879792331 +262 99 3 879792262 +262 100 3 879962366 +262 111 4 879962292 +262 121 3 879790536 +262 122 2 879791537 +262 125 3 879961882 +262 131 5 879961282 +262 140 2 879794635 +262 143 3 879793970 +262 145 1 879795155 +262 147 3 879790603 +262 153 3 879793346 +262 169 3 879791844 +262 172 2 879791875 +262 174 3 879791948 +262 179 4 879962570 +262 181 3 879961819 +262 185 3 879793164 +262 191 4 879793022 +262 195 2 879791755 +262 200 3 879794918 +262 204 3 879793667 +262 210 3 879792962 +262 216 3 879793216 +262 217 3 879792818 +262 219 3 879794206 +262 223 3 879791816 +262 234 3 879794359 +262 235 2 879790783 +262 237 3 879961980 +262 238 4 879792713 +262 252 3 879790603 +262 258 4 879961282 +262 269 3 879961283 +262 270 3 879961283 +262 275 4 879961980 +262 278 3 879790741 +262 283 3 879962366 +262 288 3 879961374 +262 292 4 879961282 +262 293 2 879790906 +262 294 2 879962366 +262 318 5 879793022 +262 332 3 879961438 +262 336 3 879961474 +262 358 3 879961513 +262 365 4 879793939 +262 367 4 879792818 +262 385 2 879795030 +262 386 3 879795512 +262 393 2 879794140 +262 402 4 879795059 +262 405 2 879962367 +262 406 3 879791537 +262 411 2 879791130 +262 417 2 879795319 +262 418 3 879794223 +262 419 3 879791710 +262 420 3 879793854 +262 421 4 879792331 +262 423 4 879793854 +262 427 4 879791999 +262 432 3 879794267 +262 433 4 879791790 +262 443 3 879792027 +262 447 3 879794206 +262 451 4 879794446 +262 473 2 879791216 +262 485 4 879793363 +262 486 5 879794296 +262 491 3 879793188 +262 509 3 879792818 +262 546 2 879791049 +262 553 4 879795122 +262 559 3 879792792 +262 568 3 879794113 +262 581 3 879794667 +262 582 4 879962517 +262 588 4 879793075 +262 617 3 879793715 +262 625 3 879792751 +262 628 2 879962366 +262 655 4 879793938 +262 660 4 879794419 +262 699 5 879793022 +262 709 5 879795122 +262 735 4 879793854 +262 736 3 879794829 +262 747 4 879793641 +262 754 3 879961283 +262 755 3 879794446 +262 762 2 879790974 +262 778 4 879793536 +262 781 3 879793667 +262 785 3 879794359 +262 786 3 879795319 +262 790 3 879795379 +262 815 2 879791216 +262 821 3 879794887 +262 845 4 879962052 +262 923 4 879962542 +262 929 3 879791031 +262 931 2 879790874 +262 949 4 879792773 +262 955 2 879792604 +262 959 2 879794739 +262 974 3 879791447 +262 1013 2 879791471 +262 1014 5 879961954 +262 1035 3 879794530 +262 1048 2 879791335 +262 1054 2 879791536 +262 1095 2 879791537 +262 1135 3 879794599 +262 1147 4 879791710 +262 1220 4 879794296 +262 1278 4 879961819 +263 1 5 891299207 +263 22 5 891298107 +263 50 5 891300029 +263 58 4 891299264 +263 64 5 891298453 +263 69 5 891298914 +263 79 4 891298047 +263 82 4 891299697 +263 86 4 891299574 +263 87 4 891298977 +263 95 5 891299324 +263 96 4 891298336 +263 97 4 891299387 +263 98 4 891297988 +263 99 3 891298977 +263 100 5 891298453 +263 117 3 891299387 +263 125 4 891299573 +263 127 4 891299514 +263 132 5 891298392 +263 133 5 891298977 +263 134 5 891299697 +263 136 4 891298337 +263 141 5 891299877 +263 143 5 891298592 +263 144 4 891298792 +263 153 3 891298727 +263 162 5 891299630 +263 163 5 891299697 +263 168 5 891299949 +263 174 5 891299697 +263 176 5 891299752 +263 177 4 891297988 +263 180 4 891297921 +263 181 4 891299448 +263 183 4 891298655 +263 186 4 891299815 +263 188 5 891299031 +263 194 5 891298107 +263 195 5 891299949 +263 197 4 891299752 +263 202 4 891299031 +263 204 4 891298854 +263 205 5 891298792 +263 210 3 891298792 +263 215 4 891298273 +263 222 4 891299573 +263 237 2 891300103 +263 245 4 891297417 +263 250 2 891300103 +263 258 3 891296969 +263 265 4 891299815 +263 269 4 891296842 +263 271 1 891297276 +263 272 5 891296919 +263 294 2 891297330 +263 300 3 891297330 +263 315 4 891296896 +263 316 5 891297416 +263 318 5 891298453 +263 328 4 891297330 +263 333 2 891296842 +263 357 5 891299573 +263 378 5 891299630 +263 416 5 891299697 +263 419 5 891299514 +263 423 5 891299630 +263 432 2 891299448 +263 443 5 891298914 +263 465 4 891299697 +263 480 3 891298453 +263 482 4 891298976 +263 483 5 891298336 +263 486 4 891299148 +263 495 5 891298977 +263 496 5 891298218 +263 498 5 891298046 +263 510 4 891298392 +263 511 5 891299324 +263 514 3 891299387 +263 515 5 891298592 +263 521 3 891297988 +263 523 5 891298107 +263 526 5 891298854 +263 527 5 891299148 +263 528 4 891298854 +263 543 5 891298727 +263 568 4 891299387 +263 588 3 891298273 +263 602 4 891298592 +263 614 3 891298792 +263 622 4 891299949 +263 646 5 891299877 +263 648 5 891297988 +263 661 5 891298728 +263 678 2 891297766 +263 690 5 891297209 +263 699 4 891299207 +263 732 5 891299265 +263 879 2 891297416 +263 886 2 891297484 +263 892 3 891297766 +263 921 3 891298727 +263 1020 3 891298337 +263 1126 5 891298391 +263 1444 3 891299949 +263 1451 4 891299949 +263 1473 5 891299877 +264 4 4 886123656 +264 7 5 886122261 +264 12 5 886122508 +264 14 4 886122771 +264 19 5 886122952 +264 23 5 886122577 +264 25 4 886124197 +264 26 4 886123727 +264 33 3 886122644 +264 42 5 886123358 +264 47 5 886123472 +264 56 5 886122261 +264 70 4 886123596 +264 88 3 886123728 +264 93 5 886123993 +264 98 5 886122098 +264 100 5 886122261 +264 116 4 886122892 +264 123 4 886122952 +264 137 3 886122892 +264 153 5 886122031 +264 156 2 886122577 +264 168 5 886122031 +264 173 5 886123358 +264 175 5 886123472 +264 179 5 886122031 +264 182 5 886122098 +264 183 5 886122577 +264 184 5 886122447 +264 185 5 886122261 +264 186 5 886123728 +264 192 4 886122099 +264 194 5 886123358 +264 200 5 886122352 +264 201 5 886122261 +264 202 5 886123596 +264 203 2 886122508 +264 204 5 886123472 +264 208 5 886123415 +264 209 5 886123415 +264 210 5 886123415 +264 211 5 886123472 +264 216 5 886123358 +264 217 3 886122446 +264 219 5 886122447 +264 222 5 886122577 +264 230 4 886122644 +264 234 4 886122261 +264 238 5 886122031 +264 240 4 886124352 +264 269 5 886121456 +264 275 5 886122706 +264 283 5 886122952 +264 286 2 886121691 +264 288 5 886121631 +264 294 3 886121516 +264 320 4 886122261 +264 345 4 886121516 +264 367 4 886123656 +264 381 4 886123596 +264 382 4 886123596 +264 401 5 886123656 +264 430 5 886123531 +264 433 5 886123530 +264 436 3 886122352 +264 443 5 886122447 +264 448 2 886122031 +264 451 4 886123531 +264 475 5 886122706 +264 478 5 886122194 +264 504 5 886122577 +264 514 5 886123359 +264 516 5 886123655 +264 517 5 886123358 +264 524 3 886123596 +264 525 5 886122508 +264 558 5 886122447 +264 559 5 886122446 +264 602 4 886122194 +264 603 5 886122508 +264 606 5 886122099 +264 637 4 886122446 +264 645 4 886123358 +264 654 5 886122508 +264 655 4 886123530 +264 656 4 886122099 +264 659 5 886122577 +264 671 4 886122261 +264 672 3 886122447 +264 676 3 886123172 +264 683 2 886121811 +264 702 4 886123531 +264 709 5 886123727 +264 721 5 886123656 +264 745 5 886123656 +264 746 3 886123358 +264 762 3 886122771 +264 774 2 886122446 +264 789 4 886122644 +264 792 5 886123415 +264 813 4 886122952 +264 844 1 886124097 +264 856 3 886123472 +264 873 3 886121517 +264 1009 4 886124417 +264 1069 5 886123728 +264 1070 4 886123415 +264 1074 4 886123727 +264 1103 5 886123656 +264 1118 4 886123656 +264 1225 3 886123530 +264 1270 2 886122194 +264 1355 4 886124417 +264 1474 2 886123728 +264 1475 2 886123596 +265 1 5 875320247 +265 7 2 875320689 +265 15 3 875320574 +265 100 5 875320601 +265 107 1 875320398 +265 111 2 875320371 +265 117 5 875320332 +265 118 4 875320714 +265 125 4 875320516 +265 151 2 875320661 +265 181 2 875320180 +265 237 5 875320462 +265 240 3 875320633 +265 245 4 875320112 +265 257 4 875320462 +265 258 4 875320024 +265 273 5 875320714 +265 279 2 875320462 +265 282 5 875320714 +265 293 4 875320661 +265 294 4 875320052 +265 298 5 875320633 +265 300 5 875320024 +265 323 3 875320112 +265 327 3 875320052 +265 328 4 875320084 +265 409 3 875320462 +265 410 4 875320633 +265 471 4 875320302 +265 472 3 875320542 +265 477 3 875320371 +265 591 5 875320424 +265 628 4 875320516 +265 688 2 875320084 +265 742 5 875320542 +265 748 5 875320112 +265 756 4 875320574 +265 934 3 875320574 +265 975 4 875320601 +265 1016 3 875320462 +265 1197 2 875320542 +266 9 4 892258004 +266 14 4 892258004 +266 25 3 892257940 +266 100 5 892257865 +266 124 4 892258004 +266 237 3 892257940 +266 245 1 892257446 +266 268 4 892256828 +266 272 4 892256705 +266 275 5 892257831 +266 276 3 892258004 +266 283 3 892257897 +266 285 4 892257940 +266 286 4 892256662 +266 289 3 892256967 +266 313 4 892256705 +266 319 2 892256765 +266 321 3 892256892 +266 325 1 892257419 +266 508 4 892258004 +266 676 3 892257897 +266 874 2 892257101 +266 924 2 892258038 +267 2 3 878972463 +267 3 4 878970901 +267 5 3 878972399 +267 7 5 878970503 +267 12 5 878971659 +267 17 4 878971773 +267 22 4 878971816 +267 24 5 878972682 +267 28 4 878972524 +267 29 3 878973426 +267 31 4 878972119 +267 33 5 878972650 +267 47 5 878972369 +267 50 5 878974783 +267 53 4 878972842 +267 54 3 878973922 +267 55 4 878972785 +267 56 5 878972493 +267 62 3 878973597 +267 64 5 878972193 +267 65 4 878972071 +267 67 3 878973088 +267 68 4 878972931 +267 77 3 878972650 +267 80 4 878973597 +267 81 4 878972434 +267 82 4 878973675 +267 88 4 878972873 +267 89 5 878971690 +267 92 4 878971514 +267 94 3 878972558 +267 100 5 878970427 +267 108 4 878971224 +267 114 5 878971514 +267 121 3 878970681 +267 124 5 878970473 +267 127 5 878970529 +267 128 5 878972170 +267 135 5 878972463 +267 141 4 878972147 +267 143 4 878973329 +267 144 5 878971463 +267 145 4 878972903 +267 147 3 878970681 +267 153 5 878974783 +267 155 3 878973088 +267 156 5 878971599 +267 159 4 878974659 +267 161 4 878972706 +267 164 3 878972342 +267 168 4 878971716 +267 169 5 878972614 +267 172 5 878974783 +267 174 5 878971405 +267 175 5 878972558 +267 176 5 878971874 +267 177 5 878972756 +267 179 5 878972314 +267 180 5 878971690 +267 181 5 878974783 +267 182 5 878971773 +267 183 4 878971438 +267 186 5 878972071 +267 187 5 878972071 +267 188 5 878971745 +267 189 4 878971874 +267 195 4 878972092 +267 198 5 878971745 +267 202 5 878972398 +267 203 5 878972241 +267 204 4 878971629 +267 206 5 878974783 +267 209 5 878971745 +267 210 4 878972434 +267 214 4 878972342 +267 216 4 878972586 +267 217 4 878973760 +267 218 4 878972650 +267 222 4 878970681 +267 226 3 878972463 +267 227 3 878973088 +267 228 5 878972434 +267 229 4 878972558 +267 230 4 878972493 +267 231 4 878973153 +267 235 3 878970578 +267 238 4 878971629 +267 239 4 878972873 +267 240 4 878970503 +267 250 5 878970399 +267 265 5 878972903 +267 273 4 878970503 +267 294 3 878970155 +267 324 3 878970114 +267 364 2 878974460 +267 367 4 878971939 +267 380 2 878973426 +267 384 3 878973734 +267 385 3 878972873 +267 386 3 878973597 +267 391 3 878973675 +267 393 3 878973483 +267 403 4 878971939 +267 405 3 878970953 +267 408 5 878974783 +267 410 4 878970785 +267 411 3 878974325 +267 423 3 878972842 +267 431 4 878973426 +267 433 5 878972314 +267 449 3 878973358 +267 450 2 878974128 +267 455 3 878970578 +267 464 5 878974783 +267 470 4 878972931 +267 474 5 878974783 +267 475 5 878970368 +267 479 4 878971405 +267 480 4 878971438 +267 483 5 878971463 +267 484 5 878971542 +267 498 5 878971902 +267 515 5 878970710 +267 518 5 878971773 +267 545 2 878974723 +267 546 3 878970877 +267 550 4 878973047 +267 552 3 878973621 +267 559 3 878972614 +267 566 3 878973047 +267 568 4 878972955 +267 575 3 878974052 +267 576 3 878973760 +267 578 3 878973153 +267 579 3 878973126 +267 597 3 878970805 +267 614 5 878972015 +267 622 3 878974077 +267 642 4 878972524 +267 647 5 878971629 +267 654 5 878971902 +267 655 4 878971989 +267 665 4 878973825 +267 679 4 878974509 +267 684 4 878973088 +267 685 3 878970978 +267 693 4 878972266 +267 710 4 878972493 +267 720 3 878973946 +267 727 4 878972289 +267 732 4 878973650 +267 739 4 878973276 +267 742 3 878970621 +267 771 3 878973900 +267 774 3 878973701 +267 780 4 878973250 +267 789 5 878972119 +267 810 3 878973568 +267 824 4 878970953 +267 826 3 878971266 +267 840 4 878970926 +267 926 2 878970785 +267 943 4 878972903 +267 944 3 878973179 +267 959 3 878972524 +267 980 3 878970578 +267 1035 4 878973971 +267 1073 5 878974783 +267 1090 3 878973854 +267 1185 2 878973995 +267 1240 5 878974783 +267 1336 1 878974659 +267 1401 4 878971816 +267 1471 2 878974509 +268 1 3 875742341 +268 2 2 875744173 +268 3 1 875743161 +268 4 4 875309829 +268 7 4 876513953 +268 10 4 875306691 +268 11 4 875309507 +268 12 4 875310116 +268 13 3 875742647 +268 16 3 875306691 +268 17 3 875743588 +268 21 3 875742822 +268 27 4 875744136 +268 29 1 875744356 +268 31 4 875310311 +268 33 3 875310645 +268 38 1 875744228 +268 39 3 875309914 +268 40 3 875743708 +268 42 4 875310384 +268 47 1 875310645 +268 50 5 875309719 +268 52 3 875309319 +268 53 3 875744173 +268 55 4 875309998 +268 56 4 875309998 +268 59 5 875309282 +268 60 5 875309344 +268 62 3 875310824 +268 63 1 875743792 +268 67 3 875743588 +268 68 4 875744173 +268 70 3 875309282 +268 71 3 875309486 +268 72 3 875743831 +268 73 3 875743563 +268 77 2 875745453 +268 82 3 875310784 +268 83 4 875309344 +268 88 2 875743760 +268 89 4 876513897 +268 91 3 875310311 +268 92 4 875310745 +268 94 2 875743630 +268 95 4 875309945 +268 97 4 875310031 +268 98 4 875309583 +268 99 3 875744744 +268 100 3 875742316 +268 101 2 875542174 +268 105 2 876513927 +268 108 3 875742992 +268 114 5 875744966 +268 116 4 875306760 +268 120 2 875743282 +268 121 2 875743141 +268 122 2 875743310 +268 123 3 875742794 +268 124 4 875742499 +268 128 3 875744199 +268 129 2 875742437 +268 134 5 875310083 +268 135 4 875309583 +268 139 2 875744744 +268 141 3 875744832 +268 145 1 875744501 +268 147 4 876514002 +268 151 3 875742470 +268 153 5 875743503 +268 154 4 875743563 +268 156 3 875745398 +268 158 2 875743678 +268 159 2 875745350 +268 161 3 875744199 +268 163 2 875743656 +268 164 2 875744556 +268 168 4 875310384 +268 169 5 875309829 +268 173 4 875310031 +268 174 5 875309882 +268 178 4 876518557 +268 179 4 875309258 +268 180 3 875309719 +268 181 4 875309486 +268 182 4 875309882 +268 183 4 875309583 +268 184 4 875310524 +268 185 3 875309801 +268 189 4 875744966 +268 191 4 875310784 +268 194 4 875310352 +268 195 4 875309719 +268 198 4 875309232 +268 200 4 875309459 +268 201 3 875309801 +268 203 5 876513855 +268 204 3 875310311 +268 205 5 875309859 +268 206 3 875309232 +268 208 4 875309430 +268 209 4 875310311 +268 211 4 875309583 +268 217 2 875744501 +268 222 4 875742275 +268 223 3 875745728 +268 226 4 875310784 +268 227 4 875310824 +268 228 4 875309945 +268 229 2 875310784 +268 230 3 875310824 +268 231 4 875744136 +268 232 3 875310745 +268 233 3 875310412 +268 234 4 875309430 +268 235 3 875742556 +268 238 3 875310352 +268 239 3 875310491 +268 240 2 875742341 +268 241 3 875310603 +268 244 4 875742316 +268 246 5 875742316 +268 248 3 875742530 +268 249 4 875742437 +268 250 4 875742530 +268 252 3 875743182 +268 257 4 875742866 +268 258 2 876513675 +268 259 3 876513675 +268 260 3 876513643 +268 264 3 876513607 +268 265 3 875310603 +268 267 3 875742077 +268 268 5 876513491 +268 269 4 876513523 +268 284 3 875742407 +268 288 4 875306477 +268 290 3 875742866 +268 294 3 876513675 +268 298 3 875742647 +268 302 5 876513584 +268 324 4 876513708 +268 325 3 876513675 +268 328 1 876513643 +268 333 4 876513565 +268 357 4 875309882 +268 363 1 875744228 +268 364 3 875743979 +268 369 1 875744021 +268 370 2 875745579 +268 374 2 875744895 +268 380 2 875310704 +268 381 3 875309344 +268 382 3 875309282 +268 384 3 875743868 +268 385 3 875310206 +268 386 2 875743978 +268 388 1 875743979 +268 391 3 876513897 +268 395 2 875744021 +268 397 2 875744321 +268 399 3 875743656 +268 402 1 875745231 +268 403 4 875309914 +268 404 4 875309430 +268 405 2 875742822 +268 407 1 876514002 +268 408 5 875742316 +268 421 3 876513927 +268 423 2 875309859 +268 425 4 875310549 +268 432 3 875310145 +268 433 4 876514107 +268 435 4 875309859 +268 436 3 875310745 +268 449 2 875744357 +268 450 1 875745536 +268 453 1 875744611 +268 455 3 875742499 +268 456 2 875743012 +268 466 3 875310571 +268 470 3 875310745 +268 472 1 875743335 +268 474 5 875309718 +268 477 3 875742407 +268 479 4 875310463 +268 480 5 875309430 +268 483 5 875309859 +268 484 4 876513831 +268 506 4 875310625 +268 525 4 875309913 +268 527 4 875309430 +268 540 1 875542174 +268 541 3 875744357 +268 544 3 875743090 +268 546 4 875743110 +268 552 2 876514108 +268 554 3 875744388 +268 558 3 875309304 +268 559 2 875744556 +268 561 3 876513897 +268 562 4 875744357 +268 566 3 875744321 +268 568 3 875542174 +268 569 3 875744582 +268 574 2 875745579 +268 576 1 875744289 +268 578 2 875744388 +268 579 1 875744021 +268 580 3 875309344 +268 582 5 875309344 +268 583 4 876513830 +268 588 3 875310745 +268 597 2 875743310 +268 622 3 875310145 +268 627 3 875310603 +268 630 4 875542174 +268 636 3 875744174 +268 652 4 875309232 +268 654 5 875309718 +268 655 4 875309486 +268 658 3 875310524 +268 665 2 875310745 +268 672 2 875744501 +268 679 4 876514107 +268 684 3 875744321 +268 699 3 875744712 +268 710 3 875309719 +268 715 1 875310603 +268 717 1 876513785 +268 719 1 875744021 +268 721 3 875743587 +268 727 2 875310116 +268 728 2 875744051 +268 729 3 875310673 +268 732 3 876514107 +268 735 3 876518557 +268 738 2 875744021 +268 743 1 875743335 +268 746 3 876513855 +268 747 3 875310412 +268 761 1 875744136 +268 762 2 875743216 +268 768 3 875744895 +268 780 3 875743929 +268 781 3 875743951 +268 790 2 876513785 +268 800 1 875744501 +268 802 3 875744388 +268 810 2 875744388 +268 823 2 875742942 +268 824 2 876518557 +268 825 3 875742893 +268 826 1 875743065 +268 831 3 875744357 +268 840 2 875744357 +268 860 1 875744501 +268 926 2 875743012 +268 928 1 875745536 +268 930 2 875742942 +268 941 2 875310463 +268 946 3 875310442 +268 949 2 875743909 +268 955 3 875745160 +268 978 2 876513927 +268 981 1 875743283 +268 998 1 875743929 +268 1002 1 875743216 +268 1016 3 875742470 +268 1035 2 875542174 +268 1037 2 875745255 +268 1041 1 875743735 +268 1046 3 875745501 +268 1054 1 875744051 +268 1059 3 875743310 +268 1065 4 875310824 +268 1073 4 875309304 +268 1074 3 875744051 +268 1079 3 875742916 +268 1090 2 875745536 +268 1091 2 875744895 +268 1095 2 876513927 +268 1098 3 875743534 +268 1110 3 876514077 +268 1118 3 875310673 +268 1157 1 875745428 +268 1188 3 875743735 +268 1222 2 875744174 +268 1228 1 875744357 +268 1231 2 875744228 +268 1249 2 875743793 +268 1273 2 875745476 +268 1303 1 875744228 +268 1314 2 875744289 +268 1413 2 875744388 +268 1476 2 876513897 +268 1477 2 875742680 +269 3 3 891446722 +269 5 2 891450780 +269 7 3 891449055 +269 8 2 891449985 +269 9 4 891446246 +269 11 3 891448365 +269 13 4 891446662 +269 15 2 891446348 +269 22 1 891448072 +269 42 5 891449646 +269 44 3 891449691 +269 47 4 891448386 +269 48 5 891455816 +269 50 3 891448926 +269 51 2 891451111 +269 53 1 891451111 +269 55 4 891449214 +269 56 5 891455815 +269 58 2 891447842 +269 59 4 891447141 +269 63 1 891450857 +269 64 4 891447960 +269 66 1 891451063 +269 68 3 891449751 +269 69 1 891448048 +269 70 1 891447280 +269 72 2 891451470 +269 76 3 891448456 +269 77 1 891451374 +269 81 3 891448323 +269 82 2 891450780 +269 88 1 891450427 +269 93 3 891446580 +269 96 1 891450755 +269 98 4 891448951 +269 100 5 891446246 +269 106 1 891451947 +269 108 5 891457067 +269 111 1 891446703 +269 120 1 891446926 +269 121 1 891451013 +269 122 1 891446873 +269 124 5 891446165 +269 127 4 891446165 +269 131 5 891449728 +269 133 3 891449280 +269 134 4 891448849 +269 136 4 891449075 +269 137 4 891446193 +269 139 1 891451492 +269 142 1 891451570 +269 143 3 891450385 +269 148 1 891446443 +269 151 5 891450489 +269 152 4 891450623 +269 153 3 891449346 +269 154 3 891449189 +269 156 5 891449364 +269 157 3 891448092 +269 160 2 891448220 +269 161 1 891451036 +269 162 3 891448141 +269 163 2 891449751 +269 167 1 891451648 +269 168 4 891448850 +269 171 5 891447169 +269 172 3 891449031 +269 173 1 891449429 +269 174 1 891449124 +269 175 5 891455816 +269 176 2 891448980 +269 177 5 891449214 +269 179 4 891447141 +269 180 3 891448120 +269 181 2 891448871 +269 182 4 891447961 +269 183 3 891448823 +269 185 5 891448951 +269 188 2 891450675 +269 191 5 891457067 +269 192 4 891447979 +269 194 5 891448951 +269 195 3 891449099 +269 196 1 891448283 +269 197 5 891447961 +269 198 4 891447062 +269 200 4 891449984 +269 204 2 891449842 +269 205 3 891447841 +269 208 2 891449304 +269 209 4 891448895 +269 210 1 891449608 +269 211 4 891449075 +269 212 4 891447002 +269 213 5 891447255 +269 214 3 891448547 +269 216 1 891449691 +269 217 2 891451610 +269 218 2 891450509 +269 234 1 891449406 +269 235 3 891446756 +269 237 2 891446368 +269 238 5 891448850 +269 239 2 891448386 +269 241 1 891450405 +269 246 5 891457067 +269 252 1 891456350 +269 254 1 891456565 +269 255 1 891446703 +269 268 5 891446132 +269 272 3 891445757 +269 274 1 891450901 +269 276 5 891446193 +269 285 5 891446165 +269 293 3 891446308 +269 302 3 891446132 +269 315 4 891446132 +269 316 4 891446132 +269 318 4 891447791 +269 340 5 891446132 +269 346 2 891445757 +269 357 5 891447773 +269 365 2 891448738 +269 367 3 891450023 +269 371 5 891450880 +269 378 3 891449962 +269 387 3 891448283 +269 393 1 891451036 +269 396 4 891451856 +269 401 3 891451013 +269 402 2 891448697 +269 403 1 891448522 +269 405 1 891450902 +269 410 4 891446662 +269 411 1 891451013 +269 412 3 891446904 +269 414 3 891449624 +269 417 2 891451303 +269 423 4 891448048 +269 425 5 891448345 +269 427 5 891447960 +269 428 5 891448980 +269 433 3 891449900 +269 435 3 891449011 +269 436 3 891450675 +269 444 3 891451971 +269 445 3 891450385 +269 447 3 891451303 +269 448 2 891450623 +269 451 1 891450880 +269 462 3 891447216 +269 464 3 891448283 +269 469 4 891448072 +269 474 4 891448823 +269 475 5 891457067 +269 478 4 891448980 +269 479 4 891448980 +269 482 3 891448823 +269 483 4 891448800 +269 484 3 891448895 +269 486 3 891449922 +269 488 4 891448926 +269 492 4 891449550 +269 496 5 891455816 +269 497 3 891449429 +269 498 4 891448926 +269 499 4 891449099 +269 502 3 891449842 +269 504 4 891449922 +269 505 3 891449551 +269 506 5 891449572 +269 507 4 891448800 +269 508 4 891446265 +269 509 4 891447280 +269 512 5 891447216 +269 514 4 891449123 +269 515 4 891446132 +269 517 4 891449189 +269 518 4 891447815 +269 522 5 891447773 +269 523 5 891447593 +269 525 4 891449055 +269 527 5 891447841 +269 528 4 891447593 +269 529 5 891455815 +269 530 3 891448926 +269 531 5 891447141 +269 537 5 891455816 +269 568 2 891450719 +269 582 4 891447234 +269 597 1 891450978 +269 602 4 891449346 +269 603 5 891448871 +269 608 4 891449526 +269 614 3 891450471 +269 616 4 891450453 +269 627 1 891451063 +269 629 2 891451396 +269 631 4 891447891 +269 632 4 891447931 +269 636 3 891450453 +269 640 5 891457067 +269 642 3 891449464 +269 644 5 891447593 +269 645 4 891448048 +269 647 4 891447815 +269 649 2 891448220 +269 654 4 891448980 +269 655 4 891448019 +269 658 2 891448497 +269 659 4 891449406 +269 660 1 891448220 +269 661 4 891447773 +269 663 4 891449880 +269 664 5 891457067 +269 665 1 891451810 +269 673 4 891448322 +269 674 2 891451754 +269 679 1 891449962 +269 697 4 891447931 +269 705 2 891448850 +269 707 2 891449304 +269 708 4 891448323 +269 710 1 891449843 +269 715 4 891448092 +269 716 4 891451111 +269 723 1 891448643 +269 729 2 891448569 +269 739 1 891451431 +269 741 5 891457067 +269 747 4 891449646 +269 756 1 891451947 +269 761 2 891451374 +269 762 1 891446662 +269 763 1 891450555 +269 771 1 891451754 +269 778 3 891448547 +269 783 1 891451889 +269 792 4 891448436 +269 793 4 891449880 +269 805 2 891450623 +269 806 3 891448019 +269 809 1 891451451 +269 818 3 891446873 +269 821 1 891450427 +269 823 3 891446514 +269 825 1 891456033 +269 831 2 891451611 +269 843 3 891451374 +269 845 1 891456255 +269 856 5 891448220 +269 886 3 891446133 +269 902 5 891446132 +269 919 4 891446132 +269 922 5 891457067 +269 923 4 891447169 +269 928 1 891451754 +269 931 1 891451754 +269 940 1 891451908 +269 956 3 891448475 +269 959 5 891457067 +269 961 5 891457067 +269 985 3 891446443 +269 998 5 891451548 +269 1005 4 891447427 +269 1006 3 891447409 +269 1011 4 891446246 +269 1014 3 891446838 +269 1017 5 892567767 +269 1020 4 891449571 +269 1028 2 891446838 +269 1040 1 891456425 +269 1065 5 891447891 +269 1071 2 891449801 +269 1073 3 891447169 +269 1091 2 891451705 +269 1101 4 891448120 +269 1110 2 891450385 +269 1133 1 891451374 +269 1135 2 891448456 +269 1148 4 891447062 +269 1154 3 891449608 +269 1165 1 891446904 +269 1168 2 891448386 +269 1188 1 891451857 +269 1267 1 891448643 +269 1361 4 891446756 +269 1397 4 891450575 +269 1428 5 891447409 +269 1438 3 891448522 +269 1444 1 891451947 +269 1478 1 891448643 +269 1479 2 891451111 +269 1480 1 891451725 +270 5 5 876956064 +270 7 4 876954004 +270 13 4 876954192 +270 17 2 876956064 +270 25 5 876954456 +270 26 5 876954995 +270 50 5 876954004 +270 53 4 876956106 +270 56 5 876955976 +270 60 5 876955066 +270 66 4 876955531 +270 70 5 876955066 +270 77 2 876956038 +270 79 4 876955938 +270 83 4 876954995 +270 88 5 876955711 +270 90 5 876955770 +270 93 5 876954522 +270 97 4 876955633 +270 98 5 876955868 +270 118 3 876956038 +270 121 4 876954093 +270 123 5 876954223 +270 145 3 876956419 +270 148 4 876954062 +270 155 5 876955770 +270 156 5 876955899 +270 159 4 876956233 +270 164 5 876956137 +270 173 5 876955531 +270 176 4 876955976 +270 181 4 876954036 +270 183 5 876955938 +270 200 5 876956360 +270 213 5 876955067 +270 217 5 876956360 +270 218 5 876956206 +270 222 5 876954521 +270 226 4 876956038 +270 230 3 876955868 +270 237 1 876954484 +270 241 5 876955633 +270 242 5 876953744 +270 244 3 876954004 +270 250 2 876954223 +270 251 5 876954752 +270 253 5 876954733 +270 257 4 876954223 +270 258 3 876953744 +270 265 4 876956137 +270 275 5 876954248 +270 279 5 876954093 +270 281 5 876956137 +270 282 3 876954093 +270 283 5 876954456 +270 286 5 876953744 +270 288 5 876953827 +270 295 5 876954248 +270 306 5 876953744 +270 319 5 876955633 +270 324 2 876954733 +270 327 5 876953900 +270 335 3 876953900 +270 356 3 876956064 +270 370 5 876956232 +270 379 5 876956232 +270 387 5 876955689 +270 402 5 876955770 +270 421 5 876955633 +270 441 5 876956420 +270 443 3 876955976 +270 447 4 876956360 +270 452 4 876956264 +270 466 5 876955899 +270 471 5 876954223 +270 475 5 876954122 +270 509 3 876954965 +270 531 4 876954945 +270 535 5 876954123 +270 546 4 876954484 +270 551 4 876956264 +270 553 1 876955689 +270 554 1 876956264 +270 558 5 876954927 +270 559 5 876956442 +270 563 3 876956442 +270 569 4 876956419 +270 574 3 876956038 +270 581 5 876955938 +270 582 3 876955087 +270 583 5 876956038 +270 584 5 876955067 +270 596 5 876954456 +270 665 4 876956419 +270 671 4 876956360 +270 672 5 876956390 +270 684 4 876955938 +270 694 5 876954927 +270 703 4 876955019 +270 707 5 876954927 +270 713 5 876954122 +270 714 4 876954965 +270 716 4 876955563 +270 722 4 876955689 +270 727 5 876955563 +270 736 5 876955087 +270 739 4 876955729 +270 740 5 876954062 +270 741 5 876953967 +270 742 2 876954248 +270 747 5 876955662 +270 778 5 876955711 +270 781 5 876955750 +270 794 4 876955689 +270 800 5 876956106 +270 815 4 876954522 +270 860 5 876956464 +270 869 1 876955633 +270 872 5 876953827 +270 928 4 876956137 +270 943 5 876956038 +270 1007 5 876954036 +270 1009 5 876954522 +270 1014 4 876954062 +270 1073 5 876955202 +270 1074 5 876955770 +270 1109 5 876955899 +270 1119 5 876955729 +270 1148 5 876955042 +270 1210 5 876956264 +270 1471 4 876956264 +271 1 3 886106038 +271 4 5 885849357 +271 8 4 885848770 +271 11 4 885848408 +271 12 4 885848314 +271 13 4 885847714 +271 15 3 885847876 +271 22 5 885848518 +271 25 3 885847876 +271 28 5 885849025 +271 31 4 885849325 +271 38 2 885849648 +271 40 1 885849558 +271 43 3 885849817 +271 44 4 885849357 +271 47 3 885849386 +271 50 5 885848640 +271 52 4 885849470 +271 54 3 885849188 +271 56 3 885848559 +271 58 3 885849325 +271 62 2 885849386 +271 64 5 885848863 +271 65 3 885849419 +271 69 4 885848559 +271 70 5 885849164 +271 73 2 885848707 +271 77 4 885849231 +271 79 4 885848672 +271 81 3 885849113 +271 83 4 885848408 +271 87 3 885848802 +271 88 4 885849087 +271 89 3 885848518 +271 95 4 885848916 +271 98 5 885848559 +271 107 1 885848179 +271 111 4 885847956 +271 116 2 885847636 +271 117 3 886106003 +271 118 3 885848132 +271 121 2 885848132 +271 125 3 885848062 +271 126 3 885848034 +271 127 5 885848863 +271 130 1 885848218 +271 131 4 885849419 +271 132 5 885848672 +271 133 4 885848971 +271 134 3 885848518 +271 135 4 885848373 +271 136 3 885848863 +271 137 4 885847636 +271 141 4 885849114 +271 161 2 885849470 +271 168 2 885848343 +271 169 5 885848475 +271 170 5 885848827 +271 172 5 885848616 +271 173 4 885848672 +271 174 5 885848314 +271 176 3 885848640 +271 177 3 885848373 +271 179 4 885848616 +271 180 5 885849087 +271 182 3 885848408 +271 185 3 885848448 +271 186 4 885848915 +271 187 5 885848343 +271 190 4 885848707 +271 191 5 885848448 +271 192 5 885848373 +271 193 5 885848475 +271 194 5 885848770 +271 196 4 885848886 +271 197 4 885848915 +271 198 4 885848616 +271 199 4 885848448 +271 200 5 885849356 +271 202 4 885849025 +271 204 4 885848314 +271 205 5 885848343 +271 208 4 885848916 +271 210 4 885848447 +271 211 5 885849164 +271 216 5 885848672 +271 218 3 885849087 +271 220 3 885848179 +271 221 3 885847927 +271 224 4 885847876 +271 234 5 885848640 +271 235 3 885848062 +271 237 4 885847763 +271 238 4 885848408 +271 239 3 885849419 +271 241 3 885849207 +271 242 4 885844495 +271 244 2 886106039 +271 248 4 886106129 +271 257 4 886106038 +271 258 3 885847357 +271 265 5 885849275 +271 269 4 885844430 +271 272 3 885844583 +271 274 3 885848014 +271 275 4 885847693 +271 276 3 885847800 +271 277 4 885847714 +271 282 2 885847666 +271 283 4 885847876 +271 284 3 885847956 +271 285 4 885847876 +271 286 4 885844610 +271 289 4 885844666 +271 294 2 885844698 +271 300 2 885844583 +271 302 5 885844430 +271 310 3 885844430 +271 311 3 885844547 +271 312 2 885847280 +271 315 4 885847170 +271 317 3 885848863 +271 318 5 885848707 +271 328 2 885844746 +271 338 1 885847194 +271 345 3 885844666 +271 346 4 885844430 +271 347 3 885844634 +271 356 4 885849300 +271 357 5 885848408 +271 371 5 885849188 +271 378 4 885849447 +271 381 3 885849536 +271 384 3 885849582 +271 392 3 885848343 +271 393 4 885849648 +271 402 4 885849791 +271 405 2 885848179 +271 410 2 885848238 +271 411 1 885848062 +271 414 4 885849470 +271 419 3 885848996 +271 423 4 885848802 +271 425 2 885849275 +271 427 5 885848518 +271 428 4 885849188 +271 429 4 885848672 +271 430 5 885849419 +271 435 4 885848802 +271 441 3 885849648 +271 443 3 885848943 +271 451 3 885849447 +271 461 5 885849582 +271 462 4 885848448 +271 466 4 885849490 +271 471 3 885847926 +271 474 3 885848518 +271 476 1 885848062 +271 477 3 885847955 +271 479 4 885848615 +271 481 3 885848559 +271 482 5 885848519 +271 485 4 885848827 +271 487 4 885848770 +271 490 4 885848886 +271 493 4 885848558 +271 494 4 885848770 +271 495 5 885849052 +271 498 5 885848672 +271 499 3 885848971 +271 504 3 885849025 +271 505 4 885848475 +271 507 2 885848707 +271 509 4 885848559 +271 510 4 885849140 +271 511 5 885848736 +271 514 4 885848408 +271 515 5 885848558 +271 516 4 885849447 +271 517 3 885848943 +271 518 4 885849357 +271 520 5 885848615 +271 521 5 885848373 +271 523 4 885848770 +271 526 5 885849188 +271 527 5 885848736 +271 528 3 885848448 +271 529 4 885848475 +271 530 4 885848770 +271 546 2 885848102 +271 549 4 885849231 +271 570 3 885849742 +271 580 2 885849386 +271 582 3 885849113 +271 591 4 885847901 +271 602 3 885848886 +271 603 4 885848802 +271 605 4 885849164 +271 610 3 885848584 +271 614 4 885848373 +271 624 2 885849558 +271 625 3 885849606 +271 630 2 885848943 +271 642 5 885849231 +271 644 3 885848916 +271 648 4 885848770 +271 651 4 885848584 +271 657 4 885848559 +271 659 3 885848827 +271 660 5 885848971 +271 661 4 885848373 +271 663 4 885849052 +271 697 4 885848863 +271 699 4 885849025 +271 703 3 885848559 +271 705 4 885849052 +271 709 3 885849325 +271 713 4 885847800 +271 714 3 885848863 +271 732 4 885848672 +271 735 4 885849140 +271 739 4 885849706 +271 742 3 886106209 +271 744 4 885847693 +271 747 3 885849087 +271 750 4 885844698 +271 756 2 885848218 +271 815 3 885848153 +271 823 3 885848237 +271 845 1 885847800 +271 847 4 885847926 +271 864 3 886106165 +271 866 4 885848132 +271 882 3 885844547 +271 924 3 885847974 +271 951 2 885849606 +271 956 4 885848997 +271 963 5 885848518 +271 1028 2 885848102 +271 1046 4 885849357 +271 1091 4 885849648 +271 1101 4 885849025 +271 1120 2 885847800 +271 1133 3 885849536 +271 1139 3 885849707 +271 1266 2 885848943 +271 1282 2 885847666 +271 1411 2 885849895 +272 8 4 879455015 +272 11 4 879455143 +272 12 5 879455254 +272 22 5 879454753 +272 23 5 879454725 +272 42 4 879454939 +272 48 4 879455143 +272 50 4 879454900 +272 69 4 879455113 +272 79 5 879455015 +272 96 5 879454845 +272 98 4 879454797 +272 127 5 879454725 +272 134 5 879455176 +272 172 4 879455043 +272 175 5 879455043 +272 178 5 879455113 +272 183 4 879454726 +272 187 5 879455043 +272 193 4 879455254 +272 200 5 879455043 +272 201 3 879455113 +272 204 4 879454939 +272 205 5 879454726 +272 208 4 879455176 +272 210 5 879455220 +272 211 5 879454845 +272 238 5 879455143 +272 288 4 879454663 +272 317 4 879454977 +272 357 5 879454726 +272 423 4 879454939 +272 469 5 879455143 +272 474 5 879454753 +272 483 5 879454875 +272 498 4 879454726 +272 514 5 879455254 +272 521 5 879454977 +272 604 4 879455113 +272 651 4 879454797 +272 654 5 879454977 +272 746 3 879454797 +272 772 2 879455220 +272 1101 5 879454977 +272 1393 2 879454663 +273 268 5 891292905 +273 272 4 891292811 +273 286 3 891292761 +273 303 4 891293048 +273 305 4 891292905 +273 307 2 891292761 +273 311 4 891292905 +273 315 4 891292846 +273 316 4 891293201 +273 319 4 891292846 +273 321 4 891293048 +273 328 3 891293048 +273 338 3 891293304 +273 340 3 891292761 +273 345 3 891293108 +273 347 4 891293008 +273 690 4 891293008 +273 896 4 891292873 +273 900 3 891292873 +273 902 5 891293008 +274 1 4 878945466 +274 9 5 878945404 +274 15 5 878945505 +274 25 5 878945541 +274 50 5 878944679 +274 69 5 878946644 +274 71 4 878946612 +274 83 5 878946612 +274 88 4 878946677 +274 98 5 878946536 +274 100 5 878945404 +274 111 4 878945541 +274 117 4 878945264 +274 118 4 878945711 +274 125 4 878945711 +274 148 2 878946133 +274 150 5 878944679 +274 164 5 878946644 +274 181 5 878945365 +274 200 4 878946612 +274 208 4 878946473 +274 211 5 878946612 +274 220 4 878946107 +274 234 5 878946536 +274 243 2 878944437 +274 255 2 878945579 +274 258 5 878944379 +274 274 4 878945963 +274 275 5 878944679 +274 276 4 878945437 +274 277 4 878945818 +274 280 1 878946162 +274 282 5 878945788 +274 288 4 878944379 +274 294 3 878944379 +274 300 5 878944464 +274 319 5 878944379 +274 405 4 878945840 +274 411 3 878945888 +274 471 4 878945505 +274 476 4 878945645 +274 478 5 878946577 +274 496 5 878946473 +274 546 3 878945918 +274 591 4 878945466 +274 596 3 878945404 +274 597 3 878946133 +274 628 4 878945505 +274 685 5 878945542 +274 713 5 878945437 +274 742 4 878945322 +274 748 5 878944406 +274 756 3 878946030 +274 762 5 878945610 +274 815 3 878945763 +274 845 5 878945579 +274 846 2 878946204 +274 866 4 878946107 +274 877 3 878944543 +274 924 3 878945918 +274 1063 4 878946502 +274 1152 4 878945939 +274 1163 2 878946162 +275 1 4 875154310 +275 22 3 880314528 +275 28 4 880314529 +275 50 4 876198296 +275 62 3 876198328 +275 69 3 880314089 +275 71 3 875154535 +275 89 3 875154878 +275 95 3 875154535 +275 96 3 880314914 +275 98 4 875155140 +275 99 3 875154718 +275 101 4 875154535 +275 102 3 875154718 +275 117 3 876197615 +275 118 3 876197678 +275 121 3 876197678 +275 132 3 880314529 +275 135 3 880314824 +275 142 2 880315197 +275 144 4 880314137 +275 154 2 875154878 +275 162 3 880315276 +275 169 3 875154535 +275 173 3 875154795 +275 174 4 875155257 +275 176 4 880314320 +275 183 3 880314500 +275 186 3 880314383 +275 188 2 880315243 +275 191 4 880314797 +275 196 3 880314969 +275 202 3 875155167 +275 208 3 880314772 +275 210 4 880314320 +275 222 4 876198296 +275 226 3 880314914 +275 227 3 876198296 +275 228 4 876198296 +275 230 3 876198296 +275 252 2 876197944 +275 257 3 876197645 +275 258 3 875154310 +275 265 4 880314031 +275 294 4 876197443 +275 300 4 875153898 +275 304 3 876197368 +275 405 2 876197645 +275 408 3 875154438 +275 416 3 880314991 +275 418 3 875154718 +275 419 3 880314383 +275 420 2 875154535 +275 423 4 880315322 +275 431 3 880314969 +275 432 4 875154535 +275 434 3 880315396 +275 435 3 880313886 +275 448 3 880314383 +275 449 3 876198328 +275 450 3 876198296 +275 451 3 880315170 +275 470 3 880314772 +275 472 3 876197944 +275 496 3 880314031 +275 501 3 875154718 +275 515 3 876197552 +275 520 4 880314218 +275 523 4 880314031 +275 542 3 880313680 +275 588 3 875154535 +275 597 3 876197678 +275 624 3 880313679 +275 625 2 875154655 +275 627 3 875154718 +275 630 3 880315243 +275 636 3 880314383 +275 662 3 880315170 +275 679 3 880315080 +275 746 4 880314478 +275 826 2 876197904 +275 930 3 876197904 +275 946 3 875154535 +275 969 2 880314412 +275 1066 3 880313679 +275 1091 2 875154535 +275 1219 2 880313679 +276 1 5 874786568 +276 2 4 874792436 +276 3 3 874786924 +276 4 4 874791623 +276 5 3 874792692 +276 7 5 874786517 +276 8 4 874791623 +276 9 5 889174849 +276 11 5 874787497 +276 14 4 890979947 +276 17 4 874791894 +276 21 3 874787195 +276 22 5 874787496 +276 23 5 874787467 +276 24 4 874792366 +276 25 4 874786686 +276 27 3 874787407 +276 28 4 874787441 +276 29 3 874796373 +276 31 4 874795704 +276 33 4 874792018 +276 34 2 877934264 +276 38 3 874792574 +276 40 3 874791871 +276 41 3 874792277 +276 42 4 874791623 +276 43 1 874791383 +276 44 3 874795637 +276 46 3 874791145 +276 47 4 874787407 +276 50 5 880913800 +276 51 3 874791025 +276 53 4 883822485 +276 54 3 874791025 +276 56 5 874791623 +276 57 3 874787526 +276 58 4 874791169 +276 62 2 874792574 +276 63 3 874792168 +276 64 5 874787441 +276 66 3 874791993 +276 67 3 874791993 +276 68 4 874792483 +276 69 4 874790996 +276 70 4 874790826 +276 72 4 874791960 +276 73 3 874791805 +276 74 3 884286759 +276 76 4 874791506 +276 77 3 874795751 +276 78 4 877934828 +276 79 4 874792436 +276 81 4 874791101 +276 82 4 874792402 +276 84 2 877934232 +276 85 3 874791871 +276 86 3 874791101 +276 88 3 874791960 +276 89 5 874792366 +276 91 5 882659577 +276 92 4 888873675 +276 94 2 882659602 +276 97 3 874787549 +276 98 5 874792663 +276 99 4 874792907 +276 100 5 874786605 +276 101 4 874977555 +276 104 1 874836682 +276 108 3 874786924 +276 117 4 874786568 +276 118 3 874786964 +276 120 2 874787172 +276 121 4 874786897 +276 122 3 874787150 +276 123 4 874786657 +276 124 5 880913800 +276 125 4 874786876 +276 127 5 874786568 +276 128 4 874792436 +276 135 5 874787441 +276 139 4 889174904 +276 141 4 874792870 +276 142 3 874792945 +276 143 5 874792870 +276 144 5 874792401 +276 145 3 874792692 +276 147 4 874786686 +276 148 3 874786924 +276 151 5 874786568 +276 153 4 874791667 +276 154 4 874791747 +276 156 5 874795704 +276 157 5 874790773 +276 158 3 874791932 +276 159 3 874795637 +276 160 4 874787441 +276 161 3 874792483 +276 164 4 874792663 +276 168 5 874791623 +276 169 5 874977555 +276 171 4 874795928 +276 172 5 874792435 +276 173 5 874791993 +276 174 5 874792366 +276 175 5 874787376 +276 176 5 874792401 +276 180 5 874787353 +276 181 5 874786488 +276 182 5 874787549 +276 183 5 874792402 +276 184 4 874792547 +276 185 4 874792663 +276 186 5 874792018 +276 187 5 874791102 +276 188 4 874792547 +276 189 4 874977555 +276 192 5 874787353 +276 193 4 874790952 +276 195 5 874792483 +276 196 4 889174849 +276 197 5 874787549 +276 198 5 874795949 +276 200 5 874792663 +276 201 5 889174849 +276 202 4 874791871 +276 203 4 877934910 +276 204 5 874791667 +276 206 5 874795988 +276 207 4 874795988 +276 209 4 874791667 +276 210 4 874792094 +276 214 5 874787353 +276 218 4 874792663 +276 219 4 874792692 +276 222 4 880913800 +276 223 5 874790773 +276 225 3 874786854 +276 226 4 874792520 +276 227 4 880913800 +276 228 4 880913800 +276 229 3 874792483 +276 230 4 882659602 +276 231 3 874796373 +276 232 3 874792094 +276 233 3 874792436 +276 234 5 880913767 +276 235 4 874786734 +276 237 5 874786756 +276 238 5 877935060 +276 239 4 874791194 +276 240 4 874786713 +276 241 4 874792402 +276 246 4 874786686 +276 249 4 874786632 +276 250 4 874786784 +276 252 3 874787006 +276 254 2 874796373 +276 257 4 874786657 +276 258 5 874786337 +276 262 4 892436298 +276 264 3 892436418 +276 265 4 874792483 +276 268 4 877584085 +276 269 4 885871420 +276 270 4 879131395 +276 271 4 880913800 +276 272 5 885871447 +276 273 4 874786517 +276 274 3 874791960 +276 276 4 874786605 +276 281 3 874787065 +276 282 4 883822485 +276 284 4 874786605 +276 288 4 874786392 +276 289 2 890979634 +276 290 4 874786854 +276 291 3 874791169 +276 293 4 874786686 +276 294 4 874786366 +276 298 5 874786467 +276 300 4 874786338 +276 301 4 877584219 +276 302 5 877584085 +276 307 4 878015917 +276 313 5 885159577 +276 315 4 892436298 +276 317 4 874791257 +276 318 5 874787496 +276 322 3 874786392 +276 323 3 874786392 +276 324 4 874786419 +276 325 3 874786419 +276 328 4 874786366 +276 331 4 890979062 +276 332 4 877933879 +276 333 4 877584220 +276 340 5 880150440 +276 343 4 881563147 +276 346 4 885159545 +276 347 4 885159630 +276 354 4 888873388 +276 355 3 887601451 +276 356 3 874791101 +276 357 5 874787526 +276 358 3 874786419 +276 364 3 877935377 +276 365 3 874791339 +276 366 3 889174764 +276 367 3 874791667 +276 373 2 874977513 +276 375 1 874791339 +276 379 3 874792745 +276 380 3 874791383 +276 382 4 874791236 +276 383 2 877934828 +276 384 3 874792189 +276 386 3 877935306 +276 387 3 874787526 +276 388 2 874792094 +276 391 2 874977442 +276 392 3 874790996 +276 393 4 874792094 +276 395 2 877935377 +276 396 4 874792118 +276 399 2 874792634 +276 401 3 874792094 +276 402 3 874791407 +276 403 4 888873675 +276 404 4 874792870 +276 405 3 874787044 +276 406 2 874786831 +276 408 5 874786467 +276 409 3 874792310 +276 410 4 874786686 +276 411 4 874786807 +276 413 3 877934705 +276 415 3 874793062 +276 417 4 874792907 +276 418 4 874792870 +276 419 5 874792907 +276 420 4 874792945 +276 421 4 874795500 +276 423 5 874790926 +276 426 3 874793092 +276 427 5 883822485 +276 429 5 874790972 +276 431 3 874977474 +276 432 5 874792839 +276 433 4 874791960 +276 436 4 874792711 +276 443 4 874792692 +276 447 4 874792663 +276 448 4 874792692 +276 449 2 874792520 +276 450 1 874792634 +276 451 3 874792216 +276 452 3 880913767 +276 453 1 880913767 +276 455 4 874786713 +276 456 2 874787237 +276 458 4 874786854 +276 461 4 874787526 +276 462 4 874795868 +276 463 4 874792839 +276 469 4 874787441 +276 470 3 874790855 +276 471 4 874786657 +276 473 4 874786831 +276 474 5 889174904 +276 475 5 874786756 +276 479 5 874836703 +276 496 4 882659476 +276 518 4 888873407 +276 523 4 874787496 +276 526 4 874791123 +276 541 3 874792520 +276 544 3 889174870 +276 546 3 874786568 +276 547 4 874786605 +276 549 3 874791194 +276 550 4 874792574 +276 551 3 874792767 +276 552 3 874795795 +276 558 4 874787526 +276 559 4 874792663 +276 561 2 874792745 +276 562 3 889174870 +276 563 3 874977334 +276 564 3 874791805 +276 566 4 874792601 +276 568 4 882659211 +276 569 4 874791169 +276 571 2 874792118 +276 572 3 874795823 +276 576 3 874792547 +276 577 2 877935336 +276 578 4 888873675 +276 581 4 886483710 +276 582 3 874787407 +276 583 3 874791444 +276 588 4 874792907 +276 590 2 874977334 +276 591 3 874786632 +276 595 2 874787195 +276 597 3 874787150 +276 603 5 874795613 +276 624 2 874792969 +276 627 3 874792907 +276 628 4 874786538 +276 631 3 874796412 +276 634 4 874795888 +276 636 4 874792483 +276 640 4 889174904 +276 647 4 874790903 +276 649 4 886483691 +276 652 4 889174849 +276 653 5 874795729 +276 655 4 874791297 +276 658 4 874791194 +276 665 3 874792520 +276 669 1 874792767 +276 672 3 874792692 +276 678 3 874786419 +276 679 3 874792520 +276 682 3 877933862 +276 684 4 874792436 +276 685 4 874786784 +276 686 3 874792547 +276 691 4 888873488 +276 692 4 874791960 +276 693 4 874790903 +276 696 2 874786632 +276 697 2 874791316 +276 709 4 874792018 +276 710 4 889174849 +276 715 3 874791194 +276 719 3 877935336 +276 720 2 874791464 +276 721 3 874791871 +276 725 2 877935392 +276 727 3 889174919 +276 732 4 874790903 +276 734 1 877935262 +276 735 4 874791214 +276 737 4 890979964 +276 739 2 874795538 +276 742 4 874786756 +276 743 1 874792634 +276 746 4 874791806 +276 747 4 874795448 +276 748 3 883822507 +276 750 4 882659186 +276 751 4 884286678 +276 755 3 874792870 +276 759 1 874796412 +276 763 3 874787214 +276 765 3 877935335 +276 768 3 874793118 +276 769 1 874977334 +276 770 4 877935446 +276 771 2 874795795 +276 772 4 874790826 +276 773 3 874792794 +276 774 2 877934722 +276 779 2 874977513 +276 780 3 874792143 +276 783 1 874792143 +276 786 3 874791694 +276 789 3 874791623 +276 790 3 877935306 +276 794 2 874793198 +276 796 1 874791932 +276 797 3 877934643 +276 800 3 874792745 +276 801 3 877935306 +276 802 3 874792634 +276 803 2 874791487 +276 806 4 874787467 +276 807 2 874795574 +276 809 2 874977245 +276 816 2 874792793 +276 820 3 874793062 +276 823 3 874786807 +276 825 3 874787006 +276 831 3 874792634 +276 840 3 874786897 +276 843 4 874792989 +276 845 4 874786807 +276 853 5 889174849 +276 854 4 874791806 +276 871 2 874836608 +276 876 3 885537717 +276 879 3 877584219 +276 881 3 885537717 +276 890 3 880913460 +276 915 4 892436368 +276 916 4 892436298 +276 922 4 889174849 +276 928 3 874836629 +276 930 2 874787172 +276 931 2 874836682 +276 939 3 874790855 +276 941 3 877934065 +276 942 4 889174904 +276 943 4 883822485 +276 949 3 874836725 +276 951 3 874792969 +276 959 4 874791695 +276 969 4 874792839 +276 974 2 874786945 +276 977 2 874787090 +276 993 3 874787065 +276 1000 2 877935262 +276 1006 3 874787353 +276 1010 3 874786784 +276 1011 3 874836682 +276 1013 3 874787150 +276 1016 3 874786713 +276 1019 5 883822485 +276 1028 3 874787044 +276 1031 2 874793035 +276 1035 3 874793035 +276 1042 1 874795823 +276 1044 3 877934374 +276 1046 3 874795772 +276 1047 3 889174658 +276 1052 2 889174870 +276 1056 4 874796201 +276 1073 3 874795613 +276 1074 3 877934446 +276 1079 2 874787300 +276 1081 3 880913705 +276 1083 3 877934891 +276 1089 2 882659211 +276 1090 1 874795795 +276 1091 3 874793035 +276 1095 1 877935135 +276 1098 4 880913684 +276 1109 3 882659656 +276 1110 3 874977474 +276 1118 4 874791830 +276 1129 4 874786876 +276 1131 3 874796116 +276 1135 4 874791527 +276 1140 2 874791894 +276 1141 3 874790773 +276 1157 2 874795772 +276 1170 4 877934392 +276 1172 4 882659550 +276 1180 2 877935306 +276 1194 3 874790875 +276 1199 4 888873674 +276 1208 3 882659656 +276 1210 2 877934988 +276 1218 4 874792040 +276 1220 4 874791048 +276 1221 3 890979470 +276 1228 1 874977422 +276 1232 3 874791488 +276 1239 1 874977512 +276 1240 4 874977579 +276 1244 3 874836608 +276 1245 3 874787091 +276 1253 1 874795729 +276 1267 4 874791102 +276 1273 2 874795823 +276 1274 1 874977513 +276 1301 4 885871474 +276 1314 3 874796412 +276 1407 1 874977513 +276 1413 1 874977513 +276 1416 3 874792634 +276 1471 2 877934947 +276 1478 3 889174849 +276 1481 2 877934446 +276 1482 4 874791383 +277 1 4 879544145 +277 7 2 879543377 +277 9 4 879543336 +277 15 4 879544145 +277 24 4 879543931 +277 25 4 879543902 +277 50 3 879543652 +277 93 4 879543972 +277 111 4 879543487 +277 117 4 879544145 +277 121 2 879544058 +277 124 3 879543421 +277 129 4 879543653 +277 137 3 879543336 +277 147 4 879543822 +277 151 3 879543768 +277 181 3 879543653 +277 237 4 879544145 +277 255 4 879544145 +277 257 3 879543487 +277 258 4 879544145 +277 273 5 879544145 +277 274 4 879543902 +277 276 4 879543454 +277 279 4 879543592 +277 282 4 879543697 +277 285 4 879543486 +277 286 5 879544145 +277 293 4 879544145 +277 302 4 879544201 +277 405 3 879544027 +277 471 3 879543377 +277 472 1 879544058 +277 473 2 879543879 +277 508 4 879543487 +277 591 4 879543768 +277 619 4 879543801 +277 628 4 879543697 +277 742 4 879543845 +277 748 3 879543879 +277 762 3 879543931 +277 844 4 879543528 +277 872 3 879543768 +277 925 4 879543592 +277 1011 3 879543697 +277 1012 3 879543454 +277 1129 3 879543421 +277 1197 4 879543768 +277 1283 2 879543592 +278 22 5 891295360 +278 98 4 891295360 +278 173 5 891295360 +278 245 3 891295230 +278 258 3 891295099 +278 269 5 891294959 +278 286 5 891295044 +278 288 5 891295230 +278 294 4 891295230 +278 301 2 891294980 +278 302 3 891294959 +278 306 5 891295043 +278 311 4 891295130 +278 313 5 891294932 +278 315 4 891294932 +278 347 4 891294932 +278 515 5 891295330 +278 525 5 891295330 +278 538 4 891295164 +278 603 5 891295330 +278 752 5 891295164 +278 882 3 891295007 +278 923 5 891295330 +279 1 3 875295812 +279 4 4 875296461 +279 7 5 891209102 +279 10 4 875295838 +279 12 2 875306515 +279 13 3 875249210 +279 16 4 875296792 +279 17 4 875306552 +279 21 3 875297456 +279 22 1 875296374 +279 24 5 875295591 +279 25 5 875295736 +279 27 5 875313015 +279 28 2 875296461 +279 31 3 875309667 +279 33 4 875308510 +279 40 4 875306910 +279 41 2 875313646 +279 42 4 875308843 +279 44 1 875313514 +279 47 4 875296375 +279 50 3 890451347 +279 52 3 890780576 +279 59 4 875308843 +279 60 4 875310263 +279 61 4 875306552 +279 62 3 875310303 +279 63 3 875313350 +279 64 1 875308510 +279 65 1 875306767 +279 66 2 882146492 +279 67 4 875310419 +279 68 4 875307407 +279 70 1 875309141 +279 71 3 890780576 +279 73 4 875310041 +279 79 3 875296461 +279 80 4 875313750 +279 81 4 875732652 +279 83 5 878082781 +279 87 1 875306613 +279 88 1 882146554 +279 89 4 875306910 +279 90 3 875314287 +279 92 4 890282182 +279 94 3 892865054 +279 96 4 875310606 +279 99 3 890451347 +279 101 3 891209021 +279 105 4 875297381 +279 108 4 892174381 +279 109 5 880869018 +279 114 5 879572694 +279 116 1 888799670 +279 117 5 875297199 +279 120 1 888427451 +279 121 4 875297708 +279 122 1 875297433 +279 124 3 878261977 +279 128 5 875296461 +279 129 1 884986081 +279 130 1 892864707 +279 131 1 886020902 +279 132 3 875308670 +279 137 4 886014686 +279 139 3 890780864 +279 144 4 880850073 +279 146 1 875297281 +279 147 4 875297199 +279 150 3 886019867 +279 151 4 875249259 +279 153 5 891209077 +279 154 5 875296291 +279 156 4 875306580 +279 158 3 875313351 +279 163 5 875313311 +279 165 4 875310233 +279 166 4 879572893 +279 167 3 875312441 +279 168 5 875296435 +279 169 5 875306910 +279 170 3 875312643 +279 172 2 878082751 +279 173 5 875296461 +279 174 4 875306636 +279 175 5 875296461 +279 176 3 875310606 +279 181 3 875298494 +279 184 5 890779991 +279 186 5 875309482 +279 189 5 878082781 +279 190 3 875307407 +279 195 4 875310631 +279 198 3 882456211 +279 201 5 890451408 +279 202 4 875307587 +279 203 2 875310676 +279 204 3 878082751 +279 207 5 875310394 +279 208 5 875310631 +279 209 5 875308987 +279 210 4 878261893 +279 211 4 875309616 +279 214 3 875306910 +279 216 3 884983225 +279 219 2 875736276 +279 222 1 875295943 +279 224 4 882369761 +279 226 4 880850073 +279 227 4 889326161 +279 228 4 889326161 +279 229 4 889326161 +279 230 4 892865054 +279 231 2 879573060 +279 233 5 875312745 +279 234 2 875654542 +279 235 3 891209153 +279 236 5 875296813 +279 238 4 891208908 +279 239 4 875310418 +279 240 4 889151559 +279 242 3 877756647 +279 248 4 875249259 +279 249 3 878878420 +279 250 3 875249259 +279 254 3 879572960 +279 257 5 875295736 +279 259 3 883546906 +279 265 5 875655063 +279 273 2 880869018 +279 274 3 875296792 +279 275 3 875249232 +279 283 3 875296652 +279 284 1 886015853 +279 288 3 875249102 +279 290 4 875296924 +279 291 3 878878420 +279 294 2 875249117 +279 301 4 878082781 +279 319 4 890780735 +279 342 4 881375917 +279 363 5 890451473 +279 367 3 875309861 +279 368 1 886016352 +279 372 4 875310117 +279 374 1 888806649 +279 375 1 884556678 +279 380 4 889326161 +279 382 4 875312947 +279 384 4 875312946 +279 386 3 889985007 +279 388 3 875659844 +279 390 3 875744641 +279 391 5 875313859 +279 393 1 875314093 +279 395 4 875659329 +279 396 3 875314231 +279 397 4 890780547 +279 398 4 875310764 +279 399 4 875313859 +279 401 5 875310730 +279 403 1 879573060 +279 405 3 886015701 +279 407 4 875297479 +279 408 5 875249210 +279 410 5 890780547 +279 411 3 875296005 +279 412 3 875297708 +279 413 4 889151529 +279 415 3 875314313 +279 418 3 875733888 +279 421 3 892864867 +279 425 4 875306430 +279 428 1 875307379 +279 429 4 875306910 +279 432 3 875296292 +279 433 4 880869018 +279 434 4 892864609 +279 436 4 891209332 +279 444 3 875659746 +279 451 1 888465592 +279 455 5 877236424 +279 456 3 875296924 +279 464 4 875310041 +279 465 5 875310157 +279 469 4 884982881 +279 470 3 878262194 +279 472 3 876609690 +279 474 5 892173363 +279 480 3 875309189 +279 482 4 875306613 +279 486 4 875310041 +279 487 3 890282182 +279 489 2 888430298 +279 490 3 890282225 +279 491 5 875296435 +279 501 3 875308843 +279 502 5 875310263 +279 509 3 875296552 +279 514 4 875307210 +279 515 3 875295943 +279 517 4 879572893 +279 529 3 875308843 +279 530 3 890780576 +279 532 1 875298597 +279 534 1 878971577 +279 541 3 882146458 +279 544 1 890451433 +279 546 3 875296924 +279 547 1 875295812 +279 550 4 880850073 +279 554 1 875314231 +279 556 3 880666808 +279 558 4 875307210 +279 562 3 890451433 +279 571 4 878082781 +279 576 3 875312441 +279 577 1 889151559 +279 578 4 879572694 +279 586 4 892864663 +279 591 2 875297381 +279 594 1 891209021 +279 597 5 875297456 +279 616 3 890451408 +279 624 4 875734996 +279 625 3 878261977 +279 630 4 875313351 +279 636 5 875313387 +279 638 4 875312441 +279 644 1 875306552 +279 649 3 875312719 +279 652 4 890451408 +279 654 5 875306552 +279 659 5 877756699 +279 660 4 875313473 +279 662 2 875310631 +279 663 3 875310394 +279 666 2 890451373 +279 671 2 875296238 +279 679 4 884556545 +279 684 3 880825843 +279 685 3 884982881 +279 702 4 875309760 +279 709 4 875310195 +279 710 4 890451408 +279 712 5 875312339 +279 719 4 875308222 +279 721 5 875312719 +279 725 4 875314144 +279 727 3 890780864 +279 728 4 875314287 +279 732 3 879647301 +279 739 1 879573060 +279 740 3 875736276 +279 741 5 875296891 +279 744 2 892864943 +279 746 5 875310233 +279 751 4 882593314 +279 753 2 875307443 +279 760 3 875297522 +279 762 3 875297199 +279 763 3 875297522 +279 764 3 888425981 +279 778 4 891209332 +279 779 3 878262194 +279 780 4 875314165 +279 781 3 875314001 +279 789 4 875306580 +279 792 3 875308843 +279 797 4 875744512 +279 802 4 875313600 +279 804 4 875744416 +279 809 3 891208945 +279 810 2 889984640 +279 820 4 884984955 +279 823 3 875297456 +279 824 4 875297456 +279 826 4 875297456 +279 827 1 888426577 +279 831 5 875744257 +279 832 3 881375854 +279 833 4 875297410 +279 841 4 879572893 +279 843 4 875314313 +279 845 1 888426577 +279 853 1 890451433 +279 854 1 875306613 +279 864 5 875296829 +279 869 1 892176473 +279 871 4 875297410 +279 890 3 882146458 +279 901 4 883893835 +279 919 3 892864663 +279 922 3 890451433 +279 926 4 875296696 +279 932 3 892174381 +279 940 5 889151559 +279 945 5 879647064 +279 948 3 891209078 +279 952 3 875296676 +279 969 3 875308799 +279 976 3 877756631 +279 977 4 875297281 +279 978 1 889231898 +279 982 3 875298314 +279 990 1 875249134 +279 992 4 889151559 +279 998 5 875313883 +279 1000 4 875314313 +279 1007 4 879572694 +279 1011 3 875298314 +279 1012 5 875298447 +279 1017 3 875296891 +279 1025 2 880825843 +279 1027 4 891208908 +279 1028 4 875296104 +279 1032 3 880666757 +279 1034 4 875297381 +279 1035 3 875309935 +279 1037 1 888806543 +279 1039 4 881731303 +279 1047 4 892864663 +279 1048 1 886015533 +279 1052 4 890451408 +279 1059 4 891209332 +279 1087 2 891209189 +279 1093 4 875298330 +279 1095 1 886016480 +279 1108 1 892174273 +279 1110 3 875307379 +279 1113 3 888806035 +279 1118 3 875310631 +279 1120 3 891209189 +279 1121 4 875310101 +279 1132 1 892864828 +279 1133 2 892173598 +279 1142 1 890780603 +279 1151 2 875744584 +279 1162 3 875314334 +279 1170 1 891209102 +279 1178 4 875744641 +279 1180 2 890781034 +279 1181 4 875314001 +279 1182 3 875314370 +279 1185 1 888805868 +279 1195 1 875312339 +279 1206 5 884986688 +279 1209 4 875314350 +279 1215 2 884556545 +279 1219 3 875744358 +279 1228 4 890779991 +279 1230 3 891209189 +279 1231 4 875313583 +279 1239 1 884982882 +279 1240 1 892174404 +279 1242 1 888797284 +279 1247 2 875659924 +279 1250 1 888466349 +279 1266 1 875308843 +279 1271 4 875659999 +279 1274 3 875314001 +279 1291 4 875297708 +279 1305 4 875313406 +279 1312 3 890780962 +279 1321 4 888806671 +279 1336 1 875298353 +279 1361 3 878261977 +279 1376 4 886016680 +279 1402 1 888462243 +279 1411 3 884556545 +279 1413 5 875314434 +279 1428 3 888465209 +279 1435 3 892174339 +279 1437 3 892173418 +279 1444 3 875313351 +279 1480 3 875314370 +279 1481 4 875313925 +279 1484 3 875307587 +279 1485 4 878262195 +279 1486 1 875314076 +279 1487 1 875314076 +279 1488 4 875659924 +279 1489 3 891208884 +279 1490 4 875312947 +279 1491 5 890451408 +279 1492 4 888430806 +279 1493 1 888465068 +279 1495 4 889984565 +279 1496 3 875298419 +279 1497 2 890780576 +279 1498 4 891208884 +279 1499 4 890451408 +279 1500 5 875306613 +279 1501 1 889231898 +280 1 4 891700426 +280 2 3 891701278 +280 4 3 891700733 +280 5 4 891701066 +280 7 4 891700385 +280 8 5 891700303 +280 9 5 891700664 +280 11 5 891700570 +280 12 5 891700803 +280 13 5 891700257 +280 22 5 891700552 +280 29 3 891701852 +280 31 4 891701344 +280 33 3 891700715 +280 38 3 891701832 +280 40 5 891701614 +280 50 3 891701027 +280 53 5 891702544 +280 54 2 891701747 +280 56 5 891702544 +280 58 4 891700514 +280 62 3 891701747 +280 66 5 891701148 +280 67 4 891701785 +280 69 4 891700242 +280 70 4 891700366 +280 71 4 891700818 +280 72 4 891702276 +280 73 3 891700715 +280 76 2 891700699 +280 77 3 891702086 +280 79 4 891700453 +280 80 3 891701998 +280 82 2 891700925 +280 86 4 891700475 +280 88 3 891701556 +280 90 4 891701530 +280 92 3 891700366 +280 94 2 891702028 +280 95 5 891700570 +280 96 4 891700664 +280 98 5 891700208 +280 99 2 891700475 +280 100 3 891700385 +280 102 5 891701328 +280 103 3 891702122 +280 111 4 891700983 +280 117 5 891700366 +280 118 2 891701027 +280 125 2 891701148 +280 126 3 891700643 +280 127 5 891702544 +280 128 3 891701188 +280 132 4 891701090 +280 135 4 891700552 +280 140 4 891701223 +280 144 2 891700514 +280 145 3 891702198 +280 153 5 891700681 +280 155 5 891702544 +280 156 4 891700643 +280 157 3 891700733 +280 158 2 891701764 +280 159 4 891701944 +280 161 4 891701249 +280 162 3 891701431 +280 167 4 891701631 +280 172 3 891700768 +280 174 3 891700588 +280 176 3 891700426 +280 180 4 891700453 +280 181 3 891701248 +280 182 3 891700276 +280 183 3 891700588 +280 195 3 891700303 +280 197 2 891700836 +280 200 5 891702544 +280 202 3 891701090 +280 203 4 891701530 +280 204 3 891700643 +280 210 2 891700385 +280 215 3 891701723 +280 216 5 891701685 +280 217 3 891701832 +280 219 2 891702199 +280 220 5 891700426 +280 222 3 891700624 +280 225 4 891701974 +280 226 3 891701998 +280 227 3 891702153 +280 228 3 891701405 +280 229 3 891702171 +280 230 3 891702153 +280 231 3 891701974 +280 232 3 891701649 +280 233 4 891702049 +280 234 3 891700803 +280 235 5 891701649 +280 237 3 891700624 +280 239 3 891701344 +280 241 2 891700945 +280 245 3 891700185 +280 265 4 891700588 +280 274 5 891701188 +280 276 5 891700664 +280 282 3 891700426 +280 284 3 891701090 +280 286 4 891700185 +280 288 5 891700184 +280 294 2 891700021 +280 313 3 891699839 +280 315 5 891700184 +280 316 5 891700184 +280 318 5 891700607 +280 322 4 891700185 +280 323 2 891700106 +280 324 5 891700185 +280 364 3 891702291 +280 367 5 891701002 +280 379 5 891702171 +280 381 3 891700925 +280 384 4 891702137 +280 385 5 891702544 +280 387 4 891701974 +280 388 2 891702486 +280 389 5 891701913 +280 393 4 891702323 +280 402 4 891701249 +280 403 3 891701506 +280 404 3 891701114 +280 409 3 891702441 +280 411 3 891701871 +280 416 5 891701666 +280 419 3 891701047 +280 420 3 891701816 +280 423 5 891700276 +280 431 4 891701531 +280 448 3 891701765 +280 449 3 891702324 +280 451 5 891701377 +280 452 2 891702387 +280 465 3 891701148 +280 468 4 891702028 +280 471 3 891700553 +280 472 2 891702086 +280 476 5 891702544 +280 483 4 891701066 +280 486 5 891700751 +280 496 5 891700321 +280 499 4 891700496 +280 507 3 891700682 +280 508 3 891700453 +280 527 5 891700768 +280 528 3 891700553 +280 538 5 891700185 +280 540 3 891702304 +280 542 3 891702199 +280 544 4 891701302 +280 546 4 891702252 +280 554 1 891701998 +280 559 3 891701583 +280 566 4 891701188 +280 568 2 891701047 +280 571 3 891702338 +280 575 2 891702422 +280 576 3 891702276 +280 584 4 891701223 +280 585 3 891702441 +280 586 4 891701871 +280 588 5 891700803 +280 609 4 891701278 +280 629 4 891701852 +280 631 5 891700751 +280 655 3 891700400 +280 660 5 891701114 +280 663 4 891700783 +280 678 2 891700124 +280 690 2 891699964 +280 692 3 891700983 +280 693 3 891701027 +280 697 5 891701506 +280 699 4 891700341 +280 715 2 891700945 +280 722 3 891702122 +280 723 5 891701853 +280 725 3 891702387 +280 728 3 891701614 +280 729 2 891700963 +280 731 3 891702049 +280 735 2 891700475 +280 736 2 891700341 +280 739 3 891701359 +280 742 4 891701249 +280 746 4 891701148 +280 748 2 891700080 +280 751 3 891699925 +280 755 2 891701278 +280 756 4 891701649 +280 764 4 891701685 +280 765 4 891701816 +280 769 3 891702441 +280 771 3 891702122 +280 780 4 891701897 +280 781 4 891701699 +280 790 4 891702013 +280 845 3 891700925 +280 925 4 891701723 +280 928 5 891700850 +280 934 2 891702291 +280 942 5 891701431 +280 946 4 891701027 +280 975 4 891702252 +280 977 3 891701723 +280 1015 3 891701631 +280 1028 5 891702276 +280 1035 4 891701785 +280 1041 5 891702544 +280 1047 3 891701897 +280 1048 4 891701002 +280 1049 2 891702486 +280 1051 4 891700904 +280 1060 3 891701278 +280 1063 3 891700607 +280 1066 4 891701928 +280 1099 5 891701114 +280 1112 4 891702324 +280 1114 4 891702199 +280 1133 3 891700242 +280 1168 5 891702544 +280 1181 2 891700496 +280 1182 3 891702214 +280 1207 4 891701998 +280 1217 5 891702544 +280 1221 5 891701944 +280 1297 4 891702230 +280 1313 5 891700184 +280 1401 5 891700881 +280 1459 4 891701747 +280 1466 5 891700836 +280 1473 3 891700904 +280 1478 4 891701090 +280 1479 3 891702457 +281 258 2 881200457 +281 259 3 881200789 +281 288 4 881200264 +281 289 3 881200704 +281 294 3 881200643 +281 300 4 881200643 +281 301 3 881200643 +281 304 5 881200745 +281 308 1 881200297 +281 310 4 881200264 +281 322 4 881200789 +281 326 1 881200491 +281 331 3 881200491 +281 332 4 881200603 +281 333 3 881200457 +281 338 2 881200457 +281 342 1 881200789 +281 538 4 881200520 +281 682 3 881200519 +281 690 5 881200264 +281 748 5 881200745 +281 877 4 881200643 +281 938 2 881200789 +281 989 2 881200789 +282 258 5 879949367 +282 262 4 879949417 +282 268 4 879949438 +282 269 4 879949347 +282 271 3 881702919 +282 288 4 879949367 +282 294 4 879949525 +282 300 3 879949438 +282 302 5 879949347 +282 305 4 879949347 +282 307 3 881702875 +282 319 4 879949394 +282 325 1 881703044 +282 327 5 879949417 +282 333 3 879949394 +282 338 3 879949468 +282 340 3 879949394 +282 343 4 881702939 +282 358 3 879949594 +282 689 2 881703044 +282 879 2 879949504 +282 890 4 879949468 +283 21 3 879297867 +283 24 4 879297867 +283 42 5 879298333 +283 49 4 879298333 +283 50 5 879297134 +283 56 5 879298206 +283 70 4 879298206 +283 71 4 879297965 +283 83 4 879298239 +283 95 5 879297965 +283 109 4 879297237 +283 125 5 879297347 +283 151 4 879297318 +283 168 5 879298206 +283 173 5 879298206 +283 175 4 879298270 +283 186 5 879298239 +283 194 4 879298295 +283 202 5 879298206 +283 204 4 879298239 +283 208 5 879298239 +283 209 4 879298271 +283 210 5 879298206 +283 216 4 879298206 +283 238 5 879298295 +283 288 2 879297867 +283 294 4 879297013 +283 393 4 879298295 +283 407 3 879297867 +283 409 4 879297442 +283 412 5 879297526 +283 432 5 879297965 +283 433 4 879298333 +283 435 5 879298206 +283 455 4 879297707 +283 588 4 879297965 +283 625 3 879298007 +283 627 4 879297966 +283 659 5 879298239 +283 676 3 879297867 +283 709 5 879298206 +283 732 4 879298239 +283 820 4 879297904 +283 845 4 879297442 +283 866 3 879297867 +283 1079 4 879297526 +283 1114 5 879297545 +283 1487 2 879297867 +284 258 4 885329146 +284 259 2 885329593 +284 262 4 885328836 +284 268 5 885329065 +284 269 4 885328991 +284 272 5 885328727 +284 286 4 885328727 +284 289 3 885329671 +284 300 3 885329395 +284 301 5 885329593 +284 302 4 885328906 +284 303 5 885328991 +284 304 4 885329322 +284 305 4 885328906 +284 306 4 885329146 +284 307 4 885329322 +284 310 3 885328991 +284 313 3 885328727 +284 315 5 885329593 +284 322 3 885329671 +284 324 3 885329468 +284 328 4 885329322 +284 332 3 885329593 +284 333 3 885329146 +284 334 3 885329468 +284 339 3 885329671 +284 340 4 885328991 +284 344 4 885329593 +284 345 4 885328728 +284 346 4 885329065 +284 347 5 885328727 +284 539 2 885329821 +284 682 3 885329322 +284 687 3 885329902 +284 690 3 885329468 +284 748 3 885329671 +284 750 3 885328906 +284 751 3 885329322 +284 754 3 885329065 +284 877 2 885329395 +284 887 4 885328906 +284 900 4 885328991 +284 903 4 885329238 +284 906 3 885328836 +284 938 3 885329821 +285 100 4 890595636 +285 150 5 890595636 +285 151 5 890595636 +285 168 4 890595900 +285 191 4 890595859 +285 194 4 890595777 +285 198 5 890595900 +285 205 4 890595900 +285 216 3 890595900 +285 222 4 890595636 +285 237 4 890595636 +285 269 4 890595313 +285 276 4 890595726 +285 286 3 890595584 +285 288 5 890595584 +285 302 5 890595313 +285 313 5 890595313 +285 346 4 890595456 +285 357 5 890595777 +285 455 4 890595726 +285 514 3 890595859 +285 538 5 890595479 +285 628 2 890595636 +285 682 4 890595524 +285 902 4 890595584 +286 1 4 876521699 +286 3 2 876522316 +286 4 5 877531899 +286 7 4 875807003 +286 11 5 877531975 +286 13 2 876521933 +286 14 4 875807003 +286 17 4 877531537 +286 20 4 876521858 +286 22 4 877532889 +286 25 3 875807003 +286 29 2 877533586 +286 34 5 877534701 +286 40 4 877534824 +286 44 3 877532173 +286 47 4 877532419 +286 50 4 875806869 +286 53 2 877533506 +286 55 4 877531574 +286 56 2 877531469 +286 57 5 877533419 +286 66 4 877533586 +286 70 5 877531975 +286 72 4 877534025 +286 73 5 877532965 +286 77 3 877533001 +286 82 3 889651605 +286 83 5 877531975 +286 85 5 877533224 +286 88 4 877533640 +286 89 4 877533381 +286 90 4 877533224 +286 91 4 877532470 +286 95 5 877531407 +286 96 4 877532385 +286 99 4 878141681 +286 100 3 876521650 +286 101 5 877532204 +286 107 1 875807043 +286 111 5 876521858 +286 121 3 876522166 +286 125 4 876521650 +286 127 4 877530570 +286 132 5 877531791 +286 133 4 877531730 +286 137 4 884203281 +286 139 3 889653012 +286 142 4 877534793 +286 143 4 889651549 +286 144 3 877531434 +286 147 5 876522114 +286 151 5 875806800 +286 153 5 877531406 +286 154 4 877533381 +286 155 4 877533640 +286 158 3 877533472 +286 161 2 877533419 +286 164 3 877533586 +286 167 5 877533419 +286 168 4 877531760 +286 171 4 877531791 +286 172 4 889651549 +286 173 4 877531407 +286 174 4 877531537 +286 175 5 877532470 +286 176 4 878142001 +286 179 5 889651822 +286 181 3 875807043 +286 183 4 877531864 +286 184 3 877534506 +286 186 5 877534903 +286 191 4 877531407 +286 195 4 877534618 +286 196 4 877533543 +286 198 4 877533887 +286 202 4 877532204 +286 204 3 877531941 +286 208 4 877531942 +286 209 4 877531691 +286 210 5 877535208 +286 211 4 879781579 +286 212 1 877531830 +286 214 1 889651605 +286 215 3 889651630 +286 216 4 877532013 +286 217 3 877533447 +286 224 5 889651549 +286 228 3 889651576 +286 229 1 889652291 +286 231 3 877532094 +286 234 3 877532093 +286 235 4 875807003 +286 237 2 875806800 +286 240 3 876521858 +286 248 5 875806800 +286 251 5 876521678 +286 258 4 877530390 +286 268 4 884069298 +286 269 5 879780839 +286 272 5 884069298 +286 275 4 875807074 +286 277 4 875807003 +286 278 5 876521700 +286 285 1 879781450 +286 288 5 875806672 +286 289 5 875806672 +286 290 3 876522072 +286 298 4 875807004 +286 301 5 879780879 +286 309 5 884583549 +286 312 4 884069415 +286 315 5 889651138 +286 316 5 889651121 +286 325 1 889651253 +286 329 4 886475961 +286 336 5 884069544 +286 339 5 884583549 +286 340 4 879780905 +286 341 5 884069544 +286 345 4 884069337 +286 354 4 889651029 +286 357 4 877531537 +286 367 5 877531574 +286 372 4 877532683 +286 379 5 877533771 +286 381 5 877532965 +286 382 5 877531830 +286 386 3 877534975 +286 390 1 889652378 +286 393 4 877534481 +286 394 5 877534771 +286 396 4 877534414 +286 402 3 877534216 +286 403 5 877533543 +286 404 5 889651799 +286 405 3 876522150 +286 408 4 875806800 +286 411 2 876522133 +286 417 3 877533993 +286 419 5 889651990 +286 421 1 889651848 +286 423 4 877532385 +286 425 2 877532013 +286 428 5 877532303 +286 431 5 889651822 +286 432 3 878141681 +286 433 5 877531537 +286 451 5 877533993 +286 461 2 877532930 +286 462 5 877531537 +286 465 5 889651698 +286 472 3 876522340 +286 473 3 875806918 +286 475 4 875807074 +286 476 4 876521993 +286 477 3 876521773 +286 483 5 877531661 +286 512 2 877533101 +286 527 4 877531407 +286 535 5 875806918 +286 537 4 889651402 +286 546 1 876521835 +286 552 3 877535072 +286 554 4 877535014 +286 559 4 877534081 +286 569 4 877534313 +286 574 4 877534137 +286 577 2 877535500 +286 588 5 877532131 +286 596 3 875806869 +286 597 3 876522360 +286 628 4 875806800 +286 629 5 877531661 +286 636 3 877533185 +286 640 5 877531830 +286 642 3 877531498 +286 652 4 877531899 +286 655 3 889651746 +286 658 5 877533543 +286 683 5 884583549 +286 689 5 884583549 +286 703 2 889651672 +286 704 2 877531941 +286 707 5 877531975 +286 709 4 877532748 +286 710 4 889651672 +286 721 3 877532329 +286 724 3 877532013 +286 728 3 889652740 +286 732 5 877531899 +286 737 4 877532419 +286 738 5 877534903 +286 739 3 877532683 +286 741 4 876521887 +286 742 5 877530860 +286 746 4 877533058 +286 747 4 877533796 +286 749 3 889651060 +286 761 4 877533640 +286 762 2 876522008 +286 763 2 876521809 +286 766 3 877533724 +286 768 3 889652968 +286 771 2 877535119 +286 778 5 877534025 +286 781 4 877532777 +286 790 1 877535208 +286 792 3 877532230 +286 800 5 877534528 +286 805 3 878141931 +286 815 3 876521966 +286 818 2 877531281 +286 819 3 876521835 +286 824 1 876522200 +286 856 2 877533698 +286 881 5 884583549 +286 883 5 884069544 +286 884 5 884069544 +286 888 5 884583549 +286 906 5 884069544 +286 924 4 876521773 +286 930 2 876522240 +286 934 3 889653107 +286 946 3 889652221 +286 949 4 877534859 +286 952 2 875807043 +286 955 5 877533914 +286 969 5 878142001 +286 993 2 875807043 +286 1014 5 879781125 +286 1035 3 877532094 +286 1038 5 884583549 +286 1039 5 877531730 +286 1047 1 876522026 +286 1051 4 876522261 +286 1053 4 877532093 +286 1074 4 889652912 +286 1075 5 877532385 +286 1091 4 877534859 +286 1105 5 884583549 +286 1113 3 877534107 +286 1118 1 889652989 +286 1119 3 877534054 +286 1133 4 877534137 +286 1140 3 877533586 +286 1182 2 877535288 +286 1194 4 877533640 +286 1202 3 876522185 +286 1230 1 877535157 +286 1239 3 877535344 +286 1265 5 884069544 +286 1280 5 884069544 +286 1286 5 877532683 +286 1288 4 876522114 +286 1316 5 884583549 +286 1375 5 889651445 +286 1411 2 877535425 +286 1502 2 877535499 +286 1503 3 877534107 +286 1504 4 877534903 +287 1 5 875334088 +287 4 4 875336652 +287 9 5 875334089 +287 11 5 875335124 +287 28 5 875335018 +287 39 5 875336652 +287 50 5 875334271 +287 56 5 875334759 +287 92 4 875334896 +287 98 4 875334759 +287 100 5 888177364 +287 108 4 875334519 +287 111 3 875334126 +287 117 5 875334405 +287 121 4 875334494 +287 156 5 875336804 +287 181 3 875333964 +287 200 4 875335237 +287 201 5 875334962 +287 208 4 875334896 +287 218 5 875335424 +287 237 5 875334151 +287 240 2 875334454 +287 248 5 875333965 +287 249 5 875334430 +287 250 3 875334060 +287 252 1 875334361 +287 257 4 875334224 +287 268 4 888177170 +287 276 4 875334126 +287 291 5 888177402 +287 294 5 875333873 +287 298 4 875333965 +287 301 3 875333873 +287 313 4 888177170 +287 327 5 875333916 +287 340 5 888177097 +287 346 5 888177040 +287 347 4 888177040 +287 426 3 875336743 +287 461 5 875336652 +287 476 1 875334340 +287 546 4 875334271 +287 591 5 875334293 +287 652 4 875335018 +287 682 4 888177213 +287 710 4 875334807 +287 742 3 875334196 +287 748 4 875333873 +287 815 3 875334248 +287 845 5 875334587 +287 895 2 888177213 +287 926 4 875334340 +287 952 4 875334036 +287 1016 5 875334430 +287 1067 2 875334036 +288 12 4 886374130 +288 13 5 886892241 +288 15 4 886892177 +288 22 5 886374286 +288 50 4 886374520 +288 64 5 886374365 +288 69 5 886373426 +288 97 4 886629750 +288 100 5 886629749 +288 121 2 886893063 +288 127 5 886374451 +288 132 3 886374129 +288 134 2 886374129 +288 136 5 886374316 +288 157 4 886373619 +288 173 3 886373474 +288 174 4 886374286 +288 175 1 886629664 +288 177 3 886629528 +288 178 5 886374342 +288 180 5 886373474 +288 182 4 886374497 +288 190 1 886374286 +288 196 5 886373474 +288 200 4 886373534 +288 202 5 889225535 +288 210 3 886373509 +288 216 4 886629592 +288 223 3 886374497 +288 230 2 886629664 +288 234 4 886374473 +288 237 4 886892195 +288 268 4 886372812 +288 272 5 889225463 +288 276 4 886892127 +288 286 4 886372862 +288 289 3 886372937 +288 294 2 886372841 +288 300 5 886372155 +288 305 4 886372527 +288 317 4 886374497 +288 318 4 886374316 +288 340 5 886372155 +288 345 5 886372155 +288 346 5 886372155 +288 357 5 886373591 +288 427 5 886374342 +288 435 4 889225633 +288 511 4 886373509 +288 515 4 886373591 +288 520 5 886374497 +288 527 3 886373565 +288 528 4 886374286 +288 544 5 886892241 +288 593 2 886892127 +288 632 4 886373591 +288 651 4 886374342 +288 688 1 886373007 +288 742 3 886893063 +288 880 1 886373007 +288 887 5 886372155 +288 900 5 886372155 +288 1039 2 886373565 +288 1065 4 886373474 +288 1358 5 886892241 +289 1 3 876789736 +289 7 4 876789628 +289 21 1 876790499 +289 24 4 876790292 +289 109 3 876789628 +289 117 4 876789514 +289 125 2 876789373 +289 147 3 876789581 +289 151 2 876790499 +289 222 2 876789463 +289 254 1 876790734 +289 282 3 876789180 +289 363 3 876790653 +289 405 2 876790576 +289 410 2 876790361 +289 471 4 876789373 +289 473 1 876790576 +289 685 4 876789373 +289 742 4 876789463 +289 815 3 876789581 +289 849 4 876789943 +289 926 3 876790611 +289 1016 5 876789843 +290 1 5 880474327 +290 15 4 880474494 +290 21 3 880475695 +290 22 5 880473942 +290 28 5 880474235 +290 31 4 880475032 +290 43 3 880475783 +290 49 3 880475542 +290 50 5 880473582 +290 54 3 880475218 +290 62 2 880473583 +290 64 4 880474034 +290 69 4 880473696 +290 71 5 880473667 +290 82 4 880473918 +290 88 4 880731963 +290 89 3 880473971 +290 91 2 880474451 +290 97 3 880475016 +290 98 4 880474235 +290 99 4 880473918 +290 105 2 880732753 +290 109 3 880475564 +290 117 3 880474799 +290 118 4 880731896 +290 120 4 880732712 +290 121 4 880475266 +290 125 3 880475245 +290 132 3 880473993 +290 133 3 880473735 +290 136 4 880474367 +290 139 2 880475420 +290 141 4 880474740 +290 143 5 880474293 +290 144 3 880473802 +290 151 2 880474835 +290 153 3 880475310 +290 158 5 880474977 +290 161 4 880474293 +290 162 3 880474107 +290 164 4 880474010 +290 167 2 880475807 +290 168 3 880474204 +290 172 5 880474141 +290 174 5 880473891 +290 176 4 880473971 +290 180 1 880474913 +290 183 4 880474054 +290 191 3 880474235 +290 193 4 880473802 +290 196 4 880474293 +290 199 3 880474799 +290 202 4 880474590 +290 204 4 880473696 +290 205 3 880473777 +290 208 3 880475245 +290 210 5 880474716 +290 211 3 880474235 +290 216 4 880475218 +290 218 2 880475542 +290 222 4 880731778 +290 227 2 880473557 +290 228 4 880473556 +290 229 3 880473557 +290 230 4 880473557 +290 239 2 880474451 +290 243 3 880473474 +290 252 3 880732575 +290 257 4 880731518 +290 265 4 880475371 +290 271 3 880473557 +290 274 4 880731874 +290 318 4 880473776 +290 323 3 880473346 +290 357 3 880474107 +290 378 3 880475169 +290 380 3 880731766 +290 393 3 880475169 +290 403 2 880475542 +290 404 3 880475341 +290 418 3 880474293 +290 419 4 880474235 +290 423 5 880474422 +290 429 4 880474606 +290 432 5 880474590 +290 434 4 880474422 +290 435 3 880473802 +290 436 2 880475469 +290 449 1 880473557 +290 450 2 880473557 +290 465 3 880474799 +290 473 1 880475420 +290 474 3 880474204 +290 476 3 880475837 +290 483 5 880473845 +290 484 3 880474174 +290 496 4 880474156 +290 498 4 880473777 +290 515 3 880473918 +290 520 3 880473734 +290 523 3 880473735 +290 527 4 880474590 +290 546 2 880475564 +290 550 3 880475807 +290 568 3 880474716 +290 588 4 880474652 +290 596 4 880474141 +290 622 3 880474204 +290 625 4 880475782 +290 629 3 880474716 +290 650 2 880475625 +290 651 3 880474034 +290 683 2 880473415 +290 685 3 880732365 +290 699 3 880473735 +290 720 3 880475695 +290 732 4 880473777 +290 739 3 880475757 +290 742 2 880475310 +290 755 4 880475218 +290 818 3 880732656 +290 826 2 880732271 +290 832 3 880732491 +290 926 3 880732538 +290 930 3 880732131 +290 1013 2 880732131 +290 1028 3 880732365 +290 1035 4 880475782 +290 1047 4 880475757 +290 1060 3 880732271 +290 1079 2 880732771 +290 1091 2 880475735 +290 1285 3 880475565 +290 1336 3 880733010 +291 1 5 874834481 +291 3 3 874833936 +291 4 4 874835062 +291 5 5 874834799 +291 7 5 874834481 +291 8 4 874871766 +291 9 5 874805804 +291 11 4 874835024 +291 12 5 874834701 +291 15 5 874833668 +291 17 4 874834850 +291 21 2 874834389 +291 22 5 874835062 +291 24 5 874834481 +291 28 4 875086920 +291 31 4 874834768 +291 33 4 874834850 +291 38 3 874834914 +291 41 4 875086636 +291 46 4 874868045 +291 48 5 874868027 +291 49 4 875086090 +291 53 5 874834827 +291 54 4 874834963 +291 55 4 874834735 +291 56 5 874834701 +291 66 4 875086185 +291 67 4 875086308 +291 69 5 874868146 +291 70 4 874868146 +291 72 4 875086090 +291 77 4 874834799 +291 79 5 874834799 +291 80 4 875086354 +291 82 4 874835116 +291 84 3 874868327 +291 85 2 874877699 +291 89 3 874835116 +291 90 5 874871800 +291 92 4 874835091 +291 93 4 874805927 +291 94 2 875086354 +291 95 4 875086921 +291 99 4 875086887 +291 100 5 874834481 +291 101 4 875087198 +291 106 4 874805958 +291 117 5 874834481 +291 118 2 874833878 +291 121 2 874805984 +291 122 3 874834289 +291 123 4 874806006 +291 124 5 874834481 +291 128 4 874835062 +291 129 5 874805699 +291 140 4 875086887 +291 143 3 875086921 +291 144 5 874835091 +291 147 4 874805768 +291 153 4 874871736 +291 154 4 875086185 +291 155 3 875087371 +291 156 5 874834768 +291 159 4 875087488 +291 164 4 874834875 +291 168 5 874871800 +291 174 5 874835062 +291 175 2 874867966 +291 179 5 874868255 +291 181 5 874805804 +291 188 3 874835198 +291 200 4 874867740 +291 202 4 874871736 +291 204 4 874871736 +291 210 5 875086491 +291 212 4 874868027 +291 214 4 874868146 +291 215 4 874868382 +291 218 4 874834799 +291 219 4 874867785 +291 226 5 874834895 +291 231 3 874835024 +291 232 4 874835198 +291 234 4 874834735 +291 235 2 874805860 +291 236 4 874834128 +291 237 4 874805668 +291 238 5 874871736 +291 240 4 874833726 +291 244 2 874805927 +291 245 2 874805577 +291 246 5 874834481 +291 250 4 874805927 +291 262 4 874833603 +291 273 3 874833705 +291 282 4 874833788 +291 284 4 874833687 +291 285 4 874833746 +291 288 5 874805453 +291 290 4 874834001 +291 293 5 874833668 +291 294 5 874834481 +291 324 1 874805453 +291 325 4 874805610 +291 356 4 874834875 +291 364 3 875086699 +291 365 3 874871570 +291 366 3 874868255 +291 367 4 874871800 +291 369 3 874834388 +291 375 1 874868791 +291 376 3 875086534 +291 379 3 874834827 +291 383 2 875086699 +291 384 4 875086562 +291 385 4 874835141 +291 391 1 874835242 +291 393 3 875086235 +291 395 3 875086534 +291 396 4 874867757 +291 401 4 875086766 +291 403 4 874835165 +291 405 4 874805984 +291 410 5 874834481 +291 411 4 874834220 +291 412 3 875086669 +291 413 4 874834054 +291 416 4 875087100 +291 417 4 875086958 +291 418 4 875086920 +291 420 4 875086991 +291 421 4 875087352 +291 423 4 874868210 +291 427 4 874868304 +291 428 5 874871766 +291 448 5 874867741 +291 455 5 874805958 +291 456 3 874834165 +291 460 5 874834254 +291 466 5 874834768 +291 469 5 874867912 +291 470 3 874834768 +291 471 4 874833746 +291 475 5 874805699 +291 496 5 875088191 +291 501 4 875087100 +291 508 5 874805892 +291 540 3 874835141 +291 546 3 874805958 +291 550 4 874835218 +291 551 2 874867824 +291 552 3 874834963 +291 555 1 874868629 +291 558 4 874867757 +291 562 4 874835242 +291 563 3 874867824 +291 565 2 874867852 +291 566 4 874834799 +291 567 5 874867786 +291 568 4 874835141 +291 569 3 874868580 +291 571 2 875086608 +291 572 3 874834944 +291 573 4 874834944 +291 574 1 875087656 +291 576 4 874835198 +291 577 1 875086669 +291 578 4 874835242 +291 581 5 874834827 +291 582 4 875087720 +291 588 4 875086920 +291 597 3 874833857 +291 619 3 874805927 +291 627 4 875086991 +291 636 4 874834799 +291 655 4 874868629 +291 670 5 874867785 +291 672 3 874867741 +291 685 5 874834254 +291 686 5 874835165 +291 706 3 874867785 +291 715 5 874868327 +291 722 4 875086460 +291 729 4 874871442 +291 732 4 874868097 +291 735 4 874868027 +291 739 3 875087334 +291 741 5 874834481 +291 755 2 875086958 +291 756 3 874833878 +291 761 3 874834914 +291 763 4 874833841 +291 769 1 875087673 +291 770 4 874834799 +291 772 4 874868169 +291 780 5 875086636 +291 783 2 875087432 +291 790 4 875086699 +291 794 4 875087334 +291 798 4 874871655 +291 801 3 875086766 +291 816 3 874867852 +291 820 4 875087125 +291 823 3 874833936 +291 824 4 874833962 +291 825 4 874833983 +291 829 2 874834308 +291 833 3 874834236 +291 834 3 874834358 +291 924 4 874833962 +291 928 2 874834389 +291 933 4 874833936 +291 940 3 875086608 +291 941 4 874868284 +291 943 4 874834735 +291 946 4 875086887 +291 974 1 874833962 +291 975 2 874834146 +291 985 3 874805984 +291 998 1 875086728 +291 1012 4 874805892 +291 1016 4 874833827 +291 1017 4 874833911 +291 1028 3 875086561 +291 1042 4 874834944 +291 1046 4 874834875 +291 1047 2 874834165 +291 1059 4 874834345 +291 1067 4 874805892 +291 1073 5 874834701 +291 1077 4 874834963 +291 1078 4 875086920 +291 1079 2 875086608 +291 1083 3 874834876 +291 1098 4 875086330 +291 1109 4 874834768 +291 1139 3 874871671 +291 1157 3 874834944 +291 1178 4 875086354 +291 1188 4 874835165 +291 1206 3 874871551 +291 1209 1 875086308 +291 1210 4 875087656 +291 1213 3 874871655 +291 1215 1 874834184 +291 1217 3 874834850 +291 1219 4 875087221 +291 1220 5 874868382 +291 1229 2 874868027 +291 1239 2 874835279 +291 1244 4 874834345 +291 1253 3 874834944 +291 1273 2 875087634 +291 1277 4 874834019 +291 1303 3 874835279 +291 1305 3 875086766 +291 1376 3 874834323 +291 1471 3 874834914 +291 1478 2 874871585 +291 1505 4 874868647 +292 1 4 881104147 +292 2 4 881105778 +292 7 3 881104068 +292 9 4 881104148 +292 10 5 881104606 +292 11 5 881104093 +292 20 2 881104760 +292 24 4 881104481 +292 28 4 881105734 +292 48 5 881105318 +292 50 4 881103977 +292 56 5 881105373 +292 58 5 881105442 +292 64 5 881105373 +292 79 5 881103434 +292 83 5 881104360 +292 86 4 881105778 +292 96 4 881103568 +292 98 5 881103758 +292 100 5 881103999 +292 111 4 881104606 +292 118 3 881104701 +292 124 4 881104147 +292 125 2 881104401 +292 127 5 881104268 +292 132 4 881105340 +292 135 4 881105701 +292 144 5 881105280 +292 151 5 881104268 +292 153 4 881105587 +292 156 5 881105516 +292 165 4 881105657 +292 168 5 881105318 +292 173 5 881103631 +292 174 5 881105481 +292 176 5 881103478 +292 180 5 881103652 +292 183 5 881103478 +292 190 5 881105625 +292 193 4 881105734 +292 194 4 881105442 +292 195 5 881103568 +292 197 5 881105246 +292 199 5 881105481 +292 203 4 881105442 +292 207 5 881105561 +292 209 5 881103874 +292 214 3 881105701 +292 222 3 881105195 +292 223 5 881105516 +292 226 4 881105281 +292 228 5 881105211 +292 234 5 881105245 +292 235 3 881104797 +292 248 4 881103999 +292 249 3 881104820 +292 250 3 881104679 +292 252 3 881104881 +292 264 3 877628138 +292 265 4 881105587 +292 276 5 881103915 +292 285 4 881103896 +292 288 3 877560833 +292 298 4 881103977 +292 300 4 877628139 +292 320 5 881105373 +292 324 3 881104533 +292 328 3 877560833 +292 331 5 877560833 +292 343 2 881103478 +292 405 3 881104820 +292 408 4 881104068 +292 423 5 881105625 +292 429 5 881105587 +292 462 3 881105657 +292 472 3 881104760 +292 475 5 881103896 +292 479 4 881105516 +292 482 5 881103606 +292 483 5 881105442 +292 484 5 881105625 +292 488 5 881105657 +292 491 4 881105318 +292 492 4 881105318 +292 499 5 881105245 +292 510 4 881104093 +292 511 5 881105373 +292 515 4 881103977 +292 523 4 881105561 +292 525 5 881105701 +292 528 5 881105657 +292 535 3 881105031 +292 589 4 881105516 +292 602 4 881105481 +292 607 4 881105625 +292 628 3 881105123 +292 631 5 881105778 +292 653 4 881105442 +292 654 5 881105481 +292 657 5 881103711 +292 659 5 881105340 +292 661 5 881105561 +292 665 3 881103478 +292 705 4 881105374 +292 748 3 877718776 +292 789 4 881105701 +292 844 5 881104481 +292 855 5 881105373 +292 919 5 881103508 +292 1010 4 881104581 +292 1014 3 881104424 +292 1039 4 881105778 +292 1050 4 881105778 +292 1073 5 881105318 +292 1142 4 881104481 +293 2 3 888907101 +293 3 2 888905399 +293 4 4 888906489 +293 5 3 888906576 +293 7 3 888905062 +293 8 3 888905736 +293 12 4 888905665 +293 14 3 888904985 +293 15 3 888904777 +293 16 2 888907499 +293 17 2 888907335 +293 22 3 888905819 +293 23 4 888905865 +293 25 3 888904696 +293 26 3 888907015 +293 27 3 888907753 +293 28 3 888906071 +293 29 1 888907499 +293 31 2 888906244 +293 33 2 888907433 +293 36 1 888908041 +293 38 1 888907981 +293 39 3 888906804 +293 45 5 888906315 +293 47 3 888907061 +293 48 5 888905819 +293 49 3 888907312 +293 50 5 888905519 +293 53 3 888907891 +293 54 3 888907210 +293 55 4 888906096 +293 56 4 888905550 +293 62 1 888907624 +293 64 5 888905519 +293 65 3 888906945 +293 66 2 888906781 +293 67 3 888907575 +293 68 3 888906990 +293 69 3 888906576 +293 70 3 888907101 +293 71 4 888906905 +293 73 2 888906869 +293 76 3 888906824 +293 77 2 888907210 +293 79 3 888906045 +293 81 4 888906576 +293 82 4 888906402 +293 85 3 888906927 +293 87 4 888907015 +293 88 3 888907266 +293 89 5 888905582 +293 91 2 888907499 +293 92 4 888906071 +293 94 2 888908066 +293 97 4 888905898 +293 98 4 888905898 +293 99 3 888906402 +293 111 2 888905062 +293 117 3 888904696 +293 121 3 888905198 +293 122 3 888905399 +293 124 4 888904696 +293 125 2 888905086 +293 127 5 888904614 +293 129 3 888904814 +293 132 4 888905481 +293 133 3 888906045 +293 134 5 888905618 +293 135 5 888905550 +293 137 3 888904653 +293 139 3 888908088 +293 144 4 888905819 +293 147 2 888905229 +293 148 1 888907015 +293 150 3 888904838 +293 151 4 888904927 +293 153 4 888905948 +293 155 2 888907356 +293 156 4 888905948 +293 157 5 888905779 +293 158 2 888907603 +293 159 3 888907674 +293 160 4 888907036 +293 162 3 888907312 +293 163 4 888907290 +293 164 4 888906598 +293 165 3 888905991 +293 166 3 888905520 +293 167 3 888907702 +293 172 5 888905618 +293 174 5 888905923 +293 176 4 888906536 +293 177 4 888906193 +293 179 4 888905898 +293 180 5 888906428 +293 181 3 888904734 +293 182 5 888905481 +293 183 4 888906119 +293 186 2 888906045 +293 187 3 888905865 +293 188 3 888906288 +293 192 5 888905582 +293 194 4 888906045 +293 195 3 888906119 +293 196 4 888906012 +293 198 4 888906143 +293 199 5 888905582 +293 200 4 888906655 +293 202 3 888906490 +293 203 3 888906781 +293 204 3 888906012 +293 206 4 888907552 +293 208 3 888906071 +293 209 3 888905519 +293 210 3 888905665 +293 211 4 888906338 +293 213 3 888906905 +293 215 4 888906244 +293 216 4 888905990 +293 222 3 888904861 +293 223 4 888905990 +293 226 1 888906906 +293 227 2 888906990 +293 228 3 888906315 +293 230 2 888907384 +293 232 2 888907384 +293 233 2 888907266 +293 234 5 888906726 +293 237 3 888904696 +293 238 4 888906464 +293 239 3 888907166 +293 240 2 888905086 +293 245 3 888904265 +293 248 3 888904985 +293 249 3 888905229 +293 250 3 888904862 +293 251 4 888904734 +293 252 2 888905086 +293 255 3 888905146 +293 257 2 888904696 +293 258 3 888904092 +293 264 3 888904392 +293 265 3 888906193 +293 272 4 888904180 +293 273 4 888904901 +293 275 3 888904696 +293 280 2 888905198 +293 282 2 888905170 +293 283 2 888904884 +293 284 2 888905122 +293 285 5 888904632 +293 286 3 888904265 +293 288 3 888904327 +293 290 2 888905198 +293 291 2 888905377 +293 293 4 888904795 +293 294 2 888904410 +293 297 4 888905034 +293 298 4 888904795 +293 300 2 888904004 +293 302 4 888904092 +293 303 4 888904220 +293 313 4 888904004 +293 315 3 888904513 +293 316 3 888904392 +293 317 4 888906193 +293 322 2 888904456 +293 325 2 888904353 +293 328 2 888904285 +293 346 3 888904004 +293 347 2 888904353 +293 356 3 888907955 +293 357 4 888905760 +293 366 2 888907981 +293 367 2 888906288 +293 371 2 888906906 +293 380 2 888907527 +293 386 2 888908065 +293 393 3 888906906 +293 401 1 888907453 +293 402 2 888907702 +293 403 3 888906869 +293 404 4 888907122 +293 405 1 888905198 +293 410 2 888905034 +293 411 2 888905170 +293 412 1 888905377 +293 414 4 888906576 +293 416 4 888907575 +293 419 3 888906699 +293 421 3 888906576 +293 423 3 888906070 +293 425 4 888905923 +293 426 1 888907291 +293 427 4 888906288 +293 430 3 888905716 +293 432 5 888906516 +293 433 3 888907407 +293 435 4 888906464 +293 443 4 888906781 +293 445 4 888906315 +293 447 4 888907290 +293 460 3 888905005 +293 461 2 888905519 +293 462 4 888905819 +293 463 4 888906619 +293 464 3 888906927 +293 466 3 888906655 +293 467 4 888906263 +293 468 2 888906869 +293 469 4 888906378 +293 471 3 888904884 +293 474 5 888905685 +293 479 4 888905923 +293 480 5 888905685 +293 482 4 888906096 +293 483 5 888905481 +293 484 5 888906217 +293 485 3 888905948 +293 491 4 888905923 +293 492 5 888906096 +293 496 5 888905840 +293 497 4 888906217 +293 501 4 888906378 +293 502 3 888906428 +293 503 4 888907145 +293 504 4 888905736 +293 506 5 888906428 +293 507 4 888905665 +293 509 3 888905948 +293 510 3 888905716 +293 514 4 888906378 +293 518 5 888906489 +293 521 3 888906288 +293 527 4 888906598 +293 528 4 888906490 +293 531 4 888905642 +293 544 3 888905062 +293 546 1 888904927 +293 549 3 888907166 +293 550 1 888906781 +293 553 3 888907453 +293 554 1 888907794 +293 558 3 888906143 +293 559 2 888906168 +293 566 3 888907312 +293 568 4 888906489 +293 572 2 888907931 +293 578 2 888907913 +293 582 4 888906536 +293 583 3 888908001 +293 588 3 888906748 +293 589 4 888906677 +293 591 3 888904712 +293 603 5 888905898 +293 605 3 888907702 +293 616 3 888907753 +293 619 1 888905229 +293 627 2 888906338 +293 628 3 888905004 +293 629 3 888907753 +293 632 3 888906464 +293 636 4 888906576 +293 637 3 888907186 +293 638 4 888906168 +293 642 3 888906804 +293 646 3 888906244 +293 647 5 888905760 +293 649 4 888906726 +293 651 3 888905865 +293 653 5 888906119 +293 654 5 888905760 +293 655 3 888905618 +293 657 4 888905582 +293 658 1 888907499 +293 660 2 888907433 +293 663 3 888906516 +293 665 2 888908117 +293 678 2 888904439 +293 679 2 888906699 +293 684 3 888905481 +293 685 3 888905170 +293 686 3 888906869 +293 696 2 888905229 +293 705 5 888906338 +293 708 3 888907527 +293 710 3 888907145 +293 712 2 888907603 +293 715 3 888907674 +293 720 1 888907674 +293 724 3 888907061 +293 729 2 888907145 +293 732 3 888906516 +293 739 2 888906804 +293 742 2 888904927 +293 746 3 888906748 +293 747 2 888905819 +293 748 2 888904327 +293 751 3 888904180 +293 761 2 888907981 +293 765 3 888907836 +293 770 3 888906655 +293 779 1 888908066 +293 780 3 888907816 +293 781 2 888907644 +293 789 2 888906071 +293 804 1 888907816 +293 809 2 888908117 +293 810 1 888907674 +293 820 2 888905306 +293 824 3 888905252 +293 831 3 888905286 +293 843 3 888907836 +293 845 2 888904838 +293 849 2 888907891 +293 856 3 888905686 +293 866 3 888905322 +293 871 1 888908066 +293 895 3 888904410 +293 924 2 888904814 +293 931 1 888905252 +293 933 2 888905399 +293 939 2 888906516 +293 941 2 888907407 +293 942 4 888907210 +293 943 2 888906576 +293 955 2 888906464 +293 977 2 888908088 +293 1011 3 888905146 +293 1016 2 888905086 +293 1017 3 888904862 +293 1018 3 888907552 +293 1041 2 888907674 +293 1042 3 888907575 +293 1044 2 888908117 +293 1046 1 888907061 +293 1048 3 888905034 +293 1057 2 888905229 +293 1098 2 888905519 +293 1101 3 888906677 +293 1119 1 888906655 +293 1132 3 888905416 +293 1147 4 888907081 +293 1161 2 888905062 +293 1208 3 888906990 +293 1209 2 888908117 +293 1217 1 888907913 +293 1220 2 888907552 +293 1226 3 888905198 +293 1229 1 888907210 +293 1248 2 888907527 +293 1264 3 888905582 +293 1267 3 888906966 +293 1286 4 888906844 +293 1298 3 888906045 +293 1311 3 888907603 +293 1333 4 888905618 +293 1421 2 888907794 +294 1 5 877819634 +294 7 4 877819563 +294 10 3 877819490 +294 21 3 877819897 +294 24 4 877819761 +294 50 5 877819353 +294 79 4 889854323 +294 100 4 877819265 +294 105 3 889242660 +294 109 4 877819599 +294 111 4 877819999 +294 117 4 877819634 +294 118 3 877819941 +294 120 2 889242937 +294 121 5 877819714 +294 122 3 889242661 +294 123 4 877819634 +294 125 3 877820272 +294 127 5 877819265 +294 147 4 877819845 +294 148 3 877820155 +294 151 5 877819761 +294 181 5 877819532 +294 222 4 877819353 +294 235 3 877819532 +294 237 4 889242035 +294 240 3 877820294 +294 245 3 877818982 +294 246 4 889241864 +294 248 5 877819421 +294 249 5 877819941 +294 250 5 877819459 +294 252 4 877820240 +294 254 3 889242937 +294 255 3 889241958 +294 260 4 877819126 +294 264 2 877819090 +294 268 4 889241426 +294 269 5 877818457 +294 271 5 889241426 +294 282 3 877821796 +294 288 5 877818729 +294 291 2 889242469 +294 293 4 877819897 +294 294 4 877818860 +294 295 4 877820132 +294 298 5 877819265 +294 299 3 877818982 +294 300 4 877818861 +294 307 3 889241466 +294 313 5 889241339 +294 322 1 889243393 +294 323 3 877818729 +294 324 4 877818729 +294 325 3 877818861 +294 327 3 877818982 +294 328 4 877818982 +294 331 4 877818580 +294 332 3 877818915 +294 333 4 877818861 +294 334 4 877818861 +294 340 4 889241280 +294 342 3 889241466 +294 343 4 889241511 +294 346 3 889241377 +294 347 5 889241377 +294 350 4 889241426 +294 354 3 889241377 +294 355 4 889241426 +294 358 2 877818861 +294 363 1 889243393 +294 405 4 877819761 +294 406 2 877819941 +294 410 4 877819897 +294 411 3 889242589 +294 413 3 889242166 +294 455 3 877819490 +294 471 4 877820189 +294 472 3 889242370 +294 475 5 877819310 +294 476 3 877819792 +294 483 4 889854323 +294 508 4 877819532 +294 515 5 889242081 +294 520 5 889854323 +294 535 4 877820240 +294 539 4 889241707 +294 544 4 877819673 +294 546 4 877819761 +294 547 3 877819972 +294 597 3 889242306 +294 603 5 889854323 +294 619 3 877820328 +294 676 3 877821514 +294 678 2 877818861 +294 682 3 889241486 +294 689 3 889241579 +294 742 4 877819634 +294 743 2 889242905 +294 748 3 877818861 +294 749 3 877818915 +294 751 4 889241309 +294 752 3 889241377 +294 823 3 877820190 +294 825 3 877820272 +294 826 1 889243393 +294 827 1 889243393 +294 829 3 889242788 +294 831 3 889242542 +294 872 4 877818580 +294 876 3 889241633 +294 879 4 877818580 +294 895 4 889241309 +294 902 4 891404417 +294 926 3 877819713 +294 928 3 889242468 +294 930 3 889242704 +294 931 3 889242857 +294 979 3 877819897 +294 1007 4 877819761 +294 1011 2 889242370 +294 1012 4 877819792 +294 1013 2 889242788 +294 1016 4 877820189 +294 1047 3 877820240 +294 1067 4 877819421 +294 1079 2 889242624 +294 1081 3 889242328 +294 1088 1 889243393 +294 1089 2 877820132 +294 1132 4 889242788 +294 1134 3 877819761 +294 1161 3 877819673 +294 1199 2 889242142 +294 1245 3 877819265 +294 1254 3 889242661 +295 4 4 879518568 +295 7 5 879518018 +295 11 4 879517062 +295 22 4 879517372 +295 25 5 879518042 +295 39 4 879518279 +295 42 3 879517467 +295 43 4 879518107 +295 47 5 879518166 +295 53 1 879519528 +295 56 4 879517348 +295 60 5 879517492 +295 65 5 879517655 +295 67 4 879519042 +295 68 4 879518960 +295 69 5 879517911 +295 70 5 879517779 +295 71 5 879517822 +295 72 4 879518714 +295 73 4 879519009 +295 79 4 879517600 +295 82 4 879518126 +295 84 2 879518107 +295 86 5 879966498 +295 88 4 879517964 +295 89 5 879519555 +295 91 5 879519556 +295 94 4 879518339 +295 95 4 879518080 +295 96 1 879517299 +295 97 5 879517761 +295 98 5 879517193 +295 99 4 879517741 +295 100 5 879518080 +295 102 4 879518339 +295 105 4 879519473 +295 109 4 879517911 +295 115 5 879517135 +295 118 3 879518840 +295 121 4 879518455 +295 125 5 879518528 +295 132 5 879517348 +295 133 4 879517432 +295 134 5 879519556 +295 137 4 879517271 +295 142 4 879518590 +295 143 4 879517682 +295 151 4 879517635 +295 153 5 879517324 +295 154 5 879517801 +295 155 4 879518715 +295 157 5 879966498 +295 158 4 879518932 +295 159 4 879518107 +295 161 4 879518430 +295 162 4 879517157 +295 164 5 879518395 +295 168 5 879517467 +295 172 4 879516986 +295 173 5 879518257 +295 174 4 879517062 +295 181 4 879517860 +295 183 1 879517348 +295 186 5 879517512 +295 188 3 879518042 +295 190 4 879517062 +295 191 5 879517033 +295 194 4 879517412 +295 196 5 879966498 +295 202 5 879517943 +295 204 4 879517655 +295 208 5 879517157 +295 210 4 879518378 +295 213 5 879517324 +295 215 5 879517247 +295 216 5 879517580 +295 217 4 879517705 +295 218 5 879966498 +295 222 4 879517136 +295 226 4 879518166 +295 228 4 879518414 +295 229 4 879519010 +295 230 4 879517271 +295 232 3 879518900 +295 235 4 879517943 +295 237 4 879517994 +295 238 4 879517136 +295 241 5 879518800 +295 265 4 879518042 +295 290 4 879518630 +295 318 5 879517010 +295 357 4 879517136 +295 371 4 879518257 +295 378 4 879518233 +295 380 4 879518455 +295 381 5 879518528 +295 382 5 879519556 +295 385 4 879518864 +295 386 4 879519308 +295 389 4 879518298 +295 395 4 879519501 +295 401 3 879519390 +295 403 4 879517762 +295 404 4 879518378 +295 405 5 879518319 +295 412 2 879519237 +295 414 4 879517157 +295 416 4 879518630 +295 417 5 879518474 +295 419 4 879518107 +295 420 4 879518233 +295 421 4 879517802 +295 423 4 879517372 +295 427 4 879517412 +295 431 5 879518233 +295 435 5 879519556 +295 450 4 879519438 +295 451 4 879518864 +295 465 4 879518630 +295 483 5 879517348 +295 485 4 879517558 +295 493 5 879516961 +295 496 5 879517682 +295 497 5 879519556 +295 498 5 879519556 +295 504 4 879517299 +295 513 4 879517492 +295 527 4 879517964 +295 559 4 879518674 +295 561 5 879518696 +295 570 3 879518590 +295 582 5 879517721 +295 588 4 879517682 +295 602 5 879517247 +295 624 5 879518654 +295 629 5 879518780 +295 631 5 879966498 +295 642 4 879517943 +295 648 4 879517324 +295 655 5 879517010 +295 660 5 879518143 +295 704 5 879519266 +295 705 4 879517682 +295 720 4 879518801 +295 722 4 879518881 +295 727 5 879517682 +295 729 4 879518018 +295 736 5 879966498 +295 737 5 879518607 +295 738 4 879518546 +295 739 4 879518319 +295 740 4 879517225 +295 743 4 879518674 +295 747 4 879518590 +295 790 3 879519265 +295 794 4 879518978 +295 809 4 879519438 +295 812 4 879518739 +295 843 4 879517994 +295 941 4 879518359 +295 946 2 879517994 +295 961 5 879519556 +295 965 4 879517271 +295 966 5 879518060 +295 997 3 879518821 +295 1028 5 879519556 +295 1039 4 879517742 +295 1040 2 879519180 +295 1050 5 879517761 +295 1115 5 879518568 +295 1133 4 879519528 +295 1135 4 879518696 +295 1170 5 879966498 +295 1188 3 879519354 +295 1221 5 879518455 +295 1401 5 879966498 +295 1446 4 879519026 +295 1459 5 879519237 +295 1473 4 879519473 +295 1503 2 879517082 +296 10 2 884196605 +296 14 4 884196665 +296 15 3 884196712 +296 19 5 884196524 +296 20 5 884196921 +296 22 4 884197068 +296 23 5 884197235 +296 24 2 884196605 +296 32 4 884197131 +296 45 5 884197419 +296 48 5 884197091 +296 50 5 884196469 +296 55 5 884197287 +296 56 5 884197287 +296 61 3 884197287 +296 79 4 884197068 +296 83 5 884199624 +296 89 5 884197352 +296 96 5 884197287 +296 98 5 884197091 +296 100 5 884196489 +296 111 3 884196712 +296 117 3 884196741 +296 121 5 884196689 +296 124 5 884196555 +296 125 5 884196985 +296 127 5 884196489 +296 134 5 884197264 +296 137 4 884196741 +296 144 4 884197131 +296 150 1 884196556 +296 151 2 884196964 +296 153 4 884197419 +296 172 5 884197193 +296 179 4 884197419 +296 180 5 884198772 +296 186 3 884199624 +296 187 5 884198772 +296 191 5 884197193 +296 194 5 884197193 +296 198 5 884197264 +296 199 5 884197193 +296 204 5 884199625 +296 209 4 884199625 +296 210 3 884197308 +296 221 5 884196524 +296 222 5 884196640 +296 228 4 884197264 +296 237 5 884196785 +296 238 4 884199624 +296 240 1 884196765 +296 242 4 884196057 +296 246 4 884196584 +296 248 5 884196765 +296 250 2 884196689 +296 251 5 884196523 +296 255 2 884196584 +296 256 5 884196741 +296 257 5 884196921 +296 258 5 884196469 +296 259 1 884196374 +296 268 4 884196238 +296 269 5 884196258 +296 272 5 884198772 +296 274 4 884196741 +296 275 4 884196555 +296 277 5 884198772 +296 279 4 884196640 +296 281 2 884196985 +296 282 4 884196712 +296 284 4 884196805 +296 286 5 884196209 +296 287 4 884196765 +296 289 3 884196351 +296 292 5 884196057 +296 293 5 884196765 +296 294 1 884196374 +296 297 4 884196665 +296 298 1 884196640 +296 301 5 884196284 +296 303 4 884196238 +296 304 3 884196149 +296 309 1 884196209 +296 313 5 884196114 +296 315 5 884196351 +296 357 5 884197068 +296 427 5 884198772 +296 429 5 884197330 +296 435 5 884197108 +296 455 1 884196921 +296 462 4 884197330 +296 469 5 884197264 +296 475 4 884196555 +296 480 5 884197068 +296 482 5 884197330 +296 484 4 884197308 +296 485 5 884197235 +296 498 5 884197352 +296 504 5 884197394 +296 508 5 884196584 +296 510 5 884197264 +296 514 5 884199624 +296 515 5 884196555 +296 521 4 884197091 +296 523 4 884197235 +296 528 5 884197068 +296 544 4 884196938 +296 628 5 884196640 +296 652 4 884197068 +296 654 5 884197419 +296 659 5 884198772 +296 663 5 884198772 +296 685 4 884196896 +296 688 1 884196374 +296 696 4 884196805 +296 705 5 884197193 +296 750 5 884196150 +296 815 3 884196806 +296 845 5 884196689 +296 846 2 884196985 +296 855 5 884197352 +296 898 4 884196284 +296 923 5 884197193 +296 948 1 884196149 +296 950 4 884196741 +296 961 5 884197287 +296 963 5 884197352 +296 1007 4 884196921 +296 1009 3 884196921 +296 1073 5 884197330 +296 1142 5 884196524 +296 1160 4 884196964 +296 1251 5 884196469 +296 1284 4 884196765 +297 1 3 874954425 +297 4 1 875240201 +297 7 4 874954541 +297 8 5 875239795 +297 11 4 875240015 +297 12 5 875239619 +297 13 3 874955210 +297 17 3 875240201 +297 20 4 874954763 +297 22 4 875238984 +297 24 4 874954260 +297 25 4 874954497 +297 27 1 875239535 +297 31 3 881708087 +297 32 4 875239267 +297 34 3 875410124 +297 42 3 875238853 +297 47 2 875240090 +297 50 5 874954541 +297 53 3 875239942 +297 55 4 875238922 +297 56 5 875239422 +297 57 5 875239383 +297 69 3 875240171 +297 70 5 875239619 +297 73 2 875239691 +297 79 3 875239125 +297 83 4 875774306 +297 86 5 875238883 +297 89 4 875239125 +297 90 4 875239942 +297 92 3 875239346 +297 95 3 875238814 +297 97 5 875239871 +297 98 5 875238579 +297 100 5 874954183 +297 102 1 875240267 +297 108 4 874955085 +297 109 4 874954814 +297 111 3 874955085 +297 114 5 875239569 +297 116 4 874954260 +297 117 4 874954497 +297 118 3 875239495 +297 128 4 875239346 +297 129 4 874954353 +297 133 4 875240090 +297 135 4 875238608 +297 137 5 874954425 +297 143 5 875239870 +297 151 3 875239975 +297 153 5 875240053 +297 154 5 875239658 +297 156 4 875240090 +297 157 2 875238853 +297 160 1 875238853 +297 168 5 875049192 +297 173 4 875240237 +297 174 5 875410071 +297 175 4 875238883 +297 176 4 881708055 +297 182 3 875239125 +297 183 4 875238984 +297 185 5 875239870 +297 191 3 875238923 +297 194 3 875239453 +297 195 1 875240053 +297 197 3 875239691 +297 198 3 875238923 +297 200 3 875239092 +297 201 4 875238984 +297 202 3 875238638 +297 204 3 875239422 +297 208 4 875049192 +297 209 4 875239535 +297 211 4 875240090 +297 213 3 875240171 +297 215 2 875240133 +297 216 4 875409423 +297 218 3 875409827 +297 222 4 874954845 +297 223 5 875238638 +297 228 2 875238984 +297 230 2 875238814 +297 231 3 875239913 +297 233 2 875239914 +297 234 3 875239018 +297 235 2 874954611 +297 237 4 875239383 +297 238 5 875409525 +297 243 1 878771163 +297 245 3 874954060 +297 249 3 874955210 +297 250 1 874955085 +297 257 3 874954763 +297 258 5 874953892 +297 265 3 875239454 +297 267 3 875409139 +297 268 4 881707737 +297 269 4 875774037 +297 271 2 881707810 +297 272 5 884039431 +297 273 4 874954763 +297 275 5 874954260 +297 277 3 875048641 +297 282 3 874954845 +297 283 4 874954387 +297 284 4 874954497 +297 286 5 874953892 +297 288 3 874955131 +297 293 3 874954844 +297 298 5 874954814 +297 300 3 874953892 +297 301 4 876529834 +297 302 4 875408934 +297 307 4 878771124 +297 326 2 874953892 +297 338 2 881707832 +297 347 3 885922424 +297 419 3 875240016 +297 423 3 875240237 +297 430 1 875238778 +297 432 4 875239658 +297 435 3 875238726 +297 443 2 875240133 +297 447 4 875239691 +297 448 3 875240171 +297 455 4 874954611 +297 471 3 874954611 +297 474 4 875239125 +297 475 5 874954426 +297 479 5 875240015 +297 480 4 875238923 +297 508 4 874955210 +297 514 3 875239383 +297 515 5 874954353 +297 529 3 875238778 +297 535 3 874954814 +297 546 3 874954763 +297 574 1 875239092 +297 582 4 875238814 +297 588 4 875238579 +297 596 3 874955107 +297 603 5 875239942 +297 625 3 875240266 +297 628 4 874954497 +297 629 3 875410013 +297 652 3 875239346 +297 659 4 881708055 +297 678 3 874954093 +297 687 2 875409099 +297 690 5 876717812 +297 692 3 875239018 +297 699 4 875239658 +297 705 2 875238726 +297 716 3 875239422 +297 724 3 875238883 +297 736 4 875239975 +297 742 3 875774155 +297 746 3 875239569 +297 748 2 874954060 +297 750 5 888643345 +297 751 4 885922463 +297 752 4 888643376 +297 864 3 874954541 +297 919 1 874954260 +297 984 1 881707865 +297 1007 4 874954763 +297 1014 3 874954845 +297 1016 3 874955131 +297 1073 3 875238695 +297 1109 3 875238922 +297 1136 3 875240053 +297 1217 1 875240132 +297 1296 4 875408935 +298 1 5 884126061 +298 8 5 884182748 +298 22 4 884182965 +298 23 4 884183236 +298 28 4 884182725 +298 58 4 884182725 +298 69 4 884125058 +298 71 5 884183016 +298 79 5 884182685 +298 88 5 884183236 +298 91 2 884182932 +298 97 4 884183063 +298 98 4 884127720 +298 99 3 884127249 +298 118 4 884183016 +298 127 5 884125847 +298 132 5 884182966 +298 133 3 884125093 +298 134 5 884182966 +298 143 5 884182966 +298 144 4 884182838 +298 151 3 884183952 +298 152 3 884183336 +298 153 3 884127369 +298 168 5 884182933 +298 172 4 884124993 +298 178 5 884127369 +298 181 4 884125629 +298 183 3 884182600 +298 185 3 884182774 +298 186 4 884183256 +298 193 5 884182867 +298 194 5 884127249 +298 195 4 884183277 +298 196 4 884182891 +298 197 4 884183236 +298 200 3 884183063 +298 202 3 884182867 +298 203 3 884182966 +298 205 5 884181969 +298 208 5 884182867 +298 211 5 884125093 +298 213 3 884183130 +298 215 5 884182685 +298 237 5 884126240 +298 252 4 884183833 +298 257 4 884126240 +298 261 4 884126805 +298 265 4 884127720 +298 274 3 884183640 +298 275 3 884125672 +298 276 2 884183833 +298 281 3 884183336 +298 282 4 884125629 +298 284 4 884126240 +298 286 4 884124929 +298 294 3 884184024 +298 311 3 884126552 +298 317 4 884182806 +298 318 5 884182657 +298 393 4 884183099 +298 402 3 884183063 +298 418 4 884183406 +298 419 5 884182774 +298 423 5 884183063 +298 430 5 884182657 +298 432 4 884183307 +298 435 5 884182573 +298 465 4 884182806 +298 471 4 884125847 +298 473 3 884183952 +298 474 4 884182806 +298 477 4 884126202 +298 479 5 884182685 +298 482 5 884182657 +298 483 5 884125441 +298 484 4 884182627 +298 485 3 884124993 +298 486 3 884183063 +298 496 5 884127603 +298 498 5 884182573 +298 502 5 884183406 +298 503 4 884183237 +298 504 3 884127249 +298 507 4 884182657 +298 511 4 884127690 +298 514 4 884182989 +298 523 4 884182774 +298 527 5 884182725 +298 530 5 884182600 +298 588 4 884125022 +298 596 3 884126288 +298 603 5 884125093 +298 604 5 884127720 +298 625 4 884183406 +298 651 5 884183063 +298 652 3 884183099 +298 660 3 884182838 +298 679 3 884183099 +298 705 4 884182148 +298 820 4 884183897 +298 842 4 884127249 +298 864 3 884183912 +298 866 3 884183930 +298 946 3 884182868 +298 951 4 884183130 +298 993 4 884125629 +298 1142 4 884183572 +298 1346 3 884126061 +299 1 3 877877535 +299 7 3 877877847 +299 13 4 877877965 +299 14 4 877877775 +299 17 1 889503374 +299 19 1 877877434 +299 20 3 877880111 +299 23 4 878192154 +299 24 3 877877732 +299 25 3 877878227 +299 26 4 878192601 +299 28 4 877880474 +299 32 3 877881169 +299 45 3 878192238 +299 47 4 877881508 +299 48 4 877880612 +299 49 4 889502823 +299 50 4 877877775 +299 52 4 877880962 +299 55 2 877881061 +299 56 4 877880350 +299 58 3 878192601 +299 59 5 877880394 +299 60 5 878192680 +299 61 4 877880648 +299 67 2 889503740 +299 70 3 877881320 +299 71 3 878192238 +299 73 2 889503265 +299 77 3 878192638 +299 81 4 889504036 +299 83 5 878192344 +299 86 4 889502050 +299 88 3 889502902 +299 89 5 878192756 +299 91 4 889501654 +299 94 1 889503564 +299 95 3 889501654 +299 98 4 877881229 +299 99 3 889501790 +299 100 3 877877600 +299 101 2 889501721 +299 111 3 877878184 +299 114 4 878191943 +299 115 3 877880474 +299 127 5 877877434 +299 129 4 877877733 +299 134 4 878192311 +299 135 4 878191889 +299 136 4 878192078 +299 137 4 877877535 +299 143 3 877880612 +299 144 4 877881320 +299 150 5 877877535 +299 151 4 877878227 +299 152 4 877880474 +299 153 3 877881320 +299 154 4 878191943 +299 165 4 889501890 +299 166 4 889501926 +299 167 3 889503159 +299 168 4 878192039 +299 169 4 878192555 +299 170 5 889501190 +299 171 4 877880961 +299 173 5 889501163 +299 174 4 877880961 +299 175 5 879123190 +299 176 4 880699166 +299 179 4 878191943 +299 181 3 877877479 +299 182 3 878192039 +299 185 3 878192039 +299 186 3 889503233 +299 190 5 877881356 +299 191 4 878192039 +299 194 3 877881229 +299 197 3 878192039 +299 198 4 889501288 +299 202 4 889501325 +299 204 4 889503112 +299 208 4 878191995 +299 209 3 889503013 +299 210 4 889502980 +299 211 4 877880961 +299 212 4 878191889 +299 213 5 878192555 +299 216 5 889502688 +299 222 2 877878148 +299 228 3 878191823 +299 229 3 878192429 +299 235 1 877878184 +299 237 2 877877649 +299 238 4 877880852 +299 239 3 878192601 +299 240 2 877878414 +299 248 5 877877933 +299 249 3 877878414 +299 251 5 877877434 +299 255 2 877878036 +299 257 2 877877732 +299 259 3 877877323 +299 264 2 877877290 +299 270 4 878052375 +299 271 3 879737472 +299 274 3 877878339 +299 275 4 877877535 +299 276 4 877877691 +299 278 3 877879980 +299 283 3 889417370 +299 285 5 877877847 +299 286 4 877618524 +299 288 3 877618584 +299 289 3 877877323 +299 294 2 877618584 +299 297 3 877877691 +299 298 4 877878227 +299 300 4 877618619 +299 302 4 889501087 +299 303 3 877618584 +299 305 3 879737314 +299 311 4 880198334 +299 318 4 877880649 +299 319 3 889501480 +299 333 4 892249868 +299 343 3 881605700 +299 345 4 884023998 +299 346 3 886101436 +299 347 4 887135610 +299 354 4 888854746 +299 367 4 878192497 +299 378 3 878192680 +299 381 3 889502198 +299 387 2 889502756 +299 393 2 889503503 +299 396 4 889503503 +299 399 2 889503373 +299 402 3 889502865 +299 408 4 877877847 +299 418 4 889501790 +299 423 3 878192238 +299 432 3 877880612 +299 433 5 889501365 +299 461 3 878192601 +299 462 5 878192463 +299 473 3 877878561 +299 474 5 877880474 +299 475 4 877877600 +299 478 4 877880612 +299 479 4 878192556 +299 482 4 877881508 +299 483 5 877880961 +299 484 4 877881169 +299 485 4 877881320 +299 487 5 889501230 +299 488 4 877881508 +299 496 3 878192154 +299 498 4 878192237 +299 501 3 889501790 +299 502 4 878192756 +299 503 4 878192601 +299 508 4 877878451 +299 509 4 877880566 +299 510 5 889501392 +299 511 4 878192311 +299 512 4 889501995 +299 513 4 877881228 +299 514 5 877881229 +299 516 4 889503159 +299 517 4 889502688 +299 522 3 877880522 +299 529 4 877880852 +299 531 3 877880350 +299 538 3 881605700 +299 543 5 889501890 +299 546 3 877879980 +299 553 3 889502865 +299 577 3 889503806 +299 582 2 889502159 +299 588 4 877880852 +299 602 3 878191995 +299 606 4 889501393 +299 607 4 877881229 +299 615 4 878192555 +299 634 2 877880852 +299 641 4 889501514 +299 645 4 877881276 +299 647 4 878192804 +299 652 3 877880522 +299 655 3 889502979 +299 662 4 878192429 +299 692 4 877880915 +299 702 4 889502159 +299 710 4 877881508 +299 715 4 889503441 +299 724 3 889502687 +299 727 4 878192379 +299 728 2 889503159 +299 730 4 889501926 +299 732 4 889502688 +299 733 3 888855244 +299 739 3 889502865 +299 742 4 877878339 +299 746 4 889502979 +299 747 4 889502640 +299 749 1 877618647 +299 752 3 887136060 +299 753 5 877880852 +299 778 4 889502688 +299 792 4 889503112 +299 811 4 877880794 +299 813 4 878192192 +299 820 3 889501620 +299 847 4 877877649 +299 855 4 889502087 +299 889 3 884023918 +299 895 2 884993860 +299 915 4 892250102 +299 916 3 892249868 +299 919 3 889501551 +299 921 3 889502087 +299 936 4 889417423 +299 950 2 877878148 +299 954 3 889503503 +299 955 4 889502823 +299 959 2 889503159 +299 962 4 889501593 +299 965 4 889501260 +299 970 4 877880350 +299 971 2 889502353 +299 998 2 889503774 +299 1005 5 878192833 +299 1006 4 878192804 +299 1018 3 889502324 +299 1020 4 878192237 +299 1021 3 878192721 +299 1036 2 889503856 +299 1039 4 878191779 +299 1047 2 877880041 +299 1050 4 878192721 +299 1056 4 889502292 +299 1073 4 879123070 +299 1074 3 889502786 +299 1103 4 889503013 +299 1119 4 889502727 +299 1132 1 877880196 +299 1141 4 877880522 +299 1214 2 889502528 +299 1223 3 878191779 +299 1226 2 877878602 +299 1227 1 878192556 +299 1322 3 877878001 +299 1379 3 877878080 +299 1506 4 878192680 +299 1507 3 877881170 +300 100 3 875650267 +300 243 4 875650068 +300 257 4 875650267 +300 261 3 875650018 +300 264 1 875650132 +300 288 4 875649995 +300 300 4 875649995 +300 322 4 875650018 +300 328 3 875650068 +300 409 4 875650329 +300 456 4 875650267 +300 833 4 875650329 +300 872 5 875650068 +300 876 5 875650105 +300 881 5 875650105 +300 948 4 875650018 +300 1012 4 875650329 +300 1094 5 875650298 +301 1 4 882074345 +301 2 2 882076587 +301 3 2 882075082 +301 4 4 882077033 +301 7 4 882074236 +301 8 4 882076494 +301 9 3 882074291 +301 11 4 882076291 +301 12 4 882076239 +301 17 4 882077142 +301 21 2 882074967 +301 22 4 882075859 +301 24 4 882074312 +301 25 3 882075110 +301 28 4 882076264 +301 29 4 882078492 +301 31 3 882076463 +301 33 4 882078228 +301 39 3 882076292 +301 41 3 882079446 +301 42 4 882075743 +301 43 5 882078994 +301 47 4 882076936 +301 50 5 882074647 +301 51 4 882078928 +301 53 1 882078883 +301 54 3 882076587 +301 56 4 882076587 +301 58 4 882077285 +301 62 3 882078419 +301 64 5 882075672 +301 66 4 882077330 +301 67 2 882078621 +301 68 4 882076558 +301 71 4 882077007 +301 73 4 882075962 +301 76 4 882078250 +301 77 3 882076751 +301 79 5 882076403 +301 80 3 882078883 +301 81 3 882077351 +301 82 5 882077078 +301 88 4 882077142 +301 89 2 882076046 +301 90 3 882078360 +301 91 3 882078906 +301 94 4 882079172 +301 95 5 882076334 +301 96 5 882076239 +301 97 4 882076121 +301 98 4 882075827 +301 99 4 882078419 +301 100 5 882074408 +301 105 3 882075202 +301 109 5 882074236 +301 111 1 882074708 +301 118 4 882074903 +301 120 2 882079423 +301 121 4 882075148 +301 123 4 882074726 +301 127 4 882074262 +301 132 4 882076619 +301 133 4 882077142 +301 138 2 882079446 +301 142 3 882078420 +301 143 4 882077330 +301 144 4 882076021 +301 145 3 882078040 +301 150 4 882074345 +301 151 2 882074776 +301 152 3 882077285 +301 153 3 882075743 +301 154 4 882076425 +301 155 1 882078308 +301 156 4 882076098 +301 157 2 882076021 +301 159 3 882076890 +301 160 2 882077284 +301 161 3 882076558 +301 162 3 882078287 +301 163 3 882076264 +301 164 3 882076966 +301 168 4 882075994 +301 172 5 882076403 +301 173 4 882076403 +301 174 5 882075827 +301 176 4 882075774 +301 179 3 882076494 +301 180 3 882076782 +301 181 5 882074291 +301 182 5 882075774 +301 183 3 882076291 +301 184 4 882077222 +301 186 4 882076121 +301 187 4 882076403 +301 191 3 882075672 +301 193 3 882075994 +301 194 4 882075827 +301 195 5 882076098 +301 196 4 882077836 +301 197 5 882075774 +301 199 4 882076239 +301 201 4 882076619 +301 202 5 882076211 +301 203 4 882077176 +301 204 5 882076264 +301 210 4 882076211 +301 215 5 882077222 +301 216 4 882076782 +301 217 3 882079503 +301 218 4 882076643 +301 219 4 882078955 +301 222 4 882074345 +301 226 5 882077222 +301 227 3 882077222 +301 228 3 882076966 +301 229 3 882078228 +301 230 4 882077033 +301 231 2 882078580 +301 232 4 882078287 +301 235 2 882074408 +301 237 4 882074291 +301 239 2 882076682 +301 240 4 882074494 +301 241 3 882077222 +301 249 3 882074801 +301 250 4 882074236 +301 252 3 882075148 +301 258 4 882074363 +301 265 4 882075672 +301 269 5 882075432 +301 271 4 882075473 +301 273 1 882074800 +301 276 1 882074384 +301 281 4 882074903 +301 288 4 882074291 +301 299 3 882075520 +301 300 4 882075500 +301 318 5 882075962 +301 323 4 882075110 +301 333 4 882075454 +301 334 3 882075500 +301 340 4 882075432 +301 357 5 882075994 +301 363 4 882078326 +301 367 4 882076619 +301 373 4 882079334 +301 380 4 882078459 +301 384 5 882079315 +301 385 3 882077055 +301 393 3 882078735 +301 395 1 882079384 +301 401 4 882078040 +301 403 4 882076292 +301 404 3 882076463 +301 405 4 882074727 +301 407 2 882075202 +301 410 4 882074460 +301 411 1 882074867 +301 412 4 882075110 +301 418 3 882076751 +301 419 3 882076072 +301 420 3 882077285 +301 423 1 882076239 +301 425 4 882077033 +301 426 4 882076967 +301 427 4 882075775 +301 431 4 882078008 +301 443 4 882078008 +301 447 4 882078955 +301 451 4 882078061 +301 455 5 882074437 +301 456 3 882074838 +301 462 2 882076587 +301 465 4 882077811 +301 470 4 882078199 +301 474 4 882075803 +301 483 4 882076403 +301 496 5 882075743 +301 501 3 882078040 +301 502 4 882076558 +301 503 3 882078228 +301 511 4 882075803 +301 514 3 882076021 +301 515 3 882074561 +301 519 4 882076682 +301 521 3 882076987 +301 523 4 882076146 +301 527 4 882076238 +301 546 4 882078228 +301 550 3 882078040 +301 552 3 882078267 +301 554 3 882078830 +301 559 4 882078955 +301 562 3 882077256 +301 566 3 882076463 +301 568 4 882076538 +301 576 4 882079199 +301 582 2 882077811 +301 588 5 882077055 +301 597 3 882075202 +301 604 4 882075994 +301 606 3 882076890 +301 607 4 882077176 +301 610 3 882077176 +301 631 1 882078882 +301 651 5 882075994 +301 655 1 882076187 +301 660 4 882076782 +301 665 2 882079334 +301 673 4 882076751 +301 678 2 882075386 +301 684 3 882077330 +301 685 3 882074867 +301 686 4 882078008 +301 692 3 882076619 +301 693 5 882076806 +301 702 4 882077784 +301 710 3 882078008 +301 719 4 882079542 +301 721 3 882076494 +301 732 4 882077351 +301 735 2 882077871 +301 737 2 882078906 +301 739 2 882076966 +301 742 4 882074437 +301 743 2 882075356 +301 746 3 882075774 +301 755 4 882078308 +301 756 4 882074932 +301 758 3 882075242 +301 763 4 882074665 +301 771 2 882079256 +301 772 3 882078250 +301 790 4 882078621 +301 797 4 882078558 +301 802 2 882078883 +301 820 3 882075082 +301 824 3 882075055 +301 831 4 882075338 +301 849 4 882078883 +301 864 4 882075110 +301 871 4 882075148 +301 959 4 882078778 +301 1012 4 882074613 +301 1013 3 882075286 +301 1016 4 882074684 +301 1028 5 882074801 +301 1035 4 882078809 +301 1052 1 882075386 +301 1074 2 882078580 +301 1091 3 882079353 +301 1112 4 882079294 +301 1135 3 882078906 +301 1228 4 882079423 +301 1230 1 882079221 +301 1283 4 882075386 +302 245 2 879436911 +302 258 3 879436739 +302 266 2 879436981 +302 270 2 879436785 +302 271 4 879436911 +302 289 3 879436874 +302 294 1 879436911 +302 299 2 879436932 +302 301 4 879436820 +302 303 2 879436785 +302 307 4 879436739 +302 309 2 879436820 +302 322 2 879436875 +302 323 2 879436875 +302 328 3 879436844 +302 333 3 879436785 +302 358 3 879436981 +302 680 2 879437035 +302 748 1 879436739 +302 879 2 879436960 +302 988 2 879436875 +303 2 3 879467191 +303 3 3 879485184 +303 5 2 879484534 +303 7 4 879467514 +303 8 5 879467223 +303 9 5 879466830 +303 11 4 879467260 +303 12 4 879466937 +303 13 4 879484918 +303 15 3 879467607 +303 22 5 879467413 +303 23 5 879467936 +303 24 3 879468047 +303 25 4 879468047 +303 26 4 879468307 +303 28 3 879466717 +303 29 2 879485134 +303 31 3 879467361 +303 33 4 879468021 +303 38 1 879484981 +303 41 5 879485686 +303 42 5 879467223 +303 43 3 879485507 +303 44 4 879484480 +303 49 2 879483901 +303 50 5 879466866 +303 53 3 879485608 +303 54 3 879484695 +303 55 4 879467328 +303 56 5 879466547 +303 62 2 879484159 +303 63 1 879484327 +303 64 5 879466457 +303 65 4 879467436 +303 67 5 879485401 +303 68 4 879467361 +303 69 5 879467542 +303 70 4 879467739 +303 71 3 879468179 +303 72 3 879485111 +303 77 4 879483978 +303 78 2 879544238 +303 79 5 879466891 +303 80 4 879484563 +303 81 4 879466866 +303 82 4 879467465 +303 85 3 879484588 +303 87 3 879466421 +303 88 4 879468307 +303 90 4 879485111 +303 91 5 879483480 +303 93 5 879467223 +303 94 3 879485318 +303 95 5 879484480 +303 96 5 879466830 +303 98 5 879466572 +303 99 4 879467514 +303 100 5 879466420 +303 106 2 879543796 +303 109 4 879467131 +303 111 3 879467639 +303 116 5 879466771 +303 117 3 879468581 +303 118 2 879485623 +303 120 2 879544099 +303 122 4 879485066 +303 124 4 879466491 +303 125 2 879467638 +303 127 5 879466523 +303 129 5 879468547 +303 132 5 879466966 +303 134 5 879467959 +303 137 4 879468414 +303 139 3 879543209 +303 141 3 879483900 +303 143 4 879483680 +303 144 5 879467035 +303 145 1 879543573 +303 150 5 879467190 +303 151 5 879484534 +303 152 4 879468274 +303 153 5 879466421 +303 155 3 879484159 +303 156 5 879466771 +303 158 3 879543959 +303 159 3 879484695 +303 160 4 879468375 +303 161 5 879468547 +303 164 4 879466830 +303 167 3 879468307 +303 168 5 879467223 +303 170 5 879467574 +303 171 4 879467105 +303 172 5 879467413 +303 173 5 879466604 +303 174 5 879466523 +303 176 5 879467260 +303 179 5 879466491 +303 181 5 879468082 +303 182 5 879467105 +303 183 5 879466866 +303 184 5 879467436 +303 185 5 879467465 +303 186 4 879467105 +303 187 5 879466631 +303 191 5 879466937 +303 194 5 879466742 +303 195 4 879466937 +303 198 4 879467413 +303 200 4 879468459 +303 201 5 879467573 +303 202 5 879468149 +303 203 5 879467669 +303 208 5 879467706 +303 209 5 879467328 +303 210 4 879466717 +303 215 5 879467413 +303 216 5 879466604 +303 218 4 879484695 +303 219 5 879484480 +303 221 5 879466491 +303 222 3 879468414 +303 223 4 879466742 +303 226 4 879467295 +303 227 3 879542884 +303 228 4 879467574 +303 229 3 879468581 +303 230 3 879483511 +303 231 4 879485292 +303 232 4 879467191 +303 233 4 879484981 +303 234 5 879467260 +303 235 4 879484563 +303 237 5 879468307 +303 238 4 879467295 +303 239 3 879484871 +303 240 3 879468513 +303 241 4 879483301 +303 245 3 879466249 +303 246 5 879544515 +303 248 2 879544680 +303 249 4 879544739 +303 250 4 879544712 +303 251 4 879544533 +303 252 3 879544791 +303 255 4 879544516 +303 257 4 879544558 +303 258 4 879465986 +303 259 3 879466116 +303 260 3 879466291 +303 262 5 879466065 +303 264 3 879466214 +303 268 5 879466166 +303 269 5 879466018 +303 270 4 879466088 +303 271 2 879466065 +303 273 3 879468274 +303 276 4 879467895 +303 277 3 879468547 +303 281 3 879543375 +303 282 3 879467895 +303 283 3 879467936 +303 284 4 879467465 +303 286 5 879465986 +303 288 4 879466018 +303 290 4 879483941 +303 291 3 879484804 +303 294 4 879466116 +303 298 4 879544607 +303 300 1 879466166 +303 302 4 879465986 +303 318 5 879466523 +303 319 5 879466065 +303 321 3 879466065 +303 323 1 879466214 +303 324 3 879466065 +303 325 1 879466249 +303 326 2 879466116 +303 327 1 879466166 +303 328 3 879466166 +303 330 3 879552065 +303 334 3 879466184 +303 340 5 879466088 +303 357 5 879466717 +303 358 2 879466291 +303 363 1 879485134 +303 364 2 879544153 +303 366 3 879485221 +303 367 4 879468082 +303 368 1 879544340 +303 369 1 879544130 +303 373 2 879544276 +303 376 2 879543617 +303 379 4 879485546 +303 381 4 879467574 +303 382 3 879467815 +303 384 3 879485165 +303 385 4 879467669 +303 386 4 879485352 +303 387 5 879485401 +303 388 2 879544365 +303 390 3 879544365 +303 391 1 879485747 +303 393 4 879484981 +303 395 2 879544080 +303 396 4 879484846 +303 397 1 879543831 +303 398 1 879485372 +303 402 4 879485250 +303 404 4 879468375 +303 408 4 879467035 +303 410 4 879484846 +303 411 4 879483802 +303 412 3 879543756 +303 413 2 879543524 +303 416 3 879468179 +303 418 4 879483510 +303 419 4 879467328 +303 420 4 879484563 +303 421 4 879466966 +303 423 4 879483535 +303 425 4 879466795 +303 426 3 879542535 +303 427 4 879466547 +303 430 4 879467260 +303 433 4 879467985 +303 435 5 879466491 +303 436 4 879484644 +303 443 4 879468459 +303 449 4 879485685 +303 450 3 879544386 +303 451 5 879468581 +303 452 2 879544276 +303 455 3 879484421 +303 458 3 879467936 +303 460 4 879543600 +303 462 3 879468082 +303 470 4 879468375 +303 473 4 879485111 +303 474 5 879466457 +303 475 4 879467155 +303 476 3 879485352 +303 477 3 879483827 +303 480 4 879466523 +303 482 5 879467361 +303 483 5 879466795 +303 491 4 879466631 +303 501 4 879484981 +303 502 4 879484421 +303 506 4 879467328 +303 507 5 879466604 +303 508 4 879467260 +303 517 5 879484480 +303 518 4 879468581 +303 525 5 879466604 +303 531 4 879466457 +303 535 1 879544681 +303 540 1 879543679 +303 541 3 879543988 +303 542 2 879484194 +303 544 4 879483617 +303 545 2 879544400 +303 546 2 879484373 +303 549 3 879484846 +303 550 3 879467607 +303 551 2 879544021 +303 552 2 879485048 +303 558 4 879467105 +303 562 4 879485447 +303 568 4 879468414 +303 569 3 879484159 +303 574 1 879544184 +303 575 4 879544219 +303 576 3 879485417 +303 577 3 879544340 +303 578 2 879484846 +303 582 4 879483462 +303 583 1 879483901 +303 586 2 879485659 +303 591 4 879468082 +303 597 1 879485204 +303 603 5 879466457 +303 616 4 879484948 +303 619 3 879467574 +303 627 3 879484733 +303 631 4 879483617 +303 634 3 879467035 +303 650 5 879483941 +303 651 5 879468021 +303 653 4 879466937 +303 654 5 879467328 +303 655 5 879483568 +303 658 5 879484327 +303 665 4 879485475 +303 670 2 879544062 +303 673 4 879468250 +303 678 1 879544946 +303 685 1 879485089 +303 687 1 879544923 +303 692 4 879468123 +303 693 4 879466771 +303 697 3 879484948 +303 700 3 879485718 +303 705 5 879467105 +303 709 5 879468021 +303 715 4 879484441 +303 716 2 879467639 +303 720 2 879468375 +303 721 4 879484194 +303 722 2 879485372 +303 729 3 879483568 +303 734 1 879543711 +303 735 4 879483567 +303 738 2 879544276 +303 739 5 879468547 +303 741 4 879466604 +303 742 4 879484899 +303 746 4 879467514 +303 748 2 879466214 +303 755 2 879485016 +303 759 1 879544385 +303 762 4 879468179 +303 763 4 879485319 +303 765 3 879485608 +303 773 4 879466891 +303 778 4 879467815 +303 779 1 879543418 +303 780 5 879483900 +303 785 3 879485318 +303 790 4 879485507 +303 792 5 879484644 +303 800 3 879485352 +303 801 1 879543679 +303 808 2 879484480 +303 809 2 879543524 +303 813 4 879467985 +303 815 3 879485532 +303 820 3 879544184 +303 824 3 879483901 +303 825 3 879485016 +303 829 2 879485814 +303 831 4 879544080 +303 833 2 879484327 +303 840 2 879543988 +303 842 2 879484804 +303 844 3 879468179 +303 845 4 879485221 +303 847 4 879466830 +303 849 3 879485589 +303 867 3 879484373 +303 871 1 879485685 +303 872 3 879466018 +303 875 4 879466291 +303 919 4 879467295 +303 926 2 879485814 +303 928 3 879485589 +303 939 3 879467739 +303 940 2 879485659 +303 943 2 879467815 +303 948 2 879466249 +303 952 3 879467706 +303 953 3 879485016 +303 956 4 879466421 +303 960 4 879467361 +303 979 4 879484213 +303 998 3 879544435 +303 1007 5 879544576 +303 1011 2 879484282 +303 1012 4 879544712 +303 1013 1 879544860 +303 1014 3 879544588 +303 1016 3 879544727 +303 1021 4 879484643 +303 1023 2 879544898 +303 1034 1 879544184 +303 1037 3 879544340 +303 1041 2 879485507 +303 1047 2 879485277 +303 1048 4 879484871 +303 1052 2 879544365 +303 1071 2 879485352 +303 1073 4 879467191 +303 1086 1 879468021 +303 1088 2 879544946 +303 1089 1 879544978 +303 1090 1 879485686 +303 1092 1 879544435 +303 1095 2 879543988 +303 1098 4 879467959 +303 1109 4 879467936 +303 1110 1 879543939 +303 1118 3 879484004 +303 1135 2 879485589 +303 1142 4 879544659 +303 1145 2 879544219 +303 1153 3 879484899 +303 1157 2 879543711 +303 1160 2 879544629 +303 1178 2 879544130 +303 1187 4 879467895 +303 1188 4 879485204 +303 1199 3 879468123 +303 1209 2 879544021 +303 1210 1 879543773 +303 1215 1 879544435 +303 1217 1 879484948 +303 1218 4 879484350 +303 1220 2 879484899 +303 1222 3 879468513 +303 1224 2 879485475 +303 1226 4 879544713 +303 1230 1 879485447 +303 1232 3 879484948 +303 1239 1 879544020 +303 1258 2 879544756 +303 1267 3 879484327 +303 1270 1 879485770 +303 1273 2 879485278 +303 1286 4 879467413 +303 1303 3 879543831 +303 1315 3 879544791 +303 1411 2 879483941 +303 1426 2 879484804 +303 1508 1 879544130 +303 1509 1 879544435 +303 1510 3 879485659 +303 1511 3 879544843 +304 111 3 884968264 +304 237 5 884968415 +304 259 1 884967253 +304 271 4 884968415 +304 274 4 884968415 +304 275 4 884968264 +304 278 4 884968415 +304 286 1 884967017 +304 288 3 884966696 +304 294 4 884968415 +304 298 5 884968415 +304 300 5 884968415 +304 310 3 884966697 +304 313 5 884968415 +304 322 4 884968415 +304 323 3 884967391 +304 328 3 884967167 +304 343 3 884967896 +304 681 2 884967167 +304 682 3 884967520 +304 742 3 884968078 +304 763 4 884968415 +304 879 3 884966972 +304 893 3 884967520 +304 895 3 884967017 +305 1 5 886323153 +305 2 2 886324580 +305 7 4 886323937 +305 11 1 886323237 +305 12 5 886322930 +305 14 4 886322893 +305 15 1 886322796 +305 16 3 886324058 +305 42 4 886324172 +305 45 5 886323275 +305 48 5 886323591 +305 50 5 886321799 +305 52 2 886323506 +305 56 1 886323068 +305 61 4 886323378 +305 64 5 886323406 +305 66 3 886325023 +305 69 3 886324299 +305 70 4 886324221 +305 71 3 886323684 +305 76 1 886323506 +305 79 3 886324276 +305 81 3 886323335 +305 83 3 886323464 +305 87 1 886323153 +305 88 2 886323966 +305 89 3 886322719 +305 91 2 886323303 +305 96 3 886324172 +305 97 4 886322560 +305 98 4 886322560 +305 100 3 886323648 +305 117 2 886324028 +305 121 3 886324898 +305 127 5 886322412 +305 129 3 886323006 +305 131 3 886323440 +305 134 5 886322560 +305 135 3 886323189 +305 143 3 886323275 +305 144 2 886323068 +305 151 4 886324433 +305 153 3 886323153 +305 154 4 886322670 +305 156 4 886323068 +305 160 4 886323937 +305 163 3 886325627 +305 165 4 886323153 +305 166 4 886322719 +305 168 4 886323115 +305 169 5 886322893 +305 170 4 886322691 +305 171 5 886323237 +305 172 4 886323757 +305 173 3 886322670 +305 174 3 886322635 +305 175 4 886322893 +305 178 4 886322966 +305 179 1 886323966 +305 180 4 886323806 +305 181 4 886321799 +305 183 4 886324028 +305 184 3 886323937 +305 186 4 886323902 +305 187 4 886323189 +305 188 2 886323757 +305 189 5 886323303 +305 190 3 886322966 +305 191 3 886322966 +305 192 2 886323275 +305 195 3 886323006 +305 196 4 886324097 +305 198 4 886322838 +305 199 4 886323779 +305 200 3 886324661 +305 201 3 886323998 +305 202 3 886323684 +305 203 4 886323839 +305 204 2 886323998 +305 207 5 886323839 +305 209 5 886322966 +305 210 3 886323006 +305 212 3 886324058 +305 214 2 886323068 +305 215 2 886323464 +305 216 5 886323563 +305 222 2 886323378 +305 223 4 886322758 +305 237 2 886322796 +305 238 3 886323617 +305 239 3 886323153 +305 242 5 886307828 +305 245 1 886308147 +305 246 3 886322122 +305 249 3 886322174 +305 251 5 886321764 +305 257 2 886322122 +305 258 4 886308064 +305 268 3 886307860 +305 269 4 886307948 +305 272 3 886307917 +305 282 3 886323806 +305 285 5 886322930 +305 286 4 886307828 +305 287 3 886324097 +305 289 4 886308064 +305 298 4 886322150 +305 300 3 886307828 +305 302 4 886307860 +305 305 3 886307860 +305 311 5 886307971 +305 315 5 886308168 +305 317 4 886323713 +305 327 3 886307948 +305 338 3 886308252 +305 347 3 886308111 +305 357 5 886323189 +305 382 5 886323617 +305 385 1 886324792 +305 403 2 886324792 +305 405 3 886324580 +305 408 5 886323189 +305 423 4 886322670 +305 425 4 886324486 +305 427 5 886323090 +305 431 4 886323806 +305 433 2 886324792 +305 451 3 886324817 +305 471 4 886323648 +305 478 3 886323275 +305 479 3 886323275 +305 480 5 886322758 +305 482 2 886323006 +305 483 5 886323068 +305 484 3 886322838 +305 485 2 886323648 +305 486 5 886323563 +305 511 4 886322560 +305 512 4 886323525 +305 527 5 886323189 +305 528 4 886323378 +305 529 5 886324097 +305 530 5 886323237 +305 550 3 886325023 +305 557 4 886324521 +305 566 3 886324486 +305 582 4 886323506 +305 597 2 886324551 +305 602 3 886324058 +305 610 3 886324128 +305 628 4 886324661 +305 631 3 886324028 +305 638 5 886324128 +305 650 4 886323406 +305 654 4 886323937 +305 655 4 886323937 +305 660 4 886324734 +305 663 3 886323591 +305 664 2 886324462 +305 679 3 886324792 +305 684 3 886323591 +305 686 3 886324330 +305 690 4 886307828 +305 708 3 886324963 +305 709 5 886324221 +305 713 4 886323115 +305 733 3 886324661 +305 735 4 886324128 +305 748 3 886308147 +305 749 2 886308111 +305 751 3 886307971 +305 770 3 886324521 +305 778 4 886325023 +305 792 4 886323406 +305 793 5 886324712 +305 806 3 886322720 +305 845 3 886323335 +305 856 5 886323839 +305 865 3 886323563 +305 904 4 886307860 +305 921 5 886324410 +305 923 5 886323237 +305 941 2 886324792 +305 943 2 886323464 +305 947 4 886322838 +305 960 1 886324362 +305 961 3 886323440 +305 963 4 886322635 +305 971 4 886324608 +305 1015 1 886323068 +305 1018 5 886324580 +305 1073 1 886323591 +305 1074 2 886324330 +305 1101 4 886323563 +305 1104 4 886323779 +305 1286 5 886324687 +305 1411 3 886324865 +305 1456 4 886324962 +305 1485 3 886323902 +305 1512 3 886322796 +305 1513 2 886322212 +306 13 4 876504442 +306 14 5 876503995 +306 25 3 876504354 +306 100 4 876504286 +306 111 4 876504442 +306 116 5 876504026 +306 150 5 876504286 +306 235 4 876504354 +306 242 5 876503793 +306 257 4 876504354 +306 269 5 876503792 +306 275 4 876503894 +306 283 3 876503995 +306 285 4 876504354 +306 286 4 876503793 +306 287 4 876504442 +306 289 3 876503793 +306 306 5 876503792 +306 319 4 876503793 +306 321 3 876503793 +306 476 3 876504679 +306 741 1 876504286 +306 744 4 876504054 +306 756 3 876504472 +306 864 3 876504286 +306 1009 4 876503995 +306 1514 4 876504614 +307 1 5 878066938 +307 21 4 876433101 +307 22 3 879205470 +307 24 4 876176161 +307 28 3 877119480 +307 50 5 879284239 +307 56 4 878856967 +307 62 3 881966033 +307 70 4 877121347 +307 71 5 879283169 +307 72 3 877122721 +307 81 5 879283091 +307 82 4 875645340 +307 83 5 877120874 +307 89 5 879283786 +307 91 4 879283514 +307 94 3 877122695 +307 99 4 879283449 +307 100 3 879206424 +307 101 3 888095824 +307 109 5 879283787 +307 114 5 879283169 +307 121 1 879114143 +307 135 4 877122208 +307 143 3 879283203 +307 145 4 879283672 +307 153 5 875681145 +307 154 5 879282952 +307 163 3 879283384 +307 164 4 879283514 +307 168 5 879283798 +307 169 5 879283625 +307 172 5 879283786 +307 173 5 879283786 +307 174 4 879283480 +307 175 4 877117651 +307 178 3 877118976 +307 181 5 879283232 +307 183 3 877121921 +307 185 3 877118565 +307 186 5 879283625 +307 189 4 877121617 +307 193 3 879205470 +307 195 3 879205470 +307 196 3 879205470 +307 197 4 877122115 +307 200 3 877117875 +307 204 3 879205470 +307 209 5 879283798 +307 210 2 877123746 +307 214 5 879283091 +307 215 4 879283036 +307 227 5 879538922 +307 228 5 879538921 +307 229 5 879538921 +307 230 5 879538921 +307 239 3 877122138 +307 257 5 875645340 +307 258 5 879283786 +307 265 3 877122816 +307 269 4 879283333 +307 286 3 881965984 +307 313 5 888095725 +307 380 3 879538922 +307 393 3 877123041 +307 395 3 877121789 +307 401 1 879114143 +307 402 2 879283362 +307 403 3 877122035 +307 408 5 875645579 +307 419 4 877122115 +307 423 5 879283587 +307 427 3 877121988 +307 428 4 877118113 +307 431 4 877123333 +307 449 4 879538922 +307 450 2 879538922 +307 462 4 879284095 +307 463 5 879283786 +307 474 5 879283787 +307 483 5 875680937 +307 509 3 877121019 +307 511 5 879282952 +307 515 4 875680871 +307 527 5 878066938 +307 529 4 877381142 +307 580 4 879283514 +307 588 4 877118284 +307 631 3 879283544 +307 634 3 879283385 +307 655 4 877117166 +307 660 3 879205470 +307 687 1 879114143 +307 708 4 879283322 +307 736 3 877118152 +307 739 2 877122317 +307 746 4 875681078 +307 831 1 879114143 +307 949 4 877123315 +307 1022 4 879283008 +307 1028 4 875746067 +307 1065 3 879205470 +307 1110 4 877122208 +307 1140 2 879114143 +307 1411 4 877124058 +308 1 4 887736532 +308 4 5 887737890 +308 5 4 887739608 +308 8 5 887736696 +308 9 4 887737194 +308 11 5 887737837 +308 12 5 887737243 +308 15 3 887739426 +308 17 4 887739056 +308 19 3 887737383 +308 21 3 887740729 +308 22 4 887737647 +308 23 5 887737293 +308 24 4 887738057 +308 25 4 887740649 +308 28 3 887737036 +308 30 4 887738933 +308 31 3 887739472 +308 32 5 887737432 +308 44 4 887740451 +308 45 4 887736843 +308 48 4 887736880 +308 49 3 887740833 +308 50 5 887737431 +308 54 2 887740254 +308 55 3 887738760 +308 56 5 887736924 +308 58 3 887736459 +308 59 4 887737647 +308 60 3 887737760 +308 61 3 887739336 +308 64 4 887737383 +308 65 3 887738301 +308 66 4 887740788 +308 68 4 887740933 +308 69 2 887738664 +308 70 4 887737244 +308 71 4 887739257 +308 72 4 887740451 +308 74 4 887740184 +308 77 3 887740788 +308 79 4 887737593 +308 81 5 887737293 +308 82 4 887738470 +308 85 4 887741245 +308 87 4 887737760 +308 88 4 887740568 +308 89 5 887738057 +308 91 4 887737536 +308 92 4 887737293 +308 95 4 887737130 +308 96 4 887737432 +308 97 1 887738469 +308 98 3 887737334 +308 99 4 887738057 +308 100 5 887736797 +308 107 4 887741150 +308 109 3 887738894 +308 116 4 887737594 +308 117 3 887738620 +308 118 3 887739670 +308 121 3 887739471 +308 122 4 887742165 +308 123 3 887738619 +308 124 4 887737647 +308 127 4 887737243 +308 129 5 887736925 +308 131 4 887739383 +308 132 3 887737891 +308 133 3 887738225 +308 134 5 887737686 +308 135 5 887737243 +308 139 3 887741179 +308 141 3 887739891 +308 143 4 887739136 +308 144 3 887737956 +308 147 3 887739831 +308 148 3 887740788 +308 151 4 887741795 +308 152 5 887739292 +308 153 5 887737484 +308 154 4 887738152 +308 157 5 887738268 +308 160 4 887738717 +308 161 3 887740788 +308 162 4 887739095 +308 163 4 887737084 +308 164 4 887738664 +308 165 3 887736696 +308 166 3 887737837 +308 168 4 887737593 +308 169 5 887736532 +308 170 3 887737130 +308 171 4 887738346 +308 172 4 887736532 +308 174 4 887736696 +308 175 5 887736999 +308 176 4 887736696 +308 177 5 887738570 +308 178 4 887737719 +308 181 4 887739095 +308 182 5 887737194 +308 183 4 887736695 +308 184 4 887738847 +308 186 4 887738152 +308 187 5 887738760 +308 191 4 887736797 +308 192 5 887736696 +308 193 3 887737837 +308 194 5 887739257 +308 195 5 887738619 +308 196 3 887739951 +308 197 3 887736743 +308 198 3 887739172 +308 199 4 887737760 +308 201 5 887737334 +308 202 4 887737084 +308 203 5 887737997 +308 204 4 887737891 +308 205 3 887738191 +308 208 4 887736798 +308 209 4 887737686 +308 210 4 887737130 +308 213 4 887739382 +308 214 2 887738104 +308 215 3 887737483 +308 216 3 887737789 +308 218 5 887738717 +308 219 3 887738717 +308 223 4 887737130 +308 226 3 887740833 +308 230 4 887739014 +308 231 3 887740410 +308 233 3 887738346 +308 234 3 887737084 +308 235 3 887739800 +308 237 3 887737383 +308 238 5 887736843 +308 239 3 887740033 +308 241 4 887738509 +308 248 4 887741437 +308 254 2 887742454 +308 255 4 887741693 +308 257 4 887741526 +308 259 3 887736408 +308 264 2 887736408 +308 265 3 887737647 +308 274 3 887738760 +308 275 4 887737891 +308 276 4 887736998 +308 283 3 887737194 +308 284 4 887741554 +308 285 5 887736622 +308 288 4 887736408 +308 291 3 887739472 +308 294 3 887736408 +308 295 3 887741461 +308 298 5 887741383 +308 309 1 887736408 +308 313 3 887736408 +308 318 4 887736743 +308 319 4 887736408 +308 321 3 887736408 +308 322 2 887736408 +308 356 3 887740833 +308 357 4 887738151 +308 365 3 887739915 +308 367 4 887738571 +308 371 3 887738469 +308 378 3 887740700 +308 382 4 887739521 +308 385 4 887740099 +308 393 4 887740367 +308 396 4 887740099 +308 402 4 887740700 +308 403 4 887738571 +308 404 3 887736998 +308 408 5 887738268 +308 411 4 887739987 +308 417 3 887740254 +308 419 4 887737194 +308 420 4 887740216 +308 423 5 887736999 +308 425 4 887737997 +308 427 4 887736584 +308 428 5 887739426 +308 429 4 887737890 +308 430 4 887738717 +308 432 4 887737036 +308 433 5 887738301 +308 434 4 887736584 +308 435 4 887737484 +308 436 4 887739257 +308 443 3 887740500 +308 447 4 887739056 +308 448 3 887740866 +308 449 3 887741003 +308 452 2 887741329 +308 455 4 887738226 +308 461 4 887737535 +308 463 4 887738057 +308 466 5 887738387 +308 467 4 887737194 +308 469 5 887738104 +308 473 3 887739951 +308 475 4 887737193 +308 477 4 887739257 +308 480 4 887736532 +308 481 4 887737997 +308 482 5 887738152 +308 483 3 887736843 +308 484 3 887736998 +308 485 3 887737719 +308 486 4 887737432 +308 487 4 887736798 +308 488 4 887736696 +308 490 4 887738104 +308 492 3 887737535 +308 493 3 887737293 +308 494 5 887738570 +308 495 3 887740131 +308 496 3 887736532 +308 498 5 887736584 +308 499 3 887738619 +308 502 5 887739521 +308 504 4 887738570 +308 505 3 887737647 +308 506 4 887738191 +308 507 3 887738893 +308 509 4 887738717 +308 510 3 887736925 +308 511 5 887737130 +308 512 5 887736584 +308 513 3 887736584 +308 514 4 887738619 +308 515 3 887737536 +308 516 4 887736743 +308 517 4 887737483 +308 519 4 887737997 +308 520 4 887738508 +308 521 3 887736798 +308 522 3 887737484 +308 523 4 887737084 +308 525 5 887738847 +308 526 3 887739426 +308 528 3 887737036 +308 530 4 887736584 +308 531 4 887738057 +308 537 4 887739136 +308 558 4 887737594 +308 559 4 887740367 +308 566 4 887739014 +308 567 4 887741329 +308 568 5 887740649 +308 569 3 887740410 +308 578 2 887738847 +308 579 3 887740700 +308 581 4 887740500 +308 582 3 887736843 +308 583 4 887737483 +308 584 4 887738717 +308 588 5 887738893 +308 589 4 887737760 +308 591 3 887739608 +308 597 3 887738933 +308 602 4 887737536 +308 603 5 887736743 +308 605 4 887740603 +308 607 3 887737084 +308 609 4 887739757 +308 610 4 887738847 +308 611 4 887738971 +308 613 4 887738620 +308 614 3 887739757 +308 615 3 887739213 +308 616 2 887739800 +308 618 4 887737955 +308 628 3 887738104 +308 632 3 887738057 +308 633 4 887739257 +308 634 4 887737334 +308 640 4 887737036 +308 641 4 887736459 +308 642 5 887738226 +308 646 5 887738508 +308 648 4 887738509 +308 649 4 887739292 +308 653 5 887736999 +308 655 4 887738664 +308 656 3 887736622 +308 657 4 887736696 +308 659 3 887736532 +308 660 3 887740410 +308 663 5 887738469 +308 664 5 887736999 +308 665 4 887741003 +308 671 4 887739014 +308 673 4 887737243 +308 675 4 887740367 +308 678 3 887736408 +308 679 4 887739426 +308 684 3 887737593 +308 686 4 887739831 +308 692 3 887738469 +308 693 3 887738104 +308 699 4 887737193 +308 705 5 887737837 +308 708 4 887739863 +308 712 4 887740833 +308 715 5 887740700 +308 729 3 887740254 +308 732 4 887738847 +308 736 3 887738760 +308 739 4 887739639 +308 741 4 887739863 +308 742 4 887739172 +308 746 4 887739056 +308 747 3 887740033 +308 755 3 887740033 +308 778 3 887740603 +308 792 3 887737594 +308 802 3 887738717 +308 805 4 887739471 +308 806 4 887737594 +308 811 4 887739212 +308 822 4 887739472 +308 824 3 887742013 +308 825 4 887740700 +308 826 3 887739427 +308 842 3 887740099 +308 843 3 887739095 +308 848 4 887736925 +308 856 4 887738387 +308 863 3 887736881 +308 921 4 887738268 +308 928 4 887742103 +308 942 3 887737432 +308 945 4 887739136 +308 959 3 887739335 +308 962 4 887738104 +308 965 4 887738387 +308 966 3 887740500 +308 968 4 887739987 +308 1006 4 887739608 +308 1019 4 887738570 +308 1021 4 887736459 +308 1028 2 887738972 +308 1045 4 887740033 +308 1046 4 887740649 +308 1047 3 887742130 +308 1065 5 887739382 +308 1073 3 887736798 +308 1118 4 887740500 +308 1121 3 887737647 +308 1126 3 887738268 +308 1135 4 887740099 +308 1154 2 887740367 +308 1169 5 887739136 +308 1197 4 887739521 +308 1211 3 887739669 +308 1252 3 887741604 +308 1286 3 887738151 +308 1404 4 887739257 +308 1411 4 887741150 +308 1421 4 887739212 +308 1456 4 887739056 +308 1515 4 887738346 +309 242 4 877370319 +309 258 5 877370288 +309 300 3 877370288 +309 303 2 877370319 +309 304 3 877370319 +309 306 2 877370356 +309 319 4 877370419 +309 324 3 877370419 +309 326 5 877370383 +309 331 5 877370356 +309 333 3 877370419 +309 334 4 877370356 +309 690 3 877370319 +309 938 4 877370383 +309 989 3 877370383 +309 1025 5 877370356 +309 1296 2 877370319 +309 1393 2 877370383 +310 14 5 879436268 +310 24 4 879436242 +310 50 5 879436177 +310 116 5 879436104 +310 181 4 879436104 +310 222 3 879436062 +310 251 5 879436035 +310 257 5 879436576 +310 258 3 879435606 +310 274 3 879436534 +310 275 5 879436137 +310 304 5 879435664 +310 536 4 879436137 +310 740 4 879436292 +310 748 3 879435729 +310 832 1 879436035 +310 845 5 879436534 +310 1022 5 879435764 +310 1142 5 879436467 +310 1386 1 879436177 +311 1 4 884963202 +311 5 3 884365853 +311 8 4 884364465 +311 9 4 884963365 +311 12 4 884364436 +311 15 5 884963136 +311 22 4 884364538 +311 23 3 884364570 +311 28 5 884365140 +311 31 4 884364570 +311 38 3 884365954 +311 39 4 884364999 +311 41 3 884366439 +311 43 4 884366227 +311 44 3 884365168 +311 50 5 884365075 +311 54 4 884366439 +311 56 5 884364437 +311 58 3 884364570 +311 62 3 884365929 +311 63 3 884365686 +311 64 5 884364502 +311 66 4 884365325 +311 68 1 884365824 +311 70 4 884364999 +311 71 4 884364845 +311 72 4 884365686 +311 73 4 884366187 +311 77 5 884365718 +311 79 4 884364623 +311 81 3 884365451 +311 82 5 884364436 +311 83 5 884364812 +311 86 5 884365252 +311 88 4 884365450 +311 89 5 884364845 +311 94 3 884366187 +311 97 4 884365357 +311 98 5 884364502 +311 99 5 884365075 +311 100 1 884963136 +311 101 4 884366397 +311 117 4 884366852 +311 118 3 884963203 +311 121 4 884366852 +311 125 4 884963179 +311 127 4 884364538 +311 131 3 884365252 +311 132 4 884365548 +311 133 3 884364652 +311 134 5 884364502 +311 136 5 884365357 +311 141 4 884366187 +311 143 3 884364812 +311 161 4 884365579 +311 168 4 884365406 +311 170 5 884364999 +311 172 5 884364763 +311 173 5 884364569 +311 174 5 884364538 +311 176 4 884365104 +311 177 5 884364764 +311 178 5 884364437 +311 179 2 884365357 +311 180 4 884364764 +311 181 4 884364724 +311 183 5 884365519 +311 185 2 884366617 +311 186 3 884364464 +311 187 4 884364764 +311 188 4 884364437 +311 191 4 884364764 +311 192 3 884366528 +311 193 5 884365075 +311 194 4 884364724 +311 195 4 884364538 +311 196 5 884365325 +311 197 4 884365686 +311 199 4 884365485 +311 200 4 884365718 +311 202 4 884364694 +311 203 5 884365201 +311 204 5 884365617 +311 205 5 884365357 +311 208 4 884365104 +311 209 2 884364502 +311 211 3 884364538 +311 212 3 884366397 +311 213 4 884365075 +311 215 4 884364999 +311 216 5 884364502 +311 218 4 884366363 +311 226 4 884366397 +311 227 4 884365617 +311 228 5 884365325 +311 229 5 884365890 +311 230 5 884364931 +311 232 3 884364812 +311 233 4 884365889 +311 234 4 884364873 +311 238 4 884365357 +311 239 3 884365284 +311 241 3 884364695 +311 258 4 884363706 +311 265 5 884364812 +311 275 4 884963136 +311 276 4 884963282 +311 282 5 884963228 +311 294 4 884364047 +311 300 4 884363831 +311 306 4 884363791 +311 310 4 884363865 +311 315 5 884364108 +311 318 5 884364569 +311 321 3 884363948 +311 322 4 884364047 +311 323 3 884364139 +311 326 2 884364047 +311 329 4 884363904 +311 348 4 884364108 +311 356 4 884365653 +311 357 5 884365104 +311 365 4 884365580 +311 366 5 884366010 +311 367 3 884365780 +311 378 5 884366363 +311 385 5 884365284 +311 386 3 884365747 +311 387 4 884365654 +311 392 5 884366067 +311 393 4 884366066 +311 399 4 884366269 +311 402 4 884366187 +311 403 4 884365889 +311 404 3 884365406 +311 415 3 884365654 +311 416 4 884365853 +311 418 4 884365202 +311 419 3 884364931 +311 420 1 884366334 +311 423 5 884365579 +311 425 2 884365140 +311 428 4 884366111 +311 431 4 884365201 +311 432 4 884365485 +311 433 3 884364931 +311 436 3 884366269 +311 444 2 884365746 +311 448 5 884365718 +311 449 3 884365823 +311 451 3 884366397 +311 465 4 884365406 +311 468 4 884365140 +311 469 5 884366227 +311 470 3 884365140 +311 471 4 884963254 +311 479 5 884365519 +311 480 4 884364593 +311 482 4 884365104 +311 483 4 884364437 +311 484 4 884366590 +311 485 1 884364538 +311 487 4 884365519 +311 491 4 884365168 +311 493 4 884364465 +311 494 4 884364593 +311 495 4 884366066 +311 498 4 884364931 +311 499 4 884365519 +311 501 5 884365954 +311 504 4 884364873 +311 505 4 884365451 +311 509 3 884366590 +311 510 4 884366545 +311 511 4 884365202 +311 515 4 884365485 +311 518 3 884365451 +311 519 3 884365548 +311 520 5 884365251 +311 521 4 884366686 +311 523 5 884364694 +311 526 5 884364873 +311 527 4 884365780 +311 528 4 884364724 +311 530 3 884365201 +311 539 4 884364268 +311 549 2 884366111 +311 550 3 884364812 +311 553 3 884365451 +311 559 2 884366187 +311 562 3 884365746 +311 566 4 884366112 +311 568 5 884365325 +311 576 3 884366269 +311 578 2 884365930 +311 581 3 884366137 +311 584 3 884365485 +311 588 4 884365284 +311 592 5 884364845 +311 604 3 884364570 +311 614 4 884365357 +311 621 4 884365579 +311 622 3 884364437 +311 623 2 884366112 +311 627 4 884366067 +311 630 5 884365929 +311 639 4 884365686 +311 642 4 884365823 +311 645 5 884366111 +311 648 4 884364694 +311 650 3 884364846 +311 651 4 884364623 +311 654 3 884365075 +311 655 4 884365406 +311 660 4 884365252 +311 661 3 884365075 +311 662 4 884365018 +311 671 3 884365954 +311 679 4 884365580 +311 684 4 884365075 +311 692 4 884364652 +311 700 3 884365852 +311 702 3 884365284 +311 708 5 884366397 +311 715 2 884365746 +311 716 4 884365718 +311 720 3 884366307 +311 723 4 884366187 +311 724 4 884365406 +311 729 4 884365451 +311 732 4 884365617 +311 735 4 884366637 +311 739 4 884365823 +311 748 4 884364071 +311 750 5 884363706 +311 751 3 884363758 +311 754 3 884363758 +311 755 4 884366035 +311 761 3 884366067 +311 768 2 884365889 +311 775 3 884365579 +311 778 4 884365251 +311 781 2 884366307 +311 783 3 884366439 +311 785 3 884366010 +311 794 4 884366270 +311 796 3 884365889 +311 845 4 884366824 +311 849 3 884365781 +311 921 4 884364695 +311 939 2 884364694 +311 941 4 884365929 +311 944 4 884366439 +311 946 4 884366270 +311 951 3 884365548 +311 965 3 884365686 +311 967 3 884364764 +311 1035 4 884365954 +311 1041 3 884366334 +311 1042 3 884366187 +311 1046 3 884366307 +311 1050 3 884365485 +311 1093 5 884963180 +311 1116 3 884364623 +311 1119 4 884366703 +311 1217 3 884365686 +311 1221 4 884364502 +311 1222 3 884366010 +311 1232 4 884366439 +311 1479 3 884365824 +312 1 5 891698832 +312 4 3 891698832 +312 8 5 891699263 +312 10 5 891699455 +312 23 4 891698613 +312 28 4 891698300 +312 52 5 891699399 +312 57 5 891699599 +312 69 4 891699182 +312 70 5 891699398 +312 71 4 891699599 +312 83 4 891699538 +312 89 5 891698832 +312 91 3 891699655 +312 96 5 891699040 +312 98 4 891698300 +312 100 4 891698613 +312 114 5 891698793 +312 121 3 891698174 +312 124 3 891698726 +312 131 5 891699702 +312 132 5 891699121 +312 133 5 891699296 +312 134 5 891698764 +312 136 5 891698613 +312 137 3 891698224 +312 144 1 891698987 +312 151 2 891698832 +312 153 2 891699491 +312 154 4 891699372 +312 156 3 891698224 +312 157 1 891698516 +312 165 5 891698726 +312 166 5 891698391 +312 169 5 891698893 +312 170 5 891698553 +312 172 4 891699677 +312 173 3 891699345 +312 174 5 891698224 +312 175 3 891699321 +312 176 4 891699295 +312 177 3 891698832 +312 179 5 891698793 +312 180 4 891698174 +312 181 4 891699426 +312 183 5 891699182 +312 185 5 891699121 +312 186 3 891699491 +312 187 5 891699345 +312 188 3 891698793 +312 189 5 891698516 +312 190 5 891698865 +312 191 5 891698334 +312 194 4 891699207 +312 195 5 891698254 +312 197 4 891698764 +312 199 5 891698516 +312 204 4 891698254 +312 205 5 891699372 +312 206 5 891699399 +312 207 5 891699121 +312 208 5 891698334 +312 209 3 891699207 +312 211 4 891698254 +312 214 3 891699121 +312 228 3 891699040 +312 234 5 891712535 +312 238 3 891699510 +312 241 3 891699655 +312 265 1 891698696 +312 269 5 891698130 +312 275 5 891698553 +312 276 4 891699010 +312 357 5 891698987 +312 372 3 891699568 +312 382 4 891699568 +312 408 4 891698174 +312 414 3 891699626 +312 427 5 891698224 +312 428 3 891698424 +312 429 5 891698951 +312 430 5 891699426 +312 432 5 891699491 +312 434 3 891699263 +312 435 4 891699702 +312 443 4 891698951 +312 459 4 891698365 +312 463 5 891698696 +312 474 5 891698454 +312 478 5 891698664 +312 479 5 891698365 +312 480 5 891698224 +312 481 5 891698893 +312 482 5 891698613 +312 483 5 891699156 +312 484 5 891698174 +312 485 4 891699345 +312 486 5 891699655 +312 487 5 891699655 +312 488 5 891698334 +312 489 5 891699321 +312 490 5 891699655 +312 491 5 891699702 +312 493 5 891698365 +312 494 5 891698454 +312 495 4 891699372 +312 496 5 891698664 +312 498 5 891699568 +312 499 4 891699296 +312 503 5 891699010 +312 505 5 891698987 +312 506 4 891699121 +312 509 5 891699490 +312 510 5 891699490 +312 511 5 891699156 +312 512 3 891698951 +312 513 5 891698300 +312 514 3 891698516 +312 515 5 891699677 +312 516 3 891699626 +312 519 5 891698726 +312 520 5 891698254 +312 521 5 891698987 +312 524 5 891699345 +312 525 5 891698424 +312 526 5 891698334 +312 528 5 891698695 +312 529 5 891699121 +312 531 5 891698254 +312 537 5 891698516 +312 543 5 891698424 +312 557 5 891699599 +312 573 5 891712535 +312 584 5 891699263 +312 587 3 891699399 +312 588 5 891699490 +312 589 5 891698695 +312 593 5 891698987 +312 596 5 891699626 +312 601 5 891699067 +312 602 4 891699263 +312 603 5 891698454 +312 604 5 891698613 +312 607 5 891698424 +312 608 5 891699372 +312 609 3 891698634 +312 610 5 891698921 +312 611 5 891698764 +312 613 5 891698454 +312 615 4 891698893 +312 625 3 891699538 +312 631 5 891699599 +312 632 3 891698764 +312 633 5 891698951 +312 639 5 891698391 +312 640 2 891698951 +312 641 5 891698300 +312 644 5 891698987 +312 647 5 891698726 +312 653 5 891698365 +312 654 5 891698485 +312 656 5 891699156 +312 657 5 891698485 +312 659 5 891699321 +312 663 5 891699599 +312 671 5 891699182 +312 673 5 891699426 +312 675 5 891698485 +312 676 3 891699295 +312 684 5 891698664 +312 692 4 891699426 +312 705 5 891698553 +312 713 5 891698334 +312 730 3 891699568 +312 835 5 891712535 +312 836 5 891698921 +312 837 4 891699426 +312 847 3 891698174 +312 850 5 891698764 +312 855 5 891699538 +312 863 5 891698695 +312 919 3 891699263 +312 921 5 891699295 +312 945 5 891699068 +312 967 3 891699321 +312 968 5 891698987 +312 1020 5 891698553 +312 1021 3 891698365 +312 1039 5 891698951 +312 1050 5 891698832 +312 1116 3 891698334 +312 1124 4 891698553 +312 1126 4 891699455 +312 1167 4 891699295 +312 1192 3 891699491 +312 1203 5 891699599 +312 1298 5 891699426 +312 1299 4 891698832 +312 1451 4 891699156 +312 1516 4 891698334 +313 1 4 891013436 +313 8 3 891014551 +313 22 3 891014870 +313 23 4 891013742 +313 25 2 891016757 +313 28 3 891016193 +313 29 2 891028472 +313 31 4 891015486 +313 44 3 891015049 +313 47 3 891015268 +313 50 5 891013859 +313 56 2 891014313 +313 63 4 891030490 +313 64 4 891016193 +313 65 2 891016962 +313 66 1 891015049 +313 67 1 891029117 +313 69 5 891016193 +313 71 4 891030144 +313 73 5 891015012 +313 77 3 891031950 +313 79 5 891015114 +313 88 2 891028956 +313 94 3 891030490 +313 95 3 891014313 +313 96 5 891015144 +313 97 4 891016193 +313 98 4 891014444 +313 99 4 891014029 +313 100 5 891013681 +313 102 3 891030189 +313 114 4 891013554 +313 117 4 891015319 +313 118 4 891028197 +313 121 4 891015114 +313 125 3 891017059 +313 131 4 891015513 +313 132 5 891013589 +313 133 5 891014956 +313 134 5 891013712 +313 135 5 891014401 +313 136 5 891014474 +313 139 3 891030334 +313 142 3 891030261 +313 143 3 891014925 +313 144 4 891015144 +313 147 4 891016583 +313 148 2 891031979 +313 151 1 891014982 +313 152 3 891016878 +313 153 3 891015268 +313 154 2 891014753 +313 155 2 891031577 +313 156 3 891014838 +313 157 3 891017372 +313 161 4 891015319 +313 162 3 891017270 +313 163 2 891016757 +313 164 3 891014870 +313 167 3 891029076 +313 168 3 891013589 +313 174 4 891014499 +313 175 4 891014697 +313 176 4 891013713 +313 177 4 891015566 +313 178 5 891013773 +313 180 5 891014898 +313 181 4 891014782 +313 182 4 891013773 +313 183 5 891013554 +313 185 5 891013773 +313 186 3 891017011 +313 187 4 891014373 +313 191 5 891013829 +313 192 3 891015011 +313 193 4 891013887 +313 194 4 891014499 +313 195 5 891013620 +313 197 5 891013910 +313 199 4 891013938 +313 200 3 891017736 +313 202 5 891014697 +313 203 5 891013859 +313 204 4 891014401 +313 205 5 891013652 +313 208 3 891015167 +313 211 5 891013859 +313 215 4 891015011 +313 216 4 891013525 +313 218 2 891029847 +313 225 4 891030228 +313 226 4 891028241 +313 228 3 891016986 +313 229 3 891028241 +313 230 3 891015049 +313 231 2 891028323 +313 234 4 891013803 +313 235 3 891029148 +313 239 3 891028873 +313 245 3 891013144 +313 258 3 891012852 +313 265 4 891016853 +313 300 4 891012907 +313 309 4 891031125 +313 318 4 891013712 +313 322 3 891014313 +313 328 4 891012907 +313 331 3 891013013 +313 333 4 891012877 +313 357 5 891013773 +313 385 4 891015296 +313 391 3 891028360 +313 393 4 891015268 +313 402 3 891031747 +313 403 3 891028285 +313 404 4 891030189 +313 405 3 891028197 +313 409 2 891030334 +313 414 3 891016425 +313 415 2 891030367 +313 417 2 891030334 +313 418 3 891014838 +313 419 3 891014313 +313 420 5 891014782 +313 423 4 891013939 +313 428 3 891014649 +313 430 5 891013620 +313 432 5 891016583 +313 435 5 891013803 +313 436 4 891029877 +313 441 3 891029964 +313 443 5 891013971 +313 448 3 891014956 +313 449 3 891028323 +313 452 3 891029993 +313 461 3 891014925 +313 465 3 891030096 +313 471 4 891015196 +313 473 3 891030228 +313 474 5 891016193 +313 478 3 891014373 +313 479 5 891013652 +313 480 5 891013742 +313 482 5 891016193 +313 483 5 891016193 +313 484 5 891016193 +313 485 3 891016425 +313 486 3 891015219 +313 487 3 891016378 +313 488 5 891013496 +313 489 4 891017372 +313 490 4 891016280 +313 493 3 891016193 +313 494 3 891016193 +313 495 2 891016280 +313 496 5 891014753 +313 497 4 891015296 +313 498 5 891015144 +313 499 3 891016452 +313 501 5 891013742 +313 502 3 891017395 +313 503 5 891014697 +313 504 5 891013859 +313 505 5 891014524 +313 515 5 891013803 +313 516 4 891028829 +313 519 5 891013436 +313 520 5 891013939 +313 521 4 891013887 +313 523 5 891014401 +313 525 5 891013525 +313 526 4 891028197 +313 527 4 891013525 +313 531 3 891014524 +313 538 2 891014313 +313 542 3 891017585 +313 546 4 891028426 +313 550 4 891028323 +313 559 3 891029877 +313 565 1 891030027 +313 566 4 891016220 +313 568 4 891015114 +313 576 3 891028472 +313 578 3 891028241 +313 582 2 891016622 +313 586 2 891028426 +313 588 4 891016354 +313 603 5 891013681 +313 604 4 891014552 +313 608 4 891017585 +313 609 3 891014782 +313 615 4 891013652 +313 616 5 891015049 +313 624 4 891030261 +313 625 4 891030189 +313 628 4 891016280 +313 629 3 891028873 +313 632 4 891013620 +313 633 5 891014597 +313 636 4 891028241 +313 649 3 891016325 +313 650 4 891013829 +313 655 4 891014474 +313 657 4 891013830 +313 659 4 891013773 +313 661 4 891015082 +313 662 3 891031576 +313 663 5 891013652 +313 665 4 891028323 +313 670 3 891029877 +313 673 4 891016622 +313 674 2 891029918 +313 683 3 891030792 +313 684 4 891017088 +313 696 3 891032028 +313 720 2 891028472 +313 735 3 891014649 +313 739 3 891031747 +313 740 2 891016540 +313 744 3 891016986 +313 745 3 891016583 +313 748 3 891012934 +313 768 3 891030367 +313 770 4 891028285 +313 778 2 891028904 +313 820 2 891030228 +313 823 3 891028555 +313 831 3 891028426 +313 837 4 891014898 +313 840 2 891028360 +313 843 3 891030334 +313 845 3 891016853 +313 849 3 891028360 +313 892 4 891013059 +313 946 3 891030228 +313 969 4 891015387 +313 1050 4 891016826 +313 1066 2 891030334 +313 1091 2 891030261 +313 1210 4 891032028 +314 5 4 877889724 +314 7 4 877886375 +314 8 4 877888059 +314 9 4 877886375 +314 11 5 877887837 +314 12 4 877888758 +314 15 5 877886483 +314 22 4 877889724 +314 24 1 877886221 +314 25 3 877886753 +314 28 5 877888346 +314 29 5 877889234 +314 36 2 877889103 +314 42 5 877888610 +314 53 1 877891426 +314 54 4 877888892 +314 56 1 877887568 +314 64 5 877888346 +314 65 4 877888855 +314 66 5 877887763 +314 67 4 877891386 +314 68 4 877891637 +314 69 5 877888212 +314 70 1 877890531 +314 71 5 877888527 +314 72 2 877888996 +314 73 4 877889205 +314 78 4 877890463 +314 88 5 877888007 +314 90 2 877888758 +314 93 1 877886221 +314 94 4 877891386 +314 95 5 877888168 +314 99 4 877888391 +314 105 4 877887292 +314 106 2 877886584 +314 111 4 877886641 +314 120 3 877887094 +314 121 4 877886221 +314 122 1 877887065 +314 125 5 877886412 +314 126 2 877886971 +314 138 5 877890960 +314 143 5 877890234 +314 144 3 877889275 +314 147 4 877886584 +314 151 4 877886522 +314 155 5 877891575 +314 158 3 877892099 +314 161 5 877888168 +314 196 3 877888212 +314 202 5 877888610 +314 204 5 877888644 +314 215 4 877888722 +314 216 3 877888722 +314 218 4 877889204 +314 220 4 877886279 +314 237 5 877886221 +314 246 5 877886375 +314 255 5 877886221 +314 257 5 877886413 +314 268 5 877885836 +314 274 3 877886788 +314 276 1 877886413 +314 278 5 877886888 +314 280 3 877887034 +314 282 5 877886862 +314 284 3 877886706 +314 288 5 877885887 +314 294 5 877885887 +314 318 5 877888796 +314 322 4 877886029 +314 327 4 877886099 +314 328 4 877885887 +314 332 5 877886029 +314 366 4 877891354 +314 367 4 877889770 +314 377 3 877890982 +314 378 5 877888168 +314 379 3 877890463 +314 393 4 877889133 +314 395 2 877889770 +314 399 3 877889359 +314 401 3 877890769 +314 402 4 877888758 +314 405 4 877886522 +314 406 3 877887388 +314 409 4 877889480 +314 410 5 877886706 +314 411 4 877892461 +314 417 4 877888855 +314 418 5 877888346 +314 423 4 877888060 +314 433 3 877887642 +314 468 4 877892214 +314 470 3 877889770 +314 476 5 877886921 +314 496 4 877888060 +314 501 4 877888610 +314 535 4 877887002 +314 542 4 877890300 +314 546 4 877886788 +314 562 4 877890960 +314 568 5 877888391 +314 578 4 877887763 +314 585 2 877890381 +314 588 5 877888007 +314 591 5 877887002 +314 595 3 877886375 +314 597 4 877887065 +314 609 4 877889311 +314 620 3 877887212 +314 623 5 877890927 +314 627 4 877888996 +314 628 5 877886606 +314 655 4 877887605 +314 672 5 877888723 +314 682 5 877885836 +314 685 4 877886788 +314 692 5 877888445 +314 693 3 877891575 +314 697 3 877888996 +314 699 5 877888527 +314 717 3 877890769 +314 721 5 877891465 +314 724 2 877888117 +314 731 4 877892099 +314 735 5 877888855 +314 739 5 877889861 +314 742 4 877886221 +314 743 1 877886443 +314 747 1 877889698 +314 761 4 877889073 +314 762 4 877886443 +314 763 5 877886706 +314 764 3 877886816 +314 765 3 877889480 +314 768 5 877890261 +314 772 1 877888212 +314 775 3 877888645 +314 780 4 877890675 +314 781 3 877891937 +314 783 3 877888855 +314 785 3 877890960 +314 790 4 877889698 +314 791 4 877889398 +314 794 4 877888952 +314 795 4 877889834 +314 796 2 877891518 +314 801 3 877892017 +314 806 4 877887802 +314 812 4 877889163 +314 815 5 877886375 +314 819 4 877886971 +314 820 5 877892461 +314 833 4 877887155 +314 845 5 877886483 +314 866 4 877892461 +314 869 4 877891681 +314 873 4 877886099 +314 924 5 877886921 +314 929 3 877887356 +314 932 4 877887316 +314 938 3 877886099 +314 939 4 877888060 +314 941 3 877889971 +314 942 3 877888346 +314 946 5 877888527 +314 948 3 877886029 +314 959 3 877888892 +314 983 4 877892488 +314 993 5 877886279 +314 996 4 877891354 +314 1012 4 877886584 +314 1014 3 877886317 +314 1016 4 877886483 +314 1028 3 877886816 +314 1029 2 877891603 +314 1032 4 877891603 +314 1041 4 877888445 +314 1047 4 877886279 +314 1048 4 877886221 +314 1054 1 877886944 +314 1057 2 877887035 +314 1074 3 877890857 +314 1085 1 877892017 +314 1089 1 877887356 +314 1095 3 877887356 +314 1136 5 877890463 +314 1139 5 877888480 +314 1150 4 877887002 +314 1152 4 877887469 +314 1165 2 877892566 +314 1178 2 877892244 +314 1210 4 877889861 +314 1218 4 877887525 +314 1220 5 877892293 +314 1221 3 877889927 +314 1225 3 877891575 +314 1229 2 877891681 +314 1263 2 877890611 +314 1267 3 877888117 +314 1276 4 877887179 +314 1289 2 877887388 +314 1291 1 877892519 +314 1297 4 877890734 +314 1311 5 877889994 +314 1469 4 877889103 +314 1471 4 877892430 +314 1473 4 877891089 +314 1503 3 877890891 +314 1517 4 877891937 +314 1518 4 877891426 +314 1519 4 877892181 +314 1520 3 877892052 +315 8 3 879820961 +315 12 5 879821194 +315 13 4 879821158 +315 17 1 879821003 +315 23 5 879821193 +315 25 5 879821120 +315 31 3 879821300 +315 46 4 879799526 +315 48 4 879799457 +315 55 5 879821267 +315 56 5 879821037 +315 79 4 879821349 +315 93 5 879821065 +315 98 4 879821193 +315 100 5 879821003 +315 121 2 879821300 +315 127 5 879799423 +315 154 5 879821158 +315 156 5 879821267 +315 163 3 879821158 +315 168 4 879821037 +315 173 4 879821003 +315 175 5 879799423 +315 176 4 879821193 +315 178 4 879799486 +315 180 4 879799526 +315 183 3 879821267 +315 185 4 879821267 +315 186 4 879821065 +315 187 4 879799423 +315 194 4 879820961 +315 202 3 879821037 +315 203 3 879821194 +315 204 5 879821158 +315 209 5 879821003 +315 211 4 879821037 +315 216 4 879821120 +315 223 5 879799486 +315 230 4 879821300 +315 234 3 879821349 +315 238 5 879821003 +315 269 5 879799301 +315 271 3 879799546 +315 273 3 879821349 +315 276 4 879799526 +315 285 5 879799486 +315 286 5 879799301 +315 288 3 879821349 +315 302 5 879799301 +315 305 5 881017419 +315 318 5 879799422 +315 324 3 879799302 +315 327 4 879799583 +315 340 4 881017170 +315 382 4 879821089 +315 428 4 879821120 +315 431 2 879821300 +315 461 4 879799457 +315 466 1 879821349 +315 475 4 879821036 +315 504 3 879821193 +315 508 4 879799457 +315 513 5 879821299 +315 520 4 879799526 +315 523 4 879799390 +315 531 5 879799457 +315 603 5 879821267 +315 642 5 879821267 +315 645 4 879821065 +315 651 3 879799457 +315 654 5 879821193 +315 657 4 879821299 +315 673 4 879821267 +315 709 4 879821158 +315 732 3 879821158 +315 746 3 879821120 +315 770 3 879821348 +315 792 5 879821120 +315 1065 4 879799526 +315 1084 4 879799423 +316 9 4 880853774 +316 14 4 880853881 +316 19 5 880854539 +316 22 4 880853849 +316 44 4 880853881 +316 50 1 880853654 +316 64 4 880853953 +316 69 3 880853881 +316 71 1 880854472 +316 83 4 880853992 +316 89 1 880854197 +316 97 5 880854142 +316 98 5 880853743 +316 132 4 880853599 +316 168 3 880853599 +316 170 4 880853810 +316 172 1 880854197 +316 173 1 880853654 +316 180 4 880853654 +316 183 1 880853654 +316 185 2 880853548 +316 187 2 880853548 +316 190 5 880853774 +316 191 5 880854539 +316 197 4 880854227 +316 199 3 880853598 +316 213 5 880853516 +316 223 4 880853849 +316 234 1 880854473 +316 265 3 880854395 +316 276 2 880853849 +316 283 5 880853599 +316 286 5 880853038 +316 289 2 880853219 +316 292 4 880853072 +316 304 3 880853193 +316 306 4 880853072 +316 318 5 880853516 +316 323 1 880853152 +316 357 4 880854049 +316 435 2 880854337 +316 463 5 880854267 +316 482 3 880854337 +316 483 4 880853810 +316 507 3 880853704 +316 515 4 880853654 +316 521 5 880854395 +316 530 2 880853599 +316 531 5 880853704 +316 549 5 880854049 +316 588 1 880853992 +316 614 2 880854267 +316 633 4 880854472 +316 651 5 880854227 +316 673 2 880854083 +316 678 1 880853310 +316 707 4 880853485 +316 730 4 880853775 +316 735 4 880854337 +316 923 5 880854022 +316 1039 5 880854500 +316 1084 4 880853953 +317 245 4 891446575 +317 264 4 891446843 +317 268 3 891446371 +317 271 3 891446575 +317 288 4 891446190 +317 299 4 891446371 +317 300 4 891446313 +317 313 4 891446208 +317 322 3 891446783 +317 323 2 891446819 +317 326 3 891446438 +317 328 4 891446438 +317 331 4 891446190 +317 350 5 891446819 +317 351 3 891446819 +317 354 4 891446251 +317 355 4 891446783 +317 683 2 891446412 +317 748 5 891446843 +317 879 3 891446575 +318 4 2 884497516 +318 8 4 884495616 +318 12 4 884495795 +318 14 4 884471030 +318 15 5 884470944 +318 24 4 884495132 +318 25 5 884494757 +318 26 5 884497471 +318 40 4 884497882 +318 47 2 884496855 +318 49 3 884497257 +318 50 2 884495696 +318 56 3 884495561 +318 58 4 884496243 +318 63 3 884496932 +318 64 4 884495590 +318 66 4 884495921 +318 69 5 884496572 +318 70 5 884496368 +318 72 4 884498540 +318 77 3 884497078 +318 85 3 884497180 +318 88 4 884496367 +318 94 4 884498210 +318 100 5 884470896 +318 105 1 884495164 +318 127 5 884470970 +318 132 4 884495868 +318 133 4 884496432 +318 137 4 884494652 +318 138 4 884498115 +318 140 4 884496738 +318 142 4 884496219 +318 143 5 884495944 +318 157 5 884496398 +318 158 5 884498709 +318 160 3 884497031 +318 161 3 884496738 +318 162 5 884496123 +318 167 4 884497611 +318 174 4 884495590 +318 179 4 884497546 +318 182 4 884496549 +318 186 5 884498292 +318 187 4 884495742 +318 188 3 884497031 +318 191 5 884496069 +318 193 3 884496367 +318 194 5 884495590 +318 196 3 884495973 +318 197 5 884496030 +318 204 5 884496218 +318 205 3 884496334 +318 208 4 884495664 +318 210 4 884496069 +318 211 5 884496432 +318 213 4 884497031 +318 215 2 884496218 +318 229 1 884497318 +318 237 5 884494712 +318 238 3 884497359 +318 239 4 884497235 +318 248 3 884494976 +318 255 4 884494693 +318 257 5 884471030 +318 265 4 884495664 +318 269 5 884469970 +318 282 4 884470775 +318 284 3 884470775 +318 285 4 884470944 +318 286 3 884470681 +318 289 3 884470682 +318 294 4 884469971 +318 301 4 884470034 +318 305 2 884470682 +318 307 3 884470681 +318 312 4 884470193 +318 315 5 884470294 +318 318 5 884496218 +318 321 4 884470149 +318 326 4 884470149 +318 340 4 884470115 +318 356 4 884496671 +318 357 4 884496069 +318 376 3 884498314 +318 378 4 884497632 +318 381 1 884497516 +318 384 3 884498210 +318 385 4 884496398 +318 393 5 884497449 +318 396 1 884498684 +318 401 3 884498292 +318 403 2 884496759 +318 404 3 884496639 +318 405 2 884494797 +318 414 4 884496008 +318 419 5 884495890 +318 423 5 884495561 +318 435 5 884496069 +318 451 4 884497546 +318 458 4 884494861 +318 474 4 884495742 +318 476 4 884495164 +318 480 4 884495795 +318 481 4 884496156 +318 485 5 884495921 +318 501 4 884496984 +318 503 4 884497402 +318 508 4 884494976 +318 509 5 884495817 +318 514 2 884496524 +318 517 3 884496069 +318 524 3 884496123 +318 527 5 884496596 +318 540 4 884498141 +318 566 4 884496472 +318 575 2 884497924 +318 605 4 884497425 +318 610 5 884496525 +318 618 3 884496984 +318 628 4 884494757 +318 629 4 884497236 +318 631 4 884496855 +318 648 5 884495534 +318 655 4 884496290 +318 657 5 884495696 +318 659 4 884495868 +318 660 3 884497207 +318 697 5 884496008 +318 708 4 884497994 +318 712 4 884496368 +318 722 4 884497546 +318 732 5 884496267 +318 735 5 884496182 +318 739 5 884496984 +318 750 4 884469971 +318 763 3 884494897 +318 768 2 884498022 +318 792 2 884496218 +318 795 2 884498766 +318 796 3 884496500 +318 815 3 884494938 +318 842 2 884495742 +318 864 2 884495032 +318 865 2 884496099 +318 866 4 884494976 +318 869 3 884498461 +318 892 3 884470391 +318 934 4 884495382 +318 941 4 884497715 +318 944 2 884497208 +318 968 3 884496671 +318 1012 4 884471076 +318 1014 2 884494919 +318 1023 2 884495091 +318 1030 2 884498787 +318 1032 3 884498210 +318 1044 4 884496985 +318 1048 4 884495001 +318 1050 4 884496738 +318 1063 3 884495973 +318 1120 3 884495206 +318 1204 2 884496156 +318 1521 3 884497824 +319 259 2 889816172 +319 261 3 889816267 +319 267 4 875707690 +319 268 4 889816026 +319 269 3 875707746 +319 302 4 876280242 +319 306 4 879975504 +319 307 4 879975504 +319 313 5 889816026 +319 332 4 876280289 +319 333 4 875707746 +319 338 2 879977242 +319 340 3 879975481 +319 346 3 889816026 +319 350 3 889816233 +319 682 3 879977089 +319 689 3 881355802 +319 750 3 889816107 +319 751 3 889816136 +319 879 5 876280338 +319 880 4 889816332 +320 1 3 884748604 +320 2 4 884749281 +320 3 4 884748978 +320 4 3 884749306 +320 7 4 884748708 +320 11 4 884749255 +320 17 5 884751190 +320 22 5 884749452 +320 24 3 884748641 +320 27 3 884749384 +320 33 4 884749385 +320 38 4 884751288 +320 42 4 884751712 +320 50 4 884749227 +320 51 5 884750992 +320 54 4 884751209 +320 56 5 884749227 +320 62 4 884749306 +320 66 4 884751034 +320 68 5 884749327 +320 71 3 884751439 +320 77 3 884751246 +320 79 4 884749255 +320 82 3 884749359 +320 89 4 884749327 +320 90 4 884751034 +320 92 5 884749306 +320 95 3 884751418 +320 96 5 884749255 +320 97 5 884750946 +320 99 4 884751440 +320 100 4 884748579 +320 117 4 884748641 +320 118 1 884748868 +320 121 5 884748733 +320 122 3 884749097 +320 123 4 884748750 +320 129 4 884748661 +320 145 4 884751552 +320 147 4 884748641 +320 148 4 884748708 +320 156 5 884750574 +320 159 4 884751190 +320 161 4 884749360 +320 164 4 884751246 +320 172 4 884749227 +320 173 5 884750946 +320 174 4 884749255 +320 176 4 884749255 +320 177 5 884749360 +320 183 4 884749255 +320 184 5 884749360 +320 188 4 884749360 +320 195 5 884749255 +320 202 4 884750946 +320 204 5 884750717 +320 210 5 884749227 +320 226 4 884749306 +320 231 2 884749411 +320 232 4 884749281 +320 233 4 884749281 +320 235 3 884748929 +320 240 3 884748818 +320 241 4 884750968 +320 248 5 884750644 +320 250 4 884751992 +320 252 2 884749532 +320 257 4 884749499 +320 274 4 884748683 +320 276 2 884748579 +320 278 3 884748886 +320 284 4 884748818 +320 288 4 884748277 +320 291 4 884749014 +320 292 3 884748299 +320 294 4 884748418 +320 300 4 884748229 +320 340 2 884748230 +320 358 4 884748485 +320 368 3 884748946 +320 369 4 884749097 +320 385 4 884749327 +320 399 3 884749411 +320 403 4 884749281 +320 405 4 884748774 +320 410 4 884748839 +320 411 3 884749119 +320 413 3 884749046 +320 421 4 884750968 +320 431 5 884749327 +320 433 4 884751730 +320 452 3 884751589 +320 453 3 884751610 +320 456 3 884748904 +320 458 4 884748868 +320 470 5 884751263 +320 472 3 884748750 +320 501 3 884751462 +320 546 4 884748818 +320 550 5 884749384 +320 552 4 884751336 +320 554 4 884751288 +320 566 3 884749384 +320 568 4 884749327 +320 570 4 884749384 +320 572 3 884751316 +320 576 3 884749411 +320 586 3 884749412 +320 588 3 884750766 +320 597 3 884748774 +320 627 4 884751418 +320 678 3 884748418 +320 679 4 884749306 +320 685 4 884748839 +320 692 4 884750968 +320 716 1 884750992 +320 732 3 884751013 +320 739 4 884750992 +320 742 4 884748800 +320 751 4 884748470 +320 760 3 884748946 +320 763 4 884748683 +320 769 3 884751288 +320 771 3 884751316 +320 774 4 884751552 +320 800 4 884751190 +320 808 4 884749359 +320 825 4 884749550 +320 827 4 884749030 +320 833 1 884748904 +320 849 4 884749360 +320 869 4 884751068 +320 892 3 884748299 +320 895 4 884748346 +320 946 5 884751462 +320 974 3 884749097 +320 976 2 884749567 +320 1011 3 884748978 +320 1041 3 884751084 +320 1059 4 884748868 +320 1081 4 884748997 +320 1090 3 884751376 +320 1091 4 884751462 +320 1157 4 884751336 +320 1188 4 884749411 +320 1210 4 884751316 +320 1215 1 884749097 +320 1522 3 884751316 +321 7 4 879438793 +321 8 4 879440451 +321 9 4 879440472 +321 14 3 879438825 +321 20 3 879440160 +321 30 4 879439658 +321 32 3 879440716 +321 45 4 879439763 +321 48 4 879439706 +321 50 4 879438793 +321 52 3 879440612 +321 56 4 879438651 +321 59 4 879440687 +321 60 4 879440954 +321 61 5 879441128 +321 64 3 879438607 +321 83 4 879439926 +321 86 4 879440294 +321 87 3 879439763 +321 89 3 879440716 +321 100 4 879438882 +321 124 3 879438857 +321 131 4 879439883 +321 132 5 879440342 +321 133 5 879440612 +321 134 3 879438607 +321 135 4 879439763 +321 143 3 879439621 +321 153 4 879440746 +321 170 4 879438651 +321 174 3 879441111 +321 175 3 879439706 +321 180 4 879440612 +321 182 3 879439679 +321 186 4 879440245 +321 190 4 879439562 +321 191 3 879440365 +321 193 3 879441178 +321 194 3 879441225 +321 198 4 879439926 +321 199 4 879439787 +321 205 5 879440109 +321 207 3 879440244 +321 211 4 879440109 +321 212 3 879440342 +321 213 4 879440109 +321 215 3 879439658 +321 216 4 879441308 +321 221 5 879438793 +321 224 3 879439733 +321 275 4 879440109 +321 276 3 879438987 +321 283 3 879438987 +321 286 4 879438932 +321 287 3 879438857 +321 357 4 879439832 +321 382 3 879440245 +321 419 4 879439620 +321 428 4 879441336 +321 430 3 879439734 +321 432 5 879439812 +321 462 4 879440294 +321 463 3 879440393 +321 474 4 879438607 +321 478 4 879439926 +321 480 4 879440109 +321 483 5 879439658 +321 484 5 879440244 +321 485 4 879439787 +321 494 4 879440318 +321 496 4 879438607 +321 497 5 879439860 +321 498 5 879438699 +321 499 3 879440393 +321 507 3 879441336 +321 510 5 879440317 +321 513 4 879440294 +321 514 4 879439706 +321 515 5 879440109 +321 519 4 879441336 +321 521 2 879441201 +321 523 3 879440687 +321 526 3 879440245 +321 527 3 879439763 +321 529 4 879440342 +321 530 4 879440109 +321 531 4 879440294 +321 604 5 879438651 +321 607 4 879440109 +321 611 4 879439832 +321 614 3 879440393 +321 615 5 879440109 +321 631 4 879440264 +321 633 5 879440109 +321 647 3 879438699 +321 651 3 879441178 +321 654 4 879439927 +321 657 4 879440660 +321 659 4 879440980 +321 663 2 879439537 +321 705 3 879439812 +321 709 4 879441308 +321 730 3 879439179 +321 736 4 879439537 +321 855 3 879439733 +321 863 3 879440746 +321 942 3 879440954 +321 1028 2 879441064 +321 1050 3 879441336 +321 1126 3 879439860 +321 1194 5 879438607 +321 1331 4 879439017 +322 1 2 887314119 +322 12 4 887313946 +322 23 5 887314417 +322 32 5 887314417 +322 48 4 887313946 +322 50 5 887314418 +322 64 5 887314148 +322 89 3 887314185 +322 92 4 887314073 +322 127 4 887313801 +322 150 4 887314027 +322 156 4 887313850 +322 157 5 887314244 +322 179 5 887314416 +322 182 5 887314417 +322 185 5 887313850 +322 188 3 887314244 +322 192 5 887313984 +322 194 5 887313850 +322 196 4 887314352 +322 197 5 887313983 +322 216 3 887313850 +322 234 4 887313893 +322 258 4 887313698 +322 272 4 887313698 +322 302 5 887314417 +322 303 3 887313611 +322 313 5 887314417 +322 318 4 887314280 +322 479 5 887313892 +322 489 3 887313892 +322 508 4 887314073 +322 513 4 887314185 +322 514 4 887314352 +322 521 5 887314244 +322 528 5 887314418 +322 591 3 887313984 +322 603 5 887314417 +322 608 3 887314027 +322 653 4 887314310 +322 654 5 887314118 +322 655 5 887313946 +322 656 5 887314027 +322 751 2 887313611 +323 7 2 878739355 +323 9 4 878739325 +323 11 5 878739953 +323 15 3 878739393 +323 22 5 878739743 +323 23 5 878739925 +323 50 5 878739137 +323 56 5 878739771 +323 64 5 878740017 +323 79 4 878739829 +323 93 4 878739177 +323 100 4 878739177 +323 117 3 878739355 +323 121 3 878739618 +323 127 5 878739137 +323 144 4 878739988 +323 150 4 878739568 +323 151 4 878739568 +323 156 5 878739720 +323 172 5 878739988 +323 179 4 878739904 +323 180 5 878739857 +323 181 5 878739177 +323 186 4 878739988 +323 199 4 878739953 +323 203 5 878739953 +323 204 3 878739771 +323 210 4 878739878 +323 215 5 878739988 +323 222 3 878739251 +323 223 4 878739699 +323 238 4 878740017 +323 243 1 878738997 +323 245 2 878739084 +323 246 4 878739177 +323 248 3 878739519 +323 249 3 878739488 +323 255 4 878739275 +323 257 2 878739393 +323 258 4 878738826 +323 273 4 878739355 +323 282 3 878739543 +323 286 3 878738826 +323 288 3 878738827 +323 289 2 878738910 +323 292 4 878738997 +323 293 4 878739299 +323 294 3 878738827 +323 295 3 878739519 +323 298 4 878739275 +323 300 2 878738827 +323 319 2 878738827 +323 322 2 878738910 +323 327 4 878738910 +323 328 3 878739029 +323 332 3 878738865 +323 333 4 878738865 +323 334 3 878738865 +323 467 5 878740017 +323 475 3 878739393 +323 479 4 878739801 +323 508 4 878739643 +323 535 3 878739643 +323 544 4 878739459 +323 546 2 878739519 +323 619 3 878739519 +323 651 5 878739829 +323 678 2 878738910 +323 713 4 878739299 +323 741 3 878739543 +323 744 5 878739436 +323 762 4 878739488 +323 763 4 878739459 +323 764 3 878739415 +323 772 3 878739904 +323 873 3 878738949 +323 875 3 878739029 +323 876 2 878738949 +323 886 3 878738997 +323 933 3 878739393 +323 993 4 878739488 +323 1012 4 878739594 +323 1017 3 878739394 +323 1048 3 878739594 +323 1050 5 878739988 +323 1073 4 878739857 +324 1 5 880575412 +324 9 5 880575449 +324 14 5 880575531 +324 50 5 880575618 +324 123 4 880575714 +324 127 4 880575658 +324 150 4 880575412 +324 248 5 880575493 +324 255 4 880575449 +324 258 4 880575107 +324 259 5 880575107 +324 260 5 880575277 +324 268 4 880575045 +324 270 5 880575045 +324 273 5 880575449 +324 275 4 880575531 +324 276 5 880575531 +324 282 5 880575619 +324 283 3 880575531 +324 288 5 880575002 +324 289 5 880575163 +324 292 3 880575045 +324 293 4 880575714 +324 294 5 880575002 +324 298 5 880575493 +324 300 5 880574827 +324 301 5 880575108 +324 307 5 880574766 +324 321 3 880575002 +324 322 4 880575163 +324 323 4 880575163 +324 327 4 880575002 +324 328 4 880575002 +324 331 4 880574827 +324 332 3 880574766 +324 410 5 880575449 +324 411 5 880575589 +324 458 4 880575619 +324 471 5 880575412 +324 475 5 880575449 +324 508 5 880575618 +324 538 4 880574901 +324 597 4 880575493 +324 678 3 880575277 +324 742 5 880575493 +324 748 5 880575108 +324 749 3 880575277 +324 754 5 880575045 +324 827 4 880575715 +324 846 5 880575715 +324 872 5 880575045 +324 875 3 880575163 +324 877 1 880575163 +324 879 4 880575234 +324 1033 4 880575589 +324 1094 5 880575715 +325 1 2 891478665 +325 2 1 891478772 +325 16 1 891478981 +325 23 5 891478276 +325 28 3 891478796 +325 32 3 891478665 +325 47 3 891478712 +325 50 5 891478140 +325 58 3 891478333 +325 71 3 891478981 +325 82 3 891479263 +325 86 3 891478578 +325 95 2 891478895 +325 98 4 891478079 +325 99 5 891479244 +325 100 4 891478504 +325 105 3 891480175 +325 107 2 891479102 +325 109 2 891478528 +325 114 5 891478307 +325 115 3 891478557 +325 127 5 891478480 +325 132 3 891478665 +325 133 3 891478333 +325 134 4 891478599 +325 135 5 891478006 +325 137 5 891477980 +325 143 1 891479017 +325 152 4 891477905 +325 154 3 891478480 +325 164 1 891479017 +325 168 3 891478796 +325 172 4 891478851 +325 174 2 891478006 +325 175 5 891478079 +325 177 5 891478627 +325 179 5 891478529 +325 180 4 891478910 +325 181 4 891478160 +325 182 3 891478835 +325 183 3 891477980 +325 185 5 891478140 +325 186 4 891478578 +325 187 3 891478455 +325 188 2 891478944 +325 190 4 891478432 +325 191 3 891478408 +325 193 4 891478627 +325 197 4 891478199 +325 199 5 891478199 +325 200 2 891478120 +325 205 4 891478307 +325 208 3 891478771 +325 210 2 891478796 +325 211 3 891478627 +325 234 3 891478796 +325 235 1 891479292 +325 236 3 891478695 +325 240 1 891479592 +325 269 4 891477567 +325 271 3 891477759 +325 272 3 891477537 +325 286 4 891477597 +325 305 2 891477638 +325 313 2 891477489 +325 319 3 891477638 +325 325 1 891477695 +325 340 3 891477473 +325 345 3 891477660 +325 357 4 891477957 +325 386 4 891479890 +325 402 2 891479706 +325 403 2 891479102 +325 408 5 891478307 +325 430 5 891478028 +325 432 5 891479263 +325 434 5 891478376 +325 435 3 891478239 +325 443 4 891478817 +325 458 3 891478877 +325 474 5 891478392 +325 475 4 891478079 +325 480 4 891478455 +325 482 4 891478333 +325 483 5 891478079 +325 484 5 891478643 +325 485 3 891478599 +325 492 4 891478557 +325 493 4 891477905 +325 495 3 891478180 +325 498 4 891478333 +325 502 4 891479058 +325 504 3 891477905 +325 505 4 891478557 +325 506 5 891478180 +325 507 3 891478455 +325 510 4 891478180 +325 514 4 891478006 +325 517 4 891478219 +325 521 4 891478160 +325 523 3 891478376 +325 525 5 891478579 +325 526 3 891478239 +325 527 4 891478140 +325 529 4 891478528 +325 542 2 891479962 +325 548 3 891480086 +325 554 1 891479912 +325 604 4 891478504 +325 614 4 891479038 +325 628 3 891478772 +325 640 3 891478376 +325 647 5 891478529 +325 650 3 891478079 +325 654 4 891478276 +325 655 4 891479312 +325 656 4 891478219 +325 768 3 891479564 +325 835 5 891478099 +325 865 3 891478079 +325 961 4 891479312 +325 1003 3 891480133 +325 1118 3 891479665 +325 1140 3 891479681 +325 1149 4 891479228 +325 1203 5 891478159 +325 1230 3 891479737 +325 1232 1 891479228 +325 1411 4 891478981 +325 1487 3 891480086 +325 1523 4 891478504 +326 1 3 879876159 +326 4 1 879876688 +326 8 4 879875457 +326 22 4 879874989 +326 33 2 879876975 +326 38 3 879877005 +326 44 1 879875852 +326 48 3 879875533 +326 50 5 879875112 +326 54 3 879876300 +326 56 2 879875691 +326 64 4 879875024 +326 67 2 879877284 +326 69 2 879874964 +326 72 2 879877264 +326 79 4 879875203 +326 82 3 879876861 +326 86 2 879875644 +326 88 2 879877235 +326 89 4 879875398 +326 94 4 879877304 +326 96 3 879875057 +326 97 4 879874897 +326 98 5 879875112 +326 127 1 879875507 +326 131 2 879875457 +326 132 4 879875398 +326 134 3 879875797 +326 136 4 879874933 +326 141 3 879876235 +326 144 5 879876114 +326 153 4 879875751 +326 154 2 879875271 +326 161 3 879875873 +326 168 3 879874859 +326 170 2 879874897 +326 172 4 879875431 +326 173 5 879874989 +326 174 4 879874825 +326 176 2 879876184 +326 177 3 879876881 +326 180 1 879875457 +326 181 4 879875592 +326 182 2 879876861 +326 183 5 879875851 +326 185 5 879875203 +326 186 4 879877143 +326 187 1 879875243 +326 194 4 879874825 +326 196 4 879875822 +326 197 1 879875723 +326 199 5 879875552 +326 200 2 879877349 +326 202 4 879875724 +326 204 3 879874964 +326 205 4 879875507 +326 208 3 879875534 +326 210 3 879874964 +326 211 4 879876184 +326 216 2 879876235 +326 219 2 879877349 +326 226 5 879876975 +326 228 4 879876861 +326 229 3 879876941 +326 230 3 879876861 +326 232 2 879876941 +326 233 4 879876941 +326 234 3 879875797 +326 237 2 879875572 +326 239 3 879875612 +326 241 3 879875778 +326 265 4 879876489 +326 282 2 879875964 +326 317 3 879875243 +326 318 5 879875612 +326 367 3 879877264 +326 378 4 879875724 +326 385 3 879876882 +326 386 5 879877284 +326 391 4 879877005 +326 393 4 879876327 +326 397 3 879876975 +326 399 4 879877004 +326 403 3 879876976 +326 419 3 879875203 +326 423 3 879876159 +326 428 5 879877283 +326 429 5 879875175 +326 433 2 879875644 +326 434 5 879875203 +326 435 3 879874897 +326 436 3 879877387 +326 441 2 879877433 +326 443 5 879877349 +326 444 4 879877413 +326 445 4 879877413 +326 448 3 879877349 +326 451 2 879877234 +326 452 3 879877470 +326 468 3 879875572 +326 478 3 879875083 +326 479 5 879875432 +326 480 4 879875691 +326 481 1 879874964 +326 483 5 879874963 +326 484 5 879874933 +326 485 5 879875483 +326 491 4 879876235 +326 493 5 879874825 +326 496 5 879874825 +326 498 5 879875083 +326 501 3 879876688 +326 503 3 879876542 +326 507 2 879875873 +326 508 3 879875432 +326 510 5 879876141 +326 511 4 879875593 +326 514 3 879875612 +326 515 5 879874897 +326 519 5 879875533 +326 523 4 879875057 +326 525 5 879874989 +326 526 5 879874964 +326 527 5 879874989 +326 528 3 879875112 +326 530 5 879875778 +326 554 3 879877005 +326 559 3 879877413 +326 563 3 879877470 +326 564 3 879877470 +326 565 3 879877470 +326 566 4 879877073 +326 603 4 879875203 +326 608 4 879875930 +326 609 3 879875930 +326 612 2 879875083 +326 613 5 879874860 +326 615 4 879875724 +326 616 5 879875724 +326 633 4 879875852 +326 646 2 879875112 +326 648 5 879875644 +326 651 4 879875663 +326 654 1 879875151 +326 655 5 879875432 +326 657 5 879875431 +326 659 4 879875397 +326 663 1 879877159 +326 665 1 879876975 +326 670 3 879877387 +326 671 3 879876327 +326 674 3 879877433 +326 675 4 879875457 +326 679 3 879876941 +326 701 4 879876141 +326 705 3 879875399 +326 720 2 879876975 +326 732 5 879877143 +326 780 2 879877326 +326 790 1 879877198 +326 837 4 879875507 +326 849 1 879876975 +326 944 2 879877326 +326 969 4 879875151 +326 1118 2 879877264 +326 1126 2 879875243 +326 1231 3 879877039 +327 1 4 887745622 +327 2 2 887820385 +327 4 4 887819161 +327 7 3 887744023 +327 8 4 887819860 +327 9 5 887819860 +327 10 4 887744432 +327 11 4 887745303 +327 12 3 887744205 +327 13 2 887746665 +327 14 4 887744167 +327 22 4 887744167 +327 23 4 887745463 +327 24 2 887745934 +327 25 2 887746728 +327 26 3 887747299 +327 31 2 887820531 +327 32 4 887747266 +327 33 3 887820341 +327 42 3 887746665 +327 44 3 887745840 +327 48 4 887745662 +327 50 3 887745574 +327 55 4 887820293 +327 64 2 887745699 +327 65 2 887747617 +327 66 3 887819582 +327 69 2 887822711 +327 70 4 887819316 +327 72 2 887819582 +327 79 3 887745661 +327 81 4 887818904 +327 82 2 887820448 +327 83 2 887744101 +327 85 2 887819507 +327 86 4 887822433 +327 87 3 887818620 +327 88 2 887819194 +327 89 4 887744167 +327 90 3 887819194 +327 92 4 887748006 +327 93 4 887744432 +327 95 3 887818596 +327 96 2 887822530 +327 98 4 887746196 +327 99 4 887820761 +327 100 4 887744513 +327 108 3 887819614 +327 111 4 887819462 +327 117 3 887820385 +327 121 2 887822530 +327 127 4 887747338 +327 129 4 887744384 +327 131 4 887818783 +327 132 5 887820828 +327 133 4 887745662 +327 143 4 888251408 +327 144 4 887820293 +327 147 2 887820417 +327 150 4 887744356 +327 151 4 887745871 +327 152 3 887819194 +327 153 4 887818596 +327 154 4 887747337 +327 156 4 887747668 +327 160 4 887822209 +327 161 3 887820417 +327 164 3 887746219 +327 169 2 887744205 +327 172 4 887743986 +327 173 4 887747337 +327 175 2 887744205 +327 176 4 887744240 +327 179 2 887820493 +327 182 4 887744205 +327 183 3 887744065 +327 186 2 887744064 +327 188 5 887745774 +327 190 4 887832180 +327 191 4 887820828 +327 192 5 887820828 +327 195 4 887744277 +327 196 4 887745871 +327 197 4 887744023 +327 198 4 887747337 +327 200 4 887747338 +327 201 5 887820828 +327 202 4 887822400 +327 203 3 887818540 +327 204 4 887818658 +327 209 4 887747939 +327 210 3 887744065 +327 211 3 887818682 +327 215 4 887820695 +327 216 3 887818991 +327 217 3 887746328 +327 218 3 887746328 +327 219 4 887746219 +327 222 2 887744357 +327 226 3 887820341 +327 230 4 887820448 +327 232 4 887819538 +327 233 3 887820385 +327 234 5 887745840 +327 237 4 887745494 +327 238 4 887747410 +327 239 3 887819316 +327 249 2 887744432 +327 250 2 887745272 +327 258 1 887737355 +327 260 1 887743705 +327 264 2 887743725 +327 265 2 887818511 +327 268 4 887737629 +327 269 3 887737629 +327 271 3 887743644 +327 273 2 887745911 +327 274 2 887819462 +327 275 4 887747338 +327 281 3 887820341 +327 285 4 887744459 +327 286 2 887737328 +327 288 4 887743600 +327 293 3 887745574 +327 294 3 887743644 +327 298 3 887744405 +327 300 2 887743541 +327 301 3 887743725 +327 302 3 887737355 +327 311 3 887737629 +327 313 4 887744167 +327 318 5 887820828 +327 321 3 887743761 +327 327 3 887737402 +327 328 2 887743600 +327 333 2 887737493 +327 336 2 887737569 +327 338 1 887743815 +327 340 4 887744167 +327 344 4 887744167 +327 357 4 887747338 +327 367 4 887819355 +327 381 4 887819354 +327 382 3 887819316 +327 393 3 887819507 +327 396 3 887819538 +327 403 3 887820384 +327 405 2 887745589 +327 408 2 887745910 +327 410 2 887819462 +327 411 3 887818957 +327 418 3 887820761 +327 419 4 887822832 +327 421 2 887745840 +327 423 3 887822752 +327 425 3 887822681 +327 428 4 887819021 +327 431 3 887820384 +327 433 4 887818991 +327 435 4 888251521 +327 447 4 887746196 +327 451 4 887819411 +327 455 2 887819316 +327 461 3 887746665 +327 464 4 887822785 +327 466 3 887820171 +327 469 4 887822623 +327 474 3 887743986 +327 475 4 887744405 +327 476 2 887819538 +327 478 4 887819860 +327 482 4 887745661 +327 484 3 887745303 +327 494 4 887822400 +327 497 4 887818658 +327 498 4 887819860 +327 502 3 887747134 +327 506 3 887744513 +327 507 4 887744205 +327 508 2 887744064 +327 514 4 887747338 +327 517 2 887818991 +327 523 4 887818800 +327 527 4 887745319 +327 529 3 887822770 +327 533 4 887822530 +327 546 2 887820448 +327 550 2 887820448 +327 558 4 887746196 +327 559 2 887746328 +327 568 2 887820417 +327 582 4 887822711 +327 583 2 887820341 +327 588 4 887820761 +327 589 3 887743936 +327 603 4 887745661 +327 628 2 887820226 +327 631 3 887747133 +327 634 5 887820493 +327 644 3 887747410 +327 645 4 887818991 +327 650 4 887745699 +327 651 4 887745744 +327 652 4 887819860 +327 655 4 887745303 +327 658 2 887747668 +327 659 4 887819021 +327 663 4 887819582 +327 672 2 887746328 +327 676 3 887746686 +327 678 3 887743705 +327 682 3 887737629 +327 686 4 887820293 +327 702 2 887819021 +327 708 4 887818596 +327 709 4 887819411 +327 710 4 887747410 +327 715 4 887819860 +327 732 1 887819316 +327 735 2 887818540 +327 746 3 887818992 +327 749 3 887743644 +327 753 4 887745744 +327 772 3 887822646 +327 792 4 887819021 +327 805 4 887819462 +327 806 4 887747617 +327 811 4 887747363 +327 845 3 887818957 +327 849 2 887822530 +327 856 4 887744167 +327 865 5 887745774 +327 874 3 887737629 +327 875 4 887743600 +327 886 2 887737493 +327 895 3 887743670 +327 896 5 887820828 +327 919 5 887820828 +327 921 4 887748028 +327 949 4 887819316 +327 952 2 887819354 +327 959 5 887819161 +327 960 5 887745774 +327 962 3 887820545 +327 1007 4 887745272 +327 1012 2 887745891 +327 1017 2 887819316 +327 1019 3 887746665 +327 1056 2 887747971 +327 1067 4 887819538 +327 1069 4 887819136 +327 1070 4 887744513 +327 1073 2 887744241 +327 1075 4 887822832 +327 1097 4 887819860 +327 1098 4 887820828 +327 1100 4 888251464 +327 1101 4 887746665 +327 1103 4 887819614 +327 1131 4 887822736 +327 1141 3 887822681 +327 1170 4 887819860 +328 4 3 885047895 +328 7 4 885046079 +328 8 3 885047018 +328 9 4 885045993 +328 10 4 885047099 +328 11 3 885047450 +328 12 5 885045528 +328 22 5 885045805 +328 28 5 885045931 +328 29 3 885048930 +328 31 4 886036884 +328 38 3 885049275 +328 43 3 886038224 +328 44 3 885047864 +328 46 2 885048004 +328 50 4 885045702 +328 51 3 885047417 +328 54 3 885047194 +328 55 4 885046655 +328 56 4 885045993 +328 62 3 885049275 +328 65 4 885046912 +328 68 3 885048198 +328 70 4 885047252 +328 71 4 885048004 +328 72 3 885046686 +328 73 4 885048062 +328 76 3 885046580 +328 77 4 885046977 +328 79 4 885047194 +328 82 4 885046537 +328 85 1 886038183 +328 89 5 885046344 +328 96 4 885046174 +328 97 3 885046174 +328 98 4 885045899 +328 100 5 885046305 +328 117 4 885046420 +328 118 3 885048396 +328 127 5 885045645 +328 132 5 885046420 +328 133 5 885047018 +328 135 3 885046853 +328 144 4 885045740 +328 148 3 885048638 +328 149 2 885048730 +328 153 2 886037257 +328 155 4 885048198 +328 157 5 885046344 +328 161 4 885047670 +328 162 4 885048004 +328 164 3 885047484 +328 167 3 885048861 +328 172 4 885045528 +328 176 5 885046052 +328 177 3 885047099 +328 180 4 885046134 +328 181 4 885046244 +328 182 2 885045678 +328 183 5 885045805 +328 185 4 885045899 +328 186 4 886037065 +328 187 4 885045993 +328 188 5 885046498 +328 192 4 885045805 +328 194 3 885046976 +328 195 3 885045899 +328 198 3 885045844 +328 199 4 885045528 +328 200 4 885046420 +328 203 5 885045931 +328 204 3 885045993 +328 205 4 885045768 +328 211 4 885046276 +328 215 3 885046773 +328 216 3 885045899 +328 218 4 885047281 +328 222 3 885046655 +328 223 4 885045645 +328 226 3 885048235 +328 227 3 885047129 +328 228 3 885046976 +328 229 3 885046977 +328 230 3 885048101 +328 231 2 885048762 +328 232 3 885047670 +328 234 4 885046376 +328 237 4 885047373 +328 241 5 885047252 +328 245 4 885044703 +328 258 5 885044482 +328 260 2 885044940 +328 265 5 885045993 +328 270 2 885044641 +328 271 3 885044607 +328 272 5 888641556 +328 273 3 885046134 +328 275 4 885046420 +328 281 4 885048930 +328 282 3 885047865 +328 284 3 885047593 +328 286 5 885044452 +328 289 4 885044566 +328 291 4 885047865 +328 294 3 885044733 +328 299 2 885044904 +328 300 5 885044640 +328 301 2 885044607 +328 315 4 885044782 +328 316 5 888641915 +328 317 4 885046976 +328 318 5 885045740 +328 322 3 885044782 +328 323 3 885044940 +328 326 4 885044607 +328 327 3 885044566 +328 328 4 885044566 +328 331 4 885045085 +328 332 3 885044782 +328 333 3 885044418 +328 343 3 885044452 +328 344 4 893195665 +328 349 2 888641949 +328 350 3 886036374 +328 356 3 885047763 +328 357 4 885046244 +328 370 3 885048986 +328 371 4 885046773 +328 380 3 885047737 +328 383 3 885049880 +328 385 3 885046027 +328 399 2 885049405 +328 402 3 885047627 +328 403 3 885047281 +328 405 4 885047018 +328 423 4 885046305 +328 427 3 885045740 +328 431 2 885047822 +328 432 1 885047511 +328 433 2 885047670 +328 435 4 885045844 +328 443 4 885048235 +328 447 2 885045528 +328 448 3 885046744 +328 449 3 885049607 +328 451 4 885048159 +328 470 4 885046537 +328 471 3 885048004 +328 474 4 885046455 +328 480 3 885046244 +328 481 3 885048500 +328 482 3 885046580 +328 483 5 885045844 +328 503 3 885047696 +328 504 3 885046420 +328 510 5 885046376 +328 511 4 885045678 +328 515 5 885045678 +328 518 2 885048198 +328 519 5 885046420 +328 520 5 885045844 +328 521 4 885047484 +328 523 5 885046206 +328 528 5 886037457 +328 531 4 885046455 +328 540 3 885048730 +328 546 3 885048861 +328 549 4 885047556 +328 550 3 885047336 +328 553 3 885048235 +328 554 3 885049790 +328 556 3 885048930 +328 559 3 885048986 +328 561 3 885049431 +328 566 5 885047374 +328 568 3 885047896 +328 569 4 885049199 +328 570 3 885046498 +328 572 3 885049658 +328 578 2 885048895 +328 579 3 885049836 +328 582 5 885045844 +328 589 4 885046244 +328 591 3 885047018 +328 595 3 885048500 +328 597 3 885048465 +328 601 4 885048004 +328 606 3 885046244 +328 610 3 886036967 +328 614 4 885046276 +328 620 3 885048861 +328 623 3 885048801 +328 627 3 885048365 +328 628 3 885047627 +328 636 3 885047556 +328 637 3 885047865 +328 639 2 885048730 +328 645 4 885046344 +328 649 3 885047417 +328 651 5 885046580 +328 655 4 886037429 +328 661 5 885047373 +328 662 3 885047593 +328 665 2 885048801 +328 679 2 885049460 +328 684 5 885046537 +328 685 4 885047450 +328 688 1 886036585 +328 690 3 885044418 +328 692 4 885046976 +328 693 2 885046174 +328 696 3 885049376 +328 699 4 885046718 +328 708 2 885048101 +328 715 2 885046853 +328 723 3 885047223 +328 726 4 885049112 +328 729 4 885047737 +328 736 3 885047737 +328 739 3 885048611 +328 742 4 885047309 +328 744 4 885046878 +328 748 3 885045245 +328 750 4 885044519 +328 752 2 888641528 +328 754 4 885044607 +328 755 3 885048801 +328 778 3 885047822 +328 798 2 885048159 +328 809 4 885048895 +328 810 3 885049535 +328 823 3 885049024 +328 849 3 885048333 +328 879 3 885044566 +328 905 3 888641999 +328 912 3 893195852 +328 916 2 893195710 +328 956 4 885046912 +328 984 3 885044940 +328 1015 3 885047737 +328 1041 3 885048762 +328 1042 3 885049024 +328 1106 2 893195825 +328 1107 3 885048532 +328 1109 3 885047100 +328 1112 4 885049459 +328 1126 3 885046580 +328 1135 1 885045528 +328 1136 4 885047018 +328 1139 1 885049756 +328 1217 3 885049790 +328 1248 3 885047417 +328 1263 3 885048730 +328 1277 3 885049084 +328 1313 4 888641949 +328 1439 3 885048827 +328 1478 3 885049275 +328 1483 4 893195825 +328 1518 3 885049503 +329 7 3 891655961 +329 11 3 891656237 +329 12 4 891656178 +329 39 2 891656391 +329 79 4 891656391 +329 81 2 891656300 +329 98 4 891656300 +329 100 4 891655812 +329 117 3 891655868 +329 124 5 891655905 +329 127 4 891655741 +329 129 3 891655905 +329 137 5 891655812 +329 147 3 891656072 +329 169 4 891656178 +329 174 4 891656639 +329 181 4 891655741 +329 185 3 891656347 +329 194 3 891656429 +329 197 4 891656429 +329 198 4 891656268 +329 199 4 891656347 +329 245 3 891656640 +329 250 3 891656639 +329 258 3 891656639 +329 269 4 891655191 +329 272 5 891655191 +329 274 3 891656639 +329 276 4 891655905 +329 282 3 891656300 +329 284 3 891656072 +329 286 4 891655291 +329 288 2 891655191 +329 294 2 891655383 +329 295 4 891656012 +329 297 4 891655868 +329 300 4 891655431 +329 303 4 891655350 +329 313 4 891655191 +329 322 3 891655570 +329 323 2 891655594 +329 326 3 891656639 +329 331 3 891656639 +329 333 4 891655322 +329 338 2 891655545 +329 423 4 891656237 +329 483 4 891656347 +329 512 4 891656347 +329 515 4 891655932 +329 534 3 891656639 +329 591 2 891655812 +329 651 4 891656639 +329 655 4 891656237 +329 657 3 891656391 +329 705 3 891656347 +329 855 4 891656206 +329 879 2 891655515 +329 892 2 891655614 +329 924 3 891655905 +330 1 5 876544432 +330 8 5 876546236 +330 11 4 876546561 +330 15 5 876544366 +330 22 5 876545532 +330 25 5 876544582 +330 28 5 876546526 +330 31 5 876546812 +330 38 4 876546948 +330 44 5 876546920 +330 47 5 876546409 +330 50 5 876544366 +330 51 5 876546753 +330 58 5 876546132 +330 63 3 876547165 +330 64 5 876546409 +330 66 5 876547533 +330 67 4 876547500 +330 69 5 876546890 +330 70 4 876546470 +330 71 5 876546236 +330 72 5 876547087 +330 73 5 876546782 +330 77 4 876547220 +330 80 2 876547737 +330 82 4 876546298 +330 88 5 876546948 +330 91 4 876547426 +330 94 4 876547426 +330 95 5 876546105 +330 97 5 876547220 +330 98 5 876546033 +330 99 4 876546172 +330 100 4 876544277 +330 102 4 876546586 +330 105 4 876545150 +330 117 5 876544654 +330 118 5 876544582 +330 121 4 876544582 +330 126 5 876544480 +330 132 5 876546498 +330 133 5 876545625 +330 135 3 876546172 +330 136 5 876546378 +330 143 5 876546470 +330 148 4 876544781 +330 151 4 876544734 +330 153 5 876545970 +330 161 4 876545999 +330 168 3 876546439 +330 172 5 876546619 +330 174 5 876546172 +330 177 4 876546267 +330 181 5 876544277 +330 185 4 876546236 +330 193 5 876547004 +330 195 3 876546694 +330 197 5 876546071 +330 200 5 876546668 +330 202 5 876546948 +330 204 5 876546839 +330 205 3 876546105 +330 208 5 876546409 +330 209 3 876547032 +330 210 5 876546866 +330 213 5 876546752 +330 215 5 876547925 +330 216 5 876546470 +330 228 5 876547220 +330 231 5 876545418 +330 235 5 876544690 +330 238 5 876546323 +330 252 4 876544734 +330 255 4 876544278 +330 257 5 876544609 +330 275 5 876544366 +330 277 4 876544690 +330 283 5 876544432 +330 286 5 876543768 +330 293 3 876544311 +330 357 4 876546439 +330 370 4 876545058 +330 384 2 876547813 +330 385 5 876546378 +330 393 4 876547004 +330 418 5 876546298 +330 419 5 876546298 +330 427 5 876546920 +330 432 4 876546753 +330 447 4 876546619 +330 451 5 876547813 +330 465 5 876547250 +330 468 5 876547608 +330 470 5 876546267 +330 473 4 876544632 +330 479 5 876546105 +330 485 5 876546839 +330 496 5 876546172 +330 501 5 876546719 +330 527 3 876546071 +330 549 5 876547355 +330 554 3 876547500 +330 559 3 876547500 +330 568 5 876546752 +330 570 4 876547674 +330 575 4 876547165 +330 584 3 876547220 +330 588 5 876546033 +330 596 5 876544690 +330 603 5 876545625 +330 627 5 876545479 +330 651 5 876547311 +330 660 5 876546752 +330 692 5 876547032 +330 699 5 876547032 +330 708 3 876545598 +330 729 5 876545721 +330 732 5 876547220 +330 739 5 876545368 +330 747 3 876546498 +330 763 5 876544337 +330 823 3 876544872 +330 845 5 876544432 +330 864 4 876544278 +330 866 5 876544998 +330 966 5 876547311 +330 969 5 876546409 +330 993 4 876544632 +330 1016 3 876544480 +330 1028 4 876544953 +330 1035 4 876547470 +330 1044 5 876547575 +330 1084 5 876544432 +331 1 1 877196567 +331 7 4 877196633 +331 8 3 877196444 +331 11 2 877196702 +331 32 4 877196633 +331 47 5 877196235 +331 58 3 877196567 +331 59 5 877196383 +331 64 4 877196504 +331 69 5 877196384 +331 81 5 877196702 +331 100 4 877196308 +331 124 4 877196174 +331 132 3 877196174 +331 133 3 877196443 +331 175 4 877196235 +331 178 3 877196173 +331 180 5 877196567 +331 182 4 877196567 +331 190 3 877196308 +331 198 4 877196634 +331 214 3 877196702 +331 215 3 877196383 +331 221 4 877196308 +331 223 4 877196173 +331 234 4 877196633 +331 238 4 877196383 +331 242 4 877196089 +331 268 5 877196820 +331 269 5 877196819 +331 277 4 877196384 +331 286 4 877196089 +331 302 5 877196819 +331 304 5 877196820 +331 305 5 877196819 +331 306 5 877196819 +331 414 4 877196504 +331 454 3 877196702 +331 475 3 877196173 +331 479 2 877196504 +331 482 2 877196235 +331 486 3 877196308 +331 491 3 877196383 +331 503 4 877196504 +331 506 2 877196504 +331 511 5 877196633 +331 514 3 877196173 +331 653 3 877196173 +331 682 5 877196820 +331 694 4 877196702 +331 702 3 877196443 +331 705 2 877196173 +331 735 4 877196444 +331 811 4 877196384 +331 868 4 877196567 +331 933 3 877196235 +331 947 5 877196308 +331 958 5 877196504 +331 1017 2 877196235 +331 1100 2 877196634 +331 1101 4 877196633 +331 1141 3 877196504 +331 1194 3 877196444 +331 1199 1 877196634 +331 1296 5 877196820 +332 1 4 887938245 +332 5 5 888360370 +332 7 4 887916547 +332 8 5 888360108 +332 9 4 887916653 +332 11 5 888359882 +332 12 5 888098205 +332 22 5 887938934 +332 31 4 888098205 +332 38 2 888360488 +332 44 3 888360342 +332 50 5 887916675 +332 53 3 888360438 +332 54 4 888360396 +332 56 5 888098256 +332 64 5 888359944 +332 70 2 888360179 +332 73 4 888360229 +332 77 4 888360343 +332 79 5 888098088 +332 82 5 888098524 +332 89 5 888098060 +332 95 5 888360060 +332 96 5 887939051 +332 97 5 888359903 +332 98 5 888359903 +332 105 2 887938631 +332 106 4 887938687 +332 118 5 887938330 +332 120 4 887938818 +332 121 5 887916692 +332 122 5 887938886 +332 123 4 887916653 +332 125 5 887938224 +332 127 5 887916653 +332 144 5 887939092 +332 148 5 887938486 +332 156 4 888359944 +332 159 5 887939071 +332 172 5 888098088 +332 174 5 888359866 +332 181 5 887916529 +332 182 5 888098088 +332 195 5 887939051 +332 204 4 888098088 +332 210 5 887938981 +332 218 5 888360396 +332 222 4 887916529 +332 227 5 888360371 +332 228 5 888359980 +332 229 5 888360342 +332 230 5 888360342 +332 232 5 888098373 +332 233 4 888360370 +332 234 5 888360342 +332 235 3 887938723 +332 237 5 887916529 +332 240 4 887938299 +332 245 4 888098170 +332 249 3 891214777 +332 252 5 888098524 +332 257 4 887916575 +332 258 5 887916151 +332 264 3 893027312 +332 265 4 888360370 +332 271 4 887916217 +332 273 5 887938277 +332 276 3 887938299 +332 282 5 887916692 +332 284 5 887938245 +332 288 5 887916151 +332 291 4 887938439 +332 293 4 887916624 +332 294 5 887916324 +332 295 3 887916529 +332 298 4 887916575 +332 300 5 887916188 +332 302 5 893027264 +332 313 5 887916125 +332 322 4 887916365 +332 323 5 888098276 +332 326 5 892484951 +332 327 5 887916324 +332 328 5 887916217 +332 332 4 887916411 +332 333 5 889069499 +332 342 4 892484976 +332 350 4 891214762 +332 354 5 888189331 +332 356 3 888360396 +332 369 4 887938556 +332 370 2 887938849 +332 385 5 888098398 +332 405 4 887938503 +332 406 3 887938601 +332 409 3 887938601 +332 410 4 887938486 +332 449 4 888360438 +332 450 5 888360508 +332 451 5 888360179 +332 452 4 888360508 +332 456 4 887938556 +332 470 5 887939157 +332 472 3 887938277 +332 546 4 888098432 +332 550 5 887939092 +332 552 3 888360488 +332 554 3 888360460 +332 562 5 888098328 +332 566 4 888360342 +332 595 4 887938574 +332 597 5 887938486 +332 619 3 887938524 +332 628 4 887938556 +332 651 5 888098060 +332 655 5 888360248 +332 673 5 888360307 +332 679 5 887939021 +332 684 5 888360370 +332 685 4 887938277 +332 693 5 888098538 +332 696 3 887938760 +332 717 3 887938760 +332 728 4 893027298 +332 742 5 887938224 +332 746 5 888360129 +332 756 2 887938687 +332 763 5 887938421 +332 770 3 888098170 +332 815 4 887938224 +332 820 4 887938524 +332 824 3 887938818 +332 831 3 887938760 +332 833 5 887938556 +332 841 4 887938669 +332 845 3 887938421 +332 866 2 887938631 +332 871 3 887938351 +332 879 4 887916385 +332 895 5 887916385 +332 928 5 887938706 +332 931 2 888360532 +332 934 2 887938886 +332 974 4 888360532 +332 975 3 887938631 +332 978 4 888098459 +332 982 3 887938601 +332 983 2 887938886 +332 984 2 887916411 +332 1011 3 887938631 +332 1013 3 887938798 +332 1016 5 887916529 +332 1028 4 887938403 +332 1042 4 888360396 +332 1047 3 887938652 +332 1090 5 888360508 +332 1150 3 887938631 +332 1188 5 888098374 +332 1210 3 888360460 +332 1218 5 887939171 +332 1244 4 887938798 +332 1315 2 887916623 +333 66 5 891045515 +333 79 3 891045496 +333 88 5 891045551 +333 98 4 891045496 +333 100 4 891045666 +333 153 4 891045496 +333 168 4 891045496 +333 174 5 891045082 +333 180 1 891045191 +333 186 4 891045335 +333 255 3 891045624 +333 269 2 891044134 +333 276 4 891045031 +333 294 3 891045496 +333 300 4 891044389 +333 315 5 891044095 +333 316 5 891044659 +333 435 4 891045245 +333 513 4 891045496 +333 739 5 891045410 +333 748 4 891044596 +333 873 3 891045496 +333 894 3 891045496 +334 4 3 891548345 +334 7 5 891544788 +334 8 4 891547171 +334 9 4 891544707 +334 10 4 891545265 +334 12 5 891547016 +334 13 3 891545089 +334 14 3 891544810 +334 19 4 891544925 +334 20 4 891544867 +334 22 4 891545821 +334 23 4 891545821 +334 28 3 891546373 +334 38 2 891550141 +334 42 4 891545741 +334 47 4 891547171 +334 50 5 891544867 +334 52 4 891548579 +334 56 4 891546914 +334 58 4 891546914 +334 59 5 891546000 +334 61 3 891550409 +334 68 3 891548387 +334 69 1 891548032 +334 70 3 891546299 +334 72 3 891549192 +334 74 2 891549246 +334 77 3 891549247 +334 79 4 891546992 +334 81 4 891546299 +334 82 4 891547083 +334 83 4 891628832 +334 86 4 891548295 +334 89 4 891545898 +334 91 4 891547306 +334 93 4 891545020 +334 95 3 891548069 +334 98 4 891545793 +334 99 4 891548533 +334 100 5 891544707 +334 111 3 891547445 +334 115 5 891545768 +334 116 4 891545044 +334 117 3 891544735 +334 121 3 891545067 +334 124 5 891544680 +334 125 3 891544925 +334 127 4 891544840 +334 130 4 891545318 +334 131 4 891547744 +334 132 3 891546231 +334 134 5 891545973 +334 135 4 891545793 +334 143 2 891548647 +334 151 4 891544925 +334 153 4 891547306 +334 154 4 891547235 +334 155 2 891549927 +334 160 4 891547190 +334 161 3 891549304 +334 163 4 891548602 +334 164 3 891548104 +334 168 5 891546914 +334 169 4 891546348 +334 170 3 891546181 +334 171 4 891546132 +334 172 3 891548954 +334 173 4 891628228 +334 174 4 891546992 +334 175 4 891546257 +334 176 3 891547040 +334 179 4 891546231 +334 181 4 891544904 +334 182 3 891545793 +334 183 4 891545950 +334 185 4 891545950 +334 191 4 891545793 +334 197 4 891546181 +334 200 4 891547171 +334 203 4 891546181 +334 204 4 891547190 +334 207 4 891545950 +334 210 3 891546405 +334 213 4 891546373 +334 214 3 891549045 +334 216 3 891546348 +334 217 2 891549805 +334 218 3 891548317 +334 221 5 891544904 +334 222 4 891544904 +334 223 5 891545973 +334 224 2 891545020 +334 227 1 891547083 +334 228 5 891547894 +334 229 2 891549777 +334 230 4 891548808 +334 231 2 891549024 +334 235 3 891545293 +334 236 4 891544765 +334 237 4 891545067 +334 238 4 891546231 +334 239 3 891546914 +334 245 2 891544367 +334 248 4 891544997 +334 250 3 891544840 +334 255 3 891544840 +334 257 4 891544764 +334 265 3 891545876 +334 268 4 891544102 +334 269 3 891544049 +334 271 3 891544340 +334 272 4 891544103 +334 276 4 891545089 +334 277 3 891544904 +334 282 4 891544925 +334 283 4 891544810 +334 285 4 891544707 +334 286 4 891544049 +334 287 3 891545162 +334 288 3 891544209 +334 289 3 891544491 +334 290 3 891544997 +334 293 3 891544840 +334 297 5 891544680 +334 300 3 891544209 +334 301 2 891544233 +334 302 5 891544177 +334 303 4 891544077 +334 304 3 891550557 +334 305 2 891544135 +334 306 4 891544103 +334 310 3 891544049 +334 311 4 891628833 +334 312 2 891544286 +334 313 4 891544077 +334 315 4 891550535 +334 316 4 891544407 +334 317 3 891546000 +334 318 4 891545926 +334 319 3 891544233 +334 322 3 891544584 +334 324 4 891628832 +334 326 1 891544286 +334 328 3 891544311 +334 333 4 891544233 +334 337 4 891544177 +334 338 1 891544524 +334 340 3 891544264 +334 345 2 891544177 +334 346 5 891544209 +334 347 3 891547445 +334 371 2 891547283 +334 387 4 891548579 +334 396 4 891549103 +334 403 4 891547016 +334 405 3 891547040 +334 408 4 891547912 +334 419 3 891546181 +334 421 4 891547307 +334 423 5 891545821 +334 425 4 891548835 +334 427 4 891545821 +334 428 4 891547955 +334 429 4 891546299 +334 430 4 891546206 +334 433 5 891628158 +334 436 3 891548203 +334 443 3 891547128 +334 449 3 891549539 +334 450 1 891550338 +334 461 3 891547744 +334 462 4 891628832 +334 474 3 891546257 +334 475 4 891544953 +334 476 3 891545540 +334 479 4 891545926 +334 481 5 891546206 +334 483 5 891628266 +334 484 5 891545793 +334 485 3 891548224 +334 488 5 891546231 +334 494 4 891547235 +334 498 4 891545898 +334 500 3 891547334 +334 502 3 891546963 +334 505 4 891546405 +334 506 3 891547763 +334 508 3 891544867 +334 510 4 891628832 +334 512 4 891547148 +334 514 4 891545926 +334 515 4 891545898 +334 518 4 891547334 +334 525 5 891545876 +334 527 3 891546231 +334 531 5 891545949 +334 537 4 891547995 +334 549 4 891547261 +334 553 1 891548866 +334 558 4 891546231 +334 561 2 891549455 +334 566 3 891548866 +334 569 2 891548920 +334 577 2 891550372 +334 582 5 891547235 +334 591 4 891544810 +334 603 5 891628849 +334 606 5 891545793 +334 607 3 891546206 +334 608 4 891547668 +334 620 2 891545540 +334 628 4 891544867 +334 629 4 891548460 +334 631 4 891547467 +334 634 4 891547513 +334 635 2 891548155 +334 640 4 891548129 +334 642 5 891548436 +334 652 5 891546992 +334 655 4 891546257 +334 657 4 891545898 +334 658 3 891547148 +334 663 5 891545852 +334 675 4 891547148 +334 678 3 891544446 +334 684 4 891545768 +334 693 3 891547083 +334 708 4 891628833 +334 709 4 891548368 +334 710 3 891548295 +334 712 3 891549594 +334 716 3 891548758 +334 736 3 891548979 +334 740 3 891548678 +334 742 2 891544972 +334 744 3 891545108 +334 746 3 891548622 +334 762 3 891545044 +334 792 4 891546257 +334 810 3 891549267 +334 840 4 891545674 +334 845 2 891544867 +334 855 3 891547513 +334 856 4 891545926 +334 865 2 891549631 +334 870 3 891545513 +334 877 3 891544264 +334 879 3 891544264 +334 882 3 891544135 +334 886 4 891544233 +334 887 5 891544491 +334 888 2 891550464 +334 896 5 891544049 +334 899 4 891547348 +334 902 4 891550520 +334 905 1 891547612 +334 906 5 891544177 +334 922 4 891544810 +334 931 1 891549513 +334 936 3 891544764 +334 937 3 891544367 +334 945 4 891545973 +334 955 1 891547563 +334 961 4 891628832 +334 969 4 891628832 +334 1006 3 891549860 +334 1008 4 891545126 +334 1010 5 891545108 +334 1011 4 891544680 +334 1014 2 891545293 +334 1016 3 891545185 +334 1041 3 891549667 +334 1048 4 891545480 +334 1051 4 891545347 +334 1073 4 891547714 +334 1108 4 891549632 +334 1132 2 891545616 +334 1133 4 891549192 +334 1137 4 891544764 +334 1163 4 891544764 +334 1170 4 891548729 +334 1172 3 891545852 +334 1198 3 891544735 +334 1207 2 891550121 +334 1226 4 891545540 +334 1241 2 891545513 +334 1263 4 891549926 +334 1312 4 891628832 +334 1313 4 891544407 +334 1315 4 891545185 +334 1404 4 891549068 +334 1411 1 891549434 +334 1426 4 891548647 +334 1504 3 891549718 +334 1524 4 891547467 +334 1525 4 893074672 +335 245 4 891567053 +335 258 1 891566808 +335 260 3 891567159 +335 269 4 891566808 +335 271 4 891567029 +335 288 4 891566952 +335 300 5 891567029 +335 305 4 891566861 +335 307 5 891566952 +335 313 3 891566808 +335 322 4 891567125 +335 323 4 891567125 +335 324 1 891567098 +335 328 3 891566903 +335 333 4 891566952 +335 340 5 891566808 +335 342 2 891566976 +335 347 5 891567004 +335 355 3 891567053 +335 678 3 891567251 +335 748 2 891567098 +335 902 5 891566808 +336 4 4 877757790 +336 13 3 877756890 +336 15 4 877754621 +336 25 3 877756934 +336 26 5 877757877 +336 33 3 877756242 +336 41 3 877757477 +336 42 5 877757669 +336 49 4 877758001 +336 50 4 877759224 +336 56 4 877757601 +336 63 2 877757268 +336 66 3 877756126 +336 67 4 877756966 +336 70 5 877757910 +336 72 3 877756127 +336 85 3 877758078 +336 88 2 877757910 +336 90 5 877757062 +336 94 3 877756890 +336 100 3 877756934 +336 105 4 877755098 +336 108 3 877757320 +336 111 3 877756999 +336 117 3 877760603 +336 121 4 877760441 +336 122 5 877757134 +336 124 1 877760244 +336 125 3 877760032 +336 151 1 877759473 +336 153 5 877757669 +336 154 5 877757637 +336 158 3 877756618 +336 168 5 877757700 +336 173 5 877757637 +336 186 4 877757730 +336 202 1 877757909 +336 204 5 877757601 +336 208 2 877757930 +336 210 5 877757700 +336 216 5 877757858 +336 232 3 877757023 +336 237 5 877759598 +336 238 3 877757700 +336 239 3 877758001 +336 273 5 877760032 +336 275 4 877759730 +336 276 4 877760310 +336 282 3 877760032 +336 284 4 877759833 +336 288 3 877760521 +336 290 3 877756934 +336 383 1 877758935 +336 388 1 877757418 +336 393 3 877756618 +336 395 2 877757094 +336 399 3 877757063 +336 401 1 877757133 +336 405 3 877760374 +336 407 1 877757373 +336 410 3 877758001 +336 451 2 877756242 +336 475 4 877756934 +336 546 3 877760310 +336 571 1 877756999 +336 575 3 877757373 +336 577 1 877757396 +336 579 3 877757373 +336 591 5 877759598 +336 619 3 877759833 +336 628 3 877760374 +336 655 3 877757752 +336 692 3 877757637 +336 710 4 877757700 +336 716 2 877758001 +336 722 3 877757134 +336 732 3 877756356 +336 734 1 877757516 +336 738 1 877757343 +336 742 3 877759928 +336 746 3 877758103 +336 762 5 877756890 +336 763 3 877756890 +336 765 4 877757516 +336 780 3 877756934 +336 785 1 877758935 +336 790 2 877758187 +336 796 3 877758035 +336 824 3 877756890 +336 845 1 877758035 +336 859 2 877758103 +336 864 1 877757837 +336 926 1 877758935 +336 949 4 877757952 +336 998 1 877757062 +336 999 2 877757516 +336 1011 2 877754536 +336 1012 5 877760082 +336 1017 5 877757063 +336 1037 1 877757550 +336 1041 2 877757837 +336 1047 4 877757063 +336 1048 4 877757134 +336 1051 2 877757094 +336 1054 1 877754876 +336 1057 4 877757373 +336 1059 3 877756890 +336 1074 5 877757516 +336 1079 1 877757094 +336 1098 3 877757790 +336 1118 4 877758055 +336 1183 1 877757972 +336 1188 3 877757418 +336 1218 3 877757790 +336 1230 2 877757516 +336 1437 2 877756890 +336 1446 1 877757790 +336 1496 1 877757268 +337 15 5 875185596 +337 50 5 875184413 +337 67 4 875236631 +337 106 2 875184682 +337 121 5 875185664 +337 125 4 875185574 +337 127 3 875184682 +337 135 5 875236512 +337 151 5 875185627 +337 181 2 875184353 +337 222 5 875185319 +337 228 5 875185319 +337 229 3 875185319 +337 230 5 875185319 +337 235 3 875184717 +337 250 3 875185219 +337 257 3 875184963 +337 371 4 875236191 +337 380 4 875185319 +337 449 4 875185319 +337 450 2 875185319 +337 471 5 875235809 +337 515 5 875184280 +337 520 5 875236281 +337 631 4 875429292 +337 636 4 875236281 +337 742 5 875184353 +337 831 1 875236281 +337 879 3 875429233 +337 1016 4 875184825 +337 1133 4 875236281 +338 1 3 879438143 +338 52 5 879438690 +338 56 3 879438535 +338 79 4 879438715 +338 83 2 879438064 +338 100 4 879438196 +338 132 2 879438143 +338 133 4 879438143 +338 134 5 879438536 +338 135 5 879438570 +338 168 3 879438225 +338 169 5 879438196 +338 170 5 879438301 +338 174 4 879438392 +338 175 4 879438762 +338 189 4 879438449 +338 194 3 879438597 +338 196 2 879438505 +338 197 5 879438473 +338 204 3 879438063 +338 208 3 879438225 +338 211 4 879438092 +338 212 4 879438597 +338 213 5 879438250 +338 215 3 879438092 +338 216 4 879438196 +338 269 4 879437523 +338 286 4 879437522 +338 294 1 879437576 +338 301 4 879437655 +338 306 4 879437548 +338 310 3 879437522 +338 382 5 879438762 +338 408 5 879438570 +338 427 4 879438419 +338 435 4 879438597 +338 443 5 879438570 +338 462 4 879438715 +338 474 4 879438627 +338 478 3 879438505 +338 479 5 879438250 +338 480 5 879438114 +338 483 4 879438092 +338 484 5 879438143 +338 486 3 879438392 +338 488 5 879438449 +338 490 5 879438275 +338 494 3 879438570 +338 511 4 879438473 +338 513 5 879438225 +338 514 5 879438114 +338 516 5 879438366 +338 523 3 879438366 +338 525 4 879438449 +338 582 5 879438419 +338 603 5 879438690 +338 604 4 879438326 +338 606 3 879438275 +338 607 4 879438225 +338 613 3 879438597 +338 650 5 879438275 +338 654 5 879438143 +338 663 5 879438627 +338 708 5 879438627 +338 792 4 879438196 +338 945 4 879438762 +338 990 4 879437607 +338 1124 4 879438301 +339 1 5 891032349 +339 4 4 891033653 +339 5 3 891034953 +339 7 4 891032952 +339 9 5 891033044 +339 11 4 891032379 +339 12 5 891032659 +339 22 5 891033735 +339 23 5 891033481 +339 25 4 891035116 +339 28 4 891032542 +339 29 3 891035759 +339 30 3 891032765 +339 32 5 891032255 +339 42 4 891033452 +339 45 5 891033200 +339 47 4 891032701 +339 50 4 891032576 +339 53 4 891034254 +339 55 3 891032765 +339 56 5 891032221 +339 58 3 891032379 +339 64 5 891033629 +339 65 4 891033452 +339 67 3 891035147 +339 69 4 891032633 +339 73 3 891035003 +339 74 4 891033382 +339 76 3 891034254 +339 79 4 891032701 +339 80 3 891035707 +339 81 5 891033566 +339 82 4 891035850 +339 86 4 891032221 +339 88 4 891035454 +339 89 5 891033416 +339 91 5 891034282 +339 92 4 891033452 +339 94 2 891036423 +339 97 4 891034626 +339 98 4 891032150 +339 99 4 891035180 +339 100 5 891032286 +339 101 3 891034626 +339 117 3 891034152 +339 124 4 891032885 +339 126 4 891032121 +339 127 5 891032349 +339 130 4 891034040 +339 131 5 891033382 +339 132 5 891032953 +339 133 4 891033165 +339 134 5 891033044 +339 135 5 891033256 +339 136 5 891033898 +339 139 3 891036199 +339 143 5 891034810 +339 144 3 891033794 +339 150 4 891033282 +339 151 4 891033676 +339 153 4 891033932 +339 154 4 891032885 +339 156 5 891032495 +339 157 4 891032379 +339 159 3 891034681 +339 160 5 891033512 +339 161 3 891034626 +339 163 4 891035324 +339 168 4 891033710 +339 173 5 891034254 +339 174 4 891032320 +339 175 5 891032793 +339 176 4 891032413 +339 178 5 891033310 +339 179 5 891032793 +339 180 5 891032793 +339 181 4 891033898 +339 182 5 891033310 +339 183 4 891032828 +339 185 4 891032885 +339 186 4 891032255 +339 188 4 891033735 +339 190 4 891034215 +339 191 5 891033676 +339 192 5 891032438 +339 194 4 891037070 +339 195 3 891032576 +339 196 4 891033416 +339 197 5 891033653 +339 198 5 891033382 +339 199 5 891032576 +339 203 4 891032466 +339 204 3 891033542 +339 205 5 891033629 +339 208 4 891032827 +339 209 5 891032600 +339 211 5 891034215 +339 212 4 891035215 +339 213 4 891033542 +339 214 3 891033226 +339 216 3 891032286 +339 217 3 891034254 +339 226 2 891034744 +339 227 2 891035524 +339 228 4 891033960 +339 229 3 891035584 +339 231 2 891035180 +339 233 1 891036503 +339 234 4 891032255 +339 235 3 891036387 +339 238 5 891032827 +339 240 4 891036641 +339 241 4 891034152 +339 248 4 891034592 +339 250 5 891033830 +339 257 4 891033710 +339 258 3 891033200 +339 265 3 891034779 +339 269 5 891032379 +339 270 2 891036753 +339 276 4 891032495 +339 286 5 891032349 +339 288 3 891036899 +339 298 2 891032856 +339 302 4 891034592 +339 317 4 891032542 +339 327 4 891032150 +339 346 5 891032255 +339 347 4 891034953 +339 357 5 891032189 +339 380 3 891035584 +339 383 1 891036834 +339 402 3 891034867 +339 403 3 891034510 +339 404 4 891035147 +339 410 2 891034953 +339 411 2 891035420 +339 415 3 891035553 +339 423 3 891033602 +339 427 5 891034778 +339 428 5 891032349 +339 431 4 891035488 +339 433 4 891033542 +339 435 4 891032189 +339 436 4 891035147 +339 447 4 891034923 +339 449 3 891036316 +339 451 3 891034151 +339 461 5 891033226 +339 469 5 891032633 +339 474 4 891032286 +339 475 5 891032856 +339 478 5 891032466 +339 479 5 891032701 +339 480 5 891032885 +339 483 5 891032121 +339 484 5 891032495 +339 485 5 891032413 +339 488 5 891032379 +339 496 5 891032320 +339 498 4 891033044 +339 508 4 891032189 +339 509 4 891033140 +339 511 5 891032885 +339 514 3 891037119 +339 516 4 891033481 +339 518 5 891033984 +339 521 4 891032737 +339 522 5 891033165 +339 523 5 891033044 +339 525 5 891032737 +339 527 4 891032793 +339 528 5 891033044 +339 530 5 891032413 +339 546 4 891036423 +339 549 4 891034040 +339 550 2 891035523 +339 566 3 891034717 +339 568 3 891035061 +339 573 3 891036016 +339 582 4 891032793 +339 589 5 891032221 +339 603 5 891032542 +339 607 5 891032189 +339 614 3 891034867 +339 631 5 891033256 +339 632 4 891033794 +339 636 4 891035248 +339 637 4 891035647 +339 640 5 891035035 +339 642 5 891032953 +339 644 5 891033200 +339 649 5 891034007 +339 650 4 891032438 +339 654 5 891032150 +339 657 4 891032221 +339 660 4 891034778 +339 661 5 891033830 +339 663 5 891032952 +339 673 5 891034071 +339 675 4 891034810 +339 678 2 891036781 +339 693 5 891033200 +339 702 4 891035850 +339 709 5 891032982 +339 719 3 891036753 +339 735 4 891034717 +339 736 3 891035093 +339 737 3 891035180 +339 739 3 891036058 +339 770 4 891034895 +339 772 4 891032413 +339 790 2 891034151 +339 806 4 891032737 +339 845 4 891034718 +339 856 5 891034922 +339 939 4 891034115 +339 942 4 891034484 +339 961 3 891034778 +339 1017 5 891033567 +339 1030 1 891036707 +339 1039 4 891033932 +339 1110 4 891034657 +339 1113 4 891033829 +339 1135 2 891033898 +339 1139 3 891036557 +339 1153 4 891035035 +339 1244 4 891036423 +339 1248 3 891034538 +339 1267 3 891033766 +339 1301 3 891032189 +339 1404 5 891034592 +339 1526 4 891035116 +340 1 5 884990988 +340 15 5 884991396 +340 50 4 884990546 +340 66 5 884990798 +340 71 5 884990891 +340 88 5 884991584 +340 143 5 884990669 +340 172 4 884990620 +340 173 5 884990703 +340 174 4 884989913 +340 179 1 884989963 +340 180 3 884991236 +340 181 4 884991431 +340 186 4 884991082 +340 196 4 884990861 +340 199 5 884990988 +340 204 4 884990004 +340 205 4 884991516 +340 211 3 884991431 +340 215 5 884990620 +340 265 5 884990470 +340 274 4 884991618 +340 378 5 884990891 +340 402 4 884990922 +340 405 5 884991817 +340 417 5 884991544 +340 418 5 884990669 +340 423 4 884990583 +340 428 1 884991618 +340 435 4 884990546 +340 486 4 884991083 +340 502 2 884991678 +340 504 1 884991742 +340 520 5 884991544 +340 526 5 884991396 +340 584 3 884991369 +340 588 5 884991369 +340 662 2 884991584 +340 946 5 884991647 +340 969 5 884991647 +340 1133 5 884991742 +341 259 3 890758051 +341 288 4 890757686 +341 292 5 890757659 +341 294 3 890757997 +341 330 5 890758113 +341 358 1 890758050 +341 682 3 890757961 +341 872 4 890757841 +341 876 4 890757886 +341 877 3 890758113 +341 880 5 890757997 +341 881 5 890757961 +341 887 5 890757745 +341 895 4 890757961 +341 948 3 890758169 +341 1025 5 890757961 +341 1280 2 890757782 +341 1527 4 890757717 +342 3 2 875318606 +342 4 4 874984395 +342 7 4 875318266 +342 8 4 875319597 +342 9 5 874984233 +342 12 5 874984315 +342 13 3 874984480 +342 14 5 874984661 +342 15 3 875318154 +342 23 5 874984154 +342 25 2 875318328 +342 26 2 875320037 +342 28 2 875319383 +342 32 5 874984207 +342 42 3 875319659 +342 47 5 874984430 +342 56 5 874984315 +342 57 3 875319457 +342 58 5 875319912 +342 68 3 875319992 +342 92 4 875320227 +342 93 4 874984684 +342 95 4 875320297 +342 98 3 874984261 +342 100 5 874984207 +342 108 4 874984574 +342 111 3 875318267 +342 122 4 875318783 +342 123 5 874984832 +342 124 4 875318267 +342 125 2 875318585 +342 129 5 874984684 +342 131 5 875319786 +342 132 5 875319129 +342 133 4 874984207 +342 134 4 875318936 +342 135 3 874984395 +342 137 2 874984455 +342 143 5 875318936 +342 144 5 875319912 +342 153 4 874984261 +342 156 4 874984128 +342 160 3 874984365 +342 165 3 875318907 +342 174 2 875319681 +342 175 5 874984207 +342 179 5 874984175 +342 182 5 875319173 +342 188 3 875318936 +342 189 5 875319967 +342 191 5 875319991 +342 192 4 875320082 +342 193 5 875320199 +342 194 3 875318858 +342 196 3 874984128 +342 197 4 875318988 +342 204 4 874984261 +342 208 4 874984430 +342 209 5 875319554 +342 212 5 875319992 +342 216 5 875320104 +342 220 1 874984455 +342 223 4 875318907 +342 236 3 875318536 +342 237 4 874984832 +342 238 4 875319012 +342 240 3 875318629 +342 246 4 874984480 +342 248 3 874984455 +342 251 5 875318267 +342 255 4 874984574 +342 257 2 875318267 +342 262 2 874984025 +342 274 2 874984895 +342 276 3 874984531 +342 282 1 875318366 +342 286 4 874984002 +342 287 3 874984619 +342 288 5 875318267 +342 294 3 874984067 +342 297 3 875318267 +342 298 3 874984619 +342 301 5 874984045 +342 319 4 874984002 +342 320 5 875318833 +342 324 1 874984002 +342 326 1 874984002 +342 327 4 874984025 +342 357 3 874984234 +342 367 5 875319967 +342 378 4 875319617 +342 381 5 875320312 +342 382 3 875320623 +342 408 5 875318266 +342 410 3 874984661 +342 412 3 875318648 +342 421 3 875319435 +342 423 4 875319436 +342 427 4 875319254 +342 428 5 875320334 +342 433 5 874984395 +342 461 3 874984315 +342 475 5 874984233 +342 476 4 875318488 +342 478 3 875319967 +342 482 5 875318936 +342 483 4 875319745 +342 487 5 874984315 +342 496 4 875319334 +342 499 5 875319912 +342 507 4 875319295 +342 508 3 874984810 +342 514 5 874984341 +342 517 5 875320297 +342 518 3 875318858 +342 523 4 875319854 +342 531 3 874984175 +342 535 3 874984727 +342 544 1 875318606 +342 547 5 875318347 +342 558 5 874984341 +342 574 1 875320124 +342 581 3 875320037 +342 584 4 874984430 +342 591 3 875318629 +342 606 5 875318882 +342 607 3 875318963 +342 655 4 875319383 +342 656 5 875319151 +342 657 5 874984207 +342 663 4 875320297 +342 692 1 875319090 +342 699 4 875319808 +342 716 2 875320014 +342 723 3 875319659 +342 724 1 875320297 +342 727 3 875320082 +342 732 3 875319786 +342 746 4 875320227 +342 756 3 874984895 +342 762 2 874984914 +342 764 1 875318762 +342 772 1 875319597 +342 789 3 875319412 +342 792 3 875318882 +342 813 5 874984480 +342 815 4 875318629 +342 818 4 875318488 +342 833 3 874984751 +342 844 3 874984789 +342 846 2 875318688 +342 866 1 875318585 +342 873 3 874984068 +342 875 1 874984045 +342 928 3 875318509 +342 950 2 875318423 +342 952 3 874984619 +342 965 4 875319195 +342 974 2 874984789 +342 975 2 875318509 +342 1007 4 874984507 +342 1008 3 875318669 +342 1009 1 874984596 +342 1010 1 874984574 +342 1011 3 875318467 +342 1014 1 874984531 +342 1016 1 874984596 +342 1047 2 874984854 +342 1048 1 875318536 +342 1057 2 875318783 +342 1070 3 875319412 +342 1071 4 875319497 +342 1073 1 875320199 +342 1103 3 874984395 +342 1128 5 875318536 +342 1160 3 874984751 +342 1163 3 875318266 +342 1166 1 875319745 +342 1167 1 875319854 +342 1170 3 875319659 +342 1300 1 875318556 +342 1315 1 875318742 +342 1368 5 874984507 +342 1528 3 875318585 +343 1 5 876402668 +343 3 4 876406256 +343 4 5 876408139 +343 7 5 876402941 +343 8 5 876404836 +343 9 5 876402738 +343 10 4 876403009 +343 11 5 876405172 +343 12 5 876405735 +343 20 5 876408138 +343 22 4 876406181 +343 23 5 876404499 +343 25 2 876402814 +343 26 3 876404689 +343 28 5 876404793 +343 38 3 876406257 +343 42 4 876404647 +343 44 3 876406640 +343 47 4 876405130 +343 48 3 876405697 +343 50 5 876402814 +343 52 5 876404793 +343 53 5 876407421 +343 55 3 876405129 +343 56 5 876404880 +343 57 5 876404426 +343 58 4 876406283 +343 62 2 876406707 +343 63 4 876406062 +343 65 5 876405172 +343 66 3 876406421 +343 67 3 876407663 +343 68 1 876406878 +343 69 5 876405735 +343 72 5 876407706 +343 76 4 876407565 +343 77 3 876405004 +343 79 4 876406144 +343 81 5 876408139 +343 82 5 876405735 +343 83 4 876404957 +343 86 5 876404836 +343 87 4 876404613 +343 88 4 876405130 +343 89 3 876406006 +343 90 4 876406677 +343 97 4 876405893 +343 98 5 876404836 +343 100 5 876402668 +343 116 5 876403009 +343 117 2 876403121 +343 118 2 876403121 +343 121 2 876407072 +343 124 4 876402738 +343 127 5 876404464 +343 130 3 876403883 +343 132 5 876404880 +343 134 5 876404568 +343 135 5 876404568 +343 137 4 876402941 +343 143 4 876406677 +343 144 4 876405004 +343 147 4 876402814 +343 152 4 876404612 +343 153 5 876404539 +343 154 5 876406552 +343 155 1 876407379 +343 156 4 876405857 +343 159 2 876405893 +343 163 5 876408139 +343 164 3 876404757 +343 168 4 876404612 +343 169 5 876405172 +343 174 5 876404464 +343 175 5 876405045 +343 176 5 876405553 +343 177 4 876407252 +343 179 5 876405633 +343 180 5 876404613 +343 186 4 876407485 +343 187 4 876406006 +343 188 4 876407749 +343 189 4 876405697 +343 191 5 876404689 +343 193 4 876405857 +343 194 5 876405200 +343 196 4 876406257 +343 197 4 876404836 +343 199 5 876404464 +343 200 2 876404539 +343 211 5 876405820 +343 214 4 876406604 +343 222 4 876402978 +343 223 5 876405735 +343 228 5 876404757 +343 229 4 876407340 +343 231 5 876407032 +343 234 1 876405633 +343 236 5 876402668 +343 237 4 876402738 +343 238 4 876404647 +343 241 3 876407291 +343 250 5 876403078 +343 252 4 876403491 +343 257 3 876402941 +343 258 5 876402390 +343 260 1 876402556 +343 265 2 876406878 +343 269 4 876402390 +343 274 3 876403443 +343 275 5 876408139 +343 276 5 876403078 +343 277 4 876402978 +343 283 4 876403212 +343 288 2 876402428 +343 297 5 876403283 +343 302 4 876402390 +343 303 4 876402390 +343 306 4 876402516 +343 317 5 876405130 +343 318 5 876406707 +343 324 5 876402468 +343 333 3 876402468 +343 334 5 876402468 +343 357 5 876408139 +343 358 1 876402493 +343 367 4 876406144 +343 371 2 876405893 +343 375 2 876406978 +343 382 3 876406978 +343 385 3 876406939 +343 405 4 876403776 +343 423 5 876408139 +343 425 5 876406514 +343 427 5 876405820 +343 429 4 876407138 +343 435 4 876404343 +343 449 5 876407138 +343 458 5 876402894 +343 461 2 876404957 +343 462 4 876404385 +343 463 4 876404793 +343 466 4 876404957 +343 471 4 876402941 +343 473 3 876403212 +343 474 5 876406677 +343 475 5 876402668 +343 476 2 876403239 +343 478 5 876404499 +343 483 5 876404343 +343 498 5 876408138 +343 499 5 876405129 +343 508 5 876403514 +343 515 4 876402626 +343 521 5 876408138 +343 523 5 876404647 +343 527 5 876404757 +343 528 3 876405004 +343 530 5 876405633 +343 531 5 876404539 +343 536 4 876403310 +343 546 1 876403348 +343 559 3 876406822 +343 561 3 876405172 +343 568 1 876406640 +343 569 3 876406421 +343 581 4 876405820 +343 582 3 876404836 +343 583 4 876407202 +343 606 5 876404836 +343 614 5 876404689 +343 631 4 876407175 +343 642 4 876404343 +343 654 5 876407006 +343 655 5 876405697 +343 657 5 876404464 +343 660 3 876405004 +343 663 5 876405045 +343 684 3 876406878 +343 702 4 876406257 +343 703 4 876404426 +343 708 4 876407006 +343 712 4 876406391 +343 715 5 876405943 +343 724 4 876404499 +343 727 4 876406462 +343 729 3 876407291 +343 735 5 876406576 +343 739 3 876406939 +343 744 4 876402941 +343 747 4 876407174 +343 778 5 876406391 +343 786 4 876406181 +343 792 5 876405172 +343 823 3 876403851 +343 919 5 876403348 +343 921 4 876406640 +343 930 1 876403587 +343 931 3 876403938 +343 943 4 876406552 +343 950 3 876403121 +343 951 1 876406144 +343 961 4 876404688 +343 963 5 876404880 +343 980 5 876403239 +343 1008 4 876403418 +343 1039 5 876404689 +343 1047 1 876403776 +343 1067 3 876403078 +343 1073 4 876405771 +343 1107 3 876406977 +343 1112 3 876406314 +343 1117 3 876403563 +343 1132 4 876403746 +343 1140 3 876405943 +343 1194 4 876405129 +343 1211 4 876406677 +344 1 3 884899372 +344 4 4 884901235 +344 5 3 884901533 +344 7 4 884814668 +344 8 5 889814194 +344 9 5 884814480 +344 11 3 884901270 +344 12 5 884901024 +344 13 3 884899768 +344 14 5 884814532 +344 25 4 884814480 +344 26 3 884901561 +344 39 3 884901290 +344 45 5 884901210 +344 58 3 884814697 +344 70 3 884901561 +344 71 3 884901371 +344 73 3 884901371 +344 79 4 884900993 +344 86 4 884901129 +344 87 4 889814195 +344 88 3 884901403 +344 89 5 884814479 +344 95 4 884901180 +344 96 4 889814195 +344 97 3 884901156 +344 98 4 884901180 +344 100 5 886382272 +344 106 2 884900583 +344 111 4 884899767 +344 117 3 884899767 +344 118 3 884900353 +344 119 5 884814457 +344 121 3 884899792 +344 122 1 886381985 +344 124 5 884899346 +344 125 3 884899741 +344 127 5 889814518 +344 129 4 884899346 +344 137 5 884814668 +344 148 2 884900248 +344 151 5 884899719 +344 169 5 884814457 +344 172 4 884814697 +344 173 5 884814697 +344 174 5 884900993 +344 175 5 884901110 +344 176 5 884814507 +344 181 3 884901047 +344 183 5 884814507 +344 190 5 886382447 +344 191 5 889814194 +344 195 5 884900771 +344 196 4 884901328 +344 198 5 884814507 +344 202 4 884901180 +344 203 4 884901328 +344 204 4 884901024 +344 208 5 884901290 +344 210 4 884814401 +344 213 4 884901351 +344 215 3 884900818 +344 216 4 884901156 +344 222 4 884899372 +344 228 4 884901047 +344 235 3 884900423 +344 237 3 884900353 +344 244 3 889814600 +344 245 3 884813365 +344 246 4 889814518 +344 248 4 889814539 +344 251 5 889814518 +344 255 4 889814555 +344 258 3 884814359 +344 268 3 884814359 +344 269 4 884814359 +344 272 5 885769962 +344 273 4 884900677 +344 274 2 884899768 +344 275 4 884899397 +344 276 4 889814194 +344 278 3 884900454 +344 280 3 884899815 +344 281 3 884900374 +344 283 4 884814432 +344 284 3 884899768 +344 285 5 889814068 +344 286 3 884813183 +344 288 4 889813994 +344 290 2 884899837 +344 291 3 884899791 +344 295 3 889814571 +344 297 4 889814555 +344 298 4 889814571 +344 301 4 889813946 +344 302 5 884814359 +344 303 4 884814359 +344 304 3 884814359 +344 306 5 884814359 +344 311 4 884814359 +344 313 3 884814359 +344 315 5 884813342 +344 316 4 889814343 +344 319 1 886381985 +344 322 2 889814470 +344 357 5 884814432 +344 367 5 884901560 +344 372 4 884901469 +344 385 2 884901503 +344 405 2 884900353 +344 421 2 884901561 +344 433 4 884901517 +344 451 4 884901403 +344 459 4 884899741 +344 462 2 884901156 +344 463 4 884901210 +344 471 3 884899719 +344 472 3 884899837 +344 473 4 884900248 +344 476 3 884900499 +344 477 3 884900353 +344 478 4 884901210 +344 479 4 884901093 +344 486 4 884901156 +344 487 5 884900791 +344 494 4 884901210 +344 496 4 889814194 +344 508 4 884814697 +344 509 4 889814195 +344 511 4 884901311 +344 516 5 884901311 +344 535 3 889814539 +344 537 4 884814432 +344 559 3 884901351 +344 562 2 886381985 +344 568 5 884901419 +344 597 2 884900454 +344 619 4 885770181 +344 647 4 884814401 +344 660 3 884901235 +344 663 5 884900993 +344 678 2 884813365 +344 684 3 884901249 +344 694 5 884901093 +344 696 3 884900567 +344 707 4 884900792 +344 708 4 884901561 +344 709 5 886382364 +344 713 3 884899742 +344 715 4 889814195 +344 716 3 884901403 +344 742 3 884900248 +344 751 4 886381635 +344 756 2 884900529 +344 764 1 886381986 +344 815 2 884900409 +344 844 1 886381985 +344 845 3 884899791 +344 864 3 884900454 +344 896 4 884814359 +344 926 2 886381985 +344 928 2 884900409 +344 955 4 889814195 +344 972 4 884901503 +344 1007 4 889814518 +344 1014 4 889814600 +344 1050 3 884901290 +344 1082 2 889814622 +344 1137 3 884899339 +344 1142 5 889814518 +344 1165 1 886381986 +344 1172 4 884901311 +344 1283 2 889814587 +345 1 3 884990938 +345 4 4 884993619 +345 9 4 884900976 +345 11 4 884992337 +345 12 5 884901701 +345 13 4 884991220 +345 14 4 884991077 +345 15 4 884991220 +345 25 3 884991384 +345 26 3 884993555 +345 28 3 884916441 +345 33 4 884993069 +345 40 3 884993662 +345 42 2 884991873 +345 43 3 884993890 +345 44 3 884992770 +345 48 5 884902317 +345 49 3 884993505 +345 50 5 884992367 +345 51 5 884993744 +345 56 5 884902317 +345 58 4 884916322 +345 64 5 884902317 +345 65 4 884992158 +345 66 3 884993069 +345 69 4 884992755 +345 70 5 884992248 +345 71 3 884992922 +345 77 3 884993555 +345 79 4 884992291 +345 81 4 884992998 +345 88 4 884992940 +345 93 4 884991191 +345 98 5 884916235 +345 100 5 884902317 +345 111 4 884991244 +345 117 4 884991220 +345 121 3 884991384 +345 124 5 884900777 +345 125 3 884991191 +345 126 5 884991105 +345 131 4 884992998 +345 132 5 884901371 +345 143 5 884992940 +345 148 3 884991303 +345 150 5 884991105 +345 151 5 884991191 +345 161 3 884993555 +345 170 5 884902317 +345 172 4 884991831 +345 173 5 884902317 +345 174 4 884992367 +345 181 4 884992479 +345 191 5 884902317 +345 196 5 884902317 +345 197 4 884992141 +345 202 3 884992218 +345 204 4 884991925 +345 210 4 884992174 +345 215 4 884993464 +345 216 5 884901701 +345 218 3 884992218 +345 220 3 884991457 +345 221 5 884900899 +345 223 5 884902317 +345 226 3 884993418 +345 234 4 884991831 +345 235 3 884991285 +345 237 4 884991077 +345 239 4 884993485 +345 241 4 884992142 +345 244 3 884994658 +345 245 2 884901497 +345 246 4 884994156 +345 251 5 884994119 +345 255 4 884994156 +345 258 4 884916532 +345 268 4 884900448 +345 269 5 884900466 +345 272 5 884900426 +345 274 3 884991267 +345 278 3 884991505 +345 280 3 884991457 +345 282 3 884991419 +345 283 4 884991105 +345 284 4 884991348 +345 285 5 884901701 +345 286 3 884900521 +345 287 4 884991670 +345 288 3 884901497 +345 289 3 884901497 +345 291 3 884991476 +345 293 4 884994592 +345 294 3 884901497 +345 295 4 884994592 +345 297 4 884994156 +345 298 5 884902339 +345 300 3 884900427 +345 301 4 884900543 +345 302 5 884902317 +345 303 4 884900448 +345 305 4 884900483 +345 311 5 884900609 +345 312 3 884900709 +345 313 4 884900467 +345 315 5 884900653 +345 317 4 884992465 +345 318 5 884916354 +345 323 3 884916551 +345 325 1 884901497 +345 332 1 884901497 +345 333 3 884900543 +345 356 3 884993686 +345 365 2 884993760 +345 367 4 884993069 +345 378 4 884993436 +345 381 4 884993505 +345 382 4 884992725 +345 387 4 884992823 +345 393 3 884993485 +345 402 4 884993464 +345 403 3 884992922 +345 405 4 884991285 +345 416 4 884992142 +345 433 4 884992142 +345 443 5 884993464 +345 451 5 884993085 +345 461 3 884992175 +345 464 3 884992084 +345 469 5 884916274 +345 471 3 884991127 +345 473 2 884991244 +345 476 3 884991505 +345 479 4 884991812 +345 481 3 884916260 +345 485 4 884992141 +345 498 4 884992117 +345 508 4 884901000 +345 518 4 884916484 +345 534 4 884994592 +345 535 3 884994136 +345 550 3 884993784 +345 559 1 884901497 +345 566 3 884992194 +345 568 4 884993047 +345 582 5 884992807 +345 588 3 884992100 +345 620 2 884991614 +345 639 4 884993139 +345 651 4 884992493 +345 655 4 884991851 +345 660 5 884993418 +345 676 4 884991384 +345 678 2 884901497 +345 684 4 884992005 +345 696 3 884991267 +345 702 4 884993418 +345 708 3 884992786 +345 709 4 884993033 +345 715 4 884993069 +345 716 3 884993686 +345 722 3 884993783 +345 724 5 884993139 +345 732 4 884993418 +345 736 3 884992897 +345 738 3 884993636 +345 739 4 884993016 +345 742 4 884991191 +345 747 3 884993139 +345 748 2 884901497 +345 762 5 884991285 +345 772 4 884993121 +345 815 3 884991546 +345 845 3 884991220 +345 846 4 884991348 +345 866 3 884991476 +345 879 2 884901497 +345 886 3 884900736 +345 903 3 884900609 +345 919 2 884991077 +345 941 3 884993932 +345 949 3 884992897 +345 955 4 884993932 +345 956 4 884916322 +345 972 4 884993464 +345 980 4 884991688 +345 988 2 884916551 +345 1008 3 884991267 +345 1011 3 884991127 +345 1012 3 884994606 +345 1014 3 884994643 +345 1016 3 884994619 +345 1017 2 884991303 +345 1023 2 884994658 +345 1047 4 884991457 +345 1048 2 884991436 +345 1053 3 884993903 +345 1074 3 884993890 +345 1082 2 884994569 +345 1096 3 884994682 +345 1101 4 884993436 +345 1117 4 884900810 +345 1160 3 884994606 +345 1221 3 884993703 +345 1226 3 884994592 +345 1247 2 884993996 +345 1281 4 884991105 +345 1315 3 884994631 +346 2 5 875263473 +346 3 3 875265392 +346 4 4 874948105 +346 7 2 874947923 +346 11 4 874948174 +346 12 5 874950232 +346 17 1 874950839 +346 22 5 874948059 +346 29 4 875264137 +346 31 4 874950383 +346 33 5 875261753 +346 38 3 874950993 +346 50 5 874947609 +346 53 1 875263501 +346 54 4 874949217 +346 55 5 874948639 +346 56 5 874949217 +346 58 3 875122112 +346 62 3 875263634 +346 64 4 874948214 +346 67 3 875264985 +346 72 3 874951714 +346 76 4 874950135 +346 77 4 874950937 +346 83 4 874949923 +346 89 4 874948513 +346 91 1 874950029 +346 92 4 886274124 +346 94 3 875263845 +346 97 4 874948929 +346 98 2 874948173 +346 100 3 874948426 +346 110 2 875266064 +346 117 4 874950054 +346 120 3 875264287 +346 121 4 874948703 +346 127 5 874947747 +346 128 2 874950208 +346 132 4 875261235 +346 133 5 874948513 +346 134 5 874947644 +346 141 4 874950692 +346 143 3 874948332 +346 144 4 886273914 +346 147 4 874950172 +346 151 4 874949244 +346 153 3 874948252 +346 156 4 874948139 +346 157 3 874950966 +346 158 2 875264945 +346 167 2 875264209 +346 168 4 874948252 +346 172 5 874947609 +346 173 3 874948475 +346 174 5 874948547 +346 176 4 874947747 +346 180 5 874947958 +346 181 5 874948332 +346 183 4 874948382 +346 184 1 874950463 +346 186 3 874948303 +346 187 3 874948030 +346 195 5 874948703 +346 203 4 874948139 +346 204 4 874948730 +346 210 4 874947700 +346 211 4 874948475 +346 213 3 874948173 +346 215 3 874948303 +346 216 3 874949011 +346 218 3 875263574 +346 219 2 875263664 +346 226 3 886273914 +346 232 3 875263877 +346 234 2 874950291 +346 237 4 874949086 +346 240 1 874948929 +346 241 4 874948929 +346 245 4 875266665 +346 250 3 886274255 +346 259 2 886273426 +346 265 4 874950794 +346 273 4 874948783 +346 276 1 874950029 +346 288 2 886273342 +346 291 5 875002643 +346 293 3 875000499 +346 294 3 886273405 +346 300 5 874947380 +346 302 3 877231140 +346 318 5 874948105 +346 322 3 886273541 +346 325 1 886273717 +346 333 4 886273342 +346 358 4 886273570 +346 363 3 874951062 +346 365 1 874951029 +346 366 2 874947609 +346 369 3 874948890 +346 375 1 875266176 +346 385 5 886274124 +346 391 2 875266600 +346 392 3 875266064 +346 394 4 874949116 +346 395 1 875264785 +346 403 3 874950383 +346 405 3 886274098 +346 415 2 875265527 +346 423 4 874949057 +346 431 5 874950616 +346 455 3 874948889 +346 470 3 874948513 +346 496 5 875260242 +346 518 4 874948889 +346 520 5 874948105 +346 541 3 874951104 +346 546 4 875263238 +346 549 4 874950966 +346 550 4 886273914 +346 561 3 874950172 +346 566 5 874950766 +346 569 3 875266064 +346 571 3 875264262 +346 572 5 875266600 +346 576 3 875264945 +346 578 2 874950463 +346 582 3 874951783 +346 597 3 875003052 +346 616 1 874948890 +346 636 3 874950794 +346 640 3 874947923 +346 642 3 874949952 +346 657 4 875260577 +346 658 3 874949011 +346 660 2 874948979 +346 669 1 875265690 +346 673 3 874951782 +346 684 4 874948929 +346 685 3 874950383 +346 693 4 874950937 +346 708 3 874951714 +346 712 3 875264985 +346 720 2 875265528 +346 727 1 874947794 +346 732 3 874948955 +346 739 3 874950316 +346 742 4 874948513 +346 743 2 875265295 +346 746 3 874949116 +346 748 4 874947380 +346 780 2 875264904 +346 785 3 875263077 +346 802 4 875265236 +346 809 3 874951029 +346 831 3 875003274 +346 842 1 874948513 +346 879 5 886273570 +346 932 2 875264752 +346 944 3 874951714 +346 951 2 874950463 +346 959 2 875260577 +346 967 2 874948426 +346 977 3 875264110 +346 1011 1 874947609 +346 1018 3 874950536 +346 1025 3 886273570 +346 1039 2 874948303 +346 1090 2 875265071 +346 1110 1 875264985 +346 1135 4 874950993 +346 1188 1 875264472 +346 1210 3 875265335 +346 1217 4 886274201 +346 1222 4 875263877 +346 1228 4 875265825 +346 1231 3 875265106 +346 1232 1 875264262 +346 1258 4 875002895 +347 1 4 881652518 +347 4 4 881654452 +347 7 4 881652590 +347 11 5 881653544 +347 12 3 881653584 +347 15 2 881652535 +347 17 4 881654635 +347 22 5 881654005 +347 24 3 881652657 +347 25 2 881652684 +347 28 4 881654612 +347 31 5 881654321 +347 50 5 881652456 +347 55 5 881653603 +347 56 5 881653736 +347 65 2 881654679 +347 68 5 881654825 +347 69 5 881653687 +347 70 2 881654428 +347 73 2 881654773 +347 76 5 881654679 +347 77 5 881654386 +347 79 5 881653890 +347 82 5 881654269 +347 85 5 881654880 +347 87 3 881653830 +347 91 1 881654679 +347 96 4 881653775 +347 97 4 881654101 +347 98 5 881654359 +347 99 3 881654591 +347 100 3 881652417 +347 105 2 881653198 +347 117 5 881652518 +347 118 4 881652710 +347 125 5 881652568 +347 127 5 881652434 +347 132 5 881654064 +347 144 5 881654186 +347 147 4 881652710 +347 151 3 881652480 +347 156 5 881653652 +347 157 5 881654567 +347 158 3 881654773 +347 159 4 881654635 +347 163 4 881654801 +347 164 3 881654752 +347 168 5 881653798 +347 172 5 881653933 +347 173 2 881654503 +347 176 3 881653866 +347 181 5 881652377 +347 182 5 881653736 +347 183 3 881654232 +347 186 5 881653912 +347 187 5 881653652 +347 188 5 881654480 +347 192 4 881653798 +347 195 4 881653603 +347 202 4 881654211 +347 203 5 881654232 +347 208 2 881654480 +347 215 4 881654211 +347 216 3 881653933 +347 222 4 881652377 +347 223 4 881653669 +347 226 4 881653890 +347 227 4 881654734 +347 230 4 881654101 +347 233 5 881654653 +347 235 2 881653224 +347 237 4 881652629 +347 239 5 881654591 +347 240 5 881653300 +347 241 3 881654386 +347 245 5 881652230 +347 246 4 881652417 +347 252 2 881653176 +347 257 4 881652610 +347 258 4 881652077 +347 260 1 881652250 +347 268 4 881652169 +347 271 1 881652191 +347 273 5 881652456 +347 276 3 881652657 +347 280 4 881652657 +347 286 3 881652054 +347 288 5 881652118 +347 290 3 881653132 +347 291 5 881652746 +347 293 5 881652709 +347 294 1 881652142 +347 298 5 881652590 +347 300 5 881652054 +347 317 1 881654409 +347 318 3 881653563 +347 323 1 881652142 +347 324 1 881652230 +347 328 4 881652077 +347 333 5 881652077 +347 356 5 881654134 +347 357 5 881653774 +347 363 1 881653244 +347 369 4 881653300 +347 371 1 881654715 +347 385 4 881654101 +347 386 1 881654846 +347 392 2 881654592 +347 403 5 881654386 +347 404 4 881654846 +347 405 4 881652610 +347 410 5 881653059 +347 411 5 881653132 +347 416 3 881654715 +347 421 2 881653635 +347 423 4 881654567 +347 427 4 881654004 +347 432 4 881653973 +347 435 5 881654211 +347 455 2 881653087 +347 460 3 881652888 +347 462 2 881654359 +347 465 3 881654825 +347 468 2 881654825 +347 470 5 881654301 +347 471 4 881652518 +347 472 5 881652813 +347 475 4 881652417 +347 501 4 881654410 +347 508 3 881652629 +347 544 4 881652862 +347 546 4 881653059 +347 550 5 881654734 +347 568 4 881654339 +347 588 3 881654321 +347 595 2 881653244 +347 597 3 881652788 +347 609 4 881654064 +347 627 4 881654545 +347 655 5 881653973 +347 660 2 881654186 +347 685 3 881652684 +347 686 5 881654101 +347 689 4 881652250 +347 692 4 881654679 +347 693 5 881654156 +347 696 4 881653266 +347 699 1 881654480 +347 713 3 881652568 +347 721 5 881654715 +347 735 2 881654134 +347 742 5 881652610 +347 748 2 881652142 +347 756 2 881653266 +347 763 5 881652837 +347 806 3 881653830 +347 819 1 881653155 +347 820 2 881653340 +347 827 1 881653266 +347 829 4 881653155 +347 831 1 881653340 +347 841 3 881652769 +347 871 4 881653300 +347 879 3 881652099 +347 928 3 881653176 +347 930 2 881653340 +347 943 4 881654545 +347 959 5 881654545 +347 977 5 881653224 +347 982 1 881652709 +347 1012 4 881652590 +347 1016 3 881652730 +347 1028 2 881653087 +347 1035 3 881654522 +347 1039 5 881653830 +347 1047 1 881653224 +347 1059 3 881652813 +347 1088 1 881653224 +347 1244 3 881653300 +347 1283 1 881652730 +347 1291 1 881653340 +348 1 4 886523078 +348 7 4 886523302 +348 15 4 886523330 +348 25 4 886523521 +348 100 4 886523207 +348 107 4 886523813 +348 111 5 886523330 +348 118 4 886523588 +348 121 5 886523521 +348 123 5 886523361 +348 126 5 886523560 +348 147 5 886523361 +348 225 3 886523645 +348 240 3 886523839 +348 243 3 886522740 +348 245 4 886522765 +348 276 3 886523456 +348 288 5 886522495 +348 291 4 886523790 +348 294 4 886522658 +348 313 5 886522495 +348 323 5 886522579 +348 368 3 886523876 +348 369 3 886523758 +348 370 4 886523621 +348 405 4 886523174 +348 406 4 886523521 +348 409 4 886523710 +348 411 4 886523790 +348 412 2 886523560 +348 472 4 886523758 +348 473 3 886523560 +348 476 4 886523735 +348 477 3 886523521 +348 546 3 886523256 +348 596 4 886523456 +348 628 4 886523256 +348 742 4 886523078 +348 756 4 886523735 +348 819 4 886523710 +348 827 4 886523387 +348 831 4 886523913 +348 834 4 886523913 +348 924 4 886523361 +348 926 3 886523683 +348 928 5 886523683 +348 934 4 886523839 +348 974 4 886523683 +348 975 4 886523813 +348 988 3 886522799 +348 1028 4 886523560 +348 1060 3 886523621 +348 1061 5 886523790 +348 1120 3 886523387 +349 9 4 879465477 +349 10 5 879465569 +349 15 4 879465785 +349 20 5 879465642 +349 25 3 879465966 +349 100 4 879466479 +349 105 2 879466283 +349 118 2 879466283 +349 120 3 879466334 +349 121 2 879465712 +349 125 4 879466541 +349 126 2 879465598 +349 237 2 879466062 +349 276 5 879465841 +349 284 5 879466156 +349 288 3 879466118 +349 325 3 879465326 +349 370 2 879466283 +349 411 4 879466232 +349 412 1 879466366 +349 455 2 879465712 +349 458 4 879465933 +349 459 4 879465569 +349 471 3 879465535 +349 475 4 879466479 +349 544 4 879465933 +349 546 3 879466200 +349 596 2 879465814 +349 696 3 879465934 +349 713 3 879465673 +349 744 2 879465785 +349 823 4 879466156 +349 847 4 879466507 +349 985 3 879466118 +349 1028 2 879466200 +349 1117 3 879466366 +349 1128 3 879466062 +350 1 4 882345734 +350 23 5 882345823 +350 50 5 882345502 +350 89 4 882347465 +350 127 5 882345502 +350 132 5 882346929 +350 133 5 882346900 +350 136 5 882347699 +350 153 3 882347466 +350 168 5 882346847 +350 172 5 882345823 +350 173 4 882347465 +350 174 5 882346720 +350 176 4 882347653 +350 179 5 882347653 +350 183 3 882347465 +350 185 5 882347531 +350 190 4 882346900 +350 193 4 882347653 +350 195 5 882347832 +350 204 4 882346161 +350 210 4 882345918 +350 211 2 882347466 +350 214 3 882347465 +350 228 4 882347598 +350 258 3 882347465 +350 265 2 882347466 +350 271 3 882347466 +350 286 5 882345337 +350 324 4 882345384 +350 340 4 882346257 +350 427 5 882346118 +350 429 4 882345668 +350 435 5 882346900 +350 479 5 882345789 +350 483 5 882347734 +350 489 4 882347465 +350 515 5 882346756 +350 530 4 882346161 +350 589 5 882346986 +350 603 5 882345975 +350 604 5 882346086 +350 616 4 882346383 +350 654 5 882345918 +350 657 5 882346663 +350 1039 4 882345975 +351 245 3 879481550 +351 258 5 879481386 +351 286 5 879481386 +351 288 3 879481550 +351 289 5 879481613 +351 292 4 879481550 +351 300 5 879481425 +351 301 3 879481424 +351 304 3 879481675 +351 310 5 879481386 +351 311 4 879481589 +351 312 5 883356784 +351 313 5 883356562 +351 322 5 879481589 +351 323 5 883356710 +351 326 5 879481589 +351 327 5 883356684 +351 328 4 879481550 +351 332 5 879481495 +351 340 1 879481424 +351 341 4 879481425 +351 343 3 883356591 +351 359 4 879481589 +351 538 4 879481495 +351 678 4 879481675 +351 689 4 879481386 +351 748 4 879481613 +351 750 5 883356810 +351 751 4 883356614 +351 754 5 883356614 +351 873 3 879481643 +351 879 5 879481461 +351 880 2 879481460 +351 882 5 879481589 +351 888 4 879481589 +351 898 5 883356784 +351 984 5 879481675 +351 989 4 883356684 +351 990 5 879481461 +351 1024 4 879481495 +351 1105 4 883356833 +351 1316 4 883356883 +352 4 3 884290328 +352 7 3 884290549 +352 12 4 884290428 +352 17 2 884289728 +352 39 5 884289728 +352 50 5 884289693 +352 55 1 884289728 +352 56 5 884289760 +352 79 4 884289693 +352 82 3 884290328 +352 86 4 884290505 +352 89 5 884289693 +352 92 3 884289728 +352 96 4 884290328 +352 98 5 884290428 +352 100 4 884290428 +352 129 5 884290428 +352 144 5 884290328 +352 156 4 884290428 +352 172 5 884289759 +352 173 1 884290361 +352 174 5 884289760 +352 175 1 884290574 +352 176 5 884289693 +352 181 4 884289693 +352 182 5 884290328 +352 183 5 884289693 +352 194 3 884290361 +352 195 4 884289693 +352 210 3 884290328 +352 216 4 884290390 +352 228 3 884289729 +352 234 4 884290549 +352 273 2 884290328 +352 302 4 884289619 +352 385 4 884289760 +352 568 5 884290328 +352 653 3 884290428 +352 657 4 884290428 +352 692 3 884290361 +352 746 4 884290361 +353 245 4 891402405 +353 258 5 891402757 +353 270 2 891402358 +353 271 2 891402567 +353 272 5 891402757 +353 286 5 891402757 +353 300 3 891402310 +353 313 5 891402757 +353 315 4 891402757 +353 316 5 891402757 +353 326 2 891402444 +353 327 2 891402443 +353 328 2 891402259 +353 331 4 891401992 +353 332 5 891402757 +353 333 4 891402757 +353 340 4 891401942 +353 346 4 891402757 +353 358 1 891402617 +353 750 4 891402757 +353 898 2 891402587 +353 905 4 891402674 +354 7 4 891216607 +354 8 5 891217160 +354 9 3 891216607 +354 10 5 891216692 +354 14 4 891216575 +354 20 5 891216498 +354 25 2 891216854 +354 32 3 891217929 +354 42 2 891217512 +354 45 5 891218046 +354 47 4 891217110 +354 50 4 891216498 +354 52 5 891217547 +354 57 5 891217575 +354 58 3 891218356 +354 59 5 891218208 +354 60 5 891217160 +354 61 5 891218091 +354 66 2 891307180 +354 70 3 891218208 +354 79 2 891217274 +354 81 3 891217249 +354 86 5 891218312 +354 87 3 891217482 +354 88 2 891307206 +354 89 4 891217547 +354 93 4 891216805 +354 97 3 891217610 +354 98 3 891218312 +354 100 5 891216656 +354 109 3 891216692 +354 116 5 891216692 +354 124 5 891216632 +354 131 3 891217811 +354 133 3 891217547 +354 134 4 891217298 +354 135 3 891218230 +354 136 5 891217717 +354 137 3 891216575 +354 143 4 891217547 +354 149 5 891216498 +354 151 3 891218356 +354 152 3 891306974 +354 153 3 891218418 +354 154 4 891217897 +354 155 2 891307206 +354 162 3 891217659 +354 166 4 891218379 +354 169 3 891217511 +354 171 4 891306892 +354 173 3 891217394 +354 174 4 891218068 +354 175 5 891218024 +354 180 3 891217274 +354 186 4 891217811 +354 189 3 891217249 +354 190 4 891217221 +354 191 4 891217082 +354 193 3 891217782 +354 197 4 891217512 +354 199 4 891217130 +354 202 3 891307157 +354 208 4 891217394 +354 210 3 891217717 +354 211 2 891306946 +354 213 5 891217160 +354 216 3 891217782 +354 238 4 891217394 +354 241 3 891307069 +354 242 5 891180399 +354 246 4 891216607 +354 248 4 891216956 +354 251 5 891216691 +354 255 2 891216788 +354 257 3 891216735 +354 258 4 891180399 +354 268 4 891180399 +354 269 4 891180399 +354 270 5 891216082 +354 272 3 891180399 +354 275 4 891216526 +354 276 3 891216760 +354 281 1 891216915 +354 283 4 891216632 +354 285 5 891216526 +354 286 4 891180445 +354 287 3 891216854 +354 292 4 891180489 +354 297 4 891216760 +354 303 5 891180548 +354 306 5 891180445 +354 308 4 891180569 +354 311 5 891180445 +354 313 3 891180399 +354 318 3 891217365 +354 319 3 891180399 +354 321 2 891216128 +354 344 5 891180445 +354 381 5 891217851 +354 382 5 891217897 +354 387 4 891307180 +354 414 4 891218492 +354 419 4 891217755 +354 421 2 891306852 +354 423 4 891217575 +354 428 4 891217298 +354 429 3 891218439 +354 432 3 891218380 +354 435 4 891218024 +354 462 3 891218116 +354 463 4 891217575 +354 464 4 891217512 +354 473 3 891216498 +354 478 5 891217365 +354 479 4 891217249 +354 480 4 891217897 +354 483 4 891217298 +354 485 4 891217659 +354 487 3 891217298 +354 489 4 891217851 +354 494 4 891217194 +354 496 3 891217109 +354 497 4 891217160 +354 498 4 891217610 +354 507 3 891306892 +354 508 3 891216607 +354 509 5 891218249 +354 511 4 891217340 +354 512 3 891306892 +354 513 5 891217782 +354 515 3 891216526 +354 516 5 891217851 +354 518 3 891217340 +354 520 3 891217811 +354 528 5 891218155 +354 529 4 891217610 +354 531 4 891217897 +354 533 5 891216805 +354 558 4 891217082 +354 582 4 891217897 +354 584 5 891217782 +354 603 5 891217082 +354 604 4 891217755 +354 605 3 891218271 +354 606 5 891217633 +354 607 3 891218208 +354 629 3 891217659 +354 631 4 891217449 +354 638 4 891217547 +354 650 3 891217693 +354 651 3 891217693 +354 652 4 891217194 +354 657 4 891218289 +354 659 4 891217221 +354 660 3 891218155 +354 661 4 891306946 +354 664 5 891217717 +354 692 2 891307114 +354 694 5 891217299 +354 699 3 891218474 +354 702 3 891307114 +354 705 4 891217547 +354 707 4 891217633 +354 709 5 891217928 +354 714 4 891217449 +354 716 3 891307157 +354 732 2 891307157 +354 733 3 891217693 +354 736 5 891218568 +354 737 4 891307206 +354 740 4 891216692 +354 744 4 891216656 +354 753 5 891217482 +354 792 4 891217340 +354 811 5 891218091 +354 847 3 891216713 +354 855 4 891306852 +354 863 3 891306919 +354 865 3 891217109 +354 882 4 891216157 +354 887 4 891180527 +354 889 5 891217966 +354 900 4 891180527 +354 904 5 891180419 +354 922 4 891216825 +354 929 4 891216896 +354 936 4 891216607 +354 953 3 891218208 +354 955 3 891307180 +354 956 4 891218271 +354 958 4 891218271 +354 962 4 891217274 +354 1007 4 891216549 +354 1017 3 891216896 +354 1039 4 891217249 +354 1063 3 891218230 +354 1065 3 891217512 +354 1085 3 891219432 +354 1101 3 891218003 +354 1119 4 891307114 +354 1137 4 891219376 +354 1194 4 891217429 +354 1197 3 891219490 +354 1241 4 891216875 +354 1511 4 891216575 +355 242 4 879486529 +355 260 4 879485760 +355 264 4 879485760 +355 271 3 879486422 +355 286 5 879485423 +355 288 5 879485523 +355 300 4 879486529 +355 306 4 879486422 +355 307 4 879486422 +355 310 4 879485423 +355 319 5 879486529 +355 324 4 879486422 +355 328 4 879486422 +355 329 3 879486421 +355 336 4 879486529 +355 358 4 879485523 +355 360 4 879486422 +355 681 4 879485523 +355 872 4 879486529 +355 882 4 879486421 +355 1392 4 879485760 +355 1429 4 879485423 +356 272 5 891405651 +356 286 3 891405721 +356 288 4 891406076 +356 292 3 891405978 +356 300 3 891405978 +356 307 4 891406040 +356 310 3 891405721 +356 313 5 891405651 +356 315 4 891405619 +356 316 4 891406372 +356 326 4 891406193 +356 328 4 891406241 +356 331 3 891405619 +356 333 5 891405978 +356 347 4 891405619 +356 689 5 891406372 +356 748 4 891406500 +356 892 1 891406241 +356 937 2 891406040 +356 1294 4 891405721 +357 1 5 878951216 +357 7 3 878951537 +357 10 5 878951831 +357 24 4 878951457 +357 105 4 878952342 +357 111 5 878951784 +357 117 5 878951217 +357 118 5 878951691 +357 123 4 878951864 +357 125 5 878951784 +357 126 5 878951537 +357 147 5 878951457 +357 151 5 878951728 +357 220 5 878951954 +357 222 5 878951498 +357 235 4 878951691 +357 237 5 878951217 +357 245 4 878951101 +357 258 4 878951101 +357 270 5 878951101 +357 273 5 878951457 +357 274 4 878951784 +357 275 5 878951784 +357 280 5 878951831 +357 283 5 878951616 +357 284 4 878951691 +357 287 4 878952265 +357 291 4 878952137 +357 294 4 878951101 +357 304 5 878951101 +357 322 3 878951101 +357 326 5 878951101 +357 334 4 878951101 +357 405 5 878951784 +357 407 3 878952341 +357 411 3 878952041 +357 412 2 878951918 +357 455 5 878951498 +357 471 5 878951498 +357 472 3 878952166 +357 473 3 878951831 +357 476 3 878951616 +357 508 5 878951616 +357 546 5 878951729 +357 595 4 878951537 +357 597 4 878952080 +357 685 3 878951616 +357 687 3 878951101 +357 713 5 878951576 +357 742 4 878951691 +357 744 5 878951653 +357 748 5 878951101 +357 760 3 878952080 +357 819 4 878951653 +357 820 4 878952288 +357 825 3 878952080 +357 826 3 878951984 +357 831 3 878952080 +357 833 4 878952341 +357 841 3 878951918 +357 864 5 878951653 +357 866 5 878951864 +357 928 4 878952041 +357 977 5 878952287 +357 984 3 878950923 +357 1028 5 878951729 +357 1034 2 878952222 +357 1047 4 878951691 +357 1095 3 878952190 +357 1277 5 878951918 +358 8 5 891269179 +358 59 4 891269617 +358 65 4 891270405 +358 127 1 891269117 +358 132 5 891270652 +358 174 1 891270560 +358 179 4 891269666 +358 208 2 891270510 +358 213 5 891269827 +358 221 5 891269077 +358 258 4 891269077 +358 268 3 891269077 +358 318 5 891271063 +358 324 4 891269077 +358 357 4 891270405 +358 382 2 891269913 +358 469 4 891271063 +358 482 2 891270510 +358 511 2 891271035 +358 512 5 891269511 +358 529 3 891269464 +358 558 4 891269511 +358 582 5 891269723 +358 584 4 891269913 +358 638 3 891269584 +358 639 4 891269584 +358 643 3 891270091 +358 666 3 891269992 +358 855 3 891269464 +358 863 5 891269666 +358 896 4 891269077 +358 918 1 892731254 +358 1005 4 891269723 +358 1006 5 891269913 +358 1021 5 891269464 +358 1149 3 891270043 +358 1159 5 891269617 +358 1266 4 891269944 +358 1396 4 891269827 +358 1524 5 891269418 +358 1529 3 891269584 +359 1 4 886453214 +359 7 5 886453325 +359 24 3 886453354 +359 50 5 886453271 +359 117 4 886453305 +359 118 3 886453402 +359 121 4 886453373 +359 181 5 886453305 +359 246 3 886453214 +359 250 4 886453354 +359 268 4 886453490 +359 270 4 886453467 +359 273 4 886453325 +359 286 5 886453161 +359 295 3 886453325 +359 298 5 886453354 +359 313 5 886453450 +359 323 3 886453431 +359 405 3 886453354 +359 408 5 886453239 +359 455 4 886453305 +359 472 4 886453402 +359 546 3 886453373 +359 748 3 886453271 +359 751 4 886453467 +359 831 3 886453402 +360 1 3 880354315 +360 10 5 880354624 +360 13 3 880354315 +360 14 5 880354149 +360 15 3 880354436 +360 23 5 880356240 +360 25 4 880355209 +360 28 4 880355678 +360 45 4 880355747 +360 50 4 880354149 +360 56 4 880356131 +360 64 5 880355485 +360 79 4 880355485 +360 100 5 880354379 +360 116 3 880354275 +360 124 5 880354215 +360 127 5 880354149 +360 134 5 880356025 +360 137 5 880354379 +360 144 2 880355527 +360 157 4 880355994 +360 165 4 880356059 +360 166 5 880355527 +360 170 5 880355485 +360 172 4 880356240 +360 174 3 880356240 +360 175 3 880355888 +360 181 4 880355353 +360 187 4 880355527 +360 191 4 880355958 +360 194 3 880355803 +360 195 3 880355715 +360 197 5 880355888 +360 199 5 880355678 +360 205 5 880356240 +360 207 4 880355888 +360 210 4 880356166 +360 222 2 880355094 +360 237 4 880354484 +360 238 4 880355845 +360 242 4 880353616 +360 248 4 880354484 +360 251 5 880354315 +360 269 4 880353525 +360 271 2 880354839 +360 275 4 880354149 +360 283 4 880354215 +360 284 3 880354991 +360 286 5 880353526 +360 297 4 880354484 +360 302 4 880353526 +360 303 3 880353526 +360 304 4 880353660 +360 306 4 880353584 +360 308 4 880353584 +360 309 2 880354094 +360 321 3 880354094 +360 326 3 880354094 +360 328 3 880354094 +360 334 4 880353736 +360 357 5 880355958 +360 405 3 880354347 +360 423 4 880355623 +360 471 4 880355177 +360 474 5 880355803 +360 483 5 880355527 +360 496 3 880356092 +360 511 5 880355994 +360 515 4 880354315 +360 523 3 880356240 +360 531 4 880355678 +360 582 4 880355594 +360 588 3 880355803 +360 654 5 880355715 +360 661 5 880356131 +360 663 4 880355888 +360 735 5 880356059 +360 744 4 880355066 +360 748 2 880354094 +360 845 3 880354942 +360 933 3 880354408 +360 936 4 880354181 +360 963 5 880355448 +360 1039 5 880356131 +360 1134 3 880355261 +360 1149 4 880356025 +360 1197 3 880355177 +361 12 4 879441214 +361 14 4 879440651 +361 23 5 879441215 +361 26 3 879440941 +361 47 4 879440516 +361 49 3 879441179 +361 50 5 879441417 +361 53 2 879441351 +361 55 2 879441253 +361 56 4 879440516 +361 59 4 879440652 +361 60 4 879440605 +361 66 4 879441075 +361 79 4 879441286 +361 83 3 879440345 +361 86 4 879440941 +361 88 4 879440974 +361 90 2 879441179 +361 97 4 879440740 +361 98 5 879441215 +361 100 5 879440386 +361 111 3 879440974 +361 121 2 879441324 +361 129 4 879441285 +361 148 1 879441324 +361 150 2 879440345 +361 155 3 879441008 +361 156 4 879441252 +361 165 5 879440573 +361 166 4 879440605 +361 168 4 879440386 +361 170 5 879440605 +361 173 5 879440774 +361 178 5 879441462 +361 179 4 879440545 +361 183 4 879441285 +361 185 5 879441215 +361 190 5 879440573 +361 197 5 879440739 +361 202 3 879440941 +361 203 5 879441285 +361 204 4 879440516 +361 207 4 879440545 +361 212 5 879440941 +361 213 5 879440605 +361 218 3 879441324 +361 222 2 879441253 +361 226 3 879441352 +361 228 4 879441285 +361 234 4 879441285 +361 237 4 879440740 +361 238 4 879440475 +361 258 3 879440286 +361 269 4 879441490 +361 273 3 879441215 +361 274 3 879441034 +361 275 4 879440694 +361 276 4 879441417 +361 286 5 879440286 +361 333 2 879441490 +361 340 3 879441805 +361 367 3 879440475 +361 387 3 879441008 +361 402 3 879441179 +361 421 3 879440974 +361 430 5 879440475 +361 435 5 879440345 +361 451 3 879440740 +361 466 4 879441285 +361 475 4 879440475 +361 498 4 879441416 +361 502 4 879440475 +361 504 4 879441215 +361 513 5 879441215 +361 514 5 879440345 +361 517 5 879440386 +361 524 4 879440386 +361 525 4 879441253 +361 527 4 879441462 +361 531 5 879440545 +361 611 4 879441462 +361 639 4 879440652 +361 652 4 879440346 +361 654 4 879441253 +361 655 3 879440346 +361 657 5 879441253 +361 659 5 879441324 +361 673 4 879441286 +361 684 4 879441215 +361 692 4 879440774 +361 694 4 879440774 +361 705 5 879441416 +361 707 4 879440974 +361 709 5 879440974 +361 727 3 879440740 +361 737 4 879441179 +361 739 4 879441075 +361 742 1 879441351 +361 762 2 879440774 +361 770 3 879441352 +361 781 2 879441179 +361 794 3 879441033 +361 813 4 879440475 +361 934 3 879440974 +361 949 4 879440774 +361 1041 2 879441179 +361 1074 3 879441179 +361 1103 4 879440386 +361 1119 3 879440740 +361 1152 2 879441008 +362 245 4 885019504 +362 258 4 885019435 +362 264 1 885019695 +362 268 2 885019435 +362 288 4 885019304 +362 294 3 885019357 +362 302 5 885019260 +362 312 5 885019504 +362 321 2 885019435 +362 322 3 885019651 +362 323 2 885019651 +362 328 2 885019504 +362 332 5 885019537 +362 333 5 885019261 +362 336 2 885019468 +362 347 5 885019261 +362 350 5 885019537 +362 678 2 885019651 +362 683 1 885019722 +362 689 5 885019504 +362 748 1 885019592 +362 879 5 885019357 +362 1025 2 885019746 +363 1 2 891494563 +363 2 4 891495809 +363 4 5 891494962 +363 5 1 891497047 +363 7 3 891495510 +363 8 5 891497853 +363 9 3 891494628 +363 11 5 891494587 +363 17 4 891495918 +363 22 3 891494962 +363 25 3 891496337 +363 28 4 891495339 +363 29 1 891498365 +363 32 2 891496667 +363 37 2 891498510 +363 38 3 891498407 +363 39 4 891495339 +363 42 2 891495070 +363 44 3 891496927 +363 50 5 891495168 +363 54 3 891497440 +363 55 5 891495682 +363 56 5 891495301 +363 58 3 891494962 +363 62 2 891497639 +363 66 4 891496849 +363 67 1 891498038 +363 68 2 891495809 +363 69 3 891494865 +363 70 2 891496373 +363 71 3 891495301 +363 72 1 891496850 +363 77 2 891496587 +363 79 2 891494835 +363 80 4 891498434 +363 81 4 891496616 +363 82 3 891497047 +363 87 3 891496306 +363 88 2 891498087 +363 89 4 891494688 +363 90 5 891498183 +363 91 4 891495238 +363 93 4 891495339 +363 95 3 891496694 +363 96 5 891494835 +363 97 2 891496513 +363 98 3 891495402 +363 100 5 891495070 +363 101 1 891496953 +363 102 4 891498681 +363 114 5 891494688 +363 116 4 891495595 +363 117 5 891495742 +363 120 1 891500218 +363 121 2 891497393 +363 127 4 891495169 +363 128 5 891495371 +363 134 2 891494725 +363 137 5 891495742 +363 144 4 891494865 +363 145 1 891498589 +363 151 4 891497076 +363 152 5 891494906 +363 153 3 891495169 +363 154 4 891496306 +363 155 2 891497712 +363 156 3 891494962 +363 159 1 891496667 +363 161 4 891496753 +363 163 3 891495143 +363 164 2 891496722 +363 168 4 891494905 +363 169 5 891494563 +363 171 5 891495849 +363 172 5 891495711 +363 173 5 891494658 +363 174 4 891495109 +363 179 4 891496373 +363 180 3 891494754 +363 181 5 891494783 +363 182 1 891494962 +363 183 4 891494835 +363 184 3 891494725 +363 185 5 891495338 +363 186 3 891494865 +363 187 2 891494725 +363 188 4 891495711 +363 189 5 891495070 +363 193 3 891494962 +363 195 4 891495238 +363 196 4 891494658 +363 200 3 891495918 +363 201 2 891495371 +363 204 2 891495402 +363 206 2 891496587 +363 208 4 891496190 +363 210 4 891494905 +363 212 1 891497278 +363 215 3 891496306 +363 216 3 891495879 +363 217 2 891498286 +363 218 2 891497174 +363 222 5 891496513 +363 224 4 891495682 +363 226 1 891497015 +363 227 4 891498135 +363 228 3 891496481 +363 229 3 891497393 +363 230 2 891497440 +363 231 1 891497679 +363 232 2 891495272 +363 234 3 891495197 +363 235 5 891497130 +363 237 2 891496306 +363 238 4 891497583 +363 248 5 891499595 +363 250 1 891499468 +363 256 3 891499542 +363 258 3 891493603 +363 260 2 891494049 +363 264 3 891494049 +363 265 3 891495339 +363 270 2 891493723 +363 271 4 891493840 +363 273 3 891495630 +363 282 2 891495596 +363 283 2 891495987 +363 284 2 891495987 +363 288 4 891493723 +363 290 3 891496753 +363 293 4 891499329 +363 298 5 891499411 +363 301 3 891493918 +363 307 5 891493795 +363 313 5 891493571 +363 316 3 891493918 +363 317 5 891495596 +363 322 2 891493959 +363 325 1 891494012 +363 328 3 891493840 +363 333 1 891493634 +363 336 4 891494011 +363 346 4 891493746 +363 347 3 891493723 +363 350 1 891493864 +363 351 2 891493864 +363 366 2 891497583 +363 370 3 891500269 +363 372 4 891496077 +363 380 4 891496481 +363 384 1 891498066 +363 385 4 891497129 +363 386 1 891498407 +363 387 1 891497639 +363 391 2 891498811 +363 402 2 891498365 +363 403 3 891496414 +363 405 4 891497015 +363 408 5 891494865 +363 417 1 891498223 +363 423 3 891495711 +363 426 2 891496927 +363 428 5 891495742 +363 431 2 891495301 +363 433 4 891495143 +363 435 3 891495850 +363 443 4 891500334 +363 444 4 891500406 +363 448 5 891497953 +363 449 3 891498863 +363 451 2 891497130 +363 461 3 891495711 +363 469 2 891496077 +363 472 1 891498469 +363 473 4 891498558 +363 474 5 891494929 +363 496 4 891494563 +363 505 3 891495238 +363 506 2 891496077 +363 511 4 891495850 +363 518 4 891494835 +363 523 3 891494659 +363 531 4 891495879 +363 537 1 891495402 +363 546 3 891497440 +363 550 4 891497205 +363 552 4 891497853 +363 554 1 891498012 +363 555 1 891498920 +363 557 1 891496103 +363 559 3 891496927 +363 561 2 891498884 +363 566 3 891496439 +363 568 2 891495070 +363 569 2 891498259 +363 571 1 891498964 +363 572 2 891498469 +363 575 1 891498681 +363 578 4 891497925 +363 582 2 891496306 +363 588 2 891495339 +363 590 3 891500527 +363 591 4 891499437 +363 597 4 891498286 +363 603 4 891495109 +363 616 3 891498135 +363 625 4 891498038 +363 631 1 891497440 +363 640 2 891496927 +363 650 2 891495197 +363 651 3 891495682 +363 652 4 891495143 +363 653 3 891495682 +363 657 5 891494587 +363 658 3 891496543 +363 660 4 891496588 +363 665 2 891498964 +363 673 2 891496543 +363 675 3 891495849 +363 678 1 891494012 +363 679 4 891497277 +363 682 1 891493634 +363 685 4 891496979 +363 691 3 891493663 +363 698 2 891495987 +363 699 2 891495850 +363 705 2 891495371 +363 707 3 891494906 +363 709 4 891495003 +363 710 5 891495596 +363 719 3 891498365 +363 739 3 891498183 +363 741 3 891495338 +363 742 2 891497076 +363 746 4 891495630 +363 747 5 891495918 +363 752 5 891493885 +363 760 1 891499993 +363 761 3 891498183 +363 767 2 891500179 +363 774 4 891498835 +363 778 4 891495510 +363 789 4 891494962 +363 792 4 891495918 +363 802 2 891498681 +363 805 4 891497205 +363 809 4 891497712 +363 816 1 891498787 +363 825 4 891497881 +363 831 1 891498469 +363 849 2 891498365 +363 854 1 891497047 +363 859 4 891500462 +363 895 3 891493840 +363 906 2 891493795 +363 919 5 891494659 +363 940 2 891498920 +363 946 4 891498510 +363 959 1 891497523 +363 979 1 891497748 +363 1007 5 891499355 +363 1009 2 891497205 +363 1010 4 891496979 +363 1012 4 891499355 +363 1013 3 891499875 +363 1014 1 891499760 +363 1016 4 891499568 +363 1019 5 891496414 +363 1035 2 891497925 +363 1052 3 891500134 +363 1056 4 891496169 +363 1073 4 891496337 +363 1074 2 891497679 +363 1099 2 891495402 +363 1101 3 891495004 +363 1157 2 891498558 +363 1168 2 891496587 +363 1214 1 891497712 +363 1228 2 891498720 +363 1267 2 891496481 +363 1478 1 891498469 +363 1485 4 891496102 +363 1495 5 891497278 +363 1512 1 891494754 +364 261 2 875931432 +364 262 3 875931432 +364 269 4 875931309 +364 286 5 875931309 +364 288 4 875931432 +364 289 3 875931432 +364 294 5 875931432 +364 302 4 875931309 +364 319 3 875931309 +364 321 2 875931478 +364 325 4 875931432 +364 678 4 875931478 +364 690 4 875931309 +364 875 3 875931585 +364 948 4 875931561 +364 988 2 875931561 +364 990 4 875931478 +364 1048 5 875931585 +365 1 4 891303999 +365 7 2 891304213 +365 13 3 891303950 +365 15 3 891304152 +365 25 4 891303950 +365 100 5 891303901 +365 108 2 891304019 +365 109 2 891304106 +365 124 4 891304039 +365 125 3 891304152 +365 137 3 891303999 +365 150 5 891303950 +365 151 4 891304106 +365 222 4 891303950 +365 235 2 891304278 +365 258 4 891303515 +365 268 5 891303474 +365 269 4 891303357 +365 271 4 891303408 +365 272 4 891303357 +365 275 4 891304019 +365 276 2 891303901 +365 277 4 891304078 +365 285 4 891303999 +365 287 4 891304301 +365 288 5 891303357 +365 289 3 891303694 +365 294 1 891303614 +365 301 5 891303586 +365 315 4 891303384 +365 319 4 891303694 +365 321 5 891303536 +365 326 2 891303614 +365 340 5 891303536 +365 342 2 891303614 +365 473 4 891304106 +365 476 4 891304278 +365 742 3 891304039 +365 762 4 891304300 +365 813 5 891303901 +365 846 3 891304152 +365 894 1 891303760 +365 895 4 891303515 +365 908 3 891303638 +365 948 1 891303809 +365 995 4 891303694 +365 1017 4 891304213 +365 1048 3 891304152 +365 1137 5 891303950 +365 1420 2 891303454 +366 7 2 888857598 +366 53 5 888857990 +366 56 5 888857750 +366 98 5 888857750 +366 164 5 888857932 +366 184 4 888857866 +366 185 5 888857750 +366 200 5 888857990 +366 201 5 888857866 +366 217 5 888857990 +366 218 3 888857866 +366 219 5 888857932 +366 234 1 888857750 +366 413 4 888857598 +366 436 5 888857932 +366 443 5 888857866 +366 445 5 888857932 +366 447 5 888857990 +366 448 5 888857990 +366 559 5 888858078 +366 561 5 888858078 +366 573 5 888858078 +366 671 5 888857990 +366 672 5 888858078 +366 758 3 888857684 +366 853 5 888857750 +366 854 5 888857750 +366 860 2 888858078 +367 5 4 876689991 +367 7 5 876689878 +367 17 5 876689991 +367 50 5 876689696 +367 53 4 876690076 +367 56 5 876689932 +367 98 5 876689932 +367 100 5 876689878 +367 145 3 876690077 +367 164 4 876690119 +367 176 5 876689738 +367 179 5 876689765 +367 183 5 876689738 +367 184 5 876689990 +367 200 4 876689962 +367 201 5 876689991 +367 217 5 876690021 +367 218 4 876689962 +367 219 4 876690098 +367 234 4 876690098 +367 246 4 876689612 +367 250 5 876689824 +367 258 4 876689364 +367 288 5 876689418 +367 302 5 876689364 +367 324 5 876689418 +367 326 4 876689502 +367 331 4 876689418 +367 333 4 876689501 +367 334 4 876689364 +367 379 4 876690048 +367 406 4 876689878 +367 413 4 876689879 +367 436 4 876689962 +367 441 3 876690049 +367 448 4 876690098 +367 452 4 876690120 +367 551 3 876690048 +367 559 4 876690048 +367 561 4 876690048 +367 563 4 876690077 +367 564 2 876690077 +367 565 2 876690048 +367 567 4 876690077 +367 637 3 876690021 +367 665 5 876689738 +367 670 4 876690021 +367 672 4 876689991 +367 760 4 876690021 +367 769 3 876690077 +367 774 4 876690049 +367 800 4 876690049 +367 876 3 876689418 +367 919 5 876689790 +367 1012 4 876689825 +368 11 4 889783678 +368 17 5 889783562 +368 50 4 889783678 +368 56 4 889783407 +368 89 4 889783678 +368 96 3 889783678 +368 98 3 889783407 +368 100 4 889783407 +368 145 2 889783586 +368 164 3 889783364 +368 181 4 889783678 +368 183 5 889783678 +368 184 5 889783453 +368 201 5 889783407 +368 217 5 889783562 +368 218 2 889783453 +368 219 2 889783453 +368 234 3 889783365 +368 288 3 889783453 +368 292 4 889783251 +368 313 5 889783251 +368 320 5 889783364 +368 379 4 889783562 +368 396 2 889783617 +368 413 1 889783454 +368 436 3 889783562 +368 441 3 889783617 +368 551 4 889783617 +368 561 2 889783617 +368 567 3 889783617 +368 569 3 889783586 +368 637 2 889783617 +368 670 3 889783562 +368 672 2 889783453 +368 774 4 889783562 +368 777 2 889783586 +368 844 3 889783453 +369 50 5 889428642 +369 114 5 889428642 +369 166 4 889428418 +369 168 3 889428494 +369 172 5 889428642 +369 181 5 889428642 +369 196 5 889428642 +369 243 3 889428228 +369 268 5 889428642 +369 271 5 889428642 +369 316 5 889428641 +369 346 4 889427890 +369 358 3 889428228 +369 751 4 889428097 +369 752 4 889428011 +369 890 3 889428268 +369 900 4 889428642 +369 919 5 889428642 +369 948 2 889428228 +369 988 3 889428228 +370 12 4 879435369 +370 14 3 879434707 +370 22 4 879434832 +370 31 3 879434766 +370 42 3 879435462 +370 50 4 879434707 +370 52 4 879434969 +370 56 2 879434587 +370 57 5 879435431 +370 64 4 879434745 +370 98 4 879434937 +370 107 4 879435244 +370 114 3 879434587 +370 116 3 879434707 +370 134 4 879434859 +370 135 4 879434746 +370 136 4 879434999 +370 153 2 879434832 +370 170 4 879435369 +370 172 4 879435369 +370 173 3 879434707 +370 174 3 879434587 +370 175 3 879434804 +370 176 4 879435217 +370 181 4 879434832 +370 183 4 879434937 +370 193 4 879435168 +370 195 4 879434886 +370 199 4 879434999 +370 209 5 879435461 +370 210 3 879434745 +370 238 4 879435369 +370 257 5 879434468 +370 265 5 879434636 +370 269 5 879434206 +370 285 3 879435193 +370 294 1 879434229 +370 321 2 879434265 +370 322 3 879434308 +370 323 2 879434333 +370 423 4 879435369 +370 425 3 879434860 +370 433 3 879434860 +370 435 3 879434999 +370 443 5 879435369 +370 480 4 879434886 +370 484 4 879434937 +370 493 5 879434886 +370 494 3 879435033 +370 497 3 879434636 +370 511 4 879434804 +370 514 4 879434969 +370 603 5 879435244 +370 604 4 879434804 +370 607 5 879435168 +370 608 4 879434860 +370 613 2 879434587 +370 631 4 879435369 +370 657 3 879434636 +370 659 4 879435033 +370 661 5 879435217 +370 678 4 879435369 +370 705 3 879434666 +370 835 5 879434909 +370 856 3 879435033 +370 923 4 879435074 +371 1 4 877487440 +371 22 5 877487134 +371 24 4 877487500 +371 42 3 880435397 +371 50 4 877486953 +371 55 4 877487364 +371 64 4 877487052 +371 66 4 877487213 +371 69 5 877486953 +371 77 5 880435601 +371 79 5 880435519 +371 97 5 877487440 +371 98 5 877487213 +371 117 3 877487052 +371 174 4 877487751 +371 175 1 877487266 +371 176 4 877487135 +371 177 4 877487135 +371 179 3 877487364 +371 180 4 877487656 +371 181 3 877486953 +371 183 5 880435519 +371 186 5 880435288 +371 194 3 877486953 +371 197 4 877487364 +371 202 5 880435313 +371 204 5 880435210 +371 210 4 880435313 +371 234 5 877487691 +371 237 5 877487052 +371 265 5 880435544 +371 357 5 877487751 +371 393 2 880435397 +371 423 5 880435071 +371 431 5 880435601 +371 435 3 877487751 +371 443 4 880435576 +371 452 2 880435634 +371 496 4 877487052 +371 504 4 880435576 +371 523 4 880435210 +371 527 5 877487309 +371 627 4 877487656 +371 655 4 880435238 +371 663 5 880435238 +371 746 4 880435397 +372 5 4 876869445 +372 7 3 876869387 +372 12 4 876869730 +372 23 5 876869701 +372 44 4 876869837 +372 56 4 876869445 +372 77 5 876869794 +372 79 5 876869667 +372 98 5 876869388 +372 100 3 876869388 +372 129 4 876869667 +372 148 5 876869915 +372 159 5 876869894 +372 176 3 876869667 +372 183 5 876869667 +372 185 5 876869445 +372 200 5 876869481 +372 201 2 876869387 +372 219 5 876869481 +372 234 5 876869387 +372 262 4 876869066 +372 264 4 876869330 +372 273 5 876869730 +372 286 5 876868994 +372 288 5 876869066 +372 299 4 876869147 +372 322 3 876869330 +372 325 4 876869330 +372 327 5 876869183 +372 332 4 876869330 +372 333 5 876869109 +372 436 5 876869445 +372 441 4 876869512 +372 443 4 876869481 +372 446 4 876869512 +372 447 5 876869445 +372 448 4 876869445 +372 452 4 876869534 +372 547 5 876869481 +372 559 4 876869481 +372 561 5 876869534 +372 574 4 876869957 +372 581 5 876869794 +372 595 4 876869878 +372 628 4 876869915 +372 635 5 876869445 +372 637 4 876869512 +372 649 3 876869977 +372 672 5 876869512 +372 696 4 876869667 +372 844 4 876869481 +372 874 4 876869238 +372 875 4 876869183 +372 1083 3 876869878 +372 1109 4 876869818 +372 1212 4 876869932 +372 1273 4 876869957 +373 2 4 877100416 +373 4 4 877100232 +373 12 5 877098343 +373 15 4 877098568 +373 20 2 877098751 +373 22 5 877098919 +373 24 4 877100016 +373 25 4 877100016 +373 28 3 877103935 +373 31 3 877100199 +373 48 5 877098223 +373 50 5 877098678 +373 58 4 877100161 +373 64 4 877098643 +373 66 4 877099263 +373 68 5 877106741 +373 70 4 877099968 +373 71 5 877098891 +373 79 4 877098979 +373 81 2 877100326 +373 82 1 877099317 +373 83 5 877098599 +373 89 5 877098821 +373 90 4 877103846 +373 94 2 877111313 +373 95 5 877099263 +373 96 4 877098262 +373 97 3 877099178 +373 99 5 877099091 +373 100 3 877100199 +373 102 5 877100096 +373 105 3 877107173 +373 110 3 877104086 +373 114 5 877098402 +373 117 4 877098599 +373 125 4 877098821 +373 127 2 877099968 +373 131 4 877099968 +373 132 3 877106940 +373 136 4 877099091 +373 139 3 877111422 +373 142 3 877111362 +373 143 3 877105005 +373 144 3 877098949 +373 150 4 877098821 +373 151 4 877100129 +373 154 5 877098919 +373 155 4 877107235 +373 156 2 877098374 +373 161 4 877105005 +373 162 3 877098568 +373 163 4 877098891 +373 165 5 877100354 +373 166 5 877098262 +373 168 5 877098297 +373 169 5 877099016 +373 170 5 877098751 +373 173 5 877098751 +373 174 4 877099137 +373 175 3 877099352 +373 178 4 877099352 +373 179 3 877104310 +373 180 3 877098678 +373 181 5 877099178 +373 184 4 877104086 +373 186 5 877099178 +373 187 2 877098849 +373 189 5 877100416 +373 190 5 877100161 +373 191 4 877102549 +373 194 4 877098714 +373 195 4 877098487 +373 196 5 877098487 +373 202 3 877099352 +373 204 5 877098222 +373 206 4 877104284 +373 208 4 877106773 +373 209 4 877098437 +373 210 5 877098177 +373 211 4 877099178 +373 213 4 877100061 +373 214 4 877100326 +373 215 4 877099211 +373 216 4 877100232 +373 217 3 877098821 +373 225 4 877106676 +373 226 3 877107024 +373 228 4 877106328 +373 229 4 877104048 +373 230 4 877107430 +373 231 3 877104976 +373 232 3 877105075 +373 238 4 877098890 +373 239 3 877105708 +373 241 5 877100326 +373 259 5 877098041 +373 265 4 877105901 +373 269 5 877098075 +373 275 5 877098437 +373 278 5 877111423 +373 281 3 877103935 +373 286 3 877098042 +373 290 5 877098784 +373 317 4 877100061 +373 318 5 877098222 +373 328 4 877098041 +373 357 4 877098568 +373 366 4 877105857 +373 378 5 877100232 +373 380 4 877112017 +373 382 4 877100458 +373 385 3 877099016 +373 386 3 877107403 +373 389 3 877099352 +373 390 3 877098890 +373 392 4 877100061 +373 393 4 877104284 +373 399 3 877105674 +373 401 4 877106711 +373 402 4 877105730 +373 403 3 877106741 +373 404 4 877111422 +373 409 2 877107235 +373 414 3 877104259 +373 417 3 877099092 +373 418 5 877104235 +373 420 4 877107630 +373 421 4 877105563 +373 423 2 877103846 +373 427 4 877099317 +373 431 5 877098643 +373 432 5 877098949 +373 433 3 877098223 +373 435 4 877098979 +373 451 5 877107430 +373 465 4 877104202 +373 471 3 877100458 +373 472 3 877111951 +373 474 3 877098919 +373 480 3 877098643 +373 485 4 877098751 +373 487 4 877098177 +373 488 3 877098343 +373 494 4 877099178 +373 496 5 877098643 +373 497 3 877099317 +373 499 4 877098643 +373 506 4 877099211 +373 510 3 877100379 +373 514 4 877098751 +373 520 4 877098678 +373 527 4 877103846 +373 550 3 877105588 +373 553 4 877100267 +373 559 3 877106305 +373 566 4 877105809 +373 568 4 877100199 +373 571 1 877111864 +373 577 1 877111423 +373 588 3 877098821 +373 596 3 877106741 +373 598 3 877112076 +373 603 4 877098262 +373 625 4 877104086 +373 627 4 877105901 +373 633 4 877098262 +373 648 4 877099048 +373 649 4 877098979 +373 651 4 877105075 +373 655 5 877098374 +373 658 4 877105781 +373 660 4 877105075 +373 679 2 877107355 +373 684 4 877098784 +373 694 5 877098643 +373 699 4 877105781 +373 704 2 877107100 +373 705 4 877099934 +373 707 4 877100378 +373 709 5 877105451 +373 715 2 877105075 +373 724 5 877103935 +373 727 4 877098784 +373 729 4 877099263 +373 732 3 877104048 +373 734 3 877111313 +373 735 5 877099137 +373 746 4 877098714 +373 747 4 877104048 +373 748 4 877098042 +373 756 3 877106900 +373 778 5 877105529 +373 828 3 877111951 +373 842 3 877098343 +373 843 3 877106878 +373 849 3 877105005 +373 941 4 877105563 +373 946 5 877104048 +373 949 4 877100016 +373 1006 2 877100129 +373 1039 4 877098437 +373 1066 4 877106233 +373 1078 3 877105451 +373 1079 4 877100061 +373 1087 1 877104086 +373 1110 4 877107379 +373 1113 1 877099968 +373 1119 5 877105708 +373 1133 3 877112076 +373 1135 3 877107043 +373 1147 4 877104115 +373 1188 3 877106597 +373 1228 2 877107379 +373 1230 3 877111313 +373 1444 3 877112116 +374 1 4 880392992 +374 2 4 880939035 +374 5 4 880937875 +374 7 1 880393268 +374 9 1 880393056 +374 11 4 880395202 +374 12 4 880395202 +374 15 3 880393380 +374 17 2 880937876 +374 23 3 880395896 +374 24 3 880393553 +374 25 5 880393191 +374 27 4 880396444 +374 28 5 880395698 +374 29 3 880939127 +374 31 5 880396659 +374 38 4 880937876 +374 39 4 880937876 +374 48 5 880395426 +374 50 3 880394367 +374 56 5 880394885 +374 64 5 880396256 +374 66 3 880394571 +374 68 1 880396622 +374 69 5 880394840 +374 70 4 880396622 +374 71 5 880396292 +374 77 5 880937779 +374 82 4 880394484 +374 87 5 880395320 +374 88 3 880395665 +374 89 2 880395896 +374 95 4 882158577 +374 97 5 880394571 +374 98 5 880394929 +374 100 5 880392873 +374 106 3 880394088 +374 111 2 880393268 +374 116 1 880393307 +374 117 5 880392846 +374 118 5 880393864 +374 120 3 882158147 +374 121 4 880393095 +374 122 2 882158328 +374 123 2 880393511 +374 124 3 880392873 +374 125 5 880393424 +374 126 3 880393223 +374 127 4 880392936 +374 129 5 880392846 +374 135 4 882159077 +374 137 2 880393511 +374 143 2 882159114 +374 144 5 880394716 +374 147 3 880392747 +374 148 4 880392992 +374 150 4 882156767 +374 151 3 880393811 +374 156 2 880395896 +374 159 4 880937920 +374 161 5 880938965 +374 162 2 880396511 +374 164 4 880937735 +374 168 1 880434231 +374 172 3 880434204 +374 173 3 882158521 +374 174 5 880395530 +374 176 4 880937692 +374 181 3 880392846 +374 182 5 880395698 +374 183 4 880434204 +374 184 2 880939034 +374 185 5 880395665 +374 186 5 880395604 +374 192 5 880395665 +374 193 4 883628973 +374 195 3 880938870 +374 196 1 880395426 +374 197 5 882158940 +374 200 5 880395735 +374 202 3 880394716 +374 204 4 880395604 +374 210 4 880395202 +374 216 5 880394997 +374 218 4 880396444 +374 220 2 882158147 +374 222 4 880392778 +374 223 5 880394520 +374 225 3 882158071 +374 226 5 880937876 +374 228 5 880395973 +374 229 5 880937780 +374 230 5 880396622 +374 231 2 880939228 +374 233 3 880937876 +374 234 4 880396256 +374 235 3 880394301 +374 237 5 880392717 +374 240 1 880394301 +374 241 5 880939035 +374 247 1 880936522 +374 248 1 880393191 +374 252 3 880394179 +374 254 3 880394000 +374 257 3 880393223 +374 265 5 880937779 +374 279 4 880394233 +374 280 3 880393811 +374 282 5 880392936 +374 284 1 880393753 +374 289 1 880392482 +374 291 3 885107905 +374 292 4 880392237 +374 310 5 880392237 +374 318 2 880394886 +374 322 4 880392482 +374 323 3 880392482 +374 356 3 880937876 +374 363 3 880394088 +374 369 1 880393864 +374 385 4 880396048 +374 393 4 880395973 +374 403 2 880939126 +374 405 4 880392992 +374 406 3 880936233 +374 411 3 880394088 +374 412 4 883627129 +374 423 3 880394484 +374 424 1 883628021 +374 427 3 880396048 +374 449 4 880938044 +374 450 4 880938370 +374 454 4 880394997 +374 457 1 880392626 +374 458 5 880393710 +374 463 1 880396511 +374 465 5 882158849 +374 466 5 880394929 +374 467 4 880395735 +374 468 4 880396359 +374 471 4 880393056 +374 475 1 880393191 +374 476 2 880394138 +374 477 1 885107929 +374 483 3 880394716 +374 504 4 880395973 +374 521 4 880395530 +374 540 3 880939304 +374 544 1 880937070 +374 546 5 880936389 +374 550 5 880938965 +374 552 4 880938255 +374 554 2 880938370 +374 558 1 882158738 +374 566 3 880394571 +374 568 5 880396622 +374 576 3 880939186 +374 581 4 880938044 +374 591 4 880393095 +374 595 3 880393921 +374 619 3 880393553 +374 620 3 880394088 +374 637 4 882159237 +374 642 1 880937920 +374 651 4 880395320 +374 654 3 880396622 +374 665 4 880939228 +374 685 4 880393307 +374 692 5 882158641 +374 696 3 880394233 +374 717 3 880938255 +374 732 4 880395320 +374 735 5 880396359 +374 741 3 880392717 +374 742 5 880393331 +374 743 1 880394000 +374 758 1 882158481 +374 761 3 880938370 +374 763 3 880393754 +374 770 5 880938100 +374 806 3 880396659 +374 815 4 880393668 +374 818 3 880394301 +374 819 3 882157793 +374 820 4 882158327 +374 823 1 880936476 +374 824 4 880394331 +374 825 3 880394233 +374 832 1 882157930 +374 844 4 880394000 +374 845 2 883627072 +374 846 2 883627509 +374 872 5 880392268 +374 880 5 882156984 +374 924 5 880393095 +374 925 3 880394301 +374 928 1 880393892 +374 930 2 880394179 +374 931 3 880936233 +374 932 1 883628159 +374 934 3 882158146 +374 948 2 880392592 +374 952 2 883627906 +374 963 5 883629108 +374 974 4 880394331 +374 975 4 880936113 +374 977 1 883628189 +374 978 2 880936233 +374 979 3 880936113 +374 983 2 880936289 +374 986 3 880936113 +374 1001 1 882158327 +374 1010 5 880393921 +374 1011 4 880393783 +374 1013 2 880936476 +374 1014 1 880394138 +374 1028 1 880393425 +374 1033 4 883628021 +374 1042 5 880937920 +374 1046 5 880938044 +374 1047 3 880394179 +374 1049 1 883628021 +374 1051 4 880394138 +374 1059 2 883627906 +374 1094 4 882158020 +374 1101 4 880395634 +374 1134 4 880392846 +374 1150 1 880937253 +374 1194 4 880396292 +374 1206 2 880396080 +374 1210 4 880938100 +374 1215 1 880936522 +374 1217 2 880938100 +374 1218 2 881291426 +374 1248 3 880938044 +374 1277 3 880394331 +374 1407 2 880939304 +374 1513 2 883961242 +375 5 4 886622066 +375 39 3 886622024 +375 44 3 886622131 +375 77 4 886622024 +375 176 4 886621917 +375 183 5 886621917 +375 185 5 886621950 +375 218 3 886622024 +375 233 4 886621985 +375 234 5 886621917 +375 288 4 886621795 +375 300 4 886621795 +375 302 5 886621795 +375 356 4 886622131 +375 443 4 886622024 +375 525 4 886621917 +375 566 4 886621985 +375 573 4 886622131 +375 583 2 886622131 +375 603 4 886621917 +375 684 4 886622066 +375 761 3 886622131 +375 770 3 886622131 +375 939 3 886622024 +375 1046 2 886622131 +375 1073 2 886621950 +375 1217 4 886622131 +376 11 4 879454598 +376 14 4 879454914 +376 98 5 879454598 +376 100 4 879454598 +376 111 4 879459115 +376 154 4 879434558 +376 181 4 879454598 +376 197 4 879454598 +376 198 5 879454598 +376 223 4 879454598 +376 237 3 879459054 +376 246 3 879459054 +376 268 3 879432976 +376 269 5 879454598 +376 274 3 879459115 +376 275 5 879455143 +376 288 3 879454598 +376 289 3 879433599 +376 301 3 879433102 +376 321 3 879433164 +376 328 3 879433164 +376 357 4 879434750 +376 427 4 879454598 +376 514 4 879434613 +376 663 3 879434750 +376 705 3 879434750 +376 707 4 879434750 +376 762 4 879459207 +376 815 3 879459207 +377 7 4 891299010 +377 56 4 891298407 +377 98 5 891299009 +377 100 3 891298589 +377 154 5 891298627 +377 164 4 891299009 +377 168 5 891298407 +377 173 5 891298589 +377 194 5 891298549 +377 200 5 891299010 +377 219 3 891299078 +377 234 5 891299078 +377 268 3 891295937 +377 271 4 891295957 +377 272 5 891295989 +377 288 5 891295937 +377 294 5 891296356 +377 313 5 891295989 +377 316 4 891297001 +377 323 2 891297001 +377 338 3 891297293 +377 354 4 891296044 +377 358 3 891297023 +377 443 4 891299078 +377 508 4 891298549 +377 678 2 891297043 +377 682 3 891296448 +377 748 4 891296945 +377 751 3 891296044 +377 1105 3 891296275 +378 1 4 880044251 +378 2 2 880333851 +378 4 3 880045612 +378 5 3 880332609 +378 7 4 880044697 +378 8 4 880045722 +378 9 5 880044419 +378 10 3 880044454 +378 11 3 880046516 +378 12 5 880046132 +378 13 3 880044609 +378 15 4 880044312 +378 21 3 880044944 +378 22 5 880045520 +378 25 4 880044489 +378 28 4 880045989 +378 29 3 880332949 +378 31 4 880045652 +378 38 3 880333383 +378 42 4 880046256 +378 43 3 880056609 +378 48 5 880056701 +378 49 3 880332480 +378 50 4 880045145 +378 51 3 880333195 +378 52 5 880056491 +378 53 3 880333695 +378 54 4 880056976 +378 58 4 880046408 +378 59 4 880046475 +378 62 4 880333851 +378 63 3 880333719 +378 64 4 880055239 +378 65 3 880046132 +378 66 3 880056632 +378 68 2 880333446 +378 69 3 880046069 +378 70 4 882642831 +378 73 3 880056667 +378 77 4 880056453 +378 78 3 880056976 +378 79 4 880045722 +378 82 4 880045935 +378 86 4 880045935 +378 87 4 889665232 +378 88 4 880046408 +378 91 3 880331510 +378 94 3 880332752 +378 95 4 880055296 +378 97 5 880045612 +378 99 4 880045791 +378 100 4 880044198 +378 106 2 880334241 +378 110 3 880333027 +378 111 3 880044562 +378 117 3 880044419 +378 121 4 880044763 +378 123 3 880044532 +378 125 2 880044609 +378 126 4 880057018 +378 132 4 880046256 +378 133 5 889665232 +378 135 2 880046362 +378 141 3 880055565 +378 143 4 880046022 +378 144 4 880046100 +378 148 4 880044944 +378 151 3 880044385 +378 153 4 880055779 +378 155 4 880333918 +378 157 3 880056104 +378 159 3 880056887 +378 161 4 880056034 +378 162 4 880046332 +378 164 4 880056582 +378 172 4 880045886 +378 174 4 880045651 +378 175 4 880055706 +378 176 4 880046362 +378 179 2 880055336 +378 180 3 880045822 +378 181 4 880045167 +378 182 4 880055239 +378 186 3 880055186 +378 191 5 880046229 +378 194 4 880046100 +378 195 3 880046516 +378 196 4 880046306 +378 197 3 880056423 +378 200 3 880045681 +378 202 3 880046229 +378 203 4 880055239 +378 204 4 880056826 +378 207 4 880055002 +378 210 4 880057137 +378 213 5 880045935 +378 215 4 880055336 +378 217 3 880332683 +378 218 3 880056491 +378 220 2 880044944 +378 222 3 882712421 +378 223 4 880045651 +378 226 3 880332831 +378 227 3 880332857 +378 230 3 880055984 +378 231 3 880333327 +378 233 2 880333540 +378 234 4 880045652 +378 235 4 880045006 +378 237 4 880044697 +378 238 3 880046161 +378 241 4 880057137 +378 245 3 880906161 +378 248 3 883835834 +378 252 4 880045288 +378 254 1 880318158 +378 255 4 882642831 +378 257 4 880045207 +378 258 4 882712421 +378 265 4 880045989 +378 269 4 890513693 +378 272 4 889665041 +378 273 4 880044221 +378 274 3 880055597 +378 275 5 880044312 +378 276 4 880044198 +378 277 4 880044609 +378 280 2 880044489 +378 281 3 880044609 +378 282 4 880044454 +378 283 4 880044532 +378 284 3 880044835 +378 285 4 880044312 +378 286 5 880043650 +378 287 2 880044802 +378 288 3 880043804 +378 289 5 889665232 +378 294 2 880043804 +378 295 3 886614274 +378 298 3 883835761 +378 300 4 889665232 +378 301 3 892382841 +378 302 5 889664996 +378 304 4 880043929 +378 313 5 889665301 +378 318 5 880045823 +378 319 3 884530934 +378 321 3 880317293 +378 326 3 892382865 +378 328 3 892382903 +378 356 4 880045989 +378 365 2 880318158 +378 367 3 880055002 +378 380 3 880333695 +378 385 4 880056761 +378 386 3 880332643 +378 387 4 880056452 +378 392 3 880055636 +378 393 3 880057018 +378 396 4 880332879 +378 399 3 880333598 +378 401 4 880332347 +378 402 4 880045856 +378 403 4 880046408 +378 404 4 880056034 +378 405 3 880044489 +378 409 2 880044642 +378 410 3 882022445 +378 411 3 880045006 +378 412 2 880334409 +378 417 3 880056034 +378 418 3 880331938 +378 419 4 880332643 +378 420 4 880056701 +378 423 4 880056287 +378 428 3 880055101 +378 432 4 880331938 +378 433 4 880045652 +378 435 4 889665232 +378 436 4 880046437 +378 441 3 880333995 +378 443 4 880055336 +378 447 4 880056888 +378 449 3 880333195 +378 450 3 880334476 +378 451 4 880055597 +378 465 3 881582268 +378 468 5 880055396 +378 469 5 880046069 +378 470 3 880056104 +378 471 3 880057018 +378 473 3 880906178 +378 476 3 880044642 +378 479 4 880055564 +378 482 4 880046229 +378 485 4 880055921 +378 496 3 880045935 +378 500 4 880055891 +378 501 4 880055454 +378 508 4 880044278 +378 509 4 880055672 +378 517 3 880056384 +378 527 4 880054954 +378 528 5 880056034 +378 542 4 880333470 +378 546 2 880318158 +378 549 3 880056701 +378 550 2 880332949 +378 554 3 880333540 +378 559 4 880056735 +378 561 3 880333695 +378 568 4 880055779 +378 569 3 880056736 +378 572 3 880333995 +378 575 3 880334409 +378 576 3 880333027 +378 577 2 880333995 +378 582 5 889665232 +378 588 5 880318415 +378 591 4 880044385 +378 596 5 889665232 +378 597 3 880044763 +378 619 3 880044879 +378 620 3 880056582 +378 623 3 880333168 +378 629 5 880056318 +378 631 4 880045652 +378 632 5 880055564 +378 635 2 880333802 +378 636 3 880055186 +378 651 4 880045681 +378 655 4 880045553 +378 660 4 880056547 +378 663 3 880046437 +378 665 2 880333261 +378 674 3 880056735 +378 684 3 880332643 +378 686 4 880056350 +378 692 4 880045580 +378 693 4 880046022 +378 694 3 880055101 +378 696 3 880045044 +378 699 4 880055564 +378 702 4 880056453 +378 703 4 890572396 +378 708 4 880055949 +378 709 4 880055921 +378 715 4 889665232 +378 716 3 880056735 +378 720 2 880056798 +378 722 3 880334017 +378 723 3 880055396 +378 724 3 880055520 +378 727 4 880055454 +378 728 3 880332998 +378 729 4 880046069 +378 731 3 880056582 +378 732 4 880056034 +378 734 3 880334269 +378 735 4 880046229 +378 736 4 889665232 +378 739 4 880333239 +378 742 4 880044697 +378 744 3 880044609 +378 747 3 880055597 +378 755 3 880056073 +378 756 3 880057088 +378 762 3 880044879 +378 768 4 880333598 +378 775 3 880333305 +378 778 3 880056073 +378 780 2 880334241 +378 787 3 880332480 +378 792 4 880046475 +378 793 3 880046437 +378 796 2 880333626 +378 803 3 880334440 +378 806 4 880045760 +378 807 3 880334199 +378 845 3 880044419 +378 866 2 880044726 +378 875 3 880044108 +378 896 4 889665232 +378 918 3 892383162 +378 921 4 880056667 +378 924 3 880331938 +378 926 1 880318158 +378 930 2 880044906 +378 932 2 880056930 +378 939 4 880332307 +378 942 3 880056798 +378 951 3 880056547 +378 956 3 880332034 +378 959 3 880046408 +378 961 3 880055706 +378 969 4 880056195 +378 972 4 880056491 +378 977 3 880334305 +378 979 3 880333851 +378 1009 3 880318415 +378 1028 2 880044726 +378 1035 3 880332911 +378 1037 2 880334476 +378 1042 3 880056287 +378 1044 3 880332643 +378 1046 3 880332857 +378 1047 2 880044726 +378 1048 2 880333851 +378 1053 3 880332831 +378 1058 3 880333695 +378 1061 2 880044454 +378 1063 4 880046100 +378 1091 2 880332911 +378 1092 3 880332683 +378 1101 3 880055983 +378 1107 3 880056351 +378 1134 4 880044278 +378 1135 2 880333069 +378 1145 3 880334409 +378 1147 4 880055101 +378 1168 3 880333383 +378 1180 3 880334269 +378 1181 2 880332537 +378 1211 3 880333516 +378 1220 3 880055779 +378 1230 2 880334305 +378 1232 3 880333121 +378 1267 3 880055740 +378 1284 2 880318158 +378 1311 4 880332949 +378 1400 3 880057088 +378 1407 3 880334329 +378 1425 2 880056930 +378 1439 3 880333144 +378 1478 3 880333098 +378 1523 2 880334067 +378 1531 4 880056423 +379 1 4 883156176 +379 2 3 880525540 +379 4 5 880525598 +379 8 5 880525194 +379 9 4 880524886 +379 12 5 880524943 +379 23 4 880524783 +379 28 4 880524943 +379 50 4 880525400 +379 52 4 880741002 +379 54 2 880526100 +379 56 5 880524541 +379 62 2 888646058 +379 63 2 880962215 +379 64 5 882563520 +379 69 4 880524754 +379 79 5 880525368 +379 82 4 880525540 +379 83 4 880525002 +379 88 4 880525968 +379 89 4 880525424 +379 90 2 880740215 +379 93 3 885063369 +379 98 5 880524541 +379 100 5 880524541 +379 116 4 880525194 +379 124 5 883156810 +379 127 5 880524811 +379 131 5 882563797 +379 133 4 881000300 +379 135 4 880524886 +379 137 5 890464307 +379 141 4 880525839 +379 144 5 880525367 +379 152 5 880740518 +379 153 4 880525284 +379 157 4 880961600 +379 158 1 885063748 +379 161 2 880525502 +379 163 4 880740495 +379 164 4 880524582 +379 168 4 891674489 +379 172 4 880525400 +379 173 5 880525259 +379 174 5 880525368 +379 176 5 886317511 +379 177 4 886835699 +379 178 5 880741811 +379 179 5 880525132 +379 183 4 886317511 +379 186 5 880740495 +379 187 5 880525031 +379 188 4 892879481 +379 191 5 880524886 +379 192 4 880524972 +379 194 5 880525194 +379 195 3 880525368 +379 196 4 880525062 +379 199 4 880524860 +379 200 4 880524582 +379 202 5 880525259 +379 203 4 880526100 +379 204 5 880525236 +379 205 5 880524973 +379 208 4 880525214 +379 210 4 883156880 +379 211 5 880740437 +379 216 4 880525926 +379 219 3 890464337 +379 227 4 880525638 +379 230 4 880525540 +379 233 3 880525638 +379 238 5 880525236 +379 239 4 880961874 +379 251 5 885063301 +379 265 4 883156656 +379 270 3 888646058 +379 271 3 886835602 +379 284 4 880568407 +379 285 5 880524753 +379 294 3 880524363 +379 300 3 890464279 +379 306 3 892879325 +379 310 4 888646088 +379 317 5 880525001 +379 339 3 883031585 +379 345 3 892879380 +379 357 5 881000269 +379 372 4 880961807 +379 383 2 881000374 +379 385 2 882563616 +379 391 4 880525698 +379 393 4 892879325 +379 395 2 880741868 +379 398 1 880525638 +379 401 3 880962187 +379 402 3 880524943 +379 403 4 880525598 +379 405 3 883156925 +379 414 5 880740415 +379 417 5 880525794 +379 427 5 881996665 +379 433 4 880525259 +379 434 3 880961672 +379 436 3 885063346 +379 443 4 880524640 +379 447 4 880524582 +379 448 4 880741811 +379 451 4 880525968 +379 452 3 880524614 +379 461 4 880525031 +379 480 5 885063301 +379 496 5 892879481 +379 502 5 887437190 +379 504 5 880526141 +379 511 4 880524811 +379 514 3 880961718 +379 516 4 880525306 +379 517 4 888044628 +379 520 5 880524908 +379 522 5 880524753 +379 523 4 880525108 +379 527 3 880524860 +379 528 5 881996665 +379 530 5 880525502 +379 554 4 880525678 +379 559 3 880524669 +379 563 2 880962106 +379 566 4 880525540 +379 568 5 880525566 +379 575 2 882044649 +379 576 4 880525678 +379 603 5 880526074 +379 616 2 890464337 +379 621 4 880525815 +379 622 5 880525839 +379 631 5 880961600 +379 636 3 880525502 +379 637 2 880962047 +379 649 4 880525084 +379 651 4 880568511 +379 654 5 880526123 +379 655 5 888044628 +379 659 5 880568307 +379 674 3 880524614 +379 684 4 880525469 +379 686 4 880525502 +379 701 4 892879481 +379 704 3 880524835 +379 705 4 888646088 +379 707 5 880525926 +379 710 4 880961839 +379 712 3 880741832 +379 729 4 880961621 +379 732 5 880525995 +379 735 4 880525133 +379 736 4 880525945 +379 746 3 880961839 +379 842 4 880525794 +379 843 4 880962285 +379 855 4 880961506 +379 1022 3 892879380 +379 1032 2 880568109 +379 1035 3 880962256 +379 1206 2 880961672 +379 1219 2 883156704 +380 1 4 885478218 +380 7 3 885478334 +380 9 3 885479301 +380 12 5 885478218 +380 22 4 885478334 +380 28 4 885479436 +380 31 1 885479730 +380 38 2 885479537 +380 58 2 885479355 +380 59 4 885478447 +380 60 4 885478292 +380 61 4 885478193 +380 62 1 885479777 +380 64 3 885481179 +380 69 4 885479301 +380 71 4 885479082 +380 79 4 885479104 +380 81 3 885478908 +380 86 4 885478374 +380 95 4 885479274 +380 98 4 885478698 +380 100 4 885478193 +380 109 2 885480093 +380 114 3 885478539 +380 118 2 885480301 +380 121 3 885479896 +380 132 4 885479186 +380 134 3 885478583 +380 135 3 885479436 +380 139 1 885480414 +380 152 2 885478312 +380 154 3 885478624 +380 161 2 885480046 +380 163 2 885478539 +380 168 4 885479436 +380 170 4 885478192 +380 172 3 885478334 +380 174 4 885478924 +380 176 3 885481179 +380 177 3 885479082 +380 179 3 885478313 +380 180 2 885478374 +380 181 3 885478391 +380 182 3 885478391 +380 183 4 885478192 +380 185 4 885479057 +380 186 3 885479355 +380 194 4 885478799 +380 196 4 885479777 +380 197 3 885478886 +380 199 3 885478845 +380 204 2 885479274 +380 208 2 885480301 +380 213 2 885479319 +380 217 2 885480093 +380 222 3 885478519 +380 229 3 885481179 +380 234 2 885478447 +380 241 2 885479997 +380 258 4 885477742 +380 265 3 885481179 +380 270 3 885481179 +380 286 5 885477802 +380 300 3 885481179 +380 302 5 885477742 +380 306 4 885477802 +380 313 4 885477859 +380 315 4 885477975 +380 318 4 885478624 +380 340 3 885481179 +380 356 2 885480064 +380 357 4 885478425 +380 382 3 885478759 +380 414 2 885480046 +380 416 2 885480239 +380 419 3 885479124 +380 423 3 885478218 +380 425 4 885479163 +380 427 4 885478193 +380 428 3 885480320 +380 433 3 885479186 +380 435 3 885479124 +380 443 4 885480283 +380 449 3 885480902 +380 462 4 885478374 +380 463 4 885479372 +380 465 4 885478845 +380 474 4 885478558 +380 479 4 885478374 +380 483 4 885478668 +380 496 4 885479537 +380 502 1 885480530 +380 506 3 885481179 +380 512 3 885479355 +380 514 2 885478780 +380 518 3 885478821 +380 521 2 885479397 +380 527 4 885479212 +380 529 3 885479235 +380 530 5 885478886 +380 549 3 885479926 +380 554 2 885479754 +380 566 3 885478519 +380 570 3 885479706 +380 573 1 885480737 +380 582 4 885478583 +380 587 4 885479274 +380 610 2 885478886 +380 614 3 885478845 +380 629 2 885478497 +380 630 2 885478780 +380 631 4 885478668 +380 651 3 885478292 +380 652 3 885478241 +380 654 4 885478953 +380 663 4 885478799 +380 664 3 885479415 +380 665 2 885480870 +380 670 1 885480187 +380 684 3 885478886 +380 699 3 885479186 +380 708 3 885478759 +380 709 4 885478603 +380 712 2 885480585 +380 732 4 885478646 +380 736 4 885478780 +380 744 3 885480144 +380 750 4 885477859 +380 751 3 885481179 +380 753 4 885479082 +380 770 3 885480222 +380 856 3 885479706 +380 923 3 885478603 +380 956 4 885478271 +380 959 2 885479455 +380 1039 3 885481179 +380 1045 3 885479799 +380 1065 4 885478519 +380 1101 4 885479487 +380 1113 4 885479730 +380 1116 4 885479397 +380 1168 3 885479833 +380 1404 2 885478646 +380 1444 1 885480795 +380 1449 4 885478845 +381 1 5 892697394 +381 13 4 892696445 +381 14 5 892696512 +381 15 2 892697358 +381 16 4 892697266 +381 20 5 892696426 +381 30 4 892697174 +381 49 2 892696328 +381 50 5 892696252 +381 59 3 892697266 +381 77 2 892696367 +381 79 3 892695996 +381 83 4 892695996 +381 89 5 892696426 +381 94 3 892697337 +381 95 4 892696534 +381 97 4 892696960 +381 99 5 892696445 +381 100 4 892697442 +381 102 2 892696130 +381 118 1 892697051 +381 121 2 892696793 +381 129 4 892697628 +381 132 5 892696426 +381 133 5 892697413 +381 134 5 892696347 +381 135 5 892697150 +381 139 3 892697358 +381 142 3 892697337 +381 150 4 892697542 +381 151 5 892697526 +381 175 5 892696268 +381 176 4 892696698 +381 178 4 892696291 +381 191 5 892696757 +381 196 5 892697083 +381 212 5 892696982 +381 214 2 892697338 +381 216 5 892695996 +381 217 2 892696757 +381 225 3 892697495 +381 228 4 892697373 +381 259 2 892698054 +381 268 4 892697982 +381 276 3 892696587 +381 281 2 892696616 +381 283 5 892697655 +381 294 5 892698068 +381 303 3 892697999 +381 304 5 892697982 +381 318 5 892696654 +381 344 3 892697905 +381 378 4 892696019 +381 403 3 892696045 +381 418 3 892696471 +381 419 5 892696446 +381 432 5 892696587 +381 443 5 892696616 +381 459 4 892696738 +381 462 4 892697442 +381 473 5 892697150 +381 479 5 892696929 +381 480 5 892696019 +381 483 5 892696698 +381 485 4 892696347 +381 487 5 892697083 +381 493 4 892697111 +381 495 4 892696186 +381 498 5 892696252 +381 501 4 892697133 +381 509 5 892696872 +381 512 4 892696045 +381 514 5 892697394 +381 517 4 892696557 +381 520 5 892696757 +381 525 5 892696982 +381 526 4 892696831 +381 529 5 892696060 +381 566 2 892696512 +381 582 5 892696045 +381 588 3 892697338 +381 607 4 892696130 +381 631 4 892696654 +381 634 3 892696872 +381 640 5 892696168 +381 647 4 892697133 +381 652 5 892696252 +381 656 4 892696471 +381 657 4 892696831 +381 660 2 892696426 +381 673 3 892696209 +381 682 2 892697982 +381 693 4 892697280 +381 694 4 892696929 +381 705 5 892696209 +381 724 3 892696616 +381 742 4 892697677 +381 771 2 892696557 +381 778 4 892697066 +381 847 4 892697542 +381 855 3 892696291 +381 887 3 892697941 +381 898 5 892697869 +381 914 1 892697768 +381 931 4 892697628 +381 934 2 892697495 +381 961 3 892696616 +381 995 4 892698031 +381 1018 4 892697031 +381 1060 5 892697677 +381 1098 4 892696045 +381 1117 4 892697574 +381 1119 4 892696252 +381 1400 3 892697394 +381 1401 4 892697013 +381 1407 3 892697314 +381 1439 3 892696831 +381 1532 2 892696831 +381 1533 4 892696106 +382 7 2 875945837 +382 9 4 875946830 +382 14 3 875946055 +382 23 5 875946978 +382 25 2 875945880 +382 50 1 875945451 +382 56 5 875946830 +382 98 3 875946563 +382 100 4 875945812 +382 122 3 875946440 +382 127 3 875945781 +382 134 3 875947149 +382 135 3 875947078 +382 137 2 875946029 +382 150 2 875946055 +382 151 4 875946830 +382 168 4 875946700 +382 171 3 875946639 +382 177 4 875947005 +382 180 5 875946830 +382 183 3 875946672 +382 197 4 875946830 +382 235 5 875946830 +382 252 2 875946262 +382 258 2 875945173 +382 276 3 875946029 +382 286 2 875945173 +382 290 4 875946830 +382 332 3 876803039 +382 357 4 875947149 +382 474 5 875947199 +382 475 3 875946103 +382 481 5 875947078 +382 504 3 875946907 +382 507 4 875946809 +382 508 3 875946029 +382 511 4 875946730 +382 514 3 875946730 +382 531 4 875946830 +382 546 2 875946234 +382 639 3 875946881 +382 717 3 875946347 +382 756 3 875946185 +382 1142 3 875945451 +382 1229 5 875947240 +382 1268 5 875947296 +382 1381 3 875945757 +382 1534 4 875946830 +383 9 5 891192801 +383 14 5 891192836 +383 19 4 891192911 +383 81 4 891193072 +383 86 5 891193210 +383 89 3 891193181 +383 100 4 891193016 +383 124 4 891192949 +383 132 5 891193108 +383 134 5 891192778 +383 135 5 891193042 +383 137 5 891192986 +383 166 4 891192858 +383 182 5 891192836 +383 185 5 891192985 +383 188 5 891192949 +383 193 4 891193072 +383 197 5 891192888 +383 200 5 891193181 +383 203 5 891193242 +383 213 5 891193137 +383 223 3 891193137 +383 237 4 891192836 +383 238 5 891192836 +383 268 5 891192338 +383 272 3 891192158 +383 285 5 891193210 +383 286 5 891192186 +383 302 4 891192216 +383 313 2 891192158 +383 315 5 891192158 +383 319 2 891192377 +383 321 5 891192376 +383 340 5 891192276 +383 345 2 891192251 +383 357 5 891193137 +383 425 4 891193181 +383 427 5 891192748 +383 435 4 891192836 +383 464 4 891192986 +383 474 5 891193072 +383 475 2 891193137 +383 480 5 891193242 +383 483 5 891192986 +383 484 4 891192949 +383 504 4 891193108 +383 505 4 891193042 +383 513 5 891193016 +383 514 5 891192949 +383 517 5 891192748 +383 528 4 891193242 +383 531 3 891192888 +383 603 5 891193242 +383 604 5 891193042 +383 639 4 891193181 +383 641 4 891192778 +383 654 5 891193016 +383 657 5 891192858 +383 663 5 891192778 +383 736 5 891192949 +383 1005 3 891193072 +383 1063 5 891192888 +384 258 4 891273683 +384 271 4 891283502 +384 272 5 891273509 +384 286 4 891273649 +384 289 5 891283502 +384 300 4 891273809 +384 302 5 891273509 +384 313 5 891273683 +384 316 5 891274055 +384 327 4 891273761 +384 328 4 891274091 +384 329 3 891273761 +384 333 4 891273509 +384 343 3 891273716 +384 347 4 891273509 +384 355 4 891274055 +384 689 4 891274232 +384 748 4 891274028 +384 751 4 891274091 +384 878 4 891274962 +384 989 4 891273905 +385 4 2 879445260 +385 8 5 880870206 +385 12 3 879441425 +385 18 5 884915008 +385 23 5 879441313 +385 24 3 879440726 +385 29 1 879447845 +385 30 5 879442988 +385 32 5 879442988 +385 37 4 880013483 +385 42 1 879443252 +385 46 5 880870206 +385 48 5 879441777 +385 50 1 879440127 +385 53 1 879446110 +385 56 5 879441728 +385 58 4 879441881 +385 79 3 879441853 +385 81 3 879442028 +385 82 1 879446786 +385 87 3 879441942 +385 89 4 879441853 +385 92 3 879443217 +385 93 3 880682080 +385 99 2 879443186 +385 100 4 879440098 +385 111 2 879440267 +385 114 5 879441942 +385 122 3 883791694 +385 127 4 879439667 +385 128 5 879442235 +385 129 3 881467873 +385 131 4 879445754 +385 132 4 879446235 +385 133 1 879441728 +385 134 5 879441538 +385 135 3 879444991 +385 136 3 879442402 +385 143 3 879446465 +385 144 3 879443102 +385 145 1 879449745 +385 151 2 879440127 +385 152 3 879445856 +385 153 4 879442028 +385 156 4 881308434 +385 160 4 879441572 +385 168 3 879442109 +385 169 5 880870205 +385 171 3 879750777 +385 172 2 879442109 +385 173 4 879441386 +385 174 2 879924297 +385 175 4 879441572 +385 177 4 879442673 +385 180 4 879442706 +385 181 1 879439923 +385 183 3 879442706 +385 185 5 880870205 +385 186 1 879445260 +385 187 4 879441728 +385 189 5 881530739 +385 191 2 879444597 +385 192 5 884586327 +385 194 3 879441538 +385 195 1 879453773 +385 197 4 879442360 +385 199 3 879442559 +385 200 3 879446110 +385 201 4 879441982 +385 204 1 879441728 +385 207 4 881530739 +385 208 3 879442360 +385 209 4 879441853 +385 211 3 879446183 +385 216 2 879446868 +385 217 2 879448208 +385 218 2 879447361 +385 219 1 879446952 +385 221 5 881398053 +385 224 2 879439728 +385 231 2 879449309 +385 235 5 879440940 +385 236 2 879439637 +385 238 5 879442085 +385 240 4 879447317 +385 249 2 879440892 +385 250 3 879440701 +385 251 2 879440098 +385 253 3 879439923 +385 254 1 879453094 +385 256 4 879439728 +385 257 3 879440236 +385 262 4 884153000 +385 273 2 879440557 +385 276 3 879440098 +385 283 2 879439984 +385 285 5 879439637 +385 286 3 879438600 +385 290 3 879440674 +385 293 3 879439728 +385 304 3 879438949 +385 305 4 879740222 +385 318 2 879441572 +385 320 3 885367060 +385 325 4 882175397 +385 337 4 879439469 +385 340 4 879438647 +385 346 3 883791602 +385 347 3 885844578 +385 367 4 879444640 +385 378 1 879447555 +385 383 1 879449871 +385 384 1 884118861 +385 385 1 879443352 +385 403 3 879447181 +385 405 2 879440961 +385 408 5 879443065 +385 417 2 879447671 +385 423 2 879445662 +385 425 3 879445724 +385 428 3 879442706 +385 429 4 879442028 +385 430 5 880870206 +385 433 4 879442673 +385 435 3 879443102 +385 443 3 879445098 +385 444 1 879448994 +385 447 3 879443150 +385 448 3 879448263 +385 451 1 879447205 +385 455 4 879440701 +385 458 3 879440828 +385 461 4 879441942 +385 462 2 881135090 +385 473 3 879440584 +385 474 5 881530739 +385 479 5 879441538 +385 480 5 879441313 +385 482 3 879441728 +385 483 4 879442028 +385 484 4 879442559 +385 485 4 879446591 +385 486 2 879442189 +385 487 4 887670073 +385 489 5 884631784 +385 492 2 879445531 +385 496 2 879441538 +385 498 3 879441942 +385 500 4 879443352 +385 502 3 879446235 +385 503 3 879443217 +385 506 2 879445291 +385 507 3 879445631 +385 508 2 879439728 +385 511 4 879441881 +385 514 4 879443045 +385 520 3 879441599 +385 521 3 879446208 +385 522 4 879924244 +385 523 4 879441454 +385 524 5 880924359 +385 525 4 879444685 +385 526 3 879445098 +385 529 4 879445949 +385 557 2 879446786 +385 568 3 879446465 +385 603 5 880869422 +385 604 4 879442189 +385 606 4 879441599 +385 616 4 884119121 +385 629 2 879446643 +385 631 3 879461422 +385 650 5 880870205 +385 652 5 881530738 +385 653 4 881948265 +385 654 5 879442085 +385 657 4 879442109 +385 658 2 879445454 +385 659 4 879441942 +385 661 4 879443045 +385 663 4 879446431 +385 664 3 879445335 +385 673 2 879445779 +385 674 3 879447250 +385 675 5 879446952 +385 693 4 879443315 +385 705 3 879441538 +385 719 2 879447136 +385 727 1 879443102 +385 732 3 879442189 +385 739 1 879448665 +385 745 4 879443352 +385 767 1 879447361 +385 794 2 879448181 +385 811 4 879443315 +385 851 5 880870205 +385 865 4 879924267 +385 871 1 879440986 +385 896 5 883869456 +385 900 4 885168653 +385 919 4 879440158 +385 922 4 881569749 +385 940 3 879447089 +385 942 2 879446208 +385 945 5 879441313 +385 959 3 879446741 +385 961 4 879446868 +385 965 4 879445779 +385 1007 3 879439949 +385 1008 4 879440628 +385 1010 3 879440127 +385 1012 3 879440211 +385 1017 3 883791666 +385 1021 5 879441572 +385 1022 3 883791570 +385 1037 1 879449950 +385 1065 3 879445153 +385 1066 4 879446591 +385 1069 4 879442235 +385 1071 4 879448426 +385 1097 5 879440158 +385 1103 3 887269178 +385 1110 2 879446566 +385 1121 4 879443315 +385 1128 3 879441662 +385 1129 5 879440236 +385 1131 3 879445587 +385 1135 1 879448181 +385 1143 4 880828451 +385 1154 5 880870205 +385 1158 5 879443150 +385 1159 4 885245956 +385 1160 2 879440211 +385 1252 5 879578355 +385 1286 3 879446952 +385 1353 4 879440098 +385 1367 5 880879193 +385 1411 3 879447873 +385 1428 4 879447181 +385 1462 4 879447555 +385 1499 5 881047168 +385 1506 4 879442606 +385 1524 5 879445662 +385 1535 4 879448294 +385 1536 5 879441339 +386 7 3 877655028 +386 24 4 877655028 +386 50 4 877654961 +386 117 5 877655028 +386 121 3 877655145 +386 181 3 877654961 +386 222 4 877654961 +386 273 3 877655028 +386 281 3 877655145 +386 323 4 877655085 +386 405 4 877655145 +386 455 3 877654961 +386 515 5 877654961 +386 546 2 877655195 +386 685 4 877655085 +386 825 4 877655146 +386 833 3 877655195 +386 840 5 877655145 +386 982 3 877655195 +386 1016 4 877654961 +387 2 4 886483195 +387 4 3 886482969 +387 8 4 886480108 +387 10 4 886481228 +387 11 3 886480325 +387 12 5 886484336 +387 13 4 886480788 +387 20 4 886480789 +387 22 5 886483049 +387 23 2 886479528 +387 24 5 886484522 +387 25 2 886481271 +387 27 1 886483252 +387 31 3 886483330 +387 32 5 886479737 +387 33 3 886483098 +387 39 3 886483049 +387 46 3 886484011 +387 47 4 886480384 +387 48 4 886483753 +387 50 5 886480108 +387 52 5 886483497 +387 53 4 886481737 +387 55 3 886479649 +387 56 5 886479649 +387 58 4 886484065 +387 61 3 886483565 +387 62 2 886483252 +387 64 3 886480206 +387 68 4 886483099 +387 69 3 886480413 +387 71 2 886483620 +387 76 3 886484215 +387 79 4 886483049 +387 81 3 886483906 +387 82 4 886483098 +387 83 4 886480244 +387 89 5 886483048 +387 91 4 886483669 +387 92 4 886483098 +387 93 5 886480703 +387 95 2 886483620 +387 96 4 886480447 +387 97 2 886483859 +387 98 4 886480244 +387 99 5 886483620 +387 101 4 886479528 +387 102 3 886483669 +387 107 3 886481002 +387 113 4 886479575 +387 114 5 886484336 +387 116 3 886480206 +387 117 3 886480788 +387 121 2 886481228 +387 123 3 886480970 +387 127 4 886479575 +387 129 5 886480583 +387 133 2 886480483 +387 135 5 886480288 +387 136 3 886480288 +387 144 3 886479649 +387 147 2 886481073 +387 151 3 886481228 +387 152 1 886479690 +387 153 4 886479649 +387 156 5 886484336 +387 161 1 886483252 +387 168 5 886479610 +387 169 5 886484336 +387 173 4 886480288 +387 174 5 886480384 +387 176 3 886480446 +387 180 4 886479737 +387 182 5 886483048 +387 183 4 886480206 +387 184 3 886481634 +387 186 2 886480515 +387 187 4 886483049 +387 188 5 886483151 +387 189 5 886483619 +387 190 5 886483150 +387 192 5 886484336 +387 193 5 886484065 +387 194 3 886480206 +387 195 4 886479528 +387 196 2 886484012 +387 197 2 886483824 +387 198 4 886480352 +387 199 4 886483858 +387 200 5 886481686 +387 201 5 886484631 +387 202 3 886482695 +387 203 4 886483330 +387 205 5 886480384 +387 206 4 886483429 +387 208 3 886480484 +387 209 5 886480206 +387 210 4 886482928 +387 211 4 886480108 +387 214 5 886483753 +387 215 2 886483906 +387 217 3 886481687 +387 218 3 886481687 +387 219 2 886481686 +387 222 4 886481073 +387 223 5 886479771 +387 224 5 886480703 +387 226 3 886483252 +387 227 4 886483195 +387 228 5 886484336 +387 229 2 886483195 +387 230 3 886483194 +387 231 3 886483194 +387 232 2 886483289 +387 233 3 886483151 +387 238 5 886482928 +387 241 1 886483194 +387 246 3 886480623 +387 250 4 886480970 +387 258 4 886480818 +387 265 4 886483049 +387 268 3 886479430 +387 273 4 886481151 +387 277 4 886481033 +387 288 3 886484385 +387 293 4 886481002 +387 294 2 886484413 +387 295 3 886480818 +387 298 3 886480623 +387 317 4 886483906 +387 318 3 886479610 +387 319 1 886484384 +387 320 4 886480325 +387 321 3 886484384 +387 324 4 886481002 +387 325 2 886484460 +387 333 3 886479484 +387 357 5 886479690 +387 367 3 886482883 +387 380 2 886484098 +387 381 4 886482969 +387 385 3 886483150 +387 393 2 886483009 +387 403 3 886483099 +387 408 4 886484492 +387 410 3 886480789 +387 414 4 886482969 +387 418 3 886483669 +387 423 3 886484065 +387 428 4 886482969 +387 429 3 886484065 +387 431 3 886483150 +387 432 4 886480353 +387 434 5 886483970 +387 436 4 886481737 +387 441 1 886481800 +387 444 4 886481800 +387 446 2 886481800 +387 447 4 886481687 +387 448 3 886481686 +387 455 4 886481105 +387 458 1 886481183 +387 461 5 886483753 +387 463 4 886483526 +387 470 3 886483970 +387 473 4 886481033 +387 474 5 886480163 +387 488 3 886480163 +387 496 3 886480515 +387 501 4 886483620 +387 508 4 886479690 +387 511 3 886483049 +387 514 3 886480515 +387 515 5 886480755 +387 518 4 886483151 +387 520 4 886480446 +387 526 4 886483150 +387 528 4 886483906 +387 532 3 886480970 +387 547 4 886484561 +387 549 5 886484012 +387 558 4 886480384 +387 559 3 886481737 +387 561 3 886481800 +387 564 1 886481800 +387 566 3 886483194 +387 568 2 886483099 +387 578 2 886483252 +387 580 5 886483565 +387 581 4 886483394 +387 582 3 886483497 +387 588 3 886480163 +387 593 3 886480483 +387 603 4 886480548 +387 619 1 886481073 +387 625 2 886483669 +387 641 5 886483824 +387 642 4 886483395 +387 650 2 886480163 +387 651 2 886479689 +387 655 3 886480352 +387 659 4 886480325 +387 663 4 886482883 +387 665 2 886481851 +387 672 2 886481687 +387 674 2 886481686 +387 676 1 886480733 +387 678 3 886484460 +387 679 5 886483194 +387 684 3 886483099 +387 692 1 886482928 +387 693 5 886484336 +387 697 1 886483906 +387 715 5 886484157 +387 727 5 886484098 +387 731 1 886482969 +387 732 1 886484215 +387 735 2 886484012 +387 737 3 886484098 +387 742 2 886481105 +387 744 3 886480818 +387 746 1 886479737 +387 768 1 886483620 +387 769 1 886481851 +387 772 4 886483782 +387 773 4 886481800 +387 774 3 886481737 +387 789 4 886482928 +387 790 1 886482969 +387 806 1 886483824 +387 844 5 886480484 +387 845 4 886484336 +387 847 3 886480325 +387 854 5 886481686 +387 856 5 886484124 +387 919 5 886479575 +387 942 4 886483906 +387 943 4 886483357 +387 952 5 886484561 +387 969 3 886480163 +387 972 2 886483859 +387 984 1 886484460 +387 1007 5 886480623 +387 1008 4 886481183 +387 1012 4 886481073 +387 1014 3 886480789 +387 1018 3 886483526 +387 1019 4 886480288 +387 1069 2 886480288 +387 1078 1 886483670 +387 1091 1 886483670 +387 1097 3 886480657 +387 1115 3 886479575 +387 1118 3 886482695 +387 1128 4 886481033 +387 1129 4 886480623 +387 1134 1 886481183 +387 1143 5 886480623 +387 1166 3 886483939 +387 1198 3 886479575 +387 1199 5 886480970 +387 1240 5 886483620 +387 1537 4 886480681 +387 1538 3 886481151 +388 5 4 886441083 +388 9 3 886437226 +388 53 5 886441248 +388 56 3 886441015 +388 100 3 886437039 +388 111 3 886437163 +388 117 5 886436756 +388 121 4 886436756 +388 147 4 886436871 +388 184 4 886441083 +388 200 5 886441083 +388 219 5 886441083 +388 237 5 886436813 +388 258 5 886439506 +388 259 3 886440334 +388 266 5 886439918 +388 288 5 886439506 +388 294 4 886439561 +388 298 5 886436582 +388 300 4 886438122 +388 301 4 886438602 +388 307 4 886439506 +388 310 5 886438540 +388 313 5 886438122 +388 315 3 886438122 +388 323 4 886442062 +388 326 5 886438122 +388 333 5 886439561 +388 508 3 886436930 +388 559 5 886441133 +388 569 5 886441248 +388 591 4 886437039 +388 596 4 886436661 +388 628 4 886436661 +388 678 4 886442062 +388 682 4 886439808 +388 690 5 886438540 +388 742 5 886437163 +388 769 3 886441306 +388 773 3 886441083 +388 816 4 886441248 +388 845 4 886437163 +388 895 4 886438540 +389 4 4 879991352 +389 8 4 880086755 +389 23 4 879991147 +389 25 3 879916170 +389 28 4 880165411 +389 29 2 880088659 +389 38 2 880089076 +389 40 3 880088825 +389 42 4 879991147 +389 47 4 880086971 +389 50 5 879915780 +389 53 2 880089337 +389 56 5 880086868 +389 58 4 880087695 +389 59 5 880087151 +389 64 4 880087151 +389 65 4 880088171 +389 66 3 880088401 +389 69 5 880087345 +389 71 4 880088091 +389 72 3 880614164 +389 79 4 879991461 +389 80 3 880614254 +389 81 3 880086972 +389 87 5 879991330 +389 88 3 880613773 +389 90 3 880088659 +389 94 2 880089115 +389 95 3 880165832 +389 98 4 879991264 +389 99 5 880087832 +389 100 5 879915701 +389 105 3 880614316 +389 109 3 879915745 +389 111 3 879916053 +389 118 2 880088900 +389 124 4 879916053 +389 127 5 879915701 +389 131 3 880087739 +389 132 5 880087544 +389 133 5 880086888 +389 136 4 880087671 +389 142 3 880088878 +389 143 3 880087026 +389 151 4 879916135 +389 152 4 880087647 +389 153 3 880088510 +389 154 3 880087200 +389 155 2 880088900 +389 159 2 880088330 +389 160 4 880087897 +389 161 2 880088269 +389 167 3 880089170 +389 168 5 879991434 +389 172 5 879991175 +389 173 3 880087003 +389 174 4 879991115 +389 176 4 880165047 +389 178 4 880086755 +389 179 4 879991461 +389 181 4 879915806 +389 185 5 879991434 +389 186 2 880087435 +389 191 5 880087493 +389 194 4 879991147 +389 196 3 880087516 +389 197 5 879991485 +389 202 5 880087599 +389 204 4 879991017 +389 205 4 880165939 +389 208 5 880087415 +389 209 4 880087048 +389 210 2 879990996 +389 216 2 879991387 +389 217 3 880088774 +389 234 4 879991081 +389 238 5 879991387 +389 239 3 880087939 +389 240 3 879916254 +389 249 3 879915991 +389 257 3 879916077 +389 274 4 880088421 +389 275 5 879915860 +389 283 5 879916099 +389 285 5 879916076 +389 286 2 879915633 +389 300 3 879990863 +389 301 4 879916385 +389 346 4 885681315 +389 347 4 887868071 +389 367 4 880086820 +389 378 5 880087695 +389 383 2 881384649 +389 384 2 880089211 +389 393 2 880088717 +389 395 2 880089133 +389 396 3 880089037 +389 401 3 880088578 +389 402 3 880613797 +389 404 5 880087200 +389 407 1 880614292 +389 410 3 879916238 +389 411 4 880088659 +389 412 3 880089170 +389 414 4 879991485 +389 416 4 880087996 +389 418 4 880165168 +389 419 3 880087003 +389 420 3 880088229 +389 423 5 880087461 +389 427 5 879991196 +389 428 3 880087461 +389 429 4 879991352 +389 430 5 880087003 +389 435 4 880087073 +389 451 2 880165881 +389 454 2 880086868 +389 467 3 879991512 +389 471 4 879916077 +389 474 5 879991535 +389 475 5 879915780 +389 478 5 879991264 +389 479 4 879991535 +389 480 5 879991175 +389 481 5 879991147 +389 482 5 880086777 +389 483 5 879991535 +389 484 5 880087073 +389 487 5 879991115 +389 488 5 880087260 +389 490 3 879991081 +389 491 5 879991352 +389 492 5 880086944 +389 493 5 879991147 +389 494 5 879991411 +389 496 4 879991218 +389 497 4 879991461 +389 498 5 880086918 +389 499 4 880087873 +389 502 4 881384464 +389 503 3 880087739 +389 504 4 880087832 +389 506 4 879991330 +389 507 5 879991196 +389 510 3 880165367 +389 514 5 879991329 +389 517 4 880087977 +389 518 4 880087073 +389 519 4 879991461 +389 520 3 879991175 +389 525 4 880165277 +389 526 3 880087200 +389 527 3 880086868 +389 531 4 880086918 +389 550 3 880088923 +389 553 2 880089015 +389 558 4 879991242 +389 559 3 880088680 +389 568 3 880087782 +389 579 1 881384611 +389 583 2 880088039 +389 584 4 879991512 +389 588 5 879991298 +389 591 3 879915726 +389 602 4 879991081 +389 604 4 879991387 +389 605 5 879991512 +389 607 3 879991297 +389 608 3 880087832 +389 610 5 880086972 +389 612 4 879991218 +389 613 5 880088038 +389 615 4 879991115 +389 616 4 879991329 +389 618 4 880088115 +389 629 2 880166028 +389 630 3 880087389 +389 631 5 880087493 +389 642 4 880087804 +389 649 4 880165344 +389 656 5 879991175 +389 657 5 879991115 +389 661 4 880165168 +389 662 3 880613750 +389 663 4 880087026 +389 671 5 880087516 +389 674 2 880088900 +389 675 3 880165702 +389 684 4 880087761 +389 686 3 879991434 +389 693 4 880088038 +389 699 5 880088038 +389 700 2 881384441 +389 705 5 879991196 +389 712 3 881384338 +389 715 3 880614012 +389 722 2 880089192 +389 731 3 880089152 +389 732 4 880087850 +389 736 5 880088229 +389 739 2 880088229 +389 756 2 880088942 +389 763 1 879916203 +389 778 4 880088995 +389 780 3 880614316 +389 785 3 880613841 +389 792 4 880088115 +389 824 3 881384649 +389 835 5 879991242 +389 836 4 879991045 +389 845 4 879916053 +389 923 5 880087151 +389 926 3 879916099 +389 942 3 880165881 +389 945 4 880165070 +389 954 4 880614031 +389 955 4 880087599 +389 965 5 880087599 +389 997 3 881384536 +389 1036 2 880087170 +389 1041 3 880088269 +389 1050 4 879991242 +389 1052 2 881384711 +389 1074 2 880613841 +389 1098 4 880087096 +389 1114 2 880614050 +389 1119 3 880088659 +389 1147 4 879991387 +389 1197 3 880165664 +389 1203 5 880087544 +389 1204 4 880165411 +389 1286 5 880087873 +389 1298 5 887868071 +389 1444 3 880088445 +389 1451 5 880087544 +389 1518 2 880165787 +389 1530 2 880088753 +390 1 5 879694066 +390 13 2 879694409 +390 100 5 879694123 +390 124 4 879694232 +390 126 5 879694123 +390 181 4 879694198 +390 275 5 879694123 +390 277 2 879694123 +390 283 4 879694316 +390 286 4 879693461 +390 289 3 879693677 +390 302 5 879693461 +390 304 5 879693561 +390 319 5 879693561 +390 328 4 879693677 +390 329 3 879693608 +390 331 2 879693723 +390 515 4 879694259 +390 690 3 879693677 +390 713 4 879694259 +390 740 4 879694123 +390 742 4 879694198 +390 845 2 879694232 +390 989 5 879693677 +390 990 4 879693608 +390 1296 2 879693770 +391 8 3 877399030 +391 9 5 877399780 +391 11 3 877398951 +391 12 5 877399745 +391 15 4 877399805 +391 22 4 877398951 +391 23 4 877398992 +391 26 5 877399745 +391 31 2 877399659 +391 47 4 877399301 +391 48 4 877399171 +391 56 5 877399745 +391 58 4 877398898 +391 59 5 877399745 +391 60 5 877399746 +391 61 5 877399746 +391 64 5 877399746 +391 69 4 877399618 +391 71 3 877399236 +391 89 3 877399380 +391 96 3 877399171 +391 97 4 877399301 +391 98 4 877399133 +391 100 4 877399805 +391 127 5 877399236 +391 131 2 877399455 +391 132 4 877398951 +391 133 4 877398898 +391 134 4 877399171 +391 148 3 877400062 +391 168 4 877399455 +391 173 4 877399030 +391 174 5 877399301 +391 180 5 877399066 +391 182 4 877399696 +391 188 3 877399658 +391 191 3 877399336 +391 195 2 877399618 +391 197 5 877399380 +391 200 5 877399269 +391 203 4 877399423 +391 204 3 877399658 +391 205 5 877399337 +391 209 5 877399541 +391 213 4 877398856 +391 222 2 877399864 +391 228 2 877399486 +391 234 4 877399455 +391 237 4 877399864 +391 238 5 877399659 +391 258 3 877398517 +391 264 1 877398704 +391 276 3 877399780 +391 282 4 877399894 +391 286 4 877398517 +391 288 3 877398679 +391 291 3 877400062 +391 294 2 877398619 +391 300 2 877398619 +391 301 4 877399745 +391 318 4 877399030 +391 328 3 877398552 +391 334 5 877399745 +391 357 5 877399486 +391 378 3 877399171 +391 421 2 877399269 +391 427 5 877399512 +391 435 5 877399100 +391 458 4 877399864 +391 460 4 877400091 +391 462 4 877399588 +391 471 2 877399864 +391 474 5 877399171 +391 479 4 877399030 +391 480 4 877398991 +391 482 4 877399380 +391 483 3 877399423 +391 490 4 877399658 +391 491 3 877398898 +391 497 3 877399133 +391 498 4 877399513 +391 504 5 877398856 +391 507 4 877399512 +391 508 2 877400037 +391 510 5 877399066 +391 511 5 877398855 +391 527 3 877399541 +391 530 5 877399337 +391 544 4 877400092 +391 546 3 877400037 +391 591 4 877399894 +391 603 5 877398991 +391 604 4 877399380 +391 628 4 877399864 +391 646 4 877399066 +391 648 5 877399100 +391 652 4 877399588 +391 659 4 877399208 +391 661 5 877398898 +391 678 2 877398704 +391 696 4 877400117 +391 748 3 877398619 +391 772 2 877399030 +391 774 2 877399541 +391 924 2 877400116 +391 963 5 877399746 +391 1101 4 877399423 +392 8 5 891039049 +392 11 4 891038371 +392 23 5 891038466 +392 50 5 891038110 +392 58 4 891038433 +392 59 4 891039049 +392 98 5 891038979 +392 99 5 891038433 +392 114 4 891038401 +392 127 5 891038110 +392 129 4 891038945 +392 134 5 891038371 +392 165 5 891038433 +392 166 5 891038466 +392 169 4 891038978 +392 170 5 891039015 +392 172 5 891038401 +392 173 4 891039050 +392 174 5 891038979 +392 178 5 891038945 +392 179 5 891038946 +392 180 5 891038371 +392 189 4 891038433 +392 197 5 891038978 +392 199 5 891038466 +392 200 3 891038433 +392 209 5 891038978 +392 244 3 891038247 +392 246 5 891038110 +392 248 4 891038205 +392 249 1 891038224 +392 250 3 891038158 +392 255 3 891038224 +392 257 5 891038184 +392 258 2 891037531 +392 260 1 891037790 +392 268 5 891037385 +392 269 5 891037385 +392 270 4 891037437 +392 271 1 891037490 +392 272 5 891037437 +392 276 4 891039049 +392 285 3 891039050 +392 286 2 891037385 +392 288 4 891037531 +392 289 5 891037769 +392 293 4 891038137 +392 294 4 891037561 +392 297 4 891038137 +392 298 1 891038205 +392 302 5 891037385 +392 303 4 891037437 +392 304 4 891037720 +392 310 4 891037490 +392 312 4 891037561 +392 316 5 891037811 +392 319 5 891037385 +392 321 5 891037685 +392 324 1 891037720 +392 325 4 891037634 +392 326 2 891037685 +392 328 3 891037634 +392 333 4 891037531 +392 344 4 891037490 +392 345 4 891037385 +392 346 4 891037437 +392 482 5 891038945 +392 488 4 891038978 +392 491 5 891039049 +392 492 4 891038979 +392 493 4 891038945 +392 511 5 891038945 +392 515 5 891038110 +392 528 5 891038371 +392 534 4 891038205 +392 538 2 891037851 +392 604 5 891039015 +392 615 5 891038371 +392 632 5 891039015 +392 650 5 891038978 +392 657 5 891038401 +392 705 5 891038433 +392 813 3 891039015 +392 837 5 891038466 +392 847 4 891039015 +392 872 4 891037790 +392 873 3 891037851 +392 875 3 891037851 +392 880 4 891037720 +392 1007 5 891038137 +392 1012 4 891038184 +392 1014 3 891038205 +392 1142 5 891038184 +392 1143 4 891038158 +392 1160 2 891038137 +392 1258 1 891038247 +393 1 3 887743611 +393 2 4 887746206 +393 3 3 887745293 +393 4 4 889555384 +393 5 3 887746849 +393 7 4 887744419 +393 8 3 887746145 +393 9 4 887744448 +393 11 3 887745844 +393 12 5 887745883 +393 15 3 887744266 +393 17 1 889728895 +393 21 3 887744765 +393 22 4 887745973 +393 24 3 889729674 +393 25 2 887744294 +393 26 3 887746767 +393 27 4 889555050 +393 28 4 889554674 +393 29 4 889729398 +393 31 4 887745912 +393 33 3 889554648 +393 36 3 889731618 +393 38 4 889731010 +393 40 1 889729185 +393 41 4 889728736 +393 42 4 889554976 +393 48 2 889728177 +393 49 4 889729674 +393 50 5 887743611 +393 51 4 887746456 +393 54 4 889555050 +393 55 4 889727862 +393 56 2 887746015 +393 62 4 889728895 +393 64 4 887745973 +393 65 2 887746346 +393 66 3 889554707 +393 67 3 889730088 +393 68 4 889729537 +393 69 4 887745883 +393 70 3 889555251 +393 71 3 889554977 +393 72 4 889730045 +393 73 4 887746206 +393 77 3 889729440 +393 78 2 889731521 +393 79 4 887745973 +393 81 2 889728324 +393 82 4 887746174 +393 83 4 887746523 +393 84 3 889731009 +393 85 3 889729375 +393 86 2 889729674 +393 87 4 889554706 +393 88 3 889730066 +393 89 3 887745973 +393 90 2 889729938 +393 94 4 889731465 +393 95 4 889555295 +393 97 4 889555126 +393 99 3 889727536 +393 100 1 887744053 +393 105 3 887745544 +393 108 2 887744658 +393 109 3 887744419 +393 110 2 889730117 +393 111 3 887745293 +393 117 4 887745575 +393 118 4 887744578 +393 122 1 889731465 +393 123 4 887744328 +393 126 4 887743647 +393 128 3 887746145 +393 132 2 887746207 +393 134 2 887746824 +393 135 1 887747108 +393 136 5 889555050 +393 138 3 889731793 +393 139 4 889729185 +393 142 4 889730460 +393 143 5 889554930 +393 144 3 887746174 +393 145 3 889731820 +393 147 5 887744549 +393 148 4 887744419 +393 153 3 887746671 +393 154 2 887746302 +393 161 4 887746883 +393 168 4 887746482 +393 169 3 887745912 +393 172 5 887745883 +393 173 5 887745759 +393 184 4 889555251 +393 186 3 887746734 +393 189 4 887745717 +393 191 3 887745717 +393 194 4 887746239 +393 196 4 887746015 +393 202 3 887746015 +393 203 4 887746091 +393 204 4 887746301 +393 206 3 889731329 +393 210 4 887747108 +393 215 4 887745912 +393 222 4 887744239 +393 223 4 887746119 +393 227 4 889728385 +393 228 3 889728385 +393 233 3 889730460 +393 237 4 887744328 +393 239 4 889728324 +393 240 2 887745380 +393 241 4 889554930 +393 243 4 887742916 +393 245 3 887742145 +393 248 4 887744202 +393 250 4 887743453 +393 252 3 887744766 +393 255 4 887744328 +393 257 4 887744294 +393 258 4 887741960 +393 265 4 887746301 +393 270 5 887742040 +393 271 3 887742179 +393 272 4 887742006 +393 273 3 889727768 +393 274 4 887744549 +393 275 4 887744053 +393 278 4 887744473 +393 280 4 887744724 +393 281 4 887745343 +393 283 3 887744239 +393 290 3 887745322 +393 291 4 887744202 +393 294 4 887742145 +393 302 4 891364609 +393 303 4 891364609 +393 310 4 887742040 +393 313 4 887742040 +393 315 5 887741960 +393 316 5 889554297 +393 317 4 889554707 +393 318 3 887745973 +393 321 3 887742179 +393 323 2 887742916 +393 328 5 887742798 +393 338 2 887742964 +393 342 5 887742179 +393 347 4 887742040 +393 349 3 887742939 +393 354 4 889554151 +393 355 3 889554171 +393 356 3 889731088 +393 357 2 887745815 +393 362 3 887741960 +393 363 3 887745086 +393 364 2 889731139 +393 365 3 889729460 +393 366 4 889729345 +393 367 3 889730187 +393 369 3 887745174 +393 374 3 889731702 +393 376 4 889730011 +393 377 3 889728200 +393 378 4 887746824 +393 380 2 887746482 +393 384 3 889729508 +393 385 4 887746207 +393 386 4 889731390 +393 391 3 889731703 +393 392 4 889555225 +393 393 3 889731064 +393 394 5 889728627 +393 396 1 889730514 +393 399 4 889728353 +393 402 3 889730187 +393 403 3 889727503 +393 404 3 889728713 +393 405 4 887744626 +393 409 4 887745258 +393 410 4 887744419 +393 411 2 887745501 +393 412 3 887745380 +393 415 4 889730117 +393 417 3 887746523 +393 418 3 887746207 +393 419 4 887746523 +393 420 3 889728074 +393 421 2 889555000 +393 423 3 887746849 +393 431 2 887746965 +393 443 3 887745624 +393 456 3 887745501 +393 459 4 887744517 +393 465 4 887746916 +393 470 4 889554730 +393 471 4 887744549 +393 472 3 887745199 +393 473 3 887745135 +393 476 3 887744688 +393 477 3 889727833 +393 479 4 889555295 +393 480 4 889554756 +393 494 4 889727702 +393 496 5 887746119 +393 497 4 889555021 +393 500 4 887746523 +393 501 3 889729614 +393 507 2 889554859 +393 527 3 889727614 +393 539 3 891364757 +393 540 3 889731753 +393 541 3 889555384 +393 544 3 887745135 +393 546 2 887744578 +393 550 3 887746482 +393 552 2 889729638 +393 553 3 887747108 +393 554 4 889729486 +393 559 3 889729614 +393 561 3 889728438 +393 566 3 887745717 +393 568 4 889554563 +393 569 4 889728736 +393 571 3 889731793 +393 572 4 889731618 +393 575 2 889728712 +393 576 3 889729938 +393 577 4 889731437 +393 578 4 889728413 +393 586 3 889731040 +393 588 4 887746824 +393 591 5 887744372 +393 596 4 887743611 +393 613 4 887745937 +393 620 4 887745199 +393 622 4 889555074 +393 623 3 889731562 +393 625 4 889554780 +393 628 4 887744626 +393 630 4 889728150 +393 633 2 887746091 +393 636 3 889729508 +393 644 3 889555074 +393 651 4 889728238 +393 652 3 889729375 +393 655 3 887746346 +393 659 4 887746378 +393 672 3 889729614 +393 681 3 887742798 +393 683 4 887742110 +393 684 4 889554811 +393 685 3 887744517 +393 686 4 889729185 +393 689 3 887742991 +393 690 4 887742110 +393 693 3 887746883 +393 696 4 887745258 +393 705 4 887746456 +393 710 4 889554607 +393 715 1 889731592 +393 717 3 887745086 +393 720 3 889554648 +393 721 2 889727930 +393 722 2 889728736 +393 725 2 889731501 +393 727 3 889729614 +393 728 3 889730209 +393 732 4 889555272 +393 737 2 889730261 +393 739 3 887746671 +393 742 4 887744517 +393 747 4 889727969 +393 748 3 887742851 +393 751 2 887741960 +393 755 3 889729831 +393 756 4 887745258 +393 761 4 889728667 +393 763 5 887745086 +393 769 4 889731593 +393 771 3 889731793 +393 774 4 889731673 +393 775 4 889731390 +393 778 3 887746301 +393 779 3 889729673 +393 780 4 889731390 +393 781 4 889729159 +393 783 3 889729561 +393 787 5 889554674 +393 789 1 887746015 +393 790 4 889729773 +393 792 1 889729346 +393 794 4 889730117 +393 797 3 889731138 +393 802 3 889729420 +393 805 2 889555410 +393 808 4 889554882 +393 810 4 889731138 +393 812 3 889555021 +393 815 4 887744372 +393 819 3 889731592 +393 821 3 889554756 +393 823 3 889730262 +393 824 3 889731793 +393 825 4 887745230 +393 826 3 889731729 +393 831 1 887745454 +393 833 4 887744626 +393 836 4 889728895 +393 840 4 887744658 +393 841 3 887745199 +393 842 4 889729212 +393 843 3 889731861 +393 845 4 887744202 +393 864 3 887745230 +393 866 3 889728074 +393 870 3 887745454 +393 871 3 887745174 +393 876 3 889554316 +393 890 1 887742991 +393 893 3 889554457 +393 905 3 887742851 +393 922 4 887744419 +393 924 4 887744688 +393 926 4 887745200 +393 929 3 887745230 +393 930 3 889731593 +393 932 3 887744578 +393 934 3 887745544 +393 939 4 887745816 +393 940 2 889731109 +393 941 4 889729212 +393 944 4 889728712 +393 949 3 889731465 +393 951 3 889728531 +393 953 4 889555334 +393 964 2 889555461 +393 977 4 887745501 +393 982 3 889731649 +393 997 1 889731703 +393 999 4 889730187 +393 1000 3 889731139 +393 1001 4 887745410 +393 1014 3 887745086 +393 1016 5 887744688 +393 1028 3 887745174 +393 1032 3 889729296 +393 1034 2 889731413 +393 1035 3 889731329 +393 1040 3 887745410 +393 1043 3 889728324 +393 1047 3 887745293 +393 1048 3 887745120 +393 1049 4 887744688 +393 1051 3 887745544 +393 1053 3 889730011 +393 1055 4 889728895 +393 1058 4 887746916 +393 1063 4 889554540 +393 1074 3 889730296 +393 1091 2 889731840 +393 1092 3 889731139 +393 1095 2 887745174 +393 1120 3 887745409 +393 1139 3 889729561 +393 1165 3 889730514 +393 1168 3 889729346 +393 1169 5 887746015 +393 1178 3 889729460 +393 1179 4 889731437 +393 1181 3 889731064 +393 1182 3 889731413 +393 1183 3 889731040 +393 1185 3 889728606 +393 1197 3 887743611 +393 1206 3 889730494 +393 1210 3 889731593 +393 1215 3 889731729 +393 1219 4 889729536 +393 1221 3 889554834 +393 1224 3 889555176 +393 1228 3 889728074 +393 1239 3 889729508 +393 1244 3 887745380 +393 1249 4 889731329 +393 1258 3 887744688 +393 1285 3 889555176 +393 1314 3 889731561 +393 1337 3 887745380 +393 1407 3 889731010 +393 1409 4 889729536 +393 1419 3 889729319 +393 1435 3 889731821 +393 1440 3 889731359 +393 1441 3 889728554 +393 1446 5 887746346 +393 1468 4 887746091 +393 1469 3 889729749 +393 1539 2 889730460 +394 1 4 880886855 +394 4 4 880888037 +394 7 5 880888390 +394 12 4 880887035 +394 28 4 880886821 +394 31 3 880887152 +394 33 4 880889259 +394 38 4 881058146 +394 39 4 880888501 +394 42 4 880887152 +394 50 5 881132876 +394 56 5 880887406 +394 62 4 881132876 +394 63 4 881059464 +394 67 5 881059383 +394 68 5 881058419 +394 72 4 880889629 +394 73 3 881058929 +394 77 3 880888603 +394 79 5 880887206 +394 82 4 880889553 +394 84 4 880889583 +394 88 3 880889400 +394 90 3 880889528 +394 91 4 880886821 +394 96 5 880886919 +394 97 4 880888223 +394 98 5 880887088 +394 101 4 880886670 +394 109 4 880889159 +394 117 5 880887462 +394 118 4 880889066 +394 121 4 880888452 +394 123 5 880888566 +394 128 3 880888896 +394 132 4 880887000 +394 144 5 880886978 +394 151 5 880886919 +394 154 3 880887152 +394 156 4 880886855 +394 161 4 880888850 +394 164 4 880886612 +394 168 5 880886919 +394 172 4 880886919 +394 174 5 881057914 +394 176 5 881130008 +394 179 5 880886919 +394 181 4 880886796 +394 183 4 881130008 +394 184 3 880889010 +394 186 5 880887322 +394 195 5 880886919 +394 208 5 880888746 +394 210 4 880888689 +394 216 3 880888063 +394 217 5 880888972 +394 218 4 880889187 +394 222 4 881132876 +394 226 2 880888850 +394 227 4 881132877 +394 228 5 881132876 +394 229 3 881132958 +394 230 3 881132958 +394 232 4 880889374 +394 233 3 881058062 +394 238 5 880887348 +394 250 4 881130076 +394 257 4 881130047 +394 265 4 880888390 +394 282 3 880888096 +394 288 4 880886919 +394 294 4 880886919 +394 313 5 883304657 +394 343 3 881130008 +394 364 3 881059544 +394 380 4 881132876 +394 383 2 881059704 +394 385 5 880889010 +394 386 3 881058897 +394 391 4 881058330 +394 393 4 880889350 +394 402 4 880888775 +394 403 4 880889034 +394 411 4 881058969 +394 416 5 880889350 +394 418 4 880887462 +394 419 5 880887250 +394 423 5 881057839 +394 431 5 880889607 +394 433 4 880886919 +394 449 3 881132958 +394 450 3 881132958 +394 455 4 880889066 +394 496 5 880887206 +394 508 4 880886978 +394 540 4 881058330 +394 541 3 880889741 +394 546 4 881058167 +394 549 4 880888452 +394 550 4 881058101 +394 552 3 881060176 +394 554 4 881058101 +394 559 4 880888746 +394 561 4 881060177 +394 568 5 880888167 +394 576 2 881058371 +394 578 2 880888927 +394 597 2 881058201 +394 627 5 880888972 +394 655 5 880888313 +394 665 2 881130009 +394 679 3 881058062 +394 720 2 881058146 +394 739 4 880889766 +394 746 2 880888313 +394 763 3 881058929 +394 773 4 881060053 +394 780 2 881059180 +394 795 2 881059103 +394 797 3 881058330 +394 802 1 881058201 +394 928 4 881059902 +394 979 5 881060177 +394 1033 3 880889475 +394 1079 3 881059148 +394 1210 3 881060330 +394 1371 2 880886546 +394 1484 4 881059619 +395 1 5 883765062 +395 15 3 883765928 +395 21 3 883764534 +395 50 5 883763009 +395 64 5 883763958 +395 89 5 883764264 +395 97 5 883763800 +395 98 5 883764061 +395 118 3 883765791 +395 121 3 883765731 +395 151 3 883765297 +395 154 5 883764878 +395 172 5 883763041 +395 174 5 883763561 +395 181 5 883764336 +395 196 4 883764378 +395 210 5 883763136 +395 215 5 883763768 +395 216 3 883764378 +395 231 4 883764456 +395 237 4 883764974 +395 240 1 886481149 +395 252 3 883765897 +395 255 3 883765731 +395 257 5 883765386 +395 258 4 883762309 +395 273 2 886481149 +395 288 2 886481149 +395 300 3 883762362 +395 313 3 883762135 +395 315 5 886480875 +395 318 4 883764004 +395 328 4 883762528 +395 338 4 883762733 +395 342 4 883762414 +395 343 5 883762614 +395 365 5 883766403 +395 378 5 883764421 +395 458 3 883765731 +395 472 3 883765965 +395 515 4 883765297 +395 596 2 886481149 +395 632 5 883764845 +395 739 3 886481149 +395 748 3 883762577 +395 750 5 883762266 +395 892 3 883762681 +395 924 4 883765156 +395 1060 2 886481149 +396 1 4 884646346 +396 9 4 884646401 +396 25 3 884646191 +396 100 2 884646092 +396 106 4 884646537 +396 118 4 884646314 +396 121 5 884646235 +396 125 3 884646191 +396 148 4 884646436 +396 151 3 884646401 +396 222 5 884646152 +396 237 4 884646092 +396 245 3 884645720 +396 260 3 884645754 +396 271 4 884645790 +396 274 4 884646263 +396 281 3 884646647 +396 282 4 884646052 +396 288 3 884645648 +396 291 4 884646289 +396 300 3 884645550 +396 322 4 884645790 +396 323 4 884645790 +396 328 4 884645813 +396 329 2 884645615 +396 333 4 884645528 +396 405 3 884646314 +396 406 2 884646468 +396 455 2 884646582 +396 471 4 884646263 +396 546 4 884646647 +396 591 3 884646114 +396 595 3 884646467 +396 597 4 884646647 +396 619 3 884646191 +396 678 3 884645838 +396 717 3 884646467 +396 742 4 884646346 +396 751 3 884645648 +396 829 3 884646648 +396 840 3 884646648 +396 841 4 884646648 +396 871 2 884646289 +396 930 3 884646467 +396 974 4 884646152 +396 977 3 884646468 +396 986 4 884646537 +396 1025 4 884645839 +396 1028 3 884646191 +396 1215 2 884646709 +396 1399 3 884645942 +397 7 5 885349913 +397 12 4 885349790 +397 14 3 885349348 +397 22 4 885349476 +397 23 5 885350132 +397 56 5 882839517 +397 95 4 885349999 +397 100 5 882839517 +397 108 4 885350045 +397 117 3 885349610 +397 127 5 885349427 +397 134 5 885350132 +397 135 5 885349825 +397 156 5 885350381 +397 171 5 882839540 +397 172 5 885350381 +397 174 5 885349999 +397 177 5 882843746 +397 178 5 885349759 +397 181 4 885349955 +397 183 4 885349348 +397 192 5 885349610 +397 194 3 885349348 +397 195 3 885350381 +397 197 5 885349825 +397 199 5 885349790 +397 210 4 885349825 +397 221 4 885349348 +397 223 4 885350132 +397 261 1 875063722 +397 273 4 889760803 +397 286 4 882839517 +397 288 4 882839517 +397 302 5 889760703 +397 322 1 875063613 +397 324 2 882838749 +397 325 3 882838853 +397 327 2 875063649 +397 332 2 882838773 +397 334 3 885349348 +397 338 4 882839517 +397 340 2 882838664 +397 345 4 889760663 +397 346 4 890172230 +397 357 5 885350381 +397 358 2 882838937 +397 390 3 885349427 +397 423 5 885349999 +397 435 4 885349376 +397 457 1 875063722 +397 474 5 882839559 +397 475 4 885350045 +397 479 4 885349865 +397 483 5 885349715 +397 484 5 885349759 +397 492 4 885349955 +397 498 4 885349955 +397 504 5 885349865 +397 513 5 885349715 +397 522 5 885349476 +397 529 4 885350326 +397 588 4 885349528 +397 591 4 885349562 +397 611 5 885349562 +397 615 5 885349562 +397 641 5 885349999 +397 657 5 885349759 +397 680 1 875063649 +397 688 1 875063649 +397 705 5 885350045 +397 751 3 885349348 +397 853 4 885350045 +397 855 4 885349476 +397 878 1 875063722 +397 894 1 882838796 +397 896 4 889760725 +397 988 1 875063722 +397 989 1 875063722 +397 1001 1 885350326 +397 1018 4 882839517 +397 1019 3 885349715 +397 1298 3 885350543 +398 1 5 875652927 +398 2 3 875718614 +398 4 2 875723337 +398 8 3 875716709 +398 12 3 875658898 +398 13 3 875652318 +398 15 5 875651828 +398 25 4 875655011 +398 28 5 875660302 +398 31 3 875658967 +398 47 3 875738523 +398 49 3 875736199 +398 50 5 875652927 +398 58 4 875717106 +398 63 2 875732862 +398 64 4 875660439 +398 65 3 875743739 +398 66 4 875736732 +398 69 5 875659191 +398 70 4 875717315 +398 73 3 875723337 +398 79 4 875660535 +398 82 5 875721348 +398 85 4 875718731 +398 86 3 875726010 +398 87 4 875716709 +398 88 4 875733660 +398 94 2 875732304 +398 95 5 875659266 +398 97 4 875721348 +398 111 3 875652318 +398 117 4 875653091 +398 124 5 875717717 +398 125 3 875719764 +398 126 4 875652700 +398 127 4 875651657 +398 132 5 875716829 +398 134 3 875658898 +398 135 3 875657802 +398 144 5 875658715 +398 152 4 875721702 +398 153 4 875732862 +398 154 2 875718614 +398 158 3 875738202 +398 159 3 875717020 +398 162 5 875811851 +398 163 3 875738333 +398 167 3 875735638 +398 168 3 875658967 +398 172 5 875725927 +398 173 4 875719080 +398 174 5 875660535 +398 176 4 875725256 +398 181 4 875652318 +398 182 4 875657802 +398 185 5 875717638 +398 186 4 875733496 +398 191 4 875721348 +398 194 5 875717638 +398 197 5 875660226 +398 199 4 875721548 +398 203 4 875908134 +398 204 4 875716013 +398 205 5 875660535 +398 211 4 875717407 +398 216 5 875723337 +398 227 2 875908666 +398 228 5 875657926 +398 229 3 875744031 +398 230 3 875908666 +398 234 4 875659265 +398 235 2 875716709 +398 237 3 875653168 +398 239 3 875747539 +398 274 3 875655841 +398 276 4 875652760 +398 283 3 875652760 +398 284 2 875654781 +398 357 4 875657926 +398 367 3 875717020 +398 385 3 875723253 +398 393 5 875732738 +398 399 4 875721702 +398 403 4 875657734 +398 417 3 875719399 +398 423 5 875659319 +398 427 4 875657734 +398 429 4 875716829 +398 430 4 875659265 +398 432 3 875718670 +398 435 5 875717106 +398 474 4 875657926 +398 476 3 875652760 +398 478 5 875657857 +398 479 4 875717020 +398 480 5 875658794 +398 481 3 875659441 +398 482 5 875657802 +398 483 5 875720673 +398 485 5 875657857 +398 491 5 875718954 +398 493 5 875723337 +398 494 3 875813142 +398 495 4 875660439 +398 496 5 875721111 +398 497 3 875717407 +398 498 5 875657734 +398 501 3 875658898 +398 502 3 875717717 +398 504 3 875722071 +398 510 4 875658715 +398 514 4 875658794 +398 519 4 875723337 +398 520 5 875717106 +398 521 5 875717779 +398 523 4 875717779 +398 525 3 875908134 +398 582 2 875659518 +398 588 4 875659517 +398 589 3 875657734 +398 591 3 875652876 +398 602 4 875660302 +398 604 5 875658794 +398 607 3 875720467 +398 633 4 875726786 +398 648 5 875733496 +398 654 4 875726730 +398 655 4 875658967 +398 659 3 875738391 +398 661 3 875719399 +398 662 2 875723172 +398 663 2 875735255 +398 700 2 875736199 +398 708 3 875747159 +398 710 2 875716830 +398 712 2 875736732 +398 715 2 875736732 +398 732 4 875719199 +398 735 4 875659266 +398 737 2 875811449 +398 756 3 875654592 +398 796 3 875732862 +398 953 3 875658968 +398 969 4 875659518 +398 991 2 875651527 +398 993 3 875653043 +398 1020 3 875659843 +398 1119 4 875812011 +398 1126 4 875722533 +398 1450 5 875717717 +399 1 4 882340657 +399 2 3 882512708 +399 5 3 882345001 +399 8 3 882510165 +399 11 4 882344199 +399 12 3 882509891 +399 15 5 882340828 +399 22 3 882342834 +399 26 2 882510126 +399 28 2 882344134 +399 29 3 882349198 +399 31 3 882345649 +399 33 3 882344942 +399 38 2 882345164 +399 41 2 882348876 +399 42 2 882510250 +399 43 3 882348664 +399 47 3 882511093 +399 48 3 882349868 +399 50 3 882343040 +399 53 4 882345271 +399 54 4 882343126 +399 55 2 882343171 +399 56 3 882346649 +399 57 4 882343260 +399 58 3 882344942 +399 62 3 882348876 +399 63 3 882348615 +399 64 3 882342313 +399 67 3 882350899 +399 68 3 882347577 +399 69 3 882342019 +399 71 3 882351580 +399 72 4 882350323 +399 73 3 882343731 +399 77 2 882349094 +399 79 3 882512214 +399 80 3 882349068 +399 84 2 882345842 +399 90 2 882350653 +399 91 4 882345023 +399 93 3 882512192 +399 94 5 882349022 +399 95 3 882343068 +399 97 4 882343204 +399 98 4 882342894 +399 100 3 882509855 +399 102 3 882344236 +399 110 2 882343523 +399 114 4 882341974 +399 117 2 882347620 +399 118 3 882341383 +399 121 3 882341403 +399 123 2 882340807 +399 127 2 882346585 +399 128 3 882343293 +399 132 3 882343327 +399 139 3 882348153 +399 140 4 882343731 +399 143 5 882344638 +399 147 5 882340620 +399 148 4 882341362 +399 153 2 882351347 +399 154 3 882343327 +399 155 2 882348773 +399 156 3 882342537 +399 157 3 882342019 +399 161 3 882344434 +399 164 2 882344553 +399 168 3 882342776 +399 172 3 882342537 +399 173 3 882349928 +399 174 3 882342187 +399 175 3 882342669 +399 179 3 882344406 +399 180 3 882345001 +399 182 4 882342570 +399 186 4 882342669 +399 187 3 882346401 +399 188 4 882344310 +399 195 2 882342669 +399 196 5 882349678 +399 203 4 882344434 +399 204 3 882342061 +399 210 3 882342805 +399 214 4 882344722 +399 215 2 882510226 +399 219 3 882345454 +399 226 3 882344406 +399 227 2 882344794 +399 228 2 882347783 +399 229 2 882349143 +399 230 3 882344512 +399 231 3 882350375 +399 232 2 882350431 +399 233 3 882347061 +399 234 3 882343294 +399 237 3 882510490 +399 239 3 882344553 +399 246 3 882340639 +399 264 3 882340517 +399 265 3 882342776 +399 268 3 882340284 +399 273 3 882340657 +399 274 3 882512167 +399 276 3 882510107 +399 282 3 882340775 +399 284 2 882512342 +399 288 3 882340200 +399 289 4 882340311 +399 291 3 882510126 +399 295 4 882341264 +399 301 4 882340242 +399 307 3 882340264 +399 318 5 882342589 +399 323 1 882340517 +399 328 4 882340311 +399 332 3 882340242 +399 338 1 882509709 +399 340 2 882340517 +399 343 2 882340517 +399 356 3 882344512 +399 364 4 882350813 +399 366 3 882345271 +399 372 3 882511047 +399 380 3 882345164 +399 382 3 882344134 +399 383 2 882350431 +399 384 2 882345698 +399 385 3 882344597 +399 386 3 882349353 +399 389 3 882345078 +399 393 4 882343455 +399 395 3 882350733 +399 399 3 882342354 +399 400 3 882349170 +399 401 3 882350710 +399 402 3 882344434 +399 403 3 882350502 +399 404 3 882344684 +399 405 3 882340599 +399 407 3 882341644 +399 412 2 882352468 +399 413 2 882340900 +399 418 3 882343605 +399 420 3 882347783 +399 423 3 882344052 +399 431 2 882344906 +399 432 3 882348283 +399 433 3 882344269 +399 436 2 882348478 +399 444 1 882350733 +399 450 2 882350791 +399 451 3 882344684 +399 452 3 882350762 +399 454 3 882510989 +399 455 4 882340924 +399 459 4 882340807 +399 462 3 882510290 +399 465 3 882350005 +399 470 4 882344832 +399 471 3 882340719 +399 475 5 882340827 +399 486 3 882510290 +399 496 3 882349868 +399 506 3 882344406 +399 508 3 882509971 +399 511 3 882341848 +399 527 3 882511093 +399 531 3 882342964 +399 541 3 882345622 +399 542 3 882344021 +399 543 3 882509971 +399 544 2 882340556 +399 546 2 882341383 +399 549 4 882347190 +399 550 3 882345120 +399 551 1 882349022 +399 554 3 882348592 +399 559 3 882344096 +399 561 2 882345335 +399 564 3 882350899 +399 566 4 882344871 +399 568 2 882345842 +399 575 1 882350762 +399 576 3 882350563 +399 578 2 882348722 +399 582 3 882343358 +399 587 3 882351626 +399 588 5 882342938 +399 591 3 882340599 +399 597 3 882341330 +399 616 1 882341881 +399 622 4 882343605 +399 628 3 882340719 +399 633 3 882347019 +399 651 3 882509971 +399 655 3 882344372 +399 660 3 882510250 +399 673 3 882343789 +399 679 3 882344596 +399 684 3 882344269 +399 693 3 882510165 +399 697 2 882345454 +399 710 2 882342537 +399 720 3 882348565 +399 722 2 882348153 +399 727 4 882344722 +399 732 2 882348089 +399 735 3 882344512 +399 738 4 882350583 +399 742 4 882340844 +399 744 3 882510147 +399 746 5 882342158 +399 747 5 882345053 +399 754 3 882340242 +399 755 2 882344757 +399 760 1 882341554 +399 763 2 882340900 +399 768 3 882350401 +399 772 4 882343358 +399 774 3 882345053 +399 779 4 882350850 +399 781 2 882350617 +399 806 3 882344096 +399 809 3 882352357 +399 813 3 882512003 +399 817 4 882509927 +399 820 4 882341191 +399 824 2 882341445 +399 825 2 882341586 +399 826 2 882349353 +399 919 2 882510379 +399 924 5 882340678 +399 926 2 882348850 +399 928 2 882341586 +399 941 3 882347577 +399 946 3 882343172 +399 959 3 882343523 +399 969 3 882346728 +399 975 2 882344974 +399 977 3 882341607 +399 986 3 882341586 +399 1035 3 882352065 +399 1042 3 882348283 +399 1060 3 882510269 +399 1074 4 882345842 +399 1086 3 882340827 +399 1090 2 882345212 +399 1135 2 882349170 +399 1137 4 882340556 +399 1139 4 882348974 +399 1170 3 882510250 +399 1178 3 882350341 +399 1179 2 882352324 +399 1184 3 882344638 +399 1192 3 882344638 +399 1207 3 882350813 +399 1210 2 882348690 +399 1217 4 882350282 +399 1219 3 882348448 +399 1220 2 882343389 +399 1228 3 882345500 +399 1231 3 882350487 +399 1232 3 882350831 +399 1244 3 882341607 +399 1246 1 882511876 +399 1274 1 882350870 +399 1279 3 882341625 +399 1314 3 882349198 +399 1393 3 882340421 +399 1401 3 882342219 +399 1459 3 882345473 +399 1480 3 882350899 +399 1540 3 882350282 +399 1541 3 882510107 +399 1542 2 882348592 +399 1543 3 882509891 +400 258 5 885676316 +400 259 3 885676490 +400 269 4 885676230 +400 286 4 885676230 +400 288 4 885676365 +400 294 3 885676411 +400 300 4 885676230 +400 301 4 885676411 +400 304 4 885676490 +400 306 3 885676230 +400 307 3 885676526 +400 313 5 885676316 +400 321 4 885676452 +400 323 4 885676582 +400 328 3 885676490 +400 332 2 885676526 +400 343 4 885676552 +400 689 3 885676316 +400 690 3 885676365 +400 749 4 885676452 +400 895 4 885676452 +401 1 2 891032170 +401 9 3 891032218 +401 11 2 891033227 +401 13 2 891033204 +401 14 3 891032271 +401 25 4 891032412 +401 26 3 891033395 +401 44 4 891032868 +401 50 1 891034050 +401 64 3 891032757 +401 65 4 891033250 +401 69 3 891033417 +401 70 4 891033625 +401 71 2 891033549 +401 83 4 891033122 +401 88 4 891033319 +401 97 4 891033582 +401 99 4 891033582 +401 100 4 891032170 +401 111 4 891032296 +401 117 3 891032563 +401 121 3 891032662 +401 125 3 891033651 +401 127 1 891032170 +401 135 1 891032919 +401 137 3 891032316 +401 143 4 891033034 +401 144 5 891033523 +401 147 2 891032662 +401 151 1 891032584 +401 153 2 891033466 +401 154 1 891033184 +401 157 3 891033582 +401 161 2 891033603 +401 162 5 891033395 +401 168 1 891033442 +401 172 3 891032896 +401 173 3 891032937 +401 174 4 891032803 +401 181 3 891032518 +401 185 4 891033523 +401 188 1 891033267 +401 191 4 891032847 +401 194 4 891033395 +401 196 5 891033497 +401 197 4 891033417 +401 198 4 891033370 +401 199 3 891032896 +401 202 4 891033319 +401 203 4 891033288 +401 204 5 891033684 +401 210 4 891032976 +401 211 4 891033092 +401 216 4 891032803 +401 225 1 891032474 +401 235 1 891032474 +401 237 3 891032367 +401 243 3 891031867 +401 248 3 891032367 +401 257 2 891032563 +401 272 3 891031508 +401 273 2 891032334 +401 275 4 891032271 +401 276 4 891032433 +401 280 2 891032607 +401 282 3 891032584 +401 284 3 891032453 +401 294 1 891031621 +401 302 3 891031464 +401 312 3 891031784 +401 315 4 891031464 +401 316 5 891031756 +401 318 4 891032737 +401 321 2 891031554 +401 322 2 891031784 +401 328 4 891031723 +401 342 1 891031723 +401 356 4 891033122 +401 357 4 891032896 +401 365 4 891033497 +401 385 3 891033603 +401 404 2 891033395 +401 405 2 891032453 +401 429 3 891032847 +401 430 2 891033582 +401 435 5 891033250 +401 451 2 891033343 +401 462 4 891033684 +401 473 1 891034050 +401 477 1 891034050 +401 478 2 891033497 +401 481 3 891033014 +401 482 4 891033343 +401 483 4 891033121 +401 485 4 891033092 +401 486 4 891033184 +401 493 4 891033370 +401 499 3 891033319 +401 501 2 891033184 +401 507 4 891033014 +401 508 3 891032433 +401 509 4 891033582 +401 511 2 891033092 +401 515 4 891032367 +401 519 4 891033158 +401 520 3 891033442 +401 527 4 891032919 +401 528 5 891033442 +401 535 2 891032518 +401 537 4 891033466 +401 553 5 891033523 +401 566 5 891033684 +401 582 4 891033523 +401 584 3 891033227 +401 588 2 891033549 +401 591 3 891032607 +401 603 4 891033497 +401 609 3 891033625 +401 610 4 891033651 +401 630 4 891033370 +401 632 4 891033014 +401 634 1 891033319 +401 638 4 891033158 +401 651 4 891032919 +401 654 3 891033184 +401 655 3 891033417 +401 659 3 891033061 +401 661 3 891033158 +401 663 1 891033549 +401 684 4 891033651 +401 707 2 891032868 +401 724 4 891033319 +401 735 5 891033158 +401 748 3 891031784 +401 762 2 891032662 +401 815 3 891032662 +401 866 3 891032697 +401 892 1 891031867 +401 1009 4 891032626 +401 1011 3 891032367 +401 1016 3 891032607 +401 1289 2 891032495 +402 1 5 876266860 +402 7 4 876267068 +402 10 2 876266985 +402 12 4 876266826 +402 13 3 876266701 +402 15 5 876267115 +402 16 3 876267096 +402 19 4 876267096 +402 25 4 876266926 +402 32 3 876267235 +402 42 4 876267173 +402 48 5 876267173 +402 50 4 876266741 +402 96 5 876267234 +402 100 5 876266904 +402 111 4 876267041 +402 118 4 876267096 +402 124 4 876266926 +402 126 4 876266741 +402 127 5 876267014 +402 135 4 876266775 +402 151 5 876266984 +402 181 4 876266860 +402 182 5 876266775 +402 204 5 876267206 +402 222 4 876266948 +402 234 4 876266826 +402 235 3 876267014 +402 237 4 876266948 +402 245 1 876266860 +402 255 4 876266948 +402 257 4 876266701 +402 258 4 876266650 +402 273 4 876267014 +402 276 5 876267014 +402 286 5 876266650 +402 408 5 876266741 +402 410 1 876266985 +402 455 3 876266886 +402 471 4 876267041 +402 475 3 876266741 +402 476 3 876266985 +402 479 5 876267206 +402 480 5 876267206 +402 511 5 876266775 +402 515 5 876266860 +402 529 4 876266775 +402 591 4 876267041 +402 628 3 876267067 +402 696 4 876267014 +402 764 3 876266985 +402 864 3 876266926 +402 1048 2 876266985 +402 1060 3 876267041 +402 1101 4 876267234 +402 1284 3 876266984 +403 1 4 879785974 +403 7 5 879785867 +403 9 3 879786052 +403 50 5 879785736 +403 100 5 879785974 +403 106 2 879786084 +403 111 4 879785974 +403 117 4 879786112 +403 118 5 879785974 +403 121 5 879786221 +403 123 3 879786112 +403 127 4 879786221 +403 129 4 879785822 +403 148 5 879786351 +403 181 4 879785916 +403 222 5 879786190 +403 235 5 879786165 +403 237 5 879786221 +403 240 1 879786084 +403 258 4 879785703 +403 274 3 879786661 +403 276 4 879785941 +403 282 5 879786052 +403 284 1 879790389 +403 288 4 879785822 +403 291 4 879790319 +403 370 3 879790344 +403 405 5 879786747 +403 410 2 879790445 +403 471 5 879785822 +403 472 4 879790319 +403 476 4 879790468 +403 477 4 879786165 +403 515 4 879785867 +403 546 3 879786221 +403 597 2 879786747 +403 685 4 879786662 +403 748 5 879786406 +403 760 1 879790343 +403 845 4 879786052 +403 864 4 879786747 +403 866 4 879786294 +403 925 4 879790468 +403 928 3 879786008 +403 1012 1 879786190 +403 1047 2 879786381 +403 1199 2 879790506 +404 22 5 883790911 +404 66 4 883790883 +404 243 3 883790465 +404 245 3 883790401 +404 258 4 883790181 +404 259 5 883790491 +404 269 4 883790750 +404 270 4 883790749 +404 286 1 883790181 +404 288 3 883790314 +404 289 1 883790492 +404 294 4 883790430 +404 300 4 883790749 +404 301 3 883790286 +404 302 4 883790218 +404 307 4 883790749 +404 310 4 883790750 +404 313 5 883790181 +404 323 3 883790430 +404 327 2 883790366 +404 328 4 883790749 +404 331 3 883790249 +404 332 4 883790749 +404 333 2 883790286 +404 339 1 883790609 +404 342 3 883790750 +404 343 1 883790656 +404 348 3 883790400 +404 678 4 883790400 +404 683 4 883790366 +404 687 3 883790465 +404 689 2 883790585 +404 690 5 876889178 +404 739 4 883790851 +404 748 4 883790430 +404 754 3 883790218 +404 876 2 883790286 +404 879 3 883790465 +404 892 2 883790550 +404 901 2 883790585 +404 938 4 883790749 +404 1238 3 883790181 +405 2 1 885547953 +405 5 4 885545070 +405 8 4 885545015 +405 11 4 885545263 +405 12 5 885545306 +405 22 5 885545167 +405 23 5 885545372 +405 27 1 885546487 +405 28 4 885544947 +405 29 4 885545639 +405 30 1 885549544 +405 31 1 885548579 +405 35 2 885549095 +405 37 1 885548384 +405 38 5 885548093 +405 39 1 885546155 +405 40 2 885547735 +405 41 1 885547735 +405 42 1 885547313 +405 43 1 885546680 +405 45 1 885549506 +405 46 1 885546445 +405 48 1 885546154 +405 49 1 885547407 +405 50 5 885544947 +405 51 1 885546577 +405 52 1 885546379 +405 53 2 885548137 +405 55 1 885547909 +405 56 4 885544911 +405 57 1 885546577 +405 58 1 885546247 +405 60 1 885549589 +405 61 1 885549589 +405 62 1 885547996 +405 63 3 885547408 +405 64 5 885544739 +405 66 5 885547268 +405 67 5 885547360 +405 68 1 885547996 +405 69 4 885545111 +405 70 3 885545912 +405 71 1 885548836 +405 72 3 885547268 +405 73 5 885547313 +405 75 2 885546069 +405 76 3 885545606 +405 77 1 885546248 +405 78 2 885549045 +405 79 5 885544798 +405 80 1 885547557 +405 81 3 885546025 +405 82 4 885547952 +405 83 1 885545974 +405 85 4 885547407 +405 86 1 885546154 +405 87 1 885546112 +405 88 3 885547360 +405 89 1 885547952 +405 90 4 885547447 +405 91 2 885548932 +405 92 1 885546287 +405 94 5 885547408 +405 95 3 885548785 +405 96 3 885544881 +405 97 2 885545638 +405 98 4 885544798 +405 101 1 885549192 +405 102 1 885548877 +405 110 1 885547506 +405 127 5 885545167 +405 132 5 885544698 +405 135 5 885545333 +405 139 3 885549005 +405 141 2 885548877 +405 142 1 885549004 +405 143 5 885548785 +405 149 1 885549746 +405 169 1 885549192 +405 170 1 885549506 +405 171 1 885549544 +405 172 5 885545111 +405 173 5 885544798 +405 174 5 885544739 +405 175 1 885546069 +405 176 1 885547909 +405 177 1 885547996 +405 178 3 885544947 +405 179 1 885546201 +405 180 3 885546069 +405 181 5 885547909 +405 183 1 885547909 +405 184 1 885547952 +405 185 4 885544769 +405 186 5 885547176 +405 188 1 885547996 +405 189 1 885549192 +405 190 2 885546201 +405 191 4 885545235 +405 192 5 885545401 +405 193 4 885544698 +405 194 1 885547176 +405 195 5 885544881 +405 196 1 885546112 +405 197 4 885545167 +405 199 1 885546025 +405 200 2 885548330 +405 201 1 885547176 +405 202 4 885547221 +405 204 5 885544769 +405 206 1 885549589 +405 207 1 885549543 +405 208 5 885547124 +405 210 5 885547124 +405 211 1 885547177 +405 212 1 885546445 +405 213 2 885549309 +405 214 4 885545235 +405 215 5 885545263 +405 216 2 885547124 +405 217 1 885548385 +405 218 5 885548330 +405 219 5 885548384 +405 226 2 885547953 +405 227 1 885548049 +405 228 1 885547910 +405 230 2 885547953 +405 231 3 885548094 +405 232 4 885547314 +405 233 1 885547952 +405 234 5 885548275 +405 238 5 885545070 +405 239 3 885546112 +405 265 2 885547910 +405 288 5 885544635 +405 302 4 885544635 +405 308 1 885549942 +405 313 4 885544635 +405 317 4 885544911 +405 318 5 885545167 +405 341 1 885549904 +405 347 4 885544635 +405 350 1 885549903 +405 351 1 885549942 +405 356 5 885545912 +405 361 2 885549942 +405 364 1 885547766 +405 365 1 885545672 +405 366 3 885545552 +405 367 1 885547222 +405 371 1 885549309 +405 372 1 885547313 +405 374 1 885549094 +405 375 1 885546835 +405 376 5 885547690 +405 377 1 885547690 +405 378 4 885546379 +405 379 1 885548475 +405 382 1 885546336 +405 383 1 885547605 +405 384 3 885547605 +405 385 1 885547910 +405 386 3 885547605 +405 387 1 885546680 +405 388 4 885547558 +405 389 2 885548932 +405 391 1 885548137 +405 393 4 885547314 +405 395 3 885547506 +405 396 1 885547408 +405 397 4 885548094 +405 399 1 885547408 +405 400 1 885549044 +405 402 3 885546445 +405 403 5 885546445 +405 404 4 885548932 +405 414 1 885547268 +405 415 2 885549005 +405 416 2 885548932 +405 419 4 885548785 +405 420 5 885548785 +405 421 1 885549309 +405 422 1 885548836 +405 423 5 885545306 +405 426 1 885549192 +405 427 5 885545306 +405 428 1 885547314 +405 429 5 885545200 +405 430 1 885547177 +405 431 3 885547996 +405 432 3 885548785 +405 433 4 885545070 +405 434 3 885546201 +405 435 1 885547176 +405 437 1 885548435 +405 438 1 885548384 +405 439 1 885548330 +405 440 1 885548330 +405 441 1 885548435 +405 442 1 885548384 +405 443 4 885548330 +405 444 3 885548385 +405 445 4 885548435 +405 447 4 885548331 +405 448 4 885548331 +405 449 1 885548093 +405 450 1 885548093 +405 451 5 885547360 +405 452 5 885548434 +405 453 3 885548385 +405 461 3 885545639 +405 462 2 885549506 +405 463 1 885548836 +405 464 1 885546379 +405 465 1 885548836 +405 466 1 885548633 +405 467 4 885545200 +405 469 1 885546288 +405 470 1 885546247 +405 480 4 885544739 +405 482 3 885544739 +405 501 3 885548837 +405 504 2 885548579 +405 509 1 885546112 +405 510 1 885545975 +405 511 2 885546112 +405 512 1 885549589 +405 513 1 885546112 +405 514 1 885547221 +405 515 1 885546025 +405 516 1 885547314 +405 517 3 885547177 +405 518 1 885546287 +405 519 2 885546025 +405 520 2 885546025 +405 521 4 885544698 +405 522 1 885545975 +405 523 2 885545975 +405 524 1 885547124 +405 525 1 885548632 +405 527 5 885545200 +405 528 1 885546248 +405 529 1 885549543 +405 530 1 885547953 +405 536 1 885549746 +405 537 1 885546445 +405 540 1 885548163 +405 541 1 885548162 +405 542 1 885549095 +405 545 1 885547766 +405 548 1 885549095 +405 549 1 885546336 +405 550 2 885547909 +405 551 1 885548475 +405 552 1 885548686 +405 553 1 885546379 +405 554 1 885548049 +405 555 1 885546835 +405 556 1 885546636 +405 557 1 885549650 +405 558 1 885546069 +405 559 5 885548330 +405 560 1 885549045 +405 561 1 885548475 +405 562 1 885548137 +405 563 1 885548475 +405 564 1 885547606 +405 565 2 885548474 +405 566 1 885547953 +405 567 2 885548474 +405 569 1 885546680 +405 570 1 885546487 +405 573 3 885548435 +405 574 1 885546724 +405 575 5 885547557 +405 576 1 885548093 +405 577 3 885547557 +405 578 1 885548093 +405 579 1 885547557 +405 580 1 885547447 +405 581 3 885546530 +405 582 3 885546336 +405 583 1 885546112 +405 584 1 885548785 +405 585 1 885547447 +405 586 4 885548136 +405 588 2 885548785 +405 592 1 885548670 +405 593 1 885549790 +405 603 3 885548578 +405 606 3 885545070 +405 621 1 885548932 +405 622 1 885548877 +405 623 1 885549004 +405 624 4 885548836 +405 625 3 885548836 +405 626 1 885548877 +405 627 1 885548877 +405 638 1 885549589 +405 639 1 885549635 +405 640 1 885549589 +405 641 1 885546201 +405 642 1 885548579 +405 643 1 885546336 +405 644 3 885545672 +405 645 1 885546635 +405 647 1 885546069 +405 648 1 885547124 +405 649 1 885546445 +405 650 1 885546336 +405 651 5 885545167 +405 652 1 885547360 +405 653 1 885548579 +405 654 2 885548579 +405 655 5 885545401 +405 656 1 885548275 +405 657 1 885548578 +405 658 4 885545516 +405 659 4 885544739 +405 660 2 885546247 +405 661 3 885546025 +405 662 1 885546155 +405 663 2 885547221 +405 664 1 885546724 +405 665 1 885548094 +405 666 1 885549635 +405 667 1 885548275 +405 668 1 885548275 +405 669 1 885548435 +405 670 1 885548384 +405 671 2 885548330 +405 672 1 885548434 +405 673 5 885545235 +405 674 1 885548275 +405 675 1 885548275 +405 679 1 885547997 +405 684 3 885547996 +405 692 5 885547177 +405 693 2 885546154 +405 694 1 885546336 +405 695 1 885546287 +405 697 1 885545883 +405 699 2 885546247 +405 700 1 885547645 +405 702 1 885547407 +405 703 2 885546112 +405 704 2 885546577 +405 707 1 885549309 +405 708 1 885546487 +405 709 1 885547314 +405 710 4 885547268 +405 712 1 885547506 +405 714 1 885546379 +405 715 1 885546445 +405 716 1 885547408 +405 719 1 885547447 +405 720 1 885546487 +405 721 1 885547360 +405 722 1 885547735 +405 723 1 885546288 +405 724 1 885546530 +405 725 1 885547691 +405 726 1 885547690 +405 727 1 885546247 +405 728 4 885547690 +405 729 4 885545487 +405 730 1 885545975 +405 732 5 885545456 +405 733 1 885546248 +405 734 2 885547506 +405 736 5 885546336 +405 738 1 885547447 +405 739 2 885549309 +405 745 1 885547506 +405 747 1 885549309 +405 753 1 885549464 +405 757 1 885549095 +405 759 1 885548162 +405 761 1 885548049 +405 765 1 885547735 +405 768 3 885548932 +405 769 1 885548475 +405 770 1 885548048 +405 771 1 885548162 +405 772 1 885546379 +405 773 1 885548330 +405 774 1 885548475 +405 775 1 885547735 +405 776 1 885549094 +405 777 1 885548275 +405 778 1 885546248 +405 779 1 885548137 +405 780 3 885547691 +405 782 1 885546636 +405 783 2 885547645 +405 784 1 885548275 +405 785 1 885547407 +405 786 1 885547644 +405 787 3 885545672 +405 788 1 885548275 +405 789 1 885547268 +405 790 1 885547360 +405 791 1 885547605 +405 792 5 885545552 +405 793 1 885547313 +405 794 5 885549309 +405 795 2 885547605 +405 796 3 885547447 +405 798 1 885546724 +405 802 1 885548049 +405 806 1 885545974 +405 807 1 885546680 +405 808 1 885546487 +405 810 1 885548094 +405 812 1 885548877 +405 816 1 885548435 +405 842 5 885548932 +405 843 2 885549005 +405 849 1 885548049 +405 851 1 885549407 +405 853 1 885547124 +405 855 1 885549543 +405 858 1 885548435 +405 859 1 885547506 +405 861 1 885548275 +405 877 1 885549903 +405 904 1 885549904 +405 921 1 885549634 +405 939 5 885545200 +405 940 1 885547605 +405 941 1 885546577 +405 943 1 885548633 +405 944 3 885547447 +405 946 2 885548836 +405 947 1 885548048 +405 949 5 885545702 +405 951 1 885548877 +405 953 3 885546487 +405 954 4 885547268 +405 955 1 885549308 +405 956 2 885546069 +405 957 1 885549464 +405 958 1 885549590 +405 959 1 885547222 +405 960 1 885545975 +405 964 1 885546154 +405 969 3 885545015 +405 971 1 885549464 +405 972 1 885546445 +405 994 1 885549746 +405 996 1 885547268 +405 997 1 885547644 +405 999 1 885547557 +405 1004 1 885546577 +405 1005 1 885549407 +405 1018 1 885549589 +405 1021 1 885549543 +405 1027 1 885548048 +405 1029 1 885547735 +405 1030 1 885547605 +405 1031 1 885549045 +405 1032 1 885549044 +405 1036 1 885547506 +405 1037 3 885547506 +405 1042 1 885548671 +405 1043 1 885547644 +405 1044 4 885545552 +405 1045 3 885546112 +405 1046 2 885548633 +405 1053 5 885545456 +405 1058 1 885546635 +405 1063 5 885548785 +405 1065 1 885546069 +405 1066 1 885549111 +405 1069 1 885546154 +405 1070 1 885547123 +405 1072 1 885547222 +405 1074 3 885546636 +405 1078 1 885549004 +405 1090 1 885548670 +405 1091 1 885549004 +405 1099 1 885549588 +405 1100 1 885546681 +405 1101 3 885546287 +405 1103 2 885546025 +405 1104 1 885549408 +405 1107 1 885546635 +405 1108 1 885546069 +405 1109 1 885548632 +405 1110 1 885547644 +405 1111 1 885547360 +405 1112 2 885546530 +405 1113 1 885546680 +405 1118 1 885547268 +405 1119 3 885545306 +405 1139 1 885546859 +405 1146 2 885546724 +405 1147 2 885546069 +405 1148 1 885546680 +405 1159 1 885549407 +405 1166 1 885546025 +405 1167 1 885547268 +405 1168 1 885546725 +405 1175 1 885549904 +405 1176 3 885549942 +405 1177 1 885547766 +405 1178 1 885547690 +405 1179 1 885547690 +405 1180 1 885547605 +405 1182 1 885547557 +405 1184 1 885547996 +405 1188 3 885547506 +405 1192 1 885545975 +405 1193 1 885549506 +405 1194 1 885546201 +405 1195 1 885549590 +405 1200 1 885548785 +405 1206 1 885546530 +405 1207 1 885548686 +405 1208 1 885546577 +405 1209 3 885547645 +405 1210 1 885548670 +405 1217 3 885548633 +405 1218 5 885547360 +405 1219 1 885549094 +405 1220 3 885546202 +405 1221 1 885546155 +405 1222 1 885548049 +405 1224 1 885546487 +405 1225 1 885547176 +405 1227 3 885546635 +405 1228 1 885548137 +405 1229 1 885546835 +405 1230 1 885547644 +405 1231 1 885548136 +405 1232 1 885546681 +405 1239 1 885548163 +405 1240 1 885549192 +405 1246 1 885547735 +405 1247 1 885546681 +405 1248 1 885548633 +405 1249 1 885547408 +405 1250 1 885547997 +405 1253 1 885548671 +405 1260 1 885546835 +405 1261 1 885546529 +405 1265 2 885549942 +405 1266 1 885549634 +405 1267 1 885546379 +405 1268 1 885546636 +405 1271 2 885547506 +405 1274 1 885548137 +405 1275 1 885548632 +405 1290 2 885546379 +405 1297 1 885546577 +405 1306 1 885546529 +405 1307 1 885546529 +405 1316 1 885549942 +405 1317 1 885549746 +405 1318 1 885549789 +405 1338 1 885549790 +405 1346 1 885549790 +405 1353 1 885549745 +405 1359 1 885549790 +405 1382 1 885549790 +405 1384 1 885549746 +405 1387 2 885549745 +405 1391 1 885549789 +405 1394 1 885549903 +405 1399 1 885549942 +405 1400 1 885545975 +405 1404 1 885547360 +405 1405 1 885549745 +405 1407 1 885548137 +405 1408 1 885549094 +405 1409 1 885549045 +405 1415 1 885549045 +405 1419 2 885548137 +405 1421 1 885546835 +405 1422 1 885548632 +405 1423 1 885546725 +405 1424 1 885546725 +405 1425 1 885547557 +405 1429 1 885549903 +405 1432 1 885549942 +405 1434 1 885549942 +405 1435 1 885547735 +405 1437 1 885547557 +405 1438 1 885546835 +405 1439 1 885546724 +405 1441 1 885546835 +405 1442 1 885546835 +405 1444 2 885549005 +405 1445 1 885546336 +405 1464 1 885546154 +405 1468 1 885546287 +405 1469 1 885548932 +405 1470 2 885549045 +405 1471 1 885548670 +405 1474 1 885547645 +405 1475 1 885547268 +405 1478 1 885546636 +405 1479 1 885547735 +405 1480 2 885549005 +405 1484 1 885547690 +405 1488 1 885546680 +405 1499 1 885549407 +405 1503 1 885548932 +405 1509 1 885547557 +405 1517 1 885547735 +405 1518 2 885546577 +405 1519 2 885546577 +405 1522 1 885548670 +405 1529 1 885549635 +405 1530 1 885546835 +405 1531 1 885549094 +405 1535 1 885549635 +405 1539 1 885546724 +405 1544 1 885549095 +405 1545 2 885546201 +405 1547 2 885546288 +405 1548 1 885547952 +405 1549 1 885548671 +405 1550 3 885547691 +405 1552 1 885546636 +405 1553 1 885548632 +405 1554 4 885546445 +405 1555 1 885549045 +405 1557 1 885547222 +405 1558 1 885549506 +405 1559 1 885546577 +405 1560 1 885549635 +405 1561 1 885546529 +405 1562 1 885549506 +405 1563 1 885549635 +405 1564 1 885546288 +405 1565 1 885549463 +405 1566 1 885546248 +405 1568 1 885547222 +405 1569 1 885549505 +405 1570 1 885549544 +405 1571 1 885549463 +405 1572 1 885549635 +405 1573 1 885549464 +405 1574 1 885546529 +405 1575 1 885549407 +405 1576 1 885549464 +405 1578 1 885549543 +405 1579 1 885549408 +405 1580 1 885549543 +405 1581 1 885548579 +405 1582 1 885548670 +405 1583 1 885549543 +405 1584 1 885549407 +405 1585 1 885546487 +405 1586 1 885549464 +405 1587 1 885546529 +405 1588 1 885549789 +405 1589 1 885549745 +405 1590 1 885549789 +405 1592 1 885549903 +406 1 4 879446107 +406 3 3 879540228 +406 4 2 880131792 +406 5 4 880132276 +406 7 4 879445684 +406 8 4 879445562 +406 9 5 879445735 +406 10 3 879445684 +406 11 4 879446529 +406 12 4 879445897 +406 13 2 879539987 +406 14 4 879539855 +406 15 4 879540051 +406 20 3 879446529 +406 22 3 882480671 +406 24 3 879540026 +406 25 1 879540106 +406 26 3 879793235 +406 28 3 882461684 +406 30 4 879793235 +406 32 5 879446639 +406 39 4 884630523 +406 40 3 880131875 +406 42 5 879445936 +406 47 4 880131741 +406 48 5 879792811 +406 50 5 879445897 +406 52 5 879793235 +406 53 4 879792928 +406 56 5 879792811 +406 57 4 879446062 +406 58 4 879446718 +406 63 3 880131821 +406 64 4 879445430 +406 69 4 879446748 +406 71 3 879793081 +406 72 3 880131954 +406 79 3 882480481 +406 85 2 880131875 +406 86 4 879793295 +406 87 3 879445809 +406 89 4 879446361 +406 92 4 882480836 +406 93 4 879445562 +406 95 4 879793081 +406 96 5 879446529 +406 98 4 879446529 +406 99 5 879793081 +406 100 4 879446062 +406 101 3 879793112 +406 115 4 879446108 +406 117 4 879539824 +406 121 5 879540199 +406 123 4 879540173 +406 124 4 879446588 +406 125 3 879539987 +406 127 4 879445430 +406 129 5 879539949 +406 131 2 884630617 +406 133 5 882461684 +406 134 5 879445430 +406 135 5 879445684 +406 136 4 879445522 +406 143 1 879445935 +406 144 1 879445475 +406 148 3 879540276 +406 151 2 879540051 +406 152 2 880131666 +406 153 3 879445522 +406 154 5 879792811 +406 156 5 879446062 +406 157 3 882480865 +406 158 2 880132115 +406 164 5 882480748 +406 168 3 879445642 +406 170 3 879445599 +406 172 5 879792811 +406 173 2 879446684 +406 174 4 879445809 +406 175 5 879792811 +406 176 5 879445474 +406 179 5 879446718 +406 181 5 879445859 +406 182 4 879445734 +406 183 5 882480567 +406 184 2 879792863 +406 185 5 879792811 +406 186 3 880131741 +406 187 2 879445897 +406 188 4 882480772 +406 190 5 879793210 +406 191 5 882480443 +406 194 5 880131550 +406 195 5 882480710 +406 196 2 879446588 +406 198 2 879793179 +406 199 5 879445810 +406 202 3 880131704 +406 203 4 882480891 +406 204 5 879446718 +406 205 2 879445642 +406 206 1 879445735 +406 207 2 879446529 +406 209 1 880131608 +406 210 5 880131703 +406 211 5 879445936 +406 212 2 879793210 +406 213 2 879793179 +406 215 3 884630523 +406 217 4 879792928 +406 218 3 879792863 +406 219 3 879792897 +406 220 3 879540388 +406 222 3 879445735 +406 228 3 884630974 +406 234 4 879792863 +406 235 4 879540330 +406 237 1 879540078 +406 238 2 879445475 +406 239 3 880131608 +406 240 4 879540078 +406 274 3 879539987 +406 275 3 879446061 +406 276 4 879539824 +406 277 3 879540106 +406 284 1 879539987 +406 286 3 879445250 +406 289 3 879445250 +406 294 3 879445250 +406 317 4 882480772 +406 318 5 879792811 +406 357 4 879446108 +406 367 4 880131929 +406 368 2 880132115 +406 372 4 880131929 +406 381 3 879793261 +406 382 5 879793295 +406 393 4 880131851 +406 396 3 879792974 +406 404 5 884630554 +406 405 3 879540296 +406 410 4 879540026 +406 411 4 879540199 +406 414 2 880131704 +406 418 5 879793081 +406 419 1 882480443 +406 420 4 879793112 +406 421 4 882480628 +406 425 3 884630617 +406 427 4 879445897 +406 428 5 879446684 +406 429 4 879446062 +406 430 4 879445430 +406 431 3 882480710 +406 432 5 879793081 +406 434 5 879446269 +406 435 5 880131642 +406 436 4 879792863 +406 443 4 879792897 +406 447 4 879792897 +406 451 2 880131954 +406 452 2 879793011 +406 453 2 880132319 +406 461 3 879446269 +406 462 5 879445562 +406 463 5 879793261 +406 468 1 879446361 +406 469 4 879446588 +406 474 5 884630554 +406 476 4 879540147 +406 478 4 879445378 +406 479 4 879445771 +406 480 4 882480802 +406 481 3 879446168 +406 482 5 879446588 +406 483 4 879446062 +406 487 3 884630973 +406 488 4 879445642 +406 490 3 879446228 +406 496 4 879445378 +406 498 5 879445378 +406 499 5 884630973 +406 501 5 879793081 +406 502 1 880131642 +406 503 3 884631010 +406 504 4 879445859 +406 505 4 879540515 +406 506 4 882480802 +406 508 4 879539883 +406 509 3 879540515 +406 511 5 879792811 +406 514 1 879445562 +406 515 2 879445378 +406 517 2 880131550 +406 519 4 879445378 +406 520 4 879445735 +406 523 3 879446062 +406 524 4 879446361 +406 526 5 882480511 +406 527 4 879445599 +406 529 2 879446108 +406 531 3 879445475 +406 543 4 884631010 +406 559 3 879792974 +406 561 3 879792974 +406 569 3 879792974 +406 573 3 880132319 +406 575 1 880132188 +406 588 4 879793081 +406 589 5 879445474 +406 591 3 879446062 +406 596 3 879540078 +406 601 3 882480749 +406 604 3 879446361 +406 605 5 882480749 +406 607 4 882480511 +406 608 4 884630583 +406 610 1 879446228 +406 611 3 879446268 +406 612 5 879446718 +406 624 5 879793112 +406 631 5 882461650 +406 632 4 879446168 +406 633 5 882461684 +406 634 4 879446361 +406 638 4 879446684 +406 639 4 879793295 +406 640 3 879793328 +406 641 5 884630523 +406 642 3 884631033 +406 645 5 880131905 +406 647 5 879792811 +406 651 3 882480595 +406 652 2 879793179 +406 654 4 879445522 +406 655 3 880131704 +406 657 5 884630493 +406 662 3 882480481 +406 663 5 879446269 +406 664 2 884630973 +406 665 3 879792928 +406 671 5 879792863 +406 674 4 879792897 +406 675 4 879792897 +406 692 3 880131792 +406 693 3 884630583 +406 699 4 884630617 +406 701 5 879446269 +406 705 4 879445935 +406 712 3 880132091 +406 713 4 879539855 +406 715 4 880131821 +406 727 3 882480749 +406 732 4 880131666 +406 735 3 884630554 +406 737 3 879793376 +406 745 4 880131550 +406 746 3 880131741 +406 747 2 879446108 +406 756 3 879540387 +406 769 1 879793011 +406 772 4 882480836 +406 787 3 880132047 +406 813 4 879539824 +406 823 3 879540147 +406 825 4 879540275 +406 826 3 879540275 +406 831 2 879540249 +406 845 3 879540051 +406 919 2 879446684 +406 921 4 879793235 +406 923 3 879446108 +406 942 4 882480890 +406 945 3 884631010 +406 960 2 879793376 +406 962 4 879445810 +406 971 3 879793328 +406 1008 4 879539909 +406 1010 4 879539929 +406 1021 5 879446718 +406 1047 3 879540358 +406 1065 2 882480567 +406 1073 3 882480671 +406 1079 2 880132048 +406 1101 4 879445771 +406 1109 4 882480865 +406 1118 3 880132091 +406 1126 3 879446588 +406 1147 4 879446228 +406 1153 2 882480836 +406 1170 4 880131851 +406 1194 4 879446588 +406 1202 3 879445684 +406 1203 2 884630860 +406 1220 3 882480802 +406 1267 3 882480710 +407 1 4 876338278 +407 2 4 875553509 +407 4 4 876340144 +407 7 4 893253637 +407 8 5 875042425 +407 25 3 876339975 +407 28 4 875042826 +407 29 3 876344410 +407 40 1 876338799 +407 50 4 875045268 +407 56 5 875042569 +407 62 3 876348318 +407 68 4 875045269 +407 69 4 875042569 +407 70 4 884197052 +407 71 3 875046460 +407 72 4 876344772 +407 73 4 892060474 +407 82 3 876341409 +407 85 4 876339975 +407 88 3 876340144 +407 89 4 875043948 +407 91 4 875044337 +407 94 4 876345492 +407 96 3 875042569 +407 97 4 875116167 +407 98 5 875044510 +407 99 4 876338883 +407 100 5 875042905 +407 101 3 876338186 +407 117 3 875550223 +407 118 3 876338309 +407 121 4 876343028 +407 123 3 876342671 +407 127 3 875044597 +407 131 3 875552400 +407 132 4 875043800 +407 135 3 875119886 +407 143 4 875117053 +407 144 3 876338453 +407 147 4 887833034 +407 151 4 876340363 +407 152 4 875043826 +407 157 2 875046752 +407 158 2 876342927 +407 159 3 876338453 +407 161 2 876338279 +407 162 4 876339101 +407 163 3 876338691 +407 168 5 875042424 +407 169 5 875042642 +407 172 4 875044037 +407 173 5 875043948 +407 174 5 875042675 +407 175 4 875042865 +407 177 4 887833034 +407 179 3 875046427 +407 180 4 875044597 +407 181 3 875045027 +407 182 4 887833034 +407 183 4 875046799 +407 185 5 875044597 +407 188 3 875043801 +407 189 4 875042268 +407 191 5 876339940 +407 193 3 875046799 +407 194 4 875115452 +407 196 4 876340318 +407 197 4 875553731 +407 200 4 875045685 +407 201 4 875045240 +407 202 4 876338150 +407 203 4 876341467 +407 205 4 875045371 +407 208 4 887832999 +407 209 5 875042378 +407 210 4 875044037 +407 211 4 875044400 +407 214 4 875042466 +407 215 3 875045658 +407 217 4 875044400 +407 218 4 876338946 +407 219 4 876348318 +407 222 4 884197027 +407 223 4 891868745 +407 226 3 876345024 +407 227 2 875045190 +407 228 4 875046799 +407 229 3 876338691 +407 230 4 875045371 +407 231 3 876342031 +407 232 3 876344993 +407 234 3 875042268 +407 235 4 875044531 +407 238 5 875042378 +407 239 4 875553509 +407 244 3 884614753 +407 248 4 884197006 +407 249 2 884614788 +407 250 4 890687564 +407 255 4 884197052 +407 257 4 884202243 +407 258 4 884197027 +407 265 3 876344062 +407 269 3 893081121 +407 274 3 876344287 +407 286 4 890687500 +407 288 4 890687293 +407 289 3 875115339 +407 290 3 875042865 +407 291 4 876348681 +407 313 4 893076947 +407 315 4 891873158 +407 316 4 887833034 +407 345 4 884614729 +407 357 4 875042569 +407 371 2 875116964 +407 382 3 876342706 +407 385 4 875045658 +407 393 2 876344736 +407 399 3 876342618 +407 400 1 876348583 +407 403 4 875045658 +407 405 3 876348318 +407 408 4 875552445 +407 416 3 876348957 +407 418 4 876338910 +407 423 4 876340001 +407 427 4 876338966 +407 428 3 875553154 +407 432 4 875552685 +407 433 4 875117053 +407 436 3 875045814 +407 443 3 876341493 +407 447 3 876338249 +407 448 4 875553460 +407 449 2 876344772 +407 455 3 884201774 +407 466 3 876339101 +407 474 3 875042378 +407 476 2 884203501 +407 478 4 875042642 +407 479 4 875045240 +407 483 4 875042642 +407 484 4 875042378 +407 493 3 875552496 +407 496 5 875042425 +407 498 4 875046427 +407 502 2 876338883 +407 508 4 876348660 +407 510 4 875046752 +407 514 4 875042675 +407 519 4 875042466 +407 521 3 884201716 +407 525 4 875046427 +407 559 3 875553424 +407 561 4 887832999 +407 565 3 876348702 +407 568 2 876338730 +407 588 4 875552964 +407 603 4 875044037 +407 616 3 875553018 +407 629 3 876339975 +407 635 3 876345934 +407 642 2 875045627 +407 648 3 875552647 +407 650 2 875044400 +407 655 4 875044037 +407 656 4 875042865 +407 657 4 875553625 +407 660 3 876338986 +407 684 3 875045268 +407 705 4 875116117 +407 710 4 875046460 +407 712 2 876340043 +407 715 4 876340239 +407 729 4 876348660 +407 732 4 876341443 +407 737 4 875117053 +407 746 4 875046268 +407 755 3 875553509 +407 756 2 876348232 +407 785 3 876341444 +407 859 3 876348639 +407 869 3 875548522 +407 879 3 878597296 +407 949 3 875045685 +407 969 4 884201736 +407 972 3 876340120 +407 993 4 884203128 +407 1012 3 875548480 +407 1028 3 876348832 +407 1041 3 876345492 +407 1044 3 876348639 +407 1090 2 876348799 +407 1118 4 876340043 +407 1160 1 890687550 +407 1188 2 876345492 +407 1230 2 876342822 +407 1263 2 876344668 +408 242 4 889679947 +408 258 3 889679857 +408 270 5 889679683 +408 271 3 889679947 +408 286 3 889679683 +408 288 4 889679791 +408 294 5 889680045 +408 300 3 889679857 +408 302 5 889679683 +408 310 4 889679761 +408 312 3 889680073 +408 313 4 889679761 +408 315 5 889679715 +408 319 5 889679947 +408 324 5 889680018 +408 328 2 889679791 +408 347 3 889679761 +408 358 4 889680045 +408 539 1 889680018 +408 683 3 889679982 +408 689 3 889680045 +408 748 5 889680073 +408 751 4 889679982 +408 1296 4 889679901 +409 6 4 881109306 +409 8 3 881108777 +409 9 4 881107992 +409 12 4 881107056 +409 22 2 881108077 +409 23 4 881109175 +409 28 2 881107943 +409 30 4 881108881 +409 48 2 881108455 +409 50 5 881107281 +409 58 4 881108170 +409 59 5 881108455 +409 60 5 881108715 +409 65 4 881108777 +409 79 4 881108246 +409 83 3 881108971 +409 87 3 881108777 +409 89 5 881107539 +409 97 5 881109216 +409 98 5 881107817 +409 99 3 881107750 +409 133 4 881108455 +409 134 5 881106734 +409 135 5 881107860 +409 136 4 881107992 +409 153 4 881168603 +409 154 5 881108648 +409 156 2 881108715 +409 162 4 881109264 +409 165 4 881107410 +409 166 4 881107992 +409 168 5 881107410 +409 170 4 881107084 +409 172 5 881107750 +409 173 3 881108246 +409 174 4 881108881 +409 175 4 881107251 +409 178 5 881107817 +409 179 5 881107817 +409 181 4 881109019 +409 186 5 881109420 +409 187 3 881108126 +409 191 5 881107817 +409 192 4 881107666 +409 195 4 881109306 +409 197 3 881109215 +409 199 4 881107117 +409 200 2 881109175 +409 201 1 881109019 +409 202 3 881109347 +409 203 5 881107539 +409 204 5 881108496 +409 205 3 881107992 +409 206 4 881109264 +409 207 3 881108715 +409 209 5 881107117 +409 210 4 881109175 +409 213 4 881107750 +409 214 4 881109216 +409 216 4 881107251 +409 223 4 881107539 +409 264 1 881105366 +409 266 1 881105677 +409 270 2 881104916 +409 275 4 881107351 +409 276 4 881108455 +409 283 4 881109264 +409 285 4 881168712 +409 286 5 881104697 +409 288 1 881104647 +409 300 3 881104697 +409 303 4 881104727 +409 318 4 881107943 +409 321 2 881104837 +409 322 2 881105077 +409 325 4 881105077 +409 326 3 881105077 +409 327 2 881104837 +409 338 3 881104916 +409 339 2 881105677 +409 343 3 881105677 +409 367 3 881109264 +409 381 2 881108364 +409 382 4 881108170 +409 404 2 881109019 +409 427 5 881107251 +409 429 5 881107817 +409 430 4 881168604 +409 433 4 881108170 +409 461 3 881108364 +409 466 4 881107666 +409 474 5 881107351 +409 478 4 881107155 +409 479 5 881106947 +409 480 5 881107056 +409 481 3 881107602 +409 482 4 881168712 +409 483 4 881107602 +409 484 4 881107310 +409 486 3 881109175 +409 489 5 881107817 +409 491 2 881109019 +409 493 4 881108364 +409 496 5 881107817 +409 497 3 881168631 +409 498 4 881108715 +409 499 3 881168631 +409 504 2 881106682 +409 511 5 881107943 +409 514 5 881107310 +409 516 4 881109347 +409 518 1 881109347 +409 520 2 881107943 +409 523 4 881106682 +409 526 3 881107117 +409 527 4 881109175 +409 528 4 881107281 +409 529 5 881109019 +409 530 4 881107602 +409 603 5 881107351 +409 604 4 881108364 +409 606 4 881108829 +409 607 5 881107697 +409 608 4 881107155 +409 609 3 881108829 +409 615 5 881107084 +409 618 4 881107011 +409 631 3 881108077 +409 632 3 881107902 +409 633 4 881108126 +409 647 5 881107817 +409 654 3 881107697 +409 659 5 881107410 +409 661 5 881107817 +409 663 4 881107251 +409 664 4 881108648 +409 676 2 881108777 +409 680 1 881105677 +409 684 4 881109420 +409 708 4 881109019 +409 709 4 881108496 +409 733 4 881109264 +409 749 3 881105367 +409 854 4 881108648 +409 855 4 881108246 +409 876 2 881105677 +409 877 2 881105366 +409 890 1 881105677 +409 937 2 881104966 +409 945 3 881108971 +409 965 2 881108777 +409 995 4 881105366 +409 1021 4 881168603 +409 1050 4 881109420 +409 1065 2 881109264 +409 1073 4 881107750 +409 1093 2 881106087 +409 1097 2 881108829 +409 1099 4 881168712 +409 1176 4 881104838 +409 1194 5 881107750 +409 1242 2 881106087 +409 1295 1 881105367 +409 1328 2 881106287 +409 1360 2 881106087 +409 1369 4 881106287 +409 1379 3 881106451 +409 1393 1 881105367 +409 1449 5 881107817 +409 1524 4 881107666 +409 1537 4 881106605 +409 1558 5 881107281 +409 1593 4 881108971 +410 258 2 888626538 +410 269 5 888627137 +410 272 4 888627138 +410 286 4 888627138 +410 289 1 888626819 +410 300 3 888626538 +410 303 3 888626583 +410 311 3 888626913 +410 312 2 888626881 +410 313 5 888627137 +410 315 4 888627138 +410 316 4 888627138 +410 328 3 888626786 +410 340 2 888626506 +410 347 1 888626538 +410 352 3 888626682 +410 538 3 888626710 +410 690 4 888627138 +410 748 2 888626857 +410 754 3 888626710 +410 873 4 888627138 +410 882 3 888626612 +410 886 2 888627018 +410 898 3 888627138 +410 905 4 888627138 +411 4 4 892845634 +411 22 4 891035239 +411 28 4 892845986 +411 38 4 891035405 +411 50 5 892845604 +411 56 4 891035278 +411 58 3 892845804 +411 73 4 892845634 +411 79 4 892845634 +411 88 3 891035761 +411 89 3 891035761 +411 117 2 891035761 +411 161 2 891035761 +411 168 5 892845604 +411 172 5 892845604 +411 174 4 892845634 +411 181 5 892845605 +411 182 3 891035278 +411 186 5 892845605 +411 194 5 892845605 +411 195 3 891035239 +411 196 4 892845804 +411 202 4 891035663 +411 208 4 891035617 +411 209 4 891035550 +411 210 5 892845605 +411 222 3 891035152 +411 227 3 891035362 +411 228 3 891035309 +411 229 3 891035362 +411 230 3 891035362 +411 238 3 891035525 +411 258 4 892845634 +411 265 5 892845604 +411 304 3 891034982 +411 318 4 892845712 +411 405 4 891035152 +411 435 3 891035478 +411 451 4 892845634 +411 527 4 892845926 +411 566 4 892845634 +411 568 4 892845634 +411 603 5 892845986 +411 651 4 891035278 +411 655 4 891035639 +411 709 5 892845604 +411 720 3 891035761 +411 732 4 892845634 +411 770 4 892845634 +411 1197 4 892846971 +411 1470 3 892845746 +411 1475 3 891035617 +412 1 4 879716962 +412 4 3 879717253 +412 7 5 879717505 +412 23 4 879717147 +412 28 4 879716962 +412 56 5 879717071 +412 64 4 879717505 +412 70 4 879717449 +412 81 2 879717829 +412 92 3 879717449 +412 96 5 879717286 +412 114 4 879716874 +412 117 4 879717177 +412 135 4 879717621 +412 150 4 879717621 +412 154 3 879717071 +412 169 4 879717038 +412 172 5 879717449 +412 173 5 879717649 +412 175 4 879717286 +412 182 4 879716983 +412 186 5 879717071 +412 193 4 879717549 +412 195 4 879717621 +412 202 3 879717016 +412 206 2 879717649 +412 208 4 879717621 +412 211 4 879717177 +412 218 3 879717147 +412 276 5 879717572 +412 288 4 879716566 +412 318 5 879716918 +412 340 4 879716637 +412 408 4 879717016 +412 427 4 879717016 +412 431 4 879717549 +412 436 4 879717649 +412 480 4 879717147 +412 487 3 879717118 +412 508 4 879716962 +412 526 4 879717572 +412 634 5 879716918 +412 651 4 879717548 +412 724 4 879717095 +413 7 3 879969614 +413 9 4 879969591 +413 14 5 879969513 +413 15 4 879969709 +413 50 5 879969674 +413 100 4 879969535 +413 124 5 879969734 +413 181 5 879969591 +413 222 4 879969709 +413 236 4 879969557 +413 237 4 879969755 +413 245 2 879969027 +413 250 3 879969674 +413 255 3 879969791 +413 257 4 879969592 +413 258 4 879968794 +413 260 1 879969148 +413 269 4 879968793 +413 270 4 879969027 +413 271 4 879969027 +413 273 2 879969484 +413 275 5 879969557 +413 276 4 879969674 +413 283 5 879969484 +413 284 4 879969709 +413 297 5 879969484 +413 300 4 879968959 +413 301 3 879968794 +413 302 2 879968794 +413 303 5 879968793 +413 306 4 879968793 +413 321 3 879969259 +413 326 3 879969027 +413 328 3 879968933 +413 332 3 879968890 +413 471 4 879969642 +413 508 4 879969484 +413 628 4 879969791 +413 690 4 879968793 +413 877 3 879969100 +413 936 4 879969484 +414 11 5 884999347 +414 100 5 884999439 +414 258 5 884998953 +414 260 3 884999193 +414 264 3 884998993 +414 270 5 884998972 +414 272 5 884998953 +414 294 2 884999128 +414 300 4 884999066 +414 301 3 884999128 +414 302 5 884998953 +414 310 4 884998993 +414 313 4 884998953 +414 325 3 884999193 +414 343 2 884999193 +414 346 5 884999037 +414 433 5 884999394 +414 678 1 884999066 +414 895 4 884999170 +415 56 5 879439865 +415 154 4 879439865 +415 174 5 879439864 +415 180 5 879439791 +415 185 4 879439960 +415 195 5 879439685 +415 243 1 879439386 +415 269 4 879439108 +415 322 4 879439205 +415 323 2 879439205 +415 328 5 879439135 +415 432 4 879439610 +415 479 4 879439610 +415 480 5 879439960 +415 531 5 879439684 +415 641 3 879439960 +415 684 3 879439610 +415 748 5 879439349 +415 754 4 879439311 +415 1524 5 879439791 +416 1 5 893212483 +416 2 4 886317115 +416 4 4 876699903 +416 7 4 876697205 +416 8 5 893212484 +416 9 5 893212572 +416 10 3 876698364 +416 11 4 876699238 +416 12 5 893212572 +416 13 5 893212623 +416 14 4 876697017 +416 17 2 886318084 +416 21 3 876697415 +416 22 5 893212623 +416 24 5 893212730 +416 25 4 876697243 +416 27 4 886318270 +416 28 5 893212730 +416 29 2 886318228 +416 31 5 893212730 +416 32 2 888702297 +416 36 2 878879809 +416 41 3 886319177 +416 42 3 876699578 +416 43 1 886318186 +416 44 4 886316596 +416 49 4 893142283 +416 50 5 893212730 +416 51 5 893212895 +416 53 2 876699946 +416 54 5 893212929 +416 55 2 876699102 +416 56 5 893212929 +416 58 5 893212929 +416 64 5 893212929 +416 65 5 893212930 +416 66 5 893213019 +416 67 4 886318740 +416 69 4 876699027 +416 70 5 893213019 +416 71 4 876699994 +416 73 3 876699994 +416 77 4 893142480 +416 78 2 886319785 +416 79 5 893213405 +416 81 5 893213405 +416 82 5 893213444 +416 83 5 893213444 +416 85 3 893210246 +416 86 1 886316439 +416 87 5 893212484 +416 88 3 886316140 +416 92 3 878880244 +416 93 4 876697105 +416 94 2 886318546 +416 95 3 878879688 +416 96 4 893142245 +416 97 5 893213549 +416 98 5 893213644 +416 99 4 876700137 +416 100 5 893212895 +416 105 2 876698430 +416 106 3 876697913 +416 107 5 893212929 +416 111 4 876697592 +416 117 5 893212930 +416 121 5 893213645 +416 122 3 886315885 +416 123 4 876697205 +416 124 4 876697017 +416 125 5 893213796 +416 126 5 893213103 +416 127 5 893213796 +416 132 4 876699652 +416 133 2 876699903 +416 134 4 878879619 +416 136 5 893212623 +416 137 3 876697165 +416 140 4 886317030 +416 142 4 886319340 +416 143 5 893213918 +416 144 5 893212730 +416 147 5 893212730 +416 153 4 886317272 +416 154 4 876699839 +416 155 5 893212895 +416 156 5 893212895 +416 157 4 886317316 +416 158 3 886319235 +416 159 1 886317412 +416 161 4 886316739 +416 168 5 893212929 +416 172 5 893213796 +416 173 5 893214127 +416 174 5 893213917 +416 176 4 876699652 +416 178 5 893213918 +416 181 5 893213019 +416 182 4 876698934 +416 183 5 893214127 +416 184 4 876699758 +416 185 4 876699101 +416 187 5 893214128 +416 191 5 893213019 +416 194 5 893214041 +416 195 5 893214128 +416 196 5 893214128 +416 197 5 893213103 +416 199 5 893214225 +416 200 5 893213103 +416 202 4 876699334 +416 203 3 886316596 +416 204 5 893213404 +416 209 5 893214332 +416 210 5 893213918 +416 211 5 893214041 +416 213 5 893213443 +416 215 5 893213644 +416 216 5 893213444 +416 217 4 886317880 +416 219 4 876699946 +416 220 4 878879168 +416 223 5 893212572 +416 225 1 876697330 +416 226 4 886317030 +416 230 4 886316797 +416 231 3 878880244 +416 234 5 893213644 +416 235 2 885115041 +416 237 3 876697330 +416 239 5 893212730 +416 241 5 893213796 +416 242 4 888819254 +416 245 2 876696788 +416 246 4 876697205 +416 248 5 893213103 +416 249 3 876697558 +416 250 4 876697074 +416 251 5 893213405 +416 252 4 876698115 +416 253 3 876697283 +416 254 2 878879391 +416 255 5 893214041 +416 257 3 876697205 +416 258 5 893213549 +416 259 2 885114559 +416 264 3 876696938 +416 266 3 876696853 +416 268 4 876696643 +416 269 4 876696643 +416 272 5 893214332 +416 275 5 893212484 +416 276 3 876697243 +416 277 5 893212572 +416 278 3 876698280 +416 281 5 893213103 +416 283 5 893213796 +416 284 4 893142144 +416 285 2 876697165 +416 286 5 893212929 +416 287 4 878879237 +416 288 5 893213796 +416 289 3 876696788 +416 291 4 878879275 +416 294 4 876696739 +416 295 5 893213405 +416 297 4 876697448 +416 298 4 876697387 +416 300 4 876696823 +416 301 5 893213796 +416 303 4 876696643 +416 304 5 893214225 +416 305 3 878877919 +416 307 1 889907392 +416 310 5 893214225 +416 312 3 885114480 +416 313 5 893214226 +416 315 3 889341306 +416 316 3 888700030 +416 317 5 893213444 +416 318 5 893213549 +416 319 5 893213444 +416 322 3 876696788 +416 326 5 893214041 +416 327 4 876696853 +416 328 5 893213644 +416 329 3 886314592 +416 330 3 885114446 +416 331 4 890021365 +416 332 4 876696823 +416 333 4 876696788 +416 338 3 880159023 +416 339 5 893214225 +416 345 5 893214332 +416 346 4 886314592 +416 347 4 893214333 +416 348 3 886314660 +416 354 4 893214333 +416 356 5 893213019 +416 357 5 893213645 +416 364 2 886319855 +416 366 4 886318128 +416 367 5 893212572 +416 369 2 888701033 +416 375 1 886319930 +416 378 5 893212896 +416 385 5 893213103 +416 387 3 886319288 +416 388 2 886320177 +416 392 5 893213444 +416 393 4 886316118 +416 395 2 886319620 +416 396 2 886318587 +416 399 4 878879497 +416 401 2 886318651 +416 402 5 893212623 +416 403 5 893212730 +416 404 3 886316190 +416 405 5 893213645 +416 411 3 876698006 +416 412 2 892440119 +416 416 4 886319038 +416 417 3 886317568 +416 418 4 876699793 +416 419 4 892441448 +416 420 3 886318155 +416 423 4 878880195 +416 425 4 886316647 +416 427 5 893213019 +416 431 4 886316164 +416 432 2 878879861 +416 433 4 886316226 +416 443 5 893213549 +416 448 3 886316797 +416 452 3 886319106 +416 462 5 893212895 +416 463 4 886316703 +416 468 5 893213549 +416 469 4 893141989 +416 470 4 878880154 +416 471 5 893213645 +416 472 4 876698204 +416 473 2 876697387 +416 475 2 876697074 +416 476 5 893213796 +416 479 5 893213917 +416 480 5 893213918 +416 496 5 893212572 +416 498 4 876699287 +416 500 5 893212573 +416 501 5 893213918 +416 506 5 893214041 +416 509 5 893214041 +416 515 5 893214041 +416 520 5 893214225 +416 526 5 893214226 +416 531 5 893212572 +416 532 3 888700659 +416 535 4 876697847 +416 538 4 885114408 +416 544 2 888700566 +416 546 3 876697807 +416 549 4 886316922 +416 553 4 886317079 +416 554 3 886318394 +416 559 3 886317272 +416 560 3 886319079 +416 564 4 892440782 +416 568 4 878879861 +416 571 3 886318860 +416 576 5 893213103 +416 578 4 886318546 +416 585 1 886318085 +416 588 5 893213644 +416 591 5 893212895 +416 592 3 892441347 +416 597 3 876698178 +416 603 5 893212484 +416 607 5 893212622 +416 619 4 886315423 +416 620 4 878879237 +416 624 3 886317237 +416 627 5 893213918 +416 628 4 876697283 +416 631 3 886316295 +416 633 4 876699757 +416 651 4 886316439 +416 652 4 876699526 +416 655 5 893213103 +416 658 5 893214226 +416 659 5 893213404 +416 660 5 893213404 +416 662 4 876699994 +416 676 5 893213549 +416 678 2 876696788 +416 680 3 876696938 +416 682 3 877902163 +416 684 5 893213405 +416 685 3 876697955 +416 686 5 893213444 +416 689 4 885114578 +416 692 5 893212484 +416 693 3 878879976 +416 696 3 876697524 +416 699 5 893212895 +416 707 4 876699179 +416 708 4 889907392 +416 710 4 893142441 +416 712 4 886318795 +416 713 4 876697448 +416 717 2 876697283 +416 720 4 886318128 +416 721 3 886317540 +416 723 4 886318827 +416 724 4 886316409 +416 727 5 893212730 +416 729 5 893212896 +416 732 5 893213404 +416 734 3 886319434 +416 735 5 893213549 +416 737 3 886318613 +416 738 2 886319825 +416 739 5 893212896 +416 746 5 893213444 +416 747 5 893212929 +416 748 4 876696687 +416 750 5 893214128 +416 754 5 893214128 +416 755 4 893214333 +416 761 4 886318708 +416 762 3 876697524 +416 763 5 893212623 +416 765 4 886319522 +416 768 3 893210187 +416 770 4 878880154 +416 775 4 893142245 +416 778 3 886316835 +416 781 4 893142283 +416 783 3 886318768 +416 785 3 888703399 +416 790 4 886318270 +416 792 4 876699526 +416 794 5 893213019 +416 795 2 892440060 +416 807 4 886319649 +416 812 4 893212623 +416 815 4 876697243 +416 819 3 888700844 +416 821 4 886317146 +416 824 2 876697592 +416 827 4 878879350 +416 833 3 888700719 +416 834 3 878879314 +416 840 4 886315536 +416 842 4 886317350 +416 843 3 886317748 +416 845 4 876697361 +416 849 3 886318676 +416 864 3 888700529 +416 865 3 886316477 +416 866 4 878879130 +416 869 3 892439992 +416 873 5 893213645 +416 874 1 876696853 +416 879 3 892439224 +416 895 4 885114446 +416 915 5 893212483 +416 916 3 893141069 +416 917 4 893214332 +416 918 4 893214332 +416 926 2 886315298 +416 928 3 878879391 +416 929 4 876698255 +416 930 3 878878814 +416 931 3 886315822 +416 934 2 876698178 +416 936 5 893214127 +416 937 2 876696823 +416 941 3 876699946 +416 955 4 876699839 +416 959 5 893213404 +416 966 5 893212483 +416 972 4 891476265 +416 975 2 878879391 +416 980 4 886314987 +416 985 3 876697165 +416 990 2 876696739 +416 997 3 876699526 +416 1007 5 893213918 +416 1012 4 876697205 +416 1014 3 876697847 +416 1016 5 893213444 +416 1020 5 893212483 +416 1035 3 892441480 +416 1037 2 892440156 +416 1041 3 886319408 +416 1048 3 876698255 +416 1051 3 886319079 +416 1053 4 886319434 +416 1054 3 876698083 +416 1058 5 893213019 +416 1074 5 893213103 +416 1089 2 876697695 +416 1091 3 892441516 +416 1092 3 886320054 +416 1098 3 886316271 +416 1132 2 876697913 +416 1133 4 893142244 +416 1135 2 886319234 +416 1136 4 886318186 +416 1139 3 886318768 +416 1147 4 888702100 +416 1152 4 876697105 +416 1160 4 876697760 +416 1168 4 886318953 +416 1188 3 886318953 +416 1217 4 886319366 +416 1220 3 886318155 +416 1226 3 893013826 +416 1229 2 893210527 +416 1262 5 893213019 +416 1264 4 886316381 +416 1286 5 893213549 +416 1300 3 886315494 +416 1336 1 878879350 +416 1337 1 876698083 +416 1400 4 886317029 +416 1407 2 886320112 +416 1426 5 893212572 +416 1428 3 886319204 +416 1441 3 886318546 +416 1469 3 878880195 +416 1478 2 886319906 +416 1483 4 893214333 +416 1495 3 886318707 +416 1503 4 888702629 +416 1516 5 893213549 +416 1517 2 886320054 +416 1521 3 892440206 +416 1540 4 893142245 +416 1594 5 893212484 +417 1 4 879646413 +417 3 4 879646344 +417 5 4 879648593 +417 7 3 879646260 +417 11 5 879646938 +417 12 4 879647275 +417 13 2 879646591 +417 15 5 879646166 +417 16 3 879646692 +417 20 2 880949408 +417 23 3 879647118 +417 24 3 879646531 +417 25 2 879646413 +417 27 3 879648594 +417 29 2 880952218 +417 32 2 879647924 +417 39 3 879648212 +417 42 4 879647498 +417 44 2 880951252 +417 47 3 879648004 +417 50 3 879646123 +417 51 3 879648526 +417 55 5 879647900 +417 56 5 879647519 +417 58 3 879647140 +417 62 3 879648939 +417 63 3 879649021 +417 64 5 879647326 +417 65 4 879647011 +417 66 3 879648026 +417 67 4 880952837 +417 68 3 879647275 +417 69 3 879647471 +417 70 4 879647749 +417 72 4 879649107 +417 73 3 879648343 +417 77 3 879649304 +417 78 2 879649632 +417 79 3 879647924 +417 80 4 879649247 +417 81 5 879647196 +417 82 4 879647326 +417 83 5 879648132 +417 89 5 879647604 +417 91 2 879647800 +417 94 3 879649177 +417 95 5 879646965 +417 96 3 879646915 +417 97 4 879647326 +417 98 5 879647040 +417 99 4 879647498 +417 100 3 879646166 +417 101 3 879649001 +417 102 3 879648656 +417 106 2 879646741 +417 109 2 879646369 +417 117 4 879646484 +417 118 4 879646548 +417 120 2 880949763 +417 121 3 879646591 +417 122 2 879646838 +417 123 2 879646500 +417 127 4 879646144 +417 131 4 879647254 +417 132 4 879647850 +417 134 4 879647196 +417 135 3 879647826 +417 139 3 879648707 +417 141 3 879648510 +417 142 3 879648184 +417 144 3 879647232 +417 145 3 879648979 +417 147 4 879646225 +417 151 5 879646463 +417 153 5 879647580 +417 154 4 879647561 +417 157 4 879647966 +417 158 2 879649389 +417 159 4 879648656 +417 164 3 879648156 +417 167 3 880952355 +417 168 4 879647355 +417 169 3 879647498 +417 173 5 879647519 +417 174 3 879647498 +417 176 5 879646891 +417 178 3 879646965 +417 179 4 879647749 +417 181 3 879646286 +417 183 4 879647298 +417 184 4 879647749 +417 186 5 879647118 +417 190 5 879647065 +417 191 5 879647498 +417 195 5 879647380 +417 196 5 879647090 +417 198 4 879647924 +417 200 4 879647708 +417 201 4 879648478 +417 202 4 879647140 +417 206 2 879648778 +417 207 4 879647580 +417 208 3 879648026 +417 209 4 879647299 +417 214 5 879647254 +417 216 3 879647298 +417 217 4 879648594 +417 218 3 879648184 +417 219 3 879648979 +417 222 3 879646388 +417 223 5 879646986 +417 226 3 879648096 +417 232 3 879648510 +417 234 4 879646965 +417 235 2 879646413 +417 238 4 879647768 +417 242 3 879645999 +417 245 4 879649779 +417 248 4 879646286 +417 250 4 879646463 +417 255 3 879646327 +417 257 3 879646244 +417 258 4 879645999 +417 260 3 879649779 +417 264 2 879649763 +417 265 3 879648026 +417 270 2 879646036 +417 273 3 879646286 +417 286 5 879646286 +417 288 3 879647749 +417 290 4 879646661 +417 293 4 879646123 +417 294 4 879646463 +417 298 3 879646327 +417 302 3 879645999 +417 323 3 879646820 +417 324 1 879646463 +417 325 2 880949231 +417 326 4 879649669 +417 340 3 880949136 +417 357 5 879647118 +417 358 2 879649763 +417 364 3 880953014 +417 365 4 879648860 +417 367 2 879648898 +417 373 3 880952988 +417 380 3 879648860 +417 382 2 880949941 +417 384 4 879649284 +417 385 5 879648184 +417 386 3 879648382 +417 388 3 879649178 +417 391 2 879649519 +417 392 3 880950280 +417 393 4 879648096 +417 395 4 879649199 +417 396 2 879649560 +417 399 3 879648898 +417 402 4 879648656 +417 403 4 879649224 +417 404 3 879647947 +417 413 3 879646327 +417 418 4 879647471 +417 419 4 879646986 +417 421 4 879647561 +417 422 3 879648212 +417 423 4 879647118 +417 425 4 879648132 +417 428 3 879647966 +417 431 4 879647431 +417 433 4 879648403 +417 436 3 879648478 +417 441 3 879648611 +417 444 4 880952691 +417 447 3 879649064 +417 449 3 880952674 +417 451 4 879649266 +417 452 2 880952970 +417 461 3 879647140 +417 465 4 879648079 +417 472 2 879646369 +417 473 2 879646860 +417 474 4 879647118 +417 475 4 879646437 +417 483 5 879647355 +417 484 4 879647380 +417 485 3 880949880 +417 496 3 879647040 +417 498 4 879647540 +417 501 3 879647540 +417 508 3 879646123 +417 513 5 879647580 +417 518 5 879647604 +417 537 4 880949849 +417 541 2 879649389 +417 544 3 879646661 +417 545 1 880953033 +417 546 3 879646712 +417 549 3 879647924 +417 550 3 879649178 +417 551 3 879649224 +417 552 2 880952066 +417 555 1 879649389 +417 559 4 879648979 +417 561 3 879648707 +417 562 4 879648955 +417 563 2 879649560 +417 568 2 879648155 +417 574 2 879649428 +417 576 3 879649410 +417 578 3 879649610 +417 579 2 879649467 +417 582 3 879647749 +417 588 3 879647540 +417 597 3 879646413 +417 614 3 879648156 +417 616 2 879648048 +417 625 4 879649064 +417 628 3 879646413 +417 631 3 879647826 +417 636 3 879648435 +417 638 4 879648078 +417 640 5 879648742 +417 642 5 879647947 +417 655 4 879647900 +417 658 2 879647947 +417 665 2 880952400 +417 668 2 880953014 +417 669 2 880953014 +417 674 2 879649560 +417 679 2 879649044 +417 684 3 879647380 +417 685 1 879646570 +417 692 4 879648132 +417 708 2 879648798 +417 709 3 879647355 +417 710 4 879647826 +417 715 2 879648656 +417 725 4 880952970 +417 727 5 879648325 +417 728 3 879648881 +417 742 2 879646531 +417 746 5 879648048 +417 747 3 879648325 +417 748 4 879646785 +417 758 2 879649247 +417 762 3 879646712 +417 764 3 879646677 +417 765 3 879649632 +417 767 1 879646860 +417 769 1 880953071 +417 771 3 879649368 +417 774 4 879648707 +417 778 4 879648742 +417 781 3 880951559 +417 783 3 879649064 +417 792 4 879648079 +417 796 4 879648881 +417 797 3 880952656 +417 800 2 879649467 +417 804 3 879649153 +417 809 3 880951251 +417 810 3 879649178 +417 815 4 879646741 +417 818 2 886186925 +417 823 2 879646860 +417 825 4 879646463 +417 827 2 879646860 +417 831 2 879646820 +417 849 1 879649632 +417 855 2 879647450 +417 871 2 886187012 +417 895 3 886186520 +417 923 3 879647065 +417 928 3 879646821 +417 940 2 879649337 +417 943 3 879648761 +417 944 4 880952141 +417 946 4 880950324 +417 963 4 879647431 +417 979 3 879646437 +417 999 3 880952434 +417 1000 4 879648403 +417 1011 3 880949438 +417 1014 4 879646785 +417 1016 4 886186827 +417 1018 3 879649247 +417 1023 4 880949479 +417 1028 3 879646785 +417 1036 3 879649484 +417 1039 3 879647196 +417 1040 2 879649428 +417 1041 3 879648478 +417 1044 3 879648939 +417 1047 4 879646388 +417 1086 4 879646369 +417 1090 3 879649577 +417 1091 3 879648435 +417 1095 3 879649322 +417 1119 3 879648382 +417 1135 4 880951717 +417 1139 3 879649448 +417 1157 4 880952616 +417 1182 3 879648798 +417 1183 4 879648676 +417 1207 3 880952970 +417 1209 3 879649368 +417 1210 2 879649044 +417 1215 2 879646712 +417 1228 2 879649304 +417 1232 2 879649369 +417 1247 3 880953033 +417 1288 1 879646741 +417 1411 3 880952418 +417 1416 2 880952534 +417 1446 3 879648824 +417 1539 2 879649539 +417 1550 3 879648707 +418 258 5 891282551 +418 269 5 891282765 +418 288 5 891282836 +418 301 2 891282738 +418 302 2 891282551 +418 304 4 891282738 +418 313 3 891282680 +418 315 2 891282521 +418 327 1 891282836 +418 328 1 891282738 +418 331 3 891282521 +418 333 5 891282520 +418 344 1 891282521 +418 346 2 891282595 +418 362 1 891282765 +418 750 2 891282626 +418 895 4 891282595 +418 899 5 891282706 +419 1 4 879435590 +419 14 5 879435828 +419 50 5 879435541 +419 69 4 879435628 +419 79 4 879435590 +419 89 3 879435722 +419 100 5 879435722 +419 134 5 879435722 +419 173 5 879435628 +419 181 4 879435807 +419 197 5 879435749 +419 223 4 879435785 +419 257 4 879435503 +419 269 4 879435190 +419 286 4 879435190 +419 300 4 879435347 +419 306 5 879435242 +419 405 3 879435503 +419 478 5 879435785 +419 488 5 879435722 +419 494 3 879435749 +419 514 4 879435785 +419 604 5 879435590 +419 615 5 879435785 +419 617 4 879435628 +419 705 5 879435663 +419 1451 4 879435722 +420 14 5 891356927 +420 19 3 891356927 +420 86 5 891357021 +420 100 5 891357104 +420 116 4 891357162 +420 137 4 891357104 +420 179 5 891356864 +420 251 5 891357070 +420 270 3 891356790 +420 275 5 891357071 +420 283 5 891357162 +420 285 5 891356891 +420 286 4 891356790 +420 288 3 891357271 +420 301 3 891357188 +420 302 4 891356790 +420 319 4 891357188 +420 331 3 891357271 +420 408 4 891356927 +420 475 4 891357162 +420 478 3 891356864 +420 484 5 891356864 +420 493 3 891356864 +420 508 3 891357162 +420 513 5 891356864 +420 547 4 891357104 +420 603 4 891356864 +420 690 5 891357271 +420 750 4 891356790 +420 753 5 891356864 +421 4 3 892241624 +421 7 3 892241646 +421 11 2 892241624 +421 12 5 892241458 +421 50 5 892241294 +421 56 5 892241421 +421 79 4 892241459 +421 82 4 892241294 +421 87 4 892241736 +421 89 5 892241362 +421 96 4 892241343 +421 100 4 892241422 +421 117 5 892241624 +421 124 4 892241344 +421 127 4 892241624 +421 129 5 892241459 +421 144 5 892241624 +421 156 5 892241458 +421 164 4 892241687 +421 173 1 892241319 +421 174 5 892241362 +421 175 2 892241576 +421 176 5 892241422 +421 182 5 892241624 +421 183 5 892241459 +421 185 4 892241422 +421 187 4 892241624 +421 194 4 892241554 +421 200 3 892241687 +421 213 3 892241491 +421 219 3 892241687 +421 234 5 892241646 +421 238 5 892241576 +421 269 3 892241210 +421 302 4 892241236 +421 333 4 892241236 +421 423 2 892241707 +421 427 4 892241735 +421 443 5 892241459 +421 448 3 892241687 +421 466 4 892241459 +421 474 4 892241389 +421 498 4 892241344 +421 509 2 892241532 +421 516 5 892241554 +421 517 2 892241491 +421 525 4 892241422 +421 603 4 892241422 +421 653 3 892241422 +421 657 4 892241422 +421 672 3 892241687 +421 674 5 892241687 +421 914 3 892241236 +421 915 4 892241252 +422 1 3 875130063 +422 5 3 879744085 +422 7 3 875129882 +422 15 3 875129882 +422 50 4 875129911 +422 53 4 879744183 +422 93 4 875129882 +422 98 5 879744014 +422 100 4 875129791 +422 109 2 875130204 +422 124 3 875129839 +422 126 4 875129911 +422 127 4 875129839 +422 129 4 875129839 +422 137 5 875129882 +422 151 4 875130173 +422 181 4 875129839 +422 184 4 879744085 +422 200 5 879744015 +422 201 4 879744014 +422 217 3 879744143 +422 219 4 879744086 +422 222 4 875130137 +422 234 4 879744015 +422 235 2 875130173 +422 250 5 875130100 +422 257 4 875129839 +422 258 4 875129523 +422 260 3 875129668 +422 267 4 875655986 +422 270 3 878058917 +422 271 3 879743635 +422 273 5 875129791 +422 275 5 875130026 +422 276 5 875129791 +422 286 5 875129523 +422 287 3 878199757 +422 288 3 875129640 +422 293 3 875130027 +422 294 3 875129692 +422 295 3 875130063 +422 299 1 875129602 +422 307 4 879743925 +422 323 3 875129668 +422 324 5 875129523 +422 325 2 875129692 +422 326 3 875129523 +422 327 3 875129603 +422 334 4 877162682 +422 339 2 879743848 +422 358 2 875129640 +422 370 2 879744287 +422 379 2 879744218 +422 396 4 879744143 +422 410 5 875130230 +422 436 3 879744085 +422 441 4 879744183 +422 447 4 879744143 +422 448 4 879744085 +422 452 3 879744183 +422 458 3 875130173 +422 475 4 875129881 +422 477 4 875130027 +422 515 4 875129882 +422 551 2 879744218 +422 558 4 879744085 +422 559 3 879744085 +422 561 3 879744143 +422 563 3 879744219 +422 590 2 879743948 +422 665 5 879744143 +422 671 4 879744143 +422 672 3 879744086 +422 682 2 879743787 +422 742 2 875130204 +422 760 3 879744287 +422 854 4 879744014 +422 919 5 875130027 +422 922 4 875130173 +422 926 2 875130100 +422 1007 4 875129839 +422 1017 4 875130063 +422 1187 4 875130137 +422 1199 3 875129975 +423 9 5 891395395 +423 10 4 891395734 +423 15 4 891395573 +423 100 5 891395448 +423 125 2 891395547 +423 148 3 891395417 +423 237 4 891395448 +423 245 4 891394952 +423 258 5 891394747 +423 269 3 891394558 +423 272 5 891394503 +423 276 5 891395602 +423 286 4 891394632 +423 292 4 891394504 +423 299 3 891394788 +423 300 3 891394874 +423 302 5 891394595 +423 304 4 891394632 +423 310 3 891394558 +423 313 4 891394595 +423 315 4 891395141 +423 316 4 891394985 +423 323 3 891395047 +423 326 4 891394874 +423 327 2 891394673 +423 328 1 891394874 +423 329 3 891394952 +423 333 3 891394747 +423 340 4 891394504 +423 344 4 891394558 +423 347 3 891394632 +423 348 3 891394910 +423 355 3 891395020 +423 471 3 891395626 +423 508 4 891395394 +423 546 2 891395684 +423 591 5 891395547 +423 628 4 891395602 +423 689 4 891395020 +423 690 4 891394832 +423 696 3 891395759 +423 744 4 891395655 +423 748 3 891394985 +423 751 3 891394832 +423 754 4 891394832 +423 823 3 891395759 +423 887 5 891394673 +423 898 4 891394952 +423 924 4 891395602 +423 977 1 891395787 +423 1011 3 891395547 +423 1134 4 891395684 +423 1238 3 891394874 +423 1265 4 891394788 +424 9 5 880859623 +424 14 4 880859552 +424 25 4 880859723 +424 50 3 880859519 +424 115 1 880859385 +424 127 4 880859493 +424 151 2 880859722 +424 172 3 880859385 +424 243 4 880859115 +424 258 2 880858792 +424 259 2 880858979 +424 261 3 880859115 +424 275 5 880859410 +424 288 1 880858924 +424 289 5 880858924 +424 292 4 880859228 +424 294 5 880858979 +424 300 2 880859199 +424 304 4 880858861 +424 310 3 880858829 +424 323 5 880859084 +424 333 5 880859228 +424 427 4 880859346 +424 435 3 880859346 +424 538 5 880858861 +424 681 3 880859115 +424 683 3 880859084 +424 688 2 880859228 +424 689 1 880858887 +424 690 3 880858792 +424 740 5 880859674 +424 840 4 880859693 +424 969 1 880859385 +424 989 2 880859084 +424 1346 4 880859519 +425 1 2 878737873 +425 2 2 878738757 +425 4 4 878738290 +425 7 3 878738290 +425 11 3 878737981 +425 17 4 878738290 +425 22 3 878738290 +425 24 2 878738386 +425 27 3 878738695 +425 32 3 890347138 +425 33 4 878738435 +425 38 3 878738757 +425 39 4 878738335 +425 50 5 878738335 +425 53 4 878738596 +425 55 4 878737945 +425 56 5 878737945 +425 62 4 878738548 +425 64 4 878738245 +425 68 4 878738386 +425 70 3 878738245 +425 79 4 878738335 +425 82 3 878738757 +425 83 2 891986445 +425 89 4 878738435 +425 97 2 890347247 +425 98 4 878738186 +425 100 4 878738853 +425 117 3 878738435 +425 118 1 878738596 +425 121 4 878738813 +425 124 2 878737945 +425 127 4 878738290 +425 144 4 878738335 +425 145 3 878738956 +425 147 3 878738643 +425 156 5 878737873 +425 161 3 878738187 +425 168 5 890347172 +425 171 3 890347138 +425 172 5 878738385 +425 174 3 878738149 +425 176 3 878738386 +425 177 3 878738290 +425 178 3 878737841 +425 180 4 878738077 +425 183 3 878738486 +425 185 2 878738853 +425 187 3 878738386 +425 188 3 878738386 +425 191 3 878738186 +425 195 4 878738245 +425 198 4 890347247 +425 200 4 878738854 +425 201 3 878738104 +425 204 4 890347138 +425 207 2 891986445 +425 209 2 890347085 +425 210 3 890346998 +425 218 3 878738887 +425 219 2 878738956 +425 222 5 878738486 +425 227 4 878738597 +425 228 4 878738334 +425 229 3 878738548 +425 230 4 878738644 +425 231 3 878738435 +425 232 3 878738548 +425 234 3 878738853 +425 241 2 878738548 +425 244 1 878739015 +425 250 4 878739054 +425 252 2 878739054 +425 257 3 878738992 +425 258 2 878737511 +425 259 1 890346825 +425 269 4 890346376 +425 271 5 890346597 +425 272 4 890346317 +425 273 4 878738435 +425 281 2 878738486 +425 286 1 878737511 +425 288 5 878737512 +425 289 1 878737635 +425 293 4 878738992 +425 298 4 878738992 +425 300 2 878737512 +425 302 5 878737511 +425 305 3 890346411 +425 307 4 890346411 +425 310 3 890346411 +425 313 1 890346317 +425 316 4 890346705 +425 318 2 878737841 +425 322 3 890346597 +425 323 2 878737684 +425 324 3 878737657 +425 325 3 878737684 +425 327 4 890346659 +425 333 3 890346411 +425 334 4 890346567 +425 338 1 890346781 +425 340 4 890346264 +425 343 3 890346517 +425 346 5 890346198 +425 347 4 890346517 +425 357 5 878737981 +425 358 4 890346630 +425 362 3 890346317 +425 363 1 878739095 +425 379 2 878738887 +425 385 2 878738813 +425 398 1 878738597 +425 403 4 878738548 +425 405 2 878738643 +425 424 2 878738956 +425 429 4 878737908 +425 435 3 878738334 +425 445 3 878738887 +425 447 3 878738854 +425 448 2 878738887 +425 452 2 878738956 +425 455 2 878738992 +425 474 4 890347138 +425 475 5 878737945 +425 491 2 890347047 +425 515 3 890347138 +425 520 3 890347085 +425 529 4 890346998 +425 538 2 890346866 +425 550 4 878738813 +425 562 1 878738385 +425 566 2 878738695 +425 568 3 878738643 +425 573 3 878738914 +425 576 3 878738813 +425 583 3 878738245 +425 590 3 878737945 +425 597 1 878739095 +425 636 4 878738596 +425 669 3 878737908 +425 670 3 878738914 +425 675 3 890347047 +425 678 1 878737593 +425 679 3 878738548 +425 684 2 878738385 +425 686 3 878738757 +425 689 2 890346517 +425 690 1 890346866 +425 743 4 878739054 +425 748 3 890346567 +425 750 2 890346317 +425 751 2 890346264 +425 759 2 878738290 +425 823 3 878738757 +425 825 2 878738643 +425 827 1 878739095 +425 831 3 878739095 +425 841 1 878738597 +425 853 4 878738853 +425 877 3 890346198 +425 895 4 890346198 +425 943 4 890347172 +425 976 1 878738992 +425 1016 3 878739054 +425 1089 2 878739095 +425 1129 3 878738245 +425 1188 3 878738695 +425 1314 3 878738813 +425 1419 3 878738757 +425 1434 4 890346317 +425 1464 2 890346998 +425 1595 2 878738757 +425 1596 2 878738695 +425 1597 3 878738596 +426 23 4 879444734 +426 50 4 879442226 +426 98 4 879442737 +426 99 4 879444081 +426 132 4 879442083 +426 133 5 879441978 +426 134 4 879444787 +426 135 3 879444604 +426 136 4 879442083 +426 168 3 879444081 +426 174 3 879442044 +426 178 4 879444080 +426 182 2 879442702 +426 185 5 879445005 +426 191 4 879442128 +426 194 4 879444919 +426 196 4 879444734 +426 197 4 879444816 +426 199 5 879442702 +426 200 2 879442702 +426 204 3 879442128 +426 208 4 879442161 +426 211 4 879444320 +426 289 2 879441754 +426 318 5 879442044 +426 332 4 879441781 +426 418 3 879444871 +426 427 5 879442737 +426 428 2 879444081 +426 429 5 879444081 +426 430 3 879445005 +426 432 3 879444192 +426 435 3 879444604 +426 474 4 879442785 +426 478 4 879442785 +426 480 5 879444473 +426 481 5 879442892 +426 483 5 879442226 +426 484 5 879444662 +426 486 3 879444604 +426 488 5 879442785 +426 489 5 879441978 +426 490 4 879444853 +426 491 4 879442702 +426 492 5 879441931 +426 493 4 879444473 +426 494 3 879442702 +426 496 3 879442841 +426 504 4 879442083 +426 505 4 879445005 +426 510 4 879441978 +426 511 4 879441978 +426 524 4 879442785 +426 525 4 879442227 +426 526 4 879444734 +426 527 3 879444550 +426 601 3 879444321 +426 603 5 879444472 +426 605 4 879442083 +426 606 5 879442044 +426 607 4 879444734 +426 608 4 879444081 +426 610 4 879444550 +426 613 3 879444146 +426 614 4 879444604 +426 616 4 879444787 +426 617 3 879441978 +426 631 3 879442006 +426 633 4 879444816 +426 641 4 879441931 +426 648 3 879441931 +426 651 4 879442702 +426 653 4 879442841 +426 654 5 879442785 +426 655 4 879444952 +426 657 5 879442160 +426 659 4 879442128 +426 661 4 879444321 +426 671 4 879444170 +426 673 4 879442227 +426 705 5 879441931 +426 754 1 879441707 +426 835 3 879444853 +426 836 3 879444117 +426 848 4 879444117 +426 1064 4 879444117 +426 1079 3 879442892 +426 1116 4 879444251 +426 1204 4 879444321 +426 1451 4 879444734 +427 245 5 879701326 +427 258 4 879700792 +427 263 5 879701253 +427 292 2 879701127 +427 300 4 879700908 +427 302 4 879700759 +427 303 5 879701253 +427 304 4 879700850 +427 319 3 879700486 +427 322 3 879701051 +427 328 4 879700908 +427 331 4 879700850 +427 332 5 879701253 +427 334 5 879701326 +427 341 5 879701253 +427 359 5 879701253 +427 680 5 879701326 +427 681 5 879701326 +427 682 5 879701325 +427 688 5 879701326 +427 874 5 879701326 +427 881 5 879701253 +427 937 5 879701326 +427 938 5 879701253 +427 989 5 879701253 +427 990 5 879701326 +427 1265 5 879701253 +427 1296 5 879701225 +428 242 4 885943651 +428 243 4 885943713 +428 245 5 885943713 +428 259 4 885943685 +428 268 4 885943818 +428 269 5 885943749 +428 271 2 892572448 +428 272 5 885943651 +428 286 3 885943980 +428 288 4 885943847 +428 289 4 885943981 +428 300 5 885943713 +428 301 4 885943782 +428 305 3 885944136 +428 307 4 885944110 +428 310 4 885943651 +428 312 4 885944005 +428 313 5 885943749 +428 316 4 892572382 +428 322 4 885943782 +428 323 3 885943869 +428 326 3 892572448 +428 329 3 892572335 +428 331 4 885943847 +428 332 4 885943749 +428 334 4 885943847 +428 338 4 885943818 +428 340 4 885943749 +428 343 2 885944093 +428 344 3 892572308 +428 347 4 885943782 +428 350 4 885944005 +428 538 4 885944005 +428 690 5 885943651 +428 749 4 885943782 +428 750 5 885943651 +428 751 5 885943818 +428 875 4 885944136 +428 877 5 885943685 +428 879 4 885943818 +428 892 4 885944044 +428 896 4 885943685 +428 908 4 885944024 +428 988 1 885943955 +428 1024 4 885943651 +428 1280 3 885944069 +428 1313 4 892572362 +429 1 3 882385785 +429 2 3 882387599 +429 3 2 882386785 +429 4 4 882385684 +429 7 2 882385569 +429 11 4 882385464 +429 12 5 882386424 +429 15 5 882386941 +429 21 2 882386508 +429 22 5 882384744 +429 23 4 882385243 +429 24 3 882386309 +429 26 3 882386333 +429 31 3 882386966 +429 32 4 882386309 +429 42 5 882385593 +429 44 3 882386171 +429 45 3 882385118 +429 47 4 882384950 +429 48 3 882384896 +429 50 5 882384553 +429 52 4 882387074 +429 53 1 882386814 +429 55 4 882384847 +429 56 4 882384683 +429 58 4 882385090 +429 62 3 882387350 +429 63 2 882387505 +429 64 4 882384744 +429 66 2 882386357 +429 68 3 882385963 +429 69 5 882386309 +429 70 4 882386401 +429 71 3 882385705 +429 73 3 882387505 +429 77 3 882385705 +429 79 4 882385243 +429 80 3 882386684 +429 81 3 882385243 +429 82 4 882386121 +429 83 4 882385168 +429 85 4 882387234 +429 86 5 882384579 +429 87 3 882384821 +429 89 4 882385168 +429 90 4 882387731 +429 91 3 882386260 +429 92 4 882385684 +429 93 4 882385136 +429 95 3 882385012 +429 96 4 882387053 +429 97 4 882386171 +429 98 4 882384494 +429 101 4 882386662 +429 109 3 882385034 +429 114 5 882385663 +429 117 4 882387757 +429 118 3 882386145 +429 121 3 882386145 +429 123 4 882386448 +429 124 4 882384821 +429 127 4 882384603 +429 128 3 882386424 +429 129 4 882385065 +429 132 3 882385636 +429 133 3 882385663 +429 134 5 882385728 +429 136 4 882386071 +429 137 5 882387731 +429 140 1 882386260 +429 141 3 882386966 +429 143 3 882385829 +429 144 4 882387773 +429 150 5 882385569 +429 151 5 882386870 +429 153 4 882385090 +429 154 3 882384683 +429 156 4 882384920 +429 157 4 882384920 +429 159 3 882386051 +429 161 3 882385934 +429 162 4 882386378 +429 163 4 882387599 +429 164 4 882385489 +429 165 5 882384821 +429 166 5 882384796 +429 168 5 882387773 +429 170 5 882384526 +429 172 5 882385118 +429 173 4 882384494 +429 174 4 882387773 +429 177 4 882385065 +429 178 4 882384772 +429 179 3 882385012 +429 180 5 882385464 +429 181 5 882384870 +429 182 4 882384821 +429 183 4 882385489 +429 184 4 882386260 +429 185 4 882386006 +429 186 4 882385294 +429 188 4 882386566 +429 190 5 882387773 +429 191 5 882385065 +429 192 3 882385612 +429 193 4 882385267 +429 194 4 882385705 +429 195 4 882385519 +429 197 4 882384772 +429 199 5 882386006 +429 201 3 882385399 +429 202 4 882385829 +429 203 5 882385684 +429 207 4 882385729 +429 208 4 882384772 +429 209 4 882384950 +429 210 4 882387731 +429 211 5 882385090 +429 216 4 882385090 +429 217 3 882387715 +429 218 3 882387350 +429 219 4 882386848 +429 222 4 882385518 +429 223 4 882385034 +429 225 2 882387599 +429 229 2 882385613 +429 230 2 882385985 +429 231 2 882385489 +429 232 4 882385859 +429 233 3 882385593 +429 237 3 882384526 +429 238 5 882384526 +429 241 3 882385934 +429 248 5 882386870 +429 249 4 882386662 +429 250 2 882386357 +429 258 4 882386096 +429 264 3 882387551 +429 265 4 882386096 +429 273 4 882385489 +429 274 3 882386096 +429 275 4 882384603 +429 276 5 882385542 +429 277 4 882386096 +429 280 2 882387392 +429 281 3 882386027 +429 282 3 882386983 +429 283 3 882385136 +429 284 3 882386424 +429 288 3 882387685 +429 290 3 882386333 +429 291 4 882386309 +429 293 4 882385293 +429 298 5 882386145 +429 300 3 882385168 +429 301 3 882387252 +429 318 5 882387731 +429 319 3 882387685 +429 321 3 882384438 +429 338 3 882387599 +429 340 5 882384870 +429 356 3 882386942 +429 357 5 882385636 +429 365 2 882386237 +429 366 3 882387181 +429 367 3 882386485 +429 371 2 882387715 +429 378 3 882386916 +429 382 3 882386601 +429 385 3 882386915 +429 387 4 882386051 +429 392 3 882386051 +429 393 3 882385749 +429 403 4 882385902 +429 404 4 882386121 +429 405 3 882387202 +429 409 2 882386751 +429 410 4 882387451 +429 412 4 882387411 +429 415 3 882386785 +429 418 3 882386096 +429 419 4 882385293 +429 423 4 882387757 +429 427 5 882385569 +429 428 4 882386942 +429 430 4 882384553 +429 431 5 882384870 +429 432 4 882385443 +429 435 4 882385636 +429 436 4 882386171 +429 440 1 882387411 +429 441 3 882386848 +429 448 3 882386006 +429 455 3 882386628 +429 457 1 882384438 +429 462 4 882386662 +429 464 3 882386171 +429 466 2 882384847 +429 467 4 882385210 +429 468 3 882384896 +429 472 3 882387434 +429 475 4 882384579 +429 479 4 882385358 +429 480 4 882386071 +429 481 3 882386237 +429 482 3 882384683 +429 483 5 882384821 +429 484 5 882384920 +429 485 3 882385210 +429 491 3 882384950 +429 493 4 882385663 +429 495 3 882385358 +429 496 4 882384603 +429 498 5 882384796 +429 499 4 882384896 +429 500 1 882384772 +429 502 3 882385543 +429 504 3 882385065 +429 505 4 882384821 +429 507 5 882385210 +429 508 4 882385569 +429 511 5 882385542 +429 520 3 882384603 +429 527 5 882387757 +429 528 4 882385034 +429 531 5 882385729 +429 535 2 882386941 +429 537 4 882387773 +429 540 3 882386916 +429 546 3 882387140 +429 549 4 882385749 +429 550 3 882387350 +429 559 3 882386662 +429 562 2 882387575 +429 566 3 882386357 +429 568 3 882385859 +429 569 2 882387506 +429 570 4 882387434 +429 578 3 882386942 +429 581 2 882385684 +429 583 3 882386121 +429 584 4 882385749 +429 591 3 882385663 +429 602 5 882386628 +429 603 4 882384847 +429 607 3 882385785 +429 611 4 882385593 +429 625 3 882387474 +429 627 2 882387114 +429 628 3 882385808 +429 629 3 882387163 +429 631 4 882385243 +429 633 3 882385829 +429 635 3 882387202 +429 636 3 882386027 +429 640 3 882386533 +429 642 4 882386600 +429 651 4 882384772 +429 652 4 882385118 +429 654 4 882385542 +429 655 3 882385399 +429 658 3 882386448 +429 662 3 882386309 +429 663 4 882385358 +429 671 3 882385065 +429 673 3 882386485 +429 679 4 882387653 +429 684 4 882385882 +429 685 3 882387434 +429 686 2 882385519 +429 692 3 882385118 +429 693 4 882386628 +429 697 3 882385858 +429 700 3 882386485 +429 702 5 882387757 +429 705 4 882384896 +429 708 3 882386895 +429 709 4 882385267 +429 710 4 882387731 +429 726 2 882386751 +429 729 2 882386684 +429 732 4 882385882 +429 735 4 882387757 +429 737 4 882387505 +429 739 3 882387140 +429 742 4 882386711 +429 744 4 882386485 +429 746 3 882386096 +429 747 3 882386071 +429 755 3 882387685 +429 756 2 882386711 +429 761 2 882386711 +429 762 4 882386814 +429 763 4 882387053 +429 768 3 882387551 +429 778 3 882385294 +429 780 3 882387685 +429 794 3 882385593 +429 796 3 882386601 +429 804 3 882387599 +429 805 3 882385963 +429 806 2 882384950 +429 820 3 882387233 +429 826 3 882387139 +429 833 3 882386895 +429 845 4 882386401 +429 847 3 882385569 +429 921 2 882385962 +429 928 2 882386849 +429 936 4 882385934 +429 939 4 882384986 +429 941 3 882387506 +429 944 3 882387474 +429 961 3 882385518 +429 967 4 882386378 +429 1010 3 882386216 +429 1011 4 882387731 +429 1012 3 882385963 +429 1014 3 882386333 +429 1016 4 882386217 +429 1017 3 882385399 +429 1018 3 882386051 +429 1028 3 882386601 +429 1033 1 882387350 +429 1035 3 882386260 +429 1039 5 882386071 +429 1048 2 882386966 +429 1071 2 882385729 +429 1074 3 882387163 +429 1079 2 882387164 +429 1089 2 882387053 +429 1110 2 882387234 +429 1112 3 882386785 +429 1113 3 882386711 +429 1119 3 882387653 +429 1133 2 882386848 +429 1136 4 882386532 +429 1139 2 882387434 +429 1203 4 882386357 +429 1209 3 882387350 +429 1217 2 882385489 +429 1218 3 882387653 +429 1222 3 882387074 +429 1224 2 882387114 +429 1228 3 882387163 +429 1285 3 882386485 +429 1296 2 882387392 +429 1418 3 882385267 +429 1425 3 882387633 +429 1438 1 882385705 +429 1443 2 882386601 +429 1545 2 882385518 +430 7 3 877225660 +430 9 3 877225726 +430 10 4 877225726 +430 12 4 877226164 +430 19 5 877225623 +430 42 3 877226568 +430 50 4 877225516 +430 56 4 877226323 +430 64 4 877226130 +430 98 5 877226365 +430 100 5 877225570 +430 101 2 877226501 +430 117 3 877225484 +430 123 2 877225965 +430 124 5 877225726 +430 127 4 877225484 +430 129 5 877225547 +430 137 3 877225433 +430 151 4 877225516 +430 152 4 877226569 +430 164 3 877226323 +430 165 4 877226130 +430 168 4 877226568 +430 181 4 877225484 +430 221 5 877225547 +430 222 4 877225682 +430 234 4 877226323 +430 237 5 877225965 +430 248 3 877225832 +430 253 1 877225484 +430 258 4 877225570 +430 264 2 877225328 +430 273 4 877225894 +430 276 1 877225753 +430 286 4 877225174 +430 288 4 877225239 +430 293 3 877225865 +430 294 2 877225239 +430 297 4 877225599 +430 298 3 877225547 +430 302 4 877225173 +430 303 4 877225239 +430 318 5 877226130 +430 328 4 877225327 +430 436 4 877226365 +430 462 3 877226164 +430 514 4 877226568 +430 515 4 877225660 +430 523 4 877226568 +430 527 4 877226209 +430 547 2 877226365 +430 628 3 877225832 +430 656 4 877226365 +430 674 4 877226405 +430 744 3 877225965 +430 1007 3 877225599 +430 1240 3 877226470 +430 1347 5 877226047 +431 245 4 877844489 +431 286 4 877844062 +431 300 4 877844248 +431 302 3 877844062 +431 303 4 877844183 +431 307 3 879038461 +431 322 4 877844559 +431 323 3 877844559 +431 327 3 877844559 +431 328 4 877844377 +431 332 3 877844377 +431 358 2 877844489 +431 538 4 881127620 +431 689 3 881127786 +431 690 3 877844183 +431 748 4 877844377 +431 754 3 881127436 +431 879 3 877844489 +431 988 2 877844657 +432 1 2 889415983 +432 3 3 889416260 +432 7 2 889415983 +432 24 1 889416188 +432 50 5 889416012 +432 93 2 889415812 +432 100 3 889415895 +432 108 3 889416608 +432 111 4 889416456 +432 117 4 889415853 +432 118 4 889416608 +432 121 4 889416312 +432 123 3 889416312 +432 150 5 889415853 +432 151 4 889415895 +432 181 5 889416118 +432 222 4 889416012 +432 237 5 889415983 +432 246 4 889415895 +432 248 4 889416352 +432 249 5 889416352 +432 250 1 889415895 +432 255 5 889416608 +432 257 5 889416118 +432 258 4 889416657 +432 274 3 889416229 +432 276 4 889415947 +432 284 4 889416521 +432 293 5 889415812 +432 294 4 889416229 +432 295 3 889416352 +432 298 3 889415852 +432 300 4 889415763 +432 313 4 889415763 +432 315 5 889415763 +432 322 3 889416657 +432 405 4 889416490 +432 410 4 889415895 +432 411 3 889416044 +432 471 3 889416229 +432 475 4 889416147 +432 508 5 889415853 +432 546 3 889416657 +432 620 4 889416352 +432 628 5 889416398 +432 678 4 889416570 +432 742 4 889415983 +432 763 5 889416570 +432 815 3 889416260 +432 844 4 889415947 +432 845 4 889416260 +432 864 2 889416657 +432 871 2 889416456 +432 1012 5 889415947 +432 1016 3 889416397 +432 1047 5 889416118 +432 1049 2 889415983 +433 12 5 880585803 +433 50 5 880585885 +433 59 5 880585730 +433 60 5 880585700 +433 95 3 880585802 +433 173 4 880585730 +433 174 5 880585730 +433 194 5 880585759 +433 245 3 880585491 +433 246 4 880585885 +433 268 3 880585162 +433 273 3 880585923 +433 293 3 880585843 +433 294 3 880585271 +433 300 3 880585068 +433 302 5 880585028 +433 303 4 880585068 +433 322 2 880585466 +433 323 1 880585530 +433 325 2 880585554 +433 326 2 880585386 +433 333 2 880585133 +433 340 3 880585162 +433 435 4 880585700 +433 474 3 880585759 +433 507 4 880585730 +433 657 5 880585802 +433 682 2 880585431 +433 690 2 880585028 +433 748 4 880585491 +433 754 3 880585162 +433 919 5 880585923 +433 1005 5 880585730 +433 1598 1 880585865 +434 1 4 886724590 +434 7 1 886724505 +434 9 1 886724563 +434 111 5 886724540 +434 121 4 886724666 +434 125 5 886724708 +434 147 3 886724822 +434 148 3 886724797 +434 151 5 886724453 +434 220 5 886724873 +434 237 5 886724754 +434 274 5 886724797 +434 275 3 886724633 +434 283 3 886724505 +434 287 5 886724359 +434 347 1 886724329 +434 369 4 886724972 +434 406 3 886725027 +434 411 5 886724873 +434 424 1 886724913 +434 471 2 886724797 +434 477 5 886724940 +434 546 5 886725076 +434 628 1 886724873 +434 743 1 886725027 +434 756 2 886725027 +434 763 5 886724873 +434 815 4 886724972 +434 819 3 886724873 +434 833 4 886724914 +434 844 3 886724505 +434 928 5 886724913 +434 975 5 886724873 +434 1051 3 886724453 +434 1060 3 886724733 +434 1095 5 886724940 +434 1152 5 886724633 +434 1197 5 886724913 +435 1 5 884131712 +435 3 3 884133911 +435 4 4 884132146 +435 5 2 884133046 +435 7 4 884131597 +435 8 3 884131576 +435 9 4 884131055 +435 10 5 884131950 +435 11 5 884131542 +435 12 5 884131434 +435 15 3 884132146 +435 17 2 884132540 +435 21 4 884134134 +435 23 4 884132942 +435 24 4 884133084 +435 25 5 884132434 +435 27 1 884133911 +435 28 3 884131799 +435 29 3 884133691 +435 31 5 884131157 +435 38 2 884133509 +435 40 3 884133544 +435 42 3 884131267 +435 45 5 884131681 +435 49 4 884132072 +435 50 5 884132515 +435 52 5 884132403 +435 53 3 884133447 +435 54 4 884132403 +435 55 5 884131434 +435 62 3 884133657 +435 63 2 884133757 +435 64 5 884131036 +435 67 4 884132919 +435 68 4 884131901 +435 69 4 884131243 +435 71 3 884132208 +435 72 4 884132809 +435 73 3 884132403 +435 79 4 884131016 +435 80 2 884133610 +435 81 3 884131661 +435 82 5 884132100 +435 83 4 884131434 +435 84 2 884133757 +435 85 4 884132840 +435 86 4 884131844 +435 89 4 884131489 +435 90 4 884132756 +435 95 3 884131868 +435 98 5 884131576 +435 100 3 884131711 +435 101 3 884132184 +435 105 3 884133872 +435 108 1 884132540 +435 109 4 884132297 +435 111 3 884132777 +435 115 4 884131771 +435 117 3 884131356 +435 118 2 884132458 +435 121 3 884133284 +435 122 3 884134677 +435 123 2 884133509 +435 125 3 884132483 +435 128 3 884132184 +435 132 3 884131156 +435 135 3 884131771 +435 136 4 884132434 +435 139 2 884134134 +435 141 2 884132898 +435 148 3 884133284 +435 151 3 884132898 +435 152 4 884132072 +435 153 3 884131243 +435 154 4 884131434 +435 155 3 884133710 +435 156 4 884131822 +435 157 4 884132146 +435 159 5 884132898 +435 160 5 884133194 +435 161 3 884133710 +435 162 1 884132755 +435 163 3 884131489 +435 164 2 884132515 +435 167 3 884133224 +435 168 5 884131515 +435 169 5 884130995 +435 171 5 884131967 +435 172 5 884132619 +435 173 5 884131085 +435 174 5 884131627 +435 175 4 884132588 +435 176 5 884131627 +435 177 5 884131267 +435 182 4 884131356 +435 183 5 884132619 +435 184 5 884131771 +435 185 4 884131741 +435 186 4 884132367 +435 187 4 884131489 +435 188 4 884131901 +435 190 4 884132146 +435 191 4 884131200 +435 195 5 884131118 +435 196 4 884131597 +435 199 5 884132072 +435 200 5 884131661 +435 201 4 884131356 +435 202 4 884131901 +435 204 3 884132366 +435 206 5 884133223 +435 208 4 884131515 +435 211 4 884131627 +435 214 4 884131741 +435 215 2 884131576 +435 216 3 884131118 +435 217 4 884133161 +435 218 3 884133194 +435 219 5 884133691 +435 222 3 884132027 +435 225 3 884134076 +435 226 4 884133161 +435 227 4 884133372 +435 228 4 884131157 +435 229 2 884133544 +435 234 4 884132619 +435 235 4 884132266 +435 239 4 884132968 +435 240 3 884133818 +435 245 2 884130810 +435 246 5 884134345 +435 249 4 884134242 +435 250 4 884134290 +435 252 2 884134677 +435 254 3 884134910 +435 255 3 884134290 +435 257 4 884134363 +435 258 4 884130647 +435 260 3 884130810 +435 264 3 884130671 +435 273 5 884131298 +435 284 2 884132898 +435 288 4 884130605 +435 290 3 884132484 +435 294 4 884130584 +435 299 4 884130671 +435 300 2 884130647 +435 313 5 884268770 +435 317 2 884132483 +435 318 5 884131385 +435 321 3 889722170 +435 327 3 884130765 +435 331 5 884130671 +435 333 3 884130647 +435 338 2 887509306 +435 343 5 884130744 +435 351 2 887509368 +435 354 3 889722012 +435 357 4 884131771 +435 358 4 884130864 +435 366 2 884133134 +435 367 3 884131741 +435 369 1 884134771 +435 376 2 884134019 +435 380 3 884133026 +435 381 4 884133585 +435 382 3 884131949 +435 384 3 884134047 +435 385 5 884131771 +435 386 4 884133584 +435 392 3 884131404 +435 393 2 884133610 +435 394 4 884132873 +435 399 3 884133253 +435 402 3 884131996 +435 403 4 884132756 +435 404 2 884132266 +435 406 3 884134810 +435 409 3 884134019 +435 410 5 884133733 +435 411 3 884132484 +435 412 3 884134677 +435 413 2 884134104 +435 423 2 884131157 +435 424 1 884134536 +435 430 5 884131712 +435 431 3 884131950 +435 432 3 884132968 +435 433 5 884131243 +435 434 2 884131542 +435 435 3 884132230 +435 436 4 884133691 +435 441 3 884133084 +435 443 3 884132777 +435 444 3 884134075 +435 448 3 884132230 +435 451 4 884133487 +435 455 3 884132208 +435 462 5 884131328 +435 465 2 884132515 +435 470 2 884131661 +435 473 3 884133544 +435 474 3 884131085 +435 520 4 884132027 +435 541 4 884134187 +435 542 1 884133691 +435 546 4 884132942 +435 550 3 884133253 +435 554 3 884133194 +435 559 3 884132342 +435 561 2 884133064 +435 562 5 884133819 +435 566 4 884132643 +435 567 3 884133785 +435 568 2 884131868 +435 569 3 884134019 +435 573 1 884132515 +435 576 3 884133447 +435 577 3 884133973 +435 578 5 884132230 +435 584 3 884132297 +435 585 3 884133447 +435 587 3 884132403 +435 588 4 884131996 +435 596 4 884132184 +435 597 3 884133284 +435 603 3 884131118 +435 616 2 884133284 +435 625 2 884132588 +435 627 3 884133194 +435 628 5 884132990 +435 631 2 884132540 +435 635 3 884133544 +435 637 4 884132691 +435 640 4 884132873 +435 652 4 884131741 +435 658 3 884133223 +435 659 4 884131515 +435 672 1 884133253 +435 673 3 884132341 +435 674 2 884132643 +435 675 3 884132873 +435 679 3 884133372 +435 684 4 884131356 +435 693 3 884131118 +435 696 3 884132342 +435 697 4 884133372 +435 709 4 884131822 +435 710 4 884131267 +435 713 5 884131385 +435 715 3 884133635 +435 717 3 884134104 +435 720 2 884133818 +435 722 3 884133818 +435 729 2 884133757 +435 732 4 884132341 +435 742 4 884132840 +435 743 3 884134910 +435 746 4 884132184 +435 748 4 884130765 +435 751 4 884130725 +435 752 3 887509539 +435 755 2 884132266 +435 756 3 884134134 +435 760 1 884133330 +435 762 4 884132840 +435 763 5 884133544 +435 778 4 884131844 +435 780 2 884133284 +435 781 3 884133447 +435 786 4 884133657 +435 792 4 884131404 +435 797 3 884133872 +435 800 4 884133819 +435 818 2 884133938 +435 821 2 884132840 +435 825 3 884133372 +435 826 2 884134713 +435 831 2 884134677 +435 834 5 884134910 +435 841 2 884134553 +435 845 3 884132100 +435 862 1 884133972 +435 890 1 884130883 +435 895 3 884130647 +435 924 3 884132072 +435 926 3 884133972 +435 929 2 884133635 +435 930 3 884134019 +435 943 3 884131712 +435 944 2 884133911 +435 946 2 884132072 +435 953 3 884132968 +435 961 1 884133635 +435 977 2 884134829 +435 983 2 884134830 +435 1028 2 884133284 +435 1034 2 884134754 +435 1039 4 884132755 +435 1044 4 884132515 +435 1047 3 884132315 +435 1061 3 884134754 +435 1074 2 884133415 +435 1103 4 884131627 +435 1109 3 884132643 +435 1128 2 884132027 +435 1133 2 884133224 +435 1151 1 884134019 +435 1185 1 884133371 +435 1204 3 884132100 +435 1215 3 884134810 +435 1217 3 884133819 +435 1225 3 884131597 +435 1228 2 884133972 +435 1231 2 884134019 +435 1268 5 884131950 +435 1401 4 884131868 +435 1411 1 884133104 +435 1419 2 884133785 +436 11 5 887769777 +436 21 3 887772028 +436 23 4 887770064 +436 26 3 887771146 +436 38 3 887771924 +436 39 3 887769887 +436 43 2 887770300 +436 47 4 887769930 +436 65 4 887771753 +436 66 5 887770457 +436 73 4 887769444 +436 83 5 887770115 +436 90 3 887770266 +436 92 3 887770115 +436 95 4 887770037 +436 96 4 887769535 +436 98 4 887769280 +436 99 3 887770344 +436 102 4 887770588 +436 111 4 887771773 +436 125 4 887770037 +436 127 5 887769930 +436 132 1 887769824 +436 133 3 887768982 +436 143 2 887770092 +436 144 5 887769444 +436 157 5 887768982 +436 159 4 887770192 +436 161 4 887771897 +436 168 3 887769050 +436 172 3 887768945 +436 174 3 887769335 +436 179 3 887770015 +436 182 5 887769150 +436 186 3 887769801 +436 187 5 887768982 +436 200 3 887769515 +436 215 4 887770457 +436 216 4 887770064 +436 217 4 887771146 +436 218 4 887771123 +436 219 5 887770064 +436 226 4 887770640 +436 234 3 887769471 +436 238 3 887769693 +436 265 3 887769106 +436 273 4 887769233 +436 276 4 887769824 +436 287 4 887770169 +436 288 4 887768445 +436 313 5 887768521 +436 325 3 887768756 +436 327 5 887768694 +436 340 5 887768445 +436 347 4 887768398 +436 367 4 887770217 +436 381 4 887769209 +436 392 4 887769079 +436 400 3 887771924 +436 411 4 887771022 +436 425 4 887769335 +436 427 3 887769105 +436 433 5 887770428 +436 441 3 887772060 +436 447 1 887769444 +436 454 4 887768982 +436 468 4 887771826 +436 469 3 887769128 +436 503 4 887769802 +436 504 4 887769151 +436 507 4 887769801 +436 537 4 887769471 +436 546 3 887771826 +436 550 4 887771093 +436 553 3 887769777 +436 559 4 887770640 +436 568 5 887769416 +436 581 4 887772060 +436 585 3 887771722 +436 592 3 887770379 +436 595 5 887770731 +436 628 5 887770457 +436 635 3 887771875 +436 642 4 887769079 +436 649 5 887771269 +436 655 5 887769233 +436 658 5 887769673 +436 660 4 887771825 +436 693 5 887769515 +436 708 3 887770457 +436 710 4 887769281 +436 715 4 887770668 +436 721 3 887770092 +436 723 3 887771853 +436 739 4 887771853 +436 742 5 887769050 +436 746 5 887770015 +436 748 3 887768738 +436 761 4 887770693 +436 762 4 887771722 +436 763 4 887771042 +436 785 2 887770731 +436 787 5 887770640 +436 790 3 887770428 +436 794 4 887771123 +436 821 4 887769733 +436 845 5 887771269 +436 856 4 887769952 +436 869 4 887771722 +436 895 4 887768717 +436 928 4 887770547 +436 941 4 887771997 +436 974 5 887771997 +436 986 3 887770300 +436 1048 2 887770379 +436 1058 4 887770547 +436 1061 3 887771997 +436 1119 4 887769368 +436 1135 4 887771022 +436 1178 3 887771825 +436 1206 3 887769868 +436 1227 2 887772028 +436 1248 3 887770485 +436 1263 3 887772060 +436 1468 5 887770668 +436 1489 2 887770731 +436 1522 2 887771123 +437 5 2 880143663 +437 8 4 880140752 +437 11 1 880139951 +437 12 5 880382685 +437 14 5 880140369 +437 15 4 881001946 +437 23 4 880140288 +437 28 3 880140534 +437 30 4 880140855 +437 42 3 880141129 +437 47 4 880140534 +437 50 5 881000958 +437 51 1 880382644 +437 56 4 880140325 +437 58 4 880141243 +437 65 4 880140787 +437 66 3 880143167 +437 69 2 880140501 +437 70 3 881002161 +437 77 4 880143040 +437 82 3 880140192 +437 83 4 880140325 +437 86 4 881001715 +437 87 3 880140891 +437 88 3 880143140 +437 89 2 880140101 +437 90 3 880143289 +437 91 3 880143315 +437 95 4 880143315 +437 97 3 880141286 +437 98 5 880141962 +437 99 4 881001946 +437 100 4 880140051 +437 111 3 881002067 +437 116 3 880139997 +437 117 1 881001121 +437 118 2 880142991 +437 124 5 880140101 +437 129 1 880140433 +437 131 5 880140787 +437 132 5 880141962 +437 133 5 880140122 +437 134 5 880139951 +437 135 4 880140101 +437 137 5 880140221 +437 143 5 880141528 +437 144 2 880141196 +437 151 5 881002374 +437 152 4 880141129 +437 154 4 880141129 +437 155 3 880143189 +437 156 2 880140627 +437 161 2 880140288 +437 162 4 880141129 +437 165 4 881002324 +437 166 4 880140398 +437 168 3 881002161 +437 173 4 881001023 +437 174 5 880140122 +437 176 2 880143809 +437 179 4 881002345 +437 180 4 880139868 +437 181 4 880140466 +437 183 3 880140892 +437 185 5 880140192 +437 186 3 881001208 +437 190 3 880140154 +437 191 4 880140726 +437 195 2 880141286 +437 196 4 880140627 +437 197 5 880141962 +437 202 5 881001715 +437 204 5 880141528 +437 207 4 880142365 +437 208 5 880139997 +437 210 3 881002191 +437 211 4 880140100 +437 212 3 880141402 +437 213 4 881000931 +437 214 4 880141041 +437 215 3 880140325 +437 216 5 880141041 +437 217 3 880143695 +437 218 2 880142830 +437 219 3 880143663 +437 226 1 880142942 +437 229 3 880142942 +437 234 4 880142851 +437 237 4 880140466 +437 238 5 880140369 +437 239 4 880141529 +437 244 3 881001270 +437 248 2 880141716 +437 249 5 880142027 +437 254 3 881002300 +437 265 3 880142942 +437 275 5 881001888 +437 276 5 880141618 +437 281 1 881001148 +437 283 1 880141716 +437 286 2 880139482 +437 287 2 881000931 +437 288 2 880139533 +437 292 5 880139631 +437 301 3 881002067 +437 318 4 880140466 +437 319 5 881001538 +437 378 4 880143451 +437 381 5 880142426 +437 387 2 880140726 +437 393 3 880382747 +437 401 5 880143505 +437 402 2 880143263 +437 404 5 880141374 +437 412 3 880142147 +437 418 3 880141084 +437 419 5 880141961 +437 420 3 881002191 +437 421 4 881001983 +437 423 5 880141196 +437 428 5 881001983 +437 432 3 880140854 +437 433 3 880140369 +437 435 3 881001945 +437 436 4 880143635 +437 447 4 880143663 +437 450 3 880143040 +437 451 5 880143115 +437 462 5 881002324 +437 463 5 880141008 +437 466 2 881001121 +437 473 5 881001888 +437 476 4 880142177 +437 478 5 881002323 +437 479 5 880141335 +437 480 4 881002345 +437 482 5 880140051 +437 483 5 880141962 +437 484 4 880140051 +437 485 4 880140854 +437 496 4 880140662 +437 497 5 880140192 +437 499 5 880141962 +437 501 4 880143315 +437 507 5 880140015 +437 512 4 880140978 +437 514 4 880140369 +437 517 4 880140927 +437 518 2 880143809 +437 521 4 880141164 +437 523 3 881002191 +437 558 3 880142365 +437 566 3 881002161 +437 581 1 880143010 +437 582 5 880140855 +437 584 3 880141243 +437 588 3 881002092 +437 602 3 880140822 +437 603 5 880140051 +437 607 5 880140892 +437 614 5 880139951 +437 629 3 881002405 +437 640 1 881002300 +437 642 1 880141441 +437 651 4 881002345 +437 652 4 881001983 +437 654 5 880141041 +437 655 4 881001945 +437 657 5 881001888 +437 658 4 880141335 +437 660 4 880141441 +437 663 5 880141084 +437 665 2 880143695 +437 672 1 881002300 +437 674 3 880143714 +437 683 2 881001121 +437 684 3 880382747 +437 692 4 880143115 +437 696 3 880142991 +437 697 4 880140978 +437 698 2 880142426 +437 699 4 880143419 +437 702 1 880141335 +437 705 4 880141335 +437 707 3 880141374 +437 708 4 881002026 +437 709 5 881000931 +437 710 4 880140822 +437 727 3 881001576 +437 730 3 880141374 +437 732 4 880143167 +437 736 5 881001888 +437 737 1 880142614 +437 739 3 880143243 +437 746 4 880141335 +437 747 4 880143167 +437 748 4 880139631 +437 753 4 880140927 +437 755 3 880143450 +437 770 3 881001208 +437 778 3 881002092 +437 781 4 880143263 +437 794 4 880143243 +437 812 3 881002092 +437 842 4 880143451 +437 843 4 880143520 +437 946 3 881002092 +437 955 4 881002404 +437 961 5 881002323 +437 969 4 881001888 +437 1007 5 881002374 +437 1036 5 880143562 +437 1039 2 880140101 +437 1075 4 881002374 +437 1090 1 880143092 +437 1091 3 880143392 +437 1098 3 880141243 +437 1113 4 881002161 +437 1121 5 880140466 +437 1134 4 880141008 +437 1142 4 880141696 +437 1148 4 881001983 +437 1153 5 880141962 +437 1161 4 880141770 +437 1211 4 881001208 +437 1227 3 880142630 +437 1262 3 881002091 +437 1404 2 881002263 +437 1599 5 880142614 +438 9 4 879868005 +438 15 4 879868242 +438 21 2 879868683 +438 50 5 879868005 +438 100 4 879868024 +438 118 4 879868529 +438 121 5 879868328 +438 181 4 879868005 +438 220 4 879868328 +438 237 5 879868278 +438 245 5 879867960 +438 252 4 879868364 +438 255 4 879868242 +438 269 4 879867960 +438 280 5 879868423 +438 282 5 879868264 +438 286 2 879867960 +438 300 4 879867960 +438 301 4 879867960 +438 321 5 879867960 +438 471 4 879868184 +438 476 5 879868664 +438 619 4 879868159 +438 815 5 879868581 +438 845 4 879868042 +438 864 3 879868547 +438 866 5 879868529 +438 1028 2 879868529 +439 7 4 882893245 +439 13 3 882893171 +439 14 5 882893245 +439 93 4 882893737 +439 100 3 882892705 +439 121 2 882893768 +439 125 3 882893688 +439 147 4 882893737 +439 237 5 882893220 +439 240 3 882893859 +439 242 5 882892424 +439 246 4 882892755 +439 257 4 882893737 +439 268 4 882892424 +439 273 2 882892675 +439 282 3 882893859 +439 285 5 882893220 +439 288 3 882892424 +439 293 3 882892818 +439 300 4 882892424 +439 301 3 882892424 +439 307 3 882892424 +439 405 4 882893323 +439 475 3 882893220 +439 591 4 882892818 +439 895 3 882892424 +439 1048 4 882893602 +439 1328 4 882893891 +439 1600 5 882893291 +440 70 4 891577950 +440 86 5 891577919 +440 171 5 891577871 +440 198 4 891577843 +440 213 4 891577950 +440 242 5 891546594 +440 243 1 891577504 +440 245 4 891548470 +440 258 4 891547637 +440 271 5 891550404 +440 272 5 891546631 +440 283 5 891577894 +440 300 3 891546785 +440 304 5 891546785 +440 310 3 891546631 +440 312 5 891550404 +440 313 4 891546631 +440 319 2 891549397 +440 323 1 891577504 +440 328 3 891546895 +440 329 5 891548567 +440 350 5 891550404 +440 462 5 891577994 +440 512 3 891578059 +440 515 4 891578301 +440 582 3 891577919 +440 690 4 891546698 +440 736 5 891578036 +440 750 5 891546784 +440 751 3 891549397 +440 886 5 891550404 +440 904 5 891546654 +440 921 5 891578264 +440 937 5 891548567 +440 971 5 891577871 +440 988 1 891577504 +440 1038 5 891550404 +440 1073 4 891577814 +440 1105 5 891548567 +440 1191 5 891550404 +440 1194 5 891577843 +440 1265 5 891548567 +440 1504 4 891578226 +440 1591 5 891548567 +441 1 5 891035468 +441 7 4 891035468 +441 9 4 891035528 +441 15 3 891035699 +441 25 3 891036306 +441 100 3 891035441 +441 117 4 891035489 +441 121 4 891035489 +441 259 3 891035211 +441 282 4 891035528 +441 288 2 891035056 +441 294 4 891035211 +441 300 3 891035056 +441 342 4 891035267 +441 405 3 891035507 +441 683 2 891035350 +441 751 4 891035247 +442 2 3 883390544 +442 7 4 883389983 +442 11 4 883390284 +442 12 4 883390912 +442 14 1 883389776 +442 17 4 883388535 +442 22 2 883390813 +442 26 3 883388576 +442 27 2 883390416 +442 29 3 883390641 +442 31 3 883391249 +442 33 3 883388508 +442 38 3 883390674 +442 39 3 883390466 +442 41 4 883388609 +442 42 4 883388401 +442 44 2 883391146 +442 53 3 883390048 +442 54 3 883391274 +442 55 3 883390813 +442 56 5 883388237 +442 62 2 883390641 +442 64 5 883389682 +442 67 3 883389028 +442 69 3 883390935 +442 77 3 883391325 +442 79 3 883390366 +442 82 3 883390497 +442 90 3 883388609 +442 92 5 883389776 +442 96 4 883390328 +442 98 4 883389983 +442 100 2 883388325 +442 117 3 883390366 +442 129 4 883391146 +442 144 4 883390328 +442 154 4 883389491 +442 156 4 883391221 +442 159 4 883391299 +442 161 3 883390497 +442 164 2 883390083 +442 168 4 883388325 +442 172 5 883389580 +442 174 4 883389776 +442 176 5 883390284 +442 177 4 883390366 +442 182 4 883390284 +442 184 2 883390083 +442 186 4 883388429 +442 203 3 883391146 +442 204 3 883389028 +442 209 4 883388283 +442 210 3 883388609 +442 217 3 883390083 +442 219 3 883390009 +442 226 3 883390416 +442 229 3 883391275 +442 230 3 883390466 +442 231 3 883390609 +442 234 4 883389983 +442 239 3 883388401 +442 240 2 883388833 +442 273 4 883390328 +442 276 4 883391027 +442 281 3 883391299 +442 286 2 883388031 +442 288 4 883390048 +442 294 2 883388120 +442 313 3 883387916 +442 318 4 883391046 +442 342 2 883388147 +442 350 2 883387916 +442 367 2 883388887 +442 385 3 883390416 +442 401 2 883388960 +442 403 4 883390466 +442 405 3 883390497 +442 441 3 883390083 +442 449 2 883390739 +442 450 3 883391377 +442 452 3 883390169 +442 482 3 883389747 +442 508 3 883388283 +442 546 3 883390574 +442 550 2 883390466 +442 554 2 883390641 +442 559 2 883390048 +442 569 2 883390140 +442 572 3 883391344 +442 576 2 883390703 +442 578 2 883390466 +442 591 3 883391221 +442 628 4 883391221 +442 635 4 883389380 +442 636 5 883390416 +442 665 2 883390139 +442 672 3 883390048 +442 684 3 883391221 +442 685 2 883390703 +442 695 5 883387935 +442 710 5 883388576 +442 738 3 883389164 +442 742 3 883391146 +442 746 3 883388354 +442 780 3 883388986 +442 800 3 883390139 +442 810 2 883390674 +442 834 2 883389337 +442 871 1 883389455 +442 873 2 883388120 +442 928 3 883391299 +442 943 4 883391221 +442 975 3 883391377 +442 986 1 883391377 +442 1067 3 883388576 +442 1074 3 883389053 +442 1098 4 883388237 +442 1183 3 883390674 +442 1188 3 883390609 +442 1218 2 883388960 +443 12 5 883505379 +443 39 1 883505492 +443 245 3 883504796 +443 258 5 883504617 +443 271 4 883504682 +443 286 5 883504521 +443 294 5 883504593 +443 307 3 883504564 +443 309 5 883504866 +443 313 4 883504564 +443 323 2 883504866 +443 327 4 883504593 +443 340 5 883504748 +443 343 5 883504771 +443 358 1 883504748 +443 644 3 883505465 +443 678 2 883504818 +443 687 3 883504889 +443 948 1 883504844 +444 9 5 890247287 +444 50 5 890247287 +444 100 5 890247385 +444 245 4 891979402 +444 251 5 890247385 +444 258 3 890246907 +444 271 3 891979403 +444 275 4 891979402 +444 300 4 891979402 +444 313 4 890246940 +444 515 4 891979402 +444 678 3 891979403 +444 748 1 890247172 +444 751 4 890247172 +444 906 4 891979402 +444 912 4 891978663 +444 916 3 891979403 +444 1483 2 891978807 +445 1 3 891199749 +445 7 1 891200078 +445 9 2 891199655 +445 12 2 890987617 +445 23 3 890987465 +445 28 4 890987772 +445 50 2 891199715 +445 55 1 890987712 +445 56 5 891200869 +445 64 2 890987771 +445 87 3 890988205 +445 93 1 891199945 +445 100 2 890987569 +445 117 1 891199821 +445 118 2 891200506 +445 121 1 891200233 +445 123 1 891200137 +445 127 2 890987687 +445 144 3 890987569 +445 147 2 891199974 +445 150 2 890987617 +445 151 4 891200869 +445 174 4 891200869 +445 181 2 891199945 +445 183 2 890987687 +445 195 2 890987655 +445 203 3 890988205 +445 204 3 890988205 +445 208 2 890987712 +445 209 4 891200869 +445 221 1 891200203 +445 235 1 891200272 +445 237 2 891199906 +445 245 2 891035830 +445 246 1 891199682 +445 248 1 891199774 +445 249 2 891200447 +445 268 1 890987410 +445 271 1 891199458 +445 273 2 891199869 +445 276 3 891199869 +445 291 2 891200233 +445 293 3 891199945 +445 295 1 891199843 +445 310 1 891199331 +445 313 2 890988206 +445 324 1 891199297 +445 325 1 891199533 +445 330 2 891199274 +445 333 2 890987410 +445 340 5 891035571 +445 343 1 891199385 +445 346 5 891200869 +445 405 4 891200869 +445 408 3 891199749 +445 410 1 891200164 +445 458 2 891200272 +445 475 5 891200869 +445 479 3 890988206 +445 480 3 890988206 +445 504 3 890988206 +445 544 2 891200417 +445 591 2 891200020 +445 595 2 891200624 +445 597 1 891200320 +445 603 3 890988205 +445 628 1 891200137 +445 644 3 890988205 +445 689 1 891199458 +445 742 1 891200078 +445 744 2 891200272 +445 748 1 891199458 +445 752 1 891199167 +445 762 1 891200355 +445 763 2 891200233 +445 818 1 891200656 +445 823 1 891200624 +445 829 1 891200624 +445 831 1 891200447 +445 840 1 891200320 +445 844 2 891200138 +445 845 2 891200320 +445 871 2 891200592 +445 879 2 891199331 +445 881 1 891199510 +445 886 3 891035539 +445 895 2 891035897 +445 908 1 891199331 +445 919 1 891200233 +445 933 1 891200390 +445 959 5 891200869 +445 994 1 891199682 +445 1008 1 891200320 +445 1009 2 891200321 +445 1010 1 891200506 +445 1011 1 891200320 +445 1012 1 891199843 +445 1016 1 891200164 +445 1067 1 891200390 +445 1081 1 891200447 +445 1097 1 891199682 +445 1187 3 891200137 +445 1199 1 891200447 +445 1245 1 891200390 +445 1252 1 891199749 +445 1277 2 891200736 +445 1378 2 891199635 +445 1528 2 891200355 +445 1534 1 891199749 +445 1591 4 891199360 +445 1598 1 891200592 +445 1601 1 891199533 +446 269 4 879787730 +446 270 4 879786892 +446 286 3 879787730 +446 288 2 879786838 +446 289 3 879786984 +446 292 5 879786838 +446 294 1 879786984 +446 299 2 879787149 +446 300 3 879787149 +446 301 3 879786838 +446 302 4 879787730 +446 303 2 879787859 +446 306 3 879786691 +446 311 2 879787858 +446 321 4 879786943 +446 322 3 879787226 +446 326 2 879786943 +446 327 2 879787858 +446 328 3 879786984 +446 332 3 879787149 +446 334 3 879787149 +446 338 2 879786943 +446 340 2 879786691 +446 359 3 879787226 +446 688 2 879786985 +446 690 2 879786892 +446 748 2 879787149 +446 754 3 879787858 +446 880 2 879786943 +446 883 3 879786837 +446 887 4 879786943 +446 888 1 879787859 +447 1 3 878854273 +447 5 3 878856422 +447 7 5 878854383 +447 9 2 878854195 +447 11 4 878856208 +447 17 3 878856110 +447 22 4 878856422 +447 24 3 878854520 +447 27 3 878856601 +447 28 4 878856110 +447 31 4 878856526 +447 50 5 878854552 +447 56 5 878855782 +447 65 3 878856422 +447 68 5 878855819 +447 69 4 878856209 +447 70 3 878856483 +447 85 4 878856526 +447 89 5 878855723 +447 91 4 878856549 +447 96 5 878855847 +447 98 4 878855873 +447 100 5 878854552 +447 111 3 878854954 +447 117 4 878854630 +447 121 5 878855107 +447 123 3 878854459 +447 132 4 878855963 +447 133 4 878856052 +447 135 5 878855989 +447 144 5 878856078 +447 147 4 878854678 +447 148 4 878854729 +447 150 4 878854438 +447 151 3 878854520 +447 153 4 878855756 +447 156 5 878856625 +447 157 4 878856290 +447 158 3 878856262 +447 174 5 878856052 +447 176 4 878856148 +447 180 5 878855989 +447 183 5 878856394 +447 202 3 878856078 +447 204 4 878856458 +447 206 4 878856209 +447 209 4 878856148 +447 211 4 878855724 +447 218 4 878856052 +447 222 3 878854340 +447 231 2 878856394 +447 234 4 878855782 +447 237 4 878854234 +447 248 5 878854383 +447 252 3 878854975 +447 258 5 878853977 +447 260 2 878854120 +447 265 4 878856394 +447 281 3 878854857 +447 282 4 878856290 +447 284 4 878854552 +447 286 2 878855082 +447 288 4 878855082 +447 298 4 878854195 +447 300 4 878854011 +447 367 3 878856232 +447 405 2 878854704 +447 411 2 878855107 +447 435 4 878855756 +447 447 3 878855724 +447 469 4 878856394 +447 470 4 878856208 +447 471 4 878854340 +447 474 3 878856022 +447 483 5 878855818 +447 484 5 878856457 +447 498 4 878856321 +447 544 4 878854997 +447 546 2 878854704 +447 559 3 878856172 +447 591 4 878855139 +447 597 3 878855021 +447 629 3 878855907 +447 642 4 878855819 +447 678 3 878854056 +447 742 3 878854658 +447 748 1 878854056 +447 760 4 878854838 +447 762 3 878855139 +447 770 3 878856601 +447 815 3 878854658 +447 823 3 878855165 +447 845 3 878854678 +447 879 3 878854056 +447 926 3 878854438 +447 952 4 878854315 +447 963 5 878855963 +447 981 2 878855139 +447 1016 3 878854918 +447 1028 3 878855139 +447 1034 2 878854918 +447 1046 3 878856602 +447 1048 2 878854579 +447 1132 3 878855164 +447 1142 5 878854481 +447 1326 4 878854838 +448 262 4 891888042 +448 268 3 891888367 +448 269 5 891887338 +448 270 5 891888137 +448 271 4 891888509 +448 286 2 891887393 +448 288 1 891887161 +448 292 4 891888178 +448 301 1 891888099 +448 303 4 891887161 +448 304 3 891888137 +448 305 4 891888509 +448 307 2 891888042 +448 312 1 891888653 +448 316 1 891887337 +448 321 4 891888509 +448 327 2 891888367 +448 333 2 891887161 +448 338 1 891888712 +448 340 4 891888137 +448 344 4 891888244 +448 345 5 891887440 +448 360 4 891887338 +448 750 5 891888099 +448 874 3 891889281 +448 884 4 891889281 +448 887 2 891888042 +448 896 5 891887216 +448 900 3 891887393 +448 902 4 891888779 +448 1022 5 891888244 +448 1062 5 891888178 +448 1176 2 891887393 +448 1294 1 891887161 +448 1602 4 891888042 +449 9 4 879958624 +449 15 4 879958866 +449 59 5 880410599 +449 61 5 880410700 +449 70 4 880410777 +449 86 4 880410599 +449 100 5 879958664 +449 105 1 879959573 +449 106 3 879958936 +449 117 3 879958624 +449 118 1 879959573 +449 120 1 879959573 +449 122 1 879959573 +449 127 5 879958572 +449 137 5 879958866 +449 170 4 880410652 +449 171 4 880410599 +449 179 4 880410674 +449 198 4 880410624 +449 212 5 880410624 +449 213 3 880410652 +449 224 4 879958758 +449 244 4 879959152 +449 248 4 879958888 +449 269 5 879958444 +449 273 4 879959003 +449 276 5 879958705 +449 282 3 879958953 +449 285 5 879958572 +449 286 4 879958444 +449 291 2 879959246 +449 293 4 879958803 +449 310 3 880410951 +449 333 3 879958474 +449 337 4 880411035 +449 381 4 880410777 +449 410 3 879959134 +449 459 4 879958803 +449 462 5 880410674 +449 473 3 879958866 +449 515 5 879958685 +449 546 2 879959573 +449 558 4 880410599 +449 593 4 879959101 +449 702 5 880410778 +449 742 3 879958839 +449 748 2 879959273 +449 753 5 880410700 +449 763 2 879959190 +449 936 5 879958721 +449 971 4 880410701 +449 983 2 879959331 +449 1005 5 880410734 +449 1006 4 880410701 +449 1009 4 879959190 +449 1010 4 879958664 +449 1011 4 879958685 +449 1073 5 880410734 +449 1142 4 879958803 +449 1194 4 880410624 +449 1195 5 880410754 +449 1318 2 879959573 +449 1367 4 879958976 +449 1372 4 880410834 +449 1404 5 880410801 +450 1 4 887835272 +450 2 4 882474001 +450 4 3 882373865 +450 7 4 882376885 +450 10 4 882398567 +450 11 5 882376365 +450 12 4 882373231 +450 13 3 882373297 +450 15 3 882812350 +450 22 5 882373865 +450 25 3 882376188 +450 26 5 882396489 +450 28 4 882377861 +450 29 3 887661438 +450 35 2 882468790 +450 38 4 882474001 +450 39 4 882376282 +450 44 3 882376658 +450 47 3 882394180 +450 49 5 882469728 +450 51 4 882377358 +450 54 4 887138820 +450 56 4 882371645 +450 58 3 882373464 +450 59 4 882371904 +450 60 3 882472089 +450 61 4 882376446 +450 63 4 882469941 +450 64 4 882373656 +450 65 3 882376885 +450 66 4 882398770 +450 67 3 882469941 +450 69 4 882373532 +450 70 4 882374497 +450 71 3 882377358 +450 73 3 887661438 +450 77 4 887139143 +450 79 4 882376446 +450 80 3 882471737 +450 81 4 882376188 +450 82 3 887834953 +450 83 4 882372027 +450 86 4 887660440 +450 87 5 882374059 +450 88 5 882396799 +450 89 5 882371311 +450 90 4 887660650 +450 91 4 887660763 +450 92 4 887660650 +450 94 4 882468239 +450 95 3 882395167 +450 97 4 882396351 +450 98 4 882371732 +450 99 4 882376803 +450 100 4 882374059 +450 101 5 882399359 +450 110 4 882469250 +450 111 4 882377590 +450 112 2 882468307 +450 117 4 882397373 +450 121 3 882395537 +450 123 2 882373464 +450 125 4 882376803 +450 126 5 882396051 +450 127 5 882373155 +450 131 4 882377861 +450 132 5 882374422 +450 134 3 882373597 +450 135 3 882373231 +450 136 5 882812349 +450 139 5 882812558 +450 140 3 882376585 +450 141 3 882377726 +450 142 5 887835352 +450 143 5 882394364 +450 144 5 882373865 +450 145 3 887661438 +450 151 5 882376658 +450 152 5 882395052 +450 153 5 882374422 +450 154 3 882377590 +450 155 4 882396564 +450 157 3 882394180 +450 158 3 882471524 +450 162 5 882395913 +450 163 4 882377358 +450 164 4 882396050 +450 166 5 887660440 +450 167 5 882469863 +450 168 5 882376803 +450 169 5 882371732 +450 170 5 887660440 +450 174 5 882374422 +450 176 4 882373088 +450 177 4 887136369 +450 178 4 882394251 +450 179 5 882394364 +450 180 4 882373020 +450 182 5 882376585 +450 183 4 882394180 +450 185 5 882376365 +450 186 3 882396799 +450 187 5 882373597 +450 191 5 887660440 +450 192 4 882467868 +450 193 5 882372027 +450 194 5 882373786 +450 195 4 882371826 +450 197 5 882374059 +450 199 5 882371732 +450 200 3 882376188 +450 202 4 882397223 +450 203 4 882396799 +450 204 4 882377590 +450 205 4 882373531 +450 207 4 882374497 +450 208 5 882377358 +450 210 3 887835408 +450 211 5 882373865 +450 215 5 882396051 +450 216 5 882373657 +450 222 3 882395778 +450 225 4 887662002 +450 226 4 882474001 +450 227 3 882398313 +450 228 4 882373019 +450 231 3 887662002 +450 232 4 882398666 +450 233 3 882474001 +450 234 3 882396245 +450 237 5 887660650 +450 238 5 882396928 +450 239 5 882373865 +450 241 4 882376658 +450 245 4 892141986 +450 252 3 887834953 +450 254 3 887662083 +450 258 4 882216108 +450 259 3 887834953 +450 264 3 882370581 +450 265 5 882371526 +450 269 5 882215617 +450 270 4 882216108 +450 272 5 886449009 +450 274 4 882469627 +450 275 4 882372178 +450 277 3 882397223 +450 278 5 882473476 +450 280 4 882397940 +450 281 4 882399664 +450 282 5 882377653 +450 283 3 887661961 +450 286 4 882215617 +450 287 4 887660504 +450 288 3 884097913 +450 290 4 882399509 +450 292 5 882215922 +450 294 4 882370316 +450 299 2 889568793 +450 301 4 882216475 +450 302 5 882215617 +450 304 4 882216108 +450 305 4 885944806 +450 311 4 885945425 +450 312 4 882812205 +450 313 5 882811655 +450 315 4 884098435 +450 316 4 889568753 +450 322 4 882370316 +450 328 4 886449488 +450 332 4 882369964 +450 340 4 882216178 +450 354 4 892141784 +450 356 4 887138756 +450 357 5 882373531 +450 366 3 882396489 +450 367 3 882376282 +450 371 3 887661961 +450 373 3 887834953 +450 378 5 882373995 +450 380 5 882398939 +450 381 2 882374497 +450 382 3 882377479 +450 383 2 882468790 +450 384 3 882471524 +450 385 4 882396489 +450 387 5 882376446 +450 388 3 882471604 +450 393 4 882812349 +450 395 3 882470642 +450 396 2 882469941 +450 399 4 882468239 +450 400 3 882468790 +450 401 3 882397224 +450 402 4 882395662 +450 405 4 882474001 +450 414 3 882396564 +450 415 3 882398220 +450 418 4 882395914 +450 419 5 887660504 +450 421 4 887834823 +450 422 3 882467991 +450 423 5 882371904 +450 427 5 882371415 +450 428 4 887660722 +450 430 4 882377590 +450 431 5 882473914 +450 432 4 882377861 +450 433 3 882469061 +450 434 3 882372027 +450 443 4 882377861 +450 448 4 882371526 +450 451 4 882398220 +450 455 4 882376188 +450 457 2 882466909 +450 462 4 882396928 +450 465 4 887834823 +450 467 4 882374332 +450 468 4 882376803 +450 469 4 882396153 +450 470 5 887139517 +450 471 4 882396153 +450 472 4 882397813 +450 474 5 882812558 +450 476 4 882469306 +450 477 4 887660762 +450 478 5 887835272 +450 479 4 882371526 +450 480 4 882372178 +450 481 5 882373231 +450 482 5 882371904 +450 484 3 887662002 +450 487 4 887660504 +450 488 4 882371415 +450 490 5 882373786 +450 491 3 882373297 +450 493 4 887660722 +450 494 3 882373385 +450 495 4 882395052 +450 496 5 882373532 +450 497 5 882374422 +450 498 3 882396351 +450 500 4 882376188 +450 502 5 882469061 +450 503 4 882371311 +450 504 5 882377590 +450 506 5 882373088 +450 507 5 882373020 +450 509 4 882398567 +450 510 4 887660722 +450 514 5 882468931 +450 516 5 882396564 +450 518 4 882374134 +450 520 5 887136083 +450 521 4 882394180 +450 523 5 882371904 +450 525 3 882467271 +450 526 4 882396245 +450 527 5 882374059 +450 530 3 887661843 +450 535 3 882812636 +450 549 3 882377358 +450 550 4 882473915 +450 553 2 882373928 +450 558 3 882396050 +450 559 3 882376446 +450 561 4 887660762 +450 566 4 882373928 +450 568 4 882397939 +450 571 2 882471604 +450 582 4 882394097 +450 583 4 882473914 +450 584 5 882397223 +450 589 3 882813241 +450 591 4 887660762 +450 601 3 882376658 +450 602 4 882373532 +450 603 5 882373088 +450 604 4 882373231 +450 606 5 882371904 +450 607 5 887135753 +450 608 4 882373088 +450 609 5 882398312 +450 610 4 882371904 +450 611 5 887135833 +450 612 4 882396564 +450 613 4 887660650 +450 614 4 882377479 +450 616 4 882373597 +450 622 5 882468239 +450 628 4 882377590 +450 629 4 882397940 +450 630 3 882376188 +450 631 4 882394251 +450 632 5 882395914 +450 633 5 887660440 +450 637 4 882395662 +450 642 4 882397939 +450 647 4 887136622 +450 648 5 887660503 +450 650 4 882376446 +450 651 5 882376658 +450 654 4 882373928 +450 655 4 882377653 +450 657 4 887660504 +450 659 5 882374217 +450 660 4 887660762 +450 661 3 882373231 +450 663 4 882373019 +450 673 3 882396928 +450 679 1 882374422 +450 685 4 882374134 +450 686 4 882473826 +450 689 3 882216026 +450 692 4 882373724 +450 693 3 887139232 +450 699 4 882395537 +450 700 1 882469863 +450 705 4 882373656 +450 707 5 882373786 +450 708 4 882397049 +450 709 3 882371826 +450 710 3 882468931 +450 712 3 882470642 +450 714 4 882472144 +450 715 3 887137066 +450 716 4 882469166 +450 722 5 882471524 +450 723 3 882399818 +450 724 5 882395537 +450 725 3 882469863 +450 728 3 887834953 +450 729 4 887139517 +450 731 3 882398084 +450 732 3 882395662 +450 735 4 882377590 +450 736 5 882395167 +450 739 4 887660650 +450 742 4 882396564 +450 747 4 882395166 +450 751 5 885945114 +450 756 3 882398940 +450 761 4 882398939 +450 762 3 882469627 +450 765 3 882471362 +450 771 3 887835478 +450 774 4 882399818 +450 775 4 882469432 +450 778 3 887834953 +450 781 4 882398220 +450 783 3 882399818 +450 785 3 882395537 +450 790 2 882374332 +450 792 4 882396050 +450 794 5 882473476 +450 795 3 882468790 +450 801 4 882469863 +450 807 4 887834823 +450 815 3 882396153 +450 821 2 882812495 +450 823 3 887139729 +450 832 2 882468307 +450 837 4 887835478 +450 842 4 882376446 +450 845 4 882373385 +450 846 3 882471524 +450 847 4 882376188 +450 865 4 887136139 +450 869 4 882470064 +450 873 3 882216475 +450 878 2 884098534 +450 900 5 885944864 +450 902 4 889569016 +450 904 5 889568507 +450 905 5 885945656 +450 908 1 885945114 +450 921 4 882372178 +450 923 5 886612198 +450 928 3 882397813 +450 934 3 882471362 +450 936 5 889569270 +450 939 4 882376803 +450 940 2 882471737 +450 942 5 882812558 +450 951 4 882399508 +450 956 4 882394097 +450 965 4 882394364 +450 966 4 882377861 +450 967 5 882373994 +450 969 4 882376584 +450 1020 4 882376365 +450 1028 4 882469250 +450 1030 1 882468789 +450 1033 3 882468401 +450 1036 2 882468686 +450 1037 2 882473760 +450 1039 5 887137271 +450 1041 4 882469432 +450 1044 4 887139844 +450 1047 4 882469941 +450 1048 3 882397813 +450 1050 4 882812349 +450 1053 3 882396352 +450 1054 2 882812495 +450 1061 4 882398313 +450 1091 4 882468047 +450 1092 3 882469627 +450 1112 3 882396352 +450 1116 3 887661961 +450 1126 4 887661961 +450 1140 2 882471362 +450 1147 4 882374497 +450 1152 5 882812558 +450 1153 5 882397223 +450 1160 5 886612330 +450 1163 3 882396928 +450 1172 5 882373231 +450 1184 1 882397049 +450 1192 5 887137066 +450 1203 3 882373723 +450 1208 3 882399359 +450 1212 4 882396799 +450 1220 5 882398084 +450 1221 5 887660722 +450 1222 3 887834953 +450 1226 4 887660820 +450 1248 4 882399664 +450 1261 4 882472964 +450 1263 4 882396799 +450 1269 4 882812635 +450 1271 2 882468686 +450 1282 3 882394364 +450 1286 3 882377479 +450 1297 4 882812635 +450 1303 4 887136016 +450 1401 4 882372103 +450 1402 2 882473230 +450 1421 4 882399664 +450 1425 4 882471737 +450 1435 4 882471362 +450 1441 3 882397940 +450 1444 4 882468239 +450 1446 4 882812558 +450 1479 3 882377479 +450 1480 3 882468686 +450 1490 3 882396929 +450 1518 4 887138957 +450 1521 3 882812350 +450 1603 3 887139728 +451 242 1 879012857 +451 243 4 879012510 +451 245 2 879012550 +451 258 4 879012343 +451 259 4 879012721 +451 260 5 879012580 +451 262 1 879012647 +451 263 2 879012811 +451 264 3 879012604 +451 266 2 879012811 +451 268 2 879012684 +451 269 2 879012647 +451 270 4 879012684 +451 286 1 879012343 +451 288 5 879012470 +451 289 1 879012510 +451 292 3 879012684 +451 294 5 879012470 +451 299 1 879012721 +451 300 4 879012550 +451 301 4 879012431 +451 303 2 879012648 +451 305 3 879012647 +451 308 1 879012890 +451 319 2 879012510 +451 321 3 879012470 +451 322 4 879012510 +451 323 4 879012510 +451 324 4 879012647 +451 325 3 879012721 +451 328 5 879012470 +451 329 4 879012721 +451 331 5 879012431 +451 332 4 879012342 +451 333 5 879012550 +451 336 4 879012811 +451 337 2 879012857 +451 358 1 879012550 +451 359 2 879012721 +451 360 3 879012858 +451 457 2 879012890 +451 680 1 879012811 +451 682 4 879012580 +451 683 1 879012470 +451 687 2 879012510 +451 688 1 879012811 +451 690 4 879012382 +451 748 4 879012550 +451 749 3 879012773 +451 872 2 879012857 +451 873 5 879012684 +451 875 2 879012721 +451 876 4 879012431 +451 877 4 879012471 +451 879 4 879012580 +451 880 1 879012773 +451 881 4 879012721 +451 882 1 879012812 +451 883 1 879012858 +451 884 1 879012890 +451 885 1 879012890 +451 887 1 879012858 +451 937 4 879012684 +451 938 4 879012772 +451 948 3 879012890 +451 984 4 879012647 +451 989 1 879012857 +451 990 3 879012684 +451 991 2 879012647 +451 995 1 879012721 +451 1022 4 879012858 +451 1025 3 879012773 +451 1026 1 879012773 +451 1038 1 879012889 +451 1265 4 879012772 +451 1280 1 879012773 +451 1295 2 879012811 +451 1296 3 879012685 +451 1392 1 879012812 +451 1393 2 879012812 +451 1394 1 879012858 +452 7 5 885816915 +452 8 4 875266060 +452 14 3 888568076 +452 22 5 885544110 +452 25 2 875559910 +452 27 5 885816916 +452 45 4 875265446 +452 48 5 885816769 +452 52 3 888494119 +452 58 3 875261666 +452 60 1 887718917 +452 61 1 887718917 +452 62 2 875563098 +452 64 4 875266518 +452 66 4 885816884 +452 69 5 875275699 +452 71 3 875273415 +452 73 3 875277472 +452 76 4 875562410 +452 77 3 875562997 +452 79 4 875269386 +452 86 4 875274683 +452 88 2 875559842 +452 89 5 875263413 +452 94 1 888568349 +452 96 2 875275699 +452 97 4 885476560 +452 98 5 875263330 +452 99 3 875562410 +452 111 3 886061565 +452 121 5 885816916 +452 124 5 885816768 +452 127 5 885544109 +452 132 2 875560255 +452 134 3 875265446 +452 135 3 875560790 +452 136 4 875266060 +452 143 3 885805093 +452 152 2 875264826 +452 153 4 875276361 +452 154 5 888568251 +452 156 4 875261819 +452 161 5 885816915 +452 162 3 875277319 +452 163 4 886151027 +452 164 4 875269386 +452 168 4 888568251 +452 170 4 875261261 +452 171 4 875277472 +452 172 4 876297413 +452 173 4 875261350 +452 174 4 875263413 +452 180 4 875560300 +452 181 4 886151027 +452 183 4 888492759 +452 185 5 875264355 +452 186 1 875875499 +452 187 3 875265265 +452 188 4 875560300 +452 191 5 876299004 +452 194 4 885816440 +452 196 4 875275763 +452 197 5 885816768 +452 201 1 875875685 +452 202 3 885547846 +452 203 3 875275561 +452 204 3 875275815 +452 207 4 875261261 +452 210 4 875561852 +452 211 2 875266197 +452 212 2 885490812 +452 213 4 875265265 +452 216 3 888568700 +452 223 5 885816768 +452 234 3 875264355 +452 243 5 886148336 +452 245 2 876216206 +452 259 2 888494119 +452 269 5 888568251 +452 276 1 885490917 +452 285 3 888492147 +452 286 4 876298932 +452 288 2 876298593 +452 290 2 875562903 +452 294 2 886148704 +452 318 5 885544110 +452 371 3 875562573 +452 384 2 875559398 +452 404 4 875561978 +452 418 4 875275700 +452 419 4 887719030 +452 420 3 875562510 +452 423 5 885544110 +452 427 4 875264976 +452 430 3 885817719 +452 432 2 875264432 +452 435 3 885476560 +452 443 5 885544109 +452 455 1 876297413 +452 456 1 876209837 +452 458 1 875266197 +452 461 4 875273609 +452 462 4 875264825 +452 465 5 886148336 +452 467 3 885491030 +452 474 3 875263067 +452 479 5 885544109 +452 480 5 875261261 +452 482 5 885544110 +452 483 5 875263244 +452 485 2 875276589 +452 488 4 885546945 +452 490 4 875261350 +452 491 4 875261100 +452 494 5 885805554 +452 495 4 875560508 +452 496 5 875261666 +452 498 4 875264976 +452 502 2 885817844 +452 506 3 875276081 +452 509 4 875560790 +452 510 4 875562475 +452 513 4 875561734 +452 515 4 875261747 +452 516 3 888324014 +452 517 2 875562846 +452 518 5 885816768 +452 520 3 875261100 +452 521 3 885545770 +452 523 2 887889774 +452 527 3 885490722 +452 528 4 875261261 +452 531 4 875263244 +452 554 3 875562245 +452 588 3 885804123 +452 597 5 885816916 +452 603 4 887718667 +452 609 4 875562374 +452 614 3 875562198 +452 615 3 875261350 +452 624 2 875560067 +452 631 4 888568464 +452 636 5 885816916 +452 641 3 875266415 +452 648 4 875273292 +452 654 2 875273543 +452 659 4 875266415 +452 660 4 875560068 +452 684 4 888493923 +452 729 1 885981574 +452 736 3 887890174 +452 780 1 885476356 +452 781 3 888568714 +452 792 5 887890364 +452 805 4 875562441 +452 825 5 885816916 +452 856 4 885817937 +452 863 5 885816769 +452 874 2 887718965 +452 924 5 885816916 +452 947 5 885816915 +452 969 2 875276006 +452 971 4 875560019 +452 1089 1 876215899 +452 1109 2 875273609 +452 1204 4 875560150 +452 1255 2 876298932 +452 1383 1 886149828 +452 1403 1 875875272 +452 1410 1 876297577 +452 1427 5 885816768 +452 1534 1 876298233 +453 3 4 877552717 +453 7 5 877562135 +453 9 3 888207161 +453 11 5 877554174 +453 12 5 877553813 +453 17 4 877553928 +453 22 5 877553870 +453 24 4 877553108 +453 25 4 877552872 +453 33 4 877561522 +453 42 5 877554301 +453 48 4 877553761 +453 49 3 877561172 +453 50 5 877562313 +453 53 3 877561894 +453 55 4 877554301 +453 59 2 888202258 +453 67 4 888205882 +453 68 4 877561411 +453 69 4 877554647 +453 73 4 888206132 +453 77 3 888207161 +453 79 3 888207161 +453 80 2 888205783 +453 82 3 877561694 +453 90 3 877561942 +453 93 2 887941962 +453 94 4 877561956 +453 97 3 877554743 +453 98 4 877554396 +453 100 5 877552612 +453 117 4 877552540 +453 122 3 877553532 +453 125 3 877561349 +453 132 3 877554871 +453 143 2 888206053 +453 144 4 877554443 +453 151 3 877552970 +453 154 3 877554587 +453 156 5 877554908 +453 157 4 877561172 +453 158 2 888205937 +453 164 3 877554771 +453 168 4 877553708 +453 172 5 877554587 +453 174 4 877554564 +453 181 5 877552612 +453 184 4 877554846 +453 186 4 877554466 +453 188 4 877554466 +453 196 4 877554174 +453 202 4 877553999 +453 210 4 877554587 +453 214 3 877553928 +453 223 4 888203147 +453 229 2 888206219 +453 231 2 877562293 +453 233 2 888206003 +453 234 3 877561411 +453 237 4 877552657 +453 238 4 877554396 +453 239 3 877554927 +453 246 5 877552590 +453 248 4 887942143 +453 254 2 877562293 +453 257 3 877552590 +453 258 4 876191239 +453 268 4 877552481 +453 272 5 887941892 +453 276 5 877552564 +453 282 4 877561382 +453 288 4 877562071 +453 298 4 877552641 +453 318 4 877553761 +453 356 2 888205866 +453 357 5 877554174 +453 364 3 888206676 +453 367 2 888202813 +453 369 2 877553051 +453 384 2 888205711 +453 385 3 888207161 +453 393 3 888207162 +453 401 3 888206038 +453 403 4 877562293 +453 410 4 877552951 +453 412 2 877553302 +453 416 2 888206132 +453 421 4 888203015 +453 424 1 888206768 +453 427 3 877554174 +453 451 2 877561836 +453 452 2 888206630 +453 456 3 877552540 +453 471 4 888205557 +453 475 5 877552514 +453 496 4 888203066 +453 509 4 877553850 +453 552 2 877561713 +453 566 3 877561593 +453 568 3 888207161 +453 578 3 888205764 +453 586 2 892447163 +453 591 3 877552969 +453 628 3 887942025 +453 651 4 877554743 +453 652 3 877554443 +453 655 3 877553999 +453 684 3 888205336 +453 693 5 877561172 +453 697 4 877561235 +453 721 4 888205696 +453 742 3 888207161 +453 763 4 877553221 +453 781 3 888206022 +453 871 1 888206233 +453 959 4 877561676 +453 963 4 888202307 +453 975 2 887942451 +453 1016 4 877552991 +453 1017 3 887942122 +453 1032 1 877561911 +453 1037 1 888206630 +453 1079 1 887942484 +453 1157 2 888206576 +453 1170 3 877562135 +453 1230 2 888202271 +453 1273 2 877561258 +453 1303 2 888206730 +454 1 3 881959818 +454 11 1 888266433 +454 12 3 881960114 +454 15 2 881960029 +454 22 4 881959844 +454 28 4 888267560 +454 50 4 881959144 +454 51 2 888267158 +454 55 2 888267617 +454 56 3 888267590 +454 58 4 881960029 +454 64 4 881959652 +454 69 4 881959818 +454 70 4 888267419 +454 71 3 888266754 +454 73 3 888267521 +454 76 1 888266433 +454 77 4 888266955 +454 79 4 881960083 +454 81 1 888266433 +454 82 4 881960446 +454 86 2 888267280 +454 87 4 881960296 +454 88 4 888267560 +454 89 1 888266433 +454 95 2 888266433 +454 96 4 888266600 +454 97 4 881960029 +454 98 1 888266433 +454 99 3 881960296 +454 100 4 881959917 +454 107 3 888267087 +454 114 3 881960330 +454 118 4 888267128 +454 121 4 888267128 +454 124 4 881959960 +454 131 3 881960330 +454 132 2 888266874 +454 133 4 881959652 +454 134 3 881959991 +454 140 3 888267386 +454 143 4 881960230 +454 144 4 888266643 +454 153 3 888267521 +454 161 4 888267198 +454 162 3 888267315 +454 164 3 881960265 +454 169 4 888266955 +454 172 2 888266906 +454 173 2 888267028 +454 174 4 888266643 +454 181 3 881959187 +454 182 3 888266685 +454 185 2 881960265 +454 191 4 888266724 +454 194 3 881959698 +454 195 4 888266810 +454 196 2 881959778 +454 197 4 881959961 +454 199 3 881960413 +454 203 2 888267487 +454 204 4 881960504 +454 210 4 881960361 +454 211 2 888267158 +454 215 4 881959917 +454 228 3 881959960 +454 234 3 888267087 +454 237 4 881960361 +454 245 3 881958782 +454 248 3 881959238 +454 250 4 881959238 +454 255 4 881959276 +454 257 4 881959276 +454 258 4 881958402 +454 259 4 881958606 +454 260 1 888000454 +454 270 4 881958606 +454 272 5 888007255 +454 275 2 888267419 +454 277 2 881959960 +454 279 4 881960330 +454 286 3 881958782 +454 289 3 881958783 +454 293 4 881959238 +454 300 4 881958326 +454 302 4 881958326 +454 310 4 881958464 +454 315 4 888015651 +454 316 4 888015879 +454 318 5 881959576 +454 322 2 881958782 +454 323 2 881958783 +454 326 4 881958362 +454 327 3 881958428 +454 356 1 888267279 +454 357 3 881959844 +454 378 3 888267128 +454 385 3 888266810 +454 387 2 888267279 +454 392 2 888266991 +454 404 3 888267590 +454 414 2 888267226 +454 418 3 888267128 +454 419 4 881959917 +454 423 4 881959607 +454 427 4 881960173 +454 431 3 888266991 +454 434 3 888267387 +454 435 2 881960145 +454 451 4 888267455 +454 454 3 881959745 +454 474 4 881959917 +454 478 2 888267487 +454 479 4 881959991 +454 482 3 881960230 +454 483 3 881960145 +454 484 3 881960445 +454 485 4 888267386 +454 487 4 888266565 +454 490 2 888266754 +454 492 3 888266643 +454 493 2 888267617 +454 496 4 881959991 +454 497 3 881959876 +454 498 3 888267559 +454 504 2 888266955 +454 507 3 881960265 +454 509 2 881960230 +454 511 3 881960173 +454 519 2 888267455 +454 520 4 881959607 +454 526 4 881959698 +454 527 4 881960201 +454 528 4 881959818 +454 531 2 888266785 +454 566 4 888267087 +454 568 4 888266906 +454 588 3 881960083 +454 589 2 888267487 +454 602 2 888267521 +454 603 4 881959876 +454 604 3 881959960 +454 605 2 888267487 +454 606 2 881960330 +454 607 2 888267315 +454 611 2 888266685 +454 612 3 881960145 +454 614 3 888267590 +454 631 2 888267643 +454 633 2 881959745 +454 642 2 888267419 +454 649 2 888267279 +454 651 4 881960083 +454 654 2 888267419 +454 655 3 881959746 +454 657 3 881959876 +454 659 2 888267028 +454 660 3 888267128 +454 661 4 881959991 +454 678 2 881958782 +454 685 3 888267198 +454 686 2 888267280 +454 687 3 881959468 +454 692 5 888267158 +454 693 2 888267315 +454 694 2 888266874 +454 705 3 881959818 +454 707 3 881959576 +454 724 3 888267158 +454 732 4 888267560 +454 735 2 888267387 +454 736 3 888266991 +454 740 2 888266433 +454 742 3 888267315 +454 746 2 881959778 +454 748 4 881958551 +454 836 2 888266785 +454 837 2 888267315 +454 842 2 881960266 +454 873 2 881958782 +454 875 1 888266433 +454 879 4 881958402 +454 939 2 888267386 +454 945 3 881960083 +454 956 2 888266955 +454 961 1 888267279 +454 968 2 888267198 +454 984 3 891377968 +454 988 2 888015879 +454 1003 2 881960446 +454 1035 3 888266601 +454 1063 4 881960029 +454 1089 2 881959437 +454 1105 3 888015988 +454 1107 4 888267617 +454 1190 3 881959437 +454 1203 2 888267521 +454 1269 3 881959698 +454 1299 2 888266991 +454 1454 2 888266907 +455 1 4 878585685 +455 2 4 879111786 +455 4 3 879111786 +455 7 4 879111213 +455 9 4 878585685 +455 11 3 879110971 +455 12 3 879111123 +455 14 3 883768822 +455 17 3 879111862 +455 20 3 879109594 +455 22 4 879111500 +455 24 3 879111662 +455 25 3 879109110 +455 31 4 879111937 +455 39 2 879111345 +455 40 3 879111662 +455 42 2 879110767 +455 47 2 879112172 +455 52 3 879112011 +455 53 1 879112415 +455 56 5 879110844 +455 57 4 879112460 +455 58 3 879111318 +455 64 4 879111500 +455 65 3 879111396 +455 69 4 879111937 +455 70 3 879111194 +455 71 3 879112098 +455 79 4 879112377 +455 87 3 879110905 +455 89 3 879111616 +455 95 4 879111057 +455 96 4 879111616 +455 97 5 879112436 +455 98 4 879110436 +455 100 4 878585826 +455 117 3 879111345 +455 118 4 879109733 +455 125 3 879109133 +455 126 5 879172791 +455 127 5 879111586 +455 135 5 879111248 +455 148 3 879110346 +455 159 3 879111500 +455 161 4 879112098 +455 164 4 879110844 +455 170 3 879111616 +455 172 4 879112054 +455 173 4 879111937 +455 174 4 879111763 +455 176 3 879111960 +455 191 5 879111422 +455 196 4 879111737 +455 197 5 879111057 +455 204 4 879111249 +455 214 3 879112122 +455 217 4 879112320 +455 222 3 878585775 +455 223 4 879111554 +455 228 4 879111153 +455 234 4 879110436 +455 241 4 879111808 +455 245 3 878585344 +455 252 3 879110818 +455 255 2 884027240 +455 257 4 879109733 +455 258 5 878585250 +455 259 2 884027220 +455 265 4 879112152 +455 270 4 878585321 +455 275 4 878585826 +455 276 4 879109594 +455 277 4 879109565 +455 279 3 882141582 +455 281 3 879110281 +455 282 3 879109664 +455 286 5 878585250 +455 288 2 879110767 +455 289 3 892230574 +455 292 3 879108751 +455 293 4 879109110 +455 298 4 882818787 +455 300 4 878585250 +455 301 2 879110767 +455 304 3 878585409 +455 307 4 892230486 +455 313 4 884649784 +455 317 3 879111616 +455 318 3 879111528 +455 321 2 892230438 +455 323 3 878585277 +455 334 3 892230883 +455 343 4 882141285 +455 372 4 879112055 +455 380 3 879112654 +455 382 3 879112239 +455 385 3 879111907 +455 393 3 879112152 +455 402 4 879112356 +455 405 3 879109764 +455 423 5 879111862 +455 428 4 879111268 +455 447 4 879111153 +455 462 3 879110436 +455 463 4 879111737 +455 465 3 879112678 +455 471 4 879109692 +455 475 4 879109069 +455 504 4 879110573 +455 508 4 882141385 +455 511 5 879110971 +455 515 4 878585775 +455 518 4 879111318 +455 523 4 879110946 +455 529 3 879111737 +455 531 3 879111291 +455 546 3 879110767 +455 549 4 879112320 +455 581 3 879111763 +455 582 2 879111982 +455 584 4 879111528 +455 591 4 879109923 +455 597 3 879110123 +455 627 3 879111705 +455 628 4 879109692 +455 629 3 879111371 +455 647 4 879111092 +455 660 4 879111454 +455 678 3 878585344 +455 692 3 879111249 +455 694 4 879110870 +455 709 3 879111471 +455 724 3 879111500 +455 727 3 879112561 +455 736 3 879112460 +455 738 3 879112238 +455 744 3 879109881 +455 747 4 879111422 +455 755 3 879112189 +455 770 3 879111586 +455 778 4 879112582 +455 898 3 883768822 +455 924 3 879110154 +455 934 3 879110260 +455 939 4 879111454 +455 1028 2 879110767 +455 1034 2 879110767 +455 1136 3 879111705 +455 1137 3 879109881 +455 1160 4 879108892 +455 1167 4 879111123 +455 1171 3 882141702 +455 1174 3 879109663 +455 1197 4 879109565 +455 1265 3 879108997 +456 1 2 881371548 +456 3 4 881371660 +456 9 3 881372328 +456 12 3 881373655 +456 13 4 881372604 +456 14 5 881371427 +456 22 4 881373573 +456 23 4 881373019 +456 32 4 881372911 +456 33 4 881374086 +456 42 4 881373655 +456 46 3 881374613 +456 50 4 881373473 +456 53 4 881375284 +456 54 3 881375416 +456 56 5 881373353 +456 57 4 881374521 +456 59 4 881372779 +456 60 4 881373838 +456 61 4 881373228 +456 68 4 881374437 +456 69 4 881373949 +456 71 3 881374710 +456 72 1 881374801 +456 79 3 881373228 +456 80 2 881374967 +456 86 2 881374332 +456 91 2 881373948 +456 92 4 881374048 +456 94 3 881375482 +456 95 4 881373756 +456 97 4 881373838 +456 99 3 881374767 +456 100 3 881372366 +456 101 3 881375284 +456 109 3 881371660 +456 111 3 881371942 +456 121 2 881372052 +456 129 3 881372604 +456 133 3 881373084 +456 135 4 881373169 +456 143 3 881373983 +456 150 4 881371453 +456 161 3 881374967 +456 168 4 881373794 +456 170 5 881373353 +456 172 5 881373019 +456 174 4 881373019 +456 175 3 881372946 +456 177 4 881373900 +456 179 5 881372779 +456 180 4 881373084 +456 181 3 881373120 +456 182 3 881373228 +456 185 4 881372849 +456 186 4 881374048 +456 187 4 881372911 +456 188 4 881373573 +456 191 3 881372849 +456 194 3 881373472 +456 196 4 881374649 +456 197 4 881373793 +456 200 4 881374390 +456 202 3 881374586 +456 204 3 881374086 +456 210 3 881374849 +456 211 4 881374162 +456 214 4 881374586 +456 216 4 881374193 +456 217 3 881374883 +456 218 4 881374522 +456 222 2 881371766 +456 226 2 881375482 +456 228 3 881374548 +456 229 3 881375482 +456 231 2 881375226 +456 232 2 881374389 +456 234 3 881373473 +456 238 4 881373756 +456 268 5 887165395 +456 273 3 881372328 +456 274 3 881371977 +456 282 3 881371694 +456 286 3 887165765 +456 294 1 881375667 +456 324 4 881372687 +456 325 3 881372687 +456 346 5 887165765 +456 357 4 881373084 +456 366 2 881374967 +456 367 3 881373900 +456 369 3 881371942 +456 380 3 881375097 +456 410 4 881372160 +456 414 3 881374331 +456 419 4 881374124 +456 421 3 881374086 +456 423 3 881374586 +456 427 4 881372779 +456 431 4 881374437 +456 432 4 881374390 +456 443 4 881373019 +456 447 3 881374332 +456 448 3 881374586 +456 449 3 881375226 +456 452 2 881375515 +456 460 3 881371942 +456 462 3 881373506 +456 474 5 881373353 +456 475 5 881372366 +456 479 5 881373900 +456 483 4 881372911 +456 484 4 881373983 +456 490 4 881373084 +456 498 4 881373473 +456 505 4 881373473 +456 506 4 881374332 +456 508 4 881371427 +456 523 4 881373353 +456 546 4 881371942 +456 559 3 881373574 +456 568 2 881374246 +456 578 2 881375127 +456 581 3 881375155 +456 582 5 881374162 +456 588 3 881374462 +456 603 5 881373019 +456 608 4 881373168 +456 640 4 881373697 +456 655 3 881373838 +456 658 3 881375351 +456 660 5 881374522 +456 662 4 881374710 +456 672 1 881374849 +456 673 3 881374849 +456 693 3 881373949 +456 696 3 881372078 +456 708 4 881373756 +456 710 3 881374649 +456 715 3 881373697 +456 720 3 881375515 +456 721 4 881373756 +456 737 3 881375254 +456 743 2 881372256 +456 763 4 881372015 +456 772 4 881373228 +456 789 3 881374522 +456 793 3 881374883 +456 806 3 881373617 +456 818 3 881372114 +456 845 3 881371839 +456 864 4 881371660 +456 919 4 881371548 +456 922 4 881371595 +456 933 3 881371595 +456 943 4 881372946 +456 955 4 881374162 +456 959 4 881375127 +456 963 4 881374047 +456 979 3 881371694 +456 985 3 881371492 +456 1008 4 881371427 +456 1009 5 881372160 +456 1010 5 881371766 +456 1019 4 881372849 +456 1057 3 881372191 +456 1059 4 881372052 +456 1101 3 881374710 +456 1129 4 881371548 +456 1168 4 881375284 +456 1218 3 881374921 +456 1220 3 881375051 +456 1222 2 881375019 +456 1248 3 881374767 +456 1267 4 881373756 +456 1324 4 881371720 +456 1328 4 881372328 +456 1421 3 881374437 +456 1478 4 881374993 +456 1547 4 881373948 +456 1551 3 881374193 +456 1604 4 881372849 +457 1 4 882393244 +457 4 4 882397829 +457 7 4 882393278 +457 8 5 882397734 +457 9 5 882393485 +457 11 4 882397020 +457 12 5 882397666 +457 14 4 882393457 +457 15 4 882393688 +457 20 5 882393967 +457 22 5 882396705 +457 27 4 882549483 +457 31 4 882397543 +457 38 3 882549651 +457 44 4 882548214 +457 45 5 882397133 +457 47 4 882396935 +457 48 5 882397293 +457 50 5 882393620 +457 52 4 882398055 +457 53 4 882548645 +457 54 4 882549322 +457 56 4 882396868 +457 57 4 882397177 +457 58 4 882397177 +457 59 5 882397575 +457 64 5 882396868 +457 65 5 882547967 +457 66 4 882547694 +457 69 5 882396659 +457 70 4 882396935 +457 77 4 882398345 +457 79 5 882396869 +457 82 5 882397494 +457 83 5 882396487 +457 86 3 882397455 +457 88 4 882397763 +457 89 5 882397058 +457 91 4 882547302 +457 94 3 882549544 +457 96 5 882553113 +457 98 5 882553113 +457 100 5 882393244 +457 105 3 882396001 +457 111 3 882393384 +457 114 5 882396868 +457 117 4 882393457 +457 118 4 882395400 +457 122 2 882396158 +457 125 4 882393343 +457 127 5 882396902 +457 132 5 882547619 +457 133 4 882547820 +457 134 5 882396832 +457 137 5 882393278 +457 143 5 882548099 +457 144 5 882397494 +457 148 4 882395360 +457 155 4 882550065 +457 156 5 882397095 +457 157 5 882553112 +457 160 4 882395078 +457 161 4 882397829 +457 162 5 882548793 +457 164 4 882547645 +457 168 5 882395018 +457 169 5 882396935 +457 172 5 882553113 +457 173 5 882395049 +457 174 5 882397267 +457 176 5 882397542 +457 180 5 882396989 +457 181 4 882393384 +457 182 4 882396659 +457 185 5 882397375 +457 186 5 882397575 +457 190 5 882396602 +457 191 5 882396659 +457 192 5 882395018 +457 195 5 882395049 +457 197 5 882396705 +457 200 5 882396799 +457 202 4 882398275 +457 203 4 882397133 +457 208 4 882396705 +457 209 5 882553113 +457 214 5 882548280 +457 215 4 882398002 +457 216 5 882396765 +457 218 4 882547554 +457 219 4 882550304 +457 223 5 882396734 +457 225 4 882395825 +457 227 4 882392853 +457 228 5 882392853 +457 229 4 882392853 +457 230 4 882392853 +457 231 4 882549998 +457 232 4 882397666 +457 234 5 882548426 +457 235 3 882395894 +457 237 4 882393712 +457 238 5 882392976 +457 239 5 882397267 +457 240 3 882395638 +457 241 3 882398086 +457 243 2 882393104 +457 252 4 882395638 +457 257 3 882393036 +457 258 5 882392853 +457 265 5 882397699 +457 275 5 882393648 +457 276 4 882393306 +457 282 4 882392785 +457 285 5 882393648 +457 294 2 882393514 +457 304 4 882392853 +457 318 5 882397337 +457 356 4 882547670 +457 357 5 882396735 +457 366 4 882549287 +457 367 4 882396989 +457 368 1 882396133 +457 370 3 882396133 +457 372 4 882548382 +457 373 2 882551189 +457 380 4 882392854 +457 385 4 882392950 +457 386 3 882549133 +457 395 2 882551605 +457 402 4 882548583 +457 403 4 882397177 +457 405 5 882553113 +457 410 4 882393937 +457 411 3 882395894 +457 412 2 882396217 +457 417 4 882549575 +457 423 5 882397699 +457 425 4 882397828 +457 428 5 882553113 +457 433 5 882397020 +457 436 4 882547619 +457 443 4 882396989 +457 448 4 882548537 +457 450 4 882392853 +457 451 4 882549212 +457 452 3 882551228 +457 453 2 882551854 +457 455 4 882393384 +457 456 2 882395851 +457 458 3 882393765 +457 462 5 882396283 +457 470 5 882398204 +457 471 4 882393421 +457 472 4 882395768 +457 473 4 882395360 +457 474 5 882398178 +457 476 2 882392810 +457 483 5 882396705 +457 500 5 882553112 +457 507 4 882397059 +457 509 4 882398086 +457 527 5 882553113 +457 528 5 882397543 +457 529 4 882397763 +457 531 5 882392906 +457 540 3 882551740 +457 546 2 882393860 +457 549 4 882398178 +457 553 5 882396314 +457 554 4 882549682 +457 559 4 882398054 +457 568 4 882547590 +457 569 3 882549356 +457 582 5 882548350 +457 584 4 882548615 +457 588 5 882397411 +457 597 3 882393908 +457 623 3 882550065 +457 629 4 882397177 +457 631 4 882547620 +457 632 5 882397543 +457 636 4 882548466 +457 640 4 882548467 +457 651 5 882396799 +457 655 5 882397879 +457 658 4 882398308 +457 660 5 882396449 +457 664 4 882549601 +457 673 4 882397829 +457 679 4 882547723 +457 692 4 882396989 +457 695 3 882398345 +457 699 4 882548615 +457 704 4 882397240 +457 708 4 882398002 +457 709 5 882547856 +457 717 3 882395894 +457 720 3 882550925 +457 722 4 882550154 +457 727 4 882396832 +457 729 4 882547857 +457 732 4 882548426 +457 739 4 882549483 +457 742 4 882393306 +457 744 3 882393457 +457 747 4 882397787 +457 755 4 882549356 +457 756 2 882395742 +457 758 2 882551135 +457 769 2 882551740 +457 770 4 882547794 +457 775 3 882551021 +457 783 3 882549936 +457 792 4 882548312 +457 819 2 882396001 +457 825 5 882553112 +457 841 4 882395516 +457 845 4 882393801 +457 871 1 882393765 +457 931 2 882395916 +457 934 3 882396092 +457 948 1 882393156 +457 949 3 882549287 +457 959 4 882549180 +457 980 4 882395283 +457 1012 4 882393765 +457 1028 3 882393828 +457 1030 2 882551134 +457 1037 2 882551818 +457 1039 5 882397934 +457 1140 2 882551344 +457 1168 5 882548761 +457 1210 4 882549905 +457 1221 4 882549438 +458 7 4 886394373 +458 8 4 886395899 +458 9 5 886394373 +458 12 5 886395758 +458 13 4 886394916 +458 14 5 886394576 +458 20 4 886394778 +458 21 2 886395393 +458 23 4 886397931 +458 32 4 886395963 +458 48 4 886396192 +458 50 2 886396521 +458 52 4 886398187 +458 57 1 886395758 +458 58 5 886396140 +458 64 4 886396005 +458 69 2 886397988 +458 79 5 886396192 +458 83 4 886398071 +458 86 5 886397679 +458 96 4 886398543 +458 97 1 886397931 +458 98 3 886396240 +458 99 4 886397110 +458 100 4 886394373 +458 116 4 886394623 +458 117 4 886394623 +458 121 1 886395022 +458 124 4 886394822 +458 126 4 886394730 +458 127 5 886396390 +458 134 5 886395963 +458 137 5 886394730 +458 143 4 886396005 +458 144 4 886396390 +458 147 2 886395065 +458 152 5 886397275 +458 169 5 886396390 +458 174 3 886397109 +458 178 4 886398187 +458 179 4 886397808 +458 180 4 886397679 +458 181 2 886396824 +458 182 4 886397771 +458 183 4 886396460 +458 189 4 886396460 +458 190 4 886397771 +458 191 5 886396192 +458 192 4 886396240 +458 193 4 886396460 +458 194 2 886397504 +458 195 4 886397318 +458 199 4 886396140 +458 203 5 886396460 +458 208 4 886395963 +458 209 4 886397155 +458 234 4 886397808 +458 237 4 886394623 +458 245 2 889324066 +458 250 1 886396637 +458 255 2 886396521 +458 273 4 886394730 +458 275 5 886394471 +458 276 5 886394470 +458 278 2 886395469 +458 282 2 886396958 +458 283 5 886394730 +458 284 4 886394527 +458 285 4 886394423 +458 286 4 886396637 +458 287 4 886394822 +458 288 3 886394667 +458 289 2 889323582 +458 293 5 886396767 +458 298 5 886396677 +458 301 1 889323539 +458 304 4 889323982 +458 307 4 889323481 +458 317 5 886397155 +458 318 4 886397771 +458 319 4 889323714 +458 321 3 889323855 +458 330 3 889324461 +458 333 1 889323582 +458 338 3 889323660 +458 346 4 889323539 +458 357 3 886397275 +458 387 4 886398246 +458 405 4 886395022 +458 408 5 886396637 +458 410 1 886394778 +458 423 2 886396314 +458 425 3 886398246 +458 427 4 886396460 +458 430 5 886398543 +458 435 4 886397504 +458 461 4 886397377 +458 467 4 886396240 +458 469 4 886397377 +458 473 4 886395022 +458 474 4 886397109 +458 483 5 886396460 +458 496 3 886398289 +458 509 4 886397857 +458 514 5 886397504 +458 515 4 886396729 +458 517 4 886398289 +458 521 4 886397377 +458 526 5 886396241 +458 529 3 886398120 +458 530 4 886396005 +458 531 5 886395758 +458 546 3 886394863 +458 582 1 886398488 +458 588 5 886396460 +458 589 4 886396140 +458 591 3 886394730 +458 596 4 886395350 +458 597 3 886395022 +458 619 2 886394778 +458 644 4 886397275 +458 648 4 886395899 +458 651 3 886397988 +458 654 5 886397771 +458 663 4 886398289 +458 685 3 886394373 +458 694 4 886396140 +458 696 3 886395512 +458 704 2 886397857 +458 709 4 886396192 +458 717 1 886395230 +458 742 4 886394730 +458 744 4 886394623 +458 750 5 889323771 +458 753 4 886397110 +458 792 4 886398025 +458 823 3 886395119 +458 844 4 886394576 +458 847 5 889324370 +458 896 5 889323481 +458 925 3 886395166 +458 939 4 886398187 +458 952 2 886395119 +458 956 5 886397377 +458 969 4 886395899 +458 980 5 886394667 +458 1011 3 886394471 +458 1039 5 886397275 +458 1048 4 886395119 +458 1067 5 886395311 +458 1070 4 886395963 +458 1101 4 886397931 +458 1261 4 886397413 +458 1335 1 886395565 +458 1338 3 886395393 +459 1 4 879562960 +459 3 2 879563288 +459 7 5 879563245 +459 8 5 879563903 +459 15 4 879563102 +459 16 2 879562939 +459 19 3 879563064 +459 22 5 879563903 +459 25 2 879563201 +459 79 3 879566291 +459 100 1 879562859 +459 108 1 879563796 +459 111 3 879563201 +459 117 5 879563146 +459 120 2 879563392 +459 121 5 879563474 +459 123 3 879563312 +459 125 4 879563169 +459 127 4 879562834 +459 134 3 879564941 +459 147 3 879563435 +459 148 5 879563367 +459 164 4 879564941 +459 172 5 879563902 +459 174 4 879566291 +459 181 4 879562939 +459 186 4 879566321 +459 194 3 879566291 +459 216 3 879566321 +459 220 3 879563367 +459 222 4 879562994 +459 225 3 879563777 +459 230 4 879564941 +459 245 3 879561731 +459 249 2 879562860 +459 250 5 879563270 +459 252 4 879563506 +459 255 4 879563613 +459 257 5 879563245 +459 258 3 879561574 +459 260 2 879561782 +459 264 4 879561755 +459 271 4 879561731 +459 274 4 879563226 +459 275 4 879562859 +459 278 4 879563270 +459 282 3 879562995 +459 286 4 879561532 +459 289 4 879561679 +459 291 4 879563312 +459 294 5 879561755 +459 295 3 879563367 +459 298 3 879562895 +459 300 4 879561574 +459 301 2 879561574 +459 307 5 879561630 +459 322 4 879561679 +459 323 3 879561708 +459 328 3 879561574 +459 332 3 879561630 +459 333 3 879561574 +459 336 2 879561708 +459 357 4 879564308 +459 358 2 879561783 +459 405 3 879563334 +459 411 2 879563796 +459 471 3 879562659 +459 472 5 879563226 +459 473 4 879563102 +459 477 1 879562995 +459 523 4 879564915 +459 546 1 879563367 +459 568 3 879564941 +459 596 3 879562939 +459 597 3 879563270 +459 678 4 879561783 +459 687 3 879561782 +459 742 4 879562834 +459 748 4 879561754 +459 815 4 879563102 +459 825 3 879563474 +459 827 3 879563758 +459 832 3 879563758 +459 846 4 879563435 +459 864 4 879563435 +459 866 5 879563312 +459 879 4 879561630 +459 926 4 879563639 +459 932 4 879563334 +459 934 3 879563639 +459 969 3 879564882 +459 978 2 879563435 +459 989 5 879561708 +459 993 3 879563146 +459 1013 3 879563226 +459 1014 1 879563506 +459 1016 4 879563506 +459 1039 3 879564915 +459 1040 2 879563701 +459 1047 3 879563668 +459 1051 3 879563667 +459 1060 1 879563668 +459 1115 3 879563506 +459 1190 4 879563169 +460 1 2 882911203 +460 7 3 882912205 +460 9 3 882912150 +460 10 3 882912371 +460 13 3 882912371 +460 14 5 882912418 +460 19 5 882912418 +460 20 4 882912469 +460 127 4 882912150 +460 129 3 882912261 +460 146 4 882912370 +460 149 4 882912174 +460 151 3 882912205 +460 221 4 882912285 +460 224 4 882911603 +460 242 4 882910838 +460 245 3 882910657 +460 248 4 882912342 +460 250 2 882912261 +460 253 3 882912316 +460 257 2 882912342 +460 258 3 882910637 +460 273 4 882912371 +460 275 3 882912261 +460 276 5 882912418 +460 279 2 882912316 +460 283 3 882912316 +460 285 4 882912205 +460 286 4 882910838 +460 288 2 882910678 +460 289 4 882910838 +460 293 4 882911603 +460 294 2 882910637 +460 297 3 882912342 +460 301 3 882910579 +460 302 4 882910837 +460 303 3 882910553 +460 304 2 882911101 +460 306 4 882912418 +460 307 4 882912418 +460 311 5 882912418 +460 322 3 882910722 +460 327 4 882912418 +460 458 2 882911603 +460 515 5 882912418 +460 532 3 882912370 +460 591 2 882911603 +460 676 4 882912285 +460 713 4 882912469 +460 744 3 882912261 +460 847 3 882912205 +460 870 2 882912469 +460 1115 3 882912235 +460 1142 4 882911203 +460 1171 3 882912235 +460 1251 3 882912285 +460 1380 3 882912469 +461 9 5 885356112 +461 50 3 885356089 +461 121 2 885355890 +461 158 2 885355930 +461 242 3 885355735 +461 255 2 885355890 +461 259 2 885355679 +461 269 3 885355705 +461 285 4 885356112 +461 302 3 885355646 +461 304 4 885355805 +461 305 2 885355757 +461 313 4 885355646 +461 319 3 885355778 +461 321 3 885355757 +461 347 4 885355679 +461 682 1 885355705 +461 1006 5 885355890 +462 11 5 886365498 +462 22 5 886365498 +462 100 4 886365387 +462 136 4 886365498 +462 181 4 886365443 +462 237 5 886365387 +462 259 3 886365773 +462 271 1 886365928 +462 272 5 886365142 +462 288 5 886365260 +462 289 5 886365837 +462 292 5 886365260 +462 300 5 886365260 +462 310 5 886365197 +462 313 5 886365231 +462 315 4 886365837 +462 321 5 886365734 +462 322 5 886365773 +462 323 2 886365837 +462 328 5 886365773 +462 330 3 886365803 +462 332 5 886365706 +462 346 1 886365928 +462 358 1 886365638 +462 678 3 886365335 +462 682 5 886365231 +462 866 5 886365387 +462 873 4 886365706 +462 895 4 886365297 +463 3 2 877386083 +463 7 4 877385180 +463 10 1 890453075 +463 13 3 877385664 +463 14 1 890453075 +463 15 4 877385287 +463 20 5 877385590 +463 21 1 890453075 +463 24 3 877385731 +463 50 4 890530818 +463 93 4 877385457 +463 100 4 877385237 +463 103 1 890530703 +463 107 3 889936181 +463 112 1 890530721 +463 116 5 877385381 +463 117 3 877385731 +463 121 3 877385797 +463 124 5 877385381 +463 126 4 877385531 +463 127 5 890530105 +463 129 2 877385287 +463 137 2 877385237 +463 147 3 877386047 +463 149 2 877385341 +463 150 2 889943683 +463 151 4 877385341 +463 221 5 877385180 +463 224 3 877385181 +463 225 3 877385489 +463 235 2 877385457 +463 242 2 889935629 +463 243 1 877384970 +463 244 4 877387935 +463 246 4 877387935 +463 248 3 889935953 +463 249 2 889936035 +463 250 4 889935953 +463 253 5 877387935 +463 257 4 889935910 +463 258 5 877387935 +463 268 4 877384940 +463 269 5 877384802 +463 270 3 889936535 +463 274 3 877385664 +463 275 5 877385287 +463 282 3 877385664 +463 284 3 877385531 +463 285 4 877385125 +463 286 4 877387935 +463 288 1 889943851 +463 301 5 889936512 +463 306 4 877384836 +463 310 3 889936490 +463 311 4 889936814 +463 313 4 889935655 +463 319 1 889936589 +463 347 1 889936589 +463 362 1 889943741 +463 410 1 890530286 +463 455 3 877385457 +463 472 3 877385922 +463 473 4 877385731 +463 476 3 877385664 +463 477 2 877385489 +463 508 4 877385125 +463 544 4 877385415 +463 593 1 877386923 +463 596 3 877385731 +463 597 2 890531227 +463 689 2 889936731 +463 690 4 877384802 +463 740 4 877385922 +463 741 1 889937778 +463 744 3 877385457 +463 751 4 889943769 +463 813 4 877385125 +463 845 3 877385830 +463 864 3 890530351 +463 870 2 877385615 +463 892 2 889936774 +463 926 1 890453075 +463 930 1 889936180 +463 936 2 890460826 +463 950 3 877385590 +463 952 1 890453075 +463 985 1 877386923 +463 988 2 877384836 +463 993 2 877387935 +463 1007 3 877387935 +463 1012 2 889935860 +463 1014 2 889936324 +463 1017 2 877385731 +463 1028 2 877386082 +463 1033 2 890530703 +463 1067 2 877385531 +463 1117 1 877385954 +463 1132 1 889937778 +463 1163 4 877385982 +463 1164 1 877385797 +463 1197 4 877385180 +463 1199 1 889937778 +463 1216 3 877387935 +463 1244 1 890530329 +463 1377 4 889935837 +463 1383 2 890530703 +463 1605 2 877387935 +464 12 5 878355167 +464 16 4 878355211 +464 50 4 878354966 +464 116 4 878355167 +464 127 5 878354966 +464 176 4 878355211 +464 181 3 878354998 +464 194 5 878355259 +464 248 5 878354998 +464 249 2 878355119 +464 258 5 878354626 +464 259 4 878354859 +464 260 2 878354859 +464 269 5 878354626 +464 286 3 878354626 +464 289 4 878354626 +464 293 5 878355033 +464 294 4 878354721 +464 298 4 878355061 +464 300 4 878354626 +464 301 4 878354829 +464 302 5 878354626 +464 321 4 878354680 +464 326 4 878354761 +464 328 3 878354722 +464 333 4 878354761 +464 358 3 878354680 +464 479 4 878355167 +464 482 5 878355258 +464 510 4 878355167 +464 603 5 878355259 +464 678 3 878354722 +464 705 5 878355258 +464 709 5 878355258 +464 748 4 878354681 +464 879 4 878354791 +464 984 2 878354681 +464 1226 4 878355033 +464 1598 3 878355088 +465 1 4 883530054 +465 7 5 883529916 +465 8 4 883530991 +465 12 4 883530088 +465 22 3 883531246 +465 28 3 883531110 +465 32 3 883531026 +465 50 4 883530778 +465 56 4 883531110 +465 64 5 883530088 +465 87 4 883530054 +465 97 2 883532120 +465 109 3 883532119 +465 114 4 883530190 +465 127 4 883530667 +465 134 4 883530133 +465 136 4 883530133 +465 143 4 883531380 +465 151 3 883530818 +465 154 2 883532119 +465 169 4 883531072 +465 172 3 883531026 +465 174 3 883531409 +465 175 5 883530054 +465 179 3 883531325 +465 180 3 883530015 +465 181 3 883530521 +465 190 4 883530054 +465 191 4 883530133 +465 194 4 883531072 +465 198 2 883532119 +465 199 3 883531026 +465 202 4 883531487 +465 216 3 883531284 +465 257 4 883530818 +465 258 5 883529482 +465 275 4 883530521 +465 283 3 883530560 +465 286 4 883529338 +465 300 3 883529601 +465 318 4 883531487 +465 319 3 883529372 +465 395 1 883532120 +465 404 2 883532120 +465 408 5 883530391 +465 423 3 883531533 +465 474 3 883531246 +465 475 3 883530313 +465 477 4 883530742 +465 478 4 883531246 +465 481 4 883529984 +465 496 3 883531246 +465 511 4 883530991 +465 513 5 883530015 +465 525 3 883531111 +465 529 3 883529984 +465 584 3 883531325 +465 588 4 883531380 +465 603 4 883531284 +465 615 3 883530991 +465 638 3 883531380 +465 651 3 883531155 +465 656 3 883531410 +465 705 4 883531444 +465 835 3 883531026 +465 836 3 883531155 +465 845 4 883530743 +465 855 4 883531444 +465 868 2 883532119 +465 929 3 883530818 +465 1078 2 883532119 +466 2 1 890284819 +466 4 3 890285034 +466 7 4 890284819 +466 11 3 890284707 +466 22 5 890284706 +466 24 4 890285159 +466 27 3 890285113 +466 33 4 890285113 +466 55 4 890284857 +466 56 4 890284706 +466 62 3 890285159 +466 68 3 890285159 +466 79 3 890284706 +466 87 3 890285706 +466 89 3 890284819 +466 92 4 890285034 +466 95 2 890285788 +466 96 5 890284819 +466 98 3 890285762 +466 117 5 890285034 +466 121 3 890285034 +466 127 3 890284766 +466 128 2 890284819 +466 144 5 890284707 +466 161 2 890285113 +466 172 4 890284706 +466 174 5 890284706 +466 176 4 890284766 +466 181 4 890284857 +466 182 4 890284706 +466 183 3 890284766 +466 187 3 890284857 +466 188 3 890284766 +466 195 4 890284857 +466 210 4 890284706 +466 231 1 890285159 +466 232 4 890284903 +466 241 5 890284857 +466 258 4 890284652 +466 260 4 890283592 +466 265 3 890285159 +466 268 2 890282759 +466 269 2 890282759 +466 273 4 890284857 +466 292 4 890284651 +466 294 3 890282986 +466 300 3 890282795 +466 302 5 890284651 +466 306 5 890284231 +466 308 1 890282957 +466 313 5 890284651 +466 315 5 890284231 +466 321 2 890282986 +466 324 1 890283690 +466 326 3 890282925 +466 327 3 890282956 +466 328 4 890284652 +466 331 5 890284231 +466 333 4 890284652 +466 334 3 890283690 +466 344 5 890284231 +466 346 3 890283056 +466 349 2 890283636 +466 350 4 890284651 +466 354 2 890282795 +466 357 4 890285706 +466 385 4 890284819 +466 403 3 890284857 +466 405 3 890284903 +466 455 3 890285113 +466 510 2 890284857 +466 518 4 890284903 +466 546 4 890285159 +466 550 3 890284903 +466 566 3 890284819 +466 568 3 890285034 +466 651 3 890284819 +466 679 3 890285159 +466 682 1 890282957 +466 684 4 890285034 +466 748 2 890283592 +466 873 2 890283056 +466 882 5 890284231 +466 885 2 890283667 +466 898 1 890283667 +466 902 5 890283497 +466 908 4 890284651 +466 909 5 890284231 +466 995 5 890284231 +466 1176 5 890284651 +466 1313 3 890283690 +467 1 4 879532459 +467 7 5 879532385 +467 10 4 879532496 +467 24 4 879532496 +467 50 4 879532385 +467 93 4 879532595 +467 100 5 879532420 +467 108 4 879532744 +467 109 5 879532550 +467 117 2 879532437 +467 124 5 879532534 +467 150 4 879532385 +467 181 3 879532420 +467 222 3 879532651 +467 240 3 879532773 +467 246 5 879532534 +467 248 3 879532651 +467 249 3 879532671 +467 257 4 879532512 +467 264 2 879532296 +467 268 5 879532164 +467 269 4 879532145 +467 273 4 879532565 +467 276 5 879532460 +467 288 4 879532804 +467 298 4 879532385 +467 302 4 879532127 +467 327 4 879532164 +467 340 3 879532198 +467 455 3 879532744 +467 475 4 879532460 +467 742 2 879532671 +467 762 3 879532478 +467 919 2 879532535 +467 1012 3 879532534 +467 1016 4 879532671 +467 1017 2 879532403 +467 1059 4 879532693 +467 1142 5 879532478 +467 1226 4 879532744 +468 4 5 875296868 +468 5 3 875287686 +468 7 3 875280214 +468 8 4 875288196 +468 9 5 875280041 +468 13 4 875280104 +468 15 4 875280518 +468 19 4 875280126 +468 22 5 875287686 +468 23 4 875287535 +468 24 3 875280462 +468 25 5 875280214 +468 31 3 875287615 +468 39 3 875296309 +468 42 4 875294549 +468 44 4 875302208 +468 51 3 875293386 +468 55 5 875287615 +468 56 5 875286450 +468 58 4 875288771 +468 64 5 875286450 +468 65 3 875294549 +468 69 4 875291570 +468 70 3 875287535 +468 71 5 875295148 +468 91 5 875301056 +468 95 4 875287826 +468 96 5 875295148 +468 97 5 875288503 +468 98 5 875288196 +468 100 5 875279269 +468 111 4 875280518 +468 116 4 875280180 +468 117 2 875280499 +468 121 4 875280628 +468 124 5 875280331 +468 126 3 875280214 +468 127 4 875280126 +468 132 5 875292134 +468 137 4 875280126 +468 143 5 875288197 +468 144 5 875287826 +468 150 5 875280309 +468 157 4 875294741 +468 159 3 875292320 +468 160 3 875295148 +468 161 3 875296309 +468 170 4 875301056 +468 172 4 875293386 +468 173 5 875295093 +468 178 5 875296401 +468 180 5 875291902 +468 181 3 875280041 +468 182 5 875292320 +468 191 4 875287686 +468 192 4 875291403 +468 195 5 875291902 +468 200 4 875292319 +468 204 5 875287826 +468 209 5 875296309 +468 214 5 875288771 +468 218 4 875294971 +468 222 4 875279269 +468 226 2 875302208 +468 237 4 875280181 +468 238 3 875286036 +468 246 5 875280352 +468 248 4 875280352 +468 249 3 875280310 +468 251 4 875280180 +468 257 4 875280417 +468 258 4 875279126 +468 273 2 875280499 +468 275 4 875280143 +468 283 4 875280331 +468 285 4 875280104 +468 286 4 875279126 +468 293 5 875280395 +468 294 3 875279153 +468 321 3 875279126 +468 357 5 875294549 +468 367 4 875296868 +468 372 2 875301098 +468 377 2 875288503 +468 405 2 875280462 +468 411 3 875284879 +468 423 4 875296868 +468 428 4 875291403 +468 432 5 875287826 +468 435 4 875292027 +468 461 4 875291570 +468 462 4 875288196 +468 469 4 875296309 +468 475 4 875280041 +468 498 5 875291571 +468 507 5 875295412 +468 531 4 875295368 +468 544 3 875280417 +468 582 3 875287535 +468 603 5 875296309 +468 612 4 875294549 +468 642 3 875291403 +468 647 5 875293386 +468 655 5 875294464 +468 662 4 875291570 +468 692 4 875292027 +468 724 4 875287615 +468 742 3 875280310 +468 772 4 875291722 +468 826 3 875284096 +468 856 4 875302155 +468 926 2 875280331 +468 943 3 875287721 +468 955 4 875288504 +468 1008 4 875283843 +468 1012 4 875280462 +468 1014 3 875280539 +468 1016 3 875280670 +468 1051 2 875284635 +468 1134 5 875280670 +468 1168 2 875302155 +469 10 5 879525373 +469 64 5 879523802 +469 127 4 879525373 +469 134 5 879524062 +469 136 4 879524062 +469 152 4 879523947 +469 153 4 879523891 +469 173 4 879524178 +469 194 5 879524116 +469 215 4 879523802 +469 238 4 879525237 +469 286 5 879450367 +469 306 4 879450473 +469 474 5 879524117 +469 483 5 879524177 +469 484 5 879524062 +469 487 5 879524178 +469 490 5 879524485 +469 495 5 879525237 +469 499 5 879524485 +469 510 4 879523802 +469 511 5 879524062 +469 513 5 879523891 +469 520 4 879523947 +469 530 5 879524376 +469 582 5 879524266 +469 605 4 879524302 +469 607 5 879524117 +469 610 4 879523947 +469 611 5 879525237 +469 641 4 879524241 +469 654 4 879524177 +469 656 5 879524116 +469 705 5 879524302 +469 855 4 879524302 +469 923 5 879523891 +469 1558 5 879524177 +470 1 3 879178428 +470 7 3 879178518 +470 9 5 879178370 +470 13 4 879178518 +470 19 4 879178813 +470 50 5 879178487 +470 93 4 879178518 +470 100 4 879178370 +470 118 4 879178645 +470 124 3 879178486 +470 125 4 879178969 +470 137 3 879178406 +470 150 5 879178406 +470 181 4 879189434 +470 221 4 879178370 +470 222 3 879178711 +470 235 3 879178486 +470 246 2 879189432 +470 248 3 879189434 +470 257 4 879178568 +470 268 2 879178216 +470 273 3 879178370 +470 276 5 879178619 +470 277 4 879178593 +470 283 5 879178370 +470 284 4 879178884 +470 285 3 879178619 +470 286 4 879178216 +470 288 4 879178216 +470 291 2 879178777 +470 293 4 879178455 +470 294 3 879178237 +470 295 3 879178455 +470 327 3 879178274 +470 360 2 879189269 +470 458 4 879178542 +470 471 5 879178593 +470 475 4 879178568 +470 508 5 879178932 +470 544 3 879178830 +470 546 4 879178950 +470 742 4 879178455 +470 813 3 879178370 +470 824 4 879178731 +470 847 3 879178568 +470 874 3 879189137 +470 919 3 879178370 +470 950 3 879178645 +470 952 3 879178884 +470 1067 4 879178568 +470 1097 3 879178487 +471 1 4 889827881 +471 8 5 889827881 +471 50 3 889827757 +471 71 3 889828154 +471 94 5 889828081 +471 95 4 889827822 +471 99 2 889827918 +471 102 5 889828081 +471 140 5 889827918 +471 151 2 889828154 +471 172 4 889827822 +471 225 5 889828026 +471 404 2 889827757 +471 418 3 889827757 +471 422 5 889827982 +471 432 1 889827822 +471 465 5 889827822 +471 477 5 889827918 +471 501 3 889828027 +471 588 1 889827881 +471 596 1 889827881 +471 627 1 889827881 +471 768 3 889827982 +471 878 4 889827710 +471 932 5 889828027 +471 946 2 889827982 +471 969 2 889828154 +471 1219 4 889828026 +472 1 5 892790627 +472 2 5 892790676 +472 3 5 892790676 +472 4 3 875980418 +472 7 5 892790953 +472 11 5 892790676 +472 12 5 892791017 +472 21 3 875978686 +472 22 5 892790953 +472 27 4 875980283 +472 28 5 892791063 +472 29 5 875982867 +472 33 5 875981829 +472 38 4 875981358 +472 41 4 875982511 +472 43 4 875982560 +472 49 5 875982607 +472 50 5 875978010 +472 51 5 875981708 +472 56 5 875979853 +472 62 5 875981876 +472 63 4 875982511 +472 64 5 875981829 +472 66 5 875981158 +472 68 5 892791017 +472 69 5 892790628 +472 71 2 875981281 +472 72 5 892791017 +472 73 4 875981317 +472 78 1 875982967 +472 80 3 875981230 +472 82 5 892791017 +472 88 2 875982607 +472 90 5 892791063 +472 91 5 892791063 +472 94 5 892791063 +472 95 3 875980209 +472 96 5 875980823 +472 97 3 875981281 +472 99 3 875981595 +472 100 5 875978534 +472 101 5 875981624 +472 105 3 875979402 +472 109 4 875978686 +472 117 3 875978740 +472 118 4 875979082 +472 120 5 883904649 +472 121 5 875978600 +472 122 3 875979153 +472 123 4 875979317 +472 132 5 875979853 +472 135 4 875982051 +472 141 4 875982200 +472 143 4 875980823 +472 151 3 875978867 +472 168 5 892791062 +472 172 5 892791063 +472 173 5 875982641 +472 174 5 875981595 +472 177 4 875981358 +472 181 5 875978034 +472 183 5 875980376 +472 185 5 875980081 +472 186 5 888183325 +472 193 5 875981789 +472 195 5 875982005 +472 196 4 875982005 +472 200 4 875981158 +472 202 5 875979737 +472 204 5 875980823 +472 208 5 875981317 +472 210 5 875981664 +472 214 4 875979964 +472 215 4 875981968 +472 216 4 875981230 +472 217 5 875982867 +472 218 4 875980120 +472 226 5 875982867 +472 228 5 875979910 +472 229 5 875982560 +472 232 4 875983321 +472 233 4 875981759 +472 234 4 875980081 +472 235 5 875978994 +472 239 5 875982398 +472 240 4 875979187 +472 250 5 875978059 +472 254 4 875978191 +472 255 5 892791017 +472 258 5 892790953 +472 260 4 875977827 +472 264 3 875977870 +472 265 4 892790676 +472 271 5 892790628 +472 288 5 875977682 +472 313 5 892790628 +472 318 5 892791017 +472 323 4 892790117 +472 338 4 892790531 +472 343 5 892790628 +472 355 3 892790003 +472 356 3 875983231 +472 362 5 892790627 +472 365 4 875983129 +472 368 3 875979685 +472 370 4 875979317 +472 373 4 875983129 +472 374 2 875982922 +472 378 4 875981759 +472 380 5 875982511 +472 384 3 875982051 +472 385 5 892790676 +472 386 5 892790953 +472 391 2 875983129 +472 392 4 875981503 +472 393 3 875983129 +472 395 3 875982559 +472 400 5 892791062 +472 401 4 875982727 +472 402 5 892791063 +472 404 3 875982922 +472 411 4 875979113 +472 417 4 875982337 +472 418 3 875980120 +472 419 4 875982337 +472 420 3 875982149 +472 431 5 875982607 +472 443 4 875982149 +472 449 5 875982967 +472 455 4 883903686 +472 465 3 875982149 +472 473 4 875978867 +472 475 5 892791017 +472 477 5 875978387 +472 485 3 875980377 +472 496 4 875980823 +472 501 3 875982868 +472 540 3 875982239 +472 541 5 892791017 +472 546 4 875979041 +472 548 1 875982867 +472 549 5 892791063 +472 550 5 875983066 +472 552 5 892790576 +472 554 5 875982771 +472 559 5 875981708 +472 561 5 875982050 +472 562 5 875983023 +472 567 4 875982922 +472 568 5 892790676 +472 569 4 892790676 +472 576 5 892790952 +472 577 3 875982680 +472 578 5 892790952 +472 581 4 875981551 +472 584 1 875980377 +472 588 3 875979797 +472 597 5 892791062 +472 603 5 875980376 +472 609 5 875981551 +472 625 4 875981968 +472 633 4 875981428 +472 655 5 875982397 +472 658 5 875983231 +472 665 4 875983023 +472 672 4 875982771 +472 682 4 887297923 +472 685 3 875978740 +472 689 4 883903273 +472 715 4 875982607 +472 720 5 875982096 +472 739 5 875982967 +472 742 5 883903715 +472 743 4 883904504 +472 746 5 875983023 +472 747 5 875982051 +472 748 5 875977682 +472 751 5 892790628 +472 755 4 875981829 +472 756 4 875978922 +472 758 1 875979359 +472 763 4 875978922 +472 768 5 875982771 +472 771 4 875983427 +472 780 4 875982922 +472 790 3 875981968 +472 810 5 875982922 +472 825 5 875979439 +472 826 3 883904224 +472 831 5 875979498 +472 834 3 875979685 +472 866 5 875978600 +472 877 3 892789947 +472 890 4 883903272 +472 895 4 892790628 +472 916 5 892790627 +472 924 2 875978994 +472 928 4 875979562 +472 930 5 875979317 +472 931 2 883904681 +472 940 4 875982560 +472 946 2 875981122 +472 951 1 875983426 +472 977 3 875979317 +472 1002 4 883904649 +472 1011 4 875979187 +472 1029 4 875983321 +472 1034 3 875979359 +472 1035 4 875981759 +472 1036 4 875983484 +472 1047 4 875979082 +472 1053 4 875982397 +472 1058 4 875980081 +472 1074 5 892790676 +472 1090 5 875983321 +472 1091 4 875982804 +472 1095 4 883904614 +472 1110 5 875981429 +472 1119 5 875983023 +472 1210 3 875983484 +472 1228 4 875983270 +472 1239 5 892790676 +472 1248 4 875983427 +472 1469 4 875982337 +473 7 2 878157329 +473 9 5 878157357 +473 10 3 878157527 +473 14 4 878157242 +473 25 4 878157427 +473 116 5 878157544 +473 124 4 878157357 +473 127 5 878157299 +473 129 4 878157329 +473 137 4 878157357 +473 150 5 878157329 +473 256 4 878157648 +473 257 4 878157456 +473 268 5 878156932 +473 273 5 878157329 +473 275 5 878157527 +473 276 4 878157404 +473 285 4 878157404 +473 293 4 878157507 +473 302 4 878156824 +473 303 4 878156932 +473 319 3 878156824 +473 321 2 878156950 +473 327 3 878156857 +473 475 5 878157299 +473 508 2 878157456 +473 547 3 878157600 +473 813 3 878157427 +473 1129 4 878157507 +473 1142 5 878157299 +474 7 5 887915414 +474 8 5 887925497 +474 9 5 887916203 +474 11 5 887924571 +474 12 5 887924683 +474 13 5 887915684 +474 14 5 887915306 +474 15 5 887915600 +474 22 4 887924571 +474 23 4 887925620 +474 26 4 887927509 +474 28 4 887924619 +474 31 4 887926573 +474 42 4 887923923 +474 44 3 887926998 +474 45 5 887924618 +474 47 4 887927339 +474 48 4 887923923 +474 50 5 887915221 +474 52 4 887925751 +474 55 4 887926271 +474 56 5 887924083 +474 58 4 887925977 +474 59 3 887923708 +474 60 3 887925620 +474 61 3 887924619 +474 64 5 887924027 +474 68 3 887926804 +474 69 5 887924618 +474 70 4 887928498 +474 71 5 887926872 +474 72 3 887927457 +474 73 3 887928793 +474 76 4 887926573 +474 77 5 887926106 +474 79 5 887924027 +474 83 3 887925977 +474 86 4 887927456 +474 87 4 887925916 +474 88 4 887926106 +474 89 5 887924425 +474 92 4 887927509 +474 98 5 887924027 +474 99 4 887927339 +474 100 5 887915413 +474 107 3 887915722 +474 116 5 887915366 +474 117 4 887915306 +474 121 4 887916260 +474 124 5 887915269 +474 126 4 887915366 +474 131 4 887927509 +474 132 4 887924683 +474 134 4 887923972 +474 135 5 887924424 +474 136 4 887925187 +474 141 4 887926059 +474 143 4 887926573 +474 150 5 887915188 +474 151 3 887916203 +474 161 4 887926633 +474 168 3 887927670 +474 170 4 887925620 +474 171 4 887926804 +474 172 5 887923789 +474 173 5 887924027 +474 175 4 887925497 +474 176 5 887923972 +474 178 4 887926105 +474 179 5 887924424 +474 180 5 887924028 +474 181 5 887915511 +474 182 5 887923924 +474 183 5 887924619 +474 185 5 887923923 +474 190 3 887923972 +474 191 5 887923789 +474 192 4 887924571 +474 193 4 887925497 +474 194 5 887924571 +474 195 5 887923789 +474 196 5 887924469 +474 198 3 887925621 +474 199 5 887927456 +474 203 5 887926059 +474 205 5 887924469 +474 207 4 887925751 +474 208 3 887925497 +474 209 5 887927670 +474 210 5 887928562 +474 211 5 887925751 +474 212 4 887927670 +474 215 5 887926804 +474 216 4 887924683 +474 218 4 887927588 +474 221 4 888628044 +474 227 4 887926872 +474 230 3 887927728 +474 234 5 887923788 +474 237 4 887915366 +474 238 4 887924083 +474 244 4 887915646 +474 248 4 887916438 +474 252 4 887916567 +474 257 3 887915511 +474 258 4 887914688 +474 259 1 887914878 +474 265 5 887924425 +474 274 3 887916330 +474 275 3 887915269 +474 276 5 887915221 +474 282 4 887916411 +474 283 3 887915437 +474 285 5 888628044 +474 288 3 887914615 +474 289 3 887914906 +474 291 4 887916567 +474 293 4 887915269 +474 298 3 887915645 +474 302 5 887914615 +474 313 4 887914615 +474 316 5 887914979 +474 317 4 887925187 +474 322 4 888627937 +474 326 3 887914822 +474 343 3 887915082 +474 346 5 887914688 +474 356 5 887928793 +474 378 4 887927152 +474 380 4 887927588 +474 381 4 887924683 +474 382 3 887927339 +474 385 4 887927670 +474 405 4 887916260 +474 410 2 887915645 +474 411 2 887915684 +474 414 4 887927153 +474 416 4 887926271 +474 418 3 887928562 +474 419 4 887925916 +474 427 5 887923924 +474 431 4 887926999 +474 435 5 887926573 +474 436 3 887926873 +474 448 5 887925751 +474 461 5 887924683 +474 462 4 887925497 +474 463 5 887927457 +474 470 3 887926437 +474 474 5 887923789 +474 475 4 887915479 +474 478 4 887926804 +474 480 5 887925186 +474 481 4 887927153 +474 483 5 887924424 +474 484 5 887925751 +474 485 4 887926804 +474 486 4 887924425 +474 488 3 887925977 +474 489 4 887923972 +474 492 4 887925838 +474 493 4 887925837 +474 495 4 887927728 +474 496 4 887923708 +474 497 5 887926106 +474 498 4 887924683 +474 499 5 887924683 +474 503 4 887925838 +474 506 5 887924084 +474 507 4 887924424 +474 508 3 887915437 +474 509 5 887927457 +474 510 4 887925837 +474 511 5 887925620 +474 513 5 887924571 +474 514 4 887926632 +474 517 4 887925916 +474 518 4 887926633 +474 519 4 887926872 +474 520 5 887925837 +474 521 5 887925977 +474 525 4 887925837 +474 526 5 887927339 +474 527 5 887923923 +474 528 5 887923924 +474 529 5 887924571 +474 530 5 887926271 +474 549 5 887926999 +474 553 2 887927339 +474 566 5 887926632 +474 584 5 887927728 +474 591 3 887915366 +474 601 5 887927509 +474 602 3 887926436 +474 603 5 887923788 +474 604 4 887926059 +474 605 3 887927670 +474 606 3 887924571 +474 610 3 887924571 +474 614 4 887926999 +474 615 4 887924619 +474 617 3 887925620 +474 618 4 887927457 +474 628 4 887915414 +474 630 3 887928793 +474 633 4 887926436 +474 641 4 887926436 +474 642 4 887927152 +474 646 4 887925395 +474 647 4 887924571 +474 648 4 887926804 +474 649 4 887927588 +474 652 4 887925838 +474 653 4 887926999 +474 659 5 887925187 +474 660 5 887926999 +474 661 4 887925620 +474 663 4 887924084 +474 664 4 887925620 +474 676 3 887916369 +474 678 2 887915020 +474 684 4 887925977 +474 685 3 887915784 +474 692 4 887927588 +474 696 3 887916330 +474 697 4 887928498 +474 699 4 887927457 +474 705 3 887924619 +474 707 5 887925751 +474 708 4 887927339 +474 709 5 887928755 +474 729 4 887927152 +474 735 4 887924619 +474 736 3 887927509 +474 744 3 887916260 +474 756 1 887915646 +474 789 4 887927152 +474 792 4 887926573 +474 836 3 887926804 +474 848 4 887926998 +474 921 3 887926271 +474 923 4 887926632 +474 943 4 887925751 +474 945 4 887923923 +474 963 5 887926105 +474 966 4 887925837 +474 971 4 887924469 +474 996 3 887927153 +474 1009 4 887915722 +474 1014 3 887916567 +474 1016 3 887915567 +474 1020 3 887926573 +474 1028 1 887916438 +474 1045 4 887927728 +474 1050 4 887926106 +474 1063 5 887927728 +474 1113 3 887926059 +474 1123 4 887923924 +474 1124 4 887927152 +474 1134 3 887915306 +474 1172 4 887924469 +474 1221 4 887926999 +474 1421 4 887928562 +474 1518 3 887927338 +475 50 5 891627857 +475 70 4 891627606 +475 100 5 891452276 +475 127 4 891627857 +475 259 5 891628024 +475 269 4 891451276 +475 286 2 891451276 +475 302 3 891451083 +475 303 1 891451341 +475 306 5 891451276 +475 313 2 891451083 +475 315 4 891452177 +475 316 5 891627927 +475 327 4 891451149 +475 347 4 891451341 +475 381 4 891627606 +475 539 3 891451693 +475 902 5 891451402 +476 4 4 883364143 +476 26 4 883364475 +476 33 4 883364475 +476 42 4 883364295 +476 56 4 883365019 +476 63 3 883365274 +476 67 4 883365218 +476 70 3 883364680 +476 72 4 883364433 +476 80 3 883364392 +476 83 3 883364143 +476 85 2 883364433 +476 88 4 883364717 +476 168 5 883364143 +476 173 5 883364218 +476 175 4 883364143 +476 186 5 883365019 +476 194 5 883364143 +476 201 4 883364324 +476 202 4 883364295 +476 204 4 883364325 +476 208 5 883364250 +476 209 4 883364218 +476 210 4 883364218 +476 211 5 883365019 +476 216 4 883364250 +476 232 3 883364250 +476 238 3 883364324 +476 239 4 883364475 +476 288 4 883365734 +476 294 3 883365634 +476 300 5 883365561 +476 325 1 883365684 +476 328 4 883365684 +476 343 4 883365634 +476 367 3 883364475 +476 386 2 883365135 +476 430 4 883364143 +476 433 4 883364250 +476 435 3 883364218 +476 585 1 883365336 +476 648 4 883364295 +476 655 4 883365019 +476 692 3 883364143 +476 710 5 883364324 +476 712 3 883364475 +476 715 4 883364745 +476 734 4 883365274 +476 738 3 883364812 +476 748 2 883365634 +476 765 4 883365442 +476 781 4 883365135 +476 790 4 883365274 +476 792 4 883365019 +476 890 1 883365989 +476 940 3 883365336 +476 944 2 883364813 +476 959 3 883364433 +476 999 2 883365385 +476 1036 2 883364780 +476 1037 1 883365384 +476 1074 4 883365274 +476 1118 3 883364392 +476 1180 3 883365336 +476 1188 2 883364780 +476 1271 2 883364433 +477 15 4 875941863 +477 25 5 875940755 +477 36 4 875941224 +477 49 5 875941155 +477 66 5 875941763 +477 88 5 875941085 +477 90 4 875941275 +477 111 5 875941763 +477 237 4 875940451 +477 255 5 875941763 +477 274 5 875941763 +477 275 5 875941763 +477 280 4 875941022 +477 282 4 875941948 +477 289 5 875941793 +477 369 4 875940836 +477 451 5 875941763 +477 546 4 875941972 +477 553 5 875941155 +477 709 5 875941763 +477 722 5 875941763 +477 724 4 875941086 +477 731 4 875941275 +477 732 4 875941111 +477 756 4 875940755 +477 778 4 875941191 +477 781 4 875941191 +477 815 5 875941763 +477 846 4 875942042 +477 1041 5 875941225 +477 1051 5 875941763 +478 1 4 889387931 +478 7 1 889387871 +478 15 5 889397306 +478 17 2 889396180 +478 23 2 889388562 +478 26 5 889396212 +478 28 3 889395655 +478 32 3 889395678 +478 40 1 889398198 +478 41 3 889396330 +478 42 5 889388763 +478 48 4 889388587 +478 50 3 889396509 +478 64 5 889388862 +478 65 4 889395879 +478 69 3 889388612 +478 71 3 889388790 +478 72 1 889397841 +478 77 1 889395879 +478 79 4 889388743 +478 81 4 889395977 +478 93 4 889387871 +478 96 2 889396509 +478 98 5 889388862 +478 100 5 889388863 +478 111 3 889397582 +478 122 2 889397778 +478 124 4 889387982 +478 134 2 889397467 +478 137 4 889398260 +478 143 5 889396797 +478 144 5 889396509 +478 145 1 889398599 +478 150 4 889388098 +478 151 5 889388038 +478 160 2 889395921 +478 161 3 889396645 +478 168 4 889388697 +478 178 4 889388562 +478 182 5 889389014 +478 188 4 889396582 +478 196 3 889395921 +478 204 4 889388658 +478 216 5 889396029 +478 218 3 889396731 +478 219 2 889398289 +478 222 2 889387931 +478 231 1 889398598 +478 232 2 889396180 +478 235 2 889388357 +478 237 5 889388863 +478 238 3 889388818 +478 255 4 889398363 +478 276 5 889388862 +478 282 3 889398216 +478 288 5 889388862 +478 300 3 889387471 +478 318 5 889389232 +478 340 5 889398260 +478 350 1 889387418 +478 354 3 889397221 +478 357 5 889388724 +478 367 4 889396235 +478 369 3 889388429 +478 381 5 889397221 +478 392 2 889398571 +478 403 2 889398645 +478 410 3 889388357 +478 412 4 889388249 +478 427 4 889388633 +478 433 3 889396330 +478 447 4 889396732 +478 451 5 889396282 +478 467 5 889395563 +478 469 3 889395879 +478 496 5 889388862 +478 518 4 889395638 +478 568 5 889396615 +478 604 3 889398289 +478 616 4 889398260 +478 655 3 889395541 +478 658 3 889395977 +478 673 3 889395696 +478 684 4 889396531 +478 708 3 889397239 +478 710 5 889396029 +478 739 4 889398528 +478 743 1 889388534 +478 762 4 889388161 +478 763 5 889388375 +478 780 3 889397808 +478 843 5 889397582 +478 866 1 889388273 +478 869 2 889396102 +478 959 4 889396049 +478 975 4 889388229 +478 1041 3 889396449 +478 1048 4 889388357 +478 1101 4 889396005 +478 1221 2 889398645 +478 1270 1 889396212 +478 1521 3 889397343 +479 1 5 879459939 +479 15 3 879460140 +479 24 3 879460236 +479 28 4 879461800 +479 31 4 889125905 +479 50 4 879460160 +479 54 3 879462121 +479 55 4 879461207 +479 58 4 879461432 +479 62 3 879462007 +479 70 4 879461630 +479 71 1 879461143 +479 79 4 879460894 +479 82 4 879461898 +479 88 4 879462041 +479 89 4 879460959 +479 96 4 879460959 +479 97 3 879461651 +479 100 3 879460028 +479 101 4 879462185 +479 108 4 879460424 +479 111 4 879460323 +479 117 3 889125627 +479 118 3 887064767 +479 121 4 879460236 +479 122 1 879460648 +479 127 5 879460192 +479 131 3 879460999 +479 133 2 879461970 +479 135 4 879461255 +479 136 4 879461447 +479 143 1 879461669 +479 144 4 879461741 +479 147 3 889125665 +479 148 2 879460354 +479 151 4 879461914 +479 153 4 879462140 +479 154 3 889126007 +479 161 3 879461399 +479 164 4 879461781 +479 168 5 889126007 +479 172 4 879461084 +479 173 5 879460984 +479 174 5 889125837 +479 175 4 879461102 +479 176 4 889125562 +479 177 4 889125665 +479 179 1 879461142 +479 180 4 879460819 +479 181 5 879460028 +479 182 4 879460984 +479 183 5 889125563 +479 185 4 879461604 +479 187 4 879460785 +479 188 2 879461545 +479 189 2 879461298 +479 190 4 879461354 +479 195 4 879460939 +479 196 4 879461207 +479 197 4 879461102 +479 198 5 879460939 +479 199 5 879460863 +479 200 5 889125775 +479 202 4 879461567 +479 205 3 879461015 +479 209 4 879460863 +479 210 4 889125866 +479 211 4 879461447 +479 213 4 879461039 +479 215 3 879461651 +479 216 3 879461399 +479 226 3 879461280 +479 228 4 879461060 +479 230 4 879461898 +479 234 5 879461318 +479 235 3 879460503 +479 238 4 879461039 +479 241 3 879461800 +479 248 4 879460192 +479 249 2 879460236 +479 250 4 879460393 +479 252 2 879460628 +479 255 2 879460192 +479 257 4 879459955 +479 258 5 879459552 +479 261 1 879533993 +479 264 3 879459791 +479 265 4 879460918 +479 266 3 879459791 +479 270 4 879459641 +479 271 3 879459692 +479 272 4 889125255 +479 274 4 879460370 +479 281 3 879460285 +479 282 5 879460049 +479 283 4 879460140 +479 286 1 879533972 +479 288 3 879459836 +479 295 1 879460424 +479 298 3 879459909 +479 304 4 879459692 +479 318 5 879461039 +479 324 1 879459611 +479 325 1 879459791 +479 328 4 879459611 +479 335 3 879459752 +479 338 1 887064372 +479 340 1 887064320 +479 356 3 879461951 +479 358 1 879459732 +479 380 3 879462007 +479 385 2 879461567 +479 398 1 889125474 +479 403 3 879461988 +479 405 4 879460236 +479 421 4 879460762 +479 422 3 879461207 +479 423 2 879461084 +479 436 4 879461856 +479 455 4 889125853 +479 463 4 879460984 +479 470 5 889125718 +479 471 4 879460028 +479 472 1 879460354 +479 475 1 879460028 +479 479 4 879461378 +479 483 4 879460844 +479 489 5 879460844 +479 496 3 879461084 +479 498 5 879461179 +479 500 4 879461255 +479 510 4 879461337 +479 511 5 879461280 +479 523 4 879460894 +479 528 4 879461060 +479 535 3 887064690 +479 566 3 879461800 +479 588 1 879461378 +479 602 4 879461492 +479 604 3 879461084 +479 616 4 879462062 +479 629 3 879461161 +479 632 5 879460785 +479 640 4 879462168 +479 647 5 879461039 +479 651 5 889125921 +479 655 4 879460959 +479 680 3 887064404 +479 688 1 887064434 +479 692 3 879461700 +479 727 5 879461818 +479 732 4 879461120 +479 739 1 879461932 +479 748 3 879459710 +479 751 4 889125759 +479 752 3 889125284 +479 840 1 879460547 +479 879 4 879459657 +479 931 2 879460681 +479 945 5 879460785 +479 986 1 879460648 +479 1007 4 879460140 +479 1013 1 879460453 +479 1016 3 879460254 +479 1039 4 879461015 +479 1142 5 879459939 +479 1244 3 887064647 +479 1444 1 879462121 +479 1608 2 889125499 +480 8 5 891208576 +480 56 4 891208492 +480 64 3 891208293 +480 89 4 891208651 +480 96 4 891208623 +480 98 4 891208239 +480 100 4 891207715 +480 114 4 891208547 +480 127 3 891207715 +480 165 5 891208390 +480 166 5 891208185 +480 169 5 891208327 +480 172 3 891208492 +480 174 5 891208356 +480 175 3 891208356 +480 183 4 891208651 +480 190 5 891208265 +480 191 4 891208265 +480 203 4 891208520 +480 208 2 891208650 +480 209 4 891208599 +480 213 5 891208492 +480 234 4 891208769 +480 237 2 891207836 +480 257 4 891208037 +480 258 3 891207859 +480 265 3 891208390 +480 272 4 891207539 +480 294 1 891208058 +480 298 2 891207665 +480 302 4 891207539 +480 319 3 891207539 +480 347 3 891207605 +480 462 4 891208520 +480 479 4 891208215 +480 483 3 891208293 +480 504 4 891208822 +480 510 4 891208460 +480 511 4 891208599 +480 517 4 891208460 +480 603 4 891208239 +480 615 4 891208185 +480 642 4 891208822 +480 661 4 891208327 +480 705 4 891208520 +480 863 4 891208356 +480 1007 4 891207715 +480 1388 4 891207665 +481 4 3 885829196 +481 42 3 885828426 +481 50 4 885827974 +481 66 3 885828203 +481 86 5 885828650 +481 98 4 885828574 +481 100 4 885828426 +481 144 4 885828732 +481 153 5 885828165 +481 163 4 885828389 +481 190 5 885828732 +481 191 5 885828543 +481 197 3 885828773 +481 202 4 885829240 +481 210 4 885828165 +481 211 5 885828426 +481 216 5 885828339 +481 238 4 885828245 +481 283 5 885828389 +481 313 4 885827861 +481 318 1 885828807 +481 367 3 885829153 +481 427 4 885828807 +481 430 4 885829196 +481 435 5 885828510 +481 500 4 885828732 +481 505 5 885828574 +481 507 4 885828773 +481 514 4 885829045 +481 524 5 885829045 +481 596 4 885828773 +481 648 5 885828165 +481 650 3 885828650 +481 659 5 885829153 +481 678 3 885828016 +481 692 4 885828339 +481 780 1 885829240 +481 1039 4 885828732 +481 1089 3 885828072 +482 50 4 887644063 +482 127 4 887644063 +482 249 2 887644102 +482 257 4 887644063 +482 258 2 887644023 +482 269 4 887643096 +482 286 3 887644023 +482 289 3 887644023 +482 294 4 887643365 +482 295 3 887644063 +482 298 4 887644085 +482 301 4 887643315 +482 311 4 887643340 +482 313 5 887643146 +482 315 3 887643146 +482 321 3 887644023 +482 682 3 887644022 +482 748 4 887643365 +482 876 3 887644023 +482 881 3 887644022 +482 988 4 887643499 +483 1 4 878950971 +483 9 2 878952471 +483 12 2 878953999 +483 20 2 878952993 +483 68 1 878953693 +483 91 3 884047427 +483 99 3 884047323 +483 101 2 884047278 +483 107 3 878951717 +483 109 5 882165734 +483 116 3 878951532 +483 144 2 878954228 +483 151 2 878952582 +483 173 4 884047454 +483 180 2 878954086 +483 181 4 878950971 +483 195 3 878954753 +483 197 3 878953815 +483 199 3 882165665 +483 227 3 878953592 +483 228 5 878953485 +483 229 3 878953485 +483 230 5 878953592 +483 237 3 878953019 +483 249 2 878952866 +483 250 3 878952837 +483 258 4 878950353 +483 270 3 891917351 +483 271 3 881273325 +483 274 4 878953129 +483 275 4 878951388 +483 277 3 878952636 +483 286 3 878950353 +483 290 3 878953199 +483 313 2 884046430 +483 318 3 884046480 +483 365 2 878953277 +483 380 3 878953592 +483 405 3 878952966 +483 432 3 884047278 +483 449 3 878953593 +483 450 4 878953593 +483 462 3 884047754 +483 473 3 878953090 +483 480 3 878953862 +483 515 4 878950971 +483 538 2 886470912 +483 582 3 887677797 +483 612 3 878953751 +483 676 4 878950972 +483 900 3 885170586 +483 1152 4 893098572 +484 1 5 881450058 +484 4 4 891195154 +484 7 4 881449706 +484 9 1 881449910 +484 14 4 885237963 +484 15 5 881449527 +484 24 1 881449826 +484 25 3 881449561 +484 29 3 891195532 +484 38 4 891195532 +484 50 5 881254239 +484 51 4 891194910 +484 53 1 891195663 +484 56 5 891195057 +484 69 5 891194743 +484 70 5 891195036 +484 71 2 891194743 +484 73 4 891195199 +484 79 5 891195322 +484 82 4 891195444 +484 87 5 891195746 +484 89 4 891195298 +484 94 4 891195856 +484 95 4 891195773 +484 96 5 891195323 +484 97 5 891194957 +484 98 4 891195687 +484 111 4 881450111 +484 121 4 881449910 +484 122 2 889974407 +484 125 4 881450017 +484 135 4 891194820 +484 136 5 891194766 +484 141 4 891195886 +484 143 4 891195746 +484 144 4 891195298 +484 150 4 891195246 +484 151 4 881450017 +484 161 4 891195444 +484 168 4 891195036 +484 172 5 891195298 +484 173 5 891195036 +484 174 5 891195298 +484 181 5 881254239 +484 186 4 891195219 +484 195 5 891195349 +484 197 4 891195973 +484 202 5 891195179 +484 204 5 891195057 +484 210 5 891194743 +484 216 4 891195105 +484 222 5 883402900 +484 227 5 891195506 +484 228 5 891195349 +484 229 5 891195476 +484 230 5 891195417 +484 233 5 891195444 +484 234 4 891195687 +484 235 2 881450160 +484 237 3 881450112 +484 239 4 891195036 +484 241 3 891195390 +484 248 4 883973581 +484 250 4 891194646 +484 252 3 880270616 +484 255 3 882079980 +484 257 5 882079956 +484 258 5 883402900 +484 265 5 891195476 +484 275 3 891195973 +484 293 5 881254899 +484 294 4 878060860 +484 300 4 887519214 +484 313 5 885237934 +484 315 3 883973609 +484 318 5 891194932 +484 343 2 883402932 +484 385 4 891195416 +484 392 4 891194932 +484 393 1 891195246 +484 399 4 891195565 +484 405 4 881450182 +484 422 3 891195825 +484 423 5 891195746 +484 427 5 891195746 +484 431 4 891194692 +484 451 4 891195127 +484 463 4 882807416 +484 468 5 891194886 +484 510 4 889974386 +484 550 4 891195390 +484 554 4 891195565 +484 560 4 891195886 +484 562 3 891195565 +484 568 3 891195417 +484 578 3 891195444 +484 588 5 891195773 +484 597 3 881450182 +484 625 4 891195825 +484 651 5 891194910 +484 655 5 891194820 +484 665 4 891195602 +484 679 2 891195476 +484 684 5 891195390 +484 692 5 891194998 +484 699 4 891195773 +484 720 4 891195532 +484 732 5 891194864 +484 742 3 881449737 +484 746 4 891195179 +484 755 4 891195825 +484 778 5 891195246 +484 823 4 891195506 +484 829 2 891195663 +484 849 3 891195506 +484 879 4 891194665 +484 924 5 880937157 +484 926 4 881450136 +484 930 3 880270596 +485 245 3 891041782 +485 288 3 891041171 +485 289 3 891041551 +485 294 1 891041103 +485 302 5 891040423 +485 303 4 891040688 +485 307 3 891040967 +485 313 4 891040423 +485 319 3 891041485 +485 321 3 891041275 +485 326 2 891041705 +485 328 2 891040560 +485 330 3 891042162 +485 341 4 891042027 +485 347 2 891040688 +485 538 3 891040560 +485 748 2 891041551 +485 752 3 891040967 +485 889 5 891040560 +486 1 4 879874870 +486 3 2 879875347 +486 6 4 879874902 +486 7 5 879874753 +486 10 4 879874871 +486 13 4 879874811 +486 14 5 879874725 +486 15 3 879875278 +486 20 3 879875069 +486 25 4 879874838 +486 50 5 879874582 +486 93 4 879874629 +486 100 5 879875465 +486 106 1 879875408 +486 108 4 879874810 +486 109 3 879874902 +486 111 4 879874693 +486 117 3 879874939 +486 121 3 879875188 +486 123 3 879875278 +486 124 5 879874545 +486 125 3 879874970 +486 127 5 879874448 +486 129 4 879874939 +486 137 4 879874871 +486 146 2 879875188 +486 147 2 879875249 +486 148 2 879874903 +486 150 3 879874838 +486 151 2 879875041 +486 181 4 879874482 +486 220 3 879875441 +486 221 4 879875040 +486 222 3 879874939 +486 235 2 879875370 +486 236 3 879874629 +486 237 4 879874629 +486 244 3 879875220 +486 245 3 879875441 +486 246 3 879874545 +486 248 4 879874663 +486 250 1 879874753 +486 251 5 879874582 +486 252 3 879875316 +486 255 3 879874692 +486 257 3 879875315 +486 258 5 879874064 +486 269 4 879874388 +486 270 2 879874064 +486 273 3 879874871 +486 275 4 879874582 +486 276 4 879874969 +486 277 3 879874418 +486 279 4 879874939 +486 281 3 879874629 +486 282 2 879875278 +486 284 2 879874784 +486 285 5 879874482 +486 286 2 879873973 +486 287 4 879875279 +486 292 4 879874388 +486 293 3 879874545 +486 294 2 879874187 +486 295 3 879874630 +486 298 3 879874871 +486 299 1 879874113 +486 300 4 879874388 +486 302 5 879873973 +486 305 3 879874218 +486 307 3 879874388 +486 319 3 879874388 +486 321 3 879874153 +486 322 2 879874262 +486 325 2 879874296 +486 327 3 879874112 +486 328 2 879873973 +486 331 2 879874112 +486 332 3 879874187 +486 333 2 879873973 +486 336 2 879874218 +486 405 4 879875040 +486 458 3 879875069 +486 459 2 879875040 +486 460 4 879875316 +486 471 5 879874969 +486 473 3 879875188 +486 475 4 879874583 +486 476 3 879875371 +486 508 4 879874753 +486 532 4 879874871 +486 544 4 879875249 +486 546 2 879875440 +486 547 3 879874753 +486 591 4 879874662 +486 595 2 879875408 +486 597 3 879875187 +486 620 2 879875441 +486 628 3 879875278 +486 689 2 879874064 +486 690 2 879873973 +486 696 3 879875041 +486 713 3 879874902 +486 717 2 879875440 +486 718 3 879874449 +486 748 2 879874218 +486 762 4 879874939 +486 766 4 879874417 +486 813 5 879874516 +486 818 3 879874784 +486 823 4 879875347 +486 825 2 879875188 +486 846 2 879875154 +486 864 3 879875041 +486 872 5 879874153 +486 874 3 879874297 +486 879 3 879874297 +486 880 5 879874112 +486 882 2 879874018 +486 883 3 879874388 +486 886 3 879874388 +486 887 5 879874218 +486 889 4 879873973 +486 935 4 879874516 +486 936 3 879874629 +486 975 3 879874783 +486 994 3 879874811 +486 1011 4 879874939 +486 1014 3 879874784 +486 1016 2 879874970 +486 1017 3 879874970 +486 1047 2 879875316 +486 1079 2 879875347 +486 1082 2 879875221 +486 1086 3 879874482 +486 1093 4 879874692 +486 1094 2 879874838 +486 1120 3 879875465 +486 1129 4 879874726 +486 1134 3 879875040 +486 1142 5 879874725 +486 1143 3 879874726 +486 1171 3 879874417 +486 1197 4 879874582 +486 1202 4 879874995 +486 1272 3 879875154 +486 1302 3 879874515 +486 1369 3 879874582 +486 1375 3 879874449 +486 1405 5 879874516 +486 1514 4 879874663 +486 1589 3 879874515 +486 1610 2 879874811 +486 1611 3 879874692 +487 1 5 883443504 +487 2 3 883531122 +487 3 5 883444583 +487 4 4 883531003 +487 11 5 883445495 +487 12 5 883445580 +487 17 3 883531279 +487 22 5 883445495 +487 25 1 883445130 +487 28 4 883446352 +487 31 5 883446685 +487 38 2 884052069 +487 42 3 883446685 +487 43 3 884042206 +487 45 5 883446725 +487 49 4 884036466 +487 50 4 883442018 +487 55 5 883446685 +487 56 4 883528441 +487 58 5 883446907 +487 62 3 884042630 +487 68 5 883530949 +487 69 4 883445859 +487 70 3 883530929 +487 71 3 883530786 +487 73 3 884050038 +487 76 4 883530484 +487 77 3 883530814 +487 79 5 883446543 +487 81 3 883531507 +487 82 5 883446252 +487 87 5 883445606 +487 88 4 884024901 +487 92 4 883446600 +487 94 3 884050838 +487 95 4 883446872 +487 96 5 883446801 +487 97 5 883446600 +487 99 4 883530434 +487 100 5 883442105 +487 111 3 883444558 +487 117 5 883443504 +487 121 4 883444832 +487 125 5 883444736 +487 128 5 883531333 +487 133 4 883530865 +487 136 5 883445606 +487 140 3 883531085 +487 143 3 883530841 +487 144 5 883446725 +487 160 4 884041685 +487 161 5 883530702 +487 172 4 883530409 +487 173 4 883445580 +487 174 5 883446404 +487 176 5 883445540 +487 178 5 883445540 +487 181 4 883441956 +487 183 5 883446637 +487 188 4 883445900 +487 191 4 883446027 +487 194 5 883446322 +487 195 4 883446907 +487 196 5 883446830 +487 202 5 883445943 +487 204 4 883445495 +487 206 4 883531003 +487 210 4 883529505 +487 215 4 883446027 +487 216 4 883530484 +487 218 2 883531507 +487 226 3 883531085 +487 227 3 883531279 +487 230 5 884036466 +487 232 4 883530764 +487 237 4 883441813 +487 239 5 883531507 +487 249 1 884637200 +487 252 1 883445079 +487 255 2 883441890 +487 257 4 883442260 +487 258 5 883440613 +487 260 2 883441026 +487 265 5 883530236 +487 270 5 883440572 +487 272 5 885322350 +487 273 5 883443504 +487 276 3 883444252 +487 280 5 883444860 +487 282 4 883442105 +487 286 2 883439831 +487 288 4 883440572 +487 291 3 883445079 +487 293 5 883441813 +487 294 4 883440572 +487 298 5 883442431 +487 300 5 883441026 +487 313 3 883439795 +487 318 3 883528237 +487 333 3 883440491 +487 340 1 883440613 +487 347 2 884806595 +487 356 4 884024462 +487 366 3 883530929 +487 367 3 883530674 +487 378 5 883530973 +487 393 4 884042207 +487 402 4 883531507 +487 403 4 884050247 +487 404 4 883446725 +487 405 4 883443504 +487 411 3 883444793 +487 412 1 883445220 +487 419 3 883530644 +487 423 4 883446685 +487 426 3 884025034 +487 432 3 883447015 +487 455 2 883444252 +487 462 2 883445859 +487 470 5 883530409 +487 471 3 883441956 +487 474 4 883445752 +487 501 4 883531122 +487 540 2 884050192 +487 541 3 884050711 +487 549 4 884046879 +487 550 3 883530841 +487 566 4 883529540 +487 572 1 884050940 +487 578 3 884036466 +487 586 2 884051840 +487 588 5 883446725 +487 597 4 883444674 +487 620 3 883445168 +487 627 4 883531122 +487 651 5 883445606 +487 652 5 883530374 +487 658 4 883530434 +487 672 4 884024462 +487 679 2 883530724 +487 684 5 883446543 +487 685 3 883444252 +487 686 4 884044329 +487 692 5 883530434 +487 710 4 883445721 +487 727 3 884029774 +487 732 5 884025080 +487 735 4 884042206 +487 739 2 884046879 +487 742 5 883442053 +487 747 4 883531466 +487 748 4 883440540 +487 768 3 884025080 +487 772 3 883530885 +487 779 2 884050879 +487 781 3 884030528 +487 789 4 883446757 +487 790 3 884045135 +487 794 5 883530503 +487 820 3 883444884 +487 823 1 883445302 +487 825 3 883444674 +487 833 4 888262381 +487 845 4 883442260 +487 921 5 884042629 +487 932 3 883444941 +487 939 3 883446757 +487 941 3 884045297 +487 955 5 884024462 +487 956 4 883530702 +487 978 1 883445251 +487 1011 3 883444768 +487 1016 5 883444515 +487 1019 5 883447117 +487 1035 4 884044329 +487 1044 3 884051761 +487 1074 1 884051840 +487 1188 3 884045361 +487 1209 4 884045135 +487 1217 3 884025080 +487 1220 4 884050879 +487 1244 2 883444859 +487 1410 5 883446637 +487 1425 4 884024462 +487 1440 4 884045494 +487 1446 3 883530814 +488 8 3 891295067 +488 9 4 891294063 +488 11 1 891294158 +488 22 4 891294108 +488 28 4 891293805 +488 31 4 891294439 +488 33 2 891294976 +488 50 4 891293974 +488 56 4 891294785 +488 58 3 891376081 +488 64 5 891294529 +488 69 4 891294209 +488 70 3 891294854 +488 71 3 891294606 +488 79 4 891294334 +488 82 4 891294942 +488 83 4 891294530 +488 87 5 891294297 +488 96 3 891294014 +488 98 4 891293698 +488 100 2 891293910 +488 111 4 891294785 +488 127 4 891294606 +488 132 3 891294108 +488 133 4 891294606 +488 134 2 891294707 +488 135 4 891294785 +488 154 3 891293974 +488 162 3 891376081 +488 164 3 891293911 +488 168 4 891293910 +488 172 3 891293863 +488 174 4 891294853 +488 176 4 891293734 +488 180 2 891294439 +488 181 4 891376029 +488 183 4 891293698 +488 185 4 891376137 +488 186 4 891294108 +488 187 3 891293863 +488 190 5 891376046 +488 193 3 891293911 +488 196 3 891293974 +488 198 4 891375822 +488 199 4 891293911 +488 200 2 891294606 +488 203 4 891295023 +488 205 4 891375784 +488 207 3 891294942 +488 208 4 891294298 +488 210 4 891294896 +488 211 4 891294158 +488 216 2 891294785 +488 222 4 891376029 +488 223 4 891294158 +488 228 4 891294854 +488 230 3 891375900 +488 238 1 891375965 +488 243 3 891293400 +488 245 3 891292897 +488 258 4 891293606 +488 259 1 891293051 +488 260 2 891293304 +488 265 4 891294473 +488 269 3 891293606 +488 286 1 891292852 +488 288 2 891292682 +488 292 3 891292651 +488 299 3 891293051 +488 300 4 891293606 +488 304 4 891293606 +488 318 4 891293734 +488 321 3 891293152 +488 323 1 891293263 +488 328 4 891293606 +488 333 4 891293606 +488 357 4 891293699 +488 358 3 891293051 +488 385 4 891294014 +488 405 3 891294014 +488 414 2 891293863 +488 419 3 891294976 +488 429 4 891375991 +488 434 4 891294785 +488 468 5 891295023 +488 474 2 891294439 +488 480 3 891376110 +488 483 3 891293660 +488 485 3 891294298 +488 491 4 891294209 +488 492 2 891375784 +488 493 3 891294297 +488 496 4 891294246 +488 498 3 891294707 +488 500 4 891294568 +488 509 2 891294365 +488 510 4 891294854 +488 511 4 891294209 +488 514 2 891294063 +488 515 4 891293699 +488 520 4 891293660 +488 521 3 891294942 +488 523 3 891293699 +488 568 3 891294707 +488 605 3 891294785 +488 612 4 891294210 +488 633 5 891294334 +488 651 5 891294014 +488 655 3 891294246 +488 659 3 891293771 +488 662 4 891294896 +488 692 4 891294707 +488 705 4 891294473 +488 707 2 891294707 +488 724 3 891375751 +488 732 4 891294606 +488 746 4 891293771 +488 748 4 891293606 +488 776 4 891294298 +488 845 3 891294853 +488 880 3 891293606 +488 890 1 891293478 +488 1025 2 891293263 +488 1039 4 891294654 +488 1050 4 891294568 +489 243 4 891445389 +489 258 5 891366570 +489 259 2 891445743 +489 260 3 891366693 +489 261 2 891449155 +489 263 2 891448268 +489 264 4 891445721 +489 266 5 891446232 +489 268 2 891448453 +489 270 4 891448731 +489 271 4 891448706 +489 272 5 891448367 +489 286 4 891366571 +489 288 4 891366693 +489 289 2 891366748 +489 292 4 891366693 +489 294 3 891366748 +489 300 5 891366571 +489 301 3 891366805 +489 302 5 891448109 +489 304 3 891362812 +489 307 4 891363191 +489 308 4 891447653 +489 310 4 891449022 +489 312 2 891366748 +489 313 4 891362740 +489 315 5 891448389 +489 316 5 891447872 +489 319 3 891447218 +489 321 3 891447845 +489 325 5 891445439 +489 326 4 891362773 +489 327 5 891448409 +489 328 4 891366748 +489 330 4 891445277 +489 331 5 891366606 +489 332 5 891447823 +489 333 4 891362740 +489 334 4 891448453 +489 340 4 891448367 +489 342 3 891445199 +489 343 5 891447913 +489 347 5 891448774 +489 353 4 891449555 +489 355 5 891447872 +489 358 5 891445439 +489 359 5 891362812 +489 360 5 891362904 +489 457 3 891449254 +489 538 4 891448222 +489 539 4 891448834 +489 678 4 891366693 +489 680 5 891445439 +489 681 3 891366805 +489 682 4 891366606 +489 683 2 891449099 +489 687 3 891445439 +489 688 2 891448861 +489 689 5 891447913 +489 748 4 891366838 +489 751 5 891362773 +489 752 5 891448109 +489 872 2 891448530 +489 873 3 891447008 +489 874 2 891448774 +489 875 2 891449465 +489 876 2 891447218 +489 878 2 891448565 +489 879 5 891366652 +489 880 2 891447302 +489 881 2 891447586 +489 883 2 891448811 +489 887 2 891447845 +489 892 3 891449532 +489 895 4 891448147 +489 898 3 891366652 +489 908 5 891446623 +489 984 5 891362904 +489 988 3 891446982 +489 989 3 891446201 +489 991 3 891445439 +489 1025 5 891366652 +489 1238 4 891445352 +489 1243 4 891445231 +489 1280 3 891447653 +489 1293 5 891446623 +489 1612 5 891446623 +489 1613 4 891449466 +490 1 3 875427148 +490 7 3 875427739 +490 9 4 875428765 +490 15 1 875427739 +490 24 4 875428765 +490 50 5 875428765 +490 93 4 875427993 +490 109 5 875428765 +490 117 1 875427948 +490 123 2 875428570 +490 124 4 875427629 +490 126 2 875427812 +490 137 3 875427739 +490 150 5 875428765 +490 151 1 875428185 +490 181 4 875427873 +490 222 3 875427103 +490 224 2 875428702 +490 237 1 875427993 +490 246 2 875427812 +490 255 1 875428309 +490 257 3 875428570 +490 258 2 875427021 +490 273 1 875427629 +490 277 3 875428531 +490 284 3 875427993 +490 286 2 875427021 +490 289 1 875427021 +490 292 3 875428185 +490 293 2 875427993 +490 298 3 875427532 +490 302 4 875428765 +490 333 3 875427021 +490 410 4 875428570 +490 455 4 875428152 +490 458 3 875428417 +490 473 2 875428417 +490 475 4 875427629 +490 515 3 875427224 +490 547 4 875428765 +490 596 1 875427225 +490 741 4 875427629 +490 764 1 875427993 +490 847 3 875427873 +490 919 4 875428765 +490 926 2 875428185 +490 952 2 875427532 +490 987 3 875428702 +490 993 1 875427739 +490 1012 3 875428416 +490 1067 2 875428309 +490 1128 4 875428765 +490 1386 4 875428416 +491 7 3 891185298 +491 12 5 891189305 +491 14 2 891185298 +491 19 4 891185209 +491 45 5 891189631 +491 100 5 891186806 +491 124 5 891185170 +491 129 4 891185170 +491 190 4 891189631 +491 236 4 891185919 +491 258 4 891189815 +491 273 5 891188230 +491 285 5 891185919 +491 325 1 891189876 +491 340 4 891189716 +491 408 5 891185298 +491 475 4 891185170 +491 493 4 891185129 +491 657 5 891189306 +491 684 5 891189575 +491 696 3 891188296 +491 900 5 891189761 +491 1281 3 891186806 +492 64 4 879969539 +492 69 3 879969385 +492 83 4 879969644 +492 86 3 879969454 +492 97 3 879969210 +492 100 4 879969292 +492 124 4 879969345 +492 127 5 879969879 +492 131 3 879969720 +492 134 3 879969644 +492 137 4 879969670 +492 153 4 879969454 +492 172 3 879969415 +492 185 3 879969512 +492 186 3 879969539 +492 187 5 879969878 +492 192 3 879969583 +492 193 4 879969415 +492 205 4 879969692 +492 212 3 879969367 +492 242 5 879969878 +492 275 2 879969210 +492 285 4 879969345 +492 286 4 879969099 +492 291 4 879969692 +492 318 5 879969878 +492 462 3 879969292 +492 474 5 879969879 +492 478 2 879969583 +492 479 3 879969583 +492 482 3 879969720 +492 483 2 879969210 +492 492 4 879969512 +492 511 5 879969879 +492 521 5 879969644 +492 523 4 879969583 +492 528 5 879969878 +492 531 4 879969539 +492 651 3 879969814 +492 654 4 879969323 +492 657 3 879969345 +492 699 3 879969210 +492 772 1 879969512 +492 923 5 879969878 +492 1021 3 879969415 +492 1098 4 879969512 +492 1121 2 879969720 +492 1147 1 879969670 +493 1 3 884130416 +493 7 3 884130372 +493 11 3 884130852 +493 12 3 884132225 +493 22 5 884131114 +493 48 4 884130995 +493 50 5 884131553 +493 56 4 884130911 +493 59 5 884132315 +493 60 2 884131263 +493 61 4 884131263 +493 65 4 884132146 +493 69 5 884130995 +493 71 5 884131020 +493 79 5 884131287 +493 82 5 884132058 +493 91 3 884132287 +493 95 5 884131287 +493 96 4 884130793 +493 98 4 884131460 +493 100 5 884130308 +493 115 4 884131665 +493 117 5 884130416 +493 121 5 884131690 +493 124 3 884130253 +493 127 3 884130416 +493 150 5 884130495 +493 156 1 884130995 +493 170 3 884131089 +493 171 5 884130825 +493 172 5 884131597 +493 175 4 884131933 +493 176 5 884132197 +493 180 4 884130793 +493 181 5 884130308 +493 183 5 884132225 +493 188 5 884131314 +493 191 4 884132225 +493 192 3 884132015 +493 195 3 884131314 +493 196 4 884130933 +493 201 5 884131089 +493 208 4 884131897 +493 209 5 884130933 +493 210 5 884131620 +493 222 3 884130416 +493 235 2 884130593 +493 238 3 884131985 +493 239 5 884131952 +493 249 4 884132784 +493 250 4 884130387 +493 252 4 884130619 +493 258 5 884129725 +493 260 1 884129979 +493 262 3 884129793 +493 264 3 884129923 +493 265 5 884131048 +493 271 1 884129823 +493 273 4 884131717 +493 274 5 884131480 +493 275 1 884131357 +493 284 4 884130619 +493 288 4 884129823 +493 298 3 884130668 +493 300 4 884129725 +493 317 3 884132267 +493 318 5 884132315 +493 323 4 884129979 +493 327 5 884129868 +493 328 4 884129823 +493 333 4 884133084 +493 343 3 884130074 +493 357 5 884130891 +493 404 4 884132351 +493 405 2 884130619 +493 410 4 884132883 +493 411 1 884132934 +493 423 2 884131020 +493 431 5 884132037 +493 435 5 884132015 +493 455 5 884131690 +493 462 2 884132015 +493 475 3 884130495 +493 483 5 884131534 +493 527 5 884132037 +493 528 5 884132246 +493 546 5 884131738 +493 550 4 884132181 +493 597 4 884131738 +493 647 4 884131287 +493 652 5 884131287 +493 684 4 884132267 +493 687 1 884130055 +493 693 4 884132129 +493 742 3 884130253 +493 746 4 884131143 +493 751 5 884129793 +493 754 3 884129868 +493 762 4 884130439 +493 763 4 884130593 +493 833 2 884131738 +493 876 1 884129923 +493 879 4 884129823 +493 881 1 884130009 +493 886 2 884129868 +493 890 3 884130074 +493 925 3 884130668 +493 959 2 884131263 +493 974 3 884132914 +493 1013 1 884131777 +493 1126 2 884131517 +493 1278 5 884130215 +494 1 3 879541374 +494 9 2 879541404 +494 15 5 879541475 +494 50 5 879541246 +494 64 5 879541207 +494 65 5 879541207 +494 86 3 879541298 +494 98 4 879541158 +494 100 5 879541475 +494 107 4 879541405 +494 126 4 879541476 +494 127 5 879541080 +494 174 5 879541112 +494 183 5 879541158 +494 191 4 879541158 +494 194 4 879541298 +494 199 4 879541158 +494 204 5 879541298 +494 222 5 879541375 +494 237 4 879541375 +494 238 5 879541207 +494 245 3 879540720 +494 289 1 879540630 +494 294 4 879540593 +494 300 5 879540593 +494 322 2 879540819 +494 323 3 879540901 +494 357 5 879541245 +494 427 5 879541112 +494 479 3 879541207 +494 498 4 879541246 +494 507 4 879541207 +494 528 3 879541245 +494 603 3 879541298 +494 663 5 879541080 +494 707 4 879541112 +494 748 1 879540720 +494 924 4 879541475 +494 1197 3 879541405 +495 1 4 888632943 +495 2 2 888635595 +495 9 5 888632069 +495 11 5 888634536 +495 29 2 888636573 +495 44 3 888636032 +495 50 5 888632134 +495 53 1 888637440 +495 54 5 888637768 +495 56 5 888632574 +495 62 3 888635937 +495 64 5 888632496 +495 68 5 888634987 +495 69 3 888632070 +495 71 5 888634111 +495 77 4 888634475 +495 79 5 888632546 +495 84 3 888633011 +495 88 4 888635380 +495 89 3 888632888 +495 90 4 888635637 +495 91 2 888634859 +495 95 3 888634315 +495 98 5 888632943 +495 101 5 888632943 +495 109 5 888633594 +495 127 4 888634955 +495 132 4 888632916 +495 133 3 888632888 +495 135 3 888633011 +495 139 2 888636810 +495 140 5 888635419 +495 143 1 888634315 +495 144 4 888634070 +495 145 4 888637147 +495 147 5 888637768 +495 151 5 888635236 +495 153 5 888633165 +495 154 4 888633277 +495 155 3 888635455 +495 157 5 888635294 +495 158 3 888637477 +495 161 4 888634746 +495 162 3 888633351 +495 163 5 888633277 +495 167 4 888636958 +495 168 5 888632738 +495 172 5 888632378 +495 174 5 888632319 +495 176 5 888632496 +495 181 5 888632180 +495 184 5 888633086 +495 186 5 888633277 +495 188 4 888632250 +495 191 3 888632219 +495 195 5 888633396 +495 200 5 888637768 +495 201 2 888633594 +495 202 4 888633042 +495 204 4 888632155 +495 208 5 888632134 +495 210 5 888632496 +495 214 5 888632219 +495 216 4 888632443 +495 217 5 888637768 +495 218 4 888635080 +495 219 4 888636992 +495 222 5 888633277 +495 226 4 888633011 +495 227 5 888636899 +495 228 5 888632738 +495 229 3 888634918 +495 230 5 888632969 +495 231 3 888635294 +495 233 4 888633594 +495 234 5 888634144 +495 235 5 888636603 +495 240 4 888636773 +495 265 5 888633316 +495 282 5 888637768 +495 288 4 888633165 +495 357 5 888633277 +495 378 5 888634896 +495 379 5 888636870 +495 385 3 888633042 +495 386 3 888636837 +495 389 5 888637643 +495 391 3 888637440 +495 392 5 888635455 +495 393 5 888635339 +495 395 1 888637147 +495 402 3 888635050 +495 403 5 888634475 +495 404 4 888635380 +495 413 5 888636032 +495 416 5 888636899 +495 417 3 888636741 +495 418 4 888633440 +495 419 1 888632070 +495 421 1 888634389 +495 423 5 888633522 +495 431 5 888632546 +495 433 4 888634315 +495 435 5 888632969 +495 441 3 888633440 +495 444 3 888636958 +495 447 4 888635420 +495 448 5 888634896 +495 449 5 888637768 +495 451 4 888635524 +495 452 2 888637070 +495 465 5 888635180 +495 470 5 888637768 +495 472 5 888635144 +495 478 4 888632443 +495 479 4 888632574 +495 496 5 888632888 +495 501 3 888634536 +495 504 4 888632546 +495 505 5 888633473 +495 507 4 888633316 +495 523 5 888632155 +495 550 3 888635235 +495 559 4 888635180 +495 566 4 888635144 +495 573 4 888636928 +495 575 3 888637477 +495 577 1 888637477 +495 578 3 888636653 +495 581 5 888635655 +495 582 4 888635080 +495 590 4 888637612 +495 616 4 888635050 +495 622 2 888635886 +495 629 3 888636032 +495 633 5 888632738 +495 637 3 888635995 +495 642 4 888635050 +495 650 5 888634956 +495 655 5 888634536 +495 658 3 888635380 +495 660 3 888635144 +495 662 5 888636810 +495 671 2 888634956 +495 674 3 888635995 +495 679 3 888634784 +495 684 5 888634956 +495 705 4 888634111 +495 732 4 888634070 +495 739 4 888637042 +495 742 5 888632888 +495 768 3 888636216 +495 770 3 888635339 +495 790 3 888636635 +495 797 4 888635524 +495 831 1 888637325 +495 843 3 888637385 +495 924 3 888634441 +495 944 5 888637768 +495 969 4 888632443 +495 1039 5 888635180 +495 1046 5 888636837 +495 1091 4 888637503 +495 1110 4 888637147 +495 1116 3 888632738 +495 1118 5 888632888 +495 1119 4 888634784 +495 1133 3 888636487 +495 1135 5 888634475 +495 1182 3 888636871 +495 1183 4 888637228 +495 1188 5 888637147 +495 1207 5 888637300 +495 1208 4 888636032 +495 1263 4 888636062 +495 1419 1 888635995 +495 1444 2 888637018 +495 1469 5 888636810 +496 7 4 876064168 +496 10 5 876064845 +496 11 4 876067022 +496 17 3 876065645 +496 33 4 876067108 +496 38 2 876068615 +496 39 5 876072633 +496 42 5 876066676 +496 50 5 876072633 +496 53 3 876070655 +496 56 5 876066009 +496 64 3 876066064 +496 68 4 876067192 +496 77 2 876066531 +496 87 5 876073616 +496 88 1 876067346 +496 89 5 876072633 +496 96 4 876065881 +496 97 1 876066848 +496 98 4 876073160 +496 99 3 876066598 +496 109 3 876064357 +496 132 3 876065881 +496 133 5 876066567 +496 135 2 876066038 +496 136 1 876066424 +496 141 3 876067493 +496 142 2 876067686 +496 143 3 876067146 +496 147 3 876064356 +496 151 3 876067445 +496 154 2 876066424 +496 156 3 876065933 +496 158 2 876069951 +496 164 3 876066153 +496 172 5 876065558 +496 173 5 876065349 +496 181 5 876064168 +496 183 2 876065259 +496 186 4 876065558 +496 191 5 876072632 +496 196 3 876066374 +496 204 3 876066531 +496 206 4 876068615 +496 217 5 876073320 +496 222 3 876064290 +496 227 1 876066794 +496 228 1 876065588 +496 229 2 876070655 +496 246 4 876064198 +496 252 2 876065105 +496 268 4 876063784 +496 318 4 876065693 +496 333 3 876063848 +496 356 2 876070764 +496 378 1 876066794 +496 380 2 876068433 +496 393 1 876069951 +496 416 1 876067754 +496 417 1 876066465 +496 418 3 876066848 +496 419 2 876066874 +496 420 3 876069927 +496 421 3 876066229 +496 426 3 876071419 +496 432 4 876066652 +496 433 4 876066904 +496 469 3 876065962 +496 480 3 876065289 +496 484 3 876065382 +496 485 3 876065477 +496 509 3 876067272 +496 526 3 876067597 +496 528 4 876065933 +496 532 5 876072633 +496 554 2 876070997 +496 561 5 876068582 +496 607 3 876065822 +496 625 4 876067306 +496 633 3 876065822 +496 659 3 876065822 +496 660 3 876067108 +496 661 3 876067001 +496 699 3 876068220 +496 727 5 876072633 +496 746 3 876066633 +496 774 5 876066424 +496 825 3 876065015 +496 921 5 876072633 +496 1041 1 876068615 +496 1060 1 876071243 +496 1063 3 876066485 +496 1074 2 876068100 +496 1091 1 876068433 +496 1133 3 876070957 +496 1139 2 876073882 +496 1229 1 876071097 +496 1286 2 876065382 +496 1401 3 876065499 +496 1444 1 876066465 +496 1459 4 876067376 +496 1473 3 876072548 +496 1614 3 876070690 +497 1 4 879309955 +497 2 1 879310883 +497 3 4 879309715 +497 11 3 879310825 +497 13 2 878759927 +497 19 4 879310245 +497 24 4 879310260 +497 25 4 879309780 +497 28 3 879363586 +497 31 3 879361802 +497 33 4 879310730 +497 38 3 879310965 +497 39 3 879310913 +497 42 4 878759777 +497 50 5 879310580 +497 54 3 879362071 +497 55 3 879310705 +497 56 4 878759659 +497 63 3 879362985 +497 66 3 879362720 +497 67 3 879362858 +497 70 4 879362798 +497 71 4 879309993 +497 72 3 879362835 +497 73 3 879362858 +497 77 3 879362093 +497 79 4 879310730 +497 80 3 879363181 +497 82 4 879310792 +497 87 3 879363565 +497 89 4 879310850 +497 91 2 879309993 +497 94 3 879363133 +497 95 4 879309993 +497 96 4 879310705 +497 97 4 879310473 +497 98 4 879361802 +497 99 3 879310021 +497 100 4 878759828 +497 101 4 879310070 +497 105 2 879309836 +497 108 3 879309760 +497 109 4 878759659 +497 111 4 878759828 +497 114 4 879309992 +497 118 4 879310621 +497 121 4 879310581 +497 122 1 879309802 +497 127 5 879310580 +497 128 4 879362496 +497 139 3 879363696 +497 144 4 879310792 +497 145 4 879362382 +497 152 2 878759898 +497 153 4 878759659 +497 155 3 879310522 +497 156 5 879361872 +497 161 5 879310730 +497 163 2 879363181 +497 164 4 879361872 +497 167 2 879363111 +497 168 5 878760023 +497 172 5 879310705 +497 173 5 878759659 +497 174 4 879310705 +497 175 4 878759745 +497 177 4 879310762 +497 181 5 879310580 +497 182 4 879310705 +497 183 4 879310825 +497 184 3 879310792 +497 185 3 879361802 +497 186 4 878759806 +497 187 5 879310825 +497 188 3 879310762 +497 194 3 878759705 +497 195 4 879310730 +497 197 3 879310419 +497 202 4 878760023 +497 204 3 879362683 +497 208 3 878759806 +497 217 4 879362382 +497 222 3 879310580 +497 225 3 879363510 +497 226 3 879310913 +497 227 2 879310883 +497 228 3 879310762 +497 229 2 879310850 +497 230 2 879310762 +497 232 3 879310850 +497 233 2 879310883 +497 234 2 879361847 +497 239 4 879362835 +497 240 4 879309734 +497 242 1 878759351 +497 248 4 879309673 +497 249 5 879309734 +497 250 3 879310581 +497 252 3 879310650 +497 257 4 879309648 +497 258 4 878759351 +497 260 4 878759529 +497 265 4 879310883 +497 268 4 878759399 +497 273 4 879310604 +497 274 3 879309760 +497 288 2 878759351 +497 291 3 879361707 +497 298 3 879310580 +497 300 3 878759351 +497 325 2 878759505 +497 358 4 878759378 +497 363 2 879310649 +497 372 4 879362875 +497 373 4 879311007 +497 381 3 878759898 +497 382 4 878759745 +497 384 2 879362985 +497 385 3 879310792 +497 386 2 879363111 +497 388 4 879363253 +497 391 3 879362545 +497 395 4 879363284 +497 399 4 879310883 +497 403 3 879310883 +497 405 3 879310621 +497 407 2 879309852 +497 408 4 879309955 +497 412 1 878759926 +497 413 3 879362292 +497 416 2 879363611 +497 417 2 879363627 +497 418 3 879310021 +497 420 3 879309993 +497 423 3 879363586 +497 431 4 879310825 +497 441 2 879362407 +497 449 2 879310966 +497 452 2 879362202 +497 455 4 878759777 +497 465 3 879363610 +497 475 4 878759705 +497 501 2 879309993 +497 508 3 878759705 +497 510 3 879362496 +497 526 3 879362478 +497 540 2 879311007 +497 541 4 879362546 +497 545 3 879363233 +497 549 4 879310445 +497 550 4 879310913 +497 552 3 879362155 +497 559 4 879362359 +497 562 2 879310941 +497 566 3 879310941 +497 568 3 879310792 +497 569 2 879362359 +497 570 3 879362511 +497 575 3 879362985 +497 577 2 879363284 +497 578 4 879310965 +497 584 4 879363611 +497 588 4 879309993 +497 597 3 879310649 +497 603 3 879361802 +497 622 2 879363586 +497 625 3 879310021 +497 627 3 879310021 +497 642 3 879362041 +497 645 3 878759659 +497 651 4 879310762 +497 652 5 878759777 +497 655 4 878759862 +497 657 3 879361847 +497 679 3 879310850 +497 692 3 879310379 +497 716 4 878759745 +497 720 2 879310941 +497 721 3 879362740 +497 722 3 879362985 +497 724 5 879310445 +497 731 3 879310474 +497 739 4 879310474 +497 741 4 879361707 +497 743 3 879362638 +497 746 5 878759777 +497 748 4 878759432 +497 758 2 879362292 +497 763 3 879309780 +497 765 3 879363155 +497 771 4 879362638 +497 774 4 879362407 +497 780 2 879363181 +497 781 3 879310445 +497 783 3 879362908 +497 792 3 879362954 +497 795 1 879363284 +497 797 3 879362586 +497 802 2 879362118 +497 805 3 879362835 +497 808 2 879310941 +497 809 3 879362609 +497 810 3 879310941 +497 840 3 879310679 +497 849 2 879310913 +497 864 3 879309734 +497 926 2 879309759 +497 928 3 879361744 +497 940 2 879362954 +497 943 4 879362019 +497 944 3 879362798 +497 1000 2 878759777 +497 1016 4 879310604 +497 1030 1 879363780 +497 1041 3 879310473 +497 1042 3 879362178 +497 1047 3 879309836 +497 1052 2 879309869 +497 1077 4 879361847 +497 1092 3 879363233 +497 1157 2 879362178 +497 1177 1 879363111 +497 1185 1 879363205 +497 1210 4 879362178 +497 1228 2 879362569 +497 1240 5 879310070 +497 1303 2 879311007 +497 1407 3 879362609 +497 1419 2 879362638 +497 1555 2 879363780 +497 1615 3 879310650 +498 7 3 881954741 +498 11 3 881956576 +498 12 4 881957195 +498 23 4 881955596 +498 32 4 881956363 +498 50 4 881954821 +498 53 4 881961689 +498 54 2 881961745 +498 56 3 881957353 +498 59 4 881961312 +498 61 4 881957431 +498 64 4 881956575 +498 77 2 881961627 +498 79 3 881959104 +498 83 3 881957846 +498 89 5 881957353 +498 98 4 881957681 +498 100 3 881955291 +498 121 2 881962699 +498 124 3 881955291 +498 127 4 881954219 +498 136 3 881958174 +498 137 3 881954357 +498 144 1 881958471 +498 151 4 881956140 +498 156 5 881957054 +498 160 5 881958174 +498 164 3 881961689 +498 168 4 881958174 +498 171 3 881955866 +498 172 3 881956362 +498 175 5 881956498 +498 176 2 881956498 +498 180 4 881955866 +498 182 4 881955596 +498 183 4 881957905 +498 186 4 881960591 +498 187 4 881955960 +498 191 4 881957054 +498 192 5 881957546 +498 197 5 881958414 +498 202 3 881958897 +498 203 5 881961547 +498 210 2 881957054 +498 212 3 881958238 +498 218 3 881961877 +498 222 3 881961877 +498 228 2 881961627 +498 229 2 881961877 +498 238 4 881957195 +498 251 3 881954219 +498 258 2 881955080 +498 262 2 881954618 +498 265 2 881957489 +498 268 2 881954618 +498 269 4 881953527 +498 271 2 881962988 +498 275 3 881955348 +498 288 3 881953815 +498 293 4 881955189 +498 302 3 881953659 +498 337 4 881954617 +498 340 2 881954618 +498 381 3 881961312 +498 425 2 881957431 +498 430 4 881958174 +498 435 3 881956363 +498 443 3 881958237 +498 447 3 882205321 +498 448 4 882205321 +498 449 3 881961932 +498 462 3 881958897 +498 464 4 881958471 +498 474 4 881957905 +498 475 3 881954617 +498 479 3 881957054 +498 483 3 881957625 +498 484 4 881957546 +498 489 3 881956140 +498 512 5 881957757 +498 514 4 881958093 +498 515 4 881956953 +498 522 3 881956499 +498 525 4 881961547 +498 527 3 881957757 +498 538 1 881962988 +498 548 2 881957267 +498 554 3 881962385 +498 558 4 882205321 +498 591 4 881961877 +498 594 2 881956498 +498 603 4 881955960 +498 607 3 881958093 +498 628 4 881961627 +498 631 3 881957905 +498 649 3 881961745 +498 652 5 881961182 +498 664 5 881955596 +498 675 4 881958414 +498 693 3 881957625 +498 754 2 881962988 +498 806 3 881957905 +498 887 3 881953907 +498 919 4 881954451 +498 922 5 881955432 +498 933 3 881959018 +498 985 1 881961877 +498 1007 3 881954219 +498 1070 3 881959103 +498 1073 3 881961496 +498 1083 3 881961932 +498 1103 4 881957847 +498 1131 3 881955866 +498 1142 4 881955432 +498 1161 3 881960777 +498 1286 3 881956576 +498 1404 3 881957054 +498 1422 3 881961877 +498 1426 3 881959103 +498 1495 3 881958237 +499 7 4 882996793 +499 8 5 885599682 +499 11 3 885599372 +499 12 5 885599040 +499 50 3 882996761 +499 56 4 885599182 +499 69 5 885599718 +499 87 4 885599598 +499 97 4 885599227 +499 100 4 885599040 +499 117 3 885599246 +499 127 4 885598312 +499 132 4 885599040 +499 136 4 885599447 +499 153 4 885599269 +499 157 3 885599447 +499 174 3 885598961 +499 176 4 885599447 +499 177 3 885599660 +499 181 3 885598827 +499 182 2 885599551 +499 183 4 885599718 +499 191 5 885599307 +499 193 4 885599682 +499 194 4 885599372 +499 198 5 885599682 +499 202 4 885598961 +499 205 5 885599413 +499 207 5 885599533 +499 210 3 885599201 +499 213 3 885598989 +499 215 4 885599475 +499 238 2 885599498 +499 251 5 882996735 +499 258 2 885598932 +499 271 3 882995586 +499 272 5 885597680 +499 275 3 885599447 +499 295 2 885598827 +499 300 4 882995625 +499 301 4 882995808 +499 307 4 885597747 +499 312 4 882995923 +499 313 5 885597821 +499 318 5 885599286 +499 326 3 892501059 +499 328 5 882996296 +499 347 4 885597932 +499 357 5 885599372 +499 414 3 885599533 +499 427 5 885599474 +499 463 5 885599498 +499 474 4 885599227 +499 482 2 885599182 +499 483 5 885598854 +499 484 4 885599013 +499 497 2 885599498 +499 511 5 885599227 +499 514 5 885599334 +499 516 4 885599572 +499 519 3 885599040 +499 520 3 885599572 +499 521 4 885599119 +499 524 4 885599073 +499 530 4 885599390 +499 539 1 885598827 +499 605 1 885599533 +499 647 5 885599013 +499 651 4 885598895 +499 657 5 885599413 +499 661 3 885599474 +499 664 3 885599334 +499 690 4 882995558 +499 692 4 885599119 +499 742 4 885599334 +499 750 5 885597747 +499 879 3 885598827 +499 887 5 882995826 +499 902 5 892501173 +499 1101 5 885599182 +499 1302 5 885598378 +499 1483 1 892501259 +500 1 4 883865021 +500 3 4 883865786 +500 8 4 883874621 +500 9 4 883865042 +500 10 3 883865391 +500 13 5 883865232 +500 15 2 883865129 +500 25 3 883865755 +500 28 3 883874078 +500 30 4 883875275 +500 39 4 883875092 +500 42 5 883874139 +500 43 3 883876859 +500 44 1 883875862 +500 45 4 883874170 +500 49 4 883876053 +500 50 3 883864992 +500 56 5 883873976 +500 58 3 883873720 +500 59 4 883873528 +500 61 4 883875431 +500 62 3 883876690 +500 69 4 883873839 +500 70 4 883875388 +500 72 4 883876155 +500 82 4 883874290 +500 83 4 888538350 +500 88 4 883875926 +500 89 4 883873505 +500 93 4 883865020 +500 97 4 883874715 +500 98 4 883873811 +500 100 4 883865104 +500 111 4 888538350 +500 116 4 883865232 +500 118 3 883865610 +500 120 3 883865826 +500 122 3 883876795 +500 125 3 883865632 +500 129 4 886359266 +500 133 3 883875681 +500 135 5 883875041 +500 143 3 883875092 +500 147 3 887720583 +500 159 2 883876251 +500 161 2 883877001 +500 164 4 883874469 +500 168 4 883873616 +500 170 5 883874446 +500 172 2 883873640 +500 174 2 883873505 +500 175 5 883874341 +500 179 4 883873782 +500 181 3 883865462 +500 182 2 883873556 +500 196 4 883874835 +500 202 4 883874239 +500 204 3 883874265 +500 208 4 883873745 +500 211 3 883875241 +500 216 4 883873556 +500 217 4 883876053 +500 223 4 883873839 +500 234 3 883875638 +500 235 5 883865567 +500 237 3 883865483 +500 238 4 883873839 +500 242 3 891916883 +500 244 3 886358931 +500 246 5 883865128 +500 249 3 887720111 +500 250 4 883865195 +500 252 2 883865889 +500 255 3 883865374 +500 257 3 883865321 +500 258 4 883864578 +500 268 5 883864840 +500 274 3 883865807 +500 275 1 883873439 +500 276 5 883865290 +500 281 3 883865463 +500 282 4 883875092 +500 284 3 883865632 +500 285 3 883865020 +500 287 3 883865268 +500 289 4 883864818 +500 294 3 883864578 +500 298 4 890009939 +500 300 4 883864749 +500 301 2 888538350 +500 304 2 883864749 +500 313 3 893192133 +500 316 3 891916809 +500 319 4 883864793 +500 325 3 883864862 +500 358 4 887755810 +500 367 3 883875835 +500 371 4 883874341 +500 381 4 883875585 +500 383 3 883877467 +500 386 3 883875610 +500 387 2 883875388 +500 393 3 883875793 +500 396 3 883876224 +500 402 3 883875388 +500 405 4 883865567 +500 412 1 883876370 +500 421 4 883875303 +500 423 3 883875388 +500 425 4 883874413 +500 448 3 883873745 +500 462 4 883874715 +500 464 4 883875274 +500 469 4 883874813 +500 471 4 883865391 +500 472 3 883865374 +500 475 5 883865232 +500 476 2 883865851 +500 479 5 883873811 +500 498 4 883873911 +500 509 4 883874216 +500 514 5 883873941 +500 517 4 883873839 +500 522 4 883875041 +500 529 4 883874558 +500 531 3 883873911 +500 535 3 890010025 +500 546 4 887720050 +500 553 2 883876370 +500 554 3 883877162 +500 557 3 883875136 +500 559 4 883875523 +500 568 1 883874715 +500 569 4 883876370 +500 584 1 883874528 +500 611 5 883873940 +500 619 3 883865341 +500 639 4 883875195 +500 640 4 883874776 +500 660 2 883874835 +500 662 2 883876005 +500 665 3 883876714 +500 699 3 883875523 +500 708 5 883873999 +500 709 4 883873640 +500 714 2 883874469 +500 721 1 883875561 +500 729 4 883875303 +500 739 2 883876573 +500 742 3 883865290 +500 762 4 883865532 +500 763 3 883865589 +500 775 1 883877001 +500 780 3 883876904 +500 781 3 883874776 +500 815 3 883865374 +500 827 2 883876904 +500 836 5 883874290 +500 845 4 883865566 +500 846 3 883865566 +500 930 3 883865929 +500 964 4 883874557 +500 971 5 883876093 +500 988 3 883864840 +500 996 1 883875241 +500 1008 4 883865786 +500 1009 4 883865532 +500 1010 4 883865483 +500 1012 4 883865021 +500 1014 2 884527433 +500 1018 3 883875756 +500 1047 3 883865985 +500 1057 3 883877359 +500 1069 4 883876300 +500 1111 4 883874529 +500 1160 5 883865483 +500 1163 1 883865290 +500 1226 4 883865715 +500 1315 4 883865463 +500 1324 2 883865985 +500 1326 4 883865020 +500 1385 4 883865290 +500 1441 2 885237683 +500 1616 4 883875501 +501 7 4 883348236 +501 13 4 883348011 +501 24 3 883348519 +501 25 3 883347773 +501 93 4 883347891 +501 111 3 883348474 +501 117 4 883347975 +501 118 3 883348474 +501 121 4 883347023 +501 124 4 883347919 +501 125 3 883348435 +501 127 5 883347773 +501 129 4 883348036 +501 147 3 883348080 +501 150 5 883347773 +501 151 4 883348543 +501 181 4 883347857 +501 237 4 883348011 +501 245 3 883346844 +501 248 4 883347975 +501 249 3 883348411 +501 257 4 883348114 +501 273 4 883347975 +501 274 3 883348474 +501 276 4 883348138 +501 282 4 883348185 +501 288 4 883346694 +501 293 4 883347823 +501 298 4 883347950 +501 307 4 883346651 +501 313 3 883346623 +501 324 4 883346694 +501 342 4 883346823 +501 369 4 883348703 +501 405 4 883347857 +501 406 3 883348656 +501 410 4 883348207 +501 456 3 883348610 +501 475 5 883348080 +501 508 4 883347920 +501 544 4 883348372 +501 546 4 883348283 +501 591 4 883348138 +501 628 4 883348519 +501 678 3 883346886 +501 685 3 883347774 +501 696 4 883348185 +501 741 5 883347857 +501 829 3 883348656 +501 840 4 883348655 +501 844 4 883347023 +501 845 3 883348036 +501 922 4 883347857 +501 928 3 883347773 +501 952 4 883348114 +501 1007 4 883995203 +501 1010 4 883348308 +501 1011 4 883348519 +501 1067 5 883348011 +501 1097 5 883347950 +501 1278 3 883348372 +501 1534 4 883348743 +502 243 3 883702945 +502 258 2 883701927 +502 259 3 883702448 +502 266 3 883702255 +502 270 2 883702043 +502 294 3 883702255 +502 300 2 883701980 +502 301 1 883702370 +502 307 4 883701980 +502 323 4 883702447 +502 328 4 883701980 +502 333 4 883701866 +502 338 4 883702370 +502 342 4 883702088 +502 350 3 883701792 +502 358 4 883702518 +502 539 3 883701980 +502 678 3 883702448 +502 680 3 883702255 +502 681 1 883702631 +502 682 5 883701927 +502 683 3 883702867 +502 687 4 883702867 +502 751 3 883702120 +502 754 2 883701927 +502 879 3 883701980 +502 890 2 883702945 +502 892 2 883702867 +502 893 2 883702867 +502 895 4 883702370 +503 1 5 879438233 +503 8 5 880472435 +503 10 5 879438257 +503 12 3 879454675 +503 14 3 879438161 +503 19 5 879438319 +503 20 5 879438285 +503 25 4 879438685 +503 26 2 880383200 +503 38 3 879454977 +503 44 5 879454841 +503 45 5 880383064 +503 47 5 880472216 +503 50 5 879438161 +503 54 2 879454950 +503 69 4 880383679 +503 70 4 880383174 +503 83 5 880383098 +503 86 5 880383098 +503 88 4 880383468 +503 97 4 880383424 +503 116 5 879438559 +503 121 3 879438707 +503 124 5 879438233 +503 125 3 880390153 +503 127 5 879438161 +503 132 5 880472148 +503 133 5 880472272 +503 134 5 880383588 +503 137 5 879438072 +503 153 2 880472250 +503 156 1 880472250 +503 164 3 880472507 +503 166 5 880472188 +503 168 5 880383624 +503 172 5 880383588 +503 173 5 880383357 +503 176 5 879454754 +503 181 5 879438319 +503 182 3 880472321 +503 185 5 879454753 +503 186 5 880472061 +503 187 5 880383625 +503 194 4 880472591 +503 204 3 880383703 +503 205 4 880472344 +503 210 5 880383703 +503 211 5 880472435 +503 216 5 880383357 +503 233 5 879454811 +503 237 4 879438505 +503 241 5 880383425 +503 246 5 884638548 +503 248 4 884638469 +503 268 5 884637610 +503 275 5 879438411 +503 280 1 892667653 +503 281 3 879454576 +503 283 5 879438258 +503 285 4 884637911 +503 286 3 879438191 +503 297 5 879438346 +503 303 5 879438024 +503 313 5 884637568 +503 318 5 880383679 +503 319 3 879438024 +503 321 2 879438024 +503 347 5 884637610 +503 381 5 880383174 +503 382 4 880383174 +503 385 1 880472298 +503 387 4 880383358 +503 402 3 880383467 +503 405 3 879438685 +503 416 2 880472250 +503 423 5 880472321 +503 427 5 880472216 +503 430 5 880383653 +503 432 5 880472102 +503 435 3 880472125 +503 443 5 879454811 +503 451 4 880383425 +503 452 1 879454950 +503 475 2 879438319 +503 479 4 880383653 +503 482 5 880383588 +503 485 4 880472383 +503 488 5 880472216 +503 498 5 880383588 +503 504 4 880472298 +503 509 5 880383098 +503 514 3 880472102 +503 526 3 880472188 +503 529 2 880383030 +503 558 5 880383098 +503 561 5 879454977 +503 580 3 880383236 +503 603 3 880383653 +503 607 5 880472272 +503 615 5 880472061 +503 633 5 880472344 +503 640 1 880383201 +503 654 5 879454753 +503 659 5 880472148 +503 662 3 880383467 +503 684 4 879454950 +503 692 3 880383467 +503 702 2 880383236 +503 707 5 880382768 +503 714 4 880383126 +503 729 3 880472454 +503 732 3 880383467 +503 739 1 880383490 +503 740 5 879438411 +503 744 2 879454442 +503 747 3 880383424 +503 753 1 880383064 +503 778 5 892667730 +503 840 1 879454292 +503 900 5 892667389 +503 963 5 880472061 +503 1194 5 879438072 +503 1316 1 892667252 +503 1317 4 879438874 +504 4 4 887839260 +504 5 4 887912462 +504 9 4 887831567 +504 25 4 887831419 +504 28 4 887839810 +504 38 4 887840134 +504 40 4 887910409 +504 50 3 887831293 +504 51 4 887839260 +504 53 4 887911730 +504 54 4 887909936 +504 56 3 887832643 +504 58 3 887837740 +504 63 3 887912504 +504 65 4 887838717 +504 66 4 887839165 +504 67 2 887912382 +504 68 5 887912665 +504 69 4 887837918 +504 70 3 887838869 +504 71 5 887909321 +504 72 4 887840134 +504 75 4 887912568 +504 77 4 887840681 +504 82 4 887837918 +504 84 3 887840589 +504 88 3 887909839 +504 90 3 887910552 +504 94 4 887841158 +504 96 4 887840098 +504 97 4 887832760 +504 98 5 887832433 +504 99 3 887837739 +504 100 5 887831486 +504 102 3 887910409 +504 106 3 887831879 +504 117 4 887831694 +504 118 3 887831838 +504 121 4 887831642 +504 122 1 887832268 +504 125 4 889550735 +504 132 5 887838815 +504 133 5 887832593 +504 139 3 887840589 +504 141 3 887909578 +504 142 3 887841158 +504 143 4 887838008 +504 151 4 887831678 +504 153 3 887838624 +504 154 4 887839081 +504 155 3 887912634 +504 161 4 887839195 +504 162 4 887832741 +504 163 4 887840517 +504 167 3 887909556 +504 168 5 887839164 +504 179 1 887839165 +504 180 4 887837918 +504 183 3 887832531 +504 186 3 887840637 +504 194 3 887832668 +504 195 4 887838510 +504 196 4 887838935 +504 197 4 887832531 +504 199 4 887912236 +504 200 4 887838450 +504 204 3 887838908 +504 208 4 887838450 +504 210 4 887832643 +504 211 4 887837739 +504 212 4 887909911 +504 214 4 887840764 +504 215 4 887908861 +504 218 4 887910267 +504 219 3 887911314 +504 223 5 887832364 +504 234 3 887838740 +504 237 3 887831753 +504 238 3 887912416 +504 245 4 887831274 +504 248 4 887831622 +504 257 5 887831753 +504 258 5 887831273 +504 276 3 887831790 +504 281 4 887831447 +504 288 5 887831273 +504 291 4 887832043 +504 292 5 887831273 +504 294 2 887912722 +504 295 4 887831567 +504 298 4 887831717 +504 300 4 887831274 +504 310 4 887831273 +504 318 5 887832593 +504 322 4 887831274 +504 323 4 887831274 +504 357 4 887832705 +504 370 3 887832268 +504 371 3 887912236 +504 372 4 887839195 +504 384 2 887912447 +504 385 4 887832571 +504 386 3 887912431 +504 392 5 887908645 +504 393 3 887909456 +504 396 2 887911369 +504 399 4 887840882 +504 400 3 887911277 +504 401 2 887911789 +504 402 4 887839835 +504 403 3 887910409 +504 404 4 887910370 +504 409 4 889550757 +504 411 4 887831447 +504 414 5 887838450 +504 416 4 887910294 +504 417 3 887841177 +504 419 3 887832643 +504 420 3 887840560 +504 423 4 887840960 +504 428 3 887910511 +504 443 3 887910511 +504 447 4 887909816 +504 448 5 887840134 +504 449 4 887839810 +504 452 2 887911974 +504 454 5 887838008 +504 462 4 887838740 +504 465 3 887909936 +504 479 4 887832571 +504 485 4 887839745 +504 490 4 887909816 +504 499 4 887909595 +504 503 4 887837958 +504 504 4 887909890 +504 505 4 887837957 +504 506 4 887910552 +504 514 4 887838485 +504 527 4 887838624 +504 529 4 887832391 +504 537 3 887910811 +504 543 4 887908861 +504 546 4 887831947 +504 548 2 887909864 +504 561 4 887910023 +504 563 3 887911314 +504 567 2 887839196 +504 579 4 887911391 +504 581 4 887910623 +504 585 2 887909864 +504 612 4 887838677 +504 616 4 887910267 +504 622 4 887910487 +504 623 3 887910433 +504 628 4 887831678 +504 631 4 887837701 +504 632 3 887837701 +504 651 4 887832531 +504 655 4 887840713 +504 660 4 887839195 +504 664 3 887910718 +504 667 3 887911808 +504 676 4 887908756 +504 678 4 887831115 +504 693 4 887832741 +504 699 4 887838573 +504 705 4 887838935 +504 716 4 887909532 +504 719 3 887841248 +504 723 4 887910896 +504 725 3 887911973 +504 728 3 887908974 +504 731 3 887840014 +504 735 5 887838510 +504 739 3 887841201 +504 742 4 887831860 +504 755 4 887841177 +504 756 3 887910240 +504 773 3 887909936 +504 807 4 887839081 +504 934 4 887832170 +504 942 4 887841136 +504 961 4 887839081 +504 972 3 887910552 +504 973 4 887911444 +504 1004 4 887910023 +504 1030 3 887911314 +504 1037 1 887912584 +504 1041 3 887910694 +504 1046 4 887912298 +504 1050 4 887832433 +504 1084 4 887837958 +504 1093 1 887841073 +504 1110 2 887911583 +504 1118 3 887911035 +504 1133 3 887910871 +504 1135 4 887911854 +504 1136 5 887840560 +504 1210 3 887840637 +504 1263 4 887909532 +504 1277 4 887832012 +504 1415 3 887912335 +504 1421 4 887841073 +504 1437 2 887911545 +504 1439 4 887840517 +504 1442 3 887911444 +504 1444 3 887911133 +504 1508 3 887911686 +504 1522 3 887840942 +505 1 3 889333414 +505 7 3 889334129 +505 11 4 889333861 +505 22 5 889333274 +505 31 4 889334067 +505 50 3 889334067 +505 54 3 889334067 +505 56 1 889333560 +505 66 4 889333313 +505 71 4 889333937 +505 73 4 889334248 +505 77 3 889334248 +505 79 3 889333274 +505 82 4 889333274 +505 88 4 889334334 +505 95 4 889333313 +505 96 4 889333442 +505 99 4 889333313 +505 117 4 889333508 +505 121 4 889334004 +505 125 3 889334373 +505 133 5 889334189 +505 140 4 889334129 +505 151 3 889334162 +505 154 1 889334555 +505 161 3 889333711 +505 164 4 889334189 +505 172 3 889334129 +505 173 3 889333534 +505 174 4 889333340 +505 176 4 889333340 +505 177 3 889334477 +505 181 3 889333974 +505 182 1 889334555 +505 187 1 889333676 +505 191 3 889333792 +505 193 3 889334477 +505 195 3 889334096 +505 199 4 889333442 +505 202 3 889333508 +505 203 4 889334162 +505 204 3 889334162 +505 207 3 889334004 +505 210 4 889333508 +505 228 2 889333894 +505 237 3 889333711 +505 243 2 888631415 +505 245 4 888631349 +505 258 1 888630999 +505 265 4 889333598 +505 271 4 888631208 +505 294 3 888631311 +505 300 4 888631046 +505 307 4 889332705 +505 332 4 888631126 +505 378 5 889333466 +505 385 4 889334477 +505 402 5 889333937 +505 422 3 889333975 +505 423 4 889333711 +505 435 3 889333676 +505 468 4 889334096 +505 491 3 889333861 +505 496 5 889333534 +505 498 5 889334274 +505 510 3 889334477 +505 526 5 889333823 +505 553 4 889333937 +505 566 3 889334503 +505 588 5 889333823 +505 591 4 889333676 +505 604 5 889333598 +505 614 3 889334162 +505 623 3 889333365 +505 648 4 889334614 +505 651 3 889333598 +505 660 3 889334477 +505 705 3 889333758 +505 713 3 889334217 +505 748 1 888631208 +505 755 3 889334248 +505 951 3 889334067 +505 988 3 888631371 +505 989 1 888631438 +505 1285 3 889333711 +506 5 4 874874947 +506 10 2 874862734 +506 12 5 874873247 +506 28 4 874874308 +506 29 2 874874894 +506 33 3 874873703 +506 38 3 885135912 +506 42 3 874873247 +506 46 3 874874802 +506 47 4 874876486 +506 50 5 878044852 +506 53 4 874874985 +506 54 4 874876651 +506 55 4 874873287 +506 56 4 874873374 +506 58 4 874874985 +506 62 3 874874894 +506 63 4 874873944 +506 66 4 874874676 +506 67 3 874874894 +506 68 4 874873944 +506 69 5 874873327 +506 70 4 874874055 +506 72 3 874874802 +506 73 4 874873703 +506 77 3 874874850 +506 81 1 874874000 +506 82 5 874873745 +506 85 3 874873795 +506 86 3 874876551 +506 88 4 874873944 +506 89 5 874874109 +506 90 2 874876599 +506 92 3 874876551 +506 94 3 874876599 +506 96 4 874873423 +506 97 4 874873374 +506 135 5 874873157 +506 137 2 874872872 +506 140 3 874873327 +506 147 3 888848342 +506 148 3 877539905 +506 161 4 885135881 +506 168 5 874874055 +506 172 5 885135819 +506 173 4 874874308 +506 175 5 874873327 +506 176 5 874873892 +506 181 5 874874676 +506 182 5 888848342 +506 183 5 874874308 +506 187 5 885135819 +506 193 4 874873944 +506 195 4 874873374 +506 196 4 874873745 +506 198 2 874873703 +506 199 4 874874109 +506 203 4 874874152 +506 204 5 874874055 +506 205 5 874874760 +506 208 4 874873423 +506 209 4 874873529 +506 210 5 885135737 +506 211 4 874873198 +506 215 5 878044852 +506 222 4 884517178 +506 224 1 885136005 +506 226 4 885135844 +506 227 4 874875062 +506 228 5 874873571 +506 229 4 874874895 +506 230 4 874873847 +506 231 3 874873847 +506 234 5 874873111 +506 239 3 874874152 +506 241 2 874874850 +506 248 2 880198305 +506 250 2 880198224 +506 258 4 884517178 +506 261 3 885135514 +506 274 4 874862229 +506 281 3 880198144 +506 294 4 877861414 +506 295 4 879074845 +506 300 3 888178161 +506 324 1 877984213 +506 328 4 885135476 +506 333 4 887230118 +506 342 3 888848304 +506 356 3 874874630 +506 363 3 874862646 +506 367 3 874873068 +506 380 4 874874585 +506 385 4 874873944 +506 391 2 885135912 +506 393 3 874874802 +506 402 4 877539905 +506 403 4 874874458 +506 404 5 878044851 +506 410 2 882100955 +506 417 4 874874396 +506 418 4 874874055 +506 423 5 874874850 +506 425 4 874874585 +506 432 4 874873112 +506 434 4 874876599 +506 435 5 874873744 +506 443 4 874874760 +506 447 4 874873847 +506 455 3 876070976 +506 461 2 874873944 +506 463 3 874873157 +506 465 4 874874630 +506 470 4 874873423 +506 475 1 874862229 +506 478 4 874873067 +506 479 4 874873571 +506 484 4 882100828 +506 489 4 874876651 +506 490 3 874873529 +506 494 5 878044851 +506 497 5 874873703 +506 503 4 874874396 +506 510 5 874873067 +506 514 5 874873287 +506 520 5 878044852 +506 521 5 874873529 +506 530 5 874874110 +506 538 3 880908452 +506 539 4 884517135 +506 550 4 885135881 +506 554 3 885135912 +506 560 3 874874458 +506 568 5 889979761 +506 576 4 885135954 +506 578 3 885135881 +506 581 2 874874850 +506 582 3 874873423 +506 586 2 885135882 +506 603 5 874873198 +506 608 4 874874055 +506 611 5 874874525 +506 641 5 874873158 +506 642 4 874874000 +506 646 4 874874947 +506 654 4 874876486 +506 655 4 874873892 +506 660 3 874873157 +506 661 5 874874308 +506 662 5 878044851 +506 663 4 874874947 +506 665 2 885135882 +506 676 1 874945513 +506 678 3 879074774 +506 684 5 874873529 +506 686 3 889874717 +506 692 4 874873529 +506 693 4 874876651 +506 699 4 888848303 +506 712 3 874873893 +506 715 2 874876486 +506 731 4 874873374 +506 732 4 874874109 +506 739 4 874874525 +506 746 5 874875062 +506 747 2 874874629 +506 749 4 888178129 +506 755 4 874876486 +506 761 2 874873327 +506 770 3 874874110 +506 772 1 874873247 +506 779 2 885135954 +506 792 2 874876598 +506 796 3 874875062 +506 802 4 885135954 +506 878 3 874872812 +506 880 1 885135560 +506 892 1 888848224 +506 930 1 877984514 +506 951 3 874875062 +506 972 3 874874760 +506 1014 3 880908472 +506 1016 4 882100828 +506 1020 4 874873067 +506 1046 4 874874396 +506 1063 5 888848303 +506 1073 4 874873247 +506 1089 1 889979761 +506 1110 1 885135955 +506 1136 3 877539905 +506 1219 2 874874760 +506 1244 2 884517295 +506 1279 4 880198144 +506 1608 2 885135497 +507 117 3 889965997 +507 118 5 889966127 +507 121 5 889965997 +507 147 5 889965997 +507 181 5 889965997 +507 222 5 889965997 +507 245 5 889964809 +507 257 5 889966054 +507 258 4 889963959 +507 269 2 889964121 +507 271 5 889964312 +507 294 5 889964274 +507 298 5 889965997 +507 300 5 889964239 +507 302 5 889963959 +507 306 5 889964677 +507 307 5 889964239 +507 310 4 889964162 +507 313 5 889964121 +507 315 5 889964593 +507 316 5 889964844 +507 319 3 889964074 +507 323 5 889964809 +507 328 5 889964162 +507 333 4 889964121 +507 334 5 889964748 +507 338 5 889964348 +507 343 5 889964074 +507 345 5 889964202 +507 352 1 889964274 +507 405 5 889966127 +507 678 5 889966088 +507 682 5 889964620 +507 689 5 889964844 +507 690 4 889964074 +507 691 5 889964162 +507 748 5 889964844 +507 750 5 889964274 +507 754 5 889964121 +507 826 5 889966127 +507 827 5 889966088 +507 841 5 889966054 +507 879 5 889964706 +507 892 5 889964809 +507 894 5 889964162 +507 895 5 889964202 +507 898 5 889964202 +507 1016 5 889966088 +507 1034 5 889966127 +507 1089 5 889966088 +508 1 5 883777430 +508 13 4 883777366 +508 23 4 883767361 +508 50 5 883777430 +508 52 4 883777047 +508 69 3 883776748 +508 70 4 883776748 +508 73 3 883777329 +508 79 2 883767543 +508 82 3 883777145 +508 88 3 883777299 +508 91 4 883767246 +508 96 2 883768886 +508 98 3 883767140 +508 101 5 883777430 +508 109 3 883768886 +508 115 3 883767383 +508 121 2 883767047 +508 132 5 883767279 +508 144 3 883767728 +508 150 5 883767325 +508 151 5 883768886 +508 153 3 883777329 +508 154 5 883767704 +508 163 3 883768862 +508 168 4 883767172 +508 172 5 883767157 +508 173 4 883767140 +508 174 4 883767728 +508 176 4 883767565 +508 180 5 883767565 +508 181 3 883767047 +508 185 5 883777430 +508 186 3 883777109 +508 188 4 883767325 +508 191 5 883767383 +508 195 3 883767565 +508 196 3 883776704 +508 200 4 883768842 +508 209 5 883767325 +508 211 3 883777047 +508 214 3 883775341 +508 215 3 883776977 +508 216 5 883768886 +508 218 2 883777237 +508 219 1 883767628 +508 222 3 883777281 +508 223 4 883767361 +508 228 5 883777430 +508 229 2 883777346 +508 230 2 883768706 +508 234 4 883767465 +508 238 4 883767343 +508 239 2 883777257 +508 269 4 883766931 +508 317 4 883767246 +508 357 5 883767246 +508 423 5 883777430 +508 436 4 883777109 +508 443 4 883777071 +508 474 5 883777430 +508 502 4 883776778 +508 506 5 883777430 +508 511 4 883767246 +508 527 5 883775361 +508 528 5 883777430 +508 568 4 883777237 +508 655 4 883767525 +508 735 4 883775341 +508 1135 3 883777382 +508 1153 4 883768797 +509 50 5 883591878 +509 181 4 883591826 +509 245 2 883591109 +509 258 4 883590526 +509 260 2 883591195 +509 271 4 883591195 +509 288 5 883590443 +509 289 2 883590972 +509 294 2 883590972 +509 300 3 883590800 +509 301 2 883591043 +509 302 5 883590443 +509 309 2 883590609 +509 310 1 883590443 +509 319 2 883590913 +509 326 4 883591043 +509 328 1 883590800 +509 332 2 883590800 +509 345 1 883590115 +509 603 4 883591826 +509 680 1 883591252 +509 687 1 883591489 +509 690 3 883590676 +509 705 4 883591687 +509 751 3 883590443 +509 754 1 883590676 +509 879 1 883590913 +510 243 3 887667780 +510 258 4 887667465 +510 259 2 887667708 +510 286 3 887667439 +510 288 3 887667545 +510 289 2 887667751 +510 294 3 887667681 +510 300 5 887667439 +510 313 5 887667439 +510 323 4 887667752 +510 324 1 887667618 +510 325 1 887667575 +510 326 4 887667751 +510 330 2 887667808 +510 333 3 887667465 +510 358 1 887667780 +510 457 2 887667969 +510 678 4 887667780 +510 681 1 887667808 +510 687 2 887667752 +510 748 3 887667707 +510 873 3 887667780 +510 876 2 887667574 +510 881 2 887667838 +510 1025 3 887667780 +511 271 5 890004879 +511 288 4 890004795 +511 292 5 890004686 +511 294 4 890005011 +511 299 2 890004827 +511 313 5 890004702 +511 322 3 890005102 +511 333 4 890004778 +511 340 4 890004687 +511 343 3 890004892 +511 346 4 890004686 +511 355 2 890004827 +511 358 1 890004916 +511 678 2 890005076 +511 682 4 890004844 +511 872 5 890004728 +511 880 5 890004778 +511 895 4 890004863 +511 908 4 890004938 +511 948 3 890004916 +511 1527 4 890004952 +512 1 4 888589126 +512 11 5 888579520 +512 23 4 888580248 +512 56 5 888579996 +512 97 5 888579520 +512 186 5 888579520 +512 191 4 888579747 +512 198 5 888579920 +512 265 4 888580143 +512 273 5 888579645 +512 302 4 888578289 +512 313 3 888578289 +512 318 5 888579569 +512 527 5 888579645 +512 1459 4 888579569 +513 50 5 885062365 +513 117 5 885062519 +513 118 4 885062559 +513 121 5 885062602 +513 127 4 885062286 +513 181 5 885062332 +513 210 5 885063273 +513 222 5 885062519 +513 250 3 885062332 +513 257 4 885062519 +513 258 4 885062286 +513 265 5 885062919 +513 323 5 885062636 +513 405 3 885062559 +513 435 5 885063304 +513 472 4 885062636 +513 546 4 885062601 +513 739 5 885063056 +513 763 3 885062453 +514 1 5 875309276 +514 4 4 875463440 +514 7 5 875309415 +514 10 4 875462867 +514 11 4 875318082 +514 13 3 876063880 +514 14 3 875318331 +514 15 4 875309350 +514 19 4 875463128 +514 26 3 875463595 +514 28 5 875311192 +514 31 4 886190665 +514 42 5 875318331 +514 45 4 876061444 +514 47 4 875462645 +514 48 4 875318114 +514 58 4 875462689 +514 64 4 875462645 +514 65 3 886190207 +514 68 4 875463551 +514 69 4 875309276 +514 70 5 875462826 +514 73 4 876067258 +514 83 5 875462568 +514 87 5 875318163 +514 96 5 875311192 +514 97 5 875462764 +514 98 5 875309473 +514 100 4 875318163 +514 109 3 876067235 +514 114 5 875462466 +514 116 4 875462426 +514 118 2 875463416 +514 132 4 875463469 +514 134 3 875463665 +514 135 4 875311193 +514 136 4 875462867 +514 137 3 875318114 +514 150 3 886189467 +514 153 4 875463386 +514 154 4 875462689 +514 156 4 875311225 +514 169 5 875308734 +514 170 3 875462764 +514 172 4 875462726 +514 173 5 875462826 +514 174 5 875310992 +514 175 4 875462426 +514 177 3 886189816 +514 178 4 875308925 +514 179 4 875463468 +514 181 4 875463494 +514 183 3 875462645 +514 186 4 875463028 +514 188 5 875463028 +514 189 5 875318291 +514 190 5 875318224 +514 194 4 875463525 +514 195 5 876063938 +514 196 5 875318331 +514 197 4 875310992 +514 199 3 875463351 +514 200 2 875462867 +514 204 5 875318331 +514 210 5 876067462 +514 211 3 876067235 +514 214 5 875318163 +514 215 4 875462689 +514 222 4 875462611 +514 228 5 875463202 +514 229 3 875463525 +514 234 3 876063765 +514 237 4 875462611 +514 239 5 876067462 +514 243 2 885181043 +514 257 4 880209981 +514 258 4 875308674 +514 259 4 885180989 +514 265 4 886190600 +514 268 4 885180579 +514 269 4 885180864 +514 274 4 876067433 +514 275 5 875463028 +514 283 4 875309231 +514 293 3 880209950 +514 294 3 885180929 +514 301 4 880209797 +514 302 5 885180556 +514 307 4 880210104 +514 313 5 891900147 +514 318 4 875318331 +514 328 3 885180947 +514 336 1 885180842 +514 342 1 885180909 +514 344 3 891900164 +514 357 4 875462901 +514 367 5 875318164 +514 380 4 875462965 +514 385 3 886189965 +514 392 4 875463351 +514 393 3 876067592 +514 402 4 875463245 +514 403 3 875463202 +514 405 2 875463386 +514 408 5 875311225 +514 421 4 875463269 +514 423 5 875462568 +514 425 5 875318291 +514 429 4 875311225 +514 430 4 875462901 +514 431 4 875463595 +514 432 4 875311156 +514 433 5 875462795 +514 435 3 875463551 +514 462 4 875310992 +514 470 3 875462901 +514 473 3 875462520 +514 474 5 875462689 +514 483 4 875462795 +514 486 3 886189869 +514 510 3 886190480 +514 527 4 875462466 +514 531 3 875308734 +514 558 4 875318114 +514 568 4 875462689 +514 582 4 875318224 +514 609 4 875462826 +514 631 4 875463386 +514 647 3 875463079 +514 651 4 875462901 +514 652 4 886189466 +514 658 4 875463028 +514 659 3 875463245 +514 680 1 885180893 +514 682 4 875463891 +514 709 3 876067380 +514 713 3 875309415 +514 715 4 876067592 +514 729 4 886189841 +514 732 5 875462901 +514 735 4 875462764 +514 746 5 875309276 +514 747 4 875463245 +514 748 2 875463906 +514 750 4 885180627 +514 792 4 875462611 +514 796 4 876067205 +514 890 1 885180929 +514 898 2 885180893 +514 988 2 885180989 +514 1014 2 885180645 +514 1035 3 875463595 +514 1047 3 876063961 +514 1101 4 886189893 +514 1160 4 886189748 +515 243 3 887659667 +515 258 4 887658676 +515 259 3 887659123 +515 269 2 887658844 +515 271 4 887658844 +515 286 2 887660131 +515 288 4 887658604 +515 292 3 887659805 +515 302 3 887658604 +515 304 4 887658782 +515 307 4 887659123 +515 310 3 887658975 +515 313 4 887658604 +515 315 4 887658604 +515 322 3 887659073 +515 323 3 887659192 +515 326 2 887660131 +515 328 2 887660131 +515 329 2 887660131 +515 332 3 887658676 +515 340 3 887658782 +515 344 2 887660131 +515 362 4 887658844 +515 538 3 887658676 +515 682 4 887659192 +515 687 3 887659718 +515 690 2 887660131 +515 748 2 887660131 +515 750 2 887658782 +515 893 1 887660131 +515 895 4 887659123 +515 900 4 887658975 +515 1399 4 887659718 +515 1430 3 887658604 +516 50 5 891290565 +516 169 5 891290685 +516 181 4 891290566 +516 191 4 891290685 +516 194 4 891290593 +516 199 3 891290649 +516 212 4 891290649 +516 250 4 891290565 +516 286 5 891290565 +516 310 4 891290565 +516 357 3 891290685 +516 474 5 891290648 +516 515 4 891290566 +516 523 3 891290649 +516 582 5 891290594 +516 628 4 891290649 +516 660 5 891290593 +516 902 5 891290565 +517 1 3 892659892 +517 50 5 892660727 +517 105 1 892654653 +517 111 3 892659922 +517 117 4 892659893 +517 127 4 892660033 +517 131 3 892659922 +517 181 4 892660033 +517 222 4 892660033 +517 229 3 892660034 +517 258 5 892660728 +517 269 3 892659922 +517 275 5 892660728 +517 283 4 892660728 +517 284 2 892659923 +517 294 1 892607194 +517 300 5 892660728 +517 328 3 892660034 +517 333 3 892659922 +517 335 3 875492066 +517 369 5 892660727 +517 405 4 892659893 +517 472 2 892659923 +517 538 4 892607155 +517 597 4 892660034 +517 740 4 892660728 +517 748 4 892660728 +517 755 3 892659893 +517 761 5 892660727 +517 823 2 892659923 +517 873 3 892660034 +517 1016 1 892607194 +517 1047 2 892659923 +517 1177 5 892660728 +518 7 3 876823197 +518 9 3 876822811 +518 10 3 876822744 +518 13 4 876823266 +518 14 3 876822923 +518 25 5 876823197 +518 100 4 876822967 +518 117 5 876823804 +518 118 5 876823804 +518 120 3 876824218 +518 121 5 876823804 +518 123 2 876823143 +518 124 3 876823071 +518 125 5 876823645 +518 126 4 876823018 +518 147 4 876823324 +518 151 3 876823018 +518 222 5 876823597 +518 235 4 876823597 +518 236 3 876823597 +518 237 4 876823804 +518 240 1 876824079 +518 273 5 876823804 +518 276 5 876822923 +518 280 4 876824218 +518 284 4 876823324 +518 291 3 876823926 +518 300 3 876822581 +518 370 4 876823963 +518 405 5 876823926 +518 410 3 876823541 +518 412 1 876824266 +518 458 3 876823266 +518 471 3 876822873 +518 475 4 876822811 +518 476 4 876823324 +518 508 3 876823266 +518 544 3 876823324 +518 546 4 876823447 +518 547 3 876823645 +518 591 3 876823447 +518 595 3 876824266 +518 619 4 876823018 +518 685 5 876823597 +518 696 5 876823266 +518 713 5 876823071 +518 717 5 876823963 +518 742 5 876823804 +518 744 4 876823266 +518 763 1 876823994 +518 820 2 876824218 +518 829 3 876824156 +518 847 5 876823447 +518 864 3 876823324 +518 866 5 876823540 +518 919 5 876822967 +518 920 3 876824121 +518 924 3 876822873 +518 934 3 876823143 +518 1011 4 876823645 +518 1017 3 876823071 +518 1028 3 876824266 +518 1040 3 876823541 +518 1047 4 876823266 +518 1079 1 876824266 +518 1114 2 876824079 +518 1335 3 876823018 +519 243 1 883250021 +519 259 1 883248278 +519 263 5 883250102 +519 264 2 883248251 +519 266 5 883248595 +519 268 5 883248065 +519 288 4 883248089 +519 299 5 884545961 +519 313 5 883248134 +519 324 1 883248191 +519 325 1 883248535 +519 327 4 883248134 +519 330 5 884545961 +519 332 3 883248159 +519 335 5 883248595 +519 336 5 883248595 +519 339 3 883248222 +519 346 4 885929222 +519 348 5 883250148 +519 349 5 883250148 +519 351 5 883250102 +519 352 5 883250148 +519 682 1 883248278 +519 748 2 883248307 +519 751 4 884545801 +519 874 5 883250102 +519 878 5 884545961 +519 887 5 883250102 +519 895 4 883248222 +519 908 5 883250148 +519 909 5 883250148 +519 991 2 883250021 +519 1062 5 883250148 +519 1280 5 883250102 +519 1293 5 883250148 +519 1434 5 883250102 +519 1591 5 883250102 +519 1592 5 883250148 +519 1617 5 883250102 +520 25 4 885170476 +520 100 4 885170394 +520 240 1 885170476 +520 242 5 885168819 +520 269 5 885168591 +520 274 3 885170516 +520 283 4 885170516 +520 286 5 885168591 +520 289 4 885169052 +520 300 4 885168906 +520 302 3 885170330 +520 311 3 885168591 +520 315 4 885169083 +520 678 2 885170330 +520 893 2 885170330 +520 898 5 885168939 +520 990 4 885168906 +520 1028 1 885170476 +520 1051 3 885170585 +521 1 2 884475825 +521 2 3 886063310 +521 7 3 884475973 +521 8 3 884477914 +521 11 4 884477993 +521 13 2 884476240 +521 17 1 885254888 +521 22 4 884477677 +521 25 2 884476002 +521 28 3 885253323 +521 31 3 884478135 +521 33 4 885254133 +521 42 5 884478721 +521 50 4 884475799 +521 56 4 884478530 +521 68 4 886061689 +521 69 3 884477727 +521 72 3 885254323 +521 73 3 885253827 +521 79 4 884477656 +521 81 1 885253861 +521 90 2 885254006 +521 95 3 885253266 +521 96 4 884477853 +521 97 3 884478049 +521 99 3 885253937 +521 100 3 884475872 +521 109 5 884475845 +521 117 4 884475913 +521 121 2 884475889 +521 125 3 884476020 +521 127 4 885253352 +521 132 3 885253186 +521 135 4 885254226 +521 144 3 884478171 +521 147 4 884476837 +521 151 3 884476240 +521 153 4 884478086 +521 154 2 884478119 +521 156 4 884478171 +521 159 3 885253904 +521 161 2 885254116 +521 163 3 884478483 +521 168 4 884477585 +521 172 3 884478049 +521 173 4 884477896 +521 174 4 884478721 +521 176 4 884477820 +521 179 4 885253708 +521 181 4 884475845 +521 182 3 884477993 +521 183 3 884477630 +521 184 4 884478358 +521 186 4 884478358 +521 188 4 884478101 +521 191 4 884477868 +521 195 4 884477775 +521 202 3 884478530 +521 203 3 884477896 +521 204 4 884477853 +521 206 5 884476637 +521 210 3 884478119 +521 215 1 886062095 +521 216 2 885253247 +521 227 3 885253808 +521 228 4 884478007 +521 229 2 884478314 +521 230 3 885254250 +521 231 2 885254307 +521 232 3 886063553 +521 235 3 884476221 +521 238 3 884478101 +521 239 5 885254354 +521 240 3 884476067 +521 241 4 885254006 +521 248 3 884476110 +521 250 3 884476020 +521 257 3 884476035 +521 258 4 884475503 +521 265 3 885253247 +521 268 5 884475470 +521 271 3 884475524 +521 273 3 884476168 +521 288 3 884475470 +521 291 1 885254166 +521 298 3 884476126 +521 300 3 884475555 +521 380 3 884478483 +521 385 3 885254837 +521 392 3 886063254 +521 393 3 884478667 +521 402 3 885253501 +521 403 4 885253758 +521 405 2 884476820 +521 421 4 885254070 +521 423 3 884478792 +521 427 3 884477630 +521 431 4 884478601 +521 474 3 884477677 +521 475 3 884475889 +521 496 2 885253668 +521 526 3 885254307 +521 597 2 884476302 +521 625 3 885253937 +521 655 4 885253904 +521 659 4 885253376 +521 721 4 885253337 +521 732 3 884478135 +521 742 3 884477512 +521 743 1 886061689 +521 746 4 884478152 +521 748 3 884475618 +521 755 3 885254872 +521 763 4 884476152 +521 826 2 884476920 +521 827 1 884476904 +521 829 2 884476168 +521 967 3 885254071 +521 1012 3 884476049 +521 1013 1 884476820 +521 1014 3 884476320 +521 1016 3 884476002 +521 1022 4 884475591 +521 1059 1 884476821 +521 1244 3 884476887 +522 12 5 876960894 +522 23 5 876961248 +522 79 3 876960824 +522 96 3 876961076 +522 100 5 876960824 +522 128 4 876961133 +522 133 3 876961314 +522 134 5 876961020 +522 168 5 876960956 +522 173 4 876961020 +522 179 5 876961190 +522 180 5 876960824 +522 192 5 876960894 +522 318 4 876961248 +522 430 5 876961314 +522 510 5 876961190 +522 514 2 876960956 +522 523 5 876961133 +522 543 4 876961076 +522 654 4 876960824 +523 1 5 883701763 +523 3 4 883702474 +523 8 5 883702125 +523 9 4 883700564 +523 25 4 883702054 +523 42 3 883703495 +523 50 5 883700186 +523 56 3 883703495 +523 66 4 883702292 +523 70 5 883700743 +523 72 4 883702351 +523 83 5 883700870 +523 114 5 883701800 +523 116 5 883700766 +523 153 4 883702054 +523 154 4 883702125 +523 155 4 883703091 +523 163 5 883702411 +523 166 4 883701018 +523 167 4 883702233 +523 168 4 883701962 +523 169 5 883701800 +523 181 5 883700186 +523 186 3 883703495 +523 189 5 883701800 +523 194 5 883702210 +523 202 4 883702054 +523 204 5 883702171 +523 208 5 883702209 +523 210 5 883702209 +523 211 4 883702292 +523 213 5 883700743 +523 242 5 883699464 +523 257 5 883700187 +523 269 5 883699464 +523 285 5 883701962 +523 289 4 883699869 +523 301 4 883700064 +523 306 5 883699583 +523 382 5 883701018 +523 384 3 883703495 +523 393 5 883702411 +523 408 5 883700527 +523 430 4 883702125 +523 432 5 883701800 +523 435 5 883702263 +523 476 3 883702441 +523 477 3 883703495 +523 508 3 883703495 +523 509 4 883700870 +523 514 4 883702172 +523 516 5 883702863 +523 531 5 883700792 +523 533 4 883700395 +523 549 4 883703144 +523 575 4 883702800 +523 582 4 883701154 +523 629 5 883702125 +523 634 5 883700743 +523 652 2 883703495 +523 662 4 883703070 +523 663 5 883701962 +523 694 5 883703048 +523 707 5 883701093 +523 722 3 883703495 +523 727 4 883703167 +523 792 4 883702263 +523 794 4 883703144 +523 863 4 883700743 +523 866 5 883700618 +523 934 4 883702602 +523 935 5 883700186 +523 944 4 883702324 +523 949 5 883700792 +523 1009 5 883701154 +523 1014 5 883700307 +523 1022 4 883699629 +523 1036 4 883702552 +523 1041 4 883702411 +523 1069 5 883701962 +523 1121 5 883700969 +523 1195 5 883700969 +523 1472 5 883701124 +524 6 5 884627388 +524 7 2 884627065 +524 13 4 884323551 +524 24 3 884626906 +524 29 3 884637173 +524 31 4 884636205 +524 32 4 884634679 +524 42 3 884636453 +524 44 4 884636416 +524 47 2 884635136 +524 50 4 884634615 +524 52 4 884636453 +524 55 2 884634911 +524 56 4 884634849 +524 58 4 884635031 +524 60 5 884634938 +524 64 2 884634877 +524 65 4 884636646 +524 66 3 884636617 +524 69 4 884634578 +524 71 3 884634755 +524 72 4 884636958 +524 76 4 884636182 +524 77 3 884637095 +524 79 4 884634818 +524 81 1 884636262 +524 89 5 884634533 +524 92 4 884635171 +524 94 2 884637245 +524 95 3 884636617 +524 97 5 884636583 +524 100 5 884322047 +524 107 3 884628284 +524 111 5 884323426 +524 116 4 884322047 +524 117 3 884322113 +524 118 4 884627463 +524 124 5 884322113 +524 127 5 884634533 +524 129 5 884322047 +524 131 5 884636498 +524 133 5 884634968 +524 134 5 884634848 +524 135 3 884634679 +524 143 3 884635085 +524 150 2 884832650 +524 151 1 884627327 +524 161 4 884637095 +524 168 3 884634995 +524 172 3 884634849 +524 174 4 884634911 +524 175 3 884634911 +524 178 3 884634968 +524 179 5 884635204 +524 180 4 884634579 +524 181 3 884634731 +524 182 5 884635031 +524 184 1 884636416 +524 185 4 884635204 +524 186 3 884634995 +524 187 5 884634646 +524 191 4 884634707 +524 192 4 884634877 +524 193 4 884636498 +524 195 2 884634849 +524 197 4 884637347 +524 198 4 884634707 +524 199 4 884634646 +524 204 3 884635358 +524 205 5 884634707 +524 208 5 884635287 +524 209 4 884634755 +524 210 3 884635287 +524 211 5 884635136 +524 212 5 884635326 +524 213 4 884635136 +524 215 2 884636735 +524 218 3 884636453 +524 221 4 884323464 +524 226 3 884635085 +524 234 4 884634877 +524 237 3 884322169 +524 238 4 884634755 +524 265 4 884636583 +524 269 4 884287379 +524 277 3 884322379 +524 281 2 884323464 +524 284 3 884323525 +524 285 3 884322168 +524 286 5 884287379 +524 289 4 884321591 +524 290 2 884323525 +524 291 4 884627777 +524 301 4 884321179 +524 302 5 884287406 +524 304 4 884321179 +524 310 4 884701677 +524 318 4 884635287 +524 319 4 884638062 +524 321 3 884321179 +524 322 4 884320358 +524 367 5 884636453 +524 380 2 884637202 +524 382 3 884636596 +524 386 4 884637032 +524 393 3 884637032 +524 402 2 884636617 +524 403 4 884636182 +524 405 2 884627065 +524 410 2 884832742 +524 414 4 884635136 +524 416 4 884636152 +524 418 1 884637598 +524 419 1 884635031 +524 423 4 884635358 +524 429 2 884635358 +524 430 3 884637914 +524 432 1 884636151 +524 433 5 884636444 +524 435 4 884635053 +524 436 4 884636864 +524 443 4 884636542 +524 447 5 884636182 +524 451 3 884637202 +524 467 4 884635287 +524 469 4 884636416 +524 471 4 884322169 +524 472 3 884323500 +524 474 4 884634578 +524 478 3 884637376 +524 479 4 884637314 +524 480 4 884634911 +524 481 4 884634785 +524 482 5 884634938 +524 483 4 884634533 +524 484 4 884634646 +524 488 4 884634707 +524 490 3 884634679 +524 492 3 884634679 +524 493 4 884638025 +524 494 4 884637409 +524 495 4 884635358 +524 496 2 884637314 +524 497 2 884637467 +524 498 5 884636453 +524 501 2 884636262 +524 504 5 884634877 +524 506 4 884634938 +524 511 5 884634707 +524 513 4 884634938 +524 514 5 884634938 +524 516 4 884634578 +524 517 4 884635136 +524 518 3 884635031 +524 519 4 884634818 +524 520 3 884637314 +524 525 3 884634615 +524 526 3 884636907 +524 527 5 884634785 +524 528 4 884634818 +524 530 4 884634785 +524 541 1 884702593 +524 546 4 884627594 +524 549 4 884636931 +524 550 3 884636958 +524 554 4 884636746 +524 558 4 884634533 +524 568 4 884636152 +524 573 4 884636827 +524 578 5 884637031 +524 583 4 884635326 +524 584 1 884635205 +524 603 3 884637376 +524 604 4 884637501 +524 605 1 884637566 +524 606 4 884634968 +524 607 3 884637314 +524 612 3 884635204 +524 613 4 884637347 +524 614 5 884634731 +524 615 2 884637409 +524 618 3 884636416 +524 638 2 884637914 +524 640 1 884636541 +524 642 4 884636182 +524 646 5 884637347 +524 647 3 884634911 +524 649 4 884636205 +524 650 2 884637528 +524 651 4 884634578 +524 654 5 884634877 +524 657 4 884634995 +524 660 5 884636152 +524 663 2 884635358 +524 670 4 884637203 +524 676 3 884322379 +524 679 2 884636746 +524 684 4 884636236 +524 702 4 884636262 +524 705 3 884634818 +524 707 4 884634995 +524 709 5 884635171 +524 712 4 884637147 +524 724 3 884636444 +524 742 3 884627446 +524 748 2 884321592 +524 751 4 884701677 +524 781 1 884636583 +524 792 4 884636519 +524 831 3 884628212 +524 836 2 884637409 +524 837 2 884637467 +524 845 5 884323426 +524 866 2 884626810 +524 895 4 884320358 +524 898 4 884701702 +524 928 4 884323551 +524 930 3 884832772 +524 931 3 884627932 +524 942 4 884636980 +524 950 4 884323351 +524 955 1 884637914 +524 965 4 884635288 +524 978 3 884628212 +524 1044 4 884636931 +524 1065 1 884636646 +524 1073 5 884635287 +524 1093 4 884628136 +524 1107 4 884636262 +524 1113 3 884636236 +524 1124 3 884637528 +524 1129 2 884832580 +524 1152 3 884626906 +524 1154 1 884637914 +524 1166 5 884635031 +524 1184 3 884637173 +524 1204 3 884635225 +524 1268 3 884637032 +524 1454 3 884637128 +524 1456 3 884635031 +524 1540 2 884635326 +524 1553 3 884635136 +524 1560 4 884636444 +525 1 4 881085964 +525 7 3 881086051 +525 15 4 881085964 +525 25 5 881085917 +525 106 2 881086938 +525 111 4 881086051 +525 118 3 881086393 +525 121 4 881085893 +525 123 3 881086051 +525 124 3 881086108 +525 125 3 881085709 +525 127 3 881085647 +525 147 3 881085893 +525 151 5 881086562 +525 181 4 881085740 +525 237 4 881085893 +525 248 4 881085709 +525 250 3 881085917 +525 252 3 881086780 +525 255 1 881086078 +525 276 5 881086468 +525 281 3 881086562 +525 282 4 881085648 +525 288 4 881085217 +525 289 3 881085256 +525 293 3 881086108 +525 300 4 881085217 +525 322 2 881085256 +525 332 4 881085178 +525 405 4 881086693 +525 411 3 881086612 +525 412 2 881086757 +525 475 3 881086108 +525 595 2 881086803 +525 596 4 881086195 +525 597 3 881086413 +525 685 4 881086295 +525 713 4 881086393 +525 742 3 881085843 +525 762 4 881085917 +525 829 2 881086393 +525 928 3 881086586 +525 1011 3 881086274 +525 1012 3 881086078 +525 1014 3 881086468 +525 1047 2 881086274 +525 1315 4 881086393 +526 1 5 885682562 +526 7 4 885682400 +526 50 5 885682426 +526 123 3 885682614 +526 125 2 885682657 +526 127 4 885682426 +526 147 4 885682503 +526 150 2 885682370 +526 181 4 885682448 +526 243 1 885682295 +526 245 2 885682124 +526 250 2 885682477 +526 258 3 885681860 +526 269 5 885681886 +526 270 3 885681860 +526 271 3 885682124 +526 272 5 885681860 +526 282 3 885682370 +526 283 3 885682400 +526 285 5 885682503 +526 288 4 885681910 +526 293 5 885682477 +526 298 4 885682528 +526 300 2 885682031 +526 301 2 885682031 +526 307 2 885681958 +526 312 2 885682295 +526 313 5 885681934 +526 315 5 885682102 +526 323 2 885682214 +526 328 2 885682006 +526 331 3 885681935 +526 332 2 885682006 +526 342 2 885682295 +526 343 3 885682264 +526 346 3 885681860 +526 408 5 885682562 +526 475 5 885682635 +526 508 4 885682590 +526 544 1 885682477 +526 591 4 885682503 +526 676 5 885682370 +526 678 1 885682214 +526 690 3 885681910 +526 742 3 885682562 +526 748 1 885682214 +526 750 4 885681886 +526 751 2 885681958 +526 754 2 885681886 +526 845 5 885682590 +526 875 3 885682264 +526 879 3 885682102 +526 886 3 885682077 +526 919 3 885682400 +526 936 5 885682448 +526 1007 3 885682657 +526 1084 5 885682590 +527 4 2 879456162 +527 7 5 879456162 +527 9 5 879455873 +527 11 4 879456662 +527 14 2 879456663 +527 19 3 879456611 +527 22 5 879456132 +527 23 5 879456611 +527 28 3 879456289 +527 50 4 879455706 +527 56 4 879456611 +527 59 5 879455792 +527 60 4 879456132 +527 64 3 879456030 +527 70 4 879455873 +527 87 3 879456132 +527 91 2 879455873 +527 93 4 879456078 +527 96 4 879456611 +527 99 3 879456186 +527 100 5 879455905 +527 124 4 879455680 +527 127 5 879456132 +527 134 5 879456490 +527 143 2 879456289 +527 144 4 879456186 +527 152 2 879456405 +527 153 5 879455847 +527 156 3 879456334 +527 169 4 879455961 +527 170 3 879456637 +527 175 3 879456132 +527 176 2 879455740 +527 177 5 879456405 +527 181 4 879456464 +527 182 5 879456132 +527 183 5 879456691 +527 190 4 879456362 +527 193 3 879455680 +527 197 4 879455740 +527 200 3 879455999 +527 201 3 879456490 +527 202 3 879456691 +527 203 4 879456662 +527 204 5 879455847 +527 207 4 879455873 +527 208 4 879456289 +527 209 4 879456405 +527 210 4 879455924 +527 211 4 879456289 +527 213 4 879456186 +527 238 5 879456405 +527 275 3 879455961 +527 279 4 879456438 +527 283 4 879456405 +527 285 5 879456363 +527 286 2 879455354 +527 317 4 879456405 +527 318 3 879456104 +527 324 3 879455415 +527 423 3 879456248 +527 425 4 879455792 +527 429 5 879456611 +527 433 4 879456464 +527 462 3 879455707 +527 466 2 879455765 +527 467 3 879455999 +527 474 3 879455792 +527 475 3 879455847 +527 479 4 879455707 +527 496 4 879456248 +527 498 4 879455961 +527 499 5 879456490 +527 507 5 879455654 +527 513 4 879456030 +527 514 5 879455961 +527 517 5 879456186 +527 526 5 879456312 +527 528 3 879456104 +527 531 3 879456077 +527 543 4 879455740 +527 582 2 879456078 +527 588 4 879456289 +527 615 4 879456312 +527 628 3 879456289 +527 631 4 879456030 +527 634 5 879456363 +527 646 5 879455792 +527 647 5 879455654 +527 651 5 879455654 +527 652 4 879456248 +527 653 4 879456077 +527 655 3 879456464 +527 657 4 879455999 +527 659 4 879455617 +527 671 5 879455873 +527 673 4 879456587 +527 709 5 879455961 +527 855 2 879455814 +527 868 4 879456663 +527 878 1 879455511 +527 956 4 879455847 +527 962 3 879456312 +527 963 4 879456030 +527 1109 3 879455792 +527 1149 4 879456637 +527 1333 3 879456104 +528 50 5 886101695 +528 56 3 886101428 +528 58 5 886101994 +528 69 3 886101761 +528 77 3 886101428 +528 79 5 886101911 +528 82 4 886101632 +528 83 5 886101632 +528 109 4 886812980 +528 168 4 888522642 +528 173 5 886101610 +528 174 5 886101821 +528 178 4 886101695 +528 181 5 886812857 +528 185 4 886101652 +528 193 4 886101873 +528 194 5 886101956 +528 202 5 886101846 +528 203 4 888522613 +528 204 5 888522547 +528 210 5 886101976 +528 213 4 886101505 +528 238 3 886101782 +528 239 5 886101632 +528 250 3 886812886 +528 294 3 888520438 +528 298 4 888520849 +528 310 3 888520371 +528 358 2 888520491 +528 393 2 886101695 +528 402 4 888520911 +528 410 4 886813104 +528 422 2 886813066 +528 423 1 888522642 +528 479 4 886101505 +528 484 3 886101695 +528 485 2 886101872 +528 505 4 886101956 +528 523 4 886101846 +528 526 4 886101505 +528 588 2 886101736 +528 615 4 886101715 +528 657 5 886101505 +528 678 3 888520525 +528 748 3 888520471 +528 751 4 888520371 +528 1254 3 886812920 +528 1618 1 888521905 +529 245 3 882535639 +529 258 4 882535091 +529 260 4 882535693 +529 268 5 882535220 +529 269 3 882534996 +529 270 4 882535304 +529 271 4 882535536 +529 286 4 882534996 +529 288 4 882535353 +529 292 4 882535180 +529 294 4 882535466 +529 300 4 882535049 +529 301 4 882535639 +529 307 5 882534996 +529 310 4 882534996 +529 319 4 882535220 +529 321 4 882535353 +529 322 4 882535383 +529 323 4 882535091 +529 324 2 882535563 +529 325 3 882535693 +529 326 4 882535304 +529 328 4 882535256 +529 331 4 882535220 +529 333 4 882534996 +529 340 1 882535181 +529 682 4 882535256 +529 689 2 882535049 +529 690 3 882535180 +529 873 4 882535091 +529 875 4 882535714 +529 876 3 882535466 +529 886 4 882535353 +529 984 4 882535353 +529 991 1 882535639 +529 1038 4 882535304 +530 50 4 883781669 +530 56 3 886202320 +530 60 5 883790997 +530 64 5 883790942 +530 70 4 886198864 +530 88 4 890627443 +530 98 4 883784195 +530 156 4 883790381 +530 163 3 886202320 +530 172 4 883790882 +530 178 5 883787080 +530 181 3 886202320 +530 183 4 883790882 +530 191 5 883785574 +530 195 3 883784105 +530 204 4 883790833 +530 214 2 886202320 +530 220 5 886628953 +530 237 4 886629307 +530 275 5 890627396 +530 319 3 891568424 +530 322 4 886203949 +530 328 4 886198454 +530 357 5 883784456 +530 470 3 891568895 +530 476 4 886198206 +530 483 3 883785248 +530 487 4 883784557 +530 527 4 883784654 +530 535 4 886198575 +530 582 4 883783631 +530 607 5 883790567 +530 660 3 883785464 +530 692 4 883784258 +530 815 4 886202404 +530 1136 4 891568851 +530 1300 2 890627207 +531 245 4 887049049 +531 259 1 887048789 +531 286 5 887048741 +531 288 1 887048686 +531 289 3 887048862 +531 302 5 887048686 +531 312 5 887048899 +531 313 5 887049364 +531 323 5 887049081 +531 327 3 887048718 +531 329 5 887049081 +531 332 4 887048813 +531 338 1 887048938 +531 358 1 887049187 +531 457 1 887049341 +531 688 1 887048998 +531 690 5 887048789 +531 748 4 887049081 +531 751 4 887048836 +531 890 1 887049341 +531 894 1 887049214 +531 895 2 887049214 +531 905 4 887049166 +531 908 1 887048836 +531 990 5 887048789 +531 1316 4 887049214 +532 1 5 893119335 +532 2 5 893119336 +532 4 5 893119415 +532 9 5 893119438 +532 11 5 893119491 +532 24 5 892867296 +532 26 3 888629359 +532 29 3 888636521 +532 38 3 874789332 +532 44 5 888637085 +532 51 5 888635365 +532 52 4 888629446 +532 58 4 888636374 +532 66 5 893118712 +532 70 4 888634801 +532 72 3 888636538 +532 77 5 892519935 +532 95 5 893118711 +532 96 5 892867296 +532 97 5 893119415 +532 98 5 893119438 +532 99 5 893119438 +532 100 5 893119335 +532 117 5 893119335 +532 121 4 888636374 +532 125 5 893119415 +532 127 5 893119438 +532 132 5 893118711 +532 135 3 888629938 +532 139 5 874792232 +532 143 4 874788755 +532 147 4 888634802 +532 148 5 888817717 +532 151 5 892519935 +532 153 4 888629670 +532 155 4 888630086 +532 161 5 892519934 +532 164 5 892519934 +532 168 5 892519934 +532 177 4 888636501 +532 181 5 889235367 +532 187 4 884594932 +532 191 5 888635366 +532 195 5 892521554 +532 197 5 889235367 +532 205 5 887788806 +532 210 5 888637085 +532 215 5 892866230 +532 216 5 893119438 +532 218 5 889235367 +532 227 4 874788566 +532 228 5 893118712 +532 229 5 892859148 +532 230 5 893118712 +532 235 3 887041328 +532 241 5 892859148 +532 242 4 888817735 +532 248 4 888635264 +532 250 3 891910110 +532 251 4 888636374 +532 252 4 888636478 +532 259 3 884594498 +532 266 4 875441640 +532 267 3 875441348 +532 268 4 875441085 +532 269 4 891288537 +532 282 5 893119415 +532 284 5 893119438 +532 292 4 884594621 +532 295 5 884594761 +532 298 4 892859148 +532 300 5 888635239 +532 301 4 874999563 +532 302 5 875441085 +532 305 3 878372701 +532 307 4 880831630 +532 310 4 888634802 +532 311 2 885415471 +532 312 2 884594422 +532 315 3 888636423 +532 316 4 888631773 +532 318 5 893119439 +532 329 4 886364769 +532 330 4 888636373 +532 331 4 890021268 +532 332 4 876696298 +532 333 4 875441189 +532 335 3 888636389 +532 338 3 879931705 +532 345 4 884594358 +532 346 5 885761690 +532 347 4 884594422 +532 348 4 886364825 +532 353 2 886364951 +532 354 4 887672256 +532 357 5 892519935 +532 364 3 874791976 +532 368 3 888630991 +532 369 3 874792142 +532 373 3 888630658 +532 399 3 888630360 +532 402 5 893118712 +532 403 4 892865321 +532 404 5 893119336 +532 407 2 874794386 +532 411 3 874792031 +532 412 2 874795951 +532 419 5 888635366 +532 421 5 888637085 +532 425 4 888634801 +532 447 4 888630205 +532 448 4 888635429 +532 450 2 874796421 +532 451 4 874789474 +532 453 4 888631524 +532 468 5 893119491 +532 470 5 892859148 +532 472 5 893119335 +532 477 4 892520198 +532 482 5 888629254 +532 483 5 892867296 +532 485 5 893119491 +532 492 4 888637105 +532 496 5 893119491 +532 498 4 888629124 +532 500 5 889235367 +532 501 5 889235367 +532 506 5 889235367 +532 508 4 888636373 +532 510 5 888635197 +532 515 5 889327324 +532 523 5 888637085 +532 526 5 893119415 +532 531 5 893119491 +532 532 3 887040858 +532 535 5 888637085 +532 538 4 881048155 +532 545 2 874791976 +532 554 4 874790813 +532 559 5 892859148 +532 562 5 892859148 +532 568 5 892521554 +532 570 4 888629804 +532 576 5 893118712 +532 586 4 888636373 +532 591 5 893119335 +532 592 3 874791850 +532 601 3 888629518 +532 603 5 893119491 +532 619 5 889235367 +532 636 5 892859149 +532 655 5 892861435 +532 658 5 893119335 +532 660 4 888634801 +532 676 5 892521554 +532 679 5 888629565 +532 682 4 877898976 +532 684 5 888635197 +532 685 5 892521554 +532 689 4 880484527 +532 690 4 876696258 +532 692 5 893119336 +532 708 4 877634392 +532 721 4 874791671 +532 722 3 888629836 +532 734 3 874791786 +532 746 5 893119438 +532 750 5 884594358 +532 754 4 892854961 +532 759 2 888631120 +532 761 4 874787387 +532 763 5 892866230 +532 769 2 888630531 +532 771 3 874791172 +532 781 5 877635505 +532 795 2 874789538 +532 796 5 888635445 +532 818 2 888631077 +532 824 4 888634802 +532 829 3 892520073 +532 831 2 874790629 +532 833 4 888629804 +532 834 4 874796151 +532 840 4 892867296 +532 842 4 888635407 +532 864 4 887041540 +532 865 2 888630531 +532 879 3 892519328 +532 895 3 884594450 +532 898 4 884594575 +532 914 5 893118711 +532 915 4 891909850 +532 916 3 893115293 +532 917 4 892520128 +532 925 4 892520642 +532 926 3 888630146 +532 929 3 874791786 +532 938 3 892519553 +532 946 5 888635366 +532 990 3 875511963 +532 1011 5 893119491 +532 1016 4 888636450 +532 1039 4 888629863 +532 1046 4 874790629 +532 1119 5 893119415 +532 1188 4 874790998 +532 1207 2 874790439 +532 1210 4 888636373 +532 1221 5 874788957 +532 1226 4 893015131 +532 1240 2 874793852 +532 1337 3 874790930 +532 1407 2 874794386 +532 1415 2 892520390 +532 1426 3 874791506 +532 1470 5 888630402 +532 1483 4 891909911 +532 1496 2 874795634 +532 1502 1 874796400 +532 1594 4 893115576 +533 1 4 879192521 +533 4 3 888845066 +533 8 3 879191938 +533 9 4 879192414 +533 10 2 879192414 +533 12 4 879438543 +533 13 3 879192475 +533 14 3 879192582 +533 15 4 879192641 +533 19 3 879365781 +533 20 5 882902988 +533 21 3 888239930 +533 22 4 879438961 +533 23 3 879191770 +533 25 4 884096575 +533 26 3 879192035 +533 28 4 879192315 +533 31 3 879191265 +533 43 4 879439341 +533 44 4 879191594 +533 47 1 879191998 +533 48 4 879191373 +533 50 5 882902988 +533 53 1 879191621 +533 54 4 888844601 +533 56 3 879439379 +533 58 4 888845150 +533 64 5 882902988 +533 65 4 879439465 +533 66 4 879439204 +533 69 4 879438849 +533 70 4 879191938 +533 71 4 889450972 +533 72 2 879192157 +533 77 4 879191713 +533 82 4 879439204 +533 83 2 879191902 +533 87 4 879191184 +533 91 2 879190991 +533 94 4 879192184 +533 96 4 879438767 +533 97 2 879438666 +533 98 4 879438543 +533 100 5 882902988 +533 103 3 887032538 +533 107 3 879773606 +533 109 2 879192986 +533 111 4 879192474 +533 117 5 879192901 +533 118 4 879192792 +533 122 1 879366118 +533 125 5 891263021 +533 127 5 879192278 +533 133 5 879191085 +533 134 4 879439379 +533 147 1 884698117 +533 148 3 882902641 +533 150 3 886425704 +533 151 3 879192474 +533 161 4 879439465 +533 168 4 879191864 +533 172 4 879191184 +533 174 4 879191184 +533 176 1 879191332 +533 177 4 879191300 +533 180 3 879439379 +533 181 5 879191085 +533 186 3 879438850 +533 187 4 879438811 +533 190 2 879439379 +533 191 4 879192315 +533 192 3 879438486 +533 193 4 879439379 +533 194 4 879191061 +533 195 4 879439082 +533 196 4 888844941 +533 197 5 882902988 +533 202 4 879191938 +533 204 4 879192157 +533 205 5 882902988 +533 208 4 879191374 +533 210 5 879191401 +533 211 4 879191972 +533 218 2 879191652 +533 221 3 888844601 +533 222 5 884007368 +533 227 4 879191563 +533 228 4 879191332 +533 229 4 879191621 +533 230 4 879191563 +533 234 2 879191373 +533 236 4 890659276 +533 237 2 879193048 +533 239 3 879192157 +533 240 1 879192474 +533 243 3 879193517 +533 245 3 890659336 +533 252 4 880402784 +533 255 2 882195237 +533 257 4 882195275 +533 258 4 884007368 +533 265 3 879191563 +533 274 4 885305541 +533 275 4 887721848 +533 276 1 889451077 +533 281 4 887032214 +533 282 4 888844577 +533 283 3 879365733 +533 284 1 879192641 +533 286 4 879193088 +533 288 2 882901971 +533 291 3 882902727 +533 292 4 883583127 +533 293 3 879191469 +533 294 4 879193088 +533 295 4 888844601 +533 297 4 893160944 +533 298 4 882195203 +533 300 4 888844557 +533 303 4 893160944 +533 313 5 884007337 +533 319 3 879193132 +533 322 4 879193106 +533 328 4 887032063 +533 333 4 886425803 +533 345 3 888347628 +533 356 4 879191652 +533 357 3 879191085 +533 367 2 879191972 +533 371 3 879439488 +533 378 4 879439290 +533 380 4 879438510 +533 382 1 879191998 +533 385 4 879438666 +533 403 3 879439341 +533 405 3 879192793 +533 408 4 880402916 +533 411 2 879365998 +533 412 1 879366159 +533 423 5 888844906 +533 427 4 879191373 +533 430 5 879191972 +533 435 4 879438455 +533 449 4 879191713 +533 450 5 879191713 +533 451 2 879439465 +533 462 2 879190926 +533 471 4 882902330 +533 475 1 879192500 +533 476 2 879365951 +533 477 4 880402957 +533 479 4 879191184 +533 480 4 879190670 +533 483 4 879438470 +533 484 3 879190724 +533 496 5 879439061 +533 498 4 879438850 +533 504 4 888845229 +533 508 4 879192702 +533 514 3 879190670 +533 521 3 879191022 +533 525 3 879191770 +533 526 2 879191265 +533 527 4 879191022 +533 528 4 879438999 +533 546 3 879192769 +533 566 4 879191652 +533 568 5 879438849 +533 580 3 879192034 +533 582 3 879192278 +533 595 2 887032451 +533 596 2 880402996 +533 597 3 879192939 +533 603 4 879190670 +533 609 4 879191184 +533 627 2 879439593 +533 651 4 888845036 +533 659 4 879439379 +533 663 5 879191022 +533 673 3 879439143 +533 676 5 879439720 +533 684 4 879191594 +533 685 4 887032380 +533 687 2 879193517 +533 692 4 879191902 +533 696 3 887032538 +533 708 2 879439167 +533 713 2 879192582 +533 724 4 888347691 +533 739 5 882902988 +533 740 4 879192815 +533 742 4 879192681 +533 744 2 887721800 +533 747 5 879438767 +533 755 3 888845338 +533 756 4 879193004 +533 778 4 879192157 +533 792 3 879190771 +533 820 2 887032380 +533 823 4 879192901 +533 845 4 882902989 +533 847 3 880402996 +533 866 2 887032297 +533 871 2 879192730 +533 879 3 892469600 +533 919 2 888239673 +533 921 2 879439061 +533 931 2 879366160 +533 949 4 879439519 +533 988 2 882821725 +533 1001 1 879366160 +533 1016 3 887721769 +533 1028 2 879192769 +533 1033 4 879192702 +533 1041 2 879192069 +533 1047 3 887032276 +533 1086 3 880402916 +533 1142 4 888347670 +533 1147 3 879439204 +533 1161 3 883583033 +533 1173 4 885820219 +533 1177 1 879192184 +533 1282 3 879773572 +534 1 5 877807718 +534 3 4 877808031 +534 15 4 877807873 +534 21 4 877807905 +534 24 5 877807780 +534 105 4 877808198 +534 109 4 877808053 +534 117 5 877807973 +534 118 4 877807935 +534 121 4 877808002 +534 147 5 877808031 +534 149 2 877808237 +534 150 3 877807873 +534 151 4 877807692 +534 235 4 877807973 +534 237 4 877808002 +534 240 5 877807873 +534 273 5 877807747 +534 274 3 877807846 +534 276 5 877807873 +534 282 5 877808174 +534 286 3 877807602 +534 288 4 877807429 +534 290 4 877807845 +534 294 5 877807461 +534 300 4 877807486 +534 322 4 877807461 +534 325 4 877807461 +534 370 4 877808260 +534 405 3 877807935 +534 455 5 877807816 +534 456 5 877808300 +534 471 5 877807935 +534 477 3 877807780 +534 508 4 877807973 +534 546 4 877808120 +534 591 5 877807845 +534 595 4 877807747 +534 597 5 877808175 +534 619 4 877807653 +534 628 5 877807747 +534 685 3 877807653 +534 687 5 877807486 +534 742 5 877807653 +534 756 4 877808175 +534 763 4 877808361 +534 820 3 877808340 +534 823 4 877807973 +534 824 4 877808260 +534 825 4 877808281 +534 919 5 877807816 +534 926 4 877807780 +534 930 4 877808002 +534 978 4 877808175 +534 985 4 877807815 +534 986 5 877808319 +534 1028 5 877807816 +534 1034 3 877808120 +534 1047 4 877808361 +534 1059 4 877807692 +534 1199 5 877807780 +534 1327 2 877808281 +535 1 3 879617663 +535 4 3 879618777 +535 7 5 879618776 +535 8 4 879618288 +535 9 5 879617779 +535 11 4 879618849 +535 14 3 879618743 +535 16 4 879618532 +535 22 3 879619107 +535 32 3 879617574 +535 39 4 879617574 +535 42 3 879618849 +535 44 4 879619035 +535 45 3 879618655 +535 50 5 879618091 +535 52 4 879618091 +535 56 3 879617613 +535 58 5 879618502 +535 59 3 879618338 +535 60 5 879618613 +535 61 3 879619107 +535 64 5 879617531 +535 70 4 879618849 +535 71 4 879618502 +535 79 3 879618502 +535 87 5 879618965 +535 97 4 879618880 +535 98 2 879617977 +535 116 3 879618246 +535 121 4 879618123 +535 129 5 879619000 +535 131 4 879618532 +535 132 5 879619035 +535 133 5 879618019 +535 134 5 879619144 +535 135 3 879617978 +535 136 5 879619107 +535 137 4 879618502 +535 151 4 879618338 +535 152 4 879618385 +535 153 4 879617663 +535 156 2 879617613 +535 162 3 879619035 +535 165 4 879617613 +535 166 4 879618385 +535 168 5 879618385 +535 170 4 879618160 +535 171 3 879618414 +535 172 3 879617747 +535 173 5 879617747 +535 174 4 879617747 +535 178 4 879618925 +535 179 4 879617489 +535 180 4 879618655 +535 181 4 879617818 +535 182 3 879617574 +535 185 4 879617931 +535 186 4 879618925 +535 187 2 879617701 +535 188 3 879618999 +535 190 4 879617747 +535 192 4 879617931 +535 193 4 879618700 +535 194 5 879617663 +535 196 4 879617894 +535 197 5 879618288 +535 203 3 879619035 +535 204 5 879617856 +535 205 3 879618464 +535 209 5 879617819 +535 210 5 879618160 +535 211 4 879617489 +535 212 4 879618613 +535 213 5 879618849 +535 221 3 879618700 +535 237 4 879617779 +535 238 4 879618809 +535 268 3 879617199 +535 269 4 879617063 +535 277 5 879619107 +535 282 3 879618091 +535 283 4 879618160 +535 284 4 879619144 +535 285 4 879619144 +535 286 2 879617123 +535 300 3 879617199 +535 318 4 879618502 +535 319 5 879617310 +535 338 3 879617098 +535 357 2 879617531 +535 381 3 879617818 +535 382 5 879618058 +535 419 3 879618654 +535 421 4 879617701 +535 423 5 879618613 +535 429 3 879618569 +535 433 5 879618160 +535 435 5 879618246 +535 447 5 879617574 +535 454 3 879617894 +535 461 3 879617663 +535 466 3 879618385 +535 469 3 879618464 +535 478 5 879617931 +535 479 4 879617977 +535 480 4 879618207 +535 482 4 879619107 +535 483 5 879618742 +535 484 5 879617819 +535 489 4 879619000 +535 495 3 879618849 +535 498 4 879619224 +535 502 5 879618502 +535 504 3 879617574 +535 505 4 879618569 +535 506 5 879617819 +535 508 5 879617931 +535 511 3 879618655 +535 514 5 879617531 +535 515 3 879619224 +535 519 3 879617931 +535 521 5 879618809 +535 527 3 879617574 +535 558 5 879618385 +535 591 4 879617977 +535 603 4 879617613 +535 604 4 879617663 +535 607 5 879618700 +535 608 4 879617856 +535 609 4 879618019 +535 612 4 879618385 +535 614 5 879618850 +535 628 4 879618246 +535 629 4 879618776 +535 630 2 879619144 +535 631 5 879619176 +535 632 4 879618965 +535 638 4 879618655 +535 639 4 879618019 +535 654 5 879617856 +535 655 4 879618385 +535 657 5 879618338 +535 658 4 879618569 +535 662 3 879618414 +535 686 5 879617489 +535 692 4 879618880 +535 693 3 879619107 +535 702 1 879619067 +535 721 3 879618464 +535 727 4 879618502 +535 735 5 879619067 +535 778 2 879617819 +535 789 2 879618613 +535 813 5 879618777 +535 836 5 879617746 +535 848 3 879618743 +535 919 4 879618207 +535 921 4 879617489 +535 923 4 879617531 +535 942 4 879619035 +535 953 5 879618019 +535 962 4 879617747 +535 971 2 879618569 +535 1039 4 879618058 +535 1045 4 879617663 +535 1063 4 879618613 +535 1093 4 879617931 +535 1098 5 879618464 +535 1101 4 879619177 +535 1124 4 879617613 +535 1136 4 879618465 +535 1149 4 879618288 +535 1166 4 879617779 +535 1170 3 879618019 +535 1396 4 879618058 +535 1474 4 879618207 +536 1 5 882318394 +536 2 4 882360227 +536 21 3 882320267 +536 22 5 882359863 +536 28 5 882359678 +536 31 3 882360685 +536 49 3 882360753 +536 50 5 882318139 +536 52 3 882360187 +536 54 2 882364876 +536 56 3 882360405 +536 62 4 882360873 +536 63 4 882360802 +536 69 5 882359938 +536 70 2 882359906 +536 71 5 882360467 +536 73 4 882360894 +536 82 4 882360929 +536 83 5 882359307 +536 84 4 882363820 +536 86 3 882360573 +536 87 3 882359584 +536 88 4 882360601 +536 95 5 882360361 +536 96 4 882359988 +536 97 3 882360662 +536 98 4 882360029 +536 117 4 882318415 +536 121 4 882318820 +536 132 4 882359962 +536 133 4 882359477 +536 135 5 882359370 +536 136 4 882359780 +536 139 4 882361317 +536 143 5 882360425 +536 151 3 882318442 +536 153 4 882359540 +536 163 5 882360080 +536 164 4 882361018 +536 167 3 882361317 +536 168 5 882359863 +536 169 5 882359047 +536 172 5 882359539 +536 174 5 882359065 +536 176 3 882359726 +536 180 4 882359431 +536 181 5 882318369 +536 183 3 882359455 +536 188 3 882359755 +536 189 5 882360143 +536 190 5 882359431 +536 195 4 882359431 +536 197 3 882359567 +536 199 3 882359499 +536 204 4 882359938 +536 205 5 882360424 +536 210 5 882359477 +536 213 5 882360704 +536 214 2 882360450 +536 215 4 882360530 +536 217 3 882360601 +536 227 5 882361066 +536 229 4 882361142 +536 230 5 882359779 +536 234 4 882360405 +536 265 5 882360300 +536 271 3 882317149 +536 274 4 882318394 +536 275 5 882318287 +536 283 3 882318369 +536 318 5 882359431 +536 385 4 882359085 +536 386 4 882361162 +536 387 3 882363919 +536 389 5 882360734 +536 402 4 882361042 +536 403 3 882360496 +536 404 4 882359838 +536 405 2 882318246 +536 408 5 882318561 +536 416 4 882360929 +536 419 3 882360993 +536 431 5 882359813 +536 432 4 882360552 +536 435 3 882359755 +536 441 2 882361018 +536 443 3 882360833 +536 449 4 882361262 +536 450 2 882364152 +536 470 5 882360530 +536 472 3 882319003 +536 474 5 882359678 +536 480 5 882359370 +536 483 4 882359625 +536 486 4 882359652 +536 493 4 882359333 +536 496 5 882359455 +536 498 5 882359906 +536 500 4 882360946 +536 501 3 882360834 +536 510 4 882359838 +536 511 5 882359603 +536 542 1 882364876 +536 546 2 882318533 +536 549 3 882360283 +536 561 3 882364065 +536 566 5 882360264 +536 570 3 882361162 +536 582 2 882360100 +536 584 5 882360530 +536 596 3 882317312 +536 603 4 882359653 +536 614 4 882359653 +536 640 4 882361042 +536 648 3 882359678 +536 662 5 882360100 +536 679 4 882360495 +536 694 5 882360622 +536 699 3 882360209 +536 707 5 882359678 +536 708 3 882361179 +536 713 4 882318741 +536 724 4 882359988 +536 727 3 882359697 +536 736 5 882360264 +536 740 4 882318630 +536 746 5 882359838 +536 862 3 882360834 +536 993 3 882318629 +536 1030 3 882364170 +536 1039 5 882360029 +536 1050 5 882360124 +536 1115 5 882318369 +536 1118 2 882360776 +536 1140 1 882364876 +537 1 2 886029889 +537 3 2 886030317 +537 4 2 886031634 +537 6 2 886029806 +537 7 4 886029727 +537 10 4 886030109 +537 11 3 886030937 +537 12 3 886031074 +537 13 4 886029806 +537 14 4 886030108 +537 19 4 886030051 +537 20 3 886029974 +537 22 2 886030767 +537 23 4 886030738 +537 24 1 886030176 +537 25 2 886030199 +537 28 3 886031438 +537 30 3 886031606 +537 32 3 886031178 +537 42 3 886030622 +537 44 3 886031886 +537 45 3 886031786 +537 46 3 886031678 +537 47 4 886030768 +537 50 4 886030805 +537 53 2 886032029 +537 56 5 886030652 +537 58 4 886031719 +537 59 3 886031178 +537 60 3 886031297 +537 64 3 886030707 +537 65 3 886030767 +537 69 2 886031178 +537 70 4 886031786 +537 79 3 886032123 +537 81 3 886031106 +537 82 2 886031752 +537 83 4 886030891 +537 85 2 886032123 +537 86 4 886031786 +537 87 3 886030622 +537 88 2 886032204 +537 89 4 886030862 +537 90 1 886032029 +537 91 2 886031438 +537 92 3 886031678 +537 93 3 886030077 +537 95 1 886030891 +537 97 2 886031720 +537 99 2 886031375 +537 101 2 886031860 +537 102 1 886032123 +537 111 3 886030077 +537 116 3 886029841 +537 123 2 886030109 +537 127 5 886030622 +537 131 4 886031407 +537 133 4 886030707 +537 134 5 886030862 +537 135 5 886031149 +537 136 4 886030583 +537 137 4 886029841 +537 141 3 886032183 +537 143 1 886031438 +537 147 2 886030012 +537 150 3 886029974 +537 151 2 886030177 +537 168 4 886030552 +537 170 3 886031211 +537 171 3 886030967 +537 172 3 886030707 +537 173 4 886030682 +537 176 2 886031606 +537 177 3 886031506 +537 178 4 886030767 +537 179 4 886031105 +537 180 4 886031342 +537 181 2 886031437 +537 182 4 886030862 +537 187 4 886030767 +537 188 4 886030891 +537 191 4 886030862 +537 192 4 886031473 +537 193 4 886031375 +537 194 3 886030891 +537 195 3 886031407 +537 196 3 886030831 +537 198 2 886030652 +537 199 4 886030682 +537 200 3 886031473 +537 201 3 886031831 +537 202 3 886031540 +537 203 4 886031437 +537 204 3 886031786 +537 205 5 886031297 +537 206 1 886031720 +537 207 4 886030682 +537 208 4 886031297 +537 209 4 886030966 +537 210 3 886031912 +537 211 4 886030831 +537 212 3 886032123 +537 213 4 886031830 +537 215 3 886031342 +537 221 3 886029841 +537 224 3 886030109 +537 226 2 886032000 +537 228 3 886031474 +537 231 3 886032246 +537 234 3 886031211 +537 235 1 886030317 +537 236 3 886029726 +537 237 3 886030011 +537 238 4 886030966 +537 239 2 886031933 +537 241 3 886031540 +537 242 3 886028498 +537 243 1 886029239 +537 258 4 886029286 +537 259 1 886029116 +537 262 5 886028446 +537 265 3 886031473 +537 268 4 886028647 +537 269 3 886028446 +537 270 3 886028498 +537 275 4 886029806 +537 276 4 886029806 +537 281 1 886030281 +537 284 3 886030347 +537 285 4 886029806 +537 288 2 886028706 +537 290 2 886030254 +537 291 2 886030235 +537 292 2 886029116 +537 294 1 886029083 +537 299 2 886028791 +537 300 1 886028446 +537 301 2 886028647 +537 302 4 886028446 +537 303 4 886028706 +537 306 3 886028604 +537 307 3 886028791 +537 310 3 886028647 +537 311 3 886028446 +537 312 3 886029211 +537 313 4 886028446 +537 315 4 886029116 +537 317 3 886031786 +537 318 4 886030707 +537 319 4 886028604 +537 321 3 886028791 +537 322 1 886029153 +537 323 1 886029211 +537 325 1 886029153 +537 327 2 886028730 +537 330 2 886029488 +537 333 2 886028707 +537 337 3 886029526 +537 338 1 886029239 +537 340 4 886028604 +537 345 4 886028446 +537 346 3 886028544 +537 349 1 886028845 +537 352 1 886028544 +537 357 4 886030707 +537 371 3 886031407 +537 378 2 886032154 +537 381 3 886031678 +537 385 2 886032098 +537 392 2 886032245 +537 399 2 886032246 +537 402 1 886031752 +537 404 3 886031720 +537 405 2 886030381 +537 414 4 886030938 +537 417 2 886031831 +537 421 2 886030863 +537 423 2 886030622 +537 425 3 886031297 +537 426 1 886032154 +537 427 4 886030831 +537 429 3 886030863 +537 430 3 886031297 +537 433 4 886031634 +537 434 3 886031211 +537 435 3 886031933 +537 443 3 886031752 +537 445 3 886030767 +537 447 3 886031752 +537 455 1 886030317 +537 457 1 886029444 +537 458 3 886030176 +537 459 3 886030381 +537 460 2 886030442 +537 461 3 886031105 +537 462 3 886030805 +537 463 3 886030738 +537 464 4 886031506 +537 466 4 886031149 +537 467 3 886031634 +537 468 2 886032029 +537 469 3 886030652 +537 470 2 886032029 +537 471 3 886030012 +537 472 2 886030415 +537 474 5 886030805 +537 475 4 886029727 +537 479 4 886030938 +537 480 4 886030622 +537 482 4 886031375 +537 483 4 886030583 +537 485 3 886031576 +537 488 4 886030622 +537 489 3 886030738 +537 491 4 886030584 +537 492 3 886031342 +537 493 4 886030707 +537 494 4 886031752 +537 495 2 886031678 +537 496 4 886030831 +537 498 3 886031105 +537 499 3 886031634 +537 501 3 886032000 +537 504 3 886030652 +537 506 3 886031860 +537 507 4 886030966 +537 509 4 886031540 +537 510 3 886031575 +537 512 3 886031438 +537 514 4 886030583 +537 516 3 886030966 +537 518 4 886031105 +537 519 3 886030584 +537 523 3 886030682 +537 525 3 886030891 +537 526 3 886031720 +537 527 4 886031860 +537 529 3 886031375 +537 530 4 886030768 +537 543 5 886031074 +537 549 2 886031965 +537 553 2 886032123 +537 557 3 886032245 +537 558 4 886030584 +537 569 2 886032183 +537 570 2 886031831 +537 573 2 886031886 +537 581 3 886031886 +537 582 3 886030966 +537 584 2 886031678 +537 588 1 886031473 +537 591 3 886030051 +537 602 3 886031634 +537 603 4 886030622 +537 604 3 886031211 +537 606 3 886030938 +537 609 3 886031606 +537 610 4 886031912 +537 613 3 886031831 +537 614 3 886031473 +537 615 3 886031074 +537 625 3 886032184 +537 628 2 886030177 +537 633 3 886031342 +537 638 3 886030682 +537 644 5 886031438 +537 648 4 886031505 +537 649 3 886031720 +537 651 3 886030862 +537 652 3 886031074 +537 653 4 886030738 +537 654 3 886031506 +537 655 3 886030831 +537 657 3 886030966 +537 661 4 886031149 +537 663 3 886031540 +537 664 3 886031634 +537 670 2 886031342 +537 675 3 886031860 +537 676 4 886029889 +537 678 1 886029181 +537 681 1 886029488 +537 682 1 886029083 +537 684 3 886030738 +537 687 1 886029526 +537 688 1 886029153 +537 689 1 886029239 +537 697 2 886031966 +537 698 3 886031178 +537 702 3 886031375 +537 703 3 886031859 +537 705 3 886031074 +537 707 4 886031576 +537 708 3 886031860 +537 709 4 886031342 +537 715 4 886032029 +537 718 4 886029771 +537 721 2 886031752 +537 724 3 886031886 +537 727 2 886032245 +537 730 3 886031211 +537 733 3 886031297 +537 735 3 886031576 +537 736 3 886031634 +537 739 1 886032154 +537 741 2 886030199 +537 744 3 886030380 +537 745 2 886031074 +537 746 3 886031149 +537 749 2 886028544 +537 762 3 886030051 +537 770 3 886031913 +537 772 3 886031297 +537 778 3 886031106 +537 782 3 886031831 +537 792 3 886030805 +537 806 3 886031074 +537 844 4 886029692 +537 845 2 886030078 +537 848 3 886030552 +537 873 2 886029211 +537 874 3 886029083 +537 875 1 886028544 +537 882 4 886028791 +537 890 1 886029526 +537 894 1 886029526 +537 901 1 886029488 +537 919 4 886030012 +537 921 3 886031074 +537 922 3 886030442 +537 923 3 886031342 +537 928 1 886030442 +537 937 3 886029488 +537 942 3 886031913 +537 950 3 886030347 +537 953 3 886031473 +537 955 4 886031149 +537 956 4 886031751 +537 959 3 886032154 +537 960 3 886031540 +537 965 2 886031540 +537 971 4 886031375 +537 972 3 886032123 +537 975 3 886030281 +537 978 2 886029841 +537 979 2 886030317 +537 980 3 886030051 +537 988 1 886029488 +537 990 2 886029153 +537 1008 2 886030078 +537 1009 2 886030254 +537 1010 2 886030381 +537 1011 3 886030416 +537 1019 1 886031606 +537 1045 3 886032154 +537 1048 2 886030381 +537 1050 2 886031575 +537 1065 1 886030738 +537 1068 3 886029974 +537 1069 2 886030938 +537 1070 3 886031678 +537 1073 3 886031149 +537 1085 4 886030416 +537 1101 3 886031720 +537 1103 4 886031407 +537 1105 1 886029153 +537 1111 3 886031506 +537 1113 3 886031606 +537 1134 3 886030176 +537 1139 2 886032000 +537 1147 3 886031473 +537 1154 1 886032000 +537 1197 3 886029889 +537 1245 3 886030051 +537 1267 3 886032123 +537 1335 3 886030347 +537 1404 2 886032204 +537 1420 1 886029181 +537 1451 3 886030552 +537 1475 2 886031786 +538 11 4 877109516 +538 12 4 877107633 +538 22 5 877107232 +538 28 3 877107491 +538 31 3 877109422 +538 42 1 877108077 +538 50 5 877107656 +538 56 4 877107408 +538 58 4 877109688 +538 69 5 877107340 +538 79 4 877107050 +538 82 4 877107558 +538 88 2 877108078 +538 89 4 877109831 +538 97 5 877107086 +538 98 5 877107012 +538 100 4 877109748 +538 117 3 877107492 +538 121 3 877110209 +538 127 5 877107231 +538 143 3 877364003 +538 144 4 877107558 +538 153 4 877106976 +538 164 3 877108631 +538 168 3 877107408 +538 173 3 877107914 +538 174 4 877106619 +538 176 4 877106918 +538 181 3 877107700 +538 182 4 877107408 +538 183 4 877106768 +538 187 5 877107840 +538 191 5 877106665 +538 195 4 877108919 +538 196 4 877107408 +538 202 4 877108250 +538 204 3 877363950 +538 208 3 877107085 +538 210 3 877106665 +538 211 4 877109986 +538 213 3 877364067 +538 215 5 877107536 +538 216 4 877364204 +538 223 4 877107700 +538 234 3 877108077 +538 237 4 877109986 +538 238 5 877110174 +538 240 2 877109422 +538 258 3 877095640 +538 273 3 877107879 +538 275 4 877107050 +538 276 1 877107340 +538 289 1 877095667 +538 294 3 877095702 +538 317 4 877107765 +538 381 3 877110175 +538 385 3 877108345 +538 405 3 877109564 +538 423 4 877108919 +538 496 5 877107491 +538 528 5 877107536 +538 566 3 877107765 +538 568 3 877107491 +538 692 3 877107765 +538 710 3 877107726 +538 735 3 877108785 +538 956 3 877107914 +538 963 4 877363775 +539 19 5 879788007 +539 22 3 879788195 +539 45 4 879788345 +539 50 3 879788136 +539 56 2 879788046 +539 58 3 879788195 +539 59 5 879788224 +539 69 5 879787801 +539 124 4 879788480 +539 127 3 879788046 +539 131 4 879788159 +539 133 4 879788136 +539 153 5 879788533 +539 155 4 879788480 +539 163 4 879788572 +539 170 5 879788533 +539 185 4 879788101 +539 197 5 879787985 +539 202 5 879788405 +539 215 4 879788623 +539 236 3 879788345 +539 238 3 879788045 +539 239 3 879788572 +539 242 5 879787770 +539 258 4 879787770 +539 285 4 879788623 +539 286 4 879787771 +539 289 4 879787770 +539 301 5 879787770 +539 303 5 879787770 +539 340 2 879787771 +539 357 4 879787917 +539 367 3 879787801 +539 372 2 879787985 +539 382 5 879787825 +539 481 4 879788572 +539 483 5 879788101 +539 487 3 879788101 +539 527 4 879788136 +539 610 4 879788533 +539 640 2 879788101 +539 660 5 879788346 +539 661 5 879788045 +539 956 5 879788405 +539 962 4 879788195 +539 963 4 879788533 +539 1211 3 879788371 +540 1 3 882157126 +540 7 4 882157011 +540 25 4 882157635 +540 50 5 882156948 +540 100 5 882156948 +540 109 4 882157194 +540 111 4 882157148 +540 117 4 882157706 +540 121 2 882157148 +540 125 3 882157011 +540 126 3 882157105 +540 147 3 882157612 +540 150 3 882157036 +540 222 4 882157224 +540 240 3 882157662 +540 245 3 882157172 +540 249 3 882157687 +540 250 4 882157172 +540 258 4 882156584 +540 270 4 882156731 +540 276 4 882157061 +540 281 3 882157011 +540 293 4 882157084 +540 294 4 882156617 +540 300 3 882156618 +540 310 4 882156710 +540 323 3 882156851 +540 343 4 882156677 +540 405 3 882157612 +540 455 4 882157477 +540 471 4 882157706 +540 475 4 882156983 +540 508 4 882156983 +540 515 5 882157105 +540 591 3 882157036 +540 596 4 882157126 +540 741 3 882157797 +540 742 4 882157584 +540 762 4 882157545 +540 820 3 882157545 +540 825 4 882157172 +540 1011 4 882157509 +540 1014 4 882157224 +540 1016 4 882157662 +540 1048 4 882157635 +540 1226 4 882157732 +541 1 4 883874645 +541 8 5 883874645 +541 15 3 883864806 +541 28 4 883864739 +541 38 3 883871617 +541 50 5 884046910 +541 62 4 883871644 +541 71 5 883874716 +541 82 3 883871562 +541 83 5 883864806 +541 88 3 883865738 +541 90 4 883866093 +541 91 5 883874683 +541 95 4 883874682 +541 99 4 883874717 +541 102 4 883874778 +541 118 4 883871670 +541 121 3 883871695 +541 139 3 884047204 +541 142 5 883874778 +541 143 4 883874645 +541 168 4 883865555 +541 172 5 884645816 +541 173 5 883865534 +541 174 4 883871524 +541 181 5 884046910 +541 196 4 883864928 +541 204 4 884645816 +541 210 5 883865575 +541 215 4 885595771 +541 222 4 883864848 +541 225 4 885595846 +541 234 5 883874433 +541 235 1 883866049 +541 239 4 883865211 +541 255 3 884046321 +541 257 5 884046320 +541 258 4 883864123 +541 259 1 884046888 +541 274 4 883866093 +541 304 4 883864207 +541 376 3 883866210 +541 395 2 883866300 +541 399 3 883866093 +541 402 3 883864946 +541 417 4 883874749 +541 418 5 883874646 +541 419 5 883874682 +541 420 4 883874749 +541 423 3 883864985 +541 432 4 883874716 +541 452 3 883874518 +541 459 5 884047153 +541 465 4 883874716 +541 468 4 883865007 +541 476 5 883866007 +541 477 4 883865654 +541 500 4 883874682 +541 501 4 883874682 +541 527 3 883864638 +541 543 4 883875432 +541 553 4 883865289 +541 560 3 883874872 +541 585 2 883866114 +541 588 4 883874682 +541 596 4 884645816 +541 623 3 883874778 +541 625 4 883874717 +541 651 5 883864782 +541 654 3 883875215 +541 660 5 883865039 +541 676 3 883865063 +541 678 5 883864160 +541 699 4 883864985 +541 709 5 885595735 +541 732 3 883865173 +541 755 5 883874716 +541 756 4 883866028 +541 763 3 883866068 +541 769 1 884046888 +541 781 5 883866093 +541 810 3 883871719 +541 812 3 883874872 +541 826 3 883871755 +541 843 4 884645883 +541 877 1 884046888 +541 924 5 883865133 +541 931 3 883875370 +541 941 4 883865394 +541 993 4 884046295 +541 1030 3 885595972 +541 1035 3 883874749 +541 1036 2 883866280 +541 1041 3 883865929 +541 1053 3 883865317 +541 1074 1 884046888 +541 1078 4 883874834 +541 1084 4 883864569 +541 1091 3 883874804 +541 1185 2 883866028 +541 1315 1 884046202 +541 1409 4 883874778 +541 1412 1 883874834 +541 1442 1 884046888 +542 1 4 886532534 +542 8 3 886532908 +542 11 2 886533710 +542 13 4 886533002 +542 15 2 886533483 +542 22 3 886532314 +542 23 5 886532602 +542 28 4 886533452 +542 41 4 886533068 +542 47 5 886532855 +542 48 5 886533452 +542 50 4 886532209 +542 56 5 886532706 +542 58 4 886532571 +542 63 3 886533090 +542 64 4 886533421 +542 69 4 886532552 +542 70 4 886532788 +542 71 3 886533562 +542 72 3 886532818 +542 73 3 886533227 +542 80 3 886533142 +542 87 3 886532676 +542 88 3 886532727 +542 89 4 886532294 +542 90 4 886533227 +542 97 4 886533754 +542 99 5 886533587 +542 100 4 886532432 +542 109 4 886532416 +542 121 2 886532381 +542 122 3 886533253 +542 127 5 886532294 +542 132 3 886532620 +542 150 2 886532908 +542 173 4 886532265 +542 175 3 886532762 +542 179 4 886532571 +542 186 4 886532909 +542 187 4 886533395 +542 191 5 886532338 +542 192 5 886533421 +542 194 4 886532534 +542 195 3 886532294 +542 204 3 886532762 +542 206 2 886532602 +542 208 4 886532881 +542 209 4 886532762 +542 210 3 886532706 +542 214 3 886533452 +542 230 4 886533774 +542 237 4 886532238 +542 238 4 886532706 +542 240 3 886533142 +542 246 3 886532359 +542 249 4 886532432 +542 265 4 886532238 +542 273 3 886532466 +542 288 2 886532149 +542 293 3 886532466 +542 315 4 886532120 +542 318 4 886532602 +542 319 3 886532950 +542 346 3 886532149 +542 357 5 886532534 +542 367 4 886532881 +542 382 3 886532726 +542 384 3 886533227 +542 386 3 886533046 +542 396 4 886533112 +542 399 2 886533172 +542 401 3 886533193 +542 410 4 886532971 +542 411 4 886533275 +542 418 4 886533562 +542 423 4 886532676 +542 427 5 886532294 +542 432 5 886532552 +542 433 3 886532838 +542 435 4 886532818 +542 451 3 886532971 +542 475 3 886532359 +542 479 4 886532265 +542 496 4 886532534 +542 501 4 886533562 +542 508 3 886532762 +542 509 4 886532209 +542 523 4 886532788 +542 531 4 886533452 +542 585 2 886533068 +542 588 4 886533562 +542 625 3 886533588 +542 648 4 886532950 +542 655 4 886532908 +542 684 4 886532238 +542 693 4 886533395 +542 695 2 886532788 +542 721 2 886533003 +542 732 3 886533227 +542 734 3 886533303 +542 744 2 886532676 +542 746 4 886532838 +542 772 4 886533694 +542 775 2 886533253 +542 789 3 886532909 +542 790 3 886533090 +542 818 4 886533112 +542 864 3 886533112 +542 866 2 886533046 +542 959 3 886532971 +542 1059 4 886533193 +542 1061 2 886533275 +542 1098 4 886532818 +542 1218 3 886532762 +543 4 4 875658853 +543 8 4 875658853 +543 9 4 876382812 +543 11 3 874866116 +543 12 5 875665787 +543 14 4 876896210 +543 15 3 888209697 +543 16 3 875655073 +543 24 3 874861639 +543 28 4 875663543 +543 29 2 877546306 +543 38 3 877545717 +543 44 3 874865728 +543 47 3 877547672 +543 53 3 877547190 +543 56 5 874866535 +543 59 4 875659256 +543 64 4 874863336 +543 66 3 874866535 +543 69 4 874863436 +543 70 4 874863155 +543 71 4 874864870 +543 79 4 877545356 +543 82 4 877545605 +543 83 4 877547441 +543 85 2 877547580 +543 86 4 876896210 +543 88 4 877550535 +543 89 4 877545605 +543 94 3 877550791 +543 95 3 874865728 +543 96 4 875665787 +543 97 3 874864346 +543 98 4 874863336 +543 102 4 874863155 +543 110 2 874865635 +543 111 4 874861699 +543 114 4 874864346 +543 117 3 874861792 +543 118 3 874862036 +543 129 4 874862036 +543 134 5 874862967 +543 135 5 875667109 +543 144 4 874863269 +543 147 4 877543316 +543 153 3 874863035 +543 157 3 874863549 +543 161 4 877545356 +543 163 4 874864870 +543 165 4 874863436 +543 168 3 875663170 +543 169 4 875663267 +543 170 4 874863269 +543 175 3 874864182 +543 176 4 874865635 +543 179 4 874862879 +543 180 4 874866208 +543 185 4 875662979 +543 186 3 877550660 +543 187 4 874866535 +543 188 4 877545717 +543 190 5 875665787 +543 191 4 874863035 +543 192 4 874863878 +543 194 3 874864870 +543 195 4 874863155 +543 199 4 875663056 +543 200 4 874864870 +543 202 4 874863734 +543 204 4 874864737 +543 207 5 875665787 +543 210 3 875721967 +543 211 4 877547441 +543 214 3 874864421 +543 216 4 874864666 +543 218 3 874864034 +543 226 4 875663372 +543 231 3 877545230 +543 238 3 874866319 +543 239 2 877550660 +543 252 3 889308778 +543 265 4 877545356 +543 272 3 888300821 +543 302 4 887912238 +543 303 4 875664365 +543 313 3 887912223 +543 324 3 890723992 +543 371 5 875665787 +543 381 4 877547580 +543 385 3 877545717 +543 397 3 877547005 +543 403 4 875663543 +543 410 3 877453103 +543 432 4 874862967 +543 443 4 874864857 +543 461 3 875659175 +543 462 4 874864182 +543 469 4 875663056 +543 471 3 875657863 +543 474 5 875665787 +543 479 4 874866208 +543 480 4 876896210 +543 509 3 874863734 +543 513 4 874863035 +543 516 4 876896210 +543 518 3 874864736 +543 519 4 875662979 +543 528 4 874864666 +543 529 4 874866208 +543 531 4 874864347 +543 550 2 877547005 +543 562 2 877547004 +543 566 4 877545605 +543 568 3 877547005 +543 576 4 877546306 +543 578 3 877546305 +543 582 3 874863550 +543 586 3 877547190 +543 591 4 876896210 +543 603 5 875665787 +543 636 3 876718718 +543 642 3 874863803 +543 647 3 874864182 +543 651 3 877546306 +543 656 4 875665787 +543 663 4 874866208 +543 664 4 874863336 +543 684 4 874864737 +543 694 4 874862966 +543 704 3 875662979 +543 709 3 874866535 +543 715 3 877550534 +543 720 2 877546306 +543 730 3 874864346 +543 732 3 877547863 +543 735 4 874863269 +543 737 3 874866535 +543 742 3 874861699 +543 748 3 876110379 +543 761 2 876105554 +543 770 4 874863803 +543 796 3 877550790 +543 810 3 877547004 +543 831 2 876718718 +543 855 4 875663543 +543 919 2 874863549 +543 936 4 888209568 +543 947 4 877545605 +543 982 3 877452676 +543 1014 4 875655073 +543 1099 4 874863878 +543 1194 4 875659174 +543 1262 2 876382812 +543 1416 2 876718718 +543 1441 3 874863436 +543 1524 4 874866319 +543 1555 3 874863155 +543 1619 3 874865635 +544 258 3 884795135 +544 270 3 884795135 +544 271 3 884795986 +544 286 4 884795135 +544 292 4 884795470 +544 300 4 884795612 +544 301 2 884795580 +544 302 5 884795135 +544 304 3 884795135 +544 310 2 884795264 +544 312 2 884796086 +544 323 2 884796016 +544 325 1 884796016 +544 326 3 884795580 +544 327 2 884795516 +544 331 3 884795516 +544 332 3 884795437 +544 343 2 884796062 +544 346 4 884795135 +544 689 2 884795706 +544 748 3 884795986 +544 749 4 884795471 +544 750 3 884795135 +544 877 2 884795612 +544 1280 3 884795542 +545 1 5 879901359 +545 17 3 879899472 +545 22 3 879899158 +545 25 2 880348933 +545 29 3 880347984 +545 31 4 884133988 +545 50 5 879898644 +545 54 4 884134519 +545 55 3 879899233 +545 62 5 879899438 +545 67 1 880348933 +545 68 4 879899266 +545 69 4 884133906 +545 71 5 879901459 +545 73 4 879900121 +545 79 4 879899233 +545 82 4 879899266 +545 88 3 879901941 +545 89 3 879899125 +545 94 3 879900794 +545 95 4 879901458 +545 96 5 879899233 +545 97 3 879901865 +545 99 4 880347957 +545 101 4 879901538 +545 121 5 879899299 +545 132 4 884134519 +545 135 4 884134060 +545 139 3 884134959 +545 142 3 884135088 +545 144 3 879899125 +545 151 4 880348074 +545 155 3 879902060 +545 161 4 879899472 +545 173 5 879900185 +545 174 4 879899125 +545 176 4 879899125 +545 181 5 879898644 +545 182 3 883115423 +545 183 4 879899125 +545 188 2 879899233 +545 193 3 884133988 +545 195 4 879899158 +545 196 4 884133859 +545 199 4 880347770 +545 202 4 879900388 +545 208 3 879899619 +545 210 5 879899158 +545 211 3 879900586 +545 215 3 884133881 +545 217 5 879899934 +545 218 4 879899906 +545 219 2 880348933 +545 222 4 879899157 +545 226 3 879899438 +545 227 4 879899380 +545 228 5 879899266 +545 229 3 879899380 +545 230 5 879899327 +545 231 4 879899472 +545 233 4 879899380 +545 234 3 879899905 +545 254 4 879898995 +545 257 5 879898678 +545 258 3 879898617 +545 265 4 883115423 +545 271 3 879898362 +545 326 3 879898447 +545 373 3 879899523 +545 378 3 884134177 +545 379 4 879900010 +545 384 3 879900863 +545 385 3 879899266 +545 386 2 884134780 +545 388 3 880347984 +545 391 2 883115552 +545 393 4 879900891 +545 395 4 879901092 +545 399 4 879900794 +545 404 4 884133839 +545 413 4 879899977 +545 419 3 884134177 +545 444 3 879899978 +545 447 3 879899978 +545 449 2 879899497 +545 451 3 879900366 +545 472 5 879899266 +545 474 3 884134205 +545 491 3 884134035 +545 520 4 884133794 +545 524 4 879900185 +545 541 4 879899548 +545 542 2 880348933 +545 546 3 879901281 +545 549 4 879901920 +545 550 3 879899327 +545 551 4 879900053 +545 554 3 879899497 +545 563 3 879900011 +545 568 3 879899299 +545 569 3 879900011 +545 575 3 879900985 +545 578 4 884134936 +545 588 4 879901459 +545 633 3 884133963 +545 636 3 879899472 +545 648 3 879899719 +545 665 3 879899299 +545 680 2 879898486 +545 684 4 879899380 +545 689 4 879898362 +545 692 3 879900654 +545 710 3 879900227 +545 729 3 884134114 +545 732 4 879899619 +545 739 4 884134780 +545 742 4 880347813 +545 743 3 879901322 +545 746 4 879900321 +545 751 3 883115062 +545 810 4 879899523 +545 820 3 879901359 +545 993 2 879898802 +545 1028 4 879900731 +545 1091 3 879901483 +545 1188 3 883115515 +545 1228 3 884134603 +546 5 5 885141411 +546 7 5 885140689 +546 17 4 885141411 +546 53 5 885141502 +546 56 5 885141332 +546 98 5 885141332 +546 100 3 885140706 +546 109 5 885141260 +546 118 5 885141260 +546 121 5 885140909 +546 145 4 885141502 +546 164 4 885141360 +546 181 5 885140754 +546 185 4 885141360 +546 219 5 885141439 +546 222 4 885141260 +546 234 4 885141332 +546 236 4 885141260 +546 250 4 885141260 +546 271 5 885139779 +546 286 2 885139580 +546 288 4 885141260 +546 294 1 885139779 +546 300 3 885139842 +546 322 4 885139921 +546 343 3 885140117 +546 346 5 885139634 +546 347 5 885139580 +546 349 4 885141260 +546 413 4 885140808 +546 436 5 885141438 +546 447 3 885141360 +546 457 1 885139608 +546 458 1 885140689 +546 567 4 885141502 +546 569 4 885141502 +546 590 4 885141538 +546 665 2 885141411 +546 672 3 885141438 +546 682 3 885140097 +546 690 2 885139693 +546 717 5 885141162 +546 751 3 885139871 +546 760 5 885140808 +546 769 4 885141465 +546 860 4 885141439 +546 892 4 885141260 +546 895 3 885139608 +546 928 4 885141132 +546 930 5 885141260 +546 977 5 885140939 +547 258 4 891282596 +547 269 3 891282555 +547 294 1 891282757 +547 301 3 891282680 +547 303 3 891282715 +547 311 2 891282699 +547 312 4 891282824 +547 313 5 891282611 +547 315 4 891282555 +547 316 5 891282797 +547 321 4 891282732 +547 328 4 891282757 +547 332 3 891282681 +547 333 4 891282555 +547 338 2 891282967 +547 340 4 891282757 +547 345 5 891282555 +547 347 4 891282680 +547 354 4 891282640 +547 751 4 891282597 +548 1 4 891043182 +548 3 1 891415967 +548 7 5 891044304 +548 9 1 891043008 +548 12 5 891044356 +548 13 1 891415677 +548 14 1 891043182 +548 23 5 891044410 +548 25 2 891415746 +548 31 5 891044481 +548 39 5 891044481 +548 98 5 891044410 +548 100 5 891044304 +548 117 4 891415384 +548 118 5 891415855 +548 121 5 891415939 +548 127 5 891043008 +548 147 5 891415540 +548 151 1 891415786 +548 156 5 891044356 +548 164 5 891044446 +548 176 4 891044355 +548 183 5 891044410 +548 185 5 891044356 +548 218 4 891044538 +548 222 5 891044596 +548 229 5 891044596 +548 234 4 891044356 +548 235 3 891415746 +548 237 4 891415540 +548 245 4 891042624 +548 248 4 891043852 +548 250 5 891044304 +548 252 3 891043977 +548 254 1 891043999 +548 255 4 891043852 +548 258 4 891042474 +548 264 4 891043547 +548 270 5 891044304 +548 271 3 891043509 +548 272 2 891042194 +548 273 5 891044411 +548 275 3 891415411 +548 276 3 891415512 +548 277 3 891415540 +548 281 4 891044538 +548 282 4 891415384 +548 283 3 891415572 +548 284 3 891415619 +548 288 3 891042794 +548 291 5 891415677 +548 292 4 891042530 +548 293 4 891043760 +548 294 3 891042954 +548 295 5 891044304 +548 298 4 891043882 +548 300 5 891044304 +548 302 4 891042194 +548 307 4 891042474 +548 311 3 891042194 +548 313 5 891044304 +548 315 3 891415258 +548 322 4 891043509 +548 323 4 891043547 +548 326 4 891043278 +548 327 3 891042794 +548 328 4 891042954 +548 331 4 891042530 +548 333 4 891042624 +548 340 1 891042794 +548 344 1 891042530 +548 345 1 891042194 +548 347 2 891415257 +548 358 2 891043547 +548 405 4 891415643 +548 413 3 891416049 +548 431 5 891044446 +548 443 4 891044446 +548 458 3 891415512 +548 460 4 891416122 +548 466 5 891044446 +548 471 5 891415709 +548 472 2 891415967 +548 475 4 891415411 +548 477 1 891415786 +548 504 5 891044482 +548 515 5 891044304 +548 532 4 891043910 +548 539 2 891415257 +548 581 4 891044596 +548 591 3 891415465 +548 595 4 891416071 +548 597 4 891415890 +548 603 5 891044356 +548 619 3 891415786 +548 636 4 891044538 +548 642 4 891044538 +548 649 4 891044538 +548 654 5 891044411 +548 657 5 891044411 +548 678 4 891043547 +548 683 4 891042954 +548 690 3 891042475 +548 717 4 891416050 +548 748 3 891043910 +548 750 4 891042353 +548 751 4 891042851 +548 760 3 891416049 +548 882 4 891043442 +548 887 4 891043442 +548 898 1 891043509 +548 905 4 891044198 +548 924 3 891415786 +548 925 2 891415709 +548 928 3 891415890 +548 991 1 891044050 +548 1013 3 891043910 +548 1014 4 891043932 +548 1016 4 891043882 +548 1025 4 891043278 +548 1047 4 891416011 +548 1051 4 891415677 +548 1073 4 891044411 +548 1089 2 891044049 +548 1244 4 891043953 +548 1278 4 891416371 +548 1405 3 891415572 +549 24 3 881672556 +549 50 5 881672199 +549 100 4 881672333 +549 118 4 881672479 +549 127 5 881672441 +549 151 3 881672300 +549 181 4 881672241 +549 225 3 881672804 +549 237 4 881672605 +549 252 3 881672538 +549 258 5 881671833 +549 282 3 881672300 +549 288 4 881672605 +549 323 2 881671879 +549 405 4 881672556 +549 411 3 881672667 +549 472 3 881672408 +549 515 5 881672276 +549 620 3 881672650 +549 678 3 881671982 +549 866 4 881672573 +549 1047 3 881672700 +550 15 5 883426027 +550 50 5 883425283 +550 121 5 883426027 +550 125 4 883425958 +550 243 2 883426119 +550 249 4 883425388 +550 252 1 883426119 +550 254 1 883426119 +550 255 3 883425388 +550 257 4 883425337 +550 258 5 883425409 +550 259 2 883426119 +550 275 4 883425958 +550 288 5 883425979 +550 294 3 883426119 +550 300 4 883425652 +550 301 2 883426119 +550 304 3 883425743 +550 310 5 883425627 +550 323 5 883425465 +550 328 5 883425652 +550 405 4 883426027 +550 538 5 883425812 +550 682 4 883425783 +550 688 3 883425762 +550 748 4 883425365 +550 846 2 883426119 +550 877 4 883425723 +550 892 2 883426119 +550 993 4 883425426 +550 1089 3 883425485 +550 1620 4 883425448 +551 2 2 892784780 +551 3 5 892784093 +551 4 2 892783711 +551 5 4 892783314 +551 9 5 892776982 +551 11 5 892777052 +551 12 4 892776419 +551 13 1 892783411 +551 15 5 892782936 +551 17 5 892784942 +551 22 5 892776650 +551 24 5 892783142 +551 25 1 892783366 +551 28 4 892776982 +551 31 4 892783451 +551 33 5 892778297 +551 38 1 892784553 +551 42 5 892783212 +551 43 2 892784976 +551 44 4 892777825 +551 49 3 892783281 +551 50 2 892776336 +551 51 5 892784780 +551 54 3 892784093 +551 55 5 892777753 +551 56 5 892776450 +551 58 5 892783451 +551 62 5 892784524 +551 66 2 892783281 +551 68 2 892783972 +551 70 4 892783057 +551 72 5 892783972 +551 73 2 892784130 +551 76 4 892778202 +551 77 3 892784130 +551 79 5 892776824 +551 80 1 892785300 +551 82 5 892783525 +551 85 1 892783749 +551 88 4 892783314 +551 89 4 892777787 +551 90 1 892784199 +551 91 1 892783025 +551 92 5 892783672 +551 95 5 892783791 +551 96 5 892777987 +551 98 5 892776524 +551 117 5 892782807 +551 118 5 892784008 +551 121 5 892783411 +551 127 5 892776420 +551 132 5 892777583 +551 135 5 892778129 +551 143 4 892777274 +551 144 5 892778035 +551 147 4 892783525 +551 150 3 892782807 +551 153 3 892777310 +551 155 4 892784259 +551 156 5 892777723 +551 157 4 892782765 +551 161 5 892782936 +551 162 5 892783242 +551 164 4 892776650 +551 172 2 892778164 +551 174 4 892776650 +551 176 4 892776876 +551 177 5 892777274 +551 180 5 892777052 +551 181 2 892778074 +551 182 5 892776824 +551 183 4 892776824 +551 184 1 892777855 +551 185 5 892777885 +551 186 5 892783142 +551 188 5 892783672 +551 192 5 892776750 +551 193 5 892777363 +551 195 5 892777052 +551 198 5 892778035 +551 200 4 892782936 +551 202 4 892783177 +551 203 5 892782975 +551 204 4 892777673 +551 205 5 892776575 +551 210 4 892777787 +551 211 5 892778035 +551 215 4 892778035 +551 216 5 892777609 +551 217 1 892784093 +551 218 5 892783212 +551 219 5 892784479 +551 222 5 892783411 +551 223 4 892776650 +551 227 5 892783488 +551 228 5 892783212 +551 229 5 892784779 +551 230 5 892782901 +551 232 5 892783365 +551 233 4 892784259 +551 234 4 892777092 +551 235 1 892784629 +551 237 4 892777825 +551 238 5 892777638 +551 240 3 892784673 +551 241 4 892783057 +551 245 3 892775723 +551 258 4 892775584 +551 260 5 892775869 +551 264 3 892775970 +551 265 4 892776336 +551 268 4 892775516 +551 272 5 892775389 +551 273 4 892782865 +551 274 2 892783488 +551 276 5 892783451 +551 282 5 892777092 +551 286 4 892775466 +551 288 4 892775466 +551 291 4 892778337 +551 292 3 892775612 +551 300 4 892775687 +551 302 3 892775389 +551 307 4 892775516 +551 313 4 892775389 +551 315 5 892775389 +551 316 5 892696165 +551 317 5 892777092 +551 318 5 892776824 +551 324 3 892775824 +551 326 4 892775612 +551 328 5 892775584 +551 331 5 892775584 +551 332 4 892775547 +551 333 5 892775584 +551 334 4 892775970 +551 340 4 892775584 +551 343 4 892775869 +551 346 4 892775547 +551 351 3 892775894 +551 354 3 892775752 +551 355 4 892776041 +551 356 4 892783829 +551 365 5 892784524 +551 366 5 892784049 +551 384 1 892785223 +551 385 5 892783791 +551 399 3 892785364 +551 402 4 892784049 +551 403 3 892782807 +551 405 3 892783612 +551 410 5 892784093 +551 411 1 892784437 +551 421 4 892778202 +551 423 1 892782975 +551 431 4 892777583 +551 447 5 892783711 +551 448 4 892783242 +551 455 1 892783525 +551 458 2 892784166 +551 471 5 892783365 +551 475 5 892777910 +551 476 5 892784259 +551 479 3 892776380 +551 505 5 892777397 +551 520 4 892777339 +551 527 5 892777123 +551 544 4 892784093 +551 546 2 892784673 +551 550 5 892784130 +551 552 3 892784259 +551 554 5 892783906 +551 561 5 892785363 +551 566 5 892783212 +551 568 4 892783906 +551 572 1 892784672 +551 576 2 892784743 +551 578 5 892784672 +551 581 5 892783972 +551 582 5 892783749 +551 583 3 892778369 +551 591 5 892783612 +551 595 2 892784744 +551 603 5 892776524 +551 616 5 892777052 +551 627 3 892783906 +551 628 5 892783177 +551 651 4 892776750 +551 658 5 892783559 +551 660 3 892783672 +551 672 1 892785056 +551 684 5 892783212 +551 685 1 892782901 +551 686 3 892783829 +551 690 5 892775584 +551 692 4 892777092 +551 693 5 892777943 +551 696 2 892785194 +551 698 4 892782734 +551 708 1 892783830 +551 710 5 892777753 +551 715 1 892785128 +551 717 3 892785164 +551 719 1 892784898 +551 721 5 892784898 +551 727 5 892783559 +551 728 2 892785331 +551 732 4 892783711 +551 735 5 892783110 +551 739 4 892784710 +551 742 5 892782838 +551 746 5 892777013 +551 747 3 892783025 +551 748 4 892775612 +551 751 4 892775797 +551 755 4 892784008 +551 756 1 892784437 +551 760 3 892784592 +551 761 1 892785164 +551 762 5 892784130 +551 763 5 892784008 +551 765 1 892785194 +551 774 5 892783314 +551 779 4 892785399 +551 780 5 892785431 +551 790 2 892783942 +551 802 4 892784437 +551 808 3 892783791 +551 809 5 892784629 +551 825 5 892784049 +551 827 5 892784710 +551 833 3 892784166 +551 846 3 892783942 +551 849 5 892785128 +551 864 5 892785091 +551 875 4 892775970 +551 895 3 892775752 +551 912 3 892775723 +551 917 3 892775466 +551 924 5 892783451 +551 926 2 892785300 +551 941 4 892782734 +551 943 5 892783451 +551 944 2 892784320 +551 950 2 892783861 +551 955 3 892783411 +551 959 5 892784166 +551 975 5 892784130 +551 979 4 892784479 +551 991 2 892775935 +551 1035 2 892778244 +551 1047 4 892785264 +551 1051 4 892784593 +551 1067 2 892785091 +551 1079 1 892785431 +551 1087 1 892784437 +551 1118 5 892784199 +551 1135 5 892785331 +551 1139 4 892785263 +551 1169 4 892778297 +551 1207 1 892785300 +551 1217 1 892784524 +551 1220 5 892784524 +551 1267 4 892783906 +551 1303 1 892785399 +551 1314 2 892783750 +551 1376 1 892784524 +551 1419 1 892785332 +551 1443 5 892784942 +551 1518 4 892785363 +551 1621 1 892785194 +552 1 3 879221716 +552 7 3 879221580 +552 13 3 879222238 +552 14 4 879221649 +552 15 3 879222484 +552 25 3 879221833 +552 50 4 879221876 +552 111 3 879222238 +552 117 3 879222412 +552 118 3 879222520 +552 123 3 879222033 +552 125 3 879222484 +552 126 4 879221876 +552 147 3 879222412 +552 148 3 879222452 +552 151 3 879222238 +552 222 4 879221764 +552 225 3 879221876 +552 240 2 879222133 +552 243 3 879220651 +552 248 4 879221795 +552 249 3 879222368 +552 250 3 879222336 +552 252 2 879222002 +552 257 3 879221795 +552 258 4 879220564 +552 274 3 879222162 +552 281 3 879222306 +552 282 3 879222133 +552 286 4 879220564 +552 288 2 879221267 +552 291 2 879222661 +552 300 4 879220610 +552 301 4 879220720 +552 322 3 879220760 +552 336 3 879221267 +552 405 3 879222268 +552 411 3 879222002 +552 412 2 879222583 +552 455 3 879221764 +552 471 3 879222306 +552 591 3 879222412 +552 619 3 879222632 +552 620 3 879222738 +552 628 3 879221833 +552 717 3 879222368 +552 742 4 879222103 +552 748 4 879220651 +552 760 3 879222306 +552 815 3 879222336 +552 826 2 879222002 +552 829 3 879222738 +552 845 3 879222368 +552 864 3 879221876 +552 866 3 879222002 +552 926 2 879222698 +552 932 3 879222194 +552 934 3 879222336 +552 988 3 879220650 +552 1014 4 879222520 +552 1048 3 879221683 +552 1051 3 879222238 +552 1152 3 879222002 +552 1277 3 879222763 +552 1315 3 879222452 +552 1362 3 879222698 +552 1620 3 879222071 +553 8 3 879949290 +553 22 5 879949324 +553 23 5 879948806 +553 50 4 879948732 +553 56 4 879949042 +553 86 3 879948771 +553 89 5 879948386 +553 98 5 879948996 +553 99 5 879948508 +553 100 5 879948869 +553 111 4 879948869 +553 131 5 879948655 +553 134 4 879948806 +553 135 4 879948996 +553 136 4 879948655 +553 151 5 879949181 +553 153 5 879949107 +553 170 4 879948806 +553 174 4 879949073 +553 177 4 879949180 +553 178 5 879948460 +553 182 3 879949290 +553 186 3 879948552 +553 187 5 879948609 +553 190 5 879949251 +553 191 4 879949153 +553 197 5 879948831 +553 199 4 879949153 +553 205 4 879948869 +553 213 5 879949290 +553 218 4 879948996 +553 238 5 879948655 +553 265 5 879948508 +553 307 4 879948235 +553 378 3 879948655 +553 423 3 879948655 +553 427 5 879948508 +553 434 3 879948771 +553 435 4 879948869 +553 474 5 879948609 +553 478 4 879948964 +553 479 5 879948386 +553 481 3 879948806 +553 482 4 879948831 +553 483 5 879948423 +553 484 5 879949324 +553 485 3 879948695 +553 487 5 879948996 +553 490 4 879949073 +553 492 3 879949042 +553 496 3 879948460 +553 505 5 879949107 +553 507 3 879948831 +553 511 5 879948869 +553 513 4 879948806 +553 515 5 879948386 +553 519 5 879949042 +553 520 5 879949153 +553 523 4 879948508 +553 524 5 879948996 +553 527 3 879949290 +553 589 5 879948964 +553 603 5 879948695 +553 604 5 879949107 +553 605 4 879949251 +553 607 4 879949107 +553 609 4 879948806 +553 615 5 879949073 +553 617 4 879949042 +553 631 5 879948695 +553 638 3 879948732 +553 641 4 879948386 +553 646 4 879949251 +553 648 4 879948552 +553 655 4 879949289 +553 657 5 879949212 +553 661 5 879949324 +553 1009 4 879949212 +553 1021 2 879949153 +553 1124 4 879948695 +553 1194 5 879948995 +553 1200 3 879948964 +553 1451 4 879949212 +554 1 3 876231938 +554 7 3 876549087 +554 8 4 876550526 +554 9 4 876231468 +554 11 4 876233069 +554 13 2 876232730 +554 14 4 876550182 +554 21 1 876232212 +554 28 4 876232758 +554 43 3 876369968 +554 50 4 876550778 +554 56 4 876550257 +554 58 4 876549808 +554 66 3 876369615 +554 67 3 876369932 +554 68 2 876368907 +554 69 5 876232682 +554 70 4 876369382 +554 71 4 876550257 +554 77 4 876550778 +554 79 5 876550491 +554 82 4 876550257 +554 86 4 876369678 +554 87 4 876550654 +554 98 5 876550491 +554 100 3 876231441 +554 111 4 876550526 +554 117 4 876231777 +554 118 4 876550257 +554 121 4 876232267 +554 125 3 876550913 +554 132 4 876550453 +554 151 4 876550100 +554 172 5 876550372 +554 173 3 876369527 +554 174 5 876550257 +554 181 4 876550100 +554 191 5 876243914 +554 209 4 876232997 +554 215 5 876550833 +554 216 3 876369162 +554 218 4 876550654 +554 220 3 876232109 +554 222 4 876231802 +554 223 3 876232996 +554 227 3 876369198 +554 228 5 876550011 +554 229 3 876369907 +554 238 3 876232682 +554 252 4 876232528 +554 265 4 876232956 +554 274 3 876232317 +554 275 4 876231634 +554 276 3 876548886 +554 282 3 876232267 +554 284 3 876549009 +554 286 4 876231521 +554 288 3 876231123 +554 294 3 876231229 +554 318 5 876369730 +554 378 4 876549808 +554 405 4 876550654 +554 411 3 876231886 +554 423 4 876550182 +554 432 4 876550491 +554 542 3 876369995 +554 546 3 876231886 +554 576 4 876549377 +554 582 3 876232758 +554 595 3 876232109 +554 596 3 876232758 +554 678 3 876231229 +554 684 4 876550342 +554 692 4 876549579 +554 696 3 876232023 +554 717 3 876232553 +554 728 3 876369995 +554 732 4 876550833 +554 742 3 876231546 +554 819 3 876231688 +554 820 2 876232176 +554 845 3 876231993 +554 864 4 876231993 +554 866 3 876232486 +554 939 4 876550342 +554 951 3 876369840 +554 1028 3 876551044 +554 1041 3 876369560 +554 1042 3 876550610 +554 1284 3 876232053 +555 7 4 879962172 +555 13 5 879964092 +555 21 4 879964265 +555 47 2 879975505 +555 87 4 879975505 +555 89 4 879975438 +555 100 5 879964092 +555 117 4 879962152 +555 118 4 879962569 +555 120 4 879964334 +555 121 3 879962551 +555 147 4 879962172 +555 150 4 879963127 +555 168 4 879975419 +555 169 5 879975419 +555 181 5 879962172 +555 195 4 879975438 +555 235 3 879964209 +555 236 5 879962769 +555 244 5 879962642 +555 248 4 879963127 +555 249 4 879963127 +555 252 5 879962551 +555 265 3 879975505 +555 269 5 879962096 +555 271 3 879961963 +555 274 4 879964240 +555 285 5 879963127 +555 288 3 879962096 +555 301 4 879962096 +555 302 3 879962096 +555 326 4 879962096 +555 357 4 879975455 +555 405 4 879962569 +555 410 4 879962769 +555 480 4 879975474 +555 489 5 879975455 +555 546 3 879962551 +555 748 4 879962096 +555 762 4 879964159 +555 1013 4 879962642 +555 1054 3 879964335 +556 12 5 882136440 +556 48 5 882136252 +556 64 5 882136162 +556 127 5 882136205 +556 132 5 882136396 +556 133 5 882136396 +556 134 5 882136252 +556 135 2 882136252 +556 170 4 882136162 +556 173 3 882136162 +556 187 5 882136396 +556 192 5 882136440 +556 243 1 882135994 +556 286 4 882135437 +556 288 4 882135646 +556 294 2 882135855 +556 302 4 882135437 +556 321 4 882135994 +556 325 2 882135684 +556 327 5 882135508 +556 427 5 882136440 +556 479 5 882136162 +556 481 5 882136441 +556 482 5 882136440 +556 493 5 882136441 +556 496 5 882136252 +556 507 5 882136205 +556 513 4 882136396 +556 520 5 882136441 +556 523 5 882136205 +556 603 5 882136440 +556 1065 4 882136162 +557 8 5 881179653 +557 12 5 881179653 +557 50 4 881095916 +557 58 4 880555684 +557 96 5 881179653 +557 127 4 880485718 +557 150 3 881179621 +557 166 4 881179397 +557 180 5 881179653 +557 198 5 881179513 +557 253 3 880485693 +557 254 4 880485908 +557 257 2 880485764 +557 262 2 882458820 +557 269 3 881179139 +557 270 3 881179166 +557 271 4 881179557 +557 288 1 884357600 +557 294 3 880484929 +557 298 5 881095916 +557 299 4 881095916 +557 300 4 881095916 +557 305 3 881179268 +557 307 5 881179653 +557 322 3 880485052 +557 325 3 880485074 +557 327 3 882458785 +557 334 4 881179362 +557 343 4 881095995 +557 508 4 880485956 +557 529 5 881179455 +557 532 5 881095916 +557 739 3 881179539 +557 750 4 884357373 +557 865 3 881179268 +557 872 5 881095916 +557 887 3 881179118 +557 892 3 884357648 +557 1070 2 884357600 +557 1176 5 881179653 +558 9 4 879436069 +558 14 4 879436097 +558 15 3 879436140 +558 19 5 879436396 +558 20 5 879436396 +558 100 5 879436396 +558 116 5 879436396 +558 124 4 879435855 +558 137 4 879435896 +558 253 5 879436396 +558 269 4 879436396 +558 285 5 879436396 +558 286 4 879435828 +558 508 5 879436396 +558 847 4 879436396 +558 936 5 879436396 +558 1068 2 879435896 +559 4 4 891035876 +559 22 1 891034003 +559 55 4 891035111 +559 56 3 891034550 +559 69 5 891034003 +559 73 4 891035812 +559 94 3 891035979 +559 127 4 891033956 +559 153 3 891035708 +559 163 4 891035840 +559 167 3 891035840 +559 182 4 891035111 +559 187 3 891033911 +559 188 5 891034609 +559 191 5 891034139 +559 194 3 891035781 +559 196 5 891033805 +559 197 4 891035111 +559 199 5 891034040 +559 202 1 891035674 +559 204 3 891035708 +559 210 4 891034957 +559 216 5 891035876 +559 226 5 891034688 +559 233 3 891034688 +559 238 1 891035674 +559 257 3 891035466 +559 259 3 891035407 +559 261 3 891035378 +559 265 4 891033696 +559 294 1 891035519 +559 300 4 891035137 +559 311 3 891033635 +559 315 5 891033635 +559 318 5 891033835 +559 322 4 891034987 +559 347 3 891035343 +559 385 4 891035111 +559 393 2 891035917 +559 398 3 891034904 +559 427 4 891034095 +559 435 2 891035781 +559 502 4 891035946 +559 508 3 891034209 +559 511 2 891034347 +559 513 5 891033956 +559 514 4 891035633 +559 519 5 891034004 +559 521 2 891033911 +559 523 4 891035812 +559 524 3 891035917 +559 527 4 891034172 +559 528 4 891034209 +559 550 4 891035111 +559 652 4 891035633 +559 687 3 891035551 +559 902 4 891035111 +559 1101 4 891035111 +559 1141 2 891034316 +559 1401 3 891034172 +559 1556 3 891033759 +560 1 4 879976449 +560 7 3 879975718 +560 11 4 879975485 +560 12 5 879975661 +560 13 3 879976602 +560 22 2 879975613 +560 25 3 879976706 +560 50 5 879976109 +560 58 3 879975485 +560 89 5 879975752 +560 100 5 879975752 +560 108 1 879976988 +560 111 3 879976731 +560 118 3 879976892 +560 121 3 879976705 +560 123 2 879976542 +560 127 5 879976071 +560 132 3 879975485 +560 134 5 879975406 +560 136 3 879975661 +560 137 4 879976427 +560 168 4 879975718 +560 181 4 879975661 +560 183 5 879975586 +560 197 4 879975613 +560 201 3 879975718 +560 203 4 879975613 +560 222 4 879976706 +560 235 2 879976867 +560 240 3 879976970 +560 246 5 879976109 +560 250 4 879976126 +560 255 4 879976109 +560 257 3 879976172 +560 258 5 879975116 +560 260 1 879977973 +560 270 4 879975173 +560 271 4 879975194 +560 275 4 879975718 +560 277 3 879976731 +560 281 3 879976828 +560 288 4 879975116 +560 302 5 879975087 +560 318 4 879975406 +560 319 4 879975173 +560 321 3 879975151 +560 358 3 879975358 +560 411 3 879976828 +560 423 4 879975586 +560 429 3 879975485 +560 478 4 879975752 +560 480 3 879975613 +560 489 3 879975662 +560 496 3 879975752 +560 498 4 879975718 +560 508 3 879976502 +560 515 3 879976109 +560 546 2 879976705 +560 597 2 879976914 +560 606 4 879975613 +560 653 4 879975529 +560 654 5 879975613 +560 756 2 879977032 +560 813 4 879976478 +560 845 3 879976602 +560 847 4 879976449 +560 864 3 879976970 +560 975 3 879977081 +560 1008 3 879976731 +560 1014 4 879976215 +560 1016 3 879976216 +560 1019 4 879975529 +560 1021 4 879975718 +560 1073 3 879975586 +560 1134 3 879976478 +560 1160 3 879976215 +560 1163 3 879976988 +560 1171 3 879976807 +560 1215 2 879977336 +560 1265 3 879975194 +560 1333 3 879976071 +560 1405 4 879976215 +561 1 2 885807713 +561 2 3 885809752 +561 7 5 885808738 +561 8 3 885807455 +561 9 4 885807546 +561 10 3 885808766 +561 11 4 885807743 +561 12 5 885809356 +561 13 3 885810060 +561 14 3 885808929 +561 15 3 885809291 +561 17 2 885810167 +561 19 3 885808673 +561 22 3 885809223 +561 23 5 885807888 +561 24 3 885807776 +561 25 2 885809426 +561 28 2 885808053 +561 31 2 885809146 +561 32 4 885807455 +561 42 3 885809025 +561 45 3 885808716 +561 46 4 885808796 +561 47 4 885809557 +561 48 4 885807547 +561 49 2 885809269 +561 51 3 885810834 +561 52 4 885809583 +561 53 3 885810538 +561 55 4 885808796 +561 56 5 885807291 +561 58 3 885809654 +561 62 3 885810144 +561 64 3 885809605 +561 65 3 885808673 +561 67 1 885810240 +561 69 1 885807215 +561 71 2 885810039 +561 80 2 885810372 +561 81 2 885808000 +561 89 4 885809556 +561 91 4 885807455 +561 92 3 885809897 +561 93 4 885809224 +561 95 2 885809605 +561 97 3 885809312 +561 98 4 885807393 +561 99 3 885808673 +561 100 4 885807484 +561 109 1 885810271 +561 117 3 885810220 +561 121 3 885810372 +561 124 3 885807842 +561 130 4 885810429 +561 131 4 885808929 +561 132 2 885809269 +561 133 3 885807888 +561 135 4 885809336 +561 141 2 885809781 +561 143 1 885810000 +561 144 3 885807547 +561 151 2 885808843 +561 154 4 885807612 +561 155 2 885810785 +561 157 4 885808053 +561 159 1 885809356 +561 160 3 885808904 +561 163 3 885808963 +561 164 2 885809626 +561 168 4 885807261 +561 170 4 885808738 +561 172 2 885807743 +561 174 4 885808053 +561 175 4 885807429 +561 176 4 885807345 +561 179 4 885807261 +561 180 4 885807261 +561 181 3 885807318 +561 182 3 885807318 +561 183 5 885807215 +561 185 4 885807173 +561 188 4 885807261 +561 191 3 885807484 +561 193 3 885808673 +561 195 3 885808963 +561 196 4 885808620 +561 197 4 885807484 +561 198 3 885808986 +561 199 4 885809939 +561 201 3 885807291 +561 202 3 885808867 +561 203 4 885807261 +561 204 3 885808716 +561 205 3 885807393 +561 206 3 885809506 +561 207 3 885809245 +561 211 4 885808824 +561 212 3 885809025 +561 214 3 885809670 +561 215 3 885809872 +561 216 3 885807173 +561 217 3 885810858 +561 218 3 885810000 +561 219 1 885809583 +561 222 3 885807843 +561 223 4 885807235 +561 226 1 885809806 +561 228 3 885807930 +561 229 3 885810271 +561 231 2 885810744 +561 234 3 885808824 +561 239 3 885809336 +561 240 1 885810726 +561 241 2 885809119 +561 243 1 885807010 +561 258 2 885806823 +561 273 5 885808824 +561 276 4 885807713 +561 277 3 885809223 +561 284 1 885809626 +561 285 4 885808715 +561 302 4 885806797 +561 304 3 891710572 +561 317 3 885808824 +561 318 3 885807345 +561 319 2 885809005 +561 343 4 885807035 +561 345 4 885806823 +561 346 5 885806862 +561 356 1 885809752 +561 357 3 885807612 +561 362 2 893105375 +561 367 3 885809583 +561 371 1 885809426 +561 380 2 885809524 +561 382 4 885807842 +561 385 2 885810144 +561 393 2 885810309 +561 403 3 885809690 +561 405 2 885809313 +561 410 1 885810117 +561 417 2 885809690 +561 425 4 885808000 +561 427 4 885807484 +561 430 3 885809336 +561 431 2 885808738 +561 432 5 885807776 +561 433 1 885808867 +561 435 3 888232990 +561 436 4 885807843 +561 443 4 885809197 +561 447 3 885808767 +561 451 2 885810117 +561 458 4 885809197 +561 461 3 885807369 +561 468 1 885809291 +561 469 4 885809099 +561 478 4 885807290 +561 480 4 885807484 +561 488 4 885807290 +561 489 4 885807743 +561 492 4 885807369 +561 494 4 885808824 +561 497 4 885809064 +561 501 3 885808620 +561 503 4 885808887 +561 504 3 885809447 +561 505 4 885807510 +561 506 3 885809146 +561 507 4 885807429 +561 513 3 885807345 +561 514 4 885807713 +561 515 3 885807215 +561 518 4 885808620 +561 520 4 885807318 +561 523 4 885809269 +561 526 3 885808796 +561 530 4 885807547 +561 531 1 885807215 +561 537 4 885808866 +561 550 1 885810117 +561 559 1 885809336 +561 566 3 885809873 +561 568 3 885807962 +561 578 3 885810575 +561 582 4 885808796 +561 584 3 885809781 +561 588 2 885809197 +561 589 3 885807510 +561 596 2 885809958 +561 597 3 885810428 +561 607 5 885807173 +561 608 3 885809119 +561 611 5 885807547 +561 614 3 885809336 +561 616 3 885808929 +561 617 4 885808738 +561 629 3 885809119 +561 631 3 885808000 +561 636 1 885809670 +561 639 3 885809291 +561 640 5 885809005 +561 642 3 885809356 +561 644 3 885807743 +561 645 3 885808767 +561 651 3 885807574 +561 652 5 885809312 +561 656 4 885807455 +561 657 4 885807235 +561 661 4 885808715 +561 664 4 885807574 +561 665 3 885810309 +561 671 3 885808673 +561 673 3 885809313 +561 678 2 885807080 +561 679 3 885807235 +561 684 3 885808867 +561 692 1 885810084 +561 693 3 885808620 +561 701 3 885807930 +561 702 3 885809873 +561 705 3 885808000 +561 708 3 885809447 +561 709 3 885808824 +561 710 4 885809897 +561 715 3 885809606 +561 719 1 885810785 +561 724 3 885808867 +561 732 3 885809958 +561 735 3 885809712 +561 737 3 885810706 +561 739 2 885810271 +561 744 3 885809781 +561 746 3 885809025 +561 748 2 888557502 +561 751 3 885806779 +561 790 1 885810538 +561 794 2 885809731 +561 805 3 885810240 +561 811 3 885808963 +561 890 1 885807080 +561 895 1 885807035 +561 921 3 885810769 +561 925 3 885810084 +561 928 2 885810330 +561 942 3 885809712 +561 946 3 885810813 +561 955 3 885808738 +561 956 4 885809336 +561 959 3 885810060 +561 971 3 885809269 +561 980 3 885809146 +561 1009 4 885810706 +561 1015 2 885810060 +561 1021 4 885807962 +561 1024 3 885806883 +561 1035 3 885810390 +561 1069 4 885808053 +561 1074 3 885810813 +561 1101 3 885808887 +561 1103 4 885807291 +561 1110 2 885809524 +561 1115 3 885809146 +561 1119 3 885810144 +561 1120 4 885807318 +561 1139 1 885810744 +561 1149 4 885807713 +561 1153 3 885808986 +561 1210 1 885810813 +561 1220 2 885810538 +561 1230 3 885810813 +561 1294 1 891710133 +561 1449 5 885808620 +561 1512 5 885807455 +561 1524 4 885809897 +561 1529 3 885809064 +562 1 2 879194894 +562 4 1 879196517 +562 5 4 879196576 +562 56 1 879195156 +562 66 1 879195927 +562 73 4 879195881 +562 79 4 879196445 +562 82 5 879196401 +562 88 5 879196680 +562 89 1 879195819 +562 98 4 879195081 +562 114 1 879195156 +562 118 3 879196483 +562 133 2 879195007 +562 141 4 879195334 +562 143 5 879196074 +562 144 5 879196445 +562 148 5 879195442 +562 161 3 879196445 +562 181 3 879195125 +562 191 5 879196176 +562 197 4 879196105 +562 218 4 879196576 +562 230 1 879195954 +562 231 1 879196446 +562 234 5 879196074 +562 286 4 879194616 +562 323 2 879194768 +562 357 1 879195125 +562 402 5 879196074 +562 416 5 879195613 +562 418 5 879195738 +562 427 4 879195244 +562 432 5 879196074 +562 435 4 879195125 +562 443 5 879196604 +562 462 5 879196074 +562 477 4 879195688 +562 480 4 879195126 +562 483 4 879195954 +562 485 5 879196074 +562 501 5 879196653 +562 504 4 879196709 +562 511 2 879195819 +562 514 1 879195848 +562 550 4 879196445 +562 566 4 879196483 +562 636 2 879195007 +562 684 4 879196517 +562 720 4 879196483 +562 727 5 879196267 +562 806 1 879195289 +562 1039 4 879196105 +562 1126 4 879196045 +563 50 5 880507404 +563 70 4 880506528 +563 118 4 880506863 +563 153 4 880507625 +563 167 4 880506771 +563 172 5 880507339 +563 181 4 880507374 +563 210 4 880507483 +563 220 4 880506703 +563 233 4 880507165 +563 237 5 880506666 +563 254 3 880506963 +563 294 3 880506121 +563 301 4 880506234 +563 304 2 880506234 +563 321 5 880506197 +563 367 4 880507083 +563 401 4 880507108 +563 403 4 880506963 +563 412 2 880507108 +563 566 4 880507042 +563 678 2 880506368 +563 692 5 880506842 +563 781 4 880507582 +563 862 1 880507672 +563 871 2 880507263 +563 1035 4 880507204 +564 50 4 888730974 +564 121 4 888730534 +564 181 4 888730974 +564 257 4 888731011 +564 258 4 888718771 +564 281 3 888730658 +564 289 4 888718546 +564 292 4 888718546 +564 300 4 888718470 +564 302 3 888718415 +564 312 3 888718443 +564 323 3 888730838 +564 333 3 888718521 +564 344 4 888718521 +564 345 4 888718521 +564 472 4 888730658 +564 597 4 888730699 +564 750 3 888718771 +564 827 3 888731038 +564 831 3 888730658 +564 924 3 888730534 +564 930 3 888730699 +564 1399 2 888718470 +565 10 5 891037453 +565 30 5 891037499 +565 52 5 891037524 +565 70 5 891037629 +565 83 5 891037628 +565 86 5 891037757 +565 166 4 891037252 +565 170 5 891037291 +565 179 5 891037778 +565 207 4 891037393 +565 212 5 891037453 +565 213 4 891037803 +565 382 5 891037586 +565 462 4 891037692 +565 512 3 891037453 +565 638 4 891037837 +565 639 5 891037291 +565 640 4 891037837 +565 652 5 891037563 +565 713 5 891037693 +565 730 5 891037837 +565 855 5 891037628 +565 923 4 891037333 +565 970 4 891037757 +565 1018 5 891037862 +565 1396 5 891037333 +566 7 4 881649747 +566 8 4 881650690 +566 12 4 881649802 +566 15 3 881650030 +566 22 3 881649358 +566 23 4 881650405 +566 25 2 881651077 +566 31 3 881650825 +566 33 2 881650907 +566 50 2 881650063 +566 54 3 881651013 +566 56 4 881649828 +566 64 5 881649530 +566 70 4 881649563 +566 71 2 881650958 +566 77 4 881651183 +566 78 1 881651829 +566 80 3 881651531 +566 82 4 881650709 +566 83 4 881650148 +566 88 3 881650090 +566 89 4 881650423 +566 94 2 881651636 +566 95 2 881649913 +566 96 3 881650171 +566 97 3 881650090 +566 98 4 881649445 +566 100 5 881649548 +566 108 2 881651360 +566 117 4 881650886 +566 127 5 881650219 +566 135 5 881649389 +566 136 4 881649621 +566 137 5 881649928 +566 143 3 881650502 +566 144 3 881649530 +566 153 2 881649747 +566 154 3 881651151 +566 157 5 881649985 +566 161 4 881651097 +566 163 5 881649622 +566 165 5 881649530 +566 166 4 881649709 +566 168 4 881650003 +566 172 3 881649644 +566 177 4 881650654 +566 182 4 881649428 +566 186 3 881649893 +566 192 5 881649747 +566 196 4 881650405 +566 202 4 881650551 +566 203 4 881650148 +566 204 3 881649828 +566 207 5 881650502 +566 213 5 881649670 +566 215 3 881650739 +566 218 4 881650242 +566 219 1 881651286 +566 230 2 881650123 +566 234 3 881650148 +566 235 3 881650534 +566 240 3 881651225 +566 242 5 881649273 +566 260 2 881649273 +566 265 4 881650849 +566 288 3 881650627 +566 289 1 881649273 +566 318 4 881649471 +566 327 3 881649273 +566 384 3 881651360 +566 385 3 881650825 +566 388 3 881651512 +566 392 4 881650519 +566 393 2 881651434 +566 395 1 881651672 +566 403 3 881650654 +566 405 5 881650943 +566 423 2 881649709 +566 461 4 881649853 +566 462 4 881650090 +566 465 2 881650654 +566 467 3 881650030 +566 479 4 881649428 +566 480 4 881649471 +566 483 4 881649357 +566 485 3 881650242 +566 496 5 881649428 +566 508 4 881649577 +566 511 4 881649445 +566 512 4 881650148 +566 521 4 881649802 +566 529 4 881649358 +566 575 1 881651652 +566 582 5 881650186 +566 651 4 881650242 +566 660 4 881650172 +566 673 4 881649775 +566 684 4 881649802 +566 685 3 881651183 +566 693 5 881649727 +566 705 4 881649871 +566 707 4 881650442 +566 727 4 881650850 +566 755 2 881651561 +566 763 4 881651045 +566 772 4 881650467 +566 790 3 881651464 +566 856 5 881650690 +566 959 4 881651406 +566 1005 5 881650090 +566 1028 2 881651339 +566 1044 3 881651583 +566 1193 5 881649548 +566 1232 2 881651126 +566 1437 2 881651434 +567 1 3 882426899 +567 7 4 882426622 +567 9 4 882426696 +567 10 4 882426508 +567 12 4 882426508 +567 23 4 882426740 +567 32 5 882426644 +567 39 3 882426974 +567 47 4 882426696 +567 56 4 882425630 +567 59 5 882425762 +567 60 5 882425966 +567 79 2 882427023 +567 83 4 882425791 +567 124 4 882426812 +567 132 3 882426021 +567 133 4 882425790 +567 134 5 882425873 +567 135 3 882426837 +567 152 4 882426673 +567 156 5 882426055 +567 168 5 882425736 +567 170 3 882426184 +567 173 4 882425630 +567 174 1 882426869 +567 175 5 882425630 +567 176 5 882425874 +567 177 4 882426673 +567 181 1 882426246 +567 182 5 882425701 +567 183 4 882425701 +567 185 5 882426899 +567 188 5 882426055 +567 190 4 882427068 +567 191 3 882427124 +567 192 4 882426021 +567 194 3 882425874 +567 197 5 882425901 +567 199 4 882425820 +567 203 4 882426508 +567 205 3 882425736 +567 209 4 882426812 +567 212 2 882427023 +567 221 5 882426927 +567 234 3 882426762 +567 252 1 882427384 +567 257 3 882427250 +567 268 4 882426327 +567 273 5 882427068 +567 293 5 882427250 +567 298 4 882426279 +567 299 4 882426350 +567 302 4 882426300 +567 303 3 882426350 +567 306 3 882426327 +567 318 2 882425901 +567 340 3 882426300 +567 357 2 882425901 +567 423 2 882426869 +567 427 3 882427124 +567 429 4 882426899 +567 430 4 882426927 +567 434 5 882425997 +567 469 4 882426837 +567 474 5 882426135 +567 475 4 882426508 +567 478 5 882426079 +567 479 5 882425997 +567 480 4 882426508 +567 482 5 882425966 +567 483 5 882425843 +567 484 4 882426508 +567 487 4 882427155 +567 489 5 882426673 +567 491 3 882426135 +567 493 4 882426719 +567 494 5 882425932 +567 496 5 882426184 +567 497 5 882425901 +567 504 4 882425874 +567 506 5 882425701 +567 507 5 882425820 +567 511 2 882425701 +567 513 4 882426719 +567 517 5 882426673 +567 521 3 882425701 +567 523 3 882425966 +567 525 5 882425901 +567 582 3 882426899 +567 589 5 882425932 +567 603 5 882425631 +567 604 4 882426508 +567 606 4 882425630 +567 607 4 882426762 +567 611 4 882425998 +567 612 4 882427124 +567 613 4 882426927 +567 615 4 882425932 +567 617 4 882425843 +567 636 4 882427155 +567 640 4 882426927 +567 641 5 882426158 +567 646 5 882427046 +567 647 5 882425998 +567 648 4 882426021 +567 650 4 882426762 +567 653 5 882425843 +567 654 5 882425701 +567 659 4 882426508 +567 675 4 882426812 +567 705 5 882426105 +567 811 4 882426210 +567 836 3 882426998 +567 847 4 882425791 +567 919 4 882426105 +567 1019 5 882425874 +567 1020 3 882425820 +567 1021 4 882425736 +567 1022 5 882426350 +567 1131 4 882426601 +567 1204 5 882427023 +567 1252 3 882427294 +567 1298 5 882425998 +567 1451 3 882426952 +568 6 3 877907235 +568 59 1 877906995 +568 127 4 877907050 +568 132 2 877907236 +568 134 5 877907092 +568 162 2 877906935 +568 165 4 877906935 +568 185 4 877907834 +568 187 3 877907596 +568 191 4 877907126 +568 194 3 877907671 +568 213 4 877907835 +568 242 4 877906547 +568 269 4 877906547 +568 286 3 877906547 +568 301 1 877906737 +568 319 2 877906697 +568 423 4 877907281 +568 427 4 877907720 +568 430 3 877907834 +568 435 2 877907721 +568 462 4 877907236 +568 474 5 877907834 +568 475 4 877907782 +568 478 4 877907235 +568 482 4 877907781 +568 486 4 877907720 +568 488 5 877907782 +568 491 2 877907126 +568 493 3 877907281 +568 494 4 877907835 +568 497 2 877907092 +568 504 3 877907596 +568 509 4 877906935 +568 523 3 877907877 +568 524 2 877907281 +568 525 3 877907720 +568 529 4 877907877 +568 603 5 877907157 +568 604 4 877907156 +568 606 5 877907720 +568 611 3 877907782 +568 612 3 877907720 +568 615 5 877907235 +568 638 3 877907877 +568 656 3 877907281 +568 659 3 877907050 +568 735 2 877907327 +568 772 1 877906995 +568 835 4 877907157 +568 855 1 877906935 +568 923 3 877906995 +568 954 2 877907671 +568 988 1 877906737 +568 1005 1 877907877 +568 1050 4 877907835 +568 1125 4 877907281 +568 1137 4 877907092 +568 1203 5 877907281 +568 1286 4 877907327 +569 1 4 879793399 +569 3 1 879795551 +569 9 5 879793493 +569 13 3 879793847 +569 15 4 879794265 +569 16 3 879794348 +569 19 5 879794127 +569 25 4 879793785 +569 50 5 879793717 +569 111 3 879793948 +569 117 3 879793847 +569 118 4 879794265 +569 121 3 879794699 +569 125 3 879794348 +569 126 5 879793909 +569 151 5 879793948 +569 222 3 879794265 +569 225 3 879794408 +569 236 4 879793717 +569 237 4 879793717 +569 248 4 879793741 +569 252 3 879795551 +569 258 5 879792991 +569 268 3 880559356 +569 274 4 879794740 +569 276 4 879793493 +569 277 2 879794385 +569 281 3 879793466 +569 283 4 879793847 +569 286 5 879792991 +569 287 4 879795551 +569 288 3 879793228 +569 291 4 879794348 +569 295 3 879793983 +569 301 4 879793149 +569 302 4 879792991 +569 321 4 879793103 +569 328 4 879793253 +569 333 3 879793036 +569 340 4 879793075 +569 405 3 879794498 +569 455 3 879794265 +569 458 2 879794498 +569 471 3 879793466 +569 473 4 879794699 +569 475 3 879793717 +569 508 3 879793785 +569 546 3 879794302 +569 676 4 879793847 +569 685 4 879794075 +569 748 2 879793228 +569 756 3 879794660 +569 826 3 879794660 +569 924 3 879793784 +569 979 3 879793948 +569 1014 3 879795581 +569 1197 4 879793465 +569 1284 2 879795512 +570 243 1 881262557 +570 245 1 881262497 +570 258 3 881262189 +570 268 3 881262404 +570 288 2 881262307 +570 301 3 881262404 +570 302 4 881262145 +570 303 5 881262256 +570 305 5 881262256 +570 321 1 881262795 +570 324 2 881262437 +570 326 1 881262437 +570 327 4 881262795 +570 340 3 881262145 +570 358 2 881262582 +570 690 3 881262307 +570 748 3 881262497 +570 886 2 881262534 +571 32 2 883355063 +571 47 3 883354818 +571 64 4 883355063 +571 69 2 883354760 +571 124 4 883354760 +571 144 2 883354992 +571 174 4 883354940 +571 181 4 883354940 +571 194 3 883354818 +571 462 4 883354992 +571 496 3 883354886 +571 604 3 883354886 +571 657 4 883354992 +571 964 4 883355063 +572 13 4 879449763 +572 100 3 879449632 +572 121 2 879449610 +572 124 5 879449610 +572 277 1 879449799 +572 284 3 879449840 +572 286 4 879449179 +572 289 3 879449277 +572 300 4 879449243 +572 301 4 879449243 +572 476 4 879449573 +572 813 4 879449573 +572 924 1 879449840 +572 1010 2 879449683 +572 1137 3 879449708 +572 1171 3 879449734 +573 10 4 885843818 +573 22 4 885844394 +573 50 4 885843738 +573 69 4 885844091 +573 127 4 885843596 +573 134 4 885843928 +573 135 4 885843964 +573 143 2 885844339 +573 144 4 885844638 +573 162 4 885844007 +573 174 4 885844431 +573 176 3 885844481 +573 178 4 885844395 +573 182 4 885843892 +573 183 3 885844091 +573 185 3 885844605 +573 192 4 885844535 +573 194 4 885844431 +573 205 3 885844674 +573 211 5 885843964 +573 237 4 885843527 +573 258 4 885843700 +573 275 4 885843596 +573 283 4 885843817 +573 347 4 885843476 +573 423 3 885844127 +573 427 4 885844091 +573 478 4 885844674 +573 479 4 885844051 +573 480 4 885844481 +573 492 4 885843964 +573 495 2 885844339 +573 507 5 885844638 +573 513 4 885844395 +573 519 4 885844567 +573 523 4 885844007 +573 528 4 885843928 +573 632 4 885844007 +573 654 4 885844535 +573 657 4 885843928 +573 661 4 885844431 +573 685 3 885843779 +573 713 4 885843817 +573 836 3 885844605 +573 1012 2 885844339 +574 245 5 891279362 +574 258 5 891278916 +574 262 5 891279122 +574 268 5 891279174 +574 269 5 891279173 +574 270 3 891279121 +574 272 4 891278860 +574 286 3 891278916 +574 289 4 891279285 +574 300 4 891279012 +574 302 4 891278860 +574 303 3 891278962 +574 305 3 891279012 +574 310 4 891279012 +574 311 4 891279410 +574 312 4 891279410 +574 315 3 891278860 +574 319 5 891279236 +574 321 1 891279285 +574 327 3 891279122 +574 328 3 891279174 +574 331 1 891279013 +574 332 3 891279410 +574 333 3 891279285 +574 345 2 891278860 +574 347 3 891278860 +574 358 2 891279520 +574 690 3 891279174 +574 750 3 891278962 +574 754 4 891279122 +574 887 4 891279214 +574 900 4 891278860 +574 910 1 891279362 +574 1022 2 891278916 +574 1062 5 891279122 +574 1313 4 891278916 +575 50 2 878148258 +575 98 4 878146853 +575 127 2 878148137 +575 168 5 878148358 +575 173 5 878148258 +575 181 2 878148295 +575 194 4 878148087 +575 215 3 878148229 +575 294 1 878146447 +575 304 2 878146638 +575 318 5 878148087 +575 321 3 878146540 +575 322 3 878146541 +575 357 5 878148388 +575 427 4 878148329 +575 483 3 878148137 +575 506 2 878148087 +575 507 2 878148137 +575 531 1 878148199 +575 603 5 878148012 +576 1 4 886985079 +576 7 5 886985003 +576 9 3 887168978 +576 15 4 886985104 +576 50 4 887081005 +576 56 3 886986444 +576 70 5 886986361 +576 100 4 886984965 +576 124 4 886985002 +576 137 3 886985695 +576 181 4 887081041 +576 204 4 886986445 +576 237 4 886985003 +576 248 4 887169019 +576 257 4 887168556 +576 259 2 887168978 +576 275 3 886985695 +576 280 5 886985003 +576 319 3 886985695 +576 323 3 886960604 +576 381 3 886986445 +576 435 4 886986400 +576 471 4 886986237 +576 475 1 887168978 +576 514 5 886986400 +576 678 3 886960535 +576 815 3 886985695 +576 825 4 886986304 +577 1 5 880470282 +577 4 4 880474635 +577 5 4 880475318 +577 8 4 880474257 +577 11 2 880474293 +577 12 4 880474257 +577 15 3 880470350 +577 22 5 880472153 +577 25 4 880470504 +577 28 5 880472077 +577 29 3 880474903 +577 31 4 880474216 +577 38 2 880475453 +577 40 4 880475435 +577 44 3 880474934 +577 50 4 880474394 +577 55 3 880474694 +577 56 3 880474934 +577 58 4 880474414 +577 63 4 880476606 +577 65 5 880475539 +577 68 4 880475021 +577 69 4 880474829 +577 71 5 880474433 +577 77 3 880475561 +577 85 3 880475170 +577 87 5 880474216 +577 88 3 880475226 +577 95 5 880474747 +577 97 5 880472153 +577 98 4 880474530 +577 99 3 880474674 +577 100 4 880470350 +577 110 4 880475581 +577 111 4 880470604 +577 117 4 880471359 +577 118 3 880471658 +577 121 5 880470258 +577 125 4 880470604 +577 132 4 880472153 +577 133 4 880474694 +577 140 4 880475043 +577 147 4 880470604 +577 151 4 880470604 +577 168 5 880472124 +577 176 5 880474311 +577 181 5 880474612 +577 183 5 880474747 +577 186 4 880472153 +577 188 3 880474715 +577 191 4 880472055 +577 194 4 880474216 +577 200 3 880475226 +577 203 3 880474455 +577 204 4 880474338 +577 208 4 880474556 +577 210 3 880474715 +577 216 4 880472124 +577 217 5 880475363 +577 218 3 880475269 +577 225 4 880470827 +577 226 4 880475094 +577 228 3 880474338 +577 229 4 880475094 +577 230 3 880474357 +577 234 3 880474257 +577 241 5 880474766 +577 265 5 880474851 +577 281 3 880470447 +577 284 4 880470732 +577 294 4 880469903 +577 307 3 890089564 +577 318 5 880472055 +577 338 3 880469983 +577 356 4 880474903 +577 365 5 880475504 +577 380 3 880474991 +577 385 5 880474530 +577 393 4 880475363 +577 402 4 880475318 +577 407 4 880471271 +577 423 4 880472124 +577 425 2 880474808 +577 427 4 880474715 +577 436 4 880475339 +577 443 4 880475269 +577 447 3 880475226 +577 452 3 880475644 +577 468 3 880474766 +577 471 3 880471640 +577 531 4 890089749 +577 545 3 880476578 +577 549 5 880475539 +577 559 3 880474903 +577 560 3 880475363 +577 561 4 880474955 +577 566 4 880474216 +577 579 4 880475602 +577 582 4 880475540 +577 588 4 880474808 +577 595 4 880471170 +577 623 5 880475149 +577 651 5 880475043 +577 655 4 880474394 +577 660 3 880474613 +577 662 4 880474933 +577 665 4 880475644 +577 673 3 880474851 +577 684 4 880474394 +577 720 4 880475043 +577 727 5 880474747 +577 728 3 880475226 +577 732 4 880474414 +577 739 3 880474871 +577 763 3 880470638 +577 770 4 880475149 +577 795 3 880476630 +577 808 3 880475094 +577 819 3 880470604 +577 823 3 880471304 +577 826 4 880470852 +577 829 3 880470884 +577 845 4 880471578 +577 866 5 880470570 +577 932 3 880471287 +577 939 5 880474933 +577 941 4 880475435 +577 949 2 880475408 +577 996 3 880475094 +577 1028 4 880470764 +577 1032 3 880475561 +577 1033 4 880471170 +577 1035 3 880475130 +577 1042 4 880475286 +577 1046 4 880475226 +577 1147 4 880474394 +577 1209 4 880476578 +577 1271 3 880475581 +577 1291 3 880471954 +577 1336 1 880472018 +577 1531 4 880475408 +578 250 2 888957735 +578 258 1 888957735 +578 268 2 890939697 +578 294 3 888957453 +578 300 4 887229386 +578 313 5 887229355 +578 323 3 888957735 +578 324 1 888957735 +578 325 1 888957735 +578 343 2 888957735 +578 346 3 887229335 +578 355 1 888957758 +578 380 3 888957833 +578 678 3 888957490 +578 751 3 887229503 +578 1016 4 888957666 +578 1098 2 890939753 +578 1264 3 890939815 +579 1 4 880951740 +579 4 2 880952271 +579 25 4 880952335 +579 49 3 880952360 +579 50 5 880951984 +579 56 3 880952360 +579 65 3 880951944 +579 66 4 880952516 +579 70 3 880952299 +579 82 3 880951783 +579 83 5 880952360 +579 89 3 880952102 +579 98 4 880951804 +579 100 4 880952201 +579 111 4 880952142 +579 153 4 880952335 +579 168 4 880952142 +579 173 5 880951765 +579 179 3 880952038 +579 183 4 880952038 +579 186 3 880952237 +579 194 5 880952271 +579 204 3 880952201 +579 209 4 880951944 +579 210 3 880951944 +579 211 3 880952476 +579 216 5 880952299 +579 228 3 880951984 +579 238 3 880952201 +579 245 2 880951595 +579 258 5 880951444 +579 268 3 880951444 +579 269 3 880951346 +579 286 4 880951444 +579 288 4 880951346 +579 294 4 880951494 +579 303 3 880951494 +579 326 3 880951494 +579 327 3 880951494 +579 328 3 880951444 +579 331 3 880951346 +579 333 4 880951372 +579 381 3 880952360 +579 393 4 880952409 +579 408 3 880951740 +579 428 4 880952335 +579 433 3 880952237 +579 514 3 880952165 +579 523 3 880951740 +579 528 4 880951708 +579 582 4 880952102 +579 603 5 880952006 +579 655 3 880952201 +579 676 3 880951784 +579 709 5 880952142 +579 748 3 880951569 +579 845 4 880952549 +579 877 1 880951594 +579 1047 3 880952579 +579 1074 3 880952579 +579 1446 2 880952165 +580 3 5 884125916 +580 7 3 884124844 +580 25 3 884125457 +580 100 3 884124872 +580 123 4 884125199 +580 148 4 884125773 +580 181 5 884125042 +580 222 3 884125292 +580 249 5 884125243 +580 250 5 884125072 +580 252 5 884125829 +580 257 5 884125243 +580 258 5 884124103 +580 281 2 884126077 +580 288 5 884125658 +580 289 5 884124382 +580 294 4 884124337 +580 300 3 884124103 +580 323 2 884124383 +580 329 3 884124191 +580 358 4 884124472 +580 405 2 884126077 +580 455 4 884125492 +580 471 3 884125018 +580 546 1 884126077 +580 687 3 884124583 +580 825 4 884125339 +580 829 2 884126077 +580 1014 3 884125135 +580 1028 3 884125829 +581 9 5 879641787 +581 50 4 879641698 +581 100 5 879641603 +581 127 5 879643079 +581 137 5 879641787 +581 181 3 879641787 +581 221 2 879642274 +581 224 4 879641698 +581 269 3 879641348 +581 275 3 879641787 +581 283 2 879642274 +581 285 5 879641533 +581 813 5 879641603 +581 844 5 879642274 +581 847 3 879641787 +581 919 5 879643155 +581 922 5 879642333 +581 936 3 879643155 +581 1353 4 879641850 +581 1367 5 879641603 +581 1375 5 879641787 +582 1 4 882961257 +582 3 3 882961723 +582 7 5 882961082 +582 15 3 882961481 +582 25 3 882961608 +582 50 5 882961082 +582 93 5 882960844 +582 100 5 882960863 +582 117 3 882961000 +582 118 2 882962523 +582 121 3 882961133 +582 124 4 882961082 +582 151 4 882961133 +582 181 4 882961301 +582 222 4 882961804 +582 237 3 882960941 +582 240 4 882961804 +582 246 4 882961082 +582 250 3 882961000 +582 258 4 882960396 +582 268 4 882960396 +582 271 4 882960418 +582 288 3 882960396 +582 293 5 882961082 +582 294 1 882960396 +582 313 5 882960461 +582 321 3 882960555 +582 328 3 882960555 +582 369 1 882963114 +582 410 3 882961481 +582 411 1 882962652 +582 455 1 882961481 +582 458 4 882961968 +582 472 4 882962561 +582 473 3 882962062 +582 475 5 882961000 +582 477 4 882961540 +582 508 4 882961082 +582 676 2 882961133 +582 742 3 882961082 +582 750 5 882960418 +582 760 3 882962886 +582 763 2 882961804 +582 826 3 882962652 +582 831 2 882962561 +582 948 1 882960718 +582 988 1 882960718 +582 1215 4 882963027 +583 7 5 879384471 +583 12 5 879384522 +583 55 4 879384404 +583 83 4 879384338 +583 100 5 879384404 +583 175 5 879384471 +583 195 4 879384404 +583 198 4 879384404 +583 200 5 879384404 +583 209 4 879384404 +583 239 2 879384522 +583 258 4 879384094 +583 265 4 879384522 +583 268 5 879384094 +583 276 4 879384338 +583 286 4 879384052 +583 357 5 879384575 +583 483 5 879384338 +583 524 5 879384522 +583 602 4 879384471 +583 655 5 879384471 +583 663 4 879384338 +584 40 4 885778385 +584 50 4 885777950 +584 82 3 885778458 +584 108 3 885774575 +584 109 4 885778204 +584 114 4 885778238 +584 165 1 885778780 +584 172 4 885778080 +584 181 4 885778120 +584 228 5 885774171 +584 229 3 885774172 +584 258 4 885774483 +584 313 5 885773921 +584 423 4 885778263 +584 449 2 885778571 +584 541 3 885774508 +585 10 3 891286256 +585 14 4 891282808 +585 18 2 891283124 +585 19 3 891282808 +585 30 4 891284393 +585 45 5 891282808 +585 59 4 891283124 +585 61 4 891283338 +585 70 5 891286256 +585 113 3 891283681 +585 116 3 891284393 +585 166 4 891283338 +585 171 3 891285491 +585 190 4 891282808 +585 198 5 891283921 +585 207 5 891284016 +585 212 5 891282894 +585 213 5 891284393 +585 224 2 891283681 +585 275 4 891283124 +585 283 4 891283124 +585 286 4 891281385 +585 313 3 891281385 +585 340 2 891281651 +585 462 3 891283124 +585 463 5 891284816 +585 510 5 891284016 +585 529 3 891283124 +585 557 4 891285820 +585 582 3 891282894 +585 584 3 891286256 +585 638 4 891284016 +585 639 4 891283921 +585 640 2 891284816 +585 652 4 891285658 +585 707 5 891282894 +585 713 4 891282808 +585 730 3 891285188 +585 736 4 891284184 +585 740 4 891284588 +585 863 5 891283000 +585 923 5 891282808 +585 970 3 891284915 +585 971 3 891282894 +585 1005 4 891283339 +585 1009 5 891285491 +585 1018 2 891286059 +585 1021 3 891283681 +585 1121 4 891283339 +585 1158 4 891282573 +585 1193 5 891282894 +585 1266 3 891286059 +585 1319 2 891285820 +585 1323 3 891284588 +585 1344 3 891282573 +585 1347 2 891285658 +585 1449 5 891283338 +585 1485 3 891283124 +585 1488 4 891283921 +585 1501 4 891284393 +585 1512 5 891283000 +585 1524 3 891283124 +585 1535 4 891284816 +585 1558 5 891282893 +585 1623 4 891283921 +586 11 3 884059693 +586 17 5 884060807 +586 23 2 884058674 +586 27 3 884062405 +586 28 3 884066087 +586 29 5 884062405 +586 31 4 884064631 +586 33 5 884061807 +586 39 4 884061623 +586 44 3 884065692 +586 51 4 884066336 +586 53 5 884061084 +586 56 5 884060112 +586 67 5 884067059 +586 68 4 884062010 +586 69 4 884059426 +586 72 2 884067378 +586 76 5 884059196 +586 77 3 884065719 +586 79 4 884058986 +586 82 2 884062010 +586 92 3 884061459 +586 117 4 884057578 +586 121 5 884062010 +586 127 4 884057313 +586 144 4 884059287 +586 148 3 884065745 +586 153 2 884058956 +586 155 3 884067874 +586 156 4 884064459 +586 160 4 884066360 +586 161 5 884062671 +586 173 3 884059287 +586 174 4 884058898 +586 176 3 884061623 +586 181 4 884057344 +586 182 3 884066016 +586 185 2 884058860 +586 186 2 884059287 +586 187 4 884058566 +586 188 2 884058956 +586 200 4 884060941 +586 202 4 884066689 +586 203 3 884059027 +586 204 3 884066723 +586 210 4 884059027 +586 215 4 884066141 +586 219 3 884060705 +586 222 3 884057387 +586 226 4 884061806 +586 227 2 884062010 +586 228 3 884061459 +586 229 3 884062742 +586 230 2 884061623 +586 232 3 884058809 +586 233 4 884062405 +586 235 3 884066859 +586 237 4 884057783 +586 238 2 884059027 +586 239 3 884067058 +586 240 3 884066799 +586 241 4 884061623 +586 249 2 884058005 +586 250 3 884057661 +586 254 4 884064246 +586 257 3 884057471 +586 273 5 884057692 +586 276 3 884057692 +586 281 3 884062405 +586 295 3 884068393 +586 318 3 884065986 +586 356 4 884065692 +586 358 4 884069523 +586 379 4 884060941 +586 385 3 884058956 +586 397 3 884063080 +586 403 4 884061807 +586 405 5 884061807 +586 410 3 884057783 +586 423 2 884058708 +586 427 3 884066016 +586 431 3 884061343 +586 436 2 884060807 +586 452 3 884060941 +586 467 4 884066230 +586 468 3 884066087 +586 470 4 884064631 +586 496 3 884059426 +586 541 3 884063080 +586 551 2 884061189 +586 559 5 884060807 +586 568 3 884061623 +586 576 3 884062671 +586 578 3 884062621 +586 586 2 884063080 +586 591 3 884058249 +586 628 3 884064631 +586 651 3 884059287 +586 665 3 884061256 +586 672 2 884061084 +586 676 3 884066112 +586 679 3 884062742 +586 693 3 884066060 +586 696 3 884065851 +586 720 4 884062742 +586 735 3 884066230 +586 742 3 884057578 +586 756 1 884067105 +586 761 3 884062742 +586 763 4 884067105 +586 780 4 884067151 +586 790 3 884067151 +586 800 3 884061189 +586 806 4 884058611 +586 820 4 884057412 +586 841 3 884063854 +586 849 3 884062742 +586 926 4 884067199 +586 928 3 884065665 +586 939 4 884064459 +586 978 2 884065825 +586 1042 4 884065773 +586 1046 3 884064912 +586 1047 3 884067058 +586 1218 5 884066959 +586 1273 4 884065825 +586 1407 3 884063080 +587 245 1 892871253 +587 259 4 892871223 +587 260 4 892871284 +587 261 3 892871438 +587 266 1 892871536 +587 269 3 892870956 +587 270 4 892871171 +587 271 4 892871310 +587 272 5 892870956 +587 286 4 892870992 +587 288 4 892870992 +587 292 3 892871141 +587 300 4 892871171 +587 302 3 892870956 +587 303 4 892871068 +587 304 4 892871141 +587 305 4 892871068 +587 308 3 892871642 +587 310 3 892870992 +587 312 2 892871563 +587 313 5 892870956 +587 316 4 892870992 +587 321 2 892871113 +587 322 3 892871113 +587 323 4 892871284 +587 325 5 892871252 +587 326 3 892871284 +587 327 3 892871252 +587 328 1 892871284 +587 332 4 892871171 +587 338 4 892871462 +587 339 3 892871284 +587 340 5 892871141 +587 342 1 892871503 +587 343 4 892871337 +587 347 3 892871223 +587 349 3 892871400 +587 350 3 892871372 +587 351 2 892871683 +587 353 2 892871706 +587 355 3 892871610 +587 539 3 892871437 +587 681 2 892871641 +587 682 3 892871372 +587 687 1 892871683 +587 688 3 892871536 +587 690 3 892871252 +587 691 4 892871031 +587 748 1 892871438 +587 749 2 892871223 +587 750 3 892871113 +587 873 3 892871284 +587 875 1 892871462 +587 878 2 892871641 +587 879 1 892871536 +587 881 2 892871641 +587 886 2 892871171 +587 887 2 892871310 +587 892 3 892871462 +587 895 4 892871113 +587 902 2 892871584 +587 905 3 892871503 +587 916 3 892871610 +587 937 4 892871031 +587 938 2 892871141 +587 988 2 892871641 +587 989 2 892871438 +587 995 3 892871503 +587 1483 4 892871337 +587 1624 2 892871752 +587 1625 4 892871732 +588 1 4 890015684 +588 7 3 890024611 +588 12 5 890015324 +588 15 5 890015608 +588 21 5 890015791 +588 22 5 890024195 +588 25 4 890024677 +588 28 5 890024051 +588 29 3 890027063 +588 31 3 890015722 +588 40 4 890026154 +588 42 5 890024529 +588 50 5 890024427 +588 51 4 890026395 +588 56 4 890024246 +588 62 2 890027865 +588 66 3 890023646 +588 67 1 890032343 +588 69 2 890023556 +588 71 4 890024195 +588 72 4 890026939 +588 73 3 890026262 +588 79 4 890023722 +588 83 5 890015435 +588 85 5 890026882 +588 88 5 890024730 +588 91 5 890026656 +588 94 2 890027865 +588 95 4 890015722 +588 97 2 890023587 +588 99 5 890023646 +588 100 1 890015374 +588 110 3 890027247 +588 111 1 890028509 +588 118 3 890026210 +588 121 5 890026154 +588 125 3 890026154 +588 131 5 890024918 +588 132 5 890015476 +588 133 5 890015894 +588 142 5 890024117 +588 143 5 890015684 +588 144 3 890024564 +588 151 4 890026263 +588 154 4 890024529 +588 159 1 890029795 +588 161 4 890015580 +588 164 5 890026262 +588 165 2 890015649 +588 168 5 890024002 +588 172 5 890026459 +588 173 5 890024677 +588 174 3 890015323 +588 178 5 890015323 +588 184 4 890025951 +588 186 4 890024079 +588 204 5 890015323 +588 207 2 890025076 +588 208 3 890023879 +588 215 5 890024564 +588 216 5 890024781 +588 217 4 890030473 +588 220 5 890025023 +588 227 3 890028385 +588 230 1 890023692 +588 231 4 890028987 +588 234 5 890024161 +588 237 2 890015894 +588 258 4 890014591 +588 260 2 890014930 +588 265 5 890025621 +588 272 5 890014748 +588 275 3 890024246 +588 278 5 890027600 +588 282 5 890015894 +588 283 4 890015835 +588 286 4 890014710 +588 288 4 890014818 +588 289 2 890015063 +588 294 4 890014887 +588 301 5 890015021 +588 307 4 890014887 +588 313 5 890014782 +588 315 4 890014591 +588 316 5 890015021 +588 318 4 890015435 +588 333 5 890014710 +588 347 5 890014648 +588 354 5 890014930 +588 356 4 890025751 +588 362 3 890014710 +588 365 5 890028385 +588 367 5 890024117 +588 370 5 890031141 +588 378 3 890026059 +588 382 3 890024730 +588 386 2 890029445 +588 393 4 890026939 +588 395 4 890030781 +588 399 3 890027379 +588 402 5 890026882 +588 403 3 890027525 +588 404 3 890026656 +588 417 5 890026009 +588 419 5 890023646 +588 421 5 890023830 +588 423 3 890015649 +588 428 4 890024730 +588 432 4 890027113 +588 433 5 890024246 +588 443 3 890024876 +588 447 3 890026009 +588 451 5 890026059 +588 463 4 890023879 +588 471 5 890024289 +588 472 4 890026059 +588 475 2 890015684 +588 483 4 890015500 +588 485 5 890015835 +588 496 3 890023879 +588 531 3 890015722 +588 552 1 890031021 +588 554 3 890032281 +588 559 5 890025951 +588 566 2 890023557 +588 568 4 890024876 +588 578 5 890029212 +588 584 3 890024677 +588 588 4 890023692 +588 597 4 890026543 +588 602 3 890015580 +588 623 3 890026939 +588 638 4 890024289 +588 645 5 890024488 +588 652 2 890026339 +588 655 3 890025864 +588 658 5 890025751 +588 660 4 890024002 +588 678 2 890015063 +588 684 4 890024246 +588 692 4 890024051 +588 697 5 890024002 +588 699 4 890024385 +588 713 3 890015791 +588 716 5 890028167 +588 720 4 890027247 +588 721 5 890023722 +588 723 2 890026459 +588 724 2 890015648 +588 728 3 890027707 +588 731 2 890026705 +588 732 4 890024325 +588 735 5 890024196 +588 739 4 890025704 +588 742 4 890024002 +588 747 4 890025797 +588 751 3 890014887 +588 778 3 890027600 +588 781 2 890028509 +588 783 4 890027297 +588 810 4 890029445 +588 821 4 890026339 +588 832 1 890027865 +588 846 4 890025621 +588 873 3 890014887 +588 880 1 890014996 +588 928 4 890027063 +588 934 4 890030736 +588 941 5 890026513 +588 959 5 890026459 +588 1039 4 890024611 +588 1041 2 890027063 +588 1044 4 890025674 +588 1047 3 890031141 +588 1053 3 890027780 +588 1058 2 890030656 +588 1078 4 890026999 +588 1098 4 890026656 +588 1311 1 890029079 +588 1428 5 890032056 +588 1469 3 890026705 +588 1508 3 890029795 +589 243 3 883352735 +589 258 2 883352463 +589 259 5 883352631 +589 268 1 883352463 +589 271 3 883352654 +589 272 5 883352535 +589 286 3 883352372 +589 288 5 883352536 +589 289 3 883352679 +589 294 5 883352600 +589 300 5 883352600 +589 301 2 883352535 +589 304 5 883352599 +589 307 1 883352402 +589 310 5 883352494 +589 313 5 883352434 +589 323 2 883352631 +589 324 1 883352402 +589 326 1 883352600 +589 327 3 883352535 +589 328 5 883352562 +589 332 4 883352536 +589 334 1 883352631 +589 336 1 883352535 +589 340 1 883352494 +589 538 5 883352494 +589 678 4 883352735 +589 682 4 883352494 +589 690 4 883352600 +589 749 3 883352631 +589 751 4 883352562 +589 877 4 883352562 +589 892 4 883352762 +589 895 5 883352562 +589 995 1 883352562 +590 9 3 879438972 +590 13 4 879438972 +590 14 5 879438852 +590 15 3 879438936 +590 19 5 879438735 +590 100 5 879438825 +590 111 3 879438936 +590 124 5 879438735 +590 125 3 879439509 +590 126 5 879439316 +590 127 4 879439645 +590 130 1 879439567 +590 137 5 879438878 +590 150 5 879438878 +590 221 4 879439645 +590 244 3 879439431 +590 255 1 879439374 +590 276 4 879439645 +590 282 2 879439374 +590 284 2 879439345 +590 285 5 879438735 +590 286 5 879439645 +590 287 4 879439645 +590 293 3 879439114 +590 298 2 879438911 +590 475 4 879439645 +590 476 3 879439345 +590 515 3 879438972 +590 547 4 879439086 +590 591 3 879439256 +590 676 4 879439060 +590 744 4 879438769 +590 754 3 879438686 +590 864 1 879439567 +590 1009 3 879439483 +590 1017 4 879439196 +590 1129 3 879438735 +590 1331 4 879439645 +591 4 4 891040366 +591 8 3 891031203 +591 26 3 891031526 +591 47 3 891031426 +591 48 4 891031286 +591 56 4 891031344 +591 66 2 891031526 +591 72 3 891040366 +591 85 3 891031500 +591 86 5 891031171 +591 88 3 891031525 +591 94 3 891031603 +591 100 5 891039565 +591 110 2 891031676 +591 116 4 891039616 +591 127 4 891031203 +591 172 3 891031116 +591 191 5 891031116 +591 194 4 891031171 +591 202 3 891031469 +591 204 4 891031500 +591 210 3 891031469 +591 211 4 891031469 +591 235 3 891039676 +591 237 3 891039974 +591 238 5 891031228 +591 275 4 891039974 +591 283 4 891039565 +591 286 4 891030956 +591 300 3 891030956 +591 322 2 891031013 +591 357 5 891031228 +591 367 3 891031403 +591 381 4 891040366 +591 382 4 891031500 +591 393 4 891031644 +591 428 4 891031500 +591 451 3 891040366 +591 466 3 891031116 +591 487 4 891031203 +591 508 4 891039616 +591 511 3 891031145 +591 514 4 891031383 +591 516 3 891031469 +591 517 4 891040366 +591 523 4 891031724 +591 580 2 891031526 +591 603 5 891031116 +591 615 4 891031116 +591 655 4 891031469 +591 662 3 891031145 +591 710 3 891031603 +591 712 3 891040366 +591 732 3 891031500 +591 740 4 891039974 +591 787 3 891031500 +591 792 4 891031383 +591 856 4 891040366 +591 921 4 891031257 +591 934 3 891039769 +591 954 3 891031403 +591 1017 3 891039616 +591 1028 3 891039658 +591 1099 5 891031203 +591 1111 4 891031603 +591 1120 4 891039637 +592 1 4 882608021 +592 3 4 882608960 +592 4 4 882956418 +592 7 5 882607986 +592 8 5 882955582 +592 11 5 882955978 +592 12 5 882955825 +592 13 5 882608401 +592 14 5 882607986 +592 20 4 882608315 +592 24 4 882608021 +592 28 4 882956586 +592 32 5 882956067 +592 42 5 882955918 +592 47 5 882955889 +592 50 5 882607872 +592 56 5 882955948 +592 59 4 882956718 +592 61 4 882956586 +592 64 5 882956039 +592 79 4 882955583 +592 81 4 882956201 +592 97 4 882956718 +592 98 5 882955918 +592 99 5 882955663 +592 100 5 882608182 +592 109 4 882608145 +592 118 3 882609056 +592 121 4 882608573 +592 122 4 882608960 +592 124 5 882607986 +592 125 2 882608795 +592 127 5 882608021 +592 132 5 882955794 +592 134 5 882955794 +592 135 5 882955765 +592 137 5 882608145 +592 140 3 882956551 +592 144 5 882956668 +592 147 4 882608357 +592 148 2 882608961 +592 150 5 882607955 +592 151 4 882608402 +592 157 5 882955918 +592 168 5 882955825 +592 169 5 882955663 +592 170 5 882955703 +592 173 5 882956276 +592 174 5 882955918 +592 179 5 882956761 +592 180 5 882956102 +592 181 3 882608182 +592 182 5 882955662 +592 183 5 882955613 +592 184 5 882956419 +592 185 5 882956201 +592 187 5 882956157 +592 188 5 882956387 +592 191 5 882955735 +592 192 5 882955460 +592 193 5 882955948 +592 194 4 882955543 +592 195 4 882955863 +592 197 5 882955863 +592 198 5 882956241 +592 201 5 882955794 +592 202 5 882956803 +592 203 5 882956276 +592 204 5 882956158 +592 215 5 882956467 +592 216 4 882955978 +592 221 5 882608357 +592 223 5 882955863 +592 234 5 882955863 +592 236 3 882608061 +592 237 4 882608061 +592 238 5 882956321 +592 242 5 882607286 +592 243 1 882607780 +592 248 4 882608279 +592 249 4 882608795 +592 250 4 882608145 +592 251 5 882607955 +592 252 3 882608915 +592 253 1 882608279 +592 255 4 882608915 +592 257 4 882608107 +592 258 5 882607476 +592 259 2 882607573 +592 260 4 882607690 +592 261 1 882607744 +592 262 5 882607356 +592 263 1 882607779 +592 264 2 882607528 +592 265 4 882956039 +592 266 1 882607744 +592 269 4 882607286 +592 271 4 882607647 +592 272 5 882955387 +592 273 5 882607986 +592 281 4 882608573 +592 282 4 882608572 +592 283 4 882956241 +592 286 5 882607356 +592 287 3 882608457 +592 288 5 882607528 +592 289 4 882607606 +592 291 3 882609008 +592 293 5 882607986 +592 294 3 882607434 +592 295 4 882608357 +592 297 5 882607844 +592 298 5 882608061 +592 299 1 882607573 +592 301 1 882607573 +592 303 5 882607325 +592 305 4 885280098 +592 306 5 882607528 +592 307 4 882607528 +592 312 2 882607780 +592 313 5 882955258 +592 315 5 885280156 +592 318 5 882955863 +592 319 4 882607434 +592 320 5 882955735 +592 322 1 882607647 +592 323 1 882607690 +592 324 4 882607387 +592 326 4 882607573 +592 327 4 882607387 +592 328 1 882607476 +592 330 3 882607606 +592 331 3 882607528 +592 332 3 882607286 +592 334 3 882607476 +592 336 1 882607476 +592 338 2 882607647 +592 339 3 882607572 +592 342 2 882607745 +592 344 4 888553156 +592 345 4 888553233 +592 347 4 885280098 +592 350 4 885280124 +592 354 4 888553156 +592 367 4 882956510 +592 405 4 882608531 +592 408 5 882607955 +592 409 1 882609056 +592 411 2 882608457 +592 418 4 882956551 +592 421 5 882956158 +592 423 5 882955918 +592 425 5 882956467 +592 427 5 882955735 +592 432 1 882956321 +592 433 5 882956761 +592 455 4 882608402 +592 457 1 882607779 +592 458 3 882608107 +592 460 3 882608873 +592 461 4 882955765 +592 463 4 882956321 +592 466 5 882955766 +592 471 4 882608234 +592 479 4 882956668 +592 483 5 882955613 +592 484 4 882956551 +592 501 4 882956276 +592 508 5 882608021 +592 512 5 882956803 +592 518 5 882956011 +592 521 5 882955703 +592 522 5 882955662 +592 526 5 882956241 +592 527 5 882955889 +592 531 5 882955765 +592 533 4 882608827 +592 534 5 882608531 +592 546 4 882608500 +592 558 5 882955948 +592 589 5 882955825 +592 591 4 882608402 +592 597 2 882609056 +592 603 5 882955543 +592 619 1 882608234 +592 628 3 882608107 +592 631 3 882956624 +592 652 4 882956467 +592 654 5 882955703 +592 657 4 882956011 +592 678 2 882607690 +592 681 1 882607780 +592 682 4 882607573 +592 683 1 882607745 +592 685 2 882608662 +592 688 1 882607744 +592 689 2 882607690 +592 702 4 882956510 +592 705 5 882955978 +592 730 4 882956011 +592 735 5 882956158 +592 742 4 882608357 +592 744 3 882608500 +592 748 2 882607434 +592 750 5 886394208 +592 751 3 882955258 +592 752 4 888553156 +592 762 5 882608402 +592 763 5 882608531 +592 782 2 882956510 +592 789 4 882956419 +592 806 4 882956586 +592 813 4 882607955 +592 815 3 882608625 +592 820 3 882609057 +592 823 1 882609009 +592 825 1 882608795 +592 833 4 882608662 +592 844 4 882608021 +592 845 4 882608573 +592 847 5 882607986 +592 853 5 882956201 +592 854 5 882955948 +592 875 4 882607434 +592 876 1 882607690 +592 877 2 882607647 +592 881 1 882607476 +592 886 3 882607476 +592 892 1 882607690 +592 893 1 882955292 +592 898 2 887257199 +592 900 4 887257094 +592 919 5 882608061 +592 922 3 882608736 +592 925 3 882608915 +592 931 1 882608960 +592 936 4 882608315 +592 939 3 882956510 +592 952 4 882608699 +592 963 5 882955663 +592 969 4 882956718 +592 971 4 882955978 +592 975 4 882608873 +592 984 1 882607690 +592 985 4 882608698 +592 988 1 882607745 +592 1008 4 882608357 +592 1009 3 882608662 +592 1012 5 882608401 +592 1014 4 882609009 +592 1017 4 882608279 +592 1023 1 882608873 +592 1025 1 882607745 +592 1039 4 882955582 +592 1047 1 882608736 +592 1059 3 882608457 +592 1060 2 882609057 +592 1073 5 882956276 +592 1079 1 882608873 +592 1082 3 882608625 +592 1085 3 882608625 +592 1097 4 882608021 +592 1129 5 882608021 +592 1134 5 882608234 +592 1142 5 882608145 +592 1166 3 882956668 +592 1187 4 882608358 +592 1199 5 882608358 +592 1226 4 882608873 +592 1264 4 882955460 +592 1265 1 882607690 +592 1276 1 882609057 +592 1281 3 882608795 +592 1315 2 882609056 +592 1319 1 882608234 +592 1377 3 882607872 +592 1514 5 882608625 +592 1609 1 882608698 +592 1620 1 882609057 +592 1623 4 882955794 +593 1 3 875659150 +593 4 4 877728878 +593 5 4 875671525 +593 8 3 875673098 +593 9 3 875659306 +593 15 4 875659636 +593 26 4 875660886 +593 40 1 875671757 +593 49 3 875671891 +593 50 4 875660009 +593 56 5 875658887 +593 58 4 875671579 +593 65 3 875671674 +593 66 5 875671807 +593 69 5 875660419 +593 70 5 875658983 +593 71 4 875661567 +593 73 2 875671807 +593 77 4 875671619 +593 79 4 875671674 +593 83 5 886194064 +593 88 4 875672874 +593 98 5 875661596 +593 100 5 875658824 +593 106 2 875660347 +593 111 5 875659576 +593 117 4 875659497 +593 118 4 875660009 +593 121 4 875660036 +593 125 4 875659708 +593 126 5 875659777 +593 140 4 875671226 +593 143 4 886193303 +593 144 4 875660569 +593 155 5 875671579 +593 158 3 875671891 +593 159 4 875671302 +593 161 5 875671464 +593 162 5 875671807 +593 163 4 876506675 +593 164 4 875671861 +593 172 4 886193379 +593 173 5 877728878 +593 174 4 875660546 +593 179 5 877728878 +593 181 4 875658800 +593 182 2 886193627 +593 183 4 875670915 +593 193 4 886193361 +593 196 5 875670939 +593 210 2 875673181 +593 211 4 875671198 +593 216 5 875671277 +593 220 3 875660274 +593 223 5 888872089 +593 234 2 875660850 +593 241 5 875672874 +593 245 3 888872154 +593 272 5 888871874 +593 274 3 875659849 +593 275 3 875658862 +593 278 3 875659686 +593 280 3 875660194 +593 283 4 875659665 +593 284 4 875659236 +593 285 2 886193129 +593 286 5 875660009 +593 293 1 877727988 +593 313 4 888871903 +593 322 2 875644752 +593 357 5 875661486 +593 371 3 875659076 +593 385 4 886194041 +593 392 3 886193788 +593 393 4 886194041 +593 402 4 875672970 +593 423 4 875671505 +593 451 3 875672999 +593 468 3 886193438 +593 470 2 875671062 +593 476 2 875659943 +593 478 5 875660788 +593 496 5 875671198 +593 501 2 886193661 +593 535 3 875659943 +593 553 2 875672852 +593 568 4 886193361 +593 580 1 876507120 +593 584 3 875671579 +593 597 2 875660347 +593 609 3 886194241 +593 619 3 877727927 +593 631 3 886194296 +593 633 5 875671081 +593 655 3 886193724 +593 659 5 875671464 +593 660 5 875671372 +593 661 2 886193103 +593 685 3 875660081 +593 692 3 886193724 +593 723 4 875671890 +593 724 3 875670796 +593 739 5 875672970 +593 742 4 888872002 +593 747 4 877728878 +593 761 2 875671951 +593 762 4 875659849 +593 775 3 875672949 +593 781 3 875671334 +593 807 4 875672999 +593 815 3 875659826 +593 845 3 875671033 +593 846 2 875660295 +593 866 5 875660236 +593 966 5 886193788 +593 974 2 875660347 +593 1012 3 877727961 +593 1014 1 875659755 +593 1016 4 888872636 +593 1028 3 875659896 +593 1035 3 875671464 +593 1119 5 875660823 +594 14 4 874781173 +594 50 3 874783018 +594 100 4 874781004 +594 126 3 874781173 +594 127 4 874781076 +594 181 3 874781076 +594 199 4 877816302 +594 222 4 874783052 +594 237 3 874784095 +594 269 4 877816219 +594 276 3 874783470 +594 286 3 875917841 +594 292 3 874780864 +594 319 3 874780864 +594 515 5 874781050 +594 520 4 874786664 +594 744 3 874783298 +594 988 2 874780945 +595 9 4 886922069 +595 15 4 886921423 +595 100 4 886921112 +595 108 2 886921634 +595 109 2 886921365 +595 127 5 886921199 +595 129 3 886921088 +595 151 5 886921475 +595 181 5 886921199 +595 235 3 886921392 +595 237 3 886921315 +595 246 4 886921068 +595 255 3 886921392 +595 268 4 886920576 +595 282 4 886921344 +595 289 4 886920602 +595 290 4 886921748 +595 291 3 886921656 +595 294 2 886920748 +595 298 4 886921166 +595 304 3 886920774 +595 324 3 886920632 +595 330 4 886920819 +595 346 4 886920576 +595 358 2 886920714 +595 368 1 886921977 +595 369 3 886921977 +595 411 3 886921448 +595 460 4 886921699 +595 475 5 886921166 +595 508 5 886921199 +595 546 4 886922069 +595 547 4 886922069 +595 591 4 886921344 +595 597 2 886921634 +595 676 2 886921140 +595 678 1 886920819 +595 742 2 886921521 +595 748 2 886920655 +595 762 4 886922069 +595 763 3 886921551 +595 820 2 886921870 +595 824 3 886921748 +595 825 2 886921606 +595 844 4 886922069 +595 871 2 886921945 +595 880 3 886920819 +595 922 4 886921036 +595 926 1 886921897 +595 928 3 886921820 +595 929 2 886921722 +595 930 2 886921870 +595 952 5 886921424 +595 979 3 886921847 +595 986 2 886921945 +595 994 4 886921897 +595 1009 4 886921584 +595 1010 4 886922069 +595 1023 1 886921977 +595 1028 3 886921475 +595 1047 2 886921769 +595 1059 4 886921344 +595 1061 3 886921945 +595 1067 4 886922069 +595 1094 3 886921820 +595 1134 5 886921392 +595 1165 1 886921748 +595 1259 3 886921819 +595 1264 2 887588203 +595 1312 3 886921787 +596 13 2 883539402 +596 50 5 883539402 +596 123 2 883539767 +596 181 4 883539431 +596 222 3 883539402 +596 258 3 883539011 +596 286 4 883538815 +596 288 4 883538847 +596 289 3 883539079 +596 294 4 883539079 +596 313 5 883538815 +596 323 4 883538965 +596 328 5 883539103 +596 678 3 883538965 +596 682 4 883539173 +597 15 5 875341758 +597 24 3 875341858 +597 50 5 875339876 +597 111 3 875342355 +597 127 4 875340062 +597 225 4 875342875 +597 235 4 875340062 +597 242 4 875338983 +597 250 4 875340939 +597 264 4 875339156 +597 275 4 875339876 +597 283 5 875340010 +597 286 3 875338983 +597 293 5 875340939 +597 295 3 875340117 +597 298 5 875339723 +597 300 5 875338983 +597 323 3 875339041 +597 328 4 875339132 +597 678 1 875339041 +597 713 2 875340010 +597 742 4 875341603 +597 748 5 875339041 +597 763 4 875340191 +597 824 3 875342875 +597 825 5 875343583 +597 936 3 875343067 +597 988 1 875339237 +597 990 2 875339041 +597 1152 4 875339876 +597 1534 1 875341758 +598 22 5 886711521 +598 243 2 886711192 +598 258 5 886711452 +598 259 3 886710977 +598 260 3 886711034 +598 286 5 886711452 +598 292 4 886710735 +598 300 4 886710671 +598 308 4 886710612 +598 312 5 886711452 +598 313 5 886711452 +598 323 4 886711452 +598 343 2 886710795 +598 349 4 886711452 +598 350 4 886711452 +598 538 4 886711452 +598 748 4 886711034 +598 750 5 886711452 +598 751 3 886710494 +598 898 4 886711452 +599 1 4 880951657 +599 111 5 880951885 +599 120 3 880953441 +599 220 5 880951479 +599 237 5 880951595 +599 245 3 880953441 +599 255 5 880951479 +599 260 1 880951113 +599 274 5 880952144 +599 276 2 880951439 +599 280 5 880952229 +599 282 5 880951657 +599 284 4 880952229 +599 294 4 880951113 +599 319 2 880951046 +599 471 4 880953441 +599 508 3 880953441 +599 535 4 880952267 +599 546 4 880953441 +599 595 5 880952144 +599 682 4 880951079 +599 748 4 880951144 +599 756 5 880952037 +599 763 5 880952316 +599 815 3 880953441 +599 845 5 880951974 +599 846 5 880952229 +599 866 2 880952229 +599 873 5 880951174 +599 888 5 880951249 +599 928 4 880953441 +599 934 3 880953441 +599 948 4 880951281 +599 975 5 880952357 +599 988 4 880951211 +599 1014 4 880951885 +599 1048 2 880952357 +599 1095 4 880952316 +599 1152 4 880951623 +599 1277 4 880952496 +599 1315 4 880951743 +600 2 3 888451908 +600 11 5 888451665 +600 22 5 888451491 +600 27 3 888451977 +600 29 2 888452490 +600 38 3 888452491 +600 50 4 888451492 +600 53 4 888452563 +600 56 5 888451492 +600 62 4 888452151 +600 79 4 888451582 +600 82 5 888451583 +600 89 5 888451492 +600 92 3 888451665 +600 96 5 888451664 +600 127 5 888451492 +600 161 4 888451908 +600 172 4 888451665 +600 176 5 888451665 +600 177 5 888451583 +600 181 4 888451491 +600 184 3 888451750 +600 188 4 888451750 +600 195 4 888451492 +600 210 4 888451665 +600 226 4 888451977 +600 227 4 888451977 +600 228 3 888451840 +600 229 3 888451840 +600 230 4 888451839 +600 231 3 888452152 +600 233 2 888452071 +600 241 5 888451582 +600 265 3 888451582 +600 269 4 888451388 +600 391 3 888452491 +600 399 4 888452491 +600 403 3 888451908 +600 435 5 888451750 +600 449 4 888452564 +600 450 4 888453144 +600 510 5 888451665 +600 515 5 888451492 +600 518 5 888451908 +600 526 4 888451750 +600 530 4 888451664 +600 540 3 888453083 +600 541 1 888451977 +600 550 4 888452071 +600 554 4 888451977 +600 562 3 888452564 +600 566 3 888451908 +600 568 4 888451908 +600 576 3 888451840 +600 578 2 888451839 +600 583 3 888451977 +600 586 2 888453083 +600 651 4 888451492 +600 684 4 888451582 +600 759 2 888453145 +600 761 4 888451977 +600 779 2 888452564 +600 802 2 888453082 +600 810 3 888451977 +600 1004 4 888451839 +600 1110 3 888452564 +600 1188 3 888452152 +600 1228 2 888452490 +600 1231 2 888452152 +600 1274 2 888453145 +600 1407 2 888453083 +600 1419 3 888452564 +601 9 4 876347196 +601 12 3 876348947 +601 15 1 876347040 +601 21 3 876347113 +601 22 4 876348820 +601 39 1 876350443 +601 47 3 876349542 +601 58 1 876350400 +601 64 4 876349503 +601 65 4 876350017 +601 69 3 876348987 +601 71 1 876349937 +601 82 1 876351298 +601 87 4 876349503 +601 91 5 876349251 +601 98 3 876348526 +601 100 4 876346757 +601 107 4 876347113 +601 109 4 876346930 +601 123 1 876347148 +601 125 1 876347320 +601 127 4 876346810 +601 131 4 876350766 +601 132 5 876350104 +601 133 4 876350812 +601 140 1 876351298 +601 143 3 876351073 +601 151 3 876346930 +601 153 4 876350060 +601 154 5 876350017 +601 156 4 876348782 +601 157 3 876349716 +601 163 4 876350400 +601 164 4 876350875 +601 172 4 876348736 +601 174 4 876348572 +601 176 2 876348820 +601 179 5 876351073 +601 181 5 876347039 +601 183 4 876348674 +601 184 3 876350230 +601 185 4 876349577 +601 186 4 876349542 +601 191 4 876350016 +601 195 3 876348611 +601 196 3 876349810 +601 198 4 876350104 +601 201 5 876349503 +601 204 2 876348783 +601 208 4 876350017 +601 210 4 876350060 +601 222 4 876347039 +601 225 1 876347462 +601 228 5 876350400 +601 241 4 876350652 +601 250 4 876346930 +601 257 2 876347224 +601 258 5 876346344 +601 260 4 876346633 +601 276 4 876346890 +601 284 4 876347523 +601 287 1 876348215 +601 288 1 876346515 +601 290 3 876350501 +601 324 4 876346383 +601 365 3 876350812 +601 378 2 876351041 +601 382 4 876351582 +601 387 3 876350583 +601 389 2 876350537 +601 406 2 876350998 +601 410 4 876347113 +601 411 2 876348107 +601 418 2 876350766 +601 419 4 876351263 +601 427 4 876348736 +601 429 5 876349387 +601 431 4 876351413 +601 443 4 876350766 +601 472 1 876348177 +601 473 3 876347665 +601 475 4 876346890 +601 476 1 876347765 +601 482 4 876350142 +601 496 4 876349302 +601 504 4 876350300 +601 584 4 876350142 +601 588 3 876350719 +601 623 1 876349897 +601 660 3 876349937 +601 671 4 876348572 +601 673 1 876351264 +601 699 3 876350812 +601 740 4 876347196 +601 763 5 876348035 +601 820 1 876348316 +601 834 1 876348381 +601 840 2 876347599 +601 842 1 876351171 +601 921 5 876351214 +601 928 1 876348140 +601 934 1 876348285 +601 949 2 876351214 +601 1028 2 876347557 +601 1039 4 876350185 +601 1047 1 876347557 +601 1073 2 876350230 +601 1079 3 876347148 +601 1116 4 876350944 +601 1135 2 876351141 +601 1296 1 876346344 +601 1540 2 876350017 +601 1615 4 876348107 +602 9 4 888638490 +602 50 5 888638460 +602 118 3 888638703 +602 121 4 888638434 +602 125 4 888638674 +602 127 5 888638491 +602 148 4 888638517 +602 181 5 888638547 +602 243 3 888638277 +602 257 4 888638618 +602 300 3 888637847 +602 304 4 888638022 +602 343 2 888638022 +602 457 3 888638305 +602 508 3 888638618 +602 678 4 888638193 +602 748 3 888638160 +602 871 3 888638589 +602 895 3 888637925 +602 988 4 888638248 +603 7 5 891956075 +603 11 5 891956927 +603 12 5 891955991 +603 21 3 891956715 +603 50 5 891955922 +603 56 4 891957053 +603 62 2 891955972 +603 89 5 891956825 +603 100 4 891956776 +603 157 1 891957031 +603 172 5 891956139 +603 173 4 891956877 +603 174 3 891956927 +603 181 5 891956154 +603 183 4 891957110 +603 210 4 891957110 +603 227 3 891955972 +603 228 3 891955922 +603 229 4 891955972 +603 230 4 891955922 +603 250 5 891956173 +603 271 2 891955922 +603 273 1 891956124 +603 288 3 891956283 +603 294 4 891956330 +603 326 4 891956344 +603 380 4 891955972 +603 385 4 891957012 +603 419 2 891957012 +603 429 5 891956981 +603 449 4 891955972 +603 474 4 891956803 +603 748 5 891956302 +603 923 4 891957139 +603 931 2 891956715 +603 1240 5 891956058 +603 1483 5 891956283 +604 5 2 883668261 +604 48 5 883667946 +604 56 2 883668097 +604 98 2 883668097 +604 127 4 883667946 +604 164 4 883668175 +604 183 3 883668021 +604 184 3 883668352 +604 185 2 883668175 +604 200 1 883668261 +604 201 3 883668352 +604 234 5 883668097 +604 288 3 883668261 +604 413 3 883668175 +604 444 2 883668175 +604 447 4 883668352 +604 448 5 883668261 +604 558 4 883668175 +604 567 5 883668352 +604 637 4 883668261 +604 670 5 883668352 +604 672 1 883668261 +605 1 4 879365748 +605 9 4 879365773 +605 15 5 879427151 +605 22 4 879424548 +605 64 5 879425432 +605 98 5 879425432 +605 100 5 879425432 +605 111 3 879425663 +605 118 3 879429729 +605 121 1 879429706 +605 124 3 879365748 +605 126 5 880762240 +605 127 5 879366240 +605 132 5 879425432 +605 133 5 879424661 +605 135 5 879424369 +605 137 5 879425432 +605 143 1 879424345 +605 153 4 879424784 +605 174 3 879424743 +605 176 4 879426339 +605 180 4 879424315 +605 187 5 879425432 +605 191 5 879426212 +605 223 5 881015099 +605 237 3 879424661 +605 245 3 879366335 +605 252 4 879510953 +605 255 2 879510904 +605 260 4 879365417 +605 274 3 879425663 +605 275 4 879366177 +605 276 4 879365773 +605 282 4 879424743 +605 284 2 880762139 +605 286 4 879365101 +605 288 5 879365158 +605 293 3 879366256 +605 294 4 879365219 +605 295 4 879366240 +605 300 2 879365101 +605 301 3 879365237 +605 318 5 879426144 +605 325 2 879365219 +605 333 4 880554130 +605 340 4 879365132 +605 357 5 879426180 +605 462 5 881016176 +605 475 3 879424369 +605 483 5 879425432 +605 496 5 879424600 +605 508 5 879425432 +605 521 5 879424743 +605 523 5 879424345 +605 526 5 879426371 +605 527 4 879424429 +605 528 5 879424273 +605 531 4 879424583 +605 546 2 879429729 +605 582 4 879424661 +605 597 3 879427755 +605 601 5 879426339 +605 754 3 879425457 +605 827 3 879429729 +605 831 1 879429729 +605 873 3 879365219 +605 879 3 879365417 +605 930 2 879429706 +605 934 4 879425706 +605 1040 2 879425689 +605 1226 4 879510864 +606 1 5 878148365 +606 7 4 878143509 +606 8 2 880923579 +606 11 5 880923579 +606 12 2 880924384 +606 15 5 878143729 +606 22 5 880927357 +606 24 5 878143509 +606 25 5 878149689 +606 28 4 880924921 +606 31 4 880925199 +606 33 4 880928180 +606 38 4 880927923 +606 42 3 880926245 +606 48 4 880924483 +606 56 5 880924483 +606 58 3 880924483 +606 63 3 880927666 +606 64 5 880923579 +606 68 5 880927127 +606 69 4 880926339 +606 71 5 880923745 +606 79 3 880927127 +606 81 3 880924921 +606 82 5 880925646 +606 83 5 880925289 +606 87 4 880924483 +606 89 5 880927358 +606 91 5 880926610 +606 93 4 878142865 +606 95 4 880924188 +606 96 5 880925074 +606 97 5 880925453 +606 98 5 880923925 +606 99 4 880923799 +606 100 5 878146986 +606 103 3 880923349 +606 117 4 878143605 +606 121 4 878148425 +606 123 3 878143605 +606 124 3 878143246 +606 125 4 878148493 +606 127 4 878143509 +606 129 3 878142865 +606 132 5 880923925 +606 135 5 880926245 +606 138 3 880927923 +606 144 4 880924664 +606 147 5 880922503 +606 150 4 878143246 +606 151 5 878148493 +606 153 3 880926700 +606 154 3 880923862 +606 157 4 880926018 +606 161 4 880926994 +606 172 5 880924322 +606 174 5 880924663 +606 175 4 880927127 +606 176 5 880923925 +606 178 5 880925579 +606 180 4 880926245 +606 183 5 880926162 +606 184 5 880924790 +606 185 3 880926759 +606 186 5 880925290 +606 188 4 880924921 +606 191 5 880923988 +606 194 4 880925199 +606 195 5 880926162 +606 196 4 880926759 +606 197 3 880926862 +606 198 4 880927665 +606 200 5 880923862 +606 201 4 880927417 +606 203 5 880926084 +606 208 3 880925074 +606 210 3 880924557 +606 214 4 880926018 +606 215 4 880923925 +606 216 5 880925579 +606 222 3 878147770 +606 225 1 880923349 +606 228 5 880924663 +606 230 2 880926084 +606 235 3 880922566 +606 236 3 878150506 +606 237 4 878148365 +606 239 4 880926339 +606 241 3 880926246 +606 248 5 887058736 +606 250 4 878143047 +606 255 5 887061723 +606 258 4 887058788 +606 265 4 880924663 +606 273 4 878143509 +606 284 4 878148425 +606 287 4 880921656 +606 288 4 877641931 +606 298 4 880920725 +606 307 4 888334083 +606 313 5 887841727 +606 323 4 877642209 +606 326 4 889137188 +606 393 4 880925453 +606 404 4 880925200 +606 410 3 880921656 +606 418 5 880923745 +606 419 4 880924188 +606 421 4 880923989 +606 423 5 880925200 +606 427 4 880924106 +606 428 3 880927247 +606 432 5 880926339 +606 435 4 880923862 +606 441 4 880927750 +606 451 3 880927247 +606 455 2 880923349 +606 471 4 878146986 +606 472 4 880921408 +606 473 4 878149415 +606 477 4 878143247 +606 483 5 880924921 +606 491 4 880923799 +606 498 4 880923862 +606 507 4 880923689 +606 527 4 880924790 +606 530 4 880925074 +606 531 5 880924188 +606 546 4 878149278 +606 549 4 880926862 +606 562 4 880928181 +606 576 3 880927750 +606 588 5 880923862 +606 620 4 887059014 +606 628 4 878143729 +606 637 3 880927750 +606 647 3 880924663 +606 651 4 880926018 +606 652 3 880925200 +606 655 4 880926469 +606 660 5 880926470 +606 662 4 880926162 +606 685 3 880923349 +606 692 5 880924790 +606 709 5 880927417 +606 713 4 878142865 +606 729 4 880927247 +606 746 5 880925394 +606 747 4 880927468 +606 748 3 880921753 +606 749 4 888333338 +606 756 3 878146986 +606 760 3 880923349 +606 763 5 887060488 +606 816 2 880927358 +606 833 5 887060394 +606 841 3 880922625 +606 845 4 878147770 +606 924 5 880921408 +606 925 4 880922566 +606 926 3 880922625 +606 928 4 880928180 +606 939 4 880927247 +606 951 2 880928181 +606 966 5 880923745 +606 993 5 887059716 +606 1010 3 878149278 +606 1011 3 880921408 +606 1039 4 880923690 +606 1047 2 880923349 +606 1065 5 880924323 +606 1110 2 880927358 +606 1149 4 880925289 +606 1151 3 889137292 +606 1190 3 889137308 +606 1199 3 878143246 +606 1277 3 878148493 +606 1280 2 889137292 +606 1518 4 880926760 +607 19 3 883879613 +607 30 4 883880180 +607 45 4 883880079 +607 56 5 883880155 +607 86 4 883880079 +607 100 4 883879316 +607 107 4 883879756 +607 121 2 883879811 +607 174 3 883879516 +607 180 4 883879556 +607 212 3 883880052 +607 213 4 883880027 +607 222 3 883879613 +607 238 4 883879556 +607 311 4 883879971 +607 382 3 883880110 +607 474 4 883879473 +607 475 4 883879811 +607 482 5 883879556 +607 483 4 883879379 +607 485 3 883879442 +607 487 4 883879213 +607 498 4 883879556 +607 511 5 883879556 +607 528 4 883879556 +607 529 4 883880027 +607 847 4 883879638 +607 855 4 883880027 +607 950 3 883879691 +608 4 3 880406168 +608 8 2 880405484 +608 9 4 880403765 +608 11 5 880405927 +608 16 2 880406950 +608 25 4 880406506 +608 28 4 880405484 +608 42 5 880406168 +608 44 4 880406469 +608 50 1 880403765 +608 56 5 880403690 +608 58 2 880406800 +608 59 5 880403856 +608 61 5 880404693 +608 64 4 880405165 +608 65 5 880406469 +608 69 4 880405702 +608 76 4 880408115 +608 79 5 880405863 +608 92 3 880408150 +608 93 4 880406299 +608 97 3 880405659 +608 98 5 880403855 +608 100 4 880403280 +608 132 2 880403899 +608 133 4 880405165 +608 134 3 880403810 +608 136 3 880403280 +608 144 4 880405659 +608 150 3 880406299 +608 162 3 880406862 +608 163 1 880405085 +608 166 3 880403388 +608 168 1 880403810 +608 172 1 880405927 +608 174 3 880406506 +608 185 5 880405484 +608 187 4 880403055 +608 193 4 880405824 +608 196 5 880405395 +608 197 5 880405431 +608 199 1 880403606 +608 207 5 880404975 +608 213 4 880404693 +608 215 3 880406299 +608 216 5 880403239 +608 234 5 880404847 +608 238 5 880403810 +608 265 3 880406470 +608 268 4 880402983 +608 275 5 880403810 +608 276 2 880404975 +608 283 4 880406623 +608 287 3 880406950 +608 288 5 880402982 +608 294 3 880402450 +608 300 1 880402327 +608 301 1 880402633 +608 305 3 880402633 +608 310 1 880402450 +608 318 4 880404916 +608 319 4 880402983 +608 321 2 880402633 +608 328 4 880402983 +608 332 4 880402982 +608 333 4 880402983 +608 337 4 880402982 +608 340 4 880402982 +608 357 5 880404916 +608 418 1 880405971 +608 419 4 880405702 +608 421 5 880406427 +608 423 4 880406727 +608 427 4 880403765 +608 448 5 880406593 +608 461 4 880406507 +608 462 4 880406552 +608 475 3 880405971 +608 478 3 880403606 +608 480 3 880405165 +608 487 4 880406032 +608 489 5 880403765 +608 490 4 880405824 +608 499 4 880403484 +608 506 4 880406728 +608 508 4 880406593 +608 509 1 880403855 +608 514 5 880403320 +608 549 4 880405824 +608 568 5 880406032 +608 606 5 880404693 +608 607 5 880405395 +608 609 5 880406950 +608 611 3 880403537 +608 655 5 880405395 +608 658 3 880408150 +608 660 5 880406800 +608 661 3 880405927 +608 673 4 880405484 +608 690 4 880402527 +608 693 3 880405927 +608 694 3 880405085 +608 695 5 880405565 +608 699 5 880406507 +608 702 1 880406862 +608 729 4 880407079 +608 736 4 880403484 +608 742 4 880406299 +608 753 5 880405395 +608 789 3 880405971 +608 886 1 880402564 +608 939 4 880405896 +608 956 3 880405896 +608 961 4 880405431 +608 969 5 880407079 +608 1009 4 880406032 +608 1039 5 880406552 +608 1101 4 880405863 +608 1113 3 880406862 +608 1115 4 880406168 +608 1119 5 880406552 +608 1124 4 880404846 +608 1153 3 880406623 +608 1172 5 880404636 +608 1183 1 880405484 +608 1204 2 880403606 +608 1281 4 880407079 +609 15 5 886895150 +609 125 4 886895193 +609 147 1 886895016 +609 243 1 886895886 +609 258 3 886894677 +609 285 5 886894879 +609 287 5 886894940 +609 288 2 886894677 +609 294 2 886895346 +609 304 5 886895436 +609 313 5 886894637 +609 314 1 886895941 +609 319 1 886895516 +609 352 1 886895699 +609 408 5 886896185 +609 475 2 886896281 +609 538 1 886895795 +609 750 4 886895397 +609 878 1 886895827 +609 890 1 886895914 +609 901 1 886895886 +609 908 1 886895699 +609 948 1 886895886 +609 1012 1 886896237 +610 7 2 888703137 +610 11 4 888703432 +610 12 5 888703157 +610 28 4 888703258 +610 50 4 888702961 +610 56 3 888703213 +610 66 3 888704000 +610 71 4 888703258 +610 79 3 888702859 +610 95 2 888703316 +610 97 3 888703453 +610 117 4 888704000 +610 135 3 888703730 +610 143 5 888703290 +610 153 5 888703766 +610 176 4 888703157 +610 183 4 888703749 +610 195 3 888703583 +610 204 1 888703343 +610 210 3 888703290 +610 216 4 888703291 +610 271 1 888702795 +610 272 4 888702815 +610 275 4 888703453 +610 276 4 888703766 +610 288 3 888702795 +610 294 1 888702795 +610 313 4 888702841 +610 315 4 888702764 +610 317 3 888703553 +610 331 3 888702764 +610 378 5 888703609 +610 402 5 888704000 +610 419 5 888703241 +610 423 4 888703710 +610 427 5 888703730 +610 477 2 888703475 +610 480 5 888702962 +610 483 5 888702859 +610 485 5 888703815 +610 489 4 888703343 +610 516 3 888703710 +610 527 4 888703801 +610 568 4 888703648 +610 591 3 888703316 +610 606 5 888703343 +610 607 5 888703157 +610 673 4 888704000 +610 699 2 888703507 +610 705 3 888703710 +610 735 3 888703360 +610 751 4 888702795 +610 1558 3 888703475 +611 262 4 891636223 +611 268 5 891636192 +611 269 4 891636072 +611 272 5 891636098 +611 286 5 891636244 +611 299 1 891636223 +611 300 5 891636244 +611 302 5 891636073 +611 303 3 891636073 +611 305 4 891636192 +611 306 5 891636152 +611 313 3 891636125 +611 315 5 891636098 +611 333 4 891636073 +611 334 5 891636223 +611 336 5 891636399 +611 342 3 891636223 +611 344 5 891636073 +611 346 5 891636152 +611 350 4 891636399 +611 354 3 891636192 +611 355 1 891636399 +611 690 3 891636098 +611 750 5 891636222 +611 751 4 891636098 +611 873 3 891636399 +611 886 4 891636399 +611 887 2 891636125 +611 896 3 891636152 +611 906 2 891636223 +611 1243 3 891636244 +612 1 4 875324876 +612 7 3 875324876 +612 9 3 875324876 +612 15 4 875324455 +612 25 3 875324915 +612 100 4 875324790 +612 118 3 875324947 +612 127 2 875325049 +612 202 2 875325221 +612 237 3 875324455 +612 243 2 875324355 +612 275 5 875324710 +612 300 4 875324266 +612 322 3 875324294 +612 476 3 875324947 +612 477 2 875324876 +612 480 4 875325049 +612 604 4 875325256 +612 864 4 875324756 +612 878 2 875324400 +612 924 5 875324710 +612 926 2 875324789 +612 1063 5 875325049 +613 1 4 891227410 +613 12 5 891227299 +613 28 3 891227262 +613 64 5 891227204 +613 89 5 891227237 +613 126 5 891227338 +613 127 4 891227204 +613 194 5 891227299 +613 258 5 891227365 +613 279 4 891227410 +613 303 4 891227111 +613 471 3 891227410 +613 509 4 891227236 +613 514 4 891227236 +613 530 5 891227262 +613 603 5 891227298 +613 607 4 891227236 +613 1157 2 891227204 +614 1 5 879464093 +614 7 2 879464215 +614 9 4 879464063 +614 25 1 879464376 +614 100 5 879464119 +614 117 3 879464352 +614 121 4 879464398 +614 122 3 879465320 +614 126 4 879464183 +614 147 5 879464332 +614 235 5 879464437 +614 237 2 879464216 +614 255 5 879464119 +614 279 3 879464287 +614 281 3 879464308 +614 286 2 879464507 +614 287 3 879464456 +614 288 2 879463630 +614 289 2 879463669 +614 293 3 879464157 +614 294 4 879464507 +614 405 2 879464525 +614 410 3 879464437 +614 411 3 879465452 +614 458 4 879464287 +614 472 3 879464416 +614 476 3 879464507 +614 508 4 879464093 +614 535 2 879464376 +614 546 1 879463965 +614 717 4 879465414 +614 756 4 879465398 +614 841 2 879465398 +614 871 2 879465376 +614 1009 3 879464119 +614 1134 2 879464556 +614 1142 3 879463965 +615 13 4 879449184 +615 14 5 879448016 +615 22 4 879448797 +615 23 5 879448547 +615 28 4 879448759 +615 69 4 879448632 +615 72 2 879449164 +615 83 4 879448399 +615 86 5 879448439 +615 87 4 879448780 +615 127 5 879448399 +615 153 4 879449130 +615 160 3 879448599 +615 170 4 879447895 +615 175 5 879448439 +615 178 5 879448547 +615 179 4 879447968 +615 187 5 879448598 +615 190 3 879447968 +615 194 5 879449164 +615 197 4 879448439 +615 199 5 879448599 +615 208 4 879449130 +615 209 5 879449068 +615 211 5 879449164 +615 215 4 879448632 +615 237 4 879448843 +615 238 3 879449044 +615 259 1 879447642 +615 262 4 879447556 +615 268 4 879447642 +615 269 4 879447500 +615 275 4 879447872 +615 283 4 879448015 +615 286 4 879447500 +615 289 2 879447670 +615 294 3 879447613 +615 300 4 879447613 +615 303 5 879447530 +615 306 4 879447556 +615 319 4 879447585 +615 332 2 879447585 +615 423 5 879448672 +615 428 5 879449111 +615 435 5 879449089 +615 462 4 879447990 +615 475 4 879447919 +615 517 5 879449068 +615 518 4 879448632 +615 519 5 879448598 +615 521 4 879448475 +615 523 5 879448735 +615 526 4 879448735 +615 527 4 879448399 +615 529 5 879448036 +615 582 3 879447968 +615 629 4 879449184 +615 631 4 879448843 +615 632 5 879448759 +615 640 3 879448182 +615 644 4 879448599 +615 660 4 879448882 +615 666 2 879448270 +615 683 1 879447642 +615 699 3 879448823 +615 707 3 879447990 +615 708 2 879448882 +615 732 4 879449211 +615 735 3 879448823 +615 736 5 879448149 +615 792 4 879448632 +615 855 4 879448088 +615 886 2 879447692 +615 949 3 879448149 +615 988 1 879447735 +615 1021 5 879448119 +615 1065 4 879448567 +615 1128 1 879448715 +615 1192 4 879448715 +616 245 3 891224767 +616 260 3 891224864 +616 269 4 891224517 +616 272 5 891224517 +616 286 5 891224448 +616 292 4 891224448 +616 299 3 891224801 +616 300 4 891224644 +616 301 3 891224748 +616 302 5 891224517 +616 303 4 891224558 +616 307 2 891224448 +616 315 4 891224447 +616 316 4 891224840 +616 322 4 891224840 +616 323 4 891224801 +616 327 3 891224558 +616 328 3 891224590 +616 329 3 891224748 +616 331 4 891224677 +616 333 2 891224448 +616 347 4 891224677 +616 348 3 891224801 +616 355 4 891224881 +616 362 3 891224517 +616 678 2 891224718 +616 689 4 891224748 +616 750 5 891224590 +616 873 3 891224767 +616 937 4 891224919 +616 1313 4 891224840 +617 7 3 883789425 +617 17 1 883789507 +617 53 1 883789537 +617 74 5 883788859 +617 89 4 883789294 +617 98 2 883789080 +617 100 4 883789425 +617 132 1 883789006 +617 134 3 883788900 +617 136 3 883789079 +617 145 1 883789716 +617 164 1 883789664 +617 175 4 883789386 +617 183 4 883789386 +617 184 1 883789464 +617 185 5 883789042 +617 192 5 883788900 +617 200 5 883789425 +617 201 1 883789465 +617 217 1 883789507 +617 218 2 883789464 +617 219 4 883789536 +617 238 3 883789249 +617 242 3 883788511 +617 288 1 883788566 +617 294 1 883788511 +617 302 4 883788511 +617 313 1 883788511 +617 320 5 883789424 +617 396 1 883789590 +617 424 1 883789716 +617 427 4 883789042 +617 429 3 883789212 +617 436 3 883789464 +617 441 3 883789590 +617 444 4 883789590 +617 446 2 883789590 +617 452 1 883789590 +617 475 1 883789294 +617 480 4 883789179 +617 488 4 883789386 +617 496 1 883789080 +617 497 3 883788782 +617 498 3 883788955 +617 515 3 883788782 +617 519 3 883789105 +617 547 1 883789464 +617 558 3 883789425 +617 559 1 883789507 +617 563 1 883789747 +617 565 4 883789635 +617 569 1 883789537 +617 573 4 883789590 +617 582 4 883789294 +617 590 1 883789747 +617 604 2 883788955 +617 606 3 883788929 +617 607 4 883789212 +617 611 4 883789386 +617 631 2 883789212 +617 637 3 883789507 +617 644 4 883789386 +617 647 3 883789006 +617 648 3 883789080 +617 653 4 883788955 +617 667 2 883789590 +617 668 4 883789716 +617 669 1 883789635 +617 671 4 883789425 +617 674 3 883789536 +617 675 4 883789425 +617 767 3 883789747 +617 774 1 883789635 +617 816 1 883789747 +617 854 1 883789464 +617 860 1 883789635 +617 868 4 883788820 +617 1019 4 883788782 +617 1073 3 883789105 +617 1187 3 883788900 +617 1316 1 883788511 +617 1612 1 883788511 +618 1 4 891308063 +618 2 2 891309091 +618 4 2 891308459 +618 9 3 891308141 +618 11 4 891307263 +618 12 4 891307263 +618 15 3 891308391 +618 22 4 891308390 +618 23 5 891306990 +618 24 2 891308515 +618 28 4 891309887 +618 31 4 891307577 +618 33 2 891309351 +618 44 4 891308791 +618 49 3 891309514 +618 50 5 891307175 +618 55 2 891308063 +618 56 4 891307175 +618 66 4 891309697 +618 68 3 891309608 +618 69 4 891308176 +618 70 3 891307495 +618 71 4 891309041 +618 77 3 891309720 +618 79 5 891307494 +618 82 4 891308704 +618 87 3 891307931 +618 88 4 891309440 +618 91 4 891309756 +618 93 3 891307019 +618 95 3 891309319 +618 96 3 891307749 +618 97 5 891308913 +618 98 5 891307494 +618 100 4 891308063 +618 111 3 891308946 +618 117 5 891307494 +618 123 2 891308063 +618 124 1 891308542 +618 125 3 891308704 +618 131 4 891307343 +618 132 4 891307057 +618 133 4 891307784 +618 135 4 891307224 +618 143 4 891308515 +618 144 4 891309887 +618 148 3 891309670 +618 150 2 891308175 +618 161 4 891308946 +618 168 5 891308342 +618 172 5 891307098 +618 173 3 891307404 +618 174 5 891307539 +618 176 4 891307426 +618 182 4 891307289 +618 185 5 891308260 +618 186 4 891307224 +618 190 4 891307404 +618 191 4 891307175 +618 192 5 891307367 +618 195 3 891308431 +618 196 4 891307889 +618 197 3 891307825 +618 200 5 891307367 +618 202 2 891307714 +618 203 3 891308176 +618 204 3 891307098 +618 210 3 891308703 +618 214 2 891308176 +618 215 4 891307494 +618 216 3 891308791 +618 233 3 891309471 +618 237 4 891307343 +618 238 1 891308391 +618 239 3 891309293 +618 241 4 891309887 +618 265 4 891307289 +618 273 4 891309293 +618 276 3 891309266 +618 282 3 891307289 +618 283 3 891309217 +618 313 4 891306927 +618 318 5 891307825 +618 356 2 891309608 +618 367 3 891309319 +618 371 3 891308980 +618 378 4 891309514 +618 382 2 891307540 +618 385 4 891309163 +618 392 3 891308979 +618 404 5 891309192 +618 416 4 891309720 +618 418 3 891308260 +618 419 4 891309887 +618 421 3 891308615 +618 423 5 891309886 +618 427 5 891308431 +618 433 2 891309410 +618 462 2 891307540 +618 468 3 891308665 +618 471 3 891309041 +618 477 2 891308791 +618 483 5 891308199 +618 485 3 891307646 +618 487 4 891309886 +618 496 4 891307619 +618 497 2 891307019 +618 501 4 891308884 +618 506 4 891308296 +618 507 4 891309239 +618 521 2 891307784 +618 526 5 891308141 +618 531 4 891309886 +618 549 2 891308342 +618 559 3 891309382 +618 566 3 891308261 +618 576 4 891309608 +618 588 4 891307224 +618 596 4 891309065 +618 597 4 891309041 +618 625 4 891309192 +618 628 2 891308019 +618 633 3 891308571 +618 655 4 891309887 +618 673 3 891309139 +618 676 2 891307977 +618 684 3 891306991 +618 692 4 891309091 +618 697 3 891308063 +618 705 3 891307825 +618 713 4 891307224 +618 720 3 891309293 +618 723 3 891309514 +618 724 3 891309091 +618 729 3 891308945 +618 746 2 891308946 +618 755 2 891309670 +618 762 3 891309636 +618 763 2 891309319 +618 776 2 891307098 +618 778 3 891308515 +618 781 3 891309382 +618 785 3 891309351 +618 790 3 891309471 +618 815 4 891309552 +618 939 2 891308791 +618 942 2 891309293 +618 944 2 891309266 +618 955 2 891307540 +618 959 4 891309756 +618 966 4 891307931 +618 969 3 891307889 +618 1032 2 891309192 +618 1048 3 891308980 +618 1058 3 891309114 +618 1063 3 891308459 +618 1066 3 891309756 +618 1071 1 891308542 +618 1163 2 891309266 +618 1185 2 891309471 +618 1221 2 891309636 +618 1468 3 891308665 +619 11 2 885954019 +619 17 1 885954184 +619 22 5 885953992 +619 29 1 885954238 +619 33 3 885954133 +619 39 2 885954083 +619 50 4 885953778 +619 53 2 885954341 +619 55 1 885954053 +619 56 3 885953992 +619 62 1 885954185 +619 68 3 885954105 +619 79 5 885953992 +619 82 5 885954053 +619 117 5 885953778 +619 118 5 885953827 +619 121 5 885953805 +619 127 4 885953778 +619 144 5 885954083 +619 161 4 885954133 +619 174 4 885953992 +619 182 4 885954019 +619 183 5 885953992 +619 187 5 885953992 +619 188 4 885954158 +619 226 5 885954133 +619 231 4 885954185 +619 233 4 885954158 +619 241 5 885954083 +619 245 4 885953743 +619 252 3 885953878 +619 257 3 885953805 +619 258 5 885953622 +619 273 4 885953778 +619 281 4 885954133 +619 288 3 885953931 +619 293 3 885953804 +619 294 1 885953684 +619 295 4 885953804 +619 300 5 885953684 +619 302 4 885953600 +619 307 2 885953601 +619 313 5 885953601 +619 327 3 885953743 +619 328 1 885953684 +619 331 4 885953574 +619 332 4 885953742 +619 333 2 885953574 +619 346 3 885953622 +619 350 3 885953641 +619 385 5 885954053 +619 391 3 885954215 +619 403 5 885954159 +619 405 3 885953826 +619 406 2 885953931 +619 515 1 885953778 +619 546 2 885953826 +619 550 5 885954134 +619 568 5 885954083 +619 576 4 885954261 +619 578 4 885954215 +619 597 4 885953850 +619 651 5 885954053 +619 665 5 885954261 +619 684 4 885954083 +619 720 4 885954238 +619 809 1 885954238 +619 825 2 885953850 +619 849 2 885954184 +619 879 4 885953743 +619 1016 4 885953826 +619 1231 2 885954215 +619 1314 3 885954341 +620 1 5 889987954 +620 7 4 889987073 +620 8 3 889988121 +620 15 5 889987210 +620 35 3 889988340 +620 50 4 889988121 +620 71 5 889988005 +620 78 4 889988340 +620 82 5 889988146 +620 91 2 889988069 +620 94 5 889988340 +620 95 4 889988005 +620 98 4 889987560 +620 99 3 889988005 +620 101 2 889988069 +620 112 4 889988341 +620 118 4 889987825 +620 121 5 889987825 +620 125 2 889987255 +620 148 3 889987299 +620 151 4 889988196 +620 172 4 889988146 +620 173 5 889988121 +620 225 3 889988281 +620 234 3 889987560 +620 240 5 889987954 +620 246 4 889987276 +620 260 5 889986624 +620 268 4 889986452 +620 281 5 889987852 +620 288 4 889986452 +620 294 5 889986557 +620 300 3 889986411 +620 354 5 889986477 +620 379 4 889987656 +620 393 5 889988196 +620 404 4 889988232 +620 406 4 889987073 +620 409 4 889988196 +620 416 4 889988196 +620 418 3 889988005 +620 419 2 889988169 +620 420 3 889988005 +620 422 1 889988036 +620 423 5 889988168 +620 432 4 889988036 +620 444 3 889987682 +620 452 3 889987604 +620 465 4 889988232 +620 501 4 889988036 +620 560 4 889988232 +620 563 5 889987682 +620 565 4 889987682 +620 588 5 889988036 +620 595 5 889987792 +620 596 2 889987954 +620 625 3 889988005 +620 627 5 889988037 +620 674 3 889987586 +620 678 3 889986642 +620 682 2 889986985 +620 683 3 889986984 +620 699 5 889988121 +620 740 5 889987349 +620 742 5 889987792 +620 758 2 889987073 +620 768 5 889988069 +620 769 4 889987706 +620 795 4 889988340 +620 820 4 889987954 +620 895 3 889986984 +620 928 5 889987825 +620 930 2 889987875 +620 931 3 889987875 +620 946 4 889988036 +620 951 3 889988258 +620 969 4 889988037 +620 975 3 889987852 +620 993 5 889987954 +620 1035 4 889988232 +620 1043 4 889988340 +620 1091 4 889988069 +620 1219 3 889988069 +620 1480 3 889988281 +621 3 5 881444887 +621 4 4 874962988 +621 8 5 874965407 +621 17 4 880739965 +621 24 4 880737433 +621 28 4 874965408 +621 33 4 874962824 +621 38 3 874964495 +621 40 3 874963273 +621 41 4 874963273 +621 53 4 874964496 +621 55 5 874963594 +621 62 4 874964496 +621 63 1 874963445 +621 67 4 880739654 +621 71 3 874965208 +621 72 2 874962900 +621 73 5 874962772 +621 79 5 874963594 +621 82 5 874964267 +621 87 5 874965408 +621 91 3 874965299 +621 96 5 874963797 +621 100 5 880227104 +621 107 4 880737311 +621 108 3 881445012 +621 109 4 880737607 +621 117 5 880227268 +621 118 3 880738353 +621 121 3 880227385 +621 122 2 880738838 +621 123 4 880738080 +621 125 4 880739654 +621 128 4 880740034 +621 135 5 885596819 +621 142 3 874965299 +621 147 3 880738282 +621 148 4 880739654 +621 151 5 880737929 +621 172 5 874965407 +621 174 3 874965407 +621 176 3 874963797 +621 180 4 885596944 +621 181 5 874965408 +621 184 3 874964267 +621 197 4 885596884 +621 200 4 874964816 +621 208 4 874962824 +621 222 4 880736904 +621 231 4 874964375 +621 235 3 880738142 +621 241 4 874964604 +621 249 5 880738282 +621 250 4 880738568 +621 257 5 880738699 +621 263 1 883800011 +621 268 4 890517367 +621 270 4 890517239 +621 271 5 880226633 +621 273 4 880739654 +621 276 4 880736723 +621 293 3 880227385 +621 298 4 883801703 +621 299 1 880227012 +621 300 3 890517589 +621 301 4 880226534 +621 333 4 890517503 +621 364 3 874963446 +621 383 2 874963166 +621 384 3 874963081 +621 385 5 874963797 +621 386 3 874963126 +621 391 3 874964657 +621 393 3 874962705 +621 398 2 874964605 +621 401 1 874963210 +621 404 3 874965496 +621 405 5 880740034 +621 410 4 880738623 +621 417 3 874965299 +621 418 3 874965298 +621 419 4 874965093 +621 420 4 874965298 +621 423 4 880739654 +621 451 1 874963028 +621 472 3 880738462 +621 539 1 883799884 +621 541 4 874964605 +621 542 2 874965093 +621 546 3 880738894 +621 554 4 874964657 +621 559 5 874964915 +621 561 4 874964945 +621 567 3 874964991 +621 576 2 874964605 +621 578 5 874964604 +621 584 5 874965094 +621 585 4 874962988 +621 624 5 874965093 +621 721 4 874963126 +621 722 4 881444887 +621 735 4 880739654 +621 746 4 874963028 +621 748 4 880226710 +621 751 4 883799651 +621 755 3 874965299 +621 763 4 880738462 +621 769 3 874964991 +621 779 3 880740296 +621 790 4 874963081 +621 795 1 874963273 +621 804 4 881445120 +621 809 4 880740136 +621 810 3 874964657 +621 825 3 880738142 +621 833 3 880738462 +621 871 3 881445723 +621 876 2 883799203 +621 881 2 883798770 +621 890 1 883799608 +621 894 1 883800011 +621 926 3 880738894 +621 940 3 874963166 +621 944 5 874963126 +621 1012 5 880227233 +621 1013 2 880738282 +621 1016 4 880737785 +621 1028 4 880737861 +621 1029 2 874963210 +621 1036 1 874963446 +621 1047 3 880738080 +621 1118 3 874962824 +621 1185 3 881445012 +622 1 3 882590344 +622 2 4 882671363 +622 3 1 882672922 +622 4 4 882671120 +622 7 5 882590269 +622 9 4 882669969 +622 11 4 882669740 +622 12 5 882669468 +622 15 4 882590670 +622 24 4 882590367 +622 28 3 882592314 +622 30 4 882670190 +622 31 3 882669594 +622 46 4 882670610 +622 47 3 882670406 +622 50 5 882592815 +622 56 5 882592103 +622 62 4 882592850 +622 64 5 882669391 +622 66 3 882670480 +622 67 1 882671463 +622 69 4 882592041 +622 72 3 882671142 +622 79 5 882591979 +622 82 3 882670767 +622 83 5 882592178 +622 86 4 882670587 +622 88 3 882670749 +622 89 5 882669740 +622 90 4 882671574 +622 94 2 882671694 +622 95 4 882669556 +622 101 5 882592662 +622 105 3 882591726 +622 106 2 882591172 +622 109 5 882590559 +622 117 4 882590291 +622 118 1 882591663 +622 120 1 882592643 +622 127 5 882590534 +622 132 4 882669851 +622 142 3 882670826 +622 143 4 882670228 +622 144 5 882592103 +622 153 4 882592314 +622 154 4 882669740 +622 156 5 882592143 +622 157 4 882670389 +622 161 3 882670712 +622 165 5 882591938 +622 166 5 882669695 +622 168 4 882592041 +622 169 5 882669374 +622 172 5 882669826 +622 175 4 882669645 +622 176 4 882669851 +622 178 4 882592421 +622 181 5 882592041 +622 184 5 882592103 +622 185 3 882592041 +622 190 4 882669762 +622 194 4 882669762 +622 196 3 882669695 +622 198 4 882669612 +622 199 5 882592143 +622 212 3 882669740 +622 214 4 882670228 +622 215 3 882592523 +622 217 4 882671185 +622 218 3 882670057 +622 222 5 882592815 +622 226 4 882670367 +622 228 5 882592815 +622 229 2 882592850 +622 230 3 882592815 +622 231 4 882592735 +622 233 4 882670423 +622 240 3 882590420 +622 249 5 882590394 +622 250 4 882590252 +622 252 1 882591582 +622 257 3 882590485 +622 276 4 882590485 +622 277 4 882590252 +622 283 4 882590534 +622 284 1 882590670 +622 294 3 882589830 +622 298 4 882590559 +622 363 4 882591484 +622 364 1 882672922 +622 367 4 882670712 +622 373 1 882672922 +622 380 4 882592850 +622 385 5 882592421 +622 391 2 882671827 +622 395 2 882672143 +622 396 1 882671222 +622 402 3 882670252 +622 403 4 882592735 +622 408 5 882590223 +622 418 3 882669905 +622 427 4 882592178 +622 431 5 882670169 +622 432 5 882670009 +622 433 4 882669886 +622 449 2 882592850 +622 450 1 882592850 +622 472 3 882591687 +622 474 3 882669509 +622 479 4 882669668 +622 496 4 882592314 +622 501 3 882670480 +622 519 3 882591938 +622 521 5 882670009 +622 541 2 882592781 +622 542 2 882671346 +622 550 4 882670929 +622 552 2 882671863 +622 553 3 882670929 +622 558 2 882592523 +622 568 4 882592449 +622 577 2 882672143 +622 578 4 882670843 +622 597 5 882591687 +622 679 3 882671483 +622 685 2 882590862 +622 693 4 882592383 +622 705 3 882592217 +622 719 2 882671622 +622 722 3 882670862 +622 725 3 882672177 +622 730 4 882669509 +622 737 5 882592678 +622 739 2 882671554 +622 742 3 882590420 +622 755 4 882670211 +622 756 3 882591321 +622 763 4 882591047 +622 769 1 882672922 +622 780 4 882671574 +622 795 2 882672079 +622 797 2 882670862 +622 809 2 882671081 +622 833 4 882590955 +622 845 3 882590291 +622 855 3 882592103 +622 949 3 882672941 +622 977 2 882591804 +622 978 2 882591453 +622 993 4 882590809 +622 1039 5 882669575 +622 1074 2 882671185 +622 1079 2 882591663 +622 1149 3 882592314 +622 1181 4 882670367 +622 1207 2 882671958 +622 1216 4 882590344 +622 1228 1 882672922 +622 1230 1 882672922 +622 1231 2 882670653 +622 1303 2 882672060 +622 1406 3 882671381 +622 1411 4 882671664 +622 1419 2 882672120 +622 1552 2 882670793 +623 50 5 891035112 +623 66 4 891034993 +623 70 4 891034950 +623 79 5 891035112 +623 88 4 891034973 +623 121 4 891034129 +623 127 4 891032275 +623 153 3 891034757 +623 163 3 891034756 +623 181 5 891032291 +623 183 3 891034294 +623 185 4 891034343 +623 194 5 891035112 +623 204 5 891035112 +623 222 4 891034110 +623 227 4 891034528 +623 234 4 891034343 +623 258 4 891032358 +623 274 4 891034053 +623 275 5 891035112 +623 283 4 891032275 +623 288 1 891032140 +623 291 3 891034129 +623 298 2 891032433 +623 435 5 891035112 +623 451 4 891034973 +623 483 5 891035112 +623 504 3 891034343 +623 523 4 891034756 +623 603 4 891034294 +623 629 3 891034973 +623 642 3 891034472 +623 648 5 891035112 +623 659 5 891035112 +623 692 3 891034951 +623 815 2 891034053 +624 3 3 879793436 +624 7 4 879792623 +624 50 5 879792581 +624 108 3 879793198 +624 111 3 879792671 +624 121 3 879793156 +624 123 3 879793223 +624 124 4 879792358 +624 125 3 879793093 +624 126 4 879792395 +624 137 4 879792623 +624 147 4 879792557 +624 150 4 879792493 +624 181 4 879792378 +624 235 4 879793156 +624 237 4 879793174 +624 240 2 879793129 +624 242 4 891961040 +624 248 4 879793485 +624 249 3 879793380 +624 250 4 879792623 +624 255 3 879793435 +624 258 4 879791792 +624 260 2 879792251 +624 262 4 891961078 +624 268 4 879791962 +624 269 4 891961120 +624 270 3 891961120 +624 271 3 879791884 +624 272 5 885215463 +624 273 4 879793129 +624 275 4 879792493 +624 276 5 879792446 +624 278 4 879793545 +624 282 4 879793330 +624 285 5 879792557 +624 286 5 879791792 +624 288 4 879791922 +624 294 3 879792109 +624 295 3 879793511 +624 298 4 879792378 +624 301 3 879792131 +624 302 4 885215462 +624 305 4 891961140 +624 310 4 891961078 +624 312 4 891961343 +624 323 2 879792155 +624 326 3 891961210 +624 327 4 879791819 +624 328 4 879792131 +624 333 4 879791884 +624 340 3 879791884 +624 342 3 891961267 +624 346 3 885215462 +624 347 4 891961140 +624 358 3 891961210 +624 405 4 879792671 +624 410 4 879793156 +624 411 4 879793269 +624 471 4 879792493 +624 475 4 879793223 +624 508 4 879793092 +624 534 3 879792358 +624 591 3 879792557 +624 595 3 879793408 +624 628 4 879793198 +624 678 3 879792155 +624 687 2 891961362 +624 689 3 891961187 +624 696 4 879793223 +624 741 4 879792557 +624 742 4 879793093 +624 748 3 879792109 +624 750 4 891961163 +624 762 4 879793330 +624 815 3 879793174 +624 833 4 879793582 +624 864 3 879793198 +624 866 3 879793436 +624 870 4 879793155 +624 876 3 879792251 +624 879 3 879792171 +624 881 3 879792132 +624 886 4 879792251 +624 905 4 891961250 +624 919 4 879792581 +624 924 4 879792493 +624 952 3 879793129 +624 993 4 879793486 +624 1010 4 879793155 +624 1012 4 879793408 +624 1016 3 879793582 +624 1017 3 879792322 +624 1028 3 879793485 +624 1047 3 879793436 +624 1048 4 879793223 +624 1059 1 879793358 +624 1089 2 879793408 +624 1095 2 879793408 +624 1114 4 879792557 +624 1120 4 879793269 +625 23 4 891263960 +625 25 2 891632018 +625 50 5 891273543 +625 70 3 891262724 +625 95 3 891953755 +625 96 5 892000372 +625 97 4 891263057 +625 134 4 891263665 +625 135 5 891999874 +625 144 4 891962917 +625 151 3 891999874 +625 154 3 891998289 +625 165 3 891999926 +625 166 3 891960843 +625 168 3 891262837 +625 169 5 891263665 +625 172 4 891263057 +625 173 3 891953681 +625 179 4 891961170 +625 181 4 891262633 +625 183 3 892000438 +625 188 4 891262724 +625 190 3 892000576 +625 191 3 891636079 +625 195 4 891262983 +625 197 5 891262724 +625 198 4 891263665 +625 200 3 892000686 +625 202 3 891262633 +625 208 3 891968164 +625 209 3 891262633 +625 213 4 891999608 +625 214 4 891961632 +625 222 4 891273543 +625 248 4 891629673 +625 250 4 891273750 +625 255 2 891629673 +625 257 4 891273543 +625 258 4 891262561 +625 265 3 892054198 +625 300 3 891262561 +625 357 3 891262784 +625 380 3 891263589 +625 385 4 892053920 +625 393 4 891263665 +625 403 3 891961882 +625 405 3 891273859 +625 428 5 891953755 +625 433 3 891636427 +625 479 4 891262983 +625 480 4 891263589 +625 483 5 891262983 +625 486 3 891953617 +625 498 4 891263703 +625 515 4 891263589 +625 516 3 892000518 +625 517 3 891636079 +625 528 3 891961633 +625 546 2 891273897 +625 584 3 891636000 +625 588 4 891263057 +625 597 2 891273801 +625 602 3 891263057 +625 603 4 891636000 +625 640 3 891999796 +625 647 4 891263822 +625 652 4 891262983 +625 654 3 891262837 +625 655 3 891999926 +625 692 3 892000518 +625 705 3 891262983 +625 732 3 891263960 +625 739 3 891263665 +625 748 3 891262561 +625 855 4 891953479 +625 945 3 891262724 +625 961 4 891962917 +626 243 1 878771505 +626 264 1 878771476 +626 268 4 878771355 +626 270 2 878771355 +626 286 5 878771242 +626 288 3 878771243 +626 289 1 878771281 +626 292 1 878771281 +626 294 3 878771243 +626 302 4 878771242 +626 313 5 887772871 +626 324 4 878771281 +626 327 4 878771419 +626 328 1 878771505 +626 330 3 878771447 +626 332 3 878771355 +626 336 1 878771477 +626 358 1 878771505 +626 678 1 878771505 +626 680 1 878771476 +626 682 3 878771447 +626 748 2 878771281 +626 879 1 878771418 +626 923 5 887772922 +626 948 1 878771281 +626 988 1 878771281 +627 4 2 879531248 +627 11 4 879529702 +627 12 4 879529819 +627 17 2 879531397 +627 23 4 879529986 +627 26 3 879530824 +627 27 3 879530762 +627 39 4 879530408 +627 51 5 879530866 +627 53 4 879531504 +627 55 4 879531301 +627 56 2 879531248 +627 58 5 879529958 +627 62 4 879531397 +627 64 5 879530015 +627 69 3 879529855 +627 70 4 879530408 +627 76 3 879530173 +627 79 3 879531158 +627 82 4 879531248 +627 83 3 879530071 +627 86 3 879530263 +627 89 5 879531158 +627 92 4 879529702 +627 96 3 879531196 +627 97 2 879529958 +627 117 3 879531248 +627 121 3 879531397 +627 125 2 879530346 +627 135 4 879529702 +627 144 2 879531158 +627 148 3 879530463 +627 157 4 879530110 +627 161 2 879531302 +627 162 3 879530568 +627 172 3 879531196 +627 175 1 879530110 +627 176 5 879531158 +627 177 5 879531158 +627 179 5 879530536 +627 182 4 879529916 +627 183 5 879531196 +627 184 4 879531248 +627 188 4 879531196 +627 191 4 879529957 +627 193 5 879529767 +627 196 5 879530172 +627 205 5 879529767 +627 210 3 879531248 +627 214 3 879530408 +627 215 1 879529767 +627 226 1 879531397 +627 227 3 879531352 +627 229 2 879531459 +627 232 3 879531302 +627 237 4 879530346 +627 239 3 879530662 +627 241 4 879531397 +627 245 4 879529556 +627 258 4 879529339 +627 273 4 879531196 +627 276 2 879530173 +627 281 3 879531504 +627 282 2 879530463 +627 284 2 879530306 +627 300 4 879529486 +627 317 5 879530071 +627 318 5 879529701 +627 385 2 879531351 +627 399 3 879531557 +627 403 2 879530694 +627 405 3 879531458 +627 423 3 879530145 +627 434 4 879529855 +627 435 5 879531158 +627 458 3 879530824 +627 461 3 879530042 +627 467 5 879530042 +627 470 3 879530264 +627 510 4 879529730 +627 511 4 879529986 +627 518 4 879530146 +627 526 4 879529916 +627 528 4 879530662 +627 530 3 879531195 +627 541 4 879531504 +627 546 3 879531429 +627 549 3 879530625 +627 553 3 879530967 +627 554 2 879531557 +627 562 2 879531504 +627 566 3 879531249 +627 568 2 879531301 +627 576 3 879531504 +627 578 3 879531351 +627 581 3 879530662 +627 582 3 879529916 +627 586 3 879531557 +627 597 3 879531557 +627 631 3 879529885 +627 636 4 879531302 +627 649 4 879530071 +627 651 4 879530109 +627 658 3 879530536 +627 660 4 879530463 +627 673 2 879530110 +627 684 4 879531301 +627 685 3 879531351 +627 690 5 879529406 +627 693 2 879530205 +627 697 5 879530042 +627 699 1 879530263 +627 704 4 879530967 +627 720 2 879531397 +627 724 2 879530305 +627 729 1 879530600 +627 732 3 879530568 +627 740 1 879530501 +627 797 4 879531504 +627 802 2 879531557 +627 808 2 879531557 +627 810 3 879531459 +627 939 3 879530264 +627 941 3 879530866 +627 949 2 879530824 +627 956 2 879530463 +627 1004 4 879531504 +627 1044 2 879530899 +627 1074 3 879530694 +627 1134 1 879530305 +627 1136 4 879530762 +627 1194 4 879529855 +627 1267 4 879530346 +628 168 4 880777167 +628 173 3 880777167 +628 270 5 880776981 +628 288 5 880777096 +628 292 5 880776981 +628 300 5 880776981 +628 301 4 880777046 +628 302 5 880776981 +628 305 5 880776981 +628 330 5 880777096 +628 333 5 880777096 +628 340 5 880777095 +628 361 5 880776981 +628 845 5 880777167 +628 874 5 880776981 +628 938 5 880777095 +628 984 5 880776981 +629 4 3 880117513 +629 7 2 880117635 +629 9 4 880117485 +629 11 2 880116789 +629 12 5 880117333 +629 15 5 880117719 +629 22 5 880116818 +629 39 2 880117747 +629 42 2 880117430 +629 50 5 880117395 +629 56 5 880117430 +629 58 4 880117215 +629 64 5 880117513 +629 81 3 880117689 +629 86 5 880117163 +629 87 5 880117635 +629 98 5 880117254 +629 117 5 880116963 +629 127 5 880117605 +629 135 5 880117586 +629 147 5 880117534 +629 153 5 880116818 +629 160 4 880117361 +629 162 5 880117361 +629 172 5 880117333 +629 182 5 880116818 +629 187 5 880117031 +629 191 3 880116887 +629 194 5 880116887 +629 195 4 880116847 +629 197 5 880117031 +629 199 5 880117772 +629 200 4 880117333 +629 202 4 880117635 +629 204 5 880117285 +629 207 4 880117000 +629 238 5 880117285 +629 241 5 880116911 +629 258 4 880116722 +629 265 4 880116887 +629 268 5 880116722 +629 269 3 880115840 +629 270 3 880116023 +629 271 4 880116722 +629 275 5 880117565 +629 276 5 880116887 +629 284 4 880117719 +629 286 4 880115839 +629 292 4 880116722 +629 301 3 880115922 +629 307 5 880116722 +629 317 4 880117430 +629 319 4 880116722 +629 322 3 880116240 +629 324 2 880116023 +629 326 3 880116103 +629 327 3 880116201 +629 332 4 880116722 +629 333 4 880116722 +629 340 2 880115971 +629 381 4 880117852 +629 423 5 880117333 +629 425 3 880117163 +629 435 4 880116756 +629 463 4 880117852 +629 467 5 880117565 +629 509 5 880116818 +629 523 3 880116963 +629 528 5 880117395 +629 566 5 880117395 +629 632 3 880117031 +629 660 5 880117772 +629 684 5 880117430 +629 690 2 880116067 +629 699 3 880117460 +629 709 3 880117062 +629 729 4 880117852 +629 732 5 880117430 +629 876 3 880116023 +629 880 4 880116722 +629 881 3 880116023 +629 886 3 880116278 +629 984 3 880116278 +629 991 1 880115923 +629 1038 3 880116240 +629 1109 4 880117813 +629 1119 5 880116756 +630 7 4 885666571 +630 12 4 885667854 +630 22 3 885668328 +630 25 2 885666779 +630 31 2 885667968 +630 50 3 885666536 +630 64 5 885668276 +630 70 2 885667994 +630 71 3 885667854 +630 96 4 885668277 +630 100 3 885666592 +630 117 5 885666804 +630 118 4 885666875 +630 120 4 885667678 +630 126 4 885667305 +630 127 2 885666536 +630 172 3 885667918 +630 174 3 885668131 +630 191 3 885668090 +630 195 4 885667968 +630 222 4 885666779 +630 243 2 885666301 +630 250 1 885666650 +630 255 5 885666740 +630 257 3 885667037 +630 258 3 885666143 +630 264 2 885666353 +630 272 5 885756030 +630 276 1 885667108 +630 278 4 885667508 +630 280 2 885667148 +630 282 3 885666804 +630 288 4 885666102 +630 294 4 885666018 +630 295 4 885666875 +630 298 5 885666686 +630 300 4 885665975 +630 322 3 885666211 +630 409 3 885667037 +630 411 4 885667108 +630 412 1 885667508 +630 471 4 885666955 +630 472 3 885667391 +630 476 5 885667108 +630 477 4 885667200 +630 546 3 885667056 +630 568 4 885668328 +630 595 5 885667660 +630 597 4 885667006 +630 620 4 885667661 +630 717 3 885667661 +630 732 4 885668203 +630 815 3 885667229 +630 820 4 885667391 +630 832 2 885667528 +630 845 3 885666918 +630 866 3 885667148 +630 871 2 885666918 +630 895 4 885666143 +630 929 4 885667249 +630 930 3 885667551 +630 934 3 885667624 +630 975 4 885667108 +630 983 3 885667699 +630 1023 4 885667581 +630 1040 4 885667660 +630 1047 4 885667200 +630 1055 3 885667898 +630 1061 2 885667581 +630 1079 1 885667508 +630 1197 3 885667464 +631 272 4 888464916 +631 286 3 888465033 +631 288 3 888464916 +631 289 4 888465216 +631 294 3 888465155 +631 301 4 888465107 +631 307 4 888465033 +631 313 4 888464915 +631 315 4 888464916 +631 323 2 888465216 +631 332 3 888465180 +631 338 2 888465299 +631 346 4 888465004 +631 873 2 888465084 +631 877 2 888465131 +631 886 4 888465216 +632 1 3 879458692 +632 2 4 879459505 +632 7 3 879456955 +632 12 5 879456910 +632 17 3 879459573 +632 22 4 879457394 +632 25 1 879459418 +632 28 3 879458649 +632 51 4 879459166 +632 54 3 879459304 +632 56 3 879458277 +632 58 3 879459210 +632 68 1 879459394 +632 69 4 879457371 +632 71 4 879458649 +632 73 3 879459649 +632 79 5 879457317 +632 81 5 879458834 +632 91 3 879459187 +632 96 5 879457902 +632 97 4 879458856 +632 98 4 879457217 +632 100 3 879457603 +632 131 4 879458941 +632 134 5 879457217 +632 144 4 879457812 +632 150 2 879457525 +632 156 3 879457437 +632 159 3 879459460 +632 161 3 879459053 +632 164 4 879458692 +632 172 5 879457157 +632 173 5 879458649 +632 176 3 879457812 +632 181 5 879457016 +632 182 3 879457641 +632 183 4 879456909 +632 184 5 879458277 +632 186 5 879459738 +632 188 4 879457857 +632 191 5 879457603 +632 194 4 879457712 +632 201 4 879457641 +632 202 4 879457712 +632 203 3 879457217 +632 204 4 879458277 +632 210 5 879459738 +632 215 4 879458834 +632 228 3 879457157 +632 233 3 879459441 +632 234 3 879457641 +632 237 3 879458570 +632 258 4 879459777 +632 275 3 879457582 +632 276 2 879457856 +632 282 4 879458806 +632 288 3 879458977 +632 318 5 879456843 +632 357 4 879456844 +632 367 2 879459544 +632 402 3 879458725 +632 404 5 879459544 +632 419 4 879457903 +632 423 4 879459003 +632 432 3 879456910 +632 468 3 879457925 +632 470 4 879459677 +632 475 3 879457582 +632 480 5 879459739 +632 483 5 879459738 +632 485 4 879457157 +632 510 5 879459738 +632 523 3 879458900 +632 550 2 879458900 +632 566 4 879458649 +632 588 2 879457217 +632 622 4 879459418 +632 633 4 879459003 +632 651 5 879459738 +632 655 3 879457641 +632 684 5 879457903 +632 685 2 879459394 +632 705 5 879459738 +632 735 4 879458649 +632 746 3 879459481 +632 763 3 879459304 +632 877 1 879459777 +632 1028 2 879459649 +633 5 3 877212085 +633 28 4 877212366 +633 45 3 877211326 +633 50 4 875326664 +633 71 3 875325804 +633 79 5 875325128 +633 82 4 875325273 +633 94 4 877211684 +633 96 4 875324997 +633 97 3 877211083 +633 110 3 877211817 +633 117 3 875326491 +633 121 3 875325168 +633 128 3 875325225 +633 143 4 877211134 +633 148 1 875326138 +633 159 4 875325093 +633 172 3 877212250 +633 176 3 875325577 +633 177 3 875325654 +633 183 4 875325577 +633 195 4 875324997 +633 226 4 877212085 +633 234 4 877212594 +633 237 4 875324891 +633 252 3 875325273 +633 276 3 875326698 +633 288 2 875324233 +633 289 3 875324233 +633 300 4 875324233 +633 317 3 875324598 +633 322 3 875325888 +633 333 3 875567562 +633 385 4 875325497 +633 405 4 875325654 +633 410 2 875325865 +633 423 4 877212367 +633 526 4 877212250 +633 566 3 877212173 +633 581 3 877212085 +633 651 3 877212283 +633 654 3 875324654 +633 665 3 875325577 +633 778 2 877211886 +633 871 3 875326698 +633 939 4 877212045 +633 1019 4 875324766 +633 1046 4 877212085 +633 1132 2 875325691 +634 1 3 875728872 +634 7 4 875729069 +634 13 4 878916178 +634 14 3 875728783 +634 21 2 875729668 +634 50 4 877018347 +634 93 5 877018125 +634 100 4 875728834 +634 106 3 877017923 +634 111 4 875729794 +634 121 5 877018125 +634 122 3 877017975 +634 124 3 875728913 +634 125 4 875729710 +634 126 3 875729106 +634 129 4 875729105 +634 137 3 875728834 +634 147 2 875729749 +634 150 3 875728834 +634 221 1 875729105 +634 225 3 875729668 +634 235 3 875729825 +634 237 5 877018125 +634 240 3 877018033 +634 245 3 875729217 +634 258 4 884980585 +634 269 4 890779855 +634 273 3 875729069 +634 274 3 876170992 +634 275 3 875728834 +634 282 4 875729749 +634 283 2 875728783 +634 284 4 875729668 +634 286 5 877018125 +634 287 3 877018059 +634 292 3 876170101 +634 293 3 877018347 +634 294 4 876170101 +634 300 3 881952599 +634 302 5 877974667 +634 313 5 884980565 +634 315 5 889464384 +634 325 1 877974690 +634 333 4 881007052 +634 340 4 881952599 +634 341 2 890779883 +634 405 4 877017872 +634 408 3 875728783 +634 410 4 877017872 +634 411 4 877018059 +634 458 4 875729148 +634 460 3 875729710 +634 471 4 875729478 +634 476 3 875729668 +634 477 3 876171093 +634 508 4 880067125 +634 546 4 875729535 +634 547 4 877979407 +634 596 3 875729105 +634 597 4 877017923 +634 628 4 876170992 +634 685 4 875729535 +634 696 4 875729535 +634 717 4 875729794 +634 741 3 875728834 +634 742 4 875729794 +634 744 5 877018125 +634 748 3 875729217 +634 756 3 875729749 +634 760 3 879787621 +634 762 3 879787667 +634 763 3 875729825 +634 819 2 876171049 +634 823 3 877017923 +634 840 2 875729794 +634 845 3 875729148 +634 864 3 877368475 +634 866 3 875729668 +634 919 2 877979309 +634 922 4 875728913 +634 924 4 877017810 +634 932 3 877018004 +634 934 2 877018033 +634 950 5 877018125 +634 977 3 877018033 +634 979 3 875729710 +634 985 4 877017790 +634 988 1 875729217 +634 991 3 875729239 +634 1008 2 877017951 +634 1009 2 875729794 +634 1011 4 875729633 +634 1028 3 875729456 +634 1048 3 875729668 +634 1142 3 877018347 +634 1162 1 877017951 +634 1197 4 875729106 +634 1199 1 875728913 +634 1284 3 875729794 +634 1335 2 877017975 +635 1 4 878879283 +635 13 2 878879164 +635 150 3 878879236 +635 246 5 878879190 +635 255 4 878879213 +635 262 5 878878654 +635 268 5 878878654 +635 269 5 878878587 +635 276 3 878879257 +635 294 3 878878588 +635 300 3 878879107 +635 301 3 878878587 +635 302 4 878878587 +635 327 5 878878752 +635 331 4 878878654 +635 333 5 878878685 +635 358 1 878878838 +635 688 2 878878838 +635 742 3 878879190 +635 748 2 878878838 +635 873 3 878878752 +635 875 2 878878838 +635 877 3 878878901 +635 886 4 878878901 +635 1025 2 878878901 +636 1 3 891448229 +636 9 3 891448185 +636 15 5 891449237 +636 25 5 891449237 +636 106 4 891449328 +636 121 5 891449212 +636 222 5 891449148 +636 235 4 891449371 +636 258 5 891448155 +636 272 5 891448155 +636 313 5 891448155 +636 596 5 891449212 +636 740 4 891449263 +636 760 5 891449263 +637 1 4 882902924 +637 15 4 882903447 +637 50 4 882901146 +637 93 3 882903511 +637 100 4 882902924 +637 111 3 882903645 +637 117 2 882904148 +637 118 1 882904961 +637 124 3 882902835 +637 127 2 882901356 +637 147 1 882903645 +637 148 3 882905070 +637 149 2 882901356 +637 150 1 882903447 +637 235 1 882904233 +637 255 3 882903645 +637 273 3 882903250 +637 274 5 882904065 +637 280 2 882904679 +637 285 3 882901356 +637 286 5 882900888 +637 289 2 882900047 +637 291 4 882905183 +637 293 3 882902835 +637 294 3 882900888 +637 300 3 882900888 +637 323 1 882899182 +637 325 1 882899928 +637 328 4 882900888 +637 332 4 882900888 +637 333 3 882900888 +637 338 4 882900888 +637 363 2 882904148 +637 405 1 882903250 +637 408 5 882901355 +637 410 2 882904148 +637 411 1 882904678 +637 471 2 882903822 +637 475 1 882903191 +637 508 2 882903301 +637 515 4 882902540 +637 535 2 882905573 +637 544 3 882903914 +637 546 1 882905182 +637 591 3 882904233 +637 595 3 882904537 +637 619 2 882903914 +637 690 5 882900888 +637 717 3 882905572 +637 741 1 882903644 +637 742 4 882904233 +637 744 4 882903044 +637 829 2 882905070 +637 831 1 882904961 +637 833 1 882905070 +637 873 1 882899608 +637 926 2 882904898 +637 934 1 882905285 +637 936 4 882902487 +637 985 2 882905284 +637 1011 1 882904961 +637 1051 2 882905388 +637 1060 2 882904148 +637 1102 3 882904537 +637 1226 2 882903191 +637 1233 5 882900888 +637 1258 1 882905070 +637 1284 1 882905070 +637 1344 4 882901356 +637 1374 1 882903447 +638 4 4 876695108 +638 22 5 876694787 +638 29 2 876694917 +638 50 4 876694704 +638 62 3 876695307 +638 89 4 876694704 +638 98 3 876695560 +638 100 3 876695560 +638 118 3 876695385 +638 121 4 876694995 +638 127 2 876694861 +638 144 5 876694861 +638 153 3 876695819 +638 161 4 876695307 +638 172 4 876694787 +638 175 4 876695774 +638 176 3 876694861 +638 181 5 876694787 +638 183 4 876694704 +638 185 5 876695601 +638 186 5 876695859 +638 187 2 876694704 +638 188 3 876694995 +638 194 3 876695774 +638 202 3 876695819 +638 204 5 876695917 +638 210 4 876695478 +638 211 4 876695774 +638 226 5 876695217 +638 227 2 876695259 +638 228 3 876694917 +638 230 5 876695259 +638 234 4 876695627 +638 238 4 876695819 +638 241 3 876695217 +638 265 5 876695216 +638 403 3 876695059 +638 405 3 876695338 +638 410 4 876695774 +638 430 5 876695714 +638 431 4 876695108 +638 449 2 876694995 +638 455 3 876695059 +638 472 3 876695307 +638 504 2 876695560 +638 510 3 876694704 +638 511 3 876695478 +638 514 2 876695714 +638 515 4 876694704 +638 550 5 876695059 +638 554 3 876695059 +638 636 3 876695108 +638 679 3 876695259 +639 12 3 891239030 +639 14 5 891239813 +639 19 4 891239813 +639 28 4 891239239 +639 51 2 891239613 +639 57 3 891239862 +639 58 3 891239296 +639 59 3 891239658 +639 60 3 891239790 +639 61 3 891239790 +639 66 3 891240868 +639 70 3 891239862 +639 83 4 891239790 +639 86 4 891239406 +639 87 3 891239218 +639 88 3 891239638 +639 97 1 891240495 +639 98 4 891240643 +639 100 1 891240495 +639 111 2 891239613 +639 137 3 891239271 +639 153 3 891240752 +639 155 3 891239638 +639 165 3 891239658 +639 166 3 891239838 +639 168 1 891240678 +639 170 4 891239790 +639 178 5 891240543 +639 179 1 891239324 +639 191 3 891239109 +639 193 3 891239177 +639 197 3 891239492 +639 198 2 891239885 +639 199 3 891239155 +639 202 2 891239581 +639 210 3 891240136 +639 212 4 891239550 +639 215 1 891239271 +639 216 3 891239528 +639 237 1 891239296 +639 242 4 891238514 +639 269 3 891238599 +639 274 1 891240495 +639 275 4 891239492 +639 280 3 891240868 +639 283 4 891239913 +639 285 1 891239131 +639 300 3 891238790 +639 305 1 891238668 +639 306 4 891238550 +639 313 1 891238514 +639 323 1 891238876 +639 356 2 891239380 +639 357 3 891239156 +639 371 1 891240495 +639 387 3 891239380 +639 414 3 891240719 +639 423 2 891239030 +639 427 4 891239064 +639 462 5 891239838 +639 471 2 891239349 +639 487 5 891240566 +639 488 4 891240160 +639 509 3 891239271 +639 510 3 891239862 +639 512 2 891239759 +639 513 4 891239030 +639 514 4 891240566 +639 516 4 891240678 +639 517 2 891239492 +639 527 4 891239323 +639 553 3 891240868 +639 584 2 891239790 +639 615 5 891240160 +639 638 4 891239790 +639 648 3 891239491 +639 651 4 891239349 +639 659 3 891240111 +639 660 2 891239271 +639 664 2 891239324 +639 673 4 891239406 +639 692 3 891239550 +639 694 5 891239492 +639 707 5 891239492 +639 709 3 891239581 +639 714 2 891239886 +639 716 1 891240805 +639 724 3 891239581 +639 727 2 891239613 +639 750 2 891238514 +639 778 5 891239613 +639 796 1 891240805 +639 835 4 891240543 +639 863 4 891239702 +639 865 1 891239427 +639 949 3 891240868 +639 953 2 891239407 +639 958 4 891241052 +639 962 1 891243532 +639 971 4 891239913 +639 990 1 891238689 +639 1020 4 891240136 +639 1065 1 891239030 +639 1101 3 891239177 +639 1121 2 891239885 +639 1163 1 891239349 +639 1194 5 891239271 +639 1195 2 891239838 +640 2 4 874778568 +640 4 4 874778065 +640 11 4 874777440 +640 12 5 874777491 +640 14 4 886474436 +640 22 4 874778479 +640 33 3 874778696 +640 38 4 874778612 +640 53 4 874778274 +640 56 5 874777528 +640 64 5 874777701 +640 66 4 874778345 +640 68 4 874778479 +640 79 5 874778515 +640 81 5 874777735 +640 85 5 874778065 +640 92 4 874778515 +640 96 5 874778240 +640 126 4 886474802 +640 134 5 874777623 +640 150 4 886474493 +640 151 4 886474515 +640 161 4 874778479 +640 168 5 886354114 +640 173 5 886354270 +640 175 5 874777735 +640 180 5 874777528 +640 186 5 888026047 +640 195 4 874778515 +640 201 4 874778240 +640 202 5 874778366 +640 204 5 874777974 +640 209 5 874778154 +640 210 5 876067710 +640 226 5 874778569 +640 231 5 874778424 +640 233 4 874778479 +640 239 5 874778274 +640 249 4 886474493 +640 301 2 886353820 +640 302 5 888025971 +640 318 5 874777948 +640 336 3 886353894 +640 342 5 886353780 +640 347 3 886353742 +640 357 5 874778274 +640 369 3 886474977 +640 373 3 874778756 +640 382 4 874777528 +640 385 5 874778569 +640 474 4 874777623 +640 550 4 874778722 +640 566 4 874778569 +640 568 4 874778569 +640 578 3 874778612 +640 580 5 874778096 +640 591 4 875732368 +640 663 5 874778240 +640 684 4 874778568 +640 689 4 886353852 +640 720 3 874778612 +640 732 4 886354499 +640 750 5 886353742 +640 751 4 886353742 +640 770 4 874777658 +640 778 4 886354499 +640 790 4 874777260 +640 802 3 874778756 +640 919 5 886474436 +640 941 5 874778095 +640 952 4 886474538 +640 1010 3 886474753 +640 1016 3 886474538 +640 1054 1 886474010 +640 1073 5 874778299 +640 1228 4 889235993 +640 1244 3 886474849 +640 1258 3 886474866 +641 59 4 879370259 +641 83 4 879370119 +641 89 4 879370364 +641 124 4 879370299 +641 192 4 879370150 +641 198 5 879370028 +641 203 4 879370337 +641 242 5 879370299 +641 258 3 879369806 +641 268 4 879369827 +641 270 3 879369827 +641 285 5 879370028 +641 301 4 879369925 +641 303 3 879369827 +641 336 3 879369943 +641 427 4 879370119 +641 432 5 879370119 +641 434 4 879370259 +641 483 5 879370259 +641 484 5 879370299 +641 496 2 879370337 +641 497 5 879370259 +641 514 4 879370062 +641 528 4 879370150 +641 558 5 879370299 +641 865 5 879370149 +642 1 5 885603565 +642 4 3 885605768 +642 8 5 885603662 +642 15 5 885602314 +642 22 4 885602285 +642 29 5 886454812 +642 38 4 885843141 +642 40 4 885605866 +642 41 3 885605347 +642 44 3 885603870 +642 49 4 885605909 +642 50 5 885604280 +642 53 2 885604940 +642 56 4 885602656 +642 58 3 886131744 +642 63 3 885606090 +642 64 5 885602482 +642 65 4 886132172 +642 66 5 885603740 +642 68 3 885606765 +642 69 5 885602631 +642 70 2 886132189 +642 71 5 886131547 +642 72 4 885843087 +642 73 4 885605735 +642 80 5 885606557 +642 82 5 885602285 +642 83 5 885603636 +642 88 5 886131546 +642 89 2 886455538 +642 90 4 885606024 +642 91 4 885603897 +642 95 5 886131547 +642 96 5 885842289 +642 97 4 885602418 +642 99 2 885602446 +642 105 5 885606482 +642 110 2 885606048 +642 118 3 885603566 +642 120 3 886206256 +642 121 5 885842289 +642 125 4 885603586 +642 131 3 885603566 +642 132 3 885603636 +642 133 5 886206274 +642 135 3 886131953 +642 138 4 886570173 +642 139 1 886569417 +642 142 4 886569380 +642 143 5 885603018 +642 147 4 885606986 +642 148 5 885604163 +642 151 3 886568791 +642 153 3 885602572 +642 155 3 886568726 +642 165 4 885604480 +642 168 5 885842943 +642 172 5 885604299 +642 174 5 885842594 +642 181 5 885603699 +642 191 4 886131970 +642 195 3 885602718 +642 204 4 885602593 +642 208 5 886131547 +642 210 5 885842610 +642 216 3 885603083 +642 218 3 886130929 +642 220 4 887663380 +642 225 4 886569942 +642 231 3 886454812 +642 233 4 885606964 +642 234 1 885603662 +642 235 2 885606047 +642 240 3 885606137 +642 245 4 891317923 +642 249 5 885604805 +642 250 5 886131457 +642 252 5 885842962 +642 254 4 886454812 +642 257 5 886131546 +642 258 3 885601865 +642 259 5 885605095 +642 292 2 887663326 +642 294 5 885601998 +642 313 5 886454784 +642 357 2 885603565 +642 364 5 885843025 +642 365 4 886569922 +642 366 4 886131707 +642 367 5 885605866 +642 368 4 885606271 +642 369 2 885606090 +642 375 1 886131744 +642 376 3 885606194 +642 377 3 886569809 +642 378 3 885603517 +642 383 5 886570062 +642 384 5 886131546 +642 385 5 885602571 +642 391 4 885607143 +642 392 4 886132237 +642 393 5 885605834 +642 395 5 885604187 +642 400 4 886569278 +642 402 4 885603792 +642 403 4 886454812 +642 404 3 886569122 +642 409 5 885605909 +642 410 1 885605988 +642 412 2 885606271 +642 417 3 886568791 +642 418 5 885606581 +642 419 4 885603537 +642 420 4 885606581 +642 432 2 885602369 +642 443 2 885603870 +642 444 1 886569417 +642 447 4 886569328 +642 451 5 885605794 +642 452 1 886569699 +642 462 4 886455357 +642 463 3 885602232 +642 465 4 885603932 +642 468 3 886568479 +642 470 4 886206991 +642 477 5 886131563 +642 485 5 885602612 +642 501 2 885603740 +642 527 4 886207132 +642 541 5 885607028 +642 542 5 885606609 +642 552 4 886569347 +642 553 5 886132153 +642 554 4 885842962 +642 559 5 885604874 +642 565 4 886569870 +642 568 4 885606735 +642 569 2 886569538 +642 570 1 886131332 +642 575 3 886454901 +642 577 4 886569870 +642 579 4 885606537 +642 581 2 886569209 +642 584 4 885842877 +642 585 5 885606178 +642 596 5 885604113 +642 597 4 885607065 +642 609 3 885604859 +642 623 4 886570010 +642 624 3 885606608 +642 625 3 885603932 +642 627 3 885606581 +642 660 3 886132089 +642 686 5 886131546 +642 699 5 886568959 +642 720 5 885606787 +642 722 3 885606113 +642 723 4 886132088 +642 725 4 885606067 +642 726 2 886570131 +642 728 4 886131674 +642 729 3 885603566 +642 731 5 885605909 +642 734 3 886569960 +642 746 3 885602483 +642 748 5 885601998 +642 755 3 885603495 +642 756 5 885604859 +642 759 3 885843824 +642 765 3 885606234 +642 768 4 885606609 +642 769 5 885842903 +642 779 3 885843177 +642 790 4 885605932 +642 794 4 886568429 +642 796 4 885605909 +642 812 4 886455357 +642 815 4 892241051 +642 826 5 888963032 +642 827 1 886131332 +642 845 5 891318088 +642 862 4 892241015 +642 864 3 885605987 +642 871 3 885605835 +642 921 5 885603849 +642 926 5 885605454 +642 928 5 886131546 +642 934 2 885606137 +642 940 2 886569847 +642 946 2 885606581 +642 951 3 886568618 +642 955 3 888123262 +642 959 5 885605794 +642 966 5 886569140 +642 969 2 885603662 +642 974 3 886569765 +642 975 2 886130929 +642 996 2 885605932 +642 998 3 886569765 +642 1011 3 885842351 +642 1014 5 886131547 +642 1023 3 885842351 +642 1028 4 885605735 +642 1029 3 885606271 +642 1032 4 886569012 +642 1033 3 886569278 +642 1036 4 885606234 +642 1037 2 885605866 +642 1039 5 885602630 +642 1049 3 885606271 +642 1054 3 885606482 +642 1055 4 886569483 +642 1058 3 886132139 +642 1063 3 885603740 +642 1076 2 885606648 +642 1079 5 885605987 +642 1091 4 885606608 +642 1095 2 885606271 +642 1126 1 885603495 +642 1133 3 886569295 +642 1140 4 886569732 +642 1152 5 886569828 +642 1178 3 885606067 +642 1181 2 885607143 +642 1182 2 885606178 +642 1185 4 885606024 +642 1219 4 885603932 +642 1285 4 886132043 +642 1287 2 885606463 +642 1311 3 886569715 +642 1336 2 885606520 +642 1413 3 886569809 +642 1415 4 886569783 +642 1425 2 885606024 +642 1469 4 886568725 +642 1473 4 886568874 +642 1480 1 886569922 +642 1503 2 885602446 +642 1509 2 885606270 +642 1531 3 886569226 +643 1 5 891445287 +643 2 3 891448218 +643 4 4 891448136 +643 5 3 891449741 +643 7 4 891445354 +643 11 4 891446720 +643 12 5 891446720 +643 23 5 891447835 +643 24 4 891449614 +643 32 4 891447459 +643 39 4 891447747 +643 47 4 891446791 +643 49 3 891449848 +643 50 4 891445140 +643 53 4 891449719 +643 55 4 891448218 +643 56 5 891446791 +643 58 4 891448062 +643 66 3 891448786 +643 67 4 891449476 +643 69 3 891447430 +643 70 3 892502414 +643 77 3 891449557 +643 79 4 891446826 +643 82 3 891448095 +643 87 5 891447663 +643 89 3 891448630 +643 92 4 891447835 +643 94 4 891450240 +643 96 5 891447747 +643 99 4 891447485 +643 100 5 891445140 +643 111 4 891446301 +643 117 3 891445823 +643 118 2 891445741 +643 143 4 891447868 +643 147 3 891445526 +643 150 5 891445823 +643 152 4 891446956 +643 154 4 891447286 +643 155 2 891449345 +643 161 3 891449381 +643 162 3 891448436 +643 163 4 891448839 +643 168 5 891447157 +643 172 5 891447093 +643 173 4 891447663 +643 174 4 891446652 +643 176 5 891447157 +643 177 4 891448002 +643 181 3 891445476 +643 183 5 891447790 +643 187 4 891447127 +643 189 4 891447093 +643 194 4 891446652 +643 195 5 891447063 +643 200 3 891448265 +643 202 3 891447835 +643 203 4 891446956 +643 205 5 891447222 +643 208 5 891448136 +643 209 5 891446652 +643 210 4 891448318 +643 211 4 891447617 +643 215 3 891447037 +643 216 4 891448136 +643 218 3 891449680 +643 223 4 891447696 +643 226 2 891449476 +643 228 4 891447260 +643 229 3 891449640 +643 233 4 891449249 +643 234 4 891447260 +643 235 4 891445698 +643 249 3 891446323 +643 255 4 892502414 +643 262 3 892502480 +643 268 4 891450748 +643 282 3 891445230 +643 288 4 891445255 +643 357 5 891446889 +643 367 4 891447518 +643 393 4 891450273 +643 399 3 891450376 +643 404 4 891447959 +643 408 4 891445176 +643 410 4 891445597 +643 418 4 891447518 +643 419 4 891448002 +643 420 4 891449803 +643 423 4 891447370 +643 428 4 891447196 +643 430 5 891447403 +643 436 4 891449870 +643 443 4 891446919 +643 451 2 891449301 +643 468 4 891449900 +643 470 4 891448352 +643 482 4 891447063 +643 483 4 891446889 +643 484 5 891448756 +643 492 4 891448586 +643 501 4 891448062 +643 504 4 891447370 +643 508 4 891445287 +643 514 3 891446688 +643 515 4 891445140 +643 519 4 891447663 +643 521 4 891448586 +643 527 3 891448502 +643 546 3 891445660 +643 550 3 891450273 +643 568 4 891447663 +643 571 3 891450316 +643 572 3 891450341 +643 597 2 891446301 +643 603 5 891447459 +643 630 3 891448352 +643 655 4 891448176 +643 656 4 891447196 +643 663 4 891447747 +643 671 4 891446652 +643 712 3 891449249 +643 715 5 891450210 +643 716 3 891449507 +643 721 2 892502531 +643 732 3 891447868 +643 739 3 891449476 +643 780 4 891449442 +643 790 4 891449249 +643 794 3 891450376 +643 820 3 891446381 +643 824 3 891449681 +643 928 4 891445660 +643 956 4 891448586 +643 959 3 891449741 +643 969 4 891446826 +643 1012 4 891445550 +643 1028 3 891446404 +643 1074 2 891448630 +643 1098 4 891447696 +643 1101 3 891448002 +643 1139 3 891449680 +643 1149 3 891447835 +643 1215 3 891446489 +643 1221 3 891450316 +644 50 4 889077247 +644 100 4 889076775 +644 121 5 889077344 +644 125 4 889076851 +644 127 4 889076775 +644 237 4 889076775 +644 243 4 889076364 +644 255 4 889077513 +644 257 5 889077278 +644 258 4 889075928 +644 261 4 889076502 +644 276 4 889077344 +644 289 1 889076364 +644 291 4 889076949 +644 293 4 889076851 +644 294 4 889076095 +644 300 5 889075967 +644 307 4 889076031 +644 308 4 889076095 +644 322 5 889076364 +644 323 4 889076433 +644 326 5 889076148 +644 328 4 889076222 +644 333 3 889075967 +644 546 4 889076875 +644 597 4 889077513 +644 748 4 889076222 +644 823 4 889076997 +644 873 4 889076310 +644 1025 4 889076433 +644 1610 3 889077115 +644 1620 4 889077247 +645 4 4 892055347 +645 11 4 892054278 +645 23 5 892054364 +645 28 4 892053310 +645 30 4 892054824 +645 39 3 892054324 +645 46 5 892054508 +645 48 4 892053748 +645 50 4 892054824 +645 55 3 892053748 +645 56 3 892053241 +645 59 5 892053429 +645 69 4 892053644 +645 70 4 892055325 +645 72 3 892053686 +645 73 3 892055445 +645 81 4 892055039 +645 87 4 892055444 +645 91 3 892054990 +645 92 3 892054444 +645 134 5 892054364 +645 135 5 892054707 +645 168 4 892054797 +645 175 5 892054537 +645 177 4 892053274 +645 179 5 892054600 +645 181 4 892053483 +645 182 5 892053686 +645 183 4 892053340 +645 184 3 892055213 +645 185 5 892054537 +645 188 4 892054906 +645 194 4 892053644 +645 195 4 892054537 +645 197 5 892055244 +645 198 3 892053644 +645 200 5 892054906 +645 202 3 892053518 +645 203 4 892053456 +645 209 5 892053483 +645 211 4 892054364 +645 216 4 892054732 +645 228 3 892053748 +645 286 4 892051844 +645 288 3 892051741 +645 301 2 892052070 +645 357 5 892053274 +645 403 3 892055603 +645 427 5 892053483 +645 428 4 892054684 +645 430 5 892054797 +645 433 4 892054906 +645 434 4 892055389 +645 447 3 892053541 +645 474 5 892053398 +645 483 5 892053456 +645 488 4 892053241 +645 506 5 892055072 +645 512 5 892055072 +645 518 5 892055285 +645 521 4 892054990 +645 523 5 892053686 +645 627 2 892055244 +645 640 4 892055285 +645 650 5 892055285 +645 653 5 892054990 +645 654 5 892053686 +645 658 4 892054632 +645 660 3 892055628 +645 673 3 892054600 +645 674 3 892054402 +645 675 4 892053747 +645 746 4 892054683 +645 748 1 892052039 +645 955 4 892054989 +645 956 4 892053310 +645 959 4 892053541 +645 963 4 892053241 +645 1018 3 892053518 +645 1159 4 892054632 +646 258 3 888528417 +646 259 3 888528978 +646 272 4 888528483 +646 286 3 888528927 +646 288 3 888529127 +646 294 2 888528870 +646 300 3 888528418 +646 304 3 888529014 +646 307 3 888528902 +646 310 3 888528483 +646 313 5 888528457 +646 315 4 888528483 +646 319 3 888529054 +646 323 3 888529153 +646 328 3 888528457 +646 346 2 888528392 +646 347 2 888528392 +646 352 1 888529153 +646 354 3 888528902 +646 682 3 888529153 +646 683 3 888529014 +646 690 3 888528417 +646 748 3 888529054 +646 750 3 888528902 +646 877 3 888529014 +646 880 3 888529127 +646 892 2 888529180 +646 895 3 888528978 +646 1176 4 888528955 +646 1237 3 888529127 +646 1313 3 888529180 +647 22 5 876534131 +647 72 4 876534083 +647 77 4 876533851 +647 82 4 876533912 +647 117 3 876776321 +647 134 4 876534275 +647 136 5 876534131 +647 147 4 876532975 +647 174 4 876530784 +647 177 5 876534131 +647 196 4 876537620 +647 197 5 876534131 +647 202 4 876534275 +647 213 3 876534151 +647 222 4 876534274 +647 250 3 876532975 +647 255 4 876534131 +647 257 2 876776321 +647 291 3 876534275 +647 294 3 876532501 +647 298 3 876533005 +647 300 4 876534131 +647 326 3 876532517 +647 328 3 876531582 +647 402 4 876534009 +647 403 4 876533657 +647 427 4 876534275 +647 490 4 876532145 +647 554 4 876533810 +647 588 4 876531955 +647 604 4 876537591 +647 631 4 876532425 +647 705 4 876530628 +647 742 4 876534275 +647 748 4 876532501 +647 993 4 876534131 +647 1016 4 876534131 +647 1063 3 876776320 +648 1 5 882211109 +648 4 1 884881646 +648 5 4 884883476 +648 9 1 884795447 +648 15 1 884795447 +648 17 2 884882078 +648 22 4 884628482 +648 24 3 882211532 +648 28 5 884628437 +648 33 1 884881722 +648 39 3 884882742 +648 40 4 884882234 +648 49 2 884881679 +648 50 5 882211016 +648 56 1 884881592 +648 66 5 882213535 +648 67 4 884882192 +648 68 1 884882916 +648 69 1 884628564 +648 70 2 884881592 +648 71 3 884368165 +648 79 5 884796689 +648 82 5 884882742 +648 88 4 884881679 +648 94 5 884882234 +648 95 3 884368371 +648 96 5 884368538 +648 98 4 884368313 +648 103 1 884367274 +648 105 3 882212560 +648 107 4 882212200 +648 109 5 882211419 +648 110 3 884882407 +648 111 5 882211886 +648 117 2 882211301 +648 118 4 882212200 +648 122 1 882212609 +648 123 4 884366184 +648 125 2 882211654 +648 127 3 884365970 +648 133 4 882212651 +648 143 4 884368002 +648 144 4 884368273 +648 145 4 884883616 +648 151 2 882212288 +648 152 5 884368485 +648 154 5 884881621 +648 164 4 884883424 +648 168 5 884797068 +648 169 5 882212651 +648 172 5 884367538 +648 173 5 882213502 +648 174 5 884882664 +648 175 3 882213597 +648 176 4 884367538 +648 177 5 884882702 +648 178 4 884368273 +648 179 4 884368442 +648 181 5 882211066 +648 184 5 884368643 +648 186 5 882213597 +648 187 3 884882664 +648 188 5 884882664 +648 191 5 884368002 +648 193 4 884628607 +648 194 5 882213535 +648 195 5 884368313 +648 199 4 884368313 +648 202 5 884881524 +648 203 1 884796571 +648 211 4 884368643 +648 215 2 884796689 +648 216 4 882213596 +648 217 2 884883616 +648 218 3 884883424 +648 220 3 882212039 +648 222 5 882211258 +648 225 1 882212527 +648 226 4 884882916 +648 228 5 884882702 +648 230 5 884796822 +648 231 2 884882987 +648 235 4 882212071 +648 238 3 882213535 +648 240 2 882211857 +648 249 3 882211348 +648 252 4 882212374 +648 254 3 884367248 +648 265 4 884796886 +648 281 3 884365970 +648 286 1 882210926 +648 288 4 882211654 +648 290 3 882211707 +648 294 3 884366184 +648 298 2 884884466 +648 304 5 884363798 +648 318 3 884368371 +648 323 5 882212526 +648 364 5 884882528 +648 367 3 884881837 +648 368 2 884366748 +648 373 3 884883149 +648 377 3 884881837 +648 384 4 884882235 +648 385 5 884368130 +648 386 4 884882192 +648 391 3 884883031 +648 393 4 884881679 +648 399 4 884882104 +648 403 4 884882802 +648 405 4 882211924 +648 406 3 882212373 +648 407 4 884367248 +648 410 2 884882375 +648 411 2 882212288 +648 413 2 882212609 +648 414 1 884797033 +648 428 2 884881754 +648 429 4 884368130 +648 430 5 884881563 +648 432 5 884368538 +648 434 5 884628437 +648 435 5 882212651 +648 441 3 884883724 +648 443 2 884883424 +648 444 3 884883679 +648 447 5 884883578 +648 448 3 884883476 +648 455 3 882211685 +648 456 2 884367180 +648 458 2 882211418 +648 471 4 882211685 +648 473 3 882211965 +648 474 4 884368002 +648 475 1 884364250 +648 479 4 884368538 +648 483 5 882212708 +648 496 4 884796822 +648 497 4 884796769 +648 498 3 884368130 +648 500 5 884368002 +648 502 5 884881679 +648 505 4 884796652 +648 507 1 884796598 +648 510 5 884796728 +648 514 2 884796822 +648 519 4 884628482 +648 520 4 884367538 +648 523 3 884628644 +648 526 3 884368232 +648 527 4 884368643 +648 546 4 882211736 +648 550 4 884882802 +648 554 4 884883323 +648 559 2 884883578 +648 564 1 884883724 +648 568 5 882212651 +648 575 3 884882553 +648 576 4 884882916 +648 578 4 884882987 +648 585 3 884882234 +648 586 3 884883149 +648 596 3 882211419 +648 603 5 882212651 +648 615 4 884796652 +648 629 4 882213596 +648 633 3 884796858 +648 636 4 884882916 +648 662 3 884368485 +648 663 1 882213502 +648 671 3 884883476 +648 674 3 884883476 +648 675 2 884883424 +648 676 2 882211384 +648 678 3 884366792 +648 679 3 884882802 +648 684 4 884882702 +648 685 5 882211924 +648 687 1 882212527 +648 692 4 882213535 +648 717 4 884366425 +648 722 3 884882104 +648 728 2 884882078 +648 740 4 882211301 +648 742 5 882211175 +648 743 1 884367366 +648 748 3 882211886 +648 756 2 884366939 +648 763 2 882212200 +648 797 3 884883031 +648 809 3 884883323 +648 816 1 884883724 +648 820 2 882212131 +648 825 4 882212039 +648 827 3 882211924 +648 840 1 884367180 +648 862 1 884882441 +648 864 3 882211418 +648 878 3 884367366 +648 904 2 884794555 +648 924 1 884795447 +648 928 4 882212071 +648 929 4 882211066 +648 930 3 882212131 +648 931 2 882212609 +648 997 1 884882636 +648 1003 4 884882375 +648 1047 2 882212288 +648 1050 4 884797033 +648 1060 2 882212373 +648 1072 2 884882527 +648 1092 1 884882502 +648 1110 3 884881621 +648 1176 1 884628278 +648 1244 3 882212373 +648 1337 3 884367366 +648 1376 2 884367180 +648 1626 1 884795447 +649 1 5 891440235 +649 15 4 891440373 +649 127 5 891440356 +649 147 4 891440214 +649 252 4 891440624 +649 257 5 891440496 +649 275 2 891440412 +649 291 5 891440330 +649 323 3 891440624 +649 678 3 891440562 +649 815 3 891440274 +649 1016 4 891440511 +649 1244 3 891440676 +649 1283 2 891440528 +650 1 3 891369759 +650 2 3 891381709 +650 4 3 891386695 +650 7 4 891369656 +650 23 3 891369890 +650 25 3 891385826 +650 27 3 891381745 +650 50 5 891372232 +650 55 4 891369889 +650 62 3 891381784 +650 63 2 891388294 +650 66 3 891384285 +650 68 3 891381784 +650 69 2 891382877 +650 71 3 891386755 +650 72 2 891386755 +650 73 3 891387542 +650 77 3 891370093 +650 79 3 891369924 +650 82 3 891381585 +650 89 4 891381585 +650 91 4 891371061 +650 95 3 891371186 +650 96 4 891369479 +650 97 3 891383110 +650 98 4 891369798 +650 99 4 891372365 +650 127 2 891369520 +650 131 3 891372258 +650 132 4 891372365 +650 134 5 891369520 +650 140 2 891389132 +650 141 4 891386210 +650 143 5 891369656 +650 144 3 891381585 +650 145 3 891387953 +650 151 3 891387418 +650 153 4 891382138 +650 154 3 891381993 +650 155 2 891384249 +650 158 2 891388149 +650 159 3 891370093 +650 161 3 891381709 +650 162 3 891382928 +650 163 3 891386878 +650 164 4 891369798 +650 172 4 891369442 +650 173 5 891369520 +650 174 4 891369479 +650 175 4 891372233 +650 176 4 891369798 +650 179 2 891383786 +650 180 3 891383164 +650 181 4 891371116 +650 182 3 891385775 +650 183 4 891369924 +650 187 2 891381585 +650 188 3 891381610 +650 191 4 891381546 +650 194 4 891369588 +650 195 4 891369442 +650 196 4 891370998 +650 197 4 891372233 +650 198 4 891381546 +650 199 4 891369520 +650 200 4 891386047 +650 202 3 891372258 +650 203 3 891369924 +650 204 4 891369707 +650 206 4 891371186 +650 208 5 891371090 +650 210 3 891381585 +650 211 4 891370971 +650 212 3 891383713 +650 216 4 891381546 +650 217 3 891389162 +650 219 3 891386671 +650 222 4 891369924 +650 223 3 891369656 +650 226 3 891370031 +650 227 2 891369836 +650 228 4 891369954 +650 229 2 891370031 +650 231 2 891381709 +650 232 3 891381634 +650 233 2 891370243 +650 234 4 891369890 +650 238 4 891382032 +650 243 2 891369215 +650 257 3 891384844 +650 258 3 891368960 +650 265 4 891370031 +650 269 4 891368885 +650 270 4 891368959 +650 271 3 891369143 +650 281 2 891382877 +650 286 3 891369022 +650 288 3 891369889 +650 290 2 891387979 +650 309 3 891369071 +650 313 4 891381546 +650 315 3 891368885 +650 323 3 891369285 +650 355 2 891369190 +650 357 4 891372286 +650 363 2 891382876 +650 367 2 891387490 +650 371 2 891387725 +650 373 1 891382877 +650 378 3 891383879 +650 385 4 891381585 +650 399 3 891381784 +650 403 3 891381709 +650 404 3 891369443 +650 416 3 891387312 +650 429 4 891383523 +650 430 4 891382138 +650 434 4 891382218 +650 435 4 891372286 +650 443 5 891369982 +650 444 2 891388341 +650 445 4 891388210 +650 449 3 891370031 +650 450 1 891382877 +650 451 2 891384202 +650 452 2 891370155 +650 474 4 891385315 +650 476 2 891388080 +650 479 5 891372339 +650 480 5 891371090 +650 484 5 891372365 +650 485 3 891385422 +650 489 3 891387277 +650 491 3 891385775 +650 495 3 891372316 +650 496 4 891369707 +650 498 4 891369587 +650 499 3 891372316 +650 501 3 891385980 +650 502 3 891387353 +650 504 3 891369889 +650 507 4 891371153 +650 509 3 891372233 +650 510 3 891371090 +650 511 5 891369520 +650 514 3 891371020 +650 515 4 891369678 +650 517 3 891382033 +650 519 4 891381545 +650 520 4 891369759 +650 521 3 891387616 +650 523 3 891382066 +650 525 3 891369954 +650 526 4 891369554 +650 527 3 891383229 +650 530 4 891372233 +650 546 1 891382877 +650 552 4 891370031 +650 554 2 891382877 +650 559 3 891387520 +650 563 3 891388170 +650 565 3 891388266 +650 571 3 891387915 +650 576 1 891382877 +650 579 3 891370182 +650 581 2 891370155 +650 585 1 891387979 +650 597 3 891381818 +650 601 3 891386964 +650 602 4 891371116 +650 604 3 891385178 +650 608 4 891369520 +650 612 4 891369656 +650 614 3 891385876 +650 625 3 891387616 +650 627 2 891387520 +650 628 3 891369982 +650 629 3 891387398 +650 630 5 891371061 +650 631 3 891383424 +650 635 3 891370155 +650 636 3 891370066 +650 637 3 891387353 +650 639 3 891371116 +650 642 3 891370065 +650 644 3 891371061 +650 648 3 891384201 +650 650 2 891372203 +650 654 3 891369890 +650 657 4 891372339 +650 659 3 891369798 +650 663 4 891370971 +650 665 2 891381819 +650 670 3 891387915 +650 671 3 891386878 +650 673 3 891369924 +650 674 4 891386778 +650 679 3 891381709 +650 692 3 891384226 +650 705 4 891371153 +650 708 3 891383356 +650 715 3 891383206 +650 735 3 891369588 +650 737 2 891383832 +650 739 2 891384328 +650 742 3 891369889 +650 747 3 891384202 +650 751 2 891369001 +650 755 3 891386187 +650 780 2 891389237 +650 823 3 891381661 +650 843 2 891388266 +650 849 2 891381745 +650 898 3 891368914 +650 968 4 891372258 +650 969 3 891371186 +650 1031 3 891369480 +650 1039 3 891383229 +650 1050 3 891369620 +650 1060 3 891387833 +650 1065 4 891383547 +650 1110 4 891388467 +650 1118 3 891385746 +650 1119 3 891383303 +650 1126 4 891369620 +650 1149 4 891383856 +650 1247 1 891384110 +650 1419 3 891381884 +650 1474 3 891385288 +651 127 4 879348965 +651 242 5 880126430 +651 268 2 880126473 +651 269 5 880126096 +651 276 4 879348966 +651 286 4 879348880 +651 292 2 879348881 +651 301 3 880126632 +651 302 5 879348880 +651 306 5 880126473 +651 309 1 880126632 +651 322 3 880126632 +651 327 4 880126473 +651 332 3 879348880 +651 515 5 879348966 +651 690 3 880126508 +651 995 1 880126547 +652 245 4 882567058 +652 259 2 882567058 +652 275 4 882567294 +652 282 4 882567294 +652 301 1 882566948 +652 323 3 882567100 +652 328 4 882567058 +652 395 3 882567383 +652 538 4 882567012 +652 699 5 882567383 +652 748 3 882566948 +652 879 3 882566924 +653 1 4 878855383 +653 2 1 880151839 +653 7 2 878866951 +653 11 2 878854145 +653 15 3 878854383 +653 22 5 878854284 +653 38 3 880152955 +653 42 2 880151818 +653 50 5 878854100 +653 54 3 880152523 +653 55 3 878854051 +653 63 2 880153077 +653 64 4 878867272 +653 69 4 878854284 +653 76 3 880150702 +653 77 3 880152843 +653 79 4 878854051 +653 82 4 880150393 +653 83 5 878853936 +653 87 4 878854332 +653 88 3 880152399 +653 96 4 878854145 +653 97 3 878854383 +653 98 2 878854633 +653 100 4 878854666 +653 101 3 880151817 +653 105 3 890181185 +653 111 2 878854996 +653 118 3 878854810 +653 121 4 878854769 +653 125 2 878866973 +653 127 5 878853780 +653 128 3 880606620 +653 132 3 880149897 +653 135 5 878866755 +653 136 1 880149965 +653 139 2 880153123 +653 142 2 880153378 +653 144 3 878867346 +653 145 2 880153705 +653 151 3 878866475 +653 152 2 878866951 +653 153 2 878867228 +653 157 5 878855483 +653 160 3 878854441 +653 164 3 878854633 +653 172 3 878854051 +653 175 2 878854332 +653 177 3 880150702 +653 180 5 878854593 +653 181 4 878854145 +653 182 3 878854051 +653 183 3 878854100 +653 187 4 878853780 +653 188 5 878854145 +653 191 5 880150019 +653 193 4 878866951 +653 194 3 880150260 +653 195 5 878854100 +653 196 2 880151539 +653 197 3 878854332 +653 198 4 880151426 +653 199 4 880150239 +653 202 3 880151794 +653 204 4 878867093 +653 210 4 880150103 +653 211 1 880149947 +653 214 3 880151311 +653 215 2 880606619 +653 216 3 878866900 +653 222 3 884405596 +653 223 3 878866636 +653 226 3 878867346 +653 228 4 878854190 +653 230 3 890181186 +653 232 2 880152426 +653 233 3 880151599 +653 234 3 878854633 +653 237 2 878855365 +653 238 1 878866604 +653 239 5 878854475 +653 257 3 890181185 +653 265 4 878866995 +653 272 4 893275949 +653 282 3 884405616 +653 300 4 889151716 +653 310 4 884405406 +653 313 4 890180685 +653 318 4 878854383 +653 333 5 878853678 +653 356 1 880151734 +653 367 3 878867228 +653 371 1 880152058 +653 378 3 890181185 +653 380 3 880151984 +653 381 2 880606620 +653 385 4 878854190 +653 388 2 880153705 +653 393 2 880152426 +653 395 1 880153674 +653 402 1 880151488 +653 405 3 878854810 +653 407 1 878867398 +653 409 2 880153406 +653 410 1 878855024 +653 411 2 878854906 +653 416 1 880152426 +653 423 2 880152039 +653 431 4 878854666 +653 436 1 880151673 +653 441 3 890181186 +653 444 1 880153329 +653 447 2 880606620 +653 448 4 878867249 +653 449 3 880153740 +653 451 2 880152351 +653 455 3 878854051 +653 458 2 878866475 +653 471 2 884405560 +653 472 1 880606675 +653 474 4 880150019 +653 476 2 878855211 +653 480 4 880150239 +653 482 2 880150218 +653 492 4 880149999 +653 502 2 878866995 +653 506 2 880606619 +653 509 4 878854441 +653 511 4 878854100 +653 517 1 880150330 +653 520 3 880151488 +653 521 4 878854441 +653 523 4 878854284 +653 527 2 878855510 +653 546 2 880153253 +653 550 3 890181186 +653 563 1 880153406 +653 566 5 878854190 +653 571 1 880153406 +653 572 2 880153522 +653 573 1 880152843 +653 575 1 880153406 +653 576 1 880152955 +653 578 1 880153009 +653 585 2 880153522 +653 597 4 878854810 +653 619 3 880152085 +653 620 3 880153740 +653 622 3 880152377 +653 628 4 878866413 +653 654 2 880606620 +653 670 1 880152902 +653 674 3 880151983 +653 685 3 878854769 +653 686 2 878854247 +653 692 2 880151884 +653 693 1 880151651 +653 696 1 880152989 +653 708 2 880152598 +653 722 1 880152800 +653 732 2 878866724 +653 737 1 880151839 +653 739 3 880152902 +653 742 3 886052040 +653 746 5 878853936 +653 748 5 878853734 +653 755 2 880153077 +653 756 1 878854996 +653 763 1 878854906 +653 765 1 880153207 +653 771 2 880606620 +653 790 2 880152523 +653 819 3 880149751 +653 823 2 880153568 +653 840 4 878854737 +653 862 2 880153378 +653 930 4 880148885 +653 941 1 880153040 +653 967 2 880153123 +653 1012 4 878854852 +653 1014 2 884405682 +653 1023 3 878855109 +653 1028 2 880152902 +653 1035 2 880153099 +653 1042 2 880151488 +653 1044 1 880153304 +653 1046 1 880151580 +653 1065 1 880152085 +653 1087 2 880153207 +653 1101 2 878866755 +653 1132 1 880153429 +653 1133 2 880153674 +653 1136 2 880152759 +653 1140 1 880153841 +653 1188 1 880153568 +653 1206 3 880152377 +653 1210 2 880153705 +653 1228 2 880153378 +653 1231 2 880153349 +653 1244 3 878854769 +653 1620 2 886052291 +654 1 4 887863557 +654 4 4 887864830 +654 12 5 887864389 +654 13 1 887863780 +654 14 2 887863557 +654 15 3 887863557 +654 22 5 887864292 +654 24 4 887863651 +654 25 1 887863381 +654 28 5 887864610 +654 50 5 887863323 +654 54 3 887864941 +654 56 4 887864414 +654 66 4 887864727 +654 69 4 887864641 +654 71 3 887864610 +654 79 5 887864256 +654 81 2 887864831 +654 82 5 887864797 +654 83 5 887864680 +654 97 3 887864727 +654 100 1 887863436 +654 109 3 887863635 +654 111 4 887863635 +654 116 4 887863436 +654 117 4 887864350 +654 124 4 887863412 +654 128 5 887865053 +654 144 5 887864907 +654 146 3 887864105 +654 168 4 887864369 +654 169 5 887864275 +654 172 4 887864532 +654 173 5 887864181 +654 174 5 887864727 +654 181 3 887863381 +654 189 4 887864230 +654 195 4 887864350 +654 204 4 887864610 +654 210 5 887864350 +654 216 4 887864432 +654 218 2 887864330 +654 222 5 887863534 +654 223 4 887864497 +654 237 4 887863339 +654 238 4 887864452 +654 246 1 887863471 +654 248 2 887863596 +654 250 1 887863557 +654 252 2 887864031 +654 255 2 887863513 +654 257 4 887863802 +654 258 4 887863436 +654 265 5 887864330 +654 268 1 887863017 +654 274 4 887863635 +654 275 5 887863394 +654 276 1 887863866 +654 278 3 887863757 +654 282 3 887863513 +654 283 5 887863471 +654 284 4 887863914 +654 288 3 887863064 +654 294 3 887863127 +654 300 5 887863017 +654 302 5 887862964 +654 313 5 887862952 +654 317 4 887864757 +654 318 5 887864230 +654 367 4 887864923 +654 370 2 887863914 +654 385 4 887864308 +654 405 4 887863866 +654 418 4 887864588 +654 423 4 887864432 +654 431 4 887864414 +654 455 3 887863826 +654 468 4 887864757 +654 473 2 887863933 +654 496 4 887864230 +654 508 1 887863355 +654 546 4 887863885 +654 558 3 887864471 +654 588 4 887864797 +654 591 5 887863412 +654 596 3 887863802 +654 660 5 887864532 +654 678 4 888687055 +654 720 4 887864923 +654 735 4 887864846 +654 736 5 887864757 +654 739 4 887864886 +654 746 3 887864204 +654 748 4 887863081 +654 751 3 887863034 +654 756 4 887864071 +654 785 4 887864976 +654 821 3 887864907 +654 825 3 887863826 +654 845 4 887863613 +654 926 4 887863981 +654 963 4 887864414 +654 969 5 887864204 +654 1009 3 887863885 +654 1014 3 887863981 +654 1016 4 887863841 +654 1020 4 887864566 +654 1035 4 887864697 +654 1115 3 887863779 +654 1285 4 887864998 +655 1 2 887650876 +655 4 2 887611649 +655 13 3 887426237 +655 14 3 891585450 +655 15 3 888685735 +655 19 2 887472719 +655 20 3 887611537 +655 21 2 888685787 +655 22 2 888474424 +655 24 3 887473831 +655 25 3 887611511 +655 26 3 887427338 +655 27 3 888984478 +655 30 5 888474646 +655 32 4 887426900 +655 36 2 888685955 +655 38 2 887429875 +655 42 3 887428184 +655 43 3 888474456 +655 44 2 887564639 +655 45 3 891585477 +655 48 4 887472744 +655 50 4 887425458 +655 51 2 887611677 +655 52 3 891585279 +655 53 2 887429812 +655 54 2 887430746 +655 57 3 887427743 +655 58 3 887427600 +655 59 4 887564613 +655 60 3 887564614 +655 61 3 887564614 +655 64 4 887426931 +655 65 2 887477511 +655 66 2 890887261 +655 69 3 887476943 +655 70 2 887474727 +655 76 3 888813372 +655 77 3 887430746 +655 81 3 887427371 +655 86 4 887650978 +655 87 3 887476943 +655 88 2 890887261 +655 89 4 887650683 +655 92 3 891585477 +655 93 3 888474986 +655 96 3 887651060 +655 97 3 887426931 +655 98 4 887472744 +655 100 3 888474138 +655 111 2 887523664 +655 113 3 891585477 +655 116 2 887476999 +655 117 2 887426030 +655 122 2 887523605 +655 124 3 887426087 +655 125 2 887426200 +655 126 2 887426732 +655 129 3 887426008 +655 132 3 887565138 +655 133 4 888474106 +655 134 4 887431976 +655 137 4 892333972 +655 143 4 887523176 +655 149 4 887425936 +655 150 3 888893279 +655 152 3 890887261 +655 153 2 887523641 +655 155 4 887473702 +655 157 3 887611445 +655 159 3 887477216 +655 161 2 887429758 +655 162 3 888474165 +655 164 2 887430072 +655 165 3 887650512 +655 166 3 891585530 +655 167 4 888474713 +655 172 4 887477167 +655 174 3 888474456 +655 175 3 887426931 +655 176 2 887429999 +655 179 4 888813272 +655 181 3 887425601 +655 183 4 887429999 +655 185 4 887430102 +655 187 5 888474357 +655 188 3 888474807 +655 190 3 887427338 +655 191 4 887472744 +655 192 3 887473753 +655 195 3 887473965 +655 196 3 888685556 +655 197 3 887426864 +655 198 4 887428871 +655 202 2 887651114 +655 205 3 887650538 +655 207 3 888893279 +655 208 3 888813272 +655 210 3 888474646 +655 213 4 888474934 +655 215 2 887472943 +655 216 4 887428086 +655 221 3 891585242 +655 222 2 887650944 +655 224 3 887425845 +655 226 3 887429732 +655 228 3 887429594 +655 234 3 888474713 +655 239 2 887428507 +655 248 2 888685759 +655 249 3 887474630 +655 252 2 888474490 +655 257 3 887474020 +655 258 2 887650944 +655 265 3 887477314 +655 271 3 887425103 +655 273 4 887426373 +655 274 3 888474872 +655 275 4 887425845 +655 279 3 888685989 +655 280 2 888474490 +655 281 2 887426732 +655 282 3 888685989 +655 283 3 887425936 +655 284 2 887426732 +655 285 4 887425936 +655 286 3 887424831 +655 288 3 887472814 +655 289 3 887425070 +655 291 3 887523177 +655 293 4 887650683 +655 294 3 887425103 +655 295 3 887425530 +655 296 4 888474934 +655 297 4 888474107 +655 298 4 887425564 +655 302 4 887424720 +655 303 4 888474107 +655 304 2 888475101 +655 305 4 887523909 +655 306 3 887424883 +655 307 3 892011201 +655 310 3 887473937 +655 311 3 887473702 +655 316 4 889978343 +655 318 4 887473702 +655 319 3 888685879 +655 320 5 888474456 +655 321 3 887425103 +655 324 3 890103072 +655 326 2 888474742 +655 327 3 888685734 +655 328 2 887425025 +655 330 2 887425295 +655 332 3 888984255 +655 333 2 887472879 +655 337 2 887433538 +655 344 4 888204230 +655 345 3 887473803 +655 346 4 888474713 +655 347 3 887424948 +655 354 2 891667570 +655 357 4 887426864 +655 359 3 887424883 +655 367 3 887428031 +655 371 3 887611537 +655 372 3 887428507 +655 378 1 887430410 +655 382 3 887427131 +655 385 3 887429669 +655 387 3 888984538 +655 393 2 887428334 +655 396 2 887428507 +655 402 2 887431019 +655 403 2 891585574 +655 405 2 887429900 +655 410 2 891585344 +655 417 2 888771346 +655 425 3 887477409 +655 427 4 891585242 +655 433 2 887428030 +655 435 2 887860616 +655 443 4 887430102 +655 447 4 888813372 +655 448 4 888474934 +655 449 3 887429732 +655 451 3 887428280 +655 454 3 888813372 +655 462 3 888474960 +655 466 3 887474630 +655 471 3 887611594 +655 474 3 888813306 +655 475 3 887693376 +655 476 2 887428671 +655 479 4 888474107 +655 481 2 888474390 +655 483 4 888685734 +655 498 3 887523453 +655 500 2 887651149 +655 502 4 887477168 +655 504 5 887650683 +655 505 3 891735725 +655 507 4 888813371 +655 508 3 887426030 +655 509 3 887427441 +655 512 3 887474050 +655 513 3 891585504 +655 515 4 887425458 +655 516 2 887523581 +655 517 4 891585450 +655 518 2 888813186 +655 521 3 887426900 +655 522 3 887426900 +655 523 3 887427268 +655 525 2 892333973 +655 527 3 887427568 +655 528 5 887473570 +655 529 4 887428965 +655 531 4 887473570 +655 533 2 887651114 +655 534 2 887693376 +655 535 2 888685914 +655 536 3 887650512 +655 537 3 887489086 +655 543 3 887474050 +655 547 4 887523176 +655 550 2 887611677 +655 553 2 887431019 +655 558 4 887427506 +655 559 2 887472965 +655 572 2 887651149 +655 574 2 887489222 +655 576 2 888893313 +655 582 2 887427131 +655 594 3 887430778 +655 603 4 887473605 +655 604 4 888984325 +655 605 3 887474241 +655 607 4 887523427 +655 610 4 887432283 +655 611 3 887475345 +655 612 3 888474456 +655 619 3 887430746 +655 628 3 890887261 +655 629 3 887428559 +655 631 4 887473570 +655 632 3 887523224 +655 639 3 887473803 +655 647 3 888813306 +655 649 3 888685989 +655 651 4 887564613 +655 654 3 887474077 +655 656 3 887430072 +655 662 2 888686011 +655 670 3 887430142 +655 672 2 891585573 +655 673 3 887523427 +655 674 3 887523427 +655 676 2 887426665 +655 684 3 887473965 +655 685 2 887426666 +655 686 2 887427866 +655 690 2 887477489 +655 692 3 887523453 +655 693 3 888984506 +655 694 3 887428772 +655 695 3 891585242 +655 698 4 887473727 +655 699 2 887650593 +655 700 3 887523200 +655 702 2 887477262 +655 707 3 887472671 +655 708 3 887427307 +655 712 3 887474050 +655 715 3 887476942 +655 716 2 888475101 +655 717 1 887430830 +655 722 1 887431047 +655 726 2 887475055 +655 727 2 888685914 +655 728 2 887431019 +655 731 3 888474872 +655 732 3 887428445 +655 733 3 888474138 +655 734 3 887523477 +655 736 3 888685734 +655 739 4 891585450 +655 740 3 888474713 +655 744 2 887427636 +655 746 3 891999461 +655 750 2 887472879 +655 753 3 887860615 +655 762 2 888984255 +655 764 1 887431074 +655 770 2 892011201 +655 772 3 887426972 +655 775 2 887523815 +655 778 2 890497653 +655 782 3 887650483 +655 792 3 891585380 +655 793 3 888813186 +655 794 1 887431019 +655 800 2 887430197 +655 803 3 888474358 +655 805 2 888474327 +655 806 3 887523224 +655 813 3 888474456 +655 815 2 887651149 +655 823 2 888685759 +655 825 2 887429669 +655 831 2 887564549 +655 844 4 887650979 +655 845 2 887426446 +655 847 2 891585279 +655 855 3 887428965 +655 865 4 887523909 +655 867 4 887427307 +655 872 3 888685879 +655 875 3 888685850 +655 880 2 887523271 +655 882 3 887473879 +655 887 3 887650979 +655 889 3 888474285 +655 895 3 887472767 +655 903 3 887425070 +655 904 5 887473639 +655 906 2 888813416 +655 909 3 890611503 +655 911 2 891817522 +655 913 4 891817521 +655 915 4 891817435 +655 916 2 892436455 +655 918 2 892436609 +655 919 2 888474490 +655 921 3 887474656 +655 923 3 888685734 +655 927 3 887564613 +655 935 3 887425498 +655 936 3 887425625 +655 944 3 891585504 +655 945 2 887476008 +655 950 3 887611566 +655 954 2 887428031 +655 955 3 887860615 +655 956 3 888984538 +655 958 3 887428993 +655 959 3 887427958 +655 960 3 887427210 +655 961 3 888685735 +655 962 5 887473674 +655 966 3 887477409 +655 972 3 887475213 +655 974 2 887477025 +655 975 3 887426446 +655 979 3 888893279 +655 1005 4 887474605 +655 1007 3 891585504 +655 1008 3 887426300 +655 1009 2 887523271 +655 1010 3 887477191 +655 1011 3 887651060 +655 1012 3 888474357 +655 1016 3 887425601 +655 1017 3 887611566 +655 1018 3 887472791 +655 1029 1 887475032 +655 1042 2 887523641 +655 1044 3 887564483 +655 1045 3 887427473 +655 1046 3 887430779 +655 1053 1 887489159 +655 1061 2 887428623 +655 1062 3 887650979 +655 1067 2 887650593 +655 1069 1 887473535 +655 1071 2 888984293 +655 1074 3 891999461 +655 1082 3 887425655 +655 1085 2 888813416 +655 1086 3 888474358 +655 1090 3 887430855 +655 1097 3 887426008 +655 1098 3 887473905 +655 1099 3 887428965 +655 1103 3 887428417 +655 1108 3 887427083 +655 1112 2 887475641 +655 1118 3 887473605 +655 1128 3 887472791 +655 1131 5 887428772 +655 1134 3 887611594 +655 1136 2 887427568 +655 1137 3 888474807 +655 1140 3 887474699 +655 1142 2 891585344 +655 1143 3 887425458 +655 1144 3 888475015 +655 1147 3 887472767 +655 1153 3 887477336 +655 1155 3 887474289 +655 1158 3 888984255 +655 1166 3 891585477 +655 1167 3 887428384 +655 1169 3 887427210 +655 1170 3 891585242 +655 1171 3 887426200 +655 1173 2 887431157 +655 1176 4 888474934 +655 1192 4 887650851 +655 1194 5 887474605 +655 1195 3 887693376 +655 1196 3 888984325 +655 1197 3 887474289 +655 1198 3 888984538 +655 1208 3 887430746 +655 1211 4 887427681 +655 1213 2 887489282 +655 1221 3 891585477 +655 1223 3 891585242 +655 1226 3 891585529 +655 1232 3 887472606 +655 1233 3 887650512 +655 1238 2 888474843 +655 1245 3 887426087 +655 1248 3 887473879 +655 1252 3 887425601 +655 1255 3 887425732 +655 1262 3 891585279 +655 1273 2 888984386 +655 1281 3 891585477 +655 1284 2 887477511 +655 1288 3 887523427 +655 1311 3 887474473 +655 1319 3 887426373 +655 1322 2 887523641 +655 1344 3 887474020 +655 1351 3 888984539 +655 1368 5 888474285 +655 1370 3 890887261 +655 1375 3 887426008 +655 1378 3 887523176 +655 1379 3 888685879 +655 1388 3 887477336 +655 1395 3 887768594 +655 1403 3 888813372 +655 1406 3 888984325 +655 1418 4 888474646 +655 1421 3 887523477 +655 1436 2 888474679 +655 1445 3 887427538 +655 1448 3 887523224 +655 1462 3 887429077 +655 1465 2 887472943 +655 1466 3 890497592 +655 1475 3 887477386 +655 1490 2 887489792 +655 1501 3 887523200 +655 1506 3 887428871 +655 1532 2 887476999 +655 1535 3 887429023 +655 1538 3 887425498 +655 1549 2 891585574 +655 1553 4 888474019 +655 1554 2 887611677 +655 1560 2 887429136 +655 1578 3 887650714 +655 1585 4 887523403 +655 1600 3 888474286 +655 1602 3 891817435 +655 1605 3 888685850 +655 1607 3 887768472 +655 1628 2 888729735 +655 1629 3 887427083 +655 1630 3 887428735 +655 1631 4 888685734 +655 1632 3 888685759 +655 1636 4 887473570 +655 1637 3 888984255 +655 1638 3 887488947 +655 1639 4 887650483 +655 1640 3 888474646 +655 1641 3 887427810 +655 1642 4 888474934 +655 1643 5 887611511 +655 1644 1 888474327 +655 1645 4 892871225 +655 1647 3 891817435 +655 1649 3 892333993 +655 1650 4 892871225 +655 1651 4 891913500 +656 245 1 892319084 +656 269 3 892318343 +656 272 3 892318343 +656 286 1 892318343 +656 300 2 892318614 +656 301 3 892318648 +656 303 4 892318553 +656 312 1 892318777 +656 316 3 892318450 +656 322 1 892319238 +656 327 2 892318738 +656 338 3 892319359 +656 340 3 892318488 +656 344 4 892318520 +656 346 3 892318488 +656 347 4 892318488 +656 689 2 892319276 +656 750 2 892318648 +656 875 2 892318842 +657 1 3 884239123 +657 7 3 884239057 +657 109 1 884239886 +657 117 4 884240629 +657 151 4 884239886 +657 258 2 884238559 +657 286 4 884238002 +657 300 2 884237751 +657 301 3 884237633 +657 327 1 884238247 +657 340 4 884237291 +657 346 4 884238162 +657 455 1 884239498 +657 475 4 884239057 +657 508 4 884239057 +657 628 3 884241192 +657 690 4 884238002 +657 744 4 884239566 +657 873 3 884238614 +657 922 4 884239123 +657 1009 4 884240629 +658 1 4 875145614 +658 8 5 875147873 +658 9 4 875145572 +658 22 4 875147448 +658 24 3 875145493 +658 31 3 875148108 +658 32 3 875147800 +658 45 5 875147800 +658 50 4 875145750 +658 55 4 875148059 +658 56 5 875148108 +658 69 4 875147995 +658 70 3 875148196 +658 96 4 875147873 +658 98 4 875147800 +658 117 4 875145879 +658 127 5 875145614 +658 129 3 875145750 +658 137 3 875145572 +658 151 5 875148319 +658 168 3 875148108 +658 169 5 875147935 +658 171 4 875147448 +658 178 5 875148195 +658 181 3 875145614 +658 182 5 875147448 +658 192 4 875147935 +658 198 5 875148108 +658 201 3 875147873 +658 235 2 875145572 +658 257 4 875145667 +658 276 4 875145572 +658 318 4 875148196 +658 408 5 875145614 +658 429 4 875147800 +658 433 4 875147994 +658 458 3 875145926 +658 488 4 875148196 +658 510 3 875147800 +658 511 4 875147935 +658 515 5 875145493 +658 518 4 875147873 +658 527 5 875147800 +658 530 4 875147995 +658 603 4 875147994 +658 628 3 875145841 +658 654 4 875148059 +658 718 3 875145667 +658 724 3 875148059 +658 772 3 875147591 +658 844 3 875145667 +658 919 2 875145841 +658 923 3 875148059 +658 943 3 875148196 +658 952 2 875145926 +658 960 4 875147873 +658 1079 2 875145572 +658 1101 4 875147995 +659 7 3 891331564 +659 23 5 891332006 +659 50 3 891044882 +659 56 5 891331825 +659 58 4 891385012 +659 64 4 891384152 +659 66 4 891385306 +659 73 4 891387083 +659 76 4 891383917 +659 77 4 891386680 +659 79 4 891384036 +659 82 4 891384499 +659 89 4 891384637 +659 96 4 891384552 +659 121 4 891331301 +659 127 5 891331825 +659 131 4 891383412 +659 136 5 891331874 +659 143 5 891384973 +659 144 4 891384499 +659 153 4 891045891 +659 155 3 891386540 +659 157 4 891383636 +659 161 3 891386492 +659 162 3 891385136 +659 164 4 891384606 +659 170 3 891045943 +659 172 3 891384526 +659 173 4 891383412 +659 176 4 891045747 +659 177 5 891384850 +659 179 1 891384077 +659 180 5 891385044 +659 181 3 891384107 +659 182 4 891332044 +659 186 3 891385197 +659 187 5 891331825 +659 188 3 891384606 +659 191 5 891332293 +659 192 4 891384372 +659 195 4 891384152 +659 196 4 891384888 +659 199 4 891383965 +659 202 4 891385306 +659 204 4 891384152 +659 210 5 891383889 +659 211 3 891384077 +659 214 3 891387399 +659 216 4 891045892 +659 218 4 891384798 +659 226 4 891387194 +659 255 3 891045161 +659 258 4 891331825 +659 269 4 891331825 +659 272 4 891044849 +659 294 4 891044849 +659 313 5 891331825 +659 316 4 891044849 +659 317 4 891331874 +659 345 4 891044849 +659 356 3 891385012 +659 357 4 891331959 +659 367 3 891385166 +659 385 5 891331825 +659 387 4 891387227 +659 393 3 891387054 +659 402 3 891387400 +659 419 5 891331916 +659 447 3 891386910 +659 448 4 891385438 +659 467 3 891384414 +659 476 3 891331534 +659 481 5 891385866 +659 482 4 891383674 +659 483 4 891383889 +659 486 4 891383733 +659 489 4 891045747 +659 492 3 891332189 +659 496 5 891385258 +659 498 3 891383733 +659 499 4 891385438 +659 502 4 891385438 +659 505 4 891385769 +659 506 3 891385379 +659 507 5 891383561 +659 512 3 891386040 +659 514 5 891385044 +659 517 5 891384888 +659 519 4 891383889 +659 520 3 891332006 +659 521 5 891384499 +659 524 4 891332158 +659 526 5 891332224 +659 528 4 891385012 +659 559 1 891386641 +659 566 3 891383889 +659 569 2 891386910 +659 578 3 891387351 +659 601 3 891386241 +659 602 4 891385986 +659 604 4 891331916 +659 606 5 891331959 +659 607 5 891331825 +659 609 4 891385769 +659 610 3 891332044 +659 611 4 891384606 +659 616 4 891386577 +659 629 4 891386680 +659 636 3 891387400 +659 646 4 891332122 +659 647 3 891384823 +659 648 3 891332006 +659 649 3 891386307 +659 654 4 891384526 +659 655 4 891383561 +659 657 5 891383965 +659 659 3 891332006 +659 661 5 891331916 +659 664 4 891386380 +659 670 2 891385689 +659 673 4 891384499 +659 675 4 891386936 +659 699 3 891384499 +659 712 3 891386307 +659 735 3 891385079 +659 739 4 891387022 +659 762 3 891387227 +659 794 3 891386910 +659 805 5 891383561 +659 836 4 891045943 +659 837 3 891386307 +659 855 2 891386576 +659 942 3 891386347 +659 1021 5 891331825 +659 1044 4 891386071 +659 1064 5 891385866 +659 1119 4 891383674 +660 2 2 891201151 +660 7 3 891198203 +660 8 2 891199781 +660 17 1 891265453 +660 21 3 891198671 +660 22 4 891199262 +660 24 3 891198277 +660 29 2 891357371 +660 33 2 891200193 +660 38 2 891201842 +660 47 2 891200456 +660 50 4 891197980 +660 56 1 891265453 +660 62 2 891201243 +660 63 2 891201823 +660 64 3 891199035 +660 67 1 891201859 +660 68 4 891199391 +660 71 2 891200430 +660 72 3 891201436 +660 79 2 891199348 +660 80 1 891201796 +660 82 2 891200491 +660 84 2 891201823 +660 87 2 891199133 +660 89 3 891199965 +660 91 4 891200193 +660 94 2 891201887 +660 96 3 891200430 +660 97 3 891200406 +660 98 4 891199348 +660 99 2 891200704 +660 100 3 891198063 +660 101 3 891201243 +660 106 2 891903867 +660 117 3 891197934 +660 118 2 891198479 +660 120 1 891198996 +660 121 2 891197954 +660 123 2 891198109 +660 125 3 891198421 +660 132 3 891199683 +660 139 2 891202060 +660 145 2 891202022 +660 153 4 891200388 +660 154 4 891200534 +660 159 1 891200817 +660 161 1 891201223 +660 163 2 891199992 +660 164 2 891200307 +660 167 2 891201565 +660 168 5 891199477 +660 172 4 891199017 +660 173 5 891199556 +660 175 3 891199367 +660 176 3 891199182 +660 177 2 891200014 +660 179 4 891200073 +660 181 4 891197998 +660 182 2 891200213 +660 184 3 891200741 +660 186 3 891199781 +660 191 4 891406212 +660 195 4 891406212 +660 196 4 891199557 +660 197 3 891199965 +660 201 3 891200513 +660 202 2 891199683 +660 207 4 891199620 +660 208 4 891199201 +660 209 4 891406212 +660 210 4 891199293 +660 211 4 891199104 +660 215 3 891199082 +660 216 2 891199804 +660 217 2 891200817 +660 222 2 891198063 +660 228 3 891200193 +660 229 2 891406212 +660 235 3 891198401 +660 243 2 891197757 +660 249 2 891198109 +660 250 4 891198174 +660 252 2 891198459 +660 257 4 891197934 +660 259 4 891197778 +660 265 2 891199241 +660 271 3 891197561 +660 272 4 891197481 +660 281 3 891198588 +660 298 2 891198441 +660 301 3 891197661 +660 313 4 891197481 +660 315 4 891197462 +660 316 4 891197728 +660 347 3 891197585 +660 349 3 891197757 +660 357 2 891200014 +660 358 2 891197796 +660 362 2 891197585 +660 380 2 891201587 +660 386 2 891200904 +660 392 2 891200072 +660 393 2 891201541 +660 402 3 891201380 +660 404 2 891200621 +660 419 2 891199348 +660 423 3 891199942 +660 428 4 891200594 +660 429 4 891199833 +660 431 4 891200658 +660 432 4 891199104 +660 434 3 891200430 +660 435 4 891199883 +660 444 2 891201948 +660 449 3 891201796 +660 462 2 891199293 +660 473 2 891198996 +660 483 4 891199804 +660 496 3 891199082 +660 510 3 891199056 +660 515 2 891199391 +660 523 3 891200534 +660 527 3 891200073 +660 542 2 891201887 +660 546 2 891198588 +660 550 2 891201541 +660 559 2 891201069 +660 569 2 891201499 +660 603 4 891199182 +660 625 3 891200513 +660 636 2 891200704 +660 652 4 891200370 +660 663 2 891199833 +660 675 3 891199556 +660 679 2 891201069 +660 680 2 891405088 +660 710 3 891199942 +660 739 2 891201925 +660 747 4 891200639 +660 748 3 891197757 +660 755 2 891201026 +660 771 2 891201984 +660 774 3 891200594 +660 797 2 891201753 +660 800 2 891201675 +660 810 3 891265495 +660 825 2 891198549 +660 826 3 891198762 +660 845 3 891198385 +660 846 2 891198174 +660 890 1 891198996 +660 898 4 891197561 +660 926 2 891201587 +660 930 2 891198762 +660 946 2 891201696 +660 996 1 891265453 +660 1020 4 891199833 +660 1035 2 891201116 +660 1065 2 891201049 +660 1074 1 891201399 +660 1078 2 891201521 +660 1133 2 891201419 +660 1139 2 891201966 +660 1178 1 891265453 +660 1181 1 891200594 +660 1183 1 891201049 +660 1240 3 891201637 +660 1411 2 891201294 +660 1419 1 891202022 +660 1615 2 891198441 +661 1 5 876016545 +661 28 5 876013975 +661 31 3 876017533 +661 48 4 876016726 +661 50 5 876013935 +661 52 4 876017029 +661 58 4 886841865 +661 69 4 876013492 +661 70 4 876017029 +661 79 5 886841798 +661 86 4 876035679 +661 95 5 876036190 +661 96 4 876015607 +661 97 4 888299980 +661 117 4 886841250 +661 118 4 876037058 +661 121 2 876037619 +661 131 3 886841714 +661 132 5 886841714 +661 145 1 876035968 +661 161 4 876013588 +661 164 4 876035968 +661 166 5 888300194 +661 168 5 876017294 +661 169 5 876017294 +661 173 4 876014469 +661 178 4 876013492 +661 179 4 876014125 +661 180 5 876016545 +661 183 4 876035466 +661 185 5 876013447 +661 189 4 876013850 +661 191 4 888300344 +661 194 5 876016667 +661 195 5 888300488 +661 196 3 888300680 +661 199 5 876016726 +661 200 3 876035896 +661 204 5 876017801 +661 209 4 876013492 +661 215 3 876015657 +661 216 5 876017933 +661 218 3 876035933 +661 222 3 876013121 +661 228 5 876016545 +661 237 4 876037519 +661 238 4 876016491 +661 255 3 876037088 +661 272 4 893281023 +661 294 4 876036384 +661 298 3 886841348 +661 310 2 889500835 +661 313 4 886829961 +661 357 4 876014469 +661 408 5 876015530 +661 423 4 876016726 +661 425 4 886841714 +661 427 4 876016491 +661 428 4 876016726 +661 436 4 876036043 +661 443 4 876035933 +661 471 4 876037167 +661 480 5 876016491 +661 496 5 876015530 +661 498 5 876017801 +661 501 4 876036190 +661 506 3 886841865 +661 514 3 876013398 +661 515 5 876017294 +661 527 4 876035679 +661 531 4 876013552 +661 566 4 876015688 +661 603 3 876016726 +661 615 4 876013774 +661 647 4 876013356 +661 652 2 888300680 +661 665 3 876035999 +661 676 4 886841222 +661 684 3 888299899 +661 709 4 886841685 +661 727 4 888300194 +661 751 4 886840577 +661 762 2 876037121 +661 1045 3 886841865 +662 6 5 880571006 +662 50 3 880570142 +662 93 5 880571006 +662 100 5 880571006 +662 246 5 880571006 +662 268 5 880571005 +662 286 3 880569465 +662 291 2 880570487 +662 319 3 880569520 +662 515 4 880571006 +662 591 4 880570112 +662 813 3 880570194 +662 1342 4 880570112 +662 1511 4 880570301 +663 7 4 889492841 +663 11 5 889493628 +663 13 3 889492562 +663 23 4 889493818 +663 25 4 889492917 +663 31 4 889493628 +663 42 5 889493732 +663 47 4 889493576 +663 50 5 889493502 +663 64 5 889493502 +663 69 4 889493770 +663 96 5 889493628 +663 98 5 889493540 +663 111 3 889492562 +663 117 4 889492390 +663 125 3 889492720 +663 127 5 889493540 +663 129 3 889492503 +663 134 5 889493818 +663 147 3 889493069 +663 174 5 889493540 +663 176 5 889493502 +663 181 4 889493732 +663 182 5 889493691 +663 240 3 889493027 +663 243 3 889492076 +663 245 4 889491891 +663 258 3 889491560 +663 259 2 889491861 +663 260 2 889491861 +663 265 4 889493691 +663 268 3 889491617 +663 272 5 889491515 +663 273 4 889492679 +663 274 3 889493182 +663 280 3 889492841 +663 281 3 889492759 +663 282 3 889492759 +663 284 4 889492841 +663 286 3 889491515 +663 287 5 889492720 +663 288 4 889491617 +663 294 3 889491811 +663 299 2 889491739 +663 300 4 889491655 +663 315 4 889491560 +663 316 4 889491974 +663 319 1 889492229 +663 321 5 889491739 +663 324 2 889492019 +663 326 4 889491861 +663 328 4 889491861 +663 330 4 889491739 +663 332 4 889491768 +663 333 5 889491655 +663 351 2 889491919 +663 357 5 889493732 +663 363 2 889492990 +663 405 3 889492877 +663 411 3 889492877 +663 466 3 889493467 +663 471 3 889492841 +663 473 3 889492917 +663 509 4 889493437 +663 521 3 889493467 +663 544 4 889492841 +663 546 3 889493118 +663 588 4 889493628 +663 591 3 889492759 +663 597 3 889492917 +663 603 4 889493540 +663 619 4 889493182 +663 628 4 889492615 +663 652 4 889493540 +663 658 4 889493467 +663 676 3 889492435 +663 678 2 889492140 +663 685 4 889492917 +663 710 3 889493437 +663 741 4 889493351 +663 742 4 889492720 +663 749 3 889491617 +663 762 4 889492473 +663 833 4 889492796 +663 845 3 889492796 +663 864 3 889492917 +663 876 3 889491739 +663 895 4 889491811 +663 924 3 889492351 +663 925 3 889493069 +663 928 3 889492679 +663 948 4 889492258 +663 956 4 889493732 +663 975 4 889492720 +663 984 3 889491690 +663 985 3 889493210 +663 1047 4 889492679 +663 1048 4 889492562 +663 1059 2 889492614 +663 1067 3 889492562 +663 1073 3 889493691 +663 1161 3 889493069 +663 1245 4 889492959 +663 1276 3 889492679 +663 1324 3 889492473 +663 1327 4 889493210 +664 1 4 878090087 +664 4 4 876526152 +664 7 3 878091393 +664 12 5 876524699 +664 31 4 876526555 +664 45 4 878090415 +664 47 4 876525076 +664 52 5 876525736 +664 54 3 876526684 +664 58 4 876525292 +664 64 4 876524474 +664 69 3 876525364 +664 70 3 878092758 +664 71 4 878090125 +664 73 2 878090764 +664 77 3 876526631 +664 79 4 876526519 +664 81 5 876524474 +664 89 5 878092649 +664 92 4 876525002 +664 95 4 878090125 +664 96 3 878094973 +664 97 3 876525363 +664 100 5 876523833 +664 118 3 876526604 +664 121 3 876526659 +664 127 5 876525044 +664 132 4 878092569 +664 134 5 878092758 +664 149 3 876525315 +664 152 3 878091463 +664 154 5 876525963 +664 157 3 876524731 +664 160 3 876524731 +664 168 4 878090705 +664 169 5 878092569 +664 172 5 878090054 +664 174 5 878092802 +664 175 4 876524699 +664 176 4 876526462 +664 179 4 876523654 +664 180 4 876524641 +664 183 3 876526462 +664 187 5 876524699 +664 192 4 876524096 +664 196 4 878090054 +664 197 4 876523654 +664 202 4 878094973 +664 203 4 876526685 +664 209 4 876525998 +664 210 4 878090054 +664 212 4 878090180 +664 222 3 876524641 +664 223 4 876523654 +664 227 3 876526718 +664 228 4 876526462 +664 229 3 876526631 +664 230 3 876526659 +664 234 3 876526554 +664 237 2 876525002 +664 268 3 876523093 +664 286 4 876523092 +664 306 4 876523133 +664 317 3 878095280 +664 318 5 876525044 +664 328 3 876523314 +664 356 3 876526685 +664 414 5 878090415 +664 425 3 876524937 +664 427 4 876524053 +664 431 2 876526631 +664 433 3 876525998 +664 449 2 876526718 +664 450 3 876526604 +664 458 3 878091463 +664 462 4 878091912 +664 466 4 876526519 +664 469 3 876524474 +664 478 5 878090415 +664 479 5 878090087 +664 480 5 878091393 +664 481 5 878091912 +664 482 5 878090180 +664 484 5 878090705 +664 496 5 878090381 +664 504 4 876526518 +664 509 4 876523654 +664 513 4 876524053 +664 514 5 876526179 +664 516 5 876525963 +664 522 3 876525998 +664 525 4 876526580 +664 566 4 876526631 +664 588 3 878092569 +664 603 5 876526518 +664 636 3 876526631 +664 642 4 876526554 +664 649 4 876525044 +664 659 5 876526518 +664 660 3 876525718 +664 663 4 876525998 +664 673 3 876526718 +664 678 2 876523288 +664 684 4 876526580 +664 705 4 878092802 +664 708 4 876525077 +664 717 1 876526555 +664 724 3 876525695 +664 732 3 876525315 +664 735 4 878092802 +664 764 4 878092758 +664 770 4 876526659 +664 778 3 876525192 +664 792 4 876524474 +664 805 5 878090381 +664 1090 1 876526739 +665 7 4 884290635 +665 9 4 884290608 +665 15 4 884290676 +665 24 3 884291300 +665 31 3 884294880 +665 33 2 884293873 +665 65 4 884293523 +665 71 4 884293933 +665 79 3 884293831 +665 92 4 884295080 +665 96 3 884293831 +665 97 2 884294329 +665 105 2 884291810 +665 109 4 884292654 +665 111 4 884290608 +665 117 4 884290575 +665 121 2 884290480 +665 125 4 884291340 +665 127 4 884292654 +665 133 3 884294771 +665 143 4 884293475 +665 156 5 884294772 +665 172 4 884293523 +665 177 3 884294374 +665 181 4 884291936 +665 185 4 884294200 +665 191 3 884293475 +665 194 3 884294671 +665 195 3 884294819 +665 200 4 884293741 +665 210 4 884293789 +665 214 4 884294935 +665 215 2 884294880 +665 216 4 884293690 +665 222 3 884290676 +665 234 3 884293610 +665 237 3 884290635 +665 248 4 884292068 +665 249 5 884290608 +665 255 4 884290608 +665 265 3 884294716 +665 271 2 884290055 +665 282 4 884291094 +665 287 4 884290575 +665 293 4 884290728 +665 298 3 884292654 +665 301 4 884290096 +665 307 3 884292654 +665 313 4 884618217 +665 315 4 884697720 +665 319 4 884289897 +665 328 4 884290055 +665 343 3 884292654 +665 346 2 884289897 +665 357 4 884293979 +665 369 4 884291747 +665 378 3 884294237 +665 393 3 884295080 +665 405 3 884291300 +665 417 3 884293569 +665 427 5 884293309 +665 456 4 884291662 +665 471 3 884292009 +665 475 3 884290349 +665 476 4 884291133 +665 496 3 884294200 +665 508 2 884290751 +665 527 3 884294880 +665 535 4 884291094 +665 538 4 884290143 +665 546 2 884291376 +665 588 4 884294772 +665 597 3 884290853 +665 620 3 884291613 +665 684 3 884294286 +665 742 4 884290704 +665 748 4 884290076 +665 762 4 884290480 +665 763 4 884291210 +665 815 4 884290608 +665 833 3 884291210 +665 845 4 884292654 +665 866 3 884290676 +665 924 4 884291165 +665 931 3 884291810 +665 1009 4 884291936 +665 1028 4 884291133 +665 1040 4 884291550 +665 1047 1 884291376 +665 1048 4 884292325 +665 1061 4 884292654 +665 1132 2 884291662 +665 1225 2 884294286 +665 1283 3 884292654 +666 4 5 880314477 +666 5 2 880568465 +666 11 4 880314453 +666 12 4 880139323 +666 13 4 880313542 +666 23 4 880139467 +666 25 3 880313559 +666 28 3 880139381 +666 31 3 880314500 +666 32 4 880139466 +666 50 3 880313447 +666 56 4 880139090 +666 69 3 880139149 +666 70 4 880139526 +666 79 3 880567919 +666 81 4 880314194 +666 82 3 880314194 +666 91 3 880139409 +666 96 3 880568270 +666 97 4 880139642 +666 100 4 880313310 +666 108 3 880313929 +666 114 4 880567919 +666 122 2 880313723 +666 124 3 880313391 +666 129 4 880313270 +666 132 4 880139669 +666 134 5 880567695 +666 151 2 880313582 +666 168 4 880314272 +666 173 4 880139253 +666 174 3 880139586 +666 176 4 880139120 +666 177 3 880567612 +666 179 5 880139323 +666 181 2 880139563 +666 182 4 880139526 +666 183 5 880139180 +666 185 4 880139466 +666 186 2 880139587 +666 187 5 880139439 +666 191 4 880139090 +666 192 4 880139615 +666 193 4 880567810 +666 197 4 880568129 +666 199 5 880314253 +666 202 5 880139493 +666 203 4 880139180 +666 205 3 880139562 +666 206 4 880139669 +666 208 3 880139467 +666 209 4 880139205 +666 211 4 880139382 +666 223 3 880314144 +666 234 3 880139323 +666 236 4 880313250 +666 238 4 880139615 +666 245 3 880138865 +666 248 3 880313640 +666 255 4 880313423 +666 257 3 880313682 +666 258 4 880138999 +666 264 3 880138999 +666 265 3 880139274 +666 270 3 880138720 +666 282 3 880313482 +666 288 3 880138999 +666 291 3 880313640 +666 294 3 880139037 +666 300 3 880138702 +666 301 4 880138999 +666 302 5 880138999 +666 318 5 880139180 +666 331 4 880138999 +666 333 3 880138999 +666 339 4 880138999 +666 357 4 880139526 +666 370 2 880313811 +666 381 3 880139349 +666 410 2 880313447 +666 423 3 880139381 +666 427 4 880139382 +666 428 3 880139439 +666 429 5 880139409 +666 430 4 880139614 +666 432 3 880139439 +666 436 3 880568637 +666 443 4 880568638 +666 467 4 880568094 +666 471 4 880313423 +666 474 5 880139323 +666 483 5 880139348 +666 489 4 880314194 +666 492 4 880139252 +666 493 5 880139252 +666 496 4 880139149 +666 498 5 880139669 +666 502 3 880567883 +666 504 4 880139120 +666 506 5 880139252 +666 510 4 880139409 +666 513 4 880139323 +666 515 5 880313230 +666 516 5 880139348 +666 517 4 880139563 +666 518 4 880567742 +666 519 4 880139205 +666 523 4 880314194 +666 525 4 880139467 +666 529 5 880568129 +666 530 3 880139323 +666 566 3 880314500 +666 582 4 880139642 +666 591 2 880313604 +666 603 4 880567943 +666 604 3 880139669 +666 616 3 880139253 +666 632 4 880568028 +666 636 4 880568322 +666 638 3 880139563 +666 642 5 880139586 +666 646 3 880139180 +666 649 3 880568694 +666 650 5 880139409 +666 651 5 880139149 +666 653 4 880139120 +666 655 4 880139439 +666 656 4 880139120 +666 660 4 880568094 +666 661 4 880139765 +666 662 3 880568094 +666 684 4 880568063 +666 692 3 880568505 +666 696 3 880313811 +666 699 3 880568297 +666 707 5 880314103 +666 729 4 880314225 +666 742 3 880313723 +666 744 3 880313661 +666 792 4 880568694 +666 811 4 880568396 +666 831 2 880313841 +666 855 4 880568270 +666 856 5 880139765 +666 864 3 880313523 +666 924 2 880313582 +666 945 4 880567883 +666 956 4 880568637 +666 959 4 880139149 +666 960 4 880567810 +666 962 3 880314272 +666 974 4 880313929 +666 1011 4 880313723 +666 1045 4 880567974 +666 1047 3 880313858 +666 1098 4 880314384 +666 1110 3 880314366 +666 1132 3 880313992 +666 1170 4 880568352 +666 1266 5 880139493 +666 1451 3 880139614 +667 9 5 891034831 +667 124 5 891035164 +667 131 5 891034810 +667 137 3 891035206 +667 168 3 891035206 +667 182 5 891034767 +667 186 4 891035033 +667 192 5 891034947 +667 197 4 891035033 +667 223 5 891034767 +667 234 2 891034730 +667 268 3 891034404 +667 275 4 891035084 +667 283 4 891034947 +667 285 5 891034810 +667 301 1 891034513 +667 313 3 891034404 +667 315 4 891034426 +667 316 4 891034584 +667 318 5 891034976 +667 427 5 891034767 +667 435 3 891035104 +667 461 4 891034913 +667 475 5 891035051 +667 482 4 891035140 +667 487 5 891035084 +667 504 3 891035015 +667 527 4 891035121 +667 651 5 891034767 +667 660 4 891035164 +667 694 4 891034730 +667 880 3 891034568 +667 1101 3 891035015 +668 13 4 881591075 +668 29 3 881605433 +668 69 1 881702566 +668 82 4 881702925 +668 97 2 881702632 +668 124 3 881605489 +668 210 5 881605849 +668 231 2 881605433 +668 257 3 881605269 +668 258 2 881523929 +668 271 4 881523787 +668 283 5 881605324 +668 286 4 881523612 +668 294 3 890349076 +668 300 4 881523612 +668 302 5 881523612 +668 307 4 881523762 +668 311 4 881591023 +668 323 4 881591198 +668 333 3 881524020 +668 340 4 881523737 +668 345 2 890349041 +668 347 4 890349005 +668 354 4 890349060 +668 358 3 881524153 +668 403 4 881605433 +668 475 4 881605210 +668 554 3 881702723 +668 596 3 881591297 +668 752 4 890349005 +668 895 3 890349136 +668 896 4 882818549 +668 902 2 890349285 +668 993 4 881591257 +669 7 3 892549266 +669 12 5 891517287 +669 22 3 891517159 +669 23 4 891260474 +669 56 2 891260497 +669 64 4 891260440 +669 79 2 891260474 +669 82 4 892550310 +669 97 4 891517238 +669 111 4 892549583 +669 114 5 892550196 +669 117 1 891260577 +669 118 2 892549838 +669 121 3 892549673 +669 125 3 892549622 +669 127 5 891260596 +669 168 4 891517259 +669 169 3 891517159 +669 172 3 891517159 +669 174 3 891260369 +669 175 4 892550170 +669 183 3 891260577 +669 192 5 891260542 +669 195 2 891260542 +669 196 3 892550234 +669 205 4 892550137 +669 235 2 892549865 +669 248 4 892549412 +669 252 2 892549865 +669 257 3 892549514 +669 258 2 891182622 +669 271 2 891182948 +669 276 2 892550259 +669 300 4 892549238 +669 302 4 891182948 +669 310 4 892549126 +669 313 4 891182948 +669 324 3 891517159 +669 326 1 891182678 +669 340 4 891182948 +669 347 3 891182948 +669 348 1 891182572 +669 354 1 891182622 +669 357 4 891260616 +669 427 4 892550137 +669 462 5 892550137 +669 474 4 891260369 +669 475 3 892549336 +669 479 5 891260806 +669 480 5 891517259 +669 483 3 892550196 +669 490 5 892550283 +669 505 3 891517159 +669 508 3 892549292 +669 511 5 891260778 +669 515 5 891517238 +669 517 3 892550282 +669 521 4 892550196 +669 523 4 891260638 +669 527 3 891517185 +669 537 3 891517159 +669 603 5 891260719 +669 649 4 891260754 +669 654 5 891260754 +669 657 5 891517185 +669 749 3 891517159 +669 898 1 891182812 +669 902 2 891182948 +670 15 4 877975200 +670 96 5 877975070 +670 98 2 877975731 +670 144 4 877975285 +670 161 2 877975392 +670 168 3 877974549 +670 174 4 877975344 +670 186 4 877975594 +670 195 4 877974787 +670 222 4 877974857 +670 228 5 877975344 +670 232 3 877975448 +670 245 4 877974070 +670 419 4 877974945 +670 474 3 877975070 +670 479 5 877975594 +670 480 5 877975017 +670 482 5 877975285 +670 483 5 877975200 +670 511 4 877975285 +670 515 2 877974699 +670 519 5 877974604 +670 521 4 877975344 +670 615 3 877974605 +670 650 2 877975200 +670 651 4 877975070 +670 657 5 877974857 +670 705 5 877974905 +670 945 4 877975285 +670 1299 4 877974905 +671 2 4 884035892 +671 4 5 884035939 +671 5 2 883949781 +671 7 5 875388719 +671 11 4 884035774 +671 12 5 883546120 +671 23 4 883547351 +671 29 3 884036050 +671 31 2 883546333 +671 33 5 883949781 +671 38 5 884035992 +671 53 3 884034800 +671 54 3 884035173 +671 55 3 883546890 +671 62 5 884036411 +671 66 5 884204727 +671 82 4 884035686 +671 96 5 884035686 +671 98 4 883949357 +671 117 3 875389187 +671 118 5 875389187 +671 121 4 875389187 +671 123 5 883546677 +671 144 4 884035686 +671 147 1 884035992 +671 161 5 884035892 +671 172 5 884035774 +671 174 5 884035685 +671 177 4 884035775 +671 182 4 884035685 +671 188 2 884035992 +671 195 5 884035774 +671 204 5 884204510 +671 219 3 884338399 +671 231 3 884035993 +671 233 4 883547351 +671 237 5 884037003 +671 241 5 884035686 +671 250 5 875389187 +671 255 5 884375221 +671 258 5 875386402 +671 273 4 875389187 +671 288 5 883950232 +671 298 4 875389187 +671 327 1 875387273 +671 356 3 883949781 +671 385 5 884035892 +671 405 3 884035939 +671 431 2 883546677 +671 443 3 884034132 +671 451 4 884037004 +671 452 4 884035173 +671 504 4 883949781 +671 510 3 884035892 +671 511 3 884035406 +671 526 2 884035406 +671 546 5 884036050 +671 553 5 884036846 +671 554 4 884036411 +671 559 4 884338399 +671 562 5 884036365 +671 568 5 884035686 +671 570 3 884036411 +671 576 5 884035939 +671 578 3 884036411 +671 581 2 884035173 +671 583 3 884034132 +671 591 3 883546333 +671 597 4 884036365 +671 628 3 883950232 +671 654 3 884034800 +671 684 3 883546890 +671 685 5 884035992 +671 720 3 884036050 +671 742 5 884035173 +671 748 3 875386402 +671 770 2 883547351 +671 841 2 875388720 +671 864 3 884204727 +671 925 3 883949781 +671 947 3 884035775 +671 986 2 884035173 +671 1073 3 883949781 +671 1215 3 884036365 +671 1217 4 883547351 +671 1222 3 884036365 +671 1239 3 884036683 +671 1303 3 884036365 +672 15 3 879787922 +672 25 5 879789056 +672 50 3 879787753 +672 124 3 879787922 +672 127 4 879787729 +672 181 3 879788708 +672 220 2 879787729 +672 225 2 879789437 +672 237 2 879787811 +672 281 3 879788819 +672 301 4 879787500 +672 476 5 879789462 +672 756 2 879789244 +672 815 4 879788819 +672 864 3 879789278 +672 931 1 879789164 +672 1028 4 879789030 +672 1061 4 879789566 +672 1190 2 879789437 +673 79 5 888787587 +673 242 4 888787508 +673 268 1 888786997 +673 269 4 888786942 +673 272 5 888786942 +673 288 4 888787423 +673 294 4 888787376 +673 302 3 888786942 +673 303 5 888787376 +673 307 3 888787355 +673 310 5 888786997 +673 311 4 888787396 +673 313 4 888786942 +673 321 3 888787355 +673 322 4 888787450 +673 326 4 888787423 +673 328 4 888787355 +673 340 5 888786969 +673 344 5 888787376 +673 347 4 888787290 +673 750 5 888786969 +673 895 3 888787423 +673 896 5 888787355 +673 898 3 888787312 +674 1 4 887762799 +674 25 4 887763035 +674 50 4 887762584 +674 111 5 887763336 +674 117 5 887762861 +674 118 3 887763150 +674 125 5 887762779 +674 127 5 887762799 +674 181 4 887762603 +674 282 5 887763231 +674 288 3 887762296 +674 292 4 887762415 +674 294 4 887762296 +674 300 3 887762296 +674 304 3 887762296 +674 315 3 887762296 +674 323 3 887762937 +674 405 4 887762861 +674 410 3 887763150 +674 685 3 887762861 +674 763 5 887762799 +674 929 3 887763150 +675 86 4 889489574 +675 223 1 889490151 +675 235 1 889490151 +675 242 4 889488522 +675 244 3 889489775 +675 258 3 889488679 +675 269 5 889488487 +675 272 3 889488431 +675 305 4 889488548 +675 306 5 889488487 +675 311 3 889488647 +675 312 2 889488624 +675 321 2 889488708 +675 344 4 889488754 +675 347 4 889488431 +675 427 5 889489691 +675 509 5 889489465 +675 531 5 889489108 +675 650 5 889489971 +675 750 4 889488487 +675 874 4 889488679 +675 937 1 889490151 +675 1101 4 889490029 +675 1255 1 889490151 +675 1653 5 889489913 +676 1 5 892686188 +676 13 1 892686319 +676 50 5 892686083 +676 64 5 892686563 +676 100 5 892686083 +676 114 5 892686606 +676 117 4 892686244 +676 132 5 892686703 +676 144 4 892686459 +676 169 5 892686524 +676 172 5 892686490 +676 173 5 892686665 +676 181 5 892686164 +676 245 4 892685592 +676 250 4 892686164 +676 255 5 892686348 +676 257 5 892686220 +676 258 2 892685370 +676 259 4 892685621 +676 265 5 892686703 +676 271 3 892685621 +676 272 4 892685224 +676 286 4 892685252 +676 288 1 892685437 +676 294 4 892685591 +676 300 4 892685403 +676 313 4 892685224 +676 315 4 892685224 +676 316 4 892685224 +676 318 5 892686459 +676 326 2 892685592 +676 344 5 892685657 +676 352 1 892685875 +676 354 4 892685437 +676 480 5 892686666 +676 482 4 892686702 +676 483 4 892686459 +676 508 1 892686134 +676 520 4 892686758 +676 538 4 892685437 +676 682 1 892685716 +676 688 1 892685695 +676 748 4 892685538 +676 751 4 892685695 +676 845 5 892686398 +676 879 3 892685489 +676 892 4 892685900 +676 895 1 892685562 +676 902 4 892685740 +676 912 3 892685489 +676 916 5 892685849 +676 948 1 892685803 +676 962 4 892686525 +676 993 5 892686294 +676 1234 1 892685775 +676 1527 1 892685657 +676 1654 1 892685960 +677 1 4 889399229 +677 101 5 889399671 +677 117 4 889399171 +677 126 1 889399265 +677 129 5 889399199 +677 148 4 889399265 +677 150 3 889399402 +677 222 4 889399171 +677 237 4 889399402 +677 240 5 889399431 +677 286 1 889399113 +677 288 5 885191166 +677 290 1 889399295 +677 294 5 885191227 +677 307 5 885191227 +677 322 4 885191280 +677 323 4 885191280 +677 351 2 889399113 +677 358 5 885191454 +677 405 4 889399328 +677 455 5 889399470 +677 457 1 889399113 +677 471 4 889399171 +677 475 4 889399265 +677 740 1 889399265 +677 845 3 889399327 +677 908 4 885191403 +677 988 4 889399113 +677 1011 3 889399431 +677 1240 5 889399671 +677 1245 4 889399199 +678 7 4 879544952 +678 14 3 879544815 +678 25 2 879544915 +678 50 4 879544450 +678 100 5 879544750 +678 111 4 879544397 +678 117 4 879544989 +678 127 5 879544782 +678 181 3 879544450 +678 222 3 879544989 +678 277 3 879544882 +678 282 3 879544952 +678 285 3 879544397 +678 298 3 879544750 +678 300 4 879544295 +678 332 4 879544254 +678 924 2 879544397 +678 1129 1 879544915 +679 8 2 884486856 +679 42 4 884487584 +679 56 4 884487418 +679 64 4 884487052 +679 69 4 884487688 +679 70 4 884487325 +679 73 4 884488036 +679 83 5 884486694 +679 95 3 884487688 +679 97 3 884487300 +679 100 3 884487089 +679 109 3 884488283 +679 111 3 884487715 +679 121 2 884488260 +679 132 4 884487374 +679 169 3 884486904 +679 172 5 884486758 +679 173 5 884486966 +679 174 3 884486837 +679 181 5 884487279 +679 184 4 884487491 +679 196 4 884487610 +679 204 3 884487191 +679 241 3 884488149 +679 286 5 884312660 +679 288 4 884312660 +679 290 2 884487715 +679 291 4 884487960 +679 318 5 884486812 +679 327 4 884312731 +679 357 5 884486812 +679 416 3 884488226 +679 419 3 884487514 +679 423 3 884487112 +679 432 4 884487514 +679 483 5 884487010 +679 484 4 884486658 +679 520 4 884487031 +679 527 4 884486985 +679 568 2 884488259 +679 588 3 884487825 +679 710 4 884487374 +679 751 5 884325826 +680 1 4 876816224 +680 7 5 876816310 +680 9 4 876816106 +680 14 5 877075079 +680 15 3 877075048 +680 20 4 877075273 +680 24 4 877075214 +680 25 4 876816310 +680 50 5 876816310 +680 98 4 876816224 +680 100 3 877075214 +680 117 4 877075312 +680 121 3 876816268 +680 137 4 876816310 +680 143 4 876816224 +680 151 5 877075164 +680 169 5 876816162 +680 195 4 876816106 +680 248 4 877075312 +680 257 4 877075273 +680 274 3 877075312 +680 276 5 877075135 +680 285 5 877075079 +680 286 4 876815942 +680 294 4 876816043 +680 408 5 876816268 +680 515 4 876816268 +680 517 4 876816162 +680 815 3 877075312 +680 845 4 877075241 +680 1012 3 877075214 +680 1089 2 877075214 +681 258 1 885409516 +681 259 2 885409882 +681 270 1 885409370 +681 286 5 885409370 +681 288 1 885409810 +681 289 5 885410009 +681 292 4 885409883 +681 304 3 885409742 +681 538 3 885409516 +681 539 4 885409810 +681 750 5 885409438 +681 894 1 885409742 +681 898 4 885409515 +682 1 4 888523054 +682 3 3 888519113 +682 4 3 888521599 +682 7 4 888522455 +682 8 3 888521833 +682 9 3 888517168 +682 11 4 888517049 +682 12 5 888516953 +682 15 4 888523581 +682 17 3 888520923 +682 21 4 888522194 +682 23 4 888519725 +682 24 4 888522575 +682 27 3 888518104 +682 28 3 888516953 +682 29 2 888522699 +682 31 3 888520705 +682 33 4 888520864 +682 38 3 888521116 +682 41 3 888522073 +682 42 5 888518979 +682 47 1 888517870 +682 48 4 888517264 +682 49 3 888522194 +682 50 5 888518639 +682 51 5 888517740 +682 53 2 888519519 +682 54 4 888517628 +682 56 4 888519077 +682 62 3 888522541 +682 64 5 888517011 +682 65 3 888517416 +682 66 3 888521740 +682 68 5 888522575 +682 69 4 888519206 +682 70 4 888517416 +682 71 5 888523135 +682 73 5 888521564 +682 75 4 888518185 +682 76 3 888517049 +682 77 3 888517562 +682 79 4 888520705 +682 80 1 888521803 +682 81 3 888517439 +682 82 4 888522541 +682 83 3 888517011 +682 85 3 888521833 +682 87 5 888517235 +682 89 4 888522418 +682 92 5 888519059 +682 94 3 888522021 +682 97 4 888517587 +682 100 3 888517011 +682 117 4 888522455 +682 121 4 888520799 +682 122 3 888522260 +682 124 2 888517097 +682 125 4 888523635 +682 127 5 888517011 +682 128 4 888522575 +682 143 3 888523115 +682 144 3 888522418 +682 147 1 888523619 +682 150 4 888517197 +682 154 5 888521489 +682 157 4 888517484 +682 158 2 888522260 +682 159 3 888521005 +682 161 3 888522542 +682 164 3 888521005 +682 167 2 888522101 +682 168 5 888521381 +682 172 5 888522417 +682 173 4 888521381 +682 174 4 888523581 +682 176 4 888521195 +682 180 3 888516979 +682 181 5 888518639 +682 182 4 888523619 +682 188 4 888522417 +682 190 4 888519725 +682 191 3 888517197 +682 201 4 888519365 +682 204 3 888521413 +682 205 3 888518164 +682 209 3 888521381 +682 215 4 888517197 +682 216 4 888521381 +682 218 3 888520977 +682 222 4 888519725 +682 234 3 888520705 +682 235 1 888521833 +682 237 3 888517324 +682 238 3 888521540 +682 240 4 888521637 +682 241 4 888522541 +682 245 3 888516841 +682 252 3 888518773 +682 254 2 888518871 +682 255 3 888518722 +682 257 2 888518704 +682 259 3 888518424 +682 265 3 888520922 +682 272 5 888523619 +682 273 4 888520864 +682 280 3 888517740 +682 281 3 888520864 +682 282 4 888519918 +682 284 4 888519725 +682 288 4 888516814 +682 291 1 888517364 +682 293 4 888523581 +682 294 3 888516841 +682 300 2 888518320 +682 304 1 888523810 +682 317 4 888517390 +682 318 4 888517168 +682 323 2 888516865 +682 325 4 888521174 +682 327 3 888518299 +682 328 3 888518363 +682 332 4 888518320 +682 333 4 888518279 +682 339 2 888518364 +682 346 2 888518320 +682 351 4 888518468 +682 352 1 888518424 +682 356 3 888517986 +682 357 3 888516979 +682 358 3 888518450 +682 365 3 888517986 +682 366 4 888517896 +682 367 3 888521783 +682 378 3 888517986 +682 379 4 888519260 +682 384 2 888522073 +682 386 2 888521942 +682 399 4 888522612 +682 401 1 888522260 +682 403 3 888517792 +682 410 3 888521740 +682 412 1 888521907 +682 419 3 888523054 +682 420 3 888523115 +682 423 5 888519206 +682 431 4 888520799 +682 443 3 888520977 +682 447 2 888522857 +682 455 4 888521866 +682 465 3 888523054 +682 468 5 888517869 +682 470 5 888517628 +682 472 3 888522699 +682 476 1 888522100 +682 509 2 888517235 +682 518 4 888517324 +682 520 4 888519725 +682 527 3 888517168 +682 540 2 888521291 +682 541 3 888522612 +682 546 3 888517740 +682 549 3 888517415 +682 550 2 888522541 +682 554 3 888521116 +682 556 2 888517840 +682 566 3 888519260 +682 568 3 888522575 +682 570 2 888517948 +682 572 4 888521116 +682 573 4 888521116 +682 576 4 888522754 +682 578 3 888522575 +682 581 2 888517948 +682 582 1 888517816 +682 586 1 888522700 +682 597 1 888522699 +682 619 3 888519226 +682 623 3 888523288 +682 625 3 888523155 +682 651 4 888517168 +682 654 4 888520799 +682 655 5 888519725 +682 658 4 888517390 +682 659 1 888520638 +682 672 2 888522894 +682 673 3 888517049 +682 684 3 888520705 +682 687 2 888518871 +682 692 3 888519207 +682 693 3 888517537 +682 697 4 888517816 +682 699 3 888523658 +682 710 3 888521413 +682 716 2 888522074 +682 717 3 888521090 +682 720 4 888522699 +682 721 4 888518937 +682 722 4 888522073 +682 723 1 888518063 +682 724 4 888517948 +682 728 3 888522021 +682 729 3 888518035 +682 732 3 888517740 +682 735 4 888517627 +682 737 3 888518104 +682 742 3 888519738 +682 746 3 888521413 +682 748 3 888516814 +682 752 4 888523634 +682 756 2 888521942 +682 761 4 888521090 +682 763 4 888521783 +682 765 4 888523581 +682 772 4 888517922 +682 774 4 888522894 +682 775 1 888521981 +682 779 3 888522754 +682 780 3 888522217 +682 783 2 888521291 +682 797 2 888522613 +682 802 2 888521047 +682 804 3 888521740 +682 806 3 888523658 +682 808 4 888517762 +682 809 2 888522755 +682 834 3 888522971 +682 862 1 888522021 +682 895 4 888518380 +682 922 3 888517816 +682 924 5 888517627 +682 932 1 888522017 +682 940 2 888521907 +682 942 2 888517324 +682 944 3 888522073 +682 959 4 888521803 +682 977 3 888521090 +682 991 2 888518871 +682 999 2 888521942 +682 1012 4 888518747 +682 1016 2 888518747 +682 1019 5 888519519 +682 1028 3 888523657 +682 1039 4 888517510 +682 1045 3 888517792 +682 1046 3 888520799 +682 1047 3 888521803 +682 1048 3 888521564 +682 1074 4 888517792 +682 1089 2 888518871 +682 1090 2 888521047 +682 1091 3 888523288 +682 1107 2 888517896 +682 1118 3 888521711 +682 1132 3 888521907 +682 1153 3 888517869 +682 1220 4 888518130 +682 1221 3 888517265 +682 1222 3 888523657 +682 1228 1 888522699 +682 1232 2 888517896 +682 1267 3 888517627 +682 1303 2 888522699 +682 1305 3 888522021 +682 1311 3 888518035 +682 1410 3 888517324 +682 1428 3 888518131 +682 1437 2 888521942 +682 1440 2 888517538 +682 1478 3 888519226 +682 1655 2 888517922 +683 56 5 893286364 +683 62 4 893286208 +683 127 4 893286501 +683 133 5 893286208 +683 187 5 893286501 +683 245 2 893283728 +683 248 4 893286603 +683 258 3 893282978 +683 259 3 893283642 +683 264 2 893283997 +683 268 4 893286261 +683 286 2 893282977 +683 288 3 893286259 +683 289 4 893286260 +683 294 3 893286346 +683 299 3 893283997 +683 302 5 893286207 +683 303 3 893283104 +683 306 3 893286347 +683 308 3 893284420 +683 312 3 893284183 +683 313 2 893282664 +683 315 4 893285557 +683 316 4 893286208 +683 321 5 893286207 +683 327 4 893286260 +683 328 2 893283728 +683 331 2 893283728 +683 332 3 893283997 +683 346 4 893286347 +683 347 4 893286208 +683 350 2 893284184 +683 354 3 893286347 +683 358 2 893283948 +683 511 5 893286207 +683 513 5 893286208 +683 588 4 893286584 +683 607 5 893286207 +683 626 3 893286550 +683 678 1 893283948 +683 682 1 893284032 +683 683 3 893286347 +683 690 4 893286260 +683 748 3 893286347 +683 879 3 893283997 +683 887 4 893286261 +683 895 2 893284138 +683 900 1 893282740 +683 911 3 893286346 +683 914 2 893283104 +683 915 2 893282977 +683 1280 3 893284032 +683 1483 3 893286346 +684 1 4 875810928 +684 38 3 878759635 +684 48 4 875812176 +684 64 4 878759907 +684 70 4 878761788 +684 73 4 878762087 +684 83 5 878761676 +684 88 4 878761788 +684 94 3 878762183 +684 98 4 878759970 +684 111 4 878760164 +684 118 4 878760274 +684 121 3 875810574 +684 147 2 878232961 +684 151 3 875810633 +684 161 3 878760137 +684 172 5 875812299 +684 181 4 875810999 +684 186 4 878762087 +684 202 4 878759384 +684 204 4 875812299 +684 208 3 878761120 +684 210 3 878759474 +684 216 3 878761717 +684 218 1 878232961 +684 237 5 875811158 +684 238 3 878759545 +684 239 4 878762118 +684 248 3 878576473 +684 252 4 875812227 +684 371 2 878576866 +684 381 2 878762033 +684 386 3 878759184 +684 393 4 878761751 +684 395 2 878762243 +684 401 3 878762302 +684 402 3 878759310 +684 408 5 875810796 +684 409 3 878760614 +684 477 5 878759560 +684 520 4 875812065 +684 553 4 878760305 +684 585 2 878762273 +684 596 3 875812351 +684 625 3 878760041 +684 692 4 878576614 +684 710 5 875812109 +684 722 2 878762302 +684 728 2 878762243 +684 732 4 878761717 +684 734 3 878762302 +684 742 4 875810830 +684 781 3 878762183 +684 924 2 878232961 +684 934 3 875811158 +684 1283 3 875811708 +685 269 3 879451401 +685 286 1 879447443 +685 288 2 879451147 +685 289 2 879451253 +685 302 3 879451401 +685 319 2 879451401 +685 325 3 879451401 +685 327 2 879451234 +685 333 1 879451147 +685 334 1 879451168 +685 340 2 879451401 +685 872 2 879447443 +685 873 2 879451401 +685 875 3 879451401 +685 882 3 879451401 +685 886 1 879451211 +685 991 1 879451282 +686 2 3 879546443 +686 12 5 879545758 +686 22 5 879545181 +686 23 5 879547177 +686 26 5 879546847 +686 28 4 879546147 +686 50 4 879545413 +686 64 5 879547224 +686 79 4 879546443 +686 89 4 879545481 +686 98 5 879546651 +686 99 5 879546553 +686 127 5 879545481 +686 134 5 879545340 +686 135 5 879547276 +686 168 5 879547129 +686 170 5 879547043 +686 172 4 879545181 +686 174 4 879545966 +686 176 3 879545413 +686 179 5 879545814 +686 180 5 879546147 +686 181 4 879547337 +686 182 5 879546217 +686 185 5 879545603 +686 187 5 879545481 +686 191 5 879546954 +686 194 5 879546443 +686 198 5 879546443 +686 204 4 879546553 +686 205 5 879545181 +686 208 5 879547275 +686 234 4 879546715 +686 299 5 879543557 +686 318 5 879545814 +686 327 5 879543445 +686 357 5 879545549 +686 425 5 879546651 +686 427 5 879546319 +686 474 5 879545413 +686 480 5 879547224 +686 504 5 879545662 +686 514 5 879545662 +686 521 5 879546786 +686 528 5 879547336 +686 542 1 879546443 +686 588 4 879546497 +686 603 5 879546847 +686 651 5 879545413 +686 654 5 879546954 +686 806 5 879546319 +686 1184 1 879547337 +687 245 3 884652276 +687 264 3 884652197 +687 268 5 884652088 +687 269 4 884651420 +687 286 3 884651648 +687 288 4 884651576 +687 294 3 884651894 +687 319 4 884652276 +687 323 2 884651894 +687 324 2 884651648 +687 336 2 884652144 +687 340 4 884651894 +687 678 4 884652482 +687 748 3 884652276 +687 749 4 884651746 +687 879 3 884651894 +688 259 5 884153750 +688 288 5 884153712 +688 302 5 884153425 +688 326 5 884153606 +688 329 5 884153606 +688 332 5 884153712 +688 336 2 884153728 +688 338 5 884153751 +688 339 5 884153712 +688 678 5 884153750 +688 682 5 884153712 +688 749 5 884153712 +688 754 5 884153606 +688 877 5 884153751 +688 879 5 884153712 +688 1127 5 884153606 +688 1234 5 884153712 +689 1 3 876676211 +689 7 5 876676334 +689 15 5 876676502 +689 109 5 876675152 +689 111 3 876676501 +689 117 4 876676293 +689 121 5 876676433 +689 125 3 876675152 +689 151 3 876676501 +689 181 5 876674861 +689 222 5 876674954 +689 237 3 876676293 +689 250 5 876676334 +689 258 5 876674954 +689 273 3 876676165 +689 298 4 876676211 +689 358 4 876674762 +689 471 4 876676433 +689 597 4 876676165 +689 717 3 876676359 +689 748 5 876674637 +689 879 2 876674692 +690 1 4 881179631 +690 12 4 881179631 +690 25 3 881177430 +690 47 1 881179469 +690 53 2 881180005 +690 63 3 881177804 +690 64 5 881179682 +690 66 3 881177581 +690 67 4 881177836 +690 69 5 881179293 +690 72 2 881177553 +690 77 3 881179906 +690 79 4 881179809 +690 80 3 881177778 +690 85 1 881177430 +690 88 4 881177689 +690 89 2 881179505 +690 90 1 881179469 +690 94 4 881177836 +690 98 5 881179196 +690 106 3 881180138 +690 118 4 881180056 +690 120 1 881179469 +690 127 4 881178213 +690 148 3 881178365 +690 154 3 881179222 +690 158 4 881177835 +690 159 3 881180005 +690 163 3 881177459 +690 168 3 881177376 +690 174 4 881179505 +690 194 4 881177349 +690 203 4 881179631 +690 204 3 881177430 +690 210 3 881177581 +690 216 4 881177302 +690 218 5 881179906 +690 223 4 881179069 +690 226 3 881179969 +690 232 4 881177689 +690 233 3 881179968 +690 234 4 881179878 +690 237 4 881178330 +690 239 2 881177532 +690 274 3 881177721 +690 276 3 881178293 +690 281 3 881180005 +690 284 4 881178442 +690 364 3 881178026 +690 376 3 881177910 +690 384 3 881177804 +690 393 4 881177616 +690 396 2 881177861 +690 428 1 881177506 +690 431 2 881179856 +690 443 3 881179937 +690 514 1 881177430 +690 523 4 881177430 +690 636 4 881179969 +690 642 3 881179937 +690 649 4 881179906 +690 663 4 881177376 +690 705 1 881179505 +690 712 4 881177880 +690 716 1 881179469 +690 739 3 881180564 +690 742 3 881179878 +690 746 2 881177532 +690 781 2 881177662 +690 790 3 881177970 +690 794 3 881180543 +690 993 3 881178697 +690 1042 4 881180035 +690 1207 3 881180138 +691 1 5 875543346 +691 8 2 875543346 +691 50 4 875543191 +691 56 4 875543025 +691 64 5 875543191 +691 79 5 875543025 +691 98 4 875543281 +691 170 5 875543395 +691 182 5 875543228 +691 205 5 875543395 +691 227 4 875543108 +691 243 1 875542944 +691 294 4 875542868 +691 304 3 875542868 +691 322 3 875542976 +691 478 4 875543281 +691 496 5 875543025 +691 603 5 875543191 +691 650 5 875543281 +691 692 5 875543153 +691 735 5 875543228 +691 748 4 875542868 +691 772 5 875543281 +691 1172 5 875543191 +692 1 4 876953340 +692 56 3 876953204 +692 66 2 876953130 +692 100 4 876953482 +692 127 3 876948910 +692 204 5 876953340 +692 238 4 876953340 +692 257 4 876953340 +692 285 3 876953204 +692 287 3 876953130 +692 321 3 876946833 +692 410 5 876953824 +692 412 4 876954196 +692 476 3 876953279 +692 508 3 876953424 +692 692 3 876953130 +692 756 2 876953681 +692 762 4 876953681 +692 845 3 876948910 +692 1023 2 876954083 +692 1028 3 876953823 +692 1040 2 876954021 +692 1054 3 876954197 +692 1132 4 876953954 +693 7 4 875483947 +693 9 3 875481856 +693 11 4 875482197 +693 23 4 875482168 +693 25 4 883975697 +693 28 2 875482280 +693 39 3 875482396 +693 50 3 875483881 +693 53 4 875483597 +693 58 3 875482477 +693 64 3 875482136 +693 69 3 875482336 +693 77 2 875482860 +693 98 4 875483268 +693 117 4 875483977 +693 118 2 875483597 +693 131 3 875484953 +693 132 4 875484562 +693 134 4 875484539 +693 135 4 875482524 +693 143 4 875484613 +693 162 3 875482912 +693 172 3 875483947 +693 178 5 875482309 +693 180 3 875482309 +693 181 3 875483881 +693 183 2 875483301 +693 185 5 875483301 +693 186 2 875484882 +693 188 2 875483847 +693 196 2 875482548 +693 197 3 875482197 +693 210 3 875484044 +693 211 2 875484789 +693 215 4 875482860 +693 218 4 875483473 +693 228 2 875483947 +693 230 2 875483381 +693 273 3 875481549 +693 282 4 875482626 +693 289 3 889167919 +693 291 3 889167954 +693 300 2 875481397 +693 318 4 875482092 +693 333 3 875481397 +693 357 5 875482169 +693 382 4 875482689 +693 402 3 883975558 +693 403 2 875483049 +693 419 2 875484501 +693 423 3 875482136 +693 427 4 875484908 +693 428 3 875484763 +693 432 4 875484908 +693 443 2 875483741 +693 472 3 875484089 +693 480 4 875484454 +693 483 3 875484352 +693 484 3 875484837 +693 488 4 875484539 +693 499 4 875484539 +693 504 5 875483302 +693 508 2 875482447 +693 509 3 883975500 +693 514 4 875484431 +693 523 4 875482448 +693 527 3 875482280 +693 546 1 875483234 +693 566 2 875483473 +693 568 4 875483947 +693 572 2 875484148 +693 581 3 875482731 +693 604 3 875484480 +693 606 4 875484584 +693 611 4 875484406 +693 628 4 875483020 +693 631 3 875482826 +693 632 5 875482626 +693 636 1 875483473 +693 650 3 875482364 +693 654 3 875483381 +693 655 3 875482604 +693 660 3 875483020 +693 662 4 875482604 +693 673 4 875483050 +693 684 3 875483435 +693 693 3 875482860 +693 735 4 875482912 +693 942 2 875482396 +693 1090 4 875483564 +693 1136 3 883975358 +693 1145 2 875483049 +693 1232 2 875483114 +693 1311 1 875482939 +693 1522 3 875483670 +694 9 5 875726618 +694 15 4 875728842 +694 22 5 875726759 +694 28 4 875729304 +694 31 4 875728345 +694 48 4 875726759 +694 50 5 875730386 +694 71 4 875730889 +694 72 4 875729107 +694 82 5 875728345 +694 97 5 875727399 +694 98 5 875726886 +694 100 4 875727640 +694 121 5 875726886 +694 131 5 875727715 +694 132 5 875727640 +694 133 5 875727189 +694 138 3 875730082 +694 141 5 875727399 +694 153 4 875728508 +694 157 4 875729667 +694 172 5 875727399 +694 174 5 875727061 +694 176 5 875729146 +694 178 4 875727099 +694 180 4 875727672 +694 181 5 875730386 +694 183 5 875727061 +694 185 4 875729520 +694 188 5 875727715 +694 191 5 875727749 +694 193 4 875728435 +694 194 5 875727143 +694 195 4 875726708 +694 196 5 875727226 +694 197 5 875727926 +694 199 5 875728435 +694 200 4 875726968 +694 202 4 875727189 +694 203 4 875728801 +694 204 4 875728639 +694 205 5 875726968 +694 210 4 875728293 +694 211 5 875727189 +694 216 4 875729830 +694 226 3 875729271 +694 228 4 875727306 +694 229 4 875728801 +694 230 4 875727143 +694 237 4 875728509 +694 238 3 875727306 +694 239 4 875729520 +694 241 3 875727877 +694 275 4 875727640 +694 300 4 875726453 +694 356 4 875729622 +694 357 5 875726618 +694 378 3 875730313 +694 385 4 875730082 +694 393 3 875728952 +694 419 4 875729907 +694 423 5 875727018 +694 427 4 875727226 +694 429 4 875726759 +694 432 4 875727513 +694 434 5 875727018 +694 435 4 875728639 +694 448 3 875729489 +694 449 4 875727271 +694 468 4 875729270 +694 474 4 875727226 +694 480 4 875726759 +694 481 4 875727781 +694 482 5 875728435 +694 484 4 875726707 +694 489 4 875727640 +694 490 4 875727877 +694 491 3 875731050 +694 495 4 875727018 +694 496 4 875727640 +694 499 4 875728345 +694 504 3 875728912 +694 506 4 875727270 +694 517 4 875727926 +694 520 5 875726618 +694 528 3 875728842 +694 530 5 875726708 +694 584 4 875727877 +694 604 4 875727399 +694 605 4 875727513 +694 610 4 875729983 +694 614 4 875726886 +694 617 4 875728181 +694 632 4 875727399 +694 641 4 875726618 +694 645 4 875727143 +694 654 4 875727099 +694 659 4 875728181 +694 661 5 875727926 +694 671 3 875728989 +694 684 4 875730313 +694 692 4 875728729 +694 699 4 875728639 +694 705 5 875728048 +694 1035 4 875728345 +694 1050 3 875726759 +694 1203 4 875729489 +694 1205 3 875727550 +694 1263 3 875729146 +694 1455 3 875727061 +695 260 4 888806150 +695 264 1 888806222 +695 270 4 888805952 +695 286 3 888805913 +695 288 4 888806120 +695 289 2 888806150 +695 300 1 888805767 +695 301 3 888806120 +695 302 4 888805836 +695 305 3 888805797 +695 307 4 888806120 +695 311 4 888805767 +695 312 3 888806193 +695 313 2 888805836 +695 319 5 888806056 +695 328 3 888806056 +695 333 2 888805952 +695 338 2 888806270 +695 340 4 888806082 +695 343 4 888806120 +695 346 5 888806011 +695 358 5 888806270 +695 678 4 888806292 +695 748 1 888806270 +695 882 4 888805836 +695 887 3 888805797 +695 989 3 888806056 +695 995 4 888806150 +695 1024 5 888805913 +696 178 4 886404542 +696 234 4 886404617 +696 285 4 886404617 +696 286 5 886403578 +696 305 4 886403578 +696 310 4 886403673 +696 312 4 886404322 +696 313 3 886403672 +696 315 5 886403578 +696 327 4 886404144 +696 344 5 886403672 +696 523 5 886404542 +696 689 1 886404208 +696 883 4 886404208 +696 899 3 886403673 +696 1176 4 886403631 +697 1 5 882622481 +697 9 4 882622505 +697 25 3 882622188 +697 107 5 882622581 +697 123 5 882622016 +697 124 5 882622505 +697 125 3 882622559 +697 126 5 882622581 +697 129 5 882622016 +697 150 5 882622127 +697 181 4 882621913 +697 222 4 882622016 +697 225 3 882622680 +697 235 4 882622188 +697 237 5 882622414 +697 242 5 882621486 +697 244 5 882622481 +697 245 3 882621621 +697 250 4 882621940 +697 252 1 882621940 +697 254 2 882621958 +697 260 3 882621651 +697 263 1 882621714 +697 268 5 882621548 +697 271 4 882621460 +697 273 5 882622481 +697 276 5 882622505 +697 277 5 882622581 +697 280 3 882622597 +697 282 4 882622559 +697 283 5 882622146 +697 287 4 882622170 +697 291 5 882622481 +697 294 4 882621569 +697 295 3 882622733 +697 298 4 882621940 +697 300 5 882621431 +697 301 5 882621523 +697 302 5 882621460 +697 305 5 882621431 +697 307 4 882621431 +697 324 5 882622481 +697 326 4 882621548 +697 331 3 882621431 +697 333 3 882621431 +697 336 3 882621523 +697 339 2 882621714 +697 369 5 882622481 +697 473 5 882622372 +697 546 4 882622626 +697 596 4 882622372 +697 628 4 882622016 +697 682 2 882621523 +697 683 1 882621813 +697 689 4 882621714 +697 713 5 882622505 +697 748 5 882621569 +697 751 5 882622481 +697 754 3 882621431 +697 763 4 882622208 +697 818 4 882622228 +697 879 4 882621486 +697 881 2 882621523 +697 886 5 882622481 +697 895 2 882621548 +697 928 3 882622044 +697 986 1 882622680 +697 989 2 882621813 +697 1022 1 882621523 +697 1025 2 882621523 +697 1059 2 882622208 +697 1160 1 882622824 +697 1245 1 882622526 +698 10 4 886366652 +698 22 1 886368545 +698 28 2 886366916 +698 50 5 886366101 +698 66 3 886367100 +698 83 5 886366731 +698 86 2 886367508 +698 89 4 886366454 +698 95 3 886367406 +698 121 2 886368545 +698 127 4 886366101 +698 132 4 886367066 +698 133 2 886367586 +698 134 3 886366558 +698 135 3 886366483 +698 144 2 886367586 +698 153 2 886367586 +698 168 3 886366731 +698 174 3 886367337 +698 177 1 886367366 +698 183 3 886366916 +698 187 2 886366916 +698 190 5 886366515 +698 191 2 886367406 +698 194 4 886366454 +698 195 4 886366483 +698 205 4 886367013 +698 210 5 886366690 +698 211 2 886367066 +698 214 1 886367874 +698 220 3 886367874 +698 222 4 886366611 +698 228 3 886367442 +698 230 3 886367337 +698 255 3 886366213 +698 275 4 886366558 +698 283 2 886367849 +698 284 1 886368545 +698 307 4 886365629 +698 330 4 886365606 +698 357 4 886366454 +698 385 4 886367366 +698 419 3 886367474 +698 421 2 886367366 +698 434 4 886366515 +698 435 3 886366980 +698 478 4 886366814 +698 481 3 886367473 +698 485 4 886367473 +698 489 3 886367849 +698 491 2 886367644 +698 496 3 886366690 +698 497 3 886367473 +698 498 4 886366515 +698 505 2 886367750 +698 507 4 886366611 +698 512 4 886367644 +698 513 2 886366558 +698 515 4 886366190 +698 516 2 886367809 +698 526 2 886366611 +698 529 5 886366731 +698 568 2 886367955 +698 603 4 886366770 +698 607 2 886368545 +698 613 5 886366770 +698 640 2 886367849 +698 656 1 886367133 +698 659 3 886367013 +698 663 1 886366955 +698 705 4 886366611 +698 707 2 886366814 +698 751 3 886365557 +698 945 2 886367100 +698 968 1 886368545 +698 988 1 886365802 +698 1020 2 886367558 +698 1063 2 886367406 +698 1149 3 886367013 +698 1299 2 886367775 +699 1 3 878882272 +699 3 3 879147917 +699 7 2 878882272 +699 13 4 879146941 +699 14 3 878881952 +699 16 3 879148259 +699 19 4 878882667 +699 20 4 879147239 +699 23 4 878883113 +699 24 3 879147239 +699 70 4 878883038 +699 95 3 878883173 +699 100 4 878882667 +699 106 3 886568066 +699 109 3 879147109 +699 111 3 878881875 +699 112 3 884152976 +699 117 4 879148051 +699 118 4 879148051 +699 121 3 878882366 +699 147 2 883279472 +699 151 3 878882002 +699 181 3 878882082 +699 202 3 878883112 +699 206 3 878883173 +699 211 1 878883113 +699 221 4 878882667 +699 222 3 883884642 +699 224 3 878883249 +699 225 3 878882133 +699 234 3 878883172 +699 235 3 878882272 +699 244 3 878882319 +699 250 4 879148050 +699 252 4 879148050 +699 258 5 883278844 +699 268 4 884152267 +699 269 4 893140697 +699 270 4 893140745 +699 271 3 880695324 +699 276 3 885775479 +699 277 3 878882319 +699 285 4 879148050 +699 286 3 880695246 +699 291 3 892709098 +699 294 3 878881676 +699 298 4 883278699 +699 300 3 893140897 +699 307 3 893140697 +699 308 4 879382955 +699 319 3 883279146 +699 321 3 879383009 +699 323 4 879147366 +699 324 4 879147497 +699 325 5 879148050 +699 328 2 885775345 +699 333 3 893140662 +699 405 3 878882608 +699 413 3 884152706 +699 455 3 878882178 +699 456 1 880696679 +699 471 3 879147597 +699 475 4 878882667 +699 477 3 878882411 +699 479 3 878883038 +699 495 3 878883113 +699 532 3 878882410 +699 544 4 879147109 +699 546 3 879147769 +699 591 2 880696196 +699 596 3 884152780 +699 597 3 884152570 +699 678 3 879147032 +699 683 3 880695597 +699 717 1 878882511 +699 748 2 879382698 +699 749 3 893140897 +699 760 3 879147239 +699 764 3 886568162 +699 820 2 880696597 +699 825 3 879147917 +699 870 3 879147814 +699 878 3 879382955 +699 929 3 879147366 +699 933 3 878882226 +699 977 2 879147550 +699 983 3 886568097 +699 985 3 879147814 +699 989 4 883279196 +699 991 3 879382830 +699 1009 4 878882668 +699 1010 3 878882563 +699 1057 3 880696553 +699 1060 3 879147367 +699 1068 3 879146547 +699 1129 3 878882319 +699 1143 3 879146941 +699 1284 3 879147239 +699 1375 3 878882836 +699 1615 3 883884998 +699 1643 3 879147169 +700 48 4 884494215 +700 50 5 884493899 +700 56 3 884493899 +700 79 3 884494420 +700 96 4 884494310 +700 98 3 884494215 +700 144 4 884494252 +700 168 3 884494420 +700 180 3 884494278 +700 181 5 884493523 +700 202 3 884493899 +700 651 4 884493712 +701 1 4 891447139 +701 19 5 891447164 +701 50 5 891447197 +701 100 5 891447139 +701 124 5 891447164 +701 127 4 891447139 +701 237 5 891447198 +701 255 3 891447164 +701 257 4 891447197 +701 269 5 891446488 +701 272 5 891446559 +701 285 5 891447139 +701 286 4 891446488 +701 292 4 891446754 +701 297 4 891447197 +701 304 4 891446679 +701 312 3 891446730 +701 315 5 891446559 +701 316 5 891446857 +701 326 4 891446707 +701 333 3 891446788 +701 344 3 891446788 +701 750 5 891446588 +701 751 4 891446788 +702 228 5 885767774 +702 259 3 885767604 +702 271 1 885767534 +702 288 1 885767306 +702 289 2 885767604 +702 294 1 885767555 +702 300 3 885767461 +702 307 2 885767336 +702 313 5 885767336 +702 346 1 885767306 +702 380 4 885767774 +702 450 1 885767775 +702 690 1 885767392 +702 751 4 885767576 +702 895 1 885767534 +702 1127 2 885767414 +703 7 4 875242599 +703 15 5 875242814 +703 50 5 875242813 +703 100 4 875242663 +703 117 4 875242814 +703 121 5 875243049 +703 127 5 875242663 +703 147 3 875243049 +703 222 4 875242704 +703 237 5 875242787 +703 257 5 875242990 +703 258 4 875242076 +703 259 1 875242336 +703 275 4 875242663 +703 293 4 875242990 +703 294 2 875242281 +703 323 2 875242281 +703 328 3 875242303 +703 410 4 875243028 +703 458 3 875242935 +703 471 4 875242885 +703 591 4 875243049 +703 742 3 875242852 +703 819 2 875242912 +703 864 2 875242912 +703 926 4 875242885 +703 1012 4 875242852 +703 1047 3 875243028 +704 50 5 891397262 +704 58 3 891397366 +704 89 5 891397305 +704 98 5 891397305 +704 100 4 891397491 +704 131 5 891398726 +704 134 5 891397441 +704 136 4 891397819 +704 152 2 891397819 +704 154 3 891398702 +704 156 3 891397819 +704 170 3 891397086 +704 172 2 891397058 +704 178 5 891397535 +704 180 4 891397491 +704 191 3 891397262 +704 193 5 891397305 +704 197 5 891397948 +704 205 5 891397819 +704 209 3 891397667 +704 210 4 891397112 +704 211 5 891398726 +704 214 2 891398702 +704 222 3 891397058 +704 259 2 891396904 +704 286 5 891397015 +704 289 3 891396881 +704 300 2 891396674 +704 302 4 891397015 +704 304 2 891396595 +704 316 4 891397015 +704 322 2 891396881 +704 340 3 891396636 +704 354 4 891397015 +704 381 3 891397713 +704 382 4 891397571 +704 429 4 891397366 +704 432 5 891397535 +704 461 3 891397712 +704 480 5 891397086 +704 481 5 891397667 +704 486 4 891397764 +704 488 5 891397570 +704 491 5 891397535 +704 494 5 891397948 +704 496 5 891397712 +704 506 4 891397712 +704 514 4 891397112 +704 519 3 891397262 +704 523 5 891397667 +704 604 5 891397366 +704 606 2 891397441 +704 607 4 891397535 +704 633 5 891397819 +704 639 2 891397667 +704 654 5 891397667 +704 655 3 891397190 +704 657 4 891397667 +704 662 3 891397819 +704 735 4 891397305 +704 889 3 891397015 +704 1296 4 891397015 +704 1454 3 891397441 +705 1 5 883427101 +705 2 3 883428058 +705 8 3 883427904 +705 15 3 883427297 +705 28 4 883427640 +705 38 5 883428258 +705 50 4 883427012 +705 58 2 883518834 +705 64 5 883518709 +705 83 4 883518834 +705 96 5 883428028 +705 97 3 883518765 +705 111 4 883427012 +705 117 5 883426944 +705 118 4 883427377 +705 121 5 883427479 +705 144 3 883427988 +705 151 3 883427134 +705 161 5 883428028 +705 172 3 883427663 +705 173 2 883427640 +705 174 5 883427640 +705 181 5 883426892 +705 191 1 883518871 +705 196 4 883518903 +705 226 3 883428028 +705 229 3 883428154 +705 230 4 883428083 +705 231 3 883428201 +705 233 3 883428154 +705 241 4 883428128 +705 255 5 883427152 +705 257 4 883426944 +705 265 5 883428154 +705 275 5 883427048 +705 282 5 883427216 +705 283 5 883427048 +705 284 3 883427190 +705 286 3 883426747 +705 298 5 883426892 +705 300 5 883426780 +705 363 2 883427530 +705 373 3 883428237 +705 377 4 883427857 +705 385 4 883428084 +705 393 4 883427716 +705 400 4 883427817 +705 405 4 883427479 +705 416 3 883427716 +705 419 3 883427663 +705 423 2 883427904 +705 427 2 883518783 +705 471 5 883427339 +705 526 3 883428028 +705 550 2 883428058 +705 554 2 883428201 +705 560 2 883427951 +705 566 4 883428058 +705 568 5 883428058 +705 576 4 883428128 +705 578 3 883428276 +705 588 3 883427640 +705 622 4 883427778 +705 627 3 883427932 +705 755 5 883427691 +705 797 4 883428258 +705 815 3 883427297 +705 820 3 883427817 +705 827 4 883427297 +705 862 1 883427875 +705 932 5 883427339 +705 1043 5 883427857 +705 1228 2 883428258 +706 1 4 880997324 +706 7 3 880997412 +706 24 3 880997172 +706 25 4 880997385 +706 50 5 880997142 +706 100 1 880997211 +706 117 4 880997195 +706 118 3 880997464 +706 125 5 880997172 +706 237 4 880997482 +706 245 3 880996945 +706 323 4 880996945 +706 331 5 880996945 +706 333 1 880996945 +706 628 4 880997412 +706 687 1 880996945 +707 8 5 886285762 +707 9 5 880059647 +707 10 5 880059687 +707 12 3 886286004 +707 13 4 880059957 +707 14 3 880060118 +707 15 4 880059876 +707 26 3 886286954 +707 45 4 886286926 +707 52 3 886287268 +707 57 4 886287310 +707 65 4 886286004 +707 70 3 886287376 +707 83 3 886286926 +707 86 4 886286283 +707 97 4 886285876 +707 100 5 880059810 +707 106 3 886288189 +707 111 4 880060420 +707 116 5 880059974 +707 124 4 880059876 +707 133 2 886287268 +707 134 4 886286004 +707 140 2 886287191 +707 151 4 880059810 +707 153 3 886286844 +707 154 3 886286742 +707 160 5 886286193 +707 162 5 886285968 +707 163 2 886285939 +707 165 3 886285939 +707 166 3 880061579 +707 167 2 886288133 +707 170 5 886285824 +707 172 2 886286134 +707 173 2 886286380 +707 185 3 886286032 +707 186 3 886286133 +707 190 5 886286283 +707 191 5 880061699 +707 197 4 886287130 +707 199 2 886285824 +707 208 5 886285939 +707 211 3 886287051 +707 221 4 880059749 +707 224 4 880059876 +707 238 4 886286764 +707 242 4 879439088 +707 251 5 880059647 +707 256 4 880061024 +707 269 4 882200810 +707 275 4 880059687 +707 283 4 880059957 +707 285 5 880059749 +707 286 5 879438988 +707 287 4 880059774 +707 293 4 880059810 +707 302 4 886285168 +707 309 2 880684605 +707 310 4 882200872 +707 313 2 886288754 +707 345 5 886285168 +707 367 4 886291531 +707 371 3 886287497 +707 378 3 886287628 +707 382 3 886287191 +707 387 4 886287733 +707 419 3 886285968 +707 420 3 886287160 +707 425 5 886287268 +707 427 4 886285907 +707 443 3 886287191 +707 462 4 886286133 +707 467 4 886286057 +707 476 3 880061111 +707 478 4 886285762 +707 479 3 886286092 +707 480 3 886286360 +707 482 3 886286032 +707 483 5 886286004 +707 486 3 886287662 +707 487 2 886286360 +707 492 2 886286818 +707 496 3 886286433 +707 498 3 886286133 +707 499 4 886287450 +707 504 1 886286246 +707 505 4 886286311 +707 506 2 886286742 +707 507 5 886286819 +707 525 3 886286999 +707 526 1 886287405 +707 529 4 886287376 +707 531 5 886286214 +707 582 5 886286433 +707 602 4 886287290 +707 630 3 886287608 +707 631 4 886286844 +707 632 4 886287426 +707 640 2 886287471 +707 641 1 886285907 +707 647 5 880061652 +707 654 4 880061578 +707 663 4 886286979 +707 676 4 880060180 +707 692 4 886286092 +707 694 4 886286246 +707 702 3 886286193 +707 705 4 886285851 +707 707 5 886286133 +707 708 3 886286170 +707 712 3 886288624 +707 715 3 886286954 +707 716 2 886287051 +707 718 5 880059876 +707 723 3 886286954 +707 730 3 886286742 +707 735 4 886286792 +707 739 2 886287919 +707 770 3 886287405 +707 778 3 886287160 +707 792 4 886287107 +707 799 4 886287876 +707 815 2 880060609 +707 847 5 880060066 +707 863 4 886286662 +707 864 4 880060262 +707 865 5 886286360 +707 866 2 880060974 +707 900 4 890008041 +707 902 5 890008121 +707 903 3 886285216 +707 923 5 886286092 +707 936 4 880059836 +707 952 3 880060724 +707 956 5 886287107 +707 995 4 879439418 +707 1007 4 880060180 +707 1018 3 886288455 +707 1021 3 886287079 +707 1024 5 890008041 +707 1061 3 880060118 +707 1107 3 886288239 +707 1109 5 886286283 +707 1113 2 886287990 +707 1142 1 880059921 +707 1171 3 880059687 +707 1176 2 879438910 +707 1204 3 886286283 +707 1251 4 880059647 +707 1255 3 880061252 +707 1257 2 880061190 +707 1281 4 880060820 +707 1311 3 886287608 +707 1381 3 880061346 +707 1397 1 886289521 +707 1530 3 886288356 +707 1628 5 886287353 +708 1 5 877325375 +708 15 3 877325404 +708 21 1 877325316 +708 50 5 877325186 +708 112 1 877325934 +708 117 4 877325236 +708 147 4 892719246 +708 148 4 892719246 +708 151 4 892719211 +708 181 5 877325279 +708 222 5 892719172 +708 225 2 892719172 +708 255 5 877325601 +708 268 3 892718876 +708 271 1 892718796 +708 274 4 877326086 +708 276 2 877325905 +708 280 4 877325316 +708 281 4 877326014 +708 283 1 892719363 +708 284 5 892719340 +708 289 4 892719062 +708 294 3 892719033 +708 299 1 892718964 +708 304 4 892718876 +708 313 5 892718687 +708 322 3 892719062 +708 326 4 892719007 +708 328 3 892718964 +708 336 2 892718846 +708 352 1 892718596 +708 358 2 892719007 +708 362 1 892718575 +708 405 4 877325881 +708 412 1 877326159 +708 457 4 892718965 +708 471 4 877325455 +708 535 2 877325838 +708 538 2 892718762 +708 597 2 877326345 +708 628 3 892719246 +708 676 3 892719172 +708 678 2 892719007 +708 690 4 892718919 +708 740 5 877325687 +708 748 4 892719033 +708 751 4 892718687 +708 756 2 877326062 +708 762 5 877325838 +708 763 4 877326158 +708 764 4 877325934 +708 819 3 877325349 +708 846 2 892719269 +708 847 3 892719246 +708 864 3 892719172 +708 866 5 892719143 +708 871 1 892719101 +708 873 5 892718965 +708 880 3 892718919 +708 887 2 892718820 +708 930 3 892719363 +708 934 4 892719172 +708 938 3 892718896 +708 981 3 892719304 +708 993 4 877325349 +708 1028 2 877326217 +708 1040 2 877326037 +708 1047 2 877325726 +708 1049 2 877326086 +708 1051 4 892719193 +708 1054 3 877326158 +708 1061 3 892719143 +708 1079 1 892719385 +708 1117 4 892719269 +709 1 4 879847730 +709 2 4 879848511 +709 4 3 879848551 +709 5 4 879848167 +709 17 4 879848120 +709 22 5 879847946 +709 27 3 879848590 +709 28 5 879847946 +709 29 3 879848695 +709 38 3 879848744 +709 56 5 879848053 +709 64 5 879846293 +709 65 2 879846868 +709 68 5 879848551 +709 69 5 879846332 +709 82 4 879848645 +709 89 3 879848397 +709 92 4 879848397 +709 96 5 879848397 +709 98 4 879846648 +709 118 5 879848824 +709 121 4 879848475 +709 125 4 879847730 +709 127 5 879847945 +709 129 2 879846332 +709 144 3 879846622 +709 145 3 879848319 +709 155 2 879849185 +709 161 5 879848511 +709 164 3 879848120 +709 174 5 879848396 +709 176 4 879848432 +709 181 4 879846375 +709 182 4 879846741 +709 187 5 879847945 +709 195 5 879848432 +709 200 4 879848053 +709 215 3 879846259 +709 218 4 879848168 +709 219 4 879848120 +709 226 3 879848551 +709 227 2 879848551 +709 229 2 879848645 +709 230 2 879848551 +709 231 3 879848646 +709 233 3 879848511 +709 250 4 879847626 +709 265 4 879846489 +709 273 4 879847686 +709 288 5 879847945 +709 293 4 879847879 +709 294 3 879847304 +709 295 3 879847731 +709 379 3 879848209 +709 385 4 879848397 +709 403 3 879848590 +709 447 2 879848167 +709 451 1 879848969 +709 452 3 879848318 +709 470 3 879847026 +709 515 4 879846816 +709 540 3 879848744 +709 554 4 879848744 +709 559 3 879848209 +709 561 3 879848209 +709 564 1 879848318 +709 568 4 879848396 +709 569 3 879848209 +709 576 4 879848695 +709 597 4 879848824 +709 633 3 879846561 +709 636 3 879848645 +709 637 3 879848168 +709 651 4 879846705 +709 665 3 879848272 +709 693 4 879847082 +709 697 5 879847946 +709 727 2 879849049 +709 738 1 879849330 +709 739 3 879849049 +709 762 3 879848925 +709 769 3 879848239 +709 781 3 879849185 +709 816 2 879848318 +709 823 3 879849573 +709 825 2 879848744 +709 833 4 879848792 +709 841 4 879848824 +709 849 4 879848590 +709 860 3 879848318 +709 939 4 879847082 +709 959 4 879846169 +709 1188 4 879848695 +710 1 4 882064377 +710 12 4 882063648 +710 22 3 882063852 +710 23 5 882064200 +710 50 4 882063766 +710 56 5 882064021 +710 64 4 882063766 +710 79 4 882064283 +710 92 3 883705436 +710 99 4 882064434 +710 100 4 882063920 +710 116 4 882063852 +710 127 5 882064096 +710 134 5 882063648 +710 142 3 882064377 +710 156 4 882064524 +710 173 3 882063685 +710 179 4 882063766 +710 181 3 882064160 +710 182 4 882063967 +710 187 5 882064096 +710 192 5 882063921 +710 197 4 882064200 +710 200 4 882063793 +710 202 3 882063793 +710 204 4 882063824 +710 210 4 882064283 +710 223 4 882063766 +710 258 2 882063224 +710 264 2 882063564 +710 265 4 883705484 +710 269 3 882063224 +710 271 3 882063367 +710 277 4 882063967 +710 286 4 882063223 +710 294 3 882063224 +710 300 3 882063407 +710 301 3 882063407 +710 302 4 882063224 +710 303 4 882063224 +710 310 3 882063224 +710 313 4 882860832 +710 318 4 882063710 +710 327 3 882063407 +710 335 1 882063564 +710 357 4 882063649 +710 420 4 882064434 +710 479 5 882064120 +710 483 5 882063685 +710 501 3 882064435 +710 603 4 882063921 +710 627 4 882064377 +710 654 4 882064524 +710 751 3 882860806 +710 887 2 882063612 +710 1039 4 882063736 +710 1101 4 883705436 +711 8 5 879993707 +711 10 5 876185943 +711 22 4 879993073 +711 25 4 876185920 +711 40 4 879994875 +711 48 4 879993053 +711 49 4 879994903 +711 50 4 876185648 +711 51 4 879994778 +711 64 4 876278860 +711 65 4 879992968 +711 70 5 879993824 +711 71 3 879994581 +711 83 5 879993628 +711 88 5 886030557 +711 89 5 879993997 +711 91 4 879994413 +711 94 2 879995728 +711 95 4 879993758 +711 97 4 879993605 +711 98 5 879992994 +711 99 3 879993534 +711 111 2 876185574 +711 120 2 879992038 +711 132 5 879993150 +711 133 5 879992739 +711 137 5 886030557 +711 143 5 879993236 +711 144 2 879993871 +711 151 4 876185920 +711 154 4 879992739 +711 157 3 879994608 +711 161 4 879994495 +711 167 2 879995146 +711 173 3 879993890 +711 185 4 876278721 +711 186 3 879993237 +711 191 5 879993959 +711 193 4 879993092 +711 196 5 879993918 +711 200 4 879993918 +711 203 4 879994433 +711 204 3 879992994 +711 214 4 879993871 +711 215 3 879994555 +711 216 4 879993149 +711 217 4 879994454 +711 218 4 879994852 +711 222 3 876185896 +711 228 3 879993997 +711 229 3 879995461 +711 230 3 879995053 +711 232 3 879993799 +711 248 5 886030732 +711 254 2 879992038 +711 257 3 876185726 +711 258 4 876185488 +711 269 5 879991028 +711 275 5 876185855 +711 277 5 879991476 +711 283 4 876185788 +711 286 4 876185488 +711 306 5 879991049 +711 315 4 886030353 +711 316 4 889911048 +711 317 4 879993173 +711 340 5 886030557 +711 343 3 882457816 +711 345 4 884485683 +711 365 3 879995850 +711 378 4 879995099 +711 387 4 879994777 +711 401 3 879995405 +711 402 4 879993674 +711 403 4 879994513 +711 404 3 879993579 +711 408 5 886030557 +711 417 4 879994749 +711 419 5 879994581 +711 420 5 879995302 +711 421 4 879993674 +711 432 4 879992870 +711 447 4 879994656 +711 463 5 879993959 +711 472 1 879991585 +711 476 4 876185832 +711 483 5 879992739 +711 488 4 879992407 +711 509 4 879993674 +711 549 4 879994719 +711 568 3 879995238 +711 582 5 879993605 +711 588 4 879993173 +711 622 4 879993997 +711 651 4 879993707 +711 652 4 879993824 +711 658 4 879994581 +711 662 3 879993918 +711 684 3 879993758 +711 692 3 879993150 +711 694 5 879993318 +711 699 5 879993728 +711 707 5 879993579 +711 710 4 879994903 +711 713 3 879991283 +711 715 4 879994581 +711 716 5 879995215 +711 720 3 879995077 +711 723 5 879994852 +711 724 5 879995461 +711 727 4 879993629 +711 729 3 879994413 +711 731 4 879994656 +711 732 4 879994495 +711 735 5 886030557 +711 739 3 879995215 +711 741 4 886030774 +711 744 4 876185896 +711 763 1 876185767 +711 778 4 884485635 +711 905 3 886559521 +711 909 4 889911007 +711 941 3 879994608 +711 949 4 879994719 +711 958 5 876278721 +711 961 5 886030557 +711 966 5 879994390 +711 969 5 886030557 +711 1014 4 886030873 +711 1024 5 883589512 +711 1046 3 879994367 +711 1074 3 879995754 +711 1117 4 883589726 +711 1118 4 879994633 +711 1119 4 879994632 +711 1152 1 879991762 +711 1160 5 884485704 +711 1190 3 886030579 +711 1221 4 879994777 +711 1285 3 879995238 +711 1289 2 879991458 +711 1466 4 883589693 +711 1518 3 879993997 +712 4 4 874730179 +712 26 2 874957053 +712 40 5 874956956 +712 42 1 874729935 +712 49 3 874956872 +712 51 3 874957293 +712 59 2 874730420 +712 60 1 874730520 +712 72 4 874730261 +712 73 5 874730293 +712 78 4 874957207 +712 79 4 874729850 +712 82 5 874730031 +712 83 4 874730396 +712 90 3 874957027 +712 95 4 874730552 +712 96 5 874729850 +712 97 5 874729816 +712 99 4 874729995 +712 110 5 874956956 +712 136 1 874730443 +712 141 3 874730320 +712 142 4 876251366 +712 143 5 874957306 +712 174 5 874729995 +712 177 2 874730155 +712 178 2 874956357 +712 181 5 874729901 +712 202 4 874730031 +712 204 4 874956810 +712 213 3 876251366 +712 215 3 874730031 +712 220 5 874729682 +712 228 3 874730261 +712 232 3 874956903 +712 238 3 874730206 +712 243 4 874956228 +712 294 4 876251330 +712 366 5 874956713 +712 385 5 874729778 +712 386 3 874956956 +712 392 5 874729996 +712 393 3 874730320 +712 399 5 874956872 +712 400 3 874957179 +712 402 4 874729935 +712 404 3 874730467 +712 415 4 874957161 +712 416 3 874957113 +712 418 3 874730553 +712 419 3 874730234 +712 420 3 874957140 +712 421 4 874729935 +712 431 3 874730552 +712 451 5 874956872 +712 465 4 874957113 +712 498 3 874729935 +712 501 3 874957140 +712 510 2 874729749 +712 542 4 874956543 +712 553 5 874729850 +712 568 5 874730491 +712 575 3 874957053 +712 584 4 874730342 +712 622 4 874730293 +712 623 4 874729778 +712 625 3 874956516 +712 660 4 874730234 +712 662 5 874730320 +712 692 5 874729995 +712 699 5 874956586 +712 722 3 874957086 +712 728 4 874956384 +712 731 5 874729750 +712 732 5 874730370 +712 734 4 874957027 +712 739 4 874729935 +712 746 4 874730085 +712 747 3 874730552 +712 762 4 874956244 +712 776 4 874730155 +712 781 4 874956841 +712 783 3 874956981 +712 785 5 874730206 +712 787 3 876251366 +712 790 4 874956931 +712 796 4 874957268 +712 812 4 874729996 +712 842 3 874957160 +712 941 5 874730491 +712 946 4 874730521 +712 949 4 874730370 +712 955 2 874957293 +712 1036 5 874956981 +712 1040 4 874729682 +712 1043 3 874956788 +712 1055 4 874730155 +712 1074 3 874957086 +712 1091 3 874956543 +712 1119 4 874957269 +712 1178 4 874957086 +712 1220 5 874729996 +712 1469 4 874730206 +712 1480 4 874957161 +713 272 4 888881939 +713 300 2 888881939 +713 307 3 888882311 +713 310 4 888882133 +713 313 3 888882179 +713 340 3 888882133 +713 347 4 888882337 +713 539 3 888882085 +713 689 3 888882225 +713 690 1 888882179 +713 752 2 888882276 +713 1127 3 888882225 +713 1176 3 888882224 +713 1431 3 888881939 +713 1434 3 888882133 +713 1656 2 888882085 +714 7 4 892777903 +714 9 3 892775786 +714 15 3 892777197 +714 50 5 892777876 +714 100 1 892775786 +714 118 5 892777877 +714 121 4 892777903 +714 181 5 892777876 +714 237 3 892776261 +714 252 3 892777619 +714 255 2 892777140 +714 257 3 892776410 +714 258 4 892777903 +714 276 2 892777242 +714 281 3 892777651 +714 282 4 892777903 +714 289 3 892778092 +714 294 4 892777903 +714 300 5 892778035 +714 323 4 892777903 +714 369 3 892777581 +714 472 2 892777730 +714 477 2 892777408 +714 597 3 892777533 +714 685 4 892777903 +714 748 5 892777877 +714 763 4 892777903 +714 871 3 892777903 +714 924 3 892777408 +714 1014 3 892777694 +714 1152 2 892777651 +715 12 4 875963657 +715 17 3 875964105 +715 22 4 875963792 +715 27 3 875964051 +715 31 4 875963692 +715 33 3 875964751 +715 50 5 875961998 +715 53 1 875963946 +715 56 5 875963387 +715 58 4 875964131 +715 68 4 875963486 +715 69 4 875963692 +715 70 3 875964105 +715 73 4 875964410 +715 82 4 875964025 +715 83 4 875963792 +715 85 3 875964300 +715 87 4 875963024 +715 89 3 875963538 +715 90 5 875964386 +715 92 3 875963899 +715 95 4 875963621 +715 97 3 875964330 +715 98 5 875963792 +715 100 2 875961816 +715 101 3 875964131 +715 106 2 875962140 +715 111 3 875962173 +715 117 3 875961816 +715 121 4 875962524 +715 122 4 875962718 +715 125 3 875962477 +715 143 3 875963946 +715 144 5 875962991 +715 145 2 875963657 +715 150 4 875961898 +715 155 4 875964580 +715 156 4 875964438 +715 159 3 875964330 +715 172 4 875963452 +715 173 5 875963998 +715 174 4 875963306 +715 175 3 875962964 +715 176 5 875963792 +715 179 4 875963596 +715 181 4 875961816 +715 182 5 875965035 +715 183 3 875964491 +715 193 5 875965127 +715 195 4 875963657 +715 202 5 875962931 +715 204 4 875964025 +715 206 4 875964438 +715 216 4 875963452 +715 217 2 875963452 +715 228 3 875963486 +715 231 3 875963273 +715 232 4 875964905 +715 233 3 875964468 +715 235 2 875962140 +715 237 4 875962280 +715 239 4 875963867 +715 249 4 875961919 +715 250 2 875962806 +715 252 1 875962049 +715 254 1 875962762 +715 265 5 875964105 +715 268 4 875961674 +715 273 5 875961998 +715 276 3 875962454 +715 282 3 875962423 +715 284 4 875962109 +715 288 4 875962201 +715 298 4 875962076 +715 318 5 875963867 +715 367 3 875964272 +715 380 3 875965058 +715 399 2 875963418 +715 410 4 875962227 +715 412 2 875962783 +715 425 4 875964655 +715 426 5 875964104 +715 447 3 875963452 +715 455 3 875962109 +715 475 4 875962049 +715 480 5 875963387 +715 549 3 875964519 +715 576 2 875964468 +715 591 4 875962109 +715 595 3 875962718 +715 627 3 875964614 +715 629 2 875963921 +715 655 4 875964203 +715 692 3 875963836 +715 713 4 875962201 +715 732 3 875964179 +715 735 4 875964224 +715 739 2 875964681 +715 743 2 875962806 +715 755 2 875964704 +715 756 2 875962280 +715 761 3 875965009 +715 778 2 875965171 +715 789 4 875963353 +715 826 2 875962652 +715 926 4 875962201 +715 939 4 875964545 +715 941 2 875964072 +715 944 2 875963755 +715 955 4 875963596 +715 976 1 875962339 +715 977 2 875962718 +715 1011 4 875962524 +715 1016 4 875962049 +715 1045 2 875965171 +715 1047 3 875962500 +715 1088 1 875962454 +715 1188 2 875964843 +715 1217 2 875963998 +715 1222 2 875965035 +716 1 5 879793192 +716 4 2 879796046 +716 13 2 879793376 +716 23 4 879795643 +716 25 4 879793737 +716 28 5 879794815 +716 31 3 879794996 +716 47 3 879795606 +716 48 5 879795314 +716 49 4 879797286 +716 52 5 879795467 +716 58 5 879795239 +716 72 3 879796766 +716 79 4 879794935 +716 82 5 879796138 +716 83 4 879795906 +716 86 5 879796072 +716 91 5 879796438 +716 95 4 879794775 +716 96 2 879795122 +716 97 4 879794996 +716 98 5 879795336 +716 105 2 879794450 +716 108 2 879794290 +716 111 4 879793443 +716 118 2 879793763 +716 127 5 879793293 +716 131 5 879796311 +716 132 5 879796438 +716 133 5 879795239 +716 135 3 879795071 +716 141 4 879797555 +716 142 3 879797555 +716 143 5 879796171 +716 144 2 879795467 +716 153 4 879796311 +716 154 5 879795867 +716 157 3 879796914 +716 159 4 879797475 +716 160 2 879797303 +716 161 3 879796651 +716 162 4 879796311 +716 163 4 879795949 +716 168 5 879796942 +716 173 4 879797328 +716 176 3 879795189 +716 177 2 879794935 +716 178 5 879795269 +716 181 4 879793221 +716 183 2 879796279 +716 186 3 879795867 +716 187 3 879795189 +716 190 5 879797152 +716 191 5 879796046 +716 192 3 879794870 +716 193 5 879796596 +716 194 5 879795576 +716 195 1 879795425 +716 196 5 879796596 +716 200 4 879795606 +716 204 5 879795543 +716 205 5 879796438 +716 209 3 879795543 +716 210 5 879796651 +716 211 5 879796171 +716 213 5 879795906 +716 227 3 879797177 +716 228 4 879794870 +716 229 3 879797177 +716 230 3 879797198 +716 234 5 879795269 +716 235 2 879794154 +716 237 5 879793844 +716 238 4 879797286 +716 248 4 879793293 +716 260 1 879793001 +716 274 5 879793631 +716 275 5 879793501 +716 282 3 879793501 +716 283 4 879793294 +716 284 3 879794116 +716 293 4 879793258 +716 294 4 879793653 +716 298 5 879793501 +716 300 5 879792599 +716 318 5 879794962 +716 340 3 879792665 +716 357 5 879795762 +716 367 4 879796942 +716 381 4 879795644 +716 385 1 879796011 +716 392 2 879796895 +716 405 4 879793844 +716 412 2 879794727 +716 414 4 879797152 +716 416 3 879796354 +716 417 3 879797257 +716 419 5 879794775 +716 423 4 879795496 +716 425 5 879796279 +716 427 5 879795375 +716 430 5 879796620 +716 435 4 879795071 +716 443 4 879796381 +716 445 3 879797221 +716 451 4 879796961 +716 465 5 879797177 +716 468 3 879796596 +716 470 4 879797152 +716 471 2 879795375 +716 472 3 879794032 +716 478 4 879795735 +716 481 4 879795025 +716 483 5 879795790 +716 484 4 879795867 +716 487 5 879794934 +716 488 4 879796171 +716 489 4 879795496 +716 490 4 879794870 +716 491 4 879794934 +716 494 5 879795542 +716 495 4 879795762 +716 496 5 879795467 +716 498 5 879795122 +716 499 4 879796942 +716 501 5 879796215 +716 502 3 879795867 +716 503 3 879795071 +716 504 5 879795189 +716 505 4 879796381 +716 507 5 879796072 +716 515 5 879793293 +716 517 5 879797221 +716 521 3 879796846 +716 525 3 879794815 +716 526 5 879795269 +716 527 5 879795813 +716 559 2 879796846 +716 566 3 879796010 +716 568 4 879796718 +716 570 3 879797286 +716 588 4 879795606 +716 602 5 879795691 +716 603 5 879794775 +716 604 3 879795071 +716 611 5 879795496 +716 627 4 879797475 +716 628 3 879793376 +716 630 4 879796138 +716 631 5 879795867 +716 633 4 879796808 +716 636 2 879796651 +716 650 3 879796278 +716 651 5 879796278 +716 655 4 879795838 +716 661 3 879794870 +716 663 5 879795467 +716 673 4 879797535 +716 675 2 879796766 +716 696 2 879794615 +716 705 5 879794892 +716 707 4 879795121 +716 708 4 879797443 +716 729 2 879795375 +716 735 5 879795644 +716 740 4 879793714 +716 823 3 879794428 +716 826 2 879794410 +716 836 4 879795425 +716 837 4 879796475 +716 866 3 879794200 +716 949 3 879796718 +716 956 4 879796011 +716 969 4 879794815 +716 1039 5 879796808 +716 1047 3 879794200 +716 1050 4 879797303 +716 1101 5 879795467 +716 1113 4 879797443 +716 1126 3 879796138 +716 1203 2 879795239 +716 1269 4 879795122 +716 1286 2 879795239 +717 7 4 884642160 +717 25 5 884642710 +717 100 4 884642268 +717 106 4 884642932 +717 111 4 884642479 +717 117 4 884642339 +717 121 2 884642762 +717 127 4 884715172 +717 147 4 884642297 +717 150 4 884642339 +717 222 4 884642215 +717 235 4 884642762 +717 240 2 884642868 +717 245 4 884641842 +717 246 5 884715146 +717 258 5 884642133 +717 260 1 884641911 +717 268 5 884642133 +717 271 2 884641842 +717 274 4 884642581 +717 282 5 884642817 +717 285 5 884642214 +717 286 3 884641644 +717 287 5 884642558 +717 289 4 884641911 +717 290 3 884642738 +717 291 4 884642479 +717 293 5 884715103 +717 294 3 884641842 +717 301 4 884641717 +717 302 5 884641599 +717 312 5 884642133 +717 313 5 884642133 +717 322 5 884642133 +717 324 3 884641842 +717 328 4 884641842 +717 331 3 884641681 +717 340 4 884641599 +717 358 2 884642001 +717 405 3 884642738 +717 471 4 884642427 +717 475 5 884642187 +717 476 4 884642868 +717 546 3 884642932 +717 591 4 884642297 +717 628 5 884644605 +717 742 5 884642427 +717 748 3 884641884 +717 751 4 884642001 +717 815 3 884642817 +717 887 5 884642133 +717 980 4 884642268 +717 995 5 884642132 +717 1011 4 884644419 +717 1047 4 884642981 +717 1051 3 884642868 +718 111 4 883348634 +718 222 4 883348712 +718 240 1 883349467 +718 257 4 883348845 +718 273 3 883348712 +718 274 3 883349363 +718 282 5 883348712 +718 284 4 883349191 +718 300 5 883348269 +718 471 5 883348634 +718 546 4 883349158 +718 591 4 883349191 +718 597 5 883348938 +718 689 4 883348355 +718 742 5 883348873 +718 756 5 883349384 +718 820 2 883349642 +718 841 4 883349557 +718 879 2 883348355 +718 926 2 883348912 +718 975 2 883349301 +718 982 4 883348912 +718 1028 4 883349191 +718 1048 2 883349363 +718 1165 3 883349598 +719 7 2 877311269 +719 9 4 883354106 +719 23 3 888897264 +719 50 2 879358671 +719 66 3 888454637 +719 77 3 879360846 +719 98 5 877310859 +719 118 2 879360001 +719 121 1 879372253 +719 126 2 884900234 +719 127 3 879358453 +719 137 1 884899841 +719 162 4 879361003 +719 185 4 877310932 +719 215 4 879360781 +719 223 5 879360442 +719 237 2 877917981 +719 254 1 879360298 +719 255 2 883981599 +719 274 3 888449274 +719 281 3 888897264 +719 282 4 879358874 +719 284 2 888449573 +719 289 2 877311150 +719 291 3 884900301 +719 294 2 877311109 +719 300 2 888449132 +719 357 4 879360583 +719 382 2 879360965 +719 392 4 879360846 +719 402 4 879360933 +719 410 1 883354126 +719 427 4 883354106 +719 468 3 879361023 +719 509 2 879360933 +719 510 4 879360493 +719 520 5 879360466 +719 532 3 888449606 +719 655 4 879360617 +719 659 4 879373935 +719 660 5 879360493 +719 673 3 879360965 +719 735 5 888454612 +719 742 4 879358893 +719 778 3 883982002 +720 242 4 891262608 +720 258 4 891262762 +720 269 3 891262608 +720 272 4 891262762 +720 302 5 891262608 +720 304 4 891262697 +720 306 4 891262635 +720 311 5 891262635 +720 315 4 891262608 +720 319 3 891263340 +720 321 4 891262762 +720 333 4 891262669 +720 345 2 891262762 +720 749 3 891262812 +720 872 3 891262780 +720 887 5 891262608 +720 896 5 891262669 +720 902 4 891263460 +720 906 4 891262697 +720 995 4 891262762 +720 1062 5 891262812 +721 1 5 877137877 +721 22 5 877139147 +721 50 5 877138584 +721 58 2 877140781 +721 64 4 877139301 +721 70 3 877145403 +721 82 4 877139015 +721 87 3 877140859 +721 125 3 877147080 +721 127 5 877140409 +721 135 3 877140490 +721 153 4 877150031 +721 157 3 877140137 +721 161 5 877138816 +721 162 2 877147503 +721 175 5 877140282 +721 191 3 877140490 +721 194 5 877138024 +721 196 5 877139147 +721 204 5 877154765 +721 209 3 877150031 +721 215 4 877141373 +721 222 5 877138584 +721 228 5 877138585 +721 229 5 877138585 +721 237 3 877145312 +721 242 3 877137597 +721 258 3 877135269 +721 259 3 877137527 +721 262 3 877137285 +721 263 3 877137598 +721 264 1 877135806 +721 266 3 877136967 +721 268 4 877136831 +721 269 5 877135269 +721 282 4 877145657 +721 284 4 877141038 +721 288 3 877137447 +721 289 3 877137597 +721 292 3 877137527 +721 294 3 877137447 +721 300 5 877135806 +721 301 4 877136358 +721 302 3 877137358 +721 305 3 877137285 +721 317 4 877147872 +721 318 4 877140047 +721 319 3 877137527 +721 321 3 877137447 +721 322 4 877136891 +721 324 3 877137447 +721 325 3 877137109 +721 326 4 877136236 +721 328 5 877136303 +721 329 3 877137214 +721 331 3 877137285 +721 333 3 877137358 +721 335 3 877137359 +721 357 5 877140221 +721 358 1 877137214 +721 359 3 877137359 +721 380 5 877138661 +721 382 4 877147675 +721 393 5 877138200 +721 402 4 877147200 +721 403 4 877139638 +721 435 4 877139384 +721 527 5 877140046 +721 631 5 877147260 +721 632 4 877147675 +721 655 2 877140490 +721 680 3 877137448 +721 681 3 877137214 +721 682 3 877137285 +721 687 3 877137358 +721 688 3 877136967 +721 690 3 877136967 +721 699 3 877147080 +721 715 2 877147726 +721 729 3 877141222 +721 732 4 877147079 +721 739 4 877139551 +721 748 3 877136967 +721 749 3 877137359 +721 755 4 877139773 +721 809 1 877139384 +721 872 3 877137598 +721 874 3 877137447 +721 875 3 877137527 +721 876 3 877137447 +721 877 3 877137285 +721 878 3 877137598 +721 879 4 877136175 +721 881 3 877137359 +721 942 4 877147140 +721 948 1 877137109 +721 984 3 877137527 +721 989 3 877137527 +721 990 5 877137213 +721 995 3 877137447 +721 1025 3 877138200 +721 1026 3 877137214 +721 1065 5 877147383 +721 1119 4 877147795 +721 1221 3 877139637 +721 1295 3 877137214 +721 1296 3 877137285 +721 1392 3 877137598 +721 1393 3 877137598 +721 1442 4 877147872 +722 7 4 891280842 +722 13 2 891281876 +722 25 4 891281108 +722 117 4 891281132 +722 118 4 891281349 +722 121 5 891281182 +722 122 3 891281655 +722 124 4 891280842 +722 130 4 891281679 +722 147 3 891281158 +722 148 3 891281710 +722 151 5 891281020 +722 237 4 891280988 +722 286 4 891280046 +722 291 4 891281228 +722 294 2 891280219 +722 300 3 891279945 +722 307 4 891280245 +722 310 4 891279945 +722 328 5 891280272 +722 405 3 891280918 +722 412 2 891281679 +722 458 4 891280955 +722 546 3 891280866 +722 597 3 891281710 +722 678 3 891280443 +722 696 4 891281570 +722 748 4 891280154 +722 823 3 891281570 +722 845 5 891280842 +722 866 4 891281108 +722 871 2 891281876 +722 928 3 891281228 +723 9 3 880498912 +723 28 3 880498970 +723 50 4 880498889 +723 89 3 880498996 +723 137 3 880498970 +723 150 3 880499050 +723 164 4 880499019 +723 168 5 880498912 +723 174 4 880498996 +723 178 3 880498938 +723 286 3 880498746 +723 433 3 880499019 +723 748 5 880498795 +723 988 1 880499254 +724 242 1 883758268 +724 245 2 883757874 +724 264 3 883758119 +724 266 1 883758119 +724 268 4 883757397 +724 269 4 883756996 +724 271 2 883757834 +724 288 4 883757597 +724 294 4 883757726 +724 299 1 883758119 +724 300 3 883757468 +724 302 3 883756996 +724 304 4 883757703 +724 305 3 883757259 +724 310 5 883757170 +724 311 1 883757597 +724 322 1 883757784 +724 323 2 883757874 +724 326 4 883757671 +724 329 4 883757670 +724 331 3 883757468 +724 332 4 883757670 +724 338 3 883758119 +724 342 3 883757874 +724 344 1 883757468 +724 346 1 883757703 +724 351 1 883758241 +724 352 1 883757259 +724 358 1 883757834 +724 361 1 883758241 +724 538 2 883757537 +724 680 1 883758119 +724 690 1 883757468 +724 749 4 883757670 +724 751 2 883757397 +724 872 1 883757537 +724 877 1 883757834 +724 880 3 883757834 +724 882 1 883758267 +724 887 3 883757468 +724 895 4 883757727 +724 898 1 883757784 +724 906 1 883757468 +724 908 1 883758208 +724 909 1 883758208 +724 937 3 883757670 +724 1105 1 883757537 +724 1176 1 883757397 +724 1432 1 883758208 +724 1434 1 883757597 +724 1591 1 883757468 +724 1617 1 883757703 +725 100 5 876106729 +725 111 3 876106206 +725 245 4 876103793 +725 258 4 876106729 +725 264 1 876103811 +725 276 4 876106243 +725 288 3 876103725 +725 294 3 876103726 +725 300 4 876106729 +725 328 4 876106729 +725 358 3 876103744 +725 748 4 876103744 +725 873 4 876103794 +725 879 4 876106729 +725 881 5 876106729 +725 1197 3 876106243 +726 1 4 890079166 +726 25 4 889831222 +726 255 2 889832297 +726 257 3 889831166 +726 274 4 889831222 +726 294 5 889828701 +726 355 3 889829235 +726 409 3 890087998 +726 763 2 889831115 +726 819 3 889832688 +726 832 5 889832807 +726 845 3 889832358 +726 1014 1 889832744 +726 1038 2 889832053 +727 2 4 883711874 +727 11 3 883710152 +727 12 5 883710598 +727 17 1 883711011 +727 22 4 883710236 +727 24 3 883709711 +727 25 3 883708927 +727 28 5 883710075 +727 33 3 883711150 +727 38 1 883712993 +727 42 5 883710375 +727 43 3 883712123 +727 50 4 883708951 +727 53 1 883712851 +727 54 3 883711045 +727 56 3 883711150 +727 63 2 883713454 +727 67 4 883712652 +727 68 4 883710347 +727 69 4 883710186 +727 72 3 883712476 +727 73 4 883713048 +727 83 5 883710889 +727 91 4 883710396 +727 92 2 883710806 +727 94 4 883713257 +727 95 4 883710948 +727 96 4 883710152 +727 98 4 883710152 +727 105 1 883709884 +727 108 3 883709948 +727 109 2 883709266 +727 111 3 883709266 +727 117 3 883708660 +727 121 4 883709518 +727 122 2 883709802 +727 123 3 883709402 +727 125 4 883710598 +727 128 4 883712016 +727 131 2 883711699 +727 132 2 883710271 +727 135 2 883711069 +727 144 4 883710395 +727 147 3 883709402 +727 153 4 883710856 +727 154 3 883711567 +727 155 3 883712068 +727 156 4 883710326 +727 159 2 883712016 +727 163 4 883711550 +727 172 5 883710104 +727 173 5 883710437 +727 177 4 883710687 +727 181 3 883708750 +727 184 3 883710761 +727 186 5 883710598 +727 187 5 883710104 +727 191 4 883710717 +727 195 4 883710375 +727 197 3 883710271 +727 198 4 883710687 +727 201 4 883710717 +727 202 4 883711354 +727 203 5 883710236 +727 204 3 883710395 +727 205 5 883710104 +727 208 4 883711240 +727 209 3 883710186 +727 210 3 883710123 +727 217 3 883712913 +727 222 3 883709350 +727 226 3 883711966 +727 229 2 883711476 +727 230 3 883711847 +727 232 3 883712780 +727 234 2 883711699 +727 235 3 883709518 +727 238 2 883710910 +727 248 5 883709207 +727 252 2 883709438 +727 259 4 883708265 +727 265 4 883710326 +727 271 4 883708149 +727 275 3 883708927 +727 282 4 883709157 +727 284 3 883709607 +727 294 4 883708087 +727 312 3 883708435 +727 343 3 883708149 +727 356 3 883712365 +727 363 3 883709641 +727 366 3 883712397 +727 367 3 883712430 +727 371 2 883712193 +727 378 3 883712603 +727 379 2 883712805 +727 380 3 883712397 +727 384 2 883712804 +727 385 3 883710994 +727 386 2 883712805 +727 392 4 883711847 +727 395 3 883713692 +727 399 3 883712717 +727 401 2 883713521 +727 402 3 883711847 +727 403 4 883712282 +727 408 4 883708895 +727 410 2 883709710 +727 419 2 883710236 +727 424 1 883713454 +727 432 2 883711298 +727 433 5 883710994 +727 441 2 883711924 +727 447 3 883713194 +727 451 5 883712681 +727 465 2 883712159 +727 472 2 883709374 +727 474 3 883710910 +727 491 4 883710213 +727 507 2 883710948 +727 538 3 883708066 +727 539 2 883708523 +727 541 4 883712751 +727 542 2 883712993 +727 544 3 883709518 +727 549 3 883712219 +727 553 2 883710186 +727 556 2 883713632 +727 559 2 883712282 +727 562 2 883713548 +727 566 3 883711449 +727 568 3 883711476 +727 569 2 883713286 +727 576 4 883713454 +727 578 3 883711897 +727 585 2 883713257 +727 588 4 883710495 +727 609 3 883711923 +727 616 2 883713348 +727 627 3 883711150 +727 628 3 883709774 +727 651 3 883710104 +727 658 5 883711720 +727 678 3 883708229 +727 679 5 883712315 +727 680 3 883708462 +727 684 4 883710948 +727 692 4 883711240 +727 720 2 883712037 +727 739 4 883711735 +727 746 4 883710514 +727 747 2 883712519 +727 748 4 883708119 +727 765 2 883712780 +727 775 4 883713147 +727 783 3 883713737 +727 790 2 883711616 +727 801 2 883713194 +727 802 2 883712780 +727 809 4 883713082 +727 810 2 883712652 +727 815 3 883709188 +727 826 2 883713738 +727 827 3 883709839 +727 831 3 883709839 +727 840 2 883709884 +727 849 2 883713348 +727 866 3 883709710 +727 879 4 883708208 +727 890 1 883708478 +727 930 3 883709802 +727 933 1 883709009 +727 940 2 883713521 +727 949 3 883711616 +727 982 4 883713632 +727 993 4 883709750 +727 1025 2 883708149 +727 1028 2 883712016 +727 1047 2 883709750 +727 1049 1 883709711 +727 1088 2 883709884 +727 1119 3 883711923 +727 1165 2 883709948 +727 1185 1 883711847 +727 1188 2 883712632 +727 1206 2 883712315 +727 1217 3 883711965 +727 1218 4 883712068 +727 1231 3 883713082 +727 1250 1 883713760 +727 1273 3 883713286 +727 1411 2 883713419 +727 1446 3 883712123 +727 1615 1 883709884 +727 1657 3 883711991 +728 25 4 879443155 +728 117 4 879443321 +728 243 2 879442892 +728 282 4 879443291 +728 286 3 879442532 +728 287 4 879443155 +728 319 3 879442612 +728 322 4 879442761 +728 323 3 879442685 +728 471 4 879443291 +728 508 4 879443265 +728 678 4 879442794 +728 748 3 879442532 +728 871 2 879443321 +729 310 3 893286204 +729 328 3 893286638 +729 333 4 893286638 +729 338 1 893286373 +729 346 1 893286168 +729 354 5 893286637 +729 683 2 893286511 +729 689 4 893286638 +729 690 2 893286149 +729 879 3 893286299 +729 894 1 893286511 +730 1 4 880310285 +730 15 4 880310264 +730 50 4 880310285 +730 109 4 880310390 +730 117 3 880310300 +730 121 4 880310506 +730 125 4 880310521 +730 151 4 880310371 +730 268 4 880309927 +730 294 4 880309996 +730 298 4 880310426 +730 300 3 880309964 +730 332 3 880309870 +730 340 3 880309892 +730 535 2 880310506 +730 685 2 880310569 +730 748 4 880310082 +730 1012 5 880310426 +731 1 2 886184421 +731 8 2 886184681 +731 28 4 886182826 +731 56 2 886179161 +731 64 5 886179040 +731 95 3 886183978 +731 97 5 886183681 +731 125 3 886186940 +731 133 1 886184852 +731 153 3 886182555 +731 168 1 886185744 +731 183 1 886185744 +731 190 5 886187538 +731 192 5 886182457 +731 194 3 886183681 +731 195 1 886185851 +731 197 5 886185743 +731 202 5 886186568 +731 205 1 886187652 +731 215 5 886182555 +731 216 5 886184682 +731 237 4 886185851 +731 357 5 886187538 +731 378 1 886187652 +731 393 5 886183978 +731 419 4 886183039 +731 462 5 886186568 +731 484 3 886179289 +731 486 4 886182556 +731 487 4 886184682 +731 494 3 886179161 +731 496 5 886179040 +731 504 3 886183209 +731 507 3 886184771 +731 508 1 886186811 +731 510 1 886186091 +731 520 4 886186567 +731 591 1 886184577 +731 603 5 886182631 +731 608 4 886183515 +731 655 5 886183515 +731 662 3 886183209 +731 694 5 886184421 +731 720 3 886184771 +731 845 2 886184681 +731 945 4 886183209 +731 1039 4 886182366 +731 1086 1 886186091 +731 1087 1 886186091 +731 1269 3 886187652 +731 1275 1 886186940 +732 243 5 882589879 +732 269 5 882589593 +732 286 5 882589593 +732 288 4 882590200 +732 294 3 882590201 +732 300 4 882589552 +732 304 5 882589792 +732 321 3 882590201 +732 324 2 882590201 +732 690 5 882589626 +732 873 5 882589845 +732 882 5 882589819 +732 938 1 882590201 +733 7 3 879535603 +733 9 3 879535406 +733 10 3 879535559 +733 14 5 879535368 +733 16 3 879535969 +733 19 5 879535338 +733 20 5 879535299 +733 100 5 879535471 +733 116 4 879535368 +733 121 3 879536723 +733 125 2 879535814 +733 146 3 879536001 +733 147 1 879535938 +733 148 3 879536607 +733 151 4 879535694 +733 221 4 879535265 +733 224 4 879535265 +733 237 3 879535338 +733 242 4 879535011 +733 244 2 879535886 +733 245 3 879544466 +733 248 3 879535752 +733 250 1 879535502 +733 253 3 879535407 +733 273 4 879535603 +733 274 3 879536723 +733 275 3 879535265 +733 276 5 879535299 +733 277 1 879536523 +733 279 2 879535968 +733 281 2 879536567 +733 284 2 879535129 +733 287 3 879535129 +733 288 2 879535694 +733 291 2 879536608 +733 293 4 879535559 +733 294 2 879536001 +733 297 3 879535559 +733 298 2 879535502 +733 322 2 879536523 +733 458 2 879535129 +733 459 4 879535440 +733 471 3 879535814 +733 544 1 879535407 +733 591 3 879535440 +733 676 4 879535603 +733 762 4 879535847 +733 820 2 879536608 +733 846 2 879535848 +733 847 3 879535471 +733 924 4 879536523 +733 933 1 879535752 +733 950 4 879535643 +733 1009 2 879536723 +733 1011 4 879535644 +733 1067 5 879535603 +733 1117 2 879536659 +733 1129 4 879535338 +733 1132 4 879536488 +733 1142 4 879535694 +733 1171 3 879535780 +733 1173 2 879535814 +733 1338 4 879536608 +733 1375 3 879535559 +733 1380 2 879536567 +733 1658 3 879535780 +734 22 3 891025301 +734 28 4 891022627 +734 50 4 891022627 +734 56 1 891022752 +734 82 4 891022704 +734 83 4 891022733 +734 95 4 891025573 +734 98 4 891025247 +734 99 4 891023086 +734 111 3 891025993 +734 121 4 891026028 +734 143 5 891022958 +734 144 2 891023019 +734 162 3 891025393 +734 164 3 891025524 +734 166 3 891022849 +734 172 4 891022212 +734 174 4 891025247 +734 198 1 891022734 +734 202 5 891022684 +734 204 4 891022938 +734 210 3 891022937 +734 222 1 891022849 +734 230 2 891022803 +734 282 4 891025974 +734 283 5 891023066 +734 288 4 891022311 +734 294 1 891025891 +734 419 4 891023066 +734 465 4 891022734 +734 482 2 891025591 +734 483 4 891025247 +734 485 5 891022976 +734 498 4 891022938 +734 582 2 891022684 +734 591 4 891022977 +734 604 4 891023086 +734 605 4 891025555 +734 607 5 891023066 +734 662 3 891022704 +734 699 4 891022752 +734 705 4 891023131 +734 724 3 891022684 +734 751 4 891021937 +734 821 2 891023086 +735 1 4 876698796 +735 9 4 876698755 +735 13 4 876698643 +735 25 4 876698684 +735 50 5 876698683 +735 100 2 876698796 +735 123 3 876698866 +735 126 3 876698570 +735 127 4 876698755 +735 147 1 876698643 +735 237 4 876698714 +735 258 4 876697561 +735 269 3 876698022 +735 275 4 876698643 +735 276 4 876698796 +735 288 4 876697610 +735 293 3 876698570 +735 300 4 876697647 +735 301 3 876697610 +735 321 3 876698022 +735 325 1 876698022 +735 327 3 876698022 +735 331 3 876698022 +735 332 3 876698022 +735 333 4 876697647 +735 628 3 876698755 +735 690 4 876697561 +735 741 2 876698796 +735 744 3 876698714 +735 756 2 876698684 +735 764 3 876698837 +735 813 4 876698570 +735 1012 2 876698897 +736 50 3 878708579 +736 181 2 878708646 +736 246 4 878708929 +736 248 4 878709365 +736 255 1 878709025 +736 257 3 878708721 +736 294 3 878709025 +736 296 4 878709365 +736 324 3 878708991 +736 515 5 878709365 +736 532 4 878709365 +736 748 2 878708465 +737 12 4 884314922 +737 22 4 884314993 +737 32 4 884314993 +737 47 3 884314970 +737 89 4 884314664 +737 100 5 884314664 +737 127 5 884315175 +737 137 5 884314694 +737 160 4 884314881 +737 171 4 884314644 +737 174 2 884314740 +737 175 5 884315246 +737 180 4 884314644 +737 186 5 884314944 +737 222 3 884315127 +737 258 5 884315127 +737 357 5 884314944 +737 427 3 884314970 +737 428 4 884315066 +737 501 1 884314922 +738 1 5 892844079 +738 4 4 875351486 +738 7 4 875349530 +738 22 3 875349713 +738 28 4 875350913 +738 39 3 875350720 +738 42 2 875350012 +738 50 5 892844112 +738 54 3 875351872 +738 56 4 875350418 +738 63 3 875351905 +738 69 5 892844079 +738 71 3 875350352 +738 79 3 875351019 +738 82 5 892844079 +738 91 4 875351462 +738 95 4 875350122 +738 96 5 892844112 +738 97 4 875350122 +738 98 4 875350515 +738 100 2 875349968 +738 109 4 875353678 +738 117 3 875350913 +738 121 4 875353780 +738 127 4 892957753 +738 135 5 892844111 +738 136 4 892958170 +738 144 5 892844079 +738 151 4 875352737 +738 152 4 875350265 +738 153 4 875350223 +738 154 3 875353105 +738 172 4 875349895 +738 174 5 875349968 +738 175 4 875349968 +738 178 4 875349628 +738 180 5 892844112 +738 183 5 892844079 +738 186 4 875351773 +738 188 3 875350456 +738 191 4 875350086 +738 195 4 875349628 +738 196 4 875350086 +738 197 4 875353869 +738 199 4 892938594 +738 204 4 875350053 +738 205 5 892844079 +738 208 4 875350418 +738 210 5 892844112 +738 211 3 892958137 +738 216 3 875352679 +738 225 3 875351837 +738 226 3 875351299 +738 230 4 875351530 +738 233 3 875353678 +738 234 4 875349850 +738 240 3 875350385 +738 250 4 875348912 +738 252 4 875349045 +738 257 3 875348912 +738 258 4 875348442 +738 265 4 892957967 +738 269 2 892938254 +738 271 3 892938330 +738 298 3 875348670 +738 313 5 892938181 +738 318 5 892844112 +738 343 3 892938330 +738 357 4 875353869 +738 367 3 875351346 +738 380 3 875351530 +738 385 5 892844079 +738 393 3 875350944 +738 403 3 875351638 +738 405 2 875349968 +738 449 3 875351438 +738 496 4 875351346 +738 511 4 875349584 +738 528 4 875352679 +738 550 3 875351603 +738 603 5 892844079 +738 651 4 892957752 +738 655 3 875350456 +738 665 2 875351873 +738 747 4 875351603 +738 751 3 892938297 +738 755 3 875350913 +738 916 3 892938181 +738 919 4 875349807 +738 930 3 875351956 +738 951 2 875351906 +738 969 4 892957860 +738 1016 3 875348912 +739 22 5 886958860 +739 50 4 886958895 +739 56 4 886958938 +739 69 5 886959069 +739 79 4 886958938 +739 96 5 886959039 +739 98 3 886958972 +739 100 5 886825383 +739 132 4 886959039 +739 168 1 886958831 +739 216 4 886958831 +739 286 2 886825020 +739 288 1 886825083 +739 359 5 886825529 +739 526 5 886958895 +739 749 5 886825529 +739 969 1 886959039 +739 1429 5 886825529 +740 242 4 879523187 +740 258 3 879522681 +740 271 2 879522753 +740 288 4 879523187 +740 289 4 879523187 +740 319 3 879522781 +740 322 3 879522839 +740 332 3 879522681 +740 340 4 879523187 +740 748 3 879522872 +740 873 2 879522872 +740 938 1 879522906 +740 1038 4 879523187 +741 5 3 891455671 +741 25 3 891458428 +741 28 3 891018339 +741 31 3 891455516 +741 38 2 891455832 +741 48 4 891018550 +741 54 3 891455610 +741 67 3 891457456 +741 69 4 891018550 +741 70 4 891456573 +741 77 3 891455671 +741 79 4 891455610 +741 82 3 891018400 +741 88 4 891457456 +741 94 3 891457483 +741 95 2 891018400 +741 98 5 891455516 +741 131 4 891456776 +741 151 3 891458539 +741 164 3 891455766 +741 172 5 891018339 +741 178 5 891018435 +741 186 5 891455317 +741 196 5 891018460 +741 202 3 891455316 +741 209 3 891457342 +741 210 3 891455353 +741 216 4 891457342 +741 218 4 891455711 +741 226 2 891455711 +741 228 2 891455610 +741 234 4 891455545 +741 241 4 891019625 +741 255 3 891458098 +741 275 4 891019587 +741 280 3 891458403 +741 283 4 891458250 +741 313 4 891455095 +741 357 5 891018507 +741 367 2 891457280 +741 399 2 891457456 +741 435 4 891455353 +741 451 3 891457395 +741 479 5 891456874 +741 651 4 891018507 +741 682 3 891455960 +741 696 3 891455901 +741 722 3 891457528 +741 724 4 891019625 +741 732 4 891456509 +741 783 3 891457633 +741 785 3 891457371 +741 815 3 891458647 +741 945 5 891456827 +741 1016 3 891458249 +741 1029 1 891457506 +741 1041 4 891457424 +741 1074 2 891457395 +741 1090 1 891455880 +742 14 5 881335361 +742 24 3 881335248 +742 109 1 881335960 +742 117 2 881335528 +742 124 4 881335461 +742 127 5 881335361 +742 181 3 881335281 +742 222 2 881336006 +742 250 3 881336006 +742 258 5 881005590 +742 282 3 881335857 +742 284 3 881335492 +742 294 3 881005590 +742 321 3 881005611 +742 508 4 881335461 +742 591 4 881335461 +742 1012 4 881335528 +743 9 5 881278061 +743 15 3 881277855 +743 100 5 881277962 +743 181 3 881277931 +743 222 4 881277962 +743 224 5 881277931 +743 242 4 881277267 +743 258 5 881277357 +743 259 3 881277656 +743 268 4 881277551 +743 273 3 881278061 +743 286 3 881277602 +743 288 2 881277690 +743 297 5 881277931 +743 298 4 881278061 +743 300 4 881277267 +743 311 5 881277551 +743 321 2 881277690 +743 322 3 881277750 +743 340 3 881277551 +743 408 4 881277931 +743 748 4 881277656 +743 879 4 881277656 +744 28 3 881170416 +744 50 3 881172357 +744 127 5 881171481 +744 174 4 881171421 +744 237 4 881171907 +744 238 4 881170416 +744 428 4 881170528 +744 481 3 881171420 +744 482 3 881171420 +744 483 4 881171452 +744 508 5 881171907 +744 603 5 881170528 +744 628 2 881172357 +744 963 5 881170576 +744 1134 3 881171482 +745 1 2 880122809 +745 7 4 880123019 +745 8 4 880123627 +745 9 4 880122809 +745 10 5 880123905 +745 14 3 880122863 +745 20 1 880123905 +745 50 2 880122928 +745 98 5 880123905 +745 100 5 880122809 +745 127 2 880122986 +745 168 3 880123671 +745 169 4 880123671 +745 174 3 880123179 +745 177 3 880123572 +745 181 2 880122965 +745 182 2 880123314 +745 183 3 880123205 +745 188 3 880123540 +745 190 5 880123905 +745 203 3 880123696 +745 215 3 880123751 +745 222 2 880123126 +745 275 1 880123905 +745 276 1 880123905 +745 285 1 880123905 +745 286 1 880123905 +745 302 4 880122475 +745 425 4 880123540 +745 480 3 880123361 +745 492 5 880123572 +745 515 4 880122863 +745 519 5 880123751 +745 520 3 880123696 +745 527 3 880123486 +745 531 3 880123517 +745 603 4 880123243 +745 646 4 880123416 +745 923 3 880123720 +745 936 1 880122907 +745 1126 2 880123572 +746 22 4 885075211 +746 24 4 885075434 +746 38 2 885075476 +746 50 5 885075165 +746 56 3 885075211 +746 68 4 885075337 +746 79 5 885075165 +746 83 4 885075497 +746 96 4 885075267 +746 117 4 885075304 +746 121 3 885075337 +746 128 3 885075211 +746 132 4 885075756 +746 135 1 885075655 +746 157 4 885075590 +746 168 3 885075790 +746 174 5 885075243 +746 176 5 885075243 +746 181 5 885075166 +746 184 4 885075267 +746 186 4 885075497 +746 196 4 885075612 +746 208 4 885075569 +746 210 5 885075211 +746 226 4 885075434 +746 228 4 885075243 +746 229 2 885075399 +746 231 2 885075476 +746 232 3 885075304 +746 233 4 885075399 +746 265 4 885075399 +746 385 5 885075367 +746 399 3 885075211 +746 405 2 885075476 +746 423 3 885075612 +746 431 5 885075304 +746 455 4 885075304 +746 506 3 885075824 +746 523 3 885075497 +746 546 3 885075434 +746 550 4 885075367 +746 566 4 885075367 +746 578 4 885075399 +746 597 4 885075304 +746 720 3 885075399 +747 1 5 888639138 +747 3 2 888733567 +747 4 4 888733111 +747 7 4 888639176 +747 9 5 888734012 +747 17 4 888733387 +747 22 3 888640099 +747 23 5 888639735 +747 25 3 888639318 +747 28 4 888640915 +747 29 1 888734152 +747 32 5 888639890 +747 44 2 888639437 +747 47 5 888639939 +747 48 5 888639890 +747 58 3 888639594 +747 63 3 888733510 +747 64 5 888639642 +747 70 4 888733218 +747 79 4 888640392 +747 83 4 888732571 +747 87 5 888640222 +747 91 5 888640820 +747 94 4 888733537 +747 95 3 888639318 +747 96 5 888639397 +747 99 5 888640524 +747 100 5 888639397 +747 108 4 888733415 +747 109 5 888733274 +747 116 4 888639318 +747 124 5 888639138 +747 127 5 888639362 +747 129 5 888639138 +747 132 4 888732640 +747 134 5 888640180 +747 135 5 888640437 +747 136 5 888639481 +747 152 3 888640222 +747 153 4 888639989 +747 154 3 888733182 +747 156 3 888639362 +747 163 4 888733111 +747 169 5 888640305 +747 172 5 888639222 +747 173 3 888640862 +747 174 5 888639138 +747 178 5 888639939 +747 180 5 888639735 +747 181 5 888639014 +747 183 5 888732899 +747 185 5 888640437 +747 192 5 888639014 +747 194 3 888639222 +747 195 4 888640136 +747 196 2 888640046 +747 199 4 888639102 +747 202 4 888733047 +747 204 5 888732899 +747 205 5 888639102 +747 208 5 888640862 +747 210 4 888639272 +747 211 5 888639014 +747 223 5 888638913 +747 228 4 888639736 +747 231 3 888734113 +747 235 5 888733444 +747 238 3 888638957 +747 258 2 888638335 +747 274 4 888733348 +747 276 5 888639989 +747 279 4 888732571 +747 282 2 888640475 +747 286 4 888638335 +747 288 4 888638091 +747 292 4 888638293 +747 302 5 888638091 +747 303 5 888638091 +747 305 5 888638183 +747 316 4 888638552 +747 320 5 888732899 +747 327 4 888638425 +747 367 3 888733070 +747 403 5 888734113 +747 408 5 888639481 +747 419 5 888640820 +747 432 5 888640567 +747 433 3 888733387 +747 443 5 888640136 +747 461 5 888639526 +747 466 3 888640136 +747 467 4 888639222 +747 473 3 888640305 +747 474 5 888639526 +747 476 3 888733595 +747 478 4 888639437 +747 479 5 888732719 +747 486 5 888732609 +747 488 5 888640524 +747 492 4 888639060 +747 494 5 888639015 +747 496 5 888640136 +747 497 5 888639890 +747 498 5 888639318 +747 500 4 888640222 +747 501 5 888639362 +747 502 5 888733182 +747 504 5 888640605 +747 505 5 888639823 +747 509 5 888639176 +747 510 5 888639890 +747 511 5 888639138 +747 514 4 888639823 +747 517 5 888734012 +747 521 5 888640567 +747 531 4 888732609 +747 555 2 888734152 +747 580 5 888734112 +747 582 5 888639362 +747 588 5 888639989 +747 591 2 888640776 +747 604 5 888638913 +747 608 4 888640475 +747 634 5 888639222 +747 639 5 888732899 +747 644 5 888639397 +747 648 5 888734012 +747 649 3 888640916 +747 650 4 888639014 +747 653 5 888639939 +747 654 5 888639939 +747 655 3 888639685 +747 659 4 888639175 +747 661 5 888639642 +747 664 2 888638876 +747 693 5 888732899 +747 705 5 888639939 +747 715 5 888733274 +747 726 2 888733387 +747 732 3 888639138 +747 735 4 888639735 +747 739 3 888734072 +747 783 1 888732921 +747 792 5 888639102 +747 811 3 888639735 +747 835 3 888640180 +747 844 4 888640136 +747 865 5 888640916 +747 900 5 888638183 +747 929 3 888733218 +747 939 3 888639362 +747 952 2 888733630 +747 967 3 888639318 +747 997 3 888733480 +747 1015 4 888640046 +747 1020 4 888639642 +747 1021 5 888640099 +747 1028 1 888733480 +747 1041 4 888733567 +747 1045 4 888639823 +747 1050 3 888640099 +747 1067 2 888733348 +747 1142 4 888732952 +747 1170 2 888733182 +747 1179 1 888733387 +747 1194 5 888639102 +747 1203 5 888639685 +747 1204 4 888639102 +747 1246 1 888733415 +747 1375 4 888732571 +747 1427 2 888639594 +747 1659 1 888733313 +747 1660 2 888640731 +748 1 4 879455040 +748 4 4 879454912 +748 7 4 879454662 +748 8 4 879455126 +748 22 4 879455126 +748 48 4 879455083 +748 50 5 879454428 +748 58 4 879455083 +748 71 3 879454546 +748 79 4 879454998 +748 86 4 879455126 +748 96 5 879454662 +748 97 4 879454848 +748 114 4 879454773 +748 118 2 879455040 +748 133 3 879454455 +748 135 4 879454998 +748 143 3 879454546 +748 144 4 879454707 +748 154 3 879454602 +748 168 3 879454930 +748 172 4 879454810 +748 173 4 879454831 +748 174 5 879454405 +748 176 5 879454773 +748 179 4 879454728 +748 182 4 879454630 +748 183 4 879454584 +748 188 4 879455167 +748 192 3 879454584 +748 193 3 879454789 +748 195 4 879455083 +748 196 3 879454958 +748 197 3 879454630 +748 199 4 879455454 +748 204 3 879454662 +748 209 4 879454728 +748 213 3 879455454 +748 216 4 879454998 +748 227 3 879455150 +748 228 3 879454687 +748 250 5 879454383 +748 258 5 879454081 +748 271 3 879454302 +748 286 3 879454107 +748 300 4 879454172 +748 319 3 879454107 +748 357 3 879454584 +748 402 2 879454476 +748 408 5 879454428 +748 421 4 879454630 +748 427 4 879454405 +748 474 4 879454475 +748 479 4 879454428 +748 496 4 879454455 +748 514 4 879454749 +748 528 3 879454880 +748 588 4 879454497 +748 603 5 879454455 +748 633 4 879454428 +748 654 4 879454998 +748 655 3 879454879 +748 657 4 879455221 +748 678 2 879454233 +748 710 3 879455410 +748 732 4 879454749 +748 748 4 879454208 +748 813 4 879454497 +748 847 4 879454546 +749 1 4 881602577 +749 2 4 878849375 +749 4 4 878847863 +749 11 5 878848189 +749 15 5 878846841 +749 22 5 878847327 +749 23 3 878849176 +749 31 5 878847209 +749 38 3 878850724 +749 47 4 878848098 +749 48 3 878848015 +749 49 4 878848137 +749 50 5 878846978 +749 56 2 878847404 +749 62 3 878849052 +749 64 4 878847171 +749 66 3 878849433 +749 67 1 878850588 +749 69 5 878847576 +749 71 4 878847576 +749 73 4 878849586 +749 77 3 878849534 +749 78 3 878850632 +749 79 4 878848069 +749 85 4 878849259 +749 86 4 878848369 +749 94 5 878849829 +749 105 1 878849508 +749 111 3 878848405 +749 117 4 878846654 +749 118 3 878846841 +749 121 3 878847645 +749 125 5 878848764 +749 132 4 878847926 +749 134 4 878847286 +749 139 4 878850084 +749 140 3 878847673 +749 142 4 878850456 +749 143 4 878847926 +749 144 5 878847835 +749 145 4 878849433 +749 148 3 878850212 +749 151 5 878846783 +749 154 5 878847988 +749 155 2 878849829 +749 159 4 878849956 +749 161 3 878847461 +749 162 3 878848333 +749 168 5 878847765 +749 172 5 878847239 +749 173 5 878847740 +749 174 5 878847209 +749 175 3 878847576 +749 176 4 878847954 +749 178 4 878847540 +749 179 4 878848015 +749 180 4 878848483 +749 181 5 878846998 +749 182 3 878848639 +749 183 5 878847286 +749 184 2 878848137 +749 186 4 878847862 +749 187 3 881073104 +749 188 3 878848302 +749 194 5 878847541 +749 195 5 878848639 +749 196 4 878848302 +749 199 5 878847171 +749 200 4 878848302 +749 202 5 878847461 +749 203 4 878848639 +749 204 4 878847576 +749 205 4 878847804 +749 208 5 878848044 +749 214 3 878849177 +749 216 4 878848137 +749 222 3 878847716 +749 226 4 878848533 +749 227 4 878848189 +749 228 5 878848828 +749 230 3 878848272 +749 231 4 878849660 +749 233 5 878849286 +749 234 4 878848044 +749 238 3 878847863 +749 240 1 878850656 +749 245 4 878846423 +749 250 3 878846978 +749 252 3 878847057 +749 254 2 881602674 +749 273 4 878848243 +749 280 4 878847835 +749 292 4 878846384 +749 293 4 878846783 +749 294 2 878846265 +749 295 3 881602635 +749 298 4 879788916 +749 326 4 878846365 +749 328 4 878846422 +749 356 4 878847804 +749 365 3 878848951 +749 366 4 878849903 +749 378 5 878847612 +749 380 3 878849586 +749 389 3 878849375 +749 391 3 878849149 +749 393 5 878849903 +749 398 3 878850038 +749 399 3 878849433 +749 401 1 878850015 +749 403 4 878849903 +749 405 2 878848673 +749 406 4 881072892 +749 419 5 878847765 +749 420 4 878849682 +749 423 4 878847645 +749 428 3 878849534 +749 429 4 878847461 +749 430 4 878847926 +749 433 3 878848217 +749 434 4 878848369 +749 443 4 878847954 +749 444 2 878850632 +749 449 3 878850610 +749 468 3 878848333 +749 470 5 878849259 +749 472 4 878849149 +749 477 3 878848405 +749 478 5 878847328 +749 483 4 878847540 +749 485 4 878848097 +749 495 4 878847612 +749 498 4 878847926 +749 501 4 878847209 +749 511 4 878847286 +749 521 4 878847765 +749 540 3 878850388 +749 546 3 878849857 +749 549 3 878847926 +749 550 4 878850212 +749 554 3 878849612 +749 566 3 878849857 +749 568 4 878848098 +749 578 3 878850429 +749 586 4 878850657 +749 595 4 878850107 +749 603 5 878847804 +749 616 3 878848612 +749 621 3 878848795 +749 622 3 878850675 +749 625 3 878848430 +749 633 4 878848764 +749 636 4 878849929 +749 637 1 878850456 +749 659 5 878847611 +749 663 4 878847988 +749 678 2 878846423 +749 712 3 878849375 +749 729 4 878848015 +749 731 3 878848828 +749 732 4 878848452 +749 735 5 878847716 +749 736 3 878847988 +749 739 3 878848558 +749 748 3 878846384 +749 755 4 878848866 +749 763 1 878848483 +749 780 1 878849682 +749 781 4 878849979 +749 809 3 878848673 +749 821 3 878847328 +749 823 3 878850060 +749 826 3 878850038 +749 833 2 878850565 +749 837 5 878848587 +749 841 3 878850768 +749 843 3 878848998 +749 845 3 878848189 +749 879 4 878846449 +749 930 3 878849558 +749 941 5 878849877 +749 944 4 878849482 +749 951 4 878848533 +749 969 4 878848243 +749 975 4 878848369 +749 977 4 878850502 +749 984 3 881073009 +749 1013 1 881073081 +749 1016 5 878846958 +749 1034 2 878850656 +749 1047 3 878849740 +749 1089 3 882804586 +749 1133 2 878850084 +749 1136 4 878847804 +749 1188 3 878850610 +749 1228 4 878850748 +749 1244 3 878847101 +749 1337 3 882804605 +749 1440 3 878849534 +750 258 3 879445755 +750 269 4 879445755 +750 270 4 879445877 +750 271 4 879445911 +750 286 4 879445755 +750 294 4 879445961 +750 300 3 879446013 +750 301 4 879445911 +750 306 4 879445877 +750 323 3 879445877 +750 325 1 879446215 +750 327 4 879446013 +750 330 2 879446215 +750 331 4 879446114 +750 338 3 879445961 +750 358 3 879446216 +750 688 1 879446013 +750 881 2 879446114 +750 886 3 879446114 +750 1280 1 879445877 +751 7 3 889132251 +751 21 5 889298093 +751 25 5 889132252 +751 42 5 889133429 +751 50 5 889132162 +751 52 2 889297948 +751 56 4 889132775 +751 62 4 889298660 +751 70 4 889297870 +751 85 3 889297767 +751 88 4 889298660 +751 90 3 889298528 +751 94 3 889298964 +751 99 4 889134483 +751 100 4 889132252 +751 101 4 889298622 +751 118 2 889298074 +751 121 4 889135401 +751 131 5 889132966 +751 153 4 889133240 +751 168 5 888871900 +751 172 5 889133129 +751 173 4 889134393 +751 178 5 889132896 +751 181 5 889132397 +751 194 5 889297693 +751 196 4 889133039 +751 202 4 889133129 +751 204 4 889133950 +751 209 4 889133377 +751 210 5 889133106 +751 213 5 889132808 +751 214 4 889298463 +751 227 4 889298892 +751 237 2 889132301 +751 248 5 889132413 +751 250 3 889132397 +751 269 5 888871900 +751 272 4 887134672 +751 274 4 889298694 +751 291 3 889299155 +751 301 5 887134816 +751 305 2 887134730 +751 315 3 887134587 +751 316 4 888871453 +751 323 1 888871598 +751 332 3 887134842 +751 380 3 889298548 +751 381 1 889134419 +751 386 3 889299078 +751 405 3 889298528 +751 418 5 889135211 +751 419 4 889134533 +751 428 4 889297239 +751 431 4 889134705 +751 436 4 889135879 +751 472 2 889299043 +751 479 2 889132776 +751 480 4 889133129 +751 481 4 889133684 +751 483 5 889132849 +751 484 3 889134483 +751 486 3 889133737 +751 487 5 889134705 +751 497 4 889134393 +751 537 4 889134006 +751 568 3 889133334 +751 591 1 889132375 +751 596 4 889133852 +751 597 2 889299290 +751 603 4 889132776 +751 631 5 889297711 +751 652 4 889133951 +751 655 3 889133377 +751 658 3 889133106 +751 659 5 889133012 +751 660 4 889297990 +751 689 2 888871738 +751 734 1 889299637 +751 735 4 889134332 +751 736 5 889134533 +751 738 4 889299733 +751 739 3 889133556 +751 748 2 887135437 +751 755 4 889298116 +751 778 3 889297178 +751 809 3 889299429 +751 856 2 889134393 +751 865 2 889135211 +751 916 1 893113145 +751 1007 4 889132222 +751 1011 4 889132599 +751 1035 2 889298585 +751 1661 1 889299429 +752 260 3 891208261 +752 268 2 891208036 +752 269 5 891208451 +752 270 4 891208077 +752 271 5 891208452 +752 272 4 891207898 +752 286 1 891207940 +752 288 5 891208452 +752 289 1 891208299 +752 300 3 891208126 +752 310 1 891207791 +752 311 3 891207983 +752 313 3 891207791 +752 315 2 891207791 +752 321 3 891208212 +752 322 1 891208261 +752 323 1 891208261 +752 326 1 891208299 +752 331 4 891208036 +752 332 4 891208170 +752 333 3 891207791 +752 338 3 891208329 +752 340 4 891208077 +752 347 4 891207846 +752 348 4 891208213 +752 350 4 891208357 +752 354 2 891208261 +752 355 2 891208036 +752 589 4 891208491 +752 678 3 891208299 +752 683 4 891208299 +752 690 4 891208170 +752 748 4 891208392 +752 750 2 891207791 +752 751 4 891208212 +752 752 3 891208213 +752 887 1 891207846 +752 896 3 891207846 +752 900 4 891207791 +752 902 5 891208452 +752 905 2 891207940 +752 909 3 891208036 +752 995 4 891208261 +752 1105 3 891207983 +752 1176 2 891208170 +752 1243 4 891207939 +752 1265 3 891208126 +752 1279 3 891208491 +752 1463 4 891208261 +752 1527 1 891208077 +753 50 4 891401902 +753 64 4 891402379 +753 69 4 891401851 +753 79 4 891401665 +753 89 3 891402240 +753 96 1 891401366 +753 98 5 891401366 +753 172 3 891401510 +753 173 5 891401757 +753 179 2 891401410 +753 182 3 891401851 +753 183 1 891401798 +753 187 3 891401851 +753 193 4 891401366 +753 269 5 891399367 +753 272 4 891399135 +753 300 1 891401167 +753 304 4 891399686 +753 313 5 891399135 +753 316 4 891399903 +753 328 3 891401167 +753 359 4 891399477 +753 462 4 891401510 +753 483 5 891401712 +753 484 5 891401757 +753 499 3 891402323 +753 510 4 891401457 +753 515 5 891401712 +753 653 4 891401851 +753 673 1 891402379 +753 750 2 891401167 +753 898 4 891400364 +754 9 4 879451626 +754 127 4 879451420 +754 255 3 879451585 +754 273 3 879451516 +754 284 3 879451775 +754 286 3 879450947 +754 291 4 879451991 +754 293 4 879451466 +754 295 4 879451626 +754 307 3 879451191 +754 340 2 879451010 +754 476 4 879451742 +754 619 4 879451517 +754 676 3 879451517 +754 742 3 879451991 +754 744 3 879452073 +754 819 3 879452116 +754 937 4 879451061 +754 1197 3 879451841 +755 258 5 882569732 +755 259 3 882570140 +755 269 5 882569604 +755 286 5 882569670 +755 294 3 882569574 +755 299 2 882569732 +755 301 3 882569771 +755 302 4 882569771 +755 304 4 882569881 +755 310 4 882569604 +755 319 3 882569801 +755 323 4 882570077 +755 328 4 882569881 +755 340 1 882569732 +755 343 3 882570077 +755 538 4 882570023 +755 688 3 882570077 +755 689 3 882570077 +755 690 5 882569574 +755 875 1 882570023 +755 879 4 882569844 +755 938 3 882570023 +756 3 1 874829174 +756 8 4 874827755 +756 9 2 874828453 +756 22 3 874828592 +756 30 4 874827283 +756 50 4 874828592 +756 55 5 875129318 +756 63 3 874830908 +756 66 4 874829705 +756 82 3 874830748 +756 88 1 874829743 +756 92 3 874828027 +756 95 3 874829258 +756 97 3 874829484 +756 99 3 874829258 +756 100 5 874831383 +756 117 4 874828826 +756 122 1 874831227 +756 135 2 874827884 +756 138 2 874830864 +756 141 3 874831227 +756 143 5 874831383 +756 151 4 874830550 +756 155 4 874829637 +756 161 3 874831194 +756 176 4 874828826 +756 178 5 874831383 +756 222 2 874828967 +756 225 1 874830864 +756 228 3 874828640 +756 234 3 874829924 +756 251 4 875129238 +756 256 4 874827486 +756 275 3 874827103 +756 300 4 874826502 +756 323 3 874832096 +756 325 3 874832132 +756 367 4 874827614 +756 383 3 874831050 +756 398 3 874831050 +756 399 2 874828967 +756 403 2 874828826 +756 404 3 874830908 +756 409 2 874830998 +756 418 3 874829333 +756 419 3 874830513 +756 420 4 874829373 +756 421 4 874829637 +756 423 3 874830675 +756 432 4 874829258 +756 501 3 874829296 +756 527 3 874828242 +756 550 2 874829152 +756 554 1 874829152 +756 568 3 874828903 +756 588 4 874829258 +756 603 5 874831383 +756 622 3 874830790 +756 642 2 874829924 +756 739 4 874829743 +756 753 2 874832788 +756 919 5 874831383 +756 930 3 874830344 +756 983 2 874830305 +756 1009 4 874827247 +756 1031 2 874830819 +756 1119 4 874828349 +756 1149 5 874827023 +756 1240 4 874829333 +756 1274 2 874828278 +756 1652 1 874828198 +757 1 4 888443974 +757 2 3 888466490 +757 4 5 888466461 +757 7 4 888444826 +757 17 3 888466490 +757 22 4 888466407 +757 24 4 888444616 +757 27 4 888466683 +757 28 3 888467794 +757 29 2 888466683 +757 38 3 888467038 +757 50 4 888444056 +757 58 3 888467592 +757 64 5 888445298 +757 69 3 888445768 +757 71 4 888445838 +757 82 4 888466490 +757 89 4 888445279 +757 95 4 888467270 +757 100 3 888444056 +757 117 4 888444181 +757 118 3 888444920 +757 125 2 888467666 +757 129 3 888444400 +757 143 3 888468693 +757 144 4 888466490 +757 145 3 888467442 +757 148 4 888444948 +757 157 3 888467855 +757 161 3 888468909 +757 164 3 888445684 +757 168 4 888468756 +757 172 4 888445587 +757 174 5 888445637 +757 179 4 888467855 +757 188 3 888466614 +757 193 4 888445521 +757 195 4 888445802 +757 196 4 888445604 +757 202 4 888445730 +757 203 5 888445521 +757 204 4 888468577 +757 205 4 888467498 +757 207 2 888468632 +757 217 3 888467381 +757 226 3 888467038 +757 227 4 888466652 +757 228 4 888466461 +757 235 3 888444935 +757 241 3 888466863 +757 248 4 888444209 +757 250 4 888444088 +757 252 3 888444827 +757 254 2 888445172 +757 260 3 888443511 +757 265 3 888466614 +757 298 4 888444208 +757 323 3 888443483 +757 333 4 888443263 +757 358 3 888443570 +757 399 3 888466782 +757 403 4 888466461 +757 405 4 888444583 +757 423 3 888445279 +757 426 3 888467270 +757 431 4 888466584 +757 433 4 888445684 +757 449 3 888466782 +757 455 3 888445035 +757 470 3 888467016 +757 472 3 888445086 +757 549 5 888468540 +757 554 3 888466683 +757 559 4 888467400 +757 561 2 888467380 +757 562 3 888466737 +757 568 4 888466490 +757 569 3 888467400 +757 574 3 888467187 +757 576 3 888469012 +757 588 3 888467286 +757 638 3 888468871 +757 651 4 888445279 +757 678 2 888443531 +757 684 4 888445864 +757 685 3 888444684 +757 693 4 888467498 +757 732 3 888467829 +757 743 2 888445172 +757 771 2 888467160 +757 825 3 888444865 +757 827 3 888466758 +757 931 2 888445150 +757 1014 3 888444827 +757 1035 2 888469113 +757 1073 4 888466983 +757 1090 2 888467187 +757 1188 3 888466651 +757 1210 2 888467187 +758 4 4 881977375 +758 6 2 881976919 +758 7 5 881975243 +758 11 3 881975289 +758 12 5 881975243 +758 13 5 881977205 +758 14 5 883287566 +758 24 4 881979891 +758 26 4 881977108 +758 43 3 881977747 +758 50 4 884999132 +758 53 4 882053613 +758 56 5 881976031 +758 58 4 881977169 +758 61 3 881976289 +758 62 2 881978368 +758 64 5 881974931 +758 66 3 881977169 +758 68 3 881977265 +758 69 5 881976233 +758 77 3 882054049 +758 79 4 881976061 +758 81 5 881975815 +758 82 4 881976168 +758 88 4 881979942 +758 93 5 881975922 +758 95 3 881977057 +758 96 5 881976985 +758 99 3 882052960 +758 100 5 881975119 +758 105 2 882054936 +758 108 5 881978148 +758 117 4 881976203 +758 121 2 881978864 +758 127 5 880672637 +758 128 4 881977625 +758 129 4 881975962 +758 131 3 881975243 +758 135 5 881974742 +758 137 5 881975539 +758 139 4 882053834 +758 143 5 881975314 +758 147 4 881977021 +758 150 5 881975243 +758 153 5 881976377 +758 155 1 882054226 +758 159 3 881977408 +758 163 5 881976089 +758 172 4 881974880 +758 174 5 881975005 +758 175 4 881976061 +758 176 5 882055987 +758 177 5 881974823 +758 181 4 880672747 +758 191 5 881975853 +758 192 4 882053053 +758 196 4 881977229 +758 197 3 881975687 +758 199 4 881975687 +758 202 5 881976821 +758 204 4 881975787 +758 208 4 881978148 +758 209 5 881975118 +758 210 4 882053302 +758 211 4 881975736 +758 216 4 881974931 +758 217 2 881978805 +758 221 3 881976335 +758 222 4 884999132 +758 223 5 881975119 +758 224 4 881975922 +758 229 3 881978057 +758 230 4 884999132 +758 235 5 881978274 +758 236 4 881974742 +758 237 4 881976377 +758 239 3 881976574 +758 240 3 882053986 +758 248 4 880672747 +758 249 4 880672782 +758 253 5 880672855 +758 258 4 880672230 +758 262 5 880672257 +758 269 4 880672230 +758 270 4 889062124 +758 271 4 884999132 +758 272 4 884413293 +758 276 2 881976574 +758 282 3 881977488 +758 285 5 881974823 +758 286 5 880672230 +758 287 5 881975182 +758 288 4 882056007 +758 289 2 880672402 +758 292 4 880672402 +758 293 3 880672727 +758 297 4 880672700 +758 298 4 880672727 +758 300 2 880672402 +758 302 5 882848498 +758 303 4 880672321 +758 305 4 880672257 +758 307 3 880672345 +758 310 3 880672402 +758 311 4 880672321 +758 312 3 883190351 +758 313 4 882926095 +758 315 5 883793836 +758 316 5 888020827 +758 319 4 880672321 +758 320 5 881976061 +758 324 5 880672230 +758 328 1 880672321 +758 332 4 886464043 +758 340 3 880672345 +758 342 4 881295151 +758 343 2 882055987 +758 345 5 883806413 +758 347 3 885257453 +758 350 4 885016523 +758 356 2 881977872 +758 362 5 888020763 +758 373 4 882055347 +758 380 4 884999133 +758 385 4 881974742 +758 386 3 881978259 +758 387 2 881978495 +758 388 3 882055289 +758 391 3 881980386 +758 393 4 881979012 +758 405 4 881978635 +758 412 5 882054797 +758 419 4 881974639 +758 427 4 881974742 +758 428 4 881976745 +758 431 3 881977309 +758 433 5 881976820 +758 434 3 881976233 +758 435 5 881975853 +758 441 3 882054797 +758 447 4 881977487 +758 455 4 881977309 +758 471 3 881975472 +758 475 5 881977205 +758 480 5 881975213 +758 482 5 881975922 +758 483 5 881975577 +758 502 4 881978864 +758 506 3 881975061 +758 509 5 881975213 +758 512 5 881975416 +758 517 3 881976377 +758 520 5 881976089 +758 527 5 881977169 +758 529 4 881979609 +758 541 4 881977747 +758 554 3 882055007 +758 566 4 881977488 +758 568 4 881977669 +758 576 4 882055054 +758 578 4 881977872 +758 582 3 881974823 +758 587 4 881978635 +758 597 2 881978805 +758 607 5 881976032 +758 608 5 881975182 +758 616 4 881976377 +758 619 4 881977205 +758 634 5 881975922 +758 640 5 881975119 +758 652 5 881975853 +758 656 5 881976032 +758 684 4 881977872 +758 685 5 881979987 +758 686 3 881974823 +758 689 1 881295176 +758 713 3 881977533 +758 715 4 881977057 +758 716 2 881978864 +758 732 4 881977057 +758 735 5 881976855 +758 737 3 881978864 +758 742 4 881976168 +758 746 4 881976746 +758 750 2 883518021 +758 752 3 887086705 +758 764 1 882054519 +758 765 2 881980315 +758 790 4 881978115 +758 810 3 881980195 +758 820 4 882054112 +758 826 3 882054854 +758 827 3 882055257 +758 831 4 882054415 +758 837 4 881976377 +758 841 3 882055193 +758 865 4 881975005 +758 889 3 889038958 +758 892 2 883190434 +758 895 4 883190310 +758 902 4 889328320 +758 919 5 881976262 +758 922 5 881980034 +758 977 2 882055347 +758 997 4 881979969 +758 1025 3 881295176 +758 1034 4 882054415 +758 1047 3 882054250 +758 1085 5 881975503 +758 1088 3 880672830 +758 1090 1 882055460 +758 1098 5 881976746 +758 1111 4 881977375 +758 1135 2 881980034 +758 1142 5 880672766 +758 1159 5 881974639 +758 1283 4 880672876 +758 1292 1 880672876 +758 1501 3 881978258 +759 24 3 875227904 +759 50 4 881476824 +759 118 5 875227954 +759 127 2 875227798 +759 181 5 875227798 +759 237 3 881476891 +759 245 3 881476616 +759 258 4 875227686 +759 281 4 881476991 +759 294 5 875227708 +759 298 4 875227858 +759 300 5 875227686 +759 323 4 875227724 +759 332 4 881476516 +759 471 4 881476969 +759 678 2 875227742 +759 748 4 875227708 +759 1016 5 881476922 +760 25 2 875666317 +760 50 3 875666268 +760 65 2 875667131 +760 71 4 875668080 +760 98 3 875667717 +760 111 4 875666242 +760 125 4 875666242 +760 162 3 875668418 +760 181 3 875666268 +760 183 2 875667366 +760 185 2 875667450 +760 195 4 875668535 +760 202 3 875667834 +760 216 2 875667366 +760 237 3 875666179 +760 255 3 875666375 +760 258 5 875665793 +760 278 4 875666242 +760 300 1 875665867 +760 375 4 875669114 +760 604 4 875668219 +760 723 2 875669011 +760 748 4 875665867 +760 776 5 875667247 +760 819 1 875666064 +760 845 5 875666110 +760 1135 4 875668968 +761 1 1 876190094 +761 7 4 876190206 +761 9 2 876190235 +761 50 5 876189795 +761 117 5 876190314 +761 125 4 876190798 +761 147 4 876190370 +761 148 5 876189829 +761 151 2 876190394 +761 181 5 876190072 +761 201 2 876190511 +761 214 1 876190510 +761 222 4 876190025 +761 243 3 876189749 +761 245 5 876189715 +761 258 4 876189585 +761 261 1 876189871 +761 263 1 876189950 +761 278 4 876190370 +761 282 4 876190752 +761 283 4 876190160 +761 288 4 876189614 +761 289 2 876189871 +761 294 3 876189664 +761 402 3 876189829 +761 457 1 876189950 +761 477 1 876190235 +761 508 1 876190206 +761 546 5 876190468 +761 628 4 876190689 +761 678 2 876189689 +761 742 2 876190370 +761 748 4 876189614 +761 924 4 876190723 +761 1012 1 876190417 +761 1014 1 876190256 +761 1152 2 876190623 +761 1197 3 876190025 +761 1277 1 876190752 +761 1287 1 876190072 +761 1558 1 876190511 +762 111 2 878719371 +762 116 1 878719186 +762 237 3 878719294 +762 256 3 878719448 +762 286 4 878718810 +762 302 5 878718810 +762 332 1 878718996 +762 421 4 878719594 +762 475 5 878719219 +762 709 3 878719594 +762 934 1 878719406 +762 1662 1 878719324 +763 1 4 878915559 +763 4 5 878917877 +763 11 4 878918333 +763 12 5 878918486 +763 13 3 878919116 +763 22 4 878921853 +763 26 4 878919055 +763 28 3 878915765 +763 59 5 878915765 +763 60 5 878914968 +763 69 4 878915600 +763 79 5 878919083 +763 83 3 878917877 +763 85 4 878918960 +763 87 2 878919019 +763 88 4 878918486 +763 96 2 878918213 +763 98 4 878914968 +763 99 4 878915765 +763 111 2 878918871 +763 125 3 878923322 +763 127 4 878920656 +763 132 3 878920656 +763 133 3 878923609 +763 135 5 878918332 +763 137 4 878918332 +763 143 3 878918332 +763 151 4 878923488 +763 159 3 878917818 +763 162 4 878923433 +763 164 4 878917850 +763 171 3 878915015 +763 176 4 878919116 +763 190 4 878917384 +763 191 4 878915063 +763 194 5 878918406 +763 195 4 878918360 +763 196 4 878919206 +763 197 4 878918360 +763 198 5 878915958 +763 200 4 878915015 +763 210 3 878915015 +763 212 4 878920656 +763 213 4 878917468 +763 224 5 878919153 +763 237 3 878919153 +763 238 4 878915559 +763 258 3 878914901 +763 275 5 878915958 +763 280 2 878915015 +763 283 4 878915600 +763 286 4 878914901 +763 317 3 878919180 +763 367 3 878918871 +763 375 2 878923513 +763 418 4 878921530 +763 461 4 878915015 +763 464 3 878918960 +763 466 4 878922422 +763 469 4 878915958 +763 498 4 878915600 +763 507 4 878918933 +763 515 4 878915628 +763 527 3 878915692 +763 588 4 878918213 +763 609 4 878918712 +763 627 3 878923488 +763 629 5 878918871 +763 658 3 878915600 +763 692 2 878915958 +763 703 5 878923433 +763 732 3 878919206 +763 737 2 878919055 +763 738 2 878922982 +763 742 4 878921584 +763 819 2 878915766 +763 845 4 878918712 +763 879 3 878914901 +763 955 2 878917433 +763 960 4 878915958 +763 1039 4 878923513 +763 1098 3 878919083 +763 1180 2 878915765 +763 1268 5 878918933 +764 2 3 876244856 +764 7 4 876243159 +764 9 4 876242649 +764 11 4 876244652 +764 21 2 876243794 +764 25 2 876243015 +764 31 4 876246687 +764 50 3 876242649 +764 69 5 876244991 +764 71 5 876429672 +764 77 4 876246687 +764 86 3 876246358 +764 98 5 876244991 +764 100 4 876242649 +764 106 2 876243990 +764 118 3 876243046 +764 140 3 876245940 +764 143 5 876245331 +764 151 4 876242912 +764 176 4 876244856 +764 200 4 876244895 +764 202 4 876246312 +764 216 4 876245520 +764 222 4 876243440 +764 223 3 876244625 +764 231 3 876246409 +764 245 4 876244181 +764 252 3 876244023 +764 273 3 876242649 +764 278 4 876243343 +764 281 3 876243854 +764 286 4 876232900 +764 318 5 876244991 +764 321 1 876233034 +764 323 3 876233088 +764 371 3 876246436 +764 411 3 876243668 +764 418 4 876430033 +764 472 3 876243925 +764 496 5 876244991 +764 527 4 876339982 +764 531 5 876244991 +764 588 5 876246409 +764 595 4 876243703 +764 596 3 876243046 +764 597 4 876243440 +764 633 5 876244991 +764 692 4 876246358 +764 693 3 876246687 +764 717 3 876243644 +764 732 3 876246475 +764 742 3 876243410 +764 756 3 876243595 +764 819 3 876243159 +764 820 3 876243953 +764 864 4 876243232 +764 939 4 876245880 +764 1046 4 876244895 +764 1057 1 876243990 +764 1152 3 876242755 +764 1221 4 876430033 +765 10 4 880346308 +765 15 2 880346491 +765 25 4 880346418 +765 127 5 880346722 +765 151 4 880346204 +765 170 5 880346854 +765 237 3 880346797 +765 242 5 880345862 +765 283 4 880346282 +765 285 5 880346694 +765 286 5 880345862 +765 507 5 880347034 +765 847 4 880346466 +765 1009 5 880346606 +766 23 4 891309177 +766 40 3 891310851 +766 52 4 891309177 +766 53 4 891310281 +766 65 4 891309810 +766 71 3 891309913 +766 77 2 891310313 +766 82 3 891309558 +766 90 1 891310313 +766 91 5 891310125 +766 95 3 891309421 +766 98 3 891309522 +766 99 3 891309810 +766 127 5 891309011 +766 131 3 891309703 +766 132 4 891309522 +766 134 5 891308968 +766 135 4 891309053 +766 161 3 891310372 +766 168 5 891309090 +766 172 3 891309052 +766 174 3 891308968 +766 176 2 891308927 +766 178 4 891308968 +766 180 4 891308927 +766 188 4 891309484 +766 191 4 891310067 +766 192 4 891309391 +766 193 3 891309668 +766 194 3 891309117 +766 197 3 891309011 +766 198 4 891310210 +766 202 3 891310281 +766 209 3 891309053 +766 211 4 891310009 +766 219 3 891310241 +766 226 3 891310150 +766 228 3 891309811 +766 229 3 891310210 +766 230 3 891310444 +766 231 2 891310851 +766 238 4 891309450 +766 272 4 891306880 +766 294 2 891307007 +766 318 5 891309522 +766 357 4 891309558 +766 366 3 891310875 +766 375 2 891310907 +766 380 2 891310475 +766 382 3 891310281 +766 385 3 891310281 +766 419 3 891309913 +766 423 3 891309844 +766 428 5 891309622 +766 429 4 891310067 +766 431 3 891310067 +766 433 3 891309391 +766 434 5 891309947 +766 436 4 891310038 +766 443 3 891309844 +766 447 3 891309522 +766 448 3 891310934 +766 451 2 891310824 +766 465 3 891310281 +766 482 3 891309117 +766 483 3 891309250 +766 484 4 891309391 +766 487 3 891309090 +766 493 4 891309261 +766 494 3 891309177 +766 497 3 891309736 +766 498 4 891309913 +766 499 3 891310125 +766 503 3 891309329 +766 504 3 891309484 +766 507 3 891309878 +766 510 3 891310038 +766 514 4 891308927 +766 518 3 891309878 +766 519 4 891308968 +766 520 4 891309146 +766 521 4 891309261 +766 523 3 891309011 +766 527 5 891309558 +766 530 4 891309703 +766 550 3 891310210 +766 559 4 891310824 +766 584 3 891309844 +766 588 3 891309484 +766 606 3 891309011 +766 607 1 891309090 +766 609 3 891309767 +766 616 3 891309589 +766 646 4 891309053 +766 648 3 891309913 +766 654 4 891309090 +766 659 3 891309736 +766 663 5 891310067 +766 664 2 891309589 +766 674 3 891310772 +766 675 3 891308927 +766 679 3 891310337 +766 712 3 891310444 +766 739 2 891310241 +766 810 2 891310620 +766 837 3 891309878 +766 951 3 891310540 +766 968 4 891310241 +766 972 3 891310907 +766 1050 3 891309668 +766 1203 3 891309421 +766 1298 3 891309736 +766 1444 2 891310508 +767 1 5 891462829 +767 22 4 891462614 +767 56 4 891462759 +767 98 5 891462560 +767 100 5 891462560 +767 141 4 891462870 +767 172 5 891462614 +767 176 3 891462759 +767 177 5 891462614 +767 180 5 891462870 +767 187 4 891462658 +767 207 5 891462759 +767 344 4 891462511 +767 432 5 891462829 +767 478 4 891463095 +767 481 5 891462614 +767 486 4 891462560 +767 495 4 891463095 +767 506 5 891462829 +767 648 4 891462917 +767 657 4 891462917 +767 659 5 891462560 +767 921 5 891462717 +767 1068 4 891462829 +767 1121 5 891462917 +768 1 5 883835025 +768 9 5 883835026 +768 15 2 883835210 +768 50 4 883834705 +768 65 4 887305100 +768 70 4 888798611 +768 100 5 883835026 +768 111 3 880136139 +768 117 4 883834981 +768 127 5 883835026 +768 173 5 883835053 +768 222 4 883834705 +768 235 2 885319496 +768 237 4 883834705 +768 245 2 879523820 +768 252 3 880136317 +768 255 4 888798611 +768 257 4 880136012 +768 269 3 885319349 +768 272 5 884970491 +768 274 3 880136201 +768 275 4 880135736 +768 278 2 883835210 +768 282 4 880135987 +768 284 1 883835210 +768 288 4 883834705 +768 301 5 883835026 +768 332 4 879523820 +768 340 2 879523820 +768 346 3 883834705 +768 475 2 883835210 +768 535 3 882190750 +768 597 2 883835210 +768 620 2 880136410 +768 682 3 883834776 +768 756 3 883835053 +768 762 1 883835210 +768 763 2 883835210 +768 826 1 883835210 +768 845 2 880135875 +768 895 2 883750415 +768 1014 2 882816126 +768 1016 2 883834814 +768 1061 1 883835210 +769 1 4 885423720 +769 13 4 885424214 +769 15 3 885423824 +769 118 4 885424099 +769 120 1 885424401 +769 222 4 885423824 +769 237 3 885423954 +769 258 3 885422650 +769 269 5 885422510 +769 473 3 885424337 +769 476 4 885424142 +769 546 4 885424242 +769 597 2 885424001 +769 685 3 885424305 +769 824 2 885424511 +769 934 4 885424462 +769 1093 3 885423632 +769 1322 2 885424730 +770 1 5 875972219 +770 25 5 875972582 +770 100 5 875971949 +770 111 5 875972059 +770 117 5 875971989 +770 118 4 875973080 +770 123 3 875972100 +770 129 5 875972352 +770 181 3 875972219 +770 222 4 875973686 +770 240 2 875972582 +770 244 4 875973047 +770 246 5 875971813 +770 250 5 875971902 +770 253 5 875971949 +770 255 4 875972099 +770 257 4 875972059 +770 268 5 875971568 +770 275 5 875972219 +770 282 5 875972927 +770 288 4 875971612 +770 289 5 875971655 +770 294 3 875971655 +770 295 4 875972290 +770 297 5 875972099 +770 300 5 875971612 +770 301 4 875971703 +770 302 2 875971568 +770 323 5 875971612 +770 325 4 875971703 +770 333 5 875971612 +770 410 4 875973047 +770 473 5 875972612 +770 477 4 875972259 +770 508 5 875972322 +770 546 4 875972699 +770 596 4 875972988 +770 875 4 875971612 +770 919 5 875972024 +770 924 5 875971902 +770 936 5 875971902 +770 937 4 876598016 +771 4 1 880659748 +771 28 5 880659392 +771 50 4 880659347 +771 71 5 880659815 +771 82 2 880659686 +771 83 5 880659369 +771 86 5 880659539 +771 88 4 880659970 +771 91 4 880659815 +771 95 4 880659606 +771 98 1 880659990 +771 111 4 880659919 +771 114 4 880659539 +771 128 2 880659482 +771 134 4 880659482 +771 154 2 880659426 +771 164 2 880660025 +771 169 5 880659426 +771 172 4 880659482 +771 173 4 880659894 +771 202 4 880659941 +771 203 1 880659482 +771 222 2 880659709 +771 237 5 880659482 +771 241 1 880659791 +771 242 4 880659235 +771 251 5 880660087 +771 258 5 880659323 +771 275 5 880659392 +771 283 4 880659303 +771 286 2 880659235 +771 289 4 886640547 +771 381 3 880659970 +771 477 5 880660199 +771 496 5 880659606 +771 542 4 880659834 +771 588 5 880659815 +771 596 4 880659815 +771 652 4 880659507 +771 690 4 880659235 +771 694 3 880659894 +771 707 4 880659507 +771 762 2 880659970 +771 873 3 886635816 +771 949 5 880659941 +771 993 4 880660199 +772 245 5 877533546 +772 258 5 877533440 +772 264 4 876250551 +772 271 4 889028773 +772 272 5 889028581 +772 294 4 877533625 +772 302 5 877533625 +772 304 4 876250442 +772 307 4 889028773 +772 312 4 889028941 +772 313 5 889028363 +772 321 5 877533625 +772 326 4 877533625 +772 328 5 876250551 +772 331 5 876250551 +772 332 4 877533731 +772 344 4 889028581 +772 354 4 889028692 +772 678 4 877533546 +772 748 3 877533625 +772 751 3 889028876 +772 752 3 889028773 +772 879 4 877533731 +772 898 3 889028941 +772 1025 3 877533820 +773 7 2 888539992 +773 11 2 888539963 +773 14 5 888538620 +773 23 5 888540507 +773 24 3 888538677 +773 27 1 888540218 +773 29 2 888540218 +773 32 4 888540467 +773 37 3 888540352 +773 42 3 888539398 +773 45 4 888538776 +773 47 4 888539512 +773 50 5 888539993 +773 52 3 888538853 +773 53 3 888540147 +773 56 2 888539328 +773 60 5 888538931 +773 64 4 888540507 +773 68 2 888540091 +773 70 3 888538810 +773 72 3 888539531 +773 89 4 888540020 +773 90 4 888539643 +773 91 4 888539232 +773 92 4 888540041 +773 93 3 888539366 +773 100 4 888539347 +773 109 4 888539328 +773 127 5 888539962 +773 153 5 888539425 +773 168 5 888539425 +773 169 5 888539232 +773 170 5 888538980 +773 171 5 888538726 +773 174 3 888539962 +773 175 4 888539425 +773 182 4 888539993 +773 188 3 888540091 +773 189 5 888539232 +773 191 4 888540448 +773 196 4 888540467 +773 200 4 888540279 +773 204 3 888539559 +773 212 2 888538980 +773 218 2 888540295 +773 228 3 888539993 +773 229 3 888540112 +773 232 3 888540146 +773 234 2 888540279 +773 235 4 888539677 +773 238 4 888539347 +773 239 4 888539512 +773 240 2 888539273 +773 251 3 888538573 +773 264 2 888538348 +773 268 4 888538249 +773 286 3 888538269 +773 288 2 888538199 +773 318 4 888540484 +773 324 3 888538269 +773 343 1 888538175 +773 357 4 888540448 +773 367 2 888539576 +773 384 2 888539766 +773 408 5 888539232 +773 433 3 888539471 +773 522 4 888539328 +773 541 1 888540187 +773 559 2 888540314 +773 568 1 888540091 +773 639 4 888538931 +773 652 3 888538950 +773 665 2 888540187 +773 675 5 888540279 +773 720 1 888540218 +773 730 3 888538852 +773 732 3 888539492 +773 737 3 888539064 +773 751 3 888538175 +773 769 1 888540390 +773 780 4 888539857 +773 809 1 888540186 +773 840 1 888540218 +773 887 2 888538175 +773 895 2 888538417 +773 948 2 888538438 +773 959 4 888539608 +773 1021 5 888539011 +773 1036 3 888539907 +773 1170 3 888539711 +773 1187 3 888540020 +773 1188 2 888539842 +773 1252 4 888538643 +773 1475 4 888539027 +773 1529 5 888539120 +773 1555 4 888540618 +774 4 2 888556090 +774 8 1 888556090 +774 12 3 888559437 +774 22 2 888556600 +774 28 3 888556698 +774 31 1 888558284 +774 50 4 888557198 +774 52 3 888556659 +774 54 1 888556814 +774 62 2 888557520 +774 64 3 888556517 +774 69 4 888556544 +774 72 1 888556121 +774 82 2 888557277 +774 88 1 888556193 +774 89 2 888557198 +774 91 1 888558018 +774 96 2 888557276 +774 97 2 888556600 +774 100 1 888558731 +774 101 2 888558018 +774 105 1 888558946 +774 117 2 888558646 +774 121 1 888558565 +774 127 4 888557198 +774 135 3 888556600 +774 150 1 888558787 +774 172 3 888557198 +774 174 3 888557198 +774 177 4 888557277 +774 179 5 888556634 +774 180 5 888556634 +774 181 3 888557236 +774 183 4 888557198 +774 185 2 888557683 +774 186 3 888556047 +774 187 3 888556483 +774 189 2 888557987 +774 193 5 888556746 +774 195 3 888557236 +774 199 4 888556517 +774 203 2 888558447 +774 208 2 888555897 +774 211 3 888555897 +774 214 3 888556517 +774 217 2 888557772 +774 218 1 888557739 +774 219 4 888557739 +774 229 2 888557329 +774 232 2 888556121 +774 235 1 888558806 +774 238 5 888555928 +774 240 1 888558787 +774 250 3 888559123 +774 254 1 888559144 +774 258 1 888555792 +774 265 3 888557237 +774 293 1 888559123 +774 294 1 888555792 +774 300 2 888555792 +774 318 1 888556483 +774 357 2 888556434 +774 380 2 888556968 +774 385 1 888557329 +774 391 1 888557520 +774 398 1 888557482 +774 399 2 888556169 +774 403 2 888556814 +774 406 1 888559013 +774 410 1 888558762 +774 413 1 888559013 +774 421 1 888558128 +774 423 1 888556634 +774 436 2 888557739 +774 444 1 888557772 +774 451 1 888556169 +774 452 1 888557805 +774 453 2 888557804 +774 468 2 888556968 +774 508 3 888558731 +774 511 3 888556483 +774 514 2 888555998 +774 518 1 888556746 +774 520 3 888556398 +774 521 2 888556483 +774 523 2 888555964 +774 525 2 888558305 +774 527 1 888556698 +774 530 5 888557197 +774 537 2 888556893 +774 546 1 888558565 +774 548 1 888558041 +774 553 2 888556867 +774 561 1 888557772 +774 563 1 888557883 +774 566 2 888557277 +774 567 1 888557772 +774 568 2 888557329 +774 573 2 888557804 +774 576 1 888557520 +774 585 1 888556225 +774 597 2 888558565 +774 644 4 888556777 +774 649 3 888556814 +774 655 1 888555998 +774 672 1 888557772 +774 673 2 888556545 +774 674 2 888557683 +774 708 2 888556893 +774 732 1 888556814 +774 739 2 888558187 +774 741 1 888558762 +774 743 1 888558623 +774 778 5 888556046 +774 831 2 888558594 +774 834 1 888559013 +774 840 2 888558594 +774 849 1 888557482 +774 866 1 888558853 +774 871 1 888558876 +774 920 2 888559297 +774 1028 2 888558829 +774 1090 1 888558419 +774 1091 1 888558041 +774 1118 3 888556047 +774 1182 1 888556278 +774 1215 1 888558623 +774 1228 1 888557556 +774 1274 1 888557557 +774 1305 3 888555829 +774 1419 1 888557409 +775 245 3 891032989 +775 258 4 891032837 +775 264 4 891033071 +775 269 4 891032742 +775 270 2 891032742 +775 272 4 891032742 +775 286 4 891032741 +775 300 4 891032956 +775 305 4 891032837 +775 307 4 891032989 +775 310 3 891032837 +775 313 4 891032837 +775 315 5 891032742 +775 331 4 891032923 +775 333 4 891033022 +775 343 4 891033022 +775 347 3 891032837 +775 348 3 891032804 +775 887 4 891032866 +776 7 4 891629077 +776 21 3 892313317 +776 22 5 891628752 +776 23 4 891628708 +776 53 2 892313246 +776 89 5 891628708 +776 91 4 891628752 +776 95 4 892210688 +776 109 4 892210576 +776 127 5 891628731 +776 132 3 891629157 +776 134 4 892210460 +776 164 3 892920290 +776 168 5 891628656 +776 174 5 891629157 +776 179 4 891628678 +776 182 3 891628773 +776 185 4 892920290 +776 191 5 891628837 +776 193 3 891628895 +776 200 4 892920381 +776 217 4 892920351 +776 219 3 892920321 +776 234 5 892920290 +776 238 4 891628708 +776 241 1 892313489 +776 276 4 892313295 +776 318 4 891628632 +776 422 2 892210688 +776 427 3 892313246 +776 431 4 891628916 +776 436 4 892920350 +776 439 1 892920480 +776 440 2 892920480 +776 442 2 892920480 +776 443 3 892920290 +776 444 2 892920423 +776 483 5 891628731 +776 485 2 891628656 +776 486 4 892920189 +776 496 3 891628708 +776 509 5 891628773 +776 510 5 891628708 +776 511 5 891628632 +776 523 4 891628937 +776 524 5 891628752 +776 549 5 891628731 +776 551 3 892920480 +776 559 4 892920351 +776 567 2 892920351 +776 569 3 892920403 +776 588 4 892210723 +776 590 1 892920446 +776 603 4 891628599 +776 607 4 892920221 +776 637 3 892920381 +776 648 3 893077100 +776 657 3 891628977 +776 661 5 893077159 +776 667 2 892920480 +776 670 3 892920351 +776 672 3 892920381 +776 674 3 892920321 +776 679 4 891628708 +776 769 3 892920446 +776 860 3 892920381 +776 1172 2 892051948 +776 1219 3 891628837 +777 1 4 875979431 +777 9 5 875979380 +777 56 5 875980670 +777 100 1 875979380 +777 117 5 875979380 +777 135 3 875980391 +777 153 1 875980541 +777 157 3 875980235 +777 168 5 875980492 +777 180 5 875980306 +777 196 5 875980306 +777 205 4 875980306 +777 212 5 875980348 +777 216 4 875980597 +777 223 4 875980306 +777 238 4 875980541 +777 245 5 875979241 +777 273 4 875979432 +777 286 2 875979137 +777 288 4 875979201 +777 357 5 875980235 +777 522 5 875980669 +777 523 4 875980235 +777 652 5 875980670 +777 690 4 875979137 +777 692 5 875980670 +778 7 4 890725886 +778 35 1 891234406 +778 69 2 890803860 +778 78 1 890803860 +778 94 2 891233603 +778 117 3 890727011 +778 121 3 890803561 +778 143 1 890804547 +778 154 5 890670560 +778 168 5 890670560 +778 193 4 890769241 +778 195 4 890769370 +778 196 2 890769633 +778 204 4 890726518 +778 209 4 890769470 +778 216 3 890726264 +778 219 3 890727129 +778 226 4 890670638 +778 230 2 890804025 +778 238 3 890725804 +778 239 4 890726303 +778 246 2 890769632 +778 262 4 891482843 +778 265 4 890726003 +778 405 3 890727091 +778 423 1 890803860 +778 441 3 890804387 +778 496 1 891234406 +778 550 4 890670638 +778 582 1 891232769 +778 616 4 890726086 +778 623 1 890804625 +778 629 2 890802784 +778 712 3 890803176 +778 738 1 891578101 +778 755 2 890804547 +778 780 3 890803133 +778 1035 1 890804607 +778 1273 3 890726925 +779 1 4 875501555 +779 50 5 875992279 +779 95 5 875999285 +779 111 4 875994324 +779 117 4 875503280 +779 118 5 875994324 +779 121 3 875503280 +779 125 4 875996809 +779 222 4 875503280 +779 225 4 877454525 +779 235 4 875502286 +779 252 3 877453656 +779 255 4 875993165 +779 257 4 875993201 +779 275 4 875992583 +779 284 3 875994401 +779 294 5 875501334 +779 304 3 875501254 +779 411 3 875999002 +779 447 4 875999211 +779 471 4 875993165 +779 596 4 875994324 +779 879 3 875501300 +780 4 3 891363969 +780 22 4 891363969 +780 28 5 891363618 +780 50 5 891363685 +780 70 2 891363969 +780 97 5 891363617 +780 98 1 891364027 +780 133 5 891364086 +780 172 5 891363723 +780 174 5 891363783 +780 199 5 891363723 +780 202 4 891363783 +780 204 5 891363651 +780 208 3 891364125 +780 210 5 891364027 +780 216 4 891363617 +780 300 3 891362937 +780 313 5 891362901 +780 357 5 891363723 +780 419 4 891363826 +780 423 5 891363618 +780 427 3 891363904 +780 433 1 891363826 +780 467 3 891363904 +780 491 4 891363651 +780 498 5 891363756 +780 508 3 891363826 +780 510 4 891363904 +780 515 3 891364124 +780 520 4 891363904 +780 604 3 891363933 +780 662 5 891363756 +780 705 5 891363685 +780 887 4 891363073 +781 50 5 879634362 +781 56 3 879633919 +781 64 4 879634387 +781 69 3 879634147 +781 97 4 879634096 +781 100 5 879634175 +781 127 5 879634017 +781 134 5 879634256 +781 135 5 879634387 +781 172 5 879634362 +781 179 5 879634017 +781 210 4 879634295 +781 232 3 879634318 +781 288 2 879633862 +781 294 1 879633862 +781 302 5 879633862 +781 322 2 879633862 +781 324 4 879633862 +781 474 5 879633976 +781 483 5 879633942 +781 523 5 879634038 +781 878 1 879633752 +781 1500 5 879634096 +782 50 3 891499243 +782 181 3 891499213 +782 243 3 891498381 +782 245 4 891498139 +782 246 3 891499321 +782 248 4 891499321 +782 249 2 891499399 +782 250 4 891499440 +782 253 2 891500150 +782 254 2 891499660 +782 255 4 891499321 +782 256 2 891500150 +782 257 3 891499278 +782 261 2 891498865 +782 264 4 891498381 +782 269 3 891497698 +782 270 4 891497963 +782 271 2 891498213 +782 272 5 891497698 +782 288 4 891498079 +782 293 2 891499278 +782 294 3 891498381 +782 295 2 891499321 +782 300 4 891497906 +782 301 3 891498139 +782 304 4 891497906 +782 307 4 891497854 +782 308 4 891498030 +782 310 4 891497963 +782 312 4 891498436 +782 313 5 891497697 +782 315 4 891497698 +782 316 4 891498436 +782 321 2 891498381 +782 322 4 891498381 +782 325 2 891498720 +782 326 5 891498322 +782 328 5 891498030 +782 329 3 891498213 +782 330 4 891498213 +782 331 3 891497854 +782 332 4 891498139 +782 333 3 891497698 +782 340 3 891497963 +782 342 2 891498322 +782 343 2 891498821 +782 346 2 891497854 +782 348 4 891498213 +782 349 3 891498720 +782 350 4 891498641 +782 351 3 891498139 +782 352 1 891498513 +782 355 3 891498821 +782 361 3 891498139 +782 515 3 891500028 +782 532 2 891499370 +782 534 3 891500109 +782 536 2 891500150 +782 538 4 891498214 +782 678 3 891498767 +782 683 1 891498213 +782 687 2 891498865 +782 689 3 891498720 +782 690 4 891497793 +782 749 4 891498079 +782 750 4 891497793 +782 751 2 891498323 +782 752 4 891497793 +782 872 2 891498513 +782 877 3 891498213 +782 878 3 891498918 +782 879 3 891498267 +782 880 4 891498322 +782 885 3 891498766 +782 886 3 891498267 +782 887 4 891498676 +782 888 3 891498919 +782 890 1 891498865 +782 894 2 891498031 +782 895 4 891497964 +782 902 2 891497906 +782 905 4 891498791 +782 936 3 891500110 +782 937 1 891498918 +782 938 3 891498030 +782 984 2 891498821 +782 987 3 891499660 +782 991 2 891500230 +782 994 2 891500194 +782 1014 2 891499611 +782 1023 3 891499611 +782 1038 4 891498213 +782 1082 3 891500230 +782 1088 2 891499611 +782 1089 2 891499660 +782 1143 2 891500194 +782 1173 2 891500230 +782 1190 2 891500230 +782 1216 2 891500150 +782 1237 3 891497906 +782 1241 2 891500150 +782 1243 3 891498558 +782 1244 3 891499660 +782 1254 3 891499829 +782 1257 1 891500230 +782 1258 2 891499440 +782 1278 4 891499278 +782 1279 3 891499660 +782 1292 3 891499700 +782 1315 3 891499440 +782 1378 2 891499494 +782 1379 3 891500028 +782 1383 3 891499611 +782 1384 3 891500110 +782 1386 3 891500066 +782 1387 3 891499278 +782 1388 3 891500028 +782 1389 3 891500028 +782 1390 3 891500028 +782 1393 2 891498512 +782 1394 4 891498323 +782 1477 3 891499344 +782 1511 2 891500194 +782 1513 2 891499440 +782 1538 3 891500109 +782 1589 3 891500028 +782 1590 3 891500028 +782 1598 2 891499556 +782 1600 3 891500066 +782 1608 3 891499399 +782 1609 1 891499439 +782 1610 1 891500230 +782 1611 3 891500066 +782 1620 3 891499440 +782 1643 2 891499321 +782 1644 2 891500110 +782 1658 2 891500230 +782 1664 4 891499699 +782 1665 2 891500194 +782 1667 3 891500110 +782 1668 3 891500067 +782 1669 2 891500150 +782 1670 3 891497793 +783 260 4 884326690 +783 286 3 884326274 +783 288 3 884326274 +783 292 4 884326382 +783 294 3 884326506 +783 299 5 884326620 +783 328 4 884326545 +783 330 1 884326755 +783 333 4 884326383 +783 334 3 884326461 +783 335 3 884326545 +783 345 4 884326461 +783 346 5 884326424 +783 876 4 884326424 +783 880 4 884326545 +783 895 4 884326787 +784 260 4 891387704 +784 268 3 891387501 +784 269 5 891387155 +784 271 3 891387623 +784 286 3 891386988 +784 292 4 891387315 +784 299 3 891387155 +784 300 4 891386988 +784 302 5 891386988 +784 303 4 891387077 +784 304 4 891387501 +784 307 4 891387623 +784 327 4 891387315 +784 328 3 891387502 +784 331 4 891387155 +784 332 4 891387812 +784 334 3 891387812 +784 340 3 891387895 +784 344 4 891387078 +784 346 4 891387077 +784 678 4 891387895 +784 690 4 891387249 +784 750 5 891386988 +784 877 4 891387622 +784 1038 3 891387704 +785 22 4 879438957 +785 50 5 879439021 +785 56 4 879438920 +785 69 4 879439137 +785 79 4 879438984 +785 137 2 879438810 +785 174 5 879438957 +785 195 4 879438984 +785 209 3 879439043 +785 269 5 879438537 +785 273 3 879439527 +785 294 4 879438705 +785 301 4 879438565 +785 318 4 879439232 +785 423 2 879438957 +785 496 4 879438810 +785 661 3 879438810 +785 748 3 879438705 +785 995 3 879438736 +785 1050 3 879439232 +786 1 4 882841828 +786 4 4 882844294 +786 15 3 882841855 +786 50 4 882844295 +786 70 4 882843534 +786 82 4 882844096 +786 86 4 882843006 +786 88 4 882844010 +786 95 5 882843397 +786 97 4 882843683 +786 98 5 882843190 +786 100 4 882841667 +786 117 4 882841996 +786 126 4 882842019 +786 132 5 882842946 +786 143 4 882843039 +786 161 4 882843534 +786 173 4 882843069 +786 174 4 882844294 +786 177 4 882843646 +786 179 4 882843500 +786 180 4 882843112 +786 183 4 882843150 +786 187 4 882843112 +786 188 5 882843237 +786 191 4 882843272 +786 196 4 882843683 +786 197 3 882843431 +786 198 5 882843753 +786 199 4 882843006 +786 200 5 882844010 +786 208 5 882843150 +786 210 4 882843039 +786 211 4 882843500 +786 216 4 882843272 +786 228 4 882844295 +786 230 4 882844295 +786 231 2 882844127 +786 234 3 882843753 +786 238 4 882843646 +786 240 1 882842762 +786 265 4 882842946 +786 275 4 882841772 +786 276 1 882841875 +786 281 4 882842044 +786 283 4 882841906 +786 286 4 882841571 +786 318 5 882843190 +786 376 3 882844096 +786 381 3 882843397 +786 385 4 882844294 +786 404 4 882843500 +786 405 4 882842311 +786 419 4 882843312 +786 429 4 882843237 +786 449 2 882844096 +786 451 2 882844171 +786 455 1 882842762 +786 458 3 882842195 +786 465 4 882844010 +786 471 4 882842311 +786 484 4 882843398 +786 497 4 882842946 +786 504 4 882843352 +786 520 4 882843311 +786 528 5 882842878 +786 546 4 882844294 +786 633 4 882843237 +786 684 4 882843607 +786 692 4 882843190 +786 699 4 882844295 +786 703 3 882843190 +786 849 2 882844052 +787 259 4 888979721 +787 268 4 888979007 +787 269 3 888979547 +787 286 3 888979007 +787 288 1 888979236 +787 292 3 888979236 +787 294 3 888979606 +787 304 4 888980193 +787 307 4 888979074 +787 310 5 888979007 +787 311 4 888979605 +787 313 5 888979547 +787 328 3 888979874 +787 329 4 888980193 +787 333 3 888979074 +787 345 3 888979007 +787 348 4 888979875 +787 351 3 888979657 +787 359 3 888979547 +787 361 3 888979075 +787 362 3 888979657 +787 691 4 888979123 +787 748 4 888979606 +787 749 4 888979657 +787 751 4 888979235 +787 879 4 888979721 +787 899 3 888979074 +787 906 1 888979721 +787 1671 1 888980193 +788 4 3 880868401 +788 9 4 880869508 +788 10 4 880869584 +788 11 2 880868513 +788 22 5 880868513 +788 23 3 880868277 +788 28 5 880868876 +788 29 3 880871240 +788 43 3 880870299 +788 44 4 880869434 +788 46 3 880870018 +788 51 4 880870018 +788 53 1 880871717 +788 54 4 880869174 +788 62 3 880870179 +788 65 4 880869584 +788 69 4 880868144 +788 70 4 880869908 +788 71 3 880868144 +788 73 3 880869174 +788 76 3 880869323 +788 82 3 880870116 +788 89 5 880869548 +788 96 3 880868803 +788 98 5 880868919 +788 112 3 880871173 +788 117 4 880869014 +788 121 4 880869469 +788 125 3 880870335 +788 130 2 880869396 +788 135 3 880869014 +788 148 3 880869215 +788 151 1 880869908 +788 153 3 880868277 +788 157 5 880869396 +788 159 3 880869135 +788 167 3 880870582 +788 172 3 880869687 +788 175 3 880868401 +788 176 5 880868743 +788 180 4 880869174 +788 183 5 880868743 +788 185 4 880868316 +788 186 3 880868559 +788 188 4 880870083 +788 192 4 880868838 +788 194 4 880870052 +788 203 5 880869215 +788 204 3 880868644 +788 205 4 880868068 +788 218 4 880871328 +788 226 4 880870710 +788 229 3 880870299 +788 230 3 880869754 +788 234 3 880868473 +788 235 3 880871328 +788 237 4 880869584 +788 241 5 880869075 +788 284 3 880869323 +788 289 4 880867565 +788 294 3 880867855 +788 300 5 880867477 +788 301 2 880867855 +788 302 4 880867326 +788 317 4 880869945 +788 322 4 880867422 +788 323 3 880867855 +788 327 3 880867855 +788 328 4 880867477 +788 357 4 880869687 +788 370 2 880870881 +788 371 3 880870626 +788 385 3 880869434 +788 391 2 880871746 +788 399 3 880871128 +788 402 3 880870544 +788 403 3 880870516 +788 423 5 880868235 +788 435 3 880869278 +788 443 4 880868473 +788 445 4 880869718 +788 447 3 880870299 +788 448 2 880869355 +788 451 4 880871240 +788 470 3 880868042 +788 480 3 880868473 +788 482 4 880869787 +788 483 5 880867933 +788 498 5 880867933 +788 504 4 880867970 +788 510 5 880867933 +788 511 5 880868277 +788 520 4 880868919 +788 521 4 880869945 +788 523 4 880868559 +788 528 5 880868144 +788 531 4 880868144 +788 540 3 880871394 +788 553 3 880869687 +788 556 2 880871128 +788 561 3 880870626 +788 566 4 880869908 +788 568 3 880869862 +788 570 3 880869862 +788 572 3 880871891 +788 586 2 880871490 +788 589 5 880868005 +788 597 3 880870582 +788 601 4 880868876 +788 623 3 880870936 +788 627 4 880870654 +788 629 1 880870149 +788 639 3 880870710 +788 649 3 880869649 +788 651 4 880868838 +788 655 3 880868644 +788 658 3 880869862 +788 662 4 880871359 +788 665 2 880867890 +788 670 3 880870935 +788 692 3 880869106 +788 696 3 880871173 +788 699 3 880869323 +788 708 2 880869908 +788 712 3 880871804 +788 715 3 880871664 +788 720 3 880870482 +788 723 3 880870207 +788 736 3 880870299 +788 739 2 880870149 +788 742 3 880869508 +788 744 4 880869621 +788 748 3 880867855 +788 754 4 880867477 +788 781 3 880871205 +788 798 2 880870827 +788 810 3 880870773 +788 828 3 880869396 +788 879 4 880867422 +788 983 3 880871173 +788 984 3 880867855 +788 1042 3 880871240 +788 1107 3 880870773 +788 1135 2 880871460 +788 1139 1 880871605 +788 1183 2 880871891 +788 1248 3 880871460 +788 1459 2 880871857 +789 93 4 880332063 +789 100 5 880332089 +789 124 4 880332089 +789 127 5 880332039 +789 129 5 880332063 +789 150 5 880332333 +789 151 2 880332365 +789 276 5 880332063 +789 286 1 880332039 +789 288 3 880331942 +789 475 5 880332063 +789 591 3 880332259 +789 628 3 880332215 +789 741 5 880332148 +789 762 3 880332232 +789 1007 4 880332215 +789 1012 4 880332169 +789 1161 3 880332189 +790 1 3 884461306 +790 2 3 885156988 +790 4 3 885156773 +790 10 1 884461988 +790 13 3 884461820 +790 22 5 885155540 +790 29 2 885158082 +790 38 2 885157929 +790 52 4 885156934 +790 56 4 885155150 +790 62 3 885157465 +790 70 3 885157776 +790 72 2 885157661 +790 79 4 885156538 +790 80 2 885157575 +790 85 3 885156825 +790 90 2 885157440 +790 91 3 885157862 +790 97 2 885155770 +790 100 2 884461334 +790 109 3 884461775 +790 116 4 884461334 +790 121 3 884461657 +790 123 3 884461413 +790 131 2 885156852 +790 135 3 885156538 +790 139 2 885157748 +790 153 3 885155077 +790 154 4 885156290 +790 155 3 885157061 +790 157 2 885156193 +790 159 3 885156934 +790 161 4 885157181 +790 168 4 885155230 +790 172 4 885155540 +790 174 4 885155572 +790 176 3 885155489 +790 183 4 885156193 +790 184 3 885156958 +790 191 3 885155209 +790 196 3 885156500 +790 202 3 885156904 +790 203 4 885155459 +790 210 4 885155209 +790 211 4 885156046 +790 213 3 885156336 +790 229 3 885156686 +790 230 4 885155846 +790 232 4 885156773 +790 233 3 885157230 +790 240 3 884462692 +790 241 5 885156825 +790 258 3 884461387 +790 259 2 884461023 +790 265 4 885155770 +790 268 4 884460878 +790 269 3 892305174 +790 275 4 884461774 +790 283 2 884461517 +790 284 4 884461888 +790 317 4 885155949 +790 328 3 884461023 +790 365 4 885157465 +790 367 4 885156114 +790 368 2 884462954 +790 373 3 885158459 +790 376 2 885157533 +790 378 3 885156934 +790 380 4 885157419 +790 386 2 885158208 +790 391 2 885158299 +790 401 4 885157621 +790 403 4 885157036 +790 412 4 885158495 +790 427 4 885155172 +790 449 2 885157594 +790 451 3 885157299 +790 470 4 885158547 +790 475 3 884461657 +790 546 1 884461590 +790 561 3 885158082 +790 566 3 885156618 +790 568 3 885157087 +790 570 2 885158057 +790 572 3 885157956 +790 577 2 885158122 +790 582 3 885156852 +790 583 2 885157489 +790 597 3 884462047 +790 609 2 885156773 +790 665 3 885158495 +790 685 4 884461988 +790 687 1 884461162 +790 708 3 885158082 +790 721 3 885157017 +790 738 3 885158396 +790 739 4 885156686 +790 748 1 884461073 +790 755 3 885157928 +790 771 4 885158436 +790 786 3 885157533 +790 790 2 885157928 +790 792 2 885155603 +790 864 4 884462647 +790 928 3 884462598 +790 941 3 885157061 +790 944 1 885157299 +790 949 4 885156825 +790 959 3 885156686 +790 1014 2 884462551 +790 1016 2 884461925 +790 1028 3 884462692 +790 1040 2 884462954 +790 1044 4 885158185 +790 1047 3 885157621 +790 1063 5 885156478 +790 1074 3 885158235 +790 1077 3 885156619 +790 1118 3 885156046 +790 1119 4 885156732 +790 1132 2 885158329 +790 1165 2 884462890 +790 1183 2 885157956 +790 1185 2 885158257 +790 1188 3 885157984 +790 1215 1 884462737 +790 1230 2 885158235 +790 1471 2 885158374 +791 50 5 879448338 +791 275 5 879448314 +791 286 3 879447907 +791 289 4 879448087 +791 294 3 879447940 +791 299 2 879448035 +791 302 4 879447940 +791 304 4 879448035 +791 306 5 879447977 +791 327 5 879447977 +791 328 4 879448087 +791 331 1 879447940 +791 332 5 879448166 +791 748 3 879448035 +792 15 4 877909865 +792 21 3 877910444 +792 24 3 877910091 +792 25 2 877909892 +792 111 3 877910126 +792 118 2 877910538 +792 124 4 877909865 +792 125 3 877910539 +792 237 3 877910444 +792 291 2 877910629 +792 363 3 877910478 +792 405 3 877909753 +792 476 1 877910206 +792 508 2 877910478 +792 546 3 877910353 +792 595 3 877910305 +792 596 3 877910241 +792 742 3 877909709 +792 762 4 877910206 +792 840 2 877910539 +792 844 4 877910822 +792 1011 3 877910730 +792 1054 1 877910666 +792 1132 3 877910160 +792 1164 3 877910629 +792 1335 4 877910353 +793 1 4 875104091 +793 3 4 875104592 +793 7 3 875104031 +793 9 3 875103810 +793 50 5 875103942 +793 100 4 875104031 +793 106 3 875104340 +793 109 4 875104119 +793 117 4 875103739 +793 118 2 875104119 +793 121 3 875104193 +793 122 3 875104532 +793 127 5 875103773 +793 150 4 875103842 +793 181 4 875103810 +793 222 3 875103971 +793 235 3 875104068 +793 237 3 875103842 +793 240 4 875104565 +793 252 4 875104498 +793 273 3 875103942 +793 276 3 875103971 +793 294 5 875103584 +793 298 4 875103971 +793 405 3 875104340 +793 406 2 875104221 +793 458 3 875104243 +793 628 3 875103942 +793 685 3 875104718 +793 742 3 875104648 +793 824 3 875104000 +793 844 4 875103842 +793 979 3 875104620 +793 1014 3 875103810 +793 1067 4 875103875 +793 1142 5 875104068 +794 13 4 891035582 +794 14 5 891034956 +794 19 4 891036111 +794 24 5 891035957 +794 50 5 891035307 +794 100 5 891035063 +794 109 4 891035941 +794 116 5 891035307 +794 118 2 891035413 +794 137 5 891035307 +794 187 5 891035117 +794 221 4 891036222 +794 224 4 891035793 +794 238 5 891035135 +794 242 5 891034156 +794 249 3 891035885 +794 257 4 891036265 +794 273 4 891036111 +794 285 5 891035355 +794 455 4 891034986 +794 473 4 891036222 +794 475 5 891035822 +794 514 5 891035604 +794 515 5 891034755 +794 557 4 891036008 +794 847 5 891035822 +794 887 4 891034284 +794 936 5 891035219 +794 1251 4 891034755 +795 1 4 883767204 +795 2 3 883252599 +795 4 4 881253238 +795 8 5 880569317 +795 10 4 880556527 +795 12 4 881260621 +795 17 2 883252686 +795 21 3 880557953 +795 28 4 880569414 +795 39 4 883253661 +795 47 3 881265108 +795 50 3 880557114 +795 62 4 883254564 +795 68 3 883253137 +795 70 3 883253481 +795 72 3 883252003 +795 79 2 880568325 +795 80 3 883254212 +795 81 4 883250055 +795 91 5 881265483 +795 95 4 881529851 +795 100 5 880555946 +795 105 1 883774317 +795 108 3 880559483 +795 109 3 880557210 +795 117 4 880558122 +795 123 4 880558447 +795 132 3 883249522 +795 144 4 881265483 +795 151 3 880558562 +795 154 3 881529904 +795 164 3 883253368 +795 169 5 880567884 +795 172 3 880570209 +795 184 4 880588118 +795 186 3 883249522 +795 191 4 883249962 +795 200 3 883251581 +795 201 4 880569984 +795 202 3 881529874 +795 203 3 881530198 +795 208 4 881252835 +795 210 4 880567593 +795 219 3 883252104 +795 222 3 880558122 +795 226 3 883251800 +795 235 3 880560263 +795 240 2 883767338 +795 367 3 883252202 +795 381 2 883774317 +795 382 4 881529077 +795 402 2 883254905 +795 405 1 883774317 +795 407 3 880560679 +795 410 2 880559227 +795 412 3 883254675 +795 423 2 881265617 +795 425 3 883249522 +795 431 4 883253193 +795 433 4 880588141 +795 434 3 880569983 +795 436 3 883767338 +795 473 2 880561783 +795 502 3 883251421 +795 514 4 883250472 +795 546 3 880559275 +795 559 2 883774317 +795 564 1 883774317 +795 567 2 883253903 +795 577 3 883254987 +795 583 4 883250168 +795 636 3 883253661 +795 640 4 883251200 +795 658 2 883251696 +795 675 3 883251659 +795 716 3 880569984 +795 719 2 883254675 +795 739 1 883774317 +795 742 2 880556833 +795 746 3 881529904 +795 747 3 883252630 +795 755 3 883254564 +795 756 3 880559895 +795 771 3 883255324 +795 797 3 883254750 +795 820 3 880560679 +795 825 2 880559026 +795 831 2 880560971 +795 919 4 880557617 +795 926 2 880561783 +795 998 3 883255182 +795 1030 3 883255381 +795 1036 2 883255578 +795 1041 3 883254780 +795 1095 3 883767108 +795 1110 3 883251943 +795 1413 3 883254987 +796 4 5 893048150 +796 5 4 893194607 +796 8 5 892690059 +796 15 4 893188341 +796 23 2 892690382 +796 26 2 893047208 +796 28 3 892662523 +796 29 3 893048672 +796 31 4 893194547 +796 33 3 893048471 +796 36 1 893047967 +796 43 4 893188486 +796 48 3 892663090 +796 49 3 893047287 +796 53 1 893048713 +796 54 4 893194685 +796 56 5 892663009 +796 58 3 892675605 +796 62 4 893048562 +796 63 3 893218764 +796 64 4 892662400 +796 71 4 893218764 +796 77 5 893194646 +796 79 5 892661988 +796 82 3 892676195 +796 87 5 893218728 +796 88 5 893047287 +796 91 2 893219033 +796 94 3 893219065 +796 95 4 892690382 +796 96 4 892662523 +796 98 5 892663090 +796 99 3 893218764 +796 117 5 892660283 +796 121 5 892661043 +796 125 4 892660465 +796 126 3 892690173 +796 127 5 892660147 +796 134 3 892663009 +796 143 5 893218728 +796 144 5 892662524 +796 145 2 893218485 +796 147 5 893048410 +796 152 3 892690101 +796 154 3 892676155 +796 159 3 893194685 +796 164 3 893194548 +796 168 5 892662871 +796 172 4 892663090 +796 174 5 892662069 +796 176 5 892662523 +796 182 4 893048342 +796 184 1 892761544 +796 193 3 892662964 +796 195 5 892675424 +796 199 3 892662223 +796 200 5 893218420 +796 202 4 893047167 +796 203 3 892690173 +796 204 5 892662441 +796 209 3 893048115 +796 213 4 893047167 +796 215 5 892676115 +796 216 5 892761543 +796 217 4 893218556 +796 226 3 893048410 +796 227 4 893048471 +796 229 3 893048471 +796 231 3 893048622 +796 234 2 892690173 +796 236 4 893048149 +796 237 5 893047126 +796 243 3 892612354 +796 245 3 892612031 +796 248 3 892660465 +796 249 1 892661011 +796 257 5 892660283 +796 265 5 892761544 +796 269 3 892610692 +796 270 4 892611799 +796 273 2 892660856 +796 274 5 893047167 +796 278 4 892660323 +796 282 4 892660364 +796 283 3 892660322 +796 284 3 892660954 +796 291 4 893188576 +796 294 3 892611979 +796 300 4 892611903 +796 318 4 892661988 +796 322 3 892611953 +796 323 2 892611953 +796 326 4 892612032 +796 328 5 892612057 +796 333 5 892610876 +796 339 2 892874859 +796 342 5 892611871 +796 356 4 893194646 +796 357 4 892662400 +796 367 5 893048150 +796 371 5 893047167 +796 378 4 893218764 +796 381 3 893047208 +796 385 5 893048342 +796 387 3 893047504 +796 391 4 893048713 +796 393 4 893218933 +796 399 4 893048471 +796 401 3 893219427 +796 405 5 892660954 +796 417 4 893218933 +796 418 4 893218933 +796 419 5 893219001 +796 423 4 892690262 +796 427 4 892662355 +796 429 4 892690102 +796 431 4 892676231 +796 447 3 893218485 +796 449 4 893048622 +796 450 3 893049399 +796 477 2 892660465 +796 478 5 892761629 +796 479 4 892761427 +796 485 4 893279958 +796 486 5 892676072 +796 488 2 892662400 +796 491 4 892662964 +796 496 5 892662223 +796 511 4 892676155 +796 514 3 892676231 +796 517 2 893047208 +796 520 3 892662223 +796 525 4 892761390 +796 527 3 892675654 +796 530 3 893048410 +796 540 2 893048672 +796 546 4 893048505 +796 550 3 893048562 +796 559 3 893218453 +796 565 3 893218556 +796 568 4 892676114 +796 573 4 893218521 +796 576 3 893048562 +796 578 4 893048562 +796 591 3 892611093 +796 603 4 892662152 +796 606 4 892761504 +796 607 4 892662964 +796 615 4 892690263 +796 633 5 892662070 +796 636 2 893048505 +796 649 3 893194646 +796 655 3 893048115 +796 660 5 892690101 +796 662 5 893047207 +796 665 2 893048622 +796 672 3 893218485 +796 679 4 893048471 +796 685 4 892660466 +796 693 3 893188650 +796 705 4 892690263 +796 707 3 892663154 +796 716 3 893047167 +796 728 3 893047691 +796 731 3 893047320 +796 736 3 893047126 +796 742 3 892660505 +796 746 3 893048115 +796 748 5 892611979 +796 751 5 892611979 +796 762 3 892676115 +796 765 3 893047691 +796 769 4 893218622 +796 778 4 893047021 +796 779 3 893048713 +796 781 4 893047241 +796 783 4 893047691 +796 795 3 893219254 +796 796 4 893047320 +796 815 4 893047321 +796 849 4 893048562 +796 855 3 893279958 +796 869 4 893047287 +796 871 1 893219001 +796 932 4 893219254 +796 939 3 892761504 +796 974 3 893194740 +796 977 2 893194992 +796 988 3 893219180 +796 1001 2 893219180 +796 1032 3 893219451 +796 1039 4 892662223 +796 1040 3 893047460 +796 1042 4 893194740 +796 1046 3 893194607 +796 1049 4 893219151 +796 1055 3 893188577 +796 1074 1 893047691 +796 1090 4 893194992 +796 1119 4 892675528 +796 1126 1 892662826 +796 1163 3 892660364 +796 1197 3 892660955 +796 1228 4 893048713 +796 1269 5 892662765 +796 1297 2 893047504 +796 1415 3 893219254 +796 1511 3 892660955 +797 50 5 879439314 +797 243 2 879439104 +797 257 5 879439362 +797 259 3 879439136 +797 294 3 879439105 +797 298 3 879439362 +797 307 2 879439190 +797 309 3 879438992 +797 327 2 879438992 +797 328 2 879439136 +797 336 2 879439136 +797 720 2 879439735 +797 781 5 879439594 +797 1023 3 879439519 +798 1 4 875295695 +798 2 4 875743787 +798 15 4 875295810 +798 21 5 875554953 +798 29 4 875915913 +798 38 4 875915806 +798 50 5 875295810 +798 52 3 876176979 +798 63 5 875914939 +798 71 3 875303589 +798 72 3 875638883 +798 73 4 875914114 +798 81 3 876177211 +798 83 4 875303683 +798 94 3 875914939 +798 105 3 875555000 +798 111 1 875296109 +798 112 3 875296234 +798 116 3 875554781 +798 118 4 875295842 +798 125 3 875296178 +798 132 4 875639134 +798 133 3 875303559 +798 138 3 876176160 +798 140 4 876175467 +798 142 3 876175427 +798 151 3 875554819 +798 164 4 875303502 +798 168 4 875743765 +798 172 4 875639656 +798 174 4 875743140 +798 181 5 875295772 +798 191 4 875743458 +798 196 3 875743006 +798 197 2 875303502 +798 202 2 875639095 +798 210 4 875743410 +798 222 3 875295616 +798 243 4 875295566 +798 254 5 875637836 +798 257 4 875295842 +798 265 5 875915777 +798 270 4 880483677 +798 274 5 875295772 +798 281 4 875296234 +798 306 3 875637329 +798 323 4 875295469 +798 356 3 875639236 +798 365 3 875639656 +798 367 3 875743434 +798 384 2 875915279 +798 393 3 875915029 +798 394 4 875914484 +798 395 3 875915279 +798 399 5 875638680 +798 402 3 875916297 +798 403 4 875743140 +798 415 3 875639260 +798 418 4 875639212 +798 419 4 876175937 +798 420 3 876175937 +798 432 4 876176259 +798 443 3 876249370 +798 465 4 876176115 +798 472 3 875638178 +798 473 2 875296109 +798 476 2 875637822 +798 480 3 875303765 +798 482 3 875638884 +798 498 3 875639581 +798 554 2 875638884 +798 563 2 875638323 +798 568 4 875656111 +798 571 3 875914458 +798 576 3 875639324 +798 577 2 875639441 +798 584 3 876176071 +798 585 3 875743912 +798 586 2 875303765 +798 610 3 875743314 +798 648 3 875914785 +798 659 4 875914337 +798 660 3 876177436 +798 662 3 875916187 +798 671 2 875639115 +798 687 4 875295566 +798 690 4 877117972 +798 694 3 875303718 +798 699 3 875303502 +798 703 4 876177414 +798 719 1 875743196 +798 728 4 875914458 +798 731 3 875303765 +798 732 2 875638759 +798 734 3 875639061 +798 736 5 875639010 +798 746 4 875914066 +798 748 5 875295521 +798 755 3 875638627 +798 785 3 875639553 +798 801 3 875915317 +798 815 5 875295695 +798 826 5 875295695 +798 827 4 875637541 +798 828 4 875637986 +798 832 4 875637822 +798 839 4 875638649 +798 845 5 875295930 +798 878 4 875295521 +798 924 3 875296148 +798 926 4 875638203 +798 929 3 875638090 +798 930 5 875637661 +798 932 4 875637927 +798 940 1 875914898 +798 941 3 876176561 +798 944 4 875914573 +798 945 3 875743518 +798 988 3 875295469 +798 993 3 875554639 +798 998 3 875915317 +798 1003 3 875639478 +798 1032 3 875639212 +798 1035 4 875638717 +798 1043 3 875915279 +798 1049 3 875638150 +798 1063 3 875303502 +798 1076 3 876176043 +798 1089 3 875295616 +798 1102 4 875637680 +798 1119 3 875916421 +798 1224 2 875638842 +798 1249 4 875914785 +798 1282 3 875296234 +798 1284 3 875637744 +798 1285 3 876177330 +798 1337 3 875554892 +798 1435 2 875639836 +798 1446 4 875914898 +798 1503 3 876176071 +798 1509 3 875915155 +798 1517 4 875743605 +799 45 4 879253969 +799 50 4 879254077 +799 127 4 879254026 +799 191 3 879254077 +799 306 4 879253795 +799 307 3 879253795 +799 321 4 879253720 +799 331 4 879253795 +799 427 5 879254077 +799 479 5 879254026 +799 1063 4 879254026 +799 1545 4 879254026 +800 1 4 887646283 +800 15 4 887646631 +800 50 4 887646263 +800 118 3 887646342 +800 121 4 887646423 +800 127 4 887646980 +800 181 4 887646203 +800 237 4 887646980 +800 275 4 887646203 +800 405 4 887646705 +800 457 2 887646168 +800 476 3 887646776 +800 742 4 887646477 +800 864 4 887646980 +801 245 3 890333042 +801 259 3 890332986 +801 268 5 890332645 +801 271 5 890332929 +801 299 2 890333011 +801 302 4 890332645 +801 307 4 890332853 +801 313 5 890332694 +801 332 5 890332719 +801 343 4 890332986 +801 355 3 890332929 +801 358 4 890333094 +801 681 1 890332820 +801 682 5 890332775 +801 752 4 890332853 +801 881 3 890332820 +801 890 2 890333150 +801 895 5 890332929 +802 56 3 875985601 +802 98 4 875985601 +802 134 3 875985347 +802 135 4 875985347 +802 176 5 875985469 +802 183 5 875985469 +802 184 4 875986155 +802 194 4 875986155 +802 197 3 875985347 +802 200 4 875985686 +802 201 4 875985601 +802 217 3 875985767 +802 219 5 875985767 +802 259 2 875984938 +802 264 4 875986155 +802 266 3 875984938 +802 286 2 875984532 +802 288 3 875984637 +802 294 4 875984637 +802 300 4 875986155 +802 323 5 875984722 +802 327 2 875984861 +802 333 4 875986155 +802 358 3 875984722 +802 436 4 875985686 +802 440 3 875985686 +802 441 3 875985840 +802 444 4 875985840 +802 445 3 875985686 +802 447 2 875985686 +802 452 4 875985976 +802 559 2 875985840 +802 565 3 875985976 +802 569 3 875985840 +802 646 4 875986155 +802 665 4 875985469 +802 669 1 875985840 +802 670 4 875986155 +802 748 4 875984776 +802 769 5 875985976 +802 879 5 875984938 +802 1025 3 875984637 +803 243 1 880055548 +803 259 2 880054971 +803 260 3 880055454 +803 261 1 880054754 +803 264 2 880055309 +803 271 2 880054833 +803 286 5 880054592 +803 289 3 880055309 +803 300 3 880054629 +803 304 3 880054792 +803 305 5 880055604 +803 307 4 880055604 +803 322 2 880055043 +803 325 4 880054885 +803 340 5 880055088 +803 538 4 880054834 +803 690 4 880055210 +803 748 1 880054885 +803 887 5 880054671 +803 990 2 880054792 +804 1 5 879442661 +804 2 4 879445493 +804 11 4 879442954 +804 31 4 879442792 +804 32 3 879444352 +804 33 4 879445975 +804 40 3 879445739 +804 49 2 879447476 +804 50 4 879440912 +804 55 4 879442141 +804 69 4 879444890 +804 72 4 879445281 +804 79 4 879441627 +804 81 4 879441913 +804 82 5 879442001 +804 85 4 879445190 +804 87 4 879442954 +804 94 4 879446194 +804 95 2 879447476 +804 96 5 879441677 +804 97 4 879442057 +804 98 5 879441503 +804 99 4 879442984 +804 100 5 879445904 +804 105 3 879444077 +804 108 3 879443819 +804 118 4 879443900 +804 121 4 879442377 +804 125 4 879443709 +804 128 5 879441702 +804 132 4 879445305 +804 135 3 879444407 +804 141 3 879445841 +804 145 3 879446276 +804 151 3 879442412 +804 152 4 879445466 +804 153 4 879441346 +804 154 3 879441598 +804 155 3 879445660 +804 156 4 879444781 +804 157 4 879442862 +804 159 4 879445441 +804 161 4 879442269 +804 162 2 879446037 +804 164 4 879442025 +804 167 3 879445956 +804 174 5 879441476 +804 175 4 879444583 +804 182 4 879444924 +804 184 5 879441727 +804 185 4 879444890 +804 186 4 879442687 +804 187 4 879441973 +804 192 4 879441752 +804 193 4 879444518 +804 194 4 879442490 +804 197 4 879443136 +804 198 5 879441391 +804 202 4 879442079 +804 203 4 879442122 +804 204 4 879441450 +804 205 4 879442434 +804 208 5 879441412 +804 209 3 879442538 +804 210 5 879441372 +804 213 3 879441651 +804 215 5 879441752 +804 216 4 879441450 +804 218 4 879445072 +804 219 3 879445072 +804 228 4 879441391 +804 229 4 879445816 +804 230 4 879442001 +804 231 4 879445334 +804 233 4 879445815 +804 235 5 879443736 +804 238 4 879441727 +804 239 4 879442122 +804 243 3 879440727 +804 245 4 879441132 +804 250 4 879441000 +804 252 4 879441160 +804 254 4 879441195 +804 257 5 879441014 +804 259 4 879440700 +804 288 1 879447476 +804 290 4 879443795 +804 291 4 879443819 +804 292 2 879441099 +804 294 5 879441099 +804 307 4 879440600 +804 310 4 879440600 +804 318 5 879441450 +804 328 4 879440600 +804 357 5 879441450 +804 365 4 879446194 +804 373 2 879447476 +804 379 3 879445465 +804 380 4 879445715 +804 385 4 879445904 +804 393 3 879445072 +804 396 3 879445956 +804 399 4 879445111 +804 402 3 879445441 +804 403 3 879445739 +804 405 4 879443776 +804 412 2 879445955 +804 413 4 879443918 +804 425 4 879442643 +804 428 3 879445841 +804 429 4 879445037 +804 431 4 879442707 +804 433 4 879444714 +804 434 4 879442642 +804 435 3 879444488 +804 436 5 879444984 +804 444 4 879444743 +804 445 4 879445766 +804 448 3 879445841 +804 449 3 879445281 +804 451 2 879446063 +804 455 5 879443609 +804 473 4 879443884 +804 476 3 879443852 +804 479 4 879441542 +804 483 5 879441627 +804 495 3 879442792 +804 496 5 879441973 +804 504 3 879444444 +804 513 5 879441937 +804 520 4 879445904 +804 522 3 879445190 +804 523 5 879441476 +804 527 4 879441752 +804 529 4 879441913 +804 546 3 879443884 +804 550 4 879445739 +804 554 2 879447476 +804 568 4 879442793 +804 573 3 879445232 +804 582 3 879444963 +804 588 4 879442687 +804 597 3 879444011 +804 603 5 879441937 +804 609 3 879444583 +804 616 3 879442984 +804 625 3 879445493 +804 629 3 879445072 +804 631 3 879444463 +804 632 3 879444488 +804 637 3 879444943 +804 642 3 879445556 +804 646 4 879441936 +804 647 5 879442001 +804 651 4 879445904 +804 654 3 879441651 +804 655 4 879442377 +804 662 4 879442413 +804 663 5 879442793 +804 664 3 879446090 +804 671 3 879445493 +804 674 4 879445699 +804 675 3 879445355 +804 678 4 879440700 +804 685 4 879443946 +804 708 3 879445783 +804 737 3 879444781 +804 739 4 879444805 +804 742 4 879442732 +804 746 4 879444890 +804 763 4 879443776 +804 797 4 879445280 +804 820 4 879444115 +804 841 4 879443709 +804 926 4 879443993 +804 928 4 879443736 +804 930 3 879444115 +804 949 3 879445254 +804 951 3 879444781 +804 969 4 879442687 +804 982 4 879444048 +804 993 2 879441236 +804 1025 4 879440765 +804 1060 3 879443918 +804 1065 3 879441727 +804 1076 3 879446162 +804 1079 4 879444133 +804 1101 3 879444805 +804 1139 3 879446145 +804 1177 3 879446390 +804 1178 3 879445990 +804 1222 3 879446276 +804 1244 2 879441132 +804 1260 3 879445660 +804 1488 3 879445579 +804 1615 4 879441195 +805 4 2 881694798 +805 8 3 881704063 +805 9 3 881697667 +805 11 2 881694423 +805 12 4 881695677 +805 13 3 881704063 +805 17 4 881695346 +805 21 2 881705055 +805 32 4 881697792 +805 33 5 881694885 +805 38 3 881695080 +805 40 3 881704553 +805 42 2 881704193 +805 65 3 881698861 +805 68 3 881694886 +805 71 3 881695560 +805 79 5 881694423 +805 82 3 881694854 +805 83 4 881696671 +805 89 4 881694713 +805 90 2 881705412 +805 91 5 881695527 +805 96 4 881694713 +805 98 5 881695196 +805 100 5 881695196 +805 108 3 881705082 +805 111 3 881696671 +805 121 3 881694885 +805 127 3 879971215 +805 128 5 881694798 +805 137 5 881697713 +805 140 3 881705892 +805 141 2 881705843 +805 144 3 881694693 +805 145 2 881695445 +805 147 5 881694286 +805 148 2 881695911 +805 150 5 883766549 +805 153 4 881704063 +805 154 5 881704063 +805 155 1 881696923 +805 161 1 881694823 +805 162 2 881698069 +805 168 5 881704016 +805 169 4 881695527 +805 173 4 881696671 +805 175 5 881697229 +805 176 4 881684185 +805 179 4 881697792 +805 181 3 879971215 +805 183 5 881684185 +805 185 5 881695196 +805 191 4 881697713 +805 196 2 881698778 +805 200 5 881695244 +805 204 2 881704016 +805 210 3 881694693 +805 213 3 881696699 +805 214 2 881700713 +805 216 2 881696699 +805 222 4 881694823 +805 223 5 881698139 +805 226 3 881694978 +805 228 3 881694423 +805 231 3 881694978 +805 234 5 881695244 +805 238 5 881704223 +805 240 3 881705350 +805 241 2 881694923 +805 248 4 881683074 +805 258 3 879971215 +805 271 3 880055033 +805 273 2 883415418 +805 274 2 881705055 +805 294 1 879970879 +805 317 4 881698745 +805 319 2 881696876 +805 321 3 881705292 +805 322 2 879971215 +805 338 1 879970974 +805 346 4 883766007 +805 357 5 881697713 +805 358 3 879971215 +805 367 4 881705108 +805 371 1 881696759 +805 386 3 881704224 +805 387 3 881696905 +805 393 3 881705843 +805 401 4 881705108 +805 402 2 881697013 +805 403 4 881694886 +805 405 3 881694885 +805 406 1 881695445 +805 411 2 881705350 +805 417 2 881705918 +805 419 4 881705766 +805 422 4 881695560 +805 423 1 881698175 +805 425 5 881698745 +805 428 5 881704337 +805 431 1 881694713 +805 432 5 881695527 +805 433 4 883415418 +805 436 3 881695347 +805 443 5 881695196 +805 447 4 881695293 +805 451 5 881696759 +805 452 3 881695445 +805 470 5 881695872 +805 473 4 881695591 +805 475 5 881704016 +805 477 4 881705810 +805 509 5 881698095 +805 519 4 881698095 +805 527 3 881698798 +805 549 3 881696759 +805 552 3 881696124 +805 569 1 881695414 +805 576 4 881695040 +805 581 2 881695793 +805 582 3 881698798 +805 588 2 881695527 +805 595 3 881695951 +805 597 3 881695080 +805 603 4 881696335 +805 629 3 881704553 +805 636 4 881694978 +805 642 4 881695830 +805 645 5 881704193 +805 659 3 881695677 +805 660 3 881698881 +805 664 5 881697667 +805 665 4 881684185 +805 678 4 879971214 +805 679 4 881694854 +805 708 3 881699661 +805 715 4 881698828 +805 716 4 881696980 +805 724 2 881696699 +805 729 3 881699728 +805 739 1 881697013 +805 747 3 881696729 +805 755 3 881705810 +805 761 3 881695040 +805 768 2 881706049 +805 810 2 881695105 +805 827 4 881695040 +805 831 4 881695040 +805 890 3 882216972 +805 922 5 881702716 +805 928 3 881695930 +805 942 3 881698861 +805 946 2 881695591 +805 950 3 881698828 +805 959 2 881705327 +805 998 4 881705327 +805 1002 1 881705592 +805 1008 4 881699661 +805 1065 5 881697792 +805 1071 4 881705456 +805 1105 2 884881781 +805 1118 5 881704553 +805 1119 3 881696759 +805 1149 4 881697229 +805 1157 5 881696124 +805 1170 5 881700749 +805 1232 3 881703472 +805 1629 5 881703690 +806 1 4 882385082 +806 3 2 882385916 +806 6 2 882385063 +806 24 3 882385394 +806 29 4 882390296 +806 45 4 882388159 +806 47 4 882387563 +806 70 2 882388628 +806 76 3 882389054 +806 79 3 882387448 +806 81 5 882389727 +806 88 4 882390191 +806 89 5 882387756 +806 90 4 882390164 +806 96 5 882389908 +806 100 4 882385063 +806 111 3 882385237 +806 117 2 882385237 +806 121 4 882385916 +806 127 5 882386323 +806 128 3 882388419 +806 131 4 882390496 +806 143 5 882390296 +806 144 5 882388658 +806 150 4 882385563 +806 157 3 882387974 +806 161 3 882388328 +806 169 5 882387756 +806 170 5 882387520 +806 172 3 882387373 +806 174 5 882387870 +806 175 5 882387756 +806 177 3 882388254 +806 180 4 882388082 +806 182 5 882387925 +806 187 5 882387670 +806 188 3 882388159 +806 192 4 882387798 +806 196 5 882388437 +806 197 4 882387728 +806 200 4 882387670 +806 204 5 882388205 +806 209 3 882387837 +806 226 3 882389908 +806 227 2 882388353 +806 230 4 882388520 +806 231 3 882390614 +806 233 2 882390614 +806 234 4 882388036 +806 237 2 882385135 +806 238 4 882388082 +806 249 4 882385476 +806 252 1 882386110 +806 254 3 882387272 +806 265 4 882388328 +806 271 3 882384844 +806 273 4 882385524 +806 288 3 882384554 +806 302 4 882384513 +806 318 5 882387484 +806 324 2 882384513 +806 343 3 882384656 +806 405 3 882385762 +806 407 3 882386125 +806 408 5 882385237 +806 419 5 882388706 +806 421 4 882388897 +806 455 3 882385455 +806 483 4 882387409 +806 484 4 882387373 +806 504 4 882388658 +806 518 3 882388231 +806 522 3 882388128 +806 553 3 882389831 +806 628 3 882385309 +806 629 3 882389862 +806 654 5 882387837 +806 675 3 882388381 +806 690 2 882384589 +806 702 3 882388795 +806 705 4 882387595 +806 856 5 882387644 +806 875 3 882384802 +806 879 3 882384802 +806 1010 3 882385806 +806 1012 4 882385278 +806 1048 3 882385806 +806 1059 3 882390426 +806 1098 4 882387925 +806 1129 3 882384988 +807 1 4 892528231 +807 2 4 892978338 +807 22 5 892528470 +807 28 4 892528918 +807 50 5 892529076 +807 68 4 892705239 +807 69 5 892528110 +807 89 4 892528470 +807 91 5 892684675 +807 95 4 892529185 +807 99 5 892529401 +807 102 4 892979501 +807 117 4 892528813 +807 118 4 892529713 +807 127 3 892529647 +807 132 4 892530003 +807 136 5 892529185 +807 139 2 893082430 +807 142 3 892530752 +807 143 4 892528062 +807 144 4 892528771 +807 151 4 893081163 +807 168 4 892529893 +807 172 5 892528515 +807 177 4 892705191 +807 186 4 892530004 +807 193 4 892529483 +807 204 4 892528954 +807 205 3 892528605 +807 206 2 892684932 +807 208 4 892528646 +807 222 4 892528174 +807 228 4 892529448 +807 229 4 892530752 +807 230 4 892530216 +807 239 4 892529805 +807 250 4 893084375 +807 258 3 892527100 +807 265 5 892529076 +807 271 3 892527385 +807 289 4 892527665 +807 298 4 893083851 +807 300 5 892527168 +807 318 5 892528062 +807 373 4 893081695 +807 385 4 892530349 +807 386 4 893080516 +807 393 4 892528954 +807 398 3 893082268 +807 399 4 893080801 +807 402 5 892705096 +807 403 4 892979116 +807 405 4 892684722 +807 408 3 892528813 +807 417 3 892979746 +807 419 5 892528813 +807 420 3 892979368 +807 421 3 892529805 +807 422 4 893082741 +807 423 5 892528470 +807 427 4 892528427 +807 428 4 892530439 +807 431 4 892528062 +807 432 5 892530498 +807 449 5 893082893 +807 450 4 893082931 +807 465 4 892529448 +807 470 5 892529448 +807 471 4 892775416 +807 472 4 892530625 +807 483 5 892529756 +807 484 4 892530966 +807 495 4 892530792 +807 496 5 892528918 +807 498 4 892529150 +807 503 3 892530004 +807 510 5 892529401 +807 515 4 892528999 +807 520 5 892529358 +807 523 3 892529519 +807 527 5 892528646 +807 528 4 892530173 +807 542 5 893081951 +807 543 2 892528427 +807 576 4 893081656 +807 578 4 892530582 +807 584 4 892529031 +807 588 5 892530251 +807 596 4 892530792 +807 602 5 893083772 +807 612 5 892528690 +807 622 3 892530656 +807 625 3 892978296 +807 636 4 892530752 +807 659 4 892977077 +807 679 4 892705307 +807 705 4 892528918 +807 720 4 893080801 +807 743 3 893083216 +807 748 4 892527267 +807 757 4 892528374 +807 826 3 893082505 +807 831 4 892530881 +807 842 4 892979600 +807 843 2 892684615 +807 930 5 893082778 +807 946 3 893081338 +807 998 3 893081656 +807 1016 4 893083991 +807 1034 5 893082544 +807 1039 4 892528324 +807 1050 5 892529311 +807 1066 5 893081508 +807 1076 3 893082227 +807 1078 4 892979639 +807 1091 3 893082703 +807 1138 5 893084886 +807 1274 3 893083179 +807 1409 4 892978256 +807 1444 3 893082702 +807 1483 4 892527385 +808 264 5 883949986 +808 270 4 883949560 +808 294 5 883949986 +808 327 5 883949986 +808 333 4 883949519 +808 340 5 883949986 +808 346 5 883949986 +808 748 4 883949873 +808 751 3 883949560 +808 872 5 883949986 +808 875 4 883949915 +809 245 3 891037127 +809 272 5 891036743 +809 289 1 891037020 +809 299 4 891037069 +809 300 4 891036903 +809 315 5 891036743 +809 319 3 891036744 +809 322 3 891037069 +809 328 5 891036989 +809 331 2 891036809 +809 333 3 891036903 +809 340 4 891036744 +809 678 2 891037172 +809 1025 1 891037205 +810 289 5 879895403 +810 301 5 890083124 +810 323 4 879895314 +810 326 5 891873739 +810 328 5 885406635 +810 339 5 891294039 +810 342 5 890083580 +810 678 4 879895453 +810 873 3 879895403 +810 876 3 886614969 +810 878 4 879895500 +810 879 5 890083124 +810 881 4 879895350 +811 243 3 886377579 +811 292 3 886377041 +811 294 4 886377483 +811 301 5 886377530 +811 304 5 886377311 +811 321 3 886377483 +811 678 5 886377686 +811 748 3 886377579 +811 895 5 886377311 +811 901 4 886377771 +811 988 4 886377686 +812 288 4 877625294 +812 300 5 877625461 +812 302 3 877625109 +812 332 4 877625368 +812 333 5 877625294 +812 682 4 877625224 +812 873 4 877625537 +812 1393 3 877625224 +813 9 3 883752051 +813 243 3 883752660 +813 263 3 883752606 +813 266 2 883752660 +813 270 5 883752380 +813 271 4 883752455 +813 289 4 883752455 +813 294 1 883752051 +813 300 4 883752331 +813 304 1 883752380 +813 307 4 883752265 +813 326 3 883752380 +813 335 2 883752417 +813 538 3 883752380 +813 690 4 883752331 +813 750 4 883752264 +813 751 5 883752264 +813 893 3 883752708 +814 5 3 885411030 +814 7 4 885411073 +814 98 4 885410957 +814 100 4 885410957 +814 145 2 885411749 +814 184 3 885411073 +814 185 3 885411030 +814 200 4 885411204 +814 201 2 885410957 +814 234 3 885410957 +814 288 4 885410789 +814 358 2 885410837 +814 413 2 885411749 +814 436 3 885411073 +814 441 2 885411347 +814 444 2 885411347 +814 447 3 885411030 +814 559 3 885411132 +814 565 3 885411347 +814 635 2 885411749 +814 656 3 885410957 +814 667 2 885411204 +814 669 3 885411204 +815 1 5 878691975 +815 2 3 878696355 +815 9 4 878691739 +815 28 4 878694199 +815 31 4 878695490 +815 54 3 878696355 +815 71 5 878694341 +815 79 4 878694493 +815 82 4 884267891 +815 83 4 878695311 +815 88 4 878695176 +815 91 3 878696840 +815 96 5 878693871 +815 97 5 878694983 +815 98 4 878693183 +815 102 3 878694028 +815 114 5 878695019 +815 121 2 878692344 +815 131 2 878698449 +815 133 5 878694613 +815 143 5 878694665 +815 144 4 878693989 +815 151 4 878692207 +815 153 4 878695020 +815 159 3 878694306 +815 167 2 878697705 +815 168 3 878693424 +815 173 5 878695241 +815 175 3 878694952 +815 179 2 878694228 +815 182 3 878693424 +815 183 5 878694381 +815 190 5 878693381 +815 195 4 878695278 +815 196 4 878694526 +815 204 4 878693871 +815 210 2 878698553 +815 214 5 878693497 +815 216 3 878693381 +815 217 3 878696681 +815 222 4 884320310 +815 226 3 878698704 +815 227 2 878695147 +815 228 5 878694735 +815 229 3 878695527 +815 230 5 878698098 +815 233 3 878694381 +815 239 5 878694563 +815 258 4 884320310 +815 265 5 878696181 +815 313 5 884222552 +815 318 5 878693497 +815 333 3 887978234 +815 357 5 878693906 +815 380 3 878695744 +815 386 2 878696563 +815 392 4 878697163 +815 402 5 878695438 +815 403 4 878697532 +815 405 4 878692071 +815 427 5 887978255 +815 443 3 878695055 +815 444 2 878698407 +815 451 3 878696965 +815 465 5 878694952 +815 472 1 878692826 +815 479 4 878694106 +815 483 5 878696284 +815 484 4 878693989 +815 496 5 878694027 +815 514 1 878693183 +815 515 5 878691739 +815 521 4 878694381 +815 523 4 878693462 +815 524 4 878693381 +815 526 4 878696093 +815 527 5 878693830 +815 528 5 887978255 +815 529 5 878694854 +815 559 3 878695877 +815 588 5 878693906 +815 602 3 878694269 +815 603 3 878694664 +815 613 5 878694983 +815 623 3 878697043 +815 625 4 878694705 +815 629 4 878695527 +815 639 2 878696681 +815 655 3 878694563 +815 659 5 878694952 +815 660 4 878696441 +815 671 4 878695679 +815 686 5 878695092 +815 705 5 878693183 +815 732 5 878694106 +815 835 3 878694269 +815 837 5 878694983 +815 871 1 878693073 +815 919 5 878691844 +815 944 3 878696318 +815 945 4 878697261 +815 1133 3 878697466 +815 1157 2 884267828 +815 1204 5 878696619 +815 1299 3 878697015 +816 243 4 891711554 +816 258 3 891711378 +816 260 3 891711579 +816 264 4 891711495 +816 271 4 891711378 +816 300 4 891710724 +816 309 5 891711801 +816 322 4 891710922 +816 323 4 891711324 +816 328 4 891710968 +816 342 4 891711519 +816 343 4 891711423 +816 678 4 891710837 +816 690 4 891710922 +816 1025 4 891711495 +817 1 4 874815835 +817 9 3 874815836 +817 15 3 874815836 +817 117 5 874815947 +817 118 3 874815947 +817 121 3 874815835 +817 124 4 874815885 +817 147 3 874815947 +817 222 4 874815835 +817 273 5 874815885 +817 288 4 874815593 +817 294 4 874815593 +817 300 3 874815542 +817 329 4 874815649 +817 358 4 874815679 +817 405 3 874815947 +817 455 3 874815947 +817 748 4 874815649 +817 831 1 874816007 +817 876 4 874815542 +817 924 3 874815947 +818 245 4 891870515 +818 258 4 891870301 +818 269 3 891870173 +818 286 4 891870222 +818 288 5 891870364 +818 302 5 891870264 +818 303 5 891870222 +818 312 2 891870546 +818 313 4 891870173 +818 316 4 891870301 +818 328 4 891870301 +818 912 3 891870301 +818 1105 1 891883071 +819 147 5 884105025 +819 177 4 884105025 +819 245 3 879952688 +819 246 4 884012614 +819 255 1 884105841 +819 258 2 879952538 +819 286 5 879952508 +819 304 4 879952565 +819 345 4 884618137 +819 533 4 884618086 +819 744 5 880382355 +819 862 2 884012586 +819 1537 5 884012662 +820 258 3 887954853 +820 286 4 887954853 +820 289 2 887955020 +820 302 5 887954906 +820 324 3 887955020 +820 328 2 887955079 +820 333 5 887954878 +820 347 4 887954853 +820 358 1 887954972 +820 538 3 887954906 +820 751 1 887955180 +820 895 2 887955046 +821 14 4 874792369 +821 22 5 874793418 +821 71 5 874793969 +821 95 5 874793898 +821 97 5 874793848 +821 98 5 874793847 +821 111 4 874793049 +821 118 3 874793218 +821 125 4 874792860 +821 148 3 874792650 +821 151 4 874792889 +821 174 5 874793773 +821 180 5 874793517 +821 181 4 874792521 +821 237 5 874792491 +821 275 5 874792369 +821 281 3 874793218 +821 284 3 874792521 +821 294 4 874792194 +821 389 5 874793469 +821 459 5 874792698 +821 471 4 874792752 +821 473 3 874792813 +821 483 5 874793517 +821 484 5 874793898 +821 495 5 874793574 +821 504 4 874793848 +821 597 3 874793022 +821 707 5 874793848 +821 742 4 874793130 +821 845 5 874792591 +821 993 4 874792570 +822 1 4 891037291 +822 91 3 891037394 +822 95 4 891037394 +822 101 2 891037465 +822 169 4 891037394 +822 189 4 891037394 +822 206 3 891036851 +822 751 3 891035141 +822 902 4 891033747 +822 1091 1 891038627 +823 4 5 878438607 +823 7 5 878438298 +823 12 4 878437925 +823 17 4 878439655 +823 22 5 878438058 +823 25 3 878438642 +823 26 5 878438930 +823 31 5 878439038 +823 33 3 878438332 +823 42 4 878438357 +823 48 5 878438642 +823 50 5 878438435 +823 52 3 878439605 +823 56 5 878438119 +823 58 5 878438930 +823 66 4 878439391 +823 79 4 878439038 +823 81 4 878437836 +823 88 5 878438780 +823 89 5 878438780 +823 91 3 878439365 +823 94 2 878439497 +823 96 4 878438179 +823 97 5 878439113 +823 101 3 878438807 +823 102 4 878438807 +823 127 5 878438357 +823 128 2 878438733 +823 134 5 878438232 +823 136 5 878438206 +823 141 4 878438484 +823 143 4 878438024 +823 144 5 878438535 +823 154 5 878438607 +823 156 5 878438403 +823 161 3 878438535 +823 168 5 878437658 +823 170 4 878438357 +823 174 5 878437589 +823 176 4 878438807 +823 181 4 878438260 +823 183 4 878438403 +823 187 5 878438148 +823 191 5 878437623 +823 194 5 878439136 +823 202 4 878438672 +823 204 4 878438930 +823 206 4 878439089 +823 209 4 878438379 +823 210 4 878439498 +823 211 5 878438585 +823 215 4 878437925 +823 219 2 878439038 +823 227 1 878439497 +823 229 3 878439211 +823 230 3 878439557 +823 231 3 878439337 +823 233 4 878439365 +823 234 4 878438608 +823 238 5 878438057 +823 274 4 878439038 +823 294 3 878439981 +823 333 3 878439845 +823 404 4 878438484 +823 408 5 878437589 +823 410 4 878438535 +823 418 4 878438672 +823 425 5 878438298 +823 426 4 878437658 +823 427 4 878439038 +823 473 3 878439065 +823 475 5 878438297 +823 502 5 878439008 +823 503 5 878439315 +823 514 5 878438024 +823 517 5 878437658 +823 568 3 878439293 +823 588 3 878438179 +823 625 4 878438807 +823 631 4 878439293 +823 640 1 878439315 +823 651 5 878438179 +823 654 5 878437703 +823 655 5 878439364 +823 659 4 878437589 +823 684 4 878439391 +823 686 4 878439257 +823 708 4 878438930 +823 709 3 878438095 +823 710 4 878438457 +823 715 5 878439065 +823 735 4 878438754 +823 739 4 878439582 +823 742 4 878438535 +823 792 3 878438057 +823 866 2 878438179 +823 919 4 878438206 +823 1046 3 878439467 +823 1067 4 878438511 +823 1070 4 878438332 +823 1107 3 878438332 +823 1118 3 878437836 +823 1217 1 878438435 +824 243 1 877021002 +824 245 2 877021121 +824 259 4 877020927 +824 286 2 877020871 +824 319 2 877020927 +824 678 3 877021121 +824 748 1 877021077 +825 7 5 880755612 +825 9 3 880755418 +825 16 3 889020779 +825 20 2 889021180 +825 25 4 880756904 +825 50 4 880755418 +825 98 5 881101641 +825 100 4 880755942 +825 105 3 889021208 +825 106 4 880756504 +825 111 3 892947930 +825 118 4 880756725 +825 121 5 880756076 +825 124 3 881097389 +825 126 3 880755982 +825 127 3 880755612 +825 137 2 880756224 +825 147 5 880756643 +825 148 4 880756725 +825 195 5 881101543 +825 222 5 880755468 +825 237 4 880931932 +825 249 3 880755693 +825 252 5 880757103 +825 273 5 880756401 +825 274 4 889020826 +825 276 1 880756575 +825 282 4 880755693 +825 283 2 880756224 +825 284 3 880756603 +825 285 3 880756504 +825 288 1 880931932 +825 290 4 880755869 +825 291 5 880756603 +825 294 4 880755305 +825 298 5 880756726 +825 321 3 886697076 +825 323 4 881185672 +825 325 5 882109250 +825 326 4 886696420 +825 369 3 880756862 +825 370 3 889021180 +825 405 5 880756442 +825 407 3 889021180 +825 409 3 889020852 +825 411 3 889021134 +825 423 5 881101641 +825 456 3 889021287 +825 472 5 880756442 +825 508 4 880756725 +825 544 3 889021037 +825 566 5 881101543 +825 597 5 880756933 +825 620 3 889021134 +825 628 4 880756504 +825 678 4 880757103 +825 685 4 880756321 +825 696 3 889020961 +825 740 2 880756320 +825 741 4 881343947 +825 742 4 880756224 +825 746 5 881101782 +825 748 5 880756504 +825 823 4 881342978 +825 831 3 880756796 +825 832 3 881101246 +825 833 4 881101329 +825 840 4 880757103 +825 841 4 880756904 +825 844 2 892949244 +825 864 3 880756725 +825 866 4 880756376 +825 871 3 880932283 +825 919 1 881099316 +825 924 2 880756725 +825 930 5 881184695 +825 931 3 889021287 +825 932 3 880756862 +825 982 5 881184695 +825 986 5 881185343 +825 988 3 889020557 +825 1008 1 889020680 +825 1011 3 881101246 +825 1013 2 881185672 +825 1015 2 880756321 +825 1034 4 881185343 +825 1047 3 880756934 +825 1049 3 880756834 +825 1051 4 880755693 +825 1199 4 880755762 +825 1254 1 880756678 +825 1291 2 889021258 +826 2 3 885690713 +826 4 4 885690526 +826 22 5 885690481 +826 29 3 885690750 +826 38 3 885690750 +826 39 4 885690600 +826 50 5 885690525 +826 62 4 885690790 +826 71 5 885690342 +826 79 4 885690526 +826 82 3 885690482 +826 89 5 885690526 +826 92 4 885690636 +826 95 5 885690342 +826 96 5 885690600 +826 102 4 885690442 +826 161 3 885690677 +826 172 5 885690481 +826 177 5 885690676 +826 182 4 885690600 +826 183 5 885690482 +826 187 4 885690481 +826 188 4 885690636 +826 190 3 885690636 +826 210 5 885690526 +826 227 4 885690713 +826 241 4 885690600 +826 260 3 885690022 +826 265 5 885690526 +826 271 4 885690022 +826 313 5 885689782 +826 336 4 885690064 +826 385 5 885690677 +826 399 4 885690790 +826 426 2 885690379 +826 431 5 885690636 +826 511 3 885690482 +826 526 3 885690677 +826 540 3 885690854 +826 550 3 885690750 +826 568 4 885690636 +826 578 5 885690713 +826 586 4 885690819 +826 625 3 885690442 +826 651 4 885690526 +826 665 5 885690819 +826 684 3 885690600 +826 720 3 885690819 +826 748 4 885689918 +826 771 3 885690900 +826 779 3 885690900 +826 810 3 885690854 +826 849 4 885690750 +826 1110 4 885690900 +826 1219 4 885690442 +826 1228 3 885690900 +826 1231 3 885690854 +826 1239 4 885690854 +826 1240 5 885690442 +826 1409 2 885690442 +827 245 3 882807611 +827 258 3 882201175 +827 268 4 882201175 +827 269 5 882201356 +827 286 3 882201725 +827 288 3 882204460 +827 289 3 882807571 +827 294 4 882807611 +827 300 3 882201725 +827 312 2 882809814 +827 313 3 892157221 +827 316 3 892157262 +827 326 3 882807503 +827 329 3 882807787 +827 332 3 882204460 +827 333 3 892157242 +827 343 4 882201532 +827 347 3 892157356 +827 358 2 882808622 +827 748 4 882808465 +827 938 3 892157282 +828 6 1 891035614 +828 19 5 891035613 +828 20 2 891035969 +828 24 4 891035864 +828 57 3 891037640 +828 59 5 891036972 +828 70 3 893186210 +828 86 3 891037047 +828 116 4 891035724 +828 170 3 891037231 +828 171 3 891036568 +828 179 4 891036972 +828 207 4 891036492 +828 269 4 891033574 +828 288 3 891034237 +828 301 2 893186210 +828 303 4 891033574 +828 316 5 891034440 +828 325 2 891035438 +828 328 3 891033988 +828 331 4 891380166 +828 345 1 891035438 +828 346 4 891380167 +828 355 2 891035437 +828 462 3 891036630 +828 463 2 891036717 +828 475 4 891035724 +828 512 5 891037948 +828 531 4 891036972 +828 547 2 891035864 +828 557 2 891036826 +828 558 3 891037047 +828 582 3 891037813 +828 640 2 891037948 +828 652 5 891036492 +828 694 2 891036717 +828 737 1 891037948 +828 748 2 891035438 +828 751 3 891034306 +828 752 1 891035438 +828 753 4 891037047 +828 874 3 891380355 +828 887 4 891033611 +828 896 4 891379760 +828 900 2 891035438 +828 906 3 891034148 +828 921 4 891037948 +828 961 2 891038222 +828 971 4 891380167 +828 985 3 893186246 +828 1062 4 891380166 +828 1068 4 891035864 +828 1073 4 891036630 +828 1196 2 891036492 +828 1268 2 891038098 +828 1462 3 891037948 +828 1646 4 893186124 +829 1 4 891990554 +829 10 3 881707829 +829 20 3 881707829 +829 86 4 891992008 +829 105 3 881711924 +829 116 4 881698644 +829 125 3 891990619 +829 129 4 881712252 +829 151 4 891990672 +829 189 4 891992008 +829 190 4 881698876 +829 192 5 881712519 +829 212 4 881699005 +829 250 3 882816754 +829 255 3 891547657 +829 257 4 881699584 +829 258 3 886993238 +829 259 2 881707829 +829 268 4 886631672 +829 276 4 891990694 +829 278 1 881712488 +829 284 3 891990799 +829 286 4 891204271 +829 294 2 881707829 +829 310 3 890956632 +829 313 4 891204191 +829 318 5 883149860 +829 339 2 891992167 +829 408 4 891991300 +829 410 3 881086959 +829 427 4 891204271 +829 458 3 891990881 +829 475 4 891990718 +829 512 4 881698976 +829 529 4 881698976 +829 582 4 881699060 +829 639 4 881699005 +829 705 4 891204271 +829 845 3 891990650 +829 1018 2 881707829 +829 1067 4 891990842 +829 1120 2 881707829 +829 1121 4 883149815 +830 22 5 891561673 +830 49 5 892503093 +830 69 5 891898262 +830 79 4 891561607 +830 82 3 891561673 +830 87 4 891462594 +830 88 4 891464148 +830 89 5 891561607 +830 95 3 891561474 +830 100 5 891560934 +830 127 4 891464054 +830 134 3 891464054 +830 151 3 891560596 +830 173 4 891464148 +830 174 5 891561606 +830 177 4 891561870 +830 183 4 891462467 +830 193 5 891898415 +830 194 4 891898720 +830 222 3 891561065 +830 225 3 891560596 +830 227 3 891561737 +830 228 3 891561607 +830 229 2 891561937 +830 231 2 891561938 +830 233 3 891561737 +830 288 1 891899475 +830 294 3 891464054 +830 385 4 891561805 +830 399 5 891561999 +830 402 4 892503093 +830 413 1 891899475 +830 418 3 891561540 +830 424 1 891560972 +830 427 5 891462531 +830 431 3 891561737 +830 451 4 892503035 +830 487 5 891898415 +830 510 4 891561673 +830 511 5 891561673 +830 550 5 891561870 +830 554 5 891561999 +830 566 3 891561937 +830 568 4 891561607 +830 625 3 891561541 +830 633 4 891898661 +830 648 5 891464148 +830 651 4 891561737 +830 661 4 891462594 +830 692 4 891464148 +830 696 2 892502651 +830 732 5 891464415 +830 739 4 892503093 +830 751 2 891464054 +830 834 1 891899475 +830 837 5 891462467 +831 1 4 891354573 +831 22 5 891354573 +831 56 5 891354751 +831 96 5 891354668 +831 129 2 891354866 +831 144 5 891354815 +831 156 4 891354751 +831 173 3 891354798 +831 181 5 891354866 +831 197 4 891354751 +831 204 5 891354645 +831 208 2 891354612 +831 210 5 891354612 +831 237 4 891355004 +831 245 2 891354226 +831 260 2 891354371 +831 271 2 891354225 +831 272 5 891353915 +831 273 3 891354773 +831 284 3 891355004 +831 294 4 891354043 +831 301 2 891354275 +831 313 5 891354000 +831 327 2 891353940 +831 333 4 891353915 +831 340 4 891354000 +831 479 4 891354726 +831 508 3 891354947 +831 591 4 891355004 +831 688 1 891354424 +831 690 4 891354064 +831 742 3 891354866 +831 750 4 891354225 +831 877 2 891354391 +831 905 4 891354020 +831 1063 4 891354668 +831 1119 3 891354751 +832 50 3 888260089 +832 181 3 888260089 +832 243 2 888259984 +832 260 3 888259404 +832 264 3 888259480 +832 288 3 888259984 +832 307 4 888259231 +832 313 5 888258754 +832 326 4 888259121 +832 334 2 888259984 +832 471 4 888260089 +832 678 2 888259984 +832 748 3 888259984 +832 895 2 888259285 +833 4 3 875123781 +833 11 5 875038850 +833 12 5 875039416 +833 13 2 875036139 +833 22 3 875122716 +833 23 5 875123427 +833 24 4 875036213 +833 26 1 875133661 +833 32 5 875123255 +833 38 1 879818760 +833 47 5 875123299 +833 52 3 878078390 +833 55 3 875038807 +833 58 2 875124495 +833 64 3 875039204 +833 76 2 875124382 +833 79 3 875039254 +833 89 5 875124495 +833 106 2 879818799 +833 121 1 875133458 +833 127 5 875035660 +833 128 3 875123536 +833 129 3 875035718 +833 134 5 875038987 +833 135 4 875123677 +833 150 3 875036213 +833 153 3 875038709 +833 154 5 875038775 +833 156 4 875038775 +833 157 2 875132195 +833 160 5 875124535 +833 161 1 875224515 +833 163 3 875122814 +833 164 2 879818575 +833 172 2 875224482 +833 174 2 875038529 +833 175 4 875124535 +833 176 2 875038850 +833 179 5 875124181 +833 180 5 875123677 +833 181 2 875036321 +833 182 5 875039254 +833 184 3 875039039 +833 187 5 875124348 +833 191 4 875132134 +833 192 5 875038529 +833 194 3 875133840 +833 197 3 875123427 +833 200 4 875131847 +833 201 4 875134150 +833 204 1 875039255 +833 205 4 875122814 +833 208 3 875039326 +833 217 2 875224252 +833 219 4 875224309 +833 223 4 875038888 +833 226 3 887158946 +833 227 2 879818619 +833 230 1 875223923 +833 234 3 875122884 +833 250 3 875036499 +833 264 2 878077967 +833 267 1 875655669 +833 271 5 879818341 +833 273 3 875035954 +833 284 1 885328485 +833 288 2 875035487 +833 291 3 879818619 +833 293 4 875035885 +833 298 5 875036383 +833 336 2 878078056 +833 340 5 879818293 +833 344 4 888536031 +833 346 5 884828744 +833 347 3 887158791 +833 357 4 875038709 +833 367 3 875123359 +833 378 3 875124648 +833 379 2 875224178 +833 401 2 875135113 +833 410 3 878078390 +833 429 3 875123506 +833 430 4 875133840 +833 433 3 875124181 +833 436 2 875224252 +833 441 1 875224352 +833 447 5 875224309 +833 448 3 875124495 +833 449 2 875223923 +833 455 3 875297104 +833 460 2 875036827 +833 467 2 875038626 +833 474 5 875122675 +833 483 4 875122716 +833 506 2 875132079 +833 508 5 875035953 +833 517 2 875133633 +833 521 4 875124495 +833 523 3 875133840 +833 526 4 875224515 +833 540 1 875224687 +833 544 1 875133458 +833 546 2 875036354 +833 576 3 875224603 +833 577 1 875135113 +833 578 1 875224603 +833 581 1 875223813 +833 591 2 875036139 +833 614 2 875131539 +833 641 4 875038626 +833 645 3 875039416 +833 646 5 875123427 +833 653 4 875039558 +833 655 2 875131810 +833 664 3 875124225 +833 673 4 875224039 +833 679 3 875224482 +833 742 3 875036468 +833 745 4 875134063 +833 761 2 879818719 +833 802 1 887158946 +833 806 4 875122675 +833 819 1 875133458 +833 824 1 875134843 +833 831 1 875297256 +833 840 2 875297195 +833 854 4 875038529 +833 860 2 875124604 +833 861 3 875224309 +833 928 2 879818689 +833 931 4 879818760 +833 940 2 875134411 +833 980 3 875035800 +833 1006 1 875039153 +833 1019 5 875039039 +833 1070 5 875038987 +833 1143 4 887158946 +833 1149 4 875123677 +833 1181 1 875133458 +833 1187 5 875035850 +833 1210 1 879818799 +833 1214 4 875225193 +833 1274 1 878078280 +833 1335 2 875038433 +833 1353 3 875035885 +833 1386 4 875035660 +833 1427 3 875131974 +833 1428 3 875123494 +833 1628 3 875225219 +834 9 3 890862311 +834 13 2 890862648 +834 15 4 890863052 +834 100 4 890862311 +834 148 4 890862563 +834 181 5 890862526 +834 237 5 890862437 +834 245 4 890860416 +834 258 4 890860194 +834 268 3 890860194 +834 269 5 890860566 +834 272 4 890860566 +834 275 3 890862648 +834 276 5 890862468 +834 282 4 890863052 +834 284 4 890862468 +834 286 4 890860566 +834 287 2 890862974 +834 293 3 890862974 +834 298 4 890862648 +834 300 3 890860334 +834 307 4 890860566 +834 316 5 890860566 +834 323 2 890860471 +834 326 4 890860386 +834 333 5 890860566 +834 342 2 890860334 +834 346 3 890860194 +834 515 5 890862231 +834 544 4 890862563 +834 628 5 890862648 +834 744 4 890862527 +834 751 3 890860298 +834 762 4 890863072 +834 886 4 890860566 +834 1017 2 890862563 +835 1 3 891033420 +835 15 5 891032930 +835 28 4 891034052 +835 50 4 891035309 +835 98 5 891034401 +835 127 4 891032536 +835 131 5 891033560 +835 132 5 891033232 +835 134 3 891033927 +835 135 5 891033560 +835 143 5 891033819 +835 157 4 891033526 +835 160 3 891034219 +835 174 5 891033623 +835 176 4 891035309 +835 187 4 891033078 +835 191 4 891033276 +835 193 4 891033148 +835 194 4 891034143 +835 200 4 891033927 +835 204 3 891033380 +835 205 3 891034084 +835 216 4 891033560 +835 225 2 891032898 +835 234 5 891033857 +835 239 5 891034084 +835 257 3 891032738 +835 285 4 891032792 +835 286 3 891032224 +835 287 4 891035309 +835 310 4 891035309 +835 325 5 891032391 +835 378 4 891035309 +835 393 5 891033718 +835 405 3 891032793 +835 465 3 891033957 +835 485 5 891033525 +835 486 4 891034084 +835 488 5 891034117 +835 504 5 891033772 +835 505 3 891033857 +835 509 4 891035309 +835 514 3 891033986 +835 523 3 891033560 +835 588 3 891033857 +835 591 4 891032579 +835 606 5 891033200 +835 609 4 891034310 +835 610 5 891034401 +835 616 4 891033718 +835 628 3 891032930 +835 632 5 891033747 +835 650 5 891033957 +835 654 5 891033173 +835 660 4 891033986 +835 685 4 891032627 +835 708 5 891035078 +835 928 3 891032899 +835 988 3 891032391 +835 1045 4 891034023 +835 1063 4 891034285 +835 1153 4 891035309 +835 1278 5 891032653 +836 12 5 885754118 +836 42 3 885754266 +836 163 5 885754058 +836 165 4 885754149 +836 174 5 885754266 +836 180 5 885754200 +836 185 5 885754118 +836 187 5 885754200 +836 210 4 885754058 +836 260 2 885753691 +836 268 3 885753475 +836 286 3 885753435 +836 289 1 885753691 +836 292 5 885753475 +836 302 5 885753506 +836 322 2 885753639 +836 324 4 885753595 +836 327 3 885753639 +836 357 5 885754173 +836 507 4 885754149 +836 523 5 885754150 +836 531 4 885754150 +836 663 5 885754266 +836 690 3 885753435 +836 750 3 885753475 +836 880 4 885753506 +836 896 3 885753506 +836 900 2 885753475 +837 9 3 875721889 +837 16 2 875721793 +837 19 4 875721948 +837 111 4 875722050 +837 125 5 875722032 +837 181 3 875721869 +837 220 4 875722007 +837 222 3 875721793 +837 225 3 875722371 +837 250 2 875722104 +837 274 4 875721989 +837 277 2 875722169 +837 278 3 875722246 +837 284 1 875722104 +837 285 4 875722187 +837 328 4 875721604 +837 472 3 875722141 +837 476 3 875722225 +837 535 1 875722246 +837 596 3 875721969 +837 628 3 875722225 +837 717 1 875722393 +837 740 5 875722123 +837 763 1 875722123 +837 845 4 875722392 +837 926 1 875722371 +837 934 2 875722483 +837 950 2 875722169 +837 1009 5 875721765 +837 1049 1 875722298 +838 1 5 887064024 +838 9 4 887063696 +838 28 4 887065709 +838 45 4 887066644 +838 50 5 887063657 +838 60 4 887067575 +838 69 4 887067609 +838 70 4 887066207 +838 72 4 887067162 +838 82 4 887066783 +838 83 5 887065807 +838 93 3 887063937 +838 121 2 887064248 +838 124 4 887063696 +838 127 5 887063657 +838 153 4 887066783 +838 169 4 887067390 +838 172 5 887066143 +838 173 5 887065782 +838 174 4 887066078 +838 175 3 887066186 +838 181 5 887063696 +838 191 5 887065709 +838 204 4 887066040 +838 210 4 887067359 +838 222 4 887064356 +838 223 3 887065807 +838 238 4 887067359 +838 254 3 887065606 +838 255 4 887063937 +838 257 5 887064014 +838 258 5 887060659 +838 283 5 887063994 +838 298 3 887064476 +838 311 4 887060659 +838 313 5 887060659 +838 318 5 887067085 +838 354 4 892153360 +838 419 5 887066989 +838 480 4 887066078 +838 487 4 887067126 +838 494 4 887066644 +838 497 5 887067162 +838 568 4 887067309 +838 584 4 887066143 +838 596 5 887064275 +838 705 5 887065750 +838 713 4 887064193 +838 718 5 887064051 +838 732 4 887066782 +838 748 3 887060972 +838 750 4 887060879 +838 919 5 887064316 +838 945 4 887065917 +838 993 3 887064231 +838 1039 5 887065782 +838 1115 4 887064476 +839 1 4 875751723 +839 7 2 875751992 +839 100 3 875751991 +839 106 2 875752317 +839 117 5 875752169 +839 118 2 875752317 +839 123 3 875752560 +839 127 5 875751723 +839 130 3 875753029 +839 181 3 875751991 +839 235 4 875752433 +839 237 3 875752317 +839 244 3 875751958 +839 255 3 875752138 +839 257 3 875751930 +839 258 4 875751411 +839 260 2 875751560 +839 264 3 875751559 +839 276 3 875751799 +839 281 3 875752456 +839 323 4 875751559 +839 333 4 875751442 +839 458 5 875751893 +839 475 5 875751856 +839 813 4 875752082 +839 825 4 875752274 +839 845 4 875752237 +839 846 2 875753052 +839 864 3 875751958 +839 1048 1 875752990 +839 1245 4 875752408 +839 1381 3 875752456 +839 1664 1 875752902 +840 11 3 891204921 +840 14 5 891203250 +840 22 3 891204265 +840 23 5 891204827 +840 45 4 891205222 +840 50 4 891203366 +840 69 4 891204535 +840 70 3 891208919 +840 71 3 891209572 +840 81 4 891204948 +840 82 3 891209183 +840 89 5 891204418 +840 91 5 891208998 +840 98 5 891204160 +840 100 5 891203166 +840 118 3 891204056 +840 127 4 891203366 +840 135 5 891204356 +840 137 5 891203309 +840 152 4 891204160 +840 154 3 891204564 +840 157 4 891208998 +840 166 5 891204798 +840 172 3 891204627 +840 173 5 891204356 +840 174 4 891204114 +840 175 4 891205004 +840 176 3 891204755 +840 179 5 891205069 +840 181 3 891204056 +840 182 4 891204798 +840 183 5 891204664 +840 185 5 891204356 +840 186 4 891204827 +840 187 3 891205222 +840 190 5 891211236 +840 195 5 891204847 +840 196 4 891205070 +840 198 3 891204356 +840 199 4 891209183 +840 202 5 891204322 +840 204 4 891205245 +840 208 4 891204295 +840 209 4 891204418 +840 212 4 891209159 +840 215 4 891209285 +840 216 4 891205123 +840 221 4 891203309 +840 234 5 891204948 +840 252 4 891203810 +840 357 5 891204114 +840 414 4 891204535 +840 419 5 891208897 +840 423 5 891209449 +840 428 4 891209547 +840 432 5 891209342 +840 435 4 891204114 +840 463 5 891205287 +840 465 4 891204798 +840 473 5 891203408 +840 478 3 891204627 +840 479 4 891204385 +840 480 5 891208647 +840 484 5 891204295 +840 493 5 891208958 +840 498 5 891204264 +840 499 4 891209241 +840 501 4 891209159 +840 503 4 891209322 +840 504 3 891208647 +840 511 4 891204089 +840 516 5 891205245 +840 517 4 891204322 +840 519 5 891204356 +840 520 5 891204089 +840 521 5 891205069 +840 525 5 891204535 +840 528 5 891209260 +840 580 3 891211972 +840 588 4 891205321 +840 603 5 891204564 +840 607 4 891204627 +840 609 4 891204627 +840 615 5 891204356 +840 616 5 891209364 +840 637 3 891205199 +840 639 4 891204564 +840 642 4 891204664 +840 644 4 891204592 +840 645 3 891204714 +840 647 5 891205004 +840 650 4 891209364 +840 653 5 891209389 +840 654 4 891204160 +840 656 4 891205041 +840 657 5 891205287 +840 661 5 891204441 +840 663 4 891204322 +840 675 4 891205093 +840 708 4 891209033 +840 732 3 891204947 +840 737 4 891205320 +840 756 4 891203664 +840 845 5 891203553 +840 855 4 891205093 +840 936 4 891203504 +840 971 4 891209449 +840 1065 5 891209285 +840 1214 1 891211729 +840 1266 5 891204535 +840 1451 5 891205123 +840 1639 4 891211447 +840 1674 4 891211682 +841 258 5 889067076 +841 270 4 889067045 +841 288 3 889067046 +841 302 5 889066959 +841 306 4 889066824 +841 313 5 889066779 +841 315 4 889066780 +841 316 4 889067313 +841 322 4 889067152 +841 325 3 889067216 +841 326 4 889067216 +841 331 5 889066999 +841 689 5 889067253 +841 748 4 889067253 +841 751 3 889066880 +841 888 5 889067432 +841 892 3 889067182 +841 1294 5 889067507 +842 258 3 891217835 +842 272 4 891217834 +842 288 3 891218192 +842 302 5 891217834 +842 303 5 891218002 +842 306 4 891217942 +842 315 3 891217834 +842 324 4 891218060 +842 328 2 891218192 +842 333 4 891218107 +842 340 5 891218192 +842 349 3 891218459 +842 362 3 891217891 +842 749 4 891218060 +842 752 4 891218353 +842 874 5 891218060 +842 902 5 891218459 +842 1395 4 891218060 +843 1 3 879446186 +843 7 5 879443297 +843 50 3 879444670 +843 62 4 879444891 +843 74 2 879448830 +843 83 3 879446948 +843 89 5 879444670 +843 91 3 879446155 +843 98 3 879443668 +843 101 3 879447424 +843 127 2 879445059 +843 132 3 879446186 +843 143 2 879447757 +843 144 3 879444711 +843 145 3 879443597 +843 151 2 879447007 +843 152 2 879446458 +843 153 3 879446281 +843 154 3 879446281 +843 158 2 879449336 +843 159 2 879443951 +843 161 2 879444891 +843 162 2 879447625 +843 164 3 879443297 +843 168 3 879446255 +843 170 1 879446863 +843 172 3 879444711 +843 173 2 879446215 +843 175 4 879446911 +843 179 4 879446774 +843 180 3 879447234 +843 181 3 879444670 +843 183 5 879443800 +843 186 2 879447170 +843 194 2 879445590 +843 195 4 879444711 +843 196 2 879446806 +843 197 2 879446638 +843 199 3 879446503 +843 200 3 879447801 +843 205 4 879446888 +843 210 3 879444670 +843 211 2 879446255 +843 214 3 879447453 +843 215 2 879447214 +843 216 2 879446806 +843 218 2 879443297 +843 222 3 879443837 +843 226 3 879443865 +843 227 3 879443908 +843 228 4 879443763 +843 229 3 879443908 +843 230 3 879443763 +843 234 4 879443297 +843 238 3 879446359 +843 239 3 879447670 +843 258 4 879442947 +843 265 3 879443865 +843 298 2 879444531 +843 300 3 879442947 +843 357 2 879446502 +843 378 2 879448230 +843 385 3 879444801 +843 392 2 879447377 +843 403 2 879444934 +843 413 2 879443482 +843 416 2 879448352 +843 419 2 879446617 +843 420 3 879448073 +843 422 2 879448431 +843 423 2 879448019 +843 427 2 879446281 +843 431 3 879443763 +843 434 4 879447146 +843 435 2 879446477 +843 440 1 879443544 +843 441 2 879443544 +843 444 2 879443442 +843 446 3 879443442 +843 448 4 879443297 +843 449 3 879444083 +843 452 2 879443442 +843 465 2 879449152 +843 473 2 879449193 +843 482 2 879447007 +843 495 3 879447170 +843 504 2 879446911 +843 521 2 879446359 +843 526 3 879447625 +843 527 3 879448138 +843 528 3 879447030 +843 530 3 879444670 +843 561 4 879443482 +843 596 3 879448486 +843 615 3 879446215 +843 616 3 879449256 +843 627 2 879447718 +843 632 2 879447146 +843 633 3 879447285 +843 635 2 879443544 +843 636 4 879443837 +843 637 2 879443297 +843 650 3 879447801 +843 651 2 879447837 +843 657 3 879443668 +843 660 2 879447484 +843 665 3 879443482 +843 671 3 879446889 +843 690 5 879442947 +843 708 2 879448230 +843 1039 3 879446215 +843 1065 3 879448751 +843 1135 3 879447377 +843 1157 3 879444114 +844 2 4 877387933 +844 12 5 877388182 +844 13 3 877381708 +844 22 4 877386855 +844 45 4 877387548 +844 55 4 877387769 +844 71 3 877388040 +844 82 3 877387857 +844 83 5 877388183 +844 90 3 877387242 +844 95 4 877388040 +844 99 3 877388040 +844 100 4 877381607 +844 125 3 877382269 +844 161 3 877387857 +844 172 4 877387768 +844 173 5 877388182 +844 174 4 877387768 +844 175 3 877386897 +844 176 3 877387933 +844 179 3 877387548 +844 195 3 877387825 +844 207 4 877387392 +844 222 3 877381629 +844 241 4 877387150 +844 255 3 877382008 +844 257 4 877381784 +844 294 2 877381206 +844 403 3 877387825 +844 405 2 877382189 +844 418 3 877388040 +844 421 4 877387219 +844 423 3 877382762 +844 432 5 877388183 +844 471 3 877381736 +844 549 3 877387280 +844 568 4 877387964 +844 588 4 877388040 +844 627 3 877388040 +844 684 3 877387933 +844 864 3 877381873 +844 919 3 877381534 +844 921 5 877388183 +844 930 2 877382574 +844 946 3 877388107 +845 242 4 885409493 +845 286 5 885409719 +845 303 1 885409374 +845 306 2 885409374 +845 308 4 885409493 +845 311 4 885409493 +845 340 1 885409719 +845 750 3 885409719 +845 877 2 885409719 +845 896 3 885409374 +845 903 4 885409493 +845 904 3 885409374 +845 1234 4 885409719 +845 1238 2 885409374 +846 11 5 883948343 +846 12 5 883947777 +846 28 5 883948685 +846 36 2 883950665 +846 39 3 883948873 +846 40 2 883950253 +846 41 3 883950859 +846 44 1 883947737 +846 47 5 883948803 +846 48 5 883949046 +846 51 4 883949121 +846 52 4 883949290 +846 54 3 883949459 +846 57 2 883949121 +846 58 4 883949200 +846 60 4 883948606 +846 61 3 883947911 +846 63 3 883950220 +846 65 3 883949254 +846 67 4 883950252 +846 68 3 883948765 +846 70 4 883949156 +846 73 4 883949728 +846 79 4 883947630 +846 80 4 883949594 +846 82 2 883948089 +846 87 4 883948417 +846 88 4 883948948 +846 89 5 883948003 +846 90 2 883950001 +846 94 4 883950711 +846 95 3 883947778 +846 97 4 883949255 +846 98 4 883947819 +846 99 4 883948989 +846 101 4 883949336 +846 131 3 883948457 +846 134 4 883947630 +846 136 3 883947861 +846 139 2 883949508 +846 140 4 883950634 +846 141 4 883948948 +846 142 3 883950053 +846 161 4 883948534 +846 173 4 883947819 +846 174 5 883947737 +846 175 5 883948048 +846 176 4 883947694 +846 177 3 883947737 +846 181 5 883947694 +846 182 5 883948089 +846 183 4 883948048 +846 187 4 883947911 +846 192 5 883949254 +846 193 5 883948417 +846 194 4 883947630 +846 195 4 883948141 +846 197 4 883948417 +846 198 5 883948457 +846 199 5 883947911 +846 200 4 883948685 +846 203 5 883948606 +846 204 3 883948141 +846 205 5 883948141 +846 210 5 883947500 +846 211 2 883948089 +846 212 5 883948804 +846 213 3 883948534 +846 215 5 883949156 +846 218 4 883948089 +846 226 4 883948495 +846 233 5 883949547 +846 234 5 883948495 +846 258 3 883946284 +846 265 5 883947630 +846 270 3 883946284 +846 271 5 883946611 +846 288 4 883946837 +846 302 5 883946861 +846 318 5 883947777 +846 357 4 883947960 +846 365 2 883950434 +846 373 3 883950391 +846 376 2 883950665 +846 377 2 883950155 +846 380 3 883949380 +846 381 4 883950311 +846 382 3 883948989 +846 385 5 883949156 +846 386 3 883950154 +846 391 3 883950605 +846 392 2 883950185 +846 396 5 883949508 +846 403 3 883948765 +846 419 5 883948949 +846 421 4 883948173 +846 423 4 883949335 +846 425 5 883949156 +846 428 3 883948377 +846 429 2 883947819 +846 430 3 883947778 +846 432 3 883948457 +846 435 5 883948222 +846 436 4 883950286 +846 441 4 883950252 +846 443 4 883948643 +846 448 5 883949547 +846 463 5 883948222 +846 470 5 883949200 +846 474 5 883947960 +846 478 4 883947819 +846 483 5 883948173 +846 487 4 883948685 +846 489 4 883948606 +846 490 4 883947862 +846 491 3 883947960 +846 495 4 883948840 +846 496 3 883947630 +846 497 5 883948685 +846 506 3 883948908 +846 509 4 883948765 +846 510 4 883948003 +846 511 5 883947911 +846 513 5 883947589 +846 514 3 883947590 +846 515 5 883948457 +846 519 4 883947694 +846 521 3 883948141 +846 523 4 883948048 +846 526 4 883947960 +846 527 5 883947500 +846 549 4 883949421 +846 550 4 883949156 +846 555 2 883949508 +846 558 4 883948221 +846 560 1 883950889 +846 561 3 883950753 +846 562 5 883950463 +846 566 5 883948874 +846 568 4 883948571 +846 569 3 883949728 +846 576 4 883950186 +846 580 5 883949335 +846 581 4 883950129 +846 585 2 883949643 +846 586 2 883950712 +846 601 5 883947500 +846 602 4 883949255 +846 603 5 883947960 +846 604 4 883947777 +846 614 5 883948765 +846 615 5 883948003 +846 616 3 883950753 +846 623 1 883950889 +846 627 4 883949594 +846 630 3 883948642 +846 633 3 883948534 +846 638 4 883947694 +846 648 5 883948343 +846 650 5 883948534 +846 651 3 883948141 +846 655 3 883948804 +846 657 5 883947590 +846 660 3 883948765 +846 661 4 883948840 +846 662 3 883948765 +846 665 4 883950434 +846 672 4 883949594 +846 674 4 883949046 +846 693 5 883949335 +846 699 3 883947960 +846 700 2 883950605 +846 705 3 883948141 +846 728 4 883949422 +846 729 4 883950053 +846 735 2 883948141 +846 736 4 883948874 +846 737 4 883949771 +846 738 4 883950364 +846 747 3 883948417 +846 768 4 883949508 +846 772 4 883949421 +846 778 4 883948804 +846 785 4 883950364 +846 787 4 883949335 +846 789 4 883948417 +846 792 4 883948221 +846 794 5 883948495 +846 796 1 883950524 +846 802 2 883949508 +846 806 3 883948343 +846 836 5 883950186 +846 941 2 883949379 +846 942 4 883948765 +846 944 2 883949547 +846 955 3 883948720 +846 1041 4 883950791 +846 1055 3 883949459 +846 1074 3 883950859 +846 1078 2 883949982 +846 1109 3 883948908 +846 1110 3 883950390 +846 1124 4 883948048 +846 1178 2 883950524 +846 1206 3 883948989 +846 1210 2 883950791 +846 1218 4 883950434 +846 1220 2 883950434 +846 1221 3 883950220 +846 1249 3 883949771 +846 1286 4 883948173 +846 1297 3 883950665 +846 1411 4 883950364 +846 1439 2 883950463 +846 1478 4 883950523 +846 1479 3 883948720 +846 1518 2 883950186 +846 1530 2 883949335 +847 1 3 878775523 +847 8 4 878941082 +847 13 3 878938897 +847 25 3 878775796 +847 47 2 878939700 +847 50 4 878774969 +847 56 1 878939975 +847 66 3 878941398 +847 70 3 878940584 +847 77 4 878941421 +847 88 2 878941168 +847 89 2 878940332 +847 98 4 878940067 +847 117 2 878775570 +847 120 1 878939349 +847 125 3 878774969 +847 133 3 878941027 +847 135 4 878941144 +847 141 3 878941144 +847 142 3 878941168 +847 157 1 878940463 +847 164 3 878941056 +847 172 4 878939803 +847 174 4 878941168 +847 181 4 878775821 +847 185 2 878939503 +847 191 4 878940652 +847 195 4 878940301 +847 196 3 878939839 +847 204 4 878939912 +847 210 3 878940584 +847 219 4 878940618 +847 220 4 878939327 +847 222 5 878775470 +847 228 4 878940383 +847 235 1 878776020 +847 238 2 878939975 +847 240 1 878939309 +847 262 5 878774788 +847 288 4 878774722 +847 289 5 878774856 +847 290 4 878775523 +847 317 3 878940732 +847 369 1 878939451 +847 405 3 878938982 +847 417 2 878941588 +847 419 3 878941027 +847 426 2 878940485 +847 434 3 878941520 +847 447 3 878940890 +847 455 2 878775647 +847 480 3 878940039 +847 482 2 878940584 +847 496 4 878940954 +847 501 3 878940463 +847 507 3 878940161 +847 568 4 878941442 +847 578 3 878940805 +847 596 3 878938982 +847 602 3 878940732 +847 603 3 878939876 +847 609 2 878940383 +847 652 5 878941005 +847 663 2 878940954 +847 685 2 878938922 +847 705 3 878939700 +847 716 3 878941370 +847 740 4 878938982 +847 742 3 878774969 +847 763 1 878775914 +847 820 1 878939375 +847 826 3 878939266 +847 928 3 878939375 +847 1031 2 878941005 +847 1167 5 878939645 +847 1172 1 878939803 +847 1400 5 878940830 +848 23 2 887040025 +848 32 5 887042871 +848 42 2 887040097 +848 50 5 887038397 +848 69 2 887043340 +848 71 5 887046915 +848 72 5 887042341 +848 88 4 887048260 +848 97 5 887043607 +848 108 5 887040302 +848 109 4 887043421 +848 121 4 887043266 +848 127 3 887038159 +848 132 5 887038197 +848 134 5 887043265 +848 141 4 887040159 +848 152 5 887046166 +848 153 5 887039271 +848 163 5 887048073 +848 164 5 887043421 +848 166 5 887038159 +848 170 5 887039271 +848 173 5 887038134 +848 174 5 887038104 +848 176 4 887037980 +848 180 2 887038993 +848 183 3 887038104 +848 186 5 887039271 +848 191 5 887038564 +848 197 5 887038021 +848 199 5 887042341 +848 207 5 887043265 +848 210 5 887039271 +848 215 5 887046565 +848 216 5 887040159 +848 238 4 887046329 +848 241 5 887047243 +848 294 5 887037669 +848 393 5 887047962 +848 403 4 887043266 +848 405 5 887046915 +848 421 5 887043777 +848 427 5 887039136 +848 430 5 887041354 +848 431 5 887038528 +848 432 2 887038022 +848 433 3 887043180 +848 435 3 887042427 +848 443 5 887047921 +848 451 4 887042377 +848 462 5 887038634 +848 479 5 887040302 +848 480 5 887040025 +848 481 3 887038527 +848 483 5 887038021 +848 484 5 887043040 +848 485 5 887042341 +848 489 5 887043821 +848 498 5 887037935 +848 504 3 887038397 +848 511 4 887037822 +848 512 5 887040025 +848 514 5 887043777 +848 519 5 887037980 +848 520 5 887039329 +848 523 5 887042341 +848 527 3 887038280 +848 528 3 887037980 +848 529 5 887042871 +848 566 4 887046823 +848 582 4 887046329 +848 584 3 887039531 +848 606 4 887038441 +848 615 5 887037980 +848 647 5 887039329 +848 654 5 887038104 +848 655 4 887040097 +848 661 3 887040302 +848 663 5 887046329 +848 689 1 887037584 +848 708 4 887046619 +848 739 5 887048260 +848 805 5 887048111 +848 812 2 887038475 +848 855 5 887046915 +848 945 5 887043821 +848 973 5 887046619 +848 1063 5 887038197 +848 1065 2 887048154 +848 1126 5 887043265 +849 38 5 879695420 +849 118 5 879695153 +849 133 5 879696059 +849 143 5 879695515 +849 172 5 879695469 +849 197 5 879695782 +849 207 5 879695680 +849 234 5 879695469 +849 406 4 879695125 +849 421 5 879695588 +849 625 5 879695420 +849 676 5 879695896 +849 928 5 879695153 +850 50 5 883195143 +850 56 1 883195034 +850 69 5 883195456 +850 79 5 883195192 +850 88 5 883195479 +850 95 5 883195301 +850 96 4 883195236 +850 98 1 883195192 +850 132 5 883195236 +850 153 4 883194792 +850 162 3 883195301 +850 196 3 883194792 +850 202 4 883194737 +850 204 5 883194859 +850 208 5 883194973 +850 318 5 883194737 +850 385 5 883195099 +850 419 5 883195394 +850 435 4 883194859 +850 485 5 883195168 +850 490 5 883194859 +850 496 5 883195079 +850 566 5 883195256 +850 659 4 883194709 +850 705 5 883195034 +851 4 5 875731489 +851 8 4 875731776 +851 9 4 875730379 +851 11 5 875731441 +851 12 4 875731370 +851 17 5 875807089 +851 22 5 875731330 +851 23 4 875806721 +851 27 4 875806765 +851 48 4 875731489 +851 56 5 875731489 +851 64 5 875731674 +851 92 5 875806791 +851 95 4 875731282 +851 112 1 875730629 +851 127 5 891961664 +851 128 4 875731330 +851 159 3 875806953 +851 160 5 875731224 +851 161 3 875731490 +851 172 5 875731567 +851 174 5 875731776 +851 176 4 875731816 +851 180 5 875731605 +851 193 4 875731722 +851 204 4 875731567 +851 223 4 875731567 +851 231 4 875807019 +851 234 4 875731189 +851 240 4 875730629 +851 248 4 875730379 +851 252 3 875730418 +851 255 3 890343651 +851 261 3 877831111 +851 262 4 890343320 +851 266 3 886534672 +851 272 5 891961663 +851 284 3 874728338 +851 286 4 883148669 +851 295 5 874728370 +851 298 5 875730379 +851 302 5 888540054 +851 303 4 890804569 +851 310 5 891961663 +851 318 5 891961664 +851 326 3 891961717 +851 327 4 890804671 +851 328 3 886534572 +851 332 1 884205263 +851 333 5 890862741 +851 336 4 890804691 +851 338 3 891961750 +851 339 4 888540093 +851 340 5 883148669 +851 349 3 890862917 +851 405 5 874767550 +851 410 4 875730379 +851 435 4 875731225 +851 456 2 875730719 +851 472 3 875730312 +851 473 4 874728396 +851 475 4 875731674 +851 480 5 875731406 +851 483 4 875806721 +851 527 5 891961663 +851 544 4 874728396 +851 553 4 875731225 +851 564 3 875806892 +851 591 5 891961663 +851 597 4 875730686 +851 676 3 875729887 +851 681 1 886534672 +851 687 2 874728168 +851 689 3 883148867 +851 690 4 891961166 +851 693 5 875731816 +851 717 3 874728598 +851 751 4 883148669 +851 754 2 891961831 +851 760 4 875730418 +851 806 4 875731330 +851 815 3 874767550 +851 818 2 875730279 +851 820 3 875730947 +851 823 3 875730532 +851 824 4 874767550 +851 825 4 875730533 +851 831 5 875731105 +851 833 3 875731105 +851 840 3 875731105 +851 845 3 874767408 +851 875 5 884205151 +851 880 3 886534617 +851 895 3 886534529 +851 912 4 891961214 +851 924 4 874789109 +851 925 3 875731022 +851 930 3 875730312 +851 979 3 875730244 +851 984 3 874809850 +851 987 1 875730601 +851 1009 2 874789084 +851 1013 2 891961856 +851 1014 3 874767408 +851 1023 3 875730601 +851 1051 2 875730279 +851 1059 3 875730533 +851 1095 3 875731105 +851 1105 4 890862961 +851 1120 2 890343707 +851 1143 5 891961798 +851 1245 4 875730826 +851 1254 1 875730895 +851 1258 3 890343790 +851 1276 2 875730601 +851 1280 4 890343493 +851 1287 1 875731105 +851 1291 2 875730979 +851 1337 3 875730719 +851 1376 2 875730895 +851 1540 2 875731529 +851 1598 3 886534882 +851 1675 3 884222085 +851 1676 2 875731674 +852 1 4 891036457 +852 25 3 891036802 +852 100 4 891036457 +852 109 3 891036505 +852 117 4 891036707 +852 118 4 891037262 +852 121 4 891036901 +852 122 1 891037738 +852 235 4 891036765 +852 250 4 891036414 +852 252 3 891036866 +852 257 4 891036414 +852 259 4 891036414 +852 264 3 891035999 +852 290 4 891036817 +852 323 3 891036039 +852 358 3 891036414 +852 407 3 891037778 +852 408 5 891036843 +852 472 3 891037605 +852 473 3 891036884 +852 506 4 891037917 +852 568 4 891037947 +852 685 3 891036435 +852 826 3 891037806 +852 827 2 891036866 +852 926 3 891036902 +852 1615 2 891036457 +853 245 3 879365091 +853 261 3 879365360 +853 270 4 879364822 +853 302 4 879364669 +853 304 4 879364822 +853 307 1 879364744 +853 322 3 879364883 +853 326 2 879364955 +853 331 2 879364822 +853 333 4 879364669 +853 334 3 879364744 +853 340 1 879364744 +853 682 4 879364823 +853 690 2 879364744 +853 748 2 879364883 +853 880 5 879364822 +853 1025 4 879365360 +854 1 3 882812225 +854 11 5 882814570 +854 13 3 882812755 +854 14 4 882812225 +854 19 3 882812826 +854 20 2 882813179 +854 25 3 882813219 +854 42 4 882813990 +854 56 5 882814571 +854 58 3 882813825 +854 79 4 882814298 +854 83 4 882813691 +854 87 4 882814063 +854 89 4 882814467 +854 98 4 882814394 +854 106 3 882813248 +854 111 3 882812906 +854 121 1 882813074 +854 122 3 882813287 +854 123 1 882812406 +854 124 5 882814570 +854 126 3 882812826 +854 132 5 882813877 +854 150 3 882812314 +854 151 4 882812451 +854 153 4 882813990 +854 156 3 882813574 +854 168 4 882814435 +854 171 4 882814333 +854 173 4 882813537 +854 174 3 882813574 +854 175 4 882813797 +854 180 4 882813537 +854 185 4 882813877 +854 186 3 882814298 +854 194 3 882814235 +854 197 4 882813797 +854 203 4 882813933 +854 222 4 882812492 +854 235 2 882813179 +854 249 3 882812928 +854 255 1 882812852 +854 258 4 882811810 +854 260 3 882812030 +854 269 4 882811742 +854 271 4 882811937 +854 273 4 882812852 +854 275 4 882814571 +854 281 3 882813047 +854 282 2 882812960 +854 286 1 882811742 +854 287 3 882813143 +854 290 1 882813179 +854 291 2 882813074 +854 297 4 882812263 +854 302 3 882811836 +854 318 5 882813825 +854 321 3 882811913 +854 322 1 882811865 +854 328 1 882811865 +854 343 3 882811773 +854 357 4 882814235 +854 409 2 882813421 +854 411 2 882813143 +854 421 3 882814028 +854 431 3 882813726 +854 466 3 882813761 +854 469 5 882814571 +854 471 2 882812928 +854 472 1 882813143 +854 475 4 882812352 +854 476 3 882813219 +854 479 4 882813623 +854 482 3 882813761 +854 492 4 882814333 +854 493 5 882813933 +854 498 3 882813877 +854 499 4 882813537 +854 507 4 882813623 +854 508 4 882812492 +854 509 4 882814333 +854 512 3 882814063 +854 514 4 882813537 +854 522 2 882814189 +854 528 4 882813623 +854 544 3 882812852 +854 606 4 882813691 +854 620 2 882813453 +854 628 2 882812451 +854 632 4 882813797 +854 652 3 882813825 +854 696 2 882812961 +854 705 4 882813963 +854 709 4 882814395 +854 713 4 882812288 +854 742 2 882812960 +854 756 3 882813364 +854 757 3 882814235 +854 762 2 882812905 +854 799 3 882814298 +854 811 3 882814091 +854 825 3 882813143 +854 826 2 882813453 +854 855 4 882814063 +854 925 2 882813179 +854 945 3 882813761 +854 979 4 882813315 +854 1011 2 882813047 +854 1013 1 882813453 +854 1014 3 882813315 +854 1016 2 882812406 +854 1028 2 882813421 +854 1047 1 882812906 +854 1226 4 882814571 +854 1281 2 882812314 +854 1283 2 882813047 +854 1284 2 882812961 +854 1335 2 882812288 +855 59 3 879825488 +855 166 4 879825578 +855 170 2 879825383 +855 171 3 879825383 +855 283 3 879825383 +855 462 4 879825383 +855 475 4 879825383 +855 509 3 879825613 +855 510 4 879825578 +855 512 4 879825382 +855 582 3 879825578 +855 638 4 879825462 +855 855 4 879825488 +855 919 3 879825462 +856 258 4 891489356 +856 270 3 891489412 +856 272 5 891489217 +856 286 4 891489299 +856 289 1 891489525 +856 294 4 891489502 +856 300 4 891489386 +856 307 4 891489250 +856 312 2 891489450 +856 316 5 891489547 +856 327 4 891489478 +856 328 3 891489478 +856 347 2 891489217 +856 678 3 891489666 +856 748 3 891489638 +856 879 3 891489450 +857 20 3 883432688 +857 294 3 883432251 +857 304 2 883432301 +857 321 4 883432352 +857 328 3 883432301 +857 892 3 883432515 +858 9 5 880932449 +858 127 5 880932912 +858 286 4 879458829 +858 293 3 880932692 +858 323 2 879459926 +858 327 3 879459504 +858 331 3 880932343 +858 333 4 880933013 +858 515 4 880932911 +858 678 1 879459926 +858 689 5 879459087 +858 754 4 879459087 +858 1368 4 880932449 +859 3 5 885775513 +859 25 4 885776056 +859 111 4 885776056 +859 118 3 885775193 +859 151 2 885775067 +859 257 2 885775330 +859 275 3 885774828 +859 282 3 885774964 +859 288 4 885776056 +859 313 5 885774773 +859 381 4 885776352 +859 410 4 885776056 +859 458 3 885775382 +859 475 4 885776056 +859 476 5 885775727 +859 763 4 885775699 +859 1008 4 885776056 +859 1009 4 885775277 +859 1048 3 885775767 +859 1326 4 885775859 +860 4 4 885991163 +860 26 3 885991163 +860 70 5 885991040 +860 100 4 885991075 +860 204 4 885990901 +860 216 4 885990901 +860 220 3 885145702 +860 257 3 891733877 +860 262 4 874967063 +860 269 2 891535991 +860 283 4 885990998 +860 287 3 885991407 +860 289 3 880829225 +860 302 4 876074139 +860 307 3 879801617 +860 310 4 880914645 +860 312 4 888169119 +860 315 3 884029545 +860 321 3 880829225 +860 327 3 880829225 +860 332 2 880829226 +860 339 3 882831410 +860 344 3 887028250 +860 393 2 885991129 +860 508 4 885991076 +860 516 3 885991040 +860 517 4 885991076 +860 629 3 885991198 +860 663 3 885991101 +860 678 3 887754112 +860 692 5 885990965 +860 712 3 885991316 +860 732 4 885991129 +860 781 2 887754411 +860 865 4 885990862 +860 894 2 883678286 +860 1047 2 885991563 +860 1059 1 891536049 +861 10 3 881274739 +861 20 4 881274857 +861 26 3 881274936 +861 45 5 881274698 +861 70 4 881274672 +861 116 4 881274739 +861 170 5 881274672 +861 213 5 881274759 +861 242 5 881274504 +861 286 4 881274504 +861 292 4 881274504 +861 294 3 881274504 +861 305 4 881274504 +861 319 5 881274504 +861 321 1 881274504 +861 381 4 881274780 +861 462 4 881274698 +861 463 3 881274698 +861 475 3 881274760 +861 509 5 881274739 +861 529 5 881274718 +861 582 2 881274796 +861 737 3 881274883 +861 740 4 881274760 +861 937 4 881274504 +861 1009 5 881274857 +862 7 5 879304196 +862 10 5 879303249 +862 12 5 879304571 +862 45 4 879304721 +862 50 5 879304196 +862 59 5 879305204 +862 61 5 879304244 +862 69 5 879304244 +862 81 5 879305237 +862 82 4 879305237 +862 89 5 879304526 +862 91 5 879304762 +862 92 5 879305051 +862 96 4 879305051 +862 97 4 879305143 +862 98 5 879304865 +862 99 4 879305097 +862 120 3 879303953 +862 127 5 879304196 +862 132 5 879304980 +862 135 5 879304762 +862 151 5 879304196 +862 174 5 879304721 +862 176 5 879304672 +862 177 4 879305016 +862 180 5 879305097 +862 185 5 879304571 +862 186 3 879305143 +862 188 5 879305312 +862 195 5 879304902 +862 196 5 879304799 +862 197 4 879304623 +862 202 5 879304624 +862 205 4 879304282 +862 208 2 879304282 +862 210 4 879304410 +862 211 5 879305051 +862 215 4 879304624 +862 222 5 879304196 +862 238 4 879304624 +862 250 5 879303158 +862 252 3 879302910 +862 257 5 879303207 +862 258 5 879302461 +862 260 5 879302583 +862 265 5 879304980 +862 282 5 879303123 +862 288 5 879302533 +862 357 3 879305204 +862 406 4 879303843 +862 407 3 879303843 +862 423 4 879305273 +862 432 5 879304902 +862 435 5 879304244 +862 467 4 879305143 +862 472 5 879303505 +862 483 5 879304326 +862 485 5 879304410 +862 495 4 879305097 +862 496 5 879304902 +862 498 4 879304445 +862 505 4 879305016 +862 515 4 879302877 +862 519 4 879304326 +862 520 4 879304484 +862 521 5 879304762 +862 544 5 879304196 +862 546 4 879302944 +862 559 4 879305312 +862 566 3 879304571 +862 568 3 879304799 +862 633 5 879304722 +862 640 3 879305351 +862 647 5 879304369 +862 650 4 879304941 +862 651 5 879304624 +862 655 5 879305016 +862 658 5 879304526 +862 678 4 879302614 +862 748 4 879302533 +862 767 4 879303807 +862 789 5 879304941 +862 823 4 879303869 +862 825 5 879303668 +862 845 4 879303249 +862 866 4 879303697 +862 930 5 879303843 +862 969 5 879304410 +862 979 5 879303409 +862 1009 4 879303622 +862 1050 5 879305351 +862 1109 5 879305016 +863 259 1 889289240 +863 264 3 889289385 +863 269 3 889288973 +863 271 4 889289191 +863 272 5 889288910 +863 286 5 889289191 +863 289 4 889289457 +863 292 2 889289067 +863 300 5 889289157 +863 301 4 889289240 +863 302 4 889288910 +863 304 3 889289240 +863 307 5 889289157 +863 310 5 889288943 +863 316 5 889289419 +863 319 2 889289123 +863 322 1 889289327 +863 329 2 889289157 +863 331 4 889289278 +863 334 5 889289353 +863 336 2 889289327 +863 343 5 889289328 +863 344 4 889289456 +863 347 2 889289067 +863 348 2 889289456 +863 350 1 889289457 +863 354 1 889289191 +863 355 4 889289419 +863 359 3 889289158 +863 362 1 889289122 +863 538 2 889289122 +863 683 1 889289241 +863 750 4 889288973 +863 754 3 889289067 +863 876 2 889289457 +863 885 1 889289456 +863 886 3 889289327 +863 887 3 889289328 +863 895 5 889289385 +863 901 1 889288972 +863 906 4 889289570 +863 908 1 889289240 +863 909 3 889289619 +863 990 1 889289385 +863 1127 4 889289157 +863 1294 4 889289618 +863 1296 3 889289617 +863 1395 4 889289491 +863 1431 4 889289618 +863 1680 2 889289570 +864 4 4 888890690 +864 5 4 888889657 +864 8 5 888887402 +864 9 5 877214236 +864 15 4 888887658 +864 24 5 888887502 +864 25 4 888888240 +864 28 5 888887247 +864 49 3 888892091 +864 50 5 877214085 +864 52 4 888888861 +864 53 4 888891794 +864 55 4 888887045 +864 58 5 888887739 +864 65 3 888890690 +864 66 3 888889784 +864 69 5 888889863 +864 71 3 888889389 +864 73 5 888888994 +864 77 4 888891627 +864 79 5 888887830 +864 81 3 888891836 +864 82 5 888887830 +864 85 2 888889327 +864 88 4 888887469 +864 95 5 888887045 +864 96 5 888887830 +864 97 4 888887216 +864 108 3 888891627 +864 109 5 888888994 +864 111 3 888888115 +864 116 4 888887045 +864 117 4 888889466 +864 118 4 888888994 +864 121 4 877214085 +864 125 4 888889162 +864 127 4 888887216 +864 128 4 888886882 +864 133 5 888887984 +864 143 4 888887703 +864 145 4 888892230 +864 151 5 888889466 +864 153 5 888886946 +864 157 4 888886984 +864 159 4 888891049 +864 164 4 888887216 +864 167 4 888891794 +864 168 4 888888067 +864 169 5 888887402 +864 172 5 888887795 +864 174 5 888887354 +864 183 4 888888115 +864 186 4 888887658 +864 188 3 888887172 +864 189 4 888889268 +864 190 4 888887437 +864 194 4 888886984 +864 195 4 888888937 +864 196 4 888887914 +864 197 4 888888282 +864 200 4 888889162 +864 201 5 888887172 +864 203 5 888886846 +864 204 5 888888937 +864 208 4 888888994 +864 214 2 888890052 +864 223 5 888887097 +864 225 3 878179608 +864 226 3 888889601 +864 228 5 888888067 +864 230 2 888889129 +864 232 4 888889327 +864 235 5 888891794 +864 237 4 878179514 +864 239 4 888889466 +864 257 4 891044192 +864 258 5 877214042 +864 265 5 888886946 +864 273 5 878179555 +864 275 4 878179445 +864 282 3 888887469 +864 283 5 878179514 +864 288 5 878179381 +864 290 3 888892053 +864 318 5 888887071 +864 328 5 887686456 +864 333 5 890463283 +864 343 5 887686545 +864 357 5 888887794 +864 367 5 888890316 +864 373 2 888892053 +864 380 3 888889744 +864 393 3 888889129 +864 394 3 888890432 +864 399 4 888893088 +864 402 3 888892128 +864 403 5 888887944 +864 404 4 888890316 +864 408 5 877214085 +864 418 3 888887247 +864 423 5 888887739 +864 433 3 888887703 +864 443 4 888890639 +864 451 4 888889563 +864 465 3 888889327 +864 470 4 888890052 +864 472 4 888888861 +864 473 4 888892300 +864 474 4 888889863 +864 509 5 888887944 +864 531 5 888887739 +864 542 4 888892841 +864 546 4 888892015 +864 549 3 888890730 +864 550 4 888889389 +864 559 4 888888680 +864 561 4 888888937 +864 563 3 888892539 +864 566 4 888889601 +864 569 3 888891794 +864 591 4 878179608 +864 597 4 888888625 +864 609 3 888888861 +864 619 3 888889327 +864 625 4 888890273 +864 629 3 888888282 +864 642 3 888890432 +864 651 5 888888168 +864 655 4 888887128 +864 660 4 888889510 +864 663 4 888887248 +864 665 3 888892300 +864 672 2 888889389 +864 673 3 888890273 +864 678 4 887686545 +864 684 4 888887289 +864 685 4 888891900 +864 692 2 888890316 +864 708 3 888889863 +864 715 4 888891238 +864 717 3 878179608 +864 729 4 888889035 +864 732 4 888888067 +864 734 3 888892874 +864 735 5 888886882 +864 736 5 888888025 +864 742 4 878179445 +864 755 4 888892128 +864 768 3 888890776 +864 781 3 888891238 +864 797 3 888892539 +864 800 1 888891154 +864 801 3 888892667 +864 805 4 888889327 +864 930 3 888892841 +864 939 4 888890102 +864 993 4 878179411 +864 1033 2 888891473 +864 1044 3 888891049 +864 1109 4 888890639 +864 1112 2 888891097 +864 1140 1 888892491 +864 1208 2 888890731 +864 1248 3 888891628 +864 1284 3 888891900 +864 1425 2 888890475 +864 1446 3 888889948 +865 1 1 880143424 +865 71 1 880235059 +865 95 1 880235059 +865 99 1 880235060 +865 100 4 880143232 +865 108 1 880143680 +865 118 1 880144229 +865 148 3 880144194 +865 222 2 880143482 +865 258 4 880142652 +865 271 1 880142778 +865 405 2 880144194 +865 408 5 880143385 +865 411 1 880144153 +865 412 1 880144504 +865 418 1 880235099 +865 455 4 880143612 +865 456 1 880144405 +865 471 1 880143612 +865 473 3 880144194 +865 475 4 880143425 +865 501 1 880235060 +865 546 1 880143917 +865 547 5 880143232 +865 588 2 880235060 +865 625 1 880235099 +865 627 1 880235060 +865 685 3 880144071 +865 743 1 880144504 +865 744 4 880144024 +865 763 1 880143680 +865 831 1 880144480 +865 847 5 880143386 +865 926 1 880144405 +865 928 1 880144368 +865 946 1 880235099 +865 1009 5 880144368 +865 1028 1 880144024 +865 1047 1 880144265 +865 1240 5 880235099 +866 269 3 891221165 +866 272 2 891221006 +866 303 4 891221165 +866 313 1 891220955 +866 315 4 891221206 +866 319 4 891221302 +866 340 2 891221165 +866 344 2 891221165 +866 347 4 891221165 +866 882 2 891221165 +866 889 2 891221006 +866 896 2 891221006 +866 900 4 891221165 +867 1 4 880078521 +867 7 5 880078604 +867 12 5 880078656 +867 23 5 880078723 +867 28 5 880078887 +867 31 5 880078656 +867 51 3 880079142 +867 56 5 880078818 +867 69 2 880078797 +867 89 5 880078769 +867 132 3 880078629 +867 134 5 880078723 +867 144 3 880078484 +867 156 5 880078574 +867 172 5 880078769 +867 180 5 880078656 +867 182 4 880078521 +867 188 4 880078796 +867 191 5 880079117 +867 196 3 880079043 +867 197 4 880078796 +867 198 5 880078723 +867 203 4 880078484 +867 204 4 880078958 +867 211 3 880078484 +867 222 4 880079094 +867 257 4 880078090 +867 273 3 880078991 +867 286 5 880077721 +867 294 3 880077831 +867 300 2 880077751 +867 328 5 880077855 +867 423 3 880078991 +867 474 5 880078840 +867 480 5 880078401 +867 483 5 880078372 +867 496 5 880078574 +867 528 4 880078371 +867 529 5 880078863 +867 603 5 880078452 +867 652 5 880078745 +867 660 4 880078723 +867 678 3 880078004 +867 690 5 880077751 +867 748 4 880077951 +867 855 5 880078604 +867 1039 5 880078677 +867 1065 5 880078424 +867 1154 5 880078991 +867 1159 5 880078796 +868 2 2 877112290 +868 7 5 877104157 +868 12 5 877103834 +868 24 2 877108385 +868 55 5 877106505 +868 61 5 877109435 +868 64 5 877103548 +868 65 2 877104212 +868 67 3 877109597 +868 68 2 877106505 +868 69 2 877107416 +868 80 2 877111453 +868 82 2 877112001 +868 95 2 877108302 +868 100 5 877103935 +868 114 5 877103371 +868 127 4 877103679 +868 133 2 877108302 +868 135 5 877104987 +868 139 1 877109300 +868 142 1 877109874 +868 145 1 877109082 +868 153 2 877105916 +868 154 3 877107539 +868 155 2 877111623 +868 158 1 877111328 +868 161 2 877107056 +868 162 3 877109505 +868 168 3 877104157 +868 169 5 877106505 +868 172 5 877107847 +868 174 5 877107320 +868 186 2 877109234 +868 191 3 877107143 +868 193 2 877108123 +868 199 5 877105882 +868 200 3 877107189 +868 204 2 877105882 +868 206 5 877108352 +868 207 3 877107189 +868 211 3 877107730 +868 216 2 877109234 +868 218 3 877104913 +868 222 3 877108989 +868 230 3 877112349 +868 234 4 877103935 +868 237 1 877108989 +868 238 4 877103249 +868 239 3 877107924 +868 268 4 877102974 +868 317 5 877107961 +868 327 4 877103039 +868 367 2 877106505 +868 378 2 877108056 +868 382 4 877109874 +868 385 2 877103834 +868 398 1 877109082 +868 405 1 877109082 +868 426 4 877103935 +868 429 2 877103834 +868 432 2 877108624 +868 433 4 877103195 +868 434 3 877107056 +868 451 2 877112063 +868 496 2 877107597 +868 498 3 877104913 +868 503 3 877106421 +868 506 4 877104879 +868 509 3 877106470 +868 520 4 877103756 +868 547 3 877112559 +868 550 4 877112393 +868 556 3 877110060 +868 562 2 877112440 +868 566 1 877111394 +868 578 2 877112439 +868 579 1 877108241 +868 588 1 877106421 +868 589 4 877106421 +868 631 4 877111453 +868 636 3 877103449 +868 640 5 877103371 +868 646 5 877109435 +868 655 4 877107996 +868 679 3 877109748 +868 709 4 877109197 +868 710 3 877103320 +868 726 2 877109926 +868 727 2 877110277 +868 732 3 877107416 +868 738 2 877108624 +868 747 2 877109566 +868 755 4 877112184 +868 762 4 877109535 +868 778 2 877109375 +868 783 1 877113481 +868 843 1 877109748 +868 854 4 877103371 +868 946 1 877107189 +868 1031 1 877109535 +868 1037 1 877113481 +868 1076 1 877111487 +868 1183 1 877112141 +868 1188 1 877110060 +868 1206 3 877112033 +868 1240 5 877107284 +868 1285 2 877109926 +868 1480 1 877111932 +868 1509 1 877111487 +869 25 2 884491767 +869 100 5 884493279 +869 116 4 884490892 +869 122 3 884493060 +869 125 3 884491867 +869 127 5 884493279 +869 151 5 884493279 +869 237 4 884490745 +869 249 4 884493279 +869 253 4 884493279 +869 275 4 884490936 +869 276 4 884491082 +869 282 3 884490987 +869 287 2 884492047 +869 288 3 884490011 +869 298 3 884491734 +869 315 3 884490332 +869 476 1 884492519 +869 515 5 884493279 +869 696 2 884493021 +869 815 1 884491966 +869 1014 4 884493279 +869 1047 2 884492571 +869 1061 1 884492377 +869 1079 2 884493021 +869 1132 1 884492906 +869 1163 2 884492238 +870 1 5 889717102 +870 4 2 879270213 +870 7 4 875051072 +870 9 5 879376967 +870 11 4 875679992 +870 12 4 875050748 +870 13 4 876319137 +870 21 3 876319159 +870 31 4 875680070 +870 47 3 875679958 +870 50 3 875050865 +870 53 2 879714351 +870 55 3 879713899 +870 58 5 875050723 +870 64 5 889717102 +870 65 3 879713898 +870 70 4 889409590 +870 83 4 889717102 +870 87 5 889717575 +870 88 2 879270213 +870 89 3 879539936 +870 95 4 875050559 +870 98 4 880584497 +870 100 4 889717102 +870 111 3 880584548 +870 124 4 879376994 +870 127 5 875050602 +870 132 4 882123548 +870 135 3 875680045 +870 148 2 879377064 +870 168 4 875680472 +870 169 4 888095560 +870 170 5 875050637 +870 172 4 875680098 +870 177 4 875050827 +870 178 4 875050559 +870 180 3 875679860 +870 182 5 883876178 +870 188 5 875050672 +870 191 3 881001249 +870 193 5 889717102 +870 196 3 879539965 +870 197 5 875050723 +870 198 4 875679860 +870 202 3 879714181 +870 203 4 875680098 +870 204 4 875680448 +870 208 4 879270313 +870 211 3 879539713 +870 223 4 878737979 +870 235 3 885312790 +870 246 3 881000751 +870 248 4 880124496 +870 253 4 887567321 +870 258 4 886883539 +870 265 4 880584497 +870 268 3 881000751 +870 273 3 875051100 +870 284 2 875051072 +870 286 4 875050332 +870 288 4 875050370 +870 289 2 875050332 +870 313 4 883405554 +870 315 2 883876178 +870 317 4 875050723 +870 318 5 875050865 +870 333 3 882123130 +870 340 3 882464808 +870 354 4 889409590 +870 357 5 875679687 +870 367 4 875679768 +870 378 3 879902226 +870 382 3 875680568 +870 421 2 879539965 +870 425 4 889717575 +870 427 4 880584516 +870 428 4 875050672 +870 433 3 879901879 +870 435 3 880584549 +870 458 1 879377028 +870 461 4 875680099 +870 469 4 875679958 +870 474 4 875050559 +870 475 5 875051100 +870 477 4 876319062 +870 479 5 875050801 +870 480 5 875680142 +870 481 4 875680046 +870 489 4 875050827 +870 490 3 886883147 +870 496 5 882801371 +870 497 4 875050559 +870 503 4 879713899 +870 508 3 881001249 +870 513 4 879713578 +870 514 5 875050637 +870 517 2 875680597 +870 523 5 875050774 +870 558 4 879270313 +870 569 2 879714631 +870 570 2 879714681 +870 574 1 879902181 +870 579 2 879902161 +870 582 5 879713817 +870 583 2 879714351 +870 589 4 880584534 +870 606 4 875679687 +870 608 4 875680098 +870 631 2 882123130 +870 640 3 886883147 +870 644 2 882123665 +870 647 4 879270400 +870 651 3 879539936 +870 653 4 875050559 +870 654 4 875050801 +870 655 4 875050865 +870 657 5 875050748 +870 659 4 875680020 +870 684 3 879714246 +870 690 2 886372265 +870 692 2 879270213 +870 693 4 879713979 +870 699 3 879901671 +870 710 3 875680212 +870 713 4 879376966 +870 722 2 879270213 +870 724 4 875679906 +870 732 2 882123355 +870 735 3 875679721 +870 736 1 879901654 +870 746 3 879270400 +870 763 4 879902059 +870 772 4 875679767 +870 793 5 875680258 +870 802 3 879714763 +870 841 2 878737915 +870 939 3 879714066 +870 943 2 879714310 +870 945 4 879714039 +870 952 3 880584584 +870 1008 3 879377028 +870 1014 2 884789665 +870 1019 3 881001249 +870 1020 3 882385179 +870 1021 2 881001249 +870 1044 2 879714772 +870 1046 3 879714310 +870 1073 5 875050748 +870 1074 2 879270213 +870 1090 2 879902161 +870 1098 4 889812986 +870 1210 1 879902161 +870 1221 3 881001249 +870 1230 2 879901998 +870 1412 2 879714435 +870 1451 3 891214479 +870 1664 4 890057322 +871 4 3 888193338 +871 11 3 888193274 +871 79 5 888193275 +871 82 3 888193336 +871 97 3 888193541 +871 147 5 888193136 +871 161 5 888193275 +871 172 5 888193177 +871 181 3 888193335 +871 182 5 888192925 +871 187 5 888193081 +871 190 2 888193275 +871 195 5 888193274 +871 210 5 888193275 +871 216 3 888193384 +871 226 5 888193177 +871 242 3 888192858 +871 245 3 888192475 +871 262 3 888192970 +871 269 3 888192970 +871 271 5 888192349 +871 276 5 888193136 +871 286 3 888193136 +871 289 3 888192475 +871 300 4 888192971 +871 301 4 888192475 +871 305 3 888192475 +871 310 3 888192858 +871 324 3 888192689 +871 326 5 888192971 +871 331 3 888192202 +871 333 2 888192202 +871 342 4 888192475 +871 347 5 888192315 +871 352 3 888192971 +871 359 3 888192743 +871 360 3 888192475 +871 402 3 888193541 +871 510 3 888193335 +871 515 4 888193176 +871 526 5 888193337 +871 566 3 888193337 +871 651 2 888193337 +871 662 3 888193541 +871 752 3 888192744 +871 904 3 888192858 +871 905 3 888192744 +871 907 3 888192745 +871 909 3 888192475 +871 937 3 888192689 +871 955 3 888193541 +871 989 3 888192744 +871 1072 3 888193541 +871 1176 3 888192858 +871 1386 3 888193136 +871 1430 3 888192744 +871 1431 4 888192971 +871 1434 3 888192689 +872 117 4 888479171 +872 121 4 888479206 +872 151 2 888479434 +872 268 1 888478864 +872 272 4 888478822 +872 273 3 888479274 +872 278 3 888479206 +872 282 5 888479253 +872 284 3 888479369 +872 290 2 888479537 +872 294 3 888478882 +872 300 5 888478766 +872 313 5 888478786 +872 332 3 888480019 +872 334 1 888479894 +872 347 2 888478743 +872 354 4 888478822 +872 405 4 888479151 +872 409 3 888479677 +872 476 4 888479737 +872 546 4 888479560 +872 591 3 888479253 +872 628 4 888479151 +872 682 3 888478822 +872 685 4 888479348 +872 717 4 888479582 +872 756 4 888479370 +872 820 3 888479624 +872 826 3 888479654 +872 845 3 888479313 +872 871 3 888479677 +872 892 3 888479052 +872 893 4 888478902 +872 905 4 888479034 +872 926 4 888479516 +872 928 2 888479582 +872 930 3 888479654 +872 974 4 888479701 +872 975 4 888479654 +872 1011 1 888479333 +872 1040 3 888479701 +872 1165 2 888479537 +872 1284 3 888479434 +872 1376 2 888479603 +873 259 1 891392698 +873 269 2 891392092 +873 286 2 891392091 +873 289 2 891392577 +873 307 3 891392360 +873 313 5 891392177 +873 321 1 891392577 +873 326 4 891392656 +873 328 4 891392756 +873 339 3 891392871 +873 342 4 891392698 +873 348 3 891392577 +873 358 2 891392698 +873 875 1 891392577 +873 879 2 891392577 +874 20 3 888632615 +874 100 4 888632411 +874 111 3 888632411 +874 125 3 888632585 +874 127 5 888633310 +874 137 4 888632484 +874 182 4 888633311 +874 275 4 888632448 +874 285 4 888632411 +874 286 4 888632057 +874 302 5 888632098 +874 305 4 888632057 +874 311 4 888632098 +874 313 3 888632098 +874 346 3 888632147 +874 357 5 888633311 +874 514 5 888633311 +874 521 5 888633311 +874 654 5 888633311 +874 676 3 888632585 +874 751 3 888632147 +875 8 3 876465072 +875 22 3 876465072 +875 23 5 876466687 +875 28 4 876465408 +875 32 5 876465275 +875 42 4 876465336 +875 45 3 876465072 +875 55 3 876465370 +875 56 5 876466687 +875 131 4 876465229 +875 134 5 876465188 +875 135 4 876465188 +875 169 5 876465025 +875 179 5 876465188 +875 180 5 876464967 +875 187 4 876466687 +875 195 4 876466687 +875 211 5 876465144 +875 213 4 876465408 +875 269 4 876464694 +875 286 3 876464694 +875 288 4 876464755 +875 294 2 876464755 +875 302 5 876464694 +875 327 4 876464873 +875 332 3 876464801 +875 357 5 876465072 +875 358 3 876464800 +875 418 4 876465230 +875 421 4 876465335 +875 423 5 876464967 +875 428 4 876465112 +875 462 4 876465188 +875 479 4 876466687 +875 480 5 876465275 +875 518 4 876465408 +875 523 4 876465408 +875 603 4 876465111 +875 652 5 876465275 +875 707 4 876464967 +875 772 5 876465188 +875 806 4 876465230 +875 921 5 876465275 +875 937 4 876464830 +875 963 4 876465275 +875 964 4 876465335 +875 1103 5 876465144 +876 22 4 879428451 +876 174 4 879428378 +876 286 5 879428072 +876 288 3 879428101 +876 289 3 879428145 +876 294 4 879428145 +876 318 5 879428406 +876 435 4 879428421 +876 511 5 879428354 +876 523 5 879428378 +876 527 5 879428406 +876 531 4 879428481 +876 604 5 879428406 +876 878 2 879428253 +877 14 5 882677048 +877 52 4 882677507 +877 56 5 882678483 +877 61 5 882677244 +877 86 4 882677827 +877 88 4 882677967 +877 98 5 882678427 +877 155 2 882677997 +877 159 4 882678512 +877 164 5 882678547 +877 173 4 882677865 +877 185 4 882678387 +877 202 4 882677936 +877 207 3 882677012 +877 222 2 882678484 +877 228 4 882678387 +877 241 4 882678194 +877 288 3 882675993 +877 302 2 882676054 +877 306 3 882675993 +877 307 3 882676190 +877 326 4 882676190 +877 371 5 882677935 +877 382 3 882677012 +877 451 4 882677865 +877 463 4 882677311 +877 475 4 882677085 +877 531 5 882677128 +877 549 4 882677935 +877 553 4 882678137 +877 557 4 882677715 +877 584 4 882677507 +877 662 5 882677936 +877 690 4 882676098 +877 692 4 882677898 +877 727 4 882677967 +877 738 4 882678137 +877 739 4 882678105 +877 744 5 882677280 +877 971 4 882677386 +877 1402 4 882677386 +878 9 4 880865562 +878 14 5 880865865 +878 19 4 880865470 +878 45 3 880867665 +878 51 4 880869239 +878 57 4 880867987 +878 59 3 880866054 +878 64 5 880866446 +878 88 4 880869418 +878 97 3 880869090 +878 98 4 880866848 +878 111 4 880867282 +878 127 4 880867444 +878 136 4 880866241 +878 152 4 880870854 +878 153 5 880866177 +878 154 3 880866369 +878 155 3 880869418 +878 166 4 880870854 +878 168 4 880866626 +878 170 4 880867485 +878 174 3 880872669 +878 179 4 880866626 +878 191 4 880866564 +878 194 4 880869911 +878 202 4 880869090 +878 215 2 880866687 +878 216 4 880869135 +878 234 1 880872619 +878 236 2 880865470 +878 237 3 880868955 +878 258 3 880865562 +878 265 3 880866626 +878 269 4 880865183 +878 276 3 880865715 +878 285 5 880865562 +878 318 5 880866013 +878 321 2 880865300 +878 393 3 880870487 +878 418 3 880870130 +878 432 3 880870048 +878 451 2 880869135 +878 462 4 880866509 +878 463 2 880866177 +878 482 4 880866134 +878 485 3 880866103 +878 497 2 880872395 +878 498 4 880866758 +878 512 5 880867709 +878 514 4 880870854 +878 515 4 880865900 +878 529 5 880870854 +878 535 1 880871600 +878 549 4 880869303 +878 553 3 880869303 +878 584 4 880867803 +878 640 1 880867751 +878 650 2 880866883 +878 662 1 880871600 +878 663 5 880868635 +878 690 2 880865230 +878 699 1 880871600 +878 702 1 880871600 +878 732 4 880869302 +878 739 3 880869303 +878 740 2 880865813 +878 755 2 880870486 +878 781 1 880871600 +878 796 2 880869473 +878 855 3 880867803 +878 921 4 880867665 +878 923 3 880866687 +878 956 2 880866810 +878 1039 3 880866508 +878 1041 1 880871600 +878 1092 3 880867444 +878 1100 3 880869418 +878 1121 2 880867895 +878 1149 4 880868820 +879 25 4 887761865 +879 50 4 887761865 +879 111 4 887761865 +879 117 4 887761865 +879 118 3 887761562 +879 121 4 887761865 +879 125 5 887761174 +879 181 4 887761088 +879 255 4 887761156 +879 276 4 887761865 +879 292 4 887760823 +879 294 3 887760951 +879 304 4 887760912 +879 596 2 887761380 +879 685 4 887761865 +879 751 2 887760879 +879 1047 2 887761477 +880 1 4 880166744 +880 3 1 880175023 +880 5 3 880241379 +880 7 3 880166872 +880 17 3 880174808 +880 23 5 880175735 +880 24 3 880167175 +880 25 4 880166938 +880 27 3 880167965 +880 28 5 880175690 +880 31 4 880243629 +880 33 3 880167880 +880 38 3 880168411 +880 39 4 880167731 +880 41 1 880175239 +880 47 4 880174730 +880 49 3 880174858 +880 53 4 880168411 +880 56 5 880167731 +880 62 3 880168411 +880 63 3 880174926 +880 64 5 880175646 +880 67 1 880175023 +880 70 4 880174677 +880 81 4 880242094 +880 82 3 880167806 +880 85 3 880174904 +880 91 3 880241256 +880 93 4 880174623 +880 94 3 880175097 +880 95 3 880241219 +880 96 4 880167695 +880 97 4 880175714 +880 98 5 880241327 +880 105 3 880175077 +880 109 4 880167114 +880 110 3 880175128 +880 120 2 880175503 +880 121 2 880167030 +880 122 3 880175208 +880 127 5 880167066 +880 137 4 880166827 +880 147 4 880167224 +880 148 2 880167030 +880 150 4 880166798 +880 151 4 880242848 +880 158 2 880175128 +880 161 2 880167778 +880 168 3 880174623 +880 172 5 880167695 +880 174 4 880167670 +880 177 5 880167778 +880 179 4 880175735 +880 184 4 880167843 +880 186 4 880174808 +880 187 5 880167671 +880 191 5 880175597 +880 194 5 880174623 +880 200 4 880241355 +880 201 4 880174834 +880 202 4 880174834 +880 208 5 880174652 +880 209 3 880174623 +880 210 4 880167670 +880 218 4 880241355 +880 226 4 880167806 +880 227 2 880167918 +880 230 3 880167732 +880 231 2 880167880 +880 234 5 880241327 +880 238 4 880174652 +880 239 4 880174808 +880 240 4 880167151 +880 246 5 892958837 +880 248 4 892958863 +880 249 4 880166966 +880 250 3 880167521 +880 257 5 880167521 +880 260 4 892958484 +880 268 5 892958128 +880 273 5 880166770 +880 281 4 880167384 +880 282 2 880166966 +880 283 3 880167008 +880 284 4 880242528 +880 287 4 892958966 +880 294 4 880166557 +880 298 4 880166827 +880 300 3 880166451 +880 302 5 880166451 +880 310 3 892958036 +880 315 5 892958175 +880 318 5 880241746 +880 328 4 880166557 +880 329 4 892958250 +880 342 3 892958275 +880 356 4 880242475 +880 357 5 880175622 +880 366 2 880242257 +880 369 1 880175503 +880 376 3 880175239 +880 379 4 880241434 +880 380 3 880242281 +880 381 4 880174808 +880 383 3 880243147 +880 384 3 880175157 +880 385 4 880167843 +880 393 3 880174926 +880 394 3 880243319 +880 401 3 880175077 +880 403 3 880167778 +880 407 1 880175503 +880 409 2 880243069 +880 410 4 880166938 +880 411 4 880167328 +880 423 5 880175690 +880 456 3 880175270 +880 461 4 880175666 +880 467 4 880241821 +880 468 3 880242422 +880 470 4 880242306 +880 473 3 880167132 +880 475 4 880166798 +880 476 3 880175444 +880 477 3 880166966 +880 527 4 880241943 +880 541 2 880167918 +880 550 4 880167880 +880 554 3 880168411 +880 556 3 880242451 +880 568 5 880167843 +880 570 3 880167965 +880 571 2 880175187 +880 575 3 880175077 +880 577 3 880175207 +880 585 1 880175050 +880 588 4 880241219 +880 591 4 880166990 +880 619 4 880243499 +880 623 4 880243069 +880 627 3 880241256 +880 628 2 880166799 +880 636 3 880167918 +880 655 4 880174623 +880 657 4 880243629 +880 684 4 880167778 +880 685 4 880167083 +880 693 5 880242191 +880 731 4 880175023 +880 732 4 880174652 +880 748 4 892958250 +880 761 4 880167965 +880 762 4 893028813 +880 763 3 880167247 +880 771 3 880243848 +880 779 3 880167965 +880 780 3 880175157 +880 781 3 880174961 +880 794 4 880243265 +880 795 2 880243147 +880 818 2 880175468 +880 823 3 880167435 +880 825 4 880167288 +880 845 3 880167200 +880 876 4 892958376 +880 881 4 892958401 +880 902 4 892958301 +880 926 3 880167328 +880 930 2 880167551 +880 940 3 880175157 +880 956 3 880242380 +880 976 2 880243588 +880 992 4 892959014 +880 1012 4 880166827 +880 1014 4 892959041 +880 1017 3 880175077 +880 1035 4 880242933 +880 1036 2 880243147 +880 1041 4 880175128 +880 1044 4 880242577 +880 1047 3 880175157 +880 1049 3 892959087 +880 1058 2 880242421 +880 1093 3 880167384 +880 1119 3 880242028 +880 1134 5 880241609 +880 1139 4 880242577 +880 1157 4 880243817 +880 1165 2 880175527 +880 1181 3 880242781 +880 1184 3 880167806 +880 1185 1 880174995 +880 1188 2 880167880 +880 1215 1 880167599 +880 1217 3 880243712 +880 1222 4 880168411 +880 1224 3 880242632 +880 1225 2 880174834 +880 1244 3 880167411 +880 1258 3 880175368 +880 1277 4 880167355 +880 1446 4 880174705 +880 1468 4 880242139 +880 1496 4 880243147 +880 1620 3 880167288 +881 1 4 876535796 +881 7 4 876536164 +881 8 4 876537457 +881 9 3 876536198 +881 14 1 879051971 +881 22 5 876538028 +881 23 4 876537419 +881 25 3 876536198 +881 28 5 876537612 +881 29 2 876539091 +881 31 5 876537577 +881 43 3 876539595 +881 56 1 876962037 +881 58 3 876538796 +881 62 4 876538666 +881 64 5 876537933 +881 69 3 876537933 +881 70 2 876539220 +881 72 2 876539220 +881 79 4 876537825 +881 82 5 876538286 +881 95 4 876537679 +881 96 3 876537718 +881 105 3 876537285 +881 108 3 879052402 +881 120 2 879052376 +881 132 3 876538726 +881 136 4 876538537 +881 139 3 876538922 +881 140 2 876538098 +881 143 5 876539128 +881 172 4 876538986 +881 176 4 876537679 +881 177 4 876537900 +881 181 4 876535928 +881 182 3 876538571 +881 185 5 876537418 +881 186 3 876538221 +881 187 4 876539091 +881 188 4 876538665 +881 191 5 876537457 +881 192 5 876537577 +881 193 5 876538131 +881 194 3 876538185 +881 197 3 876537870 +881 199 5 876538824 +881 200 2 876538185 +881 205 4 876538465 +881 208 3 876538098 +881 209 3 876537718 +881 215 3 876538726 +881 216 4 876538922 +881 217 3 876538131 +881 225 2 876536012 +881 226 3 876538400 +881 227 4 876538953 +881 229 4 876538726 +881 233 3 876538922 +881 234 3 876537870 +881 238 1 876537679 +881 240 1 879052141 +881 243 2 876535663 +881 255 3 876536332 +881 257 5 876536040 +881 259 3 876535599 +881 274 3 876536850 +881 289 1 876535544 +881 322 4 879051511 +881 380 4 876538763 +881 392 5 876538155 +881 393 4 876539091 +881 399 4 876538465 +881 409 4 879052545 +881 411 3 879052376 +881 412 1 876536523 +881 414 5 876537752 +881 417 2 876538131 +881 419 5 876538691 +881 420 3 876539549 +881 430 4 876537870 +881 447 4 876538953 +881 456 1 879052291 +881 473 2 876536636 +881 474 3 876537870 +881 480 4 876537679 +881 490 4 876538763 +881 495 5 876537752 +881 498 4 876537577 +881 504 3 876537577 +881 511 5 876537419 +881 515 4 876535967 +881 520 5 876538986 +881 521 4 876537870 +881 527 3 876537900 +881 542 1 876538763 +881 561 4 876538465 +881 566 4 876538796 +881 568 4 876539020 +881 573 3 876539260 +881 575 2 876539330 +881 576 3 876538824 +881 580 5 876538251 +881 582 1 876538465 +881 588 3 876538027 +881 596 3 876536241 +881 615 4 876539291 +881 620 2 879052198 +881 651 5 876539549 +881 654 4 876539156 +881 679 1 876539129 +881 685 2 876536877 +881 705 1 876537679 +881 712 3 876539156 +881 728 3 876539129 +881 732 5 876538465 +881 742 4 876536773 +881 748 3 876535544 +881 756 4 876536012 +881 763 3 879052317 +881 768 3 876539505 +881 795 2 876539418 +881 820 2 876537285 +881 831 2 879052493 +881 849 2 876539051 +881 864 3 876536198 +881 1028 3 876537056 +881 1033 1 876536745 +881 1057 1 879052341 +881 1066 3 876538726 +881 1078 3 876539260 +881 1089 1 876537011 +881 1133 2 876539360 +881 1164 1 876537106 +881 1177 1 876539418 +881 1215 1 879052376 +881 1217 5 876538506 +881 1228 3 876538986 +881 1411 2 876539595 +881 1480 2 876539636 +882 1 5 879864558 +882 4 4 879868118 +882 7 4 879862652 +882 11 4 879867816 +882 25 2 879862652 +882 28 5 879867508 +882 56 4 879865307 +882 66 4 879867980 +882 69 5 879864917 +882 70 3 879876573 +882 79 5 879878486 +882 95 4 879877155 +882 96 4 879878140 +882 98 5 879865750 +882 99 5 879878486 +882 101 3 879879807 +882 121 4 879861739 +882 131 4 879876573 +882 132 5 879864970 +882 133 5 879867263 +882 135 5 879876806 +882 143 4 879876806 +882 147 4 879863106 +882 151 5 879862327 +882 174 5 879864697 +882 176 4 879867980 +882 177 5 879867885 +882 181 5 879867430 +882 183 4 879864789 +882 185 5 879877245 +882 191 5 879867694 +882 194 3 879879668 +882 196 4 879867263 +882 199 5 879867508 +882 202 4 879876806 +882 203 4 879867508 +882 208 5 879868197 +882 210 4 879867568 +882 211 4 879867431 +882 216 4 879867508 +882 227 4 879879868 +882 230 5 879867508 +882 258 3 879860936 +882 265 5 879867431 +882 275 5 879861678 +882 284 3 879862865 +882 288 3 879860762 +882 290 4 879862217 +882 291 4 879862936 +882 357 4 879864917 +882 369 3 879863257 +882 378 5 879868198 +882 393 4 879880132 +882 405 4 879861939 +882 407 2 879863831 +882 411 3 879863457 +882 412 1 879863735 +882 420 5 879879807 +882 423 5 879878486 +882 429 4 879866320 +882 432 5 879865307 +882 455 3 879862652 +882 465 3 879876573 +882 470 4 879867816 +882 501 5 879879807 +882 510 5 879864642 +882 546 2 879863031 +882 568 5 879865629 +882 582 5 879876573 +882 588 4 879867430 +882 739 4 879880131 +882 746 4 879865163 +882 748 5 879861155 +882 756 3 879863457 +882 820 3 879863969 +882 841 1 879863909 +882 969 5 879880132 +882 1052 2 879864125 +882 1116 4 879879868 +882 1412 3 879867368 +883 10 5 892557605 +883 11 2 891696824 +883 12 4 891717356 +883 13 4 891723351 +883 14 3 891693675 +883 22 3 891696824 +883 24 4 891692657 +883 26 3 891693139 +883 39 4 891696864 +883 47 3 891694182 +883 48 4 891717283 +883 52 3 891693169 +883 56 5 891694276 +883 58 3 891717380 +883 59 5 891692982 +883 61 5 891693012 +883 66 3 891694636 +883 70 3 891693169 +883 81 5 891717908 +883 82 3 891696999 +883 88 4 891696715 +883 90 3 891694672 +883 96 4 891696864 +883 98 3 891695666 +883 100 4 891717462 +883 113 4 891693723 +883 124 5 891717419 +883 151 5 892439523 +883 153 5 891723290 +883 154 4 891754985 +883 170 3 891693139 +883 173 4 891694182 +883 183 5 891696895 +883 185 5 891695692 +883 190 4 891693058 +883 195 5 891696824 +883 198 5 891695570 +883 199 4 891717462 +883 202 4 891694312 +883 204 4 891694182 +883 207 3 891693012 +883 208 4 891694340 +883 210 4 891723351 +883 211 5 891694249 +883 216 4 891694249 +883 222 3 891717495 +883 228 4 891696824 +883 234 4 891695666 +883 237 3 891717963 +883 238 4 891694218 +883 241 4 891696714 +883 251 5 891692657 +883 257 5 891914605 +883 265 3 891696864 +883 269 3 891691436 +883 271 2 891692116 +883 273 4 892557850 +883 275 4 891692657 +883 276 5 891717462 +883 279 3 891717356 +883 285 5 891723351 +883 289 5 891692168 +883 302 5 891691410 +883 304 3 891691534 +883 306 3 891691410 +883 313 3 891692285 +883 315 3 891691353 +883 316 5 891692168 +883 318 4 891717936 +883 319 3 891691560 +883 338 4 891695193 +883 345 3 891691465 +883 347 4 891691559 +883 349 2 892557605 +883 354 4 891692000 +883 367 5 891694218 +883 382 3 891693200 +883 385 1 891696999 +883 386 3 891694372 +883 387 5 891696750 +883 396 2 891695743 +883 408 5 891914522 +883 414 3 891694431 +883 421 5 891696689 +883 430 5 891694401 +883 435 4 891696895 +883 463 3 891693058 +883 477 5 891914545 +883 479 5 891755017 +883 490 4 891755017 +883 496 2 891755066 +883 504 5 891754950 +883 511 4 891717419 +883 512 5 891693058 +883 513 5 891717319 +883 514 4 891694182 +883 515 5 891692657 +883 517 4 891694218 +883 519 5 891717283 +883 523 5 891694276 +883 530 3 891696823 +883 531 3 891693497 +883 550 3 892557605 +883 580 3 891693200 +883 582 3 891693387 +883 584 3 891693200 +883 603 4 891755017 +883 634 3 891692874 +883 648 4 891694249 +883 659 3 891694218 +883 661 4 891718914 +883 684 3 891755066 +883 694 5 891693110 +883 712 3 891694249 +883 713 3 891692742 +883 724 4 891696689 +883 732 3 891694340 +883 736 3 891696750 +883 739 2 891696715 +883 740 4 891692742 +883 745 5 891694431 +883 750 3 891691485 +883 778 4 891694372 +883 781 3 891694340 +883 785 3 891694372 +883 794 4 891696750 +883 796 3 891696782 +883 805 4 891723323 +883 847 4 892557605 +883 856 5 891694401 +883 863 3 891693497 +883 886 3 892439422 +883 896 5 891691465 +883 900 5 891691654 +883 922 5 891717963 +883 945 4 891754985 +883 952 3 891916924 +883 955 5 891696689 +883 956 4 891717885 +883 971 3 891693200 +883 989 5 891692168 +883 1005 5 891695570 +883 1009 4 891692811 +883 1012 5 891916324 +883 1065 5 891717533 +883 1074 4 891694340 +883 1118 4 891694276 +883 1131 5 891695570 +883 1171 5 891695570 +883 1226 3 891914483 +883 1227 3 891693200 +883 1288 4 892439357 +883 1404 3 891694372 +883 1448 5 891695570 +883 1462 5 891695570 +883 1592 5 891692168 +883 1656 5 891692168 +884 14 4 876858946 +884 86 3 876859208 +884 127 4 876858877 +884 146 3 876858877 +884 198 5 876859237 +884 212 4 876859238 +884 213 4 876859207 +884 268 4 876857704 +884 285 4 876858820 +884 323 2 876857745 +884 462 4 876859237 +884 463 5 876859070 +884 510 5 876859330 +884 515 4 876858914 +884 529 5 876859301 +884 638 4 876859301 +884 713 3 876858914 +884 921 5 876859277 +884 923 3 876859109 +884 949 2 876860604 +884 1018 2 876860514 +884 1073 4 876859138 +885 7 3 885715889 +885 25 4 885713017 +885 29 1 885714487 +885 50 3 885712252 +885 69 4 885714201 +885 72 1 885713631 +885 82 4 885715907 +885 94 2 885713833 +885 99 4 885714858 +885 100 3 885712944 +885 111 4 885712996 +885 117 4 885715643 +885 135 2 885714159 +885 142 2 885716369 +885 143 4 885716344 +885 153 2 885713357 +885 161 4 885715827 +885 167 3 885713807 +885 169 5 885714820 +885 172 3 885715888 +885 174 5 885715780 +885 179 1 885714226 +885 181 3 885712280 +885 188 3 885715946 +885 204 4 885713294 +885 209 2 885713502 +885 213 3 885715221 +885 216 3 885715221 +885 225 3 885716242 +885 245 2 885712224 +885 274 5 885712996 +885 290 1 885712921 +885 300 4 885712224 +885 338 3 885712224 +885 365 3 885714431 +885 393 3 885713680 +885 417 3 885716369 +885 420 4 885714858 +885 423 4 885714136 +885 476 4 885713062 +885 523 3 885713357 +885 538 4 885712224 +885 549 3 885714409 +885 568 4 885715889 +885 582 2 885714487 +885 584 3 885716328 +885 625 3 885714858 +885 655 3 885713294 +885 662 3 885714362 +885 685 3 885715671 +885 735 3 885714764 +885 739 4 885715241 +885 756 2 885713101 +885 815 4 885715169 +885 953 3 885714531 +885 1030 1 885713975 +885 1061 2 885713138 +885 1221 3 885714362 +886 2 4 876033368 +886 9 5 876032274 +886 10 3 876032030 +886 11 5 876031365 +886 12 5 876031279 +886 15 3 876031869 +886 23 4 876031365 +886 24 4 876031973 +886 26 4 876032929 +886 28 4 876031413 +886 29 1 876033576 +886 33 4 876033088 +886 42 5 876032248 +886 47 4 876031601 +886 48 4 876031526 +886 49 4 876032187 +886 50 5 876031501 +886 53 1 876032422 +886 55 4 876031622 +886 56 4 876031365 +886 58 4 876032331 +886 63 3 876033015 +886 64 5 876031573 +886 65 3 876031870 +886 69 2 876031932 +886 79 5 876032884 +886 81 4 876032531 +886 87 4 876032473 +886 89 4 876031720 +886 92 3 876031481 +886 94 4 876033200 +886 95 5 876032531 +886 100 4 876032187 +886 101 4 876032103 +886 117 2 876033624 +886 127 4 876032472 +886 128 4 876031551 +886 132 3 876032399 +886 144 4 876032509 +886 153 3 876031279 +886 156 4 876031413 +886 159 2 876031695 +886 164 4 876033053 +886 168 4 876031573 +886 174 5 876032739 +886 176 4 876032143 +886 177 4 876031973 +886 178 5 876031829 +886 180 5 876031392 +886 181 5 876031392 +886 183 5 876033088 +886 184 4 876031309 +886 188 4 876031365 +886 191 5 876031309 +886 194 3 876031365 +886 195 4 876032030 +886 196 3 876031365 +886 201 3 876031695 +886 202 3 876032509 +886 204 3 876031932 +886 209 4 876031850 +886 212 2 876031897 +886 214 3 876032072 +886 216 5 876031695 +886 217 2 876032776 +886 228 4 876031601 +886 234 3 876031932 +886 265 4 876032553 +886 268 5 876031109 +886 282 3 876032378 +886 328 3 876031173 +886 364 3 876034006 +886 367 4 876031622 +886 381 2 876032308 +886 385 3 876033293 +886 396 2 876032739 +886 399 3 876034041 +886 403 4 876031765 +886 405 3 876033434 +886 410 4 876031459 +886 423 3 876032422 +886 433 2 876032165 +886 435 3 876031459 +886 449 3 876033784 +886 466 1 876032577 +886 467 4 876032577 +886 496 4 876031952 +886 512 1 876031526 +886 544 4 876031850 +886 546 1 876031550 +886 550 4 876034228 +886 559 2 876033265 +886 566 3 876033461 +886 568 3 876032973 +886 578 4 876034205 +886 581 4 876032103 +886 584 4 876031993 +886 591 3 876031765 +886 628 3 876031695 +886 631 4 876033645 +886 655 4 876032973 +886 659 4 876033731 +886 685 2 876032378 +886 686 4 876033228 +886 692 3 876032225 +886 693 4 876033897 +886 709 3 876032473 +886 710 4 876031601 +886 721 5 876033460 +886 726 1 876033340 +886 733 4 876032776 +886 761 4 876033368 +886 762 5 876033228 +886 772 1 876031973 +886 783 1 876033784 +886 799 1 876032973 +886 833 5 876033460 +886 919 4 876031869 +886 940 2 876034255 +886 943 3 876032248 +886 959 3 876032473 +886 1010 5 876032103 +886 1014 5 876034371 +886 1019 4 876031695 +886 1065 4 876033731 +886 1067 5 876032509 +886 1093 1 876032654 +886 1119 4 876032553 +886 1217 4 876033602 +886 1228 2 876034228 +886 1267 3 876032072 +886 1421 2 876034174 +886 1467 5 876033987 +886 1489 1 876034074 +887 7 4 881377812 +887 9 2 881378118 +887 13 1 881378928 +887 22 5 881379566 +887 25 2 881378537 +887 50 5 881377758 +887 56 5 881381382 +887 65 5 881381679 +887 71 5 881380996 +887 90 5 881381071 +887 95 4 881379718 +887 98 3 881379345 +887 100 2 881377854 +887 105 3 881379009 +887 109 5 881378289 +887 115 5 881380218 +887 118 5 881378289 +887 121 5 881378370 +887 122 5 881379239 +887 125 5 881377933 +887 127 3 881377854 +887 128 5 881380218 +887 132 4 881380218 +887 142 1 881381207 +887 143 5 881379781 +887 151 5 881378325 +887 164 4 881380139 +887 168 4 881380067 +887 172 5 881379718 +887 180 4 881380177 +887 195 4 881380438 +887 202 5 881379346 +887 204 5 881380067 +887 218 5 881381471 +887 222 3 881378153 +887 225 4 881379094 +887 228 4 881380709 +887 240 5 881378972 +887 243 1 881378370 +887 257 5 881377854 +887 274 1 881378478 +887 284 4 881378669 +887 288 4 881378040 +887 289 5 881380623 +887 305 5 881377532 +887 368 5 881381679 +887 378 5 881381207 +887 385 4 881380502 +887 393 4 881381114 +887 404 4 881381071 +887 405 5 881378439 +887 409 4 881378971 +887 412 5 881379188 +887 419 2 881379748 +887 420 5 881381425 +887 427 5 881379718 +887 432 5 881379988 +887 443 4 881380883 +887 455 5 881378620 +887 465 5 881381307 +887 470 3 881380773 +887 471 3 881377972 +887 476 1 881379059 +887 491 2 881379566 +887 496 4 881379685 +887 501 4 881380884 +887 548 1 881381555 +887 559 4 881381555 +887 562 5 881381071 +887 568 2 881379566 +887 578 4 881381610 +887 588 4 881380298 +887 596 5 881378118 +887 597 5 881378325 +887 609 4 881381207 +887 655 1 881379609 +887 673 5 881381382 +887 720 5 881380813 +887 755 5 881381425 +887 756 5 881379094 +887 845 4 881378087 +887 928 5 881378620 +887 929 1 881379059 +887 932 2 881379009 +887 1013 4 881379295 +887 1028 5 881379059 +887 1029 5 881381740 +887 1047 5 881378773 +887 1060 5 881378570 +887 1063 1 881380404 +887 1084 5 881377893 +887 1120 5 881378439 +887 1239 3 881381679 +887 1279 3 881378402 +887 1283 5 881378896 +887 1383 4 881379239 +887 1496 4 881380996 +888 100 4 879365004 +888 111 4 879365072 +888 153 4 879365154 +888 191 5 879365004 +888 202 4 879365072 +888 237 5 879365449 +888 274 4 879365497 +888 280 3 879365475 +888 631 4 879365224 +888 644 4 879365054 +889 1 3 880177104 +889 2 3 880182460 +889 3 4 880177664 +889 8 3 880179757 +889 9 4 880176896 +889 13 4 880177179 +889 23 3 880179785 +889 26 4 880178748 +889 28 4 880181995 +889 31 3 880178449 +889 32 4 880180376 +889 33 5 880180817 +889 42 5 880180191 +889 54 3 880182815 +889 59 4 880177906 +889 60 3 880181275 +889 69 3 880179785 +889 77 3 880182359 +889 82 4 880180122 +889 83 4 880180817 +889 85 3 880181976 +889 86 4 880180191 +889 87 4 880178367 +889 91 4 880180784 +889 92 3 880177970 +889 96 4 880181015 +889 98 4 880177857 +889 100 4 880176845 +889 124 4 880177050 +889 125 4 880177435 +889 128 5 880180897 +889 132 4 880181910 +889 135 2 880180101 +889 147 3 880176926 +889 156 5 880178204 +889 159 3 880182295 +889 161 4 880180897 +889 164 4 880179757 +889 165 3 880178131 +889 169 5 880177906 +889 174 4 880178183 +889 177 4 880178183 +889 179 3 880179705 +889 181 4 880177131 +889 182 4 880179586 +889 188 5 880181317 +889 192 3 880178204 +889 193 4 880180191 +889 195 4 880178204 +889 199 5 880181138 +889 203 2 880181275 +889 208 4 880181275 +889 209 2 880178019 +889 210 4 880178342 +889 216 4 880180191 +889 219 2 880178131 +889 231 3 880182444 +889 234 4 880177857 +889 237 4 880176874 +889 239 4 880180554 +889 250 4 880177179 +889 257 4 880176845 +889 258 4 880176550 +889 265 4 880180816 +889 268 4 880176620 +889 269 4 880176518 +889 276 4 880177104 +889 279 2 880177104 +889 282 4 880177246 +889 290 2 880181601 +889 291 3 880182815 +889 294 3 880176686 +889 297 3 880176845 +889 298 4 880177016 +889 303 3 880176550 +889 318 4 880180265 +889 322 3 880176717 +889 338 1 880176666 +889 357 4 880177906 +889 385 3 880180376 +889 405 2 880177567 +889 408 3 880176960 +889 411 2 880177541 +889 423 4 880177941 +889 427 4 880177880 +889 428 4 880179536 +889 431 4 880179725 +889 433 4 880180612 +889 436 3 880181275 +889 469 4 880180414 +889 471 3 880176926 +889 473 4 880177503 +889 474 4 880177941 +889 480 5 880178019 +889 482 4 880178367 +889 483 4 880178183 +889 484 4 880178313 +889 493 3 880178313 +889 509 2 880180650 +889 513 4 880178748 +889 514 1 880178158 +889 519 4 880179757 +889 523 4 880178078 +889 524 4 880180650 +889 533 3 880177352 +889 540 2 880182317 +889 544 3 880177104 +889 550 3 880181434 +889 554 4 880181976 +889 562 3 880181911 +889 575 3 880182850 +889 603 4 880180122 +889 604 3 880178342 +889 607 4 880179868 +889 615 3 880180707 +889 627 2 880181646 +889 631 3 880178449 +889 642 3 880181455 +889 646 3 880177970 +889 647 2 880181191 +889 651 4 880177906 +889 657 4 880177941 +889 658 4 880181086 +889 663 3 880180554 +889 684 2 880180376 +889 686 3 880180612 +889 687 2 880177797 +889 695 3 880179586 +889 700 3 880182295 +889 705 4 880178287 +889 718 4 880176807 +889 731 2 880181191 +889 732 2 880179612 +889 737 3 880181515 +889 739 3 880182517 +889 741 4 880177131 +889 742 3 880177219 +889 746 4 880179893 +889 763 4 880177502 +889 789 2 880179508 +889 831 2 880177387 +889 833 3 880177472 +889 847 4 880176926 +889 869 3 880182428 +889 881 3 880176717 +889 919 5 880177050 +889 943 3 880178512 +889 944 3 880182173 +889 947 4 880181225 +889 949 3 880181646 +889 955 3 880179536 +889 959 3 880182103 +889 980 4 880178748 +889 1016 3 880177070 +889 1022 4 880176667 +889 1048 3 880177435 +889 1065 4 880180817 +889 1069 1 880182127 +889 1097 3 880176984 +889 1110 3 880182943 +889 1139 1 880182582 +889 1142 4 880176926 +889 1152 3 880177778 +889 1153 4 880181935 +889 1194 4 880180817 +889 1239 1 880182815 +889 1428 3 880179757 +889 1487 3 880182871 +889 1553 3 880180979 +890 1 4 882402975 +890 7 4 882402739 +890 23 5 882403221 +890 50 5 882405807 +890 69 4 882403446 +890 97 4 882402774 +890 102 3 882574982 +890 121 2 882915661 +890 127 5 882402949 +890 132 5 882403045 +890 133 5 882402518 +890 136 5 882403045 +890 151 5 882916941 +890 152 4 882403299 +890 157 4 882916239 +890 162 4 882403007 +890 167 2 883010326 +890 173 4 882575167 +890 176 4 882404851 +890 179 5 882403299 +890 185 5 882402301 +890 186 2 882916276 +890 187 5 882403221 +890 190 4 882403587 +890 194 5 882402774 +890 195 5 882403045 +890 200 4 882402633 +890 205 5 882405473 +890 208 5 882403007 +890 210 4 882403587 +890 229 2 882405059 +890 234 5 882404484 +890 265 2 882405059 +890 286 5 882402181 +890 313 5 882914803 +890 357 5 882403299 +890 385 4 882574402 +890 404 4 882915696 +890 429 4 882403045 +890 434 4 882403587 +890 436 3 882402949 +890 444 4 882404610 +890 447 3 882404541 +890 448 2 882915661 +890 451 2 882575274 +890 452 2 882404723 +890 474 5 882403587 +890 480 5 882403477 +890 483 5 882402477 +890 484 3 882915942 +890 496 5 882916460 +890 501 4 882403085 +890 514 5 882402478 +890 520 4 882403643 +890 521 5 882916429 +890 523 4 882403299 +890 530 4 882405780 +890 589 5 882403221 +890 603 5 882404851 +890 604 5 882403299 +890 657 5 882403379 +890 663 4 882402949 +890 667 2 882404652 +890 671 5 882404571 +890 674 3 882404610 +890 675 5 882404541 +891 100 5 891638433 +891 107 5 883490041 +891 111 3 891639737 +891 116 3 891639552 +891 118 4 883490041 +891 121 4 883490041 +891 126 5 891638601 +891 127 4 883431353 +891 148 5 891639793 +891 181 3 891638601 +891 274 5 883429853 +891 323 3 883489806 +891 405 3 883489646 +891 409 4 883490041 +891 476 5 883489605 +891 595 3 883489668 +891 597 3 883489324 +891 740 5 891639497 +891 742 4 891639497 +891 756 4 883429918 +891 866 5 883489497 +891 924 5 891639737 +891 978 4 883489282 +891 1040 3 883489783 +891 1278 5 883489709 +892 1 5 886608185 +892 2 4 886609006 +892 7 4 886608473 +892 8 5 886607879 +892 15 4 886608237 +892 22 5 886608714 +892 27 4 886610682 +892 28 4 886607845 +892 29 2 886610565 +892 31 4 886608643 +892 49 4 886610173 +892 56 4 886607957 +892 58 4 886609469 +892 62 4 886610011 +892 64 4 886608347 +892 67 4 886610480 +892 68 4 886611162 +892 69 5 886610048 +892 70 4 886608802 +892 72 4 886609939 +892 79 5 886609622 +892 81 3 886608473 +892 82 3 886609149 +892 90 2 886610078 +892 96 4 886608977 +892 98 5 886607912 +892 99 3 886610996 +892 117 4 886611161 +892 121 4 886609829 +892 125 4 886610588 +892 129 3 886608897 +892 131 4 886610451 +892 133 3 886609149 +892 135 5 886608643 +892 136 4 886609365 +892 150 5 886608136 +892 155 2 886609435 +892 157 5 886609029 +892 159 4 886609977 +892 162 4 886609390 +892 168 4 886607778 +892 175 4 886608559 +892 180 5 886609622 +892 181 4 886608212 +892 183 5 886608681 +892 184 4 886609726 +892 186 3 886608643 +892 188 5 886608185 +892 192 5 886608473 +892 194 4 886608423 +892 195 5 886607710 +892 196 4 886609622 +892 202 4 886608135 +892 204 4 886608714 +892 208 4 886609029 +892 210 4 886608507 +892 213 3 886608942 +892 215 4 886608743 +892 216 5 886609028 +892 222 4 886608094 +892 227 4 886609520 +892 228 3 886608095 +892 233 5 886610049 +892 238 4 886608296 +892 239 4 886609829 +892 274 4 886610451 +892 276 4 886608559 +892 288 4 886610626 +892 300 4 886607521 +892 318 5 886607641 +892 357 5 886607568 +892 367 4 886610588 +892 378 4 886610137 +892 380 4 886609180 +892 401 3 886609264 +892 405 4 886609977 +892 417 3 886610588 +892 418 4 886610996 +892 419 3 886609520 +892 420 2 886610267 +892 422 1 886610996 +892 425 5 886608977 +892 430 5 886608296 +892 431 4 886607957 +892 435 4 886609149 +892 436 3 886610201 +892 447 3 886610174 +892 449 2 886610565 +892 465 4 886609295 +892 470 4 886609977 +892 473 3 886611023 +892 477 4 886609551 +892 478 5 886608616 +892 479 5 886608616 +892 480 4 886607844 +892 482 5 886608136 +892 483 5 886607642 +892 484 5 886607568 +892 487 5 886609295 +892 495 4 886609218 +892 497 4 886608347 +892 511 5 886608296 +892 515 5 886608380 +892 516 5 886608263 +892 521 5 886608263 +892 523 5 886607711 +892 525 5 886607957 +892 526 4 886608771 +892 542 1 886611023 +892 566 4 886610318 +892 568 4 886610451 +892 576 4 886610840 +892 582 3 886608559 +892 601 5 886609149 +892 612 5 886609551 +892 613 5 886608714 +892 625 3 886610565 +892 631 4 886609726 +892 633 4 886609551 +892 636 4 886609884 +892 641 5 886607845 +892 659 4 886608681 +892 663 5 886609330 +892 679 3 886610049 +892 684 5 886608743 +892 692 4 886608296 +892 705 4 886607912 +892 739 4 886609469 +892 755 4 886610048 +892 760 3 886609330 +892 763 2 886609726 +892 765 2 886610840 +892 768 4 886609977 +892 797 4 886610372 +892 825 4 886610682 +892 826 2 886610523 +892 837 5 886608743 +892 951 4 886610649 +892 969 4 886608380 +892 1035 3 886608643 +892 1078 3 886610566 +892 1091 2 886611079 +892 1118 3 886609939 +892 1124 4 886608423 +892 1269 5 886607958 +892 1285 4 886609435 +892 1444 3 886610267 +893 11 4 874829753 +893 24 4 874828649 +893 50 5 874829883 +893 69 5 874827818 +893 96 4 874830314 +893 118 4 874828864 +893 121 4 874830313 +893 125 3 874828864 +893 151 4 874829427 +893 161 5 874830122 +893 220 3 874829187 +893 235 3 874829035 +893 258 3 874827508 +893 260 2 874828296 +893 286 4 874828384 +893 288 3 874827526 +893 290 3 874829161 +893 298 4 874827623 +893 323 2 874827595 +893 358 2 874828296 +893 476 3 874828772 +893 531 4 874830160 +893 597 4 874829230 +893 759 3 874830137 +893 771 3 874830424 +893 781 3 874828569 +893 815 3 874830372 +893 819 3 874829355 +893 820 3 874829161 +893 845 3 874828772 +893 928 3 874829129 +893 976 1 874828981 +893 1012 3 874828163 +894 1 4 880416286 +894 7 4 880993632 +894 9 4 880416039 +894 10 4 880416381 +894 16 3 880993614 +894 19 4 879897100 +894 20 5 881625708 +894 25 2 880416137 +894 26 4 882404460 +894 30 4 882404250 +894 32 4 882404137 +894 50 4 880416008 +894 52 4 882404507 +894 57 4 882404397 +894 60 5 882404363 +894 61 4 882404572 +894 70 3 882404536 +894 93 4 880416219 +894 100 4 882404137 +894 109 1 880416219 +894 113 4 882404484 +894 116 4 880416473 +894 117 3 880416219 +894 124 5 881625708 +894 125 3 885428261 +894 126 3 880416381 +894 137 5 880416340 +894 148 3 880416137 +894 165 4 882404329 +894 166 4 882404306 +894 171 3 882404595 +894 179 5 882404485 +894 190 5 879897100 +894 198 4 882404460 +894 212 5 882404572 +894 213 4 882404278 +894 236 4 880416177 +894 237 4 880416176 +894 242 4 879896041 +894 248 4 879896836 +894 250 4 879896898 +894 260 2 879896268 +894 262 4 879896141 +894 268 3 879896041 +894 270 3 879896141 +894 271 2 880993335 +894 272 4 885427952 +894 276 5 880416314 +894 277 4 880416341 +894 278 4 880416419 +894 279 4 880993709 +894 280 3 880993709 +894 284 3 880416220 +894 286 5 879896756 +894 287 4 880993766 +894 289 2 879896109 +894 290 2 880416285 +894 292 4 879896168 +894 293 4 881625708 +894 295 3 879896704 +894 298 3 879896673 +894 300 4 879896466 +894 303 4 879896756 +894 305 4 880415834 +894 312 3 883518949 +894 313 4 883518874 +894 315 4 885428012 +894 316 4 888280105 +894 318 5 879897168 +894 322 3 879896267 +894 330 3 880415951 +894 331 4 881625708 +894 334 3 879896200 +894 339 4 880415854 +894 340 4 879896756 +894 345 4 884036815 +894 347 4 885427952 +894 350 3 886027788 +894 462 4 882404278 +894 463 4 882404430 +894 472 3 880993730 +894 508 3 880993490 +894 509 4 882404278 +894 512 5 879897489 +894 529 4 881625708 +894 531 3 882404363 +894 534 4 879896704 +894 536 5 879896756 +894 591 4 880416137 +894 595 3 880993632 +894 628 3 880416102 +894 639 5 882404430 +894 676 3 880416315 +894 678 3 879896268 +894 689 3 880993390 +894 698 4 882404669 +894 702 4 882404768 +894 707 4 882404250 +894 718 3 885428386 +894 736 4 882404572 +894 750 4 883518875 +894 754 4 880993317 +894 818 3 880416340 +894 827 3 880993766 +894 874 4 879982788 +894 875 3 880415952 +894 879 4 879896141 +894 883 3 880415885 +894 887 4 880993374 +894 902 3 890409704 +894 903 4 888280029 +894 905 3 887044109 +894 922 4 882404137 +894 933 3 880416472 +894 935 3 879896815 +894 936 4 879896836 +894 960 5 882404572 +894 961 4 882404642 +894 971 3 882404460 +894 978 3 880416176 +894 990 3 879896268 +894 1005 5 882404669 +894 1007 3 880416072 +894 1009 4 880993709 +894 1023 3 879896898 +894 1038 3 880415855 +894 1089 2 885428261 +894 1115 4 882404430 +894 1150 4 882404137 +894 1153 3 882404642 +894 1194 5 879897235 +894 1255 4 879896949 +894 1258 3 879896949 +894 1281 3 885428159 +894 1295 3 879896268 +894 1403 3 882404641 +894 1404 3 882404536 +894 1592 4 889469391 +895 1 4 879437950 +895 100 4 879437997 +895 117 3 879438082 +895 151 5 879438101 +895 222 3 879437965 +895 275 5 879438011 +895 283 4 879438028 +895 294 4 879437727 +895 328 4 879437748 +895 742 4 879438123 +895 748 3 879437712 +895 885 2 879437868 +895 988 3 879437845 +895 1014 3 879438082 +896 2 3 887160000 +896 4 3 887159173 +896 7 4 887159145 +896 9 4 887158266 +896 11 2 887158333 +896 19 2 887159211 +896 23 2 887159145 +896 24 4 887159344 +896 28 2 887158738 +896 29 2 887160916 +896 33 2 887160209 +896 42 4 887160000 +896 43 3 887161171 +896 51 2 887159951 +896 53 1 887235026 +896 54 2 887160606 +896 58 3 887159531 +896 62 2 887161488 +896 68 3 887160313 +896 69 5 887158768 +896 71 5 887158927 +896 73 3 887159368 +896 77 4 887160270 +896 79 5 887158384 +896 80 2 887160938 +896 83 5 887159554 +896 85 3 887160427 +896 88 5 887159426 +896 91 2 887159369 +896 92 1 887160296 +896 96 5 887158635 +896 100 3 887158294 +896 101 3 887160070 +896 117 2 887159173 +896 124 4 887158830 +896 127 5 887158578 +896 128 4 887159321 +896 129 4 887159531 +896 139 2 887161033 +896 143 4 887158901 +896 145 1 887161413 +896 147 2 887159464 +896 148 2 887160606 +896 153 4 887158165 +896 154 3 887159212 +896 160 3 887160247 +896 164 4 887159321 +896 172 5 887158555 +896 173 5 887158683 +896 176 5 887235690 +896 179 2 887159630 +896 180 5 887158660 +896 181 5 887158829 +896 183 4 887235690 +896 184 3 887159578 +896 188 3 887159011 +896 190 5 887159530 +896 195 4 887159578 +896 199 3 887158005 +896 202 2 887159464 +896 203 5 887158713 +896 204 4 887157947 +896 206 3 887159368 +896 210 4 887158332 +896 211 4 887159554 +896 219 3 887160500 +896 225 1 887161518 +896 229 4 887160399 +896 231 1 887160771 +896 234 4 887157925 +896 235 1 887161198 +896 237 5 887158714 +896 239 4 887158165 +896 241 5 887158791 +896 245 4 887235265 +896 248 4 887235249 +896 250 3 887235144 +896 257 4 887235105 +896 258 5 887157258 +896 260 2 887157732 +896 265 4 887158604 +896 274 2 887158865 +896 282 2 887158555 +896 284 4 887159972 +896 288 3 887235788 +896 300 2 887157234 +896 307 3 887157636 +896 313 4 887235122 +896 317 4 887159069 +896 320 3 887159530 +896 328 1 887235731 +896 371 2 887159723 +896 379 2 887159805 +896 380 2 887159748 +896 386 3 887161172 +896 387 2 887159368 +896 392 3 887160187 +896 393 3 887159464 +896 399 1 887161151 +896 402 4 887159173 +896 420 4 887158739 +896 422 3 887159972 +896 425 2 887159110 +896 426 2 887160722 +896 427 4 887158384 +896 430 3 887159234 +896 435 4 887158579 +896 450 1 887161728 +896 455 2 887159723 +896 461 3 887159069 +896 468 2 887158866 +896 470 2 887159531 +896 473 2 887161393 +896 478 5 887158739 +896 480 3 887158185 +896 482 3 887158359 +896 483 3 887158333 +896 484 4 887159302 +896 489 5 887159674 +896 493 5 887157978 +896 496 4 887158029 +896 511 5 887158830 +896 527 4 887159723 +896 550 2 887160880 +896 554 2 887161199 +896 557 3 887160426 +896 559 3 887160187 +896 566 4 887159805 +896 570 2 887161198 +896 575 2 887161469 +896 578 2 887160653 +896 582 2 887160040 +896 587 3 887159603 +896 588 5 887158265 +896 591 3 887160702 +896 616 3 887160653 +896 632 2 887159261 +896 636 3 887159464 +896 637 2 887160041 +896 642 2 887160702 +896 647 3 887159502 +896 651 4 887158958 +896 654 3 887159895 +896 655 4 887159109 +896 658 4 887159895 +896 660 5 887159872 +896 661 4 887158384 +896 662 3 887160529 +896 665 1 887235690 +896 679 3 887160813 +896 692 4 887159173 +896 705 5 887158768 +896 709 3 887158866 +896 710 4 887159657 +896 715 3 887159895 +896 719 1 887235026 +896 720 1 887235026 +896 730 4 887158294 +896 735 3 887159262 +896 742 1 887159464 +896 746 3 887159658 +896 751 4 887235605 +896 760 2 887235788 +896 763 2 887161199 +896 774 3 887159973 +896 800 3 887161448 +896 801 2 887161564 +896 802 2 887161172 +896 809 2 887160771 +896 810 1 887160958 +896 820 2 887159926 +896 836 3 887158635 +896 845 3 887159531 +896 887 2 887235769 +896 895 2 887235788 +896 928 3 887161033 +896 952 4 887159012 +896 966 4 887159531 +896 1004 2 887161542 +896 1011 2 887160296 +896 1028 2 887160554 +896 1042 2 887161151 +896 1045 3 887159012 +896 1046 2 887160583 +896 1098 3 887159146 +896 1112 3 887161393 +896 1119 3 887160040 +896 1194 3 887158604 +896 1208 3 887160339 +896 1214 2 887159302 +896 1220 1 887161033 +896 1222 2 887161393 +896 1231 1 887160880 +896 1240 4 887159012 +896 1249 2 887161518 +896 1267 2 887160165 +896 1303 4 887161518 +896 1351 2 887160399 +896 1471 1 887235026 +896 1622 2 887160296 +896 1681 3 887160722 +897 11 2 879990744 +897 23 3 879990683 +897 25 2 879993346 +897 28 4 879990779 +897 40 3 879990361 +897 65 4 879992811 +897 76 4 879992811 +897 77 4 879990877 +897 79 5 879994113 +897 88 4 879991283 +897 89 4 879990683 +897 95 3 879990586 +897 96 5 879990430 +897 98 5 879990361 +897 99 5 879994113 +897 117 3 879993210 +897 118 5 879993275 +897 120 3 879993886 +897 121 5 879993376 +897 125 4 879993314 +897 135 3 879990843 +897 140 3 879991403 +897 141 4 879991403 +897 168 3 879991341 +897 173 3 879990779 +897 174 5 879990587 +897 176 5 879990492 +897 179 3 879991069 +897 180 5 879991007 +897 181 3 879990622 +897 184 4 879991226 +897 185 5 879991137 +897 187 5 879990622 +897 188 5 879991493 +897 196 3 879991258 +897 201 5 879990556 +897 203 4 879990813 +897 208 5 879991037 +897 210 5 879991007 +897 211 5 879991186 +897 215 4 879990683 +897 230 4 879991607 +897 232 5 879994113 +897 235 3 879993519 +897 239 2 879992310 +897 243 4 879988868 +897 273 3 879993164 +897 281 4 879993553 +897 288 5 879988800 +897 290 4 879993457 +897 294 3 879988800 +897 323 4 879988868 +897 368 1 879993886 +897 369 4 879993713 +897 371 2 879991007 +897 378 5 879991137 +897 402 5 879991069 +897 404 4 879991186 +897 405 5 879993042 +897 406 3 879993577 +897 411 5 879993797 +897 416 5 879991186 +897 418 4 879991282 +897 423 5 879994113 +897 433 4 879991434 +897 436 4 879991037 +897 443 5 879991666 +897 470 4 879991493 +897 479 4 879991566 +897 483 3 879991921 +897 496 5 879994113 +897 498 5 879990683 +897 501 5 879991566 +897 506 4 879991524 +897 510 3 879990531 +897 521 5 879990877 +897 523 5 879991186 +897 526 5 879990813 +897 528 3 879991933 +897 530 3 879990531 +897 546 4 879993489 +897 550 3 879990923 +897 609 5 879991105 +897 633 5 879991007 +897 646 5 879994113 +897 649 3 879992004 +897 651 3 879990587 +897 670 3 879991258 +897 673 5 879990744 +897 684 2 879991524 +897 699 4 879990973 +897 705 3 879991226 +897 708 2 879991226 +897 717 1 879993912 +897 760 5 879993609 +897 763 3 879993404 +897 826 4 879993578 +897 849 4 879990877 +897 864 4 879993772 +897 866 5 879993797 +897 925 5 879993739 +897 974 4 879993553 +897 1028 4 879993621 +897 1033 4 879993713 +897 1051 3 879993772 +897 1219 4 879991137 +897 1531 4 879991933 +898 243 1 888294707 +898 258 3 888294407 +898 271 3 888294567 +898 272 4 888294375 +898 302 4 888294567 +898 309 5 888294805 +898 310 4 888294441 +898 312 2 888294707 +898 313 4 888294375 +898 315 5 888294375 +898 316 5 888294739 +898 327 5 888294529 +898 328 2 888294567 +898 334 3 888294739 +898 343 3 888294805 +898 347 3 888294485 +898 358 4 888294739 +898 539 3 888294441 +898 689 3 888294842 +898 1296 4 888294942 +899 1 3 884120105 +899 8 4 884121572 +899 28 5 884121214 +899 29 2 884122844 +899 48 4 884122044 +899 64 4 884121647 +899 66 4 884122087 +899 71 4 884121424 +899 89 4 884121647 +899 96 4 884121125 +899 98 4 884121572 +899 111 4 884120105 +899 117 4 884119830 +899 121 5 884120164 +899 125 3 884120185 +899 133 3 884122308 +899 144 3 884121173 +899 147 2 884120106 +899 151 2 884122367 +899 153 5 884122331 +899 161 4 884122367 +899 173 3 884121089 +899 174 5 884121125 +899 177 3 884122367 +899 179 2 884121267 +899 180 3 884121308 +899 181 3 884119877 +899 190 4 884121051 +899 194 5 884121125 +899 195 4 884121884 +899 200 4 884122674 +899 202 4 884122419 +899 203 4 884121513 +899 213 4 884122698 +899 214 4 884122044 +899 222 4 884119910 +899 229 2 884122254 +899 234 4 884122674 +899 237 4 884120026 +899 255 4 884120149 +899 258 5 884119973 +899 291 4 884122279 +899 318 4 884121512 +899 356 2 884122087 +899 357 4 884121342 +899 403 3 884122844 +899 414 2 884122228 +899 423 4 884121214 +899 427 5 884121267 +899 431 1 884122645 +899 433 4 884122178 +899 455 3 884119910 +899 470 4 884122016 +899 498 4 884121767 +899 499 3 884122308 +899 515 3 884121945 +899 518 4 884121379 +899 546 2 884120317 +899 566 3 884122535 +899 568 4 884121720 +899 588 3 884122155 +899 597 2 884120270 +899 603 4 884121379 +899 663 4 884122719 +899 684 3 884122501 +899 717 1 884120967 +899 724 5 884122776 +899 732 3 884122776 +899 740 5 884120077 +899 742 4 884119830 +899 748 4 884120232 +899 827 2 884120388 +899 1101 5 884122112 +900 9 2 877832868 +900 31 2 877833995 +900 100 4 877832904 +900 117 2 877833029 +900 129 4 877833080 +900 136 2 877833712 +900 205 4 877833712 +900 237 4 877832803 +900 405 3 877833364 +900 410 2 877833326 +900 478 2 877833923 +900 483 4 877833924 +900 602 1 877834025 +900 654 2 877833924 +900 661 4 877833747 +900 696 2 877833195 +900 744 2 877833195 +900 864 2 877833000 +900 871 1 877833443 +900 1132 1 877833364 +900 1298 2 877833923 +901 1 5 877129870 +901 15 5 877130439 +901 20 1 877130406 +901 28 5 877131624 +901 38 3 877131087 +901 50 4 877126576 +901 58 4 877132091 +901 63 5 877131307 +901 66 5 877131307 +901 69 5 877132346 +901 73 5 877131416 +901 82 5 877131624 +901 88 5 877132604 +901 91 1 877131817 +901 94 4 877131738 +901 95 4 877131685 +901 117 4 877127196 +901 118 3 877127250 +901 121 4 877127219 +901 142 4 877131739 +901 151 3 877129870 +901 155 5 877132671 +901 172 5 877131205 +901 180 2 877289290 +901 194 5 877131342 +901 195 5 877131118 +901 204 5 877131307 +901 210 4 877130999 +901 211 4 877131342 +901 216 4 877132578 +901 222 4 877126648 +901 230 5 877131087 +901 235 3 877126963 +901 237 3 877126757 +901 243 2 877129839 +901 252 3 877127250 +901 259 2 877129839 +901 294 3 877125532 +901 321 1 877129839 +901 322 4 877125575 +901 378 5 877131654 +901 391 5 877131205 +901 393 5 877131738 +901 402 4 877132632 +901 403 2 877131086 +901 409 3 877129911 +901 423 4 877131685 +901 429 5 877132301 +901 430 3 877131416 +901 435 5 877131342 +901 436 4 877131961 +901 447 3 877132015 +901 451 4 877132604 +901 477 3 877127021 +901 560 3 877131624 +901 636 2 877131147 +901 662 4 877132632 +901 688 2 877129839 +901 728 4 877132632 +901 732 5 877132578 +901 739 5 877132671 +901 756 4 877126935 +901 768 3 877131793 +901 795 3 877131738 +901 826 2 877129839 +901 864 5 877289441 +901 866 3 877126963 +901 932 4 877127021 +901 1035 4 877131793 +901 1041 5 877131443 +901 1047 3 877131391 +901 1120 4 877127021 +901 1389 5 877127052 +901 1605 5 877127052 +901 1643 5 877130473 +902 1 5 879465583 +902 8 5 879465765 +902 79 5 879465952 +902 87 4 879465834 +902 95 4 879465834 +902 127 3 879464726 +902 144 5 879465894 +902 172 4 879465522 +902 187 3 879465834 +902 191 5 879465583 +902 204 3 879465952 +902 228 3 879465834 +902 246 1 879465073 +902 257 3 879464964 +902 268 1 879463373 +902 271 2 879463433 +902 275 4 879465894 +902 289 3 879463433 +902 301 2 879463373 +902 302 3 879463109 +902 307 3 879463582 +902 326 3 879463310 +902 328 3 879463212 +902 423 4 879465765 +902 479 4 879465583 +902 497 5 879465894 +902 754 3 879463310 +902 879 4 879463485 +902 989 2 879465336 +902 1016 2 879464783 +903 4 4 891033564 +903 7 2 891031259 +903 9 3 891031309 +903 11 2 891033335 +903 12 5 891033334 +903 13 5 891031632 +903 25 4 891031259 +903 30 5 891466808 +903 46 4 891033123 +903 47 5 891033522 +903 50 5 891031329 +903 52 3 891466551 +903 59 4 891466808 +903 60 4 891033048 +903 61 4 891033302 +903 64 5 891033564 +903 79 4 891033070 +903 81 5 891466376 +903 87 4 891032981 +903 89 4 891032842 +903 106 2 891031883 +903 111 3 891031677 +903 120 2 891032101 +903 121 3 891031487 +903 127 5 891031144 +903 129 3 891031144 +903 147 3 891031178 +903 154 4 891033781 +903 156 5 891466376 +903 157 4 891033430 +903 175 4 891032760 +903 179 5 891466376 +903 180 5 891033585 +903 188 5 891466376 +903 192 5 891033628 +903 196 4 891033781 +903 198 4 891032872 +903 210 4 891033541 +903 211 5 891033808 +903 214 4 891033781 +903 234 4 891033808 +903 238 5 891033502 +903 240 4 891031730 +903 252 3 891031715 +903 272 4 892493587 +903 273 3 891031203 +903 282 4 891031384 +903 293 4 891031226 +903 302 4 891380461 +903 324 4 891031697 +903 346 3 891380391 +903 357 5 891032872 +903 369 4 891032101 +903 405 4 891031678 +903 410 4 891031677 +903 421 3 891380488 +903 427 5 891466376 +903 443 5 891033755 +903 461 3 891033334 +903 475 4 891031144 +903 479 4 891032793 +903 509 4 891033380 +903 520 4 891032911 +903 523 5 891033606 +903 528 4 892760784 +903 544 2 891031470 +903 582 3 891033564 +903 595 2 891031714 +903 628 3 891031384 +903 642 4 891033005 +903 651 5 891032793 +903 655 5 891466376 +903 664 4 891033755 +903 684 3 891033828 +903 693 5 891466376 +903 709 4 891033502 +903 721 4 891380524 +903 763 5 891031450 +903 824 3 891031833 +903 871 3 891031833 +903 928 2 891031749 +903 1009 4 891031906 +903 1048 4 891031906 +903 1067 2 891031412 +903 1098 5 891033606 +903 1142 5 891466376 +903 1381 4 891031864 +904 88 3 879735710 +904 90 2 879735731 +904 111 4 879735641 +904 117 4 879735316 +904 173 3 879735499 +904 181 3 879735362 +904 202 2 879735584 +904 216 4 879735461 +904 237 5 879735551 +904 255 5 879735380 +904 274 5 879735551 +904 275 5 879735461 +904 280 5 879735678 +904 288 4 879735109 +904 402 4 879735679 +904 535 3 879735404 +904 553 3 879735710 +904 603 4 879735843 +904 682 4 879735158 +904 709 3 879735499 +904 724 4 879735616 +904 732 3 879735584 +904 747 4 879735584 +904 762 2 879735617 +904 781 4 879735678 +904 785 5 879735731 +904 794 4 879735710 +904 796 3 879735710 +904 815 4 879735678 +904 1041 2 879735710 +904 1074 4 879735710 +904 1152 4 879735551 +905 100 4 884983888 +905 116 3 884984066 +905 117 3 884984066 +905 129 4 884984009 +905 137 3 884984148 +905 237 3 884983951 +905 273 3 884984148 +905 294 3 884983556 +905 301 4 884983556 +905 302 5 884982870 +905 319 2 884983463 +905 322 3 884983341 +905 345 4 884983089 +905 458 4 884984382 +905 471 4 884983952 +905 508 4 884984066 +905 591 4 884983951 +905 748 2 884983627 +905 751 3 884983034 +905 871 2 884984149 +905 873 3 884983396 +905 879 3 884983627 +905 1051 2 884984329 +906 9 4 879434846 +906 124 4 879435212 +906 129 4 879435469 +906 221 4 879435365 +906 237 4 879435469 +906 240 3 879435758 +906 270 4 879434471 +906 277 3 879435469 +906 283 4 879435524 +906 284 4 879435469 +906 285 5 879434846 +906 286 5 879434335 +906 287 5 879435524 +906 300 3 879434378 +906 405 3 879435551 +906 408 4 879435212 +906 471 3 879435415 +906 473 4 879435598 +906 742 3 879435278 +906 744 4 879435524 +906 823 3 879435664 +906 991 3 879434410 +906 1009 2 879435212 +906 1011 4 879435365 +907 1 5 880158712 +907 5 5 881030348 +907 15 5 880158861 +907 19 5 880158730 +907 25 5 880159113 +907 50 4 880158692 +907 71 5 880159911 +907 79 5 880160008 +907 83 5 880159865 +907 88 5 881030348 +907 96 5 881030348 +907 97 5 880160204 +907 107 5 880158939 +907 111 5 880158883 +907 117 5 880159172 +907 120 4 880159562 +907 121 4 880159015 +907 123 4 880159442 +907 129 5 885862428 +907 143 5 880159982 +907 144 5 880159937 +907 151 4 880159222 +907 172 4 880160008 +907 173 4 880160140 +907 182 5 880159844 +907 185 4 880159801 +907 220 5 880159360 +907 225 5 880159442 +907 235 4 880159222 +907 237 5 880159059 +907 258 4 880158316 +907 260 2 885860511 +907 268 4 885860288 +907 271 5 881030073 +907 272 5 885860093 +907 275 5 880158692 +907 277 5 880158794 +907 278 5 880159016 +907 283 4 880158827 +907 284 5 881030348 +907 286 5 880158316 +907 288 5 880158476 +907 291 5 880158913 +907 294 4 880158502 +907 312 5 885860416 +907 313 5 885860093 +907 322 5 881030348 +907 326 5 880158448 +907 332 5 885862325 +907 356 4 880159937 +907 366 5 885862156 +907 393 5 880160009 +907 402 5 880160037 +907 405 4 880159113 +907 427 5 880159821 +907 462 4 880159666 +907 471 5 880159059 +907 475 3 880158692 +907 476 4 880159134 +907 483 4 880159937 +907 485 5 880160008 +907 496 4 880159666 +907 506 5 881030348 +907 520 5 880159865 +907 553 5 880160056 +907 633 5 881030348 +907 647 3 880159844 +907 686 4 880159778 +907 689 4 885860672 +907 697 5 880159982 +907 699 5 880159619 +907 710 4 880160106 +907 739 5 880159982 +907 742 5 880158939 +907 744 5 880159015 +907 748 5 880158537 +907 762 5 880159496 +907 764 4 880159113 +907 781 5 885862325 +907 815 5 880158913 +907 819 4 880159442 +907 869 5 880160123 +907 924 5 880159240 +907 928 5 880159198 +907 978 5 880159473 +907 988 3 880158612 +907 1016 5 880158939 +907 1028 5 880158913 +907 1040 5 880159496 +907 1047 5 881030348 +907 1048 5 880159404 +907 1051 5 880159530 +907 1054 3 880159598 +907 1157 5 885862211 +907 1163 4 880159015 +907 1167 5 880160106 +907 1220 5 880159642 +907 1221 5 880160080 +907 1244 5 880159381 +907 1284 5 881030348 +907 1326 4 880159512 +908 7 3 879722334 +908 12 3 879722603 +908 28 4 879723073 +908 47 3 879723095 +908 50 4 879722397 +908 79 4 879722850 +908 96 4 879722932 +908 100 4 879722427 +908 123 3 879722822 +908 124 3 879722694 +908 127 4 879722694 +908 144 4 879722850 +908 172 3 879722780 +908 174 3 879722642 +908 183 4 879722427 +908 194 3 879722932 +908 195 4 879722754 +908 205 3 879722901 +908 209 3 879722694 +908 216 3 879723074 +908 223 4 879722953 +908 264 3 879722206 +908 300 3 879722076 +908 318 5 879722717 +908 419 4 879722875 +908 478 4 879723046 +908 481 3 879722754 +908 482 3 879722667 +908 483 4 879722718 +908 494 3 879723046 +908 496 5 879722361 +908 515 4 879722463 +908 525 4 879722300 +908 527 3 879722754 +908 528 4 879722397 +908 558 4 879722667 +908 591 4 879722996 +908 603 4 879722361 +908 631 4 879723128 +908 654 3 879722822 +908 663 3 879723022 +908 709 4 879722490 +908 732 3 879722974 +909 86 5 891920125 +909 170 5 891920276 +909 224 5 891920089 +909 261 5 891919599 +909 294 3 891920763 +909 326 4 891919458 +909 339 4 891919406 +909 382 5 891920327 +909 707 5 891920327 +909 880 4 891919406 +910 1 4 880822060 +910 3 2 881421019 +910 9 4 880821079 +910 12 4 880821718 +910 25 3 880822203 +910 50 5 880822060 +910 56 4 880821656 +910 98 4 881421309 +910 118 3 881420857 +910 121 1 880821492 +910 124 3 880821124 +910 127 5 880822060 +910 134 3 880821676 +910 174 5 880822060 +910 181 1 880821033 +910 183 4 880822060 +910 205 4 880822060 +910 210 4 881421309 +910 222 4 880822060 +910 254 1 881421240 +910 273 3 880821492 +910 284 3 880821969 +910 286 3 883760216 +910 291 1 881421090 +910 298 2 880821124 +910 300 4 881420194 +910 307 2 880821815 +910 310 3 881420170 +910 313 4 884229092 +910 357 4 880821718 +910 405 4 881420841 +910 597 3 881421048 +910 628 1 880821319 +910 684 4 880821696 +910 742 4 880822031 +910 748 3 881420228 +910 831 1 881421142 +910 1025 2 881420507 +911 26 4 892840048 +911 83 4 892839784 +911 87 5 892839056 +911 93 4 892839784 +911 134 4 892838823 +911 142 4 892840950 +911 151 5 892840916 +911 153 5 892839784 +911 154 4 892839492 +911 163 4 892839846 +911 172 4 892838636 +911 173 5 892838677 +911 176 4 892841255 +911 183 4 892839492 +911 186 5 892839929 +911 191 5 892838676 +911 193 4 892839056 +911 194 4 892839929 +911 197 4 892842771 +911 199 3 892839333 +911 208 4 892839970 +911 209 5 892839784 +911 211 3 892839418 +911 215 3 892839140 +911 216 4 892839929 +911 228 4 892841220 +911 374 1 892841118 +911 419 5 892840916 +911 420 4 892840950 +911 427 3 892838538 +911 428 4 892839929 +911 431 4 892842368 +911 432 3 892839551 +911 443 4 892841220 +911 451 2 892840253 +911 465 5 892840807 +911 473 3 892840996 +911 474 5 892838637 +911 478 5 892838823 +911 479 5 892838787 +911 480 4 892838823 +911 482 4 892838864 +911 506 3 892839518 +911 507 4 892839289 +911 514 3 892839454 +911 530 4 892838677 +911 548 3 892841073 +911 584 3 892841033 +911 603 5 892838864 +911 625 5 892840807 +911 627 3 892840888 +911 647 4 892839140 +911 655 5 892839719 +911 709 5 892839846 +911 855 5 892839084 +911 923 4 892842509 +911 1039 4 892838357 +911 1060 4 892841033 +912 15 4 875967028 +912 28 4 875966756 +912 64 4 875966027 +912 174 3 875966756 +912 186 3 875966202 +912 192 4 875966349 +912 246 2 875967072 +912 268 2 875965695 +912 357 5 875966429 +912 418 4 875966694 +912 419 4 875966756 +912 427 5 875965830 +912 443 4 875966027 +912 474 3 875965906 +912 479 4 875966107 +912 498 5 875965830 +912 501 4 875966756 +912 507 3 875965906 +912 517 4 875966458 +912 520 2 875966429 +912 523 4 875965830 +912 610 4 875966027 +912 616 3 875966065 +912 646 3 875966429 +912 648 3 875966616 +912 653 3 875965906 +912 655 5 875966320 +912 659 5 875966202 +912 661 2 875965981 +913 4 4 874786460 +913 7 5 881725846 +913 9 5 881725816 +913 11 4 881037106 +913 15 3 881367770 +913 19 5 881366383 +913 22 5 881369920 +913 28 3 881369039 +913 50 4 880758348 +913 56 5 880758974 +913 57 4 880758348 +913 60 3 880946006 +913 64 5 881725876 +913 69 2 880757553 +913 83 4 881725904 +913 95 4 880826766 +913 96 5 881725904 +913 100 3 880824823 +913 131 5 881367150 +913 132 3 880758150 +913 143 5 881725761 +913 151 4 881368824 +913 164 2 880826620 +913 168 4 881725796 +913 169 4 880757553 +913 171 3 880758348 +913 172 5 881726004 +913 176 5 880759221 +913 180 3 880758150 +913 181 3 880825135 +913 184 3 880826706 +913 186 3 880946006 +913 189 3 881367594 +913 191 5 881725737 +913 195 4 881725846 +913 200 5 880825443 +913 203 4 880825916 +913 204 4 880946539 +913 209 2 881367150 +913 227 1 881368310 +913 228 5 881368310 +913 235 1 881725960 +913 238 3 880825052 +913 258 4 889331049 +913 268 2 880753802 +913 276 3 881037047 +913 288 2 880755823 +913 289 5 880658260 +913 317 4 881725876 +913 318 4 880794731 +913 343 1 881037310 +913 346 3 883110406 +913 408 5 880758348 +913 418 3 881368742 +913 419 5 881725737 +913 423 3 881368310 +913 427 4 881725960 +913 428 3 881367151 +913 436 3 881367312 +913 461 4 881725816 +913 462 3 881037459 +913 466 3 882544673 +913 469 3 881037459 +913 474 5 881725737 +913 478 4 880824512 +913 483 3 880757975 +913 498 3 880757473 +913 508 3 880759072 +913 518 4 881725761 +913 531 2 880946475 +913 596 1 881367210 +913 604 2 882201336 +913 613 5 881725796 +913 657 5 881725761 +913 690 3 880824288 +913 729 3 881368824 +913 742 3 881036957 +913 919 4 880758150 +914 216 3 887122324 +914 313 3 887121969 +914 381 3 887122325 +914 402 5 887124376 +914 732 2 887123465 +914 739 2 887124376 +914 775 3 887124121 +914 778 5 887122085 +914 781 5 887123464 +914 1259 1 887123886 +914 1406 4 887123886 +915 258 2 891030108 +915 286 4 891030032 +915 301 2 891030032 +915 302 4 891029965 +915 305 2 891030070 +915 315 4 891029965 +915 334 3 891031477 +915 345 4 891030145 +915 346 2 891030070 +915 347 5 891031477 +915 691 4 891030108 +915 750 4 891030070 +915 752 3 891030120 +915 896 2 891030070 +916 3 3 880843838 +916 5 3 880845099 +916 7 4 880843361 +916 11 4 880844369 +916 12 4 880844445 +916 23 4 880843997 +916 24 2 880843419 +916 30 4 880844463 +916 31 3 880844789 +916 42 5 880844958 +916 52 5 880844813 +916 55 3 880844369 +916 58 5 880844291 +916 60 4 880844058 +916 64 5 880843996 +916 66 3 880845264 +916 68 3 880845636 +916 69 4 880844694 +916 71 3 880844897 +916 72 3 880845808 +916 73 3 880845829 +916 76 3 880845049 +916 79 3 880845249 +916 80 3 880845476 +916 83 4 880845206 +916 86 4 880844655 +916 88 4 880845157 +916 89 5 880844241 +916 90 3 880845115 +916 92 5 880844291 +916 96 3 880844813 +916 97 4 880844789 +916 98 5 880844038 +916 101 3 880845690 +916 106 3 880843934 +916 109 3 880845099 +916 111 4 880843636 +916 117 2 880843509 +916 118 2 880843838 +916 121 3 880843864 +916 123 3 880843524 +916 125 3 880843750 +916 132 3 880844597 +916 137 5 880843482 +916 144 3 880844016 +916 147 1 880843578 +916 148 2 880843892 +916 150 4 880843318 +916 151 3 880843578 +916 153 3 880844087 +916 155 2 880845808 +916 156 5 880844016 +916 157 4 880845011 +916 158 2 880845829 +916 159 3 880845303 +916 161 3 880845658 +916 163 3 880844834 +916 164 4 880845028 +916 168 4 880844369 +916 171 4 880844332 +916 172 5 880843997 +916 173 4 880844332 +916 174 5 880844569 +916 176 4 880844419 +916 177 3 880844312 +916 180 5 880844753 +916 181 4 880843401 +916 183 4 880844395 +916 188 3 880844789 +916 192 4 880844552 +916 193 4 880844420 +916 195 3 880844920 +916 196 4 880844920 +916 198 4 880844463 +916 202 3 880845028 +916 203 4 880844157 +916 204 3 880844813 +916 206 3 880844597 +916 209 3 880844017 +916 210 4 880844694 +916 211 4 880844395 +916 215 3 880844552 +916 216 4 880844312 +916 218 3 880845303 +916 219 3 880845755 +916 226 3 880845177 +916 227 3 880845067 +916 228 3 880845049 +916 230 3 880845177 +916 233 3 880845391 +916 234 4 880845206 +916 236 4 880843482 +916 237 3 880843419 +916 238 4 880845011 +916 239 3 880844627 +916 241 4 880845368 +916 249 3 880843579 +916 250 4 880843361 +916 256 3 880843551 +916 257 3 880843401 +916 265 4 880844813 +916 268 5 880843093 +916 273 3 880843361 +916 276 4 880843551 +916 280 2 880843864 +916 284 2 880843666 +916 286 4 880843062 +916 290 3 880845206 +916 318 4 880844175 +916 356 3 880845722 +916 367 3 880845451 +916 369 2 880843906 +916 380 2 880845206 +916 382 4 880844674 +916 385 3 880844834 +916 387 4 880845328 +916 399 3 880845135 +916 402 3 880845177 +916 405 2 880843579 +916 417 2 880845949 +916 421 5 880844291 +916 423 3 880844654 +916 425 5 880844102 +916 428 4 880844350 +916 431 3 880844655 +916 433 3 880844958 +916 461 4 880844087 +916 462 4 880844058 +916 475 4 880843334 +916 476 2 880843775 +916 480 4 880844201 +916 483 5 880844419 +916 484 4 880844156 +916 498 3 880844241 +916 511 5 880844395 +916 512 5 880844675 +916 528 3 880846339 +916 531 4 880844331 +916 535 3 880843949 +916 537 4 880844087 +916 541 2 880845206 +916 546 2 880843864 +916 549 3 880845543 +916 550 2 880844985 +916 557 4 880844527 +916 558 3 880844767 +916 559 3 880845658 +916 561 3 880845227 +916 566 3 880845574 +916 568 4 880845949 +916 569 2 880845606 +916 581 4 880845543 +916 582 4 880844728 +916 583 4 880845690 +916 597 2 880843727 +916 631 4 880844654 +916 636 3 880845391 +916 640 4 880845157 +916 642 3 880845227 +916 650 4 880844711 +916 652 4 880844291 +916 674 3 880845522 +916 678 2 880843249 +916 679 3 880845690 +916 684 3 880844395 +916 685 2 880843727 +916 693 3 880844087 +916 697 4 880844937 +916 704 3 880845177 +916 709 3 880844123 +916 710 3 880844332 +916 713 3 880843636 +916 715 4 880845099 +916 720 2 880844920 +916 735 4 880844879 +916 737 3 880845328 +916 739 3 880845589 +916 741 3 880843401 +916 746 3 880844262 +916 748 2 880843249 +916 755 2 880845574 +916 756 3 880843892 +916 762 3 880843579 +916 764 3 880843798 +916 767 4 880845522 +916 790 2 880845790 +916 792 3 880844569 +916 806 4 880844552 +916 820 2 880843636 +916 825 1 880843750 +916 844 3 880843465 +916 863 3 880846735 +916 919 5 880843465 +916 931 1 880843798 +916 939 3 880844694 +916 943 4 880844834 +916 948 2 880843838 +916 960 4 880844861 +916 971 4 880845476 +916 978 1 880843949 +916 1009 5 880843551 +916 1010 4 880843482 +916 1011 4 880843666 +916 1014 3 880843683 +916 1042 3 880845328 +916 1070 4 880844202 +916 1073 4 880844445 +916 1074 3 880844985 +916 1079 2 880843811 +916 1098 4 880844862 +916 1101 4 880844419 +916 1119 3 880845505 +916 1194 4 880844753 +916 1208 2 880845249 +916 1217 1 880845606 +916 1220 3 880845282 +916 1401 3 880844262 +916 1597 3 880845206 +916 1682 3 880845755 +917 1 3 882910888 +917 3 1 882911567 +917 9 5 882912385 +917 100 4 882910830 +917 121 1 882911567 +917 237 5 882912385 +917 246 4 882910971 +917 248 4 882912385 +917 255 3 882911158 +917 268 4 882910409 +917 278 3 882911767 +917 282 4 882911480 +917 285 4 882911122 +917 287 4 882911185 +917 289 4 882910457 +917 312 2 882910627 +917 328 2 882910506 +917 405 3 882911215 +917 473 3 882911390 +917 476 5 882912385 +917 535 4 882912385 +917 591 3 882911185 +917 628 5 882912385 +917 696 5 882912385 +917 751 2 882910409 +917 756 4 882911622 +917 763 3 882911480 +917 879 2 882910604 +918 1 3 891987059 +918 25 4 891988123 +918 42 3 891987059 +918 69 3 891987497 +918 70 3 891988248 +918 72 1 891988491 +918 82 3 891988521 +918 83 4 891987914 +918 86 4 891986798 +918 88 2 891988276 +918 89 5 891987780 +918 132 4 891986904 +918 133 1 891987267 +918 143 4 891988726 +918 151 2 891988646 +918 153 1 891987291 +918 154 2 891987411 +918 161 1 891988824 +918 165 4 891986998 +918 166 4 891987238 +918 168 3 891986999 +918 175 3 891987339 +918 196 3 891987267 +918 197 2 891987387 +918 199 3 891986846 +918 208 3 891988002 +918 216 2 891987205 +918 340 1 891986174 +918 381 5 891988123 +918 417 2 891988521 +918 430 1 891987205 +918 462 3 891986933 +918 485 3 891987689 +918 498 4 891987025 +918 499 4 891986775 +918 507 5 891987363 +918 517 3 891987622 +918 520 3 891987571 +918 529 3 891987290 +918 630 3 891988672 +918 656 4 891986609 +918 659 4 891987622 +918 660 4 891987752 +918 664 4 891987914 +918 704 4 891988123 +918 707 5 891987446 +918 709 4 891986820 +918 747 3 891988705 +918 855 5 891987497 +918 958 3 891988491 +918 965 4 891988276 +918 971 4 891987780 +918 972 5 891988054 +918 995 3 891986143 +918 1099 4 891987571 +918 1137 5 891986999 +918 1172 3 891987622 +918 1195 4 891986664 +918 1265 1 891986494 +918 1266 4 891988586 +918 1639 5 891987571 +919 1 4 875289321 +919 9 5 875288749 +919 12 3 875373294 +919 14 4 875288934 +919 16 4 875289533 +919 20 1 875289499 +919 21 2 875289356 +919 22 5 875374269 +919 23 3 875373074 +919 25 4 875289113 +919 28 4 875373888 +919 31 3 875373416 +919 64 5 875374088 +919 69 3 875921182 +919 70 4 875921442 +919 82 5 875373945 +919 88 2 875373621 +919 93 5 875288681 +919 95 4 875921182 +919 98 5 875373470 +919 99 4 875373945 +919 111 4 875288681 +919 116 3 875288749 +919 117 4 875288934 +919 118 4 875373582 +919 124 3 875288522 +919 125 4 875289113 +919 126 4 875289170 +919 129 5 875289025 +919 137 2 875288749 +919 147 4 875289322 +919 148 3 875289417 +919 151 4 875289025 +919 174 4 875372947 +919 181 4 875289250 +919 183 3 875372802 +919 191 5 875373824 +919 200 4 875373294 +919 222 3 875288983 +919 223 4 875372844 +919 236 5 875288681 +919 237 4 875288805 +919 238 3 875372988 +919 245 2 875288253 +919 250 3 875288749 +919 255 4 875289170 +919 258 4 875288164 +919 260 4 875288362 +919 261 3 885059658 +919 264 3 875288362 +919 271 4 885059476 +919 272 5 885059452 +919 275 5 875288522 +919 276 5 875288612 +919 277 5 875288805 +919 282 4 875289113 +919 283 4 875288748 +919 284 3 875289280 +919 287 4 875289611 +919 288 4 875288164 +919 292 3 875288253 +919 293 4 875288681 +919 294 3 875288304 +919 295 3 875289170 +919 297 4 875288749 +919 300 4 875288164 +919 301 3 875288164 +919 302 4 875920245 +919 303 4 875920245 +919 304 4 875920245 +919 305 4 885059623 +919 307 4 885059506 +919 310 3 885059537 +919 312 2 885059658 +919 313 5 885059400 +919 315 3 885059569 +919 319 3 875288164 +919 323 4 875288362 +919 331 4 875920290 +919 332 4 885059537 +919 333 4 875920290 +919 334 4 885059506 +919 340 5 885059506 +919 343 4 885059506 +919 367 4 875921085 +919 382 5 875373214 +919 406 3 875289417 +919 412 2 875289061 +919 419 5 875374269 +919 423 5 875374032 +919 432 4 875373824 +919 447 4 875372903 +919 527 4 875373416 +919 531 3 875373669 +919 535 3 885059887 +919 539 3 885059682 +919 558 5 875372988 +919 591 3 875289667 +919 660 4 875373945 +919 678 2 875288253 +919 681 2 875920347 +919 689 2 885059506 +919 715 5 875921442 +919 732 3 875373471 +919 740 3 875289113 +919 750 3 885059452 +919 755 3 875373889 +919 813 4 875288681 +919 815 2 875289533 +919 832 3 875289726 +919 864 2 875288848 +919 875 1 875288362 +919 877 3 875288304 +919 879 3 875920627 +919 880 3 885059601 +919 892 3 885059724 +919 895 4 885059623 +919 946 4 875373416 +919 953 3 875921051 +919 988 3 875288362 +919 989 2 875288418 +919 1014 4 875289384 +919 1060 3 875289322 +919 1073 4 875373416 +919 1119 3 875373824 +919 1134 2 875289356 +919 1173 3 885059859 +919 1197 4 875288613 +919 1258 3 875289453 +919 1514 2 885059812 +920 245 2 884220131 +920 258 4 884220094 +920 268 3 884220163 +920 272 3 884219701 +920 286 2 884219953 +920 288 3 884219768 +920 292 3 884220058 +920 299 2 884220163 +920 301 2 884220058 +920 307 3 884219993 +920 310 4 884219768 +920 311 3 884219701 +920 313 5 884219701 +920 333 4 884219993 +920 340 4 884219993 +921 25 3 879379736 +921 50 4 879381051 +921 66 5 884673700 +921 69 4 879380862 +921 71 4 879380957 +921 97 2 884673891 +921 111 4 879380097 +921 121 5 879379736 +921 122 2 879380433 +921 128 1 879381287 +921 136 4 879380806 +921 143 5 879381257 +921 147 3 879379843 +921 151 3 879379994 +921 172 4 884673823 +921 174 5 884673780 +921 185 3 879380826 +921 194 3 879380704 +921 196 5 884673724 +921 202 4 884673891 +921 210 4 884673633 +921 215 4 879380677 +921 222 5 879381128 +921 228 3 884673823 +921 230 3 879381051 +921 237 3 879379562 +921 240 1 879379621 +921 245 1 879379361 +921 254 3 879380908 +921 257 3 879379898 +921 259 4 884673369 +921 276 1 879381004 +921 280 3 879379562 +921 284 4 879379943 +921 294 4 879379338 +921 304 2 879379428 +921 323 4 879379428 +921 328 5 879379338 +921 367 4 879381021 +921 380 4 879381051 +921 392 4 884673868 +921 400 4 879381158 +921 405 3 879379774 +921 410 2 879380957 +921 419 5 879381234 +921 472 2 879380057 +921 484 3 884673633 +921 526 4 884673930 +921 538 4 884673311 +921 603 3 884673868 +921 659 5 884673799 +921 662 4 884673724 +921 678 5 879379447 +921 760 2 879380164 +921 762 2 879380237 +921 763 3 879380258 +921 778 3 879380704 +921 797 3 879381287 +921 820 3 879380328 +921 924 3 879379736 +921 929 1 879380142 +921 1016 4 879379562 +921 1028 4 879380142 +921 1051 3 879380433 +921 1287 1 879380401 +921 1317 2 879380981 +922 1 5 891448551 +922 11 5 891450401 +922 15 4 891453122 +922 22 5 891450586 +922 29 3 891450805 +922 43 3 891454445 +922 51 4 891448451 +922 62 3 891450768 +922 67 3 891452928 +922 68 4 891450586 +922 69 3 891453106 +922 77 4 891447833 +922 80 3 891452817 +922 82 3 891449123 +922 83 4 891448115 +922 91 4 891448833 +922 95 3 891448580 +922 99 4 891448580 +922 122 2 891455788 +922 127 3 891453105 +922 135 2 891453820 +922 145 3 891450315 +922 153 4 891451037 +922 155 2 891448473 +922 168 3 891450968 +922 175 3 891451240 +922 176 3 891450401 +922 181 5 891449122 +922 195 3 891450401 +922 200 3 891449878 +922 204 3 891451100 +922 214 2 891454071 +922 219 1 891449901 +922 228 4 891447665 +922 230 4 891447723 +922 235 2 891452407 +922 250 2 891454910 +922 252 2 891455230 +922 258 4 891454681 +922 271 3 891445117 +922 274 3 891448247 +922 276 3 891453854 +922 288 2 891445064 +922 294 4 891447296 +922 367 3 891452743 +922 375 2 891454552 +922 380 4 891454218 +922 384 4 891452521 +922 385 3 891450586 +922 391 3 891450840 +922 402 3 891448451 +922 411 1 891455379 +922 421 4 891448473 +922 427 5 891449123 +922 431 4 891447723 +922 432 5 891448551 +922 433 4 891451143 +922 447 1 891449901 +922 450 4 891447876 +922 455 4 891450688 +922 476 1 891455167 +922 562 3 891450866 +922 576 4 891450805 +922 579 3 891447988 +922 596 4 891448833 +922 631 3 891453171 +922 655 2 891451327 +922 660 3 891453122 +922 662 3 891448246 +922 699 3 891449048 +922 715 3 891452354 +922 739 3 891448516 +922 747 3 891448247 +922 810 4 891450866 +922 834 1 891455565 +922 919 5 891454625 +922 1079 1 891455277 +922 1110 4 891450768 +922 1157 2 891447853 +923 1 3 880387306 +923 9 4 880387306 +923 50 5 880387306 +923 100 5 880387474 +923 105 4 880388547 +923 121 4 880387908 +923 129 5 880387474 +923 151 4 880388021 +923 168 5 880388872 +923 222 4 880388211 +923 248 4 880387474 +923 249 4 880388021 +923 257 5 880387946 +923 264 3 880387199 +923 276 5 880387429 +923 280 3 880388097 +923 282 4 880387624 +923 291 4 880387707 +923 293 4 880387908 +923 294 4 880387081 +923 307 4 880386897 +923 325 4 880387081 +923 340 5 880387080 +923 405 4 880387429 +923 411 4 880387664 +923 455 4 880387946 +923 460 4 880388426 +923 475 5 880387664 +923 544 4 880387507 +923 591 5 880387875 +923 628 4 880387428 +923 685 4 880387396 +923 713 5 880388173 +923 741 5 880387792 +923 742 4 880387792 +923 815 4 880387792 +923 823 4 880388383 +923 825 4 880387525 +923 829 4 880388426 +923 866 4 880388383 +923 926 4 880388383 +923 975 4 880388245 +923 1001 1 880388173 +923 1011 4 880388097 +923 1012 5 880387624 +923 1017 5 880387525 +923 1277 5 880388322 +924 2 3 886759997 +924 7 4 885458060 +924 9 4 886759657 +924 12 4 885458093 +924 28 4 885457827 +924 31 3 885458168 +924 50 5 884371386 +924 56 3 886327724 +924 64 4 886327778 +924 71 5 885457922 +924 100 4 884371558 +924 114 3 886327724 +924 129 4 889286888 +924 134 4 885457827 +924 144 3 885458093 +924 153 4 886327689 +924 172 4 885458060 +924 178 5 885457922 +924 181 3 884371535 +924 196 4 886759657 +924 200 4 885458093 +924 205 4 886327826 +924 216 4 885458010 +924 237 4 889286746 +924 275 4 889286721 +924 276 2 884371386 +924 288 3 886065748 +924 313 4 886065805 +924 318 5 885458060 +924 322 2 884337164 +924 402 3 886759965 +924 427 4 885458010 +924 429 4 886760020 +924 433 5 885458168 +924 471 4 884371635 +924 480 3 885457891 +924 482 4 885457858 +924 496 5 886327689 +924 511 5 885457827 +924 519 4 886759888 +924 527 4 885458009 +924 562 3 886759657 +924 605 3 885457975 +924 701 4 885457922 +924 849 3 886760052 +924 896 4 884337242 +924 1149 3 888351470 +925 98 4 884717862 +925 200 2 884717963 +925 217 2 884718100 +925 219 3 884718099 +925 245 3 884633287 +925 260 3 884717669 +925 288 5 884633224 +925 324 4 884633348 +925 325 4 884633349 +925 327 3 884717790 +925 447 4 884717963 +925 558 1 884718099 +925 559 3 884717963 +925 561 3 884718100 +925 563 2 884718204 +925 567 3 884718156 +925 672 3 884718099 +925 773 1 884717862 +925 788 3 884718204 +925 816 3 884718156 +925 876 3 884717404 +926 237 3 888351813 +926 245 3 888636270 +926 258 4 888636202 +926 262 3 888636082 +926 269 5 888636082 +926 272 5 888351623 +926 292 3 888636202 +926 294 3 888636269 +926 302 4 888351713 +926 313 3 888351622 +926 321 3 888636202 +926 340 4 888351623 +927 1 5 879191524 +927 8 4 879183164 +927 11 5 879183303 +927 25 3 879177403 +927 28 4 879183511 +927 29 5 879194033 +927 38 5 879195783 +927 56 4 879184534 +927 63 4 879197074 +927 64 5 879199250 +927 71 5 879190473 +927 72 5 879193848 +927 82 2 879197269 +927 91 4 879196955 +927 94 2 879198972 +927 95 5 879184447 +927 96 5 879184761 +927 99 2 879195472 +927 111 4 879177457 +927 118 5 879181042 +927 121 5 879199250 +927 132 2 879194268 +927 143 3 879196231 +927 154 3 879184534 +927 155 4 879193972 +927 168 4 879193383 +927 174 3 879185327 +927 195 4 879183245 +927 204 4 879183511 +927 210 5 879194937 +927 217 1 879196955 +927 227 2 879196283 +927 229 3 879191722 +927 255 4 879177027 +927 257 5 879177353 +927 278 1 879181133 +927 328 4 879176059 +927 374 4 879195783 +927 385 4 879193625 +927 395 3 879193732 +927 401 2 879196762 +927 402 4 879192123 +927 403 4 879194335 +927 404 4 879197692 +927 405 5 879181451 +927 409 4 879176876 +927 411 4 879182939 +927 412 1 879182833 +927 417 4 879184710 +927 420 5 879193437 +927 422 4 879199110 +927 426 4 879191432 +927 471 4 879193906 +927 477 3 879176876 +927 535 3 879181694 +927 541 5 879199250 +927 542 2 879193676 +927 552 4 879196283 +927 568 5 879199250 +927 571 3 879196853 +927 588 5 879183683 +927 623 3 879199110 +927 625 3 879191360 +927 722 3 879197421 +927 738 3 879196762 +927 742 5 879199250 +927 755 5 879192381 +927 756 4 879181259 +927 761 3 879198085 +927 768 4 879195972 +927 775 3 879197949 +927 815 3 879181259 +927 819 3 879181508 +927 820 4 879177403 +927 826 4 879181451 +927 866 4 879181621 +927 928 4 879183019 +927 1014 3 879176876 +927 1016 5 879199250 +927 1035 4 879199030 +927 1047 4 879181192 +927 1095 2 879182939 +927 1178 2 879192052 +927 1284 4 879181133 +927 1415 4 879196853 +928 9 5 880937163 +928 48 5 880936817 +928 114 5 880936742 +928 127 5 880936905 +928 134 5 880936742 +928 135 4 880936884 +928 165 5 880936863 +928 168 5 880936817 +928 172 5 880936769 +928 173 4 880936863 +928 176 3 880936817 +928 191 5 880936863 +928 246 5 880937184 +928 266 5 880936022 +928 268 5 880935814 +928 269 5 880935738 +928 276 5 880937144 +928 288 3 880935738 +928 328 3 880937258 +928 487 5 880936769 +928 749 5 880936022 +928 876 5 880936023 +928 1025 5 880936022 +929 12 4 879640036 +929 22 5 879640394 +929 28 4 879640084 +929 50 4 878402162 +929 56 4 880817844 +929 98 5 879640394 +929 100 4 878402162 +929 127 5 878402162 +929 135 5 880817818 +929 136 3 879640184 +929 144 3 879640394 +929 172 4 879640329 +929 187 5 879640290 +929 195 4 880817681 +929 197 3 880817780 +929 204 4 879640126 +929 205 4 879639969 +929 276 2 879640184 +929 284 2 878402162 +929 423 4 879640394 +929 429 4 879640225 +929 431 1 879640225 +929 433 2 880817753 +929 435 3 880817753 +929 479 4 879640329 +929 480 3 879639969 +929 484 3 879639969 +929 496 3 879640256 +929 521 5 879640184 +929 589 5 880817708 +929 654 3 879640290 +930 1 3 879534525 +930 14 4 879535392 +930 16 1 879534925 +930 24 1 879535015 +930 45 4 879535492 +930 50 2 879534410 +930 64 4 879535641 +930 100 3 879534506 +930 106 4 879535392 +930 107 3 879535207 +930 113 5 879535573 +930 116 5 879535392 +930 117 3 879534803 +930 126 5 879535392 +930 137 2 879535734 +930 143 2 879535462 +930 153 2 879535685 +930 165 5 879535609 +930 171 1 879535685 +930 174 3 879535513 +930 175 2 879535713 +930 176 3 879535663 +930 190 4 879535492 +930 210 2 879535713 +930 235 2 879535207 +930 237 3 879534587 +930 238 4 879535544 +930 240 1 879535207 +930 244 4 879535392 +930 255 3 879534667 +930 257 4 879535392 +930 265 3 879535685 +930 274 4 879534803 +930 275 4 879534550 +930 281 4 879535056 +930 282 4 879534667 +930 286 3 879533975 +930 300 4 879535392 +930 410 3 879534973 +930 411 1 879535272 +930 523 2 879535574 +930 535 4 879535392 +930 690 3 879534335 +930 705 2 879535609 +930 709 4 879535663 +930 756 3 879535015 +930 871 3 879535138 +930 1010 2 879534692 +930 1048 2 879535160 +930 1315 3 879534692 +931 14 4 891036648 +931 100 4 891036430 +931 111 3 891036648 +931 125 4 891036786 +931 126 4 891036463 +931 127 5 891037521 +931 137 3 891036552 +931 181 4 891036786 +931 252 3 891037070 +931 257 4 891036530 +931 272 5 891037521 +931 281 3 891036883 +931 283 4 891036604 +931 286 5 891037521 +931 290 2 891036883 +931 293 4 891036604 +931 297 4 891036673 +931 298 4 891036849 +931 300 5 891037521 +931 302 4 891035876 +931 304 4 891036105 +931 306 4 891036026 +931 313 4 891035876 +931 315 5 891037577 +931 316 5 891037521 +931 333 5 891037521 +931 344 4 891035917 +931 355 2 891036148 +931 459 4 891036506 +931 471 3 891036506 +931 508 4 891036696 +931 546 3 891036849 +931 685 4 891036902 +931 750 5 891037521 +931 845 3 891036883 +931 896 3 891036080 +931 900 4 891035917 +931 909 5 891037521 +932 1 4 891249932 +932 9 5 891249649 +932 14 4 891248856 +932 30 4 891249196 +932 38 2 891251696 +932 45 5 891249063 +932 47 4 891250142 +932 56 4 891250584 +932 64 2 891250059 +932 67 2 891251611 +932 70 4 891249171 +932 77 2 891251869 +932 82 3 891251246 +932 86 4 891249146 +932 89 5 891249586 +932 96 4 891250060 +932 99 4 891250236 +932 100 5 891249586 +932 101 3 891251225 +932 109 2 891251891 +932 119 5 891249586 +932 121 3 891251669 +932 133 4 891249675 +932 134 4 891250169 +932 136 5 891249736 +932 141 4 891250363 +932 148 2 891252140 +932 151 3 891251225 +932 153 4 891251063 +932 155 3 891251869 +932 162 4 891250704 +932 163 4 891251246 +932 165 4 891248996 +932 167 4 891251647 +932 168 5 891250746 +932 169 5 891249649 +932 170 4 891248967 +932 173 3 891250337 +932 174 4 891250017 +932 178 5 891249821 +932 185 4 891250392 +932 188 3 891250142 +932 189 5 891250449 +932 191 4 891249620 +932 193 3 891250142 +932 195 4 891250643 +932 196 4 891251038 +932 197 5 891249649 +932 198 4 891249109 +932 199 5 891249538 +932 203 4 891250584 +932 204 4 891250667 +932 205 5 891250211 +932 208 5 891249794 +932 210 4 891250793 +932 212 4 891249109 +932 222 4 891251485 +932 228 4 891251442 +932 230 4 891251153 +932 235 2 891250770 +932 357 5 891280138 +932 385 2 891251331 +932 389 3 891251331 +932 399 4 891251798 +932 405 4 891251177 +932 414 4 891251959 +932 416 3 891250498 +932 427 4 891249709 +932 429 5 891249675 +932 430 4 891249849 +932 431 3 891250944 +932 432 4 891250109 +932 434 5 891251015 +932 436 3 891251225 +932 441 2 891252504 +932 443 4 891250059 +932 447 3 891250944 +932 448 2 891251588 +932 462 4 891249038 +932 470 3 891251331 +932 474 5 891250418 +932 475 4 891248856 +932 478 4 891249962 +932 479 5 891249794 +932 480 5 891250746 +932 481 4 891249877 +932 482 5 891250211 +932 484 5 891249586 +932 486 5 891251177 +932 487 3 891250558 +932 488 5 891250282 +932 490 4 891250891 +932 491 5 891249621 +932 493 5 891249767 +932 494 4 891250060 +932 495 5 891251105 +932 496 4 891250169 +932 502 4 891249710 +932 503 4 891249962 +932 506 4 891249710 +932 509 3 891248893 +932 510 4 891249146 +932 511 5 891250282 +932 513 5 891250316 +932 514 5 891249932 +932 516 5 891249877 +932 517 5 891250643 +932 519 4 891249710 +932 520 4 891249794 +932 521 5 891249994 +932 523 4 891250080 +932 524 5 891249675 +932 526 5 891250746 +932 527 4 891249710 +932 528 5 891249962 +932 529 4 891251153 +932 530 4 891249903 +932 541 1 891251421 +932 560 2 891252198 +932 562 2 891251611 +932 600 2 891252412 +932 603 5 891249877 +932 606 4 891250169 +932 607 4 891249621 +932 612 5 891249620 +932 613 4 891250363 +932 615 5 891249621 +932 616 5 891251153 +932 632 4 891249649 +932 636 3 891251063 +932 639 5 891249171 +932 646 4 891250498 +932 649 4 891251199 +932 650 5 891250498 +932 654 5 891249877 +932 659 5 891250770 +932 661 5 891250109 +932 663 4 891251506 +932 665 2 891252058 +932 675 4 891249538 +932 705 4 891250017 +932 708 4 891251647 +932 736 3 891249261 +932 745 5 891250584 +932 755 2 891251822 +932 805 4 891250236 +932 811 4 891250392 +932 836 5 891250142 +932 841 2 891250317 +932 855 5 891249109 +932 863 4 891249063 +932 890 1 891248778 +932 968 4 891250816 +932 1020 5 891249621 +932 1021 4 891249146 +932 1030 2 891252338 +932 1035 4 891251869 +932 1116 4 891250943 +932 1121 5 891249261 +932 1126 5 891250862 +932 1139 2 891251562 +932 1149 4 891249767 +932 1411 4 891251647 +932 1449 5 891248937 +932 1454 4 891251985 +932 1456 4 891250891 +932 1558 5 891248996 +933 7 4 874854190 +933 9 3 874854402 +933 11 4 874853899 +933 12 4 874854135 +933 22 5 874853634 +933 25 2 874854589 +933 38 2 874939185 +933 39 3 874854100 +933 42 1 874853635 +933 50 4 874854383 +933 53 1 874855104 +933 56 5 874853688 +933 58 3 874855121 +933 62 1 874854994 +933 67 1 874938430 +933 69 4 874854009 +933 70 2 874855020 +933 79 3 874853819 +933 82 3 874939130 +933 87 4 874854723 +933 88 3 874854696 +933 89 4 874853957 +933 94 1 874938475 +933 95 3 874853666 +933 96 2 874855020 +933 97 2 874854161 +933 100 5 874853927 +933 105 2 874938475 +933 117 2 874939157 +933 121 3 874855138 +933 125 4 874854251 +933 127 5 874853898 +933 135 4 874854444 +933 144 4 874854932 +933 151 4 874853977 +933 153 3 874853779 +933 154 2 874938389 +933 157 4 874854932 +933 159 3 874854190 +933 160 3 874853755 +933 163 2 874938309 +933 164 2 874854461 +933 166 3 874854062 +933 167 2 874938491 +933 168 3 874853869 +933 172 2 874939031 +933 174 4 874854745 +933 175 4 874854444 +933 176 3 874854315 +933 177 4 874854994 +933 180 5 874854723 +933 181 2 874854100 +933 183 4 874853819 +933 184 1 874938850 +933 186 4 874938563 +933 193 4 874853927 +933 194 4 874854135 +933 195 4 874854589 +933 200 4 874854783 +933 202 2 874854745 +933 204 3 874854723 +933 210 3 874853734 +933 211 4 874854251 +933 216 3 874938239 +933 218 3 874854678 +933 222 1 874854783 +933 226 2 874854874 +933 227 1 874939078 +933 228 4 874854217 +933 229 1 874939078 +933 230 3 874854338 +933 232 1 874938354 +933 233 2 874939008 +933 234 3 874853957 +933 238 2 874853819 +933 239 3 874938412 +933 265 4 874854697 +933 273 3 874855069 +933 282 3 874855104 +933 284 2 874854294 +933 357 4 874853635 +933 367 4 874854190 +933 384 1 874938475 +933 388 1 874938620 +933 391 1 874939230 +933 392 3 874854652 +933 393 2 874938371 +933 410 3 874854383 +933 411 2 874938689 +933 424 1 874938833 +933 435 4 874854251 +933 441 2 874938833 +933 449 1 874939207 +933 452 1 874938808 +933 467 3 874854479 +933 474 5 874853734 +933 476 2 874854953 +933 483 4 874854424 +933 515 3 874854062 +933 559 2 874938808 +933 561 3 874938808 +933 568 2 874939207 +933 569 1 874938850 +933 575 1 874938620 +933 576 1 874939185 +933 578 1 874939230 +933 585 1 874938728 +933 597 1 874939230 +933 627 2 874854874 +933 636 2 874939105 +933 652 3 874854424 +933 654 4 874854338 +933 665 1 874938878 +933 679 1 874939078 +933 710 2 874938309 +933 732 3 874854651 +933 735 3 874853846 +933 763 3 874938644 +933 789 4 874853957 +933 823 2 874854813 +933 834 1 874938878 +933 840 3 874939230 +933 866 2 874938620 +933 940 1 874938664 +933 959 1 874938430 +933 1028 2 874938620 +933 1037 1 874938620 +933 1110 3 874938728 +933 1183 3 874938596 +933 1188 1 874938474 +933 1228 1 874939247 +934 1 2 891225958 +934 4 5 891195713 +934 13 5 891189566 +934 65 4 891192914 +934 66 4 891193187 +934 69 5 891193013 +934 70 4 891195713 +934 72 3 891195982 +934 82 4 891194221 +934 83 4 891191831 +934 86 3 891191831 +934 89 5 891191157 +934 94 4 891196117 +934 96 4 891191157 +934 99 3 891194379 +934 131 4 891191778 +934 132 4 891190609 +934 134 4 891191157 +934 135 4 891191659 +934 144 4 891192087 +934 152 4 891194303 +934 153 5 891225716 +934 154 3 891191401 +934 156 3 891190813 +934 157 2 891194498 +934 162 3 891191546 +934 163 4 891193331 +934 170 4 891190744 +934 172 5 891191206 +934 173 3 891192965 +934 175 4 891190854 +934 181 4 891189275 +934 186 2 891190854 +934 190 4 891191660 +934 191 5 891190695 +934 193 4 891192236 +934 196 5 891191108 +934 199 4 891191778 +934 204 4 891192444 +934 209 1 891190695 +934 211 4 891194661 +934 212 4 891194802 +934 213 4 891190744 +934 216 1 891191511 +934 225 2 891197375 +934 226 4 891191831 +934 234 2 891191875 +934 237 4 891189879 +934 254 4 891190478 +934 257 4 891189598 +934 286 4 891188367 +934 302 4 891188367 +934 303 4 891188441 +934 313 3 891188441 +934 316 4 891188727 +934 403 4 891195537 +934 414 5 891191027 +934 419 4 891192849 +934 420 4 891191469 +934 427 4 891191027 +934 428 4 891195503 +934 435 4 891191365 +934 449 4 891194900 +934 451 4 891192562 +934 462 4 891191511 +934 474 4 891191976 +934 481 4 891191402 +934 483 3 891190609 +934 492 4 891192087 +934 495 4 891195604 +934 498 3 891191511 +934 501 4 891196464 +934 502 4 891194539 +934 506 4 891193331 +934 507 4 891192145 +934 510 5 891193751 +934 516 3 891191334 +934 526 2 891192197 +934 527 3 891191334 +934 533 3 891189640 +934 550 4 891193097 +934 581 2 891193814 +934 584 4 891196384 +934 602 3 891195063 +934 614 3 891191334 +934 624 4 891193290 +934 630 4 891192285 +934 650 4 891195503 +934 657 3 891191027 +934 660 5 891194836 +934 661 4 891190960 +934 674 4 891193814 +934 703 4 891195437 +934 705 4 891191778 +934 708 3 891192329 +934 712 4 891196564 +934 732 5 891194089 +934 755 4 891196610 +934 786 1 891194089 +934 792 3 891193132 +934 794 4 891192849 +934 805 4 891194221 +934 811 4 891192145 +934 818 1 891190288 +934 902 4 891188580 +934 961 4 891193854 +934 965 4 891192914 +934 972 3 891225716 +934 1018 4 891192849 +934 1065 2 891191108 +934 1135 3 891196117 +934 1203 5 891193013 +934 1285 3 891196516 +934 1311 1 891195713 +934 1411 4 891195437 +935 1 3 884472064 +935 9 1 884472352 +935 15 5 884472177 +935 117 4 884472229 +935 118 4 884472704 +935 120 3 884472942 +935 125 4 884472575 +935 181 4 884472039 +935 255 4 884472247 +935 274 5 884472352 +935 281 5 884472310 +935 282 4 884472539 +935 283 4 884472136 +935 286 5 884471835 +935 300 4 884471955 +935 313 5 884471835 +935 405 4 884472704 +935 546 4 884472743 +935 597 4 884472576 +935 620 2 884472627 +935 685 4 884472310 +935 815 4 884472576 +935 934 4 884472743 +935 1048 3 884472465 +936 1 4 886832453 +936 3 4 886833148 +936 6 5 886832636 +936 7 4 886832221 +936 13 4 886832596 +936 16 4 886832596 +936 19 5 886832092 +936 20 5 886833795 +936 24 4 886832904 +936 25 4 886833231 +936 100 4 886832092 +936 108 4 886832758 +936 117 4 886832713 +936 118 3 886833516 +936 121 4 886832544 +936 124 4 886832282 +936 125 4 886832757 +936 127 5 886833795 +936 129 4 886832134 +936 221 4 886832373 +936 235 3 886833099 +936 237 4 886832672 +936 244 4 886833099 +936 246 4 886832282 +936 248 4 886833006 +936 251 4 886832134 +936 252 2 886833099 +936 255 5 886833795 +936 257 3 886832808 +936 258 3 886831374 +936 259 3 886831709 +936 269 4 886831415 +936 272 4 886831374 +936 273 3 886832453 +936 274 3 886832858 +936 276 5 886832282 +936 286 5 886833794 +936 287 4 886832419 +936 289 5 886831769 +936 294 3 886831679 +936 295 3 886832502 +936 300 3 886831501 +936 312 3 886831853 +936 319 4 886831576 +936 321 3 886831769 +936 323 3 886831820 +936 324 5 886831576 +936 325 5 886831709 +936 327 4 886831445 +936 343 3 886831576 +936 346 4 886831445 +936 358 4 886831820 +936 405 2 886833053 +936 410 3 886833099 +936 455 3 886833148 +936 476 4 886832544 +936 535 2 886833052 +936 678 3 886831820 +936 696 2 886833191 +936 717 2 886833325 +936 748 2 886831738 +936 756 4 886833052 +936 766 3 886832597 +936 813 5 886832222 +936 815 3 886833571 +936 825 4 886832502 +936 827 2 886833191 +936 845 4 886833006 +936 864 4 886833360 +936 866 2 886833099 +936 898 1 886831535 +936 904 5 886831415 +936 919 5 886832808 +936 926 4 886833191 +936 928 3 886832502 +936 975 3 886832714 +936 988 3 886831912 +936 995 3 886831637 +936 1008 5 886833098 +936 1009 4 886833231 +936 1011 4 886832757 +936 1016 3 886832966 +936 1023 2 886833661 +936 1068 4 886832904 +936 1079 1 886832714 +936 1115 4 886832859 +936 1129 5 886833795 +936 1160 5 886833795 +936 1163 5 886833099 +936 1171 5 886832757 +936 1190 3 886833707 +936 1199 4 886833148 +936 1202 4 886832221 +936 1226 3 886833148 +936 1241 4 886832808 +936 1315 3 886833191 +936 1323 4 886833281 +936 1335 4 886833325 +936 1368 5 886832337 +936 1370 4 886833571 +936 1375 5 886832596 +936 1377 5 886832183 +937 14 4 876769080 +937 19 1 876769436 +937 50 5 876769374 +937 93 4 876780336 +937 100 3 876769080 +937 116 4 876769080 +937 124 4 876769212 +937 137 3 876769480 +937 222 3 876769530 +937 225 2 876769436 +937 236 4 876769373 +937 237 4 876769530 +937 255 3 876769323 +937 258 4 876762200 +937 283 4 876769212 +937 286 4 876762200 +937 294 1 876769480 +937 295 4 876780336 +937 303 4 876762200 +937 304 4 876768813 +937 326 1 876768813 +937 408 5 876769323 +937 508 1 876780336 +937 847 4 876769213 +937 864 3 876769530 +937 874 3 876768956 +937 988 2 876768983 +937 1007 4 876769373 +938 1 4 891356314 +938 7 4 891356679 +938 25 4 891356532 +938 50 5 891356314 +938 100 5 891356350 +938 106 5 891357019 +938 111 5 891356742 +938 117 3 891356350 +938 118 5 891356799 +938 121 5 891356895 +938 126 4 891356656 +938 127 5 891356446 +938 148 3 891356500 +938 220 4 891357085 +938 222 5 891356479 +938 225 4 891357161 +938 235 1 891357137 +938 237 2 891356549 +938 243 4 891356085 +938 245 3 891356282 +938 248 1 891356390 +938 250 3 891356532 +938 252 4 891357042 +938 255 1 891356329 +938 257 5 891356350 +938 258 5 891353196 +938 259 2 891356282 +938 260 4 891355996 +938 273 5 891356532 +938 275 4 891356350 +938 276 3 891356572 +938 286 3 891356282 +938 288 5 891354203 +938 289 1 891356282 +938 290 3 891356679 +938 291 4 891356594 +938 293 3 891356501 +938 298 4 891356573 +938 323 3 891356282 +938 328 2 891356282 +938 343 4 891356062 +938 358 4 891355972 +938 405 3 891356847 +938 406 3 891357060 +938 410 1 891356780 +938 411 3 891357042 +938 456 1 891357161 +938 458 4 891356780 +938 471 3 891356413 +938 473 3 891357106 +938 508 4 891356367 +938 591 3 891356463 +938 596 5 891356532 +938 597 3 891356679 +938 676 3 891356428 +938 678 3 891356282 +938 685 3 891356894 +938 742 3 891356702 +938 756 3 891357019 +938 762 4 891356780 +938 823 4 891357019 +938 829 1 891357085 +938 841 3 891357190 +938 845 1 891356780 +938 866 5 891356991 +938 871 2 891356549 +938 926 3 891357137 +938 928 5 891356656 +938 929 2 891356966 +938 993 5 891356413 +938 1013 2 891357042 +938 1016 3 891356799 +938 1028 5 891356679 +938 1047 3 891357107 +938 1061 4 891357085 +938 1152 3 891357106 +938 1254 1 891357019 +938 1283 3 891357190 +939 9 5 880260745 +939 15 5 880261094 +939 118 5 880261450 +939 127 5 880260745 +939 220 5 880261658 +939 237 5 880261056 +939 252 3 880261185 +939 254 3 880262319 +939 255 5 880261094 +939 257 5 880260805 +939 266 2 880260636 +939 274 5 880261334 +939 275 4 880260852 +939 280 5 880261291 +939 283 5 880261291 +939 285 5 880261184 +939 298 5 880261184 +939 405 4 880261450 +939 411 4 880261917 +939 424 3 880262019 +939 471 5 880261254 +939 508 5 880261141 +939 546 4 880261610 +939 591 5 880260994 +939 597 4 880261610 +939 680 2 880260636 +939 717 4 880261784 +939 742 5 880260915 +939 756 5 880261532 +939 841 4 880261868 +939 1028 5 880261868 +939 1051 5 880262090 +939 1277 5 880261945 +940 7 4 885921597 +940 12 4 885921979 +940 47 3 885921758 +940 50 4 885921542 +940 69 2 885921265 +940 70 3 885921500 +940 82 4 885922040 +940 98 4 885921421 +940 100 3 885921471 +940 116 2 885921741 +940 137 3 885921758 +940 150 3 885921422 +940 151 3 885921800 +940 161 3 885921870 +940 164 2 885921915 +940 168 3 885921597 +940 171 2 885921401 +940 173 4 885921400 +940 176 4 885921979 +940 183 3 885921422 +940 191 4 885921710 +940 200 3 885922016 +940 204 4 885922015 +940 209 4 885921800 +940 213 4 885921597 +940 215 2 885921451 +940 216 4 885921310 +940 238 4 885921628 +940 258 5 884801316 +940 259 4 884801316 +940 264 1 884801053 +940 269 4 884801316 +940 271 2 884801053 +940 285 4 885921846 +940 286 3 884800898 +940 294 4 884801316 +940 301 3 884800988 +940 302 4 884801316 +940 313 5 884801316 +940 316 4 889480582 +940 321 4 884801316 +940 347 3 884801024 +940 354 5 889480493 +940 357 4 885921219 +940 358 1 884801227 +940 382 3 885921953 +940 420 4 885921979 +940 430 4 885921542 +940 436 4 885921542 +940 471 4 885921628 +940 482 5 885921198 +940 508 5 885921198 +940 516 4 885921401 +940 527 3 885921710 +940 529 3 885921669 +940 629 3 885921800 +940 651 4 885921243 +940 657 4 885921471 +940 678 4 884801316 +940 692 4 885921651 +940 709 5 885921451 +940 746 3 885921669 +940 792 2 885921892 +940 879 3 889480535 +940 1137 3 885921577 +940 1167 4 885921198 +941 1 5 875049144 +941 15 4 875049144 +941 222 2 875049038 +941 257 4 875048952 +941 273 3 875049038 +941 294 4 875048532 +941 298 5 875048887 +941 300 4 875048495 +941 358 2 875048581 +941 408 5 875048886 +941 455 4 875049038 +941 475 4 875049038 +941 763 3 875048996 +941 919 5 875048887 +941 1007 4 875049077 +942 71 5 891282840 +942 79 5 891282903 +942 97 5 891283239 +942 99 5 891282880 +942 124 4 891283068 +942 135 3 891283017 +942 174 5 891283209 +942 183 3 891283184 +942 197 5 891283043 +942 210 4 891283184 +942 215 5 891283117 +942 234 4 891283161 +942 258 4 891282438 +942 259 4 891282673 +942 265 5 891282880 +942 272 5 891282420 +942 282 5 891282816 +942 300 5 891282564 +942 310 4 891282396 +942 315 4 891282355 +942 316 4 891282618 +942 318 5 891282903 +942 322 3 891282539 +942 328 3 891282503 +942 357 4 891283239 +942 414 4 891282857 +942 435 5 891282931 +942 478 5 891283017 +942 480 5 891282985 +942 484 5 891282963 +942 498 5 891282931 +942 520 5 891282963 +942 528 5 891282840 +942 659 5 891283161 +942 661 4 891283139 +942 662 4 891283517 +942 678 3 891282673 +942 689 3 891282644 +942 705 4 891283095 +942 750 4 891282355 +942 879 4 891282539 +942 892 3 891282644 +942 945 5 891283239 +942 1028 4 891283209 +942 1050 5 891283043 +942 1204 4 891283209 +942 1221 4 891282783 +943 2 5 888639953 +943 9 3 875501960 +943 22 4 888639042 +943 23 4 888638897 +943 24 4 875502074 +943 28 4 875409978 +943 31 4 888639066 +943 38 3 888640208 +943 41 4 888640251 +943 42 5 888639042 +943 50 4 875501835 +943 53 3 888640067 +943 56 5 888639269 +943 64 5 875409939 +943 67 4 888640143 +943 68 4 888639500 +943 69 5 888639427 +943 72 2 888639814 +943 76 4 888639523 +943 79 5 888639019 +943 80 2 888640048 +943 92 5 888639660 +943 97 2 888639445 +943 98 5 888638980 +943 100 5 875501725 +943 121 3 875502096 +943 122 1 875502576 +943 132 3 888639093 +943 139 1 888640027 +943 151 4 888692699 +943 161 4 888639772 +943 168 2 888638897 +943 172 4 888638940 +943 173 5 888638960 +943 174 4 875410099 +943 182 5 888639066 +943 185 2 888639370 +943 187 5 888639147 +943 193 4 888639093 +943 194 5 888639192 +943 196 5 888639192 +943 201 5 888639351 +943 202 2 888639170 +943 204 3 888639117 +943 205 5 888639478 +943 216 4 888639327 +943 217 3 888640067 +943 218 4 888639929 +943 219 4 888639575 +943 227 1 888693158 +943 228 3 888693158 +943 229 2 888693158 +943 230 1 888693158 +943 231 2 888640186 +943 233 5 888639327 +943 234 3 888693184 +943 239 5 888639867 +943 274 3 875502074 +943 282 5 875502230 +943 284 2 875502192 +943 318 3 888639093 +943 367 4 888639679 +943 385 4 888639308 +943 386 1 888640186 +943 391 2 888640291 +943 393 2 888639638 +943 399 1 888639886 +943 401 1 888639867 +943 402 2 888639702 +943 403 4 888639746 +943 406 3 875502597 +943 415 1 888640027 +943 419 2 888638920 +943 421 2 888639351 +943 426 4 888640027 +943 427 4 888639147 +943 431 4 888639724 +943 449 1 888693158 +943 450 1 888693158 +943 468 2 888639575 +943 470 4 888639814 +943 475 5 875501889 +943 485 5 888639523 +943 508 5 875501795 +943 526 4 888639523 +943 541 4 888639954 +943 546 4 875502229 +943 559 4 888639638 +943 566 4 888639886 +943 568 3 888639042 +943 569 2 888640186 +943 576 4 888640106 +943 585 1 888640250 +943 609 2 888639702 +943 614 5 888639351 +943 625 3 888639427 +943 672 5 888640125 +943 717 4 875502116 +943 720 1 888640048 +943 721 5 888639660 +943 722 3 888640208 +943 724 1 888639478 +943 732 4 888639789 +943 739 4 888639929 +943 756 2 875502146 +943 763 4 875501813 +943 765 3 888640227 +943 785 2 888640088 +943 796 3 888640311 +943 816 4 888640186 +943 824 4 875502483 +943 825 3 875502283 +943 831 2 875502283 +943 840 4 888693104 +943 928 5 875502074 +943 941 1 888639725 +943 1028 2 875502096 +943 1044 3 888639903 +943 1047 2 875502146 +943 1228 3 888640275 +943 1330 3 888692465 diff --git a/MovieLens Movie Recommendation/Python/ml-100k/u4.test b/MovieLens Movie Recommendation/Python/ml-100k/u4.test new file mode 100644 index 00000000..a8109c4c --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/u4.test @@ -0,0 +1,20000 @@ +1 4 3 876893119 +1 7 4 875071561 +1 42 5 876892425 +1 43 4 878542869 +1 55 5 875072688 +1 58 4 878542960 +1 95 4 875072303 +1 116 3 878542960 +1 123 4 875071541 +1 124 5 875071484 +1 139 3 878543216 +1 142 2 878543238 +1 149 2 878542791 +1 165 5 874965518 +1 191 5 875072956 +1 198 5 878542717 +1 203 4 878542231 +1 216 5 876892701 +1 217 3 876892676 +1 240 3 875071898 +1 263 1 875693007 +2 272 5 888979061 +2 278 3 888551647 +2 288 3 888550252 +2 289 3 888979353 +2 304 4 888979197 +3 336 1 889237198 +3 347 5 889237455 +4 324 5 892002353 +4 358 2 892004275 +4 359 5 892002352 +4 362 5 892002352 +5 63 1 878844629 +5 66 1 875721019 +5 163 5 879197864 +5 181 5 875635757 +5 239 4 875636655 +5 366 3 875637145 +5 367 3 875636281 +5 404 2 875721216 +5 406 1 875635807 +5 412 3 875635416 +5 425 2 875637440 +5 434 5 875637033 +5 455 4 875635174 +6 9 4 883599205 +6 170 4 883602574 +6 223 4 883600747 +6 261 3 883268522 +6 340 2 883268278 +6 464 2 883601365 +6 468 3 883602174 +6 474 5 883601277 +6 497 4 883601088 +6 531 4 883600747 +7 9 5 891351432 +7 11 3 891352451 +7 31 4 892134959 +7 39 5 891353614 +7 52 4 891353801 +7 69 5 891351728 +7 70 1 891352557 +7 71 5 891352692 +7 96 5 891351383 +7 125 4 891353192 +7 132 5 891351287 +7 179 5 891352303 +7 217 4 891352778 +7 265 5 891350845 +7 275 4 891352831 +7 318 5 891352010 +7 341 3 892333206 +7 365 4 891353744 +7 379 4 891353325 +7 415 2 891354438 +7 427 5 891352220 +7 443 5 891353254 +7 463 4 891353192 +7 488 4 891351041 +7 546 4 891353444 +7 549 4 891353086 +7 573 5 891353828 +7 577 2 892133310 +7 586 3 891354639 +7 592 5 891353652 +7 602 3 891352594 +7 610 5 891353086 +7 615 4 891351585 +7 629 3 891352526 +7 632 5 891352261 +7 651 5 891350932 +7 663 5 891352220 +7 664 3 891353977 +8 11 3 879362233 +8 55 5 879362286 +8 222 5 879362356 +8 336 3 879361664 +8 431 2 879362356 +8 510 4 879362233 +9 50 5 886960055 +9 201 5 886960055 +10 70 4 877891747 +10 180 5 877889333 +10 192 4 877891966 +10 230 4 877892210 +10 238 4 877892276 +10 414 4 877891966 +10 430 3 877886597 +10 470 4 877891747 +10 482 4 877889262 +10 502 4 877889261 +10 518 4 877886722 +10 589 5 877891905 +10 617 5 877892160 +10 654 5 877886597 +10 699 4 877893020 +10 709 4 877888613 +11 8 4 891904949 +11 28 5 891904241 +11 52 3 891904335 +11 58 3 891904596 +11 83 5 891904335 +11 88 3 891905003 +11 121 3 891902745 +11 176 3 891905783 +11 196 5 891904270 +11 301 4 891902157 +11 318 5 891904194 +11 372 4 891904968 +11 401 3 891905324 +11 427 4 891904300 +11 449 3 891906327 +11 699 4 891904389 +11 718 5 891903836 +11 729 4 891904637 +11 737 4 891904789 +11 748 1 891902270 +12 88 5 879960826 +12 238 5 879960826 +12 328 4 879958742 +13 38 3 882397974 +13 49 4 882399419 +13 53 1 882396955 +13 62 5 882397833 +13 69 4 884538766 +13 78 1 882399218 +13 111 5 882140588 +13 127 5 881515411 +13 132 4 882140002 +13 143 1 882140205 +13 145 2 882397011 +13 152 5 882141393 +13 158 1 882142057 +13 165 3 881515295 +13 172 5 882140355 +13 174 4 882139829 +13 175 4 882139717 +13 184 1 882397011 +13 187 5 882140205 +13 202 5 882141425 +13 209 3 882141306 +13 211 4 882140002 +13 235 2 882141841 +13 239 4 882141752 +13 262 4 881514876 +13 274 3 882399384 +13 275 3 886303585 +13 288 1 882396790 +13 310 4 881514683 +13 322 3 882140792 +13 323 3 882140848 +13 326 3 882140792 +13 370 1 882396984 +13 371 3 882399385 +13 382 1 882140624 +13 393 3 882141617 +13 424 1 882397068 +13 438 1 882397068 +13 474 4 881515112 +13 491 4 882140166 +13 497 5 882140166 +13 504 5 881515011 +13 506 5 882140691 +13 511 5 882139863 +13 531 3 882140104 +13 558 1 882397011 +13 566 5 882397502 +13 569 2 882396955 +13 619 3 886952245 +13 647 5 882140206 +13 662 5 882399420 +13 690 3 881514811 +13 691 4 889316404 +13 722 3 882399528 +13 746 3 884538766 +13 749 3 881515521 +13 750 5 883670552 +13 751 5 882774081 +13 765 2 886303934 +13 767 1 882397011 +13 774 1 882396913 +13 777 1 882397084 +13 779 3 882398255 +13 799 4 882139937 +13 810 5 882398076 +13 817 1 882396914 +13 819 1 882141924 +13 826 5 882398385 +13 853 1 882397010 +13 862 3 882399074 +13 863 4 882140487 +13 902 3 891749765 +13 903 3 890704759 +13 911 2 892015141 +13 916 4 892870589 +13 917 4 892015104 +14 186 4 879119497 +14 195 5 890881336 +14 240 5 880929697 +14 430 5 879119692 +14 473 5 876964936 +14 507 4 890881521 +14 523 4 879119497 +14 654 4 890881294 +14 919 4 876964725 +15 121 3 879456168 +15 125 5 879456049 +15 249 1 879455764 +15 258 3 879455473 +15 275 4 879455562 +15 283 4 879455505 +15 297 3 879455606 +15 472 3 879456204 +15 748 3 879455262 +15 823 2 879456351 +16 100 5 877720437 +16 199 5 877719645 +16 202 5 877724726 +16 286 2 877716993 +16 591 4 877726944 +16 732 5 877726944 +16 939 4 877717833 +17 221 2 885272654 +17 243 1 885166209 +17 475 4 885272520 +17 628 1 885272724 +18 8 5 880130802 +18 22 5 880130640 +18 32 2 880132129 +18 48 4 880130515 +18 52 5 880130680 +18 59 4 880132501 +18 72 3 880132252 +18 88 3 880130890 +18 100 5 880130065 +18 137 5 880132437 +18 143 4 880131474 +18 172 3 880130551 +18 210 5 880131054 +18 216 4 880129527 +18 242 5 880129305 +18 382 3 880129595 +18 392 3 880130193 +18 418 3 880130515 +18 419 3 880131878 +18 493 5 880132437 +18 510 4 880130680 +18 512 5 880131407 +18 516 5 880130861 +18 524 4 880129816 +18 633 5 880131358 +18 714 4 880130334 +18 716 5 880131676 +18 856 5 880131676 +18 958 5 880129731 +19 8 5 885412723 +20 633 4 879668979 +21 358 3 874951616 +21 619 2 874951416 +21 628 3 874951616 +21 635 4 874951727 +21 769 1 874951916 +21 980 2 874951349 +21 986 1 874951482 +21 990 2 874951039 +22 4 5 878886571 +22 50 5 878887765 +22 62 4 878887925 +22 127 5 878887869 +22 250 5 878888251 +22 405 1 878888067 +22 732 4 878886710 +22 926 1 878887062 +23 56 4 874785233 +23 59 4 874785526 +23 89 5 874785582 +23 116 5 874784466 +23 154 3 874785552 +23 195 4 874786993 +23 367 4 874785957 +23 423 3 874786488 +23 522 4 874785447 +23 679 3 874788443 +23 1004 3 874788318 +24 655 5 875323915 +25 1 5 885853415 +25 121 4 885853030 +25 133 3 885852381 +25 134 4 885852008 +25 173 4 885852969 +25 204 5 885853415 +25 408 5 885852920 +25 419 4 885852218 +25 527 4 885852248 +26 271 3 891348070 +26 284 3 891371505 +26 291 3 891379753 +26 293 3 891371369 +26 298 3 891371505 +26 369 2 891379664 +26 475 3 891350826 +26 751 4 891347477 +26 841 2 891380200 +27 288 3 891543129 +27 930 2 891543222 +28 5 3 881961600 +28 31 4 881956082 +28 96 5 881957250 +28 219 5 881961728 +28 229 2 881961393 +28 230 4 881961393 +28 448 4 881961600 +28 567 4 881961782 +28 672 3 881961728 +29 180 4 882821989 +29 303 4 882820686 +29 306 4 882820730 +29 312 4 882821705 +29 657 4 882821942 +29 1019 4 882821989 +30 164 4 875060217 +30 403 2 875061066 +30 751 3 884310551 +31 306 3 881547814 +31 519 4 881548053 +31 1019 5 881548082 +31 1022 5 881547814 +32 7 4 883717766 +32 455 2 883717796 +33 329 4 891964326 +33 880 3 891964230 +35 264 2 875459099 +35 266 3 875458941 +35 300 5 875458970 +36 261 5 882157581 +37 7 4 880915528 +37 210 4 880915810 +37 230 4 880915942 +37 578 3 880916010 +37 831 2 880915607 +38 35 5 892433801 +38 243 3 892429095 +38 288 5 892428188 +38 294 5 892428584 +38 326 5 892428688 +38 406 2 892434251 +38 637 2 892434452 +38 940 1 892434742 +38 1016 5 892429542 +38 1028 5 892432624 +39 301 3 891400280 +39 339 3 891400609 +40 343 1 889041790 +40 1038 1 889041741 +41 56 4 890687472 +41 96 4 890687019 +41 152 4 890687326 +41 180 5 890687019 +41 194 3 890687242 +42 71 4 881108229 +42 73 4 881108484 +42 86 3 881107880 +42 97 3 881107502 +42 111 1 881105931 +42 132 5 881107502 +42 141 3 881109059 +42 174 5 881106711 +42 181 5 881107291 +42 559 2 881109271 +42 595 1 881106582 +42 655 3 881107642 +42 826 3 881106419 +42 941 4 881109060 +42 969 5 881107687 +42 1048 1 881106220 +42 1050 3 881107538 +43 4 4 875981421 +43 70 4 883955048 +43 100 4 875975656 +43 102 4 875981483 +43 122 2 884029709 +43 124 4 891294050 +43 127 4 875981304 +43 144 4 883955415 +43 169 5 875981128 +43 208 5 883955547 +43 257 4 875975276 +43 274 5 883955441 +43 277 1 883955498 +43 421 3 883954853 +43 542 3 883956518 +43 546 4 875975613 +43 755 3 883956075 +43 845 5 883955547 +44 50 5 878341246 +44 87 5 878347742 +44 109 3 878346431 +44 133 4 878347569 +44 157 4 878347711 +44 172 4 878348521 +44 194 5 878347504 +44 328 4 878340848 +44 419 4 878348784 +44 427 3 878348547 +44 520 5 878347874 +44 523 4 878348784 +44 625 3 878348691 +44 756 3 878346904 +45 111 4 881011550 +45 181 4 881010742 +45 278 3 881014550 +45 284 4 881014130 +45 742 4 881013176 +45 845 4 881011188 +45 926 3 881015386 +46 93 4 883616218 +46 300 3 883611307 +46 332 4 883611482 +46 748 5 883614645 +47 286 3 879438984 +47 301 4 879440333 +47 303 4 879439112 +47 304 3 879439144 +47 307 4 879439112 +48 215 4 879434751 +48 243 3 879434330 +48 323 3 879434181 +48 1063 3 879434654 +49 4 2 888069512 +49 54 2 888068265 +49 62 2 888069660 +49 209 5 888068877 +49 301 3 888065640 +49 367 3 888069117 +49 455 1 888068791 +49 465 3 888067798 +49 717 2 888068651 +49 820 1 888067164 +49 1017 3 888069040 +49 1077 4 888068057 +50 100 2 877052400 +50 547 4 877052297 +51 50 5 883498685 +51 181 5 883498655 +51 692 3 883498685 +51 705 1 883498756 +52 282 4 882922302 +52 333 4 882922038 +52 1085 4 882922454 +54 240 4 880936500 +54 245 4 880929738 +54 250 4 880933834 +54 405 4 880934806 +54 634 1 892681013 +54 823 2 880938088 +56 50 5 892737154 +56 114 4 892683248 +56 161 4 892910890 +56 167 3 892911494 +56 225 2 892910292 +56 238 5 892676885 +56 280 4 892683913 +56 298 4 892683695 +56 410 4 892911348 +56 441 4 892679163 +56 559 4 892910646 +56 678 4 892676056 +56 930 3 892679481 +57 15 4 883697223 +57 50 5 883697105 +57 117 4 883697512 +57 194 4 883698272 +57 195 3 883698431 +57 323 3 883696709 +57 477 4 883697655 +57 845 4 883697253 +57 930 2 883698039 +57 988 4 883696785 +57 1016 4 883697730 +58 1 5 884304483 +58 111 4 884304638 +58 121 2 892242300 +58 134 5 884304766 +58 137 5 884304430 +58 174 4 884305271 +58 203 5 884305185 +58 1008 1 884304609 +58 1070 4 884304936 +59 15 5 888203449 +59 24 4 888203579 +59 30 5 888205787 +59 42 5 888204841 +59 60 5 888204965 +59 68 2 888205228 +59 69 5 888205087 +59 89 5 888204965 +59 151 5 888203053 +59 182 5 888204877 +59 193 4 888204465 +59 219 5 888206485 +59 265 4 888205410 +59 285 4 888202941 +59 434 4 888205574 +59 451 5 888206049 +59 466 4 888204389 +59 472 3 888203482 +59 480 5 888204802 +59 492 4 888205370 +59 515 4 888204430 +59 519 4 888204965 +59 524 3 888206689 +59 525 3 888204758 +59 567 4 888206562 +59 603 5 888204309 +59 620 4 888203959 +59 655 5 888204642 +59 929 2 888203018 +59 959 4 888206095 +59 1074 4 888206409 +59 1093 5 888203578 +59 1112 3 888206161 +60 133 4 883326893 +60 134 4 883326215 +60 175 5 883326919 +60 237 4 883327442 +60 484 5 883326370 +60 496 4 883326682 +60 501 3 883327472 +60 517 4 883327265 +60 654 4 883326399 +60 1122 5 883326498 +61 294 2 891220884 +61 310 4 891206194 +61 751 3 891206274 +62 22 4 879373820 +62 72 3 879375762 +62 134 4 879373768 +62 167 2 879376727 +62 171 4 879373659 +62 172 5 879373794 +62 190 5 879374686 +62 204 3 879373737 +62 207 3 879375676 +62 217 2 879376387 +62 237 3 879372563 +62 271 1 879371909 +62 451 3 879375716 +62 455 3 879372696 +62 466 3 879374785 +62 511 4 879373586 +62 546 4 879373118 +62 704 2 879375477 +62 739 2 879375454 +62 952 3 879372505 +62 1028 1 879373215 +62 1133 4 879376332 +63 3 2 875748068 +63 14 4 875747401 +63 79 3 875748245 +63 259 3 875747047 +63 262 4 875746917 +63 269 3 875746948 +63 276 4 875747265 +63 748 4 875747010 +63 1138 2 875747789 +64 28 4 889737851 +64 48 5 879365619 +64 79 4 889737943 +64 87 4 889737851 +64 111 4 889739975 +64 132 4 889737851 +64 174 5 889737478 +64 234 4 889737800 +64 258 3 879365313 +64 275 4 879365670 +64 326 3 879365313 +64 463 4 889739212 +64 480 3 879365619 +64 591 4 889740394 +64 625 3 889740286 +64 655 4 889739243 +64 718 4 889739243 +64 1065 1 889737968 +65 25 4 879217406 +65 64 5 879216529 +65 111 4 879217375 +65 1041 3 879217942 +66 282 3 883601266 +66 284 3 883601812 +66 535 4 883602044 +67 756 3 875379566 +68 9 4 876974073 +68 127 4 876973969 +68 181 5 876973884 +68 276 5 876973884 +68 713 2 876974073 +69 79 4 882145524 +69 172 5 882145548 +69 288 5 882027173 +69 334 3 882125962 +70 79 4 884149453 +70 91 3 884068138 +70 229 3 884064269 +70 257 4 884063946 +70 343 4 884066910 +70 451 4 884065678 +70 473 3 884066399 +70 559 3 884066399 +70 596 3 884148728 +70 655 4 884150153 +70 678 3 884063627 +70 684 3 884149646 +70 820 1 884152379 +70 1145 3 884151622 +71 52 4 877319567 +71 153 4 885016495 +71 168 5 885016641 +71 286 4 877319080 +71 302 3 880864015 +71 514 4 877319567 +72 1 4 880035614 +72 58 4 880036638 +72 188 4 880037203 +72 198 5 880037881 +72 215 4 880036718 +72 493 5 880037768 +72 518 4 880036824 +72 526 4 880037164 +72 642 4 880037479 +72 654 4 880037461 +72 708 4 880036691 +72 1051 4 880035958 +72 1148 4 880036911 +73 197 5 888625934 +73 894 1 888625592 +74 268 3 888333195 +74 315 5 888333194 +74 508 4 888333542 +75 79 5 884051893 +75 117 4 884050164 +75 289 1 884049789 +75 460 5 884050829 +75 508 4 884050102 +75 833 2 884051113 +75 988 2 884049820 +75 1048 4 884050705 +75 1152 1 884050502 +76 156 3 882606108 +76 182 4 882606392 +76 203 4 875027507 +76 264 3 875027292 +76 955 4 882606789 +76 1154 5 878100710 +77 28 5 884753061 +77 121 2 884733261 +77 156 4 884733621 +77 173 5 884752689 +77 192 3 884752900 +77 199 5 884733988 +77 519 5 884752874 +77 527 4 884752853 +78 476 3 879633767 +79 1 4 891271870 +79 10 5 891271901 +79 222 4 891271957 +79 275 4 891271627 +79 276 3 891271957 +79 311 4 891271278 +79 515 5 891271792 +80 79 4 887401407 +80 483 5 887401328 +81 116 3 876533504 +81 456 1 876533504 +81 475 5 876533504 +81 928 4 876534214 +82 50 5 876311146 +82 87 3 878769598 +82 100 5 876311299 +82 112 1 877452357 +82 125 3 877452380 +82 170 4 878769703 +82 241 3 878769992 +82 338 1 884713704 +82 640 3 878769292 +82 770 4 878769777 +82 895 1 884713704 +83 79 5 887665423 +83 127 4 887665549 +83 240 1 883870084 +83 248 3 883868788 +83 591 4 880306745 +83 728 4 880308909 +83 751 3 883869440 +83 756 4 883867791 +83 1041 4 880308909 +84 4 3 883453713 +84 70 5 883452906 +84 79 4 883453520 +84 100 4 883452155 +84 282 4 883450434 +84 318 5 883453617 +84 477 4 883452307 +85 9 4 879456308 +85 42 3 879453876 +85 64 5 879454046 +85 141 3 879829042 +85 186 3 879454273 +85 204 4 879828821 +85 270 3 890255063 +85 281 3 879452971 +85 313 4 884820133 +85 316 3 893110061 +85 405 2 879453018 +85 428 5 879454235 +85 515 5 879829265 +85 519 4 879829265 +85 630 3 879453623 +85 697 3 879829471 +85 921 3 879827989 +85 1018 4 882995668 +85 1070 4 879453809 +85 1113 2 879454981 +87 49 5 879876564 +87 66 5 879876403 +87 94 4 879876703 +87 121 5 879875893 +87 174 5 879875736 +87 188 4 879875818 +87 222 4 879875940 +87 252 3 879876224 +87 433 3 879876702 +87 451 4 879876448 +87 476 2 879877241 +87 765 3 879877006 +87 801 3 879876768 +87 804 3 879877083 +89 15 5 879441307 +89 86 5 879459859 +89 301 5 879461219 +90 156 4 891384147 +90 171 2 891384476 +90 192 4 891384959 +90 198 5 891383204 +90 209 5 891383173 +90 212 4 891384147 +90 220 4 891385165 +90 223 4 891383912 +90 242 4 891382267 +90 268 4 891382392 +90 270 4 891382310 +90 275 5 891383626 +90 316 5 891382658 +90 479 5 891384147 +90 481 5 891384516 +90 505 5 891383687 +90 511 5 891384476 +90 644 5 891384065 +90 656 5 891385132 +90 750 4 891383319 +90 1045 2 891385843 +90 1136 3 891385899 +90 1192 5 891384673 +90 1201 5 891383687 +90 1202 5 891385132 +90 1203 5 891385466 +91 69 5 891439057 +91 205 5 891438947 +91 343 4 891438151 +91 418 2 891439503 +91 511 5 891439243 +91 1192 4 891439243 +92 38 3 875657640 +92 39 3 875656419 +92 44 3 875906989 +92 50 5 875640148 +92 111 3 875641135 +92 118 2 875640512 +92 156 4 875656086 +92 199 3 875811628 +92 228 4 875653867 +92 246 4 890251289 +92 304 4 888469716 +92 322 3 890251700 +92 368 1 886443672 +92 385 4 875653665 +92 401 3 875907535 +92 402 3 875813098 +92 406 2 881008058 +92 408 4 876175704 +92 451 3 875660083 +92 452 2 875906828 +92 546 2 875640512 +92 558 3 875906765 +92 685 3 875640708 +92 702 3 875656054 +92 707 4 875653162 +92 708 4 875654432 +92 729 4 875656624 +92 732 3 875812841 +92 993 4 890251516 +92 998 2 875907649 +92 1216 4 886442386 +93 276 2 888705257 +94 47 5 891720498 +94 51 3 891721026 +94 67 3 891723296 +94 91 5 891722006 +94 94 2 891723883 +94 172 4 885870175 +94 177 5 885870284 +94 195 3 885870231 +94 208 4 891720643 +94 238 5 891721168 +94 245 1 891724828 +94 357 5 891720921 +94 365 3 891722383 +94 372 4 891723124 +94 403 3 891723188 +94 411 3 891724508 +94 423 4 885873302 +94 465 5 891721851 +94 527 5 886008885 +94 568 3 891721974 +94 587 4 891721078 +94 627 3 891722678 +94 636 4 891721351 +94 637 3 891723186 +94 673 3 891721615 +94 746 4 891721716 +94 939 4 885873423 +94 1009 4 891722845 +94 1045 4 891721815 +94 1135 4 891722646 +94 1209 2 891723459 +94 1221 3 891721216 +95 8 5 879198262 +95 49 3 879198604 +95 51 4 879198353 +95 62 4 879196354 +95 73 4 879198161 +95 99 4 888954699 +95 195 5 879196231 +95 215 4 879198109 +95 234 2 879197886 +95 250 4 882803989 +95 381 4 880571678 +95 398 1 888956804 +95 399 4 880572449 +95 419 4 879198547 +95 420 4 888956001 +95 431 3 879196629 +95 472 5 879197329 +95 511 4 879196298 +95 552 1 888956422 +95 566 2 879196594 +95 715 1 880572060 +95 739 3 880572689 +95 855 3 888954609 +95 1116 4 888956137 +95 1227 2 880572581 +96 200 5 884403215 +96 265 5 884403758 +97 69 5 884239616 +97 172 4 884238939 +97 173 3 884238728 +97 193 4 884238997 +97 1126 3 884239687 +98 210 4 880498968 +98 211 4 880498797 +98 988 1 880498668 +99 116 2 888469419 +99 172 5 885679952 +99 276 2 885678973 +99 310 3 885678348 +99 326 3 885678267 +99 678 2 885678479 +99 1048 4 885679411 +100 887 2 891374868 +100 892 2 891375484 +100 895 2 891375212 +101 225 3 877136814 +101 546 4 877137015 +101 819 1 877136424 +101 866 4 877137015 +102 4 2 888801522 +102 11 3 888801232 +102 55 3 888801465 +102 153 2 892991376 +102 229 3 888801623 +102 234 3 888802940 +102 241 3 888802038 +102 294 2 883277645 +102 384 2 892993827 +102 435 3 888801315 +102 447 4 888803002 +102 449 4 888802176 +102 511 3 888801407 +102 550 2 888801812 +102 751 3 885100000 +102 760 1 888803245 +102 785 2 892991376 +102 841 2 888802319 +102 947 3 888801360 +102 1052 2 892993983 +103 294 4 880416515 +104 222 3 888465319 +104 246 3 888465319 +104 268 3 888442172 +104 286 1 888442304 +104 340 3 888441878 +105 269 4 889214193 +105 343 2 889214524 +106 100 3 881449487 +106 162 5 881450758 +107 322 1 891264535 +107 325 3 891264659 +107 327 3 891264501 +108 1 4 879879720 +108 7 5 879879812 +108 281 4 879879985 +109 11 4 880572786 +109 25 4 880571741 +109 53 4 880583336 +109 63 3 880582679 +109 144 4 880572560 +109 151 5 880571661 +109 175 1 880577734 +109 209 1 880572756 +109 226 5 880578503 +109 228 5 880577604 +109 257 5 880563331 +109 282 3 880564678 +109 572 3 880583308 +109 810 3 880583410 +109 826 3 880572064 +109 1016 5 880571661 +109 1245 2 880571872 +110 54 4 886988202 +110 63 3 886989363 +110 238 3 886989340 +110 338 1 886987540 +110 364 3 886989612 +110 722 3 886989028 +110 780 3 886989566 +110 939 4 886988042 +110 1055 2 886988134 +111 286 4 891680076 +111 307 2 891680243 +111 311 4 891680028 +111 321 3 891680076 +112 258 3 884992484 +112 310 4 884992444 +112 313 5 884992444 +112 328 4 884992566 +112 333 4 884992566 +112 346 5 891307980 +113 127 4 875935610 +113 222 3 875076872 +113 257 5 875935609 +113 292 3 875076105 +113 299 5 875076986 +113 325 4 875935610 +113 874 5 875935338 +114 153 3 881309622 +115 79 4 881171273 +115 684 3 881171489 +115 772 4 881171273 +116 56 5 886310197 +116 145 2 876452980 +116 246 5 876452405 +116 249 2 876452705 +116 292 4 876453847 +116 295 3 876452582 +116 298 3 876452555 +116 300 3 876452094 +116 343 2 881246552 +116 603 3 876454174 +116 640 3 876453560 +116 916 2 892683699 +116 1220 2 876453865 +116 1256 1 876453222 +116 1258 2 876453376 +117 11 5 881011824 +117 132 4 881012110 +117 184 3 881012601 +117 475 5 880125746 +117 931 3 881010728 +118 172 5 875384751 +118 188 5 875384669 +118 317 5 875384885 +118 508 4 875385057 +119 7 5 874775185 +119 28 5 874782022 +119 31 5 874781779 +119 64 4 874781460 +119 82 2 874781352 +119 121 4 874775311 +119 124 4 874781994 +119 125 5 874775262 +119 194 5 874781257 +119 204 4 886177659 +119 288 4 886175150 +119 298 4 874775038 +119 299 4 890626446 +119 316 4 890626706 +119 449 5 874782190 +119 458 5 874774575 +119 473 3 874775647 +119 475 4 874775580 +119 751 3 886175361 +119 827 3 874775815 +119 924 4 874775535 +119 1265 3 891287060 +120 127 4 889489772 +120 508 2 889490979 +120 744 4 889490522 +121 12 5 891390014 +121 25 5 891390316 +121 50 5 891390014 +121 172 5 891388090 +121 257 5 891390014 +121 736 5 891387992 +122 57 2 879270644 +122 86 5 879270458 +122 127 5 879270424 +122 239 4 879270741 +122 357 3 879270084 +122 513 4 879270084 +123 14 5 879872540 +123 182 4 879872671 +123 185 4 879873120 +123 288 3 879809053 +125 90 5 892838623 +125 153 2 879454419 +125 168 5 879454793 +125 202 5 892836523 +125 205 5 879454345 +125 243 2 892836123 +125 663 3 879454956 +125 709 3 879454891 +125 1170 1 892838591 +125 1204 3 879454419 +125 1271 2 892839021 +126 266 5 887938392 +126 316 4 887855231 +126 353 5 887938392 +126 678 3 887855283 +126 990 4 887855231 +127 50 4 884364866 +127 230 5 884364866 +127 258 5 884364017 +127 690 1 884363851 +128 69 4 879966867 +128 131 5 879967452 +128 186 5 879966895 +128 223 5 879966839 +128 229 2 879968071 +128 258 2 879966299 +128 319 5 879966274 +128 381 3 879969033 +128 416 3 879967367 +128 432 2 879968125 +128 458 4 879968921 +128 462 4 879966729 +128 468 1 879968243 +128 496 5 879967225 +128 501 3 879968921 +128 506 4 879968125 +128 531 4 879966685 +128 553 3 879968718 +128 633 4 879967729 +128 702 3 879967879 +129 300 3 883243934 +129 323 1 883245452 +129 990 2 883245452 +129 1176 4 883244059 +130 1 5 874953595 +130 77 5 880396792 +130 95 5 875216867 +130 96 5 875216786 +130 123 4 875216112 +130 188 4 876251895 +130 196 5 875801695 +130 257 4 874953665 +130 291 4 876250932 +130 300 5 874953239 +130 326 5 874953239 +130 347 4 884623800 +130 350 4 886023989 +130 355 4 888211731 +130 373 4 878537681 +130 389 3 875216786 +130 404 5 875802137 +130 419 5 876251515 +130 453 3 880396602 +130 471 2 874953928 +130 552 5 876252225 +130 802 5 876252136 +130 820 5 876251312 +130 928 4 876251287 +130 1058 5 876252064 +130 1142 4 874953595 +130 1157 3 880396861 +130 1220 5 876252343 +131 248 3 883681262 +131 287 4 883681351 +131 297 4 883681514 +131 744 4 883681384 +133 286 2 890588524 +133 306 4 890588612 +133 539 1 890588720 +134 269 3 891732122 +134 294 4 891732365 +134 508 3 891732726 +134 678 4 891732271 +135 554 3 879858003 +135 581 4 879857931 +137 96 5 881433654 +137 118 5 881433179 +137 289 3 881432671 +137 685 5 881433296 +138 1 4 879023031 +138 14 3 879022730 +138 209 4 879023948 +138 474 5 879024327 +139 237 3 879538254 +141 249 2 884585386 +141 407 2 884585523 +141 409 5 884585274 +141 984 4 886447880 +141 1023 4 884585274 +141 1028 4 884585168 +141 1280 1 887424890 +141 1282 3 884585320 +142 42 4 888640489 +142 147 1 888640356 +143 258 3 888407586 +143 286 2 888407586 +143 288 5 888407586 +143 307 4 888407622 +143 322 4 888407708 +144 7 2 888104087 +144 9 5 888104191 +144 12 4 888105419 +144 56 4 888105387 +144 58 3 888105548 +144 100 5 888104063 +144 126 4 888104150 +144 174 5 888105612 +144 223 4 888105197 +144 235 1 888104715 +144 248 4 888104032 +144 276 3 888104122 +144 284 3 888104213 +144 455 3 888104382 +144 1028 3 888104495 +145 55 3 875272009 +145 98 5 875271896 +145 106 4 875270655 +145 118 3 875270764 +145 155 2 875272871 +145 222 5 885557660 +145 226 1 875272196 +145 227 4 885557660 +145 228 4 885557660 +145 240 5 875270764 +145 271 4 885557660 +145 308 2 885557505 +145 310 4 883840666 +145 358 4 875273234 +145 436 5 877343121 +145 449 3 885557699 +145 546 3 875271047 +145 590 1 882182802 +145 628 2 875270932 +145 636 4 875272050 +145 742 4 875270616 +145 821 3 875272833 +145 901 1 885556116 +145 925 4 875271047 +145 1033 1 875270903 +145 1041 5 875272987 +145 1216 2 888398238 +146 269 4 891457591 +146 327 3 891457905 +148 133 5 877019251 +148 174 5 877015066 +148 189 4 877019698 +148 191 1 877020715 +148 238 4 877398586 +148 969 4 877398513 +149 245 3 883512813 +149 258 3 883512658 +149 272 3 883512591 +149 303 4 883512752 +149 313 5 883512557 +149 340 4 883512775 +149 345 4 883512623 +150 123 4 878746852 +150 124 2 878746442 +150 150 3 878746824 +151 4 5 879524922 +151 44 4 879542413 +151 56 4 879524879 +151 125 4 879542939 +151 174 5 879524088 +151 258 5 879523838 +151 277 4 879524642 +151 371 4 879542891 +151 385 3 879542775 +151 418 3 879525002 +151 423 4 879528570 +151 427 5 879524108 +151 436 3 879524947 +151 611 4 879524514 +151 629 4 879528754 +151 663 4 879524268 +151 686 3 879525035 +151 805 4 879542567 +151 945 5 879524419 +151 1047 2 879543036 +152 33 5 882475924 +152 88 5 884035964 +152 283 4 880148616 +152 294 4 880149098 +152 367 3 882475972 +152 393 5 884018430 +152 596 2 880148941 +152 724 5 884035936 +152 763 5 884018370 +153 568 4 881371140 +154 185 5 879139002 +154 187 5 879139096 +154 200 5 879138832 +154 222 2 879138910 +154 496 3 879138910 +155 306 5 879371121 +155 326 2 879371121 +156 157 4 888185906 +156 480 5 888185606 +156 655 3 888185677 +158 22 5 880134333 +158 56 5 880134296 +158 107 3 880132960 +158 174 5 880134332 +158 208 5 880135093 +158 210 4 880134296 +158 217 5 880133095 +158 302 4 880132193 +158 385 3 880134445 +158 518 4 880134398 +158 648 5 880135020 +158 651 5 880134296 +158 686 5 880134499 +158 978 3 880133937 +158 1047 4 880134261 +159 125 5 880557192 +159 130 1 880557322 +159 272 5 885501645 +159 291 4 880485766 +159 293 4 880485879 +159 299 3 893256013 +159 591 4 880557060 +159 742 2 880557192 +159 866 5 880557539 +159 873 2 893256062 +159 880 1 893256084 +159 1221 5 884027141 +160 11 4 876858091 +160 55 4 876858091 +160 129 4 876768828 +160 157 5 876858346 +160 213 4 876859778 +160 458 5 876768025 +160 955 4 876862243 +161 70 3 891171064 +161 194 1 891171503 +161 197 3 891171734 +161 929 1 891172377 +162 7 3 877635869 +162 55 3 877636713 +162 122 2 877636300 +162 179 3 877636794 +162 474 3 877636556 +162 826 3 877635965 +163 316 5 891219976 +164 9 4 889402050 +164 329 4 889401410 +164 407 2 889402443 +164 678 4 889401432 +164 825 4 889402203 +164 826 4 889402340 +165 127 4 879525706 +165 156 3 879525894 +165 174 4 879525961 +165 187 3 879526046 +165 326 5 879525672 +165 328 3 879525673 +166 315 3 886397478 +166 687 1 886397777 +166 688 3 886397855 +167 493 4 892738307 +167 554 1 892738237 +167 606 4 892738452 +167 1200 4 892738384 +168 1 5 884287509 +168 118 4 884288009 +168 273 4 884287509 +168 276 1 884287642 +168 458 1 884288058 +168 473 2 884288178 +168 546 3 884287962 +168 763 2 884288033 +168 931 3 884288329 +169 199 4 891359353 +169 443 4 891359418 +169 482 3 891359171 +169 538 4 891268653 +169 606 5 891359137 +170 294 3 884705913 +170 678 4 886623680 +171 270 4 891034835 +171 288 2 891034606 +172 23 3 875537717 +172 428 4 875537964 +172 642 4 875538028 +173 259 3 877557239 +173 262 4 877556864 +173 301 5 877557076 +173 326 5 877556988 +173 329 4 877557345 +174 11 5 886439516 +174 65 5 886514123 +174 99 3 886515457 +174 132 2 886439516 +174 215 5 886514220 +174 240 1 886434241 +174 280 5 886433862 +174 384 1 886515121 +174 407 1 886515295 +174 648 5 886513648 +174 709 4 890168554 +174 724 5 886453169 +174 781 4 886513788 +174 951 1 886515551 +174 988 1 886515335 +174 1091 3 886515591 +174 1311 3 886514430 +175 88 4 877108146 +176 268 5 886046979 +176 285 5 886047963 +176 293 5 886048040 +176 340 5 886046979 +176 458 4 886048305 +176 876 3 886047375 +176 919 2 886048391 +177 96 3 880130898 +177 127 5 880130667 +177 174 4 880130990 +177 181 4 880130931 +177 183 4 880130972 +177 307 4 882141842 +177 324 4 880130434 +177 327 3 880130467 +177 678 3 882142086 +177 748 3 880130534 +177 1110 3 880131123 +178 12 5 882826162 +178 31 4 882827083 +178 51 4 882828021 +178 100 4 882823758 +178 147 4 886678902 +178 161 5 882827645 +178 164 3 882827288 +178 194 4 882826306 +178 215 5 882826807 +178 222 4 882823857 +178 246 4 884837324 +178 283 5 882823784 +178 331 4 882823301 +178 410 4 882824467 +178 471 4 882823930 +178 511 5 882827532 +178 588 4 882826242 +178 628 4 882824027 +178 684 5 882827019 +178 781 4 882827716 +178 993 5 882824592 +179 353 1 892151270 +179 538 4 892151231 +179 682 5 892151459 +179 916 5 892151064 +179 1234 1 892151459 +180 53 5 877442125 +180 191 4 877372188 +181 106 2 878963167 +181 108 1 878963343 +181 122 2 878963276 +181 130 1 878963241 +181 151 2 878962866 +181 303 1 878961749 +181 331 1 878961511 +181 333 3 878961227 +181 410 1 878962955 +181 411 3 878963276 +181 473 2 878962919 +181 508 3 878962623 +181 546 2 878962919 +181 593 1 878962349 +181 596 4 878962866 +181 598 1 878962623 +181 678 2 878961369 +181 685 2 878963381 +181 687 1 878961814 +181 713 2 878962774 +181 717 1 878963418 +181 743 1 878963241 +181 847 1 878962550 +181 871 2 878963168 +181 884 1 878961847 +181 988 2 878961847 +181 1008 1 878963276 +181 1011 1 878963204 +181 1025 1 878961668 +181 1034 1 878962586 +181 1061 2 878963086 +181 1163 2 878963086 +181 1171 1 878962773 +181 1187 1 878962816 +181 1296 1 878962006 +181 1329 1 878962240 +181 1356 1 878963204 +181 1382 1 878962168 +182 1 4 885613092 +183 121 3 891463809 +183 144 3 891479783 +183 274 5 892323452 +183 449 2 891463592 +183 649 4 891464079 +184 29 3 889910326 +184 56 3 889908657 +184 160 3 889911459 +184 216 4 889908539 +184 238 4 889909069 +184 241 3 889909812 +184 262 5 889906946 +184 272 4 889907301 +184 276 4 889907685 +184 313 4 889906905 +184 317 3 889909426 +184 318 5 889908571 +184 368 1 889908104 +184 371 5 889909840 +184 387 4 889909515 +184 403 3 889909746 +184 473 4 889908133 +184 487 4 889908571 +184 504 4 889908630 +184 506 4 889909569 +184 640 4 889909551 +184 792 4 889909840 +184 1101 4 889909515 +184 1121 4 889910545 +185 47 4 883524249 +185 50 4 883525998 +185 178 4 883524364 +185 258 4 883526267 +185 703 4 883524172 +185 845 4 883524507 +186 12 1 879023460 +186 55 4 879023556 +186 159 5 879023723 +186 294 3 879024099 +186 330 4 891718038 +186 689 4 889817888 +186 1042 5 879023632 +186 1213 3 879023882 +187 52 4 879465683 +187 83 5 879465274 +187 137 5 879464895 +187 173 5 879465307 +187 186 4 879465308 +187 241 3 879465858 +187 300 4 879464783 +187 435 4 879465242 +187 707 5 879465882 +188 11 5 875071520 +188 174 5 875072741 +188 194 3 875073329 +188 199 4 875071658 +188 265 5 875071520 +188 356 4 875074200 +188 455 4 875075432 +188 510 3 875071775 +188 684 3 875073477 +189 8 5 893265710 +189 133 5 893265773 +189 137 4 893264407 +189 157 4 893265865 +189 199 5 893265263 +189 255 2 893277551 +189 318 5 893265191 +189 405 2 893264487 +189 418 3 893266204 +189 433 5 893266326 +189 486 5 893266105 +189 498 5 893265773 +189 503 3 893266137 +189 511 4 893265349 +189 525 5 893265946 +189 531 3 893265327 +189 588 4 893266105 +189 659 4 893265796 +189 742 3 893264270 +189 792 5 893265741 +189 1020 4 893265657 +189 1056 3 893265123 +189 1404 5 893266325 +190 7 4 891033653 +190 100 4 891033653 +190 258 3 891033183 +190 327 2 891033349 +190 328 3 891033305 +191 315 5 891560253 +192 100 5 881367706 +192 255 2 881367505 +192 269 3 881366436 +192 289 4 881366615 +192 1171 2 881368358 +192 1265 3 881366585 +193 24 2 889125880 +193 79 4 889125755 +193 121 3 889125913 +193 182 4 890860290 +193 286 4 889122906 +193 715 3 890860076 +193 826 2 889126146 +193 1407 3 889126146 +194 67 1 879549793 +194 78 1 879535549 +194 79 3 879521088 +194 97 3 879524291 +194 125 2 879548026 +194 167 2 879549900 +194 168 5 879521254 +194 177 3 879523104 +194 179 4 879521329 +194 186 5 879521088 +194 204 4 879522324 +194 211 4 879524292 +194 228 1 879535548 +194 265 4 879520991 +194 367 3 879525624 +194 387 2 879527146 +194 435 4 879520813 +194 496 4 879520743 +194 515 4 879524216 +194 518 4 879524291 +194 657 4 879521328 +194 661 5 879523104 +194 679 2 879523104 +194 710 3 879524393 +194 715 3 879527263 +194 1107 3 879525624 +194 1112 3 879527999 +195 431 3 877835063 +195 748 2 876632518 +195 1315 4 878019299 +196 269 3 881250949 +196 845 4 881251954 +196 1022 4 881251143 +197 272 4 891409160 +197 311 4 891409070 +197 326 3 891409199 +197 538 3 891409535 +197 568 4 891410038 +197 947 2 891410083 +198 31 3 884207897 +198 71 3 884208419 +198 181 4 884205050 +198 201 3 884207897 +198 230 3 884209073 +198 248 3 884205385 +198 291 2 884205219 +198 343 3 884204666 +198 367 3 884209379 +198 405 2 884206428 +198 423 3 884208241 +198 447 4 884209188 +198 462 3 884209535 +198 474 5 884207298 +198 475 4 884205277 +198 518 3 884208876 +198 526 4 884208273 +198 682 3 884204709 +198 939 3 884209412 +199 243 1 883782636 +199 269 5 883782458 +199 751 3 883782557 +199 813 3 883782807 +200 9 4 884126833 +200 79 5 884128499 +200 172 5 884128554 +200 176 5 884129627 +200 204 5 884128822 +200 230 5 884128400 +200 245 3 884126687 +200 288 5 884125846 +200 378 5 884129301 +200 380 5 884129381 +200 429 5 884130014 +200 449 5 884130540 +200 470 4 884129782 +200 609 3 884129457 +200 720 4 884130114 +200 812 4 884130621 +200 930 3 876042790 +200 931 3 891825627 +200 951 5 884130014 +200 1073 3 884129542 +200 1217 4 884130014 +201 10 3 884114169 +201 12 4 884111269 +201 17 3 884112581 +201 22 2 884112201 +201 29 3 884141053 +201 48 3 884111485 +201 55 4 884114471 +201 58 4 884140488 +201 116 1 884112800 +201 134 4 884113772 +201 157 4 884113453 +201 182 4 884111485 +201 201 4 884112537 +201 211 3 884112840 +201 232 2 884112282 +201 268 4 884110637 +201 358 1 884111095 +201 366 2 884141015 +201 441 1 884112537 +201 468 4 884140927 +201 479 4 884111397 +201 506 4 884114471 +201 549 3 884140750 +201 566 3 884112352 +201 590 1 884114813 +201 603 4 884113924 +201 640 4 884112029 +201 656 4 884111775 +201 692 3 884114895 +201 702 1 884111986 +201 733 3 884140522 +201 770 3 884112426 +201 792 4 884140579 +201 895 3 884110702 +201 924 3 884140751 +201 1056 2 884113592 +201 1174 5 884140670 +201 1267 3 884141053 +201 1398 4 884140079 +201 1426 2 884114015 +203 237 3 880434411 +203 477 4 880434755 +203 879 4 880433474 +203 890 2 880433499 +204 880 2 892388976 +205 748 4 888284710 +206 242 3 888180049 +206 332 3 888179602 +206 682 3 888179694 +206 1175 1 888180049 +206 1429 1 888180018 +207 3 2 877846284 +207 11 3 878104245 +207 64 5 877846793 +207 73 3 876079087 +207 158 3 878191798 +207 195 3 875509307 +207 208 4 878191679 +207 211 5 878191679 +207 316 5 891759050 +207 385 3 875509346 +207 393 4 877838977 +207 428 4 877838826 +207 515 5 878191679 +207 517 3 882081278 +207 538 2 880853139 +207 597 3 876018471 +207 685 3 876018471 +207 692 3 877750738 +207 763 3 877743609 +207 847 3 885139179 +207 871 5 880839802 +209 9 3 883417547 +209 249 2 883417640 +209 1086 4 883417667 +210 1 5 887731052 +210 79 4 887736352 +210 98 5 887736429 +210 121 4 887737244 +210 163 3 887730407 +210 168 5 887730342 +210 174 5 887736045 +210 205 4 887736393 +210 222 4 887737603 +210 302 5 890059415 +210 402 5 887737171 +210 654 5 887737559 +210 655 5 887730496 +210 832 3 887730264 +210 969 4 887730221 +210 1028 3 887730931 +210 1118 4 887730496 +211 443 1 879460096 +211 528 4 879459803 +211 596 3 879460294 +211 1330 3 879460096 +212 87 5 879304010 +212 317 5 879303638 +212 863 2 879303863 +213 7 4 878870518 +213 55 5 878955680 +213 64 5 878955680 +213 117 4 878870987 +213 154 5 878956101 +213 197 5 878955707 +213 627 4 878955680 +213 831 4 878871062 +214 98 4 892668249 +214 114 4 891544290 +214 188 5 892668173 +214 253 5 892668173 +214 276 3 891543271 +214 357 5 892668130 +214 482 4 891544114 +214 960 2 891544152 +215 54 4 891436607 +215 87 5 891436543 +215 132 5 891435548 +215 159 3 891436707 +215 172 4 891435394 +215 181 4 891435597 +215 204 3 891436129 +215 208 4 891436202 +215 226 4 891436633 +215 272 3 891434619 +215 552 3 891436730 +216 1 4 880232615 +216 27 3 881428365 +216 81 4 880233726 +216 91 4 880235546 +216 210 4 880235229 +216 276 4 880232830 +216 315 5 883981859 +216 416 3 880245165 +216 496 5 880233635 +216 508 4 881432564 +216 546 2 880233197 +216 747 4 880245260 +217 17 3 889069903 +217 761 4 889070232 +218 23 4 881288298 +218 153 4 877488692 +218 204 3 877488692 +218 514 4 877488316 +218 603 4 881288234 +218 663 3 877488492 +219 906 4 892039575 +221 12 5 875245283 +221 56 5 875245592 +221 150 5 875244557 +221 246 5 875244457 +221 578 4 875247023 +221 847 4 875244051 +221 1098 4 875245283 +222 17 2 878183079 +222 35 1 878184007 +222 38 2 878185102 +222 48 5 878181592 +222 50 4 877563194 +222 54 4 878183111 +222 67 4 878183616 +222 72 4 878183311 +222 90 2 878181647 +222 91 2 878183777 +222 99 3 878182059 +222 100 5 877563052 +222 101 4 878183539 +222 117 5 877563227 +222 147 4 877563694 +222 150 3 878181869 +222 167 3 878183588 +222 174 5 878181934 +222 188 3 878184393 +222 193 4 878182005 +222 198 4 881059039 +222 246 4 877563597 +222 249 1 883815768 +222 255 3 883815804 +222 258 5 877562748 +222 265 3 878182279 +222 356 4 878184571 +222 358 2 877562839 +222 412 1 877564050 +222 423 4 878183657 +222 446 3 881060824 +222 455 3 877563437 +222 457 1 878181287 +222 470 3 878181869 +222 537 4 881060735 +222 541 2 878184973 +222 542 2 878183837 +222 575 3 881060550 +222 588 4 881059537 +222 596 3 877563739 +222 637 2 878183713 +222 654 3 878184087 +222 692 4 878182370 +222 717 1 877563716 +222 734 2 881060735 +222 738 3 878182959 +222 770 3 878181592 +222 1079 1 878183984 +222 1220 4 878184290 +222 1439 3 878183951 +223 71 5 891550649 +223 155 5 891550952 +223 259 3 891548920 +223 288 3 891548562 +223 289 1 891549017 +223 313 5 891548750 +223 329 2 891549079 +223 405 1 891550005 +223 873 3 891549111 +223 1052 1 891550404 +223 1284 1 891550295 +224 125 3 888103942 +224 222 4 888103729 +224 468 4 888104030 +224 553 4 888104393 +224 555 3 888104030 +224 591 3 888082584 +224 980 1 888104353 +224 991 1 888082277 +225 482 5 879540707 +226 286 4 883888600 +226 370 3 883890235 +226 513 3 883889256 +227 100 5 879035251 +227 741 3 879035464 +227 823 2 879035599 +227 1068 4 879035289 +228 286 5 889387172 +228 812 5 889388547 +229 303 1 891632073 +229 316 1 891632347 +229 886 1 891632164 +229 898 5 891633028 +230 22 5 880484850 +230 56 3 880484416 +230 117 5 880484320 +230 161 5 880485468 +230 162 4 880484587 +230 174 5 880484661 +230 233 1 880485513 +230 431 3 880485254 +231 300 4 888605273 +231 313 3 888604920 +231 866 3 879965961 +232 4 4 888550130 +232 50 4 880062302 +232 178 5 888549988 +232 294 2 880062259 +232 508 1 880062447 +232 589 3 888549790 +232 690 4 880062259 +232 900 5 888364663 +233 70 5 879147810 +233 89 3 875508225 +233 127 5 877661364 +233 168 5 877663302 +233 435 5 877665324 +233 523 4 877663913 +233 528 5 877665324 +233 614 4 877661437 +233 647 5 877661364 +234 31 4 892334803 +234 52 4 892334141 +234 82 3 892334079 +234 89 3 892079910 +234 106 4 892336322 +234 119 3 892335261 +234 148 3 891228196 +234 164 3 892334644 +234 204 2 892079617 +234 207 2 892078605 +234 238 3 892079040 +234 243 1 891034107 +234 367 4 892334976 +234 464 4 892079288 +234 465 2 892334803 +234 466 4 892334368 +234 495 4 892335042 +234 513 5 892333980 +234 527 3 892334189 +234 557 1 892335989 +234 611 5 892078605 +234 622 2 892335415 +234 629 4 892335042 +234 641 4 892078297 +234 647 3 892826411 +234 661 5 892333573 +234 663 4 892335707 +234 686 3 892334976 +234 694 3 892079040 +234 702 2 892335707 +234 724 4 892335739 +234 749 3 891033772 +234 832 2 892335501 +234 837 3 892079434 +234 925 2 892334976 +234 939 2 892333798 +234 964 4 892334852 +234 989 2 891033966 +234 1011 3 891227730 +234 1075 3 892335797 +234 1101 3 892335372 +235 66 2 889655266 +235 82 2 889655403 +235 170 4 889656113 +235 344 5 889654419 +235 429 4 889655662 +235 463 4 889656008 +235 524 5 889655204 +235 1105 2 889654460 +236 28 4 890116539 +236 88 2 890116709 +236 135 2 890116033 +236 179 1 890118417 +236 199 4 890118307 +236 273 1 890116670 +236 294 2 890116895 +236 370 3 890117353 +236 510 3 890118543 +236 526 3 890116500 +237 174 4 879376773 +237 483 5 879376381 +238 257 4 883576261 +238 1258 1 883576666 +239 12 5 889178729 +239 116 5 889181093 +239 133 3 889178652 +239 208 3 889181015 +239 209 5 889179032 +239 238 5 889180747 +239 276 5 889179506 +239 304 1 889181248 +239 463 5 889178689 +239 483 5 889179253 +239 505 5 889180169 +239 507 5 889180651 +239 531 5 889178762 +239 633 5 889180040 +239 1115 2 889180651 +240 242 5 885775683 +240 307 4 885775683 +240 340 4 885775710 +240 349 1 885775878 +240 358 2 885775857 +240 748 3 885775831 +240 895 5 885775711 +242 294 4 879740082 +243 10 4 879987526 +243 26 3 879988459 +243 111 4 879987793 +243 157 5 879989217 +243 237 2 879987148 +243 283 3 879987362 +243 285 5 879989217 +243 367 3 879988976 +243 631 4 879988298 +243 699 4 879988397 +243 1115 3 879987465 +244 58 3 880605438 +244 114 4 880603219 +244 153 4 880606069 +244 171 5 880606385 +244 214 5 880603219 +244 234 3 880606593 +244 249 4 880604930 +244 276 5 880604234 +244 528 3 880606533 +244 651 4 880606069 +244 845 3 880606634 +244 1028 3 880604830 +244 1467 5 880605553 +245 151 3 888513279 +245 258 4 888513691 +246 50 5 884920788 +246 133 3 884921705 +246 155 1 884923687 +246 227 4 884922475 +246 252 1 884924473 +246 257 4 884924327 +246 418 3 884921453 +246 447 3 884922714 +246 616 5 884922475 +246 651 4 884921638 +246 827 1 884923829 +246 941 1 884923547 +246 1220 3 884921794 +247 7 4 893081395 +247 58 4 893081396 +247 70 5 893097024 +247 121 4 893081396 +247 340 3 893081396 +248 79 3 884534992 +248 98 5 884534673 +248 121 2 884536206 +248 172 4 884534992 +248 806 3 884534772 +249 50 4 879571695 +249 69 5 879572600 +249 92 5 879572567 +249 144 4 879572567 +249 179 5 879641140 +249 181 3 879571998 +249 195 4 879572911 +249 223 4 879572370 +249 238 5 879572451 +249 302 4 879571438 +249 318 5 879572256 +249 407 3 879640618 +249 408 5 879572540 +249 603 5 879640935 +249 853 4 879572256 +250 9 2 878089547 +250 28 4 878090153 +250 55 5 878091915 +250 91 5 878091965 +250 151 4 878089677 +250 154 4 878090114 +250 183 4 878091870 +250 234 3 878091736 +251 1 4 886272009 +251 7 3 886272146 +251 79 5 886271733 +251 125 4 886272346 +251 468 2 886271641 +251 535 3 886272283 +251 595 3 886272486 +251 845 4 886272378 +252 224 4 891456738 +252 847 4 891456738 +253 82 3 891628295 +253 121 5 891628142 +253 132 5 891628416 +253 168 3 891628278 +253 234 4 891628252 +253 490 5 891628374 +253 655 4 891628142 +253 699 4 891628630 +254 138 1 886474122 +254 168 1 886472400 +254 269 2 887346935 +254 441 3 886475831 +254 451 2 886474426 +254 457 2 886470931 +254 496 4 886471982 +255 7 2 883216358 +255 324 5 883215586 +255 328 2 883215630 +255 332 2 883215586 +255 597 4 883216958 +255 743 1 883217030 +255 840 1 883216958 +256 11 5 882164406 +256 44 4 882164893 +256 50 4 882164443 +256 64 5 882164231 +256 92 1 882164603 +256 96 5 882164444 +256 216 5 882165032 +256 222 4 882150313 +256 228 3 882164559 +256 229 3 882164644 +256 245 4 882150152 +256 265 4 882164479 +256 322 4 882150152 +256 381 5 882165135 +256 409 4 882163654 +256 591 5 882151017 +256 595 4 882164037 +256 665 4 882164644 +256 732 5 882165067 +256 841 2 882163857 +256 977 4 882154058 +256 986 5 882164059 +256 1033 4 882152838 +256 1471 3 882164999 +257 14 5 879029742 +257 61 5 879547534 +257 113 4 879547534 +257 921 5 883982173 +258 294 4 885700898 +258 328 3 885700877 +258 877 3 885701044 +259 39 4 888720644 +259 172 4 883371882 +259 271 3 888721050 +259 293 4 883371861 +259 294 3 881641699 +259 1074 3 874725264 +260 270 5 890618728 +260 334 5 890618729 +260 881 4 890618537 +261 326 4 890454279 +262 58 3 879792452 +262 65 4 879793897 +262 66 3 879794338 +262 86 3 879791948 +262 92 3 879794205 +262 132 3 879792604 +262 255 3 879790816 +262 338 4 879961532 +262 369 2 879791160 +262 476 3 879962366 +262 496 4 879792402 +262 567 1 879795430 +262 596 4 879961980 +262 609 3 879793736 +262 631 4 879793536 +262 650 4 879792604 +262 727 3 879792897 +263 23 3 891298654 +263 28 3 891298219 +263 31 4 891299387 +263 135 5 891299877 +263 196 4 891298164 +263 199 5 891298914 +263 234 4 891298792 +263 260 2 891297677 +263 322 3 891297485 +263 323 1 891297485 +263 434 4 891299514 +263 435 4 891298914 +263 484 4 891298107 +263 520 3 891298163 +263 662 4 891299324 +264 150 5 886122952 +264 235 5 886122952 +264 447 5 886122352 +264 675 4 886122352 +264 742 2 886122578 +265 50 2 875320398 +265 284 4 875320689 +265 288 4 875320024 +265 676 2 875320487 +265 815 3 875320424 +267 69 4 878971659 +267 98 5 878971989 +267 157 5 878971874 +267 158 4 878973126 +267 233 4 878972731 +267 293 4 878970785 +267 554 3 878972040 +267 715 4 878972682 +267 1028 3 878971143 +267 1110 3 878973329 +267 1145 3 878974608 +268 24 2 876514002 +268 25 3 875742556 +268 37 3 876514002 +268 51 3 875745202 +268 61 4 875309282 +268 79 3 875309801 +268 80 3 875743909 +268 96 5 876513953 +268 117 4 875742613 +268 127 4 875309945 +268 143 2 875310116 +268 144 4 875744106 +268 172 5 875310031 +268 176 5 875309998 +268 186 3 875310311 +268 188 4 875309859 +268 210 3 875310571 +268 218 2 875744469 +268 219 3 875744533 +268 273 3 875742470 +268 286 5 875306477 +268 358 3 876513643 +268 379 1 875744582 +268 452 1 876514002 +268 475 4 875306644 +268 550 2 875310524 +268 713 4 875742365 +268 718 4 875306805 +268 765 2 875743979 +268 940 2 875743888 +268 1178 1 875743534 +268 1208 2 875745398 +269 17 2 891449670 +269 23 5 891447773 +269 52 4 891447329 +269 65 4 891448072 +269 89 2 891448800 +269 132 5 891449145 +269 135 4 891447931 +269 170 2 891447216 +269 186 2 891449670 +269 187 4 891447841 +269 202 2 891450405 +269 231 1 891451013 +269 232 1 891450817 +269 281 1 891451590 +269 432 4 891450005 +269 441 1 891450857 +269 476 1 891446703 +269 521 4 891448048 +269 604 3 891448895 +269 639 4 891447216 +269 657 4 891449550 +269 717 1 891456493 +269 735 2 891448120 +269 775 1 891451571 +269 939 2 891448177 +269 1074 1 891448697 +269 1103 5 891447773 +269 1411 3 891451829 +269 1427 2 891448141 +270 86 4 876955067 +270 185 5 876955938 +270 219 5 876956389 +270 234 5 876955976 +270 268 5 876953745 +270 566 5 876955939 +270 603 5 876955868 +271 2 1 885849386 +271 9 4 885847738 +271 48 4 885849087 +271 51 4 885849386 +271 97 5 885848736 +271 100 5 885847738 +271 124 4 886105886 +271 148 3 886106165 +271 178 3 885849087 +271 181 5 885848707 +271 188 2 885849087 +271 203 4 885848448 +271 215 4 885849300 +271 313 4 885844583 +271 470 3 885848707 +271 472 2 886106165 +271 480 4 885848475 +271 496 5 885849140 +271 506 4 885849052 +271 539 1 885847170 +271 566 4 885848707 +271 649 3 885849510 +271 654 5 885848475 +271 690 4 885844430 +271 692 4 885849582 +271 707 4 885849140 +271 729 4 885848996 +271 763 3 885847876 +271 792 4 885849536 +271 1117 3 885847763 +272 32 4 879455113 +272 56 5 879455220 +272 133 1 879455143 +272 174 5 879455043 +272 194 5 879455043 +272 234 4 879455143 +273 304 3 891292935 +273 313 3 891292873 +274 237 4 878945678 +274 318 5 878946577 +274 472 3 878945918 +274 629 5 878946645 +274 744 5 878945678 +274 873 3 878944491 +274 1051 4 878945763 +274 1060 4 878945645 +275 164 4 880313886 +275 181 4 876197615 +275 199 4 880315170 +275 229 3 876198296 +275 380 3 876198328 +275 393 3 880314772 +275 473 3 880313679 +275 825 2 876197904 +276 12 5 874787407 +276 39 3 874790995 +276 55 4 874792366 +276 65 4 874787467 +276 71 4 874792870 +276 80 3 874792237 +276 95 5 874792839 +276 96 5 874792435 +276 109 4 874786686 +276 150 4 874786924 +276 179 5 874791102 +276 215 4 874791145 +276 217 4 874792692 +276 245 3 877935446 +276 248 4 882659269 +276 260 3 874786439 +276 303 4 892436271 +276 316 4 892436314 +276 334 4 877935456 +276 385 4 874792547 +276 397 1 874792601 +276 407 2 874792310 +276 425 4 874791101 +276 428 4 874791870 +276 472 3 874787109 +276 501 4 874793035 +276 508 5 874786467 +276 531 4 874790801 +276 540 1 874792519 +276 554 2 874795823 +276 567 3 874792794 +276 575 2 874792310 +276 586 3 874977512 +276 728 2 874792277 +276 844 4 877934677 +276 902 4 890979199 +276 919 4 874786467 +276 975 3 874836629 +276 1036 2 889174870 +276 1145 2 874977115 +276 1213 1 874791407 +276 1483 3 892436354 +277 100 4 879543421 +277 221 4 879544146 +277 278 1 879543879 +277 284 4 879543972 +277 1008 3 879543621 +279 2 4 875313311 +279 29 2 879573041 +279 30 2 877756984 +279 32 3 875298696 +279 56 4 875306515 +279 95 3 875309950 +279 100 4 875249259 +279 152 5 882146492 +279 180 2 875308670 +279 191 3 875734031 +279 193 2 875307407 +279 269 4 892865492 +279 321 5 875249102 +279 364 4 891209077 +279 373 4 875659844 +279 379 3 875314386 +279 385 4 875309351 +279 431 4 875310303 +279 449 3 875312378 +279 450 4 889326161 +279 461 3 875306820 +279 462 3 875309911 +279 566 4 875313387 +279 687 4 878793072 +279 713 3 886015169 +279 759 4 875313616 +279 805 3 879573022 +279 862 5 875313646 +279 946 3 875313032 +279 971 4 875314231 +279 1001 4 882160106 +279 1030 4 875659761 +279 1070 3 875309760 +279 1072 4 890780735 +279 1088 4 877756804 +279 1205 3 888461244 +279 1224 3 878082804 +279 1244 3 875298652 +279 1288 4 891209077 +279 1494 1 889232401 +280 3 2 891702406 +280 68 3 891701066 +280 112 3 891702485 +280 142 4 891701747 +280 173 3 891700453 +280 218 4 891701474 +280 380 2 891700226 +280 392 5 891701328 +280 405 2 891700963 +280 550 2 891701764 +280 595 3 891701666 +280 619 4 891701913 +280 670 2 891702485 +280 673 4 891701223 +280 750 5 891700185 +280 866 3 891701997 +281 271 5 881200457 +281 323 3 881200789 +283 91 5 879297965 +283 100 4 879297160 +283 211 4 879298271 +283 291 2 879297867 +283 1009 3 879297867 +284 270 3 885328906 +284 319 3 885329238 +285 64 3 890595777 +285 183 4 890595859 +285 185 3 890595859 +285 258 2 890595408 +285 270 4 890595456 +285 300 4 890595584 +285 319 3 890595523 +286 16 3 876521809 +286 41 2 877535323 +286 42 4 877533698 +286 81 3 889652601 +286 97 4 877533101 +286 116 5 875806888 +286 117 2 876521650 +286 123 5 876521586 +286 169 3 877533101 +286 189 3 877533296 +286 232 4 877534701 +286 250 4 876521887 +286 257 3 875806837 +286 274 2 876521917 +286 280 4 876522097 +286 330 5 884069544 +286 348 4 889651179 +286 401 1 877535446 +286 413 3 877531226 +286 455 1 889652378 +286 734 2 877534618 +286 821 4 877534550 +286 929 4 876522098 +286 931 4 876522340 +286 988 3 875806722 +286 1060 5 889652989 +286 1079 3 876522240 +286 1101 5 877532715 +287 64 5 875336775 +287 168 5 875335190 +287 222 5 875334224 +287 235 4 875334248 +287 246 4 875333964 +287 941 3 875335424 +288 98 5 886373474 +288 176 4 886373565 +288 197 5 889225574 +288 199 4 886629592 +288 205 5 889225443 +288 211 5 886374473 +288 214 2 886374316 +288 258 4 886372882 +288 269 5 886373071 +288 327 1 886373007 +289 15 3 876789581 +289 121 3 876789736 +289 455 4 876790464 +289 477 2 876790323 +290 66 4 880731963 +290 95 4 880474590 +290 102 3 880475585 +290 135 4 880474510 +290 181 5 880473696 +290 234 3 880474451 +290 235 3 880474451 +290 385 4 880474716 +290 402 4 880474422 +290 405 2 880732365 +290 472 4 880475495 +290 566 3 880474388 +290 692 5 880474293 +290 809 4 880475664 +290 825 3 880732508 +290 993 4 880473630 +291 27 3 874835024 +291 50 5 874805860 +291 64 5 874867994 +291 71 4 875086887 +291 96 4 874835062 +291 97 4 875087264 +291 98 5 874834701 +291 125 4 874834019 +291 151 5 874833668 +291 158 2 875086208 +291 172 5 874835062 +291 173 5 874871800 +291 184 4 874835198 +291 195 4 874835165 +291 223 5 874867912 +291 249 4 874805893 +291 291 5 874834054 +291 402 4 874871498 +291 404 4 875086958 +291 575 2 875086699 +291 592 3 874834895 +291 631 5 874871479 +291 717 3 874834388 +291 742 3 874805927 +291 747 4 875087290 +291 760 2 874834037 +291 773 3 874834827 +291 774 3 874867852 +291 785 4 875086308 +291 800 2 874834944 +291 844 5 874805804 +291 939 4 874834768 +291 977 2 874834071 +291 1090 2 875087634 +291 1248 4 875087634 +291 1489 2 875086766 +292 115 4 881104194 +292 117 4 881104606 +292 150 4 881105135 +292 169 5 881105625 +292 181 4 881104068 +292 282 4 881104661 +292 419 4 881105657 +292 486 4 881105246 +292 603 5 881105318 +293 1 2 888904861 +293 11 3 888905898 +293 51 3 888907674 +293 96 3 888905519 +293 100 4 888904734 +293 143 4 888906428 +293 152 4 888905716 +293 161 2 888907081 +293 168 4 888905716 +293 173 5 888905550 +293 175 2 888906244 +293 185 5 888905840 +293 193 3 888905990 +293 217 3 888907955 +293 218 2 888906168 +293 229 2 888907726 +293 235 3 888905146 +293 420 4 888907356 +293 429 4 888906045 +293 436 3 888906990 +293 451 3 888907245 +293 455 2 888905229 +293 513 5 888905990 +293 571 2 888908041 +293 693 4 888906781 +293 815 2 888905122 +293 877 2 888904265 +293 956 3 888906726 +293 1135 3 888907575 +293 1228 1 888908041 +294 93 4 877819713 +294 257 3 877819599 +294 258 3 877818457 +294 273 3 877819421 +294 276 4 877819421 +294 281 3 889242035 +294 286 5 877818457 +294 301 4 877818915 +294 538 5 889241562 +294 840 3 889242516 +294 881 3 889241707 +294 986 3 889242810 +294 1014 2 889242306 +294 1028 3 877819897 +295 1 4 879517580 +295 50 5 879517540 +295 52 5 879966498 +295 83 5 879518257 +295 144 4 879518166 +295 209 5 879518233 +295 227 4 879517635 +295 402 5 879518820 +295 449 4 879518864 +295 461 5 879966498 +295 470 3 879518257 +295 511 5 879516961 +295 546 4 879518780 +295 735 5 879519556 +295 951 5 879517893 +295 1297 4 879519529 +296 1 5 884196689 +296 7 5 884196896 +296 9 4 884196523 +296 11 5 884197131 +296 13 3 884196665 +296 114 5 884198772 +296 181 5 884198772 +296 211 4 884197068 +296 244 1 884196896 +296 276 5 884198772 +296 285 5 884196469 +296 483 5 884197307 +296 632 5 884197264 +297 28 4 875239913 +297 124 4 874954353 +297 144 3 875238778 +297 147 3 874955183 +297 148 3 875239619 +297 181 4 875410178 +297 196 4 875239267 +297 210 4 875410100 +297 248 3 874954814 +297 294 3 874953948 +297 357 4 875238922 +297 367 2 875239018 +297 465 3 875238984 +297 485 3 875240267 +297 498 3 875239018 +297 527 5 875239018 +297 946 2 875239092 +298 9 4 884126202 +298 50 5 884125578 +298 121 4 884126202 +298 125 3 884125912 +298 174 5 884125022 +298 187 5 884183063 +298 199 4 884127690 +298 204 4 884182148 +298 210 5 884182891 +298 333 5 884126600 +298 356 3 884182627 +298 357 5 884181969 +298 427 5 884127369 +298 526 5 884182573 +298 546 3 884184098 +298 549 4 884183307 +298 742 3 884125553 +298 845 3 884183773 +299 4 3 889503074 +299 10 5 877878601 +299 12 5 877880350 +299 72 3 889503305 +299 93 2 877877775 +299 97 4 878192680 +299 118 2 877880111 +299 207 3 877880394 +299 241 3 889502640 +299 244 2 877878001 +299 313 3 887135516 +299 384 3 889503774 +299 435 3 877881061 +299 480 4 878191995 +299 481 3 877880566 +299 515 4 877877691 +299 597 3 877880111 +299 603 3 877880474 +299 640 3 889501995 +299 642 4 877881276 +299 785 2 889502865 +299 856 3 889503334 +299 1068 3 877877600 +299 1258 2 877878451 +299 1300 2 877878382 +300 294 3 875649995 +300 687 2 875650042 +301 15 4 882074460 +301 69 5 882076682 +301 117 5 882074584 +301 122 2 882074818 +301 128 5 882078228 +301 205 4 882076046 +301 233 4 882077872 +301 282 4 882074561 +301 284 4 882074708 +301 294 4 882074408 +301 387 3 882078084 +301 402 2 882076915 +301 409 4 882075242 +301 429 4 882076072 +301 481 4 882075827 +301 636 3 882077811 +301 658 3 882076463 +301 866 4 882075171 +303 1 5 879466966 +303 4 4 879467936 +303 17 4 879466830 +303 21 2 879484004 +303 46 3 879467706 +303 47 5 879467959 +303 73 3 879484918 +303 83 5 879467607 +303 92 4 879467131 +303 97 5 879468459 +303 121 3 879485016 +303 123 4 879468149 +303 128 4 879467542 +303 147 4 879467816 +303 204 4 879466491 +303 236 4 879468274 +303 287 4 879485203 +303 289 2 879466065 +303 293 4 879544515 +303 333 4 879466088 +303 375 2 879544276 +303 401 3 879543003 +303 403 5 879468274 +303 405 4 879483802 +303 432 3 879468274 +303 461 4 879484159 +303 479 5 879466572 +303 484 5 879466966 +303 514 5 879466667 +303 554 2 879484500 +303 559 4 879467670 +303 564 1 879485447 +303 588 5 879468459 +303 595 2 879484421 +303 596 4 879468274 +303 615 4 879467413 +303 636 3 879484695 +303 679 2 879484534 +303 725 1 879544153 +303 744 3 879467607 +303 783 2 879543756 +303 805 4 879485475 +303 866 2 879485277 +303 869 2 879485703 +303 873 3 879466214 +303 993 2 879544576 +303 997 2 879544219 +303 1039 5 879466457 +303 1040 1 879485844 +303 1044 3 879485685 +303 1046 3 879468375 +303 1097 3 879466523 +303 1182 2 879543459 +303 1228 2 879543459 +303 1335 3 879485048 +303 1337 1 879485770 +303 1407 1 879544063 +304 243 3 884967391 +305 13 3 886323998 +305 33 3 886325627 +305 49 3 886324962 +305 59 3 886322758 +305 60 3 886324097 +305 86 4 886323757 +305 176 4 886323839 +305 197 2 886322758 +305 228 2 886323998 +305 275 2 886323153 +305 318 3 886322560 +305 326 2 886307917 +305 428 3 886323902 +305 462 5 886323525 +305 464 3 886322796 +305 469 2 886323757 +305 474 5 886322838 +305 475 4 886324199 +305 505 3 886323006 +305 729 3 886324712 +305 863 4 886324387 +306 19 5 876503995 +306 258 2 876503793 +306 303 3 876503793 +306 1028 2 876504581 +306 1251 5 876504026 +307 64 4 879283371 +307 132 4 879283333 +307 161 3 879205470 +307 222 4 879538922 +307 433 5 879283625 +307 472 3 877123683 +307 505 3 879205470 +308 7 4 887738847 +308 42 4 887738191 +308 47 4 887738933 +308 73 3 887738972 +308 156 4 887738057 +308 179 4 887736584 +308 180 5 887737997 +308 185 4 887736925 +308 200 5 887738933 +308 211 4 887737535 +308 273 2 887737084 +308 293 4 887741415 +308 392 4 887740367 +308 410 4 887741329 +308 471 3 887739382 +308 472 2 887739336 +308 479 5 887738346 +308 501 4 887740099 +308 546 3 887740500 +308 550 4 887738847 +308 629 4 887738894 +308 637 3 887741108 +308 654 5 887736881 +308 661 4 887736532 +308 709 3 887737334 +308 770 4 887738057 +308 853 5 887736797 +308 1074 3 887741271 +308 1140 4 887740933 +308 1147 4 887738387 +309 286 4 877370383 +309 879 4 877370319 +310 294 1 879436712 +311 47 2 884365654 +311 51 4 884366010 +311 69 5 884364999 +311 76 4 884365140 +311 91 3 884366439 +311 96 5 884365653 +311 135 4 884366617 +311 198 3 884364812 +311 210 5 884364652 +311 222 4 884366852 +311 231 4 884365746 +311 371 5 884366137 +311 380 4 884366067 +311 417 3 884366035 +311 443 3 884365718 +311 496 5 884364593 +311 570 4 884365890 +311 699 4 884365075 +311 705 3 884365201 +311 726 3 884366035 +311 747 3 884364502 +311 942 5 884366112 +311 966 4 884365617 +311 1297 4 884365654 +312 14 5 891698664 +312 50 5 891698300 +312 97 5 891698391 +312 143 4 891698893 +312 152 2 891698485 +312 178 5 891698553 +312 213 5 891699067 +312 222 3 891698764 +312 223 5 891698485 +312 419 3 891699182 +312 507 5 891698300 +312 530 5 891698921 +312 606 5 891698300 +312 612 5 891699263 +312 614 4 891698865 +312 618 5 891698300 +312 638 5 891698580 +312 648 5 891699068 +312 660 4 891699321 +312 661 5 891698726 +312 740 4 891699568 +312 813 5 891698516 +312 1172 5 891699538 +313 15 2 891016962 +313 58 3 891015387 +313 82 3 891014838 +313 89 5 891014373 +313 127 5 891013620 +313 141 4 891030189 +313 172 4 891014335 +313 210 4 891014898 +313 222 3 891017708 +313 232 3 891014957 +313 237 2 891016757 +313 238 4 891013859 +313 326 4 891012907 +313 427 5 891014029 +313 481 4 891014000 +313 511 4 891013742 +313 514 4 891013887 +313 631 2 891014313 +313 651 3 891014552 +313 654 5 891013681 +313 742 3 891016932 +313 1470 1 891017319 +314 1 5 877886317 +314 38 5 877889994 +314 41 5 877887802 +314 117 4 877886484 +314 132 4 877890644 +314 150 4 877886522 +314 173 1 877889359 +314 283 4 877886483 +314 365 3 877891465 +314 412 3 877892052 +314 419 4 877889039 +314 477 3 877886375 +314 508 3 877886789 +314 540 3 877890407 +314 710 3 877888796 +314 722 1 877891089 +314 756 3 877886641 +314 787 2 877889927 +314 808 4 877892052 +314 827 4 877887292 +314 846 3 877886971 +314 934 4 877887155 +314 949 4 877890428 +314 997 1 877892214 +314 1053 5 877891490 +314 1063 5 877887568 +314 1094 1 877887065 +314 1145 4 877892488 +314 1217 2 877891638 +314 1253 4 877892017 +315 4 4 879821065 +315 137 5 879799423 +315 164 4 879821349 +315 301 2 879799327 +315 303 4 879799302 +315 433 4 879821037 +315 741 5 879821349 +316 58 3 880854267 +316 100 4 880854083 +316 127 2 880853548 +316 162 3 880854472 +316 174 1 880854539 +316 192 1 880854267 +316 275 5 880853810 +316 427 5 880853704 +316 462 3 880853516 +316 487 3 880853810 +316 582 5 880854539 +316 716 5 880853881 +316 988 1 880853152 +317 260 4 891446887 +317 678 2 891446887 +318 121 1 884495052 +318 134 5 884495639 +318 216 4 884495868 +318 275 4 884470718 +318 482 5 884496156 +318 531 4 884495921 +318 692 4 884495561 +318 809 4 884498210 +318 898 4 884470237 +318 1160 5 884494976 +319 301 4 875707721 +319 358 3 889816233 +320 185 4 884751141 +320 238 4 884751672 +320 625 4 884751439 +320 1047 4 884748733 +320 1052 2 884749097 +320 1291 3 884749172 +321 19 4 879438825 +321 116 3 879439595 +321 127 3 879438651 +321 173 4 879440636 +321 197 5 879439812 +321 435 5 879439860 +321 479 4 879438607 +321 491 3 879440746 +321 493 4 879441110 +321 511 4 879440954 +321 603 5 879438607 +321 704 3 879440423 +321 1101 3 879440660 +322 9 4 887314212 +322 33 4 887313946 +322 346 3 887313611 +322 483 5 887314417 +322 505 4 887314119 +322 507 4 887314119 +322 1019 4 887314073 +323 98 4 878739699 +323 268 4 878738865 +323 847 3 878739225 +324 125 5 880575714 +324 250 4 880575531 +324 285 4 880575412 +324 286 5 880574766 +324 310 4 880574827 +324 339 3 880574827 +324 340 5 880574827 +324 690 4 880574901 +324 763 5 880575589 +324 873 5 880575108 +325 93 4 891478627 +325 176 3 891478455 +325 195 2 891478276 +325 383 1 891480034 +325 469 4 891478504 +325 511 4 891478047 +325 530 4 891478376 +325 616 4 891477924 +325 737 4 891479846 +325 771 1 891480115 +325 1018 3 891479038 +326 9 1 879875852 +326 53 1 879877039 +326 90 1 879877198 +326 135 3 879875852 +326 175 1 879874933 +326 178 5 879875175 +326 195 4 879875752 +326 227 3 879876941 +326 427 4 879875483 +326 447 4 879877388 +326 449 3 879877039 +326 474 5 879875025 +326 500 3 879875644 +326 505 3 879875271 +326 520 5 879875151 +326 521 2 879875399 +326 550 5 879876505 +326 568 4 879876882 +326 588 3 879875691 +326 611 3 879875572 +327 28 3 887747971 +327 47 4 887746553 +327 56 2 887745805 +327 168 4 887820828 +327 174 4 887744513 +327 178 4 887745661 +327 180 4 887745774 +327 181 4 887745537 +327 184 3 887820341 +327 228 4 887820171 +327 245 1 887743705 +327 246 4 887744384 +327 255 3 887745911 +327 257 2 887746728 +327 305 5 887820828 +327 324 3 887743644 +327 537 4 887744023 +327 684 4 887820293 +327 718 4 887745494 +327 778 3 887819462 +327 1129 2 887745891 +327 1218 4 887822400 +328 23 3 886036795 +328 58 4 885046206 +328 64 4 885046276 +328 69 4 885045844 +328 121 4 885048266 +328 159 3 885047194 +328 235 3 885048464 +328 302 4 885044380 +328 313 4 893195532 +328 347 5 885596118 +328 498 5 885046654 +328 586 1 885048666 +328 646 3 885046174 +328 657 4 885046134 +328 689 5 885044733 +328 720 3 885049535 +328 751 3 885596088 +328 903 3 893195755 +328 911 3 893195879 +328 915 3 893195665 +328 939 4 885046655 +328 983 3 885049234 +328 1021 3 885045740 +328 1401 2 885046537 +329 8 2 891656391 +329 50 4 891655812 +329 186 3 891656268 +329 248 3 891656640 +329 302 5 891655191 +329 1011 3 891655981 +330 21 5 876544953 +330 225 4 876544507 +330 237 4 876544690 +330 284 5 876544311 +330 318 5 876546377 +330 376 4 876547378 +330 403 5 876545417 +330 405 5 876544872 +330 422 4 876547853 +330 423 5 876545971 +330 443 4 876546377 +330 694 5 876545971 +330 963 5 876547533 +330 989 5 876543930 +331 22 4 877196235 +331 31 2 877196567 +331 160 5 877196702 +331 467 3 877196702 +331 634 3 877196308 +332 41 5 887938997 +332 117 4 887916575 +332 147 4 887938524 +332 173 5 888360092 +332 225 3 887938706 +332 226 5 887939092 +332 255 4 887938330 +332 307 5 888098170 +332 367 4 888360212 +332 411 4 887938738 +332 431 5 888360412 +332 471 4 887938351 +332 568 4 888098151 +332 660 3 888098125 +332 678 4 887916284 +332 682 4 889069561 +332 748 4 887916385 +332 769 3 888360532 +332 827 4 887938503 +332 840 4 887938781 +332 1157 4 888360532 +333 127 4 891045496 +333 483 4 891045496 +333 520 4 891045117 +334 11 4 891545741 +334 29 2 891549751 +334 44 4 891548224 +334 71 3 891546299 +334 73 3 891548695 +334 129 4 891544735 +334 137 2 891544953 +334 142 3 891548272 +334 150 4 891628832 +334 186 3 891547128 +334 187 4 891547107 +334 190 4 891547083 +334 193 4 891547334 +334 196 4 891547128 +334 208 5 891546405 +334 209 3 891545821 +334 220 3 891545513 +334 225 3 891545645 +334 244 3 891545044 +334 246 4 891544952 +334 258 4 891544264 +334 275 4 891544707 +334 307 3 891544135 +334 496 3 891547040 +334 521 4 891548835 +334 529 5 891547445 +334 689 3 891544340 +334 707 4 891546153 +334 753 4 891545741 +334 761 2 891549718 +334 815 3 891545540 +334 846 3 891545318 +334 866 3 891545239 +334 950 3 891545162 +334 1020 4 891546181 +334 1074 2 891548979 +334 1202 4 891544680 +336 1 3 877759342 +336 3 1 877758935 +336 257 4 877759730 +336 294 4 877759103 +336 367 3 877757910 +336 368 1 877756695 +336 585 3 877756966 +336 781 3 877757373 +336 871 2 877757550 +336 959 3 877758138 +336 1094 1 877757062 +336 1249 3 877756356 +337 25 3 875184963 +337 227 5 875185319 +337 392 5 875236512 +338 86 4 879438505 +338 143 2 879438652 +338 180 4 879438505 +338 275 5 879438063 +338 497 3 879438165 +338 498 4 879438250 +338 517 5 879438505 +339 121 3 891035454 +339 145 3 891036557 +339 167 4 891036058 +339 170 5 891032286 +339 187 5 891032700 +339 200 5 891033118 +339 218 3 891034810 +339 222 4 891033512 +339 293 5 891033282 +339 343 3 891031800 +339 396 4 891036316 +339 434 4 891033350 +339 503 4 891035093 +339 504 5 891032255 +339 506 4 891033766 +339 515 5 891033072 +339 639 4 891034115 +339 655 4 891033452 +339 823 3 891035850 +339 1240 5 891033855 +339 1258 3 891034717 +340 95 5 884991083 +340 480 5 884991114 +340 497 5 884990951 +341 299 5 890757745 +341 335 4 890757782 +341 908 3 890758080 +342 11 5 874984315 +342 88 1 875320644 +342 89 3 875319090 +342 114 5 875318962 +342 149 5 874984788 +342 150 3 874984531 +342 152 4 874984341 +342 169 5 875318907 +342 249 3 874984661 +342 289 2 874984067 +342 293 4 874984619 +342 486 5 874984207 +342 488 5 875319536 +342 654 4 875319745 +342 763 3 874984854 +342 1012 4 874984639 +342 1094 3 874984873 +343 13 5 876402894 +343 64 5 876405697 +343 150 4 876402941 +343 157 4 876405045 +343 198 4 876406006 +343 202 4 876406256 +343 203 5 876406764 +343 208 4 876404426 +343 215 5 876405943 +343 217 3 876405771 +343 235 4 876403078 +343 286 4 876402390 +343 387 4 876405521 +343 403 4 876406878 +343 408 5 876403121 +343 410 3 876403212 +343 496 5 876404426 +343 510 5 876408139 +343 555 1 876407706 +343 1267 4 876406576 +344 19 4 884899346 +344 22 3 884901180 +344 50 5 884814401 +344 64 5 884900818 +344 69 2 884901093 +344 83 4 884901503 +344 132 4 889814194 +344 408 5 884814532 +344 431 3 884901469 +344 529 5 884814668 +344 530 4 884901403 +344 546 3 884899837 +344 588 5 884900993 +344 628 4 884899442 +344 762 3 884900391 +344 1020 5 884814457 +344 1048 3 884899815 +345 5 3 884992922 +345 38 2 884993830 +345 54 3 884993506 +345 86 4 884916235 +345 87 5 884991984 +345 91 4 884993016 +345 118 3 884991520 +345 137 4 884991077 +345 200 4 884916339 +345 238 5 884916495 +345 248 5 884994083 +345 262 5 884901701 +345 385 3 884993418 +345 412 3 884991600 +345 462 5 884901637 +345 470 4 884992084 +345 570 2 884993662 +345 628 3 884991105 +345 737 3 884993418 +345 744 4 884991348 +345 781 3 884993636 +345 974 3 884991581 +345 1007 5 884994119 +345 1009 2 884991546 +346 68 3 874951062 +346 79 5 874948105 +346 88 4 874949380 +346 96 5 874948252 +346 159 4 874949011 +346 161 3 874950413 +346 164 3 874948824 +346 175 4 874947644 +346 177 4 874948476 +346 182 5 874948031 +346 188 4 874948252 +346 196 3 874950692 +346 233 4 874948889 +346 472 4 874950937 +346 515 5 874948890 +347 95 4 881654410 +347 106 2 881652813 +347 121 3 881652535 +347 123 3 881654301 +347 137 2 881652568 +347 148 3 881652888 +347 174 4 881654248 +347 177 5 881654386 +347 180 5 881654101 +347 200 4 881654452 +347 204 4 881653830 +347 210 4 881653973 +347 249 5 881652683 +347 282 5 881652590 +347 284 3 881652480 +347 418 4 881654134 +347 926 1 881654846 +347 1011 3 881653155 +348 117 4 886523256 +348 151 3 886523456 +348 237 4 886523078 +348 685 4 886523560 +349 106 1 879466283 +349 285 5 879465477 +349 291 3 879465934 +349 619 4 879466000 +350 98 4 882347832 +350 181 4 882346720 +350 187 5 882347782 +350 480 5 882345918 +351 307 4 879481550 +351 895 3 883356591 +352 431 2 884289728 +353 260 1 891402617 +353 301 3 891401992 +353 343 2 891402636 +354 13 3 891216825 +354 19 5 891216549 +354 65 4 891218046 +354 83 4 891217851 +354 165 4 891217755 +354 168 5 891218507 +354 170 4 891217194 +354 181 4 891216656 +354 185 3 891218068 +354 196 3 891218457 +354 209 3 891218155 +354 221 4 891216788 +354 222 3 891216854 +354 305 4 891180489 +354 433 3 891217221 +354 451 3 891307114 +354 527 4 891217394 +354 602 3 891217717 +354 610 4 891217429 +354 655 3 891217575 +354 676 5 891216788 +354 710 4 891217340 +354 724 2 891307114 +354 735 3 891218312 +354 747 2 891307069 +354 896 4 891180527 +354 971 3 891217482 +354 1466 5 891217547 +355 682 4 879485523 +355 689 4 879485423 +355 1175 5 879486421 +355 1233 4 879486421 +356 258 5 891406040 +356 294 1 891406076 +356 312 3 891406317 +356 322 3 891406289 +357 121 5 878951576 +357 150 4 878951615 +357 456 3 878952265 +357 926 4 878951831 +357 932 4 878952341 +357 1048 2 878951217 +358 45 3 891269464 +358 114 5 891270652 +359 930 4 886453402 +360 69 3 880355994 +360 83 4 880355845 +360 96 3 880355803 +360 193 5 880355803 +360 223 5 880355803 +360 257 4 880354515 +360 258 4 880353585 +360 285 5 880354250 +360 479 4 880356092 +360 520 4 880355448 +360 521 5 880355845 +360 651 4 880355845 +360 879 3 880354094 +360 955 5 880356166 +360 1142 4 880354250 +361 28 3 879441417 +361 70 4 879440386 +361 176 4 879441215 +361 186 3 879440516 +361 194 4 879440345 +361 216 5 879440740 +361 283 4 879440694 +361 285 4 879440516 +361 319 5 879440941 +361 443 3 879441253 +361 603 5 879441215 +362 300 5 885019304 +362 313 4 885019304 +363 12 5 891495070 +363 24 3 891494754 +363 47 5 891496264 +363 65 4 891495682 +363 73 2 891497234 +363 143 2 891496667 +363 148 3 891497439 +363 150 5 891496667 +363 176 4 891495109 +363 223 5 891495197 +363 239 3 891495272 +363 257 2 891499595 +363 302 5 891493571 +363 312 3 891494106 +363 315 3 891493603 +363 393 4 891497925 +363 429 5 891496077 +363 455 5 891496927 +363 549 4 891496225 +363 589 3 891496077 +363 735 3 891496077 +363 737 1 891497174 +363 751 1 891493772 +363 770 4 891497174 +363 933 2 891498920 +363 1067 3 891496849 +363 1215 1 891498920 +364 268 3 875931309 +364 687 1 875931561 +365 237 3 891304278 +365 309 1 891303566 +365 316 4 891303638 +365 352 1 891303728 +365 591 4 891303901 +365 741 2 891304059 +365 815 3 891304152 +365 1011 3 891304152 +366 17 5 888857866 +366 288 4 888857598 +366 637 5 888858078 +366 675 4 888857866 +366 773 3 888858078 +367 185 5 876689991 +367 268 4 876689364 +367 443 4 876690119 +368 5 3 889783454 +368 7 4 889783365 +368 53 2 889783562 +368 127 4 889783678 +368 447 1 889783453 +368 448 3 889783365 +368 559 3 889783562 +368 573 3 889783617 +369 179 4 889428442 +369 335 2 889428072 +370 100 4 879435369 +370 137 4 879434707 +370 222 3 879434746 +370 302 5 879434182 +370 390 1 879434587 +370 427 5 879435146 +370 523 3 879434999 +370 525 4 879434666 +370 650 5 879435369 +371 31 5 880435576 +371 73 5 880435397 +371 127 4 877487052 +371 185 3 880435519 +371 449 3 880435733 +372 53 5 876869553 +372 164 4 876869446 +372 218 5 876869481 +372 292 5 876869183 +372 326 4 876869330 +372 674 5 876869512 +372 678 4 876869183 +372 872 4 876869330 +372 1090 5 876869878 +373 69 4 877099137 +373 80 3 877107235 +373 88 4 877106623 +373 135 1 877098784 +373 153 5 877100354 +373 172 5 877098678 +373 177 3 877100161 +373 197 3 877099352 +373 233 3 877105588 +373 367 3 877100458 +373 459 4 877106966 +373 528 3 877104115 +373 529 4 877105901 +373 632 3 877106233 +373 645 5 877098599 +373 739 3 877111819 +373 856 3 877105809 +373 1530 2 877107138 +374 4 2 880395924 +374 54 4 880396048 +374 55 2 880394929 +374 79 4 880394997 +374 96 4 880938870 +374 153 5 880395487 +374 179 1 880395575 +374 203 3 880937735 +374 227 4 880937876 +374 239 4 880396622 +374 273 2 880392747 +374 274 4 880393668 +374 276 4 880393056 +374 278 2 880393754 +374 281 3 880393425 +374 288 4 885107876 +374 294 2 880392193 +374 443 5 880937735 +374 472 2 880393783 +374 526 4 880938965 +374 527 4 883628801 +374 572 2 880938255 +374 597 4 880393460 +374 628 3 880392778 +374 684 5 880937692 +374 693 5 880396359 +374 713 1 880935656 +374 756 3 882157967 +374 762 5 880393460 +374 779 3 880939186 +374 789 4 882158609 +374 829 2 885083439 +374 1048 3 880394179 +374 1093 2 883627582 +374 1197 4 880393892 +374 1322 3 880394000 +375 773 3 886621985 +376 603 4 879434613 +377 258 4 891296356 +377 689 3 891297256 +377 895 3 891296307 +378 14 5 880044251 +378 40 3 880333653 +378 44 3 880055037 +378 47 4 880055984 +378 55 4 880046229 +378 56 4 880045760 +378 67 2 880332563 +378 71 4 880055672 +378 83 4 880045989 +378 89 4 880046363 +378 96 4 880055740 +378 98 5 880045760 +378 118 4 880044879 +378 160 2 880332998 +378 167 4 880333446 +378 173 5 880057088 +378 183 4 880331829 +378 193 4 880056160 +378 216 4 880055268 +378 225 3 880045006 +378 239 3 880055148 +378 292 3 882136243 +378 317 5 880056195 +378 323 3 890572396 +378 370 2 880333494 +378 381 4 882642831 +378 382 4 880055520 +378 458 4 880044697 +378 531 4 880045520 +378 543 4 880055840 +378 566 3 880045856 +378 606 5 880055478 +378 707 3 880046475 +378 928 2 880044488 +378 949 3 880056318 +378 1074 3 880332802 +378 1221 3 880056351 +378 1438 3 880333098 +379 7 5 891674489 +379 47 5 880740461 +379 94 5 883156810 +379 96 5 880741811 +379 97 3 882563752 +379 143 4 880525839 +379 151 4 880525771 +379 175 5 880525108 +379 181 4 880525368 +379 185 5 880524582 +379 193 4 880524783 +379 197 5 880568253 +379 234 5 880524541 +379 257 4 880741811 +379 286 4 880524329 +379 331 4 880526281 +379 381 5 885063301 +379 419 4 880525794 +379 428 4 880568452 +379 435 5 882563752 +379 474 5 886317533 +379 524 4 880961742 +379 526 4 880525031 +379 529 4 891674436 +379 577 4 892879355 +379 644 5 880961648 +379 663 3 891674403 +379 709 5 880526032 +379 1075 3 888044628 +379 1113 4 892879325 +380 50 4 885478497 +380 89 5 885478583 +380 97 3 885478271 +380 151 4 885478759 +380 190 5 885478668 +380 200 4 885479104 +380 211 3 885479487 +380 215 3 885479163 +380 228 3 885479235 +380 238 3 885479057 +380 272 4 885477742 +380 480 4 885478718 +380 498 4 885478738 +380 515 4 885478218 +380 561 2 885479519 +380 729 3 885479252 +380 845 4 885479706 +381 96 5 892697174 +381 120 1 892696587 +381 124 5 892697690 +381 159 3 892696674 +381 307 2 892697959 +381 313 2 892697869 +381 596 3 892697297 +381 1115 4 892697600 +382 59 5 875947049 +382 334 5 876802971 +382 482 5 875946945 +382 496 3 875946945 +382 1017 4 875946830 +383 58 4 891193210 +383 180 5 891192778 +383 205 4 891193210 +383 316 5 891192472 +383 478 5 891193042 +383 479 4 891192985 +383 488 4 891193242 +383 496 5 891192888 +383 660 4 891192748 +384 879 4 891273874 +385 2 3 879446786 +385 47 4 879441982 +385 55 2 879441728 +385 59 2 879442490 +385 61 2 879441572 +385 98 4 879442189 +385 176 2 879441386 +385 182 5 880870205 +385 198 3 881128357 +385 205 2 879443253 +385 210 1 879453773 +385 215 2 879442559 +385 234 1 879445493 +385 357 4 879441339 +385 419 2 879442606 +385 421 2 879446026 +385 427 4 879441386 +385 488 5 879441599 +385 497 5 879443186 +385 504 4 879442360 +385 512 5 880958750 +385 528 4 879470274 +385 533 4 879440602 +385 558 2 879442673 +385 656 5 879441425 +385 671 3 879443315 +385 715 3 879446671 +385 855 5 882081995 +385 874 3 879438975 +385 954 4 879446235 +385 1014 2 879450441 +385 1070 5 880870206 +385 1118 3 879447047 +385 1449 4 881047049 +385 1456 4 879447205 +385 1495 3 879443186 +386 118 3 877655085 +386 127 5 877654961 +386 597 3 877655145 +387 1 4 886480681 +387 7 5 886479528 +387 28 5 886483939 +387 29 1 886483252 +387 42 4 886480548 +387 100 5 886484336 +387 109 4 886481073 +387 172 4 886480206 +387 175 5 886479771 +387 178 3 886483824 +387 179 5 886484336 +387 181 4 886479610 +387 191 4 886479610 +387 204 2 886479771 +387 239 1 886483970 +387 243 1 886484460 +387 248 4 886481151 +387 286 2 886484385 +387 289 1 886484413 +387 399 3 886482969 +387 430 3 886482882 +387 435 3 886480483 +387 475 3 886480657 +387 477 1 886480733 +387 513 5 886483330 +387 516 3 886482928 +387 521 3 886483906 +387 530 4 886483099 +387 531 3 886479528 +387 550 2 886483252 +387 551 2 886481800 +387 563 2 886481851 +387 567 2 886481737 +387 569 2 886481737 +387 583 4 886483098 +387 718 4 886480206 +387 953 2 886484012 +387 1011 3 886481033 +387 1110 2 886483009 +387 1187 4 886480623 +388 1 5 886436813 +388 98 5 886441015 +388 218 5 886441083 +388 276 2 886440608 +388 302 5 886438122 +388 328 4 886439561 +388 672 4 886441083 +388 680 5 886439808 +388 871 2 886440608 +389 1 4 879915860 +389 15 2 879916135 +389 67 2 880614340 +389 77 2 880088922 +389 82 4 880087977 +389 134 5 879991045 +389 135 2 879990996 +389 182 5 879991175 +389 187 5 879990996 +389 199 5 880165388 +389 211 4 880087415 +389 302 5 879915633 +389 371 4 880088309 +389 386 3 880089302 +389 477 4 880087939 +389 485 5 879991081 +389 486 4 880086971 +389 489 4 879991115 +389 501 5 880087804 +389 509 4 880614449 +389 521 3 879991330 +389 524 5 879991081 +389 603 5 880086943 +389 654 5 879991411 +389 664 4 880088290 +389 709 4 879991115 +389 728 3 880089302 +389 820 3 880089211 +389 847 4 879915806 +389 946 3 880088363 +389 969 4 880086755 +389 1007 4 879915832 +389 1121 4 879991485 +389 1168 3 880088717 +390 9 5 879694232 +390 258 5 879693461 +390 300 5 879693770 +390 475 1 879694232 +390 754 4 879693561 +391 50 4 877399588 +391 76 3 877399618 +391 125 3 877399894 +391 176 3 877398856 +391 177 4 877398951 +391 186 5 877399658 +391 187 4 877399030 +391 194 4 877399486 +391 215 4 877399100 +391 322 3 877398619 +391 651 5 877399133 +391 705 5 877399133 +391 715 2 877399588 +391 1163 2 877399864 +392 181 5 891038137 +392 191 5 891039015 +392 300 2 891037437 +392 313 5 891037385 +392 323 3 891037769 +392 340 5 891037437 +392 347 4 891037600 +392 463 3 891038946 +392 495 3 891038401 +392 510 4 891038979 +392 513 5 891039049 +392 517 5 891038466 +392 589 4 891038946 +392 663 4 891039049 +392 1226 4 891038288 +393 58 3 887746734 +393 80 3 889729561 +393 96 4 889555434 +393 121 4 887744419 +393 125 4 887744239 +393 141 2 889729537 +393 181 4 887743141 +393 195 3 889555272 +393 249 3 887744373 +393 259 4 887742851 +393 282 4 887744053 +393 288 3 887741960 +393 298 4 887743453 +393 304 4 887742110 +393 322 4 887742825 +393 332 4 887742764 +393 333 4 889554171 +393 344 3 891364581 +393 373 4 889731437 +393 395 3 889731753 +393 398 4 889731753 +393 449 2 889731088 +393 451 3 887746995 +393 463 4 889555225 +393 483 4 889554540 +393 485 2 887746670 +393 538 3 887742071 +393 560 3 889728584 +393 585 2 889731649 +393 597 3 887745293 +393 627 4 889729296 +393 687 3 887742916 +393 692 3 889554908 +393 724 3 889729159 +393 729 4 887746431 +393 731 3 889730227 +393 785 3 889729749 +393 820 3 887745380 +393 879 3 887742798 +393 892 3 887742939 +393 996 3 889731139 +393 1039 3 887745973 +393 1044 4 889731821 +393 1076 3 889731109 +393 1180 4 889731465 +393 1225 3 889731820 +393 1270 3 889731673 +393 1531 4 889731794 +394 22 5 880886919 +394 24 5 880889350 +394 29 3 881058201 +394 69 5 880887063 +394 89 5 880889349 +394 141 3 880888815 +394 158 3 881059315 +394 173 5 881057730 +394 202 5 880888245 +394 204 5 880888223 +394 252 3 881130112 +394 358 3 880886546 +394 405 3 880889010 +394 577 2 881059704 +394 651 4 880888223 +394 658 3 880889159 +394 672 3 880888540 +394 715 4 880888689 +394 742 5 880888167 +394 771 4 881060366 +394 940 3 881059103 +395 100 4 883765155 +395 127 5 883765034 +395 163 5 883764378 +395 186 5 883764817 +395 286 4 883762088 +395 423 5 883764742 +395 866 3 883766119 +395 1028 2 886481149 +396 117 4 884646191 +396 472 5 884646647 +396 823 2 884646647 +397 8 4 885349913 +397 50 5 885349955 +397 58 5 885349202 +397 65 2 875063876 +397 109 4 889760803 +397 182 5 885349759 +397 186 5 885349955 +397 243 1 875063613 +397 268 4 889760703 +397 289 3 885349348 +397 298 4 885349348 +397 313 4 889760640 +397 318 4 885349610 +397 343 2 885349148 +397 480 5 885349476 +397 652 3 885350326 +397 665 3 885349348 +397 693 4 885349955 +397 748 2 889760845 +397 991 1 875063678 +398 56 4 875659843 +398 71 5 875743517 +398 72 3 875719399 +398 96 4 875716709 +398 100 3 875652816 +398 133 3 875726786 +398 178 5 875718614 +398 183 4 875659518 +398 196 4 875746951 +398 202 3 875725256 +398 208 5 875723253 +398 231 2 875743840 +398 414 3 875721111 +398 447 2 875658967 +398 484 4 875659319 +398 603 4 875721548 +398 610 4 875745631 +398 684 4 875908134 +398 692 4 875717020 +398 705 5 875658898 +398 837 4 875718614 +398 1041 3 875733660 +399 9 3 882510018 +399 24 4 882341239 +399 39 2 882344310 +399 66 3 882343171 +399 78 3 882348948 +399 82 3 882344512 +399 96 3 882342019 +399 99 3 882344269 +399 144 3 882342689 +399 151 2 882511876 +399 176 3 882342127 +399 181 3 882342689 +399 218 4 882344597 +399 222 3 882344434 +399 223 3 882343012 +399 225 3 882345212 +399 235 4 882340876 +399 238 1 882342061 +399 241 4 882342866 +399 302 4 882340101 +399 320 3 882342537 +399 378 3 882348284 +399 379 3 882512003 +399 388 2 882350791 +399 419 3 882343327 +399 426 3 882350431 +399 468 3 882344134 +399 501 2 882346851 +399 526 3 882343171 +399 540 2 882348722 +399 545 2 882345164 +399 552 1 882350733 +399 560 3 882352404 +399 658 3 882350198 +399 665 3 882345408 +399 769 3 882350813 +399 780 1 882350850 +399 794 3 882349274 +399 845 3 882340719 +399 890 2 882340517 +399 1396 4 882343455 +400 748 2 885676411 +401 133 4 891032847 +401 278 4 891032412 +401 286 2 891031464 +401 371 3 891033550 +401 428 4 891033092 +401 471 4 891032495 +401 484 3 891032737 +401 490 3 891033250 +401 604 4 891033370 +401 678 3 891031936 +401 751 1 891031532 +402 9 4 876266741 +402 95 5 876267235 +402 116 3 876267067 +402 117 3 876267173 +402 137 4 876266701 +402 168 5 876267206 +402 228 3 876267173 +402 275 5 876266741 +402 483 5 876267173 +402 510 5 876267235 +402 710 2 876267206 +402 748 3 876266860 +403 147 5 879786052 +403 151 4 879786270 +403 257 2 879786112 +404 272 4 883790181 +404 750 3 883790750 +405 4 4 885547314 +405 26 3 885545552 +405 32 1 885546025 +405 33 1 885547360 +405 36 2 885546859 +405 44 1 885548670 +405 47 5 885545429 +405 54 2 885546379 +405 59 1 885549507 +405 65 1 885546379 +405 99 5 885548785 +405 140 3 885548932 +405 161 1 885547997 +405 168 1 885547124 +405 182 1 885545974 +405 187 5 885544739 +405 198 2 885549506 +405 203 1 885548578 +405 205 3 885546025 +405 209 3 885547124 +405 229 1 885548048 +405 241 1 885547909 +405 303 1 885549904 +405 357 5 885544974 +405 373 2 885548162 +405 380 2 885545883 +405 381 1 885547222 +405 392 5 885545487 +405 398 1 885548094 +405 401 1 885547448 +405 417 2 885548836 +405 418 5 885548836 +405 425 2 885546112 +405 436 1 885548384 +405 446 1 885548385 +405 468 3 885544698 +405 526 1 885546154 +405 543 1 885549407 +405 568 4 885547910 +405 571 5 885547605 +405 646 2 885546202 +405 698 1 885546069 +405 731 3 885546202 +405 735 5 885545306 +405 737 1 885546487 +405 746 1 885547176 +405 755 2 885548877 +405 781 5 885547447 +405 854 1 885547222 +405 856 1 885546287 +405 860 1 885548435 +405 920 1 885549746 +405 923 2 885549464 +405 942 1 885546336 +405 970 1 885546487 +405 1006 1 885546445 +405 1019 1 885549465 +405 1035 1 885548877 +405 1041 5 885547447 +405 1055 3 885546202 +405 1062 1 885549904 +405 1073 1 885548578 +405 1076 2 885549044 +405 1305 1 885547644 +405 1308 1 885546336 +405 1311 1 885546859 +405 1334 1 885549789 +405 1412 1 885549005 +405 1487 1 885546724 +405 1540 2 885548877 +405 1546 1 885549408 +405 1551 1 885546835 +405 1556 1 885549635 +405 1567 1 885547123 +405 1577 1 885549506 +405 1591 1 885549943 +406 23 4 879446529 +406 70 3 879793295 +406 73 2 880131704 +406 88 2 880131608 +406 97 5 879446639 +406 122 3 879540405 +406 130 3 879540147 +406 132 5 879445430 +406 150 4 879446748 +406 163 3 880131582 +406 180 5 879445599 +406 193 4 879445771 +406 197 4 882480710 +406 208 2 880131582 +406 216 3 880131741 +406 281 3 879540296 +406 282 3 879539987 +406 285 5 879792811 +406 433 3 880131791 +406 444 3 879792928 +406 466 4 879446228 +406 472 3 879539884 +406 485 3 879445735 +406 491 4 884631010 +406 492 4 879445859 +406 507 4 879445735 +406 513 5 879445378 +406 521 3 882480511 +406 528 4 879446361 +406 558 3 880132276 +406 563 1 879792975 +406 565 3 880132319 +406 582 4 879793295 +406 602 3 882480865 +406 606 3 879445642 +406 629 3 880131977 +406 660 3 882461650 +406 661 5 879446268 +406 670 3 879792928 +406 672 2 879792897 +406 702 3 879793295 +406 709 5 880131642 +406 724 3 884630973 +406 806 4 879446748 +406 924 4 879540228 +406 1197 3 879539884 +407 45 4 875552352 +407 67 1 876339975 +407 95 3 875045190 +407 134 5 875042569 +407 153 4 875042569 +407 154 5 875116964 +407 176 4 875046427 +407 184 4 875044473 +407 186 4 876348198 +407 195 4 875119886 +407 204 3 875116964 +407 216 4 875552401 +407 388 2 876348849 +407 395 1 876348957 +407 402 2 876344329 +407 491 4 875550328 +407 504 3 875043948 +407 569 3 876348296 +407 659 5 875550174 +407 675 3 876349153 +407 708 3 876344712 +407 739 3 876344062 +407 747 3 876339940 +407 796 2 876338663 +407 844 2 884196984 +407 930 2 876348901 +408 272 4 889679683 +408 327 5 889679982 +408 334 2 889679901 +409 14 5 881107992 +409 45 4 881168603 +409 61 4 881109420 +409 100 5 881107992 +409 115 2 881108777 +409 116 4 881107117 +409 127 4 881106605 +409 171 4 881107084 +409 180 5 881107155 +409 211 4 881108829 +409 289 1 881105077 +409 357 5 881107410 +409 428 4 881109175 +409 435 3 881107310 +409 475 4 881107750 +409 485 2 881107155 +409 505 5 881107943 +409 538 3 881104756 +409 657 3 881108126 +409 705 2 881109175 +409 714 3 881108170 +409 879 1 881105366 +409 923 5 881107410 +409 1020 5 881107410 +409 1070 4 881107410 +409 1159 2 881109019 +409 1346 3 881168711 +409 1392 1 881105367 +409 1512 5 881106947 +409 1541 4 881107992 +410 323 3 888626990 +410 354 3 888626481 +410 689 2 888626881 +411 1 4 892845604 +411 8 3 891035761 +411 9 4 891035827 +411 276 3 892845575 +411 449 3 891035405 +411 485 4 892845986 +412 24 3 879717177 +412 174 5 879716918 +412 214 3 879717253 +412 357 4 879717548 +412 684 4 879717313 +412 939 4 879717253 +412 969 3 879716961 +413 25 3 879969791 +413 147 2 879969860 +413 286 5 879968793 +413 289 4 879969027 +413 307 2 879968794 +413 327 3 879968933 +413 333 2 879968933 +413 460 3 879969536 +413 515 5 879969591 +414 288 5 884999066 +414 324 4 884999127 +414 340 4 884999066 +414 690 4 884999347 +414 748 3 884999147 +414 886 4 884999286 +415 136 5 879439684 +415 204 4 879439865 +415 258 4 879439135 +415 483 5 879439791 +416 15 4 876697017 +416 38 3 886318228 +416 72 2 886318707 +416 80 2 886317825 +416 90 4 876699102 +416 103 3 886320119 +416 118 2 876697479 +416 148 5 893212730 +416 150 5 893214041 +416 151 3 876697105 +416 164 5 893214041 +416 179 2 876699578 +416 218 3 876699488 +416 232 5 893213549 +416 238 4 876699179 +416 240 1 886315446 +416 265 5 893213796 +416 273 4 876697415 +416 274 4 893142100 +416 282 5 893213796 +416 293 5 893213019 +416 302 5 893214127 +416 311 3 886314877 +416 323 3 876696739 +416 353 2 886314834 +416 415 4 886319408 +416 421 5 893214041 +416 447 4 876699027 +416 451 5 893212623 +416 477 4 892441480 +416 491 4 886316596 +416 510 4 876698853 +416 542 1 886317599 +416 550 4 886317599 +416 614 5 893212572 +416 625 5 893212623 +416 657 5 893214225 +416 690 5 893214127 +416 742 4 876697524 +416 791 2 886319550 +416 803 3 886319177 +416 846 3 878878779 +416 875 2 876696938 +416 898 4 885114374 +416 924 5 893212623 +416 938 3 892439155 +416 942 4 893214333 +416 1011 4 885114897 +416 1077 1 886317030 +416 1119 5 893214225 +416 1189 5 893213917 +416 1221 5 893213103 +417 4 3 879648360 +417 17 4 879648183 +417 40 3 879649199 +417 49 3 880951737 +417 90 3 879649107 +417 111 3 879647768 +417 125 5 879646369 +417 156 3 879647380 +417 161 3 879647519 +417 162 3 880951886 +417 163 4 879647604 +417 171 3 879647800 +417 172 3 879647519 +417 180 5 879647604 +417 182 4 879646938 +417 185 3 879647708 +417 188 4 879647232 +417 203 4 879646915 +417 210 3 879647749 +417 211 4 880949907 +417 212 1 879647800 +417 228 3 879646915 +417 230 3 879647850 +417 231 4 879648798 +417 246 4 879646225 +417 252 3 879646530 +417 268 4 879649657 +417 322 3 886186468 +417 343 2 886186253 +417 405 3 879646531 +417 411 2 879649001 +417 420 4 879648452 +417 450 2 880953014 +417 506 4 879647471 +417 515 4 879646225 +417 596 3 879646244 +417 651 4 879648212 +417 663 3 879647040 +417 713 2 879646052 +417 723 5 879648938 +417 732 4 879647825 +417 743 2 880953053 +417 779 2 879649577 +417 780 4 880952880 +417 993 3 879646800 +417 1057 2 880949763 +417 1230 2 880953088 +418 300 3 891282656 +418 1313 2 891282813 +419 28 3 879435663 +419 174 5 879435628 +419 191 4 879435590 +419 212 1 879435749 +419 275 5 879435520 +420 124 5 891356891 +420 127 5 891357104 +420 173 3 891356864 +420 190 5 891356864 +420 855 5 891357021 +420 1347 3 891356927 +421 98 5 892241458 +421 172 5 892241707 +421 197 3 892241491 +421 208 2 892241554 +421 218 4 892241687 +421 331 2 892241236 +421 709 4 892241389 +421 879 4 892241274 +422 117 2 875129975 +422 185 4 879744015 +422 218 4 879744086 +422 237 4 875130230 +422 248 3 875130100 +422 302 3 877162650 +422 333 4 875655986 +422 567 3 879744218 +422 670 2 879744143 +422 717 3 875130173 +422 773 3 879744183 +422 859 3 879744218 +422 867 3 878059137 +423 127 4 891395394 +423 282 4 891395448 +423 293 4 891395547 +423 307 3 891394673 +423 322 3 891395020 +423 339 2 891394788 +423 620 4 891395711 +423 678 3 891395020 +423 750 5 891394704 +423 879 3 891394558 +424 1 1 880859493 +424 15 4 880859722 +424 100 5 880859446 +424 276 2 880859623 +424 286 4 880858792 +424 508 3 880859519 +424 882 3 880858829 +424 990 5 880858979 +424 1084 5 880859591 +425 5 1 878738887 +425 12 5 878737791 +425 92 5 878738335 +425 96 4 878738335 +425 157 2 878738149 +425 181 4 878738435 +425 184 4 878738596 +425 190 3 890347085 +425 217 1 878738914 +425 233 2 878738643 +425 265 3 878738643 +425 294 2 878737512 +425 301 4 890346705 +425 319 1 878737511 +425 326 1 890346567 +425 355 3 890346705 +425 443 2 878738956 +425 522 3 878738077 +425 540 2 878738486 +425 546 3 878738548 +425 672 2 878738887 +425 854 4 878738854 +425 879 2 878737593 +425 898 3 890346705 +425 912 2 891986392 +425 1013 1 878739054 +425 1110 1 878738486 +425 1222 2 878738757 +425 1416 3 878738695 +426 100 4 879442128 +426 143 3 879444852 +426 205 4 879444893 +426 404 3 879444321 +426 482 5 879442737 +426 519 4 879444117 +426 609 3 879441931 +426 646 3 879444787 +426 663 4 879444604 +426 968 3 879444952 +426 1020 4 879442702 +427 268 5 879701253 +427 286 4 879700792 +427 289 5 879701326 +428 294 4 885943651 +428 302 5 885943651 +428 303 3 892572308 +428 315 5 885943980 +428 352 4 885943651 +428 754 4 885943847 +428 886 4 885943651 +428 894 4 885943955 +429 8 3 882386237 +429 25 4 882385985 +429 28 3 882385636 +429 39 3 882386378 +429 65 3 882386216 +429 72 2 882387551 +429 88 3 882386895 +429 99 3 882386601 +429 100 5 882385807 +429 111 2 882386532 +429 147 2 882385859 +429 155 2 882387633 +429 167 3 882386629 +429 176 3 882385542 +429 196 4 882385012 +429 200 3 882386333 +429 204 4 882387757 +429 214 3 882384526 +429 226 3 882386145 +429 227 2 882385934 +429 228 2 882386485 +429 234 4 882386566 +429 235 3 882386966 +429 257 4 882386121 +429 307 3 882384437 +429 358 3 882387053 +429 380 3 882387576 +429 381 3 882385882 +429 411 3 882386848 +429 425 3 882385859 +429 433 3 882385858 +429 443 4 882385210 +429 469 4 882386751 +429 470 5 882386309 +429 473 3 882387551 +429 506 4 882386711 +429 510 4 882387773 +429 514 3 882385243 +429 529 4 882385243 +429 530 4 882384986 +429 582 3 882384950 +429 587 3 882386895 +429 596 3 882385808 +429 616 3 882386333 +429 637 3 882387506 +429 665 2 882387474 +429 672 2 882387551 +429 772 3 882386508 +429 786 2 882386966 +429 789 4 882385443 +429 808 3 882387576 +429 816 2 882387474 +429 843 1 882387114 +429 972 4 882387757 +429 999 2 882387163 +429 1020 4 882387757 +429 1076 2 882387350 +429 1101 5 882385399 +429 1109 2 882386448 +429 1118 4 882385902 +429 1220 3 882387233 +429 1301 4 882385963 +430 121 2 877225832 +430 148 2 877226047 +430 235 2 877225727 +430 300 3 877225239 +430 528 4 877226164 +430 748 3 877225239 +430 1375 4 877225660 +431 269 3 877844062 +431 294 5 877844377 +432 15 4 889416456 +432 109 2 889416188 +432 282 5 889416456 +432 288 5 889416456 +432 827 3 889416570 +433 137 5 880585904 +433 205 3 880585730 +433 269 5 880585068 +433 276 5 880585843 +433 286 5 880585068 +433 358 2 880585554 +433 457 1 880585554 +434 15 3 886724453 +434 118 5 886724873 +434 225 4 886724453 +434 288 5 886724797 +434 476 4 886725076 +434 974 5 886724940 +435 2 4 884132619 +435 22 4 884131156 +435 33 3 884132672 +435 39 3 884131822 +435 44 2 884132619 +435 56 5 884131055 +435 58 3 884131328 +435 76 3 884131328 +435 91 4 884131597 +435 96 5 884131822 +435 127 4 884131681 +435 144 4 884131085 +435 179 5 884131085 +435 181 5 884132208 +435 193 3 884131243 +435 194 4 884131627 +435 203 4 884131434 +435 210 4 884131799 +435 230 3 884132809 +435 265 3 884131996 +435 268 5 884130688 +435 271 4 884130671 +435 291 4 884133446 +435 298 4 884134500 +435 307 5 884130744 +435 401 3 884133447 +435 405 4 884132540 +435 420 4 884132561 +435 427 3 884131542 +435 447 3 884132315 +435 472 2 884133466 +435 476 3 884133872 +435 479 3 884131901 +435 496 4 884131243 +435 501 3 884132266 +435 527 4 884130995 +435 549 3 884132588 +435 571 2 884134047 +435 572 2 884133938 +435 609 4 884132873 +435 636 4 884134047 +435 649 3 884133330 +435 655 2 884131799 +435 665 3 884133973 +435 685 2 884134345 +435 687 2 884130834 +435 721 4 884132072 +435 768 3 884133509 +435 790 4 884133818 +435 820 1 884132367 +435 824 1 884134627 +435 885 3 887509396 +435 919 5 884132184 +435 928 3 884134187 +435 1014 2 884134515 +435 1016 4 884134377 +435 1069 4 884131489 +435 1240 4 884132296 +435 1291 1 884134853 +435 1552 3 884134187 +436 50 4 887769415 +436 72 5 887770693 +436 81 3 887770244 +436 167 3 887770403 +436 204 5 887769209 +436 239 3 887769952 +436 264 2 887768669 +436 278 2 887771924 +436 348 4 887768521 +436 423 4 887769992 +436 435 4 887769256 +436 470 4 887770566 +436 506 5 887770485 +436 747 5 887770640 +436 840 3 887771997 +436 925 4 887770507 +436 1028 4 887770693 +436 1053 4 887771853 +437 13 4 880141129 +437 26 2 880142399 +437 52 3 880141402 +437 71 3 880141402 +437 79 4 880143855 +437 94 4 881001436 +437 101 3 880143355 +437 121 3 881001766 +437 139 3 881001576 +437 145 1 880143663 +437 153 5 881001888 +437 170 5 880140787 +437 172 4 880140257 +437 182 2 880140432 +437 189 2 881001946 +437 200 4 880140398 +437 203 1 880140978 +437 221 5 880140154 +437 253 1 880141796 +437 415 4 880143591 +437 417 5 880143482 +437 425 4 880141374 +437 443 4 880142851 +437 475 3 880140288 +437 511 5 880141962 +437 559 3 880143695 +437 583 1 880143040 +437 606 4 880140978 +437 716 5 881002345 +437 721 2 880141335 +437 1006 3 881001472 +437 1063 5 880141661 +437 1206 4 881002191 +437 1267 4 880141528 +438 1 4 879868096 +438 148 5 879868443 +438 257 4 879868159 +438 281 4 879868494 +438 284 2 879868308 +439 276 5 882892755 +439 290 4 882894084 +440 57 5 891577949 +440 324 5 891548567 +440 340 2 891549397 +440 361 5 891548567 +440 749 3 891547746 +440 883 5 891550404 +440 923 5 891577843 +441 313 4 891035056 +441 338 4 891035289 +441 538 3 891035144 +442 68 3 883390416 +442 89 4 883390416 +442 121 2 883390544 +442 150 4 883388283 +442 153 3 883388237 +442 181 4 883390416 +442 188 3 883390782 +442 195 4 883390328 +442 218 3 883390048 +442 222 3 883391221 +442 227 3 883390574 +442 228 5 883390366 +442 268 4 883388092 +442 410 4 883388508 +442 433 4 883388283 +442 436 3 883390048 +442 447 3 883390048 +442 470 4 883391167 +442 769 1 883391397 +442 859 3 883390169 +442 979 3 883391344 +442 988 1 883388064 +442 1170 4 883388909 +443 175 2 883505396 +443 260 1 883504818 +443 269 3 883504564 +443 333 5 883504654 +443 748 4 883505171 +444 269 4 891979402 +444 272 5 891978637 +444 286 2 890246847 +444 306 5 890246907 +444 307 3 891979402 +444 328 5 890247082 +445 79 4 890987742 +445 96 4 890987655 +445 257 2 891199945 +445 272 3 890988205 +445 274 2 891200164 +445 281 1 891200417 +445 288 2 891035830 +445 289 1 891199510 +445 298 2 891199906 +445 300 1 890987410 +445 302 1 891199195 +445 327 2 891035830 +445 433 2 890987617 +445 460 2 891200624 +445 508 2 891200078 +445 546 2 891200417 +445 902 4 891200870 +445 979 2 891200272 +445 1014 1 891200506 +445 1047 1 891200656 +445 1051 1 891200390 +445 1129 4 891199994 +445 1143 4 891200870 +446 245 4 879787226 +446 268 2 879786892 +446 307 3 879786892 +446 879 3 879786691 +447 12 5 878855907 +447 13 5 878854630 +447 15 1 878854481 +447 25 4 878854630 +447 55 4 878856573 +447 79 3 878856110 +447 83 5 878856458 +447 118 4 878854578 +447 175 3 878855847 +447 181 5 878854520 +447 200 3 878855963 +447 201 2 878855723 +447 223 5 878856394 +447 227 2 878856233 +447 228 4 878855682 +447 233 4 878856526 +447 235 2 878854605 +447 257 3 878854520 +447 274 1 878854552 +447 276 4 878854552 +447 278 3 878854810 +447 290 4 878854838 +447 293 4 878854459 +447 294 4 878855082 +447 410 2 878854630 +447 508 3 878854195 +447 535 4 878854954 +447 582 4 878855724 +447 716 2 878856573 +447 737 4 878855907 +447 866 2 878855082 +447 1009 4 878854876 +447 1315 4 878854838 +448 258 4 891887440 +448 302 5 891887337 +448 319 5 891888099 +449 14 3 879958603 +449 60 5 880410652 +449 251 3 879958603 +449 268 2 880410988 +449 274 2 879959003 +449 288 3 879959082 +449 475 5 879958603 +449 544 3 879959023 +449 639 5 880410700 +449 640 5 880410734 +450 3 4 882398220 +450 23 5 887136837 +450 33 5 882398083 +450 43 4 887139080 +450 50 5 882371415 +450 76 3 882395913 +450 78 2 882396245 +450 96 4 887834823 +450 102 4 882468047 +450 114 5 887660504 +450 118 3 882395166 +450 133 5 882373019 +450 161 5 882396245 +450 172 4 882372103 +450 173 5 882371526 +450 181 4 882372103 +450 188 3 882395778 +450 190 4 882373385 +450 196 5 882371526 +450 213 4 882396351 +450 214 1 882371416 +450 218 4 882397224 +450 220 4 882394097 +450 221 4 882395052 +450 223 3 882371732 +450 229 4 882474001 +450 230 4 882371732 +450 235 3 887661217 +450 260 2 889568753 +450 273 3 882377726 +450 284 4 887139517 +450 300 4 882216475 +450 307 5 882216475 +450 310 4 887660650 +450 318 5 882373531 +450 336 3 882370464 +450 345 2 884906309 +450 347 4 887047775 +450 372 4 882396245 +450 386 4 882397049 +450 389 4 882396051 +450 392 4 887660762 +450 403 4 887660440 +450 416 5 882395779 +450 417 4 882376365 +450 435 4 882374332 +450 483 3 882371826 +450 485 5 882373088 +450 489 4 882373464 +450 492 5 882397049 +450 499 5 882372178 +450 501 4 882371416 +450 505 5 882376658 +450 511 5 882372178 +450 519 4 887660820 +450 528 5 882371526 +450 546 4 887139019 +450 557 5 882472306 +450 570 4 887139728 +450 588 4 882376658 +450 597 4 882473914 +450 618 4 882373995 +450 619 3 882377861 +450 620 4 882399818 +450 627 3 882396489 +450 662 4 882395914 +450 671 3 882371416 +450 696 4 882398666 +450 702 4 882371904 +450 704 3 882372178 +450 713 3 882395778 +450 717 4 887834953 +450 727 4 882812635 +450 734 2 882471737 +450 741 3 882376282 +450 748 4 882370410 +450 749 4 892141807 +450 750 3 884098229 +450 776 4 882468402 +450 812 4 882468402 +450 866 4 882396565 +450 926 4 882470125 +450 968 4 882395537 +450 1107 4 887138957 +450 1115 4 882395778 +450 1119 4 882374332 +450 1135 4 882396352 +450 1197 3 882395662 +450 1249 3 882812821 +450 1284 3 887139594 +450 1311 4 887139844 +451 261 2 879012647 +451 302 3 879012647 +451 304 3 879012684 +451 306 2 879012684 +451 307 4 879012431 +451 326 4 879012431 +451 327 4 879012580 +451 330 3 879012721 +451 334 3 879012648 +451 335 4 879012721 +451 678 5 879012510 +451 681 1 879012773 +451 874 4 879012684 +451 878 1 879012811 +451 886 4 879012773 +451 988 1 879012773 +451 1395 1 879012858 +452 15 4 875275763 +452 23 2 876825745 +452 50 5 875264825 +452 70 5 888492838 +452 82 3 886149040 +452 83 3 885490812 +452 100 5 885544109 +452 102 2 875560150 +452 179 5 875265368 +452 195 4 875265114 +452 199 5 885816768 +452 237 2 875263068 +452 265 3 887719158 +452 275 4 875264491 +452 385 4 875560933 +452 472 5 885816916 +452 475 2 876299004 +452 481 5 885544110 +452 492 4 875263413 +452 501 3 885476356 +452 504 2 875273544 +452 514 3 875261350 +452 526 4 875562645 +452 530 3 875562062 +452 576 2 875563050 +452 607 5 875266680 +452 625 3 875562159 +452 661 4 875261747 +452 663 2 885817516 +452 815 2 875277472 +452 842 2 875265368 +452 945 4 888323595 +452 1013 1 876215773 +452 1057 1 876215627 +453 4 4 877554490 +453 56 5 877554771 +453 85 3 877561301 +453 99 3 888205588 +453 120 1 877553678 +453 204 4 877554704 +453 215 3 877554419 +453 226 3 877561214 +453 227 3 888207162 +453 273 4 877552678 +453 354 4 888201923 +453 402 3 888207161 +453 423 4 877554819 +453 453 2 888206768 +453 476 3 890939266 +453 508 4 877552612 +453 515 4 876191626 +453 550 3 888207161 +453 575 2 892447163 +453 717 2 888206467 +453 732 3 877561695 +453 750 4 888201942 +453 780 3 877561522 +453 790 4 877561800 +453 797 1 888206339 +453 826 1 877553430 +453 941 2 877561613 +453 1145 2 888206492 +454 8 5 888266643 +454 48 4 881960114 +454 66 4 888266685 +454 111 1 888267086 +454 117 3 888267343 +454 135 2 888266433 +454 136 3 881959745 +454 147 3 888267455 +454 193 2 881959818 +454 202 3 881960201 +454 222 3 888266785 +454 238 3 881960361 +454 252 2 881959336 +454 283 3 888267590 +454 285 2 881959917 +454 312 3 888015842 +454 313 5 888000454 +454 317 4 888267343 +454 367 4 888267128 +454 371 3 888267198 +454 402 3 888267419 +454 463 2 888267560 +454 465 3 888267343 +454 468 3 888267087 +454 471 3 881960445 +454 472 3 888266874 +454 480 4 881959652 +454 486 3 881960385 +454 530 2 881960174 +454 610 3 881959576 +454 627 2 888267643 +454 632 3 881960145 +454 751 4 888265376 +454 942 2 888267198 +454 972 2 888267128 +454 1126 2 888266955 +455 8 4 879111345 +455 15 2 879110767 +455 28 4 879111371 +455 44 3 879112678 +455 50 5 878585826 +455 77 4 879111528 +455 82 5 879110818 +455 121 4 878585685 +455 123 3 879111705 +455 124 4 879109594 +455 144 3 879110436 +455 147 4 879109764 +455 181 4 878585826 +455 183 4 879111862 +455 193 4 879111586 +455 200 5 879111092 +455 213 4 879111453 +455 230 3 879111291 +455 237 3 879109923 +455 239 3 879111397 +455 250 3 879109966 +455 269 4 878585250 +455 291 3 879109984 +455 435 4 879110544 +455 449 4 879112582 +455 455 3 879111862 +455 550 4 879112700 +455 553 3 879111907 +455 568 4 879112298 +455 620 3 879108829 +455 662 4 879111554 +455 716 3 879112259 +455 942 4 879112011 +455 1086 3 879109692 +456 4 3 881374849 +456 98 3 881372779 +456 125 4 881372015 +456 127 5 881373019 +456 208 4 881374710 +456 209 3 881372849 +456 258 4 887165802 +456 265 3 881374048 +456 289 4 881372687 +456 382 1 881374710 +456 395 2 881375542 +456 402 2 881375416 +456 403 2 881373900 +456 405 1 881371942 +456 433 4 881373120 +456 461 4 881373168 +456 480 4 881373573 +456 485 4 881373574 +456 544 3 881372114 +456 547 3 881371660 +456 550 2 881375381 +456 580 4 881374767 +456 616 3 881373655 +456 697 4 881374390 +456 739 3 881375226 +456 747 4 881374331 +456 824 3 881372256 +456 952 4 881371766 +456 1017 4 881372574 +456 1020 4 881373506 +456 1081 4 881372191 +456 1107 4 881375587 +456 1134 4 881372281 +456 1198 4 881371595 +456 1240 3 881374332 +457 13 3 882393883 +457 25 4 882393828 +457 28 5 882396989 +457 51 5 882397734 +457 62 3 882550925 +457 97 5 882397699 +457 120 2 882551344 +457 121 4 882393066 +457 135 5 882397240 +457 145 3 882549998 +457 147 5 882395400 +457 151 5 882394010 +457 154 5 882397058 +457 175 5 882547139 +457 179 4 882397963 +457 183 5 882397455 +457 193 5 882397666 +457 194 5 882397058 +457 196 5 882397763 +457 204 5 882397699 +457 210 5 882397337 +457 222 5 882392853 +457 226 3 882548825 +457 248 4 882393008 +457 284 3 882394010 +457 287 4 882394010 +457 288 4 882392853 +457 371 4 882398275 +457 378 4 882548312 +457 388 2 882551343 +457 393 3 882548583 +457 401 3 882550654 +457 469 4 882397208 +457 485 4 882396832 +457 566 4 882548583 +457 628 4 882393688 +457 676 3 882395400 +457 831 2 882396001 +457 956 4 882548214 +457 1029 3 882551135 +457 1047 2 882395964 +457 1119 4 882398308 +458 1 4 886394423 +458 25 1 886394576 +458 28 3 886396005 +458 56 5 886397679 +458 76 4 886398121 +458 129 4 886394667 +458 187 5 886398543 +458 204 4 886396390 +458 238 4 886397679 +458 302 5 886394314 +458 433 4 886398289 +458 460 4 886394916 +458 475 4 886394729 +458 484 5 886397109 +458 499 4 886397450 +458 513 4 886396314 +458 519 4 886395899 +458 527 2 886397857 +458 603 4 886397155 +458 631 4 886397541 +458 632 4 886398289 +458 735 2 886397679 +458 736 4 886398543 +458 762 3 886395065 +458 845 3 886394527 +458 960 1 886397726 +458 1109 4 886397318 +458 1226 2 886396910 +459 50 4 879563064 +459 98 5 879564941 +459 105 4 879563819 +459 235 1 879563367 +459 259 4 879561630 +459 409 2 879563796 +459 455 2 879563392 +459 619 4 879563169 +459 651 3 879564309 +459 676 3 879563288 +459 685 3 879563613 +459 696 4 879563736 +459 873 4 879561731 +459 1038 4 879561654 +460 100 5 882912418 +460 117 3 882912342 +460 124 4 882912150 +460 137 5 882912418 +460 298 2 882912440 +460 312 4 882910837 +460 313 4 882910837 +460 321 3 882910510 +460 1011 4 882912205 +460 1067 4 882912316 +460 1137 3 882912235 +461 258 4 885355735 +461 294 3 885355805 +461 327 4 885355757 +461 575 2 885355930 +461 748 1 885355839 +462 261 2 886365773 +462 326 4 886365297 +462 539 3 886365773 +462 655 5 886365467 +463 1 1 890453075 +463 16 4 877385830 +463 19 5 877385341 +463 25 3 877385664 +463 111 2 877385414 +463 125 4 877385590 +463 237 4 877385237 +463 271 1 889943811 +463 276 3 877385287 +463 283 5 877385287 +463 302 5 877384835 +463 304 3 877384881 +463 475 3 877385341 +463 539 1 889936753 +463 591 4 877385590 +463 749 3 877384882 +463 764 2 877385457 +463 819 1 889937778 +463 866 3 877385862 +463 880 4 890452525 +463 887 5 890452468 +463 1009 3 877386047 +463 1060 2 889936244 +463 1115 4 877385531 +463 1284 4 877385381 +463 1606 2 889936565 +464 255 4 878355061 +464 257 4 878355088 +464 264 4 878354886 +464 270 4 878354762 +464 288 4 878354626 +464 292 5 878354722 +464 295 5 878355033 +464 299 4 878354791 +464 307 5 878354859 +464 322 3 878354680 +464 332 4 878354761 +464 515 5 878354965 +464 520 5 878355167 +464 1025 2 878354829 +465 48 3 883530313 +465 98 4 883531409 +465 100 3 883532119 +465 132 4 883531325 +465 135 3 883531380 +465 281 2 883532120 +465 357 4 883531325 +465 428 3 883531246 +465 528 3 883530190 +466 17 5 890284766 +466 50 5 890284819 +466 82 3 890284819 +466 173 3 890285762 +466 184 4 890285113 +466 226 4 890285034 +466 288 4 890284651 +466 895 3 890283056 +466 899 5 890284231 +466 1607 5 890284231 +467 127 5 879532478 +467 258 2 879532164 +467 293 4 879532385 +467 1011 2 879532630 +468 1 5 875280395 +468 12 4 875291902 +468 47 5 875301056 +468 50 5 875280352 +468 82 5 875292320 +468 89 4 875291722 +468 118 3 875280417 +468 135 5 875287895 +468 153 5 875287720 +468 174 5 875294549 +468 216 5 875288771 +468 297 4 875280462 +468 318 5 875293386 +468 427 5 875291722 +468 471 3 875279269 +468 508 4 875280539 +468 529 3 875287686 +468 584 4 875288771 +468 699 3 875287686 +468 952 3 875280310 +468 963 5 875286036 +468 1070 5 875301653 +469 65 4 879524178 +469 161 3 879523802 +469 168 4 879524006 +469 199 4 879524006 +469 507 5 879523803 +469 603 5 879524376 +470 129 3 879178542 +470 258 4 879178216 +470 305 4 879178257 +470 319 3 879178216 +470 1084 3 879178406 +470 1134 4 879178486 +471 82 5 889827822 +471 393 5 889827918 +471 420 1 889828027 +472 24 5 892791017 +472 67 4 892790628 +472 79 5 892790953 +472 125 5 875979041 +472 140 3 875980823 +472 150 3 875978686 +472 161 5 875982149 +472 175 5 875979910 +472 176 5 875981664 +472 191 5 875980283 +472 222 5 876882530 +472 227 5 875981429 +472 230 5 875981876 +472 231 5 875980418 +472 252 4 875978191 +472 257 4 875978096 +472 294 4 875977735 +472 358 5 892790676 +472 366 4 892790952 +472 367 5 892790953 +472 375 5 875982680 +472 403 5 875982200 +472 405 5 875978600 +472 416 3 875982867 +472 421 5 875982200 +472 423 5 892791017 +472 426 4 875980010 +472 432 5 875979964 +472 472 5 875979153 +472 566 4 875982727 +472 651 4 875981830 +472 660 5 875982096 +472 678 4 883904118 +472 760 5 892790953 +472 796 4 875981595 +472 1014 4 875978191 +472 1079 4 883904360 +472 1139 5 875983231 +472 1215 4 875979562 +473 20 3 878157568 +473 242 3 878156824 +473 246 5 878157404 +473 1007 4 878157329 +473 1143 4 878157242 +474 4 5 887927588 +474 25 5 887916608 +474 66 4 887926437 +474 96 4 887925497 +474 97 5 887924028 +474 111 4 887916203 +474 127 5 887915188 +474 137 5 887915188 +474 174 5 887925750 +474 186 4 887925977 +474 187 5 887923708 +474 188 5 887926437 +474 197 5 887923788 +474 200 3 887925497 +474 204 4 887924084 +474 213 4 887927509 +474 222 4 887915479 +474 255 4 887915600 +474 284 4 887915645 +474 286 5 887914646 +474 294 3 887916330 +474 315 5 887914615 +474 318 5 887923708 +474 323 2 887915020 +474 357 5 887924618 +474 421 3 887928562 +474 423 5 887924425 +474 430 3 887925977 +474 434 4 887928562 +474 467 4 887928498 +474 468 4 887926999 +474 469 4 887925916 +474 471 3 887915307 +474 479 5 887923972 +474 482 3 887925395 +474 487 4 887923972 +474 490 5 887926059 +474 491 4 887925187 +474 504 5 887924469 +474 505 5 887924425 +474 515 5 887915269 +474 523 5 887924083 +474 582 5 887927728 +474 607 4 887926872 +474 608 4 887925187 +474 609 4 887927509 +474 611 4 887925395 +474 616 4 887924028 +474 650 4 887925187 +474 651 5 887927670 +474 654 5 887924469 +474 655 5 887924083 +474 657 5 887924028 +474 671 3 887926105 +474 737 4 887926633 +474 748 3 887914979 +474 924 4 887915600 +474 929 3 887916330 +474 939 4 887928562 +474 956 4 887926271 +474 1011 4 887916203 +474 1200 4 887927339 +474 1286 2 887927670 +475 258 1 891451205 +475 354 2 891627606 +476 47 3 883364392 +476 66 3 883364433 +476 73 4 883364475 +476 90 3 883364433 +476 94 2 883364780 +476 245 4 883365784 +476 268 4 883365503 +476 319 1 883365561 +476 384 4 883365274 +476 393 4 883365135 +476 399 3 883364812 +476 401 3 883364812 +476 451 3 883364475 +476 579 2 883365385 +476 732 3 883364250 +476 746 3 883364295 +476 780 3 883365274 +477 20 4 875941888 +477 294 4 875940693 +477 739 4 875941191 +477 794 4 875941111 +478 11 4 889395638 +478 12 5 889388862 +478 68 1 889396582 +478 153 3 889396212 +478 195 4 889396509 +478 202 4 889396256 +478 283 4 889388137 +478 327 3 889387577 +478 393 4 889397306 +478 591 3 889387958 +478 946 2 889396917 +479 8 5 879461415 +479 22 4 879461280 +479 32 3 879461354 +479 66 3 879462103 +479 95 4 879461818 +479 137 4 889125448 +479 157 5 879461856 +479 169 5 879460917 +479 193 3 879460939 +479 201 4 879461142 +479 203 3 879460893 +479 204 4 879461583 +479 222 4 879460028 +479 273 4 879459909 +479 294 3 879459578 +479 300 2 879459641 +479 357 4 889125798 +479 408 5 879460091 +479 431 4 879461741 +479 474 5 879461279 +479 480 5 889125737 +479 485 3 879460844 +479 490 4 879461337 +479 509 4 879461756 +479 526 4 879461378 +479 546 2 879460305 +479 584 3 879461873 +479 609 5 879461951 +479 670 3 879461530 +479 756 1 879462203 +479 831 2 879460562 +479 915 4 893281238 +479 1028 1 879460192 +480 12 5 891208433 +480 50 4 891207951 +480 79 4 891208718 +480 152 4 891208390 +480 185 2 891208718 +480 197 3 891208215 +480 249 1 891207975 +480 443 4 891208746 +480 485 4 891208186 +480 527 4 891208327 +480 654 4 891208718 +480 1121 4 891208689 +481 8 3 885828245 +481 70 5 885828389 +481 88 4 885829153 +481 173 4 885828165 +481 181 5 885827974 +481 198 4 885828686 +481 199 5 885828543 +481 204 4 885829196 +481 207 3 885828619 +481 252 4 885828016 +481 322 4 885828016 +481 393 3 885829045 +481 479 4 885828619 +481 484 4 885828686 +481 498 5 885828619 +481 580 4 885829153 +481 663 4 885828297 +482 243 2 887644023 +482 245 4 887643461 +482 288 3 887644023 +482 328 4 887643289 +482 346 3 887644022 +483 50 5 878953485 +483 121 2 878952692 +483 222 3 878953485 +483 257 2 878952519 +483 283 5 878952582 +483 510 3 878953751 +483 743 1 893098548 +484 2 4 891195391 +484 22 5 891194841 +484 28 5 880937193 +484 88 4 891195179 +484 117 4 881449561 +484 153 5 891194716 +484 176 4 891195298 +484 183 4 891195323 +484 211 4 891195036 +484 226 4 891195390 +484 231 2 891195476 +484 274 4 881450085 +484 415 3 891195857 +484 419 4 891195825 +484 449 4 891195602 +484 471 4 881449737 +484 472 4 891195565 +484 566 4 891195416 +484 951 1 891195886 +484 1016 4 883402866 +485 242 5 891040423 +485 269 4 891040493 +485 286 2 891040897 +485 301 2 891041551 +485 311 3 891040423 +485 345 1 891040560 +485 346 4 891040967 +486 9 5 879874449 +486 16 3 879874583 +486 21 3 879875371 +486 242 4 879874018 +486 262 1 879874017 +486 264 3 879874262 +486 268 3 879874064 +486 280 2 879875249 +486 288 4 879874153 +486 289 3 879874262 +486 297 4 879874629 +486 301 4 879874113 +486 303 4 879874388 +486 304 3 879874186 +486 306 1 879874063 +486 324 4 879874262 +486 408 3 879874481 +486 515 5 879874417 +486 678 1 879874297 +486 685 3 879875188 +486 741 3 879875221 +486 742 2 879874693 +486 831 3 879875316 +486 845 4 879874995 +486 919 3 879874902 +486 924 3 879875069 +486 926 2 879875408 +486 950 4 879875069 +486 995 4 879874388 +486 1137 5 879874545 +486 1176 3 879874388 +486 1226 4 879874902 +486 1322 3 879875347 +486 1379 3 879874515 +486 1598 5 879874583 +486 1609 3 879875220 +487 24 4 883444558 +487 27 5 884044329 +487 48 2 883445540 +487 53 2 883447118 +487 64 5 883445859 +487 66 5 883530484 +487 67 3 884050247 +487 85 2 884044654 +487 98 5 883446637 +487 150 5 883442430 +487 156 4 883446027 +487 179 3 883528237 +487 197 3 883446404 +487 222 4 883442018 +487 229 3 884042207 +487 231 1 884050940 +487 248 1 883443504 +487 259 2 883441083 +487 274 4 883444631 +487 289 2 883441083 +487 301 4 883440613 +487 349 3 885239880 +487 380 2 883531466 +487 385 4 883530454 +487 392 4 883529363 +487 399 5 884046800 +487 431 3 883529593 +487 546 3 883444674 +487 559 3 884029657 +487 568 4 883446322 +487 591 2 883444462 +487 596 5 883441956 +487 628 4 883444558 +487 689 1 883441407 +487 713 4 883444631 +487 720 4 884036466 +487 746 4 883529540 +487 783 4 884045361 +487 802 4 884051006 +487 803 2 884045297 +487 809 2 884050192 +487 841 2 883445168 +487 966 5 883530562 +487 1276 2 885239896 +487 1314 1 883530929 +488 1 3 891294896 +488 15 4 891294568 +488 89 4 891294854 +488 97 4 891293863 +488 136 4 891294158 +488 144 3 891293974 +488 153 2 891293974 +488 173 4 891294473 +488 178 4 891294158 +488 182 3 891293734 +488 191 3 891293974 +488 197 2 891294473 +488 215 5 891294742 +488 234 4 891293911 +488 239 4 891294976 +488 289 1 891293263 +488 294 4 891293606 +488 322 3 891293009 +488 418 3 891294530 +488 478 3 891294530 +488 486 4 891295023 +488 526 4 891294530 +488 527 3 891294473 +488 589 3 891294400 +488 678 2 891293400 +488 742 4 891295023 +488 751 3 891292771 +488 754 4 891293606 +488 873 3 891293152 +489 245 3 891366838 +489 269 3 891362740 +489 299 2 891447522 +489 303 4 891448109 +489 322 5 891366571 +489 323 5 891445388 +489 324 3 891445320 +489 338 3 891448200 +489 339 3 891448428 +489 346 5 891362904 +489 349 4 891449155 +489 351 5 891446623 +489 749 4 891366571 +489 750 5 891448080 +489 754 5 891448109 +489 885 4 891448861 +489 890 5 891447990 +489 897 2 891448565 +489 902 4 891448931 +489 948 2 891447960 +489 1265 2 891449466 +490 100 3 875427629 +490 118 2 875428703 +490 127 5 875428765 +490 1383 1 875428417 +491 23 2 891189306 +491 116 5 891185209 +491 127 3 891185129 +491 237 3 891187226 +491 284 3 891185330 +491 286 4 891184567 +491 294 2 891189842 +491 319 1 891184567 +491 513 5 891189306 +491 654 5 891189306 +492 45 3 879969814 +492 56 5 879969878 +492 199 3 879969255 +492 221 3 879969454 +492 514 3 879969415 +492 527 5 879969879 +492 650 2 879969644 +493 24 4 884130593 +493 25 4 884132717 +493 89 4 884130933 +493 109 4 884130416 +493 118 4 884132898 +493 134 3 884132246 +493 151 3 884130516 +493 154 4 884131952 +493 168 5 884131143 +493 173 4 884131114 +493 174 3 884131211 +493 182 5 884130971 +493 186 5 884131897 +493 204 5 884130852 +493 234 5 884132037 +493 257 5 884130495 +493 338 4 884130032 +493 358 4 884129979 +493 369 2 884130271 +493 678 3 884129979 +493 806 3 884131143 +493 1016 4 884130550 +493 1088 2 884131777 +494 121 4 879541429 +494 143 5 879541245 +494 181 4 879541298 +494 286 4 879540508 +494 329 3 879540819 +494 358 3 879540901 +494 514 2 879541246 +494 845 4 879541429 +495 4 3 888633129 +495 55 2 888634389 +495 67 3 888636635 +495 80 3 888636992 +495 82 5 888632969 +495 86 5 888637768 +495 94 3 888636992 +495 96 4 888634110 +495 120 5 888637768 +495 121 5 888633473 +495 173 5 888632180 +495 179 5 888632470 +495 182 5 888632043 +495 183 5 888633277 +495 185 5 888633042 +495 196 3 888632546 +495 211 5 888633194 +495 225 4 888635524 +495 232 5 888635202 +495 380 3 888635339 +495 432 5 888633396 +495 491 5 888632443 +495 498 3 888633165 +495 511 4 888634536 +495 521 5 888632219 +495 568 1 888635294 +495 576 3 888637440 +495 631 2 888632677 +495 636 3 888634475 +495 665 1 888637169 +495 796 4 888637070 +495 1079 5 888636511 +495 1157 4 888637300 +495 1245 5 888633129 +495 1542 4 888637643 +496 22 4 876065259 +496 28 2 876066153 +496 94 1 876070975 +496 150 2 876064230 +496 155 1 876070859 +496 168 3 876065324 +496 174 4 876066507 +496 190 5 876072632 +496 195 4 876065715 +496 277 5 876072633 +496 288 2 876063810 +496 443 2 876066353 +496 483 4 876065259 +496 495 3 876066300 +496 496 1 876066424 +496 506 3 876067215 +496 559 5 876068153 +496 651 2 876065610 +496 652 5 876065693 +496 705 2 876065382 +496 721 5 876067215 +496 743 2 876065190 +496 771 2 876073865 +496 842 2 876068249 +496 961 2 876070655 +496 1157 1 876070937 +497 4 3 879310825 +497 7 3 879310604 +497 12 4 879362019 +497 22 5 879310730 +497 29 4 879362569 +497 49 3 879310474 +497 53 3 879362178 +497 62 4 879310913 +497 68 4 879310850 +497 83 2 878759898 +497 90 4 879310445 +497 123 3 879361727 +497 141 3 879363611 +497 151 3 879363510 +497 169 4 879309992 +497 176 4 879310762 +497 189 4 879309993 +497 200 3 879362359 +497 210 4 878759777 +497 216 3 879310399 +497 231 3 879310883 +497 237 3 879310314 +497 294 4 878759351 +497 364 3 879363233 +497 367 4 879362835 +497 393 4 879362858 +497 394 3 878759862 +497 402 4 879310508 +497 432 3 879309993 +497 433 3 878759806 +497 440 1 879362430 +497 450 2 879362202 +497 451 2 879310419 +497 472 3 879310650 +497 553 2 879310379 +497 590 2 879362461 +497 629 2 878759862 +497 665 2 879310966 +497 684 3 879310792 +497 719 3 879363253 +497 725 3 879363253 +497 769 3 879362430 +497 790 2 879362720 +497 826 3 879311007 +497 946 4 879310021 +497 951 2 879363695 +497 1046 3 879362041 +497 1415 2 879363748 +498 9 2 881954931 +498 10 5 881960711 +498 14 4 881955189 +498 109 3 881955189 +498 134 3 881956498 +498 135 5 881956576 +498 150 3 881954451 +498 174 3 881956953 +498 179 4 881961133 +498 181 2 881955014 +498 185 4 881955960 +498 190 4 881956203 +498 204 2 881957267 +498 234 4 881957625 +498 237 2 881957625 +498 317 3 881957625 +498 410 3 881954931 +498 423 3 881957267 +498 480 5 881960523 +498 486 2 881957431 +498 496 3 881957905 +498 509 3 881955867 +498 517 4 881957353 +498 531 3 881957195 +498 656 3 881957999 +498 657 3 881957488 +498 663 4 881956363 +498 673 3 881958343 +498 772 1 881957999 +499 55 4 885599598 +499 98 4 885599119 +499 143 3 885598961 +499 165 5 885598961 +499 166 5 885599334 +499 173 5 885599307 +499 208 4 885599718 +499 257 5 885598342 +499 425 3 885599474 +499 429 4 885599372 +499 430 3 885598989 +499 486 3 885599598 +499 525 4 885599660 +499 527 5 885599307 +499 588 4 885599334 +499 624 2 885599372 +499 663 5 885599718 +499 886 4 885598215 +499 898 4 885597901 +499 915 4 892501128 +500 7 5 883865104 +500 16 4 883865462 +500 31 4 883875092 +500 60 5 883874557 +500 77 3 883875793 +500 94 2 883877023 +500 117 4 883865755 +500 121 3 883865611 +500 134 5 883873461 +500 151 3 883874059 +500 183 4 883873461 +500 210 3 883874290 +500 215 1 883874528 +500 245 2 883864862 +500 283 2 883865341 +500 286 1 883864527 +500 295 4 883865128 +500 328 3 883864749 +500 370 3 883865952 +500 407 3 883877252 +500 409 4 883865985 +500 411 2 883865826 +500 443 4 883873679 +500 483 4 883874039 +500 532 4 883865952 +500 552 1 883876738 +500 582 4 883874290 +500 727 2 883875041 +500 735 4 883873941 +500 740 3 883865632 +500 755 3 883876251 +500 768 2 883876596 +500 821 2 883876837 +500 831 3 883866004 +500 919 3 883865341 +500 1048 3 883865532 +500 1135 3 883875561 +500 1166 4 883874139 +500 1195 4 883875468 +500 1311 1 883877467 +500 1469 1 883876224 +501 100 4 883347799 +501 108 4 883348564 +501 122 4 883348236 +501 221 3 883348011 +501 222 4 883347919 +501 294 3 883346694 +501 411 4 883348564 +501 597 3 883348260 +501 979 3 883348308 +501 1014 4 883348543 +501 1081 3 883348703 +502 261 2 883702945 +502 263 1 883702448 +502 264 3 883702518 +502 271 5 883702088 +502 288 5 883701866 +502 313 4 883701792 +502 343 5 883702370 +503 13 3 879438377 +503 58 4 880472565 +503 66 3 880383468 +503 79 5 879454675 +503 98 5 879454675 +503 100 5 879438346 +503 130 5 879438837 +503 174 5 880472250 +503 183 5 879454754 +503 190 5 880383030 +503 197 5 880383358 +503 199 4 880383625 +503 213 5 880383030 +503 221 5 879438377 +503 223 5 880472362 +503 224 3 880390128 +503 226 5 879454841 +503 234 5 879454675 +503 269 5 879438024 +503 277 4 879438580 +503 293 4 879438411 +503 306 5 879438024 +503 356 4 879454841 +503 463 1 880383126 +503 484 4 880472188 +503 489 4 880383625 +503 496 5 880472474 +503 503 3 880472250 +503 546 4 879438685 +503 582 5 880383064 +503 694 5 880383030 +503 736 4 880383174 +503 823 2 879438817 +503 949 3 892667891 +503 1009 2 884638911 +503 1475 5 880382768 +504 44 4 887838846 +504 127 5 887831510 +504 158 3 887910737 +504 174 4 887909455 +504 176 3 887837739 +504 181 3 887831773 +504 185 5 887838624 +504 187 3 887840559 +504 202 3 887909347 +504 205 3 887909299 +504 216 4 887838450 +504 225 4 887832207 +504 240 1 887832012 +504 282 4 887831838 +504 307 4 887831273 +504 330 4 887831274 +504 356 4 887840098 +504 364 2 887912382 +504 382 4 887839709 +504 418 3 887832391 +504 440 3 887910370 +504 441 4 887911314 +504 451 1 887912584 +504 476 5 887831447 +504 517 4 887832782 +504 526 3 887838624 +504 559 5 887840745 +504 575 3 887912401 +504 595 4 887832097 +504 620 4 887831419 +504 629 4 887841136 +504 633 3 887912542 +504 717 4 887911730 +504 729 5 887832571 +504 791 3 887911789 +504 834 2 887911059 +504 846 4 887831806 +504 928 4 887831353 +504 939 4 887838869 +504 969 4 887838677 +504 1090 4 887910961 +504 1147 4 887832741 +505 69 3 889333974 +505 97 4 889333676 +505 98 4 889333792 +505 102 1 889334526 +505 123 3 889333894 +505 127 1 889333711 +505 132 5 889333598 +505 144 3 889333861 +505 183 3 889333392 +505 190 4 889333598 +505 227 2 889334334 +505 259 3 888631208 +505 313 5 889332743 +505 328 4 888631175 +505 358 3 888631555 +505 419 3 889333560 +505 471 4 889333392 +505 495 3 889333823 +505 501 2 889334373 +505 568 4 889333466 +505 584 4 889334067 +505 692 3 889334583 +505 724 4 889333861 +505 742 4 889334162 +505 1039 4 889334004 +505 1063 3 889334334 +505 1409 3 889333974 +506 2 4 874874850 +506 8 5 874873374 +506 31 4 874873247 +506 44 4 874874850 +506 48 2 874873158 +506 71 5 874873068 +506 79 5 874874054 +506 95 5 874873198 +506 132 4 874873615 +506 174 5 874873157 +506 177 5 888848342 +506 186 4 874875062 +506 191 4 874873615 +506 194 5 874873247 +506 200 4 874873112 +506 202 5 874873374 +506 216 4 874873794 +506 218 3 874873615 +506 233 4 874874109 +506 271 4 880198184 +506 323 3 875444631 +506 399 5 874874054 +506 430 4 874873703 +506 449 2 885135882 +506 482 5 878044852 +506 496 5 874873615 +506 516 4 874874525 +506 517 2 874874585 +506 518 4 874873198 +506 523 5 874873112 +506 525 4 874876486 +506 529 3 874873615 +506 542 3 874873794 +506 566 4 885135819 +506 580 3 874875062 +506 604 4 874873528 +506 607 4 874874851 +506 657 5 874873745 +506 705 5 878044851 +506 710 5 874874151 +506 742 5 878044851 +506 762 3 877861473 +506 836 4 874875062 +506 855 4 874874802 +506 873 4 889874717 +506 945 4 874874585 +506 1019 5 878044851 +506 1407 2 885135954 +507 50 5 889965997 +507 250 5 889966024 +507 252 5 889966054 +507 288 5 889964020 +507 538 4 889964239 +507 597 5 889966089 +507 751 5 889964162 +507 1237 5 889964311 +508 47 3 883777257 +508 175 4 883767465 +508 179 4 883767465 +508 183 5 883767588 +508 204 3 883767510 +508 208 5 883776748 +508 210 4 883777125 +508 232 3 883777109 +508 318 4 883767704 +508 378 5 883777430 +508 451 3 883777281 +508 514 5 883767301 +508 524 5 883767608 +508 629 4 883775341 +508 710 4 883777071 +508 1067 4 883767665 +509 266 1 883591489 +509 268 2 883590443 +509 307 2 883590729 +509 338 3 883591319 +509 343 3 883591319 +509 892 1 883591489 +510 245 3 887667574 +510 261 2 887667780 +510 292 4 887667524 +510 299 3 887667681 +510 322 3 887667752 +511 260 4 890004916 +511 300 4 890004658 +511 887 5 890004747 +512 50 5 888579997 +512 183 5 888579474 +512 258 3 888578768 +512 286 5 888578937 +512 325 2 888579139 +512 1238 4 888578602 +513 252 5 885063549 +513 685 4 885062601 +513 841 4 885062602 +514 12 5 875318263 +514 22 4 875463202 +514 24 3 875463164 +514 25 4 875463028 +514 49 2 886189676 +514 50 5 875462466 +514 79 4 875462520 +514 81 4 875463416 +514 88 4 875463468 +514 89 4 875318331 +514 95 4 875309350 +514 111 5 875463165 +514 144 3 875462520 +514 152 4 875318163 +514 157 4 875309350 +514 168 4 875308925 +514 176 4 875463128 +514 180 3 886189927 +514 185 3 875311225 +514 191 5 875318224 +514 202 4 875309414 +514 208 4 875463494 +514 209 3 876062951 +514 216 5 875309350 +514 272 4 885180603 +514 306 4 876672606 +514 384 3 876067623 +514 419 4 875463468 +514 511 3 886189990 +514 587 4 880210105 +514 648 3 886189869 +514 655 4 875462568 +514 710 5 875318331 +514 778 4 876067546 +514 949 3 886189510 +514 1039 5 875318163 +514 1074 4 876067623 +514 1115 4 875462826 +514 1600 4 875723266 +515 289 1 887660131 +515 294 3 887658910 +515 300 5 887658975 +515 342 3 887659423 +515 347 3 887658604 +515 905 2 887660131 +516 204 4 891290649 +516 214 3 891290649 +516 431 3 891290649 +517 25 2 892659923 +517 237 1 892659923 +517 311 3 892660034 +518 1 4 876823143 +518 106 5 876823804 +518 129 5 876823804 +518 288 3 876822581 +518 289 4 876823804 +518 628 5 876823804 +519 328 2 883248251 +519 333 3 883248089 +519 340 5 883248251 +519 350 5 883250102 +519 680 5 883248595 +519 879 5 883248595 +519 903 5 883248595 +519 1238 5 883248595 +519 1295 5 883248595 +519 1612 5 883250148 +520 294 3 885170330 +520 310 4 885168862 +520 690 5 885168677 +520 871 1 885170547 +521 12 5 884477853 +521 23 3 884478428 +521 77 3 885254338 +521 87 3 884478314 +521 89 3 885253266 +521 108 3 884476020 +521 208 3 885253562 +521 222 4 884475799 +521 226 4 884478721 +521 246 4 884475913 +521 249 4 884476257 +521 290 3 884477262 +521 324 2 886059923 +521 343 3 884475605 +521 520 3 884477585 +521 550 3 885253844 +521 566 3 885254925 +521 568 3 884478101 +521 651 3 885253376 +521 679 3 884478515 +521 684 3 884478807 +521 751 3 884475485 +521 754 3 885252562 +521 833 2 884476869 +521 1240 3 884478667 +522 11 4 876961076 +522 48 4 876961020 +522 135 5 876960824 +522 200 4 876961314 +522 205 4 876961020 +522 208 5 876961248 +522 480 5 876961076 +522 492 4 876961190 +522 521 5 876961190 +522 530 4 876961314 +523 14 5 883700991 +523 67 4 883702654 +523 95 4 883701800 +523 97 4 883702946 +523 179 3 883703495 +523 197 5 883703048 +523 255 5 883700144 +523 258 5 883699583 +523 407 4 883702800 +523 412 3 883702351 +523 451 5 883702441 +523 523 3 883703495 +523 638 4 883701065 +523 732 4 883702125 +523 874 4 883699869 +523 954 5 883702474 +523 1047 5 883702800 +524 4 4 884636498 +524 12 3 884634646 +524 14 5 884322047 +524 22 3 884634731 +524 23 5 884635031 +524 39 5 884636583 +524 70 4 884636519 +524 82 4 884636583 +524 96 4 884635172 +524 98 3 884634615 +524 126 4 884323427 +524 132 4 884634968 +524 170 4 884634785 +524 173 4 884637436 +524 194 4 884634646 +524 203 4 884634819 +524 216 5 884634849 +524 222 2 884323500 +524 227 2 884636498 +524 228 3 884636152 +524 230 3 884636907 +524 235 1 884628059 +524 239 2 884636498 +524 241 5 884635205 +524 259 3 884320358 +524 273 3 884322113 +524 275 3 884832616 +524 311 4 884287428 +524 385 3 884636453 +524 449 3 884637245 +524 461 3 884635287 +524 466 4 884636583 +524 476 3 884628212 +524 485 2 884635085 +524 499 4 884637598 +524 508 5 884322047 +524 515 4 884637409 +524 521 4 884636182 +524 523 4 884634615 +524 559 3 884637067 +524 570 4 884637128 +524 582 3 884635326 +524 661 3 884637467 +524 693 5 884636562 +524 700 5 884637246 +524 704 4 884636691 +524 708 4 884636645 +524 715 4 884636182 +524 739 2 884637128 +524 796 3 884636958 +524 815 3 884627519 +524 818 3 884628308 +524 823 4 884628136 +524 855 4 884634911 +524 943 3 884636453 +524 1041 2 884636746 +524 1046 3 884637173 +524 1048 4 884627594 +524 1050 2 884637501 +524 1074 2 884637128 +524 1101 4 884635053 +524 1126 1 884637409 +524 1421 5 884637147 +525 14 3 881086078 +525 100 4 881086108 +525 257 4 881085739 +525 269 5 881087067 +525 291 2 881086644 +525 472 2 881086012 +525 676 2 881086518 +526 100 5 885682448 +526 121 2 885682590 +526 248 4 885682635 +526 260 1 885681982 +526 273 2 885682562 +526 276 4 885682477 +526 277 2 885682657 +526 294 3 885681982 +526 302 5 885681860 +526 325 3 885682102 +526 333 3 885681935 +527 12 4 879456637 +527 69 4 879456490 +527 86 4 879456438 +527 116 4 879456611 +527 129 2 879455905 +527 135 2 879456587 +527 154 3 879455814 +527 168 5 879456405 +527 172 5 879456490 +527 174 4 879455847 +527 179 3 879456587 +527 180 5 879456334 +527 185 5 879455680 +527 187 5 879455999 +527 191 5 879455654 +527 192 4 879455765 +527 214 4 879456030 +527 234 5 879455706 +527 357 5 879455654 +527 427 4 879455740 +527 431 3 879456363 +527 492 3 879456405 +527 508 3 879456363 +527 511 5 879456248 +527 558 4 879456162 +527 603 4 879456078 +527 640 4 879456464 +527 661 5 879456186 +527 1101 4 879456691 +527 1211 3 879455765 +528 31 5 886101761 +528 258 4 886812857 +528 427 4 886813104 +528 541 3 888520782 +528 845 3 886812857 +529 264 2 882535820 +529 309 3 882535353 +529 327 4 882535353 +529 332 4 882535049 +529 343 3 882535180 +529 749 4 882535466 +529 880 4 882535304 +530 100 4 883784058 +530 174 4 883784503 +530 176 3 886202320 +530 196 5 883784601 +530 255 4 886198864 +530 333 3 890627264 +530 443 4 883790943 +530 1226 4 891568366 +531 300 4 887048862 +531 311 4 887048763 +531 892 3 887049187 +531 898 5 887049081 +532 7 5 893119415 +532 8 5 893119415 +532 12 5 893119491 +532 22 5 892867296 +532 79 5 889235367 +532 82 5 892521554 +532 87 5 892866230 +532 105 3 874789704 +532 107 5 893119415 +532 118 4 888634813 +532 120 2 888630742 +532 136 5 892865321 +532 186 4 891910189 +532 203 5 893118712 +532 204 5 892863286 +532 226 4 892859148 +532 234 5 889235367 +532 240 3 888629938 +532 272 5 884594422 +532 277 5 893119439 +532 304 5 893118711 +532 313 5 884594326 +532 339 5 892859148 +532 352 3 886585109 +532 367 5 893119439 +532 420 4 888636374 +532 426 5 888635197 +532 427 5 892519934 +532 431 5 892521553 +532 452 5 888630585 +532 480 5 893119491 +532 491 5 893119491 +532 495 4 888634801 +532 520 5 892861434 +532 549 5 888637085 +532 588 5 893119415 +532 633 5 888635197 +532 739 5 893119335 +532 815 4 888635376 +532 918 4 893013954 +532 931 3 892520696 +532 980 4 884594911 +532 982 3 888631077 +532 1092 2 888630838 +532 1136 2 888636558 +532 1162 2 888631576 +532 1168 4 888630436 +532 1189 5 892521554 +532 1199 3 874789155 +532 1217 4 888630453 +532 1228 3 874789704 +532 1300 3 888632446 +532 1312 4 888631036 +532 1428 4 874791420 +533 38 2 879191691 +533 88 4 879191902 +533 120 1 879366160 +533 121 4 879192901 +533 126 4 879192414 +533 132 5 879191220 +533 135 3 879191022 +533 143 4 879438850 +533 169 4 879438543 +533 182 3 879191265 +533 203 4 879438743 +533 215 4 879438941 +533 216 4 879191864 +533 226 4 879191621 +533 242 4 884698095 +533 289 2 879773297 +533 318 5 879438849 +533 393 4 879192069 +533 402 4 888845284 +533 443 3 879191595 +533 474 3 879190771 +533 489 4 879438961 +533 511 4 879439379 +533 549 4 879439340 +533 550 4 879439340 +533 554 1 879191691 +533 591 4 887721848 +533 654 3 879191770 +533 660 5 882902988 +533 748 3 890659295 +533 824 1 879366160 +533 846 2 879365886 +533 934 3 879366118 +533 936 4 889450822 +533 1048 3 889450842 +533 1174 3 882821669 +533 1291 1 879366076 +534 7 4 877807780 +534 25 5 877807845 +534 93 1 877807692 +534 125 3 877807816 +534 129 4 877807718 +534 148 4 877808198 +534 243 3 877807461 +534 291 4 877808031 +534 331 4 877807429 +534 333 5 877807486 +534 410 5 877807816 +534 475 4 877807747 +534 717 5 877808198 +534 748 4 877807429 +534 760 2 877808098 +534 1052 4 877808300 +534 1054 5 877807973 +534 1215 3 877808120 +535 25 4 879619176 +535 30 4 879617531 +535 47 5 879618160 +535 83 4 879618091 +535 86 4 879618385 +535 100 5 879617531 +535 144 3 879618123 +535 195 4 879618288 +535 198 4 879618850 +535 207 4 879618613 +535 215 4 879619144 +535 223 5 879618207 +535 258 5 879619286 +535 265 3 879619144 +535 275 4 879619177 +535 276 3 879618965 +535 301 4 879617199 +535 302 3 879617063 +535 389 4 879619177 +535 425 5 879618338 +535 427 4 879618246 +535 471 4 879618743 +535 488 5 879618965 +535 492 4 879618742 +535 496 5 879618246 +535 499 4 879617894 +535 507 5 879617856 +535 517 4 879617977 +535 518 5 879618569 +535 520 4 879618058 +535 529 3 879618655 +535 566 3 879618338 +535 640 3 879618742 +535 645 4 879617856 +535 699 4 879619000 +535 707 4 879618809 +535 708 5 879618777 +535 709 5 879618925 +535 792 4 879618655 +535 950 3 879618019 +535 955 3 879618338 +535 963 5 879617977 +536 8 5 882359047 +536 10 4 882318772 +536 79 4 882359813 +536 80 2 882360802 +536 94 4 882363972 +536 141 4 882361042 +536 144 4 882359962 +536 148 4 882318820 +536 179 2 882359625 +536 191 4 882360187 +536 209 2 882360030 +536 222 4 882360552 +536 228 5 882359863 +536 304 3 882317183 +536 378 5 882360405 +536 380 4 882360734 +536 423 4 882360601 +536 427 5 882359455 +536 436 3 882359883 +536 487 4 882359813 +536 489 4 882360451 +536 568 4 882360209 +536 588 3 882359726 +536 631 2 882363934 +536 720 4 882361207 +536 755 4 882360993 +536 778 4 882359988 +536 1063 5 882359938 +537 15 3 886030051 +537 26 3 886031913 +537 39 2 886031407 +537 48 4 886030805 +537 52 3 886030891 +537 61 4 886031211 +537 72 1 886031966 +537 76 3 886031934 +537 96 3 886031576 +537 98 3 886030583 +537 100 4 886029692 +537 107 3 886030281 +537 109 1 886030051 +537 117 2 886030011 +537 121 1 886030380 +537 124 4 886029806 +537 129 3 886029889 +537 132 3 886031074 +537 140 2 886032001 +537 149 3 886030078 +537 174 3 886030622 +537 175 4 886030966 +537 183 3 886031407 +537 184 3 886032246 +537 185 4 886030805 +537 186 4 886031211 +537 190 4 886030552 +537 197 4 886030891 +537 216 3 886031540 +537 222 2 886029974 +537 230 2 886031860 +537 271 2 886028791 +537 272 4 886028446 +537 273 3 886029727 +537 274 2 886030235 +537 277 2 886029973 +537 279 2 886030177 +537 283 4 886029889 +537 286 3 886028498 +537 289 1 886029153 +537 305 4 886028498 +537 314 1 886029239 +537 328 2 886029083 +537 343 2 886029153 +537 347 4 886028845 +537 380 2 886032154 +537 382 3 886030938 +537 387 4 886031860 +537 419 2 886031342 +537 428 4 886031506 +537 431 4 886031678 +537 448 3 886032001 +537 478 4 886030938 +537 484 4 886031105 +537 486 3 886031149 +537 490 4 886031786 +537 497 4 886030863 +537 508 4 886030108 +537 511 5 886030652 +537 513 4 886030891 +537 515 4 886031297 +537 517 4 886031341 +537 521 2 886030831 +537 528 3 886030805 +537 539 1 886029212 +537 547 1 886029771 +537 550 2 886032246 +537 566 2 886032183 +537 568 2 886031912 +537 607 4 886030682 +537 616 2 886031752 +537 639 2 886031438 +537 640 3 886031211 +537 641 4 886031178 +537 642 4 886031342 +537 646 2 886030552 +537 647 4 886030891 +537 660 3 886031149 +537 673 3 886031505 +537 690 2 886028604 +537 693 4 886031786 +537 694 4 886031407 +537 699 4 886031149 +537 713 3 886030177 +537 714 3 886031886 +537 723 2 886032098 +537 732 3 886031912 +537 750 3 886028498 +537 753 2 886030622 +537 789 2 886030805 +537 837 3 886031211 +537 855 3 886030937 +537 896 3 886028604 +537 924 3 886030254 +537 948 1 886029239 +537 958 2 886030652 +537 963 3 886030805 +537 964 3 886031407 +537 966 2 886032098 +537 970 3 886032184 +537 1005 3 886031752 +537 1006 2 886032245 +537 1025 1 886029488 +537 1084 3 886030050 +537 1129 1 886030051 +537 1163 1 886030347 +537 1166 2 886031886 +537 1194 3 886030584 +537 1400 2 886031678 +537 1445 3 886031576 +538 4 3 877107726 +538 96 4 877109669 +538 137 3 877108372 +538 162 3 877363863 +538 172 4 877107765 +538 188 4 877108195 +538 199 5 877364067 +538 318 5 877106768 +538 483 5 877109932 +538 527 3 877364067 +538 642 3 877107633 +538 655 3 877108345 +538 712 3 877109773 +539 132 5 879788284 +539 204 4 879788045 +539 269 5 879787770 +539 275 4 879787917 +539 306 4 879787770 +539 319 5 879787770 +539 496 3 879787985 +539 531 4 879788572 +539 603 4 879787985 +540 9 5 882156965 +540 13 4 882157585 +540 15 3 882157084 +540 20 4 882157509 +540 181 4 882157060 +540 220 3 882157820 +540 257 4 882157584 +540 269 4 882156584 +540 274 4 882157662 +540 280 3 882157797 +540 286 4 882156584 +540 332 4 882156677 +540 333 4 882156617 +540 340 4 882156710 +540 473 3 882157687 +540 597 4 882157248 +540 628 3 882157148 +541 29 2 883865336 +541 63 3 883866049 +541 66 4 883865929 +541 73 4 883865693 +541 79 5 883871524 +541 110 4 883866114 +541 111 1 884645883 +541 140 5 883874682 +541 151 3 883874717 +541 254 3 884046953 +541 265 5 885595654 +541 278 2 883875063 +541 378 5 883864908 +541 393 3 883865693 +541 403 3 883865110 +541 404 4 883874646 +541 405 3 883871695 +541 427 4 883864638 +541 474 5 884047153 +541 511 4 883864739 +541 526 4 883865088 +541 542 1 884046888 +541 584 3 883874646 +541 622 3 883874804 +541 627 4 883874749 +541 655 4 883864782 +541 659 5 883865555 +541 946 5 883874749 +541 1047 2 883866173 +542 12 4 886533774 +542 42 3 886532726 +542 94 3 886533021 +542 95 3 886533562 +542 168 4 886532602 +542 172 4 886532265 +542 180 3 886532602 +542 181 4 886532359 +542 196 4 886533452 +542 202 3 886532314 +542 235 3 886533228 +542 282 3 886533452 +542 321 4 886532928 +542 347 3 886532176 +542 393 3 886533142 +542 420 3 886533587 +542 627 3 886533604 +542 763 4 886533253 +542 780 3 886533003 +542 871 2 886533142 +542 952 4 886533193 +543 2 3 877546306 +543 13 3 876896210 +543 22 3 877545230 +543 23 4 874864183 +543 60 5 874864346 +543 61 4 875659098 +543 62 3 875663687 +543 160 3 874863803 +543 174 4 874864666 +543 177 4 877545356 +543 183 4 874864034 +543 197 4 874866116 +543 198 4 876896210 +543 212 4 875659175 +543 233 4 877545716 +543 234 4 876896210 +543 237 4 876896210 +543 249 2 888209667 +543 318 3 874863549 +543 357 4 874863803 +543 367 4 876105366 +543 391 3 877547190 +543 423 3 874863035 +543 463 3 874864034 +543 466 4 874864094 +543 508 4 874861792 +543 515 4 876896210 +543 521 4 874865636 +543 660 3 875659098 +543 692 4 877547580 +543 700 2 874865923 +543 702 2 877550399 +543 778 4 877550399 +543 792 4 877550535 +543 944 3 877547863 +543 1073 3 874863269 +543 1159 5 875665787 +543 1174 3 876894981 +543 1199 2 877542776 +544 259 1 884795581 +544 288 2 884795135 +544 294 2 884795581 +544 313 5 884795413 +544 328 3 884795581 +544 338 2 884796062 +545 28 4 884133814 +545 77 3 884134704 +545 78 2 884134578 +545 80 3 879900654 +545 98 5 879899861 +545 117 4 879899233 +545 164 4 879899906 +545 167 3 879900731 +545 168 4 879900156 +545 172 5 879899125 +545 175 4 879899641 +545 177 3 879899299 +545 194 3 879899677 +545 203 4 880347831 +545 204 4 879899641 +545 205 4 884134276 +545 232 3 883115515 +545 266 2 879898447 +545 328 4 879898301 +545 380 3 884134628 +545 403 5 879899380 +545 405 4 879899380 +545 423 4 884134114 +545 426 3 879901483 +545 431 3 879899472 +545 434 3 884134177 +545 450 2 883115718 +545 510 3 880347957 +545 566 4 879899438 +545 627 3 879901504 +545 679 2 879899438 +545 720 3 883115664 +545 890 2 880347690 +545 944 4 879900731 +545 968 5 884134395 +546 50 5 885140368 +546 200 5 885141332 +546 258 4 885139634 +546 313 2 885139580 +546 379 4 885141465 +546 758 4 885140808 +546 816 3 885141411 +546 898 4 885141260 +547 289 3 891282775 +547 302 5 891282575 +547 319 4 891282926 +548 15 2 891415854 +548 17 3 891044596 +548 50 5 891044304 +548 55 5 891044482 +548 56 5 891044356 +548 79 5 891044482 +548 181 4 891043008 +548 203 5 891044446 +548 226 5 891044596 +548 233 5 891044596 +548 257 5 891044304 +548 286 1 891042194 +548 305 1 891042624 +548 310 3 891042474 +548 316 4 891044139 +548 343 4 891043547 +548 346 4 891042624 +548 370 3 891416050 +548 525 5 891044446 +548 546 4 891415815 +548 628 2 891415890 +548 659 4 891044446 +548 696 4 891415912 +548 742 5 891044596 +548 762 4 891415709 +548 950 4 891415643 +548 978 2 891416122 +548 1011 2 891415746 +549 1 5 881672182 +549 121 4 881672461 +549 748 4 881671952 +550 1 3 883425913 +550 181 5 883425283 +550 222 4 883425979 +550 237 3 883426119 +550 271 5 883425652 +550 313 5 883425610 +550 596 2 883426119 +550 924 4 883426027 +551 7 5 892777638 +551 26 4 892785056 +551 34 4 892778336 +551 40 1 892785056 +551 64 5 892776380 +551 67 5 892785164 +551 69 4 892776982 +551 71 4 892783281 +551 84 1 892785020 +551 97 5 892777013 +551 100 4 892776486 +551 111 5 892783612 +551 125 4 892783791 +551 128 4 892783829 +551 159 4 892784743 +551 168 5 892777723 +551 187 5 892776450 +551 196 5 892776982 +551 209 5 892777123 +551 226 5 892783411 +551 280 3 892778337 +551 281 5 892784320 +551 284 4 892783110 +551 294 4 892775824 +551 310 4 892775516 +551 357 5 892777274 +551 363 4 892784710 +551 380 3 892783488 +551 386 1 892785364 +551 393 5 892782901 +551 415 4 892784710 +551 433 5 892777787 +551 451 1 892784976 +551 460 3 892784320 +551 461 3 892778074 +551 468 5 892783559 +551 470 5 892783711 +551 508 4 892783366 +551 509 4 892777274 +551 518 4 892783212 +551 531 5 892777485 +551 559 5 892784479 +551 570 4 892785264 +551 587 4 892783525 +551 596 5 892784049 +551 597 4 892784976 +551 636 5 892784130 +551 640 4 892783750 +551 655 5 892783142 +551 673 4 892778164 +551 720 2 892784744 +551 770 2 892778244 +551 796 4 892785264 +551 824 1 892784629 +551 1011 5 892783177 +551 1028 4 892785056 +551 1039 4 892777013 +551 1044 3 892785223 +551 1059 3 892785128 +551 1136 5 892784049 +551 1253 2 892784629 +551 1304 1 892783942 +551 1439 5 892783612 +552 100 4 879221716 +552 121 4 879222698 +552 127 4 879221580 +552 181 3 879221399 +552 237 4 879221617 +552 280 3 879222002 +552 284 3 879222071 +552 294 4 879220688 +552 323 2 879221267 +552 410 3 879222070 +552 515 3 879221543 +552 756 2 879221683 +552 873 3 879220688 +552 977 3 879222033 +552 1047 3 879222521 +552 1095 3 879222738 +552 1278 3 879222452 +553 1 3 879949153 +553 45 4 879948732 +553 81 3 879948732 +553 132 4 879948610 +553 181 4 879948695 +553 275 5 879948552 +553 367 4 879949153 +553 480 5 879948552 +553 497 4 879948460 +553 498 4 879949042 +553 506 4 879948655 +553 514 3 879948695 +553 525 4 879949153 +553 528 3 879949180 +553 559 3 879949251 +553 611 5 879948386 +553 1126 4 879948508 +554 4 2 876369560 +554 15 4 876231964 +554 22 4 876232794 +554 31 4 876369085 +554 95 4 876550526 +554 133 4 876369272 +554 179 3 876369785 +554 202 4 876232956 +554 204 5 876550610 +554 230 5 876369968 +554 237 3 876231570 +554 245 3 876231229 +554 273 3 876231839 +554 289 4 876549656 +554 328 4 878801354 +554 526 4 876550100 +554 527 4 876233137 +554 531 4 876549731 +554 597 4 876232176 +554 735 3 876369162 +554 756 3 876231938 +554 770 1 876369382 +554 1012 3 876231839 +554 1046 4 876550526 +555 25 4 879963127 +555 50 5 879962152 +555 111 4 879964159 +555 129 4 882385841 +555 258 3 879962096 +555 318 4 879975419 +555 319 5 879962096 +555 328 4 879962096 +555 340 4 879962096 +555 505 4 879975474 +556 172 5 882136441 +556 178 5 882136162 +556 209 5 882136162 +556 268 4 882135646 +556 318 5 882136252 +556 319 3 882135437 +556 323 2 882136058 +556 324 4 882135805 +556 340 5 882135646 +556 604 5 882136205 +556 707 3 882136396 +556 988 1 882135994 +557 165 5 881179653 +557 176 4 880486028 +557 197 5 881179653 +557 246 5 880485693 +557 252 3 880485846 +557 268 5 881179653 +557 289 4 880484992 +557 292 4 880485019 +557 337 5 881179653 +557 346 2 884357321 +557 682 2 881179213 +557 875 4 881179291 +557 1244 2 880485863 +558 275 4 879435896 +558 283 3 879436097 +558 744 4 879436027 +559 12 3 891034067 +559 70 3 891035917 +559 87 4 891034003 +559 144 5 891034551 +559 174 4 891035111 +559 180 4 891035111 +559 195 3 891034647 +559 205 5 891033805 +559 515 4 891035111 +559 520 5 891033911 +559 566 5 891034688 +559 587 4 891034095 +559 660 1 891034250 +559 661 3 891034040 +559 863 5 891033956 +560 24 2 879976772 +560 93 3 879976559 +560 109 3 879976651 +560 122 3 879977081 +560 151 3 879976542 +560 211 4 879975752 +560 249 5 879976247 +560 264 3 879975231 +560 268 4 879975173 +560 278 1 879976892 +560 284 3 879976525 +560 301 3 879975116 +560 405 4 879976970 +560 458 3 879976731 +560 472 2 879976945 +560 476 2 879977124 +560 483 5 879975406 +560 617 3 879975661 +560 928 3 879977062 +561 3 3 885810390 +561 4 3 885809044 +561 40 2 885810834 +561 50 3 885807429 +561 70 4 885808673 +561 72 2 885810084 +561 77 1 885809246 +561 79 3 885808887 +561 86 4 885809064 +561 87 3 885809197 +561 88 2 885810769 +561 96 1 885809336 +561 116 4 885809146 +561 153 3 885808844 +561 156 4 885807484 +561 162 3 885809781 +561 171 5 885807261 +561 173 4 885807393 +561 178 4 885807713 +561 184 3 885808843 +561 186 3 885809447 +561 194 4 885807612 +561 200 4 885807743 +561 209 4 885807369 +561 210 3 885809146 +561 230 3 885809426 +561 232 3 885810428 +561 233 1 885809246 +561 235 3 885809806 +561 238 4 885807547 +561 268 3 885806710 +561 286 4 885806710 +561 379 2 885810428 +561 423 2 885808796 +561 426 1 885810220 +561 428 4 885810084 +561 455 3 885808766 +561 462 3 885809246 +561 470 3 885809872 +561 473 3 885810428 +561 474 5 885807318 +561 475 3 885807393 +561 479 4 885807547 +561 483 4 885807612 +561 484 4 885807215 +561 496 3 885807369 +561 510 3 885808673 +561 511 4 885807510 +561 512 4 885808000 +561 524 4 885807888 +561 539 1 885807035 +561 542 1 885810858 +561 544 2 885809872 +561 546 1 885810557 +561 549 2 885809654 +561 603 4 885807842 +561 615 4 885807930 +561 655 3 885807930 +561 660 3 885810144 +561 675 3 885808904 +561 676 3 885810674 +561 733 3 885809099 +561 762 3 885809654 +561 772 4 885808715 +561 780 1 885810769 +561 802 1 885810726 +561 849 2 885810193 +561 943 3 885809197 +561 952 3 885810192 +561 960 4 885809605 +561 1010 3 885809781 +561 1018 3 885809806 +561 1039 3 885807612 +561 1044 2 885810834 +561 1059 1 885808867 +561 1070 4 885809043 +561 1131 4 885807173 +561 1170 3 885809407 +561 1229 1 885810220 +561 1267 3 885809690 +561 1478 3 885809626 +562 50 5 879196445 +562 127 5 879196401 +562 132 4 879195721 +562 135 5 879196075 +562 153 4 879195954 +562 173 5 879196308 +562 174 5 879196105 +562 185 5 879196075 +562 190 4 879196445 +562 194 5 879196075 +562 204 1 879196288 +562 229 1 879195848 +562 318 3 879194894 +562 385 2 879196483 +562 393 2 879195954 +562 458 2 879195982 +562 582 4 879196249 +562 591 4 879196176 +563 255 5 880506528 +563 257 5 880506596 +563 476 3 880507311 +564 117 4 888730974 +564 118 4 888730699 +564 127 4 888730974 +564 245 4 888718546 +564 272 3 888718415 +564 298 3 888730534 +564 313 4 888718415 +564 685 3 888730658 +564 1016 2 888730699 +564 1025 2 888718443 +564 1034 3 888730838 +565 165 4 891037252 +565 171 5 891037252 +565 190 5 891037563 +565 381 2 891037628 +565 509 4 891037692 +565 515 5 891037803 +565 707 5 891037453 +565 971 5 891037862 +565 1622 4 891037478 +566 2 5 881650739 +566 11 3 881649962 +566 20 4 881650551 +566 49 2 881651561 +566 69 4 881650108 +566 86 4 881649622 +566 110 1 881651813 +566 121 3 881650755 +566 122 2 881651583 +566 133 4 881649670 +566 134 5 881649853 +566 155 2 881651225 +566 156 4 881649428 +566 170 5 881650739 +566 173 3 881649945 +566 181 2 881649985 +566 191 4 881649853 +566 210 4 881650030 +566 228 2 881650262 +566 231 1 881651317 +566 273 5 881650063 +566 378 4 881650467 +566 386 1 881651375 +566 387 4 881651512 +566 411 4 881651013 +566 419 2 881650907 +566 443 4 881649505 +566 523 4 881649622 +566 576 2 881651013 +566 631 4 881650605 +566 736 4 881650690 +566 742 3 881650627 +566 879 2 881649273 +566 1065 5 881650709 +567 50 1 882426246 +567 89 5 882425820 +567 96 4 882427155 +567 100 1 882425791 +567 109 2 882425673 +567 127 5 882426246 +567 136 5 882426210 +567 178 4 882425820 +567 179 5 882426135 +567 187 5 882425673 +567 195 3 882426782 +567 198 5 882425631 +567 223 4 882426508 +567 246 4 882426508 +567 248 4 882427273 +567 271 4 882426327 +567 297 3 882426246 +567 387 4 882426899 +567 433 4 882426673 +567 481 5 882426899 +567 490 4 882425673 +567 492 4 882425966 +567 498 4 882425966 +567 514 5 882425701 +567 527 3 882426673 +567 608 4 882426021 +567 631 3 882426869 +567 657 5 882425762 +567 673 3 882427089 +567 679 4 882426055 +567 1012 3 882427273 +568 30 4 877907877 +568 56 4 877907720 +568 79 4 877907782 +568 100 4 877907281 +568 135 4 877907782 +568 178 4 877907327 +568 179 2 877906935 +568 199 3 877906935 +568 224 4 877907236 +568 234 3 877907092 +568 303 4 877906697 +568 479 5 877906995 +568 483 5 877907281 +568 512 1 877907596 +568 519 3 877907157 +568 520 2 877907327 +568 530 3 877907782 +568 631 5 877907367 +568 641 5 877907596 +568 653 4 877907877 +568 661 4 877907126 +569 7 4 879793909 +569 14 4 879793948 +569 100 5 879793784 +569 124 5 879793886 +569 257 4 879794302 +569 273 3 879793810 +569 284 4 879793886 +569 294 2 879793149 +569 298 3 879793784 +569 300 3 879793036 +569 325 1 879793149 +569 762 3 879794740 +570 271 4 881262256 +570 286 4 881262625 +570 289 1 881262497 +570 879 2 881262795 +571 45 4 883354940 +571 114 4 883355063 +571 191 4 883354761 +571 357 4 883355063 +571 484 4 883354992 +571 1039 3 883354760 +572 9 5 879449610 +572 14 4 879449683 +572 222 2 879449763 +572 319 4 879449209 +573 157 4 885844161 +573 179 4 885844091 +573 180 4 885844091 +573 216 4 885844674 +573 276 3 885843964 +573 286 3 885843476 +574 100 5 891279712 +574 213 4 891279712 +574 242 5 891278860 +574 288 4 891279174 +574 316 4 891279451 +574 340 1 891279174 +574 344 5 891278962 +574 346 4 891278962 +574 883 4 891279520 +574 896 2 891279013 +575 79 5 878148199 +575 96 5 878148199 +575 111 1 878148329 +575 176 4 878148087 +575 182 3 878148295 +575 963 1 878148199 +576 125 4 886985177 +576 208 3 886986445 +576 210 4 886986400 +576 255 3 887081086 +576 276 3 887080905 +576 294 3 886960098 +576 324 2 887168978 +576 763 3 886985695 +577 7 2 880470447 +577 48 5 880474530 +577 49 4 880474955 +577 54 4 880474903 +577 62 3 880475504 +577 64 5 880474394 +577 79 4 880474530 +577 82 4 880474433 +577 96 4 880474257 +577 102 4 880475043 +577 143 3 880474635 +577 161 5 880475561 +577 172 4 880472124 +577 173 5 880472055 +577 174 5 880475043 +577 179 2 880474829 +577 196 5 880474357 +577 202 4 880474787 +577 215 5 880474556 +577 237 4 880470323 +577 240 3 880470884 +577 298 4 884819086 +577 313 4 890089462 +577 317 5 880474871 +577 399 4 880475269 +577 403 4 880475187 +577 405 3 880470282 +577 409 5 880470682 +577 410 3 880471170 +577 465 4 880474851 +577 470 5 880475245 +577 472 4 880470570 +577 496 5 880474455 +577 546 3 880470483 +577 550 3 880475130 +577 568 3 880475021 +577 627 5 880475339 +577 663 5 880474612 +577 693 1 880475408 +577 708 3 880475067 +577 735 5 880474338 +577 742 4 880470504 +577 768 3 880474787 +577 1044 4 880475504 +577 1054 3 880471823 +577 1219 3 880475067 +577 1517 3 880475644 +578 222 4 888957788 +578 245 3 887229523 +578 246 2 890939697 +578 272 2 888957735 +578 288 3 887229335 +578 298 4 888957584 +579 7 3 880952006 +579 69 2 880951868 +579 88 4 880952440 +579 169 4 880951867 +579 202 5 880952270 +579 234 3 880951708 +579 289 2 880951569 +579 382 3 880952237 +579 435 5 880952038 +579 520 4 880951708 +579 692 4 880952440 +579 732 4 880952335 +579 1110 1 880952516 +580 1 3 884125243 +580 15 3 884125339 +580 50 5 884124927 +580 121 4 884125457 +580 125 3 884125387 +580 147 3 884125658 +580 151 2 884126077 +580 271 5 884124248 +580 282 5 884125292 +580 286 4 884124750 +580 343 5 884124304 +580 348 3 884124382 +580 597 1 884126077 +580 619 3 884125175 +580 748 2 884126077 +580 866 4 884125856 +580 871 4 884125135 +581 7 4 879643079 +581 222 3 879641698 +581 253 5 879642333 +581 276 3 879641850 +581 475 4 879641850 +581 515 4 879641533 +581 1097 4 879641787 +582 125 3 882961632 +582 235 3 882962803 +582 257 3 882961608 +582 269 4 882960418 +582 300 3 882960446 +582 405 3 882962133 +582 547 4 882961608 +582 597 3 882962267 +582 748 3 882960601 +582 841 2 882962133 +582 919 5 882961540 +582 932 2 882963114 +582 1014 4 882962247 +582 1033 2 882962030 +583 425 5 879384575 +583 513 5 879384338 +583 519 5 879384338 +583 530 4 879384404 +583 708 5 879384338 +584 25 3 885778571 +584 161 4 885778170 +584 222 4 885774483 +584 227 4 885774172 +584 230 4 885774171 +584 249 4 885774551 +584 431 3 885774702 +584 450 2 885778571 +585 20 4 891285658 +585 52 3 891284184 +585 60 4 891282808 +585 83 3 891282808 +585 86 5 891284016 +585 165 4 891284184 +585 170 5 891282573 +585 509 4 891283000 +585 543 3 891284393 +585 634 4 891285491 +585 855 3 891284184 +585 919 2 891283681 +585 1149 4 891283921 +585 1155 5 891285820 +585 1475 3 891283681 +586 3 5 884068767 +586 22 3 884058708 +586 50 4 884057387 +586 54 3 884068393 +586 80 2 884067003 +586 83 2 884059196 +586 85 3 884067003 +586 96 4 884059110 +586 118 4 884062671 +586 123 3 884057661 +586 159 4 884065719 +586 164 2 884059486 +586 172 4 884058708 +586 177 3 884061343 +586 183 4 884059196 +586 184 2 884060807 +586 195 4 884058956 +586 217 5 884061084 +586 218 3 884060705 +586 231 3 884062010 +586 234 3 884060614 +586 265 5 884062405 +586 284 3 884057518 +586 288 4 884057861 +586 393 3 884066799 +586 411 2 884067199 +586 451 4 884067422 +586 550 4 884061459 +586 566 3 884062621 +586 569 3 884060807 +586 581 2 884065745 +586 655 4 884066294 +586 779 3 884062856 +586 808 3 884062405 +586 809 3 884061459 +586 930 2 884063080 +586 1090 3 884065797 +586 1207 2 884065879 +586 1249 3 884067058 +587 243 3 892871401 +587 258 4 892871069 +587 262 4 892871069 +587 264 4 892871400 +587 268 4 892871068 +587 289 3 892871113 +587 294 3 892871197 +587 301 3 892871197 +587 307 4 892870992 +587 315 4 892870956 +587 319 3 892871113 +587 330 3 892871372 +587 331 3 892871197 +587 333 4 892871031 +587 334 3 892871171 +587 358 3 892871284 +587 678 2 892871438 +587 680 1 892871503 +587 689 1 892871438 +587 876 2 892871536 +587 877 2 892871372 +587 880 3 892871536 +587 888 3 892871563 +587 890 1 892871503 +587 914 4 892871031 +587 918 3 892871113 +587 1265 4 892871252 +588 8 5 890023557 +588 24 2 890015766 +588 63 5 890028385 +588 68 5 890026705 +588 82 5 890024829 +588 98 1 890015324 +588 107 5 890030781 +588 117 4 890027062 +588 155 5 890026882 +588 162 5 890026339 +588 181 5 890015608 +588 202 1 890015500 +588 206 4 890025023 +588 210 4 890015500 +588 222 3 890015722 +588 225 5 890027113 +588 239 5 890025704 +588 268 5 890014648 +588 326 4 890014782 +588 366 5 890027430 +588 380 3 890028987 +588 384 1 890032013 +588 385 3 890023557 +588 468 3 890015835 +588 542 3 890026787 +588 550 3 890026513 +588 553 4 890025864 +588 561 3 890027780 +588 570 4 890032281 +588 625 3 890024325 +588 729 3 890024488 +588 755 3 890025797 +588 762 4 890026705 +588 815 4 890024829 +588 842 3 890015542 +588 969 5 890023831 +588 1061 5 890024876 +588 1074 5 890032056 +588 1091 4 890027865 +588 1180 2 890032056 +588 1219 2 890028385 +588 1240 5 890025864 +588 1411 1 890032421 +589 322 3 883352631 +589 333 5 883352402 +589 338 3 883352654 +589 339 5 883352494 +589 688 4 883352707 +589 689 4 883352787 +589 873 5 883352600 +589 879 4 883352654 +590 6 5 879439145 +590 116 5 879439196 +590 237 3 879438911 +590 248 4 879439645 +590 274 3 879439256 +590 275 4 879439645 +590 546 1 879439538 +590 740 4 879439645 +590 1014 3 879439283 +590 1061 2 879439538 +591 13 4 891039637 +591 25 4 891039658 +591 45 5 891031257 +591 64 5 891031203 +591 70 4 891031321 +591 79 4 891031171 +591 168 3 891031724 +591 182 3 891031171 +591 196 4 891031116 +591 216 4 891031426 +591 285 5 891039565 +591 306 5 891030956 +591 435 4 891031724 +591 709 4 891031426 +591 866 3 891039658 +591 923 4 891031116 +591 956 4 891031286 +591 1041 2 891031644 +592 9 5 882608182 +592 15 5 882608457 +592 22 5 882955506 +592 23 5 882955735 +592 48 5 882955735 +592 55 4 882956067 +592 58 5 882956388 +592 60 4 882955460 +592 69 5 882956201 +592 70 4 882956803 +592 71 4 882956668 +592 87 4 882956467 +592 89 4 882955543 +592 92 5 882956358 +592 93 4 882608061 +592 95 4 882956276 +592 96 5 882956241 +592 116 4 882608182 +592 117 5 882608234 +592 123 4 882608573 +592 129 5 882608457 +592 149 4 882607910 +592 172 5 882956011 +592 176 5 882956039 +592 178 5 882956241 +592 189 5 882955583 +592 196 5 882955978 +592 222 1 882608145 +592 224 5 882608357 +592 235 3 882608662 +592 245 1 882607434 +592 246 5 882608500 +592 268 5 882607286 +592 276 5 882608401 +592 285 5 882607910 +592 292 1 882607434 +592 302 5 882607325 +592 325 2 882607647 +592 333 5 882607476 +592 340 5 882607476 +592 343 3 882607476 +592 346 4 885280098 +592 357 4 882956102 +592 358 1 882607690 +592 382 4 882956761 +592 410 5 882608402 +592 431 2 882956510 +592 443 5 882956158 +592 467 5 882955582 +592 469 4 882955825 +592 472 1 882608795 +592 475 5 882608107 +592 480 4 882955662 +592 482 4 882955582 +592 514 5 882955543 +592 544 4 882608107 +592 547 4 882607910 +592 568 5 882956201 +592 655 5 882955543 +592 680 1 882607690 +592 686 5 882956387 +592 747 4 882956102 +592 754 3 882607325 +592 885 2 887257199 +592 887 5 882607780 +592 890 1 882607745 +592 895 3 882607528 +592 1010 5 882608357 +592 1011 4 882608699 +592 1016 4 882608145 +592 1022 5 885280183 +592 1048 3 882608625 +592 1067 5 882608698 +592 1070 5 882956158 +592 1071 4 882956668 +592 1143 5 882607872 +592 1184 5 882956551 +592 1258 1 882608960 +592 1275 3 882956624 +592 1356 4 882608915 +593 11 4 875660482 +593 25 3 875659826 +593 51 3 875671982 +593 97 4 877728878 +593 122 1 875660347 +593 131 4 876506731 +593 133 4 876507391 +593 153 5 875671107 +593 157 3 875671732 +593 200 5 875661567 +593 204 4 875660886 +593 233 2 875671549 +593 237 4 877728878 +593 238 4 877728878 +593 255 5 875659055 +593 276 1 875659150 +593 282 5 875659518 +593 288 4 877728878 +593 301 4 877728878 +593 318 5 875671413 +593 366 4 875671255 +593 405 3 875659943 +593 417 5 875671598 +593 471 3 875659826 +593 546 3 875659849 +593 591 4 877728878 +593 699 4 875671334 +593 732 3 875660850 +593 735 4 886193600 +593 744 3 886193049 +593 763 3 875660105 +593 949 2 875672949 +593 977 3 875660215 +593 1221 3 875671982 +594 15 4 874783052 +594 19 3 874781004 +594 221 4 874781207 +594 242 4 875997093 +594 245 3 874780909 +594 357 4 874786664 +594 483 3 874786695 +595 3 4 886922069 +595 14 5 886921223 +595 50 5 886921112 +595 111 4 886921496 +595 121 2 886921550 +595 222 3 886921274 +595 240 3 886921424 +595 258 4 886920602 +595 273 3 886921140 +595 274 3 886921584 +595 275 4 886921166 +595 288 3 886920602 +595 293 4 886922069 +595 325 3 886920774 +595 336 2 886920966 +595 410 4 886921315 +595 472 3 886921847 +595 544 3 886921699 +595 717 2 886921977 +595 744 3 886921274 +595 815 3 886921584 +595 826 1 886921819 +595 845 3 886921448 +595 864 4 886922069 +595 948 3 886920919 +595 1142 5 886921199 +596 149 3 883539402 +596 276 3 883539431 +596 295 4 883539402 +596 300 4 883539011 +596 895 3 883539049 +597 1 3 875339723 +597 118 3 875343067 +597 151 4 875342314 +597 181 4 875340062 +597 289 5 875338983 +597 294 4 875339083 +597 326 1 875339083 +597 477 5 875339970 +597 688 4 875339132 +597 1016 4 875342355 +598 269 3 886710494 +598 347 3 886710330 +598 690 3 886710735 +598 691 2 886710330 +598 895 2 886710977 +599 278 3 880953441 +599 288 4 880950997 +599 476 4 880953441 +599 872 2 880951046 +599 1278 5 880952185 +599 1357 2 880952905 +600 4 4 888451908 +600 174 4 888451665 +600 182 4 888451750 +600 183 5 888451750 +600 187 5 888451750 +600 232 3 888451839 +600 373 3 888452490 +600 385 3 888451582 +600 431 3 888451908 +600 511 5 888451492 +600 570 4 888452563 +600 665 5 888452152 +600 679 2 888451839 +600 720 3 888452151 +600 771 3 888452564 +600 947 4 888452071 +600 1239 2 888452564 +601 8 3 876348736 +601 50 5 876346810 +601 56 3 876349577 +601 96 2 876350185 +601 99 3 876350536 +601 118 1 876347320 +601 121 2 876347267 +601 135 4 876350443 +601 141 4 876350443 +601 148 3 876348140 +601 168 5 876350944 +601 173 5 876348736 +601 178 4 876348526 +601 230 4 876350583 +601 234 1 876348947 +601 238 2 876349897 +601 239 3 876350537 +601 259 1 876346515 +601 294 1 876346515 +601 318 4 876348572 +601 325 4 876346551 +601 357 4 876349150 +601 405 1 876347765 +601 416 3 876350683 +601 421 1 876350060 +601 436 4 876350230 +601 455 4 876347148 +601 479 4 876349358 +601 483 4 876348782 +601 508 4 876346964 +601 591 3 876347267 +601 743 1 876348410 +601 864 1 876347320 +601 1063 3 876350340 +601 1084 5 876346849 +602 1 4 888638547 +602 117 5 888638674 +602 237 4 888638547 +602 259 4 888638160 +602 261 3 888638248 +602 294 5 888637987 +602 358 4 888637965 +602 538 4 888638048 +602 880 4 888637925 +603 22 4 891956776 +603 176 2 891956776 +603 180 4 891956946 +603 216 4 891957139 +603 222 4 891955922 +603 313 5 891956091 +603 450 3 891955972 +603 747 3 891956897 +603 751 4 891956242 +603 988 4 891956529 +604 7 4 883668097 +604 100 5 883668097 +604 218 3 883668175 +604 441 2 883668261 +604 443 3 883668352 +605 12 4 881016144 +605 14 5 879427619 +605 69 5 879425432 +605 70 3 879424680 +605 79 5 879425432 +605 117 2 879365748 +605 210 3 879424452 +605 215 3 879426163 +605 238 1 879424783 +605 269 4 879365101 +605 302 4 879365132 +605 338 2 881015064 +605 371 5 879427369 +605 405 3 879429706 +605 408 5 881016144 +605 471 3 879365748 +605 619 4 880762205 +605 678 1 879366335 +605 949 5 879427164 +606 3 5 880922084 +606 50 5 878142864 +606 55 4 880926245 +606 88 4 880926533 +606 108 1 880923349 +606 111 4 878146986 +606 118 4 878143785 +606 148 3 878150506 +606 156 4 880924789 +606 168 5 880924557 +606 173 5 880924859 +606 179 5 880927552 +606 181 5 878143047 +606 187 4 880926861 +606 202 4 880924921 +606 204 4 880924384 +606 206 4 880927552 +606 209 4 880926018 +606 211 5 880926759 +606 234 4 880927179 +606 238 4 880927179 +606 249 3 880922503 +606 257 5 880922503 +606 260 3 887059561 +606 281 4 880922148 +606 282 4 878147641 +606 293 5 878143605 +606 294 2 880923349 +606 333 5 887059213 +606 385 4 880925200 +606 405 4 878148493 +606 468 4 880923989 +606 475 4 878143785 +606 501 4 880926084 +606 508 4 878147350 +606 516 4 880924859 +606 537 2 880925074 +606 568 4 880923988 +606 585 4 880927358 +606 591 3 880923349 +606 596 4 878149415 +606 619 4 880922565 +606 678 3 877642127 +606 684 3 880925579 +606 717 3 878147770 +606 735 5 880926610 +606 806 5 880923579 +606 825 5 878149689 +606 827 3 880922625 +606 844 4 878149278 +606 919 2 880923349 +606 942 4 880926700 +606 959 5 880927128 +606 963 5 880923925 +606 969 5 880925074 +606 1016 3 887062032 +606 1055 4 880923690 +607 137 4 883879556 +607 211 5 883879556 +607 275 4 883879756 +607 435 3 883879473 +607 462 4 883880110 +607 494 5 883879556 +607 707 4 883880027 +607 887 3 883878999 +608 22 4 880405395 +608 23 5 880403239 +608 70 4 880406552 +608 83 5 880406862 +608 86 5 880403484 +608 111 1 880406507 +608 126 1 880405165 +608 127 5 880403320 +608 131 4 880406032 +608 157 1 880405085 +608 182 4 880403484 +608 190 4 880405527 +608 195 1 880405527 +608 204 4 880405527 +608 218 4 880406862 +608 262 3 880402368 +608 269 3 880402272 +608 286 4 880402272 +608 303 4 880402983 +608 306 4 880402983 +608 317 5 880405527 +608 327 2 880402450 +608 443 5 880405824 +608 469 3 880405395 +608 479 5 880404636 +608 483 4 880404916 +608 505 5 880406862 +608 507 3 880403899 +608 517 4 880403856 +608 603 5 880403537 +608 735 4 880406799 +608 848 4 880403690 +608 865 4 880403537 +608 1063 5 880405659 +608 1221 2 880406800 +608 1262 5 880406095 +609 1 1 886896185 +609 259 1 886895763 +609 877 5 886895649 +609 894 1 886895852 +610 1 4 888703157 +610 8 4 888702902 +610 9 3 888702961 +610 51 5 888703523 +610 70 4 888703609 +610 98 5 888702902 +610 127 5 888702902 +610 133 4 888703648 +610 162 5 888703343 +610 172 4 888702962 +610 185 5 888703191 +610 187 4 888703213 +610 203 4 888703749 +610 283 3 888703316 +610 318 5 888703378 +610 352 1 888702795 +610 484 3 888703507 +610 505 4 888703537 +610 508 3 888703629 +610 582 4 888703749 +610 750 4 888702841 +610 755 5 888703710 +611 288 3 891636073 +611 301 4 891636152 +611 307 4 891636125 +611 311 4 891636073 +611 324 3 891636399 +611 340 5 891636192 +611 347 4 891636244 +611 353 3 891636125 +611 680 4 891636125 +611 752 5 891636223 +611 882 4 891636192 +612 117 4 875324599 +612 147 4 875324975 +612 259 3 875324355 +612 1060 4 875324756 +613 50 5 891227365 +613 176 5 891227237 +613 272 5 891227111 +613 297 5 891227338 +613 318 5 891227299 +613 435 5 891227299 +613 478 5 891227262 +613 576 3 891227204 +613 632 3 891227204 +613 1315 4 891227338 +614 14 3 879464093 +614 276 4 879464234 +615 26 4 879448233 +615 48 5 879448399 +615 70 4 879448915 +615 97 4 879448759 +615 100 3 879448693 +615 135 4 879448599 +615 168 5 879449110 +615 180 4 879448475 +615 191 5 879448759 +615 192 5 879448780 +615 213 5 879447990 +615 216 4 879449068 +615 271 2 879447642 +615 302 4 879447500 +615 325 2 879447693 +615 357 5 879448399 +615 387 3 879448915 +615 427 5 879448475 +615 509 4 879448149 +615 514 5 879449110 +615 528 4 879448399 +615 638 5 879447968 +615 678 1 879447713 +615 937 2 879447530 +616 258 4 891224676 +616 288 4 891224676 +616 289 4 891224840 +616 313 5 891224590 +616 326 3 891224590 +616 339 3 891224718 +616 343 4 891224864 +616 346 3 891224558 +616 349 4 891224748 +616 748 3 891224840 +616 879 4 891224864 +616 895 3 891224644 +617 56 1 883789425 +617 170 1 883788929 +617 174 1 883788820 +617 179 4 883789386 +617 234 3 883789464 +617 269 1 883788511 +617 345 1 883788511 +617 357 4 883789386 +617 413 1 883789635 +617 423 1 883789294 +617 440 4 883789635 +617 443 4 883788782 +617 447 4 883789386 +617 448 3 883789507 +617 453 1 883789715 +617 531 2 883788859 +617 567 2 883789747 +617 615 3 883789294 +617 635 4 883789716 +617 646 4 883789386 +617 656 4 883789386 +617 670 1 883789590 +617 672 3 883789537 +617 855 3 883789294 +617 859 3 883789590 +617 1021 4 883788730 +618 7 4 891309887 +618 8 3 891307862 +618 25 2 891308260 +618 52 3 891307224 +618 54 3 891309319 +618 62 2 891309697 +618 64 4 891306990 +618 65 3 891309720 +618 73 3 891309440 +618 90 1 891309351 +618 99 3 891308019 +618 109 2 891308615 +618 118 3 891309004 +618 121 4 891308913 +618 127 5 891307619 +618 136 3 891307931 +618 151 3 891309514 +618 154 3 891308615 +618 159 3 891309670 +618 164 3 891309041 +618 181 5 891307263 +618 183 4 891307494 +618 187 5 891307098 +618 193 4 891308432 +618 218 3 891308115 +618 234 4 891307714 +618 275 3 891307577 +618 288 3 891307343 +618 403 4 891309608 +618 420 3 891309163 +618 432 5 891308979 +618 443 4 891308665 +618 458 3 891309579 +618 470 3 891308615 +618 550 3 891308261 +618 568 4 891309409 +618 582 4 891309217 +618 609 4 891309440 +618 651 5 891307263 +618 660 3 891309040 +618 679 1 891308615 +618 693 3 891307540 +618 699 3 891309410 +618 709 2 891308665 +618 731 2 891309514 +618 735 3 891308571 +618 770 2 891309756 +618 895 3 891309929 +618 924 4 891309040 +618 925 2 891308854 +618 962 1 891307784 +618 1039 4 891309887 +618 1212 2 891309410 +618 1225 2 891309382 +619 27 4 885954159 +619 96 5 885954083 +619 176 5 885954053 +619 181 4 885953778 +619 195 5 885954019 +619 298 5 885953778 +619 323 3 885953878 +619 326 2 885953601 +619 363 2 885954215 +619 554 3 885954238 +619 562 3 885954341 +619 566 4 885954105 +619 685 3 885953850 +619 750 3 885953537 +619 808 3 885954053 +619 827 3 885953878 +620 28 4 889988121 +620 63 5 889988232 +620 100 1 889987073 +620 123 3 889987190 +620 138 5 889988312 +620 140 4 889988258 +620 145 5 889987682 +620 147 3 889987299 +620 164 5 889987586 +620 174 5 889988121 +620 181 4 889988146 +620 237 4 889987123 +620 243 3 889986676 +620 313 5 889986477 +620 323 5 889986580 +620 623 4 889988232 +620 676 3 889987190 +620 706 3 889987706 +620 755 5 889988169 +620 760 3 889987073 +620 834 2 889987073 +620 859 4 889987657 +620 924 3 889987164 +620 1036 4 889988258 +620 1066 5 889988069 +620 1503 4 889988196 +621 1 3 880227233 +621 2 3 880739909 +621 7 4 880738353 +621 25 4 880738699 +621 50 5 874965407 +621 65 3 885596944 +621 68 4 880739654 +621 80 4 874963126 +621 88 2 874962772 +621 94 2 874963081 +621 95 4 880739654 +621 143 2 874965208 +621 154 5 881444499 +621 161 3 874964447 +621 173 4 874965407 +621 183 4 874963594 +621 233 3 874964375 +621 240 4 880738893 +621 313 5 883798770 +621 367 3 874962900 +621 395 4 880739654 +621 432 4 874965093 +621 455 4 880738462 +621 501 3 874965299 +621 540 3 874964657 +621 568 5 874963797 +621 577 3 874963446 +621 588 3 874965208 +621 625 4 874965299 +621 676 3 880737607 +621 686 5 880739852 +621 692 4 874962614 +621 780 4 874962824 +621 783 3 874963273 +621 879 4 880227012 +621 1035 4 880739654 +621 1093 4 880738568 +621 1228 3 880740296 +622 8 4 882592421 +622 22 4 882592178 +622 29 4 882592735 +622 41 3 882672060 +622 49 3 882671273 +622 70 3 882670562 +622 80 3 882671446 +622 96 5 882592449 +622 98 5 882669449 +622 99 4 882592383 +622 100 5 882590252 +622 111 4 882591014 +622 121 1 882590955 +622 125 3 882590457 +622 135 4 882592346 +622 159 3 882670309 +622 162 3 882670389 +622 173 5 882670057 +622 174 4 882592559 +622 183 4 882669826 +622 195 5 882591938 +622 202 4 882670252 +622 204 3 882592559 +622 206 1 882670899 +622 207 5 882592278 +622 209 5 882592421 +622 210 3 882669784 +622 213 5 882670009 +622 227 3 882592815 +622 248 4 882590420 +622 253 3 882591047 +622 280 3 882590534 +622 375 2 882592625 +622 386 3 882671727 +622 404 3 882670562 +622 405 4 882590886 +622 419 4 882670009 +622 423 3 882670121 +622 434 4 882592523 +622 451 4 882671221 +622 480 4 882669414 +622 482 3 882592178 +622 484 3 882669803 +622 506 3 882670139 +622 511 4 882592103 +622 532 3 882591091 +622 581 4 882670562 +622 586 3 882671916 +622 588 4 882592246 +622 625 3 882671120 +622 665 2 882671769 +622 674 2 882670929 +622 721 4 882670610 +622 781 3 882671595 +622 808 3 882671534 +622 866 2 882591484 +622 934 2 882591726 +622 1016 3 882591014 +622 1060 3 882671160 +622 1078 3 882671160 +622 1203 3 882669645 +622 1407 1 882672922 +622 1408 1 882672922 +623 15 4 891032375 +623 186 3 891034814 +623 202 1 891034620 +623 210 5 891035112 +623 211 3 891034814 +623 216 4 891034756 +623 228 3 891034343 +623 286 2 891032107 +623 525 4 891034294 +624 1 4 879792581 +624 14 5 879792623 +624 15 4 879793330 +624 24 3 879793380 +624 25 4 879792446 +624 93 5 879792557 +624 100 5 879792581 +624 117 3 879792446 +624 122 3 879793436 +624 127 4 879792322 +624 236 3 879792358 +624 245 3 879792109 +624 246 4 879792493 +624 257 3 879793269 +624 293 4 879792623 +624 300 4 879792132 +624 307 3 891961056 +624 313 5 885215463 +624 316 4 891961232 +624 319 3 891961140 +624 321 4 879791962 +624 329 3 891961120 +624 455 3 879793358 +624 473 3 879793093 +624 477 3 879793198 +624 544 4 879792557 +624 546 3 879793093 +624 597 3 879793129 +624 619 3 879793408 +624 690 4 879791962 +624 763 3 879792671 +624 824 2 879793582 +624 831 3 879793545 +624 845 3 879793129 +624 898 1 891961380 +624 928 3 879793511 +624 979 4 879793511 +624 980 4 879793358 +624 1067 4 879793330 +624 1289 3 879793093 +625 4 4 892000372 +625 22 3 891262899 +625 91 4 891263057 +625 100 3 891878363 +625 121 3 891273698 +625 174 4 891263589 +625 176 4 891263960 +625 192 2 892000438 +625 204 3 891999874 +625 210 3 892054095 +625 212 3 891968320 +625 216 4 891262899 +625 235 3 891631761 +625 238 4 891636000 +625 254 3 891273897 +625 283 3 891629673 +625 286 4 891262561 +625 294 3 891536483 +625 408 4 891997054 +625 423 4 891263760 +625 476 2 891632164 +625 484 4 891262783 +625 514 3 891262724 +625 519 2 891263703 +625 522 3 891968164 +625 678 3 891262561 +625 751 4 891536426 +625 1016 2 891273699 +625 1020 3 892000629 +626 258 4 878771243 +626 266 1 878771476 +626 272 5 887772871 +626 323 1 878771505 +626 333 1 878771281 +626 681 1 878771477 +627 2 3 879531352 +627 7 5 879531158 +627 9 4 879530014 +627 22 5 879530205 +627 28 3 879529987 +627 33 1 879531397 +627 47 2 879530346 +627 52 3 879530146 +627 68 4 879531429 +627 77 2 879530305 +627 100 5 879529702 +627 123 3 879530305 +627 174 3 879531195 +627 180 5 879529794 +627 187 5 879529855 +627 195 4 879531301 +627 197 5 879529730 +627 199 5 879529702 +627 228 4 879531301 +627 230 4 879531397 +627 233 2 879531351 +627 271 5 879529432 +627 288 3 879529381 +627 289 2 879530899 +627 328 4 879529486 +627 358 3 879529556 +627 387 2 879529916 +627 402 3 879530866 +627 431 4 879531302 +627 468 2 879530408 +627 471 3 879530463 +627 520 5 879529916 +627 521 2 879529767 +627 523 4 879529767 +627 550 1 879531352 +627 591 3 879530205 +627 628 4 879530501 +627 655 4 879530536 +627 665 3 879531459 +627 679 3 879531429 +627 713 2 879530306 +627 735 4 879530600 +627 792 4 879530501 +627 849 4 879531504 +627 942 2 879530408 +627 947 3 879531301 +627 1135 3 879530625 +627 1478 3 879530967 +628 8 2 880777167 +628 242 5 880777096 +628 258 5 880777167 +628 294 4 880777167 +628 326 5 880777095 +628 332 5 880777096 +628 338 5 880776981 +628 690 5 880776981 +628 1025 5 880777095 +628 1296 5 880777096 +629 23 5 880117001 +629 55 4 880117094 +629 69 5 880117485 +629 92 4 880117163 +629 100 5 880116847 +629 111 5 880117689 +629 132 5 880117395 +629 137 5 880117001 +629 144 5 880117430 +629 173 5 880116847 +629 174 5 880116847 +629 193 5 880117565 +629 196 4 880117062 +629 210 5 880117689 +629 223 5 880117813 +629 234 4 880117215 +629 245 3 880116240 +629 273 2 880117001 +629 277 5 880117459 +629 288 4 880116722 +629 294 3 880115922 +629 300 4 880115923 +629 309 3 880116240 +629 328 3 880116103 +629 331 3 880116067 +629 357 4 880117062 +629 392 4 880117747 +629 416 4 880117813 +629 475 4 880117121 +629 504 4 880117719 +629 651 5 880117163 +629 655 5 880117333 +629 658 4 880117813 +629 693 5 880117215 +630 1 4 885666779 +630 9 2 885666536 +630 11 5 885668028 +630 15 3 885666718 +630 69 3 885667939 +630 98 5 885667898 +630 111 5 885666956 +630 121 4 885666823 +630 123 4 885668203 +630 125 3 885666875 +630 153 3 885668277 +630 181 3 885666650 +630 193 3 885667939 +630 213 2 885667994 +630 216 5 885667968 +630 237 5 885666823 +630 239 4 885668061 +630 240 3 885667200 +630 252 2 885667464 +630 273 5 885666779 +630 310 3 885665975 +630 323 4 885666237 +630 325 3 885666301 +630 357 3 885668090 +630 465 1 885668203 +630 496 3 885667854 +630 535 4 885667624 +630 550 3 885667968 +630 640 1 885668276 +630 687 3 885666301 +630 735 2 885668231 +630 742 5 885666918 +630 756 4 885667551 +630 819 3 885667108 +630 864 4 885667600 +630 932 2 885667108 +630 988 2 885666301 +631 310 4 888464980 +631 334 2 888464941 +631 682 2 888465247 +631 1527 2 888465351 +632 11 4 879458142 +632 50 5 879459738 +632 55 2 879457857 +632 64 5 879457525 +632 82 4 879457903 +632 95 5 879456955 +632 99 5 879458941 +632 132 5 879459738 +632 133 4 879457064 +632 143 5 879459053 +632 168 4 879457248 +632 174 5 879457856 +632 195 5 879459738 +632 196 3 879457064 +632 227 3 879459025 +632 356 4 879459248 +632 385 4 879458649 +632 451 4 879459505 +632 508 2 879458570 +632 527 4 879458429 +632 549 3 879459210 +632 568 3 879458142 +632 591 4 879459053 +632 609 3 879459677 +632 679 4 879459321 +632 693 2 879458692 +632 720 3 879459025 +632 739 3 879459210 +632 845 4 879459677 +632 1183 2 879458142 +633 56 2 875326491 +633 77 3 877212173 +633 98 4 875324715 +633 147 4 875325740 +633 318 4 875324813 +633 328 4 875324298 +633 498 2 875324922 +633 921 3 875324812 +633 958 3 877210979 +634 9 5 877018125 +634 15 4 875729436 +634 25 4 877018125 +634 109 4 877017810 +634 116 3 875729069 +634 117 4 875729535 +634 118 4 875729106 +634 127 5 877018347 +634 222 3 875728913 +634 248 4 877018311 +634 272 5 889464384 +634 276 5 877018125 +634 281 4 877017829 +634 285 4 875728872 +634 288 3 875729178 +634 290 3 877017891 +634 322 3 875729217 +634 323 4 875729217 +634 331 4 875728702 +634 473 2 875729558 +634 475 5 877018125 +634 515 4 877018346 +634 544 3 875729478 +634 591 4 875729535 +634 595 4 877017923 +634 676 4 875729633 +634 678 2 877017632 +634 690 3 877368446 +634 740 2 875729749 +634 929 3 877018033 +634 933 3 877017951 +634 1047 3 875729668 +634 1049 2 877018004 +634 1067 4 875729069 +634 1084 2 875728783 +635 15 3 878879346 +635 117 2 878879284 +635 237 3 878879257 +635 307 4 878878654 +635 323 3 878878714 +635 328 3 878878752 +635 682 2 878878685 +635 874 3 878878714 +635 879 3 878878866 +636 10 5 891449123 +636 100 5 891448228 +636 118 5 891449305 +636 275 3 891448229 +636 283 3 891448916 +636 813 5 891448297 +637 7 1 882903044 +637 9 1 882902924 +637 13 1 882904458 +637 24 2 882903511 +637 25 4 882904537 +637 121 4 882904458 +637 125 3 882903582 +637 151 5 882904064 +637 181 4 882902540 +637 225 3 882904829 +637 237 2 882903511 +637 244 1 882903645 +637 245 3 882900047 +637 246 2 882903447 +637 257 2 882903511 +637 268 2 882898692 +637 275 3 882903191 +637 282 3 882903250 +637 283 2 882903822 +637 301 1 882899527 +637 322 3 882900888 +637 460 2 882905388 +637 596 2 882903582 +637 676 3 882903767 +637 685 3 882904829 +637 740 2 882903914 +637 815 2 882904678 +637 847 3 882903191 +637 866 3 882905285 +637 922 1 882902487 +637 931 1 882905388 +637 1028 3 882905182 +637 1033 3 882904233 +637 1244 1 882904458 +638 82 2 876694917 +638 96 4 876694917 +638 117 4 876694995 +638 128 3 876695216 +638 168 4 876695714 +638 174 5 876694861 +638 195 4 876694787 +638 222 4 876694787 +638 229 1 876695108 +638 385 5 876694917 +638 435 3 876694787 +638 450 1 876695415 +638 523 4 876695917 +638 685 4 876695307 +639 48 4 891239295 +639 52 3 891239838 +639 116 3 891239739 +639 135 4 891239239 +639 162 3 891239380 +639 173 1 891239492 +639 174 4 891240160 +639 194 4 891240160 +639 196 3 891239456 +639 204 3 891240751 +639 213 5 891239528 +639 286 4 891238618 +639 311 3 891238599 +639 381 2 891239581 +639 382 2 891239913 +639 451 4 891239529 +639 483 5 891240520 +639 511 4 891239240 +639 519 4 891239380 +639 526 4 891239177 +639 528 4 891239239 +639 549 2 891239427 +639 580 2 891239581 +639 582 3 891239739 +639 604 4 891240520 +639 647 3 891239217 +639 655 3 891239406 +639 661 4 891239155 +639 662 2 891239581 +639 702 2 891240868 +639 731 2 891239613 +639 739 3 891240868 +639 740 4 891239324 +639 747 3 891239528 +639 786 3 891241022 +639 792 2 891240752 +639 923 4 891239702 +639 1005 2 891239813 +639 1193 4 891239702 +639 1465 2 891239048 +640 42 5 874778345 +640 47 4 874777735 +640 55 5 874777765 +640 62 3 874778612 +640 70 4 874778065 +640 91 4 874777998 +640 169 5 874777890 +640 170 5 874777583 +640 174 5 876067863 +640 182 5 874777925 +640 184 5 889235992 +640 189 5 874778181 +640 214 5 874778274 +640 269 5 886803575 +640 304 4 876067605 +640 313 5 888639815 +640 315 5 886353894 +640 338 5 886353852 +640 346 4 886353742 +640 354 4 888262331 +640 391 3 874778756 +640 428 5 874778299 +640 461 4 874777833 +640 496 4 874777491 +640 540 3 874778479 +640 691 4 890014144 +640 693 5 874778207 +640 761 5 874778613 +640 827 3 886474833 +640 926 3 886474913 +640 1067 4 876068799 +641 23 5 879370364 +641 30 4 879370365 +641 50 3 879370150 +641 64 4 879370337 +641 134 5 879370062 +641 209 4 879370365 +641 305 5 879369848 +641 338 3 879369958 +641 511 5 879370337 +641 513 5 879370150 +641 657 4 879370062 +641 969 4 879370259 +641 1039 4 879370337 +641 1194 3 879370299 +642 2 4 885606787 +642 13 4 886206806 +642 21 5 885605148 +642 28 5 885603636 +642 35 2 886570027 +642 51 5 886132172 +642 54 4 886206959 +642 67 4 885843025 +642 78 3 886570084 +642 94 2 885605909 +642 102 5 885603849 +642 117 4 886131655 +642 122 2 885606463 +642 136 3 885602232 +642 140 3 886569257 +642 141 4 886568744 +642 156 1 886454965 +642 166 5 885604434 +642 173 5 885602314 +642 186 5 885602739 +642 202 3 885842351 +642 217 2 886569659 +642 237 5 885603870 +642 288 1 885604085 +642 318 2 885602369 +642 356 4 886132104 +642 386 5 885605932 +642 398 2 886454837 +642 399 3 886131257 +642 401 4 885606178 +642 405 3 885606946 +642 407 5 885606482 +642 411 5 885605834 +642 416 5 886455469 +642 422 3 885606608 +642 423 3 885602506 +642 427 3 886132043 +642 441 1 886569942 +642 472 5 885607081 +642 473 1 886131585 +642 496 4 885603516 +642 560 4 886568978 +642 571 3 885606113 +642 588 5 886131546 +642 622 4 886568941 +642 628 3 891317897 +642 651 4 885602571 +642 673 2 886130929 +642 679 2 885606986 +642 732 4 885605538 +642 739 5 886568838 +642 742 5 885602839 +642 771 3 885607115 +642 775 4 886569570 +642 780 5 885606270 +642 783 4 885606024 +642 795 4 886570173 +642 801 3 885605794 +642 832 3 892240991 +642 843 3 886569682 +642 931 4 885606857 +642 932 5 885605866 +642 942 4 886207151 +642 944 5 885605987 +642 949 1 885605834 +642 993 4 891317955 +642 1000 3 885602340 +642 1030 4 886570173 +642 1047 3 885606327 +642 1053 3 886207279 +642 1066 3 885606608 +642 1078 5 885604239 +642 1136 4 888123195 +642 1146 1 886570084 +642 1179 3 885606048 +642 1209 3 885606212 +642 1224 4 886132139 +642 1239 4 885607097 +643 28 4 891448002 +643 29 2 891449901 +643 33 3 891449417 +643 42 4 891446750 +643 65 4 891448786 +643 68 3 891447338 +643 72 4 891449301 +643 88 2 891449417 +643 98 3 891446688 +643 114 4 891446854 +643 121 4 891445741 +643 127 5 891445476 +643 128 3 891447617 +643 129 5 891445354 +643 132 5 891448265 +643 144 4 891447286 +643 153 4 891447196 +643 156 5 891446826 +643 159 3 891449345 +643 169 4 891447222 +643 179 4 891447901 +643 185 5 891447157 +643 186 4 891447663 +643 197 4 891446983 +643 204 3 891447901 +643 219 5 891449614 +643 231 2 891450316 +643 238 3 891448095 +643 240 5 891445823 +643 246 5 891445312 +643 273 3 891445287 +643 276 5 891445354 +643 325 2 891446581 +643 356 4 891448218 +643 385 3 891449344 +643 403 3 891449534 +643 405 3 891445859 +643 432 5 891449771 +643 435 5 891447314 +643 447 4 891449249 +643 448 3 891449580 +643 474 5 891446955 +643 481 4 891447127 +643 496 4 891446688 +643 505 4 891447260 +643 509 3 891448839 +643 516 4 891447037 +643 566 3 891449476 +643 629 3 891450168 +643 631 3 891447930 +643 639 4 891447790 +643 659 5 891447127 +643 665 3 891449930 +643 673 4 891448095 +643 674 3 891449901 +643 679 3 891447747 +643 685 3 891445354 +643 845 3 891445476 +643 1016 3 891445766 +643 1065 4 891448756 +644 117 4 889077418 +644 181 4 889077189 +644 250 4 889077463 +644 259 4 889076433 +644 298 4 889077513 +644 330 4 889076173 +644 457 4 889076502 +644 871 4 889077513 +644 977 4 889076922 +644 988 4 889076475 +645 22 4 892054508 +645 32 5 892054906 +645 47 4 892054824 +645 60 5 892053748 +645 61 5 892054508 +645 64 3 892053429 +645 65 4 892054824 +645 89 4 892053483 +645 96 3 892054444 +645 98 4 892053241 +645 172 4 892054537 +645 173 4 892053748 +645 174 4 892053518 +645 180 4 892054402 +645 186 4 892053340 +645 191 5 892053644 +645 208 5 892054797 +645 212 4 892054857 +645 214 4 892054570 +645 239 3 892055445 +645 243 1 892052232 +645 258 3 892051708 +645 268 4 892051811 +645 318 5 892053241 +645 319 3 892051708 +645 340 4 892051762 +645 367 3 892055039 +645 435 4 892054364 +645 469 5 892054707 +645 482 4 892053340 +645 496 3 892053686 +645 513 5 892054481 +645 514 5 892053686 +645 558 4 892053429 +645 616 3 892054508 +645 641 5 892054600 +645 656 4 892053241 +645 664 4 892054402 +645 708 3 892055072 +645 709 3 892054570 +645 772 3 892055728 +645 960 4 892054278 +646 332 3 888528870 +646 349 2 888529127 +646 678 3 888529127 +646 751 2 888528870 +646 893 3 888529080 +646 908 3 888529054 +646 1022 4 888528955 +647 15 4 876532975 +647 29 4 876533657 +647 70 3 876776321 +647 71 4 876534275 +647 73 5 876537697 +647 79 4 876530687 +647 88 4 876534041 +647 121 4 876534274 +647 173 5 876534131 +647 203 3 876776321 +647 231 4 876533657 +647 237 3 876776320 +647 357 5 876534131 +647 405 4 876532747 +647 496 4 876534275 +647 568 4 876533832 +647 831 3 876776321 +647 1014 3 876531583 +647 1047 4 876534275 +647 1263 3 876776321 +648 2 4 884882742 +648 7 3 882211109 +648 13 3 882212071 +648 14 2 882211223 +648 21 3 882212609 +648 23 3 882212709 +648 25 2 882211760 +648 29 2 884883149 +648 38 5 884882803 +648 47 2 884881807 +648 62 5 884882916 +648 63 4 884882103 +648 72 4 884881722 +648 83 4 884628482 +648 89 4 884797033 +648 90 3 884882271 +648 104 1 884367274 +648 112 2 884367366 +648 121 5 882211654 +648 153 4 884881621 +648 161 3 884882802 +648 167 4 884882407 +648 180 1 884368643 +648 183 5 884368442 +648 185 5 884368485 +648 197 3 884628644 +648 200 2 884883476 +648 204 5 884368002 +648 205 3 884628607 +648 208 5 884796652 +648 210 4 882213502 +648 219 4 884883578 +648 227 3 884882803 +648 229 4 884882802 +648 234 5 884368314 +648 250 4 882211464 +648 275 5 882211016 +648 291 3 882211736 +648 295 4 882211464 +648 357 2 884628534 +648 379 1 884883724 +648 412 1 884367318 +648 423 4 884368442 +648 431 5 884882664 +648 436 5 884883476 +648 449 3 884882987 +648 452 3 884883679 +648 454 3 884368232 +648 472 3 882211965 +648 477 3 882211585 +648 484 5 884368442 +648 561 2 884883679 +648 563 5 884883679 +648 565 3 884883679 +648 566 4 884882702 +648 569 3 884883578 +648 619 3 882211301 +648 635 2 884883476 +648 637 2 884883424 +648 665 2 884882987 +648 713 2 884795447 +648 726 3 884882271 +648 746 4 884881524 +648 758 2 884795447 +648 769 1 884883724 +648 780 1 884882501 +648 781 4 884882078 +648 810 4 884883031 +648 826 3 882212526 +648 831 1 882212131 +648 926 3 882212400 +648 1028 2 882212288 +648 1029 2 884882636 +648 1030 2 884882552 +648 1033 2 882212288 +648 1041 3 884882192 +648 1228 3 884883149 +648 1258 2 884366613 +648 1271 4 884882234 +649 24 4 891440460 +649 50 4 891440235 +649 117 5 891440460 +649 121 2 891440214 +649 181 4 891440309 +649 250 3 891440356 +649 254 4 891440695 +649 282 4 891440330 +649 298 4 891440293 +649 471 5 891440412 +650 15 3 891383594 +650 21 2 891387767 +650 22 3 891369707 +650 29 2 891382877 +650 38 3 891381784 +650 54 2 891385876 +650 56 3 891369798 +650 80 2 891389216 +650 88 3 891384226 +650 100 4 891369954 +650 109 3 891386167 +650 117 4 891370852 +650 118 4 891381546 +650 121 3 891369836 +650 133 4 891381546 +650 135 4 891381545 +650 136 4 891372203 +650 137 3 891385105 +650 152 3 891382138 +650 157 3 891382960 +650 160 3 891383572 +650 168 4 891381546 +650 177 2 891371061 +650 185 3 891369836 +650 186 4 891370998 +650 193 3 891382901 +650 205 4 891370971 +650 209 3 891382032 +650 214 3 891369587 +650 215 2 891371152 +650 218 3 891370065 +650 230 4 891369656 +650 235 3 891388080 +650 239 3 891385876 +650 272 4 891381546 +650 294 3 891369190 +650 301 2 891385035 +650 316 3 891369190 +650 380 2 891383735 +650 389 3 891387571 +650 391 2 891382877 +650 393 3 891386778 +650 402 3 891383272 +650 417 3 891387591 +650 419 4 891370971 +650 420 3 891385826 +650 423 3 891372316 +650 427 4 891383424 +650 431 3 891369620 +650 432 4 891386830 +650 447 3 891386120 +650 472 3 891381784 +650 478 4 891371186 +650 482 3 891385775 +650 483 5 891372315 +650 493 4 891369554 +650 494 3 891371153 +650 506 3 891385508 +650 528 3 891370998 +650 550 3 891381661 +650 551 3 891370446 +650 561 3 891370113 +650 566 3 891369890 +650 568 3 891381709 +650 578 3 891381661 +650 588 3 891372286 +650 603 4 891369836 +650 620 2 891383977 +650 622 3 891387468 +650 633 4 891371091 +650 658 3 891387571 +650 661 3 891385206 +650 662 3 891371153 +650 719 3 891387833 +650 732 3 891371061 +650 809 3 891383926 +650 926 3 891388294 +650 928 2 891370093 +650 1035 2 891389132 +650 1135 2 891383977 +650 1215 3 891381850 +650 1627 3 891383786 +651 116 2 879348966 +651 285 4 879348966 +651 294 1 879348880 +651 683 3 880126096 +652 96 4 882567356 +652 125 2 882567383 +652 257 2 882567356 +652 286 3 882567012 +652 288 2 882566890 +652 294 2 882566890 +652 300 4 882566890 +652 307 4 882566890 +652 333 4 882566857 +652 984 2 882567180 +653 4 3 878866755 +653 28 4 878866814 +653 53 2 880153304 +653 56 5 878853975 +653 62 3 880151691 +653 70 2 880151340 +653 81 1 880151651 +653 89 5 878854100 +653 94 2 880153494 +653 117 4 878854810 +653 143 3 880150104 +653 154 3 878867137 +653 156 4 878854633 +653 161 4 878854247 +653 163 4 880151629 +653 167 2 880153429 +653 168 3 890181186 +653 174 5 878854051 +653 176 3 878854145 +653 179 4 880149927 +653 185 2 880606620 +653 186 5 880151557 +653 200 4 878866952 +653 205 1 880150126 +653 208 3 890181185 +653 213 2 880150190 +653 219 1 880152780 +653 225 1 886052230 +653 227 3 880151488 +653 229 3 880153145 +653 245 4 893276091 +653 248 3 884405730 +653 258 3 886051833 +653 286 4 884405346 +653 290 3 880153522 +653 291 4 878855275 +653 293 3 886051879 +653 294 2 878853618 +653 307 4 889151627 +653 328 4 884408848 +653 357 4 878854383 +653 366 2 880152901 +653 386 1 880152864 +653 403 2 880151461 +653 425 2 880606619 +653 428 1 880151580 +653 429 3 878866679 +653 496 2 878866679 +653 508 3 886052198 +653 510 2 880150040 +653 518 2 878866755 +653 526 3 880151752 +653 531 5 878854284 +653 581 1 880152819 +653 631 2 880150412 +653 638 1 878866636 +653 642 1 878866604 +653 657 4 890181185 +653 658 2 880151817 +653 659 1 880150330 +653 679 2 880153406 +653 684 5 878854247 +653 702 3 880151918 +653 712 3 880153639 +653 719 3 880153841 +653 728 2 880153568 +653 779 1 880153467 +653 780 2 880606620 +653 797 2 880153841 +653 802 2 880153040 +653 809 3 880153620 +653 944 2 880152657 +653 973 2 880150348 +653 984 4 884408848 +653 1016 3 890181186 +653 1135 2 880152759 +653 1139 3 880153145 +653 1183 1 880153329 +653 1207 1 880153329 +653 1267 1 880153253 +653 1444 3 880153077 +653 1478 2 880153705 +654 3 3 887864071 +654 8 5 887864497 +654 11 4 887864452 +654 70 4 887864663 +654 87 4 887864471 +654 95 4 887864204 +654 98 5 887864641 +654 114 5 887864532 +654 118 2 887863914 +654 121 4 887863757 +654 137 4 887863596 +654 143 5 887864275 +654 147 3 887863488 +654 151 4 887863471 +654 153 4 887864414 +654 154 3 887864797 +654 196 5 887864757 +654 215 4 887864587 +654 239 4 887864868 +654 249 5 887863866 +654 269 4 889451420 +654 291 4 887863914 +654 332 4 887863081 +654 336 3 887863227 +654 381 3 887864886 +654 408 5 887863381 +654 462 4 887864998 +654 476 3 887863914 +654 535 3 887863962 +654 568 4 887864868 +654 597 4 887864812 +654 638 4 887864868 +654 689 3 887863194 +654 742 4 887863339 +654 1048 3 887864050 +654 1165 1 887864146 +654 1283 1 887863779 +655 2 3 888474138 +655 5 2 887523641 +655 6 4 887425812 +655 7 3 887425969 +655 8 3 887477336 +655 9 3 891585450 +655 11 2 887427307 +655 12 3 887427130 +655 18 3 888984478 +655 23 3 887426971 +655 28 3 887427210 +655 31 3 887523200 +655 46 4 887523403 +655 47 3 887426972 +655 49 1 887428417 +655 55 2 887429302 +655 56 3 887428060 +655 79 5 887429559 +655 82 2 887429559 +655 118 2 887426666 +655 121 3 887651060 +655 127 5 888474106 +655 128 3 887429732 +655 131 2 893002283 +655 135 4 887427083 +655 144 3 887429594 +655 156 2 887430634 +655 160 3 887427473 +655 170 3 887523224 +655 171 2 887523641 +655 178 4 887427009 +655 182 4 888474106 +655 186 3 887428157 +655 193 3 887427307 +655 200 4 887473639 +655 203 3 887476943 +655 204 3 887477192 +655 209 3 887473831 +655 211 3 887428334 +655 212 3 887477409 +655 214 3 887650851 +655 218 3 887523477 +655 219 2 890497653 +655 220 2 887426583 +655 223 3 887473856 +655 233 3 887611537 +655 236 3 887426407 +655 237 3 887426116 +655 238 3 887473831 +655 240 3 887650538 +655 242 4 887424795 +655 246 3 887474020 +655 250 3 887425625 +655 251 3 888984417 +655 255 3 887477336 +655 256 3 887651060 +655 262 5 888474934 +655 268 3 887474077 +655 269 3 888474807 +655 270 4 887650943 +655 272 3 888474138 +655 276 4 887473778 +655 287 3 890497592 +655 292 2 889293132 +655 300 3 887476919 +655 301 2 887424991 +655 312 2 892011201 +655 313 4 888474285 +655 315 4 887424720 +655 317 3 887474269 +655 325 2 887425197 +655 340 3 888984325 +655 356 3 887430804 +655 363 3 887426770 +655 375 2 888984293 +655 381 3 887474656 +655 391 2 887429784 +655 411 3 887650512 +655 423 3 887693376 +655 428 3 887428157 +655 458 3 887426407 +655 459 2 891408204 +655 461 2 887427130 +655 464 3 887523367 +655 467 3 887523790 +655 468 3 887427681 +655 469 3 887427778 +655 480 4 888984506 +655 503 3 887523477 +655 511 3 887427009 +655 514 5 887650683 +655 520 3 887523427 +655 566 3 888893279 +655 568 3 887429640 +655 578 2 887488694 +655 581 2 887477000 +655 584 3 887429171 +655 591 3 887426237 +655 636 3 888475015 +655 638 4 890497592 +655 640 2 888685955 +655 642 3 887430714 +655 644 3 887474288 +655 645 3 887474288 +655 650 3 887427009 +655 653 3 892011201 +655 655 3 888474285 +655 657 3 891585504 +655 658 3 887427130 +655 660 2 888475101 +655 709 3 888475039 +655 723 3 887650851 +655 724 3 887427600 +655 729 2 887476031 +655 730 2 890497653 +655 735 3 887427338 +655 741 3 887426201 +655 742 3 888813272 +655 751 3 888474960 +655 761 2 888686011 +655 766 3 891585450 +655 773 3 887430072 +655 781 1 887428384 +655 785 2 887490946 +655 786 2 887472965 +655 789 3 887473879 +655 796 2 887428280 +655 860 3 887477386 +655 863 3 887473995 +655 869 2 889282952 +655 874 4 888984255 +655 896 4 887474605 +655 899 2 887433492 +655 900 3 887424991 +655 902 2 892333973 +655 910 3 889458990 +655 912 3 891817522 +655 914 3 891817471 +655 930 2 887429812 +655 939 3 887473905 +655 942 4 888685850 +655 953 3 887427243 +655 963 3 888475015 +655 980 2 888984354 +655 995 3 887424991 +655 1014 3 890103072 +655 1022 3 887424948 +655 1024 3 887650979 +655 1041 3 887611537 +655 1063 3 888474909 +655 1068 3 891585417 +655 1070 4 887474050 +655 1084 3 888813272 +655 1100 3 887427371 +655 1101 2 887427243 +655 1106 2 891817472 +655 1107 4 888813272 +655 1111 3 887473856 +655 1113 3 887427810 +655 1121 3 887428938 +655 1129 3 891585242 +655 1135 3 887427743 +655 1141 3 888474986 +655 1149 3 887429107 +655 1160 3 888685850 +655 1161 3 887426446 +655 1174 3 887523477 +655 1186 3 888984538 +655 1193 3 887477360 +655 1214 2 891999461 +655 1256 3 887425655 +655 1257 3 887433685 +655 1265 3 887425025 +655 1266 3 887428911 +655 1267 2 887427840 +655 1268 3 892914357 +655 1278 2 887433780 +655 1296 3 891585242 +655 1356 3 887426059 +655 1380 4 887425625 +655 1400 3 887427268 +655 1407 2 887491131 +655 1426 2 888474390 +655 1473 3 888474872 +655 1479 2 887475032 +655 1499 3 888685556 +655 1514 2 887472879 +655 1516 3 887474630 +655 1529 2 887489792 +655 1623 4 887428735 +655 1633 3 889331315 +655 1634 2 888474019 +655 1635 3 887432079 +655 1646 3 891913577 +655 1648 2 891817435 +656 270 3 892318676 +656 302 3 892318450 +656 326 1 892318888 +656 896 5 892318842 +656 903 2 892318777 +657 9 4 884239123 +657 111 5 884239368 +657 118 1 884240732 +657 269 5 884238002 +657 273 3 884239566 +657 282 3 884239745 +657 294 5 884238247 +657 302 2 884237291 +658 7 4 875145879 +658 42 4 875147873 +658 86 4 875147873 +658 100 4 875145493 +658 195 3 875148059 +658 212 3 875148059 +658 273 4 875148262 +658 467 4 875147448 +658 471 4 875145879 +658 475 4 875145667 +658 477 3 875145750 +658 730 3 875147995 +658 735 3 875148108 +659 4 3 891383917 +659 13 4 891331361 +659 43 4 891385955 +659 49 3 891385438 +659 62 4 891386380 +659 69 3 891384916 +659 70 4 891383412 +659 86 5 891386071 +659 88 2 891385955 +659 90 2 891386577 +659 97 5 891384798 +659 98 4 891045943 +659 134 4 891332189 +659 135 3 891383412 +659 159 4 891386540 +659 167 3 891385438 +659 174 4 891384215 +659 175 5 891386829 +659 178 5 891332261 +659 183 4 891385079 +659 185 4 891332223 +659 197 5 891385080 +659 212 4 891387227 +659 215 4 891385258 +659 234 4 891384798 +659 241 3 891387121 +659 252 4 891045227 +659 257 2 891044849 +659 315 3 891044991 +659 319 3 891331322 +659 423 4 891384414 +659 431 4 891385627 +659 443 5 891385136 +659 451 5 891385534 +659 469 4 891385136 +659 474 2 891384739 +659 479 5 891383412 +659 490 4 891384215 +659 494 4 891383965 +659 568 4 891384850 +659 603 5 891331825 +659 642 2 891386492 +659 660 3 891384798 +659 693 4 891331417 +659 705 5 891383561 +659 708 3 891386641 +659 720 3 891386492 +659 792 4 891384003 +659 1138 4 891045266 +659 1168 4 891386641 +659 1172 4 891332122 +659 1203 4 891385258 +659 1267 3 891385689 +659 1297 2 891387306 +660 1 3 891406276 +660 3 1 891405958 +660 40 2 891201674 +660 41 1 891265453 +660 83 3 891199556 +660 90 2 891201346 +660 95 2 891200491 +660 122 1 891198996 +660 134 4 891199153 +660 135 4 891199833 +660 144 3 891199856 +660 151 5 891198335 +660 174 4 891199293 +660 183 2 891199499 +660 204 3 891200370 +660 219 1 891406212 +660 227 2 891201172 +660 230 3 891199856 +660 231 2 891357371 +660 238 3 891200340 +660 239 2 891200989 +660 254 1 891357371 +660 266 2 891197639 +660 290 4 891198549 +660 294 3 891197701 +660 307 3 891197503 +660 318 3 891199133 +660 328 3 891197585 +660 366 1 891405958 +660 385 3 891199883 +660 391 2 891201823 +660 403 3 891357371 +660 405 2 891198479 +660 430 4 891199747 +660 456 1 891198996 +660 470 2 891199883 +660 472 2 891198421 +660 474 2 891200037 +660 485 3 891200491 +660 491 4 891199348 +660 568 3 891199182 +660 640 1 891201223 +660 657 2 891199579 +660 658 1 891200193 +660 722 1 891265453 +660 742 2 891198312 +660 746 4 891199478 +660 786 1 891265453 +660 809 2 891201565 +660 1050 4 891200678 +660 1110 2 891201823 +660 1135 2 891201675 +660 1483 3 892520856 +661 8 5 876016491 +661 64 4 876014060 +661 71 4 876015530 +661 89 5 888300344 +661 135 5 876013398 +661 140 3 876013552 +661 144 5 876016580 +661 165 5 876013975 +661 170 4 888300680 +661 172 5 876036358 +661 174 5 876013447 +661 175 2 888299899 +661 181 5 876015607 +661 192 4 888299461 +661 197 4 876013975 +661 210 5 876015530 +661 219 2 876035968 +661 230 4 888300344 +661 249 3 886841443 +661 258 4 876012997 +661 274 4 876037199 +661 280 3 886841562 +661 300 3 876036477 +661 304 2 886829961 +661 318 5 876013935 +661 418 4 876036240 +661 433 5 876016545 +661 538 3 886830056 +661 568 4 888301266 +661 573 3 876036043 +661 631 3 886841831 +661 657 4 876013714 +661 707 5 876016858 +661 749 2 889500304 +661 756 3 876037089 +661 972 3 876016581 +661 1035 3 876017717 +662 10 4 880570142 +662 13 4 880570265 +662 275 4 880571006 +662 276 3 880570080 +662 285 5 880571005 +662 985 4 880571006 +662 1380 2 880570952 +662 1381 5 880571005 +662 1652 3 880570909 +663 1 4 889492679 +663 3 4 889492614 +663 9 2 889492435 +663 12 5 889493576 +663 15 4 889493069 +663 56 5 889493502 +663 89 4 889493818 +663 100 4 889492503 +663 108 2 889492796 +663 121 4 889493182 +663 123 3 889492562 +663 124 3 889492390 +663 148 4 889492989 +663 150 5 889492435 +663 151 3 889492841 +663 173 3 889493818 +663 180 4 889493691 +663 183 4 889493770 +663 187 5 889493869 +663 192 4 889493628 +663 210 3 889493818 +663 235 2 889492917 +663 237 4 889492473 +663 276 3 889492435 +663 289 1 889491861 +663 307 4 889491690 +663 313 5 889491617 +663 318 4 889493576 +663 322 4 889491739 +663 323 2 889492230 +663 410 3 889492759 +663 455 2 889492679 +663 475 4 889492435 +663 508 4 889492503 +663 655 4 889493869 +663 682 3 889491891 +663 693 4 889493732 +663 696 3 889492877 +663 748 2 889492019 +663 763 5 889492614 +663 815 4 889492759 +663 827 2 889492796 +663 844 2 889492841 +663 872 3 889491919 +663 919 3 889492562 +663 978 4 889492614 +663 1009 3 889493069 +663 1011 3 889493027 +663 1017 2 889492679 +663 1051 3 889493118 +663 1086 3 889492959 +663 1119 3 889493437 +664 14 4 878090764 +664 22 2 876524731 +664 50 5 878090415 +664 53 3 876526580 +664 56 4 876525962 +664 57 4 878092649 +664 83 4 876524869 +664 98 4 876526462 +664 137 3 876524641 +664 151 4 878091912 +664 153 4 876526152 +664 156 4 876526784 +664 159 3 876526739 +664 162 4 876525764 +664 173 4 876525963 +664 182 4 876524641 +664 186 5 876526052 +664 191 3 876523833 +664 194 4 876525998 +664 215 4 876525293 +664 276 5 876524053 +664 285 5 876524053 +664 302 4 876523093 +664 319 4 876523133 +664 321 3 876526179 +664 326 2 876523225 +664 367 3 876526152 +664 408 5 878094973 +664 483 4 878091463 +664 494 5 878089975 +664 497 3 878092649 +664 518 4 876524290 +664 528 5 876523833 +664 529 4 878090125 +664 531 2 876523833 +664 582 1 876525044 +664 611 5 878090705 +664 627 1 878090125 +664 631 4 876525077 +664 654 5 876526604 +664 655 3 876524097 +664 657 5 876526685 +664 664 4 876524474 +664 692 3 878152048 +664 702 4 876526052 +664 715 3 876525718 +664 845 2 878090381 +664 1098 3 876526152 +664 1101 3 876525002 +664 1109 4 876526555 +665 1 4 884290491 +665 12 4 884294286 +665 50 4 884290432 +665 56 5 884294611 +665 69 5 884293475 +665 88 3 884294552 +665 89 4 884294935 +665 98 4 884293569 +665 100 3 884290349 +665 126 4 884290751 +665 134 4 884293569 +665 135 4 884294880 +665 147 4 884291057 +665 151 3 884291017 +665 154 3 884294025 +665 157 3 884294671 +665 183 4 884293933 +665 186 4 884293569 +665 188 4 884293366 +665 196 4 884294026 +665 202 3 884294612 +665 238 4 884294772 +665 239 3 884293475 +665 240 5 884291271 +665 257 3 884292654 +665 274 3 884290408 +665 286 4 884289850 +665 294 2 884289922 +665 410 3 884291165 +665 411 4 884291242 +665 418 4 884294611 +665 419 4 884295126 +665 421 4 884294552 +665 423 4 884294611 +665 432 4 884294025 +665 472 3 884291242 +665 473 4 884290882 +665 483 4 884293610 +665 566 2 884293741 +665 631 2 884294459 +665 660 4 884294935 +665 685 2 884290515 +665 687 2 884290143 +665 699 4 884294374 +665 721 3 884294772 +665 756 3 884292654 +665 926 3 884291376 +665 1315 4 884291413 +666 7 4 880313329 +666 26 3 880568505 +666 46 4 880139348 +666 48 4 880139180 +666 64 4 880139120 +666 66 4 880568560 +666 89 4 880139149 +666 92 3 880139493 +666 98 4 880139381 +666 106 2 880313992 +666 111 3 880313523 +666 116 4 880313270 +666 118 3 880313903 +666 121 3 880313603 +666 127 5 880139180 +666 133 3 880139439 +666 135 4 880139562 +666 137 4 880313423 +666 143 2 880568064 +666 144 3 880314144 +666 147 3 880313661 +666 153 4 880314103 +666 154 3 880568662 +666 162 4 880568662 +666 163 3 880567742 +666 169 4 880567883 +666 172 3 880139090 +666 175 4 880567612 +666 180 4 880139562 +666 188 5 880314564 +666 194 3 880139348 +666 195 3 880314272 +666 196 3 880568129 +666 200 5 880568465 +666 204 3 880139090 +666 210 2 880139493 +666 213 4 880139120 +666 216 3 880139642 +666 222 3 880313423 +666 237 3 880313391 +666 269 5 880314564 +666 273 3 880313292 +666 284 3 880313523 +666 286 5 880138999 +666 293 3 880313310 +666 310 5 880313163 +666 319 4 880138999 +666 385 3 880568028 +666 405 2 880313662 +666 433 3 880568560 +666 435 4 880567883 +666 478 4 880139526 +666 479 4 880139642 +666 480 4 880568063 +666 482 4 880567997 +666 484 4 880139149 +666 494 4 880314310 +666 499 4 880139562 +666 505 4 880139526 +666 507 3 880567771 +666 511 4 880139120 +666 514 4 880139295 +666 520 3 880139562 +666 527 4 880139253 +666 544 4 880313682 +666 546 4 880313640 +666 607 4 880139563 +666 613 5 880139295 +666 640 4 880314477 +666 644 3 880314453 +666 647 5 880139439 +666 654 5 880139382 +666 657 4 880139642 +666 663 4 880139409 +666 709 4 880314144 +666 760 3 880313789 +666 805 4 880568436 +666 866 2 880313582 +666 963 3 880139090 +666 1013 3 880314029 +666 1021 5 880139669 +666 1071 3 880567771 +666 1154 3 880567658 +666 1474 3 880567612 +667 23 3 891035084 +667 28 5 891034913 +667 69 3 891035104 +667 79 3 891034930 +667 86 5 891034894 +667 98 4 891035104 +667 196 5 891034993 +667 210 3 891035051 +667 216 4 891034894 +667 238 3 891035140 +667 269 5 891034444 +667 272 5 891034404 +667 357 5 891034767 +667 962 2 891035164 +668 50 5 881605642 +668 137 3 881605093 +668 252 2 881702925 +668 269 5 881523612 +668 272 5 890349005 +668 288 4 882818604 +668 289 2 881523929 +668 328 4 881523787 +668 355 2 890349190 +668 367 5 881605587 +668 538 5 881523787 +668 882 3 881523929 +669 1 5 892549412 +669 50 5 891517215 +669 96 2 891260392 +669 132 4 891260519 +669 133 4 891260779 +669 150 3 892549477 +669 151 5 892549370 +669 181 5 892549390 +669 187 5 892550170 +669 190 3 892550170 +669 191 3 892550310 +669 194 3 891517159 +669 208 2 891517215 +669 216 3 892550170 +669 222 3 892549434 +669 246 4 892549497 +669 268 3 891517159 +669 269 3 891517159 +669 290 2 892549820 +669 323 1 891182792 +669 329 1 891182771 +669 355 2 891182792 +669 408 5 892549316 +669 482 4 892550170 +669 514 3 892550215 +669 522 4 892550196 +669 531 3 892550310 +669 614 4 891260778 +669 647 5 891260596 +669 664 4 892550104 +669 879 2 891182703 +669 915 3 892549178 +670 8 4 877975594 +670 83 3 877975018 +670 135 3 877974549 +670 175 2 877975448 +670 191 4 877975731 +670 199 4 877974549 +670 417 4 877975129 +670 484 5 877975391 +670 485 5 877974945 +670 603 5 877974465 +670 606 4 877975391 +670 611 5 877975129 +670 659 5 877974699 +670 949 2 877974465 +670 969 2 877975070 +670 1099 3 877975018 +671 17 4 883546889 +671 22 4 884035406 +671 27 3 884036050 +671 50 5 875388719 +671 56 1 883546120 +671 68 3 884035892 +671 79 2 883546120 +671 88 4 884036846 +671 89 5 884035406 +671 159 5 883949781 +671 176 2 883546120 +671 181 5 875388719 +671 184 3 884035775 +671 201 3 884204509 +671 203 3 884035173 +671 210 5 884035892 +671 222 1 883546333 +671 226 3 883949693 +671 234 4 883546890 +671 257 5 875388720 +671 265 3 884035992 +671 379 3 884035303 +671 455 4 884035775 +671 472 5 884036411 +671 550 3 884035406 +671 566 4 884035303 +671 679 3 884036050 +671 686 3 884036365 +671 779 3 884036683 +671 802 3 884036411 +671 810 2 884036050 +671 838 3 884036365 +671 849 3 884036050 +671 1109 2 883546677 +671 1491 1 884034132 +671 1597 1 884035892 +672 109 4 879788774 +672 255 2 879789278 +672 269 3 879787460 +672 275 5 879787955 +672 280 2 879787729 +672 284 4 879789030 +672 321 4 879787518 +672 515 5 879787812 +672 874 4 879787643 +672 1023 2 879789672 +673 12 4 888787587 +673 258 2 888786969 +673 286 4 888787508 +673 292 4 888787376 +673 300 3 888786942 +673 301 3 888787450 +673 315 5 888786942 +673 323 2 888787508 +673 327 4 888787396 +673 345 4 888787396 +673 528 5 888787587 +674 15 4 887762584 +674 121 4 887762881 +674 151 2 887763274 +674 222 3 887762839 +674 245 4 887762430 +674 252 2 887763151 +674 255 4 887763012 +674 257 4 887762641 +674 289 2 887763151 +674 313 5 887762296 +674 539 1 887763151 +674 597 3 887763150 +674 678 3 887762480 +674 742 5 887762714 +674 751 3 887762398 +674 827 4 887762899 +674 866 5 887763062 +674 1197 3 887763386 +674 1620 4 887763035 +675 286 4 889488431 +675 303 5 889488522 +675 318 5 889489273 +675 463 5 889489003 +675 891 2 889488779 +675 896 5 889488575 +675 900 4 889488624 +675 1007 4 889489522 +675 1628 5 889489837 +676 9 2 892686134 +676 22 5 892686606 +676 168 5 892686459 +676 174 5 892686459 +676 193 5 892686606 +676 222 4 892686273 +676 269 2 892685224 +676 270 4 892685489 +676 295 1 892686220 +676 302 5 892685224 +676 303 4 892685403 +676 328 5 892685657 +676 345 2 892685621 +676 471 3 892686273 +676 539 4 892685920 +676 546 3 892686371 +676 687 1 892685803 +676 750 4 892685252 +676 890 1 892685900 +676 1483 4 892685826 +677 7 4 889399171 +677 14 1 889399265 +677 91 5 889399671 +677 109 1 889399327 +677 151 4 889399431 +677 243 3 889399113 +677 245 5 885191403 +677 268 5 889398907 +677 289 1 889399113 +677 300 5 889398960 +677 508 5 889399171 +677 539 3 889399113 +677 678 4 889399113 +677 687 4 889399113 +677 742 4 889399139 +677 748 4 889399113 +677 980 2 889399470 +677 1049 3 889399139 +678 1 5 879544882 +678 15 3 879544449 +678 147 4 879544882 +678 237 3 879544915 +678 275 2 879544450 +678 276 5 879544952 +678 287 3 879544397 +678 515 4 879544782 +678 742 4 879544783 +678 1115 3 879544815 +679 1 3 884487688 +679 28 5 884486732 +679 50 5 884486758 +679 63 3 884489283 +679 143 2 884487135 +679 153 2 884486904 +679 154 4 884486658 +679 168 5 884487534 +679 215 3 884487999 +679 222 4 884487418 +679 223 5 884487052 +679 249 3 884486594 +679 268 4 884312834 +679 294 1 884312763 +679 322 3 884312763 +679 531 4 884487153 +679 721 3 884487611 +679 727 4 884487961 +679 748 4 884312926 +680 150 5 877075105 +680 203 3 876816162 +680 242 4 876815942 +680 269 4 876815942 +680 273 3 877075214 +680 318 5 876816106 +681 294 5 885409938 +681 310 3 885409572 +681 328 3 885409810 +681 682 1 885409810 +681 690 4 885409770 +681 990 4 885409770 +681 1105 3 885409742 +681 1176 4 885409515 +681 1394 5 885409742 +682 2 3 888522541 +682 5 3 888520799 +682 22 5 888519725 +682 25 4 888521564 +682 26 3 888517986 +682 39 4 888518009 +682 55 4 888520705 +682 58 3 888517627 +682 67 4 888523581 +682 72 3 888521540 +682 86 2 888518206 +682 88 4 888521599 +682 95 5 888523581 +682 96 4 888523635 +682 98 4 888520638 +682 108 3 888521564 +682 109 3 888521539 +682 111 3 888521740 +682 135 4 888517484 +682 148 3 888520923 +682 151 5 888523115 +682 153 3 888521465 +682 156 5 888519207 +682 163 3 888521833 +682 175 3 888517265 +682 179 4 888517627 +682 183 3 888520638 +682 184 4 888519307 +682 185 4 888520639 +682 186 4 888521413 +682 187 5 888517235 +682 192 3 888516979 +682 195 4 888522418 +682 196 5 888523581 +682 202 4 888521413 +682 210 4 888522326 +682 211 4 888522311 +682 217 4 888523581 +682 219 2 888522857 +682 223 1 888517011 +682 226 3 888520923 +682 228 4 888520923 +682 229 4 888520923 +682 231 1 888522612 +682 232 3 888519408 +682 233 2 888520864 +682 239 3 888517439 +682 243 1 888516865 +682 246 5 888518659 +682 248 3 888518640 +682 249 3 888518722 +682 250 4 888523635 +682 258 3 888516814 +682 263 1 888518541 +682 268 5 888518279 +682 271 4 888518279 +682 274 4 888521740 +682 276 3 888517097 +682 290 1 888522217 +682 298 4 888518639 +682 299 4 888518363 +682 362 2 888518251 +682 363 2 888522612 +682 380 4 888517510 +682 385 3 888522456 +682 393 4 888521711 +682 395 3 888523657 +682 405 2 888522456 +682 427 4 888523581 +682 433 3 888521540 +682 451 3 888521637 +682 467 3 888517364 +682 471 3 888517537 +682 475 3 888521465 +682 542 2 888523227 +682 551 2 888522977 +682 552 3 888520977 +682 553 3 888517627 +682 558 1 888519276 +682 559 4 888522837 +682 562 2 888522700 +682 583 2 888517587 +682 585 4 888522021 +682 591 3 888517097 +682 627 4 888523171 +682 628 4 888517364 +682 631 3 888517922 +682 657 4 888520638 +682 660 2 888517870 +682 678 1 888516814 +682 683 2 888518503 +682 685 3 888522541 +682 686 4 888519725 +682 696 4 888518035 +682 708 3 888518104 +682 713 3 888517537 +682 719 2 888521982 +682 738 3 888522021 +682 762 3 888521637 +682 769 2 888522951 +682 781 2 888521833 +682 790 3 888521942 +682 801 3 888521907 +682 820 3 888523323 +682 823 2 888522613 +682 824 1 888521907 +682 833 1 888522260 +682 849 2 888522699 +682 866 2 888522101 +682 876 3 888521290 +682 881 3 888521291 +682 890 2 888518564 +682 925 3 888520923 +682 941 4 888518035 +682 943 3 888520864 +682 946 4 888523155 +682 948 2 888516865 +682 1011 4 888517986 +682 1035 3 888523227 +682 1067 3 888520497 +682 1079 3 888523657 +682 1084 2 888518164 +682 1093 3 888522100 +682 1135 2 888518035 +682 1178 1 888521866 +682 1188 3 888519408 +682 1217 3 888521047 +682 1225 4 888521783 +682 1231 2 888522612 +683 22 4 893286550 +683 132 5 893286207 +683 269 3 893282664 +683 270 3 893283049 +683 271 3 893284183 +683 272 4 893286260 +683 300 3 893283728 +683 301 2 893283728 +683 305 4 893286261 +683 307 3 893286347 +683 311 3 893283049 +683 317 4 893286501 +683 322 2 893283903 +683 323 3 893283903 +683 325 2 893286346 +683 340 4 893286260 +683 344 3 893284138 +683 472 3 893286550 +683 609 3 893286502 +683 754 3 893284184 +683 880 3 893283641 +683 906 4 893286261 +684 8 5 878761120 +684 15 5 878759758 +684 49 4 878762243 +684 50 4 875810897 +684 63 4 878762087 +684 66 4 878762033 +684 67 3 878762144 +684 82 5 875812227 +684 100 4 875810574 +684 117 4 875810999 +684 158 3 878760372 +684 168 4 878761120 +684 173 3 878761120 +684 178 4 878760250 +684 215 5 875812176 +684 217 2 875811965 +684 225 3 875811341 +684 265 4 878759435 +684 274 2 878759884 +684 282 4 875811274 +684 365 4 878759820 +684 376 3 878762273 +684 411 3 875811455 +684 435 3 878761717 +684 483 5 878576905 +684 716 2 878761751 +684 756 4 875811455 +684 763 2 878232961 +684 1028 4 875810966 +684 1301 3 878760019 +685 299 2 879451540 +685 324 3 879451401 +685 337 2 879451401 +686 11 4 879546083 +686 48 5 879545180 +686 56 5 879546147 +686 97 2 879546847 +686 173 5 879546847 +686 178 5 879546715 +686 192 5 879545340 +686 197 5 879545814 +686 209 5 879545550 +686 214 5 879546651 +686 265 4 879545550 +686 317 5 879546553 +686 430 4 879546786 +686 435 5 879545758 +686 451 4 879546847 +686 467 5 879547336 +686 518 5 879546497 +686 527 3 879547177 +686 969 5 879546083 +687 300 4 884652089 +687 313 5 884651420 +687 321 4 884651818 +687 895 4 884652331 +687 988 3 884652429 +688 304 5 884153606 +688 307 4 884153505 +688 309 5 884153606 +688 341 5 884153606 +688 349 5 884153712 +688 359 5 884153606 +688 898 5 884153606 +689 13 1 876676397 +689 50 5 876676397 +689 118 4 876676433 +689 150 4 876676134 +689 257 5 876676397 +689 260 3 879211543 +689 295 1 876676334 +689 300 5 876674606 +689 328 5 879211479 +689 405 5 876676292 +689 410 1 876676293 +689 475 4 876676334 +689 596 3 876676134 +689 763 4 876676165 +690 4 3 881177459 +690 8 4 881177430 +690 9 3 881178232 +690 51 3 881180543 +690 56 4 881177349 +690 70 2 881179584 +690 73 2 881177271 +690 121 3 881179906 +690 153 5 881177485 +690 167 2 881177662 +690 186 4 881177349 +690 197 4 881180427 +690 202 2 881177349 +690 208 5 881177302 +690 211 3 881177349 +690 238 5 881177302 +690 240 1 881179469 +690 294 3 881177237 +690 357 5 881179122 +690 402 3 881180497 +690 435 5 881177616 +690 451 4 881177910 +690 496 4 881179222 +690 546 4 881178383 +690 554 3 881180005 +690 581 2 881180109 +690 585 2 881177970 +690 629 1 881177459 +690 655 4 881177272 +690 684 4 881179938 +690 722 3 881177937 +690 747 3 881180427 +690 763 4 881177553 +690 780 4 881177910 +690 1028 4 881177836 +690 1041 3 881177804 +690 1090 3 881180138 +690 1118 1 881177459 +690 1185 1 881177778 +690 1210 3 881180035 +690 1273 3 881180382 +691 178 5 875543281 +691 185 5 875543281 +691 318 5 875543281 +691 500 3 875543068 +691 524 5 875543153 +691 604 5 875543025 +691 631 4 875543025 +691 672 1 875543153 +692 25 4 876953340 +692 168 2 876953204 +692 194 4 876953340 +692 208 4 876953340 +692 211 4 876953340 +692 249 3 876953681 +692 294 3 876946833 +692 300 4 876953340 +692 326 3 876948579 +692 328 4 876953340 +692 411 4 876954021 +692 523 3 876953204 +692 763 3 876954381 +692 866 4 876953733 +692 1012 1 876953553 +692 1047 2 876953616 +693 12 4 875482056 +693 48 5 875482280 +693 56 4 875483268 +693 79 4 875483330 +693 88 3 883975500 +693 96 4 875483881 +693 97 5 875482604 +693 99 3 875484763 +693 121 2 875483564 +693 127 4 875482056 +693 130 1 875483144 +693 144 4 875483847 +693 157 4 875482779 +693 159 4 875483521 +693 161 3 875484089 +693 174 4 875483881 +693 176 2 875483268 +693 177 3 875484882 +693 187 3 875482336 +693 191 2 875482136 +693 192 2 875482477 +693 193 4 875482092 +693 195 4 875483847 +693 199 3 883975558 +693 216 4 875484613 +693 222 2 875482524 +693 229 2 875483435 +693 234 2 875483330 +693 258 4 875481336 +693 272 4 885703603 +693 281 3 875483597 +693 288 2 883975203 +693 298 3 885703740 +693 313 5 885703726 +693 378 2 883975537 +693 449 2 875483407 +693 471 3 875482653 +693 492 3 875484539 +693 506 2 875484932 +693 507 4 875484837 +693 520 2 875485037 +693 521 5 875482092 +693 528 1 875484613 +693 576 2 875484148 +693 582 2 875482477 +693 591 3 875482779 +693 649 2 875483169 +693 651 3 875482548 +693 664 2 875482689 +693 685 4 875483947 +693 697 4 875482574 +693 708 3 875483049 +693 729 4 875482912 +693 742 3 875483407 +693 855 2 883975636 +693 939 4 875483381 +693 977 3 875483597 +693 1135 3 875482689 +693 1248 3 875483597 +694 23 3 875727926 +694 52 4 875729667 +694 69 5 875727715 +694 88 4 875727018 +694 89 4 875728220 +694 118 4 875729983 +694 127 5 875730386 +694 135 5 875727018 +694 143 4 875727513 +694 144 4 875728912 +694 161 4 875727018 +694 163 4 875729982 +694 177 5 875726886 +694 179 4 875730980 +694 187 4 875727582 +694 215 3 875728181 +694 318 5 875727099 +694 451 4 875729068 +694 470 4 875727144 +694 483 5 875727449 +694 485 4 875728952 +694 492 4 875727581 +694 498 5 875726618 +694 510 5 875726927 +694 511 5 875728048 +694 519 4 875728293 +694 521 3 875730042 +694 523 4 875727877 +694 526 5 875729431 +694 527 5 875727449 +694 582 4 875728801 +694 603 4 875727476 +694 606 4 875727189 +694 630 3 875728912 +694 648 5 875728639 +694 657 4 875728952 +694 660 3 875729270 +694 663 4 875727926 +694 665 4 875728729 +694 673 4 875726926 +694 836 4 875727821 +694 965 4 875727672 +694 1020 4 875728345 +694 1028 3 875728581 +694 1126 5 875727449 +694 1221 3 875728842 +694 1269 5 875726793 +695 242 5 888805837 +695 268 5 888805864 +695 323 2 888806292 +695 324 2 888805981 +695 354 4 888806056 +695 682 1 888805952 +695 895 1 888805864 +695 903 4 888806082 +695 991 5 888806011 +696 9 5 886404617 +696 124 5 886404617 +696 245 4 886404208 +696 302 5 886403632 +696 307 5 886404144 +696 311 5 886404063 +696 347 1 886403578 +696 427 5 886404542 +696 520 5 886404617 +696 748 1 886404268 +696 906 3 886403769 +696 1062 4 886403631 +696 1126 3 886404617 +697 7 5 882622798 +697 50 5 882621913 +697 118 3 882622044 +697 121 4 882622066 +697 122 4 882622248 +697 127 5 882622481 +697 246 5 882622798 +697 257 5 882621913 +697 270 5 882622481 +697 284 5 882622581 +697 286 4 882621486 +697 288 2 882621431 +697 310 3 882621431 +697 323 4 882621621 +697 325 4 882621673 +697 328 5 882621486 +697 343 4 882621548 +697 455 4 882622170 +697 456 3 882622287 +697 591 4 882622016 +697 595 4 882622066 +697 742 3 882622044 +697 815 3 882622430 +697 820 3 882622373 +697 833 3 882622228 +697 876 3 882621595 +697 975 1 882622044 +697 979 5 882622044 +697 1012 1 882622824 +697 1047 3 882622228 +697 1067 5 882622170 +697 1089 3 882621958 +698 1 4 886366815 +698 9 3 886367956 +698 25 2 886367917 +698 96 4 886366515 +698 100 2 886367809 +698 131 4 886366955 +698 143 3 886367530 +698 172 5 886367100 +698 173 5 886366652 +698 175 3 886367406 +698 176 4 886366814 +698 181 3 886366141 +698 198 2 886367442 +698 199 2 886367065 +698 202 3 886367775 +698 204 2 886366770 +698 257 3 886366141 +698 258 3 886365527 +698 294 4 886365733 +698 300 4 886365577 +698 404 1 886368545 +698 423 2 886366731 +698 427 1 886367013 +698 428 1 886367955 +698 431 1 886367750 +698 433 4 886366848 +698 465 3 886367720 +698 479 2 886368545 +698 480 2 886367100 +698 482 2 886367406 +698 483 3 886367133 +698 486 4 886366815 +698 487 2 886367508 +698 490 3 886366814 +698 499 3 886366515 +698 511 2 886367693 +698 525 1 886367615 +698 588 4 886367558 +698 606 2 886366770 +698 625 3 886366731 +698 648 4 886367100 +698 654 1 886367586 +698 662 2 886367406 +698 709 4 886367065 +698 855 2 886367615 +698 1021 1 886367615 +698 1115 2 886367955 +699 9 2 878882133 +699 10 4 883884599 +699 15 1 878882511 +699 21 3 884152916 +699 50 3 878881875 +699 98 4 878883038 +699 116 4 887503290 +699 124 4 878882667 +699 127 3 878881828 +699 129 4 878882667 +699 137 4 878882667 +699 185 4 878883038 +699 191 3 878883173 +699 220 2 885775430 +699 243 2 879147597 +699 246 4 883278783 +699 273 3 878882563 +699 275 3 879148201 +699 283 4 879147032 +699 288 3 878881675 +699 304 4 880695431 +699 309 3 882000505 +699 322 3 879382698 +699 340 4 893140639 +699 370 3 879148129 +699 458 4 879148051 +699 473 3 880696344 +699 482 2 878883038 +699 523 2 878883038 +699 619 2 887503290 +699 685 3 879147367 +699 762 3 878882455 +699 828 3 884152917 +699 831 2 884152570 +699 880 3 893140941 +699 886 3 893140639 +699 930 2 880696344 +699 978 4 886568066 +699 1011 4 880696196 +699 1013 3 879147722 +699 1028 2 880696678 +699 1033 4 884152917 +699 1061 3 879147169 +699 1093 3 880696051 +699 1163 5 879148050 +699 1187 4 879148051 +699 1328 4 879148051 +699 1336 3 884152976 +700 28 3 884493712 +700 73 3 884494380 +700 169 3 884493862 +700 173 5 884493713 +700 174 4 884493862 +700 222 3 884493899 +700 318 4 884494420 +700 423 4 884493943 +700 531 4 884494380 +701 275 5 891447228 +701 289 4 891446857 +701 300 3 891446520 +701 303 4 891446618 +701 311 5 891446679 +701 313 4 891446521 +701 328 4 891446707 +701 689 3 891446822 +701 690 4 891446520 +702 222 5 885767775 +702 227 4 885767775 +702 229 4 885767775 +702 230 4 885767774 +702 258 5 885767306 +702 343 2 885767629 +702 350 1 885767336 +702 352 1 885767435 +702 449 3 885767775 +702 538 4 885767461 +702 683 1 885767576 +702 687 1 885767629 +702 688 1 885767629 +702 748 2 885767556 +702 879 1 885767604 +703 1 4 875242851 +703 9 2 875242814 +703 25 3 875242683 +703 118 5 875242852 +703 123 4 875242787 +703 181 5 875242762 +703 235 1 875242885 +703 276 3 875242964 +703 288 4 875242076 +703 300 4 875242077 +703 322 3 875242336 +703 508 3 875243028 +703 596 3 875242912 +703 628 4 875242762 +703 748 3 875242281 +703 764 2 875242885 +703 845 4 875243028 +703 993 4 875242787 +703 1197 3 875242762 +704 14 3 891397190 +704 22 2 891397441 +704 69 3 891397441 +704 135 5 891397305 +704 173 4 891397058 +704 175 3 891397712 +704 185 4 891398702 +704 187 4 891397143 +704 208 3 891397262 +704 269 4 891397015 +704 272 5 891397015 +704 318 5 891397491 +704 344 4 891397015 +704 347 4 891397015 +704 435 4 891397058 +704 492 5 891397491 +704 493 4 891397190 +704 497 3 891397764 +704 528 3 891397491 +704 603 5 891397262 +704 611 3 891397764 +704 631 3 891397366 +704 632 3 891397441 +704 648 5 891397667 +704 661 4 891397667 +704 679 2 891398726 +704 1299 3 891398702 +705 22 5 883427988 +705 29 5 883428237 +705 62 5 883428178 +705 69 3 883518834 +705 71 5 883427640 +705 79 5 883428028 +705 82 5 883427663 +705 89 2 883428083 +705 94 4 883427857 +705 95 4 883427640 +705 99 3 883427691 +705 142 2 883427932 +705 143 3 883427663 +705 148 5 883427134 +705 183 2 883427988 +705 193 3 883518903 +705 195 2 883428083 +705 210 5 883427988 +705 215 2 883518871 +705 222 5 883427318 +705 225 4 883427594 +705 227 4 883428178 +705 228 3 883428109 +705 252 1 883427552 +705 318 5 883518731 +705 399 5 883427778 +705 403 4 883428154 +705 546 3 883427377 +705 597 4 883427339 +705 623 5 883427778 +705 625 5 883427691 +705 655 3 883518852 +705 684 3 883428084 +705 685 5 883427190 +705 699 5 883427640 +705 720 5 883428178 +705 826 4 883428238 +705 843 2 883427796 +705 849 3 883428201 +705 1035 4 883427737 +705 1544 4 883427691 +706 9 3 880997105 +706 148 4 880997464 +706 181 4 880997105 +706 258 4 880997001 +706 273 3 880997142 +706 288 3 880996945 +706 294 4 880996945 +706 325 1 880996945 +706 410 4 880997444 +706 471 4 880997172 +706 682 2 880996945 +706 742 2 880997324 +706 756 4 880997412 +707 4 3 886286170 +707 6 3 886285627 +707 58 3 886285907 +707 64 3 886286170 +707 81 2 886286491 +707 88 3 886287331 +707 93 5 880059995 +707 135 2 886286032 +707 137 5 880059876 +707 155 3 886288598 +707 168 3 886286170 +707 174 2 886286133 +707 194 4 886286246 +707 200 2 886286491 +707 212 4 886286792 +707 216 3 886286092 +707 220 2 880060549 +707 248 4 886285498 +707 279 3 886285627 +707 294 2 879438988 +707 297 3 880060261 +707 303 3 879438988 +707 305 5 879439188 +707 311 4 879439624 +707 317 3 886286433 +707 318 5 880061699 +707 319 5 879439088 +707 347 5 886285277 +707 381 3 886286457 +707 449 2 886288688 +707 458 3 880060724 +707 473 4 880060820 +707 485 4 886287079 +707 488 4 886286491 +707 490 2 886285792 +707 517 3 886287079 +707 527 5 880061699 +707 533 5 880060420 +707 536 3 880059921 +707 603 3 886286926 +707 606 4 886285762 +707 614 2 886287876 +707 618 3 886288282 +707 638 4 886286361 +707 648 4 886285824 +707 660 5 886287107 +707 696 4 880061405 +707 703 4 886287236 +707 719 3 886288189 +707 732 4 886287160 +707 736 4 886286311 +707 744 3 880060261 +707 747 3 886287900 +707 766 3 886287051 +707 782 3 886288263 +707 811 4 886287531 +707 869 1 886289521 +707 880 2 887860711 +707 882 4 879439382 +707 921 4 886286361 +707 949 3 886287191 +707 950 2 880061287 +707 953 4 886288015 +707 962 2 886285792 +707 1008 3 880060460 +707 1022 3 879439088 +707 1068 4 880061405 +707 1101 4 880061652 +707 1120 4 880060974 +707 1141 3 886285791 +707 1163 4 880060724 +707 1168 3 886287990 +707 1174 5 880059749 +707 1211 4 886287268 +707 1401 3 886286663 +707 1479 5 886287854 +707 1545 2 886288189 +707 1642 5 886286491 +708 9 1 877325135 +708 25 3 877325838 +708 111 4 877325570 +708 118 5 877325545 +708 121 3 877325349 +708 125 4 877325601 +708 126 4 892719340 +708 127 3 877325213 +708 149 3 892719246 +708 150 4 892719246 +708 237 5 892719144 +708 258 5 892719007 +708 269 3 892718875 +708 278 4 877325956 +708 300 4 892718939 +708 319 5 892719062 +708 347 3 892718637 +708 473 1 877325656 +708 476 3 892719385 +708 508 4 892719193 +708 546 3 877325601 +708 596 4 877326158 +708 685 3 877326158 +708 687 2 892719062 +708 713 4 877325316 +708 742 1 892719385 +708 845 5 892719269 +708 926 3 877325523 +708 1023 3 877326114 +708 1152 5 892719143 +708 1280 1 892718819 +709 7 3 879846440 +709 11 5 879847945 +709 50 5 879846489 +709 53 3 879848272 +709 62 3 879848590 +709 79 3 879846440 +709 97 5 879846784 +709 117 4 879846623 +709 172 5 879848397 +709 173 4 879846169 +709 183 5 879846590 +709 192 4 879846705 +709 203 4 879849372 +709 209 3 879846332 +709 210 4 879848432 +709 214 1 879846922 +709 217 5 879848168 +709 228 3 879848397 +709 232 5 879848590 +709 234 5 879847945 +709 282 5 879847945 +709 318 5 879846210 +709 363 3 879848695 +709 402 3 879849185 +709 405 3 879848590 +709 413 2 879848209 +709 423 3 879846741 +709 427 4 879846489 +709 431 5 879848511 +709 441 4 879848239 +709 472 4 879848792 +709 508 4 879846590 +709 541 3 879848695 +709 546 4 879848475 +709 550 3 879848475 +709 567 2 879848272 +709 578 4 879848645 +709 628 3 879847000 +709 672 2 879848239 +709 728 4 879849185 +709 747 2 879848925 +709 808 4 879848645 +709 859 3 879848318 +709 1059 5 879847945 +709 1218 4 879846623 +710 89 4 882063736 +710 95 3 882064434 +710 135 5 882064041 +710 172 4 882064283 +710 174 4 882064283 +710 180 4 882063736 +710 185 4 882064321 +710 198 4 883705435 +710 234 4 882064321 +710 268 4 882063276 +710 282 2 882063921 +710 299 3 882063612 +710 330 3 882063612 +710 333 3 882063367 +710 334 2 882063327 +710 340 4 882063367 +710 343 3 882063327 +710 346 4 883705502 +710 418 3 882063685 +710 419 4 882063766 +710 432 5 882064434 +710 496 4 882063793 +710 504 4 882063649 +710 510 4 882064283 +710 656 5 882064321 +710 720 3 882063649 +710 874 3 882063254 +710 886 3 882063528 +710 1019 4 882064555 +711 16 5 886031006 +711 42 3 876278831 +711 52 5 879993534 +711 58 4 879993028 +711 66 4 879994801 +711 69 3 879993194 +711 77 3 879994749 +711 79 4 879992739 +711 82 3 879994632 +711 86 5 886030557 +711 114 5 879992870 +711 116 5 888458447 +711 121 1 876185726 +711 134 5 876278804 +711 135 4 879992445 +711 155 4 879995382 +711 162 5 879994875 +711 168 4 879993318 +711 169 5 879992929 +711 170 5 876279059 +711 172 5 879992445 +711 180 4 876279059 +711 181 4 876185574 +711 189 5 886030557 +711 197 4 879993110 +711 202 4 879993194 +711 213 5 879994390 +711 219 2 879995792 +711 238 4 879993126 +711 240 1 879991425 +711 241 4 879994536 +711 250 2 876185855 +711 255 4 886030579 +711 265 2 879994536 +711 272 5 884485798 +711 281 3 879995362 +711 288 1 879991364 +711 301 4 889910848 +711 312 5 883589763 +711 313 4 889910848 +711 318 5 879992968 +711 354 3 889910865 +711 380 3 879993959 +711 381 5 879994749 +711 393 4 879994778 +711 416 3 879995215 +711 423 3 879993534 +711 425 4 879993728 +711 427 5 886030557 +711 433 4 879992994 +711 451 5 879994749 +711 475 5 876185673 +711 485 4 879993278 +711 496 5 879993073 +711 542 1 879995754 +711 559 3 879994020 +711 566 2 879995259 +711 655 4 879993605 +711 660 5 879994825 +711 676 5 876185812 +711 704 4 879993650 +711 736 5 879993871 +711 747 4 879993871 +711 755 3 879994581 +711 762 3 879991585 +711 829 2 879992018 +711 845 4 879991247 +711 921 5 879993318 +711 923 5 879993629 +711 955 1 879992739 +711 959 5 879995322 +711 995 4 879991134 +711 1053 4 879995099 +711 1115 4 876185812 +711 1163 4 879991347 +711 1168 4 879995753 +711 1170 3 879993842 +711 1446 2 879994608 +712 38 4 874730553 +712 50 4 874729750 +712 61 3 874730031 +712 63 4 874956903 +712 66 5 874729816 +712 67 3 874957086 +712 69 3 874730085 +712 71 5 874730261 +712 88 4 874730155 +712 94 4 874957005 +712 102 4 874956543 +712 140 4 874957140 +712 168 2 874956357 +712 172 5 874729901 +712 173 5 874729901 +712 191 3 874730396 +712 195 3 874730085 +712 196 4 874730396 +712 210 5 874730293 +712 230 3 874730467 +712 234 2 874729935 +712 365 3 874730234 +712 367 4 874956841 +712 376 3 874956903 +712 378 4 874730370 +712 388 3 874957053 +712 395 4 874957005 +712 398 4 874957179 +712 401 3 874957027 +712 417 4 874729750 +712 423 3 874729960 +712 432 4 874730056 +712 433 3 874956903 +712 462 3 874730085 +712 486 4 874730521 +712 495 4 874730520 +712 506 3 874730520 +712 560 3 874730261 +712 585 4 874730234 +712 588 4 874956515 +712 627 4 874956515 +712 652 3 876251407 +712 655 5 874730467 +712 716 5 874730370 +712 724 3 874957268 +712 729 5 874730491 +712 738 4 874956841 +712 755 4 874957113 +712 768 5 874956560 +712 794 4 874957243 +712 843 3 874957140 +712 944 4 874956981 +712 969 4 874729850 +712 996 4 874956903 +712 1037 4 874956981 +712 1053 4 874730490 +712 1221 4 874956641 +712 1503 4 874730235 +713 269 4 888882040 +713 270 2 888882179 +713 286 3 888881939 +713 302 4 888882040 +713 311 3 888882040 +713 315 4 888881988 +713 327 2 888882085 +713 342 3 888882179 +713 344 5 888882276 +713 345 3 888881939 +713 362 1 888882040 +713 750 3 888881939 +713 882 3 888881988 +713 898 3 888882276 +714 1 3 892776123 +714 3 5 892777876 +714 111 3 892777330 +714 117 5 892777876 +714 151 3 892777812 +714 250 5 892777876 +714 284 3 892777438 +714 291 3 892777117 +714 405 5 892777876 +714 410 3 892777767 +714 471 4 892777903 +714 1016 5 892777876 +714 1028 4 892777877 +715 1 5 875961843 +715 2 3 875964926 +715 4 4 875964300 +715 7 3 875962110 +715 11 4 875963306 +715 24 3 875962374 +715 28 5 875963242 +715 39 3 875964273 +715 40 1 875964681 +715 42 5 875963112 +715 64 5 875963242 +715 71 3 875963354 +715 79 5 875964579 +715 81 4 875963112 +715 88 3 875964633 +715 96 4 875963538 +715 108 4 875962315 +715 118 2 875962395 +715 128 3 875964300 +715 135 2 875964203 +715 157 4 875963024 +715 158 2 875965035 +715 161 5 875964905 +715 168 4 875963657 +715 196 4 875964131 +715 205 5 875964410 +715 208 3 875963836 +715 222 3 875962227 +715 227 3 875964272 +715 234 4 875963242 +715 248 4 875962280 +715 257 4 875962423 +715 274 3 875963899 +715 376 2 875964545 +715 405 3 875962374 +715 433 2 875963082 +715 462 4 875963998 +715 470 4 875963538 +715 471 4 875962202 +715 546 4 875962076 +715 564 2 875964300 +715 588 4 875963353 +715 658 4 875963693 +715 685 3 875962173 +715 697 2 875963566 +715 746 5 875964025 +715 1215 1 875962762 +716 11 4 879795790 +716 22 5 879795159 +716 50 5 879793192 +716 56 5 879796171 +716 64 5 879795314 +716 69 5 879795188 +716 70 4 879796046 +716 73 4 879797256 +716 81 4 879796475 +716 88 4 879796596 +716 99 5 879796214 +716 102 2 879797256 +716 117 4 879793542 +716 121 5 879794116 +716 122 2 879794727 +716 134 5 879795314 +716 136 5 879795790 +716 151 5 879793631 +716 172 4 879795542 +716 174 5 879795025 +716 175 2 879795644 +716 180 3 879794815 +716 185 5 879796046 +716 197 5 879794962 +716 199 4 879796096 +716 202 4 879794935 +716 203 4 879796311 +716 208 5 879795790 +716 215 5 879796046 +716 216 5 879795239 +716 218 3 879796766 +716 222 4 879793192 +716 225 3 879794482 +716 241 3 879796138 +716 257 5 879793465 +716 265 5 879797414 +716 387 4 879797391 +716 393 3 879796596 +716 399 3 879797414 +716 404 4 879796438 +716 418 4 879796620 +716 420 4 879796766 +716 428 3 879795838 +716 432 5 879795269 +716 473 4 879794379 +716 474 5 879795122 +716 479 4 879796010 +716 480 5 879795025 +716 482 5 879795867 +716 485 5 879795375 +716 486 5 879795121 +716 492 3 879795425 +716 493 5 879795949 +716 497 3 879795949 +716 506 4 879794775 +716 511 5 879795542 +716 514 5 879796331 +716 519 3 879796555 +716 520 4 879794935 +716 546 1 879794094 +716 549 4 879797372 +716 601 4 879794892 +716 605 3 879796215 +716 606 5 879796214 +716 609 3 879796354 +716 610 4 879795375 +716 614 4 879795159 +716 615 3 879795269 +716 620 3 879797287 +716 622 3 879797152 +716 632 4 879795691 +716 648 4 879796138 +716 659 4 879794962 +716 660 4 879796718 +716 662 3 879794962 +716 692 5 879795239 +716 723 4 879796072 +716 724 4 879796138 +716 732 5 879795375 +716 792 4 879796010 +716 842 3 879796846 +716 946 2 879796718 +716 965 2 879797504 +716 1016 3 879794032 +716 1020 5 879795314 +716 1124 3 879795838 +717 24 2 884642297 +717 50 4 884715122 +717 125 4 884642339 +717 126 5 884642580 +717 130 2 884642958 +717 148 3 884642958 +717 237 5 884642400 +717 250 1 884715146 +717 262 4 884641621 +717 269 5 884642133 +717 280 4 884642738 +717 281 4 884642958 +717 288 1 884641717 +717 298 3 884715172 +717 299 4 884641743 +717 300 5 884641808 +717 303 4 884641644 +717 307 5 884642133 +717 326 3 884641621 +717 327 3 884641681 +717 333 4 884641681 +717 343 4 884641983 +717 455 2 884642479 +717 472 4 884642581 +717 597 4 884642710 +717 678 3 884641842 +717 685 4 884642581 +717 825 2 884642558 +717 826 2 884642868 +717 831 3 884642958 +717 846 4 884642339 +717 866 1 884642932 +717 888 5 884642133 +717 890 1 884642001 +717 975 2 884642843 +717 1137 5 884642580 +717 1282 4 884642762 +718 15 5 883348962 +718 118 4 883348912 +718 121 4 883348773 +718 255 4 883348773 +718 289 3 883348391 +718 405 5 883349384 +718 685 4 883349301 +718 717 4 883349214 +718 744 3 883348824 +718 750 3 883449953 +718 751 5 883449953 +718 815 4 883348873 +718 831 3 883349663 +718 1047 3 883349442 +719 58 3 879360933 +719 64 5 879360442 +719 69 5 879360536 +719 71 3 883354106 +719 79 4 877310859 +719 87 2 879360617 +719 88 3 888454637 +719 97 3 879360845 +719 214 2 879360965 +719 216 4 879373935 +719 220 5 888454728 +719 240 1 879372631 +719 285 4 877917156 +719 293 3 883982002 +719 298 2 888451537 +719 318 5 879360493 +719 378 4 879360555 +719 423 3 879360583 +719 456 1 879373729 +719 582 3 888451748 +719 620 4 879359034 +719 890 1 879358395 +720 262 4 891262608 +720 268 4 891262669 +720 286 5 891262635 +720 310 4 891262762 +720 313 3 891262608 +720 316 4 891263387 +720 347 3 891262608 +720 898 4 891262812 +720 1176 5 891262812 +721 8 4 877154765 +721 15 4 877140632 +721 28 5 877140137 +721 51 4 877141038 +721 56 3 877150031 +721 65 1 877140221 +721 69 4 877140282 +721 77 5 877147200 +721 81 2 877139301 +721 84 3 877147675 +721 97 4 877140780 +721 107 4 877140780 +721 111 4 877154765 +721 145 4 877139773 +721 172 5 877138884 +721 173 5 877138745 +721 174 5 877139015 +721 179 5 877141038 +721 181 5 877138951 +721 197 4 877140221 +721 199 4 877147323 +721 216 5 877138498 +721 239 4 877147007 +721 243 3 877137527 +721 245 3 877137527 +721 260 3 877137109 +721 261 3 877137214 +721 286 5 877137285 +721 299 3 877137447 +721 303 3 877137285 +721 304 3 877137285 +721 306 3 877137285 +721 323 3 877137598 +721 327 2 877136967 +721 330 3 877136967 +721 332 4 877137358 +721 334 1 877136831 +721 406 1 877154989 +721 423 5 877141373 +721 455 5 877138884 +721 457 3 877137214 +721 471 5 877138200 +721 518 2 877140221 +721 581 2 877141373 +721 582 3 877140490 +721 660 5 877147616 +721 678 3 877137527 +721 684 4 877138200 +721 720 5 877138395 +721 735 4 877141039 +721 873 3 877137447 +721 880 3 877137109 +721 937 3 877137359 +721 938 3 877137359 +721 988 3 877137598 +721 991 3 877137214 +721 1039 5 877140780 +721 1265 3 877138661 +722 100 4 891280894 +722 111 3 891281077 +722 322 3 891280402 +722 333 5 891279945 +722 471 4 891281020 +722 476 4 891281635 +722 508 4 891281020 +722 628 4 891280894 +722 756 3 891281369 +723 1 3 880499050 +723 169 4 880498938 +723 172 4 880498890 +723 189 3 880498938 +723 191 3 880499019 +723 258 4 880498768 +723 289 2 880498816 +723 322 2 880499254 +724 258 4 883757537 +724 259 2 883757726 +724 272 5 883756996 +724 286 1 883758268 +724 289 1 883757703 +724 301 4 883757670 +724 307 3 883757468 +724 308 1 883757170 +724 313 5 883756996 +724 327 4 883757670 +724 328 4 883757727 +724 333 4 883757670 +724 336 1 883757784 +724 343 1 883757259 +724 347 4 883757670 +724 349 2 883757537 +724 678 2 883757874 +724 682 1 883757703 +724 683 1 883757834 +724 748 1 883757784 +724 750 2 883757170 +724 873 3 883757784 +724 876 1 883757784 +724 879 1 883757259 +724 893 3 883757874 +724 938 3 883757671 +724 948 1 883758119 +724 988 1 883758119 +724 989 1 883757874 +724 995 1 883757597 +724 1062 1 883758208 +724 1127 3 883758267 +724 1234 1 883757170 +725 9 4 876106243 +725 15 4 876106206 +725 19 5 876106729 +725 181 4 876106206 +725 286 5 876106729 +725 301 4 876106729 +725 321 2 876103700 +725 322 4 876103762 +725 333 5 876106729 +726 117 1 890080144 +726 248 2 889832422 +726 249 1 889832422 +726 310 4 889828404 +726 323 3 889828641 +726 535 3 889832806 +726 833 5 889832807 +726 898 2 889829235 +726 1028 2 889832592 +726 1059 5 889832806 +727 1 3 883708660 +727 5 3 883711680 +727 7 2 883708927 +727 27 4 883711847 +727 29 3 883712603 +727 39 2 883712780 +727 55 3 883710375 +727 62 3 883712603 +727 65 2 883712343 +727 66 3 883712068 +727 70 5 883710856 +727 71 3 883711069 +727 79 4 883710806 +727 80 4 883713454 +727 82 3 883711527 +727 87 4 883710347 +727 88 5 883711394 +727 89 5 883711298 +727 90 3 883711991 +727 100 2 883708830 +727 101 2 883711771 +727 114 5 883710152 +727 118 4 883709729 +727 127 4 883708830 +727 148 2 883709438 +727 157 3 883711965 +727 158 2 883713668 +727 161 4 883712716 +727 164 5 883711497 +727 167 2 883713419 +727 168 5 883710152 +727 169 5 883710419 +727 174 4 883710186 +727 176 4 883710948 +727 178 4 883710123 +727 179 3 883711150 +727 180 3 883711589 +727 183 3 883710186 +727 188 3 883711679 +727 196 4 883710514 +727 199 4 883710288 +727 206 3 883711896 +727 207 5 883710889 +727 211 4 883710464 +727 219 3 883712476 +727 227 4 883710974 +727 228 4 883711527 +727 231 3 883713286 +727 233 4 883713473 +727 239 4 883711449 +727 240 3 883709607 +727 246 4 883708806 +727 249 2 883708927 +727 250 5 883709242 +727 257 2 883708806 +727 258 2 883709325 +727 260 1 883708265 +727 268 4 883708087 +727 274 5 883709438 +727 278 2 883709325 +727 283 2 883709009 +727 291 4 883709009 +727 328 4 883708149 +727 358 2 883708462 +727 369 2 883709948 +727 393 3 883712397 +727 397 2 883712780 +727 398 2 883713714 +727 405 3 883709571 +727 411 3 883709905 +727 413 2 883709710 +727 421 5 883711181 +727 423 3 883710830 +727 431 4 883711045 +727 434 5 883710717 +727 435 3 883710687 +727 440 1 883713548 +727 444 2 883712851 +727 455 3 883709671 +727 470 5 883711847 +727 471 3 883709188 +727 483 4 883710236 +727 510 4 883710717 +727 511 4 883710948 +727 520 4 883710288 +727 526 4 883711113 +727 546 2 883709607 +727 550 4 883712519 +727 552 2 883712751 +727 567 2 883713388 +727 570 2 883713194 +727 596 4 883709188 +727 597 3 883709641 +727 635 2 883713419 +727 636 3 883711616 +727 665 3 883713257 +727 685 3 883709518 +727 722 2 883712993 +727 729 2 883711720 +727 751 3 883708208 +727 755 2 883712828 +727 760 1 883713388 +727 771 3 883713692 +727 774 3 883713257 +727 779 2 883712717 +727 808 2 883712245 +727 820 2 883709539 +727 841 3 883709208 +727 845 3 883709325 +727 926 3 883709438 +727 928 3 883709802 +727 941 2 883711874 +727 977 2 883709948 +727 1016 3 883709802 +727 1034 2 883713692 +727 1035 2 883712245 +727 1042 2 883712068 +727 1076 2 883712632 +727 1139 3 883713348 +727 1215 2 883713521 +727 1222 1 883713574 +727 1224 3 883712219 +727 1229 2 883713473 +727 1244 3 883709859 +727 1249 3 883711991 +727 1303 2 883713737 +727 1437 2 883713082 +728 15 4 879443387 +728 100 5 879443321 +728 116 4 879443291 +728 124 3 879443155 +728 147 4 879443418 +728 237 4 879443155 +728 285 4 879443446 +728 289 3 879442761 +728 304 4 879442794 +728 546 2 879443155 +728 742 4 879443321 +728 1355 4 879443265 +729 272 4 893286638 +729 288 2 893286261 +729 294 2 893286338 +729 300 4 893286638 +729 313 3 893286638 +729 322 4 893286637 +729 362 4 893286637 +729 748 4 893286638 +729 751 3 893286338 +729 901 1 893286491 +730 7 4 880310352 +730 100 5 880310371 +730 181 2 880310465 +730 237 3 880310233 +730 246 4 880310264 +730 248 3 880310324 +730 257 5 880310541 +730 258 5 880309940 +730 269 5 880309870 +730 273 2 880310324 +730 276 3 880310390 +730 301 1 880310202 +730 322 1 880310202 +730 327 2 880309964 +730 328 2 880310201 +730 410 1 880310440 +730 742 3 880310553 +730 815 3 880310490 +730 873 2 880310035 +730 875 2 880310201 +731 14 3 886179040 +731 15 4 886182632 +731 66 4 886184577 +731 69 5 886179040 +731 127 4 886179415 +731 132 3 886182632 +731 136 4 886182826 +731 140 2 886186811 +731 143 5 886182827 +731 170 5 886179040 +731 196 5 886186811 +731 204 4 886184682 +731 207 4 886182827 +731 213 5 886183515 +731 283 4 886182367 +731 320 1 886186811 +731 427 5 886186940 +731 434 1 886186811 +731 478 4 886182555 +731 480 4 886187652 +731 481 3 886182456 +731 482 3 886184770 +731 485 4 886187414 +731 521 1 886184682 +731 527 5 886184682 +731 588 3 886184682 +731 606 3 886182366 +731 611 3 886184683 +731 613 2 886186568 +731 648 4 886183515 +731 705 5 886182632 +731 1503 5 886184578 +732 245 4 882590200 +732 289 3 882590201 +732 305 2 882590201 +732 322 3 882590201 +732 332 5 882589819 +732 875 1 882590201 +732 937 4 882589967 +733 1 2 879535129 +733 13 3 879535694 +733 107 4 879536001 +733 117 2 879535779 +733 124 5 879535213 +733 126 2 879535938 +733 127 3 879535265 +733 129 2 879535299 +733 130 2 879544411 +733 137 5 879535406 +733 149 4 879535440 +733 150 2 879535440 +733 220 2 879544411 +733 258 3 879535011 +733 282 3 879535814 +733 283 3 879535368 +733 285 4 879535299 +733 286 4 879535471 +733 290 4 879535752 +733 296 2 879535265 +733 302 4 879535011 +733 324 4 879535694 +733 405 2 879536659 +733 515 5 879535213 +733 534 3 879544377 +733 546 1 879544466 +733 619 3 879536488 +733 696 3 879535909 +733 713 4 879535938 +733 740 3 879535886 +733 742 3 879535502 +733 744 4 879535723 +733 922 3 879535406 +733 985 3 879535909 +733 1023 1 879544411 +733 1047 2 879536659 +733 1085 4 879536607 +733 1114 3 879535603 +733 1115 3 879535338 +733 1163 2 879535603 +733 1226 3 879535968 +734 15 4 891026009 +734 97 4 891022993 +734 132 3 891022212 +734 165 3 891025393 +734 173 3 891025247 +734 191 4 891025523 +734 193 4 891025340 +734 213 5 891022684 +734 274 4 891025943 +734 275 4 891023019 +734 313 4 891022311 +734 318 5 891022648 +734 423 4 891022734 +734 478 4 891022849 +734 479 4 891025541 +734 487 4 891025498 +734 496 5 891025523 +734 603 4 891022958 +734 742 4 891025958 +735 7 3 876698683 +735 93 2 876698604 +735 106 3 876698714 +735 117 3 876698897 +735 124 5 876698643 +735 181 4 876698604 +735 242 5 876697561 +735 245 3 876698022 +735 277 3 876698604 +735 283 2 876698796 +735 285 4 876698897 +735 286 5 876697561 +735 289 1 876698022 +735 298 4 876698897 +735 304 4 876697679 +735 319 4 876697647 +735 475 4 876698570 +735 515 4 876698755 +735 676 3 876698837 +735 748 3 876698022 +736 127 4 878709365 +736 253 5 878709365 +736 254 1 878709262 +736 286 4 878709365 +736 293 4 878709365 +736 323 1 878709187 +736 533 3 878709108 +736 678 1 878709212 +736 993 4 878709365 +736 1089 1 878709187 +736 1278 1 878709262 +736 1388 5 878709365 +737 11 3 884314903 +737 58 4 884314970 +737 64 4 884314740 +737 96 2 884314715 +737 154 4 884314694 +737 156 5 884314693 +737 169 4 884314644 +737 173 4 884314970 +737 187 5 884315175 +737 192 5 884314970 +737 196 3 884314694 +737 474 5 884314740 +737 475 4 884314693 +738 2 3 875351530 +738 47 3 875353569 +738 64 4 875351092 +738 81 4 875351092 +738 88 3 875351712 +738 89 5 892844112 +738 118 3 875351438 +738 128 4 875351873 +738 141 3 875352771 +738 147 3 875350764 +738 161 4 875350720 +738 164 5 892844112 +738 168 3 875353869 +738 169 5 892844079 +738 173 5 875350012 +738 176 5 892844079 +738 177 4 892958051 +738 179 3 875353869 +738 181 4 875348856 +738 189 4 875351404 +738 193 5 892844112 +738 200 3 875350086 +738 202 4 875351299 +738 203 3 892958137 +738 206 3 875350223 +738 209 4 875350485 +738 214 4 875350157 +738 222 4 875350913 +738 227 4 875353533 +738 228 5 875350316 +738 229 3 875351906 +738 231 3 875350995 +738 235 2 875350764 +738 238 4 875349895 +738 254 2 875349111 +738 260 2 875348571 +738 408 5 875349584 +738 418 3 875353105 +738 423 4 875350223 +738 429 3 875353813 +738 434 4 875351872 +738 455 4 875350551 +738 470 4 875350551 +738 474 4 875349775 +738 517 3 892938492 +738 527 5 892844111 +738 568 3 875350485 +738 636 3 875350944 +738 650 3 875351712 +738 659 4 875350804 +738 662 4 875350418 +738 697 2 875353869 +738 732 3 875350316 +738 926 3 875350456 +738 1047 3 875351872 +739 55 1 886958972 +739 97 5 886959115 +739 172 4 886958938 +739 176 1 886958938 +739 187 4 886959115 +739 195 5 886958939 +739 197 1 886958860 +739 301 5 886825529 +739 318 4 886958831 +739 327 5 886825529 +739 333 4 886825227 +739 465 1 886959039 +739 498 4 886958939 +739 603 4 886959069 +739 661 2 886958831 +739 751 3 886825083 +739 1431 5 886825529 +740 269 4 879523187 +740 286 5 879523187 +740 294 4 879523187 +740 300 4 879523187 +740 302 5 879523187 +740 326 3 879522814 +740 328 3 879522814 +741 7 3 891040277 +741 15 4 891456573 +741 17 2 891455711 +741 22 5 891018303 +741 50 5 891018339 +741 56 4 891018303 +741 66 3 891018266 +741 83 4 891457855 +741 92 3 891456427 +741 118 1 891455855 +741 121 2 891455766 +741 134 5 891455381 +741 173 2 891018366 +741 174 5 891018303 +741 180 4 891457855 +741 181 4 891036681 +741 194 4 891457242 +741 204 4 891018266 +741 215 4 891456615 +741 239 2 891456040 +741 265 5 891455735 +741 273 3 891458066 +741 274 4 891019587 +741 281 2 891455792 +741 288 4 891018070 +741 290 3 891457956 +741 393 2 891040490 +741 401 3 891457483 +741 403 5 891456083 +741 423 3 891018339 +741 427 5 891018221 +741 475 3 891018152 +741 478 5 891456741 +741 480 5 891457855 +741 496 5 891456718 +741 566 4 891455671 +741 582 3 891456156 +741 660 3 891040362 +741 673 4 891455671 +741 692 1 891019587 +741 699 4 891018400 +741 742 4 891455766 +741 781 4 891457424 +741 790 3 891457456 +741 1152 3 891458597 +742 1 4 881335281 +742 7 3 881335492 +742 13 4 881335361 +742 15 4 881335461 +742 50 4 881335248 +742 100 5 881335492 +742 237 4 881335960 +742 475 4 881335492 +742 546 1 881335598 +743 269 4 881277267 +743 276 5 881277855 +743 289 3 881277357 +743 292 3 881277267 +743 294 2 881277656 +743 301 4 881277357 +743 302 5 881277267 +743 303 5 881277357 +743 308 2 881277314 +743 326 3 881277656 +743 338 1 881277800 +743 744 5 881277892 +744 1 4 881171926 +744 9 3 881170416 +744 23 4 881171420 +744 156 4 881170452 +744 188 3 881170528 +744 276 4 881171907 +744 301 3 881171857 +744 302 5 881171820 +744 307 4 881171839 +744 340 3 881171820 +744 479 5 881171482 +744 657 5 881170575 +745 12 5 880123905 +745 28 2 880123671 +745 64 5 880123905 +745 79 3 880123540 +745 96 4 880123399 +745 124 5 880122775 +745 125 5 880123069 +745 151 2 880122948 +745 194 4 880123262 +745 202 3 880123486 +745 204 3 880123335 +745 205 2 880123205 +745 207 2 880123609 +745 230 2 880123572 +745 258 5 880122502 +745 427 4 880123361 +745 483 1 880123361 +745 507 1 880123335 +745 510 3 880123720 +746 1 4 885075714 +746 2 3 885075304 +746 8 4 885075539 +746 62 3 885075434 +746 64 4 885075790 +746 82 4 885075337 +746 89 4 885075243 +746 127 2 885075243 +746 144 5 885075211 +746 161 3 885075304 +746 172 5 885075165 +746 183 4 885075165 +746 202 5 885075518 +746 204 5 885075539 +746 222 3 885075267 +746 230 1 885075337 +746 281 3 885075434 +746 403 4 885075337 +746 449 1 885075476 +746 568 4 885075211 +746 684 4 885075337 +746 685 3 885075304 +747 8 5 888639175 +747 11 5 888638958 +747 12 4 888639272 +747 13 3 888733348 +747 14 3 888734152 +747 15 4 888639780 +747 21 2 888733111 +747 26 3 888733314 +747 30 5 888638913 +747 31 4 888639222 +747 39 4 888640684 +747 40 2 888733480 +747 50 5 888639060 +747 56 5 888639526 +747 69 5 888640475 +747 71 5 888639102 +747 73 4 888640305 +747 82 4 888639642 +747 85 3 888733144 +747 86 5 888638958 +747 88 2 888733218 +747 93 4 888639685 +747 97 5 888640437 +747 98 5 888639480 +747 111 4 888733480 +747 117 2 888639780 +747 133 5 888732695 +747 162 5 888639594 +747 168 4 888639015 +747 175 4 888640180 +747 176 4 888638958 +747 179 5 888639780 +747 182 5 888639272 +747 187 5 888639318 +747 188 5 888639890 +747 189 4 888639272 +747 190 4 888640305 +747 209 3 888640437 +747 215 5 888732899 +747 216 2 888639060 +747 222 2 888640180 +747 234 5 888640099 +747 262 5 888638242 +747 265 4 888639060 +747 268 5 888638091 +747 269 4 888638183 +747 285 5 888732899 +747 287 4 888733182 +747 290 3 888733144 +747 301 1 888638335 +747 304 4 888638370 +747 313 5 888638265 +747 315 4 888638774 +747 318 5 888732899 +747 333 4 888638335 +747 347 5 888638091 +747 357 5 888638876 +747 390 4 888640862 +747 392 3 888734178 +747 393 2 888733111 +747 404 5 888640648 +747 409 1 888733595 +747 416 5 888640916 +747 418 5 888639102 +747 423 5 888638958 +747 427 5 888732899 +747 428 3 888640046 +747 429 4 888639823 +747 430 4 888639437 +747 462 5 888639272 +747 463 3 888732695 +747 475 5 888639397 +747 480 5 888639060 +747 481 5 888639525 +747 482 5 888639526 +747 483 5 888639318 +747 485 5 888640222 +747 493 5 888734012 +747 507 3 888639890 +747 508 5 888638876 +747 519 5 888639989 +747 524 5 888640222 +747 525 5 888640684 +747 526 5 888639642 +747 529 5 888640099 +747 530 5 888734041 +747 558 4 888640046 +747 584 5 888640524 +747 596 5 888640437 +747 603 5 888639362 +747 606 5 888638958 +747 615 5 888640348 +747 625 3 888640648 +747 631 5 888638957 +747 651 5 888640862 +747 663 5 888733111 +747 672 4 888734152 +747 675 2 888640180 +747 695 2 888733111 +747 736 5 888732899 +747 842 5 888640916 +747 845 2 888640046 +747 875 3 888638455 +747 887 5 888638335 +747 923 5 888639939 +747 945 4 888639481 +747 949 5 888733182 +747 951 2 888640648 +747 959 5 888733144 +747 985 2 888732640 +747 989 3 888638508 +747 1003 1 888733314 +747 1098 4 888640437 +747 1134 5 888732609 +747 1159 2 888639685 +747 1205 3 888639594 +747 1225 3 888733314 +747 1456 3 888732747 +747 1497 4 888732538 +747 1631 3 888638957 +748 56 4 879455083 +748 64 4 879454707 +748 69 4 879454849 +748 83 3 879455019 +748 89 5 879454831 +748 132 3 879454998 +748 137 3 879454958 +748 153 4 879454930 +748 169 4 879454848 +748 175 5 879455019 +748 180 4 879454958 +748 181 4 879454455 +748 186 5 879454498 +748 187 4 879454958 +748 189 4 879454749 +748 194 4 879454773 +748 200 3 879454522 +748 208 4 879454522 +748 210 3 879454584 +748 222 4 879454707 +748 234 4 879454475 +748 237 4 879454880 +748 318 5 879454475 +748 323 4 879454208 +748 326 3 879454171 +748 328 4 879454208 +748 425 4 879454773 +748 451 1 879455186 +748 483 4 879455040 +748 495 3 879454687 +748 498 4 879454831 +748 515 4 879454662 +748 517 3 879455083 +748 527 5 879454749 +748 647 3 879454602 +748 650 1 879454573 +748 692 3 879455410 +748 699 3 879455454 +748 709 4 879454546 +749 9 3 878846903 +749 24 2 878849508 +749 25 4 878846697 +749 58 3 878847988 +749 68 4 878849612 +749 72 3 878850388 +749 80 1 878850533 +749 82 5 878848405 +749 87 4 878849558 +749 88 4 878849534 +749 89 4 878848098 +749 95 3 878848333 +749 96 5 878847498 +749 98 5 878847404 +749 99 5 878847804 +749 100 3 878849052 +749 101 4 878848700 +749 110 2 878850703 +749 127 4 881073104 +749 133 4 878849052 +749 135 4 878848189 +749 136 5 878849404 +749 141 4 878848217 +749 153 4 878848828 +749 157 3 878847364 +749 158 3 878849903 +749 160 3 878847461 +749 164 3 878848866 +749 167 2 878848701 +749 185 4 878847740 +749 191 4 878848217 +749 197 4 878848044 +749 209 4 878848828 +749 210 4 878848587 +749 211 5 878847887 +749 215 4 878847172 +749 223 4 881602704 +749 229 3 878849482 +749 232 4 878848483 +749 237 3 878846782 +749 239 4 878849286 +749 257 3 878846957 +749 258 4 878846265 +749 271 5 879788762 +749 284 4 878846812 +749 291 4 878848137 +749 300 4 878846365 +749 322 4 878846422 +749 357 4 878847862 +749 358 3 878846422 +749 385 3 878848272 +749 402 4 878849829 +749 404 5 878847673 +749 414 4 878848189 +749 418 5 878847498 +749 431 5 878848069 +749 435 4 878847888 +749 448 2 878847645 +749 465 4 878847716 +749 480 5 878847328 +749 484 5 881073043 +749 496 5 878847673 +749 510 4 878847404 +749 523 4 878847285 +749 526 5 878847804 +749 527 4 878847364 +749 531 5 878847171 +749 541 3 878850825 +749 571 3 878850456 +749 576 3 878850533 +749 584 3 878848483 +749 609 4 881073104 +749 620 4 882804506 +749 627 2 878848951 +749 628 4 878846903 +749 635 1 878850703 +749 642 2 878848137 +749 650 3 878848189 +749 655 5 878848044 +749 658 4 878849404 +749 661 5 878847576 +749 685 4 878848137 +749 686 4 878850429 +749 705 4 878847612 +749 740 3 878847716 +749 742 4 878849375 +749 746 5 878848764 +749 802 3 878850789 +749 808 3 878849929 +749 812 3 878849586 +749 866 3 878848639 +749 932 3 878850333 +749 934 3 878850333 +749 968 3 878850186 +749 986 3 878850107 +749 1023 3 881073104 +749 1028 4 878849149 +749 1041 4 878849979 +749 1051 3 878846676 +749 1088 2 881602596 +749 1092 3 878850703 +749 1139 3 878850084 +749 1185 4 878849375 +749 1263 2 878850533 +749 1274 2 878850212 +749 1615 4 878847076 +750 245 3 879446215 +750 288 4 879445808 +750 303 4 879445911 +750 304 4 879446013 +750 305 4 879445877 +750 322 2 879445877 +750 328 4 879445808 +750 683 1 879445911 +750 748 3 879446013 +750 749 3 879446271 +750 873 3 879446013 +750 876 2 879446014 +750 879 4 879445961 +751 1 3 889132162 +751 2 4 889298116 +751 3 3 889299391 +751 11 1 889133177 +751 28 5 889133064 +751 55 4 889134419 +751 79 4 889132776 +751 82 4 889133334 +751 83 5 889134705 +751 87 5 889297927 +751 89 3 889132966 +751 91 4 889134705 +751 95 5 889134419 +751 96 4 889133154 +751 98 5 889134186 +751 111 3 889132657 +751 117 4 889132269 +751 142 4 889299175 +751 143 5 889133882 +751 144 4 889133219 +751 154 3 888871900 +751 161 2 889134419 +751 174 4 889133012 +751 179 4 889298074 +751 193 5 889133556 +751 197 3 889296961 +751 215 4 889133334 +751 216 4 889133602 +751 226 3 889134237 +751 238 3 889297524 +751 239 4 889134237 +751 257 4 889132542 +751 270 4 887134730 +751 300 2 887134622 +751 302 4 888870893 +751 310 3 887134816 +751 313 2 889727869 +751 347 4 887134587 +751 367 4 889133950 +751 372 3 889297990 +751 382 3 889298463 +751 385 4 889135244 +751 394 4 889297640 +751 399 3 889298912 +751 402 3 889298216 +751 417 2 889297615 +751 432 4 889134420 +751 433 3 889134186 +751 434 4 889297670 +751 485 4 889134483 +751 490 4 889133429 +751 494 4 889133556 +751 538 4 887134672 +751 558 3 889298216 +751 559 4 889298622 +751 578 4 889298174 +751 588 5 889133291 +751 704 2 889133429 +751 708 4 889298140 +751 709 4 889132929 +751 710 3 889298051 +751 737 4 889298945 +751 742 3 889132347 +751 746 4 889133219 +751 751 4 887396425 +751 756 2 889299249 +751 785 4 889298010 +751 849 2 889299133 +751 917 2 892486699 +751 945 3 889133852 +751 1078 3 889299290 +751 1101 1 889298379 +751 1140 2 889299503 +751 1446 2 889298694 +752 258 3 891207898 +752 259 5 891208451 +752 294 3 891208261 +752 301 4 891208077 +752 302 5 891208451 +752 305 4 891207940 +752 306 5 891208451 +752 307 5 891208451 +752 316 3 891208329 +752 325 2 891208126 +752 327 5 891208451 +752 344 4 891208212 +752 345 1 891207898 +752 346 4 891207983 +752 351 3 891207898 +752 358 4 891208452 +752 539 4 891208357 +752 621 1 891208491 +752 882 4 891207846 +752 904 4 891207845 +752 1024 3 891207940 +752 1127 3 891208170 +752 1294 3 891207898 +753 22 4 891401798 +753 23 2 891401665 +753 71 5 891401457 +753 134 4 891402323 +753 174 4 891402323 +753 180 2 891401712 +753 181 3 891402240 +753 185 3 891401410 +753 194 4 891401757 +753 195 1 891401851 +753 199 5 891401510 +753 211 4 891402240 +753 215 5 891402272 +753 242 4 891399477 +753 286 3 891399477 +753 294 5 891399737 +753 322 3 891401167 +753 347 2 891401167 +753 357 4 891401901 +753 427 5 891401712 +753 435 4 891401712 +753 504 3 891401457 +753 523 4 891401851 +753 527 4 891401510 +753 657 5 891401665 +754 15 5 879451743 +754 117 4 879451626 +754 118 2 879451775 +754 237 3 879451805 +754 243 1 879451163 +754 276 5 879451841 +754 282 4 879451804 +754 292 3 879451958 +754 328 3 879450984 +754 359 3 879451299 +754 459 4 879451805 +754 477 5 879451775 +754 595 2 879452073 +754 922 3 879452073 +754 1016 4 879451585 +755 245 4 882569881 +755 264 2 882570077 +755 271 1 882570023 +755 288 1 882569771 +755 289 1 882569912 +755 300 4 882569574 +755 311 4 882569771 +755 322 3 882569912 +755 327 2 882569801 +755 331 3 882569771 +755 748 4 882570141 +755 872 1 882569844 +755 880 4 882569732 +755 881 1 882569732 +755 887 3 882569845 +755 937 4 882569604 +756 1 4 874826629 +756 53 3 874830432 +756 71 3 874828391 +756 79 4 874829990 +756 89 4 874828769 +756 91 3 874830954 +756 96 4 874828640 +756 111 4 874829670 +756 118 2 874828967 +756 121 3 874829152 +756 123 2 874830344 +756 147 4 874828826 +756 159 4 874829924 +756 171 4 874827062 +756 173 3 874826565 +756 181 4 874831383 +756 183 4 874831383 +756 195 3 874828967 +756 197 2 874829446 +756 210 4 874828902 +756 226 3 874830103 +756 230 3 874829010 +756 235 3 874827755 +756 245 3 874832096 +756 258 3 874826502 +756 274 3 874829637 +756 289 4 874828027 +756 402 4 874831383 +756 435 3 874832788 +756 473 3 874829296 +756 566 4 874830168 +756 591 4 874829924 +756 731 3 874827920 +756 742 3 874830026 +756 755 3 874830598 +756 860 1 874830068 +756 1060 4 874831383 +756 1074 4 874831383 +757 11 4 888466583 +757 31 4 888445570 +757 53 3 888466737 +757 56 4 888445279 +757 62 3 888466758 +757 68 4 888466435 +757 79 4 888445750 +757 91 4 888467309 +757 96 4 888466461 +757 97 4 888445714 +757 98 4 888445767 +757 101 4 888467309 +757 121 2 888444635 +757 122 1 888445218 +757 128 3 888466490 +757 151 4 888444684 +757 153 3 888468995 +757 155 2 888469095 +757 156 3 888445551 +757 173 4 888445604 +757 175 3 888445551 +757 176 5 888445730 +757 181 3 888444314 +757 183 4 888445864 +757 198 4 888445864 +757 206 4 888445683 +757 210 4 888445570 +757 222 4 888444400 +757 229 3 888466652 +757 230 4 888466614 +757 231 2 888466614 +757 232 3 888466435 +757 233 3 888467038 +757 257 4 888444400 +757 258 5 888443306 +757 270 3 888443434 +757 271 3 888443307 +757 276 4 888444181 +757 288 4 888443307 +757 313 3 888443263 +757 326 3 888443434 +757 328 3 888469286 +757 343 3 888443555 +757 350 3 888443511 +757 385 3 888468596 +757 432 3 888467269 +757 450 2 888467205 +757 471 4 888444738 +757 474 3 888469045 +757 515 5 888444007 +757 546 3 888444881 +757 550 3 888445820 +757 566 3 888466490 +757 570 3 888466683 +757 658 2 888467765 +757 665 3 888466652 +757 679 4 888466583 +757 742 4 888444563 +757 746 3 888468435 +757 751 3 888443398 +757 809 4 888466758 +757 895 4 888443483 +757 939 4 888467498 +757 969 3 888468741 +757 1016 3 888444563 +757 1240 3 888445820 +757 1273 2 888467187 +758 8 5 881975577 +758 20 4 881976574 +758 23 4 881975814 +758 25 4 881977669 +758 28 4 881975990 +758 29 3 882054935 +758 31 3 881977872 +758 33 4 881976335 +758 38 3 881980408 +758 39 2 881974931 +758 76 3 881977265 +758 91 4 881977375 +758 98 5 881976289 +758 109 3 881975687 +758 116 5 881976289 +758 118 2 881978326 +758 122 4 881980408 +758 123 1 881977872 +758 124 5 884999132 +758 125 2 881977205 +758 134 5 881975005 +758 141 4 881977533 +758 144 4 881975267 +758 151 5 881975814 +758 152 5 881975853 +758 154 5 881975267 +758 168 5 881975416 +758 170 5 881976233 +758 171 5 881976262 +758 173 5 881975182 +758 179 5 881976031 +758 183 5 882055987 +758 184 5 881974823 +758 185 4 881975182 +758 186 5 881974931 +758 195 5 881975416 +758 200 5 881977229 +758 203 5 881978016 +758 212 4 881976919 +758 213 5 881976377 +758 218 4 881977487 +758 227 4 884999133 +758 228 3 881977021 +758 231 3 881979012 +758 234 4 881974823 +758 238 5 881975538 +758 241 3 881977109 +758 242 3 880672230 +758 250 4 880672766 +758 252 3 880672830 +758 257 5 880672700 +758 273 4 881977714 +758 290 5 881978495 +758 291 4 881978115 +758 294 5 880672523 +758 301 3 880672427 +758 331 4 882322862 +758 338 4 881295151 +758 344 3 888715390 +758 346 2 883099368 +758 352 4 885948283 +758 353 4 886743253 +758 355 4 888461050 +758 364 4 882055394 +758 384 5 881979788 +758 411 4 881978115 +758 414 4 881977487 +758 420 3 882053499 +758 421 4 881975814 +758 425 5 881977337 +758 430 5 881975503 +758 436 3 881978572 +758 448 4 881978805 +758 452 3 882054468 +758 462 4 881975687 +758 474 5 881976089 +758 479 5 881975539 +758 481 5 881976031 +758 484 5 881975814 +758 488 3 881976262 +758 489 5 881975687 +758 496 3 881976031 +758 505 5 881979012 +758 508 4 881975962 +758 510 3 881974823 +758 514 5 881974823 +758 526 4 882052744 +758 531 5 881975061 +758 533 4 882055948 +758 536 2 880672747 +758 540 3 882054637 +758 542 2 881978495 +758 546 3 882053613 +758 547 5 881975472 +758 550 4 881978115 +758 567 4 881978016 +758 569 3 881978460 +758 571 4 882054936 +758 580 4 881974880 +758 603 5 881976262 +758 605 3 881977057 +758 628 4 881977714 +758 629 4 881978715 +758 650 5 881979419 +758 653 3 881975922 +758 654 4 881975061 +758 657 5 881975213 +758 665 2 882055988 +758 676 2 881977428 +758 687 3 881295189 +758 705 5 881976203 +758 722 3 881980408 +758 748 1 880672522 +758 751 4 882597651 +758 780 5 882054468 +758 802 3 881978572 +758 864 4 882053726 +758 887 5 882322840 +758 890 3 880672552 +758 896 5 886658068 +758 898 3 883287566 +758 955 2 881977021 +758 959 3 881978864 +758 968 5 881976746 +758 1001 5 882055227 +758 1007 5 880672727 +758 1012 4 880672727 +758 1016 4 880672855 +758 1019 4 881975736 +758 1022 5 885698979 +758 1023 4 880672855 +758 1039 5 881975787 +758 1046 4 881978767 +758 1052 5 882055497 +758 1074 1 882054297 +758 1143 5 880672637 +758 1244 3 881713279 +758 1527 3 888039070 +759 1 5 875227798 +759 117 5 881476781 +759 121 5 881476858 +759 220 5 875227904 +759 222 5 881476922 +759 257 4 881476824 +759 275 4 875227858 +759 328 5 881476590 +759 405 4 881476969 +759 591 3 881476891 +759 742 5 875227798 +759 756 4 875227922 +759 937 4 881476756 +759 984 2 881476642 +760 66 2 875668932 +760 120 1 875669077 +760 172 3 875667294 +760 204 4 875668105 +760 288 4 875665867 +760 365 5 875668737 +760 451 5 875668781 +760 631 3 875668368 +760 682 3 878530117 +760 739 4 875668888 +760 841 3 875666421 +760 873 4 875665908 +760 928 1 875666242 +760 1037 5 875668781 +761 15 5 876190314 +761 123 3 876190160 +761 127 3 876190025 +761 205 4 876190511 +761 235 3 876190182 +761 237 5 876190417 +761 275 4 876190130 +761 291 3 876190770 +761 293 4 876190130 +761 295 4 876190130 +761 326 1 876189715 +761 358 3 876189689 +761 426 1 876190510 +761 455 2 876190439 +761 458 1 876190623 +761 471 3 876190336 +761 476 2 876190468 +761 688 2 876189913 +761 840 4 876190753 +761 864 4 876190336 +761 877 2 876189931 +761 988 1 876189715 +761 1157 5 876189775 +761 1163 2 876190752 +761 1272 1 876190160 +762 173 5 878719533 +762 246 1 878719294 +762 270 4 878718855 +762 274 4 878719371 +762 515 5 878719186 +762 749 1 878718996 +762 815 1 878719406 +762 875 5 878718996 +762 955 5 878719551 +763 5 4 878920895 +763 16 5 878918332 +763 25 4 878922982 +763 39 4 878918360 +763 47 3 878915692 +763 50 4 878914968 +763 55 4 878917384 +763 56 5 878919116 +763 61 5 878915628 +763 70 5 878917468 +763 73 3 878919180 +763 97 3 878919153 +763 100 5 878915958 +763 144 3 878915722 +763 153 4 878915692 +763 157 4 878917467 +763 168 5 878919055 +763 173 4 878914968 +763 174 4 878919019 +763 209 4 878918213 +763 222 5 878918406 +763 230 3 878923288 +763 234 3 878923288 +763 357 4 878919116 +763 382 5 878922829 +763 392 4 878919055 +763 432 5 878922982 +763 462 5 878921529 +763 475 4 878915722 +763 483 4 878915628 +763 505 4 878919206 +763 509 5 878920895 +763 510 4 878915559 +763 518 4 878919180 +763 607 4 878917850 +763 625 4 878923488 +763 702 3 878917877 +763 730 5 878923456 +763 941 3 878915958 +763 961 5 878919083 +763 972 3 878918333 +763 1006 2 878919116 +763 1065 5 878915559 +763 1101 3 878918486 +763 1129 4 878918908 +764 1 4 876244181 +764 4 3 876245421 +764 13 2 876242755 +764 14 4 876752116 +764 15 4 876242945 +764 22 4 876245549 +764 28 4 876245069 +764 56 4 876244472 +764 64 5 876244991 +764 70 4 876244559 +764 89 4 876245837 +764 95 5 876246475 +764 99 4 876246687 +764 111 4 876243595 +764 117 5 876244991 +764 121 5 876244991 +764 125 4 876243795 +764 132 5 876246236 +764 173 3 876245383 +764 174 5 876245475 +764 191 3 876244688 +764 218 4 876245837 +764 220 3 876243925 +764 227 4 876246358 +764 237 4 876243440 +764 255 4 876244181 +764 274 3 876243410 +764 275 4 876242851 +764 276 3 876752289 +764 280 4 876244181 +764 282 4 876243291 +764 284 4 876243015 +764 289 5 876244991 +764 294 3 876233213 +764 356 4 876430571 +764 405 4 876243772 +764 432 5 876245421 +764 591 3 876243572 +764 673 4 876246504 +764 696 3 876243465 +764 743 1 876243100 +764 747 3 876246291 +764 845 4 876242972 +764 866 4 876244181 +764 946 4 876246555 +764 1012 4 876244181 +764 1028 4 876244181 +764 1284 3 876244529 +765 14 5 880346204 +765 42 5 880346975 +765 50 2 880346255 +765 137 5 880346255 +765 222 2 880346340 +765 248 2 880346392 +765 275 4 880346768 +765 522 5 880346951 +765 971 4 880346911 +766 8 5 891309329 +766 22 3 891309261 +766 28 5 891309668 +766 50 4 891309053 +766 62 3 891310475 +766 69 4 891309668 +766 72 2 891310704 +766 89 4 891309090 +766 133 3 891309844 +766 136 3 891310009 +766 173 4 891309261 +766 175 3 891309118 +766 177 3 891309844 +766 179 4 891309484 +766 181 4 891309177 +766 182 4 891309053 +766 183 4 891309484 +766 185 4 891310038 +766 186 3 891309522 +766 187 4 891309053 +766 196 3 891309703 +766 205 5 891309975 +766 208 5 891309810 +766 212 5 891310125 +766 214 2 891309667 +766 215 3 891309250 +766 216 3 891310038 +766 217 4 891310650 +766 234 4 891309558 +766 265 3 891309357 +766 367 2 891309878 +766 378 4 891310540 +766 386 3 891310620 +766 393 3 891310372 +766 396 2 891310934 +766 402 3 891310565 +766 403 3 891310444 +766 414 4 891310150 +766 432 3 891309250 +766 435 3 891309053 +766 474 5 891309011 +766 481 4 891308968 +766 485 3 891309913 +766 496 5 891309767 +766 526 2 891309558 +766 568 2 891310313 +766 577 3 891310934 +766 602 4 891310038 +766 604 4 891309329 +766 605 3 891310650 +766 613 3 891310009 +766 630 3 891310772 +766 633 4 891309947 +766 639 3 891309622 +766 662 3 891310281 +766 672 3 891310824 +766 705 4 891309668 +766 729 3 891310394 +766 747 5 891310210 +766 965 3 891310540 +766 1021 2 891309011 +766 1126 4 891309767 +767 28 4 891462759 +767 163 4 891462560 +767 170 5 891462717 +767 183 4 891462870 +767 222 5 891462760 +767 242 4 891462614 +767 300 4 891462511 +767 483 5 891462870 +767 505 4 891462560 +767 524 5 891462560 +767 615 4 891463095 +767 724 4 891462658 +768 14 5 883835026 +768 16 3 880135943 +768 25 4 880136157 +768 121 4 883834705 +768 151 2 880135923 +768 248 3 883834705 +768 300 5 883835026 +768 310 4 883835026 +768 313 5 883835026 +768 315 3 883834448 +768 354 3 888798611 +768 405 4 883834883 +768 471 3 880135875 +768 476 4 883834705 +768 591 4 883834945 +768 628 3 880136174 +768 742 3 880136033 +768 744 3 880136272 +768 815 3 880135963 +768 966 4 883834814 +769 111 5 885424001 +769 121 4 885423865 +769 235 3 885424186 +769 284 3 885423927 +769 405 2 885424214 +769 411 3 885424099 +769 748 2 885422821 +769 831 1 885424534 +769 1011 3 885424142 +769 1028 3 885424186 +769 1312 2 885424776 +770 7 5 875972185 +770 14 5 875972024 +770 15 5 875971902 +770 50 3 875971949 +770 93 5 875971989 +770 151 5 875973080 +770 258 5 875971568 +770 298 4 875971902 +770 303 4 875971568 +770 326 4 876598016 +770 328 3 875971736 +770 331 3 875971703 +770 334 5 876597960 +770 358 3 875971655 +770 475 5 875972381 +770 678 2 875971655 +770 742 4 875972927 +770 748 5 875971655 +770 813 5 875971850 +770 929 4 875971989 +770 988 3 875971703 +770 1012 5 875972730 +771 1 5 880659449 +771 8 5 880659583 +771 15 5 880659303 +771 69 5 880659606 +771 79 1 880659729 +771 97 1 880659919 +771 137 4 880659302 +771 144 1 880659507 +771 181 4 880659653 +771 189 5 880659815 +771 197 1 880659919 +771 216 5 880659894 +771 243 3 886640629 +771 274 4 880659941 +771 294 4 886640547 +771 304 5 886640562 +771 313 3 886635643 +771 403 4 880659769 +771 408 5 880659302 +771 462 3 880659426 +771 709 5 880659894 +771 768 4 880659867 +771 892 5 886640606 +771 1129 5 880660106 +772 259 2 877533957 +772 288 2 889028773 +772 300 4 877533731 +772 310 4 889028363 +772 315 5 889028363 +772 322 4 877533546 +772 323 4 876250551 +772 327 4 877533873 +773 1 3 888539232 +773 2 3 888540146 +773 6 3 888538620 +773 12 3 888540448 +773 13 4 888539471 +773 59 5 888540617 +773 61 5 888538908 +773 96 2 888540063 +773 98 4 888540279 +773 121 2 888540163 +773 145 3 888540390 +773 152 5 888539398 +773 154 5 888539471 +773 172 5 888539992 +773 176 4 888539962 +773 179 5 888538810 +773 181 5 888540020 +773 183 4 888539962 +773 184 2 888540041 +773 185 4 888540279 +773 187 5 888539962 +773 198 4 888538950 +773 209 5 888539425 +773 210 2 888539398 +773 216 4 888539608 +773 217 3 888540314 +773 221 2 888540448 +773 231 2 888540186 +773 233 1 888540112 +773 258 5 888538143 +773 260 2 888538348 +773 265 2 888540146 +773 354 2 888538143 +773 364 4 888539875 +773 382 3 888538829 +773 386 3 888539643 +773 393 2 888539711 +773 403 2 888540091 +773 427 3 888540484 +773 428 4 888539512 +773 431 1 888540063 +773 432 4 888539232 +773 455 4 888539471 +773 462 5 888538776 +773 475 3 888538533 +773 509 4 888538995 +773 531 5 888538853 +773 547 4 888538643 +773 567 2 888540352 +773 588 1 888539232 +773 655 3 888539347 +773 710 3 888539366 +773 790 3 888539825 +773 792 4 888539471 +773 855 2 888538726 +773 919 5 888538643 +773 924 1 888540146 +773 940 2 888539766 +773 958 4 888538908 +773 1018 3 888539095 +773 1069 4 888539559 +773 1071 2 888539662 +773 1097 4 888538590 +773 1240 3 888539256 +773 1367 5 888538643 +774 2 1 888557383 +774 7 2 888558539 +774 23 3 888556634 +774 29 1 888557519 +774 44 1 888558343 +774 53 4 888557383 +774 56 2 888555928 +774 58 1 888556698 +774 68 3 888557329 +774 77 1 888556938 +774 79 2 888557236 +774 94 2 888556248 +774 98 4 888557682 +774 118 1 888558594 +774 122 1 888558924 +774 161 2 888557409 +774 168 1 888555964 +774 175 3 888555897 +774 176 4 888557198 +774 178 4 888556483 +774 182 4 888556398 +774 188 3 888557329 +774 194 3 888555998 +774 196 3 888556746 +774 197 1 888556746 +774 200 2 888557715 +774 201 2 888556090 +774 202 5 888555964 +774 204 3 888556316 +774 205 4 888556434 +774 210 1 888555964 +774 215 3 888556517 +774 222 3 888558539 +774 226 2 888557330 +774 227 5 888557383 +774 228 4 888557237 +774 230 2 888557237 +774 231 1 888557383 +774 233 2 888557383 +774 234 2 888557683 +774 241 4 888557237 +774 273 1 888558539 +774 307 1 888555792 +774 365 2 888556989 +774 367 2 888556047 +774 373 2 888557557 +774 386 2 888556225 +774 393 1 888556090 +774 401 2 888556169 +774 402 2 888556938 +774 405 1 888558539 +774 411 1 888558853 +774 412 3 888558924 +774 418 2 888558019 +774 428 1 888556090 +774 429 1 888556698 +774 431 4 888557329 +774 447 1 888557715 +774 448 2 888557715 +774 449 1 888557482 +774 450 2 888557557 +774 501 1 888558019 +774 510 2 888556484 +774 515 2 888556398 +774 519 5 888556434 +774 526 4 888556600 +774 528 4 888556698 +774 545 1 888555864 +774 550 2 888557277 +774 554 1 888557556 +774 559 1 888557715 +774 569 2 888557857 +774 577 2 888556278 +774 650 1 888556893 +774 654 2 888558284 +774 659 3 888555864 +774 679 5 888557383 +774 684 1 888557329 +774 692 1 888556121 +774 712 1 888556169 +774 758 1 888559036 +774 774 1 888557883 +774 795 1 888555864 +774 808 1 888557451 +774 826 2 888558623 +774 926 1 888558946 +774 947 2 888557276 +774 986 1 888558594 +774 1016 3 888559123 +774 1017 3 888558829 +774 1079 1 888558897 +774 1110 1 888557519 +774 1218 3 888556169 +775 302 3 891032742 +775 312 3 891032866 +775 327 5 891032956 +775 329 3 891033071 +775 344 5 891032777 +775 345 5 891032895 +775 690 3 891033022 +775 750 5 891032804 +775 900 3 891032956 +776 5 4 892920320 +776 28 5 891628895 +776 50 5 891628977 +776 98 4 891628837 +776 135 4 891628656 +776 145 2 892920381 +776 177 4 891628937 +776 181 4 891628916 +776 184 4 892920381 +776 187 4 891628632 +776 192 5 891628836 +776 194 4 891628752 +776 195 3 891628836 +776 196 3 891628773 +776 218 4 892920321 +776 282 3 892313246 +776 355 3 892210668 +776 432 1 891628977 +776 437 1 892920446 +776 438 2 892920506 +776 441 2 892920403 +776 474 5 891628632 +776 479 4 891813013 +776 514 5 891628916 +776 525 2 891629157 +776 564 3 892920446 +776 618 3 892474057 +776 635 4 892920403 +776 656 5 891628678 +776 675 3 892920321 +776 706 3 892920480 +776 708 5 891628599 +776 760 3 892920241 +776 816 2 892920423 +776 848 2 892210321 +776 866 3 892313273 +776 947 2 891628836 +777 15 4 875980306 +777 42 5 875980670 +777 127 1 875980391 +777 202 5 875980669 +777 204 5 875980670 +777 509 4 875980449 +777 521 5 875980235 +777 527 4 875980306 +777 818 5 875980669 +777 1079 2 875979431 +778 8 1 891234406 +778 11 5 890725951 +778 28 4 890726618 +778 42 5 890670510 +778 54 2 890803859 +778 56 3 891232041 +778 79 3 890725776 +778 82 3 890803491 +778 98 4 890725951 +778 132 2 891232769 +778 144 4 890670638 +778 150 3 890802549 +778 157 3 891233153 +778 161 3 890727175 +778 174 4 890725804 +778 180 4 890725725 +778 186 4 890802724 +778 197 4 891232569 +778 200 5 890726264 +778 234 3 890726231 +778 249 3 891233675 +778 268 2 890803859 +778 281 2 890803859 +778 367 5 890802895 +778 451 1 891234405 +778 568 3 890726190 +779 7 3 875993165 +779 15 4 875501782 +779 21 5 875996932 +779 71 4 875999285 +779 109 3 875501782 +779 181 5 875501734 +779 195 5 875999211 +779 243 4 875501402 +779 258 5 875501254 +779 300 3 875501300 +779 328 4 875501334 +779 509 2 875999211 +779 926 4 875992442 +779 1028 4 875996932 +780 79 4 891363860 +780 164 4 891363996 +780 183 2 891363860 +780 186 4 891363651 +780 187 5 891363904 +780 275 4 891363685 +780 286 4 891362937 +780 294 3 891363259 +780 318 5 891364124 +780 339 4 891363073 +780 385 4 891364125 +780 474 3 891363723 +780 485 4 891363826 +780 496 4 891364027 +780 497 2 891364059 +780 511 5 891364027 +780 526 5 891364125 +780 603 2 891364059 +780 657 3 891363723 +780 659 4 891363756 +780 660 3 891363969 +781 87 4 879634340 +781 174 5 879634256 +781 180 4 879633895 +781 181 5 879634318 +781 187 5 879633976 +781 191 4 879633995 +781 195 4 879633942 +781 204 4 879634256 +781 205 5 879634256 +781 215 3 879634124 +781 223 4 879634175 +781 245 2 879633862 +781 258 2 879633862 +781 268 2 879633862 +781 286 1 879633495 +781 289 3 879633862 +781 318 3 879634124 +781 327 4 879633862 +781 403 4 879634340 +782 127 4 891499213 +782 244 4 891499321 +782 247 1 891499700 +782 251 3 891500109 +782 252 3 891499469 +782 258 4 891497906 +782 259 1 891498267 +782 260 2 891498079 +782 266 1 891498919 +782 268 3 891497854 +782 286 2 891497906 +782 289 3 891498436 +782 292 4 891498213 +782 296 3 891500109 +782 297 3 891500067 +782 298 4 891499278 +782 299 3 891498079 +782 302 3 891497698 +782 323 3 891498512 +782 324 2 891498381 +782 335 2 891498918 +782 338 2 891498676 +782 339 3 891498676 +782 344 3 891497854 +782 347 1 891498139 +782 354 2 891497698 +782 358 4 891498641 +782 533 2 891500151 +782 535 3 891499469 +782 539 3 891498865 +782 680 1 891498865 +782 681 3 891498436 +782 682 4 891498513 +782 688 2 891498918 +782 691 3 891498079 +782 748 4 891498720 +782 873 4 891498512 +782 876 2 891498267 +782 881 3 891498381 +782 898 3 891498720 +782 900 3 891497963 +782 908 3 891498322 +782 935 2 891500150 +782 948 2 891499699 +782 989 3 891498267 +782 990 3 891499611 +782 992 2 891499370 +782 993 3 891499370 +782 1007 3 891500067 +782 1012 2 891499344 +782 1013 3 891499439 +782 1016 3 891499321 +782 1025 2 891498436 +782 1096 2 891499699 +782 1105 3 891498766 +782 1127 2 891497793 +782 1138 2 891499699 +782 1142 3 891499243 +782 1144 3 891499243 +782 1160 2 891500150 +782 1191 3 891498558 +782 1226 2 891499439 +782 1251 3 891500028 +782 1252 3 891500066 +782 1255 2 891500194 +782 1256 2 891500230 +782 1283 2 891499469 +782 1296 3 891498030 +782 1300 2 891499469 +782 1302 3 891500028 +782 1380 2 891500150 +782 1382 3 891500109 +782 1385 4 891500028 +782 1391 4 891500066 +782 1399 2 891498919 +782 1405 2 891499213 +782 1417 2 891500193 +782 1514 2 891500194 +782 1527 2 891498641 +782 1528 2 891499577 +782 1534 2 891500194 +782 1537 3 891500066 +782 1588 3 891500067 +782 1605 2 891500194 +782 1615 3 891499611 +782 1652 1 891500230 +782 1662 4 891500110 +782 1663 2 891499700 +782 1666 2 891500194 +783 258 4 884326348 +783 264 4 884326726 +783 269 4 884326274 +783 271 5 884326506 +783 300 4 884326348 +783 301 4 884326424 +783 307 5 884326506 +783 331 3 884326461 +783 343 5 884326787 +783 750 4 884326274 +783 872 4 884326545 +783 881 4 884326584 +783 887 5 884326620 +783 948 3 884326726 +784 258 5 891387249 +784 270 3 891387249 +784 272 4 891387077 +784 310 4 891387155 +784 312 3 891387623 +784 313 5 891386988 +784 315 4 891386988 +784 321 3 891387249 +784 323 4 891387704 +784 326 5 891387155 +784 333 4 891387501 +784 751 4 891387316 +784 754 3 891387249 +784 898 4 891387895 +785 1 4 879439137 +785 12 4 879439137 +785 152 4 879439527 +785 168 4 879438810 +785 183 5 879439232 +785 288 3 879438537 +785 886 3 879438591 +786 7 5 882841955 +786 9 5 882841955 +786 28 5 882843646 +786 66 4 882843607 +786 69 4 882844295 +786 71 5 882843786 +786 89 4 882842878 +786 99 4 882843112 +786 102 4 882844096 +786 111 5 882841667 +786 121 2 882842416 +786 125 4 882841745 +786 127 4 882841692 +786 133 5 882843353 +786 172 5 882843112 +786 176 4 882843069 +786 181 4 882841955 +786 186 4 882843786 +786 195 4 882843312 +786 202 4 882843812 +786 203 4 882843753 +786 204 4 882843925 +786 222 4 882842044 +786 237 5 882842195 +786 280 3 882841745 +786 285 3 882842726 +786 289 4 882844336 +786 322 3 882842463 +786 357 5 882842878 +786 416 4 882843534 +786 418 4 882843352 +786 423 5 882843150 +786 496 5 882843312 +786 501 4 882843534 +786 588 5 882843039 +786 655 4 882843683 +786 696 3 882842149 +786 708 4 882844171 +786 709 2 882843607 +786 724 4 882844295 +786 732 4 882843353 +786 866 3 882842173 +786 871 1 882842762 +786 1044 4 882844127 +787 245 3 888980193 +787 258 5 888979605 +787 271 1 888979721 +787 300 4 888979657 +787 302 3 888979123 +787 305 3 888979721 +787 306 3 888979007 +787 308 3 888979181 +787 319 3 888979721 +787 324 2 888979605 +787 326 4 888979547 +787 331 3 888979235 +787 342 2 888979875 +787 347 4 888979606 +787 350 1 888979721 +787 352 2 888979657 +787 681 3 888979657 +787 690 5 888979007 +787 750 5 888979075 +787 877 2 888980193 +787 880 3 888979123 +787 898 3 888979182 +787 904 3 888979182 +787 937 3 888979074 +787 938 3 888979605 +787 1024 2 888979606 +787 1433 3 888979181 +787 1434 1 888979657 +788 1 3 880867970 +788 7 4 880868559 +788 12 5 880868919 +788 38 3 880871359 +788 55 4 880868876 +788 56 3 880868235 +788 58 4 880868355 +788 64 5 880868005 +788 68 3 880869819 +788 79 4 880868559 +788 85 1 880869984 +788 97 3 880868235 +788 100 5 880868277 +788 118 3 880870335 +788 120 2 880871520 +788 132 5 880869014 +788 133 5 880868473 +788 141 3 880869984 +788 144 4 880868599 +788 162 3 880869787 +788 164 3 880870115 +788 174 2 880868316 +788 177 3 880868513 +788 182 2 880868599 +788 187 4 880867933 +788 193 4 880868235 +788 195 3 880868876 +788 199 5 880868673 +788 200 4 880869075 +788 211 4 880868401 +788 215 3 880869908 +788 222 3 880869945 +788 223 4 880868181 +788 227 3 880867890 +788 228 3 880870365 +788 231 3 880871267 +788 258 4 880867855 +788 270 2 880867855 +788 271 3 880867855 +788 281 4 880871205 +788 282 4 880869819 +788 286 5 880867372 +788 291 4 880870905 +788 318 5 880868355 +788 326 4 880867477 +788 331 4 880867372 +788 356 4 880870827 +788 363 2 880871088 +788 380 3 880869215 +788 405 4 880868974 +788 409 3 880871057 +788 427 2 880868316 +788 429 3 880868919 +788 431 2 880868401 +788 432 1 880869323 +788 433 2 880869621 +788 436 3 880871127 +788 444 3 880870626 +788 471 3 880869862 +788 474 3 880868599 +788 492 3 880868235 +788 503 4 880869984 +788 518 3 880869754 +788 519 4 880868235 +788 546 3 880871429 +788 549 4 880869753 +788 550 3 880869508 +788 554 3 880870257 +788 562 3 880871294 +788 579 3 880871804 +788 582 4 880869396 +788 591 3 880869469 +788 614 4 880868803 +788 620 3 880871088 +788 621 3 880871026 +788 630 2 880869355 +788 636 3 880870583 +788 637 2 880870516 +788 645 3 880870626 +788 646 3 880868513 +788 657 4 880868277 +788 661 5 880868473 +788 679 2 880871057 +788 684 5 880868401 +788 685 3 880870996 +788 693 2 880868705 +788 726 4 880871128 +788 729 4 880870052 +788 755 3 880870881 +788 809 3 880870401 +788 823 3 880871294 +788 931 2 880871551 +788 963 4 880868644 +788 1112 3 880870428 +788 1126 5 880869278 +788 1273 3 880871771 +788 1277 3 880870583 +788 1303 3 880871577 +788 1407 3 880871717 +788 1478 3 880871173 +788 1518 3 880871394 +789 1 3 880332089 +789 9 5 880332114 +789 50 5 880332114 +789 111 3 880332400 +789 137 2 880332189 +789 181 4 880332437 +789 248 3 880332148 +789 249 3 880332296 +789 284 3 880332259 +789 293 4 880332259 +789 294 3 880332275 +789 508 4 880332169 +789 742 3 880332400 +789 1008 4 880332365 +789 1017 3 880332316 +790 7 4 884461796 +790 15 5 884461413 +790 17 2 885157399 +790 25 2 884461925 +790 41 3 885158235 +790 42 5 885156686 +790 47 2 885156988 +790 49 3 885156852 +790 50 4 884461387 +790 51 3 885156193 +790 63 2 885157837 +790 65 4 885155846 +790 66 3 885156560 +790 67 3 885158007 +790 68 3 885157440 +790 69 1 885155209 +790 73 4 885157489 +790 83 3 885155034 +790 89 4 885155770 +790 96 3 885155648 +790 98 5 885156375 +790 105 2 884462907 +790 108 3 884462415 +790 111 3 884461849 +790 117 5 884461283 +790 122 2 884462954 +790 143 3 885156193 +790 144 4 885155572 +790 145 2 885158299 +790 151 4 884461988 +790 158 2 885157797 +790 173 3 885156046 +790 181 4 884461283 +790 186 3 885156165 +790 188 4 885157399 +790 208 3 885156014 +790 209 1 885155540 +790 214 3 885156618 +790 215 2 885157797 +790 216 5 885156435 +790 217 4 885158459 +790 222 3 884461441 +790 226 3 885156396 +790 227 3 885156647 +790 228 3 885156647 +790 231 4 885158057 +790 235 1 884462551 +790 237 4 884461541 +790 246 4 884461283 +790 248 4 884461888 +790 249 3 884461849 +790 250 5 885158562 +790 273 5 884461888 +790 274 3 884461950 +790 282 4 884461590 +790 288 4 884460942 +790 294 2 884460878 +790 298 5 884461849 +790 358 2 885154848 +790 364 2 885158161 +790 384 2 885158374 +790 393 2 885156290 +790 402 2 885156796 +790 405 3 884461925 +790 411 3 884462929 +790 417 2 885156538 +790 431 3 885157159 +790 436 4 885156686 +790 472 2 884462416 +790 485 3 885156709 +790 496 3 885155172 +790 550 4 885156618 +790 552 2 885157984 +790 559 3 885156773 +790 584 4 885156773 +790 585 2 885157686 +790 660 3 885156904 +790 664 3 885158235 +790 678 3 884461115 +790 709 3 885156686 +790 716 4 885158033 +790 722 3 885157686 +790 742 4 884461541 +790 762 5 884462105 +790 763 3 884462692 +790 774 4 885156904 +790 776 3 885155119 +790 781 4 885157107 +790 825 3 884462385 +790 826 1 884462714 +790 849 4 885157205 +790 862 1 885158374 +790 926 2 884462598 +790 931 2 884462105 +790 940 3 885157928 +790 977 1 885158208 +790 1025 1 884461188 +790 1039 3 885155490 +790 1048 4 884462692 +790 1091 1 885157728 +790 1244 1 884462598 +790 1282 5 884462551 +790 1446 4 885157230 +791 9 5 879448314 +791 181 5 879448338 +791 245 4 879448087 +791 259 3 879448087 +791 269 4 879447940 +791 288 3 879447907 +791 300 5 879447977 +791 301 3 879448035 +791 319 2 879448086 +791 322 4 879448128 +791 754 4 879448086 +792 1 4 877910822 +792 7 4 877910822 +792 9 3 877909631 +792 13 4 877910822 +792 100 4 877910822 +792 121 4 877910412 +792 129 4 877909753 +792 147 4 877910822 +792 151 3 877909753 +792 276 3 877910305 +792 282 3 877909931 +792 471 4 877910822 +792 544 4 877910822 +792 591 2 877909865 +792 597 3 877910478 +792 696 3 877910241 +792 831 2 877910666 +792 926 3 877909798 +792 1015 5 877910822 +792 1047 3 877909798 +792 1197 4 877910822 +793 129 4 875104067 +793 148 4 875104498 +793 151 5 875104142 +793 248 4 875103875 +793 250 4 875104031 +793 257 4 875103901 +793 282 4 875104340 +793 288 4 875103584 +793 293 4 875104091 +793 456 3 875104752 +793 508 4 875104620 +793 591 4 875104752 +793 597 3 875104565 +793 696 3 875104303 +793 815 3 875103901 +793 823 3 875104648 +793 928 3 875104864 +793 1187 2 875104167 +793 1365 2 875104718 +794 1 4 891035864 +794 127 5 891035117 +794 150 4 891034956 +794 181 4 891035957 +794 248 4 891036463 +794 269 5 891034213 +794 275 4 891034792 +794 286 3 891034156 +794 420 4 891035662 +794 751 3 891034523 +795 3 2 880561783 +795 7 5 880557294 +795 25 5 880556527 +795 42 3 881252510 +795 58 4 881259362 +795 89 4 880569085 +795 96 2 881530415 +795 97 2 881529761 +795 118 2 883254314 +795 120 3 883255416 +795 121 3 880558035 +795 135 3 881530126 +795 143 3 883252292 +795 150 3 883766579 +795 152 4 881260622 +795 153 3 880569085 +795 167 3 883254348 +795 168 5 881528760 +795 173 4 880567884 +795 174 4 880569625 +795 175 5 881263767 +795 181 4 880557060 +795 182 4 881530041 +795 189 3 881265284 +795 204 3 880570209 +795 209 5 880587862 +795 214 4 881265372 +795 217 1 883774317 +795 231 4 883254844 +795 234 4 883251200 +795 238 3 881266197 +795 257 3 881252002 +795 265 3 881265483 +795 319 4 880554132 +795 386 3 883254649 +795 395 2 883255008 +795 403 3 883250829 +795 419 3 880569526 +795 429 3 880568492 +795 432 3 881258945 +795 465 3 883252686 +795 472 3 880559543 +795 477 3 880558562 +795 550 3 883252004 +795 552 2 883774317 +795 554 3 883254802 +795 568 3 883251659 +795 576 2 883254780 +795 581 4 883253316 +795 588 5 880587862 +795 655 3 881530154 +795 705 4 883250829 +795 710 3 881265617 +795 727 3 881530317 +795 768 3 883252985 +795 826 3 880560736 +795 928 1 883774317 +795 931 2 880560078 +795 1052 3 883255477 +795 1101 4 881528779 +795 1199 3 880557953 +795 1555 3 883249643 +796 1 2 892660251 +796 2 5 893048377 +796 9 3 892660251 +796 12 5 892662483 +796 22 4 892662523 +796 38 5 893048505 +796 39 3 893048562 +796 45 3 892675605 +796 50 5 892660147 +796 66 5 893047241 +796 69 5 892662483 +796 78 3 893219254 +796 86 5 893047321 +796 89 5 892662222 +796 97 3 892690059 +796 100 3 892611093 +796 106 2 893194895 +796 111 4 893047288 +796 112 4 893219477 +796 118 4 893048505 +796 132 4 892662222 +796 151 5 893218765 +796 153 5 892676155 +796 155 5 893047241 +796 161 5 893048377 +796 173 5 892662483 +796 178 3 892662223 +796 180 2 892675606 +796 181 5 892660177 +796 183 5 892662441 +796 185 4 893194548 +796 186 3 892676114 +796 187 5 892662904 +796 188 2 892675654 +796 191 4 892690382 +796 194 4 892662826 +796 196 5 892675693 +796 197 3 892676231 +796 198 4 892662871 +796 210 3 892662441 +796 211 3 893048115 +796 218 3 893194607 +796 219 4 893218453 +796 222 5 892660364 +796 228 5 892761629 +796 230 5 893048377 +796 232 3 893048911 +796 233 4 893048471 +796 238 3 892761427 +796 250 5 892660984 +796 258 4 892611840 +796 271 5 892874827 +796 272 4 892610692 +796 275 4 892660211 +796 280 4 893047208 +796 281 4 893194929 +796 286 2 892610876 +796 293 5 892660251 +796 298 5 892660954 +796 301 1 892611903 +796 307 4 892611799 +796 313 4 892610692 +796 315 5 892611769 +796 316 5 892610692 +796 321 2 892611871 +796 389 4 893219092 +796 396 2 893218621 +796 402 5 893047320 +796 403 4 893048410 +796 409 3 893219122 +796 414 3 892663044 +796 432 2 893218728 +796 433 2 892675694 +796 434 4 892676195 +796 443 2 893202878 +796 448 4 893218485 +796 451 5 893047167 +796 467 3 892675654 +796 474 2 892663009 +796 480 4 892663155 +796 483 5 892663044 +796 484 5 892675528 +796 487 5 892676195 +796 493 3 892675424 +796 500 4 892761629 +796 510 3 892761578 +796 516 4 893048115 +796 542 3 893219403 +796 549 3 893047208 +796 553 4 893047208 +796 554 2 893048713 +796 564 1 893194929 +796 566 4 893048343 +796 570 2 893048505 +796 586 3 893049257 +796 588 5 893218728 +796 597 5 892661043 +796 608 3 892675492 +796 611 4 892675694 +796 623 3 893219122 +796 628 4 893194740 +796 659 3 892662482 +796 684 5 892676195 +796 692 5 892761544 +796 699 4 893188576 +796 709 3 892676155 +796 717 3 893194862 +796 720 4 893048562 +796 722 3 893047460 +796 724 2 893047241 +796 732 5 893047241 +796 735 2 893188514 +796 739 5 893047207 +796 747 4 893047167 +796 755 4 893219033 +796 761 3 893048622 +796 768 2 893219065 +796 775 2 893047691 +796 776 4 893219065 +796 785 5 893047287 +796 794 4 893047320 +796 797 3 893049257 +796 807 2 893047691 +796 809 4 893048471 +796 810 3 893048622 +796 821 4 893047126 +796 826 2 893049362 +796 831 2 893049303 +796 859 2 893218622 +796 873 3 892874827 +796 879 4 892612031 +796 880 3 892611840 +796 928 2 893194929 +796 934 3 893048024 +796 945 5 892663009 +796 949 4 893047460 +796 1012 3 892660466 +796 1036 4 893219522 +796 1037 2 893047967 +796 1041 5 893047287 +796 1048 2 893047288 +796 1057 2 893047967 +796 1076 2 893219150 +796 1101 5 892690382 +796 1217 3 893194607 +796 1285 4 893188622 +796 1299 2 892676043 +796 1303 2 893048713 +796 1407 3 893049362 +796 1522 3 893194740 +797 127 4 879439297 +797 181 5 879439362 +797 269 3 879438957 +797 286 2 879438957 +797 300 2 879439031 +797 340 2 879439735 +797 687 2 879439190 +797 748 1 879439105 +797 948 1 879439230 +797 988 1 879439230 +797 990 2 879439456 +797 1254 2 879439548 +798 14 2 875295930 +798 28 4 875638354 +798 49 4 875814021 +798 62 4 875915855 +798 66 3 875639364 +798 79 4 875638627 +798 82 4 875915855 +798 87 3 875639680 +798 88 4 875743642 +798 90 3 875914860 +798 95 5 876175467 +798 97 1 875638474 +798 98 1 875639581 +798 110 4 875914458 +798 121 5 875295930 +798 143 5 875639061 +798 155 3 875639581 +798 158 2 875914604 +798 161 3 875639235 +798 162 3 876177353 +798 163 3 875814110 +798 173 5 875656071 +798 194 4 875743366 +798 204 4 875742878 +798 208 3 875639010 +798 220 3 875295810 +798 225 4 875637487 +798 228 3 875915639 +798 231 2 875638817 +798 239 4 875814157 +798 258 4 875286981 +798 259 5 875295566 +798 275 4 875295842 +798 280 2 875554523 +798 283 5 875637963 +798 289 3 875286981 +798 321 3 875286981 +798 377 3 875639061 +798 378 4 875743858 +798 380 3 875638680 +798 391 3 875915855 +798 400 3 876176160 +798 405 5 875296148 +798 417 3 876176043 +798 423 3 875639864 +798 444 2 875639115 +798 451 2 875638547 +798 463 3 876175467 +798 485 5 875639784 +798 486 4 875639889 +798 491 4 875743196 +798 493 3 875638514 +798 560 3 875638972 +798 588 4 875638447 +798 602 3 875639260 +798 603 3 875743267 +798 623 3 876175980 +798 692 4 875743140 +798 705 4 875638447 +798 707 2 875303559 +798 709 5 875914860 +798 720 5 875915940 +798 722 3 875914534 +798 740 2 875296148 +798 756 3 875296109 +798 768 4 876175980 +798 769 2 876249507 +798 781 2 875639061 +798 795 3 876176160 +798 805 4 875743813 +798 810 3 875915855 +798 819 3 875295930 +798 821 5 875916505 +798 825 3 875638178 +798 862 3 875914534 +798 946 2 875639889 +798 949 3 875914337 +798 951 3 875639767 +798 953 2 875639290 +798 961 1 875303558 +798 996 3 875638717 +798 1023 3 875295772 +798 1034 2 875638547 +798 1066 2 876175427 +798 1139 3 876177661 +798 1164 3 875637744 +798 1183 1 875915190 +798 1239 4 875915965 +798 1270 3 875915190 +798 1283 4 875295695 +798 1297 3 875916505 +798 1411 1 875639656 +798 1425 4 875915317 +798 1469 3 876175427 +798 1539 2 876177839 +798 1540 4 875743576 +798 1544 3 875638925 +799 173 5 879254077 +799 174 5 879254026 +799 258 5 879253668 +799 286 5 879253668 +799 289 3 879253720 +799 292 4 879253720 +799 319 4 879253668 +799 484 3 879254077 +799 499 4 879253969 +799 654 5 879254027 +799 690 3 879253668 +799 748 2 879253755 +800 25 4 887646980 +800 125 3 887646608 +800 222 4 887646226 +800 223 5 887646979 +800 257 4 887646980 +800 276 3 887646245 +800 289 4 887646980 +800 292 5 887646979 +800 294 3 887645970 +800 300 4 887646980 +800 304 3 887645987 +800 597 4 887646555 +800 751 4 887646980 +800 1047 3 887646804 +801 288 5 890332820 +801 294 5 890332748 +801 300 5 890332748 +801 301 5 890332820 +801 326 4 890332885 +801 328 5 890332748 +801 333 5 890332885 +801 354 4 890332645 +802 7 5 875986303 +802 53 4 875985840 +802 185 3 875985601 +802 196 3 875985239 +802 218 3 875985767 +802 234 5 875985601 +802 258 5 875984532 +802 260 4 875984938 +802 261 3 875985032 +802 263 1 875985032 +802 299 4 875986155 +802 302 4 875984532 +802 304 3 875985142 +802 326 5 875984637 +802 330 2 875985031 +802 331 4 875986155 +802 379 4 875985976 +802 396 2 875985840 +802 413 4 875986303 +802 424 2 875986303 +802 443 4 875985686 +802 448 3 875985686 +802 484 3 875985239 +802 563 3 875985976 +802 567 4 875985976 +802 573 4 875985840 +802 657 4 875985239 +802 672 3 875985767 +802 674 2 875985768 +802 678 4 875984776 +802 681 4 875986155 +802 687 3 875984722 +802 760 3 875986303 +803 242 5 880054592 +803 245 4 880055378 +803 269 5 880054592 +803 303 4 880054629 +803 306 4 880054629 +803 311 5 880054754 +803 321 4 880054792 +803 338 2 880055454 +803 339 3 880054834 +803 683 1 880054885 +803 688 1 880055043 +803 754 2 880054754 +803 988 1 880055454 +804 4 4 879442192 +804 7 4 879443673 +804 10 4 879442298 +804 22 5 879444407 +804 23 4 879442557 +804 24 5 879443776 +804 25 4 879442490 +804 28 4 879445904 +804 39 2 879447475 +804 56 3 879441371 +804 62 4 879445305 +804 63 4 879445334 +804 64 5 879442001 +804 68 3 879445975 +804 70 4 879443137 +804 71 4 879442538 +804 84 3 879445933 +804 89 4 879441524 +804 91 4 879442192 +804 120 3 879444077 +804 123 4 879443645 +804 127 3 879440947 +804 133 3 879445904 +804 134 4 879444890 +804 139 3 879444943 +804 143 3 879442490 +804 144 4 879444890 +804 160 4 879442707 +804 163 3 879445579 +804 168 5 879442377 +804 172 4 879442001 +804 173 4 879442412 +804 176 4 879441702 +804 177 5 879441727 +804 180 4 879442348 +804 181 5 879440947 +804 183 4 879445904 +804 188 4 879442096 +804 191 4 879442025 +804 195 5 879442538 +804 196 4 879441752 +804 199 5 879442239 +804 200 3 879445493 +804 206 3 879445440 +804 211 4 879444805 +804 212 3 879445933 +804 222 5 879442591 +804 226 4 879445372 +804 227 4 879443136 +804 234 4 879442862 +804 237 4 879443709 +804 240 4 879443958 +804 260 2 879440787 +804 265 4 879445037 +804 282 4 879444714 +804 284 4 879442732 +804 322 5 879440700 +804 323 4 879440765 +804 358 3 879440787 +804 363 4 879446245 +804 366 4 879445579 +804 367 3 879445605 +804 378 4 879445605 +804 401 2 879445798 +804 406 3 879444133 +804 411 3 879443776 +804 414 4 879444890 +804 415 3 879446391 +804 419 3 879444624 +804 423 3 879441371 +804 432 3 879441677 +804 443 5 879442122 +804 447 3 879445625 +804 456 3 879444011 +804 468 4 879442687 +804 472 3 879443976 +804 474 4 879441524 +804 480 5 879442057 +804 498 5 879442239 +804 510 5 879441346 +804 511 4 879442792 +804 514 4 879443032 +804 515 5 879441000 +804 526 4 879442792 +804 528 4 879443048 +804 552 4 879446209 +804 558 3 879441627 +804 559 3 879445334 +804 566 4 879444820 +804 576 4 879445355 +804 584 4 879444964 +804 615 5 879442298 +804 624 2 879445536 +804 636 3 879445334 +804 639 4 879442591 +804 657 4 879445904 +804 670 4 879444536 +804 679 4 879445393 +804 692 5 879442122 +804 702 2 879447476 +804 719 3 879445132 +804 720 3 879445072 +804 732 4 879445037 +804 747 3 879445699 +804 748 4 879440700 +804 755 3 879445305 +804 756 3 879443976 +804 768 3 879445493 +804 771 3 879446108 +804 824 3 879444133 +804 826 3 879443776 +804 831 3 879443852 +804 925 4 879443946 +804 929 3 879444092 +804 932 3 879444077 +804 948 1 879447476 +804 972 3 879445783 +804 981 3 879444077 +804 984 4 879440727 +804 988 4 879440663 +804 1016 4 879441099 +804 1028 3 879445556 +804 1041 3 879446037 +804 1047 3 879443852 +804 1050 3 879442269 +804 1056 4 879442762 +804 1074 1 879447476 +804 1140 3 879446276 +804 1170 3 879445393 +804 1188 2 879446245 +804 1210 2 879447476 +804 1228 3 879446090 +804 1285 2 879445766 +804 1291 3 879444115 +804 1411 3 879446129 +804 1489 3 879445441 +805 1 4 881695527 +805 5 4 881695293 +805 7 5 881694693 +805 22 1 881694423 +805 24 4 881694923 +805 25 4 881704193 +805 28 3 881698243 +805 45 4 881697128 +805 47 5 881698778 +805 50 4 879971214 +805 55 5 881694693 +805 56 4 881694423 +805 58 4 881698778 +805 86 4 881696729 +805 88 2 881696876 +805 93 5 881704016 +805 94 1 881705412 +805 95 3 881695527 +805 99 2 881695560 +805 101 2 881695591 +805 102 4 881695591 +805 105 2 881705238 +805 106 5 881695968 +805 117 3 881694798 +805 118 3 881695745 +805 122 5 881705350 +805 123 4 881695723 +805 135 4 881698095 +805 142 4 881705843 +805 143 3 881705765 +805 151 5 881705810 +805 164 3 881695293 +805 167 3 881705534 +805 172 4 881694713 +805 174 3 881694798 +805 180 3 881698139 +805 190 5 881694423 +805 195 3 881694693 +805 197 5 881696671 +805 202 2 881696729 +805 209 4 881684202 +805 212 3 881696729 +805 217 2 881695293 +805 225 1 881705892 +805 229 2 881694885 +805 235 2 881705350 +805 259 1 879971049 +805 269 5 879971251 +805 288 1 881695244 +805 323 5 879971214 +805 331 4 879971214 +805 337 2 881180971 +805 343 5 881684185 +805 352 5 885845656 +805 382 4 881698258 +805 383 2 881706146 +805 385 1 881694693 +805 396 4 881695396 +805 412 3 881705592 +805 413 2 881695414 +805 418 2 881695527 +805 420 4 881695560 +805 455 4 881694854 +805 469 4 881698243 +805 472 2 881695040 +805 476 1 881705592 +805 501 5 881695560 +805 522 5 881698095 +805 525 4 881696335 +805 537 5 881703643 +805 541 3 882216971 +805 545 1 881705488 +805 546 2 881703473 +805 550 3 881694854 +805 554 1 881695080 +805 558 5 881695243 +805 559 3 881695347 +805 568 3 881694854 +805 625 3 881695560 +805 631 5 881698243 +805 648 4 881696729 +805 655 3 881698175 +805 661 4 881697713 +805 709 4 881696699 +805 719 4 881705389 +805 725 3 881705672 +805 735 4 881698139 +805 742 3 881695872 +805 748 2 879971215 +805 769 2 881695999 +805 771 5 881695999 +805 772 3 881698881 +805 806 4 881698175 +805 856 4 881698881 +805 866 1 881705412 +805 934 1 881705611 +805 952 5 881704553 +805 1014 4 881694265 +805 1017 3 881704337 +805 1033 3 881706146 +805 1054 3 881705637 +805 1091 2 881695591 +805 1098 3 881704150 +805 1101 5 881698745 +805 1110 5 881694978 +806 2 3 882389862 +806 12 5 882388204 +806 14 3 882385394 +806 17 4 882389506 +806 28 3 882388286 +806 50 5 882385200 +806 56 5 882387999 +806 82 4 882389179 +806 95 5 882388658 +806 98 4 882387798 +806 122 3 882385694 +806 133 5 882389908 +806 153 4 882388658 +806 155 3 882390164 +806 156 4 882388128 +806 158 2 882390404 +806 162 3 882388557 +806 168 4 882387595 +806 176 5 882387798 +806 179 5 882387870 +806 181 2 882384988 +806 186 4 882387925 +806 195 3 882388328 +806 210 5 882387520 +806 216 4 882388128 +806 222 4 882385563 +806 228 4 882389230 +806 240 2 882385455 +806 257 4 882385394 +806 258 3 882384589 +806 286 3 882384513 +806 357 3 882387373 +806 403 4 882388706 +806 433 4 882389523 +806 461 4 882388706 +806 475 4 882385083 +806 485 5 882388381 +806 496 5 882387798 +806 511 5 882387520 +806 521 3 882387595 +806 588 4 882388795 +806 655 3 882388128 +806 789 4 882389319 +806 923 3 882389080 +806 952 2 882385578 +806 1016 1 882386110 +806 1018 4 882389908 +806 1071 4 882388965 +806 1074 3 882390515 +806 1514 3 882385643 +807 8 4 892528374 +807 21 4 892823188 +807 29 4 892530626 +807 62 3 892979256 +807 63 5 892531504 +807 71 5 892530705 +807 73 3 892532030 +807 79 5 892528690 +807 82 4 892529278 +807 94 2 892823225 +807 96 3 892528564 +807 101 4 893080637 +807 121 4 892529278 +807 133 5 892705060 +807 135 5 892705362 +807 140 3 892530004 +807 141 3 892684576 +807 154 2 892528919 +807 161 4 892528919 +807 173 3 892528285 +807 174 5 892528866 +807 181 5 892528954 +807 194 4 892528427 +807 195 3 892528999 +807 199 5 892528374 +807 210 4 892528646 +807 211 4 892529448 +807 227 4 892529805 +807 231 4 892530705 +807 234 3 892530216 +807 235 1 892530173 +807 252 4 893084689 +807 254 4 893085166 +807 257 4 893084232 +807 313 5 892527050 +807 358 3 892527606 +807 374 3 893083109 +807 380 4 893080442 +807 381 2 892530004 +807 384 4 893080838 +807 404 3 892528427 +807 415 3 893082702 +807 416 3 892528771 +807 418 4 892529358 +807 435 3 892528690 +807 451 5 892530112 +807 473 3 892530705 +807 477 4 892775458 +807 485 5 892531977 +807 491 5 892528062 +807 501 3 892529358 +807 505 3 892528110 +807 511 5 892705391 +807 526 5 892530061 +807 541 4 893083740 +807 546 4 892978966 +807 550 5 892979747 +807 554 4 892684529 +807 566 4 892528999 +807 570 4 893081426 +807 597 4 892705277 +807 605 3 892529150 +807 610 3 892684802 +807 624 3 892530705 +807 627 4 892684456 +807 630 4 892529573 +807 633 4 892529401 +807 657 4 892529573 +807 678 3 892527569 +807 684 5 892529851 +807 699 4 892528515 +807 739 4 892684321 +807 751 3 892527467 +807 820 3 892532068 +807 968 4 892530498 +807 969 4 892528375 +807 1063 4 892529112 +807 1084 4 892529519 +807 1089 4 893084724 +807 1133 3 892823295 +807 1411 1 893082619 +807 1413 2 893083486 +807 1615 4 893084653 +808 245 4 883949822 +808 262 5 883949986 +808 271 3 883949602 +808 286 4 883949560 +808 288 3 883949454 +808 300 4 883949681 +808 302 5 883949986 +808 312 3 883949873 +808 313 5 883949986 +808 325 1 883949873 +808 332 4 883949639 +808 750 5 883949986 +809 258 3 891036903 +809 286 4 891036809 +809 302 5 891036743 +809 307 5 891036809 +809 313 4 891036743 +809 748 3 891037091 +810 243 4 879895350 +810 269 5 891293811 +810 286 4 891293811 +810 288 3 879895233 +810 294 5 879895233 +810 300 5 890083187 +810 304 4 885406558 +810 313 5 885406451 +810 321 5 879895290 +810 331 4 891873686 +810 333 5 886614819 +810 338 4 891873660 +810 902 5 890083210 +811 258 5 886377311 +811 286 5 886376983 +811 289 2 886377426 +811 300 5 886377373 +811 307 4 886377248 +811 308 4 886377082 +811 315 4 886377579 +811 323 5 886377579 +811 690 5 886377248 +811 892 4 886377530 +812 245 2 877625367 +812 261 1 877625461 +812 286 2 877625109 +812 289 1 877625461 +812 292 3 877625610 +812 294 5 877625367 +812 326 4 877625294 +812 328 4 877625368 +812 358 3 877625461 +812 678 4 877625294 +812 748 5 877625368 +812 881 4 877625537 +813 259 2 883752528 +813 310 4 883752290 +813 342 1 883752417 +813 358 3 883752606 +813 680 2 883752660 +813 877 1 883752331 +813 890 4 883752708 +813 892 1 883752708 +813 898 1 883752264 +813 901 1 883752708 +813 988 3 883752528 +814 17 3 885411073 +814 53 4 885411132 +814 56 3 885410957 +814 218 3 885411030 +814 219 4 885411030 +814 443 3 885411132 +814 448 3 885411030 +814 590 2 885411749 +814 665 4 885411204 +814 672 3 885411030 +814 674 3 885411030 +814 675 3 885410957 +815 7 4 878691975 +815 50 5 878691739 +815 57 5 878694854 +815 65 5 878694664 +815 69 4 878694106 +815 77 4 878695798 +815 86 5 878693989 +815 87 5 878694199 +815 89 4 878695092 +815 94 3 878697705 +815 95 3 878693381 +815 99 4 878694665 +815 117 3 878691884 +815 125 5 878692242 +815 127 3 878691739 +815 132 5 878695278 +815 134 4 878694613 +815 135 2 878694493 +815 136 5 878695311 +815 141 4 878694613 +815 154 5 878694453 +815 158 2 878695645 +815 163 4 878695841 +815 172 5 878694613 +815 174 4 878693424 +815 176 4 878694705 +815 181 5 878691844 +815 185 3 878693830 +815 188 3 878693906 +815 191 5 878693183 +815 193 4 878696054 +815 199 4 878694055 +815 200 5 878693871 +815 202 4 878694341 +815 203 4 878696650 +815 215 5 878694820 +815 240 2 878692319 +815 250 1 878691779 +815 252 2 884267891 +815 257 3 884320266 +815 391 2 878697734 +815 393 4 878696473 +815 404 4 878695147 +815 417 5 878694664 +815 418 4 878695744 +815 419 3 878695490 +815 423 5 878694613 +815 432 5 878694952 +815 433 3 878695199 +815 434 3 878696619 +815 435 4 878694269 +815 436 3 878695241 +815 449 2 878698661 +815 471 2 878692149 +815 485 4 878694820 +815 494 5 878696093 +815 501 3 878694028 +815 518 3 878693183 +815 542 4 878694820 +815 582 1 878695311 +815 584 3 878696355 +815 596 5 878692043 +815 614 3 878695964 +815 615 2 878696181 +815 616 1 878697189 +815 631 4 887978234 +815 647 5 878694055 +815 650 2 878696213 +815 665 2 878698525 +815 675 2 878698831 +815 684 4 878696441 +815 712 3 878696563 +815 713 4 878692016 +815 735 5 878695438 +815 969 5 878694306 +815 993 2 878691939 +815 1039 5 878693870 +815 1078 2 878695903 +816 259 2 891711423 +816 288 4 891710724 +816 294 5 891711801 +816 313 5 891710780 +816 326 4 891710803 +816 331 5 891710922 +816 332 4 891710994 +816 349 4 891711554 +816 355 2 891711472 +816 687 2 891711554 +817 7 4 874815885 +817 24 4 874815947 +817 129 4 874815836 +817 245 2 874815789 +817 258 3 874815541 +817 281 4 874816007 +817 289 2 874815789 +817 324 2 874815789 +817 327 4 874815593 +817 328 4 874815679 +817 363 3 874816007 +817 546 4 874815947 +817 597 2 874816007 +817 840 2 874816007 +817 928 3 874815835 +818 271 4 891870389 +818 300 2 891870222 +818 322 2 891870389 +818 346 4 891870364 +818 690 3 891870301 +818 751 5 891870473 +818 875 1 891870590 +818 887 4 891870590 +819 70 4 884105841 +819 182 4 884105025 +819 248 5 880382511 +819 268 4 884012614 +819 300 5 879952538 +819 302 5 884012512 +819 303 4 879952508 +819 315 5 884618354 +819 319 4 879952627 +819 321 4 880381928 +819 327 4 879952656 +819 340 5 879952627 +819 346 5 884012487 +819 381 4 884105841 +819 1160 4 880382533 +820 264 3 887955180 +820 271 2 887955020 +820 288 5 887954934 +820 301 2 887955046 +820 313 5 887954934 +820 315 3 887954828 +820 316 3 887955204 +820 343 4 887955241 +820 748 1 887955223 +821 1 5 874792813 +821 15 5 874792835 +821 28 5 874793469 +821 56 5 874793847 +821 64 5 874793649 +821 70 4 874793933 +821 79 5 874793517 +821 100 2 874792285 +821 106 2 874793196 +821 117 3 874792442 +821 121 3 874792752 +821 126 5 874792570 +821 132 5 874793898 +821 161 4 874793898 +821 213 5 874793806 +821 234 5 874793574 +821 274 5 874792778 +821 318 5 874793368 +821 357 5 874793517 +821 405 4 874793022 +821 427 5 874793649 +821 435 4 874793773 +821 476 4 874792403 +821 509 5 874793574 +821 560 3 874793773 +821 705 5 874793649 +821 763 3 874792491 +821 1060 5 874793022 +821 1084 5 874792285 +821 1197 5 874792889 +822 25 3 891039543 +822 71 4 891037465 +822 111 4 891039414 +822 235 3 891039543 +822 272 3 891033683 +822 333 4 891033747 +822 358 3 891037112 +822 408 5 891037291 +822 410 1 891039486 +822 432 3 891037394 +822 539 2 891035086 +822 588 2 891037394 +822 926 2 891040155 +822 1110 4 891036395 +822 1240 3 891036703 +823 1 4 878438206 +823 8 5 878437925 +823 13 5 878438642 +823 28 3 878438058 +823 53 5 878439229 +823 55 4 878438484 +823 64 5 878437753 +823 68 3 878438930 +823 69 5 878438095 +823 71 3 878439008 +823 77 4 878438958 +823 83 3 878438024 +823 87 5 878438887 +823 90 4 878438552 +823 92 5 878438357 +823 95 4 878439257 +823 98 5 878437890 +823 100 5 878437658 +823 111 4 878438206 +823 124 4 878437925 +823 125 4 878438585 +823 135 4 878438379 +823 140 3 878438332 +823 150 4 878438058 +823 151 4 878438732 +823 152 5 878437703 +823 153 4 878438856 +823 155 3 878439211 +823 157 5 878438435 +823 159 3 878438484 +823 160 4 878438232 +823 164 3 878437658 +823 172 5 878437589 +823 173 5 878438148 +823 175 4 878438457 +823 180 4 878439008 +823 182 4 878438260 +823 184 3 878439629 +823 186 4 878438672 +823 188 5 878438672 +823 193 5 878439113 +823 195 4 878437703 +823 196 5 878439211 +823 197 5 878437623 +823 198 4 878439065 +823 216 5 878438584 +823 217 3 878439655 +823 218 4 878438232 +823 222 3 878438179 +823 228 3 878438435 +823 237 4 878439037 +823 239 4 878438959 +823 240 3 878438119 +823 273 3 878437890 +823 282 3 878439364 +823 286 5 878437499 +823 318 5 878438179 +823 356 3 878439467 +823 374 1 878438733 +823 401 4 878439365 +823 419 4 878438780 +823 423 5 878438780 +823 428 5 878438511 +823 433 4 878438379 +823 450 1 878439412 +823 459 4 878438379 +823 471 3 878438608 +823 474 5 878437890 +823 478 4 878439113 +823 531 4 878437890 +823 566 4 878439605 +823 606 4 878438856 +823 642 4 878439089 +823 660 5 878438435 +823 692 4 878439438 +823 721 4 878438695 +823 732 5 878439183 +823 747 4 878438585 +823 762 4 878439557 +823 770 4 878438754 +823 1135 3 878437836 +823 1267 4 878438780 +824 268 4 877020871 +824 288 3 877020927 +824 289 2 877021044 +824 292 3 877020927 +824 294 3 877021002 +824 304 3 877020964 +824 321 2 877021002 +824 322 4 877021044 +824 323 2 877020965 +824 325 4 877021121 +824 687 2 877021077 +824 989 2 877021121 +824 991 3 877021121 +825 12 5 881101782 +825 14 3 880755942 +825 116 3 880755693 +825 117 5 889021393 +825 120 3 889020852 +825 122 1 889021209 +825 125 5 880755942 +825 130 2 889021235 +825 174 5 881101782 +825 176 5 881101641 +825 181 4 880756224 +825 235 3 880756678 +825 243 4 884642187 +825 245 5 882109193 +825 248 4 880755869 +825 250 5 880755693 +825 257 4 880931887 +825 258 4 880932625 +825 275 3 881100775 +825 281 3 880756678 +825 286 4 889912073 +825 289 1 882109193 +825 293 3 880931805 +825 307 4 880755305 +825 322 5 884642187 +825 363 4 881185343 +825 385 5 881101641 +825 406 2 889021208 +825 413 3 889020940 +825 455 4 880756796 +825 491 4 881101782 +825 515 4 880756076 +825 546 5 880756603 +825 591 4 880755943 +825 593 3 880755468 +825 595 3 889021134 +825 619 4 880756834 +825 687 5 882109250 +825 717 4 889021088 +825 825 4 881187129 +825 827 4 881184695 +825 870 3 880931932 +825 925 4 880756904 +825 926 4 880756643 +825 928 3 880756224 +825 979 4 889021134 +825 984 5 884642187 +825 1016 3 880756077 +825 1028 3 889021037 +825 1087 3 881343153 +825 1117 3 880756402 +825 1163 3 880756076 +825 1244 5 881185672 +826 1 4 885690250 +826 11 4 885690526 +826 33 3 885690600 +826 53 5 885690900 +826 55 5 885690636 +826 56 5 885690525 +826 68 3 885690677 +826 91 4 885690342 +826 99 3 885690379 +826 101 5 885690442 +826 127 5 885690482 +826 174 5 885690481 +826 176 5 885690600 +826 181 5 885690526 +826 184 3 885690677 +826 195 5 885690636 +826 226 4 885690677 +826 228 3 885690600 +826 229 4 885690713 +826 230 4 885690600 +826 231 3 885690713 +826 232 3 885690713 +826 233 4 885690713 +826 258 4 885689759 +826 288 3 885689759 +826 294 4 885689918 +826 309 4 885689892 +826 332 3 885689821 +826 343 5 885690046 +826 373 3 885690900 +826 391 4 885690854 +826 397 3 885690854 +826 403 4 885690750 +826 420 3 885690342 +826 422 2 885690379 +826 432 3 885690379 +826 435 4 885690677 +826 449 4 885690819 +826 501 3 885690380 +826 510 4 885690677 +826 554 4 885690749 +826 566 3 885690636 +826 570 4 885690790 +826 576 4 885690900 +826 588 4 885690342 +826 624 4 885690379 +826 627 4 885690342 +826 678 4 885689942 +826 679 2 885690712 +826 768 3 885690442 +826 802 4 885690854 +826 820 3 885690250 +826 946 3 885690342 +826 1091 3 885690379 +826 1222 3 885690819 +827 272 4 884213984 +827 301 4 882201885 +827 302 4 882201356 +827 331 3 892157376 +827 689 3 882201884 +827 690 3 882807503 +827 750 3 892157198 +828 10 3 891035970 +828 14 4 891035819 +828 26 3 891037948 +828 45 4 891380166 +828 52 3 891037639 +828 60 4 891380167 +828 61 5 891037466 +828 83 3 891036826 +828 190 3 891036826 +828 198 4 891036492 +828 213 2 891037865 +828 224 3 891035614 +828 246 2 893186163 +828 270 5 891034148 +828 271 2 891035438 +828 275 3 891035614 +828 283 3 891035864 +828 286 4 891033342 +828 302 4 891380166 +828 306 3 891033342 +828 313 3 891033342 +828 322 3 891034515 +828 327 4 891033756 +828 340 5 891033756 +828 347 1 891035438 +828 381 3 891036568 +828 382 3 891037639 +828 509 2 891036630 +828 510 3 891037231 +828 702 2 891037466 +828 730 3 891036972 +828 886 1 891035438 +828 895 2 891035437 +828 902 4 891380167 +828 903 4 891380167 +828 904 3 891618316 +828 923 3 891037047 +828 955 3 891379818 +828 958 5 891038262 +828 960 5 891036568 +828 1005 3 891037813 +828 1056 1 891036630 +828 1153 3 891037948 +828 1466 4 891380166 +828 1597 3 891037813 +828 1622 1 891038060 +828 1672 2 891037722 +829 13 4 881086933 +829 14 2 881712488 +829 70 4 881699060 +829 100 4 881086893 +829 124 4 892312784 +829 153 4 887584684 +829 170 4 881698933 +829 198 4 884736647 +829 213 4 881698933 +829 222 4 882816987 +829 237 3 891204271 +829 275 4 892312770 +829 281 3 881712349 +829 319 4 892312728 +829 462 4 881698976 +829 509 5 881698976 +829 515 4 881698803 +829 640 3 881707829 +829 733 2 887584684 +829 855 4 881698934 +829 1193 4 881699425 +830 1 4 891560596 +830 2 3 891561806 +830 15 4 891561065 +830 29 1 891899476 +830 50 5 891561606 +830 56 2 891464054 +830 71 4 891561474 +830 96 3 891561673 +830 97 4 892502984 +830 98 5 891462467 +830 99 3 891561474 +830 126 5 892502421 +830 161 4 891561870 +830 172 5 891561606 +830 176 3 891561673 +830 181 5 891561673 +830 187 2 891464054 +830 195 3 891464054 +830 197 4 891464415 +830 202 5 891464148 +830 203 4 891898061 +830 204 3 891898551 +830 205 5 891462531 +830 210 5 891561607 +830 211 4 891898720 +830 226 5 891561806 +830 230 3 891561806 +830 241 4 891464148 +830 265 5 891561607 +830 310 4 891462185 +830 313 5 891462165 +830 403 4 891561806 +830 432 3 891561474 +830 435 5 891561737 +830 449 2 891899475 +830 474 5 891898661 +830 480 5 891462594 +830 484 5 891898661 +830 498 5 891899535 +830 501 3 891561474 +830 523 4 891898661 +830 588 5 891561474 +830 612 4 891898061 +830 613 4 891898603 +830 627 3 891561541 +830 679 3 891561805 +830 790 1 891899476 +830 820 1 891899475 +830 925 4 892502651 +830 968 4 891898211 +831 7 5 891354947 +831 12 5 891354687 +831 28 3 891354848 +831 31 4 891354612 +831 50 5 891354900 +831 64 5 891354534 +831 83 4 891354848 +831 100 4 891354573 +831 117 3 891354970 +831 150 3 891354815 +831 174 5 891354534 +831 250 5 891354931 +831 258 2 891354020 +831 266 3 891354338 +831 270 4 891354000 +831 288 1 891354043 +831 298 5 891355004 +831 300 3 891354191 +831 307 2 891354064 +831 315 3 891353915 +831 316 3 891354338 +831 317 4 891354798 +831 323 2 891354275 +831 326 4 891354275 +831 328 3 891354000 +831 331 4 891353979 +831 347 3 891354191 +831 354 4 891354063 +831 358 2 891354371 +831 603 5 891354535 +831 687 2 891354424 +831 713 5 891354970 +831 741 2 891354726 +831 748 2 891354297 +831 749 2 891354225 +831 1012 4 891354970 +832 25 2 888260157 +832 245 3 888259984 +832 258 3 888258960 +832 286 3 888258806 +832 294 4 888259121 +832 322 3 888259984 +832 323 3 888259984 +832 328 3 888259020 +832 681 2 888259984 +832 873 2 888259984 +832 876 3 888259480 +833 5 1 879818535 +833 7 3 875035953 +833 28 3 875135213 +833 30 4 875225297 +833 33 2 875134264 +833 50 2 875035718 +833 53 1 875224039 +833 56 4 875122716 +833 67 3 875134891 +833 68 4 875224515 +833 69 2 875039326 +833 72 2 875134724 +833 92 2 875135363 +833 93 4 875036056 +833 96 5 875132134 +833 98 3 875123359 +833 100 4 875036169 +833 108 2 875036102 +833 111 2 875134110 +833 118 2 875038483 +833 122 2 875135058 +833 144 4 887158945 +833 151 4 875036418 +833 152 2 875134063 +833 159 2 879818659 +833 168 5 875038775 +833 177 5 875123299 +833 183 5 875123026 +833 185 5 875039416 +833 186 1 875133458 +833 188 4 875124495 +833 195 5 875038529 +833 198 4 875123677 +833 202 4 875133924 +833 203 5 875124299 +833 206 4 875038671 +833 209 5 875124604 +833 211 3 875124495 +833 218 4 875124495 +833 233 2 875223756 +833 235 4 875036418 +833 238 2 875124225 +833 240 4 875035624 +833 249 1 875133458 +833 262 2 875035534 +833 289 1 875035487 +833 302 3 884828670 +833 320 4 875124647 +833 324 3 875035487 +833 325 4 875035885 +833 328 2 875035534 +833 381 4 875134016 +833 384 3 875134724 +833 385 3 875039204 +833 396 3 875134063 +833 403 1 875133458 +833 405 3 875038395 +833 427 3 878078390 +833 428 2 875134110 +833 431 2 875223813 +833 432 4 875132134 +833 434 3 875038888 +833 435 2 878078229 +833 443 3 875124348 +833 444 3 875224352 +833 445 4 875123299 +833 451 1 875134016 +833 452 1 875224178 +833 475 3 875035718 +833 479 2 875039101 +833 488 5 878078229 +833 504 4 875038671 +833 511 4 875038742 +833 512 4 875225257 +833 515 3 875035660 +833 518 3 875039100 +833 522 2 875039039 +833 550 2 887158946 +833 552 3 875223976 +833 558 4 875039204 +833 573 1 875223976 +833 589 5 875038807 +833 597 1 875133458 +833 616 5 875124024 +833 628 4 875036102 +833 636 3 879818659 +833 640 3 875123986 +833 642 3 875038626 +833 647 4 875123427 +833 649 3 875224178 +833 654 5 875039558 +833 656 4 875123536 +833 657 4 875123986 +833 663 3 875134317 +833 665 3 875224309 +833 667 1 875224381 +833 670 1 875124428 +833 671 5 875039204 +833 675 4 875224252 +833 684 3 875123195 +833 696 3 875036912 +833 715 2 875133633 +833 730 4 875038888 +833 826 2 875297292 +833 919 2 875124348 +833 923 5 875039153 +833 933 4 875035914 +833 943 4 875124382 +833 977 2 879818799 +833 1012 4 875036418 +833 1016 1 875133458 +833 1017 4 875036017 +833 1029 1 875134940 +833 1071 3 875134150 +833 1118 3 875133924 +833 1154 4 875039101 +833 1231 4 875132237 +833 1597 5 875225193 +834 7 4 890862974 +834 25 3 890862468 +834 50 5 890862362 +834 117 4 890862386 +834 127 5 890862412 +834 150 5 890862564 +834 151 4 890862974 +834 246 4 890863023 +834 255 3 890862940 +834 288 5 890860566 +834 292 5 890860566 +834 294 3 890860159 +834 313 5 890860566 +834 315 5 890860687 +834 343 4 890860416 +834 347 4 890860007 +834 405 4 890862563 +834 475 5 890862311 +835 23 4 891035310 +835 25 5 891032764 +835 69 5 891034366 +835 97 5 891033501 +835 133 5 891033718 +835 162 5 891033420 +835 179 5 891033819 +835 180 5 891033675 +835 183 4 891034023 +835 185 4 891033957 +835 186 4 891034285 +835 196 5 891033173 +835 197 5 891033889 +835 210 5 891033303 +835 215 4 891033199 +835 237 4 891035310 +835 272 4 891035309 +835 281 4 891032718 +835 288 2 891032224 +835 294 3 891032356 +835 313 5 891032224 +835 318 5 891033718 +835 354 3 891032224 +835 357 5 891033232 +835 371 5 891034366 +835 421 4 891034023 +835 423 4 891033857 +835 427 4 891033380 +835 458 4 891032869 +835 484 4 891034219 +835 499 5 891033675 +835 526 3 891033927 +835 527 4 891033048 +835 543 5 891033232 +835 612 4 891033927 +835 633 5 891033889 +835 673 4 891034117 +835 735 5 891033349 +835 1673 3 891034023 +836 56 4 885754096 +836 89 4 885754029 +836 134 3 885754096 +836 170 5 885754200 +836 192 5 885754118 +836 216 4 885753979 +836 238 4 885754200 +836 258 4 885753475 +836 269 5 885753475 +836 288 1 885753475 +836 318 5 885754172 +836 419 2 885753979 +836 429 4 885754200 +836 496 4 885754231 +836 603 5 885754029 +836 611 5 885754096 +836 654 5 885754150 +836 657 5 885754096 +836 659 5 885754096 +836 793 2 885754029 +836 875 1 885753752 +836 1065 4 885754231 +837 13 4 875721843 +837 15 3 875721869 +837 20 4 875721919 +837 25 3 875722169 +837 151 5 875721734 +837 237 3 875721793 +837 258 4 875721473 +837 275 4 875721989 +837 276 1 875721843 +837 280 2 875722350 +837 283 5 875722069 +837 286 4 875721473 +837 289 5 875721539 +837 294 4 875721502 +837 762 2 875722318 +837 1047 1 875722267 +838 7 5 887064072 +838 8 4 887066972 +838 12 4 887067063 +838 22 4 887065878 +838 24 4 887064231 +838 56 5 887066782 +838 71 3 887066782 +838 87 4 887065750 +838 96 4 887065781 +838 100 4 887063994 +838 111 4 887064357 +838 114 4 887065822 +838 128 4 887066724 +838 134 3 887066304 +838 143 5 887067631 +838 168 5 887066678 +838 179 5 887067340 +838 187 3 887067019 +838 190 4 887066988 +838 206 4 887067020 +838 228 4 887067390 +838 235 2 887064515 +838 249 4 887064315 +838 271 4 887060972 +838 274 4 887064388 +838 275 5 887064193 +838 276 4 887064825 +838 286 4 887061035 +838 289 5 887061035 +838 300 2 887060778 +838 302 4 887060659 +838 385 4 887067127 +838 405 4 887064589 +838 408 4 887066040 +838 455 4 887064275 +838 1005 4 887066678 +839 50 5 875751930 +839 93 4 875752056 +839 111 4 875752237 +839 121 3 875752237 +839 129 4 875751893 +839 220 3 875753029 +839 277 2 875752082 +839 285 5 875752138 +839 286 4 875751411 +839 292 3 875751559 +839 319 1 875751411 +839 321 1 875751470 +839 326 4 875751519 +839 410 1 875752274 +839 455 4 875752107 +839 508 3 875752479 +839 532 3 875752560 +839 696 2 875752479 +839 713 2 875751774 +839 742 3 875752200 +839 866 2 875752687 +839 950 4 875752408 +839 1009 3 875752560 +839 1085 5 875752877 +840 7 4 891203408 +840 8 5 891208958 +840 48 3 891204418 +840 52 3 891205320 +840 56 5 891204239 +840 64 4 891204664 +840 66 3 891209509 +840 79 4 891204135 +840 83 5 891204215 +840 88 4 891209241 +840 96 2 891204592 +840 97 3 891205041 +840 99 5 891204509 +840 117 3 891209408 +840 121 2 891204056 +840 132 4 891204356 +840 134 3 891204160 +840 143 4 891209490 +840 144 3 891209104 +840 153 3 891204627 +840 163 4 891204295 +840 165 5 891204239 +840 168 5 891204868 +840 169 5 891204215 +840 170 4 891204713 +840 180 5 891205143 +840 191 4 891204160 +840 194 3 891204264 +840 197 5 891204509 +840 203 5 891204627 +840 210 3 891204592 +840 213 4 891205199 +840 238 5 891204239 +840 257 3 891204056 +840 272 4 891202756 +840 285 4 891203203 +840 297 5 891203334 +840 300 3 891204056 +840 303 5 891202889 +840 367 4 891205287 +840 405 4 891203585 +840 429 3 891204827 +840 430 5 891204418 +840 443 5 891209490 +840 462 3 891205287 +840 474 5 891204089 +840 483 5 891208703 +840 489 3 891204385 +840 492 5 891204215 +840 495 3 891209322 +840 496 5 891204089 +840 497 4 891209571 +840 505 5 891204714 +840 506 5 891204385 +840 507 4 891208667 +840 509 3 891204564 +840 512 5 891205371 +840 513 5 891204295 +840 514 5 891205093 +840 515 5 891203280 +840 526 4 891204971 +840 529 4 891204891 +840 531 5 891204089 +840 566 5 891209285 +840 582 5 891204265 +840 606 4 891205004 +840 611 4 891204509 +840 628 4 891209285 +840 631 4 891205004 +840 632 3 891204296 +840 638 3 891204239 +840 640 3 891209242 +840 655 5 891205245 +840 659 5 891204827 +840 664 3 891204474 +840 671 3 891204891 +840 705 4 891204713 +840 707 5 891204114 +840 747 4 891209490 +840 750 4 891202784 +840 884 5 891203087 +840 945 3 891204509 +840 949 4 891211530 +840 1018 3 891211664 +841 271 4 889067216 +841 272 4 889066780 +841 286 5 889066959 +841 300 4 889066780 +841 307 5 889067152 +841 323 3 889066880 +841 333 4 889066780 +841 344 3 889066880 +841 353 1 889067253 +841 358 1 889067348 +841 678 4 889067313 +841 754 4 889067045 +841 873 4 889067121 +842 268 5 891218059 +842 269 5 891217834 +842 270 5 891218251 +842 313 4 891217891 +842 344 1 891217835 +842 751 4 891218192 +842 754 1 891218251 +842 886 4 891218459 +842 1105 2 891218353 +843 21 2 879448392 +843 23 2 879446696 +843 25 2 879447523 +843 28 3 879446977 +843 52 2 879447110 +843 53 2 879443442 +843 56 3 879443174 +843 69 3 879446476 +843 71 2 879449256 +843 77 2 879443975 +843 79 2 879445658 +843 82 3 879444801 +843 95 2 879446716 +843 96 3 879444711 +843 97 3 879447377 +843 99 2 879448751 +843 102 2 879449177 +843 121 3 879444047 +843 133 3 879448431 +843 135 5 879449177 +843 141 4 879447327 +843 142 2 879448604 +843 157 2 879448199 +843 174 4 879444670 +843 176 4 879447837 +843 177 3 879444767 +843 182 2 879444739 +843 185 3 879443341 +843 188 2 879444767 +843 191 3 879446755 +843 193 3 879446863 +843 204 3 879448073 +843 206 3 879448112 +843 208 3 879446716 +843 209 3 879446806 +843 217 4 879443341 +843 219 2 879443394 +843 225 2 879449256 +843 250 4 879445087 +843 252 3 879445114 +843 270 4 879442947 +843 271 5 879442947 +843 275 3 879446680 +843 288 4 879443544 +843 379 2 879443394 +843 380 3 879448262 +843 393 2 879448858 +843 402 2 879447599 +843 429 4 879446503 +843 432 2 879447326 +843 436 2 879443394 +843 443 4 879443297 +843 447 2 879443297 +843 450 2 879444083 +843 474 3 879445738 +843 485 2 879447007 +843 498 2 879446155 +843 501 2 879447578 +843 511 3 879447837 +843 515 3 879444801 +843 542 2 879448392 +843 550 3 879449152 +843 551 3 879443544 +843 563 2 879443545 +843 566 3 879444766 +843 569 1 879443482 +843 578 3 879448604 +843 581 3 879443951 +843 582 2 879445658 +843 588 2 879447579 +843 590 3 879443544 +843 603 2 879446596 +843 625 2 879448542 +843 628 2 879443951 +843 654 2 879446359 +843 655 3 879447030 +843 661 3 879447077 +843 667 2 879443597 +843 672 3 879443297 +843 674 2 879443394 +843 675 5 879443174 +843 679 4 879444851 +843 739 2 879447523 +843 800 4 879443482 +843 831 4 879444977 +843 860 3 879443443 +843 959 2 879447523 +843 1118 2 879448112 +843 1411 3 879449377 +843 1480 2 879449377 +844 7 3 877381784 +844 24 5 877388183 +844 50 5 877388182 +844 56 4 877386897 +844 69 5 877388182 +844 70 4 877386990 +844 89 3 877387857 +844 97 3 877386855 +844 109 2 877381850 +844 117 4 877381450 +844 121 3 877382055 +844 144 3 877387825 +844 151 4 877381674 +844 154 3 877387052 +844 168 4 877386990 +844 181 5 877388183 +844 184 3 877387769 +844 210 4 877386928 +844 216 5 877388183 +844 228 3 877387858 +844 251 4 877381484 +844 258 4 877381147 +844 260 1 877381312 +844 300 3 877381268 +844 318 4 877382762 +844 326 3 877381268 +844 431 4 877387825 +844 511 3 877387825 +844 553 4 877387242 +844 597 3 877382339 +844 625 3 877388040 +844 690 3 877381230 +844 778 4 877387195 +844 1039 4 877382717 +844 1099 2 877387391 +844 1474 4 877387195 +845 268 3 885409374 +845 269 4 885409493 +845 272 3 885409374 +845 302 3 885409374 +845 310 4 885409493 +845 313 4 885409374 +845 346 3 885409493 +845 690 5 885409719 +845 751 2 885409719 +845 900 3 885409719 +845 909 4 885409789 +845 1022 2 885409493 +845 1394 4 885409719 +845 1399 3 885409493 +845 1434 4 885409719 +845 1463 1 885409374 +845 1592 3 885409493 +846 2 5 883948949 +846 4 5 883948908 +846 8 4 883947861 +846 22 4 883948222 +846 23 4 883948089 +846 26 4 883949335 +846 29 2 883949508 +846 31 4 883948571 +846 33 5 883948571 +846 42 5 883948606 +846 46 4 883949199 +846 50 5 883948003 +846 53 3 883950820 +846 55 5 883948642 +846 56 5 883948003 +846 59 4 883948457 +846 64 4 883948221 +846 66 4 883949290 +846 69 5 883947500 +846 71 4 883948141 +846 72 4 883950129 +846 76 4 883949200 +846 83 4 883947911 +846 86 5 883949290 +846 91 4 883948417 +846 92 4 883948495 +846 96 4 883947694 +846 102 2 883950286 +846 110 3 883950568 +846 127 5 883947911 +846 132 5 883948840 +846 133 4 883948534 +846 135 4 883947694 +846 143 5 883948804 +846 168 5 883947737 +846 172 4 883949834 +846 178 4 883947630 +846 179 5 883948571 +846 180 5 883947630 +846 184 5 883949697 +846 185 5 883948534 +846 186 5 883948949 +846 188 3 883948642 +846 190 5 883947694 +846 191 5 883948048 +846 196 4 883949290 +846 202 5 883949594 +846 208 5 883949547 +846 209 4 883948377 +846 216 4 883948571 +846 217 4 883950022 +846 219 4 883948607 +846 227 4 883949698 +846 228 5 883947737 +846 229 3 883949771 +846 230 3 883948720 +846 231 2 883950711 +846 232 3 883949290 +846 238 5 883948377 +846 239 4 883947694 +846 241 4 883947911 +846 268 4 883946938 +846 269 5 883946315 +846 289 4 883946548 +846 294 3 883946477 +846 317 3 883947778 +846 367 4 883949121 +846 378 4 883948989 +846 387 3 883950634 +846 388 3 883950950 +846 393 3 883949547 +846 398 1 883950753 +846 400 1 883950889 +846 401 5 883949643 +846 404 4 883949046 +846 414 4 883949771 +846 415 2 883950605 +846 417 4 883950129 +846 426 1 883949046 +846 427 4 883948948 +846 431 5 883947590 +846 433 4 883948457 +846 449 3 883950950 +846 451 4 883949379 +846 452 3 883950950 +846 464 2 883947778 +846 468 4 883948949 +846 469 2 883949290 +846 479 4 883947694 +846 480 5 883947861 +846 482 5 883948173 +846 484 5 883948048 +846 485 5 883947590 +846 486 5 883948948 +846 488 5 883948343 +846 492 3 883947737 +846 493 5 883947590 +846 494 5 883947590 +846 498 4 883947861 +846 499 4 883948840 +846 504 5 883948221 +846 505 5 883948343 +846 507 3 883947861 +846 516 4 883948457 +846 518 4 883948571 +846 520 5 883947960 +846 524 3 883947819 +846 525 4 883947819 +846 528 5 883948417 +846 530 5 883948606 +846 540 2 883950711 +846 542 3 883950712 +846 552 4 883950634 +846 554 4 883949728 +846 559 5 883949200 +846 565 2 883950712 +846 570 4 883949698 +846 575 2 883950569 +846 578 3 883949200 +846 588 4 883949380 +846 606 4 883948685 +846 608 4 883948377 +846 609 5 883949199 +846 610 4 883948221 +846 612 5 883949421 +846 622 4 883950220 +846 640 1 883948642 +846 642 5 883950220 +846 654 5 883948089 +846 659 5 883948908 +846 663 4 883948873 +846 673 4 883949422 +846 675 2 883949379 +846 679 3 883948989 +846 684 5 883948141 +846 692 3 883949594 +846 697 5 883949254 +846 702 4 883949380 +846 708 3 883948685 +846 715 4 883949380 +846 716 3 883949508 +846 719 2 883949643 +846 720 4 883949643 +846 721 4 883948719 +846 723 2 883948949 +846 727 4 883948873 +846 731 3 883949594 +846 732 4 883948840 +846 739 4 883949459 +846 746 3 883949254 +846 748 3 883946477 +846 751 5 883946938 +846 755 3 883950311 +846 770 5 883948606 +846 780 4 883949380 +846 786 4 883949771 +846 810 3 883950434 +846 837 5 883948495 +846 849 3 883950129 +846 949 2 883949643 +846 967 3 883950791 +846 1004 3 883950791 +846 1018 4 883949421 +846 1029 1 883950859 +846 1035 4 883949771 +846 1044 4 883950820 +846 1045 3 883950364 +846 1050 4 883949046 +846 1066 3 883950568 +846 1069 4 883948221 +846 1101 3 883948685 +846 1107 4 883950128 +846 1118 5 883948495 +846 1133 2 883950711 +846 1148 3 883950220 +846 1168 4 883950569 +846 1179 2 883949121 +846 1182 2 883950488 +846 1188 2 883950524 +846 1209 1 883950858 +846 1239 2 883950634 +846 1248 4 883949254 +846 1267 3 883949728 +846 1311 2 883950712 +846 1451 4 883948089 +846 1473 5 883949335 +846 1540 3 883949121 +847 7 3 878775647 +847 11 3 878939876 +847 39 2 878940531 +847 71 4 878940653 +847 79 4 878941588 +847 82 4 878941466 +847 93 1 878775570 +847 95 4 878939503 +847 96 4 878940301 +847 99 2 878940013 +847 104 3 878939266 +847 108 2 878939266 +847 109 5 878938982 +847 118 3 878775982 +847 121 3 878775523 +847 144 4 878940189 +847 151 4 878775914 +847 153 4 878941496 +847 161 2 878940830 +847 168 4 878939912 +847 173 5 878940332 +847 176 3 878941398 +847 180 2 878939945 +847 183 4 878940332 +847 198 4 878940161 +847 200 3 878940756 +847 202 4 878940255 +847 211 4 878940383 +847 216 3 878940356 +847 218 3 878940254 +847 225 1 878775647 +847 234 2 878939645 +847 239 5 878940688 +847 243 1 878774856 +847 257 3 878775863 +847 258 5 878774722 +847 261 1 878774763 +847 301 5 878774832 +847 367 3 878940189 +847 372 5 878940189 +847 404 3 878940732 +847 410 1 878938855 +847 411 1 878939349 +847 428 3 878940732 +847 444 3 878940782 +847 448 4 878940013 +847 456 1 878939393 +847 473 2 878938855 +847 474 4 878941562 +847 476 4 878775961 +847 479 3 878940405 +847 485 3 878941539 +847 499 4 878940013 +847 527 2 878939536 +847 567 3 878940783 +847 645 3 878940132 +847 658 3 878940855 +847 732 4 878940510 +847 735 4 878940890 +847 756 1 878776020 +847 926 1 878938792 +847 948 1 878774764 +847 1007 4 878775444 +847 1012 1 878775729 +847 1050 3 878940618 +847 1086 4 878775404 +847 1137 5 878775404 +847 1160 4 878939153 +847 1204 3 878940757 +848 25 5 887046890 +848 65 2 887038527 +848 82 5 887039164 +848 89 5 887040097 +848 95 5 887041354 +848 99 3 887038397 +848 118 2 887047243 +848 125 5 887040159 +848 133 4 887047308 +848 135 4 887038022 +848 151 4 887043180 +848 154 5 887038634 +848 162 2 887048541 +848 165 5 887038397 +848 172 5 887038022 +848 179 5 887042377 +848 181 5 887046674 +848 185 3 887037861 +848 195 3 887040097 +848 196 5 887044238 +848 200 2 887040302 +848 202 5 887043040 +848 204 5 887039078 +848 209 5 887038397 +848 214 5 887048573 +848 234 4 887037861 +848 265 4 887047808 +848 318 5 887038231 +848 357 5 887038104 +848 419 5 887043421 +848 423 4 887038197 +848 428 5 887047809 +848 474 5 887038441 +848 476 3 887047674 +848 478 5 887039531 +848 490 5 887043514 +848 495 2 887039018 +848 496 2 887037980 +848 501 3 887048073 +848 509 4 887046674 +848 517 5 887043514 +848 530 5 887043040 +848 588 3 887043514 +848 603 5 887047308 +848 610 5 887046259 +848 633 3 887043040 +848 638 5 887038073 +848 640 1 887037935 +848 642 5 887039164 +848 650 4 887037822 +848 679 3 887047674 +848 732 5 887048573 +848 747 5 887043777 +848 755 5 887046674 +848 845 5 887046565 +848 899 3 887037471 +848 971 5 887043421 +848 1021 5 887043777 +848 1101 5 887046533 +848 1118 5 887048573 +849 15 5 879695896 +849 27 5 879695469 +849 121 5 879695086 +849 174 5 879695469 +849 288 5 879695056 +849 298 5 879695086 +849 427 4 879695317 +849 568 4 879695317 +849 588 5 879695680 +849 633 5 879695420 +850 8 5 883195055 +850 15 5 883195256 +850 22 5 883195527 +850 28 5 883195214 +850 71 5 883195118 +850 82 5 883194950 +850 97 5 883195168 +850 121 5 883195055 +850 168 5 883195456 +850 172 5 883195301 +850 173 5 883195008 +850 174 5 883195419 +850 181 5 883195419 +850 210 5 883195301 +850 228 5 883195394 +850 294 5 883194367 +850 300 5 883194367 +850 480 5 883194810 +850 494 3 883195168 +850 519 4 883195168 +850 568 5 883194768 +850 584 4 883195276 +850 648 5 883195527 +850 663 2 883194768 +850 742 5 883195214 +850 969 5 883194908 +851 10 3 875730030 +851 31 4 875807058 +851 50 5 891961663 +851 68 3 875731722 +851 71 4 875731567 +851 79 4 875731722 +851 109 4 875730379 +851 111 3 874767408 +851 121 4 874728565 +851 122 2 875731105 +851 123 4 875730379 +851 125 4 875730826 +851 129 4 875730379 +851 132 4 875731370 +851 144 5 875806849 +851 147 4 874728461 +851 153 3 875806683 +851 157 4 875731605 +851 182 5 875731406 +851 192 4 875731441 +851 228 4 875731776 +851 238 5 875731330 +851 250 5 875730379 +851 258 4 883148669 +851 264 2 890343477 +851 271 5 883148692 +851 273 5 891961663 +851 290 4 874728430 +851 291 4 875730244 +851 299 4 886534617 +851 301 3 890343401 +851 304 3 877831020 +851 307 4 878574215 +851 313 4 883148627 +851 330 3 884205246 +851 331 3 877830970 +851 342 2 888540205 +851 343 2 883148773 +851 346 5 884831499 +851 347 5 891961663 +851 352 1 890343544 +851 353 3 890862878 +851 355 4 888540240 +851 363 4 875730629 +851 367 2 875731674 +851 406 2 875731674 +851 411 3 875731021 +851 412 2 875731105 +851 455 3 875730379 +851 531 3 875731189 +851 588 4 875731529 +851 595 3 875731021 +851 619 4 875730629 +851 680 3 886534717 +851 682 1 890804746 +851 685 4 875731022 +851 696 3 874728338 +851 742 5 874767519 +851 748 3 874788804 +851 772 3 875807019 +851 826 4 875730719 +851 828 2 875730482 +851 841 3 875730757 +851 866 3 875730895 +851 879 4 875729820 +851 881 3 875729751 +851 892 2 886534635 +851 915 5 893090752 +851 916 3 891961195 +851 932 3 875730455 +851 974 2 875730979 +851 975 2 875731105 +851 977 3 875730533 +851 981 1 875730826 +851 983 2 875731021 +851 1016 5 891961664 +851 1025 2 884205201 +851 1028 3 875730686 +851 1034 1 875731105 +851 1047 3 874789005 +851 1089 3 875730418 +851 1094 1 875730455 +851 1132 3 875730757 +851 1277 2 875730418 +851 1314 1 890862741 +852 7 3 891036485 +852 50 5 891036414 +852 127 4 891035544 +852 151 4 891036922 +852 181 4 891036414 +852 260 3 891036414 +852 274 3 891036369 +852 289 2 891035325 +852 405 3 891037262 +852 515 5 891036414 +852 546 4 891037245 +852 597 3 891037562 +852 678 3 891036414 +852 681 4 891036414 +852 820 4 891037754 +852 825 3 891037586 +852 840 3 891036866 +852 841 4 891037625 +852 930 3 891037777 +852 969 5 891037917 +852 1052 4 891037888 +853 258 3 879364883 +853 259 3 879365034 +853 264 3 879365169 +853 271 3 879364668 +853 286 3 879364668 +853 288 4 879364822 +853 292 4 879364669 +853 294 2 879365035 +853 299 4 879365092 +853 300 5 879364744 +853 301 1 879364744 +853 323 3 879364883 +853 327 3 879364955 +853 328 3 879364744 +853 330 1 879365091 +853 332 3 879364822 +853 358 1 879365035 +853 678 4 879365170 +853 688 3 879365169 +853 873 3 879365091 +853 877 2 879364882 +853 879 4 879364955 +853 887 2 879365169 +853 1280 4 879365091 +854 3 1 882813047 +854 4 2 882814436 +854 7 4 882812352 +854 8 5 882814571 +854 9 5 882814570 +854 12 5 882813990 +854 15 3 882812451 +854 22 2 882813691 +854 23 4 882813647 +854 24 4 882812352 +854 32 4 882813574 +854 49 4 882814665 +854 50 4 882812102 +854 55 4 882814467 +854 64 5 882814121 +854 69 4 882814395 +854 86 3 882814436 +854 93 5 882814571 +854 96 3 882814467 +854 100 5 882812225 +854 117 3 882812755 +854 118 2 882813219 +854 125 3 882813099 +854 127 4 882813933 +854 129 3 882812165 +854 133 3 882814091 +854 134 4 882813825 +854 135 4 882813933 +854 144 3 882814298 +854 147 3 882812492 +854 170 4 882813537 +854 176 3 882813877 +854 188 4 882814368 +854 191 4 882813825 +854 195 3 882813537 +854 200 5 882814121 +854 216 3 882814028 +854 220 4 882813248 +854 223 4 882814177 +854 225 1 882813364 +854 237 3 882812406 +854 238 5 882813648 +854 244 3 882812826 +854 246 3 882812195 +854 250 4 882812376 +854 257 3 882812877 +854 264 1 882811888 +854 268 3 882811865 +854 270 4 882811810 +854 274 3 882812906 +854 283 3 882812492 +854 285 4 882812165 +854 288 5 882814571 +854 289 2 882811962 +854 293 5 882812102 +854 294 2 882811742 +854 303 3 882811810 +854 324 3 882811937 +854 333 3 882811742 +854 358 2 882812001 +854 382 4 882813761 +854 405 4 882812755 +854 423 4 882813963 +854 455 2 882812906 +854 458 3 882812826 +854 461 3 882814298 +854 463 3 882814395 +854 483 4 882813691 +854 484 3 882814368 +854 487 4 882813990 +854 488 4 882813761 +854 505 4 882813600 +854 511 4 882814298 +854 535 3 882813364 +854 537 3 882813797 +854 591 2 882812451 +854 597 2 882813143 +854 603 4 882813600 +854 604 4 882813601 +854 616 4 882813877 +854 619 2 882812376 +854 664 4 882814091 +854 735 3 882813990 +854 744 2 882812787 +854 815 2 882812981 +854 823 2 882813316 +854 829 2 882813287 +854 840 2 882813364 +854 846 3 882813453 +854 919 4 882812406 +854 922 5 882813143 +854 924 4 882812314 +854 928 3 882813143 +854 1061 1 882813421 +854 1077 3 882813907 +854 1086 3 882812195 +854 1134 3 882812787 +854 1197 3 882812263 +854 1677 3 882814368 +855 45 3 879825383 +855 60 3 879825528 +855 86 2 879825462 +855 165 4 879825382 +855 179 3 879825528 +855 198 4 879825613 +855 529 4 879825613 +855 531 3 879825614 +855 1021 3 879825578 +856 310 3 891489217 +856 313 5 891489217 +856 315 5 891489250 +856 322 4 891489593 +856 323 2 891489593 +856 326 2 891489450 +856 688 2 891489666 +856 690 4 891489356 +856 749 3 891489450 +856 750 5 891489250 +857 14 4 883432633 +857 19 4 883432633 +857 24 1 883432711 +857 116 5 883432663 +857 258 5 883432193 +857 259 4 883432397 +857 275 5 883432663 +857 283 5 883432633 +857 300 3 883432251 +857 325 1 883432397 +857 348 1 883432170 +857 475 5 883432663 +857 547 3 883432633 +857 687 1 883432470 +857 898 5 883432141 +857 988 2 883432423 +858 100 3 880932746 +858 181 2 879460595 +858 269 4 879458608 +858 289 3 879459337 +858 292 3 879459087 +858 307 3 880933013 +858 334 4 880933072 +858 690 3 879459087 +859 15 4 885776056 +859 249 5 885775086 +859 276 4 885776056 +859 287 5 885775358 +859 293 4 885776056 +859 294 3 885775218 +859 368 3 885775880 +859 421 5 885776384 +859 535 5 885774867 +859 762 5 885775437 +859 846 5 885775612 +859 928 3 885775473 +859 955 5 885776352 +859 1014 4 885775564 +859 1061 4 885776056 +859 1095 2 885775513 +859 1132 3 885775513 +859 1281 3 885774937 +859 1315 4 885775251 +860 49 2 885991316 +860 56 4 885990862 +860 153 4 885990965 +860 159 3 889984855 +860 202 4 885990932 +860 211 3 885990998 +860 245 3 880829225 +860 272 3 885145344 +860 274 3 885991476 +860 285 5 885990901 +860 286 4 874967063 +860 294 2 880829225 +860 300 4 874967063 +860 301 2 880829226 +860 303 3 876074139 +860 305 4 878567538 +860 311 4 882120528 +860 313 4 885145375 +860 316 3 889627165 +860 333 3 876074177 +860 347 4 886424396 +860 381 3 885990998 +860 514 5 885991040 +860 690 4 876750421 +860 715 4 885991198 +860 716 2 887754411 +860 846 2 887754411 +860 890 2 880829225 +860 900 3 886354648 +860 949 3 885991163 +860 1041 2 887754411 +860 1061 3 879169685 +860 1602 3 893009852 +861 14 4 881274612 +861 52 5 881274718 +861 83 5 881274672 +861 86 5 881274630 +861 179 1 881274672 +861 275 5 881274612 +861 289 5 881274504 +861 301 4 881274504 +861 382 5 881274780 +861 531 4 881274529 +861 547 4 881274857 +861 584 5 881274815 +861 714 4 881274899 +861 736 4 881274672 +861 949 4 881274937 +861 1148 3 881274913 +861 1227 4 881274936 +862 11 4 879305172 +862 22 5 879304571 +862 24 4 879302990 +862 56 3 879305204 +862 60 5 879305143 +862 64 5 879304326 +862 70 4 879305172 +862 79 5 879304623 +862 100 5 879304196 +862 105 3 879303346 +862 111 5 879302844 +862 117 5 879302844 +862 121 5 879304196 +862 141 4 879305237 +862 143 5 879304722 +862 147 5 879304196 +862 168 4 879304526 +862 172 5 879304243 +862 173 5 879304484 +862 175 5 879305172 +862 179 5 879304410 +862 181 5 879305143 +862 182 5 879304526 +862 183 5 879304834 +862 184 2 879305097 +862 187 4 879304672 +862 193 4 879304326 +862 198 5 879304484 +862 199 5 879304761 +862 200 5 879304980 +862 201 3 879304326 +862 203 4 879305312 +862 214 3 879304834 +862 216 5 879304410 +862 228 5 879305097 +862 230 3 879305273 +862 271 5 879302763 +862 276 5 879303079 +862 405 2 879303123 +862 413 4 879303952 +862 416 3 879305351 +862 429 5 879304526 +862 431 5 879305312 +862 433 4 879304445 +862 434 5 879304410 +862 436 4 879305386 +862 462 4 879304624 +862 474 5 879304722 +862 476 4 879303622 +862 478 4 879305016 +862 479 4 879305351 +862 480 5 879304761 +862 484 4 879304571 +862 491 3 879304799 +862 526 4 879304623 +862 597 3 879303697 +862 603 5 879304445 +862 657 5 879304369 +862 737 4 879305386 +862 742 5 879303298 +862 820 4 879303774 +862 831 3 879303542 +862 919 4 879303409 +862 928 4 879303542 +862 974 2 879304113 +862 977 4 879302877 +862 978 3 879303591 +862 982 4 879303622 +862 1011 5 879303123 +862 1093 5 879304196 +862 1110 5 879305386 +862 1117 4 879303668 +862 1199 2 879303729 +863 242 4 889289570 +863 258 5 889289122 +863 262 3 889289618 +863 268 5 889289240 +863 270 3 889288943 +863 288 4 889288911 +863 294 4 889289327 +863 299 2 889289385 +863 303 1 889288911 +863 305 4 889289122 +863 306 5 889289570 +863 313 5 889288910 +863 315 5 889288910 +863 321 4 889289157 +863 324 5 889289385 +863 326 5 889289157 +863 327 5 889289327 +863 328 5 889288943 +863 330 2 889289191 +863 332 4 889288943 +863 333 5 889289123 +863 339 3 889289353 +863 340 3 889288911 +863 342 1 889289241 +863 346 5 889288911 +863 349 1 889289457 +863 352 1 889289491 +863 361 5 889289618 +863 682 3 889289491 +863 690 4 889289067 +863 691 3 889289067 +863 748 3 889289456 +863 749 2 889289419 +863 751 4 889289122 +863 752 4 889289277 +863 872 2 889289240 +863 873 2 889289491 +863 877 1 889289277 +863 879 2 889289123 +863 882 4 889289570 +863 898 1 889288973 +863 900 3 889289067 +863 902 5 889289456 +863 903 3 889289570 +863 910 2 889289570 +863 1022 2 889289569 +863 1024 3 889289619 +863 1038 1 889289327 +863 1062 4 889289570 +863 1234 3 889289619 +863 1237 4 889289618 +863 1243 4 889289277 +863 1313 1 889289067 +863 1434 2 889289618 +863 1607 2 889288973 +863 1678 1 889289570 +863 1679 3 889289491 +864 1 5 877214125 +864 2 4 888889657 +864 7 5 878179608 +864 11 5 888887502 +864 12 5 888886984 +864 13 4 877214125 +864 22 5 888888937 +864 29 4 888891794 +864 31 4 888888202 +864 38 3 888891628 +864 43 3 888891524 +864 44 4 888890144 +864 47 5 888887502 +864 48 5 888886945 +864 54 4 888891473 +864 56 5 888887097 +864 62 4 888889035 +864 63 3 888893088 +864 64 5 888887830 +864 67 4 888891190 +864 70 4 888888168 +864 72 4 888891288 +864 86 4 888890547 +864 87 5 888887403 +864 91 5 888887172 +864 93 3 888889948 +864 94 4 888891423 +864 98 5 888886946 +864 99 3 888890730 +864 100 5 877214125 +864 102 4 888890997 +864 106 3 877214236 +864 114 5 888888168 +864 123 4 888890594 +864 124 5 877214158 +864 132 5 888887128 +864 134 5 888887013 +864 136 4 888886913 +864 137 4 878179514 +864 140 3 888892016 +864 144 5 888887830 +864 161 4 888891288 +864 163 4 888888680 +864 173 5 888889129 +864 176 5 888887289 +864 178 4 888887248 +864 181 5 888887984 +864 182 3 888886913 +864 184 4 888890775 +864 191 4 888887869 +864 202 5 888887354 +864 209 3 888887172 +864 210 4 888887469 +864 215 4 888888994 +864 216 4 888886882 +864 217 4 888891524 +864 218 4 888890316 +864 219 4 888889129 +864 222 4 888887502 +864 227 4 888889510 +864 229 4 888891836 +864 231 3 888891288 +864 234 4 888887658 +864 238 5 888890432 +864 245 4 887686369 +864 250 3 891044057 +864 276 5 878179411 +864 286 5 890463283 +864 294 4 878179381 +864 317 4 888887128 +864 349 4 887686388 +864 356 4 888889268 +864 382 3 888887437 +864 386 3 888891288 +864 391 4 888893224 +864 401 4 888893271 +864 405 5 877214158 +864 419 4 888887984 +864 422 3 888892968 +864 432 2 888887502 +864 466 4 888887794 +864 471 5 888888862 +864 476 2 888892917 +864 483 5 888886913 +864 496 5 888887944 +864 501 3 888891836 +864 511 4 888886846 +864 523 4 888888202 +864 526 4 888889784 +864 541 2 888892667 +864 562 4 888891794 +864 568 4 888888115 +864 577 3 888892917 +864 578 3 888889948 +864 588 3 888887289 +864 596 4 888890001 +864 603 4 888888025 +864 623 3 888889035 +864 628 4 888890639 +864 658 2 888890690 +864 693 4 888888168 +864 710 2 888888115 +864 716 2 888889744 +864 720 3 888891238 +864 722 2 888892091 +864 747 3 888890380 +864 770 3 888891322 +864 775 1 888891473 +864 780 2 888892968 +864 789 4 888886946 +864 794 3 888889268 +864 892 3 887686497 +864 951 3 888891288 +864 966 4 888888994 +864 969 4 888887172 +864 972 2 888890475 +864 1016 4 877214125 +864 1047 3 888888680 +864 1101 4 888887502 +864 1119 3 888890548 +864 1135 3 888890594 +864 1210 2 888892667 +864 1217 3 888889327 +864 1228 3 888892375 +864 1303 2 888890997 +864 1412 1 888892461 +864 1531 3 888890690 +865 7 5 880143425 +865 21 2 880144229 +865 24 4 880143612 +865 91 3 880235059 +865 101 1 880235099 +865 111 1 880144123 +865 117 2 880143746 +865 121 1 880144024 +865 122 3 880144539 +865 169 5 880235059 +865 189 4 880235059 +865 240 2 880143680 +865 245 3 880235263 +865 268 4 880142652 +865 294 4 880235263 +865 302 5 880142614 +865 328 3 880142857 +865 432 1 880235059 +865 472 1 880144229 +865 597 1 880144368 +865 676 2 880144153 +865 825 1 880144123 +865 845 1 880144123 +865 919 5 880143713 +865 929 2 880144539 +865 1011 1 880144405 +866 242 3 891221165 +866 300 1 891220881 +866 302 2 891220955 +866 305 2 891221006 +866 306 4 891221165 +866 321 3 891221302 +866 887 3 891221165 +867 9 5 880078958 +867 11 3 880078547 +867 22 5 880078424 +867 50 5 880078027 +867 64 5 880078547 +867 68 4 880079020 +867 79 4 880079142 +867 96 5 880078656 +867 98 5 880078937 +867 117 3 880079117 +867 135 5 880079065 +867 150 5 880078677 +867 168 4 880078604 +867 174 5 880078991 +867 175 5 880078818 +867 176 3 880079094 +867 181 5 880078050 +867 183 3 880078863 +867 186 5 880078937 +867 195 5 880078452 +867 207 5 880079094 +867 210 5 880078547 +867 216 3 880079043 +867 228 5 880078958 +867 250 4 880078091 +867 252 2 880078179 +867 258 3 880077751 +867 270 5 880077780 +867 276 1 880079020 +867 289 5 880077950 +867 295 4 880078069 +867 318 5 880078424 +867 323 3 880077951 +867 431 4 880078841 +867 475 5 880078656 +867 498 4 880078401 +867 511 5 880078371 +867 524 5 880078604 +867 588 3 880078887 +867 650 5 880078818 +867 651 5 880079065 +867 655 4 880078906 +867 657 5 880078769 +867 956 4 880079142 +867 1608 2 880078110 +868 1 4 877103320 +868 23 5 877104949 +868 47 2 877108302 +868 50 5 877103449 +868 56 3 877107143 +868 59 4 877103757 +868 73 1 877108220 +868 81 4 877107373 +868 89 4 877107446 +868 90 3 877109874 +868 91 3 877107817 +868 94 1 877109814 +868 96 2 877107056 +868 98 4 877103371 +868 101 4 877109996 +868 109 3 877107627 +868 117 2 877110332 +868 121 2 877111542 +868 122 3 877113586 +868 128 5 877108123 +868 132 4 877103195 +868 136 5 877104414 +868 150 5 877103834 +868 151 5 877104879 +868 156 3 877103834 +868 159 2 877107416 +868 160 4 877104414 +868 164 2 877104157 +868 167 1 877110191 +868 173 4 877107961 +868 176 4 877103248 +868 178 5 877103714 +868 179 4 877107056 +868 180 4 877104913 +868 181 5 877103280 +868 183 5 877104414 +868 184 3 877107730 +868 187 4 877107284 +868 188 3 877103320 +868 189 5 877109300 +868 195 2 877104212 +868 198 5 877103757 +868 201 2 877104264 +868 202 3 877104264 +868 208 3 877108624 +868 209 4 877103195 +868 210 5 877103248 +868 214 3 877106470 +868 217 2 877109895 +868 219 2 877107817 +868 225 1 877111453 +868 227 1 877110060 +868 228 5 877103935 +868 229 3 877111154 +868 232 1 877109082 +868 233 2 877109566 +868 240 5 877107373 +868 265 3 877108302 +868 273 3 877107284 +868 358 2 877103098 +868 402 1 877113412 +868 403 2 877111837 +868 408 5 877103935 +868 410 3 877104414 +868 412 5 877112001 +868 417 1 877108087 +868 419 3 877103449 +868 423 2 877107373 +868 427 4 877103679 +868 436 3 877104913 +868 447 2 877107284 +868 448 2 877110401 +868 449 3 877113540 +868 452 2 877111394 +868 455 5 877103410 +868 470 1 877107924 +868 474 4 877105882 +868 475 4 877104987 +868 480 4 877103280 +868 501 3 877103449 +868 524 3 877107730 +868 567 1 877113481 +868 568 1 877107847 +868 581 2 877109748 +868 615 4 877109375 +868 621 2 877103449 +868 651 5 877103249 +868 658 3 877108742 +868 662 2 877103714 +868 685 1 877111394 +868 739 2 877111542 +868 746 2 877109082 +868 825 1 877109435 +868 919 4 877103757 +868 922 5 877106505 +868 998 2 877112063 +868 1028 3 877103195 +868 1035 1 877107817 +868 1098 5 877107416 +869 13 3 884491199 +869 15 1 884491993 +869 50 4 884490892 +869 118 1 884492338 +869 126 2 884491927 +869 181 3 884490825 +869 240 4 884491734 +869 242 2 884490097 +869 269 4 884493279 +869 284 1 884491966 +869 294 3 884490151 +869 310 4 884493279 +869 312 2 884490251 +869 411 4 884492828 +869 412 5 884493279 +869 596 3 884491734 +869 756 1 884492780 +869 846 2 884492201 +869 1134 1 884492445 +869 1382 3 884492201 +870 2 2 879714351 +870 6 4 875680311 +870 10 4 879376967 +870 17 4 880584752 +870 22 4 875680165 +870 23 4 875050865 +870 28 4 875680258 +870 38 3 879714608 +870 42 2 879270213 +870 45 5 875679795 +870 48 4 875050603 +870 51 2 879714500 +870 52 2 880584400 +870 54 2 879714458 +870 56 5 875050826 +870 66 4 875680493 +870 68 3 879714087 +870 69 4 875050603 +870 77 3 879714103 +870 79 4 879270313 +870 90 4 875680668 +870 92 4 875679861 +870 96 4 879270357 +870 131 4 875050865 +870 134 4 875050697 +870 154 4 876319311 +870 171 4 875050698 +870 174 5 875050698 +870 179 4 875680165 +870 181 4 875680119 +870 185 4 875050672 +870 186 4 875680186 +870 192 5 889717102 +870 194 3 875679795 +870 195 4 875050602 +870 209 4 875680546 +870 210 4 879270313 +870 216 4 875680520 +870 218 4 889717102 +870 219 2 879714351 +870 238 4 875050865 +870 239 3 875680597 +870 244 3 875051043 +870 255 2 889409590 +870 272 4 890920916 +870 276 4 889717102 +870 302 4 878737704 +870 327 4 875050410 +870 328 3 875050410 +870 332 2 879982785 +870 381 3 889409590 +870 384 3 875680597 +870 385 3 879714159 +870 386 4 880584752 +870 395 3 879901999 +870 396 3 875680668 +870 401 3 880584584 +870 431 3 885586224 +870 443 3 882123736 +870 447 4 879713953 +870 462 4 875679860 +870 466 4 878737789 +870 470 3 879901727 +870 471 4 885071869 +870 483 5 880584497 +870 487 4 879270313 +870 494 3 879865875 +870 499 4 879713935 +870 504 5 880584497 +870 505 4 880584752 +870 511 3 881001249 +870 520 5 875050559 +870 521 3 875679795 +870 527 5 875679687 +870 528 4 875050801 +870 549 2 879270213 +870 550 3 879714310 +870 554 2 879714800 +870 559 2 879714532 +870 566 2 882123618 +870 568 4 879714588 +870 591 2 879270212 +870 603 5 875050723 +870 641 4 875050524 +870 642 4 875680258 +870 646 4 875050524 +870 649 4 889717102 +870 658 4 875679992 +870 663 3 879540005 +870 673 5 875679721 +870 697 4 875050603 +870 704 3 879714532 +870 715 3 875680597 +870 770 4 875679992 +870 781 3 881001249 +870 789 4 879705466 +870 792 3 879540005 +870 810 3 879714883 +870 813 4 875051101 +870 856 3 879715002 +870 873 2 875050370 +870 949 3 881001249 +870 959 4 875680046 +870 988 2 875050439 +870 1006 2 881001249 +870 1041 2 879270213 +870 1042 2 879902127 +870 1112 2 879714902 +870 1118 3 881001249 +870 1134 4 879376967 +870 1208 2 879902128 +870 1267 2 879270213 +871 17 3 888193275 +871 22 5 888193177 +871 27 2 888193275 +871 50 5 888193275 +871 56 5 888193177 +871 92 3 888193338 +871 96 5 888193177 +871 121 4 888193275 +871 127 5 888193081 +871 173 5 888193383 +871 174 5 888193176 +871 177 5 888193336 +871 183 3 888193177 +871 197 3 888193385 +871 202 4 888193385 +871 213 3 888193386 +871 237 3 888193386 +871 241 3 888193385 +871 258 5 888192970 +871 259 3 888192971 +871 270 5 888192858 +871 272 2 888192859 +871 275 3 888193384 +871 302 5 888192970 +871 307 3 888192315 +871 313 5 888192858 +871 315 3 888192286 +871 335 3 888192475 +871 337 3 888192475 +871 345 3 888192859 +871 346 3 888192859 +871 435 3 888193336 +871 511 2 888193177 +871 547 3 888193136 +871 549 3 888193541 +871 575 5 888192909 +871 690 3 888192315 +871 747 3 888193541 +871 750 3 888192689 +871 751 4 888192744 +871 781 4 888193541 +871 794 3 888193541 +871 813 3 888193136 +871 876 3 888192689 +871 883 3 888192475 +871 895 3 888192689 +871 896 3 888192858 +871 908 3 888192745 +871 947 2 888193177 +871 1022 3 888192689 +871 1024 3 888192689 +871 1119 3 888193384 +871 1137 3 888193541 +871 1197 3 888193136 +871 1345 3 888193136 +871 1385 3 888193136 +871 1388 4 888193136 +872 1 3 888479151 +872 106 3 888479624 +872 111 4 888479151 +872 118 4 888479560 +872 237 4 888479275 +872 258 4 888478698 +872 274 3 888479560 +872 280 3 888479275 +872 288 5 888478743 +872 310 4 888478698 +872 323 2 888480019 +872 328 4 888478822 +872 350 3 888478840 +872 363 4 888479582 +872 597 4 888479370 +872 742 4 888479171 +872 748 3 888478942 +872 763 3 888479405 +872 815 4 888479434 +872 864 3 888479498 +872 895 5 888478882 +872 925 4 888479654 +872 932 4 888479498 +872 977 3 888479737 +872 1028 3 888479434 +872 1047 4 888479603 +872 1061 4 888479701 +873 258 3 891392818 +873 292 5 891392177 +873 294 4 891392303 +873 300 4 891392238 +873 750 3 891392303 +874 14 4 888632411 +874 116 4 888632484 +874 124 4 888632411 +874 150 4 888632448 +874 191 4 888633311 +874 197 4 888633310 +874 276 4 888632484 +874 289 4 888633197 +874 306 4 888632194 +874 321 3 888632275 +874 325 2 888633197 +874 340 3 888632194 +874 748 3 888633197 +875 4 3 876466687 +875 12 5 876465230 +875 50 5 876465370 +875 64 5 876465275 +875 71 2 876465336 +875 96 4 876465144 +875 98 5 876464967 +875 133 4 876464967 +875 171 5 876465370 +875 172 4 876465072 +875 173 5 876465111 +875 174 5 876465025 +875 176 4 876465112 +875 181 4 876465335 +875 183 5 876465144 +875 185 4 876466687 +875 258 4 876464694 +875 268 4 876464755 +875 289 4 876464800 +875 300 3 876464800 +875 321 3 876464755 +875 333 5 876464801 +875 334 4 876464800 +875 461 4 876466687 +875 474 5 876465188 +875 478 4 876465025 +875 481 5 876465370 +875 496 4 876465144 +875 501 4 876465335 +875 504 5 876465275 +875 511 5 876465188 +875 512 5 876465408 +875 514 5 876465112 +875 527 4 876465230 +875 582 5 876465408 +875 651 5 876466687 +875 654 4 876465230 +875 692 2 876465230 +875 753 3 876465188 +875 923 5 876465370 +875 1073 5 876465230 +875 1422 3 876465274 +876 19 5 879428354 +876 48 5 879428481 +876 178 4 879428378 +876 187 4 879428354 +876 238 4 879428406 +876 276 4 879428354 +876 529 4 879428451 +877 31 4 882678483 +877 55 4 882678512 +877 59 5 882677012 +877 60 5 882677183 +877 70 5 882677012 +877 79 4 882678387 +877 83 3 882677085 +877 111 3 882677967 +877 170 5 882677012 +877 176 5 882678484 +877 197 4 882677827 +877 203 4 882678427 +877 216 4 882677827 +877 226 3 882678547 +877 237 4 882677827 +877 258 4 882676234 +877 269 4 882676098 +877 270 4 882676054 +877 271 4 882676507 +877 274 4 882678105 +877 275 4 882677183 +877 286 2 882675993 +877 300 3 882676366 +877 328 2 882676366 +877 333 4 882676259 +877 340 3 882676395 +877 381 4 882677345 +877 402 3 882677997 +877 515 5 882677640 +877 538 4 882676533 +877 566 4 882678547 +877 582 2 882677280 +877 640 2 882677311 +877 702 4 882677386 +877 732 4 882677898 +877 737 1 882677749 +877 748 4 882676423 +877 921 4 882677128 +877 949 3 882677440 +877 955 4 882677936 +878 8 3 880866288 +878 15 4 880872273 +878 20 2 880865715 +878 22 2 880866918 +878 50 4 880865562 +878 60 4 880867035 +878 66 3 880869354 +878 70 3 880868035 +878 71 4 880870130 +878 82 3 880870609 +878 99 4 880870130 +878 100 2 880865661 +878 116 2 880869638 +878 126 3 880865940 +878 137 3 880865562 +878 140 2 880870486 +878 151 1 880870609 +878 165 4 880866241 +878 172 4 880870854 +878 175 2 880869911 +878 181 3 880865770 +878 197 4 880866971 +878 204 2 880869911 +878 212 3 880867987 +878 213 3 880867854 +878 225 3 880870765 +878 274 3 880869003 +878 275 4 880865469 +878 283 3 880868035 +878 286 4 880865183 +878 317 4 880866054 +878 371 3 880869239 +878 402 4 880869303 +878 416 5 880870854 +878 427 5 880872394 +878 435 4 880866103 +878 474 5 880868819 +878 481 5 880870854 +878 496 5 880867387 +878 509 4 880866288 +878 511 4 880866810 +878 517 4 880866687 +878 530 5 880872619 +878 531 2 880866564 +878 582 4 880866810 +878 588 2 880870048 +878 642 3 880866971 +878 655 3 880866687 +878 659 4 880870854 +878 692 4 880869191 +878 707 2 880866409 +878 736 5 880868035 +878 794 4 880869418 +878 949 3 880871600 +878 1065 1 880871600 +879 1 4 887761865 +879 15 4 887761865 +879 127 5 887761249 +879 151 3 887761425 +879 222 4 887761460 +879 237 4 887761309 +879 282 4 887761865 +879 300 3 887760802 +879 597 2 887761229 +879 763 5 887761425 +879 866 5 887761460 +879 1284 3 887761562 +880 2 3 880167732 +880 4 4 880167843 +880 8 4 880174677 +880 11 4 880167695 +880 12 5 880175622 +880 21 2 880174961 +880 22 4 880167695 +880 29 2 880167965 +880 40 2 880174904 +880 42 5 880174808 +880 44 4 880243712 +880 50 5 880167175 +880 54 3 880242503 +880 55 3 880167778 +880 65 4 880241977 +880 68 5 880167843 +880 69 4 880175646 +880 71 4 880241289 +880 72 3 880174996 +880 79 4 880167670 +880 80 2 880175050 +880 87 4 880241913 +880 88 3 880174705 +880 90 3 880174858 +880 92 4 880167778 +880 99 3 880241219 +880 100 5 880166966 +880 111 4 880167132 +880 117 4 880166872 +880 118 3 880167551 +880 123 4 880167247 +880 124 5 880166847 +880 128 3 880167806 +880 140 4 880243001 +880 144 5 880167670 +880 156 4 880243680 +880 173 3 880174780 +880 176 5 880167731 +880 180 5 880241822 +880 181 5 880166719 +880 182 5 880167670 +880 185 5 880241355 +880 188 4 880167842 +880 195 4 880167670 +880 204 5 880174652 +880 217 4 880241411 +880 222 4 880166990 +880 228 3 880167843 +880 232 4 880167806 +880 233 4 880167918 +880 235 3 880166990 +880 237 4 880166798 +880 243 2 892958608 +880 245 2 892958350 +880 252 2 880167551 +880 254 2 880167599 +880 258 4 880166499 +880 269 4 892958090 +880 272 5 892958036 +880 276 4 880166872 +880 280 2 880243204 +880 288 4 880166451 +880 293 4 880166872 +880 295 5 892958887 +880 299 4 892958517 +880 301 4 880166557 +880 307 4 892958090 +880 316 5 892958128 +880 327 3 880166475 +880 346 5 892958128 +880 347 5 892958301 +880 348 4 892958376 +880 363 4 880167200 +880 365 2 880242660 +880 367 4 880174730 +880 368 1 880175503 +880 375 1 880242782 +880 386 3 880174995 +880 392 3 880242475 +880 396 2 880174995 +880 398 3 880167965 +880 402 3 880242115 +880 405 4 880167328 +880 412 3 880167306 +880 418 4 880241256 +880 421 2 880243204 +880 435 4 880167778 +880 451 2 880243230 +880 471 4 880167114 +880 508 4 880166966 +880 546 3 880167410 +880 549 4 880243230 +880 566 3 880167880 +880 578 3 880168411 +880 579 3 880243882 +880 584 3 880242933 +880 595 1 880243541 +880 597 3 880167436 +880 603 5 880243629 +880 625 4 880242933 +880 651 5 880167695 +880 678 3 880166662 +880 689 4 880166577 +880 692 3 880174652 +880 697 2 880242281 +880 719 3 880174961 +880 720 2 880167965 +880 721 1 880174749 +880 722 3 880174904 +880 728 4 880243410 +880 734 3 880175240 +880 742 4 880166847 +880 746 4 892959246 +880 755 3 880242848 +880 768 2 880242848 +880 769 3 880241492 +880 770 4 880167880 +880 783 1 880175187 +880 790 3 880175050 +880 791 2 880174961 +880 793 4 880174677 +880 801 3 880175239 +880 802 3 880167918 +880 810 3 880168411 +880 815 4 893028814 +880 820 3 880167384 +880 824 4 880174879 +880 826 3 880167551 +880 831 4 880167411 +880 833 4 880167288 +880 841 3 880167411 +880 849 3 880167918 +880 864 3 880167200 +880 879 3 880166529 +880 928 2 880167435 +880 931 3 880243564 +880 948 4 880166662 +880 986 3 880167569 +880 1000 3 880175128 +880 1001 2 880167435 +880 1002 3 880175527 +880 1013 3 880167355 +880 1016 4 880167223 +880 1023 2 880175405 +880 1030 2 880243147 +880 1052 1 880175503 +880 1053 3 880242660 +880 1059 4 880166939 +880 1095 3 880175503 +880 1151 3 880167454 +880 1197 3 880167151 +880 1210 4 880243790 +880 1267 4 880242356 +880 1270 3 880175187 +880 1276 3 880167384 +880 1284 4 880167355 +880 1291 3 880175468 +880 1296 3 892958128 +880 1415 2 880243093 +880 1423 3 880175577 +880 1478 3 880242547 +880 1518 2 880242422 +880 1664 4 892958799 +881 4 3 876538286 +881 11 4 876537752 +881 13 4 876536364 +881 15 3 876536241 +881 21 3 876536667 +881 27 3 876538953 +881 38 3 876538763 +881 49 5 876538986 +881 50 3 876535927 +881 51 5 876538889 +881 53 2 876539448 +881 54 4 876539387 +881 63 4 876538853 +881 71 4 876538322 +881 77 2 876538627 +881 81 3 876538666 +881 88 3 876538595 +881 89 4 876537577 +881 90 3 876539595 +881 94 2 876539020 +881 97 3 876537613 +881 98 5 876537612 +881 99 3 876538571 +881 100 4 876536414 +881 103 1 876536745 +881 106 4 879052493 +881 112 2 876536978 +881 117 5 876535796 +881 118 4 876536332 +881 121 5 876536391 +881 125 5 876536745 +881 127 4 876536079 +881 129 4 879052141 +881 133 4 876537718 +881 134 5 876539260 +881 135 4 876537900 +881 141 3 876538889 +881 151 2 876536241 +881 161 3 876538506 +881 168 3 876537933 +881 174 5 876537718 +881 175 2 876537418 +881 178 3 876537512 +881 179 5 876538400 +881 180 5 876538063 +881 183 4 876537995 +881 195 4 876539636 +881 196 3 876538185 +881 202 4 876537825 +881 204 4 876538506 +881 214 4 876538322 +881 218 4 876539260 +881 222 5 876536079 +881 228 3 876537995 +881 230 4 876539291 +881 265 5 876538286 +881 276 5 876536079 +881 281 3 876536439 +881 282 4 876536773 +881 286 2 876961961 +881 291 3 876537177 +881 294 3 876535642 +881 304 3 876535642 +881 323 2 879051487 +881 333 5 876535642 +881 356 3 876539477 +881 357 5 876537457 +881 375 1 876539387 +881 385 4 876538666 +881 395 3 876538322 +881 400 2 876539128 +881 401 1 876539260 +881 403 3 876539330 +881 405 4 876536667 +881 423 4 876538726 +881 432 3 876537825 +881 434 2 876538889 +881 435 3 876538796 +881 441 2 876539549 +881 443 5 876539448 +881 449 3 876539549 +881 451 1 876539186 +881 465 3 876538595 +881 472 4 876537285 +881 476 2 879052198 +881 477 4 876536107 +881 478 4 876537612 +881 483 4 876537418 +881 484 4 876537512 +881 506 4 876539020 +881 514 4 876537457 +881 523 4 876537825 +881 524 4 876537825 +881 526 5 876538251 +881 528 5 876538536 +881 530 5 876538571 +881 546 4 876536012 +881 550 3 876539261 +881 554 1 876539636 +881 559 2 876539220 +881 601 5 876539186 +881 625 5 876538465 +881 630 4 876539187 +881 642 4 876538027 +881 655 4 876539448 +881 663 5 876538322 +881 671 3 876537512 +881 678 2 876535695 +881 739 4 876539091 +881 755 4 876538922 +881 790 3 876539549 +881 812 2 876539505 +881 826 1 879052109 +881 924 3 876536850 +881 934 3 876537011 +881 943 4 876537404 +881 1046 3 876539051 +881 1118 3 876538131 +881 1124 4 876538627 +881 1540 1 876539091 +882 8 5 879864789 +882 15 5 879862141 +882 21 2 879863909 +882 33 2 879868197 +882 50 5 879867694 +882 71 5 879867631 +882 82 5 879867885 +882 86 5 879867568 +882 89 5 879867508 +882 105 3 879863735 +882 117 4 879861492 +882 118 4 879863031 +882 122 2 879863831 +882 140 3 879879868 +882 168 5 879867631 +882 172 5 879864970 +882 173 5 879867980 +882 180 4 879865307 +882 186 5 879879731 +882 193 5 879867263 +882 195 5 879867568 +882 204 5 879864697 +882 205 5 879865307 +882 215 5 879867816 +882 222 5 879861562 +882 225 5 879862865 +882 228 5 879867694 +882 235 3 879863560 +882 237 5 879862327 +882 243 4 879861325 +882 294 4 879860936 +882 380 5 879868197 +882 409 4 879863031 +882 416 4 879879868 +882 419 5 879864917 +882 427 5 879877026 +882 471 4 879861562 +882 473 3 879862936 +882 476 3 879863735 +882 496 5 879866320 +882 515 5 879865307 +882 526 4 879864642 +882 559 3 879876806 +882 566 4 879876806 +882 597 4 879863106 +882 616 4 879879807 +882 660 3 879879731 +882 662 3 879879807 +882 684 3 879877026 +882 692 4 879867631 +882 815 2 879861678 +882 929 1 879863176 +882 932 4 879863969 +882 988 5 879861385 +882 1015 3 879863457 +882 1060 3 879862652 +882 1444 4 879877245 +883 1 3 891914583 +883 4 4 891694276 +883 7 5 891754985 +883 8 4 891694249 +883 9 4 891717495 +883 16 4 891692713 +883 19 2 891692657 +883 20 4 891693723 +883 28 3 891717908 +883 30 4 891693058 +883 45 5 891695570 +883 49 3 891694636 +883 50 4 891696824 +883 53 5 891696999 +883 55 4 891696864 +883 60 5 891693012 +883 64 4 891717988 +883 65 4 891717319 +883 68 4 891696957 +883 69 2 891717356 +883 72 4 891694431 +883 79 4 891696864 +883 83 3 891693200 +883 86 3 891693086 +883 89 5 891696864 +883 116 5 891692786 +883 127 5 891717319 +883 129 5 891755088 +883 134 5 891754950 +883 135 4 891717319 +883 137 5 891717356 +883 144 4 892557605 +883 147 2 891717419 +883 168 5 891694218 +883 172 4 891696824 +883 174 4 891696824 +883 175 5 891694312 +883 176 4 891696895 +883 194 3 891694218 +883 197 4 891696689 +883 209 3 891694311 +883 212 5 891695570 +883 213 2 891693058 +883 224 4 891692683 +883 226 3 892557605 +883 227 3 891696930 +883 229 4 891696930 +883 239 3 891694401 +883 250 3 892439468 +883 256 5 891692713 +883 270 4 891691436 +883 277 4 891717936 +883 283 4 891692742 +883 286 3 891691654 +883 311 4 891691505 +883 312 3 891692044 +883 322 5 891692168 +883 323 5 891692168 +883 331 3 891691654 +883 342 4 891692116 +883 346 4 891691353 +883 355 5 891692168 +883 372 3 891694544 +883 384 3 891694431 +883 399 5 891696999 +883 403 5 891696999 +883 405 3 891916961 +883 407 3 892557605 +883 455 4 891916411 +883 461 5 891717988 +883 462 5 891693085 +883 464 5 891717533 +883 487 5 891755066 +883 506 5 891754950 +883 516 4 891694372 +883 529 5 891693012 +883 549 4 891696782 +883 553 4 891696782 +883 559 3 891695692 +883 561 3 891695717 +883 566 3 891696999 +883 568 3 891696999 +883 589 5 891754985 +883 647 5 891717319 +883 656 5 891695666 +883 665 4 891695717 +883 692 3 891694249 +883 693 4 891717988 +883 703 3 891693139 +883 707 3 891693139 +883 709 5 891694431 +883 715 5 891694311 +883 727 3 891696750 +883 748 5 891692168 +883 749 3 891695490 +883 752 4 892872163 +883 770 4 891696957 +883 792 4 891694182 +883 867 5 891695588 +883 873 3 891695173 +883 882 4 891691388 +883 902 4 891691534 +883 919 4 891692713 +883 1019 5 891695570 +883 1021 5 891693058 +883 1041 3 891694603 +883 1045 5 891717462 +883 1115 4 891692765 +883 1121 3 891693702 +883 1222 5 891696999 +883 1591 3 891695570 +884 9 5 876858820 +884 70 4 876859208 +884 100 5 876858820 +884 116 4 876858914 +884 165 3 876859070 +884 166 3 876859207 +884 179 5 876859109 +884 258 5 876857704 +884 269 5 876857704 +884 275 4 876857845 +884 300 1 876857789 +884 322 3 876857745 +884 381 5 876859751 +884 382 5 876859351 +884 475 4 876858914 +884 509 4 876859090 +884 582 5 876859351 +884 640 1 876859161 +884 736 3 876859329 +884 1009 2 876859024 +884 1214 1 876860434 +885 1 5 885714990 +885 28 4 885714136 +885 56 3 885714641 +885 65 2 885714336 +885 70 5 885713585 +885 71 4 885714820 +885 79 4 885715803 +885 88 4 885713461 +885 91 3 885714820 +885 95 4 885714933 +885 97 5 885714136 +885 151 4 885716221 +885 154 3 885713434 +885 173 4 885713357 +885 186 4 885713434 +885 189 5 885714820 +885 195 4 885715827 +885 196 3 885714201 +885 208 3 885713406 +885 210 5 885713544 +885 233 3 885715889 +885 237 5 885715151 +885 239 3 885713609 +885 278 3 885715468 +885 318 5 885714093 +885 356 3 885714317 +885 383 2 885713939 +885 386 2 885713680 +885 402 3 885715489 +885 405 4 885715691 +885 418 4 885714933 +885 419 4 885716328 +885 428 4 885713461 +885 432 4 885714820 +885 451 2 885713716 +885 501 3 885714820 +885 588 4 885714820 +885 596 4 885714990 +885 660 5 885714317 +885 821 3 885713585 +885 866 3 885713102 +885 946 3 885714933 +885 949 4 885714452 +885 1311 2 885714582 +886 1 4 876031433 +886 3 3 876032330 +886 4 3 876031601 +886 5 3 876032929 +886 7 5 876031330 +886 17 4 876032596 +886 20 2 876031739 +886 22 4 876032378 +886 27 2 876031829 +886 43 2 876033134 +886 54 3 876031279 +886 62 3 876033265 +886 66 3 876032442 +886 67 4 876033228 +886 68 3 876032422 +886 71 4 876032274 +886 76 4 876033897 +886 80 3 876034228 +886 96 3 876031392 +886 98 4 876032352 +886 108 5 876033200 +886 118 1 876032673 +886 129 5 876033015 +886 147 5 876033228 +886 150 4 876031656 +886 157 4 876031695 +886 160 1 876031550 +886 161 5 876033478 +886 171 4 876032072 +886 172 5 876031527 +886 173 5 876031932 +886 175 4 876031550 +886 179 2 876032673 +886 182 4 876031932 +886 186 4 876033460 +886 187 4 876031309 +886 200 3 876031573 +886 208 3 876031764 +886 218 3 876031829 +886 222 4 876032615 +886 227 3 876032331 +886 229 3 876032509 +886 230 2 876033106 +886 231 2 876032247 +886 232 3 876032973 +886 233 3 876032126 +886 235 3 876032739 +886 237 4 876031850 +886 238 3 876031459 +886 239 3 876032635 +886 240 3 876031720 +886 241 4 876032531 +886 273 2 876032274 +886 288 4 876031122 +886 318 5 876031308 +886 357 4 876031601 +886 371 1 876033435 +886 380 3 876032929 +886 384 3 876034074 +886 388 1 876033850 +886 393 3 876033181 +886 419 3 876032353 +886 425 4 876032029 +886 451 3 876033965 +886 472 3 876033755 +886 474 4 876031720 +886 475 5 876031501 +886 483 4 876031656 +886 506 4 876032308 +886 518 4 876031601 +886 549 3 876032929 +886 558 3 876031656 +886 582 1 876032029 +886 589 3 876031365 +886 623 1 876033069 +886 636 3 876032473 +886 651 5 876034074 +886 657 5 876031695 +886 663 4 876032823 +886 697 1 876033368 +886 715 1 876033434 +886 732 3 876032029 +886 746 3 876032473 +886 781 4 876033340 +886 789 3 876031656 +886 790 4 876034095 +886 801 3 876034205 +886 803 2 876033015 +886 813 4 876032029 +886 819 4 876033897 +886 824 4 876033413 +886 826 1 876032929 +886 939 4 876031765 +886 941 2 876032072 +886 1046 2 876033755 +886 1048 4 876032840 +886 1073 4 876031805 +886 1074 2 876033645 +886 1095 2 876033897 +886 1170 3 876031481 +886 1208 3 876032596 +886 1209 2 876034041 +886 1231 3 876033828 +886 1303 1 876033987 +886 1324 2 876032308 +886 1435 3 876034174 +887 1 5 881377972 +887 8 4 881380025 +887 24 5 881378219 +887 28 5 881379522 +887 38 5 881381503 +887 47 5 881381679 +887 69 4 881380025 +887 72 4 881381471 +887 82 4 881381028 +887 84 4 881381114 +887 87 5 881380335 +887 91 5 881380884 +887 96 4 881380403 +887 99 5 881380539 +887 111 5 881378370 +887 140 5 881381425 +887 176 5 881381348 +887 181 5 881378040 +887 183 1 881379449 +887 187 4 881381610 +887 200 1 881380883 +887 206 5 881381471 +887 210 5 881379649 +887 235 3 881378537 +887 252 4 881378972 +887 254 4 881379145 +887 258 1 881377893 +887 279 5 881378478 +887 294 5 881378219 +887 318 5 881379649 +887 365 5 881381610 +887 369 5 881378896 +887 410 4 881378040 +887 411 4 881379059 +887 416 2 881380539 +887 418 4 881380025 +887 421 5 881379954 +887 423 2 881379954 +887 431 3 881379685 +887 472 4 881378402 +887 473 4 881378896 +887 477 1 881378570 +887 633 5 881380584 +887 692 5 881380654 +887 697 1 881380623 +887 699 1 881379566 +887 710 5 881380709 +887 718 1 881377812 +887 760 5 881378669 +887 763 5 881378087 +887 768 4 881381471 +887 826 1 881379239 +887 828 3 881378854 +887 832 2 881379059 +887 839 4 881379566 +887 871 5 881378325 +887 926 5 881378537 +887 931 3 881379009 +887 934 4 881379188 +887 946 4 881381348 +887 969 5 881379954 +887 993 5 881378251 +887 1012 1 881378153 +887 1015 5 881377933 +887 1033 4 881379295 +887 1035 5 881381740 +887 1051 4 881378773 +887 1079 1 881378773 +887 1116 5 881381610 +887 1136 5 881381071 +887 1278 2 881378087 +887 1413 4 881380176 +887 1473 1 881379522 +887 1540 5 881380739 +888 69 4 879365104 +888 137 4 879365104 +888 180 4 879365004 +888 269 5 879364981 +888 286 5 879364981 +888 514 5 879365154 +888 535 4 879365497 +888 762 5 879365497 +888 792 5 879365054 +888 869 4 879365086 +889 4 3 880180765 +889 7 3 880177219 +889 11 5 880177941 +889 12 5 880177880 +889 17 4 880181910 +889 22 3 880178158 +889 24 4 880177266 +889 29 3 880182428 +889 39 2 880181191 +889 50 4 880176807 +889 55 4 880181191 +889 56 5 880177857 +889 58 3 880178130 +889 64 5 880178313 +889 65 4 880180817 +889 67 2 880182541 +889 70 3 880180979 +889 71 3 880180849 +889 72 3 880181317 +889 73 3 880181663 +889 79 3 880179705 +889 81 4 880180849 +889 89 4 880177941 +889 93 3 880177219 +889 94 4 880181646 +889 95 4 880178342 +889 97 3 880178748 +889 117 4 880177154 +889 121 4 880177308 +889 127 4 880176845 +889 129 5 880177266 +889 134 4 880179648 +889 137 4 880177016 +889 144 4 880178224 +889 150 5 880176984 +889 151 3 880177016 +889 153 5 880181317 +889 154 4 880180612 +889 155 3 880182582 +889 160 4 880180945 +889 168 4 880178449 +889 170 4 880177994 +889 171 4 880177970 +889 172 4 880177941 +889 173 5 880178019 +889 175 4 880180101 +889 178 5 880178078 +889 180 4 880180650 +889 183 3 880178019 +889 185 4 880180266 +889 186 5 880181563 +889 187 4 880177857 +889 190 3 880177994 +889 191 4 880178078 +889 194 5 880178248 +889 196 5 880180612 +889 202 3 880178773 +889 204 4 880179757 +889 207 3 880179785 +889 211 4 880180765 +889 212 2 880181225 +889 217 4 880182582 +889 223 4 880177906 +889 226 2 880182016 +889 232 3 880182270 +889 235 3 880177648 +889 240 3 880177246 +889 246 4 880176926 +889 248 4 880176984 +889 249 3 880177266 +889 252 3 880177503 +889 262 4 880176620 +889 271 3 880176573 +889 273 4 880177016 +889 300 3 880176620 +889 302 4 880176518 +889 317 4 880180849 +889 327 3 880176620 +889 381 4 880180784 +889 382 2 880178248 +889 386 3 880182207 +889 399 3 880182359 +889 402 3 880182496 +889 403 3 880179868 +889 430 4 880178411 +889 435 4 880179536 +889 451 3 880181488 +889 455 4 880177647 +889 461 3 880181159 +889 462 5 880180707 +889 470 4 880180554 +889 475 4 880176896 +889 479 4 880177994 +889 488 2 880180265 +889 494 3 880181275 +889 497 4 880179893 +889 498 4 880178748 +889 511 4 880178183 +889 512 5 880181372 +889 515 5 880176807 +889 520 4 880179756 +889 546 4 880177435 +889 566 3 880181275 +889 568 3 880179785 +889 576 3 880182541 +889 597 3 880182741 +889 636 4 880181663 +889 649 2 880178511 +889 650 2 880178130 +889 652 5 880180784 +889 654 3 880178512 +889 655 4 880178224 +889 659 4 880178367 +889 664 2 880182695 +889 676 2 880176874 +889 678 3 880177352 +889 696 3 880177407 +889 721 3 880179536 +889 728 3 880181995 +889 729 3 880179785 +889 734 3 880182815 +889 747 4 880181515 +889 749 2 880176718 +889 755 3 880182017 +889 762 3 880177154 +889 771 2 880182961 +889 782 2 880182784 +889 818 4 880177540 +889 819 2 880177738 +889 820 2 880182103 +889 856 4 880181138 +889 866 4 880177407 +889 879 3 880176596 +889 886 3 880176666 +889 952 3 880178411 +889 979 3 880177435 +889 1006 4 880181563 +889 1011 3 880177287 +889 1014 2 880177778 +889 1067 3 880177131 +889 1070 3 880178367 +889 1072 3 880182444 +889 1073 5 880179893 +889 1074 3 880181515 +889 1079 2 880177647 +889 1103 2 880180071 +889 1113 5 880182295 +889 1134 4 880177219 +889 1170 2 880182127 +889 1188 2 880182784 +889 1195 3 880182317 +889 1218 4 880178511 +889 1231 3 880182871 +889 1262 3 880182270 +889 1267 3 880182629 +889 1419 2 880182924 +889 1589 5 880177219 +890 85 1 882917090 +890 89 4 882403446 +890 98 4 882403446 +890 101 2 882915661 +890 118 2 882915661 +890 134 5 882403122 +890 135 5 882405546 +890 142 3 882916650 +890 153 3 882403345 +890 163 3 883010005 +890 168 5 882916704 +890 172 5 882402905 +890 174 5 882405780 +890 181 4 882405808 +890 183 3 882404917 +890 193 4 882402826 +890 204 4 882403085 +890 211 2 882915661 +890 214 4 882916588 +890 215 4 882916356 +890 228 4 882404879 +890 230 3 882404947 +890 237 3 882575209 +890 258 3 882404055 +890 271 3 882404055 +890 324 4 882404093 +890 340 4 882402181 +890 403 1 882915661 +890 423 5 882402905 +890 427 5 882405586 +890 435 5 882574437 +890 443 4 882404541 +890 449 1 882915661 +890 479 5 882402238 +890 489 4 882402826 +890 515 5 882402518 +890 516 2 882916537 +890 524 4 882403379 +890 527 4 882405473 +890 625 3 882575104 +890 632 5 882916538 +890 636 3 882404879 +890 637 3 882404610 +890 654 5 882404851 +890 655 3 882915818 +890 660 2 882917026 +890 662 3 882575303 +890 737 3 882917152 +890 739 2 882915661 +890 843 3 882916650 +890 1039 4 882403122 +890 1065 3 882402949 +890 1149 5 883009400 +891 15 4 891638780 +891 25 5 891638734 +891 50 4 891638682 +891 117 3 883488774 +891 237 5 891638601 +891 278 4 883489438 +891 280 3 883489646 +891 281 5 891639920 +891 282 5 891639793 +891 285 5 891638757 +891 286 5 891638433 +891 313 5 891638337 +891 459 5 891638682 +891 471 5 891639941 +891 531 4 883430128 +891 546 3 883489282 +891 591 4 891639497 +891 717 4 883489728 +891 933 3 883429998 +891 934 3 883489806 +891 1028 3 883489521 +891 1197 5 891638734 +892 5 4 886611354 +892 11 3 886608897 +892 12 5 886608022 +892 25 4 886609828 +892 50 5 886608802 +892 54 3 886609828 +892 63 4 886610480 +892 71 3 886608348 +892 73 3 886610523 +892 76 4 886609977 +892 87 5 886609263 +892 88 4 886609884 +892 89 5 886608714 +892 95 4 886608770 +892 97 5 886608802 +892 100 5 886607642 +892 102 3 886610078 +892 110 3 886610523 +892 118 4 886610649 +892 127 5 886607878 +892 132 5 886608897 +892 134 5 886608591 +892 143 2 886608238 +892 144 5 886609179 +892 151 4 886609330 +892 153 5 886609793 +892 172 5 886607743 +892 173 5 886607778 +892 174 5 886608616 +892 176 5 886608681 +892 177 4 886608507 +892 178 5 886608681 +892 182 5 886608507 +892 187 5 886608682 +892 191 5 886607879 +892 203 5 886609390 +892 214 2 886608897 +892 226 3 886610201 +892 229 3 886610011 +892 230 4 886609793 +892 237 4 886608802 +892 265 4 886608380 +892 273 4 886608681 +892 284 5 886610840 +892 291 4 886607744 +892 321 5 886610341 +892 385 3 886608000 +892 393 4 886607679 +892 403 3 886610372 +892 423 5 886608185 +892 429 4 886608559 +892 432 4 886610996 +892 441 3 886610267 +892 472 3 886610523 +892 481 5 886610011 +892 496 5 886609435 +892 500 5 886609622 +892 501 3 886611023 +892 570 3 886610566 +892 578 4 886609469 +892 588 5 886607879 +892 596 3 886608136 +892 604 5 886608296 +892 615 5 886609029 +892 648 4 886607642 +892 649 5 886608135 +892 661 5 886608473 +892 671 5 886608212 +892 708 4 886607879 +892 729 4 886610174 +892 732 4 886610480 +892 781 4 886610137 +892 820 3 886611079 +892 845 4 886610174 +892 849 2 886610341 +892 946 3 886610996 +892 1219 2 886611079 +892 1224 4 886609792 +892 1454 3 886610267 +893 1 5 874827725 +893 56 5 874829733 +893 77 4 874829706 +893 117 4 874828772 +893 122 2 874829249 +893 144 4 874830101 +893 147 3 874828569 +893 148 3 874829287 +893 172 5 874829883 +893 237 4 874828097 +893 240 4 874828864 +893 246 3 874829968 +893 259 3 874827960 +893 264 3 874828296 +893 294 3 874827789 +893 405 5 874828864 +893 410 4 874828649 +893 411 3 874829056 +893 412 3 874829249 +893 426 4 874829733 +893 471 4 874828897 +893 724 3 874830160 +893 849 3 874830372 +893 1215 3 874829287 +893 1218 3 874830338 +893 1245 2 874828812 +894 12 5 881625708 +894 13 4 882404137 +894 14 4 880416472 +894 15 3 880416340 +894 45 4 882404250 +894 59 5 882404397 +894 83 4 882404250 +894 86 4 882404306 +894 107 3 880993709 +894 111 3 880416102 +894 121 3 880993662 +894 129 4 880416253 +894 134 4 879897198 +894 147 3 880993709 +894 170 4 882404329 +894 221 4 885428233 +894 223 4 879897149 +894 244 4 879896985 +894 245 4 882404136 +894 246 4 882404137 +894 249 3 879896872 +894 252 3 879896897 +894 255 3 879896836 +894 256 3 879896704 +894 257 3 880416315 +894 258 4 879896109 +894 264 3 879896309 +894 269 3 879896041 +894 273 3 880416220 +894 275 4 882404137 +894 281 3 880416102 +894 283 3 880993490 +894 285 4 880416136 +894 288 3 879896141 +894 297 4 880416380 +894 299 3 879896200 +894 302 4 879896041 +894 306 4 879896756 +894 307 3 880415834 +894 310 3 882403366 +894 311 4 880993317 +894 319 4 879896756 +894 323 2 879896268 +894 324 3 879896168 +894 326 3 879896168 +894 327 4 881625708 +894 328 4 879896466 +894 332 3 879896233 +894 333 4 879896756 +894 336 3 879982820 +894 343 2 883518895 +894 344 4 887825614 +894 346 4 884036796 +894 355 3 889469028 +894 381 3 882404430 +894 405 3 880416177 +894 471 4 880416314 +894 475 3 880416176 +894 479 5 879897198 +894 511 4 879897198 +894 515 4 879896654 +894 535 4 879896920 +894 558 5 882404250 +894 582 4 882404485 +894 638 3 882404669 +894 690 4 879896200 +894 691 3 889468982 +894 713 4 880416177 +894 740 4 880416253 +894 744 3 880416072 +894 748 3 879896233 +894 751 3 885427971 +894 752 3 888280083 +894 753 5 882404278 +894 845 3 881443365 +894 847 4 879897122 +894 855 4 882404460 +894 863 5 881105162 +894 877 3 882403414 +894 885 2 887044250 +894 886 3 879982820 +894 888 4 879896756 +894 898 4 883518875 +894 900 3 887044070 +894 904 4 890409804 +894 909 3 889469007 +894 919 4 881625708 +894 923 5 882404278 +894 937 4 880415903 +894 979 3 880416473 +894 1010 4 880993662 +894 1016 3 879896920 +894 1048 4 880993661 +894 1073 4 882404397 +894 1080 4 882404507 +894 1131 4 879897198 +894 1142 4 882404137 +894 1226 4 879896920 +894 1251 4 879896654 +894 1313 3 889229605 +894 1315 3 879896985 +894 1379 4 879896673 +894 1381 3 880993766 +894 1462 3 882404642 +894 1501 4 882404363 +894 1560 4 882404641 +894 1658 4 882404137 +895 13 5 879437950 +895 50 5 879438062 +895 181 5 879437950 +895 284 3 879438062 +895 301 4 879437793 +895 597 2 879438101 +896 1 4 887158579 +896 8 5 887159343 +896 12 3 887158604 +896 15 3 887158900 +896 20 1 887235027 +896 22 5 887157947 +896 25 3 887159261 +896 27 1 887235026 +896 31 3 887158830 +896 39 2 887158739 +896 46 2 887160750 +896 48 4 887158635 +896 50 5 887159211 +896 55 3 887157978 +896 64 4 887158926 +896 67 2 887160983 +896 70 4 887160086 +896 76 3 887158359 +896 82 3 887159068 +896 86 1 887159926 +896 87 4 887158295 +896 89 5 887159262 +896 95 4 887158555 +896 97 4 887158265 +896 98 5 887158359 +896 108 3 887159854 +896 118 2 887159805 +896 121 3 887159343 +896 123 3 887159748 +896 132 3 887158579 +896 133 2 887159502 +896 134 5 887159109 +896 135 3 887158926 +896 136 5 887158768 +896 141 3 887159012 +896 144 4 887158333 +896 152 3 887160116 +896 157 4 887159555 +896 159 2 887160880 +896 161 3 887159302 +896 168 4 887158738 +896 174 5 887161710 +896 175 2 887159603 +896 182 4 887157924 +896 186 4 887159069 +896 187 5 887157924 +896 191 4 887158604 +896 196 3 887159173 +896 198 4 887158636 +896 200 4 887158768 +896 201 3 887158900 +896 209 3 887158790 +896 212 2 887160582 +896 215 5 887158959 +896 216 5 887159658 +896 217 2 887161198 +896 222 4 887159109 +896 223 4 887158830 +896 226 3 887160270 +896 227 4 887161728 +896 228 5 887158266 +896 230 4 887161728 +896 232 3 887160427 +896 233 2 887160631 +896 238 3 887158165 +896 271 1 887157278 +896 273 5 887157947 +896 275 4 887158713 +896 281 2 887161172 +896 291 3 887160795 +896 299 1 887235709 +896 302 2 887157234 +896 310 4 887157208 +896 318 4 887158294 +896 325 1 887157732 +896 327 5 887235643 +896 343 1 887235690 +896 356 3 887160427 +896 358 1 887235749 +896 367 4 887160227 +896 384 2 887160860 +896 385 4 887160426 +896 398 2 887161469 +896 403 1 887160554 +896 405 2 887160270 +896 411 2 887160842 +896 414 3 887159145 +896 423 3 887159172 +896 429 5 887158866 +896 431 3 887159262 +896 436 3 887159692 +896 452 3 887161564 +896 458 1 887235027 +896 462 3 887159069 +896 471 3 887159972 +896 472 2 887160983 +896 474 3 887159426 +896 476 2 887161541 +896 479 3 887158713 +896 481 4 887158683 +896 497 3 887158332 +896 504 3 887159926 +896 508 2 887159035 +896 515 3 887158029 +896 518 3 887159234 +896 525 5 887158164 +896 526 4 887159211 +896 542 3 887160677 +896 546 2 887160938 +896 549 2 887160209 +896 562 2 887161448 +896 568 2 887159603 +896 569 2 887161488 +896 572 2 887160676 +896 576 2 887160677 +896 596 2 887159426 +896 597 4 887159854 +896 603 4 887158384 +896 631 2 887159464 +896 640 2 887160701 +896 672 2 887161218 +896 674 2 887160446 +896 684 4 887158959 +896 685 3 887160465 +896 686 3 887159146 +896 696 1 887235027 +896 708 2 887159926 +896 713 2 887159630 +896 721 4 887160465 +896 732 4 887159674 +896 739 2 887159723 +896 744 3 887160040 +896 752 1 887161916 +896 765 4 887160750 +896 768 2 887160653 +896 770 5 887160702 +896 789 2 887157978 +896 798 2 887160983 +896 808 3 887160270 +896 824 1 887161541 +896 840 2 887161469 +896 849 2 887161563 +896 872 3 887157322 +896 880 4 887235664 +896 942 4 887160209 +896 993 4 887235498 +896 1018 3 887160116 +896 1074 2 887161393 +896 1078 3 887160983 +896 1101 2 887159110 +896 1134 3 887159950 +896 1183 2 887160842 +896 1217 2 887160446 +896 1221 2 887159261 +896 1248 2 887160187 +896 1284 2 887160958 +896 1406 3 887160676 +896 1423 2 887160631 +896 1437 1 887161564 +896 1522 2 887160750 +896 1672 2 887159554 +897 1 5 879994113 +897 8 3 879990744 +897 22 5 879990361 +897 33 5 879992310 +897 50 5 879994113 +897 55 3 879990622 +897 56 2 879991037 +897 66 3 879990973 +897 68 5 879994113 +897 69 5 879990396 +897 71 5 879991566 +897 73 3 879991341 +897 82 5 879990361 +897 97 5 879990622 +897 127 5 879990647 +897 132 5 879990531 +897 133 4 879991037 +897 136 5 879990843 +897 143 5 879991069 +897 151 5 879993519 +897 161 5 879993309 +897 172 4 879990466 +897 177 5 879990465 +897 182 4 879990683 +897 183 5 879990531 +897 186 5 879994113 +897 193 3 879990466 +897 194 5 879991403 +897 195 5 879991137 +897 199 4 879990465 +897 200 5 879991434 +897 202 2 879990683 +897 204 4 879990396 +897 205 3 879990556 +897 214 5 879990923 +897 222 4 879993042 +897 227 3 879992190 +897 228 4 879991607 +897 234 5 879991729 +897 238 4 879990779 +897 240 4 879993823 +897 265 3 879990466 +897 385 3 879990622 +897 389 3 879991341 +897 393 4 879991493 +897 409 4 879993553 +897 410 3 879993621 +897 419 4 879990430 +897 429 5 879990587 +897 435 3 879991069 +897 451 4 879991607 +897 455 3 879993772 +897 465 5 879992030 +897 472 5 879993620 +897 473 3 879993644 +897 477 3 879993315 +897 478 3 879991105 +897 484 3 879991341 +897 485 3 879991037 +897 497 3 879990430 +897 566 2 879991976 +897 568 5 879992216 +897 588 4 879990877 +897 597 5 879993519 +897 603 5 879991666 +897 616 5 879990877 +897 622 3 879990877 +897 659 5 879990923 +897 660 4 879991630 +897 679 5 879991630 +897 736 3 879991186 +897 742 3 879993314 +897 840 3 879993887 +897 871 3 879993519 +897 926 4 879993674 +897 928 5 879993621 +897 951 3 879991186 +897 1254 2 880253037 +898 242 4 888294441 +898 270 4 888294408 +898 286 2 888294408 +898 288 4 888294529 +898 300 2 888294375 +898 319 5 888294676 +898 324 4 888294621 +898 683 3 888294775 +898 748 4 888294739 +898 751 3 888294621 +899 2 3 884122563 +899 25 3 884120249 +899 31 3 884121513 +899 50 5 884119794 +899 51 1 884122387 +899 69 3 884121125 +899 73 4 884121720 +899 79 5 884122278 +899 83 4 884121214 +899 95 5 884121612 +899 135 4 884121857 +899 154 5 884122420 +899 157 4 884122419 +899 168 4 884121799 +899 172 4 884121089 +899 176 4 884121173 +899 186 4 884121767 +899 188 2 884121720 +899 193 3 884121946 +899 197 4 884121512 +899 204 4 884121683 +899 208 3 884121857 +899 209 5 884121173 +899 216 5 884121885 +899 218 4 884122155 +899 228 3 884121572 +899 230 4 884122472 +899 231 1 884122844 +899 238 2 884121424 +899 239 3 884121946 +899 250 2 884120105 +899 254 2 884122845 +899 257 4 884120185 +899 265 4 884122087 +899 275 4 884119877 +899 282 5 884120007 +899 283 4 884121424 +899 284 3 884120205 +899 367 4 884122450 +899 385 3 884121612 +899 410 1 884122535 +899 428 4 884122254 +899 435 3 884122450 +899 463 4 884121342 +899 471 4 884120007 +899 474 3 884121612 +899 479 4 884121612 +899 483 4 884121572 +899 496 5 884121379 +899 527 4 884121767 +899 640 1 884122228 +899 655 4 884121267 +899 658 2 884121911 +899 660 4 884122564 +899 685 3 884119954 +899 694 5 884121009 +899 710 3 884122619 +899 746 4 884121512 +899 747 1 884122535 +899 751 4 884120724 +899 934 3 884120603 +899 1016 3 884120149 +900 121 2 877832803 +900 124 4 877832837 +900 130 1 877833512 +900 137 3 877832803 +900 183 3 877833781 +900 186 2 877833957 +900 200 2 877833632 +900 280 2 877833364 +900 284 2 877833287 +900 288 2 877832113 +900 294 4 877832113 +900 318 4 877833672 +900 325 1 877832320 +900 429 2 877833747 +900 458 2 877833326 +900 471 2 877833259 +900 474 4 877833781 +900 480 4 877833603 +900 493 2 877833603 +900 508 3 877832764 +900 589 5 877833631 +900 618 4 877833957 +900 834 1 877833536 +900 1028 2 877833393 +901 8 3 877131307 +901 12 5 877132065 +901 13 1 877129839 +901 22 5 877131045 +901 35 4 877131685 +901 56 1 877130999 +901 71 4 877131654 +901 78 4 877131738 +901 89 3 877288929 +901 96 5 877130999 +901 111 3 877126434 +901 135 4 877131961 +901 140 4 877288179 +901 144 5 877288015 +901 161 5 877131147 +901 168 4 877131342 +901 174 5 877130965 +901 181 4 877127128 +901 196 4 877288864 +901 228 5 877131045 +901 229 4 877131205 +901 234 4 877287882 +901 250 3 877127196 +901 257 4 877127196 +901 275 3 877130677 +901 287 3 877126935 +901 395 3 877131500 +901 405 4 877127250 +901 419 5 877131763 +901 443 3 877287910 +901 465 4 877131654 +901 476 5 877289381 +901 498 4 877131990 +901 509 4 877288977 +901 520 5 877287882 +901 521 2 877289241 +901 523 4 877132400 +901 546 4 877127250 +901 566 5 877131118 +901 568 5 877131045 +901 578 3 877131961 +901 623 4 877131793 +901 679 4 877131205 +901 748 4 877125480 +901 929 4 877126902 +901 949 3 877131500 +901 988 4 877125716 +901 1049 3 877127021 +901 1620 5 877126743 +902 50 5 879464726 +902 134 3 879465523 +902 176 5 879465834 +902 181 3 879464783 +902 250 4 879465073 +902 258 3 879463109 +902 294 2 879463212 +902 295 2 879465128 +902 298 2 879465016 +902 300 4 879463373 +902 304 3 879464257 +902 306 4 879463212 +902 318 5 879465522 +902 327 3 879463373 +902 333 3 879463310 +902 480 5 879465711 +902 483 4 879465448 +902 515 5 879464726 +902 993 3 879465180 +903 1 3 891031280 +903 23 5 891033541 +903 48 4 891033005 +903 56 5 891466376 +903 91 5 891033005 +903 96 2 891032842 +903 98 5 892760784 +903 100 5 891031203 +903 105 3 891031794 +903 118 4 891031794 +903 177 4 891033541 +903 181 4 891031309 +903 182 5 891380461 +903 183 4 891032872 +903 185 5 891033070 +903 186 5 891466376 +903 187 5 891033754 +903 191 5 891032872 +903 203 4 891032911 +903 204 3 891033335 +903 223 5 891033354 +903 248 2 891031309 +903 254 2 891032101 +903 276 5 891380461 +903 281 4 891031677 +903 288 4 891031105 +903 317 4 891033808 +903 318 5 891032793 +903 333 4 891032653 +903 409 4 891031794 +903 412 2 891032077 +903 467 3 891033606 +903 515 4 891031178 +903 521 5 891033781 +903 529 4 891033278 +903 649 4 891033628 +903 696 3 891031906 +903 708 4 891033808 +903 746 2 891033302 +903 820 4 891031768 +903 845 1 891031450 +903 931 2 891032038 +903 977 1 891031810 +903 994 3 891031883 +903 1008 3 891031505 +903 1070 4 891033335 +903 1073 3 891032842 +903 1101 4 891033828 +903 1132 3 891031949 +904 9 4 879735316 +904 66 4 879735641 +904 97 4 879735678 +904 155 4 879735616 +904 278 5 879735616 +904 289 5 879735177 +904 300 4 879735109 +904 328 2 879735136 +904 421 5 879735772 +904 451 4 879735584 +904 628 3 879735362 +904 694 3 879735551 +904 736 4 879735499 +904 739 4 879735678 +904 778 3 879735678 +905 7 4 884984329 +905 124 4 884983889 +905 125 3 884984009 +905 150 4 884984148 +905 245 3 884983273 +905 258 3 884982806 +905 282 3 884983889 +905 300 4 884983556 +905 313 4 884982870 +905 321 4 884983463 +905 326 3 884983034 +905 328 3 884983034 +905 333 3 884982806 +905 475 3 884984329 +905 717 1 884984149 +905 742 4 884983888 +905 1011 3 884984382 +906 7 3 879434846 +906 10 4 879435339 +906 15 3 879435415 +906 100 4 879434846 +906 117 4 879435574 +906 121 4 879435598 +906 125 4 879435365 +906 273 4 879434882 +906 276 5 879435299 +906 307 3 879434378 +906 321 4 879434436 +906 475 3 879435253 +906 544 4 879435664 +906 628 5 879435551 +906 676 5 879435415 +906 696 4 879435758 +906 740 4 879435415 +907 8 3 880159688 +907 42 4 880159957 +907 86 5 880160162 +907 98 5 880160037 +907 100 5 880158712 +907 118 4 880159360 +907 125 4 880159259 +907 147 5 885862325 +907 181 4 880158692 +907 198 5 880160162 +907 202 5 880160204 +907 245 4 880158556 +907 248 5 880159038 +907 274 5 880158986 +907 281 5 881030348 +907 282 4 880158939 +907 287 4 880158913 +907 290 4 880159259 +907 301 4 880158537 +907 317 5 880159910 +907 318 5 880159642 +907 333 5 885860288 +907 340 2 880158425 +907 409 4 880159151 +907 472 5 880159360 +907 497 5 880160204 +907 591 5 880158913 +907 596 4 880159015 +907 619 2 880159038 +907 620 4 880159113 +907 628 5 880158986 +907 685 5 880158960 +907 696 5 880159081 +907 713 5 880159172 +907 724 5 880159642 +907 729 5 880159821 +907 740 5 880158960 +907 756 4 880159198 +907 763 5 880159081 +907 813 5 880158770 +907 821 5 880160008 +907 825 3 880159404 +907 828 5 880159361 +907 934 4 880159222 +907 1057 3 880159151 +907 1119 5 880159865 +908 55 3 879722334 +908 56 4 879722642 +908 69 3 879722513 +908 98 5 879722300 +908 111 3 879723073 +908 133 5 879722603 +908 147 2 879722932 +908 151 3 879722875 +908 156 3 879722603 +908 173 3 879722901 +908 181 3 879722754 +908 185 4 879722822 +908 192 2 879722489 +908 200 2 879722642 +908 204 4 879722427 +908 288 4 879722097 +908 322 2 879722169 +908 357 3 879723046 +908 414 3 879723022 +908 423 4 879722822 +908 427 5 879722642 +908 434 4 879723128 +908 447 3 879722850 +908 479 4 879723022 +908 484 4 879722361 +908 488 4 879722642 +908 648 4 879722333 +908 657 4 879722822 +908 694 4 879722603 +908 701 4 879722780 +908 963 4 879722397 +909 14 4 891920763 +909 116 5 891920010 +909 165 5 891920233 +909 166 5 891920166 +909 275 5 891920166 +909 286 4 891919160 +909 289 3 891920763 +909 292 4 891919160 +909 300 5 891919232 +909 509 5 891920211 +909 529 3 891920763 +909 531 4 891920166 +909 582 5 891920125 +909 682 3 891920763 +909 744 3 891920763 +909 1121 5 891920703 +910 23 4 881421332 +910 24 3 880821367 +910 100 4 880821098 +910 117 4 880822012 +910 125 3 880821383 +910 137 3 880822060 +910 182 4 880821696 +910 237 4 880822060 +910 245 2 881420474 +910 250 1 880821033 +910 252 2 881421035 +910 257 3 880821349 +910 282 3 880821319 +910 288 3 884229224 +910 289 3 881420491 +910 293 4 880822060 +910 332 2 880821834 +910 414 4 881421332 +910 508 4 880821349 +910 751 3 884229194 +910 845 4 880821405 +910 1012 4 884229250 +911 7 4 892839551 +911 21 4 892840144 +911 82 2 892840888 +911 89 4 892838405 +911 98 2 892839015 +911 99 3 892840889 +911 102 3 892840889 +911 143 5 892840889 +911 168 4 892838676 +911 174 4 892838577 +911 185 5 892841255 +911 190 5 892838864 +911 203 4 892841196 +911 204 4 892839930 +911 205 3 892839454 +911 210 3 892839745 +911 238 2 892839970 +911 240 1 892840297 +911 272 4 892838135 +911 313 2 892838135 +911 357 4 892838954 +911 381 5 892839846 +911 383 3 892841094 +911 399 5 892840120 +911 404 3 892840950 +911 423 4 892840837 +911 435 5 892839993 +911 483 3 892838637 +911 484 3 892839363 +911 485 3 892839454 +911 496 3 892838954 +911 501 3 892840916 +911 588 4 892840837 +911 622 3 892840996 +911 638 4 892839391 +911 659 3 892838677 +911 727 2 892842738 +911 835 3 892838405 +911 969 5 892840807 +911 1203 4 892838357 +912 14 5 875966927 +912 56 2 875966027 +912 97 4 875966783 +912 132 5 875965981 +912 143 5 875966694 +912 152 4 875966320 +912 154 4 875966027 +912 168 5 875966107 +912 172 3 875966027 +912 173 4 875966238 +912 185 3 875966065 +912 194 4 875966238 +912 197 5 875966429 +912 204 2 875966202 +912 238 4 875966320 +912 318 4 875966385 +912 423 5 875966694 +912 482 5 875965939 +912 483 5 875965906 +912 496 4 875965939 +912 602 5 875965981 +912 611 3 875965830 +912 654 3 875966027 +912 1041 4 875966616 +913 1 2 880758579 +913 8 2 880825916 +913 12 4 881366897 +913 25 3 881366974 +913 42 3 880824372 +913 58 5 880759221 +913 79 4 880758974 +913 82 3 881368310 +913 89 5 880794731 +913 92 4 881725846 +913 98 4 881725761 +913 99 4 881366878 +913 117 1 882544673 +913 127 4 882044440 +913 144 5 880946236 +913 156 3 880824512 +913 173 5 880826542 +913 174 5 881367620 +913 175 5 881366473 +913 179 3 881368269 +913 183 4 880757553 +913 185 4 881367173 +913 202 4 880825052 +913 210 2 880826706 +913 216 4 881725796 +913 222 3 881037459 +913 234 4 880825443 +913 237 4 881725960 +913 260 1 881037229 +913 265 4 880757553 +913 269 5 881725938 +913 273 3 881037670 +913 301 1 880753802 +913 302 4 880794297 +913 310 3 880753802 +913 357 5 880824372 +913 430 2 882544617 +913 432 3 881366721 +913 465 2 880826366 +913 475 4 880757473 +913 481 3 880758579 +913 527 5 881036957 +913 530 2 881367312 +913 588 3 881449256 +913 603 4 880758150 +913 655 4 881725846 +913 656 3 881726004 +913 741 4 881037004 +913 747 3 881369407 +913 750 4 883110363 +913 789 4 880946415 +913 963 4 881725737 +913 1112 1 882044453 +913 1240 2 881037004 +914 88 2 887124121 +914 111 1 887124121 +914 155 5 887124121 +914 197 4 887122028 +914 371 4 887122029 +914 387 3 887124121 +914 451 2 887122085 +914 643 4 887123886 +914 692 3 887122324 +914 724 3 887123464 +914 736 3 887123465 +914 1355 1 887123886 +915 268 5 891031477 +915 270 3 891030070 +915 288 2 891031450 +915 300 3 891031477 +915 304 3 891030032 +915 307 3 891030032 +915 310 3 891029965 +915 313 4 891029965 +915 321 3 891030002 +915 328 2 891031450 +915 333 3 891031450 +915 1038 2 891030070 +916 1 4 880843361 +916 2 3 880845391 +916 4 4 880844395 +916 9 5 880843378 +916 14 5 880843378 +916 17 4 880845135 +916 22 4 880844627 +916 28 4 880844861 +916 33 2 880845135 +916 39 4 880845011 +916 46 4 880844480 +916 48 5 880844861 +916 49 3 880845673 +916 50 5 880843436 +916 51 2 880845658 +916 53 4 880844834 +916 54 3 880845790 +916 56 5 880844038 +916 65 3 880845327 +916 70 4 880845099 +916 77 3 880845620 +916 81 5 880844527 +916 82 4 880845772 +916 85 2 880845115 +916 87 3 880844262 +916 91 4 880844223 +916 100 5 880843288 +916 134 5 880844123 +916 135 4 880844552 +916 143 3 880844463 +916 154 4 880844552 +916 160 3 880844511 +916 170 4 880844612 +916 175 4 880845011 +916 179 3 880844420 +916 182 3 880844123 +916 186 3 880844175 +916 190 4 880846339 +916 194 4 880843997 +916 212 5 880844879 +916 213 4 880844675 +916 214 3 880844958 +916 217 4 880845282 +916 221 4 880843594 +916 222 3 880843419 +916 223 4 880844087 +916 229 3 880845328 +916 232 3 880844897 +916 235 3 880843749 +916 244 4 880843401 +916 246 5 880843318 +916 252 2 880843864 +916 271 3 880843185 +916 281 3 880843727 +916 295 2 880843551 +916 298 3 880843334 +916 317 4 880845098 +916 366 3 880845658 +916 381 3 880845738 +916 393 2 880845067 +916 427 4 880844654 +916 451 3 880845227 +916 467 3 880844420 +916 470 3 880845476 +916 472 3 880843697 +916 474 4 880844175 +916 506 3 880844728 +916 509 4 880844312 +916 523 3 880844511 +916 527 4 880845135 +916 530 4 880844202 +916 570 3 880845368 +916 578 1 880844985 +916 593 4 880843551 +916 655 3 880844350 +916 702 3 880845157 +916 708 4 880845673 +916 721 4 880845049 +916 727 4 880845049 +916 732 3 880844862 +916 763 3 880843683 +916 781 3 880845451 +916 824 3 880843838 +916 831 1 880843864 +916 866 3 880843798 +916 930 2 880843934 +916 944 2 880845476 +916 959 4 880845328 +916 961 3 880844202 +916 1005 4 880845303 +916 1046 2 880845722 +916 1109 3 880844861 +916 1113 4 880844897 +916 1135 3 880845556 +916 1206 2 880845543 +916 1268 3 880845451 +916 1335 4 880843798 +916 1428 3 880845415 +917 25 4 882911390 +917 50 3 882910915 +917 150 5 882912385 +917 276 5 882912385 +917 471 4 882911099 +917 740 5 882912385 +917 1014 2 882911246 +918 16 4 891988560 +918 28 4 891987541 +918 45 4 891986959 +918 64 4 891987025 +918 131 3 891987824 +918 135 1 891986634 +918 137 5 891987879 +918 170 4 891987205 +918 174 3 891987154 +918 179 2 891988337 +918 190 5 891986720 +918 204 1 891987317 +918 211 2 891987752 +918 213 5 891988054 +918 275 4 891987176 +918 289 2 891988559 +918 382 4 891986846 +918 419 3 891987622 +918 428 5 891988001 +918 433 2 891987082 +918 443 3 891988248 +918 487 4 891987446 +918 488 3 891987846 +918 495 3 891987689 +918 514 2 891987082 +918 582 4 891987723 +918 606 4 891987132 +918 631 4 891986664 +918 638 4 891987267 +918 640 3 891988163 +918 645 4 891988090 +918 658 3 891987059 +918 737 3 891988123 +918 792 3 891986904 +918 856 4 891988491 +918 921 4 891988029 +918 923 4 891987317 +918 962 4 891988029 +918 1065 4 891988002 +918 1101 4 891987824 +918 1171 4 891988646 +918 1200 4 891988276 +919 4 1 875374032 +919 5 4 875374088 +919 7 3 875288848 +919 11 4 875373582 +919 15 5 875289250 +919 19 4 875288681 +919 50 3 875288570 +919 57 5 875373621 +919 58 5 875374032 +919 85 2 875372947 +919 100 5 875288522 +919 112 3 875289417 +919 140 5 875373471 +919 144 4 875373889 +919 168 1 875373074 +919 193 2 875373471 +919 201 4 875920887 +919 202 3 875373582 +919 204 4 875921396 +919 217 4 875373669 +919 218 4 875374032 +919 221 4 875288898 +919 240 3 875289611 +919 243 3 875288418 +919 244 2 875289025 +919 246 3 875288523 +919 253 3 875288748 +919 257 4 875288848 +919 259 4 875288362 +919 268 3 875920245 +919 270 4 885059422 +919 285 5 875288748 +919 286 4 885059400 +919 289 3 875288164 +919 298 3 875288983 +919 318 5 875372903 +919 321 2 875288164 +919 322 3 875288253 +919 325 4 875288418 +919 326 3 875288304 +919 327 4 875288304 +919 328 2 875288304 +919 347 3 885059569 +919 358 3 875288304 +919 372 3 875920948 +919 418 4 875373945 +919 458 2 875289212 +919 462 3 875372844 +919 471 3 875289638 +919 475 3 875288898 +919 477 4 875289025 +919 508 5 875288570 +919 564 2 875373770 +919 582 5 875373214 +919 596 3 885059887 +919 628 3 875288898 +919 676 4 875289061 +919 687 1 875288362 +919 690 3 885059658 +919 709 3 875374088 +919 717 3 875288805 +919 741 3 875288805 +919 742 4 875289499 +919 748 1 875288253 +919 756 3 875289170 +919 787 3 875921283 +919 794 4 875373521 +919 819 3 875288805 +919 878 2 875288443 +919 887 3 885059452 +919 919 2 875288805 +919 937 4 875920627 +919 976 2 875289453 +919 1012 4 875289611 +919 1047 3 875289697 +919 1048 3 875289113 +919 1086 4 875289322 +919 1101 5 875373470 +919 1109 3 875373824 +919 1114 3 875920823 +919 1136 2 875374269 +919 1137 4 875289170 +919 1152 4 875288612 +919 1277 4 875289887 +919 1278 4 875289761 +919 1284 3 875289566 +919 1315 2 875289611 +920 270 3 884219993 +920 300 3 884220058 +920 302 4 884219701 +920 328 2 884220058 +920 331 3 884220094 +920 332 3 884219953 +920 346 4 884219768 +920 347 4 884220131 +920 350 4 884219953 +920 682 3 884220058 +920 1612 4 884219953 +921 1 3 879379601 +921 8 3 884673699 +921 15 4 879379621 +921 24 3 879380097 +921 72 4 879380806 +921 79 4 879380704 +921 82 3 884673954 +921 87 2 884673673 +921 96 4 879380656 +921 125 3 879379774 +921 132 3 884673699 +921 133 5 884673843 +921 173 5 884673780 +921 181 5 879379562 +921 190 2 884673602 +921 227 3 879381051 +921 252 4 879380142 +921 274 4 879379971 +921 275 1 879379642 +921 282 2 879379714 +921 288 3 879379265 +921 313 5 884673044 +921 322 3 879379428 +921 369 1 879380328 +921 395 3 879380908 +921 411 2 879380142 +921 422 3 879380957 +921 471 2 879379821 +921 560 2 879380981 +921 651 3 884673891 +921 692 4 884673724 +921 720 4 879381128 +921 728 3 879381299 +921 755 4 884673910 +921 815 5 879379942 +921 845 4 879379601 +921 892 3 884673402 +921 932 3 879381128 +921 934 3 879380496 +921 1032 5 879381199 +921 1034 3 879380457 +921 1047 1 879380015 +921 1060 2 879379942 +921 1279 2 879380142 +922 50 5 891447447 +922 56 1 891447628 +922 63 3 891449363 +922 71 4 891448580 +922 72 4 891452470 +922 89 5 891450368 +922 94 3 891449333 +922 98 5 891447665 +922 143 4 891449021 +922 151 5 891449152 +922 159 3 891447853 +922 161 3 891450401 +922 172 5 891449021 +922 173 5 891448040 +922 174 5 891449021 +922 183 3 891450401 +922 184 3 891449901 +922 191 3 891454587 +922 202 5 891448115 +922 210 3 891450368 +922 212 2 891448473 +922 215 3 891453653 +922 216 3 891448115 +922 217 3 891449993 +922 222 4 891447681 +922 227 4 891447777 +922 229 4 891447777 +922 237 4 891448247 +922 249 3 891455250 +922 257 4 891455049 +922 265 5 891447777 +922 290 4 891451277 +922 371 3 891448348 +922 382 4 891451373 +922 395 4 891452879 +922 403 3 891450805 +922 406 4 891447944 +922 418 4 891448580 +922 449 4 891447802 +922 451 4 891448247 +922 471 3 891453501 +922 550 3 891450805 +922 568 3 891450524 +922 588 4 891448580 +922 746 4 891451143 +922 756 2 891455185 +922 949 5 891454320 +922 1035 3 891449552 +923 3 4 880387707 +923 117 4 880387598 +923 125 4 880388289 +923 148 4 880387474 +923 174 5 880388872 +923 181 5 880387363 +923 237 4 880387908 +923 245 3 880387199 +923 273 5 880387474 +923 281 4 880387875 +923 288 5 880386897 +923 295 5 880387579 +923 322 4 880387130 +923 333 5 880386897 +923 334 5 880387129 +923 338 4 880387172 +923 410 3 880387908 +923 456 4 880388562 +923 472 4 880388547 +923 546 4 880387507 +923 689 3 880387001 +923 762 4 880387525 +923 763 4 880387908 +923 827 3 880387997 +923 831 4 880388211 +923 928 4 880388306 +923 1028 4 880387624 +924 1 5 884371535 +924 6 4 886759441 +924 13 3 887421305 +924 82 4 885458168 +924 96 4 886760020 +924 117 2 887421305 +924 121 4 886760071 +924 127 3 884371438 +924 173 5 885458060 +924 174 5 885458009 +924 195 5 886065785 +924 202 4 886760020 +924 211 3 885457891 +924 228 4 886327826 +924 258 3 884336994 +924 273 3 889286721 +924 277 3 889286765 +924 283 4 884371495 +924 285 4 884371386 +924 286 3 884337043 +924 300 2 884337243 +924 408 3 889286721 +924 421 4 885458060 +924 504 5 885458009 +924 523 5 885458121 +924 526 3 886327826 +924 632 4 885458121 +924 705 5 885457858 +924 742 3 886065661 +924 836 3 885457975 +924 923 5 886327748 +924 1011 3 886760052 +924 1036 2 886759690 +924 1400 4 886327641 +924 1478 4 886759691 +925 5 4 884718156 +925 56 3 884717963 +925 185 4 884717963 +925 218 4 884717862 +925 299 3 884717478 +925 323 4 884633287 +925 332 4 884717404 +925 333 3 884717790 +925 678 3 884717790 +925 682 4 884717586 +925 948 2 884717790 +926 286 4 888636202 +926 288 3 888636202 +926 289 3 888636269 +926 300 3 888351623 +926 303 3 888351713 +926 315 4 888351623 +926 322 2 888636270 +926 325 1 888636269 +927 7 3 879177298 +927 15 5 879177509 +927 24 3 879181042 +927 41 4 879195407 +927 67 4 879190473 +927 69 4 879183164 +927 79 3 879184644 +927 105 1 879181879 +927 125 4 879177298 +927 138 4 879198655 +927 158 2 879198608 +927 222 5 879177177 +927 228 5 879184644 +927 230 5 879199250 +927 237 4 879177508 +927 240 3 879177456 +927 274 1 879181133 +927 288 5 879199250 +927 294 5 879199250 +927 300 5 879176156 +927 367 5 879199250 +927 380 5 879196283 +927 393 5 879193732 +927 410 1 879190223 +927 421 4 879194661 +927 449 4 879196230 +927 456 2 879182709 +927 501 4 879190422 +927 560 2 879191978 +927 739 3 879191360 +927 763 4 879181749 +927 780 1 879195783 +927 1089 5 879177457 +927 1093 4 879177243 +927 1229 3 879197198 +928 8 5 880936905 +928 98 5 880936884 +928 187 5 880936884 +928 333 3 880937258 +928 358 5 880936023 +928 496 5 880936863 +928 877 5 880936022 +928 878 5 880936022 +928 1007 5 880937163 +929 1 3 878402162 +929 23 3 880817681 +929 31 2 880817708 +929 32 3 880817818 +929 89 5 879640126 +929 134 4 880817752 +929 174 3 879640329 +929 182 4 879640225 +929 185 5 879640184 +929 188 4 880817728 +929 209 3 880817752 +929 271 2 880817603 +929 318 4 879640225 +929 419 4 880817844 +929 474 4 879640126 +929 483 4 879640036 +929 515 5 878402162 +929 517 5 879640329 +930 8 3 879535713 +930 121 4 879535392 +930 148 1 879534886 +930 151 2 879534724 +930 245 3 879534165 +930 269 4 879535392 +930 283 4 879535544 +930 288 1 879534001 +930 405 3 879534803 +930 455 1 879534692 +930 651 3 879535574 +930 763 3 879535102 +930 845 3 879534724 +931 50 3 891036715 +931 116 4 891036734 +931 121 2 891036604 +931 220 3 891037046 +931 237 3 891036552 +931 245 4 891037024 +931 250 2 891036673 +931 255 4 891036755 +931 258 3 891036003 +931 269 3 891035876 +931 275 5 891037521 +931 303 4 891035917 +931 310 3 891035876 +931 312 4 891036105 +931 347 4 891035946 +931 362 3 891035970 +931 476 3 891036974 +931 515 5 891036506 +931 678 3 891036247 +931 690 4 891036003 +931 744 4 891036463 +931 1022 1 891036003 +931 1152 4 891037177 +932 7 4 891250109 +932 54 4 891251038 +932 55 3 891249994 +932 98 5 891249586 +932 105 2 891252338 +932 114 5 891249903 +932 131 4 891250525 +932 135 5 891249538 +932 144 3 891249710 +932 154 5 891249994 +932 157 4 891250667 +932 161 3 891251507 +932 172 5 891250472 +932 175 4 891250449 +932 176 5 891250449 +932 177 4 891250609 +932 179 5 891249239 +932 180 4 891251014 +932 183 4 891249877 +932 194 5 891250472 +932 209 5 891250258 +932 211 5 891249710 +932 213 3 891249038 +932 218 3 891250915 +932 225 2 891251985 +932 226 3 891251292 +932 229 4 891251063 +932 234 3 891250060 +932 238 3 891250609 +932 274 5 891250704 +932 285 4 891250392 +932 379 2 891251798 +932 380 4 891250498 +932 428 4 891251105 +932 435 4 891249821 +932 459 4 891250944 +932 483 5 891249962 +932 489 4 891249710 +932 497 5 891249933 +932 498 5 891250363 +932 504 4 891250236 +932 507 5 891249675 +932 515 4 891249373 +932 525 5 891250418 +932 550 2 891251331 +932 566 4 891251463 +932 570 4 891251178 +932 576 2 891252198 +932 589 5 891250609 +932 611 5 891250418 +932 614 4 891280138 +932 617 4 891251588 +932 640 2 891249239 +932 647 5 891250987 +932 648 5 891249903 +932 652 3 891248893 +932 657 5 891249767 +932 671 3 891250915 +932 676 4 891251738 +932 679 2 891251538 +932 709 4 891251395 +932 778 4 891251272 +932 967 4 891251331 +932 1050 4 891251015 +932 1065 5 891251538 +932 1184 3 891250169 +932 1204 5 891249821 +932 1205 5 891250643 +932 1266 4 891248937 +932 1305 2 891252260 +932 1397 4 891250793 +932 1451 5 891249675 +932 1512 5 891249038 +932 1573 4 891249239 +933 1 3 874854294 +933 4 3 874854383 +933 21 1 874854383 +933 28 4 874853977 +933 52 3 874854161 +933 63 2 874938563 +933 64 5 874853605 +933 72 3 874938538 +933 73 4 874854629 +933 80 2 874938689 +933 98 5 874853734 +933 110 1 874938664 +933 132 3 874853605 +933 156 4 874854135 +933 161 2 874939105 +933 173 3 874855020 +933 179 5 874854135 +933 182 4 874854853 +933 187 4 874854294 +933 196 4 874854932 +933 209 2 874854678 +933 214 3 874853666 +933 215 3 874854031 +933 219 1 874854217 +933 231 1 874939031 +933 241 2 874855069 +933 317 4 874853779 +933 318 4 874853605 +933 385 3 874939207 +933 399 3 874939157 +933 403 3 874939105 +933 405 3 874939157 +933 433 1 874854251 +933 447 2 874854678 +933 451 1 874938507 +933 453 1 874938833 +933 470 4 874854611 +933 471 3 874854611 +933 475 2 874853605 +933 508 3 874853927 +933 523 4 874853957 +933 546 2 874939105 +933 550 1 874939185 +933 577 1 874938705 +933 583 3 874854217 +933 651 3 874854081 +933 734 2 874938644 +933 746 4 874854762 +933 765 1 874938644 +933 934 1 874938412 +933 1017 3 874854953 +933 1070 2 874854031 +933 1246 1 874938728 +934 2 4 891192087 +934 25 4 891195233 +934 50 5 891189363 +934 56 5 891191922 +934 67 4 891193373 +934 88 4 891194866 +934 97 4 891192329 +934 100 4 891189511 +934 121 3 891189819 +934 145 3 891196610 +934 151 3 891189401 +934 161 4 891193290 +934 168 4 891191875 +934 174 5 891191511 +934 177 3 891192623 +934 179 2 891191600 +934 183 2 891190903 +934 195 4 891191600 +934 197 5 891192041 +934 202 5 891193132 +934 208 5 891191258 +934 210 4 891191206 +934 223 5 891191659 +934 228 4 891193778 +934 229 4 891194539 +934 239 4 891194802 +934 269 2 891188367 +934 297 5 891189969 +934 315 4 891188403 +934 384 4 891195573 +934 388 3 891197678 +934 389 3 891195811 +934 393 2 891193013 +934 405 5 891189819 +934 411 3 891190377 +934 423 3 891191660 +934 432 5 891191976 +934 436 3 891196610 +934 461 4 891191660 +934 488 5 891192197 +934 514 5 891191546 +934 529 5 891194866 +934 554 4 891194462 +934 573 2 891197530 +934 605 4 891195288 +934 617 4 891191778 +934 629 4 891191334 +934 648 3 891190695 +934 663 5 891192849 +934 664 4 891193331 +934 675 4 891192285 +934 709 3 891196314 +934 771 3 891196950 +934 855 4 891192849 +934 949 3 891197678 +934 963 5 891192914 +934 1037 1 891197344 +934 1425 1 891197851 +934 1449 5 891191976 +935 100 3 884472110 +935 121 4 884472434 +935 127 4 884472086 +935 148 4 884472892 +935 237 5 884472159 +935 257 2 884472110 +935 284 4 884472673 +935 471 4 884472352 +935 476 4 884472465 +935 717 4 884472872 +935 742 5 884472266 +935 846 4 884472999 +935 864 5 884472704 +935 924 4 884472392 +935 1016 4 884472434 +936 9 4 886832373 +936 14 4 886832373 +936 50 4 886832282 +936 93 5 886833795 +936 106 3 886833148 +936 111 4 886832597 +936 116 4 886832636 +936 137 4 886832544 +936 181 4 886832596 +936 236 5 886832183 +936 243 2 886831820 +936 249 5 886832808 +936 250 5 886832337 +936 253 5 886832454 +936 268 4 886831415 +936 275 4 886832134 +936 281 4 886832903 +936 282 2 886832714 +936 285 4 886832221 +936 298 4 886832134 +936 301 3 886831637 +936 313 4 886831374 +936 333 3 886831415 +936 340 4 886831535 +936 475 5 886832282 +936 508 3 886832282 +936 547 5 886833795 +936 591 4 886832373 +936 628 1 886832758 +936 741 4 886832808 +936 818 4 886832903 +936 927 4 886833052 +936 952 4 886832966 +936 1007 5 886833795 +936 1014 3 886833571 +936 1086 3 886832134 +936 1097 5 886833795 +936 1258 2 886833281 +936 1279 3 886833360 +936 1344 5 886832183 +937 9 5 876769373 +937 126 4 876769374 +937 224 4 876769480 +937 242 3 876762200 +937 268 1 876762200 +937 275 4 876769323 +937 285 4 876769436 +937 293 4 876769530 +937 297 4 876769436 +937 300 4 876768813 +937 301 1 876768812 +937 515 5 876769253 +938 9 3 891356413 +938 15 2 891356615 +938 105 1 891357137 +938 122 1 891357190 +938 125 3 891356742 +938 151 4 891356679 +938 181 5 891356390 +938 240 2 891356847 +938 281 2 891356594 +938 284 2 891356827 +938 300 3 891350008 +938 313 5 891349471 +938 333 4 891356146 +938 370 5 891357137 +938 472 4 891356656 +938 476 4 891357137 +938 477 1 891356702 +938 546 3 891356532 +938 595 2 891357042 +938 717 2 891357060 +938 748 2 891356282 +938 763 4 891356656 +938 815 3 891356532 +938 840 2 891357190 +938 864 4 891356827 +938 873 3 891356085 +938 988 3 891356282 +938 1012 5 891356500 +938 1014 4 891356632 +938 1033 2 891357137 +939 106 3 880262019 +939 121 5 880261373 +939 222 5 880260956 +939 258 4 880260692 +939 326 5 880260636 +939 409 4 880261532 +939 476 5 880261974 +939 689 5 880260636 +939 818 3 880262057 +939 890 2 880260636 +939 931 2 880262196 +939 934 3 880262139 +939 993 4 880260853 +939 1023 4 880262057 +939 1054 4 880261868 +939 1190 5 880260883 +940 4 2 885922040 +940 8 5 885921577 +940 9 3 885921687 +940 14 3 885921710 +940 56 5 885921577 +940 66 4 885922016 +940 89 4 885921828 +940 95 5 885921800 +940 96 5 885921265 +940 147 4 885921893 +940 153 2 885921953 +940 170 4 885921401 +940 172 4 885921451 +940 174 4 885921310 +940 181 3 885921310 +940 193 3 885921893 +940 194 5 885921953 +940 205 3 885921243 +940 272 4 884801316 +940 289 3 884801144 +940 300 5 884801316 +940 310 3 884800966 +940 315 4 884801125 +940 317 4 885921577 +940 319 2 884800944 +940 343 2 884801246 +940 355 1 889480552 +940 427 5 885921451 +940 474 3 885921687 +940 521 4 885921915 +940 549 2 885921915 +940 568 3 885921870 +940 610 1 885921953 +940 628 4 885921800 +940 655 4 885921775 +940 683 3 884800988 +940 708 3 885921953 +940 751 3 884801227 +940 855 5 885921980 +940 873 3 889480440 +940 1401 1 885921371 +941 7 4 875048952 +941 117 5 875048886 +941 124 5 875048996 +941 147 4 875049077 +941 181 5 875048887 +941 258 4 875048495 +941 993 4 875048996 +942 31 5 891283517 +942 50 5 891282816 +942 95 5 891283516 +942 117 4 891282816 +942 131 5 891283094 +942 172 5 891282963 +942 193 5 891283043 +942 200 4 891282840 +942 216 4 891282963 +942 261 4 891282673 +942 269 2 891282396 +942 303 4 891282477 +942 304 5 891282457 +942 313 3 891282396 +942 323 3 891282644 +942 347 5 891282396 +942 362 3 891282420 +942 423 5 891283095 +942 427 5 891283017 +942 479 4 891283118 +942 487 4 891282985 +942 496 5 891283043 +942 500 5 891282816 +942 511 4 891282931 +942 514 4 891283069 +942 539 3 891282673 +942 584 4 891283239 +942 604 4 891283139 +942 607 5 891282931 +942 615 3 891283017 +942 878 4 891282702 +942 969 4 891282817 +943 11 4 888639000 +943 12 5 888639093 +943 27 4 888639954 +943 51 1 888640088 +943 54 4 888639972 +943 55 5 888639118 +943 58 4 888639118 +943 62 3 888640003 +943 73 3 888639598 +943 94 4 888639929 +943 96 4 888638920 +943 111 4 875502192 +943 117 4 875501937 +943 124 3 875501995 +943 127 5 875501774 +943 181 4 875409978 +943 184 5 888639247 +943 186 5 888639478 +943 188 4 888639269 +943 195 4 888639407 +943 200 4 888639388 +943 210 4 888639147 +943 215 5 888639000 +943 226 4 888639660 +943 232 4 888639867 +943 237 4 888692413 +943 281 4 875502299 +943 356 4 888639598 +943 373 3 888640275 +943 405 4 875502042 +943 412 2 875501856 +943 423 3 888639231 +943 443 2 888639746 +943 471 5 875502042 +943 549 1 888639772 +943 570 1 888640125 +943 581 4 888639814 +943 595 2 875502597 +943 655 4 888639269 +943 685 4 875502042 +943 794 3 888640143 +943 808 4 888639868 +943 943 5 888639614 +943 1011 2 875502560 +943 1067 2 875501756 +943 1074 4 888640250 +943 1188 3 888640250 diff --git a/MovieLens Movie Recommendation/Python/ml-100k/u5.base b/MovieLens Movie Recommendation/Python/ml-100k/u5.base new file mode 100644 index 00000000..b098e9fd --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/u5.base @@ -0,0 +1,80000 @@ +1 1 5 874965758 +1 2 3 876893171 +1 4 3 876893119 +1 5 3 889751712 +1 6 5 887431973 +1 7 4 875071561 +1 8 1 875072484 +1 9 5 878543541 +1 10 3 875693118 +1 11 2 875072262 +1 12 5 878542960 +1 14 5 874965706 +1 16 5 878543541 +1 17 3 875073198 +1 20 4 887431883 +1 21 1 878542772 +1 22 4 875072404 +1 23 4 875072895 +1 24 3 875071713 +1 25 4 875071805 +1 26 3 875072442 +1 27 2 876892946 +1 30 3 878542515 +1 31 3 875072144 +1 32 5 888732909 +1 33 4 878542699 +1 34 2 878542869 +1 35 1 878542420 +1 36 2 875073180 +1 37 2 878543030 +1 38 3 878543075 +1 39 4 875072173 +1 40 3 876893230 +1 41 2 876892818 +1 42 5 876892425 +1 43 4 878542869 +1 44 5 878543541 +1 45 5 875241687 +1 46 4 876893230 +1 47 4 875072125 +1 48 5 875072520 +1 49 3 878542478 +1 50 5 874965954 +1 51 4 878543275 +1 53 3 876893206 +1 54 3 878543308 +1 55 5 875072688 +1 56 4 875072716 +1 57 5 878542459 +1 58 4 878542960 +1 60 5 875072370 +1 61 4 878542420 +1 62 3 878542282 +1 63 2 878543196 +1 64 5 875072404 +1 65 4 875072125 +1 66 4 878543030 +1 67 3 876893054 +1 68 4 875072688 +1 69 3 875072262 +1 70 3 875072895 +1 71 3 876892425 +1 72 4 878542678 +1 73 3 876892774 +1 74 1 889751736 +1 75 4 878543238 +1 76 4 878543176 +1 77 4 876893205 +1 78 1 878543176 +1 79 4 875072865 +1 80 4 876893008 +1 81 5 875072865 +1 82 5 878542589 +1 84 4 875072923 +1 85 3 875073180 +1 86 5 878543541 +1 87 5 878543541 +1 89 5 875072484 +1 90 4 878542300 +1 91 5 876892636 +1 92 3 876892425 +1 93 5 875071484 +1 95 4 875072303 +1 96 5 875072716 +1 97 3 875073128 +1 98 4 875072404 +1 99 3 875072547 +1 100 5 878543541 +1 101 2 878542845 +1 102 2 889751736 +1 103 1 878542845 +1 104 1 875241619 +1 105 2 875240739 +1 106 4 875241390 +1 107 4 875241619 +1 108 5 875240920 +1 109 5 874965739 +1 110 1 878542845 +1 112 1 878542441 +1 113 5 878542738 +1 114 5 875072173 +1 115 5 878541637 +1 116 3 878542960 +1 117 3 874965739 +1 118 3 875071927 +1 119 5 876893098 +1 120 1 875241637 +1 121 4 875071823 +1 123 4 875071541 +1 124 5 875071484 +1 125 3 878542960 +1 127 5 874965706 +1 128 4 875072573 +1 129 5 887431908 +1 130 3 875072002 +1 131 1 878542552 +1 132 4 878542889 +1 133 4 876892818 +1 134 4 875073067 +1 135 4 875072404 +1 136 3 876893206 +1 137 5 875071541 +1 138 1 878543006 +1 139 3 878543216 +1 140 1 878543133 +1 141 3 878542608 +1 142 2 878543238 +1 143 1 875072631 +1 144 4 875073180 +1 145 2 875073067 +1 146 4 875071561 +1 147 3 875240993 +1 148 2 875240799 +1 149 2 878542791 +1 150 5 876892196 +1 151 4 875072865 +1 153 3 876893230 +1 154 5 878543541 +1 155 2 878542201 +1 156 4 874965556 +1 157 4 876892918 +1 158 3 878542699 +1 159 3 875073180 +1 160 4 875072547 +1 161 4 875072303 +1 162 4 878542420 +1 163 4 875072442 +1 164 3 876893171 +1 165 5 874965518 +1 166 5 874965677 +1 167 2 878542383 +1 168 5 874965478 +1 169 5 878543541 +1 170 5 876892856 +1 171 5 889751711 +1 173 5 878541803 +1 174 5 875073198 +1 175 5 875072547 +1 176 5 876892468 +1 177 5 876892701 +1 178 5 878543541 +1 179 3 875072370 +1 180 3 875072573 +1 181 5 874965739 +1 182 4 875072520 +1 183 5 875072262 +1 184 4 875072956 +1 185 4 875072631 +1 186 4 875073128 +1 187 4 874965678 +1 188 3 875073128 +1 189 3 888732928 +1 190 5 875072125 +1 191 5 875072956 +1 192 4 875072547 +1 193 4 876892654 +1 194 4 876892743 +1 195 5 876892855 +1 196 5 874965677 +1 197 5 875072956 +1 198 5 878542717 +1 199 4 875072262 +1 200 3 876893098 +1 201 3 878542960 +1 202 5 875072442 +1 203 4 878542231 +1 205 3 878542909 +1 206 4 876893205 +1 208 5 878542960 +1 209 4 888732908 +1 210 4 878542909 +1 211 3 878541970 +1 212 4 875072895 +1 213 2 876892896 +1 214 4 875072520 +1 215 3 876893145 +1 216 5 876892701 +1 217 3 876892676 +1 218 3 876892856 +1 219 1 878542327 +1 220 3 875241390 +1 221 5 887431921 +1 222 4 878873388 +1 223 5 876892918 +1 224 5 875071484 +1 225 2 878542738 +1 226 3 878543176 +1 227 4 876892946 +1 228 5 878543541 +1 229 4 878542075 +1 230 4 878542420 +1 232 3 878543196 +1 233 2 878542552 +1 234 4 876892355 +1 235 5 875071589 +1 236 4 875071898 +1 237 2 875071749 +1 238 4 875072235 +1 239 4 878542845 +1 240 3 875071898 +1 241 4 878543133 +1 242 5 889751633 +1 243 1 875241390 +1 245 2 875071713 +1 246 5 874965905 +1 247 1 875241619 +1 248 4 874965954 +1 249 4 874965970 +1 250 4 874965706 +1 251 4 875071843 +1 252 2 875240677 +1 253 5 874965970 +1 254 1 878541392 +1 255 2 885345822 +1 256 4 889751712 +1 257 4 874965954 +1 258 5 878873389 +1 259 1 875692979 +1 260 1 875071713 +1 261 1 875692992 +1 262 3 875071421 +1 263 1 875693007 +1 264 2 875071713 +1 265 4 878542441 +1 266 1 885345728 +1 267 4 875692955 +1 268 5 875692927 +1 269 5 877482427 +1 270 5 888732827 +1 271 2 887431672 +1 272 3 887431647 +2 1 4 888550871 +2 10 2 888551853 +2 13 4 888551922 +2 14 4 888551853 +2 19 3 888550871 +2 25 4 888551648 +2 50 5 888552084 +2 100 5 888552084 +2 111 4 888551853 +2 127 5 888552084 +2 237 4 888552017 +2 242 5 888552084 +2 251 5 888552084 +2 255 4 888551341 +2 257 4 888551062 +2 258 3 888549961 +2 269 4 888550774 +2 272 5 888979061 +2 273 4 888551647 +2 274 3 888551497 +2 276 4 888551552 +2 277 4 888551174 +2 278 3 888551647 +2 279 4 888551745 +2 280 3 888551441 +2 281 3 888980240 +2 282 4 888551922 +2 283 5 888552084 +2 284 4 888552017 +2 285 5 888552084 +2 287 3 888551235 +2 288 3 888550252 +2 289 3 888979353 +2 290 3 888551441 +2 291 3 888551647 +2 292 4 888550774 +2 293 4 888550939 +2 294 1 888551648 +2 295 4 888551164 +2 297 4 888550871 +2 298 3 888551441 +2 299 4 888550774 +2 300 4 888979197 +2 301 4 888550631 +2 303 4 888550774 +2 304 4 888979197 +2 305 3 888550065 +2 306 4 888550774 +2 307 3 888550066 +2 308 3 888979945 +2 309 1 888980029 +2 310 4 888979061 +2 311 5 888552084 +2 312 3 888550631 +2 313 5 888552084 +2 314 1 888980085 +2 315 1 888550774 +2 316 5 888979693 +3 181 4 889237482 +3 245 1 889237247 +3 258 2 889237026 +3 260 4 889237455 +3 264 2 889237297 +3 268 3 889236961 +3 271 3 889237224 +3 272 2 889237055 +3 288 2 889237026 +3 294 2 889237224 +3 299 3 889237199 +3 300 2 889236939 +3 302 2 889236939 +3 303 3 889236983 +3 307 3 889237224 +3 317 2 889237482 +3 318 4 889237482 +3 319 2 889237026 +3 320 5 889237482 +3 321 5 889237455 +3 322 3 889237269 +3 323 2 889237269 +3 324 2 889237247 +3 325 1 889237297 +3 326 2 889237224 +3 327 4 889237455 +3 328 5 889237455 +3 329 4 889237455 +3 330 2 889237297 +3 331 4 889237455 +3 332 1 889237224 +3 333 2 889236939 +3 334 3 889237122 +3 335 1 889237269 +3 336 1 889237198 +3 337 1 889236983 +3 338 2 889237297 +3 339 3 889237141 +3 341 1 889237055 +3 342 4 889237174 +3 343 3 889237122 +3 344 4 889236939 +3 345 3 889237004 +3 347 5 889237455 +3 348 4 889237455 +3 349 3 889237269 +3 350 3 889237076 +3 351 3 889237315 +3 352 2 889237055 +3 354 3 889237004 +3 355 3 889237247 +4 11 4 892004520 +4 50 5 892003526 +4 210 3 892003374 +4 258 5 892001374 +4 260 4 892004275 +4 264 3 892004275 +4 271 4 892001690 +4 288 4 892001445 +4 294 5 892004409 +4 300 5 892001445 +4 303 5 892002352 +4 324 5 892002353 +4 327 5 892002352 +4 328 3 892001537 +4 329 5 892002352 +4 354 5 892002353 +4 356 3 892003459 +4 357 4 892003525 +4 358 2 892004275 +4 359 5 892002352 +4 361 5 892002353 +4 362 5 892002352 +5 1 4 875635748 +5 2 3 875636053 +5 17 4 875636198 +5 21 3 875635327 +5 24 4 879198229 +5 25 3 875635318 +5 29 4 875637023 +5 40 4 879198109 +5 42 5 875636360 +5 50 4 875635758 +5 62 4 875637575 +5 63 1 878844629 +5 66 1 875721019 +5 69 1 875721555 +5 70 4 875636389 +5 79 3 875635895 +5 80 2 875636511 +5 89 5 875636033 +5 90 3 875636297 +5 94 3 878844651 +5 95 4 875721168 +5 98 3 875720691 +5 99 3 875721216 +5 100 5 875635349 +5 101 5 878844510 +5 102 3 875721196 +5 109 5 875635350 +5 110 1 875636493 +5 121 4 875635189 +5 135 4 875637536 +5 139 3 875721260 +5 143 3 875636815 +5 144 3 875636141 +5 145 1 875720830 +5 151 3 875635723 +5 153 5 875636375 +5 154 3 875636691 +5 162 1 875721572 +5 163 5 879197864 +5 167 2 875636281 +5 168 3 875636691 +5 169 5 878844495 +5 172 5 875636130 +5 173 4 875636675 +5 176 3 875635962 +5 181 5 875635757 +5 183 4 875636014 +5 185 3 875720692 +5 186 5 875636375 +5 189 5 878844495 +5 194 4 878845197 +5 204 4 875636675 +5 208 4 875636675 +5 209 5 875636571 +5 211 4 875636631 +5 214 3 875637485 +5 216 1 875720967 +5 219 3 875720744 +5 222 4 875635174 +5 225 2 875635723 +5 226 3 875635962 +5 227 4 875636099 +5 228 5 875636070 +5 229 2 875635947 +5 230 3 875636070 +5 231 2 875635947 +5 234 2 875720692 +5 235 4 875635384 +5 239 4 875636655 +5 241 1 875720948 +5 243 1 878844164 +5 250 3 875635265 +5 257 5 875635239 +5 259 1 878844208 +5 267 4 875635064 +5 363 3 875635225 +5 364 1 875636571 +5 365 1 875637144 +5 366 3 875637145 +5 367 3 875636281 +5 369 1 875635372 +5 370 1 875720814 +5 371 1 875720967 +5 372 3 875636230 +5 374 3 875636905 +5 376 2 879198045 +5 377 1 878844615 +5 378 1 875721167 +5 379 3 875720814 +5 381 1 875636540 +5 382 5 875636587 +5 384 3 875636389 +5 385 4 875636185 +5 386 2 875636230 +5 387 3 875637419 +5 388 2 879198898 +5 389 1 875721315 +5 390 5 875636340 +5 391 4 875636167 +5 392 2 875637330 +5 393 2 875636265 +5 394 2 879198031 +5 395 2 879198898 +5 396 5 875636265 +5 397 2 875635907 +5 398 2 875636167 +5 399 3 875635947 +5 400 1 878844630 +5 401 5 875636308 +5 402 1 875720947 +5 403 3 875636152 +5 404 2 875721216 +5 405 3 875635225 +5 406 1 875635807 +5 407 3 875635431 +5 408 5 878844495 +5 409 2 878844651 +5 410 1 879198183 +5 411 1 875635431 +5 412 3 875635416 +5 413 3 875635807 +5 414 3 875636691 +5 415 1 875636842 +5 416 1 875721196 +5 417 3 875636830 +5 418 3 875721216 +5 420 3 875721168 +5 421 1 875721019 +5 422 4 875636767 +5 423 4 875636793 +5 424 1 875635807 +5 425 2 875637440 +5 426 3 878844510 +5 427 3 875721167 +5 428 5 875636588 +5 429 3 875637429 +5 430 5 875636631 +5 431 3 875636099 +5 432 4 875636793 +5 433 5 875636655 +5 434 5 875637033 +5 435 4 875636033 +5 436 5 875720717 +5 437 1 878844423 +5 438 1 878844423 +5 439 1 878844423 +5 440 1 878844423 +5 441 1 875720830 +5 442 1 879198898 +5 443 4 875720744 +5 444 2 875720762 +5 445 3 875720744 +5 446 4 875720845 +5 447 3 875720744 +5 449 2 875636099 +5 450 1 875635962 +5 451 1 875636571 +5 452 1 878844397 +5 453 1 879198898 +5 454 1 875721432 +5 455 4 875635174 +5 456 1 875636375 +5 457 1 879198898 +6 1 4 883599478 +6 7 2 883599102 +6 9 4 883599205 +6 12 4 883601053 +6 13 2 883599400 +6 14 5 883599249 +6 15 3 883599302 +6 19 4 883602965 +6 21 3 883600152 +6 22 3 883602048 +6 23 4 883601365 +6 28 2 883603013 +6 32 4 883601311 +6 47 3 883600943 +6 50 4 883600842 +6 56 4 883601277 +6 59 5 883601713 +6 64 4 883600597 +6 69 3 883601277 +6 70 3 883601427 +6 71 4 883601053 +6 79 3 883600747 +6 81 4 883602283 +6 86 3 883603013 +6 87 4 883602174 +6 89 4 883600842 +6 95 2 883602133 +6 98 5 883600680 +6 100 5 883599176 +6 117 2 883599431 +6 124 5 883599228 +6 125 3 883599670 +6 127 5 883599134 +6 131 5 883602048 +6 132 5 883602422 +6 133 4 883601459 +6 134 5 883602283 +6 135 5 883600747 +6 136 5 883600842 +6 137 5 883599327 +6 143 2 883601053 +6 151 3 883599558 +6 153 4 883603013 +6 154 3 883602730 +6 156 3 883602212 +6 165 5 883600747 +6 166 4 883601426 +6 168 4 883602865 +6 169 4 883600943 +6 170 4 883602574 +6 173 5 883602462 +6 174 4 883600985 +6 175 4 883601426 +6 177 4 883600818 +6 178 4 883600785 +6 180 4 883601311 +6 183 4 883601311 +6 185 5 883601393 +6 186 4 883602730 +6 187 4 883600914 +6 188 3 883602462 +6 189 3 883601365 +6 191 4 883601088 +6 192 4 883600914 +6 193 3 883601529 +6 194 4 883601365 +6 195 4 883602283 +6 197 5 883601203 +6 199 4 883601203 +6 200 3 883602422 +6 203 3 883602864 +6 204 3 883601277 +6 205 3 883600878 +6 208 4 883602422 +6 209 4 883601713 +6 211 5 883601155 +6 213 4 883602462 +6 221 4 883599431 +6 223 4 883600747 +6 238 5 883601713 +6 242 4 883268170 +6 246 3 883599509 +6 248 3 883598981 +6 257 2 883599478 +6 258 2 883268278 +6 259 1 883268375 +6 261 3 883268522 +6 268 3 883268406 +6 269 4 883268222 +6 272 4 883717304 +6 274 4 883602501 +6 275 4 883599102 +6 276 2 883599134 +6 284 2 883599590 +6 286 2 883268170 +6 293 3 883599327 +6 294 2 883599938 +6 297 3 883599134 +6 298 3 883599558 +6 301 2 883600406 +6 302 4 883268222 +6 303 3 883268321 +6 304 4 883268322 +6 308 3 883600445 +6 309 2 883268430 +6 310 2 883268353 +6 317 3 883602174 +6 318 4 883600985 +6 321 3 883268353 +6 340 2 883268278 +6 357 4 883602422 +6 367 2 883602690 +6 405 1 883600066 +6 408 4 883599075 +6 410 4 883599707 +6 419 4 883602284 +6 423 3 883602501 +6 425 3 883602865 +6 427 4 883600707 +6 432 4 883601713 +6 435 4 883601529 +6 458 1 883599914 +6 459 2 883599228 +6 460 2 883600004 +6 461 4 883601393 +6 462 5 883600914 +6 463 4 883601713 +6 464 2 883601365 +6 465 1 883683508 +6 466 4 883602422 +6 467 4 883602284 +6 468 3 883602174 +6 469 5 883601155 +6 470 3 883602690 +6 471 2 883599558 +6 472 1 883600003 +6 473 2 883600111 +6 474 5 883601277 +6 475 5 883599478 +6 476 1 883600175 +6 477 1 883599509 +6 478 4 883602762 +6 479 5 883601053 +6 480 4 883601089 +6 481 5 883600914 +6 482 4 883601203 +6 483 5 883601500 +6 484 5 883601011 +6 485 5 883602664 +6 486 4 883601427 +6 487 5 883600785 +6 488 5 883601426 +6 489 5 883601011 +6 491 4 883602174 +6 492 5 883601089 +6 493 5 883601713 +6 494 4 883601713 +6 495 4 883601366 +6 497 4 883601088 +6 498 4 883601053 +6 499 4 883602283 +6 500 4 883601277 +6 501 5 883602730 +6 502 4 883602664 +6 503 3 883602133 +6 504 3 883601155 +6 505 4 883602422 +6 506 4 883602174 +6 507 4 883601310 +6 508 3 883599530 +6 509 4 883602664 +6 510 4 883600785 +6 511 5 883601393 +6 512 4 883601155 +6 513 4 883600913 +6 514 5 883600657 +6 515 4 883599273 +6 516 4 883602664 +6 517 4 883602212 +6 518 3 883603042 +6 519 5 883601365 +6 520 4 883600985 +6 521 4 883601277 +6 522 5 883601500 +6 523 5 883601528 +6 524 3 883600632 +6 525 5 883601203 +6 526 3 883602596 +6 527 4 883600877 +6 528 4 883602174 +6 529 4 883601459 +6 530 4 883601203 +6 531 4 883600747 +6 532 3 883600066 +6 534 4 883599354 +6 535 2 883600030 +6 536 4 883599400 +6 538 2 883268483 +7 4 5 891351772 +7 7 5 891352220 +7 8 5 891351328 +7 9 5 891351432 +7 10 4 891352864 +7 11 3 891352451 +7 22 5 891351121 +7 23 3 891351383 +7 25 3 891352451 +7 27 4 891352692 +7 28 5 891352341 +7 29 3 891353828 +7 31 4 892134959 +7 32 4 891350932 +7 39 5 891353614 +7 44 5 891351728 +7 47 5 891352692 +7 51 2 891352984 +7 52 4 891353801 +7 53 5 891354689 +7 54 3 892132380 +7 56 5 891351432 +7 62 3 891354499 +7 64 5 891350756 +7 68 4 891351547 +7 69 5 891351728 +7 70 1 891352557 +7 71 5 891352692 +7 72 5 891353977 +7 73 3 892133154 +7 77 5 891353325 +7 78 3 891354165 +7 79 4 891352261 +7 80 4 891354381 +7 81 5 891352626 +7 82 3 891351471 +7 89 5 891351082 +7 90 3 891352984 +7 91 3 891353860 +7 92 5 891352010 +7 93 5 891351042 +7 96 5 891351383 +7 97 5 891351201 +7 98 4 891351002 +7 99 5 891352557 +7 100 5 891351082 +7 101 5 891350966 +7 106 4 891353892 +7 118 2 891353411 +7 121 5 891352904 +7 125 4 891353192 +7 126 3 891353254 +7 127 5 891351728 +7 131 5 891352383 +7 132 5 891351287 +7 133 5 891353192 +7 134 4 892134959 +7 135 5 891351547 +7 136 5 891351813 +7 139 3 891354729 +7 140 5 891353124 +7 141 5 891353444 +7 142 3 891354090 +7 143 3 892132627 +7 145 1 891354530 +7 151 4 891352749 +7 153 5 891352220 +7 154 5 891353124 +7 156 5 891351653 +7 157 5 891352059 +7 161 3 891352489 +7 162 5 891353444 +7 163 4 891353444 +7 166 3 891351585 +7 168 5 891351509 +7 171 3 891351287 +7 172 4 891350965 +7 174 5 891350757 +7 175 5 892133057 +7 176 3 891350782 +7 177 4 891352904 +7 178 4 891350932 +7 179 5 891352303 +7 180 5 891350782 +7 181 3 891351287 +7 182 4 891350965 +7 183 4 891351624 +7 185 5 892135346 +7 186 4 891350900 +7 187 4 891350757 +7 188 5 891352778 +7 190 5 891351728 +7 191 5 891351201 +7 192 4 891352010 +7 193 5 892135346 +7 194 5 891351851 +7 195 5 891352626 +7 196 5 891351432 +7 199 5 892135346 +7 200 5 891353543 +7 201 2 891351471 +7 202 3 891352947 +7 203 5 891352178 +7 204 5 891351121 +7 205 5 891351585 +7 207 4 891352526 +7 208 5 891352220 +7 210 4 891352904 +7 212 1 891353051 +7 213 3 891351686 +7 214 5 891352384 +7 215 4 891351624 +7 216 4 891350900 +7 217 4 891352778 +7 219 1 892131924 +7 223 5 891351328 +7 226 5 891353614 +7 227 3 892132317 +7 228 4 891350845 +7 229 3 891352384 +7 230 3 891353326 +7 231 3 892132885 +7 232 3 891353766 +7 234 5 891351041 +7 237 5 891351772 +7 238 5 891351814 +7 241 4 891354053 +7 258 4 892135277 +7 259 3 891350464 +7 260 1 892130982 +7 264 4 891350703 +7 265 5 891350845 +7 266 4 891350703 +7 268 3 891350703 +7 269 3 891349991 +7 273 3 891351547 +7 275 4 891352831 +7 281 3 891353710 +7 285 5 891351813 +7 286 4 891350703 +7 288 4 891350703 +7 294 1 892130809 +7 300 4 891350703 +7 307 5 891350703 +7 318 5 891352010 +7 324 1 892135078 +7 334 5 892130784 +7 341 3 892333206 +7 356 4 891351728 +7 365 4 891353744 +7 378 5 891353011 +7 379 4 891353325 +7 380 4 891354053 +7 382 4 891352093 +7 384 3 891353710 +7 385 5 891351585 +7 386 4 892133310 +7 387 3 892133670 +7 389 4 891354090 +7 391 3 892132943 +7 393 4 891352058 +7 396 4 891354288 +7 399 4 891354357 +7 401 4 891354257 +7 402 5 891352904 +7 403 4 891351234 +7 404 5 891352947 +7 405 3 891353290 +7 415 2 891354438 +7 416 5 891353051 +7 417 3 892132652 +7 418 4 892131824 +7 419 3 891350900 +7 420 5 891353219 +7 423 5 891351509 +7 427 5 891352220 +7 428 5 892133036 +7 429 5 891351002 +7 430 3 891352178 +7 431 4 891351547 +7 432 4 891352831 +7 433 5 892135347 +7 434 4 891352384 +7 435 5 891350845 +7 436 5 891351471 +7 440 1 892131978 +7 443 5 891353254 +7 444 5 891354288 +7 446 2 892132020 +7 447 5 891350900 +7 448 3 891353828 +7 449 3 891354785 +7 450 4 892132425 +7 451 5 891353892 +7 452 5 891353860 +7 455 4 891353086 +7 461 4 891352303 +7 463 4 891353192 +7 465 4 891353154 +7 470 3 891352489 +7 471 4 891352864 +7 472 2 891353357 +7 474 5 891351002 +7 479 4 891352010 +7 480 4 891352093 +7 481 5 891352341 +7 482 3 891351083 +7 483 4 891351851 +7 484 5 891351201 +7 485 5 891351851 +7 487 3 891352178 +7 488 4 891351041 +7 489 3 891353477 +7 491 5 891351432 +7 492 5 891352010 +7 495 5 891351328 +7 496 5 891351083 +7 497 4 891352134 +7 498 5 891351814 +7 499 4 891351472 +7 501 5 891353411 +7 502 5 891352261 +7 503 4 891353950 +7 504 5 891352384 +7 505 3 891352341 +7 506 5 891353614 +7 507 5 891352383 +7 510 5 891352134 +7 511 5 891351624 +7 513 4 891351772 +7 514 2 891351121 +7 515 3 891350757 +7 519 4 891352831 +7 520 5 892133466 +7 523 4 891350845 +7 526 5 891351042 +7 527 5 891351772 +7 528 5 891352659 +7 529 2 891352626 +7 530 5 891350900 +7 537 3 891352749 +7 540 3 892132972 +7 541 2 891354662 +7 542 4 892131849 +7 543 3 891351772 +7 544 3 891353254 +7 545 2 891354882 +7 546 4 891353444 +7 547 3 891353710 +7 548 5 891352692 +7 549 4 891353086 +7 550 4 891352489 +7 551 1 892131978 +7 552 4 891354531 +7 553 3 892134010 +7 554 3 891354639 +7 555 4 892134811 +7 556 3 891352659 +7 557 4 892132145 +7 558 4 892131924 +7 559 5 891354882 +7 560 3 892132798 +7 562 5 891354053 +7 563 2 892131978 +7 564 3 891354471 +7 565 4 892132019 +7 566 4 891353411 +7 567 1 892132019 +7 568 5 891352261 +7 570 3 891354639 +7 571 3 891353950 +7 572 3 891354331 +7 573 5 891353828 +7 574 5 892132402 +7 575 3 892133271 +7 576 5 892132943 +7 577 2 892133310 +7 578 3 891354090 +7 579 4 892133361 +7 580 3 892132171 +7 581 5 891353477 +7 582 5 892135347 +7 583 2 892132380 +7 584 4 891352093 +7 585 4 892133180 +7 586 3 891354639 +7 587 4 891353950 +7 588 4 891352261 +7 589 5 891352451 +7 590 2 891354730 +7 591 3 891352179 +7 592 5 891353652 +7 593 5 891351851 +7 594 3 891354114 +7 595 2 891353801 +7 596 5 891351728 +7 597 3 891353744 +7 599 1 891353860 +7 600 4 891354090 +7 601 5 891353744 +7 602 3 891352594 +7 603 4 891350757 +7 604 3 891351547 +7 605 4 891353290 +7 606 3 891352904 +7 608 4 891351653 +7 609 3 891352749 +7 610 5 891353086 +7 611 3 891351161 +7 612 5 891351121 +7 613 4 891352010 +7 614 5 891352489 +7 615 4 891351585 +7 616 4 891351002 +7 617 5 891354588 +7 618 4 891350900 +7 619 3 891352831 +7 620 4 891353892 +7 621 5 892132773 +7 622 4 891352984 +7 623 3 891354217 +7 624 4 891353892 +7 625 3 892131824 +7 626 5 892132773 +7 627 3 891352594 +7 628 3 891352831 +7 629 3 891352526 +7 630 5 891352341 +7 631 4 891352984 +7 632 5 891352261 +7 633 5 891351509 +7 634 5 891351287 +7 635 3 891352864 +7 636 4 891351384 +7 637 4 891353570 +7 638 4 892132122 +7 640 3 891353614 +7 641 5 892135346 +7 642 3 892132277 +7 643 4 891350932 +7 644 5 891351685 +7 645 4 891353614 +7 646 5 891351383 +7 647 5 891352489 +7 648 5 891351653 +7 649 5 891353254 +7 650 3 891350965 +7 651 5 891350932 +7 652 3 891352659 +7 653 4 891351161 +7 654 5 892135347 +7 655 5 891351384 +7 656 3 891351509 +7 657 4 891351234 +7 658 3 891352419 +7 659 5 891351161 +7 660 5 891353051 +7 661 5 891351624 +7 662 3 892133739 +7 663 5 891352220 +7 664 3 891353977 +7 665 4 891354471 +7 666 4 892132192 +7 667 5 892135347 +7 668 4 891352778 +7 669 1 892132020 +7 670 5 891353254 +7 671 5 891351728 +7 672 1 892131925 +7 673 3 891353744 +7 674 2 891352659 +7 675 5 891352947 +7 676 3 891354499 +7 677 3 891354499 +7 678 3 891350356 +7 679 5 891353124 +7 680 4 891350703 +7 681 1 891350594 +7 682 2 891350383 +7 683 4 891350703 +8 7 3 879362287 +8 11 3 879362233 +8 22 5 879362183 +8 50 5 879362124 +8 55 5 879362286 +8 56 5 879362183 +8 79 4 879362286 +8 82 5 879362356 +8 89 4 879362124 +8 96 3 879362183 +8 127 5 879362123 +8 144 5 879362286 +8 172 5 879362123 +8 174 5 879362183 +8 176 5 879362233 +8 177 4 879362233 +8 181 4 879362183 +8 182 5 879362183 +8 183 5 879362233 +8 187 4 879362123 +8 188 5 879362356 +8 190 4 879362183 +8 195 5 879362287 +8 210 4 879362287 +8 222 5 879362356 +8 227 4 879362423 +8 228 5 879362286 +8 229 5 879362356 +8 233 4 879362423 +8 241 4 879362423 +8 258 5 879361482 +8 259 1 879361604 +8 273 3 879362287 +8 294 3 879361521 +8 301 4 879361550 +8 336 3 879361664 +8 338 4 879361873 +8 341 2 879361825 +8 385 1 879362124 +8 403 4 879362234 +8 431 2 879362356 +8 435 5 879362233 +8 457 1 879361825 +8 510 4 879362233 +8 511 5 879362183 +8 518 4 879362422 +8 550 3 879362356 +8 568 4 879362233 +8 651 5 879362123 +8 684 4 879362356 +8 685 4 879362423 +8 686 3 879362356 +8 687 1 879361825 +8 688 1 879361732 +8 689 4 879361873 +9 6 5 886960055 +9 50 5 886960055 +9 201 5 886960055 +9 242 4 886958715 +9 276 4 886959423 +9 286 5 886960055 +9 294 4 886959453 +9 298 5 886960055 +9 340 4 886958715 +9 371 5 886960055 +9 402 4 886959343 +9 479 4 886959343 +9 483 5 886960056 +9 487 5 886960056 +9 507 4 886959343 +9 521 4 886959343 +9 527 3 886959344 +9 615 4 886959344 +9 690 1 886959344 +9 691 5 886960055 +10 1 4 877888877 +10 4 4 877889130 +10 7 4 877892210 +10 11 4 877888677 +10 13 3 877892050 +10 16 4 877888877 +10 22 5 877888812 +10 32 4 877886661 +10 33 4 877893020 +10 48 4 877889058 +10 50 5 877888545 +10 56 5 877886598 +10 59 4 877886722 +10 60 3 877892110 +10 64 4 877886598 +10 69 4 877889131 +10 70 4 877891747 +10 82 4 877886912 +10 98 4 877889261 +10 99 5 877889130 +10 100 5 877891747 +10 116 4 877888944 +10 124 5 877888545 +10 127 5 877886661 +10 129 4 877891966 +10 132 5 877893020 +10 133 5 877891904 +10 134 5 877889131 +10 135 5 877889004 +10 137 4 877889186 +10 144 4 877892110 +10 155 4 877889186 +10 156 4 877886846 +10 157 5 877889004 +10 160 4 877888944 +10 161 4 877892050 +10 162 4 877892210 +10 164 4 877889333 +10 168 4 877888812 +10 170 4 877889333 +10 174 4 877886661 +10 175 3 877888677 +10 176 4 877889130 +10 178 5 877888677 +10 180 5 877889333 +10 182 5 877888876 +10 183 5 877893020 +10 185 5 877888876 +10 186 4 877886722 +10 191 5 877888613 +10 192 4 877891966 +10 194 4 877886661 +10 195 4 877889130 +10 197 5 877888944 +10 199 4 877892050 +10 200 5 877889261 +10 203 4 877891967 +10 205 5 877888812 +10 211 5 877889130 +10 216 4 877889333 +10 218 4 877889261 +10 221 4 877888677 +10 223 5 877888545 +10 230 4 877892210 +10 234 4 877888877 +10 238 4 877892276 +10 245 4 877886281 +10 269 4 877886162 +10 273 4 877888613 +10 274 4 877889333 +10 275 4 877888677 +10 276 4 877891904 +10 283 4 877892276 +10 285 5 877889186 +10 289 4 877886223 +10 294 3 879163524 +10 302 4 877886162 +10 319 3 877886223 +10 321 4 879163494 +10 333 4 877886359 +10 334 4 877886281 +10 340 4 880371312 +10 357 5 877889186 +10 367 4 877892437 +10 371 4 877886912 +10 385 4 877886783 +10 404 4 877886911 +10 414 4 877891966 +10 418 4 877886783 +10 420 4 877892438 +10 430 3 877886597 +10 432 4 877892160 +10 435 5 877889261 +10 447 4 877891747 +10 461 3 877888944 +10 462 3 877891747 +10 463 4 877889186 +10 467 4 877891904 +10 470 4 877891747 +10 474 4 877886783 +10 475 4 877888545 +10 478 5 877889004 +10 480 5 877888943 +10 482 4 877889262 +10 483 5 877889333 +10 486 4 877886846 +10 488 5 877888613 +10 489 4 877892210 +10 493 4 877886661 +10 495 4 877892160 +10 496 5 877889005 +10 497 4 877889261 +10 498 5 877889333 +10 499 4 877893021 +10 502 4 877889261 +10 504 5 877892110 +10 505 4 877886846 +10 509 4 877889005 +10 510 5 877892209 +10 511 4 877888877 +10 513 4 877886598 +10 518 4 877886722 +10 519 5 877892050 +10 521 4 877892110 +10 527 4 877886597 +10 529 3 877892438 +10 530 4 877892210 +10 531 5 877886911 +10 558 4 877886722 +10 582 4 877892276 +10 588 4 877886846 +10 589 5 877891905 +10 602 5 877889057 +10 603 5 877886783 +10 606 5 877888876 +10 611 5 877886722 +10 615 4 877892276 +10 617 5 877892160 +10 629 4 877886722 +10 651 4 877888812 +10 652 3 877889130 +10 654 5 877886597 +10 655 5 877891904 +10 656 5 877886846 +10 657 4 877892110 +10 663 3 877886598 +10 664 4 877886911 +10 692 4 877889261 +10 693 4 877886783 +10 694 5 877892437 +10 695 3 877892050 +10 696 4 877892276 +10 697 3 877888677 +10 698 4 877888877 +10 699 4 877893020 +10 701 4 877888812 +10 702 3 877886722 +10 703 5 877892110 +10 704 3 877892050 +10 705 4 877892050 +10 706 4 877888677 +10 708 4 877892438 +10 709 4 877888613 +10 710 4 877892160 +10 711 4 877888812 +10 712 4 877892438 +11 8 4 891904949 +11 9 5 891902970 +11 12 2 891904194 +11 15 5 891903067 +11 22 4 891904241 +11 24 3 891904016 +11 25 3 891903836 +11 28 5 891904241 +11 29 3 891904805 +11 38 3 891905936 +11 39 3 891905824 +11 40 3 891905279 +11 42 3 891905058 +11 47 4 891904551 +11 51 4 891906439 +11 52 3 891904335 +11 54 3 891905936 +11 56 4 891904949 +11 57 2 891904552 +11 58 3 891904596 +11 69 3 891904270 +11 70 4 891904573 +11 79 4 891905783 +11 83 5 891904335 +11 86 4 891904551 +11 88 3 891905003 +11 90 2 891905298 +11 94 3 891905324 +11 97 4 891904300 +11 98 2 891905783 +11 100 4 891902718 +11 109 3 891903836 +11 110 3 891905324 +11 111 4 891903862 +11 120 2 891903935 +11 121 3 891902745 +11 123 3 891902745 +11 125 4 891903108 +11 135 4 891904335 +11 168 3 891904949 +11 175 3 891904551 +11 176 3 891905783 +11 180 2 891904335 +11 185 4 891905783 +11 190 3 891904174 +11 191 4 891904270 +11 194 4 891904920 +11 196 5 891904270 +11 203 4 891905856 +11 204 3 891904920 +11 208 4 891905032 +11 211 3 891905003 +11 215 3 891904389 +11 216 3 891904949 +11 222 3 891902718 +11 227 3 891905896 +11 228 3 891905824 +11 230 4 891905783 +11 237 4 891903005 +11 238 3 891905032 +11 241 4 891906389 +11 258 5 891901696 +11 259 3 891902270 +11 260 1 891902426 +11 268 5 891901652 +11 274 3 891906510 +11 277 5 891903226 +11 286 5 891901606 +11 290 3 891903877 +11 291 4 891902815 +11 300 3 891902092 +11 301 4 891902157 +11 312 4 891902157 +11 317 4 891904174 +11 318 5 891904194 +11 332 5 891901769 +11 350 4 891901991 +11 357 5 891904241 +11 367 3 891905058 +11 370 3 891902880 +11 372 4 891904968 +11 383 2 891905555 +11 386 3 891905279 +11 395 2 891905349 +11 401 3 891905324 +11 402 4 891904662 +11 405 3 891904016 +11 414 3 891905393 +11 423 5 891904174 +11 425 4 891904300 +11 427 4 891904300 +11 428 4 891905032 +11 429 5 891904335 +11 430 3 891905032 +11 433 4 891905003 +11 434 4 891904270 +11 435 4 891904968 +11 449 3 891906327 +11 455 3 891903862 +11 504 3 891905856 +11 508 4 891903005 +11 517 2 891905222 +11 521 2 891904174 +11 524 4 891904949 +11 526 3 891904859 +11 527 4 891904335 +11 544 4 891903226 +11 549 4 891904617 +11 558 3 891904214 +11 561 2 891905936 +11 573 3 891906327 +11 577 3 891905555 +11 580 5 891905222 +11 597 2 891904037 +11 603 4 891905783 +11 646 3 891904389 +11 652 4 891905003 +11 654 3 891905856 +11 659 5 891904920 +11 660 3 891904573 +11 662 3 891904300 +11 663 4 891905032 +11 690 4 891901716 +11 692 4 891905003 +11 699 4 891904389 +11 707 5 891906389 +11 710 2 891905221 +11 713 5 891903024 +11 714 4 891904214 +11 715 3 891904764 +11 716 3 891905058 +11 717 2 891902815 +11 718 5 891903836 +11 719 3 891905279 +11 720 1 891904717 +11 721 3 891905279 +11 722 3 891905349 +11 723 5 891904637 +11 724 3 891904551 +11 725 3 891905568 +11 726 3 891905515 +11 727 3 891904335 +11 728 3 891905366 +11 729 4 891904637 +11 730 3 891904335 +11 731 4 891904789 +11 732 3 891904596 +11 733 4 891904413 +11 734 3 891905349 +11 735 3 891904300 +11 736 4 891906411 +11 737 4 891904789 +11 738 3 891905324 +11 739 3 891906411 +11 740 4 891903067 +11 741 5 891902745 +11 742 3 891902815 +11 743 2 891904065 +11 744 4 891903005 +11 745 5 891905324 +11 746 4 891905032 +11 748 1 891902270 +11 749 5 891901797 +11 750 5 891901629 +11 751 2 891902092 +11 752 4 891902157 +12 4 5 879960826 +12 15 5 879959670 +12 28 5 879958969 +12 50 4 879959044 +12 71 4 879959635 +12 82 4 879959610 +12 88 5 879960826 +12 96 4 879959583 +12 97 5 879960826 +12 98 5 879959068 +12 132 5 879959465 +12 133 4 879959670 +12 143 5 879959635 +12 157 5 879959138 +12 159 4 879959306 +12 161 5 879959553 +12 168 4 879959513 +12 170 4 879959374 +12 172 4 879959088 +12 174 5 879958969 +12 191 5 879960801 +12 195 4 879959670 +12 196 5 879959553 +12 200 1 879959610 +12 202 4 879959514 +12 204 5 879960826 +12 215 4 879959553 +12 216 5 879960826 +12 228 4 879959465 +12 238 5 879960826 +12 242 5 879960826 +12 276 4 879959488 +12 282 5 879960679 +12 300 4 879958639 +12 318 5 879960826 +12 328 4 879958742 +12 381 4 879958902 +12 392 4 879959025 +12 402 5 879960826 +12 416 3 879959025 +12 471 5 879959670 +12 591 5 879959212 +12 684 5 879959105 +12 708 3 879959394 +12 735 5 879960826 +12 753 5 879960679 +12 754 4 879958810 +13 1 3 882140487 +13 2 3 882397650 +13 4 5 882141306 +13 5 1 882396869 +13 7 2 882396790 +13 11 1 882397146 +13 12 5 881515011 +13 13 5 882141617 +13 14 4 884538727 +13 17 1 882396954 +13 21 3 882399040 +13 22 4 882140487 +13 23 5 882139937 +13 24 1 882397741 +13 25 1 882141686 +13 27 3 882397833 +13 29 2 882397833 +13 32 4 882140286 +13 33 5 882397581 +13 37 1 882397011 +13 38 3 882397974 +13 39 3 882397581 +13 40 2 886302815 +13 42 4 882141393 +13 45 3 882139863 +13 48 5 882139863 +13 49 4 882399419 +13 50 5 882140001 +13 51 3 882399419 +13 53 1 882396955 +13 56 5 881515011 +13 58 4 882139966 +13 59 4 882140425 +13 61 4 882140552 +13 62 5 882397833 +13 64 5 882140037 +13 66 3 882141485 +13 67 1 882141686 +13 68 3 882397741 +13 69 4 884538766 +13 70 3 882140691 +13 71 4 882398654 +13 72 4 882141727 +13 73 3 882141485 +13 78 1 882399218 +13 79 3 882139746 +13 82 2 882397503 +13 83 2 886303585 +13 86 1 881515348 +13 87 5 882398814 +13 88 4 882141485 +13 89 4 882139717 +13 90 3 882141872 +13 91 2 882398724 +13 92 3 882397271 +13 94 3 882142057 +13 95 5 882140104 +13 96 4 882140104 +13 97 4 882399357 +13 98 4 881515011 +13 99 4 882398654 +13 100 5 882140166 +13 109 4 882141306 +13 110 3 882141130 +13 111 5 882140588 +13 117 3 882398138 +13 118 4 882397581 +13 121 5 882397503 +13 124 5 884538663 +13 127 5 881515411 +13 128 1 882397502 +13 132 4 882140002 +13 137 5 882139804 +13 138 1 882399218 +13 143 1 882140205 +13 144 4 882397146 +13 145 2 882397011 +13 147 3 882397502 +13 150 5 882140588 +13 152 5 882141393 +13 153 4 882139901 +13 154 5 882141335 +13 155 2 882399615 +13 157 3 882140552 +13 158 1 882142057 +13 160 4 882140070 +13 161 5 882397741 +13 163 3 882141582 +13 164 3 882396790 +13 165 3 881515295 +13 167 4 882141659 +13 168 4 881515193 +13 170 5 882139774 +13 172 5 882140355 +13 173 2 882139863 +13 174 4 882139829 +13 175 4 882139717 +13 177 5 882397271 +13 178 4 882139829 +13 179 2 882140206 +13 180 5 882141248 +13 181 5 882140354 +13 183 4 882397271 +13 184 1 882397011 +13 185 3 881515011 +13 186 4 890704999 +13 187 5 882140205 +13 190 4 882397145 +13 191 3 881515193 +13 193 5 882139937 +13 194 5 882141458 +13 195 3 881515296 +13 196 4 882140552 +13 197 4 881515239 +13 198 3 881515193 +13 199 5 882140001 +13 200 3 882140552 +13 201 1 882396869 +13 202 5 882141425 +13 204 5 882140318 +13 205 2 881515193 +13 208 5 882140624 +13 209 3 882141306 +13 210 3 882140455 +13 211 4 882140002 +13 212 5 882399385 +13 215 5 882140588 +13 216 3 881515193 +13 217 1 882396955 +13 219 1 882396955 +13 222 3 882140285 +13 223 5 882139901 +13 224 4 882140166 +13 226 4 882397651 +13 227 5 882397650 +13 228 4 882140389 +13 229 4 882397650 +13 230 3 882397503 +13 231 3 882397582 +13 232 3 890704999 +13 233 4 882397650 +13 234 5 882140252 +13 235 2 882141841 +13 237 5 882140285 +13 238 3 881515411 +13 239 4 882141752 +13 241 3 882397502 +13 243 3 882140966 +13 258 4 882139327 +13 261 1 883670785 +13 262 4 881514876 +13 263 5 881515647 +13 264 4 882140848 +13 265 4 882140038 +13 268 4 881514810 +13 269 2 889292060 +13 270 4 881514876 +13 271 1 881514876 +13 272 4 884538403 +13 273 3 882397502 +13 274 3 882399384 +13 275 3 886303585 +13 276 5 882140104 +13 279 5 882139804 +13 281 3 882397974 +13 286 3 881514683 +13 287 1 882141459 +13 288 1 882396790 +13 289 2 882140759 +13 290 4 882141814 +13 292 5 882140867 +13 294 2 881514683 +13 299 3 881515698 +13 300 1 881515736 +13 301 1 882140718 +13 302 5 881514811 +13 303 4 881514876 +13 305 4 881514811 +13 306 3 881514876 +13 307 2 881514684 +13 308 3 881514726 +13 310 4 881514683 +13 311 3 881514726 +13 312 1 883670630 +13 313 4 882774047 +13 314 1 884538485 +13 315 5 884538466 +13 316 5 888073653 +13 317 5 882140552 +13 318 3 882139686 +13 319 4 882139327 +13 320 1 882397010 +13 321 2 882140740 +13 322 3 882140792 +13 323 3 882140848 +13 326 3 882140792 +13 327 3 881515521 +13 328 3 881514811 +13 329 2 886952246 +13 331 3 881515457 +13 332 3 881515457 +13 333 3 881514810 +13 334 1 886952467 +13 338 1 882140740 +13 339 3 882140718 +13 340 2 881514684 +13 341 2 886952422 +13 342 4 885744650 +13 343 1 883670672 +13 344 2 888073635 +13 345 4 884538366 +13 346 4 883670552 +13 347 5 885185824 +13 348 2 886952246 +13 349 1 892387807 +13 350 2 886302293 +13 351 1 886302385 +13 353 4 886261450 +13 354 2 888779458 +13 355 3 888688733 +13 357 3 881515411 +13 360 4 882140926 +13 363 3 882398076 +13 367 3 882141458 +13 370 1 882396984 +13 371 3 882399385 +13 377 1 882399219 +13 379 1 882396984 +13 382 1 882140624 +13 384 2 882141814 +13 385 3 882397502 +13 387 3 886304229 +13 391 3 882398255 +13 393 3 882141617 +13 394 2 882399615 +13 396 3 882141727 +13 398 2 882398410 +13 401 1 882141841 +13 402 4 886303934 +13 403 2 882397271 +13 404 5 882399014 +13 405 2 882397742 +13 406 1 882397011 +13 409 3 882141872 +13 410 1 882141997 +13 411 2 882141924 +13 413 1 882396984 +13 414 5 882141458 +13 416 3 882398934 +13 417 2 882398934 +13 418 2 882398763 +13 419 3 882398814 +13 420 4 882398691 +13 421 2 882140389 +13 423 5 882398814 +13 424 1 882397068 +13 427 5 882398814 +13 428 5 882140588 +13 430 5 882139495 +13 431 1 882397271 +13 433 4 881515239 +13 435 5 882141392 +13 436 2 882396869 +13 437 1 882397068 +13 438 1 882397068 +13 439 1 882397040 +13 440 1 882397040 +13 441 1 882396984 +13 442 1 890705056 +13 443 4 882140588 +13 444 4 882396984 +13 447 2 882396869 +13 448 1 882396869 +13 449 4 882398385 +13 450 3 882398494 +13 451 1 882141872 +13 452 3 882397039 +13 453 2 882397067 +13 455 3 882141425 +13 457 1 883670785 +13 462 5 882140487 +13 463 5 882140318 +13 467 5 882140588 +13 471 1 882140455 +13 472 5 882398327 +13 473 4 882398724 +13 474 4 881515112 +13 475 3 881515113 +13 476 2 882141997 +13 477 4 882398934 +13 478 4 884538571 +13 480 3 881515193 +13 481 3 882140038 +13 482 5 882140355 +13 483 5 882139774 +13 484 5 882139804 +13 485 1 882140624 +13 488 3 890704999 +13 491 4 882140166 +13 492 5 882140552 +13 493 5 882140206 +13 494 4 881515295 +13 497 5 882140166 +13 498 4 882139901 +13 501 5 882398724 +13 502 5 882141458 +13 504 5 881515011 +13 505 3 882140389 +13 506 5 882140691 +13 507 1 882140070 +13 508 3 882140426 +13 509 5 882140691 +13 510 5 882139717 +13 511 5 882139863 +13 514 5 881515112 +13 516 5 882141485 +13 517 5 882139746 +13 518 4 882140252 +13 519 5 882140355 +13 520 4 886302261 +13 523 4 882141306 +13 524 4 886302261 +13 526 3 882141053 +13 527 5 882140252 +13 529 4 882140206 +13 530 5 881515295 +13 531 3 882140104 +13 538 1 884538448 +13 539 1 883670785 +13 540 3 882398410 +13 546 3 882397741 +13 547 1 882397011 +13 548 3 882398743 +13 550 4 882397741 +13 551 1 882397084 +13 553 2 882399419 +13 554 2 882397833 +13 558 1 882397011 +13 559 1 882396913 +13 561 1 882396914 +13 563 1 882397039 +13 564 1 882396913 +13 565 1 882397040 +13 566 5 882397502 +13 567 1 882396955 +13 568 3 882140552 +13 569 2 882396955 +13 570 5 882397581 +13 572 2 882398255 +13 573 3 882396955 +13 576 3 882398076 +13 578 3 882397974 +13 585 4 882141814 +13 586 3 882398326 +13 588 4 882398763 +13 589 3 881515239 +13 596 3 882398691 +13 597 3 882397650 +13 601 4 882140104 +13 602 4 884538634 +13 603 4 884538571 +13 604 5 882139966 +13 606 4 882140130 +13 610 2 882140690 +13 612 4 882140318 +13 613 4 881515411 +13 614 4 884538634 +13 615 4 881515348 +13 617 3 881515112 +13 619 3 886952245 +13 621 4 882398934 +13 624 5 882398691 +13 625 2 882398691 +13 630 2 886302261 +13 631 3 882140624 +13 632 3 884538664 +13 635 1 882396984 +13 636 2 882397502 +13 637 2 882396913 +13 638 3 881515239 +13 639 3 882139804 +13 646 4 882140037 +13 647 5 882140206 +13 650 2 882140425 +13 651 5 882140070 +13 652 5 882141458 +13 654 5 881515295 +13 655 5 886261387 +13 656 5 882139746 +13 657 4 882139829 +13 659 3 882141335 +13 661 5 881515411 +13 662 5 882399420 +13 663 5 882140252 +13 665 2 882396984 +13 667 1 882397040 +13 668 1 882397068 +13 669 1 882397067 +13 670 3 882396955 +13 672 1 882396914 +13 673 3 882140691 +13 674 3 882396955 +13 675 5 882396955 +13 678 3 882140792 +13 679 4 882397650 +13 682 1 883670742 +13 683 1 886952521 +13 684 5 882397271 +13 685 5 882397582 +13 686 5 882397146 +13 687 1 883670705 +13 688 1 883670819 +13 689 2 881515735 +13 690 3 881514811 +13 691 4 889316404 +13 692 4 882141659 +13 694 4 890704999 +13 705 5 884538766 +13 706 1 882396869 +13 709 4 882139863 +13 712 4 882141872 +13 716 4 882141393 +13 720 4 882397974 +13 722 3 882399528 +13 732 5 882141617 +13 733 5 882399528 +13 735 3 882140690 +13 736 4 882399528 +13 737 4 882399615 +13 739 4 886303745 +13 740 1 882140355 +13 746 3 884538766 +13 747 4 882140624 +13 748 4 882140792 +13 749 3 881515521 +13 750 5 883670552 +13 751 5 882774081 +13 752 1 886952569 +13 754 4 882140718 +13 755 3 882399014 +13 757 3 882398934 +13 758 1 882397084 +13 759 2 882398542 +13 760 1 882396914 +13 761 4 882398076 +13 762 5 882141336 +13 763 1 882141458 +13 764 2 882141997 +13 765 2 886303934 +13 766 4 882139686 +13 767 1 882397011 +13 768 4 882398724 +13 769 3 882397040 +13 770 4 882397581 +13 771 3 882398410 +13 772 1 882140070 +13 773 1 882396869 +13 774 1 882396913 +13 775 4 886304188 +13 776 2 882398934 +13 777 1 882397084 +13 779 3 882398255 +13 780 1 882142057 +13 781 3 882399528 +13 782 3 885744650 +13 783 3 886304188 +13 784 1 882397084 +13 785 3 882141924 +13 786 3 886303088 +13 787 3 882141582 +13 788 1 882396914 +13 789 5 882140389 +13 790 2 882141841 +13 791 5 882141686 +13 792 5 882139686 +13 794 4 882399615 +13 795 2 882399219 +13 796 3 886304188 +13 797 5 882398327 +13 799 4 882139937 +13 800 1 882397067 +13 801 3 886303172 +13 802 2 882398254 +13 804 2 882141997 +13 805 4 882141458 +13 806 5 882140426 +13 807 1 886304229 +13 808 2 882397833 +13 809 4 882397582 +13 810 5 882398076 +13 812 2 882398933 +13 814 5 886302261 +13 815 4 886303934 +13 816 1 882396983 +13 817 1 882396914 +13 818 3 882141814 +13 819 1 882141924 +13 820 4 882398743 +13 821 3 882141393 +13 823 5 882397833 +13 824 3 886302261 +13 826 5 882398385 +13 827 3 882398327 +13 828 1 882399218 +13 829 3 882398385 +13 830 1 882397581 +13 831 3 882398385 +13 832 4 882399156 +13 833 2 882397974 +13 835 3 882139901 +13 836 2 882139746 +13 838 1 882397742 +13 839 1 882396984 +13 840 3 886261387 +13 842 2 882399156 +13 843 5 882399156 +13 844 1 882397010 +13 845 3 882141503 +13 846 2 882141997 +13 847 4 882139937 +13 848 5 882140001 +13 849 1 882397833 +13 850 4 882140318 +13 851 5 882139966 +13 852 1 882396869 +13 853 1 882397010 +13 854 1 882396914 +13 855 4 882140130 +13 856 5 886303171 +13 857 3 881515348 +13 858 1 882397068 +13 859 1 882397040 +13 860 1 882396984 +13 861 3 882139774 +13 862 3 882399074 +13 863 4 882140487 +13 864 4 882141924 +13 865 5 882141425 +13 866 3 882141814 +13 867 5 882399615 +13 868 5 882139901 +13 869 3 882141727 +13 871 2 882141924 +13 872 3 882139327 +13 873 1 881515565 +13 874 5 881514876 +13 875 1 881515613 +13 876 2 881515521 +13 877 2 882140792 +13 878 1 883670785 +13 879 2 881515697 +13 880 3 882140966 +13 881 2 881514876 +13 883 3 882140848 +13 884 2 882140814 +13 885 1 886302334 +13 886 5 881515613 +13 887 5 882140867 +13 888 2 886261388 +13 889 3 892015236 +13 890 1 883670672 +13 891 1 892015288 +13 892 3 882774224 +13 894 1 883670742 +13 895 1 883670515 +13 896 5 891036745 +13 897 1 886952422 +13 898 1 884538403 +13 900 5 888279677 +13 901 1 883670672 +13 902 3 891749765 +13 903 3 890704759 +13 906 3 891749765 +13 907 1 884538485 +13 908 1 886302385 +13 909 5 890704721 +13 910 2 890704721 +13 911 2 892015141 +13 912 2 892014861 +13 913 1 892014908 +13 914 2 892870589 +13 915 5 892015023 +13 916 4 892870589 +13 917 4 892015104 +13 918 3 892524090 +14 7 5 876965061 +14 9 4 879119260 +14 12 5 890881216 +14 13 4 880929778 +14 14 3 879119311 +14 15 4 879119390 +14 18 3 879119260 +14 22 3 890881521 +14 23 5 890881216 +14 32 5 890881485 +14 42 4 879119579 +14 50 5 890881557 +14 56 5 879119579 +14 70 1 879119692 +14 81 5 890881384 +14 93 3 879119311 +14 96 4 890881433 +14 98 3 890881335 +14 100 5 876965165 +14 111 3 876965165 +14 116 5 876965165 +14 121 3 876965061 +14 124 5 876964936 +14 127 2 879644647 +14 151 5 876964725 +14 168 4 879119497 +14 172 5 890881521 +14 173 4 879119579 +14 174 5 890881294 +14 175 5 879119497 +14 176 1 890881484 +14 181 5 889666215 +14 186 4 879119497 +14 191 4 890881557 +14 195 5 890881336 +14 202 3 890881521 +14 204 5 879119651 +14 210 5 879119739 +14 211 4 879119693 +14 213 5 890881557 +14 222 4 876965061 +14 238 5 879119579 +14 240 5 880929697 +14 242 4 876964570 +14 265 3 890881216 +14 269 4 892242403 +14 275 4 876964725 +14 283 4 882839936 +14 285 5 879119118 +14 288 4 876964936 +14 302 5 890880970 +14 313 2 890880970 +14 319 1 884482684 +14 357 2 890881294 +14 408 5 879119348 +14 427 5 890881433 +14 428 4 879119497 +14 430 5 879119692 +14 455 4 880929745 +14 473 5 876964936 +14 474 4 890881557 +14 475 3 876964936 +14 477 4 879119311 +14 492 4 890881485 +14 498 5 890881384 +14 507 4 890881521 +14 509 5 890881521 +14 514 4 879119579 +14 517 4 890881485 +14 519 5 890881335 +14 523 4 879119497 +14 530 5 890881433 +14 596 3 879119311 +14 603 4 890881484 +14 628 5 880929697 +14 654 4 890881294 +14 655 5 879119739 +14 709 5 879119693 +14 716 5 879119651 +14 750 3 891014196 +14 762 3 876964936 +14 792 5 879119651 +14 813 2 880929564 +14 820 3 882839856 +14 845 3 880929564 +14 919 4 876964725 +14 920 4 880929745 +14 921 5 890881384 +14 922 4 880929651 +14 923 5 890881294 +15 1 1 879455635 +15 7 1 879455506 +15 9 4 879455635 +15 13 1 879455940 +15 14 4 879455659 +15 15 4 879455939 +15 18 1 879455681 +15 20 3 879455541 +15 25 3 879456204 +15 50 5 879455606 +15 111 4 879455914 +15 118 1 879456381 +15 121 3 879456168 +15 125 5 879456049 +15 127 2 879455505 +15 137 4 879455939 +15 148 3 879456049 +15 181 5 879455710 +15 220 4 879456262 +15 222 3 879455730 +15 235 1 879456424 +15 237 3 879455871 +15 243 1 879455362 +15 244 2 879456447 +15 248 1 879455871 +15 249 1 879455764 +15 251 2 879455541 +15 252 2 879456351 +15 255 5 879455764 +15 257 4 879455821 +15 258 3 879455473 +15 269 5 879455165 +15 274 4 879456168 +15 275 4 879455562 +15 278 1 879455843 +15 280 3 879456167 +15 282 3 879456204 +15 283 4 879455505 +15 285 4 879455635 +15 286 2 879455049 +15 289 3 879455262 +15 291 3 879456084 +15 292 5 879455128 +15 297 3 879455606 +15 300 4 879455166 +15 301 4 879455233 +15 302 4 879455049 +15 303 3 879455080 +15 306 5 879455165 +15 307 1 879455233 +15 308 5 879455334 +15 310 4 879455049 +15 323 1 879455311 +15 328 3 879455192 +15 331 3 879455166 +15 333 1 879455128 +15 405 2 879455957 +15 409 3 879456324 +15 411 2 879456351 +15 455 1 879455914 +15 458 5 879456288 +15 459 5 879455562 +15 471 4 879456084 +15 472 3 879456204 +15 473 1 879456204 +15 476 4 879456404 +15 508 2 879455789 +15 546 2 879456324 +15 591 2 879455821 +15 620 4 879456204 +15 676 4 879455871 +15 678 1 879455311 +15 685 4 879456288 +15 690 4 879455128 +15 696 2 879456262 +15 742 2 879456049 +15 744 4 879455789 +15 748 3 879455262 +15 749 1 879455311 +15 754 5 879455080 +15 815 1 879456108 +15 823 2 879456351 +15 864 4 879456231 +15 866 4 879456288 +15 879 3 879455311 +15 889 3 879455473 +15 924 3 879456204 +15 925 2 879455764 +15 926 1 879456424 +15 927 4 879456381 +15 928 1 879456404 +15 929 1 879456168 +15 930 2 879456381 +15 931 1 879456507 +15 932 1 879456465 +15 933 1 879456447 +15 934 4 879456507 +15 935 3 879455710 +15 936 5 879455889 +15 937 4 879455128 +16 1 5 877717833 +16 4 5 877726390 +16 7 5 877724066 +16 8 5 877722736 +16 9 5 877722736 +16 11 5 877718755 +16 12 5 877718168 +16 15 5 877722001 +16 22 5 877721071 +16 27 2 877726390 +16 28 5 877727122 +16 31 5 877717956 +16 51 4 877726390 +16 55 5 877717956 +16 56 5 877719863 +16 58 4 877720118 +16 64 5 877720297 +16 69 5 877724846 +16 70 4 877720118 +16 71 5 877721071 +16 76 5 877719863 +16 79 5 877727122 +16 87 4 877720916 +16 89 2 877717833 +16 92 4 877721905 +16 95 5 877728417 +16 96 5 877717833 +16 98 5 877718107 +16 99 5 877720733 +16 100 5 877720437 +16 109 4 877719333 +16 125 3 877726944 +16 134 4 877719158 +16 143 5 877727192 +16 144 5 877721142 +16 151 5 877721905 +16 152 4 877728417 +16 155 3 877719157 +16 156 4 877719863 +16 158 4 877727280 +16 160 4 877722001 +16 161 5 877726390 +16 164 5 877724438 +16 168 4 877721142 +16 172 5 877724726 +16 174 5 877719504 +16 178 5 877719333 +16 180 5 877726790 +16 182 5 877719863 +16 183 5 877720733 +16 191 5 877719454 +16 194 5 877720733 +16 195 5 877720298 +16 197 5 877726146 +16 199 5 877719645 +16 200 5 877722736 +16 202 5 877724726 +16 204 5 877722736 +16 208 5 877727054 +16 209 5 877722736 +16 216 5 877722736 +16 227 5 877727193 +16 228 5 877720733 +16 230 5 877720813 +16 233 5 877727054 +16 234 5 877720185 +16 237 5 877719504 +16 240 4 877724603 +16 273 5 877722736 +16 282 5 877718755 +16 284 1 877719863 +16 286 2 877716993 +16 288 3 877717078 +16 294 4 877717116 +16 300 5 877717078 +16 302 5 877716993 +16 318 5 877718107 +16 321 3 877717116 +16 357 5 877720297 +16 385 5 877727192 +16 404 5 877728417 +16 418 5 877724727 +16 423 5 877721142 +16 427 5 877722001 +16 443 5 877727055 +16 447 5 877724066 +16 448 5 877722736 +16 467 5 877720733 +16 469 3 877720916 +16 471 3 877724845 +16 476 3 877720437 +16 479 5 877720436 +16 482 5 877718872 +16 496 5 877721905 +16 498 5 877719333 +16 502 4 877723670 +16 504 5 877718168 +16 509 2 877720118 +16 510 4 877727280 +16 531 5 877722736 +16 546 4 877726944 +16 564 1 877726790 +16 583 4 877720186 +16 591 4 877726944 +16 602 5 877719333 +16 603 5 877719206 +16 606 4 877721071 +16 629 4 877720437 +16 642 5 877719075 +16 654 5 877720298 +16 655 5 877724066 +16 657 5 877723882 +16 661 4 877726789 +16 684 5 877719863 +16 692 4 877719158 +16 693 4 877721905 +16 705 5 877722736 +16 732 5 877726944 +16 735 3 877720186 +16 761 2 877727192 +16 770 3 877724979 +16 812 2 877723882 +16 939 4 877717833 +16 940 2 877721236 +16 941 1 877720437 +16 942 4 877719863 +16 944 1 877727122 +16 945 4 877719158 +16 946 5 877724727 +16 947 4 877719454 +16 948 3 877717397 +17 1 4 885272579 +17 7 4 885272487 +17 9 3 885272558 +17 13 3 885272654 +17 100 4 885272520 +17 111 3 885272674 +17 117 3 885272724 +17 125 1 885272538 +17 126 4 885272724 +17 137 4 885272606 +17 150 5 885272654 +17 151 4 885272751 +17 221 2 885272654 +17 237 2 885272628 +17 243 1 885166209 +17 245 2 885166209 +17 286 3 885165619 +17 294 4 885166209 +17 323 1 885166256 +17 471 2 885272779 +17 475 4 885272520 +17 508 3 885272779 +17 628 1 885272724 +17 744 3 885272606 +17 919 4 885272696 +18 1 5 880130802 +18 4 3 880132150 +18 6 5 880130764 +18 8 5 880130802 +18 9 5 880130550 +18 12 5 880129991 +18 13 5 880131497 +18 14 5 880130431 +18 19 3 880130582 +18 22 5 880130640 +18 23 4 880130065 +18 25 3 880131591 +18 26 4 880129731 +18 32 2 880132129 +18 42 3 880130713 +18 45 5 880130739 +18 47 3 880131262 +18 48 4 880130515 +18 52 5 880130680 +18 57 4 880130930 +18 58 4 880130613 +18 59 4 880132501 +18 60 4 880132055 +18 61 4 880130803 +18 64 5 880132501 +18 65 5 880130333 +18 66 3 880131728 +18 69 3 880129527 +18 70 4 880129668 +18 71 4 880131236 +18 72 3 880132252 +18 79 4 880131450 +18 81 3 880130890 +18 82 3 880131236 +18 86 4 880129731 +18 88 3 880130890 +18 89 3 880130065 +18 91 3 880130393 +18 94 3 880131676 +18 95 4 880131297 +18 97 4 880131525 +18 98 5 880129527 +18 99 5 880130829 +18 100 5 880130065 +18 111 3 880131631 +18 113 5 880129628 +18 125 3 880131004 +18 126 5 880130680 +18 131 4 880131004 +18 132 5 880132437 +18 134 5 880129877 +18 135 3 880130065 +18 136 5 880129421 +18 137 5 880132437 +18 143 4 880131474 +18 151 3 880131804 +18 152 3 880130515 +18 153 4 880130551 +18 154 4 880131358 +18 157 3 880131849 +18 162 4 880131326 +18 165 4 880129527 +18 166 4 880129595 +18 168 3 880130431 +18 169 5 880130252 +18 170 5 880130515 +18 172 3 880130551 +18 175 4 880130431 +18 177 3 880131297 +18 178 3 880129628 +18 179 4 880129877 +18 180 4 880130252 +18 181 3 880131631 +18 182 4 880130640 +18 185 3 880129388 +18 186 4 880131699 +18 188 3 880129388 +18 189 5 880129816 +18 190 4 880130155 +18 191 4 880130193 +18 193 5 880131358 +18 194 3 880129816 +18 195 3 880131236 +18 196 3 880131297 +18 197 4 880130109 +18 198 3 880130613 +18 199 3 880129769 +18 200 3 880131775 +18 202 3 880130515 +18 204 3 880131407 +18 208 4 880131004 +18 209 4 880130861 +18 210 5 880131054 +18 211 5 880131358 +18 213 5 880131201 +18 214 4 880132078 +18 215 3 880130930 +18 216 4 880129527 +18 221 5 880129816 +18 223 5 880129731 +18 224 5 880130739 +18 234 3 880131106 +18 236 3 880131077 +18 237 3 880129991 +18 238 5 880132437 +18 241 3 880131525 +18 242 5 880129305 +18 269 5 880129305 +18 275 5 880129421 +18 276 5 880130829 +18 283 5 880130551 +18 284 3 880131804 +18 285 5 880130333 +18 286 5 880129305 +18 287 4 880131144 +18 318 5 880132437 +18 319 4 880129305 +18 367 4 880130802 +18 378 3 880131804 +18 382 3 880129595 +18 386 2 880131986 +18 387 4 880130155 +18 392 3 880130193 +18 393 3 880130930 +18 402 3 880132225 +18 403 3 880132103 +18 404 4 880132055 +18 408 5 880129628 +18 411 3 880131986 +18 414 4 880131054 +18 416 5 880131144 +18 418 3 880130515 +18 419 3 880131878 +18 423 5 880132437 +18 425 3 880130713 +18 427 5 880129421 +18 428 3 880131325 +18 430 4 880130155 +18 432 4 880131559 +18 434 3 880131297 +18 435 4 880130890 +18 443 3 880130193 +18 451 3 880131297 +18 461 4 880130713 +18 462 3 880130065 +18 463 4 880131143 +18 474 4 880129731 +18 476 3 880132399 +18 478 5 880129691 +18 479 4 880129769 +18 480 4 880129595 +18 482 5 880130582 +18 483 4 880129940 +18 485 5 880132437 +18 486 3 880131559 +18 487 4 880129454 +18 488 3 880130065 +18 489 4 880129769 +18 492 4 880131054 +18 493 5 880132437 +18 494 3 880131497 +18 496 5 880130470 +18 497 4 880131358 +18 498 4 880129940 +18 504 5 880129940 +18 509 4 880129940 +18 510 4 880130680 +18 512 5 880131407 +18 513 4 880129769 +18 514 5 880129990 +18 515 5 880130155 +18 516 5 880130861 +18 517 2 880129388 +18 519 4 880129991 +18 520 4 880129595 +18 523 4 880130393 +18 524 4 880129816 +18 526 4 880131407 +18 527 4 880130109 +18 528 4 880129489 +18 529 5 880130515 +18 530 4 880129877 +18 549 4 880131173 +18 582 5 880131450 +18 588 4 880131201 +18 602 3 880131407 +18 603 3 880129388 +18 607 3 880131752 +18 609 4 880130713 +18 610 4 880130861 +18 613 5 880129769 +18 614 4 880130861 +18 627 3 880131931 +18 629 3 880130515 +18 630 3 880132188 +18 631 5 880129691 +18 633 5 880131358 +18 639 4 880131407 +18 647 4 880129595 +18 649 3 880131591 +18 654 4 880130110 +18 659 4 880129489 +18 660 5 880130930 +18 663 4 880129454 +18 692 3 880130930 +18 699 5 880130802 +18 702 3 880131407 +18 704 3 880131986 +18 705 3 880130640 +18 707 3 880131450 +18 708 3 880129595 +18 709 5 880131028 +18 714 4 880130334 +18 716 5 880131676 +18 729 3 880131236 +18 732 3 880131698 +18 735 4 880130582 +18 736 4 880131028 +18 737 3 880132055 +18 739 3 880131776 +18 747 3 880132225 +18 753 4 880129816 +18 762 3 880132103 +18 775 3 880131878 +18 778 2 880131077 +18 781 3 880132188 +18 792 5 880131106 +18 794 3 880131878 +18 805 4 880131358 +18 845 3 880131236 +18 856 5 880131676 +18 863 3 880130680 +18 921 5 880132437 +18 923 5 880132501 +18 949 3 880131559 +18 950 3 880130764 +18 951 3 880129595 +18 953 3 880131901 +18 954 3 880130640 +18 955 4 880130713 +18 956 5 880131525 +18 957 3 880132188 +18 958 5 880129731 +18 960 4 880131004 +18 961 3 880131830 +18 963 5 880132437 +18 964 3 880132252 +18 965 4 880132012 +18 966 2 880132399 +18 968 3 880130155 +18 969 3 880131106 +18 970 3 880131591 +18 971 4 880131878 +18 972 3 880130515 +18 973 3 880129595 +19 4 4 885412840 +19 8 5 885412723 +19 153 4 885412840 +19 201 3 885412839 +19 202 4 885412723 +19 210 3 885412840 +19 211 4 885412840 +19 258 4 885411840 +19 268 2 885412034 +19 288 3 885411840 +19 310 4 885412063 +19 313 2 885411792 +19 319 4 885411465 +19 325 4 885412251 +19 382 3 885412840 +19 435 5 885412840 +19 655 3 885412723 +19 692 3 885412840 +19 887 4 885411465 +20 1 3 879667963 +20 11 2 879669401 +20 69 1 879668979 +20 87 5 879669746 +20 94 2 879669954 +20 95 3 879669181 +20 98 3 879669547 +20 118 4 879668442 +20 121 3 879668227 +20 143 3 879669040 +20 144 2 879669401 +20 148 5 879668713 +20 151 3 879668555 +20 172 3 879669181 +20 174 4 879669087 +20 176 2 879669152 +20 181 4 879667904 +20 186 3 879669040 +20 194 3 879669152 +20 208 2 879669401 +20 210 4 879669065 +20 252 4 879669697 +20 274 4 879668248 +20 288 1 879667584 +20 357 1 879669244 +20 378 3 879669630 +20 405 3 879668555 +20 423 2 879669313 +20 496 5 879669244 +20 498 3 879669001 +20 568 4 879669291 +20 588 4 879669120 +20 597 3 879668190 +20 633 4 879668979 +20 678 4 879667684 +20 742 4 879668166 +20 763 1 879668476 +20 820 2 879668626 +20 866 1 879668583 +20 931 1 879668829 +20 934 4 879668783 +21 5 2 874951761 +21 7 5 874951292 +21 17 4 874951695 +21 50 3 874951131 +21 56 5 874951658 +21 98 5 874951657 +21 100 5 874951292 +21 103 1 874951245 +21 106 2 874951447 +21 118 1 874951382 +21 121 1 874951416 +21 123 4 874951382 +21 129 4 874951382 +21 145 1 874951761 +21 148 1 874951482 +21 164 5 874951695 +21 184 4 874951797 +21 185 5 874951658 +21 200 5 874951695 +21 201 5 874951658 +21 217 3 874951727 +21 218 4 874951696 +21 219 5 874951797 +21 222 2 874951382 +21 234 5 874951657 +21 240 4 874951245 +21 242 3 874951617 +21 243 2 874951039 +21 244 4 874951349 +21 245 1 874951006 +21 258 4 874950889 +21 259 2 874951005 +21 260 2 874950972 +21 261 1 874951006 +21 262 4 874950931 +21 263 1 874951040 +21 281 2 874951416 +21 288 3 874950932 +21 289 3 874950972 +21 291 3 874951446 +21 292 3 874950889 +21 294 3 874951616 +21 295 3 874951349 +21 298 5 874951382 +21 299 1 874950931 +21 300 3 874950889 +21 301 4 874951054 +21 319 2 874950889 +21 320 3 874951658 +21 322 3 874951005 +21 324 4 874950889 +21 325 4 874950931 +21 326 5 874950889 +21 327 3 874950932 +21 328 3 874951005 +21 358 3 874951616 +21 370 1 874951293 +21 379 3 874951820 +21 396 2 874951798 +21 406 1 874951293 +21 413 2 874951293 +21 424 1 874951293 +21 436 4 874951858 +21 437 1 874951858 +21 438 1 874951858 +21 439 1 874951820 +21 440 1 874951798 +21 441 3 874951761 +21 443 4 874951761 +21 444 3 874951859 +21 445 3 874951658 +21 447 5 874951695 +21 448 4 874951727 +21 452 4 874951727 +21 453 2 874951797 +21 457 1 874951054 +21 473 3 874951245 +21 547 2 874951292 +21 551 3 874951898 +21 558 5 874951695 +21 559 1 874951761 +21 561 1 874951761 +21 563 2 874951898 +21 564 3 874951797 +21 565 3 874951898 +21 567 2 874951858 +21 569 3 874951820 +21 573 2 874951898 +21 590 1 874951898 +21 591 3 874951382 +21 595 3 874951617 +21 596 3 874951617 +21 619 2 874951416 +21 628 3 874951616 +21 635 4 874951727 +21 637 4 874951695 +21 656 5 874951797 +21 665 3 874951858 +21 668 1 874951761 +21 669 1 874951761 +21 670 3 874951696 +21 671 5 874951657 +21 674 2 874951897 +21 675 5 874951897 +21 678 2 874951005 +21 680 1 874950972 +21 687 2 874951005 +21 688 1 874950972 +21 696 2 874951382 +21 706 2 874951695 +21 717 1 874951483 +21 741 3 874951382 +21 742 3 874951617 +21 748 1 874950889 +21 758 1 874951314 +21 760 1 874951293 +21 767 1 874951314 +21 769 1 874951916 +21 773 3 874951797 +21 774 2 874951898 +21 800 1 874951727 +21 816 1 874951898 +21 817 3 874951695 +21 820 3 874951616 +21 834 1 874951293 +21 839 1 874951797 +21 844 4 874951292 +21 853 5 874951658 +21 854 5 874951657 +21 859 2 874951859 +21 860 2 874951727 +21 872 2 874950889 +21 874 2 874951005 +21 875 4 874951005 +21 878 2 874951039 +21 925 2 874951447 +21 928 3 874951616 +21 930 1 874951482 +21 931 2 874951446 +21 948 1 874951054 +21 974 3 874951416 +21 975 3 874951447 +21 976 1 874951483 +21 977 2 874951416 +21 978 1 874951483 +21 979 2 874951416 +21 980 2 874951349 +21 981 2 874951382 +21 982 1 874951482 +21 983 2 874951416 +21 984 1 874951040 +21 985 2 874951349 +21 986 1 874951482 +21 988 1 874951005 +21 989 3 874951039 +21 990 2 874951039 +21 992 2 874951349 +21 993 4 874951245 +21 994 2 874951104 +21 995 2 874950932 +22 2 2 878887925 +22 4 5 878886571 +22 17 4 878886682 +22 21 4 878886750 +22 24 5 878888026 +22 29 1 878888228 +22 50 5 878887765 +22 53 3 878888107 +22 62 4 878887925 +22 79 4 878887765 +22 80 4 878887227 +22 85 5 878886989 +22 89 5 878887680 +22 94 3 878887277 +22 96 5 878887680 +22 105 1 878887347 +22 109 4 878886710 +22 110 1 878887157 +22 117 4 878887869 +22 118 4 878887983 +22 121 3 878887925 +22 127 5 878887869 +22 128 5 878887983 +22 144 5 878887680 +22 153 5 878886423 +22 154 4 878886423 +22 161 4 878887925 +22 163 1 878886845 +22 167 3 878887023 +22 168 5 878886517 +22 172 4 878887680 +22 173 5 878886368 +22 175 4 878886682 +22 176 5 878887765 +22 181 5 878887765 +22 184 5 878887869 +22 186 5 878886368 +22 187 5 878887680 +22 194 5 878886607 +22 195 4 878887810 +22 201 4 878886449 +22 202 5 878886480 +22 204 5 878886607 +22 208 5 878886607 +22 210 3 878886479 +22 211 3 878886518 +22 216 4 878886682 +22 222 4 878887925 +22 226 4 878888145 +22 227 4 878888067 +22 228 4 878887810 +22 229 2 878887925 +22 230 4 878888026 +22 231 2 878887983 +22 238 5 878886423 +22 241 3 878888025 +22 250 5 878888251 +22 258 5 878886261 +22 290 5 878886607 +22 294 1 878886262 +22 358 5 878887443 +22 367 1 878886571 +22 376 3 878887112 +22 377 1 878887116 +22 384 3 878887413 +22 386 3 878887347 +22 393 4 878886989 +22 399 4 878887157 +22 403 5 878887810 +22 405 1 878888067 +22 407 3 878886845 +22 411 1 878887277 +22 430 4 878886607 +22 431 4 878888026 +22 433 3 878886479 +22 435 5 878886682 +22 449 1 878888145 +22 451 4 878887062 +22 455 5 878886479 +22 456 1 878887413 +22 502 4 878886647 +22 510 5 878887765 +22 511 4 878887983 +22 515 5 878887869 +22 523 5 878886845 +22 546 3 878888107 +22 550 5 878888184 +22 554 1 878888066 +22 566 3 878888145 +22 568 4 878887810 +22 636 3 878888106 +22 648 4 878886647 +22 651 4 878887810 +22 665 1 878888145 +22 683 1 878886307 +22 684 3 878887983 +22 687 1 878887476 +22 688 1 878886307 +22 692 4 878886480 +22 712 4 878887186 +22 732 4 878886710 +22 780 1 878887377 +22 791 1 878887227 +22 840 4 878888184 +22 862 1 878886845 +22 871 3 878886750 +22 878 1 878887598 +22 926 1 878887062 +22 932 1 878887277 +22 948 1 878887553 +22 988 1 878887116 +22 996 1 878887158 +22 997 1 878887377 +22 999 4 878886902 +22 1000 3 878886333 +22 1001 1 878886647 +22 1002 1 878887186 +22 1003 1 878887277 +23 1 5 874784615 +23 7 4 874784385 +23 8 4 874785474 +23 13 4 874784497 +23 14 4 874784440 +23 19 4 874784466 +23 28 3 874786793 +23 32 3 874785809 +23 50 4 874784440 +23 55 4 874785624 +23 56 4 874785233 +23 59 4 874785526 +23 62 3 874786880 +23 70 2 874786513 +23 71 3 874789299 +23 79 4 874785957 +23 82 3 874787449 +23 83 4 874785926 +23 88 3 874787410 +23 89 5 874785582 +23 90 2 874787370 +23 91 4 884550049 +23 95 4 874786220 +23 96 4 874785551 +23 98 5 874786016 +23 99 4 874786098 +23 100 5 874784557 +23 102 3 874785957 +23 109 3 874784466 +23 116 5 874784466 +23 124 5 874784440 +23 131 4 884550021 +23 132 4 874785756 +23 133 4 874786220 +23 134 4 874786098 +23 143 3 874786066 +23 144 3 874785926 +23 145 3 874786244 +23 151 3 874784668 +23 153 4 874786438 +23 154 3 874785552 +23 155 3 874787059 +23 156 3 877817091 +23 161 2 874787017 +23 162 3 874786950 +23 170 4 874785348 +23 171 5 874785809 +23 172 4 874785889 +23 174 4 874785652 +23 175 5 874785526 +23 177 4 884550003 +23 183 3 874785728 +23 185 4 874785756 +23 188 3 877817151 +23 189 5 874785985 +23 191 3 877817113 +23 194 4 874786016 +23 195 4 874786993 +23 196 2 874786926 +23 202 3 874785165 +23 203 4 874786746 +23 204 3 874786122 +23 209 5 874785843 +23 211 4 874786512 +23 213 3 874785675 +23 214 3 874785701 +23 215 2 874787116 +23 216 4 874787204 +23 217 2 874787144 +23 219 1 874788187 +23 222 4 876785704 +23 224 5 874784638 +23 228 4 874785582 +23 229 3 874787162 +23 230 4 874785809 +23 234 2 874785624 +23 235 1 874784712 +23 238 5 874785526 +23 250 4 874784338 +23 257 3 890276940 +23 258 5 876785704 +23 269 5 877817151 +23 275 5 874785474 +23 283 4 874784575 +23 294 1 876785901 +23 315 3 884550320 +23 323 2 874784266 +23 357 3 874785233 +23 367 4 874785957 +23 380 5 874787774 +23 381 4 874787350 +23 385 4 874786462 +23 386 4 874789001 +23 404 4 874787860 +23 405 4 874784638 +23 408 5 874784538 +23 414 3 874785526 +23 418 4 874786037 +23 419 3 874787204 +23 421 5 874786770 +23 423 3 874786488 +23 427 5 874789279 +23 432 4 884550048 +23 433 5 874785233 +23 463 4 874785843 +23 472 2 874784972 +23 479 5 874785728 +23 483 4 884550048 +23 504 4 874785624 +23 511 5 874786770 +23 512 5 874785843 +23 516 4 874787330 +23 518 5 874785194 +23 522 4 874785447 +23 526 3 874787116 +23 527 4 874785926 +23 528 4 874786974 +23 530 4 874789279 +23 541 4 876785720 +23 546 3 874784668 +23 549 3 874788290 +23 588 4 884550021 +23 597 3 874785024 +23 629 4 874786098 +23 652 4 874785926 +23 655 3 874787330 +23 662 3 874788045 +23 679 3 874788443 +23 694 4 884550049 +23 705 4 874785526 +23 710 4 874785889 +23 713 4 874784337 +23 739 2 874787861 +23 747 3 874786903 +23 780 1 874788388 +23 856 4 874787288 +23 961 5 874785165 +23 1004 3 874788318 +23 1005 3 874787647 +23 1006 3 874785809 +24 8 5 875323002 +24 9 5 875323745 +24 11 5 875323100 +24 12 5 875323711 +24 25 4 875246258 +24 41 5 875323594 +24 55 5 875323308 +24 56 4 875323240 +24 64 5 875322758 +24 69 5 875323051 +24 71 5 875323833 +24 79 4 875322796 +24 92 5 875323241 +24 98 5 875323401 +24 100 5 875323637 +24 109 3 875322848 +24 117 4 875246216 +24 127 5 875323879 +24 129 3 875246185 +24 132 3 875323274 +24 153 4 875323368 +24 173 5 875323474 +24 176 5 875323595 +24 178 5 875323676 +24 180 5 875322847 +24 191 5 875323003 +24 200 5 875323440 +24 216 4 875323745 +24 237 4 875323002 +24 238 5 875323274 +24 249 4 875246216 +24 258 4 875245985 +24 275 5 875323507 +24 286 5 875323773 +24 288 3 875245985 +24 289 3 875245985 +24 294 3 875246037 +24 300 4 875245985 +24 318 5 875323474 +24 357 5 875323100 +24 358 3 875246012 +24 367 2 875323241 +24 372 4 875323553 +24 402 4 875323308 +24 421 5 875323712 +24 427 5 875323002 +24 475 4 875246216 +24 477 5 875323594 +24 486 3 875322908 +24 508 4 875323833 +24 582 4 875323368 +24 655 5 875323915 +24 662 5 875323440 +24 727 3 875322727 +24 729 5 875323475 +24 742 4 875323915 +24 763 5 875322875 +24 919 3 875246185 +25 1 5 885853415 +25 8 4 885852150 +25 13 4 885852381 +25 23 4 885852529 +25 25 5 885853415 +25 50 5 885852150 +25 98 5 885853415 +25 114 5 885852218 +25 116 4 885853335 +25 121 4 885853030 +25 127 3 885853030 +25 131 4 885852611 +25 133 3 885852381 +25 134 4 885852008 +25 135 3 885852059 +25 141 4 885852720 +25 143 3 885852529 +25 151 4 885853335 +25 169 5 885852301 +25 173 4 885852969 +25 174 5 885853415 +25 181 5 885853415 +25 183 4 885852008 +25 186 4 885852569 +25 189 5 885852488 +25 195 4 885852008 +25 197 3 885852059 +25 204 5 885853415 +25 208 4 885852337 +25 222 4 885852817 +25 228 4 885852920 +25 238 4 885852757 +25 239 4 885853415 +25 257 4 885853415 +25 258 5 885853199 +25 265 4 885853415 +25 269 4 885851953 +25 275 4 885853335 +25 357 4 885852757 +25 404 3 885852920 +25 408 5 885852920 +25 419 4 885852218 +25 427 4 885852059 +25 430 4 885852920 +25 432 2 885852443 +25 455 4 885853415 +25 463 4 885852529 +25 474 4 885852008 +25 477 4 885853155 +25 478 5 885852271 +25 479 5 885852569 +25 480 4 885852008 +25 495 4 885852862 +25 498 4 885852086 +25 501 3 885852301 +25 520 3 885852150 +25 527 4 885852248 +25 568 4 885852529 +25 604 4 885852008 +25 615 5 885852611 +25 633 4 885852301 +25 655 4 885852248 +25 729 4 885852697 +25 742 4 885852569 +25 837 4 885852611 +25 929 4 885852178 +25 968 4 885852218 +25 969 3 885852059 +26 1 3 891350625 +26 7 3 891350826 +26 9 4 891386369 +26 13 3 891373086 +26 14 3 891371505 +26 15 4 891386369 +26 24 3 891377540 +26 25 3 891373727 +26 50 4 891386368 +26 100 5 891386368 +26 109 3 891376987 +26 111 3 891371437 +26 116 2 891352941 +26 117 3 891351590 +26 118 3 891385691 +26 121 3 891377540 +26 125 4 891371676 +26 126 4 891371676 +26 127 5 891386368 +26 129 4 891350566 +26 148 3 891377540 +26 150 3 891350750 +26 151 3 891372429 +26 181 4 891386369 +26 222 3 891371369 +26 235 2 891372429 +26 237 3 891351590 +26 240 3 891377468 +26 246 4 891351590 +26 249 2 891377609 +26 250 3 891350826 +26 252 3 891385569 +26 255 3 891377609 +26 257 3 891371596 +26 258 3 891347949 +26 269 4 891347478 +26 271 3 891348070 +26 274 3 891385634 +26 276 4 891386369 +26 283 3 891371437 +26 284 3 891371505 +26 286 3 891347400 +26 291 3 891379753 +26 292 3 891347400 +26 293 3 891371369 +26 294 3 891348192 +26 298 3 891371505 +26 300 4 891347537 +26 302 5 891386368 +26 304 4 891348011 +26 313 5 891386368 +26 315 3 891347400 +26 316 3 891349122 +26 321 3 891347949 +26 322 3 891349122 +26 333 3 891348192 +26 343 3 891349238 +26 369 2 891379664 +26 405 2 891376986 +26 410 2 891373086 +26 413 2 891386049 +26 455 3 891371506 +26 456 1 891386174 +26 458 3 891352941 +26 475 3 891350826 +26 476 3 891384414 +26 508 3 891352941 +26 546 2 891371676 +26 591 3 891351590 +26 597 2 891379753 +26 628 3 891372429 +26 678 2 891349122 +26 685 3 891371676 +26 742 3 891352492 +26 748 1 891348192 +26 750 4 891347478 +26 751 4 891347477 +26 815 2 891371597 +26 831 2 891379753 +26 840 2 891386049 +26 841 2 891380200 +26 864 2 891383899 +26 871 2 891379664 +26 926 2 891385692 +26 930 2 891385985 +26 979 3 891383899 +26 1008 3 891377609 +26 1009 2 891384478 +26 1011 3 891371597 +26 1012 4 891386369 +26 1014 3 891384414 +26 1015 3 891352136 +26 1016 3 891377609 +27 9 4 891542942 +27 50 3 891542897 +27 100 5 891543129 +27 118 3 891543222 +27 121 4 891543191 +27 148 3 891543129 +27 244 3 891543222 +27 246 4 891542897 +27 281 3 891543164 +27 286 3 891543393 +27 288 3 891543129 +27 295 3 891543164 +27 298 4 891543164 +27 325 2 891543191 +27 370 4 891543245 +27 475 2 891542942 +27 508 3 891542987 +27 515 4 891543009 +27 596 2 891542987 +27 742 3 891543129 +27 925 3 891543245 +27 930 2 891543222 +27 978 2 891543222 +28 5 3 881961600 +28 7 5 881961531 +28 11 4 881956144 +28 12 4 881956853 +28 28 4 881956853 +28 31 4 881956082 +28 50 4 881957090 +28 56 5 881957479 +28 70 4 881961311 +28 79 4 881961003 +28 89 4 881961104 +28 95 3 881956917 +28 96 5 881957250 +28 98 5 881961531 +28 100 5 881957425 +28 117 4 881957002 +28 143 4 881956564 +28 145 3 881961904 +28 153 3 881961214 +28 164 4 881960945 +28 173 3 881956220 +28 174 5 881956334 +28 176 5 881956445 +28 184 4 881961671 +28 185 5 881957002 +28 195 4 881957250 +28 200 2 881961671 +28 201 3 881961671 +28 209 4 881961214 +28 217 3 881961671 +28 218 3 881961601 +28 219 5 881961728 +28 222 5 881961393 +28 223 5 882826496 +28 227 4 881961393 +28 228 5 881961393 +28 229 2 881961393 +28 230 4 881961393 +28 234 4 881956144 +28 258 5 881955018 +28 271 4 881955281 +28 282 4 881957425 +28 286 3 881955018 +28 288 5 882826398 +28 294 3 881954915 +28 322 2 881955343 +28 323 3 882826593 +28 332 2 881954915 +28 380 4 881961394 +28 423 2 881956564 +28 429 5 881960794 +28 436 5 881961601 +28 441 2 881961782 +28 443 4 881961671 +28 447 3 881961532 +28 448 4 881961600 +28 449 2 881961394 +28 450 1 881961394 +28 479 4 881961157 +28 480 5 881957002 +28 567 4 881961782 +28 568 4 881957147 +28 573 4 881961842 +28 609 3 881956220 +28 646 4 881961003 +28 665 3 881961782 +28 670 4 881961600 +28 672 3 881961728 +28 678 2 882826550 +28 760 3 882826399 +28 800 4 881961904 +28 859 3 881961842 +28 895 4 882826398 +29 12 5 882821989 +29 79 4 882821989 +29 98 4 882821942 +29 180 4 882821989 +29 182 4 882821989 +29 189 4 882821942 +29 245 3 882820803 +29 259 4 882821044 +29 264 3 882820897 +29 268 5 882820686 +29 269 4 882820897 +29 270 4 882820803 +29 286 5 882820663 +29 294 4 882820730 +29 300 3 882820897 +29 302 4 882820663 +29 303 4 882820686 +29 306 4 882820730 +29 312 4 882821705 +29 326 2 882820869 +29 332 4 882820869 +29 343 3 882821673 +29 358 2 882821044 +29 480 4 882821989 +29 539 2 882821044 +29 657 4 882821942 +29 661 5 882821942 +29 678 3 882821582 +29 689 2 882821705 +29 748 2 882821558 +29 874 4 882821020 +29 879 3 882821161 +29 1018 4 882821989 +29 1019 4 882821989 +30 2 3 875061066 +30 7 4 875140648 +30 28 4 885941321 +30 50 3 875061066 +30 82 4 875060217 +30 161 4 875060883 +30 164 4 875060217 +30 172 4 875060742 +30 174 5 885941156 +30 181 4 875060217 +30 231 2 875061066 +30 242 5 885941156 +30 252 3 875140740 +30 255 4 875059984 +30 257 4 885941257 +30 258 5 885941156 +30 259 4 875058280 +30 286 5 885941156 +30 289 2 876847817 +30 294 4 875140648 +30 301 4 875988577 +30 304 4 875988548 +30 313 5 885941156 +30 315 4 885941412 +30 321 4 875988547 +30 403 2 875061066 +30 435 5 885941156 +30 531 5 885941156 +30 538 4 885941798 +30 539 3 885941454 +30 678 2 885942002 +30 683 3 885941798 +30 688 3 885941492 +30 751 3 884310551 +30 873 1 875061066 +30 892 4 884310496 +30 1007 5 885941156 +30 1013 3 875060334 +31 32 5 881548030 +31 79 2 881548082 +31 124 4 881548110 +31 135 4 881548030 +31 136 5 881548030 +31 153 4 881548110 +31 175 5 881548053 +31 262 5 881547766 +31 268 3 881547746 +31 271 4 881547854 +31 299 4 881547814 +31 302 4 881547719 +31 303 3 881547719 +31 306 3 881547814 +31 319 4 881547788 +31 321 4 881547746 +31 328 2 881547746 +31 340 3 881547788 +31 484 5 881548030 +31 490 4 881548030 +31 493 5 881548110 +31 498 4 881548111 +31 504 5 881548110 +31 514 5 881548030 +31 519 4 881548053 +31 682 2 881547834 +31 705 5 881548110 +31 811 4 881548053 +31 875 4 881547938 +31 886 2 881547877 +31 1019 5 881548082 +31 1020 3 881548030 +31 1021 3 881548082 +31 1022 5 881547814 +32 7 4 883717766 +32 9 3 883717747 +32 100 3 883717662 +32 111 3 883717986 +32 117 3 883717555 +32 118 3 883717967 +32 122 2 883718250 +32 151 3 883717850 +32 222 3 883717600 +32 235 3 883718121 +32 240 2 883717967 +32 245 2 883710047 +32 246 4 883717521 +32 248 4 883717816 +32 249 4 883717645 +32 250 4 883717684 +32 257 4 883717537 +32 259 2 883709986 +32 268 5 883709797 +32 271 3 883709953 +32 276 4 883717913 +32 288 4 883709915 +32 290 3 883717913 +32 294 3 883709863 +32 298 5 883717581 +32 307 2 883709915 +32 313 4 883709840 +32 405 4 883718008 +32 455 2 883717796 +32 475 5 883717766 +32 508 4 883717581 +32 591 3 883717581 +32 742 3 883717628 +32 866 3 883718031 +32 1012 4 883717581 +32 1016 1 883718121 +32 1023 3 883717913 +33 245 3 891964326 +33 258 4 891964066 +33 260 4 891964306 +33 271 4 891964166 +33 292 4 891964244 +33 294 3 891964166 +33 307 3 891964148 +33 313 5 891963290 +33 323 4 891964373 +33 328 4 891964187 +33 329 4 891964326 +33 333 4 891964259 +33 339 3 891964111 +33 343 4 891964344 +33 348 4 891964404 +33 678 4 891964306 +33 682 4 891964274 +33 751 4 891964188 +33 872 3 891964230 +33 879 3 891964230 +33 880 3 891964230 +33 895 3 891964187 +34 242 5 888601628 +34 245 4 888602923 +34 259 2 888602808 +34 286 5 888602513 +34 292 5 888602742 +34 294 1 888602808 +34 299 5 888602923 +34 310 4 888601628 +34 312 4 888602742 +34 324 5 888602808 +34 329 5 888602808 +34 332 5 888602742 +34 690 4 888602513 +34 990 5 888602808 +34 1024 5 888602618 +35 242 2 875459166 +35 243 2 875459046 +35 258 2 875458941 +35 259 4 875459017 +35 261 3 875459046 +35 264 2 875459099 +35 266 3 875458941 +35 300 5 875458970 +35 322 3 875459017 +35 326 3 875459017 +35 327 3 875459017 +35 328 3 875459046 +35 332 4 875459237 +35 333 4 875459017 +35 358 1 875459073 +35 678 3 875459017 +35 680 4 875459099 +35 748 4 875458970 +35 876 2 875458970 +35 877 2 875459099 +35 879 4 875459073 +35 881 2 875459127 +35 937 4 875459237 +35 1025 3 875459237 +36 261 5 882157581 +36 268 2 882157418 +36 269 3 882157258 +36 288 4 882157227 +36 289 2 882157356 +36 307 4 882157227 +36 310 4 882157327 +36 319 2 882157356 +36 333 4 882157227 +36 339 5 882157581 +36 358 5 882157581 +36 682 1 882157386 +36 748 4 882157285 +36 873 3 882157386 +36 875 3 882157470 +36 878 5 882157581 +36 882 5 882157581 +36 883 5 882157581 +36 885 5 882157581 +36 1026 5 882157581 +37 7 4 880915528 +37 11 4 880915838 +37 22 5 880915810 +37 24 4 880915674 +37 27 4 880915942 +37 50 5 880915838 +37 55 3 880915942 +37 56 5 880915810 +37 68 5 880915902 +37 79 4 880915810 +37 82 1 880915942 +37 89 4 880930072 +37 92 4 880930072 +37 96 4 880915810 +37 117 4 880915674 +37 118 2 880915633 +37 127 4 880930071 +37 147 3 880915749 +37 161 5 880915902 +37 172 4 880930072 +37 174 5 880915810 +37 176 4 880915942 +37 183 4 880930042 +37 195 5 880915874 +37 210 4 880915810 +37 222 3 880915528 +37 230 4 880915942 +37 231 2 880916046 +37 265 4 880930072 +37 273 3 880915528 +37 288 4 880915258 +37 363 3 880915711 +37 385 4 880915902 +37 403 5 880915942 +37 405 4 880915565 +37 540 2 880916070 +37 546 3 880915565 +37 550 4 880915902 +37 566 4 880916010 +37 578 3 880916010 +37 597 5 880915607 +37 665 3 880916046 +37 685 3 880915528 +37 825 2 880915565 +37 827 3 880915607 +37 831 2 880915607 +37 833 4 880915565 +37 841 3 880915711 +37 930 3 880915711 +37 948 4 880915407 +37 1027 3 880930072 +38 1 5 892430636 +38 22 5 892429347 +38 28 4 892429399 +38 35 5 892433801 +38 67 4 892434312 +38 69 5 892430486 +38 70 5 892432424 +38 71 5 892430516 +38 78 5 892433062 +38 79 3 892430309 +38 82 5 892429903 +38 84 5 892430937 +38 88 5 892430695 +38 94 5 892432030 +38 95 5 892430094 +38 97 5 892430369 +38 99 5 892430829 +38 105 3 892434217 +38 112 5 892432751 +38 118 5 892431151 +38 122 1 892434801 +38 127 2 892429460 +38 133 2 892429873 +38 139 2 892432786 +38 140 5 892430309 +38 144 5 892430369 +38 145 1 892433062 +38 153 5 892430369 +38 155 5 892432090 +38 161 5 892432062 +38 188 2 892431953 +38 200 5 892432180 +38 202 2 892431665 +38 211 1 892431907 +38 216 5 892430486 +38 218 3 892431871 +38 225 5 892433062 +38 226 1 892431513 +38 234 5 892431607 +38 243 3 892429095 +38 247 5 892429460 +38 252 5 892429567 +38 257 1 892429512 +38 259 3 892428754 +38 288 5 892428188 +38 294 5 892428584 +38 313 5 892428216 +38 318 3 892430071 +38 326 5 892428688 +38 328 4 892428688 +38 356 2 892430309 +38 383 2 892433801 +38 384 5 892433660 +38 389 5 892433660 +38 392 5 892430120 +38 393 5 892430282 +38 395 3 892434164 +38 400 1 892434036 +38 401 3 892434585 +38 402 5 892430539 +38 403 1 892432205 +38 404 5 892431586 +38 405 5 892432205 +38 406 2 892434251 +38 409 5 892433135 +38 410 3 892432750 +38 411 3 892433290 +38 418 5 892431026 +38 419 5 892429347 +38 423 5 892430071 +38 424 3 892432624 +38 432 1 892430282 +38 444 1 892433912 +38 445 2 892429399 +38 450 1 892432624 +38 452 5 892434523 +38 465 5 892432476 +38 501 5 892429801 +38 508 2 892429399 +38 526 1 892430636 +38 550 2 892432786 +38 573 1 892433660 +38 588 5 892429225 +38 590 1 892434373 +38 616 3 892433375 +38 637 2 892434452 +38 672 3 892434800 +38 679 5 892432062 +38 681 5 892429065 +38 717 1 892433945 +38 720 5 892432424 +38 742 5 892430001 +38 758 1 892434626 +38 780 4 892434217 +38 838 2 892433680 +38 916 5 892428188 +38 940 1 892434742 +38 1014 5 892429542 +38 1016 5 892429542 +38 1028 5 892432624 +38 1030 5 892434475 +38 1031 5 892433801 +38 1033 5 892432531 +38 1034 1 892433062 +38 1035 5 892431907 +38 1036 4 892433704 +39 258 4 891400280 +39 269 4 891400188 +39 270 4 891400609 +39 272 2 891400094 +39 294 4 891400609 +39 300 3 891400280 +39 301 3 891400280 +39 306 3 891400342 +39 307 2 891400342 +39 313 4 891400159 +39 315 4 891400094 +39 333 4 891400214 +39 339 3 891400609 +39 345 3 891400159 +39 347 4 891400704 +39 352 5 891400704 +39 748 5 891400704 +39 900 3 891400159 +39 937 5 891400704 +40 242 4 889041330 +40 243 2 889041694 +40 245 3 889041671 +40 258 3 889041981 +40 259 2 889041643 +40 268 4 889041430 +40 269 1 889041283 +40 270 3 889041477 +40 271 2 889041523 +40 272 2 889041283 +40 286 2 889041430 +40 294 4 889041671 +40 300 3 889041523 +40 303 4 889041283 +40 305 4 889041430 +40 310 3 889041283 +40 316 3 889041643 +40 321 4 889041523 +40 328 3 889041595 +40 333 4 889041402 +40 337 4 889041523 +40 340 2 889041454 +40 343 1 889041790 +40 345 4 889041670 +40 347 2 889041283 +40 358 3 889041741 +40 750 3 889041523 +40 754 4 889041790 +40 876 3 889041694 +40 879 2 889041595 +40 880 3 889041643 +40 896 4 889041402 +40 1038 1 889041741 +41 1 4 890692860 +41 28 4 890687353 +41 31 3 890687473 +41 56 4 890687472 +41 58 3 890687353 +41 69 4 890687145 +41 96 4 890687019 +41 97 3 890687665 +41 98 4 890687374 +41 100 4 890687242 +41 152 4 890687326 +41 153 4 890687087 +41 168 5 890687304 +41 170 4 890687713 +41 174 4 890687264 +41 175 5 890687526 +41 180 5 890687019 +41 181 4 890687175 +41 188 4 890687571 +41 194 3 890687242 +41 195 4 890687042 +41 196 3 890687593 +41 202 2 890687326 +41 209 4 890687642 +41 216 3 890687571 +41 238 5 890687472 +41 265 3 890687042 +41 276 2 890687304 +41 286 4 890685449 +41 289 2 890686673 +41 313 3 890685449 +41 318 4 890687353 +41 357 4 890687175 +41 414 4 890687550 +41 423 2 890687175 +41 430 5 890692860 +41 435 3 890687550 +41 474 5 890687066 +41 486 4 890687305 +41 516 5 890687242 +41 518 3 890687412 +41 746 3 890687019 +41 751 4 890686872 +41 1039 3 890687642 +42 1 5 881105633 +42 12 4 881107502 +42 15 4 881105633 +42 25 3 881110670 +42 28 5 881108187 +42 38 3 881109148 +42 43 2 881109325 +42 44 3 881108548 +42 48 5 881107821 +42 50 5 881107178 +42 54 4 881108982 +42 58 5 881108040 +42 63 4 881108873 +42 64 5 881106711 +42 66 4 881108280 +42 69 4 881107375 +42 70 3 881109148 +42 71 4 881108229 +42 72 3 881108229 +42 73 4 881108484 +42 77 5 881108684 +42 79 5 881108040 +42 82 4 881107449 +42 83 4 881108093 +42 86 3 881107880 +42 88 5 881108425 +42 95 5 881107220 +42 96 5 881107178 +42 97 3 881107502 +42 98 4 881106711 +42 99 5 881108346 +42 102 5 881108873 +42 111 1 881105931 +42 118 4 881105505 +42 121 4 881110578 +42 125 4 881105462 +42 131 2 881108548 +42 132 5 881107502 +42 135 4 881109148 +42 141 3 881109059 +42 142 4 881109271 +42 143 4 881108229 +42 151 4 881110578 +42 161 4 881108229 +42 172 5 881107220 +42 173 5 881107220 +42 174 5 881106711 +42 175 2 881107687 +42 176 3 881107178 +42 181 5 881107291 +42 183 4 881107821 +42 185 4 881107449 +42 194 5 881107329 +42 195 5 881107949 +42 196 5 881107718 +42 202 5 881107687 +42 203 4 881107413 +42 204 5 881107821 +42 210 5 881108633 +42 211 4 881107880 +42 215 5 881107413 +42 216 5 881108147 +42 219 1 881109324 +42 222 4 881105882 +42 227 4 881109060 +42 228 4 881107538 +42 229 4 881108684 +42 230 5 881109148 +42 234 4 881108093 +42 237 4 881105882 +42 239 5 881108187 +42 265 3 881107989 +42 273 3 881105817 +42 274 5 881105817 +42 276 1 881105405 +42 280 4 881106270 +42 281 3 881105728 +42 283 3 881110483 +42 284 3 881105581 +42 290 3 881106072 +42 294 4 881105296 +42 318 5 881107718 +42 357 5 881107687 +42 367 2 881109149 +42 369 4 881105931 +42 371 4 881108760 +42 380 4 881108548 +42 385 5 881108147 +42 387 3 881108760 +42 402 5 881108982 +42 403 3 881108684 +42 404 5 881108760 +42 405 4 881105541 +42 409 3 881106270 +42 410 3 881110483 +42 413 1 881106072 +42 418 5 881108147 +42 419 5 881107178 +42 423 5 881107687 +42 427 4 881107773 +42 428 3 881108040 +42 432 3 881108147 +42 443 3 881108093 +42 451 2 881108982 +42 456 3 881106113 +42 462 2 881108093 +42 467 3 881108425 +42 468 4 881108346 +42 469 4 881109324 +42 471 4 881105505 +42 479 4 881108147 +42 491 3 881106711 +42 496 5 881107718 +42 501 5 881108345 +42 506 3 881108760 +42 521 2 881107989 +42 523 5 881107375 +42 546 3 881105817 +42 559 2 881109271 +42 566 5 881107821 +42 568 4 881107256 +42 582 3 881108928 +42 588 5 881108147 +42 595 1 881106582 +42 603 4 881107502 +42 606 3 881107538 +42 625 3 881108873 +42 627 2 881109271 +42 655 3 881107642 +42 660 3 881108484 +42 679 2 881108548 +42 684 4 881108093 +42 685 4 881105972 +42 692 4 881107773 +42 720 4 881109149 +42 729 3 881108345 +42 732 5 881108346 +42 736 5 881108187 +42 742 4 881105581 +42 746 3 881108279 +42 756 5 881106420 +42 781 4 881108280 +42 785 4 881109060 +42 794 3 881108425 +42 826 3 881106419 +42 834 1 881110763 +42 845 5 881110719 +42 866 4 881105972 +42 924 3 881105677 +42 925 4 881106113 +42 926 3 881105766 +42 934 4 881106419 +42 939 4 881108484 +42 941 4 881109060 +42 953 2 881108815 +42 969 5 881107687 +42 977 2 881106541 +42 999 4 881108982 +42 1028 4 881106072 +42 1040 3 881106270 +42 1041 4 881109060 +42 1042 3 881109325 +42 1043 2 881108633 +42 1044 4 881109271 +42 1045 2 881108873 +42 1046 3 881108760 +42 1047 4 881106419 +42 1048 1 881106220 +42 1049 3 881105882 +42 1050 3 881107538 +42 1051 4 881106270 +43 1 5 875975579 +43 3 2 884029543 +43 4 4 875981421 +43 5 4 875981421 +43 7 4 875975520 +43 8 4 875975717 +43 9 4 875975656 +43 11 5 875981365 +43 12 5 883955048 +43 14 2 883955745 +43 15 5 875975546 +43 17 3 883956417 +43 25 5 875975656 +43 26 5 883954901 +43 28 4 875981452 +43 40 3 883956468 +43 47 1 883955415 +43 49 4 883956387 +43 50 4 875975211 +43 51 1 883956562 +43 52 4 883955224 +43 54 3 883956494 +43 56 5 875975687 +43 58 3 883955859 +43 63 3 883956353 +43 64 5 875981247 +43 66 4 875981506 +43 69 4 875981421 +43 70 4 883955048 +43 71 4 883955675 +43 77 3 883955650 +43 79 4 875981335 +43 82 4 883955498 +43 86 4 883955020 +43 88 5 883955702 +43 91 3 883956260 +43 95 4 875975687 +43 97 5 883955293 +43 98 5 875981220 +43 100 4 875975656 +43 102 4 875981483 +43 111 4 883955745 +43 114 5 883954950 +43 117 4 883954853 +43 118 4 883955546 +43 120 4 884029430 +43 121 4 883955907 +43 122 2 884029709 +43 124 4 891294050 +43 127 4 875981304 +43 131 3 883954997 +43 133 4 875981483 +43 137 4 875975656 +43 140 4 883955110 +43 144 4 883955415 +43 151 4 875975613 +43 153 5 883955135 +43 155 4 883956518 +43 161 4 883955467 +43 168 4 875981159 +43 169 5 875981128 +43 172 4 883955135 +43 173 5 875981190 +43 174 4 875975687 +43 175 2 875981304 +43 181 4 875975211 +43 186 3 875981335 +43 189 5 875981220 +43 191 5 875981247 +43 196 4 875981190 +43 203 4 883955224 +43 204 4 883956122 +43 208 5 883955547 +43 210 5 883955467 +43 211 4 883955785 +43 215 5 883955467 +43 216 5 875981128 +43 217 2 883955930 +43 222 4 883955547 +43 225 2 875975579 +43 231 4 883955995 +43 235 3 875975520 +43 237 4 875975579 +43 238 2 883955160 +43 241 4 883955441 +43 248 4 875975237 +43 250 2 875975383 +43 252 4 875975363 +43 257 4 875975276 +43 258 5 875975028 +43 269 5 888177393 +43 271 3 880317103 +43 272 5 883953545 +43 274 5 883955441 +43 275 4 875975546 +43 276 4 883954876 +43 277 1 883955498 +43 278 3 884029259 +43 280 3 883955806 +43 283 2 883955415 +43 284 5 883955441 +43 285 4 875975468 +43 286 4 875975028 +43 289 4 875975085 +43 290 4 884029192 +43 291 3 883955995 +43 294 5 875975061 +43 298 4 875975211 +43 300 5 875975135 +43 301 5 875975135 +43 302 4 887731794 +43 312 4 883953502 +43 313 5 887076865 +43 315 4 883953665 +43 316 5 892349752 +43 317 2 883955319 +43 318 5 875975717 +43 321 3 875975061 +43 323 3 875975110 +43 328 4 875975061 +43 336 4 880317271 +43 347 3 888177393 +43 354 4 891293957 +43 367 4 883956494 +43 371 4 883955269 +43 382 5 883955702 +43 385 5 883955387 +43 393 4 883956417 +43 402 4 883956283 +43 403 4 883956305 +43 405 4 883956122 +43 408 5 875975492 +43 409 3 884029493 +43 411 3 884029519 +43 418 4 883955387 +43 421 3 883954853 +43 423 4 883955498 +43 432 3 875981421 +43 471 3 883955319 +43 473 3 884029309 +43 479 4 875981365 +43 482 4 875981421 +43 486 4 883955969 +43 491 4 883954997 +43 496 5 883955605 +43 498 5 875981275 +43 501 4 883955605 +43 516 5 875981452 +43 531 4 883955160 +43 539 3 883953716 +43 542 3 883956518 +43 546 4 875975613 +43 550 3 883956040 +43 553 4 875981159 +43 559 1 883956468 +43 566 3 883955969 +43 568 4 883955363 +43 581 3 883956468 +43 588 4 883955745 +43 596 3 883955650 +43 597 3 883956229 +43 625 4 883956146 +43 628 3 875975580 +43 631 2 883955675 +43 648 5 883955293 +43 660 4 883955859 +43 684 4 883955702 +43 686 3 883955884 +43 692 5 883955884 +43 699 4 883956040 +43 705 4 883954970 +43 724 4 875981390 +43 729 4 883956387 +43 732 4 883955498 +43 735 4 875981275 +43 742 5 883955650 +43 747 4 883956169 +43 751 2 883954803 +43 755 3 883956075 +43 756 3 884029519 +43 778 5 883955363 +43 781 3 883956494 +43 785 3 883956538 +43 792 1 883954876 +43 815 4 883956189 +43 820 2 884029742 +43 845 5 883955547 +43 847 5 875975468 +43 866 4 883956417 +43 879 4 876159838 +43 926 2 875975613 +43 931 1 884029742 +43 939 3 883955547 +43 944 2 883956260 +43 946 4 883955247 +43 950 3 883956417 +43 951 3 883955969 +43 956 1 883956259 +43 966 4 883955498 +43 969 5 875981159 +43 993 3 875975211 +43 1023 3 875975323 +43 1035 4 883955745 +43 1047 3 883956387 +43 1048 3 883956260 +43 1052 1 892350297 +43 1053 3 883955859 +43 1054 3 884029658 +43 1056 3 883955498 +43 1057 2 884029777 +44 1 4 878341315 +44 5 4 878347598 +44 7 5 878341246 +44 9 5 878341196 +44 11 3 878347915 +44 15 4 878341343 +44 21 2 878346789 +44 24 3 878346575 +44 25 2 878346431 +44 50 5 878341246 +44 55 4 878347455 +44 56 2 878348601 +44 64 5 878347915 +44 67 3 878348111 +44 69 4 878347711 +44 71 3 878347633 +44 81 4 878348499 +44 82 4 878348885 +44 87 5 878347742 +44 88 2 878348885 +44 89 5 878347315 +44 90 2 878348784 +44 91 2 878348573 +44 95 4 878347569 +44 96 4 878347633 +44 98 2 878347420 +44 99 4 878348812 +44 100 5 878341196 +44 102 2 878348499 +44 106 2 878347076 +44 109 3 878346431 +44 118 3 878341197 +44 120 4 878346977 +44 121 4 878346946 +44 123 4 878346532 +44 132 4 878347315 +44 133 4 878347569 +44 135 5 878347259 +44 143 4 878347392 +44 144 4 878347532 +44 147 4 878341343 +44 148 4 878346946 +44 153 4 878347234 +44 155 3 878348947 +44 157 4 878347711 +44 159 3 878347633 +44 161 4 878347634 +44 163 4 878348627 +44 164 4 878348035 +44 168 5 878347504 +44 172 4 878348521 +44 174 5 878347662 +44 176 5 883613372 +44 185 4 878347569 +44 191 4 878347234 +44 193 3 878348521 +44 194 5 878347504 +44 195 5 878347874 +44 196 4 878348885 +44 197 4 878347420 +44 200 4 878347633 +44 202 4 878347315 +44 204 4 878348725 +44 208 4 878347420 +44 209 5 878347315 +44 211 4 878347598 +44 214 5 878348036 +44 216 1 883613297 +44 222 4 883613334 +44 227 4 883613334 +44 228 5 883613334 +44 229 3 883613334 +44 230 2 883613335 +44 231 2 878347915 +44 237 3 878346748 +44 238 4 878347598 +44 240 4 878346997 +44 245 4 878340887 +44 249 4 878346630 +44 250 5 878346709 +44 252 2 878346748 +44 257 4 878346689 +44 258 4 878340824 +44 260 4 878340905 +44 274 4 878348036 +44 294 4 883612356 +44 298 2 883612726 +44 313 4 883612268 +44 317 4 878347633 +44 328 4 878340848 +44 357 4 878347569 +44 378 3 878348290 +44 380 4 883613334 +44 385 3 878348725 +44 405 3 878346512 +44 412 1 883613298 +44 419 4 878348784 +44 423 4 878348111 +44 427 3 878348547 +44 429 4 878347791 +44 433 4 878348752 +44 434 4 878348885 +44 443 5 878348289 +44 447 4 878347598 +44 448 2 878348547 +44 449 5 883613334 +44 450 2 883613335 +44 470 3 878348499 +44 474 4 878347532 +44 480 4 878347315 +44 496 4 878348885 +44 507 3 878347392 +44 520 5 878347874 +44 523 4 878348784 +44 530 5 878348725 +44 542 3 878348036 +44 553 3 878347847 +44 588 4 878347742 +44 591 4 878341315 +44 603 4 878347420 +44 625 3 878348691 +44 631 1 883613297 +44 636 4 878348969 +44 644 3 878347818 +44 655 3 878347455 +44 660 5 878347915 +44 665 1 883613372 +44 678 3 878340887 +44 717 3 878346470 +44 737 1 883613298 +44 755 3 878347742 +44 756 3 878346904 +44 871 3 883613005 +44 946 3 878347847 +44 1058 4 878347392 +45 1 5 881013176 +45 7 3 881008080 +45 13 5 881012356 +45 15 4 881012184 +45 21 3 881014193 +45 25 4 881014015 +45 50 5 881007272 +45 100 5 881010742 +45 108 4 881014620 +45 109 5 881012356 +45 111 4 881011550 +45 118 4 881014550 +45 121 4 881013563 +45 127 5 881007272 +45 151 2 881013885 +45 181 4 881010742 +45 225 4 881014070 +45 237 4 881008636 +45 257 5 881008781 +45 276 5 881012184 +45 278 3 881014550 +45 282 4 881008636 +45 284 4 881014130 +45 288 3 880996629 +45 411 3 881015657 +45 472 3 881014417 +45 473 3 881014417 +45 476 3 881015729 +45 596 3 881014015 +45 597 3 881014070 +45 742 4 881013176 +45 756 2 881015244 +45 762 4 881013563 +45 763 2 881013563 +45 820 4 881015860 +45 823 4 881014785 +45 845 4 881011188 +45 926 3 881015386 +45 934 2 881015860 +45 952 4 881014247 +45 1001 3 881014785 +45 1059 2 881014417 +45 1060 3 881012184 +45 1061 2 881016056 +46 7 4 883616155 +46 50 4 883616254 +46 93 4 883616218 +46 100 4 883616134 +46 125 4 883616284 +46 127 5 883616133 +46 151 4 883616218 +46 181 4 883616254 +46 245 3 883614625 +46 288 2 883611307 +46 294 2 883611307 +46 300 3 883611307 +46 305 5 883614766 +46 307 3 883611430 +46 313 5 883611274 +46 327 4 883611456 +46 328 4 883611430 +46 332 4 883611482 +46 333 5 883611374 +46 538 3 883611513 +46 690 5 883611274 +46 748 5 883614645 +46 909 5 883614766 +46 1024 5 883614766 +46 1062 5 883614766 +47 258 4 879438984 +47 268 4 879439040 +47 269 4 879438984 +47 286 3 879438984 +47 288 2 879439078 +47 289 4 879439040 +47 292 4 879438984 +47 301 4 879440333 +47 302 5 879439040 +47 303 4 879439112 +47 304 3 879439144 +47 306 4 879439113 +47 307 4 879439112 +47 321 4 879439040 +47 322 2 879439078 +47 323 2 879440360 +47 324 3 879439078 +47 327 4 879440360 +47 340 5 879439078 +47 683 3 879439143 +47 874 3 879439078 +47 995 3 879440429 +48 28 2 879434653 +48 50 4 879434723 +48 56 3 879434723 +48 71 3 879434850 +48 98 5 879434954 +48 132 5 879434886 +48 136 4 879434689 +48 170 4 879434886 +48 172 5 879434791 +48 174 5 879434723 +48 181 5 879434954 +48 183 5 879434608 +48 185 4 879434819 +48 187 5 879434954 +48 191 5 879434954 +48 194 4 879434819 +48 195 5 879434954 +48 202 4 879434791 +48 209 5 879434954 +48 210 3 879434886 +48 215 4 879434751 +48 228 3 879434792 +48 243 3 879434330 +48 259 4 879434270 +48 266 3 879434387 +48 269 1 879434094 +48 286 3 879434181 +48 289 1 879434252 +48 294 3 879434212 +48 306 4 879434211 +48 308 5 879434292 +48 309 3 879434132 +48 323 3 879434181 +48 357 5 879434653 +48 423 4 879434752 +48 425 3 879434850 +48 427 4 879434653 +48 433 3 879434791 +48 479 4 879434723 +48 480 4 879434653 +48 483 5 879434607 +48 496 5 879434791 +48 511 5 879434954 +48 519 3 879434689 +48 522 2 879434886 +48 523 5 879434689 +48 524 3 879434723 +48 527 4 879434654 +48 528 5 879434954 +48 529 4 879434850 +48 603 4 879434607 +48 609 4 879434819 +48 647 4 879434819 +48 654 5 879434792 +48 656 4 879434689 +48 661 5 879434954 +48 680 3 879434330 +48 690 4 879434211 +48 988 2 879434387 +48 1063 3 879434654 +48 1064 4 879434688 +48 1065 2 879434792 +49 1 2 888068651 +49 3 3 888068877 +49 4 2 888069512 +49 7 4 888067307 +49 8 3 888067691 +49 10 3 888066086 +49 11 3 888069458 +49 13 3 888068816 +49 17 2 888068651 +49 25 2 888068791 +49 38 1 888068289 +49 39 2 888068194 +49 40 1 888069222 +49 42 4 888068791 +49 47 5 888068715 +49 49 2 888068990 +49 50 1 888067691 +49 52 2 888066647 +49 53 4 888067405 +49 54 2 888068265 +49 55 4 888068057 +49 56 5 888067307 +49 57 4 888066571 +49 62 2 888069660 +49 68 1 888069513 +49 70 2 888066614 +49 71 3 888067096 +49 72 2 888069246 +49 77 1 888068289 +49 80 1 888069117 +49 82 1 888067765 +49 85 3 888068934 +49 90 1 888069194 +49 91 5 888066979 +49 93 5 888068912 +49 95 2 888067031 +49 96 1 888069512 +49 98 4 888067307 +49 100 4 888067307 +49 101 3 888067164 +49 102 2 888067164 +49 108 2 888068957 +49 111 2 888068686 +49 116 4 888066109 +49 117 1 888069459 +49 122 2 888069138 +49 123 1 888068195 +49 129 2 888068079 +49 143 3 888067726 +49 145 1 888067460 +49 148 1 888068195 +49 151 5 888067727 +49 159 2 888068245 +49 161 1 888069513 +49 168 5 888068686 +49 171 4 888066551 +49 172 1 888067691 +49 173 3 888067691 +49 175 5 888068715 +49 179 5 888066446 +49 181 1 888067765 +49 182 3 888069416 +49 185 5 888067307 +49 202 3 888068816 +49 204 1 888068686 +49 209 5 888068877 +49 213 3 888066486 +49 217 3 888067405 +49 218 2 888068651 +49 219 1 888067405 +49 231 3 888069579 +49 238 4 888068762 +49 239 2 888068912 +49 240 3 888067031 +49 258 2 888065895 +49 262 5 888065620 +49 268 3 888065620 +49 270 2 888065432 +49 287 4 888068842 +49 290 2 888069062 +49 294 1 888065702 +49 299 2 888068651 +49 301 3 888065640 +49 302 4 888065432 +49 312 3 888065786 +49 313 3 888065527 +49 320 5 888067334 +49 324 4 888065702 +49 325 3 888065744 +49 328 2 888068651 +49 334 4 888065744 +49 343 2 888065786 +49 346 4 888065527 +49 347 3 888065487 +49 358 1 888065805 +49 367 3 888069117 +49 369 1 888069329 +49 372 4 888069040 +49 382 2 888066705 +49 385 1 888069536 +49 386 4 888069222 +49 396 4 888067482 +49 401 2 888067975 +49 403 3 888069636 +49 406 2 888067428 +49 413 1 888067460 +49 418 3 888067031 +49 419 4 888067691 +49 420 4 888067031 +49 423 2 888067727 +49 428 5 888068791 +49 432 5 888066979 +49 433 5 888068739 +49 455 1 888068791 +49 462 2 888066486 +49 465 3 888067798 +49 473 3 888067164 +49 476 1 888069222 +49 501 3 888066979 +49 508 3 888068841 +49 514 4 888068686 +49 518 4 888069437 +49 531 3 888066511 +49 542 2 888067096 +49 546 1 888069636 +49 547 5 888066187 +49 557 3 888066394 +49 559 2 888067405 +49 561 2 888067460 +49 569 3 888067482 +49 581 3 888068143 +49 583 4 888068143 +49 588 4 888067031 +49 590 1 888067579 +49 594 3 888068245 +49 625 3 888067031 +49 627 2 888067096 +49 628 4 888068167 +49 640 1 888066685 +49 657 5 888068032 +49 692 1 888069040 +49 695 3 888068957 +49 698 2 888066776 +49 713 3 888066214 +49 717 2 888068651 +49 721 2 888068934 +49 725 2 888069354 +49 732 3 888069040 +49 737 1 888066828 +49 738 3 888069138 +49 741 4 888068079 +49 758 1 888067596 +49 774 2 888067528 +49 820 1 888067164 +49 821 1 888069246 +49 878 2 888065825 +49 919 5 888066133 +49 926 1 888069117 +49 928 2 888068651 +49 931 2 888068336 +49 946 2 888067096 +49 959 2 888068912 +49 995 3 888065577 +49 997 1 888069117 +49 998 2 888069194 +49 1003 2 888068651 +49 1009 3 888066133 +49 1017 3 888069040 +49 1018 2 888066755 +49 1021 5 888066647 +49 1028 2 888069304 +49 1036 2 888069304 +49 1066 2 888067187 +49 1067 3 888068842 +49 1068 3 888066187 +49 1070 3 888068739 +49 1071 3 888069138 +49 1072 1 888069194 +49 1074 2 888069165 +49 1075 2 888066424 +49 1076 2 888067187 +49 1077 4 888068057 +49 1078 1 888067164 +49 1079 1 888069165 +49 1080 4 888066734 +49 1081 3 888069246 +49 1082 3 888066214 +49 1083 2 888068651 +50 9 4 877052297 +50 15 2 877052438 +50 100 2 877052400 +50 123 4 877052958 +50 124 1 877052400 +50 125 2 877052502 +50 246 3 877052329 +50 253 5 877052550 +50 268 4 877051656 +50 276 2 877052400 +50 286 2 877052400 +50 288 4 877052008 +50 319 5 877051687 +50 324 5 877052008 +50 325 1 877052400 +50 327 3 877052093 +50 475 5 877052167 +50 508 5 877052438 +50 544 4 877052937 +50 547 4 877052297 +50 823 3 877052784 +50 1008 5 877052805 +50 1010 5 877052329 +50 1084 5 877052501 +51 50 5 883498685 +51 64 4 883498936 +51 83 5 883498937 +51 132 4 883498655 +51 134 2 883498844 +51 136 4 883498756 +51 144 5 883498894 +51 148 3 883498623 +51 172 5 883498936 +51 173 5 883498844 +51 181 5 883498655 +51 182 3 883498790 +51 184 3 883498685 +51 203 4 883498685 +51 210 4 883498844 +51 479 3 883498655 +51 485 1 883498790 +51 496 4 883498655 +51 603 3 883498728 +51 655 3 883498728 +51 679 3 883498937 +51 692 3 883498685 +51 705 1 883498756 +52 13 5 882922485 +52 15 5 882922204 +52 19 5 882922407 +52 22 5 882922833 +52 25 5 882922562 +52 93 4 882922357 +52 95 4 882922927 +52 100 4 882922204 +52 107 4 882922540 +52 111 4 882922357 +52 116 4 882922328 +52 117 4 882922629 +52 121 4 882922382 +52 126 5 882922589 +52 151 5 882922249 +52 204 4 882923012 +52 235 2 882922806 +52 237 4 882922227 +52 250 3 882922661 +52 257 3 882922806 +52 258 5 882922065 +52 275 4 882922328 +52 280 3 882922806 +52 282 4 882922302 +52 285 5 882922227 +52 287 5 882922357 +52 302 4 882922065 +52 318 5 882922974 +52 333 4 882922038 +52 405 4 882922610 +52 427 5 882922833 +52 463 5 882922927 +52 471 4 882922562 +52 473 4 882922661 +52 475 4 882922357 +52 498 5 882922948 +52 527 5 882922927 +52 531 5 882922833 +52 588 4 882922927 +52 657 5 882922833 +52 741 4 882922302 +52 742 4 882922540 +52 748 4 882922629 +52 762 3 882922806 +52 815 4 882922357 +52 845 5 882922485 +52 864 3 882922661 +52 919 5 882922140 +52 1009 5 882922328 +52 1011 4 882922588 +52 1085 4 882922454 +52 1086 4 882922562 +53 7 3 879442991 +53 24 3 879442538 +53 25 4 879442538 +53 50 4 879442978 +53 64 5 879442384 +53 96 4 879442514 +53 100 5 879442537 +53 118 4 879443253 +53 121 4 879443329 +53 151 4 879443011 +53 156 4 879442561 +53 174 5 879442561 +53 181 4 879443046 +53 199 5 879442384 +53 228 3 879442561 +53 250 2 879442920 +53 257 4 879443188 +53 258 4 879442654 +53 281 4 879443288 +53 284 2 879442901 +53 546 4 879443329 +53 568 4 879442538 +53 628 5 879443253 +53 748 2 879443329 +53 845 3 879443083 +53 924 3 879443303 +53 1087 4 879443329 +54 1 4 880931595 +54 7 4 880935294 +54 24 1 880937311 +54 25 4 880936500 +54 50 5 880931687 +54 100 5 880931595 +54 106 3 880937882 +54 117 5 880935384 +54 118 4 880937813 +54 121 4 880936669 +54 127 4 880933834 +54 147 5 880935959 +54 151 2 880936670 +54 181 5 880931358 +54 237 4 880935028 +54 240 4 880936500 +54 245 4 880929738 +54 250 4 880933834 +54 252 3 880937630 +54 255 3 882153415 +54 257 4 880937311 +54 258 4 880928745 +54 260 4 880930146 +54 268 5 883963510 +54 272 5 890608175 +54 273 4 880934806 +54 276 5 880931595 +54 288 4 880928957 +54 291 1 891898613 +54 295 3 880936905 +54 298 4 892681300 +54 302 4 880928519 +54 307 4 891813846 +54 313 4 890608360 +54 325 3 880930146 +54 327 5 880928893 +54 328 4 880928957 +54 333 5 880928745 +54 338 3 880929490 +54 340 4 890608225 +54 346 4 890608303 +54 405 4 880934806 +54 406 2 880938490 +54 411 5 880936296 +54 471 4 880937399 +54 475 5 880937251 +54 546 3 880937583 +54 595 3 880937813 +54 597 2 880934806 +54 634 1 892681013 +54 676 5 880935294 +54 685 3 880935504 +54 741 5 880931687 +54 742 5 880934806 +54 748 5 880928957 +54 820 3 880937992 +54 823 2 880938088 +54 827 3 880937813 +54 829 2 880937311 +54 871 5 880938547 +54 930 1 880937813 +54 1012 2 880936669 +54 1016 4 890609001 +54 1088 3 880937311 +55 22 5 878176397 +55 50 4 878176005 +55 56 4 878176397 +55 79 5 878176398 +55 89 5 878176398 +55 117 3 878176047 +55 118 5 878176134 +55 121 3 878176084 +55 144 5 878176398 +55 181 4 878176237 +55 254 2 878176206 +55 257 3 878176084 +55 273 5 878176047 +55 405 1 878176134 +55 597 2 878176134 +55 678 3 878176206 +55 685 1 878176134 +55 1016 1 878176005 +55 1089 1 878176134 +56 1 4 892683248 +56 7 5 892679439 +56 11 4 892676376 +56 22 5 892676376 +56 25 4 892911166 +56 29 3 892910913 +56 31 4 892679259 +56 38 2 892683533 +56 42 4 892676933 +56 44 4 892679356 +56 50 5 892737154 +56 51 3 892677186 +56 53 3 892679163 +56 56 5 892676376 +56 62 5 892910890 +56 63 3 892910268 +56 64 5 892678482 +56 67 2 892677114 +56 68 3 892910913 +56 69 4 892678893 +56 70 4 892676996 +56 71 4 892683275 +56 73 4 892677094 +56 77 3 892679333 +56 78 3 892910544 +56 79 4 892676303 +56 82 4 892676314 +56 87 4 892678508 +56 88 1 892683895 +56 89 4 892676314 +56 90 2 892677147 +56 91 4 892683275 +56 94 4 892910292 +56 95 4 892683274 +56 96 5 892676429 +56 97 3 892677186 +56 98 4 892679067 +56 111 2 892683877 +56 114 4 892683248 +56 117 5 892679439 +56 118 4 892679460 +56 121 5 892679480 +56 122 2 892911494 +56 143 3 892910182 +56 144 5 892910796 +56 151 4 892910207 +56 153 4 892911144 +56 154 2 892911144 +56 158 3 892911539 +56 161 4 892910890 +56 164 4 892910604 +56 167 3 892911494 +56 168 2 892679209 +56 169 4 892683248 +56 172 5 892737191 +56 173 4 892737191 +56 174 5 892737191 +56 176 5 892676377 +56 179 3 892678669 +56 181 5 892737154 +56 183 5 892676314 +56 184 4 892679088 +56 186 3 892676933 +56 189 4 892683248 +56 191 4 892678526 +56 194 5 892676908 +56 195 5 892676429 +56 196 2 892678628 +56 200 4 892679088 +56 201 4 892910604 +56 202 4 892676933 +56 204 5 892676908 +56 210 5 892676377 +56 215 5 892678547 +56 216 4 892676885 +56 219 5 892679144 +56 222 5 892679439 +56 225 2 892910292 +56 226 4 892679277 +56 227 3 892676430 +56 228 3 892676340 +56 229 3 892676340 +56 230 5 892676339 +56 231 3 892910931 +56 232 4 892676339 +56 233 1 892679308 +56 234 4 892679067 +56 235 1 892911348 +56 237 5 892679540 +56 238 5 892676885 +56 239 4 892676970 +56 258 4 892675999 +56 265 4 892676314 +56 280 4 892683913 +56 294 4 892676056 +56 298 4 892683695 +56 300 4 892675935 +56 323 3 892676028 +56 368 3 892911589 +56 372 3 892911290 +56 373 4 892910950 +56 376 3 892911420 +56 383 2 892910544 +56 385 4 892676429 +56 386 3 892911494 +56 391 3 892910950 +56 392 4 892678893 +56 395 3 892911625 +56 399 4 892910247 +56 402 5 892677186 +56 403 4 892678942 +56 408 4 892683248 +56 410 4 892911348 +56 421 4 892677186 +56 423 5 892737191 +56 426 4 892683303 +56 432 5 892737154 +56 433 4 892676970 +56 435 3 892676429 +56 441 4 892679163 +56 443 4 892679144 +56 447 4 892679067 +56 449 5 892679308 +56 450 3 892679374 +56 451 3 892676970 +56 473 2 892683323 +56 483 4 892682889 +56 501 3 892737210 +56 523 4 892676970 +56 546 3 892679460 +56 550 4 892910860 +56 554 4 892679356 +56 559 4 892910646 +56 568 4 892910797 +56 578 3 892910860 +56 585 3 892911366 +56 588 4 892683248 +56 596 4 892683275 +56 597 3 892679439 +56 623 3 892910268 +56 655 4 892676996 +56 678 4 892676056 +56 692 4 892676970 +56 715 1 892911247 +56 720 3 892910860 +56 728 3 892911420 +56 732 4 892677147 +56 735 2 892678913 +56 738 3 892683978 +56 746 4 892676885 +56 747 4 892677162 +56 755 3 892910207 +56 761 3 892679333 +56 769 4 892679389 +56 778 4 892678669 +56 781 4 892677147 +56 794 3 892683960 +56 797 4 892910860 +56 815 4 892683960 +56 820 3 892683303 +56 849 2 892910913 +56 862 3 892910292 +56 869 3 892683895 +56 930 3 892679481 +56 946 4 892737210 +56 969 3 892683303 +56 993 3 892683353 +56 1028 4 892911227 +56 1035 4 892910268 +56 1036 2 892910544 +56 1047 4 892911290 +56 1057 3 892683978 +56 1090 3 892683641 +56 1092 3 892911573 +57 7 4 883697105 +57 8 4 883698292 +57 11 3 883698454 +57 15 4 883697223 +57 24 3 883697459 +57 28 4 883698324 +57 42 5 883698324 +57 50 5 883697105 +57 56 3 883698646 +57 64 5 883698431 +57 79 5 883698495 +57 100 5 883698581 +57 105 3 883698009 +57 109 4 883697293 +57 111 4 883697679 +57 117 4 883697512 +57 125 3 883697223 +57 126 3 883697293 +57 151 3 883697585 +57 173 5 883698408 +57 181 5 883697352 +57 194 4 883698272 +57 195 3 883698431 +57 199 5 883698646 +57 204 4 883698272 +57 222 5 883698581 +57 225 3 883698039 +57 237 4 883697182 +57 240 2 883697512 +57 243 3 883696547 +57 245 4 883696709 +57 248 5 883697223 +57 249 5 883697704 +57 250 3 883697223 +57 252 2 883697807 +57 258 5 883698581 +57 264 2 883696672 +57 271 3 883696672 +57 281 4 883697404 +57 282 5 883697223 +57 284 3 883697158 +57 288 4 883696347 +57 294 4 883696547 +57 295 5 883698581 +57 298 3 883697293 +57 304 5 883698581 +57 318 5 883698580 +57 321 4 883696629 +57 323 3 883696709 +57 405 4 883697459 +57 409 4 883697655 +57 410 3 883697378 +57 411 4 883697679 +57 419 3 883698454 +57 456 3 883698083 +57 471 4 883697134 +57 472 1 883697253 +57 473 3 883697916 +57 475 2 883697223 +57 476 3 883697990 +57 477 4 883697655 +57 496 4 883698362 +57 546 4 883697482 +57 588 4 883698454 +57 597 3 883697378 +57 678 3 883696547 +57 682 3 883696824 +57 710 3 883698324 +57 744 5 883698581 +57 748 4 883696629 +57 756 3 883697730 +57 760 2 883697617 +57 763 5 883698581 +57 820 3 883698039 +57 825 1 883697761 +57 826 2 883697990 +57 831 1 883697785 +57 833 4 883697705 +57 844 2 883697134 +57 845 4 883697253 +57 864 3 883697512 +57 866 3 883697915 +57 871 3 883697536 +57 926 3 883697831 +57 930 2 883698039 +57 932 3 883697585 +57 975 3 883697990 +57 988 4 883696785 +57 1001 1 883698039 +57 1011 3 883697761 +57 1016 4 883697730 +57 1028 3 883697432 +57 1047 4 883697679 +57 1059 3 883697432 +57 1071 3 883698324 +57 1073 3 883698525 +57 1093 3 883697352 +57 1094 2 883697990 +57 1095 2 883698062 +57 1096 3 883697940 +58 1 5 884304483 +58 8 4 884304955 +58 9 4 884304328 +58 11 5 884305019 +58 12 5 884304895 +58 13 3 884304503 +58 20 1 884304538 +58 25 4 884304570 +58 32 5 884304812 +58 42 4 884304936 +58 45 5 884305295 +58 50 4 884304328 +58 61 5 884305271 +58 64 5 884305295 +58 69 1 884663351 +58 70 4 890321652 +58 89 3 884305220 +58 98 4 884304747 +58 100 5 884304553 +58 109 4 884304396 +58 111 4 884304638 +58 116 5 884304409 +58 120 2 892242765 +58 121 2 892242300 +58 123 4 884650140 +58 124 5 884304483 +58 127 4 884304503 +58 134 5 884304766 +58 135 4 884305150 +58 137 5 884304430 +58 144 4 884304936 +58 150 4 884304570 +58 151 3 884304553 +58 153 5 884304896 +58 156 5 884304955 +58 169 4 884304936 +58 171 5 884663379 +58 172 5 884305241 +58 173 5 884305353 +58 174 4 884305271 +58 175 5 884663324 +58 176 4 884304936 +58 181 3 884304447 +58 182 4 884304701 +58 185 2 884304896 +58 189 3 884304790 +58 193 3 884305220 +58 194 3 884304747 +58 195 4 884305123 +58 198 3 884305123 +58 199 4 891611501 +58 203 5 884305185 +58 204 4 884304701 +58 209 5 884305019 +58 210 4 884305042 +58 213 5 884663379 +58 214 2 884305296 +58 216 3 884305338 +58 222 4 884304656 +58 228 5 884305271 +58 237 4 884304396 +58 240 4 892242478 +58 246 5 884304592 +58 248 4 884794774 +58 249 4 892242272 +58 255 4 890321652 +58 257 5 884304430 +58 268 5 884304288 +58 269 4 884304267 +58 272 5 884647314 +58 275 5 884305220 +58 283 1 884304592 +58 284 4 884304519 +58 300 4 884388247 +58 310 4 884459024 +58 311 4 890770101 +58 313 5 884304267 +58 318 3 884305087 +58 340 4 884305708 +58 347 3 888638515 +58 367 5 892243053 +58 381 4 890321652 +58 405 2 892242047 +58 408 5 884304377 +58 425 5 884304979 +58 433 5 884305165 +58 462 4 884304865 +58 463 3 884305241 +58 474 4 884305087 +58 475 5 884304609 +58 480 3 884305220 +58 483 5 884305220 +58 490 4 884304896 +58 496 2 891611593 +58 497 2 884305123 +58 501 2 884305220 +58 511 5 884304979 +58 512 3 890770101 +58 514 5 884305321 +58 546 2 892242190 +58 558 5 884305165 +58 568 4 884304838 +58 603 5 884304812 +58 640 5 884304767 +58 645 5 884304838 +58 651 4 884305185 +58 652 5 884304728 +58 654 5 884304865 +58 655 5 884304865 +58 663 2 884304728 +58 684 4 884305271 +58 692 2 884305123 +58 709 5 884304812 +58 732 3 884305321 +58 741 2 892242159 +58 773 4 884304790 +58 813 5 884304430 +58 850 5 884305150 +58 923 5 884305062 +58 950 1 892242020 +58 955 4 884305062 +58 960 4 884305004 +58 1006 2 884304865 +58 1008 1 884304609 +58 1012 4 884304627 +58 1019 4 884305088 +58 1048 1 892242190 +58 1063 1 884304728 +58 1069 2 893027661 +58 1070 4 884304936 +58 1084 4 884304896 +58 1089 1 892242818 +58 1097 5 884504973 +58 1098 4 884304936 +58 1099 2 892243079 +58 1100 2 884304979 +58 1101 5 890421373 +58 1102 1 892242891 +58 1103 5 884305150 +58 1104 2 884305679 +58 1105 2 884794758 +58 1106 4 892068866 +59 1 2 888203053 +59 3 4 888203814 +59 7 4 888202941 +59 9 4 888203053 +59 10 4 888203234 +59 11 5 888205744 +59 12 5 888204260 +59 13 5 888203415 +59 14 5 888203234 +59 15 5 888203449 +59 18 4 888203313 +59 22 4 888204260 +59 23 5 888205300 +59 24 4 888203579 +59 25 4 888203270 +59 30 5 888205787 +59 32 4 888205228 +59 33 3 888205265 +59 39 4 888205033 +59 42 5 888204841 +59 44 4 888206048 +59 45 5 888204465 +59 47 5 888205574 +59 48 5 888204502 +59 50 5 888205087 +59 51 5 888206095 +59 52 4 888205615 +59 54 4 888205921 +59 55 5 888204553 +59 56 5 888204465 +59 58 4 888204389 +59 59 5 888204928 +59 60 5 888204965 +59 61 4 888204597 +59 64 5 888204309 +59 65 4 888205265 +59 68 2 888205228 +59 69 5 888205087 +59 70 3 888204758 +59 71 3 888205574 +59 77 4 888206254 +59 79 5 888204260 +59 82 5 888205660 +59 83 4 888204802 +59 87 4 888205228 +59 89 5 888204965 +59 92 5 888204997 +59 95 2 888204758 +59 96 5 888205659 +59 97 5 888205921 +59 98 5 888204349 +59 99 4 888205033 +59 100 5 888202899 +59 101 5 888206605 +59 102 2 888205956 +59 106 4 888203959 +59 109 4 888203175 +59 111 4 888203095 +59 118 5 888203234 +59 121 4 888203313 +59 123 3 888203343 +59 125 3 888203658 +59 126 5 888202899 +59 127 5 888204430 +59 131 4 888205410 +59 132 5 888205744 +59 133 3 888204349 +59 134 5 888204841 +59 135 5 888204758 +59 136 3 888205336 +59 137 5 888203234 +59 140 1 888206445 +59 141 4 888206605 +59 142 1 888206561 +59 147 5 888203270 +59 148 3 888203175 +59 149 4 888203313 +59 151 5 888203053 +59 161 3 888205855 +59 168 5 888204641 +59 169 4 888204757 +59 170 4 888204430 +59 172 5 888204552 +59 173 5 888205144 +59 174 5 888204553 +59 175 4 888205300 +59 176 5 888205574 +59 177 4 888204349 +59 179 5 888204996 +59 180 4 888204597 +59 181 5 888204877 +59 182 5 888204877 +59 183 5 888204802 +59 184 4 888206094 +59 185 5 888205228 +59 186 5 888205660 +59 187 5 888204349 +59 188 4 888205188 +59 190 5 888205033 +59 191 4 888204841 +59 193 4 888204465 +59 194 3 888204841 +59 195 5 888204757 +59 196 5 888205088 +59 197 5 888205462 +59 198 5 888204389 +59 199 4 888205410 +59 200 5 888205370 +59 201 4 888204260 +59 202 4 888205714 +59 203 4 888204260 +59 204 5 888205615 +59 205 3 888204260 +59 208 5 888205533 +59 209 5 888204965 +59 210 4 888204309 +59 211 5 888206048 +59 212 4 888205463 +59 215 5 888204430 +59 216 4 888205228 +59 218 5 888206409 +59 219 5 888206485 +59 220 2 888203175 +59 226 4 888206362 +59 227 3 888206015 +59 228 4 888205714 +59 229 3 888205921 +59 230 4 888205714 +59 232 3 888206485 +59 234 5 888204928 +59 235 1 888203658 +59 237 3 888203371 +59 238 5 888204553 +59 240 2 888203579 +59 241 4 888205574 +59 258 3 888202749 +59 265 4 888205410 +59 274 1 888203449 +59 276 5 888203095 +59 277 4 888203234 +59 284 2 888203449 +59 285 4 888202941 +59 286 3 888202532 +59 287 5 888203175 +59 288 5 888202787 +59 290 3 888203750 +59 313 5 888202532 +59 318 5 888204349 +59 321 4 888206764 +59 323 4 888206809 +59 357 5 888204349 +59 367 4 888204597 +59 369 2 888203959 +59 371 4 888206095 +59 381 5 888205659 +59 382 4 888205574 +59 385 4 888205659 +59 387 3 888206562 +59 393 2 888205714 +59 402 4 888206296 +59 403 5 888206605 +59 404 3 888205463 +59 405 3 888203578 +59 410 3 888203270 +59 416 3 888205660 +59 418 2 888205188 +59 419 2 888205228 +59 421 5 888206015 +59 423 5 888204465 +59 425 4 888204928 +59 427 5 888204309 +59 428 5 888205188 +59 429 4 888204597 +59 430 5 888205228 +59 431 4 888205534 +59 432 4 888204802 +59 433 5 888205982 +59 434 4 888205574 +59 435 5 888204553 +59 436 5 888206094 +59 443 5 888205370 +59 447 5 888206095 +59 448 4 888205787 +59 451 5 888206049 +59 458 4 888203128 +59 462 5 888205787 +59 465 2 888206363 +59 466 4 888204389 +59 468 3 888205855 +59 470 3 888205714 +59 472 3 888203482 +59 473 3 888203610 +59 474 5 888204430 +59 476 2 888203814 +59 477 3 888203415 +59 479 5 888205370 +59 480 5 888204802 +59 483 5 888204309 +59 484 4 888204502 +59 485 2 888204466 +59 488 3 888205956 +59 489 4 888205300 +59 490 4 888205614 +59 491 4 888206689 +59 492 4 888205370 +59 496 4 888205144 +59 498 5 888204927 +59 501 1 888205855 +59 503 4 888205855 +59 504 5 888205921 +59 506 5 888205787 +59 508 5 888203095 +59 510 4 888204502 +59 511 5 888204965 +59 513 4 888205144 +59 514 5 888204641 +59 515 4 888204430 +59 516 4 888204430 +59 519 4 888204965 +59 521 5 888204877 +59 523 4 888204389 +59 524 3 888206689 +59 525 3 888204758 +59 527 5 888204553 +59 528 4 888205300 +59 529 4 888205145 +59 547 3 888203482 +59 549 4 888205659 +59 550 5 888206605 +59 559 5 888206562 +59 562 4 888206094 +59 564 2 888206605 +59 566 4 888206485 +59 567 4 888206562 +59 568 5 888205229 +59 569 4 888206161 +59 570 4 888205745 +59 581 5 888206015 +59 582 4 888205300 +59 583 5 888205921 +59 584 4 888205145 +59 588 2 888204389 +59 591 4 888203270 +59 595 3 888203658 +59 597 2 888203610 +59 603 5 888204309 +59 604 3 888204927 +59 606 4 888204802 +59 609 2 888205855 +59 610 4 888205615 +59 611 3 888204309 +59 612 3 888206161 +59 615 4 888204553 +59 616 5 888206049 +59 618 4 888205956 +59 620 4 888203959 +59 622 4 888206015 +59 625 3 888206295 +59 633 3 888204641 +59 640 5 888206445 +59 642 5 888206254 +59 644 4 888205033 +59 647 5 888205336 +59 649 4 888205660 +59 650 5 888205534 +59 651 5 888204997 +59 654 4 888204309 +59 655 5 888204642 +59 657 4 888204597 +59 659 3 888204553 +59 660 4 888205534 +59 662 3 888206125 +59 663 4 888204928 +59 664 4 888205614 +59 670 4 888206485 +59 672 5 888206015 +59 673 5 888204802 +59 675 5 888205534 +59 679 4 888205714 +59 684 3 888204553 +59 687 1 888206764 +59 692 3 888205463 +59 699 4 888205370 +59 702 5 888205463 +59 705 4 888205087 +59 707 3 888205336 +59 708 4 888206410 +59 709 5 888204997 +59 710 3 888205463 +59 713 5 888203579 +59 715 5 888205921 +59 717 2 888203959 +59 724 5 888205265 +59 729 4 888205265 +59 732 3 888205370 +59 735 5 888205534 +59 736 5 888205145 +59 739 4 888206485 +59 741 4 888203175 +59 742 3 888203053 +59 746 5 888204642 +59 747 4 888205410 +59 755 4 888206254 +59 756 2 888203658 +59 760 2 888203659 +59 762 4 888203708 +59 764 4 888203709 +59 770 4 888205534 +59 774 2 888206562 +59 781 4 888206605 +59 789 4 888205087 +59 792 4 888206362 +59 823 5 888203749 +59 825 4 888203658 +59 845 5 888203579 +59 846 4 888203415 +59 855 4 888204502 +59 866 3 888203865 +59 871 2 888203865 +59 900 4 888202814 +59 919 4 888203018 +59 926 1 888203708 +59 928 4 888203449 +59 929 2 888203018 +59 931 2 888203610 +59 951 3 888206409 +59 959 4 888206095 +59 963 5 888204757 +59 972 4 888206125 +59 974 3 888203343 +59 975 4 888203610 +59 1005 5 888206363 +59 1009 4 888203095 +59 1021 4 888204996 +59 1028 1 888203900 +59 1047 2 888203371 +59 1048 4 888203270 +59 1050 2 888205188 +59 1065 5 888205188 +59 1074 4 888206409 +59 1093 5 888203578 +59 1101 5 888205265 +59 1107 4 888206254 +59 1108 3 888204877 +59 1109 3 888205088 +59 1110 4 888206363 +59 1111 5 888204758 +59 1112 3 888206161 +59 1113 4 888205855 +59 1115 3 888203128 +59 1116 3 888206562 +59 1117 4 888203313 +59 1118 2 888206048 +59 1119 4 888206094 +60 7 5 883326241 +60 8 3 883326370 +60 9 5 883326399 +60 12 4 883326463 +60 13 4 883327539 +60 21 3 883327923 +60 23 4 883326652 +60 28 5 883326155 +60 30 5 883325944 +60 47 4 883326399 +60 50 5 883326566 +60 56 4 883326919 +60 59 5 883326155 +60 60 5 883327734 +60 61 4 883326652 +60 64 4 883325994 +60 69 4 883326215 +60 70 4 883326838 +60 71 3 883327948 +60 73 4 883326995 +60 77 4 883327040 +60 79 4 883326620 +60 82 3 883327493 +60 88 4 883327684 +60 89 5 883326463 +60 95 4 883327799 +60 96 4 883326122 +60 97 3 883326215 +60 98 4 883326463 +60 121 4 883327664 +60 128 3 883326566 +60 131 4 883327441 +60 132 4 883325944 +60 133 4 883326893 +60 134 4 883326215 +60 136 4 883326057 +60 138 2 883327287 +60 143 3 883327441 +60 144 4 883325944 +60 151 5 883326995 +60 152 4 883328033 +60 153 3 883326733 +60 160 4 883326525 +60 161 4 883327265 +60 162 4 883327734 +60 163 4 883327566 +60 166 4 883326593 +60 168 5 883326837 +60 172 4 883326339 +60 173 4 883326498 +60 174 4 883326497 +60 175 5 883326919 +60 176 4 883326057 +60 178 5 883326399 +60 179 4 883326566 +60 180 4 883326028 +60 181 4 883326754 +60 183 5 883326399 +60 185 4 883326682 +60 186 4 883326566 +60 194 4 883326425 +60 195 4 883326086 +60 197 4 883326620 +60 199 5 883326339 +60 200 4 883326710 +60 204 4 883326086 +60 205 4 883326426 +60 207 3 883327342 +60 208 5 883326028 +60 209 5 883326593 +60 210 4 883326241 +60 211 4 883327493 +60 212 5 883327087 +60 215 4 883327566 +60 216 4 883327827 +60 218 4 883327538 +60 222 4 883327441 +60 225 3 883327976 +60 227 4 883326784 +60 229 4 883327472 +60 230 4 883327441 +60 234 4 883326463 +60 237 4 883327442 +60 265 5 883327591 +60 272 4 889286840 +60 275 4 883326682 +60 286 5 883325421 +60 327 4 883325508 +60 357 4 883326273 +60 366 4 883327368 +60 378 4 883327566 +60 385 4 883327799 +60 393 4 883327754 +60 403 3 883327087 +60 404 3 883327287 +60 405 4 883326958 +60 411 3 883327827 +60 416 4 883327639 +60 417 4 883327175 +60 418 3 883327342 +60 420 4 883327113 +60 427 5 883326620 +60 429 5 883326733 +60 430 5 883326122 +60 433 4 883327342 +60 434 5 883327368 +60 435 4 883326122 +60 443 4 883327847 +60 445 5 883326273 +60 474 5 883326028 +60 478 3 883326463 +60 479 5 883326301 +60 480 4 883326273 +60 482 4 883326958 +60 484 5 883326370 +60 485 4 883327222 +60 489 5 883326682 +60 490 4 883326958 +60 491 4 883326301 +60 492 5 883326525 +60 493 5 883325994 +60 494 4 883326399 +60 495 3 883327639 +60 496 4 883326682 +60 498 5 883326566 +60 499 3 883326682 +60 501 3 883327472 +60 502 4 883327394 +60 505 4 883326710 +60 506 5 883327441 +60 507 4 883326301 +60 508 4 883327368 +60 510 5 883327174 +60 511 4 883326301 +60 513 5 883325994 +60 514 4 883326300 +60 515 5 883326784 +60 517 4 883327265 +60 523 4 883326837 +60 524 4 883325994 +60 525 5 883325944 +60 528 4 883326086 +60 529 4 883326862 +60 546 4 883326837 +60 558 4 883326784 +60 582 4 883327664 +60 593 5 883326185 +60 602 4 883326958 +60 604 4 883327997 +60 605 3 883326893 +60 606 4 883327201 +60 608 5 883326028 +60 609 3 883327923 +60 613 4 883326497 +60 615 5 883326215 +60 616 3 883327087 +60 617 4 883326273 +60 618 3 883327113 +60 629 3 883327175 +60 633 4 883326995 +60 637 4 883327975 +60 638 5 883326057 +60 641 5 883326086 +60 650 4 883327201 +60 654 4 883326399 +60 656 4 883327018 +60 659 4 883326862 +60 660 4 883327243 +60 661 4 883326808 +60 665 4 883326893 +60 671 4 883327175 +60 673 4 883327711 +60 675 4 883326995 +60 684 4 883328033 +60 699 4 883327539 +60 705 4 883326710 +60 708 4 883326784 +60 729 4 883327975 +60 735 5 883327711 +60 736 5 883327923 +60 745 5 883327442 +60 751 2 883325421 +60 755 4 883327639 +60 799 4 883326995 +60 810 4 883327201 +60 835 4 883326893 +60 842 4 883327175 +60 1020 4 883327018 +60 1021 5 883326185 +60 1050 3 883327923 +60 1060 4 883326995 +60 1121 3 883326215 +60 1122 5 883326498 +60 1123 4 883327997 +60 1124 4 883326652 +60 1125 4 883326497 +60 1126 4 883327174 +61 243 2 892331237 +61 258 4 891206125 +61 269 3 891206125 +61 271 1 892302231 +61 294 2 891220884 +61 300 5 891206407 +61 304 4 891220884 +61 310 4 891206194 +61 323 3 891206450 +61 327 2 891206407 +61 328 5 891206371 +61 331 2 891206126 +61 333 3 891206232 +61 342 2 892302309 +61 347 5 892302120 +61 678 3 892302309 +61 690 2 891206407 +61 748 2 892302120 +61 751 3 891206274 +61 1127 4 891206274 +62 1 2 879372813 +62 3 3 879372325 +62 4 4 879374640 +62 8 5 879373820 +62 9 4 879372182 +62 12 4 879373613 +62 13 4 879372634 +62 14 4 879372851 +62 20 4 879372696 +62 21 3 879373460 +62 22 4 879373820 +62 24 4 879372633 +62 28 3 879375169 +62 33 1 879374785 +62 44 3 879374142 +62 47 4 879375537 +62 50 5 879372216 +62 53 2 879376270 +62 55 5 879373692 +62 56 5 879373711 +62 59 4 879373821 +62 62 3 879375781 +62 65 4 879374686 +62 68 1 879374969 +62 69 4 879374015 +62 70 3 879373960 +62 71 4 879374661 +62 72 3 879375762 +62 78 2 879376612 +62 81 4 879375323 +62 82 4 879375414 +62 83 5 879375000 +62 86 2 879374640 +62 89 5 879374640 +62 91 4 879375196 +62 96 4 879374835 +62 97 2 879373795 +62 98 4 879373543 +62 100 4 879372276 +62 111 3 879372670 +62 114 4 879373568 +62 118 2 879373007 +62 121 4 879372916 +62 125 4 879372347 +62 127 4 879372216 +62 128 2 879374866 +62 129 3 879372276 +62 132 5 879375022 +62 134 4 879373768 +62 135 4 879375080 +62 138 1 879376709 +62 144 3 879374785 +62 147 3 879372870 +62 153 4 879374686 +62 155 1 879376633 +62 157 3 879374686 +62 159 3 879375762 +62 162 4 879375843 +62 164 5 879374946 +62 167 2 879376727 +62 168 5 879373711 +62 170 3 879373848 +62 171 4 879373659 +62 172 5 879373794 +62 173 5 879374732 +62 174 4 879374916 +62 176 5 879373768 +62 179 4 879374969 +62 180 4 879373984 +62 181 4 879372418 +62 182 5 879375169 +62 183 4 879374893 +62 188 3 879373638 +62 190 5 879374686 +62 195 5 879373960 +62 196 4 879374015 +62 199 4 879373692 +62 204 3 879373737 +62 207 3 879375676 +62 209 4 879373849 +62 210 4 879374640 +62 213 4 879375323 +62 216 4 879375414 +62 217 2 879376387 +62 222 5 879372480 +62 225 3 879373287 +62 227 1 879375843 +62 228 3 879374607 +62 229 3 879375977 +62 230 2 879375738 +62 232 3 879375977 +62 235 4 879373007 +62 237 3 879372563 +62 238 5 879373568 +62 241 1 879375562 +62 245 2 879373232 +62 249 2 879372479 +62 250 5 879372455 +62 252 3 879373272 +62 257 2 879372434 +62 258 5 879371909 +62 270 2 879371909 +62 271 1 879371909 +62 273 4 879371980 +62 281 3 879373118 +62 283 4 879372598 +62 286 3 879372813 +62 288 2 879371909 +62 290 3 879373007 +62 294 1 879373215 +62 298 4 879372304 +62 302 3 879371909 +62 306 4 879371909 +62 318 5 879373659 +62 328 3 879371909 +62 357 4 879374706 +62 365 2 879376096 +62 380 5 879375626 +62 382 3 879375537 +62 387 2 879376115 +62 401 3 879376727 +62 402 3 879375883 +62 403 4 879375588 +62 405 3 879373118 +62 421 5 879375716 +62 423 3 879373692 +62 431 2 879374969 +62 433 5 879375588 +62 436 3 879375883 +62 443 3 879375080 +62 448 2 879375883 +62 451 3 879375716 +62 455 3 879372696 +62 462 2 879373737 +62 463 4 879374916 +62 464 4 879375196 +62 466 3 879374785 +62 472 2 879373152 +62 473 4 879373046 +62 474 4 879373613 +62 475 4 879371980 +62 483 4 879373768 +62 498 4 879373848 +62 508 4 879372277 +62 511 4 879373586 +62 512 4 879374894 +62 514 3 879374813 +62 521 5 879374706 +62 527 4 879373692 +62 541 3 879376535 +62 546 4 879373118 +62 554 1 879375562 +62 559 3 879375912 +62 568 3 879375080 +62 569 1 879376158 +62 582 4 879374753 +62 597 2 879373254 +62 605 3 879375364 +62 651 4 879373848 +62 652 4 879375364 +62 655 3 879375453 +62 660 4 879375537 +62 664 4 879376079 +62 665 2 879376483 +62 676 3 879372633 +62 685 2 879373175 +62 697 4 879375932 +62 699 4 879375022 +62 702 2 879376079 +62 704 2 879375477 +62 708 3 879375912 +62 710 3 879375453 +62 712 4 879376178 +62 715 2 879375912 +62 716 4 879375951 +62 723 2 879375738 +62 729 3 879375414 +62 739 2 879375454 +62 742 2 879372965 +62 744 3 879372304 +62 763 1 879372851 +62 774 1 879376483 +62 815 3 879375391 +62 827 2 879373421 +62 845 3 879372383 +62 856 4 879374866 +62 866 2 879373195 +62 875 4 879371909 +62 921 2 879375287 +62 949 4 879376210 +62 952 3 879372505 +62 955 4 879374072 +62 959 4 879375269 +62 1009 4 879372869 +62 1012 3 879372633 +62 1016 4 879373008 +62 1018 3 879375606 +62 1028 1 879373215 +62 1060 1 879373007 +62 1073 4 879374752 +62 1074 4 879376299 +62 1077 3 879374607 +62 1091 3 879376709 +62 1107 1 879376159 +62 1118 3 879375537 +62 1128 2 879372831 +62 1129 5 879372060 +62 1130 4 879376686 +62 1131 3 879375247 +62 1132 2 879373404 +62 1133 4 879376332 +62 1134 2 879372936 +62 1135 2 879376159 +62 1136 3 879375977 +63 1 3 875747368 +63 3 2 875748068 +63 6 3 875747439 +63 13 4 875747439 +63 14 4 875747401 +63 15 3 875747439 +63 20 3 875748004 +63 25 4 875747292 +63 50 4 875747292 +63 79 3 875748245 +63 100 5 875747319 +63 106 2 875748139 +63 108 2 875748164 +63 109 4 875747731 +63 111 3 875747896 +63 116 5 875747319 +63 126 3 875747556 +63 150 4 875747292 +63 222 3 875747635 +63 224 4 875747635 +63 225 2 875747439 +63 237 3 875747342 +63 242 3 875747190 +63 246 3 875747514 +63 250 5 875747789 +63 251 4 875747514 +63 255 4 875747556 +63 258 3 875746809 +63 259 3 875747047 +63 262 4 875746917 +63 268 3 875746809 +63 269 3 875746948 +63 276 4 875747265 +63 277 4 875747401 +63 282 1 875747657 +63 284 3 875747581 +63 286 4 875746809 +63 287 3 875747829 +63 288 3 875746948 +63 289 2 875746985 +63 300 4 875748326 +63 301 5 875747010 +63 302 3 875746809 +63 306 3 875746948 +63 321 3 875746917 +63 323 1 875746986 +63 325 2 875747047 +63 328 2 875746985 +63 333 4 875746917 +63 405 4 875748109 +63 408 4 875747242 +63 412 3 875748109 +63 473 2 875747635 +63 475 4 875747319 +63 480 3 875748245 +63 508 4 875747752 +63 546 2 875747789 +63 591 3 875747581 +63 596 2 875747470 +63 676 3 875747470 +63 678 2 875747047 +63 713 3 875747556 +63 741 3 875747854 +63 748 4 875747010 +63 762 3 875747688 +63 813 5 875747265 +63 828 1 875747936 +63 841 1 875747917 +63 924 3 875748164 +63 929 3 875747955 +63 948 3 875746948 +63 952 3 875747896 +63 979 3 875748068 +63 1007 5 875747368 +63 1008 3 875748004 +63 1009 4 875747731 +63 1010 3 875747829 +63 1011 1 875747731 +63 1012 3 875747854 +63 1028 3 875748198 +63 1067 3 875747514 +63 1137 5 875747556 +63 1138 2 875747789 +64 1 4 879366214 +64 2 3 889737609 +64 4 3 889739138 +64 7 4 889737542 +64 8 4 889737968 +64 9 4 889738085 +64 11 4 889737376 +64 12 5 889738085 +64 17 3 889739733 +64 22 4 889737376 +64 28 4 889737851 +64 31 4 889739318 +64 32 1 889739346 +64 38 3 889740415 +64 48 5 879365619 +64 50 5 889737914 +64 52 3 889739625 +64 56 5 889737542 +64 58 3 889739625 +64 62 2 889740654 +64 64 4 889737454 +64 69 4 889739091 +64 70 5 889739158 +64 71 3 879365670 +64 72 4 889740056 +64 77 3 889737420 +64 79 4 889737943 +64 81 4 889739460 +64 82 3 889740199 +64 83 3 889737654 +64 87 4 889737851 +64 89 3 889737376 +64 91 4 889739733 +64 93 2 889739025 +64 95 4 889737691 +64 96 4 889737748 +64 97 3 889738085 +64 98 4 889737654 +64 100 4 879365558 +64 101 2 889740225 +64 111 4 889739975 +64 121 2 889739678 +64 125 2 889739678 +64 127 5 879366214 +64 132 4 889737851 +64 135 4 889737889 +64 141 4 889739517 +64 143 4 889739051 +64 144 3 889737771 +64 151 3 879366214 +64 153 3 889739243 +64 154 4 889737943 +64 156 4 889737506 +64 157 4 879365491 +64 160 4 889739288 +64 161 3 889739779 +64 162 3 889739262 +64 168 5 889739243 +64 173 5 889737454 +64 174 5 889737478 +64 175 5 889739415 +64 176 4 889737567 +64 179 5 889739460 +64 181 4 889737420 +64 182 4 889738030 +64 183 5 889737914 +64 185 4 889739517 +64 186 4 889737691 +64 187 5 889737395 +64 188 4 889739586 +64 190 4 889737851 +64 191 4 889740740 +64 194 5 889737710 +64 195 5 889737914 +64 196 4 889737992 +64 199 4 889737654 +64 202 4 889738993 +64 203 4 889737851 +64 209 5 889737654 +64 210 3 889737654 +64 211 4 889739318 +64 212 3 889740011 +64 214 3 889737478 +64 215 5 889737914 +64 216 4 889740718 +64 217 2 889737568 +64 218 1 889739517 +64 222 4 889739733 +64 227 3 889740880 +64 228 4 889739438 +64 229 4 889739490 +64 230 5 889739994 +64 231 3 889740880 +64 232 2 889740154 +64 234 4 889737800 +64 235 4 889740567 +64 237 4 889740310 +64 238 4 889739025 +64 239 3 889740033 +64 240 1 889740462 +64 258 3 879365313 +64 265 4 879365491 +64 269 5 879365313 +64 271 3 889737047 +64 273 2 889739381 +64 275 4 879365670 +64 284 4 889740056 +64 288 4 879365313 +64 300 3 879365314 +64 310 4 889737047 +64 311 2 889737269 +64 313 4 889736971 +64 318 4 889737593 +64 326 3 879365313 +64 333 3 879365313 +64 340 4 879365313 +64 367 4 889739678 +64 381 4 879365491 +64 384 2 889740367 +64 385 4 879365558 +64 392 3 889737542 +64 403 4 889739953 +64 405 3 889739288 +64 419 2 889740310 +64 420 3 889739678 +64 423 4 889739569 +64 425 4 889739051 +64 429 4 889737800 +64 431 4 889737376 +64 433 2 889740286 +64 434 4 889739052 +64 436 5 889739625 +64 447 4 889739319 +64 451 2 889739490 +64 463 4 889739212 +64 475 5 889738993 +64 476 1 889740286 +64 480 3 879365619 +64 509 3 889737478 +64 511 4 889739779 +64 515 5 889737478 +64 516 5 889737376 +64 520 5 889737851 +64 527 4 879365590 +64 531 3 889740718 +64 539 1 889737126 +64 546 3 889739883 +64 559 3 889740310 +64 566 3 889738085 +64 568 4 889737506 +64 569 3 889740602 +64 582 4 889739834 +64 588 4 889739091 +64 591 4 889740394 +64 603 3 889737506 +64 625 3 889740286 +64 633 5 889739243 +64 636 4 889740286 +64 650 3 889740225 +64 652 2 879365590 +64 655 4 889739243 +64 662 4 889739319 +64 663 3 889737505 +64 679 3 889740033 +64 684 4 889740199 +64 705 5 879365558 +64 718 4 889739243 +64 731 3 889739648 +64 736 4 889739212 +64 746 5 889739138 +64 748 1 879365314 +64 751 2 889737047 +64 768 2 889739954 +64 778 5 889739806 +64 847 3 879365558 +64 879 3 879365313 +64 898 2 889737106 +64 959 4 889739903 +64 969 3 889737889 +64 1063 3 889739539 +64 1065 1 889737968 +64 1133 4 889739975 +64 1139 1 889740260 +64 1140 1 889740676 +64 1141 5 889739834 +65 1 3 879217290 +65 7 1 879217290 +65 15 5 879217138 +65 25 4 879217406 +65 28 4 879216734 +65 47 2 879216672 +65 48 5 879217689 +65 50 5 879217689 +65 56 3 879217816 +65 63 2 879217913 +65 64 5 879216529 +65 65 3 879216672 +65 69 3 879216479 +65 70 1 879216529 +65 73 4 879217998 +65 87 5 879217689 +65 88 4 879217942 +65 97 5 879216605 +65 98 4 879218418 +65 100 3 879217558 +65 111 4 879217375 +65 121 4 879217458 +65 125 4 879217509 +65 135 4 879216567 +65 168 4 879217851 +65 173 3 879217851 +65 179 3 879216605 +65 185 4 879218449 +65 191 4 879216797 +65 196 5 879216637 +65 197 5 879216769 +65 202 4 879217852 +65 210 4 879217913 +65 211 4 879217852 +65 215 5 879217689 +65 216 4 879217912 +65 238 3 879218449 +65 239 5 879217689 +65 255 3 879217406 +65 258 3 879216131 +65 294 4 879217320 +65 318 5 879217689 +65 328 4 879216131 +65 356 5 879216825 +65 365 3 879216672 +65 378 5 879217032 +65 393 4 879217881 +65 402 4 879216949 +65 423 5 879216702 +65 427 5 879216734 +65 429 4 879216605 +65 435 4 879218025 +65 476 3 879217290 +65 511 4 879216567 +65 514 4 879217998 +65 526 4 879216734 +65 531 4 879218328 +65 582 3 879216702 +65 651 4 879216371 +65 655 4 879216769 +65 660 5 879216880 +65 661 4 879216605 +65 676 5 879217689 +65 735 4 879216769 +65 736 4 879216949 +65 778 4 879216949 +65 806 4 879216529 +65 956 4 879216797 +65 1041 3 879217942 +65 1044 3 879217002 +65 1129 4 879217258 +65 1142 4 879217349 +66 1 3 883601324 +66 7 3 883601355 +66 15 3 883601456 +66 21 1 883601939 +66 24 3 883601582 +66 50 5 883601236 +66 117 3 883601787 +66 121 3 883601834 +66 127 4 883601156 +66 181 5 883601425 +66 237 4 883601355 +66 248 4 883601426 +66 249 4 883602158 +66 258 4 883601089 +66 280 4 883602044 +66 281 4 883602044 +66 282 3 883601266 +66 284 3 883601812 +66 286 1 883601089 +66 288 4 883601607 +66 294 4 883601089 +66 295 3 883601456 +66 298 4 883601324 +66 405 3 883601990 +66 471 5 883601296 +66 475 2 883601156 +66 508 4 883601387 +66 535 4 883602044 +66 597 3 883601456 +66 741 4 883601664 +66 742 5 883601388 +66 763 4 883602094 +66 825 3 883602268 +66 877 1 883601089 +67 1 3 875379445 +67 7 5 875379794 +67 24 4 875379729 +67 25 4 875379420 +67 64 5 875379211 +67 105 4 875379683 +67 121 4 875379683 +67 122 3 875379566 +67 123 4 875379322 +67 125 4 875379643 +67 147 3 875379357 +67 151 4 875379619 +67 235 3 875379643 +67 240 5 875379566 +67 276 4 875379515 +67 405 5 875379794 +67 412 1 875379540 +67 472 4 875379706 +67 546 3 875379288 +67 743 4 875379445 +67 756 3 875379566 +67 827 3 875379322 +67 833 4 875379794 +67 871 3 875379594 +67 1052 3 875379419 +67 1093 5 875379419 +67 1095 4 875379287 +68 7 3 876974096 +68 9 4 876974073 +68 25 4 876974176 +68 50 5 876973969 +68 111 3 876974276 +68 117 4 876973939 +68 118 2 876974248 +68 121 1 876974176 +68 125 1 876974096 +68 127 4 876973969 +68 178 5 876974755 +68 181 5 876973884 +68 237 5 876974133 +68 245 3 876973777 +68 258 5 876973692 +68 275 5 876973969 +68 276 5 876973884 +68 282 1 876974315 +68 286 5 876973692 +68 288 4 876973726 +68 405 3 876974518 +68 409 3 876974677 +68 411 1 876974596 +68 458 1 876974048 +68 471 3 876974023 +68 475 5 876973917 +68 596 2 876974023 +68 713 2 876974073 +68 742 1 876974198 +68 763 1 876973917 +68 1028 4 876974430 +68 1047 1 876974379 +68 1089 1 876974484 +69 7 5 882126086 +69 9 4 882126086 +69 12 5 882145567 +69 42 5 882145548 +69 48 5 882145428 +69 50 5 882072748 +69 56 5 882145428 +69 79 4 882145524 +69 98 5 882145375 +69 100 5 882072892 +69 109 3 882145428 +69 117 4 882072748 +69 123 4 882126125 +69 124 4 882072869 +69 129 3 882072778 +69 147 3 882072920 +69 150 5 882072920 +69 151 5 882072998 +69 172 5 882145548 +69 174 5 882145548 +69 175 3 882145586 +69 181 5 882072778 +69 182 4 882145400 +69 197 5 882145548 +69 234 5 882145505 +69 235 3 882126048 +69 236 4 882072827 +69 237 3 882072920 +69 240 3 882126156 +69 245 1 882027284 +69 246 5 882072827 +69 256 5 882126156 +69 258 4 882027204 +69 265 4 882145400 +69 268 5 882027109 +69 273 3 882072803 +69 282 3 882126048 +69 288 5 882027173 +69 289 4 882027133 +69 294 2 882027233 +69 298 4 882072998 +69 300 3 882027204 +69 302 4 882027109 +69 307 2 882027204 +69 321 4 882027133 +69 333 3 882027204 +69 334 3 882125962 +69 427 3 882145465 +69 475 3 882072869 +69 508 4 882072920 +69 591 3 882072803 +69 689 3 882027284 +69 742 3 882072956 +69 748 2 882027304 +69 763 3 882126156 +69 879 1 882027284 +69 886 4 882027284 +69 1016 3 882072956 +69 1017 5 882126156 +69 1134 5 882072998 +69 1142 4 882072956 +69 1143 5 882072998 +69 1144 5 882126156 +70 8 4 884064986 +70 15 3 884148728 +70 24 4 884064743 +70 28 4 884065757 +70 48 4 884064574 +70 50 4 884064188 +70 63 3 884151168 +70 69 4 884065733 +70 71 3 884066399 +70 79 4 884149453 +70 82 4 884068075 +70 83 4 884065895 +70 88 4 884067394 +70 89 4 884150202 +70 91 3 884068138 +70 95 4 884065501 +70 96 4 884066910 +70 99 4 884067222 +70 101 3 884150753 +70 109 3 884066514 +70 121 3 884148728 +70 128 4 884067339 +70 132 4 884067281 +70 135 4 884065387 +70 139 3 884150656 +70 142 3 884150884 +70 143 5 884149431 +70 150 3 884065247 +70 151 3 884148603 +70 152 4 884149877 +70 161 3 884067638 +70 168 4 884065423 +70 169 4 884149688 +70 173 4 884149452 +70 174 5 884065782 +70 175 3 884150422 +70 176 4 884066573 +70 181 4 884064416 +70 183 4 884149894 +70 185 4 884149753 +70 186 4 884065703 +70 189 4 884150202 +70 191 3 884149340 +70 193 4 884149646 +70 197 4 884149469 +70 202 4 884066713 +70 204 3 884066399 +70 206 3 884067026 +70 208 4 884149431 +70 210 4 884065854 +70 211 3 884149646 +70 214 3 884067842 +70 217 4 884151119 +70 222 4 884064269 +70 225 3 884148916 +70 228 5 884064269 +70 229 3 884064269 +70 230 4 884064269 +70 231 3 884064862 +70 257 4 884063946 +70 260 2 884065247 +70 264 4 884063668 +70 265 4 884067503 +70 289 3 884066399 +70 298 5 884064134 +70 300 4 884063569 +70 313 4 884063469 +70 338 2 884065248 +70 343 4 884066910 +70 383 2 884151700 +70 393 4 884068497 +70 398 2 884067339 +70 399 4 884068521 +70 403 4 884064862 +70 404 4 884149622 +70 405 3 884149117 +70 408 4 884152129 +70 411 3 884066399 +70 417 3 884066823 +70 419 5 884065035 +70 423 5 884066910 +70 429 3 884150369 +70 431 3 884150257 +70 432 3 884067175 +70 450 1 884064269 +70 451 4 884065678 +70 472 3 884148885 +70 473 3 884066399 +70 482 4 884068704 +70 483 5 884064444 +70 496 4 884064545 +70 501 4 884067201 +70 507 4 884066886 +70 511 5 884067855 +70 527 4 884149852 +70 538 2 884066399 +70 542 2 884065248 +70 546 2 884066211 +70 554 3 884068277 +70 559 3 884066399 +70 568 3 884149722 +70 576 2 884065248 +70 584 3 884150236 +70 588 5 884065528 +70 596 3 884148728 +70 597 3 884148999 +70 625 3 884151316 +70 655 4 884150153 +70 678 3 884063627 +70 684 3 884149646 +70 746 3 884150257 +70 751 4 884063601 +70 755 3 884150865 +70 762 3 884066399 +70 820 1 884152379 +70 1035 3 884066399 +70 1065 4 884149603 +70 1133 3 884151344 +70 1145 3 884151622 +70 1146 3 884151576 +71 14 5 877319375 +71 50 3 885016784 +71 52 4 877319567 +71 56 5 885016930 +71 64 4 885016536 +71 65 5 885016961 +71 89 5 880864462 +71 134 3 885016614 +71 135 4 885016536 +71 151 1 877319446 +71 153 4 885016495 +71 154 3 877319610 +71 168 5 885016641 +71 174 2 877319610 +71 175 4 885016882 +71 177 2 885016961 +71 181 3 877319414 +71 197 5 885016990 +71 222 3 877319375 +71 248 3 877319446 +71 257 5 877319414 +71 276 4 877319375 +71 282 3 885016990 +71 285 3 877319414 +71 286 4 877319080 +71 289 2 877319117 +71 302 3 880864015 +71 346 4 885016248 +71 357 5 885016495 +71 429 4 877319610 +71 462 5 877319567 +71 475 5 877319330 +71 514 4 877319567 +71 744 4 877319294 +71 923 5 885016882 +72 1 4 880035614 +72 2 3 880037376 +72 5 4 880037418 +72 7 1 880036347 +72 9 5 880035636 +72 12 5 880036664 +72 15 5 880035708 +72 25 5 880035588 +72 28 4 880036824 +72 38 3 880037307 +72 45 5 880037853 +72 48 4 880036718 +72 50 2 880037119 +72 51 4 880036946 +72 54 3 880036854 +72 56 5 880037702 +72 58 4 880036638 +72 64 5 880036549 +72 68 3 880037242 +72 69 4 880036579 +72 70 4 880036691 +72 77 4 880036945 +72 79 4 880037119 +72 82 3 880037242 +72 87 4 880036638 +72 89 3 880037164 +72 96 5 880037203 +72 97 4 880036638 +72 98 5 880037417 +72 100 5 880035680 +72 117 4 880035588 +72 118 3 880036346 +72 121 3 880036048 +72 124 4 880035636 +72 127 5 880037702 +72 129 4 880035588 +72 134 5 880037793 +72 135 4 880037054 +72 147 5 880037702 +72 161 5 880037703 +72 170 3 880037793 +72 172 1 880037119 +72 174 5 880037702 +72 176 2 880037203 +72 177 4 880037204 +72 180 4 880036579 +72 181 1 880037203 +72 182 5 880036515 +72 187 4 880036638 +72 188 4 880037203 +72 191 5 880036515 +72 194 4 880037793 +72 195 5 880037702 +72 196 4 880036747 +72 198 5 880037881 +72 203 3 880037462 +72 204 4 880037853 +72 210 4 880037242 +72 212 5 880036946 +72 215 4 880036718 +72 220 3 880035786 +72 222 1 880036346 +72 226 4 880037307 +72 228 1 880037204 +72 229 1 880037307 +72 230 1 880037277 +72 233 4 880037242 +72 234 4 880037418 +72 241 4 880037242 +72 265 4 880037164 +72 318 5 880037702 +72 356 4 880036911 +72 357 4 880036550 +72 380 1 880036854 +72 382 4 880036691 +72 402 4 880036824 +72 405 3 880036346 +72 423 5 880036550 +72 427 5 880037702 +72 435 5 880037242 +72 443 3 880037418 +72 461 3 880036824 +72 466 4 880037461 +72 471 4 880035588 +72 476 4 880036048 +72 479 4 880037881 +72 480 5 880037768 +72 484 4 880037853 +72 493 5 880037768 +72 504 4 880037461 +72 509 4 880036638 +72 515 4 880036602 +72 518 4 880036824 +72 520 5 880036515 +72 521 4 880036718 +72 525 4 880037436 +72 526 4 880037164 +72 527 4 880036746 +72 528 4 880036664 +72 530 4 880037164 +72 550 4 880037334 +72 553 5 880036638 +72 566 4 880037277 +72 568 4 880037203 +72 581 4 880036996 +72 582 4 880036783 +72 591 5 880035708 +72 603 4 880037417 +72 628 4 880035857 +72 642 4 880037479 +72 644 4 880036602 +72 647 1 880036550 +72 654 4 880037461 +72 655 5 880037702 +72 664 3 880037020 +72 679 2 880037164 +72 684 4 880037203 +72 685 4 880035588 +72 699 3 880036783 +72 708 4 880036691 +72 792 3 880036718 +72 866 4 880035887 +72 972 4 880036911 +72 1051 4 880035958 +72 1110 3 880037334 +72 1147 5 880036783 +72 1148 4 880036911 +73 1 2 888626065 +73 7 4 888625956 +73 12 5 888624976 +73 28 3 888626468 +73 32 4 888626220 +73 48 2 888625785 +73 56 4 888626041 +73 59 5 888625980 +73 64 5 888625042 +73 81 5 888626415 +73 82 2 888625754 +73 89 5 888625685 +73 94 1 888625754 +73 100 4 888626120 +73 127 5 888625200 +73 135 5 888626371 +73 152 3 888626496 +73 153 3 888626007 +73 154 5 888625343 +73 156 4 888625835 +73 171 5 888626199 +73 173 5 888625292 +73 175 5 888625785 +73 179 5 888626041 +73 180 4 888626577 +73 187 5 888625934 +73 196 4 888626177 +73 197 5 888625934 +73 202 2 888626577 +73 206 3 888625754 +73 213 4 888625753 +73 255 2 888792938 +73 268 3 888625754 +73 269 4 888792172 +73 271 2 888792294 +73 272 4 888792247 +73 286 4 888792192 +73 288 3 888792294 +73 289 2 888792410 +73 318 4 888625934 +73 357 5 888626007 +73 382 4 888626496 +73 433 4 888626437 +73 474 5 888625200 +73 475 4 888625753 +73 479 5 888625127 +73 480 4 888625753 +73 507 3 888625857 +73 518 5 888625835 +73 588 2 888625754 +73 650 3 888626152 +73 657 5 888625422 +73 660 4 888625754 +73 683 2 888792535 +73 748 2 888792247 +73 894 1 888625592 +73 923 3 888793388 +73 1073 4 888625753 +73 1149 4 888626299 +74 7 4 888333458 +74 9 4 888333458 +74 13 4 888333542 +74 15 4 888333542 +74 100 4 888333428 +74 121 4 888333428 +74 124 3 888333542 +74 126 3 888333428 +74 129 3 888333458 +74 137 3 888333458 +74 150 3 888333458 +74 237 4 888333428 +74 245 3 888333280 +74 258 4 888333194 +74 268 3 888333195 +74 272 5 888333194 +74 276 4 888333458 +74 285 3 888333428 +74 288 3 888333280 +74 294 4 888333311 +74 301 3 888333372 +74 302 4 888333219 +74 307 4 888333329 +74 313 5 888333219 +74 315 5 888333194 +74 324 3 888333280 +74 326 4 888333329 +74 328 4 888333280 +74 333 4 888333238 +74 340 5 888333194 +74 351 3 888333352 +74 354 3 888333194 +74 508 4 888333542 +74 539 3 888333255 +74 690 4 888333352 +74 1084 3 888333542 +75 1 4 884050018 +75 13 5 884050102 +75 25 5 884049875 +75 56 5 884051921 +75 79 5 884051893 +75 100 5 884049875 +75 108 4 884050661 +75 111 4 884050502 +75 114 4 884051893 +75 117 4 884050164 +75 118 3 884050760 +75 121 4 884050450 +75 123 3 884050164 +75 125 3 884050164 +75 137 4 884050102 +75 147 3 884050134 +75 151 5 884050502 +75 190 5 884051948 +75 196 4 884051948 +75 220 1 884050705 +75 225 2 884050940 +75 235 4 884050502 +75 237 2 884050309 +75 240 1 884050661 +75 271 5 884051635 +75 273 5 884050018 +75 284 2 884050393 +75 289 1 884049789 +75 290 4 884050451 +75 291 1 884050502 +75 294 3 884049758 +75 301 4 884051510 +75 304 2 884051610 +75 322 1 884049789 +75 323 2 884049789 +75 405 4 884050164 +75 408 4 884050046 +75 409 3 884050829 +75 410 5 884050661 +75 411 5 884050760 +75 413 2 884050979 +75 427 4 884051921 +75 460 5 884050829 +75 472 4 884050733 +75 475 5 884049939 +75 476 1 884050393 +75 477 4 884050102 +75 496 5 884051921 +75 508 4 884050102 +75 546 3 884050422 +75 597 3 884050940 +75 678 3 884049758 +75 685 4 884050134 +75 696 4 884050979 +75 742 1 884050590 +75 756 2 884050309 +75 820 3 884050979 +75 824 1 884051056 +75 825 1 884050393 +75 831 3 884051056 +75 833 2 884051113 +75 845 3 884050194 +75 926 3 884050393 +75 952 5 884050393 +75 988 2 884049820 +75 1001 1 884050531 +75 1017 5 884050502 +75 1028 4 884050590 +75 1047 3 884050979 +75 1048 4 884050705 +75 1059 1 884050760 +75 1150 4 884050705 +75 1151 2 884050829 +75 1152 1 884050502 +76 6 5 875028165 +76 7 4 875312133 +76 12 3 882606060 +76 23 5 875027355 +76 42 3 882606243 +76 56 5 875027739 +76 59 4 875027981 +76 60 4 875028007 +76 61 4 875028123 +76 64 5 875498777 +76 70 4 875027981 +76 77 2 882607017 +76 89 4 875027507 +76 92 4 882606108 +76 93 4 882606572 +76 98 5 875028391 +76 100 5 875028391 +76 121 2 882607017 +76 129 3 878101114 +76 135 5 875028792 +76 137 5 875498777 +76 150 5 875028880 +76 156 3 882606108 +76 172 5 882606080 +76 175 4 875028853 +76 182 4 882606392 +76 192 5 875027442 +76 197 5 875028563 +76 200 5 882606216 +76 203 4 875027507 +76 216 4 875028624 +76 223 2 882606623 +76 258 3 875027206 +76 264 3 875027292 +76 270 3 879117602 +76 276 5 875027601 +76 286 5 875027206 +76 288 2 878101114 +76 318 3 882606166 +76 324 4 875027206 +76 325 2 878101114 +76 327 3 875027271 +76 333 3 879575966 +76 343 3 882129361 +76 358 2 878101114 +76 385 2 882607017 +76 421 3 875028682 +76 474 5 875498278 +76 513 5 882606305 +76 514 4 882129456 +76 517 5 882129432 +76 518 3 875498895 +76 531 4 875028007 +76 547 2 882607017 +76 582 3 882607444 +76 603 3 882606147 +76 628 2 882606768 +76 690 2 882607017 +76 769 1 882607018 +76 772 3 875498117 +76 811 4 882606323 +76 955 4 882606789 +76 960 3 875028143 +76 1006 3 875027907 +76 1007 4 875312109 +76 1019 3 879576256 +76 1048 2 882607017 +76 1071 3 882606017 +76 1129 5 875028075 +76 1153 2 882607017 +76 1154 5 878100710 +76 1155 2 882607017 +76 1156 3 879576233 +76 1157 1 882607018 +76 1158 4 875028190 +77 1 5 884732808 +77 4 3 884752721 +77 15 2 884732873 +77 23 4 884753173 +77 25 2 884733055 +77 28 5 884753061 +77 31 3 884753292 +77 50 4 884732345 +77 52 5 884753203 +77 56 4 884752900 +77 69 3 884752997 +77 89 5 884733839 +77 91 3 884752924 +77 96 3 884752562 +77 97 2 884753292 +77 100 3 884732716 +77 121 2 884733261 +77 125 3 884733014 +77 127 2 884732927 +77 132 3 884753028 +77 133 2 884752997 +77 144 3 884752853 +77 153 5 884732685 +77 154 5 884733922 +77 156 4 884733621 +77 168 4 884752721 +77 172 3 884752562 +77 173 5 884752689 +77 174 5 884733587 +77 175 4 884733655 +77 176 4 884752757 +77 179 5 884752806 +77 181 3 884732278 +77 192 3 884752900 +77 195 5 884733695 +77 199 5 884733988 +77 201 4 884752785 +77 209 4 884752562 +77 210 3 884753028 +77 215 2 884752757 +77 238 5 884733965 +77 246 5 884732808 +77 250 3 884732873 +77 252 1 884733379 +77 265 3 884753152 +77 268 5 884733857 +77 276 2 884732991 +77 357 3 884752970 +77 405 3 884733422 +77 431 5 884733695 +77 455 3 884732873 +77 474 5 884732407 +77 483 4 884752665 +77 484 5 884733766 +77 498 5 884734016 +77 511 2 884753152 +77 518 4 884753202 +77 519 5 884752874 +77 523 5 884752582 +77 527 4 884752853 +77 641 5 884733621 +77 778 2 884753203 +77 833 1 884733284 +77 1028 1 884733400 +78 25 3 879633785 +78 93 4 879633766 +78 237 5 879634264 +78 255 4 879633745 +78 257 4 879633721 +78 269 3 879633467 +78 288 4 879633467 +78 289 4 879633567 +78 294 3 879633495 +78 298 3 879633702 +78 301 5 879633467 +78 323 1 879633567 +78 327 1 879633495 +78 412 4 879634223 +78 476 3 879633767 +78 813 2 879633745 +78 871 3 879634199 +78 880 5 879633600 +78 1047 1 879634199 +78 1160 5 879634134 +79 1 4 891271870 +79 6 4 891271901 +79 7 5 891272016 +79 10 5 891271901 +79 13 3 891271676 +79 19 5 891271792 +79 50 4 891271545 +79 93 2 891271676 +79 100 5 891271652 +79 116 5 891271676 +79 124 5 891271870 +79 137 4 891271870 +79 150 3 891271652 +79 222 4 891271957 +79 246 5 891271545 +79 251 5 891271545 +79 257 3 891271545 +79 258 5 891271308 +79 262 5 891271203 +79 268 5 891271792 +79 269 5 891271792 +79 275 4 891271627 +79 276 3 891271957 +79 283 4 891271627 +79 286 5 891271792 +79 288 3 891272015 +79 290 3 891271741 +79 301 3 891271308 +79 303 4 891271203 +79 306 5 891271792 +79 311 4 891271278 +79 313 2 891271086 +79 319 4 891271278 +79 325 5 891271792 +79 333 2 891271086 +79 340 4 891271180 +79 370 2 891272016 +79 508 3 891271676 +79 515 5 891271792 +79 582 5 891271806 +79 676 3 891271957 +79 690 4 891271308 +79 740 4 891271870 +79 813 5 891271792 +79 900 4 891271245 +79 902 3 891271086 +79 906 5 891271792 +79 937 2 891271180 +79 1008 4 891271982 +79 1017 3 891271697 +79 1022 5 891271792 +79 1161 2 891271697 +80 45 4 887401585 +80 50 3 887401533 +80 58 4 887401677 +80 79 4 887401407 +80 86 5 887401496 +80 87 4 887401307 +80 100 5 887401453 +80 154 3 887401307 +80 194 3 887401763 +80 199 2 887401353 +80 205 5 887401533 +80 208 5 887401604 +80 213 3 887401407 +80 215 5 887401353 +80 234 3 887401533 +80 237 4 887401732 +80 260 1 883605215 +80 269 3 883605009 +80 303 4 883605055 +80 423 3 887401643 +80 466 5 887401701 +80 483 5 887401328 +80 514 3 887401533 +80 531 4 887401430 +80 582 3 887401701 +80 699 3 887401533 +80 886 4 883605238 +81 1 4 876534949 +81 3 4 876592546 +81 7 4 876533545 +81 25 5 876533946 +81 42 4 876534704 +81 93 3 876533657 +81 98 5 876534854 +81 100 3 876533545 +81 111 3 876534174 +81 116 3 876533504 +81 118 2 876533764 +81 121 4 876533586 +81 124 3 876534594 +81 147 4 876533389 +81 150 3 876533619 +81 151 2 876533946 +81 169 4 876534751 +81 186 5 876534783 +81 222 2 876533619 +81 237 4 876533764 +81 269 3 876533229 +81 273 4 876533710 +81 274 3 876534313 +81 275 4 876533657 +81 276 4 876533545 +81 280 4 876534214 +81 282 5 876533619 +81 283 4 876533504 +81 284 3 876533894 +81 288 3 876533229 +81 289 3 876533229 +81 318 5 876534817 +81 405 3 876533764 +81 410 4 876533946 +81 411 2 876534244 +81 412 1 876534408 +81 432 2 876535131 +81 456 1 876533504 +81 471 3 876533586 +81 475 5 876533504 +81 476 2 876534124 +81 544 2 876546272 +81 591 5 876534124 +81 595 4 876534437 +81 596 3 876533824 +81 619 3 876534009 +81 726 4 876534505 +81 742 2 876533764 +81 756 1 876534097 +81 824 3 876534437 +81 926 3 876533824 +81 928 4 876534214 +81 1028 1 876534277 +81 1047 3 876533988 +81 1059 3 876534366 +82 1 4 876311241 +82 3 2 878768765 +82 7 3 876311217 +82 8 4 878769292 +82 9 4 876311146 +82 11 4 878769992 +82 13 2 878768615 +82 14 4 876311280 +82 15 3 876311365 +82 21 1 884714456 +82 25 2 878768435 +82 28 3 878769815 +82 50 5 876311146 +82 56 3 878769410 +82 64 5 878770169 +82 69 4 878769948 +82 70 4 878769888 +82 71 4 878770169 +82 73 4 878769888 +82 79 3 878769334 +82 81 3 878770059 +82 87 3 878769598 +82 97 4 878769777 +82 99 4 878769949 +82 100 5 876311299 +82 103 2 878768665 +82 109 1 884714204 +82 111 4 876311423 +82 112 1 877452357 +82 121 4 876311387 +82 125 3 877452380 +82 127 2 878769777 +82 133 4 878769410 +82 135 3 878769629 +82 140 3 878769668 +82 147 3 876311473 +82 151 2 876311547 +82 168 5 878769748 +82 169 4 878769442 +82 170 4 878769703 +82 174 5 878769478 +82 175 4 878769598 +82 178 4 878769629 +82 181 4 876311241 +82 183 3 878769848 +82 185 3 878769334 +82 191 4 878769748 +82 194 4 878770027 +82 197 4 878769847 +82 199 4 878769888 +82 202 4 878769777 +82 208 3 878769815 +82 211 4 878769815 +82 216 4 878769949 +82 218 3 878769748 +82 220 2 878768840 +82 222 3 876311365 +82 225 3 878768790 +82 228 3 878769629 +82 230 2 878769815 +82 231 2 878769815 +82 235 1 876311517 +82 238 3 878769373 +82 240 1 884714385 +82 241 3 878769992 +82 265 4 878770169 +82 274 3 876311492 +82 275 2 884714125 +82 276 4 876311344 +82 281 3 884714290 +82 283 2 884714164 +82 284 4 876311387 +82 286 4 876311004 +82 288 3 876311518 +82 289 1 884713642 +82 294 4 878768327 +82 304 3 884713664 +82 310 4 879788290 +82 326 2 879788343 +82 338 1 884713704 +82 343 1 884713755 +82 357 4 878769888 +82 367 4 878769848 +82 405 3 876311423 +82 409 1 884714421 +82 411 3 878768902 +82 412 1 884714513 +82 413 1 884714593 +82 414 4 878769748 +82 418 4 878769848 +82 424 1 878768811 +82 430 5 878769703 +82 432 4 878769373 +82 455 4 876311319 +82 456 1 884714618 +82 458 1 884714145 +82 462 4 878769992 +82 472 3 878768882 +82 473 2 878768765 +82 474 3 878769597 +82 475 1 884714181 +82 476 3 878768765 +82 477 3 876311344 +82 479 4 878769703 +82 480 4 878769373 +82 481 5 878769262 +82 482 4 878769668 +82 495 3 878769668 +82 496 4 878769992 +82 504 4 878769917 +82 508 2 884714249 +82 511 3 878769948 +82 513 4 878769334 +82 514 4 878769442 +82 518 4 878769747 +82 519 4 878770028 +82 520 3 878769703 +82 523 5 878769373 +82 527 3 878769479 +82 529 4 878770028 +82 539 3 884713704 +82 546 3 876311423 +82 588 5 878769917 +82 596 3 876311195 +82 597 3 878768882 +82 640 3 878769292 +82 657 4 878769261 +82 661 4 878769703 +82 671 1 878769478 +82 678 1 884714726 +82 705 3 878769598 +82 717 1 884714492 +82 740 2 884714249 +82 756 1 878768741 +82 770 4 878769777 +82 820 3 878768902 +82 822 2 878769262 +82 826 3 876311646 +82 834 1 884714618 +82 866 3 878768840 +82 895 1 884713704 +82 919 3 876311280 +82 946 2 878769748 +82 1001 1 878769138 +82 1028 2 876311577 +82 1033 1 884714560 +82 1063 3 878769815 +82 1078 3 878769748 +82 1101 4 878770169 +82 1126 4 878770169 +82 1128 1 884714361 +82 1134 2 884714402 +82 1162 1 884714361 +82 1163 2 884714204 +82 1164 2 878768790 +83 1 4 880306903 +83 2 4 881971771 +83 4 2 880336655 +83 15 4 880307000 +83 22 5 880307724 +83 25 2 883867729 +83 28 4 880308284 +83 31 5 880307751 +83 35 1 886534501 +83 38 5 887665422 +83 43 4 880308690 +83 56 1 886534501 +83 63 4 880327970 +83 64 5 887665422 +83 66 4 880307898 +83 69 4 887665549 +83 70 4 880308256 +83 71 3 880328167 +83 77 4 880308426 +83 78 2 880309089 +83 79 5 887665423 +83 82 5 887665423 +83 94 4 880308831 +83 95 4 880308453 +83 97 4 880308690 +83 105 2 891182288 +83 106 4 887665549 +83 110 4 880309185 +83 111 3 884647519 +83 117 5 880307000 +83 118 3 880307071 +83 121 4 880306951 +83 122 1 886534501 +83 125 5 880306811 +83 127 4 887665549 +83 139 3 880308959 +83 161 4 887665549 +83 174 5 880307699 +83 181 4 880306786 +83 186 4 880308601 +83 191 4 880308038 +83 196 5 880307996 +83 204 5 880307922 +83 210 5 880307751 +83 215 4 880307940 +83 216 4 880307846 +83 225 3 880307208 +83 233 4 887665549 +83 234 4 887665548 +83 235 1 883867920 +83 240 1 883870084 +83 243 3 891181725 +83 248 3 883868788 +83 249 2 887664680 +83 252 4 883868598 +83 254 2 880327839 +83 255 5 887665422 +83 259 2 883869199 +83 265 5 880308186 +83 274 4 880306810 +83 281 5 880307072 +83 294 3 887665569 +83 298 4 891181511 +83 300 3 889050543 +83 301 2 891181430 +83 319 1 886532955 +83 322 3 889681216 +83 323 4 883868420 +83 338 4 883868647 +83 356 4 880308755 +83 364 1 886534501 +83 371 3 880308408 +83 385 4 887665549 +83 391 2 880308783 +83 393 5 887665423 +83 405 5 887665423 +83 406 2 891182431 +83 407 1 891182532 +83 409 4 880307417 +83 411 2 880307259 +83 412 1 883868208 +83 413 1 891182379 +83 423 4 880308329 +83 452 3 880309214 +83 465 4 880308578 +83 468 4 880308390 +83 471 3 891182000 +83 476 3 880307359 +83 477 2 887665798 +83 508 2 887665655 +83 527 4 880307807 +83 543 2 887665445 +83 546 4 887665549 +83 566 4 880308099 +83 568 4 880307724 +83 575 4 880309339 +83 576 4 880308755 +83 580 4 883869630 +83 584 4 880308453 +83 591 4 880306745 +83 597 2 891182270 +83 609 4 880308453 +83 623 4 880308578 +83 631 2 887664566 +83 640 2 880308550 +83 660 4 880308256 +83 663 5 887665423 +83 684 4 880307898 +83 685 4 880306951 +83 692 4 880307979 +83 717 4 880307339 +83 720 4 880308578 +83 722 4 880308959 +83 728 4 880308909 +83 732 4 880308390 +83 739 5 880308141 +83 748 2 886534501 +83 751 3 883869440 +83 755 5 887665423 +83 756 4 883867791 +83 768 4 887665549 +83 781 4 883868890 +83 783 4 880308453 +83 795 3 880309214 +83 820 2 881971231 +83 828 3 883868208 +83 832 3 883868300 +83 846 3 891181639 +83 862 4 883868805 +83 864 4 883954588 +83 866 3 883867947 +83 871 2 891182319 +83 892 2 891181444 +83 929 3 880307140 +83 932 4 881971414 +83 977 3 880307382 +83 993 2 883868978 +83 1016 4 883868345 +83 1028 4 880307207 +83 1035 4 880308959 +83 1041 4 880308909 +83 1043 3 880308807 +83 1047 2 891182319 +83 1060 3 880306926 +83 1101 2 880308256 +83 1165 2 883868300 +84 1 2 883452108 +84 4 3 883453713 +84 7 4 883452155 +84 12 5 883452874 +84 15 4 883449993 +84 25 3 883452462 +84 31 4 883453755 +84 64 5 883450066 +84 70 5 883452906 +84 79 4 883453520 +84 87 5 883453587 +84 95 4 883453642 +84 98 4 883453755 +84 100 4 883452155 +84 111 4 883453108 +84 117 4 883450553 +84 121 4 883452307 +84 148 4 883452274 +84 151 4 883449993 +84 194 5 883453617 +84 203 3 883453587 +84 222 4 883450020 +84 225 4 883452307 +84 237 4 883450093 +84 245 4 883449530 +84 258 4 883449347 +84 265 5 883453617 +84 273 4 883452086 +84 274 4 883452462 +84 276 4 883449944 +84 282 4 883450434 +84 284 3 883450093 +84 286 5 883449271 +84 289 5 883449419 +84 291 3 883452363 +84 294 3 883449317 +84 300 4 883449419 +84 317 3 883453587 +84 318 5 883453617 +84 322 3 883449567 +84 385 4 883453797 +84 405 3 883452363 +84 411 2 883452516 +84 466 4 883453148 +84 477 4 883452307 +84 486 5 883453664 +84 523 4 883453642 +84 528 5 883453617 +84 529 5 883453108 +84 543 5 883453713 +84 546 3 883452462 +84 597 3 883452200 +84 628 3 883450434 +84 685 3 883452274 +84 742 3 883450643 +84 744 4 883449965 +84 748 4 883449530 +84 823 3 883452672 +84 866 4 883452174 +84 879 4 883449530 +84 1028 3 883452155 +84 1033 4 883452711 +84 1040 3 883452630 +84 1047 2 883452694 +85 8 4 879454952 +85 9 4 879456308 +85 10 4 879452898 +85 13 3 879452866 +85 14 4 879452638 +85 23 4 879454272 +85 25 2 879452769 +85 27 4 879827488 +85 28 4 879829301 +85 30 3 882995290 +85 42 3 879453876 +85 45 3 879455197 +85 50 5 882813248 +85 51 2 879454782 +85 52 3 881705026 +85 53 3 882995643 +85 56 4 879453587 +85 57 5 879828107 +85 58 4 879829689 +85 64 5 879454046 +85 65 3 879455021 +85 69 4 879454582 +85 70 4 879828328 +85 71 4 879456308 +85 79 3 879453845 +85 82 3 879454633 +85 83 4 886282959 +85 86 4 879454189 +85 87 4 879829327 +85 89 4 879454075 +85 94 3 882995966 +85 95 4 879455114 +85 97 2 879829667 +85 98 4 879453716 +85 99 5 880838306 +85 100 3 879452693 +85 108 2 880838201 +85 121 2 879453167 +85 124 5 882813248 +85 127 5 879829301 +85 132 5 879453965 +85 133 4 879453876 +85 134 5 879454004 +85 135 5 879453845 +85 136 4 879454349 +85 141 3 879829042 +85 143 4 879456247 +85 150 3 890255432 +85 152 5 879454751 +85 153 3 879453658 +85 154 4 879828777 +85 157 3 879454400 +85 160 3 879454075 +85 163 3 882813312 +85 168 4 879454304 +85 170 4 879453748 +85 173 3 879454045 +85 174 4 879454139 +85 175 4 879828912 +85 179 4 879454272 +85 180 4 879454820 +85 182 4 893110061 +85 186 3 879454273 +85 187 5 879454235 +85 188 2 879454782 +85 190 4 879453845 +85 191 4 879455021 +85 192 4 879454951 +85 193 3 879454189 +85 194 4 879454189 +85 195 3 882995132 +85 197 5 879455197 +85 199 5 879829438 +85 203 5 879455402 +85 204 4 879828821 +85 205 4 879454004 +85 208 5 879828941 +85 209 4 879454500 +85 210 3 879454981 +85 211 5 879454005 +85 212 2 879454859 +85 213 4 879454751 +85 215 4 879829438 +85 216 3 879454500 +85 221 2 879452693 +85 222 2 879452831 +85 228 3 882813248 +85 229 3 882813248 +85 230 3 882813248 +85 231 2 882995615 +85 232 3 882995966 +85 234 4 882995015 +85 237 3 879452769 +85 238 2 879453965 +85 241 3 882995340 +85 246 4 881704999 +85 250 3 882592687 +85 258 4 882812472 +85 259 2 881705026 +85 268 4 881705073 +85 269 3 891289966 +85 270 3 890255063 +85 272 4 893110061 +85 275 3 879454581 +85 277 2 879452938 +85 281 3 879452971 +85 282 3 879829618 +85 283 3 879454467 +85 284 3 879452866 +85 286 4 879452259 +85 289 3 879452334 +85 291 3 882994658 +85 298 4 880581629 +85 300 3 879452259 +85 301 4 886283002 +85 310 3 880838201 +85 313 4 884820133 +85 316 3 893110061 +85 317 3 882995577 +85 318 4 879453684 +85 319 4 879452334 +85 327 3 884820110 +85 328 3 884906441 +85 340 3 893109920 +85 345 4 884820077 +85 357 4 879454045 +85 372 4 879828720 +85 378 4 879829642 +85 380 4 882995704 +85 382 4 879454820 +85 385 3 879455021 +85 389 3 882995832 +85 393 4 879828967 +85 404 3 882994947 +85 405 2 879453018 +85 412 3 879453288 +85 414 4 879828720 +85 416 3 882994912 +85 417 3 882995859 +85 418 3 879455197 +85 419 5 882819427 +85 420 4 880838337 +85 423 4 879454046 +85 425 4 879454905 +85 427 3 879456350 +85 428 5 879454235 +85 432 4 880838305 +85 433 3 879828720 +85 435 4 879828911 +85 443 4 879454582 +85 447 3 882994767 +85 449 4 882813248 +85 451 4 882995934 +85 458 3 879452867 +85 462 4 879454189 +85 464 5 882996119 +85 465 4 879454437 +85 476 3 879453018 +85 478 4 879454951 +85 479 4 879454951 +85 480 4 879453658 +85 481 4 879454582 +85 483 5 879453933 +85 485 5 879454400 +85 488 4 879455197 +85 492 4 879454905 +85 495 3 882994860 +85 496 4 879453781 +85 498 4 879454400 +85 499 4 879455114 +85 501 3 880838306 +85 502 4 879454633 +85 504 4 879453748 +85 506 4 886282959 +85 507 4 879456199 +85 508 2 879453040 +85 509 4 879454189 +85 510 4 879454400 +85 511 4 879454112 +85 512 3 879456199 +85 513 4 879454350 +85 514 5 879453684 +85 515 5 879829265 +85 516 4 879454272 +85 517 5 879455238 +85 519 4 879829265 +85 521 3 879829471 +85 523 4 879453965 +85 526 4 879454500 +85 527 4 879455114 +85 528 4 879454859 +85 529 3 879827935 +85 530 3 879456350 +85 531 4 879454112 +85 566 3 879454273 +85 568 3 879455238 +85 582 4 879828014 +85 588 3 880838306 +85 589 3 879453587 +85 596 3 880838337 +85 604 4 882995132 +85 606 4 886282959 +85 610 3 879454582 +85 622 3 882995833 +85 629 3 879454685 +85 630 3 879453623 +85 631 4 886282927 +85 632 3 879454304 +85 639 3 879454189 +85 641 4 879454952 +85 642 4 882995615 +85 647 4 879453844 +85 654 4 879454272 +85 655 3 879454350 +85 657 4 879454189 +85 658 3 879829861 +85 659 4 879453844 +85 660 4 879829618 +85 661 4 879454005 +85 664 4 879829562 +85 690 2 890255371 +85 692 3 879828490 +85 697 3 879829471 +85 702 2 879828054 +85 705 5 882994912 +85 707 4 879454350 +85 708 4 879828349 +85 709 5 879828941 +85 710 2 879828912 +85 712 3 882995754 +85 732 3 879455238 +85 735 3 879454905 +85 751 3 884820157 +85 782 2 879829757 +85 792 4 879828941 +85 813 4 879452664 +85 822 3 880581629 +85 842 3 882995704 +85 845 3 879828456 +85 855 3 879827989 +85 921 3 879827989 +85 923 4 879455403 +85 924 1 879453114 +85 955 4 879454400 +85 971 3 879828156 +85 984 2 884906441 +85 1006 3 882995833 +85 1009 2 879453093 +85 1010 2 879452971 +85 1018 4 882995668 +85 1021 3 882995490 +85 1065 3 879455021 +85 1070 4 879453809 +85 1074 3 882996039 +85 1098 4 879828912 +85 1101 4 879454046 +85 1103 3 882995489 +85 1113 2 879454981 +85 1121 3 879454820 +85 1131 4 879454111 +85 1136 3 879455402 +85 1137 4 879452609 +85 1149 3 886283002 +85 1153 4 879454751 +85 1167 3 879829209 +85 1168 3 882995908 +85 1169 4 879454952 +85 1170 3 879456350 +85 1171 3 879452638 +85 1172 4 879453781 +85 1173 4 884820209 +85 1174 3 879454633 +86 242 4 879569486 +86 258 5 879570366 +86 269 4 879569486 +86 270 5 879570974 +86 286 3 879569555 +86 288 3 879570218 +86 289 3 879570366 +86 300 3 879570277 +86 304 3 879570149 +86 319 3 879569555 +86 327 4 879570218 +86 328 2 879569555 +86 338 1 879570277 +86 683 5 879570974 +86 872 3 879570366 +86 879 2 879570149 +86 881 2 879570218 +86 888 4 879570218 +86 889 5 879570973 +86 1175 5 879570973 +87 2 4 879876074 +87 4 5 879876524 +87 7 4 879875735 +87 8 5 879876447 +87 9 4 879877931 +87 13 3 879876734 +87 21 3 879877173 +87 22 4 879875817 +87 25 4 879876811 +87 27 4 879876037 +87 33 3 879876488 +87 38 5 879875940 +87 39 3 879875995 +87 40 3 879876917 +87 47 3 879876637 +87 48 4 879875649 +87 49 5 879876564 +87 50 5 879876194 +87 55 4 879875774 +87 62 5 879875996 +87 63 4 879876848 +87 64 5 879875649 +87 66 5 879876403 +87 67 4 879877007 +87 68 3 879876074 +87 70 5 879876448 +87 72 3 879876848 +87 73 3 879877083 +87 79 5 879875856 +87 80 4 879877241 +87 82 5 879875774 +87 87 4 879877931 +87 88 5 879876672 +87 89 4 879875818 +87 90 2 879877127 +87 94 4 879876703 +87 96 5 879875734 +87 97 5 879877825 +87 100 5 879876488 +87 111 4 879876611 +87 118 4 879876162 +87 120 2 879877173 +87 121 5 879875893 +87 127 4 879876194 +87 132 5 879877930 +87 135 5 879875649 +87 144 4 879875734 +87 153 5 879876703 +87 154 4 879876564 +87 157 3 879877799 +87 158 3 879877173 +87 161 5 879875893 +87 163 4 879877083 +87 167 4 879876703 +87 172 5 879875737 +87 174 5 879875736 +87 177 5 879875940 +87 179 4 879875649 +87 181 5 879876194 +87 182 4 879875737 +87 183 4 879875734 +87 186 5 879876734 +87 188 4 879875818 +87 192 3 879877741 +87 195 5 879875736 +87 196 5 879877681 +87 199 5 879875649 +87 201 2 879876673 +87 202 5 879876403 +87 204 5 879876447 +87 208 5 879876403 +87 209 5 879876488 +87 210 5 879875734 +87 211 5 879876812 +87 216 5 879876448 +87 222 4 879875940 +87 228 5 879875893 +87 229 4 879876037 +87 230 5 879875818 +87 231 3 879876110 +87 232 3 879876037 +87 233 4 879876036 +87 235 3 879877208 +87 238 3 879876734 +87 239 4 879876673 +87 252 3 879876224 +87 254 4 879876256 +87 273 3 879875857 +87 274 4 879876734 +87 281 4 879876074 +87 297 3 879877404 +87 300 3 879875418 +87 303 3 879875471 +87 318 4 879877627 +87 321 2 879876813 +87 323 3 879876256 +87 367 4 879876702 +87 382 3 879876488 +87 384 4 879877127 +87 385 5 879875818 +87 386 2 879877006 +87 393 4 879876703 +87 401 2 879876813 +87 403 3 879875996 +87 405 4 879875893 +87 409 3 879877127 +87 410 4 879876565 +87 411 4 879876946 +87 414 3 879876673 +87 423 3 879877710 +87 427 4 879877824 +87 433 3 879876702 +87 435 5 879875818 +87 449 3 879876110 +87 451 4 879876448 +87 472 4 879875996 +87 476 2 879877241 +87 477 3 879876610 +87 491 5 879877930 +87 496 5 879877709 +87 502 5 879876524 +87 510 5 879875818 +87 514 4 879876672 +87 515 4 879876194 +87 519 4 879877652 +87 521 3 879877772 +87 523 5 879875649 +87 535 4 879876315 +87 546 3 879876074 +87 550 4 879876074 +87 554 4 879875940 +87 566 5 879875775 +87 568 5 879875818 +87 570 3 879876163 +87 575 3 879877208 +87 576 3 879876163 +87 577 4 879877127 +87 578 3 879875940 +87 585 4 879877008 +87 628 4 879877709 +87 629 4 879877006 +87 651 4 879875893 +87 657 4 879877740 +87 679 3 879876036 +87 684 5 879875774 +87 692 5 879876565 +87 702 3 879876917 +87 705 4 879877740 +87 709 3 879876812 +87 722 4 879876946 +87 728 4 879876768 +87 732 4 879876703 +87 765 3 879877006 +87 775 2 879876848 +87 780 4 879877173 +87 781 5 879876524 +87 783 4 879877279 +87 789 3 879876610 +87 790 4 879876885 +87 791 2 879877280 +87 796 4 879877280 +87 801 3 879876768 +87 802 4 879875940 +87 804 3 879877083 +87 808 3 879875996 +87 810 3 879876111 +87 824 3 879877043 +87 845 4 879876564 +87 866 4 879877208 +87 871 4 879876734 +87 926 4 879877043 +87 944 5 879876848 +87 996 3 879876848 +87 1000 3 879877173 +87 1016 4 879876194 +87 1028 4 879876946 +87 1041 4 879877007 +87 1047 3 879877280 +87 1049 3 879876812 +87 1072 3 879876610 +87 1074 3 879876813 +87 1079 2 879877240 +87 1089 3 879876225 +87 1177 1 879877280 +87 1179 3 879877127 +87 1181 3 879875940 +87 1182 3 879877043 +87 1183 3 879875995 +87 1184 3 879876074 +87 1185 4 879876885 +87 1187 2 879875893 +87 1188 2 879876110 +87 1189 5 879877951 +87 1190 4 879876336 +88 261 5 891038103 +88 286 5 891037111 +88 300 3 891037466 +88 301 4 891037618 +88 302 3 891037111 +88 308 4 891037396 +88 311 5 891037336 +88 313 3 891037201 +88 315 4 891037276 +88 319 3 891037708 +88 321 1 891037708 +88 354 5 891037708 +88 690 4 891037708 +88 750 2 891037276 +88 880 3 891037466 +88 881 5 891038103 +88 886 5 891038103 +88 898 4 891037859 +88 904 5 891037276 +88 1191 5 891038103 +89 1 5 879461219 +89 7 5 879441422 +89 13 2 879441672 +89 14 4 879441357 +89 15 5 879441307 +89 26 3 879459909 +89 49 4 879460347 +89 50 5 879461219 +89 66 3 879459980 +89 83 4 879459884 +89 86 5 879459859 +89 88 4 879459980 +89 93 2 879441307 +89 100 5 879441271 +89 111 4 879441452 +89 117 5 879441357 +89 121 5 879441657 +89 127 5 879441335 +89 137 1 879441335 +89 150 5 879441452 +89 151 5 879441507 +89 181 4 879441491 +89 187 5 879461246 +89 197 5 879459859 +89 202 3 879459859 +89 212 3 879459909 +89 213 4 879459859 +89 216 5 879459859 +89 221 1 879441687 +89 222 5 879441491 +89 235 5 879441657 +89 236 5 879441400 +89 237 4 879441381 +89 240 4 879441571 +89 246 5 879461219 +89 257 5 879461219 +89 268 5 879461219 +89 269 5 879461219 +89 275 5 879441307 +89 277 4 879441271 +89 283 4 879441557 +89 301 5 879461219 +89 321 4 879441049 +89 381 4 879459999 +89 387 5 879459909 +89 475 5 879441307 +89 517 5 879459859 +89 694 5 879460027 +89 702 5 879459999 +89 707 5 879459884 +89 709 3 879459980 +89 716 3 879460027 +89 724 4 879460027 +89 731 3 879460347 +89 732 5 879459909 +89 736 3 879460027 +89 737 1 879460376 +89 739 2 879460376 +89 762 3 879441491 +89 813 5 879461219 +89 815 4 879441637 +89 845 2 879441335 +89 875 3 879441160 +89 880 5 879461219 +89 936 5 879461219 +89 949 3 879460027 +89 952 2 879441400 +89 1048 3 879460027 +89 1074 5 879459909 +89 1119 3 879459884 +90 6 4 891384357 +90 8 5 891383424 +90 9 4 891385787 +90 10 5 891383987 +90 11 4 891384113 +90 12 5 891383241 +90 14 5 891383987 +90 17 4 891384721 +90 18 3 891383687 +90 19 3 891384020 +90 20 4 891384357 +90 22 4 891384357 +90 25 5 891384789 +90 26 4 891385842 +90 30 5 891385843 +90 31 4 891384673 +90 33 4 891383600 +90 42 4 891384885 +90 45 3 891385039 +90 52 5 891385522 +90 56 5 891384516 +90 57 5 891385389 +90 59 5 891383173 +90 64 4 891383912 +90 65 4 891385298 +90 70 5 891383866 +90 79 4 891383912 +90 83 5 891383687 +90 86 5 891383626 +90 89 5 891385039 +90 96 4 891384754 +90 97 5 891383987 +90 98 5 891383204 +90 100 5 891383241 +90 117 3 891385389 +90 126 2 891384611 +90 127 4 891383561 +90 131 5 891384066 +90 132 5 891384673 +90 133 5 891384147 +90 134 5 891383204 +90 136 5 891383241 +90 141 5 891385899 +90 143 5 891383204 +90 148 2 891385787 +90 149 3 891384754 +90 150 3 891385250 +90 151 2 891385190 +90 153 5 891384754 +90 154 5 891384516 +90 155 5 891385040 +90 156 4 891384147 +90 162 5 891385190 +90 166 4 891383423 +90 170 5 891383561 +90 171 2 891384476 +90 174 5 891383866 +90 175 3 891383912 +90 177 5 891384516 +90 178 5 891384611 +90 179 5 891385389 +90 180 4 891384065 +90 182 3 891383599 +90 185 5 891384959 +90 187 4 891383561 +90 190 5 891383687 +90 191 5 891384424 +90 192 4 891384959 +90 193 4 891383752 +90 194 5 891383424 +90 197 5 891383319 +90 198 5 891383204 +90 199 5 891384423 +90 202 3 891385298 +90 203 5 891384611 +90 208 3 891384065 +90 209 5 891383173 +90 211 5 891383424 +90 212 4 891384147 +90 213 5 891383718 +90 216 5 891383626 +90 218 5 891385899 +90 220 4 891385165 +90 221 4 891383987 +90 223 4 891383912 +90 234 4 891383835 +90 237 4 891385215 +90 241 5 891384611 +90 242 4 891382267 +90 245 3 891382612 +90 258 3 891382121 +90 259 2 891382392 +90 268 4 891382392 +90 269 5 891382310 +90 270 4 891382310 +90 272 5 891382121 +90 273 3 891385040 +90 275 5 891383626 +90 285 5 891383687 +90 286 5 891382267 +90 287 4 891384611 +90 289 3 891382310 +90 300 3 891382163 +90 301 4 891382392 +90 302 5 891383319 +90 303 4 891382193 +90 306 4 891382267 +90 307 5 891383319 +90 310 3 891382240 +90 311 4 891382163 +90 312 4 891383319 +90 313 5 891382163 +90 316 5 891382658 +90 317 4 891383626 +90 318 5 891383350 +90 322 4 891382658 +90 323 3 891382634 +90 328 3 891382490 +90 340 4 891382121 +90 347 4 891383319 +90 354 3 891382240 +90 356 4 891385752 +90 357 5 891385132 +90 367 4 891385250 +90 382 5 891383835 +90 385 4 891385899 +90 387 5 891385215 +90 402 5 891385335 +90 421 4 891383718 +90 423 5 891384997 +90 425 4 891384996 +90 427 5 891384423 +90 430 3 891383835 +90 433 3 891384611 +90 435 5 891383350 +90 443 4 891385250 +90 447 5 891385389 +90 454 2 891383423 +90 462 5 891383752 +90 464 5 891385039 +90 471 4 891385752 +90 474 5 891383599 +90 475 3 891385465 +90 478 5 891384754 +90 479 5 891384147 +90 480 5 891383835 +90 481 5 891384516 +90 482 5 891383204 +90 483 5 891384570 +90 485 5 891383687 +90 486 5 891383912 +90 488 5 891384065 +90 489 5 891384357 +90 490 5 891383753 +90 493 5 891383600 +90 494 5 891383241 +90 496 4 891385787 +90 497 5 891384996 +90 499 5 891383866 +90 501 5 891384885 +90 505 5 891383687 +90 506 5 891383319 +90 507 5 891383987 +90 509 5 891383866 +90 511 5 891384476 +90 512 4 891383241 +90 514 3 891384423 +90 515 5 891385165 +90 517 3 891384789 +90 518 2 891385787 +90 519 5 891384423 +90 521 4 891384570 +90 523 4 891383423 +90 526 5 891383866 +90 527 5 891384959 +90 528 5 891384065 +90 529 5 891385132 +90 530 3 891385522 +90 531 4 891383204 +90 543 3 891383173 +90 547 3 891385899 +90 553 2 891384959 +90 568 5 891385165 +90 602 5 891385466 +90 603 5 891385132 +90 604 5 891383350 +90 606 5 891383173 +90 607 5 891384673 +90 609 5 891384357 +90 610 5 891383753 +90 611 5 891384789 +90 613 4 891383835 +90 614 4 891384020 +90 617 4 891383835 +90 618 5 891385335 +90 631 5 891384570 +90 632 5 891384113 +90 639 5 891385039 +90 644 5 891384065 +90 647 5 891383204 +90 648 4 891384754 +90 650 5 891384516 +90 651 5 891384997 +90 652 4 891384611 +90 654 5 891384357 +90 656 5 891385132 +90 657 5 891385190 +90 659 4 891384357 +90 660 4 891385652 +90 661 5 891385522 +90 662 5 891385842 +90 676 2 891384066 +90 684 3 891385335 +90 690 4 891383319 +90 692 4 891384476 +90 693 3 891385752 +90 699 4 891385298 +90 703 3 891384997 +90 705 5 891384147 +90 707 5 891384476 +90 709 5 891383752 +90 713 4 891385466 +90 721 3 891385215 +90 732 5 891383241 +90 739 5 891384789 +90 750 4 891383319 +90 762 3 891385250 +90 811 4 891384516 +90 813 4 891384997 +90 821 3 891385843 +90 836 5 891385190 +90 837 5 891384476 +90 855 5 891383752 +90 863 4 891384114 +90 875 1 891382612 +90 879 3 891382542 +90 889 3 891382731 +90 896 3 891382163 +90 900 4 891382309 +90 903 4 891383319 +90 904 3 891382121 +90 905 4 891383319 +90 906 2 891382240 +90 923 5 891383912 +90 945 5 891383866 +90 954 4 891385522 +90 958 4 891383561 +90 962 2 891384721 +90 964 5 891385843 +90 965 5 891383561 +90 966 5 891385843 +90 971 4 891385250 +90 972 4 891384476 +90 990 3 891382522 +90 995 4 891382708 +90 1005 2 891383912 +90 1020 5 891384997 +90 1039 5 891383599 +90 1045 2 891385843 +90 1048 4 891385132 +90 1086 4 891384424 +90 1097 4 891384885 +90 1101 4 891384570 +90 1109 3 891385652 +90 1125 4 891384611 +90 1134 3 891385752 +90 1136 3 891385899 +90 1137 2 891384516 +90 1192 5 891384673 +90 1193 4 891384789 +90 1194 4 891383718 +90 1195 5 891384789 +90 1196 4 891383599 +90 1197 4 891384476 +90 1198 5 891383866 +90 1199 5 891385652 +90 1200 4 891384066 +90 1201 5 891383687 +90 1202 5 891385132 +90 1203 5 891385466 +90 1204 4 891384959 +90 1205 3 891383687 +90 1206 2 891383912 +91 22 5 891439208 +91 28 4 891439243 +91 31 5 891438875 +91 50 5 891439386 +91 56 1 891439057 +91 64 4 891439243 +91 69 5 891439057 +91 82 5 891439386 +91 97 5 891438947 +91 98 5 891439130 +91 99 2 891439386 +91 127 5 891439018 +91 131 2 891439471 +91 132 3 891439503 +91 134 4 891439353 +91 135 4 891439302 +91 136 4 891438909 +91 143 4 891439386 +91 161 3 891439353 +91 172 4 891439208 +91 174 5 891439090 +91 176 5 891439130 +91 181 5 891439243 +91 182 4 891439439 +91 187 5 891438908 +91 192 4 891439302 +91 193 3 891439057 +91 195 5 891439057 +91 204 4 891438909 +91 205 5 891438947 +91 210 5 891439208 +91 211 2 891439208 +91 230 4 891439560 +91 234 5 891439503 +91 264 4 891438583 +91 265 5 891439018 +91 289 4 891438553 +91 313 4 891437978 +91 318 5 891439090 +91 322 4 891438397 +91 323 2 891438397 +91 326 3 891438245 +91 327 4 891438351 +91 328 4 891438245 +91 331 5 891438245 +91 338 4 891438529 +91 343 4 891438151 +91 351 4 891438617 +91 357 5 891439271 +91 389 2 891439130 +91 418 2 891439503 +91 423 5 891439090 +91 427 4 891439057 +91 429 4 891439324 +91 435 4 891439353 +91 479 4 891439208 +91 480 4 891438875 +91 482 3 891439208 +91 483 4 891439208 +91 484 4 891438977 +91 495 4 891439171 +91 498 3 891439271 +91 501 2 891439130 +91 504 3 891439471 +91 507 4 891438977 +91 510 3 891439090 +91 511 5 891439243 +91 515 5 891439090 +91 520 4 891439414 +91 526 4 891439471 +91 529 4 891438977 +91 568 2 891439018 +91 601 4 891439171 +91 603 5 891439171 +91 612 4 891439471 +91 614 4 891439018 +91 616 4 891439439 +91 618 3 891438875 +91 651 5 891439057 +91 657 4 891439130 +91 682 2 891438184 +91 683 3 891438351 +91 689 5 891438617 +91 735 4 891439503 +91 748 2 891438314 +91 750 5 891438209 +91 988 2 891438583 +91 1050 3 891439414 +91 1126 1 891439301 +91 1192 4 891439243 +92 1 4 875810511 +92 2 3 875653699 +92 4 4 875654222 +92 5 4 875654432 +92 7 4 876175754 +92 8 5 875654159 +92 9 4 875640148 +92 11 4 875653363 +92 12 5 875652934 +92 15 3 875640189 +92 22 3 875653121 +92 24 3 875640448 +92 28 3 875653050 +92 29 3 875656624 +92 31 4 875654321 +92 32 3 875653363 +92 38 3 875657640 +92 39 3 875656419 +92 42 4 875653664 +92 43 3 875813314 +92 44 3 875906989 +92 46 4 875653867 +92 47 4 875654732 +92 48 4 875653307 +92 49 3 875907416 +92 50 5 875640148 +92 51 4 875812305 +92 53 3 875656392 +92 54 3 875656624 +92 55 3 875654245 +92 56 5 875653271 +92 58 4 875653836 +92 62 3 875660468 +92 64 4 875653519 +92 66 3 875812279 +92 67 3 875907436 +92 68 3 875653699 +92 71 5 875654888 +92 72 3 875658159 +92 73 3 875656474 +92 77 3 875654637 +92 78 3 876175191 +92 79 4 875653198 +92 80 2 875907504 +92 81 3 875654929 +92 82 2 875654846 +92 85 3 875812364 +92 87 3 876175077 +92 88 3 875656349 +92 89 5 875652981 +92 91 3 875660164 +92 92 4 875654846 +92 93 4 886444049 +92 94 3 875812876 +92 95 3 875653664 +92 96 4 875656025 +92 98 5 875652934 +92 100 5 875640294 +92 101 2 875656624 +92 102 2 875813376 +92 106 3 875640609 +92 109 3 886443351 +92 111 3 875641135 +92 115 3 875654125 +92 116 3 875640251 +92 117 4 875640214 +92 118 2 875640512 +92 120 2 875642089 +92 121 5 875640679 +92 122 3 875907535 +92 123 2 875640251 +92 124 4 886440530 +92 125 4 876175004 +92 129 4 886443161 +92 132 3 875812211 +92 134 4 875656623 +92 135 4 875652981 +92 143 3 875653960 +92 144 4 875810741 +92 145 2 875654929 +92 148 2 877383934 +92 153 4 875653605 +92 154 4 875657681 +92 156 4 875656086 +92 157 4 875653988 +92 159 4 875810543 +92 160 4 875654125 +92 161 2 875654125 +92 164 4 875656201 +92 167 3 875656557 +92 168 4 875653723 +92 171 4 875652981 +92 172 4 875653271 +92 173 3 875656535 +92 174 5 875654189 +92 175 4 875653549 +92 176 5 875652981 +92 179 5 875653077 +92 180 5 875653016 +92 181 4 876175052 +92 182 4 875653836 +92 183 4 875653960 +92 184 3 877383934 +92 186 4 875653960 +92 189 4 875653519 +92 190 4 876174729 +92 191 4 875653050 +92 193 4 875654222 +92 195 5 875652981 +92 196 4 875654222 +92 198 5 875653016 +92 199 3 875811628 +92 200 3 875811717 +92 201 3 875654159 +92 202 3 875653805 +92 203 4 875653699 +92 204 4 875653913 +92 208 4 875656288 +92 209 5 875652934 +92 210 4 875653519 +92 214 4 875654732 +92 215 4 875656419 +92 216 3 875653867 +92 218 4 875654846 +92 219 4 875654888 +92 220 1 875644796 +92 222 4 886440557 +92 223 5 875653723 +92 226 3 875813412 +92 227 1 875654846 +92 228 4 875653867 +92 229 3 875656201 +92 230 3 875656055 +92 231 3 875654732 +92 234 4 875654297 +92 235 3 875640338 +92 237 4 875640318 +92 238 5 875654159 +92 240 2 875640189 +92 241 3 875655961 +92 243 1 875644795 +92 245 4 877966971 +92 246 4 890251289 +92 248 4 886442565 +92 249 3 886443192 +92 250 4 890251534 +92 252 4 886443582 +92 257 2 875640273 +92 258 4 886440479 +92 265 4 875657620 +92 268 4 890251912 +92 271 2 880149111 +92 273 4 875640214 +92 274 4 876175626 +92 276 5 875640251 +92 278 3 876175640 +92 281 3 875812331 +92 282 4 876769303 +92 284 2 876175733 +92 288 3 878679005 +92 289 3 875641367 +92 291 4 886443277 +92 294 3 875640679 +92 295 2 886442386 +92 304 4 888469716 +92 307 4 892655699 +92 313 5 887042925 +92 318 2 875653307 +92 322 3 890251700 +92 328 3 888469687 +92 356 3 875813171 +92 363 3 886443455 +92 364 3 875907702 +92 367 3 875654533 +92 368 1 886443672 +92 370 1 875644796 +92 376 3 875907366 +92 382 4 875656317 +92 383 1 876175191 +92 385 4 875653665 +92 386 3 875907727 +92 393 3 875660494 +92 396 3 875654733 +92 401 3 875907535 +92 402 3 875813098 +92 403 4 875654189 +92 405 2 875644795 +92 406 2 881008058 +92 408 4 876175704 +92 409 3 890251791 +92 410 3 875640583 +92 411 4 875640189 +92 412 2 875640609 +92 421 4 875654534 +92 423 3 875655990 +92 425 4 875812898 +92 428 4 875653519 +92 431 4 875660164 +92 432 3 876175031 +92 436 4 875654534 +92 449 3 875812511 +92 450 2 875907134 +92 451 3 875660083 +92 452 2 875906828 +92 453 1 875906882 +92 455 2 876769302 +92 456 2 888469668 +92 463 4 875656623 +92 466 4 875811549 +92 471 4 875640385 +92 474 4 875653519 +92 475 5 875640148 +92 476 2 886443602 +92 500 4 883433734 +92 501 2 875653665 +92 504 3 875653050 +92 508 5 886443416 +92 515 4 875640800 +92 518 5 875653579 +92 521 4 875813412 +92 527 3 875653549 +92 528 4 875657681 +92 531 4 875653121 +92 540 2 875813197 +92 546 2 875640512 +92 551 2 875906882 +92 552 3 875907078 +92 554 2 875907180 +92 558 3 875906765 +92 559 3 875660304 +92 561 3 875812413 +92 566 4 875658112 +92 568 3 875654590 +92 575 2 875907763 +92 576 2 875813171 +92 577 3 875907649 +92 581 4 875654189 +92 582 5 875641516 +92 583 3 875907134 +92 587 3 875660408 +92 591 4 875640294 +92 595 3 886443534 +92 596 2 886443161 +92 619 4 875640487 +92 620 3 875813224 +92 627 3 875654159 +92 628 4 875639823 +92 636 3 875812064 +92 640 5 875653579 +92 642 3 875654929 +92 651 4 875653271 +92 655 4 875654533 +92 658 3 875654353 +92 660 4 875654125 +92 663 4 875653914 +92 665 3 875906853 +92 672 3 875660028 +92 673 4 875656392 +92 674 4 875906853 +92 678 2 875641428 +92 679 4 875660468 +92 684 3 875656502 +92 685 3 875640708 +92 692 4 875653805 +92 702 3 875656054 +92 704 3 875812121 +92 707 4 875653162 +92 708 4 875654432 +92 709 2 875654590 +92 712 3 875656392 +92 715 4 875656288 +92 717 3 886443416 +92 720 3 875813022 +92 722 3 875907596 +92 725 3 875907727 +92 727 4 875653242 +92 728 3 875907574 +92 729 4 875656624 +92 731 4 875653769 +92 732 3 875812841 +92 735 3 875656121 +92 737 4 875654125 +92 739 2 876175582 +92 742 3 886443192 +92 743 2 890251826 +92 747 4 875656164 +92 748 3 892655791 +92 755 3 875656055 +92 756 3 886443582 +92 758 1 875644796 +92 763 3 886443192 +92 771 1 875907180 +92 778 4 875811457 +92 780 3 875660494 +92 781 3 875907649 +92 783 3 875907574 +92 785 3 875660304 +92 789 5 875653242 +92 790 3 875907618 +92 794 3 875654798 +92 800 3 875906802 +92 802 2 875907134 +92 820 1 875644796 +92 823 4 875654846 +92 825 4 875640487 +92 826 2 886443534 +92 831 2 886443708 +92 834 1 875906882 +92 845 3 886442565 +92 846 3 886443471 +92 925 3 875640214 +92 928 3 886443582 +92 930 2 886443582 +92 931 1 875644796 +92 934 2 875639642 +92 947 4 875654929 +92 949 3 875653664 +92 955 4 875658312 +92 961 4 875811128 +92 963 5 875652981 +92 974 2 886443626 +92 977 2 886443494 +92 980 3 883433686 +92 984 2 888469687 +92 986 2 890251716 +92 993 4 890251516 +92 998 2 875907649 +92 1011 3 886443471 +92 1012 4 886443231 +92 1014 3 890251484 +92 1016 2 875640582 +92 1018 4 875653769 +92 1023 2 892655775 +92 1028 2 876769174 +92 1033 2 890251592 +92 1040 3 876175658 +92 1041 3 875907675 +92 1042 3 875907079 +92 1046 3 875812841 +92 1047 1 875644796 +92 1049 1 890251826 +92 1073 5 875653271 +92 1074 3 875907535 +92 1079 3 886443455 +92 1090 3 875907079 +92 1095 2 886443728 +92 1142 4 886442422 +92 1157 2 875812435 +92 1207 3 875907179 +92 1208 4 875812741 +92 1209 1 875660468 +92 1211 3 876175395 +92 1212 3 876175626 +92 1213 2 875907079 +92 1214 2 876174925 +92 1215 2 890251747 +92 1216 4 886442386 +93 1 5 888705321 +93 15 5 888705388 +93 121 3 888705053 +93 125 1 888705416 +93 151 1 888705360 +93 222 4 888705295 +93 235 4 888705939 +93 275 4 888705224 +93 276 2 888705257 +93 283 4 888705146 +93 412 2 888706037 +93 476 4 888705879 +93 477 5 888705053 +93 815 4 888705761 +93 820 3 888705966 +93 845 4 888705321 +93 866 2 888705780 +94 1 4 885870323 +94 4 4 891721168 +94 7 4 885873089 +94 8 5 885873653 +94 9 5 885872684 +94 11 5 885870231 +94 12 4 886008625 +94 17 2 891721494 +94 22 4 885872758 +94 23 5 885870284 +94 24 4 885873423 +94 25 3 891724142 +94 28 4 885873159 +94 29 2 891723883 +94 31 4 891721286 +94 32 5 891721851 +94 33 3 891721919 +94 34 1 891723558 +94 38 2 891722482 +94 39 3 891721317 +94 41 3 891723355 +94 42 4 885870577 +94 45 5 886008764 +94 47 5 891720498 +94 49 4 891722174 +94 50 5 891720996 +94 51 3 891721026 +94 52 5 891721026 +94 53 4 891721378 +94 54 4 891722432 +94 55 4 885873653 +94 56 5 891725331 +94 58 5 891720540 +94 61 5 891720761 +94 62 3 891722933 +94 63 3 891723908 +94 64 5 885870362 +94 66 2 891721889 +94 67 3 891723296 +94 68 4 891722432 +94 69 3 885870057 +94 70 4 891722511 +94 72 3 891723220 +94 76 4 891720827 +94 77 3 891721462 +94 79 4 885882967 +94 80 2 891723525 +94 81 4 885870577 +94 82 4 891721777 +94 83 4 885873653 +94 88 3 891721942 +94 89 3 885870284 +94 90 3 891721889 +94 91 5 891722006 +94 92 4 891721142 +94 93 4 891724282 +94 94 2 891723883 +94 96 3 885872942 +94 97 4 891721317 +94 98 4 891721192 +94 99 3 891721815 +94 100 5 885872942 +94 101 2 891720996 +94 102 3 891721462 +94 109 4 891721974 +94 111 4 891721414 +94 118 3 891723295 +94 121 2 891721815 +94 125 1 891721851 +94 132 4 891720862 +94 133 4 885882685 +94 135 4 885870231 +94 142 3 891721749 +94 143 4 891722609 +94 144 3 891721168 +94 153 5 891725333 +94 154 5 886008791 +94 155 2 891723807 +94 156 5 891725332 +94 157 5 891725332 +94 160 4 891721942 +94 161 3 891721439 +94 164 3 891721528 +94 168 5 891721378 +94 170 5 891725362 +94 172 4 885870175 +94 173 4 885872758 +94 174 4 885870231 +94 175 4 885870613 +94 176 4 891720570 +94 177 5 885870284 +94 179 5 885870577 +94 180 5 885870284 +94 181 4 885872942 +94 183 5 891720921 +94 184 2 891720862 +94 185 5 885873684 +94 186 4 891722278 +94 187 4 885870362 +94 190 5 885870231 +94 191 5 885870175 +94 192 4 891721142 +94 193 5 891720498 +94 194 4 885870284 +94 195 3 885870231 +94 196 4 891721462 +94 200 4 891721414 +94 201 4 891721378 +94 202 2 885873423 +94 203 5 885870577 +94 204 4 891721317 +94 206 4 891722843 +94 208 4 891720643 +94 209 5 886008301 +94 210 4 886008459 +94 211 5 891721142 +94 214 5 891725332 +94 215 4 891722174 +94 216 3 885870665 +94 217 4 891722646 +94 218 3 891721851 +94 219 4 891721528 +94 222 3 891721258 +94 223 5 891721286 +94 225 3 891722646 +94 227 3 891722759 +94 228 4 891720996 +94 229 3 891722979 +94 230 2 891723124 +94 232 3 891721584 +94 234 5 885882685 +94 235 4 891722980 +94 238 5 891721168 +94 241 4 891721716 +94 245 1 891724828 +94 246 4 891724064 +94 250 4 891724257 +94 257 4 891724178 +94 258 5 891724044 +94 260 2 891725049 +94 265 4 891721889 +94 268 4 891724925 +94 273 4 885872684 +94 274 4 891722511 +94 281 3 891722576 +94 282 3 891722758 +94 286 4 891724122 +94 288 3 885869993 +94 302 4 891928684 +94 313 4 891724925 +94 317 5 885873653 +94 318 5 891721191 +94 328 3 891724990 +94 334 3 891725440 +94 343 4 891725009 +94 346 4 891725410 +94 347 5 891724950 +94 356 4 891722646 +94 357 5 891720921 +94 365 3 891722383 +94 366 3 891722845 +94 368 2 891724846 +94 369 1 891723459 +94 372 4 891723124 +94 380 3 891722760 +94 381 4 886008764 +94 385 2 891721975 +94 386 4 891722382 +94 390 5 891725333 +94 391 3 891723644 +94 392 3 891722646 +94 393 3 891721684 +94 399 4 891722802 +94 401 4 891722678 +94 402 4 891723261 +94 403 3 891723188 +94 404 4 891721615 +94 405 3 891721615 +94 410 4 891721494 +94 411 3 891724508 +94 417 3 891722799 +94 418 3 891721317 +94 419 3 891721615 +94 420 4 891721317 +94 421 4 891721414 +94 423 4 885873302 +94 425 5 885870665 +94 428 5 891725332 +94 431 4 891721716 +94 432 4 885873089 +94 433 4 891721078 +94 435 4 885870418 +94 436 5 891721815 +94 443 4 891721439 +94 447 4 891721562 +94 448 5 891722939 +94 451 4 891723494 +94 455 3 891721777 +94 458 4 891722306 +94 464 5 885873302 +94 465 5 891721851 +94 467 4 885873423 +94 469 4 891721048 +94 470 4 891722006 +94 471 4 891721642 +94 472 3 891723707 +94 475 5 885870362 +94 477 2 885870323 +94 483 5 885870115 +94 484 5 891720996 +94 496 3 885873159 +94 501 4 891721642 +94 504 5 885870612 +94 506 5 891721642 +94 508 5 891720712 +94 509 5 885873159 +94 510 5 885873089 +94 518 5 891720950 +94 525 5 891721439 +94 527 5 886008885 +94 528 5 885870323 +94 537 4 891722006 +94 541 3 891723525 +94 544 3 891721562 +94 546 3 891723296 +94 549 5 891721528 +94 550 1 891723033 +94 553 3 891722511 +94 556 3 891722882 +94 561 3 891722882 +94 562 3 891721494 +94 566 2 891721815 +94 568 3 891721974 +94 569 1 891722980 +94 572 3 891723883 +94 576 2 891723593 +94 581 4 891722249 +94 583 3 891722174 +94 585 3 891723494 +94 586 1 891723707 +94 587 4 891721078 +94 588 4 885873006 +94 589 5 891720786 +94 597 2 891723078 +94 603 4 891721414 +94 616 4 891720498 +94 624 2 891723459 +94 625 4 891723086 +94 627 3 891722678 +94 629 4 891721286 +94 636 4 891721351 +94 637 3 891723186 +94 642 4 891720590 +94 644 5 886008390 +94 646 5 885873006 +94 647 5 891720921 +94 650 5 885870612 +94 651 5 891725332 +94 652 4 891721167 +94 654 5 885872684 +94 655 4 891720862 +94 657 5 891720761 +94 658 3 891722533 +94 665 3 891723328 +94 670 3 891722249 +94 673 3 891721615 +94 674 3 891723748 +94 679 4 891722006 +94 684 4 891721615 +94 685 4 891722382 +94 686 4 891720540 +94 692 4 891722249 +94 693 4 891720921 +94 696 4 891724381 +94 700 2 891723427 +94 703 3 891721562 +94 710 3 891721117 +94 715 4 891722278 +94 716 3 885873006 +94 720 1 891723593 +94 722 2 891723494 +94 723 3 891721851 +94 727 5 891722458 +94 728 2 891723748 +94 731 3 891723295 +94 732 3 891721216 +94 735 5 891721528 +94 736 5 891721077 +94 738 2 891723558 +94 739 2 891723156 +94 741 4 891721352 +94 742 3 891722214 +94 744 4 891721462 +94 746 4 891721716 +94 750 4 891725501 +94 763 3 891722006 +94 765 3 891723619 +94 768 3 891722609 +94 780 3 891723558 +94 783 2 891723495 +94 786 3 891723593 +94 789 4 891720887 +94 792 4 885873006 +94 797 2 891723848 +94 800 3 891723296 +94 806 4 885873302 +94 808 2 891723931 +94 809 2 891723155 +94 810 3 891723076 +94 813 5 891720786 +94 820 1 891723186 +94 824 4 891722882 +94 829 2 891724800 +94 860 2 891723706 +94 864 2 891723397 +94 921 5 891725332 +94 923 5 885882685 +94 928 3 891723774 +94 930 2 891724747 +94 932 2 891724691 +94 939 4 885873423 +94 942 4 891721749 +94 943 3 891722338 +94 944 1 891723619 +94 946 3 891723217 +94 949 5 885873160 +94 951 3 891722214 +94 959 5 891725332 +94 961 4 891721317 +94 969 4 891721026 +94 993 4 891724303 +94 1004 3 891723593 +94 1009 4 891722845 +94 1011 4 891722214 +94 1012 4 891724100 +94 1014 4 891724256 +94 1028 2 891723395 +94 1032 2 891723807 +94 1044 4 891722555 +94 1045 4 891721815 +94 1046 2 891723262 +94 1048 4 891722678 +94 1058 4 891722609 +94 1073 5 891720540 +94 1074 2 891723427 +94 1089 2 891724829 +94 1091 3 891722306 +94 1110 4 891722801 +94 1118 4 891722482 +94 1119 4 891723261 +94 1135 4 891722646 +94 1147 4 886008354 +94 1153 4 891721777 +94 1188 3 891723525 +94 1199 3 891724798 +94 1206 3 891723593 +94 1209 2 891723459 +94 1210 3 891723558 +94 1211 5 891722458 +94 1217 3 891723086 +94 1218 4 891722511 +94 1220 3 891722678 +94 1221 3 891721216 +94 1222 3 891723848 +94 1223 4 891721494 +94 1224 3 891722802 +94 1225 3 891723262 +94 1226 4 891724081 +95 1 5 879197329 +95 2 2 888955909 +95 3 1 879193881 +95 7 5 879197329 +95 8 5 879198262 +95 14 5 879197329 +95 15 4 879195062 +95 22 4 888953953 +95 24 3 879192542 +95 25 3 879192597 +95 26 3 880571951 +95 28 4 879197603 +95 31 4 888954513 +95 32 1 888954726 +95 33 3 880571704 +95 43 2 880572356 +95 48 4 879197500 +95 49 3 879198604 +95 51 4 879198353 +95 58 3 879197834 +95 62 4 879196354 +95 63 3 880572218 +95 64 5 879197685 +95 65 4 879197918 +95 67 2 879198109 +95 68 4 879196231 +95 69 5 879198210 +95 70 4 880571951 +95 71 5 880573288 +95 72 2 880571389 +95 73 4 879198161 +95 77 4 880571746 +95 78 3 888956901 +95 79 4 879196231 +95 82 3 879196408 +95 83 5 880573288 +95 88 4 880571016 +95 89 3 879196353 +95 90 2 880572166 +95 91 5 880573288 +95 94 5 880573288 +95 95 3 879198109 +95 96 4 879196298 +95 97 4 879198652 +95 98 4 879197385 +95 99 4 888954699 +95 101 1 879198800 +95 102 4 880572474 +95 111 4 879194012 +95 117 4 879193619 +95 121 4 879194114 +95 127 4 879195062 +95 128 3 879196354 +95 132 3 880570993 +95 133 3 888954341 +95 135 3 879197562 +95 137 3 879192404 +95 139 4 880572250 +95 140 3 879199014 +95 141 4 888954631 +95 142 4 880572249 +95 143 4 880571951 +95 144 5 879197329 +95 151 4 879193353 +95 153 5 879197022 +95 161 3 879196298 +95 168 4 879197970 +95 170 5 880573288 +95 172 4 879196847 +95 173 5 879198547 +95 174 5 879196231 +95 175 5 879197603 +95 176 3 879196298 +95 177 3 879196408 +95 178 5 879197652 +95 179 3 880570909 +95 180 3 880570852 +95 181 4 879193353 +95 182 2 879198210 +95 183 5 879197329 +95 185 3 879197886 +95 186 5 880573288 +95 188 3 879196354 +95 190 4 888954513 +95 191 5 879198161 +95 193 3 879198482 +95 195 5 879196231 +95 196 4 879198354 +95 197 4 888954243 +95 198 5 880570823 +95 199 5 880570964 +95 200 2 888954552 +95 202 4 879198209 +95 203 3 879198888 +95 204 5 879197562 +95 205 3 888954412 +95 207 5 880571164 +95 208 4 879198353 +95 209 4 879197021 +95 210 5 879196566 +95 211 3 879197652 +95 215 4 879198109 +95 216 5 880573287 +95 226 4 879196513 +95 228 4 879196231 +95 229 3 879196408 +95 232 4 879196513 +95 233 4 879196354 +95 234 2 879197886 +95 237 2 879192708 +95 239 3 879198262 +95 241 3 879196408 +95 250 4 882803989 +95 257 5 879197329 +95 265 3 879196513 +95 274 4 879193881 +95 275 3 879192819 +95 282 4 880573506 +95 286 5 879193353 +95 289 2 879191590 +95 290 3 879193973 +95 328 5 888953921 +95 356 4 880571117 +95 357 4 879198317 +95 366 4 880572628 +95 371 2 888955909 +95 378 4 888954699 +95 381 4 880571678 +95 385 4 879196408 +95 389 4 880572388 +95 391 2 879196566 +95 393 5 880571678 +95 395 3 888956928 +95 398 1 888956804 +95 399 4 880572449 +95 402 3 880571389 +95 403 1 879196457 +95 404 5 888954513 +95 405 3 879194159 +95 415 3 888956582 +95 416 4 888954961 +95 417 3 888956158 +95 419 4 879198547 +95 420 4 888956001 +95 422 2 888956665 +95 423 5 880571479 +95 431 3 879196629 +95 432 3 879197886 +95 436 5 879198547 +95 443 3 879198747 +95 445 4 888956272 +95 447 2 880572166 +95 448 3 879197783 +95 449 3 879196665 +95 451 3 880572249 +95 463 5 880573287 +95 465 3 882803918 +95 471 5 884266051 +95 472 5 879197329 +95 474 4 880570909 +95 483 3 879198697 +95 485 5 888954129 +95 491 4 879197783 +95 495 4 888954760 +95 496 4 879198746 +95 498 3 879197445 +95 505 3 888954513 +95 506 3 888954552 +95 509 4 879197728 +95 510 4 879196188 +95 511 4 879196298 +95 514 2 888954076 +95 515 5 879197329 +95 518 4 888954076 +95 520 4 879197970 +95 523 4 879197562 +95 527 4 888954440 +95 532 4 881011974 +95 539 4 884266022 +95 542 2 888954039 +95 546 2 879196566 +95 550 4 879196748 +95 552 1 888956422 +95 554 3 879196748 +95 560 1 880572166 +95 566 2 879196594 +95 568 4 879196594 +95 573 1 888954808 +95 586 2 881599672 +95 588 3 879198800 +95 591 5 880573287 +95 596 2 879193651 +95 597 3 879194663 +95 622 4 880571678 +95 625 4 888954412 +95 627 4 880572288 +95 636 1 879196566 +95 640 3 880571746 +95 649 4 880571678 +95 650 4 880572132 +95 651 5 879196594 +95 655 4 879198109 +95 657 5 879198697 +95 660 5 880571456 +95 665 2 879196666 +95 674 2 880572104 +95 675 2 888954310 +95 683 4 879193353 +95 692 4 879198482 +95 699 2 882804187 +95 705 5 880570964 +95 707 3 880572009 +95 708 2 880571951 +95 712 2 888956400 +95 715 1 880572060 +95 716 3 879198109 +95 720 2 879196513 +95 728 3 882804159 +95 736 4 888954170 +95 737 3 879197021 +95 739 3 880572689 +95 742 4 879193512 +95 747 5 880573288 +95 768 1 888956272 +95 779 3 880572288 +95 781 2 880572495 +95 787 2 888954930 +95 791 3 880572449 +95 815 3 879193708 +95 843 4 880572448 +95 855 3 888954609 +95 862 1 884266100 +95 878 1 881599623 +95 892 3 882803890 +95 960 2 888954129 +95 968 5 880571117 +95 971 3 879198262 +95 976 2 879195703 +95 1018 3 879198946 +95 1047 3 879193881 +95 1090 1 888956869 +95 1091 3 880572658 +95 1101 2 879197970 +95 1116 4 888956137 +95 1126 4 879197445 +95 1133 3 880572416 +95 1188 2 880572787 +95 1206 4 888956137 +95 1217 3 880572658 +95 1219 1 888956489 +95 1221 4 880572448 +95 1227 2 880572581 +95 1228 3 880572689 +95 1229 2 879198800 +95 1230 1 888956901 +95 1231 1 880572787 +96 1 5 884403574 +96 7 5 884403811 +96 8 5 884403020 +96 23 5 884403123 +96 42 1 884403214 +96 50 5 884402977 +96 56 5 884403336 +96 64 5 884403336 +96 79 4 884403500 +96 83 3 884403758 +96 87 4 884403531 +96 89 5 884402896 +96 91 5 884403250 +96 96 4 884403531 +96 98 5 884403214 +96 100 5 884403758 +96 127 5 884403214 +96 144 4 884403250 +96 153 4 884403624 +96 156 4 884402860 +96 170 5 884403866 +96 173 3 884402791 +96 174 5 884403020 +96 176 4 884403758 +96 181 5 884403687 +96 182 4 884402791 +96 183 4 884403123 +96 185 5 884403866 +96 187 5 884402791 +96 190 4 884402978 +96 194 2 884403392 +96 195 5 884403159 +96 198 5 884403465 +96 200 5 884403215 +96 216 4 884403095 +96 238 4 884403250 +96 265 5 884403758 +96 318 5 884403057 +96 435 3 884403500 +96 445 4 884403095 +96 474 4 884403095 +96 478 2 884403123 +96 479 4 884403758 +96 483 5 884403057 +96 484 5 884402860 +96 486 3 884403392 +96 519 4 884402896 +96 525 2 884402860 +96 645 5 884403020 +96 673 4 884402860 +96 1154 5 884403993 +96 1232 5 884404017 +97 1 4 884238911 +97 7 5 884238939 +97 23 5 884239553 +97 28 5 884238778 +97 32 5 884239791 +97 50 5 884239471 +97 69 5 884239616 +97 79 5 884238817 +97 82 4 884239552 +97 83 1 884238817 +97 89 5 884238939 +97 96 5 884239712 +97 97 5 884239525 +97 98 4 884238728 +97 100 2 884238778 +97 115 5 884239525 +97 132 5 884238693 +97 133 1 884239655 +97 135 5 884238652 +97 153 5 884239686 +97 168 4 884238693 +97 169 5 884238887 +97 172 4 884238939 +97 173 3 884238728 +97 174 4 884238817 +97 175 5 884239616 +97 183 5 884238911 +97 186 3 884239574 +97 189 4 884238887 +97 191 5 884239472 +97 192 1 884238778 +97 193 4 884238997 +97 194 3 884238860 +97 195 5 884238966 +97 197 3 884239655 +97 202 5 884239449 +97 204 5 884238966 +97 205 2 884238817 +97 222 5 884238887 +97 228 5 884238860 +97 357 5 884239493 +97 408 5 884238652 +97 428 4 884239553 +97 429 4 884238860 +97 430 5 884238693 +97 431 3 884239616 +97 432 4 884238997 +97 434 4 884239791 +97 435 4 884238752 +97 466 3 884239449 +97 482 5 884238693 +97 484 3 884238966 +97 496 2 884238693 +97 526 3 884239687 +97 603 4 884238817 +97 655 5 884238860 +97 661 5 884238817 +97 663 5 884239791 +97 670 5 884239744 +97 919 5 884239616 +97 1126 3 884239687 +98 25 5 880499111 +98 47 4 880498898 +98 70 3 880499018 +98 88 3 880499087 +98 116 5 880499053 +98 152 3 880498968 +98 163 3 880499053 +98 168 2 880498834 +98 173 1 880498935 +98 209 2 880498935 +98 210 4 880498968 +98 211 4 880498797 +98 321 3 880498519 +98 322 3 880498586 +98 428 5 880498834 +98 435 5 880498967 +98 502 2 880499053 +98 514 5 880498898 +98 517 5 880498990 +98 523 5 880498967 +98 629 5 880499111 +98 655 3 880498861 +98 745 3 880498935 +98 938 3 880498624 +98 988 1 880498668 +99 1 4 886518459 +99 3 3 885679237 +99 4 5 886519097 +99 7 4 885678784 +99 11 5 885680138 +99 12 5 885680458 +99 22 5 885679596 +99 25 3 885679025 +99 28 3 885680578 +99 50 5 885679998 +99 56 5 885679833 +99 64 5 885680578 +99 66 3 886519047 +99 69 4 885679833 +99 79 4 885680138 +99 92 4 885680837 +99 100 5 885678813 +99 105 2 885679353 +99 107 3 885679138 +99 111 1 885678886 +99 116 2 888469419 +99 117 5 885678784 +99 118 2 885679237 +99 120 2 885679472 +99 121 3 885679261 +99 123 3 885678997 +99 124 2 885678886 +99 125 4 885678840 +99 147 5 885678997 +99 168 5 885680374 +99 172 5 885679952 +99 173 4 885680062 +99 181 5 885680138 +99 182 4 886518810 +99 196 4 885680578 +99 201 3 885680348 +99 203 4 885680723 +99 204 4 885679952 +99 210 5 885679705 +99 232 4 886519075 +99 237 5 885678886 +99 238 4 885680616 +99 240 4 885679279 +99 245 3 885678500 +99 246 3 888469392 +99 255 3 888469419 +99 258 5 885678696 +99 265 3 885679833 +99 268 3 885678247 +99 273 5 886780105 +99 274 1 885679157 +99 275 1 888469419 +99 276 2 885678973 +99 282 3 885678753 +99 288 4 885678247 +99 290 4 886518628 +99 300 4 885678397 +99 310 3 885678348 +99 312 2 885678576 +99 313 5 885678348 +99 315 4 885678479 +99 322 3 885678499 +99 326 3 885678267 +99 328 4 885678696 +99 331 3 885678247 +99 332 3 885678348 +99 338 4 885678539 +99 342 1 885678348 +99 345 3 885678696 +99 346 4 885678415 +99 354 2 888469332 +99 358 2 885678520 +99 363 4 885679262 +99 367 4 886519075 +99 369 4 885679382 +99 402 4 885680617 +99 403 4 885680374 +99 405 4 885678813 +99 406 3 885679353 +99 409 2 885679411 +99 410 5 885679262 +99 413 3 885679299 +99 421 3 885680772 +99 456 3 885679504 +99 471 4 885679091 +99 472 3 885679210 +99 475 5 885678785 +99 508 4 885678840 +99 546 4 885679353 +99 591 4 885678840 +99 595 4 885679504 +99 597 4 885679210 +99 619 4 885679091 +99 628 4 885678813 +99 651 5 885679833 +99 676 4 885678886 +99 678 2 885678479 +99 682 2 885678371 +99 685 3 885678840 +99 694 1 885680616 +99 741 3 885678886 +99 742 5 885679114 +99 748 4 885678436 +99 751 4 885678397 +99 762 2 885679411 +99 763 5 885679138 +99 780 5 886780007 +99 815 2 885679237 +99 827 3 885679504 +99 829 4 885679382 +99 845 3 885679183 +99 871 2 885679411 +99 873 1 885678436 +99 895 3 885678304 +99 926 3 885679437 +99 931 2 886780147 +99 963 3 885679998 +99 975 3 885679472 +99 978 3 885679382 +99 1016 5 885678724 +99 1048 4 885679411 +99 1052 1 885679533 +99 1067 4 885679437 +99 1079 3 885679504 +99 1119 4 885680348 +99 1132 4 885679319 +100 258 4 891374675 +100 266 2 891375484 +100 268 3 891374982 +100 269 4 891374641 +100 270 3 891375016 +100 272 4 891375629 +100 286 3 891375629 +100 288 2 891374603 +100 289 3 891375359 +100 292 2 891375146 +100 294 4 891375313 +100 300 4 891375112 +100 302 4 891374528 +100 310 3 891375522 +100 313 5 891374706 +100 316 5 891375313 +100 321 1 891375112 +100 323 3 891375359 +100 326 3 891375630 +100 328 4 891375212 +100 333 3 891374528 +100 340 3 891374707 +100 342 3 891375454 +100 344 4 891374868 +100 347 4 891375212 +100 348 3 891375630 +100 349 3 891375629 +100 354 2 891375260 +100 355 4 891375313 +100 678 3 891375428 +100 689 3 891375212 +100 690 4 891375629 +100 691 4 891375260 +100 750 4 891375016 +100 752 4 891375146 +100 874 1 891374868 +100 879 4 891374946 +100 880 1 891375260 +100 881 1 891375186 +100 886 3 891375522 +100 887 2 891374868 +100 892 2 891375484 +100 895 2 891375212 +100 900 4 891374832 +100 905 3 891375630 +100 908 1 891375068 +100 990 3 891375428 +100 1233 3 891375112 +100 1234 1 891375068 +100 1235 4 891375454 +100 1236 3 891375630 +100 1237 3 891375630 +100 1238 2 891375068 +101 1 3 877136039 +101 7 3 877135944 +101 24 4 877136391 +101 50 4 877135944 +101 109 2 877136360 +101 111 2 877136686 +101 117 4 877136067 +101 118 3 877136424 +101 121 4 877137015 +101 122 1 877136928 +101 123 2 877136186 +101 125 4 877137015 +101 147 4 877136506 +101 151 3 877136628 +101 181 4 877137015 +101 222 3 877136243 +101 225 3 877136814 +101 237 5 877137015 +101 252 3 877136628 +101 255 4 877137015 +101 257 4 877137015 +101 278 2 877136737 +101 280 3 877136039 +101 281 2 877136842 +101 282 3 877135883 +101 284 4 877136564 +101 288 4 877137015 +101 304 3 877135677 +101 369 2 877136928 +101 370 2 877136711 +101 405 4 877137015 +101 411 2 877136891 +101 412 2 877136842 +101 471 3 877136535 +101 546 4 877137015 +101 596 3 877136564 +101 597 3 877136928 +101 717 3 877136928 +101 742 4 877136302 +101 756 3 877136424 +101 815 3 877136392 +101 819 1 877136424 +101 820 3 877136954 +101 826 3 877136686 +101 829 3 877136138 +101 840 3 877136659 +101 841 2 877136763 +101 845 3 877136302 +101 846 3 877135914 +101 866 4 877137015 +101 924 4 877136535 +101 926 3 877136628 +101 928 2 877136302 +101 975 2 877136659 +101 979 2 877136711 +101 1009 2 877136598 +101 1034 2 877136686 +101 1047 2 877136424 +101 1051 2 877136891 +101 1057 2 877136789 +101 1093 1 877136360 +101 1132 3 877136954 +102 4 2 888801522 +102 5 3 888803002 +102 11 3 888801232 +102 13 3 892991118 +102 29 1 888802677 +102 38 2 888801622 +102 47 2 888803636 +102 49 2 892992129 +102 50 4 888801315 +102 53 2 888801577 +102 55 3 888801465 +102 56 3 888801360 +102 62 3 888801812 +102 66 3 892992129 +102 67 1 892993706 +102 68 2 888801673 +102 70 3 888803537 +102 72 3 888803602 +102 73 3 892992297 +102 79 2 888801316 +102 82 2 888801360 +102 83 3 888803487 +102 88 3 892991311 +102 89 4 888801315 +102 91 3 883748488 +102 94 2 892993545 +102 95 4 883748488 +102 96 3 888801316 +102 98 4 888802939 +102 99 2 883748488 +102 101 4 883748488 +102 102 3 883748488 +102 117 3 888801232 +102 118 3 888801465 +102 121 3 888801673 +102 127 2 888801316 +102 144 3 888801360 +102 153 2 892991376 +102 161 2 888801876 +102 163 2 892993190 +102 164 3 888803002 +102 167 2 892993927 +102 168 3 888803537 +102 173 3 888803602 +102 175 4 892991117 +102 176 3 888801360 +102 181 2 888801406 +102 182 3 889362833 +102 183 4 888801360 +102 184 2 888801465 +102 185 3 888802940 +102 186 4 888803487 +102 187 3 888801232 +102 188 2 888801812 +102 194 3 888803537 +102 195 4 888801360 +102 200 3 888803051 +102 201 2 888803051 +102 202 4 892991269 +102 204 4 888803487 +102 208 4 888803537 +102 210 3 888801522 +102 211 3 892993190 +102 217 2 888803149 +102 218 3 888803002 +102 219 2 888803149 +102 222 3 888801406 +102 226 2 888801673 +102 228 4 888801465 +102 229 3 888801623 +102 230 2 888801232 +102 231 2 888802319 +102 233 3 888801622 +102 234 3 888802940 +102 235 3 892993605 +102 239 3 888804089 +102 241 3 888802038 +102 245 3 883748222 +102 248 3 877915935 +102 258 4 875886337 +102 260 2 883277645 +102 264 2 883277645 +102 265 3 888801622 +102 269 2 891427996 +102 271 2 888781860 +102 273 3 888801465 +102 286 3 883277645 +102 288 2 887051621 +102 294 2 883277645 +102 298 3 875886827 +102 300 3 875886434 +102 302 3 880680541 +102 307 4 883748222 +102 313 3 887048184 +102 319 4 875886434 +102 322 3 883277645 +102 326 3 879082298 +102 327 2 884870872 +102 328 2 883277645 +102 332 3 883277920 +102 334 2 888295889 +102 338 2 887051723 +102 350 3 892990700 +102 358 3 888957092 +102 363 2 888801622 +102 373 2 888802508 +102 384 2 892993827 +102 385 3 888801577 +102 386 2 892993735 +102 391 2 888802767 +102 393 3 892993302 +102 396 2 892993735 +102 399 2 888802722 +102 403 3 888801812 +102 405 2 888801812 +102 409 2 892993855 +102 411 2 892993786 +102 418 3 883748450 +102 431 3 888801407 +102 432 3 883748418 +102 435 3 888801315 +102 436 2 888803051 +102 443 3 888803148 +102 444 1 888803245 +102 445 2 888803148 +102 447 4 888803002 +102 448 3 888803002 +102 449 4 888802176 +102 450 1 888802768 +102 476 3 892993827 +102 501 2 883748418 +102 502 3 888803738 +102 510 4 888801316 +102 511 3 888801407 +102 515 1 888801316 +102 522 3 888803487 +102 524 3 888803537 +102 530 3 888801577 +102 541 2 888801673 +102 546 3 888801876 +102 548 2 885126313 +102 550 2 888801812 +102 554 2 888801577 +102 559 3 888803052 +102 565 2 888803395 +102 566 2 888801876 +102 568 2 888801232 +102 576 2 888802722 +102 577 3 892993895 +102 578 2 888801876 +102 588 4 883748450 +102 596 2 883748352 +102 597 3 888801673 +102 612 4 879082395 +102 625 3 883748418 +102 629 3 888803488 +102 635 2 888803148 +102 636 3 888801577 +102 650 3 888801063 +102 652 2 892992129 +102 655 3 888803802 +102 663 3 892993190 +102 665 1 888802319 +102 667 3 888803002 +102 671 3 888803002 +102 672 1 888803148 +102 675 3 888802940 +102 685 3 888801876 +102 686 3 888801673 +102 689 3 883277481 +102 720 2 888801812 +102 732 3 888804089 +102 734 2 892993786 +102 746 2 892993190 +102 748 3 888800994 +102 751 3 885100000 +102 760 1 888803245 +102 768 2 883748450 +102 771 2 888802508 +102 778 3 892991448 +102 785 2 892991376 +102 797 2 888802722 +102 809 3 888802768 +102 810 2 888802508 +102 823 3 888801465 +102 827 2 888802722 +102 831 2 888802508 +102 840 2 888802508 +102 841 2 888802319 +102 856 2 892993927 +102 866 2 892993545 +102 892 2 883278138 +102 930 2 888802677 +102 947 3 888801360 +102 986 1 888802319 +102 993 2 883748352 +102 1025 2 883278200 +102 1030 1 892994075 +102 1052 2 892993983 +102 1228 1 888802508 +102 1239 2 888802319 +102 1240 2 883748450 +103 24 4 880415847 +103 50 5 880416864 +103 69 3 880420585 +103 96 4 880422009 +103 117 4 880416313 +103 118 3 880420002 +103 121 3 880415766 +103 126 5 880420002 +103 127 4 880416331 +103 144 4 880420510 +103 181 4 880415875 +103 204 3 880423118 +103 211 3 880420565 +103 222 3 880415875 +103 234 3 880420353 +103 250 4 880415918 +103 252 2 880420020 +103 255 5 880416423 +103 257 3 880415892 +103 294 4 880416515 +103 300 3 880416727 +103 301 4 880416704 +103 405 3 880416424 +103 471 4 880416921 +103 487 4 880421001 +103 527 5 880416238 +103 1089 1 880420178 +104 3 3 888465739 +104 7 3 888465972 +104 10 2 888465413 +104 13 3 888465634 +104 15 5 888465413 +104 25 3 888465634 +104 50 5 888465972 +104 100 4 888465166 +104 111 1 888465675 +104 117 2 888465972 +104 122 3 888465739 +104 124 2 888465226 +104 126 4 888465513 +104 127 3 888465201 +104 130 1 888465554 +104 147 3 888466002 +104 150 5 888465225 +104 181 5 888465972 +104 222 3 888465319 +104 235 2 888465675 +104 237 3 888465263 +104 245 2 888442404 +104 246 3 888465319 +104 248 2 888465604 +104 249 3 888465675 +104 250 3 888465972 +104 255 1 888465604 +104 257 4 888465582 +104 258 3 888442249 +104 268 3 888442172 +104 269 5 888441878 +104 270 4 888442337 +104 271 1 888442370 +104 272 4 888441878 +104 273 3 888465972 +104 276 4 888465290 +104 282 3 888465166 +104 283 4 888465582 +104 285 4 888465201 +104 286 1 888442304 +104 287 2 888465347 +104 288 2 888442140 +104 289 4 888442112 +104 290 4 888465739 +104 293 3 888465166 +104 294 3 888442404 +104 299 3 888442436 +104 300 3 888442275 +104 301 2 888442275 +104 302 5 888441877 +104 307 2 888442249 +104 311 1 888442112 +104 312 3 888442485 +104 313 4 888441878 +104 316 4 888442461 +104 324 1 888442404 +104 325 1 888442552 +104 327 2 888442202 +104 330 1 888442530 +104 331 3 888442140 +104 332 2 888442305 +104 333 2 888442305 +104 340 3 888441878 +104 342 3 888442437 +104 345 4 888442171 +104 346 3 888442172 +104 347 2 888442140 +104 354 3 888442202 +104 405 3 888466028 +104 411 1 888465739 +104 412 3 888465900 +104 456 3 888465853 +104 475 4 888465582 +104 508 2 888465201 +104 534 2 888465554 +104 544 3 888465413 +104 546 1 888465491 +104 591 4 888465263 +104 628 4 888465347 +104 713 3 888465491 +104 744 1 888465413 +104 748 2 888442461 +104 750 5 888442171 +104 751 4 888442337 +104 756 2 888465739 +104 823 1 888465554 +104 825 1 888466028 +104 827 2 888466086 +104 840 1 888466086 +104 845 3 888465634 +104 847 2 888465263 +104 871 2 888465853 +104 895 2 888442507 +104 926 1 888465936 +104 984 1 888442575 +104 1010 1 888465554 +104 1011 3 888465201 +104 1012 4 888465708 +104 1016 1 888466002 +104 1017 1 888465634 +104 1028 2 888465818 +104 1115 4 888465263 +104 1226 3 888465347 +104 1241 1 888465379 +105 258 5 889214306 +105 264 2 889214491 +105 268 4 889214268 +105 269 4 889214193 +105 270 5 889214245 +105 271 2 889214245 +105 272 4 889214284 +105 286 4 889214306 +105 288 4 889214335 +105 302 5 889214193 +105 307 2 889214381 +105 313 5 889214193 +105 324 4 889214245 +105 327 4 889214406 +105 333 3 889214268 +105 340 3 889214245 +105 343 2 889214524 +105 690 3 889214306 +105 748 2 889214406 +105 752 3 889214406 +106 1 4 881449487 +106 8 4 881452405 +106 12 4 881451234 +106 14 4 881449486 +106 15 3 883876518 +106 22 4 881449830 +106 25 4 881451016 +106 28 4 881451144 +106 45 3 881453290 +106 48 3 881453290 +106 64 4 881449830 +106 69 4 881449886 +106 77 4 881451716 +106 86 3 881451355 +106 88 3 881453097 +106 97 5 881450810 +106 100 3 881449487 +106 107 4 883876961 +106 161 3 881452816 +106 162 5 881450758 +106 165 5 881450536 +106 191 5 881451453 +106 194 5 881450758 +106 196 5 881450578 +106 210 4 881450810 +106 211 4 881452532 +106 213 4 881453065 +106 216 5 881452998 +106 223 4 881450440 +106 244 4 883877094 +106 273 3 881453290 +106 274 3 883876146 +106 275 4 883877219 +106 280 2 883876680 +106 285 4 883876206 +106 286 4 881449486 +106 313 4 888706075 +106 435 3 881452355 +106 495 4 881451016 +106 526 4 881452685 +106 566 4 881452711 +106 582 4 881451199 +106 584 4 881453481 +106 647 3 881450440 +106 660 4 881451631 +106 684 4 881452763 +106 692 3 881453290 +106 699 4 881451421 +106 703 4 881450039 +106 712 3 881452599 +106 739 3 881453290 +106 778 4 881453040 +106 828 2 883876872 +106 923 4 881453355 +106 956 3 881453290 +106 1028 3 883876085 +106 1115 4 883876833 +106 1242 4 881516731 +107 258 4 891264466 +107 259 2 891264630 +107 264 3 891264598 +107 268 4 891264387 +107 269 5 891264267 +107 271 2 891264432 +107 286 2 891264266 +107 288 3 891264432 +107 300 1 891264432 +107 302 4 891264296 +107 305 4 891264327 +107 312 4 891264535 +107 313 2 891264266 +107 321 2 891264432 +107 322 1 891264535 +107 323 1 891264566 +107 325 3 891264659 +107 327 3 891264501 +107 333 3 891264267 +107 340 5 891264356 +107 902 5 891264501 +108 1 4 879879720 +108 7 5 879879812 +108 10 5 879879834 +108 13 3 879879834 +108 14 5 879879720 +108 21 3 879880141 +108 50 4 879879739 +108 100 4 879879720 +108 121 3 879880190 +108 124 4 879879757 +108 125 3 879879864 +108 127 4 879879720 +108 137 5 879879941 +108 181 3 879879985 +108 222 2 879879720 +108 237 3 879879796 +108 252 3 879879961 +108 255 2 879880094 +108 275 5 879879739 +108 281 4 879879985 +108 282 3 879880055 +108 284 3 879879911 +108 290 4 879880076 +108 294 4 879879662 +108 304 3 879879662 +108 319 5 879879662 +108 405 3 879880157 +108 471 2 879880076 +108 515 5 879879941 +108 718 4 879879985 +108 740 3 879880055 +108 748 3 879879662 +108 931 2 879880190 +109 1 4 880563619 +109 4 2 880572756 +109 5 3 880580637 +109 7 4 880563080 +109 8 3 880572642 +109 9 3 880564607 +109 11 4 880572786 +109 12 4 880577542 +109 15 4 880577868 +109 17 4 880582132 +109 25 4 880571741 +109 29 3 880582783 +109 31 4 880577844 +109 42 1 880572756 +109 53 4 880583336 +109 54 3 880578286 +109 55 2 880572756 +109 58 4 880572950 +109 62 3 880578711 +109 63 3 880582679 +109 64 2 880572560 +109 67 5 880580719 +109 68 3 880582469 +109 69 4 880572561 +109 70 4 880578038 +109 71 4 880578066 +109 72 5 880577892 +109 77 4 880578388 +109 79 5 880572721 +109 81 2 880580030 +109 82 5 880572680 +109 88 4 880581942 +109 89 4 880573263 +109 90 3 880583192 +109 91 4 880582384 +109 94 4 880579787 +109 95 4 880572721 +109 96 5 880572614 +109 97 3 880578711 +109 98 4 880572755 +109 100 4 880563080 +109 101 1 880578186 +109 111 4 880564570 +109 117 5 880564457 +109 118 3 880571801 +109 121 5 880571741 +109 122 2 880583493 +109 125 5 880564534 +109 127 2 880563471 +109 131 1 880579757 +109 144 4 880572560 +109 147 4 880564679 +109 151 5 880571661 +109 154 2 880578121 +109 156 5 880573084 +109 157 4 880577961 +109 158 1 880579916 +109 159 4 880578121 +109 161 3 880572756 +109 162 2 880578358 +109 164 5 880578066 +109 168 3 880577734 +109 172 5 880572528 +109 173 5 880572786 +109 174 5 880572721 +109 175 1 880577734 +109 176 5 880577868 +109 177 4 880578358 +109 178 3 880572950 +109 179 4 880577961 +109 181 5 880563471 +109 183 5 880572528 +109 186 3 880572786 +109 191 4 880577844 +109 195 5 880578038 +109 196 4 880578358 +109 200 2 880577734 +109 202 5 880578632 +109 204 4 880577844 +109 209 1 880572756 +109 210 5 880573084 +109 211 5 880578230 +109 214 1 880577604 +109 215 3 880578598 +109 216 3 880572891 +109 218 4 880578633 +109 222 4 880563471 +109 223 4 880572588 +109 226 5 880578503 +109 227 5 880579417 +109 228 5 880577604 +109 229 5 880578632 +109 230 5 880579107 +109 231 3 880582976 +109 233 4 880578502 +109 234 4 880578286 +109 237 4 880571770 +109 238 2 880580637 +109 239 4 880578632 +109 245 3 880562908 +109 248 2 880564415 +109 252 5 880571629 +109 257 5 880563331 +109 258 5 880562908 +109 265 5 880578185 +109 278 3 880571770 +109 281 2 880571919 +109 282 3 880564678 +109 288 5 880562908 +109 291 3 880571801 +109 294 4 880562908 +109 295 4 880564707 +109 317 2 880573085 +109 318 4 880572680 +109 322 2 880562908 +109 323 3 880562908 +109 332 3 880562908 +109 356 4 880578711 +109 357 2 880572528 +109 365 4 880581817 +109 367 3 880578121 +109 373 5 880583241 +109 380 5 880578093 +109 386 1 880579916 +109 388 5 880583308 +109 391 2 880581127 +109 392 3 880579237 +109 393 4 880579237 +109 395 3 880583672 +109 402 4 880581344 +109 403 5 880581719 +109 405 5 880564640 +109 409 2 880571920 +109 411 4 880572296 +109 413 3 880572382 +109 423 4 880577514 +109 425 2 880582317 +109 431 3 880578186 +109 441 2 880582633 +109 449 5 880581987 +109 451 5 880583192 +109 452 2 880583753 +109 472 2 880571715 +109 475 1 880563641 +109 508 4 880571629 +109 520 5 880572642 +109 527 3 880577604 +109 531 4 880578066 +109 542 3 880582045 +109 545 2 880583493 +109 546 3 880571979 +109 550 5 880579107 +109 552 2 880582414 +109 559 3 880579709 +109 564 3 880582633 +109 566 4 880578814 +109 568 5 880578186 +109 572 3 880583308 +109 576 3 880580663 +109 584 2 880581127 +109 588 4 880578388 +109 597 2 880571715 +109 627 5 880582133 +109 628 2 880564640 +109 631 3 880579371 +109 636 5 880581817 +109 655 3 880577735 +109 665 5 880582384 +109 672 2 880582045 +109 679 3 880578093 +109 715 2 880583519 +109 722 3 880583493 +109 732 3 880572588 +109 735 5 880577989 +109 739 4 880579107 +109 742 5 880564457 +109 748 3 880562908 +109 755 5 880578814 +109 762 3 880571831 +109 763 2 880571715 +109 790 2 880580662 +109 796 3 880582856 +109 797 3 880582856 +109 809 4 880582945 +109 810 3 880583410 +109 820 3 880572382 +109 823 3 880572296 +109 826 3 880572064 +109 834 3 880583308 +109 845 4 880571684 +109 849 2 880582384 +109 866 4 880571872 +109 928 3 880572134 +109 930 3 880572351 +109 931 2 880572407 +109 940 3 880583133 +109 944 3 880579107 +109 949 3 880582384 +109 975 3 880572351 +109 986 2 880572382 +109 1011 3 880571872 +109 1012 4 880564570 +109 1013 3 880572296 +109 1014 4 880571979 +109 1016 5 880571661 +109 1023 2 880572350 +109 1028 4 880571831 +109 1035 2 880579787 +109 1039 2 880579418 +109 1060 4 880571661 +109 1074 4 880583308 +109 1157 4 880583646 +109 1222 4 880579758 +109 1228 3 880582758 +109 1244 3 880571872 +109 1245 2 880571872 +110 2 3 886988536 +110 11 4 886987922 +110 12 4 886987826 +110 22 4 886987826 +110 28 4 886987979 +110 33 4 886988631 +110 38 3 886988574 +110 41 4 886989399 +110 43 3 886988100 +110 54 4 886988202 +110 55 3 886988449 +110 56 1 886988449 +110 63 3 886989363 +110 64 4 886987894 +110 68 2 886988631 +110 69 4 886987860 +110 77 4 886988202 +110 79 4 886988480 +110 82 4 886988480 +110 88 4 886988967 +110 94 4 886989473 +110 96 4 886988449 +110 161 5 886988631 +110 173 1 886988909 +110 184 1 886988631 +110 188 4 886988574 +110 195 2 886988480 +110 196 4 886987978 +110 202 2 886988909 +110 204 3 886989276 +110 212 1 886988100 +110 215 3 886987894 +110 226 3 886988536 +110 230 3 886988750 +110 231 1 886988664 +110 232 3 886988449 +110 233 4 886988535 +110 238 3 886989340 +110 245 3 886987540 +110 258 4 886987183 +110 272 4 886987145 +110 288 4 886987145 +110 294 3 886987540 +110 300 3 886987380 +110 301 2 886987505 +110 307 4 886987260 +110 313 5 886987183 +110 315 4 886987726 +110 325 3 886987561 +110 326 4 886987417 +110 327 3 886987442 +110 332 3 886987287 +110 333 4 886987288 +110 338 1 886987540 +110 340 3 886987183 +110 364 3 886989612 +110 366 3 886988341 +110 367 3 886989340 +110 376 2 886989340 +110 384 2 886989524 +110 385 3 886988574 +110 393 3 886989363 +110 397 3 886988688 +110 401 3 886989399 +110 402 4 886988293 +110 421 4 886988873 +110 423 4 886987952 +110 451 4 886988909 +110 468 3 886988202 +110 540 3 886988793 +110 550 3 886988664 +110 566 4 886988574 +110 568 3 886988449 +110 575 3 886989566 +110 578 3 886988536 +110 586 3 886988536 +110 642 2 886989126 +110 658 3 886988065 +110 682 4 886987354 +110 684 4 886988480 +110 688 1 886987605 +110 689 3 886987584 +110 692 4 886988937 +110 715 2 886989440 +110 722 3 886989028 +110 732 3 886988018 +110 734 2 886989566 +110 748 3 886987478 +110 751 3 886987183 +110 759 3 886988850 +110 765 3 886989028 +110 779 3 886988793 +110 780 3 886989566 +110 783 3 886988967 +110 790 4 886989399 +110 791 2 886989473 +110 794 3 886988909 +110 802 3 886988793 +110 806 3 886987952 +110 808 2 886988250 +110 849 3 886988664 +110 873 2 886987505 +110 895 2 886987354 +110 905 3 886987236 +110 939 4 886988042 +110 944 3 886989501 +110 1055 2 886988134 +110 1090 2 886989191 +110 1179 2 886989501 +110 1182 2 886989566 +110 1188 4 886988818 +110 1206 3 886988321 +110 1210 3 886989191 +110 1218 3 886989473 +110 1222 2 886989191 +110 1231 2 886988664 +110 1246 2 886989613 +110 1247 2 886988413 +110 1248 3 886989126 +110 1249 3 886989612 +110 1250 3 886988818 +111 242 4 891679901 +111 258 4 891679692 +111 269 5 891679692 +111 272 3 891679692 +111 286 4 891680076 +111 301 4 891680028 +111 302 5 891679971 +111 303 3 891680028 +111 305 2 891680243 +111 307 2 891680243 +111 311 4 891680028 +111 313 4 891679901 +111 315 5 891679692 +111 321 3 891680076 +111 326 3 891680131 +111 328 4 891679939 +111 333 4 891680028 +111 340 4 891679692 +111 344 2 891680243 +111 354 4 891679692 +111 887 3 891679692 +111 896 2 891680243 +111 1024 3 891679939 +112 245 4 884992691 +112 258 3 884992484 +112 269 3 884992651 +112 272 5 886398204 +112 286 4 884992484 +112 289 5 884992690 +112 294 3 884992566 +112 300 4 884992508 +112 301 3 884992566 +112 302 4 886398509 +112 303 4 884992535 +112 306 5 891299783 +112 307 4 884992585 +112 310 4 884992444 +112 312 5 884992872 +112 313 5 884992444 +112 316 5 892439693 +112 321 3 884992484 +112 322 4 884992690 +112 323 3 884992651 +112 325 1 884992714 +112 327 1 884992535 +112 328 4 884992566 +112 331 4 884992603 +112 333 4 884992566 +112 339 4 892439990 +112 346 5 891307980 +112 347 1 891302716 +112 354 3 891304031 +112 678 3 884992714 +112 689 4 884992668 +112 748 3 884992651 +112 750 4 884992444 +112 751 4 884992754 +112 754 4 884992508 +112 879 4 884992566 +112 887 5 884992444 +112 891 3 892439990 +112 903 1 892440172 +112 937 4 884992801 +112 984 3 884992651 +112 1106 4 892439835 +113 7 3 875076827 +113 9 3 875076307 +113 50 5 875076416 +113 100 4 875935610 +113 116 3 875076246 +113 124 3 875076307 +113 126 5 875076827 +113 127 4 875935610 +113 222 3 875076872 +113 237 3 875076246 +113 242 2 875075887 +113 245 3 875325377 +113 246 5 875076872 +113 255 5 875935609 +113 257 5 875935609 +113 258 5 875075887 +113 262 2 875075983 +113 268 4 875935609 +113 273 4 875935609 +113 277 3 875076416 +113 286 4 875325377 +113 288 3 875075887 +113 289 2 875075887 +113 292 3 875076105 +113 294 4 875935277 +113 299 5 875076986 +113 303 5 875935244 +113 319 2 875075887 +113 321 3 875075887 +113 322 3 875076044 +113 323 4 875325377 +113 324 2 875076180 +113 325 4 875935610 +113 326 5 875935609 +113 327 5 875076987 +113 328 5 875076044 +113 329 3 875935312 +113 424 1 875076357 +113 508 4 875325377 +113 595 5 875936424 +113 678 2 875076044 +113 874 5 875935338 +113 948 3 875935312 +113 976 5 875936424 +113 1251 5 875325377 +113 1252 4 875935610 +114 56 3 881260545 +114 89 5 881260024 +114 96 3 881259955 +114 98 4 881259495 +114 100 5 881259927 +114 153 3 881309622 +114 156 4 881309662 +114 157 2 881260611 +114 168 3 881259927 +114 175 5 881259955 +114 176 5 881260203 +114 179 5 881260611 +114 180 3 881309718 +114 182 3 881259994 +114 183 5 881260545 +114 186 3 881260352 +114 191 3 881309511 +114 195 4 881260861 +114 197 4 881260506 +114 204 3 881260441 +114 210 3 881309511 +114 269 4 881256090 +114 318 3 881259495 +114 357 4 881259525 +114 474 5 881260170 +114 482 4 881259839 +114 483 4 881260246 +114 485 3 881260409 +114 496 4 881259994 +114 505 3 881260203 +114 507 3 881260303 +114 520 3 881260473 +114 615 2 881260441 +114 640 2 881260303 +114 646 4 881260473 +114 654 3 881259741 +114 655 3 881260506 +114 659 4 881259495 +114 679 2 881259741 +114 855 3 881260473 +114 1104 5 881260352 +115 4 4 881172117 +115 7 5 881171982 +115 8 5 881171982 +115 9 5 881171982 +115 11 4 881171348 +115 12 5 881171982 +115 13 5 881171983 +115 20 3 881171009 +115 22 3 881171273 +115 23 5 881171348 +115 32 5 881171348 +115 33 4 881171693 +115 48 5 881171203 +115 50 5 881172049 +115 56 5 881171409 +115 69 1 881171825 +115 77 2 881171623 +115 79 4 881171273 +115 82 4 881172117 +115 89 5 881172049 +115 92 4 881172049 +115 93 3 881170332 +115 96 3 881172117 +115 98 3 881171409 +115 121 3 881170065 +115 124 5 881170332 +115 127 5 881171760 +115 137 5 881169776 +115 172 4 881171273 +115 174 5 881171137 +115 176 5 881171203 +115 177 5 881172117 +115 178 5 881172246 +115 181 4 881172049 +115 183 5 881171488 +115 187 5 881171203 +115 228 4 881171488 +115 229 3 881171693 +115 234 5 881171982 +115 237 2 881171075 +115 240 5 881171982 +115 265 2 881171488 +115 269 3 881169559 +115 273 4 881169984 +115 279 3 881170725 +115 282 4 881171009 +115 284 2 881170902 +115 310 3 881169559 +115 317 5 881171137 +115 357 5 881171982 +115 431 4 881171558 +115 443 4 881171622 +115 462 4 881171273 +115 466 5 881171558 +115 470 2 881171694 +115 471 2 881170791 +115 475 5 881170252 +115 479 5 881171825 +115 496 1 881171203 +115 511 5 881172117 +115 530 5 881172117 +115 543 2 881172303 +115 596 1 881170663 +115 642 5 881171693 +115 654 5 881171409 +115 657 3 881171488 +115 673 3 881171558 +115 684 3 881171489 +115 741 3 881170065 +115 762 4 881170508 +115 763 2 881170725 +115 772 4 881171273 +115 847 4 881170844 +115 922 3 881170252 +115 952 5 881170998 +115 969 1 881172183 +115 980 4 881169984 +115 1008 5 881171982 +115 1067 4 881171009 +115 1073 5 881171488 +116 7 2 876453915 +116 11 5 886310197 +116 20 3 892683858 +116 47 3 876454238 +116 50 3 876452443 +116 56 5 886310197 +116 65 2 876454052 +116 116 3 876453733 +116 137 2 876454308 +116 145 2 876452980 +116 180 5 886310197 +116 181 4 876452523 +116 185 3 876453519 +116 187 5 886310197 +116 191 4 876453961 +116 193 4 876453681 +116 195 4 876453626 +116 199 4 876454174 +116 203 5 876453915 +116 221 4 876453560 +116 246 5 876452405 +116 248 3 876452492 +116 249 2 876452705 +116 250 4 876452606 +116 252 2 876453376 +116 253 3 876452492 +116 255 3 876452524 +116 257 3 876452523 +116 258 4 876451911 +116 259 4 876452186 +116 260 2 887605412 +116 262 3 876751342 +116 264 3 876452186 +116 268 5 886310197 +116 271 4 886310197 +116 272 3 886309505 +116 285 4 876454023 +116 286 3 876451911 +116 288 3 886309812 +116 289 4 876452094 +116 292 4 876453847 +116 294 2 876453376 +116 295 3 876452582 +116 297 3 890633075 +116 298 3 876452555 +116 299 3 876452133 +116 300 3 876452094 +116 301 3 892683732 +116 302 3 876451911 +116 303 3 890633075 +116 304 2 876453376 +116 306 3 876751342 +116 307 3 879864042 +116 310 4 886309549 +116 313 5 886978155 +116 315 3 886309605 +116 322 2 876452186 +116 323 3 876452186 +116 324 2 876452133 +116 325 3 876452186 +116 328 3 876452186 +116 331 3 876451911 +116 332 3 876451998 +116 333 2 876452054 +116 340 3 879864008 +116 343 2 881246552 +116 344 5 892683820 +116 346 4 886310197 +116 347 2 886309481 +116 349 2 886977905 +116 350 3 886977926 +116 355 2 887605347 +116 358 2 876452094 +116 390 4 876454090 +116 421 3 876453800 +116 479 4 876454191 +116 484 4 886310197 +116 511 4 876453519 +116 515 4 876452443 +116 519 5 886310197 +116 531 2 876453519 +116 539 2 886309573 +116 582 3 876453626 +116 603 3 876454174 +116 604 3 876454174 +116 607 2 876453961 +116 640 3 876453560 +116 655 4 886309958 +116 661 4 876454023 +116 678 3 876452228 +116 730 4 876453519 +116 748 2 876452186 +116 750 4 886309481 +116 751 3 890131577 +116 758 1 876452980 +116 760 3 886309812 +116 806 4 876453800 +116 840 1 886309958 +116 872 3 876452228 +116 879 2 876452094 +116 880 3 876680723 +116 887 3 881246591 +116 888 2 886309958 +116 895 2 886309812 +116 896 2 890632896 +116 900 4 888311676 +116 902 2 890632896 +116 903 2 890632956 +116 905 2 890131519 +116 914 2 892683732 +116 916 2 892683699 +116 942 3 876454090 +116 993 2 876453376 +116 1013 3 876453222 +116 1016 2 876453376 +116 1020 3 887605454 +116 1039 4 876453915 +116 1082 3 876453171 +116 1089 2 876453376 +116 1134 4 886310197 +116 1142 4 876452492 +116 1214 3 876453422 +116 1216 3 876452582 +116 1220 2 876453865 +116 1226 2 876454090 +116 1253 2 876454109 +116 1254 2 876453377 +116 1255 2 876453377 +116 1256 1 876453222 +116 1257 1 876452651 +116 1258 2 876453376 +117 1 4 880126083 +117 7 3 880125780 +117 11 5 881011824 +117 12 5 881011350 +117 15 5 880125887 +117 25 4 881009470 +117 33 4 881011697 +117 50 5 880126022 +117 56 5 881011807 +117 96 5 881012530 +117 98 4 881012430 +117 109 4 880126336 +117 117 5 880126461 +117 121 4 880126038 +117 122 2 886022187 +117 132 4 881012110 +117 143 1 881012472 +117 144 4 881011807 +117 150 4 880125101 +117 151 4 880126373 +117 156 4 881011376 +117 168 5 881012550 +117 172 5 881012623 +117 173 5 881011697 +117 174 4 881011393 +117 176 5 881012028 +117 179 5 881012776 +117 181 5 880124648 +117 184 3 881012601 +117 195 5 881012255 +117 210 4 881012293 +117 214 5 881012193 +117 222 5 886020290 +117 237 4 880126232 +117 240 3 880126038 +117 257 5 880125911 +117 258 4 880126022 +117 265 4 881012940 +117 268 5 880124306 +117 288 3 880124254 +117 298 5 886020525 +117 307 5 880124339 +117 313 5 886018980 +117 338 3 886019636 +117 358 4 880124509 +117 368 3 881010610 +117 405 5 880126174 +117 406 3 881010556 +117 410 3 886021458 +117 411 3 880126232 +117 421 5 881012601 +117 423 4 881012472 +117 475 5 880125746 +117 546 3 881009758 +117 588 3 881011697 +117 596 3 880126392 +117 597 4 881010052 +117 628 5 881012174 +117 678 4 880124435 +117 742 4 880126022 +117 743 1 881010401 +117 748 3 880124378 +117 751 5 886018996 +117 758 2 881011217 +117 763 5 881009890 +117 772 4 881012728 +117 789 4 881011413 +117 829 3 881010219 +117 886 5 880124413 +117 928 3 881009471 +117 931 3 881010728 +117 977 3 881009738 +117 1012 4 881008815 +117 1014 3 886021192 +117 1016 5 881008815 +117 1047 2 881009697 +117 1057 2 881010401 +117 1095 3 881010938 +117 1165 3 881010727 +118 7 5 875385198 +118 17 3 875385257 +118 22 5 875385136 +118 23 5 875384979 +118 32 5 875384979 +118 53 5 875385280 +118 55 5 875385099 +118 56 5 875385198 +118 79 5 875384885 +118 98 5 875384979 +118 132 4 875384793 +118 134 5 875384916 +118 135 5 875384591 +118 156 5 875384946 +118 164 5 875385386 +118 171 5 875384825 +118 172 5 875384751 +118 174 5 875385007 +118 175 5 875384885 +118 176 5 875384793 +118 180 5 875385136 +118 184 5 875385057 +118 185 5 875384979 +118 188 5 875384669 +118 193 5 875384793 +118 200 5 875384647 +118 201 5 875385198 +118 210 5 875384825 +118 217 3 875385257 +118 218 5 875385386 +118 223 5 875385386 +118 258 5 875385386 +118 288 5 875385386 +118 317 5 875384885 +118 320 5 875385386 +118 324 4 875384444 +118 396 5 875385335 +118 413 4 875385306 +118 421 4 875384946 +118 433 5 875384793 +118 436 5 875385280 +118 474 5 875384571 +118 475 5 875384793 +118 508 4 875385057 +118 511 5 875384885 +118 513 5 875384751 +118 528 4 875384514 +118 547 5 875385228 +118 551 5 875385306 +118 558 5 875385228 +118 559 4 875385306 +118 564 1 875385335 +118 603 4 875384916 +118 641 5 875385386 +118 654 5 875385007 +118 655 5 875385136 +118 672 4 875385257 +118 675 5 875385386 +118 774 5 875385198 +118 800 4 875385280 +118 816 3 875385335 +118 844 5 875385256 +118 853 5 875385228 +118 919 5 875385386 +118 960 5 875385136 +118 1079 4 875385442 +119 7 5 874775185 +119 9 4 890627252 +119 11 5 874781198 +119 12 3 874781915 +119 22 4 874781698 +119 23 3 874782100 +119 24 4 886177076 +119 25 5 886177013 +119 28 5 874782022 +119 31 5 874781779 +119 40 4 886176993 +119 50 5 874774718 +119 52 3 890627339 +119 54 4 886176814 +119 56 4 874781198 +119 64 4 874781460 +119 70 3 874781829 +119 82 2 874781352 +119 83 4 886176922 +119 86 4 874782068 +119 87 5 874781829 +119 89 4 874781352 +119 96 5 874781257 +119 100 5 874774575 +119 105 2 874775849 +119 109 5 874775580 +119 111 5 886176779 +119 117 5 874775535 +119 121 4 874775311 +119 124 4 874781994 +119 125 5 874775262 +119 132 5 874782228 +119 137 5 886176486 +119 144 4 887038665 +119 147 4 886176486 +119 154 5 874782022 +119 168 5 874781351 +119 174 4 874781303 +119 181 4 874775406 +119 182 4 874781303 +119 188 4 874781742 +119 193 4 874781872 +119 194 5 874781257 +119 199 5 874781994 +119 204 4 886177659 +119 209 4 886177544 +119 210 5 874781407 +119 213 5 874781257 +119 222 5 874775311 +119 226 3 887038665 +119 235 5 874774956 +119 237 5 874775038 +119 245 4 886176618 +119 250 2 874775731 +119 252 3 874780832 +119 254 2 874781037 +119 255 3 874775914 +119 259 4 886175571 +119 268 5 886175117 +119 269 3 892564213 +119 272 5 886611471 +119 274 4 874775580 +119 275 5 874774575 +119 276 2 874775262 +119 277 4 874774993 +119 282 5 874775136 +119 286 5 874774286 +119 288 4 886175150 +119 294 1 892564313 +119 298 4 874775038 +119 299 4 890626446 +119 300 5 874774286 +119 301 4 886176779 +119 310 5 886175117 +119 313 5 886176135 +119 316 4 890626706 +119 322 4 874774449 +119 328 4 876923913 +119 329 3 886433226 +119 332 4 886175313 +119 338 1 892565167 +119 340 4 886176485 +119 348 3 886433226 +119 354 5 890626231 +119 382 5 874781742 +119 385 5 874781994 +119 392 4 886176814 +119 405 4 874775815 +119 407 3 887038665 +119 410 1 890627339 +119 412 4 874775136 +119 449 5 874782190 +119 451 5 891286958 +119 455 4 874774719 +119 458 5 874774575 +119 459 4 887038711 +119 472 4 874775406 +119 473 3 874775647 +119 475 4 874775580 +119 486 4 874781547 +119 506 5 886176779 +119 511 5 874781407 +119 526 2 886177762 +119 537 5 886176618 +119 544 2 886177206 +119 546 4 874775914 +119 550 4 887038665 +119 562 4 886177206 +119 568 4 874781915 +119 591 4 886177235 +119 595 3 874781067 +119 597 4 874775465 +119 616 2 886177206 +119 628 4 874775185 +119 658 5 874782127 +119 684 4 886177338 +119 685 4 886177048 +119 689 4 886175431 +119 697 5 874782068 +119 710 4 886177162 +119 716 5 874782190 +119 717 3 874775945 +119 718 5 874774956 +119 741 4 874774815 +119 742 5 874775406 +119 751 3 886175361 +119 755 1 886176678 +119 762 4 874775465 +119 813 4 874774956 +119 823 3 874775406 +119 825 3 874780860 +119 826 4 874775580 +119 827 3 874775815 +119 829 5 874775406 +119 831 2 874775980 +119 845 4 886176922 +119 866 3 874774575 +119 879 5 875720232 +119 916 1 892564442 +119 917 4 892564349 +119 924 4 874775535 +119 930 3 874775945 +119 931 1 886178294 +119 977 3 874780969 +119 982 4 874775406 +119 986 3 874781068 +119 995 4 891287008 +119 1016 5 874775262 +119 1034 3 874775980 +119 1052 4 886177162 +119 1086 4 874775136 +119 1101 5 874781779 +119 1153 5 874781198 +119 1160 5 887038711 +119 1166 5 887038711 +119 1170 3 890627339 +119 1197 4 886176922 +119 1202 4 874775680 +119 1244 3 874781037 +119 1259 3 874780996 +119 1260 5 874781547 +119 1261 4 874781198 +119 1262 3 890627252 +119 1263 3 886177338 +119 1265 3 891287060 +120 1 4 889490412 +120 9 4 889489886 +120 15 4 889490244 +120 25 5 889490370 +120 117 3 889490979 +120 121 4 889490290 +120 125 4 889490447 +120 127 4 889489772 +120 148 3 889490499 +120 237 3 889490172 +120 245 3 889490633 +120 252 3 889490633 +120 257 2 889490979 +120 258 5 889490124 +120 282 4 889490172 +120 286 5 889489943 +120 405 4 889490580 +120 508 2 889490979 +120 546 2 889490979 +120 742 4 889490549 +120 744 4 889490522 +120 827 2 889490979 +120 924 4 889490290 +121 9 5 891390013 +121 12 5 891390014 +121 14 5 891390014 +121 25 5 891390316 +121 50 5 891390014 +121 57 5 891390014 +121 83 4 891388210 +121 86 5 891388286 +121 98 5 891388210 +121 100 4 891388035 +121 117 1 891388600 +121 118 2 891390501 +121 121 2 891388501 +121 122 2 891390501 +121 124 5 891388063 +121 125 2 891388600 +121 126 3 891388936 +121 127 5 891388333 +121 135 5 891388090 +121 137 5 891388501 +121 156 4 891388145 +121 165 4 891388210 +121 172 5 891388090 +121 174 3 891388063 +121 180 3 891388286 +121 181 5 891390014 +121 192 4 891388250 +121 197 4 891388286 +121 235 1 891390579 +121 237 5 891388708 +121 249 1 891388708 +121 250 2 891388676 +121 257 5 891390014 +121 275 4 891390233 +121 276 3 891388453 +121 282 1 891389037 +121 291 3 891390477 +121 294 4 891389522 +121 298 2 891388676 +121 300 3 891387810 +121 313 5 891390013 +121 347 3 891389304 +121 357 5 891388063 +121 405 2 891390579 +121 411 1 891390544 +121 427 4 891388286 +121 428 5 891388333 +121 472 3 891390599 +121 479 5 891388113 +121 508 4 891388333 +121 509 5 891388145 +121 514 3 891387947 +121 515 4 891388391 +121 546 1 891390521 +121 582 2 891390034 +121 595 2 891390521 +121 628 3 891389037 +121 631 4 891387992 +121 644 4 891388035 +121 717 5 891390688 +121 736 5 891387992 +121 740 3 891390544 +121 742 5 891390013 +121 744 3 891388936 +121 792 3 891388250 +121 937 4 891389924 +121 1194 4 891388210 +121 1266 4 891388250 +122 11 1 879270424 +122 46 5 879270567 +122 57 2 879270644 +122 69 2 879270511 +122 70 5 879270606 +122 83 5 879270327 +122 86 5 879270458 +122 127 5 879270424 +122 135 4 879270327 +122 175 5 879270084 +122 180 5 879270327 +122 187 4 879270424 +122 190 4 879270424 +122 191 5 879270128 +122 193 4 879270605 +122 212 5 879270567 +122 214 2 879270676 +122 215 4 879270676 +122 239 4 879270741 +122 269 5 879269963 +122 357 3 879270084 +122 378 4 879270769 +122 382 3 879270711 +122 387 5 879270459 +122 403 4 879270805 +122 423 4 879270805 +122 427 3 879270165 +122 429 3 879270165 +122 464 5 879270541 +122 469 5 879270644 +122 470 3 879270901 +122 509 4 879270511 +122 510 4 879270327 +122 511 5 879270084 +122 513 4 879270084 +122 553 3 879270741 +122 570 3 879270849 +122 582 5 879270644 +122 660 3 879270644 +122 661 4 879270327 +122 673 3 879270511 +122 708 5 879270605 +122 715 5 879270741 +122 724 4 879270677 +122 727 4 879270849 +122 736 4 879270606 +122 737 4 879270874 +122 792 3 879270459 +122 956 4 879270850 +122 1044 5 879270923 +122 1045 4 879270605 +122 1113 5 879270677 +122 1119 3 879270769 +122 1168 4 879270902 +122 1267 4 879270769 +122 1268 2 879270711 +123 9 5 879873726 +123 13 3 879873988 +123 14 5 879872540 +123 22 4 879809943 +123 23 4 879873020 +123 50 3 879873726 +123 64 3 879872791 +123 98 4 879872672 +123 100 4 879872792 +123 127 5 879809943 +123 132 3 879872672 +123 135 5 879872868 +123 143 5 879872406 +123 165 5 879872672 +123 182 4 879872671 +123 185 4 879873120 +123 192 5 879873119 +123 197 5 879872066 +123 242 5 879809053 +123 255 1 879873905 +123 275 4 879873726 +123 276 4 879873830 +123 285 5 879873830 +123 286 5 879809053 +123 288 3 879809053 +123 289 1 879809220 +123 319 4 879809220 +123 427 3 879873020 +123 432 5 879873120 +123 435 5 879809943 +123 462 4 879872540 +123 479 4 879872066 +123 480 3 879872540 +123 482 4 879872406 +123 483 4 879873020 +123 485 5 879872792 +123 487 3 879872192 +123 504 5 879872948 +123 511 5 879872066 +123 514 5 879872193 +123 523 3 879872406 +123 531 3 879872671 +123 606 3 879872540 +123 657 4 879872066 +123 704 3 879873120 +123 707 5 879809943 +123 735 2 879872868 +123 847 4 879873193 +123 962 3 879872405 +124 7 4 890287645 +124 11 5 890287645 +124 28 3 890287068 +124 50 3 890287508 +124 79 3 890287395 +124 96 4 890399864 +124 98 4 890287822 +124 117 3 890287181 +124 144 4 890287645 +124 154 5 890287645 +124 157 2 890287936 +124 166 5 890287645 +124 168 5 890287645 +124 172 3 890287645 +124 173 2 890287687 +124 174 3 890287317 +124 195 4 890399864 +124 209 3 890399902 +124 226 4 890287645 +124 474 3 890287221 +124 496 1 890286933 +124 550 4 890287645 +124 616 4 890287645 +125 1 4 879454699 +125 8 4 879454419 +125 21 3 892838424 +125 22 5 892836395 +125 25 1 879454987 +125 28 4 879454385 +125 41 2 892838510 +125 49 3 879455241 +125 50 5 892836362 +125 56 1 879454345 +125 63 3 892838558 +125 64 5 879454139 +125 69 4 879454628 +125 70 3 892838287 +125 72 4 892838322 +125 73 5 892838288 +125 79 5 879454100 +125 80 4 892838865 +125 83 4 879454345 +125 87 5 892836464 +125 88 5 879455184 +125 90 5 892838623 +125 94 5 892839065 +125 97 3 879454385 +125 98 5 879454345 +125 105 3 892839021 +125 109 3 892838288 +125 111 3 892838322 +125 116 4 892838322 +125 117 3 879454699 +125 120 1 892839312 +125 122 1 892839312 +125 134 5 879454532 +125 136 5 879454309 +125 143 5 879454793 +125 144 5 879454197 +125 150 1 879454892 +125 152 1 879454892 +125 153 2 879454419 +125 158 4 892839066 +125 163 5 879454956 +125 168 5 879454793 +125 172 5 879454448 +125 173 5 879454100 +125 174 5 879454309 +125 175 2 879455184 +125 176 5 879454448 +125 181 5 879454139 +125 186 3 879454448 +125 190 5 892836309 +125 191 5 879454385 +125 194 5 879454986 +125 195 5 892836465 +125 198 3 879454385 +125 201 3 879455019 +125 202 5 892836523 +125 204 5 879454139 +125 205 5 879454345 +125 208 3 879454244 +125 209 4 879455241 +125 210 5 879454243 +125 211 3 879455184 +125 216 3 879454419 +125 235 2 892838559 +125 236 1 879454891 +125 238 3 892838322 +125 239 5 892838375 +125 243 2 892836123 +125 258 5 892835624 +125 269 1 879454002 +125 270 4 881357122 +125 275 5 879454532 +125 283 5 879454986 +125 290 4 892838375 +125 294 4 892835778 +125 300 5 892835836 +125 318 5 879454309 +125 323 3 892836124 +125 340 1 892835659 +125 346 1 892835800 +125 357 3 879454100 +125 364 3 892839191 +125 367 4 892836551 +125 369 3 892838777 +125 372 1 879454892 +125 376 3 892838510 +125 382 1 892836623 +125 383 2 892839412 +125 384 3 892838591 +125 386 3 892838827 +125 388 2 892839270 +125 393 4 879455241 +125 395 3 892838687 +125 399 3 892838509 +125 401 4 892838656 +125 407 2 892839312 +125 411 3 892839091 +125 412 3 892839191 +125 427 4 879454277 +125 430 4 879454309 +125 434 4 879454100 +125 435 4 892836550 +125 451 4 892838288 +125 455 5 879454987 +125 474 3 892836422 +125 475 1 879454244 +125 478 4 879454628 +125 479 4 879454386 +125 482 1 892836309 +125 483 4 879454628 +125 485 5 892836335 +125 493 4 879454448 +125 496 5 879454419 +125 498 5 892836395 +125 508 1 892838351 +125 511 5 879454699 +125 513 4 879454385 +125 520 5 892836309 +125 568 5 879454277 +125 577 2 892839312 +125 585 4 892838463 +125 615 3 879454793 +125 648 4 879454793 +125 657 3 892836422 +125 659 4 879454628 +125 663 3 879454956 +125 687 3 892836268 +125 692 3 892836523 +125 705 5 879454243 +125 709 3 879454891 +125 722 3 892838687 +125 728 3 892838425 +125 732 4 879455019 +125 734 3 892838977 +125 746 3 879455018 +125 748 3 892835778 +125 751 5 892835624 +125 756 4 892838424 +125 780 2 892839270 +125 781 3 892838463 +125 785 3 892838558 +125 790 4 892838462 +125 796 3 892838591 +125 801 3 892838424 +125 813 1 879455184 +125 864 3 892838591 +125 914 1 892835594 +125 926 3 892839066 +125 940 2 892838827 +125 945 5 892836465 +125 949 3 892838623 +125 996 3 892838424 +125 997 2 892838976 +125 999 4 892838288 +125 1000 3 892838977 +125 1036 2 892839191 +125 1052 2 892839457 +125 1060 4 879454699 +125 1074 3 892838827 +125 1093 1 892839412 +125 1115 3 879454345 +125 1170 1 892838591 +125 1180 3 892838865 +125 1183 2 892839312 +125 1185 3 892838509 +125 1204 3 879454419 +125 1246 2 892838687 +125 1249 3 892838322 +125 1270 3 892838977 +125 1271 2 892839021 +125 1272 1 879454892 +126 243 5 887855342 +126 245 3 887854726 +126 258 4 887853919 +126 260 1 887855173 +126 262 4 887854726 +126 266 5 887938392 +126 272 3 887853469 +126 288 4 887853469 +126 289 3 887855174 +126 294 3 887855087 +126 300 4 887854943 +126 302 4 887853469 +126 311 4 887855173 +126 313 5 887854726 +126 315 4 887853469 +126 316 4 887855231 +126 319 2 887938081 +126 322 3 887854777 +126 323 3 887853568 +126 326 2 887853919 +126 327 3 887855087 +126 328 5 887853735 +126 332 2 887853735 +126 333 2 887853919 +126 337 5 887938392 +126 340 5 887854982 +126 344 4 887853735 +126 346 3 887853735 +126 350 2 887854892 +126 353 5 887938392 +126 678 3 887855283 +126 681 5 887938392 +126 682 1 887855034 +126 690 3 887853735 +126 751 4 887853568 +126 752 3 887855342 +126 878 5 887938392 +126 884 5 887938392 +126 905 2 887855283 +126 990 4 887855231 +126 1175 5 887856958 +127 50 4 884364866 +127 62 5 884364950 +127 222 5 884364866 +127 227 4 884364867 +127 228 5 884364866 +127 229 5 884364867 +127 230 5 884364866 +127 243 5 884364764 +127 258 5 884364017 +127 268 1 884363990 +127 271 5 884364866 +127 286 1 884364525 +127 288 5 884363851 +127 294 4 884363803 +127 300 5 884364017 +127 343 5 884364151 +127 380 5 884364950 +127 449 4 884364950 +127 450 5 884364950 +127 690 1 884363851 +127 748 5 884364108 +127 750 1 884363851 +127 901 5 884363990 +128 1 4 879966919 +128 14 5 879967341 +128 15 4 879968827 +128 25 3 879968185 +128 26 4 879969032 +128 48 4 879967767 +128 50 4 879967268 +128 54 2 879968415 +128 56 3 879966785 +128 58 3 879968008 +128 64 5 879966954 +128 65 4 879968512 +128 66 3 879969329 +128 69 4 879966867 +128 70 3 879967341 +128 71 4 879967576 +128 73 3 879969032 +128 77 3 879968447 +128 79 4 879967692 +128 82 5 879968185 +128 83 5 879967691 +128 86 5 879966919 +128 88 4 879969390 +128 97 3 879968125 +128 98 4 879967047 +128 99 4 879967840 +128 111 3 879969215 +128 118 5 879968896 +128 121 4 879968278 +128 131 5 879967452 +128 132 3 879966785 +128 133 5 879967248 +128 136 5 879967080 +128 140 4 879968308 +128 143 5 879967300 +128 151 3 879968921 +128 159 4 879968390 +128 161 5 879968896 +128 168 4 879966685 +128 172 3 879967248 +128 173 5 879966756 +128 174 3 879966954 +128 179 3 879967767 +128 181 4 879966954 +128 182 4 879967225 +128 186 5 879966895 +128 190 4 879967016 +128 191 4 879967080 +128 193 3 879967249 +128 196 5 879967550 +128 197 4 879966729 +128 202 2 879968579 +128 204 4 879967478 +128 209 4 879968332 +128 210 4 879968125 +128 213 3 879967300 +128 215 3 879967452 +128 216 5 879967102 +128 218 3 879969244 +128 220 1 879968352 +128 222 3 879967249 +128 223 5 879966839 +128 227 2 879968946 +128 228 3 879969329 +128 229 2 879968071 +128 237 4 879966954 +128 238 4 879968125 +128 245 2 879966524 +128 258 2 879966299 +128 265 5 879968663 +128 268 3 879966355 +128 274 4 879969084 +128 276 4 879967550 +128 280 1 879968579 +128 282 3 879967550 +128 283 5 879966729 +128 284 3 879968663 +128 294 4 879966376 +128 300 5 879966355 +128 317 4 879968029 +128 319 5 879966274 +128 322 2 879966447 +128 328 2 879966406 +128 340 4 879966355 +128 367 4 879968858 +128 371 1 879966954 +128 378 5 879967804 +128 381 3 879969033 +128 387 2 879968774 +128 392 3 879967102 +128 393 4 879969136 +128 402 1 879969136 +128 404 3 879968308 +128 405 4 879968859 +128 416 3 879967367 +128 417 4 879968447 +128 418 4 879968164 +128 419 3 879967268 +128 422 4 879968598 +128 423 4 879967966 +128 425 5 879967197 +128 427 5 879966685 +128 432 2 879968125 +128 433 4 879967225 +128 451 4 879967879 +128 458 4 879968921 +128 462 4 879966729 +128 465 4 879968008 +128 468 1 879968243 +128 471 4 879967804 +128 478 5 879966840 +128 482 4 879967432 +128 483 5 879966785 +128 485 3 879966895 +128 487 5 879968029 +128 490 5 879966785 +128 494 4 879967016 +128 496 5 879967225 +128 497 3 879967102 +128 499 5 879967767 +128 501 3 879968921 +128 505 4 879967136 +128 506 4 879968125 +128 508 4 879967767 +128 531 4 879966685 +128 553 3 879968718 +128 568 4 879968544 +128 588 5 879967136 +128 591 4 879967879 +128 602 4 879967478 +128 603 5 879966839 +128 605 3 879967804 +128 609 4 879967550 +128 614 3 879967879 +128 622 4 879968332 +128 633 4 879967729 +128 651 5 879966983 +128 652 3 879966603 +128 655 3 879969064 +128 660 2 879968415 +128 684 4 879969390 +128 685 3 879968774 +128 686 4 879967174 +128 690 3 879966274 +128 692 4 879967197 +128 702 3 879967879 +128 705 3 879968096 +128 715 4 879968512 +128 723 3 879967966 +128 729 2 879968447 +128 732 4 879967047 +128 736 5 879968352 +128 739 4 879969349 +128 742 3 879967197 +128 747 3 879968742 +128 763 4 879968718 +128 770 3 879968008 +128 785 2 879968243 +128 790 4 879969277 +128 815 3 879968827 +128 838 5 879968164 +128 869 3 879969064 +128 873 1 879966524 +128 924 3 879967341 +128 942 5 879968742 +128 949 4 879968896 +128 955 5 879969064 +128 965 3 879968279 +128 966 4 879968071 +128 1035 3 879968921 +128 1039 4 879967079 +128 1048 2 879968858 +128 1053 3 879968494 +128 1063 2 879967047 +128 1141 4 879968827 +128 1192 2 879967576 +128 1221 3 879968279 +129 242 4 883243972 +129 245 2 883245452 +129 258 2 883245452 +129 268 1 883245452 +129 269 4 883244011 +129 270 3 883243934 +129 272 4 883243972 +129 286 5 883243934 +129 288 1 883245452 +129 300 3 883243934 +129 302 4 883243934 +129 303 3 883244011 +129 304 3 883244707 +129 307 2 883244637 +129 311 3 883244059 +129 313 3 883243934 +129 323 1 883245452 +129 327 3 883244060 +129 331 2 883244737 +129 339 2 883244737 +129 678 1 883245452 +129 748 2 883245452 +129 873 1 883245452 +129 882 2 883244662 +129 903 2 883245311 +129 906 5 883245310 +129 990 2 883245452 +129 995 2 883245452 +129 1176 4 883244059 +130 1 5 874953595 +130 2 4 876252327 +130 3 5 876250897 +130 4 2 875801778 +130 5 4 876251650 +130 11 5 875216545 +130 12 4 875216340 +130 22 5 875217265 +130 24 5 874953866 +130 27 4 875802105 +130 28 4 875217172 +130 29 3 878537558 +130 31 4 875801801 +130 33 5 876252087 +130 38 4 876252263 +130 39 4 875801496 +130 41 3 875801662 +130 42 4 875801422 +130 44 4 875801662 +130 47 3 875801470 +130 49 4 875802236 +130 50 5 874953665 +130 53 3 876251972 +130 54 5 876251895 +130 55 5 875216507 +130 56 5 875216283 +130 58 2 876251619 +130 62 4 876252175 +130 63 4 876252521 +130 64 5 875801549 +130 65 4 875216786 +130 66 5 875802173 +130 67 4 876252064 +130 68 5 875216283 +130 69 5 875216718 +130 71 5 875801695 +130 77 5 880396792 +130 79 5 875217392 +130 82 5 875802080 +130 84 4 876252497 +130 89 4 875216458 +130 90 4 875801920 +130 94 5 875802058 +130 95 5 875216867 +130 96 5 875216786 +130 98 5 875216507 +130 99 5 875216786 +130 100 3 874953558 +130 105 4 876251160 +130 109 3 874953794 +130 111 5 874953825 +130 118 4 874953895 +130 122 3 876251090 +130 123 4 875216112 +130 125 5 875801963 +130 128 4 876251728 +130 132 5 875802006 +130 134 5 875801750 +130 143 5 876251922 +130 147 4 876250746 +130 148 4 876251127 +130 150 5 874953558 +130 156 3 875801447 +130 158 5 875801897 +130 159 4 875802211 +130 161 4 875802058 +130 168 3 875216786 +130 172 5 875801530 +130 173 3 875216593 +130 174 5 875216249 +130 176 5 881536127 +130 179 4 875217265 +130 181 5 874953621 +130 183 5 875801369 +130 184 4 875801695 +130 185 5 875217033 +130 188 4 876251895 +130 195 5 875801470 +130 196 5 875801695 +130 200 5 875217392 +130 202 5 875216507 +130 204 5 875216718 +130 206 3 875801695 +130 210 5 876252288 +130 215 5 875802035 +130 216 4 875216545 +130 217 3 875801940 +130 218 5 875801388 +130 222 4 874953769 +130 226 5 876252420 +130 227 3 875801868 +130 228 4 875216420 +130 229 4 875802173 +130 230 3 876251895 +130 231 3 875801422 +130 234 5 875216932 +130 235 4 874953728 +130 236 5 876251160 +130 237 5 874953621 +130 240 4 875801750 +130 243 2 874953526 +130 245 1 874953526 +130 246 4 874953698 +130 248 3 874953769 +130 249 5 876250746 +130 250 3 876250833 +130 252 5 876250932 +130 254 2 876251160 +130 255 4 874953794 +130 257 4 874953665 +130 261 4 874953525 +130 262 3 877926419 +130 267 5 875801239 +130 268 4 875801210 +130 269 4 881075976 +130 270 5 877984734 +130 271 5 879352077 +130 276 4 878537447 +130 281 4 876250850 +130 282 5 875801750 +130 284 2 874953728 +130 286 5 874953239 +130 288 5 874953291 +130 289 5 874953291 +130 290 3 876250955 +130 291 4 876250932 +130 294 5 874953337 +130 295 3 874953698 +130 298 5 874953769 +130 299 3 874953526 +130 300 5 874953239 +130 305 4 886023938 +130 307 4 877984546 +130 313 5 884623736 +130 315 4 884623887 +130 316 4 888211794 +130 321 5 874953291 +130 322 4 874953525 +130 326 5 874953239 +130 328 4 874953525 +130 329 4 874953337 +130 331 3 875801345 +130 332 4 876250582 +130 333 5 875801239 +130 335 3 875801254 +130 342 3 881076199 +130 343 4 881536273 +130 346 4 884623704 +130 347 4 884623800 +130 350 4 886023989 +130 353 1 888211764 +130 354 5 888211701 +130 355 4 888211731 +130 356 4 880396792 +130 357 5 875216933 +130 358 4 874953526 +130 363 3 876250781 +130 366 5 876251972 +130 367 4 875801369 +130 373 4 878537681 +130 374 4 875217392 +130 379 4 875801662 +130 385 5 875802080 +130 389 3 875216786 +130 392 4 876252243 +130 393 5 876252472 +130 398 3 878537516 +130 403 5 876251922 +130 404 5 875802137 +130 405 4 875801984 +130 407 2 876251388 +130 410 5 875802105 +130 411 5 876251217 +130 412 4 874953866 +130 413 3 876251127 +130 418 5 875801631 +130 419 5 876251515 +130 420 5 876252472 +130 423 5 875216978 +130 426 4 875801897 +130 427 5 875217033 +130 433 3 875216718 +130 436 3 875801573 +130 443 5 876251446 +130 449 4 878537516 +130 450 2 878537602 +130 452 4 880396495 +130 453 3 880396602 +130 455 4 874953728 +130 465 5 875801596 +130 469 5 876251693 +130 470 2 875217096 +130 471 2 874953928 +130 472 4 876251072 +130 475 3 874953595 +130 477 4 875216593 +130 496 5 875216593 +130 501 5 875801716 +130 508 4 874953557 +130 527 5 875801447 +130 531 5 875216628 +130 532 5 876250955 +130 534 5 874953728 +130 538 5 884623983 +130 541 3 876252307 +130 542 3 875801778 +130 546 4 876250932 +130 550 5 878537602 +130 552 5 876252225 +130 554 4 876252288 +130 555 4 888211930 +130 564 4 875802137 +130 565 3 880396541 +130 566 4 878537558 +130 567 2 876252225 +130 568 5 876251693 +130 569 3 880396494 +130 572 3 878537853 +130 578 5 878537681 +130 588 4 875216867 +130 589 4 875216717 +130 596 4 874953825 +130 597 4 874953866 +130 619 4 876251409 +130 622 3 875802173 +130 625 5 875801750 +130 627 5 875801496 +130 642 4 875216933 +130 658 5 875802173 +130 665 3 876252175 +130 669 4 888962754 +130 672 5 875801920 +130 678 4 874953526 +130 682 4 881076059 +130 684 5 875802236 +130 685 3 874953895 +130 689 2 880396150 +130 692 5 875801422 +130 717 3 874953928 +130 721 3 880396278 +130 729 4 876252042 +130 731 3 876251922 +130 739 5 876252420 +130 742 5 876251053 +130 743 2 878537778 +130 746 5 876252012 +130 748 4 874953526 +130 756 4 874953866 +130 763 5 874953728 +130 765 4 876252420 +130 769 3 880396541 +130 772 4 876251804 +130 779 4 878537558 +130 798 1 878537631 +130 800 4 875802237 +130 802 5 876252136 +130 806 3 875217096 +130 808 5 878537631 +130 815 3 874953866 +130 816 5 880396518 +130 820 5 876251312 +130 827 4 876251312 +130 833 4 876251037 +130 864 2 874953595 +130 876 4 874953291 +130 881 4 875801239 +130 888 3 881076146 +130 890 4 880396249 +130 892 3 884623832 +130 894 4 884624087 +130 895 5 884623799 +130 901 1 884624044 +130 928 4 876251287 +130 929 4 876251160 +130 930 3 876251072 +130 931 2 880396881 +130 932 3 876251389 +130 934 4 876251341 +130 939 4 876252041 +130 940 3 875217392 +130 944 4 876252042 +130 946 4 875801830 +130 949 3 876251944 +130 959 4 876251865 +130 974 4 876250932 +130 975 5 876251357 +130 982 1 880396831 +130 993 5 874953665 +130 1013 4 876251287 +130 1014 3 876250718 +130 1016 4 874953698 +130 1017 3 874953895 +130 1019 4 875801530 +130 1028 4 876250805 +130 1034 2 876250833 +130 1039 4 875216420 +130 1046 4 880396831 +130 1047 5 875801897 +130 1049 3 876251341 +130 1058 5 876252064 +130 1079 3 876251217 +130 1088 2 876250805 +130 1089 2 876250718 +130 1095 3 876251192 +130 1136 4 876252373 +130 1142 4 874953595 +130 1151 3 877984840 +130 1157 3 880396861 +130 1207 1 880396861 +130 1208 4 875802211 +130 1210 2 880396831 +130 1215 2 876251389 +130 1217 4 875801778 +130 1220 5 876252343 +130 1228 3 878537681 +130 1231 4 878537778 +130 1244 4 876251192 +130 1245 3 876251312 +130 1246 3 876252497 +130 1248 3 880396702 +130 1267 4 875217265 +130 1273 2 880396792 +130 1274 2 878537853 +130 1275 5 876252288 +130 1276 4 876251312 +130 1277 4 876250897 +130 1279 4 876251217 +130 1280 4 877984734 +131 1 4 883681384 +131 9 5 883681723 +131 14 5 883681313 +131 19 4 883681418 +131 100 5 883681418 +131 124 5 883681313 +131 126 4 883681514 +131 127 4 883681418 +131 137 1 883681466 +131 221 3 883681561 +131 242 5 883681723 +131 248 3 883681262 +131 251 5 883681723 +131 269 5 883681723 +131 274 3 883681351 +131 275 2 883681384 +131 276 5 883681723 +131 285 5 883681723 +131 286 5 883681514 +131 287 4 883681351 +131 293 3 883681442 +131 297 4 883681514 +131 302 5 883681723 +131 313 5 883681723 +131 744 4 883681384 +131 750 5 883681723 +131 813 3 883681466 +131 845 4 883681351 +131 1281 4 883681561 +132 12 4 891278867 +132 50 3 891278774 +132 56 5 891278996 +132 124 4 891278996 +132 127 4 891278937 +132 137 4 891278996 +132 151 3 891278774 +132 154 4 891278996 +132 175 3 891278807 +132 251 4 891278996 +132 275 3 891278915 +132 285 4 891278996 +132 286 3 891278680 +132 484 4 891278807 +132 521 4 891278996 +132 523 4 891278996 +132 922 5 891278996 +132 1154 3 891278896 +133 243 3 890589035 +133 245 3 890588878 +133 258 5 890588639 +133 260 1 890588878 +133 269 4 890588766 +133 272 5 890588672 +133 286 2 890588524 +133 294 3 890588852 +133 300 3 890588577 +133 304 3 890588639 +133 306 4 890588612 +133 308 4 890588639 +133 313 3 890588524 +133 315 4 890588524 +133 316 4 890588928 +133 322 2 890588852 +133 328 3 890588577 +133 343 2 890589188 +133 346 3 890588577 +133 539 1 890588720 +133 749 4 890588720 +133 750 4 890588720 +133 751 3 890588547 +133 902 3 890588672 +134 1 5 891732756 +134 15 5 891732726 +134 258 4 891732122 +134 259 2 891732393 +134 269 3 891732122 +134 286 3 891732334 +134 294 4 891732365 +134 300 3 891732220 +134 301 2 891732296 +134 302 2 891732150 +134 313 5 891732150 +134 315 3 891732122 +134 316 4 891732418 +134 323 4 891732335 +134 326 5 891732296 +134 328 4 891732335 +134 339 2 891732507 +134 508 3 891732726 +134 539 4 891732335 +134 678 4 891732271 +134 748 5 891732365 +134 751 5 891732335 +134 879 4 891732393 +134 892 2 891732532 +135 12 4 879857764 +135 23 4 879857765 +135 33 3 879857930 +135 39 3 879857931 +135 54 3 879858003 +135 55 4 879857797 +135 56 4 879857765 +135 77 4 879858003 +135 79 3 879857843 +135 98 5 879857765 +135 173 4 879857723 +135 176 4 879857765 +135 183 4 879857723 +135 185 4 879857797 +135 203 4 879857797 +135 227 3 879857843 +135 228 4 879857797 +135 229 2 879857843 +135 230 3 879857843 +135 233 3 879857843 +135 234 4 879857797 +135 258 4 879857575 +135 260 3 879857575 +135 265 3 879857797 +135 288 3 879857575 +135 294 4 879857575 +135 321 4 879857575 +135 324 3 879857575 +135 325 4 879857575 +135 327 4 879857575 +135 379 2 879857956 +135 431 2 879857868 +135 443 4 879857868 +135 449 3 879857843 +135 452 2 879857843 +135 470 4 879857931 +135 475 4 879857592 +135 504 4 879857843 +135 554 3 879858003 +135 564 1 879857956 +135 566 3 879857930 +135 581 4 879857931 +135 603 4 879857765 +135 642 4 879857868 +135 653 4 879857765 +135 744 4 879857612 +135 802 2 879858003 +135 939 4 879857797 +135 943 3 879857931 +135 1046 3 879858003 +135 1208 3 879858003 +135 1217 2 879857956 +136 9 5 882693429 +136 14 5 882693338 +136 15 4 882693723 +136 19 4 882693529 +136 42 3 882848866 +136 56 4 882848783 +136 89 4 882848925 +136 100 5 882693338 +136 116 5 882693723 +136 117 4 882694498 +136 124 5 882693489 +136 127 5 882693404 +136 137 5 882693339 +136 204 4 882848866 +136 223 4 882848820 +136 237 4 882693597 +136 269 5 882693234 +136 275 4 882693723 +136 276 5 882693489 +136 283 4 882693529 +136 286 5 882693234 +136 298 4 882693569 +136 303 4 882693234 +136 313 2 882693234 +136 318 5 882848820 +136 475 4 882693339 +136 515 5 882694387 +136 525 5 882848925 +136 647 5 882848783 +136 744 5 882693569 +136 747 4 882848866 +136 847 4 882693371 +136 1142 4 882693569 +137 1 3 881433048 +137 15 4 881432965 +137 50 5 881432937 +137 51 1 881433605 +137 55 5 881433689 +137 89 5 881433719 +137 96 5 881433654 +137 117 5 881433015 +137 118 5 881433179 +137 121 5 881432881 +137 144 5 881433689 +137 172 5 881433719 +137 174 5 881433654 +137 181 5 881433015 +137 183 5 881433689 +137 195 5 881433689 +137 210 5 881433654 +137 222 5 881432908 +137 235 5 881433357 +137 237 4 881432965 +137 243 4 881432790 +137 249 4 881433387 +137 250 5 881433015 +137 257 5 881433048 +137 260 3 881432735 +137 261 5 882805603 +137 266 5 881432735 +137 289 3 881432671 +137 300 5 881432524 +137 327 4 881432671 +137 385 5 881433719 +137 405 5 881433336 +137 411 5 881433490 +137 472 4 881433336 +137 476 1 881433524 +137 546 5 881433116 +137 597 5 881432987 +137 680 5 881432735 +137 685 5 881433296 +137 687 4 881432756 +137 748 4 881432626 +137 866 3 881433090 +137 892 3 882809210 +137 1028 5 881433409 +137 1117 2 881433435 +138 1 4 879023031 +138 12 5 879024232 +138 13 4 879023345 +138 14 3 879022730 +138 15 4 879023389 +138 26 5 879024232 +138 45 5 879024232 +138 56 5 879024232 +138 98 5 879024043 +138 100 5 879022956 +138 111 4 879022890 +138 116 2 879022956 +138 117 4 879023245 +138 121 4 879023558 +138 133 4 879024043 +138 137 5 879023131 +138 150 3 879023131 +138 151 4 879023389 +138 182 4 879023948 +138 185 4 879023853 +138 187 5 879024043 +138 194 5 879024184 +138 209 4 879023948 +138 211 4 879024183 +138 222 4 879023345 +138 238 5 879024382 +138 285 4 879023245 +138 318 5 879024183 +138 357 4 879024327 +138 435 5 879024232 +138 474 5 879024327 +138 483 5 879024280 +138 484 4 879024127 +138 487 3 879023853 +138 493 4 879024382 +138 496 4 879024043 +138 509 4 879024232 +138 513 5 879024043 +138 514 5 879024043 +138 517 4 879024279 +138 518 4 879024327 +138 519 5 879024043 +138 523 5 879024043 +138 602 4 879024382 +138 603 4 879024184 +138 614 4 879024184 +138 617 4 879024128 +138 662 4 879024128 +139 100 5 879538199 +139 127 5 879538578 +139 150 4 879538327 +139 222 3 879538199 +139 237 3 879538254 +139 242 3 879537876 +139 246 4 879538218 +139 268 4 879537876 +139 286 4 879537844 +139 288 4 879537918 +139 296 4 879538218 +139 297 5 879538275 +139 302 3 879537844 +139 303 5 879538021 +139 307 4 879537876 +139 458 4 879538578 +139 460 3 879538199 +139 508 4 879538255 +139 676 4 879538275 +139 740 2 879538254 +139 1176 4 879538080 +139 1233 5 879537844 +140 245 3 879013720 +140 258 3 879013617 +140 268 4 879013684 +140 286 5 879013617 +140 289 4 879013719 +140 294 3 879013651 +140 301 3 879013747 +140 302 4 879013617 +140 304 4 879013747 +140 319 4 879013617 +140 322 3 879013684 +140 325 3 879013719 +140 332 3 879013617 +140 334 2 879013684 +140 872 3 879013651 +140 873 2 879013719 +140 880 4 879013832 +141 1 3 884584753 +141 7 5 884584981 +141 15 5 884584981 +141 25 5 884585105 +141 50 4 884584735 +141 100 4 884584688 +141 106 5 884585195 +141 117 4 884584929 +141 118 5 884585274 +141 120 4 884585547 +141 121 4 884585071 +141 125 5 884585642 +141 126 5 884585642 +141 127 2 884584735 +141 147 4 884584906 +141 151 2 884585039 +141 222 4 884584865 +141 225 3 884585523 +141 235 1 884585437 +141 237 4 884584865 +141 244 5 884585247 +141 245 3 884584426 +141 248 3 884585039 +141 249 2 884585386 +141 250 4 884585128 +141 252 4 884585195 +141 255 4 884585039 +141 257 3 884584773 +141 258 5 884584338 +141 259 1 886447904 +141 261 1 886447904 +141 274 5 884585220 +141 276 1 884584817 +141 279 1 884584817 +141 281 4 884584865 +141 282 5 884585642 +141 284 5 884585071 +141 286 4 884584247 +141 288 3 884584386 +141 290 1 884584817 +141 291 5 884585220 +141 292 1 884584906 +141 293 2 884584735 +141 295 5 884585039 +141 298 5 884584790 +141 300 5 887424721 +141 313 5 884584271 +141 322 4 884584426 +141 323 4 884584480 +141 328 4 886447679 +141 330 1 886447735 +141 333 5 887424639 +141 335 1 886447735 +141 346 1 886447613 +141 405 3 884585105 +141 407 2 884585523 +141 409 5 884585274 +141 410 4 884585195 +141 471 4 884585039 +141 472 5 884585274 +141 476 3 884585498 +141 535 5 884585195 +141 546 4 884585470 +141 597 4 884585071 +141 619 4 884585039 +141 676 5 884585001 +141 678 4 884584480 +141 696 4 884585498 +141 717 4 884585470 +141 744 5 884584981 +141 748 3 884584664 +141 750 1 886447564 +141 756 3 884585363 +141 815 4 884585070 +141 823 3 884585437 +141 825 4 884585247 +141 826 2 884585437 +141 831 2 884585470 +141 864 3 884585128 +141 871 3 884585148 +141 872 1 886447698 +141 880 1 886447847 +141 926 4 884585300 +141 930 4 884585247 +141 932 3 884585128 +141 974 4 884585300 +141 984 4 886447880 +141 985 4 884585363 +141 1013 1 884585470 +141 1014 3 884585572 +141 1023 4 884585274 +141 1028 4 884585168 +141 1047 4 884585220 +141 1059 1 884584886 +141 1142 1 884584688 +141 1244 3 884585364 +141 1258 4 884585071 +141 1280 1 887424890 +141 1282 3 884585320 +141 1283 3 884585168 +142 7 4 888640489 +142 28 4 888640404 +142 42 4 888640489 +142 55 2 888640489 +142 82 4 888640356 +142 89 3 888640489 +142 124 4 888640379 +142 147 1 888640356 +142 169 5 888640356 +142 176 5 888640455 +142 181 5 888640317 +142 186 4 888640430 +142 189 4 888640317 +142 243 1 888640199 +142 259 3 888640104 +142 288 3 888639837 +142 294 3 888640054 +142 315 3 888639837 +142 333 5 888639968 +142 346 5 888639815 +142 350 4 888639882 +142 358 2 888640178 +142 362 3 888639920 +142 408 4 888640379 +142 425 4 888640489 +142 463 3 888640489 +142 514 5 888640317 +142 895 4 888640143 +143 258 3 888407586 +143 272 4 888407586 +143 286 2 888407586 +143 288 5 888407586 +143 294 3 888407708 +143 307 4 888407622 +143 313 5 888407586 +143 315 4 888407542 +143 322 4 888407708 +143 323 3 888407656 +143 325 5 888407741 +143 326 5 888407708 +143 328 4 888407656 +143 331 5 888407622 +143 333 5 888407708 +143 347 5 888407741 +143 682 3 888407741 +143 1038 3 888407656 +144 1 4 888104063 +144 4 4 888105873 +144 7 2 888104087 +144 8 4 888105612 +144 9 5 888104191 +144 12 4 888105419 +144 14 4 888104122 +144 15 4 888104150 +144 19 4 888103929 +144 20 4 888104559 +144 22 5 888105439 +144 24 4 888104541 +144 31 3 888105823 +144 32 4 888105287 +144 33 5 888105902 +144 48 5 888105197 +144 50 5 888103929 +144 54 2 888105473 +144 55 4 888105254 +144 56 4 888105387 +144 58 3 888105548 +144 61 3 888106182 +144 62 2 888105902 +144 64 5 888105140 +144 65 4 888106182 +144 66 4 888106078 +144 68 2 888105665 +144 69 5 888105140 +144 70 4 888105587 +144 73 3 888105636 +144 87 5 888105548 +144 89 3 888105691 +144 91 2 888106106 +144 93 1 888104032 +144 96 5 888105691 +144 98 4 888105587 +144 100 5 888104063 +144 105 2 888104767 +144 106 3 888104684 +144 116 4 888104258 +144 117 4 888103969 +144 124 4 888104063 +144 125 4 888104191 +144 126 4 888104150 +144 127 4 888105823 +144 129 4 888104234 +144 135 5 888105364 +144 144 4 888105254 +144 147 3 888104402 +144 153 5 888105823 +144 160 2 888106181 +144 165 4 888105993 +144 172 4 888105312 +144 173 5 888105902 +144 174 5 888105612 +144 176 4 888105338 +144 180 4 888105873 +144 181 4 888104032 +144 182 3 888105743 +144 187 4 888105312 +144 190 5 888105714 +144 191 4 888105081 +144 193 4 888105287 +144 194 5 888105287 +144 195 5 888105081 +144 196 4 888105743 +144 197 4 888106106 +144 204 2 888105116 +144 209 2 888105116 +144 213 4 888105387 +144 215 4 888105714 +144 216 4 888105691 +144 221 3 888104087 +144 223 4 888105197 +144 234 4 888105115 +144 235 1 888104715 +144 237 4 888104258 +144 242 4 888103444 +144 244 3 888104588 +144 248 4 888104032 +144 251 4 888103929 +144 257 4 888104258 +144 258 4 888103371 +144 262 3 888103444 +144 271 2 888103632 +144 273 4 888104213 +144 274 3 888104382 +144 276 3 888104122 +144 280 1 888104625 +144 281 3 888104191 +144 282 4 888104123 +144 284 3 888104213 +144 285 4 888103969 +144 286 4 888103370 +144 288 2 888103509 +144 293 4 888104283 +144 297 4 888104150 +144 298 3 888103988 +144 300 3 888103370 +144 302 3 888103530 +144 303 4 888103407 +144 304 4 888103466 +144 307 1 888103407 +144 313 5 888103407 +144 316 5 888103666 +144 318 5 888105419 +144 319 3 888103509 +144 326 4 888103530 +144 327 3 888103444 +144 328 3 888103407 +144 333 3 888103371 +144 343 2 888103725 +144 357 4 888105254 +144 393 4 888105743 +144 403 3 888105636 +144 405 4 888104419 +144 410 3 888104521 +144 423 5 888105714 +144 435 4 888105387 +144 454 3 888105993 +144 455 3 888104382 +144 461 4 888106044 +144 466 2 888105823 +144 470 2 888105993 +144 471 4 888104213 +144 474 4 888105311 +144 475 1 888104032 +144 476 2 888104625 +144 478 4 888105337 +144 480 4 888106322 +144 500 4 888105419 +144 508 4 888104150 +144 514 5 888105197 +144 516 2 888105197 +144 518 3 888106182 +144 521 4 888105312 +144 523 5 888105338 +144 524 5 888105081 +144 528 4 888105846 +144 531 5 888105473 +144 533 4 888104258 +144 588 4 888105549 +144 591 3 888104122 +144 597 4 888104191 +144 632 4 888105472 +144 647 4 888105338 +144 651 4 888105197 +144 654 4 888105823 +144 655 5 888105116 +144 685 3 888105473 +144 699 4 888106106 +144 707 3 888106322 +144 709 4 888105940 +144 713 4 888104322 +144 727 3 888105765 +144 729 4 888105665 +144 742 4 888104122 +144 747 5 888105473 +144 750 4 888103444 +144 751 4 888103725 +144 762 3 888104940 +144 778 4 888106044 +144 785 4 888106016 +144 815 1 888104659 +144 823 3 888104659 +144 831 3 888104805 +144 845 4 888104191 +144 847 4 888104063 +144 855 4 888105510 +144 880 5 888103509 +144 900 4 888103371 +144 942 4 888106044 +144 956 4 888105636 +144 960 2 888105784 +144 961 3 888106106 +144 963 4 888105254 +144 1010 3 888104834 +144 1012 4 888104521 +144 1013 1 888104446 +144 1016 3 888104322 +144 1028 3 888104495 +144 1039 4 888105587 +144 1065 4 888105714 +144 1101 4 888105312 +144 1138 4 888104684 +144 1142 5 888103968 +144 1147 4 888105587 +144 1169 4 888106044 +144 1197 4 888104322 +144 1226 4 888104737 +144 1284 3 888104446 +144 1285 3 888105922 +144 1286 4 888105846 +145 1 3 882181396 +145 3 3 875271562 +145 5 3 875272196 +145 7 5 875270429 +145 12 5 882182917 +145 13 5 875270507 +145 15 2 875270655 +145 17 3 875272132 +145 22 5 875273021 +145 23 4 875271896 +145 25 2 875270655 +145 31 5 875271896 +145 38 3 888398747 +145 39 4 875271838 +145 42 5 882181785 +145 44 5 875272132 +145 50 5 885557660 +145 51 3 875272786 +145 54 5 888398669 +145 55 3 875272009 +145 56 5 875271896 +145 62 2 885557699 +145 66 4 875272786 +145 69 5 882181632 +145 79 5 875271838 +145 88 5 875272833 +145 89 4 882181605 +145 98 5 875271896 +145 100 5 875270458 +145 105 2 875271442 +145 106 4 875270655 +145 109 4 875270903 +145 111 3 875270322 +145 117 5 875270655 +145 118 3 875270764 +145 120 2 888398563 +145 122 1 888398307 +145 123 4 879161848 +145 134 4 882181695 +145 135 5 885557731 +145 150 5 875270655 +145 155 2 875272871 +145 156 5 875271896 +145 159 4 875272299 +145 164 4 875271948 +145 172 5 882181632 +145 173 5 875272604 +145 174 5 882181728 +145 176 5 875271838 +145 181 5 875270507 +145 182 5 885622510 +145 183 5 875272009 +145 185 4 875271838 +145 195 5 882181728 +145 200 4 877343121 +145 202 4 875272694 +145 203 5 875271948 +145 209 4 882181659 +145 212 2 875272786 +145 216 5 875272694 +145 217 3 877343156 +145 219 5 877343185 +145 222 5 885557660 +145 226 1 875272196 +145 227 4 885557660 +145 228 4 885557660 +145 229 3 885557699 +145 230 5 885557660 +145 236 1 888397981 +145 237 5 875270570 +145 238 4 882181859 +145 240 5 875270764 +145 242 5 875269755 +145 246 4 888397946 +145 250 5 882182944 +145 257 5 875270932 +145 258 4 875269755 +145 259 3 875269871 +145 260 4 875269871 +145 265 5 875272131 +145 266 3 877343000 +145 270 5 879161577 +145 271 4 885557660 +145 273 5 875270322 +145 274 3 875270800 +145 275 2 885557505 +145 276 1 882182634 +145 278 4 875272871 +145 281 4 875272299 +145 282 5 875270570 +145 284 4 888398104 +145 286 3 875269755 +145 294 4 875269871 +145 298 1 885557579 +145 299 4 875269822 +145 300 3 875269755 +145 301 4 877342952 +145 302 4 879161553 +145 304 2 885557505 +145 308 2 885557505 +145 310 4 883840666 +145 312 3 885622510 +145 313 4 883840638 +145 315 5 883840797 +145 316 5 888396966 +145 327 5 875269822 +145 328 5 875270006 +145 329 4 888397542 +145 331 3 879161554 +145 339 3 882181058 +145 342 4 882181205 +145 343 5 882181082 +145 346 5 883840638 +145 347 3 891509921 +145 348 4 888397542 +145 352 4 885556043 +145 354 4 891509877 +145 355 3 888396967 +145 356 4 875272299 +145 358 4 875273234 +145 363 4 875271607 +145 368 3 888398492 +145 379 3 875272299 +145 380 3 885557699 +145 393 5 875273174 +145 394 1 888398833 +145 405 3 875270970 +145 406 3 875270692 +145 407 2 888398400 +145 410 4 875270616 +145 411 2 875271522 +145 412 4 888398492 +145 413 3 877343280 +145 431 5 875272132 +145 436 5 877343121 +145 443 3 882182658 +145 447 5 877343185 +145 448 5 877343121 +145 449 3 885557699 +145 450 3 885557660 +145 452 3 882182762 +145 454 1 885557699 +145 460 1 875271312 +145 470 5 875272299 +145 471 4 885622707 +145 472 3 875271128 +145 477 2 888398069 +145 486 3 882181659 +145 510 4 882181859 +145 515 5 875270394 +145 546 3 875271047 +145 549 5 875272786 +145 552 5 888398747 +145 553 3 875272786 +145 554 3 875272245 +145 558 2 877343121 +145 559 2 877343156 +145 563 3 877343280 +145 566 5 875272010 +145 569 4 877343156 +145 572 5 888398747 +145 574 2 888398833 +145 590 1 882182802 +145 591 4 879161848 +145 592 3 888398867 +145 595 3 885557505 +145 597 4 875271477 +145 603 5 875272009 +145 620 3 875271660 +145 628 2 875270932 +145 631 4 885557626 +145 635 4 875272349 +145 636 4 875272050 +145 637 3 882182689 +145 642 3 875272010 +145 650 4 875273120 +145 652 5 882181571 +145 665 5 877343212 +145 672 3 882182689 +145 673 4 875272299 +145 674 4 877343184 +145 678 2 879161675 +145 680 3 875269871 +145 682 3 879161624 +145 683 3 879161674 +145 684 5 875273174 +145 685 4 875271229 +145 687 2 882181335 +145 688 4 875269822 +145 690 4 877342952 +145 692 2 885557505 +145 696 3 875271442 +145 713 4 875270616 +145 717 3 888398702 +145 727 2 875272652 +145 728 2 875272988 +145 731 3 875272833 +145 732 4 875272833 +145 737 2 875272833 +145 738 3 875272927 +145 739 2 875272927 +145 742 4 875270616 +145 743 1 888398516 +145 750 4 885555884 +145 751 4 883840666 +145 752 4 888396828 +145 756 2 885557506 +145 760 2 888398123 +145 761 4 882182850 +145 762 3 875272926 +145 763 4 875271047 +145 764 2 888398257 +145 767 2 879161882 +145 770 1 875272245 +145 771 2 888398867 +145 789 4 875272132 +145 796 3 875272833 +145 800 2 875272349 +145 816 5 877343156 +145 820 2 885557732 +145 821 3 875272833 +145 823 3 875271397 +145 825 4 875271477 +145 826 2 875271312 +145 831 1 888398329 +145 859 3 882182763 +145 877 2 885557506 +145 879 5 877343000 +145 890 2 885557505 +145 892 2 885557505 +145 894 1 883840965 +145 895 3 883840687 +145 896 2 888396828 +145 898 1 885555980 +145 901 1 885556116 +145 924 2 875270508 +145 925 4 875271047 +145 928 3 879161848 +145 929 2 888398069 +145 930 2 888398833 +145 933 1 875270276 +145 934 1 875270394 +145 939 4 875272050 +145 949 4 875272652 +145 974 1 882182634 +145 977 3 879161931 +145 979 3 879161882 +145 983 1 879161805 +145 988 1 891510040 +145 993 3 875270616 +145 1001 4 875271607 +145 1002 1 888398400 +145 1009 2 875270764 +145 1023 1 885557545 +145 1025 4 877343020 +145 1028 5 875271607 +145 1033 1 875270903 +145 1040 1 888398492 +145 1041 5 875272987 +145 1046 4 888398702 +145 1047 3 875270764 +145 1051 2 888398087 +145 1054 1 888398563 +145 1057 1 875271312 +145 1073 5 875272009 +145 1077 3 875272245 +145 1087 1 875271357 +145 1090 2 888398833 +145 1102 1 888398162 +145 1132 3 875271522 +145 1208 4 875272196 +145 1210 1 888398766 +145 1212 2 875272196 +145 1215 2 888398400 +145 1216 2 888398238 +145 1217 2 875272349 +145 1245 5 875271397 +145 1248 3 875272195 +145 1273 5 875272196 +145 1283 1 875270903 +145 1287 2 888398563 +145 1288 4 888398197 +145 1289 1 875271660 +145 1290 1 875272732 +145 1291 3 888398563 +145 1292 1 875271357 +146 245 5 891458080 +146 258 4 891457714 +146 262 4 891457714 +146 269 4 891457591 +146 271 3 891457749 +146 272 5 891457538 +146 300 3 891457943 +146 301 2 891457905 +146 302 4 891457538 +146 307 3 891457905 +146 313 4 891457591 +146 315 5 891458193 +146 319 4 891457538 +146 327 3 891457905 +146 328 3 891458079 +146 331 5 891458193 +146 336 5 891458193 +146 340 4 891457714 +146 345 4 891457538 +146 346 4 891457591 +146 347 3 891457493 +146 688 1 891457749 +146 1022 5 891458193 +146 1293 5 891458080 +146 1294 4 891457749 +147 258 4 885594040 +147 269 4 885593812 +147 270 3 885594204 +147 292 5 885594040 +147 301 5 885594204 +147 304 5 885593942 +147 305 4 885593997 +147 313 4 885593965 +147 319 4 885593812 +147 339 5 885594204 +147 340 4 885593965 +147 345 4 885594040 +147 690 4 885593965 +147 750 5 885593812 +147 751 2 885593965 +147 898 5 885593965 +147 904 5 885594015 +147 937 3 885593997 +148 1 4 877019411 +148 7 5 877017054 +148 8 4 877020297 +148 50 5 877016805 +148 56 5 877398212 +148 69 5 877019101 +148 70 5 877021271 +148 71 5 877019251 +148 78 1 877399018 +148 89 5 877398587 +148 98 3 877017714 +148 114 5 877016735 +148 116 5 877398648 +148 132 4 877020715 +148 133 5 877019251 +148 135 5 877016514 +148 140 1 877019882 +148 151 4 877400124 +148 163 4 877021402 +148 168 5 877015900 +148 169 5 877020297 +148 172 5 877016513 +148 174 5 877015066 +148 175 4 877016259 +148 177 2 877020715 +148 181 5 877399135 +148 185 1 877398385 +148 189 4 877019698 +148 190 2 877398586 +148 191 1 877020715 +148 204 3 877016912 +148 209 5 877398648 +148 214 5 877019882 +148 222 4 877398901 +148 227 4 877399083 +148 228 4 877016514 +148 234 3 877020297 +148 238 4 877398586 +148 357 5 877016735 +148 408 5 877399018 +148 418 3 877019251 +148 432 5 877019698 +148 473 5 877399322 +148 474 5 877019882 +148 495 4 877016735 +148 496 3 877015066 +148 501 4 877020297 +148 507 5 877398587 +148 509 5 877016605 +148 521 1 877398836 +148 529 5 877398901 +148 549 3 877398385 +148 588 4 877399018 +148 596 5 877020297 +148 663 5 877399018 +148 713 3 877021535 +148 969 4 877398513 +148 993 4 877400154 +148 1012 4 877400154 +148 1039 2 877015784 +148 1149 5 877016513 +149 245 3 883512813 +149 258 3 883512658 +149 262 1 883512623 +149 268 4 883512715 +149 269 5 883512557 +149 272 3 883512591 +149 286 5 883512591 +149 300 3 883512715 +149 301 3 883512813 +149 302 4 883512623 +149 303 4 883512752 +149 305 4 883512658 +149 308 2 883512658 +149 310 2 883512689 +149 312 1 883512950 +149 313 5 883512557 +149 319 2 883512658 +149 321 2 883512856 +149 323 2 883512928 +149 325 2 883512834 +149 326 3 883512856 +149 327 2 883512689 +149 328 2 883512689 +149 337 2 883512968 +149 338 2 883512904 +149 340 4 883512775 +149 345 4 883512623 +149 346 4 883512658 +149 678 2 883512928 +149 689 2 883512950 +149 874 3 883512752 +149 896 4 883512689 +149 1295 3 883512813 +149 1296 3 883512752 +150 1 4 878746441 +150 13 4 878746889 +150 50 5 878746719 +150 93 4 878746889 +150 100 2 878746636 +150 121 2 878747322 +150 123 4 878746852 +150 124 2 878746442 +150 127 5 878746889 +150 129 4 878746946 +150 147 4 878746442 +150 150 3 878746824 +150 151 4 878746824 +150 181 5 878746685 +150 221 4 878747017 +150 235 4 878746792 +150 246 5 878746719 +150 268 5 878746257 +150 273 4 878746764 +150 276 5 878746982 +150 278 2 878746889 +150 288 4 878746174 +150 293 4 878746946 +150 319 4 878746174 +150 324 4 878746225 +150 325 1 878747322 +150 410 4 878747090 +150 458 4 878746720 +150 475 5 878746764 +150 628 4 878747018 +151 1 5 879524151 +151 4 5 879524922 +151 7 4 879524610 +151 9 4 879524199 +151 10 5 879524921 +151 12 5 879524368 +151 13 3 879542688 +151 14 5 879524325 +151 15 4 879524879 +151 25 4 879528496 +151 26 3 879542252 +151 31 3 879524713 +151 33 5 879543181 +151 44 4 879542413 +151 47 3 879528459 +151 49 3 879543055 +151 50 5 879525034 +151 51 4 879543055 +151 52 5 879524586 +151 56 4 879524879 +151 58 4 879524849 +151 64 5 879524536 +151 65 4 879528729 +151 66 4 879524974 +151 69 4 879524368 +151 70 4 879524947 +151 79 4 879524642 +151 81 5 879524293 +151 82 3 879524819 +151 83 5 879524611 +151 86 5 879524345 +151 87 4 879524420 +151 88 5 879542645 +151 89 5 879524491 +151 91 2 879542796 +151 93 5 879525002 +151 97 5 879528801 +151 98 4 879524088 +151 100 3 879524514 +151 111 4 879542775 +151 114 5 879524268 +151 118 3 879542588 +151 121 5 879525054 +151 125 4 879542939 +151 131 5 879525075 +151 132 5 879524669 +151 133 5 879524797 +151 134 4 879524131 +151 136 4 879524293 +151 137 5 879528754 +151 147 2 879524947 +151 151 5 879524760 +151 152 3 879525075 +151 153 3 879524326 +151 154 4 879524642 +151 160 4 879542670 +151 162 5 879528779 +151 163 4 879542723 +151 164 5 879542984 +151 168 5 879528495 +151 169 5 879524268 +151 170 5 879524669 +151 171 5 879524921 +151 172 5 879524325 +151 174 5 879524088 +151 175 5 879524244 +151 176 2 879524293 +151 178 5 879524586 +151 181 5 879524394 +151 183 3 879524642 +151 185 4 879528801 +151 186 4 879524222 +151 189 5 879528495 +151 191 3 879524326 +151 193 4 879524491 +151 194 4 879524443 +151 195 3 879524642 +151 196 4 879542670 +151 197 5 879528710 +151 198 4 879524472 +151 199 3 879524563 +151 200 3 879525002 +151 203 3 879524471 +151 204 4 879524641 +151 208 4 879524443 +151 209 4 879524443 +151 210 4 879524419 +151 211 5 879528588 +151 213 5 879524849 +151 215 3 879524420 +151 216 4 879524713 +151 222 5 879525002 +151 223 5 879524088 +151 224 5 879524293 +151 227 5 879542670 +151 228 5 879524345 +151 230 3 879528647 +151 231 1 879543366 +151 234 4 879524819 +151 238 5 879542286 +151 241 3 879542645 +151 258 5 879523838 +151 260 1 879523998 +151 265 5 879542566 +151 274 5 879542369 +151 275 5 879524443 +151 277 4 879524642 +151 286 5 879523838 +151 287 4 879528754 +151 290 1 879543400 +151 300 4 879523942 +151 302 3 879523860 +151 317 5 879524610 +151 318 5 879524088 +151 321 4 879523900 +151 322 2 881771160 +151 328 3 879523838 +151 356 2 879528852 +151 357 5 879524585 +151 371 4 879542891 +151 372 5 879524819 +151 378 4 879528520 +151 381 5 879528754 +151 382 4 879528754 +151 385 3 879542775 +151 387 5 879542353 +151 393 2 879528692 +151 402 3 879543423 +151 405 3 879543055 +151 408 5 879524222 +151 411 4 879543228 +151 414 5 879542474 +151 417 3 879543075 +151 418 3 879525002 +151 419 3 879524878 +151 420 5 879524760 +151 423 4 879528570 +151 425 4 879528647 +151 427 5 879524108 +151 428 5 879542510 +151 429 5 879528673 +151 430 4 879528418 +151 432 5 879524610 +151 433 3 879542510 +151 435 4 879524131 +151 436 3 879524947 +151 443 5 879524947 +151 448 2 879528779 +151 451 5 879542707 +151 461 4 879524738 +151 462 4 879524088 +151 463 5 879525002 +151 464 4 879524089 +151 466 5 879528496 +151 469 1 879528852 +151 470 3 879528674 +151 473 4 879524974 +151 474 5 879524222 +151 476 3 879543423 +151 478 5 879524471 +151 480 5 879524151 +151 481 3 879524669 +151 482 4 879524345 +151 483 5 879524244 +151 484 4 879524563 +151 485 5 879525002 +151 486 5 879525002 +151 487 5 879524669 +151 488 4 879524900 +151 489 5 879528623 +151 490 5 879528418 +151 492 3 879524738 +151 494 4 879524244 +151 496 4 879524974 +151 497 5 879524325 +151 499 5 879524585 +151 503 3 879524199 +151 504 4 879528868 +151 505 5 879528909 +151 506 4 879524900 +151 507 5 879524394 +151 509 4 879524778 +151 512 5 879524712 +151 514 4 879524797 +151 516 5 879542707 +151 517 2 879542588 +151 522 5 879524443 +151 523 5 879524173 +151 525 4 879528570 +151 528 5 879524849 +151 529 5 879542610 +151 546 2 879543400 +151 549 4 879543324 +151 561 3 879543342 +151 566 3 879528890 +151 582 5 879524563 +151 584 3 879525035 +151 602 4 879542688 +151 603 5 879524641 +151 605 4 879528909 +151 606 5 879528496 +151 609 4 879525075 +151 611 4 879524514 +151 614 4 879528729 +151 627 2 879542796 +151 628 5 879528674 +151 629 4 879528754 +151 631 3 879524849 +151 632 4 879528779 +151 633 5 879528801 +151 638 5 879528819 +151 642 3 879524713 +151 652 5 879524472 +151 654 4 879524514 +151 655 4 879542645 +151 657 5 879524760 +151 659 5 879524974 +151 660 4 879524199 +151 661 4 879524419 +151 662 4 879525054 +151 663 4 879524268 +151 675 2 879524368 +151 684 3 879524849 +151 686 3 879525035 +151 692 3 879524669 +151 699 4 879525035 +151 702 3 879524849 +151 703 4 879542460 +151 707 4 879528537 +151 709 5 879524778 +151 716 2 879528778 +151 724 4 879542270 +151 729 4 879542492 +151 732 4 879542775 +151 735 5 879528438 +151 736 4 879542389 +151 741 2 879524394 +151 747 3 879524564 +151 748 2 879523925 +151 755 3 879543366 +151 761 3 879542813 +151 770 4 879542527 +151 775 2 879543366 +151 781 3 879543181 +151 782 4 879542566 +151 792 4 879524268 +151 805 4 879542567 +151 813 4 879524222 +151 826 1 879543212 +151 835 5 879524199 +151 837 4 879524642 +151 845 4 879525035 +151 847 5 879528459 +151 919 5 879524368 +151 929 3 879543457 +151 939 4 879524514 +151 945 5 879524419 +151 952 3 879528729 +151 953 5 879524948 +151 956 4 879542567 +151 962 1 879524394 +151 965 5 879524849 +151 969 5 879542510 +151 971 5 879528607 +151 972 4 879543366 +151 1006 1 879524974 +151 1017 2 879542939 +151 1039 4 879524471 +151 1044 2 879524900 +151 1047 2 879543036 +151 1065 3 879542413 +151 1070 4 879524174 +151 1074 2 879543342 +151 1098 1 879528890 +151 1101 4 879524586 +151 1109 4 879542414 +151 1113 4 879542891 +151 1197 5 879542753 +151 1203 5 879542670 +151 1264 4 879542389 +151 1269 5 879528438 +151 1286 5 879524173 +151 1297 1 879542847 +151 1298 4 879528520 +151 1299 4 879543423 +152 8 5 882829050 +152 15 5 880148843 +152 21 3 880149253 +152 22 5 882828490 +152 25 3 880149045 +152 33 5 882475924 +152 49 5 882477402 +152 51 4 882476486 +152 66 5 886535773 +152 67 5 882477689 +152 69 5 882474000 +152 71 5 882900320 +152 80 5 882477572 +152 88 5 884035964 +152 97 5 882475618 +152 98 2 882473974 +152 111 5 880148782 +152 117 4 880148782 +152 120 2 880149686 +152 121 5 880149166 +152 125 5 880149165 +152 132 5 882475496 +152 133 5 882474845 +152 143 5 882474378 +152 147 3 880149045 +152 151 4 880148735 +152 153 4 880149924 +152 155 5 884018390 +152 157 5 882476486 +152 161 5 882476363 +152 162 5 882474898 +152 167 5 882477430 +152 173 5 882474378 +152 191 5 880149963 +152 204 4 882474587 +152 215 5 880149882 +152 220 5 884035907 +152 234 4 882474970 +152 237 5 880148734 +152 241 4 884035579 +152 255 5 884035936 +152 272 5 890322298 +152 274 5 880149166 +152 275 4 880148664 +152 278 4 880149166 +152 280 5 880148941 +152 283 4 880148616 +152 284 5 880149045 +152 286 5 875562268 +152 294 4 880149098 +152 301 3 880147407 +152 313 4 890322242 +152 354 3 890322242 +152 364 4 884019146 +152 367 3 882475972 +152 371 4 882477356 +152 393 5 884018430 +152 402 5 882829501 +152 410 4 882478038 +152 411 4 880149350 +152 412 2 880149328 +152 423 5 882899511 +152 483 5 882474435 +152 487 5 882474587 +152 504 4 882476261 +152 527 4 882477356 +152 549 4 882476261 +152 596 2 880148941 +152 632 4 882474734 +152 685 5 880149074 +152 692 5 880149963 +152 699 5 882476911 +152 716 5 884019001 +152 720 5 882477356 +152 724 5 884035936 +152 739 5 882475924 +152 740 4 880149197 +152 763 5 884018370 +152 775 4 884018798 +152 778 3 882476683 +152 780 5 884019189 +152 781 5 882476486 +152 783 4 884018961 +152 785 5 886535773 +152 790 5 884018821 +152 794 5 886535773 +152 845 3 886535827 +152 866 5 880149224 +152 871 3 884018842 +152 966 5 882829150 +152 1014 2 880149224 +152 1028 5 880149197 +152 1041 5 882477572 +152 1053 5 882475618 +152 1054 1 880149643 +152 1136 5 882477202 +152 1300 4 886535827 +152 1301 5 884018462 +153 22 2 881371140 +153 50 1 881371140 +153 56 5 881371140 +153 64 5 881371005 +153 79 5 881371198 +153 127 3 881371140 +153 172 1 881371140 +153 174 1 881371140 +153 181 1 881371140 +153 182 5 881371198 +153 216 2 881371032 +153 258 5 881371336 +153 265 4 881371032 +153 294 2 881370859 +153 321 3 881370900 +153 323 2 881370900 +153 325 2 881370935 +153 357 5 881371059 +153 510 3 881371198 +153 568 4 881371140 +153 678 2 881370935 +154 50 5 879138657 +154 61 4 879138657 +154 89 5 879138910 +154 135 5 879139003 +154 137 3 879138657 +154 143 3 879139003 +154 174 5 879138657 +154 175 5 879138784 +154 182 5 879138783 +154 185 5 879139002 +154 187 5 879139096 +154 191 4 879138832 +154 197 5 879139003 +154 200 5 879138832 +154 202 3 879139096 +154 211 4 879139002 +154 222 2 879138910 +154 238 5 879139040 +154 242 3 879138235 +154 258 3 879138235 +154 286 4 879138235 +154 288 3 879138235 +154 289 2 879138345 +154 302 4 879138235 +154 324 2 879138287 +154 333 3 879138287 +154 357 4 879138713 +154 414 4 879138910 +154 462 3 879138831 +154 474 5 879138783 +154 479 4 879138831 +154 480 5 879138784 +154 482 4 879138831 +154 484 4 879139096 +154 488 4 879138831 +154 496 3 879138910 +154 515 4 879138657 +154 527 4 879139040 +154 640 5 879138713 +154 642 3 879138910 +154 651 4 879138783 +154 708 4 879139003 +154 806 4 879139040 +154 874 3 879138368 +154 919 4 879138712 +154 945 3 879138713 +155 286 4 879370860 +155 288 3 879370860 +155 292 3 879371061 +155 294 3 879371194 +155 306 5 879371121 +155 319 3 879370963 +155 321 4 879370963 +155 323 2 879371261 +155 324 2 879370963 +155 325 2 879371261 +155 326 2 879371121 +155 327 2 879371061 +155 328 2 879370860 +155 331 3 879370860 +155 332 2 879371121 +155 748 2 879371261 +155 988 2 879371261 +155 990 3 879371194 +156 11 2 888185906 +156 12 3 888185853 +156 22 3 888186093 +156 48 4 888185777 +156 58 4 888185906 +156 64 3 888185677 +156 83 3 888185677 +156 86 4 888185854 +156 124 3 888185677 +156 137 4 888185735 +156 157 4 888185906 +156 178 5 888185777 +156 180 5 888185777 +156 187 5 888185778 +156 192 4 888185735 +156 197 5 888185777 +156 205 3 888185735 +156 211 4 888185606 +156 276 3 888185854 +156 317 4 888185906 +156 318 4 888185947 +156 346 3 888185561 +156 357 4 888185677 +156 480 5 888185606 +156 510 4 888186093 +156 515 3 888185735 +156 641 5 888185677 +156 651 4 888185906 +156 655 3 888185677 +156 661 4 888185947 +156 772 3 888185947 +156 806 3 888185777 +157 1 5 874813703 +157 3 3 886890734 +157 25 3 886890787 +157 50 4 886890541 +157 93 3 886890692 +157 100 5 886890650 +157 111 3 886889876 +157 117 5 886890296 +157 118 2 886890439 +157 120 1 886891243 +157 127 5 886890541 +157 137 5 886889876 +157 147 5 886890342 +157 150 5 874813703 +157 250 1 886890296 +157 255 3 886889876 +157 268 5 886889729 +157 269 4 886889876 +157 273 5 886889876 +157 274 4 886890835 +157 276 4 886889876 +157 283 4 886890692 +157 286 5 874813268 +157 289 4 886889876 +157 290 4 886890787 +157 293 5 874813703 +157 298 4 886889876 +157 313 5 886889616 +157 340 5 886889616 +157 405 3 886890342 +157 407 4 886891218 +157 410 4 886890855 +157 476 1 886891173 +157 508 5 886890712 +157 515 5 874813477 +157 597 3 886890406 +157 685 3 886890372 +157 740 2 886889876 +157 748 2 886890015 +157 934 2 886890878 +157 1051 4 886890835 +157 1132 3 886891132 +157 1244 3 886891194 +157 1258 5 886891132 +157 1283 2 886891173 +157 1302 5 874813703 +158 1 4 880132443 +158 8 5 880134948 +158 10 4 880132513 +158 11 4 880134398 +158 20 4 880134261 +158 22 5 880134333 +158 24 4 880134261 +158 29 3 880134607 +158 38 4 880134607 +158 39 5 880134398 +158 42 3 880134913 +158 50 4 880133306 +158 53 1 880134781 +158 55 4 880134407 +158 56 5 880134296 +158 62 5 880134759 +158 68 3 880134532 +158 72 3 880135118 +158 79 4 880134332 +158 82 5 880134398 +158 85 4 880135118 +158 89 5 880133189 +158 92 4 880134407 +158 96 4 880134332 +158 100 5 880132401 +158 107 3 880132960 +158 111 4 880134261 +158 116 5 880132383 +158 117 3 880132719 +158 118 5 880132638 +158 120 1 880134014 +158 121 4 880132701 +158 123 3 880132488 +158 124 4 880134261 +158 127 5 880132356 +158 128 2 880134296 +158 129 5 880132383 +158 137 5 880132443 +158 144 4 880134445 +158 148 4 880132613 +158 149 3 880132383 +158 154 4 880135069 +158 161 2 880134477 +158 163 4 880135044 +158 168 5 880134948 +158 172 4 880134398 +158 173 5 880134913 +158 174 5 880134332 +158 175 4 880135044 +158 176 4 880134398 +158 177 4 880134407 +158 181 3 880132383 +158 182 5 880134296 +158 183 3 880134332 +158 184 3 880134407 +158 186 3 880134913 +158 187 5 880134332 +158 188 4 880134332 +158 190 5 880134332 +158 194 5 880134913 +158 202 5 880135001 +158 204 4 880135001 +158 208 5 880135093 +158 209 5 880135001 +158 210 4 880134296 +158 216 3 880134948 +158 217 5 880133095 +158 221 2 880132421 +158 222 3 880132771 +158 226 3 880134675 +158 227 2 880134499 +158 228 5 880134296 +158 229 3 880134532 +158 231 2 880134532 +158 232 3 880134477 +158 233 3 880134477 +158 235 1 880132794 +158 238 5 880134913 +158 239 3 880135093 +158 241 4 880134445 +158 244 4 880132772 +158 250 4 880132356 +158 252 3 880132893 +158 271 4 880132232 +158 273 3 880132356 +158 275 5 880132313 +158 277 4 880132658 +158 283 5 880132421 +158 284 5 880132638 +158 286 4 880134261 +158 293 4 880132513 +158 302 4 880132193 +158 325 4 880133920 +158 367 4 880134913 +158 373 2 880134781 +158 385 3 880134445 +158 399 3 880134595 +158 403 4 880134650 +158 408 5 880132313 +158 410 3 880132794 +158 414 4 880135118 +158 430 5 880135093 +158 433 3 880135044 +158 435 5 880134407 +158 449 2 880134815 +158 450 3 880134815 +158 455 4 880132772 +158 471 4 880132513 +158 472 3 880132659 +158 483 5 880133225 +158 502 4 880135069 +158 510 3 880134296 +158 511 5 880134296 +158 516 5 880135044 +158 518 4 880134398 +158 525 5 880133288 +158 530 4 880134332 +158 544 2 880132638 +158 546 3 880132719 +158 550 3 880134445 +158 562 4 880134607 +158 566 3 880134499 +158 568 4 880134532 +158 570 3 880134445 +158 576 4 880134607 +158 580 4 880135093 +158 583 3 880134477 +158 593 4 880134261 +158 636 4 880134532 +158 648 5 880135020 +158 651 5 880134296 +158 652 4 880134966 +158 659 5 880134947 +158 665 2 880134532 +158 684 3 880134332 +158 686 5 880134499 +158 694 5 880133209 +158 729 3 880133116 +158 731 2 880135118 +158 742 4 880134261 +158 744 4 880132462 +158 745 4 880135044 +158 770 5 880134477 +158 797 3 880134701 +158 798 4 880134815 +158 803 3 880134848 +158 809 3 880134675 +158 810 4 880134759 +158 823 2 880132941 +158 825 4 880133029 +158 866 2 880132701 +158 978 3 880133937 +158 985 4 880134261 +158 1011 4 880132579 +158 1016 3 880132701 +158 1047 4 880134261 +158 1067 4 880134261 +158 1098 4 880135069 +159 7 5 880485861 +159 24 5 880989865 +159 25 5 880557112 +159 67 1 884026964 +159 72 3 884026946 +159 96 4 884360539 +159 103 1 880557604 +159 111 4 880556981 +159 117 5 880486047 +159 121 3 880486071 +159 125 5 880557192 +159 126 5 880557038 +159 127 5 880989744 +159 130 1 880557322 +159 195 3 884360539 +159 220 5 880557782 +159 225 4 880557347 +159 237 3 880485766 +159 243 4 880485529 +159 245 5 880485488 +159 249 4 884027269 +159 250 3 881679988 +159 255 3 885501660 +159 258 4 893255836 +159 259 4 893255969 +159 260 2 893255969 +159 272 5 885501645 +159 273 5 880485935 +159 274 3 880557387 +159 276 5 880485824 +159 286 1 880485233 +159 289 2 880485415 +159 291 4 880485766 +159 293 4 880485879 +159 294 4 884026788 +159 299 3 893256013 +159 301 2 880485344 +159 310 5 880989865 +159 319 1 880485290 +159 323 4 880485443 +159 326 3 880485345 +159 328 3 893255993 +159 333 5 893255761 +159 364 1 884026964 +159 405 5 880557564 +159 411 3 880557677 +159 412 3 880557824 +159 451 5 884360502 +159 456 3 880557848 +159 471 4 880485861 +159 476 5 880557564 +159 546 4 880557621 +159 588 2 884027316 +159 591 4 880557060 +159 595 5 880486009 +159 628 3 880486071 +159 678 5 880485530 +159 685 4 880557347 +159 742 2 880557192 +159 748 3 880485488 +159 756 4 880557464 +159 815 3 880557387 +159 829 4 880557741 +159 831 2 880557604 +159 832 3 880557864 +159 866 5 880557539 +159 871 4 880557003 +159 872 1 880485262 +159 873 2 893256062 +159 876 2 893255905 +159 877 3 893255740 +159 880 1 893256084 +159 881 1 893256139 +159 918 4 893255798 +159 930 4 880557824 +159 948 2 880485344 +159 988 3 880485529 +159 1002 3 884027027 +159 1013 4 880557170 +159 1014 4 884027206 +159 1023 2 880557741 +159 1025 2 893256139 +159 1028 5 880557539 +159 1037 2 884360502 +159 1048 3 880557584 +159 1049 4 880485972 +159 1092 2 880989744 +159 1095 5 880557824 +159 1190 5 881680199 +159 1221 5 884027141 +159 1258 1 884026823 +159 1278 3 880557782 +160 1 4 876768025 +160 3 3 876770124 +160 4 4 876861754 +160 7 3 876767822 +160 11 4 876858091 +160 13 4 876768990 +160 15 2 876768609 +160 21 1 876769480 +160 23 5 876859778 +160 24 5 876769689 +160 32 5 876859413 +160 50 4 876767572 +160 55 4 876858091 +160 56 5 876770222 +160 61 4 876861799 +160 79 4 876859413 +160 93 5 876767572 +160 100 5 876767023 +160 109 2 876857844 +160 117 4 876767822 +160 118 3 876768828 +160 123 4 876768949 +160 124 4 876767360 +160 126 3 876769148 +160 129 4 876768828 +160 135 4 876860807 +160 137 4 876767299 +160 150 4 876767440 +160 151 4 876769097 +160 153 3 876860808 +160 157 5 876858346 +160 160 5 876862078 +160 161 3 876861185 +160 168 4 876858091 +160 169 4 876862077 +160 174 5 876860807 +160 175 4 876860808 +160 182 5 876770311 +160 185 5 876861185 +160 187 5 876770168 +160 192 5 876861185 +160 195 4 876859413 +160 201 5 876858346 +160 202 4 876862077 +160 209 4 876861185 +160 211 4 876862171 +160 213 4 876859778 +160 218 4 876861878 +160 228 2 876862243 +160 230 2 876860808 +160 234 5 876861185 +160 237 3 876768609 +160 240 4 876768990 +160 248 5 876768828 +160 273 5 876767660 +160 276 5 876768106 +160 282 4 876768025 +160 285 4 876767660 +160 293 5 876767572 +160 328 3 878078096 +160 405 3 876770441 +160 410 4 876769148 +160 412 3 876768990 +160 430 5 876861799 +160 432 3 876861185 +160 447 4 876859413 +160 455 4 876769689 +160 458 5 876768025 +160 460 2 876861185 +160 461 5 876857977 +160 462 4 876858346 +160 463 4 876859777 +160 474 4 876857977 +160 475 5 876767822 +160 483 5 876859413 +160 484 5 876862243 +160 497 4 876858346 +160 508 5 876768025 +160 514 4 876858091 +160 531 5 876942699 +160 544 4 876768106 +160 564 3 876861799 +160 589 3 876857977 +160 603 4 876861754 +160 604 4 876859778 +160 640 3 876860808 +160 671 5 876859778 +160 693 5 876770193 +160 719 3 876857977 +160 762 3 876769148 +160 763 4 876768025 +160 770 4 876861878 +160 825 2 876767299 +160 844 3 876767822 +160 864 1 876770673 +160 922 5 876767621 +160 926 2 876769148 +160 933 3 876767621 +160 955 4 876862243 +160 969 1 876861185 +160 1012 5 876769689 +160 1016 4 876767440 +160 1019 5 876857977 +160 1073 4 876859778 +160 1134 4 876768828 +160 1142 5 876768609 +160 1197 4 876768609 +160 1223 4 876861799 +161 14 4 891171413 +161 15 2 891172284 +161 22 2 891171282 +161 48 1 891170745 +161 50 2 891170972 +161 56 3 891171257 +161 69 4 891171657 +161 70 3 891171064 +161 98 4 891171357 +161 100 4 891171127 +161 127 3 891171698 +161 132 1 891171458 +161 133 2 891171023 +161 135 2 891170656 +161 162 2 891171413 +161 168 1 891171174 +161 174 2 891170800 +161 181 2 891171848 +161 186 4 891171530 +161 187 3 891170998 +161 191 2 891171734 +161 194 1 891171503 +161 197 3 891171734 +161 202 5 891170769 +161 204 2 891170947 +161 210 2 891171698 +161 213 2 891171887 +161 215 2 891170866 +161 257 3 891172174 +161 265 2 891171597 +161 272 5 891170514 +161 274 2 891172070 +161 276 5 891170881 +161 284 3 891172246 +161 286 2 891169991 +161 309 2 891170018 +161 315 5 891169965 +161 316 5 891170275 +161 318 3 891170824 +161 428 3 891171023 +161 435 2 891171104 +161 473 1 891172358 +161 483 3 891171214 +161 486 1 891171657 +161 487 3 891171357 +161 496 3 891171734 +161 508 2 891171657 +161 523 3 891170686 +161 582 1 891170800 +161 640 2 891171558 +161 654 3 891171357 +161 898 3 891170191 +161 929 1 891172377 +161 1117 3 891172402 +161 1266 2 891170745 +162 1 4 877635819 +162 7 3 877635869 +162 11 4 877636772 +162 25 4 877635573 +162 42 3 877636675 +162 50 5 877635662 +162 55 3 877636713 +162 79 4 877636713 +162 105 2 877636458 +162 117 4 877635869 +162 121 4 877636000 +162 122 2 877636300 +162 144 3 877636746 +162 147 4 877636147 +162 151 3 877636191 +162 174 4 877636772 +162 179 3 877636794 +162 181 4 877635798 +162 208 3 877636746 +162 222 4 877635758 +162 230 2 877636860 +162 237 4 877635980 +162 254 3 877636476 +162 298 4 877635690 +162 358 3 877635375 +162 403 3 877636713 +162 474 3 877636556 +162 508 5 877635662 +162 544 4 877636167 +162 597 4 877636370 +162 628 4 877635897 +162 685 3 877635917 +162 710 4 877636860 +162 742 4 877635758 +162 826 3 877635965 +162 943 4 877636604 +162 1011 4 877636370 +162 1012 4 877635965 +162 1019 4 877636556 +162 1047 5 877635896 +163 28 3 891220019 +163 56 4 891220097 +163 64 4 891220161 +163 97 4 891220019 +163 98 4 891220196 +163 216 3 891220196 +163 234 3 891220137 +163 258 4 891219977 +163 269 3 891219977 +163 272 4 891219977 +163 286 3 891219977 +163 288 3 891220226 +163 300 3 891219977 +163 301 3 891219977 +163 305 2 891219977 +163 316 5 891219976 +163 318 4 891220161 +163 347 4 891219976 +163 357 4 891220097 +163 433 1 891220137 +163 879 2 891219643 +164 9 4 889402050 +164 100 5 889401998 +164 117 5 889401816 +164 118 5 889401852 +164 121 5 889402203 +164 125 5 889402071 +164 148 5 889402203 +164 181 5 889401906 +164 222 4 889401927 +164 237 2 889401816 +164 245 5 889401362 +164 252 4 889402265 +164 258 5 889401221 +164 276 3 889401771 +164 281 4 889401906 +164 282 5 889401927 +164 291 5 889401963 +164 293 4 889402121 +164 298 3 889401835 +164 299 4 889401383 +164 300 5 889401221 +164 307 5 889401284 +164 313 5 889401284 +164 322 4 889401432 +164 323 4 889401318 +164 326 3 889401362 +164 329 4 889401410 +164 331 5 889401193 +164 333 5 889401383 +164 342 2 889401691 +164 370 5 889402443 +164 405 5 889402160 +164 406 2 889402389 +164 407 2 889402443 +164 411 2 889402407 +164 458 4 889402050 +164 471 5 889402245 +164 472 5 889402071 +164 515 4 889401906 +164 597 4 889402225 +164 619 4 889402160 +164 620 3 889402298 +164 678 4 889401432 +164 685 5 889402160 +164 689 5 889401490 +164 717 3 889402265 +164 742 5 889401981 +164 748 5 889401410 +164 751 4 889401263 +164 823 4 889402225 +164 825 4 889402203 +164 826 4 889402340 +164 845 3 889402071 +164 866 5 889402121 +164 926 2 889402091 +164 930 4 889402340 +164 934 5 889402547 +164 984 4 889401456 +164 1016 3 889402091 +164 1025 4 889401510 +165 15 5 879525799 +165 69 3 879525799 +165 91 4 879525756 +165 127 4 879525706 +165 156 3 879525894 +165 169 5 879525832 +165 174 4 879525961 +165 176 4 879526007 +165 181 5 879525738 +165 187 3 879526046 +165 216 4 879525778 +165 222 5 879525987 +165 258 5 879525672 +165 260 3 879525673 +165 270 4 879525672 +165 288 2 879525673 +165 304 3 879525672 +165 318 5 879525961 +165 325 4 879525672 +165 326 5 879525672 +165 328 3 879525673 +165 332 4 879525672 +165 372 5 879525987 +165 419 4 879525706 +165 500 3 879525832 +165 651 5 879525961 +166 243 3 886397827 +166 258 4 886397562 +166 286 1 886397562 +166 288 3 886397510 +166 294 3 886397596 +166 300 5 886397723 +166 313 5 886397478 +166 315 3 886397478 +166 322 5 886397723 +166 323 5 886397722 +166 328 5 886397722 +166 343 4 886397882 +166 346 1 886397596 +166 347 5 886397562 +166 687 1 886397777 +166 688 3 886397855 +166 748 2 886397751 +166 751 4 886397665 +166 894 4 886397905 +166 984 5 886397802 +167 8 5 892738237 +167 48 1 892738277 +167 73 2 892738452 +167 83 5 892738384 +167 96 5 892738307 +167 99 4 892738385 +167 126 3 892738141 +167 133 5 892738453 +167 136 4 892738418 +167 169 1 892738419 +167 204 4 892738384 +167 222 4 892737995 +167 225 3 892737995 +167 232 1 892738341 +167 235 3 892737972 +167 237 4 892737972 +167 238 4 892738341 +167 240 1 892737972 +167 241 5 892738419 +167 288 3 892737972 +167 290 3 892737936 +167 318 5 892738307 +167 364 3 892738212 +167 381 5 892738212 +167 392 1 892738307 +167 404 3 892738278 +167 435 5 892738453 +167 478 5 892738452 +167 486 4 892738452 +167 493 4 892738307 +167 512 5 892738341 +167 513 4 892738385 +167 521 5 892738307 +167 530 5 892738453 +167 554 1 892738237 +167 568 3 892738341 +167 603 4 892738212 +167 606 4 892738452 +167 615 5 892738277 +167 655 4 892738237 +167 659 4 892738277 +167 673 4 892738341 +167 675 1 892738277 +167 698 4 892738307 +167 719 1 892738341 +167 726 1 892738385 +167 733 2 892738453 +167 735 4 892738277 +167 831 3 892738141 +167 949 1 892738341 +167 1126 5 892738418 +167 1147 4 892738384 +167 1200 4 892738384 +167 1225 3 892738277 +167 1304 4 892738277 +167 1305 1 892738418 +167 1306 5 892738385 +167 1307 2 892738277 +167 1308 1 892738307 +167 1309 1 892738341 +167 1310 3 892738384 +168 1 5 884287509 +168 7 1 884287559 +168 9 1 884287394 +168 15 5 884287362 +168 25 5 884287885 +168 100 4 884287362 +168 117 5 884287318 +168 118 4 884288009 +168 121 4 884287731 +168 123 3 884287822 +168 125 4 884287731 +168 126 5 884287962 +168 151 5 884288058 +168 222 5 884287759 +168 225 5 884288304 +168 235 2 884288270 +168 252 1 884288304 +168 255 1 884287560 +168 257 5 884287642 +168 258 4 884286863 +168 259 2 884287073 +168 273 4 884287509 +168 274 4 884287865 +168 275 3 884287822 +168 276 1 884287642 +168 280 4 884287580 +168 281 2 884288033 +168 282 5 884287394 +168 284 2 884288112 +168 288 1 884287927 +168 291 4 884287668 +168 294 4 884286862 +168 295 4 884287615 +168 300 5 884287011 +168 313 5 884286862 +168 323 3 884286990 +168 325 1 884287073 +168 405 4 884287927 +168 409 4 884287846 +168 411 1 884288222 +168 458 1 884288058 +168 472 3 884287927 +168 473 2 884288178 +168 546 3 884287962 +168 596 4 884287615 +168 597 3 884288112 +168 619 3 884287536 +168 678 1 884287109 +168 685 3 884287759 +168 742 5 884287362 +168 744 5 884288058 +168 748 2 884287031 +168 763 2 884288033 +168 819 4 884288270 +168 866 5 884287927 +168 871 3 884287711 +168 930 3 884288243 +168 931 3 884288329 +168 988 2 884287145 +168 1012 5 884287509 +168 1016 5 884287615 +168 1047 2 884288080 +168 1197 5 884287927 +168 1278 3 884287560 +169 50 5 891359250 +169 127 4 891359354 +169 133 4 891359171 +169 134 5 891359250 +169 172 5 891359317 +169 174 4 891359418 +169 181 5 891359276 +169 199 4 891359353 +169 204 3 891359317 +169 211 5 891359200 +169 213 5 891359354 +169 234 4 891359418 +169 243 3 891268851 +169 258 5 891268552 +169 260 1 891269104 +169 300 5 891268491 +169 301 4 891268622 +169 308 3 891268776 +169 321 3 891268777 +169 331 5 891268491 +169 429 3 891359250 +169 443 4 891359418 +169 480 4 891359137 +169 482 3 891359171 +169 483 3 891359200 +169 495 3 891359276 +169 498 3 891359170 +169 499 3 891359354 +169 538 4 891268653 +169 603 5 891359171 +169 604 4 891359317 +169 606 5 891359137 +169 683 3 891268976 +169 684 5 891359354 +169 705 5 891359354 +169 879 5 891268653 +170 245 5 884103758 +170 258 3 884104016 +170 259 3 886623680 +170 288 3 884706012 +170 292 5 884103732 +170 294 3 884705913 +170 299 3 886190476 +170 304 4 887646133 +170 322 5 884103801 +170 323 3 884293671 +170 326 5 886623057 +170 328 3 884103860 +170 333 4 886190330 +170 348 3 887646014 +170 678 4 886623680 +170 687 3 884706063 +170 749 5 887646170 +170 876 3 886190449 +170 881 3 886190419 +170 984 5 884103918 +170 988 3 884706063 +171 245 3 891034801 +171 258 4 891034801 +171 262 4 891034641 +171 268 4 891034684 +171 269 4 891034835 +171 270 4 891034835 +171 286 3 891034801 +171 288 2 891034606 +171 292 4 891034835 +171 302 4 891034606 +171 303 4 891034801 +171 304 3 891034756 +171 305 2 891034606 +171 306 3 891034606 +171 310 4 891034835 +171 313 4 891034835 +171 315 4 891034835 +171 327 4 891034835 +171 340 3 891034756 +171 344 3 891034889 +171 346 4 891034835 +171 354 3 891034606 +171 690 3 891034756 +171 887 4 891034835 +171 906 3 891034684 +171 1022 3 891034889 +172 23 3 875537717 +172 124 4 875537151 +172 177 4 875537965 +172 178 3 875538027 +172 183 5 875538864 +172 220 4 875537441 +172 425 1 875536591 +172 428 4 875537964 +172 430 3 875537964 +172 462 3 875537717 +172 463 4 875537502 +172 478 3 875538027 +172 483 3 875538028 +172 485 3 875538028 +172 488 3 875537965 +172 514 3 875537964 +172 580 4 875538028 +172 582 4 875538864 +172 603 3 875538027 +172 606 3 875537964 +172 612 3 875537964 +172 642 4 875538028 +172 657 3 875538027 +172 697 3 875536498 +172 772 1 875537099 +172 1134 2 875536721 +172 1172 3 875538864 +173 242 5 877556626 +173 259 3 877557239 +173 260 4 877557345 +173 262 4 877556864 +173 268 4 877556626 +173 269 4 877556626 +173 286 5 877556626 +173 289 4 877556988 +173 292 5 877557369 +173 294 5 877556864 +173 299 4 877556926 +173 300 4 877556988 +173 301 5 877557076 +173 302 5 877556626 +173 303 5 877556864 +173 305 5 877556626 +173 306 5 877556626 +173 319 4 877556926 +173 321 4 877556864 +173 322 4 877557028 +173 323 5 877556926 +173 324 5 877556864 +173 326 5 877556988 +173 327 5 877557168 +173 328 5 877557028 +173 329 4 877557345 +173 331 4 877557028 +173 332 4 877557028 +173 334 4 877556926 +173 678 3 877556988 +173 687 1 877557132 +173 690 5 877557076 +173 874 4 877556926 +173 879 5 877557076 +173 880 4 877557168 +173 937 4 877557077 +173 938 3 877557076 +173 984 4 877556988 +173 995 5 877556988 +173 1265 3 877557239 +174 1 3 886433898 +174 9 5 886439492 +174 11 5 886439516 +174 12 5 886439091 +174 13 3 891551777 +174 14 5 886433771 +174 15 5 886434065 +174 21 1 886515209 +174 28 5 886434547 +174 29 2 886514469 +174 31 4 886434566 +174 40 4 886514985 +174 41 1 886515063 +174 49 4 886513788 +174 50 4 886433166 +174 56 5 886452583 +174 63 4 886514985 +174 65 5 886514123 +174 66 5 886513706 +174 67 1 886515130 +174 69 5 886514201 +174 70 5 886453169 +174 80 1 886515210 +174 82 1 886515472 +174 94 2 886515062 +174 99 3 886515457 +174 100 5 886433788 +174 107 5 886434361 +174 111 5 886433898 +174 117 5 886434136 +174 118 2 886434186 +174 122 1 886434421 +174 124 5 886514168 +174 125 5 886514069 +174 126 5 886433166 +174 132 2 886439516 +174 138 1 891551778 +174 139 3 886515591 +174 140 4 886515514 +174 147 4 886433936 +174 151 3 886434013 +174 155 4 886513767 +174 158 2 886514921 +174 160 5 886514377 +174 162 5 886514108 +174 178 5 886513947 +174 196 5 886514108 +174 197 5 886434547 +174 204 4 886452552 +174 210 4 886514788 +174 215 5 886514220 +174 216 5 886439516 +174 221 4 886433771 +174 237 4 886434047 +174 238 5 890168700 +174 239 4 886439537 +174 240 1 886434241 +174 244 4 886433881 +174 246 5 886433833 +174 248 5 886433981 +174 255 5 886434114 +174 268 5 886432749 +174 269 5 886432811 +174 272 5 886432770 +174 276 5 886433862 +174 278 5 886433833 +174 280 5 886433862 +174 286 5 890168158 +174 288 3 886432770 +174 293 5 890168505 +174 312 5 886432972 +174 315 5 886432749 +174 323 1 886434241 +174 332 5 886432901 +174 333 4 886432811 +174 340 5 886432749 +174 347 4 886432844 +174 364 1 886515240 +174 368 1 886434402 +174 369 1 886515272 +174 371 5 886513674 +174 381 5 886513706 +174 383 1 886515171 +174 384 1 886515121 +174 386 1 886515130 +174 388 1 886515335 +174 393 4 886514837 +174 395 1 886515154 +174 396 1 886515104 +174 401 1 886515063 +174 402 5 886513729 +174 407 1 886515295 +174 412 1 886433919 +174 415 3 886515591 +174 417 4 886515490 +174 423 2 886514276 +174 433 5 886514757 +174 451 5 886513752 +174 456 1 886515240 +174 458 4 886433862 +174 471 5 886433804 +174 476 4 886434136 +174 546 3 886514323 +174 553 5 886513674 +174 571 1 886515295 +174 575 1 886515239 +174 577 1 886515295 +174 597 3 886434261 +174 623 3 886515532 +174 648 5 886513648 +174 655 5 886514168 +174 660 5 886514261 +174 662 5 886513752 +174 696 4 886434087 +174 699 5 886514220 +174 709 4 890168554 +174 715 3 886514397 +174 716 5 886513674 +174 721 2 886514889 +174 722 4 886513896 +174 723 5 886514448 +174 724 5 886453169 +174 739 5 886513729 +174 742 4 886434087 +174 747 5 886513729 +174 762 5 886434136 +174 763 1 886434260 +174 764 4 886434343 +174 768 1 886515569 +174 780 1 886515030 +174 781 4 886513788 +174 823 4 886434376 +174 843 2 886515551 +174 845 5 886433771 +174 846 5 886433996 +174 862 1 886515172 +174 871 1 886434166 +174 902 3 890168363 +174 905 3 890168415 +174 937 5 886432989 +174 949 5 886513729 +174 950 3 886434204 +174 951 1 886515551 +174 953 5 886514377 +174 988 1 886515335 +174 1001 1 886515030 +174 1014 3 890664424 +174 1028 4 886434087 +174 1032 3 886515591 +174 1033 1 886515591 +174 1035 4 886515532 +174 1041 5 886513788 +174 1053 5 886514358 +174 1074 4 886514529 +174 1086 5 886434047 +174 1091 3 886515591 +174 1139 2 886514651 +174 1221 5 886514398 +174 1230 1 886515210 +174 1254 1 886434421 +174 1262 5 886434566 +174 1282 5 886433862 +174 1311 3 886514430 +174 1312 4 886434484 +175 9 4 877108146 +175 11 5 877107339 +175 12 4 877108146 +175 31 4 877108051 +175 50 5 877107138 +175 56 2 877107790 +175 64 5 877107552 +175 71 4 877107942 +175 88 4 877108146 +175 96 3 877108051 +175 100 2 877107712 +175 127 5 877107640 +175 132 3 877107712 +175 133 4 877107390 +175 147 3 877108146 +175 172 5 877107339 +175 176 3 877107255 +175 183 4 877107942 +175 186 4 877107790 +175 193 4 877108098 +175 195 3 877107790 +175 215 5 877107500 +175 234 5 877108015 +175 273 2 877107640 +175 419 5 877108098 +175 483 5 877107339 +175 496 5 877108098 +175 508 1 877107712 +175 629 3 877107942 +175 660 3 877107836 +175 661 4 877107432 +175 669 1 877107790 +176 7 5 886048188 +176 13 4 886047994 +176 25 3 886048188 +176 50 5 886047879 +176 93 5 886047963 +176 100 5 886047918 +176 111 4 886048040 +176 117 4 886048305 +176 129 3 886048391 +176 150 4 886047879 +176 151 4 886048305 +176 222 5 886048145 +176 236 4 886048145 +176 237 3 886048145 +176 240 4 886048230 +176 246 5 886047994 +176 250 4 886047963 +176 258 4 886047026 +176 262 4 886047292 +176 268 5 886046979 +176 270 4 886047069 +176 272 5 886047068 +176 285 5 886047963 +176 286 2 886046979 +176 288 3 886046979 +176 289 3 886047292 +176 293 5 886048040 +176 294 2 886047220 +176 297 3 886047918 +176 298 4 886047918 +176 303 3 886047118 +176 305 5 886047068 +176 319 3 886046979 +176 321 4 886047176 +176 324 5 886047292 +176 325 3 886047375 +176 327 3 886047176 +176 328 4 886047375 +176 340 5 886046979 +176 343 2 886047595 +176 347 4 886047442 +176 405 2 886048262 +176 458 4 886048305 +176 475 5 886047918 +176 508 3 886047879 +176 741 3 886048145 +176 750 4 886047176 +176 751 1 886046979 +176 874 4 886047118 +176 875 4 886047442 +176 876 3 886047375 +176 881 3 886047531 +176 919 2 886048391 +176 927 3 886048305 +176 948 4 886047595 +176 952 2 886048230 +176 1008 4 886048040 +176 1012 4 886048145 +177 1 3 880130699 +177 7 4 880130881 +177 11 4 880131161 +177 12 5 880130825 +177 22 4 880130847 +177 23 5 880130758 +177 47 3 880131187 +177 50 5 880131216 +177 55 3 880131143 +177 56 5 880130618 +177 59 4 880130825 +177 60 4 880130634 +177 64 4 880130736 +177 69 1 880131088 +177 79 4 880130758 +177 87 4 880130931 +177 89 5 880131088 +177 92 4 882142295 +177 96 3 880130898 +177 100 5 880130600 +177 121 2 880131123 +177 124 3 880130881 +177 127 5 880130667 +177 129 3 880130653 +177 135 5 880130712 +177 150 4 880130807 +177 153 4 880130972 +177 154 4 880130600 +177 161 3 880130915 +177 168 4 880130807 +177 172 5 880130990 +177 173 4 880130667 +177 174 4 880130990 +177 175 5 880130972 +177 176 4 880130951 +177 179 5 880131057 +177 181 4 880130931 +177 182 5 880130684 +177 183 4 880130972 +177 186 4 880130990 +177 195 4 880130699 +177 196 3 880130881 +177 197 4 880130758 +177 198 4 880131161 +177 200 4 880130951 +177 203 4 880131026 +177 209 4 880130736 +177 216 4 880130653 +177 217 3 880131230 +177 223 4 880130758 +177 243 1 882142141 +177 245 3 880130534 +177 258 3 880130379 +177 260 2 880130534 +177 268 3 880130452 +177 270 1 880130452 +177 271 2 882141868 +177 276 5 880130758 +177 288 5 880130467 +177 289 2 880130534 +177 292 3 880130415 +177 294 4 880130481 +177 299 4 880130500 +177 300 2 880130434 +177 302 4 880130379 +177 307 4 882141842 +177 318 4 880130618 +177 321 2 880130481 +177 322 2 880130534 +177 324 4 880130434 +177 327 3 880130467 +177 333 4 880130397 +177 334 3 880130467 +177 336 2 880130500 +177 338 3 882142221 +177 340 4 880130415 +177 343 3 882141885 +177 358 2 882141918 +177 403 5 880131201 +177 421 3 880130881 +177 433 4 880131123 +177 469 4 880131201 +177 470 5 880130951 +177 475 4 880130898 +177 508 4 880130825 +177 527 4 880130898 +177 568 3 880130915 +177 628 2 882143736 +177 642 4 880130972 +177 651 3 880130862 +177 654 4 880131106 +177 678 3 882142086 +177 689 3 882141885 +177 693 4 880130653 +177 748 3 880130534 +177 806 4 880131216 +177 878 1 882142141 +177 919 4 880130736 +177 948 2 882141918 +177 960 3 880131161 +177 963 4 880130736 +177 1039 3 880130807 +177 1067 4 880131201 +177 1110 3 880131123 +177 1218 4 880131231 +178 1 4 882823805 +178 2 4 882827375 +178 7 4 882823805 +178 8 4 882826556 +178 9 2 882823758 +178 11 5 882826162 +178 12 5 882826162 +178 15 5 882823858 +178 16 4 882823905 +178 22 5 882826187 +178 24 3 882824221 +178 25 3 888514710 +178 28 5 882826806 +178 31 4 882827083 +178 38 3 882827574 +178 39 2 882827645 +178 50 5 882823857 +178 51 4 882828021 +178 55 4 882826394 +178 56 4 882825767 +178 58 5 882827134 +178 62 4 882827083 +178 64 5 882826242 +178 66 4 882826868 +178 70 4 882827083 +178 71 4 882826577 +178 73 5 882827985 +178 76 3 882827288 +178 77 4 882827947 +178 79 4 882826306 +178 82 5 882826242 +178 83 4 882826556 +178 87 4 885784558 +178 89 4 882826514 +178 90 3 882827985 +178 92 3 882827803 +178 95 5 882826514 +178 96 4 882826782 +178 97 5 882827020 +178 98 5 882826944 +178 99 4 882827574 +178 100 4 882823758 +178 106 2 882824983 +178 117 4 882824467 +178 121 5 882824291 +178 123 4 882824325 +178 124 4 882823758 +178 125 4 882824431 +178 127 5 882823978 +178 131 4 882827947 +178 134 3 882826983 +178 135 2 882826915 +178 143 4 882827574 +178 144 4 882825768 +178 147 4 886678902 +178 148 4 882824325 +178 153 4 882826347 +178 155 4 882828021 +178 156 2 882826395 +178 157 5 882827400 +178 161 5 882827645 +178 164 3 882827288 +178 168 4 882826347 +178 172 4 882826555 +178 176 4 882826782 +178 178 4 882826395 +178 179 2 882828320 +178 180 3 882826395 +178 181 5 882823832 +178 183 4 882826347 +178 184 5 882827947 +178 187 4 882826049 +178 193 4 882826868 +178 194 4 882826306 +178 195 4 882826944 +178 196 4 882827834 +178 197 2 882826720 +178 199 4 882826306 +178 200 3 882826983 +178 202 5 882826782 +178 204 4 882826048 +178 209 4 882826944 +178 210 5 884837073 +178 214 1 882827985 +178 215 5 882826807 +178 216 4 882826868 +178 218 3 882827776 +178 219 4 882828350 +178 222 4 882823857 +178 226 4 882826187 +178 228 5 882826556 +178 229 4 885784558 +178 230 4 882826889 +178 233 4 882827375 +178 234 4 882826783 +178 235 1 882824467 +178 237 4 882824291 +178 238 4 882826577 +178 241 5 882827375 +178 244 1 884837126 +178 245 3 882823460 +178 246 4 884837324 +178 248 4 882823954 +178 249 3 884836855 +178 250 4 888514821 +178 255 4 882824001 +178 257 5 882823954 +178 258 4 882823353 +178 259 1 882823437 +178 260 1 886678700 +178 265 5 882826394 +178 271 4 882823395 +178 273 3 882823858 +178 274 4 882824253 +178 275 5 882823857 +178 276 3 882823978 +178 280 4 882824592 +178 281 3 882824028 +178 282 3 882823978 +178 283 5 882823784 +178 284 4 888514680 +178 286 3 882823324 +178 288 5 882823353 +178 293 4 882823954 +178 294 2 882823301 +178 298 2 882823905 +178 300 5 882823301 +178 302 4 892239796 +178 304 4 882823375 +178 313 5 884836422 +178 316 4 888513290 +178 317 4 882826915 +178 318 5 882826982 +178 319 1 884836946 +178 322 3 882823460 +178 323 3 882823530 +178 326 4 888513095 +178 331 4 882823301 +178 332 3 882823437 +178 333 3 884836479 +178 340 1 882823353 +178 342 4 892239863 +178 354 4 892239771 +178 358 1 888512993 +178 363 3 882824467 +178 367 4 882828021 +178 385 4 882826982 +178 405 3 882823905 +178 410 4 882824467 +178 423 4 882826556 +178 427 5 882826162 +178 431 4 882827400 +178 433 4 882827834 +178 435 4 882827043 +178 454 4 882827247 +178 455 3 882825357 +178 458 3 882824467 +178 460 2 882824869 +178 465 3 882827506 +178 469 3 882827870 +178 471 4 882823930 +178 472 4 882824194 +178 476 3 882824713 +178 478 5 882826514 +178 480 3 882826048 +178 483 4 882826210 +178 484 4 882826187 +178 491 4 882827247 +178 495 4 882827870 +178 500 4 882827288 +178 506 3 882827084 +178 508 3 884837419 +178 510 4 882826394 +178 511 5 882827532 +178 520 5 882826210 +178 535 3 882824671 +178 540 3 886678484 +178 546 3 888514680 +178 549 4 882827689 +178 566 4 882826915 +178 568 4 882826555 +178 578 4 882828021 +178 588 4 882826242 +178 591 5 882827288 +178 596 3 882824194 +178 597 4 882824869 +178 607 3 882826347 +178 619 3 888514710 +178 625 3 884837073 +178 628 4 882824027 +178 651 4 882826915 +178 654 3 882827506 +178 655 4 882827247 +178 658 5 882827162 +178 678 3 882823530 +178 679 4 882826944 +178 682 3 892239928 +178 684 5 882827019 +178 685 4 882824253 +178 696 4 882824869 +178 720 3 882827645 +178 724 4 882827433 +178 729 4 882827020 +178 731 4 882827532 +178 735 5 882827083 +178 739 4 882827737 +178 742 3 882823833 +178 744 3 882824028 +178 746 3 882827019 +178 748 4 882823460 +178 751 4 882823353 +178 756 3 882824983 +178 762 3 882824592 +178 763 4 882824253 +178 764 3 888514648 +178 781 4 882827716 +178 783 4 886678484 +178 790 3 882827870 +178 792 5 882827834 +178 809 4 882827084 +178 819 2 882824670 +178 845 4 882824291 +178 846 3 882824467 +178 849 3 882828021 +178 864 2 888514648 +178 866 4 882825357 +178 876 2 886678484 +178 877 2 888513069 +178 895 3 884836516 +178 926 4 882824671 +178 978 2 882824983 +178 984 2 882823530 +178 993 5 882824592 +178 1004 4 882827375 +178 1011 3 882824431 +178 1012 4 884837364 +178 1016 4 882824253 +178 1033 2 882824869 +178 1035 4 882828350 +178 1038 2 882823566 +178 1047 2 882824326 +178 1048 2 884837073 +178 1051 3 885784583 +178 1101 4 882827019 +178 1157 3 882827375 +178 1169 4 882827134 +178 1197 4 882824055 +178 1258 4 882823930 +178 1283 3 885784558 +178 1300 3 886678518 +178 1314 3 882827134 +178 1315 4 882824291 +179 258 5 892151270 +179 269 3 892151064 +179 272 5 892151202 +179 288 5 892151489 +179 300 4 892151231 +179 301 4 892151565 +179 302 4 892151173 +179 303 1 892151270 +179 305 4 892151270 +179 307 3 892151565 +179 310 4 892151365 +179 315 5 892151202 +179 316 5 892151202 +179 321 1 892151331 +179 331 2 892151331 +179 333 5 892151459 +179 339 1 892151366 +179 340 4 892151064 +179 345 1 892151565 +179 346 3 892151489 +179 353 1 892151270 +179 354 4 892151331 +179 362 1 892151231 +179 538 4 892151231 +179 682 5 892151459 +179 690 1 892151489 +179 691 3 892151331 +179 750 1 892151270 +179 751 1 892151565 +179 893 2 892151565 +179 895 5 892151565 +179 902 1 892151064 +179 905 4 892151331 +179 914 5 892151174 +179 916 5 892151064 +179 917 3 892151231 +179 1127 1 892151270 +179 1234 1 892151459 +179 1316 3 892151489 +180 12 2 877355568 +180 28 3 877355568 +180 53 5 877442125 +180 56 5 877127130 +180 67 1 877127591 +180 68 5 877127721 +180 69 4 877355568 +180 79 3 877442037 +180 83 5 877128388 +180 98 5 877544444 +180 111 5 877127747 +180 121 5 877127830 +180 153 1 877126182 +180 156 5 877127747 +180 173 5 877128388 +180 186 4 877127189 +180 191 4 877372188 +180 196 5 877355617 +180 201 2 877127189 +180 202 3 877128388 +180 204 3 877127159 +180 213 5 877128388 +180 216 5 877128388 +180 222 5 877127815 +180 258 5 877125493 +180 318 5 877355315 +180 367 1 877127486 +180 372 5 877127237 +180 380 5 877127796 +180 403 3 877355713 +180 421 5 877128388 +180 423 4 877355568 +180 431 4 877442098 +180 433 5 877127273 +180 462 5 877544218 +180 469 5 877372278 +180 631 5 877544373 +180 658 5 877355598 +180 660 5 877372188 +180 684 5 877442058 +180 694 5 877128388 +180 716 1 877128119 +180 729 5 877355598 +180 732 3 877128137 +180 733 5 877128388 +180 737 3 877128327 +180 739 3 877128156 +180 747 4 877128156 +180 762 4 877126241 +180 778 2 877128388 +180 785 4 877128388 +180 790 1 877127572 +180 939 4 877355472 +180 961 5 877544384 +180 1046 2 877442125 +180 1119 3 877128156 +180 1131 5 877441985 +181 1 3 878962392 +181 3 2 878963441 +181 6 1 878962866 +181 7 4 878963037 +181 9 4 878962675 +181 10 2 878962955 +181 13 2 878962465 +181 14 1 878962392 +181 15 3 878962816 +181 16 1 878962996 +181 18 1 878962623 +181 19 1 878962392 +181 20 1 878962919 +181 21 1 878963381 +181 24 1 878962866 +181 25 5 878962675 +181 93 1 878962773 +181 100 3 878962816 +181 103 1 878962586 +181 104 1 878962866 +181 105 1 878963304 +181 106 2 878963167 +181 108 1 878963343 +181 109 1 878962955 +181 111 3 878962774 +181 112 1 878962955 +181 116 1 878962550 +181 117 2 878962918 +181 118 2 878962955 +181 121 4 878962623 +181 122 2 878963276 +181 123 2 878963276 +181 124 1 878962550 +181 125 3 878962816 +181 126 2 878962585 +181 129 2 878962279 +181 130 1 878963241 +181 137 2 878962465 +181 146 1 878962955 +181 147 1 878963168 +181 148 2 878963204 +181 149 1 878962719 +181 150 1 878962465 +181 151 2 878962866 +181 220 4 878962392 +181 221 1 878962465 +181 222 4 878962919 +181 224 1 878962623 +181 225 3 878963038 +181 235 1 878963168 +181 236 1 878962350 +181 240 1 878963122 +181 242 1 878961814 +181 243 1 878961814 +181 251 1 878962052 +181 256 1 878962086 +181 258 3 878961709 +181 259 1 878961668 +181 260 1 878961623 +181 261 1 878961814 +181 262 2 878961749 +181 263 1 878961709 +181 264 2 878961624 +181 266 1 878961709 +181 268 1 878961749 +181 269 1 878961511 +181 270 4 878961270 +181 274 4 878962720 +181 275 3 878962720 +181 276 2 878962816 +181 277 1 878963441 +181 278 2 878963440 +181 279 1 878962955 +181 282 4 878962816 +181 283 3 878963241 +181 284 2 878962996 +181 285 2 878962816 +181 286 1 878961173 +181 288 4 878961173 +181 289 4 878961332 +181 290 2 878963168 +181 291 3 878962997 +181 292 1 878961781 +181 294 2 878961173 +181 300 3 878961227 +181 301 2 878961303 +181 302 2 878961511 +181 303 1 878961749 +181 304 1 878961586 +181 305 2 878961542 +181 306 1 878962006 +181 307 1 878962006 +181 308 1 878961847 +181 319 3 878961173 +181 321 2 878961623 +181 322 1 878961814 +181 323 2 878961304 +181 324 1 878961814 +181 325 2 878961814 +181 326 1 878961709 +181 327 3 878961780 +181 328 3 878961227 +181 329 1 878961781 +181 330 1 878961668 +181 331 1 878961511 +181 332 2 878961173 +181 333 3 878961227 +181 334 1 878961749 +181 335 1 878961748 +181 336 2 878961709 +181 337 1 878961709 +181 358 2 878961709 +181 359 1 878961668 +181 360 1 878962005 +181 363 1 878963342 +181 368 1 878963440 +181 369 3 878963418 +181 405 4 878962919 +181 406 1 878962955 +181 407 2 878963038 +181 408 1 878962550 +181 409 2 878963276 +181 410 1 878962955 +181 411 3 878963276 +181 412 2 878963122 +181 413 2 878963241 +181 424 1 878962240 +181 455 1 878962623 +181 456 1 878962586 +181 457 1 878961474 +181 458 3 878962350 +181 459 1 878962349 +181 460 1 878963418 +181 471 2 878962919 +181 472 1 878963380 +181 473 2 878962919 +181 475 2 878962720 +181 476 4 878962996 +181 477 1 878962465 +181 508 3 878962623 +181 546 2 878962919 +181 547 1 878962720 +181 591 4 878962996 +181 593 1 878962349 +181 595 2 878962918 +181 596 4 878962866 +181 597 3 878963276 +181 598 1 878962623 +181 619 3 878963086 +181 620 2 878963204 +181 628 3 878962392 +181 676 3 878962392 +181 678 2 878961369 +181 680 1 878961709 +181 681 1 878961474 +181 682 4 878961586 +181 683 1 878962006 +181 685 2 878963381 +181 687 1 878961814 +181 688 1 878961668 +181 690 3 878961511 +181 696 2 878962997 +181 713 2 878962774 +181 717 1 878963418 +181 718 1 878962675 +181 740 2 878963085 +181 741 1 878962918 +181 742 4 878962623 +181 743 1 878963241 +181 744 2 878962720 +181 748 1 878961368 +181 749 1 878961586 +181 756 2 878962866 +181 758 1 878963418 +181 760 1 878963418 +181 762 2 878963418 +181 763 1 878962955 +181 764 1 878962866 +181 766 1 878962675 +181 767 1 878963381 +181 813 2 878962279 +181 818 1 878963380 +181 819 3 878962550 +181 820 1 878963342 +181 823 2 878963343 +181 824 1 878963305 +181 825 1 878963304 +181 827 2 878963276 +181 828 1 878963086 +181 829 1 878962675 +181 831 1 878963241 +181 832 1 878963038 +181 833 1 878963205 +181 834 3 878962720 +181 840 1 878963204 +181 841 1 878963204 +181 844 1 878962816 +181 845 3 878962816 +181 846 3 878962586 +181 847 1 878962550 +181 864 2 878962774 +181 866 1 878963037 +181 870 2 878962623 +181 871 2 878963168 +181 872 1 878961814 +181 873 1 878961542 +181 874 1 878961749 +181 875 3 878961623 +181 876 1 878961781 +181 877 2 878961668 +181 878 1 878961709 +181 879 2 878961542 +181 881 1 878961781 +181 882 1 878962006 +181 883 1 878961847 +181 884 1 878961847 +181 885 1 878962006 +181 886 1 878961623 +181 887 1 878962005 +181 919 1 878962550 +181 920 1 878962496 +181 922 1 878963305 +181 924 3 878963168 +181 925 2 878963418 +181 926 1 878962866 +181 927 1 878962675 +181 928 3 878963241 +181 929 1 878963122 +181 930 1 878963275 +181 931 1 878963205 +181 932 1 878963121 +181 933 1 878962675 +181 934 3 878963086 +181 937 3 878961781 +181 938 1 878961586 +181 948 1 878961474 +181 950 1 878963440 +181 952 1 878962720 +181 974 4 878963417 +181 975 2 878963343 +181 976 1 878963342 +181 977 1 878962997 +181 978 1 878963305 +181 979 2 878963241 +181 980 1 878962496 +181 981 1 878962279 +181 982 1 878963205 +181 983 2 878963038 +181 984 1 878961781 +181 985 1 878962465 +181 986 2 878963038 +181 988 2 878961847 +181 989 1 878961780 +181 990 1 878961814 +181 991 1 878961814 +181 995 1 878961585 +181 1001 1 878963038 +181 1002 1 878963122 +181 1008 1 878963276 +181 1009 1 878963276 +181 1010 1 878962774 +181 1011 1 878963204 +181 1015 1 878963121 +181 1017 1 878962496 +181 1022 1 878962006 +181 1025 1 878961668 +181 1026 1 878961781 +181 1028 2 878962997 +181 1034 1 878962586 +181 1038 1 878962005 +181 1040 1 878962997 +181 1047 2 878962866 +181 1048 2 878963275 +181 1049 1 878963122 +181 1051 2 878962586 +181 1052 2 878963441 +181 1054 2 878963418 +181 1057 2 878963381 +181 1059 1 878963440 +181 1060 1 878962675 +181 1061 2 878963086 +181 1067 1 878962550 +181 1068 1 878962052 +181 1081 1 878962623 +181 1084 2 878962550 +181 1085 1 878962623 +181 1086 1 878962464 +181 1087 1 878962496 +181 1093 1 878962391 +181 1094 1 878963086 +181 1095 1 878962955 +181 1097 1 878962720 +181 1102 1 878963381 +181 1114 1 878963342 +181 1115 1 878962774 +181 1117 2 878962585 +181 1120 1 878962279 +181 1128 1 878962279 +181 1129 1 878962675 +181 1132 1 878963342 +181 1134 2 878963167 +181 1150 1 878963305 +181 1151 1 878963304 +181 1152 2 878962496 +181 1161 1 878962119 +181 1162 1 878962392 +181 1163 2 878963086 +181 1164 3 878962464 +181 1165 1 878962496 +181 1171 1 878962773 +181 1173 1 878962052 +181 1174 1 878962200 +181 1187 1 878962816 +181 1197 1 878962774 +181 1198 1 878962585 +181 1199 1 878962675 +181 1202 1 878962720 +181 1245 1 878962550 +181 1252 1 878962168 +181 1255 1 878962086 +181 1259 1 878962496 +181 1265 1 878961668 +181 1272 1 878962349 +181 1277 2 878963085 +181 1280 1 878961668 +181 1282 1 878962496 +181 1284 1 878962773 +181 1288 1 878962349 +181 1289 1 878962866 +181 1291 1 878963167 +181 1295 1 878961781 +181 1296 1 878962006 +181 1302 1 878962086 +181 1312 1 878962349 +181 1318 1 878962349 +181 1319 1 878962120 +181 1320 1 878962279 +181 1321 1 878962200 +181 1322 1 878962086 +181 1323 1 878962119 +181 1324 1 878962464 +181 1326 1 878963342 +181 1327 1 878963305 +181 1328 1 878962240 +181 1329 1 878962240 +181 1330 1 878962052 +181 1331 1 878962052 +181 1332 1 878962278 +181 1333 1 878962120 +181 1334 1 878962240 +181 1335 1 878963241 +181 1336 1 878963241 +181 1337 1 878963121 +181 1338 1 878962240 +181 1339 1 878962086 +181 1340 1 878962240 +181 1342 1 878962168 +181 1343 1 878962199 +181 1344 1 878962240 +181 1345 1 878962168 +181 1346 1 878962086 +181 1347 1 878962052 +181 1348 1 878962200 +181 1349 1 878962278 +181 1350 1 878962120 +181 1351 1 878962168 +181 1354 1 878962496 +181 1355 1 878963086 +181 1356 1 878963204 +181 1357 1 878962240 +181 1359 1 878962200 +181 1360 1 878962119 +181 1361 1 878963122 +181 1362 1 878962200 +181 1363 1 878962279 +181 1364 1 878962464 +181 1365 1 878963086 +181 1367 2 878962086 +181 1369 1 878962199 +181 1370 1 878962550 +181 1371 1 878962240 +181 1372 1 878962279 +181 1373 1 878962052 +181 1374 1 878962391 +181 1375 1 878962586 +181 1376 1 878963167 +181 1377 1 878962496 +181 1378 1 878962169 +181 1379 1 878962168 +181 1380 1 878962086 +181 1382 1 878962168 +181 1383 1 878962086 +181 1384 1 878962052 +181 1385 1 878962051 +181 1386 1 878962119 +181 1387 1 878962119 +181 1388 1 878962168 +181 1389 1 878962119 +181 1390 1 878962052 +181 1391 1 878962168 +181 1392 1 878961749 +181 1393 1 878961709 +181 1394 1 878961847 +181 1395 1 878961847 +182 1 4 885613092 +182 48 3 876436556 +182 50 5 885613018 +182 69 5 876435435 +182 100 3 885613067 +182 111 4 885613238 +182 121 3 885613117 +182 123 4 885612994 +182 126 5 885613153 +182 150 3 885613294 +182 172 5 876435435 +182 178 5 876435434 +182 181 5 885612967 +182 191 4 876435434 +182 203 3 876436556 +182 222 3 885613180 +182 237 3 885613067 +182 257 3 885613117 +182 283 2 885613153 +182 293 3 885613152 +182 423 5 876436480 +182 471 4 885613216 +182 479 5 876436556 +182 596 5 885613152 +182 763 3 885613092 +182 845 3 885613067 +182 864 4 885613092 +183 54 2 891467546 +183 55 4 891466266 +183 62 2 891479217 +183 77 3 891466405 +183 88 3 891466760 +183 94 3 891466863 +183 96 3 891463617 +183 121 3 891463809 +183 144 3 891479783 +183 159 4 892323452 +183 176 3 891466266 +183 177 5 892323452 +183 181 2 891463937 +183 202 4 891463320 +183 203 3 891466266 +183 210 3 891465869 +183 212 4 891467870 +183 216 4 891479033 +183 222 4 892323453 +183 225 1 891467546 +183 226 3 891466350 +183 227 4 891463592 +183 228 4 891463591 +183 229 3 891463591 +183 230 5 892323452 +183 241 4 892323453 +183 250 2 891464352 +183 257 2 891464558 +183 265 2 891466350 +183 270 3 891462811 +183 273 4 892323452 +183 274 5 892323452 +183 294 3 891467280 +183 331 3 892322382 +183 356 3 891466447 +183 375 2 891467545 +183 380 4 891463592 +183 405 4 891464393 +183 431 2 891467545 +183 449 2 891463592 +183 450 3 891463592 +183 483 5 892323452 +183 485 5 892323452 +183 562 3 891467003 +183 649 4 891464079 +183 720 4 892323453 +183 1090 2 891467546 +183 1159 3 891479702 +183 1217 3 891466405 +184 1 4 889907652 +184 7 3 889907738 +184 9 5 889907685 +184 11 3 889908694 +184 13 3 889907839 +184 14 4 889907738 +184 15 3 889907812 +184 20 4 889907771 +184 22 3 889908985 +184 25 4 889908068 +184 29 3 889910326 +184 34 2 889913568 +184 36 3 889910195 +184 40 4 889910326 +184 44 4 889909746 +184 47 4 889909640 +184 50 4 889907396 +184 51 4 889909069 +184 52 4 889910034 +184 56 3 889908657 +184 57 5 889908539 +184 58 4 889908984 +184 64 4 889909045 +184 65 4 889909516 +184 66 4 889910013 +184 67 3 889912569 +184 69 3 889908694 +184 70 4 889908657 +184 71 4 889911552 +184 72 3 889909988 +184 77 3 889910217 +184 79 3 889909551 +184 82 3 889909934 +184 86 5 889908694 +184 88 3 889909551 +184 89 4 889908572 +184 91 3 889909988 +184 92 3 889908657 +184 93 4 889907771 +184 97 2 889908539 +184 98 4 889908539 +184 100 5 889907652 +184 116 4 889910481 +184 117 2 889907995 +184 118 2 889908344 +184 121 2 889908026 +184 124 5 889907652 +184 126 3 889907971 +184 127 5 889907396 +184 132 5 889913687 +184 134 5 889909618 +184 137 5 889907685 +184 143 3 889908903 +184 153 3 889911285 +184 155 3 889912656 +184 160 3 889911459 +184 161 2 889909640 +184 164 3 889911434 +184 165 4 889911178 +184 166 3 889910684 +184 170 5 889913687 +184 172 4 889908497 +184 174 3 889908693 +184 175 3 889908985 +184 176 4 889908740 +184 181 4 889907426 +184 182 4 889908497 +184 183 4 889908630 +184 185 4 889908843 +184 187 4 889909024 +184 191 4 889908716 +184 196 4 889908985 +184 202 3 889909768 +184 203 3 889908571 +184 207 4 889908903 +184 208 4 889908985 +184 210 4 889911069 +184 213 5 889909045 +184 215 4 889909812 +184 216 4 889908539 +184 217 3 889910394 +184 218 3 889909840 +184 220 3 889908264 +184 221 5 889907838 +184 223 4 889911195 +184 231 3 889910195 +184 235 2 889907862 +184 237 4 889907945 +184 238 4 889909069 +184 241 3 889909812 +184 250 4 889907482 +184 252 2 889907528 +184 254 2 889907569 +184 255 3 889907468 +184 258 3 889906882 +184 259 3 889907096 +184 262 5 889906946 +184 272 4 889907301 +184 275 5 889913687 +184 276 4 889907685 +184 277 3 889907971 +184 283 5 889913687 +184 285 5 889907771 +184 286 4 889906905 +184 287 4 889908050 +184 301 3 889907045 +184 313 4 889906905 +184 317 3 889909426 +184 318 5 889908571 +184 321 5 889906967 +184 340 5 889906905 +184 357 5 889913687 +184 368 1 889908104 +184 371 5 889909840 +184 378 4 889909551 +184 381 4 889909962 +184 382 5 889909691 +184 387 4 889909515 +184 393 4 889909788 +184 396 3 889910326 +184 399 3 889910159 +184 401 3 889910418 +184 402 3 889910013 +184 403 3 889909746 +184 405 2 889908050 +184 410 3 889908181 +184 411 3 889908207 +184 412 2 889912691 +184 423 4 889909409 +184 428 4 889909551 +184 443 3 889911552 +184 447 3 889910653 +184 451 4 889909914 +184 458 3 889907925 +184 462 4 889908873 +184 473 4 889908133 +184 476 2 889908207 +184 478 4 889908902 +184 483 5 889908630 +184 485 4 889908947 +184 487 4 889908571 +184 488 5 889913687 +184 492 4 889908947 +184 496 5 889908539 +184 497 4 889909409 +184 498 5 889913687 +184 504 4 889908630 +184 506 4 889909569 +184 508 4 889907738 +184 511 4 889908740 +184 512 4 889908716 +184 514 5 889908497 +184 515 5 889907599 +184 517 4 889909409 +184 521 4 889908873 +184 522 3 889908462 +184 523 4 889909618 +184 527 4 889908462 +184 528 5 889908462 +184 529 4 889909445 +184 531 4 889910653 +184 553 3 889909746 +184 559 3 889910418 +184 568 2 889909474 +184 582 4 889909409 +184 584 3 889909889 +184 588 5 889909812 +184 591 3 889907711 +184 596 4 889907812 +184 602 4 889909691 +184 604 4 889908693 +184 606 5 889913687 +184 631 4 889910612 +184 632 5 889913687 +184 639 3 889909590 +184 640 4 889909551 +184 642 4 889909446 +184 644 4 889908947 +184 645 3 889910123 +184 647 5 889909024 +184 651 3 889908462 +184 654 4 889908824 +184 655 3 889908630 +184 657 4 889908497 +184 660 3 889909962 +184 664 3 889911712 +184 665 2 889910098 +184 692 4 889909672 +184 693 3 889909142 +184 694 5 889908824 +184 699 5 889909914 +184 707 4 889908873 +184 708 4 889909962 +184 715 4 889909590 +184 716 3 889909987 +184 724 4 889909672 +184 729 3 889909840 +184 736 3 889911633 +184 738 3 889910372 +184 739 3 889910257 +184 742 3 889908026 +184 747 3 889909672 +184 766 3 889907738 +184 780 4 889913254 +184 792 4 889909840 +184 805 3 889912232 +184 813 4 889907711 +184 836 4 889909142 +184 845 3 889907971 +184 855 4 889909474 +184 942 3 889909768 +184 945 4 889909721 +184 949 3 889909618 +184 950 4 889907896 +184 956 3 889908693 +184 972 3 889909962 +184 995 3 889907044 +184 1006 3 889910078 +184 1008 4 889907896 +184 1010 4 889907896 +184 1012 3 889907448 +184 1014 2 889907468 +184 1020 4 889908630 +184 1061 3 889908264 +184 1101 4 889909515 +184 1117 2 889907771 +184 1121 4 889910545 +184 1136 4 889912890 +184 1137 5 889907812 +184 1148 3 889910098 +184 1160 5 889907363 +184 1167 5 889913687 +184 1195 3 889909934 +184 1232 3 889910123 +184 1297 2 889910257 +184 1396 4 889913490 +184 1397 3 889910233 +184 1398 5 889911749 +185 9 4 883524396 +185 15 3 883525255 +185 23 4 883524249 +185 25 4 883525206 +185 28 5 883524428 +185 47 4 883524249 +185 50 4 883525998 +185 86 5 883524428 +185 111 4 883524529 +185 114 4 883524320 +185 116 4 883526268 +185 127 5 883525183 +185 160 1 883524281 +185 178 4 883524364 +185 181 4 883524475 +185 196 4 883524172 +185 197 5 883524428 +185 199 4 883526268 +185 205 3 883524320 +185 216 4 883526268 +185 223 4 883524249 +185 237 4 883526268 +185 258 4 883526267 +185 269 5 883524428 +185 275 4 883524320 +185 276 4 883524475 +185 279 4 883525255 +185 285 5 883524507 +185 286 4 883523876 +185 287 5 883526288 +185 318 4 883524172 +185 321 5 883524428 +185 423 5 883524428 +185 447 4 883526268 +185 514 5 883524428 +185 515 4 883525255 +185 528 4 883526268 +185 638 4 883524364 +185 690 4 883526267 +185 701 3 883524364 +185 703 4 883524172 +185 740 4 883524475 +185 845 4 883524507 +185 939 3 883524249 +185 1020 4 883524172 +186 12 1 879023460 +186 31 4 879023529 +186 38 5 879023723 +186 44 5 879023529 +186 53 1 879023882 +186 55 4 879023556 +186 56 3 879023460 +186 71 5 879024535 +186 79 5 879023460 +186 95 3 879024535 +186 98 5 891719859 +186 100 4 879023115 +186 106 2 879023242 +186 117 5 879023607 +186 118 2 879023242 +186 121 2 879023074 +186 148 4 891719774 +186 159 5 879023723 +186 203 5 879023529 +186 225 4 879024148 +186 226 5 879023664 +186 237 2 879023934 +186 243 2 879024099 +186 250 1 879023607 +186 257 4 891719774 +186 258 1 879720880 +186 263 3 879023571 +186 281 4 879023390 +186 288 1 879022858 +186 291 4 879023073 +186 294 3 879024099 +186 298 3 879023073 +186 299 3 879720962 +186 300 5 879022858 +186 302 3 891717742 +186 303 3 891717938 +186 306 4 891717690 +186 322 5 879022927 +186 327 3 891717806 +186 330 4 891718038 +186 332 4 891719775 +186 333 3 891718820 +186 338 3 889818331 +186 356 5 879023663 +186 385 4 879023894 +186 406 1 879023272 +186 470 5 879023693 +186 477 4 891719775 +186 540 4 879024014 +186 546 4 891719775 +186 550 4 879023985 +186 554 1 879023751 +186 566 5 879023663 +186 568 4 879024014 +186 588 4 879024535 +186 591 4 879023073 +186 595 3 879023390 +186 596 4 879024459 +186 684 4 879023599 +186 689 4 889817888 +186 717 3 879023242 +186 742 3 879023073 +186 754 2 891717690 +186 770 2 879023819 +186 820 2 879024345 +186 829 4 891719775 +186 880 3 891718700 +186 887 4 891717761 +186 925 5 879023152 +186 934 3 879023968 +186 939 5 879023529 +186 977 3 879023273 +186 983 3 879023152 +186 988 4 891719775 +186 1016 5 879023643 +186 1033 3 879024212 +186 1042 5 879023632 +186 1046 3 879023751 +186 1083 1 879023599 +186 1213 3 879023882 +186 1253 4 891719774 +186 1277 4 879023677 +186 1336 3 879024346 +186 1399 2 891718530 +187 8 5 879465273 +187 23 4 879465631 +187 28 4 879465597 +187 52 4 879465683 +187 64 5 879465631 +187 65 5 879465507 +187 69 4 879465566 +187 70 4 879465394 +187 83 5 879465274 +187 86 4 879465478 +187 97 3 879465717 +187 116 5 879464978 +187 134 3 879465079 +187 135 4 879465653 +187 137 5 879464895 +187 168 5 879465273 +187 173 5 879465307 +187 175 2 879465241 +187 179 5 879465782 +187 186 4 879465308 +187 191 5 879465566 +187 196 4 879465507 +187 197 4 879465597 +187 209 4 879465370 +187 210 4 879465242 +187 213 4 879465858 +187 214 4 879465632 +187 215 3 879465805 +187 216 5 879465394 +187 241 3 879465858 +187 275 5 879465937 +187 300 4 879464783 +187 423 4 879465745 +187 427 5 879465597 +187 428 4 879465308 +187 433 4 879465242 +187 435 4 879465242 +187 462 5 879466062 +187 522 3 879465125 +187 523 3 879465125 +187 582 1 879465683 +187 651 5 879465566 +187 659 5 879465274 +187 660 5 879465744 +187 663 3 879465242 +187 707 5 879465882 +187 732 3 879465419 +187 735 4 879465532 +187 736 4 879465632 +187 747 4 879465882 +187 792 5 879465340 +187 1119 3 879465683 +188 5 4 875074266 +188 7 5 875073477 +188 11 5 875071520 +188 13 4 875073408 +188 22 5 875072459 +188 28 3 875072972 +188 38 3 875073828 +188 54 4 875074589 +188 56 4 875071658 +188 64 5 875071891 +188 66 3 875075118 +188 69 4 875072009 +188 76 4 875073048 +188 77 4 875072328 +188 79 5 875072393 +188 88 4 875075300 +188 96 5 875073128 +188 97 5 875071891 +188 98 5 875071957 +188 100 4 875074127 +188 118 3 875072972 +188 121 4 875073647 +188 127 4 875072799 +188 143 5 875072674 +188 144 3 875071520 +188 148 4 875074667 +188 151 3 875073909 +188 153 5 875075062 +188 157 3 875072674 +188 159 3 875074589 +188 161 3 875073048 +188 162 4 875072972 +188 164 4 875072674 +188 173 5 875075118 +188 174 5 875072741 +188 177 4 875073329 +188 180 5 875073329 +188 181 3 875072148 +188 185 4 875071710 +188 191 3 875073128 +188 194 3 875073329 +188 195 3 875073179 +188 199 4 875071658 +188 202 2 875073712 +188 204 4 875073478 +188 205 3 875071710 +188 209 2 875073246 +188 210 4 875071891 +188 211 4 875075062 +188 216 5 875075300 +188 218 5 875074667 +188 226 3 875074266 +188 233 3 875074266 +188 234 4 875073048 +188 237 3 875073648 +188 240 1 875072799 +188 265 5 875071520 +188 281 3 875074772 +188 288 4 875071195 +188 294 2 875071249 +188 318 5 875072518 +188 326 3 875071293 +188 356 4 875074200 +188 357 4 875073647 +188 392 5 875073408 +188 419 5 875072876 +188 443 4 875074329 +188 455 4 875075432 +188 462 4 875073246 +188 468 4 875073329 +188 470 5 875073647 +188 474 4 875072674 +188 483 5 875072009 +188 485 3 875072087 +188 498 5 875073828 +188 504 3 875074589 +188 510 3 875071775 +188 511 2 875072211 +188 519 4 875072972 +188 553 4 875071775 +188 554 2 875074891 +188 566 5 875074200 +188 568 4 875072583 +188 591 5 875072674 +188 628 5 875074200 +188 629 4 875073246 +188 632 5 875071581 +188 651 4 875073408 +188 673 4 875074127 +188 678 3 875071361 +188 684 3 875073477 +188 692 5 875072583 +188 717 4 875074329 +188 732 3 875073828 +188 742 5 875073909 +188 764 4 875072087 +188 769 2 875074720 +188 792 2 875075062 +188 864 2 875072148 +188 877 2 875071361 +188 928 3 875074847 +188 930 4 875074720 +188 1041 3 875072328 +188 1213 2 875074847 +188 1263 3 875071891 +189 1 5 893264174 +189 4 5 893265741 +189 7 3 893264300 +189 8 5 893265710 +189 9 3 893263994 +189 10 5 893264335 +189 13 4 893264220 +189 15 2 893264335 +189 16 3 893264335 +189 20 5 893264466 +189 21 2 893264619 +189 24 4 893264248 +189 30 4 893266205 +189 31 3 893266027 +189 44 4 893266376 +189 45 3 893265657 +189 50 5 893263994 +189 56 5 893265263 +189 60 3 893265773 +189 61 3 893265826 +189 79 3 893265478 +189 83 4 893265624 +189 89 5 893265624 +189 91 3 893265684 +189 96 5 893265971 +189 97 4 893277579 +189 99 5 893265684 +189 100 4 893263994 +189 105 2 893264865 +189 118 1 893264735 +189 120 1 893264954 +189 121 2 893264816 +189 124 5 893264048 +189 127 4 893263994 +189 129 3 893264378 +189 131 4 893265710 +189 132 5 893265865 +189 133 5 893265773 +189 134 5 893265239 +189 135 4 893265535 +189 136 4 893265535 +189 137 4 893264407 +189 143 5 893266027 +189 150 4 893277702 +189 151 5 893264378 +189 157 4 893265865 +189 162 3 893266230 +189 165 5 893265535 +189 166 4 893265657 +189 172 5 893265683 +189 173 5 893265160 +189 174 5 893265160 +189 175 5 893265506 +189 176 4 893265214 +189 178 5 893265191 +189 181 3 893264023 +189 191 5 893265402 +189 194 5 893265428 +189 196 5 893266204 +189 197 5 893265291 +189 198 4 893265657 +189 199 5 893265263 +189 203 3 893265921 +189 204 5 893265657 +189 207 5 893266161 +189 209 1 893265826 +189 214 1 893266326 +189 216 5 893265478 +189 225 4 893264703 +189 234 5 893265401 +189 238 5 893265683 +189 241 3 893265947 +189 246 4 893264048 +189 248 4 893264174 +189 253 4 893264150 +189 255 2 893277551 +189 268 4 893265071 +189 274 4 893264735 +189 275 5 893264194 +189 276 3 893264300 +189 281 2 893264766 +189 283 5 893264300 +189 294 5 893264220 +189 313 2 893263960 +189 317 4 893265826 +189 318 5 893265191 +189 378 4 893266137 +189 381 3 893277551 +189 405 2 893264487 +189 418 3 893266204 +189 423 5 893265796 +189 433 5 893266326 +189 462 5 893265741 +189 474 5 893265238 +189 479 5 893265123 +189 480 5 893265291 +189 483 5 893265291 +189 484 5 893266105 +189 485 4 893265710 +189 486 5 893266105 +189 487 5 893265568 +189 492 3 893265535 +189 496 5 893265380 +189 498 5 893265773 +189 499 4 893265596 +189 500 5 893266351 +189 501 4 893265893 +189 503 3 893266137 +189 505 5 893265239 +189 510 5 893266326 +189 511 4 893265349 +189 512 4 893277702 +189 513 4 893265865 +189 516 1 893265568 +189 517 4 893265535 +189 520 5 893265380 +189 525 5 893265946 +189 526 4 893266205 +189 527 5 893265327 +189 531 3 893265327 +189 588 4 893266105 +189 596 3 893264407 +189 603 5 893265239 +189 607 4 893266204 +189 618 2 893265160 +189 630 4 893266376 +189 632 5 893265624 +189 634 3 893265506 +189 638 5 893265380 +189 639 4 893265893 +189 647 4 893265826 +189 652 5 893265428 +189 654 3 893265291 +189 656 4 893265568 +189 657 5 893265123 +189 659 4 893265796 +189 661 4 893265569 +189 663 3 893265773 +189 694 4 893265946 +189 705 4 893265569 +189 732 2 893277248 +189 742 3 893264270 +189 751 4 893265046 +189 792 5 893265741 +189 815 3 893264558 +189 820 1 893264782 +189 847 4 893264150 +189 855 3 893265657 +189 863 4 893266161 +189 914 2 893265046 +189 934 2 893264678 +189 952 5 893264619 +189 990 3 893264849 +189 1005 4 893265971 +189 1020 4 893265657 +189 1021 5 893266251 +189 1056 3 893265123 +189 1060 5 893264301 +189 1065 5 893265478 +189 1098 4 893265506 +189 1099 5 893266074 +189 1115 4 893264270 +189 1117 5 893264678 +189 1315 3 893264220 +189 1372 4 893264429 +189 1400 3 893265684 +189 1401 4 893266137 +189 1402 4 893266051 +189 1403 4 893265921 +189 1404 5 893266325 +190 7 4 891033653 +190 15 4 891033697 +190 100 4 891033653 +190 117 4 891033697 +190 118 3 891033906 +190 121 3 891033773 +190 125 3 891033863 +190 147 4 891033863 +190 148 4 891033742 +190 222 4 891033676 +190 245 4 891033487 +190 258 3 891033183 +190 269 4 891033606 +190 272 5 891033606 +190 273 4 891033676 +190 276 4 891033632 +190 281 3 891042916 +190 282 3 891033773 +190 291 3 891042883 +190 294 3 891033370 +190 300 4 891033606 +190 302 5 891033606 +190 310 4 891033607 +190 313 5 891033606 +190 326 4 891033305 +190 327 2 891033349 +190 328 3 891033305 +190 333 4 891033606 +190 340 1 891033153 +190 354 4 891033606 +190 363 2 891626023 +190 405 4 891626000 +190 471 5 891033632 +190 508 3 891033905 +190 539 2 891033370 +190 544 4 891033806 +190 546 3 891626000 +190 591 4 891033863 +190 597 2 891626023 +190 628 4 891042883 +190 685 3 891033725 +190 696 3 891042883 +190 717 3 891042938 +190 742 3 891033841 +190 748 3 891033388 +190 751 4 891033606 +190 823 2 891626040 +190 895 3 891033327 +190 898 2 891033349 +190 974 2 891625949 +190 977 2 891042938 +190 989 3 891033327 +190 1313 2 891033445 +191 86 5 891562417 +191 269 3 891562090 +191 270 3 891560253 +191 272 4 891560631 +191 286 4 891560842 +191 288 3 891562090 +191 300 4 891560842 +191 301 4 891561336 +191 302 4 891560253 +191 307 3 891560935 +191 313 5 891560481 +191 315 5 891560253 +191 316 5 891561456 +191 328 3 891562090 +191 331 4 891560631 +191 332 2 891562090 +191 339 3 891562090 +191 340 4 891560842 +191 343 3 891561856 +191 345 4 891560753 +191 750 4 891560253 +191 751 3 891560753 +191 752 3 891560481 +191 754 3 891560366 +191 891 3 891560481 +191 896 3 891562090 +191 900 4 891560481 +192 7 4 881367791 +192 25 4 881367618 +192 50 4 881367505 +192 100 5 881367706 +192 108 4 881368339 +192 121 2 881368127 +192 125 3 881367849 +192 127 4 881367456 +192 235 3 881368090 +192 252 1 881368277 +192 255 2 881367505 +192 257 4 881367592 +192 258 5 881366456 +192 269 3 881366436 +192 276 2 881367505 +192 277 3 881367932 +192 284 5 881367987 +192 289 4 881366615 +192 301 4 881366490 +192 302 5 881366489 +192 340 4 881366535 +192 476 2 881368243 +192 515 4 881367889 +192 813 4 881367456 +192 948 3 881368302 +192 1061 4 881368891 +192 1137 4 881367705 +192 1160 4 881367456 +192 1171 2 881368358 +192 1265 3 881366585 +192 1405 5 881367456 +193 1 4 890859954 +193 2 3 890860198 +193 23 4 889126609 +193 24 2 889125880 +193 25 4 889127301 +193 29 3 889126055 +193 33 3 889125912 +193 38 3 889126055 +193 56 1 889125572 +193 69 5 889125287 +193 72 2 889127301 +193 73 3 889127237 +193 79 4 889125755 +193 82 2 889125880 +193 94 3 889127592 +193 96 1 889124507 +193 100 5 889124127 +193 111 1 889126375 +193 117 4 889125913 +193 121 3 889125913 +193 122 1 889127698 +193 127 5 890860351 +193 147 2 890860290 +193 153 4 889125629 +193 155 4 889126376 +193 161 3 889125912 +193 174 4 889125720 +193 177 4 890860290 +193 182 4 890860290 +193 187 4 890860351 +193 194 4 889125006 +193 195 1 889124507 +193 199 5 889125535 +193 210 4 889125755 +193 218 4 889126705 +193 234 3 889126551 +193 237 4 889124327 +193 246 3 890859402 +193 258 3 889123038 +193 259 2 889123351 +193 260 1 889123777 +193 268 3 889122906 +193 269 4 889123086 +193 274 3 889126272 +193 276 4 890860319 +193 280 4 889124016 +193 286 4 889122906 +193 288 1 889123777 +193 294 1 889123777 +193 300 4 889123039 +193 301 4 889123257 +193 307 4 889123316 +193 310 4 890834947 +193 313 4 889122950 +193 327 1 889123777 +193 328 3 889122993 +193 332 3 889123257 +193 343 1 889123777 +193 352 1 889123777 +193 354 3 889123158 +193 362 3 889122992 +193 366 4 890860428 +193 368 1 889127860 +193 393 4 889126808 +193 402 3 889126375 +193 403 3 889125945 +193 407 4 889127921 +193 410 3 889127633 +193 412 3 889127787 +193 435 4 889124439 +193 443 4 889126610 +193 465 3 889126867 +193 476 2 889127698 +193 485 5 889124252 +193 508 4 889125319 +193 541 1 889125976 +193 553 4 889126272 +193 554 3 889126088 +193 562 3 889126055 +193 580 4 889127270 +193 627 4 889126972 +193 673 4 889126551 +193 682 1 889123377 +193 684 4 889125788 +193 689 2 890834966 +193 693 4 889124374 +193 715 3 890860076 +193 722 3 889126402 +193 739 4 889126427 +193 742 4 889126673 +193 750 4 889122950 +193 755 4 889126919 +193 763 3 889127457 +193 781 3 889124469 +193 790 3 889127381 +193 815 3 889126332 +193 826 2 889126146 +193 827 2 890859916 +193 845 4 889124803 +193 869 3 889127811 +193 871 3 890860319 +193 879 3 889123257 +193 895 1 889123777 +193 905 4 889123458 +193 928 2 889126609 +193 941 4 889124890 +193 1074 3 889126453 +193 1078 4 889126943 +193 1132 3 889127660 +193 1168 4 890860234 +193 1258 3 889123806 +193 1406 4 889123926 +193 1407 3 889126146 +194 1 4 879539127 +194 4 4 879521397 +194 7 3 879538898 +194 8 3 879521719 +194 9 4 879535704 +194 12 5 879520916 +194 13 4 879539410 +194 15 4 879539127 +194 22 5 879521474 +194 23 4 879522819 +194 25 2 879540807 +194 26 3 879522240 +194 28 5 879522324 +194 29 2 879528342 +194 30 3 879524504 +194 31 3 879549793 +194 44 4 879524007 +194 50 3 879521396 +194 51 4 879549793 +194 52 4 879525876 +194 54 3 879525876 +194 56 5 879521936 +194 58 4 879522917 +194 62 2 879524504 +194 64 5 879521936 +194 66 3 879527264 +194 67 1 879549793 +194 69 4 879521595 +194 70 3 879522324 +194 71 4 879524291 +194 72 3 879554100 +194 73 3 879527145 +194 76 2 879549503 +194 77 3 879527421 +194 78 1 879535549 +194 79 3 879521088 +194 81 2 879523576 +194 82 2 879524216 +194 83 3 879521254 +194 86 3 879520991 +194 87 4 879523104 +194 88 3 879549394 +194 89 3 879521328 +194 90 3 879552841 +194 91 3 879524892 +194 94 3 879528000 +194 95 3 879521719 +194 97 3 879524291 +194 98 4 879521329 +194 99 3 879524643 +194 100 4 879539305 +194 117 3 879535704 +194 118 3 879539229 +194 121 2 879539794 +194 124 4 879539229 +194 125 2 879548026 +194 127 5 879520813 +194 132 3 879520991 +194 133 3 879523575 +194 134 2 879521719 +194 135 3 879521474 +194 143 3 879524643 +194 144 4 879547671 +194 152 3 879549996 +194 153 3 879546723 +194 154 3 879546305 +194 155 3 879550737 +194 157 4 879547184 +194 159 3 879552401 +194 160 2 879551380 +194 161 4 879523576 +194 162 3 879549899 +194 165 4 879546723 +194 167 2 879549900 +194 168 5 879521254 +194 172 3 879521474 +194 173 5 879521088 +194 174 4 879520916 +194 175 3 879521595 +194 177 3 879523104 +194 178 3 879521253 +194 179 4 879521329 +194 180 3 879521657 +194 181 3 879521396 +194 182 3 879521475 +194 183 3 879520916 +194 185 4 879521254 +194 186 5 879521088 +194 187 4 879520813 +194 188 4 879522158 +194 191 4 879521856 +194 192 5 879521253 +194 193 4 879524790 +194 194 4 879523575 +194 195 3 879521657 +194 196 3 879524007 +194 197 4 879522021 +194 198 3 879522021 +194 202 3 879524216 +194 203 3 879522158 +194 204 4 879522324 +194 205 3 879524291 +194 209 3 879521936 +194 210 3 879521396 +194 211 4 879524292 +194 212 1 879524216 +194 213 2 879523575 +194 215 3 879524291 +194 216 3 879523785 +194 218 4 879524892 +194 219 2 879527865 +194 222 1 879538960 +194 225 3 879543589 +194 226 3 879525761 +194 227 1 879535548 +194 228 1 879535548 +194 229 1 879535548 +194 230 1 879535548 +194 232 2 879553731 +194 234 3 879521167 +194 235 2 879541343 +194 237 3 879538959 +194 238 5 879521396 +194 239 3 879522917 +194 241 2 879527725 +194 259 2 879520306 +194 265 4 879520991 +194 274 2 879539794 +194 276 3 879539127 +194 281 2 879540567 +194 282 3 879539614 +194 284 3 879539410 +194 286 1 879520306 +194 289 1 879535548 +194 294 4 879520305 +194 317 4 879521657 +194 321 3 879520306 +194 356 2 879524892 +194 357 4 879520916 +194 366 2 879525761 +194 367 3 879525624 +194 371 3 879527584 +194 376 2 879528752 +194 380 1 879535549 +194 383 1 879554842 +194 385 2 879524643 +194 387 2 879527146 +194 393 2 879524007 +194 402 3 879524008 +194 403 2 879527725 +194 404 3 879522445 +194 405 2 879539305 +194 410 3 879541042 +194 414 3 879522240 +194 417 2 879525695 +194 419 2 879521088 +194 423 3 879548121 +194 425 2 879522240 +194 427 4 879521088 +194 431 4 879524291 +194 432 4 879524007 +194 433 3 879523104 +194 435 4 879520813 +194 443 3 879523104 +194 449 1 879554897 +194 450 1 879555001 +194 451 2 879527145 +194 456 1 879544303 +194 465 3 879527513 +194 466 4 879525876 +194 467 5 879521253 +194 470 3 879527421 +194 471 3 879540807 +194 474 4 879521396 +194 478 3 879521329 +194 479 3 879521167 +194 481 3 879524291 +194 482 3 879521088 +194 483 4 879520916 +194 485 3 879546498 +194 488 3 879521475 +194 491 3 879520916 +194 496 4 879520743 +194 498 3 879521595 +194 503 4 879522916 +194 504 2 879523785 +194 507 4 879520916 +194 509 3 879522085 +194 510 4 879521474 +194 511 4 879520991 +194 514 3 879521167 +194 515 4 879524216 +194 516 3 879522021 +194 517 3 879521856 +194 518 4 879524291 +194 519 4 879521474 +194 520 5 879545114 +194 521 4 879524504 +194 523 5 879521596 +194 526 4 879521087 +194 527 4 879521474 +194 529 4 879523575 +194 530 4 879521167 +194 540 1 879554950 +194 542 3 879551849 +194 546 3 879541806 +194 549 3 879527263 +194 559 2 879521937 +194 562 2 879524007 +194 566 4 879522819 +194 568 2 879522819 +194 576 2 879528568 +194 580 4 879525876 +194 582 1 879535549 +194 588 4 879524393 +194 616 3 879523243 +194 623 1 879551637 +194 624 2 879525695 +194 625 3 879527145 +194 628 3 879540171 +194 629 3 879552401 +194 631 2 879546551 +194 633 3 879521254 +194 636 2 879553731 +194 640 1 879535548 +194 642 2 879527514 +194 647 4 879521531 +194 648 4 879521936 +194 651 3 879520991 +194 655 5 879520813 +194 657 4 879521328 +194 659 4 879520743 +194 660 3 879527421 +194 661 5 879523104 +194 663 4 879524292 +194 674 2 879553988 +194 679 2 879523104 +194 692 2 879524215 +194 693 4 879524216 +194 705 2 879524007 +194 708 3 879528106 +194 710 3 879524393 +194 715 3 879527263 +194 720 2 879553883 +194 732 3 879522021 +194 735 4 879524718 +194 736 2 879548122 +194 737 4 879553003 +194 739 3 879527263 +194 744 3 879547130 +194 756 1 879549899 +194 762 3 879539305 +194 770 4 879525342 +194 780 2 879527865 +194 783 2 879527865 +194 792 4 879524504 +194 808 2 879527999 +194 820 1 879541742 +194 837 4 879546671 +194 864 2 879539305 +194 871 2 879554603 +194 939 3 879550615 +194 941 2 879552569 +194 944 2 879551999 +194 946 3 879527514 +194 951 3 879525761 +194 971 3 879551049 +194 991 2 879520306 +194 997 3 879553988 +194 1011 3 879539794 +194 1028 2 879541148 +194 1041 2 879553591 +194 1044 2 879524579 +194 1045 2 879524644 +194 1058 2 879552923 +194 1066 3 879554383 +194 1091 3 879528568 +194 1093 3 879540807 +194 1107 3 879525624 +194 1112 3 879527999 +194 1183 2 879554453 +194 1206 1 879554453 +194 1207 1 879555410 +194 1211 2 879551380 +194 1220 3 879524790 +194 1408 1 879555267 +194 1409 2 879552662 +194 1410 2 879553404 +194 1411 1 879554331 +194 1412 2 879551921 +195 14 4 890985390 +195 46 3 891762441 +195 47 5 876632643 +195 55 4 888737417 +195 59 3 888737346 +195 60 3 888737240 +195 61 3 888737277 +195 67 2 874825826 +195 93 3 891762536 +195 99 3 888737277 +195 100 5 875771440 +195 127 5 875771441 +195 132 5 875771441 +195 134 5 875771441 +195 143 5 875771441 +195 152 3 890589490 +195 154 3 888737525 +195 181 5 875771440 +195 186 3 888737240 +195 198 3 884420000 +195 213 4 883934680 +195 227 3 888737346 +195 234 5 875771441 +195 235 3 883191566 +195 258 4 882859352 +195 264 3 890721304 +195 265 4 888737346 +195 271 4 879488450 +195 273 4 878019342 +195 276 4 880710086 +195 298 4 888737703 +195 300 3 890588925 +195 304 4 876617344 +195 313 5 883688297 +195 325 2 880268330 +195 326 3 887439400 +195 328 4 884420059 +195 358 2 883463275 +195 373 3 875158215 +195 384 2 874825826 +195 386 2 874825826 +195 387 4 891762491 +195 407 2 877835302 +195 413 3 885110849 +195 421 4 892362736 +195 431 3 877835063 +195 433 3 878019342 +195 451 5 875771441 +195 469 3 880710046 +195 477 2 885110922 +195 496 4 888737525 +195 500 4 876617344 +195 508 3 886782519 +195 558 3 890589408 +195 582 4 883822804 +195 591 4 892281779 +195 636 2 884504132 +195 651 5 875436683 +195 678 3 883295570 +195 740 3 890985743 +195 748 2 876632518 +195 751 4 883295500 +195 753 3 874824313 +195 771 2 874825826 +195 779 2 874825826 +195 797 3 877835268 +195 809 3 877835548 +195 823 4 881485704 +195 831 2 884504132 +195 877 3 887567629 +195 887 4 886782489 +195 921 3 883934716 +195 982 2 877835350 +195 1013 3 877156636 +195 1014 4 879673925 +195 1030 2 877835451 +195 1052 1 877835102 +195 1084 4 888737345 +195 1089 4 883295540 +195 1193 4 888737346 +195 1228 1 876632600 +195 1315 4 878019299 +195 1407 2 874825826 +195 1413 2 877835268 +195 1414 2 874825826 +195 1415 1 874825827 +195 1416 2 884504132 +195 1417 3 877246560 +195 1418 4 891762646 +196 8 5 881251753 +196 13 2 881251955 +196 25 4 881251955 +196 66 3 881251911 +196 67 5 881252017 +196 70 3 881251842 +196 94 3 881252172 +196 108 4 881252110 +196 111 4 881251793 +196 116 3 881251753 +196 153 5 881251820 +196 173 2 881251820 +196 202 3 881251728 +196 238 4 881251820 +196 242 3 881250949 +196 251 3 881251274 +196 257 2 881251577 +196 269 3 881250949 +196 285 5 881251753 +196 286 5 881250949 +196 287 3 881251884 +196 306 4 881251021 +196 340 3 881251045 +196 381 4 881251728 +196 382 4 881251843 +196 393 4 881251863 +196 411 4 881252090 +196 428 4 881251702 +196 580 2 881252056 +196 655 5 881251793 +196 663 5 881251911 +196 692 5 881252017 +196 762 3 881251955 +196 845 4 881251954 +196 1007 4 881251601 +196 1022 4 881251143 +196 1118 4 881252128 +196 1241 3 881251642 +197 2 3 891409981 +197 4 3 891409981 +197 11 1 891409893 +197 22 5 891409839 +197 29 3 891410170 +197 33 2 891409981 +197 38 3 891410039 +197 39 2 891409982 +197 55 3 891409982 +197 56 1 891409799 +197 62 2 891410039 +197 68 2 891410082 +197 79 5 891409839 +197 82 5 891409893 +197 89 5 891409798 +197 92 1 891410082 +197 96 5 891409839 +197 127 5 891409839 +197 161 4 891410039 +197 172 5 891409839 +197 174 5 891409798 +197 176 5 891409798 +197 177 5 891409935 +197 181 5 891409893 +197 182 3 891409935 +197 183 5 891409839 +197 184 1 891409981 +197 187 5 891409798 +197 188 3 891409982 +197 190 3 891410082 +197 195 5 891409798 +197 210 5 891409838 +197 226 4 891410038 +197 228 4 891409894 +197 229 3 891410039 +197 230 4 891409893 +197 231 3 891410124 +197 232 4 891410082 +197 233 4 891409935 +197 241 3 891409893 +197 245 4 891409352 +197 258 4 891409255 +197 259 1 891409422 +197 265 5 891409893 +197 271 2 891409352 +197 272 4 891409160 +197 286 1 891409255 +197 288 3 891409387 +197 289 4 891409422 +197 294 4 891409290 +197 300 4 891409422 +197 302 3 891409070 +197 307 3 891409323 +197 311 4 891409070 +197 313 4 891409160 +197 316 4 891409535 +197 321 3 891409475 +197 322 3 891409475 +197 323 3 891409422 +197 326 3 891409199 +197 328 4 891409290 +197 332 2 891409290 +197 333 2 891409111 +197 340 2 891409199 +197 344 4 891409070 +197 346 3 891409070 +197 347 4 891409070 +197 354 2 891409199 +197 362 4 891409199 +197 373 1 891410124 +197 385 2 891409893 +197 399 2 891410082 +197 403 3 891410038 +197 431 3 891409935 +197 435 5 891409935 +197 449 5 891410124 +197 510 5 891409935 +197 511 5 891409839 +197 515 5 891409935 +197 518 1 891409982 +197 526 5 891409935 +197 530 3 891410082 +197 538 3 891409535 +197 550 3 891409981 +197 554 4 891410170 +197 566 4 891409893 +197 568 4 891410038 +197 570 4 891410124 +197 578 3 891410039 +197 586 3 891410170 +197 651 5 891409839 +197 665 4 891410124 +197 678 2 891409593 +197 679 1 891409935 +197 684 4 891409981 +197 688 1 891409564 +197 690 3 891409255 +197 720 2 891410039 +197 748 3 891409323 +197 750 5 891409199 +197 770 3 891410082 +197 779 2 891410170 +197 808 3 891409893 +197 849 3 891410124 +197 879 4 891409535 +197 880 3 891409387 +197 895 3 891409199 +197 947 2 891410083 +197 1222 3 891410082 +197 1228 4 891410124 +197 1419 2 891410124 +197 1420 1 891409683 +198 1 4 884205081 +198 4 3 884209536 +198 6 2 884206270 +198 7 4 884205317 +198 11 4 884207392 +198 15 3 884205185 +198 23 4 884208491 +198 24 2 884205385 +198 25 2 884205114 +198 27 2 884208595 +198 31 3 884207897 +198 33 3 884209291 +198 50 5 884204919 +198 51 3 884208455 +198 55 3 884207525 +198 56 5 884207392 +198 58 3 884208173 +198 64 4 884207206 +198 65 2 884208241 +198 69 4 884207560 +198 70 3 884207691 +198 71 3 884208419 +198 73 3 884208419 +198 79 3 884208518 +198 82 3 884209451 +198 95 3 884207612 +198 97 3 884207112 +198 98 4 884207611 +198 100 1 884207325 +198 101 5 884209569 +198 108 3 884206270 +198 117 1 884205114 +198 118 2 884206513 +198 121 3 884206330 +198 122 1 884206807 +198 127 5 884204919 +198 131 3 884208952 +198 132 4 884208137 +198 135 5 884208061 +198 143 3 884208951 +198 148 3 884206401 +198 153 4 884207858 +198 154 4 884208098 +198 156 3 884207058 +198 161 3 884208454 +198 164 3 884208571 +198 168 4 884207654 +198 172 4 884207206 +198 173 4 884207492 +198 174 5 884208326 +198 175 3 884207239 +198 176 4 884207136 +198 179 4 884209264 +198 180 3 884207298 +198 181 4 884205050 +198 182 4 884207946 +198 183 5 884207654 +198 184 3 884209003 +198 185 3 884209264 +198 186 5 884207733 +198 187 4 884207239 +198 188 5 884208200 +198 191 4 884208682 +198 193 4 884207833 +198 195 3 884207267 +198 196 3 884208098 +198 197 4 884208200 +198 198 4 884207654 +198 200 4 884207239 +198 201 3 884207897 +198 203 3 884207733 +198 208 3 884208571 +198 210 4 884207612 +198 214 4 884208273 +198 215 4 884208098 +198 216 4 884208490 +198 217 4 884208273 +198 218 3 884209412 +198 222 3 884204993 +198 228 3 884207206 +198 229 3 884209353 +198 230 3 884209073 +198 234 3 884207833 +198 237 2 884206191 +198 241 3 884209264 +198 248 3 884205385 +198 249 2 884205277 +198 258 4 884204501 +198 265 3 884207206 +198 276 3 884205317 +198 280 3 884206401 +198 291 2 884205219 +198 298 1 884204993 +198 300 2 884204427 +198 318 4 884207560 +198 323 2 884204637 +198 343 3 884204666 +198 356 3 884208455 +198 357 5 884207267 +198 367 3 884209379 +198 369 1 884206806 +198 381 3 884208273 +198 382 4 884207525 +198 385 3 884208778 +198 402 3 884209147 +198 403 4 884209353 +198 405 2 884206428 +198 410 1 884205385 +198 411 1 884206659 +198 423 3 884208241 +198 427 4 884207009 +198 429 4 884207691 +198 431 3 884208137 +198 433 2 884208326 +198 434 3 884208061 +198 447 4 884209188 +198 455 3 884206191 +198 462 3 884209535 +198 474 5 884207298 +198 475 4 884205277 +198 480 4 884207239 +198 498 3 884207492 +198 501 4 884209264 +198 509 4 884208710 +198 511 4 884208326 +198 518 3 884208876 +198 526 4 884208273 +198 527 4 884208061 +198 531 5 884207525 +198 549 3 884208518 +198 559 3 884208739 +198 568 3 884208710 +198 581 3 884209504 +198 629 4 884209221 +198 631 3 884208624 +198 636 3 884209353 +198 640 3 884208651 +198 651 4 884207424 +198 652 3 884209569 +198 654 5 884207733 +198 655 4 884209188 +198 658 3 884208173 +198 660 4 884208624 +198 682 3 884204709 +198 690 3 884204427 +198 692 2 884208377 +198 693 3 884207734 +198 707 2 884207009 +198 727 4 884208876 +198 746 4 884207946 +198 748 2 884204577 +198 763 3 884206482 +198 820 1 884206773 +198 823 2 884206587 +198 824 2 884206847 +198 871 1 884205277 +198 923 3 884207946 +198 939 3 884209412 +198 959 3 884209264 +198 979 5 884206748 +198 1014 2 884206330 +198 1094 1 884206807 +198 1117 3 884205252 +198 1142 5 884205114 +198 1169 4 884208834 +198 1244 2 884206659 +198 1245 4 884205317 +199 1 1 883782854 +199 7 4 883782854 +199 9 5 883782853 +199 14 4 883783005 +199 93 4 883782825 +199 100 3 883782807 +199 111 3 883783042 +199 116 5 883782807 +199 117 3 883782879 +199 221 4 883782854 +199 242 5 883782485 +199 243 1 883782636 +199 258 4 883782403 +199 259 1 883782583 +199 268 5 883782509 +199 269 5 883782458 +199 276 4 883782879 +199 285 4 883782879 +199 286 5 883782485 +199 294 1 883782636 +199 313 4 883782557 +199 322 2 883782636 +199 323 3 883782655 +199 324 1 883782509 +199 405 2 883783005 +199 408 5 883782716 +199 473 4 883783005 +199 475 5 883782918 +199 508 4 883782899 +199 539 1 883782509 +199 678 1 883782636 +199 687 1 883782655 +199 751 3 883782557 +199 813 3 883782807 +199 892 1 883782485 +199 948 1 883782655 +199 988 1 883782655 +199 989 1 883782509 +199 1326 3 883782934 +200 1 5 876042340 +200 2 4 884130046 +200 7 4 876042451 +200 8 4 884128904 +200 9 4 884126833 +200 11 5 884129542 +200 15 4 884127745 +200 24 2 884127370 +200 25 4 876042234 +200 28 5 884128458 +200 29 4 884130540 +200 33 4 884129602 +200 38 3 884130348 +200 43 3 884129814 +200 45 3 884128372 +200 48 2 884129029 +200 50 5 884128400 +200 54 4 884129920 +200 56 4 884128858 +200 58 4 884129301 +200 62 5 884130146 +200 63 4 884130415 +200 68 5 884129729 +200 69 5 884128788 +200 71 4 884129409 +200 72 4 884129542 +200 79 5 884128499 +200 82 5 884129656 +200 88 4 884128760 +200 89 5 884128788 +200 91 4 884129814 +200 94 4 884130046 +200 95 5 884128979 +200 96 5 884129409 +200 98 5 884128933 +200 99 5 884128858 +200 103 2 891825521 +200 107 3 884128022 +200 112 3 884127370 +200 117 5 876042268 +200 118 4 876042299 +200 121 5 876042268 +200 123 4 884127568 +200 125 5 876041895 +200 132 5 884130792 +200 135 4 884128400 +200 140 4 884129962 +200 141 4 884129346 +200 143 5 884128499 +200 147 5 876042451 +200 148 4 876042340 +200 151 3 876042204 +200 161 4 884128979 +200 169 5 884128822 +200 172 5 884128554 +200 173 5 884128554 +200 174 5 884128426 +200 176 5 884129627 +200 177 4 884129656 +200 179 4 884129029 +200 183 5 884128554 +200 188 4 884129160 +200 191 5 884128554 +200 193 4 884129209 +200 195 5 884128822 +200 196 4 884126833 +200 202 5 884129275 +200 204 5 884128822 +200 205 4 884128458 +200 208 5 884128904 +200 210 5 884128933 +200 215 4 884129346 +200 218 5 884129410 +200 222 5 876042340 +200 225 4 876042299 +200 226 4 884130085 +200 227 5 884129006 +200 228 5 884128372 +200 229 5 884129696 +200 230 5 884128400 +200 231 4 884130679 +200 234 4 884129381 +200 235 2 884128065 +200 241 4 884129782 +200 243 3 876041719 +200 245 3 884126687 +200 258 4 876041644 +200 265 5 884128372 +200 276 5 876041895 +200 280 4 884127798 +200 282 4 884127745 +200 286 4 884125953 +200 288 5 884125846 +200 291 3 891825292 +200 294 4 884125953 +200 304 5 876041644 +200 313 5 884125806 +200 318 5 884128458 +200 323 3 884125973 +200 325 5 876041719 +200 357 5 884128498 +200 358 5 884127221 +200 363 3 876042753 +200 365 5 884129962 +200 373 4 884130754 +200 378 5 884129301 +200 380 5 884129381 +200 385 5 884129696 +200 391 4 884130484 +200 392 5 884128858 +200 393 4 884129410 +200 401 2 884130085 +200 402 4 884129029 +200 405 3 884127370 +200 409 2 884127431 +200 410 3 876042204 +200 411 3 876042824 +200 419 4 884129232 +200 420 5 884129837 +200 423 5 884129275 +200 429 5 884130014 +200 431 5 884129006 +200 432 5 884128458 +200 443 5 884129468 +200 449 5 884130540 +200 451 4 884129006 +200 455 3 876042340 +200 462 4 884128858 +200 470 4 884129782 +200 472 4 884127890 +200 473 4 876042493 +200 478 5 884128788 +200 483 5 884128426 +200 495 3 884129092 +200 496 5 884128904 +200 501 4 884129504 +200 509 4 884129602 +200 515 5 884129381 +200 527 4 884129656 +200 528 4 884128426 +200 542 3 884130592 +200 546 3 884127745 +200 549 4 884129567 +200 552 4 884130540 +200 559 4 884129920 +200 560 4 884130655 +200 568 5 884128372 +200 570 4 884130484 +200 576 4 884130415 +200 578 5 884130085 +200 580 2 884130114 +200 582 4 884129782 +200 584 4 884129542 +200 586 4 884130391 +200 588 5 884128499 +200 596 4 876042584 +200 597 4 876042824 +200 609 3 884129457 +200 622 3 884129782 +200 652 2 884127370 +200 660 3 884129209 +200 665 4 884130621 +200 673 5 884128554 +200 674 4 884130348 +200 679 4 884129920 +200 685 4 876042493 +200 692 3 884128400 +200 717 4 876042493 +200 720 4 884130114 +200 739 4 884130046 +200 742 4 876042133 +200 743 3 891825607 +200 748 3 884125953 +200 755 5 884129729 +200 756 3 876042493 +200 758 3 884127370 +200 760 4 876042753 +200 768 4 884130592 +200 771 4 884130721 +200 802 4 884130485 +200 812 4 884130621 +200 820 3 884127370 +200 826 4 876042556 +200 831 4 891825565 +200 840 4 876042525 +200 841 3 876042556 +200 866 4 891825324 +200 890 4 884127082 +200 892 4 884127082 +200 924 5 876042368 +200 929 4 876042979 +200 930 3 876042790 +200 931 3 891825627 +200 951 5 884130014 +200 982 2 891825589 +200 984 3 884125996 +200 1033 2 891825441 +200 1034 3 891825521 +200 1049 3 876042922 +200 1060 3 876042340 +200 1073 3 884129542 +200 1091 4 884129814 +200 1139 3 884130484 +200 1217 4 884130014 +200 1219 3 884130289 +200 1228 4 884130721 +200 1411 3 884130289 +200 1419 5 884130679 +201 2 2 884112487 +201 4 4 884111830 +201 8 3 884141438 +201 9 3 884113343 +201 10 3 884114169 +201 11 4 884112201 +201 12 4 884111269 +201 17 3 884112581 +201 20 2 884140275 +201 22 2 884112201 +201 23 4 884111830 +201 25 3 884114015 +201 26 4 884111927 +201 27 3 884140891 +201 29 3 884141053 +201 31 1 884114232 +201 32 3 884140049 +201 36 1 884140927 +201 37 2 884114635 +201 39 1 884112427 +201 42 4 884113713 +201 46 4 884140247 +201 47 4 884140610 +201 48 3 884111485 +201 50 4 884114471 +201 51 2 884140751 +201 53 3 884114713 +201 55 4 884114471 +201 56 5 884111269 +201 57 4 884111958 +201 58 4 884140488 +201 59 4 884111546 +201 61 2 884111986 +201 62 1 884310149 +201 64 3 884111436 +201 65 4 884113806 +201 68 2 884112487 +201 69 2 884112901 +201 70 3 884112029 +201 71 3 884111270 +201 76 4 884140709 +201 77 2 884140788 +201 79 4 884112245 +201 81 1 884140488 +201 82 4 884114471 +201 86 4 884111637 +201 87 3 884111775 +201 89 3 884112245 +201 92 3 884112245 +201 93 5 884113662 +201 95 3 884114015 +201 96 4 884112352 +201 97 2 884140115 +201 98 4 884111312 +201 99 3 884141438 +201 100 4 884111485 +201 116 1 884112800 +201 117 2 884112487 +201 118 1 884310148 +201 121 2 884114275 +201 123 2 884114233 +201 124 3 884112991 +201 127 5 884111708 +201 128 2 884111546 +201 129 4 884114471 +201 134 4 884113772 +201 137 4 884112901 +201 144 4 884112245 +201 145 3 884114813 +201 146 1 884140579 +201 148 1 884140751 +201 150 4 884139983 +201 156 4 884111830 +201 157 4 884113453 +201 160 5 884113368 +201 164 3 884112627 +201 171 3 884111678 +201 172 5 884111269 +201 173 3 884111360 +201 174 3 884112201 +201 175 2 884140022 +201 176 4 884112281 +201 179 5 884114471 +201 180 3 884140078 +201 181 2 884112245 +201 182 4 884111485 +201 183 4 884112245 +201 184 3 884112245 +201 185 5 884111217 +201 186 3 884114069 +201 187 3 884111312 +201 188 4 884112201 +201 190 4 884111873 +201 191 4 884114471 +201 192 4 884111637 +201 193 3 884140078 +201 196 4 884111677 +201 197 4 884113422 +201 198 4 884111873 +201 200 5 884112537 +201 201 4 884112537 +201 202 3 884112747 +201 203 5 884114471 +201 204 4 884113082 +201 206 2 884112029 +201 207 3 884111360 +201 209 3 884112801 +201 210 2 884111270 +201 211 3 884112840 +201 212 4 884111899 +201 213 4 884111873 +201 215 2 884140382 +201 216 4 884111360 +201 218 4 884114471 +201 219 4 884112673 +201 221 3 884111397 +201 222 3 884112201 +201 223 4 884113343 +201 226 3 884114232 +201 227 4 884310149 +201 228 3 884112427 +201 230 3 884112487 +201 231 2 884310104 +201 232 2 884112282 +201 233 4 884310104 +201 234 5 884112537 +201 238 3 884113343 +201 240 3 884114069 +201 241 2 884112487 +201 242 4 884110598 +201 258 2 884110667 +201 260 4 884110967 +201 265 3 884310104 +201 268 4 884110637 +201 269 3 886013700 +201 271 4 884110967 +201 272 3 886013700 +201 273 2 884112352 +201 275 4 884113634 +201 276 5 884111598 +201 281 2 884112352 +201 282 2 884140428 +201 285 4 884114471 +201 286 2 884110702 +201 288 4 884110887 +201 289 2 884111064 +201 292 3 884110598 +201 302 4 884110637 +201 303 2 884110667 +201 304 2 884110967 +201 313 5 884110598 +201 315 3 884111029 +201 317 3 884113634 +201 318 5 884111269 +201 319 2 884110967 +201 321 3 884111029 +201 324 5 884110811 +201 325 5 884111064 +201 326 2 884111095 +201 331 4 884110967 +201 332 2 884110887 +201 333 2 884110927 +201 334 4 884110927 +201 340 5 884110887 +201 346 4 884110766 +201 357 4 884111217 +201 358 1 884111095 +201 366 2 884141015 +201 370 1 884114506 +201 375 3 884287140 +201 379 3 884114813 +201 380 1 884140825 +201 381 3 884111986 +201 385 2 884112427 +201 387 2 884140825 +201 396 3 884114682 +201 402 2 884140975 +201 403 3 884112427 +201 405 4 884112427 +201 406 1 884114505 +201 408 4 884111436 +201 413 3 884114505 +201 421 2 884111708 +201 423 4 884112901 +201 425 3 884140246 +201 431 1 884112352 +201 432 3 884111312 +201 435 4 884112201 +201 436 3 884112627 +201 438 1 884114813 +201 441 1 884112537 +201 443 3 884112580 +201 447 5 884112581 +201 448 3 884112581 +201 452 1 884114770 +201 454 2 884111830 +201 455 3 884112487 +201 458 4 884140428 +201 461 4 884113924 +201 462 1 884141208 +201 464 1 884140522 +201 466 4 884113453 +201 467 2 884139983 +201 468 4 884140927 +201 469 4 884113453 +201 473 3 884141470 +201 475 4 884112748 +201 479 4 884111397 +201 480 4 884111598 +201 482 4 884111360 +201 483 3 884111546 +201 505 3 884113772 +201 506 4 884114471 +201 509 3 884111546 +201 511 3 884112201 +201 513 3 884114069 +201 514 3 884112747 +201 515 5 884111546 +201 518 4 884112201 +201 521 2 884111637 +201 527 3 884111360 +201 531 2 884113949 +201 537 3 884141053 +201 544 2 884140307 +201 546 2 884140891 +201 549 3 884140750 +201 551 1 884114770 +201 556 4 884111397 +201 558 2 884112537 +201 559 2 884112627 +201 563 1 884114813 +201 566 3 884112352 +201 567 3 884112673 +201 568 3 884112245 +201 578 2 884310148 +201 581 3 884140788 +201 582 5 884111873 +201 587 4 884140975 +201 588 4 884113490 +201 589 3 884113082 +201 590 1 884114813 +201 591 3 884140307 +201 596 4 884141438 +201 597 2 884310149 +201 603 4 884113924 +201 607 4 884111485 +201 631 2 884140750 +201 636 2 884310149 +201 637 3 884112627 +201 640 4 884112029 +201 642 4 884111485 +201 644 3 884113924 +201 649 3 884114275 +201 651 4 884111217 +201 654 3 884113422 +201 655 4 884112800 +201 656 4 884111775 +201 658 3 884111677 +201 660 3 884140927 +201 665 2 884114770 +201 667 2 884114682 +201 670 4 884112673 +201 672 2 884112673 +201 673 3 884140115 +201 676 2 884140927 +201 679 3 884310104 +201 682 3 884110887 +201 684 3 884114233 +201 685 3 884112352 +201 686 2 884112352 +201 692 3 884114895 +201 693 4 884113949 +201 695 1 884140115 +201 699 3 884140610 +201 702 1 884111986 +201 708 4 884140247 +201 715 4 884140382 +201 729 2 884140975 +201 733 3 884140522 +201 735 3 884113975 +201 747 2 884113635 +201 750 3 884110598 +201 751 3 884110766 +201 767 4 884114505 +201 770 3 884112426 +201 772 5 884113343 +201 773 4 884112627 +201 774 1 884114713 +201 777 1 884112673 +201 789 3 884112840 +201 792 4 884140579 +201 803 2 884112282 +201 823 3 884140975 +201 825 1 884112427 +201 844 2 884112537 +201 847 2 884111546 +201 853 4 884114635 +201 855 4 884111873 +201 856 3 884140709 +201 886 1 884110927 +201 895 3 884110702 +201 896 3 884110766 +201 919 3 884141208 +201 923 3 884113592 +201 924 3 884140751 +201 943 3 884114275 +201 950 3 884140610 +201 955 3 884114895 +201 956 4 884140522 +201 960 2 884112077 +201 962 4 884113082 +201 972 3 884140522 +201 979 2 884114233 +201 980 3 884140927 +201 991 4 884110735 +201 1006 2 884112136 +201 1008 3 884140891 +201 1010 3 884140579 +201 1011 3 884140853 +201 1039 3 884111599 +201 1045 2 884140788 +201 1056 2 884113592 +201 1063 3 884113453 +201 1065 3 884113490 +201 1069 2 884111312 +201 1070 5 884111677 +201 1073 2 884111899 +201 1098 2 884112747 +201 1100 4 884112800 +201 1128 4 884140825 +201 1131 5 884111359 +201 1135 5 884140750 +201 1136 1 884140637 +201 1153 2 884140709 +201 1163 1 884140382 +201 1169 4 884141053 +201 1170 4 884141053 +201 1174 5 884140670 +201 1187 3 884112201 +201 1192 3 884113772 +201 1193 4 884111873 +201 1194 4 884111899 +201 1211 3 884113806 +201 1220 2 884140975 +201 1224 2 884140891 +201 1227 1 884140787 +201 1229 3 884140307 +201 1245 4 884141015 +201 1267 3 884141053 +201 1268 4 884112077 +201 1398 4 884140079 +201 1401 2 884140670 +201 1421 3 884141015 +201 1422 2 884114194 +201 1423 3 884140853 +201 1424 3 884113114 +201 1425 3 884111637 +201 1426 2 884114015 +201 1427 2 884113975 +201 1428 4 884114099 +202 1 3 879727059 +202 172 3 879726778 +202 173 2 879726914 +202 191 2 879727294 +202 195 4 879726914 +202 204 3 879727058 +202 242 3 879726342 +202 258 4 879726342 +202 269 4 879726420 +202 283 3 879727153 +202 286 1 879726342 +202 318 1 879727116 +202 423 3 879727116 +202 481 1 879726642 +202 484 4 879727153 +202 515 1 879726778 +202 516 4 879726778 +202 604 5 879727058 +203 1 3 880434384 +203 7 3 880434438 +203 24 4 880434359 +203 50 5 880434810 +203 93 4 880434940 +203 100 1 880434411 +203 117 4 880434810 +203 148 3 880434755 +203 150 5 880434278 +203 151 4 880434384 +203 181 5 880434278 +203 222 4 880434318 +203 237 3 880434411 +203 248 5 880434496 +203 250 4 880434495 +203 257 3 880434298 +203 258 3 880433368 +203 271 3 880433445 +203 276 4 880434810 +203 282 1 880434919 +203 283 5 880434359 +203 288 5 880433368 +203 294 2 880433398 +203 304 3 880433445 +203 321 3 880433418 +203 323 3 880433558 +203 326 4 880433398 +203 332 5 880433474 +203 336 3 880433474 +203 471 4 880434463 +203 475 3 880434318 +203 477 4 880434755 +203 619 3 880434438 +203 742 3 880434882 +203 815 4 880434882 +203 879 4 880433474 +203 890 2 880433499 +203 993 3 880434919 +203 1049 2 880434463 +204 1 2 892513979 +204 45 5 892513906 +204 146 3 892513979 +204 170 5 892513865 +204 172 3 892513819 +204 191 4 892513906 +204 216 4 892513864 +204 242 5 892388935 +204 245 3 892391980 +204 258 2 892388976 +204 259 2 892389195 +204 262 4 892389137 +204 268 3 892388935 +204 286 3 892389046 +204 288 3 892389137 +204 292 5 892388857 +204 297 5 892514010 +204 300 3 892388900 +204 301 4 892389328 +204 302 5 892389137 +204 303 5 892389020 +204 304 3 892389328 +204 310 1 892389073 +204 315 4 892388857 +204 316 4 892388935 +204 318 5 892513819 +204 321 1 892388900 +204 322 3 892391947 +204 336 1 892391854 +204 340 5 892389195 +204 482 4 892513906 +204 748 1 892392030 +204 874 3 892388976 +204 880 2 892388976 +204 1022 5 892392078 +204 1194 4 892513906 +204 1281 2 892513979 +204 1296 5 892392078 +205 242 4 888284313 +205 243 2 888284758 +205 258 3 888284313 +205 268 2 888284618 +205 269 3 888284347 +205 286 2 888284245 +205 289 4 888284710 +205 300 3 888284245 +205 304 3 888284313 +205 313 3 888284313 +205 315 4 888284245 +205 316 4 888284710 +205 322 3 888284577 +205 326 4 888284454 +205 328 3 888284454 +205 333 4 888284618 +205 678 1 888284618 +205 748 4 888284710 +205 875 2 888284532 +205 984 1 888284710 +205 1025 1 888284495 +206 242 3 888180049 +206 245 1 888179772 +206 258 4 888179602 +206 260 3 888179772 +206 262 1 888180049 +206 269 4 888180018 +206 272 5 888179565 +206 288 5 888179565 +206 294 2 888179694 +206 300 1 888179565 +206 302 5 888180227 +206 308 2 888180049 +206 309 2 888179647 +206 310 5 888179625 +206 313 5 888179565 +206 314 1 888179948 +206 315 5 888180018 +206 323 1 888179833 +206 332 3 888179602 +206 333 4 888179565 +206 337 2 888180049 +206 340 3 888180082 +206 343 1 888179788 +206 346 5 888179981 +206 359 1 888179980 +206 360 1 888180081 +206 361 1 888180082 +206 362 1 888180018 +206 678 1 888179833 +206 682 3 888179694 +206 683 1 888179980 +206 690 2 888179694 +206 691 1 888180081 +206 748 4 888179833 +206 749 2 888179980 +206 750 3 888179981 +206 873 3 888179833 +206 882 1 888180049 +206 889 2 888180081 +206 891 2 888180049 +206 895 5 888179788 +206 896 4 888180018 +206 900 1 888179980 +206 903 2 888180018 +206 904 1 888180081 +206 990 1 888179913 +206 1022 1 888179980 +206 1024 1 888180049 +206 1062 3 888180018 +206 1127 4 888180081 +206 1175 1 888180049 +206 1176 1 888180049 +206 1313 1 888179981 +206 1394 1 888179981 +206 1395 1 888180081 +206 1429 1 888180018 +206 1430 1 888179980 +206 1431 1 888180018 +206 1432 1 888180082 +206 1434 1 888180082 +207 2 3 877822770 +207 3 2 877846284 +207 4 4 876198457 +207 5 3 880839802 +207 8 3 878103820 +207 9 4 880911845 +207 11 3 878104245 +207 12 3 878104200 +207 13 3 875506839 +207 14 4 875504876 +207 15 4 876198392 +207 22 3 875509262 +207 23 4 875509888 +207 25 4 876079113 +207 28 4 877822162 +207 33 2 877125422 +207 38 3 875509507 +207 42 4 877878688 +207 53 1 881681725 +207 55 3 875509395 +207 56 4 875503973 +207 58 3 875991047 +207 59 4 877846793 +207 60 3 877845845 +207 64 5 877846793 +207 65 3 878104594 +207 68 2 877125350 +207 69 4 877878342 +207 70 3 875506737 +207 73 3 876079087 +207 79 4 875509888 +207 82 3 877125249 +207 87 4 884386260 +207 88 2 878104627 +207 92 2 875509346 +207 96 3 877847025 +207 98 4 875509887 +207 100 2 875503786 +207 107 3 876198301 +207 111 3 880839802 +207 117 3 875504809 +207 121 3 875504876 +207 125 4 877878688 +207 127 5 875506634 +207 131 3 878104377 +207 133 4 875812281 +207 134 4 875991160 +207 135 2 877822350 +207 137 3 877821612 +207 143 4 878191679 +207 144 3 875509434 +207 150 3 877847150 +207 153 5 877750617 +207 154 2 878088217 +207 156 2 878104438 +207 158 3 878191798 +207 160 2 878191632 +207 161 4 875509507 +207 170 4 877125221 +207 171 3 880839802 +207 174 4 877750843 +207 175 1 877845982 +207 179 4 877822224 +207 180 3 879665352 +207 181 3 877878828 +207 182 3 891759050 +207 183 2 875509832 +207 185 4 875509832 +207 186 4 877879173 +207 187 5 877878688 +207 188 3 875509262 +207 191 4 877124663 +207 192 3 877822350 +207 194 4 875504118 +207 195 3 875509307 +207 196 4 880911845 +207 197 4 875774463 +207 202 3 875506771 +207 203 3 877124625 +207 204 3 875506737 +207 205 4 875991160 +207 208 4 878191679 +207 210 3 878191574 +207 211 5 878191679 +207 216 5 877878688 +207 223 3 880388784 +207 224 3 884386473 +207 226 2 877125390 +207 233 3 877124847 +207 237 4 877878342 +207 239 3 876079016 +207 241 3 877995673 +207 242 4 890793823 +207 245 3 877994095 +207 248 3 877878409 +207 255 3 877845763 +207 258 4 877879172 +207 265 3 877846793 +207 269 4 877845577 +207 273 4 878104569 +207 276 2 875504835 +207 281 3 876018471 +207 282 4 879577372 +207 284 3 877746137 +207 286 2 875504669 +207 290 2 878104627 +207 291 3 876018608 +207 293 2 878104486 +207 294 3 875504669 +207 298 3 875509150 +207 302 4 891759118 +207 313 4 885066537 +207 316 5 891759050 +207 317 4 875506634 +207 318 5 877124871 +207 319 3 879664891 +207 322 3 879001724 +207 328 2 884386312 +207 357 5 878191679 +207 367 3 875508873 +207 385 3 875509346 +207 393 4 877838977 +207 410 3 877838946 +207 411 3 877750701 +207 414 2 876078916 +207 423 4 875774463 +207 428 4 877838826 +207 433 3 878104569 +207 435 4 875506807 +207 458 3 875991160 +207 461 3 878104017 +207 462 3 877845656 +207 468 4 877124806 +207 470 3 879665381 +207 471 3 875509715 +207 475 2 875503932 +207 476 2 884386343 +207 483 5 875774491 +207 508 4 877879259 +207 509 4 877878688 +207 514 4 877878343 +207 515 5 878191679 +207 517 3 882081278 +207 520 4 879665302 +207 521 4 878191679 +207 524 4 878104569 +207 526 4 875509507 +207 527 4 877879172 +207 529 4 878191679 +207 531 4 877878342 +207 535 3 877750595 +207 538 2 880853139 +207 540 3 880161839 +207 546 3 876018553 +207 554 2 877822854 +207 562 2 875509507 +207 566 4 875509434 +207 568 4 875509395 +207 576 3 877822904 +207 580 3 879665232 +207 591 3 876018608 +207 597 3 876018471 +207 609 4 877879173 +207 628 3 876018608 +207 631 2 877847187 +207 642 3 875991116 +207 655 4 877878342 +207 660 4 877847100 +207 684 3 875509307 +207 685 3 876018471 +207 692 3 877750738 +207 696 3 877751310 +207 712 4 877847025 +207 716 3 875508783 +207 722 3 878191750 +207 735 4 877878688 +207 742 4 876018580 +207 746 4 877878342 +207 748 3 877750478 +207 754 4 879577345 +207 756 2 877878923 +207 763 3 877743609 +207 787 3 876079054 +207 810 2 877125506 +207 826 2 877751143 +207 827 3 876018501 +207 832 3 877878424 +207 841 3 876018501 +207 845 3 881681663 +207 847 3 885139179 +207 849 3 877822704 +207 864 3 877750738 +207 866 3 876079054 +207 871 5 880839802 +207 875 2 875718889 +207 978 3 877878883 +207 986 3 877878384 +207 993 3 877879206 +207 997 1 875508693 +207 1012 3 876109074 +207 1028 3 877847025 +207 1046 4 875509787 +207 1049 3 877878860 +207 1098 4 877879172 +207 1102 3 880839891 +207 1115 2 879664906 +207 1118 3 878104017 +207 1147 4 879665042 +207 1197 4 881681663 +207 1225 3 875508817 +207 1226 2 882081278 +207 1242 5 884386260 +207 1272 3 879132830 +207 1283 4 884386260 +207 1331 3 877995673 +207 1333 3 877995615 +207 1350 2 877878772 +207 1378 3 877878714 +207 1435 2 877821612 +207 1436 3 878191574 +208 56 2 883108360 +208 66 4 883108477 +208 70 3 883108430 +208 86 2 883108895 +208 88 5 883108324 +208 97 4 883108797 +208 186 4 883108518 +208 194 5 883108360 +208 197 5 883108797 +208 202 4 883108476 +208 204 3 883108360 +208 208 4 883108360 +208 211 5 883108398 +208 216 5 883108324 +208 302 1 883108157 +208 310 4 883108105 +208 367 2 883108324 +208 371 5 883108842 +208 381 3 883108873 +208 402 4 883108873 +208 428 4 883108430 +208 430 4 883108360 +208 435 5 883108430 +208 514 4 883108324 +208 517 3 883108398 +208 523 4 883108360 +208 524 4 883108745 +208 662 4 883108842 +208 663 5 883108476 +208 739 4 883108873 +208 996 3 883108684 +209 1 5 883460644 +209 9 3 883417547 +209 14 3 883417547 +209 16 4 883417810 +209 50 5 883417589 +209 127 5 883417589 +209 181 4 883417491 +209 242 4 883589606 +209 249 2 883417640 +209 251 5 883417810 +209 258 2 883589626 +209 269 2 883589606 +209 271 2 883589607 +209 285 5 883417613 +209 286 2 883417458 +209 301 3 883460492 +209 304 2 883460468 +209 321 4 883461108 +209 333 2 883589568 +209 349 2 883589546 +209 351 2 883589546 +209 408 4 883417517 +209 688 1 883589626 +209 766 4 883460644 +209 813 5 883417810 +209 898 3 883460304 +209 906 2 883589546 +209 1086 4 883417667 +209 1105 2 883589568 +209 1137 4 883417491 +210 1 5 887731052 +210 4 4 887730443 +210 15 4 887737710 +210 23 5 887730102 +210 25 4 887730407 +210 40 3 891035994 +210 44 3 887737710 +210 49 3 891036116 +210 50 5 887731014 +210 56 5 887730264 +210 58 4 887730177 +210 65 4 887731305 +210 69 4 887736482 +210 70 4 887730589 +210 72 3 891036310 +210 73 5 891035837 +210 79 4 887736352 +210 88 4 887737603 +210 94 4 891036181 +210 96 4 887736616 +210 97 5 887736454 +210 98 5 887736429 +210 99 4 887736937 +210 105 3 891036331 +210 121 4 887737244 +210 127 5 887731230 +210 134 5 887736070 +210 135 5 887736352 +210 152 5 887730676 +210 153 5 887730297 +210 154 4 887730341 +210 160 4 887737210 +210 161 5 887736393 +210 163 3 887730407 +210 167 4 891036054 +210 168 5 887730342 +210 172 5 887736261 +210 174 5 887736045 +210 176 4 887735960 +210 179 3 887736429 +210 180 4 887735872 +210 181 5 887731082 +210 182 5 887736232 +210 185 4 887736232 +210 186 4 887730532 +210 187 5 887736017 +210 188 3 887737171 +210 195 4 887736429 +210 197 5 887736393 +210 200 5 887737040 +210 202 5 887737338 +210 204 5 887730676 +210 205 4 887736393 +210 208 5 887730443 +210 210 5 887730532 +210 211 5 887730297 +210 216 4 887737603 +210 219 3 887808581 +210 222 4 887737603 +210 230 3 887736323 +210 234 4 887737108 +210 235 3 887730842 +210 238 3 891036021 +210 243 2 887734998 +210 255 4 887730842 +210 257 5 887730789 +210 274 5 887730676 +210 276 5 887731147 +210 290 4 887730813 +210 300 4 887730066 +210 301 4 887731435 +210 302 5 890059415 +210 315 5 887731417 +210 327 4 887735288 +210 357 5 887736206 +210 380 4 887736482 +210 392 3 887736017 +210 393 3 891035904 +210 402 5 887737171 +210 403 4 887736322 +210 404 5 887736739 +210 411 3 887730931 +210 419 4 887737678 +210 420 4 887737487 +210 423 5 887737338 +210 435 4 887730407 +210 443 4 887737487 +210 447 5 887737631 +210 451 3 891036054 +210 465 4 887737131 +210 482 5 887736739 +210 483 5 887736482 +210 484 4 887736070 +210 501 4 887736998 +210 502 3 891035965 +210 514 5 887730532 +210 517 4 887730342 +210 523 4 887730472 +210 527 5 887736232 +210 568 4 887735960 +210 629 3 891035928 +210 631 5 887736796 +210 654 5 887737559 +210 655 5 887730496 +210 657 4 887736429 +210 662 2 887730221 +210 679 3 887808619 +210 684 3 887737171 +210 692 4 887736796 +210 708 5 887731391 +210 722 4 891036021 +210 732 4 887730676 +210 735 4 887737338 +210 751 4 890059441 +210 755 3 887737631 +210 763 2 887730750 +210 792 3 887730532 +210 821 3 887730532 +210 832 3 887730264 +210 864 3 887730842 +210 926 2 887730909 +210 953 3 887737488 +210 956 3 887736900 +210 969 4 887730221 +210 1012 4 887730789 +210 1028 3 887730931 +210 1118 4 887730496 +211 9 3 879460172 +211 64 3 879460213 +211 69 3 879460213 +211 127 4 879461498 +211 181 1 879461498 +211 199 5 879459952 +211 205 5 879459952 +211 228 3 879460096 +211 230 3 879460294 +211 257 5 879461498 +211 263 3 879461395 +211 275 2 879460096 +211 286 4 879437184 +211 300 2 879461395 +211 303 3 879437184 +211 310 3 879461394 +211 357 2 879460172 +211 423 5 879459846 +211 443 1 879460096 +211 455 3 879461498 +211 457 4 879437184 +211 462 4 879460096 +211 491 3 879459876 +211 520 4 879460096 +211 526 4 879459952 +211 528 4 879459803 +211 596 3 879460294 +211 678 3 879461394 +211 687 2 879437184 +211 705 4 879459952 +211 876 2 879461395 +211 1025 3 879461394 +211 1127 1 879461395 +211 1330 3 879460096 +212 86 4 879303830 +212 87 5 879304010 +212 127 2 879303571 +212 179 1 879304010 +212 180 1 879303974 +212 191 3 879303830 +212 197 5 879303795 +212 199 5 879303831 +212 246 5 879303571 +212 268 5 879303468 +212 269 3 879303468 +212 286 4 879303468 +212 317 5 879303638 +212 318 5 879303928 +212 382 5 879303929 +212 423 4 879304010 +212 427 4 879303795 +212 511 4 879304051 +212 515 4 879303571 +212 527 5 879303892 +212 528 5 879303950 +212 631 5 879303929 +212 645 3 879303795 +212 735 4 879304010 +212 863 2 879303863 +213 1 2 878870719 +213 2 4 878955914 +213 7 4 878870518 +213 8 3 878955564 +213 11 4 878956156 +213 12 5 878955409 +213 13 4 878955139 +213 24 5 878870846 +213 25 4 878870750 +213 31 4 878956338 +213 48 5 878955848 +213 50 5 878870456 +213 55 5 878955680 +213 56 5 878955635 +213 64 5 878955680 +213 69 3 878955534 +213 79 5 878956263 +213 97 5 878956299 +213 100 5 878870749 +213 106 4 878870904 +213 117 4 878870987 +213 118 4 878870871 +213 121 5 878870940 +213 127 5 878870790 +213 132 5 878956263 +213 133 3 878955973 +213 135 5 878956101 +213 143 5 878955766 +213 144 5 878956047 +213 151 5 878955886 +213 154 5 878956101 +213 156 5 878955474 +213 164 5 878956300 +213 170 5 878955886 +213 172 5 878955442 +213 173 5 878955442 +213 174 5 878955848 +213 175 4 878955599 +213 176 4 878956338 +213 180 5 878956047 +213 181 4 878870552 +213 182 4 878955766 +213 185 5 878955501 +213 187 5 878956022 +213 192 5 878955474 +213 193 4 878955442 +213 197 5 878955707 +213 199 5 878956000 +213 200 5 878956100 +213 204 5 878956130 +213 213 5 878956300 +213 214 5 878955816 +213 218 4 878956074 +213 222 3 878870790 +213 229 4 878955973 +213 234 4 878955373 +213 235 1 878955115 +213 238 5 878955635 +213 252 3 878870456 +213 257 4 878870846 +213 258 4 878870226 +213 273 5 878870987 +213 274 5 878955188 +213 281 4 878871038 +213 284 5 878955164 +213 286 3 878870598 +213 294 3 878870226 +213 318 5 878955533 +213 357 5 878955848 +213 393 3 878955973 +213 405 3 878870904 +213 432 4 878956047 +213 447 4 878955598 +213 448 4 878956074 +213 455 4 878870749 +213 458 4 878870679 +213 463 5 878956000 +213 471 3 878870816 +213 474 2 878955635 +213 475 4 878870648 +213 478 5 878956129 +213 479 4 878955534 +213 483 5 878955848 +213 502 5 878956263 +213 504 5 878955885 +213 508 4 878870790 +213 509 4 878955372 +213 511 4 878955442 +213 514 5 878956130 +213 515 4 878870518 +213 521 4 878955474 +213 546 4 878870903 +213 568 4 878955941 +213 582 4 878955442 +213 591 4 878955295 +213 597 5 878871062 +213 603 5 878955599 +213 609 4 878955533 +213 627 4 878955680 +213 628 5 878870648 +213 655 4 878956300 +213 678 4 878870275 +213 684 4 878956000 +213 685 3 878870987 +213 690 3 878870275 +213 692 4 878955848 +213 715 5 878955915 +213 735 5 878955474 +213 756 2 878955319 +213 778 5 878955680 +213 831 4 878871062 +213 841 4 878871010 +213 942 4 878955533 +213 985 3 878955164 +213 1215 1 878871089 +214 7 5 892668130 +214 8 4 892668196 +214 12 5 892668153 +214 13 3 891543271 +214 20 4 892668197 +214 22 3 891544200 +214 23 5 892668130 +214 24 3 891543176 +214 32 4 892668249 +214 39 4 891544845 +214 42 5 892668130 +214 45 4 891543952 +214 50 3 891543114 +214 56 5 892668130 +214 64 5 892668130 +214 69 2 891544445 +214 79 4 891544306 +214 89 4 892668249 +214 92 4 892668249 +214 93 4 892668249 +214 98 4 892668249 +214 100 4 891542986 +214 114 4 891544290 +214 117 4 891543241 +214 121 4 891543632 +214 127 4 891542986 +214 131 3 891544465 +214 132 5 892668153 +214 134 4 891544070 +214 135 3 891544175 +214 137 4 891543227 +214 151 5 892668153 +214 154 3 891544000 +214 156 5 892668172 +214 166 4 891544512 +214 168 3 891544222 +214 169 4 891544175 +214 171 4 891544323 +214 172 3 891544390 +214 173 4 892668249 +214 174 4 892668249 +214 175 5 892668153 +214 179 5 892668130 +214 180 5 892668130 +214 181 3 891543036 +214 185 5 892668173 +214 187 4 891544070 +214 188 5 892668173 +214 191 4 891544472 +214 195 4 891544200 +214 196 4 891544493 +214 208 5 892668153 +214 213 4 891544414 +214 216 4 891544290 +214 221 5 892668153 +214 223 3 891544200 +214 236 5 892668153 +214 238 4 891544472 +214 246 2 891542968 +214 248 4 891543001 +214 249 3 891543256 +214 253 5 892668173 +214 257 3 891543176 +214 268 2 891542445 +214 269 3 891542735 +214 275 3 891542968 +214 276 3 891543271 +214 285 5 892668153 +214 288 3 891542464 +214 294 3 891542520 +214 298 3 891543191 +214 302 4 892668197 +214 307 3 891542735 +214 313 4 892668197 +214 318 4 892668249 +214 319 3 891542735 +214 324 5 892668173 +214 325 3 891542622 +214 327 5 892668196 +214 334 3 891542540 +214 340 3 891542735 +214 346 3 891542735 +214 357 5 892668130 +214 408 4 891543952 +214 427 5 892668172 +214 461 4 892668249 +214 462 4 892668197 +214 475 5 892668153 +214 478 4 891544052 +214 479 4 891544052 +214 482 4 891544114 +214 483 4 891543972 +214 496 4 891544545 +214 508 4 891543157 +214 509 4 892668197 +214 512 5 892668130 +214 516 5 892668173 +214 522 4 891544052 +214 527 4 891544089 +214 531 4 891544222 +214 568 4 892668197 +214 582 3 891544236 +214 603 4 891544089 +214 608 4 891544114 +214 650 5 892668173 +214 652 4 891543972 +214 693 3 891544414 +214 705 4 891544414 +214 708 4 891544152 +214 752 2 891542578 +214 856 4 891543952 +214 872 2 891542492 +214 952 3 891543176 +214 960 2 891544152 +214 1017 4 891543156 +214 1039 4 891544269 +214 1065 5 892668173 +214 1073 5 892668130 +214 1129 4 892668249 +214 1401 4 891544290 +215 8 2 891436177 +215 11 2 891436024 +215 15 3 891435761 +215 22 3 891435161 +215 23 3 891436048 +215 28 4 891435416 +215 50 5 891436543 +215 54 4 891436607 +215 56 5 891436543 +215 64 4 891435804 +215 70 3 891436232 +215 77 3 891436690 +215 82 3 891435995 +215 87 5 891436543 +215 88 3 891436277 +215 89 4 891435060 +215 98 5 891436543 +215 99 4 891435731 +215 127 4 891435183 +215 132 5 891435548 +215 134 4 891435266 +215 144 4 891435107 +215 151 5 891435761 +215 157 4 891435573 +215 159 3 891436707 +215 164 3 891436633 +215 168 5 891436024 +215 172 4 891435394 +215 174 4 891435995 +215 176 5 891435804 +215 179 4 891435107 +215 180 3 891435060 +215 181 4 891435597 +215 182 3 891435266 +215 183 5 891435655 +215 185 4 891436566 +215 186 4 891435731 +215 191 4 891435460 +215 194 4 891436150 +215 195 5 891435655 +215 196 4 891435548 +215 197 4 891435357 +215 202 4 891435295 +215 203 3 891435266 +215 204 3 891436129 +215 205 3 891435161 +215 208 4 891436202 +215 210 4 891436232 +215 211 4 891436202 +215 212 2 891435680 +215 215 3 891435680 +215 216 4 891435782 +215 218 3 891436607 +215 222 4 891436469 +215 226 4 891436633 +215 227 5 891436469 +215 228 5 891436543 +215 229 3 891436469 +215 230 3 891436469 +215 234 4 891435655 +215 237 4 891435761 +215 238 2 891435526 +215 239 3 891436297 +215 258 3 891434563 +215 270 3 891434683 +215 271 4 891434733 +215 272 3 891434619 +215 288 2 891434563 +215 300 3 891434733 +215 313 5 891436543 +215 354 4 891434619 +215 357 4 891435573 +215 380 3 891436470 +215 421 4 891435704 +215 423 5 891435526 +215 432 5 891435574 +215 433 3 891435501 +215 434 5 891435394 +215 443 4 891436566 +215 449 4 891436469 +215 450 2 891436470 +215 451 3 891436369 +215 474 4 891435022 +215 480 5 891436543 +215 483 4 891435022 +215 496 5 891435183 +215 517 5 891436543 +215 523 4 891435060 +215 552 3 891436730 +215 636 2 891436690 +215 692 3 891436277 +215 1039 5 891436543 +215 1063 5 891436543 +216 1 4 880232615 +216 4 5 880234469 +216 7 5 880232719 +216 9 4 880232637 +216 11 5 880234346 +216 12 5 881432544 +216 15 3 881428365 +216 22 5 880234346 +216 25 3 881428365 +216 27 3 881428365 +216 28 4 880244902 +216 42 5 880234469 +216 50 4 880232637 +216 55 5 880245145 +216 56 5 880233608 +216 58 4 880244972 +216 64 5 881432544 +216 66 2 881428365 +216 67 3 881721843 +216 69 5 880235229 +216 72 2 881721890 +216 79 4 880235381 +216 81 4 880233726 +216 82 4 880244446 +216 91 4 880235546 +216 93 4 880232637 +216 95 3 881428365 +216 98 5 881432467 +216 100 5 880232597 +216 108 4 880232917 +216 122 5 881432488 +216 143 2 881428956 +216 144 4 880234639 +216 150 5 880232812 +216 153 4 880244802 +216 156 5 880233608 +216 168 4 880234680 +216 169 3 880233635 +216 172 4 880234639 +216 174 5 881432488 +216 182 4 883981859 +216 184 4 880245056 +216 188 5 880245075 +216 196 5 880245145 +216 200 5 880244802 +216 201 3 880235734 +216 202 4 880234346 +216 204 4 881432523 +216 210 4 880235229 +216 215 5 880235120 +216 216 4 883981877 +216 218 4 880234933 +216 221 4 881432501 +216 226 3 880244803 +216 228 3 880245642 +216 231 2 880245109 +216 234 4 880244870 +216 237 5 880232752 +216 238 5 880244446 +216 249 3 880232917 +216 257 3 880232830 +216 274 3 880233061 +216 276 4 880232830 +216 280 2 880233043 +216 282 5 880232597 +216 286 4 881432501 +216 298 5 881721819 +216 302 5 881966913 +216 313 5 883981737 +216 315 5 883981859 +216 318 5 880233564 +216 356 3 880245125 +216 357 4 880233635 +216 364 2 881721863 +216 367 3 881428365 +216 368 2 880233298 +216 396 3 880245260 +216 402 2 881432430 +216 403 3 880244446 +216 405 3 880232970 +216 408 3 880232547 +216 412 2 880233197 +216 416 3 880245165 +216 421 5 880235229 +216 423 4 881432467 +216 433 3 880233957 +216 466 4 880234347 +216 475 5 880232768 +216 496 5 880233635 +216 498 3 880235329 +216 508 4 881432564 +216 531 4 880233810 +216 546 2 880233197 +216 569 3 880245291 +216 577 1 881432453 +216 628 4 880235546 +216 651 5 880233912 +216 652 4 880235546 +216 655 5 880233726 +216 658 3 880245029 +216 673 4 880244779 +216 693 3 881428365 +216 697 4 883981700 +216 721 4 880245213 +216 735 5 880244758 +216 747 4 880245260 +216 763 4 880232953 +216 764 2 880233153 +216 789 5 880233957 +216 790 3 881428365 +216 824 3 880233253 +216 928 3 880233026 +216 943 5 881721799 +216 1010 3 880232685 +216 1035 1 880245238 +216 1047 3 881428365 +216 1101 4 880235473 +216 1161 4 881432609 +216 1218 3 881428365 +217 2 3 889069782 +217 7 4 889069741 +217 17 3 889069903 +217 22 5 889069741 +217 27 1 889070011 +217 29 2 889070011 +217 33 4 889069878 +217 38 3 889070266 +217 50 1 889069684 +217 53 1 889069974 +217 56 5 889069709 +217 62 2 889070050 +217 68 3 889069974 +217 79 5 889069741 +217 82 5 889069842 +217 96 4 889069741 +217 117 4 889069842 +217 118 4 889070087 +217 121 1 889069944 +217 144 4 889069782 +217 147 3 889070174 +217 172 1 889069684 +217 174 3 889069684 +217 176 4 889069842 +217 181 1 889069878 +217 182 2 889070109 +217 183 3 889069741 +217 185 3 889069659 +217 195 5 889069709 +217 210 4 889069709 +217 222 5 889069944 +217 226 1 889069878 +217 231 5 889069974 +217 233 4 889069878 +217 258 1 889069536 +217 281 2 889069842 +217 300 4 889069555 +217 363 1 889070011 +217 373 2 889070307 +217 385 2 889069808 +217 391 4 889070287 +217 398 1 889070050 +217 403 5 889069944 +217 472 3 889070011 +217 540 1 889070087 +217 541 3 889069974 +217 546 2 889070196 +217 550 1 889069842 +217 554 3 889070050 +217 562 3 889070211 +217 566 4 889069903 +217 568 4 889069782 +217 576 1 889070087 +217 578 5 889070087 +217 586 2 889070050 +217 597 4 889070087 +217 636 2 889069878 +217 665 4 889070087 +217 679 5 889069878 +217 685 5 889069782 +217 720 3 889070011 +217 761 4 889070232 +217 779 1 889070266 +217 797 4 889070011 +217 810 3 889070050 +217 827 2 889070232 +217 840 1 889070087 +217 1034 3 889070266 +217 1222 1 889070050 +217 1228 2 889070050 +217 1303 2 889069944 +218 4 3 877488546 +218 5 3 881288574 +218 8 3 881288574 +218 12 5 881288233 +218 23 4 881288298 +218 33 4 881288386 +218 39 2 881288265 +218 42 4 877488546 +218 47 4 877488492 +218 55 4 881288265 +218 56 3 881288574 +218 100 4 877488692 +218 153 4 877488692 +218 154 4 877488546 +218 168 4 877488316 +218 173 3 877488316 +218 175 3 877488492 +218 176 5 881288299 +218 183 5 881288265 +218 186 3 877488366 +218 194 3 877488546 +218 203 4 881288620 +218 204 3 877488692 +218 208 3 877488366 +218 209 5 877488546 +218 265 3 881288408 +218 269 4 877487931 +218 273 4 881288351 +218 294 2 881288574 +218 410 3 881288574 +218 430 3 877488316 +218 466 4 881288234 +218 504 3 881288574 +218 514 4 877488316 +218 516 5 877488692 +218 517 3 877488634 +218 591 3 881288574 +218 603 4 881288234 +218 642 3 881288351 +218 648 4 877488233 +218 654 4 881288234 +218 659 4 877488366 +218 663 3 877488492 +218 695 3 881288574 +218 712 3 877488902 +218 762 4 877489091 +218 789 3 881288574 +218 1073 5 881288265 +219 4 4 889452481 +219 13 1 889452455 +219 38 1 889452455 +219 71 1 889452455 +219 82 1 889452455 +219 114 5 889403091 +219 132 5 889403668 +219 179 5 889492687 +219 215 5 889403843 +219 223 5 892039530 +219 258 5 889386635 +219 269 5 889386655 +219 303 4 889386799 +219 347 1 889386819 +219 382 5 889451412 +219 546 4 889387867 +219 568 1 889452455 +219 616 5 889403435 +219 631 5 889403559 +219 664 5 889403761 +219 855 5 889452619 +219 879 4 892039556 +219 882 3 889386741 +219 906 4 892039575 +219 935 3 889387237 +219 936 4 889387284 +219 1014 3 892039611 +220 258 3 881197771 +220 264 3 881198524 +220 268 4 881197771 +220 269 5 881197597 +220 286 5 881197663 +220 288 5 881197887 +220 289 4 881198113 +220 294 4 881197663 +220 298 4 881198966 +220 300 5 881197663 +220 301 4 881197948 +220 303 4 881198014 +220 305 4 881197771 +220 306 4 881197664 +220 319 4 881197771 +220 325 1 881198435 +220 332 3 881198246 +220 333 3 881197771 +220 340 4 881197663 +220 343 3 881198738 +220 682 4 881198014 +220 995 3 881197948 +221 3 4 875244901 +221 4 3 875245462 +221 7 4 875244204 +221 12 5 875245283 +221 17 4 875245406 +221 23 4 875245462 +221 24 5 875244352 +221 27 4 875247754 +221 29 3 875245739 +221 32 4 875245223 +221 33 4 875246632 +221 39 4 875245798 +221 42 5 875245813 +221 48 5 875245462 +221 50 4 875244125 +221 53 4 875247565 +221 55 4 875245319 +221 56 5 875245592 +221 59 2 875245514 +221 64 5 875245350 +221 69 4 875245641 +221 70 3 875245870 +221 76 4 875246662 +221 79 4 875245715 +221 92 4 875245989 +221 94 3 875246857 +221 96 5 875245672 +221 100 5 875244125 +221 108 3 875244866 +221 109 2 875244369 +221 118 1 875244940 +221 121 2 875244813 +221 128 3 875246209 +221 129 5 875244331 +221 150 5 875244557 +221 151 1 875246008 +221 154 3 875245907 +221 156 5 875245533 +221 161 3 875246183 +221 172 5 875245907 +221 173 4 875245406 +221 174 4 875245514 +221 178 4 875245989 +221 181 4 875244087 +221 184 4 875245574 +221 186 4 875245641 +221 204 4 875246008 +221 210 5 875245760 +221 215 4 875245514 +221 218 4 875246308 +221 222 3 875244232 +221 227 3 875247522 +221 230 3 875246506 +221 231 4 875246359 +221 240 4 875244352 +221 246 5 875244457 +221 250 5 875244633 +221 257 4 875244475 +221 258 1 875247297 +221 259 4 875243990 +221 265 3 875246247 +221 268 5 876502910 +221 272 5 885081264 +221 273 5 875244183 +221 282 4 875244558 +221 286 4 885081264 +221 298 4 875244331 +221 318 5 875245690 +221 327 4 875243968 +221 335 4 876502948 +221 346 5 885081300 +221 358 3 875244232 +221 384 3 875246919 +221 385 4 875245948 +221 386 3 875246662 +221 391 3 875247754 +221 402 2 875393426 +221 403 4 875245374 +221 405 3 875244633 +221 407 2 875245100 +221 461 4 875245574 +221 467 4 875245928 +221 468 3 875246824 +221 469 3 875245481 +221 470 3 875245374 +221 475 4 875244204 +221 476 2 875244673 +221 485 2 875245265 +221 496 3 875246146 +221 508 4 875244160 +221 544 4 875244512 +221 566 3 875246308 +221 568 4 875246398 +221 576 3 875246824 +221 578 4 875247023 +221 588 3 875246209 +221 623 3 875245618 +221 651 4 875245350 +221 684 4 875247454 +221 685 3 875244766 +221 695 4 875245776 +221 721 5 875246944 +221 732 4 875246330 +221 762 4 875244598 +221 763 4 875244232 +221 780 3 875246552 +221 789 4 875245739 +221 809 3 875247775 +221 824 3 875244694 +221 847 4 875244051 +221 895 2 885081339 +221 940 4 875246482 +221 943 4 875246759 +221 1010 3 875246662 +221 1011 4 875244792 +221 1012 4 875244475 +221 1017 4 875244268 +221 1035 3 875246124 +221 1059 4 875245077 +221 1067 3 875244387 +221 1073 4 875245846 +221 1090 3 875246783 +221 1098 4 875245283 +221 1134 4 875244289 +221 1185 3 875246710 +221 1210 3 875246887 +221 1217 4 875247421 +221 1218 3 875246745 +221 1250 2 875247855 +221 1267 3 875246459 +221 1314 3 875247833 +221 1407 3 875247833 +221 1437 3 875245967 +222 1 4 877563227 +222 2 3 878183837 +222 4 3 878183924 +222 7 5 877563168 +222 8 1 878182307 +222 9 5 877563227 +222 11 5 878181534 +222 12 5 878181387 +222 15 3 877563437 +222 17 2 878183079 +222 22 5 878183285 +222 24 3 877563622 +222 25 3 877563437 +222 26 3 878183043 +222 28 5 878182370 +222 29 3 878184571 +222 31 5 878182453 +222 35 1 878184007 +222 38 2 878185102 +222 40 1 881060550 +222 41 3 881060659 +222 44 3 881059877 +222 48 5 878181592 +222 49 3 878183512 +222 50 4 877563194 +222 51 3 881059816 +222 53 5 878184113 +222 54 4 878183111 +222 56 5 878182058 +222 58 3 878182479 +222 62 4 878183616 +222 63 3 878183713 +222 66 4 878183837 +222 67 4 878183616 +222 68 4 881059876 +222 69 5 878182338 +222 70 3 878181804 +222 71 4 878183173 +222 72 4 878183311 +222 73 4 878181976 +222 77 4 878183616 +222 78 1 878184899 +222 79 5 878181906 +222 80 2 881060155 +222 81 1 878183565 +222 82 4 878182453 +222 87 3 878182589 +222 88 4 878183336 +222 89 5 878181739 +222 90 2 878181647 +222 91 2 878183777 +222 92 3 878182632 +222 93 2 883815577 +222 94 3 878184866 +222 95 4 878182453 +222 96 5 878181739 +222 97 4 878181739 +222 99 3 878182059 +222 100 5 877563052 +222 101 4 878183539 +222 102 2 878183043 +222 106 2 883816184 +222 109 3 878184136 +222 111 3 877563820 +222 117 5 877563227 +222 118 4 877563802 +222 120 2 881061304 +222 121 3 877564031 +222 125 5 877563802 +222 127 5 881059039 +222 132 2 878181829 +222 135 5 878181563 +222 140 1 881060062 +222 142 2 878183984 +222 144 5 878182416 +222 145 2 878181804 +222 147 4 877563694 +222 148 2 881061164 +222 150 3 878181869 +222 151 3 878182109 +222 153 4 878182416 +222 154 3 878183747 +222 155 4 878184113 +222 156 4 878183777 +222 157 4 878181976 +222 158 3 878184171 +222 159 3 878181457 +222 160 1 878182154 +222 161 4 878182279 +222 164 4 878181768 +222 167 3 878183588 +222 168 4 878181616 +222 172 5 878183079 +222 173 5 878183043 +222 174 5 878181934 +222 175 3 878181739 +222 176 4 878181804 +222 180 3 878181804 +222 181 4 877563168 +222 182 4 881058666 +222 183 4 878181535 +222 185 4 881059419 +222 186 5 878184195 +222 188 3 878184393 +222 191 2 878181906 +222 193 4 878182005 +222 195 4 878182132 +222 196 5 878183110 +222 198 4 881059039 +222 200 3 878181647 +222 202 4 878181906 +222 204 5 878182370 +222 208 3 881059014 +222 209 4 878181457 +222 210 4 878184338 +222 214 4 878182453 +222 215 4 878183481 +222 216 4 878182632 +222 217 3 881060062 +222 218 5 878182370 +222 219 4 878184675 +222 222 4 877563462 +222 225 1 877563353 +222 226 3 878185044 +222 227 3 878184171 +222 228 5 878181869 +222 229 3 878184315 +222 231 2 878182005 +222 232 4 878183985 +222 233 2 881060205 +222 234 2 878181387 +222 237 4 877563437 +222 238 5 878181673 +222 239 5 878184392 +222 240 2 877563716 +222 246 4 877563597 +222 247 1 878714998 +222 248 4 877563506 +222 249 1 883815768 +222 250 2 877563801 +222 252 2 877563934 +222 255 3 883815804 +222 257 4 877563353 +222 258 5 877562748 +222 261 1 878181251 +222 265 3 878182279 +222 268 4 877562748 +222 270 2 878181181 +222 271 4 881057647 +222 276 5 877563550 +222 278 2 877563913 +222 280 3 878184545 +222 281 3 878184596 +222 282 4 877563227 +222 284 3 877563462 +222 288 4 883815252 +222 293 3 877563353 +222 294 3 877562795 +222 298 4 877563253 +222 300 5 877562795 +222 302 3 877562748 +222 313 4 883814858 +222 318 5 878181934 +222 323 3 877562839 +222 326 4 877562819 +222 328 5 877562772 +222 338 1 881058145 +222 356 4 878184571 +222 357 4 881059014 +222 358 2 877562839 +222 363 2 877563852 +222 364 1 878185137 +222 365 4 878184765 +222 366 4 878183381 +222 367 2 878181563 +222 368 1 881061326 +222 373 3 881060659 +222 375 1 878182880 +222 377 1 881060205 +222 378 1 881059993 +222 379 1 878184290 +222 385 4 878183924 +222 386 2 881060205 +222 388 2 878184765 +222 391 3 881060635 +222 392 4 881059920 +222 393 4 878184028 +222 395 1 878184924 +222 396 1 878183381 +222 399 4 878182686 +222 401 2 878184422 +222 402 4 878185044 +222 403 3 878183481 +222 407 2 883816411 +222 409 3 881061213 +222 411 3 878185137 +222 412 1 877564050 +222 413 3 881061213 +222 418 2 878182959 +222 419 2 878182279 +222 422 2 878183657 +222 423 4 878183657 +222 424 1 881061049 +222 426 1 878181351 +222 432 3 881059142 +222 433 4 881059876 +222 436 4 878184358 +222 441 2 881059920 +222 446 3 881060824 +222 448 3 878183565 +222 449 4 878184899 +222 450 3 881060824 +222 451 3 878185014 +222 452 1 878184514 +222 455 3 877563437 +222 457 1 878181287 +222 468 2 881060412 +222 470 3 878181869 +222 471 3 881060992 +222 473 1 877563622 +222 475 4 877563252 +222 476 3 877563739 +222 477 2 883815749 +222 501 2 881060331 +222 506 2 878183264 +222 508 3 877563326 +222 521 5 878184866 +222 527 4 878183110 +222 529 2 881059537 +222 537 4 881060735 +222 540 3 878184087 +222 541 2 878184973 +222 542 2 878183837 +222 546 3 877563462 +222 549 4 878184055 +222 550 3 878184623 +222 552 2 878184596 +222 554 2 881060435 +222 559 3 878184291 +222 568 5 878183481 +222 569 2 878184866 +222 571 2 881060823 +222 575 3 881060550 +222 576 3 881060305 +222 577 1 878185137 +222 578 3 881060281 +222 580 3 878715168 +222 585 3 881060062 +222 588 4 881059537 +222 591 4 878181869 +222 596 3 877563739 +222 619 4 877563953 +222 620 3 877563873 +222 623 2 878183985 +222 627 3 878183173 +222 636 4 878184055 +222 637 2 878183713 +222 642 3 878181421 +222 651 4 878184290 +222 654 3 878184087 +222 655 4 878182210 +222 658 3 881059678 +222 662 3 878182813 +222 665 1 878184719 +222 670 3 878183657 +222 672 1 878183777 +222 678 3 877562973 +222 679 2 881059678 +222 689 4 881058008 +222 692 4 878182370 +222 693 4 878184514 +222 700 3 881060550 +222 710 4 881059714 +222 712 3 881060735 +222 715 2 878183924 +222 716 2 878183481 +222 717 1 877563716 +222 719 1 881060578 +222 722 3 878184833 +222 723 3 878184812 +222 724 3 878181976 +222 729 4 878184315 +222 732 4 878183425 +222 734 2 881060735 +222 735 5 878184087 +222 738 3 878182959 +222 739 4 878184924 +222 742 5 877563597 +222 746 5 878183137 +222 747 2 878181976 +222 750 5 883815120 +222 755 4 878183481 +222 756 4 877564031 +222 763 3 881061165 +222 768 2 878185014 +222 769 2 881060608 +222 770 3 878181592 +222 772 2 878181906 +222 780 3 881060370 +222 781 3 881059677 +222 783 2 878184899 +222 796 4 878183684 +222 806 4 878181534 +222 808 3 881060130 +222 810 2 878184446 +222 812 2 881059117 +222 815 2 877563716 +222 816 1 881060412 +222 819 2 877563353 +222 825 3 878184675 +222 826 2 883816093 +222 829 3 877563934 +222 833 2 877563913 +222 840 3 878184392 +222 845 3 877563530 +222 849 4 881060281 +222 869 3 878182337 +222 895 4 883815361 +222 929 1 881061213 +222 931 1 881061396 +222 934 2 877563758 +222 939 3 878182211 +222 941 3 881059736 +222 944 3 878715192 +222 946 2 878182237 +222 949 3 878183173 +222 972 2 881059758 +222 1011 4 881061049 +222 1016 3 877563530 +222 1029 1 881060608 +222 1035 2 881060015 +222 1041 3 881060155 +222 1042 4 878184514 +222 1044 4 881060578 +222 1045 3 881060412 +222 1053 3 881060735 +222 1054 1 883816441 +222 1057 4 881061370 +222 1059 1 883816150 +222 1060 2 878184055 +222 1066 1 881060435 +222 1074 3 881060504 +222 1078 2 878183449 +222 1079 1 878183984 +222 1087 1 878185102 +222 1089 1 877563659 +222 1139 3 878185137 +222 1178 2 878184392 +222 1179 1 881060550 +222 1188 3 881060281 +222 1207 2 881060659 +222 1218 1 878183218 +222 1220 4 878184290 +222 1226 4 883815840 +222 1239 2 881060762 +222 1267 3 878183173 +222 1284 4 878184422 +222 1336 2 877563998 +222 1419 1 878184947 +222 1438 4 881059993 +222 1439 3 878183951 +222 1440 3 878184697 +223 1 4 891549324 +223 8 2 891550684 +223 11 3 891550649 +223 22 5 891550649 +223 25 1 891549382 +223 69 5 891550889 +223 71 5 891550649 +223 95 5 891550649 +223 111 4 891549792 +223 117 5 891549529 +223 118 2 891549945 +223 120 2 891550504 +223 125 3 891549294 +223 143 4 891550845 +223 155 5 891550952 +223 185 2 891550684 +223 216 5 891550925 +223 225 3 891550193 +223 237 5 891549657 +223 243 3 891549079 +223 248 1 891549683 +223 249 2 891549876 +223 252 1 891550326 +223 255 4 891549382 +223 257 4 891550005 +223 258 1 891548802 +223 259 3 891548920 +223 274 4 891550094 +223 276 4 891549324 +223 282 4 891549627 +223 284 2 891549683 +223 286 1 891548562 +223 288 3 891548562 +223 289 1 891549017 +223 294 4 891548859 +223 295 3 891549410 +223 298 5 891549570 +223 300 3 891548712 +223 309 4 891548750 +223 313 5 891548750 +223 318 4 891550711 +223 321 1 891548920 +223 322 4 891548920 +223 323 2 891549017 +223 328 3 891548959 +223 329 2 891549079 +223 332 4 891548802 +223 333 4 891548675 +223 339 4 891549212 +223 369 1 891550253 +223 405 1 891550005 +223 409 3 891549876 +223 411 1 891550005 +223 423 3 891550684 +223 470 4 891550767 +223 476 3 891550349 +223 535 3 891549876 +223 591 3 891549627 +223 596 3 891549713 +223 597 4 891549604 +223 619 2 891549570 +223 620 2 891550253 +223 682 4 891548828 +223 717 1 891550470 +223 742 3 891549570 +223 749 4 891549049 +223 756 3 891550295 +223 763 3 891550067 +223 820 4 891550371 +223 826 1 891550404 +223 845 4 891549713 +223 846 2 891550193 +223 864 3 891550094 +223 866 4 891549945 +223 873 3 891549111 +223 908 1 891548802 +223 924 1 891549975 +223 926 4 891549792 +223 929 3 891549975 +223 930 2 891550326 +223 969 5 891550649 +223 974 2 891550504 +223 975 1 891550094 +223 977 2 891550295 +223 984 3 891548987 +223 993 4 891549876 +223 1009 1 891549475 +223 1014 4 891549975 +223 1016 5 891549657 +223 1051 3 891549945 +223 1052 1 891550404 +223 1088 4 891550326 +223 1150 2 891549841 +223 1197 3 891549570 +223 1284 1 891550295 +223 1291 3 891550431 +223 1300 1 891550470 +224 11 3 888082468 +224 15 4 888103611 +224 20 1 888104487 +224 22 5 888103581 +224 26 3 888104153 +224 28 4 888082468 +224 29 3 888104457 +224 43 3 888104456 +224 51 4 888104457 +224 54 3 888104313 +224 69 4 888082495 +224 70 2 888103812 +224 77 4 888103872 +224 86 3 888082612 +224 92 1 888103812 +224 97 5 888082552 +224 125 3 888103942 +224 135 1 888103671 +224 148 3 888104154 +224 149 1 888103999 +224 157 4 888103971 +224 162 4 888103611 +224 178 4 888082468 +224 191 4 888082468 +224 193 4 888082552 +224 196 4 888103532 +224 212 1 888104188 +224 215 4 888082612 +224 221 2 888103812 +224 222 4 888103729 +224 223 3 888082468 +224 239 4 888104554 +224 243 2 888082277 +224 245 3 888082216 +224 258 3 888081947 +224 276 3 888104116 +224 277 3 888103812 +224 280 4 888104353 +224 282 4 888082705 +224 284 3 888104117 +224 286 3 888081843 +224 287 3 888104154 +224 294 4 888081976 +224 300 4 888081843 +224 301 3 888082013 +224 313 5 888081843 +224 318 5 888082584 +224 321 2 888082134 +224 322 2 888082013 +224 323 3 888082216 +224 325 1 888082045 +224 326 4 888082071 +224 328 4 888081947 +224 329 3 888082187 +224 332 3 888103429 +224 333 3 888081976 +224 349 4 888082246 +224 356 4 888103840 +224 365 3 888104188 +224 366 3 888104457 +224 380 4 888104188 +224 387 4 888103906 +224 392 4 888104154 +224 403 4 888104522 +224 423 4 888103581 +224 468 4 888104030 +224 469 1 888104219 +224 470 4 888082742 +224 518 1 888103906 +224 528 3 888082658 +224 549 3 888103971 +224 553 4 888104393 +224 555 3 888104030 +224 556 1 888103942 +224 569 3 888104313 +224 581 1 888104219 +224 582 4 888104030 +224 583 1 888103729 +224 591 3 888082584 +224 620 3 888104085 +224 632 2 888103872 +224 655 4 888103646 +224 658 1 888103840 +224 660 4 888103703 +224 662 5 888103671 +224 676 3 888103942 +224 678 3 888082277 +224 686 4 888104030 +224 687 2 888082135 +224 689 3 888082246 +224 699 4 888103703 +224 704 3 888103812 +224 708 2 888104153 +224 715 1 888104487 +224 720 4 888103906 +224 723 2 888104313 +224 724 3 888082742 +224 727 4 888082682 +224 736 3 888082742 +224 744 1 888103646 +224 748 3 888082099 +224 751 3 888081913 +224 778 1 888104057 +224 846 4 888104116 +224 873 2 888082187 +224 879 3 888082099 +224 893 3 888082350 +224 925 3 888104281 +224 949 3 888104057 +224 962 2 888082584 +224 977 2 888104281 +224 980 1 888104353 +224 991 1 888082277 +224 1039 5 888082552 +224 1044 3 888104353 +224 1045 2 888082766 +224 1053 3 888104281 +224 1058 3 888104219 +224 1085 1 888104393 +224 1119 3 888082634 +224 1152 3 888104313 +224 1163 2 888104154 +224 1208 1 888104554 +224 1212 2 888104457 +224 1221 3 888082742 +224 1381 3 888104589 +224 1401 1 888104554 +224 1441 3 888104522 +224 1442 3 888104281 +225 22 5 879540678 +225 64 4 879539727 +225 136 5 879540707 +225 143 2 879540748 +225 172 5 879540748 +225 193 4 879539727 +225 194 5 879540678 +225 215 5 879539789 +225 237 5 879539643 +225 245 2 879539315 +225 286 4 879539027 +225 418 5 879540650 +225 427 5 879539615 +225 480 5 879540748 +225 482 5 879540707 +225 492 4 879539767 +225 510 5 879539672 +225 566 4 879540678 +225 603 5 879540649 +225 604 5 879540778 +225 606 5 879540649 +225 705 5 879540707 +225 1203 5 879540778 +225 1443 4 879540778 +226 7 4 883889479 +226 9 5 883889811 +226 14 5 883889691 +226 24 4 883889479 +226 25 4 883890235 +226 28 4 883889322 +226 56 4 883889102 +226 69 4 883889430 +226 89 5 883889229 +226 97 3 883889355 +226 98 5 883889147 +226 109 4 883889063 +226 147 3 883889479 +226 150 4 883889063 +226 169 5 883888892 +226 174 4 883889186 +226 176 4 883888978 +226 180 4 883889322 +226 182 1 883889322 +226 191 4 883889229 +226 203 5 883888978 +226 209 3 883889146 +226 224 4 883889690 +226 236 3 883889844 +226 242 5 883888671 +226 250 4 883890491 +226 258 5 883888671 +226 270 4 883888639 +226 275 3 883889764 +226 283 2 883889811 +226 286 4 883888600 +226 370 3 883890235 +226 405 4 883889507 +226 408 5 883888853 +226 480 4 883888853 +226 507 2 883889146 +226 508 4 883889984 +226 509 4 883889322 +226 513 3 883889256 +226 527 4 883889430 +226 652 3 883889012 +226 713 5 883889884 +226 813 4 883890235 +226 1117 3 883890262 +227 7 5 879035251 +227 9 3 879035431 +227 13 5 879035205 +227 14 4 879035463 +227 19 4 879035431 +227 25 4 879035535 +227 50 4 879035347 +227 93 5 879035431 +227 100 5 879035251 +227 106 3 879035775 +227 116 4 879035347 +227 117 2 879035493 +227 121 2 879035934 +227 124 4 879035158 +227 126 4 879035158 +227 127 4 879035387 +227 129 5 879035387 +227 137 5 879035289 +227 150 3 879035347 +227 221 4 879035535 +227 240 1 879035934 +227 244 3 879035205 +227 249 2 879035775 +227 250 2 879035637 +227 273 3 879035206 +227 274 4 879035963 +227 276 4 879035251 +227 285 4 879035347 +227 286 3 879035072 +227 288 2 879035072 +227 293 5 879035387 +227 294 3 879035431 +227 295 5 879035387 +227 321 3 881518363 +227 322 3 881518461 +227 324 4 879035963 +227 405 2 879035934 +227 411 4 879035897 +227 460 2 879035963 +227 475 4 879035252 +227 741 3 879035464 +227 748 1 879035387 +227 823 2 879035599 +227 934 2 879035874 +227 1007 4 879035158 +227 1008 4 879036009 +227 1010 3 879035637 +227 1011 4 879035834 +227 1017 4 879035464 +227 1028 2 879035803 +227 1047 2 879035834 +227 1067 4 879035572 +227 1068 4 879035289 +227 1143 4 879035803 +228 87 1 889388662 +228 98 3 889388607 +228 137 1 889388662 +228 204 3 889388662 +228 272 5 889388440 +228 286 5 889387172 +228 288 4 889387173 +228 313 5 889387172 +228 327 1 889387216 +228 427 4 889388547 +228 475 3 889388521 +228 650 3 889388662 +228 651 4 889388521 +228 655 4 889388489 +228 690 5 889387173 +228 750 3 889388440 +228 812 5 889388547 +228 886 1 889387173 +228 938 1 889387173 +229 245 3 891632385 +229 258 2 891632040 +229 260 1 891632437 +229 269 4 891633029 +229 272 3 891632073 +229 286 4 891633029 +229 288 4 891633028 +229 300 2 891632142 +229 302 5 891633028 +229 303 1 891632073 +229 311 5 891633028 +229 312 3 891632551 +229 313 2 891631948 +229 315 1 891632945 +229 316 1 891632347 +229 328 1 891632142 +229 340 4 891632142 +229 344 5 891633028 +229 347 1 891632073 +229 349 4 891633028 +229 358 1 891632437 +229 748 3 891632402 +229 750 2 891631948 +229 751 3 891632164 +229 875 1 891632402 +229 886 1 891632164 +229 896 4 891633029 +229 898 5 891633028 +229 937 2 891632347 +230 1 5 880484370 +230 7 3 880484476 +230 8 5 880484501 +230 11 4 880484911 +230 22 5 880484850 +230 25 3 880485282 +230 28 5 880484444 +230 50 5 880484755 +230 51 4 880484937 +230 56 3 880484416 +230 70 4 880484637 +230 71 5 880484911 +230 79 5 880484778 +230 82 5 880485311 +230 91 3 880485043 +230 95 5 880484850 +230 96 2 880484683 +230 97 5 880484544 +230 98 5 880484391 +230 99 3 880485066 +230 100 4 880485856 +230 117 5 880484320 +230 121 4 880484998 +230 125 5 880485090 +230 132 5 880484475 +230 134 4 880484755 +230 135 2 880485216 +230 138 3 880485197 +230 140 3 880484320 +230 141 4 880485489 +230 142 4 880485633 +230 144 3 880484850 +230 153 5 880485090 +230 154 4 880485159 +230 161 5 880485468 +230 162 4 880484587 +230 168 4 880484616 +230 172 4 880484523 +230 174 5 880484661 +230 176 4 880485445 +230 181 4 880485066 +230 182 2 880484370 +230 183 3 880484370 +230 185 4 880485090 +230 186 4 880484937 +230 196 5 880484755 +230 199 3 880484755 +230 202 4 880485352 +230 204 4 880484616 +230 205 3 880484476 +230 209 1 880485283 +230 210 5 880484975 +230 211 5 880485181 +230 214 4 880485573 +230 216 4 880484444 +230 223 5 880484415 +230 228 2 880485216 +230 233 1 880485513 +230 234 4 880484756 +230 237 5 880484800 +230 238 1 880484778 +230 239 4 880484320 +230 240 1 880484320 +230 265 5 880484544 +230 266 4 880484286 +230 276 5 880485573 +230 280 4 880485254 +230 284 1 880485634 +230 291 4 880484825 +230 294 5 880484286 +230 304 5 880484286 +230 357 5 880484391 +230 371 4 880485330 +230 378 5 880485159 +230 385 1 880485235 +230 393 3 880485110 +230 402 5 880485445 +230 405 4 880485634 +230 418 5 880484937 +230 419 4 880484587 +230 420 5 880485726 +230 427 5 880484501 +230 431 3 880485254 +230 432 4 880485110 +230 435 4 880484444 +230 443 4 880485090 +230 447 1 880485513 +230 451 4 880485402 +230 484 5 880484800 +230 485 5 880484370 +230 491 3 880484975 +230 496 5 880484501 +230 498 5 880484755 +230 501 3 880485352 +230 504 3 880485136 +230 511 2 880485656 +230 515 5 880484567 +230 526 3 880485159 +230 568 3 880484567 +230 570 4 880485689 +230 582 4 880485380 +230 588 5 880484683 +230 607 3 880484755 +230 609 3 880485311 +230 621 2 880485380 +230 622 3 880485380 +230 628 3 880485421 +230 633 4 880485283 +230 650 4 880484778 +230 673 3 880485573 +230 680 4 880484286 +230 693 2 880485594 +230 739 5 880485611 +230 742 5 880485043 +230 926 3 880485489 +230 951 5 880485181 +230 963 5 880484370 +230 969 4 880484476 +230 1050 3 880485136 +230 1192 4 880485352 +230 1444 2 880485726 +231 1 3 879965704 +231 50 4 888605273 +231 121 4 879966609 +231 126 5 888605273 +231 127 3 879965565 +231 151 1 879966209 +231 181 4 888605273 +231 252 4 888605273 +231 255 3 879965760 +231 289 4 888605273 +231 300 4 888605273 +231 313 3 888604920 +231 405 4 879966609 +231 471 5 888605273 +231 476 3 879966018 +231 597 3 879966146 +231 748 4 888605273 +231 846 4 888605274 +231 866 3 879965961 +231 924 5 888605273 +232 1 4 880062302 +232 4 4 888550130 +232 8 2 888549757 +232 14 4 880062574 +232 22 3 888549988 +232 32 4 888549467 +232 48 5 888549879 +232 50 4 880062302 +232 52 5 888550130 +232 56 5 888549622 +232 64 4 888549441 +232 69 3 888549376 +232 76 3 888550060 +232 81 5 888549515 +232 91 5 888549515 +232 96 5 888549563 +232 98 4 888549838 +232 100 5 880062447 +232 117 3 891565128 +232 127 3 888550101 +232 132 5 888549721 +232 133 4 888549988 +232 150 3 891565095 +232 165 4 888550036 +232 166 4 888549815 +232 170 5 888549929 +232 173 4 888549674 +232 175 5 888549815 +232 178 5 888549988 +232 181 4 880062330 +232 186 4 888549790 +232 191 4 888549376 +232 194 4 888549988 +232 197 4 888549563 +232 202 4 888549515 +232 204 4 888549515 +232 209 3 888549563 +232 215 3 888549563 +232 234 3 888549595 +232 246 4 885939945 +232 250 4 880062618 +232 269 3 891565001 +232 270 3 880062259 +232 272 4 885939511 +232 275 2 885939945 +232 276 5 880062447 +232 289 4 880062259 +232 294 2 880062259 +232 302 5 885939473 +232 313 3 885939473 +232 315 5 888364663 +232 318 5 888549757 +232 419 4 888550013 +232 423 4 888549595 +232 461 5 888549563 +232 462 4 888549879 +232 471 3 880062414 +232 474 5 888550036 +232 483 5 888549622 +232 493 4 888549622 +232 498 4 888549467 +232 508 1 880062447 +232 514 4 888549879 +232 515 2 880062413 +232 523 4 888549757 +232 531 4 888549647 +232 582 5 888549595 +232 589 3 888549790 +232 603 4 888549376 +232 630 3 888550060 +232 638 5 888549988 +232 651 3 888549515 +232 655 4 888549721 +232 690 4 880062259 +232 705 5 888549838 +232 708 4 888550060 +232 747 3 888549957 +232 750 3 885939690 +232 900 5 888364663 +232 919 3 888550036 +232 921 4 888549929 +232 1128 2 888549907 +232 1149 5 888549674 +233 8 3 877663612 +233 12 2 880610333 +233 14 4 876021262 +233 23 5 877665324 +233 31 3 880610814 +233 47 5 877661881 +233 48 5 877663184 +233 50 3 876021213 +233 56 5 877661776 +233 57 5 880190451 +233 58 3 880612403 +233 69 5 877665324 +233 70 5 879147810 +233 71 5 876812281 +233 82 4 877663612 +233 89 3 875508225 +233 91 3 876812281 +233 95 5 877661496 +233 97 5 877661882 +233 98 5 877661724 +233 99 3 877663383 +233 100 4 877661294 +233 117 3 880190627 +233 121 4 880190627 +233 127 5 877661364 +233 129 3 876374463 +233 133 5 877661364 +233 143 4 877663383 +233 168 5 877663302 +233 174 5 877661553 +233 177 4 877661496 +233 187 4 876021170 +233 191 4 877665191 +233 192 5 875508485 +233 193 4 877663646 +233 194 4 877663913 +233 196 5 880610814 +233 197 5 877663303 +233 202 5 879394264 +233 203 3 880923202 +233 204 5 880923202 +233 205 4 877663548 +233 208 4 880610814 +233 212 5 877665324 +233 216 5 877665357 +233 223 4 875508225 +233 234 4 877664010 +233 249 5 883356871 +233 257 4 883356847 +233 261 5 883356913 +233 269 5 891920842 +233 275 5 885147637 +233 276 5 877665324 +233 286 3 876690514 +233 293 4 877660832 +233 313 5 891920842 +233 318 5 877665324 +233 357 5 877661553 +233 371 5 880190399 +233 375 4 876374419 +233 378 4 877663429 +233 381 4 877665125 +233 418 4 877664010 +233 423 4 877665239 +233 432 3 877663383 +233 435 5 877665324 +233 478 5 877661437 +233 482 4 877661437 +233 483 5 876021170 +233 492 5 880923253 +233 495 4 877661364 +233 498 5 877663465 +233 499 3 877664010 +233 501 3 877663383 +233 504 5 877663128 +233 506 5 877663337 +233 509 4 877663646 +233 511 5 876021120 +233 515 5 875508080 +233 521 5 877663071 +233 523 4 877663913 +233 527 5 877665324 +233 528 5 877665324 +233 568 5 880612346 +233 584 4 877663548 +233 588 5 877661553 +233 603 4 880190566 +233 614 4 877661437 +233 623 3 876374602 +233 633 5 877663185 +233 640 2 875508639 +233 644 5 880610635 +233 647 5 877661364 +233 654 4 877665191 +233 735 5 880610635 +233 806 4 880610396 +233 828 4 875508169 +233 923 4 877664010 +233 958 5 875508372 +233 1194 5 880190371 +234 1 3 891227689 +234 4 4 892334610 +234 5 3 892334338 +234 7 2 891227813 +234 8 5 892079585 +234 9 3 891227689 +234 10 3 891227851 +234 11 2 892079140 +234 12 1 892333830 +234 13 3 892335342 +234 14 3 891227730 +234 15 3 892079538 +234 16 2 891227771 +234 20 4 891227979 +234 21 3 892335042 +234 22 4 892334644 +234 23 4 892334368 +234 25 3 892335797 +234 28 4 892079538 +234 30 4 892335951 +234 31 4 892334803 +234 32 3 892078936 +234 40 2 892335894 +234 44 3 892335707 +234 45 4 892079140 +234 47 2 892334543 +234 48 2 892334107 +234 50 4 892079237 +234 52 4 892334141 +234 54 2 892336257 +234 56 3 892078837 +234 64 4 892078983 +234 66 3 892334765 +234 69 4 892078567 +234 70 3 892335587 +234 71 3 892334338 +234 72 3 892335674 +234 73 2 892334368 +234 76 2 892335564 +234 77 3 892333890 +234 79 3 892079910 +234 81 3 892334680 +234 82 3 892334079 +234 85 2 892334852 +234 87 3 892079336 +234 88 3 892335920 +234 89 3 892079910 +234 91 5 892335920 +234 95 3 892079689 +234 96 2 892334141 +234 97 2 892334267 +234 98 4 892078567 +234 99 5 892333573 +234 100 4 892079769 +234 102 2 892335616 +234 106 4 892336322 +234 111 3 892318060 +234 116 2 892079434 +234 117 2 892334976 +234 119 3 892335261 +234 124 4 891227689 +234 125 3 892335739 +234 130 1 892336194 +234 131 3 892334680 +234 132 4 892333865 +234 133 3 892334680 +234 134 5 892333573 +234 135 4 892079769 +234 136 4 892317967 +234 137 3 891227730 +234 140 2 892334766 +234 141 3 892334609 +234 142 2 892334852 +234 143 3 892079288 +234 147 3 892335372 +234 148 3 891228196 +234 151 3 892334481 +234 152 4 892826701 +234 153 3 892333830 +234 154 3 892078605 +234 156 2 892078936 +234 157 2 892334400 +234 160 2 892336119 +234 161 3 892335824 +234 163 3 892335951 +234 164 3 892334644 +234 166 5 892079237 +234 168 3 892079434 +234 170 5 892333798 +234 172 3 892078837 +234 173 3 892334577 +234 174 3 892078605 +234 175 2 892079076 +234 177 3 892079040 +234 178 5 892078890 +234 179 3 892079373 +234 180 3 892079910 +234 181 3 892079373 +234 182 3 892078567 +234 183 4 892079585 +234 185 3 892078936 +234 186 3 892078567 +234 187 4 892079140 +234 188 2 892079288 +234 191 4 892334765 +234 192 3 892078984 +234 193 4 892334713 +234 194 5 892333653 +234 195 2 892078936 +234 196 3 892079910 +234 197 5 892333616 +234 198 3 892078837 +234 199 5 892079040 +234 202 3 892079585 +234 204 2 892079617 +234 205 3 892079288 +234 206 4 892334543 +234 207 2 892078605 +234 208 4 892318002 +234 209 4 892317967 +234 210 3 892333616 +234 211 3 892079475 +234 212 2 892334883 +234 213 3 892079190 +234 215 3 892079722 +234 216 3 892078605 +234 218 2 892335541 +234 219 2 892336287 +234 221 2 891227814 +234 222 3 892079803 +234 223 3 892079336 +234 224 4 892334107 +234 226 2 892335673 +234 228 3 892079190 +234 229 4 892334189 +234 233 2 892335990 +234 234 4 892079475 +234 236 3 892079336 +234 237 3 892336021 +234 238 3 892079040 +234 241 2 892335042 +234 242 4 891033261 +234 243 1 891034107 +234 259 2 891033686 +234 265 3 892078837 +234 268 2 891033261 +234 273 3 892336165 +234 274 3 892334765 +234 276 3 891228196 +234 277 3 892334680 +234 279 3 892333980 +234 283 3 891227814 +234 284 3 892335460 +234 285 4 891227771 +234 286 3 891033314 +234 287 3 891228196 +234 288 3 891033738 +234 289 4 891033851 +234 290 3 892333980 +234 291 3 892335342 +234 292 4 891033821 +234 294 3 891033715 +234 300 3 891033627 +234 301 3 892826947 +234 307 2 891033427 +234 313 4 891033261 +234 316 4 891033851 +234 317 2 892334189 +234 318 4 892078890 +234 319 3 892334883 +234 321 2 891033393 +234 322 2 891034007 +234 328 2 891033772 +234 329 2 891033922 +234 357 4 892333573 +234 358 1 891034007 +234 367 4 892334976 +234 378 4 892335213 +234 381 3 892335739 +234 389 3 892335309 +234 393 2 892335108 +234 401 2 892336322 +234 403 1 892335674 +234 404 4 892333830 +234 412 2 892336322 +234 414 4 892336021 +234 416 4 892335616 +234 417 3 892336119 +234 418 3 892079373 +234 419 4 892334644 +234 421 1 892334852 +234 423 4 892334079 +234 427 4 892078386 +234 428 4 892334079 +234 429 4 892079434 +234 430 4 892333683 +234 431 3 892078424 +234 432 4 892079722 +234 433 2 892079910 +234 434 3 892079288 +234 435 3 892079040 +234 436 3 892334765 +234 443 3 892334079 +234 445 2 892334713 +234 448 3 892335501 +234 451 3 892334578 +234 462 4 892079840 +234 463 4 892333865 +234 464 4 892079288 +234 465 2 892334803 +234 466 4 892334368 +234 470 2 892335797 +234 471 3 892335074 +234 472 2 891228099 +234 473 5 892334976 +234 474 4 892317967 +234 477 1 892335108 +234 478 3 892079538 +234 479 5 892334107 +234 480 4 892078485 +234 481 5 892079076 +234 482 4 892334803 +234 483 5 892078424 +234 484 5 892078936 +234 485 3 892079434 +234 486 3 892079373 +234 487 3 892079237 +234 488 4 892078386 +234 489 3 892079237 +234 490 4 892079803 +234 491 4 892079538 +234 492 3 892078936 +234 493 3 892078567 +234 495 4 892335042 +234 496 4 892079190 +234 497 4 892334481 +234 498 5 892078699 +234 499 4 892334141 +234 500 3 892078890 +234 501 4 892334543 +234 502 4 892336077 +234 504 4 892078485 +234 505 4 892333798 +234 506 4 892318107 +234 507 4 892334803 +234 510 4 892079840 +234 511 5 892078567 +234 513 5 892333980 +234 515 5 892078424 +234 516 3 892079140 +234 517 3 892333919 +234 519 5 892078342 +234 520 4 892078890 +234 521 3 892079077 +234 523 4 892334141 +234 524 3 892079910 +234 525 4 892078984 +234 526 3 892334045 +234 527 3 892334189 +234 528 4 892079689 +234 530 4 892333573 +234 531 3 892078984 +234 546 1 891227851 +234 549 3 892335850 +234 550 2 892334883 +234 552 2 892336322 +234 557 1 892335989 +234 558 4 892079585 +234 566 2 892335108 +234 571 2 892318158 +234 582 4 892334883 +234 584 3 892333653 +234 588 3 892335541 +234 589 3 892078567 +234 591 3 892335142 +234 596 2 891227979 +234 601 3 892334765 +234 602 4 892334368 +234 603 4 892333573 +234 604 5 892078936 +234 605 3 892333798 +234 606 5 892318060 +234 607 4 892079140 +234 608 3 892078741 +234 609 3 892335186 +234 610 4 892079769 +234 611 5 892078605 +234 612 3 892079140 +234 613 4 892079434 +234 614 3 892334609 +234 616 2 892334976 +234 617 3 892078741 +234 618 3 892078343 +234 619 2 891227851 +234 622 2 892335415 +234 625 3 892336286 +234 626 4 892336358 +234 628 2 892826612 +234 629 4 892335042 +234 630 2 892334141 +234 632 2 892079538 +234 634 4 892079910 +234 636 3 892336358 +234 638 4 892335989 +234 641 4 892078297 +234 642 3 892334766 +234 646 3 892335500 +234 647 3 892826411 +234 648 3 892826760 +234 649 3 892335870 +234 650 3 892078837 +234 651 4 892078485 +234 653 3 892335108 +234 654 5 892333573 +234 657 4 892079840 +234 660 4 892334543 +234 661 5 892333573 +234 663 4 892335707 +234 671 3 892336257 +234 673 4 892334189 +234 675 4 892078342 +234 686 3 892334976 +234 692 3 892335990 +234 693 2 892333980 +234 694 3 892079040 +234 702 2 892335707 +234 705 5 892318002 +234 709 4 892079337 +234 712 2 892336077 +234 724 4 892335739 +234 727 3 892079475 +234 731 2 892336194 +234 732 2 892334713 +234 735 3 892079803 +234 739 3 892335990 +234 745 4 892333573 +234 746 2 892335213 +234 747 3 892334578 +234 749 3 891033772 +234 751 2 891033394 +234 765 3 892336322 +234 770 4 892335920 +234 781 2 892335764 +234 782 3 892335372 +234 785 3 892336119 +234 806 2 892334766 +234 808 2 892335707 +234 832 2 892335501 +234 836 4 892317967 +234 837 3 892079434 +234 842 4 892334045 +234 844 2 892078521 +234 845 3 892335825 +234 847 4 891227730 +234 848 3 892334577 +234 850 2 892336047 +234 855 3 892079803 +234 863 5 892079689 +234 867 4 892826174 +234 872 2 891033627 +234 873 3 891034007 +234 874 1 891227463 +234 878 2 892336477 +234 887 3 891034078 +234 921 4 892079434 +234 923 4 892078741 +234 925 2 892334976 +234 927 4 892334267 +234 928 2 892336287 +234 929 1 891228099 +234 939 2 892333798 +234 942 3 892334610 +234 945 3 892334189 +234 950 2 892079538 +234 951 1 892334766 +234 956 3 892826643 +234 959 2 892334189 +234 963 3 892078983 +234 964 4 892334852 +234 965 3 892079538 +234 966 4 892334189 +234 970 4 892335437 +234 980 2 891227851 +234 989 2 891033966 +234 1011 3 891227730 +234 1015 2 892079617 +234 1020 4 892078890 +234 1021 4 892333765 +234 1035 3 892335142 +234 1039 3 892078741 +234 1044 2 892336194 +234 1048 3 892335501 +234 1050 3 892333616 +234 1051 2 892336322 +234 1063 3 892079769 +234 1064 4 892333683 +234 1075 3 892335797 +234 1078 2 892336322 +234 1100 2 892335500 +234 1101 3 892335372 +234 1121 5 892334481 +234 1123 3 892335342 +234 1126 4 892079722 +234 1133 3 892336358 +234 1149 3 892318060 +234 1168 2 892335108 +234 1169 4 892334543 +234 1170 1 892336077 +234 1172 3 892079076 +234 1184 2 892079237 +234 1186 4 892335707 +234 1198 3 892335187 +234 1200 3 892333865 +234 1203 4 892079910 +234 1204 3 892078297 +234 1205 1 892335501 +234 1221 4 892334852 +234 1263 3 892335142 +234 1269 3 892078297 +234 1285 3 892335764 +234 1298 3 892079373 +234 1330 3 892078343 +234 1369 3 892333765 +234 1397 4 892334976 +234 1400 3 892334400 +234 1445 4 892336286 +234 1446 3 892335739 +234 1447 3 892336119 +234 1450 3 892335213 +234 1451 3 892078343 +234 1452 4 892335342 +234 1453 2 892335415 +234 1454 3 892336257 +234 1455 2 892318158 +234 1456 4 892335142 +234 1457 3 892079538 +234 1458 4 892336165 +234 1459 3 892335261 +234 1461 2 892078297 +234 1462 3 892333865 +234 1463 5 892333573 +235 1 4 889655571 +235 7 4 889655723 +235 22 4 889655044 +235 50 5 889655403 +235 52 4 889656168 +235 65 2 889655723 +235 66 2 889655266 +235 69 4 889655468 +235 70 5 889655619 +235 79 4 889655468 +235 82 2 889655403 +235 83 4 889656068 +235 85 4 889655232 +235 86 4 889656113 +235 87 4 889655162 +235 100 4 889655550 +235 135 4 889655571 +235 153 4 889655662 +235 170 4 889656113 +235 174 4 889654971 +235 175 4 889654971 +235 179 5 889656028 +235 181 3 889655360 +235 185 4 889655435 +235 188 4 889655619 +235 190 4 889656007 +235 191 4 889654971 +235 192 4 889655298 +235 193 5 889655204 +235 194 5 889655232 +235 195 4 889655162 +235 196 3 889655162 +235 197 5 889655266 +235 198 3 889655044 +235 207 4 889656132 +235 211 5 889655162 +235 213 4 889655044 +235 230 4 889655162 +235 237 4 889655435 +235 269 4 889654530 +235 275 5 889655550 +235 292 3 889654638 +235 303 4 889654483 +235 318 5 889654971 +235 319 4 889654419 +235 327 3 889654594 +235 338 1 889654821 +235 344 5 889654419 +235 346 4 889654483 +235 419 5 889655858 +235 429 4 889655662 +235 431 2 889655490 +235 433 4 889655596 +235 435 5 889655434 +235 462 3 889656168 +235 463 4 889656008 +235 474 5 889655112 +235 480 4 889655044 +235 483 5 889655204 +235 494 4 889655112 +235 496 4 889655662 +235 511 5 889655162 +235 512 5 889656044 +235 515 4 889655086 +235 520 4 889655204 +235 522 5 889655086 +235 523 5 889655044 +235 524 5 889655204 +235 603 3 889655044 +235 647 4 889655045 +235 648 4 889655662 +235 652 4 889655403 +235 655 4 889655550 +235 684 4 889655162 +235 692 4 889655595 +235 701 4 889655086 +235 705 5 889655204 +235 747 2 889655550 +235 792 4 889655490 +235 898 3 889654553 +235 923 4 889656132 +235 971 4 889656113 +235 1021 5 889656090 +235 1105 2 889654460 +235 1119 3 889655550 +235 1149 4 889655595 +235 1176 5 889655820 +235 1193 4 889655232 +235 1451 4 889655112 +235 1464 4 889655266 +236 9 5 890116792 +236 15 5 890116628 +236 28 4 890116539 +236 50 3 890116059 +236 51 5 890116709 +236 56 5 890116254 +236 57 5 890116575 +236 58 2 890118462 +236 64 5 890116163 +236 66 2 890118507 +236 69 5 890116426 +236 71 3 890116671 +236 79 4 890118417 +236 88 2 890116709 +236 97 5 890118228 +236 98 5 890116253 +236 100 3 890116402 +236 111 4 890116939 +236 117 3 890116818 +236 127 5 890116032 +236 132 4 890115897 +236 133 5 890116059 +236 134 4 890116282 +236 135 2 890116033 +236 143 4 890116163 +236 148 4 890117028 +236 151 2 890116964 +236 153 2 890118075 +236 170 5 890116451 +236 172 3 890116539 +236 174 3 890116539 +236 176 2 890115933 +236 179 1 890118417 +236 181 4 890115933 +236 183 2 890118206 +236 185 5 890118307 +236 187 3 890118340 +236 191 4 890116335 +236 194 3 890116426 +236 195 2 890118507 +236 196 1 890115966 +236 199 4 890118307 +236 200 3 890115856 +236 203 4 890116132 +236 204 3 890118393 +236 207 3 890116221 +236 210 2 890118153 +236 211 3 890116539 +236 216 5 890116163 +236 222 4 890116817 +236 223 5 890116032 +236 225 3 890117465 +236 237 4 890117001 +236 255 3 890116747 +236 265 2 890116191 +236 273 1 890116670 +236 274 1 890117073 +236 275 3 890116499 +236 286 5 890115777 +236 289 4 890117820 +236 294 2 890116895 +236 298 4 890116793 +236 307 4 890117902 +236 313 4 890115777 +236 318 5 890116539 +236 328 5 890117711 +236 370 3 890117353 +236 419 5 890116282 +236 420 4 890116671 +236 423 5 890116304 +236 427 5 890118153 +236 429 1 890118632 +236 432 5 890118251 +236 435 4 890115966 +236 443 4 890116709 +236 462 4 890115933 +236 476 3 890117308 +236 478 3 890118106 +236 483 5 890116221 +236 496 3 890116499 +236 504 3 890118075 +236 505 3 890116575 +236 506 5 890118153 +236 507 3 890115897 +236 510 3 890118543 +236 523 2 890116221 +236 526 3 890116500 +236 532 2 890116915 +236 546 4 890117223 +236 549 4 890116628 +236 591 4 890117029 +236 596 4 890116575 +236 614 5 890116335 +236 632 3 890116254 +236 655 3 890116670 +236 659 3 890116599 +236 661 3 890116451 +236 673 4 890116132 +236 685 2 890117308 +236 686 3 890118372 +236 692 4 890116670 +236 696 2 890117223 +236 699 4 890116095 +236 705 4 890116402 +236 729 5 890118372 +236 735 5 890116599 +236 750 5 890117676 +236 756 1 890117353 +236 864 2 890117073 +236 866 3 890117223 +236 934 4 890117570 +236 1013 2 890117465 +236 1039 2 890115996 +236 1102 4 890117488 +236 1328 4 890116132 +236 1401 3 890116335 +237 9 4 879376730 +237 23 4 879376606 +237 28 4 879376435 +237 58 4 879376434 +237 83 4 879376641 +237 98 4 879376327 +237 100 5 879376381 +237 127 5 879376671 +237 134 5 879376327 +237 153 3 879376698 +237 169 5 879376381 +237 174 4 879376773 +237 176 3 879376328 +237 178 4 879376671 +237 179 4 879376641 +237 180 4 879376730 +237 183 5 879376641 +237 185 4 879376773 +237 187 3 879376553 +237 190 4 879376515 +237 191 4 879376773 +237 197 4 879376515 +237 199 4 879376606 +237 211 4 879376515 +237 238 4 879376435 +237 357 4 879376327 +237 408 5 879376434 +237 423 4 879376487 +237 474 5 879376327 +237 479 5 879376487 +237 483 5 879376381 +237 485 4 879376553 +237 489 4 879376381 +237 494 4 879376553 +237 498 4 879376698 +237 499 2 879376487 +237 502 4 879376487 +237 513 5 879376328 +237 514 4 879376641 +237 525 4 879376487 +237 528 5 879376606 +237 603 5 879376773 +237 656 4 879376730 +237 659 4 879376553 +237 705 3 879376487 +237 1192 5 879376553 +238 111 4 883576603 +238 118 3 883576509 +238 121 4 883576443 +238 125 3 883576230 +238 181 3 883576336 +238 220 3 883576560 +238 252 3 883576644 +238 257 4 883576261 +238 258 3 883575728 +238 286 5 883575683 +238 294 3 883575813 +238 298 5 883576398 +238 300 4 883575836 +238 301 3 883575855 +238 405 4 883576424 +238 458 4 883576622 +238 471 4 883576359 +238 476 3 883576799 +238 538 4 883575749 +238 546 3 883576574 +238 756 3 883576476 +238 815 2 883576398 +238 845 3 883576424 +238 926 3 883576543 +238 1190 3 883576603 +238 1258 1 883576666 +239 8 5 889179290 +239 9 5 889180446 +239 10 5 889180338 +239 12 5 889178729 +239 42 5 889180578 +239 45 5 889180578 +239 46 4 889180487 +239 47 2 889180169 +239 50 5 889179131 +239 56 4 889179478 +239 58 5 889179623 +239 64 1 889178616 +239 65 5 889180041 +239 69 1 889179544 +239 79 3 889179544 +239 81 3 889179808 +239 89 4 889179253 +239 91 4 889180487 +239 96 5 889178798 +239 98 5 889180410 +239 100 3 889179131 +239 114 3 889178616 +239 116 5 889181093 +239 124 5 889178652 +239 132 5 889178986 +239 133 3 889178652 +239 134 5 889179033 +239 135 5 889178762 +239 137 5 889178688 +239 150 5 889179131 +239 152 3 889179808 +239 162 5 889179131 +239 165 5 889180411 +239 168 4 889179478 +239 171 5 889178986 +239 172 4 889178833 +239 174 4 889179131 +239 175 5 889180616 +239 180 5 889178833 +239 181 3 889180411 +239 183 5 889180071 +239 185 4 889178688 +239 187 5 889178798 +239 190 1 889178616 +239 194 5 889178833 +239 195 5 889180747 +239 198 5 889181047 +239 204 3 889180888 +239 205 3 889181015 +239 207 5 889180578 +239 208 3 889181015 +239 209 5 889179032 +239 210 4 889179032 +239 221 5 889180447 +239 228 2 889180651 +239 234 3 889178762 +239 238 5 889180747 +239 242 5 889178512 +239 268 2 889178512 +239 272 5 889181247 +239 276 5 889179506 +239 286 1 889178512 +239 288 2 889178513 +239 300 1 889178513 +239 304 1 889181248 +239 305 4 889178513 +239 312 2 889181247 +239 317 5 889179291 +239 318 1 889178798 +239 340 5 889178513 +239 419 3 889178689 +239 421 5 889181048 +239 427 5 889180888 +239 428 5 889180978 +239 430 3 889180338 +239 432 5 889180041 +239 434 5 889180041 +239 443 5 889181015 +239 462 5 889179623 +239 463 5 889178689 +239 474 5 889179095 +239 475 5 889178689 +239 478 5 889178986 +239 479 5 889178762 +239 482 3 889180978 +239 483 5 889179253 +239 484 5 889179095 +239 488 5 889179033 +239 489 5 889178833 +239 491 5 889181015 +239 492 3 889180411 +239 493 5 889180616 +239 497 4 889180578 +239 498 4 889179623 +239 499 5 889179808 +239 504 4 889179544 +239 505 5 889180169 +239 507 5 889180651 +239 508 5 889178798 +239 511 5 889178798 +239 512 5 889180921 +239 513 5 889178887 +239 514 1 889178562 +239 516 5 889180487 +239 518 3 889180949 +239 527 5 889178833 +239 529 5 889179808 +239 530 5 889179290 +239 531 5 889178762 +239 558 5 889178986 +239 589 3 889180978 +239 603 5 889178616 +239 605 4 889180446 +239 612 5 889178616 +239 632 5 889181015 +239 633 5 889180040 +239 634 4 889180487 +239 647 5 889180651 +239 650 5 889180530 +239 652 5 889178762 +239 654 5 889180747 +239 659 3 889179808 +239 663 5 889180617 +239 671 5 889179290 +239 675 5 889180617 +239 690 1 889178513 +239 701 5 889179544 +239 705 4 889178652 +239 736 5 889179291 +239 745 5 889180338 +239 753 5 889179478 +239 836 5 889180888 +239 855 5 889179478 +239 921 5 889181092 +239 923 5 889179033 +239 954 5 889179253 +239 961 5 889181093 +239 1020 3 889180920 +239 1056 5 889180041 +239 1070 5 889179032 +239 1098 5 889180487 +239 1099 5 889179253 +239 1115 2 889180651 +239 1192 1 889180949 +239 1203 5 889180040 +239 1204 4 889178986 +239 1245 5 889181092 +239 1332 3 889180888 +240 242 5 885775683 +240 245 4 885775831 +240 269 5 885775536 +240 272 5 885775536 +240 288 5 885775536 +240 289 4 885775745 +240 300 3 885775563 +240 301 5 885775683 +240 307 4 885775683 +240 313 5 885775604 +240 336 3 885775745 +240 340 4 885775710 +240 343 3 885775831 +240 349 1 885775878 +240 353 1 885775959 +240 358 2 885775857 +240 748 3 885775831 +240 751 3 885775683 +240 873 2 885775857 +240 879 3 885775745 +240 895 5 885775711 +240 898 5 885775770 +241 268 4 887249576 +241 270 3 887250026 +241 288 5 887249745 +241 292 4 887250084 +241 294 3 887250085 +241 300 4 887249685 +241 302 3 887249576 +241 307 4 887249795 +241 310 4 887249576 +241 313 4 887249795 +241 332 3 887249841 +241 335 3 887250085 +241 343 2 887250085 +241 346 3 887249482 +241 350 2 887249889 +241 682 2 887249745 +241 689 3 887250085 +241 690 2 887249482 +241 750 5 887249576 +241 880 5 887249889 +241 887 4 887249685 +241 895 2 887250085 +242 1 4 879740362 +242 111 4 879741196 +242 237 4 879740594 +242 268 5 879741340 +242 283 4 879740362 +242 291 3 879740593 +242 294 4 879740082 +242 305 5 879741340 +242 306 5 879741340 +242 331 5 879741340 +242 361 5 879741340 +242 475 3 879740223 +242 740 5 879741196 +242 934 5 879741196 +242 1011 3 879740800 +242 1137 5 879741196 +242 1152 5 879741196 +242 1357 5 879741196 +243 1 4 879987239 +243 7 3 879987362 +243 10 4 879987526 +243 13 4 879987362 +243 14 3 879987239 +243 15 3 879987440 +243 16 3 879987630 +243 22 3 879988104 +243 25 3 879987875 +243 26 3 879988459 +243 28 4 879988215 +243 69 3 879988298 +243 83 4 879988184 +243 86 5 879989217 +243 93 2 879987173 +243 111 4 879987793 +243 116 4 879987526 +243 125 3 879988298 +243 127 4 879987045 +243 129 2 879987526 +243 137 3 879987084 +243 151 3 879987397 +243 157 5 879989217 +243 162 4 879988459 +243 173 3 879988913 +243 191 5 879989217 +243 194 4 879988913 +243 196 4 879988298 +243 208 4 879989134 +243 215 3 879988046 +243 221 5 879989217 +243 223 4 879988262 +243 225 3 879987655 +243 237 2 879987148 +243 268 4 879986951 +243 275 3 879987084 +243 280 1 879987148 +243 283 3 879987362 +243 285 5 879989217 +243 286 4 879986908 +243 317 5 879989217 +243 318 4 879988071 +243 367 3 879988976 +243 387 4 879988752 +243 423 3 879988587 +243 435 4 879988913 +243 458 4 879987397 +243 461 3 879988132 +243 468 3 879988298 +243 477 4 879987736 +243 509 4 879988369 +243 511 5 879989217 +243 514 4 879989006 +243 531 4 879988157 +243 582 5 879989217 +243 631 4 879988298 +243 632 5 879988487 +243 655 4 879988104 +243 660 4 879988422 +243 694 4 879988262 +243 699 4 879988397 +243 708 3 879988520 +243 713 3 879987495 +243 724 3 879988459 +243 732 4 879988557 +243 736 4 879988520 +243 737 3 879988557 +243 778 4 879988663 +243 813 4 879987239 +243 1039 4 879988184 +243 1115 3 879987465 +243 1148 3 879988723 +243 1197 4 879988337 +243 1281 5 879989217 +243 1368 2 879987909 +243 1465 3 879988215 +243 1466 3 879988104 +244 1 4 880604405 +244 3 5 880602451 +244 7 4 880602558 +244 9 5 880604179 +244 13 4 880604379 +244 17 2 880607205 +244 20 4 880604758 +244 22 4 880605665 +244 26 5 880606274 +244 31 4 880603484 +244 32 2 880605514 +244 40 2 880608016 +244 42 5 880602058 +244 50 5 880604379 +244 51 2 880606923 +244 52 4 880606476 +244 53 3 880607489 +244 54 2 880607335 +244 58 3 880605438 +244 62 2 880607269 +244 64 5 880605638 +244 66 4 880607683 +244 68 5 880602170 +244 69 4 880603645 +244 70 4 880604077 +244 71 4 880606874 +244 72 4 880607365 +244 77 4 880603512 +244 80 3 880607489 +244 82 3 880606667 +244 86 4 880605896 +244 89 5 880602210 +244 90 4 880607684 +244 92 4 880602478 +244 95 4 880606418 +244 97 2 880605514 +244 100 4 880604252 +244 101 5 880603288 +244 105 2 880605333 +244 109 4 880604798 +244 111 4 880604550 +244 114 4 880603219 +244 117 2 880604698 +244 118 2 880604981 +244 122 4 880602804 +244 126 4 880604302 +244 135 4 880606442 +244 144 1 880602264 +244 145 3 880608842 +244 148 2 880605071 +244 151 5 880604326 +244 153 4 880606069 +244 154 5 880606385 +244 155 3 880608599 +244 156 4 880602517 +244 157 4 880604119 +244 158 3 880608904 +244 161 4 880607990 +244 162 4 880606993 +244 164 3 880607154 +244 167 3 880607853 +244 168 5 880606118 +244 169 5 880606274 +244 171 5 880606385 +244 172 4 880605665 +244 173 4 880605458 +244 174 3 880605896 +244 179 5 880603833 +244 180 4 880605920 +244 181 4 880604302 +244 183 4 880606043 +244 186 3 880605697 +244 191 5 880605766 +244 196 5 880605416 +244 197 4 880605838 +244 200 5 880606698 +244 204 4 880605812 +244 208 5 880606300 +244 209 4 880605485 +244 214 5 880603219 +244 215 4 880603242 +244 216 4 880605869 +244 217 5 880606698 +244 220 2 880605264 +244 222 2 880604379 +244 226 1 880602264 +244 232 4 880608670 +244 234 3 880606593 +244 235 1 880604910 +244 237 5 880602334 +244 238 5 880606118 +244 240 3 880604858 +244 241 4 880602893 +244 246 5 880604302 +244 249 4 880604930 +244 255 2 880604077 +244 258 5 880601905 +244 265 4 880606634 +244 268 5 880601904 +244 276 5 880604234 +244 278 3 880605294 +244 281 3 880605010 +244 287 3 880604326 +244 290 3 880604616 +244 294 4 880601905 +244 301 2 880601905 +244 310 3 880601905 +244 317 5 880602083 +244 318 5 880603082 +244 324 4 880601905 +244 357 5 880605553 +244 365 2 880608599 +244 367 1 880603442 +244 369 4 880605294 +244 380 4 880608133 +244 381 4 880604077 +244 393 3 880607365 +244 401 3 880607424 +244 409 4 880605294 +244 410 4 880606593 +244 411 4 880604798 +244 428 4 880606155 +244 433 5 880603683 +244 451 4 880608112 +244 456 3 880605333 +244 458 3 880604405 +244 468 1 880606947 +244 471 1 880606874 +244 475 4 880603582 +244 508 4 880604276 +244 509 5 880606017 +244 521 4 880606385 +244 527 5 880606155 +244 528 3 880606533 +244 537 5 880602593 +244 550 1 880602264 +244 553 5 880606215 +244 554 3 880608733 +244 559 4 880607154 +244 566 4 880607489 +244 581 4 880607903 +244 584 5 880606634 +244 596 4 880604735 +244 609 3 880607154 +244 628 4 880604346 +244 629 4 880606442 +244 631 4 880606760 +244 651 4 880606069 +244 652 5 880606533 +244 655 5 880605766 +244 660 4 880603881 +244 662 3 880606533 +244 673 3 880606667 +244 676 4 880604858 +244 685 2 880604642 +244 697 4 880607335 +244 707 4 880606243 +244 708 4 880607231 +244 710 3 880607034 +244 712 3 880607925 +244 716 3 880607641 +244 721 5 880602031 +244 723 3 880607154 +244 724 4 880605638 +244 732 1 880604148 +244 738 4 880607489 +244 739 3 880604004 +244 743 5 880602170 +244 746 3 880606180 +244 747 4 880606760 +244 754 4 880603960 +244 756 2 880605157 +244 762 3 880604616 +244 763 4 880604830 +244 764 5 880605158 +244 772 4 880601937 +244 780 4 880602843 +244 790 4 880608037 +244 815 4 880605185 +244 818 2 880605010 +244 833 3 880607878 +244 845 3 880606634 +244 856 5 880602002 +244 866 5 880605131 +244 871 3 880605010 +244 886 5 880601905 +244 926 2 880609193 +244 941 4 880603618 +244 946 4 880607545 +244 949 4 880606874 +244 950 1 880606274 +244 953 4 880607335 +244 955 4 880606593 +244 959 4 880607684 +244 1017 4 880604583 +244 1028 3 880604830 +244 1039 4 880607570 +244 1041 4 880608788 +244 1045 5 880602132 +244 1047 2 880605264 +244 1048 4 880606567 +244 1053 2 880606993 +244 1054 3 880609089 +244 1057 4 880608992 +244 1074 4 880607904 +244 1079 2 880605333 +244 1095 2 880605333 +244 1098 5 880605578 +244 1107 2 880608699 +244 1109 4 880607116 +244 1118 4 880608087 +244 1119 5 880606993 +244 1132 4 880605132 +244 1136 3 880608162 +244 1150 4 880604195 +244 1168 4 880608788 +244 1178 3 880608134 +244 1188 4 880608864 +244 1209 3 880608315 +244 1225 2 880606818 +244 1467 5 880605553 +245 21 3 888513502 +245 50 4 888513664 +245 94 2 888513081 +245 112 4 888513575 +245 133 2 888513058 +245 151 3 888513279 +245 181 4 888513664 +245 210 3 888513026 +245 222 4 888513212 +245 240 1 888513860 +245 258 4 888513691 +245 300 4 888513026 +245 411 3 888513425 +245 473 2 888513344 +245 596 4 888513361 +245 597 4 888513326 +245 756 3 888513425 +245 894 1 888513860 +245 1028 5 888513447 +245 1033 5 888513522 +245 1047 3 888513393 +246 1 4 884920918 +246 3 2 884923390 +246 8 3 884921245 +246 11 4 884922512 +246 12 5 884921948 +246 17 2 884922658 +246 24 4 884921345 +246 25 3 884922383 +246 29 1 884922740 +246 38 2 884923175 +246 41 2 884923811 +246 50 5 884920788 +246 55 4 884921948 +246 67 2 884923893 +246 68 5 884922341 +246 69 3 884921202 +246 77 2 884921839 +246 80 2 884923329 +246 81 5 884921638 +246 82 2 884921986 +246 83 4 884921086 +246 92 1 884921661 +246 94 2 884923505 +246 95 3 884920949 +246 96 3 884920900 +246 97 3 884922272 +246 98 4 884921428 +246 99 3 884922657 +246 100 4 884921033 +246 101 2 884922740 +246 109 5 884921794 +246 117 3 884921767 +246 118 1 884923175 +246 121 4 884922627 +246 132 4 884921319 +246 133 3 884921705 +246 138 1 884923715 +246 145 1 884923922 +246 151 5 884921727 +246 155 1 884923687 +246 161 3 884921679 +246 172 5 884922042 +246 173 5 884921227 +246 174 3 884921086 +246 176 4 884921613 +246 178 5 884920918 +246 181 5 884920978 +246 184 4 884921948 +246 185 5 884921428 +246 195 3 884921138 +246 196 3 884921861 +246 198 4 884922196 +246 201 5 884921594 +246 202 3 884922272 +246 204 3 884921638 +246 208 4 884921394 +246 210 3 884921319 +246 211 4 884922605 +246 215 2 884921058 +246 216 3 884920949 +246 219 5 884922801 +246 223 5 884921033 +246 227 4 884922475 +246 228 3 884921558 +246 230 3 884922070 +246 231 1 884922898 +246 232 3 884923073 +246 235 3 884921965 +246 236 4 884921986 +246 238 5 884921429 +246 239 3 884921380 +246 250 4 884924327 +246 252 1 884924473 +246 254 1 884924710 +246 257 4 884924327 +246 260 5 884924991 +246 265 4 884921411 +246 284 1 884922475 +246 288 5 884922235 +246 289 2 884922658 +246 294 2 884924460 +246 356 2 884923047 +246 368 1 884924813 +246 369 3 884924710 +246 385 1 884922272 +246 393 3 884922627 +246 401 1 884923750 +246 402 3 884922917 +246 403 4 884922697 +246 404 3 884922434 +246 406 3 884924749 +246 409 2 884923372 +246 410 1 884923175 +246 411 3 884923715 +246 412 1 884923305 +246 413 4 884923922 +246 416 3 884923047 +246 418 3 884921453 +246 420 3 884922272 +246 423 3 884920900 +246 425 5 884921918 +246 426 3 884923471 +246 431 3 884921661 +246 432 3 884921511 +246 441 3 884922538 +246 444 4 884923715 +246 447 3 884922714 +246 451 2 884923003 +246 469 3 884922475 +246 470 4 884922964 +246 475 4 884921637 +246 541 3 884923487 +246 547 4 884922512 +246 550 3 884922740 +246 559 3 884922898 +246 561 1 884923445 +246 567 5 884923348 +246 568 4 884922451 +246 570 1 884923592 +246 572 3 884923127 +246 576 1 884923864 +246 578 2 884923306 +246 585 1 884923811 +246 588 4 884920998 +246 596 3 884921511 +246 616 5 884922475 +246 628 1 884922554 +246 633 3 884920997 +246 651 4 884921638 +246 652 5 884921033 +246 665 4 884922831 +246 672 4 884923047 +246 675 4 884920978 +246 679 2 884922917 +246 719 4 884924026 +246 720 1 884923592 +246 721 4 884921794 +246 724 4 884922383 +246 728 1 884923829 +246 741 5 884921533 +246 743 1 884924780 +246 746 4 884922070 +246 748 1 884924441 +246 758 1 884924813 +246 790 3 884923405 +246 798 2 884924001 +246 802 1 884923471 +246 809 2 884923767 +246 816 4 884925218 +246 827 1 884923829 +246 831 1 884924025 +246 840 4 884924045 +246 841 1 884923829 +246 849 1 884923687 +246 853 5 884922383 +246 895 5 884924976 +246 919 4 884920949 +246 930 2 884924764 +246 932 1 884923864 +246 941 1 884923547 +246 981 1 884924765 +246 993 3 884920770 +246 1028 3 884923653 +246 1039 4 884921227 +246 1044 1 884922869 +246 1052 1 884924710 +246 1073 4 884921380 +246 1089 1 884924710 +246 1101 5 884921380 +246 1135 1 884922605 +246 1139 2 884923811 +246 1188 3 884924001 +246 1218 3 884922801 +246 1220 3 884921794 +246 1222 3 884923372 +246 1228 1 884923971 +246 1232 1 884923425 +246 1411 2 884924026 +247 1 4 893097024 +247 7 4 893081395 +247 28 5 893097024 +247 50 5 893097024 +247 58 4 893081396 +247 64 5 893097024 +247 70 5 893097024 +247 111 5 893097024 +247 121 4 893081396 +247 151 4 893081396 +247 222 3 893081411 +247 251 4 893081395 +247 257 4 893081396 +247 259 3 893081411 +247 269 4 893097024 +247 271 2 893081411 +247 272 4 893081381 +247 300 2 893081411 +247 340 3 893081396 +247 736 5 893097024 +247 750 4 893081381 +247 751 3 893081411 +247 1022 4 893097024 +248 1 3 884535744 +248 7 2 884534968 +248 11 5 884534992 +248 22 2 884534752 +248 50 5 884535013 +248 55 4 884534793 +248 64 5 884534735 +248 69 1 884534695 +248 79 3 884534992 +248 89 5 884535046 +248 96 4 884534968 +248 98 5 884534673 +248 100 4 884534716 +248 114 5 884534901 +248 117 5 884535433 +248 121 2 884536206 +248 127 5 884535084 +248 153 3 884534716 +248 156 5 884534945 +248 168 4 884534945 +248 172 4 884534992 +248 174 3 884534992 +248 176 5 884534808 +248 179 3 884534649 +248 180 3 884534735 +248 181 4 884535374 +248 183 5 884534772 +248 185 3 884534772 +248 186 5 884534695 +248 194 4 884534672 +248 196 2 884535013 +248 198 5 884534695 +248 210 3 884534946 +248 234 4 884534968 +248 235 3 884536150 +248 249 4 884536117 +248 250 3 884535532 +248 257 3 884535840 +248 282 2 884535582 +248 283 1 884535157 +248 290 3 884535582 +248 294 3 884534379 +248 324 4 884534506 +248 405 4 884536165 +248 474 2 884534672 +248 475 5 884535446 +248 484 2 884535013 +248 515 5 884535085 +248 589 4 884534968 +248 678 3 884534419 +248 806 3 884534772 +248 854 5 884534735 +248 928 3 884536117 +249 1 4 879572210 +249 2 3 879641284 +249 4 4 879572142 +249 7 5 879572760 +249 9 5 879572402 +249 11 5 879640868 +249 12 5 879572472 +249 13 4 879640396 +249 22 5 879572926 +249 23 4 879572432 +249 24 4 879640306 +249 28 4 879572106 +249 31 4 879572688 +249 39 4 879572284 +249 42 5 879572630 +249 50 4 879571695 +249 53 4 879572760 +249 55 5 879572331 +249 56 5 879572189 +249 58 5 879572516 +249 64 5 879572210 +249 68 5 879641156 +249 69 5 879572600 +249 79 5 879572777 +249 83 5 879640977 +249 86 4 879572124 +249 88 4 879572668 +249 89 5 879572229 +249 92 5 879572567 +249 96 4 879572600 +249 98 5 879572256 +249 100 5 879572370 +249 108 3 879640452 +249 114 5 879572314 +249 117 4 879640414 +249 121 3 879572705 +249 124 5 879572646 +249 125 3 879640210 +249 135 5 879572668 +249 137 4 879572725 +249 144 4 879572567 +249 148 3 879640361 +249 156 5 879572402 +249 161 3 879572760 +249 168 4 879572370 +249 169 5 879572106 +249 172 3 879572106 +249 173 5 879572229 +249 174 4 879572314 +249 175 4 879572106 +249 176 4 879641109 +249 179 5 879641140 +249 181 3 879571998 +249 182 5 879640949 +249 183 4 879572540 +249 186 4 879572516 +249 188 4 879641067 +249 191 4 879572167 +249 195 4 879572911 +249 198 5 879572349 +249 202 4 879572167 +249 203 5 879572167 +249 209 5 879572582 +249 210 3 879641305 +249 212 4 879572890 +249 216 4 879641305 +249 218 3 879641322 +249 222 4 879640306 +249 223 4 879572370 +249 228 4 879572496 +249 235 4 879640261 +249 237 5 879640361 +249 238 5 879572451 +249 239 3 879572284 +249 240 4 879640343 +249 241 5 879641194 +249 242 5 879571438 +249 245 2 879571999 +249 248 5 879571695 +249 249 4 879571752 +249 250 4 879571678 +249 252 2 879571998 +249 255 3 879571752 +249 257 3 879571715 +249 258 5 879571438 +249 271 4 879571521 +249 273 4 879640284 +249 275 4 879572451 +249 283 5 879572600 +249 290 2 879640521 +249 294 3 879571557 +249 298 4 879571715 +249 300 4 879571489 +249 302 4 879571438 +249 309 3 879571456 +249 317 5 879572106 +249 318 5 879572256 +249 327 4 879571489 +249 333 4 879571521 +249 357 4 879572142 +249 403 4 879640998 +249 405 3 879640284 +249 407 3 879640618 +249 408 5 879572540 +249 409 4 879640452 +249 411 3 879640436 +249 421 5 879572516 +249 423 4 879572167 +249 431 5 879641194 +249 455 4 879640326 +249 456 3 879640549 +249 462 5 879572725 +249 467 4 879572795 +249 469 4 879641285 +249 471 4 879640241 +249 472 3 879640502 +249 476 3 879640481 +249 478 4 879572911 +249 479 5 879641035 +249 480 5 879572210 +249 483 5 879572314 +249 546 3 879640436 +249 568 4 879572256 +249 583 4 879640918 +249 588 3 879572256 +249 591 5 879572890 +249 597 2 879640436 +249 603 5 879640935 +249 628 3 879640306 +249 634 5 879572314 +249 684 4 879641285 +249 686 5 879641251 +249 708 4 879572403 +249 723 4 879641093 +249 741 4 879572402 +249 742 3 879640241 +249 746 5 879641209 +249 748 3 879571586 +249 789 5 879572911 +249 806 5 879572167 +249 826 1 879640481 +249 853 4 879572256 +249 919 5 879572668 +249 930 2 879640585 +249 993 3 879571779 +249 1011 5 879640284 +249 1012 3 879571998 +249 1016 3 879571752 +249 1039 5 879572725 +249 1047 3 879640603 +249 1069 5 879572890 +249 1073 4 879640918 +249 1103 5 879572256 +250 1 4 883263374 +250 2 4 878090414 +250 7 4 878089716 +250 9 2 878089547 +250 12 5 878090499 +250 23 4 878090499 +250 28 4 878090153 +250 44 4 878090199 +250 50 5 878089393 +250 55 5 878091915 +250 56 4 878090004 +250 64 5 878090153 +250 69 5 878092059 +250 71 5 878090294 +250 89 4 878092144 +250 91 5 878091965 +250 92 5 878091818 +250 95 5 878090499 +250 96 2 878090254 +250 98 5 878090365 +250 100 5 878089786 +250 111 4 878091915 +250 116 4 878089921 +250 117 3 878089628 +250 123 3 878089837 +250 127 4 878089881 +250 129 4 878089677 +250 135 5 878091915 +250 140 3 878092059 +250 151 4 878089677 +250 153 2 878090066 +250 154 4 878090114 +250 174 3 878092104 +250 175 5 878090004 +250 179 4 883263374 +250 181 4 878089393 +250 183 4 878091870 +250 184 1 878091683 +250 191 5 878091869 +250 195 2 878091736 +250 196 4 878091818 +250 200 5 883263374 +250 204 2 878091682 +250 222 4 878089547 +250 223 4 878090294 +250 234 3 878091736 +250 235 2 878089786 +250 237 2 878089753 +250 238 4 878089963 +250 240 4 878092171 +250 244 4 878089786 +250 248 2 883263390 +250 258 4 878088969 +250 260 4 878089144 +250 264 3 878089182 +250 270 4 883263374 +250 271 4 883263374 +250 288 4 878088970 +250 293 4 878089921 +250 294 1 878089033 +250 313 5 883262672 +250 321 5 878089099 +250 322 3 878089182 +250 324 2 878089033 +250 325 4 883262927 +250 328 3 883262792 +250 331 3 878089033 +250 333 4 883263374 +250 338 4 883263374 +250 340 4 883263374 +250 357 4 878091915 +250 367 4 878090330 +250 378 4 878092059 +250 404 4 878092144 +250 418 5 878090199 +250 458 5 878092104 +250 474 5 878089964 +250 475 4 878089436 +250 477 3 878089716 +250 480 5 878090414 +250 485 4 878092104 +250 496 4 878090499 +250 501 5 878090199 +250 527 4 878091735 +250 558 4 878091965 +250 582 4 878090114 +250 596 5 878089921 +250 628 4 878090114 +250 676 5 878089547 +250 678 2 878089182 +250 687 1 883263007 +250 688 2 878089182 +250 742 3 878089786 +250 748 2 878089033 +250 751 2 883262694 +250 754 4 883263374 +250 813 5 878089581 +250 844 4 878090414 +250 933 3 878089467 +250 943 4 878091870 +250 948 3 878089182 +250 969 5 878092002 +250 988 4 878089182 +250 993 5 878089881 +250 1014 4 883263439 +250 1073 5 878090114 +250 1137 5 878090066 +250 1161 4 883263375 +250 1199 3 878089467 +250 1426 5 878091771 +251 1 4 886272009 +251 7 3 886272146 +251 12 4 886271700 +251 15 4 886272086 +251 22 5 886271955 +251 24 3 886272283 +251 33 3 886271675 +251 45 5 886271855 +251 50 5 886272086 +251 55 3 886271856 +251 60 4 886271641 +251 64 5 886271640 +251 79 5 886271733 +251 100 4 886271884 +251 109 4 886272547 +251 111 3 886272319 +251 117 4 886272009 +251 118 3 886272514 +251 121 4 886272118 +251 125 4 886272346 +251 132 5 886271641 +251 144 5 886271920 +251 147 3 886272319 +251 148 2 886272547 +251 151 5 886272118 +251 172 5 886271641 +251 181 4 886271733 +251 183 5 886271733 +251 210 4 886271675 +251 222 4 886272547 +251 237 5 886272346 +251 248 4 886272223 +251 249 5 886272118 +251 250 3 886272378 +251 252 3 886272456 +251 257 3 886272378 +251 258 3 886271496 +251 265 3 886271641 +251 275 4 886271675 +251 281 4 886272456 +251 282 4 886272223 +251 288 4 886271541 +251 295 4 886272249 +251 298 5 886272146 +251 300 4 886271472 +251 313 5 886271472 +251 405 3 886272547 +251 418 4 886271856 +251 427 4 886271675 +251 429 4 886271955 +251 468 2 886271641 +251 471 3 886272319 +251 472 3 886272585 +251 476 2 886272407 +251 520 5 886271955 +251 535 3 886272283 +251 595 3 886272486 +251 596 3 886272118 +251 612 5 886271855 +251 685 4 886272585 +251 742 5 886272486 +251 748 2 886272175 +251 813 3 886272086 +251 845 4 886272378 +251 866 2 886272514 +251 978 2 886272585 +251 1012 4 886272175 +251 1014 5 886272486 +251 1016 3 886272197 +251 1028 3 886272585 +251 1098 3 886271920 +252 1 5 891456989 +252 7 4 891455743 +252 9 5 891456797 +252 14 4 891456876 +252 100 5 891456797 +252 129 4 891456876 +252 149 5 891456876 +252 224 4 891456738 +252 268 5 891455329 +252 275 5 891456464 +252 276 5 891456877 +252 277 4 891456797 +252 286 5 891455263 +252 290 3 891456877 +252 300 4 891448664 +252 410 5 891456989 +252 475 5 891456876 +252 740 3 891456738 +252 742 4 891455743 +252 847 4 891456738 +253 1 5 891628467 +253 8 4 891628323 +253 12 5 891628159 +253 15 4 891628019 +253 22 5 891628435 +253 50 4 891628518 +253 56 3 891628229 +253 64 5 891628252 +253 79 5 891628518 +253 81 4 891628614 +253 82 3 891628295 +253 83 4 891628159 +253 87 5 891628278 +253 89 4 891628451 +253 95 4 891628416 +253 96 5 891628651 +253 97 4 891628501 +253 98 5 891628295 +253 100 4 891628122 +253 117 5 891628535 +253 121 5 891628142 +253 125 3 891628033 +253 127 5 891628060 +253 132 5 891628416 +253 153 3 891628278 +253 156 3 891628614 +253 168 3 891628278 +253 173 5 891628483 +253 175 2 891628884 +253 182 3 891628374 +253 183 5 891628341 +253 188 4 891628416 +253 190 5 891628278 +253 192 1 891628884 +253 198 5 891628392 +253 202 5 891628392 +253 203 4 891628651 +253 210 4 891628598 +253 216 4 891628252 +253 220 4 891628060 +253 222 4 891628548 +253 234 4 891628252 +253 237 4 891628002 +253 243 2 891628883 +253 259 2 891628883 +253 273 3 891628060 +253 282 4 891628094 +253 294 4 891627829 +253 298 3 891628074 +253 300 4 891627724 +253 328 4 891627790 +253 331 3 891627664 +253 333 2 891628883 +253 343 4 891627815 +253 427 5 891628229 +253 433 3 891628670 +253 448 2 891628883 +253 465 5 891628467 +253 482 5 891628451 +253 483 5 891628122 +253 485 5 891628435 +253 487 4 891628323 +253 490 5 891628374 +253 494 5 891628341 +253 496 5 891628278 +253 510 5 891628416 +253 523 4 891628501 +253 527 5 891628518 +253 566 4 891628578 +253 568 4 891628295 +253 588 5 891628416 +253 591 3 891628358 +253 647 3 891628229 +253 655 4 891628142 +253 659 5 891628358 +253 679 3 891628578 +253 685 2 891628884 +253 689 5 891627775 +253 699 4 891628630 +253 705 5 891628598 +253 732 4 891628651 +253 742 4 891628535 +253 746 3 891628630 +253 747 3 891628501 +253 806 4 891628181 +253 895 4 891627893 +253 1016 3 891628094 +253 1025 3 891627878 +253 1039 4 891628199 +253 1404 3 891628651 +253 1468 3 891628142 +254 1 3 887347350 +254 8 5 887347000 +254 15 3 886471307 +254 21 3 886474518 +254 22 4 887347350 +254 28 4 886472369 +254 29 2 886474847 +254 35 2 886475755 +254 50 5 886471151 +254 62 3 886474009 +254 64 4 886472051 +254 69 5 886471959 +254 71 3 886472737 +254 75 1 886475004 +254 78 3 886475476 +254 82 4 886472767 +254 90 1 886475406 +254 94 3 887347350 +254 97 5 887346963 +254 98 4 886472201 +254 99 3 886473254 +254 102 3 886473929 +254 103 2 886476123 +254 118 4 886475406 +254 121 3 886472369 +254 125 3 886473158 +254 126 3 887347350 +254 132 4 886472022 +254 133 5 886473158 +254 136 4 886471695 +254 138 1 886474122 +254 140 4 887347350 +254 141 3 886472836 +254 142 3 886474489 +254 151 2 886474396 +254 162 3 886472643 +254 164 4 886472768 +254 167 3 886474712 +254 168 1 886472400 +254 172 5 886472051 +254 174 5 886471720 +254 176 3 886472768 +254 181 5 886471151 +254 183 4 886472713 +254 186 3 886472023 +254 188 3 886473672 +254 196 4 886472400 +254 199 4 886472089 +254 204 4 886472434 +254 210 5 886472172 +254 211 3 886472089 +254 214 1 886472608 +254 219 1 886475980 +254 222 4 886471346 +254 225 3 886475952 +254 227 4 886474806 +254 229 4 886474580 +254 230 4 886472400 +254 231 3 886474712 +254 234 4 886472713 +254 238 3 886473120 +254 240 1 886476165 +254 243 2 887347834 +254 257 3 886471389 +254 258 4 887347560 +254 259 2 886470859 +254 265 3 886471695 +254 269 2 887346935 +254 286 1 887346861 +254 313 5 886470465 +254 323 3 886470765 +254 343 2 886470904 +254 357 3 886472466 +254 378 3 886474396 +254 379 1 886474650 +254 380 4 886474456 +254 384 1 886475790 +254 386 2 886475616 +254 389 3 886473852 +254 393 3 886473489 +254 400 3 886475790 +254 403 3 887347350 +254 415 3 886475523 +254 416 4 886472713 +254 417 3 886473408 +254 418 3 886473078 +254 419 4 886472231 +254 423 5 886472799 +254 429 4 887347350 +254 432 2 886473158 +254 435 3 886472089 +254 436 2 886474216 +254 441 3 886475831 +254 443 3 886473547 +254 448 3 886473775 +254 449 5 886475446 +254 451 2 886474426 +254 457 2 886470931 +254 465 3 886473078 +254 472 3 886474456 +254 496 4 886471982 +254 498 4 886472115 +254 501 3 886476281 +254 504 3 886472115 +254 542 3 886475034 +254 548 2 886475319 +254 554 3 886475952 +254 561 3 886475446 +254 573 2 886475476 +254 575 3 886476165 +254 577 1 886476092 +254 584 3 886473283 +254 588 3 886473701 +254 596 4 886473852 +254 610 2 886472291 +254 612 3 886471959 +254 616 1 886473736 +254 621 3 886474807 +254 622 4 887347350 +254 624 2 886473254 +254 625 3 886473808 +254 629 2 886472337 +254 649 1 886474619 +254 655 4 886472313 +254 662 4 887347350 +254 665 2 886475234 +254 678 3 886470859 +254 679 2 886472434 +254 699 3 886473120 +254 755 3 886473489 +254 768 3 886475004 +254 843 2 886474807 +254 871 2 886475682 +254 892 3 886470904 +254 951 4 886474619 +254 967 3 886472139 +254 1028 2 886474619 +254 1033 3 886475034 +254 1050 3 886472609 +254 1060 3 886472466 +254 1091 3 886475586 +254 1116 3 886473448 +254 1133 3 886475682 +254 1183 4 887347350 +254 1263 1 886474426 +254 1443 4 887347382 +254 1444 3 886475558 +254 1469 3 886473929 +254 1470 2 886474650 +255 5 2 883216599 +255 7 2 883216358 +255 53 3 883216672 +255 56 5 883216448 +255 98 5 883216449 +255 100 3 883216358 +255 117 2 883216845 +255 118 1 883216958 +255 121 2 883216902 +255 147 4 883216845 +255 185 4 883216449 +255 200 3 883216544 +255 217 2 883216600 +255 218 3 883216544 +255 222 3 883216845 +255 234 5 883216448 +255 245 1 883215723 +255 249 5 883216245 +255 258 4 883215406 +255 259 3 883215759 +255 264 2 883215829 +255 271 4 883215525 +255 273 2 883216845 +255 281 1 883216902 +255 288 4 883216185 +255 294 2 883215406 +255 300 3 883215358 +255 322 2 883215723 +255 323 2 883215723 +255 324 5 883215586 +255 325 1 883215723 +255 328 2 883215630 +255 332 2 883215586 +255 335 4 883215630 +255 343 2 883215867 +255 405 4 883216902 +255 406 1 883216358 +255 413 2 883216358 +255 436 4 883216544 +255 441 2 883216544 +255 443 1 883216544 +255 444 3 883216599 +255 447 3 883216599 +255 448 3 883216544 +255 452 3 883216672 +255 455 2 883216845 +255 472 1 883216958 +255 546 3 883216902 +255 551 1 883216672 +255 559 4 883216748 +255 564 1 883216600 +255 565 1 883216748 +255 569 1 883216672 +255 597 4 883216958 +255 665 3 883216748 +255 672 2 883216544 +255 678 2 883215795 +255 682 5 883215759 +255 685 3 883216845 +255 743 1 883217030 +255 748 1 883215630 +255 760 1 883216185 +255 763 5 883217072 +255 825 1 883216958 +255 827 2 883216958 +255 829 1 883216903 +255 831 4 883216902 +255 833 4 883216902 +255 834 4 883216358 +255 840 1 883216958 +255 841 1 883216902 +255 859 3 883216748 +255 860 2 883216748 +255 872 4 883215723 +255 879 3 883215660 +255 895 2 883216185 +255 930 1 883216958 +255 976 1 883217030 +255 982 2 883217030 +255 984 1 883215902 +255 1034 1 883217030 +256 1 5 882150980 +256 2 5 882164480 +256 4 5 882164525 +256 5 5 882164727 +256 7 4 882151017 +256 9 4 882150644 +256 11 5 882164406 +256 12 5 882164696 +256 15 5 882150644 +256 22 5 882164259 +256 25 5 882150552 +256 29 4 882164644 +256 31 5 882164867 +256 36 3 882165269 +256 38 4 882164927 +256 44 4 882164893 +256 49 4 882165238 +256 50 4 882164443 +256 51 4 882165135 +256 54 5 882164955 +256 56 3 882164406 +256 64 5 882164231 +256 66 4 882165103 +256 77 3 882164955 +256 79 5 882164406 +256 82 5 882164559 +256 86 5 882165103 +256 88 5 882165296 +256 89 5 882164525 +256 92 1 882164603 +256 96 5 882164444 +256 97 4 882165103 +256 98 5 882164696 +256 106 4 882153724 +256 117 5 882150313 +256 118 5 882151123 +256 120 1 882163754 +256 121 5 882151123 +256 123 2 882150508 +256 125 5 882150552 +256 127 4 882164406 +256 147 4 882152540 +256 151 5 882151623 +256 161 5 882164559 +256 172 3 882164443 +256 174 4 882164406 +256 181 4 882164444 +256 182 4 882164479 +256 185 5 882164696 +256 188 5 882164559 +256 195 5 882164406 +256 202 3 882165032 +256 203 4 882164867 +256 210 4 882164443 +256 216 5 882165032 +256 218 3 882164727 +256 220 3 882151690 +256 222 4 882150313 +256 225 4 882152605 +256 226 5 882164644 +256 227 4 882164603 +256 228 3 882164559 +256 229 3 882164644 +256 232 3 882164525 +256 233 4 882164479 +256 234 5 882164696 +256 235 3 882153668 +256 237 4 882150644 +256 243 4 882150193 +256 245 4 882150152 +256 265 4 882164479 +256 276 3 882151198 +256 278 5 882151517 +256 280 5 882151167 +256 282 3 882151017 +256 283 3 882150313 +256 284 4 882151576 +256 288 5 882150122 +256 291 5 882152630 +256 294 3 882150053 +256 319 2 882150053 +256 322 4 882150152 +256 323 5 882150193 +256 356 3 882164927 +256 363 3 882163834 +256 368 1 882163778 +256 370 3 882153321 +256 381 5 882165135 +256 385 5 882164603 +256 387 4 882165328 +256 402 4 882165269 +256 403 4 882164603 +256 405 4 882151088 +256 406 3 882152605 +256 409 4 882163654 +256 413 4 882163956 +256 443 3 882164727 +256 451 4 882165135 +256 452 4 882164999 +256 460 4 882153987 +256 471 5 882150644 +256 472 4 882152471 +256 473 5 882151088 +256 476 4 882152914 +256 487 5 882164231 +256 526 3 882164443 +256 538 5 882150122 +256 546 4 882151088 +256 550 5 882164525 +256 552 3 882164927 +256 554 4 882164644 +256 566 5 882164559 +256 568 5 882164603 +256 576 3 882164603 +256 583 5 882164603 +256 591 5 882151017 +256 595 4 882164037 +256 620 3 882151743 +256 628 5 882150848 +256 642 4 882164893 +256 657 5 882164727 +256 662 2 882165032 +256 665 4 882164644 +256 678 5 882150192 +256 679 3 882164525 +256 684 5 882164480 +256 685 5 882151576 +256 692 5 882165066 +256 716 5 882165135 +256 722 3 882165269 +256 724 4 882165103 +256 728 4 882165296 +256 732 5 882165067 +256 739 5 882165135 +256 741 4 882151517 +256 742 5 882150552 +256 748 4 882150192 +256 756 4 882151167 +256 761 4 882164644 +256 765 4 882165328 +256 769 5 882164955 +256 771 2 882164999 +256 775 5 882165269 +256 778 4 882165103 +256 779 4 882164644 +256 781 5 882165296 +256 783 4 882165328 +256 785 4 882165296 +256 794 4 882165135 +256 796 5 882165328 +256 802 3 882164955 +256 808 4 882164559 +256 815 5 882151743 +256 819 4 882151052 +256 827 3 882163857 +256 831 4 882152943 +256 834 3 882163956 +256 841 2 882163857 +256 846 4 882151167 +256 849 2 882164603 +256 864 4 882151623 +256 866 4 882151198 +256 925 5 882151017 +256 932 3 882150508 +256 939 5 882164893 +256 974 3 882164059 +256 975 3 882151017 +256 977 4 882154058 +256 982 3 882152630 +256 986 5 882164059 +256 988 4 882150193 +256 1028 4 882151690 +256 1033 4 882152838 +256 1040 3 882152604 +256 1041 4 882165328 +256 1042 5 882164927 +256 1046 4 882164927 +256 1047 4 882151743 +256 1051 4 882150552 +256 1057 2 882163805 +256 1061 4 882153321 +256 1086 5 882150943 +256 1090 2 882164999 +256 1109 4 882164867 +256 1114 4 882153699 +256 1119 3 882165032 +256 1150 5 882152570 +256 1207 3 882164999 +256 1208 3 882164927 +256 1210 5 882164999 +256 1228 1 882164643 +256 1231 3 882164603 +256 1289 4 882150552 +256 1424 3 882165066 +256 1471 3 882164999 +257 14 5 879029742 +257 50 5 882049897 +257 57 5 879547717 +257 59 5 879547440 +257 60 5 879547440 +257 61 5 879547534 +257 70 4 880496892 +257 100 5 882049950 +257 113 4 879547534 +257 116 3 879029742 +257 121 3 882050360 +257 129 4 880008245 +257 130 2 882050236 +257 137 4 882049932 +257 151 4 882050266 +257 165 4 879547534 +257 166 4 880496522 +257 181 5 882050131 +257 198 3 880496822 +257 221 3 882050202 +257 224 4 879029717 +257 237 2 882050168 +257 245 4 884151807 +257 258 3 879029516 +257 269 3 879029516 +257 275 4 879029716 +257 276 5 882049973 +257 286 5 879029516 +257 288 3 879029516 +257 289 4 879029543 +257 301 3 879029620 +257 305 4 882049607 +257 307 4 879029581 +257 313 5 884151683 +257 324 5 879029543 +257 345 4 887066556 +257 381 5 880496690 +257 405 3 882050397 +257 462 4 879547695 +257 475 5 879029716 +257 531 5 879547608 +257 582 5 879547608 +257 676 4 882050006 +257 921 5 883982173 +257 949 3 880496958 +257 1008 5 882050187 +257 1022 2 879547764 +257 1129 5 879585415 +257 1160 4 882049973 +257 1260 2 880496892 +257 1462 5 879547695 +257 1472 2 880496943 +258 243 3 885701024 +258 258 2 885700811 +258 272 5 885700811 +258 286 5 885700778 +258 288 1 885700919 +258 289 2 885701004 +258 294 4 885700898 +258 310 5 885700778 +258 311 4 885700946 +258 313 5 885700778 +258 315 3 885701004 +258 323 4 885701062 +258 328 3 885700877 +258 332 5 885701024 +258 333 2 885700811 +258 690 4 885700811 +258 748 5 885701004 +258 751 5 885700946 +258 873 5 885701062 +258 877 3 885701044 +258 893 1 885701099 +259 12 5 874809192 +259 15 3 881378653 +259 39 4 888720644 +259 65 3 883371001 +259 97 4 874809292 +259 98 4 874809091 +259 108 4 874724882 +259 117 4 874724988 +259 121 3 881379128 +259 147 4 888630664 +259 154 5 876365003 +259 172 4 883371882 +259 176 4 874725386 +259 179 4 877924028 +259 180 5 877925033 +259 181 4 874809057 +259 185 4 874724781 +259 200 4 874725081 +259 210 4 874725485 +259 235 2 883372151 +259 255 4 874724710 +259 269 3 877923906 +259 271 3 888721050 +259 288 3 874724905 +259 293 4 883371861 +259 294 3 881641699 +259 298 4 874724754 +259 313 5 883370924 +259 317 5 874809057 +259 357 5 874725485 +259 405 3 874725120 +259 475 5 877925049 +259 484 4 888720541 +259 750 4 888630424 +259 762 2 883372151 +259 772 4 874724882 +259 781 3 888630664 +259 959 4 888720593 +259 1074 3 874725264 +259 1135 5 877926006 +260 258 3 890618198 +260 270 5 890618728 +260 272 3 890618349 +260 288 3 890618476 +260 300 3 890618198 +260 313 5 890618198 +260 319 2 890618198 +260 322 4 890618898 +260 326 5 890618349 +260 333 4 890618198 +260 334 5 890618729 +260 350 4 890618476 +260 362 5 890618729 +260 538 1 890618403 +260 682 4 890618537 +260 748 4 890618198 +260 881 4 890618537 +260 882 5 890618729 +260 891 5 890618729 +260 990 5 890618729 +260 1025 5 890618729 +260 1105 5 890618729 +260 1243 5 890618729 +261 117 4 890455974 +261 125 5 890456142 +261 243 5 890454351 +261 245 4 890454190 +261 259 4 890454843 +261 288 4 890454087 +261 294 4 890454217 +261 301 4 890454246 +261 304 3 890454941 +261 321 3 890455521 +261 322 4 890454974 +261 326 4 890454279 +261 339 5 890454351 +261 340 5 890454045 +261 342 3 890454974 +261 359 5 890454351 +261 410 5 890456142 +261 597 4 890456142 +261 687 5 890455020 +261 748 3 890454310 +261 875 5 890454351 +261 892 5 890455190 +261 988 3 890455190 +261 1025 5 890455190 +261 1237 3 890454045 +262 1 3 879962366 +262 7 4 879790603 +262 11 4 879793597 +262 15 3 879962366 +262 22 4 879792452 +262 28 3 879792220 +262 40 4 879795405 +262 44 2 879794446 +262 47 2 879794599 +262 50 2 879962366 +262 52 3 879792331 +262 55 3 879791790 +262 56 4 879792027 +262 58 3 879792452 +262 64 5 879793022 +262 65 4 879793897 +262 66 3 879794338 +262 68 2 879794887 +262 69 4 879793479 +262 71 4 879794951 +262 72 3 879962366 +262 77 2 879794829 +262 86 3 879791948 +262 90 4 879795270 +262 91 3 879792713 +262 92 3 879794205 +262 95 3 879793503 +262 96 4 879793022 +262 98 4 879792331 +262 99 3 879792262 +262 100 3 879962366 +262 111 4 879962292 +262 121 3 879790536 +262 122 2 879791537 +262 125 3 879961882 +262 131 5 879961282 +262 132 3 879792604 +262 140 2 879794635 +262 143 3 879793970 +262 145 1 879795155 +262 147 3 879790603 +262 153 3 879793346 +262 169 3 879791844 +262 172 2 879791875 +262 174 3 879791948 +262 179 4 879962570 +262 181 3 879961819 +262 185 3 879793164 +262 191 4 879793022 +262 195 2 879791755 +262 200 3 879794918 +262 210 3 879792962 +262 217 3 879792818 +262 223 3 879791816 +262 235 2 879790783 +262 237 3 879961980 +262 238 4 879792713 +262 252 3 879790603 +262 255 3 879790816 +262 258 4 879961282 +262 270 3 879961283 +262 275 4 879961980 +262 278 3 879790741 +262 283 3 879962366 +262 288 3 879961374 +262 292 4 879961282 +262 293 2 879790906 +262 294 2 879962366 +262 318 5 879793022 +262 332 3 879961438 +262 336 3 879961474 +262 338 4 879961532 +262 358 3 879961513 +262 365 4 879793939 +262 367 4 879792818 +262 369 2 879791160 +262 385 2 879795030 +262 386 3 879795512 +262 393 2 879794140 +262 402 4 879795059 +262 405 2 879962367 +262 406 3 879791537 +262 411 2 879791130 +262 417 2 879795319 +262 418 3 879794223 +262 419 3 879791710 +262 420 3 879793854 +262 421 4 879792331 +262 423 4 879793854 +262 427 4 879791999 +262 432 3 879794267 +262 433 4 879791790 +262 443 3 879792027 +262 447 3 879794206 +262 451 4 879794446 +262 473 2 879791216 +262 476 3 879962366 +262 485 4 879793363 +262 486 5 879794296 +262 491 3 879793188 +262 496 4 879792402 +262 509 3 879792818 +262 546 2 879791049 +262 553 4 879795122 +262 559 3 879792792 +262 567 1 879795430 +262 568 3 879794113 +262 581 3 879794667 +262 582 4 879962517 +262 588 4 879793075 +262 596 4 879961980 +262 609 3 879793736 +262 617 3 879793715 +262 625 3 879792751 +262 628 2 879962366 +262 631 4 879793536 +262 650 4 879792604 +262 660 4 879794419 +262 709 5 879795122 +262 727 3 879792897 +262 735 4 879793854 +262 736 3 879794829 +262 754 3 879961283 +262 755 3 879794446 +262 762 2 879790974 +262 778 4 879793536 +262 781 3 879793667 +262 785 3 879794359 +262 786 3 879795319 +262 790 3 879795379 +262 815 2 879791216 +262 821 3 879794887 +262 845 4 879962052 +262 923 4 879962542 +262 929 3 879791031 +262 931 2 879790874 +262 949 4 879792773 +262 955 2 879792604 +262 959 2 879794739 +262 974 3 879791447 +262 1013 2 879791471 +262 1014 5 879961954 +262 1035 3 879794530 +262 1048 2 879791335 +262 1054 2 879791536 +262 1095 2 879791537 +262 1135 3 879794599 +262 1147 4 879791710 +262 1220 4 879794296 +262 1278 4 879961819 +263 1 5 891299207 +263 22 5 891298107 +263 23 3 891298654 +263 28 3 891298219 +263 31 4 891299387 +263 50 5 891300029 +263 58 4 891299264 +263 64 5 891298453 +263 69 5 891298914 +263 79 4 891298047 +263 82 4 891299697 +263 86 4 891299574 +263 87 4 891298977 +263 95 5 891299324 +263 96 4 891298336 +263 97 4 891299387 +263 98 4 891297988 +263 99 3 891298977 +263 100 5 891298453 +263 117 3 891299387 +263 125 4 891299573 +263 127 4 891299514 +263 132 5 891298392 +263 133 5 891298977 +263 134 5 891299697 +263 135 5 891299877 +263 136 4 891298337 +263 143 5 891298592 +263 144 4 891298792 +263 153 3 891298727 +263 162 5 891299630 +263 163 5 891299697 +263 168 5 891299949 +263 174 5 891299697 +263 176 5 891299752 +263 177 4 891297988 +263 180 4 891297921 +263 183 4 891298655 +263 186 4 891299815 +263 188 5 891299031 +263 194 5 891298107 +263 195 5 891299949 +263 196 4 891298164 +263 197 4 891299752 +263 199 5 891298914 +263 202 4 891299031 +263 204 4 891298854 +263 205 5 891298792 +263 210 3 891298792 +263 215 4 891298273 +263 222 4 891299573 +263 234 4 891298792 +263 237 2 891300103 +263 245 4 891297417 +263 250 2 891300103 +263 258 3 891296969 +263 260 2 891297677 +263 265 4 891299815 +263 269 4 891296842 +263 271 1 891297276 +263 272 5 891296919 +263 294 2 891297330 +263 300 3 891297330 +263 315 4 891296896 +263 316 5 891297416 +263 318 5 891298453 +263 322 3 891297485 +263 323 1 891297485 +263 328 4 891297330 +263 333 2 891296842 +263 357 5 891299573 +263 416 5 891299697 +263 419 5 891299514 +263 423 5 891299630 +263 432 2 891299448 +263 434 4 891299514 +263 435 4 891298914 +263 443 5 891298914 +263 465 4 891299697 +263 480 3 891298453 +263 482 4 891298976 +263 483 5 891298336 +263 484 4 891298107 +263 486 4 891299148 +263 495 5 891298977 +263 496 5 891298218 +263 498 5 891298046 +263 510 4 891298392 +263 511 5 891299324 +263 514 3 891299387 +263 515 5 891298592 +263 520 3 891298163 +263 521 3 891297988 +263 523 5 891298107 +263 526 5 891298854 +263 527 5 891299148 +263 528 4 891298854 +263 543 5 891298727 +263 568 4 891299387 +263 588 3 891298273 +263 602 4 891298592 +263 614 3 891298792 +263 622 4 891299949 +263 646 5 891299877 +263 648 5 891297988 +263 661 5 891298728 +263 662 4 891299324 +263 678 2 891297766 +263 690 5 891297209 +263 699 4 891299207 +263 732 5 891299265 +263 879 2 891297416 +263 886 2 891297484 +263 892 3 891297766 +263 921 3 891298727 +263 1020 3 891298337 +263 1126 5 891298391 +263 1444 3 891299949 +263 1451 4 891299949 +263 1473 5 891299877 +264 4 4 886123656 +264 7 5 886122261 +264 12 5 886122508 +264 14 4 886122771 +264 19 5 886122952 +264 23 5 886122577 +264 25 4 886124197 +264 26 4 886123727 +264 33 3 886122644 +264 42 5 886123358 +264 47 5 886123472 +264 56 5 886122261 +264 70 4 886123596 +264 88 3 886123728 +264 93 5 886123993 +264 98 5 886122098 +264 100 5 886122261 +264 116 4 886122892 +264 123 4 886122952 +264 137 3 886122892 +264 150 5 886122952 +264 153 5 886122031 +264 156 2 886122577 +264 168 5 886122031 +264 175 5 886123472 +264 179 5 886122031 +264 182 5 886122098 +264 183 5 886122577 +264 184 5 886122447 +264 185 5 886122261 +264 186 5 886123728 +264 192 4 886122099 +264 194 5 886123358 +264 200 5 886122352 +264 201 5 886122261 +264 202 5 886123596 +264 203 2 886122508 +264 204 5 886123472 +264 208 5 886123415 +264 210 5 886123415 +264 211 5 886123472 +264 216 5 886123358 +264 217 3 886122446 +264 219 5 886122447 +264 222 5 886122577 +264 230 4 886122644 +264 235 5 886122952 +264 238 5 886122031 +264 240 4 886124352 +264 269 5 886121456 +264 283 5 886122952 +264 286 2 886121691 +264 288 5 886121631 +264 294 3 886121516 +264 320 4 886122261 +264 345 4 886121516 +264 367 4 886123656 +264 381 4 886123596 +264 382 4 886123596 +264 401 5 886123656 +264 433 5 886123530 +264 436 3 886122352 +264 443 5 886122447 +264 447 5 886122352 +264 448 2 886122031 +264 451 4 886123531 +264 475 5 886122706 +264 478 5 886122194 +264 504 5 886122577 +264 514 5 886123359 +264 516 5 886123655 +264 524 3 886123596 +264 525 5 886122508 +264 558 5 886122447 +264 559 5 886122446 +264 602 4 886122194 +264 603 5 886122508 +264 606 5 886122099 +264 637 4 886122446 +264 645 4 886123358 +264 654 5 886122508 +264 655 4 886123530 +264 656 4 886122099 +264 659 5 886122577 +264 671 4 886122261 +264 672 3 886122447 +264 675 4 886122352 +264 676 3 886123172 +264 683 2 886121811 +264 702 4 886123531 +264 709 5 886123727 +264 721 5 886123656 +264 742 2 886122578 +264 745 5 886123656 +264 746 3 886123358 +264 762 3 886122771 +264 774 2 886122446 +264 789 4 886122644 +264 792 5 886123415 +264 813 4 886122952 +264 844 1 886124097 +264 856 3 886123472 +264 873 3 886121517 +264 1009 4 886124417 +264 1069 5 886123728 +264 1070 4 886123415 +264 1074 4 886123727 +264 1103 5 886123656 +264 1118 4 886123656 +264 1225 3 886123530 +264 1270 2 886122194 +264 1355 4 886124417 +264 1474 2 886123728 +264 1475 2 886123596 +265 7 2 875320689 +265 15 3 875320574 +265 50 2 875320398 +265 100 5 875320601 +265 107 1 875320398 +265 111 2 875320371 +265 117 5 875320332 +265 118 4 875320714 +265 125 4 875320516 +265 151 2 875320661 +265 181 2 875320180 +265 237 5 875320462 +265 240 3 875320633 +265 245 4 875320112 +265 257 4 875320462 +265 258 4 875320024 +265 279 2 875320462 +265 282 5 875320714 +265 284 4 875320689 +265 288 4 875320024 +265 293 4 875320661 +265 298 5 875320633 +265 300 5 875320024 +265 323 3 875320112 +265 327 3 875320052 +265 328 4 875320084 +265 409 3 875320462 +265 410 4 875320633 +265 471 4 875320302 +265 472 3 875320542 +265 477 3 875320371 +265 591 5 875320424 +265 628 4 875320516 +265 676 2 875320487 +265 688 2 875320084 +265 742 5 875320542 +265 748 5 875320112 +265 756 4 875320574 +265 815 3 875320424 +265 934 3 875320574 +265 1197 2 875320542 +266 14 4 892258004 +266 25 3 892257940 +266 124 4 892258004 +266 237 3 892257940 +266 245 1 892257446 +266 268 4 892256828 +266 272 4 892256705 +266 275 5 892257831 +266 283 3 892257897 +266 285 4 892257940 +266 286 4 892256662 +266 313 4 892256705 +266 319 2 892256765 +266 321 3 892256892 +266 508 4 892258004 +266 676 3 892257897 +266 874 2 892257101 +267 3 4 878970901 +267 7 5 878970503 +267 17 4 878971773 +267 22 4 878971816 +267 24 5 878972682 +267 28 4 878972524 +267 29 3 878973426 +267 31 4 878972119 +267 33 5 878972650 +267 47 5 878972369 +267 50 5 878974783 +267 53 4 878972842 +267 54 3 878973922 +267 55 4 878972785 +267 56 5 878972493 +267 62 3 878973597 +267 64 5 878972193 +267 65 4 878972071 +267 67 3 878973088 +267 69 4 878971659 +267 80 4 878973597 +267 81 4 878972434 +267 82 4 878973675 +267 88 4 878972873 +267 92 4 878971514 +267 94 3 878972558 +267 98 5 878971989 +267 100 5 878970427 +267 108 4 878971224 +267 114 5 878971514 +267 121 3 878970681 +267 124 5 878970473 +267 127 5 878970529 +267 128 5 878972170 +267 141 4 878972147 +267 143 4 878973329 +267 144 5 878971463 +267 145 4 878972903 +267 147 3 878970681 +267 153 5 878974783 +267 155 3 878973088 +267 156 5 878971599 +267 157 5 878971874 +267 158 4 878973126 +267 159 4 878974659 +267 164 3 878972342 +267 168 4 878971716 +267 169 5 878972614 +267 172 5 878974783 +267 174 5 878971405 +267 175 5 878972558 +267 176 5 878971874 +267 177 5 878972756 +267 179 5 878972314 +267 180 5 878971690 +267 182 5 878971773 +267 186 5 878972071 +267 187 5 878972071 +267 189 4 878971874 +267 198 5 878971745 +267 202 5 878972398 +267 203 5 878972241 +267 204 4 878971629 +267 206 5 878974783 +267 209 5 878971745 +267 214 4 878972342 +267 216 4 878972586 +267 217 4 878973760 +267 218 4 878972650 +267 222 4 878970681 +267 226 3 878972463 +267 227 3 878973088 +267 228 5 878972434 +267 229 4 878972558 +267 230 4 878972493 +267 231 4 878973153 +267 233 4 878972731 +267 235 3 878970578 +267 238 4 878971629 +267 239 4 878972873 +267 240 4 878970503 +267 250 5 878970399 +267 273 4 878970503 +267 293 4 878970785 +267 294 3 878970155 +267 324 3 878970114 +267 364 2 878974460 +267 367 4 878971939 +267 380 2 878973426 +267 384 3 878973734 +267 385 3 878972873 +267 386 3 878973597 +267 391 3 878973675 +267 393 3 878973483 +267 403 4 878971939 +267 405 3 878970953 +267 408 5 878974783 +267 410 4 878970785 +267 411 3 878974325 +267 423 3 878972842 +267 433 5 878972314 +267 449 3 878973358 +267 450 2 878974128 +267 455 3 878970578 +267 464 5 878974783 +267 470 4 878972931 +267 474 5 878974783 +267 475 5 878970368 +267 479 4 878971405 +267 480 4 878971438 +267 483 5 878971463 +267 484 5 878971542 +267 498 5 878971902 +267 515 5 878970710 +267 518 5 878971773 +267 545 2 878974723 +267 546 3 878970877 +267 550 4 878973047 +267 552 3 878973621 +267 554 3 878972040 +267 559 3 878972614 +267 566 3 878973047 +267 568 4 878972955 +267 575 3 878974052 +267 578 3 878973153 +267 579 3 878973126 +267 597 3 878970805 +267 614 5 878972015 +267 622 3 878974077 +267 642 4 878972524 +267 647 5 878971629 +267 654 5 878971902 +267 655 4 878971989 +267 665 4 878973825 +267 679 4 878974509 +267 684 4 878973088 +267 685 3 878970978 +267 693 4 878972266 +267 715 4 878972682 +267 720 3 878973946 +267 727 4 878972289 +267 732 4 878973650 +267 739 4 878973276 +267 742 3 878970621 +267 771 3 878973900 +267 774 3 878973701 +267 780 4 878973250 +267 789 5 878972119 +267 810 3 878973568 +267 824 4 878970953 +267 826 3 878971266 +267 840 4 878970926 +267 926 2 878970785 +267 943 4 878972903 +267 944 3 878973179 +267 980 3 878970578 +267 1028 3 878971143 +267 1073 5 878974783 +267 1090 3 878973854 +267 1110 3 878973329 +267 1145 3 878974608 +267 1185 2 878973995 +267 1336 1 878974659 +267 1401 4 878971816 +267 1471 2 878974509 +268 1 3 875742341 +268 2 2 875744173 +268 3 1 875743161 +268 4 4 875309829 +268 7 4 876513953 +268 10 4 875306691 +268 11 4 875309507 +268 12 4 875310116 +268 13 3 875742647 +268 16 3 875306691 +268 17 3 875743588 +268 21 3 875742822 +268 24 2 876514002 +268 25 3 875742556 +268 27 4 875744136 +268 31 4 875310311 +268 33 3 875310645 +268 37 3 876514002 +268 38 1 875744228 +268 39 3 875309914 +268 40 3 875743708 +268 42 4 875310384 +268 47 1 875310645 +268 50 5 875309719 +268 51 3 875745202 +268 52 3 875309319 +268 53 3 875744173 +268 55 4 875309998 +268 56 4 875309998 +268 59 5 875309282 +268 60 5 875309344 +268 61 4 875309282 +268 62 3 875310824 +268 63 1 875743792 +268 67 3 875743588 +268 68 4 875744173 +268 70 3 875309282 +268 71 3 875309486 +268 72 3 875743831 +268 73 3 875743563 +268 77 2 875745453 +268 79 3 875309801 +268 80 3 875743909 +268 82 3 875310784 +268 83 4 875309344 +268 88 2 875743760 +268 89 4 876513897 +268 91 3 875310311 +268 92 4 875310745 +268 94 2 875743630 +268 95 4 875309945 +268 96 5 876513953 +268 97 4 875310031 +268 98 4 875309583 +268 99 3 875744744 +268 100 3 875742316 +268 101 2 875542174 +268 105 2 876513927 +268 108 3 875742992 +268 114 5 875744966 +268 117 4 875742613 +268 120 2 875743282 +268 121 2 875743141 +268 122 2 875743310 +268 123 3 875742794 +268 124 4 875742499 +268 127 4 875309945 +268 128 3 875744199 +268 129 2 875742437 +268 134 5 875310083 +268 135 4 875309583 +268 139 2 875744744 +268 141 3 875744832 +268 143 2 875310116 +268 144 4 875744106 +268 145 1 875744501 +268 147 4 876514002 +268 151 3 875742470 +268 153 5 875743503 +268 154 4 875743563 +268 156 3 875745398 +268 158 2 875743678 +268 159 2 875745350 +268 161 3 875744199 +268 163 2 875743656 +268 164 2 875744556 +268 168 4 875310384 +268 169 5 875309829 +268 172 5 875310031 +268 173 4 875310031 +268 174 5 875309882 +268 176 5 875309998 +268 178 4 876518557 +268 179 4 875309258 +268 180 3 875309719 +268 181 4 875309486 +268 182 4 875309882 +268 183 4 875309583 +268 184 4 875310524 +268 186 3 875310311 +268 188 4 875309859 +268 189 4 875744966 +268 191 4 875310784 +268 194 4 875310352 +268 195 4 875309719 +268 198 4 875309232 +268 200 4 875309459 +268 201 3 875309801 +268 203 5 876513855 +268 204 3 875310311 +268 205 5 875309859 +268 206 3 875309232 +268 208 4 875309430 +268 209 4 875310311 +268 210 3 875310571 +268 211 4 875309583 +268 217 2 875744501 +268 218 2 875744469 +268 219 3 875744533 +268 222 4 875742275 +268 223 3 875745728 +268 226 4 875310784 +268 227 4 875310824 +268 228 4 875309945 +268 229 2 875310784 +268 230 3 875310824 +268 231 4 875744136 +268 232 3 875310745 +268 233 3 875310412 +268 234 4 875309430 +268 235 3 875742556 +268 238 3 875310352 +268 240 2 875742341 +268 241 3 875310603 +268 244 4 875742316 +268 246 5 875742316 +268 248 3 875742530 +268 249 4 875742437 +268 250 4 875742530 +268 252 3 875743182 +268 257 4 875742866 +268 258 2 876513675 +268 259 3 876513675 +268 260 3 876513643 +268 264 3 876513607 +268 265 3 875310603 +268 267 3 875742077 +268 268 5 876513491 +268 269 4 876513523 +268 273 3 875742470 +268 284 3 875742407 +268 286 5 875306477 +268 288 4 875306477 +268 290 3 875742866 +268 294 3 876513675 +268 298 3 875742647 +268 302 5 876513584 +268 324 4 876513708 +268 325 3 876513675 +268 328 1 876513643 +268 333 4 876513565 +268 357 4 875309882 +268 358 3 876513643 +268 364 3 875743979 +268 369 1 875744021 +268 370 2 875745579 +268 374 2 875744895 +268 379 1 875744582 +268 381 3 875309344 +268 382 3 875309282 +268 384 3 875743868 +268 385 3 875310206 +268 386 2 875743978 +268 391 3 876513897 +268 395 2 875744021 +268 397 2 875744321 +268 399 3 875743656 +268 402 1 875745231 +268 403 4 875309914 +268 404 4 875309430 +268 405 2 875742822 +268 407 1 876514002 +268 421 3 876513927 +268 423 2 875309859 +268 425 4 875310549 +268 432 3 875310145 +268 433 4 876514107 +268 436 3 875310745 +268 452 1 876514002 +268 453 1 875744611 +268 455 3 875742499 +268 466 3 875310571 +268 470 3 875310745 +268 472 1 875743335 +268 474 5 875309718 +268 475 4 875306644 +268 477 3 875742407 +268 479 4 875310463 +268 480 5 875309430 +268 483 5 875309859 +268 484 4 876513831 +268 506 4 875310625 +268 525 4 875309913 +268 527 4 875309430 +268 540 1 875542174 +268 541 3 875744357 +268 544 3 875743090 +268 546 4 875743110 +268 550 2 875310524 +268 552 2 876514108 +268 554 3 875744388 +268 558 3 875309304 +268 559 2 875744556 +268 561 3 876513897 +268 562 4 875744357 +268 566 3 875744321 +268 568 3 875542174 +268 569 3 875744582 +268 574 2 875745579 +268 576 1 875744289 +268 578 2 875744388 +268 579 1 875744021 +268 580 3 875309344 +268 582 5 875309344 +268 583 4 876513830 +268 588 3 875310745 +268 597 2 875743310 +268 622 3 875310145 +268 627 3 875310603 +268 630 4 875542174 +268 636 3 875744174 +268 652 4 875309232 +268 654 5 875309718 +268 655 4 875309486 +268 658 3 875310524 +268 665 2 875310745 +268 672 2 875744501 +268 679 4 876514107 +268 684 3 875744321 +268 699 3 875744712 +268 710 3 875309719 +268 713 4 875742365 +268 715 1 875310603 +268 717 1 876513785 +268 718 4 875306805 +268 721 3 875743587 +268 727 2 875310116 +268 728 2 875744051 +268 729 3 875310673 +268 732 3 876514107 +268 735 3 876518557 +268 738 2 875744021 +268 743 1 875743335 +268 746 3 876513855 +268 761 1 875744136 +268 762 2 875743216 +268 765 2 875743979 +268 768 3 875744895 +268 780 3 875743929 +268 781 3 875743951 +268 790 2 876513785 +268 800 1 875744501 +268 802 3 875744388 +268 810 2 875744388 +268 823 2 875742942 +268 824 2 876518557 +268 825 3 875742893 +268 826 1 875743065 +268 831 3 875744357 +268 860 1 875744501 +268 926 2 875743012 +268 928 1 875745536 +268 930 2 875742942 +268 940 2 875743888 +268 941 2 875310463 +268 946 3 875310442 +268 949 2 875743909 +268 955 3 875745160 +268 978 2 876513927 +268 981 1 875743283 +268 998 1 875743929 +268 1002 1 875743216 +268 1035 2 875542174 +268 1037 2 875745255 +268 1041 1 875743735 +268 1046 3 875745501 +268 1054 1 875744051 +268 1059 3 875743310 +268 1065 4 875310824 +268 1073 4 875309304 +268 1074 3 875744051 +268 1079 3 875742916 +268 1090 2 875745536 +268 1091 2 875744895 +268 1095 2 876513927 +268 1098 3 875743534 +268 1118 3 875310673 +268 1157 1 875745428 +268 1178 1 875743534 +268 1188 3 875743735 +268 1208 2 875745398 +268 1222 2 875744174 +268 1228 1 875744357 +268 1231 2 875744228 +268 1249 2 875743793 +268 1273 2 875745476 +268 1303 1 875744228 +268 1314 2 875744289 +268 1413 2 875744388 +268 1476 2 876513897 +268 1477 2 875742680 +269 3 3 891446722 +269 5 2 891450780 +269 7 3 891449055 +269 8 2 891449985 +269 9 4 891446246 +269 13 4 891446662 +269 15 2 891446348 +269 17 2 891449670 +269 22 1 891448072 +269 23 5 891447773 +269 42 5 891449646 +269 44 3 891449691 +269 47 4 891448386 +269 48 5 891455816 +269 50 3 891448926 +269 51 2 891451111 +269 52 4 891447329 +269 53 1 891451111 +269 55 4 891449214 +269 56 5 891455815 +269 58 2 891447842 +269 59 4 891447141 +269 63 1 891450857 +269 64 4 891447960 +269 65 4 891448072 +269 66 1 891451063 +269 68 3 891449751 +269 69 1 891448048 +269 70 1 891447280 +269 72 2 891451470 +269 76 3 891448456 +269 77 1 891451374 +269 81 3 891448323 +269 82 2 891450780 +269 88 1 891450427 +269 89 2 891448800 +269 93 3 891446580 +269 96 1 891450755 +269 98 4 891448951 +269 100 5 891446246 +269 106 1 891451947 +269 111 1 891446703 +269 120 1 891446926 +269 121 1 891451013 +269 122 1 891446873 +269 127 4 891446165 +269 131 5 891449728 +269 132 5 891449145 +269 133 3 891449280 +269 134 4 891448849 +269 135 4 891447931 +269 136 4 891449075 +269 137 4 891446193 +269 139 1 891451492 +269 142 1 891451570 +269 143 3 891450385 +269 148 1 891446443 +269 151 5 891450489 +269 152 4 891450623 +269 153 3 891449346 +269 154 3 891449189 +269 156 5 891449364 +269 157 3 891448092 +269 160 2 891448220 +269 161 1 891451036 +269 162 3 891448141 +269 163 2 891449751 +269 168 4 891448850 +269 170 2 891447216 +269 171 5 891447169 +269 172 3 891449031 +269 173 1 891449429 +269 174 1 891449124 +269 175 5 891455816 +269 176 2 891448980 +269 177 5 891449214 +269 179 4 891447141 +269 180 3 891448120 +269 181 2 891448871 +269 182 4 891447961 +269 183 3 891448823 +269 185 5 891448951 +269 186 2 891449670 +269 187 4 891447841 +269 188 2 891450675 +269 191 5 891457067 +269 192 4 891447979 +269 194 5 891448951 +269 195 3 891449099 +269 196 1 891448283 +269 197 5 891447961 +269 198 4 891447062 +269 200 4 891449984 +269 202 2 891450405 +269 204 2 891449842 +269 205 3 891447841 +269 208 2 891449304 +269 209 4 891448895 +269 210 1 891449608 +269 211 4 891449075 +269 212 4 891447002 +269 213 5 891447255 +269 214 3 891448547 +269 216 1 891449691 +269 217 2 891451610 +269 218 2 891450509 +269 231 1 891451013 +269 232 1 891450817 +269 234 1 891449406 +269 235 3 891446756 +269 238 5 891448850 +269 239 2 891448386 +269 241 1 891450405 +269 246 5 891457067 +269 252 1 891456350 +269 254 1 891456565 +269 255 1 891446703 +269 272 3 891445757 +269 274 1 891450901 +269 276 5 891446193 +269 281 1 891451590 +269 285 5 891446165 +269 293 3 891446308 +269 302 3 891446132 +269 315 4 891446132 +269 316 4 891446132 +269 318 4 891447791 +269 340 5 891446132 +269 346 2 891445757 +269 357 5 891447773 +269 365 2 891448738 +269 367 3 891450023 +269 387 3 891448283 +269 393 1 891451036 +269 396 4 891451856 +269 401 3 891451013 +269 402 2 891448697 +269 403 1 891448522 +269 405 1 891450902 +269 410 4 891446662 +269 411 1 891451013 +269 412 3 891446904 +269 414 3 891449624 +269 417 2 891451303 +269 423 4 891448048 +269 425 5 891448345 +269 427 5 891447960 +269 428 5 891448980 +269 432 4 891450005 +269 433 3 891449900 +269 435 3 891449011 +269 436 3 891450675 +269 441 1 891450857 +269 444 3 891451971 +269 445 3 891450385 +269 447 3 891451303 +269 448 2 891450623 +269 451 1 891450880 +269 462 3 891447216 +269 464 3 891448283 +269 469 4 891448072 +269 474 4 891448823 +269 475 5 891457067 +269 476 1 891446703 +269 478 4 891448980 +269 482 3 891448823 +269 483 4 891448800 +269 484 3 891448895 +269 486 3 891449922 +269 488 4 891448926 +269 492 4 891449550 +269 496 5 891455816 +269 497 3 891449429 +269 498 4 891448926 +269 499 4 891449099 +269 502 3 891449842 +269 504 4 891449922 +269 505 3 891449551 +269 506 5 891449572 +269 507 4 891448800 +269 508 4 891446265 +269 509 4 891447280 +269 512 5 891447216 +269 514 4 891449123 +269 517 4 891449189 +269 518 4 891447815 +269 521 4 891448048 +269 522 5 891447773 +269 523 5 891447593 +269 525 4 891449055 +269 527 5 891447841 +269 528 4 891447593 +269 529 5 891455815 +269 530 3 891448926 +269 531 5 891447141 +269 537 5 891455816 +269 568 2 891450719 +269 582 4 891447234 +269 597 1 891450978 +269 602 4 891449346 +269 604 3 891448895 +269 608 4 891449526 +269 614 3 891450471 +269 616 4 891450453 +269 627 1 891451063 +269 629 2 891451396 +269 631 4 891447891 +269 632 4 891447931 +269 636 3 891450453 +269 639 4 891447216 +269 640 5 891457067 +269 642 3 891449464 +269 644 5 891447593 +269 645 4 891448048 +269 647 4 891447815 +269 649 2 891448220 +269 654 4 891448980 +269 655 4 891448019 +269 657 4 891449550 +269 658 2 891448497 +269 659 4 891449406 +269 660 1 891448220 +269 661 4 891447773 +269 663 4 891449880 +269 664 5 891457067 +269 665 1 891451810 +269 674 2 891451754 +269 679 1 891449962 +269 705 2 891448850 +269 707 2 891449304 +269 715 4 891448092 +269 716 4 891451111 +269 717 1 891456493 +269 723 1 891448643 +269 729 2 891448569 +269 735 2 891448120 +269 741 5 891457067 +269 756 1 891451947 +269 761 2 891451374 +269 762 1 891446662 +269 763 1 891450555 +269 771 1 891451754 +269 775 1 891451571 +269 778 3 891448547 +269 783 1 891451889 +269 792 4 891448436 +269 793 4 891449880 +269 805 2 891450623 +269 809 1 891451451 +269 818 3 891446873 +269 821 1 891450427 +269 831 2 891451611 +269 843 3 891451374 +269 845 1 891456255 +269 856 5 891448220 +269 886 3 891446133 +269 902 5 891446132 +269 919 4 891446132 +269 922 5 891457067 +269 923 4 891447169 +269 928 1 891451754 +269 931 1 891451754 +269 939 2 891448177 +269 956 3 891448475 +269 959 5 891457067 +269 961 5 891457067 +269 985 3 891446443 +269 998 5 891451548 +269 1006 3 891447409 +269 1011 4 891446246 +269 1014 3 891446838 +269 1017 5 892567767 +269 1020 4 891449571 +269 1028 2 891446838 +269 1040 1 891456425 +269 1065 5 891447891 +269 1071 2 891449801 +269 1073 3 891447169 +269 1074 1 891448697 +269 1091 2 891451705 +269 1101 4 891448120 +269 1103 5 891447773 +269 1110 2 891450385 +269 1133 1 891451374 +269 1135 2 891448456 +269 1148 4 891447062 +269 1154 3 891449608 +269 1165 1 891446904 +269 1168 2 891448386 +269 1188 1 891451857 +269 1397 4 891450575 +269 1411 3 891451829 +269 1427 2 891448141 +269 1428 5 891447409 +269 1438 3 891448522 +269 1444 1 891451947 +269 1479 2 891451111 +269 1480 1 891451725 +270 5 5 876956064 +270 7 4 876954004 +270 13 4 876954192 +270 17 2 876956064 +270 25 5 876954456 +270 26 5 876954995 +270 50 5 876954004 +270 53 4 876956106 +270 60 5 876955066 +270 66 4 876955531 +270 70 5 876955066 +270 77 2 876956038 +270 79 4 876955938 +270 83 4 876954995 +270 86 4 876955067 +270 88 5 876955711 +270 90 5 876955770 +270 93 5 876954522 +270 97 4 876955633 +270 98 5 876955868 +270 121 4 876954093 +270 123 5 876954223 +270 145 3 876956419 +270 148 4 876954062 +270 155 5 876955770 +270 156 5 876955899 +270 159 4 876956233 +270 164 5 876956137 +270 173 5 876955531 +270 176 4 876955976 +270 181 4 876954036 +270 183 5 876955938 +270 185 5 876955938 +270 200 5 876956360 +270 213 5 876955067 +270 217 5 876956360 +270 218 5 876956206 +270 219 5 876956389 +270 222 5 876954521 +270 226 4 876956038 +270 230 3 876955868 +270 234 5 876955976 +270 237 1 876954484 +270 241 5 876955633 +270 244 3 876954004 +270 250 2 876954223 +270 251 5 876954752 +270 253 5 876954733 +270 257 4 876954223 +270 258 3 876953744 +270 268 5 876953745 +270 275 5 876954248 +270 279 5 876954093 +270 281 5 876956137 +270 282 3 876954093 +270 286 5 876953744 +270 288 5 876953827 +270 295 5 876954248 +270 306 5 876953744 +270 319 5 876955633 +270 324 2 876954733 +270 327 5 876953900 +270 335 3 876953900 +270 356 3 876956064 +270 370 5 876956232 +270 379 5 876956232 +270 387 5 876955689 +270 402 5 876955770 +270 421 5 876955633 +270 441 5 876956420 +270 443 3 876955976 +270 447 4 876956360 +270 452 4 876956264 +270 466 5 876955899 +270 471 5 876954223 +270 475 5 876954122 +270 509 3 876954965 +270 531 4 876954945 +270 535 5 876954123 +270 546 4 876954484 +270 551 4 876956264 +270 553 1 876955689 +270 558 5 876954927 +270 559 5 876956442 +270 566 5 876955939 +270 569 4 876956419 +270 574 3 876956038 +270 581 5 876955938 +270 582 3 876955087 +270 583 5 876956038 +270 584 5 876955067 +270 596 5 876954456 +270 603 5 876955868 +270 665 4 876956419 +270 671 4 876956360 +270 684 4 876955938 +270 694 5 876954927 +270 703 4 876955019 +270 707 5 876954927 +270 713 5 876954122 +270 714 4 876954965 +270 716 4 876955563 +270 722 4 876955689 +270 727 5 876955563 +270 736 5 876955087 +270 739 4 876955729 +270 740 5 876954062 +270 741 5 876953967 +270 742 2 876954248 +270 747 5 876955662 +270 778 5 876955711 +270 781 5 876955750 +270 794 4 876955689 +270 800 5 876956106 +270 815 4 876954522 +270 860 5 876956464 +270 869 1 876955633 +270 872 5 876953827 +270 928 4 876956137 +270 943 5 876956038 +270 1009 5 876954522 +270 1014 4 876954062 +270 1073 5 876955202 +270 1074 5 876955770 +270 1119 5 876955729 +270 1148 5 876955042 +270 1210 5 876956264 +270 1471 4 876956264 +271 1 3 886106038 +271 2 1 885849386 +271 4 5 885849357 +271 8 4 885848770 +271 9 4 885847738 +271 11 4 885848408 +271 12 4 885848314 +271 13 4 885847714 +271 15 3 885847876 +271 22 5 885848518 +271 25 3 885847876 +271 31 4 885849325 +271 38 2 885849648 +271 40 1 885849558 +271 44 4 885849357 +271 47 3 885849386 +271 48 4 885849087 +271 50 5 885848640 +271 51 4 885849386 +271 52 4 885849470 +271 54 3 885849188 +271 56 3 885848559 +271 58 3 885849325 +271 62 2 885849386 +271 64 5 885848863 +271 65 3 885849419 +271 69 4 885848559 +271 70 5 885849164 +271 73 2 885848707 +271 77 4 885849231 +271 79 4 885848672 +271 81 3 885849113 +271 83 4 885848408 +271 87 3 885848802 +271 88 4 885849087 +271 89 3 885848518 +271 95 4 885848916 +271 97 5 885848736 +271 98 5 885848559 +271 100 5 885847738 +271 107 1 885848179 +271 111 4 885847956 +271 117 3 886106003 +271 118 3 885848132 +271 121 2 885848132 +271 124 4 886105886 +271 126 3 885848034 +271 127 5 885848863 +271 130 1 885848218 +271 131 4 885849419 +271 132 5 885848672 +271 133 4 885848971 +271 134 3 885848518 +271 135 4 885848373 +271 137 4 885847636 +271 141 4 885849114 +271 148 3 886106165 +271 161 2 885849470 +271 168 2 885848343 +271 170 5 885848827 +271 172 5 885848616 +271 173 4 885848672 +271 177 3 885848373 +271 178 3 885849087 +271 179 4 885848616 +271 180 5 885849087 +271 181 5 885848707 +271 182 3 885848408 +271 185 3 885848448 +271 187 5 885848343 +271 188 2 885849087 +271 190 4 885848707 +271 191 5 885848448 +271 192 5 885848373 +271 193 5 885848475 +271 194 5 885848770 +271 196 4 885848886 +271 197 4 885848915 +271 198 4 885848616 +271 199 4 885848448 +271 200 5 885849356 +271 202 4 885849025 +271 203 4 885848448 +271 204 4 885848314 +271 205 5 885848343 +271 208 4 885848916 +271 210 4 885848447 +271 211 5 885849164 +271 215 4 885849300 +271 218 3 885849087 +271 220 3 885848179 +271 221 3 885847927 +271 224 4 885847876 +271 234 5 885848640 +271 235 3 885848062 +271 237 4 885847763 +271 238 4 885848408 +271 239 3 885849419 +271 241 3 885849207 +271 242 4 885844495 +271 248 4 886106129 +271 257 4 886106038 +271 258 3 885847357 +271 265 5 885849275 +271 269 4 885844430 +271 272 3 885844583 +271 274 3 885848014 +271 275 4 885847693 +271 276 3 885847800 +271 277 4 885847714 +271 282 2 885847666 +271 283 4 885847876 +271 284 3 885847956 +271 285 4 885847876 +271 286 4 885844610 +271 289 4 885844666 +271 294 2 885844698 +271 300 2 885844583 +271 302 5 885844430 +271 310 3 885844430 +271 311 3 885844547 +271 312 2 885847280 +271 313 4 885844583 +271 317 3 885848863 +271 318 5 885848707 +271 328 2 885844746 +271 338 1 885847194 +271 345 3 885844666 +271 346 4 885844430 +271 347 3 885844634 +271 356 4 885849300 +271 357 5 885848408 +271 371 5 885849188 +271 378 4 885849447 +271 381 3 885849536 +271 384 3 885849582 +271 392 3 885848343 +271 393 4 885849648 +271 402 4 885849791 +271 405 2 885848179 +271 410 2 885848238 +271 411 1 885848062 +271 414 4 885849470 +271 419 3 885848996 +271 423 4 885848802 +271 425 2 885849275 +271 430 5 885849419 +271 435 4 885848802 +271 441 3 885849648 +271 443 3 885848943 +271 451 3 885849447 +271 461 5 885849582 +271 462 4 885848448 +271 470 3 885848707 +271 471 3 885847926 +271 472 2 886106165 +271 474 3 885848518 +271 476 1 885848062 +271 477 3 885847955 +271 479 4 885848615 +271 480 4 885848475 +271 481 3 885848559 +271 482 5 885848519 +271 485 4 885848827 +271 487 4 885848770 +271 490 4 885848886 +271 493 4 885848558 +271 494 4 885848770 +271 495 5 885849052 +271 496 5 885849140 +271 498 5 885848672 +271 499 3 885848971 +271 504 3 885849025 +271 505 4 885848475 +271 506 4 885849052 +271 507 2 885848707 +271 509 4 885848559 +271 510 4 885849140 +271 511 5 885848736 +271 514 4 885848408 +271 516 4 885849447 +271 517 3 885848943 +271 518 4 885849357 +271 520 5 885848615 +271 521 5 885848373 +271 523 4 885848770 +271 526 5 885849188 +271 527 5 885848736 +271 528 3 885848448 +271 529 4 885848475 +271 530 4 885848770 +271 539 1 885847170 +271 546 2 885848102 +271 549 4 885849231 +271 566 4 885848707 +271 570 3 885849742 +271 580 2 885849386 +271 582 3 885849113 +271 591 4 885847901 +271 602 3 885848886 +271 603 4 885848802 +271 605 4 885849164 +271 614 4 885848373 +271 624 2 885849558 +271 625 3 885849606 +271 630 2 885848943 +271 642 5 885849231 +271 644 3 885848916 +271 648 4 885848770 +271 649 3 885849510 +271 651 4 885848584 +271 654 5 885848475 +271 657 4 885848559 +271 659 3 885848827 +271 660 5 885848971 +271 661 4 885848373 +271 663 4 885849052 +271 690 4 885844430 +271 692 4 885849582 +271 697 4 885848863 +271 699 4 885849025 +271 703 3 885848559 +271 705 4 885849052 +271 707 4 885849140 +271 709 3 885849325 +271 713 4 885847800 +271 714 3 885848863 +271 729 4 885848996 +271 732 4 885848672 +271 739 4 885849706 +271 742 3 886106209 +271 744 4 885847693 +271 747 3 885849087 +271 750 4 885844698 +271 756 2 885848218 +271 763 3 885847876 +271 792 4 885849536 +271 815 3 885848153 +271 823 3 885848237 +271 845 1 885847800 +271 847 4 885847926 +271 864 3 886106165 +271 866 4 885848132 +271 882 3 885844547 +271 924 3 885847974 +271 951 2 885849606 +271 956 4 885848997 +271 1028 2 885848102 +271 1046 4 885849357 +271 1091 4 885849648 +271 1101 4 885849025 +271 1117 3 885847763 +271 1120 2 885847800 +271 1133 3 885849536 +271 1139 3 885849707 +271 1266 2 885848943 +271 1411 2 885849895 +272 8 4 879455015 +272 11 4 879455143 +272 12 5 879455254 +272 22 5 879454753 +272 23 5 879454725 +272 32 4 879455113 +272 42 4 879454939 +272 48 4 879455143 +272 50 4 879454900 +272 56 5 879455220 +272 79 5 879455015 +272 96 5 879454845 +272 98 4 879454797 +272 127 5 879454725 +272 133 1 879455143 +272 172 4 879455043 +272 174 5 879455043 +272 175 5 879455043 +272 178 5 879455113 +272 183 4 879454726 +272 193 4 879455254 +272 194 5 879455043 +272 200 5 879455043 +272 201 3 879455113 +272 204 4 879454939 +272 205 5 879454726 +272 208 4 879455176 +272 210 5 879455220 +272 211 5 879454845 +272 234 4 879455143 +272 238 5 879455143 +272 288 4 879454663 +272 317 4 879454977 +272 357 5 879454726 +272 423 4 879454939 +272 469 5 879455143 +272 474 5 879454753 +272 483 5 879454875 +272 498 4 879454726 +272 514 5 879455254 +272 521 5 879454977 +272 604 4 879455113 +272 651 4 879454797 +272 654 5 879454977 +272 746 3 879454797 +272 772 2 879455220 +272 1101 5 879454977 +272 1393 2 879454663 +273 272 4 891292811 +273 303 4 891293048 +273 304 3 891292935 +273 305 4 891292905 +273 311 4 891292905 +273 313 3 891292873 +273 315 4 891292846 +273 316 4 891293201 +273 319 4 891292846 +273 321 4 891293048 +273 328 3 891293048 +273 340 3 891292761 +273 345 3 891293108 +273 347 4 891293008 +273 690 4 891293008 +273 900 3 891292873 +273 902 5 891293008 +274 1 4 878945466 +274 9 5 878945404 +274 15 5 878945505 +274 25 5 878945541 +274 50 5 878944679 +274 69 5 878946644 +274 71 4 878946612 +274 83 5 878946612 +274 88 4 878946677 +274 98 5 878946536 +274 100 5 878945404 +274 111 4 878945541 +274 117 4 878945264 +274 118 4 878945711 +274 125 4 878945711 +274 148 2 878946133 +274 150 5 878944679 +274 164 5 878946644 +274 181 5 878945365 +274 200 4 878946612 +274 208 4 878946473 +274 211 5 878946612 +274 220 4 878946107 +274 237 4 878945678 +274 243 2 878944437 +274 255 2 878945579 +274 258 5 878944379 +274 274 4 878945963 +274 275 5 878944679 +274 276 4 878945437 +274 277 4 878945818 +274 280 1 878946162 +274 282 5 878945788 +274 288 4 878944379 +274 294 3 878944379 +274 300 5 878944464 +274 318 5 878946577 +274 319 5 878944379 +274 405 4 878945840 +274 411 3 878945888 +274 471 4 878945505 +274 472 3 878945918 +274 476 4 878945645 +274 478 5 878946577 +274 496 5 878946473 +274 546 3 878945918 +274 591 4 878945466 +274 597 3 878946133 +274 628 4 878945505 +274 629 5 878946645 +274 685 5 878945542 +274 713 5 878945437 +274 742 4 878945322 +274 744 5 878945678 +274 748 5 878944406 +274 762 5 878945610 +274 815 3 878945763 +274 845 5 878945579 +274 846 2 878946204 +274 866 4 878946107 +274 873 3 878944491 +274 877 3 878944543 +274 924 3 878945918 +274 1051 4 878945763 +274 1060 4 878945645 +274 1063 4 878946502 +274 1152 4 878945939 +275 1 4 875154310 +275 22 3 880314528 +275 28 4 880314529 +275 50 4 876198296 +275 62 3 876198328 +275 69 3 880314089 +275 71 3 875154535 +275 89 3 875154878 +275 95 3 875154535 +275 96 3 880314914 +275 98 4 875155140 +275 99 3 875154718 +275 101 4 875154535 +275 102 3 875154718 +275 117 3 876197615 +275 118 3 876197678 +275 121 3 876197678 +275 132 3 880314529 +275 135 3 880314824 +275 142 2 880315197 +275 144 4 880314137 +275 154 2 875154878 +275 162 3 880315276 +275 164 4 880313886 +275 169 3 875154535 +275 173 3 875154795 +275 176 4 880314320 +275 181 4 876197615 +275 183 3 880314500 +275 186 3 880314383 +275 191 4 880314797 +275 196 3 880314969 +275 199 4 880315170 +275 202 3 875155167 +275 208 3 880314772 +275 210 4 880314320 +275 222 4 876198296 +275 226 3 880314914 +275 229 3 876198296 +275 252 2 876197944 +275 257 3 876197645 +275 258 3 875154310 +275 265 4 880314031 +275 294 4 876197443 +275 300 4 875153898 +275 304 3 876197368 +275 380 3 876198328 +275 393 3 880314772 +275 405 2 876197645 +275 408 3 875154438 +275 416 3 880314991 +275 418 3 875154718 +275 420 2 875154535 +275 423 4 880315322 +275 431 3 880314969 +275 432 4 875154535 +275 434 3 880315396 +275 435 3 880313886 +275 448 3 880314383 +275 449 3 876198328 +275 450 3 876198296 +275 451 3 880315170 +275 470 3 880314772 +275 472 3 876197944 +275 473 3 880313679 +275 496 3 880314031 +275 501 3 875154718 +275 515 3 876197552 +275 520 4 880314218 +275 523 4 880314031 +275 542 3 880313680 +275 588 3 875154535 +275 597 3 876197678 +275 624 3 880313679 +275 625 2 875154655 +275 627 3 875154718 +275 630 3 880315243 +275 636 3 880314383 +275 662 3 880315170 +275 746 4 880314478 +275 825 2 876197904 +275 826 2 876197904 +275 930 3 876197904 +275 946 3 875154535 +275 969 2 880314412 +275 1066 3 880313679 +275 1091 2 875154535 +275 1219 2 880313679 +276 1 5 874786568 +276 2 4 874792436 +276 3 3 874786924 +276 4 4 874791623 +276 5 3 874792692 +276 7 5 874786517 +276 8 4 874791623 +276 9 5 889174849 +276 11 5 874787497 +276 12 5 874787407 +276 14 4 890979947 +276 17 4 874791894 +276 21 3 874787195 +276 22 5 874787496 +276 24 4 874792366 +276 25 4 874786686 +276 27 3 874787407 +276 28 4 874787441 +276 29 3 874796373 +276 31 4 874795704 +276 34 2 877934264 +276 38 3 874792574 +276 39 3 874790995 +276 40 3 874791871 +276 41 3 874792277 +276 42 4 874791623 +276 43 1 874791383 +276 44 3 874795637 +276 46 3 874791145 +276 47 4 874787407 +276 50 5 880913800 +276 51 3 874791025 +276 53 4 883822485 +276 54 3 874791025 +276 55 4 874792366 +276 56 5 874791623 +276 57 3 874787526 +276 58 4 874791169 +276 62 2 874792574 +276 63 3 874792168 +276 64 5 874787441 +276 65 4 874787467 +276 66 3 874791993 +276 67 3 874791993 +276 68 4 874792483 +276 69 4 874790996 +276 70 4 874790826 +276 71 4 874792870 +276 72 4 874791960 +276 73 3 874791805 +276 74 3 884286759 +276 76 4 874791506 +276 77 3 874795751 +276 78 4 877934828 +276 79 4 874792436 +276 80 3 874792237 +276 81 4 874791101 +276 82 4 874792402 +276 84 2 877934232 +276 85 3 874791871 +276 86 3 874791101 +276 88 3 874791960 +276 91 5 882659577 +276 94 2 882659602 +276 95 5 874792839 +276 96 5 874792435 +276 98 5 874792663 +276 99 4 874792907 +276 100 5 874786605 +276 101 4 874977555 +276 104 1 874836682 +276 108 3 874786924 +276 109 4 874786686 +276 117 4 874786568 +276 118 3 874786964 +276 120 2 874787172 +276 121 4 874786897 +276 122 3 874787150 +276 123 4 874786657 +276 124 5 880913800 +276 125 4 874786876 +276 127 5 874786568 +276 128 4 874792436 +276 135 5 874787441 +276 139 4 889174904 +276 141 4 874792870 +276 142 3 874792945 +276 144 5 874792401 +276 145 3 874792692 +276 147 4 874786686 +276 148 3 874786924 +276 150 4 874786924 +276 151 5 874786568 +276 153 4 874791667 +276 154 4 874791747 +276 156 5 874795704 +276 157 5 874790773 +276 158 3 874791932 +276 159 3 874795637 +276 160 4 874787441 +276 164 4 874792663 +276 168 5 874791623 +276 169 5 874977555 +276 171 4 874795928 +276 173 5 874791993 +276 174 5 874792366 +276 176 5 874792401 +276 179 5 874791102 +276 180 5 874787353 +276 181 5 874786488 +276 183 5 874792402 +276 184 4 874792547 +276 185 4 874792663 +276 186 5 874792018 +276 188 4 874792547 +276 189 4 874977555 +276 192 5 874787353 +276 193 4 874790952 +276 195 5 874792483 +276 196 4 889174849 +276 197 5 874787549 +276 198 5 874795949 +276 201 5 889174849 +276 202 4 874791871 +276 203 4 877934910 +276 204 5 874791667 +276 206 5 874795988 +276 207 4 874795988 +276 209 4 874791667 +276 210 4 874792094 +276 214 5 874787353 +276 215 4 874791145 +276 217 4 874792692 +276 218 4 874792663 +276 219 4 874792692 +276 222 4 880913800 +276 223 5 874790773 +276 225 3 874786854 +276 226 4 874792520 +276 227 4 880913800 +276 228 4 880913800 +276 229 3 874792483 +276 230 4 882659602 +276 231 3 874796373 +276 232 3 874792094 +276 233 3 874792436 +276 234 5 880913767 +276 235 4 874786734 +276 238 5 877935060 +276 239 4 874791194 +276 240 4 874786713 +276 241 4 874792402 +276 245 3 877935446 +276 246 4 874786686 +276 248 4 882659269 +276 249 4 874786632 +276 250 4 874786784 +276 252 3 874787006 +276 254 2 874796373 +276 257 4 874786657 +276 258 5 874786337 +276 260 3 874786439 +276 262 4 892436298 +276 264 3 892436418 +276 265 4 874792483 +276 268 4 877584085 +276 270 4 879131395 +276 271 4 880913800 +276 272 5 885871447 +276 273 4 874786517 +276 274 3 874791960 +276 276 4 874786605 +276 281 3 874787065 +276 282 4 883822485 +276 288 4 874786392 +276 289 2 890979634 +276 290 4 874786854 +276 291 3 874791169 +276 294 4 874786366 +276 298 5 874786467 +276 301 4 877584219 +276 302 5 877584085 +276 303 4 892436271 +276 307 4 878015917 +276 313 5 885159577 +276 315 4 892436298 +276 316 4 892436314 +276 317 4 874791257 +276 318 5 874787496 +276 322 3 874786392 +276 323 3 874786392 +276 324 4 874786419 +276 325 3 874786419 +276 328 4 874786366 +276 331 4 890979062 +276 333 4 877584220 +276 334 4 877935456 +276 340 5 880150440 +276 343 4 881563147 +276 346 4 885159545 +276 347 4 885159630 +276 354 4 888873388 +276 355 3 887601451 +276 356 3 874791101 +276 357 5 874787526 +276 358 3 874786419 +276 364 3 877935377 +276 366 3 889174764 +276 367 3 874791667 +276 375 1 874791339 +276 379 3 874792745 +276 380 3 874791383 +276 382 4 874791236 +276 383 2 877934828 +276 384 3 874792189 +276 385 4 874792547 +276 386 3 877935306 +276 387 3 874787526 +276 388 2 874792094 +276 391 2 874977442 +276 392 3 874790996 +276 393 4 874792094 +276 395 2 877935377 +276 396 4 874792118 +276 397 1 874792601 +276 399 2 874792634 +276 401 3 874792094 +276 402 3 874791407 +276 403 4 888873675 +276 404 4 874792870 +276 405 3 874787044 +276 406 2 874786831 +276 407 2 874792310 +276 408 5 874786467 +276 409 3 874792310 +276 410 4 874786686 +276 411 4 874786807 +276 415 3 874793062 +276 417 4 874792907 +276 418 4 874792870 +276 419 5 874792907 +276 420 4 874792945 +276 421 4 874795500 +276 423 5 874790926 +276 425 4 874791101 +276 426 3 874793092 +276 427 5 883822485 +276 428 4 874791870 +276 429 5 874790972 +276 431 3 874977474 +276 432 5 874792839 +276 433 4 874791960 +276 436 4 874792711 +276 443 4 874792692 +276 447 4 874792663 +276 448 4 874792692 +276 449 2 874792520 +276 450 1 874792634 +276 451 3 874792216 +276 453 1 880913767 +276 455 4 874786713 +276 456 2 874787237 +276 458 4 874786854 +276 461 4 874787526 +276 462 4 874795868 +276 463 4 874792839 +276 470 3 874790855 +276 471 4 874786657 +276 472 3 874787109 +276 473 4 874786831 +276 474 5 889174904 +276 475 5 874786756 +276 479 5 874836703 +276 496 4 882659476 +276 501 4 874793035 +276 508 5 874786467 +276 518 4 888873407 +276 523 4 874787496 +276 526 4 874791123 +276 531 4 874790801 +276 540 1 874792519 +276 544 3 889174870 +276 546 3 874786568 +276 547 4 874786605 +276 549 3 874791194 +276 550 4 874792574 +276 551 3 874792767 +276 552 3 874795795 +276 554 2 874795823 +276 558 4 874787526 +276 559 4 874792663 +276 561 2 874792745 +276 562 3 889174870 +276 563 3 874977334 +276 564 3 874791805 +276 566 4 874792601 +276 567 3 874792794 +276 568 4 882659211 +276 569 4 874791169 +276 571 2 874792118 +276 572 3 874795823 +276 575 2 874792310 +276 576 3 874792547 +276 577 2 877935336 +276 578 4 888873675 +276 581 4 886483710 +276 582 3 874787407 +276 583 3 874791444 +276 586 3 874977512 +276 588 4 874792907 +276 590 2 874977334 +276 591 3 874786632 +276 595 2 874787195 +276 597 3 874787150 +276 603 5 874795613 +276 624 2 874792969 +276 627 3 874792907 +276 628 4 874786538 +276 631 3 874796412 +276 634 4 874795888 +276 640 4 889174904 +276 647 4 874790903 +276 649 4 886483691 +276 652 4 889174849 +276 653 5 874795729 +276 655 4 874791297 +276 658 4 874791194 +276 665 3 874792520 +276 669 1 874792767 +276 672 3 874792692 +276 678 3 874786419 +276 679 3 874792520 +276 682 3 877933862 +276 684 4 874792436 +276 686 3 874792547 +276 691 4 888873488 +276 692 4 874791960 +276 693 4 874790903 +276 697 2 874791316 +276 709 4 874792018 +276 715 3 874791194 +276 719 3 877935336 +276 720 2 874791464 +276 721 3 874791871 +276 725 2 877935392 +276 727 3 889174919 +276 728 2 874792277 +276 732 4 874790903 +276 734 1 877935262 +276 735 4 874791214 +276 737 4 890979964 +276 739 2 874795538 +276 742 4 874786756 +276 743 1 874792634 +276 746 4 874791806 +276 747 4 874795448 +276 748 3 883822507 +276 750 4 882659186 +276 751 4 884286678 +276 755 3 874792870 +276 759 1 874796412 +276 763 3 874787214 +276 765 3 877935335 +276 768 3 874793118 +276 769 1 874977334 +276 770 4 877935446 +276 771 2 874795795 +276 773 3 874792794 +276 774 2 877934722 +276 779 2 874977513 +276 780 3 874792143 +276 783 1 874792143 +276 786 3 874791694 +276 789 3 874791623 +276 790 3 877935306 +276 794 2 874793198 +276 796 1 874791932 +276 797 3 877934643 +276 800 3 874792745 +276 801 3 877935306 +276 802 3 874792634 +276 803 2 874791487 +276 806 4 874787467 +276 809 2 874977245 +276 816 2 874792793 +276 820 3 874793062 +276 823 3 874786807 +276 825 3 874787006 +276 831 3 874792634 +276 840 3 874786897 +276 843 4 874792989 +276 844 4 877934677 +276 845 4 874786807 +276 853 5 889174849 +276 854 4 874791806 +276 871 2 874836608 +276 876 3 885537717 +276 879 3 877584219 +276 881 3 885537717 +276 890 3 880913460 +276 902 4 890979199 +276 915 4 892436368 +276 916 4 892436298 +276 919 4 874786467 +276 922 4 889174849 +276 928 3 874836629 +276 930 2 874787172 +276 931 2 874836682 +276 939 3 874790855 +276 941 3 877934065 +276 942 4 889174904 +276 943 4 883822485 +276 951 3 874792969 +276 959 4 874791695 +276 969 4 874792839 +276 974 2 874786945 +276 975 3 874836629 +276 977 2 874787090 +276 993 3 874787065 +276 1000 2 877935262 +276 1006 3 874787353 +276 1011 3 874836682 +276 1013 3 874787150 +276 1016 3 874786713 +276 1028 3 874787044 +276 1031 2 874793035 +276 1035 3 874793035 +276 1036 2 889174870 +276 1042 1 874795823 +276 1044 3 877934374 +276 1046 3 874795772 +276 1047 3 889174658 +276 1056 4 874796201 +276 1073 3 874795613 +276 1074 3 877934446 +276 1079 2 874787300 +276 1081 3 880913705 +276 1083 3 877934891 +276 1089 2 882659211 +276 1091 3 874793035 +276 1095 1 877935135 +276 1098 4 880913684 +276 1109 3 882659656 +276 1110 3 874977474 +276 1118 4 874791830 +276 1129 4 874786876 +276 1131 3 874796116 +276 1135 4 874791527 +276 1140 2 874791894 +276 1141 3 874790773 +276 1145 2 874977115 +276 1157 2 874795772 +276 1170 4 877934392 +276 1172 4 882659550 +276 1180 2 877935306 +276 1194 3 874790875 +276 1208 3 882659656 +276 1210 2 877934988 +276 1213 1 874791407 +276 1218 4 874792040 +276 1220 4 874791048 +276 1221 3 890979470 +276 1228 1 874977422 +276 1239 1 874977512 +276 1240 4 874977579 +276 1244 3 874836608 +276 1245 3 874787091 +276 1253 1 874795729 +276 1267 4 874791102 +276 1274 1 874977513 +276 1301 4 885871474 +276 1314 3 874796412 +276 1407 1 874977513 +276 1416 3 874792634 +276 1471 2 877934947 +276 1478 3 889174849 +276 1481 2 877934446 +276 1482 4 874791383 +276 1483 3 892436354 +277 7 2 879543377 +277 9 4 879543336 +277 15 4 879544145 +277 24 4 879543931 +277 25 4 879543902 +277 50 3 879543652 +277 93 4 879543972 +277 100 4 879543421 +277 111 4 879543487 +277 117 4 879544145 +277 121 2 879544058 +277 124 3 879543421 +277 129 4 879543653 +277 137 3 879543336 +277 147 4 879543822 +277 151 3 879543768 +277 181 3 879543653 +277 221 4 879544146 +277 237 4 879544145 +277 255 4 879544145 +277 257 3 879543487 +277 258 4 879544145 +277 273 5 879544145 +277 274 4 879543902 +277 276 4 879543454 +277 278 1 879543879 +277 279 4 879543592 +277 282 4 879543697 +277 284 4 879543972 +277 285 4 879543486 +277 286 5 879544145 +277 293 4 879544145 +277 302 4 879544201 +277 405 3 879544027 +277 471 3 879543377 +277 472 1 879544058 +277 473 2 879543879 +277 508 4 879543487 +277 591 4 879543768 +277 619 4 879543801 +277 628 4 879543697 +277 742 4 879543845 +277 748 3 879543879 +277 762 3 879543931 +277 844 4 879543528 +277 872 3 879543768 +277 925 4 879543592 +277 1008 3 879543621 +277 1011 3 879543697 +277 1129 3 879543421 +277 1197 4 879543768 +277 1283 2 879543592 +278 22 5 891295360 +278 98 4 891295360 +278 173 5 891295360 +278 245 3 891295230 +278 258 3 891295099 +278 269 5 891294959 +278 286 5 891295044 +278 288 5 891295230 +278 294 4 891295230 +278 301 2 891294980 +278 306 5 891295043 +278 311 4 891295130 +278 313 5 891294932 +278 315 4 891294932 +278 347 4 891294932 +278 515 5 891295330 +278 525 5 891295330 +278 538 4 891295164 +278 603 5 891295330 +278 752 5 891295164 +278 882 3 891295007 +278 923 5 891295330 +279 1 3 875295812 +279 2 4 875313311 +279 4 4 875296461 +279 10 4 875295838 +279 12 2 875306515 +279 13 3 875249210 +279 16 4 875296792 +279 21 3 875297456 +279 22 1 875296374 +279 24 5 875295591 +279 25 5 875295736 +279 28 2 875296461 +279 29 2 879573041 +279 30 2 877756984 +279 31 3 875309667 +279 32 3 875298696 +279 33 4 875308510 +279 40 4 875306910 +279 41 2 875313646 +279 42 4 875308843 +279 44 1 875313514 +279 50 3 890451347 +279 52 3 890780576 +279 56 4 875306515 +279 59 4 875308843 +279 60 4 875310263 +279 61 4 875306552 +279 63 3 875313350 +279 65 1 875306767 +279 66 2 882146492 +279 67 4 875310419 +279 68 4 875307407 +279 70 1 875309141 +279 71 3 890780576 +279 73 4 875310041 +279 79 3 875296461 +279 80 4 875313750 +279 81 4 875732652 +279 88 1 882146554 +279 89 4 875306910 +279 90 3 875314287 +279 92 4 890282182 +279 94 3 892865054 +279 95 3 875309950 +279 96 4 875310606 +279 99 3 890451347 +279 100 4 875249259 +279 101 3 891209021 +279 105 4 875297381 +279 108 4 892174381 +279 109 5 880869018 +279 114 5 879572694 +279 116 1 888799670 +279 117 5 875297199 +279 120 1 888427451 +279 121 4 875297708 +279 122 1 875297433 +279 124 3 878261977 +279 128 5 875296461 +279 129 1 884986081 +279 130 1 892864707 +279 132 3 875308670 +279 137 4 886014686 +279 139 3 890780864 +279 144 4 880850073 +279 146 1 875297281 +279 147 4 875297199 +279 150 3 886019867 +279 151 4 875249259 +279 152 5 882146492 +279 153 5 891209077 +279 154 5 875296291 +279 156 4 875306580 +279 158 3 875313351 +279 163 5 875313311 +279 166 4 879572893 +279 167 3 875312441 +279 168 5 875296435 +279 169 5 875306910 +279 170 3 875312643 +279 172 2 878082751 +279 173 5 875296461 +279 174 4 875306636 +279 175 5 875296461 +279 176 3 875310606 +279 180 2 875308670 +279 181 3 875298494 +279 184 5 890779991 +279 186 5 875309482 +279 189 5 878082781 +279 190 3 875307407 +279 191 3 875734031 +279 193 2 875307407 +279 195 4 875310631 +279 198 3 882456211 +279 201 5 890451408 +279 202 4 875307587 +279 203 2 875310676 +279 204 3 878082751 +279 207 5 875310394 +279 208 5 875310631 +279 209 5 875308987 +279 210 4 878261893 +279 211 4 875309616 +279 214 3 875306910 +279 216 3 884983225 +279 219 2 875736276 +279 224 4 882369761 +279 226 4 880850073 +279 227 4 889326161 +279 228 4 889326161 +279 229 4 889326161 +279 230 4 892865054 +279 233 5 875312745 +279 234 2 875654542 +279 235 3 891209153 +279 236 5 875296813 +279 238 4 891208908 +279 239 4 875310418 +279 240 4 889151559 +279 248 4 875249259 +279 249 3 878878420 +279 250 3 875249259 +279 254 3 879572960 +279 257 5 875295736 +279 265 5 875655063 +279 269 4 892865492 +279 273 2 880869018 +279 274 3 875296792 +279 275 3 875249232 +279 283 3 875296652 +279 288 3 875249102 +279 290 4 875296924 +279 291 3 878878420 +279 294 2 875249117 +279 301 4 878082781 +279 319 4 890780735 +279 321 5 875249102 +279 342 4 881375917 +279 363 5 890451473 +279 364 4 891209077 +279 367 3 875309861 +279 368 1 886016352 +279 372 4 875310117 +279 373 4 875659844 +279 379 3 875314386 +279 380 4 889326161 +279 382 4 875312947 +279 384 4 875312946 +279 385 4 875309351 +279 386 3 889985007 +279 390 3 875744641 +279 391 5 875313859 +279 393 1 875314093 +279 395 4 875659329 +279 396 3 875314231 +279 397 4 890780547 +279 398 4 875310764 +279 399 4 875313859 +279 401 5 875310730 +279 403 1 879573060 +279 405 3 886015701 +279 407 4 875297479 +279 408 5 875249210 +279 410 5 890780547 +279 411 3 875296005 +279 412 3 875297708 +279 413 4 889151529 +279 415 3 875314313 +279 418 3 875733888 +279 421 3 892864867 +279 425 4 875306430 +279 431 4 875310303 +279 432 3 875296292 +279 433 4 880869018 +279 434 4 892864609 +279 436 4 891209332 +279 444 3 875659746 +279 449 3 875312378 +279 450 4 889326161 +279 455 5 877236424 +279 456 3 875296924 +279 461 3 875306820 +279 462 3 875309911 +279 464 4 875310041 +279 465 5 875310157 +279 469 4 884982881 +279 470 3 878262194 +279 472 3 876609690 +279 474 5 892173363 +279 480 3 875309189 +279 487 3 890282182 +279 489 2 888430298 +279 490 3 890282225 +279 491 5 875296435 +279 501 3 875308843 +279 502 5 875310263 +279 509 3 875296552 +279 514 4 875307210 +279 515 3 875295943 +279 517 4 879572893 +279 529 3 875308843 +279 530 3 890780576 +279 532 1 875298597 +279 534 1 878971577 +279 541 3 882146458 +279 546 3 875296924 +279 550 4 880850073 +279 554 1 875314231 +279 556 3 880666808 +279 558 4 875307210 +279 562 3 890451433 +279 566 4 875313387 +279 571 4 878082781 +279 577 1 889151559 +279 578 4 879572694 +279 586 4 892864663 +279 591 2 875297381 +279 594 1 891209021 +279 597 5 875297456 +279 616 3 890451408 +279 624 4 875734996 +279 625 3 878261977 +279 636 5 875313387 +279 638 4 875312441 +279 649 3 875312719 +279 652 4 890451408 +279 654 5 875306552 +279 659 5 877756699 +279 660 4 875313473 +279 662 2 875310631 +279 663 3 875310394 +279 666 2 890451373 +279 671 2 875296238 +279 679 4 884556545 +279 684 3 880825843 +279 685 3 884982881 +279 687 4 878793072 +279 702 4 875309760 +279 709 4 875310195 +279 710 4 890451408 +279 712 5 875312339 +279 713 3 886015169 +279 719 4 875308222 +279 721 5 875312719 +279 725 4 875314144 +279 727 3 890780864 +279 728 4 875314287 +279 732 3 879647301 +279 739 1 879573060 +279 740 3 875736276 +279 741 5 875296891 +279 746 5 875310233 +279 751 4 882593314 +279 753 2 875307443 +279 759 4 875313616 +279 760 3 875297522 +279 762 3 875297199 +279 763 3 875297522 +279 764 3 888425981 +279 778 4 891209332 +279 780 4 875314165 +279 781 3 875314001 +279 789 4 875306580 +279 792 3 875308843 +279 797 4 875744512 +279 802 4 875313600 +279 804 4 875744416 +279 805 3 879573022 +279 809 3 891208945 +279 810 2 889984640 +279 820 4 884984955 +279 824 4 875297456 +279 827 1 888426577 +279 831 5 875744257 +279 832 3 881375854 +279 841 4 879572893 +279 843 4 875314313 +279 845 1 888426577 +279 853 1 890451433 +279 862 5 875313646 +279 864 5 875296829 +279 869 1 892176473 +279 871 4 875297410 +279 890 3 882146458 +279 919 3 892864663 +279 922 3 890451433 +279 926 4 875296696 +279 932 3 892174381 +279 940 5 889151559 +279 946 3 875313032 +279 948 3 891209078 +279 952 3 875296676 +279 971 4 875314231 +279 976 3 877756631 +279 977 4 875297281 +279 978 1 889231898 +279 982 3 875298314 +279 990 1 875249134 +279 992 4 889151559 +279 998 5 875313883 +279 1000 4 875314313 +279 1001 4 882160106 +279 1007 4 879572694 +279 1011 3 875298314 +279 1012 5 875298447 +279 1017 3 875296891 +279 1025 2 880825843 +279 1027 4 891208908 +279 1028 4 875296104 +279 1030 4 875659761 +279 1032 3 880666757 +279 1035 3 875309935 +279 1037 1 888806543 +279 1047 4 892864663 +279 1048 1 886015533 +279 1052 4 890451408 +279 1059 4 891209332 +279 1070 3 875309760 +279 1072 4 890780735 +279 1087 2 891209189 +279 1088 4 877756804 +279 1093 4 875298330 +279 1095 1 886016480 +279 1108 1 892174273 +279 1110 3 875307379 +279 1113 3 888806035 +279 1118 3 875310631 +279 1120 3 891209189 +279 1121 4 875310101 +279 1132 1 892864828 +279 1133 2 892173598 +279 1142 1 890780603 +279 1151 2 875744584 +279 1162 3 875314334 +279 1170 1 891209102 +279 1178 4 875744641 +279 1180 2 890781034 +279 1181 4 875314001 +279 1182 3 875314370 +279 1185 1 888805868 +279 1195 1 875312339 +279 1205 3 888461244 +279 1206 5 884986688 +279 1209 4 875314350 +279 1215 2 884556545 +279 1219 3 875744358 +279 1224 3 878082804 +279 1228 4 890779991 +279 1230 3 891209189 +279 1231 4 875313583 +279 1239 1 884982882 +279 1240 1 892174404 +279 1242 1 888797284 +279 1244 3 875298652 +279 1247 2 875659924 +279 1266 1 875308843 +279 1271 4 875659999 +279 1288 4 891209077 +279 1291 4 875297708 +279 1305 4 875313406 +279 1312 3 890780962 +279 1321 4 888806671 +279 1336 1 875298353 +279 1361 3 878261977 +279 1376 4 886016680 +279 1402 1 888462243 +279 1411 3 884556545 +279 1413 5 875314434 +279 1428 3 888465209 +279 1435 3 892174339 +279 1480 3 875314370 +279 1484 3 875307587 +279 1485 4 878262195 +279 1486 1 875314076 +279 1487 1 875314076 +279 1488 4 875659924 +279 1489 3 891208884 +279 1490 4 875312947 +279 1491 5 890451408 +279 1492 4 888430806 +279 1493 1 888465068 +279 1494 1 889232401 +279 1495 4 889984565 +279 1497 2 890780576 +279 1498 4 891208884 +279 1499 4 890451408 +279 1500 5 875306613 +279 1501 1 889231898 +280 1 4 891700426 +280 2 3 891701278 +280 3 2 891702406 +280 4 3 891700733 +280 5 4 891701066 +280 7 4 891700385 +280 8 5 891700303 +280 11 5 891700570 +280 13 5 891700257 +280 22 5 891700552 +280 29 3 891701852 +280 31 4 891701344 +280 38 3 891701832 +280 40 5 891701614 +280 50 3 891701027 +280 53 5 891702544 +280 54 2 891701747 +280 56 5 891702544 +280 58 4 891700514 +280 62 3 891701747 +280 66 5 891701148 +280 67 4 891701785 +280 68 3 891701066 +280 69 4 891700242 +280 71 4 891700818 +280 72 4 891702276 +280 73 3 891700715 +280 76 2 891700699 +280 77 3 891702086 +280 79 4 891700453 +280 80 3 891701998 +280 82 2 891700925 +280 86 4 891700475 +280 88 3 891701556 +280 90 4 891701530 +280 92 3 891700366 +280 94 2 891702028 +280 95 5 891700570 +280 96 4 891700664 +280 98 5 891700208 +280 99 2 891700475 +280 100 3 891700385 +280 102 5 891701328 +280 103 3 891702122 +280 111 4 891700983 +280 112 3 891702485 +280 117 5 891700366 +280 118 2 891701027 +280 125 2 891701148 +280 126 3 891700643 +280 127 5 891702544 +280 128 3 891701188 +280 132 4 891701090 +280 135 4 891700552 +280 140 4 891701223 +280 142 4 891701747 +280 144 2 891700514 +280 145 3 891702198 +280 153 5 891700681 +280 155 5 891702544 +280 156 4 891700643 +280 157 3 891700733 +280 158 2 891701764 +280 159 4 891701944 +280 161 4 891701249 +280 162 3 891701431 +280 167 4 891701631 +280 173 3 891700453 +280 174 3 891700588 +280 176 3 891700426 +280 180 4 891700453 +280 181 3 891701248 +280 195 3 891700303 +280 197 2 891700836 +280 200 5 891702544 +280 202 3 891701090 +280 203 4 891701530 +280 204 3 891700643 +280 210 2 891700385 +280 215 3 891701723 +280 217 3 891701832 +280 218 4 891701474 +280 219 2 891702199 +280 220 5 891700426 +280 225 4 891701974 +280 226 3 891701998 +280 227 3 891702153 +280 228 3 891701405 +280 229 3 891702171 +280 230 3 891702153 +280 231 3 891701974 +280 232 3 891701649 +280 234 3 891700803 +280 235 5 891701649 +280 237 3 891700624 +280 239 3 891701344 +280 265 4 891700588 +280 274 5 891701188 +280 282 3 891700426 +280 284 3 891701090 +280 286 4 891700185 +280 288 5 891700184 +280 294 2 891700021 +280 313 3 891699839 +280 315 5 891700184 +280 316 5 891700184 +280 322 4 891700185 +280 323 2 891700106 +280 324 5 891700185 +280 367 5 891701002 +280 380 2 891700226 +280 381 3 891700925 +280 384 4 891702137 +280 385 5 891702544 +280 387 4 891701974 +280 388 2 891702486 +280 389 5 891701913 +280 392 5 891701328 +280 393 4 891702323 +280 402 4 891701249 +280 404 3 891701114 +280 405 2 891700963 +280 409 3 891702441 +280 416 5 891701666 +280 419 3 891701047 +280 420 3 891701816 +280 431 4 891701531 +280 448 3 891701765 +280 449 3 891702324 +280 465 3 891701148 +280 468 4 891702028 +280 471 3 891700553 +280 472 2 891702086 +280 476 5 891702544 +280 483 4 891701066 +280 486 5 891700751 +280 496 5 891700321 +280 499 4 891700496 +280 507 3 891700682 +280 508 3 891700453 +280 527 5 891700768 +280 528 3 891700553 +280 538 5 891700185 +280 540 3 891702304 +280 542 3 891702199 +280 544 4 891701302 +280 546 4 891702252 +280 550 2 891701764 +280 554 1 891701998 +280 559 3 891701583 +280 566 4 891701188 +280 568 2 891701047 +280 571 3 891702338 +280 575 2 891702422 +280 576 3 891702276 +280 584 4 891701223 +280 586 4 891701871 +280 595 3 891701666 +280 609 4 891701278 +280 619 4 891701913 +280 629 4 891701852 +280 631 5 891700751 +280 655 3 891700400 +280 660 5 891701114 +280 663 4 891700783 +280 670 2 891702485 +280 673 4 891701223 +280 678 2 891700124 +280 690 2 891699964 +280 692 3 891700983 +280 693 3 891701027 +280 697 5 891701506 +280 699 4 891700341 +280 715 2 891700945 +280 722 3 891702122 +280 723 5 891701853 +280 725 3 891702387 +280 728 3 891701614 +280 729 2 891700963 +280 731 3 891702049 +280 735 2 891700475 +280 736 2 891700341 +280 742 4 891701249 +280 746 4 891701148 +280 748 2 891700080 +280 750 5 891700185 +280 751 3 891699925 +280 755 2 891701278 +280 756 4 891701649 +280 764 4 891701685 +280 765 4 891701816 +280 769 3 891702441 +280 771 3 891702122 +280 780 4 891701897 +280 781 4 891701699 +280 790 4 891702013 +280 845 3 891700925 +280 866 3 891701997 +280 925 4 891701723 +280 928 5 891700850 +280 934 2 891702291 +280 942 5 891701431 +280 975 4 891702252 +280 977 3 891701723 +280 1015 3 891701631 +280 1028 5 891702276 +280 1035 4 891701785 +280 1041 5 891702544 +280 1047 3 891701897 +280 1048 4 891701002 +280 1049 2 891702486 +280 1051 4 891700904 +280 1060 3 891701278 +280 1066 4 891701928 +280 1099 5 891701114 +280 1112 4 891702324 +280 1114 4 891702199 +280 1133 3 891700242 +280 1168 5 891702544 +280 1181 2 891700496 +280 1182 3 891702214 +280 1207 4 891701998 +280 1217 5 891702544 +280 1221 5 891701944 +280 1297 4 891702230 +280 1313 5 891700184 +280 1401 5 891700881 +280 1459 4 891701747 +280 1466 5 891700836 +280 1473 3 891700904 +280 1478 4 891701090 +280 1479 3 891702457 +281 258 2 881200457 +281 271 5 881200457 +281 288 4 881200264 +281 289 3 881200704 +281 294 3 881200643 +281 301 3 881200643 +281 304 5 881200745 +281 308 1 881200297 +281 310 4 881200264 +281 322 4 881200789 +281 323 3 881200789 +281 326 1 881200491 +281 331 3 881200491 +281 332 4 881200603 +281 333 3 881200457 +281 338 2 881200457 +281 342 1 881200789 +281 538 4 881200520 +281 682 3 881200519 +281 690 5 881200264 +281 877 4 881200643 +281 938 2 881200789 +281 989 2 881200789 +282 258 5 879949367 +282 262 4 879949417 +282 268 4 879949438 +282 269 4 879949347 +282 271 3 881702919 +282 288 4 879949367 +282 294 4 879949525 +282 300 3 879949438 +282 302 5 879949347 +282 305 4 879949347 +282 307 3 881702875 +282 319 4 879949394 +282 325 1 881703044 +282 327 5 879949417 +282 333 3 879949394 +282 338 3 879949468 +282 340 3 879949394 +282 343 4 881702939 +282 689 2 881703044 +282 879 2 879949504 +282 890 4 879949468 +283 21 3 879297867 +283 24 4 879297867 +283 42 5 879298333 +283 49 4 879298333 +283 50 5 879297134 +283 56 5 879298206 +283 70 4 879298206 +283 83 4 879298239 +283 91 5 879297965 +283 95 5 879297965 +283 100 4 879297160 +283 125 5 879297347 +283 151 4 879297318 +283 168 5 879298206 +283 175 4 879298270 +283 186 5 879298239 +283 194 4 879298295 +283 202 5 879298206 +283 204 4 879298239 +283 208 5 879298239 +283 209 4 879298271 +283 210 5 879298206 +283 211 4 879298271 +283 216 4 879298206 +283 238 5 879298295 +283 288 2 879297867 +283 291 2 879297867 +283 294 4 879297013 +283 393 4 879298295 +283 407 3 879297867 +283 409 4 879297442 +283 412 5 879297526 +283 432 5 879297965 +283 433 4 879298333 +283 435 5 879298206 +283 455 4 879297707 +283 588 4 879297965 +283 625 3 879298007 +283 627 4 879297966 +283 659 5 879298239 +283 676 3 879297867 +283 709 5 879298206 +283 820 4 879297904 +283 845 4 879297442 +283 866 3 879297867 +283 1009 3 879297867 +283 1079 4 879297526 +283 1114 5 879297545 +283 1487 2 879297867 +284 258 4 885329146 +284 259 2 885329593 +284 262 4 885328836 +284 268 5 885329065 +284 269 4 885328991 +284 270 3 885328906 +284 272 5 885328727 +284 286 4 885328727 +284 289 3 885329671 +284 300 3 885329395 +284 301 5 885329593 +284 302 4 885328906 +284 303 5 885328991 +284 304 4 885329322 +284 305 4 885328906 +284 306 4 885329146 +284 307 4 885329322 +284 310 3 885328991 +284 313 3 885328727 +284 319 3 885329238 +284 322 3 885329671 +284 324 3 885329468 +284 328 4 885329322 +284 332 3 885329593 +284 333 3 885329146 +284 339 3 885329671 +284 340 4 885328991 +284 344 4 885329593 +284 345 4 885328728 +284 346 4 885329065 +284 347 5 885328727 +284 539 2 885329821 +284 682 3 885329322 +284 687 3 885329902 +284 690 3 885329468 +284 748 3 885329671 +284 750 3 885328906 +284 751 3 885329322 +284 754 3 885329065 +284 887 4 885328906 +284 900 4 885328991 +284 903 4 885329238 +284 906 3 885328836 +284 938 3 885329821 +285 64 3 890595777 +285 100 4 890595636 +285 150 5 890595636 +285 151 5 890595636 +285 168 4 890595900 +285 183 4 890595859 +285 185 3 890595859 +285 191 4 890595859 +285 194 4 890595777 +285 198 5 890595900 +285 205 4 890595900 +285 216 3 890595900 +285 222 4 890595636 +285 237 4 890595636 +285 258 2 890595408 +285 269 4 890595313 +285 270 4 890595456 +285 276 4 890595726 +285 288 5 890595584 +285 300 4 890595584 +285 302 5 890595313 +285 313 5 890595313 +285 319 3 890595523 +285 346 4 890595456 +285 357 5 890595777 +285 455 4 890595726 +285 514 3 890595859 +285 538 5 890595479 +285 628 2 890595636 +285 682 4 890595524 +285 902 4 890595584 +286 1 4 876521699 +286 4 5 877531899 +286 7 4 875807003 +286 11 5 877531975 +286 13 2 876521933 +286 14 4 875807003 +286 16 3 876521809 +286 17 4 877531537 +286 20 4 876521858 +286 22 4 877532889 +286 25 3 875807003 +286 29 2 877533586 +286 34 5 877534701 +286 40 4 877534824 +286 41 2 877535323 +286 42 4 877533698 +286 44 3 877532173 +286 47 4 877532419 +286 50 4 875806869 +286 53 2 877533506 +286 55 4 877531574 +286 56 2 877531469 +286 57 5 877533419 +286 66 4 877533586 +286 70 5 877531975 +286 73 5 877532965 +286 77 3 877533001 +286 81 3 889652601 +286 82 3 889651605 +286 83 5 877531975 +286 85 5 877533224 +286 88 4 877533640 +286 89 4 877533381 +286 90 4 877533224 +286 91 4 877532470 +286 95 5 877531407 +286 96 4 877532385 +286 97 4 877533101 +286 99 4 878141681 +286 100 3 876521650 +286 107 1 875807043 +286 111 5 876521858 +286 116 5 875806888 +286 117 2 876521650 +286 121 3 876522166 +286 123 5 876521586 +286 125 4 876521650 +286 127 4 877530570 +286 132 5 877531791 +286 133 4 877531730 +286 137 4 884203281 +286 139 3 889653012 +286 142 4 877534793 +286 143 4 889651549 +286 144 3 877531434 +286 147 5 876522114 +286 151 5 875806800 +286 153 5 877531406 +286 154 4 877533381 +286 155 4 877533640 +286 158 3 877533472 +286 161 2 877533419 +286 164 3 877533586 +286 167 5 877533419 +286 168 4 877531760 +286 169 3 877533101 +286 171 4 877531791 +286 172 4 889651549 +286 174 4 877531537 +286 175 5 877532470 +286 176 4 878142001 +286 179 5 889651822 +286 181 3 875807043 +286 184 3 877534506 +286 186 5 877534903 +286 189 3 877533296 +286 191 4 877531407 +286 195 4 877534618 +286 196 4 877533543 +286 198 4 877533887 +286 202 4 877532204 +286 204 3 877531941 +286 208 4 877531942 +286 209 4 877531691 +286 210 5 877535208 +286 211 4 879781579 +286 212 1 877531830 +286 214 1 889651605 +286 216 4 877532013 +286 217 3 877533447 +286 224 5 889651549 +286 228 3 889651576 +286 229 1 889652291 +286 231 3 877532094 +286 232 4 877534701 +286 234 3 877532093 +286 237 2 875806800 +286 248 5 875806800 +286 250 4 876521887 +286 251 5 876521678 +286 257 3 875806837 +286 258 4 877530390 +286 268 4 884069298 +286 269 5 879780839 +286 272 5 884069298 +286 274 2 876521917 +286 275 4 875807074 +286 277 4 875807003 +286 278 5 876521700 +286 280 4 876522097 +286 285 1 879781450 +286 288 5 875806672 +286 289 5 875806672 +286 290 3 876522072 +286 298 4 875807004 +286 301 5 879780879 +286 309 5 884583549 +286 312 4 884069415 +286 315 5 889651138 +286 316 5 889651121 +286 325 1 889651253 +286 329 4 886475961 +286 330 5 884069544 +286 336 5 884069544 +286 339 5 884583549 +286 340 4 879780905 +286 341 5 884069544 +286 348 4 889651179 +286 354 4 889651029 +286 357 4 877531537 +286 372 4 877532683 +286 379 5 877533771 +286 381 5 877532965 +286 382 5 877531830 +286 386 3 877534975 +286 390 1 889652378 +286 393 4 877534481 +286 394 5 877534771 +286 396 4 877534414 +286 401 1 877535446 +286 404 5 889651799 +286 405 3 876522150 +286 411 2 876522133 +286 413 3 877531226 +286 417 3 877533993 +286 419 5 889651990 +286 421 1 889651848 +286 423 4 877532385 +286 425 2 877532013 +286 428 5 877532303 +286 431 5 889651822 +286 432 3 878141681 +286 433 5 877531537 +286 451 5 877533993 +286 455 1 889652378 +286 461 2 877532930 +286 462 5 877531537 +286 465 5 889651698 +286 472 3 876522340 +286 475 4 875807074 +286 476 4 876521993 +286 477 3 876521773 +286 483 5 877531661 +286 512 2 877533101 +286 527 4 877531407 +286 535 5 875806918 +286 546 1 876521835 +286 552 3 877535072 +286 554 4 877535014 +286 559 4 877534081 +286 569 4 877534313 +286 574 4 877534137 +286 577 2 877535500 +286 588 5 877532131 +286 596 3 875806869 +286 597 3 876522360 +286 628 4 875806800 +286 636 3 877533185 +286 640 5 877531830 +286 642 3 877531498 +286 655 3 889651746 +286 658 5 877533543 +286 683 5 884583549 +286 689 5 884583549 +286 703 2 889651672 +286 704 2 877531941 +286 707 5 877531975 +286 709 4 877532748 +286 710 4 889651672 +286 721 3 877532329 +286 724 3 877532013 +286 728 3 889652740 +286 732 5 877531899 +286 734 2 877534618 +286 737 4 877532419 +286 738 5 877534903 +286 739 3 877532683 +286 741 4 876521887 +286 742 5 877530860 +286 746 4 877533058 +286 747 4 877533796 +286 749 3 889651060 +286 761 4 877533640 +286 762 2 876522008 +286 763 2 876521809 +286 766 3 877533724 +286 768 3 889652968 +286 771 2 877535119 +286 778 5 877534025 +286 781 4 877532777 +286 790 1 877535208 +286 792 3 877532230 +286 805 3 878141931 +286 815 3 876521966 +286 818 2 877531281 +286 819 3 876521835 +286 821 4 877534550 +286 824 1 876522200 +286 881 5 884583549 +286 883 5 884069544 +286 884 5 884069544 +286 888 5 884583549 +286 924 4 876521773 +286 929 4 876522098 +286 930 2 876522240 +286 931 4 876522340 +286 934 3 889653107 +286 946 3 889652221 +286 949 4 877534859 +286 952 2 875807043 +286 955 5 877533914 +286 969 5 878142001 +286 988 3 875806722 +286 993 2 875807043 +286 1014 5 879781125 +286 1035 3 877532094 +286 1038 5 884583549 +286 1039 5 877531730 +286 1047 1 876522026 +286 1051 4 876522261 +286 1060 5 889652989 +286 1074 4 889652912 +286 1075 5 877532385 +286 1079 3 876522240 +286 1091 4 877534859 +286 1101 5 877532715 +286 1105 5 884583549 +286 1113 3 877534107 +286 1118 1 889652989 +286 1119 3 877534054 +286 1140 3 877533586 +286 1182 2 877535288 +286 1194 4 877533640 +286 1202 3 876522185 +286 1230 1 877535157 +286 1239 3 877535344 +286 1265 5 884069544 +286 1280 5 884069544 +286 1286 5 877532683 +286 1288 4 876522114 +286 1316 5 884583549 +286 1375 5 889651445 +286 1411 2 877535425 +286 1502 2 877535499 +286 1503 3 877534107 +286 1504 4 877534903 +287 1 5 875334088 +287 4 4 875336652 +287 9 5 875334089 +287 11 5 875335124 +287 28 5 875335018 +287 39 5 875336652 +287 50 5 875334271 +287 56 5 875334759 +287 64 5 875336775 +287 92 4 875334896 +287 98 4 875334759 +287 100 5 888177364 +287 108 4 875334519 +287 111 3 875334126 +287 117 5 875334405 +287 121 4 875334494 +287 156 5 875336804 +287 168 5 875335190 +287 181 3 875333964 +287 200 4 875335237 +287 201 5 875334962 +287 208 4 875334896 +287 218 5 875335424 +287 222 5 875334224 +287 235 4 875334248 +287 237 5 875334151 +287 240 2 875334454 +287 246 4 875333964 +287 248 5 875333965 +287 249 5 875334430 +287 250 3 875334060 +287 252 1 875334361 +287 257 4 875334224 +287 268 4 888177170 +287 276 4 875334126 +287 291 5 888177402 +287 294 5 875333873 +287 298 4 875333965 +287 301 3 875333873 +287 313 4 888177170 +287 327 5 875333916 +287 340 5 888177097 +287 346 5 888177040 +287 347 4 888177040 +287 426 3 875336743 +287 461 5 875336652 +287 476 1 875334340 +287 546 4 875334271 +287 591 5 875334293 +287 652 4 875335018 +287 682 4 888177213 +287 710 4 875334807 +287 748 4 875333873 +287 815 3 875334248 +287 845 5 875334587 +287 926 4 875334340 +287 941 3 875335424 +287 952 4 875334036 +287 1016 5 875334430 +287 1067 2 875334036 +288 12 4 886374130 +288 13 5 886892241 +288 15 4 886892177 +288 22 5 886374286 +288 50 4 886374520 +288 64 5 886374365 +288 69 5 886373426 +288 97 4 886629750 +288 98 5 886373474 +288 121 2 886893063 +288 127 5 886374451 +288 132 3 886374129 +288 134 2 886374129 +288 136 5 886374316 +288 157 4 886373619 +288 173 3 886373474 +288 174 4 886374286 +288 175 1 886629664 +288 176 4 886373565 +288 177 3 886629528 +288 178 5 886374342 +288 180 5 886373474 +288 182 4 886374497 +288 190 1 886374286 +288 196 5 886373474 +288 197 5 889225574 +288 199 4 886629592 +288 200 4 886373534 +288 202 5 889225535 +288 205 5 889225443 +288 211 5 886374473 +288 214 2 886374316 +288 216 4 886629592 +288 223 3 886374497 +288 230 2 886629664 +288 234 4 886374473 +288 237 4 886892195 +288 258 4 886372882 +288 268 4 886372812 +288 269 5 886373071 +288 272 5 889225463 +288 276 4 886892127 +288 289 3 886372937 +288 294 2 886372841 +288 300 5 886372155 +288 305 4 886372527 +288 317 4 886374497 +288 318 4 886374316 +288 327 1 886373007 +288 340 5 886372155 +288 345 5 886372155 +288 346 5 886372155 +288 357 5 886373591 +288 427 5 886374342 +288 435 4 889225633 +288 511 4 886373509 +288 515 4 886373591 +288 520 5 886374497 +288 527 3 886373565 +288 528 4 886374286 +288 544 5 886892241 +288 593 2 886892127 +288 632 4 886373591 +288 651 4 886374342 +288 688 1 886373007 +288 742 3 886893063 +288 880 1 886373007 +288 887 5 886372155 +288 900 5 886372155 +288 1039 2 886373565 +288 1065 4 886373474 +288 1358 5 886892241 +289 1 3 876789736 +289 7 4 876789628 +289 15 3 876789581 +289 21 1 876790499 +289 24 4 876790292 +289 121 3 876789736 +289 125 2 876789373 +289 147 3 876789581 +289 151 2 876790499 +289 222 2 876789463 +289 254 1 876790734 +289 282 3 876789180 +289 405 2 876790576 +289 410 2 876790361 +289 455 4 876790464 +289 471 4 876789373 +289 473 1 876790576 +289 477 2 876790323 +289 685 4 876789373 +289 742 4 876789463 +289 815 3 876789581 +289 849 4 876789943 +289 926 3 876790611 +289 1016 5 876789843 +290 1 5 880474327 +290 15 4 880474494 +290 21 3 880475695 +290 22 5 880473942 +290 28 5 880474235 +290 31 4 880475032 +290 43 3 880475783 +290 49 3 880475542 +290 50 5 880473582 +290 54 3 880475218 +290 66 4 880731963 +290 69 4 880473696 +290 71 5 880473667 +290 82 4 880473918 +290 88 4 880731963 +290 89 3 880473971 +290 91 2 880474451 +290 95 4 880474590 +290 97 3 880475016 +290 98 4 880474235 +290 102 3 880475585 +290 105 2 880732753 +290 109 3 880475564 +290 117 3 880474799 +290 118 4 880731896 +290 121 4 880475266 +290 125 3 880475245 +290 132 3 880473993 +290 133 3 880473735 +290 135 4 880474510 +290 139 2 880475420 +290 141 4 880474740 +290 143 5 880474293 +290 144 3 880473802 +290 153 3 880475310 +290 158 5 880474977 +290 161 4 880474293 +290 162 3 880474107 +290 164 4 880474010 +290 167 2 880475807 +290 168 3 880474204 +290 172 5 880474141 +290 174 5 880473891 +290 176 4 880473971 +290 180 1 880474913 +290 181 5 880473696 +290 191 3 880474235 +290 193 4 880473802 +290 196 4 880474293 +290 199 3 880474799 +290 202 4 880474590 +290 204 4 880473696 +290 205 3 880473777 +290 208 3 880475245 +290 210 5 880474716 +290 211 3 880474235 +290 216 4 880475218 +290 218 2 880475542 +290 222 4 880731778 +290 227 2 880473557 +290 228 4 880473556 +290 229 3 880473557 +290 230 4 880473557 +290 234 3 880474451 +290 235 3 880474451 +290 239 2 880474451 +290 243 3 880473474 +290 252 3 880732575 +290 257 4 880731518 +290 265 4 880475371 +290 271 3 880473557 +290 274 4 880731874 +290 318 4 880473776 +290 323 3 880473346 +290 380 3 880731766 +290 385 4 880474716 +290 393 3 880475169 +290 402 4 880474422 +290 403 2 880475542 +290 404 3 880475341 +290 405 2 880732365 +290 418 3 880474293 +290 419 4 880474235 +290 423 5 880474422 +290 429 4 880474606 +290 432 5 880474590 +290 434 4 880474422 +290 435 3 880473802 +290 436 2 880475469 +290 449 1 880473557 +290 450 2 880473557 +290 465 3 880474799 +290 472 4 880475495 +290 473 1 880475420 +290 474 3 880474204 +290 476 3 880475837 +290 483 5 880473845 +290 484 3 880474174 +290 496 4 880474156 +290 498 4 880473777 +290 515 3 880473918 +290 520 3 880473734 +290 523 3 880473735 +290 527 4 880474590 +290 546 2 880475564 +290 550 3 880475807 +290 566 3 880474388 +290 568 3 880474716 +290 588 4 880474652 +290 596 4 880474141 +290 622 3 880474204 +290 625 4 880475782 +290 629 3 880474716 +290 650 2 880475625 +290 651 3 880474034 +290 683 2 880473415 +290 685 3 880732365 +290 692 5 880474293 +290 699 3 880473735 +290 720 3 880475695 +290 732 4 880473777 +290 739 3 880475757 +290 742 2 880475310 +290 755 4 880475218 +290 809 4 880475664 +290 818 3 880732656 +290 825 3 880732508 +290 826 2 880732271 +290 832 3 880732491 +290 926 3 880732538 +290 930 3 880732131 +290 993 4 880473630 +290 1013 2 880732131 +290 1028 3 880732365 +290 1035 4 880475782 +290 1047 4 880475757 +290 1060 3 880732271 +290 1079 2 880732771 +290 1091 2 880475735 +290 1285 3 880475565 +290 1336 3 880733010 +291 1 5 874834481 +291 3 3 874833936 +291 4 4 874835062 +291 5 5 874834799 +291 7 5 874834481 +291 8 4 874871766 +291 9 5 874805804 +291 11 4 874835024 +291 12 5 874834701 +291 15 5 874833668 +291 17 4 874834850 +291 21 2 874834389 +291 22 5 874835062 +291 24 5 874834481 +291 27 3 874835024 +291 28 4 875086920 +291 31 4 874834768 +291 33 4 874834850 +291 38 3 874834914 +291 41 4 875086636 +291 46 4 874868045 +291 48 5 874868027 +291 49 4 875086090 +291 50 5 874805860 +291 53 5 874834827 +291 54 4 874834963 +291 55 4 874834735 +291 56 5 874834701 +291 64 5 874867994 +291 66 4 875086185 +291 67 4 875086308 +291 69 5 874868146 +291 70 4 874868146 +291 71 4 875086887 +291 72 4 875086090 +291 77 4 874834799 +291 79 5 874834799 +291 80 4 875086354 +291 82 4 874835116 +291 84 3 874868327 +291 85 2 874877699 +291 89 3 874835116 +291 90 5 874871800 +291 92 4 874835091 +291 93 4 874805927 +291 94 2 875086354 +291 96 4 874835062 +291 97 4 875087264 +291 98 5 874834701 +291 99 4 875086887 +291 100 5 874834481 +291 101 4 875087198 +291 106 4 874805958 +291 117 5 874834481 +291 118 2 874833878 +291 121 2 874805984 +291 122 3 874834289 +291 123 4 874806006 +291 124 5 874834481 +291 125 4 874834019 +291 128 4 874835062 +291 129 5 874805699 +291 140 4 875086887 +291 143 3 875086921 +291 144 5 874835091 +291 147 4 874805768 +291 151 5 874833668 +291 154 4 875086185 +291 155 3 875087371 +291 156 5 874834768 +291 158 2 875086208 +291 159 4 875087488 +291 164 4 874834875 +291 168 5 874871800 +291 172 5 874835062 +291 173 5 874871800 +291 174 5 874835062 +291 175 2 874867966 +291 179 5 874868255 +291 181 5 874805804 +291 184 4 874835198 +291 188 3 874835198 +291 195 4 874835165 +291 200 4 874867740 +291 202 4 874871736 +291 204 4 874871736 +291 210 5 875086491 +291 212 4 874868027 +291 214 4 874868146 +291 215 4 874868382 +291 218 4 874834799 +291 219 4 874867785 +291 223 5 874867912 +291 226 5 874834895 +291 231 3 874835024 +291 232 4 874835198 +291 234 4 874834735 +291 235 2 874805860 +291 236 4 874834128 +291 237 4 874805668 +291 238 5 874871736 +291 244 2 874805927 +291 245 2 874805577 +291 246 5 874834481 +291 249 4 874805893 +291 250 4 874805927 +291 262 4 874833603 +291 273 3 874833705 +291 282 4 874833788 +291 284 4 874833687 +291 285 4 874833746 +291 288 5 874805453 +291 290 4 874834001 +291 291 5 874834054 +291 294 5 874834481 +291 324 1 874805453 +291 325 4 874805610 +291 356 4 874834875 +291 364 3 875086699 +291 365 3 874871570 +291 366 3 874868255 +291 367 4 874871800 +291 369 3 874834388 +291 375 1 874868791 +291 376 3 875086534 +291 379 3 874834827 +291 383 2 875086699 +291 384 4 875086562 +291 385 4 874835141 +291 391 1 874835242 +291 393 3 875086235 +291 395 3 875086534 +291 396 4 874867757 +291 401 4 875086766 +291 402 4 874871498 +291 403 4 874835165 +291 404 4 875086958 +291 410 5 874834481 +291 411 4 874834220 +291 412 3 875086669 +291 413 4 874834054 +291 416 4 875087100 +291 417 4 875086958 +291 418 4 875086920 +291 420 4 875086991 +291 421 4 875087352 +291 423 4 874868210 +291 427 4 874868304 +291 428 5 874871766 +291 448 5 874867741 +291 455 5 874805958 +291 456 3 874834165 +291 460 5 874834254 +291 466 5 874834768 +291 469 5 874867912 +291 470 3 874834768 +291 471 4 874833746 +291 475 5 874805699 +291 496 5 875088191 +291 501 4 875087100 +291 540 3 874835141 +291 546 3 874805958 +291 550 4 874835218 +291 551 2 874867824 +291 552 3 874834963 +291 555 1 874868629 +291 558 4 874867757 +291 563 3 874867824 +291 565 2 874867852 +291 566 4 874834799 +291 567 5 874867786 +291 568 4 874835141 +291 569 3 874868580 +291 571 2 875086608 +291 572 3 874834944 +291 574 1 875087656 +291 575 2 875086699 +291 578 4 874835242 +291 581 5 874834827 +291 588 4 875086920 +291 592 3 874834895 +291 597 3 874833857 +291 619 3 874805927 +291 627 4 875086991 +291 631 5 874871479 +291 636 4 874834799 +291 655 4 874868629 +291 670 5 874867785 +291 672 3 874867741 +291 685 5 874834254 +291 686 5 874835165 +291 706 3 874867785 +291 715 5 874868327 +291 717 3 874834388 +291 722 4 875086460 +291 729 4 874871442 +291 732 4 874868097 +291 735 4 874868027 +291 741 5 874834481 +291 742 3 874805927 +291 747 4 875087290 +291 755 2 875086958 +291 756 3 874833878 +291 760 2 874834037 +291 761 3 874834914 +291 763 4 874833841 +291 769 1 875087673 +291 770 4 874834799 +291 772 4 874868169 +291 773 3 874834827 +291 774 3 874867852 +291 780 5 875086636 +291 783 2 875087432 +291 785 4 875086308 +291 790 4 875086699 +291 794 4 875087334 +291 798 4 874871655 +291 800 2 874834944 +291 801 3 875086766 +291 816 3 874867852 +291 820 4 875087125 +291 823 3 874833936 +291 824 4 874833962 +291 825 4 874833983 +291 829 2 874834308 +291 834 3 874834358 +291 844 5 874805804 +291 924 4 874833962 +291 933 4 874833936 +291 939 4 874834768 +291 940 3 875086608 +291 941 4 874868284 +291 946 4 875086887 +291 974 1 874833962 +291 975 2 874834146 +291 977 2 874834071 +291 985 3 874805984 +291 998 1 875086728 +291 1012 4 874805892 +291 1016 4 874833827 +291 1017 4 874833911 +291 1028 3 875086561 +291 1042 4 874834944 +291 1046 4 874834875 +291 1059 4 874834345 +291 1067 4 874805892 +291 1073 5 874834701 +291 1077 4 874834963 +291 1078 4 875086920 +291 1079 2 875086608 +291 1083 3 874834876 +291 1090 2 875087634 +291 1098 4 875086330 +291 1109 4 874834768 +291 1139 3 874871671 +291 1157 3 874834944 +291 1178 4 875086354 +291 1188 4 874835165 +291 1206 3 874871551 +291 1209 1 875086308 +291 1210 4 875087656 +291 1213 3 874871655 +291 1215 1 874834184 +291 1217 3 874834850 +291 1219 4 875087221 +291 1220 5 874868382 +291 1229 2 874868027 +291 1239 2 874835279 +291 1244 4 874834345 +291 1248 4 875087634 +291 1253 3 874834944 +291 1273 2 875087634 +291 1277 4 874834019 +291 1303 3 874835279 +291 1305 3 875086766 +291 1376 3 874834323 +291 1471 3 874834914 +291 1478 2 874871585 +291 1489 2 875086766 +291 1505 4 874868647 +292 1 4 881104147 +292 2 4 881105778 +292 7 3 881104068 +292 9 4 881104148 +292 10 5 881104606 +292 11 5 881104093 +292 20 2 881104760 +292 24 4 881104481 +292 28 4 881105734 +292 48 5 881105318 +292 50 4 881103977 +292 56 5 881105373 +292 58 5 881105442 +292 64 5 881105373 +292 79 5 881103434 +292 83 5 881104360 +292 86 4 881105778 +292 96 4 881103568 +292 98 5 881103758 +292 100 5 881103999 +292 111 4 881104606 +292 115 4 881104194 +292 117 4 881104606 +292 118 3 881104701 +292 124 4 881104147 +292 125 2 881104401 +292 127 5 881104268 +292 132 4 881105340 +292 135 4 881105701 +292 144 5 881105280 +292 150 4 881105135 +292 151 5 881104268 +292 153 4 881105587 +292 156 5 881105516 +292 168 5 881105318 +292 169 5 881105625 +292 173 5 881103631 +292 174 5 881105481 +292 176 5 881103478 +292 180 5 881103652 +292 181 4 881104068 +292 183 5 881103478 +292 190 5 881105625 +292 194 4 881105442 +292 195 5 881103568 +292 197 5 881105246 +292 199 5 881105481 +292 207 5 881105561 +292 209 5 881103874 +292 214 3 881105701 +292 222 3 881105195 +292 223 5 881105516 +292 226 4 881105281 +292 234 5 881105245 +292 235 3 881104797 +292 248 4 881103999 +292 250 3 881104679 +292 252 3 881104881 +292 264 3 877628138 +292 265 4 881105587 +292 276 5 881103915 +292 282 4 881104661 +292 285 4 881103896 +292 288 3 877560833 +292 298 4 881103977 +292 300 4 877628139 +292 320 5 881105373 +292 324 3 881104533 +292 328 3 877560833 +292 343 2 881103478 +292 405 3 881104820 +292 408 4 881104068 +292 419 4 881105657 +292 423 5 881105625 +292 429 5 881105587 +292 462 3 881105657 +292 475 5 881103896 +292 479 4 881105516 +292 482 5 881103606 +292 484 5 881105625 +292 486 4 881105246 +292 488 5 881105657 +292 491 4 881105318 +292 492 4 881105318 +292 499 5 881105245 +292 510 4 881104093 +292 511 5 881105373 +292 515 4 881103977 +292 523 4 881105561 +292 525 5 881105701 +292 528 5 881105657 +292 535 3 881105031 +292 589 4 881105516 +292 603 5 881105318 +292 607 4 881105625 +292 628 3 881105123 +292 631 5 881105778 +292 653 4 881105442 +292 654 5 881105481 +292 657 5 881103711 +292 659 5 881105340 +292 661 5 881105561 +292 665 3 881103478 +292 705 4 881105374 +292 748 3 877718776 +292 844 5 881104481 +292 855 5 881105373 +292 919 5 881103508 +292 1010 4 881104581 +292 1014 3 881104424 +292 1039 4 881105778 +292 1050 4 881105778 +292 1073 5 881105318 +292 1142 4 881104481 +293 1 2 888904861 +293 2 3 888907101 +293 3 2 888905399 +293 4 4 888906489 +293 5 3 888906576 +293 7 3 888905062 +293 8 3 888905736 +293 11 3 888905898 +293 12 4 888905665 +293 14 3 888904985 +293 15 3 888904777 +293 16 2 888907499 +293 17 2 888907335 +293 22 3 888905819 +293 23 4 888905865 +293 25 3 888904696 +293 26 3 888907015 +293 27 3 888907753 +293 29 1 888907499 +293 31 2 888906244 +293 33 2 888907433 +293 36 1 888908041 +293 38 1 888907981 +293 39 3 888906804 +293 47 3 888907061 +293 48 5 888905819 +293 49 3 888907312 +293 50 5 888905519 +293 51 3 888907674 +293 53 3 888907891 +293 54 3 888907210 +293 55 4 888906096 +293 56 4 888905550 +293 62 1 888907624 +293 64 5 888905519 +293 65 3 888906945 +293 67 3 888907575 +293 68 3 888906990 +293 69 3 888906576 +293 70 3 888907101 +293 71 4 888906905 +293 76 3 888906824 +293 77 2 888907210 +293 79 3 888906045 +293 81 4 888906576 +293 82 4 888906402 +293 87 4 888907015 +293 89 5 888905582 +293 91 2 888907499 +293 92 4 888906071 +293 96 3 888905519 +293 97 4 888905898 +293 99 3 888906402 +293 100 4 888904734 +293 111 2 888905062 +293 121 3 888905198 +293 124 4 888904696 +293 125 2 888905086 +293 129 3 888904814 +293 132 4 888905481 +293 133 3 888906045 +293 134 5 888905618 +293 135 5 888905550 +293 137 3 888904653 +293 139 3 888908088 +293 143 4 888906428 +293 144 4 888905819 +293 147 2 888905229 +293 148 1 888907015 +293 150 3 888904838 +293 151 4 888904927 +293 152 4 888905716 +293 153 4 888905948 +293 155 2 888907356 +293 156 4 888905948 +293 157 5 888905779 +293 158 2 888907603 +293 159 3 888907674 +293 160 4 888907036 +293 161 2 888907081 +293 163 4 888907290 +293 164 4 888906598 +293 165 3 888905991 +293 166 3 888905520 +293 167 3 888907702 +293 168 4 888905716 +293 172 5 888905618 +293 173 5 888905550 +293 174 5 888905923 +293 175 2 888906244 +293 177 4 888906193 +293 179 4 888905898 +293 180 5 888906428 +293 181 3 888904734 +293 182 5 888905481 +293 183 4 888906119 +293 185 5 888905840 +293 186 2 888906045 +293 187 3 888905865 +293 188 3 888906288 +293 192 5 888905582 +293 193 3 888905990 +293 194 4 888906045 +293 195 3 888906119 +293 196 4 888906012 +293 198 4 888906143 +293 199 5 888905582 +293 200 4 888906655 +293 202 3 888906490 +293 203 3 888906781 +293 204 3 888906012 +293 206 4 888907552 +293 208 3 888906071 +293 209 3 888905519 +293 210 3 888905665 +293 211 4 888906338 +293 213 3 888906905 +293 215 4 888906244 +293 216 4 888905990 +293 217 3 888907955 +293 218 2 888906168 +293 222 3 888904861 +293 226 1 888906906 +293 227 2 888906990 +293 228 3 888906315 +293 229 2 888907726 +293 230 2 888907384 +293 232 2 888907384 +293 233 2 888907266 +293 234 5 888906726 +293 235 3 888905146 +293 239 3 888907166 +293 240 2 888905086 +293 245 3 888904265 +293 248 3 888904985 +293 249 3 888905229 +293 250 3 888904862 +293 251 4 888904734 +293 252 2 888905086 +293 255 3 888905146 +293 257 2 888904696 +293 258 3 888904092 +293 264 3 888904392 +293 265 3 888906193 +293 272 4 888904180 +293 273 4 888904901 +293 275 3 888904696 +293 280 2 888905198 +293 282 2 888905170 +293 283 2 888904884 +293 285 5 888904632 +293 286 3 888904265 +293 288 3 888904327 +293 290 2 888905198 +293 291 2 888905377 +293 293 4 888904795 +293 294 2 888904410 +293 297 4 888905034 +293 298 4 888904795 +293 300 2 888904004 +293 302 4 888904092 +293 313 4 888904004 +293 316 3 888904392 +293 317 4 888906193 +293 322 2 888904456 +293 325 2 888904353 +293 328 2 888904285 +293 346 3 888904004 +293 347 2 888904353 +293 356 3 888907955 +293 357 4 888905760 +293 366 2 888907981 +293 367 2 888906288 +293 371 2 888906906 +293 380 2 888907527 +293 386 2 888908065 +293 393 3 888906906 +293 401 1 888907453 +293 402 2 888907702 +293 403 3 888906869 +293 404 4 888907122 +293 405 1 888905198 +293 412 1 888905377 +293 414 4 888906576 +293 416 4 888907575 +293 419 3 888906699 +293 420 4 888907356 +293 421 3 888906576 +293 423 3 888906070 +293 425 4 888905923 +293 426 1 888907291 +293 427 4 888906288 +293 429 4 888906045 +293 430 3 888905716 +293 433 3 888907407 +293 435 4 888906464 +293 436 3 888906990 +293 443 4 888906781 +293 445 4 888906315 +293 447 4 888907290 +293 451 3 888907245 +293 455 2 888905229 +293 460 3 888905005 +293 461 2 888905519 +293 462 4 888905819 +293 463 4 888906619 +293 464 3 888906927 +293 466 3 888906655 +293 467 4 888906263 +293 468 2 888906869 +293 469 4 888906378 +293 471 3 888904884 +293 474 5 888905685 +293 479 4 888905923 +293 480 5 888905685 +293 482 4 888906096 +293 483 5 888905481 +293 484 5 888906217 +293 485 3 888905948 +293 491 4 888905923 +293 492 5 888906096 +293 496 5 888905840 +293 497 4 888906217 +293 503 4 888907145 +293 504 4 888905736 +293 506 5 888906428 +293 510 3 888905716 +293 513 5 888905990 +293 514 4 888906378 +293 518 5 888906489 +293 521 3 888906288 +293 527 4 888906598 +293 528 4 888906490 +293 531 4 888905642 +293 544 3 888905062 +293 546 1 888904927 +293 549 3 888907166 +293 550 1 888906781 +293 553 3 888907453 +293 554 1 888907794 +293 559 2 888906168 +293 566 3 888907312 +293 568 4 888906489 +293 571 2 888908041 +293 572 2 888907931 +293 578 2 888907913 +293 582 4 888906536 +293 583 3 888908001 +293 588 3 888906748 +293 589 4 888906677 +293 591 3 888904712 +293 603 5 888905898 +293 605 3 888907702 +293 616 3 888907753 +293 619 1 888905229 +293 627 2 888906338 +293 629 3 888907753 +293 632 3 888906464 +293 636 4 888906576 +293 637 3 888907186 +293 638 4 888906168 +293 642 3 888906804 +293 646 3 888906244 +293 647 5 888905760 +293 649 4 888906726 +293 651 3 888905865 +293 653 5 888906119 +293 654 5 888905760 +293 655 3 888905618 +293 657 4 888905582 +293 658 1 888907499 +293 660 2 888907433 +293 663 3 888906516 +293 665 2 888908117 +293 678 2 888904439 +293 679 2 888906699 +293 684 3 888905481 +293 685 3 888905170 +293 686 3 888906869 +293 693 4 888906781 +293 705 5 888906338 +293 708 3 888907527 +293 710 3 888907145 +293 715 3 888907674 +293 720 1 888907674 +293 724 3 888907061 +293 729 2 888907145 +293 732 3 888906516 +293 739 2 888906804 +293 742 2 888904927 +293 746 3 888906748 +293 747 2 888905819 +293 748 2 888904327 +293 751 3 888904180 +293 761 2 888907981 +293 770 3 888906655 +293 779 1 888908066 +293 780 3 888907816 +293 781 2 888907644 +293 789 2 888906071 +293 804 1 888907816 +293 809 2 888908117 +293 810 1 888907674 +293 815 2 888905122 +293 824 3 888905252 +293 831 3 888905286 +293 843 3 888907836 +293 845 2 888904838 +293 849 2 888907891 +293 856 3 888905686 +293 866 3 888905322 +293 871 1 888908066 +293 877 2 888904265 +293 895 3 888904410 +293 924 2 888904814 +293 931 1 888905252 +293 933 2 888905399 +293 939 2 888906516 +293 941 2 888907407 +293 942 4 888907210 +293 943 2 888906576 +293 955 2 888906464 +293 956 3 888906726 +293 977 2 888908088 +293 1011 3 888905146 +293 1016 2 888905086 +293 1017 3 888904862 +293 1018 3 888907552 +293 1041 2 888907674 +293 1042 3 888907575 +293 1046 1 888907061 +293 1048 3 888905034 +293 1057 2 888905229 +293 1098 2 888905519 +293 1101 3 888906677 +293 1132 3 888905416 +293 1135 3 888907575 +293 1147 4 888907081 +293 1161 2 888905062 +293 1208 3 888906990 +293 1209 2 888908117 +293 1217 1 888907913 +293 1220 2 888907552 +293 1226 3 888905198 +293 1228 1 888908041 +293 1229 1 888907210 +293 1248 2 888907527 +293 1267 3 888906966 +293 1286 4 888906844 +293 1298 3 888906045 +293 1311 3 888907603 +293 1333 4 888905618 +293 1421 2 888907794 +294 7 4 877819563 +294 10 3 877819490 +294 24 4 877819761 +294 50 5 877819353 +294 79 4 889854323 +294 93 4 877819713 +294 100 4 877819265 +294 105 3 889242660 +294 109 4 877819599 +294 111 4 877819999 +294 117 4 877819634 +294 118 3 877819941 +294 120 2 889242937 +294 121 5 877819714 +294 122 3 889242661 +294 123 4 877819634 +294 125 3 877820272 +294 127 5 877819265 +294 147 4 877819845 +294 148 3 877820155 +294 151 5 877819761 +294 181 5 877819532 +294 222 4 877819353 +294 235 3 877819532 +294 237 4 889242035 +294 240 3 877820294 +294 245 3 877818982 +294 246 4 889241864 +294 248 5 877819421 +294 249 5 877819941 +294 250 5 877819459 +294 252 4 877820240 +294 254 3 889242937 +294 257 3 877819599 +294 258 3 877818457 +294 260 4 877819126 +294 264 2 877819090 +294 268 4 889241426 +294 269 5 877818457 +294 271 5 889241426 +294 273 3 877819421 +294 276 4 877819421 +294 281 3 889242035 +294 282 3 877821796 +294 286 5 877818457 +294 288 5 877818729 +294 291 2 889242469 +294 298 5 877819265 +294 299 3 877818982 +294 300 4 877818861 +294 301 4 877818915 +294 307 3 889241466 +294 313 5 889241339 +294 322 1 889243393 +294 323 3 877818729 +294 324 4 877818729 +294 325 3 877818861 +294 327 3 877818982 +294 331 4 877818580 +294 332 3 877818915 +294 340 4 889241280 +294 343 4 889241511 +294 346 3 889241377 +294 347 5 889241377 +294 350 4 889241426 +294 355 4 889241426 +294 358 2 877818861 +294 363 1 889243393 +294 406 2 877819941 +294 410 4 877819897 +294 411 3 889242589 +294 413 3 889242166 +294 471 4 877820189 +294 472 3 889242370 +294 475 5 877819310 +294 476 3 877819792 +294 483 4 889854323 +294 508 4 877819532 +294 535 4 877820240 +294 538 5 889241562 +294 539 4 889241707 +294 544 4 877819673 +294 546 4 877819761 +294 547 3 877819972 +294 597 3 889242306 +294 603 5 889854323 +294 619 3 877820328 +294 676 3 877821514 +294 678 2 877818861 +294 682 3 889241486 +294 689 3 889241579 +294 742 4 877819634 +294 743 2 889242905 +294 748 3 877818861 +294 749 3 877818915 +294 751 4 889241309 +294 752 3 889241377 +294 823 3 877820190 +294 825 3 877820272 +294 826 1 889243393 +294 827 1 889243393 +294 831 3 889242542 +294 840 3 889242516 +294 876 3 889241633 +294 879 4 877818580 +294 881 3 889241707 +294 895 4 889241309 +294 902 4 891404417 +294 926 3 877819713 +294 928 3 889242468 +294 930 3 889242704 +294 931 3 889242857 +294 979 3 877819897 +294 986 3 889242810 +294 1007 4 877819761 +294 1011 2 889242370 +294 1012 4 877819792 +294 1013 2 889242788 +294 1014 2 889242306 +294 1016 4 877820189 +294 1028 3 877819897 +294 1067 4 877819421 +294 1079 2 889242624 +294 1081 3 889242328 +294 1088 1 889243393 +294 1089 2 877820132 +294 1132 4 889242788 +294 1134 3 877819761 +294 1161 3 877819673 +294 1199 2 889242142 +294 1245 3 877819265 +294 1254 3 889242661 +295 1 4 879517580 +295 4 4 879518568 +295 7 5 879518018 +295 22 4 879517372 +295 25 5 879518042 +295 39 4 879518279 +295 42 3 879517467 +295 43 4 879518107 +295 47 5 879518166 +295 50 5 879517540 +295 52 5 879966498 +295 53 1 879519528 +295 60 5 879517492 +295 65 5 879517655 +295 67 4 879519042 +295 68 4 879518960 +295 69 5 879517911 +295 70 5 879517779 +295 71 5 879517822 +295 72 4 879518714 +295 73 4 879519009 +295 79 4 879517600 +295 82 4 879518126 +295 83 5 879518257 +295 84 2 879518107 +295 86 5 879966498 +295 88 4 879517964 +295 89 5 879519555 +295 91 5 879519556 +295 94 4 879518339 +295 95 4 879518080 +295 96 1 879517299 +295 97 5 879517761 +295 98 5 879517193 +295 99 4 879517741 +295 100 5 879518080 +295 102 4 879518339 +295 105 4 879519473 +295 109 4 879517911 +295 115 5 879517135 +295 118 3 879518840 +295 121 4 879518455 +295 125 5 879518528 +295 133 4 879517432 +295 134 5 879519556 +295 137 4 879517271 +295 142 4 879518590 +295 144 4 879518166 +295 151 4 879517635 +295 153 5 879517324 +295 154 5 879517801 +295 155 4 879518715 +295 157 5 879966498 +295 158 4 879518932 +295 159 4 879518107 +295 161 4 879518430 +295 162 4 879517157 +295 164 5 879518395 +295 168 5 879517467 +295 172 4 879516986 +295 173 5 879518257 +295 174 4 879517062 +295 181 4 879517860 +295 183 1 879517348 +295 186 5 879517512 +295 188 3 879518042 +295 190 4 879517062 +295 191 5 879517033 +295 194 4 879517412 +295 196 5 879966498 +295 202 5 879517943 +295 204 4 879517655 +295 208 5 879517157 +295 209 5 879518233 +295 210 4 879518378 +295 213 5 879517324 +295 215 5 879517247 +295 216 5 879517580 +295 217 4 879517705 +295 218 5 879966498 +295 222 4 879517136 +295 226 4 879518166 +295 227 4 879517635 +295 228 4 879518414 +295 229 4 879519010 +295 230 4 879517271 +295 235 4 879517943 +295 237 4 879517994 +295 238 4 879517136 +295 241 5 879518800 +295 265 4 879518042 +295 290 4 879518630 +295 318 5 879517010 +295 357 4 879517136 +295 371 4 879518257 +295 378 4 879518233 +295 380 4 879518455 +295 381 5 879518528 +295 382 5 879519556 +295 385 4 879518864 +295 386 4 879519308 +295 389 4 879518298 +295 395 4 879519501 +295 401 3 879519390 +295 402 5 879518820 +295 403 4 879517762 +295 404 4 879518378 +295 405 5 879518319 +295 412 2 879519237 +295 414 4 879517157 +295 417 5 879518474 +295 419 4 879518107 +295 420 4 879518233 +295 421 4 879517802 +295 423 4 879517372 +295 427 4 879517412 +295 431 5 879518233 +295 435 5 879519556 +295 449 4 879518864 +295 450 4 879519438 +295 451 4 879518864 +295 461 5 879966498 +295 465 4 879518630 +295 470 3 879518257 +295 483 5 879517348 +295 485 4 879517558 +295 493 5 879516961 +295 496 5 879517682 +295 497 5 879519556 +295 498 5 879519556 +295 504 4 879517299 +295 511 5 879516961 +295 513 4 879517492 +295 527 4 879517964 +295 546 4 879518780 +295 559 4 879518674 +295 561 5 879518696 +295 570 3 879518590 +295 588 4 879517682 +295 602 5 879517247 +295 624 5 879518654 +295 629 5 879518780 +295 631 5 879966498 +295 642 4 879517943 +295 648 4 879517324 +295 655 5 879517010 +295 660 5 879518143 +295 704 5 879519266 +295 705 4 879517682 +295 720 4 879518801 +295 722 4 879518881 +295 727 5 879517682 +295 729 4 879518018 +295 735 5 879519556 +295 736 5 879966498 +295 737 5 879518607 +295 738 4 879518546 +295 739 4 879518319 +295 740 4 879517225 +295 743 4 879518674 +295 747 4 879518590 +295 790 3 879519265 +295 794 4 879518978 +295 809 4 879519438 +295 812 4 879518739 +295 843 4 879517994 +295 946 2 879517994 +295 951 5 879517893 +295 961 5 879519556 +295 965 4 879517271 +295 966 5 879518060 +295 997 3 879518821 +295 1028 5 879519556 +295 1039 4 879517742 +295 1040 2 879519180 +295 1115 5 879518568 +295 1133 4 879519528 +295 1135 4 879518696 +295 1170 5 879966498 +295 1188 3 879519354 +295 1221 5 879518455 +295 1297 4 879519529 +295 1401 5 879966498 +295 1446 4 879519026 +295 1459 5 879519237 +295 1473 4 879519473 +295 1503 2 879517082 +296 1 5 884196689 +296 7 5 884196896 +296 9 4 884196523 +296 10 2 884196605 +296 11 5 884197131 +296 13 3 884196665 +296 14 4 884196665 +296 15 3 884196712 +296 19 5 884196524 +296 20 5 884196921 +296 22 4 884197068 +296 24 2 884196605 +296 32 4 884197131 +296 45 5 884197419 +296 48 5 884197091 +296 50 5 884196469 +296 55 5 884197287 +296 56 5 884197287 +296 61 3 884197287 +296 79 4 884197068 +296 83 5 884199624 +296 89 5 884197352 +296 96 5 884197287 +296 98 5 884197091 +296 100 5 884196489 +296 111 3 884196712 +296 114 5 884198772 +296 117 3 884196741 +296 121 5 884196689 +296 124 5 884196555 +296 125 5 884196985 +296 127 5 884196489 +296 134 5 884197264 +296 144 4 884197131 +296 151 2 884196964 +296 172 5 884197193 +296 179 4 884197419 +296 180 5 884198772 +296 181 5 884198772 +296 186 3 884199624 +296 191 5 884197193 +296 198 5 884197264 +296 199 5 884197193 +296 204 5 884199625 +296 210 3 884197308 +296 211 4 884197068 +296 221 5 884196524 +296 222 5 884196640 +296 228 4 884197264 +296 237 5 884196785 +296 238 4 884199624 +296 240 1 884196765 +296 242 4 884196057 +296 244 1 884196896 +296 248 5 884196765 +296 251 5 884196523 +296 255 2 884196584 +296 256 5 884196741 +296 257 5 884196921 +296 258 5 884196469 +296 259 1 884196374 +296 268 4 884196238 +296 269 5 884196258 +296 272 5 884198772 +296 274 4 884196741 +296 275 4 884196555 +296 276 5 884198772 +296 277 5 884198772 +296 279 4 884196640 +296 281 2 884196985 +296 282 4 884196712 +296 284 4 884196805 +296 285 5 884196469 +296 286 5 884196209 +296 287 4 884196765 +296 289 3 884196351 +296 292 5 884196057 +296 293 5 884196765 +296 294 1 884196374 +296 297 4 884196665 +296 298 1 884196640 +296 301 5 884196284 +296 303 4 884196238 +296 304 3 884196149 +296 309 1 884196209 +296 313 5 884196114 +296 315 5 884196351 +296 357 5 884197068 +296 427 5 884198772 +296 429 5 884197330 +296 435 5 884197108 +296 455 1 884196921 +296 475 4 884196555 +296 480 5 884197068 +296 482 5 884197330 +296 483 5 884197307 +296 484 4 884197308 +296 485 5 884197235 +296 504 5 884197394 +296 508 5 884196584 +296 510 5 884197264 +296 515 5 884196555 +296 521 4 884197091 +296 523 4 884197235 +296 528 5 884197068 +296 544 4 884196938 +296 628 5 884196640 +296 632 5 884197264 +296 652 4 884197068 +296 654 5 884197419 +296 663 5 884198772 +296 685 4 884196896 +296 688 1 884196374 +296 705 5 884197193 +296 750 5 884196150 +296 815 3 884196806 +296 845 5 884196689 +296 846 2 884196985 +296 855 5 884197352 +296 923 5 884197193 +296 948 1 884196149 +296 950 4 884196741 +296 961 5 884197287 +296 963 5 884197352 +296 1007 4 884196921 +296 1009 3 884196921 +296 1073 5 884197330 +296 1142 5 884196524 +296 1160 4 884196964 +296 1284 4 884196765 +297 1 3 874954425 +297 4 1 875240201 +297 7 4 874954541 +297 8 5 875239795 +297 11 4 875240015 +297 12 5 875239619 +297 13 3 874955210 +297 17 3 875240201 +297 20 4 874954763 +297 22 4 875238984 +297 24 4 874954260 +297 25 4 874954497 +297 27 1 875239535 +297 28 4 875239913 +297 31 3 881708087 +297 32 4 875239267 +297 42 3 875238853 +297 47 2 875240090 +297 50 5 874954541 +297 53 3 875239942 +297 55 4 875238922 +297 56 5 875239422 +297 57 5 875239383 +297 69 3 875240171 +297 70 5 875239619 +297 73 2 875239691 +297 79 3 875239125 +297 83 4 875774306 +297 86 5 875238883 +297 89 4 875239125 +297 90 4 875239942 +297 92 3 875239346 +297 95 3 875238814 +297 97 5 875239871 +297 98 5 875238579 +297 102 1 875240267 +297 108 4 874955085 +297 109 4 874954814 +297 111 3 874955085 +297 114 5 875239569 +297 116 4 874954260 +297 117 4 874954497 +297 118 3 875239495 +297 124 4 874954353 +297 128 4 875239346 +297 129 4 874954353 +297 133 4 875240090 +297 135 4 875238608 +297 137 5 874954425 +297 143 5 875239870 +297 144 3 875238778 +297 147 3 874955183 +297 148 3 875239619 +297 151 3 875239975 +297 154 5 875239658 +297 156 4 875240090 +297 157 2 875238853 +297 160 1 875238853 +297 168 5 875049192 +297 173 4 875240237 +297 174 5 875410071 +297 175 4 875238883 +297 176 4 881708055 +297 181 4 875410178 +297 182 3 875239125 +297 183 4 875238984 +297 185 5 875239870 +297 191 3 875238923 +297 194 3 875239453 +297 195 1 875240053 +297 196 4 875239267 +297 197 3 875239691 +297 198 3 875238923 +297 200 3 875239092 +297 201 4 875238984 +297 202 3 875238638 +297 204 3 875239422 +297 209 4 875239535 +297 210 4 875410100 +297 211 4 875240090 +297 213 3 875240171 +297 215 2 875240133 +297 216 4 875409423 +297 218 3 875409827 +297 222 4 874954845 +297 223 5 875238638 +297 228 2 875238984 +297 230 2 875238814 +297 231 3 875239913 +297 233 2 875239914 +297 234 3 875239018 +297 235 2 874954611 +297 237 4 875239383 +297 238 5 875409525 +297 243 1 878771163 +297 245 3 874954060 +297 248 3 874954814 +297 249 3 874955210 +297 250 1 874955085 +297 257 3 874954763 +297 258 5 874953892 +297 265 3 875239454 +297 267 3 875409139 +297 268 4 881707737 +297 269 4 875774037 +297 271 2 881707810 +297 272 5 884039431 +297 273 4 874954763 +297 275 5 874954260 +297 277 3 875048641 +297 282 3 874954845 +297 283 4 874954387 +297 286 5 874953892 +297 288 3 874955131 +297 293 3 874954844 +297 294 3 874953948 +297 298 5 874954814 +297 300 3 874953892 +297 301 4 876529834 +297 302 4 875408934 +297 307 4 878771124 +297 326 2 874953892 +297 347 3 885922424 +297 357 4 875238922 +297 367 2 875239018 +297 419 3 875240016 +297 423 3 875240237 +297 430 1 875238778 +297 432 4 875239658 +297 435 3 875238726 +297 443 2 875240133 +297 447 4 875239691 +297 448 3 875240171 +297 455 4 874954611 +297 465 3 875238984 +297 471 3 874954611 +297 474 4 875239125 +297 475 5 874954426 +297 480 4 875238923 +297 485 3 875240267 +297 498 3 875239018 +297 508 4 874955210 +297 514 3 875239383 +297 515 5 874954353 +297 527 5 875239018 +297 529 3 875238778 +297 535 3 874954814 +297 546 3 874954763 +297 574 1 875239092 +297 582 4 875238814 +297 588 4 875238579 +297 596 3 874955107 +297 603 5 875239942 +297 625 3 875240266 +297 628 4 874954497 +297 629 3 875410013 +297 652 3 875239346 +297 678 3 874954093 +297 687 2 875409099 +297 692 3 875239018 +297 699 4 875239658 +297 705 2 875238726 +297 716 3 875239422 +297 736 4 875239975 +297 742 3 875774155 +297 746 3 875239569 +297 748 2 874954060 +297 750 5 888643345 +297 752 4 888643376 +297 864 3 874954541 +297 919 1 874954260 +297 946 2 875239092 +297 984 1 881707865 +297 1007 4 874954763 +297 1014 3 874954845 +297 1016 3 874955131 +297 1073 3 875238695 +297 1217 1 875240132 +297 1296 4 875408935 +298 1 5 884126061 +298 8 5 884182748 +298 9 4 884126202 +298 22 4 884182965 +298 23 4 884183236 +298 28 4 884182725 +298 50 5 884125578 +298 58 4 884182725 +298 69 4 884125058 +298 71 5 884183016 +298 79 5 884182685 +298 88 5 884183236 +298 91 2 884182932 +298 97 4 884183063 +298 98 4 884127720 +298 99 3 884127249 +298 118 4 884183016 +298 121 4 884126202 +298 125 3 884125912 +298 127 5 884125847 +298 132 5 884182966 +298 133 3 884125093 +298 134 5 884182966 +298 143 5 884182966 +298 144 4 884182838 +298 151 3 884183952 +298 152 3 884183336 +298 153 3 884127369 +298 168 5 884182933 +298 172 4 884124993 +298 174 5 884125022 +298 178 5 884127369 +298 181 4 884125629 +298 183 3 884182600 +298 185 3 884182774 +298 186 4 884183256 +298 187 5 884183063 +298 193 5 884182867 +298 194 5 884127249 +298 195 4 884183277 +298 196 4 884182891 +298 197 4 884183236 +298 199 4 884127690 +298 200 3 884183063 +298 202 3 884182867 +298 203 3 884182966 +298 204 4 884182148 +298 205 5 884181969 +298 208 5 884182867 +298 210 5 884182891 +298 211 5 884125093 +298 213 3 884183130 +298 215 5 884182685 +298 237 5 884126240 +298 252 4 884183833 +298 257 4 884126240 +298 261 4 884126805 +298 265 4 884127720 +298 274 3 884183640 +298 276 2 884183833 +298 281 3 884183336 +298 284 4 884126240 +298 286 4 884124929 +298 294 3 884184024 +298 311 3 884126552 +298 317 4 884182806 +298 318 5 884182657 +298 333 5 884126600 +298 356 3 884182627 +298 357 5 884181969 +298 393 4 884183099 +298 418 4 884183406 +298 419 5 884182774 +298 423 5 884183063 +298 427 5 884127369 +298 430 5 884182657 +298 432 4 884183307 +298 435 5 884182573 +298 465 4 884182806 +298 471 4 884125847 +298 473 3 884183952 +298 474 4 884182806 +298 477 4 884126202 +298 479 5 884182685 +298 483 5 884125441 +298 484 4 884182627 +298 486 3 884183063 +298 496 5 884127603 +298 498 5 884182573 +298 502 5 884183406 +298 503 4 884183237 +298 504 3 884127249 +298 507 4 884182657 +298 511 4 884127690 +298 514 4 884182989 +298 523 4 884182774 +298 526 5 884182573 +298 527 5 884182725 +298 530 5 884182600 +298 546 3 884184098 +298 549 4 884183307 +298 588 4 884125022 +298 596 3 884126288 +298 603 5 884125093 +298 604 5 884127720 +298 625 4 884183406 +298 651 5 884183063 +298 652 3 884183099 +298 660 3 884182838 +298 705 4 884182148 +298 742 3 884125553 +298 820 4 884183897 +298 842 4 884127249 +298 845 3 884183773 +298 864 3 884183912 +298 866 3 884183930 +298 946 3 884182868 +298 951 4 884183130 +298 993 4 884125629 +298 1142 4 884183572 +298 1346 3 884126061 +299 1 3 877877535 +299 4 3 889503074 +299 7 3 877877847 +299 10 5 877878601 +299 12 5 877880350 +299 13 4 877877965 +299 14 4 877877775 +299 17 1 889503374 +299 19 1 877877434 +299 23 4 878192154 +299 24 3 877877732 +299 25 3 877878227 +299 26 4 878192601 +299 28 4 877880474 +299 32 3 877881169 +299 47 4 877881508 +299 48 4 877880612 +299 50 4 877877775 +299 52 4 877880962 +299 55 2 877881061 +299 56 4 877880350 +299 58 3 878192601 +299 59 5 877880394 +299 60 5 878192680 +299 67 2 889503740 +299 70 3 877881320 +299 71 3 878192238 +299 72 3 889503305 +299 73 2 889503265 +299 77 3 878192638 +299 81 4 889504036 +299 86 4 889502050 +299 88 3 889502902 +299 91 4 889501654 +299 93 2 877877775 +299 94 1 889503564 +299 95 3 889501654 +299 97 4 878192680 +299 98 4 877881229 +299 99 3 889501790 +299 100 3 877877600 +299 101 2 889501721 +299 111 3 877878184 +299 115 3 877880474 +299 118 2 877880111 +299 127 5 877877434 +299 129 4 877877733 +299 134 4 878192311 +299 135 4 878191889 +299 136 4 878192078 +299 137 4 877877535 +299 143 3 877880612 +299 144 4 877881320 +299 150 5 877877535 +299 151 4 877878227 +299 152 4 877880474 +299 153 3 877881320 +299 154 4 878191943 +299 165 4 889501890 +299 166 4 889501926 +299 167 3 889503159 +299 168 4 878192039 +299 169 4 878192555 +299 170 5 889501190 +299 171 4 877880961 +299 173 5 889501163 +299 174 4 877880961 +299 175 5 879123190 +299 176 4 880699166 +299 181 3 877877479 +299 182 3 878192039 +299 185 3 878192039 +299 186 3 889503233 +299 190 5 877881356 +299 191 4 878192039 +299 194 3 877881229 +299 197 3 878192039 +299 198 4 889501288 +299 202 4 889501325 +299 204 4 889503112 +299 207 3 877880394 +299 208 4 878191995 +299 209 3 889503013 +299 210 4 889502980 +299 213 5 878192555 +299 216 5 889502688 +299 222 2 877878148 +299 228 3 878191823 +299 229 3 878192429 +299 235 1 877878184 +299 237 2 877877649 +299 238 4 877880852 +299 239 3 878192601 +299 240 2 877878414 +299 241 3 889502640 +299 244 2 877878001 +299 248 5 877877933 +299 249 3 877878414 +299 251 5 877877434 +299 255 2 877878036 +299 257 2 877877732 +299 259 3 877877323 +299 264 2 877877290 +299 270 4 878052375 +299 271 3 879737472 +299 274 3 877878339 +299 275 4 877877535 +299 276 4 877877691 +299 278 3 877879980 +299 283 3 889417370 +299 285 5 877877847 +299 286 4 877618524 +299 288 3 877618584 +299 289 3 877877323 +299 294 2 877618584 +299 297 3 877877691 +299 298 4 877878227 +299 300 4 877618619 +299 302 4 889501087 +299 303 3 877618584 +299 305 3 879737314 +299 311 4 880198334 +299 313 3 887135516 +299 318 4 877880649 +299 333 4 892249868 +299 343 3 881605700 +299 345 4 884023998 +299 346 3 886101436 +299 347 4 887135610 +299 367 4 878192497 +299 378 3 878192680 +299 384 3 889503774 +299 387 2 889502756 +299 393 2 889503503 +299 396 4 889503503 +299 402 3 889502865 +299 418 4 889501790 +299 423 3 878192238 +299 432 3 877880612 +299 433 5 889501365 +299 435 3 877881061 +299 461 3 878192601 +299 462 5 878192463 +299 473 3 877878561 +299 474 5 877880474 +299 475 4 877877600 +299 478 4 877880612 +299 479 4 878192556 +299 480 4 878191995 +299 481 3 877880566 +299 482 4 877881508 +299 483 5 877880961 +299 484 4 877881169 +299 485 4 877881320 +299 487 5 889501230 +299 488 4 877881508 +299 496 3 878192154 +299 498 4 878192237 +299 501 3 889501790 +299 502 4 878192756 +299 508 4 877878451 +299 509 4 877880566 +299 511 4 878192311 +299 512 4 889501995 +299 513 4 877881228 +299 514 5 877881229 +299 515 4 877877691 +299 516 4 889503159 +299 517 4 889502688 +299 522 3 877880522 +299 529 4 877880852 +299 531 3 877880350 +299 538 3 881605700 +299 543 5 889501890 +299 546 3 877879980 +299 553 3 889502865 +299 577 3 889503806 +299 582 2 889502159 +299 588 4 877880852 +299 597 3 877880111 +299 602 3 878191995 +299 603 3 877880474 +299 606 4 889501393 +299 607 4 877881229 +299 615 4 878192555 +299 634 2 877880852 +299 640 3 889501995 +299 641 4 889501514 +299 642 4 877881276 +299 645 4 877881276 +299 647 4 878192804 +299 652 3 877880522 +299 655 3 889502979 +299 662 4 878192429 +299 692 4 877880915 +299 702 4 889502159 +299 710 4 877881508 +299 715 4 889503441 +299 724 3 889502687 +299 727 4 878192379 +299 728 2 889503159 +299 730 4 889501926 +299 732 4 889502688 +299 739 3 889502865 +299 742 4 877878339 +299 746 4 889502979 +299 749 1 877618647 +299 752 3 887136060 +299 753 5 877880852 +299 778 4 889502688 +299 785 2 889502865 +299 792 4 889503112 +299 811 4 877880794 +299 813 4 878192192 +299 820 3 889501620 +299 847 4 877877649 +299 856 3 889503334 +299 889 3 884023918 +299 895 2 884993860 +299 915 4 892250102 +299 916 3 892249868 +299 919 3 889501551 +299 921 3 889502087 +299 936 4 889417423 +299 950 2 877878148 +299 954 3 889503503 +299 955 4 889502823 +299 959 2 889503159 +299 962 4 889501593 +299 965 4 889501260 +299 970 4 877880350 +299 971 2 889502353 +299 998 2 889503774 +299 1005 5 878192833 +299 1006 4 878192804 +299 1018 3 889502324 +299 1020 4 878192237 +299 1021 3 878192721 +299 1036 2 889503856 +299 1039 4 878191779 +299 1047 2 877880041 +299 1050 4 878192721 +299 1056 4 889502292 +299 1068 3 877877600 +299 1073 4 879123070 +299 1074 3 889502786 +299 1103 4 889503013 +299 1119 4 889502727 +299 1132 1 877880196 +299 1141 4 877880522 +299 1214 2 889502528 +299 1223 3 878191779 +299 1226 2 877878602 +299 1227 1 878192556 +299 1258 2 877878451 +299 1300 2 877878382 +299 1322 3 877878001 +299 1506 4 878192680 +299 1507 3 877881170 +300 100 3 875650267 +300 243 4 875650068 +300 257 4 875650267 +300 261 3 875650018 +300 264 1 875650132 +300 288 4 875649995 +300 294 3 875649995 +300 300 4 875649995 +300 322 4 875650018 +300 328 3 875650068 +300 409 4 875650329 +300 456 4 875650267 +300 687 2 875650042 +300 833 4 875650329 +300 872 5 875650068 +300 876 5 875650105 +300 881 5 875650105 +300 948 4 875650018 +300 1094 5 875650298 +301 1 4 882074345 +301 2 2 882076587 +301 3 2 882075082 +301 4 4 882077033 +301 7 4 882074236 +301 8 4 882076494 +301 9 3 882074291 +301 11 4 882076291 +301 12 4 882076239 +301 15 4 882074460 +301 22 4 882075859 +301 25 3 882075110 +301 28 4 882076264 +301 29 4 882078492 +301 31 3 882076463 +301 33 4 882078228 +301 39 3 882076292 +301 42 4 882075743 +301 43 5 882078994 +301 47 4 882076936 +301 50 5 882074647 +301 51 4 882078928 +301 53 1 882078883 +301 54 3 882076587 +301 56 4 882076587 +301 58 4 882077285 +301 64 5 882075672 +301 66 4 882077330 +301 67 2 882078621 +301 68 4 882076558 +301 69 5 882076682 +301 71 4 882077007 +301 73 4 882075962 +301 76 4 882078250 +301 77 3 882076751 +301 79 5 882076403 +301 81 3 882077351 +301 82 5 882077078 +301 88 4 882077142 +301 89 2 882076046 +301 91 3 882078906 +301 94 4 882079172 +301 95 5 882076334 +301 96 5 882076239 +301 97 4 882076121 +301 98 4 882075827 +301 99 4 882078419 +301 105 3 882075202 +301 109 5 882074236 +301 111 1 882074708 +301 117 5 882074584 +301 118 4 882074903 +301 120 2 882079423 +301 121 4 882075148 +301 122 2 882074818 +301 123 4 882074726 +301 127 4 882074262 +301 128 5 882078228 +301 132 4 882076619 +301 133 4 882077142 +301 138 2 882079446 +301 142 3 882078420 +301 143 4 882077330 +301 144 4 882076021 +301 145 3 882078040 +301 150 4 882074345 +301 151 2 882074776 +301 152 3 882077285 +301 153 3 882075743 +301 154 4 882076425 +301 156 4 882076098 +301 157 2 882076021 +301 159 3 882076890 +301 160 2 882077284 +301 161 3 882076558 +301 162 3 882078287 +301 163 3 882076264 +301 164 3 882076966 +301 168 4 882075994 +301 172 5 882076403 +301 173 4 882076403 +301 174 5 882075827 +301 176 4 882075774 +301 179 3 882076494 +301 180 3 882076782 +301 181 5 882074291 +301 182 5 882075774 +301 184 4 882077222 +301 186 4 882076121 +301 187 4 882076403 +301 191 3 882075672 +301 193 3 882075994 +301 194 4 882075827 +301 195 5 882076098 +301 196 4 882077836 +301 197 5 882075774 +301 199 4 882076239 +301 201 4 882076619 +301 202 5 882076211 +301 203 4 882077176 +301 204 5 882076264 +301 205 4 882076046 +301 210 4 882076211 +301 215 5 882077222 +301 216 4 882076782 +301 218 4 882076643 +301 219 4 882078955 +301 222 4 882074345 +301 227 3 882077222 +301 228 3 882076966 +301 229 3 882078228 +301 230 4 882077033 +301 231 2 882078580 +301 232 4 882078287 +301 233 4 882077872 +301 235 2 882074408 +301 237 4 882074291 +301 239 2 882076682 +301 240 4 882074494 +301 241 3 882077222 +301 249 3 882074801 +301 250 4 882074236 +301 252 3 882075148 +301 265 4 882075672 +301 269 5 882075432 +301 271 4 882075473 +301 273 1 882074800 +301 276 1 882074384 +301 281 4 882074903 +301 282 4 882074561 +301 284 4 882074708 +301 294 4 882074408 +301 300 4 882075500 +301 318 5 882075962 +301 323 4 882075110 +301 333 4 882075454 +301 340 4 882075432 +301 357 5 882075994 +301 363 4 882078326 +301 373 4 882079334 +301 380 4 882078459 +301 384 5 882079315 +301 385 3 882077055 +301 387 3 882078084 +301 393 3 882078735 +301 395 1 882079384 +301 401 4 882078040 +301 402 2 882076915 +301 403 4 882076292 +301 404 3 882076463 +301 405 4 882074727 +301 407 2 882075202 +301 409 4 882075242 +301 410 4 882074460 +301 411 1 882074867 +301 412 4 882075110 +301 418 3 882076751 +301 419 3 882076072 +301 420 3 882077285 +301 423 1 882076239 +301 426 4 882076967 +301 427 4 882075775 +301 429 4 882076072 +301 431 4 882078008 +301 443 4 882078008 +301 447 4 882078955 +301 451 4 882078061 +301 455 5 882074437 +301 456 3 882074838 +301 462 2 882076587 +301 465 4 882077811 +301 470 4 882078199 +301 474 4 882075803 +301 481 4 882075827 +301 483 4 882076403 +301 496 5 882075743 +301 501 3 882078040 +301 502 4 882076558 +301 503 3 882078228 +301 511 4 882075803 +301 514 3 882076021 +301 515 3 882074561 +301 519 4 882076682 +301 521 3 882076987 +301 523 4 882076146 +301 527 4 882076238 +301 546 4 882078228 +301 550 3 882078040 +301 552 3 882078267 +301 554 3 882078830 +301 559 4 882078955 +301 562 3 882077256 +301 566 3 882076463 +301 568 4 882076538 +301 576 4 882079199 +301 582 2 882077811 +301 588 5 882077055 +301 597 3 882075202 +301 604 4 882075994 +301 606 3 882076890 +301 607 4 882077176 +301 610 3 882077176 +301 631 1 882078882 +301 636 3 882077811 +301 651 5 882075994 +301 658 3 882076463 +301 660 4 882076782 +301 665 2 882079334 +301 673 4 882076751 +301 678 2 882075386 +301 684 3 882077330 +301 685 3 882074867 +301 686 4 882078008 +301 692 3 882076619 +301 693 5 882076806 +301 702 4 882077784 +301 710 3 882078008 +301 719 4 882079542 +301 732 4 882077351 +301 735 2 882077871 +301 737 2 882078906 +301 739 2 882076966 +301 742 4 882074437 +301 743 2 882075356 +301 746 3 882075774 +301 756 4 882074932 +301 758 3 882075242 +301 763 4 882074665 +301 771 2 882079256 +301 772 3 882078250 +301 790 4 882078621 +301 797 4 882078558 +301 802 2 882078883 +301 824 3 882075055 +301 831 4 882075338 +301 849 4 882078883 +301 864 4 882075110 +301 866 4 882075171 +301 871 4 882075148 +301 959 4 882078778 +301 1012 4 882074613 +301 1013 3 882075286 +301 1016 4 882074684 +301 1028 5 882074801 +301 1035 4 882078809 +301 1052 1 882075386 +301 1074 2 882078580 +301 1091 3 882079353 +301 1112 4 882079294 +301 1135 3 882078906 +301 1228 4 882079423 +301 1230 1 882079221 +301 1283 4 882075386 +302 245 2 879436911 +302 258 3 879436739 +302 270 2 879436785 +302 289 3 879436874 +302 294 1 879436911 +302 299 2 879436932 +302 301 4 879436820 +302 303 2 879436785 +302 307 4 879436739 +302 309 2 879436820 +302 322 2 879436875 +302 323 2 879436875 +302 328 3 879436844 +302 358 3 879436981 +302 680 2 879437035 +302 748 1 879436739 +302 879 2 879436960 +302 988 2 879436875 +303 1 5 879466966 +303 2 3 879467191 +303 3 3 879485184 +303 4 4 879467936 +303 5 2 879484534 +303 8 5 879467223 +303 9 5 879466830 +303 11 4 879467260 +303 12 4 879466937 +303 13 4 879484918 +303 15 3 879467607 +303 17 4 879466830 +303 21 2 879484004 +303 22 5 879467413 +303 23 5 879467936 +303 24 3 879468047 +303 25 4 879468047 +303 26 4 879468307 +303 28 3 879466717 +303 29 2 879485134 +303 31 3 879467361 +303 38 1 879484981 +303 41 5 879485686 +303 42 5 879467223 +303 43 3 879485507 +303 44 4 879484480 +303 46 3 879467706 +303 47 5 879467959 +303 49 2 879483901 +303 50 5 879466866 +303 53 3 879485608 +303 54 3 879484695 +303 55 4 879467328 +303 56 5 879466547 +303 62 2 879484159 +303 64 5 879466457 +303 65 4 879467436 +303 67 5 879485401 +303 68 4 879467361 +303 69 5 879467542 +303 70 4 879467739 +303 72 3 879485111 +303 73 3 879484918 +303 78 2 879544238 +303 79 5 879466891 +303 80 4 879484563 +303 82 4 879467465 +303 83 5 879467607 +303 85 3 879484588 +303 87 3 879466421 +303 90 4 879485111 +303 91 5 879483480 +303 92 4 879467131 +303 93 5 879467223 +303 94 3 879485318 +303 95 5 879484480 +303 96 5 879466830 +303 97 5 879468459 +303 98 5 879466572 +303 99 4 879467514 +303 100 5 879466420 +303 106 2 879543796 +303 109 4 879467131 +303 111 3 879467639 +303 117 3 879468581 +303 118 2 879485623 +303 120 2 879544099 +303 121 3 879485016 +303 122 4 879485066 +303 123 4 879468149 +303 124 4 879466491 +303 125 2 879467638 +303 127 5 879466523 +303 128 4 879467542 +303 129 5 879468547 +303 132 5 879466966 +303 134 5 879467959 +303 137 4 879468414 +303 139 3 879543209 +303 141 3 879483900 +303 143 4 879483680 +303 144 5 879467035 +303 145 1 879543573 +303 147 4 879467816 +303 150 5 879467190 +303 151 5 879484534 +303 152 4 879468274 +303 153 5 879466421 +303 156 5 879466771 +303 158 3 879543959 +303 159 3 879484695 +303 160 4 879468375 +303 161 5 879468547 +303 164 4 879466830 +303 167 3 879468307 +303 168 5 879467223 +303 170 5 879467574 +303 171 4 879467105 +303 172 5 879467413 +303 174 5 879466523 +303 176 5 879467260 +303 179 5 879466491 +303 181 5 879468082 +303 182 5 879467105 +303 183 5 879466866 +303 184 5 879467436 +303 185 5 879467465 +303 186 4 879467105 +303 187 5 879466631 +303 194 5 879466742 +303 195 4 879466937 +303 198 4 879467413 +303 200 4 879468459 +303 201 5 879467573 +303 202 5 879468149 +303 203 5 879467669 +303 204 4 879466491 +303 208 5 879467706 +303 209 5 879467328 +303 210 4 879466717 +303 215 5 879467413 +303 216 5 879466604 +303 218 4 879484695 +303 219 5 879484480 +303 222 3 879468414 +303 223 4 879466742 +303 226 4 879467295 +303 227 3 879542884 +303 228 4 879467574 +303 229 3 879468581 +303 230 3 879483511 +303 231 4 879485292 +303 232 4 879467191 +303 233 4 879484981 +303 234 5 879467260 +303 235 4 879484563 +303 236 4 879468274 +303 237 5 879468307 +303 239 3 879484871 +303 241 4 879483301 +303 245 3 879466249 +303 246 5 879544515 +303 248 2 879544680 +303 249 4 879544739 +303 250 4 879544712 +303 251 4 879544533 +303 252 3 879544791 +303 255 4 879544516 +303 257 4 879544558 +303 258 4 879465986 +303 260 3 879466291 +303 262 5 879466065 +303 264 3 879466214 +303 268 5 879466166 +303 269 5 879466018 +303 270 4 879466088 +303 271 2 879466065 +303 273 3 879468274 +303 276 4 879467895 +303 277 3 879468547 +303 281 3 879543375 +303 282 3 879467895 +303 283 3 879467936 +303 286 5 879465986 +303 287 4 879485203 +303 288 4 879466018 +303 289 2 879466065 +303 291 3 879484804 +303 293 4 879544515 +303 294 4 879466116 +303 298 4 879544607 +303 300 1 879466166 +303 302 4 879465986 +303 318 5 879466523 +303 319 5 879466065 +303 321 3 879466065 +303 323 1 879466214 +303 324 3 879466065 +303 325 1 879466249 +303 326 2 879466116 +303 327 1 879466166 +303 328 3 879466166 +303 330 3 879552065 +303 333 4 879466088 +303 334 3 879466184 +303 340 5 879466088 +303 357 5 879466717 +303 358 2 879466291 +303 364 2 879544153 +303 366 3 879485221 +303 367 4 879468082 +303 369 1 879544130 +303 373 2 879544276 +303 375 2 879544276 +303 376 2 879543617 +303 379 4 879485546 +303 381 4 879467574 +303 382 3 879467815 +303 384 3 879485165 +303 385 4 879467669 +303 386 4 879485352 +303 387 5 879485401 +303 388 2 879544365 +303 391 1 879485747 +303 393 4 879484981 +303 395 2 879544080 +303 396 4 879484846 +303 397 1 879543831 +303 398 1 879485372 +303 401 3 879543003 +303 402 4 879485250 +303 403 5 879468274 +303 404 4 879468375 +303 405 4 879483802 +303 408 4 879467035 +303 410 4 879484846 +303 411 4 879483802 +303 413 2 879543524 +303 416 3 879468179 +303 418 4 879483510 +303 420 4 879484563 +303 421 4 879466966 +303 423 4 879483535 +303 425 4 879466795 +303 426 3 879542535 +303 430 4 879467260 +303 432 3 879468274 +303 433 4 879467985 +303 435 5 879466491 +303 436 4 879484644 +303 443 4 879468459 +303 449 4 879485685 +303 450 3 879544386 +303 451 5 879468581 +303 452 2 879544276 +303 455 3 879484421 +303 458 3 879467936 +303 460 4 879543600 +303 461 4 879484159 +303 462 3 879468082 +303 470 4 879468375 +303 473 4 879485111 +303 474 5 879466457 +303 475 4 879467155 +303 476 3 879485352 +303 477 3 879483827 +303 479 5 879466572 +303 480 4 879466523 +303 482 5 879467361 +303 483 5 879466795 +303 484 5 879466966 +303 491 4 879466631 +303 501 4 879484981 +303 502 4 879484421 +303 506 4 879467328 +303 507 5 879466604 +303 508 4 879467260 +303 514 5 879466667 +303 517 5 879484480 +303 518 4 879468581 +303 525 5 879466604 +303 531 4 879466457 +303 535 1 879544681 +303 540 1 879543679 +303 541 3 879543988 +303 544 4 879483617 +303 545 2 879544400 +303 549 3 879484846 +303 550 3 879467607 +303 551 2 879544021 +303 552 2 879485048 +303 554 2 879484500 +303 558 4 879467105 +303 559 4 879467670 +303 564 1 879485447 +303 568 4 879468414 +303 569 3 879484159 +303 574 1 879544184 +303 575 4 879544219 +303 576 3 879485417 +303 578 2 879484846 +303 582 4 879483462 +303 583 1 879483901 +303 586 2 879485659 +303 588 5 879468459 +303 591 4 879468082 +303 595 2 879484421 +303 596 4 879468274 +303 597 1 879485204 +303 603 5 879466457 +303 615 4 879467413 +303 616 4 879484948 +303 619 3 879467574 +303 636 3 879484695 +303 650 5 879483941 +303 651 5 879468021 +303 653 4 879466937 +303 654 5 879467328 +303 658 5 879484327 +303 665 4 879485475 +303 670 2 879544062 +303 673 4 879468250 +303 678 1 879544946 +303 679 2 879484534 +303 685 1 879485089 +303 692 4 879468123 +303 693 4 879466771 +303 697 3 879484948 +303 700 3 879485718 +303 705 5 879467105 +303 709 5 879468021 +303 715 4 879484441 +303 716 2 879467639 +303 720 2 879468375 +303 721 4 879484194 +303 722 2 879485372 +303 725 1 879544153 +303 729 3 879483568 +303 734 1 879543711 +303 735 4 879483567 +303 738 2 879544276 +303 739 5 879468547 +303 741 4 879466604 +303 742 4 879484899 +303 744 3 879467607 +303 746 4 879467514 +303 748 2 879466214 +303 755 2 879485016 +303 759 1 879544385 +303 762 4 879468179 +303 763 4 879485319 +303 765 3 879485608 +303 773 4 879466891 +303 778 4 879467815 +303 779 1 879543418 +303 780 5 879483900 +303 783 2 879543756 +303 785 3 879485318 +303 790 4 879485507 +303 792 5 879484644 +303 800 3 879485352 +303 801 1 879543679 +303 805 4 879485475 +303 808 2 879484480 +303 809 2 879543524 +303 813 4 879467985 +303 815 3 879485532 +303 820 3 879544184 +303 824 3 879483901 +303 825 3 879485016 +303 829 2 879485814 +303 833 2 879484327 +303 840 2 879543988 +303 842 2 879484804 +303 844 3 879468179 +303 845 4 879485221 +303 847 4 879466830 +303 849 3 879485589 +303 866 2 879485277 +303 867 3 879484373 +303 869 2 879485703 +303 871 1 879485685 +303 872 3 879466018 +303 873 3 879466214 +303 875 4 879466291 +303 919 4 879467295 +303 926 2 879485814 +303 928 3 879485589 +303 940 2 879485659 +303 948 2 879466249 +303 952 3 879467706 +303 953 3 879485016 +303 956 4 879466421 +303 960 4 879467361 +303 979 4 879484213 +303 993 2 879544576 +303 997 2 879544219 +303 998 3 879544435 +303 1007 5 879544576 +303 1011 2 879484282 +303 1012 4 879544712 +303 1013 1 879544860 +303 1014 3 879544588 +303 1016 3 879544727 +303 1021 4 879484643 +303 1023 2 879544898 +303 1034 1 879544184 +303 1037 3 879544340 +303 1039 5 879466457 +303 1040 1 879485844 +303 1044 3 879485685 +303 1046 3 879468375 +303 1047 2 879485277 +303 1048 4 879484871 +303 1052 2 879544365 +303 1071 2 879485352 +303 1073 4 879467191 +303 1088 2 879544946 +303 1089 1 879544978 +303 1090 1 879485686 +303 1092 1 879544435 +303 1095 2 879543988 +303 1097 3 879466523 +303 1098 4 879467959 +303 1109 4 879467936 +303 1110 1 879543939 +303 1118 3 879484004 +303 1135 2 879485589 +303 1142 4 879544659 +303 1145 2 879544219 +303 1153 3 879484899 +303 1157 2 879543711 +303 1160 2 879544629 +303 1178 2 879544130 +303 1182 2 879543459 +303 1187 4 879467895 +303 1188 4 879485204 +303 1199 3 879468123 +303 1210 1 879543773 +303 1215 1 879544435 +303 1218 4 879484350 +303 1220 2 879484899 +303 1222 3 879468513 +303 1224 2 879485475 +303 1226 4 879544713 +303 1228 2 879543459 +303 1230 1 879485447 +303 1232 3 879484948 +303 1239 1 879544020 +303 1258 2 879544756 +303 1267 3 879484327 +303 1270 1 879485770 +303 1273 2 879485278 +303 1286 4 879467413 +303 1303 3 879543831 +303 1315 3 879544791 +303 1335 3 879485048 +303 1337 1 879485770 +303 1407 1 879544063 +303 1411 2 879483941 +303 1426 2 879484804 +303 1508 1 879544130 +303 1509 1 879544435 +303 1510 3 879485659 +303 1511 3 879544843 +304 111 3 884968264 +304 237 5 884968415 +304 243 3 884967391 +304 259 1 884967253 +304 271 4 884968415 +304 275 4 884968264 +304 278 4 884968415 +304 286 1 884967017 +304 288 3 884966696 +304 294 4 884968415 +304 298 5 884968415 +304 300 5 884968415 +304 310 3 884966697 +304 313 5 884968415 +304 322 4 884968415 +304 328 3 884967167 +304 343 3 884967896 +304 681 2 884967167 +304 682 3 884967520 +304 742 3 884968078 +304 763 4 884968415 +304 893 3 884967520 +304 895 3 884967017 +305 1 5 886323153 +305 2 2 886324580 +305 7 4 886323937 +305 11 1 886323237 +305 12 5 886322930 +305 13 3 886323998 +305 14 4 886322893 +305 15 1 886322796 +305 16 3 886324058 +305 33 3 886325627 +305 42 4 886324172 +305 48 5 886323591 +305 49 3 886324962 +305 50 5 886321799 +305 52 2 886323506 +305 56 1 886323068 +305 59 3 886322758 +305 60 3 886324097 +305 61 4 886323378 +305 64 5 886323406 +305 70 4 886324221 +305 71 3 886323684 +305 76 1 886323506 +305 79 3 886324276 +305 81 3 886323335 +305 83 3 886323464 +305 86 4 886323757 +305 87 1 886323153 +305 88 2 886323966 +305 89 3 886322719 +305 91 2 886323303 +305 96 3 886324172 +305 98 4 886322560 +305 100 3 886323648 +305 117 2 886324028 +305 121 3 886324898 +305 129 3 886323006 +305 131 3 886323440 +305 134 5 886322560 +305 135 3 886323189 +305 143 3 886323275 +305 144 2 886323068 +305 151 4 886324433 +305 153 3 886323153 +305 154 4 886322670 +305 156 4 886323068 +305 160 4 886323937 +305 163 3 886325627 +305 165 4 886323153 +305 166 4 886322719 +305 168 4 886323115 +305 169 5 886322893 +305 170 4 886322691 +305 171 5 886323237 +305 172 4 886323757 +305 174 3 886322635 +305 175 4 886322893 +305 176 4 886323839 +305 178 4 886322966 +305 179 1 886323966 +305 180 4 886323806 +305 181 4 886321799 +305 183 4 886324028 +305 184 3 886323937 +305 186 4 886323902 +305 187 4 886323189 +305 188 2 886323757 +305 189 5 886323303 +305 190 3 886322966 +305 191 3 886322966 +305 192 2 886323275 +305 195 3 886323006 +305 196 4 886324097 +305 197 2 886322758 +305 198 4 886322838 +305 199 4 886323779 +305 200 3 886324661 +305 201 3 886323998 +305 202 3 886323684 +305 203 4 886323839 +305 204 2 886323998 +305 207 5 886323839 +305 209 5 886322966 +305 210 3 886323006 +305 212 3 886324058 +305 214 2 886323068 +305 215 2 886323464 +305 216 5 886323563 +305 223 4 886322758 +305 228 2 886323998 +305 237 2 886322796 +305 238 3 886323617 +305 239 3 886323153 +305 245 1 886308147 +305 246 3 886322122 +305 249 3 886322174 +305 251 5 886321764 +305 257 2 886322122 +305 258 4 886308064 +305 268 3 886307860 +305 269 4 886307948 +305 272 3 886307917 +305 275 2 886323153 +305 282 3 886323806 +305 285 5 886322930 +305 286 4 886307828 +305 287 3 886324097 +305 289 4 886308064 +305 298 4 886322150 +305 300 3 886307828 +305 302 4 886307860 +305 305 3 886307860 +305 315 5 886308168 +305 317 4 886323713 +305 318 3 886322560 +305 326 2 886307917 +305 327 3 886307948 +305 338 3 886308252 +305 347 3 886308111 +305 357 5 886323189 +305 382 5 886323617 +305 385 1 886324792 +305 403 2 886324792 +305 405 3 886324580 +305 408 5 886323189 +305 423 4 886322670 +305 425 4 886324486 +305 427 5 886323090 +305 428 3 886323902 +305 431 4 886323806 +305 433 2 886324792 +305 451 3 886324817 +305 462 5 886323525 +305 464 3 886322796 +305 469 2 886323757 +305 471 4 886323648 +305 474 5 886322838 +305 475 4 886324199 +305 478 3 886323275 +305 479 3 886323275 +305 480 5 886322758 +305 482 2 886323006 +305 483 5 886323068 +305 486 5 886323563 +305 505 3 886323006 +305 511 4 886322560 +305 512 4 886323525 +305 527 5 886323189 +305 528 4 886323378 +305 529 5 886324097 +305 530 5 886323237 +305 550 3 886325023 +305 557 4 886324521 +305 582 4 886323506 +305 597 2 886324551 +305 602 3 886324058 +305 610 3 886324128 +305 628 4 886324661 +305 631 3 886324028 +305 638 5 886324128 +305 654 4 886323937 +305 655 4 886323937 +305 660 4 886324734 +305 664 2 886324462 +305 679 3 886324792 +305 684 3 886323591 +305 686 3 886324330 +305 690 4 886307828 +305 708 3 886324963 +305 709 5 886324221 +305 713 4 886323115 +305 729 3 886324712 +305 733 3 886324661 +305 735 4 886324128 +305 748 3 886308147 +305 749 2 886308111 +305 751 3 886307971 +305 770 3 886324521 +305 778 4 886325023 +305 792 4 886323406 +305 793 5 886324712 +305 806 3 886322720 +305 845 3 886323335 +305 856 5 886323839 +305 863 4 886324387 +305 904 4 886307860 +305 921 5 886324410 +305 923 5 886323237 +305 941 2 886324792 +305 943 2 886323464 +305 947 4 886322838 +305 960 1 886324362 +305 963 4 886322635 +305 971 4 886324608 +305 1015 1 886323068 +305 1018 5 886324580 +305 1073 1 886323591 +305 1074 2 886324330 +305 1101 4 886323563 +305 1104 4 886323779 +305 1411 3 886324865 +305 1456 4 886324962 +305 1485 3 886323902 +305 1512 3 886322796 +305 1513 2 886322212 +306 13 4 876504442 +306 14 5 876503995 +306 19 5 876503995 +306 25 3 876504354 +306 100 4 876504286 +306 111 4 876504442 +306 116 5 876504026 +306 150 5 876504286 +306 235 4 876504354 +306 242 5 876503793 +306 258 2 876503793 +306 269 5 876503792 +306 275 4 876503894 +306 283 3 876503995 +306 286 4 876503793 +306 287 4 876504442 +306 303 3 876503793 +306 306 5 876503792 +306 319 4 876503793 +306 321 3 876503793 +306 476 3 876504679 +306 744 4 876504054 +306 756 3 876504472 +306 864 3 876504286 +306 1009 4 876503995 +306 1028 2 876504581 +306 1251 5 876504026 +306 1514 4 876504614 +307 1 5 878066938 +307 21 4 876433101 +307 22 3 879205470 +307 24 4 876176161 +307 28 3 877119480 +307 56 4 878856967 +307 62 3 881966033 +307 64 4 879283371 +307 70 4 877121347 +307 71 5 879283169 +307 72 3 877122721 +307 81 5 879283091 +307 82 4 875645340 +307 83 5 877120874 +307 89 5 879283786 +307 91 4 879283514 +307 94 3 877122695 +307 99 4 879283449 +307 100 3 879206424 +307 101 3 888095824 +307 114 5 879283169 +307 132 4 879283333 +307 135 4 877122208 +307 143 3 879283203 +307 145 4 879283672 +307 153 5 875681145 +307 154 5 879282952 +307 161 3 879205470 +307 163 3 879283384 +307 164 4 879283514 +307 168 5 879283798 +307 169 5 879283625 +307 172 5 879283786 +307 173 5 879283786 +307 174 4 879283480 +307 175 4 877117651 +307 178 3 877118976 +307 181 5 879283232 +307 183 3 877121921 +307 185 3 877118565 +307 186 5 879283625 +307 189 4 877121617 +307 193 3 879205470 +307 195 3 879205470 +307 196 3 879205470 +307 197 4 877122115 +307 200 3 877117875 +307 204 3 879205470 +307 209 5 879283798 +307 210 2 877123746 +307 214 5 879283091 +307 215 4 879283036 +307 222 4 879538922 +307 227 5 879538922 +307 228 5 879538921 +307 229 5 879538921 +307 230 5 879538921 +307 239 3 877122138 +307 257 5 875645340 +307 258 5 879283786 +307 265 3 877122816 +307 286 3 881965984 +307 313 5 888095725 +307 380 3 879538922 +307 393 3 877123041 +307 395 3 877121789 +307 401 1 879114143 +307 402 2 879283362 +307 403 3 877122035 +307 408 5 875645579 +307 419 4 877122115 +307 423 5 879283587 +307 427 3 877121988 +307 428 4 877118113 +307 431 4 877123333 +307 433 5 879283625 +307 449 4 879538922 +307 450 2 879538922 +307 462 4 879284095 +307 463 5 879283786 +307 472 3 877123683 +307 474 5 879283787 +307 483 5 875680937 +307 505 3 879205470 +307 509 3 877121019 +307 511 5 879282952 +307 515 4 875680871 +307 527 5 878066938 +307 529 4 877381142 +307 580 4 879283514 +307 588 4 877118284 +307 631 3 879283544 +307 634 3 879283385 +307 655 4 877117166 +307 660 3 879205470 +307 687 1 879114143 +307 736 3 877118152 +307 739 2 877122317 +307 746 4 875681078 +307 949 4 877123315 +307 1022 4 879283008 +307 1028 4 875746067 +307 1065 3 879205470 +307 1110 4 877122208 +307 1140 2 879114143 +307 1411 4 877124058 +308 1 4 887736532 +308 4 5 887737890 +308 5 4 887739608 +308 7 4 887738847 +308 8 5 887736696 +308 11 5 887737837 +308 12 5 887737243 +308 15 3 887739426 +308 17 4 887739056 +308 19 3 887737383 +308 21 3 887740729 +308 22 4 887737647 +308 23 5 887737293 +308 24 4 887738057 +308 25 4 887740649 +308 28 3 887737036 +308 30 4 887738933 +308 31 3 887739472 +308 32 5 887737432 +308 42 4 887738191 +308 44 4 887740451 +308 45 4 887736843 +308 47 4 887738933 +308 48 4 887736880 +308 49 3 887740833 +308 50 5 887737431 +308 54 2 887740254 +308 55 3 887738760 +308 56 5 887736924 +308 58 3 887736459 +308 59 4 887737647 +308 60 3 887737760 +308 61 3 887739336 +308 64 4 887737383 +308 65 3 887738301 +308 68 4 887740933 +308 69 2 887738664 +308 70 4 887737244 +308 71 4 887739257 +308 72 4 887740451 +308 73 3 887738972 +308 74 4 887740184 +308 77 3 887740788 +308 79 4 887737593 +308 81 5 887737293 +308 82 4 887738470 +308 85 4 887741245 +308 87 4 887737760 +308 88 4 887740568 +308 89 5 887738057 +308 91 4 887737536 +308 92 4 887737293 +308 95 4 887737130 +308 96 4 887737432 +308 97 1 887738469 +308 98 3 887737334 +308 99 4 887738057 +308 100 5 887736797 +308 107 4 887741150 +308 109 3 887738894 +308 116 4 887737594 +308 117 3 887738620 +308 118 3 887739670 +308 122 4 887742165 +308 123 3 887738619 +308 124 4 887737647 +308 127 4 887737243 +308 129 5 887736925 +308 131 4 887739383 +308 132 3 887737891 +308 133 3 887738225 +308 134 5 887737686 +308 135 5 887737243 +308 141 3 887739891 +308 143 4 887739136 +308 144 3 887737956 +308 147 3 887739831 +308 148 3 887740788 +308 151 4 887741795 +308 152 5 887739292 +308 153 5 887737484 +308 154 4 887738152 +308 156 4 887738057 +308 157 5 887738268 +308 160 4 887738717 +308 161 3 887740788 +308 162 4 887739095 +308 163 4 887737084 +308 164 4 887738664 +308 165 3 887736696 +308 166 3 887737837 +308 168 4 887737593 +308 170 3 887737130 +308 171 4 887738346 +308 174 4 887736696 +308 175 5 887736999 +308 176 4 887736696 +308 177 5 887738570 +308 178 4 887737719 +308 179 4 887736584 +308 180 5 887737997 +308 181 4 887739095 +308 182 5 887737194 +308 183 4 887736695 +308 184 4 887738847 +308 185 4 887736925 +308 186 4 887738152 +308 187 5 887738760 +308 191 4 887736797 +308 192 5 887736696 +308 193 3 887737837 +308 194 5 887739257 +308 195 5 887738619 +308 196 3 887739951 +308 197 3 887736743 +308 198 3 887739172 +308 199 4 887737760 +308 200 5 887738933 +308 201 5 887737334 +308 202 4 887737084 +308 203 5 887737997 +308 204 4 887737891 +308 205 3 887738191 +308 208 4 887736798 +308 209 4 887737686 +308 210 4 887737130 +308 211 4 887737535 +308 213 4 887739382 +308 214 2 887738104 +308 215 3 887737483 +308 216 3 887737789 +308 219 3 887738717 +308 226 3 887740833 +308 230 4 887739014 +308 231 3 887740410 +308 233 3 887738346 +308 234 3 887737084 +308 235 3 887739800 +308 237 3 887737383 +308 238 5 887736843 +308 239 3 887740033 +308 241 4 887738509 +308 248 4 887741437 +308 254 2 887742454 +308 264 2 887736408 +308 265 3 887737647 +308 273 2 887737084 +308 274 3 887738760 +308 275 4 887737891 +308 276 4 887736998 +308 283 3 887737194 +308 284 4 887741554 +308 285 5 887736622 +308 288 4 887736408 +308 291 3 887739472 +308 293 4 887741415 +308 294 3 887736408 +308 295 3 887741461 +308 298 5 887741383 +308 309 1 887736408 +308 313 3 887736408 +308 318 4 887736743 +308 319 4 887736408 +308 321 3 887736408 +308 322 2 887736408 +308 357 4 887738151 +308 365 3 887739915 +308 367 4 887738571 +308 371 3 887738469 +308 378 3 887740700 +308 382 4 887739521 +308 385 4 887740099 +308 392 4 887740367 +308 393 4 887740367 +308 402 4 887740700 +308 403 4 887738571 +308 404 3 887736998 +308 408 5 887738268 +308 410 4 887741329 +308 417 3 887740254 +308 419 4 887737194 +308 420 4 887740216 +308 423 5 887736999 +308 425 4 887737997 +308 427 4 887736584 +308 428 5 887739426 +308 430 4 887738717 +308 432 4 887737036 +308 433 5 887738301 +308 434 4 887736584 +308 435 4 887737484 +308 436 4 887739257 +308 443 3 887740500 +308 447 4 887739056 +308 448 3 887740866 +308 452 2 887741329 +308 455 4 887738226 +308 461 4 887737535 +308 463 4 887738057 +308 466 5 887738387 +308 467 4 887737194 +308 469 5 887738104 +308 471 3 887739382 +308 472 2 887739336 +308 473 3 887739951 +308 475 4 887737193 +308 477 4 887739257 +308 479 5 887738346 +308 481 4 887737997 +308 482 5 887738152 +308 483 3 887736843 +308 484 3 887736998 +308 485 3 887737719 +308 486 4 887737432 +308 487 4 887736798 +308 488 4 887736696 +308 490 4 887738104 +308 492 3 887737535 +308 493 3 887737293 +308 494 5 887738570 +308 495 3 887740131 +308 496 3 887736532 +308 498 5 887736584 +308 499 3 887738619 +308 501 4 887740099 +308 502 5 887739521 +308 505 3 887737647 +308 506 4 887738191 +308 507 3 887738893 +308 509 4 887738717 +308 510 3 887736925 +308 511 5 887737130 +308 512 5 887736584 +308 514 4 887738619 +308 515 3 887737536 +308 516 4 887736743 +308 517 4 887737483 +308 519 4 887737997 +308 520 4 887738508 +308 521 3 887736798 +308 522 3 887737484 +308 523 4 887737084 +308 526 3 887739426 +308 528 3 887737036 +308 531 4 887738057 +308 546 3 887740500 +308 550 4 887738847 +308 558 4 887737594 +308 559 4 887740367 +308 566 4 887739014 +308 567 4 887741329 +308 568 5 887740649 +308 569 3 887740410 +308 578 2 887738847 +308 579 3 887740700 +308 581 4 887740500 +308 582 3 887736843 +308 584 4 887738717 +308 588 5 887738893 +308 589 4 887737760 +308 591 3 887739608 +308 597 3 887738933 +308 602 4 887737536 +308 603 5 887736743 +308 605 4 887740603 +308 607 3 887737084 +308 609 4 887739757 +308 610 4 887738847 +308 611 4 887738971 +308 613 4 887738620 +308 614 3 887739757 +308 615 3 887739213 +308 616 2 887739800 +308 618 4 887737955 +308 628 3 887738104 +308 629 4 887738894 +308 632 3 887738057 +308 633 4 887739257 +308 634 4 887737334 +308 637 3 887741108 +308 640 4 887737036 +308 641 4 887736459 +308 646 5 887738508 +308 648 4 887738509 +308 649 4 887739292 +308 653 5 887736999 +308 654 5 887736881 +308 655 4 887738664 +308 656 3 887736622 +308 657 4 887736696 +308 659 3 887736532 +308 660 3 887740410 +308 661 4 887736532 +308 663 5 887738469 +308 664 5 887736999 +308 665 4 887741003 +308 671 4 887739014 +308 673 4 887737243 +308 675 4 887740367 +308 678 3 887736408 +308 679 4 887739426 +308 686 4 887739831 +308 692 3 887738469 +308 693 3 887738104 +308 699 4 887737193 +308 705 5 887737837 +308 708 4 887739863 +308 709 3 887737334 +308 712 4 887740833 +308 715 5 887740700 +308 729 3 887740254 +308 732 4 887738847 +308 736 3 887738760 +308 739 4 887739639 +308 741 4 887739863 +308 742 4 887739172 +308 746 4 887739056 +308 747 3 887740033 +308 755 3 887740033 +308 770 4 887738057 +308 792 3 887737594 +308 802 3 887738717 +308 805 4 887739471 +308 806 4 887737594 +308 811 4 887739212 +308 822 4 887739472 +308 825 4 887740700 +308 826 3 887739427 +308 842 3 887740099 +308 843 3 887739095 +308 848 4 887736925 +308 853 5 887736797 +308 856 4 887738387 +308 863 3 887736881 +308 921 4 887738268 +308 928 4 887742103 +308 942 3 887737432 +308 945 4 887739136 +308 959 3 887739335 +308 962 4 887738104 +308 965 4 887738387 +308 966 3 887740500 +308 968 4 887739987 +308 1006 4 887739608 +308 1019 4 887738570 +308 1021 4 887736459 +308 1028 2 887738972 +308 1045 4 887740033 +308 1046 4 887740649 +308 1047 3 887742130 +308 1065 5 887739382 +308 1073 3 887736798 +308 1074 3 887741271 +308 1126 3 887738268 +308 1135 4 887740099 +308 1140 4 887740933 +308 1147 4 887738387 +308 1154 2 887740367 +308 1169 5 887739136 +308 1197 4 887739521 +308 1211 3 887739669 +308 1252 3 887741604 +308 1286 3 887738151 +308 1404 4 887739257 +308 1411 4 887741150 +308 1421 4 887739212 +308 1456 4 887739056 +308 1515 4 887738346 +309 242 4 877370319 +309 258 5 877370288 +309 286 4 877370383 +309 300 3 877370288 +309 303 2 877370319 +309 304 3 877370319 +309 306 2 877370356 +309 319 4 877370419 +309 324 3 877370419 +309 326 5 877370383 +309 331 5 877370356 +309 333 3 877370419 +309 334 4 877370356 +309 690 3 877370319 +309 879 4 877370319 +309 938 4 877370383 +309 989 3 877370383 +309 1025 5 877370356 +309 1296 2 877370319 +309 1393 2 877370383 +310 14 5 879436268 +310 24 4 879436242 +310 50 5 879436177 +310 116 5 879436104 +310 181 4 879436104 +310 222 3 879436062 +310 251 5 879436035 +310 257 5 879436576 +310 258 3 879435606 +310 274 3 879436534 +310 275 5 879436137 +310 294 1 879436712 +310 304 5 879435664 +310 536 4 879436137 +310 740 4 879436292 +310 748 3 879435729 +310 832 1 879436035 +310 845 5 879436534 +310 1022 5 879435764 +310 1386 1 879436177 +311 1 4 884963202 +311 5 3 884365853 +311 8 4 884364465 +311 9 4 884963365 +311 12 4 884364436 +311 15 5 884963136 +311 22 4 884364538 +311 23 3 884364570 +311 28 5 884365140 +311 31 4 884364570 +311 38 3 884365954 +311 39 4 884364999 +311 41 3 884366439 +311 43 4 884366227 +311 44 3 884365168 +311 47 2 884365654 +311 50 5 884365075 +311 51 4 884366010 +311 54 4 884366439 +311 56 5 884364437 +311 58 3 884364570 +311 62 3 884365929 +311 63 3 884365686 +311 64 5 884364502 +311 66 4 884365325 +311 68 1 884365824 +311 69 5 884364999 +311 70 4 884364999 +311 71 4 884364845 +311 72 4 884365686 +311 73 4 884366187 +311 76 4 884365140 +311 77 5 884365718 +311 82 5 884364436 +311 83 5 884364812 +311 86 5 884365252 +311 88 4 884365450 +311 89 5 884364845 +311 91 3 884366439 +311 94 3 884366187 +311 96 5 884365653 +311 97 4 884365357 +311 98 5 884364502 +311 99 5 884365075 +311 100 1 884963136 +311 101 4 884366397 +311 117 4 884366852 +311 118 3 884963203 +311 121 4 884366852 +311 125 4 884963179 +311 127 4 884364538 +311 132 4 884365548 +311 133 3 884364652 +311 134 5 884364502 +311 135 4 884366617 +311 136 5 884365357 +311 141 4 884366187 +311 143 3 884364812 +311 161 4 884365579 +311 168 4 884365406 +311 172 5 884364763 +311 173 5 884364569 +311 174 5 884364538 +311 176 4 884365104 +311 177 5 884364764 +311 178 5 884364437 +311 179 2 884365357 +311 180 4 884364764 +311 181 4 884364724 +311 183 5 884365519 +311 185 2 884366617 +311 186 3 884364464 +311 187 4 884364764 +311 188 4 884364437 +311 191 4 884364764 +311 192 3 884366528 +311 193 5 884365075 +311 194 4 884364724 +311 195 4 884364538 +311 196 5 884365325 +311 197 4 884365686 +311 198 3 884364812 +311 199 4 884365485 +311 200 4 884365718 +311 202 4 884364694 +311 203 5 884365201 +311 204 5 884365617 +311 205 5 884365357 +311 208 4 884365104 +311 209 2 884364502 +311 210 5 884364652 +311 211 3 884364538 +311 212 3 884366397 +311 213 4 884365075 +311 215 4 884364999 +311 216 5 884364502 +311 218 4 884366363 +311 222 4 884366852 +311 226 4 884366397 +311 228 5 884365325 +311 229 5 884365890 +311 231 4 884365746 +311 232 3 884364812 +311 233 4 884365889 +311 234 4 884364873 +311 238 4 884365357 +311 239 3 884365284 +311 258 4 884363706 +311 265 5 884364812 +311 275 4 884963136 +311 276 4 884963282 +311 282 5 884963228 +311 294 4 884364047 +311 300 4 884363831 +311 306 4 884363791 +311 310 4 884363865 +311 315 5 884364108 +311 318 5 884364569 +311 321 3 884363948 +311 322 4 884364047 +311 323 3 884364139 +311 326 2 884364047 +311 329 4 884363904 +311 348 4 884364108 +311 356 4 884365653 +311 357 5 884365104 +311 365 4 884365580 +311 366 5 884366010 +311 367 3 884365780 +311 371 5 884366137 +311 378 5 884366363 +311 380 4 884366067 +311 385 5 884365284 +311 386 3 884365747 +311 387 4 884365654 +311 393 4 884366066 +311 399 4 884366269 +311 402 4 884366187 +311 403 4 884365889 +311 404 3 884365406 +311 416 4 884365853 +311 417 3 884366035 +311 418 4 884365202 +311 419 3 884364931 +311 420 1 884366334 +311 423 5 884365579 +311 425 2 884365140 +311 431 4 884365201 +311 432 4 884365485 +311 433 3 884364931 +311 443 3 884365718 +311 444 2 884365746 +311 449 3 884365823 +311 451 3 884366397 +311 465 4 884365406 +311 468 4 884365140 +311 469 5 884366227 +311 470 3 884365140 +311 471 4 884963254 +311 479 5 884365519 +311 480 4 884364593 +311 482 4 884365104 +311 483 4 884364437 +311 484 4 884366590 +311 485 1 884364538 +311 487 4 884365519 +311 491 4 884365168 +311 493 4 884364465 +311 494 4 884364593 +311 495 4 884366066 +311 496 5 884364593 +311 498 4 884364931 +311 499 4 884365519 +311 501 5 884365954 +311 504 4 884364873 +311 505 4 884365451 +311 509 3 884366590 +311 510 4 884366545 +311 515 4 884365485 +311 518 3 884365451 +311 519 3 884365548 +311 520 5 884365251 +311 521 4 884366686 +311 523 5 884364694 +311 526 5 884364873 +311 527 4 884365780 +311 528 4 884364724 +311 530 3 884365201 +311 539 4 884364268 +311 549 2 884366111 +311 553 3 884365451 +311 559 2 884366187 +311 562 3 884365746 +311 566 4 884366112 +311 568 5 884365325 +311 570 4 884365890 +311 576 3 884366269 +311 581 3 884366137 +311 584 3 884365485 +311 588 4 884365284 +311 592 5 884364845 +311 604 3 884364570 +311 621 4 884365579 +311 622 3 884364437 +311 623 2 884366112 +311 627 4 884366067 +311 630 5 884365929 +311 639 4 884365686 +311 642 4 884365823 +311 645 5 884366111 +311 648 4 884364694 +311 650 3 884364846 +311 651 4 884364623 +311 654 3 884365075 +311 655 4 884365406 +311 660 4 884365252 +311 661 3 884365075 +311 662 4 884365018 +311 671 3 884365954 +311 679 4 884365580 +311 684 4 884365075 +311 692 4 884364652 +311 699 4 884365075 +311 700 3 884365852 +311 702 3 884365284 +311 705 3 884365201 +311 708 5 884366397 +311 715 2 884365746 +311 716 4 884365718 +311 720 3 884366307 +311 723 4 884366187 +311 724 4 884365406 +311 726 3 884366035 +311 729 4 884365451 +311 732 4 884365617 +311 735 4 884366637 +311 747 3 884364502 +311 748 4 884364071 +311 750 5 884363706 +311 751 3 884363758 +311 754 3 884363758 +311 755 4 884366035 +311 761 3 884366067 +311 768 2 884365889 +311 775 3 884365579 +311 778 4 884365251 +311 783 3 884366439 +311 785 3 884366010 +311 794 4 884366270 +311 796 3 884365889 +311 845 4 884366824 +311 849 3 884365781 +311 921 4 884364695 +311 941 4 884365929 +311 942 5 884366112 +311 944 4 884366439 +311 946 4 884366270 +311 951 3 884365548 +311 965 3 884365686 +311 966 4 884365617 +311 967 3 884364764 +311 1035 4 884365954 +311 1041 3 884366334 +311 1042 3 884366187 +311 1046 3 884366307 +311 1050 3 884365485 +311 1093 5 884963180 +311 1116 3 884364623 +311 1119 4 884366703 +311 1217 3 884365686 +311 1221 4 884364502 +311 1222 3 884366010 +311 1232 4 884366439 +311 1297 4 884365654 +311 1479 3 884365824 +312 1 5 891698832 +312 4 3 891698832 +312 8 5 891699263 +312 10 5 891699455 +312 14 5 891698664 +312 23 4 891698613 +312 28 4 891698300 +312 50 5 891698300 +312 52 5 891699399 +312 57 5 891699599 +312 69 4 891699182 +312 70 5 891699398 +312 71 4 891699599 +312 89 5 891698832 +312 96 5 891699040 +312 97 5 891698391 +312 98 4 891698300 +312 100 4 891698613 +312 114 5 891698793 +312 121 3 891698174 +312 131 5 891699702 +312 132 5 891699121 +312 133 5 891699296 +312 134 5 891698764 +312 136 5 891698613 +312 137 3 891698224 +312 143 4 891698893 +312 144 1 891698987 +312 151 2 891698832 +312 152 2 891698485 +312 153 2 891699491 +312 154 4 891699372 +312 156 3 891698224 +312 157 1 891698516 +312 165 5 891698726 +312 166 5 891698391 +312 170 5 891698553 +312 172 4 891699677 +312 173 3 891699345 +312 174 5 891698224 +312 175 3 891699321 +312 176 4 891699295 +312 177 3 891698832 +312 178 5 891698553 +312 179 5 891698793 +312 180 4 891698174 +312 183 5 891699182 +312 185 5 891699121 +312 186 3 891699491 +312 187 5 891699345 +312 188 3 891698793 +312 190 5 891698865 +312 191 5 891698334 +312 194 4 891699207 +312 195 5 891698254 +312 204 4 891698254 +312 205 5 891699372 +312 206 5 891699399 +312 207 5 891699121 +312 208 5 891698334 +312 209 3 891699207 +312 211 4 891698254 +312 213 5 891699067 +312 214 3 891699121 +312 222 3 891698764 +312 223 5 891698485 +312 228 3 891699040 +312 234 5 891712535 +312 238 3 891699510 +312 241 3 891699655 +312 265 1 891698696 +312 269 5 891698130 +312 275 5 891698553 +312 276 4 891699010 +312 357 5 891698987 +312 372 3 891699568 +312 382 4 891699568 +312 408 4 891698174 +312 414 3 891699626 +312 419 3 891699182 +312 427 5 891698224 +312 428 3 891698424 +312 432 5 891699491 +312 434 3 891699263 +312 435 4 891699702 +312 443 4 891698951 +312 463 5 891698696 +312 474 5 891698454 +312 478 5 891698664 +312 479 5 891698365 +312 480 5 891698224 +312 481 5 891698893 +312 482 5 891698613 +312 483 5 891699156 +312 485 4 891699345 +312 486 5 891699655 +312 487 5 891699655 +312 488 5 891698334 +312 489 5 891699321 +312 490 5 891699655 +312 491 5 891699702 +312 493 5 891698365 +312 494 5 891698454 +312 495 4 891699372 +312 496 5 891698664 +312 498 5 891699568 +312 499 4 891699296 +312 503 5 891699010 +312 505 5 891698987 +312 506 4 891699121 +312 507 5 891698300 +312 509 5 891699490 +312 510 5 891699490 +312 512 3 891698951 +312 513 5 891698300 +312 514 3 891698516 +312 515 5 891699677 +312 516 3 891699626 +312 519 5 891698726 +312 520 5 891698254 +312 521 5 891698987 +312 524 5 891699345 +312 526 5 891698334 +312 528 5 891698695 +312 530 5 891698921 +312 531 5 891698254 +312 537 5 891698516 +312 543 5 891698424 +312 557 5 891699599 +312 573 5 891712535 +312 584 5 891699263 +312 587 3 891699399 +312 588 5 891699490 +312 589 5 891698695 +312 593 5 891698987 +312 596 5 891699626 +312 603 5 891698454 +312 604 5 891698613 +312 606 5 891698300 +312 607 5 891698424 +312 608 5 891699372 +312 609 3 891698634 +312 610 5 891698921 +312 611 5 891698764 +312 612 5 891699263 +312 613 5 891698454 +312 614 4 891698865 +312 615 4 891698893 +312 618 5 891698300 +312 625 3 891699538 +312 631 5 891699599 +312 632 3 891698764 +312 633 5 891698951 +312 638 5 891698580 +312 639 5 891698391 +312 640 2 891698951 +312 641 5 891698300 +312 648 5 891699068 +312 653 5 891698365 +312 654 5 891698485 +312 656 5 891699156 +312 657 5 891698485 +312 659 5 891699321 +312 660 4 891699321 +312 661 5 891698726 +312 663 5 891699599 +312 671 5 891699182 +312 673 5 891699426 +312 675 5 891698485 +312 676 3 891699295 +312 684 5 891698664 +312 692 4 891699426 +312 705 5 891698553 +312 713 5 891698334 +312 730 3 891699568 +312 740 4 891699568 +312 813 5 891698516 +312 835 5 891712535 +312 837 4 891699426 +312 847 3 891698174 +312 850 5 891698764 +312 855 5 891699538 +312 863 5 891698695 +312 919 3 891699263 +312 921 5 891699295 +312 945 5 891699068 +312 967 3 891699321 +312 968 5 891698987 +312 1020 5 891698553 +312 1021 3 891698365 +312 1039 5 891698951 +312 1116 3 891698334 +312 1124 4 891698553 +312 1126 4 891699455 +312 1167 4 891699295 +312 1172 5 891699538 +312 1192 3 891699491 +312 1203 5 891699599 +312 1298 5 891699426 +312 1299 4 891698832 +312 1451 4 891699156 +312 1516 4 891698334 +313 1 4 891013436 +313 8 3 891014551 +313 15 2 891016962 +313 22 3 891014870 +313 23 4 891013742 +313 25 2 891016757 +313 28 3 891016193 +313 29 2 891028472 +313 31 4 891015486 +313 44 3 891015049 +313 47 3 891015268 +313 50 5 891013859 +313 56 2 891014313 +313 58 3 891015387 +313 63 4 891030490 +313 64 4 891016193 +313 65 2 891016962 +313 66 1 891015049 +313 67 1 891029117 +313 69 5 891016193 +313 71 4 891030144 +313 73 5 891015012 +313 77 3 891031950 +313 82 3 891014838 +313 88 2 891028956 +313 89 5 891014373 +313 94 3 891030490 +313 95 3 891014313 +313 96 5 891015144 +313 97 4 891016193 +313 98 4 891014444 +313 99 4 891014029 +313 100 5 891013681 +313 102 3 891030189 +313 114 4 891013554 +313 117 4 891015319 +313 118 4 891028197 +313 121 4 891015114 +313 125 3 891017059 +313 127 5 891013620 +313 131 4 891015513 +313 132 5 891013589 +313 133 5 891014956 +313 134 5 891013712 +313 135 5 891014401 +313 136 5 891014474 +313 139 3 891030334 +313 141 4 891030189 +313 142 3 891030261 +313 143 3 891014925 +313 144 4 891015144 +313 147 4 891016583 +313 148 2 891031979 +313 151 1 891014982 +313 152 3 891016878 +313 153 3 891015268 +313 154 2 891014753 +313 155 2 891031577 +313 156 3 891014838 +313 157 3 891017372 +313 161 4 891015319 +313 162 3 891017270 +313 163 2 891016757 +313 164 3 891014870 +313 167 3 891029076 +313 168 3 891013589 +313 172 4 891014335 +313 174 4 891014499 +313 175 4 891014697 +313 177 4 891015566 +313 178 5 891013773 +313 180 5 891014898 +313 182 4 891013773 +313 183 5 891013554 +313 185 5 891013773 +313 186 3 891017011 +313 187 4 891014373 +313 191 5 891013829 +313 192 3 891015011 +313 193 4 891013887 +313 194 4 891014499 +313 195 5 891013620 +313 199 4 891013938 +313 200 3 891017736 +313 202 5 891014697 +313 203 5 891013859 +313 204 4 891014401 +313 205 5 891013652 +313 208 3 891015167 +313 210 4 891014898 +313 211 5 891013859 +313 215 4 891015011 +313 218 2 891029847 +313 222 3 891017708 +313 226 4 891028241 +313 228 3 891016986 +313 230 3 891015049 +313 231 2 891028323 +313 232 3 891014957 +313 234 4 891013803 +313 237 2 891016757 +313 238 4 891013859 +313 239 3 891028873 +313 245 3 891013144 +313 258 3 891012852 +313 265 4 891016853 +313 300 4 891012907 +313 309 4 891031125 +313 318 4 891013712 +313 322 3 891014313 +313 326 4 891012907 +313 328 4 891012907 +313 331 3 891013013 +313 333 4 891012877 +313 385 4 891015296 +313 391 3 891028360 +313 393 4 891015268 +313 402 3 891031747 +313 403 3 891028285 +313 404 4 891030189 +313 405 3 891028197 +313 409 2 891030334 +313 414 3 891016425 +313 415 2 891030367 +313 417 2 891030334 +313 418 3 891014838 +313 419 3 891014313 +313 420 5 891014782 +313 423 4 891013939 +313 427 5 891014029 +313 428 3 891014649 +313 430 5 891013620 +313 432 5 891016583 +313 435 5 891013803 +313 436 4 891029877 +313 441 3 891029964 +313 443 5 891013971 +313 448 3 891014956 +313 449 3 891028323 +313 452 3 891029993 +313 461 3 891014925 +313 465 3 891030096 +313 471 4 891015196 +313 473 3 891030228 +313 474 5 891016193 +313 478 3 891014373 +313 479 5 891013652 +313 480 5 891013742 +313 481 4 891014000 +313 482 5 891016193 +313 483 5 891016193 +313 484 5 891016193 +313 485 3 891016425 +313 486 3 891015219 +313 487 3 891016378 +313 488 5 891013496 +313 489 4 891017372 +313 493 3 891016193 +313 494 3 891016193 +313 495 2 891016280 +313 496 5 891014753 +313 498 5 891015144 +313 499 3 891016452 +313 501 5 891013742 +313 502 3 891017395 +313 503 5 891014697 +313 504 5 891013859 +313 505 5 891014524 +313 511 4 891013742 +313 514 4 891013887 +313 515 5 891013803 +313 516 4 891028829 +313 519 5 891013436 +313 520 5 891013939 +313 521 4 891013887 +313 523 5 891014401 +313 525 5 891013525 +313 526 4 891028197 +313 527 4 891013525 +313 538 2 891014313 +313 542 3 891017585 +313 546 4 891028426 +313 550 4 891028323 +313 565 1 891030027 +313 566 4 891016220 +313 568 4 891015114 +313 578 3 891028241 +313 586 2 891028426 +313 588 4 891016354 +313 604 4 891014552 +313 608 4 891017585 +313 609 3 891014782 +313 615 4 891013652 +313 616 5 891015049 +313 624 4 891030261 +313 625 4 891030189 +313 628 4 891016280 +313 629 3 891028873 +313 631 2 891014313 +313 632 4 891013620 +313 633 5 891014597 +313 636 4 891028241 +313 649 3 891016325 +313 650 4 891013829 +313 651 3 891014552 +313 654 5 891013681 +313 655 4 891014474 +313 657 4 891013830 +313 659 4 891013773 +313 661 4 891015082 +313 662 3 891031576 +313 663 5 891013652 +313 665 4 891028323 +313 670 3 891029877 +313 673 4 891016622 +313 674 2 891029918 +313 683 3 891030792 +313 684 4 891017088 +313 696 3 891032028 +313 720 2 891028472 +313 735 3 891014649 +313 739 3 891031747 +313 740 2 891016540 +313 742 3 891016932 +313 744 3 891016986 +313 745 3 891016583 +313 748 3 891012934 +313 768 3 891030367 +313 770 4 891028285 +313 820 2 891030228 +313 823 3 891028555 +313 831 3 891028426 +313 837 4 891014898 +313 840 2 891028360 +313 843 3 891030334 +313 849 3 891028360 +313 892 4 891013059 +313 946 3 891030228 +313 969 4 891015387 +313 1050 4 891016826 +313 1066 2 891030334 +313 1091 2 891030261 +313 1210 4 891032028 +313 1470 1 891017319 +314 1 5 877886317 +314 5 4 877889724 +314 7 4 877886375 +314 9 4 877886375 +314 11 5 877887837 +314 15 5 877886483 +314 22 4 877889724 +314 24 1 877886221 +314 25 3 877886753 +314 28 5 877888346 +314 29 5 877889234 +314 36 2 877889103 +314 38 5 877889994 +314 41 5 877887802 +314 42 5 877888610 +314 53 1 877891426 +314 54 4 877888892 +314 56 1 877887568 +314 64 5 877888346 +314 65 4 877888855 +314 66 5 877887763 +314 67 4 877891386 +314 68 4 877891637 +314 70 1 877890531 +314 71 5 877888527 +314 72 2 877888996 +314 73 4 877889205 +314 78 4 877890463 +314 88 5 877888007 +314 90 2 877888758 +314 94 4 877891386 +314 95 5 877888168 +314 99 4 877888391 +314 105 4 877887292 +314 106 2 877886584 +314 111 4 877886641 +314 117 4 877886484 +314 120 3 877887094 +314 121 4 877886221 +314 122 1 877887065 +314 125 5 877886412 +314 126 2 877886971 +314 132 4 877890644 +314 138 5 877890960 +314 143 5 877890234 +314 147 4 877886584 +314 150 4 877886522 +314 151 4 877886522 +314 155 5 877891575 +314 158 3 877892099 +314 161 5 877888168 +314 173 1 877889359 +314 196 3 877888212 +314 202 5 877888610 +314 204 5 877888644 +314 215 4 877888722 +314 216 3 877888722 +314 218 4 877889204 +314 220 4 877886279 +314 237 5 877886221 +314 246 5 877886375 +314 255 5 877886221 +314 257 5 877886413 +314 268 5 877885836 +314 274 3 877886788 +314 276 1 877886413 +314 278 5 877886888 +314 280 3 877887034 +314 282 5 877886862 +314 283 4 877886483 +314 284 3 877886706 +314 288 5 877885887 +314 294 5 877885887 +314 318 5 877888796 +314 327 4 877886099 +314 328 4 877885887 +314 332 5 877886029 +314 365 3 877891465 +314 366 4 877891354 +314 367 4 877889770 +314 377 3 877890982 +314 378 5 877888168 +314 379 3 877890463 +314 393 4 877889133 +314 395 2 877889770 +314 399 3 877889359 +314 401 3 877890769 +314 402 4 877888758 +314 405 4 877886522 +314 406 3 877887388 +314 409 4 877889480 +314 410 5 877886706 +314 411 4 877892461 +314 412 3 877892052 +314 417 4 877888855 +314 418 5 877888346 +314 419 4 877889039 +314 423 4 877888060 +314 433 3 877887642 +314 468 4 877892214 +314 470 3 877889770 +314 477 3 877886375 +314 496 4 877888060 +314 501 4 877888610 +314 508 3 877886789 +314 535 4 877887002 +314 540 3 877890407 +314 542 4 877890300 +314 546 4 877886788 +314 562 4 877890960 +314 578 4 877887763 +314 588 5 877888007 +314 591 5 877887002 +314 595 3 877886375 +314 597 4 877887065 +314 620 3 877887212 +314 623 5 877890927 +314 627 4 877888996 +314 628 5 877886606 +314 655 4 877887605 +314 672 5 877888723 +314 682 5 877885836 +314 685 4 877886788 +314 692 5 877888445 +314 693 3 877891575 +314 697 3 877888996 +314 699 5 877888527 +314 710 3 877888796 +314 717 3 877890769 +314 721 5 877891465 +314 722 1 877891089 +314 724 2 877888117 +314 731 4 877892099 +314 735 5 877888855 +314 739 5 877889861 +314 742 4 877886221 +314 743 1 877886443 +314 747 1 877889698 +314 756 3 877886641 +314 761 4 877889073 +314 762 4 877886443 +314 763 5 877886706 +314 764 3 877886816 +314 765 3 877889480 +314 772 1 877888212 +314 775 3 877888645 +314 780 4 877890675 +314 781 3 877891937 +314 783 3 877888855 +314 785 3 877890960 +314 787 2 877889927 +314 790 4 877889698 +314 791 4 877889398 +314 794 4 877888952 +314 795 4 877889834 +314 796 2 877891518 +314 801 3 877892017 +314 806 4 877887802 +314 808 4 877892052 +314 815 5 877886375 +314 819 4 877886971 +314 820 5 877892461 +314 827 4 877887292 +314 833 4 877887155 +314 845 5 877886483 +314 846 3 877886971 +314 866 4 877892461 +314 869 4 877891681 +314 873 4 877886099 +314 924 5 877886921 +314 929 3 877887356 +314 934 4 877887155 +314 938 3 877886099 +314 939 4 877888060 +314 941 3 877889971 +314 942 3 877888346 +314 946 5 877888527 +314 948 3 877886029 +314 949 4 877890428 +314 959 3 877888892 +314 983 4 877892488 +314 993 5 877886279 +314 996 4 877891354 +314 997 1 877892214 +314 1012 4 877886584 +314 1014 3 877886317 +314 1016 4 877886483 +314 1028 3 877886816 +314 1032 4 877891603 +314 1041 4 877888445 +314 1053 5 877891490 +314 1054 1 877886944 +314 1057 2 877887035 +314 1063 5 877887568 +314 1074 3 877890857 +314 1085 1 877892017 +314 1089 1 877887356 +314 1094 1 877887065 +314 1095 3 877887356 +314 1136 5 877890463 +314 1139 5 877888480 +314 1145 4 877892488 +314 1150 4 877887002 +314 1152 4 877887469 +314 1165 2 877892566 +314 1178 2 877892244 +314 1210 4 877889861 +314 1217 2 877891638 +314 1218 4 877887525 +314 1220 5 877892293 +314 1221 3 877889927 +314 1229 2 877891681 +314 1253 4 877892017 +314 1263 2 877890611 +314 1267 3 877888117 +314 1276 4 877887179 +314 1289 2 877887388 +314 1311 5 877889994 +314 1469 4 877889103 +314 1471 4 877892430 +314 1473 4 877891089 +314 1503 3 877890891 +314 1517 4 877891937 +314 1518 4 877891426 +314 1519 4 877892181 +314 1520 3 877892052 +315 4 4 879821065 +315 8 3 879820961 +315 12 5 879821194 +315 13 4 879821158 +315 17 1 879821003 +315 23 5 879821193 +315 25 5 879821120 +315 31 3 879821300 +315 46 4 879799526 +315 48 4 879799457 +315 55 5 879821267 +315 56 5 879821037 +315 98 4 879821193 +315 100 5 879821003 +315 121 2 879821300 +315 127 5 879799423 +315 137 5 879799423 +315 154 5 879821158 +315 156 5 879821267 +315 164 4 879821349 +315 168 4 879821037 +315 173 4 879821003 +315 175 5 879799423 +315 176 4 879821193 +315 178 4 879799486 +315 180 4 879799526 +315 183 3 879821267 +315 185 4 879821267 +315 186 4 879821065 +315 187 4 879799423 +315 194 4 879820961 +315 203 3 879821194 +315 204 5 879821158 +315 209 5 879821003 +315 211 4 879821037 +315 216 4 879821120 +315 223 5 879799486 +315 230 4 879821300 +315 234 3 879821349 +315 238 5 879821003 +315 269 5 879799301 +315 271 3 879799546 +315 273 3 879821349 +315 276 4 879799526 +315 285 5 879799486 +315 286 5 879799301 +315 301 2 879799327 +315 302 5 879799301 +315 303 4 879799302 +315 305 5 881017419 +315 324 3 879799302 +315 327 4 879799583 +315 340 4 881017170 +315 382 4 879821089 +315 428 4 879821120 +315 431 2 879821300 +315 433 4 879821037 +315 461 4 879799457 +315 504 3 879821193 +315 508 4 879799457 +315 513 5 879821299 +315 520 4 879799526 +315 523 4 879799390 +315 531 5 879799457 +315 603 5 879821267 +315 642 5 879821267 +315 645 4 879821065 +315 651 3 879799457 +315 654 5 879821193 +315 657 4 879821299 +315 709 4 879821158 +315 732 3 879821158 +315 741 5 879821349 +315 746 3 879821120 +315 770 3 879821348 +315 792 5 879821120 +315 1065 4 879799526 +316 9 4 880853774 +316 14 4 880853881 +316 19 5 880854539 +316 22 4 880853849 +316 44 4 880853881 +316 50 1 880853654 +316 58 3 880854267 +316 64 4 880853953 +316 69 3 880853881 +316 71 1 880854472 +316 83 4 880853992 +316 89 1 880854197 +316 98 5 880853743 +316 100 4 880854083 +316 127 2 880853548 +316 132 4 880853599 +316 162 3 880854472 +316 168 3 880853599 +316 170 4 880853810 +316 172 1 880854197 +316 173 1 880853654 +316 174 1 880854539 +316 180 4 880853654 +316 183 1 880853654 +316 185 2 880853548 +316 187 2 880853548 +316 190 5 880853774 +316 191 5 880854539 +316 192 1 880854267 +316 197 4 880854227 +316 199 3 880853598 +316 213 5 880853516 +316 234 1 880854473 +316 265 3 880854395 +316 275 5 880853810 +316 276 2 880853849 +316 283 5 880853599 +316 286 5 880853038 +316 289 2 880853219 +316 292 4 880853072 +316 306 4 880853072 +316 318 5 880853516 +316 357 4 880854049 +316 427 5 880853704 +316 435 2 880854337 +316 462 3 880853516 +316 463 5 880854267 +316 482 3 880854337 +316 483 4 880853810 +316 487 3 880853810 +316 507 3 880853704 +316 515 4 880853654 +316 521 5 880854395 +316 530 2 880853599 +316 531 5 880853704 +316 549 5 880854049 +316 582 5 880854539 +316 588 1 880853992 +316 614 2 880854267 +316 633 4 880854472 +316 651 5 880854227 +316 673 2 880854083 +316 678 1 880853310 +316 707 4 880853485 +316 716 5 880853881 +316 730 4 880853775 +316 735 4 880854337 +316 923 5 880854022 +316 988 1 880853152 +316 1039 5 880854500 +316 1084 4 880853953 +317 245 4 891446575 +317 260 4 891446887 +317 264 4 891446843 +317 268 3 891446371 +317 271 3 891446575 +317 288 4 891446190 +317 299 4 891446371 +317 300 4 891446313 +317 313 4 891446208 +317 322 3 891446783 +317 323 2 891446819 +317 326 3 891446438 +317 328 4 891446438 +317 331 4 891446190 +317 350 5 891446819 +317 351 3 891446819 +317 354 4 891446251 +317 355 4 891446783 +317 678 2 891446887 +317 748 5 891446843 +317 879 3 891446575 +318 4 2 884497516 +318 8 4 884495616 +318 12 4 884495795 +318 14 4 884471030 +318 15 5 884470944 +318 24 4 884495132 +318 26 5 884497471 +318 40 4 884497882 +318 47 2 884496855 +318 49 3 884497257 +318 50 2 884495696 +318 56 3 884495561 +318 58 4 884496243 +318 63 3 884496932 +318 64 4 884495590 +318 66 4 884495921 +318 69 5 884496572 +318 70 5 884496368 +318 72 4 884498540 +318 77 3 884497078 +318 85 3 884497180 +318 88 4 884496367 +318 94 4 884498210 +318 100 5 884470896 +318 105 1 884495164 +318 121 1 884495052 +318 127 5 884470970 +318 132 4 884495868 +318 133 4 884496432 +318 134 5 884495639 +318 137 4 884494652 +318 138 4 884498115 +318 140 4 884496738 +318 142 4 884496219 +318 157 5 884496398 +318 158 5 884498709 +318 160 3 884497031 +318 161 3 884496738 +318 162 5 884496123 +318 174 4 884495590 +318 179 4 884497546 +318 182 4 884496549 +318 186 5 884498292 +318 188 3 884497031 +318 191 5 884496069 +318 193 3 884496367 +318 194 5 884495590 +318 196 3 884495973 +318 197 5 884496030 +318 204 5 884496218 +318 205 3 884496334 +318 210 4 884496069 +318 211 5 884496432 +318 213 4 884497031 +318 215 2 884496218 +318 216 4 884495868 +318 229 1 884497318 +318 237 5 884494712 +318 238 3 884497359 +318 239 4 884497235 +318 248 3 884494976 +318 255 4 884494693 +318 257 5 884471030 +318 265 4 884495664 +318 269 5 884469970 +318 275 4 884470718 +318 282 4 884470775 +318 284 3 884470775 +318 285 4 884470944 +318 286 3 884470681 +318 289 3 884470682 +318 301 4 884470034 +318 305 2 884470682 +318 307 3 884470681 +318 312 4 884470193 +318 315 5 884470294 +318 318 5 884496218 +318 321 4 884470149 +318 326 4 884470149 +318 356 4 884496671 +318 357 4 884496069 +318 376 3 884498314 +318 378 4 884497632 +318 381 1 884497516 +318 384 3 884498210 +318 385 4 884496398 +318 396 1 884498684 +318 401 3 884498292 +318 403 2 884496759 +318 404 3 884496639 +318 405 2 884494797 +318 414 4 884496008 +318 419 5 884495890 +318 435 5 884496069 +318 474 4 884495742 +318 476 4 884495164 +318 480 4 884495795 +318 481 4 884496156 +318 482 5 884496156 +318 485 5 884495921 +318 501 4 884496984 +318 503 4 884497402 +318 508 4 884494976 +318 509 5 884495817 +318 514 2 884496524 +318 517 3 884496069 +318 524 3 884496123 +318 527 5 884496596 +318 531 4 884495921 +318 540 4 884498141 +318 566 4 884496472 +318 575 2 884497924 +318 605 4 884497425 +318 610 5 884496525 +318 618 3 884496984 +318 628 4 884494757 +318 631 4 884496855 +318 648 5 884495534 +318 655 4 884496290 +318 657 5 884495696 +318 659 4 884495868 +318 660 3 884497207 +318 692 4 884495561 +318 697 5 884496008 +318 708 4 884497994 +318 712 4 884496368 +318 722 4 884497546 +318 732 5 884496267 +318 739 5 884496984 +318 750 4 884469971 +318 763 3 884494897 +318 768 2 884498022 +318 792 2 884496218 +318 795 2 884498766 +318 796 3 884496500 +318 809 4 884498210 +318 815 3 884494938 +318 842 2 884495742 +318 864 2 884495032 +318 865 2 884496099 +318 866 4 884494976 +318 869 3 884498461 +318 892 3 884470391 +318 898 4 884470237 +318 934 4 884495382 +318 968 3 884496671 +318 1012 4 884471076 +318 1014 2 884494919 +318 1023 2 884495091 +318 1032 3 884498210 +318 1044 4 884496985 +318 1048 4 884495001 +318 1050 4 884496738 +318 1063 3 884495973 +318 1120 3 884495206 +318 1160 5 884494976 +318 1204 2 884496156 +318 1521 3 884497824 +319 259 2 889816172 +319 261 3 889816267 +319 267 4 875707690 +319 268 4 889816026 +319 269 3 875707746 +319 301 4 875707721 +319 302 4 876280242 +319 306 4 879975504 +319 307 4 879975504 +319 313 5 889816026 +319 332 4 876280289 +319 333 4 875707746 +319 338 2 879977242 +319 340 3 879975481 +319 346 3 889816026 +319 358 3 889816233 +319 682 3 879977089 +319 689 3 881355802 +319 750 3 889816107 +319 751 3 889816136 +319 879 5 876280338 +319 880 4 889816332 +320 1 3 884748604 +320 2 4 884749281 +320 3 4 884748978 +320 4 3 884749306 +320 7 4 884748708 +320 11 4 884749255 +320 17 5 884751190 +320 22 5 884749452 +320 24 3 884748641 +320 27 3 884749384 +320 33 4 884749385 +320 38 4 884751288 +320 42 4 884751712 +320 50 4 884749227 +320 54 4 884751209 +320 62 4 884749306 +320 66 4 884751034 +320 68 5 884749327 +320 71 3 884751439 +320 77 3 884751246 +320 79 4 884749255 +320 82 3 884749359 +320 89 4 884749327 +320 90 4 884751034 +320 92 5 884749306 +320 95 3 884751418 +320 97 5 884750946 +320 99 4 884751440 +320 100 4 884748579 +320 117 4 884748641 +320 118 1 884748868 +320 121 5 884748733 +320 122 3 884749097 +320 123 4 884748750 +320 129 4 884748661 +320 145 4 884751552 +320 147 4 884748641 +320 148 4 884748708 +320 156 5 884750574 +320 159 4 884751190 +320 161 4 884749360 +320 164 4 884751246 +320 172 4 884749227 +320 173 5 884750946 +320 174 4 884749255 +320 176 4 884749255 +320 177 5 884749360 +320 183 4 884749255 +320 184 5 884749360 +320 185 4 884751141 +320 188 4 884749360 +320 195 5 884749255 +320 202 4 884750946 +320 204 5 884750717 +320 210 5 884749227 +320 226 4 884749306 +320 231 2 884749411 +320 232 4 884749281 +320 233 4 884749281 +320 235 3 884748929 +320 238 4 884751672 +320 240 3 884748818 +320 241 4 884750968 +320 250 4 884751992 +320 252 2 884749532 +320 257 4 884749499 +320 274 4 884748683 +320 276 2 884748579 +320 278 3 884748886 +320 284 4 884748818 +320 288 4 884748277 +320 291 4 884749014 +320 294 4 884748418 +320 300 4 884748229 +320 368 3 884748946 +320 369 4 884749097 +320 385 4 884749327 +320 399 3 884749411 +320 403 4 884749281 +320 405 4 884748774 +320 410 4 884748839 +320 411 3 884749119 +320 413 3 884749046 +320 421 4 884750968 +320 431 5 884749327 +320 433 4 884751730 +320 452 3 884751589 +320 453 3 884751610 +320 456 3 884748904 +320 458 4 884748868 +320 472 3 884748750 +320 501 3 884751462 +320 546 4 884748818 +320 550 5 884749384 +320 552 4 884751336 +320 554 4 884751288 +320 566 3 884749384 +320 568 4 884749327 +320 570 4 884749384 +320 572 3 884751316 +320 576 3 884749411 +320 586 3 884749412 +320 588 3 884750766 +320 625 4 884751439 +320 627 4 884751418 +320 678 3 884748418 +320 679 4 884749306 +320 685 4 884748839 +320 692 4 884750968 +320 716 1 884750992 +320 732 3 884751013 +320 739 4 884750992 +320 742 4 884748800 +320 751 4 884748470 +320 760 3 884748946 +320 763 4 884748683 +320 769 3 884751288 +320 771 3 884751316 +320 800 4 884751190 +320 808 4 884749359 +320 825 4 884749550 +320 833 1 884748904 +320 849 4 884749360 +320 869 4 884751068 +320 892 3 884748299 +320 895 4 884748346 +320 946 5 884751462 +320 974 3 884749097 +320 976 2 884749567 +320 1011 3 884748978 +320 1041 3 884751084 +320 1047 4 884748733 +320 1052 2 884749097 +320 1059 4 884748868 +320 1081 4 884748997 +320 1090 3 884751376 +320 1091 4 884751462 +320 1157 4 884751336 +320 1188 4 884749411 +320 1210 4 884751316 +320 1215 1 884749097 +320 1291 3 884749172 +320 1522 3 884751316 +321 7 4 879438793 +321 8 4 879440451 +321 9 4 879440472 +321 14 3 879438825 +321 19 4 879438825 +321 20 3 879440160 +321 30 4 879439658 +321 32 3 879440716 +321 45 4 879439763 +321 48 4 879439706 +321 50 4 879438793 +321 56 4 879438651 +321 60 4 879440954 +321 61 5 879441128 +321 64 3 879438607 +321 83 4 879439926 +321 86 4 879440294 +321 87 3 879439763 +321 89 3 879440716 +321 100 4 879438882 +321 116 3 879439595 +321 124 3 879438857 +321 127 3 879438651 +321 131 4 879439883 +321 132 5 879440342 +321 134 3 879438607 +321 135 4 879439763 +321 143 3 879439621 +321 153 4 879440746 +321 170 4 879438651 +321 173 4 879440636 +321 174 3 879441111 +321 175 3 879439706 +321 180 4 879440612 +321 182 3 879439679 +321 186 4 879440245 +321 190 4 879439562 +321 191 3 879440365 +321 193 3 879441178 +321 194 3 879441225 +321 197 5 879439812 +321 198 4 879439926 +321 199 4 879439787 +321 205 5 879440109 +321 207 3 879440244 +321 211 4 879440109 +321 212 3 879440342 +321 213 4 879440109 +321 215 3 879439658 +321 216 4 879441308 +321 224 3 879439733 +321 275 4 879440109 +321 276 3 879438987 +321 283 3 879438987 +321 286 4 879438932 +321 287 3 879438857 +321 357 4 879439832 +321 382 3 879440245 +321 432 5 879439812 +321 435 5 879439860 +321 462 4 879440294 +321 463 3 879440393 +321 474 4 879438607 +321 479 4 879438607 +321 480 4 879440109 +321 483 5 879439658 +321 484 5 879440244 +321 485 4 879439787 +321 491 3 879440746 +321 493 4 879441110 +321 494 4 879440318 +321 496 4 879438607 +321 497 5 879439860 +321 499 3 879440393 +321 507 3 879441336 +321 510 5 879440317 +321 511 4 879440954 +321 513 4 879440294 +321 514 4 879439706 +321 515 5 879440109 +321 519 4 879441336 +321 521 2 879441201 +321 523 3 879440687 +321 527 3 879439763 +321 529 4 879440342 +321 530 4 879440109 +321 531 4 879440294 +321 603 5 879438607 +321 604 5 879438651 +321 607 4 879440109 +321 611 4 879439832 +321 614 3 879440393 +321 615 5 879440109 +321 631 4 879440264 +321 633 5 879440109 +321 647 3 879438699 +321 651 3 879441178 +321 654 4 879439927 +321 657 4 879440660 +321 663 2 879439537 +321 704 3 879440423 +321 709 4 879441308 +321 730 3 879439179 +321 736 4 879439537 +321 855 3 879439733 +321 863 3 879440746 +321 1028 2 879441064 +321 1050 3 879441336 +321 1101 3 879440660 +321 1126 3 879439860 +321 1194 5 879438607 +321 1331 4 879439017 +322 1 2 887314119 +322 9 4 887314212 +322 12 4 887313946 +322 23 5 887314417 +322 32 5 887314417 +322 33 4 887313946 +322 48 4 887313946 +322 50 5 887314418 +322 64 5 887314148 +322 89 3 887314185 +322 92 4 887314073 +322 127 4 887313801 +322 150 4 887314027 +322 156 4 887313850 +322 157 5 887314244 +322 179 5 887314416 +322 182 5 887314417 +322 185 5 887313850 +322 188 3 887314244 +322 192 5 887313984 +322 194 5 887313850 +322 196 4 887314352 +322 197 5 887313983 +322 216 3 887313850 +322 234 4 887313893 +322 258 4 887313698 +322 272 4 887313698 +322 302 5 887314417 +322 303 3 887313611 +322 313 5 887314417 +322 318 4 887314280 +322 346 3 887313611 +322 479 5 887313892 +322 483 5 887314417 +322 489 3 887313892 +322 505 4 887314119 +322 507 4 887314119 +322 508 4 887314073 +322 513 4 887314185 +322 514 4 887314352 +322 521 5 887314244 +322 528 5 887314418 +322 591 3 887313984 +322 603 5 887314417 +322 608 3 887314027 +322 653 4 887314310 +322 654 5 887314118 +322 656 5 887314027 +322 751 2 887313611 +322 1019 4 887314073 +323 7 2 878739355 +323 9 4 878739325 +323 11 5 878739953 +323 15 3 878739393 +323 22 5 878739743 +323 23 5 878739925 +323 50 5 878739137 +323 56 5 878739771 +323 79 4 878739829 +323 93 4 878739177 +323 98 4 878739699 +323 100 4 878739177 +323 117 3 878739355 +323 121 3 878739618 +323 127 5 878739137 +323 144 4 878739988 +323 150 4 878739568 +323 151 4 878739568 +323 172 5 878739988 +323 179 4 878739904 +323 180 5 878739857 +323 186 4 878739988 +323 199 4 878739953 +323 203 5 878739953 +323 204 3 878739771 +323 210 4 878739878 +323 215 5 878739988 +323 222 3 878739251 +323 223 4 878739699 +323 238 4 878740017 +323 243 1 878738997 +323 245 2 878739084 +323 246 4 878739177 +323 248 3 878739519 +323 249 3 878739488 +323 255 4 878739275 +323 257 2 878739393 +323 258 4 878738826 +323 268 4 878738865 +323 282 3 878739543 +323 286 3 878738826 +323 288 3 878738827 +323 289 2 878738910 +323 292 4 878738997 +323 293 4 878739299 +323 294 3 878738827 +323 295 3 878739519 +323 298 4 878739275 +323 300 2 878738827 +323 319 2 878738827 +323 327 4 878738910 +323 328 3 878739029 +323 332 3 878738865 +323 333 4 878738865 +323 467 5 878740017 +323 475 3 878739393 +323 479 4 878739801 +323 508 4 878739643 +323 544 4 878739459 +323 546 2 878739519 +323 619 3 878739519 +323 678 2 878738910 +323 713 4 878739299 +323 741 3 878739543 +323 744 5 878739436 +323 762 4 878739488 +323 763 4 878739459 +323 764 3 878739415 +323 772 3 878739904 +323 847 3 878739225 +323 873 3 878738949 +323 875 3 878739029 +323 876 2 878738949 +323 886 3 878738997 +323 933 3 878739393 +323 993 4 878739488 +323 1012 4 878739594 +323 1017 3 878739394 +323 1050 5 878739988 +324 1 5 880575412 +324 9 5 880575449 +324 14 5 880575531 +324 50 5 880575618 +324 123 4 880575714 +324 125 5 880575714 +324 127 4 880575658 +324 150 4 880575412 +324 248 5 880575493 +324 250 4 880575531 +324 255 4 880575449 +324 258 4 880575107 +324 259 5 880575107 +324 260 5 880575277 +324 270 5 880575045 +324 275 4 880575531 +324 276 5 880575531 +324 282 5 880575619 +324 283 3 880575531 +324 285 4 880575412 +324 286 5 880574766 +324 288 5 880575002 +324 289 5 880575163 +324 292 3 880575045 +324 293 4 880575714 +324 294 5 880575002 +324 298 5 880575493 +324 300 5 880574827 +324 301 5 880575108 +324 307 5 880574766 +324 310 4 880574827 +324 322 4 880575163 +324 323 4 880575163 +324 327 4 880575002 +324 328 4 880575002 +324 331 4 880574827 +324 332 3 880574766 +324 339 3 880574827 +324 340 5 880574827 +324 411 5 880575589 +324 458 4 880575619 +324 471 5 880575412 +324 475 5 880575449 +324 538 4 880574901 +324 597 4 880575493 +324 678 3 880575277 +324 690 4 880574901 +324 748 5 880575108 +324 749 3 880575277 +324 754 5 880575045 +324 763 5 880575589 +324 827 4 880575715 +324 872 5 880575045 +324 873 5 880575108 +324 875 3 880575163 +324 877 1 880575163 +324 879 4 880575234 +324 1033 4 880575589 +324 1094 5 880575715 +325 1 2 891478665 +325 2 1 891478772 +325 16 1 891478981 +325 23 5 891478276 +325 28 3 891478796 +325 32 3 891478665 +325 47 3 891478712 +325 50 5 891478140 +325 58 3 891478333 +325 82 3 891479263 +325 86 3 891478578 +325 93 4 891478627 +325 95 2 891478895 +325 98 4 891478079 +325 99 5 891479244 +325 100 4 891478504 +325 105 3 891480175 +325 107 2 891479102 +325 109 2 891478528 +325 114 5 891478307 +325 115 3 891478557 +325 127 5 891478480 +325 132 3 891478665 +325 133 3 891478333 +325 134 4 891478599 +325 135 5 891478006 +325 137 5 891477980 +325 143 1 891479017 +325 152 4 891477905 +325 154 3 891478480 +325 164 1 891479017 +325 168 3 891478796 +325 174 2 891478006 +325 175 5 891478079 +325 176 3 891478455 +325 177 5 891478627 +325 179 5 891478529 +325 180 4 891478910 +325 181 4 891478160 +325 182 3 891478835 +325 183 3 891477980 +325 185 5 891478140 +325 186 4 891478578 +325 187 3 891478455 +325 188 2 891478944 +325 190 4 891478432 +325 191 3 891478408 +325 193 4 891478627 +325 195 2 891478276 +325 197 4 891478199 +325 199 5 891478199 +325 200 2 891478120 +325 205 4 891478307 +325 208 3 891478771 +325 210 2 891478796 +325 211 3 891478627 +325 234 3 891478796 +325 236 3 891478695 +325 240 1 891479592 +325 269 4 891477567 +325 271 3 891477759 +325 272 3 891477537 +325 286 4 891477597 +325 305 2 891477638 +325 313 2 891477489 +325 319 3 891477638 +325 325 1 891477695 +325 340 3 891477473 +325 345 3 891477660 +325 357 4 891477957 +325 383 1 891480034 +325 402 2 891479706 +325 403 2 891479102 +325 430 5 891478028 +325 432 5 891479263 +325 434 5 891478376 +325 435 3 891478239 +325 443 4 891478817 +325 458 3 891478877 +325 469 4 891478504 +325 474 5 891478392 +325 475 4 891478079 +325 480 4 891478455 +325 482 4 891478333 +325 483 5 891478079 +325 484 5 891478643 +325 485 3 891478599 +325 492 4 891478557 +325 493 4 891477905 +325 495 3 891478180 +325 498 4 891478333 +325 502 4 891479058 +325 504 3 891477905 +325 505 4 891478557 +325 506 5 891478180 +325 507 3 891478455 +325 510 4 891478180 +325 511 4 891478047 +325 514 4 891478006 +325 517 4 891478219 +325 521 4 891478160 +325 523 3 891478376 +325 525 5 891478579 +325 526 3 891478239 +325 529 4 891478528 +325 530 4 891478376 +325 542 2 891479962 +325 548 3 891480086 +325 554 1 891479912 +325 604 4 891478504 +325 614 4 891479038 +325 616 4 891477924 +325 628 3 891478772 +325 640 3 891478376 +325 647 5 891478529 +325 650 3 891478079 +325 654 4 891478276 +325 655 4 891479312 +325 656 4 891478219 +325 737 4 891479846 +325 768 3 891479564 +325 771 1 891480115 +325 835 5 891478099 +325 865 3 891478079 +325 961 4 891479312 +325 1003 3 891480133 +325 1018 3 891479038 +325 1149 4 891479228 +325 1203 5 891478159 +325 1230 3 891479737 +325 1232 1 891479228 +325 1411 4 891478981 +325 1523 4 891478504 +326 1 3 879876159 +326 4 1 879876688 +326 8 4 879875457 +326 9 1 879875852 +326 22 4 879874989 +326 33 2 879876975 +326 38 3 879877005 +326 44 1 879875852 +326 48 3 879875533 +326 50 5 879875112 +326 53 1 879877039 +326 54 3 879876300 +326 64 4 879875024 +326 67 2 879877284 +326 69 2 879874964 +326 72 2 879877264 +326 79 4 879875203 +326 82 3 879876861 +326 86 2 879875644 +326 88 2 879877235 +326 89 4 879875398 +326 90 1 879877198 +326 96 3 879875057 +326 98 5 879875112 +326 127 1 879875507 +326 132 4 879875398 +326 134 3 879875797 +326 135 3 879875852 +326 136 4 879874933 +326 141 3 879876235 +326 144 5 879876114 +326 153 4 879875751 +326 154 2 879875271 +326 161 3 879875873 +326 168 3 879874859 +326 170 2 879874897 +326 172 4 879875431 +326 173 5 879874989 +326 174 4 879874825 +326 175 1 879874933 +326 176 2 879876184 +326 177 3 879876881 +326 178 5 879875175 +326 180 1 879875457 +326 181 4 879875592 +326 182 2 879876861 +326 183 5 879875851 +326 185 5 879875203 +326 186 4 879877143 +326 187 1 879875243 +326 194 4 879874825 +326 195 4 879875752 +326 197 1 879875723 +326 200 2 879877349 +326 204 3 879874964 +326 205 4 879875507 +326 208 3 879875534 +326 210 3 879874964 +326 216 2 879876235 +326 219 2 879877349 +326 226 5 879876975 +326 227 3 879876941 +326 228 4 879876861 +326 229 3 879876941 +326 230 3 879876861 +326 232 2 879876941 +326 233 4 879876941 +326 234 3 879875797 +326 239 3 879875612 +326 241 3 879875778 +326 265 4 879876489 +326 282 2 879875964 +326 317 3 879875243 +326 318 5 879875612 +326 367 3 879877264 +326 378 4 879875724 +326 385 3 879876882 +326 386 5 879877284 +326 391 4 879877005 +326 393 4 879876327 +326 397 3 879876975 +326 399 4 879877004 +326 403 3 879876976 +326 419 3 879875203 +326 423 3 879876159 +326 427 4 879875483 +326 433 2 879875644 +326 434 5 879875203 +326 435 3 879874897 +326 436 3 879877387 +326 441 2 879877433 +326 443 5 879877349 +326 444 4 879877413 +326 445 4 879877413 +326 447 4 879877388 +326 448 3 879877349 +326 449 3 879877039 +326 451 2 879877234 +326 452 3 879877470 +326 468 3 879875572 +326 474 5 879875025 +326 479 5 879875432 +326 480 4 879875691 +326 481 1 879874964 +326 483 5 879874963 +326 484 5 879874933 +326 485 5 879875483 +326 491 4 879876235 +326 496 5 879874825 +326 498 5 879875083 +326 500 3 879875644 +326 501 3 879876688 +326 503 3 879876542 +326 505 3 879875271 +326 508 3 879875432 +326 510 5 879876141 +326 511 4 879875593 +326 515 5 879874897 +326 520 5 879875151 +326 521 2 879875399 +326 525 5 879874989 +326 526 5 879874964 +326 527 5 879874989 +326 528 3 879875112 +326 530 5 879875778 +326 550 5 879876505 +326 554 3 879877005 +326 559 3 879877413 +326 563 3 879877470 +326 564 3 879877470 +326 565 3 879877470 +326 566 4 879877073 +326 568 4 879876882 +326 588 3 879875691 +326 603 4 879875203 +326 608 4 879875930 +326 609 3 879875930 +326 611 3 879875572 +326 612 2 879875083 +326 613 5 879874860 +326 615 4 879875724 +326 616 5 879875724 +326 633 4 879875852 +326 646 2 879875112 +326 651 4 879875663 +326 654 1 879875151 +326 655 5 879875432 +326 657 5 879875431 +326 659 4 879875397 +326 663 1 879877159 +326 665 1 879876975 +326 670 3 879877387 +326 671 3 879876327 +326 674 3 879877433 +326 675 4 879875457 +326 679 3 879876941 +326 705 3 879875399 +326 720 2 879876975 +326 732 5 879877143 +326 780 2 879877326 +326 790 1 879877198 +326 837 4 879875507 +326 849 1 879876975 +326 944 2 879877326 +326 969 4 879875151 +326 1231 3 879877039 +327 1 4 887745622 +327 2 2 887820385 +327 4 4 887819161 +327 7 3 887744023 +327 8 4 887819860 +327 9 5 887819860 +327 10 4 887744432 +327 11 4 887745303 +327 12 3 887744205 +327 13 2 887746665 +327 14 4 887744167 +327 22 4 887744167 +327 23 4 887745463 +327 25 2 887746728 +327 26 3 887747299 +327 28 3 887747971 +327 31 2 887820531 +327 32 4 887747266 +327 44 3 887745840 +327 47 4 887746553 +327 48 4 887745662 +327 50 3 887745574 +327 55 4 887820293 +327 56 2 887745805 +327 64 2 887745699 +327 65 2 887747617 +327 69 2 887822711 +327 70 4 887819316 +327 72 2 887819582 +327 79 3 887745661 +327 81 4 887818904 +327 82 2 887820448 +327 85 2 887819507 +327 86 4 887822433 +327 87 3 887818620 +327 88 2 887819194 +327 89 4 887744167 +327 90 3 887819194 +327 92 4 887748006 +327 93 4 887744432 +327 95 3 887818596 +327 96 2 887822530 +327 98 4 887746196 +327 99 4 887820761 +327 100 4 887744513 +327 108 3 887819614 +327 111 4 887819462 +327 117 3 887820385 +327 127 4 887747338 +327 129 4 887744384 +327 131 4 887818783 +327 132 5 887820828 +327 133 4 887745662 +327 143 4 888251408 +327 144 4 887820293 +327 147 2 887820417 +327 150 4 887744356 +327 151 4 887745871 +327 152 3 887819194 +327 153 4 887818596 +327 154 4 887747337 +327 160 4 887822209 +327 164 3 887746219 +327 168 4 887820828 +327 169 2 887744205 +327 172 4 887743986 +327 173 4 887747337 +327 174 4 887744513 +327 178 4 887745661 +327 179 2 887820493 +327 180 4 887745774 +327 181 4 887745537 +327 182 4 887744205 +327 184 3 887820341 +327 186 2 887744064 +327 188 5 887745774 +327 190 4 887832180 +327 191 4 887820828 +327 192 5 887820828 +327 195 4 887744277 +327 196 4 887745871 +327 197 4 887744023 +327 198 4 887747337 +327 200 4 887747338 +327 201 5 887820828 +327 202 4 887822400 +327 203 3 887818540 +327 204 4 887818658 +327 209 4 887747939 +327 210 3 887744065 +327 211 3 887818682 +327 215 4 887820695 +327 216 3 887818991 +327 218 3 887746328 +327 219 4 887746219 +327 222 2 887744357 +327 226 3 887820341 +327 228 4 887820171 +327 230 4 887820448 +327 232 4 887819538 +327 233 3 887820385 +327 234 5 887745840 +327 237 4 887745494 +327 238 4 887747410 +327 239 3 887819316 +327 245 1 887743705 +327 246 4 887744384 +327 255 3 887745911 +327 257 2 887746728 +327 258 1 887737355 +327 264 2 887743725 +327 265 2 887818511 +327 269 3 887737629 +327 271 3 887743644 +327 273 2 887745911 +327 274 2 887819462 +327 281 3 887820341 +327 285 4 887744459 +327 286 2 887737328 +327 288 4 887743600 +327 293 3 887745574 +327 294 3 887743644 +327 298 3 887744405 +327 300 2 887743541 +327 301 3 887743725 +327 302 3 887737355 +327 305 5 887820828 +327 311 3 887737629 +327 313 4 887744167 +327 321 3 887743761 +327 324 3 887743644 +327 327 3 887737402 +327 328 2 887743600 +327 333 2 887737493 +327 336 2 887737569 +327 338 1 887743815 +327 340 4 887744167 +327 344 4 887744167 +327 357 4 887747338 +327 367 4 887819355 +327 381 4 887819354 +327 382 3 887819316 +327 403 3 887820384 +327 405 2 887745589 +327 408 2 887745910 +327 410 2 887819462 +327 411 3 887818957 +327 418 3 887820761 +327 419 4 887822832 +327 421 2 887745840 +327 423 3 887822752 +327 425 3 887822681 +327 428 4 887819021 +327 431 3 887820384 +327 435 4 888251521 +327 447 4 887746196 +327 451 4 887819411 +327 455 2 887819316 +327 461 3 887746665 +327 464 4 887822785 +327 469 4 887822623 +327 474 3 887743986 +327 475 4 887744405 +327 476 2 887819538 +327 478 4 887819860 +327 482 4 887745661 +327 484 3 887745303 +327 494 4 887822400 +327 497 4 887818658 +327 502 3 887747134 +327 506 3 887744513 +327 507 4 887744205 +327 508 2 887744064 +327 514 4 887747338 +327 517 2 887818991 +327 523 4 887818800 +327 527 4 887745319 +327 533 4 887822530 +327 537 4 887744023 +327 546 2 887820448 +327 550 2 887820448 +327 558 4 887746196 +327 559 2 887746328 +327 568 2 887820417 +327 582 4 887822711 +327 583 2 887820341 +327 588 4 887820761 +327 589 3 887743936 +327 603 4 887745661 +327 631 3 887747133 +327 634 5 887820493 +327 644 3 887747410 +327 645 4 887818991 +327 650 4 887745699 +327 651 4 887745744 +327 652 4 887819860 +327 655 4 887745303 +327 658 2 887747668 +327 659 4 887819021 +327 663 4 887819582 +327 672 2 887746328 +327 676 3 887746686 +327 682 3 887737629 +327 684 4 887820293 +327 686 4 887820293 +327 702 2 887819021 +327 708 4 887818596 +327 709 4 887819411 +327 710 4 887747410 +327 715 4 887819860 +327 718 4 887745494 +327 732 1 887819316 +327 735 2 887818540 +327 746 3 887818992 +327 753 4 887745744 +327 772 3 887822646 +327 778 3 887819462 +327 792 4 887819021 +327 805 4 887819462 +327 806 4 887747617 +327 811 4 887747363 +327 845 3 887818957 +327 849 2 887822530 +327 856 4 887744167 +327 865 5 887745774 +327 874 3 887737629 +327 886 2 887737493 +327 895 3 887743670 +327 896 5 887820828 +327 919 5 887820828 +327 921 4 887748028 +327 949 4 887819316 +327 959 5 887819161 +327 960 5 887745774 +327 962 3 887820545 +327 1007 4 887745272 +327 1012 2 887745891 +327 1017 2 887819316 +327 1019 3 887746665 +327 1056 2 887747971 +327 1067 4 887819538 +327 1069 4 887819136 +327 1070 4 887744513 +327 1073 2 887744241 +327 1075 4 887822832 +327 1097 4 887819860 +327 1098 4 887820828 +327 1100 4 888251464 +327 1101 4 887746665 +327 1103 4 887819614 +327 1129 2 887745891 +327 1131 4 887822736 +327 1141 3 887822681 +327 1170 4 887819860 +327 1218 4 887822400 +328 4 3 885047895 +328 7 4 885046079 +328 8 3 885047018 +328 9 4 885045993 +328 10 4 885047099 +328 11 3 885047450 +328 12 5 885045528 +328 22 5 885045805 +328 23 3 886036795 +328 28 5 885045931 +328 29 3 885048930 +328 31 4 886036884 +328 43 3 886038224 +328 44 3 885047864 +328 55 4 885046655 +328 58 4 885046206 +328 62 3 885049275 +328 64 4 885046276 +328 65 4 885046912 +328 69 4 885045844 +328 70 4 885047252 +328 73 4 885048062 +328 76 3 885046580 +328 77 4 885046977 +328 79 4 885047194 +328 82 4 885046537 +328 85 1 886038183 +328 89 5 885046344 +328 97 3 885046174 +328 98 4 885045899 +328 100 5 885046305 +328 117 4 885046420 +328 118 3 885048396 +328 121 4 885048266 +328 127 5 885045645 +328 132 5 885046420 +328 133 5 885047018 +328 135 3 885046853 +328 144 4 885045740 +328 148 3 885048638 +328 149 2 885048730 +328 153 2 886037257 +328 155 4 885048198 +328 157 5 885046344 +328 159 3 885047194 +328 161 4 885047670 +328 162 4 885048004 +328 164 3 885047484 +328 172 4 885045528 +328 177 3 885047099 +328 180 4 885046134 +328 181 4 885046244 +328 182 2 885045678 +328 183 5 885045805 +328 185 4 885045899 +328 186 4 886037065 +328 188 5 885046498 +328 192 4 885045805 +328 194 3 885046976 +328 195 3 885045899 +328 198 3 885045844 +328 199 4 885045528 +328 200 4 885046420 +328 203 5 885045931 +328 204 3 885045993 +328 205 4 885045768 +328 211 4 885046276 +328 215 3 885046773 +328 216 3 885045899 +328 218 4 885047281 +328 222 3 885046655 +328 223 4 885045645 +328 226 3 885048235 +328 227 3 885047129 +328 228 3 885046976 +328 229 3 885046977 +328 230 3 885048101 +328 231 2 885048762 +328 232 3 885047670 +328 234 4 885046376 +328 235 3 885048464 +328 241 5 885047252 +328 245 4 885044703 +328 260 2 885044940 +328 265 5 885045993 +328 270 2 885044641 +328 271 3 885044607 +328 272 5 888641556 +328 273 3 885046134 +328 282 3 885047865 +328 284 3 885047593 +328 286 5 885044452 +328 289 4 885044566 +328 291 4 885047865 +328 294 3 885044733 +328 301 2 885044607 +328 302 4 885044380 +328 313 4 893195532 +328 315 4 885044782 +328 317 4 885046976 +328 318 5 885045740 +328 322 3 885044782 +328 323 3 885044940 +328 326 4 885044607 +328 328 4 885044566 +328 331 4 885045085 +328 332 3 885044782 +328 333 3 885044418 +328 343 3 885044452 +328 344 4 893195665 +328 347 5 885596118 +328 349 2 888641949 +328 350 3 886036374 +328 356 3 885047763 +328 357 4 885046244 +328 370 3 885048986 +328 371 4 885046773 +328 380 3 885047737 +328 383 3 885049880 +328 399 2 885049405 +328 402 3 885047627 +328 403 3 885047281 +328 405 4 885047018 +328 423 4 885046305 +328 427 3 885045740 +328 431 2 885047822 +328 432 1 885047511 +328 433 2 885047670 +328 443 4 885048235 +328 448 3 885046744 +328 449 3 885049607 +328 451 4 885048159 +328 470 4 885046537 +328 474 4 885046455 +328 480 3 885046244 +328 482 3 885046580 +328 483 5 885045844 +328 498 5 885046654 +328 503 3 885047696 +328 504 3 885046420 +328 510 5 885046376 +328 511 4 885045678 +328 515 5 885045678 +328 519 5 885046420 +328 520 5 885045844 +328 521 4 885047484 +328 523 5 885046206 +328 528 5 886037457 +328 531 4 885046455 +328 540 3 885048730 +328 546 3 885048861 +328 549 4 885047556 +328 550 3 885047336 +328 553 3 885048235 +328 554 3 885049790 +328 556 3 885048930 +328 559 3 885048986 +328 561 3 885049431 +328 568 3 885047896 +328 569 4 885049199 +328 570 3 885046498 +328 572 3 885049658 +328 579 3 885049836 +328 586 1 885048666 +328 589 4 885046244 +328 591 3 885047018 +328 595 3 885048500 +328 597 3 885048465 +328 601 4 885048004 +328 606 3 885046244 +328 614 4 885046276 +328 620 3 885048861 +328 623 3 885048801 +328 627 3 885048365 +328 628 3 885047627 +328 636 3 885047556 +328 637 3 885047865 +328 639 2 885048730 +328 645 4 885046344 +328 646 3 885046174 +328 649 3 885047417 +328 655 4 886037429 +328 657 4 885046134 +328 661 5 885047373 +328 662 3 885047593 +328 665 2 885048801 +328 679 2 885049460 +328 684 5 885046537 +328 685 4 885047450 +328 688 1 886036585 +328 689 5 885044733 +328 690 3 885044418 +328 692 4 885046976 +328 693 2 885046174 +328 696 3 885049376 +328 699 4 885046718 +328 708 2 885048101 +328 720 3 885049535 +328 723 3 885047223 +328 726 4 885049112 +328 729 4 885047737 +328 736 3 885047737 +328 739 3 885048611 +328 742 4 885047309 +328 744 4 885046878 +328 748 3 885045245 +328 750 4 885044519 +328 751 3 885596088 +328 752 2 888641528 +328 754 4 885044607 +328 755 3 885048801 +328 778 3 885047822 +328 798 2 885048159 +328 809 4 885048895 +328 823 3 885049024 +328 849 3 885048333 +328 879 3 885044566 +328 903 3 893195755 +328 905 3 888641999 +328 911 3 893195879 +328 912 3 893195852 +328 915 3 893195665 +328 916 2 893195710 +328 939 4 885046655 +328 956 4 885046912 +328 983 3 885049234 +328 984 3 885044940 +328 1015 3 885047737 +328 1021 3 885045740 +328 1041 3 885048762 +328 1042 3 885049024 +328 1106 2 893195825 +328 1107 3 885048532 +328 1109 3 885047100 +328 1112 4 885049459 +328 1126 3 885046580 +328 1135 1 885045528 +328 1136 4 885047018 +328 1139 1 885049756 +328 1217 3 885049790 +328 1248 3 885047417 +328 1263 3 885048730 +328 1277 3 885049084 +328 1313 4 888641949 +328 1401 2 885046537 +328 1439 3 885048827 +328 1478 3 885049275 +328 1483 4 893195825 +328 1518 3 885049503 +329 7 3 891655961 +329 8 2 891656391 +329 11 3 891656237 +329 12 4 891656178 +329 39 2 891656391 +329 50 4 891655812 +329 79 4 891656391 +329 81 2 891656300 +329 98 4 891656300 +329 100 4 891655812 +329 117 3 891655868 +329 124 5 891655905 +329 129 3 891655905 +329 137 5 891655812 +329 147 3 891656072 +329 169 4 891656178 +329 174 4 891656639 +329 181 4 891655741 +329 185 3 891656347 +329 186 3 891656268 +329 194 3 891656429 +329 197 4 891656429 +329 198 4 891656268 +329 199 4 891656347 +329 245 3 891656640 +329 248 3 891656640 +329 250 3 891656639 +329 258 3 891656639 +329 269 4 891655191 +329 272 5 891655191 +329 274 3 891656639 +329 276 4 891655905 +329 282 3 891656300 +329 284 3 891656072 +329 286 4 891655291 +329 288 2 891655191 +329 295 4 891656012 +329 297 4 891655868 +329 300 4 891655431 +329 302 5 891655191 +329 303 4 891655350 +329 313 4 891655191 +329 323 2 891655594 +329 326 3 891656639 +329 331 3 891656639 +329 333 4 891655322 +329 338 2 891655545 +329 483 4 891656347 +329 512 4 891656347 +329 515 4 891655932 +329 591 2 891655812 +329 651 4 891656639 +329 655 4 891656237 +329 705 3 891656347 +329 855 4 891656206 +329 879 2 891655515 +329 892 2 891655614 +329 924 3 891655905 +329 1011 3 891655981 +330 1 5 876544432 +330 8 5 876546236 +330 11 4 876546561 +330 15 5 876544366 +330 21 5 876544953 +330 22 5 876545532 +330 28 5 876546526 +330 31 5 876546812 +330 38 4 876546948 +330 44 5 876546920 +330 47 5 876546409 +330 50 5 876544366 +330 51 5 876546753 +330 58 5 876546132 +330 63 3 876547165 +330 66 5 876547533 +330 67 4 876547500 +330 69 5 876546890 +330 70 4 876546470 +330 71 5 876546236 +330 72 5 876547087 +330 73 5 876546782 +330 77 4 876547220 +330 80 2 876547737 +330 88 5 876546948 +330 91 4 876547426 +330 94 4 876547426 +330 95 5 876546105 +330 97 5 876547220 +330 98 5 876546033 +330 99 4 876546172 +330 100 4 876544277 +330 102 4 876546586 +330 105 4 876545150 +330 118 5 876544582 +330 121 4 876544582 +330 126 5 876544480 +330 132 5 876546498 +330 133 5 876545625 +330 135 3 876546172 +330 136 5 876546378 +330 148 4 876544781 +330 151 4 876544734 +330 153 5 876545970 +330 161 4 876545999 +330 168 3 876546439 +330 172 5 876546619 +330 174 5 876546172 +330 177 4 876546267 +330 181 5 876544277 +330 185 4 876546236 +330 193 5 876547004 +330 195 3 876546694 +330 197 5 876546071 +330 200 5 876546668 +330 202 5 876546948 +330 204 5 876546839 +330 205 3 876546105 +330 208 5 876546409 +330 210 5 876546866 +330 213 5 876546752 +330 215 5 876547925 +330 216 5 876546470 +330 225 4 876544507 +330 235 5 876544690 +330 237 4 876544690 +330 238 5 876546323 +330 252 4 876544734 +330 255 4 876544278 +330 257 5 876544609 +330 275 5 876544366 +330 277 4 876544690 +330 283 5 876544432 +330 284 5 876544311 +330 286 5 876543768 +330 293 3 876544311 +330 318 5 876546377 +330 357 4 876546439 +330 370 4 876545058 +330 376 4 876547378 +330 385 5 876546378 +330 393 4 876547004 +330 403 5 876545417 +330 405 5 876544872 +330 418 5 876546298 +330 419 5 876546298 +330 422 4 876547853 +330 423 5 876545971 +330 427 5 876546920 +330 432 4 876546753 +330 443 4 876546377 +330 447 4 876546619 +330 451 5 876547813 +330 465 5 876547250 +330 470 5 876546267 +330 473 4 876544632 +330 485 5 876546839 +330 501 5 876546719 +330 527 3 876546071 +330 549 5 876547355 +330 554 3 876547500 +330 559 3 876547500 +330 568 5 876546752 +330 570 4 876547674 +330 575 4 876547165 +330 584 3 876547220 +330 588 5 876546033 +330 596 5 876544690 +330 603 5 876545625 +330 651 5 876547311 +330 660 5 876546752 +330 692 5 876547032 +330 694 5 876545971 +330 699 5 876547032 +330 708 3 876545598 +330 729 5 876545721 +330 739 5 876545368 +330 747 3 876546498 +330 763 5 876544337 +330 823 3 876544872 +330 845 5 876544432 +330 864 4 876544278 +330 866 5 876544998 +330 963 5 876547533 +330 969 5 876546409 +330 989 5 876543930 +330 993 4 876544632 +330 1016 3 876544480 +330 1028 4 876544953 +330 1035 4 876547470 +330 1044 5 876547575 +330 1084 5 876544432 +331 7 4 877196633 +331 11 2 877196702 +331 22 4 877196235 +331 31 2 877196567 +331 32 4 877196633 +331 47 5 877196235 +331 58 3 877196567 +331 59 5 877196383 +331 64 4 877196504 +331 69 5 877196384 +331 81 5 877196702 +331 100 4 877196308 +331 124 4 877196174 +331 133 3 877196443 +331 160 5 877196702 +331 175 4 877196235 +331 178 3 877196173 +331 180 5 877196567 +331 182 4 877196567 +331 190 3 877196308 +331 198 4 877196634 +331 214 3 877196702 +331 215 3 877196383 +331 221 4 877196308 +331 223 4 877196173 +331 234 4 877196633 +331 238 4 877196383 +331 242 4 877196089 +331 268 5 877196820 +331 269 5 877196819 +331 277 4 877196384 +331 286 4 877196089 +331 302 5 877196819 +331 304 5 877196820 +331 305 5 877196819 +331 414 4 877196504 +331 454 3 877196702 +331 467 3 877196702 +331 475 3 877196173 +331 479 2 877196504 +331 482 2 877196235 +331 486 3 877196308 +331 491 3 877196383 +331 503 4 877196504 +331 506 2 877196504 +331 514 3 877196173 +331 634 3 877196308 +331 653 3 877196173 +331 682 5 877196820 +331 694 4 877196702 +331 702 3 877196443 +331 705 2 877196173 +331 735 4 877196444 +331 811 4 877196384 +331 868 4 877196567 +331 933 3 877196235 +331 947 5 877196308 +331 958 5 877196504 +331 1017 2 877196235 +331 1100 2 877196634 +331 1101 4 877196633 +331 1141 3 877196504 +331 1194 3 877196444 +331 1199 1 877196634 +331 1296 5 877196820 +332 1 4 887938245 +332 5 5 888360370 +332 7 4 887916547 +332 8 5 888360108 +332 9 4 887916653 +332 11 5 888359882 +332 12 5 888098205 +332 22 5 887938934 +332 31 4 888098205 +332 38 2 888360488 +332 41 5 887938997 +332 44 3 888360342 +332 53 3 888360438 +332 54 4 888360396 +332 56 5 888098256 +332 70 2 888360179 +332 73 4 888360229 +332 77 4 888360343 +332 79 5 888098088 +332 82 5 888098524 +332 95 5 888360060 +332 96 5 887939051 +332 97 5 888359903 +332 98 5 888359903 +332 105 2 887938631 +332 106 4 887938687 +332 117 4 887916575 +332 118 5 887938330 +332 120 4 887938818 +332 121 5 887916692 +332 122 5 887938886 +332 123 4 887916653 +332 125 5 887938224 +332 127 5 887916653 +332 144 5 887939092 +332 147 4 887938524 +332 148 5 887938486 +332 156 4 888359944 +332 159 5 887939071 +332 172 5 888098088 +332 173 5 888360092 +332 174 5 888359866 +332 181 5 887916529 +332 182 5 888098088 +332 195 5 887939051 +332 204 4 888098088 +332 210 5 887938981 +332 218 5 888360396 +332 222 4 887916529 +332 225 3 887938706 +332 226 5 887939092 +332 227 5 888360371 +332 228 5 888359980 +332 229 5 888360342 +332 230 5 888360342 +332 232 5 888098373 +332 233 4 888360370 +332 234 5 888360342 +332 235 3 887938723 +332 237 5 887916529 +332 240 4 887938299 +332 249 3 891214777 +332 252 5 888098524 +332 255 4 887938330 +332 257 4 887916575 +332 258 5 887916151 +332 264 3 893027312 +332 265 4 888360370 +332 271 4 887916217 +332 273 5 887938277 +332 282 5 887916692 +332 284 5 887938245 +332 288 5 887916151 +332 291 4 887938439 +332 293 4 887916624 +332 294 5 887916324 +332 295 3 887916529 +332 298 4 887916575 +332 300 5 887916188 +332 307 5 888098170 +332 313 5 887916125 +332 322 4 887916365 +332 323 5 888098276 +332 326 5 892484951 +332 327 5 887916324 +332 328 5 887916217 +332 332 4 887916411 +332 333 5 889069499 +332 342 4 892484976 +332 354 5 888189331 +332 356 3 888360396 +332 367 4 888360212 +332 369 4 887938556 +332 370 2 887938849 +332 405 4 887938503 +332 406 3 887938601 +332 409 3 887938601 +332 410 4 887938486 +332 411 4 887938738 +332 431 5 888360412 +332 449 4 888360438 +332 450 5 888360508 +332 451 5 888360179 +332 452 4 888360508 +332 456 4 887938556 +332 470 5 887939157 +332 471 4 887938351 +332 546 4 888098432 +332 566 4 888360342 +332 568 4 888098151 +332 595 4 887938574 +332 597 5 887938486 +332 628 4 887938556 +332 651 5 888098060 +332 655 5 888360248 +332 660 3 888098125 +332 673 5 888360307 +332 678 4 887916284 +332 679 5 887939021 +332 682 4 889069561 +332 684 5 888360370 +332 693 5 888098538 +332 696 3 887938760 +332 717 3 887938760 +332 728 4 893027298 +332 742 5 887938224 +332 746 5 888360129 +332 748 4 887916385 +332 756 2 887938687 +332 763 5 887938421 +332 769 3 888360532 +332 770 3 888098170 +332 815 4 887938224 +332 824 3 887938818 +332 827 4 887938503 +332 831 3 887938760 +332 833 5 887938556 +332 840 4 887938781 +332 841 4 887938669 +332 845 3 887938421 +332 866 2 887938631 +332 871 3 887938351 +332 879 4 887916385 +332 895 5 887916385 +332 928 5 887938706 +332 931 2 888360532 +332 934 2 887938886 +332 975 3 887938631 +332 978 4 888098459 +332 982 3 887938601 +332 983 2 887938886 +332 1011 3 887938631 +332 1013 3 887938798 +332 1016 5 887916529 +332 1028 4 887938403 +332 1042 4 888360396 +332 1047 3 887938652 +332 1090 5 888360508 +332 1150 3 887938631 +332 1157 4 888360532 +332 1188 5 888098374 +332 1218 5 887939171 +332 1244 4 887938798 +332 1315 2 887916623 +333 66 5 891045515 +333 79 3 891045496 +333 88 5 891045551 +333 98 4 891045496 +333 100 4 891045666 +333 127 4 891045496 +333 153 4 891045496 +333 168 4 891045496 +333 174 5 891045082 +333 180 1 891045191 +333 186 4 891045335 +333 255 3 891045624 +333 269 2 891044134 +333 276 4 891045031 +333 294 3 891045496 +333 300 4 891044389 +333 315 5 891044095 +333 316 5 891044659 +333 435 4 891045245 +333 483 4 891045496 +333 513 4 891045496 +333 520 4 891045117 +333 739 5 891045410 +333 748 4 891044596 +333 873 3 891045496 +333 894 3 891045496 +334 4 3 891548345 +334 7 5 891544788 +334 8 4 891547171 +334 9 4 891544707 +334 11 4 891545741 +334 12 5 891547016 +334 13 3 891545089 +334 19 4 891544925 +334 20 4 891544867 +334 22 4 891545821 +334 23 4 891545821 +334 28 3 891546373 +334 29 2 891549751 +334 42 4 891545741 +334 44 4 891548224 +334 50 5 891544867 +334 52 4 891548579 +334 56 4 891546914 +334 58 4 891546914 +334 59 5 891546000 +334 61 3 891550409 +334 68 3 891548387 +334 69 1 891548032 +334 70 3 891546299 +334 71 3 891546299 +334 72 3 891549192 +334 73 3 891548695 +334 74 2 891549246 +334 77 3 891549247 +334 79 4 891546992 +334 81 4 891546299 +334 82 4 891547083 +334 83 4 891628832 +334 86 4 891548295 +334 89 4 891545898 +334 91 4 891547306 +334 93 4 891545020 +334 95 3 891548069 +334 98 4 891545793 +334 100 5 891544707 +334 111 3 891547445 +334 115 5 891545768 +334 116 4 891545044 +334 117 3 891544735 +334 124 5 891544680 +334 125 3 891544925 +334 127 4 891544840 +334 129 4 891544735 +334 131 4 891547744 +334 132 3 891546231 +334 134 5 891545973 +334 135 4 891545793 +334 137 2 891544953 +334 142 3 891548272 +334 143 2 891548647 +334 150 4 891628832 +334 151 4 891544925 +334 153 4 891547306 +334 154 4 891547235 +334 155 2 891549927 +334 160 4 891547190 +334 163 4 891548602 +334 164 3 891548104 +334 168 5 891546914 +334 169 4 891546348 +334 170 3 891546181 +334 171 4 891546132 +334 172 3 891548954 +334 173 4 891628228 +334 174 4 891546992 +334 175 4 891546257 +334 176 3 891547040 +334 179 4 891546231 +334 181 4 891544904 +334 182 3 891545793 +334 183 4 891545950 +334 185 4 891545950 +334 186 3 891547128 +334 187 4 891547107 +334 190 4 891547083 +334 191 4 891545793 +334 193 4 891547334 +334 196 4 891547128 +334 197 4 891546181 +334 200 4 891547171 +334 203 4 891546181 +334 204 4 891547190 +334 207 4 891545950 +334 208 5 891546405 +334 209 3 891545821 +334 210 3 891546405 +334 213 4 891546373 +334 216 3 891546348 +334 217 2 891549805 +334 220 3 891545513 +334 221 5 891544904 +334 222 4 891544904 +334 223 5 891545973 +334 224 2 891545020 +334 225 3 891545645 +334 227 1 891547083 +334 228 5 891547894 +334 229 2 891549777 +334 230 4 891548808 +334 231 2 891549024 +334 235 3 891545293 +334 237 4 891545067 +334 238 4 891546231 +334 239 3 891546914 +334 244 3 891545044 +334 245 2 891544367 +334 246 4 891544952 +334 248 4 891544997 +334 250 3 891544840 +334 255 3 891544840 +334 257 4 891544764 +334 258 4 891544264 +334 265 3 891545876 +334 268 4 891544102 +334 269 3 891544049 +334 271 3 891544340 +334 272 4 891544103 +334 275 4 891544707 +334 276 4 891545089 +334 277 3 891544904 +334 282 4 891544925 +334 283 4 891544810 +334 285 4 891544707 +334 286 4 891544049 +334 287 3 891545162 +334 288 3 891544209 +334 289 3 891544491 +334 293 3 891544840 +334 297 5 891544680 +334 300 3 891544209 +334 301 2 891544233 +334 302 5 891544177 +334 303 4 891544077 +334 305 2 891544135 +334 306 4 891544103 +334 307 3 891544135 +334 310 3 891544049 +334 311 4 891628833 +334 312 2 891544286 +334 313 4 891544077 +334 315 4 891550535 +334 316 4 891544407 +334 317 3 891546000 +334 318 4 891545926 +334 319 3 891544233 +334 322 3 891544584 +334 324 4 891628832 +334 326 1 891544286 +334 328 3 891544311 +334 333 4 891544233 +334 337 4 891544177 +334 338 1 891544524 +334 340 3 891544264 +334 345 2 891544177 +334 346 5 891544209 +334 347 3 891547445 +334 371 2 891547283 +334 387 4 891548579 +334 396 4 891549103 +334 405 3 891547040 +334 408 4 891547912 +334 421 4 891547307 +334 423 5 891545821 +334 425 4 891548835 +334 427 4 891545821 +334 428 4 891547955 +334 429 4 891546299 +334 430 4 891546206 +334 433 5 891628158 +334 436 3 891548203 +334 443 3 891547128 +334 449 3 891549539 +334 450 1 891550338 +334 461 3 891547744 +334 462 4 891628832 +334 474 3 891546257 +334 475 4 891544953 +334 476 3 891545540 +334 481 5 891546206 +334 483 5 891628266 +334 484 5 891545793 +334 485 3 891548224 +334 488 5 891546231 +334 494 4 891547235 +334 496 3 891547040 +334 498 4 891545898 +334 500 3 891547334 +334 502 3 891546963 +334 505 4 891546405 +334 506 3 891547763 +334 508 3 891544867 +334 510 4 891628832 +334 512 4 891547148 +334 514 4 891545926 +334 515 4 891545898 +334 521 4 891548835 +334 525 5 891545876 +334 529 5 891547445 +334 531 5 891545949 +334 537 4 891547995 +334 553 1 891548866 +334 558 4 891546231 +334 566 3 891548866 +334 569 2 891548920 +334 577 2 891550372 +334 582 5 891547235 +334 591 4 891544810 +334 603 5 891628849 +334 606 5 891545793 +334 607 3 891546206 +334 608 4 891547668 +334 620 2 891545540 +334 628 4 891544867 +334 629 4 891548460 +334 631 4 891547467 +334 634 4 891547513 +334 635 2 891548155 +334 640 4 891548129 +334 642 5 891548436 +334 652 5 891546992 +334 655 4 891546257 +334 657 4 891545898 +334 658 3 891547148 +334 663 5 891545852 +334 675 4 891547148 +334 678 3 891544446 +334 684 4 891545768 +334 689 3 891544340 +334 693 3 891547083 +334 707 4 891546153 +334 708 4 891628833 +334 709 4 891548368 +334 710 3 891548295 +334 712 3 891549594 +334 716 3 891548758 +334 736 3 891548979 +334 740 3 891548678 +334 742 2 891544972 +334 744 3 891545108 +334 746 3 891548622 +334 753 4 891545741 +334 761 2 891549718 +334 762 3 891545044 +334 792 4 891546257 +334 815 3 891545540 +334 840 4 891545674 +334 845 2 891544867 +334 846 3 891545318 +334 855 3 891547513 +334 856 4 891545926 +334 865 2 891549631 +334 866 3 891545239 +334 870 3 891545513 +334 877 3 891544264 +334 879 3 891544264 +334 886 4 891544233 +334 887 5 891544491 +334 888 2 891550464 +334 896 5 891544049 +334 899 4 891547348 +334 902 4 891550520 +334 905 1 891547612 +334 906 5 891544177 +334 922 4 891544810 +334 931 1 891549513 +334 936 3 891544764 +334 937 3 891544367 +334 945 4 891545973 +334 950 3 891545162 +334 955 1 891547563 +334 961 4 891628832 +334 969 4 891628832 +334 1006 3 891549860 +334 1008 4 891545126 +334 1010 5 891545108 +334 1014 2 891545293 +334 1016 3 891545185 +334 1020 4 891546181 +334 1041 3 891549667 +334 1048 4 891545480 +334 1051 4 891545347 +334 1073 4 891547714 +334 1074 2 891548979 +334 1108 4 891549632 +334 1132 2 891545616 +334 1133 4 891549192 +334 1137 4 891544764 +334 1163 4 891544764 +334 1170 4 891548729 +334 1172 3 891545852 +334 1198 3 891544735 +334 1202 4 891544680 +334 1207 2 891550121 +334 1226 4 891545540 +334 1241 2 891545513 +334 1312 4 891628832 +334 1313 4 891544407 +334 1315 4 891545185 +334 1404 4 891549068 +334 1411 1 891549434 +334 1426 4 891548647 +334 1504 3 891549718 +334 1524 4 891547467 +334 1525 4 893074672 +335 245 4 891567053 +335 258 1 891566808 +335 260 3 891567159 +335 269 4 891566808 +335 271 4 891567029 +335 288 4 891566952 +335 300 5 891567029 +335 305 4 891566861 +335 307 5 891566952 +335 313 3 891566808 +335 322 4 891567125 +335 323 4 891567125 +335 324 1 891567098 +335 328 3 891566903 +335 333 4 891566952 +335 342 2 891566976 +335 347 5 891567004 +335 355 3 891567053 +335 678 3 891567251 +335 748 2 891567098 +335 902 5 891566808 +336 1 3 877759342 +336 3 1 877758935 +336 4 4 877757790 +336 13 3 877756890 +336 15 4 877754621 +336 26 5 877757877 +336 33 3 877756242 +336 41 3 877757477 +336 42 5 877757669 +336 49 4 877758001 +336 56 4 877757601 +336 63 2 877757268 +336 66 3 877756126 +336 67 4 877756966 +336 70 5 877757910 +336 88 2 877757910 +336 90 5 877757062 +336 94 3 877756890 +336 100 3 877756934 +336 105 4 877755098 +336 108 3 877757320 +336 111 3 877756999 +336 117 3 877760603 +336 121 4 877760441 +336 122 5 877757134 +336 124 1 877760244 +336 125 3 877760032 +336 151 1 877759473 +336 153 5 877757669 +336 154 5 877757637 +336 158 3 877756618 +336 168 5 877757700 +336 186 4 877757730 +336 202 1 877757909 +336 204 5 877757601 +336 208 2 877757930 +336 216 5 877757858 +336 232 3 877757023 +336 237 5 877759598 +336 239 3 877758001 +336 257 4 877759730 +336 275 4 877759730 +336 276 4 877760310 +336 282 3 877760032 +336 284 4 877759833 +336 288 3 877760521 +336 290 3 877756934 +336 294 4 877759103 +336 367 3 877757910 +336 368 1 877756695 +336 383 1 877758935 +336 388 1 877757418 +336 395 2 877757094 +336 399 3 877757063 +336 401 1 877757133 +336 405 3 877760374 +336 410 3 877758001 +336 451 2 877756242 +336 475 4 877756934 +336 546 3 877760310 +336 571 1 877756999 +336 575 3 877757373 +336 577 1 877757396 +336 585 3 877756966 +336 619 3 877759833 +336 628 3 877760374 +336 655 3 877757752 +336 692 3 877757637 +336 710 4 877757700 +336 722 3 877757134 +336 732 3 877756356 +336 738 1 877757343 +336 742 3 877759928 +336 762 5 877756890 +336 763 3 877756890 +336 765 4 877757516 +336 780 3 877756934 +336 781 3 877757373 +336 785 1 877758935 +336 790 2 877758187 +336 796 3 877758035 +336 824 3 877756890 +336 845 1 877758035 +336 859 2 877758103 +336 864 1 877757837 +336 871 2 877757550 +336 926 1 877758935 +336 959 3 877758138 +336 998 1 877757062 +336 999 2 877757516 +336 1011 2 877754536 +336 1012 5 877760082 +336 1017 5 877757063 +336 1037 1 877757550 +336 1041 2 877757837 +336 1047 4 877757063 +336 1048 4 877757134 +336 1051 2 877757094 +336 1054 1 877754876 +336 1057 4 877757373 +336 1059 3 877756890 +336 1074 5 877757516 +336 1079 1 877757094 +336 1094 1 877757062 +336 1098 3 877757790 +336 1183 1 877757972 +336 1188 3 877757418 +336 1218 3 877757790 +336 1230 2 877757516 +336 1249 3 877756356 +336 1437 2 877756890 +336 1446 1 877757790 +336 1496 1 877757268 +337 15 5 875185596 +337 25 3 875184963 +337 50 5 875184413 +337 106 2 875184682 +337 121 5 875185664 +337 125 4 875185574 +337 127 3 875184682 +337 135 5 875236512 +337 181 2 875184353 +337 222 5 875185319 +337 227 5 875185319 +337 228 5 875185319 +337 229 3 875185319 +337 230 5 875185319 +337 235 3 875184717 +337 250 3 875185219 +337 257 3 875184963 +337 371 4 875236191 +337 380 4 875185319 +337 392 5 875236512 +337 449 4 875185319 +337 450 2 875185319 +337 471 5 875235809 +337 515 5 875184280 +337 520 5 875236281 +337 631 4 875429292 +337 636 4 875236281 +337 742 5 875184353 +337 831 1 875236281 +337 879 3 875429233 +337 1016 4 875184825 +337 1133 4 875236281 +338 1 3 879438143 +338 52 5 879438690 +338 56 3 879438535 +338 79 4 879438715 +338 83 2 879438064 +338 86 4 879438505 +338 100 4 879438196 +338 132 2 879438143 +338 133 4 879438143 +338 134 5 879438536 +338 135 5 879438570 +338 143 2 879438652 +338 168 3 879438225 +338 170 5 879438301 +338 174 4 879438392 +338 175 4 879438762 +338 180 4 879438505 +338 189 4 879438449 +338 194 3 879438597 +338 196 2 879438505 +338 197 5 879438473 +338 204 3 879438063 +338 208 3 879438225 +338 211 4 879438092 +338 212 4 879438597 +338 213 5 879438250 +338 215 3 879438092 +338 216 4 879438196 +338 269 4 879437523 +338 275 5 879438063 +338 286 4 879437522 +338 294 1 879437576 +338 301 4 879437655 +338 306 4 879437548 +338 310 3 879437522 +338 408 5 879438570 +338 427 4 879438419 +338 435 4 879438597 +338 443 5 879438570 +338 462 4 879438715 +338 474 4 879438627 +338 480 5 879438114 +338 483 4 879438092 +338 484 5 879438143 +338 486 3 879438392 +338 488 5 879438449 +338 490 5 879438275 +338 494 3 879438570 +338 497 3 879438165 +338 498 4 879438250 +338 511 4 879438473 +338 513 5 879438225 +338 514 5 879438114 +338 516 5 879438366 +338 517 5 879438505 +338 523 3 879438366 +338 525 4 879438449 +338 582 5 879438419 +338 603 5 879438690 +338 604 4 879438326 +338 606 3 879438275 +338 607 4 879438225 +338 613 3 879438597 +338 650 5 879438275 +338 654 5 879438143 +338 663 5 879438627 +338 708 5 879438627 +338 792 4 879438196 +338 945 4 879438762 +338 1124 4 879438301 +339 1 5 891032349 +339 4 4 891033653 +339 5 3 891034953 +339 7 4 891032952 +339 11 4 891032379 +339 12 5 891032659 +339 22 5 891033735 +339 23 5 891033481 +339 25 4 891035116 +339 28 4 891032542 +339 29 3 891035759 +339 30 3 891032765 +339 32 5 891032255 +339 42 4 891033452 +339 45 5 891033200 +339 47 4 891032701 +339 50 4 891032576 +339 55 3 891032765 +339 56 5 891032221 +339 58 3 891032379 +339 64 5 891033629 +339 65 4 891033452 +339 67 3 891035147 +339 69 4 891032633 +339 73 3 891035003 +339 74 4 891033382 +339 76 3 891034254 +339 79 4 891032701 +339 80 3 891035707 +339 81 5 891033566 +339 82 4 891035850 +339 86 4 891032221 +339 88 4 891035454 +339 89 5 891033416 +339 91 5 891034282 +339 97 4 891034626 +339 98 4 891032150 +339 99 4 891035180 +339 100 5 891032286 +339 101 3 891034626 +339 117 3 891034152 +339 121 3 891035454 +339 124 4 891032885 +339 126 4 891032121 +339 127 5 891032349 +339 130 4 891034040 +339 131 5 891033382 +339 132 5 891032953 +339 133 4 891033165 +339 134 5 891033044 +339 135 5 891033256 +339 136 5 891033898 +339 139 3 891036199 +339 144 3 891033794 +339 145 3 891036557 +339 150 4 891033282 +339 151 4 891033676 +339 153 4 891033932 +339 154 4 891032885 +339 156 5 891032495 +339 157 4 891032379 +339 159 3 891034681 +339 160 5 891033512 +339 161 3 891034626 +339 163 4 891035324 +339 167 4 891036058 +339 168 4 891033710 +339 170 5 891032286 +339 173 5 891034254 +339 174 4 891032320 +339 175 5 891032793 +339 179 5 891032793 +339 180 5 891032793 +339 181 4 891033898 +339 182 5 891033310 +339 183 4 891032828 +339 185 4 891032885 +339 186 4 891032255 +339 187 5 891032700 +339 188 4 891033735 +339 190 4 891034215 +339 191 5 891033676 +339 192 5 891032438 +339 194 4 891037070 +339 195 3 891032576 +339 196 4 891033416 +339 197 5 891033653 +339 198 5 891033382 +339 199 5 891032576 +339 200 5 891033118 +339 203 4 891032466 +339 204 3 891033542 +339 205 5 891033629 +339 208 4 891032827 +339 209 5 891032600 +339 214 3 891033226 +339 218 3 891034810 +339 222 4 891033512 +339 226 2 891034744 +339 227 2 891035524 +339 228 4 891033960 +339 231 2 891035180 +339 233 1 891036503 +339 234 4 891032255 +339 235 3 891036387 +339 238 5 891032827 +339 240 4 891036641 +339 248 4 891034592 +339 257 4 891033710 +339 258 3 891033200 +339 265 3 891034779 +339 269 5 891032379 +339 270 2 891036753 +339 276 4 891032495 +339 286 5 891032349 +339 288 3 891036899 +339 293 5 891033282 +339 298 2 891032856 +339 302 4 891034592 +339 317 4 891032542 +339 327 4 891032150 +339 343 3 891031800 +339 347 4 891034953 +339 357 5 891032189 +339 380 3 891035584 +339 383 1 891036834 +339 396 4 891036316 +339 402 3 891034867 +339 403 3 891034510 +339 404 4 891035147 +339 410 2 891034953 +339 411 2 891035420 +339 415 3 891035553 +339 423 3 891033602 +339 427 5 891034778 +339 428 5 891032349 +339 431 4 891035488 +339 433 4 891033542 +339 434 4 891033350 +339 435 4 891032189 +339 436 4 891035147 +339 447 4 891034923 +339 449 3 891036316 +339 451 3 891034151 +339 461 5 891033226 +339 469 5 891032633 +339 474 4 891032286 +339 475 5 891032856 +339 478 5 891032466 +339 479 5 891032701 +339 483 5 891032121 +339 484 5 891032495 +339 485 5 891032413 +339 488 5 891032379 +339 496 5 891032320 +339 498 4 891033044 +339 503 4 891035093 +339 504 5 891032255 +339 506 4 891033766 +339 508 4 891032189 +339 509 4 891033140 +339 511 5 891032885 +339 514 3 891037119 +339 515 5 891033072 +339 516 4 891033481 +339 521 4 891032737 +339 522 5 891033165 +339 523 5 891033044 +339 525 5 891032737 +339 527 4 891032793 +339 528 5 891033044 +339 530 5 891032413 +339 546 4 891036423 +339 549 4 891034040 +339 550 2 891035523 +339 566 3 891034717 +339 568 3 891035061 +339 573 3 891036016 +339 582 4 891032793 +339 589 5 891032221 +339 603 5 891032542 +339 607 5 891032189 +339 614 3 891034867 +339 631 5 891033256 +339 632 4 891033794 +339 636 4 891035248 +339 637 4 891035647 +339 639 4 891034115 +339 640 5 891035035 +339 642 5 891032953 +339 649 5 891034007 +339 650 4 891032438 +339 655 4 891033452 +339 657 4 891032221 +339 661 5 891033830 +339 663 5 891032952 +339 673 5 891034071 +339 675 4 891034810 +339 678 2 891036781 +339 693 5 891033200 +339 702 4 891035850 +339 709 5 891032982 +339 719 3 891036753 +339 735 4 891034717 +339 737 3 891035180 +339 739 3 891036058 +339 770 4 891034895 +339 772 4 891032413 +339 806 4 891032737 +339 823 3 891035850 +339 845 4 891034718 +339 856 5 891034922 +339 939 4 891034115 +339 942 4 891034484 +339 961 3 891034778 +339 1017 5 891033567 +339 1030 1 891036707 +339 1039 4 891033932 +339 1110 4 891034657 +339 1113 4 891033829 +339 1135 2 891033898 +339 1139 3 891036557 +339 1153 4 891035035 +339 1240 5 891033855 +339 1244 4 891036423 +339 1248 3 891034538 +339 1258 3 891034717 +339 1267 3 891033766 +339 1301 3 891032189 +339 1404 5 891034592 +339 1526 4 891035116 +340 1 5 884990988 +340 15 5 884991396 +340 50 4 884990546 +340 66 5 884990798 +340 71 5 884990891 +340 88 5 884991584 +340 95 5 884991083 +340 143 5 884990669 +340 172 4 884990620 +340 173 5 884990703 +340 174 4 884989913 +340 179 1 884989963 +340 180 3 884991236 +340 181 4 884991431 +340 186 4 884991082 +340 199 5 884990988 +340 204 4 884990004 +340 205 4 884991516 +340 215 5 884990620 +340 265 5 884990470 +340 274 4 884991618 +340 402 4 884990922 +340 405 5 884991817 +340 417 5 884991544 +340 418 5 884990669 +340 423 4 884990583 +340 428 1 884991618 +340 435 4 884990546 +340 480 5 884991114 +340 486 4 884991083 +340 497 5 884990951 +340 502 2 884991678 +340 504 1 884991742 +340 520 5 884991544 +340 526 5 884991396 +340 584 3 884991369 +340 588 5 884991369 +340 662 2 884991584 +340 946 5 884991647 +340 1133 5 884991742 +341 259 3 890758051 +341 288 4 890757686 +341 292 5 890757659 +341 294 3 890757997 +341 299 5 890757745 +341 330 5 890758113 +341 335 4 890757782 +341 358 1 890758050 +341 682 3 890757961 +341 872 4 890757841 +341 876 4 890757886 +341 877 3 890758113 +341 880 5 890757997 +341 887 5 890757745 +341 895 4 890757961 +341 908 3 890758080 +341 948 3 890758169 +341 1025 5 890757961 +341 1280 2 890757782 +341 1527 4 890757717 +342 3 2 875318606 +342 4 4 874984395 +342 7 4 875318266 +342 8 4 875319597 +342 11 5 874984315 +342 13 3 874984480 +342 15 3 875318154 +342 23 5 874984154 +342 25 2 875318328 +342 26 2 875320037 +342 28 2 875319383 +342 32 5 874984207 +342 47 5 874984430 +342 56 5 874984315 +342 58 5 875319912 +342 68 3 875319992 +342 88 1 875320644 +342 89 3 875319090 +342 92 4 875320227 +342 93 4 874984684 +342 95 4 875320297 +342 98 3 874984261 +342 100 5 874984207 +342 108 4 874984574 +342 111 3 875318267 +342 114 5 875318962 +342 122 4 875318783 +342 123 5 874984832 +342 124 4 875318267 +342 125 2 875318585 +342 129 5 874984684 +342 131 5 875319786 +342 132 5 875319129 +342 133 4 874984207 +342 134 4 875318936 +342 135 3 874984395 +342 143 5 875318936 +342 144 5 875319912 +342 149 5 874984788 +342 150 3 874984531 +342 152 4 874984341 +342 156 4 874984128 +342 160 3 874984365 +342 169 5 875318907 +342 174 2 875319681 +342 175 5 874984207 +342 179 5 874984175 +342 188 3 875318936 +342 189 5 875319967 +342 191 5 875319991 +342 192 4 875320082 +342 193 5 875320199 +342 194 3 875318858 +342 196 3 874984128 +342 197 4 875318988 +342 204 4 874984261 +342 208 4 874984430 +342 209 5 875319554 +342 212 5 875319992 +342 216 5 875320104 +342 220 1 874984455 +342 223 4 875318907 +342 237 4 874984832 +342 238 4 875319012 +342 240 3 875318629 +342 248 3 874984455 +342 249 3 874984661 +342 251 5 875318267 +342 255 4 874984574 +342 257 2 875318267 +342 262 2 874984025 +342 274 2 874984895 +342 276 3 874984531 +342 282 1 875318366 +342 286 4 874984002 +342 287 3 874984619 +342 288 5 875318267 +342 289 2 874984067 +342 293 4 874984619 +342 294 3 874984067 +342 297 3 875318267 +342 298 3 874984619 +342 301 5 874984045 +342 319 4 874984002 +342 320 5 875318833 +342 326 1 874984002 +342 327 4 874984025 +342 357 3 874984234 +342 367 5 875319967 +342 378 4 875319617 +342 381 5 875320312 +342 382 3 875320623 +342 408 5 875318266 +342 410 3 874984661 +342 412 3 875318648 +342 421 3 875319435 +342 423 4 875319436 +342 427 4 875319254 +342 433 5 874984395 +342 461 3 874984315 +342 478 3 875319967 +342 482 5 875318936 +342 483 4 875319745 +342 486 5 874984207 +342 487 5 874984315 +342 488 5 875319536 +342 496 4 875319334 +342 499 5 875319912 +342 508 3 874984810 +342 517 5 875320297 +342 518 3 875318858 +342 523 4 875319854 +342 531 3 874984175 +342 535 3 874984727 +342 544 1 875318606 +342 547 5 875318347 +342 558 5 874984341 +342 574 1 875320124 +342 581 3 875320037 +342 584 4 874984430 +342 591 3 875318629 +342 606 5 875318882 +342 607 3 875318963 +342 654 4 875319745 +342 655 4 875319383 +342 656 5 875319151 +342 657 5 874984207 +342 663 4 875320297 +342 692 1 875319090 +342 699 4 875319808 +342 723 3 875319659 +342 724 1 875320297 +342 727 3 875320082 +342 732 3 875319786 +342 746 4 875320227 +342 756 3 874984895 +342 762 2 874984914 +342 763 3 874984854 +342 764 1 875318762 +342 772 1 875319597 +342 789 3 875319412 +342 792 3 875318882 +342 813 5 874984480 +342 815 4 875318629 +342 818 4 875318488 +342 844 3 874984789 +342 846 2 875318688 +342 866 1 875318585 +342 873 3 874984068 +342 875 1 874984045 +342 928 3 875318509 +342 950 2 875318423 +342 952 3 874984619 +342 965 4 875319195 +342 974 2 874984789 +342 975 2 875318509 +342 1007 4 874984507 +342 1008 3 875318669 +342 1009 1 874984596 +342 1012 4 874984639 +342 1014 1 874984531 +342 1047 2 874984854 +342 1048 1 875318536 +342 1057 2 875318783 +342 1070 3 875319412 +342 1071 4 875319497 +342 1073 1 875320199 +342 1094 3 874984873 +342 1103 3 874984395 +342 1128 5 875318536 +342 1160 3 874984751 +342 1163 3 875318266 +342 1166 1 875319745 +342 1167 1 875319854 +342 1170 3 875319659 +342 1300 1 875318556 +342 1315 1 875318742 +342 1368 5 874984507 +342 1528 3 875318585 +343 1 5 876402668 +343 3 4 876406256 +343 4 5 876408139 +343 7 5 876402941 +343 8 5 876404836 +343 9 5 876402738 +343 10 4 876403009 +343 11 5 876405172 +343 12 5 876405735 +343 13 5 876402894 +343 20 5 876408138 +343 23 5 876404499 +343 25 2 876402814 +343 26 3 876404689 +343 28 5 876404793 +343 38 3 876406257 +343 42 4 876404647 +343 44 3 876406640 +343 47 4 876405130 +343 48 3 876405697 +343 50 5 876402814 +343 52 5 876404793 +343 53 5 876407421 +343 55 3 876405129 +343 56 5 876404880 +343 57 5 876404426 +343 58 4 876406283 +343 62 2 876406707 +343 63 4 876406062 +343 64 5 876405697 +343 65 5 876405172 +343 66 3 876406421 +343 67 3 876407663 +343 68 1 876406878 +343 69 5 876405735 +343 76 4 876407565 +343 77 3 876405004 +343 79 4 876406144 +343 81 5 876408139 +343 82 5 876405735 +343 83 4 876404957 +343 86 5 876404836 +343 87 4 876404613 +343 88 4 876405130 +343 89 3 876406006 +343 90 4 876406677 +343 97 4 876405893 +343 98 5 876404836 +343 100 5 876402668 +343 117 2 876403121 +343 118 2 876403121 +343 121 2 876407072 +343 124 4 876402738 +343 127 5 876404464 +343 130 3 876403883 +343 132 5 876404880 +343 134 5 876404568 +343 135 5 876404568 +343 137 4 876402941 +343 143 4 876406677 +343 144 4 876405004 +343 147 4 876402814 +343 150 4 876402941 +343 152 4 876404612 +343 153 5 876404539 +343 154 5 876406552 +343 155 1 876407379 +343 156 4 876405857 +343 157 4 876405045 +343 159 2 876405893 +343 163 5 876408139 +343 164 3 876404757 +343 168 4 876404612 +343 169 5 876405172 +343 174 5 876404464 +343 175 5 876405045 +343 176 5 876405553 +343 177 4 876407252 +343 179 5 876405633 +343 180 5 876404613 +343 186 4 876407485 +343 187 4 876406006 +343 188 4 876407749 +343 189 4 876405697 +343 191 5 876404689 +343 193 4 876405857 +343 194 5 876405200 +343 196 4 876406257 +343 197 4 876404836 +343 198 4 876406006 +343 199 5 876404464 +343 200 2 876404539 +343 202 4 876406256 +343 203 5 876406764 +343 208 4 876404426 +343 211 5 876405820 +343 214 4 876406604 +343 215 5 876405943 +343 217 3 876405771 +343 223 5 876405735 +343 228 5 876404757 +343 229 4 876407340 +343 231 5 876407032 +343 234 1 876405633 +343 235 4 876403078 +343 236 5 876402668 +343 237 4 876402738 +343 238 4 876404647 +343 241 3 876407291 +343 250 5 876403078 +343 257 3 876402941 +343 265 2 876406878 +343 269 4 876402390 +343 275 5 876408139 +343 276 5 876403078 +343 277 4 876402978 +343 283 4 876403212 +343 286 4 876402390 +343 288 2 876402428 +343 297 5 876403283 +343 302 4 876402390 +343 303 4 876402390 +343 306 4 876402516 +343 318 5 876406707 +343 324 5 876402468 +343 333 3 876402468 +343 334 5 876402468 +343 357 5 876408139 +343 358 1 876402493 +343 367 4 876406144 +343 371 2 876405893 +343 375 2 876406978 +343 382 3 876406978 +343 385 3 876406939 +343 387 4 876405521 +343 403 4 876406878 +343 405 4 876403776 +343 408 5 876403121 +343 410 3 876403212 +343 423 5 876408139 +343 427 5 876405820 +343 429 4 876407138 +343 435 4 876404343 +343 449 5 876407138 +343 458 5 876402894 +343 461 2 876404957 +343 462 4 876404385 +343 463 4 876404793 +343 471 4 876402941 +343 473 3 876403212 +343 474 5 876406677 +343 475 5 876402668 +343 476 2 876403239 +343 483 5 876404343 +343 496 5 876404426 +343 498 5 876408138 +343 499 5 876405129 +343 508 5 876403514 +343 510 5 876408139 +343 515 4 876402626 +343 521 5 876408138 +343 523 5 876404647 +343 527 5 876404757 +343 528 3 876405004 +343 530 5 876405633 +343 536 4 876403310 +343 546 1 876403348 +343 555 1 876407706 +343 559 3 876406822 +343 561 3 876405172 +343 568 1 876406640 +343 569 3 876406421 +343 581 4 876405820 +343 582 3 876404836 +343 606 5 876404836 +343 614 5 876404689 +343 631 4 876407175 +343 642 4 876404343 +343 654 5 876407006 +343 655 5 876405697 +343 657 5 876404464 +343 660 3 876405004 +343 684 3 876406878 +343 702 4 876406257 +343 703 4 876404426 +343 708 4 876407006 +343 712 4 876406391 +343 724 4 876404499 +343 727 4 876406462 +343 729 3 876407291 +343 739 3 876406939 +343 744 4 876402941 +343 747 4 876407174 +343 778 5 876406391 +343 786 4 876406181 +343 792 5 876405172 +343 823 3 876403851 +343 919 5 876403348 +343 921 4 876406640 +343 930 1 876403587 +343 931 3 876403938 +343 943 4 876406552 +343 950 3 876403121 +343 951 1 876406144 +343 961 4 876404688 +343 980 5 876403239 +343 1008 4 876403418 +343 1039 5 876404689 +343 1067 3 876403078 +343 1073 4 876405771 +343 1107 3 876406977 +343 1132 4 876403746 +343 1140 3 876405943 +343 1194 4 876405129 +343 1211 4 876406677 +343 1267 4 876406576 +344 1 3 884899372 +344 4 4 884901235 +344 5 3 884901533 +344 7 4 884814668 +344 8 5 889814194 +344 9 5 884814480 +344 11 3 884901270 +344 12 5 884901024 +344 13 3 884899768 +344 14 5 884814532 +344 19 4 884899346 +344 22 3 884901180 +344 25 4 884814480 +344 26 3 884901561 +344 39 3 884901290 +344 45 5 884901210 +344 50 5 884814401 +344 58 3 884814697 +344 64 5 884900818 +344 69 2 884901093 +344 70 3 884901561 +344 71 3 884901371 +344 73 3 884901371 +344 79 4 884900993 +344 83 4 884901503 +344 86 4 884901129 +344 87 4 889814195 +344 88 3 884901403 +344 89 5 884814479 +344 95 4 884901180 +344 96 4 889814195 +344 97 3 884901156 +344 98 4 884901180 +344 106 2 884900583 +344 111 4 884899767 +344 118 3 884900353 +344 119 5 884814457 +344 121 3 884899792 +344 122 1 886381985 +344 124 5 884899346 +344 125 3 884899741 +344 127 5 889814518 +344 129 4 884899346 +344 132 4 889814194 +344 137 5 884814668 +344 148 2 884900248 +344 151 5 884899719 +344 169 5 884814457 +344 172 4 884814697 +344 174 5 884900993 +344 175 5 884901110 +344 176 5 884814507 +344 181 3 884901047 +344 183 5 884814507 +344 190 5 886382447 +344 191 5 889814194 +344 195 5 884900771 +344 196 4 884901328 +344 198 5 884814507 +344 202 4 884901180 +344 203 4 884901328 +344 204 4 884901024 +344 208 5 884901290 +344 210 4 884814401 +344 213 4 884901351 +344 215 3 884900818 +344 216 4 884901156 +344 222 4 884899372 +344 228 4 884901047 +344 235 3 884900423 +344 237 3 884900353 +344 244 3 889814600 +344 245 3 884813365 +344 246 4 889814518 +344 248 4 889814539 +344 251 5 889814518 +344 255 4 889814555 +344 268 3 884814359 +344 269 4 884814359 +344 272 5 885769962 +344 273 4 884900677 +344 274 2 884899768 +344 275 4 884899397 +344 276 4 889814194 +344 278 3 884900454 +344 280 3 884899815 +344 281 3 884900374 +344 283 4 884814432 +344 284 3 884899768 +344 285 5 889814068 +344 286 3 884813183 +344 288 4 889813994 +344 291 3 884899791 +344 295 3 889814571 +344 297 4 889814555 +344 298 4 889814571 +344 301 4 889813946 +344 303 4 884814359 +344 304 3 884814359 +344 306 5 884814359 +344 311 4 884814359 +344 313 3 884814359 +344 315 5 884813342 +344 316 4 889814343 +344 322 2 889814470 +344 357 5 884814432 +344 367 5 884901560 +344 372 4 884901469 +344 385 2 884901503 +344 405 2 884900353 +344 408 5 884814532 +344 421 2 884901561 +344 431 3 884901469 +344 433 4 884901517 +344 451 4 884901403 +344 459 4 884899741 +344 462 2 884901156 +344 471 3 884899719 +344 472 3 884899837 +344 476 3 884900499 +344 477 3 884900353 +344 478 4 884901210 +344 479 4 884901093 +344 486 4 884901156 +344 487 5 884900791 +344 494 4 884901210 +344 508 4 884814697 +344 509 4 889814195 +344 511 4 884901311 +344 516 5 884901311 +344 529 5 884814668 +344 530 4 884901403 +344 535 3 889814539 +344 537 4 884814432 +344 546 3 884899837 +344 559 3 884901351 +344 562 2 886381985 +344 568 5 884901419 +344 588 5 884900993 +344 597 2 884900454 +344 619 4 885770181 +344 628 4 884899442 +344 647 4 884814401 +344 660 3 884901235 +344 663 5 884900993 +344 678 2 884813365 +344 684 3 884901249 +344 694 5 884901093 +344 696 3 884900567 +344 707 4 884900792 +344 708 4 884901561 +344 709 5 886382364 +344 713 3 884899742 +344 716 3 884901403 +344 742 3 884900248 +344 751 4 886381635 +344 762 3 884900391 +344 764 1 886381986 +344 815 2 884900409 +344 844 1 886381985 +344 845 3 884899791 +344 864 3 884900454 +344 896 4 884814359 +344 926 2 886381985 +344 928 2 884900409 +344 955 4 889814195 +344 972 4 884901503 +344 1007 4 889814518 +344 1014 4 889814600 +344 1020 5 884814457 +344 1048 3 884899815 +344 1050 3 884901290 +344 1082 2 889814622 +344 1137 3 884899339 +344 1142 5 889814518 +344 1165 1 886381986 +344 1172 4 884901311 +344 1283 2 889814587 +345 1 3 884990938 +345 4 4 884993619 +345 5 3 884992922 +345 9 4 884900976 +345 11 4 884992337 +345 13 4 884991220 +345 14 4 884991077 +345 15 4 884991220 +345 25 3 884991384 +345 26 3 884993555 +345 28 3 884916441 +345 33 4 884993069 +345 38 2 884993830 +345 43 3 884993890 +345 44 3 884992770 +345 48 5 884902317 +345 49 3 884993505 +345 50 5 884992367 +345 51 5 884993744 +345 54 3 884993506 +345 56 5 884902317 +345 64 5 884902317 +345 65 4 884992158 +345 66 3 884993069 +345 69 4 884992755 +345 70 5 884992248 +345 71 3 884992922 +345 77 3 884993555 +345 79 4 884992291 +345 81 4 884992998 +345 86 4 884916235 +345 87 5 884991984 +345 88 4 884992940 +345 91 4 884993016 +345 93 4 884991191 +345 98 5 884916235 +345 100 5 884902317 +345 111 4 884991244 +345 117 4 884991220 +345 118 3 884991520 +345 121 3 884991384 +345 124 5 884900777 +345 125 3 884991191 +345 126 5 884991105 +345 131 4 884992998 +345 132 5 884901371 +345 137 4 884991077 +345 143 5 884992940 +345 148 3 884991303 +345 151 5 884991191 +345 170 5 884902317 +345 172 4 884991831 +345 173 5 884902317 +345 174 4 884992367 +345 191 5 884902317 +345 196 5 884902317 +345 197 4 884992141 +345 200 4 884916339 +345 202 3 884992218 +345 204 4 884991925 +345 216 5 884901701 +345 220 3 884991457 +345 221 5 884900899 +345 223 5 884902317 +345 226 3 884993418 +345 234 4 884991831 +345 235 3 884991285 +345 237 4 884991077 +345 238 5 884916495 +345 239 4 884993485 +345 241 4 884992142 +345 245 2 884901497 +345 246 4 884994156 +345 248 5 884994083 +345 251 5 884994119 +345 255 4 884994156 +345 258 4 884916532 +345 262 5 884901701 +345 268 4 884900448 +345 269 5 884900466 +345 272 5 884900426 +345 274 3 884991267 +345 278 3 884991505 +345 280 3 884991457 +345 282 3 884991419 +345 283 4 884991105 +345 284 4 884991348 +345 285 5 884901701 +345 287 4 884991670 +345 288 3 884901497 +345 289 3 884901497 +345 291 3 884991476 +345 293 4 884994592 +345 294 3 884901497 +345 295 4 884994592 +345 297 4 884994156 +345 298 5 884902339 +345 300 3 884900427 +345 301 4 884900543 +345 302 5 884902317 +345 303 4 884900448 +345 305 4 884900483 +345 311 5 884900609 +345 312 3 884900709 +345 313 4 884900467 +345 315 5 884900653 +345 317 4 884992465 +345 323 3 884916551 +345 325 1 884901497 +345 332 1 884901497 +345 333 3 884900543 +345 356 3 884993686 +345 365 2 884993760 +345 367 4 884993069 +345 378 4 884993436 +345 381 4 884993505 +345 382 4 884992725 +345 385 3 884993418 +345 387 4 884992823 +345 402 4 884993464 +345 403 3 884992922 +345 405 4 884991285 +345 412 3 884991600 +345 416 4 884992142 +345 433 4 884992142 +345 443 5 884993464 +345 451 5 884993085 +345 461 3 884992175 +345 462 5 884901637 +345 464 3 884992084 +345 470 4 884992084 +345 471 3 884991127 +345 473 2 884991244 +345 476 3 884991505 +345 479 4 884991812 +345 481 3 884916260 +345 485 4 884992141 +345 498 4 884992117 +345 508 4 884901000 +345 518 4 884916484 +345 534 4 884994592 +345 535 3 884994136 +345 550 3 884993784 +345 559 1 884901497 +345 566 3 884992194 +345 568 4 884993047 +345 570 2 884993662 +345 582 5 884992807 +345 588 3 884992100 +345 620 2 884991614 +345 628 3 884991105 +345 639 4 884993139 +345 651 4 884992493 +345 655 4 884991851 +345 660 5 884993418 +345 676 4 884991384 +345 696 3 884991267 +345 702 4 884993418 +345 708 3 884992786 +345 709 4 884993033 +345 715 4 884993069 +345 716 3 884993686 +345 722 3 884993783 +345 724 5 884993139 +345 732 4 884993418 +345 736 3 884992897 +345 737 3 884993418 +345 738 3 884993636 +345 739 4 884993016 +345 742 4 884991191 +345 744 4 884991348 +345 747 3 884993139 +345 748 2 884901497 +345 762 5 884991285 +345 772 4 884993121 +345 781 3 884993636 +345 845 3 884991220 +345 846 4 884991348 +345 866 3 884991476 +345 879 2 884901497 +345 886 3 884900736 +345 903 3 884900609 +345 919 2 884991077 +345 949 3 884992897 +345 955 4 884993932 +345 956 4 884916322 +345 972 4 884993464 +345 974 3 884991581 +345 988 2 884916551 +345 1007 5 884994119 +345 1008 3 884991267 +345 1009 2 884991546 +345 1011 3 884991127 +345 1012 3 884994606 +345 1014 3 884994643 +345 1016 3 884994619 +345 1017 2 884991303 +345 1023 2 884994658 +345 1047 4 884991457 +345 1048 2 884991436 +345 1053 3 884993903 +345 1074 3 884993890 +345 1082 2 884994569 +345 1096 3 884994682 +345 1101 4 884993436 +345 1117 4 884900810 +345 1160 3 884994606 +345 1221 3 884993703 +345 1226 3 884994592 +345 1247 2 884993996 +345 1281 4 884991105 +345 1315 3 884994631 +346 2 5 875263473 +346 3 3 875265392 +346 4 4 874948105 +346 7 2 874947923 +346 11 4 874948174 +346 12 5 874950232 +346 17 1 874950839 +346 22 5 874948059 +346 29 4 875264137 +346 31 4 874950383 +346 33 5 875261753 +346 38 3 874950993 +346 50 5 874947609 +346 53 1 875263501 +346 54 4 874949217 +346 55 5 874948639 +346 56 5 874949217 +346 62 3 875263634 +346 64 4 874948214 +346 67 3 875264985 +346 68 3 874951062 +346 72 3 874951714 +346 76 4 874950135 +346 77 4 874950937 +346 79 5 874948105 +346 83 4 874949923 +346 88 4 874949380 +346 89 4 874948513 +346 91 1 874950029 +346 92 4 886274124 +346 94 3 875263845 +346 96 5 874948252 +346 97 4 874948929 +346 98 2 874948173 +346 100 3 874948426 +346 110 2 875266064 +346 117 4 874950054 +346 120 3 875264287 +346 121 4 874948703 +346 127 5 874947747 +346 128 2 874950208 +346 132 4 875261235 +346 133 5 874948513 +346 134 5 874947644 +346 141 4 874950692 +346 143 3 874948332 +346 144 4 886273914 +346 147 4 874950172 +346 153 3 874948252 +346 156 4 874948139 +346 157 3 874950966 +346 158 2 875264945 +346 159 4 874949011 +346 161 3 874950413 +346 164 3 874948824 +346 167 2 875264209 +346 168 4 874948252 +346 172 5 874947609 +346 173 3 874948475 +346 174 5 874948547 +346 175 4 874947644 +346 176 4 874947747 +346 177 4 874948476 +346 180 5 874947958 +346 181 5 874948332 +346 182 5 874948031 +346 183 4 874948382 +346 184 1 874950463 +346 186 3 874948303 +346 187 3 874948030 +346 188 4 874948252 +346 196 3 874950692 +346 203 4 874948139 +346 204 4 874948730 +346 210 4 874947700 +346 211 4 874948475 +346 213 3 874948173 +346 215 3 874948303 +346 216 3 874949011 +346 218 3 875263574 +346 219 2 875263664 +346 232 3 875263877 +346 233 4 874948889 +346 234 2 874950291 +346 237 4 874949086 +346 240 1 874948929 +346 241 4 874948929 +346 245 4 875266665 +346 250 3 886274255 +346 259 2 886273426 +346 265 4 874950794 +346 273 4 874948783 +346 276 1 874950029 +346 288 2 886273342 +346 291 5 875002643 +346 293 3 875000499 +346 294 3 886273405 +346 300 5 874947380 +346 302 3 877231140 +346 318 5 874948105 +346 322 3 886273541 +346 325 1 886273717 +346 333 4 886273342 +346 358 4 886273570 +346 363 3 874951062 +346 366 2 874947609 +346 369 3 874948890 +346 375 1 875266176 +346 385 5 886274124 +346 391 2 875266600 +346 392 3 875266064 +346 394 4 874949116 +346 403 3 874950383 +346 405 3 886274098 +346 415 2 875265527 +346 423 4 874949057 +346 431 5 874950616 +346 455 3 874948889 +346 470 3 874948513 +346 472 4 874950937 +346 496 5 875260242 +346 515 5 874948890 +346 518 4 874948889 +346 520 5 874948105 +346 541 3 874951104 +346 546 4 875263238 +346 549 4 874950966 +346 550 4 886273914 +346 561 3 874950172 +346 569 3 875266064 +346 571 3 875264262 +346 572 5 875266600 +346 576 3 875264945 +346 578 2 874950463 +346 582 3 874951783 +346 597 3 875003052 +346 616 1 874948890 +346 636 3 874950794 +346 642 3 874949952 +346 657 4 875260577 +346 669 1 875265690 +346 673 3 874951782 +346 684 4 874948929 +346 685 3 874950383 +346 708 3 874951714 +346 712 3 875264985 +346 727 1 874947794 +346 732 3 874948955 +346 739 3 874950316 +346 742 4 874948513 +346 743 2 875265295 +346 746 3 874949116 +346 748 4 874947380 +346 780 2 875264904 +346 785 3 875263077 +346 802 4 875265236 +346 809 3 874951029 +346 831 3 875003274 +346 842 1 874948513 +346 879 5 886273570 +346 932 2 875264752 +346 944 3 874951714 +346 951 2 874950463 +346 959 2 875260577 +346 967 2 874948426 +346 977 3 875264110 +346 1018 3 874950536 +346 1025 3 886273570 +346 1039 2 874948303 +346 1090 2 875265071 +346 1110 1 875264985 +346 1135 4 874950993 +346 1217 4 886274201 +346 1222 4 875263877 +346 1228 4 875265825 +346 1231 3 875265106 +346 1232 1 875264262 +346 1258 4 875002895 +347 1 4 881652518 +347 7 4 881652590 +347 12 3 881653584 +347 15 2 881652535 +347 17 4 881654635 +347 22 5 881654005 +347 24 3 881652657 +347 25 2 881652684 +347 28 4 881654612 +347 31 5 881654321 +347 50 5 881652456 +347 55 5 881653603 +347 56 5 881653736 +347 65 2 881654679 +347 68 5 881654825 +347 69 5 881653687 +347 70 2 881654428 +347 73 2 881654773 +347 76 5 881654679 +347 77 5 881654386 +347 79 5 881653890 +347 82 5 881654269 +347 85 5 881654880 +347 87 3 881653830 +347 91 1 881654679 +347 95 4 881654410 +347 96 4 881653775 +347 97 4 881654101 +347 98 5 881654359 +347 99 3 881654591 +347 100 3 881652417 +347 106 2 881652813 +347 117 5 881652518 +347 118 4 881652710 +347 121 3 881652535 +347 123 3 881654301 +347 125 5 881652568 +347 127 5 881652434 +347 132 5 881654064 +347 137 2 881652568 +347 144 5 881654186 +347 148 3 881652888 +347 151 3 881652480 +347 156 5 881653652 +347 157 5 881654567 +347 158 3 881654773 +347 159 4 881654635 +347 163 4 881654801 +347 164 3 881654752 +347 168 5 881653798 +347 172 5 881653933 +347 173 2 881654503 +347 174 4 881654248 +347 176 3 881653866 +347 177 5 881654386 +347 180 5 881654101 +347 181 5 881652377 +347 182 5 881653736 +347 183 3 881654232 +347 187 5 881653652 +347 188 5 881654480 +347 192 4 881653798 +347 195 4 881653603 +347 200 4 881654452 +347 202 4 881654211 +347 203 5 881654232 +347 204 4 881653830 +347 208 2 881654480 +347 210 4 881653973 +347 215 4 881654211 +347 216 3 881653933 +347 222 4 881652377 +347 223 4 881653669 +347 226 4 881653890 +347 227 4 881654734 +347 230 4 881654101 +347 233 5 881654653 +347 235 2 881653224 +347 239 5 881654591 +347 240 5 881653300 +347 241 3 881654386 +347 245 5 881652230 +347 246 4 881652417 +347 249 5 881652683 +347 252 2 881653176 +347 257 4 881652610 +347 258 4 881652077 +347 268 4 881652169 +347 271 1 881652191 +347 273 5 881652456 +347 276 3 881652657 +347 280 4 881652657 +347 282 5 881652590 +347 284 3 881652480 +347 286 3 881652054 +347 288 5 881652118 +347 290 3 881653132 +347 291 5 881652746 +347 293 5 881652709 +347 294 1 881652142 +347 298 5 881652590 +347 300 5 881652054 +347 317 1 881654409 +347 318 3 881653563 +347 323 1 881652142 +347 324 1 881652230 +347 328 4 881652077 +347 333 5 881652077 +347 356 5 881654134 +347 369 4 881653300 +347 371 1 881654715 +347 385 4 881654101 +347 386 1 881654846 +347 392 2 881654592 +347 403 5 881654386 +347 404 4 881654846 +347 405 4 881652610 +347 410 5 881653059 +347 416 3 881654715 +347 418 4 881654134 +347 423 4 881654567 +347 432 4 881653973 +347 435 5 881654211 +347 460 3 881652888 +347 462 2 881654359 +347 465 3 881654825 +347 468 2 881654825 +347 470 5 881654301 +347 471 4 881652518 +347 472 5 881652813 +347 475 4 881652417 +347 501 4 881654410 +347 508 3 881652629 +347 544 4 881652862 +347 550 5 881654734 +347 568 4 881654339 +347 588 3 881654321 +347 595 2 881653244 +347 597 3 881652788 +347 609 4 881654064 +347 655 5 881653973 +347 660 2 881654186 +347 685 3 881652684 +347 686 5 881654101 +347 689 4 881652250 +347 692 4 881654679 +347 699 1 881654480 +347 721 5 881654715 +347 735 2 881654134 +347 742 5 881652610 +347 756 2 881653266 +347 763 5 881652837 +347 806 3 881653830 +347 819 1 881653155 +347 820 2 881653340 +347 827 1 881653266 +347 829 4 881653155 +347 831 1 881653340 +347 841 3 881652769 +347 871 4 881653300 +347 879 3 881652099 +347 926 1 881654846 +347 928 3 881653176 +347 930 2 881653340 +347 943 4 881654545 +347 959 5 881654545 +347 977 5 881653224 +347 982 1 881652709 +347 1011 3 881653155 +347 1012 4 881652590 +347 1016 3 881652730 +347 1028 2 881653087 +347 1035 3 881654522 +347 1039 5 881653830 +347 1047 1 881653224 +347 1059 3 881652813 +347 1088 1 881653224 +347 1283 1 881652730 +348 1 4 886523078 +348 7 4 886523302 +348 15 4 886523330 +348 25 4 886523521 +348 100 4 886523207 +348 107 4 886523813 +348 111 5 886523330 +348 117 4 886523256 +348 118 4 886523588 +348 121 5 886523521 +348 123 5 886523361 +348 126 5 886523560 +348 147 5 886523361 +348 151 3 886523456 +348 225 3 886523645 +348 237 4 886523078 +348 240 3 886523839 +348 243 3 886522740 +348 245 4 886522765 +348 276 3 886523456 +348 288 5 886522495 +348 291 4 886523790 +348 294 4 886522658 +348 313 5 886522495 +348 323 5 886522579 +348 368 3 886523876 +348 370 4 886523621 +348 405 4 886523174 +348 406 4 886523521 +348 409 4 886523710 +348 411 4 886523790 +348 412 2 886523560 +348 472 4 886523758 +348 473 3 886523560 +348 476 4 886523735 +348 477 3 886523521 +348 546 3 886523256 +348 628 4 886523256 +348 685 4 886523560 +348 742 4 886523078 +348 756 4 886523735 +348 819 4 886523710 +348 831 4 886523913 +348 834 4 886523913 +348 924 4 886523361 +348 926 3 886523683 +348 928 5 886523683 +348 934 4 886523839 +348 974 4 886523683 +348 975 4 886523813 +348 988 3 886522799 +348 1028 4 886523560 +348 1060 3 886523621 +348 1061 5 886523790 +348 1120 3 886523387 +349 9 4 879465477 +349 10 5 879465569 +349 15 4 879465785 +349 20 5 879465642 +349 100 4 879466479 +349 105 2 879466283 +349 106 1 879466283 +349 118 2 879466283 +349 120 3 879466334 +349 121 2 879465712 +349 125 4 879466541 +349 126 2 879465598 +349 237 2 879466062 +349 276 5 879465841 +349 285 5 879465477 +349 288 3 879466118 +349 291 3 879465934 +349 325 3 879465326 +349 370 2 879466283 +349 411 4 879466232 +349 412 1 879466366 +349 455 2 879465712 +349 458 4 879465933 +349 471 3 879465535 +349 475 4 879466479 +349 544 4 879465933 +349 596 2 879465814 +349 619 4 879466000 +349 744 2 879465785 +349 823 4 879466156 +349 847 4 879466507 +349 1028 2 879466200 +349 1117 3 879466366 +349 1128 3 879466062 +350 1 4 882345734 +350 23 5 882345823 +350 50 5 882345502 +350 89 4 882347465 +350 98 4 882347832 +350 132 5 882346929 +350 133 5 882346900 +350 136 5 882347699 +350 153 3 882347466 +350 168 5 882346847 +350 172 5 882345823 +350 173 4 882347465 +350 174 5 882346720 +350 176 4 882347653 +350 179 5 882347653 +350 181 4 882346720 +350 183 3 882347465 +350 185 5 882347531 +350 187 5 882347782 +350 193 4 882347653 +350 195 5 882347832 +350 204 4 882346161 +350 210 4 882345918 +350 211 2 882347466 +350 214 3 882347465 +350 228 4 882347598 +350 258 3 882347465 +350 265 2 882347466 +350 271 3 882347466 +350 286 5 882345337 +350 324 4 882345384 +350 340 4 882346257 +350 435 5 882346900 +350 479 5 882345789 +350 480 5 882345918 +350 483 5 882347734 +350 489 4 882347465 +350 515 5 882346756 +350 530 4 882346161 +350 589 5 882346986 +350 604 5 882346086 +350 616 4 882346383 +350 654 5 882345918 +350 657 5 882346663 +351 245 3 879481550 +351 286 5 879481386 +351 288 3 879481550 +351 289 5 879481613 +351 292 4 879481550 +351 300 5 879481425 +351 301 3 879481424 +351 307 4 879481550 +351 310 5 879481386 +351 311 4 879481589 +351 312 5 883356784 +351 313 5 883356562 +351 322 5 879481589 +351 323 5 883356710 +351 326 5 879481589 +351 327 5 883356684 +351 328 4 879481550 +351 332 5 879481495 +351 340 1 879481424 +351 341 4 879481425 +351 343 3 883356591 +351 359 4 879481589 +351 538 4 879481495 +351 678 4 879481675 +351 689 4 879481386 +351 748 4 879481613 +351 750 5 883356810 +351 751 4 883356614 +351 754 5 883356614 +351 873 3 879481643 +351 879 5 879481461 +351 880 2 879481460 +351 882 5 879481589 +351 888 4 879481589 +351 895 3 883356591 +351 984 5 879481675 +351 989 4 883356684 +351 990 5 879481461 +351 1024 4 879481495 +351 1105 4 883356833 +351 1316 4 883356883 +352 4 3 884290328 +352 7 3 884290549 +352 12 4 884290428 +352 17 2 884289728 +352 39 5 884289728 +352 50 5 884289693 +352 55 1 884289728 +352 56 5 884289760 +352 79 4 884289693 +352 82 3 884290328 +352 86 4 884290505 +352 89 5 884289693 +352 92 3 884289728 +352 96 4 884290328 +352 98 5 884290428 +352 100 4 884290428 +352 129 5 884290428 +352 144 5 884290328 +352 156 4 884290428 +352 172 5 884289759 +352 173 1 884290361 +352 176 5 884289693 +352 181 4 884289693 +352 182 5 884290328 +352 183 5 884289693 +352 194 3 884290361 +352 195 4 884289693 +352 216 4 884290390 +352 228 3 884289729 +352 234 4 884290549 +352 273 2 884290328 +352 302 4 884289619 +352 385 4 884289760 +352 431 2 884289728 +352 568 5 884290328 +352 653 3 884290428 +352 657 4 884290428 +352 692 3 884290361 +352 746 4 884290361 +353 245 4 891402405 +353 258 5 891402757 +353 260 1 891402617 +353 270 2 891402358 +353 271 2 891402567 +353 272 5 891402757 +353 286 5 891402757 +353 300 3 891402310 +353 301 3 891401992 +353 315 4 891402757 +353 316 5 891402757 +353 326 2 891402444 +353 327 2 891402443 +353 328 2 891402259 +353 331 4 891401992 +353 332 5 891402757 +353 333 4 891402757 +353 340 4 891401942 +353 343 2 891402636 +353 346 4 891402757 +353 358 1 891402617 +353 750 4 891402757 +353 905 4 891402674 +354 7 4 891216607 +354 9 3 891216607 +354 13 3 891216825 +354 14 4 891216575 +354 19 5 891216549 +354 20 5 891216498 +354 25 2 891216854 +354 32 3 891217929 +354 42 2 891217512 +354 47 4 891217110 +354 50 4 891216498 +354 52 5 891217547 +354 57 5 891217575 +354 58 3 891218356 +354 59 5 891218208 +354 60 5 891217160 +354 61 5 891218091 +354 65 4 891218046 +354 66 2 891307180 +354 70 3 891218208 +354 79 2 891217274 +354 81 3 891217249 +354 83 4 891217851 +354 86 5 891218312 +354 87 3 891217482 +354 88 2 891307206 +354 89 4 891217547 +354 93 4 891216805 +354 98 3 891218312 +354 100 5 891216656 +354 109 3 891216692 +354 116 5 891216692 +354 124 5 891216632 +354 131 3 891217811 +354 133 3 891217547 +354 134 4 891217298 +354 135 3 891218230 +354 136 5 891217717 +354 137 3 891216575 +354 143 4 891217547 +354 149 5 891216498 +354 151 3 891218356 +354 152 3 891306974 +354 153 3 891218418 +354 154 4 891217897 +354 155 2 891307206 +354 162 3 891217659 +354 165 4 891217755 +354 166 4 891218379 +354 168 5 891218507 +354 169 3 891217511 +354 170 4 891217194 +354 171 4 891306892 +354 173 3 891217394 +354 174 4 891218068 +354 175 5 891218024 +354 180 3 891217274 +354 181 4 891216656 +354 185 3 891218068 +354 186 4 891217811 +354 189 3 891217249 +354 190 4 891217221 +354 191 4 891217082 +354 193 3 891217782 +354 196 3 891218457 +354 197 4 891217512 +354 199 4 891217130 +354 202 3 891307157 +354 208 4 891217394 +354 209 3 891218155 +354 211 2 891306946 +354 213 5 891217160 +354 216 3 891217782 +354 221 4 891216788 +354 222 3 891216854 +354 238 4 891217394 +354 241 3 891307069 +354 242 5 891180399 +354 246 4 891216607 +354 248 4 891216956 +354 251 5 891216691 +354 255 2 891216788 +354 257 3 891216735 +354 258 4 891180399 +354 268 4 891180399 +354 269 4 891180399 +354 270 5 891216082 +354 272 3 891180399 +354 275 4 891216526 +354 276 3 891216760 +354 281 1 891216915 +354 285 5 891216526 +354 286 4 891180445 +354 287 3 891216854 +354 297 4 891216760 +354 303 5 891180548 +354 305 4 891180489 +354 306 5 891180445 +354 308 4 891180569 +354 311 5 891180445 +354 313 3 891180399 +354 318 3 891217365 +354 321 2 891216128 +354 344 5 891180445 +354 381 5 891217851 +354 382 5 891217897 +354 387 4 891307180 +354 414 4 891218492 +354 419 4 891217755 +354 421 2 891306852 +354 423 4 891217575 +354 428 4 891217298 +354 429 3 891218439 +354 433 3 891217221 +354 435 4 891218024 +354 451 3 891307114 +354 462 3 891218116 +354 463 4 891217575 +354 464 4 891217512 +354 473 3 891216498 +354 478 5 891217365 +354 479 4 891217249 +354 480 4 891217897 +354 483 4 891217298 +354 485 4 891217659 +354 487 3 891217298 +354 489 4 891217851 +354 494 4 891217194 +354 496 3 891217109 +354 497 4 891217160 +354 498 4 891217610 +354 507 3 891306892 +354 508 3 891216607 +354 509 5 891218249 +354 511 4 891217340 +354 513 5 891217782 +354 515 3 891216526 +354 516 5 891217851 +354 518 3 891217340 +354 520 3 891217811 +354 527 4 891217394 +354 528 5 891218155 +354 529 4 891217610 +354 531 4 891217897 +354 533 5 891216805 +354 558 4 891217082 +354 582 4 891217897 +354 584 5 891217782 +354 602 3 891217717 +354 603 5 891217082 +354 604 4 891217755 +354 605 3 891218271 +354 606 5 891217633 +354 607 3 891218208 +354 610 4 891217429 +354 629 3 891217659 +354 631 4 891217449 +354 638 4 891217547 +354 650 3 891217693 +354 651 3 891217693 +354 652 4 891217194 +354 655 3 891217575 +354 657 4 891218289 +354 659 4 891217221 +354 660 3 891218155 +354 661 4 891306946 +354 664 5 891217717 +354 676 5 891216788 +354 692 2 891307114 +354 694 5 891217299 +354 699 3 891218474 +354 702 3 891307114 +354 705 4 891217547 +354 707 4 891217633 +354 709 5 891217928 +354 710 4 891217340 +354 716 3 891307157 +354 724 2 891307114 +354 732 2 891307157 +354 733 3 891217693 +354 735 3 891218312 +354 736 5 891218568 +354 737 4 891307206 +354 740 4 891216692 +354 747 2 891307069 +354 753 5 891217482 +354 792 4 891217340 +354 811 5 891218091 +354 847 3 891216713 +354 855 4 891306852 +354 863 3 891306919 +354 865 3 891217109 +354 882 4 891216157 +354 889 5 891217966 +354 896 4 891180527 +354 900 4 891180527 +354 904 5 891180419 +354 929 4 891216896 +354 953 3 891218208 +354 955 3 891307180 +354 956 4 891218271 +354 958 4 891218271 +354 962 4 891217274 +354 971 3 891217482 +354 1007 4 891216549 +354 1017 3 891216896 +354 1063 3 891218230 +354 1065 3 891217512 +354 1085 3 891219432 +354 1101 3 891218003 +354 1119 4 891307114 +354 1137 4 891219376 +354 1194 4 891217429 +354 1197 3 891219490 +354 1241 4 891216875 +354 1466 5 891217547 +354 1511 4 891216575 +355 242 4 879486529 +355 260 4 879485760 +355 264 4 879485760 +355 271 3 879486422 +355 286 5 879485423 +355 288 5 879485523 +355 300 4 879486529 +355 306 4 879486422 +355 307 4 879486422 +355 310 4 879485423 +355 324 4 879486422 +355 328 4 879486422 +355 329 3 879486421 +355 336 4 879486529 +355 358 4 879485523 +355 360 4 879486422 +355 681 4 879485523 +355 682 4 879485523 +355 689 4 879485423 +355 872 4 879486529 +355 882 4 879486421 +355 1175 5 879486421 +355 1233 4 879486421 +355 1392 4 879485760 +356 258 5 891406040 +356 272 5 891405651 +356 286 3 891405721 +356 292 3 891405978 +356 294 1 891406076 +356 300 3 891405978 +356 307 4 891406040 +356 310 3 891405721 +356 312 3 891406317 +356 313 5 891405651 +356 315 4 891405619 +356 316 4 891406372 +356 322 3 891406289 +356 326 4 891406193 +356 328 4 891406241 +356 331 3 891405619 +356 333 5 891405978 +356 347 4 891405619 +356 689 5 891406372 +356 748 4 891406500 +356 892 1 891406241 +356 937 2 891406040 +356 1294 4 891405721 +357 1 5 878951216 +357 7 3 878951537 +357 10 5 878951831 +357 24 4 878951457 +357 105 4 878952342 +357 111 5 878951784 +357 117 5 878951217 +357 118 5 878951691 +357 121 5 878951576 +357 123 4 878951864 +357 125 5 878951784 +357 126 5 878951537 +357 147 5 878951457 +357 150 4 878951615 +357 151 5 878951728 +357 220 5 878951954 +357 222 5 878951498 +357 235 4 878951691 +357 237 5 878951217 +357 245 4 878951101 +357 258 4 878951101 +357 270 5 878951101 +357 273 5 878951457 +357 274 4 878951784 +357 275 5 878951784 +357 280 5 878951831 +357 284 4 878951691 +357 287 4 878952265 +357 291 4 878952137 +357 294 4 878951101 +357 304 5 878951101 +357 322 3 878951101 +357 326 5 878951101 +357 334 4 878951101 +357 405 5 878951784 +357 407 3 878952341 +357 411 3 878952041 +357 455 5 878951498 +357 456 3 878952265 +357 471 5 878951498 +357 472 3 878952166 +357 473 3 878951831 +357 476 3 878951616 +357 546 5 878951729 +357 595 4 878951537 +357 597 4 878952080 +357 685 3 878951616 +357 687 3 878951101 +357 713 5 878951576 +357 742 4 878951691 +357 744 5 878951653 +357 760 3 878952080 +357 819 4 878951653 +357 820 4 878952288 +357 831 3 878952080 +357 833 4 878952341 +357 864 5 878951653 +357 866 5 878951864 +357 926 4 878951831 +357 928 4 878952041 +357 932 4 878952341 +357 977 5 878952287 +357 984 3 878950923 +357 1028 5 878951729 +357 1034 2 878952222 +357 1047 4 878951691 +357 1048 2 878951217 +357 1095 3 878952190 +357 1277 5 878951918 +358 8 5 891269179 +358 45 3 891269464 +358 59 4 891269617 +358 65 4 891270405 +358 114 5 891270652 +358 127 1 891269117 +358 132 5 891270652 +358 174 1 891270560 +358 179 4 891269666 +358 213 5 891269827 +358 268 3 891269077 +358 318 5 891271063 +358 324 4 891269077 +358 357 4 891270405 +358 382 2 891269913 +358 469 4 891271063 +358 482 2 891270510 +358 511 2 891271035 +358 512 5 891269511 +358 529 3 891269464 +358 558 4 891269511 +358 582 5 891269723 +358 584 4 891269913 +358 638 3 891269584 +358 639 4 891269584 +358 643 3 891270091 +358 666 3 891269992 +358 855 3 891269464 +358 863 5 891269666 +358 896 4 891269077 +358 918 1 892731254 +358 1006 5 891269913 +358 1021 5 891269464 +358 1149 3 891270043 +358 1266 4 891269944 +358 1524 5 891269418 +358 1529 3 891269584 +359 1 4 886453214 +359 7 5 886453325 +359 24 3 886453354 +359 117 4 886453305 +359 118 3 886453402 +359 121 4 886453373 +359 181 5 886453305 +359 246 3 886453214 +359 250 4 886453354 +359 268 4 886453490 +359 270 4 886453467 +359 273 4 886453325 +359 286 5 886453161 +359 295 3 886453325 +359 298 5 886453354 +359 313 5 886453450 +359 323 3 886453431 +359 405 3 886453354 +359 408 5 886453239 +359 455 4 886453305 +359 472 4 886453402 +359 546 3 886453373 +359 748 3 886453271 +359 751 4 886453467 +359 831 3 886453402 +359 930 4 886453402 +360 1 3 880354315 +360 10 5 880354624 +360 13 3 880354315 +360 14 5 880354149 +360 23 5 880356240 +360 25 4 880355209 +360 28 4 880355678 +360 45 4 880355747 +360 50 4 880354149 +360 56 4 880356131 +360 64 5 880355485 +360 69 3 880355994 +360 79 4 880355485 +360 83 4 880355845 +360 96 3 880355803 +360 100 5 880354379 +360 116 3 880354275 +360 124 5 880354215 +360 127 5 880354149 +360 134 5 880356025 +360 157 4 880355994 +360 165 4 880356059 +360 166 5 880355527 +360 170 5 880355485 +360 172 4 880356240 +360 174 3 880356240 +360 181 4 880355353 +360 187 4 880355527 +360 191 4 880355958 +360 193 5 880355803 +360 194 3 880355803 +360 195 3 880355715 +360 197 5 880355888 +360 199 5 880355678 +360 205 5 880356240 +360 207 4 880355888 +360 210 4 880356166 +360 222 2 880355094 +360 223 5 880355803 +360 237 4 880354484 +360 238 4 880355845 +360 242 4 880353616 +360 248 4 880354484 +360 251 5 880354315 +360 257 4 880354515 +360 258 4 880353585 +360 269 4 880353525 +360 271 2 880354839 +360 275 4 880354149 +360 283 4 880354215 +360 284 3 880354991 +360 285 5 880354250 +360 286 5 880353526 +360 297 4 880354484 +360 302 4 880353526 +360 303 3 880353526 +360 304 4 880353660 +360 306 4 880353584 +360 308 4 880353584 +360 309 2 880354094 +360 321 3 880354094 +360 326 3 880354094 +360 328 3 880354094 +360 334 4 880353736 +360 357 5 880355958 +360 405 3 880354347 +360 423 4 880355623 +360 479 4 880356092 +360 483 5 880355527 +360 496 3 880356092 +360 511 5 880355994 +360 515 4 880354315 +360 520 4 880355448 +360 521 5 880355845 +360 523 3 880356240 +360 531 4 880355678 +360 582 4 880355594 +360 588 3 880355803 +360 651 4 880355845 +360 654 5 880355715 +360 661 5 880356131 +360 663 4 880355888 +360 735 5 880356059 +360 744 4 880355066 +360 748 2 880354094 +360 845 3 880354942 +360 879 3 880354094 +360 933 3 880354408 +360 936 4 880354181 +360 955 5 880356166 +360 963 5 880355448 +360 1039 5 880356131 +360 1134 3 880355261 +360 1142 4 880354250 +360 1149 4 880356025 +360 1197 3 880355177 +361 12 4 879441214 +361 14 4 879440651 +361 23 5 879441215 +361 26 3 879440941 +361 28 3 879441417 +361 49 3 879441179 +361 53 2 879441351 +361 55 2 879441253 +361 56 4 879440516 +361 59 4 879440652 +361 60 4 879440605 +361 66 4 879441075 +361 70 4 879440386 +361 79 4 879441286 +361 83 3 879440345 +361 86 4 879440941 +361 88 4 879440974 +361 90 2 879441179 +361 97 4 879440740 +361 98 5 879441215 +361 100 5 879440386 +361 111 3 879440974 +361 129 4 879441285 +361 148 1 879441324 +361 150 2 879440345 +361 156 4 879441252 +361 165 5 879440573 +361 166 4 879440605 +361 168 4 879440386 +361 170 5 879440605 +361 173 5 879440774 +361 176 4 879441215 +361 178 5 879441462 +361 179 4 879440545 +361 183 4 879441285 +361 185 5 879441215 +361 186 3 879440516 +361 190 5 879440573 +361 194 4 879440345 +361 197 5 879440739 +361 203 5 879441285 +361 204 4 879440516 +361 207 4 879440545 +361 212 5 879440941 +361 213 5 879440605 +361 216 5 879440740 +361 218 3 879441324 +361 222 2 879441253 +361 228 4 879441285 +361 234 4 879441285 +361 237 4 879440740 +361 238 4 879440475 +361 258 3 879440286 +361 269 4 879441490 +361 273 3 879441215 +361 274 3 879441034 +361 275 4 879440694 +361 276 4 879441417 +361 283 4 879440694 +361 285 4 879440516 +361 286 5 879440286 +361 319 5 879440941 +361 333 2 879441490 +361 340 3 879441805 +361 387 3 879441008 +361 402 3 879441179 +361 421 3 879440974 +361 430 5 879440475 +361 435 5 879440345 +361 443 3 879441253 +361 451 3 879440740 +361 466 4 879441285 +361 475 4 879440475 +361 498 4 879441416 +361 502 4 879440475 +361 504 4 879441215 +361 513 5 879441215 +361 514 5 879440345 +361 517 5 879440386 +361 524 4 879440386 +361 525 4 879441253 +361 531 5 879440545 +361 603 5 879441215 +361 611 4 879441462 +361 639 4 879440652 +361 652 4 879440346 +361 654 4 879441253 +361 655 3 879440346 +361 657 5 879441253 +361 659 5 879441324 +361 673 4 879441286 +361 684 4 879441215 +361 694 4 879440774 +361 705 5 879441416 +361 707 4 879440974 +361 709 5 879440974 +361 727 3 879440740 +361 737 4 879441179 +361 739 4 879441075 +361 742 1 879441351 +361 762 2 879440774 +361 770 3 879441352 +361 781 2 879441179 +361 794 3 879441033 +361 813 4 879440475 +361 934 3 879440974 +361 949 4 879440774 +361 1041 2 879441179 +361 1074 3 879441179 +361 1103 4 879440386 +361 1119 3 879440740 +362 245 4 885019504 +362 258 4 885019435 +362 264 1 885019695 +362 268 2 885019435 +362 288 4 885019304 +362 294 3 885019357 +362 300 5 885019304 +362 302 5 885019260 +362 312 5 885019504 +362 313 4 885019304 +362 322 3 885019651 +362 323 2 885019651 +362 328 2 885019504 +362 332 5 885019537 +362 333 5 885019261 +362 336 2 885019468 +362 350 5 885019537 +362 689 5 885019504 +362 748 1 885019592 +362 1025 2 885019746 +363 1 2 891494563 +363 2 4 891495809 +363 4 5 891494962 +363 5 1 891497047 +363 7 3 891495510 +363 9 3 891494628 +363 11 5 891494587 +363 12 5 891495070 +363 22 3 891494962 +363 24 3 891494754 +363 29 1 891498365 +363 32 2 891496667 +363 37 2 891498510 +363 38 3 891498407 +363 44 3 891496927 +363 47 5 891496264 +363 50 5 891495168 +363 54 3 891497440 +363 55 5 891495682 +363 56 5 891495301 +363 58 3 891494962 +363 62 2 891497639 +363 65 4 891495682 +363 66 4 891496849 +363 67 1 891498038 +363 68 2 891495809 +363 69 3 891494865 +363 70 2 891496373 +363 71 3 891495301 +363 72 1 891496850 +363 73 2 891497234 +363 77 2 891496587 +363 79 2 891494835 +363 81 4 891496616 +363 82 3 891497047 +363 87 3 891496306 +363 88 2 891498087 +363 89 4 891494688 +363 90 5 891498183 +363 91 4 891495238 +363 93 4 891495339 +363 95 3 891496694 +363 96 5 891494835 +363 97 2 891496513 +363 98 3 891495402 +363 101 1 891496953 +363 102 4 891498681 +363 114 5 891494688 +363 117 5 891495742 +363 120 1 891500218 +363 121 2 891497393 +363 128 5 891495371 +363 134 2 891494725 +363 137 5 891495742 +363 143 2 891496667 +363 144 4 891494865 +363 145 1 891498589 +363 148 3 891497439 +363 150 5 891496667 +363 151 4 891497076 +363 152 5 891494906 +363 154 4 891496306 +363 155 2 891497712 +363 156 3 891494962 +363 159 1 891496667 +363 161 4 891496753 +363 163 3 891495143 +363 164 2 891496722 +363 169 5 891494563 +363 171 5 891495849 +363 172 5 891495711 +363 173 5 891494658 +363 174 4 891495109 +363 176 4 891495109 +363 179 4 891496373 +363 182 1 891494962 +363 183 4 891494835 +363 184 3 891494725 +363 185 5 891495338 +363 186 3 891494865 +363 187 2 891494725 +363 188 4 891495711 +363 189 5 891495070 +363 193 3 891494962 +363 195 4 891495238 +363 196 4 891494658 +363 200 3 891495918 +363 201 2 891495371 +363 204 2 891495402 +363 206 2 891496587 +363 208 4 891496190 +363 210 4 891494905 +363 212 1 891497278 +363 215 3 891496306 +363 216 3 891495879 +363 217 2 891498286 +363 218 2 891497174 +363 222 5 891496513 +363 223 5 891495197 +363 226 1 891497015 +363 227 4 891498135 +363 228 3 891496481 +363 229 3 891497393 +363 231 1 891497679 +363 234 3 891495197 +363 235 5 891497130 +363 237 2 891496306 +363 239 3 891495272 +363 248 5 891499595 +363 250 1 891499468 +363 257 2 891499595 +363 258 3 891493603 +363 264 3 891494049 +363 265 3 891495339 +363 270 2 891493723 +363 271 4 891493840 +363 282 2 891495596 +363 283 2 891495987 +363 284 2 891495987 +363 288 4 891493723 +363 290 3 891496753 +363 293 4 891499329 +363 298 5 891499411 +363 302 5 891493571 +363 307 5 891493795 +363 312 3 891494106 +363 315 3 891493603 +363 316 3 891493918 +363 317 5 891495596 +363 322 2 891493959 +363 325 1 891494012 +363 328 3 891493840 +363 333 1 891493634 +363 336 4 891494011 +363 346 4 891493746 +363 347 3 891493723 +363 350 1 891493864 +363 351 2 891493864 +363 366 2 891497583 +363 370 3 891500269 +363 380 4 891496481 +363 387 1 891497639 +363 391 2 891498811 +363 393 4 891497925 +363 402 2 891498365 +363 403 3 891496414 +363 405 4 891497015 +363 408 5 891494865 +363 417 1 891498223 +363 423 3 891495711 +363 426 2 891496927 +363 428 5 891495742 +363 429 5 891496077 +363 431 2 891495301 +363 433 4 891495143 +363 435 3 891495850 +363 443 4 891500334 +363 444 4 891500406 +363 448 5 891497953 +363 449 3 891498863 +363 451 2 891497130 +363 455 5 891496927 +363 461 3 891495711 +363 469 2 891496077 +363 472 1 891498469 +363 473 4 891498558 +363 474 5 891494929 +363 505 3 891495238 +363 506 2 891496077 +363 511 4 891495850 +363 518 4 891494835 +363 523 3 891494659 +363 531 4 891495879 +363 537 1 891495402 +363 546 3 891497440 +363 549 4 891496225 +363 550 4 891497205 +363 552 4 891497853 +363 554 1 891498012 +363 555 1 891498920 +363 557 1 891496103 +363 559 3 891496927 +363 561 2 891498884 +363 566 3 891496439 +363 568 2 891495070 +363 569 2 891498259 +363 571 1 891498964 +363 572 2 891498469 +363 575 1 891498681 +363 578 4 891497925 +363 588 2 891495339 +363 589 3 891496077 +363 590 3 891500527 +363 591 4 891499437 +363 597 4 891498286 +363 603 4 891495109 +363 616 3 891498135 +363 625 4 891498038 +363 631 1 891497440 +363 640 2 891496927 +363 650 2 891495197 +363 651 3 891495682 +363 653 3 891495682 +363 657 5 891494587 +363 658 3 891496543 +363 660 4 891496588 +363 665 2 891498964 +363 673 2 891496543 +363 675 3 891495849 +363 678 1 891494012 +363 679 4 891497277 +363 682 1 891493634 +363 685 4 891496979 +363 691 3 891493663 +363 698 2 891495987 +363 699 2 891495850 +363 707 3 891494906 +363 709 4 891495003 +363 710 5 891495596 +363 719 3 891498365 +363 735 3 891496077 +363 737 1 891497174 +363 741 3 891495338 +363 742 2 891497076 +363 746 4 891495630 +363 747 5 891495918 +363 751 1 891493772 +363 752 5 891493885 +363 760 1 891499993 +363 761 3 891498183 +363 767 2 891500179 +363 770 4 891497174 +363 774 4 891498835 +363 778 4 891495510 +363 792 4 891495918 +363 802 2 891498681 +363 805 4 891497205 +363 809 4 891497712 +363 816 1 891498787 +363 825 4 891497881 +363 831 1 891498469 +363 849 2 891498365 +363 854 1 891497047 +363 859 4 891500462 +363 895 3 891493840 +363 906 2 891493795 +363 919 5 891494659 +363 933 2 891498920 +363 940 2 891498920 +363 946 4 891498510 +363 959 1 891497523 +363 979 1 891497748 +363 1007 5 891499355 +363 1009 2 891497205 +363 1010 4 891496979 +363 1012 4 891499355 +363 1014 1 891499760 +363 1016 4 891499568 +363 1019 5 891496414 +363 1035 2 891497925 +363 1052 3 891500134 +363 1067 3 891496849 +363 1073 4 891496337 +363 1074 2 891497679 +363 1099 2 891495402 +363 1101 3 891495004 +363 1157 2 891498558 +363 1168 2 891496587 +363 1214 1 891497712 +363 1215 1 891498920 +363 1228 2 891498720 +363 1267 2 891496481 +363 1485 4 891496102 +363 1495 5 891497278 +363 1512 1 891494754 +364 261 2 875931432 +364 262 3 875931432 +364 268 3 875931309 +364 269 4 875931309 +364 286 5 875931309 +364 288 4 875931432 +364 289 3 875931432 +364 294 5 875931432 +364 302 4 875931309 +364 319 3 875931309 +364 321 2 875931478 +364 325 4 875931432 +364 687 1 875931561 +364 690 4 875931309 +364 875 3 875931585 +364 948 4 875931561 +364 988 2 875931561 +364 990 4 875931478 +364 1048 5 875931585 +365 1 4 891303999 +365 7 2 891304213 +365 13 3 891303950 +365 15 3 891304152 +365 25 4 891303950 +365 100 5 891303901 +365 109 2 891304106 +365 124 4 891304039 +365 125 3 891304152 +365 137 3 891303999 +365 150 5 891303950 +365 151 4 891304106 +365 222 4 891303950 +365 235 2 891304278 +365 237 3 891304278 +365 258 4 891303515 +365 268 5 891303474 +365 269 4 891303357 +365 271 4 891303408 +365 272 4 891303357 +365 275 4 891304019 +365 276 2 891303901 +365 277 4 891304078 +365 285 4 891303999 +365 287 4 891304301 +365 288 5 891303357 +365 289 3 891303694 +365 294 1 891303614 +365 301 5 891303586 +365 309 1 891303566 +365 315 4 891303384 +365 316 4 891303638 +365 321 5 891303536 +365 326 2 891303614 +365 340 5 891303536 +365 342 2 891303614 +365 352 1 891303728 +365 473 4 891304106 +365 476 4 891304278 +365 591 4 891303901 +365 741 2 891304059 +365 742 3 891304039 +365 762 4 891304300 +365 813 5 891303901 +365 815 3 891304152 +365 846 3 891304152 +365 894 1 891303760 +365 895 4 891303515 +365 908 3 891303638 +365 948 1 891303809 +365 995 4 891303694 +365 1011 3 891304152 +365 1017 4 891304213 +365 1048 3 891304152 +365 1137 5 891303950 +365 1420 2 891303454 +366 7 2 888857598 +366 17 5 888857866 +366 53 5 888857990 +366 56 5 888857750 +366 98 5 888857750 +366 164 5 888857932 +366 184 4 888857866 +366 185 5 888857750 +366 200 5 888857990 +366 201 5 888857866 +366 217 5 888857990 +366 218 3 888857866 +366 219 5 888857932 +366 234 1 888857750 +366 288 4 888857598 +366 413 4 888857598 +366 436 5 888857932 +366 443 5 888857866 +366 445 5 888857932 +366 447 5 888857990 +366 448 5 888857990 +366 559 5 888858078 +366 561 5 888858078 +366 573 5 888858078 +366 637 5 888858078 +366 671 5 888857990 +366 672 5 888858078 +366 675 4 888857866 +366 773 3 888858078 +366 853 5 888857750 +366 854 5 888857750 +366 860 2 888858078 +367 5 4 876689991 +367 7 5 876689878 +367 17 5 876689991 +367 50 5 876689696 +367 53 4 876690076 +367 56 5 876689932 +367 98 5 876689932 +367 100 5 876689878 +367 145 3 876690077 +367 164 4 876690119 +367 176 5 876689738 +367 179 5 876689765 +367 183 5 876689738 +367 184 5 876689990 +367 185 5 876689991 +367 200 4 876689962 +367 201 5 876689991 +367 218 4 876689962 +367 219 4 876690098 +367 234 4 876690098 +367 246 4 876689612 +367 250 5 876689824 +367 258 4 876689364 +367 268 4 876689364 +367 288 5 876689418 +367 302 5 876689364 +367 324 5 876689418 +367 326 4 876689502 +367 333 4 876689501 +367 334 4 876689364 +367 379 4 876690048 +367 406 4 876689878 +367 413 4 876689879 +367 436 4 876689962 +367 441 3 876690049 +367 443 4 876690119 +367 448 4 876690098 +367 452 4 876690120 +367 551 3 876690048 +367 559 4 876690048 +367 561 4 876690048 +367 563 4 876690077 +367 564 2 876690077 +367 567 4 876690077 +367 637 3 876690021 +367 665 5 876689738 +367 670 4 876690021 +367 672 4 876689991 +367 760 4 876690021 +367 769 3 876690077 +367 774 4 876690049 +367 800 4 876690049 +367 919 5 876689790 +367 1012 4 876689825 +368 5 3 889783454 +368 7 4 889783365 +368 11 4 889783678 +368 17 5 889783562 +368 50 4 889783678 +368 53 2 889783562 +368 56 4 889783407 +368 89 4 889783678 +368 96 3 889783678 +368 98 3 889783407 +368 100 4 889783407 +368 127 4 889783678 +368 145 2 889783586 +368 181 4 889783678 +368 183 5 889783678 +368 184 5 889783453 +368 201 5 889783407 +368 217 5 889783562 +368 218 2 889783453 +368 219 2 889783453 +368 234 3 889783365 +368 288 3 889783453 +368 292 4 889783251 +368 313 5 889783251 +368 320 5 889783364 +368 379 4 889783562 +368 396 2 889783617 +368 436 3 889783562 +368 447 1 889783453 +368 448 3 889783365 +368 551 4 889783617 +368 559 3 889783562 +368 561 2 889783617 +368 567 3 889783617 +368 569 3 889783586 +368 573 3 889783617 +368 637 2 889783617 +368 670 3 889783562 +368 672 2 889783453 +368 774 4 889783562 +368 777 2 889783586 +369 50 5 889428642 +369 114 5 889428642 +369 166 4 889428418 +369 168 3 889428494 +369 172 5 889428642 +369 179 4 889428442 +369 181 5 889428642 +369 243 3 889428228 +369 268 5 889428642 +369 271 5 889428642 +369 316 5 889428641 +369 335 2 889428072 +369 346 4 889427890 +369 358 3 889428228 +369 751 4 889428097 +369 752 4 889428011 +369 890 3 889428268 +369 900 4 889428642 +369 919 5 889428642 +369 948 2 889428228 +369 988 3 889428228 +370 12 4 879435369 +370 22 4 879434832 +370 31 3 879434766 +370 42 3 879435462 +370 50 4 879434707 +370 52 4 879434969 +370 56 2 879434587 +370 64 4 879434745 +370 98 4 879434937 +370 100 4 879435369 +370 107 4 879435244 +370 114 3 879434587 +370 116 3 879434707 +370 134 4 879434859 +370 135 4 879434746 +370 136 4 879434999 +370 137 4 879434707 +370 153 2 879434832 +370 172 4 879435369 +370 174 3 879434587 +370 175 3 879434804 +370 176 4 879435217 +370 181 4 879434832 +370 183 4 879434937 +370 193 4 879435168 +370 195 4 879434886 +370 199 4 879434999 +370 209 5 879435461 +370 210 3 879434745 +370 222 3 879434746 +370 238 4 879435369 +370 257 5 879434468 +370 265 5 879434636 +370 269 5 879434206 +370 285 3 879435193 +370 294 1 879434229 +370 302 5 879434182 +370 321 2 879434265 +370 322 3 879434308 +370 323 2 879434333 +370 390 1 879434587 +370 423 4 879435369 +370 425 3 879434860 +370 427 5 879435146 +370 433 3 879434860 +370 435 3 879434999 +370 443 5 879435369 +370 480 4 879434886 +370 484 4 879434937 +370 493 5 879434886 +370 494 3 879435033 +370 497 3 879434636 +370 511 4 879434804 +370 514 4 879434969 +370 523 3 879434999 +370 525 4 879434666 +370 603 5 879435244 +370 604 4 879434804 +370 607 5 879435168 +370 608 4 879434860 +370 613 2 879434587 +370 631 4 879435369 +370 650 5 879435369 +370 657 3 879434636 +370 659 4 879435033 +370 661 5 879435217 +370 678 4 879435369 +370 705 3 879434666 +370 856 3 879435033 +370 923 4 879435074 +371 1 4 877487440 +371 22 5 877487134 +371 24 4 877487500 +371 31 5 880435576 +371 42 3 880435397 +371 50 4 877486953 +371 55 4 877487364 +371 64 4 877487052 +371 69 5 877486953 +371 73 5 880435397 +371 77 5 880435601 +371 79 5 880435519 +371 97 5 877487440 +371 98 5 877487213 +371 117 3 877487052 +371 127 4 877487052 +371 174 4 877487751 +371 175 1 877487266 +371 177 4 877487135 +371 179 3 877487364 +371 180 4 877487656 +371 181 3 877486953 +371 183 5 880435519 +371 185 3 880435519 +371 186 5 880435288 +371 194 3 877486953 +371 197 4 877487364 +371 210 4 880435313 +371 234 5 877487691 +371 237 5 877487052 +371 265 5 880435544 +371 357 5 877487751 +371 393 2 880435397 +371 423 5 880435071 +371 431 5 880435601 +371 435 3 877487751 +371 443 4 880435576 +371 449 3 880435733 +371 452 2 880435634 +371 504 4 880435576 +371 523 4 880435210 +371 527 5 877487309 +371 627 4 877487656 +371 655 4 880435238 +371 663 5 880435238 +371 746 4 880435397 +372 5 4 876869445 +372 12 4 876869730 +372 23 5 876869701 +372 44 4 876869837 +372 53 5 876869553 +372 56 4 876869445 +372 77 5 876869794 +372 79 5 876869667 +372 98 5 876869388 +372 100 3 876869388 +372 129 4 876869667 +372 148 5 876869915 +372 159 5 876869894 +372 164 4 876869446 +372 176 3 876869667 +372 183 5 876869667 +372 185 5 876869445 +372 200 5 876869481 +372 201 2 876869387 +372 218 5 876869481 +372 219 5 876869481 +372 262 4 876869066 +372 286 5 876868994 +372 288 5 876869066 +372 292 5 876869183 +372 299 4 876869147 +372 322 3 876869330 +372 325 4 876869330 +372 326 4 876869330 +372 327 5 876869183 +372 332 4 876869330 +372 333 5 876869109 +372 436 5 876869445 +372 441 4 876869512 +372 443 4 876869481 +372 446 4 876869512 +372 447 5 876869445 +372 448 4 876869445 +372 452 4 876869534 +372 547 5 876869481 +372 559 4 876869481 +372 561 5 876869534 +372 574 4 876869957 +372 581 5 876869794 +372 595 4 876869878 +372 628 4 876869915 +372 635 5 876869445 +372 637 4 876869512 +372 649 3 876869977 +372 672 5 876869512 +372 674 5 876869512 +372 678 4 876869183 +372 696 4 876869667 +372 872 4 876869330 +372 874 4 876869238 +372 875 4 876869183 +372 1083 3 876869878 +372 1090 5 876869878 +372 1109 4 876869818 +372 1273 4 876869957 +373 2 4 877100416 +373 4 4 877100232 +373 12 5 877098343 +373 15 4 877098568 +373 20 2 877098751 +373 22 5 877098919 +373 24 4 877100016 +373 25 4 877100016 +373 28 3 877103935 +373 31 3 877100199 +373 48 5 877098223 +373 50 5 877098678 +373 58 4 877100161 +373 64 4 877098643 +373 66 4 877099263 +373 68 5 877106741 +373 69 4 877099137 +373 70 4 877099968 +373 71 5 877098891 +373 80 3 877107235 +373 81 2 877100326 +373 82 1 877099317 +373 83 5 877098599 +373 88 4 877106623 +373 89 5 877098821 +373 90 4 877103846 +373 94 2 877111313 +373 95 5 877099263 +373 96 4 877098262 +373 97 3 877099178 +373 99 5 877099091 +373 100 3 877100199 +373 102 5 877100096 +373 105 3 877107173 +373 110 3 877104086 +373 114 5 877098402 +373 117 4 877098599 +373 127 2 877099968 +373 132 3 877106940 +373 135 1 877098784 +373 136 4 877099091 +373 139 3 877111422 +373 142 3 877111362 +373 143 3 877105005 +373 144 3 877098949 +373 150 4 877098821 +373 151 4 877100129 +373 153 5 877100354 +373 154 5 877098919 +373 155 4 877107235 +373 156 2 877098374 +373 161 4 877105005 +373 162 3 877098568 +373 163 4 877098891 +373 165 5 877100354 +373 166 5 877098262 +373 169 5 877099016 +373 172 5 877098678 +373 173 5 877098751 +373 175 3 877099352 +373 177 3 877100161 +373 179 3 877104310 +373 180 3 877098678 +373 181 5 877099178 +373 184 4 877104086 +373 186 5 877099178 +373 189 5 877100416 +373 191 4 877102549 +373 194 4 877098714 +373 195 4 877098487 +373 196 5 877098487 +373 197 3 877099352 +373 202 3 877099352 +373 204 5 877098222 +373 206 4 877104284 +373 208 4 877106773 +373 209 4 877098437 +373 210 5 877098177 +373 211 4 877099178 +373 213 4 877100061 +373 214 4 877100326 +373 215 4 877099211 +373 217 3 877098821 +373 225 4 877106676 +373 226 3 877107024 +373 228 4 877106328 +373 230 4 877107430 +373 232 3 877105075 +373 233 3 877105588 +373 239 3 877105708 +373 241 5 877100326 +373 259 5 877098041 +373 265 4 877105901 +373 269 5 877098075 +373 275 5 877098437 +373 278 5 877111423 +373 281 3 877103935 +373 286 3 877098042 +373 290 5 877098784 +373 318 5 877098222 +373 357 4 877098568 +373 366 4 877105857 +373 367 3 877100458 +373 378 5 877100232 +373 380 4 877112017 +373 382 4 877100458 +373 385 3 877099016 +373 386 3 877107403 +373 389 3 877099352 +373 390 3 877098890 +373 392 4 877100061 +373 393 4 877104284 +373 399 3 877105674 +373 401 4 877106711 +373 402 4 877105730 +373 403 3 877106741 +373 404 4 877111422 +373 409 2 877107235 +373 414 3 877104259 +373 417 3 877099092 +373 418 5 877104235 +373 420 4 877107630 +373 421 4 877105563 +373 423 2 877103846 +373 427 4 877099317 +373 431 5 877098643 +373 432 5 877098949 +373 433 3 877098223 +373 435 4 877098979 +373 451 5 877107430 +373 459 4 877106966 +373 472 3 877111951 +373 474 3 877098919 +373 480 3 877098643 +373 485 4 877098751 +373 487 4 877098177 +373 488 3 877098343 +373 494 4 877099178 +373 496 5 877098643 +373 497 3 877099317 +373 499 4 877098643 +373 506 4 877099211 +373 510 3 877100379 +373 514 4 877098751 +373 520 4 877098678 +373 527 4 877103846 +373 528 3 877104115 +373 529 4 877105901 +373 550 3 877105588 +373 553 4 877100267 +373 559 3 877106305 +373 566 4 877105809 +373 568 4 877100199 +373 571 1 877111864 +373 577 1 877111423 +373 588 3 877098821 +373 596 3 877106741 +373 598 3 877112076 +373 603 4 877098262 +373 625 4 877104086 +373 627 4 877105901 +373 632 3 877106233 +373 633 4 877098262 +373 645 5 877098599 +373 648 4 877099048 +373 649 4 877098979 +373 651 4 877105075 +373 655 5 877098374 +373 658 4 877105781 +373 660 4 877105075 +373 679 2 877107355 +373 694 5 877098643 +373 699 4 877105781 +373 704 2 877107100 +373 705 4 877099934 +373 707 4 877100378 +373 709 5 877105451 +373 715 2 877105075 +373 724 5 877103935 +373 727 4 877098784 +373 729 4 877099263 +373 732 3 877104048 +373 734 3 877111313 +373 739 3 877111819 +373 746 4 877098714 +373 747 4 877104048 +373 748 4 877098042 +373 756 3 877106900 +373 778 5 877105529 +373 828 3 877111951 +373 842 3 877098343 +373 843 3 877106878 +373 849 3 877105005 +373 856 3 877105809 +373 941 4 877105563 +373 946 5 877104048 +373 949 4 877100016 +373 1006 2 877100129 +373 1039 4 877098437 +373 1066 4 877106233 +373 1078 3 877105451 +373 1079 4 877100061 +373 1087 1 877104086 +373 1110 4 877107379 +373 1113 1 877099968 +373 1119 5 877105708 +373 1133 3 877112076 +373 1135 3 877107043 +373 1147 4 877104115 +373 1188 3 877106597 +373 1228 2 877107379 +373 1230 3 877111313 +373 1530 2 877107138 +374 1 4 880392992 +374 2 4 880939035 +374 4 2 880395924 +374 5 4 880937875 +374 7 1 880393268 +374 9 1 880393056 +374 11 4 880395202 +374 12 4 880395202 +374 15 3 880393380 +374 17 2 880937876 +374 23 3 880395896 +374 24 3 880393553 +374 28 5 880395698 +374 29 3 880939127 +374 38 4 880937876 +374 39 4 880937876 +374 48 5 880395426 +374 50 3 880394367 +374 54 4 880396048 +374 55 2 880394929 +374 56 5 880394885 +374 64 5 880396256 +374 66 3 880394571 +374 68 1 880396622 +374 69 5 880394840 +374 70 4 880396622 +374 71 5 880396292 +374 77 5 880937779 +374 79 4 880394997 +374 87 5 880395320 +374 89 2 880395896 +374 95 4 882158577 +374 96 4 880938870 +374 97 5 880394571 +374 98 5 880394929 +374 100 5 880392873 +374 106 3 880394088 +374 111 2 880393268 +374 116 1 880393307 +374 118 5 880393864 +374 120 3 882158147 +374 121 4 880393095 +374 122 2 882158328 +374 123 2 880393511 +374 124 3 880392873 +374 125 5 880393424 +374 126 3 880393223 +374 127 4 880392936 +374 129 5 880392846 +374 135 4 882159077 +374 143 2 882159114 +374 144 5 880394716 +374 147 3 880392747 +374 148 4 880392992 +374 150 4 882156767 +374 151 3 880393811 +374 153 5 880395487 +374 156 2 880395896 +374 159 4 880937920 +374 161 5 880938965 +374 162 2 880396511 +374 168 1 880434231 +374 172 3 880434204 +374 173 3 882158521 +374 174 5 880395530 +374 176 4 880937692 +374 179 1 880395575 +374 182 5 880395698 +374 183 4 880434204 +374 185 5 880395665 +374 186 5 880395604 +374 192 5 880395665 +374 195 3 880938870 +374 197 5 882158940 +374 200 5 880395735 +374 202 3 880394716 +374 203 3 880937735 +374 204 4 880395604 +374 210 4 880395202 +374 216 5 880394997 +374 218 4 880396444 +374 222 4 880392778 +374 223 5 880394520 +374 225 3 882158071 +374 226 5 880937876 +374 227 4 880937876 +374 228 5 880395973 +374 229 5 880937780 +374 230 5 880396622 +374 231 2 880939228 +374 233 3 880937876 +374 234 4 880396256 +374 235 3 880394301 +374 237 5 880392717 +374 239 4 880396622 +374 240 1 880394301 +374 247 1 880936522 +374 248 1 880393191 +374 252 3 880394179 +374 254 3 880394000 +374 257 3 880393223 +374 265 5 880937779 +374 273 2 880392747 +374 274 4 880393668 +374 276 4 880393056 +374 278 2 880393754 +374 279 4 880394233 +374 280 3 880393811 +374 281 3 880393425 +374 282 5 880392936 +374 284 1 880393753 +374 288 4 885107876 +374 289 1 880392482 +374 291 3 885107905 +374 292 4 880392237 +374 294 2 880392193 +374 310 5 880392237 +374 318 2 880394886 +374 322 4 880392482 +374 323 3 880392482 +374 356 3 880937876 +374 363 3 880394088 +374 369 1 880393864 +374 385 4 880396048 +374 393 4 880395973 +374 403 2 880939126 +374 405 4 880392992 +374 412 4 883627129 +374 423 3 880394484 +374 424 1 883628021 +374 427 3 880396048 +374 443 5 880937735 +374 449 4 880938044 +374 450 4 880938370 +374 454 4 880394997 +374 458 5 880393710 +374 463 1 880396511 +374 465 5 882158849 +374 466 5 880394929 +374 467 4 880395735 +374 468 4 880396359 +374 472 2 880393783 +374 475 1 880393191 +374 476 2 880394138 +374 483 3 880394716 +374 521 4 880395530 +374 526 4 880938965 +374 527 4 883628801 +374 540 3 880939304 +374 544 1 880937070 +374 550 5 880938965 +374 552 4 880938255 +374 554 2 880938370 +374 558 1 882158738 +374 566 3 880394571 +374 568 5 880396622 +374 572 2 880938255 +374 576 3 880939186 +374 581 4 880938044 +374 591 4 880393095 +374 597 4 880393460 +374 619 3 880393553 +374 620 3 880394088 +374 628 3 880392778 +374 637 4 882159237 +374 642 1 880937920 +374 651 4 880395320 +374 665 4 880939228 +374 684 5 880937692 +374 685 4 880393307 +374 692 5 882158641 +374 693 5 880396359 +374 696 3 880394233 +374 713 1 880935656 +374 717 3 880938255 +374 735 5 880396359 +374 741 3 880392717 +374 742 5 880393331 +374 743 1 880394000 +374 756 3 882157967 +374 758 1 882158481 +374 761 3 880938370 +374 762 5 880393460 +374 763 3 880393754 +374 770 5 880938100 +374 779 3 880939186 +374 789 4 882158609 +374 815 4 880393668 +374 819 3 882157793 +374 820 4 882158327 +374 824 4 880394331 +374 829 2 885083439 +374 832 1 882157930 +374 844 4 880394000 +374 845 2 883627072 +374 846 2 883627509 +374 872 5 880392268 +374 880 5 882156984 +374 924 5 880393095 +374 928 1 880393892 +374 930 2 880394179 +374 931 3 880936233 +374 932 1 883628159 +374 934 3 882158146 +374 948 2 880392592 +374 952 2 883627906 +374 963 5 883629108 +374 974 4 880394331 +374 975 4 880936113 +374 977 1 883628189 +374 978 2 880936233 +374 979 3 880936113 +374 983 2 880936289 +374 986 3 880936113 +374 1001 1 882158327 +374 1010 5 880393921 +374 1011 4 880393783 +374 1013 2 880936476 +374 1014 1 880394138 +374 1028 1 880393425 +374 1033 4 883628021 +374 1042 5 880937920 +374 1046 5 880938044 +374 1047 3 880394179 +374 1048 3 880394179 +374 1049 1 883628021 +374 1051 4 880394138 +374 1093 2 883627582 +374 1094 4 882158020 +374 1101 4 880395634 +374 1134 4 880392846 +374 1150 1 880937253 +374 1197 4 880393892 +374 1210 4 880938100 +374 1215 1 880936522 +374 1217 2 880938100 +374 1218 2 881291426 +374 1248 3 880938044 +374 1277 3 880394331 +374 1322 3 880394000 +374 1407 2 880939304 +374 1513 2 883961242 +375 5 4 886622066 +375 39 3 886622024 +375 44 3 886622131 +375 77 4 886622024 +375 176 4 886621917 +375 183 5 886621917 +375 185 5 886621950 +375 218 3 886622024 +375 233 4 886621985 +375 288 4 886621795 +375 300 4 886621795 +375 302 5 886621795 +375 356 4 886622131 +375 443 4 886622024 +375 525 4 886621917 +375 566 4 886621985 +375 573 4 886622131 +375 583 2 886622131 +375 603 4 886621917 +375 684 4 886622066 +375 761 3 886622131 +375 770 3 886622131 +375 773 3 886621985 +375 939 3 886622024 +375 1073 2 886621950 +375 1217 4 886622131 +376 11 4 879454598 +376 14 4 879454914 +376 98 5 879454598 +376 111 4 879459115 +376 154 4 879434558 +376 181 4 879454598 +376 197 4 879454598 +376 198 5 879454598 +376 223 4 879454598 +376 237 3 879459054 +376 246 3 879459054 +376 268 3 879432976 +376 269 5 879454598 +376 274 3 879459115 +376 275 5 879455143 +376 288 3 879454598 +376 289 3 879433599 +376 301 3 879433102 +376 321 3 879433164 +376 328 3 879433164 +376 357 4 879434750 +376 427 4 879454598 +376 514 4 879434613 +376 603 4 879434613 +376 663 3 879434750 +376 707 4 879434750 +376 762 4 879459207 +377 7 4 891299010 +377 56 4 891298407 +377 98 5 891299009 +377 100 3 891298589 +377 154 5 891298627 +377 164 4 891299009 +377 168 5 891298407 +377 173 5 891298589 +377 194 5 891298549 +377 200 5 891299010 +377 219 3 891299078 +377 234 5 891299078 +377 258 4 891296356 +377 268 3 891295937 +377 271 4 891295957 +377 272 5 891295989 +377 288 5 891295937 +377 313 5 891295989 +377 316 4 891297001 +377 323 2 891297001 +377 338 3 891297293 +377 354 4 891296044 +377 358 3 891297023 +377 443 4 891299078 +377 508 4 891298549 +377 682 3 891296448 +377 689 3 891297256 +377 748 4 891296945 +377 751 3 891296044 +377 895 3 891296307 +377 1105 3 891296275 +378 1 4 880044251 +378 2 2 880333851 +378 4 3 880045612 +378 5 3 880332609 +378 7 4 880044697 +378 8 4 880045722 +378 9 5 880044419 +378 10 3 880044454 +378 11 3 880046516 +378 12 5 880046132 +378 13 3 880044609 +378 14 5 880044251 +378 15 4 880044312 +378 21 3 880044944 +378 22 5 880045520 +378 28 4 880045989 +378 29 3 880332949 +378 31 4 880045652 +378 40 3 880333653 +378 42 4 880046256 +378 43 3 880056609 +378 44 3 880055037 +378 47 4 880055984 +378 48 5 880056701 +378 49 3 880332480 +378 50 4 880045145 +378 52 5 880056491 +378 53 3 880333695 +378 54 4 880056976 +378 55 4 880046229 +378 56 4 880045760 +378 58 4 880046408 +378 59 4 880046475 +378 62 4 880333851 +378 63 3 880333719 +378 65 3 880046132 +378 66 3 880056632 +378 67 2 880332563 +378 68 2 880333446 +378 70 4 882642831 +378 71 4 880055672 +378 73 3 880056667 +378 77 4 880056453 +378 79 4 880045722 +378 83 4 880045989 +378 86 4 880045935 +378 87 4 889665232 +378 88 4 880046408 +378 89 4 880046363 +378 91 3 880331510 +378 94 3 880332752 +378 95 4 880055296 +378 96 4 880055740 +378 98 5 880045760 +378 99 4 880045791 +378 100 4 880044198 +378 106 2 880334241 +378 110 3 880333027 +378 111 3 880044562 +378 117 3 880044419 +378 118 4 880044879 +378 121 4 880044763 +378 123 3 880044532 +378 125 2 880044609 +378 126 4 880057018 +378 132 4 880046256 +378 133 5 889665232 +378 135 2 880046362 +378 141 3 880055565 +378 143 4 880046022 +378 144 4 880046100 +378 148 4 880044944 +378 151 3 880044385 +378 153 4 880055779 +378 155 4 880333918 +378 157 3 880056104 +378 159 3 880056887 +378 160 2 880332998 +378 161 4 880056034 +378 162 4 880046332 +378 167 4 880333446 +378 172 4 880045886 +378 173 5 880057088 +378 174 4 880045651 +378 175 4 880055706 +378 176 4 880046362 +378 179 2 880055336 +378 180 3 880045822 +378 181 4 880045167 +378 182 4 880055239 +378 183 4 880331829 +378 186 3 880055186 +378 191 5 880046229 +378 193 4 880056160 +378 194 4 880046100 +378 195 3 880046516 +378 196 4 880046306 +378 197 3 880056423 +378 200 3 880045681 +378 202 3 880046229 +378 203 4 880055239 +378 207 4 880055002 +378 210 4 880057137 +378 213 5 880045935 +378 215 4 880055336 +378 216 4 880055268 +378 217 3 880332683 +378 218 3 880056491 +378 220 2 880044944 +378 222 3 882712421 +378 223 4 880045651 +378 225 3 880045006 +378 226 3 880332831 +378 227 3 880332857 +378 230 3 880055984 +378 231 3 880333327 +378 233 2 880333540 +378 234 4 880045652 +378 235 4 880045006 +378 237 4 880044697 +378 239 3 880055148 +378 241 4 880057137 +378 245 3 880906161 +378 248 3 883835834 +378 252 4 880045288 +378 254 1 880318158 +378 255 4 882642831 +378 257 4 880045207 +378 258 4 882712421 +378 269 4 890513693 +378 272 4 889665041 +378 273 4 880044221 +378 274 3 880055597 +378 275 5 880044312 +378 276 4 880044198 +378 277 4 880044609 +378 280 2 880044489 +378 281 3 880044609 +378 282 4 880044454 +378 283 4 880044532 +378 284 3 880044835 +378 285 4 880044312 +378 286 5 880043650 +378 288 3 880043804 +378 289 5 889665232 +378 292 3 882136243 +378 294 2 880043804 +378 295 3 886614274 +378 298 3 883835761 +378 300 4 889665232 +378 301 3 892382841 +378 302 5 889664996 +378 304 4 880043929 +378 317 5 880056195 +378 318 5 880045823 +378 319 3 884530934 +378 321 3 880317293 +378 323 3 890572396 +378 326 3 892382865 +378 328 3 892382903 +378 356 4 880045989 +378 365 2 880318158 +378 367 3 880055002 +378 370 2 880333494 +378 380 3 880333695 +378 381 4 882642831 +378 382 4 880055520 +378 385 4 880056761 +378 386 3 880332643 +378 387 4 880056452 +378 392 3 880055636 +378 393 3 880057018 +378 396 4 880332879 +378 401 4 880332347 +378 403 4 880046408 +378 404 4 880056034 +378 405 3 880044489 +378 409 2 880044642 +378 410 3 882022445 +378 411 3 880045006 +378 417 3 880056034 +378 418 3 880331938 +378 419 4 880332643 +378 420 4 880056701 +378 423 4 880056287 +378 432 4 880331938 +378 433 4 880045652 +378 435 4 889665232 +378 447 4 880056888 +378 449 3 880333195 +378 450 3 880334476 +378 451 4 880055597 +378 458 4 880044697 +378 465 3 881582268 +378 468 5 880055396 +378 469 5 880046069 +378 471 3 880057018 +378 476 3 880044642 +378 479 4 880055564 +378 482 4 880046229 +378 485 4 880055921 +378 496 3 880045935 +378 500 4 880055891 +378 501 4 880055454 +378 508 4 880044278 +378 509 4 880055672 +378 517 3 880056384 +378 527 4 880054954 +378 528 5 880056034 +378 531 4 880045520 +378 542 4 880333470 +378 543 4 880055840 +378 546 2 880318158 +378 549 3 880056701 +378 554 3 880333540 +378 559 4 880056735 +378 566 3 880045856 +378 568 4 880055779 +378 572 3 880333995 +378 575 3 880334409 +378 576 3 880333027 +378 582 5 889665232 +378 591 4 880044385 +378 596 5 889665232 +378 597 3 880044763 +378 606 5 880055478 +378 619 3 880044879 +378 620 3 880056582 +378 623 3 880333168 +378 629 5 880056318 +378 631 4 880045652 +378 632 5 880055564 +378 635 2 880333802 +378 636 3 880055186 +378 651 4 880045681 +378 655 4 880045553 +378 663 3 880046437 +378 665 2 880333261 +378 674 3 880056735 +378 684 3 880332643 +378 686 4 880056350 +378 692 4 880045580 +378 693 4 880046022 +378 694 3 880055101 +378 696 3 880045044 +378 699 4 880055564 +378 702 4 880056453 +378 703 4 890572396 +378 707 3 880046475 +378 708 4 880055949 +378 709 4 880055921 +378 715 4 889665232 +378 716 3 880056735 +378 720 2 880056798 +378 722 3 880334017 +378 723 3 880055396 +378 724 3 880055520 +378 727 4 880055454 +378 729 4 880046069 +378 731 3 880056582 +378 732 4 880056034 +378 734 3 880334269 +378 736 4 889665232 +378 739 4 880333239 +378 742 4 880044697 +378 744 3 880044609 +378 747 3 880055597 +378 755 3 880056073 +378 756 3 880057088 +378 762 3 880044879 +378 768 4 880333598 +378 775 3 880333305 +378 778 3 880056073 +378 780 2 880334241 +378 787 3 880332480 +378 792 4 880046475 +378 793 3 880046437 +378 796 2 880333626 +378 806 4 880045760 +378 807 3 880334199 +378 845 3 880044419 +378 866 2 880044726 +378 875 3 880044108 +378 896 4 889665232 +378 918 3 892383162 +378 921 4 880056667 +378 924 3 880331938 +378 926 1 880318158 +378 928 2 880044488 +378 930 2 880044906 +378 939 4 880332307 +378 942 3 880056798 +378 949 3 880056318 +378 951 3 880056547 +378 959 3 880046408 +378 961 3 880055706 +378 969 4 880056195 +378 972 4 880056491 +378 977 3 880334305 +378 979 3 880333851 +378 1009 3 880318415 +378 1028 2 880044726 +378 1035 3 880332911 +378 1037 2 880334476 +378 1042 3 880056287 +378 1044 3 880332643 +378 1046 3 880332857 +378 1047 2 880044726 +378 1048 2 880333851 +378 1053 3 880332831 +378 1058 3 880333695 +378 1061 2 880044454 +378 1063 4 880046100 +378 1074 3 880332802 +378 1101 3 880055983 +378 1107 3 880056351 +378 1134 4 880044278 +378 1135 2 880333069 +378 1145 3 880334409 +378 1180 3 880334269 +378 1181 2 880332537 +378 1211 3 880333516 +378 1220 3 880055779 +378 1221 3 880056351 +378 1230 2 880334305 +378 1232 3 880333121 +378 1267 3 880055740 +378 1284 2 880318158 +378 1311 4 880332949 +378 1400 3 880057088 +378 1407 3 880334329 +378 1425 2 880056930 +378 1438 3 880333098 +378 1439 3 880333144 +378 1478 3 880333098 +378 1523 2 880334067 +378 1531 4 880056423 +379 1 4 883156176 +379 2 3 880525540 +379 4 5 880525598 +379 7 5 891674489 +379 8 5 880525194 +379 9 4 880524886 +379 12 5 880524943 +379 23 4 880524783 +379 47 5 880740461 +379 50 4 880525400 +379 52 4 880741002 +379 54 2 880526100 +379 56 5 880524541 +379 62 2 888646058 +379 63 2 880962215 +379 64 5 882563520 +379 69 4 880524754 +379 79 5 880525368 +379 82 4 880525540 +379 83 4 880525002 +379 88 4 880525968 +379 89 4 880525424 +379 90 2 880740215 +379 93 3 885063369 +379 94 5 883156810 +379 96 5 880741811 +379 97 3 882563752 +379 98 5 880524541 +379 100 5 880524541 +379 116 4 880525194 +379 124 5 883156810 +379 127 5 880524811 +379 131 5 882563797 +379 133 4 881000300 +379 135 4 880524886 +379 137 5 890464307 +379 141 4 880525839 +379 143 4 880525839 +379 144 5 880525367 +379 151 4 880525771 +379 152 5 880740518 +379 153 4 880525284 +379 157 4 880961600 +379 158 1 885063748 +379 161 2 880525502 +379 163 4 880740495 +379 164 4 880524582 +379 168 4 891674489 +379 172 4 880525400 +379 173 5 880525259 +379 174 5 880525368 +379 175 5 880525108 +379 176 5 886317511 +379 177 4 886835699 +379 178 5 880741811 +379 179 5 880525132 +379 181 4 880525368 +379 183 4 886317511 +379 185 5 880524582 +379 186 5 880740495 +379 187 5 880525031 +379 188 4 892879481 +379 191 5 880524886 +379 192 4 880524972 +379 193 4 880524783 +379 194 5 880525194 +379 195 3 880525368 +379 196 4 880525062 +379 197 5 880568253 +379 199 4 880524860 +379 200 4 880524582 +379 202 5 880525259 +379 203 4 880526100 +379 204 5 880525236 +379 205 5 880524973 +379 208 4 880525214 +379 210 4 883156880 +379 211 5 880740437 +379 216 4 880525926 +379 219 3 890464337 +379 227 4 880525638 +379 230 4 880525540 +379 233 3 880525638 +379 234 5 880524541 +379 238 5 880525236 +379 239 4 880961874 +379 251 5 885063301 +379 257 4 880741811 +379 270 3 888646058 +379 271 3 886835602 +379 284 4 880568407 +379 285 5 880524753 +379 286 4 880524329 +379 294 3 880524363 +379 300 3 890464279 +379 306 3 892879325 +379 310 4 888646088 +379 331 4 880526281 +379 339 3 883031585 +379 357 5 881000269 +379 372 4 880961807 +379 381 5 885063301 +379 383 2 881000374 +379 385 2 882563616 +379 391 4 880525698 +379 393 4 892879325 +379 395 2 880741868 +379 398 1 880525638 +379 401 3 880962187 +379 402 3 880524943 +379 405 3 883156925 +379 414 5 880740415 +379 417 5 880525794 +379 419 4 880525794 +379 427 5 881996665 +379 428 4 880568452 +379 434 3 880961672 +379 435 5 882563752 +379 436 3 885063346 +379 443 4 880524640 +379 447 4 880524582 +379 448 4 880741811 +379 451 4 880525968 +379 452 3 880524614 +379 461 4 880525031 +379 474 5 886317533 +379 480 5 885063301 +379 496 5 892879481 +379 502 5 887437190 +379 504 5 880526141 +379 511 4 880524811 +379 514 3 880961718 +379 516 4 880525306 +379 517 4 888044628 +379 520 5 880524908 +379 522 5 880524753 +379 523 4 880525108 +379 524 4 880961742 +379 526 4 880525031 +379 527 3 880524860 +379 528 5 881996665 +379 529 4 891674436 +379 530 5 880525502 +379 554 4 880525678 +379 559 3 880524669 +379 563 2 880962106 +379 566 4 880525540 +379 568 5 880525566 +379 575 2 882044649 +379 576 4 880525678 +379 577 4 892879355 +379 603 5 880526074 +379 616 2 890464337 +379 622 5 880525839 +379 631 5 880961600 +379 636 3 880525502 +379 637 2 880962047 +379 644 5 880961648 +379 649 4 880525084 +379 651 4 880568511 +379 654 5 880526123 +379 655 5 888044628 +379 659 5 880568307 +379 663 3 891674403 +379 674 3 880524614 +379 684 4 880525469 +379 686 4 880525502 +379 701 4 892879481 +379 704 3 880524835 +379 705 4 888646088 +379 709 5 880526032 +379 710 4 880961839 +379 712 3 880741832 +379 729 4 880961621 +379 732 5 880525995 +379 735 4 880525133 +379 736 4 880525945 +379 746 3 880961839 +379 842 4 880525794 +379 855 4 880961506 +379 1022 3 892879380 +379 1032 2 880568109 +379 1075 3 888044628 +379 1113 4 892879325 +379 1206 2 880961672 +379 1219 2 883156704 +380 1 4 885478218 +380 7 3 885478334 +380 9 3 885479301 +380 12 5 885478218 +380 22 4 885478334 +380 28 4 885479436 +380 31 1 885479730 +380 38 2 885479537 +380 50 4 885478497 +380 58 2 885479355 +380 59 4 885478447 +380 60 4 885478292 +380 61 4 885478193 +380 62 1 885479777 +380 64 3 885481179 +380 69 4 885479301 +380 71 4 885479082 +380 81 3 885478908 +380 89 5 885478583 +380 95 4 885479274 +380 97 3 885478271 +380 98 4 885478698 +380 100 4 885478193 +380 109 2 885480093 +380 114 3 885478539 +380 118 2 885480301 +380 121 3 885479896 +380 132 4 885479186 +380 134 3 885478583 +380 135 3 885479436 +380 139 1 885480414 +380 151 4 885478759 +380 152 2 885478312 +380 154 3 885478624 +380 161 2 885480046 +380 163 2 885478539 +380 168 4 885479436 +380 170 4 885478192 +380 172 3 885478334 +380 176 3 885481179 +380 177 3 885479082 +380 180 2 885478374 +380 181 3 885478391 +380 182 3 885478391 +380 183 4 885478192 +380 185 4 885479057 +380 186 3 885479355 +380 190 5 885478668 +380 194 4 885478799 +380 197 3 885478886 +380 200 4 885479104 +380 204 2 885479274 +380 208 2 885480301 +380 211 3 885479487 +380 213 2 885479319 +380 215 3 885479163 +380 217 2 885480093 +380 222 3 885478519 +380 228 3 885479235 +380 229 3 885481179 +380 238 3 885479057 +380 241 2 885479997 +380 258 4 885477742 +380 265 3 885481179 +380 270 3 885481179 +380 272 4 885477742 +380 286 5 885477802 +380 300 3 885481179 +380 306 4 885477802 +380 313 4 885477859 +380 315 4 885477975 +380 340 3 885481179 +380 356 2 885480064 +380 357 4 885478425 +380 382 3 885478759 +380 414 2 885480046 +380 416 2 885480239 +380 419 3 885479124 +380 423 3 885478218 +380 425 4 885479163 +380 427 4 885478193 +380 428 3 885480320 +380 433 3 885479186 +380 435 3 885479124 +380 443 4 885480283 +380 449 3 885480902 +380 462 4 885478374 +380 463 4 885479372 +380 465 4 885478845 +380 474 4 885478558 +380 479 4 885478374 +380 480 4 885478718 +380 483 4 885478668 +380 496 4 885479537 +380 498 4 885478738 +380 502 1 885480530 +380 506 3 885481179 +380 512 3 885479355 +380 515 4 885478218 +380 518 3 885478821 +380 521 2 885479397 +380 527 4 885479212 +380 529 3 885479235 +380 530 5 885478886 +380 549 3 885479926 +380 554 2 885479754 +380 561 2 885479519 +380 566 3 885478519 +380 570 3 885479706 +380 573 1 885480737 +380 582 4 885478583 +380 587 4 885479274 +380 614 3 885478845 +380 629 2 885478497 +380 630 2 885478780 +380 631 4 885478668 +380 651 3 885478292 +380 652 3 885478241 +380 654 4 885478953 +380 663 4 885478799 +380 664 3 885479415 +380 665 2 885480870 +380 670 1 885480187 +380 684 3 885478886 +380 699 3 885479186 +380 708 3 885478759 +380 709 4 885478603 +380 712 2 885480585 +380 729 3 885479252 +380 732 4 885478646 +380 736 4 885478780 +380 744 3 885480144 +380 750 4 885477859 +380 751 3 885481179 +380 753 4 885479082 +380 770 3 885480222 +380 845 4 885479706 +380 856 3 885479706 +380 923 3 885478603 +380 956 4 885478271 +380 959 2 885479455 +380 1039 3 885481179 +380 1045 3 885479799 +380 1065 4 885478519 +380 1113 4 885479730 +380 1116 4 885479397 +380 1168 3 885479833 +380 1404 2 885478646 +380 1444 1 885480795 +380 1449 4 885478845 +381 1 5 892697394 +381 13 4 892696445 +381 14 5 892696512 +381 15 2 892697358 +381 16 4 892697266 +381 20 5 892696426 +381 30 4 892697174 +381 49 2 892696328 +381 50 5 892696252 +381 59 3 892697266 +381 77 2 892696367 +381 79 3 892695996 +381 83 4 892695996 +381 89 5 892696426 +381 94 3 892697337 +381 95 4 892696534 +381 96 5 892697174 +381 97 4 892696960 +381 99 5 892696445 +381 100 4 892697442 +381 102 2 892696130 +381 120 1 892696587 +381 121 2 892696793 +381 124 5 892697690 +381 129 4 892697628 +381 132 5 892696426 +381 133 5 892697413 +381 134 5 892696347 +381 135 5 892697150 +381 139 3 892697358 +381 150 4 892697542 +381 151 5 892697526 +381 159 3 892696674 +381 175 5 892696268 +381 176 4 892696698 +381 178 4 892696291 +381 191 5 892696757 +381 212 5 892696982 +381 214 2 892697338 +381 216 5 892695996 +381 217 2 892696757 +381 228 4 892697373 +381 259 2 892698054 +381 276 3 892696587 +381 281 2 892696616 +381 283 5 892697655 +381 294 5 892698068 +381 303 3 892697999 +381 304 5 892697982 +381 307 2 892697959 +381 313 2 892697869 +381 318 5 892696654 +381 344 3 892697905 +381 378 4 892696019 +381 403 3 892696045 +381 418 3 892696471 +381 432 5 892696587 +381 443 5 892696616 +381 459 4 892696738 +381 462 4 892697442 +381 473 5 892697150 +381 479 5 892696929 +381 485 4 892696347 +381 487 5 892697083 +381 493 4 892697111 +381 495 4 892696186 +381 498 5 892696252 +381 501 4 892697133 +381 509 5 892696872 +381 512 4 892696045 +381 514 5 892697394 +381 517 4 892696557 +381 525 5 892696982 +381 526 4 892696831 +381 529 5 892696060 +381 566 2 892696512 +381 582 5 892696045 +381 596 3 892697297 +381 607 4 892696130 +381 631 4 892696654 +381 634 3 892696872 +381 640 5 892696168 +381 647 4 892697133 +381 652 5 892696252 +381 656 4 892696471 +381 657 4 892696831 +381 660 2 892696426 +381 673 3 892696209 +381 682 2 892697982 +381 693 4 892697280 +381 694 4 892696929 +381 705 5 892696209 +381 724 3 892696616 +381 742 4 892697677 +381 771 2 892696557 +381 778 4 892697066 +381 847 4 892697542 +381 855 3 892696291 +381 887 3 892697941 +381 898 5 892697869 +381 914 1 892697768 +381 931 4 892697628 +381 934 2 892697495 +381 961 3 892696616 +381 995 4 892698031 +381 1018 4 892697031 +381 1098 4 892696045 +381 1115 4 892697600 +381 1117 4 892697574 +381 1119 4 892696252 +381 1400 3 892697394 +381 1401 4 892697013 +381 1407 3 892697314 +381 1439 3 892696831 +381 1532 2 892696831 +381 1533 4 892696106 +382 7 2 875945837 +382 9 4 875946830 +382 14 3 875946055 +382 23 5 875946978 +382 25 2 875945880 +382 50 1 875945451 +382 56 5 875946830 +382 59 5 875947049 +382 98 3 875946563 +382 100 4 875945812 +382 122 3 875946440 +382 127 3 875945781 +382 134 3 875947149 +382 135 3 875947078 +382 137 2 875946029 +382 150 2 875946055 +382 171 3 875946639 +382 177 4 875947005 +382 180 5 875946830 +382 183 3 875946672 +382 197 4 875946830 +382 258 2 875945173 +382 276 3 875946029 +382 290 4 875946830 +382 332 3 876803039 +382 334 5 876802971 +382 357 4 875947149 +382 474 5 875947199 +382 475 3 875946103 +382 481 5 875947078 +382 482 5 875946945 +382 496 3 875946945 +382 504 3 875946907 +382 507 4 875946809 +382 508 3 875946029 +382 511 4 875946730 +382 531 4 875946830 +382 546 2 875946234 +382 639 3 875946881 +382 717 3 875946347 +382 1017 4 875946830 +382 1142 3 875945451 +382 1229 5 875947240 +382 1381 3 875945757 +382 1534 4 875946830 +383 9 5 891192801 +383 14 5 891192836 +383 19 4 891192911 +383 58 4 891193210 +383 81 4 891193072 +383 86 5 891193210 +383 89 3 891193181 +383 100 4 891193016 +383 132 5 891193108 +383 134 5 891192778 +383 135 5 891193042 +383 137 5 891192986 +383 180 5 891192778 +383 182 5 891192836 +383 193 4 891193072 +383 197 5 891192888 +383 203 5 891193242 +383 205 4 891193210 +383 223 3 891193137 +383 237 4 891192836 +383 238 5 891192836 +383 268 5 891192338 +383 272 3 891192158 +383 285 5 891193210 +383 302 4 891192216 +383 313 2 891192158 +383 315 5 891192158 +383 316 5 891192472 +383 319 2 891192377 +383 321 5 891192376 +383 340 5 891192276 +383 345 2 891192251 +383 357 5 891193137 +383 425 4 891193181 +383 427 5 891192748 +383 435 4 891192836 +383 464 4 891192986 +383 474 5 891193072 +383 475 2 891193137 +383 478 5 891193042 +383 479 4 891192985 +383 480 5 891193242 +383 483 5 891192986 +383 484 4 891192949 +383 488 4 891193242 +383 496 5 891192888 +383 504 4 891193108 +383 505 4 891193042 +383 513 5 891193016 +383 514 5 891192949 +383 517 5 891192748 +383 531 3 891192888 +383 603 5 891193242 +383 639 4 891193181 +383 641 4 891192778 +383 654 5 891193016 +383 657 5 891192858 +383 660 4 891192748 +383 663 5 891192778 +383 1005 3 891193072 +383 1063 5 891192888 +384 271 4 891283502 +384 272 5 891273509 +384 289 5 891283502 +384 300 4 891273809 +384 302 5 891273509 +384 313 5 891273683 +384 316 5 891274055 +384 327 4 891273761 +384 328 4 891274091 +384 329 3 891273761 +384 333 4 891273509 +384 343 3 891273716 +384 347 4 891273509 +384 355 4 891274055 +384 689 4 891274232 +384 748 4 891274028 +384 751 4 891274091 +384 878 4 891274962 +384 879 4 891273874 +384 989 4 891273905 +385 2 3 879446786 +385 4 2 879445260 +385 8 5 880870206 +385 12 3 879441425 +385 18 5 884915008 +385 24 3 879440726 +385 29 1 879447845 +385 32 5 879442988 +385 37 4 880013483 +385 42 1 879443252 +385 46 5 880870206 +385 47 4 879441982 +385 48 5 879441777 +385 50 1 879440127 +385 53 1 879446110 +385 55 2 879441728 +385 56 5 879441728 +385 58 4 879441881 +385 59 2 879442490 +385 61 2 879441572 +385 79 3 879441853 +385 81 3 879442028 +385 82 1 879446786 +385 87 3 879441942 +385 89 4 879441853 +385 93 3 880682080 +385 98 4 879442189 +385 99 2 879443186 +385 111 2 879440267 +385 114 5 879441942 +385 122 3 883791694 +385 127 4 879439667 +385 128 5 879442235 +385 129 3 881467873 +385 131 4 879445754 +385 133 1 879441728 +385 134 5 879441538 +385 135 3 879444991 +385 136 3 879442402 +385 143 3 879446465 +385 144 3 879443102 +385 145 1 879449745 +385 151 2 879440127 +385 152 3 879445856 +385 153 4 879442028 +385 156 4 881308434 +385 160 4 879441572 +385 168 3 879442109 +385 169 5 880870205 +385 171 3 879750777 +385 172 2 879442109 +385 173 4 879441386 +385 174 2 879924297 +385 175 4 879441572 +385 176 2 879441386 +385 177 4 879442673 +385 180 4 879442706 +385 181 1 879439923 +385 182 5 880870205 +385 183 3 879442706 +385 185 5 880870205 +385 186 1 879445260 +385 187 4 879441728 +385 189 5 881530739 +385 191 2 879444597 +385 192 5 884586327 +385 194 3 879441538 +385 195 1 879453773 +385 198 3 881128357 +385 199 3 879442559 +385 200 3 879446110 +385 205 2 879443253 +385 207 4 881530739 +385 208 3 879442360 +385 209 4 879441853 +385 210 1 879453773 +385 211 3 879446183 +385 215 2 879442559 +385 216 2 879446868 +385 217 2 879448208 +385 218 2 879447361 +385 219 1 879446952 +385 221 5 881398053 +385 224 2 879439728 +385 234 1 879445493 +385 235 5 879440940 +385 236 2 879439637 +385 238 5 879442085 +385 249 2 879440892 +385 250 3 879440701 +385 253 3 879439923 +385 254 1 879453094 +385 256 4 879439728 +385 257 3 879440236 +385 262 4 884153000 +385 273 2 879440557 +385 276 3 879440098 +385 283 2 879439984 +385 285 5 879439637 +385 286 3 879438600 +385 290 3 879440674 +385 293 3 879439728 +385 304 3 879438949 +385 305 4 879740222 +385 318 2 879441572 +385 320 3 885367060 +385 325 4 882175397 +385 337 4 879439469 +385 340 4 879438647 +385 346 3 883791602 +385 347 3 885844578 +385 357 4 879441339 +385 367 4 879444640 +385 383 1 879449871 +385 384 1 884118861 +385 385 1 879443352 +385 403 3 879447181 +385 405 2 879440961 +385 408 5 879443065 +385 417 2 879447671 +385 419 2 879442606 +385 421 2 879446026 +385 423 2 879445662 +385 425 3 879445724 +385 427 4 879441386 +385 428 3 879442706 +385 429 4 879442028 +385 430 5 880870206 +385 433 4 879442673 +385 435 3 879443102 +385 443 3 879445098 +385 444 1 879448994 +385 447 3 879443150 +385 451 1 879447205 +385 455 4 879440701 +385 458 3 879440828 +385 461 4 879441942 +385 462 2 881135090 +385 473 3 879440584 +385 474 5 881530739 +385 479 5 879441538 +385 480 5 879441313 +385 482 3 879441728 +385 483 4 879442028 +385 484 4 879442559 +385 485 4 879446591 +385 486 2 879442189 +385 487 4 887670073 +385 488 5 879441599 +385 489 5 884631784 +385 492 2 879445531 +385 496 2 879441538 +385 497 5 879443186 +385 498 3 879441942 +385 500 4 879443352 +385 502 3 879446235 +385 503 3 879443217 +385 504 4 879442360 +385 506 2 879445291 +385 507 3 879445631 +385 508 2 879439728 +385 511 4 879441881 +385 512 5 880958750 +385 520 3 879441599 +385 521 3 879446208 +385 523 4 879441454 +385 524 5 880924359 +385 525 4 879444685 +385 526 3 879445098 +385 528 4 879470274 +385 529 4 879445949 +385 533 4 879440602 +385 557 2 879446786 +385 558 2 879442673 +385 603 5 880869422 +385 604 4 879442189 +385 606 4 879441599 +385 616 4 884119121 +385 629 2 879446643 +385 631 3 879461422 +385 650 5 880870205 +385 652 5 881530738 +385 653 4 881948265 +385 654 5 879442085 +385 656 5 879441425 +385 657 4 879442109 +385 658 2 879445454 +385 659 4 879441942 +385 661 4 879443045 +385 663 4 879446431 +385 664 3 879445335 +385 671 3 879443315 +385 673 2 879445779 +385 674 3 879447250 +385 675 5 879446952 +385 705 3 879441538 +385 715 3 879446671 +385 719 2 879447136 +385 727 1 879443102 +385 732 3 879442189 +385 739 1 879448665 +385 745 4 879443352 +385 767 1 879447361 +385 794 2 879448181 +385 811 4 879443315 +385 851 5 880870205 +385 855 5 882081995 +385 865 4 879924267 +385 871 1 879440986 +385 874 3 879438975 +385 896 5 883869456 +385 900 4 885168653 +385 919 4 879440158 +385 922 4 881569749 +385 940 3 879447089 +385 942 2 879446208 +385 945 5 879441313 +385 954 4 879446235 +385 959 3 879446741 +385 961 4 879446868 +385 965 4 879445779 +385 1007 3 879439949 +385 1008 4 879440628 +385 1010 3 879440127 +385 1012 3 879440211 +385 1014 2 879450441 +385 1017 3 883791666 +385 1021 5 879441572 +385 1022 3 883791570 +385 1037 1 879449950 +385 1066 4 879446591 +385 1069 4 879442235 +385 1070 5 880870206 +385 1071 4 879448426 +385 1097 5 879440158 +385 1103 3 887269178 +385 1110 2 879446566 +385 1118 3 879447047 +385 1121 4 879443315 +385 1128 3 879441662 +385 1129 5 879440236 +385 1131 3 879445587 +385 1135 1 879448181 +385 1143 4 880828451 +385 1154 5 880870205 +385 1158 5 879443150 +385 1159 4 885245956 +385 1160 2 879440211 +385 1252 5 879578355 +385 1286 3 879446952 +385 1353 4 879440098 +385 1367 5 880879193 +385 1411 3 879447873 +385 1428 4 879447181 +385 1449 4 881047049 +385 1456 4 879447205 +385 1462 4 879447555 +385 1495 3 879443186 +385 1499 5 881047168 +385 1524 5 879445662 +385 1536 5 879441339 +386 7 3 877655028 +386 24 4 877655028 +386 50 4 877654961 +386 117 5 877655028 +386 118 3 877655085 +386 121 3 877655145 +386 127 5 877654961 +386 222 4 877654961 +386 273 3 877655028 +386 281 3 877655145 +386 323 4 877655085 +386 405 4 877655145 +386 455 3 877654961 +386 515 5 877654961 +386 546 2 877655195 +386 597 3 877655145 +386 685 4 877655085 +386 825 4 877655146 +386 833 3 877655195 +386 840 5 877655145 +386 982 3 877655195 +386 1016 4 877654961 +387 1 4 886480681 +387 2 4 886483195 +387 4 3 886482969 +387 7 5 886479528 +387 8 4 886480108 +387 10 4 886481228 +387 11 3 886480325 +387 13 4 886480788 +387 20 4 886480789 +387 22 5 886483049 +387 23 2 886479528 +387 24 5 886484522 +387 27 1 886483252 +387 28 5 886483939 +387 29 1 886483252 +387 31 3 886483330 +387 32 5 886479737 +387 33 3 886483098 +387 39 3 886483049 +387 42 4 886480548 +387 46 3 886484011 +387 47 4 886480384 +387 48 4 886483753 +387 50 5 886480108 +387 52 5 886483497 +387 55 3 886479649 +387 56 5 886479649 +387 58 4 886484065 +387 61 3 886483565 +387 62 2 886483252 +387 64 3 886480206 +387 68 4 886483099 +387 69 3 886480413 +387 71 2 886483620 +387 76 3 886484215 +387 79 4 886483049 +387 81 3 886483906 +387 82 4 886483098 +387 83 4 886480244 +387 89 5 886483048 +387 91 4 886483669 +387 92 4 886483098 +387 93 5 886480703 +387 96 4 886480447 +387 97 2 886483859 +387 98 4 886480244 +387 99 5 886483620 +387 100 5 886484336 +387 101 4 886479528 +387 102 3 886483669 +387 107 3 886481002 +387 109 4 886481073 +387 113 4 886479575 +387 114 5 886484336 +387 116 3 886480206 +387 117 3 886480788 +387 121 2 886481228 +387 123 3 886480970 +387 127 4 886479575 +387 129 5 886480583 +387 133 2 886480483 +387 135 5 886480288 +387 136 3 886480288 +387 144 3 886479649 +387 147 2 886481073 +387 151 3 886481228 +387 152 1 886479690 +387 156 5 886484336 +387 161 1 886483252 +387 168 5 886479610 +387 169 5 886484336 +387 172 4 886480206 +387 175 5 886479771 +387 176 3 886480446 +387 178 3 886483824 +387 179 5 886484336 +387 180 4 886479737 +387 181 4 886479610 +387 182 5 886483048 +387 183 4 886480206 +387 184 3 886481634 +387 186 2 886480515 +387 187 4 886483049 +387 189 5 886483619 +387 190 5 886483150 +387 191 4 886479610 +387 192 5 886484336 +387 193 5 886484065 +387 194 3 886480206 +387 195 4 886479528 +387 196 2 886484012 +387 197 2 886483824 +387 198 4 886480352 +387 199 4 886483858 +387 200 5 886481686 +387 201 5 886484631 +387 202 3 886482695 +387 203 4 886483330 +387 204 2 886479771 +387 205 5 886480384 +387 206 4 886483429 +387 208 3 886480484 +387 209 5 886480206 +387 210 4 886482928 +387 211 4 886480108 +387 215 2 886483906 +387 217 3 886481687 +387 218 3 886481687 +387 219 2 886481686 +387 222 4 886481073 +387 223 5 886479771 +387 224 5 886480703 +387 226 3 886483252 +387 227 4 886483195 +387 228 5 886484336 +387 229 2 886483195 +387 230 3 886483194 +387 231 3 886483194 +387 233 3 886483151 +387 238 5 886482928 +387 239 1 886483970 +387 241 1 886483194 +387 243 1 886484460 +387 246 3 886480623 +387 248 4 886481151 +387 250 4 886480970 +387 258 4 886480818 +387 265 4 886483049 +387 268 3 886479430 +387 273 4 886481151 +387 277 4 886481033 +387 286 2 886484385 +387 288 3 886484385 +387 289 1 886484413 +387 293 4 886481002 +387 294 2 886484413 +387 295 3 886480818 +387 298 3 886480623 +387 317 4 886483906 +387 318 3 886479610 +387 319 1 886484384 +387 320 4 886480325 +387 321 3 886484384 +387 325 2 886484460 +387 333 3 886479484 +387 357 5 886479690 +387 380 2 886484098 +387 381 4 886482969 +387 385 3 886483150 +387 393 2 886483009 +387 399 3 886482969 +387 403 3 886483099 +387 410 3 886480789 +387 414 4 886482969 +387 418 3 886483669 +387 423 3 886484065 +387 428 4 886482969 +387 429 3 886484065 +387 430 3 886482882 +387 431 3 886483150 +387 432 4 886480353 +387 434 5 886483970 +387 435 3 886480483 +387 436 4 886481737 +387 441 1 886481800 +387 444 4 886481800 +387 446 2 886481800 +387 447 4 886481687 +387 448 3 886481686 +387 455 4 886481105 +387 458 1 886481183 +387 461 5 886483753 +387 463 4 886483526 +387 470 3 886483970 +387 473 4 886481033 +387 474 5 886480163 +387 475 3 886480657 +387 477 1 886480733 +387 488 3 886480163 +387 496 3 886480515 +387 501 4 886483620 +387 508 4 886479690 +387 511 3 886483049 +387 513 5 886483330 +387 514 3 886480515 +387 515 5 886480755 +387 516 3 886482928 +387 520 4 886480446 +387 521 3 886483906 +387 526 4 886483150 +387 528 4 886483906 +387 530 4 886483099 +387 531 3 886479528 +387 532 3 886480970 +387 547 4 886484561 +387 549 5 886484012 +387 550 2 886483252 +387 551 2 886481800 +387 558 4 886480384 +387 559 3 886481737 +387 561 3 886481800 +387 563 2 886481851 +387 564 1 886481800 +387 566 3 886483194 +387 567 2 886481737 +387 569 2 886481737 +387 578 2 886483252 +387 580 5 886483565 +387 582 3 886483497 +387 583 4 886483098 +387 593 3 886480483 +387 603 4 886480548 +387 619 1 886481073 +387 625 2 886483669 +387 642 4 886483395 +387 650 2 886480163 +387 651 2 886479689 +387 659 4 886480325 +387 663 4 886482883 +387 672 2 886481687 +387 674 2 886481686 +387 678 3 886484460 +387 679 5 886483194 +387 684 3 886483099 +387 692 1 886482928 +387 693 5 886484336 +387 697 1 886483906 +387 715 5 886484157 +387 718 4 886480206 +387 732 1 886484215 +387 735 2 886484012 +387 737 3 886484098 +387 742 2 886481105 +387 744 3 886480818 +387 746 1 886479737 +387 768 1 886483620 +387 769 1 886481851 +387 772 4 886483782 +387 773 4 886481800 +387 774 3 886481737 +387 789 4 886482928 +387 790 1 886482969 +387 806 1 886483824 +387 844 5 886480484 +387 845 4 886484336 +387 854 5 886481686 +387 856 5 886484124 +387 919 5 886479575 +387 942 4 886483906 +387 943 4 886483357 +387 952 5 886484561 +387 953 2 886484012 +387 969 3 886480163 +387 972 2 886483859 +387 984 1 886484460 +387 1007 5 886480623 +387 1008 4 886481183 +387 1011 3 886481033 +387 1012 4 886481073 +387 1014 3 886480789 +387 1018 3 886483526 +387 1019 4 886480288 +387 1069 2 886480288 +387 1078 1 886483670 +387 1091 1 886483670 +387 1097 3 886480657 +387 1110 2 886483009 +387 1115 3 886479575 +387 1118 3 886482695 +387 1128 4 886481033 +387 1129 4 886480623 +387 1134 1 886481183 +387 1143 5 886480623 +387 1166 3 886483939 +387 1187 4 886480623 +387 1199 5 886480970 +387 1240 5 886483620 +387 1537 4 886480681 +387 1538 3 886481151 +388 1 5 886436813 +388 5 4 886441083 +388 9 3 886437226 +388 56 3 886441015 +388 98 5 886441015 +388 100 3 886437039 +388 111 3 886437163 +388 117 5 886436756 +388 147 4 886436871 +388 184 4 886441083 +388 218 5 886441083 +388 237 5 886436813 +388 258 5 886439506 +388 259 3 886440334 +388 266 5 886439918 +388 276 2 886440608 +388 288 5 886439506 +388 298 5 886436582 +388 300 4 886438122 +388 301 4 886438602 +388 302 5 886438122 +388 307 4 886439506 +388 310 5 886438540 +388 313 5 886438122 +388 315 3 886438122 +388 323 4 886442062 +388 326 5 886438122 +388 328 4 886439561 +388 333 5 886439561 +388 508 3 886436930 +388 559 5 886441133 +388 569 5 886441248 +388 591 4 886437039 +388 596 4 886436661 +388 628 4 886436661 +388 672 4 886441083 +388 678 4 886442062 +388 680 5 886439808 +388 682 4 886439808 +388 690 5 886438540 +388 742 5 886437163 +388 769 3 886441306 +388 773 3 886441083 +388 816 4 886441248 +388 845 4 886437163 +388 871 2 886440608 +388 895 4 886438540 +389 1 4 879915860 +389 4 4 879991352 +389 8 4 880086755 +389 15 2 879916135 +389 23 4 879991147 +389 25 3 879916170 +389 28 4 880165411 +389 29 2 880088659 +389 38 2 880089076 +389 40 3 880088825 +389 42 4 879991147 +389 47 4 880086971 +389 50 5 879915780 +389 53 2 880089337 +389 56 5 880086868 +389 58 4 880087695 +389 59 5 880087151 +389 64 4 880087151 +389 65 4 880088171 +389 66 3 880088401 +389 67 2 880614340 +389 69 5 880087345 +389 71 4 880088091 +389 72 3 880614164 +389 77 2 880088922 +389 79 4 879991461 +389 80 3 880614254 +389 81 3 880086972 +389 82 4 880087977 +389 88 3 880613773 +389 90 3 880088659 +389 94 2 880089115 +389 95 3 880165832 +389 98 4 879991264 +389 99 5 880087832 +389 100 5 879915701 +389 105 3 880614316 +389 109 3 879915745 +389 111 3 879916053 +389 118 2 880088900 +389 124 4 879916053 +389 127 5 879915701 +389 131 3 880087739 +389 132 5 880087544 +389 134 5 879991045 +389 135 2 879990996 +389 136 4 880087671 +389 142 3 880088878 +389 151 4 879916135 +389 152 4 880087647 +389 153 3 880088510 +389 154 3 880087200 +389 159 2 880088330 +389 160 4 880087897 +389 167 3 880089170 +389 168 5 879991434 +389 172 5 879991175 +389 173 3 880087003 +389 174 4 879991115 +389 176 4 880165047 +389 178 4 880086755 +389 179 4 879991461 +389 181 4 879915806 +389 182 5 879991175 +389 185 5 879991434 +389 186 2 880087435 +389 187 5 879990996 +389 191 5 880087493 +389 194 4 879991147 +389 197 5 879991485 +389 199 5 880165388 +389 202 5 880087599 +389 204 4 879991017 +389 205 4 880165939 +389 208 5 880087415 +389 210 2 879990996 +389 211 4 880087415 +389 216 2 879991387 +389 217 3 880088774 +389 234 4 879991081 +389 238 5 879991387 +389 249 3 879915991 +389 275 5 879915860 +389 283 5 879916099 +389 285 5 879916076 +389 300 3 879990863 +389 301 4 879916385 +389 302 5 879915633 +389 346 4 885681315 +389 371 4 880088309 +389 378 5 880087695 +389 383 2 881384649 +389 384 2 880089211 +389 386 3 880089302 +389 393 2 880088717 +389 395 2 880089133 +389 396 3 880089037 +389 401 3 880088578 +389 402 3 880613797 +389 404 5 880087200 +389 407 1 880614292 +389 410 3 879916238 +389 411 4 880088659 +389 414 4 879991485 +389 416 4 880087996 +389 420 3 880088229 +389 423 5 880087461 +389 427 5 879991196 +389 428 3 880087461 +389 429 4 879991352 +389 435 4 880087073 +389 451 2 880165881 +389 454 2 880086868 +389 467 3 879991512 +389 471 4 879916077 +389 474 5 879991535 +389 475 5 879915780 +389 477 4 880087939 +389 478 5 879991264 +389 479 4 879991535 +389 480 5 879991175 +389 481 5 879991147 +389 483 5 879991535 +389 484 5 880087073 +389 485 5 879991081 +389 486 4 880086971 +389 489 4 879991115 +389 490 3 879991081 +389 491 5 879991352 +389 492 5 880086944 +389 493 5 879991147 +389 496 4 879991218 +389 497 4 879991461 +389 498 5 880086918 +389 499 4 880087873 +389 501 5 880087804 +389 502 4 881384464 +389 503 3 880087739 +389 504 4 880087832 +389 506 4 879991330 +389 507 5 879991196 +389 509 4 880614449 +389 510 3 880165367 +389 514 5 879991329 +389 517 4 880087977 +389 518 4 880087073 +389 519 4 879991461 +389 520 3 879991175 +389 521 3 879991330 +389 524 5 879991081 +389 525 4 880165277 +389 526 3 880087200 +389 527 3 880086868 +389 531 4 880086918 +389 550 3 880088923 +389 558 4 879991242 +389 568 3 880087782 +389 583 2 880088039 +389 584 4 879991512 +389 588 5 879991298 +389 591 3 879915726 +389 602 4 879991081 +389 603 5 880086943 +389 604 4 879991387 +389 605 5 879991512 +389 607 3 879991297 +389 610 5 880086972 +389 612 4 879991218 +389 613 5 880088038 +389 615 4 879991115 +389 616 4 879991329 +389 630 3 880087389 +389 631 5 880087493 +389 642 4 880087804 +389 649 4 880165344 +389 654 5 879991411 +389 656 5 879991175 +389 657 5 879991115 +389 661 4 880165168 +389 662 3 880613750 +389 664 4 880088290 +389 671 5 880087516 +389 674 2 880088900 +389 693 4 880088038 +389 699 5 880088038 +389 700 2 881384441 +389 705 5 879991196 +389 709 4 879991115 +389 712 3 881384338 +389 715 3 880614012 +389 728 3 880089302 +389 731 3 880089152 +389 732 4 880087850 +389 736 5 880088229 +389 739 2 880088229 +389 756 2 880088942 +389 763 1 879916203 +389 778 4 880088995 +389 780 3 880614316 +389 785 3 880613841 +389 792 4 880088115 +389 820 3 880089211 +389 824 3 881384649 +389 835 5 879991242 +389 836 4 879991045 +389 845 4 879916053 +389 847 4 879915806 +389 923 5 880087151 +389 926 3 879916099 +389 942 3 880165881 +389 945 4 880165070 +389 946 3 880088363 +389 954 4 880614031 +389 955 4 880087599 +389 965 5 880087599 +389 969 4 880086755 +389 997 3 881384536 +389 1007 4 879915832 +389 1036 2 880087170 +389 1041 3 880088269 +389 1050 4 879991242 +389 1052 2 881384711 +389 1074 2 880613841 +389 1098 4 880087096 +389 1114 2 880614050 +389 1119 3 880088659 +389 1121 4 879991485 +389 1147 4 879991387 +389 1168 3 880088717 +389 1197 3 880165664 +389 1203 5 880087544 +389 1204 4 880165411 +389 1286 5 880087873 +389 1298 5 887868071 +389 1444 3 880088445 +389 1451 5 880087544 +389 1518 2 880165787 +389 1530 2 880088753 +390 1 5 879694066 +390 9 5 879694232 +390 13 2 879694409 +390 100 5 879694123 +390 124 4 879694232 +390 126 5 879694123 +390 181 4 879694198 +390 258 5 879693461 +390 275 5 879694123 +390 277 2 879694123 +390 283 4 879694316 +390 286 4 879693461 +390 289 3 879693677 +390 300 5 879693770 +390 302 5 879693461 +390 304 5 879693561 +390 319 5 879693561 +390 328 4 879693677 +390 329 3 879693608 +390 331 2 879693723 +390 475 1 879694232 +390 515 4 879694259 +390 713 4 879694259 +390 740 4 879694123 +390 742 4 879694198 +390 754 4 879693561 +390 845 2 879694232 +390 989 5 879693677 +390 990 4 879693608 +390 1296 2 879693770 +391 8 3 877399030 +391 9 5 877399780 +391 11 3 877398951 +391 12 5 877399745 +391 15 4 877399805 +391 22 4 877398951 +391 26 5 877399745 +391 31 2 877399659 +391 47 4 877399301 +391 48 4 877399171 +391 50 4 877399588 +391 56 5 877399745 +391 58 4 877398898 +391 59 5 877399745 +391 60 5 877399746 +391 61 5 877399746 +391 64 5 877399746 +391 69 4 877399618 +391 71 3 877399236 +391 76 3 877399618 +391 89 3 877399380 +391 97 4 877399301 +391 100 4 877399805 +391 125 3 877399894 +391 127 5 877399236 +391 132 4 877398951 +391 134 4 877399171 +391 148 3 877400062 +391 168 4 877399455 +391 173 4 877399030 +391 174 5 877399301 +391 176 3 877398856 +391 177 4 877398951 +391 180 5 877399066 +391 182 4 877399696 +391 186 5 877399658 +391 187 4 877399030 +391 188 3 877399658 +391 191 3 877399336 +391 194 4 877399486 +391 195 2 877399618 +391 197 5 877399380 +391 200 5 877399269 +391 203 4 877399423 +391 204 3 877399658 +391 205 5 877399337 +391 213 4 877398856 +391 215 4 877399100 +391 222 2 877399864 +391 234 4 877399455 +391 237 4 877399864 +391 238 5 877399659 +391 258 3 877398517 +391 264 1 877398704 +391 276 3 877399780 +391 282 4 877399894 +391 286 4 877398517 +391 288 3 877398679 +391 294 2 877398619 +391 300 2 877398619 +391 318 4 877399030 +391 322 3 877398619 +391 328 3 877398552 +391 334 5 877399745 +391 357 5 877399486 +391 421 2 877399269 +391 458 4 877399864 +391 460 4 877400091 +391 462 4 877399588 +391 471 2 877399864 +391 474 5 877399171 +391 479 4 877399030 +391 480 4 877398991 +391 482 4 877399380 +391 483 3 877399423 +391 490 4 877399658 +391 491 3 877398898 +391 497 3 877399133 +391 498 4 877399513 +391 504 5 877398856 +391 507 4 877399512 +391 508 2 877400037 +391 510 5 877399066 +391 511 5 877398855 +391 527 3 877399541 +391 530 5 877399337 +391 544 4 877400092 +391 546 3 877400037 +391 603 5 877398991 +391 604 4 877399380 +391 628 4 877399864 +391 646 4 877399066 +391 651 5 877399133 +391 659 4 877399208 +391 661 5 877398898 +391 678 2 877398704 +391 705 5 877399133 +391 715 2 877399588 +391 748 3 877398619 +391 772 2 877399030 +391 774 2 877399541 +391 924 2 877400116 +391 963 5 877399746 +391 1101 4 877399423 +391 1163 2 877399864 +392 8 5 891039049 +392 23 5 891038466 +392 50 5 891038110 +392 58 4 891038433 +392 59 4 891039049 +392 98 5 891038979 +392 99 5 891038433 +392 114 4 891038401 +392 127 5 891038110 +392 129 4 891038945 +392 134 5 891038371 +392 165 5 891038433 +392 166 5 891038466 +392 169 4 891038978 +392 170 5 891039015 +392 172 5 891038401 +392 173 4 891039050 +392 178 5 891038945 +392 179 5 891038946 +392 180 5 891038371 +392 181 5 891038137 +392 189 4 891038433 +392 191 5 891039015 +392 197 5 891038978 +392 199 5 891038466 +392 200 3 891038433 +392 209 5 891038978 +392 244 3 891038247 +392 246 5 891038110 +392 248 4 891038205 +392 249 1 891038224 +392 250 3 891038158 +392 255 3 891038224 +392 257 5 891038184 +392 258 2 891037531 +392 260 1 891037790 +392 268 5 891037385 +392 270 4 891037437 +392 271 1 891037490 +392 272 5 891037437 +392 276 4 891039049 +392 285 3 891039050 +392 286 2 891037385 +392 288 4 891037531 +392 289 5 891037769 +392 293 4 891038137 +392 294 4 891037561 +392 297 4 891038137 +392 298 1 891038205 +392 300 2 891037437 +392 302 5 891037385 +392 303 4 891037437 +392 304 4 891037720 +392 310 4 891037490 +392 312 4 891037561 +392 313 5 891037385 +392 319 5 891037385 +392 321 5 891037685 +392 323 3 891037769 +392 324 1 891037720 +392 325 4 891037634 +392 328 3 891037634 +392 333 4 891037531 +392 340 5 891037437 +392 344 4 891037490 +392 345 4 891037385 +392 346 4 891037437 +392 347 4 891037600 +392 463 3 891038946 +392 482 5 891038945 +392 488 4 891038978 +392 491 5 891039049 +392 492 4 891038979 +392 493 4 891038945 +392 495 3 891038401 +392 510 4 891038979 +392 511 5 891038945 +392 513 5 891039049 +392 515 5 891038110 +392 517 5 891038466 +392 534 4 891038205 +392 538 2 891037851 +392 589 4 891038946 +392 615 5 891038371 +392 632 5 891039015 +392 650 5 891038978 +392 663 4 891039049 +392 705 5 891038433 +392 813 3 891039015 +392 847 4 891039015 +392 872 4 891037790 +392 873 3 891037851 +392 880 4 891037720 +392 1007 5 891038137 +392 1012 4 891038184 +392 1014 3 891038205 +392 1142 5 891038184 +392 1143 4 891038158 +392 1160 2 891038137 +392 1226 4 891038288 +392 1258 1 891038247 +393 2 4 887746206 +393 3 3 887745293 +393 4 4 889555384 +393 5 3 887746849 +393 7 4 887744419 +393 11 3 887745844 +393 12 5 887745883 +393 15 3 887744266 +393 17 1 889728895 +393 21 3 887744765 +393 22 4 887745973 +393 24 3 889729674 +393 25 2 887744294 +393 26 3 887746767 +393 27 4 889555050 +393 28 4 889554674 +393 29 4 889729398 +393 31 4 887745912 +393 36 3 889731618 +393 38 4 889731010 +393 40 1 889729185 +393 41 4 889728736 +393 42 4 889554976 +393 48 2 889728177 +393 49 4 889729674 +393 50 5 887743611 +393 51 4 887746456 +393 54 4 889555050 +393 55 4 889727862 +393 56 2 887746015 +393 58 3 887746734 +393 62 4 889728895 +393 64 4 887745973 +393 65 2 887746346 +393 67 3 889730088 +393 68 4 889729537 +393 69 4 887745883 +393 70 3 889555251 +393 71 3 889554977 +393 72 4 889730045 +393 73 4 887746206 +393 78 2 889731521 +393 79 4 887745973 +393 80 3 889729561 +393 81 2 889728324 +393 83 4 887746523 +393 84 3 889731009 +393 85 3 889729375 +393 86 2 889729674 +393 87 4 889554706 +393 88 3 889730066 +393 89 3 887745973 +393 90 2 889729938 +393 94 4 889731465 +393 95 4 889555295 +393 96 4 889555434 +393 99 3 889727536 +393 100 1 887744053 +393 105 3 887745544 +393 108 2 887744658 +393 109 3 887744419 +393 110 2 889730117 +393 111 3 887745293 +393 117 4 887745575 +393 118 4 887744578 +393 121 4 887744419 +393 122 1 889731465 +393 123 4 887744328 +393 125 4 887744239 +393 126 4 887743647 +393 128 3 887746145 +393 132 2 887746207 +393 135 1 887747108 +393 136 5 889555050 +393 138 3 889731793 +393 139 4 889729185 +393 141 2 889729537 +393 142 4 889730460 +393 144 3 887746174 +393 147 5 887744549 +393 148 4 887744419 +393 153 3 887746671 +393 154 2 887746302 +393 161 4 887746883 +393 168 4 887746482 +393 169 3 887745912 +393 172 5 887745883 +393 173 5 887745759 +393 181 4 887743141 +393 184 4 889555251 +393 186 3 887746734 +393 189 4 887745717 +393 191 3 887745717 +393 194 4 887746239 +393 195 3 889555272 +393 196 4 887746015 +393 202 3 887746015 +393 203 4 887746091 +393 204 4 887746301 +393 206 3 889731329 +393 215 4 887745912 +393 222 4 887744239 +393 223 4 887746119 +393 227 4 889728385 +393 228 3 889728385 +393 233 3 889730460 +393 237 4 887744328 +393 239 4 889728324 +393 240 2 887745380 +393 241 4 889554930 +393 243 4 887742916 +393 245 3 887742145 +393 249 3 887744373 +393 252 3 887744766 +393 255 4 887744328 +393 257 4 887744294 +393 258 4 887741960 +393 259 4 887742851 +393 265 4 887746301 +393 270 5 887742040 +393 271 3 887742179 +393 273 3 889727768 +393 274 4 887744549 +393 275 4 887744053 +393 278 4 887744473 +393 280 4 887744724 +393 281 4 887745343 +393 282 4 887744053 +393 283 3 887744239 +393 288 3 887741960 +393 290 3 887745322 +393 291 4 887744202 +393 294 4 887742145 +393 298 4 887743453 +393 303 4 891364609 +393 304 4 887742110 +393 313 4 887742040 +393 316 5 889554297 +393 317 4 889554707 +393 318 3 887745973 +393 321 3 887742179 +393 322 4 887742825 +393 323 2 887742916 +393 328 5 887742798 +393 332 4 887742764 +393 333 4 889554171 +393 338 2 887742964 +393 342 5 887742179 +393 344 3 891364581 +393 347 4 887742040 +393 349 3 887742939 +393 354 4 889554151 +393 355 3 889554171 +393 356 3 889731088 +393 357 2 887745815 +393 362 3 887741960 +393 363 3 887745086 +393 364 2 889731139 +393 365 3 889729460 +393 366 4 889729345 +393 369 3 887745174 +393 373 4 889731437 +393 374 3 889731702 +393 376 4 889730011 +393 377 3 889728200 +393 378 4 887746824 +393 380 2 887746482 +393 385 4 887746207 +393 386 4 889731390 +393 391 3 889731703 +393 393 3 889731064 +393 394 5 889728627 +393 395 3 889731753 +393 396 1 889730514 +393 398 4 889731753 +393 402 3 889730187 +393 403 3 889727503 +393 404 3 889728713 +393 405 4 887744626 +393 409 4 887745258 +393 410 4 887744419 +393 412 3 887745380 +393 415 4 889730117 +393 417 3 887746523 +393 418 3 887746207 +393 419 4 887746523 +393 420 3 889728074 +393 421 2 889555000 +393 423 3 887746849 +393 431 2 887746965 +393 443 3 887745624 +393 449 2 889731088 +393 451 3 887746995 +393 456 3 887745501 +393 459 4 887744517 +393 463 4 889555225 +393 465 4 887746916 +393 470 4 889554730 +393 471 4 887744549 +393 472 3 887745199 +393 473 3 887745135 +393 476 3 887744688 +393 477 3 889727833 +393 479 4 889555295 +393 480 4 889554756 +393 483 4 889554540 +393 485 2 887746670 +393 494 4 889727702 +393 496 5 887746119 +393 497 4 889555021 +393 500 4 887746523 +393 501 3 889729614 +393 527 3 889727614 +393 538 3 887742071 +393 539 3 891364757 +393 540 3 889731753 +393 544 3 887745135 +393 546 2 887744578 +393 550 3 887746482 +393 552 2 889729638 +393 553 3 887747108 +393 554 4 889729486 +393 559 3 889729614 +393 560 3 889728584 +393 561 3 889728438 +393 566 3 887745717 +393 568 4 889554563 +393 569 4 889728736 +393 571 3 889731793 +393 576 3 889729938 +393 578 4 889728413 +393 585 2 889731649 +393 588 4 887746824 +393 591 5 887744372 +393 596 4 887743611 +393 597 3 887745293 +393 620 4 887745199 +393 622 4 889555074 +393 623 3 889731562 +393 627 4 889729296 +393 628 4 887744626 +393 630 4 889728150 +393 633 2 887746091 +393 636 3 889729508 +393 644 3 889555074 +393 651 4 889728238 +393 655 3 887746346 +393 659 4 887746378 +393 672 3 889729614 +393 681 3 887742798 +393 683 4 887742110 +393 685 3 887744517 +393 686 4 889729185 +393 687 3 887742916 +393 690 4 887742110 +393 692 3 889554908 +393 696 4 887745258 +393 705 4 887746456 +393 710 4 889554607 +393 715 1 889731592 +393 717 3 887745086 +393 721 2 889727930 +393 722 2 889728736 +393 724 3 889729159 +393 725 2 889731501 +393 727 3 889729614 +393 728 3 889730209 +393 729 4 887746431 +393 731 3 889730227 +393 737 2 889730261 +393 739 3 887746671 +393 742 4 887744517 +393 747 4 889727969 +393 751 2 887741960 +393 755 3 889729831 +393 756 4 887745258 +393 761 4 889728667 +393 763 5 887745086 +393 771 3 889731793 +393 775 4 889731390 +393 778 3 887746301 +393 779 3 889729673 +393 780 4 889731390 +393 781 4 889729159 +393 783 3 889729561 +393 785 3 889729749 +393 789 1 887746015 +393 792 1 889729346 +393 794 4 889730117 +393 797 3 889731138 +393 802 3 889729420 +393 805 2 889555410 +393 808 4 889554882 +393 810 4 889731138 +393 812 3 889555021 +393 815 4 887744372 +393 820 3 887745380 +393 821 3 889554756 +393 824 3 889731793 +393 825 4 887745230 +393 826 3 889731729 +393 831 1 887745454 +393 836 4 889728895 +393 840 4 887744658 +393 841 3 887745199 +393 842 4 889729212 +393 843 3 889731861 +393 845 4 887744202 +393 870 3 887745454 +393 871 3 887745174 +393 876 3 889554316 +393 879 3 887742798 +393 890 1 887742991 +393 892 3 887742939 +393 905 3 887742851 +393 922 4 887744419 +393 924 4 887744688 +393 926 4 887745200 +393 929 3 887745230 +393 930 3 889731593 +393 932 3 887744578 +393 939 4 887745816 +393 940 2 889731109 +393 944 4 889728712 +393 949 3 889731465 +393 951 3 889728531 +393 953 4 889555334 +393 964 2 889555461 +393 977 4 887745501 +393 996 3 889731139 +393 997 1 889731703 +393 999 4 889730187 +393 1000 3 889731139 +393 1014 3 887745086 +393 1016 5 887744688 +393 1028 3 887745174 +393 1032 3 889729296 +393 1034 2 889731413 +393 1035 3 889731329 +393 1039 3 887745973 +393 1040 3 887745410 +393 1043 3 889728324 +393 1044 4 889731821 +393 1047 3 887745293 +393 1048 3 887745120 +393 1049 4 887744688 +393 1051 3 887745544 +393 1053 3 889730011 +393 1055 4 889728895 +393 1063 4 889554540 +393 1074 3 889730296 +393 1076 3 889731109 +393 1091 2 889731840 +393 1092 3 889731139 +393 1095 2 887745174 +393 1120 3 887745409 +393 1139 3 889729561 +393 1165 3 889730514 +393 1168 3 889729346 +393 1169 5 887746015 +393 1178 3 889729460 +393 1179 4 889731437 +393 1180 4 889731465 +393 1181 3 889731064 +393 1182 3 889731413 +393 1183 3 889731040 +393 1185 3 889728606 +393 1206 3 889730494 +393 1210 3 889731593 +393 1215 3 889731729 +393 1219 4 889729536 +393 1221 3 889554834 +393 1224 3 889555176 +393 1225 3 889731820 +393 1228 3 889728074 +393 1239 3 889729508 +393 1244 3 887745380 +393 1249 4 889731329 +393 1258 3 887744688 +393 1270 3 889731673 +393 1285 3 889555176 +393 1314 3 889731561 +393 1337 3 887745380 +393 1407 3 889731010 +393 1435 3 889731821 +393 1440 3 889731359 +393 1441 3 889728554 +393 1446 5 887746346 +393 1468 4 887746091 +393 1469 3 889729749 +393 1531 4 889731794 +393 1539 2 889730460 +394 1 4 880886855 +394 4 4 880888037 +394 7 5 880888390 +394 22 5 880886919 +394 24 5 880889350 +394 28 4 880886821 +394 29 3 881058201 +394 31 3 880887152 +394 38 4 881058146 +394 39 4 880888501 +394 42 4 880887152 +394 50 5 881132876 +394 56 5 880887406 +394 63 4 881059464 +394 67 5 881059383 +394 68 5 881058419 +394 69 5 880887063 +394 72 4 880889629 +394 73 3 881058929 +394 79 5 880887206 +394 84 4 880889583 +394 88 3 880889400 +394 89 5 880889349 +394 96 5 880886919 +394 97 4 880888223 +394 98 5 880887088 +394 101 4 880886670 +394 109 4 880889159 +394 117 5 880887462 +394 121 4 880888452 +394 128 3 880888896 +394 132 4 880887000 +394 141 3 880888815 +394 144 5 880886978 +394 154 3 880887152 +394 156 4 880886855 +394 158 3 881059315 +394 161 4 880888850 +394 164 4 880886612 +394 172 4 880886919 +394 173 5 881057730 +394 174 5 881057914 +394 179 5 880886919 +394 181 4 880886796 +394 184 3 880889010 +394 186 5 880887322 +394 195 5 880886919 +394 202 5 880888245 +394 204 5 880888223 +394 208 5 880888746 +394 210 4 880888689 +394 216 3 880888063 +394 217 5 880888972 +394 218 4 880889187 +394 222 4 881132876 +394 226 2 880888850 +394 227 4 881132877 +394 228 5 881132876 +394 229 3 881132958 +394 230 3 881132958 +394 232 4 880889374 +394 233 3 881058062 +394 238 5 880887348 +394 250 4 881130076 +394 252 3 881130112 +394 257 4 881130047 +394 265 4 880888390 +394 282 3 880888096 +394 288 4 880886919 +394 313 5 883304657 +394 358 3 880886546 +394 364 3 881059544 +394 383 2 881059704 +394 385 5 880889010 +394 386 3 881058897 +394 391 4 881058330 +394 402 4 880888775 +394 405 3 880889010 +394 411 4 881058969 +394 416 5 880889350 +394 419 5 880887250 +394 423 5 881057839 +394 433 4 880886919 +394 449 3 881132958 +394 450 3 881132958 +394 455 4 880889066 +394 496 5 880887206 +394 508 4 880886978 +394 540 4 881058330 +394 541 3 880889741 +394 550 4 881058101 +394 552 3 881060176 +394 554 4 881058101 +394 559 4 880888746 +394 561 4 881060177 +394 568 5 880888167 +394 576 2 881058371 +394 577 2 881059704 +394 578 2 880888927 +394 597 2 881058201 +394 651 4 880888223 +394 655 5 880888313 +394 658 3 880889159 +394 665 2 881130009 +394 672 3 880888540 +394 679 3 881058062 +394 715 4 880888689 +394 739 4 880889766 +394 742 5 880888167 +394 746 2 880888313 +394 763 3 881058929 +394 771 4 881060366 +394 773 4 881060053 +394 780 2 881059180 +394 797 3 881058330 +394 802 1 881058201 +394 940 3 881059103 +394 979 5 881060177 +394 1033 3 880889475 +394 1079 3 881059148 +394 1210 3 881060330 +394 1371 2 880886546 +395 1 5 883765062 +395 15 3 883765928 +395 50 5 883763009 +395 64 5 883763958 +395 89 5 883764264 +395 97 5 883763800 +395 98 5 883764061 +395 100 4 883765155 +395 121 3 883765731 +395 127 5 883765034 +395 151 3 883765297 +395 154 5 883764878 +395 163 5 883764378 +395 172 5 883763041 +395 174 5 883763561 +395 181 5 883764336 +395 186 5 883764817 +395 196 4 883764378 +395 210 5 883763136 +395 215 5 883763768 +395 216 3 883764378 +395 231 4 883764456 +395 237 4 883764974 +395 240 1 886481149 +395 252 3 883765897 +395 255 3 883765731 +395 257 5 883765386 +395 273 2 886481149 +395 286 4 883762088 +395 313 3 883762135 +395 315 5 886480875 +395 328 4 883762528 +395 338 4 883762733 +395 342 4 883762414 +395 343 5 883762614 +395 365 5 883766403 +395 378 5 883764421 +395 423 5 883764742 +395 458 3 883765731 +395 472 3 883765965 +395 596 2 886481149 +395 632 5 883764845 +395 739 3 886481149 +395 866 3 883766119 +395 892 3 883762681 +395 924 4 883765156 +395 1028 2 886481149 +396 1 4 884646346 +396 9 4 884646401 +396 25 3 884646191 +396 100 2 884646092 +396 106 4 884646537 +396 117 4 884646191 +396 121 5 884646235 +396 125 3 884646191 +396 148 4 884646436 +396 222 5 884646152 +396 237 4 884646092 +396 245 3 884645720 +396 260 3 884645754 +396 274 4 884646263 +396 282 4 884646052 +396 288 3 884645648 +396 291 4 884646289 +396 300 3 884645550 +396 322 4 884645790 +396 328 4 884645813 +396 329 2 884645615 +396 333 4 884645528 +396 405 3 884646314 +396 455 2 884646582 +396 471 4 884646263 +396 472 5 884646647 +396 546 4 884646647 +396 591 3 884646114 +396 595 3 884646467 +396 597 4 884646647 +396 619 3 884646191 +396 678 3 884645838 +396 717 3 884646467 +396 742 4 884646346 +396 751 3 884645648 +396 823 2 884646647 +396 829 3 884646648 +396 840 3 884646648 +396 841 4 884646648 +396 871 2 884646289 +396 930 3 884646467 +396 977 3 884646468 +396 986 4 884646537 +396 1025 4 884645839 +396 1028 3 884646191 +396 1215 2 884646709 +396 1399 3 884645942 +397 7 5 885349913 +397 8 4 885349913 +397 22 4 885349476 +397 23 5 885350132 +397 50 5 885349955 +397 56 5 882839517 +397 58 5 885349202 +397 65 2 875063876 +397 95 4 885349999 +397 100 5 882839517 +397 108 4 885350045 +397 109 4 889760803 +397 117 3 885349610 +397 127 5 885349427 +397 134 5 885350132 +397 135 5 885349825 +397 156 5 885350381 +397 171 5 882839540 +397 172 5 885350381 +397 174 5 885349999 +397 177 5 882843746 +397 178 5 885349759 +397 181 4 885349955 +397 182 5 885349759 +397 183 4 885349348 +397 186 5 885349955 +397 192 5 885349610 +397 194 3 885349348 +397 195 3 885350381 +397 197 5 885349825 +397 199 5 885349790 +397 210 4 885349825 +397 221 4 885349348 +397 223 4 885350132 +397 243 1 875063613 +397 261 1 875063722 +397 268 4 889760703 +397 273 4 889760803 +397 286 4 882839517 +397 288 4 882839517 +397 289 3 885349348 +397 298 4 885349348 +397 302 5 889760703 +397 313 4 889760640 +397 318 4 885349610 +397 322 1 875063613 +397 324 2 882838749 +397 325 3 882838853 +397 327 2 875063649 +397 332 2 882838773 +397 334 3 885349348 +397 338 4 882839517 +397 340 2 882838664 +397 343 2 885349148 +397 345 4 889760663 +397 346 4 890172230 +397 390 3 885349427 +397 423 5 885349999 +397 435 4 885349376 +397 457 1 875063722 +397 475 4 885350045 +397 479 4 885349865 +397 480 5 885349476 +397 483 5 885349715 +397 498 4 885349955 +397 504 5 885349865 +397 513 5 885349715 +397 588 4 885349528 +397 611 5 885349562 +397 615 5 885349562 +397 641 5 885349999 +397 652 3 885350326 +397 657 5 885349759 +397 665 3 885349348 +397 680 1 875063649 +397 688 1 875063649 +397 693 4 885349955 +397 705 5 885350045 +397 748 2 889760845 +397 751 3 885349348 +397 853 4 885350045 +397 855 4 885349476 +397 878 1 875063722 +397 894 1 882838796 +397 896 4 889760725 +397 988 1 875063722 +397 989 1 875063722 +397 991 1 875063678 +397 1001 1 885350326 +397 1018 4 882839517 +397 1019 3 885349715 +397 1298 3 885350543 +398 2 3 875718614 +398 4 2 875723337 +398 12 3 875658898 +398 13 3 875652318 +398 15 5 875651828 +398 25 4 875655011 +398 28 5 875660302 +398 31 3 875658967 +398 47 3 875738523 +398 49 3 875736199 +398 50 5 875652927 +398 56 4 875659843 +398 58 4 875717106 +398 63 2 875732862 +398 64 4 875660439 +398 65 3 875743739 +398 66 4 875736732 +398 69 5 875659191 +398 70 4 875717315 +398 71 5 875743517 +398 72 3 875719399 +398 73 3 875723337 +398 82 5 875721348 +398 85 4 875718731 +398 87 4 875716709 +398 88 4 875733660 +398 94 2 875732304 +398 95 5 875659266 +398 96 4 875716709 +398 100 3 875652816 +398 117 4 875653091 +398 124 5 875717717 +398 125 3 875719764 +398 126 4 875652700 +398 127 4 875651657 +398 132 5 875716829 +398 133 3 875726786 +398 134 3 875658898 +398 144 5 875658715 +398 152 4 875721702 +398 154 2 875718614 +398 158 3 875738202 +398 159 3 875717020 +398 162 5 875811851 +398 163 3 875738333 +398 167 3 875735638 +398 168 3 875658967 +398 172 5 875725927 +398 173 4 875719080 +398 174 5 875660535 +398 176 4 875725256 +398 178 5 875718614 +398 181 4 875652318 +398 182 4 875657802 +398 183 4 875659518 +398 186 4 875733496 +398 191 4 875721348 +398 194 5 875717638 +398 196 4 875746951 +398 197 5 875660226 +398 199 4 875721548 +398 202 3 875725256 +398 203 4 875908134 +398 204 4 875716013 +398 205 5 875660535 +398 208 5 875723253 +398 211 4 875717407 +398 216 5 875723337 +398 227 2 875908666 +398 228 5 875657926 +398 229 3 875744031 +398 230 3 875908666 +398 231 2 875743840 +398 234 4 875659265 +398 235 2 875716709 +398 239 3 875747539 +398 274 3 875655841 +398 276 4 875652760 +398 284 2 875654781 +398 357 4 875657926 +398 385 3 875723253 +398 393 5 875732738 +398 399 4 875721702 +398 403 4 875657734 +398 414 3 875721111 +398 417 3 875719399 +398 423 5 875659319 +398 429 4 875716829 +398 430 4 875659265 +398 432 3 875718670 +398 435 5 875717106 +398 447 2 875658967 +398 474 4 875657926 +398 476 3 875652760 +398 479 4 875717020 +398 480 5 875658794 +398 481 3 875659441 +398 484 4 875659319 +398 485 5 875657857 +398 491 5 875718954 +398 493 5 875723337 +398 494 3 875813142 +398 495 4 875660439 +398 496 5 875721111 +398 497 3 875717407 +398 498 5 875657734 +398 501 3 875658898 +398 502 3 875717717 +398 504 3 875722071 +398 510 4 875658715 +398 514 4 875658794 +398 519 4 875723337 +398 520 5 875717106 +398 521 5 875717779 +398 523 4 875717779 +398 525 3 875908134 +398 588 4 875659517 +398 589 3 875657734 +398 591 3 875652876 +398 602 4 875660302 +398 603 4 875721548 +398 604 5 875658794 +398 610 4 875745631 +398 648 5 875733496 +398 654 4 875726730 +398 659 3 875738391 +398 661 3 875719399 +398 663 2 875735255 +398 684 4 875908134 +398 692 4 875717020 +398 700 2 875736199 +398 705 5 875658898 +398 710 2 875716830 +398 715 2 875736732 +398 732 4 875719199 +398 735 4 875659266 +398 737 2 875811449 +398 756 3 875654592 +398 796 3 875732862 +398 837 4 875718614 +398 953 3 875658968 +398 969 4 875659518 +398 991 2 875651527 +398 993 3 875653043 +398 1020 3 875659843 +398 1041 3 875733660 +398 1119 4 875812011 +398 1126 4 875722533 +398 1450 5 875717717 +399 2 3 882512708 +399 5 3 882345001 +399 8 3 882510165 +399 9 3 882510018 +399 12 3 882509891 +399 15 5 882340828 +399 22 3 882342834 +399 24 4 882341239 +399 26 2 882510126 +399 31 3 882345649 +399 33 3 882344942 +399 38 2 882345164 +399 39 2 882344310 +399 41 2 882348876 +399 42 2 882510250 +399 43 3 882348664 +399 48 3 882349868 +399 50 3 882343040 +399 53 4 882345271 +399 55 2 882343171 +399 56 3 882346649 +399 57 4 882343260 +399 58 3 882344942 +399 62 3 882348876 +399 63 3 882348615 +399 64 3 882342313 +399 66 3 882343171 +399 67 3 882350899 +399 68 3 882347577 +399 69 3 882342019 +399 71 3 882351580 +399 72 4 882350323 +399 73 3 882343731 +399 77 2 882349094 +399 78 3 882348948 +399 79 3 882512214 +399 80 3 882349068 +399 82 3 882344512 +399 84 2 882345842 +399 91 4 882345023 +399 93 3 882512192 +399 94 5 882349022 +399 95 3 882343068 +399 96 3 882342019 +399 97 4 882343204 +399 98 4 882342894 +399 99 3 882344269 +399 102 3 882344236 +399 110 2 882343523 +399 114 4 882341974 +399 117 2 882347620 +399 118 3 882341383 +399 121 3 882341403 +399 127 2 882346585 +399 128 3 882343293 +399 132 3 882343327 +399 140 4 882343731 +399 143 5 882344638 +399 144 3 882342689 +399 147 5 882340620 +399 148 4 882341362 +399 151 2 882511876 +399 153 2 882351347 +399 154 3 882343327 +399 155 2 882348773 +399 156 3 882342537 +399 157 3 882342019 +399 161 3 882344434 +399 164 2 882344553 +399 168 3 882342776 +399 172 3 882342537 +399 173 3 882349928 +399 174 3 882342187 +399 175 3 882342669 +399 176 3 882342127 +399 179 3 882344406 +399 180 3 882345001 +399 181 3 882342689 +399 186 4 882342669 +399 187 3 882346401 +399 188 4 882344310 +399 195 2 882342669 +399 196 5 882349678 +399 203 4 882344434 +399 204 3 882342061 +399 210 3 882342805 +399 214 4 882344722 +399 215 2 882510226 +399 218 4 882344597 +399 219 3 882345454 +399 222 3 882344434 +399 223 3 882343012 +399 225 3 882345212 +399 226 3 882344406 +399 227 2 882344794 +399 228 2 882347783 +399 229 2 882349143 +399 230 3 882344512 +399 231 3 882350375 +399 233 3 882347061 +399 234 3 882343294 +399 235 4 882340876 +399 237 3 882510490 +399 238 1 882342061 +399 239 3 882344553 +399 241 4 882342866 +399 264 3 882340517 +399 265 3 882342776 +399 268 3 882340284 +399 273 3 882340657 +399 274 3 882512167 +399 276 3 882510107 +399 282 3 882340775 +399 284 2 882512342 +399 288 3 882340200 +399 289 4 882340311 +399 291 3 882510126 +399 295 4 882341264 +399 301 4 882340242 +399 302 4 882340101 +399 307 3 882340264 +399 318 5 882342589 +399 320 3 882342537 +399 323 1 882340517 +399 332 3 882340242 +399 338 1 882509709 +399 340 2 882340517 +399 364 4 882350813 +399 372 3 882511047 +399 378 3 882348284 +399 379 3 882512003 +399 380 3 882345164 +399 382 3 882344134 +399 383 2 882350431 +399 384 2 882345698 +399 385 3 882344597 +399 386 3 882349353 +399 388 2 882350791 +399 389 3 882345078 +399 393 4 882343455 +399 395 3 882350733 +399 399 3 882342354 +399 400 3 882349170 +399 401 3 882350710 +399 402 3 882344434 +399 403 3 882350502 +399 405 3 882340599 +399 407 3 882341644 +399 412 2 882352468 +399 413 2 882340900 +399 418 3 882343605 +399 419 3 882343327 +399 420 3 882347783 +399 423 3 882344052 +399 426 3 882350431 +399 431 2 882344906 +399 432 3 882348283 +399 436 2 882348478 +399 444 1 882350733 +399 450 2 882350791 +399 451 3 882344684 +399 452 3 882350762 +399 454 3 882510989 +399 455 4 882340924 +399 459 4 882340807 +399 468 3 882344134 +399 470 4 882344832 +399 471 3 882340719 +399 475 5 882340827 +399 486 3 882510290 +399 496 3 882349868 +399 501 2 882346851 +399 506 3 882344406 +399 508 3 882509971 +399 526 3 882343171 +399 527 3 882511093 +399 531 3 882342964 +399 540 2 882348722 +399 542 3 882344021 +399 543 3 882509971 +399 544 2 882340556 +399 545 2 882345164 +399 546 2 882341383 +399 549 4 882347190 +399 550 3 882345120 +399 551 1 882349022 +399 552 1 882350733 +399 554 3 882348592 +399 559 3 882344096 +399 560 3 882352404 +399 564 3 882350899 +399 566 4 882344871 +399 568 2 882345842 +399 575 1 882350762 +399 576 3 882350563 +399 578 2 882348722 +399 582 3 882343358 +399 587 3 882351626 +399 588 5 882342938 +399 591 3 882340599 +399 597 3 882341330 +399 616 1 882341881 +399 622 4 882343605 +399 628 3 882340719 +399 633 3 882347019 +399 651 3 882509971 +399 655 3 882344372 +399 658 3 882350198 +399 660 3 882510250 +399 665 3 882345408 +399 673 3 882343789 +399 679 3 882344596 +399 684 3 882344269 +399 693 3 882510165 +399 697 2 882345454 +399 710 2 882342537 +399 720 3 882348565 +399 722 2 882348153 +399 727 4 882344722 +399 732 2 882348089 +399 735 3 882344512 +399 738 4 882350583 +399 742 4 882340844 +399 744 3 882510147 +399 746 5 882342158 +399 747 5 882345053 +399 754 3 882340242 +399 755 2 882344757 +399 760 1 882341554 +399 763 2 882340900 +399 768 3 882350401 +399 769 3 882350813 +399 772 4 882343358 +399 774 3 882345053 +399 779 4 882350850 +399 780 1 882350850 +399 781 2 882350617 +399 794 3 882349274 +399 806 3 882344096 +399 809 3 882352357 +399 813 3 882512003 +399 817 4 882509927 +399 824 2 882341445 +399 825 2 882341586 +399 826 2 882349353 +399 845 3 882340719 +399 890 2 882340517 +399 924 5 882340678 +399 926 2 882348850 +399 928 2 882341586 +399 941 3 882347577 +399 946 3 882343172 +399 959 3 882343523 +399 969 3 882346728 +399 975 2 882344974 +399 977 3 882341607 +399 986 3 882341586 +399 1035 3 882352065 +399 1074 4 882345842 +399 1086 3 882340827 +399 1090 2 882345212 +399 1135 2 882349170 +399 1137 4 882340556 +399 1139 4 882348974 +399 1170 3 882510250 +399 1178 3 882350341 +399 1179 2 882352324 +399 1184 3 882344638 +399 1192 3 882344638 +399 1210 2 882348690 +399 1217 4 882350282 +399 1219 3 882348448 +399 1220 2 882343389 +399 1228 3 882345500 +399 1231 3 882350487 +399 1232 3 882350831 +399 1244 3 882341607 +399 1246 1 882511876 +399 1274 1 882350870 +399 1279 3 882341625 +399 1314 3 882349198 +399 1393 3 882340421 +399 1396 4 882343455 +399 1401 3 882342219 +399 1459 3 882345473 +399 1480 3 882350899 +399 1540 3 882350282 +399 1541 3 882510107 +399 1543 3 882509891 +400 258 5 885676316 +400 259 3 885676490 +400 269 4 885676230 +400 286 4 885676230 +400 288 4 885676365 +400 294 3 885676411 +400 300 4 885676230 +400 301 4 885676411 +400 304 4 885676490 +400 306 3 885676230 +400 307 3 885676526 +400 321 4 885676452 +400 323 4 885676582 +400 328 3 885676490 +400 332 2 885676526 +400 689 3 885676316 +400 690 3 885676365 +400 748 2 885676411 +400 749 4 885676452 +400 895 4 885676452 +401 1 2 891032170 +401 9 3 891032218 +401 11 2 891033227 +401 13 2 891033204 +401 14 3 891032271 +401 25 4 891032412 +401 26 3 891033395 +401 44 4 891032868 +401 50 1 891034050 +401 64 3 891032757 +401 65 4 891033250 +401 69 3 891033417 +401 70 4 891033625 +401 71 2 891033549 +401 83 4 891033122 +401 97 4 891033582 +401 100 4 891032170 +401 111 4 891032296 +401 117 3 891032563 +401 121 3 891032662 +401 127 1 891032170 +401 133 4 891032847 +401 135 1 891032919 +401 137 3 891032316 +401 143 4 891033034 +401 144 5 891033523 +401 147 2 891032662 +401 151 1 891032584 +401 153 2 891033466 +401 154 1 891033184 +401 157 3 891033582 +401 161 2 891033603 +401 162 5 891033395 +401 168 1 891033442 +401 172 3 891032896 +401 173 3 891032937 +401 174 4 891032803 +401 181 3 891032518 +401 194 4 891033395 +401 196 5 891033497 +401 197 4 891033417 +401 198 4 891033370 +401 199 3 891032896 +401 202 4 891033319 +401 204 5 891033684 +401 210 4 891032976 +401 225 1 891032474 +401 235 1 891032474 +401 237 3 891032367 +401 248 3 891032367 +401 257 2 891032563 +401 272 3 891031508 +401 273 2 891032334 +401 275 4 891032271 +401 276 4 891032433 +401 278 4 891032412 +401 280 2 891032607 +401 282 3 891032584 +401 284 3 891032453 +401 286 2 891031464 +401 294 1 891031621 +401 302 3 891031464 +401 312 3 891031784 +401 315 4 891031464 +401 316 5 891031756 +401 318 4 891032737 +401 321 2 891031554 +401 322 2 891031784 +401 328 4 891031723 +401 342 1 891031723 +401 356 4 891033122 +401 357 4 891032896 +401 365 4 891033497 +401 371 3 891033550 +401 385 3 891033603 +401 404 2 891033395 +401 428 4 891033092 +401 430 2 891033582 +401 435 5 891033250 +401 451 2 891033343 +401 462 4 891033684 +401 471 4 891032495 +401 473 1 891034050 +401 477 1 891034050 +401 478 2 891033497 +401 481 3 891033014 +401 483 4 891033121 +401 484 3 891032737 +401 485 4 891033092 +401 486 4 891033184 +401 490 3 891033250 +401 493 4 891033370 +401 499 3 891033319 +401 501 2 891033184 +401 507 4 891033014 +401 508 3 891032433 +401 509 4 891033582 +401 511 2 891033092 +401 515 4 891032367 +401 519 4 891033158 +401 520 3 891033442 +401 527 4 891032919 +401 528 5 891033442 +401 535 2 891032518 +401 553 5 891033523 +401 566 5 891033684 +401 582 4 891033523 +401 588 2 891033549 +401 603 4 891033497 +401 604 4 891033370 +401 609 3 891033625 +401 630 4 891033370 +401 632 4 891033014 +401 638 4 891033158 +401 651 4 891032919 +401 654 3 891033184 +401 655 3 891033417 +401 659 3 891033061 +401 661 3 891033158 +401 678 3 891031936 +401 684 4 891033651 +401 707 2 891032868 +401 724 4 891033319 +401 735 5 891033158 +401 748 3 891031784 +401 751 1 891031532 +401 762 2 891032662 +401 815 3 891032662 +401 866 3 891032697 +401 892 1 891031867 +401 1009 4 891032626 +401 1011 3 891032367 +401 1016 3 891032607 +401 1289 2 891032495 +402 1 5 876266860 +402 7 4 876267068 +402 9 4 876266741 +402 10 2 876266985 +402 12 4 876266826 +402 13 3 876266701 +402 16 3 876267096 +402 19 4 876267096 +402 25 4 876266926 +402 32 3 876267235 +402 42 4 876267173 +402 48 5 876267173 +402 50 4 876266741 +402 95 5 876267235 +402 96 5 876267234 +402 111 4 876267041 +402 116 3 876267067 +402 117 3 876267173 +402 124 4 876266926 +402 126 4 876266741 +402 127 5 876267014 +402 135 4 876266775 +402 137 4 876266701 +402 151 5 876266984 +402 168 5 876267206 +402 182 5 876266775 +402 204 5 876267206 +402 222 4 876266948 +402 228 3 876267173 +402 234 4 876266826 +402 235 3 876267014 +402 237 4 876266948 +402 245 1 876266860 +402 255 4 876266948 +402 257 4 876266701 +402 258 4 876266650 +402 273 4 876267014 +402 275 5 876266741 +402 276 5 876267014 +402 286 5 876266650 +402 455 3 876266886 +402 471 4 876267041 +402 475 3 876266741 +402 476 3 876266985 +402 479 5 876267206 +402 480 5 876267206 +402 483 5 876267173 +402 510 5 876267235 +402 511 5 876266775 +402 515 5 876266860 +402 529 4 876266775 +402 591 4 876267041 +402 628 3 876267067 +402 696 4 876267014 +402 710 2 876267206 +402 748 3 876266860 +402 764 3 876266985 +402 864 3 876266926 +402 1048 2 876266985 +402 1060 3 876267041 +402 1101 4 876267234 +403 7 5 879785867 +403 9 3 879786052 +403 100 5 879785974 +403 106 2 879786084 +403 111 4 879785974 +403 117 4 879786112 +403 118 5 879785974 +403 121 5 879786221 +403 123 3 879786112 +403 127 4 879786221 +403 129 4 879785822 +403 147 5 879786052 +403 148 5 879786351 +403 151 4 879786270 +403 181 4 879785916 +403 222 5 879786190 +403 235 5 879786165 +403 240 1 879786084 +403 257 2 879786112 +403 258 4 879785703 +403 274 3 879786661 +403 276 4 879785941 +403 284 1 879790389 +403 288 4 879785822 +403 291 4 879790319 +403 370 3 879790344 +403 410 2 879790445 +403 471 5 879785822 +403 472 4 879790319 +403 477 4 879786165 +403 515 4 879785867 +403 546 3 879786221 +403 597 2 879786747 +403 685 4 879786662 +403 748 5 879786406 +403 845 4 879786052 +403 864 4 879786747 +403 866 4 879786294 +403 925 4 879790468 +403 928 3 879786008 +403 1012 1 879786190 +403 1047 2 879786381 +404 22 5 883790911 +404 66 4 883790883 +404 243 3 883790465 +404 245 3 883790401 +404 258 4 883790181 +404 259 5 883790491 +404 269 4 883790750 +404 270 4 883790749 +404 272 4 883790181 +404 289 1 883790492 +404 294 4 883790430 +404 300 4 883790749 +404 302 4 883790218 +404 307 4 883790749 +404 310 4 883790750 +404 313 5 883790181 +404 323 3 883790430 +404 327 2 883790366 +404 328 4 883790749 +404 331 3 883790249 +404 332 4 883790749 +404 333 2 883790286 +404 342 3 883790750 +404 343 1 883790656 +404 348 3 883790400 +404 678 4 883790400 +404 683 4 883790366 +404 687 3 883790465 +404 689 2 883790585 +404 690 5 876889178 +404 739 4 883790851 +404 748 4 883790430 +404 750 3 883790750 +404 754 3 883790218 +404 879 3 883790465 +404 892 2 883790550 +404 901 2 883790585 +404 1238 3 883790181 +405 2 1 885547953 +405 4 4 885547314 +405 5 4 885545070 +405 8 4 885545015 +405 11 4 885545263 +405 12 5 885545306 +405 22 5 885545167 +405 23 5 885545372 +405 26 3 885545552 +405 28 4 885544947 +405 29 4 885545639 +405 30 1 885549544 +405 31 1 885548579 +405 32 1 885546025 +405 33 1 885547360 +405 36 2 885546859 +405 37 1 885548384 +405 38 5 885548093 +405 39 1 885546155 +405 40 2 885547735 +405 41 1 885547735 +405 42 1 885547313 +405 43 1 885546680 +405 44 1 885548670 +405 45 1 885549506 +405 47 5 885545429 +405 48 1 885546154 +405 49 1 885547407 +405 50 5 885544947 +405 51 1 885546577 +405 52 1 885546379 +405 53 2 885548137 +405 54 2 885546379 +405 55 1 885547909 +405 56 4 885544911 +405 57 1 885546577 +405 58 1 885546247 +405 59 1 885549507 +405 60 1 885549589 +405 61 1 885549589 +405 62 1 885547996 +405 63 3 885547408 +405 64 5 885544739 +405 65 1 885546379 +405 66 5 885547268 +405 67 5 885547360 +405 68 1 885547996 +405 70 3 885545912 +405 71 1 885548836 +405 72 3 885547268 +405 73 5 885547313 +405 75 2 885546069 +405 76 3 885545606 +405 77 1 885546248 +405 78 2 885549045 +405 80 1 885547557 +405 81 3 885546025 +405 82 4 885547952 +405 83 1 885545974 +405 85 4 885547407 +405 87 1 885546112 +405 88 3 885547360 +405 90 4 885547447 +405 91 2 885548932 +405 92 1 885546287 +405 94 5 885547408 +405 96 3 885544881 +405 97 2 885545638 +405 98 4 885544798 +405 99 5 885548785 +405 101 1 885549192 +405 102 1 885548877 +405 127 5 885545167 +405 132 5 885544698 +405 135 5 885545333 +405 139 3 885549005 +405 140 3 885548932 +405 141 2 885548877 +405 142 1 885549004 +405 143 5 885548785 +405 149 1 885549746 +405 161 1 885547997 +405 168 1 885547124 +405 169 1 885549192 +405 171 1 885549544 +405 172 5 885545111 +405 173 5 885544798 +405 175 1 885546069 +405 178 3 885544947 +405 179 1 885546201 +405 180 3 885546069 +405 182 1 885545974 +405 183 1 885547909 +405 184 1 885547952 +405 185 4 885544769 +405 186 5 885547176 +405 187 5 885544739 +405 188 1 885547996 +405 189 1 885549192 +405 190 2 885546201 +405 191 4 885545235 +405 192 5 885545401 +405 193 4 885544698 +405 195 5 885544881 +405 197 4 885545167 +405 198 2 885549506 +405 199 1 885546025 +405 200 2 885548330 +405 201 1 885547176 +405 202 4 885547221 +405 203 1 885548578 +405 204 5 885544769 +405 205 3 885546025 +405 206 1 885549589 +405 207 1 885549543 +405 208 5 885547124 +405 209 3 885547124 +405 210 5 885547124 +405 211 1 885547177 +405 212 1 885546445 +405 214 4 885545235 +405 215 5 885545263 +405 216 2 885547124 +405 217 1 885548385 +405 218 5 885548330 +405 219 5 885548384 +405 226 2 885547953 +405 227 1 885548049 +405 228 1 885547910 +405 229 1 885548048 +405 230 2 885547953 +405 231 3 885548094 +405 232 4 885547314 +405 233 1 885547952 +405 234 5 885548275 +405 238 5 885545070 +405 239 3 885546112 +405 241 1 885547909 +405 265 2 885547910 +405 288 5 885544635 +405 302 4 885544635 +405 303 1 885549904 +405 308 1 885549942 +405 317 4 885544911 +405 318 5 885545167 +405 347 4 885544635 +405 350 1 885549903 +405 351 1 885549942 +405 356 5 885545912 +405 357 5 885544974 +405 361 2 885549942 +405 364 1 885547766 +405 365 1 885545672 +405 366 3 885545552 +405 367 1 885547222 +405 371 1 885549309 +405 373 2 885548162 +405 374 1 885549094 +405 376 5 885547690 +405 377 1 885547690 +405 379 1 885548475 +405 380 2 885545883 +405 381 1 885547222 +405 383 1 885547605 +405 384 3 885547605 +405 386 3 885547605 +405 387 1 885546680 +405 388 4 885547558 +405 391 1 885548137 +405 392 5 885545487 +405 393 4 885547314 +405 395 3 885547506 +405 396 1 885547408 +405 397 4 885548094 +405 398 1 885548094 +405 399 1 885547408 +405 400 1 885549044 +405 401 1 885547448 +405 402 3 885546445 +405 403 5 885546445 +405 404 4 885548932 +405 414 1 885547268 +405 415 2 885549005 +405 416 2 885548932 +405 417 2 885548836 +405 418 5 885548836 +405 419 4 885548785 +405 420 5 885548785 +405 421 1 885549309 +405 422 1 885548836 +405 423 5 885545306 +405 425 2 885546112 +405 426 1 885549192 +405 427 5 885545306 +405 430 1 885547177 +405 431 3 885547996 +405 432 3 885548785 +405 433 4 885545070 +405 434 3 885546201 +405 436 1 885548384 +405 437 1 885548435 +405 438 1 885548384 +405 439 1 885548330 +405 440 1 885548330 +405 441 1 885548435 +405 442 1 885548384 +405 444 3 885548385 +405 446 1 885548385 +405 447 4 885548331 +405 448 4 885548331 +405 449 1 885548093 +405 450 1 885548093 +405 451 5 885547360 +405 452 5 885548434 +405 453 3 885548385 +405 461 3 885545639 +405 462 2 885549506 +405 463 1 885548836 +405 464 1 885546379 +405 465 1 885548836 +405 467 4 885545200 +405 468 3 885544698 +405 469 1 885546288 +405 470 1 885546247 +405 480 4 885544739 +405 482 3 885544739 +405 501 3 885548837 +405 504 2 885548579 +405 509 1 885546112 +405 510 1 885545975 +405 511 2 885546112 +405 514 1 885547221 +405 515 1 885546025 +405 516 1 885547314 +405 517 3 885547177 +405 518 1 885546287 +405 519 2 885546025 +405 520 2 885546025 +405 521 4 885544698 +405 522 1 885545975 +405 523 2 885545975 +405 524 1 885547124 +405 525 1 885548632 +405 526 1 885546154 +405 527 5 885545200 +405 528 1 885546248 +405 529 1 885549543 +405 530 1 885547953 +405 536 1 885549746 +405 537 1 885546445 +405 540 1 885548163 +405 541 1 885548162 +405 543 1 885549407 +405 545 1 885547766 +405 548 1 885549095 +405 549 1 885546336 +405 551 1 885548475 +405 552 1 885548686 +405 553 1 885546379 +405 554 1 885548049 +405 555 1 885546835 +405 556 1 885546636 +405 557 1 885549650 +405 558 1 885546069 +405 559 5 885548330 +405 560 1 885549045 +405 561 1 885548475 +405 562 1 885548137 +405 563 1 885548475 +405 564 1 885547606 +405 565 2 885548474 +405 566 1 885547953 +405 567 2 885548474 +405 568 4 885547910 +405 569 1 885546680 +405 570 1 885546487 +405 571 5 885547605 +405 573 3 885548435 +405 574 1 885546724 +405 575 5 885547557 +405 577 3 885547557 +405 578 1 885548093 +405 579 1 885547557 +405 580 1 885547447 +405 581 3 885546530 +405 583 1 885546112 +405 584 1 885548785 +405 585 1 885547447 +405 586 4 885548136 +405 588 2 885548785 +405 592 1 885548670 +405 593 1 885549790 +405 603 3 885548578 +405 606 3 885545070 +405 622 1 885548877 +405 623 1 885549004 +405 624 4 885548836 +405 625 3 885548836 +405 626 1 885548877 +405 627 1 885548877 +405 639 1 885549635 +405 642 1 885548579 +405 643 1 885546336 +405 644 3 885545672 +405 645 1 885546635 +405 646 2 885546202 +405 647 1 885546069 +405 648 1 885547124 +405 649 1 885546445 +405 650 1 885546336 +405 651 5 885545167 +405 652 1 885547360 +405 653 1 885548579 +405 654 2 885548579 +405 655 5 885545401 +405 656 1 885548275 +405 659 4 885544739 +405 661 3 885546025 +405 662 1 885546155 +405 664 1 885546724 +405 666 1 885549635 +405 667 1 885548275 +405 669 1 885548435 +405 670 1 885548384 +405 671 2 885548330 +405 673 5 885545235 +405 674 1 885548275 +405 675 1 885548275 +405 679 1 885547997 +405 684 3 885547996 +405 692 5 885547177 +405 693 2 885546154 +405 694 1 885546336 +405 695 1 885546287 +405 697 1 885545883 +405 698 1 885546069 +405 699 2 885546247 +405 700 1 885547645 +405 702 1 885547407 +405 707 1 885549309 +405 708 1 885546487 +405 710 4 885547268 +405 712 1 885547506 +405 714 1 885546379 +405 715 1 885546445 +405 716 1 885547408 +405 719 1 885547447 +405 720 1 885546487 +405 721 1 885547360 +405 722 1 885547735 +405 723 1 885546288 +405 726 1 885547690 +405 727 1 885546247 +405 728 4 885547690 +405 729 4 885545487 +405 731 3 885546202 +405 732 5 885545456 +405 734 2 885547506 +405 735 5 885545306 +405 736 5 885546336 +405 737 1 885546487 +405 739 2 885549309 +405 745 1 885547506 +405 746 1 885547176 +405 747 1 885549309 +405 753 1 885549464 +405 755 2 885548877 +405 759 1 885548162 +405 761 1 885548049 +405 765 1 885547735 +405 768 3 885548932 +405 769 1 885548475 +405 770 1 885548048 +405 771 1 885548162 +405 772 1 885546379 +405 773 1 885548330 +405 774 1 885548475 +405 775 1 885547735 +405 776 1 885549094 +405 777 1 885548275 +405 778 1 885546248 +405 779 1 885548137 +405 780 3 885547691 +405 781 5 885547447 +405 782 1 885546636 +405 783 2 885547645 +405 784 1 885548275 +405 785 1 885547407 +405 786 1 885547644 +405 787 3 885545672 +405 788 1 885548275 +405 789 1 885547268 +405 790 1 885547360 +405 791 1 885547605 +405 793 1 885547313 +405 794 5 885549309 +405 795 2 885547605 +405 796 3 885547447 +405 798 1 885546724 +405 802 1 885548049 +405 807 1 885546680 +405 808 1 885546487 +405 810 1 885548094 +405 812 1 885548877 +405 816 1 885548435 +405 842 5 885548932 +405 843 2 885549005 +405 849 1 885548049 +405 851 1 885549407 +405 853 1 885547124 +405 854 1 885547222 +405 855 1 885549543 +405 856 1 885546287 +405 858 1 885548435 +405 859 1 885547506 +405 860 1 885548435 +405 861 1 885548275 +405 904 1 885549904 +405 920 1 885549746 +405 921 1 885549634 +405 923 2 885549464 +405 939 5 885545200 +405 941 1 885546577 +405 942 1 885546336 +405 943 1 885548633 +405 944 3 885547447 +405 946 2 885548836 +405 947 1 885548048 +405 949 5 885545702 +405 951 1 885548877 +405 953 3 885546487 +405 955 1 885549308 +405 956 2 885546069 +405 957 1 885549464 +405 959 1 885547222 +405 960 1 885545975 +405 964 1 885546154 +405 969 3 885545015 +405 970 1 885546487 +405 971 1 885549464 +405 994 1 885549746 +405 996 1 885547268 +405 997 1 885547644 +405 999 1 885547557 +405 1004 1 885546577 +405 1006 1 885546445 +405 1018 1 885549589 +405 1019 1 885549465 +405 1021 1 885549543 +405 1029 1 885547735 +405 1030 1 885547605 +405 1031 1 885549045 +405 1032 1 885549044 +405 1035 1 885548877 +405 1036 1 885547506 +405 1037 3 885547506 +405 1041 5 885547447 +405 1042 1 885548671 +405 1044 4 885545552 +405 1045 3 885546112 +405 1046 2 885548633 +405 1053 5 885545456 +405 1055 3 885546202 +405 1058 1 885546635 +405 1062 1 885549904 +405 1063 5 885548785 +405 1065 1 885546069 +405 1066 1 885549111 +405 1070 1 885547123 +405 1072 1 885547222 +405 1073 1 885548578 +405 1074 3 885546636 +405 1076 2 885549044 +405 1078 1 885549004 +405 1091 1 885549004 +405 1099 1 885549588 +405 1100 1 885546681 +405 1103 2 885546025 +405 1104 1 885549408 +405 1107 1 885546635 +405 1108 1 885546069 +405 1109 1 885548632 +405 1110 1 885547644 +405 1111 1 885547360 +405 1112 2 885546530 +405 1113 1 885546680 +405 1118 1 885547268 +405 1119 3 885545306 +405 1139 1 885546859 +405 1146 2 885546724 +405 1147 2 885546069 +405 1148 1 885546680 +405 1159 1 885549407 +405 1166 1 885546025 +405 1167 1 885547268 +405 1168 1 885546725 +405 1175 1 885549904 +405 1176 3 885549942 +405 1177 1 885547766 +405 1178 1 885547690 +405 1179 1 885547690 +405 1180 1 885547605 +405 1182 1 885547557 +405 1184 1 885547996 +405 1188 3 885547506 +405 1193 1 885549506 +405 1194 1 885546201 +405 1195 1 885549590 +405 1200 1 885548785 +405 1206 1 885546530 +405 1207 1 885548686 +405 1209 3 885547645 +405 1210 1 885548670 +405 1217 3 885548633 +405 1218 5 885547360 +405 1219 1 885549094 +405 1221 1 885546155 +405 1222 1 885548049 +405 1224 1 885546487 +405 1225 1 885547176 +405 1227 3 885546635 +405 1228 1 885548137 +405 1229 1 885546835 +405 1230 1 885547644 +405 1231 1 885548136 +405 1232 1 885546681 +405 1239 1 885548163 +405 1240 1 885549192 +405 1247 1 885546681 +405 1248 1 885548633 +405 1249 1 885547408 +405 1250 1 885547997 +405 1253 1 885548671 +405 1261 1 885546529 +405 1265 2 885549942 +405 1267 1 885546379 +405 1268 1 885546636 +405 1271 2 885547506 +405 1274 1 885548137 +405 1275 1 885548632 +405 1290 2 885546379 +405 1297 1 885546577 +405 1305 1 885547644 +405 1307 1 885546529 +405 1308 1 885546336 +405 1311 1 885546859 +405 1316 1 885549942 +405 1317 1 885549746 +405 1318 1 885549789 +405 1334 1 885549789 +405 1338 1 885549790 +405 1346 1 885549790 +405 1353 1 885549745 +405 1359 1 885549790 +405 1384 1 885549746 +405 1387 2 885549745 +405 1391 1 885549789 +405 1394 1 885549903 +405 1399 1 885549942 +405 1400 1 885545975 +405 1404 1 885547360 +405 1405 1 885549745 +405 1407 1 885548137 +405 1408 1 885549094 +405 1409 1 885549045 +405 1412 1 885549005 +405 1415 1 885549045 +405 1421 1 885546835 +405 1422 1 885548632 +405 1424 1 885546725 +405 1425 1 885547557 +405 1432 1 885549942 +405 1434 1 885549942 +405 1435 1 885547735 +405 1437 1 885547557 +405 1438 1 885546835 +405 1439 1 885546724 +405 1441 1 885546835 +405 1442 1 885546835 +405 1444 2 885549005 +405 1468 1 885546287 +405 1469 1 885548932 +405 1470 2 885549045 +405 1471 1 885548670 +405 1474 1 885547645 +405 1478 1 885546636 +405 1479 1 885547735 +405 1484 1 885547690 +405 1487 1 885546724 +405 1499 1 885549407 +405 1503 1 885548932 +405 1509 1 885547557 +405 1517 1 885547735 +405 1518 2 885546577 +405 1519 2 885546577 +405 1522 1 885548670 +405 1530 1 885546835 +405 1531 1 885549094 +405 1539 1 885546724 +405 1540 2 885548877 +405 1546 1 885549408 +405 1547 2 885546288 +405 1548 1 885547952 +405 1549 1 885548671 +405 1550 3 885547691 +405 1551 1 885546835 +405 1553 1 885548632 +405 1554 4 885546445 +405 1555 1 885549045 +405 1556 1 885549635 +405 1557 1 885547222 +405 1558 1 885549506 +405 1559 1 885546577 +405 1560 1 885549635 +405 1561 1 885546529 +405 1562 1 885549506 +405 1563 1 885549635 +405 1565 1 885549463 +405 1566 1 885546248 +405 1567 1 885547123 +405 1568 1 885547222 +405 1569 1 885549505 +405 1570 1 885549544 +405 1571 1 885549463 +405 1572 1 885549635 +405 1575 1 885549407 +405 1576 1 885549464 +405 1577 1 885549506 +405 1578 1 885549543 +405 1579 1 885549408 +405 1580 1 885549543 +405 1581 1 885548579 +405 1582 1 885548670 +405 1583 1 885549543 +405 1584 1 885549407 +405 1585 1 885546487 +405 1586 1 885549464 +405 1587 1 885546529 +405 1588 1 885549789 +405 1589 1 885549745 +405 1590 1 885549789 +405 1591 1 885549943 +405 1592 1 885549903 +406 1 4 879446107 +406 3 3 879540228 +406 4 2 880131792 +406 5 4 880132276 +406 7 4 879445684 +406 8 4 879445562 +406 10 3 879445684 +406 11 4 879446529 +406 12 4 879445897 +406 13 2 879539987 +406 14 4 879539855 +406 15 4 879540051 +406 20 3 879446529 +406 22 3 882480671 +406 23 4 879446529 +406 24 3 879540026 +406 25 1 879540106 +406 28 3 882461684 +406 30 4 879793235 +406 32 5 879446639 +406 39 4 884630523 +406 40 3 880131875 +406 42 5 879445936 +406 47 4 880131741 +406 48 5 879792811 +406 50 5 879445897 +406 52 5 879793235 +406 53 4 879792928 +406 58 4 879446718 +406 63 3 880131821 +406 64 4 879445430 +406 69 4 879446748 +406 70 3 879793295 +406 71 3 879793081 +406 72 3 880131954 +406 73 2 880131704 +406 79 3 882480481 +406 85 2 880131875 +406 86 4 879793295 +406 87 3 879445809 +406 88 2 880131608 +406 89 4 879446361 +406 92 4 882480836 +406 93 4 879445562 +406 96 5 879446529 +406 97 5 879446639 +406 99 5 879793081 +406 115 4 879446108 +406 117 4 879539824 +406 121 5 879540199 +406 122 3 879540405 +406 123 4 879540173 +406 125 3 879539987 +406 127 4 879445430 +406 129 5 879539949 +406 130 3 879540147 +406 131 2 884630617 +406 132 5 879445430 +406 133 5 882461684 +406 134 5 879445430 +406 135 5 879445684 +406 136 4 879445522 +406 143 1 879445935 +406 148 3 879540276 +406 150 4 879446748 +406 151 2 879540051 +406 152 2 880131666 +406 153 3 879445522 +406 156 5 879446062 +406 158 2 880132115 +406 163 3 880131582 +406 164 5 882480748 +406 168 3 879445642 +406 170 3 879445599 +406 172 5 879792811 +406 173 2 879446684 +406 174 4 879445809 +406 175 5 879792811 +406 179 5 879446718 +406 180 5 879445599 +406 181 5 879445859 +406 182 4 879445734 +406 183 5 882480567 +406 186 3 880131741 +406 187 2 879445897 +406 188 4 882480772 +406 190 5 879793210 +406 191 5 882480443 +406 193 4 879445771 +406 194 5 880131550 +406 195 5 882480710 +406 196 2 879446588 +406 197 4 882480710 +406 198 2 879793179 +406 199 5 879445810 +406 202 3 880131704 +406 203 4 882480891 +406 204 5 879446718 +406 206 1 879445735 +406 208 2 880131582 +406 209 1 880131608 +406 211 5 879445936 +406 212 2 879793210 +406 213 2 879793179 +406 215 3 884630523 +406 216 3 880131741 +406 218 3 879792863 +406 219 3 879792897 +406 220 3 879540388 +406 222 3 879445735 +406 228 3 884630974 +406 234 4 879792863 +406 235 4 879540330 +406 237 1 879540078 +406 238 2 879445475 +406 239 3 880131608 +406 240 4 879540078 +406 274 3 879539987 +406 275 3 879446061 +406 276 4 879539824 +406 277 3 879540106 +406 281 3 879540296 +406 282 3 879539987 +406 284 1 879539987 +406 285 5 879792811 +406 289 3 879445250 +406 317 4 882480772 +406 318 5 879792811 +406 357 4 879446108 +406 368 2 880132115 +406 381 3 879793261 +406 396 3 879792974 +406 404 5 884630554 +406 405 3 879540296 +406 410 4 879540026 +406 411 4 879540199 +406 414 2 880131704 +406 418 5 879793081 +406 419 1 882480443 +406 420 4 879793112 +406 421 4 882480628 +406 427 4 879445897 +406 428 5 879446684 +406 429 4 879446062 +406 430 4 879445430 +406 431 3 882480710 +406 433 3 880131791 +406 434 5 879446269 +406 435 5 880131642 +406 436 4 879792863 +406 443 4 879792897 +406 444 3 879792928 +406 447 4 879792897 +406 451 2 880131954 +406 452 2 879793011 +406 453 2 880132319 +406 461 3 879446269 +406 463 5 879793261 +406 466 4 879446228 +406 468 1 879446361 +406 469 4 879446588 +406 472 3 879539884 +406 474 5 884630554 +406 476 4 879540147 +406 478 4 879445378 +406 479 4 879445771 +406 480 4 882480802 +406 481 3 879446168 +406 482 5 879446588 +406 485 3 879445735 +406 487 3 884630973 +406 488 4 879445642 +406 490 3 879446228 +406 491 4 884631010 +406 492 4 879445859 +406 496 4 879445378 +406 498 5 879445378 +406 499 5 884630973 +406 501 5 879793081 +406 503 3 884631010 +406 504 4 879445859 +406 505 4 879540515 +406 507 4 879445735 +406 508 4 879539883 +406 509 3 879540515 +406 511 5 879792811 +406 513 5 879445378 +406 514 1 879445562 +406 515 2 879445378 +406 517 2 880131550 +406 519 4 879445378 +406 520 4 879445735 +406 521 3 882480511 +406 523 3 879446062 +406 524 4 879446361 +406 526 5 882480511 +406 527 4 879445599 +406 528 4 879446361 +406 529 2 879446108 +406 543 4 884631010 +406 558 3 880132276 +406 559 3 879792974 +406 561 3 879792974 +406 563 1 879792975 +406 565 3 880132319 +406 573 3 880132319 +406 575 1 880132188 +406 582 4 879793295 +406 588 4 879793081 +406 589 5 879445474 +406 591 3 879446062 +406 596 3 879540078 +406 602 3 882480865 +406 605 5 882480749 +406 606 3 879445642 +406 607 4 882480511 +406 608 4 884630583 +406 610 1 879446228 +406 611 3 879446268 +406 612 5 879446718 +406 624 5 879793112 +406 629 3 880131977 +406 632 4 879446168 +406 633 5 882461684 +406 634 4 879446361 +406 638 4 879446684 +406 639 4 879793295 +406 640 3 879793328 +406 641 5 884630523 +406 642 3 884631033 +406 645 5 880131905 +406 647 5 879792811 +406 651 3 882480595 +406 652 2 879793179 +406 655 3 880131704 +406 660 3 882461650 +406 661 5 879446268 +406 662 3 882480481 +406 663 5 879446269 +406 664 2 884630973 +406 665 3 879792928 +406 670 3 879792928 +406 672 2 879792897 +406 675 4 879792897 +406 692 3 880131792 +406 693 3 884630583 +406 699 4 884630617 +406 701 5 879446269 +406 702 3 879793295 +406 705 4 879445935 +406 709 5 880131642 +406 712 3 880132091 +406 713 4 879539855 +406 715 4 880131821 +406 724 3 884630973 +406 727 3 882480749 +406 732 4 880131666 +406 735 3 884630554 +406 737 3 879793376 +406 745 4 880131550 +406 746 3 880131741 +406 747 2 879446108 +406 756 3 879540387 +406 769 1 879793011 +406 772 4 882480836 +406 787 3 880132047 +406 806 4 879446748 +406 813 4 879539824 +406 823 3 879540147 +406 825 4 879540275 +406 826 3 879540275 +406 831 2 879540249 +406 845 3 879540051 +406 919 2 879446684 +406 921 4 879793235 +406 923 3 879446108 +406 924 4 879540228 +406 942 4 882480890 +406 945 3 884631010 +406 960 2 879793376 +406 962 4 879445810 +406 1008 4 879539909 +406 1010 4 879539929 +406 1021 5 879446718 +406 1047 3 879540358 +406 1065 2 882480567 +406 1118 3 880132091 +406 1126 3 879446588 +406 1194 4 879446588 +406 1197 3 879539884 +406 1202 3 879445684 +406 1203 2 884630860 +406 1220 3 882480802 +406 1267 3 882480710 +407 1 4 876338278 +407 2 4 875553509 +407 4 4 876340144 +407 8 5 875042425 +407 25 3 876339975 +407 28 4 875042826 +407 29 3 876344410 +407 40 1 876338799 +407 45 4 875552352 +407 50 4 875045268 +407 56 5 875042569 +407 62 3 876348318 +407 67 1 876339975 +407 68 4 875045269 +407 69 4 875042569 +407 70 4 884197052 +407 72 4 876344772 +407 82 3 876341409 +407 88 3 876340144 +407 89 4 875043948 +407 91 4 875044337 +407 95 3 875045190 +407 96 3 875042569 +407 97 4 875116167 +407 98 5 875044510 +407 99 4 876338883 +407 100 5 875042905 +407 117 3 875550223 +407 118 3 876338309 +407 123 3 876342671 +407 127 3 875044597 +407 132 4 875043800 +407 134 5 875042569 +407 135 3 875119886 +407 143 4 875117053 +407 144 3 876338453 +407 147 4 887833034 +407 153 4 875042569 +407 154 5 875116964 +407 157 2 875046752 +407 158 2 876342927 +407 159 3 876338453 +407 161 2 876338279 +407 163 3 876338691 +407 172 4 875044037 +407 173 5 875043948 +407 174 5 875042675 +407 176 4 875046427 +407 177 4 887833034 +407 179 3 875046427 +407 180 4 875044597 +407 181 3 875045027 +407 182 4 887833034 +407 183 4 875046799 +407 184 4 875044473 +407 185 5 875044597 +407 186 4 876348198 +407 188 3 875043801 +407 193 3 875046799 +407 194 4 875115452 +407 195 4 875119886 +407 196 4 876340318 +407 197 4 875553731 +407 200 4 875045685 +407 201 4 875045240 +407 202 4 876338150 +407 203 4 876341467 +407 204 3 875116964 +407 205 4 875045371 +407 208 4 887832999 +407 209 5 875042378 +407 211 4 875044400 +407 214 4 875042466 +407 215 3 875045658 +407 216 4 875552401 +407 217 4 875044400 +407 218 4 876338946 +407 222 4 884197027 +407 223 4 891868745 +407 226 3 876345024 +407 227 2 875045190 +407 228 4 875046799 +407 229 3 876338691 +407 230 4 875045371 +407 231 3 876342031 +407 232 3 876344993 +407 235 4 875044531 +407 238 5 875042378 +407 239 4 875553509 +407 244 3 884614753 +407 248 4 884197006 +407 249 2 884614788 +407 250 4 890687564 +407 255 4 884197052 +407 257 4 884202243 +407 258 4 884197027 +407 265 3 876344062 +407 269 3 893081121 +407 274 3 876344287 +407 286 4 890687500 +407 289 3 875115339 +407 290 3 875042865 +407 291 4 876348681 +407 313 4 893076947 +407 315 4 891873158 +407 316 4 887833034 +407 345 4 884614729 +407 357 4 875042569 +407 371 2 875116964 +407 382 3 876342706 +407 385 4 875045658 +407 388 2 876348849 +407 393 2 876344736 +407 395 1 876348957 +407 399 3 876342618 +407 400 1 876348583 +407 402 2 876344329 +407 403 4 875045658 +407 405 3 876348318 +407 416 3 876348957 +407 418 4 876338910 +407 423 4 876340001 +407 427 4 876338966 +407 428 3 875553154 +407 432 4 875552685 +407 433 4 875117053 +407 436 3 875045814 +407 447 3 876338249 +407 448 4 875553460 +407 449 2 876344772 +407 455 3 884201774 +407 466 3 876339101 +407 476 2 884203501 +407 478 4 875042642 +407 479 4 875045240 +407 483 4 875042642 +407 484 4 875042378 +407 491 4 875550328 +407 493 3 875552496 +407 496 5 875042425 +407 502 2 876338883 +407 504 3 875043948 +407 508 4 876348660 +407 510 4 875046752 +407 514 4 875042675 +407 519 4 875042466 +407 521 3 884201716 +407 525 4 875046427 +407 559 3 875553424 +407 561 4 887832999 +407 565 3 876348702 +407 569 3 876348296 +407 588 4 875552964 +407 603 4 875044037 +407 616 3 875553018 +407 629 3 876339975 +407 635 3 876345934 +407 642 2 875045627 +407 648 3 875552647 +407 655 4 875044037 +407 656 4 875042865 +407 657 4 875553625 +407 659 5 875550174 +407 660 3 876338986 +407 675 3 876349153 +407 684 3 875045268 +407 705 4 875116117 +407 708 3 876344712 +407 710 4 875046460 +407 712 2 876340043 +407 715 4 876340239 +407 729 4 876348660 +407 732 4 876341443 +407 739 3 876344062 +407 746 4 875046268 +407 747 3 876339940 +407 755 3 875553509 +407 756 2 876348232 +407 785 3 876341444 +407 796 2 876338663 +407 844 2 884196984 +407 859 3 876348639 +407 869 3 875548522 +407 879 3 878597296 +407 930 2 876348901 +407 949 3 875045685 +407 969 4 884201736 +407 972 3 876340120 +407 993 4 884203128 +407 1012 3 875548480 +407 1028 3 876348832 +407 1044 3 876348639 +407 1090 2 876348799 +407 1118 4 876340043 +407 1188 2 876345492 +407 1230 2 876342822 +408 258 3 889679857 +408 270 5 889679683 +408 271 3 889679947 +408 272 4 889679683 +408 286 3 889679683 +408 288 4 889679791 +408 294 5 889680045 +408 300 3 889679857 +408 302 5 889679683 +408 312 3 889680073 +408 313 4 889679761 +408 315 5 889679715 +408 319 5 889679947 +408 324 5 889680018 +408 327 5 889679982 +408 328 2 889679791 +408 334 2 889679901 +408 347 3 889679761 +408 358 4 889680045 +408 539 1 889680018 +408 683 3 889679982 +408 689 3 889680045 +408 748 5 889680073 +408 1296 4 889679901 +409 6 4 881109306 +409 8 3 881108777 +409 9 4 881107992 +409 12 4 881107056 +409 14 5 881107992 +409 22 2 881108077 +409 23 4 881109175 +409 28 2 881107943 +409 30 4 881108881 +409 45 4 881168603 +409 48 2 881108455 +409 50 5 881107281 +409 58 4 881108170 +409 59 5 881108455 +409 60 5 881108715 +409 61 4 881109420 +409 65 4 881108777 +409 87 3 881108777 +409 89 5 881107539 +409 97 5 881109216 +409 98 5 881107817 +409 99 3 881107750 +409 100 5 881107992 +409 115 2 881108777 +409 116 4 881107117 +409 127 4 881106605 +409 133 4 881108455 +409 135 5 881107860 +409 153 4 881168603 +409 154 5 881108648 +409 156 2 881108715 +409 162 4 881109264 +409 165 4 881107410 +409 166 4 881107992 +409 168 5 881107410 +409 170 4 881107084 +409 171 4 881107084 +409 172 5 881107750 +409 173 3 881108246 +409 174 4 881108881 +409 175 4 881107251 +409 179 5 881107817 +409 180 5 881107155 +409 181 4 881109019 +409 186 5 881109420 +409 187 3 881108126 +409 191 5 881107817 +409 192 4 881107666 +409 195 4 881109306 +409 197 3 881109215 +409 199 4 881107117 +409 200 2 881109175 +409 201 1 881109019 +409 202 3 881109347 +409 203 5 881107539 +409 204 5 881108496 +409 205 3 881107992 +409 207 3 881108715 +409 209 5 881107117 +409 210 4 881109175 +409 211 4 881108829 +409 213 4 881107750 +409 214 4 881109216 +409 216 4 881107251 +409 223 4 881107539 +409 264 1 881105366 +409 266 1 881105677 +409 270 2 881104916 +409 275 4 881107351 +409 276 4 881108455 +409 283 4 881109264 +409 285 4 881168712 +409 286 5 881104697 +409 288 1 881104647 +409 289 1 881105077 +409 300 3 881104697 +409 303 4 881104727 +409 318 4 881107943 +409 321 2 881104837 +409 322 2 881105077 +409 325 4 881105077 +409 327 2 881104837 +409 339 2 881105677 +409 343 3 881105677 +409 357 5 881107410 +409 367 3 881109264 +409 381 2 881108364 +409 382 4 881108170 +409 404 2 881109019 +409 427 5 881107251 +409 428 4 881109175 +409 429 5 881107817 +409 430 4 881168604 +409 433 4 881108170 +409 435 3 881107310 +409 461 3 881108364 +409 474 5 881107351 +409 475 4 881107750 +409 478 4 881107155 +409 479 5 881106947 +409 480 5 881107056 +409 481 3 881107602 +409 482 4 881168712 +409 483 4 881107602 +409 484 4 881107310 +409 485 2 881107155 +409 486 3 881109175 +409 489 5 881107817 +409 491 2 881109019 +409 493 4 881108364 +409 496 5 881107817 +409 497 3 881168631 +409 498 4 881108715 +409 504 2 881106682 +409 505 5 881107943 +409 514 5 881107310 +409 516 4 881109347 +409 518 1 881109347 +409 520 2 881107943 +409 523 4 881106682 +409 526 3 881107117 +409 527 4 881109175 +409 528 4 881107281 +409 530 4 881107602 +409 538 3 881104756 +409 604 4 881108364 +409 606 4 881108829 +409 607 5 881107697 +409 608 4 881107155 +409 609 3 881108829 +409 615 5 881107084 +409 618 4 881107011 +409 631 3 881108077 +409 633 4 881108126 +409 647 5 881107817 +409 654 3 881107697 +409 657 3 881108126 +409 659 5 881107410 +409 661 5 881107817 +409 664 4 881108648 +409 676 2 881108777 +409 680 1 881105677 +409 684 4 881109420 +409 705 2 881109175 +409 708 4 881109019 +409 709 4 881108496 +409 714 3 881108170 +409 733 4 881109264 +409 749 3 881105367 +409 855 4 881108246 +409 877 2 881105366 +409 879 1 881105366 +409 923 5 881107410 +409 937 2 881104966 +409 945 3 881108971 +409 965 2 881108777 +409 995 4 881105366 +409 1020 5 881107410 +409 1021 4 881168603 +409 1065 2 881109264 +409 1070 4 881107410 +409 1073 4 881107750 +409 1093 2 881106087 +409 1097 2 881108829 +409 1099 4 881168712 +409 1159 2 881109019 +409 1176 4 881104838 +409 1194 5 881107750 +409 1242 2 881106087 +409 1295 1 881105367 +409 1346 3 881168711 +409 1360 2 881106087 +409 1369 4 881106287 +409 1379 3 881106451 +409 1392 1 881105367 +409 1393 1 881105367 +409 1449 5 881107817 +409 1512 5 881106947 +409 1524 4 881107666 +409 1537 4 881106605 +409 1541 4 881107992 +409 1558 5 881107281 +409 1593 4 881108971 +410 258 2 888626538 +410 269 5 888627137 +410 286 4 888627138 +410 289 1 888626819 +410 300 3 888626538 +410 311 3 888626913 +410 312 2 888626881 +410 313 5 888627137 +410 315 4 888627138 +410 316 4 888627138 +410 323 3 888626990 +410 328 3 888626786 +410 340 2 888626506 +410 347 1 888626538 +410 354 3 888626481 +410 538 3 888626710 +410 689 2 888626881 +410 690 4 888627138 +410 748 2 888626857 +410 754 3 888626710 +410 873 4 888627138 +410 882 3 888626612 +410 886 2 888627018 +410 898 3 888627138 +410 905 4 888627138 +411 1 4 892845604 +411 4 4 892845634 +411 8 3 891035761 +411 9 4 891035827 +411 22 4 891035239 +411 28 4 892845986 +411 38 4 891035405 +411 50 5 892845604 +411 56 4 891035278 +411 58 3 892845804 +411 73 4 892845634 +411 88 3 891035761 +411 117 2 891035761 +411 161 2 891035761 +411 168 5 892845604 +411 172 5 892845604 +411 181 5 892845605 +411 182 3 891035278 +411 186 5 892845605 +411 195 3 891035239 +411 196 4 892845804 +411 208 4 891035617 +411 209 4 891035550 +411 210 5 892845605 +411 222 3 891035152 +411 227 3 891035362 +411 228 3 891035309 +411 229 3 891035362 +411 230 3 891035362 +411 258 4 892845634 +411 265 5 892845604 +411 276 3 892845575 +411 304 3 891034982 +411 318 4 892845712 +411 405 4 891035152 +411 435 3 891035478 +411 449 3 891035405 +411 451 4 892845634 +411 485 4 892845986 +411 527 4 892845926 +411 566 4 892845634 +411 568 4 892845634 +411 651 4 891035278 +411 655 4 891035639 +411 709 5 892845604 +411 720 3 891035761 +411 732 4 892845634 +411 770 4 892845634 +411 1197 4 892846971 +411 1470 3 892845746 +411 1475 3 891035617 +412 4 3 879717253 +412 7 5 879717505 +412 23 4 879717147 +412 24 3 879717177 +412 28 4 879716962 +412 56 5 879717071 +412 64 4 879717505 +412 70 4 879717449 +412 81 2 879717829 +412 92 3 879717449 +412 96 5 879717286 +412 114 4 879716874 +412 117 4 879717177 +412 135 4 879717621 +412 150 4 879717621 +412 154 3 879717071 +412 172 5 879717449 +412 173 5 879717649 +412 174 5 879716918 +412 175 4 879717286 +412 182 4 879716983 +412 186 5 879717071 +412 193 4 879717549 +412 202 3 879717016 +412 206 2 879717649 +412 211 4 879717177 +412 214 3 879717253 +412 218 3 879717147 +412 276 5 879717572 +412 288 4 879716566 +412 318 5 879716918 +412 340 4 879716637 +412 357 4 879717548 +412 408 4 879717016 +412 427 4 879717016 +412 436 4 879717649 +412 480 4 879717147 +412 487 3 879717118 +412 508 4 879716962 +412 526 4 879717572 +412 634 5 879716918 +412 651 4 879717548 +412 684 4 879717313 +412 724 4 879717095 +412 939 4 879717253 +412 969 3 879716961 +413 7 3 879969614 +413 9 4 879969591 +413 14 5 879969513 +413 15 4 879969709 +413 25 3 879969791 +413 50 5 879969674 +413 124 5 879969734 +413 147 2 879969860 +413 181 5 879969591 +413 222 4 879969709 +413 236 4 879969557 +413 245 2 879969027 +413 250 3 879969674 +413 255 3 879969791 +413 257 4 879969592 +413 258 4 879968794 +413 260 1 879969148 +413 269 4 879968793 +413 270 4 879969027 +413 271 4 879969027 +413 275 5 879969557 +413 284 4 879969709 +413 286 5 879968793 +413 289 4 879969027 +413 297 5 879969484 +413 300 4 879968959 +413 301 3 879968794 +413 302 2 879968794 +413 303 5 879968793 +413 306 4 879968793 +413 307 2 879968794 +413 326 3 879969027 +413 327 3 879968933 +413 328 3 879968933 +413 332 3 879968890 +413 333 2 879968933 +413 460 3 879969536 +413 471 4 879969642 +413 508 4 879969484 +413 515 5 879969591 +413 628 4 879969791 +413 690 4 879968793 +413 877 3 879969100 +413 936 4 879969484 +414 100 5 884999439 +414 258 5 884998953 +414 260 3 884999193 +414 264 3 884998993 +414 272 5 884998953 +414 288 5 884999066 +414 294 2 884999128 +414 300 4 884999066 +414 301 3 884999128 +414 302 5 884998953 +414 310 4 884998993 +414 324 4 884999127 +414 325 3 884999193 +414 340 4 884999066 +414 343 2 884999193 +414 346 5 884999037 +414 678 1 884999066 +414 690 4 884999347 +414 748 3 884999147 +414 886 4 884999286 +415 56 5 879439865 +415 136 5 879439684 +415 154 4 879439865 +415 180 5 879439791 +415 185 4 879439960 +415 195 5 879439685 +415 204 4 879439865 +415 243 1 879439386 +415 258 4 879439135 +415 269 4 879439108 +415 322 4 879439205 +415 323 2 879439205 +415 328 5 879439135 +415 432 4 879439610 +415 479 4 879439610 +415 480 5 879439960 +415 483 5 879439791 +415 531 5 879439684 +415 641 3 879439960 +415 748 5 879439349 +415 754 4 879439311 +415 1524 5 879439791 +416 1 5 893212483 +416 2 4 886317115 +416 7 4 876697205 +416 8 5 893212484 +416 9 5 893212572 +416 10 3 876698364 +416 11 4 876699238 +416 12 5 893212572 +416 13 5 893212623 +416 14 4 876697017 +416 15 4 876697017 +416 21 3 876697415 +416 22 5 893212623 +416 24 5 893212730 +416 25 4 876697243 +416 27 4 886318270 +416 28 5 893212730 +416 29 2 886318228 +416 31 5 893212730 +416 32 2 888702297 +416 36 2 878879809 +416 38 3 886318228 +416 41 3 886319177 +416 42 3 876699578 +416 43 1 886318186 +416 44 4 886316596 +416 49 4 893142283 +416 50 5 893212730 +416 51 5 893212895 +416 53 2 876699946 +416 54 5 893212929 +416 55 2 876699102 +416 56 5 893212929 +416 58 5 893212929 +416 64 5 893212929 +416 65 5 893212930 +416 66 5 893213019 +416 67 4 886318740 +416 69 4 876699027 +416 70 5 893213019 +416 71 4 876699994 +416 72 2 886318707 +416 73 3 876699994 +416 77 4 893142480 +416 80 2 886317825 +416 81 5 893213405 +416 82 5 893213444 +416 83 5 893213444 +416 85 3 893210246 +416 86 1 886316439 +416 87 5 893212484 +416 88 3 886316140 +416 90 4 876699102 +416 92 3 878880244 +416 93 4 876697105 +416 94 2 886318546 +416 97 5 893213549 +416 98 5 893213644 +416 99 4 876700137 +416 103 3 886320119 +416 105 2 876698430 +416 106 3 876697913 +416 107 5 893212929 +416 117 5 893212930 +416 118 2 876697479 +416 121 5 893213645 +416 123 4 876697205 +416 125 5 893213796 +416 126 5 893213103 +416 127 5 893213796 +416 132 4 876699652 +416 133 2 876699903 +416 134 4 878879619 +416 136 5 893212623 +416 137 3 876697165 +416 140 4 886317030 +416 142 4 886319340 +416 143 5 893213918 +416 144 5 893212730 +416 148 5 893212730 +416 150 5 893214041 +416 151 3 876697105 +416 154 4 876699839 +416 155 5 893212895 +416 156 5 893212895 +416 157 4 886317316 +416 158 3 886319235 +416 159 1 886317412 +416 161 4 886316739 +416 164 5 893214041 +416 168 5 893212929 +416 172 5 893213796 +416 174 5 893213917 +416 176 4 876699652 +416 178 5 893213918 +416 179 2 876699578 +416 181 5 893213019 +416 182 4 876698934 +416 183 5 893214127 +416 185 4 876699101 +416 187 5 893214128 +416 191 5 893213019 +416 194 5 893214041 +416 195 5 893214128 +416 196 5 893214128 +416 197 5 893213103 +416 199 5 893214225 +416 200 5 893213103 +416 202 4 876699334 +416 203 3 886316596 +416 204 5 893213404 +416 209 5 893214332 +416 210 5 893213918 +416 211 5 893214041 +416 213 5 893213443 +416 215 5 893213644 +416 216 5 893213444 +416 217 4 886317880 +416 218 3 876699488 +416 219 4 876699946 +416 220 4 878879168 +416 225 1 876697330 +416 226 4 886317030 +416 230 4 886316797 +416 232 5 893213549 +416 234 5 893213644 +416 237 3 876697330 +416 238 4 876699179 +416 239 5 893212730 +416 240 1 886315446 +416 241 5 893213796 +416 242 4 888819254 +416 245 2 876696788 +416 246 4 876697205 +416 248 5 893213103 +416 249 3 876697558 +416 250 4 876697074 +416 251 5 893213405 +416 252 4 876698115 +416 253 3 876697283 +416 254 2 878879391 +416 257 3 876697205 +416 258 5 893213549 +416 259 2 885114559 +416 264 3 876696938 +416 265 5 893213796 +416 266 3 876696853 +416 268 4 876696643 +416 272 5 893214332 +416 273 4 876697415 +416 274 4 893142100 +416 275 5 893212484 +416 276 3 876697243 +416 277 5 893212572 +416 281 5 893213103 +416 282 5 893213796 +416 283 5 893213796 +416 284 4 893142144 +416 285 2 876697165 +416 286 5 893212929 +416 287 4 878879237 +416 288 5 893213796 +416 289 3 876696788 +416 293 5 893213019 +416 294 4 876696739 +416 295 5 893213405 +416 297 4 876697448 +416 298 4 876697387 +416 301 5 893213796 +416 302 5 893214127 +416 304 5 893214225 +416 307 1 889907392 +416 311 3 886314877 +416 312 3 885114480 +416 313 5 893214226 +416 315 3 889341306 +416 316 3 888700030 +416 317 5 893213444 +416 318 5 893213549 +416 319 5 893213444 +416 322 3 876696788 +416 323 3 876696739 +416 326 5 893214041 +416 327 4 876696853 +416 328 5 893213644 +416 329 3 886314592 +416 331 4 890021365 +416 332 4 876696823 +416 333 4 876696788 +416 338 3 880159023 +416 339 5 893214225 +416 346 4 886314592 +416 347 4 893214333 +416 348 3 886314660 +416 353 2 886314834 +416 354 4 893214333 +416 356 5 893213019 +416 357 5 893213645 +416 364 2 886319855 +416 366 4 886318128 +416 367 5 893212572 +416 369 2 888701033 +416 375 1 886319930 +416 378 5 893212896 +416 385 5 893213103 +416 388 2 886320177 +416 393 4 886316118 +416 395 2 886319620 +416 396 2 886318587 +416 399 4 878879497 +416 401 2 886318651 +416 402 5 893212623 +416 403 5 893212730 +416 404 3 886316190 +416 405 5 893213645 +416 411 3 876698006 +416 412 2 892440119 +416 415 4 886319408 +416 416 4 886319038 +416 417 3 886317568 +416 418 4 876699793 +416 419 4 892441448 +416 421 5 893214041 +416 423 4 878880195 +416 425 4 886316647 +416 427 5 893213019 +416 431 4 886316164 +416 432 2 878879861 +416 433 4 886316226 +416 443 5 893213549 +416 447 4 876699027 +416 448 3 886316797 +416 451 5 893212623 +416 452 3 886319106 +416 462 5 893212895 +416 463 4 886316703 +416 468 5 893213549 +416 469 4 893141989 +416 471 5 893213645 +416 472 4 876698204 +416 473 2 876697387 +416 475 2 876697074 +416 476 5 893213796 +416 477 4 892441480 +416 479 5 893213917 +416 480 5 893213918 +416 491 4 886316596 +416 496 5 893212572 +416 498 4 876699287 +416 500 5 893212573 +416 501 5 893213918 +416 506 5 893214041 +416 509 5 893214041 +416 510 4 876698853 +416 515 5 893214041 +416 526 5 893214226 +416 531 5 893212572 +416 532 3 888700659 +416 538 4 885114408 +416 542 1 886317599 +416 546 3 876697807 +416 549 4 886316922 +416 550 4 886317599 +416 553 4 886317079 +416 554 3 886318394 +416 559 3 886317272 +416 560 3 886319079 +416 564 4 892440782 +416 568 4 878879861 +416 576 5 893213103 +416 578 4 886318546 +416 585 1 886318085 +416 588 5 893213644 +416 591 5 893212895 +416 592 3 892441347 +416 607 5 893212622 +416 614 5 893212572 +416 619 4 886315423 +416 625 5 893212623 +416 627 5 893213918 +416 628 4 876697283 +416 633 4 876699757 +416 651 4 886316439 +416 652 4 876699526 +416 657 5 893214225 +416 658 5 893214226 +416 660 5 893213404 +416 662 4 876699994 +416 676 5 893213549 +416 678 2 876696788 +416 682 3 877902163 +416 684 5 893213405 +416 685 3 876697955 +416 686 5 893213444 +416 689 4 885114578 +416 690 5 893214127 +416 692 5 893212484 +416 693 3 878879976 +416 696 3 876697524 +416 699 5 893212895 +416 707 4 876699179 +416 708 4 889907392 +416 710 4 893142441 +416 712 4 886318795 +416 713 4 876697448 +416 717 2 876697283 +416 720 4 886318128 +416 721 3 886317540 +416 723 4 886318827 +416 724 4 886316409 +416 729 5 893212896 +416 734 3 886319434 +416 735 5 893213549 +416 737 3 886318613 +416 738 2 886319825 +416 739 5 893212896 +416 742 4 876697524 +416 746 5 893213444 +416 747 5 893212929 +416 748 4 876696687 +416 750 5 893214128 +416 754 5 893214128 +416 755 4 893214333 +416 761 4 886318708 +416 762 3 876697524 +416 763 5 893212623 +416 768 3 893210187 +416 770 4 878880154 +416 775 4 893142245 +416 778 3 886316835 +416 781 4 893142283 +416 783 3 886318768 +416 785 3 888703399 +416 790 4 886318270 +416 791 2 886319550 +416 792 4 876699526 +416 794 5 893213019 +416 795 2 892440060 +416 803 3 886319177 +416 807 4 886319649 +416 812 4 893212623 +416 815 4 876697243 +416 819 3 888700844 +416 821 4 886317146 +416 824 2 876697592 +416 827 4 878879350 +416 833 3 888700719 +416 834 3 878879314 +416 840 4 886315536 +416 842 4 886317350 +416 843 3 886317748 +416 845 4 876697361 +416 846 3 878878779 +416 849 3 886318676 +416 864 3 888700529 +416 865 3 886316477 +416 866 4 878879130 +416 873 5 893213645 +416 874 1 876696853 +416 875 2 876696938 +416 879 3 892439224 +416 895 4 885114446 +416 898 4 885114374 +416 915 5 893212483 +416 916 3 893141069 +416 917 4 893214332 +416 918 4 893214332 +416 924 5 893212623 +416 928 3 878879391 +416 929 4 876698255 +416 930 3 878878814 +416 931 3 886315822 +416 934 2 876698178 +416 936 5 893214127 +416 937 2 876696823 +416 938 3 892439155 +416 941 3 876699946 +416 942 4 893214333 +416 955 4 876699839 +416 959 5 893213404 +416 966 5 893212483 +416 972 4 891476265 +416 975 2 878879391 +416 980 4 886314987 +416 985 3 876697165 +416 990 2 876696739 +416 997 3 876699526 +416 1007 5 893213918 +416 1011 4 885114897 +416 1012 4 876697205 +416 1014 3 876697847 +416 1016 5 893213444 +416 1020 5 893212483 +416 1035 3 892441480 +416 1037 2 892440156 +416 1041 3 886319408 +416 1048 3 876698255 +416 1051 3 886319079 +416 1053 4 886319434 +416 1054 3 876698083 +416 1058 5 893213019 +416 1074 5 893213103 +416 1077 1 886317030 +416 1089 2 876697695 +416 1091 3 892441516 +416 1092 3 886320054 +416 1098 3 886316271 +416 1119 5 893214225 +416 1132 2 876697913 +416 1135 2 886319234 +416 1139 3 886318768 +416 1147 4 888702100 +416 1160 4 876697760 +416 1188 3 886318953 +416 1189 5 893213917 +416 1217 4 886319366 +416 1220 3 886318155 +416 1221 5 893213103 +416 1226 3 893013826 +416 1262 5 893213019 +416 1264 4 886316381 +416 1300 3 886315494 +416 1336 1 878879350 +416 1400 4 886317029 +416 1407 2 886320112 +416 1426 5 893212572 +416 1428 3 886319204 +416 1441 3 886318546 +416 1469 3 878880195 +416 1478 2 886319906 +416 1495 3 886318707 +416 1503 4 888702629 +416 1516 5 893213549 +416 1517 2 886320054 +416 1521 3 892440206 +416 1540 4 893142245 +417 1 4 879646413 +417 3 4 879646344 +417 4 3 879648360 +417 5 4 879648593 +417 7 3 879646260 +417 11 5 879646938 +417 12 4 879647275 +417 13 2 879646591 +417 15 5 879646166 +417 16 3 879646692 +417 17 4 879648183 +417 20 2 880949408 +417 23 3 879647118 +417 24 3 879646531 +417 27 3 879648594 +417 29 2 880952218 +417 32 2 879647924 +417 39 3 879648212 +417 40 3 879649199 +417 42 4 879647498 +417 44 2 880951252 +417 47 3 879648004 +417 49 3 880951737 +417 50 3 879646123 +417 51 3 879648526 +417 55 5 879647900 +417 56 5 879647519 +417 58 3 879647140 +417 62 3 879648939 +417 63 3 879649021 +417 64 5 879647326 +417 65 4 879647011 +417 67 4 880952837 +417 68 3 879647275 +417 69 3 879647471 +417 70 4 879647749 +417 72 4 879649107 +417 73 3 879648343 +417 77 3 879649304 +417 78 2 879649632 +417 79 3 879647924 +417 80 4 879649247 +417 81 5 879647196 +417 82 4 879647326 +417 83 5 879648132 +417 89 5 879647604 +417 90 3 879649107 +417 91 2 879647800 +417 95 5 879646965 +417 96 3 879646915 +417 97 4 879647326 +417 98 5 879647040 +417 99 4 879647498 +417 100 3 879646166 +417 101 3 879649001 +417 106 2 879646741 +417 109 2 879646369 +417 111 3 879647768 +417 118 4 879646548 +417 120 2 880949763 +417 122 2 879646838 +417 123 2 879646500 +417 125 5 879646369 +417 127 4 879646144 +417 131 4 879647254 +417 132 4 879647850 +417 135 3 879647826 +417 139 3 879648707 +417 142 3 879648184 +417 144 3 879647232 +417 145 3 879648979 +417 147 4 879646225 +417 154 4 879647561 +417 156 3 879647380 +417 157 4 879647966 +417 159 4 879648656 +417 161 3 879647519 +417 162 3 880951886 +417 163 4 879647604 +417 164 3 879648156 +417 167 3 880952355 +417 168 4 879647355 +417 169 3 879647498 +417 171 3 879647800 +417 172 3 879647519 +417 173 5 879647519 +417 174 3 879647498 +417 176 5 879646891 +417 178 3 879646965 +417 179 4 879647749 +417 180 5 879647604 +417 181 3 879646286 +417 182 4 879646938 +417 183 4 879647298 +417 184 4 879647749 +417 185 3 879647708 +417 186 5 879647118 +417 188 4 879647232 +417 190 5 879647065 +417 195 5 879647380 +417 196 5 879647090 +417 198 4 879647924 +417 200 4 879647708 +417 201 4 879648478 +417 202 4 879647140 +417 203 4 879646915 +417 206 2 879648778 +417 207 4 879647580 +417 208 3 879648026 +417 210 3 879647749 +417 211 4 880949907 +417 212 1 879647800 +417 214 5 879647254 +417 216 3 879647298 +417 217 4 879648594 +417 218 3 879648184 +417 219 3 879648979 +417 222 3 879646388 +417 223 5 879646986 +417 226 3 879648096 +417 228 3 879646915 +417 230 3 879647850 +417 231 4 879648798 +417 232 3 879648510 +417 234 4 879646965 +417 235 2 879646413 +417 242 3 879645999 +417 245 4 879649779 +417 246 4 879646225 +417 248 4 879646286 +417 250 4 879646463 +417 252 3 879646530 +417 255 3 879646327 +417 257 3 879646244 +417 258 4 879645999 +417 260 3 879649779 +417 264 2 879649763 +417 265 3 879648026 +417 268 4 879649657 +417 270 2 879646036 +417 273 3 879646286 +417 286 5 879646286 +417 288 3 879647749 +417 290 4 879646661 +417 293 4 879646123 +417 294 4 879646463 +417 298 3 879646327 +417 322 3 886186468 +417 323 3 879646820 +417 324 1 879646463 +417 325 2 880949231 +417 326 4 879649669 +417 340 3 880949136 +417 343 2 886186253 +417 357 5 879647118 +417 358 2 879649763 +417 364 3 880953014 +417 367 2 879648898 +417 373 3 880952988 +417 380 3 879648860 +417 382 2 880949941 +417 384 4 879649284 +417 385 5 879648184 +417 386 3 879648382 +417 388 3 879649178 +417 391 2 879649519 +417 392 3 880950280 +417 393 4 879648096 +417 395 4 879649199 +417 396 2 879649560 +417 399 3 879648898 +417 402 4 879648656 +417 403 4 879649224 +417 404 3 879647947 +417 405 3 879646531 +417 411 2 879649001 +417 413 3 879646327 +417 419 4 879646986 +417 420 4 879648452 +417 421 4 879647561 +417 422 3 879648212 +417 423 4 879647118 +417 425 4 879648132 +417 428 3 879647966 +417 431 4 879647431 +417 433 4 879648403 +417 436 3 879648478 +417 441 3 879648611 +417 444 4 880952691 +417 447 3 879649064 +417 449 3 880952674 +417 450 2 880953014 +417 451 4 879649266 +417 452 2 880952970 +417 461 3 879647140 +417 465 4 879648079 +417 472 2 879646369 +417 474 4 879647118 +417 475 4 879646437 +417 483 5 879647355 +417 484 4 879647380 +417 485 3 880949880 +417 498 4 879647540 +417 501 3 879647540 +417 506 4 879647471 +417 508 3 879646123 +417 513 5 879647580 +417 515 4 879646225 +417 518 5 879647604 +417 541 2 879649389 +417 544 3 879646661 +417 545 1 880953033 +417 546 3 879646712 +417 550 3 879649178 +417 551 3 879649224 +417 552 2 880952066 +417 555 1 879649389 +417 559 4 879648979 +417 561 3 879648707 +417 562 4 879648955 +417 563 2 879649560 +417 574 2 879649428 +417 578 3 879649610 +417 579 2 879649467 +417 582 3 879647749 +417 588 3 879647540 +417 596 3 879646244 +417 597 3 879646413 +417 614 3 879648156 +417 616 2 879648048 +417 625 4 879649064 +417 628 3 879646413 +417 631 3 879647826 +417 636 3 879648435 +417 638 4 879648078 +417 640 5 879648742 +417 642 5 879647947 +417 651 4 879648212 +417 655 4 879647900 +417 658 2 879647947 +417 663 3 879647040 +417 665 2 880952400 +417 668 2 880953014 +417 669 2 880953014 +417 674 2 879649560 +417 679 2 879649044 +417 684 3 879647380 +417 685 1 879646570 +417 692 4 879648132 +417 708 2 879648798 +417 709 3 879647355 +417 710 4 879647826 +417 713 2 879646052 +417 715 2 879648656 +417 723 5 879648938 +417 725 4 880952970 +417 727 5 879648325 +417 728 3 879648881 +417 732 4 879647825 +417 742 2 879646531 +417 743 2 880953053 +417 746 5 879648048 +417 747 3 879648325 +417 748 4 879646785 +417 758 2 879649247 +417 762 3 879646712 +417 764 3 879646677 +417 765 3 879649632 +417 767 1 879646860 +417 769 1 880953071 +417 774 4 879648707 +417 778 4 879648742 +417 779 2 879649577 +417 780 4 880952880 +417 781 3 880951559 +417 783 3 879649064 +417 792 4 879648079 +417 796 4 879648881 +417 797 3 880952656 +417 800 2 879649467 +417 804 3 879649153 +417 809 3 880951251 +417 810 3 879649178 +417 815 4 879646741 +417 825 4 879646463 +417 827 2 879646860 +417 831 2 879646820 +417 849 1 879649632 +417 855 2 879647450 +417 871 2 886187012 +417 895 3 886186520 +417 923 3 879647065 +417 928 3 879646821 +417 940 2 879649337 +417 943 3 879648761 +417 944 4 880952141 +417 946 4 880950324 +417 963 4 879647431 +417 979 3 879646437 +417 993 3 879646800 +417 999 3 880952434 +417 1000 4 879648403 +417 1011 3 880949438 +417 1014 4 879646785 +417 1016 4 886186827 +417 1018 3 879649247 +417 1023 4 880949479 +417 1028 3 879646785 +417 1036 3 879649484 +417 1039 3 879647196 +417 1040 2 879649428 +417 1041 3 879648478 +417 1044 3 879648939 +417 1047 4 879646388 +417 1057 2 880949763 +417 1086 4 879646369 +417 1090 3 879649577 +417 1091 3 879648435 +417 1095 3 879649322 +417 1119 3 879648382 +417 1135 4 880951717 +417 1139 3 879649448 +417 1157 4 880952616 +417 1182 3 879648798 +417 1183 4 879648676 +417 1207 3 880952970 +417 1209 3 879649368 +417 1210 2 879649044 +417 1215 2 879646712 +417 1228 2 879649304 +417 1230 2 880953088 +417 1232 2 879649369 +417 1247 3 880953033 +417 1288 1 879646741 +417 1416 2 880952534 +417 1446 3 879648824 +417 1539 2 879649539 +417 1550 3 879648707 +418 258 5 891282551 +418 269 5 891282765 +418 288 5 891282836 +418 300 3 891282656 +418 301 2 891282738 +418 302 2 891282551 +418 304 4 891282738 +418 313 3 891282680 +418 315 2 891282521 +418 327 1 891282836 +418 328 1 891282738 +418 331 3 891282521 +418 333 5 891282520 +418 344 1 891282521 +418 346 2 891282595 +418 362 1 891282765 +418 750 2 891282626 +418 895 4 891282595 +418 899 5 891282706 +418 1313 2 891282813 +419 14 5 879435828 +419 28 3 879435663 +419 50 5 879435541 +419 79 4 879435590 +419 89 3 879435722 +419 100 5 879435722 +419 134 5 879435722 +419 173 5 879435628 +419 174 5 879435628 +419 181 4 879435807 +419 191 4 879435590 +419 212 1 879435749 +419 223 4 879435785 +419 257 4 879435503 +419 275 5 879435520 +419 286 4 879435190 +419 306 5 879435242 +419 405 3 879435503 +419 478 5 879435785 +419 488 5 879435722 +419 514 4 879435785 +419 604 5 879435590 +419 615 5 879435785 +419 617 4 879435628 +419 705 5 879435663 +419 1451 4 879435722 +420 14 5 891356927 +420 19 3 891356927 +420 86 5 891357021 +420 100 5 891357104 +420 116 4 891357162 +420 124 5 891356891 +420 127 5 891357104 +420 137 4 891357104 +420 173 3 891356864 +420 190 5 891356864 +420 251 5 891357070 +420 270 3 891356790 +420 275 5 891357071 +420 283 5 891357162 +420 288 3 891357271 +420 301 3 891357188 +420 302 4 891356790 +420 319 4 891357188 +420 331 3 891357271 +420 408 4 891356927 +420 475 4 891357162 +420 478 3 891356864 +420 484 5 891356864 +420 508 3 891357162 +420 513 5 891356864 +420 603 4 891356864 +420 750 4 891356790 +420 753 5 891356864 +420 855 5 891357021 +420 1347 3 891356927 +421 4 3 892241624 +421 7 3 892241646 +421 11 2 892241624 +421 12 5 892241458 +421 50 5 892241294 +421 56 5 892241421 +421 82 4 892241294 +421 87 4 892241736 +421 89 5 892241362 +421 96 4 892241343 +421 98 5 892241458 +421 100 4 892241422 +421 117 5 892241624 +421 124 4 892241344 +421 127 4 892241624 +421 129 5 892241459 +421 144 5 892241624 +421 156 5 892241458 +421 164 4 892241687 +421 172 5 892241707 +421 174 5 892241362 +421 175 2 892241576 +421 176 5 892241422 +421 182 5 892241624 +421 183 5 892241459 +421 185 4 892241422 +421 187 4 892241624 +421 194 4 892241554 +421 197 3 892241491 +421 200 3 892241687 +421 208 2 892241554 +421 213 3 892241491 +421 218 4 892241687 +421 219 3 892241687 +421 234 5 892241646 +421 238 5 892241576 +421 302 4 892241236 +421 331 2 892241236 +421 333 4 892241236 +421 443 5 892241459 +421 448 3 892241687 +421 466 4 892241459 +421 474 4 892241389 +421 516 5 892241554 +421 517 2 892241491 +421 603 4 892241422 +421 653 3 892241422 +421 657 4 892241422 +421 672 3 892241687 +421 674 5 892241687 +421 709 4 892241389 +421 879 4 892241274 +421 914 3 892241236 +421 915 4 892241252 +422 1 3 875130063 +422 5 3 879744085 +422 15 3 875129882 +422 50 4 875129911 +422 53 4 879744183 +422 93 4 875129882 +422 98 5 879744014 +422 100 4 875129791 +422 109 2 875130204 +422 117 2 875129975 +422 124 3 875129839 +422 126 4 875129911 +422 127 4 875129839 +422 129 4 875129839 +422 137 5 875129882 +422 151 4 875130173 +422 181 4 875129839 +422 184 4 879744085 +422 185 4 879744015 +422 200 5 879744015 +422 201 4 879744014 +422 217 3 879744143 +422 218 4 879744086 +422 219 4 879744086 +422 222 4 875130137 +422 235 2 875130173 +422 237 4 875130230 +422 248 3 875130100 +422 250 5 875130100 +422 257 4 875129839 +422 258 4 875129523 +422 260 3 875129668 +422 270 3 878058917 +422 273 5 875129791 +422 275 5 875130026 +422 276 5 875129791 +422 286 5 875129523 +422 287 3 878199757 +422 288 3 875129640 +422 293 3 875130027 +422 294 3 875129692 +422 299 1 875129602 +422 302 3 877162650 +422 307 4 879743925 +422 324 5 875129523 +422 325 2 875129692 +422 326 3 875129523 +422 327 3 875129603 +422 333 4 875655986 +422 334 4 877162682 +422 358 2 875129640 +422 370 2 879744287 +422 379 2 879744218 +422 396 4 879744143 +422 410 5 875130230 +422 436 3 879744085 +422 447 4 879744143 +422 448 4 879744085 +422 452 3 879744183 +422 458 3 875130173 +422 475 4 875129881 +422 477 4 875130027 +422 515 4 875129882 +422 551 2 879744218 +422 558 4 879744085 +422 559 3 879744085 +422 561 3 879744143 +422 567 3 879744218 +422 590 2 879743948 +422 665 5 879744143 +422 670 2 879744143 +422 671 4 879744143 +422 672 3 879744086 +422 682 2 879743787 +422 717 3 875130173 +422 742 2 875130204 +422 760 3 879744287 +422 773 3 879744183 +422 854 4 879744014 +422 859 3 879744218 +422 867 3 878059137 +422 919 5 875130027 +422 922 4 875130173 +422 926 2 875130100 +422 1007 4 875129839 +422 1017 4 875130063 +422 1187 4 875130137 +422 1199 3 875129975 +423 9 5 891395395 +423 15 4 891395573 +423 125 2 891395547 +423 127 4 891395394 +423 148 3 891395417 +423 237 4 891395448 +423 245 4 891394952 +423 258 5 891394747 +423 269 3 891394558 +423 272 5 891394503 +423 276 5 891395602 +423 282 4 891395448 +423 286 4 891394632 +423 293 4 891395547 +423 299 3 891394788 +423 300 3 891394874 +423 302 5 891394595 +423 304 4 891394632 +423 307 3 891394673 +423 310 3 891394558 +423 313 4 891394595 +423 315 4 891395141 +423 322 3 891395020 +423 323 3 891395047 +423 326 4 891394874 +423 327 2 891394673 +423 328 1 891394874 +423 329 3 891394952 +423 333 3 891394747 +423 339 2 891394788 +423 340 4 891394504 +423 344 4 891394558 +423 347 3 891394632 +423 348 3 891394910 +423 355 3 891395020 +423 471 3 891395626 +423 546 2 891395684 +423 591 5 891395547 +423 620 4 891395711 +423 628 4 891395602 +423 678 3 891395020 +423 689 4 891395020 +423 690 4 891394832 +423 696 3 891395759 +423 744 4 891395655 +423 748 3 891394985 +423 750 5 891394704 +423 751 3 891394832 +423 754 4 891394832 +423 823 3 891395759 +423 879 3 891394558 +423 898 4 891394952 +423 924 4 891395602 +423 977 1 891395787 +423 1011 3 891395547 +423 1134 4 891395684 +423 1238 3 891394874 +423 1265 4 891394788 +424 1 1 880859493 +424 9 5 880859623 +424 14 4 880859552 +424 15 4 880859722 +424 25 4 880859723 +424 50 3 880859519 +424 100 5 880859446 +424 115 1 880859385 +424 127 4 880859493 +424 151 2 880859722 +424 172 3 880859385 +424 243 4 880859115 +424 261 3 880859115 +424 275 5 880859410 +424 276 2 880859623 +424 286 4 880858792 +424 288 1 880858924 +424 289 5 880858924 +424 294 5 880858979 +424 310 3 880858829 +424 323 5 880859084 +424 333 5 880859228 +424 427 4 880859346 +424 435 3 880859346 +424 508 3 880859519 +424 538 5 880858861 +424 681 3 880859115 +424 683 3 880859084 +424 689 1 880858887 +424 740 5 880859674 +424 882 3 880858829 +424 989 2 880859084 +424 990 5 880858979 +424 1084 5 880859591 +424 1346 4 880859519 +425 1 2 878737873 +425 2 2 878738757 +425 5 1 878738887 +425 7 3 878738290 +425 12 5 878737791 +425 17 4 878738290 +425 22 3 878738290 +425 24 2 878738386 +425 32 3 890347138 +425 38 3 878738757 +425 39 4 878738335 +425 53 4 878738596 +425 55 4 878737945 +425 56 5 878737945 +425 62 4 878738548 +425 68 4 878738386 +425 79 4 878738335 +425 82 3 878738757 +425 83 2 891986445 +425 92 5 878738335 +425 96 4 878738335 +425 98 4 878738186 +425 100 4 878738853 +425 117 3 878738435 +425 118 1 878738596 +425 121 4 878738813 +425 124 2 878737945 +425 127 4 878738290 +425 144 4 878738335 +425 145 3 878738956 +425 147 3 878738643 +425 156 5 878737873 +425 157 2 878738149 +425 168 5 890347172 +425 171 3 890347138 +425 172 5 878738385 +425 174 3 878738149 +425 176 3 878738386 +425 177 3 878738290 +425 178 3 878737841 +425 180 4 878738077 +425 181 4 878738435 +425 183 3 878738486 +425 184 4 878738596 +425 185 2 878738853 +425 187 3 878738386 +425 188 3 878738386 +425 190 3 890347085 +425 191 3 878738186 +425 195 4 878738245 +425 198 4 890347247 +425 200 4 878738854 +425 201 3 878738104 +425 204 4 890347138 +425 207 2 891986445 +425 209 2 890347085 +425 210 3 890346998 +425 217 1 878738914 +425 218 3 878738887 +425 219 2 878738956 +425 222 5 878738486 +425 227 4 878738597 +425 229 3 878738548 +425 230 4 878738644 +425 231 3 878738435 +425 232 3 878738548 +425 233 2 878738643 +425 234 3 878738853 +425 241 2 878738548 +425 244 1 878739015 +425 250 4 878739054 +425 252 2 878739054 +425 257 3 878738992 +425 259 1 890346825 +425 265 3 878738643 +425 271 5 890346597 +425 272 4 890346317 +425 273 4 878738435 +425 281 2 878738486 +425 286 1 878737511 +425 288 5 878737512 +425 289 1 878737635 +425 294 2 878737512 +425 298 4 878738992 +425 301 4 890346705 +425 302 5 878737511 +425 305 3 890346411 +425 307 4 890346411 +425 310 3 890346411 +425 313 1 890346317 +425 316 4 890346705 +425 318 2 878737841 +425 319 1 878737511 +425 322 3 890346597 +425 323 2 878737684 +425 324 3 878737657 +425 325 3 878737684 +425 326 1 890346567 +425 327 4 890346659 +425 333 3 890346411 +425 338 1 890346781 +425 340 4 890346264 +425 343 3 890346517 +425 346 5 890346198 +425 355 3 890346705 +425 357 5 878737981 +425 358 4 890346630 +425 362 3 890346317 +425 363 1 878739095 +425 379 2 878738887 +425 385 2 878738813 +425 398 1 878738597 +425 424 2 878738956 +425 429 4 878737908 +425 443 2 878738956 +425 445 3 878738887 +425 447 3 878738854 +425 448 2 878738887 +425 452 2 878738956 +425 474 4 890347138 +425 475 5 878737945 +425 491 2 890347047 +425 515 3 890347138 +425 520 3 890347085 +425 522 3 878738077 +425 529 4 890346998 +425 538 2 890346866 +425 540 2 878738486 +425 546 3 878738548 +425 550 4 878738813 +425 562 1 878738385 +425 566 2 878738695 +425 568 3 878738643 +425 573 3 878738914 +425 576 3 878738813 +425 583 3 878738245 +425 590 3 878737945 +425 597 1 878739095 +425 636 4 878738596 +425 669 3 878737908 +425 670 3 878738914 +425 672 2 878738887 +425 675 3 890347047 +425 678 1 878737593 +425 679 3 878738548 +425 686 3 878738757 +425 689 2 890346517 +425 690 1 890346866 +425 748 3 890346567 +425 750 2 890346317 +425 751 2 890346264 +425 759 2 878738290 +425 823 3 878738757 +425 825 2 878738643 +425 831 3 878739095 +425 841 1 878738597 +425 853 4 878738853 +425 854 4 878738854 +425 877 3 890346198 +425 879 2 878737593 +425 895 4 890346198 +425 898 3 890346705 +425 912 2 891986392 +425 943 4 890347172 +425 976 1 878738992 +425 1013 1 878739054 +425 1016 3 878739054 +425 1089 2 878739095 +425 1110 1 878738486 +425 1222 2 878738757 +425 1314 3 878738813 +425 1416 3 878738695 +425 1419 3 878738757 +425 1434 4 890346317 +425 1464 2 890346998 +425 1595 2 878738757 +425 1596 2 878738695 +425 1597 3 878738596 +426 23 4 879444734 +426 50 4 879442226 +426 98 4 879442737 +426 99 4 879444081 +426 100 4 879442128 +426 132 4 879442083 +426 133 5 879441978 +426 134 4 879444787 +426 135 3 879444604 +426 143 3 879444852 +426 168 3 879444081 +426 174 3 879442044 +426 178 4 879444080 +426 182 2 879442702 +426 185 5 879445005 +426 191 4 879442128 +426 194 4 879444919 +426 196 4 879444734 +426 197 4 879444816 +426 199 5 879442702 +426 200 2 879442702 +426 204 3 879442128 +426 205 4 879444893 +426 208 4 879442161 +426 211 4 879444320 +426 318 5 879442044 +426 332 4 879441781 +426 404 3 879444321 +426 418 3 879444871 +426 427 5 879442737 +426 428 2 879444081 +426 429 5 879444081 +426 430 3 879445005 +426 432 3 879444192 +426 435 3 879444604 +426 474 4 879442785 +426 478 4 879442785 +426 480 5 879444473 +426 482 5 879442737 +426 483 5 879442226 +426 486 3 879444604 +426 488 5 879442785 +426 490 4 879444853 +426 491 4 879442702 +426 492 5 879441931 +426 493 4 879444473 +426 494 3 879442702 +426 504 4 879442083 +426 505 4 879445005 +426 510 4 879441978 +426 511 4 879441978 +426 519 4 879444117 +426 524 4 879442785 +426 525 4 879442227 +426 526 4 879444734 +426 527 3 879444550 +426 601 3 879444321 +426 603 5 879444472 +426 605 4 879442083 +426 606 5 879442044 +426 607 4 879444734 +426 608 4 879444081 +426 609 3 879441931 +426 610 4 879444550 +426 613 3 879444146 +426 614 4 879444604 +426 616 4 879444787 +426 631 3 879442006 +426 633 4 879444816 +426 646 3 879444787 +426 648 3 879441931 +426 651 4 879442702 +426 653 4 879442841 +426 654 5 879442785 +426 655 4 879444952 +426 657 5 879442160 +426 663 4 879444604 +426 673 4 879442227 +426 705 5 879441931 +426 754 1 879441707 +426 835 3 879444853 +426 836 3 879444117 +426 848 4 879444117 +426 968 3 879444952 +426 1020 4 879442702 +426 1064 4 879444117 +426 1079 3 879442892 +426 1116 4 879444251 +426 1204 4 879444321 +426 1451 4 879444734 +427 245 5 879701326 +427 258 4 879700792 +427 263 5 879701253 +427 268 5 879701253 +427 286 4 879700792 +427 289 5 879701326 +427 292 2 879701127 +427 300 4 879700908 +427 302 4 879700759 +427 303 5 879701253 +427 304 4 879700850 +427 319 3 879700486 +427 328 4 879700908 +427 332 5 879701253 +427 341 5 879701253 +427 359 5 879701253 +427 680 5 879701326 +427 681 5 879701326 +427 682 5 879701325 +427 688 5 879701326 +427 874 5 879701326 +427 937 5 879701326 +427 938 5 879701253 +427 989 5 879701253 +427 990 5 879701326 +427 1265 5 879701253 +427 1296 5 879701225 +428 243 4 885943713 +428 259 4 885943685 +428 268 4 885943818 +428 271 2 892572448 +428 272 5 885943651 +428 286 3 885943980 +428 289 4 885943981 +428 294 4 885943651 +428 300 5 885943713 +428 301 4 885943782 +428 302 5 885943651 +428 303 3 892572308 +428 305 3 885944136 +428 307 4 885944110 +428 312 4 885944005 +428 313 5 885943749 +428 315 5 885943980 +428 316 4 892572382 +428 322 4 885943782 +428 323 3 885943869 +428 326 3 892572448 +428 329 3 892572335 +428 331 4 885943847 +428 332 4 885943749 +428 334 4 885943847 +428 338 4 885943818 +428 340 4 885943749 +428 343 2 885944093 +428 344 3 892572308 +428 347 4 885943782 +428 350 4 885944005 +428 352 4 885943651 +428 538 4 885944005 +428 690 5 885943651 +428 750 5 885943651 +428 754 4 885943847 +428 875 4 885944136 +428 877 5 885943685 +428 879 4 885943818 +428 886 4 885943651 +428 894 4 885943955 +428 896 4 885943685 +428 908 4 885944024 +428 988 1 885943955 +428 1024 4 885943651 +428 1280 3 885944069 +428 1313 4 892572362 +429 1 3 882385785 +429 2 3 882387599 +429 3 2 882386785 +429 4 4 882385684 +429 7 2 882385569 +429 8 3 882386237 +429 12 5 882386424 +429 15 5 882386941 +429 21 2 882386508 +429 22 5 882384744 +429 23 4 882385243 +429 24 3 882386309 +429 25 4 882385985 +429 26 3 882386333 +429 28 3 882385636 +429 31 3 882386966 +429 32 4 882386309 +429 39 3 882386378 +429 45 3 882385118 +429 47 4 882384950 +429 48 3 882384896 +429 50 5 882384553 +429 52 4 882387074 +429 53 1 882386814 +429 55 4 882384847 +429 56 4 882384683 +429 58 4 882385090 +429 62 3 882387350 +429 63 2 882387505 +429 64 4 882384744 +429 65 3 882386216 +429 66 2 882386357 +429 68 3 882385963 +429 69 5 882386309 +429 70 4 882386401 +429 72 2 882387551 +429 73 3 882387505 +429 77 3 882385705 +429 79 4 882385243 +429 81 3 882385243 +429 82 4 882386121 +429 83 4 882385168 +429 85 4 882387234 +429 86 5 882384579 +429 87 3 882384821 +429 88 3 882386895 +429 89 4 882385168 +429 90 4 882387731 +429 91 3 882386260 +429 92 4 882385684 +429 93 4 882385136 +429 95 3 882385012 +429 96 4 882387053 +429 97 4 882386171 +429 99 3 882386601 +429 100 5 882385807 +429 101 4 882386662 +429 109 3 882385034 +429 111 2 882386532 +429 114 5 882385663 +429 117 4 882387757 +429 118 3 882386145 +429 123 4 882386448 +429 124 4 882384821 +429 127 4 882384603 +429 128 3 882386424 +429 132 3 882385636 +429 133 3 882385663 +429 134 5 882385728 +429 137 5 882387731 +429 140 1 882386260 +429 141 3 882386966 +429 143 3 882385829 +429 144 4 882387773 +429 147 2 882385859 +429 150 5 882385569 +429 151 5 882386870 +429 153 4 882385090 +429 154 3 882384683 +429 155 2 882387633 +429 157 4 882384920 +429 159 3 882386051 +429 161 3 882385934 +429 162 4 882386378 +429 163 4 882387599 +429 164 4 882385489 +429 165 5 882384821 +429 166 5 882384796 +429 167 3 882386629 +429 168 5 882387773 +429 170 5 882384526 +429 172 5 882385118 +429 174 4 882387773 +429 176 3 882385542 +429 178 4 882384772 +429 179 3 882385012 +429 181 5 882384870 +429 183 4 882385489 +429 184 4 882386260 +429 185 4 882386006 +429 186 4 882385294 +429 188 4 882386566 +429 190 5 882387773 +429 191 5 882385065 +429 193 4 882385267 +429 195 4 882385519 +429 196 4 882385012 +429 197 4 882384772 +429 200 3 882386333 +429 201 3 882385399 +429 202 4 882385829 +429 203 5 882385684 +429 204 4 882387757 +429 207 4 882385729 +429 208 4 882384772 +429 209 4 882384950 +429 210 4 882387731 +429 211 5 882385090 +429 214 3 882384526 +429 216 4 882385090 +429 218 3 882387350 +429 219 4 882386848 +429 223 4 882385034 +429 225 2 882387599 +429 226 3 882386145 +429 227 2 882385934 +429 228 2 882386485 +429 229 2 882385613 +429 232 4 882385859 +429 233 3 882385593 +429 234 4 882386566 +429 235 3 882386966 +429 237 3 882384526 +429 238 5 882384526 +429 248 5 882386870 +429 249 4 882386662 +429 250 2 882386357 +429 257 4 882386121 +429 258 4 882386096 +429 264 3 882387551 +429 265 4 882386096 +429 273 4 882385489 +429 274 3 882386096 +429 275 4 882384603 +429 276 5 882385542 +429 277 4 882386096 +429 280 2 882387392 +429 281 3 882386027 +429 282 3 882386983 +429 283 3 882385136 +429 288 3 882387685 +429 290 3 882386333 +429 291 4 882386309 +429 298 5 882386145 +429 301 3 882387252 +429 307 3 882384437 +429 318 5 882387731 +429 319 3 882387685 +429 321 3 882384438 +429 338 3 882387599 +429 340 5 882384870 +429 356 3 882386942 +429 358 3 882387053 +429 365 2 882386237 +429 366 3 882387181 +429 367 3 882386485 +429 371 2 882387715 +429 378 3 882386916 +429 380 3 882387576 +429 381 3 882385882 +429 382 3 882386601 +429 385 3 882386915 +429 387 4 882386051 +429 392 3 882386051 +429 393 3 882385749 +429 403 4 882385902 +429 404 4 882386121 +429 405 3 882387202 +429 410 4 882387451 +429 411 3 882386848 +429 415 3 882386785 +429 418 3 882386096 +429 419 4 882385293 +429 423 4 882387757 +429 425 3 882385859 +429 427 5 882385569 +429 428 4 882386942 +429 430 4 882384553 +429 431 5 882384870 +429 432 4 882385443 +429 433 3 882385858 +429 435 4 882385636 +429 436 4 882386171 +429 441 3 882386848 +429 443 4 882385210 +429 448 3 882386006 +429 455 3 882386628 +429 457 1 882384438 +429 464 3 882386171 +429 466 2 882384847 +429 467 4 882385210 +429 468 3 882384896 +429 469 4 882386751 +429 470 5 882386309 +429 473 3 882387551 +429 475 4 882384579 +429 480 4 882386071 +429 481 3 882386237 +429 482 3 882384683 +429 483 5 882384821 +429 484 5 882384920 +429 485 3 882385210 +429 491 3 882384950 +429 493 4 882385663 +429 495 3 882385358 +429 496 4 882384603 +429 499 4 882384896 +429 500 1 882384772 +429 502 3 882385543 +429 504 3 882385065 +429 505 4 882384821 +429 506 4 882386711 +429 508 4 882385569 +429 510 4 882387773 +429 511 5 882385542 +429 514 3 882385243 +429 520 3 882384603 +429 527 5 882387757 +429 529 4 882385243 +429 530 4 882384986 +429 531 5 882385729 +429 535 2 882386941 +429 537 4 882387773 +429 546 3 882387140 +429 549 4 882385749 +429 550 3 882387350 +429 559 3 882386662 +429 566 3 882386357 +429 568 3 882385859 +429 569 2 882387506 +429 570 4 882387434 +429 578 3 882386942 +429 581 2 882385684 +429 582 3 882384950 +429 584 4 882385749 +429 587 3 882386895 +429 591 3 882385663 +429 596 3 882385808 +429 602 5 882386628 +429 603 4 882384847 +429 611 4 882385593 +429 616 3 882386333 +429 625 3 882387474 +429 627 2 882387114 +429 628 3 882385808 +429 629 3 882387163 +429 631 4 882385243 +429 633 3 882385829 +429 635 3 882387202 +429 636 3 882386027 +429 637 3 882387506 +429 640 3 882386533 +429 642 4 882386600 +429 652 4 882385118 +429 654 4 882385542 +429 655 3 882385399 +429 658 3 882386448 +429 662 3 882386309 +429 665 2 882387474 +429 671 3 882385065 +429 672 2 882387551 +429 673 3 882386485 +429 679 4 882387653 +429 684 4 882385882 +429 686 2 882385519 +429 692 3 882385118 +429 693 4 882386628 +429 700 3 882386485 +429 702 5 882387757 +429 705 4 882384896 +429 708 3 882386895 +429 709 4 882385267 +429 710 4 882387731 +429 726 2 882386751 +429 729 2 882386684 +429 732 4 882385882 +429 735 4 882387757 +429 742 4 882386711 +429 744 4 882386485 +429 747 3 882386071 +429 755 3 882387685 +429 756 2 882386711 +429 761 2 882386711 +429 762 4 882386814 +429 763 4 882387053 +429 768 3 882387551 +429 772 3 882386508 +429 780 3 882387685 +429 786 2 882386966 +429 789 4 882385443 +429 794 3 882385593 +429 804 3 882387599 +429 805 3 882385963 +429 806 2 882384950 +429 808 3 882387576 +429 816 2 882387474 +429 820 3 882387233 +429 826 3 882387139 +429 833 3 882386895 +429 843 1 882387114 +429 845 4 882386401 +429 847 3 882385569 +429 921 2 882385962 +429 928 2 882386849 +429 941 3 882387506 +429 944 3 882387474 +429 961 3 882385518 +429 967 4 882386378 +429 972 4 882387757 +429 999 2 882387163 +429 1010 3 882386216 +429 1011 4 882387731 +429 1014 3 882386333 +429 1016 4 882386217 +429 1017 3 882385399 +429 1020 4 882387757 +429 1028 3 882386601 +429 1033 1 882387350 +429 1035 3 882386260 +429 1039 5 882386071 +429 1048 2 882386966 +429 1071 2 882385729 +429 1076 2 882387350 +429 1079 2 882387164 +429 1089 2 882387053 +429 1101 5 882385399 +429 1109 2 882386448 +429 1110 2 882387234 +429 1113 3 882386711 +429 1118 4 882385902 +429 1119 3 882387653 +429 1136 4 882386532 +429 1203 4 882386357 +429 1209 3 882387350 +429 1217 2 882385489 +429 1218 3 882387653 +429 1220 3 882387233 +429 1222 3 882387074 +429 1224 2 882387114 +429 1228 3 882387163 +429 1285 3 882386485 +429 1296 2 882387392 +429 1301 4 882385963 +429 1418 3 882385267 +429 1425 3 882387633 +429 1443 2 882386601 +429 1545 2 882385518 +430 9 3 877225726 +430 10 4 877225726 +430 12 4 877226164 +430 19 5 877225623 +430 42 3 877226568 +430 50 4 877225516 +430 56 4 877226323 +430 98 5 877226365 +430 100 5 877225570 +430 101 2 877226501 +430 117 3 877225484 +430 121 2 877225832 +430 124 5 877225726 +430 129 5 877225547 +430 137 3 877225433 +430 148 2 877226047 +430 152 4 877226569 +430 164 3 877226323 +430 165 4 877226130 +430 181 4 877225484 +430 221 5 877225547 +430 222 4 877225682 +430 234 4 877226323 +430 235 2 877225727 +430 237 5 877225965 +430 248 3 877225832 +430 253 1 877225484 +430 258 4 877225570 +430 264 2 877225328 +430 273 4 877225894 +430 276 1 877225753 +430 286 4 877225174 +430 288 4 877225239 +430 293 3 877225865 +430 294 2 877225239 +430 300 3 877225239 +430 302 4 877225173 +430 318 5 877226130 +430 328 4 877225327 +430 436 4 877226365 +430 462 3 877226164 +430 514 4 877226568 +430 515 4 877225660 +430 527 4 877226209 +430 528 4 877226164 +430 547 2 877226365 +430 628 3 877225832 +430 656 4 877226365 +430 674 4 877226405 +430 744 3 877225965 +430 748 3 877225239 +430 1007 3 877225599 +430 1240 3 877226470 +430 1347 5 877226047 +430 1375 4 877225660 +431 245 4 877844489 +431 269 3 877844062 +431 286 4 877844062 +431 294 5 877844377 +431 300 4 877844248 +431 302 3 877844062 +431 307 3 879038461 +431 322 4 877844559 +431 323 3 877844559 +431 327 3 877844559 +431 358 2 877844489 +431 538 4 881127620 +431 689 3 881127786 +431 690 3 877844183 +431 748 4 877844377 +431 754 3 881127436 +431 879 3 877844489 +431 988 2 877844657 +432 1 2 889415983 +432 3 3 889416260 +432 7 2 889415983 +432 15 4 889416456 +432 24 1 889416188 +432 50 5 889416012 +432 93 2 889415812 +432 100 3 889415895 +432 108 3 889416608 +432 109 2 889416188 +432 111 4 889416456 +432 117 4 889415853 +432 118 4 889416608 +432 121 4 889416312 +432 123 3 889416312 +432 150 5 889415853 +432 151 4 889415895 +432 181 5 889416118 +432 222 4 889416012 +432 237 5 889415983 +432 246 4 889415895 +432 248 4 889416352 +432 249 5 889416352 +432 250 1 889415895 +432 257 5 889416118 +432 258 4 889416657 +432 274 3 889416229 +432 276 4 889415947 +432 282 5 889416456 +432 284 4 889416521 +432 288 5 889416456 +432 294 4 889416229 +432 295 3 889416352 +432 300 4 889415763 +432 315 5 889415763 +432 322 3 889416657 +432 405 4 889416490 +432 410 4 889415895 +432 411 3 889416044 +432 471 3 889416229 +432 508 5 889415853 +432 546 3 889416657 +432 620 4 889416352 +432 628 5 889416398 +432 678 4 889416570 +432 742 4 889415983 +432 763 5 889416570 +432 815 3 889416260 +432 827 3 889416570 +432 844 4 889415947 +432 845 4 889416260 +432 864 2 889416657 +432 871 2 889416456 +432 1016 3 889416397 +432 1047 5 889416118 +432 1049 2 889415983 +433 12 5 880585803 +433 50 5 880585885 +433 59 5 880585730 +433 60 5 880585700 +433 95 3 880585802 +433 137 5 880585904 +433 173 4 880585730 +433 174 5 880585730 +433 194 5 880585759 +433 205 3 880585730 +433 246 4 880585885 +433 268 3 880585162 +433 269 5 880585068 +433 273 3 880585923 +433 276 5 880585843 +433 286 5 880585068 +433 293 3 880585843 +433 294 3 880585271 +433 302 5 880585028 +433 303 4 880585068 +433 322 2 880585466 +433 323 1 880585530 +433 325 2 880585554 +433 326 2 880585386 +433 333 2 880585133 +433 340 3 880585162 +433 358 2 880585554 +433 435 4 880585700 +433 457 1 880585554 +433 474 3 880585759 +433 507 4 880585730 +433 657 5 880585802 +433 682 2 880585431 +433 690 2 880585028 +433 748 4 880585491 +433 754 3 880585162 +433 919 5 880585923 +433 1005 5 880585730 +433 1598 1 880585865 +434 7 1 886724505 +434 9 1 886724563 +434 15 3 886724453 +434 111 5 886724540 +434 118 5 886724873 +434 121 4 886724666 +434 125 5 886724708 +434 147 3 886724822 +434 148 3 886724797 +434 151 5 886724453 +434 220 5 886724873 +434 225 4 886724453 +434 237 5 886724754 +434 274 5 886724797 +434 275 3 886724633 +434 283 3 886724505 +434 287 5 886724359 +434 288 5 886724797 +434 347 1 886724329 +434 369 4 886724972 +434 406 3 886725027 +434 471 2 886724797 +434 476 4 886725076 +434 477 5 886724940 +434 546 5 886725076 +434 628 1 886724873 +434 743 1 886725027 +434 756 2 886725027 +434 763 5 886724873 +434 815 4 886724972 +434 819 3 886724873 +434 833 4 886724914 +434 844 3 886724505 +434 928 5 886724913 +434 974 5 886724940 +434 975 5 886724873 +434 1051 3 886724453 +434 1060 3 886724733 +434 1095 5 886724940 +434 1152 5 886724633 +435 1 5 884131712 +435 2 4 884132619 +435 3 3 884133911 +435 4 4 884132146 +435 5 2 884133046 +435 7 4 884131597 +435 9 4 884131055 +435 11 5 884131542 +435 12 5 884131434 +435 15 3 884132146 +435 21 4 884134134 +435 22 4 884131156 +435 23 4 884132942 +435 24 4 884133084 +435 25 5 884132434 +435 27 1 884133911 +435 28 3 884131799 +435 29 3 884133691 +435 31 5 884131157 +435 33 3 884132672 +435 38 2 884133509 +435 39 3 884131822 +435 40 3 884133544 +435 42 3 884131267 +435 44 2 884132619 +435 45 5 884131681 +435 49 4 884132072 +435 50 5 884132515 +435 52 5 884132403 +435 54 4 884132403 +435 56 5 884131055 +435 58 3 884131328 +435 62 3 884133657 +435 63 2 884133757 +435 64 5 884131036 +435 67 4 884132919 +435 68 4 884131901 +435 69 4 884131243 +435 71 3 884132208 +435 72 4 884132809 +435 73 3 884132403 +435 76 3 884131328 +435 80 2 884133610 +435 81 3 884131661 +435 82 5 884132100 +435 83 4 884131434 +435 85 4 884132840 +435 86 4 884131844 +435 89 4 884131489 +435 90 4 884132756 +435 91 4 884131597 +435 95 3 884131868 +435 96 5 884131822 +435 100 3 884131711 +435 105 3 884133872 +435 108 1 884132540 +435 109 4 884132297 +435 111 3 884132777 +435 115 4 884131771 +435 117 3 884131356 +435 118 2 884132458 +435 121 3 884133284 +435 122 3 884134677 +435 123 2 884133509 +435 125 3 884132483 +435 127 4 884131681 +435 128 3 884132184 +435 132 3 884131156 +435 135 3 884131771 +435 136 4 884132434 +435 141 2 884132898 +435 144 4 884131085 +435 148 3 884133284 +435 151 3 884132898 +435 152 4 884132072 +435 153 3 884131243 +435 154 4 884131434 +435 156 4 884131822 +435 157 4 884132146 +435 159 5 884132898 +435 160 5 884133194 +435 161 3 884133710 +435 162 1 884132755 +435 163 3 884131489 +435 164 2 884132515 +435 167 3 884133224 +435 168 5 884131515 +435 171 5 884131967 +435 172 5 884132619 +435 173 5 884131085 +435 174 5 884131627 +435 175 4 884132588 +435 176 5 884131627 +435 179 5 884131085 +435 181 5 884132208 +435 182 4 884131356 +435 183 5 884132619 +435 184 5 884131771 +435 185 4 884131741 +435 186 4 884132367 +435 187 4 884131489 +435 188 4 884131901 +435 190 4 884132146 +435 191 4 884131200 +435 193 3 884131243 +435 194 4 884131627 +435 195 5 884131118 +435 196 4 884131597 +435 199 5 884132072 +435 200 5 884131661 +435 203 4 884131434 +435 204 3 884132366 +435 206 5 884133223 +435 210 4 884131799 +435 211 4 884131627 +435 214 4 884131741 +435 215 2 884131576 +435 216 3 884131118 +435 217 4 884133161 +435 218 3 884133194 +435 219 5 884133691 +435 222 3 884132027 +435 225 3 884134076 +435 226 4 884133161 +435 227 4 884133372 +435 228 4 884131157 +435 229 2 884133544 +435 230 3 884132809 +435 234 4 884132619 +435 239 4 884132968 +435 240 3 884133818 +435 245 2 884130810 +435 246 5 884134345 +435 250 4 884134290 +435 252 2 884134677 +435 254 3 884134910 +435 255 3 884134290 +435 257 4 884134363 +435 258 4 884130647 +435 260 3 884130810 +435 264 3 884130671 +435 265 3 884131996 +435 268 5 884130688 +435 271 4 884130671 +435 273 5 884131298 +435 284 2 884132898 +435 290 3 884132484 +435 291 4 884133446 +435 294 4 884130584 +435 298 4 884134500 +435 299 4 884130671 +435 300 2 884130647 +435 307 5 884130744 +435 313 5 884268770 +435 317 2 884132483 +435 318 5 884131385 +435 321 3 889722170 +435 327 3 884130765 +435 331 5 884130671 +435 338 2 887509306 +435 343 5 884130744 +435 351 2 887509368 +435 354 3 889722012 +435 357 4 884131771 +435 358 4 884130864 +435 367 3 884131741 +435 369 1 884134771 +435 376 2 884134019 +435 380 3 884133026 +435 381 4 884133585 +435 382 3 884131949 +435 384 3 884134047 +435 385 5 884131771 +435 386 4 884133584 +435 392 3 884131404 +435 393 2 884133610 +435 394 4 884132873 +435 399 3 884133253 +435 401 3 884133447 +435 402 3 884131996 +435 403 4 884132756 +435 404 2 884132266 +435 405 4 884132540 +435 410 5 884133733 +435 411 3 884132484 +435 413 2 884134104 +435 420 4 884132561 +435 423 2 884131157 +435 424 1 884134536 +435 427 3 884131542 +435 431 3 884131950 +435 433 5 884131243 +435 434 2 884131542 +435 435 3 884132230 +435 436 4 884133691 +435 443 3 884132777 +435 447 3 884132315 +435 448 3 884132230 +435 451 4 884133487 +435 455 3 884132208 +435 462 5 884131328 +435 465 2 884132515 +435 470 2 884131661 +435 472 2 884133466 +435 473 3 884133544 +435 474 3 884131085 +435 476 3 884133872 +435 479 3 884131901 +435 496 4 884131243 +435 501 3 884132266 +435 520 4 884132027 +435 527 4 884130995 +435 541 4 884134187 +435 542 1 884133691 +435 546 4 884132942 +435 549 3 884132588 +435 550 3 884133253 +435 554 3 884133194 +435 561 2 884133064 +435 562 5 884133819 +435 566 4 884132643 +435 567 3 884133785 +435 568 2 884131868 +435 569 3 884134019 +435 571 2 884134047 +435 572 2 884133938 +435 573 1 884132515 +435 576 3 884133447 +435 577 3 884133973 +435 578 5 884132230 +435 584 3 884132297 +435 587 3 884132403 +435 588 4 884131996 +435 597 3 884133284 +435 609 4 884132873 +435 616 2 884133284 +435 625 2 884132588 +435 628 5 884132990 +435 631 2 884132540 +435 636 4 884134047 +435 637 4 884132691 +435 640 4 884132873 +435 649 3 884133330 +435 652 4 884131741 +435 655 2 884131799 +435 659 4 884131515 +435 665 3 884133973 +435 672 1 884133253 +435 673 3 884132341 +435 674 2 884132643 +435 675 3 884132873 +435 679 3 884133372 +435 684 4 884131356 +435 685 2 884134345 +435 687 2 884130834 +435 693 3 884131118 +435 696 3 884132342 +435 697 4 884133372 +435 710 4 884131267 +435 713 5 884131385 +435 715 3 884133635 +435 717 3 884134104 +435 720 2 884133818 +435 721 4 884132072 +435 729 2 884133757 +435 732 4 884132341 +435 743 3 884134910 +435 746 4 884132184 +435 748 4 884130765 +435 751 4 884130725 +435 752 3 887509539 +435 756 3 884134134 +435 760 1 884133330 +435 762 4 884132840 +435 768 3 884133509 +435 780 2 884133284 +435 781 3 884133447 +435 786 4 884133657 +435 790 4 884133818 +435 792 4 884131404 +435 797 3 884133872 +435 800 4 884133819 +435 820 1 884132367 +435 821 2 884132840 +435 824 1 884134627 +435 825 3 884133372 +435 826 2 884134713 +435 831 2 884134677 +435 834 5 884134910 +435 841 2 884134553 +435 845 3 884132100 +435 862 1 884133972 +435 885 3 887509396 +435 890 1 884130883 +435 895 3 884130647 +435 919 5 884132184 +435 924 3 884132072 +435 926 3 884133972 +435 928 3 884134187 +435 929 2 884133635 +435 943 3 884131712 +435 944 2 884133911 +435 961 1 884133635 +435 977 2 884134829 +435 983 2 884134830 +435 1014 2 884134515 +435 1016 4 884134377 +435 1028 2 884133284 +435 1034 2 884134754 +435 1039 4 884132755 +435 1044 4 884132515 +435 1047 3 884132315 +435 1061 3 884134754 +435 1069 4 884131489 +435 1074 2 884133415 +435 1103 4 884131627 +435 1109 3 884132643 +435 1128 2 884132027 +435 1133 2 884133224 +435 1151 1 884134019 +435 1185 1 884133371 +435 1204 3 884132100 +435 1215 3 884134810 +435 1217 3 884133819 +435 1225 3 884131597 +435 1228 2 884133972 +435 1231 2 884134019 +435 1240 4 884132296 +435 1268 5 884131950 +435 1291 1 884134853 +435 1401 4 884131868 +435 1411 1 884133104 +435 1419 2 884133785 +435 1552 3 884134187 +436 21 3 887772028 +436 23 4 887770064 +436 26 3 887771146 +436 38 3 887771924 +436 39 3 887769887 +436 43 2 887770300 +436 47 4 887769930 +436 50 4 887769415 +436 65 4 887771753 +436 66 5 887770457 +436 72 5 887770693 +436 73 4 887769444 +436 81 3 887770244 +436 83 5 887770115 +436 90 3 887770266 +436 92 3 887770115 +436 95 4 887770037 +436 96 4 887769535 +436 98 4 887769280 +436 99 3 887770344 +436 102 4 887770588 +436 111 4 887771773 +436 125 4 887770037 +436 127 5 887769930 +436 132 1 887769824 +436 133 3 887768982 +436 157 5 887768982 +436 159 4 887770192 +436 161 4 887771897 +436 167 3 887770403 +436 168 3 887769050 +436 172 3 887768945 +436 174 3 887769335 +436 179 3 887770015 +436 182 5 887769150 +436 186 3 887769801 +436 200 3 887769515 +436 204 5 887769209 +436 215 4 887770457 +436 216 4 887770064 +436 217 4 887771146 +436 218 4 887771123 +436 219 5 887770064 +436 226 4 887770640 +436 238 3 887769693 +436 239 3 887769952 +436 264 2 887768669 +436 265 3 887769106 +436 276 4 887769824 +436 278 2 887771924 +436 287 4 887770169 +436 288 4 887768445 +436 313 5 887768521 +436 325 3 887768756 +436 327 5 887768694 +436 340 5 887768445 +436 347 4 887768398 +436 348 4 887768521 +436 367 4 887770217 +436 381 4 887769209 +436 392 4 887769079 +436 400 3 887771924 +436 411 4 887771022 +436 423 4 887769992 +436 433 5 887770428 +436 435 4 887769256 +436 441 3 887772060 +436 447 1 887769444 +436 454 4 887768982 +436 470 4 887770566 +436 503 4 887769802 +436 504 4 887769151 +436 506 5 887770485 +436 537 4 887769471 +436 546 3 887771826 +436 553 3 887769777 +436 559 4 887770640 +436 568 5 887769416 +436 581 4 887772060 +436 585 3 887771722 +436 595 5 887770731 +436 628 5 887770457 +436 642 4 887769079 +436 649 5 887771269 +436 655 5 887769233 +436 658 5 887769673 +436 660 4 887771825 +436 708 3 887770457 +436 710 4 887769281 +436 715 4 887770668 +436 721 3 887770092 +436 723 3 887771853 +436 739 4 887771853 +436 742 5 887769050 +436 746 5 887770015 +436 747 5 887770640 +436 748 3 887768738 +436 761 4 887770693 +436 762 4 887771722 +436 763 4 887771042 +436 785 2 887770731 +436 787 5 887770640 +436 790 3 887770428 +436 794 4 887771123 +436 821 4 887769733 +436 840 3 887771997 +436 845 5 887771269 +436 895 4 887768717 +436 925 4 887770507 +436 974 5 887771997 +436 1028 4 887770693 +436 1048 2 887770379 +436 1053 4 887771853 +436 1058 4 887770547 +436 1061 3 887771997 +436 1119 4 887769368 +436 1135 4 887771022 +436 1178 3 887771825 +436 1206 3 887769868 +436 1227 2 887772028 +436 1468 5 887770668 +436 1522 2 887771123 +437 5 2 880143663 +437 11 1 880139951 +437 12 5 880382685 +437 13 4 880141129 +437 14 5 880140369 +437 26 2 880142399 +437 28 3 880140534 +437 30 4 880140855 +437 42 3 880141129 +437 47 4 880140534 +437 50 5 881000958 +437 51 1 880382644 +437 52 3 880141402 +437 56 4 880140325 +437 58 4 880141243 +437 65 4 880140787 +437 69 2 880140501 +437 70 3 881002161 +437 71 3 880141402 +437 77 4 880143040 +437 79 4 880143855 +437 82 3 880140192 +437 83 4 880140325 +437 86 4 881001715 +437 87 3 880140891 +437 88 3 880143140 +437 89 2 880140101 +437 90 3 880143289 +437 91 3 880143315 +437 94 4 881001436 +437 95 4 880143315 +437 97 3 880141286 +437 98 5 880141962 +437 99 4 881001946 +437 101 3 880143355 +437 111 3 881002067 +437 116 3 880139997 +437 118 2 880142991 +437 121 3 881001766 +437 124 5 880140101 +437 131 5 880140787 +437 132 5 880141962 +437 133 5 880140122 +437 134 5 880139951 +437 137 5 880140221 +437 139 3 881001576 +437 143 5 880141528 +437 144 2 880141196 +437 145 1 880143663 +437 151 5 881002374 +437 153 5 881001888 +437 154 4 880141129 +437 155 3 880143189 +437 161 2 880140288 +437 162 4 880141129 +437 165 4 881002324 +437 166 4 880140398 +437 168 3 881002161 +437 170 5 880140787 +437 172 4 880140257 +437 173 4 881001023 +437 174 5 880140122 +437 176 2 880143809 +437 179 4 881002345 +437 180 4 880139868 +437 181 4 880140466 +437 182 2 880140432 +437 183 3 880140892 +437 185 5 880140192 +437 186 3 881001208 +437 189 2 881001946 +437 190 3 880140154 +437 191 4 880140726 +437 195 2 880141286 +437 197 5 880141962 +437 200 4 880140398 +437 203 1 880140978 +437 204 5 880141528 +437 207 4 880142365 +437 208 5 880139997 +437 211 4 880140100 +437 212 3 880141402 +437 213 4 881000931 +437 214 4 880141041 +437 216 5 880141041 +437 217 3 880143695 +437 218 2 880142830 +437 219 3 880143663 +437 221 5 880140154 +437 229 3 880142942 +437 234 4 880142851 +437 237 4 880140466 +437 238 5 880140369 +437 239 4 880141529 +437 244 3 881001270 +437 253 1 880141796 +437 254 3 881002300 +437 265 3 880142942 +437 275 5 881001888 +437 276 5 880141618 +437 281 1 881001148 +437 283 1 880141716 +437 286 2 880139482 +437 287 2 881000931 +437 288 2 880139533 +437 292 5 880139631 +437 301 3 881002067 +437 318 4 880140466 +437 378 4 880143451 +437 381 5 880142426 +437 387 2 880140726 +437 393 3 880382747 +437 402 2 880143263 +437 404 5 880141374 +437 412 3 880142147 +437 415 4 880143591 +437 417 5 880143482 +437 418 3 880141084 +437 419 5 880141961 +437 421 4 881001983 +437 423 5 880141196 +437 425 4 880141374 +437 428 5 881001983 +437 432 3 880140854 +437 433 3 880140369 +437 435 3 881001945 +437 436 4 880143635 +437 443 4 880142851 +437 447 4 880143663 +437 450 3 880143040 +437 451 5 880143115 +437 463 5 880141008 +437 466 2 881001121 +437 473 5 881001888 +437 475 3 880140288 +437 478 5 881002323 +437 479 5 880141335 +437 480 4 881002345 +437 482 5 880140051 +437 483 5 880141962 +437 484 4 880140051 +437 485 4 880140854 +437 496 4 880140662 +437 497 5 880140192 +437 499 5 880141962 +437 501 4 880143315 +437 507 5 880140015 +437 511 5 880141962 +437 512 4 880140978 +437 514 4 880140369 +437 517 4 880140927 +437 518 2 880143809 +437 521 4 880141164 +437 523 3 881002191 +437 559 3 880143695 +437 566 3 881002161 +437 581 1 880143010 +437 582 5 880140855 +437 583 1 880143040 +437 584 3 880141243 +437 588 3 881002092 +437 603 5 880140051 +437 606 4 880140978 +437 607 5 880140892 +437 614 5 880139951 +437 629 3 881002405 +437 640 1 881002300 +437 642 1 880141441 +437 651 4 881002345 +437 652 4 881001983 +437 654 5 880141041 +437 655 4 881001945 +437 657 5 881001888 +437 658 4 880141335 +437 660 4 880141441 +437 663 5 880141084 +437 665 2 880143695 +437 672 1 881002300 +437 674 3 880143714 +437 683 2 881001121 +437 684 3 880382747 +437 692 4 880143115 +437 696 3 880142991 +437 697 4 880140978 +437 698 2 880142426 +437 699 4 880143419 +437 702 1 880141335 +437 705 4 880141335 +437 707 3 880141374 +437 708 4 881002026 +437 709 5 881000931 +437 710 4 880140822 +437 716 5 881002345 +437 721 2 880141335 +437 727 3 881001576 +437 730 3 880141374 +437 732 4 880143167 +437 736 5 881001888 +437 737 1 880142614 +437 739 3 880143243 +437 746 4 880141335 +437 747 4 880143167 +437 748 4 880139631 +437 753 4 880140927 +437 755 3 880143450 +437 770 3 881001208 +437 778 3 881002092 +437 781 4 880143263 +437 794 4 880143243 +437 812 3 881002092 +437 842 4 880143451 +437 843 4 880143520 +437 946 3 881002092 +437 955 4 881002404 +437 969 4 881001888 +437 1006 3 881001472 +437 1007 5 881002374 +437 1036 5 880143562 +437 1039 2 880140101 +437 1063 5 880141661 +437 1075 4 881002374 +437 1090 1 880143092 +437 1091 3 880143392 +437 1098 3 880141243 +437 1113 4 881002161 +437 1121 5 880140466 +437 1134 4 880141008 +437 1148 4 881001983 +437 1153 5 880141962 +437 1161 4 880141770 +437 1206 4 881002191 +437 1211 4 881001208 +437 1227 3 880142630 +437 1262 3 881002091 +437 1267 4 880141528 +437 1404 2 881002263 +437 1599 5 880142614 +438 1 4 879868096 +438 9 4 879868005 +438 15 4 879868242 +438 21 2 879868683 +438 50 5 879868005 +438 100 4 879868024 +438 118 4 879868529 +438 121 5 879868328 +438 148 5 879868443 +438 181 4 879868005 +438 220 4 879868328 +438 237 5 879868278 +438 245 5 879867960 +438 255 4 879868242 +438 257 4 879868159 +438 269 4 879867960 +438 280 5 879868423 +438 281 4 879868494 +438 284 2 879868308 +438 286 2 879867960 +438 321 5 879867960 +438 471 4 879868184 +438 476 5 879868664 +438 815 5 879868581 +438 845 4 879868042 +438 864 3 879868547 +438 866 5 879868529 +438 1028 2 879868529 +439 7 4 882893245 +439 13 3 882893171 +439 14 5 882893245 +439 93 4 882893737 +439 100 3 882892705 +439 121 2 882893768 +439 125 3 882893688 +439 147 4 882893737 +439 237 5 882893220 +439 240 3 882893859 +439 242 5 882892424 +439 246 4 882892755 +439 257 4 882893737 +439 273 2 882892675 +439 276 5 882892755 +439 282 3 882893859 +439 285 5 882893220 +439 288 3 882892424 +439 290 4 882894084 +439 293 3 882892818 +439 300 4 882892424 +439 301 3 882892424 +439 307 3 882892424 +439 405 4 882893323 +439 475 3 882893220 +439 591 4 882892818 +439 895 3 882892424 +439 1048 4 882893602 +439 1328 4 882893891 +440 57 5 891577949 +440 70 4 891577950 +440 86 5 891577919 +440 171 5 891577871 +440 198 4 891577843 +440 242 5 891546594 +440 243 1 891577504 +440 271 5 891550404 +440 272 5 891546631 +440 283 5 891577894 +440 300 3 891546785 +440 310 3 891546631 +440 312 5 891550404 +440 313 4 891546631 +440 319 2 891549397 +440 323 1 891577504 +440 324 5 891548567 +440 328 3 891546895 +440 329 5 891548567 +440 340 2 891549397 +440 350 5 891550404 +440 361 5 891548567 +440 512 3 891578059 +440 515 4 891578301 +440 582 3 891577919 +440 690 4 891546698 +440 736 5 891578036 +440 749 3 891547746 +440 750 5 891546784 +440 751 3 891549397 +440 883 5 891550404 +440 886 5 891550404 +440 904 5 891546654 +440 921 5 891578264 +440 923 5 891577843 +440 937 5 891548567 +440 971 5 891577871 +440 988 1 891577504 +440 1038 5 891550404 +440 1073 4 891577814 +440 1105 5 891548567 +440 1191 5 891550404 +440 1194 5 891577843 +440 1265 5 891548567 +440 1504 4 891578226 +440 1591 5 891548567 +441 1 5 891035468 +441 7 4 891035468 +441 9 4 891035528 +441 15 3 891035699 +441 25 3 891036306 +441 117 4 891035489 +441 121 4 891035489 +441 259 3 891035211 +441 288 2 891035056 +441 294 4 891035211 +441 313 4 891035056 +441 338 4 891035289 +441 342 4 891035267 +441 405 3 891035507 +441 538 3 891035144 +441 683 2 891035350 +441 751 4 891035247 +442 7 4 883389983 +442 11 4 883390284 +442 12 4 883390912 +442 14 1 883389776 +442 17 4 883388535 +442 22 2 883390813 +442 26 3 883388576 +442 27 2 883390416 +442 29 3 883390641 +442 31 3 883391249 +442 33 3 883388508 +442 38 3 883390674 +442 39 3 883390466 +442 41 4 883388609 +442 42 4 883388401 +442 44 2 883391146 +442 53 3 883390048 +442 54 3 883391274 +442 55 3 883390813 +442 56 5 883388237 +442 62 2 883390641 +442 64 5 883389682 +442 67 3 883389028 +442 68 3 883390416 +442 79 3 883390366 +442 82 3 883390497 +442 89 4 883390416 +442 98 4 883389983 +442 100 2 883388325 +442 117 3 883390366 +442 121 2 883390544 +442 129 4 883391146 +442 144 4 883390328 +442 150 4 883388283 +442 153 3 883388237 +442 154 4 883389491 +442 156 4 883391221 +442 159 4 883391299 +442 161 3 883390497 +442 168 4 883388325 +442 174 4 883389776 +442 176 5 883390284 +442 177 4 883390366 +442 181 4 883390416 +442 182 4 883390284 +442 184 2 883390083 +442 186 4 883388429 +442 188 3 883390782 +442 195 4 883390328 +442 203 3 883391146 +442 204 3 883389028 +442 209 4 883388283 +442 210 3 883388609 +442 217 3 883390083 +442 218 3 883390048 +442 219 3 883390009 +442 222 3 883391221 +442 226 3 883390416 +442 227 3 883390574 +442 228 5 883390366 +442 229 3 883391275 +442 230 3 883390466 +442 231 3 883390609 +442 234 4 883389983 +442 240 2 883388833 +442 268 4 883388092 +442 273 4 883390328 +442 276 4 883391027 +442 281 3 883391299 +442 286 2 883388031 +442 288 4 883390048 +442 294 2 883388120 +442 318 4 883391046 +442 342 2 883388147 +442 350 2 883387916 +442 367 2 883388887 +442 385 3 883390416 +442 401 2 883388960 +442 403 4 883390466 +442 410 4 883388508 +442 433 4 883388283 +442 436 3 883390048 +442 447 3 883390048 +442 449 2 883390739 +442 452 3 883390169 +442 470 4 883391167 +442 482 3 883389747 +442 508 3 883388283 +442 546 3 883390574 +442 550 2 883390466 +442 554 2 883390641 +442 559 2 883390048 +442 569 2 883390140 +442 572 3 883391344 +442 576 2 883390703 +442 578 2 883390466 +442 591 3 883391221 +442 628 4 883391221 +442 635 4 883389380 +442 636 5 883390416 +442 665 2 883390139 +442 672 3 883390048 +442 684 3 883391221 +442 685 2 883390703 +442 695 5 883387935 +442 710 5 883388576 +442 746 3 883388354 +442 769 1 883391397 +442 780 3 883388986 +442 800 3 883390139 +442 810 2 883390674 +442 834 2 883389337 +442 859 3 883390169 +442 873 2 883388120 +442 943 4 883391221 +442 975 3 883391377 +442 979 3 883391344 +442 988 1 883388064 +442 1067 3 883388576 +442 1098 4 883388237 +442 1170 4 883388909 +442 1183 3 883390674 +442 1188 3 883390609 +442 1218 2 883388960 +443 12 5 883505379 +443 175 2 883505396 +443 258 5 883504617 +443 260 1 883504818 +443 269 3 883504564 +443 271 4 883504682 +443 286 5 883504521 +443 294 5 883504593 +443 309 5 883504866 +443 313 4 883504564 +443 323 2 883504866 +443 327 4 883504593 +443 333 5 883504654 +443 340 5 883504748 +443 343 5 883504771 +443 358 1 883504748 +443 644 3 883505465 +443 678 2 883504818 +443 687 3 883504889 +443 748 4 883505171 +444 9 5 890247287 +444 50 5 890247287 +444 100 5 890247385 +444 245 4 891979402 +444 251 5 890247385 +444 258 3 890246907 +444 269 4 891979402 +444 271 3 891979403 +444 272 5 891978637 +444 275 4 891979402 +444 286 2 890246847 +444 300 4 891979402 +444 306 5 890246907 +444 307 3 891979402 +444 313 4 890246940 +444 328 5 890247082 +444 515 4 891979402 +444 678 3 891979403 +444 748 1 890247172 +444 751 4 890247172 +444 906 4 891979402 +444 912 4 891978663 +444 916 3 891979403 +444 1483 2 891978807 +445 7 1 891200078 +445 9 2 891199655 +445 12 2 890987617 +445 23 3 890987465 +445 28 4 890987772 +445 50 2 891199715 +445 55 1 890987712 +445 64 2 890987771 +445 79 4 890987742 +445 87 3 890988205 +445 96 4 890987655 +445 100 2 890987569 +445 117 1 891199821 +445 118 2 891200506 +445 121 1 891200233 +445 123 1 891200137 +445 127 2 890987687 +445 144 3 890987569 +445 147 2 891199974 +445 150 2 890987617 +445 174 4 891200869 +445 181 2 891199945 +445 195 2 890987655 +445 203 3 890988205 +445 204 3 890988205 +445 208 2 890987712 +445 209 4 891200869 +445 221 1 891200203 +445 235 1 891200272 +445 237 2 891199906 +445 245 2 891035830 +445 246 1 891199682 +445 248 1 891199774 +445 257 2 891199945 +445 268 1 890987410 +445 272 3 890988205 +445 273 2 891199869 +445 274 2 891200164 +445 276 3 891199869 +445 281 1 891200417 +445 288 2 891035830 +445 289 1 891199510 +445 291 2 891200233 +445 293 3 891199945 +445 295 1 891199843 +445 298 2 891199906 +445 300 1 890987410 +445 302 1 891199195 +445 310 1 891199331 +445 313 2 890988206 +445 324 1 891199297 +445 325 1 891199533 +445 327 2 891035830 +445 330 2 891199274 +445 333 2 890987410 +445 340 5 891035571 +445 346 5 891200869 +445 405 4 891200869 +445 408 3 891199749 +445 410 1 891200164 +445 433 2 890987617 +445 460 2 891200624 +445 475 5 891200869 +445 479 3 890988206 +445 480 3 890988206 +445 504 3 890988206 +445 508 2 891200078 +445 544 2 891200417 +445 546 2 891200417 +445 591 2 891200020 +445 595 2 891200624 +445 597 1 891200320 +445 603 3 890988205 +445 628 1 891200137 +445 644 3 890988205 +445 689 1 891199458 +445 742 1 891200078 +445 744 2 891200272 +445 748 1 891199458 +445 752 1 891199167 +445 762 1 891200355 +445 763 2 891200233 +445 818 1 891200656 +445 823 1 891200624 +445 829 1 891200624 +445 831 1 891200447 +445 840 1 891200320 +445 844 2 891200138 +445 845 2 891200320 +445 871 2 891200592 +445 881 1 891199510 +445 886 3 891035539 +445 895 2 891035897 +445 902 4 891200870 +445 908 1 891199331 +445 919 1 891200233 +445 959 5 891200869 +445 979 2 891200272 +445 1008 1 891200320 +445 1010 1 891200506 +445 1011 1 891200320 +445 1012 1 891199843 +445 1014 1 891200506 +445 1047 1 891200656 +445 1051 1 891200390 +445 1081 1 891200447 +445 1097 1 891199682 +445 1129 4 891199994 +445 1143 4 891200870 +445 1187 3 891200137 +445 1199 1 891200447 +445 1245 1 891200390 +445 1252 1 891199749 +445 1277 2 891200736 +445 1528 2 891200355 +445 1591 4 891199360 +445 1598 1 891200592 +445 1601 1 891199533 +446 245 4 879787226 +446 268 2 879786892 +446 269 4 879787730 +446 270 4 879786892 +446 286 3 879787730 +446 288 2 879786838 +446 292 5 879786838 +446 294 1 879786984 +446 301 3 879786838 +446 302 4 879787730 +446 303 2 879787859 +446 306 3 879786691 +446 307 3 879786892 +446 311 2 879787858 +446 326 2 879786943 +446 327 2 879787858 +446 328 3 879786984 +446 332 3 879787149 +446 334 3 879787149 +446 359 3 879787226 +446 688 2 879786985 +446 690 2 879786892 +446 748 2 879787149 +446 754 3 879787858 +446 879 3 879786691 +446 880 2 879786943 +446 883 3 879786837 +446 887 4 879786943 +446 888 1 879787859 +447 1 3 878854273 +447 5 3 878856422 +447 7 5 878854383 +447 9 2 878854195 +447 11 4 878856208 +447 12 5 878855907 +447 13 5 878854630 +447 15 1 878854481 +447 17 3 878856110 +447 25 4 878854630 +447 27 3 878856601 +447 28 4 878856110 +447 31 4 878856526 +447 55 4 878856573 +447 56 5 878855782 +447 65 3 878856422 +447 68 5 878855819 +447 69 4 878856209 +447 70 3 878856483 +447 79 3 878856110 +447 83 5 878856458 +447 85 4 878856526 +447 89 5 878855723 +447 91 4 878856549 +447 96 5 878855847 +447 98 4 878855873 +447 100 5 878854552 +447 111 3 878854954 +447 117 4 878854630 +447 118 4 878854578 +447 121 5 878855107 +447 123 3 878854459 +447 133 4 878856052 +447 135 5 878855989 +447 144 5 878856078 +447 147 4 878854678 +447 148 4 878854729 +447 150 4 878854438 +447 151 3 878854520 +447 153 4 878855756 +447 156 5 878856625 +447 157 4 878856290 +447 158 3 878856262 +447 174 5 878856052 +447 175 3 878855847 +447 176 4 878856148 +447 180 5 878855989 +447 181 5 878854520 +447 183 5 878856394 +447 200 3 878855963 +447 201 2 878855723 +447 204 4 878856458 +447 206 4 878856209 +447 209 4 878856148 +447 218 4 878856052 +447 222 3 878854340 +447 223 5 878856394 +447 227 2 878856233 +447 228 4 878855682 +447 231 2 878856394 +447 233 4 878856526 +447 234 4 878855782 +447 235 2 878854605 +447 248 5 878854383 +447 252 3 878854975 +447 257 3 878854520 +447 258 5 878853977 +447 260 2 878854120 +447 274 1 878854552 +447 276 4 878854552 +447 278 3 878854810 +447 281 3 878854857 +447 284 4 878854552 +447 286 2 878855082 +447 288 4 878855082 +447 290 4 878854838 +447 293 4 878854459 +447 294 4 878855082 +447 298 4 878854195 +447 300 4 878854011 +447 367 3 878856232 +447 405 2 878854704 +447 410 2 878854630 +447 435 4 878855756 +447 447 3 878855724 +447 469 4 878856394 +447 470 4 878856208 +447 483 5 878855818 +447 484 5 878856457 +447 498 4 878856321 +447 508 3 878854195 +447 535 4 878854954 +447 544 4 878854997 +447 546 2 878854704 +447 559 3 878856172 +447 582 4 878855724 +447 591 4 878855139 +447 597 3 878855021 +447 629 3 878855907 +447 642 4 878855819 +447 678 3 878854056 +447 716 2 878856573 +447 737 4 878855907 +447 742 3 878854658 +447 748 1 878854056 +447 760 4 878854838 +447 815 3 878854658 +447 823 3 878855165 +447 845 3 878854678 +447 866 2 878855082 +447 879 3 878854056 +447 926 3 878854438 +447 963 5 878855963 +447 981 2 878855139 +447 1009 4 878854876 +447 1016 3 878854918 +447 1028 3 878855139 +447 1034 2 878854918 +447 1046 3 878856602 +447 1048 2 878854579 +447 1132 3 878855164 +447 1142 5 878854481 +447 1315 4 878854838 +447 1326 4 878854838 +448 258 4 891887440 +448 262 4 891888042 +448 268 3 891888367 +448 269 5 891887338 +448 271 4 891888509 +448 286 2 891887393 +448 292 4 891888178 +448 301 1 891888099 +448 302 5 891887337 +448 303 4 891887161 +448 304 3 891888137 +448 305 4 891888509 +448 307 2 891888042 +448 316 1 891887337 +448 319 5 891888099 +448 321 4 891888509 +448 327 2 891888367 +448 333 2 891887161 +448 338 1 891888712 +448 340 4 891888137 +448 344 4 891888244 +448 345 5 891887440 +448 360 4 891887338 +448 750 5 891888099 +448 884 4 891889281 +448 887 2 891888042 +448 896 5 891887216 +448 900 3 891887393 +448 902 4 891888779 +448 1176 2 891887393 +448 1294 1 891887161 +448 1602 4 891888042 +449 9 4 879958624 +449 14 3 879958603 +449 15 4 879958866 +449 59 5 880410599 +449 60 5 880410652 +449 61 5 880410700 +449 100 5 879958664 +449 105 1 879959573 +449 117 3 879958624 +449 118 1 879959573 +449 122 1 879959573 +449 127 5 879958572 +449 137 5 879958866 +449 170 4 880410652 +449 171 4 880410599 +449 179 4 880410674 +449 212 5 880410624 +449 224 4 879958758 +449 244 4 879959152 +449 248 4 879958888 +449 251 3 879958603 +449 268 2 880410988 +449 269 5 879958444 +449 273 4 879959003 +449 274 2 879959003 +449 276 5 879958705 +449 282 3 879958953 +449 285 5 879958572 +449 286 4 879958444 +449 288 3 879959082 +449 291 2 879959246 +449 293 4 879958803 +449 310 3 880410951 +449 337 4 880411035 +449 381 4 880410777 +449 410 3 879959134 +449 459 4 879958803 +449 473 3 879958866 +449 475 5 879958603 +449 544 3 879959023 +449 546 2 879959573 +449 558 4 880410599 +449 639 5 880410700 +449 640 5 880410734 +449 702 5 880410778 +449 742 3 879958839 +449 748 2 879959273 +449 753 5 880410700 +449 763 2 879959190 +449 936 5 879958721 +449 971 4 880410701 +449 983 2 879959331 +449 1006 4 880410701 +449 1009 4 879959190 +449 1011 4 879958685 +449 1073 5 880410734 +449 1142 4 879958803 +449 1194 4 880410624 +449 1195 5 880410754 +449 1318 2 879959573 +449 1367 4 879958976 +449 1372 4 880410834 +449 1404 5 880410801 +450 1 4 887835272 +450 2 4 882474001 +450 3 4 882398220 +450 4 3 882373865 +450 7 4 882376885 +450 10 4 882398567 +450 12 4 882373231 +450 13 3 882373297 +450 15 3 882812350 +450 23 5 887136837 +450 26 5 882396489 +450 28 4 882377861 +450 29 3 887661438 +450 33 5 882398083 +450 35 2 882468790 +450 38 4 882474001 +450 39 4 882376282 +450 43 4 887139080 +450 49 5 882469728 +450 50 5 882371415 +450 51 4 882377358 +450 54 4 887138820 +450 56 4 882371645 +450 58 3 882373464 +450 60 3 882472089 +450 64 4 882373656 +450 65 3 882376885 +450 66 4 882398770 +450 67 3 882469941 +450 70 4 882374497 +450 71 3 882377358 +450 73 3 887661438 +450 76 3 882395913 +450 77 4 887139143 +450 78 2 882396245 +450 79 4 882376446 +450 80 3 882471737 +450 81 4 882376188 +450 82 3 887834953 +450 83 4 882372027 +450 86 4 887660440 +450 87 5 882374059 +450 88 5 882396799 +450 89 5 882371311 +450 90 4 887660650 +450 92 4 887660650 +450 94 4 882468239 +450 95 3 882395167 +450 96 4 887834823 +450 97 4 882396351 +450 98 4 882371732 +450 99 4 882376803 +450 100 4 882374059 +450 101 5 882399359 +450 102 4 882468047 +450 110 4 882469250 +450 112 2 882468307 +450 114 5 887660504 +450 117 4 882397373 +450 118 3 882395166 +450 121 3 882395537 +450 123 2 882373464 +450 125 4 882376803 +450 126 5 882396051 +450 127 5 882373155 +450 131 4 882377861 +450 132 5 882374422 +450 133 5 882373019 +450 134 3 882373597 +450 135 3 882373231 +450 136 5 882812349 +450 139 5 882812558 +450 141 3 882377726 +450 142 5 887835352 +450 143 5 882394364 +450 144 5 882373865 +450 145 3 887661438 +450 152 5 882395052 +450 153 5 882374422 +450 154 3 882377590 +450 155 4 882396564 +450 157 3 882394180 +450 158 3 882471524 +450 161 5 882396245 +450 162 5 882395913 +450 163 4 882377358 +450 164 4 882396050 +450 166 5 887660440 +450 167 5 882469863 +450 168 5 882376803 +450 169 5 882371732 +450 172 4 882372103 +450 173 5 882371526 +450 174 5 882374422 +450 176 4 882373088 +450 177 4 887136369 +450 179 5 882394364 +450 180 4 882373020 +450 181 4 882372103 +450 182 5 882376585 +450 183 4 882394180 +450 185 5 882376365 +450 187 5 882373597 +450 188 3 882395778 +450 190 4 882373385 +450 191 5 887660440 +450 192 4 882467868 +450 193 5 882372027 +450 194 5 882373786 +450 195 4 882371826 +450 196 5 882371526 +450 197 5 882374059 +450 199 5 882371732 +450 200 3 882376188 +450 202 4 882397223 +450 203 4 882396799 +450 204 4 882377590 +450 205 4 882373531 +450 207 4 882374497 +450 208 5 882377358 +450 210 3 887835408 +450 211 5 882373865 +450 213 4 882396351 +450 214 1 882371416 +450 215 5 882396051 +450 216 5 882373657 +450 218 4 882397224 +450 220 4 882394097 +450 221 4 882395052 +450 222 3 882395778 +450 223 3 882371732 +450 225 4 887662002 +450 226 4 882474001 +450 227 3 882398313 +450 229 4 882474001 +450 230 4 882371732 +450 231 3 887662002 +450 233 3 882474001 +450 235 3 887661217 +450 237 5 887660650 +450 238 5 882396928 +450 239 5 882373865 +450 241 4 882376658 +450 245 4 892141986 +450 252 3 887834953 +450 254 3 887662083 +450 258 4 882216108 +450 260 2 889568753 +450 264 3 882370581 +450 265 5 882371526 +450 269 5 882215617 +450 270 4 882216108 +450 272 5 886449009 +450 273 3 882377726 +450 274 4 882469627 +450 275 4 882372178 +450 277 3 882397223 +450 278 5 882473476 +450 280 4 882397940 +450 281 4 882399664 +450 282 5 882377653 +450 283 3 887661961 +450 284 4 887139517 +450 287 4 887660504 +450 288 3 884097913 +450 290 4 882399509 +450 292 5 882215922 +450 294 4 882370316 +450 299 2 889568793 +450 300 4 882216475 +450 301 4 882216475 +450 302 5 882215617 +450 304 4 882216108 +450 305 4 885944806 +450 307 5 882216475 +450 310 4 887660650 +450 311 4 885945425 +450 312 4 882812205 +450 313 5 882811655 +450 315 4 884098435 +450 316 4 889568753 +450 318 5 882373531 +450 328 4 886449488 +450 332 4 882369964 +450 336 3 882370464 +450 340 4 882216178 +450 345 2 884906309 +450 347 4 887047775 +450 354 4 892141784 +450 357 5 882373531 +450 367 3 882376282 +450 371 3 887661961 +450 372 4 882396245 +450 373 3 887834953 +450 378 5 882373995 +450 380 5 882398939 +450 381 2 882374497 +450 382 3 882377479 +450 383 2 882468790 +450 384 3 882471524 +450 385 4 882396489 +450 386 4 882397049 +450 387 5 882376446 +450 389 4 882396051 +450 392 4 887660762 +450 393 4 882812349 +450 395 3 882470642 +450 396 2 882469941 +450 400 3 882468790 +450 401 3 882397224 +450 402 4 882395662 +450 403 4 887660440 +450 414 3 882396564 +450 416 5 882395779 +450 417 4 882376365 +450 418 4 882395914 +450 419 5 887660504 +450 421 4 887834823 +450 422 3 882467991 +450 427 5 882371415 +450 428 4 887660722 +450 430 4 882377590 +450 431 5 882473914 +450 432 4 882377861 +450 433 3 882469061 +450 434 3 882372027 +450 435 4 882374332 +450 443 4 882377861 +450 448 4 882371526 +450 451 4 882398220 +450 455 4 882376188 +450 462 4 882396928 +450 465 4 887834823 +450 467 4 882374332 +450 468 4 882376803 +450 469 4 882396153 +450 470 5 887139517 +450 471 4 882396153 +450 472 4 882397813 +450 474 5 882812558 +450 476 4 882469306 +450 477 4 887660762 +450 478 5 887835272 +450 479 4 882371526 +450 480 4 882372178 +450 481 5 882373231 +450 482 5 882371904 +450 483 3 882371826 +450 484 3 887662002 +450 485 5 882373088 +450 487 4 887660504 +450 488 4 882371415 +450 489 4 882373464 +450 490 5 882373786 +450 491 3 882373297 +450 492 5 882397049 +450 493 4 887660722 +450 494 3 882373385 +450 495 4 882395052 +450 496 5 882373532 +450 497 5 882374422 +450 499 5 882372178 +450 500 4 882376188 +450 501 4 882371416 +450 502 5 882469061 +450 503 4 882371311 +450 505 5 882376658 +450 506 5 882373088 +450 507 5 882373020 +450 509 4 882398567 +450 510 4 887660722 +450 511 5 882372178 +450 514 5 882468931 +450 518 4 882374134 +450 519 4 887660820 +450 520 5 887136083 +450 523 5 882371904 +450 525 3 882467271 +450 526 4 882396245 +450 527 5 882374059 +450 528 5 882371526 +450 530 3 887661843 +450 535 3 882812636 +450 546 4 887139019 +450 549 3 882377358 +450 550 4 882473915 +450 553 2 882373928 +450 557 5 882472306 +450 558 3 882396050 +450 559 3 882376446 +450 561 4 887660762 +450 566 4 882373928 +450 568 4 882397939 +450 570 4 887139728 +450 582 4 882394097 +450 583 4 882473914 +450 588 4 882376658 +450 589 3 882813241 +450 591 4 887660762 +450 597 4 882473914 +450 602 4 882373532 +450 604 4 882373231 +450 606 5 882371904 +450 607 5 887135753 +450 608 4 882373088 +450 609 5 882398312 +450 610 4 882371904 +450 611 5 887135833 +450 612 4 882396564 +450 613 4 887660650 +450 614 4 882377479 +450 618 4 882373995 +450 619 3 882377861 +450 620 4 882399818 +450 622 5 882468239 +450 627 3 882396489 +450 629 4 882397940 +450 630 3 882376188 +450 631 4 882394251 +450 632 5 882395914 +450 633 5 887660440 +450 637 4 882395662 +450 642 4 882397939 +450 647 4 887136622 +450 648 5 887660503 +450 650 4 882376446 +450 651 5 882376658 +450 655 4 882377653 +450 657 4 887660504 +450 659 5 882374217 +450 660 4 887660762 +450 661 3 882373231 +450 662 4 882395914 +450 663 4 882373019 +450 671 3 882371416 +450 673 3 882396928 +450 679 1 882374422 +450 685 4 882374134 +450 686 4 882473826 +450 689 3 882216026 +450 692 4 882373724 +450 693 3 887139232 +450 696 4 882398666 +450 700 1 882469863 +450 702 4 882371904 +450 704 3 882372178 +450 705 4 882373656 +450 707 5 882373786 +450 708 4 882397049 +450 709 3 882371826 +450 710 3 882468931 +450 712 3 882470642 +450 713 3 882395778 +450 714 4 882472144 +450 715 3 887137066 +450 716 4 882469166 +450 717 4 887834953 +450 723 3 882399818 +450 727 4 882812635 +450 728 3 887834953 +450 729 4 887139517 +450 731 3 882398084 +450 734 2 882471737 +450 735 4 882377590 +450 736 5 882395167 +450 739 4 887660650 +450 741 3 882376282 +450 742 4 882396564 +450 747 4 882395166 +450 748 4 882370410 +450 749 4 892141807 +450 750 3 884098229 +450 751 5 885945114 +450 761 4 882398939 +450 762 3 882469627 +450 765 3 882471362 +450 771 3 887835478 +450 774 4 882399818 +450 775 4 882469432 +450 776 4 882468402 +450 778 3 887834953 +450 783 3 882399818 +450 785 3 882395537 +450 790 2 882374332 +450 792 4 882396050 +450 794 5 882473476 +450 801 4 882469863 +450 807 4 887834823 +450 812 4 882468402 +450 815 3 882396153 +450 821 2 882812495 +450 823 3 887139729 +450 832 2 882468307 +450 837 4 887835478 +450 842 4 882376446 +450 845 4 882373385 +450 846 3 882471524 +450 847 4 882376188 +450 865 4 887136139 +450 866 4 882396565 +450 869 4 882470064 +450 873 3 882216475 +450 878 2 884098534 +450 900 5 885944864 +450 902 4 889569016 +450 904 5 889568507 +450 905 5 885945656 +450 908 1 885945114 +450 921 4 882372178 +450 923 5 886612198 +450 926 4 882470125 +450 928 3 882397813 +450 934 3 882471362 +450 936 5 889569270 +450 939 4 882376803 +450 940 2 882471737 +450 942 5 882812558 +450 951 4 882399508 +450 956 4 882394097 +450 965 4 882394364 +450 966 4 882377861 +450 967 5 882373994 +450 968 4 882395537 +450 969 4 882376584 +450 1020 4 882376365 +450 1028 4 882469250 +450 1030 1 882468789 +450 1033 3 882468401 +450 1036 2 882468686 +450 1037 2 882473760 +450 1039 5 887137271 +450 1041 4 882469432 +450 1044 4 887139844 +450 1047 4 882469941 +450 1048 3 882397813 +450 1050 4 882812349 +450 1053 3 882396352 +450 1054 2 882812495 +450 1091 4 882468047 +450 1092 3 882469627 +450 1107 4 887138957 +450 1115 4 882395778 +450 1116 3 887661961 +450 1119 4 882374332 +450 1135 4 882396352 +450 1140 2 882471362 +450 1147 4 882374497 +450 1152 5 882812558 +450 1153 5 882397223 +450 1160 5 886612330 +450 1163 3 882396928 +450 1172 5 882373231 +450 1184 1 882397049 +450 1192 5 887137066 +450 1197 3 882395662 +450 1203 3 882373723 +450 1208 3 882399359 +450 1212 4 882396799 +450 1220 5 882398084 +450 1221 5 887660722 +450 1222 3 887834953 +450 1226 4 887660820 +450 1248 4 882399664 +450 1249 3 882812821 +450 1261 4 882472964 +450 1263 4 882396799 +450 1269 4 882812635 +450 1271 2 882468686 +450 1282 3 882394364 +450 1284 3 887139594 +450 1286 3 882377479 +450 1303 4 887136016 +450 1311 4 887139844 +450 1401 4 882372103 +450 1402 2 882473230 +450 1425 4 882471737 +450 1435 4 882471362 +450 1441 3 882397940 +450 1444 4 882468239 +450 1446 4 882812558 +450 1479 3 882377479 +450 1521 3 882812350 +450 1603 3 887139728 +451 242 1 879012857 +451 243 4 879012510 +451 259 4 879012721 +451 260 5 879012580 +451 261 2 879012647 +451 262 1 879012647 +451 263 2 879012811 +451 264 3 879012604 +451 268 2 879012684 +451 269 2 879012647 +451 270 4 879012684 +451 286 1 879012343 +451 288 5 879012470 +451 289 1 879012510 +451 292 3 879012684 +451 294 5 879012470 +451 299 1 879012721 +451 300 4 879012550 +451 301 4 879012431 +451 302 3 879012647 +451 303 2 879012648 +451 304 3 879012684 +451 305 3 879012647 +451 306 2 879012684 +451 307 4 879012431 +451 308 1 879012890 +451 319 2 879012510 +451 322 4 879012510 +451 323 4 879012510 +451 325 3 879012721 +451 326 4 879012431 +451 327 4 879012580 +451 328 5 879012470 +451 329 4 879012721 +451 330 3 879012721 +451 331 5 879012431 +451 332 4 879012342 +451 333 5 879012550 +451 334 3 879012648 +451 335 4 879012721 +451 336 4 879012811 +451 337 2 879012857 +451 359 2 879012721 +451 360 3 879012858 +451 457 2 879012890 +451 678 5 879012510 +451 680 1 879012811 +451 681 1 879012773 +451 682 4 879012580 +451 683 1 879012470 +451 687 2 879012510 +451 688 1 879012811 +451 690 4 879012382 +451 749 3 879012773 +451 872 2 879012857 +451 874 4 879012684 +451 875 2 879012721 +451 877 4 879012471 +451 878 1 879012811 +451 879 4 879012580 +451 880 1 879012773 +451 881 4 879012721 +451 882 1 879012812 +451 883 1 879012858 +451 884 1 879012890 +451 886 4 879012773 +451 937 4 879012684 +451 938 4 879012772 +451 984 4 879012647 +451 988 1 879012773 +451 989 1 879012857 +451 991 2 879012647 +451 995 1 879012721 +451 1022 4 879012858 +451 1025 3 879012773 +451 1026 1 879012773 +451 1265 4 879012772 +451 1280 1 879012773 +451 1296 3 879012685 +451 1392 1 879012812 +451 1393 2 879012812 +451 1394 1 879012858 +451 1395 1 879012858 +452 7 5 885816915 +452 8 4 875266060 +452 14 3 888568076 +452 15 4 875275763 +452 22 5 885544110 +452 23 2 876825745 +452 25 2 875559910 +452 27 5 885816916 +452 45 4 875265446 +452 48 5 885816769 +452 50 5 875264825 +452 52 3 888494119 +452 58 3 875261666 +452 60 1 887718917 +452 61 1 887718917 +452 62 2 875563098 +452 64 4 875266518 +452 66 4 885816884 +452 69 5 875275699 +452 70 5 888492838 +452 73 3 875277472 +452 79 4 875269386 +452 82 3 886149040 +452 83 3 885490812 +452 86 4 875274683 +452 88 2 875559842 +452 89 5 875263413 +452 96 2 875275699 +452 97 4 885476560 +452 99 3 875562410 +452 100 5 885544109 +452 102 2 875560150 +452 111 3 886061565 +452 121 5 885816916 +452 124 5 885816768 +452 127 5 885544109 +452 132 2 875560255 +452 134 3 875265446 +452 135 3 875560790 +452 136 4 875266060 +452 143 3 885805093 +452 152 2 875264826 +452 154 5 888568251 +452 156 4 875261819 +452 161 5 885816915 +452 162 3 875277319 +452 163 4 886151027 +452 168 4 888568251 +452 170 4 875261261 +452 171 4 875277472 +452 173 4 875261350 +452 174 4 875263413 +452 179 5 875265368 +452 180 4 875560300 +452 181 4 886151027 +452 183 4 888492759 +452 185 5 875264355 +452 186 1 875875499 +452 187 3 875265265 +452 188 4 875560300 +452 191 5 876299004 +452 194 4 885816440 +452 195 4 875265114 +452 197 5 885816768 +452 199 5 885816768 +452 201 1 875875685 +452 202 3 885547846 +452 203 3 875275561 +452 204 3 875275815 +452 207 4 875261261 +452 211 2 875266197 +452 212 2 885490812 +452 216 3 888568700 +452 234 3 875264355 +452 237 2 875263068 +452 243 5 886148336 +452 245 2 876216206 +452 259 2 888494119 +452 265 3 887719158 +452 269 5 888568251 +452 275 4 875264491 +452 276 1 885490917 +452 286 4 876298932 +452 294 2 886148704 +452 318 5 885544110 +452 371 3 875562573 +452 384 2 875559398 +452 385 4 875560933 +452 404 4 875561978 +452 418 4 875275700 +452 419 4 887719030 +452 420 3 875562510 +452 423 5 885544110 +452 427 4 875264976 +452 430 3 885817719 +452 432 2 875264432 +452 435 3 885476560 +452 443 5 885544109 +452 455 1 876297413 +452 458 1 875266197 +452 461 4 875273609 +452 462 4 875264825 +452 465 5 886148336 +452 467 3 885491030 +452 472 5 885816916 +452 475 2 876299004 +452 479 5 885544109 +452 481 5 885544110 +452 482 5 885544110 +452 483 5 875263244 +452 485 2 875276589 +452 488 4 885546945 +452 490 4 875261350 +452 491 4 875261100 +452 492 4 875263413 +452 494 5 885805554 +452 495 4 875560508 +452 496 5 875261666 +452 498 4 875264976 +452 501 3 885476356 +452 502 2 885817844 +452 504 2 875273544 +452 506 3 875276081 +452 509 4 875560790 +452 510 4 875562475 +452 513 4 875561734 +452 514 3 875261350 +452 517 2 875562846 +452 518 5 885816768 +452 521 3 885545770 +452 523 2 887889774 +452 526 4 875562645 +452 530 3 875562062 +452 531 4 875263244 +452 554 3 875562245 +452 576 2 875563050 +452 588 3 885804123 +452 597 5 885816916 +452 603 4 887718667 +452 607 5 875266680 +452 609 4 875562374 +452 614 3 875562198 +452 615 3 875261350 +452 624 2 875560067 +452 625 3 875562159 +452 631 4 888568464 +452 636 5 885816916 +452 641 3 875266415 +452 648 4 875273292 +452 654 2 875273543 +452 659 4 875266415 +452 660 4 875560068 +452 661 4 875261747 +452 663 2 885817516 +452 684 4 888493923 +452 729 1 885981574 +452 736 3 887890174 +452 780 1 885476356 +452 781 3 888568714 +452 792 5 887890364 +452 805 4 875562441 +452 815 2 875277472 +452 842 2 875265368 +452 856 4 885817937 +452 863 5 885816769 +452 874 2 887718965 +452 924 5 885816916 +452 945 4 888323595 +452 947 5 885816915 +452 969 2 875276006 +452 971 4 875560019 +452 1013 1 876215773 +452 1057 1 876215627 +452 1089 1 876215899 +452 1109 2 875273609 +452 1383 1 886149828 +452 1403 1 875875272 +452 1427 5 885816768 +452 1534 1 876298233 +453 3 4 877552717 +453 4 4 877554490 +453 7 5 877562135 +453 9 3 888207161 +453 11 5 877554174 +453 12 5 877553813 +453 17 4 877553928 +453 22 5 877553870 +453 24 4 877553108 +453 33 4 877561522 +453 42 5 877554301 +453 48 4 877553761 +453 49 3 877561172 +453 50 5 877562313 +453 53 3 877561894 +453 56 5 877554771 +453 59 2 888202258 +453 68 4 877561411 +453 69 4 877554647 +453 73 4 888206132 +453 77 3 888207161 +453 79 3 888207161 +453 80 2 888205783 +453 85 3 877561301 +453 93 2 887941962 +453 94 4 877561956 +453 97 3 877554743 +453 98 4 877554396 +453 99 3 888205588 +453 100 5 877552612 +453 117 4 877552540 +453 120 1 877553678 +453 122 3 877553532 +453 125 3 877561349 +453 132 3 877554871 +453 143 2 888206053 +453 154 3 877554587 +453 156 5 877554908 +453 157 4 877561172 +453 158 2 888205937 +453 164 3 877554771 +453 168 4 877553708 +453 172 5 877554587 +453 174 4 877554564 +453 181 5 877552612 +453 184 4 877554846 +453 186 4 877554466 +453 188 4 877554466 +453 196 4 877554174 +453 204 4 877554704 +453 210 4 877554587 +453 214 3 877553928 +453 215 3 877554419 +453 223 4 888203147 +453 226 3 877561214 +453 227 3 888207162 +453 231 2 877562293 +453 233 2 888206003 +453 234 3 877561411 +453 238 4 877554396 +453 239 3 877554927 +453 246 5 877552590 +453 248 4 887942143 +453 254 2 877562293 +453 258 4 876191239 +453 268 4 877552481 +453 273 4 877552678 +453 276 5 877552564 +453 288 4 877562071 +453 298 4 877552641 +453 318 4 877553761 +453 354 4 888201923 +453 356 2 888205866 +453 357 5 877554174 +453 364 3 888206676 +453 367 2 888202813 +453 369 2 877553051 +453 384 2 888205711 +453 385 3 888207161 +453 393 3 888207162 +453 401 3 888206038 +453 402 3 888207161 +453 410 4 877552951 +453 412 2 877553302 +453 416 2 888206132 +453 421 4 888203015 +453 423 4 877554819 +453 424 1 888206768 +453 427 3 877554174 +453 453 2 888206768 +453 456 3 877552540 +453 471 4 888205557 +453 475 5 877552514 +453 476 3 890939266 +453 496 4 888203066 +453 508 4 877552612 +453 509 4 877553850 +453 515 4 876191626 +453 550 3 888207161 +453 552 2 877561713 +453 566 3 877561593 +453 568 3 888207161 +453 575 2 892447163 +453 578 3 888205764 +453 586 2 892447163 +453 591 3 877552969 +453 628 3 887942025 +453 651 4 877554743 +453 655 3 877553999 +453 684 3 888205336 +453 693 5 877561172 +453 697 4 877561235 +453 717 2 888206467 +453 721 4 888205696 +453 732 3 877561695 +453 742 3 888207161 +453 750 4 888201942 +453 780 3 877561522 +453 790 4 877561800 +453 797 1 888206339 +453 826 1 877553430 +453 871 1 888206233 +453 941 2 877561613 +453 959 4 877561676 +453 963 4 888202307 +453 975 2 887942451 +453 1016 4 877552991 +453 1017 3 887942122 +453 1032 1 877561911 +453 1145 2 888206492 +453 1157 2 888206576 +453 1170 3 877562135 +453 1230 2 888202271 +453 1273 2 877561258 +454 1 3 881959818 +454 8 5 888266643 +454 11 1 888266433 +454 12 3 881960114 +454 15 2 881960029 +454 22 4 881959844 +454 28 4 888267560 +454 48 4 881960114 +454 50 4 881959144 +454 51 2 888267158 +454 55 2 888267617 +454 56 3 888267590 +454 58 4 881960029 +454 66 4 888266685 +454 69 4 881959818 +454 70 4 888267419 +454 73 3 888267521 +454 76 1 888266433 +454 77 4 888266955 +454 79 4 881960083 +454 82 4 881960446 +454 87 4 881960296 +454 88 4 888267560 +454 89 1 888266433 +454 96 4 888266600 +454 97 4 881960029 +454 98 1 888266433 +454 99 3 881960296 +454 100 4 881959917 +454 107 3 888267087 +454 111 1 888267086 +454 114 3 881960330 +454 117 3 888267343 +454 118 4 888267128 +454 121 4 888267128 +454 124 4 881959960 +454 131 3 881960330 +454 133 4 881959652 +454 134 3 881959991 +454 135 2 888266433 +454 136 3 881959745 +454 143 4 881960230 +454 144 4 888266643 +454 147 3 888267455 +454 153 3 888267521 +454 161 4 888267198 +454 162 3 888267315 +454 164 3 881960265 +454 169 4 888266955 +454 172 2 888266906 +454 173 2 888267028 +454 174 4 888266643 +454 181 3 881959187 +454 182 3 888266685 +454 185 2 881960265 +454 191 4 888266724 +454 193 2 881959818 +454 194 3 881959698 +454 195 4 888266810 +454 196 2 881959778 +454 197 4 881959961 +454 199 3 881960413 +454 202 3 881960201 +454 203 2 888267487 +454 204 4 881960504 +454 210 4 881960361 +454 211 2 888267158 +454 215 4 881959917 +454 222 3 888266785 +454 228 3 881959960 +454 234 3 888267087 +454 237 4 881960361 +454 238 3 881960361 +454 245 3 881958782 +454 248 3 881959238 +454 250 4 881959238 +454 252 2 881959336 +454 255 4 881959276 +454 257 4 881959276 +454 258 4 881958402 +454 259 4 881958606 +454 260 1 888000454 +454 270 4 881958606 +454 272 5 888007255 +454 277 2 881959960 +454 279 4 881960330 +454 283 3 888267590 +454 285 2 881959917 +454 286 3 881958782 +454 289 3 881958783 +454 293 4 881959238 +454 300 4 881958326 +454 310 4 881958464 +454 312 3 888015842 +454 313 5 888000454 +454 315 4 888015651 +454 316 4 888015879 +454 317 4 888267343 +454 318 5 881959576 +454 322 2 881958782 +454 323 2 881958783 +454 326 4 881958362 +454 356 1 888267279 +454 357 3 881959844 +454 367 4 888267128 +454 371 3 888267198 +454 378 3 888267128 +454 385 3 888266810 +454 392 2 888266991 +454 402 3 888267419 +454 404 3 888267590 +454 414 2 888267226 +454 418 3 888267128 +454 419 4 881959917 +454 423 4 881959607 +454 427 4 881960173 +454 431 3 888266991 +454 434 3 888267387 +454 435 2 881960145 +454 451 4 888267455 +454 454 3 881959745 +454 463 2 888267560 +454 465 3 888267343 +454 468 3 888267087 +454 471 3 881960445 +454 472 3 888266874 +454 474 4 881959917 +454 478 2 888267487 +454 479 4 881959991 +454 480 4 881959652 +454 482 3 881960230 +454 483 3 881960145 +454 484 3 881960445 +454 485 4 888267386 +454 486 3 881960385 +454 487 4 888266565 +454 490 2 888266754 +454 492 3 888266643 +454 493 2 888267617 +454 496 4 881959991 +454 497 3 881959876 +454 507 3 881960265 +454 509 2 881960230 +454 519 2 888267455 +454 520 4 881959607 +454 526 4 881959698 +454 528 4 881959818 +454 530 2 881960174 +454 531 2 888266785 +454 566 4 888267087 +454 568 4 888266906 +454 603 4 881959876 +454 605 2 888267487 +454 607 2 888267315 +454 610 3 881959576 +454 612 3 881960145 +454 614 3 888267590 +454 627 2 888267643 +454 631 2 888267643 +454 632 3 881960145 +454 633 2 881959745 +454 642 2 888267419 +454 649 2 888267279 +454 651 4 881960083 +454 654 2 888267419 +454 655 3 881959746 +454 657 3 881959876 +454 659 2 888267028 +454 660 3 888267128 +454 661 4 881959991 +454 678 2 881958782 +454 685 3 888267198 +454 686 2 888267280 +454 692 5 888267158 +454 693 2 888267315 +454 694 2 888266874 +454 705 3 881959818 +454 707 3 881959576 +454 724 3 888267158 +454 735 2 888267387 +454 736 3 888266991 +454 740 2 888266433 +454 742 3 888267315 +454 746 2 881959778 +454 751 4 888265376 +454 836 2 888266785 +454 837 2 888267315 +454 842 2 881960266 +454 873 2 881958782 +454 875 1 888266433 +454 879 4 881958402 +454 939 2 888267386 +454 942 2 888267198 +454 945 3 881960083 +454 956 2 888266955 +454 961 1 888267279 +454 968 2 888267198 +454 972 2 888267128 +454 1003 2 881960446 +454 1035 3 888266601 +454 1063 4 881960029 +454 1105 3 888015988 +454 1107 4 888267617 +454 1126 2 888266955 +454 1190 3 881959437 +454 1203 2 888267521 +454 1269 3 881959698 +454 1299 2 888266991 +454 1454 2 888266907 +455 1 4 878585685 +455 2 4 879111786 +455 4 3 879111786 +455 7 4 879111213 +455 8 4 879111345 +455 9 4 878585685 +455 12 3 879111123 +455 14 3 883768822 +455 15 2 879110767 +455 17 3 879111862 +455 20 3 879109594 +455 24 3 879111662 +455 25 3 879109110 +455 28 4 879111371 +455 31 4 879111937 +455 39 2 879111345 +455 40 3 879111662 +455 42 2 879110767 +455 44 3 879112678 +455 47 2 879112172 +455 50 5 878585826 +455 53 1 879112415 +455 56 5 879110844 +455 57 4 879112460 +455 58 3 879111318 +455 64 4 879111500 +455 65 3 879111396 +455 69 4 879111937 +455 70 3 879111194 +455 71 3 879112098 +455 77 4 879111528 +455 82 5 879110818 +455 87 3 879110905 +455 89 3 879111616 +455 95 4 879111057 +455 96 4 879111616 +455 97 5 879112436 +455 98 4 879110436 +455 100 4 878585826 +455 118 4 879109733 +455 121 4 878585685 +455 123 3 879111705 +455 124 4 879109594 +455 125 3 879109133 +455 126 5 879172791 +455 127 5 879111586 +455 135 5 879111248 +455 144 3 879110436 +455 147 4 879109764 +455 148 3 879110346 +455 161 4 879112098 +455 170 3 879111616 +455 173 4 879111937 +455 174 4 879111763 +455 176 3 879111960 +455 181 4 878585826 +455 183 4 879111862 +455 191 5 879111422 +455 193 4 879111586 +455 196 4 879111737 +455 197 5 879111057 +455 200 5 879111092 +455 204 4 879111249 +455 213 4 879111453 +455 214 3 879112122 +455 217 4 879112320 +455 222 3 878585775 +455 223 4 879111554 +455 228 4 879111153 +455 230 3 879111291 +455 234 4 879110436 +455 237 3 879109923 +455 239 3 879111397 +455 241 4 879111808 +455 245 3 878585344 +455 250 3 879109966 +455 252 3 879110818 +455 255 2 884027240 +455 257 4 879109733 +455 265 4 879112152 +455 269 4 878585250 +455 270 4 878585321 +455 275 4 878585826 +455 276 4 879109594 +455 277 4 879109565 +455 279 3 882141582 +455 281 3 879110281 +455 282 3 879109664 +455 288 2 879110767 +455 289 3 892230574 +455 291 3 879109984 +455 292 3 879108751 +455 293 4 879109110 +455 298 4 882818787 +455 300 4 878585250 +455 301 2 879110767 +455 304 3 878585409 +455 307 4 892230486 +455 313 4 884649784 +455 317 3 879111616 +455 318 3 879111528 +455 321 2 892230438 +455 323 3 878585277 +455 334 3 892230883 +455 343 4 882141285 +455 380 3 879112654 +455 382 3 879112239 +455 393 3 879112152 +455 402 4 879112356 +455 405 3 879109764 +455 423 5 879111862 +455 428 4 879111268 +455 435 4 879110544 +455 447 4 879111153 +455 449 4 879112582 +455 455 3 879111862 +455 462 3 879110436 +455 465 3 879112678 +455 471 4 879109692 +455 475 4 879109069 +455 504 4 879110573 +455 508 4 882141385 +455 511 5 879110971 +455 515 4 878585775 +455 518 4 879111318 +455 529 3 879111737 +455 531 3 879111291 +455 549 4 879112320 +455 550 4 879112700 +455 553 3 879111907 +455 568 4 879112298 +455 582 2 879111982 +455 584 4 879111528 +455 591 4 879109923 +455 597 3 879110123 +455 620 3 879108829 +455 627 3 879111705 +455 628 4 879109692 +455 629 3 879111371 +455 647 4 879111092 +455 660 4 879111454 +455 662 4 879111554 +455 678 3 878585344 +455 692 3 879111249 +455 694 4 879110870 +455 709 3 879111471 +455 716 3 879112259 +455 724 3 879111500 +455 727 3 879112561 +455 738 3 879112238 +455 747 4 879111422 +455 755 3 879112189 +455 778 4 879112582 +455 898 3 883768822 +455 934 3 879110260 +455 939 4 879111454 +455 942 4 879112011 +455 1028 2 879110767 +455 1034 2 879110767 +455 1086 3 879109692 +455 1136 3 879111705 +455 1137 3 879109881 +455 1160 4 879108892 +455 1171 3 882141702 +455 1174 3 879109663 +455 1197 4 879109565 +455 1265 3 879108997 +456 1 2 881371548 +456 3 4 881371660 +456 4 3 881374849 +456 9 3 881372328 +456 12 3 881373655 +456 13 4 881372604 +456 22 4 881373573 +456 23 4 881373019 +456 32 4 881372911 +456 42 4 881373655 +456 46 3 881374613 +456 50 4 881373473 +456 53 4 881375284 +456 54 3 881375416 +456 57 4 881374521 +456 60 4 881373838 +456 61 4 881373228 +456 68 4 881374437 +456 69 4 881373949 +456 71 3 881374710 +456 79 3 881373228 +456 80 2 881374967 +456 86 2 881374332 +456 91 2 881373948 +456 92 4 881374048 +456 95 4 881373756 +456 97 4 881373838 +456 98 3 881372779 +456 99 3 881374767 +456 100 3 881372366 +456 101 3 881375284 +456 111 3 881371942 +456 121 2 881372052 +456 125 4 881372015 +456 127 5 881373019 +456 133 3 881373084 +456 135 4 881373169 +456 143 3 881373983 +456 161 3 881374967 +456 168 4 881373794 +456 170 5 881373353 +456 172 5 881373019 +456 174 4 881373019 +456 175 3 881372946 +456 177 4 881373900 +456 179 5 881372779 +456 180 4 881373084 +456 181 3 881373120 +456 182 3 881373228 +456 185 4 881372849 +456 186 4 881374048 +456 187 4 881372911 +456 188 4 881373573 +456 194 3 881373472 +456 196 4 881374649 +456 197 4 881373793 +456 200 4 881374390 +456 202 3 881374586 +456 208 4 881374710 +456 209 3 881372849 +456 210 3 881374849 +456 211 4 881374162 +456 216 4 881374193 +456 218 4 881374522 +456 222 2 881371766 +456 226 2 881375482 +456 228 3 881374548 +456 231 2 881375226 +456 232 2 881374389 +456 234 3 881373473 +456 238 4 881373756 +456 258 4 887165802 +456 265 3 881374048 +456 268 5 887165395 +456 273 3 881372328 +456 274 3 881371977 +456 282 3 881371694 +456 286 3 887165765 +456 289 4 881372687 +456 294 1 881375667 +456 325 3 881372687 +456 346 5 887165765 +456 357 4 881373084 +456 366 2 881374967 +456 369 3 881371942 +456 380 3 881375097 +456 382 1 881374710 +456 395 2 881375542 +456 402 2 881375416 +456 403 2 881373900 +456 405 1 881371942 +456 410 4 881372160 +456 414 3 881374331 +456 419 4 881374124 +456 421 3 881374086 +456 423 3 881374586 +456 427 4 881372779 +456 431 4 881374437 +456 432 4 881374390 +456 433 4 881373120 +456 443 4 881373019 +456 447 3 881374332 +456 448 3 881374586 +456 449 3 881375226 +456 452 2 881375515 +456 460 3 881371942 +456 461 4 881373168 +456 462 3 881373506 +456 474 5 881373353 +456 475 5 881372366 +456 479 5 881373900 +456 480 4 881373573 +456 484 4 881373983 +456 485 4 881373574 +456 490 4 881373084 +456 498 4 881373473 +456 505 4 881373473 +456 506 4 881374332 +456 508 4 881371427 +456 523 4 881373353 +456 544 3 881372114 +456 546 4 881371942 +456 547 3 881371660 +456 550 2 881375381 +456 559 3 881373574 +456 568 2 881374246 +456 578 2 881375127 +456 580 4 881374767 +456 581 3 881375155 +456 582 5 881374162 +456 603 5 881373019 +456 608 4 881373168 +456 616 3 881373655 +456 640 4 881373697 +456 655 3 881373838 +456 658 3 881375351 +456 660 5 881374522 +456 662 4 881374710 +456 672 1 881374849 +456 673 3 881374849 +456 693 3 881373949 +456 696 3 881372078 +456 697 4 881374390 +456 708 4 881373756 +456 710 3 881374649 +456 715 3 881373697 +456 720 3 881375515 +456 721 4 881373756 +456 737 3 881375254 +456 739 3 881375226 +456 743 2 881372256 +456 747 4 881374331 +456 763 4 881372015 +456 789 3 881374522 +456 806 3 881373617 +456 818 3 881372114 +456 824 3 881372256 +456 845 3 881371839 +456 864 4 881371660 +456 919 4 881371548 +456 922 4 881371595 +456 933 3 881371595 +456 943 4 881372946 +456 952 4 881371766 +456 955 4 881374162 +456 959 4 881375127 +456 963 4 881374047 +456 979 3 881371694 +456 985 3 881371492 +456 1008 4 881371427 +456 1009 5 881372160 +456 1010 5 881371766 +456 1017 4 881372574 +456 1019 4 881372849 +456 1020 4 881373506 +456 1057 3 881372191 +456 1059 4 881372052 +456 1081 4 881372191 +456 1107 4 881375587 +456 1134 4 881372281 +456 1168 4 881375284 +456 1198 4 881371595 +456 1218 3 881374921 +456 1220 3 881375051 +456 1222 2 881375019 +456 1240 3 881374332 +456 1248 3 881374767 +456 1267 4 881373756 +456 1324 4 881371720 +456 1328 4 881372328 +456 1478 4 881374993 +456 1547 4 881373948 +457 4 4 882397829 +457 7 4 882393278 +457 8 5 882397734 +457 9 5 882393485 +457 11 4 882397020 +457 12 5 882397666 +457 13 3 882393883 +457 14 4 882393457 +457 15 4 882393688 +457 20 5 882393967 +457 22 5 882396705 +457 25 4 882393828 +457 27 4 882549483 +457 28 5 882396989 +457 31 4 882397543 +457 38 3 882549651 +457 44 4 882548214 +457 45 5 882397133 +457 48 5 882397293 +457 50 5 882393620 +457 51 5 882397734 +457 52 4 882398055 +457 53 4 882548645 +457 54 4 882549322 +457 56 4 882396868 +457 57 4 882397177 +457 58 4 882397177 +457 59 5 882397575 +457 62 3 882550925 +457 64 5 882396868 +457 65 5 882547967 +457 66 4 882547694 +457 70 4 882396935 +457 77 4 882398345 +457 79 5 882396869 +457 82 5 882397494 +457 83 5 882396487 +457 86 3 882397455 +457 89 5 882397058 +457 91 4 882547302 +457 94 3 882549544 +457 96 5 882553113 +457 97 5 882397699 +457 100 5 882393244 +457 105 3 882396001 +457 111 3 882393384 +457 114 5 882396868 +457 117 4 882393457 +457 118 4 882395400 +457 120 2 882551344 +457 121 4 882393066 +457 122 2 882396158 +457 127 5 882396902 +457 132 5 882547619 +457 134 5 882396832 +457 135 5 882397240 +457 137 5 882393278 +457 143 5 882548099 +457 144 5 882397494 +457 145 3 882549998 +457 147 5 882395400 +457 148 4 882395360 +457 151 5 882394010 +457 154 5 882397058 +457 155 4 882550065 +457 156 5 882397095 +457 157 5 882553112 +457 161 4 882397829 +457 162 5 882548793 +457 164 4 882547645 +457 168 5 882395018 +457 172 5 882553113 +457 173 5 882395049 +457 174 5 882397267 +457 175 5 882547139 +457 176 5 882397542 +457 179 4 882397963 +457 180 5 882396989 +457 181 4 882393384 +457 182 4 882396659 +457 183 5 882397455 +457 185 5 882397375 +457 186 5 882397575 +457 190 5 882396602 +457 191 5 882396659 +457 192 5 882395018 +457 193 5 882397666 +457 194 5 882397058 +457 195 5 882395049 +457 196 5 882397763 +457 197 5 882396705 +457 200 5 882396799 +457 203 4 882397133 +457 204 5 882397699 +457 209 5 882553113 +457 210 5 882397337 +457 214 5 882548280 +457 215 4 882398002 +457 216 5 882396765 +457 218 4 882547554 +457 219 4 882550304 +457 222 5 882392853 +457 223 5 882396734 +457 226 3 882548825 +457 228 5 882392853 +457 229 4 882392853 +457 230 4 882392853 +457 231 4 882549998 +457 232 4 882397666 +457 234 5 882548426 +457 235 3 882395894 +457 237 4 882393712 +457 239 5 882397267 +457 240 3 882395638 +457 241 3 882398086 +457 243 2 882393104 +457 248 4 882393008 +457 257 3 882393036 +457 258 5 882392853 +457 265 5 882397699 +457 282 4 882392785 +457 284 3 882394010 +457 285 5 882393648 +457 287 4 882394010 +457 288 4 882392853 +457 304 4 882392853 +457 318 5 882397337 +457 357 5 882396735 +457 366 4 882549287 +457 370 3 882396133 +457 371 4 882398275 +457 372 4 882548382 +457 373 2 882551189 +457 378 4 882548312 +457 380 4 882392854 +457 385 4 882392950 +457 388 2 882551343 +457 393 3 882548583 +457 395 2 882551605 +457 401 3 882550654 +457 402 4 882548583 +457 403 4 882397177 +457 405 5 882553113 +457 410 4 882393937 +457 411 3 882395894 +457 412 2 882396217 +457 417 4 882549575 +457 425 4 882397828 +457 428 5 882553113 +457 436 4 882547619 +457 443 4 882396989 +457 448 4 882548537 +457 450 4 882392853 +457 452 3 882551228 +457 453 2 882551854 +457 455 4 882393384 +457 456 2 882395851 +457 458 3 882393765 +457 462 5 882396283 +457 469 4 882397208 +457 470 5 882398204 +457 471 4 882393421 +457 472 4 882395768 +457 473 4 882395360 +457 474 5 882398178 +457 476 2 882392810 +457 483 5 882396705 +457 485 4 882396832 +457 500 5 882553112 +457 507 4 882397059 +457 509 4 882398086 +457 527 5 882553113 +457 529 4 882397763 +457 531 5 882392906 +457 540 3 882551740 +457 546 2 882393860 +457 549 4 882398178 +457 553 5 882396314 +457 554 4 882549682 +457 559 4 882398054 +457 566 4 882548583 +457 568 4 882547590 +457 582 5 882548350 +457 584 4 882548615 +457 588 5 882397411 +457 597 3 882393908 +457 623 3 882550065 +457 628 4 882393688 +457 629 4 882397177 +457 631 4 882547620 +457 632 5 882397543 +457 636 4 882548466 +457 640 4 882548467 +457 651 5 882396799 +457 655 5 882397879 +457 658 4 882398308 +457 664 4 882549601 +457 673 4 882397829 +457 676 3 882395400 +457 679 4 882547723 +457 692 4 882396989 +457 699 4 882548615 +457 704 4 882397240 +457 708 4 882398002 +457 709 5 882547856 +457 717 3 882395894 +457 720 3 882550925 +457 722 4 882550154 +457 727 4 882396832 +457 729 4 882547857 +457 732 4 882548426 +457 739 4 882549483 +457 742 4 882393306 +457 744 3 882393457 +457 747 4 882397787 +457 755 4 882549356 +457 756 2 882395742 +457 758 2 882551135 +457 769 2 882551740 +457 770 4 882547794 +457 775 3 882551021 +457 783 3 882549936 +457 792 4 882548312 +457 819 2 882396001 +457 825 5 882553112 +457 831 2 882396001 +457 841 4 882395516 +457 845 4 882393801 +457 871 1 882393765 +457 931 2 882395916 +457 934 3 882396092 +457 948 1 882393156 +457 949 3 882549287 +457 956 4 882548214 +457 959 4 882549180 +457 980 4 882395283 +457 1012 4 882393765 +457 1028 3 882393828 +457 1029 3 882551135 +457 1030 2 882551134 +457 1037 2 882551818 +457 1039 5 882397934 +457 1047 2 882395964 +457 1119 4 882398308 +457 1140 2 882551344 +457 1168 5 882548761 +457 1210 4 882549905 +458 1 4 886394423 +458 8 4 886395899 +458 9 5 886394373 +458 12 5 886395758 +458 13 4 886394916 +458 14 5 886394576 +458 20 4 886394778 +458 23 4 886397931 +458 25 1 886394576 +458 28 3 886396005 +458 32 4 886395963 +458 48 4 886396192 +458 50 2 886396521 +458 56 5 886397679 +458 57 1 886395758 +458 58 5 886396140 +458 76 4 886398121 +458 86 5 886397679 +458 96 4 886398543 +458 98 3 886396240 +458 117 4 886394623 +458 121 1 886395022 +458 124 4 886394822 +458 126 4 886394730 +458 127 5 886396390 +458 129 4 886394667 +458 134 5 886395963 +458 143 4 886396005 +458 144 4 886396390 +458 147 2 886395065 +458 152 5 886397275 +458 169 5 886396390 +458 174 3 886397109 +458 178 4 886398187 +458 179 4 886397808 +458 180 4 886397679 +458 181 2 886396824 +458 182 4 886397771 +458 183 4 886396460 +458 187 5 886398543 +458 189 4 886396460 +458 190 4 886397771 +458 191 5 886396192 +458 192 4 886396240 +458 193 4 886396460 +458 195 4 886397318 +458 203 5 886396460 +458 204 4 886396390 +458 208 4 886395963 +458 209 4 886397155 +458 234 4 886397808 +458 237 4 886394623 +458 238 4 886397679 +458 245 2 889324066 +458 250 1 886396637 +458 255 2 886396521 +458 273 4 886394730 +458 278 2 886395469 +458 282 2 886396958 +458 283 5 886394730 +458 284 4 886394527 +458 285 4 886394423 +458 286 4 886396637 +458 287 4 886394822 +458 288 3 886394667 +458 289 2 889323582 +458 293 5 886396767 +458 298 5 886396677 +458 301 1 889323539 +458 302 5 886394314 +458 304 4 889323982 +458 307 4 889323481 +458 317 5 886397155 +458 318 4 886397771 +458 319 4 889323714 +458 321 3 889323855 +458 330 3 889324461 +458 333 1 889323582 +458 346 4 889323539 +458 357 3 886397275 +458 387 4 886398246 +458 405 4 886395022 +458 408 5 886396637 +458 410 1 886394778 +458 423 2 886396314 +458 425 3 886398246 +458 427 4 886396460 +458 430 5 886398543 +458 433 4 886398289 +458 460 4 886394916 +458 461 4 886397377 +458 467 4 886396240 +458 469 4 886397377 +458 473 4 886395022 +458 474 4 886397109 +458 475 4 886394729 +458 484 5 886397109 +458 496 3 886398289 +458 499 4 886397450 +458 509 4 886397857 +458 513 4 886396314 +458 514 5 886397504 +458 517 4 886398289 +458 519 4 886395899 +458 521 4 886397377 +458 526 5 886396241 +458 527 2 886397857 +458 529 3 886398120 +458 530 4 886396005 +458 546 3 886394863 +458 582 1 886398488 +458 588 5 886396460 +458 589 4 886396140 +458 591 3 886394730 +458 596 4 886395350 +458 597 3 886395022 +458 603 4 886397155 +458 631 4 886397541 +458 632 4 886398289 +458 644 4 886397275 +458 648 4 886395899 +458 651 3 886397988 +458 654 5 886397771 +458 663 4 886398289 +458 685 3 886394373 +458 694 4 886396140 +458 696 3 886395512 +458 704 2 886397857 +458 709 4 886396192 +458 717 1 886395230 +458 735 2 886397679 +458 736 4 886398543 +458 742 4 886394730 +458 744 4 886394623 +458 750 5 889323771 +458 753 4 886397110 +458 762 3 886395065 +458 792 4 886398025 +458 844 4 886394576 +458 845 3 886394527 +458 847 5 889324370 +458 896 5 889323481 +458 925 3 886395166 +458 939 4 886398187 +458 952 2 886395119 +458 956 5 886397377 +458 960 1 886397726 +458 980 5 886394667 +458 1011 3 886394471 +458 1048 4 886395119 +458 1067 5 886395311 +458 1070 4 886395963 +458 1101 4 886397931 +458 1109 4 886397318 +458 1226 2 886396910 +458 1261 4 886397413 +458 1338 3 886395393 +459 1 4 879562960 +459 3 2 879563288 +459 7 5 879563245 +459 8 5 879563903 +459 15 4 879563102 +459 16 2 879562939 +459 19 3 879563064 +459 22 5 879563903 +459 25 2 879563201 +459 50 4 879563064 +459 79 3 879566291 +459 98 5 879564941 +459 100 1 879562859 +459 105 4 879563819 +459 108 1 879563796 +459 111 3 879563201 +459 117 5 879563146 +459 120 2 879563392 +459 121 5 879563474 +459 123 3 879563312 +459 134 3 879564941 +459 147 3 879563435 +459 148 5 879563367 +459 164 4 879564941 +459 172 5 879563902 +459 174 4 879566291 +459 181 4 879562939 +459 194 3 879566291 +459 216 3 879566321 +459 220 3 879563367 +459 222 4 879562994 +459 225 3 879563777 +459 230 4 879564941 +459 235 1 879563367 +459 245 3 879561731 +459 249 2 879562860 +459 250 5 879563270 +459 252 4 879563506 +459 255 4 879563613 +459 258 3 879561574 +459 259 4 879561630 +459 260 2 879561782 +459 264 4 879561755 +459 274 4 879563226 +459 278 4 879563270 +459 282 3 879562995 +459 286 4 879561532 +459 289 4 879561679 +459 291 4 879563312 +459 295 3 879563367 +459 300 4 879561574 +459 301 2 879561574 +459 322 4 879561679 +459 323 3 879561708 +459 328 3 879561574 +459 332 3 879561630 +459 333 3 879561574 +459 336 2 879561708 +459 357 4 879564308 +459 358 2 879561783 +459 409 2 879563796 +459 411 2 879563796 +459 455 2 879563392 +459 472 5 879563226 +459 473 4 879563102 +459 523 4 879564915 +459 546 1 879563367 +459 568 3 879564941 +459 596 3 879562939 +459 597 3 879563270 +459 619 4 879563169 +459 651 3 879564309 +459 676 3 879563288 +459 678 4 879561783 +459 685 3 879563613 +459 687 3 879561782 +459 696 4 879563736 +459 742 4 879562834 +459 748 4 879561754 +459 815 4 879563102 +459 825 3 879563474 +459 827 3 879563758 +459 832 3 879563758 +459 846 4 879563435 +459 864 4 879563435 +459 866 5 879563312 +459 873 4 879561731 +459 879 4 879561630 +459 934 3 879563639 +459 969 3 879564882 +459 978 2 879563435 +459 989 5 879561708 +459 993 3 879563146 +459 1016 4 879563506 +459 1038 4 879561654 +459 1039 3 879564915 +459 1040 2 879563701 +459 1047 3 879563668 +459 1051 3 879563667 +459 1060 1 879563668 +459 1115 3 879563506 +459 1190 4 879563169 +460 1 2 882911203 +460 7 3 882912205 +460 10 3 882912371 +460 14 5 882912418 +460 20 4 882912469 +460 100 5 882912418 +460 117 3 882912342 +460 124 4 882912150 +460 127 4 882912150 +460 129 3 882912261 +460 137 5 882912418 +460 146 4 882912370 +460 149 4 882912174 +460 221 4 882912285 +460 224 4 882911603 +460 242 4 882910838 +460 248 4 882912342 +460 250 2 882912261 +460 253 3 882912316 +460 257 2 882912342 +460 258 3 882910637 +460 273 4 882912371 +460 275 3 882912261 +460 276 5 882912418 +460 279 2 882912316 +460 285 4 882912205 +460 286 4 882910838 +460 289 4 882910838 +460 293 4 882911603 +460 294 2 882910637 +460 297 3 882912342 +460 298 2 882912440 +460 301 3 882910579 +460 302 4 882910837 +460 303 3 882910553 +460 307 4 882912418 +460 311 5 882912418 +460 312 4 882910837 +460 313 4 882910837 +460 321 3 882910510 +460 322 3 882910722 +460 327 4 882912418 +460 458 2 882911603 +460 515 5 882912418 +460 532 3 882912370 +460 591 2 882911603 +460 676 4 882912285 +460 713 4 882912469 +460 744 3 882912261 +460 847 3 882912205 +460 1011 4 882912205 +460 1067 4 882912316 +460 1115 3 882912235 +460 1137 3 882912235 +460 1142 4 882911203 +460 1251 3 882912285 +460 1380 3 882912469 +461 9 5 885356112 +461 50 3 885356089 +461 121 2 885355890 +461 158 2 885355930 +461 242 3 885355735 +461 255 2 885355890 +461 258 4 885355735 +461 259 2 885355679 +461 269 3 885355705 +461 285 4 885356112 +461 294 3 885355805 +461 302 3 885355646 +461 304 4 885355805 +461 313 4 885355646 +461 319 3 885355778 +461 321 3 885355757 +461 327 4 885355757 +461 347 4 885355679 +461 575 2 885355930 +461 682 1 885355705 +461 748 1 885355839 +461 1006 5 885355890 +462 11 5 886365498 +462 22 5 886365498 +462 100 4 886365387 +462 136 4 886365498 +462 237 5 886365387 +462 259 3 886365773 +462 261 2 886365773 +462 271 1 886365928 +462 272 5 886365142 +462 288 5 886365260 +462 289 5 886365837 +462 292 5 886365260 +462 300 5 886365260 +462 310 5 886365197 +462 313 5 886365231 +462 315 4 886365837 +462 321 5 886365734 +462 323 2 886365837 +462 326 4 886365297 +462 330 3 886365803 +462 332 5 886365706 +462 358 1 886365638 +462 539 3 886365773 +462 655 5 886365467 +462 678 3 886365335 +462 682 5 886365231 +462 866 5 886365387 +462 895 4 886365297 +463 1 1 890453075 +463 3 2 877386083 +463 7 4 877385180 +463 10 1 890453075 +463 13 3 877385664 +463 14 1 890453075 +463 15 4 877385287 +463 16 4 877385830 +463 19 5 877385341 +463 20 5 877385590 +463 21 1 890453075 +463 24 3 877385731 +463 25 3 877385664 +463 50 4 890530818 +463 93 4 877385457 +463 100 4 877385237 +463 103 1 890530703 +463 107 3 889936181 +463 111 2 877385414 +463 112 1 890530721 +463 116 5 877385381 +463 117 3 877385731 +463 121 3 877385797 +463 124 5 877385381 +463 125 4 877385590 +463 126 4 877385531 +463 127 5 890530105 +463 137 2 877385237 +463 147 3 877386047 +463 149 2 877385341 +463 150 2 889943683 +463 151 4 877385341 +463 221 5 877385180 +463 224 3 877385181 +463 225 3 877385489 +463 235 2 877385457 +463 237 4 877385237 +463 242 2 889935629 +463 243 1 877384970 +463 244 4 877387935 +463 248 3 889935953 +463 249 2 889936035 +463 250 4 889935953 +463 253 5 877387935 +463 257 4 889935910 +463 258 5 877387935 +463 268 4 877384940 +463 270 3 889936535 +463 271 1 889943811 +463 274 3 877385664 +463 276 3 877385287 +463 282 3 877385664 +463 283 5 877385287 +463 284 3 877385531 +463 285 4 877385125 +463 288 1 889943851 +463 301 5 889936512 +463 302 5 877384835 +463 304 3 877384881 +463 306 4 877384836 +463 310 3 889936490 +463 311 4 889936814 +463 319 1 889936589 +463 347 1 889936589 +463 362 1 889943741 +463 410 1 890530286 +463 455 3 877385457 +463 472 3 877385922 +463 473 4 877385731 +463 475 3 877385341 +463 477 2 877385489 +463 508 4 877385125 +463 539 1 889936753 +463 544 4 877385415 +463 591 4 877385590 +463 593 1 877386923 +463 596 3 877385731 +463 597 2 890531227 +463 689 2 889936731 +463 741 1 889937778 +463 744 3 877385457 +463 749 3 877384882 +463 751 4 889943769 +463 764 2 877385457 +463 813 4 877385125 +463 819 1 889937778 +463 845 3 877385830 +463 864 3 890530351 +463 866 3 877385862 +463 870 2 877385615 +463 880 4 890452525 +463 887 5 890452468 +463 926 1 890453075 +463 930 1 889936180 +463 950 3 877385590 +463 952 1 890453075 +463 988 2 877384836 +463 993 2 877387935 +463 1009 3 877386047 +463 1012 2 889935860 +463 1014 2 889936324 +463 1017 2 877385731 +463 1033 2 890530703 +463 1060 2 889936244 +463 1067 2 877385531 +463 1115 4 877385531 +463 1117 1 877385954 +463 1132 1 889937778 +463 1163 4 877385982 +463 1164 1 877385797 +463 1197 4 877385180 +463 1244 1 890530329 +463 1284 4 877385381 +463 1377 4 889935837 +463 1383 2 890530703 +463 1605 2 877387935 +463 1606 2 889936565 +464 16 4 878355211 +464 116 4 878355167 +464 176 4 878355211 +464 181 3 878354998 +464 194 5 878355259 +464 248 5 878354998 +464 255 4 878355061 +464 257 4 878355088 +464 258 5 878354626 +464 260 2 878354859 +464 264 4 878354886 +464 269 5 878354626 +464 270 4 878354762 +464 286 3 878354626 +464 288 4 878354626 +464 289 4 878354626 +464 292 5 878354722 +464 293 5 878355033 +464 294 4 878354721 +464 295 5 878355033 +464 298 4 878355061 +464 299 4 878354791 +464 300 4 878354626 +464 301 4 878354829 +464 302 5 878354626 +464 307 5 878354859 +464 321 4 878354680 +464 322 3 878354680 +464 326 4 878354761 +464 328 3 878354722 +464 332 4 878354761 +464 333 4 878354761 +464 358 3 878354680 +464 482 5 878355258 +464 515 5 878354965 +464 520 5 878355167 +464 603 5 878355259 +464 678 3 878354722 +464 705 5 878355258 +464 709 5 878355258 +464 748 4 878354681 +464 879 4 878354791 +464 984 2 878354681 +464 1025 2 878354829 +464 1226 4 878355033 +464 1598 3 878355088 +465 1 4 883530054 +465 7 5 883529916 +465 8 4 883530991 +465 12 4 883530088 +465 22 3 883531246 +465 28 3 883531110 +465 32 3 883531026 +465 48 3 883530313 +465 50 4 883530778 +465 56 4 883531110 +465 64 5 883530088 +465 87 4 883530054 +465 97 2 883532120 +465 98 4 883531409 +465 100 3 883532119 +465 109 3 883532119 +465 114 4 883530190 +465 132 4 883531325 +465 134 4 883530133 +465 135 3 883531380 +465 136 4 883530133 +465 143 4 883531380 +465 154 2 883532119 +465 169 4 883531072 +465 172 3 883531026 +465 174 3 883531409 +465 175 5 883530054 +465 179 3 883531325 +465 180 3 883530015 +465 181 3 883530521 +465 190 4 883530054 +465 191 4 883530133 +465 194 4 883531072 +465 198 2 883532119 +465 199 3 883531026 +465 202 4 883531487 +465 216 3 883531284 +465 257 4 883530818 +465 258 5 883529482 +465 281 2 883532120 +465 283 3 883530560 +465 286 4 883529338 +465 300 3 883529601 +465 318 4 883531487 +465 319 3 883529372 +465 357 4 883531325 +465 395 1 883532120 +465 404 2 883532120 +465 423 3 883531533 +465 428 3 883531246 +465 474 3 883531246 +465 475 3 883530313 +465 477 4 883530742 +465 478 4 883531246 +465 481 4 883529984 +465 496 3 883531246 +465 511 4 883530991 +465 525 3 883531111 +465 528 3 883530190 +465 529 3 883529984 +465 584 3 883531325 +465 588 4 883531380 +465 603 4 883531284 +465 615 3 883530991 +465 638 3 883531380 +465 651 3 883531155 +465 656 3 883531410 +465 705 4 883531444 +465 855 4 883531444 +465 1078 2 883532119 +466 2 1 890284819 +466 11 3 890284707 +466 17 5 890284766 +466 22 5 890284706 +466 24 4 890285159 +466 27 3 890285113 +466 50 5 890284819 +466 55 4 890284857 +466 56 4 890284706 +466 62 3 890285159 +466 68 3 890285159 +466 79 3 890284706 +466 82 3 890284819 +466 87 3 890285706 +466 89 3 890284819 +466 95 2 890285788 +466 96 5 890284819 +466 98 3 890285762 +466 117 5 890285034 +466 127 3 890284766 +466 128 2 890284819 +466 144 5 890284707 +466 172 4 890284706 +466 173 3 890285762 +466 174 5 890284706 +466 176 4 890284766 +466 181 4 890284857 +466 182 4 890284706 +466 183 3 890284766 +466 184 4 890285113 +466 187 3 890284857 +466 188 3 890284766 +466 210 4 890284706 +466 226 4 890285034 +466 231 1 890285159 +466 232 4 890284903 +466 258 4 890284652 +466 265 3 890285159 +466 268 2 890282759 +466 269 2 890282759 +466 273 4 890284857 +466 288 4 890284651 +466 292 4 890284651 +466 294 3 890282986 +466 302 5 890284651 +466 306 5 890284231 +466 308 1 890282957 +466 313 5 890284651 +466 315 5 890284231 +466 321 2 890282986 +466 324 1 890283690 +466 326 3 890282925 +466 327 3 890282956 +466 328 4 890284652 +466 331 5 890284231 +466 333 4 890284652 +466 334 3 890283690 +466 344 5 890284231 +466 346 3 890283056 +466 349 2 890283636 +466 350 4 890284651 +466 354 2 890282795 +466 357 4 890285706 +466 385 4 890284819 +466 405 3 890284903 +466 455 3 890285113 +466 518 4 890284903 +466 546 4 890285159 +466 550 3 890284903 +466 566 3 890284819 +466 568 3 890285034 +466 651 3 890284819 +466 682 1 890282957 +466 748 2 890283592 +466 873 2 890283056 +466 882 5 890284231 +466 885 2 890283667 +466 895 3 890283056 +466 898 1 890283667 +466 899 5 890284231 +466 902 5 890283497 +466 908 4 890284651 +466 995 5 890284231 +466 1176 5 890284651 +466 1313 3 890283690 +466 1607 5 890284231 +467 1 4 879532459 +467 7 5 879532385 +467 10 4 879532496 +467 24 4 879532496 +467 50 4 879532385 +467 93 4 879532595 +467 100 5 879532420 +467 108 4 879532744 +467 109 5 879532550 +467 117 2 879532437 +467 124 5 879532534 +467 127 5 879532478 +467 150 4 879532385 +467 240 3 879532773 +467 246 5 879532534 +467 248 3 879532651 +467 249 3 879532671 +467 257 4 879532512 +467 258 2 879532164 +467 264 2 879532296 +467 268 5 879532164 +467 269 4 879532145 +467 273 4 879532565 +467 276 5 879532460 +467 288 4 879532804 +467 293 4 879532385 +467 298 4 879532385 +467 327 4 879532164 +467 340 3 879532198 +467 455 3 879532744 +467 475 4 879532460 +467 742 2 879532671 +467 762 3 879532478 +467 919 2 879532535 +467 1011 2 879532630 +467 1012 3 879532534 +467 1016 4 879532671 +467 1017 2 879532403 +467 1142 5 879532478 +467 1226 4 879532744 +468 1 5 875280395 +468 4 5 875296868 +468 7 3 875280214 +468 8 4 875288196 +468 12 4 875291902 +468 13 4 875280104 +468 15 4 875280518 +468 19 4 875280126 +468 22 5 875287686 +468 23 4 875287535 +468 25 5 875280214 +468 31 3 875287615 +468 39 3 875296309 +468 42 4 875294549 +468 47 5 875301056 +468 50 5 875280352 +468 51 3 875293386 +468 56 5 875286450 +468 58 4 875288771 +468 69 4 875291570 +468 70 3 875287535 +468 71 5 875295148 +468 82 5 875292320 +468 89 4 875291722 +468 95 4 875287826 +468 96 5 875295148 +468 97 5 875288503 +468 98 5 875288196 +468 100 5 875279269 +468 111 4 875280518 +468 116 4 875280180 +468 118 3 875280417 +468 121 4 875280628 +468 126 3 875280214 +468 132 5 875292134 +468 135 5 875287895 +468 137 4 875280126 +468 144 5 875287826 +468 150 5 875280309 +468 153 5 875287720 +468 157 4 875294741 +468 159 3 875292320 +468 160 3 875295148 +468 170 4 875301056 +468 172 4 875293386 +468 173 5 875295093 +468 174 5 875294549 +468 178 5 875296401 +468 180 5 875291902 +468 181 3 875280041 +468 182 5 875292320 +468 191 4 875287686 +468 192 4 875291403 +468 195 5 875291902 +468 200 4 875292319 +468 209 5 875296309 +468 214 5 875288771 +468 216 5 875288771 +468 222 4 875279269 +468 238 3 875286036 +468 246 5 875280352 +468 249 3 875280310 +468 251 4 875280180 +468 257 4 875280417 +468 258 4 875279126 +468 273 2 875280499 +468 275 4 875280143 +468 283 4 875280331 +468 285 4 875280104 +468 293 5 875280395 +468 294 3 875279153 +468 297 4 875280462 +468 318 5 875293386 +468 321 3 875279126 +468 357 5 875294549 +468 367 4 875296868 +468 372 2 875301098 +468 377 2 875288503 +468 405 2 875280462 +468 411 3 875284879 +468 423 4 875296868 +468 427 5 875291722 +468 428 4 875291403 +468 435 4 875292027 +468 461 4 875291570 +468 462 4 875288196 +468 469 4 875296309 +468 471 3 875279269 +468 475 4 875280041 +468 498 5 875291571 +468 507 5 875295412 +468 508 4 875280539 +468 529 3 875287686 +468 544 3 875280417 +468 582 3 875287535 +468 584 4 875288771 +468 603 5 875296309 +468 612 4 875294549 +468 642 3 875291403 +468 655 5 875294464 +468 662 4 875291570 +468 692 4 875292027 +468 699 3 875287686 +468 724 4 875287615 +468 742 3 875280310 +468 826 3 875284096 +468 856 4 875302155 +468 926 2 875280331 +468 952 3 875280310 +468 963 5 875286036 +468 1008 4 875283843 +468 1012 4 875280462 +468 1014 3 875280539 +468 1016 3 875280670 +468 1051 2 875284635 +468 1070 5 875301653 +468 1168 2 875302155 +469 10 5 879525373 +469 64 5 879523802 +469 65 4 879524178 +469 127 4 879525373 +469 134 5 879524062 +469 136 4 879524062 +469 153 4 879523891 +469 161 3 879523802 +469 168 4 879524006 +469 173 4 879524178 +469 194 5 879524116 +469 199 4 879524006 +469 215 4 879523802 +469 286 5 879450367 +469 306 4 879450473 +469 474 5 879524117 +469 483 5 879524177 +469 484 5 879524062 +469 490 5 879524485 +469 495 5 879525237 +469 499 5 879524485 +469 507 5 879523803 +469 511 5 879524062 +469 513 5 879523891 +469 520 4 879523947 +469 530 5 879524376 +469 582 5 879524266 +469 603 5 879524376 +469 605 4 879524302 +469 610 4 879523947 +469 611 5 879525237 +469 641 4 879524241 +469 654 4 879524177 +469 656 5 879524116 +469 705 5 879524302 +469 855 4 879524302 +469 923 5 879523891 +469 1558 5 879524177 +470 1 3 879178428 +470 7 3 879178518 +470 9 5 879178370 +470 13 4 879178518 +470 19 4 879178813 +470 50 5 879178487 +470 93 4 879178518 +470 100 4 879178370 +470 118 4 879178645 +470 125 4 879178969 +470 129 3 879178542 +470 137 3 879178406 +470 150 5 879178406 +470 181 4 879189434 +470 221 4 879178370 +470 235 3 879178486 +470 246 2 879189432 +470 248 3 879189434 +470 257 4 879178568 +470 258 4 879178216 +470 268 2 879178216 +470 276 5 879178619 +470 283 5 879178370 +470 284 4 879178884 +470 285 3 879178619 +470 286 4 879178216 +470 288 4 879178216 +470 293 4 879178455 +470 294 3 879178237 +470 295 3 879178455 +470 305 4 879178257 +470 319 3 879178216 +470 360 2 879189269 +470 458 4 879178542 +470 471 5 879178593 +470 475 4 879178568 +470 508 5 879178932 +470 544 3 879178830 +470 546 4 879178950 +470 813 3 879178370 +470 824 4 879178731 +470 847 3 879178568 +470 919 3 879178370 +470 950 3 879178645 +470 952 3 879178884 +470 1067 4 879178568 +470 1084 3 879178406 +470 1097 3 879178487 +470 1134 4 879178486 +471 1 4 889827881 +471 8 5 889827881 +471 50 3 889827757 +471 82 5 889827822 +471 94 5 889828081 +471 95 4 889827822 +471 99 2 889827918 +471 102 5 889828081 +471 140 5 889827918 +471 151 2 889828154 +471 225 5 889828026 +471 393 5 889827918 +471 404 2 889827757 +471 418 3 889827757 +471 420 1 889828027 +471 422 5 889827982 +471 465 5 889827822 +471 477 5 889827918 +471 501 3 889828027 +471 588 1 889827881 +471 596 1 889827881 +471 768 3 889827982 +471 878 4 889827710 +471 932 5 889828027 +471 969 2 889828154 +472 1 5 892790627 +472 2 5 892790676 +472 3 5 892790676 +472 4 3 875980418 +472 7 5 892790953 +472 11 5 892790676 +472 12 5 892791017 +472 21 3 875978686 +472 24 5 892791017 +472 27 4 875980283 +472 28 5 892791063 +472 29 5 875982867 +472 33 5 875981829 +472 38 4 875981358 +472 41 4 875982511 +472 43 4 875982560 +472 49 5 875982607 +472 51 5 875981708 +472 56 5 875979853 +472 63 4 875982511 +472 64 5 875981829 +472 66 5 875981158 +472 67 4 892790628 +472 68 5 892791017 +472 69 5 892790628 +472 71 2 875981281 +472 72 5 892791017 +472 73 4 875981317 +472 78 1 875982967 +472 79 5 892790953 +472 80 3 875981230 +472 82 5 892791017 +472 88 2 875982607 +472 90 5 892791063 +472 94 5 892791063 +472 97 3 875981281 +472 99 3 875981595 +472 101 5 875981624 +472 109 4 875978686 +472 117 3 875978740 +472 118 4 875979082 +472 120 5 883904649 +472 121 5 875978600 +472 122 3 875979153 +472 123 4 875979317 +472 125 5 875979041 +472 132 5 875979853 +472 135 4 875982051 +472 140 3 875980823 +472 141 4 875982200 +472 150 3 875978686 +472 151 3 875978867 +472 161 5 875982149 +472 168 5 892791062 +472 172 5 892791063 +472 173 5 875982641 +472 174 5 875981595 +472 175 5 875979910 +472 176 5 875981664 +472 177 4 875981358 +472 181 5 875978034 +472 183 5 875980376 +472 185 5 875980081 +472 186 5 888183325 +472 191 5 875980283 +472 193 5 875981789 +472 195 5 875982005 +472 196 4 875982005 +472 204 5 875980823 +472 210 5 875981664 +472 215 4 875981968 +472 217 5 875982867 +472 218 4 875980120 +472 222 5 876882530 +472 226 5 875982867 +472 227 5 875981429 +472 228 5 875979910 +472 229 5 875982560 +472 230 5 875981876 +472 231 5 875980418 +472 232 4 875983321 +472 233 4 875981759 +472 234 4 875980081 +472 239 5 875982398 +472 240 4 875979187 +472 250 5 875978059 +472 252 4 875978191 +472 254 4 875978191 +472 255 5 892791017 +472 257 4 875978096 +472 258 5 892790953 +472 260 4 875977827 +472 271 5 892790628 +472 288 5 875977682 +472 294 4 875977735 +472 313 5 892790628 +472 318 5 892791017 +472 323 4 892790117 +472 343 5 892790628 +472 355 3 892790003 +472 358 5 892790676 +472 362 5 892790627 +472 365 4 875983129 +472 366 4 892790952 +472 367 5 892790953 +472 368 3 875979685 +472 370 4 875979317 +472 373 4 875983129 +472 374 2 875982922 +472 375 5 875982680 +472 378 4 875981759 +472 380 5 875982511 +472 384 3 875982051 +472 386 5 892790953 +472 391 2 875983129 +472 392 4 875981503 +472 393 3 875983129 +472 395 3 875982559 +472 400 5 892791062 +472 401 4 875982727 +472 403 5 875982200 +472 404 3 875982922 +472 405 5 875978600 +472 411 4 875979113 +472 416 3 875982867 +472 417 4 875982337 +472 418 3 875980120 +472 421 5 875982200 +472 423 5 892791017 +472 426 4 875980010 +472 431 5 875982607 +472 432 5 875979964 +472 443 4 875982149 +472 449 5 875982967 +472 455 4 883903686 +472 465 3 875982149 +472 472 5 875979153 +472 473 4 875978867 +472 475 5 892791017 +472 477 5 875978387 +472 485 3 875980377 +472 496 4 875980823 +472 501 3 875982868 +472 540 3 875982239 +472 541 5 892791017 +472 546 4 875979041 +472 548 1 875982867 +472 550 5 875983066 +472 552 5 892790576 +472 559 5 875981708 +472 561 5 875982050 +472 562 5 875983023 +472 566 4 875982727 +472 567 4 875982922 +472 568 5 892790676 +472 569 4 892790676 +472 576 5 892790952 +472 577 3 875982680 +472 578 5 892790952 +472 584 1 875980377 +472 588 3 875979797 +472 597 5 892791062 +472 609 5 875981551 +472 625 4 875981968 +472 633 4 875981428 +472 651 4 875981830 +472 655 5 875982397 +472 658 5 875983231 +472 660 5 875982096 +472 665 4 875983023 +472 672 4 875982771 +472 678 4 883904118 +472 682 4 887297923 +472 685 3 875978740 +472 689 4 883903273 +472 715 4 875982607 +472 720 5 875982096 +472 739 5 875982967 +472 742 5 883903715 +472 743 4 883904504 +472 746 5 875983023 +472 747 5 875982051 +472 748 5 875977682 +472 751 5 892790628 +472 755 4 875981829 +472 756 4 875978922 +472 758 1 875979359 +472 760 5 892790953 +472 763 4 875978922 +472 768 5 875982771 +472 771 4 875983427 +472 780 4 875982922 +472 790 3 875981968 +472 796 4 875981595 +472 810 5 875982922 +472 826 3 883904224 +472 834 3 875979685 +472 877 3 892789947 +472 890 4 883903272 +472 895 4 892790628 +472 924 2 875978994 +472 928 4 875979562 +472 930 5 875979317 +472 931 2 883904681 +472 940 4 875982560 +472 946 2 875981122 +472 951 1 875983426 +472 977 3 875979317 +472 1002 4 883904649 +472 1011 4 875979187 +472 1014 4 875978191 +472 1034 3 875979359 +472 1035 4 875981759 +472 1036 4 875983484 +472 1047 4 875979082 +472 1053 4 875982397 +472 1058 4 875980081 +472 1074 5 892790676 +472 1079 4 883904360 +472 1090 5 875983321 +472 1091 4 875982804 +472 1095 4 883904614 +472 1110 5 875981429 +472 1119 5 875983023 +472 1139 5 875983231 +472 1210 3 875983484 +472 1215 4 875979562 +472 1228 4 875983270 +472 1239 5 892790676 +472 1248 4 875983427 +472 1469 4 875982337 +473 7 2 878157329 +473 9 5 878157357 +473 10 3 878157527 +473 14 4 878157242 +473 20 3 878157568 +473 25 4 878157427 +473 116 5 878157544 +473 124 4 878157357 +473 129 4 878157329 +473 137 4 878157357 +473 242 3 878156824 +473 246 5 878157404 +473 256 4 878157648 +473 257 4 878157456 +473 268 5 878156932 +473 273 5 878157329 +473 275 5 878157527 +473 276 4 878157404 +473 293 4 878157507 +473 302 4 878156824 +473 303 4 878156932 +473 319 3 878156824 +473 321 2 878156950 +473 327 3 878156857 +473 508 2 878157456 +473 547 3 878157600 +473 813 3 878157427 +473 1007 4 878157329 +473 1129 4 878157507 +473 1142 5 878157299 +473 1143 4 878157242 +474 4 5 887927588 +474 7 5 887915414 +474 8 5 887925497 +474 11 5 887924571 +474 12 5 887924683 +474 13 5 887915684 +474 14 5 887915306 +474 15 5 887915600 +474 22 4 887924571 +474 23 4 887925620 +474 25 5 887916608 +474 26 4 887927509 +474 42 4 887923923 +474 44 3 887926998 +474 45 5 887924618 +474 48 4 887923923 +474 50 5 887915221 +474 52 4 887925751 +474 58 4 887925977 +474 60 3 887925620 +474 61 3 887924619 +474 64 5 887924027 +474 66 4 887926437 +474 68 3 887926804 +474 69 5 887924618 +474 70 4 887928498 +474 71 5 887926872 +474 72 3 887927457 +474 73 3 887928793 +474 76 4 887926573 +474 77 5 887926106 +474 79 5 887924027 +474 83 3 887925977 +474 86 4 887927456 +474 87 4 887925916 +474 88 4 887926106 +474 89 5 887924425 +474 92 4 887927509 +474 96 4 887925497 +474 97 5 887924028 +474 98 5 887924027 +474 99 4 887927339 +474 100 5 887915413 +474 107 3 887915722 +474 111 4 887916203 +474 116 5 887915366 +474 117 4 887915306 +474 121 4 887916260 +474 127 5 887915188 +474 131 4 887927509 +474 132 4 887924683 +474 134 4 887923972 +474 135 5 887924424 +474 136 4 887925187 +474 137 5 887915188 +474 141 4 887926059 +474 150 5 887915188 +474 161 4 887926633 +474 168 3 887927670 +474 170 4 887925620 +474 171 4 887926804 +474 172 5 887923789 +474 173 5 887924027 +474 174 5 887925750 +474 175 4 887925497 +474 176 5 887923972 +474 178 4 887926105 +474 179 5 887924424 +474 180 5 887924028 +474 181 5 887915511 +474 182 5 887923924 +474 183 5 887924619 +474 186 4 887925977 +474 187 5 887923708 +474 188 5 887926437 +474 191 5 887923789 +474 192 4 887924571 +474 193 4 887925497 +474 194 5 887924571 +474 195 5 887923789 +474 196 5 887924469 +474 197 5 887923788 +474 198 3 887925621 +474 199 5 887927456 +474 200 3 887925497 +474 203 5 887926059 +474 204 4 887924084 +474 205 5 887924469 +474 207 4 887925751 +474 208 3 887925497 +474 209 5 887927670 +474 210 5 887928562 +474 211 5 887925751 +474 212 4 887927670 +474 213 4 887927509 +474 215 5 887926804 +474 216 4 887924683 +474 218 4 887927588 +474 221 4 888628044 +474 222 4 887915479 +474 227 4 887926872 +474 230 3 887927728 +474 234 5 887923788 +474 237 4 887915366 +474 238 4 887924083 +474 244 4 887915646 +474 248 4 887916438 +474 252 4 887916567 +474 255 4 887915600 +474 257 3 887915511 +474 258 4 887914688 +474 265 5 887924425 +474 274 3 887916330 +474 275 3 887915269 +474 276 5 887915221 +474 282 4 887916411 +474 283 3 887915437 +474 284 4 887915645 +474 285 5 888628044 +474 286 5 887914646 +474 288 3 887914615 +474 289 3 887914906 +474 291 4 887916567 +474 293 4 887915269 +474 294 3 887916330 +474 298 3 887915645 +474 302 5 887914615 +474 313 4 887914615 +474 315 5 887914615 +474 316 5 887914979 +474 317 4 887925187 +474 318 5 887923708 +474 322 4 888627937 +474 323 2 887915020 +474 326 3 887914822 +474 346 5 887914688 +474 356 5 887928793 +474 357 5 887924618 +474 380 4 887927588 +474 382 3 887927339 +474 385 4 887927670 +474 410 2 887915645 +474 414 4 887927153 +474 416 4 887926271 +474 418 3 887928562 +474 419 4 887925916 +474 421 3 887928562 +474 423 5 887924425 +474 430 3 887925977 +474 434 4 887928562 +474 435 5 887926573 +474 436 3 887926873 +474 461 5 887924683 +474 462 4 887925497 +474 463 5 887927457 +474 467 4 887928498 +474 468 4 887926999 +474 469 4 887925916 +474 470 3 887926437 +474 471 3 887915307 +474 474 5 887923789 +474 475 4 887915479 +474 478 4 887926804 +474 479 5 887923972 +474 480 5 887925186 +474 481 4 887927153 +474 482 3 887925395 +474 483 5 887924424 +474 484 5 887925751 +474 486 4 887924425 +474 487 4 887923972 +474 488 3 887925977 +474 489 4 887923972 +474 490 5 887926059 +474 491 4 887925187 +474 493 4 887925837 +474 495 4 887927728 +474 496 4 887923708 +474 497 5 887926106 +474 498 4 887924683 +474 499 5 887924683 +474 503 4 887925838 +474 504 5 887924469 +474 505 5 887924425 +474 506 5 887924084 +474 507 4 887924424 +474 508 3 887915437 +474 510 4 887925837 +474 511 5 887925620 +474 513 5 887924571 +474 514 4 887926632 +474 515 5 887915269 +474 517 4 887925916 +474 518 4 887926633 +474 519 4 887926872 +474 520 5 887925837 +474 521 5 887925977 +474 523 5 887924083 +474 525 4 887925837 +474 526 5 887927339 +474 527 5 887923923 +474 528 5 887923924 +474 529 5 887924571 +474 530 5 887926271 +474 553 2 887927339 +474 566 5 887926632 +474 582 5 887927728 +474 584 5 887927728 +474 591 3 887915366 +474 601 5 887927509 +474 602 3 887926436 +474 603 5 887923788 +474 604 4 887926059 +474 605 3 887927670 +474 607 4 887926872 +474 608 4 887925187 +474 609 4 887927509 +474 610 3 887924571 +474 611 4 887925395 +474 614 4 887926999 +474 615 4 887924619 +474 616 4 887924028 +474 617 3 887925620 +474 618 4 887927457 +474 628 4 887915414 +474 633 4 887926436 +474 641 4 887926436 +474 642 4 887927152 +474 646 4 887925395 +474 648 4 887926804 +474 649 4 887927588 +474 650 4 887925187 +474 651 5 887927670 +474 653 4 887926999 +474 654 5 887924469 +474 655 5 887924083 +474 657 5 887924028 +474 659 5 887925187 +474 660 5 887926999 +474 661 4 887925620 +474 664 4 887925620 +474 671 3 887926105 +474 676 3 887916369 +474 684 4 887925977 +474 685 3 887915784 +474 692 4 887927588 +474 696 3 887916330 +474 697 4 887928498 +474 699 4 887927457 +474 705 3 887924619 +474 707 5 887925751 +474 708 4 887927339 +474 709 5 887928755 +474 735 4 887924619 +474 736 3 887927509 +474 737 4 887926633 +474 744 3 887916260 +474 748 3 887914979 +474 756 1 887915646 +474 789 4 887927152 +474 792 4 887926573 +474 836 3 887926804 +474 848 4 887926998 +474 921 3 887926271 +474 923 4 887926632 +474 924 4 887915600 +474 929 3 887916330 +474 939 4 887928562 +474 943 4 887925751 +474 945 4 887923923 +474 956 4 887926271 +474 963 5 887926105 +474 966 4 887925837 +474 971 4 887924469 +474 996 3 887927153 +474 1009 4 887915722 +474 1011 4 887916203 +474 1014 3 887916567 +474 1016 3 887915567 +474 1020 3 887926573 +474 1028 1 887916438 +474 1045 4 887927728 +474 1050 4 887926106 +474 1113 3 887926059 +474 1123 4 887923924 +474 1134 3 887915306 +474 1172 4 887924469 +474 1200 4 887927339 +474 1286 2 887927670 +474 1421 4 887928562 +474 1518 3 887927338 +475 50 5 891627857 +475 70 4 891627606 +475 100 5 891452276 +475 127 4 891627857 +475 258 1 891451205 +475 259 5 891628024 +475 286 2 891451276 +475 313 2 891451083 +475 315 4 891452177 +475 316 5 891627927 +475 347 4 891451341 +475 354 2 891627606 +475 381 4 891627606 +475 902 5 891451402 +476 4 4 883364143 +476 26 4 883364475 +476 33 4 883364475 +476 42 4 883364295 +476 47 3 883364392 +476 56 4 883365019 +476 63 3 883365274 +476 66 3 883364433 +476 67 4 883365218 +476 72 4 883364433 +476 73 4 883364475 +476 80 3 883364392 +476 83 3 883364143 +476 85 2 883364433 +476 88 4 883364717 +476 90 3 883364433 +476 94 2 883364780 +476 168 5 883364143 +476 173 5 883364218 +476 175 4 883364143 +476 186 5 883365019 +476 194 5 883364143 +476 202 4 883364295 +476 204 4 883364325 +476 208 5 883364250 +476 209 4 883364218 +476 211 5 883365019 +476 216 4 883364250 +476 232 3 883364250 +476 238 3 883364324 +476 239 4 883364475 +476 245 4 883365784 +476 268 4 883365503 +476 288 4 883365734 +476 294 3 883365634 +476 300 5 883365561 +476 319 1 883365561 +476 328 4 883365684 +476 343 4 883365634 +476 367 3 883364475 +476 384 4 883365274 +476 386 2 883365135 +476 393 4 883365135 +476 399 3 883364812 +476 401 3 883364812 +476 435 3 883364218 +476 451 3 883364475 +476 579 2 883365385 +476 585 1 883365336 +476 648 4 883364295 +476 655 4 883365019 +476 692 3 883364143 +476 710 5 883364324 +476 712 3 883364475 +476 715 4 883364745 +476 732 3 883364250 +476 734 4 883365274 +476 738 3 883364812 +476 746 3 883364295 +476 748 2 883365634 +476 765 4 883365442 +476 780 3 883365274 +476 781 4 883365135 +476 790 4 883365274 +476 792 4 883365019 +476 890 1 883365989 +476 944 2 883364813 +476 999 2 883365385 +476 1036 2 883364780 +476 1037 1 883365384 +476 1074 4 883365274 +476 1118 3 883364392 +476 1180 3 883365336 +476 1188 2 883364780 +476 1271 2 883364433 +477 15 4 875941863 +477 20 4 875941888 +477 25 5 875940755 +477 36 4 875941224 +477 49 5 875941155 +477 88 5 875941085 +477 90 4 875941275 +477 237 4 875940451 +477 255 5 875941763 +477 280 4 875941022 +477 282 4 875941948 +477 289 5 875941793 +477 294 4 875940693 +477 369 4 875940836 +477 553 5 875941155 +477 709 5 875941763 +477 722 5 875941763 +477 724 4 875941086 +477 731 4 875941275 +477 732 4 875941111 +477 739 4 875941191 +477 756 4 875940755 +477 778 4 875941191 +477 781 4 875941191 +477 794 4 875941111 +477 815 5 875941763 +477 846 4 875942042 +477 1041 5 875941225 +477 1051 5 875941763 +478 1 4 889387931 +478 7 1 889387871 +478 11 4 889395638 +478 12 5 889388862 +478 17 2 889396180 +478 23 2 889388562 +478 26 5 889396212 +478 28 3 889395655 +478 40 1 889398198 +478 41 3 889396330 +478 42 5 889388763 +478 48 4 889388587 +478 50 3 889396509 +478 65 4 889395879 +478 68 1 889396582 +478 69 3 889388612 +478 72 1 889397841 +478 77 1 889395879 +478 79 4 889388743 +478 81 4 889395977 +478 93 4 889387871 +478 98 5 889388862 +478 111 3 889397582 +478 122 2 889397778 +478 134 2 889397467 +478 137 4 889398260 +478 143 5 889396797 +478 145 1 889398599 +478 151 5 889388038 +478 153 3 889396212 +478 160 2 889395921 +478 161 3 889396645 +478 168 4 889388697 +478 188 4 889396582 +478 195 4 889396509 +478 196 3 889395921 +478 202 4 889396256 +478 216 5 889396029 +478 218 3 889396731 +478 219 2 889398289 +478 222 2 889387931 +478 231 1 889398598 +478 237 5 889388863 +478 238 3 889388818 +478 255 4 889398363 +478 276 5 889388862 +478 282 3 889398216 +478 283 4 889388137 +478 288 5 889388862 +478 300 3 889387471 +478 318 5 889389232 +478 327 3 889387577 +478 340 5 889398260 +478 350 1 889387418 +478 354 3 889397221 +478 357 5 889388724 +478 367 4 889396235 +478 369 3 889388429 +478 381 5 889397221 +478 392 2 889398571 +478 393 4 889397306 +478 403 2 889398645 +478 410 3 889388357 +478 412 4 889388249 +478 427 4 889388633 +478 447 4 889396732 +478 451 5 889396282 +478 467 5 889395563 +478 469 3 889395879 +478 496 5 889388862 +478 518 4 889395638 +478 568 5 889396615 +478 591 3 889387958 +478 604 3 889398289 +478 616 4 889398260 +478 655 3 889395541 +478 658 3 889395977 +478 673 3 889395696 +478 684 4 889396531 +478 739 4 889398528 +478 743 1 889388534 +478 763 5 889388375 +478 843 5 889397582 +478 866 1 889388273 +478 946 2 889396917 +478 959 4 889396049 +478 975 4 889388229 +478 1048 4 889388357 +478 1101 4 889396005 +478 1221 2 889398645 +478 1270 1 889396212 +478 1521 3 889397343 +479 1 5 879459939 +479 8 5 879461415 +479 22 4 879461280 +479 24 3 879460236 +479 28 4 879461800 +479 31 4 889125905 +479 32 3 879461354 +479 50 4 879460160 +479 54 3 879462121 +479 55 4 879461207 +479 58 4 879461432 +479 66 3 879462103 +479 70 4 879461630 +479 71 1 879461143 +479 79 4 879460894 +479 82 4 879461898 +479 88 4 879462041 +479 89 4 879460959 +479 95 4 879461818 +479 96 4 879460959 +479 97 3 879461651 +479 100 3 879460028 +479 101 4 879462185 +479 108 4 879460424 +479 111 4 879460323 +479 117 3 889125627 +479 118 3 887064767 +479 121 4 879460236 +479 122 1 879460648 +479 127 5 879460192 +479 133 2 879461970 +479 135 4 879461255 +479 137 4 889125448 +479 144 4 879461741 +479 147 3 889125665 +479 148 2 879460354 +479 153 4 879462140 +479 157 5 879461856 +479 161 3 879461399 +479 164 4 879461781 +479 168 5 889126007 +479 169 5 879460917 +479 172 4 879461084 +479 173 5 879460984 +479 174 5 889125837 +479 175 4 879461102 +479 176 4 889125562 +479 177 4 889125665 +479 179 1 879461142 +479 180 4 879460819 +479 181 5 879460028 +479 182 4 879460984 +479 183 5 889125563 +479 185 4 879461604 +479 187 4 879460785 +479 188 2 879461545 +479 189 2 879461298 +479 190 4 879461354 +479 193 3 879460939 +479 195 4 879460939 +479 197 4 879461102 +479 198 5 879460939 +479 201 4 879461142 +479 203 3 879460893 +479 204 4 879461583 +479 209 4 879460863 +479 210 4 889125866 +479 211 4 879461447 +479 213 4 879461039 +479 215 3 879461651 +479 216 3 879461399 +479 222 4 879460028 +479 226 3 879461280 +479 228 4 879461060 +479 230 4 879461898 +479 241 3 879461800 +479 248 4 879460192 +479 249 2 879460236 +479 255 2 879460192 +479 257 4 879459955 +479 258 5 879459552 +479 261 1 879533993 +479 264 3 879459791 +479 265 4 879460918 +479 266 3 879459791 +479 270 4 879459641 +479 272 4 889125255 +479 273 4 879459909 +479 274 4 879460370 +479 281 3 879460285 +479 282 5 879460049 +479 283 4 879460140 +479 286 1 879533972 +479 288 3 879459836 +479 294 3 879459578 +479 295 1 879460424 +479 298 3 879459909 +479 300 2 879459641 +479 304 4 879459692 +479 318 5 879461039 +479 324 1 879459611 +479 325 1 879459791 +479 328 4 879459611 +479 356 3 879461951 +479 357 4 889125798 +479 358 1 879459732 +479 380 3 879462007 +479 385 2 879461567 +479 398 1 889125474 +479 405 4 879460236 +479 408 5 879460091 +479 421 4 879460762 +479 422 3 879461207 +479 423 2 879461084 +479 431 4 879461741 +479 436 4 879461856 +479 455 4 889125853 +479 463 4 879460984 +479 472 1 879460354 +479 474 5 879461279 +479 479 4 879461378 +479 480 5 889125737 +479 483 4 879460844 +479 485 3 879460844 +479 489 5 879460844 +479 490 4 879461337 +479 500 4 879461255 +479 509 4 879461756 +479 510 4 879461337 +479 511 5 879461280 +479 523 4 879460894 +479 526 4 879461378 +479 528 4 879461060 +479 535 3 887064690 +479 546 2 879460305 +479 566 3 879461800 +479 584 3 879461873 +479 588 1 879461378 +479 602 4 879461492 +479 604 3 879461084 +479 609 5 879461951 +479 616 4 879462062 +479 629 3 879461161 +479 632 5 879460785 +479 640 4 879462168 +479 651 5 889125921 +479 655 4 879460959 +479 670 3 879461530 +479 680 3 887064404 +479 688 1 887064434 +479 692 3 879461700 +479 727 5 879461818 +479 732 4 879461120 +479 739 1 879461932 +479 748 3 879459710 +479 751 4 889125759 +479 752 3 889125284 +479 756 1 879462203 +479 831 2 879460562 +479 840 1 879460547 +479 879 4 879459657 +479 915 4 893281238 +479 931 2 879460681 +479 945 5 879460785 +479 1007 4 879460140 +479 1013 1 879460453 +479 1016 3 879460254 +479 1028 1 879460192 +479 1039 4 879461015 +479 1142 5 879459939 +479 1244 3 887064647 +479 1444 1 879462121 +479 1608 2 889125499 +480 8 5 891208576 +480 12 5 891208433 +480 50 4 891207951 +480 64 3 891208293 +480 79 4 891208718 +480 89 4 891208651 +480 96 4 891208623 +480 100 4 891207715 +480 114 4 891208547 +480 127 3 891207715 +480 152 4 891208390 +480 165 5 891208390 +480 166 5 891208185 +480 172 3 891208492 +480 174 5 891208356 +480 175 3 891208356 +480 183 4 891208651 +480 185 2 891208718 +480 190 5 891208265 +480 191 4 891208265 +480 197 3 891208215 +480 203 4 891208520 +480 209 4 891208599 +480 213 5 891208492 +480 234 4 891208769 +480 237 2 891207836 +480 249 1 891207975 +480 257 4 891208037 +480 258 3 891207859 +480 265 3 891208390 +480 272 4 891207539 +480 294 1 891208058 +480 298 2 891207665 +480 319 3 891207539 +480 347 3 891207605 +480 443 4 891208746 +480 462 4 891208520 +480 479 4 891208215 +480 483 3 891208293 +480 485 4 891208186 +480 504 4 891208822 +480 510 4 891208460 +480 511 4 891208599 +480 517 4 891208460 +480 527 4 891208327 +480 603 4 891208239 +480 615 4 891208185 +480 642 4 891208822 +480 654 4 891208718 +480 661 4 891208327 +480 705 4 891208520 +480 863 4 891208356 +480 1007 4 891207715 +480 1121 4 891208689 +480 1388 4 891207665 +481 4 3 885829196 +481 8 3 885828245 +481 42 3 885828426 +481 50 4 885827974 +481 66 3 885828203 +481 70 5 885828389 +481 86 5 885828650 +481 88 4 885829153 +481 98 4 885828574 +481 100 4 885828426 +481 153 5 885828165 +481 163 4 885828389 +481 173 4 885828165 +481 181 5 885827974 +481 190 5 885828732 +481 197 3 885828773 +481 198 4 885828686 +481 199 5 885828543 +481 204 4 885829196 +481 207 3 885828619 +481 210 4 885828165 +481 216 5 885828339 +481 238 4 885828245 +481 252 4 885828016 +481 283 5 885828389 +481 313 4 885827861 +481 318 1 885828807 +481 322 4 885828016 +481 367 3 885829153 +481 393 3 885829045 +481 427 4 885828807 +481 430 4 885829196 +481 435 5 885828510 +481 479 4 885828619 +481 484 4 885828686 +481 498 5 885828619 +481 505 5 885828574 +481 507 4 885828773 +481 514 4 885829045 +481 524 5 885829045 +481 580 4 885829153 +481 596 4 885828773 +481 648 5 885828165 +481 650 3 885828650 +481 659 5 885829153 +481 663 4 885828297 +481 678 3 885828016 +481 692 4 885828339 +481 780 1 885829240 +481 1039 4 885828732 +481 1089 3 885828072 +482 50 4 887644063 +482 127 4 887644063 +482 243 2 887644023 +482 245 4 887643461 +482 257 4 887644063 +482 269 4 887643096 +482 288 3 887644023 +482 289 3 887644023 +482 295 3 887644063 +482 298 4 887644085 +482 301 4 887643315 +482 311 4 887643340 +482 315 3 887643146 +482 321 3 887644023 +482 328 4 887643289 +482 346 3 887644022 +482 748 4 887643365 +482 876 3 887644023 +482 881 3 887644022 +482 988 4 887643499 +483 1 4 878950971 +483 12 2 878953999 +483 20 2 878952993 +483 50 5 878953485 +483 99 3 884047323 +483 107 3 878951717 +483 109 5 882165734 +483 116 3 878951532 +483 121 2 878952692 +483 144 2 878954228 +483 151 2 878952582 +483 180 2 878954086 +483 181 4 878950971 +483 195 3 878954753 +483 197 3 878953815 +483 199 3 882165665 +483 222 3 878953485 +483 229 3 878953485 +483 230 5 878953592 +483 237 3 878953019 +483 249 2 878952866 +483 250 3 878952837 +483 257 2 878952519 +483 270 3 891917351 +483 271 3 881273325 +483 274 4 878953129 +483 275 4 878951388 +483 277 3 878952636 +483 283 5 878952582 +483 286 3 878950353 +483 290 3 878953199 +483 313 2 884046430 +483 318 3 884046480 +483 365 2 878953277 +483 380 3 878953592 +483 405 3 878952966 +483 432 3 884047278 +483 449 3 878953593 +483 450 4 878953593 +483 462 3 884047754 +483 480 3 878953862 +483 510 3 878953751 +483 538 2 886470912 +483 582 3 887677797 +483 612 3 878953751 +483 743 1 893098548 +483 900 3 885170586 +483 1152 4 893098572 +484 1 5 881450058 +484 2 4 891195391 +484 7 4 881449706 +484 9 1 881449910 +484 15 5 881449527 +484 22 5 891194841 +484 24 1 881449826 +484 25 3 881449561 +484 28 5 880937193 +484 29 3 891195532 +484 50 5 881254239 +484 51 4 891194910 +484 53 1 891195663 +484 56 5 891195057 +484 69 5 891194743 +484 70 5 891195036 +484 71 2 891194743 +484 73 4 891195199 +484 79 5 891195322 +484 82 4 891195444 +484 88 4 891195179 +484 94 4 891195856 +484 96 5 891195323 +484 97 5 891194957 +484 98 4 891195687 +484 111 4 881450111 +484 117 4 881449561 +484 122 2 889974407 +484 135 4 891194820 +484 136 5 891194766 +484 141 4 891195886 +484 143 4 891195746 +484 144 4 891195298 +484 150 4 891195246 +484 151 4 881450017 +484 153 5 891194716 +484 168 4 891195036 +484 173 5 891195036 +484 174 5 891195298 +484 176 4 891195298 +484 181 5 881254239 +484 183 4 891195323 +484 195 5 891195349 +484 202 5 891195179 +484 204 5 891195057 +484 211 4 891195036 +484 216 4 891195105 +484 222 5 883402900 +484 226 4 891195390 +484 227 5 891195506 +484 228 5 891195349 +484 229 5 891195476 +484 230 5 891195417 +484 231 2 891195476 +484 234 4 891195687 +484 235 2 881450160 +484 237 3 881450112 +484 239 4 891195036 +484 248 4 883973581 +484 250 4 891194646 +484 252 3 880270616 +484 255 3 882079980 +484 257 5 882079956 +484 258 5 883402900 +484 265 5 891195476 +484 274 4 881450085 +484 275 3 891195973 +484 293 5 881254899 +484 294 4 878060860 +484 300 4 887519214 +484 313 5 885237934 +484 315 3 883973609 +484 318 5 891194932 +484 343 2 883402932 +484 385 4 891195416 +484 392 4 891194932 +484 399 4 891195565 +484 405 4 881450182 +484 415 3 891195857 +484 419 4 891195825 +484 422 3 891195825 +484 427 5 891195746 +484 431 4 891194692 +484 449 4 891195602 +484 451 4 891195127 +484 463 4 882807416 +484 471 4 881449737 +484 472 4 891195565 +484 510 4 889974386 +484 550 4 891195390 +484 554 4 891195565 +484 560 4 891195886 +484 562 3 891195565 +484 566 4 891195416 +484 568 3 891195417 +484 578 3 891195444 +484 588 5 891195773 +484 597 3 881450182 +484 625 4 891195825 +484 651 5 891194910 +484 655 5 891194820 +484 665 4 891195602 +484 679 2 891195476 +484 692 5 891194998 +484 699 4 891195773 +484 746 4 891195179 +484 755 4 891195825 +484 778 5 891195246 +484 823 4 891195506 +484 829 2 891195663 +484 849 3 891195506 +484 879 4 891194665 +484 924 5 880937157 +484 926 4 881450136 +484 951 1 891195886 +484 1016 4 883402866 +485 242 5 891040423 +485 245 3 891041782 +485 269 4 891040493 +485 286 2 891040897 +485 288 3 891041171 +485 289 3 891041551 +485 294 1 891041103 +485 301 2 891041551 +485 303 4 891040688 +485 307 3 891040967 +485 311 3 891040423 +485 313 4 891040423 +485 319 3 891041485 +485 321 3 891041275 +485 326 2 891041705 +485 328 2 891040560 +485 330 3 891042162 +485 341 4 891042027 +485 345 1 891040560 +485 346 4 891040967 +485 347 2 891040688 +485 538 3 891040560 +485 748 2 891041551 +486 1 4 879874870 +486 3 2 879875347 +486 6 4 879874902 +486 7 5 879874753 +486 9 5 879874449 +486 10 4 879874871 +486 13 4 879874811 +486 14 5 879874725 +486 15 3 879875278 +486 16 3 879874583 +486 20 3 879875069 +486 21 3 879875371 +486 93 4 879874629 +486 109 3 879874902 +486 111 4 879874693 +486 117 3 879874939 +486 121 3 879875188 +486 123 3 879875278 +486 124 5 879874545 +486 125 3 879874970 +486 127 5 879874448 +486 129 4 879874939 +486 137 4 879874871 +486 146 2 879875188 +486 147 2 879875249 +486 150 3 879874838 +486 151 2 879875041 +486 181 4 879874482 +486 220 3 879875441 +486 221 4 879875040 +486 235 2 879875370 +486 236 3 879874629 +486 237 4 879874629 +486 242 4 879874018 +486 245 3 879875441 +486 248 4 879874663 +486 250 1 879874753 +486 255 3 879874692 +486 257 3 879875315 +486 258 5 879874064 +486 262 1 879874017 +486 264 3 879874262 +486 268 3 879874064 +486 270 2 879874064 +486 273 3 879874871 +486 275 4 879874582 +486 276 4 879874969 +486 277 3 879874418 +486 280 2 879875249 +486 282 2 879875278 +486 284 2 879874784 +486 285 5 879874482 +486 286 2 879873973 +486 287 4 879875279 +486 288 4 879874153 +486 289 3 879874262 +486 295 3 879874630 +486 297 4 879874629 +486 298 3 879874871 +486 299 1 879874113 +486 300 4 879874388 +486 301 4 879874113 +486 303 4 879874388 +486 304 3 879874186 +486 305 3 879874218 +486 306 1 879874063 +486 319 3 879874388 +486 321 3 879874153 +486 322 2 879874262 +486 324 4 879874262 +486 327 3 879874112 +486 331 2 879874112 +486 332 3 879874187 +486 333 2 879873973 +486 336 2 879874218 +486 408 3 879874481 +486 460 4 879875316 +486 471 5 879874969 +486 475 4 879874583 +486 476 3 879875371 +486 508 4 879874753 +486 515 5 879874417 +486 591 4 879874662 +486 595 2 879875408 +486 597 3 879875187 +486 620 2 879875441 +486 628 3 879875278 +486 678 1 879874297 +486 685 3 879875188 +486 689 2 879874064 +486 690 2 879873973 +486 696 3 879875041 +486 717 2 879875440 +486 718 3 879874449 +486 741 3 879875221 +486 742 2 879874693 +486 748 2 879874218 +486 762 4 879874939 +486 766 4 879874417 +486 818 3 879874784 +486 823 4 879875347 +486 831 3 879875316 +486 845 4 879874995 +486 846 2 879875154 +486 864 3 879875041 +486 872 5 879874153 +486 874 3 879874297 +486 879 3 879874297 +486 880 5 879874112 +486 882 2 879874018 +486 886 3 879874388 +486 887 5 879874218 +486 919 3 879874902 +486 924 3 879875069 +486 926 2 879875408 +486 935 4 879874516 +486 936 3 879874629 +486 950 4 879875069 +486 975 3 879874783 +486 994 3 879874811 +486 995 4 879874388 +486 1011 4 879874939 +486 1014 3 879874784 +486 1017 3 879874970 +486 1047 2 879875316 +486 1079 2 879875347 +486 1082 2 879875221 +486 1086 3 879874482 +486 1093 4 879874692 +486 1094 2 879874838 +486 1120 3 879875465 +486 1129 4 879874726 +486 1134 3 879875040 +486 1137 5 879874545 +486 1171 3 879874417 +486 1176 3 879874388 +486 1197 4 879874582 +486 1202 4 879874995 +486 1226 4 879874902 +486 1272 3 879875154 +486 1302 3 879874515 +486 1322 3 879875347 +486 1369 3 879874582 +486 1375 3 879874449 +486 1379 3 879874515 +486 1514 4 879874663 +486 1589 3 879874515 +486 1598 5 879874583 +486 1609 3 879875220 +487 1 5 883443504 +487 2 3 883531122 +487 3 5 883444583 +487 4 4 883531003 +487 12 5 883445580 +487 17 3 883531279 +487 24 4 883444558 +487 25 1 883445130 +487 27 5 884044329 +487 28 4 883446352 +487 31 5 883446685 +487 38 2 884052069 +487 42 3 883446685 +487 43 3 884042206 +487 45 5 883446725 +487 48 2 883445540 +487 49 4 884036466 +487 50 4 883442018 +487 53 2 883447118 +487 55 5 883446685 +487 56 4 883528441 +487 58 5 883446907 +487 64 5 883445859 +487 66 5 883530484 +487 67 3 884050247 +487 68 5 883530949 +487 69 4 883445859 +487 71 3 883530786 +487 73 3 884050038 +487 76 4 883530484 +487 77 3 883530814 +487 79 5 883446543 +487 81 3 883531507 +487 82 5 883446252 +487 85 2 884044654 +487 87 5 883445606 +487 88 4 884024901 +487 92 4 883446600 +487 95 4 883446872 +487 96 5 883446801 +487 97 5 883446600 +487 98 5 883446637 +487 99 4 883530434 +487 100 5 883442105 +487 111 3 883444558 +487 117 5 883443504 +487 121 4 883444832 +487 125 5 883444736 +487 128 5 883531333 +487 133 4 883530865 +487 136 5 883445606 +487 140 3 883531085 +487 143 3 883530841 +487 144 5 883446725 +487 150 5 883442430 +487 156 4 883446027 +487 160 4 884041685 +487 161 5 883530702 +487 172 4 883530409 +487 174 5 883446404 +487 176 5 883445540 +487 179 3 883528237 +487 181 4 883441956 +487 183 5 883446637 +487 188 4 883445900 +487 191 4 883446027 +487 194 5 883446322 +487 195 4 883446907 +487 196 5 883446830 +487 197 3 883446404 +487 202 5 883445943 +487 206 4 883531003 +487 215 4 883446027 +487 216 4 883530484 +487 218 2 883531507 +487 222 4 883442018 +487 226 3 883531085 +487 227 3 883531279 +487 229 3 884042207 +487 230 5 884036466 +487 231 1 884050940 +487 232 4 883530764 +487 237 4 883441813 +487 239 5 883531507 +487 248 1 883443504 +487 249 1 884637200 +487 252 1 883445079 +487 255 2 883441890 +487 257 4 883442260 +487 258 5 883440613 +487 259 2 883441083 +487 260 2 883441026 +487 265 5 883530236 +487 270 5 883440572 +487 272 5 885322350 +487 273 5 883443504 +487 274 4 883444631 +487 276 3 883444252 +487 280 5 883444860 +487 282 4 883442105 +487 286 2 883439831 +487 288 4 883440572 +487 289 2 883441083 +487 293 5 883441813 +487 294 4 883440572 +487 298 5 883442431 +487 300 5 883441026 +487 301 4 883440613 +487 318 3 883528237 +487 333 3 883440491 +487 347 2 884806595 +487 349 3 885239880 +487 356 4 884024462 +487 366 3 883530929 +487 367 3 883530674 +487 378 5 883530973 +487 380 2 883531466 +487 385 4 883530454 +487 392 4 883529363 +487 399 5 884046800 +487 402 4 883531507 +487 403 4 884050247 +487 404 4 883446725 +487 411 3 883444793 +487 412 1 883445220 +487 419 3 883530644 +487 423 4 883446685 +487 431 3 883529593 +487 432 3 883447015 +487 455 2 883444252 +487 462 2 883445859 +487 470 5 883530409 +487 471 3 883441956 +487 474 4 883445752 +487 501 4 883531122 +487 540 2 884050192 +487 541 3 884050711 +487 546 3 883444674 +487 549 4 884046879 +487 550 3 883530841 +487 559 3 884029657 +487 566 4 883529540 +487 568 4 883446322 +487 572 1 884050940 +487 578 3 884036466 +487 586 2 884051840 +487 588 5 883446725 +487 591 2 883444462 +487 596 5 883441956 +487 597 4 883444674 +487 620 3 883445168 +487 627 4 883531122 +487 628 4 883444558 +487 651 5 883445606 +487 652 5 883530374 +487 658 4 883530434 +487 672 4 884024462 +487 679 2 883530724 +487 684 5 883446543 +487 685 3 883444252 +487 686 4 884044329 +487 689 1 883441407 +487 692 5 883530434 +487 710 4 883445721 +487 713 4 883444631 +487 720 4 884036466 +487 727 3 884029774 +487 732 5 884025080 +487 735 4 884042206 +487 739 2 884046879 +487 742 5 883442053 +487 746 4 883529540 +487 747 4 883531466 +487 748 4 883440540 +487 768 3 884025080 +487 772 3 883530885 +487 779 2 884050879 +487 781 3 884030528 +487 783 4 884045361 +487 790 3 884045135 +487 794 5 883530503 +487 802 4 884051006 +487 803 2 884045297 +487 809 2 884050192 +487 820 3 883444884 +487 823 1 883445302 +487 833 4 888262381 +487 841 2 883445168 +487 845 4 883442260 +487 921 5 884042629 +487 932 3 883444941 +487 939 3 883446757 +487 941 3 884045297 +487 955 5 884024462 +487 956 4 883530702 +487 966 5 883530562 +487 978 1 883445251 +487 1011 3 883444768 +487 1016 5 883444515 +487 1019 5 883447117 +487 1035 4 884044329 +487 1044 3 884051761 +487 1074 1 884051840 +487 1188 3 884045361 +487 1217 3 884025080 +487 1244 2 883444859 +487 1276 2 885239896 +487 1314 1 883530929 +487 1410 5 883446637 +487 1425 4 884024462 +487 1440 4 884045494 +487 1446 3 883530814 +488 1 3 891294896 +488 8 3 891295067 +488 9 4 891294063 +488 11 1 891294158 +488 15 4 891294568 +488 22 4 891294108 +488 28 4 891293805 +488 33 2 891294976 +488 50 4 891293974 +488 58 3 891376081 +488 64 5 891294529 +488 69 4 891294209 +488 70 3 891294854 +488 83 4 891294530 +488 87 5 891294297 +488 89 4 891294854 +488 96 3 891294014 +488 97 4 891293863 +488 98 4 891293698 +488 100 2 891293910 +488 111 4 891294785 +488 133 4 891294606 +488 135 4 891294785 +488 136 4 891294158 +488 144 3 891293974 +488 153 2 891293974 +488 154 3 891293974 +488 164 3 891293911 +488 168 4 891293910 +488 172 3 891293863 +488 173 4 891294473 +488 176 4 891293734 +488 178 4 891294158 +488 180 2 891294439 +488 181 4 891376029 +488 182 3 891293734 +488 183 4 891293698 +488 185 4 891376137 +488 186 4 891294108 +488 187 3 891293863 +488 190 5 891376046 +488 191 3 891293974 +488 196 3 891293974 +488 197 2 891294473 +488 198 4 891375822 +488 199 4 891293911 +488 200 2 891294606 +488 203 4 891295023 +488 207 3 891294942 +488 208 4 891294298 +488 210 4 891294896 +488 211 4 891294158 +488 215 5 891294742 +488 222 4 891376029 +488 228 4 891294854 +488 230 3 891375900 +488 234 4 891293911 +488 238 1 891375965 +488 239 4 891294976 +488 243 3 891293400 +488 245 3 891292897 +488 258 4 891293606 +488 259 1 891293051 +488 260 2 891293304 +488 265 4 891294473 +488 269 3 891293606 +488 289 1 891293263 +488 292 3 891292651 +488 294 4 891293606 +488 299 3 891293051 +488 304 4 891293606 +488 318 4 891293734 +488 322 3 891293009 +488 328 4 891293606 +488 333 4 891293606 +488 357 4 891293699 +488 358 3 891293051 +488 385 4 891294014 +488 405 3 891294014 +488 414 2 891293863 +488 418 3 891294530 +488 419 3 891294976 +488 429 4 891375991 +488 434 4 891294785 +488 468 5 891295023 +488 474 2 891294439 +488 478 3 891294530 +488 480 3 891376110 +488 483 3 891293660 +488 485 3 891294298 +488 486 4 891295023 +488 491 4 891294209 +488 493 3 891294297 +488 496 4 891294246 +488 498 3 891294707 +488 500 4 891294568 +488 510 4 891294854 +488 511 4 891294209 +488 514 2 891294063 +488 515 4 891293699 +488 520 4 891293660 +488 521 3 891294942 +488 523 3 891293699 +488 526 4 891294530 +488 527 3 891294473 +488 568 3 891294707 +488 589 3 891294400 +488 605 3 891294785 +488 612 4 891294210 +488 655 3 891294246 +488 659 3 891293771 +488 662 4 891294896 +488 678 2 891293400 +488 692 4 891294707 +488 707 2 891294707 +488 724 3 891375751 +488 732 4 891294606 +488 742 4 891295023 +488 748 4 891293606 +488 751 3 891292771 +488 754 4 891293606 +488 776 4 891294298 +488 845 3 891294853 +488 873 3 891293152 +488 880 3 891293606 +488 890 1 891293478 +488 1025 2 891293263 +488 1039 4 891294654 +488 1050 4 891294568 +489 243 4 891445389 +489 245 3 891366838 +489 258 5 891366570 +489 259 2 891445743 +489 260 3 891366693 +489 261 2 891449155 +489 263 2 891448268 +489 264 4 891445721 +489 266 5 891446232 +489 268 2 891448453 +489 269 3 891362740 +489 270 4 891448731 +489 271 4 891448706 +489 272 5 891448367 +489 286 4 891366571 +489 288 4 891366693 +489 289 2 891366748 +489 292 4 891366693 +489 294 3 891366748 +489 299 2 891447522 +489 301 3 891366805 +489 302 5 891448109 +489 303 4 891448109 +489 304 3 891362812 +489 308 4 891447653 +489 310 4 891449022 +489 313 4 891362740 +489 315 5 891448389 +489 316 5 891447872 +489 319 3 891447218 +489 321 3 891447845 +489 322 5 891366571 +489 323 5 891445388 +489 324 3 891445320 +489 325 5 891445439 +489 326 4 891362773 +489 327 5 891448409 +489 330 4 891445277 +489 331 5 891366606 +489 332 5 891447823 +489 333 4 891362740 +489 334 4 891448453 +489 338 3 891448200 +489 339 3 891448428 +489 340 4 891448367 +489 342 3 891445199 +489 343 5 891447913 +489 346 5 891362904 +489 349 4 891449155 +489 351 5 891446623 +489 353 4 891449555 +489 355 5 891447872 +489 358 5 891445439 +489 457 3 891449254 +489 538 4 891448222 +489 539 4 891448834 +489 678 4 891366693 +489 680 5 891445439 +489 681 3 891366805 +489 682 4 891366606 +489 687 3 891445439 +489 689 5 891447913 +489 748 4 891366838 +489 749 4 891366571 +489 750 5 891448080 +489 751 5 891362773 +489 752 5 891448109 +489 754 5 891448109 +489 872 2 891448530 +489 873 3 891447008 +489 874 2 891448774 +489 875 2 891449465 +489 878 2 891448565 +489 881 2 891447586 +489 883 2 891448811 +489 885 4 891448861 +489 887 2 891447845 +489 890 5 891447990 +489 892 3 891449532 +489 897 2 891448565 +489 902 4 891448931 +489 908 5 891446623 +489 948 2 891447960 +489 988 3 891446982 +489 989 3 891446201 +489 991 3 891445439 +489 1025 5 891366652 +489 1238 4 891445352 +489 1243 4 891445231 +489 1265 2 891449466 +489 1280 3 891447653 +489 1293 5 891446623 +489 1612 5 891446623 +489 1613 4 891449466 +490 1 3 875427148 +490 7 3 875427739 +490 9 4 875428765 +490 15 1 875427739 +490 50 5 875428765 +490 93 4 875427993 +490 100 3 875427629 +490 117 1 875427948 +490 118 2 875428703 +490 123 2 875428570 +490 124 4 875427629 +490 126 2 875427812 +490 127 5 875428765 +490 137 3 875427739 +490 150 5 875428765 +490 151 1 875428185 +490 181 4 875427873 +490 224 2 875428702 +490 237 1 875427993 +490 246 2 875427812 +490 257 3 875428570 +490 258 2 875427021 +490 273 1 875427629 +490 277 3 875428531 +490 284 3 875427993 +490 286 2 875427021 +490 292 3 875428185 +490 293 2 875427993 +490 298 3 875427532 +490 302 4 875428765 +490 333 3 875427021 +490 410 4 875428570 +490 455 4 875428152 +490 473 2 875428417 +490 475 4 875427629 +490 515 3 875427224 +490 596 1 875427225 +490 741 4 875427629 +490 764 1 875427993 +490 847 3 875427873 +490 919 4 875428765 +490 926 2 875428185 +490 993 1 875427739 +490 1067 2 875428309 +490 1128 4 875428765 +490 1383 1 875428417 +490 1386 4 875428416 +491 7 3 891185298 +491 19 4 891185209 +491 23 2 891189306 +491 45 5 891189631 +491 100 5 891186806 +491 116 5 891185209 +491 124 5 891185170 +491 127 3 891185129 +491 129 4 891185170 +491 190 4 891189631 +491 236 4 891185919 +491 237 3 891187226 +491 258 4 891189815 +491 273 5 891188230 +491 284 3 891185330 +491 285 5 891185919 +491 286 4 891184567 +491 294 2 891189842 +491 319 1 891184567 +491 340 4 891189716 +491 475 4 891185170 +491 513 5 891189306 +491 654 5 891189306 +491 657 5 891189306 +491 696 3 891188296 +491 900 5 891189761 +491 1281 3 891186806 +492 45 3 879969814 +492 56 5 879969878 +492 64 4 879969539 +492 69 3 879969385 +492 83 4 879969644 +492 86 3 879969454 +492 97 3 879969210 +492 100 4 879969292 +492 124 4 879969345 +492 127 5 879969879 +492 131 3 879969720 +492 134 3 879969644 +492 137 4 879969670 +492 185 3 879969512 +492 186 3 879969539 +492 187 5 879969878 +492 192 3 879969583 +492 193 4 879969415 +492 199 3 879969255 +492 205 4 879969692 +492 212 3 879969367 +492 221 3 879969454 +492 242 5 879969878 +492 285 4 879969345 +492 286 4 879969099 +492 291 4 879969692 +492 318 5 879969878 +492 479 3 879969583 +492 482 3 879969720 +492 483 2 879969210 +492 492 4 879969512 +492 511 5 879969879 +492 514 3 879969415 +492 523 4 879969583 +492 527 5 879969879 +492 528 5 879969878 +492 531 4 879969539 +492 650 2 879969644 +492 654 4 879969323 +492 657 3 879969345 +492 772 1 879969512 +492 923 5 879969878 +492 1021 3 879969415 +492 1147 1 879969670 +493 1 3 884130416 +493 7 3 884130372 +493 11 3 884130852 +493 12 3 884132225 +493 22 5 884131114 +493 24 4 884130593 +493 25 4 884132717 +493 48 4 884130995 +493 50 5 884131553 +493 56 4 884130911 +493 59 5 884132315 +493 60 2 884131263 +493 61 4 884131263 +493 65 4 884132146 +493 69 5 884130995 +493 71 5 884131020 +493 79 5 884131287 +493 82 5 884132058 +493 89 4 884130933 +493 91 3 884132287 +493 95 5 884131287 +493 96 4 884130793 +493 98 4 884131460 +493 100 5 884130308 +493 109 4 884130416 +493 115 4 884131665 +493 117 5 884130416 +493 118 4 884132898 +493 121 5 884131690 +493 124 3 884130253 +493 127 3 884130416 +493 134 3 884132246 +493 150 5 884130495 +493 151 3 884130516 +493 154 4 884131952 +493 156 1 884130995 +493 168 5 884131143 +493 171 5 884130825 +493 172 5 884131597 +493 173 4 884131114 +493 174 3 884131211 +493 175 4 884131933 +493 176 5 884132197 +493 180 4 884130793 +493 181 5 884130308 +493 182 5 884130971 +493 183 5 884132225 +493 186 5 884131897 +493 188 5 884131314 +493 191 4 884132225 +493 192 3 884132015 +493 195 3 884131314 +493 196 4 884130933 +493 201 5 884131089 +493 204 5 884130852 +493 209 5 884130933 +493 210 5 884131620 +493 222 3 884130416 +493 234 5 884132037 +493 235 2 884130593 +493 238 3 884131985 +493 239 5 884131952 +493 250 4 884130387 +493 252 4 884130619 +493 257 5 884130495 +493 258 5 884129725 +493 260 1 884129979 +493 264 3 884129923 +493 265 5 884131048 +493 271 1 884129823 +493 273 4 884131717 +493 275 1 884131357 +493 284 4 884130619 +493 288 4 884129823 +493 298 3 884130668 +493 300 4 884129725 +493 318 5 884132315 +493 323 4 884129979 +493 327 5 884129868 +493 328 4 884129823 +493 338 4 884130032 +493 343 3 884130074 +493 357 5 884130891 +493 358 4 884129979 +493 369 2 884130271 +493 404 4 884132351 +493 405 2 884130619 +493 410 4 884132883 +493 411 1 884132934 +493 423 2 884131020 +493 431 5 884132037 +493 455 5 884131690 +493 462 2 884132015 +493 475 3 884130495 +493 483 5 884131534 +493 527 5 884132037 +493 528 5 884132246 +493 546 5 884131738 +493 550 4 884132181 +493 597 4 884131738 +493 647 4 884131287 +493 652 5 884131287 +493 678 3 884129979 +493 684 4 884132267 +493 687 1 884130055 +493 693 4 884132129 +493 742 3 884130253 +493 746 4 884131143 +493 751 5 884129793 +493 754 3 884129868 +493 762 4 884130439 +493 763 4 884130593 +493 806 3 884131143 +493 876 1 884129923 +493 879 4 884129823 +493 886 2 884129868 +493 890 3 884130074 +493 925 3 884130668 +493 1016 4 884130550 +493 1088 2 884131777 +493 1126 2 884131517 +493 1278 5 884130215 +494 1 3 879541374 +494 9 2 879541404 +494 15 5 879541475 +494 50 5 879541246 +494 64 5 879541207 +494 65 5 879541207 +494 86 3 879541298 +494 98 4 879541158 +494 100 5 879541475 +494 107 4 879541405 +494 121 4 879541429 +494 126 4 879541476 +494 143 5 879541245 +494 174 5 879541112 +494 181 4 879541298 +494 183 5 879541158 +494 191 4 879541158 +494 194 4 879541298 +494 199 4 879541158 +494 222 5 879541375 +494 237 4 879541375 +494 286 4 879540508 +494 289 1 879540630 +494 294 4 879540593 +494 322 2 879540819 +494 329 3 879540819 +494 357 5 879541245 +494 358 3 879540901 +494 427 5 879541112 +494 479 3 879541207 +494 507 4 879541207 +494 514 2 879541246 +494 528 3 879541245 +494 748 1 879540720 +494 845 4 879541429 +494 924 4 879541475 +494 1197 3 879541405 +495 2 2 888635595 +495 4 3 888633129 +495 11 5 888634536 +495 29 2 888636573 +495 44 3 888636032 +495 50 5 888632134 +495 53 1 888637440 +495 54 5 888637768 +495 55 2 888634389 +495 56 5 888632574 +495 62 3 888635937 +495 64 5 888632496 +495 67 3 888636635 +495 68 5 888634987 +495 69 3 888632070 +495 71 5 888634111 +495 79 5 888632546 +495 80 3 888636992 +495 82 5 888632969 +495 84 3 888633011 +495 86 5 888637768 +495 88 4 888635380 +495 89 3 888632888 +495 90 4 888635637 +495 91 2 888634859 +495 94 3 888636992 +495 95 3 888634315 +495 96 4 888634110 +495 98 5 888632943 +495 101 5 888632943 +495 109 5 888633594 +495 120 5 888637768 +495 121 5 888633473 +495 127 4 888634955 +495 132 4 888632916 +495 133 3 888632888 +495 139 2 888636810 +495 140 5 888635419 +495 143 1 888634315 +495 144 4 888634070 +495 145 4 888637147 +495 147 5 888637768 +495 151 5 888635236 +495 153 5 888633165 +495 155 3 888635455 +495 157 5 888635294 +495 158 3 888637477 +495 161 4 888634746 +495 162 3 888633351 +495 163 5 888633277 +495 167 4 888636958 +495 168 5 888632738 +495 172 5 888632378 +495 173 5 888632180 +495 174 5 888632319 +495 176 5 888632496 +495 179 5 888632470 +495 181 5 888632180 +495 182 5 888632043 +495 183 5 888633277 +495 184 5 888633086 +495 185 5 888633042 +495 186 5 888633277 +495 188 4 888632250 +495 191 3 888632219 +495 195 5 888633396 +495 196 3 888632546 +495 200 5 888637768 +495 201 2 888633594 +495 202 4 888633042 +495 204 4 888632155 +495 211 5 888633194 +495 214 5 888632219 +495 216 4 888632443 +495 217 5 888637768 +495 219 4 888636992 +495 222 5 888633277 +495 225 4 888635524 +495 226 4 888633011 +495 227 5 888636899 +495 228 5 888632738 +495 229 3 888634918 +495 230 5 888632969 +495 231 3 888635294 +495 232 5 888635202 +495 234 5 888634144 +495 235 5 888636603 +495 265 5 888633316 +495 282 5 888637768 +495 288 4 888633165 +495 357 5 888633277 +495 379 5 888636870 +495 380 3 888635339 +495 385 3 888633042 +495 386 3 888636837 +495 389 5 888637643 +495 391 3 888637440 +495 392 5 888635455 +495 395 1 888637147 +495 402 3 888635050 +495 403 5 888634475 +495 404 4 888635380 +495 413 5 888636032 +495 416 5 888636899 +495 417 3 888636741 +495 421 1 888634389 +495 423 5 888633522 +495 431 5 888632546 +495 432 5 888633396 +495 433 4 888634315 +495 435 5 888632969 +495 444 3 888636958 +495 447 4 888635420 +495 449 5 888637768 +495 451 4 888635524 +495 452 2 888637070 +495 465 5 888635180 +495 470 5 888637768 +495 472 5 888635144 +495 478 4 888632443 +495 479 4 888632574 +495 491 5 888632443 +495 496 5 888632888 +495 498 3 888633165 +495 501 3 888634536 +495 504 4 888632546 +495 505 5 888633473 +495 507 4 888633316 +495 511 4 888634536 +495 521 5 888632219 +495 523 5 888632155 +495 550 3 888635235 +495 559 4 888635180 +495 566 4 888635144 +495 568 1 888635294 +495 575 3 888637477 +495 576 3 888637440 +495 581 5 888635655 +495 616 4 888635050 +495 622 2 888635886 +495 629 3 888636032 +495 631 2 888632677 +495 636 3 888634475 +495 642 4 888635050 +495 650 5 888634956 +495 658 3 888635380 +495 660 3 888635144 +495 665 1 888637169 +495 671 2 888634956 +495 674 3 888635995 +495 679 3 888634784 +495 684 5 888634956 +495 705 4 888634111 +495 732 4 888634070 +495 742 5 888632888 +495 768 3 888636216 +495 770 3 888635339 +495 790 3 888636635 +495 796 4 888637070 +495 797 4 888635524 +495 831 1 888637325 +495 843 3 888637385 +495 924 3 888634441 +495 944 5 888637768 +495 1046 5 888636837 +495 1079 5 888636511 +495 1110 4 888637147 +495 1118 5 888632888 +495 1119 4 888634784 +495 1135 5 888634475 +495 1157 4 888637300 +495 1182 3 888636871 +495 1183 4 888637228 +495 1208 4 888636032 +495 1245 5 888633129 +495 1419 1 888635995 +495 1444 2 888637018 +495 1469 5 888636810 +495 1542 4 888637643 +496 7 4 876064168 +496 10 5 876064845 +496 11 4 876067022 +496 17 3 876065645 +496 22 4 876065259 +496 28 2 876066153 +496 33 4 876067108 +496 38 2 876068615 +496 39 5 876072633 +496 42 5 876066676 +496 50 5 876072633 +496 53 3 876070655 +496 56 5 876066009 +496 64 3 876066064 +496 77 2 876066531 +496 87 5 876073616 +496 89 5 876072633 +496 94 1 876070975 +496 96 4 876065881 +496 97 1 876066848 +496 98 4 876073160 +496 99 3 876066598 +496 109 3 876064357 +496 132 3 876065881 +496 133 5 876066567 +496 135 2 876066038 +496 136 1 876066424 +496 141 3 876067493 +496 142 2 876067686 +496 143 3 876067146 +496 147 3 876064356 +496 150 2 876064230 +496 154 2 876066424 +496 155 1 876070859 +496 156 3 876065933 +496 158 2 876069951 +496 164 3 876066153 +496 168 3 876065324 +496 172 5 876065558 +496 173 5 876065349 +496 174 4 876066507 +496 181 5 876064168 +496 183 2 876065259 +496 186 4 876065558 +496 190 5 876072632 +496 191 5 876072632 +496 195 4 876065715 +496 204 3 876066531 +496 222 3 876064290 +496 227 1 876066794 +496 228 1 876065588 +496 229 2 876070655 +496 246 4 876064198 +496 268 4 876063784 +496 277 5 876072633 +496 288 2 876063810 +496 318 4 876065693 +496 356 2 876070764 +496 378 1 876066794 +496 380 2 876068433 +496 393 1 876069951 +496 417 1 876066465 +496 418 3 876066848 +496 420 3 876069927 +496 421 3 876066229 +496 432 4 876066652 +496 433 4 876066904 +496 443 2 876066353 +496 469 3 876065962 +496 480 3 876065289 +496 483 4 876065259 +496 484 3 876065382 +496 485 3 876065477 +496 495 3 876066300 +496 496 1 876066424 +496 506 3 876067215 +496 509 3 876067272 +496 526 3 876067597 +496 528 4 876065933 +496 532 5 876072633 +496 554 2 876070997 +496 559 5 876068153 +496 561 5 876068582 +496 607 3 876065822 +496 625 4 876067306 +496 633 3 876065822 +496 651 2 876065610 +496 652 5 876065693 +496 659 3 876065822 +496 705 2 876065382 +496 721 5 876067215 +496 727 5 876072633 +496 743 2 876065190 +496 746 3 876066633 +496 771 2 876073865 +496 774 5 876066424 +496 825 3 876065015 +496 842 2 876068249 +496 921 5 876072633 +496 961 2 876070655 +496 1060 1 876071243 +496 1063 3 876066485 +496 1074 2 876068100 +496 1133 3 876070957 +496 1139 2 876073882 +496 1157 1 876070937 +496 1229 1 876071097 +496 1286 2 876065382 +496 1401 3 876065499 +496 1444 1 876066465 +496 1459 4 876067376 +496 1473 3 876072548 +496 1614 3 876070690 +497 1 4 879309955 +497 2 1 879310883 +497 3 4 879309715 +497 4 3 879310825 +497 7 3 879310604 +497 11 3 879310825 +497 12 4 879362019 +497 13 2 878759927 +497 19 4 879310245 +497 22 5 879310730 +497 24 4 879310260 +497 25 4 879309780 +497 28 3 879363586 +497 29 4 879362569 +497 31 3 879361802 +497 38 3 879310965 +497 39 3 879310913 +497 49 3 879310474 +497 53 3 879362178 +497 54 3 879362071 +497 56 4 878759659 +497 62 4 879310913 +497 66 3 879362720 +497 67 3 879362858 +497 68 4 879310850 +497 70 4 879362798 +497 71 4 879309993 +497 72 3 879362835 +497 77 3 879362093 +497 79 4 879310730 +497 80 3 879363181 +497 82 4 879310792 +497 83 2 878759898 +497 87 3 879363565 +497 89 4 879310850 +497 90 4 879310445 +497 94 3 879363133 +497 95 4 879309993 +497 96 4 879310705 +497 97 4 879310473 +497 98 4 879361802 +497 99 3 879310021 +497 100 4 878759828 +497 101 4 879310070 +497 105 2 879309836 +497 108 3 879309760 +497 109 4 878759659 +497 114 4 879309992 +497 118 4 879310621 +497 122 1 879309802 +497 123 3 879361727 +497 127 5 879310580 +497 139 3 879363696 +497 141 3 879363611 +497 145 4 879362382 +497 151 3 879363510 +497 152 2 878759898 +497 153 4 878759659 +497 155 3 879310522 +497 161 5 879310730 +497 163 2 879363181 +497 164 4 879361872 +497 167 2 879363111 +497 168 5 878760023 +497 169 4 879309992 +497 173 5 878759659 +497 174 4 879310705 +497 175 4 878759745 +497 176 4 879310762 +497 181 5 879310580 +497 183 4 879310825 +497 185 3 879361802 +497 186 4 878759806 +497 187 5 879310825 +497 188 3 879310762 +497 189 4 879309993 +497 194 3 878759705 +497 195 4 879310730 +497 197 3 879310419 +497 200 3 879362359 +497 202 4 878760023 +497 204 3 879362683 +497 208 3 878759806 +497 210 4 878759777 +497 216 3 879310399 +497 217 4 879362382 +497 222 3 879310580 +497 225 3 879363510 +497 227 2 879310883 +497 228 3 879310762 +497 229 2 879310850 +497 230 2 879310762 +497 231 3 879310883 +497 233 2 879310883 +497 234 2 879361847 +497 237 3 879310314 +497 240 4 879309734 +497 242 1 878759351 +497 248 4 879309673 +497 250 3 879310581 +497 252 3 879310650 +497 257 4 879309648 +497 258 4 878759351 +497 260 4 878759529 +497 268 4 878759399 +497 273 4 879310604 +497 274 3 879309760 +497 288 2 878759351 +497 291 3 879361707 +497 294 4 878759351 +497 298 3 879310580 +497 325 2 878759505 +497 358 4 878759378 +497 363 2 879310649 +497 364 3 879363233 +497 367 4 879362835 +497 373 4 879311007 +497 381 3 878759898 +497 382 4 878759745 +497 384 2 879362985 +497 385 3 879310792 +497 386 2 879363111 +497 393 4 879362858 +497 394 3 878759862 +497 395 4 879363284 +497 399 4 879310883 +497 402 4 879310508 +497 403 3 879310883 +497 405 3 879310621 +497 407 2 879309852 +497 408 4 879309955 +497 412 1 878759926 +497 418 3 879310021 +497 420 3 879309993 +497 423 3 879363586 +497 431 4 879310825 +497 432 3 879309993 +497 433 3 878759806 +497 440 1 879362430 +497 450 2 879362202 +497 451 2 879310419 +497 452 2 879362202 +497 455 4 878759777 +497 465 3 879363610 +497 472 3 879310650 +497 475 4 878759705 +497 501 2 879309993 +497 508 3 878759705 +497 510 3 879362496 +497 526 3 879362478 +497 540 2 879311007 +497 545 3 879363233 +497 549 4 879310445 +497 550 4 879310913 +497 552 3 879362155 +497 553 2 879310379 +497 559 4 879362359 +497 562 2 879310941 +497 566 3 879310941 +497 568 3 879310792 +497 570 3 879362511 +497 575 3 879362985 +497 577 2 879363284 +497 578 4 879310965 +497 588 4 879309993 +497 590 2 879362461 +497 597 3 879310649 +497 603 3 879361802 +497 625 3 879310021 +497 627 3 879310021 +497 629 2 878759862 +497 645 3 878759659 +497 651 4 879310762 +497 652 5 878759777 +497 655 4 878759862 +497 657 3 879361847 +497 665 2 879310966 +497 679 3 879310850 +497 684 3 879310792 +497 692 3 879310379 +497 716 4 878759745 +497 719 3 879363253 +497 720 2 879310941 +497 721 3 879362740 +497 722 3 879362985 +497 724 5 879310445 +497 725 3 879363253 +497 731 3 879310474 +497 741 4 879361707 +497 746 5 878759777 +497 748 4 878759432 +497 758 2 879362292 +497 765 3 879363155 +497 769 3 879362430 +497 771 4 879362638 +497 780 2 879363181 +497 781 3 879310445 +497 783 3 879362908 +497 790 2 879362720 +497 792 3 879362954 +497 797 3 879362586 +497 802 2 879362118 +497 808 2 879310941 +497 809 3 879362609 +497 810 3 879310941 +497 826 3 879311007 +497 840 3 879310679 +497 849 2 879310913 +497 864 3 879309734 +497 940 2 879362954 +497 943 4 879362019 +497 946 4 879310021 +497 951 2 879363695 +497 1000 2 878759777 +497 1016 4 879310604 +497 1030 1 879363780 +497 1042 3 879362178 +497 1046 3 879362041 +497 1047 3 879309836 +497 1052 2 879309869 +497 1077 4 879361847 +497 1092 3 879363233 +497 1157 2 879362178 +497 1177 1 879363111 +497 1185 1 879363205 +497 1210 4 879362178 +497 1228 2 879362569 +497 1240 5 879310070 +497 1303 2 879311007 +497 1407 3 879362609 +497 1415 2 879363748 +497 1419 2 879362638 +497 1555 2 879363780 +498 9 2 881954931 +498 10 5 881960711 +498 11 3 881956576 +498 12 4 881957195 +498 14 4 881955189 +498 23 4 881955596 +498 32 4 881956363 +498 50 4 881954821 +498 53 4 881961689 +498 54 2 881961745 +498 56 3 881957353 +498 59 4 881961312 +498 61 4 881957431 +498 79 3 881959104 +498 83 3 881957846 +498 89 5 881957353 +498 98 4 881957681 +498 109 3 881955189 +498 121 2 881962699 +498 124 3 881955291 +498 127 4 881954219 +498 134 3 881956498 +498 135 5 881956576 +498 136 3 881958174 +498 137 3 881954357 +498 144 1 881958471 +498 150 3 881954451 +498 151 4 881956140 +498 156 5 881957054 +498 160 5 881958174 +498 164 3 881961689 +498 168 4 881958174 +498 171 3 881955866 +498 172 3 881956362 +498 174 3 881956953 +498 175 5 881956498 +498 176 2 881956498 +498 179 4 881961133 +498 181 2 881955014 +498 182 4 881955596 +498 183 4 881957905 +498 185 4 881955960 +498 186 4 881960591 +498 187 4 881955960 +498 190 4 881956203 +498 191 4 881957054 +498 192 5 881957546 +498 197 5 881958414 +498 202 3 881958897 +498 203 5 881961547 +498 204 2 881957267 +498 210 2 881957054 +498 212 3 881958238 +498 218 3 881961877 +498 222 3 881961877 +498 228 2 881961627 +498 229 2 881961877 +498 234 4 881957625 +498 237 2 881957625 +498 258 2 881955080 +498 262 2 881954618 +498 271 2 881962988 +498 275 3 881955348 +498 288 3 881953815 +498 293 4 881955189 +498 302 3 881953659 +498 317 3 881957625 +498 340 2 881954618 +498 381 3 881961312 +498 410 3 881954931 +498 423 3 881957267 +498 425 2 881957431 +498 435 3 881956363 +498 443 3 881958237 +498 447 3 882205321 +498 448 4 882205321 +498 449 3 881961932 +498 464 4 881958471 +498 474 4 881957905 +498 475 3 881954617 +498 480 5 881960523 +498 483 3 881957625 +498 484 4 881957546 +498 486 2 881957431 +498 489 3 881956140 +498 496 3 881957905 +498 509 3 881955867 +498 512 5 881957757 +498 514 4 881958093 +498 515 4 881956953 +498 517 4 881957353 +498 522 3 881956499 +498 525 4 881961547 +498 531 3 881957195 +498 538 1 881962988 +498 548 2 881957267 +498 554 3 881962385 +498 558 4 882205321 +498 591 4 881961877 +498 594 2 881956498 +498 603 4 881955960 +498 607 3 881958093 +498 628 4 881961627 +498 631 3 881957905 +498 649 3 881961745 +498 652 5 881961182 +498 656 3 881957999 +498 657 3 881957488 +498 663 4 881956363 +498 664 5 881955596 +498 673 3 881958343 +498 675 4 881958414 +498 693 3 881957625 +498 754 2 881962988 +498 772 1 881957999 +498 806 3 881957905 +498 887 3 881953907 +498 919 4 881954451 +498 922 5 881955432 +498 933 3 881959018 +498 985 1 881961877 +498 1007 3 881954219 +498 1070 3 881959103 +498 1073 3 881961496 +498 1083 3 881961932 +498 1103 4 881957847 +498 1131 3 881955866 +498 1142 4 881955432 +498 1161 3 881960777 +498 1286 3 881956576 +498 1422 3 881961877 +498 1426 3 881959103 +499 7 4 882996793 +499 8 5 885599682 +499 11 3 885599372 +499 12 5 885599040 +499 50 3 882996761 +499 55 4 885599598 +499 69 5 885599718 +499 87 4 885599598 +499 97 4 885599227 +499 98 4 885599119 +499 117 3 885599246 +499 127 4 885598312 +499 132 4 885599040 +499 136 4 885599447 +499 143 3 885598961 +499 153 4 885599269 +499 157 3 885599447 +499 165 5 885598961 +499 166 5 885599334 +499 173 5 885599307 +499 176 4 885599447 +499 177 3 885599660 +499 181 3 885598827 +499 182 2 885599551 +499 183 4 885599718 +499 191 5 885599307 +499 193 4 885599682 +499 194 4 885599372 +499 198 5 885599682 +499 202 4 885598961 +499 207 5 885599533 +499 208 4 885599718 +499 210 3 885599201 +499 213 3 885598989 +499 215 4 885599475 +499 238 2 885599498 +499 251 5 882996735 +499 257 5 885598342 +499 271 3 882995586 +499 272 5 885597680 +499 275 3 885599447 +499 295 2 885598827 +499 300 4 882995625 +499 301 4 882995808 +499 307 4 885597747 +499 312 4 882995923 +499 313 5 885597821 +499 318 5 885599286 +499 326 3 892501059 +499 347 4 885597932 +499 357 5 885599372 +499 414 3 885599533 +499 425 3 885599474 +499 427 5 885599474 +499 429 4 885599372 +499 430 3 885598989 +499 463 5 885599498 +499 474 4 885599227 +499 482 2 885599182 +499 483 5 885598854 +499 484 4 885599013 +499 486 3 885599598 +499 497 2 885599498 +499 511 5 885599227 +499 514 5 885599334 +499 516 4 885599572 +499 520 3 885599572 +499 521 4 885599119 +499 525 4 885599660 +499 527 5 885599307 +499 530 4 885599390 +499 539 1 885598827 +499 588 4 885599334 +499 605 1 885599533 +499 624 2 885599372 +499 651 4 885598895 +499 657 5 885599413 +499 661 3 885599474 +499 663 5 885599718 +499 664 3 885599334 +499 690 4 882995558 +499 692 4 885599119 +499 742 4 885599334 +499 750 5 885597747 +499 879 3 885598827 +499 886 4 885598215 +499 887 5 882995826 +499 898 4 885597901 +499 902 5 892501173 +499 915 4 892501128 +499 1101 5 885599182 +499 1302 5 885598378 +500 1 4 883865021 +500 3 4 883865786 +500 7 5 883865104 +500 8 4 883874621 +500 9 4 883865042 +500 15 2 883865129 +500 16 4 883865462 +500 25 3 883865755 +500 28 3 883874078 +500 30 4 883875275 +500 31 4 883875092 +500 39 4 883875092 +500 42 5 883874139 +500 43 3 883876859 +500 44 1 883875862 +500 45 4 883874170 +500 50 3 883864992 +500 56 5 883873976 +500 58 3 883873720 +500 59 4 883873528 +500 60 5 883874557 +500 61 4 883875431 +500 62 3 883876690 +500 69 4 883873839 +500 70 4 883875388 +500 72 4 883876155 +500 77 3 883875793 +500 83 4 888538350 +500 88 4 883875926 +500 89 4 883873505 +500 94 2 883877023 +500 97 4 883874715 +500 98 4 883873811 +500 100 4 883865104 +500 111 4 888538350 +500 116 4 883865232 +500 117 4 883865755 +500 118 3 883865610 +500 120 3 883865826 +500 121 3 883865611 +500 125 3 883865632 +500 129 4 886359266 +500 133 3 883875681 +500 134 5 883873461 +500 135 5 883875041 +500 143 3 883875092 +500 147 3 887720583 +500 151 3 883874059 +500 159 2 883876251 +500 164 4 883874469 +500 172 2 883873640 +500 175 5 883874341 +500 179 4 883873782 +500 181 3 883865462 +500 183 4 883873461 +500 196 4 883874835 +500 202 4 883874239 +500 204 3 883874265 +500 208 4 883873745 +500 210 3 883874290 +500 211 3 883875241 +500 215 1 883874528 +500 216 4 883873556 +500 217 4 883876053 +500 223 4 883873839 +500 234 3 883875638 +500 235 5 883865567 +500 237 3 883865483 +500 238 4 883873839 +500 244 3 886358931 +500 245 2 883864862 +500 246 5 883865128 +500 250 4 883865195 +500 252 2 883865889 +500 255 3 883865374 +500 257 3 883865321 +500 258 4 883864578 +500 268 5 883864840 +500 274 3 883865807 +500 275 1 883873439 +500 276 5 883865290 +500 281 3 883865463 +500 282 4 883875092 +500 283 2 883865341 +500 284 3 883865632 +500 285 3 883865020 +500 286 1 883864527 +500 287 3 883865268 +500 294 3 883864578 +500 295 4 883865128 +500 298 4 890009939 +500 300 4 883864749 +500 301 2 888538350 +500 304 2 883864749 +500 316 3 891916809 +500 319 4 883864793 +500 325 3 883864862 +500 328 3 883864749 +500 370 3 883865952 +500 381 4 883875585 +500 386 3 883875610 +500 387 2 883875388 +500 393 3 883875793 +500 396 3 883876224 +500 405 4 883865567 +500 407 3 883877252 +500 409 4 883865985 +500 411 2 883865826 +500 412 1 883876370 +500 421 4 883875303 +500 443 4 883873679 +500 448 3 883873745 +500 464 4 883875274 +500 469 4 883874813 +500 471 4 883865391 +500 472 3 883865374 +500 475 5 883865232 +500 476 2 883865851 +500 479 5 883873811 +500 483 4 883874039 +500 498 4 883873911 +500 509 4 883874216 +500 514 5 883873941 +500 517 4 883873839 +500 522 4 883875041 +500 529 4 883874558 +500 531 3 883873911 +500 532 4 883865952 +500 535 3 890010025 +500 552 1 883876738 +500 553 2 883876370 +500 559 4 883875523 +500 568 1 883874715 +500 569 4 883876370 +500 582 4 883874290 +500 584 1 883874528 +500 611 5 883873940 +500 619 3 883865341 +500 639 4 883875195 +500 640 4 883874776 +500 660 2 883874835 +500 662 2 883876005 +500 665 3 883876714 +500 699 3 883875523 +500 708 5 883873999 +500 709 4 883873640 +500 714 2 883874469 +500 721 1 883875561 +500 727 2 883875041 +500 729 4 883875303 +500 735 4 883873941 +500 739 2 883876573 +500 740 3 883865632 +500 742 3 883865290 +500 755 3 883876251 +500 762 4 883865532 +500 768 2 883876596 +500 775 1 883877001 +500 780 3 883876904 +500 781 3 883874776 +500 815 3 883865374 +500 821 2 883876837 +500 827 2 883876904 +500 831 3 883866004 +500 836 5 883874290 +500 845 4 883865566 +500 919 3 883865341 +500 930 3 883865929 +500 964 4 883874557 +500 971 5 883876093 +500 988 3 883864840 +500 996 1 883875241 +500 1008 4 883865786 +500 1009 4 883865532 +500 1012 4 883865021 +500 1014 2 884527433 +500 1018 3 883875756 +500 1047 3 883865985 +500 1048 3 883865532 +500 1111 4 883874529 +500 1135 3 883875561 +500 1160 5 883865483 +500 1163 1 883865290 +500 1166 4 883874139 +500 1195 4 883875468 +500 1226 4 883865715 +500 1311 1 883877467 +500 1324 2 883865985 +500 1326 4 883865020 +500 1385 4 883865290 +500 1441 2 885237683 +500 1469 1 883876224 +500 1616 4 883875501 +501 7 4 883348236 +501 13 4 883348011 +501 24 3 883348519 +501 25 3 883347773 +501 100 4 883347799 +501 108 4 883348564 +501 111 3 883348474 +501 117 4 883347975 +501 118 3 883348474 +501 121 4 883347023 +501 122 4 883348236 +501 124 4 883347919 +501 125 3 883348435 +501 127 5 883347773 +501 129 4 883348036 +501 147 3 883348080 +501 151 4 883348543 +501 181 4 883347857 +501 221 3 883348011 +501 222 4 883347919 +501 237 4 883348011 +501 249 3 883348411 +501 257 4 883348114 +501 282 4 883348185 +501 288 4 883346694 +501 293 4 883347823 +501 294 3 883346694 +501 298 4 883347950 +501 307 4 883346651 +501 313 3 883346623 +501 324 4 883346694 +501 342 4 883346823 +501 369 4 883348703 +501 405 4 883347857 +501 406 3 883348656 +501 410 4 883348207 +501 411 4 883348564 +501 456 3 883348610 +501 475 5 883348080 +501 508 4 883347920 +501 546 4 883348283 +501 591 4 883348138 +501 597 3 883348260 +501 685 3 883347774 +501 741 5 883347857 +501 840 4 883348655 +501 844 4 883347023 +501 845 3 883348036 +501 922 4 883347857 +501 952 4 883348114 +501 979 3 883348308 +501 1007 4 883995203 +501 1010 4 883348308 +501 1011 4 883348519 +501 1014 4 883348543 +501 1067 5 883348011 +501 1081 3 883348703 +501 1278 3 883348372 +501 1534 4 883348743 +502 243 3 883702945 +502 258 2 883701927 +502 259 3 883702448 +502 261 2 883702945 +502 263 1 883702448 +502 264 3 883702518 +502 270 2 883702043 +502 271 5 883702088 +502 288 5 883701866 +502 294 3 883702255 +502 300 2 883701980 +502 301 1 883702370 +502 313 4 883701792 +502 333 4 883701866 +502 338 4 883702370 +502 342 4 883702088 +502 343 5 883702370 +502 350 3 883701792 +502 358 4 883702518 +502 539 3 883701980 +502 678 3 883702448 +502 680 3 883702255 +502 681 1 883702631 +502 683 3 883702867 +502 687 4 883702867 +502 751 3 883702120 +502 879 3 883701980 +502 890 2 883702945 +502 892 2 883702867 +502 893 2 883702867 +502 895 4 883702370 +503 1 5 879438233 +503 10 5 879438257 +503 12 3 879454675 +503 13 3 879438377 +503 14 3 879438161 +503 19 5 879438319 +503 20 5 879438285 +503 25 4 879438685 +503 26 2 880383200 +503 38 3 879454977 +503 45 5 880383064 +503 47 5 880472216 +503 50 5 879438161 +503 54 2 879454950 +503 58 4 880472565 +503 66 3 880383468 +503 69 4 880383679 +503 70 4 880383174 +503 79 5 879454675 +503 88 4 880383468 +503 97 4 880383424 +503 98 5 879454675 +503 100 5 879438346 +503 121 3 879438707 +503 125 3 880390153 +503 127 5 879438161 +503 130 5 879438837 +503 132 5 880472148 +503 133 5 880472272 +503 134 5 880383588 +503 137 5 879438072 +503 153 2 880472250 +503 156 1 880472250 +503 164 3 880472507 +503 166 5 880472188 +503 168 5 880383624 +503 173 5 880383357 +503 174 5 880472250 +503 176 5 879454754 +503 181 5 879438319 +503 182 3 880472321 +503 183 5 879454754 +503 186 5 880472061 +503 190 5 880383030 +503 194 4 880472591 +503 197 5 880383358 +503 199 4 880383625 +503 204 3 880383703 +503 205 4 880472344 +503 210 5 880383703 +503 213 5 880383030 +503 216 5 880383357 +503 221 5 879438377 +503 223 5 880472362 +503 224 3 880390128 +503 226 5 879454841 +503 233 5 879454811 +503 234 5 879454675 +503 241 5 880383425 +503 246 5 884638548 +503 248 4 884638469 +503 268 5 884637610 +503 269 5 879438024 +503 275 5 879438411 +503 277 4 879438580 +503 280 1 892667653 +503 281 3 879454576 +503 285 4 884637911 +503 286 3 879438191 +503 293 4 879438411 +503 297 5 879438346 +503 306 5 879438024 +503 313 5 884637568 +503 318 5 880383679 +503 319 3 879438024 +503 321 2 879438024 +503 356 4 879454841 +503 382 4 880383174 +503 385 1 880472298 +503 387 4 880383358 +503 402 3 880383467 +503 405 3 879438685 +503 416 2 880472250 +503 423 5 880472321 +503 427 5 880472216 +503 430 5 880383653 +503 432 5 880472102 +503 435 3 880472125 +503 443 5 879454811 +503 451 4 880383425 +503 452 1 879454950 +503 463 1 880383126 +503 479 4 880383653 +503 482 5 880383588 +503 484 4 880472188 +503 485 4 880472383 +503 488 5 880472216 +503 489 4 880383625 +503 496 5 880472474 +503 498 5 880383588 +503 503 3 880472250 +503 504 4 880472298 +503 514 3 880472102 +503 526 3 880472188 +503 546 4 879438685 +503 558 5 880383098 +503 561 5 879454977 +503 582 5 880383064 +503 603 3 880383653 +503 607 5 880472272 +503 615 5 880472061 +503 640 1 880383201 +503 654 5 879454753 +503 659 5 880472148 +503 662 3 880383467 +503 694 5 880383030 +503 702 2 880383236 +503 707 5 880382768 +503 714 4 880383126 +503 729 3 880472454 +503 732 3 880383467 +503 736 4 880383174 +503 739 1 880383490 +503 740 5 879438411 +503 744 2 879454442 +503 747 3 880383424 +503 753 1 880383064 +503 778 5 892667730 +503 823 2 879438817 +503 840 1 879454292 +503 900 5 892667389 +503 949 3 892667891 +503 1009 2 884638911 +503 1194 5 879438072 +503 1316 1 892667252 +503 1317 4 879438874 +503 1475 5 880382768 +504 4 4 887839260 +504 5 4 887912462 +504 25 4 887831419 +504 28 4 887839810 +504 38 4 887840134 +504 40 4 887910409 +504 44 4 887838846 +504 50 3 887831293 +504 51 4 887839260 +504 53 4 887911730 +504 54 4 887909936 +504 56 3 887832643 +504 58 3 887837740 +504 63 3 887912504 +504 65 4 887838717 +504 66 4 887839165 +504 68 5 887912665 +504 69 4 887837918 +504 70 3 887838869 +504 71 5 887909321 +504 72 4 887840134 +504 75 4 887912568 +504 77 4 887840681 +504 82 4 887837918 +504 84 3 887840589 +504 88 3 887909839 +504 90 3 887910552 +504 94 4 887841158 +504 96 4 887840098 +504 97 4 887832760 +504 98 5 887832433 +504 99 3 887837739 +504 102 3 887910409 +504 106 3 887831879 +504 117 4 887831694 +504 118 3 887831838 +504 127 5 887831510 +504 132 5 887838815 +504 133 5 887832593 +504 139 3 887840589 +504 141 3 887909578 +504 142 3 887841158 +504 143 4 887838008 +504 151 4 887831678 +504 158 3 887910737 +504 162 4 887832741 +504 163 4 887840517 +504 167 3 887909556 +504 174 4 887909455 +504 176 3 887837739 +504 179 1 887839165 +504 180 4 887837918 +504 181 3 887831773 +504 183 3 887832531 +504 185 5 887838624 +504 186 3 887840637 +504 187 3 887840559 +504 194 3 887832668 +504 195 4 887838510 +504 196 4 887838935 +504 197 4 887832531 +504 199 4 887912236 +504 202 3 887909347 +504 204 3 887838908 +504 205 3 887909299 +504 208 4 887838450 +504 210 4 887832643 +504 211 4 887837739 +504 212 4 887909911 +504 215 4 887908861 +504 216 4 887838450 +504 218 4 887910267 +504 219 3 887911314 +504 223 5 887832364 +504 225 4 887832207 +504 234 3 887838740 +504 237 3 887831753 +504 238 3 887912416 +504 240 1 887832012 +504 245 4 887831274 +504 257 5 887831753 +504 258 5 887831273 +504 276 3 887831790 +504 281 4 887831447 +504 282 4 887831838 +504 288 5 887831273 +504 291 4 887832043 +504 294 2 887912722 +504 295 4 887831567 +504 298 4 887831717 +504 307 4 887831273 +504 310 4 887831273 +504 318 5 887832593 +504 323 4 887831274 +504 330 4 887831274 +504 356 4 887840098 +504 357 4 887832705 +504 364 2 887912382 +504 370 3 887832268 +504 372 4 887839195 +504 382 4 887839709 +504 384 2 887912447 +504 385 4 887832571 +504 386 3 887912431 +504 392 5 887908645 +504 393 3 887909456 +504 396 2 887911369 +504 399 4 887840882 +504 402 4 887839835 +504 403 3 887910409 +504 404 4 887910370 +504 409 4 889550757 +504 411 4 887831447 +504 414 5 887838450 +504 416 4 887910294 +504 417 3 887841177 +504 418 3 887832391 +504 419 3 887832643 +504 420 3 887840560 +504 428 3 887910511 +504 440 3 887910370 +504 441 4 887911314 +504 443 3 887910511 +504 447 4 887909816 +504 448 5 887840134 +504 451 1 887912584 +504 452 2 887911974 +504 465 3 887909936 +504 476 5 887831447 +504 479 4 887832571 +504 485 4 887839745 +504 490 4 887909816 +504 499 4 887909595 +504 506 4 887910552 +504 517 4 887832782 +504 526 3 887838624 +504 527 4 887838624 +504 529 4 887832391 +504 537 3 887910811 +504 543 4 887908861 +504 546 4 887831947 +504 559 5 887840745 +504 563 3 887911314 +504 567 2 887839196 +504 575 3 887912401 +504 579 4 887911391 +504 581 4 887910623 +504 585 2 887909864 +504 595 4 887832097 +504 616 4 887910267 +504 620 4 887831419 +504 623 3 887910433 +504 628 4 887831678 +504 629 4 887841136 +504 631 4 887837701 +504 632 3 887837701 +504 633 3 887912542 +504 651 4 887832531 +504 655 4 887840713 +504 660 4 887839195 +504 678 4 887831115 +504 693 4 887832741 +504 699 4 887838573 +504 716 4 887909532 +504 717 4 887911730 +504 719 3 887841248 +504 723 4 887910896 +504 725 3 887911973 +504 728 3 887908974 +504 729 5 887832571 +504 731 3 887840014 +504 755 4 887841177 +504 773 3 887909936 +504 791 3 887911789 +504 807 4 887839081 +504 834 2 887911059 +504 846 4 887831806 +504 928 4 887831353 +504 934 4 887832170 +504 939 4 887838869 +504 942 4 887841136 +504 961 4 887839081 +504 969 4 887838677 +504 972 3 887910552 +504 1004 4 887910023 +504 1030 3 887911314 +504 1041 3 887910694 +504 1046 4 887912298 +504 1050 4 887832433 +504 1084 4 887837958 +504 1090 4 887910961 +504 1110 2 887911583 +504 1118 3 887911035 +504 1133 3 887910871 +504 1135 4 887911854 +504 1136 5 887840560 +504 1147 4 887832741 +504 1210 3 887840637 +504 1263 4 887909532 +504 1277 4 887832012 +504 1415 3 887912335 +504 1421 4 887841073 +504 1437 2 887911545 +504 1439 4 887840517 +504 1442 3 887911444 +504 1444 3 887911133 +504 1508 3 887911686 +504 1522 3 887840942 +505 1 3 889333414 +505 7 3 889334129 +505 22 5 889333274 +505 31 4 889334067 +505 50 3 889334067 +505 54 3 889334067 +505 56 1 889333560 +505 66 4 889333313 +505 69 3 889333974 +505 71 4 889333937 +505 73 4 889334248 +505 77 3 889334248 +505 79 3 889333274 +505 88 4 889334334 +505 96 4 889333442 +505 97 4 889333676 +505 98 4 889333792 +505 99 4 889333313 +505 102 1 889334526 +505 123 3 889333894 +505 125 3 889334373 +505 127 1 889333711 +505 132 5 889333598 +505 133 5 889334189 +505 140 4 889334129 +505 144 3 889333861 +505 151 3 889334162 +505 154 1 889334555 +505 161 3 889333711 +505 164 4 889334189 +505 172 3 889334129 +505 174 4 889333340 +505 176 4 889333340 +505 177 3 889334477 +505 183 3 889333392 +505 187 1 889333676 +505 190 4 889333598 +505 191 3 889333792 +505 193 3 889334477 +505 195 3 889334096 +505 199 4 889333442 +505 202 3 889333508 +505 203 4 889334162 +505 204 3 889334162 +505 210 4 889333508 +505 227 2 889334334 +505 228 2 889333894 +505 237 3 889333711 +505 245 4 888631349 +505 258 1 888630999 +505 259 3 888631208 +505 265 4 889333598 +505 271 4 888631208 +505 294 3 888631311 +505 307 4 889332705 +505 313 5 889332743 +505 328 4 888631175 +505 332 4 888631126 +505 358 3 888631555 +505 378 5 889333466 +505 385 4 889334477 +505 402 5 889333937 +505 419 3 889333560 +505 422 3 889333975 +505 423 4 889333711 +505 435 3 889333676 +505 468 4 889334096 +505 471 4 889333392 +505 495 3 889333823 +505 496 5 889333534 +505 498 5 889334274 +505 501 2 889334373 +505 510 3 889334477 +505 526 5 889333823 +505 553 4 889333937 +505 566 3 889334503 +505 568 4 889333466 +505 584 4 889334067 +505 588 5 889333823 +505 591 4 889333676 +505 604 5 889333598 +505 614 3 889334162 +505 623 3 889333365 +505 651 3 889333598 +505 660 3 889334477 +505 692 3 889334583 +505 705 3 889333758 +505 713 3 889334217 +505 724 4 889333861 +505 742 4 889334162 +505 748 1 888631208 +505 988 3 888631371 +505 989 1 888631438 +505 1039 4 889334004 +505 1063 3 889334334 +505 1285 3 889333711 +505 1409 3 889333974 +506 2 4 874874850 +506 8 5 874873374 +506 10 2 874862734 +506 28 4 874874308 +506 29 2 874874894 +506 31 4 874873247 +506 33 3 874873703 +506 38 3 885135912 +506 42 3 874873247 +506 44 4 874874850 +506 46 3 874874802 +506 47 4 874876486 +506 48 2 874873158 +506 50 5 878044852 +506 53 4 874874985 +506 54 4 874876651 +506 55 4 874873287 +506 56 4 874873374 +506 58 4 874874985 +506 62 3 874874894 +506 66 4 874874676 +506 67 3 874874894 +506 68 4 874873944 +506 69 5 874873327 +506 70 4 874874055 +506 71 5 874873068 +506 72 3 874874802 +506 73 4 874873703 +506 77 3 874874850 +506 79 5 874874054 +506 81 1 874874000 +506 82 5 874873745 +506 86 3 874876551 +506 88 4 874873944 +506 90 2 874876599 +506 92 3 874876551 +506 94 3 874876599 +506 95 5 874873198 +506 96 4 874873423 +506 97 4 874873374 +506 132 4 874873615 +506 140 3 874873327 +506 147 3 888848342 +506 148 3 877539905 +506 161 4 885135881 +506 168 5 874874055 +506 173 4 874874308 +506 174 5 874873157 +506 175 5 874873327 +506 176 5 874873892 +506 177 5 888848342 +506 181 5 874874676 +506 182 5 888848342 +506 183 5 874874308 +506 186 4 874875062 +506 187 5 885135819 +506 191 4 874873615 +506 193 4 874873944 +506 194 5 874873247 +506 195 4 874873374 +506 198 2 874873703 +506 200 4 874873112 +506 202 5 874873374 +506 203 4 874874152 +506 208 4 874873423 +506 209 4 874873529 +506 210 5 885135737 +506 211 4 874873198 +506 215 5 878044852 +506 216 4 874873794 +506 218 3 874873615 +506 222 4 884517178 +506 224 1 885136005 +506 226 4 885135844 +506 227 4 874875062 +506 229 4 874874895 +506 230 4 874873847 +506 233 4 874874109 +506 234 5 874873111 +506 239 3 874874152 +506 241 2 874874850 +506 248 2 880198305 +506 250 2 880198224 +506 258 4 884517178 +506 261 3 885135514 +506 271 4 880198184 +506 274 4 874862229 +506 281 3 880198144 +506 294 4 877861414 +506 295 4 879074845 +506 300 3 888178161 +506 323 3 875444631 +506 328 4 885135476 +506 342 3 888848304 +506 356 3 874874630 +506 367 3 874873068 +506 380 4 874874585 +506 385 4 874873944 +506 391 2 885135912 +506 393 3 874874802 +506 399 5 874874054 +506 402 4 877539905 +506 403 4 874874458 +506 404 5 878044851 +506 410 2 882100955 +506 417 4 874874396 +506 418 4 874874055 +506 423 5 874874850 +506 425 4 874874585 +506 430 4 874873703 +506 432 4 874873112 +506 435 5 874873744 +506 449 2 885135882 +506 461 2 874873944 +506 463 3 874873157 +506 465 4 874874630 +506 470 4 874873423 +506 475 1 874862229 +506 478 4 874873067 +506 479 4 874873571 +506 482 5 878044852 +506 490 3 874873529 +506 494 5 878044851 +506 496 5 874873615 +506 497 5 874873703 +506 503 4 874874396 +506 510 5 874873067 +506 516 4 874874525 +506 517 2 874874585 +506 518 4 874873198 +506 520 5 878044852 +506 523 5 874873112 +506 525 4 874876486 +506 529 3 874873615 +506 530 5 874874110 +506 538 3 880908452 +506 539 4 884517135 +506 542 3 874873794 +506 550 4 885135881 +506 554 3 885135912 +506 560 3 874874458 +506 566 4 885135819 +506 568 5 889979761 +506 576 4 885135954 +506 578 3 885135881 +506 580 3 874875062 +506 581 2 874874850 +506 582 3 874873423 +506 603 5 874873198 +506 604 4 874873528 +506 607 4 874874851 +506 608 4 874874055 +506 611 5 874874525 +506 642 4 874874000 +506 646 4 874874947 +506 654 4 874876486 +506 655 4 874873892 +506 657 5 874873745 +506 660 3 874873157 +506 661 5 874874308 +506 662 5 878044851 +506 663 4 874874947 +506 665 2 885135882 +506 676 1 874945513 +506 678 3 879074774 +506 684 5 874873529 +506 699 4 888848303 +506 705 5 878044851 +506 710 5 874874151 +506 715 2 874876486 +506 731 4 874873374 +506 732 4 874874109 +506 742 5 878044851 +506 746 5 874875062 +506 747 2 874874629 +506 749 4 888178129 +506 755 4 874876486 +506 761 2 874873327 +506 762 3 877861473 +506 770 3 874874110 +506 772 1 874873247 +506 779 2 885135954 +506 792 2 874876598 +506 796 3 874875062 +506 802 4 885135954 +506 836 4 874875062 +506 855 4 874874802 +506 873 4 889874717 +506 878 3 874872812 +506 880 1 885135560 +506 892 1 888848224 +506 930 1 877984514 +506 945 4 874874585 +506 951 3 874875062 +506 972 3 874874760 +506 1014 3 880908472 +506 1016 4 882100828 +506 1019 5 878044851 +506 1046 4 874874396 +506 1073 4 874873247 +506 1089 1 889979761 +506 1110 1 885135955 +506 1136 3 877539905 +506 1219 2 874874760 +506 1244 2 884517295 +506 1279 4 880198144 +506 1407 2 885135954 +506 1608 2 885135497 +507 50 5 889965997 +507 117 3 889965997 +507 121 5 889965997 +507 147 5 889965997 +507 222 5 889965997 +507 245 5 889964809 +507 250 5 889966024 +507 252 5 889966054 +507 257 5 889966054 +507 269 2 889964121 +507 271 5 889964312 +507 288 5 889964020 +507 298 5 889965997 +507 300 5 889964239 +507 302 5 889963959 +507 310 4 889964162 +507 313 5 889964121 +507 315 5 889964593 +507 316 5 889964844 +507 319 3 889964074 +507 323 5 889964809 +507 328 5 889964162 +507 333 4 889964121 +507 334 5 889964748 +507 338 5 889964348 +507 343 5 889964074 +507 352 1 889964274 +507 405 5 889966127 +507 538 4 889964239 +507 597 5 889966089 +507 678 5 889966088 +507 682 5 889964620 +507 689 5 889964844 +507 690 4 889964074 +507 691 5 889964162 +507 748 5 889964844 +507 750 5 889964274 +507 751 5 889964162 +507 826 5 889966127 +507 827 5 889966088 +507 879 5 889964706 +507 892 5 889964809 +507 894 5 889964162 +507 898 5 889964202 +507 1034 5 889966127 +507 1089 5 889966088 +507 1237 5 889964311 +508 1 5 883777430 +508 13 4 883777366 +508 23 4 883767361 +508 47 3 883777257 +508 52 4 883777047 +508 69 3 883776748 +508 70 4 883776748 +508 73 3 883777329 +508 82 3 883777145 +508 88 3 883777299 +508 91 4 883767246 +508 96 2 883768886 +508 98 3 883767140 +508 101 5 883777430 +508 109 3 883768886 +508 115 3 883767383 +508 121 2 883767047 +508 132 5 883767279 +508 144 3 883767728 +508 150 5 883767325 +508 151 5 883768886 +508 153 3 883777329 +508 154 5 883767704 +508 168 4 883767172 +508 172 5 883767157 +508 173 4 883767140 +508 175 4 883767465 +508 176 4 883767565 +508 179 4 883767465 +508 180 5 883767565 +508 181 3 883767047 +508 183 5 883767588 +508 185 5 883777430 +508 188 4 883767325 +508 191 5 883767383 +508 195 3 883767565 +508 196 3 883776704 +508 200 4 883768842 +508 204 3 883767510 +508 208 5 883776748 +508 209 5 883767325 +508 210 4 883777125 +508 211 3 883777047 +508 214 3 883775341 +508 216 5 883768886 +508 218 2 883777237 +508 219 1 883767628 +508 222 3 883777281 +508 223 4 883767361 +508 229 2 883777346 +508 230 2 883768706 +508 232 3 883777109 +508 234 4 883767465 +508 238 4 883767343 +508 239 2 883777257 +508 269 4 883766931 +508 317 4 883767246 +508 318 4 883767704 +508 357 5 883767246 +508 378 5 883777430 +508 423 5 883777430 +508 436 4 883777109 +508 443 4 883777071 +508 451 3 883777281 +508 474 5 883777430 +508 502 4 883776778 +508 506 5 883777430 +508 511 4 883767246 +508 514 5 883767301 +508 524 5 883767608 +508 528 5 883777430 +508 568 4 883777237 +508 629 4 883775341 +508 710 4 883777071 +508 735 4 883775341 +508 1067 4 883767665 +508 1135 3 883777382 +508 1153 4 883768797 +509 50 5 883591878 +509 258 4 883590526 +509 260 2 883591195 +509 266 1 883591489 +509 268 2 883590443 +509 288 5 883590443 +509 289 2 883590972 +509 300 3 883590800 +509 301 2 883591043 +509 302 5 883590443 +509 307 2 883590729 +509 310 1 883590443 +509 319 2 883590913 +509 326 4 883591043 +509 332 2 883590800 +509 338 3 883591319 +509 343 3 883591319 +509 345 1 883590115 +509 603 4 883591826 +509 680 1 883591252 +509 687 1 883591489 +509 751 3 883590443 +509 754 1 883590676 +509 879 1 883590913 +509 892 1 883591489 +510 243 3 887667780 +510 245 3 887667574 +510 258 4 887667465 +510 259 2 887667708 +510 261 2 887667780 +510 286 3 887667439 +510 288 3 887667545 +510 289 2 887667751 +510 292 4 887667524 +510 294 3 887667681 +510 299 3 887667681 +510 300 5 887667439 +510 313 5 887667439 +510 322 3 887667752 +510 323 4 887667752 +510 325 1 887667575 +510 330 2 887667808 +510 333 3 887667465 +510 358 1 887667780 +510 457 2 887667969 +510 678 4 887667780 +510 681 1 887667808 +510 687 2 887667752 +510 876 2 887667574 +510 881 2 887667838 +510 1025 3 887667780 +511 260 4 890004916 +511 271 5 890004879 +511 288 4 890004795 +511 292 5 890004686 +511 294 4 890005011 +511 299 2 890004827 +511 300 4 890004658 +511 313 5 890004702 +511 322 3 890005102 +511 333 4 890004778 +511 346 4 890004686 +511 355 2 890004827 +511 358 1 890004916 +511 682 4 890004844 +511 872 5 890004728 +511 880 5 890004778 +511 887 5 890004747 +511 895 4 890004863 +511 908 4 890004938 +511 948 3 890004916 +512 1 4 888589126 +512 11 5 888579520 +512 23 4 888580248 +512 50 5 888579997 +512 56 5 888579996 +512 97 5 888579520 +512 183 5 888579474 +512 191 4 888579747 +512 198 5 888579920 +512 258 3 888578768 +512 265 4 888580143 +512 273 5 888579645 +512 286 5 888578937 +512 302 4 888578289 +512 313 3 888578289 +512 318 5 888579569 +512 325 2 888579139 +512 527 5 888579645 +512 1238 4 888578602 +512 1459 4 888579569 +513 50 5 885062365 +513 117 5 885062519 +513 118 4 885062559 +513 127 4 885062286 +513 181 5 885062332 +513 222 5 885062519 +513 250 3 885062332 +513 252 5 885063549 +513 265 5 885062919 +513 323 5 885062636 +513 405 3 885062559 +513 472 4 885062636 +513 546 4 885062601 +513 685 4 885062601 +513 841 4 885062602 +514 1 5 875309276 +514 4 4 875463440 +514 7 5 875309415 +514 10 4 875462867 +514 11 4 875318082 +514 12 5 875318263 +514 13 3 876063880 +514 14 3 875318331 +514 15 4 875309350 +514 19 4 875463128 +514 22 4 875463202 +514 24 3 875463164 +514 25 4 875463028 +514 26 3 875463595 +514 28 5 875311192 +514 31 4 886190665 +514 42 5 875318331 +514 45 4 876061444 +514 47 4 875462645 +514 48 4 875318114 +514 49 2 886189676 +514 50 5 875462466 +514 58 4 875462689 +514 64 4 875462645 +514 65 3 886190207 +514 69 4 875309276 +514 70 5 875462826 +514 73 4 876067258 +514 79 4 875462520 +514 81 4 875463416 +514 83 5 875462568 +514 88 4 875463468 +514 89 4 875318331 +514 95 4 875309350 +514 96 5 875311192 +514 97 5 875462764 +514 109 3 876067235 +514 111 5 875463165 +514 116 4 875462426 +514 132 4 875463469 +514 135 4 875311193 +514 136 4 875462867 +514 144 3 875462520 +514 150 3 886189467 +514 152 4 875318163 +514 154 4 875462689 +514 156 4 875311225 +514 157 4 875309350 +514 168 4 875308925 +514 169 5 875308734 +514 170 3 875462764 +514 172 4 875462726 +514 173 5 875462826 +514 174 5 875310992 +514 175 4 875462426 +514 176 4 875463128 +514 178 4 875308925 +514 179 4 875463468 +514 180 3 886189927 +514 181 4 875463494 +514 183 3 875462645 +514 185 3 875311225 +514 186 4 875463028 +514 189 5 875318291 +514 191 5 875318224 +514 194 4 875463525 +514 197 4 875310992 +514 200 2 875462867 +514 202 4 875309414 +514 204 5 875318331 +514 208 4 875463494 +514 209 3 876062951 +514 210 5 876067462 +514 211 3 876067235 +514 214 5 875318163 +514 215 4 875462689 +514 216 5 875309350 +514 228 5 875463202 +514 229 3 875463525 +514 234 3 876063765 +514 239 5 876067462 +514 243 2 885181043 +514 257 4 880209981 +514 258 4 875308674 +514 259 4 885180989 +514 269 4 885180864 +514 272 4 885180603 +514 275 5 875463028 +514 283 4 875309231 +514 293 3 880209950 +514 294 3 885180929 +514 301 4 880209797 +514 302 5 885180556 +514 306 4 876672606 +514 307 4 880210104 +514 313 5 891900147 +514 318 4 875318331 +514 328 3 885180947 +514 336 1 885180842 +514 342 1 885180909 +514 344 3 891900164 +514 357 4 875462901 +514 367 5 875318164 +514 380 4 875462965 +514 384 3 876067623 +514 385 3 886189965 +514 392 4 875463351 +514 393 3 876067592 +514 402 4 875463245 +514 403 3 875463202 +514 405 2 875463386 +514 408 5 875311225 +514 419 4 875463468 +514 423 5 875462568 +514 425 5 875318291 +514 429 4 875311225 +514 430 4 875462901 +514 431 4 875463595 +514 435 3 875463551 +514 462 4 875310992 +514 470 3 875462901 +514 473 3 875462520 +514 483 4 875462795 +514 486 3 886189869 +514 510 3 886190480 +514 511 3 886189990 +514 527 4 875462466 +514 531 3 875308734 +514 558 4 875318114 +514 582 4 875318224 +514 587 4 880210105 +514 609 4 875462826 +514 631 4 875463386 +514 647 3 875463079 +514 648 3 886189869 +514 651 4 875462901 +514 652 4 886189466 +514 655 4 875462568 +514 658 4 875463028 +514 659 3 875463245 +514 680 1 885180893 +514 682 4 875463891 +514 709 3 876067380 +514 710 5 875318331 +514 713 3 875309415 +514 715 4 876067592 +514 729 4 886189841 +514 732 5 875462901 +514 735 4 875462764 +514 746 5 875309276 +514 747 4 875463245 +514 748 2 875463906 +514 750 4 885180627 +514 778 4 876067546 +514 792 4 875462611 +514 890 1 885180929 +514 949 3 886189510 +514 988 2 885180989 +514 1014 2 885180645 +514 1035 3 875463595 +514 1039 5 875318163 +514 1047 3 876063961 +514 1074 4 876067623 +514 1115 4 875462826 +514 1160 4 886189748 +514 1600 4 875723266 +515 243 3 887659667 +515 258 4 887658676 +515 269 2 887658844 +515 271 4 887658844 +515 286 2 887660131 +515 288 4 887658604 +515 289 1 887660131 +515 292 3 887659805 +515 294 3 887658910 +515 300 5 887658975 +515 302 3 887658604 +515 307 4 887659123 +515 310 3 887658975 +515 313 4 887658604 +515 315 4 887658604 +515 322 3 887659073 +515 323 3 887659192 +515 328 2 887660131 +515 329 2 887660131 +515 342 3 887659423 +515 344 2 887660131 +515 347 3 887658604 +515 362 4 887658844 +515 682 4 887659192 +515 687 3 887659718 +515 690 2 887660131 +515 748 2 887660131 +515 750 2 887658782 +515 893 1 887660131 +515 900 4 887658975 +515 905 2 887660131 +515 1399 4 887659718 +515 1430 3 887658604 +516 50 5 891290565 +516 169 5 891290685 +516 181 4 891290566 +516 191 4 891290685 +516 194 4 891290593 +516 199 3 891290649 +516 204 4 891290649 +516 212 4 891290649 +516 214 3 891290649 +516 250 4 891290565 +516 286 5 891290565 +516 310 4 891290565 +516 431 3 891290649 +516 523 3 891290649 +516 628 4 891290649 +516 660 5 891290593 +516 902 5 891290565 +517 1 3 892659892 +517 25 2 892659923 +517 50 5 892660727 +517 105 1 892654653 +517 111 3 892659922 +517 127 4 892660033 +517 222 4 892660033 +517 237 1 892659923 +517 258 5 892660728 +517 269 3 892659922 +517 275 5 892660728 +517 283 4 892660728 +517 284 2 892659923 +517 300 5 892660728 +517 311 3 892660034 +517 333 3 892659922 +517 335 3 875492066 +517 369 5 892660727 +517 405 4 892659893 +517 538 4 892607155 +517 597 4 892660034 +517 761 5 892660727 +517 823 2 892659923 +517 873 3 892660034 +517 1016 1 892607194 +517 1047 2 892659923 +518 1 4 876823143 +518 7 3 876823197 +518 9 3 876822811 +518 10 3 876822744 +518 13 4 876823266 +518 14 3 876822923 +518 25 5 876823197 +518 100 4 876822967 +518 106 5 876823804 +518 117 5 876823804 +518 118 5 876823804 +518 120 3 876824218 +518 121 5 876823804 +518 123 2 876823143 +518 124 3 876823071 +518 125 5 876823645 +518 126 4 876823018 +518 129 5 876823804 +518 147 4 876823324 +518 151 3 876823018 +518 222 5 876823597 +518 236 3 876823597 +518 273 5 876823804 +518 276 5 876822923 +518 280 4 876824218 +518 284 4 876823324 +518 288 3 876822581 +518 289 4 876823804 +518 291 3 876823926 +518 300 3 876822581 +518 370 4 876823963 +518 412 1 876824266 +518 458 3 876823266 +518 471 3 876822873 +518 475 4 876822811 +518 476 4 876823324 +518 544 3 876823324 +518 546 4 876823447 +518 547 3 876823645 +518 591 3 876823447 +518 595 3 876824266 +518 628 5 876823804 +518 685 5 876823597 +518 696 5 876823266 +518 717 5 876823963 +518 763 1 876823994 +518 820 2 876824218 +518 829 3 876824156 +518 847 5 876823447 +518 864 3 876823324 +518 866 5 876823540 +518 919 5 876822967 +518 924 3 876822873 +518 934 3 876823143 +518 1011 4 876823645 +518 1017 3 876823071 +518 1028 3 876824266 +518 1040 3 876823541 +518 1047 4 876823266 +518 1079 1 876824266 +518 1114 2 876824079 +518 1335 3 876823018 +519 243 1 883250021 +519 259 1 883248278 +519 263 5 883250102 +519 264 2 883248251 +519 266 5 883248595 +519 288 4 883248089 +519 299 5 884545961 +519 313 5 883248134 +519 324 1 883248191 +519 325 1 883248535 +519 327 4 883248134 +519 328 2 883248251 +519 330 5 884545961 +519 332 3 883248159 +519 333 3 883248089 +519 335 5 883248595 +519 336 5 883248595 +519 339 3 883248222 +519 340 5 883248251 +519 349 5 883250148 +519 350 5 883250102 +519 351 5 883250102 +519 352 5 883250148 +519 680 5 883248595 +519 748 2 883248307 +519 878 5 884545961 +519 879 5 883248595 +519 903 5 883248595 +519 908 5 883250148 +519 909 5 883250148 +519 1062 5 883250148 +519 1238 5 883248595 +519 1280 5 883250102 +519 1293 5 883250148 +519 1295 5 883248595 +519 1591 5 883250102 +519 1592 5 883250148 +519 1612 5 883250148 +519 1617 5 883250102 +520 25 4 885170476 +520 100 4 885170394 +520 240 1 885170476 +520 242 5 885168819 +520 269 5 885168591 +520 274 3 885170516 +520 283 4 885170516 +520 286 5 885168591 +520 289 4 885169052 +520 294 3 885170330 +520 300 4 885168906 +520 302 3 885170330 +520 310 4 885168862 +520 311 3 885168591 +520 315 4 885169083 +520 678 2 885170330 +520 690 5 885168677 +520 871 1 885170547 +520 898 5 885168939 +520 1028 1 885170476 +520 1051 3 885170585 +521 2 3 886063310 +521 7 3 884475973 +521 8 3 884477914 +521 11 4 884477993 +521 12 5 884477853 +521 13 2 884476240 +521 17 1 885254888 +521 22 4 884477677 +521 23 3 884478428 +521 25 2 884476002 +521 28 3 885253323 +521 31 3 884478135 +521 33 4 885254133 +521 50 4 884475799 +521 56 4 884478530 +521 69 3 884477727 +521 72 3 885254323 +521 73 3 885253827 +521 77 3 885254338 +521 81 1 885253861 +521 87 3 884478314 +521 89 3 885253266 +521 90 2 885254006 +521 95 3 885253266 +521 96 4 884477853 +521 97 3 884478049 +521 99 3 885253937 +521 100 3 884475872 +521 108 3 884476020 +521 109 5 884475845 +521 117 4 884475913 +521 121 2 884475889 +521 132 3 885253186 +521 135 4 885254226 +521 144 3 884478171 +521 151 3 884476240 +521 153 4 884478086 +521 154 2 884478119 +521 156 4 884478171 +521 159 3 885253904 +521 161 2 885254116 +521 163 3 884478483 +521 168 4 884477585 +521 172 3 884478049 +521 173 4 884477896 +521 176 4 884477820 +521 179 4 885253708 +521 182 3 884477993 +521 184 4 884478358 +521 186 4 884478358 +521 191 4 884477868 +521 202 3 884478530 +521 206 5 884476637 +521 208 3 885253562 +521 222 4 884475799 +521 226 4 884478721 +521 227 3 885253808 +521 228 4 884478007 +521 229 2 884478314 +521 230 3 885254250 +521 232 3 886063553 +521 235 3 884476221 +521 238 3 884478101 +521 240 3 884476067 +521 241 4 885254006 +521 246 4 884475913 +521 248 3 884476110 +521 249 4 884476257 +521 250 3 884476020 +521 258 4 884475503 +521 268 5 884475470 +521 271 3 884475524 +521 288 3 884475470 +521 290 3 884477262 +521 291 1 885254166 +521 298 3 884476126 +521 324 2 886059923 +521 343 3 884475605 +521 380 3 884478483 +521 385 3 885254837 +521 392 3 886063254 +521 393 3 884478667 +521 402 3 885253501 +521 405 2 884476820 +521 423 3 884478792 +521 427 3 884477630 +521 431 4 884478601 +521 474 3 884477677 +521 475 3 884475889 +521 520 3 884477585 +521 550 3 885253844 +521 566 3 885254925 +521 568 3 884478101 +521 625 3 885253937 +521 651 3 885253376 +521 655 4 885253904 +521 659 4 885253376 +521 679 3 884478515 +521 684 3 884478807 +521 721 4 885253337 +521 732 3 884478135 +521 742 3 884477512 +521 743 1 886061689 +521 746 4 884478152 +521 748 3 884475618 +521 751 3 884475485 +521 754 3 885252562 +521 755 3 885254872 +521 763 4 884476152 +521 826 2 884476920 +521 829 2 884476168 +521 833 2 884476869 +521 967 3 885254071 +521 1012 3 884476049 +521 1013 1 884476820 +521 1014 3 884476320 +521 1016 3 884476002 +521 1022 4 884475591 +521 1059 1 884476821 +521 1240 3 884478667 +521 1244 3 884476887 +522 11 4 876961076 +522 12 5 876960894 +522 23 5 876961248 +522 48 4 876961020 +522 79 3 876960824 +522 96 3 876961076 +522 100 5 876960824 +522 128 4 876961133 +522 133 3 876961314 +522 134 5 876961020 +522 135 5 876960824 +522 173 4 876961020 +522 179 5 876961190 +522 192 5 876960894 +522 200 4 876961314 +522 205 4 876961020 +522 208 5 876961248 +522 318 4 876961248 +522 430 5 876961314 +522 480 5 876961076 +522 492 4 876961190 +522 510 5 876961190 +522 521 5 876961190 +522 523 5 876961133 +522 530 4 876961314 +522 543 4 876961076 +522 654 4 876960824 +523 1 5 883701763 +523 3 4 883702474 +523 8 5 883702125 +523 9 4 883700564 +523 14 5 883700991 +523 25 4 883702054 +523 50 5 883700186 +523 66 4 883702292 +523 67 4 883702654 +523 70 5 883700743 +523 72 4 883702351 +523 83 5 883700870 +523 95 4 883701800 +523 97 4 883702946 +523 114 5 883701800 +523 116 5 883700766 +523 153 4 883702054 +523 154 4 883702125 +523 163 5 883702411 +523 166 4 883701018 +523 167 4 883702233 +523 179 3 883703495 +523 181 5 883700186 +523 186 3 883703495 +523 189 5 883701800 +523 194 5 883702210 +523 197 5 883703048 +523 204 5 883702171 +523 208 5 883702209 +523 210 5 883702209 +523 211 4 883702292 +523 242 5 883699464 +523 255 5 883700144 +523 258 5 883699583 +523 269 5 883699464 +523 285 5 883701962 +523 289 4 883699869 +523 301 4 883700064 +523 306 5 883699583 +523 382 5 883701018 +523 384 3 883703495 +523 393 5 883702411 +523 407 4 883702800 +523 412 3 883702351 +523 430 4 883702125 +523 451 5 883702441 +523 476 3 883702441 +523 477 3 883703495 +523 508 3 883703495 +523 509 4 883700870 +523 514 4 883702172 +523 516 5 883702863 +523 523 3 883703495 +523 533 4 883700395 +523 549 4 883703144 +523 575 4 883702800 +523 582 4 883701154 +523 629 5 883702125 +523 634 5 883700743 +523 638 4 883701065 +523 652 2 883703495 +523 662 4 883703070 +523 663 5 883701962 +523 707 5 883701093 +523 722 3 883703495 +523 727 4 883703167 +523 732 4 883702125 +523 792 4 883702263 +523 794 4 883703144 +523 866 5 883700618 +523 874 4 883699869 +523 934 4 883702602 +523 935 5 883700186 +523 944 4 883702324 +523 954 5 883702474 +523 1009 5 883701154 +523 1014 5 883700307 +523 1022 4 883699629 +523 1041 4 883702411 +523 1047 5 883702800 +523 1195 5 883700969 +524 4 4 884636498 +524 7 2 884627065 +524 12 3 884634646 +524 14 5 884322047 +524 22 3 884634731 +524 23 5 884635031 +524 24 3 884626906 +524 29 3 884637173 +524 31 4 884636205 +524 32 4 884634679 +524 39 5 884636583 +524 42 3 884636453 +524 44 4 884636416 +524 47 2 884635136 +524 50 4 884634615 +524 52 4 884636453 +524 55 2 884634911 +524 65 4 884636646 +524 66 3 884636617 +524 70 4 884636519 +524 71 3 884634755 +524 72 4 884636958 +524 76 4 884636182 +524 77 3 884637095 +524 79 4 884634818 +524 81 1 884636262 +524 82 4 884636583 +524 89 5 884634533 +524 94 2 884637245 +524 95 3 884636617 +524 96 4 884635172 +524 97 5 884636583 +524 98 3 884634615 +524 100 5 884322047 +524 107 3 884628284 +524 111 5 884323426 +524 118 4 884627463 +524 124 5 884322113 +524 126 4 884323427 +524 127 5 884634533 +524 129 5 884322047 +524 132 4 884634968 +524 133 5 884634968 +524 143 3 884635085 +524 151 1 884627327 +524 161 4 884637095 +524 168 3 884634995 +524 170 4 884634785 +524 172 3 884634849 +524 173 4 884637436 +524 178 3 884634968 +524 179 5 884635204 +524 180 4 884634579 +524 181 3 884634731 +524 182 5 884635031 +524 184 1 884636416 +524 185 4 884635204 +524 186 3 884634995 +524 187 5 884634646 +524 191 4 884634707 +524 192 4 884634877 +524 193 4 884636498 +524 194 4 884634646 +524 195 2 884634849 +524 197 4 884637347 +524 198 4 884634707 +524 199 4 884634646 +524 203 4 884634819 +524 204 3 884635358 +524 205 5 884634707 +524 209 4 884634755 +524 210 3 884635287 +524 211 5 884635136 +524 213 4 884635136 +524 215 2 884636735 +524 216 5 884634849 +524 222 2 884323500 +524 227 2 884636498 +524 228 3 884636152 +524 230 3 884636907 +524 234 4 884634877 +524 235 1 884628059 +524 237 3 884322169 +524 238 4 884634755 +524 239 2 884636498 +524 241 5 884635205 +524 259 3 884320358 +524 273 3 884322113 +524 275 3 884832616 +524 277 3 884322379 +524 281 2 884323464 +524 284 3 884323525 +524 285 3 884322168 +524 286 5 884287379 +524 289 4 884321591 +524 290 2 884323525 +524 291 4 884627777 +524 301 4 884321179 +524 304 4 884321179 +524 311 4 884287428 +524 319 4 884638062 +524 321 3 884321179 +524 322 4 884320358 +524 367 5 884636453 +524 380 2 884637202 +524 382 3 884636596 +524 385 3 884636453 +524 393 3 884637032 +524 402 2 884636617 +524 403 4 884636182 +524 405 2 884627065 +524 410 2 884832742 +524 414 4 884635136 +524 416 4 884636152 +524 419 1 884635031 +524 423 4 884635358 +524 432 1 884636151 +524 435 4 884635053 +524 436 4 884636864 +524 443 4 884636542 +524 447 5 884636182 +524 449 3 884637245 +524 451 3 884637202 +524 461 3 884635287 +524 466 4 884636583 +524 467 4 884635287 +524 469 4 884636416 +524 472 3 884323500 +524 474 4 884634578 +524 476 3 884628212 +524 478 3 884637376 +524 479 4 884637314 +524 480 4 884634911 +524 482 5 884634938 +524 483 4 884634533 +524 484 4 884634646 +524 485 2 884635085 +524 490 3 884634679 +524 492 3 884634679 +524 494 4 884637409 +524 496 2 884637314 +524 497 2 884637467 +524 498 5 884636453 +524 499 4 884637598 +524 504 5 884634877 +524 506 4 884634938 +524 508 5 884322047 +524 511 5 884634707 +524 513 4 884634938 +524 515 4 884637409 +524 516 4 884634578 +524 517 4 884635136 +524 518 3 884635031 +524 520 3 884637314 +524 521 4 884636182 +524 523 4 884634615 +524 525 3 884634615 +524 527 5 884634785 +524 530 4 884634785 +524 541 1 884702593 +524 546 4 884627594 +524 549 4 884636931 +524 550 3 884636958 +524 554 4 884636746 +524 558 4 884634533 +524 559 3 884637067 +524 568 4 884636152 +524 570 4 884637128 +524 573 4 884636827 +524 578 5 884637031 +524 582 3 884635326 +524 583 4 884635326 +524 584 1 884635205 +524 603 3 884637376 +524 604 4 884637501 +524 605 1 884637566 +524 606 4 884634968 +524 607 3 884637314 +524 612 3 884635204 +524 613 4 884637347 +524 615 2 884637409 +524 618 3 884636416 +524 638 2 884637914 +524 640 1 884636541 +524 642 4 884636182 +524 646 5 884637347 +524 649 4 884636205 +524 650 2 884637528 +524 654 5 884634877 +524 660 5 884636152 +524 661 3 884637467 +524 670 4 884637203 +524 679 2 884636746 +524 684 4 884636236 +524 693 5 884636562 +524 700 5 884637246 +524 702 4 884636262 +524 704 4 884636691 +524 705 3 884634818 +524 707 4 884634995 +524 708 4 884636645 +524 709 5 884635171 +524 712 4 884637147 +524 715 4 884636182 +524 724 3 884636444 +524 739 2 884637128 +524 742 3 884627446 +524 748 2 884321592 +524 751 4 884701677 +524 781 1 884636583 +524 796 3 884636958 +524 815 3 884627519 +524 818 3 884628308 +524 823 4 884628136 +524 831 3 884628212 +524 836 2 884637409 +524 837 2 884637467 +524 845 5 884323426 +524 855 4 884634911 +524 866 2 884626810 +524 895 4 884320358 +524 898 4 884701702 +524 928 4 884323551 +524 930 3 884832772 +524 931 3 884627932 +524 942 4 884636980 +524 943 3 884636453 +524 950 4 884323351 +524 965 4 884635288 +524 978 3 884628212 +524 1041 2 884636746 +524 1044 4 884636931 +524 1046 3 884637173 +524 1048 4 884627594 +524 1050 2 884637501 +524 1065 1 884636646 +524 1074 2 884637128 +524 1093 4 884628136 +524 1101 4 884635053 +524 1113 3 884636236 +524 1124 3 884637528 +524 1126 1 884637409 +524 1129 2 884832580 +524 1152 3 884626906 +524 1154 1 884637914 +524 1166 5 884635031 +524 1204 3 884635225 +524 1268 3 884637032 +524 1421 5 884637147 +524 1454 3 884637128 +524 1456 3 884635031 +524 1553 3 884635136 +524 1560 4 884636444 +525 1 4 881085964 +525 14 3 881086078 +525 15 4 881085964 +525 25 5 881085917 +525 100 4 881086108 +525 111 4 881086051 +525 118 3 881086393 +525 121 4 881085893 +525 123 3 881086051 +525 124 3 881086108 +525 125 3 881085709 +525 127 3 881085647 +525 151 5 881086562 +525 237 4 881085893 +525 250 3 881085917 +525 252 3 881086780 +525 255 1 881086078 +525 257 4 881085739 +525 269 5 881087067 +525 276 5 881086468 +525 281 3 881086562 +525 288 4 881085217 +525 289 3 881085256 +525 291 2 881086644 +525 300 4 881085217 +525 322 2 881085256 +525 332 4 881085178 +525 405 4 881086693 +525 411 3 881086612 +525 412 2 881086757 +525 472 2 881086012 +525 475 3 881086108 +525 595 2 881086803 +525 596 4 881086195 +525 597 3 881086413 +525 676 2 881086518 +525 685 4 881086295 +525 762 4 881085917 +525 829 2 881086393 +525 928 3 881086586 +525 1011 3 881086274 +525 1012 3 881086078 +525 1014 3 881086468 +525 1047 2 881086274 +525 1315 4 881086393 +526 1 5 885682562 +526 7 4 885682400 +526 50 5 885682426 +526 100 5 885682448 +526 121 2 885682590 +526 147 4 885682503 +526 243 1 885682295 +526 248 4 885682635 +526 250 2 885682477 +526 260 1 885681982 +526 269 5 885681886 +526 270 3 885681860 +526 273 2 885682562 +526 276 4 885682477 +526 277 2 885682657 +526 282 3 885682370 +526 283 3 885682400 +526 288 4 885681910 +526 293 5 885682477 +526 294 3 885681982 +526 300 2 885682031 +526 301 2 885682031 +526 302 5 885681860 +526 307 2 885681958 +526 312 2 885682295 +526 315 5 885682102 +526 323 2 885682214 +526 325 3 885682102 +526 328 2 885682006 +526 331 3 885681935 +526 332 2 885682006 +526 333 3 885681935 +526 342 2 885682295 +526 343 3 885682264 +526 346 3 885681860 +526 408 5 885682562 +526 475 5 885682635 +526 508 4 885682590 +526 544 1 885682477 +526 676 5 885682370 +526 678 1 885682214 +526 690 3 885681910 +526 742 3 885682562 +526 748 1 885682214 +526 750 4 885681886 +526 751 2 885681958 +526 754 2 885681886 +526 875 3 885682264 +526 879 3 885682102 +526 886 3 885682077 +526 919 3 885682400 +526 936 5 885682448 +526 1084 5 885682590 +527 4 2 879456162 +527 7 5 879456162 +527 11 4 879456662 +527 12 4 879456637 +527 14 2 879456663 +527 19 3 879456611 +527 22 5 879456132 +527 28 3 879456289 +527 50 4 879455706 +527 56 4 879456611 +527 59 5 879455792 +527 60 4 879456132 +527 64 3 879456030 +527 69 4 879456490 +527 70 4 879455873 +527 86 4 879456438 +527 87 3 879456132 +527 91 2 879455873 +527 93 4 879456078 +527 96 4 879456611 +527 99 3 879456186 +527 100 5 879455905 +527 116 4 879456611 +527 124 4 879455680 +527 127 5 879456132 +527 129 2 879455905 +527 135 2 879456587 +527 143 2 879456289 +527 152 2 879456405 +527 153 5 879455847 +527 154 3 879455814 +527 156 3 879456334 +527 168 5 879456405 +527 169 4 879455961 +527 170 3 879456637 +527 172 5 879456490 +527 174 4 879455847 +527 176 2 879455740 +527 177 5 879456405 +527 179 3 879456587 +527 180 5 879456334 +527 181 4 879456464 +527 182 5 879456132 +527 183 5 879456691 +527 185 5 879455680 +527 187 5 879455999 +527 190 4 879456362 +527 191 5 879455654 +527 192 4 879455765 +527 193 3 879455680 +527 197 4 879455740 +527 200 3 879455999 +527 201 3 879456490 +527 202 3 879456691 +527 203 4 879456662 +527 204 5 879455847 +527 207 4 879455873 +527 208 4 879456289 +527 209 4 879456405 +527 210 4 879455924 +527 211 4 879456289 +527 213 4 879456186 +527 214 4 879456030 +527 234 5 879455706 +527 238 5 879456405 +527 283 4 879456405 +527 285 5 879456363 +527 286 2 879455354 +527 317 4 879456405 +527 324 3 879455415 +527 357 5 879455654 +527 425 4 879455792 +527 427 4 879455740 +527 429 5 879456611 +527 431 3 879456363 +527 462 3 879455707 +527 466 2 879455765 +527 467 3 879455999 +527 474 3 879455792 +527 479 4 879455707 +527 492 3 879456405 +527 496 4 879456248 +527 498 4 879455961 +527 507 5 879455654 +527 508 3 879456363 +527 511 5 879456248 +527 513 4 879456030 +527 514 5 879455961 +527 517 5 879456186 +527 528 3 879456104 +527 531 3 879456077 +527 543 4 879455740 +527 558 4 879456162 +527 588 4 879456289 +527 603 4 879456078 +527 615 4 879456312 +527 628 3 879456289 +527 631 4 879456030 +527 634 5 879456363 +527 640 4 879456464 +527 646 5 879455792 +527 647 5 879455654 +527 651 5 879455654 +527 652 4 879456248 +527 653 4 879456077 +527 655 3 879456464 +527 657 4 879455999 +527 661 5 879456186 +527 671 5 879455873 +527 673 4 879456587 +527 709 5 879455961 +527 855 2 879455814 +527 868 4 879456663 +527 956 4 879455847 +527 962 3 879456312 +527 963 4 879456030 +527 1101 4 879456691 +527 1109 3 879455792 +527 1211 3 879455765 +527 1333 3 879456104 +528 31 5 886101761 +528 50 5 886101695 +528 56 3 886101428 +528 58 5 886101994 +528 69 3 886101761 +528 77 3 886101428 +528 82 4 886101632 +528 83 5 886101632 +528 109 4 886812980 +528 168 4 888522642 +528 173 5 886101610 +528 174 5 886101821 +528 178 4 886101695 +528 181 5 886812857 +528 185 4 886101652 +528 193 4 886101873 +528 194 5 886101956 +528 203 4 888522613 +528 210 5 886101976 +528 238 3 886101782 +528 239 5 886101632 +528 258 4 886812857 +528 294 3 888520438 +528 298 4 888520849 +528 310 3 888520371 +528 358 2 888520491 +528 393 2 886101695 +528 402 4 888520911 +528 423 1 888522642 +528 427 4 886813104 +528 479 4 886101505 +528 484 3 886101695 +528 485 2 886101872 +528 505 4 886101956 +528 523 4 886101846 +528 541 3 888520782 +528 588 2 886101736 +528 615 4 886101715 +528 657 5 886101505 +528 748 3 888520471 +528 751 4 888520371 +528 845 3 886812857 +528 1618 1 888521905 +529 245 3 882535639 +529 258 4 882535091 +529 264 2 882535820 +529 269 3 882534996 +529 270 4 882535304 +529 271 4 882535536 +529 286 4 882534996 +529 288 4 882535353 +529 292 4 882535180 +529 294 4 882535466 +529 309 3 882535353 +529 310 4 882534996 +529 319 4 882535220 +529 321 4 882535353 +529 322 4 882535383 +529 323 4 882535091 +529 325 3 882535693 +529 326 4 882535304 +529 327 4 882535353 +529 328 4 882535256 +529 331 4 882535220 +529 332 4 882535049 +529 340 1 882535181 +529 343 3 882535180 +529 682 4 882535256 +529 749 4 882535466 +529 873 4 882535091 +529 876 3 882535466 +529 880 4 882535304 +529 886 4 882535353 +529 984 4 882535353 +529 1038 4 882535304 +530 50 4 883781669 +530 56 3 886202320 +530 60 5 883790997 +530 64 5 883790942 +530 70 4 886198864 +530 88 4 890627443 +530 98 4 883784195 +530 100 4 883784058 +530 156 4 883790381 +530 163 3 886202320 +530 172 4 883790882 +530 174 4 883784503 +530 176 3 886202320 +530 178 5 883787080 +530 183 4 883790882 +530 191 5 883785574 +530 195 3 883784105 +530 196 5 883784601 +530 204 4 883790833 +530 214 2 886202320 +530 255 4 886198864 +530 319 3 891568424 +530 322 4 886203949 +530 328 4 886198454 +530 333 3 890627264 +530 357 5 883784456 +530 443 4 883790943 +530 476 4 886198206 +530 483 3 883785248 +530 487 4 883784557 +530 527 4 883784654 +530 535 4 886198575 +530 582 4 883783631 +530 660 3 883785464 +530 692 4 883784258 +530 815 4 886202404 +530 1226 4 891568366 +530 1300 2 890627207 +531 245 4 887049049 +531 259 1 887048789 +531 286 5 887048741 +531 288 1 887048686 +531 289 3 887048862 +531 300 4 887048862 +531 302 5 887048686 +531 311 4 887048763 +531 312 5 887048899 +531 323 5 887049081 +531 327 3 887048718 +531 332 4 887048813 +531 338 1 887048938 +531 358 1 887049187 +531 457 1 887049341 +531 688 1 887048998 +531 690 5 887048789 +531 748 4 887049081 +531 751 4 887048836 +531 890 1 887049341 +531 892 3 887049187 +531 895 2 887049214 +531 898 5 887049081 +531 905 4 887049166 +531 990 5 887048789 +532 1 5 893119335 +532 4 5 893119415 +532 7 5 893119415 +532 8 5 893119415 +532 9 5 893119438 +532 11 5 893119491 +532 12 5 893119491 +532 22 5 892867296 +532 24 5 892867296 +532 26 3 888629359 +532 29 3 888636521 +532 38 3 874789332 +532 44 5 888637085 +532 51 5 888635365 +532 52 4 888629446 +532 58 4 888636374 +532 66 5 893118712 +532 70 4 888634801 +532 72 3 888636538 +532 77 5 892519935 +532 79 5 889235367 +532 82 5 892521554 +532 87 5 892866230 +532 95 5 893118711 +532 96 5 892867296 +532 97 5 893119415 +532 100 5 893119335 +532 105 3 874789704 +532 107 5 893119415 +532 117 5 893119335 +532 118 4 888634813 +532 120 2 888630742 +532 121 4 888636374 +532 125 5 893119415 +532 132 5 893118711 +532 135 3 888629938 +532 136 5 892865321 +532 139 5 874792232 +532 147 4 888634802 +532 148 5 888817717 +532 151 5 892519935 +532 153 4 888629670 +532 155 4 888630086 +532 164 5 892519934 +532 168 5 892519934 +532 177 4 888636501 +532 181 5 889235367 +532 186 4 891910189 +532 191 5 888635366 +532 195 5 892521554 +532 197 5 889235367 +532 203 5 893118712 +532 204 5 892863286 +532 205 5 887788806 +532 210 5 888637085 +532 216 5 893119438 +532 218 5 889235367 +532 226 4 892859148 +532 227 4 874788566 +532 228 5 893118712 +532 230 5 893118712 +532 234 5 889235367 +532 235 3 887041328 +532 240 3 888629938 +532 241 5 892859148 +532 242 4 888817735 +532 250 3 891910110 +532 251 4 888636374 +532 252 4 888636478 +532 259 3 884594498 +532 266 4 875441640 +532 267 3 875441348 +532 268 4 875441085 +532 269 4 891288537 +532 272 5 884594422 +532 277 5 893119439 +532 284 5 893119438 +532 292 4 884594621 +532 295 5 884594761 +532 300 5 888635239 +532 301 4 874999563 +532 302 5 875441085 +532 304 5 893118711 +532 305 3 878372701 +532 307 4 880831630 +532 310 4 888634802 +532 312 2 884594422 +532 313 5 884594326 +532 315 3 888636423 +532 316 4 888631773 +532 318 5 893119439 +532 329 4 886364769 +532 330 4 888636373 +532 331 4 890021268 +532 333 4 875441189 +532 335 3 888636389 +532 338 3 879931705 +532 339 5 892859148 +532 345 4 884594358 +532 346 5 885761690 +532 348 4 886364825 +532 352 3 886585109 +532 353 2 886364951 +532 354 4 887672256 +532 357 5 892519935 +532 364 3 874791976 +532 367 5 893119439 +532 369 3 874792142 +532 373 3 888630658 +532 399 3 888630360 +532 402 5 893118712 +532 403 4 892865321 +532 404 5 893119336 +532 411 3 874792031 +532 412 2 874795951 +532 419 5 888635366 +532 420 4 888636374 +532 421 5 888637085 +532 426 5 888635197 +532 427 5 892519934 +532 431 5 892521553 +532 450 2 874796421 +532 451 4 874789474 +532 452 5 888630585 +532 468 5 893119491 +532 470 5 892859148 +532 472 5 893119335 +532 480 5 893119491 +532 482 5 888629254 +532 483 5 892867296 +532 485 5 893119491 +532 491 5 893119491 +532 492 4 888637105 +532 495 4 888634801 +532 496 5 893119491 +532 498 4 888629124 +532 500 5 889235367 +532 501 5 889235367 +532 506 5 889235367 +532 508 4 888636373 +532 510 5 888635197 +532 515 5 889327324 +532 520 5 892861434 +532 526 5 893119415 +532 532 3 887040858 +532 535 5 888637085 +532 538 4 881048155 +532 545 2 874791976 +532 549 5 888637085 +532 554 4 874790813 +532 559 5 892859148 +532 562 5 892859148 +532 568 5 892521554 +532 570 4 888629804 +532 586 4 888636373 +532 588 5 893119415 +532 591 5 893119335 +532 592 3 874791850 +532 601 3 888629518 +532 603 5 893119491 +532 619 5 889235367 +532 633 5 888635197 +532 636 5 892859149 +532 655 5 892861435 +532 658 5 893119335 +532 676 5 892521554 +532 679 5 888629565 +532 682 4 877898976 +532 685 5 892521554 +532 689 4 880484527 +532 690 4 876696258 +532 692 5 893119336 +532 708 4 877634392 +532 721 4 874791671 +532 722 3 888629836 +532 734 3 874791786 +532 739 5 893119335 +532 746 5 893119438 +532 750 5 884594358 +532 763 5 892866230 +532 769 2 888630531 +532 771 3 874791172 +532 781 5 877635505 +532 795 2 874789538 +532 796 5 888635445 +532 815 4 888635376 +532 818 2 888631077 +532 824 4 888634802 +532 829 3 892520073 +532 831 2 874790629 +532 833 4 888629804 +532 842 4 888635407 +532 865 2 888630531 +532 879 3 892519328 +532 895 3 884594450 +532 898 4 884594575 +532 914 5 893118711 +532 915 4 891909850 +532 918 4 893013954 +532 925 4 892520642 +532 926 3 888630146 +532 929 3 874791786 +532 931 3 892520696 +532 938 3 892519553 +532 946 5 888635366 +532 980 4 884594911 +532 982 3 888631077 +532 1016 4 888636450 +532 1039 4 888629863 +532 1046 4 874790629 +532 1092 2 888630838 +532 1119 5 893119415 +532 1136 2 888636558 +532 1162 2 888631576 +532 1168 4 888630436 +532 1188 4 874790998 +532 1189 5 892521554 +532 1199 3 874789155 +532 1207 2 874790439 +532 1210 4 888636373 +532 1217 4 888630453 +532 1221 5 874788957 +532 1226 4 893015131 +532 1228 3 874789704 +532 1300 3 888632446 +532 1312 4 888631036 +532 1337 3 874790930 +532 1415 2 892520390 +532 1426 3 874791506 +532 1428 4 874791420 +532 1470 5 888630402 +532 1496 2 874795634 +532 1502 1 874796400 +533 1 4 879192521 +533 4 3 888845066 +533 9 4 879192414 +533 10 2 879192414 +533 12 4 879438543 +533 13 3 879192475 +533 14 3 879192582 +533 15 4 879192641 +533 19 3 879365781 +533 20 5 882902988 +533 21 3 888239930 +533 22 4 879438961 +533 23 3 879191770 +533 25 4 884096575 +533 26 3 879192035 +533 31 3 879191265 +533 38 2 879191691 +533 43 4 879439341 +533 47 1 879191998 +533 48 4 879191373 +533 50 5 882902988 +533 54 4 888844601 +533 58 4 888845150 +533 65 4 879439465 +533 66 4 879439204 +533 69 4 879438849 +533 71 4 889450972 +533 72 2 879192157 +533 77 4 879191713 +533 82 4 879439204 +533 83 2 879191902 +533 87 4 879191184 +533 88 4 879191902 +533 91 2 879190991 +533 94 4 879192184 +533 96 4 879438767 +533 97 2 879438666 +533 98 4 879438543 +533 100 5 882902988 +533 103 3 887032538 +533 107 3 879773606 +533 109 2 879192986 +533 118 4 879192792 +533 120 1 879366160 +533 121 4 879192901 +533 122 1 879366118 +533 125 5 891263021 +533 126 4 879192414 +533 127 5 879192278 +533 132 5 879191220 +533 133 5 879191085 +533 134 4 879439379 +533 135 3 879191022 +533 143 4 879438850 +533 148 3 882902641 +533 150 3 886425704 +533 151 3 879192474 +533 161 4 879439465 +533 169 4 879438543 +533 174 4 879191184 +533 176 1 879191332 +533 180 3 879439379 +533 181 5 879191085 +533 182 3 879191265 +533 186 3 879438850 +533 187 4 879438811 +533 190 2 879439379 +533 191 4 879192315 +533 193 4 879439379 +533 194 4 879191061 +533 195 4 879439082 +533 196 4 888844941 +533 197 5 882902988 +533 202 4 879191938 +533 203 4 879438743 +533 204 4 879192157 +533 205 5 882902988 +533 210 5 879191401 +533 211 4 879191972 +533 215 4 879438941 +533 216 4 879191864 +533 218 2 879191652 +533 221 3 888844601 +533 222 5 884007368 +533 226 4 879191621 +533 228 4 879191332 +533 229 4 879191621 +533 230 4 879191563 +533 234 2 879191373 +533 236 4 890659276 +533 237 2 879193048 +533 239 3 879192157 +533 240 1 879192474 +533 242 4 884698095 +533 245 3 890659336 +533 252 4 880402784 +533 257 4 882195275 +533 258 4 884007368 +533 274 4 885305541 +533 275 4 887721848 +533 276 1 889451077 +533 282 4 888844577 +533 283 3 879365733 +533 284 1 879192641 +533 286 4 879193088 +533 288 2 882901971 +533 289 2 879773297 +533 291 3 882902727 +533 294 4 879193088 +533 295 4 888844601 +533 297 4 893160944 +533 300 4 888844557 +533 303 4 893160944 +533 313 5 884007337 +533 318 5 879438849 +533 319 3 879193132 +533 322 4 879193106 +533 328 4 887032063 +533 333 4 886425803 +533 345 3 888347628 +533 356 4 879191652 +533 357 3 879191085 +533 367 2 879191972 +533 371 3 879439488 +533 378 4 879439290 +533 380 4 879438510 +533 382 1 879191998 +533 393 4 879192069 +533 402 4 888845284 +533 405 3 879192793 +533 408 4 880402916 +533 411 2 879365998 +533 412 1 879366159 +533 423 5 888844906 +533 427 4 879191373 +533 430 5 879191972 +533 435 4 879438455 +533 443 3 879191595 +533 450 5 879191713 +533 462 2 879190926 +533 471 4 882902330 +533 474 3 879190771 +533 475 1 879192500 +533 476 2 879365951 +533 477 4 880402957 +533 479 4 879191184 +533 484 3 879190724 +533 489 4 879438961 +533 496 5 879439061 +533 504 4 888845229 +533 511 4 879439379 +533 514 3 879190670 +533 525 3 879191770 +533 526 2 879191265 +533 527 4 879191022 +533 528 4 879438999 +533 546 3 879192769 +533 549 4 879439340 +533 550 4 879439340 +533 554 1 879191691 +533 566 4 879191652 +533 568 5 879438849 +533 582 3 879192278 +533 591 4 887721848 +533 595 2 887032451 +533 596 2 880402996 +533 597 3 879192939 +533 603 4 879190670 +533 651 4 888845036 +533 654 3 879191770 +533 659 4 879439379 +533 660 5 882902988 +533 663 5 879191022 +533 673 3 879439143 +533 685 4 887032380 +533 687 2 879193517 +533 692 4 879191902 +533 696 3 887032538 +533 708 2 879439167 +533 724 4 888347691 +533 742 4 879192681 +533 747 5 879438767 +533 748 3 890659295 +533 756 4 879193004 +533 792 3 879190771 +533 823 4 879192901 +533 824 1 879366160 +533 845 4 882902989 +533 846 2 879365886 +533 847 3 880402996 +533 866 2 887032297 +533 871 2 879192730 +533 879 3 892469600 +533 931 2 879366160 +533 934 3 879366118 +533 936 4 889450822 +533 949 4 879439519 +533 988 2 882821725 +533 1016 3 887721769 +533 1028 2 879192769 +533 1033 4 879192702 +533 1041 2 879192069 +533 1047 3 887032276 +533 1048 3 889450842 +533 1147 3 879439204 +533 1173 4 885820219 +533 1174 3 882821669 +533 1177 1 879192184 +533 1282 3 879773572 +533 1291 1 879366076 +534 1 5 877807718 +534 3 4 877808031 +534 7 4 877807780 +534 15 4 877807873 +534 21 4 877807905 +534 24 5 877807780 +534 25 5 877807845 +534 93 1 877807692 +534 105 4 877808198 +534 117 5 877807973 +534 121 4 877808002 +534 125 3 877807816 +534 129 4 877807718 +534 147 5 877808031 +534 148 4 877808198 +534 149 2 877808237 +534 150 3 877807873 +534 151 4 877807692 +534 235 4 877807973 +534 237 4 877808002 +534 240 5 877807873 +534 243 3 877807461 +534 273 5 877807747 +534 274 3 877807846 +534 286 3 877807602 +534 290 4 877807845 +534 291 4 877808031 +534 294 5 877807461 +534 322 4 877807461 +534 325 4 877807461 +534 331 4 877807429 +534 333 5 877807486 +534 370 4 877808260 +534 405 3 877807935 +534 410 5 877807816 +534 455 5 877807816 +534 456 5 877808300 +534 471 5 877807935 +534 475 4 877807747 +534 477 3 877807780 +534 546 4 877808120 +534 591 5 877807845 +534 595 4 877807747 +534 619 4 877807653 +534 628 5 877807747 +534 687 5 877807486 +534 717 5 877808198 +534 742 5 877807653 +534 748 4 877807429 +534 756 4 877808175 +534 760 2 877808098 +534 763 4 877808361 +534 820 3 877808340 +534 823 4 877807973 +534 825 4 877808281 +534 926 4 877807780 +534 930 4 877808002 +534 978 4 877808175 +534 986 5 877808319 +534 1028 5 877807816 +534 1034 3 877808120 +534 1047 4 877808361 +534 1052 4 877808300 +534 1054 5 877807973 +534 1059 4 877807692 +534 1199 5 877807780 +534 1215 3 877808120 +534 1327 2 877808281 +535 1 3 879617663 +535 4 3 879618777 +535 8 4 879618288 +535 9 5 879617779 +535 11 4 879618849 +535 14 3 879618743 +535 16 4 879618532 +535 22 3 879619107 +535 25 4 879619176 +535 30 4 879617531 +535 39 4 879617574 +535 42 3 879618849 +535 44 4 879619035 +535 45 3 879618655 +535 47 5 879618160 +535 52 4 879618091 +535 56 3 879617613 +535 58 5 879618502 +535 59 3 879618338 +535 60 5 879618613 +535 61 3 879619107 +535 64 5 879617531 +535 70 4 879618849 +535 71 4 879618502 +535 79 3 879618502 +535 83 4 879618091 +535 86 4 879618385 +535 87 5 879618965 +535 97 4 879618880 +535 98 2 879617977 +535 100 5 879617531 +535 116 3 879618246 +535 121 4 879618123 +535 129 5 879619000 +535 131 4 879618532 +535 133 5 879618019 +535 136 5 879619107 +535 137 4 879618502 +535 144 3 879618123 +535 151 4 879618338 +535 152 4 879618385 +535 153 4 879617663 +535 165 4 879617613 +535 166 4 879618385 +535 168 5 879618385 +535 170 4 879618160 +535 171 3 879618414 +535 172 3 879617747 +535 173 5 879617747 +535 174 4 879617747 +535 178 4 879618925 +535 181 4 879617818 +535 182 3 879617574 +535 185 4 879617931 +535 188 3 879618999 +535 193 4 879618700 +535 194 5 879617663 +535 195 4 879618288 +535 196 4 879617894 +535 198 4 879618850 +535 203 3 879619035 +535 204 5 879617856 +535 205 3 879618464 +535 207 4 879618613 +535 209 5 879617819 +535 210 5 879618160 +535 212 4 879618613 +535 213 5 879618849 +535 215 4 879619144 +535 221 3 879618700 +535 223 5 879618207 +535 237 4 879617779 +535 238 4 879618809 +535 258 5 879619286 +535 265 3 879619144 +535 269 4 879617063 +535 275 4 879619177 +535 276 3 879618965 +535 282 3 879618091 +535 283 4 879618160 +535 284 4 879619144 +535 285 4 879619144 +535 286 2 879617123 +535 301 4 879617199 +535 302 3 879617063 +535 319 5 879617310 +535 338 3 879617098 +535 357 2 879617531 +535 381 3 879617818 +535 389 4 879619177 +535 421 4 879617701 +535 423 5 879618613 +535 425 5 879618338 +535 427 4 879618246 +535 433 5 879618160 +535 435 5 879618246 +535 447 5 879617574 +535 454 3 879617894 +535 461 3 879617663 +535 469 3 879618464 +535 471 4 879618743 +535 478 5 879617931 +535 479 4 879617977 +535 480 4 879618207 +535 482 4 879619107 +535 483 5 879618742 +535 488 5 879618965 +535 489 4 879619000 +535 492 4 879618742 +535 496 5 879618246 +535 499 4 879617894 +535 502 5 879618502 +535 505 4 879618569 +535 506 5 879617819 +535 507 5 879617856 +535 508 5 879617931 +535 511 3 879618655 +535 514 5 879617531 +535 515 3 879619224 +535 517 4 879617977 +535 518 5 879618569 +535 519 3 879617931 +535 520 4 879618058 +535 521 5 879618809 +535 527 3 879617574 +535 529 3 879618655 +535 558 5 879618385 +535 566 3 879618338 +535 591 4 879617977 +535 603 4 879617613 +535 604 4 879617663 +535 607 5 879618700 +535 609 4 879618019 +535 612 4 879618385 +535 628 4 879618246 +535 629 4 879618776 +535 630 2 879619144 +535 631 5 879619176 +535 639 4 879618019 +535 640 3 879618742 +535 645 4 879617856 +535 654 5 879617856 +535 655 4 879618385 +535 657 5 879618338 +535 658 4 879618569 +535 662 3 879618414 +535 686 5 879617489 +535 692 4 879618880 +535 699 4 879619000 +535 702 1 879619067 +535 707 4 879618809 +535 708 5 879618777 +535 709 5 879618925 +535 721 3 879618464 +535 727 4 879618502 +535 735 5 879619067 +535 778 2 879617819 +535 789 2 879618613 +535 792 4 879618655 +535 813 5 879618777 +535 836 5 879617746 +535 921 4 879617489 +535 923 4 879617531 +535 942 4 879619035 +535 950 3 879618019 +535 953 5 879618019 +535 955 3 879618338 +535 962 4 879617747 +535 963 5 879617977 +535 971 2 879618569 +535 1039 4 879618058 +535 1045 4 879617663 +535 1093 4 879617931 +535 1124 4 879617613 +535 1136 4 879618465 +535 1149 4 879618288 +535 1166 4 879617779 +535 1396 4 879618058 +535 1474 4 879618207 +536 2 4 882360227 +536 8 5 882359047 +536 10 4 882318772 +536 21 3 882320267 +536 31 3 882360685 +536 49 3 882360753 +536 50 5 882318139 +536 52 3 882360187 +536 54 2 882364876 +536 56 3 882360405 +536 62 4 882360873 +536 63 4 882360802 +536 69 5 882359938 +536 70 2 882359906 +536 71 5 882360467 +536 79 4 882359813 +536 80 2 882360802 +536 82 4 882360929 +536 83 5 882359307 +536 84 4 882363820 +536 94 4 882363972 +536 96 4 882359988 +536 97 3 882360662 +536 98 4 882360029 +536 121 4 882318820 +536 132 4 882359962 +536 133 4 882359477 +536 135 5 882359370 +536 136 4 882359780 +536 139 4 882361317 +536 141 4 882361042 +536 143 5 882360425 +536 144 4 882359962 +536 148 4 882318820 +536 151 3 882318442 +536 153 4 882359540 +536 163 5 882360080 +536 164 4 882361018 +536 168 5 882359863 +536 169 5 882359047 +536 172 5 882359539 +536 174 5 882359065 +536 176 3 882359726 +536 179 2 882359625 +536 180 4 882359431 +536 183 3 882359455 +536 188 3 882359755 +536 189 5 882360143 +536 190 5 882359431 +536 191 4 882360187 +536 195 4 882359431 +536 199 3 882359499 +536 204 4 882359938 +536 209 2 882360030 +536 210 5 882359477 +536 213 5 882360704 +536 214 2 882360450 +536 215 4 882360530 +536 217 3 882360601 +536 222 4 882360552 +536 227 5 882361066 +536 228 5 882359863 +536 229 4 882361142 +536 230 5 882359779 +536 234 4 882360405 +536 265 5 882360300 +536 271 3 882317149 +536 274 4 882318394 +536 283 3 882318369 +536 304 3 882317183 +536 318 5 882359431 +536 378 5 882360405 +536 380 4 882360734 +536 385 4 882359085 +536 387 3 882363919 +536 389 5 882360734 +536 402 4 882361042 +536 403 3 882360496 +536 404 4 882359838 +536 405 2 882318246 +536 408 5 882318561 +536 419 3 882360993 +536 423 4 882360601 +536 427 5 882359455 +536 435 3 882359755 +536 436 3 882359883 +536 441 2 882361018 +536 443 3 882360833 +536 449 4 882361262 +536 470 5 882360530 +536 472 3 882319003 +536 474 5 882359678 +536 480 5 882359370 +536 486 4 882359652 +536 487 4 882359813 +536 489 4 882360451 +536 493 4 882359333 +536 496 5 882359455 +536 498 5 882359906 +536 501 3 882360834 +536 511 5 882359603 +536 542 1 882364876 +536 546 2 882318533 +536 561 3 882364065 +536 566 5 882360264 +536 568 4 882360209 +536 570 3 882361162 +536 582 2 882360100 +536 584 5 882360530 +536 588 3 882359726 +536 596 3 882317312 +536 603 4 882359653 +536 631 2 882363934 +536 648 3 882359678 +536 662 5 882360100 +536 679 4 882360495 +536 699 3 882360209 +536 707 5 882359678 +536 708 3 882361179 +536 713 4 882318741 +536 720 4 882361207 +536 724 4 882359988 +536 727 3 882359697 +536 736 5 882360264 +536 740 4 882318630 +536 746 5 882359838 +536 755 4 882360993 +536 778 4 882359988 +536 862 3 882360834 +536 1039 5 882360029 +536 1063 5 882359938 +536 1115 5 882318369 +536 1118 2 882360776 +536 1140 1 882364876 +537 3 2 886030317 +537 4 2 886031634 +537 6 2 886029806 +537 7 4 886029727 +537 10 4 886030109 +537 11 3 886030937 +537 13 4 886029806 +537 14 4 886030108 +537 15 3 886030051 +537 20 3 886029974 +537 22 2 886030767 +537 23 4 886030738 +537 24 1 886030176 +537 26 3 886031913 +537 28 3 886031438 +537 32 3 886031178 +537 39 2 886031407 +537 42 3 886030622 +537 44 3 886031886 +537 46 3 886031678 +537 47 4 886030768 +537 48 4 886030805 +537 50 4 886030805 +537 52 3 886030891 +537 53 2 886032029 +537 58 4 886031719 +537 59 3 886031178 +537 60 3 886031297 +537 61 4 886031211 +537 64 3 886030707 +537 65 3 886030767 +537 70 4 886031786 +537 72 1 886031966 +537 76 3 886031934 +537 81 3 886031106 +537 82 2 886031752 +537 83 4 886030891 +537 85 2 886032123 +537 87 3 886030622 +537 88 2 886032204 +537 90 1 886032029 +537 92 3 886031678 +537 93 3 886030077 +537 95 1 886030891 +537 96 3 886031576 +537 97 2 886031720 +537 98 3 886030583 +537 99 2 886031375 +537 100 4 886029692 +537 101 2 886031860 +537 102 1 886032123 +537 107 3 886030281 +537 109 1 886030051 +537 111 3 886030077 +537 116 3 886029841 +537 117 2 886030011 +537 121 1 886030380 +537 123 2 886030109 +537 124 4 886029806 +537 127 5 886030622 +537 129 3 886029889 +537 132 3 886031074 +537 133 4 886030707 +537 134 5 886030862 +537 135 5 886031149 +537 136 4 886030583 +537 137 4 886029841 +537 140 2 886032001 +537 141 3 886032183 +537 143 1 886031438 +537 147 2 886030012 +537 149 3 886030078 +537 150 3 886029974 +537 151 2 886030177 +537 168 4 886030552 +537 170 3 886031211 +537 171 3 886030967 +537 172 3 886030707 +537 174 3 886030622 +537 175 4 886030966 +537 176 2 886031606 +537 177 3 886031506 +537 178 4 886030767 +537 179 4 886031105 +537 180 4 886031342 +537 181 2 886031437 +537 182 4 886030862 +537 183 3 886031407 +537 184 3 886032246 +537 185 4 886030805 +537 186 4 886031211 +537 187 4 886030767 +537 188 4 886030891 +537 190 4 886030552 +537 191 4 886030862 +537 193 4 886031375 +537 194 3 886030891 +537 196 3 886030831 +537 197 4 886030891 +537 198 2 886030652 +537 199 4 886030682 +537 201 3 886031831 +537 202 3 886031540 +537 203 4 886031437 +537 205 5 886031297 +537 206 1 886031720 +537 207 4 886030682 +537 209 4 886030966 +537 210 3 886031912 +537 212 3 886032123 +537 213 4 886031830 +537 215 3 886031342 +537 216 3 886031540 +537 221 3 886029841 +537 222 2 886029974 +537 226 2 886032000 +537 230 2 886031860 +537 231 3 886032246 +537 234 3 886031211 +537 235 1 886030317 +537 236 3 886029726 +537 237 3 886030011 +537 238 4 886030966 +537 239 2 886031933 +537 241 3 886031540 +537 242 3 886028498 +537 243 1 886029239 +537 258 4 886029286 +537 259 1 886029116 +537 262 5 886028446 +537 265 3 886031473 +537 268 4 886028647 +537 269 3 886028446 +537 271 2 886028791 +537 272 4 886028446 +537 273 3 886029727 +537 274 2 886030235 +537 275 4 886029806 +537 277 2 886029973 +537 279 2 886030177 +537 281 1 886030281 +537 283 4 886029889 +537 285 4 886029806 +537 286 3 886028498 +537 288 2 886028706 +537 289 1 886029153 +537 290 2 886030254 +537 291 2 886030235 +537 292 2 886029116 +537 294 1 886029083 +537 299 2 886028791 +537 301 2 886028647 +537 305 4 886028498 +537 306 3 886028604 +537 307 3 886028791 +537 310 3 886028647 +537 312 3 886029211 +537 313 4 886028446 +537 314 1 886029239 +537 317 3 886031786 +537 318 4 886030707 +537 321 3 886028791 +537 322 1 886029153 +537 323 1 886029211 +537 327 2 886028730 +537 328 2 886029083 +537 330 2 886029488 +537 333 2 886028707 +537 337 3 886029526 +537 338 1 886029239 +537 343 2 886029153 +537 346 3 886028544 +537 347 4 886028845 +537 349 1 886028845 +537 352 1 886028544 +537 357 4 886030707 +537 380 2 886032154 +537 382 3 886030938 +537 385 2 886032098 +537 387 4 886031860 +537 392 2 886032245 +537 399 2 886032246 +537 402 1 886031752 +537 404 3 886031720 +537 405 2 886030381 +537 414 4 886030938 +537 417 2 886031831 +537 419 2 886031342 +537 421 2 886030863 +537 425 3 886031297 +537 426 1 886032154 +537 427 4 886030831 +537 428 4 886031506 +537 431 4 886031678 +537 433 4 886031634 +537 434 3 886031211 +537 435 3 886031933 +537 445 3 886030767 +537 447 3 886031752 +537 448 3 886032001 +537 455 1 886030317 +537 457 1 886029444 +537 458 3 886030176 +537 459 3 886030381 +537 460 2 886030442 +537 461 3 886031105 +537 464 4 886031506 +537 466 4 886031149 +537 467 3 886031634 +537 468 2 886032029 +537 469 3 886030652 +537 470 2 886032029 +537 472 2 886030415 +537 474 5 886030805 +537 475 4 886029727 +537 478 4 886030938 +537 479 4 886030938 +537 480 4 886030622 +537 484 4 886031105 +537 485 3 886031576 +537 486 3 886031149 +537 488 4 886030622 +537 489 3 886030738 +537 490 4 886031786 +537 491 4 886030584 +537 495 2 886031678 +537 497 4 886030863 +537 498 3 886031105 +537 504 3 886030652 +537 507 4 886030966 +537 508 4 886030108 +537 509 4 886031540 +537 510 3 886031575 +537 511 5 886030652 +537 512 3 886031438 +537 513 4 886030891 +537 515 4 886031297 +537 516 3 886030966 +537 517 4 886031341 +537 519 3 886030584 +537 521 2 886030831 +537 523 3 886030682 +537 525 3 886030891 +537 526 3 886031720 +537 528 3 886030805 +537 529 3 886031375 +537 530 4 886030768 +537 539 1 886029212 +537 543 5 886031074 +537 547 1 886029771 +537 549 2 886031965 +537 550 2 886032246 +537 553 2 886032123 +537 557 3 886032245 +537 558 4 886030584 +537 566 2 886032183 +537 568 2 886031912 +537 570 2 886031831 +537 573 2 886031886 +537 581 3 886031886 +537 582 3 886030966 +537 588 1 886031473 +537 602 3 886031634 +537 606 3 886030938 +537 607 4 886030682 +537 610 4 886031912 +537 613 3 886031831 +537 614 3 886031473 +537 615 3 886031074 +537 616 2 886031752 +537 625 3 886032184 +537 628 2 886030177 +537 638 3 886030682 +537 639 2 886031438 +537 640 3 886031211 +537 641 4 886031178 +537 642 4 886031342 +537 644 5 886031438 +537 646 2 886030552 +537 647 4 886030891 +537 648 4 886031505 +537 649 3 886031720 +537 652 3 886031074 +537 653 4 886030738 +537 654 3 886031506 +537 655 3 886030831 +537 657 3 886030966 +537 660 3 886031149 +537 661 4 886031149 +537 663 3 886031540 +537 664 3 886031634 +537 670 2 886031342 +537 673 3 886031505 +537 678 1 886029181 +537 681 1 886029488 +537 682 1 886029083 +537 687 1 886029526 +537 688 1 886029153 +537 690 2 886028604 +537 693 4 886031786 +537 694 4 886031407 +537 697 2 886031966 +537 698 3 886031178 +537 699 4 886031149 +537 705 3 886031074 +537 707 4 886031576 +537 709 4 886031342 +537 713 3 886030177 +537 714 3 886031886 +537 718 4 886029771 +537 721 2 886031752 +537 723 2 886032098 +537 724 3 886031886 +537 727 2 886032245 +537 730 3 886031211 +537 732 3 886031912 +537 735 3 886031576 +537 736 3 886031634 +537 739 1 886032154 +537 741 2 886030199 +537 744 3 886030380 +537 746 3 886031149 +537 749 2 886028544 +537 750 3 886028498 +537 753 2 886030622 +537 762 3 886030051 +537 770 3 886031913 +537 772 3 886031297 +537 782 3 886031831 +537 789 2 886030805 +537 837 3 886031211 +537 844 4 886029692 +537 848 3 886030552 +537 855 3 886030937 +537 873 2 886029211 +537 874 3 886029083 +537 875 1 886028544 +537 882 4 886028791 +537 896 3 886028604 +537 919 4 886030012 +537 921 3 886031074 +537 922 3 886030442 +537 923 3 886031342 +537 924 3 886030254 +537 937 3 886029488 +537 942 3 886031913 +537 948 1 886029239 +537 955 4 886031149 +537 956 4 886031751 +537 958 2 886030652 +537 959 3 886032154 +537 963 3 886030805 +537 964 3 886031407 +537 965 2 886031540 +537 966 2 886032098 +537 970 3 886032184 +537 971 4 886031375 +537 975 3 886030281 +537 979 2 886030317 +537 988 1 886029488 +537 990 2 886029153 +537 1005 3 886031752 +537 1006 2 886032245 +537 1008 2 886030078 +537 1009 2 886030254 +537 1010 2 886030381 +537 1019 1 886031606 +537 1025 1 886029488 +537 1045 3 886032154 +537 1050 2 886031575 +537 1065 1 886030738 +537 1068 3 886029974 +537 1069 2 886030938 +537 1070 3 886031678 +537 1073 3 886031149 +537 1084 3 886030050 +537 1085 4 886030416 +537 1101 3 886031720 +537 1103 4 886031407 +537 1105 1 886029153 +537 1111 3 886031506 +537 1113 3 886031606 +537 1129 1 886030051 +537 1134 3 886030176 +537 1139 2 886032000 +537 1163 1 886030347 +537 1166 2 886031886 +537 1194 3 886030584 +537 1197 3 886029889 +537 1245 3 886030051 +537 1267 3 886032123 +537 1335 3 886030347 +537 1400 2 886031678 +537 1445 3 886031576 +537 1451 3 886030552 +537 1475 2 886031786 +538 4 3 877107726 +538 11 4 877109516 +538 12 4 877107633 +538 22 5 877107232 +538 28 3 877107491 +538 31 3 877109422 +538 42 1 877108077 +538 56 4 877107408 +538 69 5 877107340 +538 79 4 877107050 +538 82 4 877107558 +538 96 4 877109669 +538 97 5 877107086 +538 98 5 877107012 +538 100 4 877109748 +538 117 3 877107492 +538 127 5 877107231 +538 137 3 877108372 +538 143 3 877364003 +538 144 4 877107558 +538 153 4 877106976 +538 162 3 877363863 +538 164 3 877108631 +538 168 3 877107408 +538 172 4 877107765 +538 173 3 877107914 +538 181 3 877107700 +538 183 4 877106768 +538 187 5 877107840 +538 188 4 877108195 +538 191 5 877106665 +538 195 4 877108919 +538 196 4 877107408 +538 199 5 877364067 +538 202 4 877108250 +538 210 3 877106665 +538 211 4 877109986 +538 213 3 877364067 +538 215 5 877107536 +538 216 4 877364204 +538 223 4 877107700 +538 234 3 877108077 +538 237 4 877109986 +538 238 5 877110174 +538 240 2 877109422 +538 258 3 877095640 +538 275 4 877107050 +538 294 3 877095702 +538 317 4 877107765 +538 318 5 877106768 +538 381 3 877110175 +538 385 3 877108345 +538 405 3 877109564 +538 423 4 877108919 +538 483 5 877109932 +538 496 5 877107491 +538 527 3 877364067 +538 566 3 877107765 +538 568 3 877107491 +538 642 3 877107633 +538 655 3 877108345 +538 692 3 877107765 +538 710 3 877107726 +538 712 3 877109773 +538 735 3 877108785 +538 956 3 877107914 +538 963 4 877363775 +539 19 5 879788007 +539 22 3 879788195 +539 45 4 879788345 +539 50 3 879788136 +539 58 3 879788195 +539 69 5 879787801 +539 124 4 879788480 +539 127 3 879788046 +539 131 4 879788159 +539 132 5 879788284 +539 133 4 879788136 +539 153 5 879788533 +539 155 4 879788480 +539 170 5 879788533 +539 185 4 879788101 +539 197 5 879787985 +539 204 4 879788045 +539 236 3 879788345 +539 238 3 879788045 +539 239 3 879788572 +539 242 5 879787770 +539 269 5 879787770 +539 275 4 879787917 +539 285 4 879788623 +539 286 4 879787771 +539 289 4 879787770 +539 303 5 879787770 +539 306 4 879787770 +539 319 5 879787770 +539 357 4 879787917 +539 367 3 879787801 +539 372 2 879787985 +539 382 5 879787825 +539 481 4 879788572 +539 483 5 879788101 +539 487 3 879788101 +539 496 3 879787985 +539 527 4 879788136 +539 531 4 879788572 +539 603 4 879787985 +539 610 4 879788533 +539 640 2 879788101 +539 661 5 879788045 +539 956 5 879788405 +539 962 4 879788195 +539 963 4 879788533 +539 1211 3 879788371 +540 1 3 882157126 +540 7 4 882157011 +540 9 5 882156965 +540 13 4 882157585 +540 15 3 882157084 +540 20 4 882157509 +540 50 5 882156948 +540 100 5 882156948 +540 109 4 882157194 +540 111 4 882157148 +540 125 3 882157011 +540 126 3 882157105 +540 150 3 882157036 +540 181 4 882157060 +540 220 3 882157820 +540 222 4 882157224 +540 240 3 882157662 +540 245 3 882157172 +540 249 3 882157687 +540 250 4 882157172 +540 257 4 882157584 +540 258 4 882156584 +540 269 4 882156584 +540 274 4 882157662 +540 280 3 882157797 +540 281 3 882157011 +540 286 4 882156584 +540 293 4 882157084 +540 294 4 882156617 +540 300 3 882156618 +540 310 4 882156710 +540 323 3 882156851 +540 332 4 882156677 +540 333 4 882156617 +540 340 4 882156710 +540 455 4 882157477 +540 473 3 882157687 +540 475 4 882156983 +540 508 4 882156983 +540 591 3 882157036 +540 596 4 882157126 +540 597 4 882157248 +540 628 3 882157148 +540 741 3 882157797 +540 742 4 882157584 +540 820 3 882157545 +540 1014 4 882157224 +540 1048 4 882157635 +540 1226 4 882157732 +541 1 4 883874645 +541 8 5 883874645 +541 15 3 883864806 +541 28 4 883864739 +541 29 2 883865336 +541 38 3 883871617 +541 50 5 884046910 +541 62 4 883871644 +541 63 3 883866049 +541 66 4 883865929 +541 71 5 883874716 +541 73 4 883865693 +541 79 5 883871524 +541 82 3 883871562 +541 88 3 883865738 +541 91 5 883874683 +541 102 4 883874778 +541 110 4 883866114 +541 111 1 884645883 +541 118 4 883871670 +541 121 3 883871695 +541 140 5 883874682 +541 142 5 883874778 +541 143 4 883874645 +541 151 3 883874717 +541 168 4 883865555 +541 174 4 883871524 +541 181 5 884046910 +541 196 4 883864928 +541 210 5 883865575 +541 215 4 885595771 +541 222 4 883864848 +541 225 4 885595846 +541 234 5 883874433 +541 235 1 883866049 +541 239 4 883865211 +541 254 3 884046953 +541 255 3 884046321 +541 257 5 884046320 +541 259 1 884046888 +541 265 5 885595654 +541 274 4 883866093 +541 278 2 883875063 +541 376 3 883866210 +541 378 5 883864908 +541 393 3 883865693 +541 399 3 883866093 +541 402 3 883864946 +541 403 3 883865110 +541 404 4 883874646 +541 405 3 883871695 +541 417 4 883874749 +541 418 5 883874646 +541 419 5 883874682 +541 420 4 883874749 +541 423 3 883864985 +541 427 4 883864638 +541 432 4 883874716 +541 452 3 883874518 +541 465 4 883874716 +541 474 5 884047153 +541 476 5 883866007 +541 477 4 883865654 +541 500 4 883874682 +541 511 4 883864739 +541 526 4 883865088 +541 527 3 883864638 +541 542 1 884046888 +541 553 4 883865289 +541 560 3 883874872 +541 584 3 883874646 +541 585 2 883866114 +541 588 4 883874682 +541 596 4 884645816 +541 622 3 883874804 +541 625 4 883874717 +541 627 4 883874749 +541 651 5 883864782 +541 654 3 883875215 +541 655 4 883864782 +541 659 5 883865555 +541 660 5 883865039 +541 676 3 883865063 +541 699 4 883864985 +541 732 3 883865173 +541 755 5 883874716 +541 756 4 883866028 +541 763 3 883866068 +541 769 1 884046888 +541 781 5 883866093 +541 810 3 883871719 +541 843 4 884645883 +541 877 1 884046888 +541 941 4 883865394 +541 946 5 883874749 +541 1035 3 883874749 +541 1036 2 883866280 +541 1047 2 883866173 +541 1053 3 883865317 +541 1074 1 884046888 +541 1078 4 883874834 +541 1084 4 883864569 +541 1185 2 883866028 +541 1315 1 884046202 +541 1442 1 884046888 +542 8 3 886532908 +542 11 2 886533710 +542 12 4 886533774 +542 13 4 886533002 +542 15 2 886533483 +542 23 5 886532602 +542 28 4 886533452 +542 41 4 886533068 +542 42 3 886532726 +542 47 5 886532855 +542 56 5 886532706 +542 58 4 886532571 +542 63 3 886533090 +542 69 4 886532552 +542 70 4 886532788 +542 71 3 886533562 +542 73 3 886533227 +542 80 3 886533142 +542 89 4 886532294 +542 94 3 886533021 +542 95 3 886533562 +542 97 4 886533754 +542 99 5 886533587 +542 100 4 886532432 +542 109 4 886532416 +542 121 2 886532381 +542 122 3 886533253 +542 127 5 886532294 +542 150 2 886532908 +542 168 4 886532602 +542 172 4 886532265 +542 175 3 886532762 +542 179 4 886532571 +542 180 3 886532602 +542 181 4 886532359 +542 186 4 886532909 +542 187 4 886533395 +542 191 5 886532338 +542 192 5 886533421 +542 195 3 886532294 +542 196 4 886533452 +542 202 3 886532314 +542 204 3 886532762 +542 206 2 886532602 +542 208 4 886532881 +542 209 4 886532762 +542 210 3 886532706 +542 214 3 886533452 +542 230 4 886533774 +542 235 3 886533228 +542 237 4 886532238 +542 238 4 886532706 +542 246 3 886532359 +542 265 4 886532238 +542 273 3 886532466 +542 282 3 886533452 +542 288 2 886532149 +542 315 4 886532120 +542 318 4 886532602 +542 319 3 886532950 +542 321 4 886532928 +542 346 3 886532149 +542 347 3 886532176 +542 357 5 886532534 +542 367 4 886532881 +542 382 3 886532726 +542 393 3 886533142 +542 396 4 886533112 +542 399 2 886533172 +542 410 4 886532971 +542 411 4 886533275 +542 418 4 886533562 +542 420 3 886533587 +542 427 5 886532294 +542 433 3 886532838 +542 451 3 886532971 +542 475 3 886532359 +542 479 4 886532265 +542 496 4 886532534 +542 501 4 886533562 +542 508 3 886532762 +542 523 4 886532788 +542 531 4 886533452 +542 585 2 886533068 +542 588 4 886533562 +542 625 3 886533588 +542 627 3 886533604 +542 648 4 886532950 +542 655 4 886532908 +542 684 4 886532238 +542 693 4 886533395 +542 721 2 886533003 +542 732 3 886533227 +542 734 3 886533303 +542 746 4 886532838 +542 763 4 886533253 +542 772 4 886533694 +542 775 2 886533253 +542 780 3 886533003 +542 789 3 886532909 +542 790 3 886533090 +542 818 4 886533112 +542 864 3 886533112 +542 866 2 886533046 +542 871 2 886533142 +542 952 4 886533193 +542 959 3 886532971 +542 1059 4 886533193 +542 1061 2 886533275 +542 1098 4 886532818 +542 1218 3 886532762 +543 2 3 877546306 +543 4 4 875658853 +543 8 4 875658853 +543 11 3 874866116 +543 12 5 875665787 +543 13 3 876896210 +543 15 3 888209697 +543 16 3 875655073 +543 22 3 877545230 +543 23 4 874864183 +543 24 3 874861639 +543 28 4 875663543 +543 29 2 877546306 +543 38 3 877545717 +543 44 3 874865728 +543 53 3 877547190 +543 56 5 874866535 +543 60 5 874864346 +543 61 4 875659098 +543 62 3 875663687 +543 70 4 874863155 +543 71 4 874864870 +543 79 4 877545356 +543 83 4 877547441 +543 85 2 877547580 +543 86 4 876896210 +543 88 4 877550535 +543 89 4 877545605 +543 94 3 877550791 +543 95 3 874865728 +543 96 4 875665787 +543 97 3 874864346 +543 98 4 874863336 +543 102 4 874863155 +543 110 2 874865635 +543 111 4 874861699 +543 114 4 874864346 +543 117 3 874861792 +543 118 3 874862036 +543 129 4 874862036 +543 134 5 874862967 +543 135 5 875667109 +543 147 4 877543316 +543 157 3 874863549 +543 160 3 874863803 +543 161 4 877545356 +543 163 4 874864870 +543 165 4 874863436 +543 169 4 875663267 +543 170 4 874863269 +543 174 4 874864666 +543 175 3 874864182 +543 176 4 874865635 +543 177 4 877545356 +543 179 4 874862879 +543 180 4 874866208 +543 183 4 874864034 +543 185 4 875662979 +543 186 3 877550660 +543 187 4 874866535 +543 190 5 875665787 +543 192 4 874863878 +543 194 3 874864870 +543 197 4 874866116 +543 198 4 876896210 +543 199 4 875663056 +543 202 4 874863734 +543 204 4 874864737 +543 207 5 875665787 +543 210 3 875721967 +543 211 4 877547441 +543 212 4 875659175 +543 214 3 874864421 +543 216 4 874864666 +543 226 4 875663372 +543 231 3 877545230 +543 233 4 877545716 +543 234 4 876896210 +543 237 4 876896210 +543 238 3 874866319 +543 239 2 877550660 +543 249 2 888209667 +543 252 3 889308778 +543 272 3 888300821 +543 302 4 887912238 +543 303 4 875664365 +543 313 3 887912223 +543 318 3 874863549 +543 357 4 874863803 +543 367 4 876105366 +543 371 5 875665787 +543 381 4 877547580 +543 385 3 877545717 +543 391 3 877547190 +543 397 3 877547005 +543 403 4 875663543 +543 410 3 877453103 +543 423 3 874863035 +543 443 4 874864857 +543 463 3 874864034 +543 466 4 874864094 +543 471 3 875657863 +543 474 5 875665787 +543 479 4 874866208 +543 480 4 876896210 +543 508 4 874861792 +543 509 3 874863734 +543 513 4 874863035 +543 515 4 876896210 +543 516 4 876896210 +543 518 3 874864736 +543 519 4 875662979 +543 521 4 874865636 +543 529 4 874866208 +543 531 4 874864347 +543 550 2 877547005 +543 566 4 877545605 +543 576 4 877546306 +543 578 3 877546305 +543 582 3 874863550 +543 586 3 877547190 +543 591 4 876896210 +543 636 3 876718718 +543 647 3 874864182 +543 651 3 877546306 +543 656 4 875665787 +543 660 3 875659098 +543 663 4 874866208 +543 664 4 874863336 +543 684 4 874864737 +543 692 4 877547580 +543 694 4 874862966 +543 700 2 874865923 +543 702 2 877550399 +543 704 3 875662979 +543 709 3 874866535 +543 715 3 877550534 +543 720 2 877546306 +543 730 3 874864346 +543 735 4 874863269 +543 737 3 874866535 +543 742 3 874861699 +543 748 3 876110379 +543 761 2 876105554 +543 770 4 874863803 +543 778 4 877550399 +543 792 4 877550535 +543 810 3 877547004 +543 831 2 876718718 +543 855 4 875663543 +543 919 2 874863549 +543 936 4 888209568 +543 944 3 877547863 +543 982 3 877452676 +543 1014 4 875655073 +543 1073 3 874863269 +543 1099 4 874863878 +543 1159 5 875665787 +543 1174 3 876894981 +543 1194 4 875659174 +543 1199 2 877542776 +543 1262 2 876382812 +543 1441 3 874863436 +543 1524 4 874866319 +543 1555 3 874863155 +543 1619 3 874865635 +544 258 3 884795135 +544 259 1 884795581 +544 271 3 884795986 +544 286 4 884795135 +544 288 2 884795135 +544 294 2 884795581 +544 310 2 884795264 +544 312 2 884796086 +544 313 5 884795413 +544 323 2 884796016 +544 325 1 884796016 +544 326 3 884795580 +544 328 3 884795581 +544 331 3 884795516 +544 332 3 884795437 +544 338 2 884796062 +544 343 2 884796062 +544 689 2 884795706 +544 749 4 884795471 +544 750 3 884795135 +544 1280 3 884795542 +545 1 5 879901359 +545 17 3 879899472 +545 22 3 879899158 +545 25 2 880348933 +545 28 4 884133814 +545 29 3 880347984 +545 31 4 884133988 +545 54 4 884134519 +545 55 3 879899233 +545 68 4 879899266 +545 69 4 884133906 +545 71 5 879901459 +545 73 4 879900121 +545 77 3 884134704 +545 78 2 884134578 +545 79 4 879899233 +545 80 3 879900654 +545 82 4 879899266 +545 88 3 879901941 +545 89 3 879899125 +545 94 3 879900794 +545 96 5 879899233 +545 97 3 879901865 +545 98 5 879899861 +545 99 4 880347957 +545 101 4 879901538 +545 117 4 879899233 +545 121 5 879899299 +545 132 4 884134519 +545 135 4 884134060 +545 144 3 879899125 +545 151 4 880348074 +545 161 4 879899472 +545 164 4 879899906 +545 167 3 879900731 +545 168 4 879900156 +545 172 5 879899125 +545 173 5 879900185 +545 174 4 879899125 +545 175 4 879899641 +545 176 4 879899125 +545 177 3 879899299 +545 181 5 879898644 +545 182 3 883115423 +545 183 4 879899125 +545 193 3 884133988 +545 194 3 879899677 +545 196 4 884133859 +545 199 4 880347770 +545 202 4 879900388 +545 203 4 880347831 +545 204 4 879899641 +545 205 4 884134276 +545 208 3 879899619 +545 210 5 879899158 +545 211 3 879900586 +545 215 3 884133881 +545 217 5 879899934 +545 219 2 880348933 +545 222 4 879899157 +545 226 3 879899438 +545 228 5 879899266 +545 229 3 879899380 +545 230 5 879899327 +545 231 4 879899472 +545 232 3 883115515 +545 234 3 879899905 +545 254 4 879898995 +545 257 5 879898678 +545 258 3 879898617 +545 265 4 883115423 +545 266 2 879898447 +545 328 4 879898301 +545 373 3 879899523 +545 378 3 884134177 +545 379 4 879900010 +545 380 3 884134628 +545 384 3 879900863 +545 388 3 880347984 +545 391 2 883115552 +545 393 4 879900891 +545 399 4 879900794 +545 403 5 879899380 +545 404 4 884133839 +545 405 4 879899380 +545 413 4 879899977 +545 419 3 884134177 +545 423 4 884134114 +545 426 3 879901483 +545 431 3 879899472 +545 434 3 884134177 +545 444 3 879899978 +545 447 3 879899978 +545 450 2 883115718 +545 472 5 879899266 +545 474 3 884134205 +545 491 3 884134035 +545 510 3 880347957 +545 520 4 884133794 +545 524 4 879900185 +545 541 4 879899548 +545 546 3 879901281 +545 549 4 879901920 +545 550 3 879899327 +545 551 4 879900053 +545 554 3 879899497 +545 563 3 879900011 +545 566 4 879899438 +545 568 3 879899299 +545 569 3 879900011 +545 575 3 879900985 +545 578 4 884134936 +545 588 4 879901459 +545 627 3 879901504 +545 633 3 884133963 +545 636 3 879899472 +545 648 3 879899719 +545 665 3 879899299 +545 679 2 879899438 +545 680 2 879898486 +545 689 4 879898362 +545 710 3 879900227 +545 720 3 883115664 +545 729 3 884134114 +545 732 4 879899619 +545 739 4 884134780 +545 742 4 880347813 +545 743 3 879901322 +545 746 4 879900321 +545 751 3 883115062 +545 810 4 879899523 +545 820 3 879901359 +545 890 2 880347690 +545 944 4 879900731 +545 968 5 884134395 +545 993 2 879898802 +545 1228 3 884134603 +546 7 5 885140689 +546 17 4 885141411 +546 50 5 885140368 +546 53 5 885141502 +546 56 5 885141332 +546 98 5 885141332 +546 100 3 885140706 +546 118 5 885141260 +546 145 4 885141502 +546 164 4 885141360 +546 181 5 885140754 +546 185 4 885141360 +546 200 5 885141332 +546 222 4 885141260 +546 234 4 885141332 +546 250 4 885141260 +546 258 4 885139634 +546 286 2 885139580 +546 288 4 885141260 +546 294 1 885139779 +546 313 2 885139580 +546 322 4 885139921 +546 346 5 885139634 +546 347 5 885139580 +546 349 4 885141260 +546 379 4 885141465 +546 413 4 885140808 +546 436 5 885141438 +546 447 3 885141360 +546 457 1 885139608 +546 458 1 885140689 +546 569 4 885141502 +546 590 4 885141538 +546 672 3 885141438 +546 690 2 885139693 +546 717 5 885141162 +546 751 3 885139871 +546 758 4 885140808 +546 769 4 885141465 +546 816 3 885141411 +546 860 4 885141439 +546 895 3 885139608 +546 898 4 885141260 +546 928 4 885141132 +546 930 5 885141260 +546 977 5 885140939 +547 258 4 891282596 +547 289 3 891282775 +547 301 3 891282680 +547 302 5 891282575 +547 303 3 891282715 +547 311 2 891282699 +547 312 4 891282824 +547 313 5 891282611 +547 315 4 891282555 +547 316 5 891282797 +547 319 4 891282926 +547 328 4 891282757 +547 332 3 891282681 +547 333 4 891282555 +547 338 2 891282967 +547 340 4 891282757 +547 345 5 891282555 +547 347 4 891282680 +547 354 4 891282640 +548 3 1 891415967 +548 7 5 891044304 +548 12 5 891044356 +548 13 1 891415677 +548 14 1 891043182 +548 15 2 891415854 +548 17 3 891044596 +548 23 5 891044410 +548 31 5 891044481 +548 39 5 891044481 +548 50 5 891044304 +548 55 5 891044482 +548 56 5 891044356 +548 79 5 891044482 +548 100 5 891044304 +548 117 4 891415384 +548 118 5 891415855 +548 121 5 891415939 +548 147 5 891415540 +548 156 5 891044356 +548 181 4 891043008 +548 185 5 891044356 +548 203 5 891044446 +548 222 5 891044596 +548 226 5 891044596 +548 229 5 891044596 +548 233 5 891044596 +548 234 4 891044356 +548 235 3 891415746 +548 237 4 891415540 +548 245 4 891042624 +548 248 4 891043852 +548 255 4 891043852 +548 257 5 891044304 +548 258 4 891042474 +548 264 4 891043547 +548 270 5 891044304 +548 273 5 891044411 +548 276 3 891415512 +548 277 3 891415540 +548 281 4 891044538 +548 282 4 891415384 +548 283 3 891415572 +548 284 3 891415619 +548 286 1 891042194 +548 292 4 891042530 +548 295 5 891044304 +548 298 4 891043882 +548 302 4 891042194 +548 305 1 891042624 +548 307 4 891042474 +548 310 3 891042474 +548 311 3 891042194 +548 313 5 891044304 +548 315 3 891415258 +548 316 4 891044139 +548 322 4 891043509 +548 323 4 891043547 +548 326 4 891043278 +548 327 3 891042794 +548 331 4 891042530 +548 333 4 891042624 +548 340 1 891042794 +548 343 4 891043547 +548 344 1 891042530 +548 345 1 891042194 +548 346 4 891042624 +548 358 2 891043547 +548 370 3 891416050 +548 443 4 891044446 +548 458 3 891415512 +548 460 4 891416122 +548 466 5 891044446 +548 477 1 891415786 +548 504 5 891044482 +548 525 5 891044446 +548 532 4 891043910 +548 546 4 891415815 +548 581 4 891044596 +548 591 3 891415465 +548 595 4 891416071 +548 603 5 891044356 +548 619 3 891415786 +548 628 2 891415890 +548 636 4 891044538 +548 642 4 891044538 +548 649 4 891044538 +548 654 5 891044411 +548 657 5 891044411 +548 659 4 891044446 +548 678 4 891043547 +548 690 3 891042475 +548 696 4 891415912 +548 717 4 891416050 +548 742 5 891044596 +548 748 3 891043910 +548 751 4 891042851 +548 760 3 891416049 +548 762 4 891415709 +548 882 4 891043442 +548 887 4 891043442 +548 898 1 891043509 +548 905 4 891044198 +548 925 2 891415709 +548 928 3 891415890 +548 950 4 891415643 +548 978 2 891416122 +548 991 1 891044050 +548 1011 2 891415746 +548 1013 3 891043910 +548 1014 4 891043932 +548 1016 4 891043882 +548 1025 4 891043278 +548 1051 4 891415677 +548 1073 4 891044411 +548 1089 2 891044049 +548 1244 4 891043953 +548 1278 4 891416371 +548 1405 3 891415572 +549 1 5 881672182 +549 50 5 881672199 +549 100 4 881672333 +549 118 4 881672479 +549 121 4 881672461 +549 127 5 881672441 +549 181 4 881672241 +549 225 3 881672804 +549 237 4 881672605 +549 252 3 881672538 +549 288 4 881672605 +549 411 3 881672667 +549 472 3 881672408 +549 515 5 881672276 +549 620 3 881672650 +549 678 3 881671982 +549 748 4 881671952 +549 866 4 881672573 +549 1047 3 881672700 +550 1 3 883425913 +550 50 5 883425283 +550 121 5 883426027 +550 125 4 883425958 +550 181 5 883425283 +550 222 4 883425979 +550 237 3 883426119 +550 252 1 883426119 +550 254 1 883426119 +550 255 3 883425388 +550 259 2 883426119 +550 271 5 883425652 +550 288 5 883425979 +550 294 3 883426119 +550 300 4 883425652 +550 301 2 883426119 +550 304 3 883425743 +550 310 5 883425627 +550 313 5 883425610 +550 323 5 883425465 +550 328 5 883425652 +550 405 4 883426027 +550 538 5 883425812 +550 596 2 883426119 +550 688 3 883425762 +550 748 4 883425365 +550 846 2 883426119 +550 877 4 883425723 +550 892 2 883426119 +550 924 4 883426027 +550 993 4 883425426 +550 1620 4 883425448 +551 2 2 892784780 +551 3 5 892784093 +551 5 4 892783314 +551 7 5 892777638 +551 11 5 892777052 +551 12 4 892776419 +551 13 1 892783411 +551 15 5 892782936 +551 22 5 892776650 +551 24 5 892783142 +551 25 1 892783366 +551 26 4 892785056 +551 28 4 892776982 +551 31 4 892783451 +551 34 4 892778336 +551 38 1 892784553 +551 40 1 892785056 +551 42 5 892783212 +551 43 2 892784976 +551 44 4 892777825 +551 50 2 892776336 +551 55 5 892777753 +551 56 5 892776450 +551 62 5 892784524 +551 64 5 892776380 +551 66 2 892783281 +551 67 5 892785164 +551 68 2 892783972 +551 69 4 892776982 +551 70 4 892783057 +551 71 4 892783281 +551 72 5 892783972 +551 73 2 892784130 +551 76 4 892778202 +551 77 3 892784130 +551 79 5 892776824 +551 80 1 892785300 +551 84 1 892785020 +551 88 4 892783314 +551 90 1 892784199 +551 91 1 892783025 +551 92 5 892783672 +551 95 5 892783791 +551 97 5 892777013 +551 98 5 892776524 +551 100 4 892776486 +551 111 5 892783612 +551 117 5 892782807 +551 118 5 892784008 +551 121 5 892783411 +551 125 4 892783791 +551 127 5 892776420 +551 128 4 892783829 +551 132 5 892777583 +551 135 5 892778129 +551 144 5 892778035 +551 147 4 892783525 +551 150 3 892782807 +551 156 5 892777723 +551 157 4 892782765 +551 159 4 892784743 +551 161 5 892782936 +551 164 4 892776650 +551 168 5 892777723 +551 172 2 892778164 +551 174 4 892776650 +551 176 4 892776876 +551 177 5 892777274 +551 180 5 892777052 +551 181 2 892778074 +551 182 5 892776824 +551 183 4 892776824 +551 185 5 892777885 +551 186 5 892783142 +551 187 5 892776450 +551 188 5 892783672 +551 193 5 892777363 +551 195 5 892777052 +551 196 5 892776982 +551 198 5 892778035 +551 202 4 892783177 +551 203 5 892782975 +551 204 4 892777673 +551 205 5 892776575 +551 209 5 892777123 +551 216 5 892777609 +551 217 1 892784093 +551 222 5 892783411 +551 223 4 892776650 +551 226 5 892783411 +551 227 5 892783488 +551 230 5 892782901 +551 232 5 892783365 +551 234 4 892777092 +551 235 1 892784629 +551 237 4 892777825 +551 238 5 892777638 +551 240 3 892784673 +551 241 4 892783057 +551 260 5 892775869 +551 268 4 892775516 +551 272 5 892775389 +551 273 4 892782865 +551 274 2 892783488 +551 280 3 892778337 +551 281 5 892784320 +551 282 5 892777092 +551 284 4 892783110 +551 286 4 892775466 +551 288 4 892775466 +551 291 4 892778337 +551 292 3 892775612 +551 294 4 892775824 +551 307 4 892775516 +551 310 4 892775516 +551 313 4 892775389 +551 315 5 892775389 +551 316 5 892696165 +551 317 5 892777092 +551 318 5 892776824 +551 324 3 892775824 +551 328 5 892775584 +551 331 5 892775584 +551 332 4 892775547 +551 334 4 892775970 +551 340 4 892775584 +551 343 4 892775869 +551 346 4 892775547 +551 351 3 892775894 +551 354 3 892775752 +551 355 4 892776041 +551 356 4 892783829 +551 357 5 892777274 +551 363 4 892784710 +551 365 5 892784524 +551 380 3 892783488 +551 384 1 892785223 +551 386 1 892785364 +551 393 5 892782901 +551 402 4 892784049 +551 405 3 892783612 +551 410 5 892784093 +551 411 1 892784437 +551 415 4 892784710 +551 421 4 892778202 +551 423 1 892782975 +551 431 4 892777583 +551 433 5 892777787 +551 447 5 892783711 +551 448 4 892783242 +551 451 1 892784976 +551 455 1 892783525 +551 458 2 892784166 +551 460 3 892784320 +551 461 3 892778074 +551 468 5 892783559 +551 470 5 892783711 +551 471 5 892783365 +551 476 5 892784259 +551 479 3 892776380 +551 505 5 892777397 +551 508 4 892783366 +551 509 4 892777274 +551 518 4 892783212 +551 527 5 892777123 +551 531 5 892777485 +551 544 4 892784093 +551 550 5 892784130 +551 552 3 892784259 +551 554 5 892783906 +551 559 5 892784479 +551 561 5 892785363 +551 566 5 892783212 +551 570 4 892785264 +551 572 1 892784672 +551 576 2 892784743 +551 578 5 892784672 +551 581 5 892783972 +551 582 5 892783749 +551 587 4 892783525 +551 591 5 892783612 +551 595 2 892784744 +551 596 5 892784049 +551 597 4 892784976 +551 603 5 892776524 +551 616 5 892777052 +551 627 3 892783906 +551 636 5 892784130 +551 640 4 892783750 +551 651 4 892776750 +551 655 5 892783142 +551 658 5 892783559 +551 673 4 892778164 +551 684 5 892783212 +551 685 1 892782901 +551 690 5 892775584 +551 692 4 892777092 +551 693 5 892777943 +551 696 2 892785194 +551 698 4 892782734 +551 708 1 892783830 +551 710 5 892777753 +551 715 1 892785128 +551 717 3 892785164 +551 719 1 892784898 +551 720 2 892784744 +551 728 2 892785331 +551 732 4 892783711 +551 735 5 892783110 +551 739 4 892784710 +551 742 5 892782838 +551 746 5 892777013 +551 747 3 892783025 +551 748 4 892775612 +551 751 4 892775797 +551 755 4 892784008 +551 756 1 892784437 +551 761 1 892785164 +551 762 5 892784130 +551 763 5 892784008 +551 770 2 892778244 +551 774 5 892783314 +551 779 4 892785399 +551 780 5 892785431 +551 796 4 892785264 +551 802 4 892784437 +551 808 3 892783791 +551 809 5 892784629 +551 824 1 892784629 +551 825 5 892784049 +551 827 5 892784710 +551 846 3 892783942 +551 849 5 892785128 +551 864 5 892785091 +551 875 4 892775970 +551 912 3 892775723 +551 917 3 892775466 +551 924 5 892783451 +551 943 5 892783451 +551 944 2 892784320 +551 950 2 892783861 +551 955 3 892783411 +551 959 5 892784166 +551 975 5 892784130 +551 979 4 892784479 +551 991 2 892775935 +551 1011 5 892783177 +551 1028 4 892785056 +551 1035 2 892778244 +551 1039 4 892777013 +551 1044 3 892785223 +551 1047 4 892785264 +551 1059 3 892785128 +551 1067 2 892785091 +551 1079 1 892785431 +551 1087 1 892784437 +551 1135 5 892785331 +551 1136 5 892784049 +551 1139 4 892785263 +551 1169 4 892778297 +551 1207 1 892785300 +551 1217 1 892784524 +551 1253 2 892784629 +551 1267 4 892783906 +551 1304 1 892783942 +551 1314 2 892783750 +551 1376 1 892784524 +551 1419 1 892785332 +551 1439 5 892783612 +551 1443 5 892784942 +551 1518 4 892785363 +551 1621 1 892785194 +552 7 3 879221580 +552 13 3 879222238 +552 14 4 879221649 +552 15 3 879222484 +552 25 3 879221833 +552 50 4 879221876 +552 100 4 879221716 +552 117 3 879222412 +552 118 3 879222520 +552 121 4 879222698 +552 123 3 879222033 +552 125 3 879222484 +552 127 4 879221580 +552 147 3 879222412 +552 151 3 879222238 +552 181 3 879221399 +552 222 4 879221764 +552 225 3 879221876 +552 237 4 879221617 +552 240 2 879222133 +552 243 3 879220651 +552 248 4 879221795 +552 249 3 879222368 +552 250 3 879222336 +552 252 2 879222002 +552 257 3 879221795 +552 274 3 879222162 +552 280 3 879222002 +552 282 3 879222133 +552 284 3 879222071 +552 286 4 879220564 +552 288 2 879221267 +552 291 2 879222661 +552 294 4 879220688 +552 301 4 879220720 +552 322 3 879220760 +552 323 2 879221267 +552 336 3 879221267 +552 405 3 879222268 +552 410 3 879222070 +552 411 3 879222002 +552 412 2 879222583 +552 455 3 879221764 +552 471 3 879222306 +552 515 3 879221543 +552 591 3 879222412 +552 620 3 879222738 +552 717 3 879222368 +552 742 4 879222103 +552 748 4 879220651 +552 756 2 879221683 +552 760 3 879222306 +552 815 3 879222336 +552 826 2 879222002 +552 829 3 879222738 +552 864 3 879221876 +552 866 3 879222002 +552 873 3 879220688 +552 926 2 879222698 +552 932 3 879222194 +552 934 3 879222336 +552 977 3 879222033 +552 988 3 879220650 +552 1014 4 879222520 +552 1047 3 879222521 +552 1048 3 879221683 +552 1051 3 879222238 +552 1095 3 879222738 +552 1152 3 879222002 +552 1277 3 879222763 +552 1278 3 879222452 +552 1315 3 879222452 +552 1620 3 879222071 +553 1 3 879949153 +553 8 3 879949290 +553 22 5 879949324 +553 23 5 879948806 +553 45 4 879948732 +553 56 4 879949042 +553 81 3 879948732 +553 86 3 879948771 +553 89 5 879948386 +553 98 5 879948996 +553 99 5 879948508 +553 100 5 879948869 +553 111 4 879948869 +553 131 5 879948655 +553 132 4 879948610 +553 135 4 879948996 +553 136 4 879948655 +553 151 5 879949181 +553 153 5 879949107 +553 174 4 879949073 +553 177 4 879949180 +553 181 4 879948695 +553 182 3 879949290 +553 186 3 879948552 +553 190 5 879949251 +553 191 4 879949153 +553 197 5 879948831 +553 199 4 879949153 +553 205 4 879948869 +553 218 4 879948996 +553 238 5 879948655 +553 265 5 879948508 +553 275 5 879948552 +553 307 4 879948235 +553 367 4 879949153 +553 378 3 879948655 +553 423 3 879948655 +553 427 5 879948508 +553 434 3 879948771 +553 435 4 879948869 +553 474 5 879948609 +553 478 4 879948964 +553 479 5 879948386 +553 480 5 879948552 +553 481 3 879948806 +553 482 4 879948831 +553 484 5 879949324 +553 485 3 879948695 +553 490 4 879949073 +553 492 3 879949042 +553 496 3 879948460 +553 497 4 879948460 +553 498 4 879949042 +553 505 5 879949107 +553 506 4 879948655 +553 511 5 879948869 +553 513 4 879948806 +553 514 3 879948695 +553 515 5 879948386 +553 519 5 879949042 +553 520 5 879949153 +553 523 4 879948508 +553 525 4 879949153 +553 528 3 879949180 +553 559 3 879949251 +553 603 5 879948695 +553 604 5 879949107 +553 611 5 879948386 +553 615 5 879949073 +553 617 4 879949042 +553 638 3 879948732 +553 641 4 879948386 +553 646 4 879949251 +553 648 4 879948552 +553 661 5 879949324 +553 1009 4 879949212 +553 1021 2 879949153 +553 1124 4 879948695 +553 1126 4 879948508 +553 1200 3 879948964 +553 1451 4 879949212 +554 1 3 876231938 +554 4 2 876369560 +554 8 4 876550526 +554 9 4 876231468 +554 11 4 876233069 +554 13 2 876232730 +554 14 4 876550182 +554 15 4 876231964 +554 21 1 876232212 +554 22 4 876232794 +554 28 4 876232758 +554 31 4 876369085 +554 43 3 876369968 +554 58 4 876549808 +554 66 3 876369615 +554 67 3 876369932 +554 69 5 876232682 +554 71 4 876550257 +554 79 5 876550491 +554 82 4 876550257 +554 86 4 876369678 +554 87 4 876550654 +554 95 4 876550526 +554 98 5 876550491 +554 100 3 876231441 +554 111 4 876550526 +554 118 4 876550257 +554 121 4 876232267 +554 125 3 876550913 +554 132 4 876550453 +554 133 4 876369272 +554 151 4 876550100 +554 173 3 876369527 +554 174 5 876550257 +554 179 3 876369785 +554 202 4 876232956 +554 204 5 876550610 +554 209 4 876232997 +554 215 5 876550833 +554 216 3 876369162 +554 218 4 876550654 +554 220 3 876232109 +554 222 4 876231802 +554 223 3 876232996 +554 227 3 876369198 +554 228 5 876550011 +554 229 3 876369907 +554 230 5 876369968 +554 237 3 876231570 +554 238 3 876232682 +554 245 3 876231229 +554 252 4 876232528 +554 265 4 876232956 +554 273 3 876231839 +554 274 3 876232317 +554 275 4 876231634 +554 282 3 876232267 +554 286 4 876231521 +554 289 4 876549656 +554 294 3 876231229 +554 318 5 876369730 +554 328 4 878801354 +554 378 4 876549808 +554 405 4 876550654 +554 411 3 876231886 +554 423 4 876550182 +554 432 4 876550491 +554 526 4 876550100 +554 527 4 876233137 +554 531 4 876549731 +554 542 3 876369995 +554 546 3 876231886 +554 576 4 876549377 +554 582 3 876232758 +554 595 3 876232109 +554 596 3 876232758 +554 597 4 876232176 +554 678 3 876231229 +554 684 4 876550342 +554 692 4 876549579 +554 696 3 876232023 +554 732 4 876550833 +554 735 3 876369162 +554 742 3 876231546 +554 756 3 876231938 +554 770 1 876369382 +554 819 3 876231688 +554 820 2 876232176 +554 845 3 876231993 +554 864 4 876231993 +554 939 4 876550342 +554 951 3 876369840 +554 1012 3 876231839 +554 1042 3 876550610 +554 1046 4 876550526 +555 7 4 879962172 +555 21 4 879964265 +555 25 4 879963127 +555 50 5 879962152 +555 87 4 879975505 +555 111 4 879964159 +555 117 4 879962152 +555 120 4 879964334 +555 121 3 879962551 +555 129 4 882385841 +555 147 4 879962172 +555 150 4 879963127 +555 168 4 879975419 +555 169 5 879975419 +555 181 5 879962172 +555 195 4 879975438 +555 236 5 879962769 +555 248 4 879963127 +555 249 4 879963127 +555 258 3 879962096 +555 269 5 879962096 +555 271 3 879961963 +555 285 5 879963127 +555 288 3 879962096 +555 302 3 879962096 +555 318 4 879975419 +555 319 5 879962096 +555 326 4 879962096 +555 328 4 879962096 +555 340 4 879962096 +555 357 4 879975455 +555 410 4 879962769 +555 480 4 879975474 +555 489 5 879975455 +555 505 4 879975474 +555 546 3 879962551 +555 748 4 879962096 +555 762 4 879964159 +555 1054 3 879964335 +556 12 5 882136440 +556 48 5 882136252 +556 64 5 882136162 +556 127 5 882136205 +556 132 5 882136396 +556 134 5 882136252 +556 170 4 882136162 +556 172 5 882136441 +556 178 5 882136162 +556 187 5 882136396 +556 192 5 882136440 +556 209 5 882136162 +556 268 4 882135646 +556 288 4 882135646 +556 294 2 882135855 +556 318 5 882136252 +556 319 3 882135437 +556 323 2 882136058 +556 324 4 882135805 +556 325 2 882135684 +556 327 5 882135508 +556 340 5 882135646 +556 479 5 882136162 +556 481 5 882136441 +556 493 5 882136441 +556 496 5 882136252 +556 507 5 882136205 +556 513 4 882136396 +556 520 5 882136441 +556 603 5 882136440 +556 604 5 882136205 +556 707 3 882136396 +556 988 1 882135994 +556 1065 4 882136162 +557 8 5 881179653 +557 12 5 881179653 +557 50 4 881095916 +557 58 4 880555684 +557 96 5 881179653 +557 127 4 880485718 +557 150 3 881179621 +557 165 5 881179653 +557 166 4 881179397 +557 176 4 880486028 +557 180 5 881179653 +557 197 5 881179653 +557 198 5 881179513 +557 246 5 880485693 +557 252 3 880485846 +557 253 3 880485693 +557 254 4 880485908 +557 257 2 880485764 +557 262 2 882458820 +557 268 5 881179653 +557 269 3 881179139 +557 271 4 881179557 +557 288 1 884357600 +557 289 4 880484992 +557 292 4 880485019 +557 294 3 880484929 +557 298 5 881095916 +557 299 4 881095916 +557 300 4 881095916 +557 322 3 880485052 +557 325 3 880485074 +557 327 3 882458785 +557 334 4 881179362 +557 337 5 881179653 +557 343 4 881095995 +557 346 2 884357321 +557 508 4 880485956 +557 529 5 881179455 +557 532 5 881095916 +557 682 2 881179213 +557 750 4 884357373 +557 872 5 881095916 +557 875 4 881179291 +557 887 3 881179118 +557 892 3 884357648 +557 1070 2 884357600 +557 1244 2 880485863 +558 14 4 879436097 +558 15 3 879436140 +558 19 5 879436396 +558 20 5 879436396 +558 116 5 879436396 +558 124 4 879435855 +558 253 5 879436396 +558 275 4 879435896 +558 283 3 879436097 +558 286 4 879435828 +558 508 5 879436396 +558 744 4 879436027 +558 847 4 879436396 +558 936 5 879436396 +558 1068 2 879435896 +559 4 4 891035876 +559 12 3 891034067 +559 55 4 891035111 +559 69 5 891034003 +559 70 3 891035917 +559 73 4 891035812 +559 87 4 891034003 +559 127 4 891033956 +559 144 5 891034551 +559 153 3 891035708 +559 163 4 891035840 +559 174 4 891035111 +559 180 4 891035111 +559 182 4 891035111 +559 187 3 891033911 +559 188 5 891034609 +559 191 5 891034139 +559 194 3 891035781 +559 195 3 891034647 +559 196 5 891033805 +559 197 4 891035111 +559 199 5 891034040 +559 204 3 891035708 +559 205 5 891033805 +559 210 4 891034957 +559 216 5 891035876 +559 226 5 891034688 +559 233 3 891034688 +559 238 1 891035674 +559 257 3 891035466 +559 265 4 891033696 +559 294 1 891035519 +559 315 5 891033635 +559 318 5 891033835 +559 322 4 891034987 +559 385 4 891035111 +559 393 2 891035917 +559 398 3 891034904 +559 427 4 891034095 +559 435 2 891035781 +559 502 4 891035946 +559 508 3 891034209 +559 511 2 891034347 +559 514 4 891035633 +559 515 4 891035111 +559 519 5 891034004 +559 520 5 891033911 +559 523 4 891035812 +559 524 3 891035917 +559 527 4 891034172 +559 528 4 891034209 +559 550 4 891035111 +559 566 5 891034688 +559 587 4 891034095 +559 660 1 891034250 +559 661 3 891034040 +559 687 3 891035551 +559 863 5 891033956 +559 902 4 891035111 +559 1101 4 891035111 +559 1141 2 891034316 +560 1 4 879976449 +560 7 3 879975718 +560 12 5 879975661 +560 13 3 879976602 +560 24 2 879976772 +560 25 3 879976706 +560 89 5 879975752 +560 93 3 879976559 +560 100 5 879975752 +560 108 1 879976988 +560 109 3 879976651 +560 111 3 879976731 +560 118 3 879976892 +560 122 3 879977081 +560 123 2 879976542 +560 127 5 879976071 +560 132 3 879975485 +560 134 5 879975406 +560 136 3 879975661 +560 137 4 879976427 +560 151 3 879976542 +560 181 4 879975661 +560 183 5 879975586 +560 203 4 879975613 +560 211 4 879975752 +560 235 2 879976867 +560 240 3 879976970 +560 246 5 879976109 +560 249 5 879976247 +560 250 4 879976126 +560 255 4 879976109 +560 258 5 879975116 +560 260 1 879977973 +560 264 3 879975231 +560 268 4 879975173 +560 270 4 879975173 +560 277 3 879976731 +560 278 1 879976892 +560 281 3 879976828 +560 284 3 879976525 +560 288 4 879975116 +560 301 3 879975116 +560 318 4 879975406 +560 319 4 879975173 +560 321 3 879975151 +560 358 3 879975358 +560 405 4 879976970 +560 411 3 879976828 +560 423 4 879975586 +560 429 3 879975485 +560 458 3 879976731 +560 472 2 879976945 +560 476 2 879977124 +560 478 4 879975752 +560 480 3 879975613 +560 483 5 879975406 +560 489 3 879975662 +560 496 3 879975752 +560 597 2 879976914 +560 617 3 879975661 +560 653 4 879975529 +560 654 5 879975613 +560 756 2 879977032 +560 813 4 879976478 +560 845 3 879976602 +560 847 4 879976449 +560 864 3 879976970 +560 928 3 879977062 +560 975 3 879977081 +560 1008 3 879976731 +560 1014 4 879976215 +560 1021 4 879975718 +560 1073 3 879975586 +560 1160 3 879976215 +560 1163 3 879976988 +560 1171 3 879976807 +560 1265 3 879975194 +560 1333 3 879976071 +560 1405 4 879976215 +561 1 2 885807713 +561 2 3 885809752 +561 3 3 885810390 +561 4 3 885809044 +561 7 5 885808738 +561 8 3 885807455 +561 10 3 885808766 +561 12 5 885809356 +561 13 3 885810060 +561 14 3 885808929 +561 15 3 885809291 +561 19 3 885808673 +561 22 3 885809223 +561 23 5 885807888 +561 28 2 885808053 +561 31 2 885809146 +561 32 4 885807455 +561 40 2 885810834 +561 42 3 885809025 +561 45 3 885808716 +561 46 4 885808796 +561 47 4 885809557 +561 48 4 885807547 +561 50 3 885807429 +561 51 3 885810834 +561 52 4 885809583 +561 53 3 885810538 +561 56 5 885807291 +561 58 3 885809654 +561 62 3 885810144 +561 64 3 885809605 +561 65 3 885808673 +561 67 1 885810240 +561 70 4 885808673 +561 71 2 885810039 +561 72 2 885810084 +561 77 1 885809246 +561 79 3 885808887 +561 80 2 885810372 +561 81 2 885808000 +561 86 4 885809064 +561 87 3 885809197 +561 88 2 885810769 +561 91 4 885807455 +561 92 3 885809897 +561 93 4 885809224 +561 95 2 885809605 +561 96 1 885809336 +561 97 3 885809312 +561 98 4 885807393 +561 100 4 885807484 +561 109 1 885810271 +561 116 4 885809146 +561 121 3 885810372 +561 124 3 885807842 +561 130 4 885810429 +561 131 4 885808929 +561 132 2 885809269 +561 135 4 885809336 +561 141 2 885809781 +561 143 1 885810000 +561 151 2 885808843 +561 153 3 885808844 +561 154 4 885807612 +561 155 2 885810785 +561 156 4 885807484 +561 157 4 885808053 +561 162 3 885809781 +561 163 3 885808963 +561 164 2 885809626 +561 168 4 885807261 +561 170 4 885808738 +561 171 5 885807261 +561 172 2 885807743 +561 173 4 885807393 +561 174 4 885808053 +561 175 4 885807429 +561 178 4 885807713 +561 179 4 885807261 +561 180 4 885807261 +561 181 3 885807318 +561 183 5 885807215 +561 184 3 885808843 +561 186 3 885809447 +561 188 4 885807261 +561 191 3 885807484 +561 193 3 885808673 +561 194 4 885807612 +561 195 3 885808963 +561 196 4 885808620 +561 198 3 885808986 +561 200 4 885807743 +561 202 3 885808867 +561 203 4 885807261 +561 204 3 885808716 +561 205 3 885807393 +561 209 4 885807369 +561 210 3 885809146 +561 211 4 885808824 +561 212 3 885809025 +561 214 3 885809670 +561 215 3 885809872 +561 216 3 885807173 +561 217 3 885810858 +561 218 3 885810000 +561 219 1 885809583 +561 222 3 885807843 +561 223 4 885807235 +561 228 3 885807930 +561 229 3 885810271 +561 230 3 885809426 +561 231 2 885810744 +561 232 3 885810428 +561 233 1 885809246 +561 234 3 885808824 +561 235 3 885809806 +561 238 4 885807547 +561 239 3 885809336 +561 240 1 885810726 +561 241 2 885809119 +561 243 1 885807010 +561 258 2 885806823 +561 268 3 885806710 +561 273 5 885808824 +561 276 4 885807713 +561 277 3 885809223 +561 285 4 885808715 +561 286 4 885806710 +561 302 4 885806797 +561 304 3 891710572 +561 317 3 885808824 +561 318 3 885807345 +561 319 2 885809005 +561 343 4 885807035 +561 345 4 885806823 +561 346 5 885806862 +561 356 1 885809752 +561 362 2 893105375 +561 367 3 885809583 +561 371 1 885809426 +561 379 2 885810428 +561 380 2 885809524 +561 382 4 885807842 +561 393 2 885810309 +561 403 3 885809690 +561 405 2 885809313 +561 410 1 885810117 +561 423 2 885808796 +561 425 4 885808000 +561 426 1 885810220 +561 427 4 885807484 +561 428 4 885810084 +561 430 3 885809336 +561 431 2 885808738 +561 432 5 885807776 +561 436 4 885807843 +561 443 4 885809197 +561 447 3 885808767 +561 451 2 885810117 +561 455 3 885808766 +561 458 4 885809197 +561 461 3 885807369 +561 462 3 885809246 +561 468 1 885809291 +561 469 4 885809099 +561 470 3 885809872 +561 473 3 885810428 +561 474 5 885807318 +561 475 3 885807393 +561 479 4 885807547 +561 480 4 885807484 +561 483 4 885807612 +561 484 4 885807215 +561 489 4 885807743 +561 494 4 885808824 +561 496 3 885807369 +561 497 4 885809064 +561 501 3 885808620 +561 503 4 885808887 +561 506 3 885809146 +561 510 3 885808673 +561 511 4 885807510 +561 512 4 885808000 +561 513 3 885807345 +561 515 3 885807215 +561 518 4 885808620 +561 520 4 885807318 +561 523 4 885809269 +561 524 4 885807888 +561 530 4 885807547 +561 537 4 885808866 +561 539 1 885807035 +561 542 1 885810858 +561 544 2 885809872 +561 546 1 885810557 +561 549 2 885809654 +561 550 1 885810117 +561 559 1 885809336 +561 568 3 885807962 +561 578 3 885810575 +561 582 4 885808796 +561 584 3 885809781 +561 589 3 885807510 +561 597 3 885810428 +561 603 4 885807842 +561 607 5 885807173 +561 608 3 885809119 +561 614 3 885809336 +561 615 4 885807930 +561 616 3 885808929 +561 631 3 885808000 +561 640 5 885809005 +561 642 3 885809356 +561 644 3 885807743 +561 645 3 885808767 +561 652 5 885809312 +561 655 3 885807930 +561 656 4 885807455 +561 657 4 885807235 +561 660 3 885810144 +561 661 4 885808715 +561 665 3 885810309 +561 671 3 885808673 +561 673 3 885809313 +561 675 3 885808904 +561 676 3 885810674 +561 678 2 885807080 +561 679 3 885807235 +561 684 3 885808867 +561 693 3 885808620 +561 702 3 885809873 +561 705 3 885808000 +561 708 3 885809447 +561 710 4 885809897 +561 715 3 885809606 +561 719 1 885810785 +561 724 3 885808867 +561 732 3 885809958 +561 733 3 885809099 +561 735 3 885809712 +561 744 3 885809781 +561 746 3 885809025 +561 751 3 885806779 +561 762 3 885809654 +561 772 4 885808715 +561 780 1 885810769 +561 790 1 885810538 +561 802 1 885810726 +561 805 3 885810240 +561 811 3 885808963 +561 849 2 885810193 +561 890 1 885807080 +561 895 1 885807035 +561 921 3 885810769 +561 943 3 885809197 +561 946 3 885810813 +561 952 3 885810192 +561 955 3 885808738 +561 956 4 885809336 +561 959 3 885810060 +561 960 4 885809605 +561 971 3 885809269 +561 980 3 885809146 +561 1009 4 885810706 +561 1010 3 885809781 +561 1015 2 885810060 +561 1018 3 885809806 +561 1024 3 885806883 +561 1035 3 885810390 +561 1039 3 885807612 +561 1044 2 885810834 +561 1059 1 885808867 +561 1069 4 885808053 +561 1070 4 885809043 +561 1074 3 885810813 +561 1101 3 885808887 +561 1103 4 885807291 +561 1110 2 885809524 +561 1119 3 885810144 +561 1120 4 885807318 +561 1131 4 885807173 +561 1139 1 885810744 +561 1149 4 885807713 +561 1153 3 885808986 +561 1170 3 885809407 +561 1220 2 885810538 +561 1229 1 885810220 +561 1230 3 885810813 +561 1267 3 885809690 +561 1449 5 885808620 +561 1478 3 885809626 +561 1512 5 885807455 +561 1524 4 885809897 +561 1529 3 885809064 +562 1 2 879194894 +562 4 1 879196517 +562 5 4 879196576 +562 50 5 879196445 +562 56 1 879195156 +562 66 1 879195927 +562 73 4 879195881 +562 79 4 879196445 +562 89 1 879195819 +562 98 4 879195081 +562 114 1 879195156 +562 118 3 879196483 +562 127 5 879196401 +562 132 4 879195721 +562 133 2 879195007 +562 135 5 879196075 +562 141 4 879195334 +562 143 5 879196074 +562 144 5 879196445 +562 153 4 879195954 +562 161 3 879196445 +562 173 5 879196308 +562 174 5 879196105 +562 181 3 879195125 +562 185 5 879196075 +562 190 4 879196445 +562 191 5 879196176 +562 194 5 879196075 +562 197 4 879196105 +562 204 1 879196288 +562 218 4 879196576 +562 229 1 879195848 +562 230 1 879195954 +562 231 1 879196446 +562 286 4 879194616 +562 318 3 879194894 +562 385 2 879196483 +562 393 2 879195954 +562 402 5 879196074 +562 416 5 879195613 +562 418 5 879195738 +562 427 4 879195244 +562 435 4 879195125 +562 443 5 879196604 +562 458 2 879195982 +562 462 5 879196074 +562 477 4 879195688 +562 480 4 879195126 +562 501 5 879196653 +562 504 4 879196709 +562 582 4 879196249 +562 591 4 879196176 +562 636 2 879195007 +562 684 4 879196517 +562 720 4 879196483 +562 727 5 879196267 +562 806 1 879195289 +562 1039 4 879196105 +563 50 5 880507404 +563 70 4 880506528 +563 118 4 880506863 +563 153 4 880507625 +563 181 4 880507374 +563 210 4 880507483 +563 233 4 880507165 +563 237 5 880506666 +563 254 3 880506963 +563 255 5 880506528 +563 257 5 880506596 +563 367 4 880507083 +563 401 4 880507108 +563 403 4 880506963 +563 412 2 880507108 +563 476 3 880507311 +563 678 2 880506368 +563 692 5 880506842 +563 781 4 880507582 +563 862 1 880507672 +563 1035 4 880507204 +564 50 4 888730974 +564 117 4 888730974 +564 118 4 888730699 +564 121 4 888730534 +564 127 4 888730974 +564 181 4 888730974 +564 245 4 888718546 +564 257 4 888731011 +564 272 3 888718415 +564 289 4 888718546 +564 292 4 888718546 +564 298 3 888730534 +564 300 4 888718470 +564 312 3 888718443 +564 313 4 888718415 +564 323 3 888730838 +564 333 3 888718521 +564 344 4 888718521 +564 345 4 888718521 +564 472 4 888730658 +564 597 4 888730699 +564 685 3 888730658 +564 750 3 888718771 +564 827 3 888731038 +564 831 3 888730658 +564 930 3 888730699 +564 1016 2 888730699 +564 1025 2 888718443 +564 1034 3 888730838 +564 1399 2 888718470 +565 10 5 891037453 +565 30 5 891037499 +565 52 5 891037524 +565 70 5 891037629 +565 83 5 891037628 +565 165 4 891037252 +565 166 4 891037252 +565 170 5 891037291 +565 171 5 891037252 +565 179 5 891037778 +565 190 5 891037563 +565 212 5 891037453 +565 213 4 891037803 +565 381 2 891037628 +565 382 5 891037586 +565 462 4 891037692 +565 509 4 891037692 +565 512 3 891037453 +565 515 5 891037803 +565 638 4 891037837 +565 639 5 891037291 +565 640 4 891037837 +565 652 5 891037563 +565 707 5 891037453 +565 713 5 891037693 +565 730 5 891037837 +565 855 5 891037628 +565 970 4 891037757 +565 971 5 891037862 +565 1018 5 891037862 +565 1396 5 891037333 +565 1622 4 891037478 +566 2 5 881650739 +566 7 4 881649747 +566 8 4 881650690 +566 11 3 881649962 +566 12 4 881649802 +566 15 3 881650030 +566 20 4 881650551 +566 25 2 881651077 +566 31 3 881650825 +566 33 2 881650907 +566 49 2 881651561 +566 54 3 881651013 +566 69 4 881650108 +566 70 4 881649563 +566 71 2 881650958 +566 77 4 881651183 +566 80 3 881651531 +566 82 4 881650709 +566 83 4 881650148 +566 86 4 881649622 +566 88 3 881650090 +566 89 4 881650423 +566 95 2 881649913 +566 96 3 881650171 +566 97 3 881650090 +566 98 4 881649445 +566 100 5 881649548 +566 110 1 881651813 +566 117 4 881650886 +566 121 3 881650755 +566 122 2 881651583 +566 127 5 881650219 +566 133 4 881649670 +566 134 5 881649853 +566 154 3 881651151 +566 155 2 881651225 +566 156 4 881649428 +566 157 5 881649985 +566 161 4 881651097 +566 163 5 881649622 +566 165 5 881649530 +566 170 5 881650739 +566 173 3 881649945 +566 177 4 881650654 +566 181 2 881649985 +566 182 4 881649428 +566 186 3 881649893 +566 191 4 881649853 +566 192 5 881649747 +566 196 4 881650405 +566 202 4 881650551 +566 203 4 881650148 +566 204 3 881649828 +566 207 5 881650502 +566 210 4 881650030 +566 213 5 881649670 +566 215 3 881650739 +566 218 4 881650242 +566 219 1 881651286 +566 228 2 881650262 +566 230 2 881650123 +566 231 1 881651317 +566 235 3 881650534 +566 240 3 881651225 +566 242 5 881649273 +566 273 5 881650063 +566 288 3 881650627 +566 318 4 881649471 +566 327 3 881649273 +566 378 4 881650467 +566 384 3 881651360 +566 386 1 881651375 +566 387 4 881651512 +566 392 4 881650519 +566 393 2 881651434 +566 395 1 881651672 +566 403 3 881650654 +566 405 5 881650943 +566 411 4 881651013 +566 419 2 881650907 +566 423 2 881649709 +566 443 4 881649505 +566 461 4 881649853 +566 465 2 881650654 +566 479 4 881649428 +566 480 4 881649471 +566 483 4 881649357 +566 485 3 881650242 +566 511 4 881649445 +566 512 4 881650148 +566 523 4 881649622 +566 529 4 881649358 +566 575 1 881651652 +566 576 2 881651013 +566 582 5 881650186 +566 631 4 881650605 +566 651 4 881650242 +566 673 4 881649775 +566 684 4 881649802 +566 705 4 881649871 +566 707 4 881650442 +566 727 4 881650850 +566 736 4 881650690 +566 742 3 881650627 +566 755 2 881651561 +566 763 4 881651045 +566 772 4 881650467 +566 856 5 881650690 +566 879 2 881649273 +566 959 4 881651406 +566 1005 5 881650090 +566 1044 3 881651583 +566 1065 5 881650709 +566 1193 5 881649548 +566 1232 2 881651126 +566 1437 2 881651434 +567 1 3 882426899 +567 7 4 882426622 +567 9 4 882426696 +567 12 4 882426508 +567 23 4 882426740 +567 32 5 882426644 +567 47 4 882426696 +567 50 1 882426246 +567 60 5 882425966 +567 89 5 882425820 +567 96 4 882427155 +567 100 1 882425791 +567 109 2 882425673 +567 124 4 882426812 +567 127 5 882426246 +567 132 3 882426021 +567 133 4 882425790 +567 134 5 882425873 +567 135 3 882426837 +567 136 5 882426210 +567 156 5 882426055 +567 168 5 882425736 +567 170 3 882426184 +567 173 4 882425630 +567 174 1 882426869 +567 175 5 882425630 +567 176 5 882425874 +567 177 4 882426673 +567 178 4 882425820 +567 179 5 882426135 +567 181 1 882426246 +567 183 4 882425701 +567 185 5 882426899 +567 187 5 882425673 +567 188 5 882426055 +567 191 3 882427124 +567 192 4 882426021 +567 194 3 882425874 +567 195 3 882426782 +567 198 5 882425631 +567 203 4 882426508 +567 205 3 882425736 +567 209 4 882426812 +567 212 2 882427023 +567 221 5 882426927 +567 223 4 882426508 +567 234 3 882426762 +567 246 4 882426508 +567 248 4 882427273 +567 252 1 882427384 +567 257 3 882427250 +567 268 4 882426327 +567 271 4 882426327 +567 273 5 882427068 +567 293 5 882427250 +567 297 3 882426246 +567 298 4 882426279 +567 299 4 882426350 +567 302 4 882426300 +567 306 3 882426327 +567 318 2 882425901 +567 357 2 882425901 +567 387 4 882426899 +567 430 4 882426927 +567 433 4 882426673 +567 469 4 882426837 +567 474 5 882426135 +567 475 4 882426508 +567 478 5 882426079 +567 479 5 882425997 +567 480 4 882426508 +567 481 5 882426899 +567 482 5 882425966 +567 483 5 882425843 +567 484 4 882426508 +567 487 4 882427155 +567 490 4 882425673 +567 491 3 882426135 +567 492 4 882425966 +567 493 4 882426719 +567 496 5 882426184 +567 497 5 882425901 +567 498 4 882425966 +567 504 4 882425874 +567 506 5 882425701 +567 511 2 882425701 +567 514 5 882425701 +567 517 5 882426673 +567 521 3 882425701 +567 527 3 882426673 +567 582 3 882426899 +567 603 5 882425631 +567 604 4 882426508 +567 606 4 882425630 +567 607 4 882426762 +567 608 4 882426021 +567 611 4 882425998 +567 613 4 882426927 +567 615 4 882425932 +567 617 4 882425843 +567 631 3 882426869 +567 636 4 882427155 +567 640 4 882426927 +567 641 5 882426158 +567 646 5 882427046 +567 647 5 882425998 +567 648 4 882426021 +567 653 5 882425843 +567 657 5 882425762 +567 659 4 882426508 +567 673 3 882427089 +567 675 4 882426812 +567 679 4 882426055 +567 811 4 882426210 +567 836 3 882426998 +567 847 4 882425791 +567 919 4 882426105 +567 1012 3 882427273 +567 1019 5 882425874 +567 1020 3 882425820 +567 1021 4 882425736 +567 1022 5 882426350 +567 1131 4 882426601 +567 1204 5 882427023 +567 1252 3 882427294 +567 1451 3 882426952 +568 6 3 877907235 +568 30 4 877907877 +568 56 4 877907720 +568 59 1 877906995 +568 79 4 877907782 +568 100 4 877907281 +568 132 2 877907236 +568 135 4 877907782 +568 162 2 877906935 +568 165 4 877906935 +568 178 4 877907327 +568 179 2 877906935 +568 185 4 877907834 +568 187 3 877907596 +568 194 3 877907671 +568 199 3 877906935 +568 213 4 877907835 +568 224 4 877907236 +568 234 3 877907092 +568 242 4 877906547 +568 269 4 877906547 +568 286 3 877906547 +568 301 1 877906737 +568 303 4 877906697 +568 319 2 877906697 +568 435 2 877907721 +568 462 4 877907236 +568 474 5 877907834 +568 475 4 877907782 +568 478 4 877907235 +568 479 5 877906995 +568 483 5 877907281 +568 486 4 877907720 +568 491 2 877907126 +568 493 3 877907281 +568 494 4 877907835 +568 504 3 877907596 +568 509 4 877906935 +568 512 1 877907596 +568 519 3 877907157 +568 520 2 877907327 +568 525 3 877907720 +568 530 3 877907782 +568 603 5 877907157 +568 606 5 877907720 +568 612 3 877907720 +568 615 5 877907235 +568 631 5 877907367 +568 638 3 877907877 +568 641 5 877907596 +568 653 4 877907877 +568 656 3 877907281 +568 659 3 877907050 +568 661 4 877907126 +568 772 1 877906995 +568 835 4 877907157 +568 855 1 877906935 +568 923 3 877906995 +568 954 2 877907671 +568 988 1 877906737 +568 1005 1 877907877 +568 1050 4 877907835 +568 1203 5 877907281 +568 1286 4 877907327 +569 1 4 879793399 +569 3 1 879795551 +569 7 4 879793909 +569 9 5 879793493 +569 13 3 879793847 +569 14 4 879793948 +569 15 4 879794265 +569 16 3 879794348 +569 19 5 879794127 +569 25 4 879793785 +569 50 5 879793717 +569 100 5 879793784 +569 111 3 879793948 +569 117 3 879793847 +569 121 3 879794699 +569 124 5 879793886 +569 125 3 879794348 +569 126 5 879793909 +569 151 5 879793948 +569 222 3 879794265 +569 225 3 879794408 +569 236 4 879793717 +569 237 4 879793717 +569 248 4 879793741 +569 252 3 879795551 +569 257 4 879794302 +569 258 5 879792991 +569 268 3 880559356 +569 273 3 879793810 +569 276 4 879793493 +569 281 3 879793466 +569 283 4 879793847 +569 284 4 879793886 +569 286 5 879792991 +569 287 4 879795551 +569 294 2 879793149 +569 298 3 879793784 +569 300 3 879793036 +569 302 4 879792991 +569 321 4 879793103 +569 325 1 879793149 +569 340 4 879793075 +569 405 3 879794498 +569 458 2 879794498 +569 473 4 879794699 +569 475 3 879793717 +569 508 3 879793785 +569 676 4 879793847 +569 685 4 879794075 +569 748 2 879793228 +569 756 3 879794660 +569 762 3 879794740 +569 826 3 879794660 +569 924 3 879793784 +569 979 3 879793948 +569 1014 3 879795581 +569 1197 4 879793465 +569 1284 2 879795512 +570 243 1 881262557 +570 245 1 881262497 +570 258 3 881262189 +570 271 4 881262256 +570 286 4 881262625 +570 288 2 881262307 +570 289 1 881262497 +570 301 3 881262404 +570 302 4 881262145 +570 303 5 881262256 +570 305 5 881262256 +570 324 2 881262437 +570 326 1 881262437 +570 690 3 881262307 +570 748 3 881262497 +570 879 2 881262795 +571 45 4 883354940 +571 47 3 883354818 +571 64 4 883355063 +571 114 4 883355063 +571 124 4 883354760 +571 174 4 883354940 +571 191 4 883354761 +571 194 3 883354818 +571 357 4 883355063 +571 462 4 883354992 +571 484 4 883354992 +571 496 3 883354886 +571 604 3 883354886 +571 657 4 883354992 +571 964 4 883355063 +571 1039 3 883354760 +572 9 5 879449610 +572 13 4 879449763 +572 14 4 879449683 +572 121 2 879449610 +572 124 5 879449610 +572 222 2 879449763 +572 277 1 879449799 +572 289 3 879449277 +572 300 4 879449243 +572 319 4 879449209 +572 476 4 879449573 +572 1010 2 879449683 +572 1137 3 879449708 +572 1171 3 879449734 +573 10 4 885843818 +573 22 4 885844394 +573 50 4 885843738 +573 69 4 885844091 +573 127 4 885843596 +573 143 2 885844339 +573 144 4 885844638 +573 157 4 885844161 +573 162 4 885844007 +573 174 4 885844431 +573 176 3 885844481 +573 178 4 885844395 +573 179 4 885844091 +573 180 4 885844091 +573 182 4 885843892 +573 183 3 885844091 +573 185 3 885844605 +573 192 4 885844535 +573 194 4 885844431 +573 205 3 885844674 +573 211 5 885843964 +573 216 4 885844674 +573 258 4 885843700 +573 275 4 885843596 +573 276 3 885843964 +573 283 4 885843817 +573 286 3 885843476 +573 347 4 885843476 +573 427 4 885844091 +573 478 4 885844674 +573 479 4 885844051 +573 480 4 885844481 +573 492 4 885843964 +573 507 5 885844638 +573 513 4 885844395 +573 632 4 885844007 +573 657 4 885843928 +573 661 4 885844431 +573 685 3 885843779 +573 713 4 885843817 +573 1012 2 885844339 +574 100 5 891279712 +574 213 4 891279712 +574 242 5 891278860 +574 245 5 891279362 +574 258 5 891278916 +574 262 5 891279122 +574 269 5 891279173 +574 270 3 891279121 +574 272 4 891278860 +574 288 4 891279174 +574 289 4 891279285 +574 300 4 891279012 +574 302 4 891278860 +574 303 3 891278962 +574 310 4 891279012 +574 315 3 891278860 +574 316 4 891279451 +574 319 5 891279236 +574 321 1 891279285 +574 327 3 891279122 +574 331 1 891279013 +574 332 3 891279410 +574 333 3 891279285 +574 340 1 891279174 +574 344 5 891278962 +574 345 2 891278860 +574 346 4 891278962 +574 347 3 891278860 +574 690 3 891279174 +574 883 4 891279520 +574 896 2 891279013 +574 900 4 891278860 +574 910 1 891279362 +574 1062 5 891279122 +574 1313 4 891278916 +575 50 2 878148258 +575 79 5 878148199 +575 96 5 878148199 +575 98 4 878146853 +575 111 1 878148329 +575 127 2 878148137 +575 173 5 878148258 +575 176 4 878148087 +575 181 2 878148295 +575 182 3 878148295 +575 194 4 878148087 +575 215 3 878148229 +575 294 1 878146447 +575 304 2 878146638 +575 321 3 878146540 +575 322 3 878146541 +575 427 4 878148329 +575 483 3 878148137 +575 506 2 878148087 +575 507 2 878148137 +575 963 1 878148199 +576 9 3 887168978 +576 15 4 886985104 +576 50 4 887081005 +576 56 3 886986444 +576 70 5 886986361 +576 125 4 886985177 +576 137 3 886985695 +576 181 4 887081041 +576 208 3 886986445 +576 210 4 886986400 +576 237 4 886985003 +576 248 4 887169019 +576 255 3 887081086 +576 257 4 887168556 +576 259 2 887168978 +576 275 3 886985695 +576 276 3 887080905 +576 280 5 886985003 +576 294 3 886960098 +576 319 3 886985695 +576 323 3 886960604 +576 324 2 887168978 +576 381 3 886986445 +576 435 4 886986400 +576 475 1 887168978 +576 514 5 886986400 +576 763 3 886985695 +576 815 3 886985695 +576 825 4 886986304 +577 1 5 880470282 +577 4 4 880474635 +577 7 2 880470447 +577 8 4 880474257 +577 11 2 880474293 +577 12 4 880474257 +577 15 3 880470350 +577 25 4 880470504 +577 28 5 880472077 +577 29 3 880474903 +577 31 4 880474216 +577 38 2 880475453 +577 40 4 880475435 +577 44 3 880474934 +577 48 5 880474530 +577 49 4 880474955 +577 54 4 880474903 +577 55 3 880474694 +577 56 3 880474934 +577 58 4 880474414 +577 62 3 880475504 +577 63 4 880476606 +577 64 5 880474394 +577 65 5 880475539 +577 69 4 880474829 +577 71 5 880474433 +577 77 3 880475561 +577 79 4 880474530 +577 82 4 880474433 +577 85 3 880475170 +577 87 5 880474216 +577 95 5 880474747 +577 96 4 880474257 +577 99 3 880474674 +577 100 4 880470350 +577 102 4 880475043 +577 110 4 880475581 +577 111 4 880470604 +577 117 4 880471359 +577 118 3 880471658 +577 132 4 880472153 +577 140 4 880475043 +577 143 3 880474635 +577 147 4 880470604 +577 151 4 880470604 +577 161 5 880475561 +577 168 5 880472124 +577 172 4 880472124 +577 173 5 880472055 +577 174 5 880475043 +577 179 2 880474829 +577 186 4 880472153 +577 188 3 880474715 +577 191 4 880472055 +577 194 4 880474216 +577 196 5 880474357 +577 202 4 880474787 +577 203 3 880474455 +577 204 4 880474338 +577 208 4 880474556 +577 210 3 880474715 +577 215 5 880474556 +577 217 5 880475363 +577 218 3 880475269 +577 225 4 880470827 +577 226 4 880475094 +577 228 3 880474338 +577 229 4 880475094 +577 230 3 880474357 +577 237 4 880470323 +577 240 3 880470884 +577 241 5 880474766 +577 265 5 880474851 +577 281 3 880470447 +577 284 4 880470732 +577 298 4 884819086 +577 307 3 890089564 +577 313 4 890089462 +577 317 5 880474871 +577 338 3 880469983 +577 365 5 880475504 +577 380 3 880474991 +577 385 5 880474530 +577 393 4 880475363 +577 399 4 880475269 +577 403 4 880475187 +577 405 3 880470282 +577 407 4 880471271 +577 409 5 880470682 +577 410 3 880471170 +577 423 4 880472124 +577 425 2 880474808 +577 436 4 880475339 +577 443 4 880475269 +577 447 3 880475226 +577 465 4 880474851 +577 468 3 880474766 +577 470 5 880475245 +577 471 3 880471640 +577 472 4 880470570 +577 496 5 880474455 +577 531 4 890089749 +577 545 3 880476578 +577 546 3 880470483 +577 549 5 880475539 +577 550 3 880475130 +577 560 3 880475363 +577 561 4 880474955 +577 566 4 880474216 +577 568 3 880475021 +577 579 4 880475602 +577 582 4 880475540 +577 595 4 880471170 +577 623 5 880475149 +577 627 5 880475339 +577 651 5 880475043 +577 655 4 880474394 +577 662 4 880474933 +577 663 5 880474612 +577 665 4 880475644 +577 673 3 880474851 +577 684 4 880474394 +577 693 1 880475408 +577 708 3 880475067 +577 720 4 880475043 +577 727 5 880474747 +577 728 3 880475226 +577 735 5 880474338 +577 739 3 880474871 +577 742 4 880470504 +577 768 3 880474787 +577 795 3 880476630 +577 808 3 880475094 +577 829 3 880470884 +577 845 4 880471578 +577 866 5 880470570 +577 932 3 880471287 +577 939 5 880474933 +577 949 2 880475408 +577 996 3 880475094 +577 1032 3 880475561 +577 1033 4 880471170 +577 1044 4 880475504 +577 1054 3 880471823 +577 1209 4 880476578 +577 1219 3 880475067 +577 1271 3 880475581 +577 1291 3 880471954 +577 1517 3 880475644 +577 1531 4 880475408 +578 222 4 888957788 +578 245 3 887229523 +578 246 2 890939697 +578 250 2 888957735 +578 258 1 888957735 +578 272 2 888957735 +578 288 3 887229335 +578 294 3 888957453 +578 298 4 888957584 +578 323 3 888957735 +578 324 1 888957735 +578 343 2 888957735 +578 355 1 888957758 +578 380 3 888957833 +578 678 3 888957490 +578 1098 2 890939753 +578 1264 3 890939815 +579 1 4 880951740 +579 7 3 880952006 +579 49 3 880952360 +579 56 3 880952360 +579 65 3 880951944 +579 66 4 880952516 +579 69 2 880951868 +579 82 3 880951783 +579 83 5 880952360 +579 88 4 880952440 +579 89 3 880952102 +579 98 4 880951804 +579 100 4 880952201 +579 111 4 880952142 +579 168 4 880952142 +579 169 4 880951867 +579 173 5 880951765 +579 179 3 880952038 +579 183 4 880952038 +579 186 3 880952237 +579 194 5 880952271 +579 202 5 880952270 +579 204 3 880952201 +579 209 4 880951944 +579 211 3 880952476 +579 216 5 880952299 +579 234 3 880951708 +579 238 3 880952201 +579 245 2 880951595 +579 258 5 880951444 +579 269 3 880951346 +579 286 4 880951444 +579 288 4 880951346 +579 289 2 880951569 +579 303 3 880951494 +579 326 3 880951494 +579 328 3 880951444 +579 333 4 880951372 +579 381 3 880952360 +579 382 3 880952237 +579 408 3 880951740 +579 428 4 880952335 +579 433 3 880952237 +579 435 5 880952038 +579 514 3 880952165 +579 520 4 880951708 +579 528 4 880951708 +579 582 4 880952102 +579 603 5 880952006 +579 655 3 880952201 +579 676 3 880951784 +579 692 4 880952440 +579 709 5 880952142 +579 732 4 880952335 +579 748 3 880951569 +579 845 4 880952549 +579 877 1 880951594 +579 1047 3 880952579 +579 1074 3 880952579 +579 1110 1 880952516 +579 1446 2 880952165 +580 1 3 884125243 +580 7 3 884124844 +580 15 3 884125339 +580 50 5 884124927 +580 100 3 884124872 +580 121 4 884125457 +580 123 4 884125199 +580 125 3 884125387 +580 147 3 884125658 +580 148 4 884125773 +580 151 2 884126077 +580 181 5 884125042 +580 222 3 884125292 +580 249 5 884125243 +580 250 5 884125072 +580 252 5 884125829 +580 258 5 884124103 +580 271 5 884124248 +580 281 2 884126077 +580 282 5 884125292 +580 286 4 884124750 +580 289 5 884124382 +580 294 4 884124337 +580 300 3 884124103 +580 323 2 884124383 +580 329 3 884124191 +580 343 5 884124304 +580 348 3 884124382 +580 358 4 884124472 +580 405 2 884126077 +580 455 4 884125492 +580 471 3 884125018 +580 546 1 884126077 +580 597 1 884126077 +580 619 3 884125175 +580 687 3 884124583 +580 748 2 884126077 +580 825 4 884125339 +580 866 4 884125856 +580 871 4 884125135 +580 1014 3 884125135 +580 1028 3 884125829 +581 7 4 879643079 +581 9 5 879641787 +581 50 4 879641698 +581 100 5 879641603 +581 127 5 879643079 +581 181 3 879641787 +581 221 2 879642274 +581 222 3 879641698 +581 224 4 879641698 +581 253 5 879642333 +581 269 3 879641348 +581 275 3 879641787 +581 276 3 879641850 +581 283 2 879642274 +581 285 5 879641533 +581 475 4 879641850 +581 515 4 879641533 +581 813 5 879641603 +581 847 3 879641787 +581 919 5 879643155 +581 1097 4 879641787 +581 1375 5 879641787 +582 3 3 882961723 +582 7 5 882961082 +582 15 3 882961481 +582 50 5 882961082 +582 93 5 882960844 +582 121 3 882961133 +582 124 4 882961082 +582 125 3 882961632 +582 151 4 882961133 +582 181 4 882961301 +582 222 4 882961804 +582 235 3 882962803 +582 237 3 882960941 +582 246 4 882961082 +582 250 3 882961000 +582 257 3 882961608 +582 258 4 882960396 +582 268 4 882960396 +582 269 4 882960418 +582 288 3 882960396 +582 293 5 882961082 +582 300 3 882960446 +582 369 1 882963114 +582 405 3 882962133 +582 410 3 882961481 +582 411 1 882962652 +582 455 1 882961481 +582 472 4 882962561 +582 475 5 882961000 +582 477 4 882961540 +582 547 4 882961608 +582 597 3 882962267 +582 748 3 882960601 +582 750 5 882960418 +582 760 3 882962886 +582 763 2 882961804 +582 826 3 882962652 +582 841 2 882962133 +582 919 5 882961540 +582 932 2 882963114 +582 948 1 882960718 +582 1014 4 882962247 +582 1033 2 882962030 +582 1215 4 882963027 +583 7 5 879384471 +583 12 5 879384522 +583 55 4 879384404 +583 83 4 879384338 +583 175 5 879384471 +583 198 4 879384404 +583 209 4 879384404 +583 239 2 879384522 +583 258 4 879384094 +583 265 4 879384522 +583 268 5 879384094 +583 276 4 879384338 +583 357 5 879384575 +583 425 5 879384575 +583 513 5 879384338 +583 519 5 879384338 +583 530 4 879384404 +583 663 4 879384338 +583 708 5 879384338 +584 25 3 885778571 +584 40 4 885778385 +584 82 3 885778458 +584 109 4 885778204 +584 114 4 885778238 +584 161 4 885778170 +584 165 1 885778780 +584 172 4 885778080 +584 222 4 885774483 +584 227 4 885774172 +584 229 3 885774172 +584 230 4 885774171 +584 249 4 885774551 +584 258 4 885774483 +584 313 5 885773921 +584 423 4 885778263 +584 431 3 885774702 +584 449 2 885778571 +584 450 2 885778571 +585 10 3 891286256 +585 18 2 891283124 +585 19 3 891282808 +585 20 4 891285658 +585 45 5 891282808 +585 52 3 891284184 +585 59 4 891283124 +585 60 4 891282808 +585 61 4 891283338 +585 70 5 891286256 +585 83 3 891282808 +585 86 5 891284016 +585 113 3 891283681 +585 116 3 891284393 +585 165 4 891284184 +585 166 4 891283338 +585 170 5 891282573 +585 171 3 891285491 +585 190 4 891282808 +585 207 5 891284016 +585 212 5 891282894 +585 213 5 891284393 +585 224 2 891283681 +585 340 2 891281651 +585 463 5 891284816 +585 509 4 891283000 +585 510 5 891284016 +585 529 3 891283124 +585 543 3 891284393 +585 582 3 891282894 +585 584 3 891286256 +585 634 4 891285491 +585 638 4 891284016 +585 639 4 891283921 +585 707 5 891282894 +585 713 4 891282808 +585 730 3 891285188 +585 736 4 891284184 +585 740 4 891284588 +585 855 3 891284184 +585 863 5 891283000 +585 919 2 891283681 +585 923 5 891282808 +585 970 3 891284915 +585 971 3 891282894 +585 1005 4 891283339 +585 1009 5 891285491 +585 1018 2 891286059 +585 1021 3 891283681 +585 1121 4 891283339 +585 1149 4 891283921 +585 1155 5 891285820 +585 1158 4 891282573 +585 1193 5 891282894 +585 1266 3 891286059 +585 1319 2 891285820 +585 1323 3 891284588 +585 1344 3 891282573 +585 1347 2 891285658 +585 1449 5 891283338 +585 1475 3 891283681 +585 1485 3 891283124 +585 1488 4 891283921 +585 1512 5 891283000 +585 1524 3 891283124 +585 1535 4 891284816 +585 1558 5 891282893 +585 1623 4 891283921 +586 3 5 884068767 +586 11 3 884059693 +586 22 3 884058708 +586 23 2 884058674 +586 27 3 884062405 +586 28 3 884066087 +586 29 5 884062405 +586 31 4 884064631 +586 33 5 884061807 +586 39 4 884061623 +586 50 4 884057387 +586 51 4 884066336 +586 54 3 884068393 +586 69 4 884059426 +586 76 5 884059196 +586 77 3 884065719 +586 80 2 884067003 +586 82 2 884062010 +586 83 2 884059196 +586 85 3 884067003 +586 92 3 884061459 +586 96 4 884059110 +586 118 4 884062671 +586 121 5 884062010 +586 123 3 884057661 +586 127 4 884057313 +586 144 4 884059287 +586 148 3 884065745 +586 153 2 884058956 +586 155 3 884067874 +586 156 4 884064459 +586 159 4 884065719 +586 160 4 884066360 +586 161 5 884062671 +586 164 2 884059486 +586 172 4 884058708 +586 173 3 884059287 +586 174 4 884058898 +586 176 3 884061623 +586 177 3 884061343 +586 181 4 884057344 +586 183 4 884059196 +586 184 2 884060807 +586 185 2 884058860 +586 186 2 884059287 +586 187 4 884058566 +586 188 2 884058956 +586 195 4 884058956 +586 200 4 884060941 +586 202 4 884066689 +586 203 3 884059027 +586 204 3 884066723 +586 210 4 884059027 +586 215 4 884066141 +586 217 5 884061084 +586 218 3 884060705 +586 219 3 884060705 +586 226 4 884061806 +586 228 3 884061459 +586 229 3 884062742 +586 230 2 884061623 +586 231 3 884062010 +586 233 4 884062405 +586 234 3 884060614 +586 235 3 884066859 +586 237 4 884057783 +586 238 2 884059027 +586 239 3 884067058 +586 240 3 884066799 +586 249 2 884058005 +586 250 3 884057661 +586 254 4 884064246 +586 265 5 884062405 +586 273 5 884057692 +586 276 3 884057692 +586 281 3 884062405 +586 284 3 884057518 +586 288 4 884057861 +586 295 3 884068393 +586 318 3 884065986 +586 358 4 884069523 +586 379 4 884060941 +586 385 3 884058956 +586 393 3 884066799 +586 397 3 884063080 +586 403 4 884061807 +586 405 5 884061807 +586 411 2 884067199 +586 427 3 884066016 +586 436 2 884060807 +586 451 4 884067422 +586 452 3 884060941 +586 467 4 884066230 +586 468 3 884066087 +586 470 4 884064631 +586 496 3 884059426 +586 541 3 884063080 +586 550 4 884061459 +586 559 5 884060807 +586 566 3 884062621 +586 568 3 884061623 +586 569 3 884060807 +586 578 3 884062621 +586 581 2 884065745 +586 586 2 884063080 +586 591 3 884058249 +586 628 3 884064631 +586 651 3 884059287 +586 655 4 884066294 +586 665 3 884061256 +586 672 2 884061084 +586 676 3 884066112 +586 720 4 884062742 +586 742 3 884057578 +586 756 1 884067105 +586 761 3 884062742 +586 779 3 884062856 +586 790 3 884067151 +586 800 3 884061189 +586 808 3 884062405 +586 809 3 884061459 +586 820 4 884057412 +586 841 3 884063854 +586 849 3 884062742 +586 926 4 884067199 +586 928 3 884065665 +586 930 2 884063080 +586 1042 4 884065773 +586 1047 3 884067058 +586 1090 3 884065797 +586 1207 2 884065879 +586 1249 3 884067058 +586 1273 4 884065825 +586 1407 3 884063080 +587 243 3 892871401 +587 258 4 892871069 +587 259 4 892871223 +587 261 3 892871438 +587 262 4 892871069 +587 264 4 892871400 +587 266 1 892871536 +587 268 4 892871068 +587 269 3 892870956 +587 270 4 892871171 +587 271 4 892871310 +587 272 5 892870956 +587 286 4 892870992 +587 288 4 892870992 +587 289 3 892871113 +587 294 3 892871197 +587 300 4 892871171 +587 301 3 892871197 +587 303 4 892871068 +587 304 4 892871141 +587 307 4 892870992 +587 308 3 892871642 +587 310 3 892870992 +587 312 2 892871563 +587 313 5 892870956 +587 315 4 892870956 +587 316 4 892870992 +587 319 3 892871113 +587 323 4 892871284 +587 325 5 892871252 +587 326 3 892871284 +587 327 3 892871252 +587 330 3 892871372 +587 331 3 892871197 +587 332 4 892871171 +587 333 4 892871031 +587 334 3 892871171 +587 338 4 892871462 +587 339 3 892871284 +587 340 5 892871141 +587 342 1 892871503 +587 343 4 892871337 +587 347 3 892871223 +587 349 3 892871400 +587 350 3 892871372 +587 351 2 892871683 +587 353 2 892871706 +587 355 3 892871610 +587 358 3 892871284 +587 678 2 892871438 +587 680 1 892871503 +587 682 3 892871372 +587 687 1 892871683 +587 688 3 892871536 +587 689 1 892871438 +587 690 3 892871252 +587 691 4 892871031 +587 748 1 892871438 +587 749 2 892871223 +587 750 3 892871113 +587 873 3 892871284 +587 875 1 892871462 +587 876 2 892871536 +587 877 2 892871372 +587 878 2 892871641 +587 879 1 892871536 +587 880 3 892871536 +587 881 2 892871641 +587 886 2 892871171 +587 887 2 892871310 +587 888 3 892871563 +587 890 1 892871503 +587 892 3 892871462 +587 895 4 892871113 +587 902 2 892871584 +587 905 3 892871503 +587 914 4 892871031 +587 918 3 892871113 +587 937 4 892871031 +587 938 2 892871141 +587 989 2 892871438 +587 995 3 892871503 +587 1265 4 892871252 +587 1483 4 892871337 +587 1624 2 892871752 +588 1 4 890015684 +588 8 5 890023557 +588 15 5 890015608 +588 24 2 890015766 +588 25 4 890024677 +588 28 5 890024051 +588 31 3 890015722 +588 40 4 890026154 +588 42 5 890024529 +588 51 4 890026395 +588 62 2 890027865 +588 63 5 890028385 +588 68 5 890026705 +588 69 2 890023556 +588 71 4 890024195 +588 72 4 890026939 +588 73 3 890026262 +588 79 4 890023722 +588 82 5 890024829 +588 83 5 890015435 +588 85 5 890026882 +588 94 2 890027865 +588 97 2 890023587 +588 98 1 890015324 +588 99 5 890023646 +588 107 5 890030781 +588 110 3 890027247 +588 117 4 890027062 +588 118 3 890026210 +588 121 5 890026154 +588 125 3 890026154 +588 131 5 890024918 +588 132 5 890015476 +588 133 5 890015894 +588 142 5 890024117 +588 143 5 890015684 +588 144 3 890024564 +588 154 4 890024529 +588 155 5 890026882 +588 161 4 890015580 +588 162 5 890026339 +588 164 5 890026262 +588 165 2 890015649 +588 172 5 890026459 +588 173 5 890024677 +588 174 3 890015323 +588 181 5 890015608 +588 184 4 890025951 +588 202 1 890015500 +588 204 5 890015323 +588 206 4 890025023 +588 207 2 890025076 +588 208 3 890023879 +588 210 4 890015500 +588 215 5 890024564 +588 217 4 890030473 +588 220 5 890025023 +588 222 3 890015722 +588 225 5 890027113 +588 227 3 890028385 +588 230 1 890023692 +588 231 4 890028987 +588 239 5 890025704 +588 258 4 890014591 +588 260 2 890014930 +588 268 5 890014648 +588 272 5 890014748 +588 275 3 890024246 +588 278 5 890027600 +588 282 5 890015894 +588 288 4 890014818 +588 289 2 890015063 +588 315 4 890014591 +588 316 5 890015021 +588 318 4 890015435 +588 326 4 890014782 +588 333 5 890014710 +588 347 5 890014648 +588 354 5 890014930 +588 362 3 890014710 +588 365 5 890028385 +588 366 5 890027430 +588 367 5 890024117 +588 380 3 890028987 +588 384 1 890032013 +588 385 3 890023557 +588 386 2 890029445 +588 393 4 890026939 +588 395 4 890030781 +588 399 3 890027379 +588 402 5 890026882 +588 404 3 890026656 +588 417 5 890026009 +588 419 5 890023646 +588 421 5 890023830 +588 423 3 890015649 +588 428 4 890024730 +588 432 4 890027113 +588 433 5 890024246 +588 443 3 890024876 +588 451 5 890026059 +588 468 3 890015835 +588 471 5 890024289 +588 475 2 890015684 +588 483 4 890015500 +588 485 5 890015835 +588 496 3 890023879 +588 531 3 890015722 +588 542 3 890026787 +588 550 3 890026513 +588 553 4 890025864 +588 554 3 890032281 +588 559 5 890025951 +588 561 3 890027780 +588 566 2 890023557 +588 570 4 890032281 +588 578 5 890029212 +588 588 4 890023692 +588 597 4 890026543 +588 602 3 890015580 +588 623 3 890026939 +588 625 3 890024325 +588 638 4 890024289 +588 645 5 890024488 +588 652 2 890026339 +588 655 3 890025864 +588 658 5 890025751 +588 678 2 890015063 +588 684 4 890024246 +588 699 4 890024385 +588 721 5 890023722 +588 723 2 890026459 +588 724 2 890015648 +588 728 3 890027707 +588 729 3 890024488 +588 731 2 890026705 +588 739 4 890025704 +588 742 4 890024002 +588 747 4 890025797 +588 751 3 890014887 +588 755 3 890025797 +588 762 4 890026705 +588 778 3 890027600 +588 781 2 890028509 +588 783 4 890027297 +588 810 4 890029445 +588 815 4 890024829 +588 832 1 890027865 +588 842 3 890015542 +588 846 4 890025621 +588 873 3 890014887 +588 880 1 890014996 +588 934 4 890030736 +588 941 5 890026513 +588 959 5 890026459 +588 969 5 890023831 +588 1039 4 890024611 +588 1041 2 890027063 +588 1044 4 890025674 +588 1047 3 890031141 +588 1053 3 890027780 +588 1058 2 890030656 +588 1061 5 890024876 +588 1074 5 890032056 +588 1091 4 890027865 +588 1180 2 890032056 +588 1219 2 890028385 +588 1240 5 890025864 +588 1411 1 890032421 +588 1428 5 890032056 +588 1469 3 890026705 +588 1508 3 890029795 +589 243 3 883352735 +589 258 2 883352463 +589 259 5 883352631 +589 268 1 883352463 +589 271 3 883352654 +589 272 5 883352535 +589 286 3 883352372 +589 288 5 883352536 +589 289 3 883352679 +589 294 5 883352600 +589 300 5 883352600 +589 301 2 883352535 +589 307 1 883352402 +589 313 5 883352434 +589 322 3 883352631 +589 323 2 883352631 +589 327 3 883352535 +589 333 5 883352402 +589 338 3 883352654 +589 339 5 883352494 +589 340 1 883352494 +589 538 5 883352494 +589 678 4 883352735 +589 682 4 883352494 +589 688 4 883352707 +589 689 4 883352787 +589 749 3 883352631 +589 873 5 883352600 +589 879 4 883352654 +589 892 4 883352762 +589 895 5 883352562 +589 995 1 883352562 +590 6 5 879439145 +590 9 3 879438972 +590 13 4 879438972 +590 14 5 879438852 +590 15 3 879438936 +590 100 5 879438825 +590 116 5 879439196 +590 125 3 879439509 +590 126 5 879439316 +590 127 4 879439645 +590 130 1 879439567 +590 150 5 879438878 +590 221 4 879439645 +590 237 3 879438911 +590 244 3 879439431 +590 248 4 879439645 +590 255 1 879439374 +590 274 3 879439256 +590 275 4 879439645 +590 276 4 879439645 +590 282 2 879439374 +590 285 5 879438735 +590 286 5 879439645 +590 287 4 879439645 +590 475 4 879439645 +590 515 3 879438972 +590 546 1 879439538 +590 740 4 879439645 +590 744 4 879438769 +590 754 3 879438686 +590 864 1 879439567 +590 1014 3 879439283 +590 1017 4 879439196 +590 1061 2 879439538 +590 1129 3 879438735 +591 13 4 891039637 +591 25 4 891039658 +591 45 5 891031257 +591 47 3 891031426 +591 48 4 891031286 +591 56 4 891031344 +591 64 5 891031203 +591 70 4 891031321 +591 72 3 891040366 +591 79 4 891031171 +591 86 5 891031171 +591 88 3 891031525 +591 94 3 891031603 +591 100 5 891039565 +591 116 4 891039616 +591 127 4 891031203 +591 168 3 891031724 +591 172 3 891031116 +591 182 3 891031171 +591 191 5 891031116 +591 196 4 891031116 +591 202 3 891031469 +591 204 4 891031500 +591 210 3 891031469 +591 211 4 891031469 +591 216 4 891031426 +591 235 3 891039676 +591 238 5 891031228 +591 275 4 891039974 +591 285 5 891039565 +591 286 4 891030956 +591 300 3 891030956 +591 306 5 891030956 +591 322 2 891031013 +591 357 5 891031228 +591 367 3 891031403 +591 381 4 891040366 +591 382 4 891031500 +591 393 4 891031644 +591 428 4 891031500 +591 435 4 891031724 +591 451 3 891040366 +591 466 3 891031116 +591 487 4 891031203 +591 508 4 891039616 +591 514 4 891031383 +591 516 3 891031469 +591 517 4 891040366 +591 580 2 891031526 +591 615 4 891031116 +591 655 4 891031469 +591 662 3 891031145 +591 709 4 891031426 +591 732 3 891031500 +591 740 4 891039974 +591 787 3 891031500 +591 792 4 891031383 +591 866 3 891039658 +591 921 4 891031257 +591 923 4 891031116 +591 934 3 891039769 +591 956 4 891031286 +591 1017 3 891039616 +591 1028 3 891039658 +591 1041 2 891031644 +591 1099 5 891031203 +591 1111 4 891031603 +592 1 4 882608021 +592 4 4 882956418 +592 8 5 882955582 +592 9 5 882608182 +592 11 5 882955978 +592 12 5 882955825 +592 14 5 882607986 +592 15 5 882608457 +592 20 4 882608315 +592 22 5 882955506 +592 23 5 882955735 +592 28 4 882956586 +592 32 5 882956067 +592 42 5 882955918 +592 48 5 882955735 +592 50 5 882607872 +592 55 4 882956067 +592 56 5 882955948 +592 58 5 882956388 +592 59 4 882956718 +592 60 4 882955460 +592 61 4 882956586 +592 64 5 882956039 +592 69 5 882956201 +592 70 4 882956803 +592 71 4 882956668 +592 79 4 882955583 +592 81 4 882956201 +592 87 4 882956467 +592 89 4 882955543 +592 92 5 882956358 +592 93 4 882608061 +592 95 4 882956276 +592 96 5 882956241 +592 98 5 882955918 +592 100 5 882608182 +592 116 4 882608182 +592 117 5 882608234 +592 118 3 882609056 +592 121 4 882608573 +592 122 4 882608960 +592 123 4 882608573 +592 124 5 882607986 +592 125 2 882608795 +592 129 5 882608457 +592 132 5 882955794 +592 137 5 882608145 +592 144 5 882956668 +592 147 4 882608357 +592 149 4 882607910 +592 150 5 882607955 +592 157 5 882955918 +592 168 5 882955825 +592 169 5 882955663 +592 172 5 882956011 +592 173 5 882956276 +592 174 5 882955918 +592 176 5 882956039 +592 178 5 882956241 +592 179 5 882956761 +592 181 3 882608182 +592 184 5 882956419 +592 187 5 882956157 +592 188 5 882956387 +592 189 5 882955583 +592 191 5 882955735 +592 192 5 882955460 +592 193 5 882955948 +592 194 4 882955543 +592 195 4 882955863 +592 196 5 882955978 +592 197 5 882955863 +592 201 5 882955794 +592 202 5 882956803 +592 204 5 882956158 +592 215 5 882956467 +592 216 4 882955978 +592 221 5 882608357 +592 222 1 882608145 +592 223 5 882955863 +592 224 5 882608357 +592 234 5 882955863 +592 235 3 882608662 +592 236 3 882608061 +592 238 5 882956321 +592 242 5 882607286 +592 243 1 882607780 +592 245 1 882607434 +592 246 5 882608500 +592 248 4 882608279 +592 250 4 882608145 +592 251 5 882607955 +592 252 3 882608915 +592 253 1 882608279 +592 255 4 882608915 +592 257 4 882608107 +592 258 5 882607476 +592 259 2 882607573 +592 261 1 882607744 +592 262 5 882607356 +592 263 1 882607779 +592 264 2 882607528 +592 265 4 882956039 +592 266 1 882607744 +592 268 5 882607286 +592 271 4 882607647 +592 272 5 882955387 +592 273 5 882607986 +592 276 5 882608401 +592 281 4 882608573 +592 283 4 882956241 +592 285 5 882607910 +592 288 5 882607528 +592 289 4 882607606 +592 291 3 882609008 +592 292 1 882607434 +592 293 5 882607986 +592 294 3 882607434 +592 297 5 882607844 +592 301 1 882607573 +592 302 5 882607325 +592 303 5 882607325 +592 305 4 885280098 +592 306 5 882607528 +592 307 4 882607528 +592 312 2 882607780 +592 313 5 882955258 +592 318 5 882955863 +592 319 4 882607434 +592 320 5 882955735 +592 322 1 882607647 +592 323 1 882607690 +592 324 4 882607387 +592 325 2 882607647 +592 327 4 882607387 +592 328 1 882607476 +592 330 3 882607606 +592 331 3 882607528 +592 332 3 882607286 +592 333 5 882607476 +592 334 3 882607476 +592 336 1 882607476 +592 338 2 882607647 +592 339 3 882607572 +592 340 5 882607476 +592 342 2 882607745 +592 343 3 882607476 +592 344 4 888553156 +592 345 4 888553233 +592 346 4 885280098 +592 347 4 885280098 +592 354 4 888553156 +592 357 4 882956102 +592 358 1 882607690 +592 367 4 882956510 +592 382 4 882956761 +592 405 4 882608531 +592 408 5 882607955 +592 410 5 882608402 +592 411 2 882608457 +592 418 4 882956551 +592 421 5 882956158 +592 425 5 882956467 +592 431 2 882956510 +592 432 1 882956321 +592 433 5 882956761 +592 443 5 882956158 +592 455 4 882608402 +592 457 1 882607779 +592 460 3 882608873 +592 461 4 882955765 +592 466 5 882955766 +592 467 5 882955582 +592 469 4 882955825 +592 472 1 882608795 +592 475 5 882608107 +592 479 4 882956668 +592 480 4 882955662 +592 482 4 882955582 +592 483 5 882955613 +592 484 4 882956551 +592 508 5 882608021 +592 514 5 882955543 +592 521 5 882955703 +592 522 5 882955662 +592 533 4 882608827 +592 534 5 882608531 +592 544 4 882608107 +592 546 4 882608500 +592 547 4 882607910 +592 568 5 882956201 +592 589 5 882955825 +592 597 2 882609056 +592 619 1 882608234 +592 631 3 882956624 +592 652 4 882956467 +592 655 5 882955543 +592 657 4 882956011 +592 678 2 882607690 +592 680 1 882607690 +592 682 4 882607573 +592 686 5 882956387 +592 689 2 882607690 +592 702 4 882956510 +592 705 5 882955978 +592 730 4 882956011 +592 742 4 882608357 +592 744 3 882608500 +592 747 4 882956102 +592 751 3 882955258 +592 752 4 888553156 +592 754 3 882607325 +592 763 5 882608531 +592 782 2 882956510 +592 806 4 882956586 +592 820 3 882609057 +592 823 1 882609009 +592 825 1 882608795 +592 833 4 882608662 +592 844 4 882608021 +592 845 4 882608573 +592 847 5 882607986 +592 853 5 882956201 +592 854 5 882955948 +592 875 4 882607434 +592 876 1 882607690 +592 881 1 882607476 +592 885 2 887257199 +592 887 5 882607780 +592 890 1 882607745 +592 895 3 882607528 +592 898 2 887257199 +592 900 4 887257094 +592 919 5 882608061 +592 922 3 882608736 +592 925 3 882608915 +592 936 4 882608315 +592 939 3 882956510 +592 952 4 882608699 +592 963 5 882955663 +592 969 4 882956718 +592 988 1 882607745 +592 1008 4 882608357 +592 1009 3 882608662 +592 1010 5 882608357 +592 1011 4 882608699 +592 1014 4 882609009 +592 1016 4 882608145 +592 1017 4 882608279 +592 1022 5 885280183 +592 1023 1 882608873 +592 1025 1 882607745 +592 1039 4 882955582 +592 1047 1 882608736 +592 1048 3 882608625 +592 1060 2 882609057 +592 1067 5 882608698 +592 1070 5 882956158 +592 1071 4 882956668 +592 1073 5 882956276 +592 1085 3 882608625 +592 1097 4 882608021 +592 1129 5 882608021 +592 1134 5 882608234 +592 1143 5 882607872 +592 1184 5 882956551 +592 1187 4 882608358 +592 1199 5 882608358 +592 1226 4 882608873 +592 1258 1 882608960 +592 1265 1 882607690 +592 1275 3 882956624 +592 1281 3 882608795 +592 1315 2 882609056 +592 1319 1 882608234 +592 1356 4 882608915 +592 1377 3 882607872 +592 1514 5 882608625 +592 1609 1 882608698 +592 1623 4 882955794 +593 4 4 877728878 +593 5 4 875671525 +593 9 3 875659306 +593 11 4 875660482 +593 15 4 875659636 +593 25 3 875659826 +593 26 4 875660886 +593 50 4 875660009 +593 51 3 875671982 +593 56 5 875658887 +593 65 3 875671674 +593 66 5 875671807 +593 69 5 875660419 +593 70 5 875658983 +593 71 4 875661567 +593 77 4 875671619 +593 79 4 875671674 +593 83 5 886194064 +593 97 4 877728878 +593 98 5 875661596 +593 100 5 875658824 +593 106 2 875660347 +593 117 4 875659497 +593 118 4 875660009 +593 122 1 875660347 +593 125 4 875659708 +593 131 4 876506731 +593 133 4 876507391 +593 140 4 875671226 +593 143 4 886193303 +593 153 5 875671107 +593 155 5 875671579 +593 157 3 875671732 +593 158 3 875671891 +593 159 4 875671302 +593 161 5 875671464 +593 162 5 875671807 +593 164 4 875671861 +593 172 4 886193379 +593 173 5 877728878 +593 174 4 875660546 +593 182 2 886193627 +593 183 4 875670915 +593 193 4 886193361 +593 196 5 875670939 +593 200 5 875661567 +593 204 4 875660886 +593 210 2 875673181 +593 211 4 875671198 +593 216 5 875671277 +593 220 3 875660274 +593 233 2 875671549 +593 234 2 875660850 +593 237 4 877728878 +593 238 4 877728878 +593 241 5 875672874 +593 245 3 888872154 +593 255 5 875659055 +593 275 3 875658862 +593 276 1 875659150 +593 278 3 875659686 +593 280 3 875660194 +593 282 5 875659518 +593 286 5 875660009 +593 288 4 877728878 +593 301 4 877728878 +593 318 5 875671413 +593 322 2 875644752 +593 357 5 875661486 +593 366 4 875671255 +593 371 3 875659076 +593 385 4 886194041 +593 392 3 886193788 +593 402 4 875672970 +593 405 3 875659943 +593 417 5 875671598 +593 423 4 875671505 +593 451 3 875672999 +593 470 2 875671062 +593 471 3 875659826 +593 476 2 875659943 +593 501 2 886193661 +593 546 3 875659849 +593 568 4 886193361 +593 580 1 876507120 +593 584 3 875671579 +593 591 4 877728878 +593 597 2 875660347 +593 609 3 886194241 +593 619 3 877727927 +593 631 3 886194296 +593 633 5 875671081 +593 655 3 886193724 +593 659 5 875671464 +593 660 5 875671372 +593 661 2 886193103 +593 692 3 886193724 +593 699 4 875671334 +593 723 4 875671890 +593 724 3 875670796 +593 732 3 875660850 +593 735 4 886193600 +593 739 5 875672970 +593 744 3 886193049 +593 747 4 877728878 +593 761 2 875671951 +593 763 3 875660105 +593 781 3 875671334 +593 807 4 875672999 +593 815 3 875659826 +593 846 2 875660295 +593 866 5 875660236 +593 949 2 875672949 +593 966 5 886193788 +593 977 3 875660215 +593 1012 3 877727961 +593 1028 3 875659896 +593 1035 3 875671464 +593 1119 5 875660823 +593 1221 3 875671982 +594 14 4 874781173 +594 15 4 874783052 +594 19 3 874781004 +594 50 3 874783018 +594 126 3 874781173 +594 181 3 874781076 +594 221 4 874781207 +594 222 4 874783052 +594 237 3 874784095 +594 242 4 875997093 +594 245 3 874780909 +594 286 3 875917841 +594 319 3 874780864 +594 357 4 874786664 +594 483 3 874786695 +594 744 3 874783298 +594 988 2 874780945 +595 3 4 886922069 +595 9 4 886922069 +595 14 5 886921223 +595 15 4 886921423 +595 50 5 886921112 +595 109 2 886921365 +595 111 4 886921496 +595 121 2 886921550 +595 129 3 886921088 +595 151 5 886921475 +595 181 5 886921199 +595 222 3 886921274 +595 235 3 886921392 +595 237 3 886921315 +595 240 3 886921424 +595 246 4 886921068 +595 255 3 886921392 +595 258 4 886920602 +595 268 4 886920576 +595 273 3 886921140 +595 274 3 886921584 +595 275 4 886921166 +595 282 4 886921344 +595 288 3 886920602 +595 289 4 886920602 +595 291 3 886921656 +595 293 4 886922069 +595 294 2 886920748 +595 298 4 886921166 +595 304 3 886920774 +595 324 3 886920632 +595 325 3 886920774 +595 330 4 886920819 +595 336 2 886920966 +595 346 4 886920576 +595 358 2 886920714 +595 368 1 886921977 +595 369 3 886921977 +595 410 4 886921315 +595 411 3 886921448 +595 472 3 886921847 +595 475 5 886921166 +595 508 5 886921199 +595 544 3 886921699 +595 546 4 886922069 +595 591 4 886921344 +595 597 2 886921634 +595 678 1 886920819 +595 717 2 886921977 +595 742 2 886921521 +595 744 3 886921274 +595 748 2 886920655 +595 762 4 886922069 +595 763 3 886921551 +595 815 3 886921584 +595 820 2 886921870 +595 824 3 886921748 +595 825 2 886921606 +595 826 1 886921819 +595 844 4 886922069 +595 845 3 886921448 +595 864 4 886922069 +595 880 3 886920819 +595 922 4 886921036 +595 926 1 886921897 +595 928 3 886921820 +595 929 2 886921722 +595 930 2 886921870 +595 948 3 886920919 +595 952 5 886921424 +595 994 4 886921897 +595 1009 4 886921584 +595 1023 1 886921977 +595 1059 4 886921344 +595 1061 3 886921945 +595 1067 4 886922069 +595 1094 3 886921820 +595 1134 5 886921392 +595 1142 5 886921199 +595 1165 1 886921748 +595 1259 3 886921819 +595 1264 2 887588203 +595 1312 3 886921787 +596 13 2 883539402 +596 123 2 883539767 +596 149 3 883539402 +596 181 4 883539431 +596 258 3 883539011 +596 276 3 883539431 +596 288 4 883538847 +596 294 4 883539079 +596 295 4 883539402 +596 300 4 883539011 +596 313 5 883538815 +596 323 4 883538965 +596 678 3 883538965 +596 682 4 883539173 +596 895 3 883539049 +597 1 3 875339723 +597 15 5 875341758 +597 24 3 875341858 +597 50 5 875339876 +597 111 3 875342355 +597 118 3 875343067 +597 127 4 875340062 +597 151 4 875342314 +597 181 4 875340062 +597 225 4 875342875 +597 235 4 875340062 +597 242 4 875338983 +597 250 4 875340939 +597 264 4 875339156 +597 283 5 875340010 +597 289 5 875338983 +597 293 5 875340939 +597 294 4 875339083 +597 295 3 875340117 +597 298 5 875339723 +597 300 5 875338983 +597 323 3 875339041 +597 326 1 875339083 +597 328 4 875339132 +597 477 5 875339970 +597 678 1 875339041 +597 688 4 875339132 +597 713 2 875340010 +597 763 4 875340191 +597 824 3 875342875 +597 936 3 875343067 +597 988 1 875339237 +597 1016 4 875342355 +597 1152 4 875339876 +597 1534 1 875341758 +598 258 5 886711452 +598 269 3 886710494 +598 292 4 886710735 +598 308 4 886710612 +598 312 5 886711452 +598 313 5 886711452 +598 323 4 886711452 +598 343 2 886710795 +598 347 3 886710330 +598 349 4 886711452 +598 350 4 886711452 +598 690 3 886710735 +598 691 2 886710330 +598 750 5 886711452 +598 895 2 886710977 +598 898 4 886711452 +599 111 5 880951885 +599 120 3 880953441 +599 237 5 880951595 +599 255 5 880951479 +599 260 1 880951113 +599 274 5 880952144 +599 276 2 880951439 +599 278 3 880953441 +599 282 5 880951657 +599 288 4 880950997 +599 319 2 880951046 +599 471 4 880953441 +599 476 4 880953441 +599 508 3 880953441 +599 535 4 880952267 +599 595 5 880952144 +599 682 4 880951079 +599 748 4 880951144 +599 756 5 880952037 +599 763 5 880952316 +599 815 3 880953441 +599 845 5 880951974 +599 872 2 880951046 +599 873 5 880951174 +599 888 5 880951249 +599 928 4 880953441 +599 934 3 880953441 +599 948 4 880951281 +599 975 5 880952357 +599 988 4 880951211 +599 1014 4 880951885 +599 1095 4 880952316 +599 1152 4 880951623 +599 1277 4 880952496 +599 1278 5 880952185 +599 1315 4 880951743 +599 1357 2 880952905 +600 2 3 888451908 +600 4 4 888451908 +600 11 5 888451665 +600 22 5 888451491 +600 27 3 888451977 +600 29 2 888452490 +600 38 3 888452491 +600 50 4 888451492 +600 56 5 888451492 +600 62 4 888452151 +600 89 5 888451492 +600 92 3 888451665 +600 96 5 888451664 +600 127 5 888451492 +600 161 4 888451908 +600 172 4 888451665 +600 174 4 888451665 +600 176 5 888451665 +600 177 5 888451583 +600 181 4 888451491 +600 182 4 888451750 +600 183 5 888451750 +600 184 3 888451750 +600 187 5 888451750 +600 188 4 888451750 +600 195 4 888451492 +600 210 4 888451665 +600 226 4 888451977 +600 227 4 888451977 +600 228 3 888451840 +600 229 3 888451840 +600 230 4 888451839 +600 231 3 888452152 +600 232 3 888451839 +600 233 2 888452071 +600 241 5 888451582 +600 265 3 888451582 +600 269 4 888451388 +600 373 3 888452490 +600 385 3 888451582 +600 399 4 888452491 +600 403 3 888451908 +600 431 3 888451908 +600 435 5 888451750 +600 449 4 888452564 +600 450 4 888453144 +600 510 5 888451665 +600 511 5 888451492 +600 515 5 888451492 +600 526 4 888451750 +600 530 4 888451664 +600 540 3 888453083 +600 541 1 888451977 +600 550 4 888452071 +600 554 4 888451977 +600 562 3 888452564 +600 570 4 888452563 +600 576 3 888451840 +600 583 3 888451977 +600 586 2 888453083 +600 651 4 888451492 +600 665 5 888452152 +600 679 2 888451839 +600 684 4 888451582 +600 720 3 888452151 +600 761 4 888451977 +600 771 3 888452564 +600 779 2 888452564 +600 810 3 888451977 +600 947 4 888452071 +600 1110 3 888452564 +600 1188 3 888452152 +600 1228 2 888452490 +600 1231 2 888452152 +600 1239 2 888452564 +600 1407 2 888453083 +601 8 3 876348736 +601 12 3 876348947 +601 21 3 876347113 +601 22 4 876348820 +601 39 1 876350443 +601 47 3 876349542 +601 50 5 876346810 +601 56 3 876349577 +601 58 1 876350400 +601 64 4 876349503 +601 69 3 876348987 +601 71 1 876349937 +601 87 4 876349503 +601 91 5 876349251 +601 96 2 876350185 +601 98 3 876348526 +601 99 3 876350536 +601 107 4 876347113 +601 109 4 876346930 +601 118 1 876347320 +601 121 2 876347267 +601 123 1 876347148 +601 125 1 876347320 +601 127 4 876346810 +601 131 4 876350766 +601 132 5 876350104 +601 133 4 876350812 +601 135 4 876350443 +601 140 1 876351298 +601 141 4 876350443 +601 143 3 876351073 +601 148 3 876348140 +601 151 3 876346930 +601 153 4 876350060 +601 154 5 876350017 +601 156 4 876348782 +601 157 3 876349716 +601 163 4 876350400 +601 164 4 876350875 +601 168 5 876350944 +601 172 4 876348736 +601 173 5 876348736 +601 174 4 876348572 +601 176 2 876348820 +601 178 4 876348526 +601 179 5 876351073 +601 181 5 876347039 +601 183 4 876348674 +601 184 3 876350230 +601 185 4 876349577 +601 186 4 876349542 +601 191 4 876350016 +601 196 3 876349810 +601 201 5 876349503 +601 204 2 876348783 +601 210 4 876350060 +601 222 4 876347039 +601 225 1 876347462 +601 230 4 876350583 +601 234 1 876348947 +601 238 2 876349897 +601 239 3 876350537 +601 241 4 876350652 +601 250 4 876346930 +601 257 2 876347224 +601 258 5 876346344 +601 259 1 876346515 +601 276 4 876346890 +601 287 1 876348215 +601 288 1 876346515 +601 290 3 876350501 +601 294 1 876346515 +601 318 4 876348572 +601 324 4 876346383 +601 325 4 876346551 +601 357 4 876349150 +601 378 2 876351041 +601 389 2 876350537 +601 405 1 876347765 +601 410 4 876347113 +601 411 2 876348107 +601 416 3 876350683 +601 418 2 876350766 +601 419 4 876351263 +601 421 1 876350060 +601 427 4 876348736 +601 436 4 876350230 +601 443 4 876350766 +601 455 4 876347148 +601 472 1 876348177 +601 476 1 876347765 +601 479 4 876349358 +601 482 4 876350142 +601 483 4 876348782 +601 496 4 876349302 +601 504 4 876350300 +601 508 4 876346964 +601 584 4 876350142 +601 588 3 876350719 +601 591 3 876347267 +601 623 1 876349897 +601 671 4 876348572 +601 673 1 876351264 +601 699 3 876350812 +601 740 4 876347196 +601 743 1 876348410 +601 763 5 876348035 +601 820 1 876348316 +601 834 1 876348381 +601 840 2 876347599 +601 842 1 876351171 +601 864 1 876347320 +601 928 1 876348140 +601 949 2 876351214 +601 1028 2 876347557 +601 1047 1 876347557 +601 1063 3 876350340 +601 1073 2 876350230 +601 1079 3 876347148 +601 1084 5 876346849 +601 1135 2 876351141 +601 1296 1 876346344 +601 1540 2 876350017 +601 1615 4 876348107 +602 1 4 888638547 +602 9 4 888638490 +602 50 5 888638460 +602 117 5 888638674 +602 121 4 888638434 +602 125 4 888638674 +602 127 5 888638491 +602 148 4 888638517 +602 181 5 888638547 +602 237 4 888638547 +602 257 4 888638618 +602 259 4 888638160 +602 261 3 888638248 +602 294 5 888637987 +602 304 4 888638022 +602 343 2 888638022 +602 358 4 888637965 +602 457 3 888638305 +602 538 4 888638048 +602 678 4 888638193 +602 748 3 888638160 +602 871 3 888638589 +602 880 4 888637925 +602 895 3 888637925 +602 988 4 888638248 +603 11 5 891956927 +603 12 5 891955991 +603 21 3 891956715 +603 22 4 891956776 +603 62 2 891955972 +603 100 4 891956776 +603 157 1 891957031 +603 172 5 891956139 +603 173 4 891956877 +603 174 3 891956927 +603 176 2 891956776 +603 180 4 891956946 +603 181 5 891956154 +603 183 4 891957110 +603 216 4 891957139 +603 222 4 891955922 +603 229 4 891955972 +603 230 4 891955922 +603 271 2 891955922 +603 294 4 891956330 +603 313 5 891956091 +603 380 4 891955972 +603 385 4 891957012 +603 419 2 891957012 +603 429 5 891956981 +603 449 4 891955972 +603 450 3 891955972 +603 747 3 891956897 +603 748 5 891956302 +603 751 4 891956242 +603 923 4 891957139 +603 931 2 891956715 +603 988 4 891956529 +603 1240 5 891956058 +603 1483 5 891956283 +604 5 2 883668261 +604 7 4 883668097 +604 48 5 883667946 +604 56 2 883668097 +604 100 5 883668097 +604 127 4 883667946 +604 164 4 883668175 +604 183 3 883668021 +604 184 3 883668352 +604 185 2 883668175 +604 200 1 883668261 +604 201 3 883668352 +604 218 3 883668175 +604 234 5 883668097 +604 413 3 883668175 +604 441 2 883668261 +604 443 3 883668352 +604 444 2 883668175 +604 448 5 883668261 +604 558 4 883668175 +604 637 4 883668261 +604 670 5 883668352 +605 9 4 879365773 +605 12 4 881016144 +605 14 5 879427619 +605 15 5 879427151 +605 22 4 879424548 +605 69 5 879425432 +605 70 3 879424680 +605 79 5 879425432 +605 98 5 879425432 +605 100 5 879425432 +605 117 2 879365748 +605 118 3 879429729 +605 121 1 879429706 +605 124 3 879365748 +605 126 5 880762240 +605 127 5 879366240 +605 132 5 879425432 +605 133 5 879424661 +605 137 5 879425432 +605 143 1 879424345 +605 153 4 879424784 +605 174 3 879424743 +605 176 4 879426339 +605 180 4 879424315 +605 191 5 879426212 +605 210 3 879424452 +605 215 3 879426163 +605 223 5 881015099 +605 237 3 879424661 +605 238 1 879424783 +605 252 4 879510953 +605 255 2 879510904 +605 260 4 879365417 +605 269 4 879365101 +605 276 4 879365773 +605 282 4 879424743 +605 284 2 880762139 +605 286 4 879365101 +605 288 5 879365158 +605 293 3 879366256 +605 294 4 879365219 +605 295 4 879366240 +605 300 2 879365101 +605 301 3 879365237 +605 302 4 879365132 +605 318 5 879426144 +605 325 2 879365219 +605 338 2 881015064 +605 340 4 879365132 +605 357 5 879426180 +605 371 5 879427369 +605 405 3 879429706 +605 408 5 881016144 +605 462 5 881016176 +605 471 3 879365748 +605 475 3 879424369 +605 483 5 879425432 +605 496 5 879424600 +605 521 5 879424743 +605 527 4 879424429 +605 528 5 879424273 +605 531 4 879424583 +605 582 4 879424661 +605 597 3 879427755 +605 601 5 879426339 +605 619 4 880762205 +605 678 1 879366335 +605 754 3 879425457 +605 827 3 879429729 +605 831 1 879429729 +605 873 3 879365219 +605 879 3 879365417 +605 949 5 879427164 +605 1040 2 879425689 +605 1226 4 879510864 +606 3 5 880922084 +606 7 4 878143509 +606 11 5 880923579 +606 12 2 880924384 +606 15 5 878143729 +606 22 5 880927357 +606 24 5 878143509 +606 25 5 878149689 +606 28 4 880924921 +606 31 4 880925199 +606 33 4 880928180 +606 42 3 880926245 +606 48 4 880924483 +606 50 5 878142864 +606 55 4 880926245 +606 56 5 880924483 +606 64 5 880923579 +606 68 5 880927127 +606 69 4 880926339 +606 71 5 880923745 +606 83 5 880925289 +606 88 4 880926533 +606 89 5 880927358 +606 91 5 880926610 +606 93 4 878142865 +606 95 4 880924188 +606 96 5 880925074 +606 99 4 880923799 +606 100 5 878146986 +606 103 3 880923349 +606 108 1 880923349 +606 111 4 878146986 +606 117 4 878143605 +606 118 4 878143785 +606 121 4 878148425 +606 123 3 878143605 +606 124 3 878143246 +606 125 4 878148493 +606 129 3 878142865 +606 132 5 880923925 +606 135 5 880926245 +606 138 3 880927923 +606 144 4 880924664 +606 147 5 880922503 +606 148 3 878150506 +606 150 4 878143246 +606 151 5 878148493 +606 153 3 880926700 +606 156 4 880924789 +606 157 4 880926018 +606 161 4 880926994 +606 168 5 880924557 +606 172 5 880924322 +606 173 5 880924859 +606 174 5 880924663 +606 175 4 880927127 +606 176 5 880923925 +606 179 5 880927552 +606 181 5 878143047 +606 183 5 880926162 +606 186 5 880925290 +606 187 4 880926861 +606 191 5 880923988 +606 194 4 880925199 +606 195 5 880926162 +606 196 4 880926759 +606 197 3 880926862 +606 200 5 880923862 +606 202 4 880924921 +606 203 5 880926084 +606 204 4 880924384 +606 206 4 880927552 +606 208 3 880925074 +606 209 4 880926018 +606 210 3 880924557 +606 211 5 880926759 +606 214 4 880926018 +606 216 5 880925579 +606 222 3 878147770 +606 225 1 880923349 +606 228 5 880924663 +606 234 4 880927179 +606 237 4 878148365 +606 238 4 880927179 +606 239 4 880926339 +606 241 3 880926246 +606 248 5 887058736 +606 249 3 880922503 +606 250 4 878143047 +606 257 5 880922503 +606 258 4 887058788 +606 260 3 887059561 +606 265 4 880924663 +606 281 4 880922148 +606 282 4 878147641 +606 287 4 880921656 +606 288 4 877641931 +606 293 5 878143605 +606 294 2 880923349 +606 298 4 880920725 +606 307 4 888334083 +606 313 5 887841727 +606 326 4 889137188 +606 333 5 887059213 +606 385 4 880925200 +606 405 4 878148493 +606 410 3 880921656 +606 418 5 880923745 +606 419 4 880924188 +606 421 4 880923989 +606 423 5 880925200 +606 427 4 880924106 +606 428 3 880927247 +606 432 5 880926339 +606 435 4 880923862 +606 455 2 880923349 +606 468 4 880923989 +606 471 4 878146986 +606 473 4 878149415 +606 475 4 878143785 +606 477 4 878143247 +606 483 5 880924921 +606 491 4 880923799 +606 498 4 880923862 +606 501 4 880926084 +606 507 4 880923689 +606 508 4 878147350 +606 516 4 880924859 +606 530 4 880925074 +606 531 5 880924188 +606 537 2 880925074 +606 549 4 880926862 +606 562 4 880928181 +606 568 4 880923988 +606 585 4 880927358 +606 591 3 880923349 +606 596 4 878149415 +606 619 4 880922565 +606 620 4 887059014 +606 628 4 878143729 +606 647 3 880924663 +606 652 3 880925200 +606 655 4 880926469 +606 660 5 880926470 +606 662 4 880926162 +606 678 3 877642127 +606 684 3 880925579 +606 685 3 880923349 +606 709 5 880927417 +606 717 3 878147770 +606 729 4 880927247 +606 735 5 880926610 +606 746 5 880925394 +606 747 4 880927468 +606 748 3 880921753 +606 749 4 888333338 +606 756 3 878146986 +606 760 3 880923349 +606 763 5 887060488 +606 806 5 880923579 +606 816 2 880927358 +606 825 5 878149689 +606 827 3 880922625 +606 841 3 880922625 +606 844 4 878149278 +606 845 4 878147770 +606 919 2 880923349 +606 924 5 880921408 +606 925 4 880922566 +606 928 4 880928180 +606 939 4 880927247 +606 942 4 880926700 +606 959 5 880927128 +606 963 5 880923925 +606 966 5 880923745 +606 969 5 880925074 +606 993 5 887059716 +606 1010 3 878149278 +606 1016 3 887062032 +606 1039 4 880923690 +606 1047 2 880923349 +606 1055 4 880923690 +606 1110 2 880927358 +606 1151 3 889137292 +606 1190 3 889137308 +606 1199 3 878143246 +606 1277 3 878148493 +606 1280 2 889137292 +606 1518 4 880926760 +607 30 4 883880180 +607 45 4 883880079 +607 86 4 883880079 +607 107 4 883879756 +607 121 2 883879811 +607 137 4 883879556 +607 180 4 883879556 +607 211 5 883879556 +607 212 3 883880052 +607 213 4 883880027 +607 222 3 883879613 +607 275 4 883879756 +607 311 4 883879971 +607 382 3 883880110 +607 435 3 883879473 +607 462 4 883880110 +607 474 4 883879473 +607 475 4 883879811 +607 483 4 883879379 +607 485 3 883879442 +607 487 4 883879213 +607 494 5 883879556 +607 498 4 883879556 +607 511 5 883879556 +607 528 4 883879556 +607 529 4 883880027 +607 707 4 883880027 +607 847 4 883879638 +607 887 3 883878999 +608 4 3 880406168 +608 8 2 880405484 +608 9 4 880403765 +608 11 5 880405927 +608 16 2 880406950 +608 22 4 880405395 +608 23 5 880403239 +608 25 4 880406506 +608 28 4 880405484 +608 44 4 880406469 +608 50 1 880403765 +608 56 5 880403690 +608 58 2 880406800 +608 61 5 880404693 +608 64 4 880405165 +608 65 5 880406469 +608 69 4 880405702 +608 70 4 880406552 +608 76 4 880408115 +608 83 5 880406862 +608 86 5 880403484 +608 97 3 880405659 +608 98 5 880403855 +608 100 4 880403280 +608 111 1 880406507 +608 126 1 880405165 +608 127 5 880403320 +608 131 4 880406032 +608 132 2 880403899 +608 133 4 880405165 +608 136 3 880403280 +608 144 4 880405659 +608 150 3 880406299 +608 157 1 880405085 +608 162 3 880406862 +608 166 3 880403388 +608 172 1 880405927 +608 174 3 880406506 +608 182 4 880403484 +608 185 5 880405484 +608 190 4 880405527 +608 193 4 880405824 +608 195 1 880405527 +608 196 5 880405395 +608 199 1 880403606 +608 204 4 880405527 +608 207 5 880404975 +608 213 4 880404693 +608 215 3 880406299 +608 218 4 880406862 +608 238 5 880403810 +608 262 3 880402368 +608 265 3 880406470 +608 269 3 880402272 +608 275 5 880403810 +608 276 2 880404975 +608 283 4 880406623 +608 286 4 880402272 +608 300 1 880402327 +608 301 1 880402633 +608 303 4 880402983 +608 305 3 880402633 +608 306 4 880402983 +608 310 1 880402450 +608 317 5 880405527 +608 318 4 880404916 +608 319 4 880402983 +608 321 2 880402633 +608 327 2 880402450 +608 328 4 880402983 +608 332 4 880402982 +608 333 4 880402983 +608 337 4 880402982 +608 357 5 880404916 +608 418 1 880405971 +608 419 4 880405702 +608 423 4 880406727 +608 427 4 880403765 +608 443 5 880405824 +608 448 5 880406593 +608 461 4 880406507 +608 462 4 880406552 +608 469 3 880405395 +608 475 3 880405971 +608 478 3 880403606 +608 479 5 880404636 +608 480 3 880405165 +608 483 4 880404916 +608 487 4 880406032 +608 489 5 880403765 +608 490 4 880405824 +608 499 4 880403484 +608 505 5 880406862 +608 506 4 880406728 +608 507 3 880403899 +608 508 4 880406593 +608 517 4 880403856 +608 549 4 880405824 +608 568 5 880406032 +608 603 5 880403537 +608 606 5 880404693 +608 607 5 880405395 +608 609 5 880406950 +608 655 5 880405395 +608 658 3 880408150 +608 660 5 880406800 +608 661 3 880405927 +608 673 4 880405484 +608 693 3 880405927 +608 694 3 880405085 +608 695 5 880405565 +608 699 5 880406507 +608 702 1 880406862 +608 729 4 880407079 +608 735 4 880406799 +608 742 4 880406299 +608 753 5 880405395 +608 789 3 880405971 +608 848 4 880403690 +608 865 4 880403537 +608 886 1 880402564 +608 939 4 880405896 +608 956 3 880405896 +608 961 4 880405431 +608 969 5 880407079 +608 1009 4 880406032 +608 1039 5 880406552 +608 1063 5 880405659 +608 1101 4 880405863 +608 1113 3 880406862 +608 1115 4 880406168 +608 1119 5 880406552 +608 1124 4 880404846 +608 1153 3 880406623 +608 1172 5 880404636 +608 1183 1 880405484 +608 1204 2 880403606 +608 1221 2 880406800 +608 1262 5 880406095 +609 1 1 886896185 +609 125 4 886895193 +609 243 1 886895886 +609 258 3 886894677 +609 259 1 886895763 +609 287 5 886894940 +609 288 2 886894677 +609 294 2 886895346 +609 304 5 886895436 +609 314 1 886895941 +609 319 1 886895516 +609 408 5 886896185 +609 475 2 886896281 +609 538 1 886895795 +609 877 5 886895649 +609 878 1 886895827 +609 890 1 886895914 +609 894 1 886895852 +609 901 1 886895886 +609 908 1 886895699 +609 1012 1 886896237 +610 1 4 888703157 +610 7 2 888703137 +610 8 4 888702902 +610 9 3 888702961 +610 11 4 888703432 +610 12 5 888703157 +610 28 4 888703258 +610 50 4 888702961 +610 51 5 888703523 +610 56 3 888703213 +610 70 4 888703609 +610 79 3 888702859 +610 95 2 888703316 +610 97 3 888703453 +610 98 5 888702902 +610 117 4 888704000 +610 127 5 888702902 +610 133 4 888703648 +610 143 5 888703290 +610 153 5 888703766 +610 162 5 888703343 +610 172 4 888702962 +610 183 4 888703749 +610 185 5 888703191 +610 187 4 888703213 +610 203 4 888703749 +610 210 3 888703290 +610 216 4 888703291 +610 271 1 888702795 +610 272 4 888702815 +610 275 4 888703453 +610 276 4 888703766 +610 283 3 888703316 +610 288 3 888702795 +610 294 1 888702795 +610 313 4 888702841 +610 315 4 888702764 +610 318 5 888703378 +610 331 3 888702764 +610 352 1 888702795 +610 402 5 888704000 +610 419 5 888703241 +610 427 5 888703730 +610 477 2 888703475 +610 483 5 888702859 +610 484 3 888703507 +610 489 4 888703343 +610 505 4 888703537 +610 508 3 888703629 +610 527 4 888703801 +610 568 4 888703648 +610 582 4 888703749 +610 591 3 888703316 +610 699 2 888703507 +610 705 3 888703710 +610 735 3 888703360 +610 750 4 888702841 +610 751 4 888702795 +610 755 5 888703710 +610 1558 3 888703475 +611 262 4 891636223 +611 268 5 891636192 +611 269 4 891636072 +611 286 5 891636244 +611 288 3 891636073 +611 299 1 891636223 +611 300 5 891636244 +611 301 4 891636152 +611 303 3 891636073 +611 307 4 891636125 +611 311 4 891636073 +611 313 3 891636125 +611 324 3 891636399 +611 333 4 891636073 +611 334 5 891636223 +611 336 5 891636399 +611 340 5 891636192 +611 344 5 891636073 +611 346 5 891636152 +611 347 4 891636244 +611 350 4 891636399 +611 353 3 891636125 +611 355 1 891636399 +611 680 4 891636125 +611 751 4 891636098 +611 752 5 891636223 +611 873 3 891636399 +611 882 4 891636192 +611 887 2 891636125 +611 896 3 891636152 +612 1 4 875324876 +612 9 3 875324876 +612 15 4 875324455 +612 117 4 875324599 +612 118 3 875324947 +612 147 4 875324975 +612 237 3 875324455 +612 259 3 875324355 +612 275 5 875324710 +612 300 4 875324266 +612 322 3 875324294 +612 604 4 875325256 +612 878 2 875324400 +612 924 5 875324710 +612 926 2 875324789 +612 1060 4 875324756 +612 1063 5 875325049 +613 1 4 891227410 +613 28 3 891227262 +613 50 5 891227365 +613 64 5 891227204 +613 126 5 891227338 +613 127 4 891227204 +613 176 5 891227237 +613 194 5 891227299 +613 258 5 891227365 +613 272 5 891227111 +613 297 5 891227338 +613 303 4 891227111 +613 318 5 891227299 +613 435 5 891227299 +613 471 3 891227410 +613 478 5 891227262 +613 509 4 891227236 +613 514 4 891227236 +613 576 3 891227204 +613 607 4 891227236 +613 632 3 891227204 +613 1315 4 891227338 +614 1 5 879464093 +614 9 4 879464063 +614 14 3 879464093 +614 25 1 879464376 +614 100 5 879464119 +614 117 3 879464352 +614 122 3 879465320 +614 126 4 879464183 +614 147 5 879464332 +614 255 5 879464119 +614 276 4 879464234 +614 279 3 879464287 +614 281 3 879464308 +614 287 3 879464456 +614 288 2 879463630 +614 294 4 879464507 +614 405 2 879464525 +614 410 3 879464437 +614 411 3 879465452 +614 458 4 879464287 +614 472 3 879464416 +614 476 3 879464507 +614 546 1 879463965 +614 717 4 879465414 +614 756 4 879465398 +614 841 2 879465398 +614 871 2 879465376 +614 1009 3 879464119 +614 1134 2 879464556 +615 13 4 879449184 +615 22 4 879448797 +615 23 5 879448547 +615 26 4 879448233 +615 48 5 879448399 +615 69 4 879448632 +615 70 4 879448915 +615 87 4 879448780 +615 97 4 879448759 +615 100 3 879448693 +615 127 5 879448399 +615 135 4 879448599 +615 160 3 879448599 +615 168 5 879449110 +615 170 4 879447895 +615 175 5 879448439 +615 178 5 879448547 +615 179 4 879447968 +615 180 4 879448475 +615 187 5 879448598 +615 191 5 879448759 +615 192 5 879448780 +615 194 5 879449164 +615 199 5 879448599 +615 208 4 879449130 +615 209 5 879449068 +615 211 5 879449164 +615 213 5 879447990 +615 216 4 879449068 +615 237 4 879448843 +615 259 1 879447642 +615 271 2 879447642 +615 275 4 879447872 +615 289 2 879447670 +615 294 3 879447613 +615 302 4 879447500 +615 303 5 879447530 +615 306 4 879447556 +615 319 4 879447585 +615 325 2 879447693 +615 357 5 879448399 +615 387 3 879448915 +615 423 5 879448672 +615 427 5 879448475 +615 428 5 879449111 +615 462 4 879447990 +615 509 4 879448149 +615 514 5 879449110 +615 517 5 879449068 +615 518 4 879448632 +615 523 5 879448735 +615 526 4 879448735 +615 527 4 879448399 +615 528 4 879448399 +615 529 5 879448036 +615 631 4 879448843 +615 632 5 879448759 +615 638 5 879447968 +615 640 3 879448182 +615 644 4 879448599 +615 660 4 879448882 +615 678 1 879447713 +615 707 3 879447990 +615 732 4 879449211 +615 735 3 879448823 +615 736 5 879448149 +615 792 4 879448632 +615 855 4 879448088 +615 886 2 879447692 +615 937 2 879447530 +615 949 3 879448149 +615 988 1 879447735 +615 1021 5 879448119 +615 1192 4 879448715 +616 258 4 891224676 +616 260 3 891224864 +616 269 4 891224517 +616 272 5 891224517 +616 286 5 891224448 +616 288 4 891224676 +616 289 4 891224840 +616 299 3 891224801 +616 300 4 891224644 +616 303 4 891224558 +616 313 5 891224590 +616 315 4 891224447 +616 322 4 891224840 +616 323 4 891224801 +616 326 3 891224590 +616 328 3 891224590 +616 329 3 891224748 +616 331 4 891224677 +616 333 2 891224448 +616 339 3 891224718 +616 343 4 891224864 +616 346 3 891224558 +616 347 4 891224677 +616 348 3 891224801 +616 349 4 891224748 +616 355 4 891224881 +616 678 2 891224718 +616 689 4 891224748 +616 748 3 891224840 +616 750 5 891224590 +616 873 3 891224767 +616 879 4 891224864 +616 895 3 891224644 +616 1313 4 891224840 +617 7 3 883789425 +617 53 1 883789537 +617 56 1 883789425 +617 89 4 883789294 +617 98 2 883789080 +617 100 4 883789425 +617 132 1 883789006 +617 134 3 883788900 +617 136 3 883789079 +617 145 1 883789716 +617 170 1 883788929 +617 174 1 883788820 +617 175 4 883789386 +617 179 4 883789386 +617 183 4 883789386 +617 184 1 883789464 +617 185 5 883789042 +617 201 1 883789465 +617 217 1 883789507 +617 219 4 883789536 +617 234 3 883789464 +617 238 3 883789249 +617 242 3 883788511 +617 269 1 883788511 +617 288 1 883788566 +617 294 1 883788511 +617 313 1 883788511 +617 345 1 883788511 +617 357 4 883789386 +617 396 1 883789590 +617 413 1 883789635 +617 423 1 883789294 +617 429 3 883789212 +617 436 3 883789464 +617 440 4 883789635 +617 443 4 883788782 +617 444 4 883789590 +617 447 4 883789386 +617 448 3 883789507 +617 453 1 883789715 +617 475 1 883789294 +617 480 4 883789179 +617 488 4 883789386 +617 497 3 883788782 +617 519 3 883789105 +617 531 2 883788859 +617 563 1 883789747 +617 565 4 883789635 +617 567 2 883789747 +617 569 1 883789537 +617 573 4 883789590 +617 590 1 883789747 +617 604 2 883788955 +617 606 3 883788929 +617 607 4 883789212 +617 615 3 883789294 +617 631 2 883789212 +617 635 4 883789716 +617 637 3 883789507 +617 644 4 883789386 +617 646 4 883789386 +617 647 3 883789006 +617 648 3 883789080 +617 656 4 883789386 +617 667 2 883789590 +617 669 1 883789635 +617 670 1 883789590 +617 672 3 883789537 +617 675 4 883789425 +617 767 3 883789747 +617 774 1 883789635 +617 855 3 883789294 +617 859 3 883789590 +617 860 1 883789635 +617 1019 4 883788782 +617 1021 4 883788730 +617 1073 3 883789105 +618 1 4 891308063 +618 2 2 891309091 +618 4 2 891308459 +618 7 4 891309887 +618 8 3 891307862 +618 9 3 891308141 +618 11 4 891307263 +618 12 4 891307263 +618 22 4 891308390 +618 23 5 891306990 +618 25 2 891308260 +618 28 4 891309887 +618 44 4 891308791 +618 50 5 891307175 +618 52 3 891307224 +618 54 3 891309319 +618 62 2 891309697 +618 64 4 891306990 +618 65 3 891309720 +618 66 4 891309697 +618 68 3 891309608 +618 69 4 891308176 +618 70 3 891307495 +618 71 4 891309041 +618 73 3 891309440 +618 77 3 891309720 +618 79 5 891307494 +618 82 4 891308704 +618 90 1 891309351 +618 91 4 891309756 +618 93 3 891307019 +618 96 3 891307749 +618 97 5 891308913 +618 98 5 891307494 +618 99 3 891308019 +618 100 4 891308063 +618 109 2 891308615 +618 117 5 891307494 +618 118 3 891309004 +618 121 4 891308913 +618 123 2 891308063 +618 124 1 891308542 +618 125 3 891308704 +618 127 5 891307619 +618 131 4 891307343 +618 132 4 891307057 +618 136 3 891307931 +618 143 4 891308515 +618 150 2 891308175 +618 151 3 891309514 +618 154 3 891308615 +618 159 3 891309670 +618 161 4 891308946 +618 164 3 891309041 +618 168 5 891308342 +618 173 3 891307404 +618 176 4 891307426 +618 181 5 891307263 +618 182 4 891307289 +618 183 4 891307494 +618 185 5 891308260 +618 187 5 891307098 +618 190 4 891307404 +618 191 4 891307175 +618 192 5 891307367 +618 193 4 891308432 +618 195 3 891308431 +618 196 4 891307889 +618 197 3 891307825 +618 202 2 891307714 +618 203 3 891308176 +618 204 3 891307098 +618 210 3 891308703 +618 215 4 891307494 +618 216 3 891308791 +618 218 3 891308115 +618 234 4 891307714 +618 237 4 891307343 +618 239 3 891309293 +618 241 4 891309887 +618 273 4 891309293 +618 275 3 891307577 +618 276 3 891309266 +618 282 3 891307289 +618 283 3 891309217 +618 288 3 891307343 +618 318 5 891307825 +618 356 2 891309608 +618 367 3 891309319 +618 371 3 891308980 +618 378 4 891309514 +618 385 4 891309163 +618 392 3 891308979 +618 403 4 891309608 +618 404 5 891309192 +618 419 4 891309887 +618 420 3 891309163 +618 421 3 891308615 +618 423 5 891309886 +618 427 5 891308431 +618 432 5 891308979 +618 433 2 891309410 +618 443 4 891308665 +618 458 3 891309579 +618 462 2 891307540 +618 470 3 891308615 +618 471 3 891309041 +618 477 2 891308791 +618 485 3 891307646 +618 496 4 891307619 +618 497 2 891307019 +618 501 4 891308884 +618 507 4 891309239 +618 526 5 891308141 +618 549 2 891308342 +618 550 3 891308261 +618 559 3 891309382 +618 568 4 891309409 +618 576 4 891309608 +618 582 4 891309217 +618 596 4 891309065 +618 597 4 891309041 +618 609 4 891309440 +618 625 4 891309192 +618 651 5 891307263 +618 655 4 891309887 +618 660 3 891309040 +618 673 3 891309139 +618 676 2 891307977 +618 679 1 891308615 +618 684 3 891306991 +618 692 4 891309091 +618 693 3 891307540 +618 697 3 891308063 +618 699 3 891309410 +618 705 3 891307825 +618 709 2 891308665 +618 720 3 891309293 +618 724 3 891309091 +618 729 3 891308945 +618 731 2 891309514 +618 735 3 891308571 +618 746 2 891308946 +618 762 3 891309636 +618 763 2 891309319 +618 770 2 891309756 +618 778 3 891308515 +618 781 3 891309382 +618 785 3 891309351 +618 790 3 891309471 +618 815 4 891309552 +618 895 3 891309929 +618 924 4 891309040 +618 925 2 891308854 +618 942 2 891309293 +618 944 2 891309266 +618 955 2 891307540 +618 959 4 891309756 +618 962 1 891307784 +618 966 4 891307931 +618 969 3 891307889 +618 1032 2 891309192 +618 1039 4 891309887 +618 1048 3 891308980 +618 1058 3 891309114 +618 1066 3 891309756 +618 1071 1 891308542 +618 1185 2 891309471 +618 1212 2 891309410 +618 1225 2 891309382 +618 1468 3 891308665 +619 17 1 885954184 +619 22 5 885953992 +619 27 4 885954159 +619 29 1 885954238 +619 39 2 885954083 +619 50 4 885953778 +619 53 2 885954341 +619 55 1 885954053 +619 62 1 885954185 +619 82 5 885954053 +619 96 5 885954083 +619 117 5 885953778 +619 118 5 885953827 +619 127 4 885953778 +619 144 5 885954083 +619 174 4 885953992 +619 176 5 885954053 +619 181 4 885953778 +619 183 5 885953992 +619 187 5 885953992 +619 188 4 885954158 +619 195 5 885954019 +619 226 5 885954133 +619 241 5 885954083 +619 245 4 885953743 +619 252 3 885953878 +619 257 3 885953805 +619 258 5 885953622 +619 273 4 885953778 +619 281 4 885954133 +619 288 3 885953931 +619 294 1 885953684 +619 295 4 885953804 +619 298 5 885953778 +619 300 5 885953684 +619 302 4 885953600 +619 307 2 885953601 +619 313 5 885953601 +619 323 3 885953878 +619 326 2 885953601 +619 328 1 885953684 +619 331 4 885953574 +619 332 4 885953742 +619 346 3 885953622 +619 350 3 885953641 +619 363 2 885954215 +619 385 5 885954053 +619 403 5 885954159 +619 405 3 885953826 +619 515 1 885953778 +619 550 5 885954134 +619 554 3 885954238 +619 562 3 885954341 +619 566 4 885954105 +619 568 5 885954083 +619 576 4 885954261 +619 651 5 885954053 +619 665 5 885954261 +619 685 3 885953850 +619 720 4 885954238 +619 750 3 885953537 +619 808 3 885954053 +619 809 1 885954238 +619 825 2 885953850 +619 827 3 885953878 +619 879 4 885953743 +619 1016 4 885953826 +619 1231 2 885954215 +619 1314 3 885954341 +620 1 5 889987954 +620 8 3 889988121 +620 15 5 889987210 +620 28 4 889988121 +620 35 3 889988340 +620 63 5 889988232 +620 71 5 889988005 +620 91 2 889988069 +620 98 4 889987560 +620 99 3 889988005 +620 100 1 889987073 +620 101 2 889988069 +620 118 4 889987825 +620 121 5 889987825 +620 123 3 889987190 +620 125 2 889987255 +620 138 5 889988312 +620 140 4 889988258 +620 145 5 889987682 +620 147 3 889987299 +620 148 3 889987299 +620 164 5 889987586 +620 174 5 889988121 +620 181 4 889988146 +620 225 3 889988281 +620 237 4 889987123 +620 240 5 889987954 +620 243 3 889986676 +620 246 4 889987276 +620 268 4 889986452 +620 281 5 889987852 +620 288 4 889986452 +620 294 5 889986557 +620 300 3 889986411 +620 313 5 889986477 +620 323 5 889986580 +620 354 5 889986477 +620 379 4 889987656 +620 404 4 889988232 +620 409 4 889988196 +620 416 4 889988196 +620 423 5 889988168 +620 444 3 889987682 +620 465 4 889988232 +620 501 4 889988036 +620 563 5 889987682 +620 565 4 889987682 +620 623 4 889988232 +620 625 3 889988005 +620 674 3 889987586 +620 676 3 889987190 +620 678 3 889986642 +620 682 2 889986985 +620 683 3 889986984 +620 706 3 889987706 +620 740 5 889987349 +620 755 5 889988169 +620 760 3 889987073 +620 768 5 889988069 +620 769 4 889987706 +620 795 4 889988340 +620 820 4 889987954 +620 834 2 889987073 +620 859 4 889987657 +620 895 3 889986984 +620 924 3 889987164 +620 928 5 889987825 +620 930 2 889987875 +620 946 4 889988036 +620 951 3 889988258 +620 969 4 889988037 +620 975 3 889987852 +620 993 5 889987954 +620 1035 4 889988232 +620 1036 4 889988258 +620 1043 4 889988340 +620 1066 5 889988069 +620 1503 4 889988196 +621 1 3 880227233 +621 2 3 880739909 +621 4 4 874962988 +621 7 4 880738353 +621 17 4 880739965 +621 24 4 880737433 +621 25 4 880738699 +621 28 4 874965408 +621 33 4 874962824 +621 41 4 874963273 +621 50 5 874965407 +621 53 4 874964496 +621 63 1 874963445 +621 65 3 885596944 +621 67 4 880739654 +621 68 4 880739654 +621 71 3 874965208 +621 72 2 874962900 +621 80 4 874963126 +621 87 5 874965408 +621 88 2 874962772 +621 94 2 874963081 +621 95 4 880739654 +621 96 5 874963797 +621 100 5 880227104 +621 107 4 880737311 +621 109 4 880737607 +621 117 5 880227268 +621 121 3 880227385 +621 122 2 880738838 +621 123 4 880738080 +621 125 4 880739654 +621 128 4 880740034 +621 135 5 885596819 +621 143 2 874965208 +621 147 3 880738282 +621 151 5 880737929 +621 154 5 881444499 +621 161 3 874964447 +621 172 5 874965407 +621 173 4 874965407 +621 174 3 874965407 +621 176 3 874963797 +621 180 4 885596944 +621 181 5 874965408 +621 183 4 874963594 +621 197 4 885596884 +621 208 4 874962824 +621 222 4 880736904 +621 231 4 874964375 +621 233 3 874964375 +621 240 4 880738893 +621 241 4 874964604 +621 249 5 880738282 +621 250 4 880738568 +621 257 5 880738699 +621 263 1 883800011 +621 268 4 890517367 +621 270 4 890517239 +621 271 5 880226633 +621 273 4 880739654 +621 293 3 880227385 +621 298 4 883801703 +621 300 3 890517589 +621 301 4 880226534 +621 313 5 883798770 +621 333 4 890517503 +621 364 3 874963446 +621 367 3 874962900 +621 383 2 874963166 +621 385 5 874963797 +621 391 3 874964657 +621 393 3 874962705 +621 395 4 880739654 +621 398 2 874964605 +621 401 1 874963210 +621 404 3 874965496 +621 410 4 880738623 +621 417 3 874965299 +621 419 4 874965093 +621 420 4 874965298 +621 423 4 880739654 +621 432 4 874965093 +621 451 1 874963028 +621 455 4 880738462 +621 472 3 880738462 +621 501 3 874965299 +621 539 1 883799884 +621 540 3 874964657 +621 541 4 874964605 +621 542 2 874965093 +621 546 3 880738894 +621 554 4 874964657 +621 559 5 874964915 +621 561 4 874964945 +621 567 3 874964991 +621 568 5 874963797 +621 576 2 874964605 +621 577 3 874963446 +621 578 5 874964604 +621 584 5 874965094 +621 588 3 874965208 +621 624 5 874965093 +621 625 4 874965299 +621 676 3 880737607 +621 686 5 880739852 +621 692 4 874962614 +621 722 4 881444887 +621 735 4 880739654 +621 746 4 874963028 +621 748 4 880226710 +621 755 3 874965299 +621 763 4 880738462 +621 769 3 874964991 +621 779 3 880740296 +621 780 4 874962824 +621 783 3 874963273 +621 810 3 874964657 +621 825 3 880738142 +621 833 3 880738462 +621 871 3 881445723 +621 876 2 883799203 +621 879 4 880227012 +621 881 2 883798770 +621 894 1 883800011 +621 940 3 874963166 +621 944 5 874963126 +621 1012 5 880227233 +621 1013 2 880738282 +621 1028 4 880737861 +621 1029 2 874963210 +621 1035 4 880739654 +621 1047 3 880738080 +621 1093 4 880738568 +621 1118 3 874962824 +621 1228 3 880740296 +622 1 3 882590344 +622 2 4 882671363 +622 8 4 882592421 +622 11 4 882669740 +622 12 5 882669468 +622 15 4 882590670 +622 22 4 882592178 +622 28 3 882592314 +622 29 4 882592735 +622 30 4 882670190 +622 31 3 882669594 +622 41 3 882672060 +622 46 4 882670610 +622 47 3 882670406 +622 49 3 882671273 +622 50 5 882592815 +622 56 5 882592103 +622 64 5 882669391 +622 66 3 882670480 +622 67 1 882671463 +622 70 3 882670562 +622 72 3 882671142 +622 80 3 882671446 +622 82 3 882670767 +622 83 5 882592178 +622 86 4 882670587 +622 89 5 882669740 +622 90 4 882671574 +622 94 2 882671694 +622 96 5 882592449 +622 98 5 882669449 +622 99 4 882592383 +622 100 5 882590252 +622 101 5 882592662 +622 105 3 882591726 +622 106 2 882591172 +622 111 4 882591014 +622 118 1 882591663 +622 120 1 882592643 +622 121 1 882590955 +622 125 3 882590457 +622 132 4 882669851 +622 135 4 882592346 +622 142 3 882670826 +622 143 4 882670228 +622 144 5 882592103 +622 156 5 882592143 +622 157 4 882670389 +622 159 3 882670309 +622 162 3 882670389 +622 165 5 882591938 +622 166 5 882669695 +622 168 4 882592041 +622 169 5 882669374 +622 173 5 882670057 +622 174 4 882592559 +622 183 4 882669826 +622 184 5 882592103 +622 194 4 882669762 +622 195 5 882591938 +622 196 3 882669695 +622 202 4 882670252 +622 204 3 882592559 +622 206 1 882670899 +622 207 5 882592278 +622 209 5 882592421 +622 210 3 882669784 +622 212 3 882669740 +622 213 5 882670009 +622 214 4 882670228 +622 215 3 882592523 +622 217 4 882671185 +622 222 5 882592815 +622 227 3 882592815 +622 233 4 882670423 +622 240 3 882590420 +622 248 4 882590420 +622 250 4 882590252 +622 252 1 882591582 +622 253 3 882591047 +622 277 4 882590252 +622 280 3 882590534 +622 283 4 882590534 +622 284 1 882590670 +622 294 3 882589830 +622 298 4 882590559 +622 364 1 882672922 +622 367 4 882670712 +622 373 1 882672922 +622 375 2 882592625 +622 380 4 882592850 +622 385 5 882592421 +622 386 3 882671727 +622 395 2 882672143 +622 396 1 882671222 +622 402 3 882670252 +622 403 4 882592735 +622 404 3 882670562 +622 405 4 882590886 +622 408 5 882590223 +622 419 4 882670009 +622 423 3 882670121 +622 432 5 882670009 +622 433 4 882669886 +622 434 4 882592523 +622 449 2 882592850 +622 451 4 882671221 +622 472 3 882591687 +622 479 4 882669668 +622 480 4 882669414 +622 482 3 882592178 +622 484 3 882669803 +622 496 4 882592314 +622 506 3 882670139 +622 511 4 882592103 +622 519 3 882591938 +622 521 5 882670009 +622 532 3 882591091 +622 542 2 882671346 +622 550 4 882670929 +622 552 2 882671863 +622 553 3 882670929 +622 558 2 882592523 +622 568 4 882592449 +622 577 2 882672143 +622 581 4 882670562 +622 586 3 882671916 +622 588 4 882592246 +622 597 5 882591687 +622 625 3 882671120 +622 665 2 882671769 +622 674 2 882670929 +622 679 3 882671483 +622 685 2 882590862 +622 693 4 882592383 +622 705 3 882592217 +622 721 4 882670610 +622 722 3 882670862 +622 730 4 882669509 +622 737 5 882592678 +622 755 4 882670211 +622 756 3 882591321 +622 780 4 882671574 +622 781 3 882671595 +622 795 2 882672079 +622 797 2 882670862 +622 808 3 882671534 +622 809 2 882671081 +622 833 4 882590955 +622 845 3 882590291 +622 855 3 882592103 +622 866 2 882591484 +622 934 2 882591726 +622 949 3 882672941 +622 993 4 882590809 +622 1016 3 882591014 +622 1039 5 882669575 +622 1060 3 882671160 +622 1074 2 882671185 +622 1078 3 882671160 +622 1079 2 882591663 +622 1181 4 882670367 +622 1203 3 882669645 +622 1207 2 882671958 +622 1303 2 882672060 +622 1407 1 882672922 +622 1408 1 882672922 +622 1552 2 882670793 +623 15 4 891032375 +623 50 5 891035112 +623 66 4 891034993 +623 79 5 891035112 +623 88 4 891034973 +623 121 4 891034129 +623 127 4 891032275 +623 163 3 891034756 +623 181 5 891032291 +623 183 3 891034294 +623 186 3 891034814 +623 194 5 891035112 +623 202 1 891034620 +623 204 5 891035112 +623 210 5 891035112 +623 211 3 891034814 +623 216 4 891034756 +623 222 4 891034110 +623 227 4 891034528 +623 228 3 891034343 +623 234 4 891034343 +623 275 5 891035112 +623 283 4 891032275 +623 286 2 891032107 +623 291 3 891034129 +623 298 2 891032433 +623 435 5 891035112 +623 483 5 891035112 +623 504 3 891034343 +623 523 4 891034756 +623 525 4 891034294 +623 629 3 891034973 +623 642 3 891034472 +623 648 5 891035112 +623 659 5 891035112 +623 692 3 891034951 +623 815 2 891034053 +624 1 4 879792581 +624 7 4 879792623 +624 14 5 879792623 +624 15 4 879793330 +624 24 3 879793380 +624 25 4 879792446 +624 50 5 879792581 +624 93 5 879792557 +624 100 5 879792581 +624 108 3 879793198 +624 111 3 879792671 +624 117 3 879792446 +624 122 3 879793436 +624 123 3 879793223 +624 124 4 879792358 +624 125 3 879793093 +624 127 4 879792322 +624 137 4 879792623 +624 147 4 879792557 +624 150 4 879792493 +624 181 4 879792378 +624 236 3 879792358 +624 237 4 879793174 +624 240 2 879793129 +624 242 4 891961040 +624 245 3 879792109 +624 246 4 879792493 +624 248 4 879793485 +624 249 3 879793380 +624 250 4 879792623 +624 257 3 879793269 +624 258 4 879791792 +624 260 2 879792251 +624 262 4 891961078 +624 268 4 879791962 +624 269 4 891961120 +624 270 3 891961120 +624 271 3 879791884 +624 272 5 885215463 +624 273 4 879793129 +624 276 5 879792446 +624 278 4 879793545 +624 285 5 879792557 +624 286 5 879791792 +624 288 4 879791922 +624 293 4 879792623 +624 294 3 879792109 +624 295 3 879793511 +624 300 4 879792132 +624 305 4 891961140 +624 307 3 891961056 +624 313 5 885215463 +624 316 4 891961232 +624 319 3 891961140 +624 321 4 879791962 +624 323 2 879792155 +624 327 4 879791819 +624 328 4 879792131 +624 329 3 891961120 +624 333 4 879791884 +624 342 3 891961267 +624 346 3 885215462 +624 347 4 891961140 +624 358 3 891961210 +624 455 3 879793358 +624 471 4 879792493 +624 473 3 879793093 +624 475 4 879793223 +624 477 3 879793198 +624 534 3 879792358 +624 544 4 879792557 +624 546 3 879793093 +624 591 3 879792557 +624 597 3 879793129 +624 619 3 879793408 +624 628 4 879793198 +624 678 3 879792155 +624 687 2 891961362 +624 690 4 879791962 +624 741 4 879792557 +624 742 4 879793093 +624 748 3 879792109 +624 763 3 879792671 +624 815 3 879793174 +624 824 2 879793582 +624 831 3 879793545 +624 845 3 879793129 +624 864 3 879793198 +624 876 3 879792251 +624 881 3 879792132 +624 886 4 879792251 +624 898 1 891961380 +624 905 4 891961250 +624 919 4 879792581 +624 924 4 879792493 +624 928 3 879793511 +624 952 3 879793129 +624 979 4 879793511 +624 980 4 879793358 +624 1016 3 879793582 +624 1017 3 879792322 +624 1028 3 879793485 +624 1047 3 879793436 +624 1048 4 879793223 +624 1067 4 879793330 +624 1089 2 879793408 +624 1095 2 879793408 +624 1120 4 879793269 +624 1289 3 879793093 +625 4 4 892000372 +625 22 3 891262899 +625 23 4 891263960 +625 91 4 891263057 +625 96 5 892000372 +625 100 3 891878363 +625 121 3 891273698 +625 134 4 891263665 +625 144 4 891962917 +625 151 3 891999874 +625 154 3 891998289 +625 166 3 891960843 +625 168 3 891262837 +625 169 5 891263665 +625 172 4 891263057 +625 173 3 891953681 +625 174 4 891263589 +625 176 4 891263960 +625 179 4 891961170 +625 181 4 891262633 +625 183 3 892000438 +625 188 4 891262724 +625 190 3 892000576 +625 191 3 891636079 +625 192 2 892000438 +625 195 4 891262983 +625 202 3 891262633 +625 204 3 891999874 +625 208 3 891968164 +625 209 3 891262633 +625 210 3 892054095 +625 212 3 891968320 +625 213 4 891999608 +625 214 4 891961632 +625 216 4 891262899 +625 222 4 891273543 +625 235 3 891631761 +625 238 4 891636000 +625 248 4 891629673 +625 250 4 891273750 +625 254 3 891273897 +625 255 2 891629673 +625 257 4 891273543 +625 258 4 891262561 +625 265 3 892054198 +625 283 3 891629673 +625 286 4 891262561 +625 294 3 891536483 +625 357 3 891262784 +625 380 3 891263589 +625 393 4 891263665 +625 403 3 891961882 +625 405 3 891273859 +625 408 4 891997054 +625 423 4 891263760 +625 428 5 891953755 +625 433 3 891636427 +625 476 2 891632164 +625 480 4 891263589 +625 483 5 891262983 +625 484 4 891262783 +625 498 4 891263703 +625 514 3 891262724 +625 516 3 892000518 +625 517 3 891636079 +625 519 2 891263703 +625 522 3 891968164 +625 528 3 891961633 +625 546 2 891273897 +625 584 3 891636000 +625 588 4 891263057 +625 602 3 891263057 +625 603 4 891636000 +625 640 3 891999796 +625 647 4 891263822 +625 655 3 891999926 +625 678 3 891262561 +625 692 3 892000518 +625 739 3 891263665 +625 748 3 891262561 +625 751 4 891536426 +625 945 3 891262724 +625 1016 2 891273699 +625 1020 3 892000629 +626 243 1 878771505 +626 258 4 878771243 +626 264 1 878771476 +626 266 1 878771476 +626 268 4 878771355 +626 272 5 887772871 +626 286 5 878771242 +626 288 3 878771243 +626 289 1 878771281 +626 294 3 878771243 +626 313 5 887772871 +626 323 1 878771505 +626 324 4 878771281 +626 328 1 878771505 +626 330 3 878771447 +626 332 3 878771355 +626 333 1 878771281 +626 358 1 878771505 +626 681 1 878771477 +626 682 3 878771447 +626 748 2 878771281 +626 923 5 887772922 +626 948 1 878771281 +626 988 1 878771281 +627 2 3 879531352 +627 4 2 879531248 +627 7 5 879531158 +627 9 4 879530014 +627 11 4 879529702 +627 12 4 879529819 +627 22 5 879530205 +627 26 3 879530824 +627 27 3 879530762 +627 28 3 879529987 +627 33 1 879531397 +627 39 4 879530408 +627 47 2 879530346 +627 51 5 879530866 +627 52 3 879530146 +627 55 4 879531301 +627 58 5 879529958 +627 62 4 879531397 +627 68 4 879531429 +627 69 3 879529855 +627 70 4 879530408 +627 76 3 879530173 +627 77 2 879530305 +627 83 3 879530071 +627 86 3 879530263 +627 92 4 879529702 +627 96 3 879531196 +627 97 2 879529958 +627 100 5 879529702 +627 117 3 879531248 +627 121 3 879531397 +627 123 3 879530305 +627 144 2 879531158 +627 157 4 879530110 +627 161 2 879531302 +627 162 3 879530568 +627 172 3 879531196 +627 174 3 879531195 +627 175 1 879530110 +627 176 5 879531158 +627 177 5 879531158 +627 179 5 879530536 +627 180 5 879529794 +627 182 4 879529916 +627 183 5 879531196 +627 184 4 879531248 +627 187 5 879529855 +627 191 4 879529957 +627 195 4 879531301 +627 196 5 879530172 +627 197 5 879529730 +627 199 5 879529702 +627 205 5 879529767 +627 210 3 879531248 +627 214 3 879530408 +627 215 1 879529767 +627 226 1 879531397 +627 227 3 879531352 +627 228 4 879531301 +627 230 4 879531397 +627 233 2 879531351 +627 239 3 879530662 +627 258 4 879529339 +627 271 5 879529432 +627 273 4 879531196 +627 281 3 879531504 +627 284 2 879530306 +627 288 3 879529381 +627 289 2 879530899 +627 300 4 879529486 +627 318 5 879529701 +627 328 4 879529486 +627 358 3 879529556 +627 387 2 879529916 +627 399 3 879531557 +627 402 3 879530866 +627 403 2 879530694 +627 405 3 879531458 +627 423 3 879530145 +627 431 4 879531302 +627 434 4 879529855 +627 458 3 879530824 +627 461 3 879530042 +627 467 5 879530042 +627 468 2 879530408 +627 471 3 879530463 +627 510 4 879529730 +627 520 5 879529916 +627 521 2 879529767 +627 523 4 879529767 +627 546 3 879531429 +627 549 3 879530625 +627 550 1 879531352 +627 553 3 879530967 +627 554 2 879531557 +627 562 2 879531504 +627 568 2 879531301 +627 578 3 879531351 +627 581 3 879530662 +627 582 3 879529916 +627 586 3 879531557 +627 591 3 879530205 +627 597 3 879531557 +627 628 4 879530501 +627 631 3 879529885 +627 636 4 879531302 +627 649 4 879530071 +627 651 4 879530109 +627 655 4 879530536 +627 665 3 879531459 +627 673 2 879530110 +627 679 3 879531429 +627 685 3 879531351 +627 697 5 879530042 +627 699 1 879530263 +627 704 4 879530967 +627 713 2 879530306 +627 720 2 879531397 +627 724 2 879530305 +627 729 1 879530600 +627 732 3 879530568 +627 735 4 879530600 +627 740 1 879530501 +627 792 4 879530501 +627 797 4 879531504 +627 802 2 879531557 +627 808 2 879531557 +627 810 3 879531459 +627 849 4 879531504 +627 939 3 879530264 +627 942 2 879530408 +627 947 3 879531301 +627 949 2 879530824 +627 956 2 879530463 +627 1004 4 879531504 +627 1074 3 879530694 +627 1134 1 879530305 +627 1135 3 879530625 +627 1136 4 879530762 +627 1194 4 879529855 +627 1478 3 879530967 +628 8 2 880777167 +628 168 4 880777167 +628 173 3 880777167 +628 242 5 880777096 +628 258 5 880777167 +628 270 5 880776981 +628 288 5 880777096 +628 292 5 880776981 +628 294 4 880777167 +628 300 5 880776981 +628 302 5 880776981 +628 305 5 880776981 +628 326 5 880777095 +628 330 5 880777096 +628 332 5 880777096 +628 333 5 880777096 +628 338 5 880776981 +628 340 5 880777095 +628 361 5 880776981 +628 690 5 880776981 +628 845 5 880777167 +628 874 5 880776981 +628 938 5 880777095 +628 1025 5 880777095 +628 1296 5 880777096 +629 4 3 880117513 +629 7 2 880117635 +629 9 4 880117485 +629 11 2 880116789 +629 12 5 880117333 +629 15 5 880117719 +629 22 5 880116818 +629 23 5 880117001 +629 50 5 880117395 +629 55 4 880117094 +629 58 4 880117215 +629 64 5 880117513 +629 69 5 880117485 +629 81 3 880117689 +629 87 5 880117635 +629 92 4 880117163 +629 98 5 880117254 +629 100 5 880116847 +629 111 5 880117689 +629 117 5 880116963 +629 132 5 880117395 +629 135 5 880117586 +629 137 5 880117001 +629 144 5 880117430 +629 147 5 880117534 +629 162 5 880117361 +629 172 5 880117333 +629 173 5 880116847 +629 174 5 880116847 +629 182 5 880116818 +629 187 5 880117031 +629 191 3 880116887 +629 193 5 880117565 +629 195 4 880116847 +629 196 4 880117062 +629 197 5 880117031 +629 199 5 880117772 +629 202 4 880117635 +629 204 5 880117285 +629 207 4 880117000 +629 210 5 880117689 +629 223 5 880117813 +629 234 4 880117215 +629 245 3 880116240 +629 258 4 880116722 +629 265 4 880116887 +629 269 3 880115840 +629 273 2 880117001 +629 277 5 880117459 +629 284 4 880117719 +629 286 4 880115839 +629 288 4 880116722 +629 292 4 880116722 +629 294 3 880115922 +629 300 4 880115923 +629 301 3 880115922 +629 307 5 880116722 +629 309 3 880116240 +629 317 4 880117430 +629 319 4 880116722 +629 322 3 880116240 +629 327 3 880116201 +629 328 3 880116103 +629 331 3 880116067 +629 332 4 880116722 +629 333 4 880116722 +629 340 2 880115971 +629 357 4 880117062 +629 381 4 880117852 +629 392 4 880117747 +629 416 4 880117813 +629 423 5 880117333 +629 463 4 880117852 +629 467 5 880117565 +629 475 4 880117121 +629 504 4 880117719 +629 509 5 880116818 +629 523 3 880116963 +629 528 5 880117395 +629 566 5 880117395 +629 651 5 880117163 +629 655 5 880117333 +629 658 4 880117813 +629 660 5 880117772 +629 684 5 880117430 +629 690 2 880116067 +629 693 5 880117215 +629 709 3 880117062 +629 729 4 880117852 +629 880 4 880116722 +629 886 3 880116278 +629 984 3 880116278 +629 991 1 880115923 +629 1109 4 880117813 +629 1119 5 880116756 +630 1 4 885666779 +630 7 4 885666571 +630 9 2 885666536 +630 11 5 885668028 +630 12 4 885667854 +630 15 3 885666718 +630 25 2 885666779 +630 31 2 885667968 +630 50 3 885666536 +630 69 3 885667939 +630 70 2 885667994 +630 71 3 885667854 +630 96 4 885668277 +630 98 5 885667898 +630 100 3 885666592 +630 111 5 885666956 +630 117 5 885666804 +630 118 4 885666875 +630 121 4 885666823 +630 123 4 885668203 +630 125 3 885666875 +630 126 4 885667305 +630 127 2 885666536 +630 153 3 885668277 +630 172 3 885667918 +630 174 3 885668131 +630 181 3 885666650 +630 191 3 885668090 +630 193 3 885667939 +630 213 2 885667994 +630 216 5 885667968 +630 222 4 885666779 +630 237 5 885666823 +630 239 4 885668061 +630 240 3 885667200 +630 243 2 885666301 +630 250 1 885666650 +630 252 2 885667464 +630 255 5 885666740 +630 257 3 885667037 +630 258 3 885666143 +630 272 5 885756030 +630 273 5 885666779 +630 276 1 885667108 +630 278 4 885667508 +630 280 2 885667148 +630 288 4 885666102 +630 294 4 885666018 +630 295 4 885666875 +630 298 5 885666686 +630 300 4 885665975 +630 310 3 885665975 +630 322 3 885666211 +630 323 4 885666237 +630 325 3 885666301 +630 357 3 885668090 +630 409 3 885667037 +630 411 4 885667108 +630 412 1 885667508 +630 465 1 885668203 +630 476 5 885667108 +630 477 4 885667200 +630 496 3 885667854 +630 535 4 885667624 +630 550 3 885667968 +630 595 5 885667660 +630 597 4 885667006 +630 620 4 885667661 +630 640 1 885668276 +630 687 3 885666301 +630 717 3 885667661 +630 735 2 885668231 +630 742 5 885666918 +630 756 4 885667551 +630 819 3 885667108 +630 832 2 885667528 +630 845 3 885666918 +630 864 4 885667600 +630 871 2 885666918 +630 895 4 885666143 +630 929 4 885667249 +630 930 3 885667551 +630 932 2 885667108 +630 934 3 885667624 +630 975 4 885667108 +630 983 3 885667699 +630 988 2 885666301 +630 1023 4 885667581 +630 1040 4 885667660 +630 1047 4 885667200 +630 1055 3 885667898 +631 272 4 888464916 +631 286 3 888465033 +631 289 4 888465216 +631 301 4 888465107 +631 307 4 888465033 +631 310 4 888464980 +631 313 4 888464915 +631 334 2 888464941 +631 338 2 888465299 +631 346 4 888465004 +631 682 2 888465247 +631 1527 2 888465351 +632 1 3 879458692 +632 11 4 879458142 +632 17 3 879459573 +632 25 1 879459418 +632 28 3 879458649 +632 50 5 879459738 +632 55 2 879457857 +632 56 3 879458277 +632 58 3 879459210 +632 64 5 879457525 +632 68 1 879459394 +632 71 4 879458649 +632 79 5 879457317 +632 81 5 879458834 +632 82 4 879457903 +632 91 3 879459187 +632 95 5 879456955 +632 96 5 879457902 +632 97 4 879458856 +632 98 4 879457217 +632 99 5 879458941 +632 131 4 879458941 +632 132 5 879459738 +632 133 4 879457064 +632 143 5 879459053 +632 144 4 879457812 +632 150 2 879457525 +632 156 3 879457437 +632 159 3 879459460 +632 161 3 879459053 +632 164 4 879458692 +632 168 4 879457248 +632 172 5 879457157 +632 174 5 879457856 +632 181 5 879457016 +632 183 4 879456909 +632 184 5 879458277 +632 186 5 879459738 +632 188 4 879457857 +632 195 5 879459738 +632 196 3 879457064 +632 202 4 879457712 +632 204 4 879458277 +632 215 4 879458834 +632 227 3 879459025 +632 233 3 879459441 +632 234 3 879457641 +632 237 3 879458570 +632 275 3 879457582 +632 276 2 879457856 +632 282 4 879458806 +632 288 3 879458977 +632 356 4 879459248 +632 357 4 879456844 +632 385 4 879458649 +632 402 3 879458725 +632 404 5 879459544 +632 419 4 879457903 +632 423 4 879459003 +632 432 3 879456910 +632 451 4 879459505 +632 470 4 879459677 +632 480 5 879459739 +632 483 5 879459738 +632 508 2 879458570 +632 510 5 879459738 +632 527 4 879458429 +632 549 3 879459210 +632 568 3 879458142 +632 588 2 879457217 +632 591 4 879459053 +632 609 3 879459677 +632 622 4 879459418 +632 655 3 879457641 +632 679 4 879459321 +632 684 5 879457903 +632 693 2 879458692 +632 705 5 879459738 +632 720 3 879459025 +632 735 4 879458649 +632 739 3 879459210 +632 746 3 879459481 +632 763 3 879459304 +632 845 4 879459677 +632 1183 2 879458142 +633 5 3 877212085 +633 28 4 877212366 +633 56 2 875326491 +633 77 3 877212173 +633 79 5 875325128 +633 98 4 875324715 +633 110 3 877211817 +633 117 3 875326491 +633 121 3 875325168 +633 128 3 875325225 +633 143 4 877211134 +633 147 4 875325740 +633 172 3 877212250 +633 176 3 875325577 +633 177 3 875325654 +633 183 4 875325577 +633 234 4 877212594 +633 252 3 875325273 +633 276 3 875326698 +633 288 2 875324233 +633 289 3 875324233 +633 317 3 875324598 +633 318 4 875324813 +633 322 3 875325888 +633 328 4 875324298 +633 333 3 875567562 +633 385 4 875325497 +633 405 4 875325654 +633 410 2 875325865 +633 498 2 875324922 +633 526 4 877212250 +633 566 3 877212173 +633 651 3 877212283 +633 665 3 875325577 +633 778 2 877211886 +633 921 3 875324812 +633 939 4 877212045 +633 958 3 877210979 +633 1019 4 875324766 +633 1046 4 877212085 +633 1132 2 875325691 +634 1 3 875728872 +634 7 4 875729069 +634 9 5 877018125 +634 13 4 878916178 +634 14 3 875728783 +634 15 4 875729436 +634 21 2 875729668 +634 25 4 877018125 +634 50 4 877018347 +634 100 4 875728834 +634 106 3 877017923 +634 109 4 877017810 +634 116 3 875729069 +634 117 4 875729535 +634 118 4 875729106 +634 121 5 877018125 +634 122 3 877017975 +634 124 3 875728913 +634 125 4 875729710 +634 126 3 875729106 +634 127 5 877018347 +634 129 4 875729105 +634 137 3 875728834 +634 150 3 875728834 +634 221 1 875729105 +634 222 3 875728913 +634 235 3 875729825 +634 237 5 877018125 +634 240 3 877018033 +634 248 4 877018311 +634 258 4 884980585 +634 272 5 889464384 +634 273 3 875729069 +634 274 3 876170992 +634 275 3 875728834 +634 276 5 877018125 +634 281 4 877017829 +634 282 4 875729749 +634 283 2 875728783 +634 285 4 875728872 +634 286 5 877018125 +634 287 3 877018059 +634 288 3 875729178 +634 290 3 877017891 +634 293 3 877018347 +634 302 5 877974667 +634 313 5 884980565 +634 315 5 889464384 +634 322 3 875729217 +634 323 4 875729217 +634 325 1 877974690 +634 331 4 875728702 +634 340 4 881952599 +634 341 2 890779883 +634 405 4 877017872 +634 411 4 877018059 +634 458 4 875729148 +634 460 3 875729710 +634 471 4 875729478 +634 473 2 875729558 +634 475 5 877018125 +634 476 3 875729668 +634 477 3 876171093 +634 508 4 880067125 +634 515 4 877018346 +634 544 3 875729478 +634 591 4 875729535 +634 595 4 877017923 +634 596 3 875729105 +634 597 4 877017923 +634 628 4 876170992 +634 676 4 875729633 +634 678 2 877017632 +634 690 3 877368446 +634 717 4 875729794 +634 740 2 875729749 +634 741 3 875728834 +634 742 4 875729794 +634 748 3 875729217 +634 756 3 875729749 +634 762 3 879787667 +634 763 3 875729825 +634 819 2 876171049 +634 823 3 877017923 +634 840 2 875729794 +634 864 3 877368475 +634 919 2 877979309 +634 922 4 875728913 +634 924 4 877017810 +634 929 3 877018033 +634 932 3 877018004 +634 933 3 877017951 +634 977 3 877018033 +634 979 3 875729710 +634 985 4 877017790 +634 991 3 875729239 +634 1008 2 877017951 +634 1009 2 875729794 +634 1047 3 875729668 +634 1048 3 875729668 +634 1049 2 877018004 +634 1067 4 875729069 +634 1084 2 875728783 +634 1142 3 877018347 +634 1199 1 875728913 +634 1284 3 875729794 +634 1335 2 877017975 +635 1 4 878879283 +635 13 2 878879164 +635 15 3 878879346 +635 117 2 878879284 +635 237 3 878879257 +635 255 4 878879213 +635 262 5 878878654 +635 269 5 878878587 +635 276 3 878879257 +635 294 3 878878588 +635 300 3 878879107 +635 301 3 878878587 +635 307 4 878878654 +635 323 3 878878714 +635 327 5 878878752 +635 328 3 878878752 +635 682 2 878878685 +635 748 2 878878838 +635 873 3 878878752 +635 874 3 878878714 +635 875 2 878878838 +635 879 3 878878866 +635 886 4 878878901 +635 1025 2 878878901 +636 1 3 891448229 +636 9 3 891448185 +636 10 5 891449123 +636 100 5 891448228 +636 118 5 891449305 +636 121 5 891449212 +636 222 5 891449148 +636 258 5 891448155 +636 275 3 891448229 +636 283 3 891448916 +636 313 5 891448155 +636 596 5 891449212 +636 740 4 891449263 +636 813 5 891448297 +637 1 4 882902924 +637 7 1 882903044 +637 9 1 882902924 +637 13 1 882904458 +637 24 2 882903511 +637 25 4 882904537 +637 50 4 882901146 +637 100 4 882902924 +637 111 3 882903645 +637 118 1 882904961 +637 121 4 882904458 +637 124 3 882902835 +637 125 3 882903582 +637 148 3 882905070 +637 149 2 882901356 +637 150 1 882903447 +637 151 5 882904064 +637 181 4 882902540 +637 225 3 882904829 +637 237 2 882903511 +637 244 1 882903645 +637 245 3 882900047 +637 246 2 882903447 +637 255 3 882903645 +637 257 2 882903511 +637 268 2 882898692 +637 273 3 882903250 +637 274 5 882904065 +637 275 3 882903191 +637 280 2 882904679 +637 282 3 882903250 +637 283 2 882903822 +637 286 5 882900888 +637 289 2 882900047 +637 291 4 882905183 +637 293 3 882902835 +637 294 3 882900888 +637 301 1 882899527 +637 322 3 882900888 +637 323 1 882899182 +637 325 1 882899928 +637 332 4 882900888 +637 333 3 882900888 +637 338 4 882900888 +637 363 2 882904148 +637 405 1 882903250 +637 408 5 882901355 +637 410 2 882904148 +637 411 1 882904678 +637 460 2 882905388 +637 471 2 882903822 +637 475 1 882903191 +637 515 4 882902540 +637 535 2 882905573 +637 544 3 882903914 +637 546 1 882905182 +637 595 3 882904537 +637 596 2 882903582 +637 676 3 882903767 +637 685 3 882904829 +637 690 5 882900888 +637 717 3 882905572 +637 740 2 882903914 +637 741 1 882903644 +637 744 4 882903044 +637 815 2 882904678 +637 829 2 882905070 +637 831 1 882904961 +637 833 1 882905070 +637 847 3 882903191 +637 866 3 882905285 +637 873 1 882899608 +637 922 1 882902487 +637 926 2 882904898 +637 931 1 882905388 +637 934 1 882905285 +637 936 4 882902487 +637 985 2 882905284 +637 1011 1 882904961 +637 1028 3 882905182 +637 1033 3 882904233 +637 1051 2 882905388 +637 1102 3 882904537 +637 1226 2 882903191 +637 1233 5 882900888 +637 1244 1 882904458 +637 1344 4 882901356 +637 1374 1 882903447 +638 50 4 876694704 +638 62 3 876695307 +638 82 2 876694917 +638 89 4 876694704 +638 96 4 876694917 +638 98 3 876695560 +638 100 3 876695560 +638 117 4 876694995 +638 118 3 876695385 +638 121 4 876694995 +638 127 2 876694861 +638 128 3 876695216 +638 144 5 876694861 +638 161 4 876695307 +638 168 4 876695714 +638 172 4 876694787 +638 174 5 876694861 +638 176 3 876694861 +638 181 5 876694787 +638 183 4 876694704 +638 186 5 876695859 +638 194 3 876695774 +638 195 4 876694787 +638 204 5 876695917 +638 222 4 876694787 +638 227 2 876695259 +638 228 3 876694917 +638 229 1 876695108 +638 230 5 876695259 +638 234 4 876695627 +638 238 4 876695819 +638 241 3 876695217 +638 265 5 876695216 +638 385 5 876694917 +638 403 3 876695059 +638 410 4 876695774 +638 430 5 876695714 +638 431 4 876695108 +638 435 3 876694787 +638 449 2 876694995 +638 450 1 876695415 +638 472 3 876695307 +638 504 2 876695560 +638 510 3 876694704 +638 514 2 876695714 +638 515 4 876694704 +638 523 4 876695917 +638 550 5 876695059 +638 554 3 876695059 +638 636 3 876695108 +638 679 3 876695259 +638 685 4 876695307 +639 12 3 891239030 +639 48 4 891239295 +639 51 2 891239613 +639 52 3 891239838 +639 57 3 891239862 +639 58 3 891239296 +639 59 3 891239658 +639 66 3 891240868 +639 70 3 891239862 +639 83 4 891239790 +639 87 3 891239218 +639 88 3 891239638 +639 97 1 891240495 +639 98 4 891240643 +639 111 2 891239613 +639 116 3 891239739 +639 135 4 891239239 +639 137 3 891239271 +639 153 3 891240752 +639 155 3 891239638 +639 162 3 891239380 +639 166 3 891239838 +639 168 1 891240678 +639 170 4 891239790 +639 173 1 891239492 +639 174 4 891240160 +639 178 5 891240543 +639 179 1 891239324 +639 191 3 891239109 +639 194 4 891240160 +639 196 3 891239456 +639 197 3 891239492 +639 198 2 891239885 +639 199 3 891239155 +639 202 2 891239581 +639 204 3 891240751 +639 210 3 891240136 +639 212 4 891239550 +639 213 5 891239528 +639 216 3 891239528 +639 237 1 891239296 +639 242 4 891238514 +639 269 3 891238599 +639 274 1 891240495 +639 275 4 891239492 +639 286 4 891238618 +639 300 3 891238790 +639 305 1 891238668 +639 306 4 891238550 +639 311 3 891238599 +639 313 1 891238514 +639 357 3 891239156 +639 371 1 891240495 +639 381 2 891239581 +639 382 2 891239913 +639 387 3 891239380 +639 414 3 891240719 +639 427 4 891239064 +639 451 4 891239529 +639 462 5 891239838 +639 471 2 891239349 +639 483 5 891240520 +639 487 5 891240566 +639 488 4 891240160 +639 510 3 891239862 +639 511 4 891239240 +639 512 2 891239759 +639 513 4 891239030 +639 517 2 891239492 +639 519 4 891239380 +639 526 4 891239177 +639 527 4 891239323 +639 528 4 891239239 +639 549 2 891239427 +639 553 3 891240868 +639 580 2 891239581 +639 582 3 891239739 +639 584 2 891239790 +639 604 4 891240520 +639 615 5 891240160 +639 638 4 891239790 +639 647 3 891239217 +639 648 3 891239491 +639 651 4 891239349 +639 655 3 891239406 +639 659 3 891240111 +639 660 2 891239271 +639 661 4 891239155 +639 662 2 891239581 +639 664 2 891239324 +639 692 3 891239550 +639 702 2 891240868 +639 707 5 891239492 +639 709 3 891239581 +639 716 1 891240805 +639 724 3 891239581 +639 727 2 891239613 +639 731 2 891239613 +639 739 3 891240868 +639 740 4 891239324 +639 747 3 891239528 +639 750 2 891238514 +639 778 5 891239613 +639 786 3 891241022 +639 792 2 891240752 +639 796 1 891240805 +639 923 4 891239702 +639 958 4 891241052 +639 962 1 891243532 +639 971 4 891239913 +639 1005 2 891239813 +639 1020 4 891240136 +639 1121 2 891239885 +639 1163 1 891239349 +639 1193 4 891239702 +639 1194 5 891239271 +639 1195 2 891239838 +639 1465 2 891239048 +640 4 4 874778065 +640 11 4 874777440 +640 12 5 874777491 +640 14 4 886474436 +640 22 4 874778479 +640 38 4 874778612 +640 42 5 874778345 +640 47 4 874777735 +640 53 4 874778274 +640 55 5 874777765 +640 56 5 874777528 +640 62 3 874778612 +640 64 5 874777701 +640 66 4 874778345 +640 68 4 874778479 +640 70 4 874778065 +640 79 5 874778515 +640 85 5 874778065 +640 91 4 874777998 +640 126 4 886474802 +640 134 5 874777623 +640 151 4 886474515 +640 168 5 886354114 +640 169 5 874777890 +640 170 5 874777583 +640 173 5 886354270 +640 174 5 876067863 +640 180 5 874777528 +640 182 5 874777925 +640 184 5 889235992 +640 186 5 888026047 +640 189 5 874778181 +640 195 4 874778515 +640 201 4 874778240 +640 202 5 874778366 +640 204 5 874777974 +640 210 5 876067710 +640 214 5 874778274 +640 231 5 874778424 +640 233 4 874778479 +640 239 5 874778274 +640 249 4 886474493 +640 269 5 886803575 +640 302 5 888025971 +640 304 4 876067605 +640 313 5 888639815 +640 315 5 886353894 +640 318 5 874777948 +640 336 3 886353894 +640 338 5 886353852 +640 342 5 886353780 +640 346 4 886353742 +640 347 3 886353742 +640 354 4 888262331 +640 357 5 874778274 +640 369 3 886474977 +640 382 4 874777528 +640 385 5 874778569 +640 391 3 874778756 +640 428 5 874778299 +640 461 4 874777833 +640 474 4 874777623 +640 496 4 874777491 +640 540 3 874778479 +640 550 4 874778722 +640 566 4 874778569 +640 568 4 874778569 +640 578 3 874778612 +640 663 5 874778240 +640 684 4 874778568 +640 691 4 890014144 +640 693 5 874778207 +640 720 3 874778612 +640 732 4 886354499 +640 750 5 886353742 +640 751 4 886353742 +640 761 5 874778613 +640 778 4 886354499 +640 790 4 874777260 +640 827 3 886474833 +640 919 5 886474436 +640 926 3 886474913 +640 941 5 874778095 +640 952 4 886474538 +640 1016 3 886474538 +640 1054 1 886474010 +640 1067 4 876068799 +640 1073 5 874778299 +640 1228 4 889235993 +640 1244 3 886474849 +641 23 5 879370364 +641 30 4 879370365 +641 50 3 879370150 +641 59 4 879370259 +641 64 4 879370337 +641 83 4 879370119 +641 89 4 879370364 +641 124 4 879370299 +641 134 5 879370062 +641 192 4 879370150 +641 209 4 879370365 +641 242 5 879370299 +641 268 4 879369827 +641 285 5 879370028 +641 303 3 879369827 +641 305 5 879369848 +641 338 3 879369958 +641 427 4 879370119 +641 434 4 879370259 +641 484 5 879370299 +641 496 2 879370337 +641 511 5 879370337 +641 513 5 879370150 +641 514 4 879370062 +641 657 4 879370062 +641 865 5 879370149 +641 969 4 879370259 +641 1039 4 879370337 +641 1194 3 879370299 +642 1 5 885603565 +642 2 4 885606787 +642 8 5 885603662 +642 13 4 886206806 +642 15 5 885602314 +642 21 5 885605148 +642 22 4 885602285 +642 28 5 885603636 +642 29 5 886454812 +642 35 2 886570027 +642 38 4 885843141 +642 41 3 885605347 +642 44 3 885603870 +642 49 4 885605909 +642 50 5 885604280 +642 51 5 886132172 +642 53 2 885604940 +642 54 4 886206959 +642 56 4 885602656 +642 63 3 885606090 +642 65 4 886132172 +642 66 5 885603740 +642 67 4 885843025 +642 68 3 885606765 +642 70 2 886132189 +642 71 5 886131547 +642 72 4 885843087 +642 78 3 886570084 +642 80 5 885606557 +642 82 5 885602285 +642 83 5 885603636 +642 88 5 886131546 +642 89 2 886455538 +642 90 4 885606024 +642 94 2 885605909 +642 96 5 885842289 +642 97 4 885602418 +642 99 2 885602446 +642 102 5 885603849 +642 105 5 885606482 +642 117 4 886131655 +642 120 3 886206256 +642 122 2 885606463 +642 125 4 885603586 +642 132 3 885603636 +642 133 5 886206274 +642 135 3 886131953 +642 136 3 885602232 +642 138 4 886570173 +642 139 1 886569417 +642 140 3 886569257 +642 141 4 886568744 +642 142 4 886569380 +642 143 5 885603018 +642 148 5 885604163 +642 151 3 886568791 +642 153 3 885602572 +642 156 1 886454965 +642 165 4 885604480 +642 166 5 885604434 +642 168 5 885842943 +642 173 5 885602314 +642 174 5 885842594 +642 186 5 885602739 +642 195 3 885602718 +642 202 3 885842351 +642 204 4 885602593 +642 210 5 885842610 +642 216 3 885603083 +642 217 2 886569659 +642 218 3 886130929 +642 225 4 886569942 +642 231 3 886454812 +642 233 4 885606964 +642 234 1 885603662 +642 235 2 885606047 +642 237 5 885603870 +642 240 3 885606137 +642 249 5 885604805 +642 250 5 886131457 +642 254 4 886454812 +642 258 3 885601865 +642 259 5 885605095 +642 288 1 885604085 +642 292 2 887663326 +642 294 5 885601998 +642 313 5 886454784 +642 318 2 885602369 +642 356 4 886132104 +642 364 5 885843025 +642 365 4 886569922 +642 366 4 886131707 +642 367 5 885605866 +642 375 1 886131744 +642 376 3 885606194 +642 377 3 886569809 +642 378 3 885603517 +642 383 5 886570062 +642 386 5 885605932 +642 391 4 885607143 +642 392 4 886132237 +642 395 5 885604187 +642 398 2 886454837 +642 399 3 886131257 +642 401 4 885606178 +642 403 4 886454812 +642 404 3 886569122 +642 405 3 885606946 +642 407 5 885606482 +642 409 5 885605909 +642 411 5 885605834 +642 412 2 885606271 +642 416 5 886455469 +642 417 3 886568791 +642 418 5 885606581 +642 422 3 885606608 +642 423 3 885602506 +642 427 3 886132043 +642 441 1 886569942 +642 443 2 885603870 +642 444 1 886569417 +642 451 5 885605794 +642 462 4 886455357 +642 463 3 885602232 +642 465 4 885603932 +642 468 3 886568479 +642 470 4 886206991 +642 472 5 885607081 +642 473 1 886131585 +642 485 5 885602612 +642 496 4 885603516 +642 501 2 885603740 +642 527 4 886207132 +642 541 5 885607028 +642 542 5 885606609 +642 552 4 886569347 +642 554 4 885842962 +642 559 5 885604874 +642 560 4 886568978 +642 565 4 886569870 +642 570 1 886131332 +642 571 3 885606113 +642 575 3 886454901 +642 577 4 886569870 +642 579 4 885606537 +642 585 5 885606178 +642 588 5 886131546 +642 596 5 885604113 +642 597 4 885607065 +642 622 4 886568941 +642 623 4 886570010 +642 624 3 885606608 +642 625 3 885603932 +642 627 3 885606581 +642 628 3 891317897 +642 651 4 885602571 +642 673 2 886130929 +642 679 2 885606986 +642 699 5 886568959 +642 720 5 885606787 +642 722 3 885606113 +642 723 4 886132088 +642 726 2 886570131 +642 728 4 886131674 +642 729 3 885603566 +642 731 5 885605909 +642 732 4 885605538 +642 739 5 886568838 +642 742 5 885602839 +642 746 3 885602483 +642 755 3 885603495 +642 765 3 885606234 +642 768 4 885606609 +642 769 5 885842903 +642 771 3 885607115 +642 775 4 886569570 +642 780 5 885606270 +642 783 4 885606024 +642 790 4 885605932 +642 795 4 886570173 +642 801 3 885605794 +642 815 4 892241051 +642 826 5 888963032 +642 832 3 892240991 +642 843 3 886569682 +642 845 5 891318088 +642 862 4 892241015 +642 864 3 885605987 +642 871 3 885605835 +642 921 5 885603849 +642 931 4 885606857 +642 932 5 885605866 +642 942 4 886207151 +642 944 5 885605987 +642 946 2 885606581 +642 949 1 885605834 +642 951 3 886568618 +642 959 5 885605794 +642 966 5 886569140 +642 974 3 886569765 +642 993 4 891317955 +642 996 2 885605932 +642 1000 3 885602340 +642 1011 3 885842351 +642 1014 5 886131547 +642 1023 3 885842351 +642 1028 4 885605735 +642 1029 3 885606271 +642 1030 4 886570173 +642 1033 3 886569278 +642 1036 4 885606234 +642 1039 5 885602630 +642 1047 3 885606327 +642 1049 3 885606271 +642 1053 3 886207279 +642 1063 3 885603740 +642 1066 3 885606608 +642 1076 2 885606648 +642 1078 5 885604239 +642 1079 5 885605987 +642 1095 2 885606271 +642 1126 1 885603495 +642 1136 4 888123195 +642 1140 4 886569732 +642 1146 1 886570084 +642 1178 3 885606067 +642 1179 3 885606048 +642 1181 2 885607143 +642 1209 3 885606212 +642 1219 4 885603932 +642 1224 4 886132139 +642 1239 4 885607097 +642 1285 4 886132043 +642 1311 3 886569715 +642 1413 3 886569809 +642 1415 4 886569783 +642 1469 4 886568725 +642 1473 4 886568874 +642 1480 1 886569922 +642 1503 2 885602446 +642 1509 2 885606270 +642 1531 3 886569226 +643 1 5 891445287 +643 12 5 891446720 +643 23 5 891447835 +643 24 4 891449614 +643 28 4 891448002 +643 29 2 891449901 +643 32 4 891447459 +643 33 3 891449417 +643 42 4 891446750 +643 49 3 891449848 +643 50 4 891445140 +643 53 4 891449719 +643 56 5 891446791 +643 65 4 891448786 +643 66 3 891448786 +643 68 3 891447338 +643 69 3 891447430 +643 70 3 892502414 +643 72 4 891449301 +643 77 3 891449557 +643 87 5 891447663 +643 88 2 891449417 +643 89 3 891448630 +643 92 4 891447835 +643 94 4 891450240 +643 98 3 891446688 +643 99 4 891447485 +643 100 5 891445140 +643 111 4 891446301 +643 114 4 891446854 +643 117 3 891445823 +643 121 4 891445741 +643 127 5 891445476 +643 128 3 891447617 +643 129 5 891445354 +643 132 5 891448265 +643 143 4 891447868 +643 144 4 891447286 +643 150 5 891445823 +643 152 4 891446956 +643 153 4 891447196 +643 154 4 891447286 +643 155 2 891449345 +643 156 5 891446826 +643 159 3 891449345 +643 162 3 891448436 +643 163 4 891448839 +643 168 5 891447157 +643 169 4 891447222 +643 173 4 891447663 +643 177 4 891448002 +643 179 4 891447901 +643 181 3 891445476 +643 185 5 891447157 +643 186 4 891447663 +643 189 4 891447093 +643 195 5 891447063 +643 197 4 891446983 +643 200 3 891448265 +643 203 4 891446956 +643 204 3 891447901 +643 205 5 891447222 +643 208 5 891448136 +643 209 5 891446652 +643 211 4 891447617 +643 216 4 891448136 +643 219 5 891449614 +643 223 4 891447696 +643 228 4 891447260 +643 229 3 891449640 +643 231 2 891450316 +643 233 4 891449249 +643 235 4 891445698 +643 238 3 891448095 +643 240 5 891445823 +643 246 5 891445312 +643 249 3 891446323 +643 255 4 892502414 +643 262 3 892502480 +643 268 4 891450748 +643 273 3 891445287 +643 276 5 891445354 +643 282 3 891445230 +643 288 4 891445255 +643 325 2 891446581 +643 356 4 891448218 +643 367 4 891447518 +643 385 3 891449344 +643 399 3 891450376 +643 403 3 891449534 +643 404 4 891447959 +643 405 3 891445859 +643 410 4 891445597 +643 418 4 891447518 +643 419 4 891448002 +643 420 4 891449803 +643 423 4 891447370 +643 432 5 891449771 +643 435 5 891447314 +643 443 4 891446919 +643 447 4 891449249 +643 448 3 891449580 +643 468 4 891449900 +643 470 4 891448352 +643 474 5 891446955 +643 481 4 891447127 +643 482 4 891447063 +643 483 4 891446889 +643 484 5 891448756 +643 496 4 891446688 +643 501 4 891448062 +643 505 4 891447260 +643 508 4 891445287 +643 509 3 891448839 +643 514 3 891446688 +643 516 4 891447037 +643 519 4 891447663 +643 521 4 891448586 +643 546 3 891445660 +643 550 3 891450273 +643 566 3 891449476 +643 597 2 891446301 +643 629 3 891450168 +643 631 3 891447930 +643 639 4 891447790 +643 659 5 891447127 +643 663 4 891447747 +643 665 3 891449930 +643 671 4 891446652 +643 673 4 891448095 +643 674 3 891449901 +643 679 3 891447747 +643 685 3 891445354 +643 712 3 891449249 +643 715 5 891450210 +643 732 3 891447868 +643 739 3 891449476 +643 790 4 891449249 +643 794 3 891450376 +643 820 3 891446381 +643 824 3 891449681 +643 845 3 891445476 +643 928 4 891445660 +643 969 4 891446826 +643 1012 4 891445550 +643 1016 3 891445766 +643 1065 4 891448756 +643 1074 2 891448630 +643 1101 3 891448002 +643 1139 3 891449680 +643 1149 3 891447835 +644 50 4 889077247 +644 100 4 889076775 +644 117 4 889077418 +644 121 5 889077344 +644 127 4 889076775 +644 181 4 889077189 +644 237 4 889076775 +644 243 4 889076364 +644 250 4 889077463 +644 257 5 889077278 +644 258 4 889075928 +644 259 4 889076433 +644 261 4 889076502 +644 289 1 889076364 +644 291 4 889076949 +644 293 4 889076851 +644 294 4 889076095 +644 298 4 889077513 +644 300 5 889075967 +644 307 4 889076031 +644 322 5 889076364 +644 323 4 889076433 +644 326 5 889076148 +644 328 4 889076222 +644 330 4 889076173 +644 333 3 889075967 +644 457 4 889076502 +644 597 4 889077513 +644 748 4 889076222 +644 823 4 889076997 +644 871 4 889077513 +644 977 4 889076922 +644 988 4 889076475 +644 1025 4 889076433 +644 1610 3 889077115 +644 1620 4 889077247 +645 4 4 892055347 +645 11 4 892054278 +645 22 4 892054508 +645 28 4 892053310 +645 32 5 892054906 +645 47 4 892054824 +645 55 3 892053748 +645 59 5 892053429 +645 60 5 892053748 +645 61 5 892054508 +645 64 3 892053429 +645 65 4 892054824 +645 69 4 892053644 +645 70 4 892055325 +645 73 3 892055445 +645 81 4 892055039 +645 87 4 892055444 +645 89 4 892053483 +645 91 3 892054990 +645 96 3 892054444 +645 98 4 892053241 +645 134 5 892054364 +645 168 4 892054797 +645 172 4 892054537 +645 173 4 892053748 +645 174 4 892053518 +645 175 5 892054537 +645 179 5 892054600 +645 180 4 892054402 +645 183 4 892053340 +645 186 4 892053340 +645 188 4 892054906 +645 191 5 892053644 +645 197 5 892055244 +645 200 5 892054906 +645 203 4 892053456 +645 208 5 892054797 +645 209 5 892053483 +645 211 4 892054364 +645 212 4 892054857 +645 214 4 892054570 +645 216 4 892054732 +645 228 3 892053748 +645 239 3 892055445 +645 243 1 892052232 +645 258 3 892051708 +645 268 4 892051811 +645 286 4 892051844 +645 318 5 892053241 +645 319 3 892051708 +645 340 4 892051762 +645 367 3 892055039 +645 403 3 892055603 +645 427 5 892053483 +645 430 5 892054797 +645 433 4 892054906 +645 434 4 892055389 +645 435 4 892054364 +645 447 3 892053541 +645 469 5 892054707 +645 474 5 892053398 +645 482 4 892053340 +645 483 5 892053456 +645 488 4 892053241 +645 496 3 892053686 +645 512 5 892055072 +645 513 5 892054481 +645 514 5 892053686 +645 518 5 892055285 +645 523 5 892053686 +645 558 4 892053429 +645 616 3 892054508 +645 627 2 892055244 +645 640 4 892055285 +645 641 5 892054600 +645 656 4 892053241 +645 658 4 892054632 +645 660 3 892055628 +645 664 4 892054402 +645 673 3 892054600 +645 675 4 892053747 +645 708 3 892055072 +645 709 3 892054570 +645 748 1 892052039 +645 772 3 892055728 +645 956 4 892053310 +645 960 4 892054278 +645 963 4 892053241 +645 1018 3 892053518 +646 258 3 888528417 +646 300 3 888528418 +646 304 3 888529014 +646 310 3 888528483 +646 313 5 888528457 +646 315 4 888528483 +646 319 3 888529054 +646 332 3 888528870 +646 346 2 888528392 +646 347 2 888528392 +646 349 2 888529127 +646 678 3 888529127 +646 682 3 888529153 +646 683 3 888529014 +646 690 3 888528417 +646 751 2 888528870 +646 892 2 888529180 +646 893 3 888529080 +646 908 3 888529054 +646 1022 4 888528955 +646 1237 3 888529127 +647 15 4 876532975 +647 22 5 876534131 +647 29 4 876533657 +647 70 3 876776321 +647 71 4 876534275 +647 72 4 876534083 +647 73 5 876537697 +647 79 4 876530687 +647 88 4 876534041 +647 117 3 876776321 +647 121 4 876534274 +647 134 4 876534275 +647 173 5 876534131 +647 203 3 876776321 +647 213 3 876534151 +647 222 4 876534274 +647 231 4 876533657 +647 237 3 876776320 +647 250 3 876532975 +647 255 4 876534131 +647 257 2 876776321 +647 291 3 876534275 +647 326 3 876532517 +647 328 3 876531582 +647 357 5 876534131 +647 403 4 876533657 +647 405 4 876532747 +647 427 4 876534275 +647 490 4 876532145 +647 496 4 876534275 +647 554 4 876533810 +647 568 4 876533832 +647 588 4 876531955 +647 604 4 876537591 +647 631 4 876532425 +647 705 4 876530628 +647 742 4 876534275 +647 748 4 876532501 +647 831 3 876776321 +647 993 4 876534131 +647 1014 3 876531583 +647 1047 4 876534275 +647 1263 3 876776321 +648 1 5 882211109 +648 2 4 884882742 +648 4 1 884881646 +648 5 4 884883476 +648 7 3 882211109 +648 9 1 884795447 +648 13 3 882212071 +648 14 2 882211223 +648 15 1 884795447 +648 17 2 884882078 +648 21 3 882212609 +648 22 4 884628482 +648 23 3 882212709 +648 24 3 882211532 +648 25 2 882211760 +648 28 5 884628437 +648 29 2 884883149 +648 33 1 884881722 +648 38 5 884882803 +648 40 4 884882234 +648 47 2 884881807 +648 49 2 884881679 +648 56 1 884881592 +648 62 5 884882916 +648 63 4 884882103 +648 66 5 882213535 +648 67 4 884882192 +648 68 1 884882916 +648 69 1 884628564 +648 70 2 884881592 +648 71 3 884368165 +648 72 4 884881722 +648 79 5 884796689 +648 83 4 884628482 +648 89 4 884797033 +648 90 3 884882271 +648 94 5 884882234 +648 96 5 884368538 +648 98 4 884368313 +648 103 1 884367274 +648 104 1 884367274 +648 105 3 882212560 +648 107 4 882212200 +648 111 5 882211886 +648 112 2 884367366 +648 117 2 882211301 +648 118 4 882212200 +648 121 5 882211654 +648 122 1 882212609 +648 123 4 884366184 +648 125 2 882211654 +648 127 3 884365970 +648 133 4 882212651 +648 143 4 884368002 +648 145 4 884883616 +648 152 5 884368485 +648 153 4 884881621 +648 154 5 884881621 +648 161 3 884882802 +648 167 4 884882407 +648 168 5 884797068 +648 169 5 882212651 +648 172 5 884367538 +648 173 5 882213502 +648 174 5 884882664 +648 175 3 882213597 +648 177 5 884882702 +648 178 4 884368273 +648 179 4 884368442 +648 180 1 884368643 +648 181 5 882211066 +648 183 5 884368442 +648 184 5 884368643 +648 185 5 884368485 +648 187 3 884882664 +648 188 5 884882664 +648 191 5 884368002 +648 193 4 884628607 +648 194 5 882213535 +648 195 5 884368313 +648 197 3 884628644 +648 199 4 884368313 +648 200 2 884883476 +648 202 5 884881524 +648 203 1 884796571 +648 204 5 884368002 +648 205 3 884628607 +648 208 5 884796652 +648 210 4 882213502 +648 215 2 884796689 +648 216 4 882213596 +648 218 3 884883424 +648 219 4 884883578 +648 222 5 882211258 +648 225 1 882212527 +648 226 4 884882916 +648 227 3 884882803 +648 229 4 884882802 +648 230 5 884796822 +648 231 2 884882987 +648 234 5 884368314 +648 238 3 882213535 +648 240 2 882211857 +648 250 4 882211464 +648 252 4 882212374 +648 254 3 884367248 +648 265 4 884796886 +648 275 5 882211016 +648 288 4 882211654 +648 290 3 882211707 +648 291 3 882211736 +648 295 4 882211464 +648 298 2 884884466 +648 304 5 884363798 +648 323 5 882212526 +648 357 2 884628534 +648 367 3 884881837 +648 368 2 884366748 +648 373 3 884883149 +648 379 1 884883724 +648 385 5 884368130 +648 393 4 884881679 +648 399 4 884882104 +648 403 4 884882802 +648 406 3 882212373 +648 407 4 884367248 +648 410 2 884882375 +648 411 2 882212288 +648 412 1 884367318 +648 413 2 882212609 +648 414 1 884797033 +648 423 4 884368442 +648 429 4 884368130 +648 430 5 884881563 +648 431 5 884882664 +648 432 5 884368538 +648 434 5 884628437 +648 436 5 884883476 +648 443 2 884883424 +648 444 3 884883679 +648 447 5 884883578 +648 449 3 884882987 +648 452 3 884883679 +648 454 3 884368232 +648 455 3 882211685 +648 471 4 882211685 +648 472 3 882211965 +648 473 3 882211965 +648 477 3 882211585 +648 479 4 884368538 +648 483 5 882212708 +648 484 5 884368442 +648 497 4 884796769 +648 498 3 884368130 +648 500 5 884368002 +648 502 5 884881679 +648 505 4 884796652 +648 507 1 884796598 +648 510 5 884796728 +648 519 4 884628482 +648 520 4 884367538 +648 523 3 884628644 +648 546 4 882211736 +648 550 4 884882802 +648 554 4 884883323 +648 559 2 884883578 +648 561 2 884883679 +648 563 5 884883679 +648 564 1 884883724 +648 565 3 884883679 +648 566 4 884882702 +648 568 5 882212651 +648 569 3 884883578 +648 578 4 884882987 +648 586 3 884883149 +648 615 4 884796652 +648 619 3 882211301 +648 635 2 884883476 +648 636 4 884882916 +648 637 2 884883424 +648 662 3 884368485 +648 665 2 884882987 +648 674 3 884883476 +648 675 2 884883424 +648 676 2 882211384 +648 678 3 884366792 +648 679 3 884882802 +648 685 5 882211924 +648 687 1 882212527 +648 713 2 884795447 +648 722 3 884882104 +648 726 3 884882271 +648 728 2 884882078 +648 746 4 884881524 +648 748 3 882211886 +648 756 2 884366939 +648 758 2 884795447 +648 769 1 884883724 +648 780 1 884882501 +648 781 4 884882078 +648 797 3 884883031 +648 810 4 884883031 +648 816 1 884883724 +648 820 2 882212131 +648 825 4 882212039 +648 826 3 882212526 +648 827 3 882211924 +648 831 1 882212131 +648 840 1 884367180 +648 862 1 884882441 +648 878 3 884367366 +648 924 1 884795447 +648 926 3 882212400 +648 928 4 882212071 +648 929 4 882211066 +648 930 3 882212131 +648 931 2 882212609 +648 997 1 884882636 +648 1003 4 884882375 +648 1028 2 882212288 +648 1029 2 884882636 +648 1030 2 884882552 +648 1033 2 882212288 +648 1041 3 884882192 +648 1047 2 882212288 +648 1050 4 884797033 +648 1072 2 884882527 +648 1092 1 884882502 +648 1110 3 884881621 +648 1176 1 884628278 +648 1228 3 884883149 +648 1244 3 882212373 +648 1258 2 884366613 +648 1271 4 884882234 +648 1376 2 884367180 +649 1 5 891440235 +649 15 4 891440373 +649 24 4 891440460 +649 50 4 891440235 +649 117 5 891440460 +649 121 2 891440214 +649 147 4 891440214 +649 181 4 891440309 +649 250 3 891440356 +649 254 4 891440695 +649 275 2 891440412 +649 282 4 891440330 +649 291 5 891440330 +649 298 4 891440293 +649 323 3 891440624 +649 471 5 891440412 +649 1016 4 891440511 +649 1244 3 891440676 +649 1283 2 891440528 +650 1 3 891369759 +650 4 3 891386695 +650 7 4 891369656 +650 15 3 891383594 +650 21 2 891387767 +650 22 3 891369707 +650 29 2 891382877 +650 38 3 891381784 +650 50 5 891372232 +650 54 2 891385876 +650 55 4 891369889 +650 56 3 891369798 +650 63 2 891388294 +650 66 3 891384285 +650 69 2 891382877 +650 72 2 891386755 +650 77 3 891370093 +650 79 3 891369924 +650 80 2 891389216 +650 82 3 891381585 +650 88 3 891384226 +650 91 4 891371061 +650 95 3 891371186 +650 96 4 891369479 +650 97 3 891383110 +650 98 4 891369798 +650 99 4 891372365 +650 100 4 891369954 +650 109 3 891386167 +650 117 4 891370852 +650 118 4 891381546 +650 121 3 891369836 +650 127 2 891369520 +650 133 4 891381546 +650 134 5 891369520 +650 135 4 891381545 +650 136 4 891372203 +650 137 3 891385105 +650 140 2 891389132 +650 141 4 891386210 +650 143 5 891369656 +650 152 3 891382138 +650 154 3 891381993 +650 155 2 891384249 +650 157 3 891382960 +650 160 3 891383572 +650 161 3 891381709 +650 163 3 891386878 +650 164 4 891369798 +650 168 4 891381546 +650 172 4 891369442 +650 175 4 891372233 +650 177 2 891371061 +650 179 2 891383786 +650 180 3 891383164 +650 181 4 891371116 +650 182 3 891385775 +650 183 4 891369924 +650 185 3 891369836 +650 186 4 891370998 +650 187 2 891381585 +650 188 3 891381610 +650 193 3 891382901 +650 194 4 891369588 +650 195 4 891369442 +650 196 4 891370998 +650 197 4 891372233 +650 198 4 891381546 +650 199 4 891369520 +650 200 4 891386047 +650 202 3 891372258 +650 204 4 891369707 +650 205 4 891370971 +650 209 3 891382032 +650 210 3 891381585 +650 212 3 891383713 +650 214 3 891369587 +650 215 2 891371152 +650 216 4 891381546 +650 217 3 891389162 +650 218 3 891370065 +650 219 3 891386671 +650 222 4 891369924 +650 223 3 891369656 +650 227 2 891369836 +650 228 4 891369954 +650 229 2 891370031 +650 230 4 891369656 +650 232 3 891381634 +650 233 2 891370243 +650 234 4 891369890 +650 235 3 891388080 +650 238 4 891382032 +650 239 3 891385876 +650 243 2 891369215 +650 269 4 891368885 +650 272 4 891381546 +650 281 2 891382877 +650 286 3 891369022 +650 288 3 891369889 +650 294 3 891369190 +650 301 2 891385035 +650 309 3 891369071 +650 313 4 891381546 +650 316 3 891369190 +650 367 2 891387490 +650 371 2 891387725 +650 373 1 891382877 +650 380 2 891383735 +650 389 3 891387571 +650 391 2 891382877 +650 393 3 891386778 +650 399 3 891381784 +650 402 3 891383272 +650 403 3 891381709 +650 404 3 891369443 +650 416 3 891387312 +650 417 3 891387591 +650 419 4 891370971 +650 420 3 891385826 +650 423 3 891372316 +650 427 4 891383424 +650 429 4 891383523 +650 430 4 891382138 +650 431 3 891369620 +650 432 4 891386830 +650 434 4 891382218 +650 435 4 891372286 +650 444 2 891388341 +650 445 4 891388210 +650 447 3 891386120 +650 449 3 891370031 +650 451 2 891384202 +650 452 2 891370155 +650 472 3 891381784 +650 476 2 891388080 +650 478 4 891371186 +650 480 5 891371090 +650 482 3 891385775 +650 483 5 891372315 +650 484 5 891372365 +650 485 3 891385422 +650 493 4 891369554 +650 494 3 891371153 +650 495 3 891372316 +650 496 4 891369707 +650 498 4 891369587 +650 501 3 891385980 +650 502 3 891387353 +650 506 3 891385508 +650 507 4 891371153 +650 509 3 891372233 +650 510 3 891371090 +650 514 3 891371020 +650 515 4 891369678 +650 517 3 891382033 +650 521 3 891387616 +650 523 3 891382066 +650 525 3 891369954 +650 526 4 891369554 +650 527 3 891383229 +650 528 3 891370998 +650 530 4 891372233 +650 546 1 891382877 +650 550 3 891381661 +650 551 3 891370446 +650 552 4 891370031 +650 554 2 891382877 +650 561 3 891370113 +650 566 3 891369890 +650 568 3 891381709 +650 571 3 891387915 +650 576 1 891382877 +650 578 3 891381661 +650 581 2 891370155 +650 588 3 891372286 +650 603 4 891369836 +650 608 4 891369520 +650 612 4 891369656 +650 620 2 891383977 +650 622 3 891387468 +650 627 2 891387520 +650 629 3 891387398 +650 630 5 891371061 +650 631 3 891383424 +650 633 4 891371091 +650 636 3 891370066 +650 637 3 891387353 +650 644 3 891371061 +650 648 3 891384201 +650 650 2 891372203 +650 654 3 891369890 +650 658 3 891387571 +650 659 3 891369798 +650 661 3 891385206 +650 662 3 891371153 +650 663 4 891370971 +650 665 2 891381819 +650 671 3 891386878 +650 673 3 891369924 +650 674 4 891386778 +650 679 3 891381709 +650 692 3 891384226 +650 705 4 891371153 +650 708 3 891383356 +650 715 3 891383206 +650 719 3 891387833 +650 732 3 891371061 +650 735 3 891369588 +650 737 2 891383832 +650 739 2 891384328 +650 742 3 891369889 +650 747 3 891384202 +650 751 2 891369001 +650 755 3 891386187 +650 780 2 891389237 +650 809 3 891383926 +650 843 2 891388266 +650 849 2 891381745 +650 926 3 891388294 +650 928 2 891370093 +650 968 4 891372258 +650 969 3 891371186 +650 1031 3 891369480 +650 1035 2 891389132 +650 1039 3 891383229 +650 1060 3 891387833 +650 1065 4 891383547 +650 1110 4 891388467 +650 1118 3 891385746 +650 1119 3 891383303 +650 1126 4 891369620 +650 1135 2 891383977 +650 1149 4 891383856 +650 1215 3 891381850 +650 1247 1 891384110 +650 1474 3 891385288 +650 1627 3 891383786 +651 116 2 879348966 +651 242 5 880126430 +651 268 2 880126473 +651 285 4 879348966 +651 286 4 879348880 +651 292 2 879348881 +651 294 1 879348880 +651 306 5 880126473 +651 327 4 880126473 +651 683 3 880126096 +652 96 4 882567356 +652 125 2 882567383 +652 245 4 882567058 +652 257 2 882567356 +652 259 2 882567058 +652 282 4 882567294 +652 286 3 882567012 +652 288 2 882566890 +652 294 2 882566890 +652 300 4 882566890 +652 301 1 882566948 +652 307 4 882566890 +652 323 3 882567100 +652 333 4 882566857 +652 395 3 882567383 +652 538 4 882567012 +652 699 5 882567383 +652 984 2 882567180 +653 2 1 880151839 +653 4 3 878866755 +653 7 2 878866951 +653 11 2 878854145 +653 22 5 878854284 +653 28 4 878866814 +653 50 5 878854100 +653 53 2 880153304 +653 55 3 878854051 +653 56 5 878853975 +653 62 3 880151691 +653 64 4 878867272 +653 70 2 880151340 +653 77 3 880152843 +653 81 1 880151651 +653 82 4 880150393 +653 83 5 878853936 +653 87 4 878854332 +653 88 3 880152399 +653 89 5 878854100 +653 94 2 880153494 +653 97 3 878854383 +653 98 2 878854633 +653 101 3 880151817 +653 105 3 890181185 +653 117 4 878854810 +653 121 4 878854769 +653 127 5 878853780 +653 128 3 880606620 +653 136 1 880149965 +653 139 2 880153123 +653 143 3 880150104 +653 152 2 878866951 +653 153 2 878867228 +653 154 3 878867137 +653 156 4 878854633 +653 157 5 878855483 +653 161 4 878854247 +653 163 4 880151629 +653 164 3 878854633 +653 167 2 880153429 +653 168 3 890181186 +653 174 5 878854051 +653 176 3 878854145 +653 177 3 880150702 +653 179 4 880149927 +653 180 5 878854593 +653 181 4 878854145 +653 185 2 880606620 +653 186 5 880151557 +653 193 4 878866951 +653 194 3 880150260 +653 195 5 878854100 +653 196 2 880151539 +653 197 3 878854332 +653 200 4 878866952 +653 202 3 880151794 +653 204 4 878867093 +653 205 1 880150126 +653 208 3 890181185 +653 211 1 880149947 +653 213 2 880150190 +653 214 3 880151311 +653 215 2 880606619 +653 216 3 878866900 +653 219 1 880152780 +653 222 3 884405596 +653 223 3 878866636 +653 225 1 886052230 +653 226 3 878867346 +653 227 3 880151488 +653 228 4 878854190 +653 229 3 880153145 +653 230 3 890181186 +653 233 3 880151599 +653 234 3 878854633 +653 239 5 878854475 +653 245 4 893276091 +653 248 3 884405730 +653 257 3 890181185 +653 258 3 886051833 +653 272 4 893275949 +653 282 3 884405616 +653 286 4 884405346 +653 290 3 880153522 +653 291 4 878855275 +653 293 3 886051879 +653 294 2 878853618 +653 300 4 889151716 +653 307 4 889151627 +653 310 4 884405406 +653 313 4 890180685 +653 328 4 884408848 +653 357 4 878854383 +653 366 2 880152901 +653 378 3 890181185 +653 380 3 880151984 +653 381 2 880606620 +653 385 4 878854190 +653 386 1 880152864 +653 388 2 880153705 +653 395 1 880153674 +653 402 1 880151488 +653 403 2 880151461 +653 405 3 878854810 +653 409 2 880153406 +653 416 1 880152426 +653 423 2 880152039 +653 425 2 880606619 +653 428 1 880151580 +653 429 3 878866679 +653 436 1 880151673 +653 444 1 880153329 +653 448 4 878867249 +653 449 3 880153740 +653 451 2 880152351 +653 455 3 878854051 +653 458 2 878866475 +653 474 4 880150019 +653 476 2 878855211 +653 480 4 880150239 +653 492 4 880149999 +653 496 2 878866679 +653 502 2 878866995 +653 506 2 880606619 +653 508 3 886052198 +653 509 4 878854441 +653 510 2 880150040 +653 511 4 878854100 +653 517 1 880150330 +653 518 2 878866755 +653 520 3 880151488 +653 523 4 878854284 +653 526 3 880151752 +653 527 2 878855510 +653 531 5 878854284 +653 550 3 890181186 +653 563 1 880153406 +653 566 5 878854190 +653 572 2 880153522 +653 573 1 880152843 +653 575 1 880153406 +653 576 1 880152955 +653 578 1 880153009 +653 581 1 880152819 +653 597 4 878854810 +653 622 3 880152377 +653 631 2 880150412 +653 638 1 878866636 +653 642 1 878866604 +653 654 2 880606620 +653 657 4 890181185 +653 658 2 880151817 +653 659 1 880150330 +653 674 3 880151983 +653 679 2 880153406 +653 684 5 878854247 +653 685 3 878854769 +653 696 1 880152989 +653 702 3 880151918 +653 712 3 880153639 +653 719 3 880153841 +653 722 1 880152800 +653 728 2 880153568 +653 732 2 878866724 +653 737 1 880151839 +653 742 3 886052040 +653 746 5 878853936 +653 748 5 878853734 +653 756 1 878854996 +653 763 1 878854906 +653 765 1 880153207 +653 779 1 880153467 +653 780 2 880606620 +653 790 2 880152523 +653 797 2 880153841 +653 802 2 880153040 +653 809 3 880153620 +653 819 3 880149751 +653 862 2 880153378 +653 930 4 880148885 +653 941 1 880153040 +653 944 2 880152657 +653 967 2 880153123 +653 973 2 880150348 +653 984 4 884408848 +653 1012 4 878854852 +653 1014 2 884405682 +653 1016 3 890181186 +653 1023 3 878855109 +653 1028 2 880152902 +653 1044 1 880153304 +653 1135 2 880152759 +653 1139 3 880153145 +653 1140 1 880153841 +653 1183 1 880153329 +653 1188 1 880153568 +653 1206 3 880152377 +653 1207 1 880153329 +653 1210 2 880153705 +653 1228 2 880153378 +653 1267 1 880153253 +653 1444 3 880153077 +653 1478 2 880153705 +653 1620 2 886052291 +654 1 4 887863557 +654 3 3 887864071 +654 4 4 887864830 +654 8 5 887864497 +654 11 4 887864452 +654 13 1 887863780 +654 22 5 887864292 +654 28 5 887864610 +654 50 5 887863323 +654 54 3 887864941 +654 56 4 887864414 +654 66 4 887864727 +654 69 4 887864641 +654 70 4 887864663 +654 71 3 887864610 +654 79 5 887864256 +654 81 2 887864831 +654 87 4 887864471 +654 95 4 887864204 +654 97 3 887864727 +654 98 5 887864641 +654 100 1 887863436 +654 109 3 887863635 +654 111 4 887863635 +654 114 5 887864532 +654 116 4 887863436 +654 117 4 887864350 +654 118 2 887863914 +654 121 4 887863757 +654 124 4 887863412 +654 128 5 887865053 +654 137 4 887863596 +654 143 5 887864275 +654 144 5 887864907 +654 147 3 887863488 +654 151 4 887863471 +654 153 4 887864414 +654 154 3 887864797 +654 168 4 887864369 +654 169 5 887864275 +654 172 4 887864532 +654 173 5 887864181 +654 174 5 887864727 +654 181 3 887863381 +654 195 4 887864350 +654 196 5 887864757 +654 204 4 887864610 +654 210 5 887864350 +654 215 4 887864587 +654 216 4 887864432 +654 218 2 887864330 +654 222 5 887863534 +654 238 4 887864452 +654 239 4 887864868 +654 246 1 887863471 +654 249 5 887863866 +654 250 1 887863557 +654 252 2 887864031 +654 257 4 887863802 +654 258 4 887863436 +654 265 5 887864330 +654 268 1 887863017 +654 269 4 889451420 +654 275 5 887863394 +654 276 1 887863866 +654 278 3 887863757 +654 283 5 887863471 +654 284 4 887863914 +654 288 3 887863064 +654 291 4 887863914 +654 294 3 887863127 +654 300 5 887863017 +654 313 5 887862952 +654 317 4 887864757 +654 318 5 887864230 +654 332 4 887863081 +654 336 3 887863227 +654 381 3 887864886 +654 385 4 887864308 +654 408 5 887863381 +654 423 4 887864432 +654 431 4 887864414 +654 462 4 887864998 +654 468 4 887864757 +654 473 2 887863933 +654 476 3 887863914 +654 535 3 887863962 +654 546 4 887863885 +654 558 3 887864471 +654 568 4 887864868 +654 591 5 887863412 +654 597 4 887864812 +654 638 4 887864868 +654 660 5 887864532 +654 678 4 888687055 +654 689 3 887863194 +654 735 4 887864846 +654 736 5 887864757 +654 739 4 887864886 +654 742 4 887863339 +654 746 3 887864204 +654 756 4 887864071 +654 821 3 887864907 +654 825 3 887863826 +654 926 4 887863981 +654 963 4 887864414 +654 969 5 887864204 +654 1009 3 887863885 +654 1016 4 887863841 +654 1020 4 887864566 +654 1035 4 887864697 +654 1048 3 887864050 +654 1165 1 887864146 +654 1283 1 887863779 +654 1285 4 887864998 +655 1 2 887650876 +655 2 3 888474138 +655 5 2 887523641 +655 6 4 887425812 +655 7 3 887425969 +655 8 3 887477336 +655 9 3 891585450 +655 11 2 887427307 +655 12 3 887427130 +655 14 3 891585450 +655 18 3 888984478 +655 19 2 887472719 +655 20 3 887611537 +655 23 3 887426971 +655 24 3 887473831 +655 25 3 887611511 +655 26 3 887427338 +655 27 3 888984478 +655 28 3 887427210 +655 31 3 887523200 +655 32 4 887426900 +655 36 2 888685955 +655 38 2 887429875 +655 42 3 887428184 +655 44 2 887564639 +655 46 4 887523403 +655 47 3 887426972 +655 48 4 887472744 +655 49 1 887428417 +655 50 4 887425458 +655 51 2 887611677 +655 52 3 891585279 +655 53 2 887429812 +655 55 2 887429302 +655 56 3 887428060 +655 58 3 887427600 +655 60 3 887564614 +655 64 4 887426931 +655 65 2 887477511 +655 66 2 890887261 +655 70 2 887474727 +655 77 3 887430746 +655 79 5 887429559 +655 81 3 887427371 +655 82 2 887429559 +655 86 4 887650978 +655 87 3 887476943 +655 89 4 887650683 +655 92 3 891585477 +655 96 3 887651060 +655 97 3 887426931 +655 98 4 887472744 +655 100 3 888474138 +655 116 2 887476999 +655 117 2 887426030 +655 118 2 887426666 +655 121 3 887651060 +655 124 3 887426087 +655 125 2 887426200 +655 126 2 887426732 +655 127 5 888474106 +655 128 3 887429732 +655 129 3 887426008 +655 131 2 893002283 +655 133 4 888474106 +655 134 4 887431976 +655 135 4 887427083 +655 144 3 887429594 +655 149 4 887425936 +655 150 3 888893279 +655 152 3 890887261 +655 156 2 887430634 +655 159 3 887477216 +655 160 3 887427473 +655 161 2 887429758 +655 162 3 888474165 +655 165 3 887650512 +655 166 3 891585530 +655 167 4 888474713 +655 170 3 887523224 +655 171 2 887523641 +655 172 4 887477167 +655 174 3 888474456 +655 175 3 887426931 +655 178 4 887427009 +655 179 4 888813272 +655 181 3 887425601 +655 182 4 888474106 +655 183 4 887429999 +655 185 4 887430102 +655 186 3 887428157 +655 187 5 888474357 +655 188 3 888474807 +655 190 3 887427338 +655 193 3 887427307 +655 195 3 887473965 +655 198 4 887428871 +655 200 4 887473639 +655 202 2 887651114 +655 203 3 887476943 +655 204 3 887477192 +655 205 3 887650538 +655 207 3 888893279 +655 208 3 888813272 +655 209 3 887473831 +655 210 3 888474646 +655 211 3 887428334 +655 212 3 887477409 +655 213 4 888474934 +655 214 3 887650851 +655 215 2 887472943 +655 216 4 887428086 +655 218 3 887523477 +655 219 2 890497653 +655 220 2 887426583 +655 221 3 891585242 +655 223 3 887473856 +655 224 3 887425845 +655 228 3 887429594 +655 233 3 887611537 +655 234 3 888474713 +655 236 3 887426407 +655 237 3 887426116 +655 238 3 887473831 +655 239 2 887428507 +655 240 3 887650538 +655 242 4 887424795 +655 246 3 887474020 +655 248 2 888685759 +655 249 3 887474630 +655 250 3 887425625 +655 251 3 888984417 +655 252 2 888474490 +655 255 3 887477336 +655 256 3 887651060 +655 257 3 887474020 +655 258 2 887650944 +655 262 5 888474934 +655 265 3 887477314 +655 268 3 887474077 +655 269 3 888474807 +655 270 4 887650943 +655 271 3 887425103 +655 272 3 888474138 +655 273 4 887426373 +655 274 3 888474872 +655 275 4 887425845 +655 276 4 887473778 +655 280 2 888474490 +655 281 2 887426732 +655 282 3 888685989 +655 283 3 887425936 +655 284 2 887426732 +655 285 4 887425936 +655 286 3 887424831 +655 287 3 890497592 +655 288 3 887472814 +655 289 3 887425070 +655 291 3 887523177 +655 292 2 889293132 +655 293 4 887650683 +655 294 3 887425103 +655 296 4 888474934 +655 297 4 888474107 +655 300 3 887476919 +655 301 2 887424991 +655 302 4 887424720 +655 303 4 888474107 +655 306 3 887424883 +655 310 3 887473937 +655 311 3 887473702 +655 312 2 892011201 +655 313 4 888474285 +655 315 4 887424720 +655 317 3 887474269 +655 319 3 888685879 +655 320 5 888474456 +655 321 3 887425103 +655 324 3 890103072 +655 325 2 887425197 +655 326 2 888474742 +655 328 2 887425025 +655 330 2 887425295 +655 332 3 888984255 +655 337 2 887433538 +655 340 3 888984325 +655 344 4 888204230 +655 345 3 887473803 +655 346 4 888474713 +655 347 3 887424948 +655 354 2 891667570 +655 356 3 887430804 +655 363 3 887426770 +655 371 3 887611537 +655 375 2 888984293 +655 381 3 887474656 +655 385 3 887429669 +655 387 3 888984538 +655 391 2 887429784 +655 393 2 887428334 +655 396 2 887428507 +655 402 2 887431019 +655 403 2 891585574 +655 405 2 887429900 +655 411 3 887650512 +655 417 2 888771346 +655 423 3 887693376 +655 425 3 887477409 +655 428 3 887428157 +655 433 2 887428030 +655 443 4 887430102 +655 449 3 887429732 +655 458 3 887426407 +655 459 2 891408204 +655 461 2 887427130 +655 464 3 887523367 +655 466 3 887474630 +655 467 3 887523790 +655 468 3 887427681 +655 469 3 887427778 +655 474 3 888813306 +655 475 3 887693376 +655 476 2 887428671 +655 480 4 888984506 +655 481 2 888474390 +655 483 4 888685734 +655 498 3 887523453 +655 500 2 887651149 +655 503 3 887523477 +655 505 3 891735725 +655 508 3 887426030 +655 509 3 887427441 +655 511 3 887427009 +655 512 3 887474050 +655 514 5 887650683 +655 516 2 887523581 +655 517 4 891585450 +655 518 2 888813186 +655 520 3 887523427 +655 521 3 887426900 +655 522 3 887426900 +655 523 3 887427268 +655 525 2 892333973 +655 527 3 887427568 +655 529 4 887428965 +655 531 4 887473570 +655 533 2 887651114 +655 536 3 887650512 +655 537 3 887489086 +655 547 4 887523176 +655 550 2 887611677 +655 566 3 888893279 +655 568 3 887429640 +655 572 2 887651149 +655 576 2 888893313 +655 578 2 887488694 +655 581 2 887477000 +655 582 2 887427131 +655 584 3 887429171 +655 591 3 887426237 +655 594 3 887430778 +655 604 4 888984325 +655 605 3 887474241 +655 610 4 887432283 +655 611 3 887475345 +655 612 3 888474456 +655 619 3 887430746 +655 628 3 890887261 +655 629 3 887428559 +655 631 4 887473570 +655 632 3 887523224 +655 636 3 888475015 +655 638 4 890497592 +655 640 2 888685955 +655 642 3 887430714 +655 644 3 887474288 +655 645 3 887474288 +655 647 3 888813306 +655 650 3 887427009 +655 651 4 887564613 +655 653 3 892011201 +655 654 3 887474077 +655 655 3 888474285 +655 656 3 887430072 +655 657 3 891585504 +655 658 3 887427130 +655 660 2 888475101 +655 662 2 888686011 +655 670 3 887430142 +655 672 2 891585573 +655 684 3 887473965 +655 685 2 887426666 +655 693 3 888984506 +655 694 3 887428772 +655 698 4 887473727 +655 700 3 887523200 +655 702 2 887477262 +655 707 3 887472671 +655 708 3 887427307 +655 709 3 888475039 +655 717 1 887430830 +655 723 3 887650851 +655 724 3 887427600 +655 726 2 887475055 +655 727 2 888685914 +655 728 2 887431019 +655 729 2 887476031 +655 730 2 890497653 +655 732 3 887428445 +655 733 3 888474138 +655 735 3 887427338 +655 736 3 888685734 +655 739 4 891585450 +655 740 3 888474713 +655 741 3 887426201 +655 742 3 888813272 +655 744 2 887427636 +655 746 3 891999461 +655 750 2 887472879 +655 751 3 888474960 +655 753 3 887860615 +655 761 2 888686011 +655 764 1 887431074 +655 766 3 891585450 +655 770 2 892011201 +655 772 3 887426972 +655 773 3 887430072 +655 778 2 890497653 +655 781 1 887428384 +655 782 3 887650483 +655 785 2 887490946 +655 786 2 887472965 +655 789 3 887473879 +655 792 3 891585380 +655 796 2 887428280 +655 800 2 887430197 +655 805 2 888474327 +655 806 3 887523224 +655 813 3 888474456 +655 831 2 887564549 +655 845 2 887426446 +655 855 3 887428965 +655 860 3 887477386 +655 863 3 887473995 +655 867 4 887427307 +655 869 2 889282952 +655 874 4 888984255 +655 875 3 888685850 +655 880 2 887523271 +655 882 3 887473879 +655 887 3 887650979 +655 895 3 887472767 +655 896 4 887474605 +655 899 2 887433492 +655 900 3 887424991 +655 902 2 892333973 +655 903 3 887425070 +655 904 5 887473639 +655 906 2 888813416 +655 909 3 890611503 +655 910 3 889458990 +655 912 3 891817522 +655 914 3 891817471 +655 918 2 892436609 +655 919 2 888474490 +655 921 3 887474656 +655 923 3 888685734 +655 930 2 887429812 +655 935 3 887425498 +655 936 3 887425625 +655 939 3 887473905 +655 942 4 888685850 +655 945 2 887476008 +655 950 3 887611566 +655 953 3 887427243 +655 955 3 887860615 +655 958 3 887428993 +655 959 3 887427958 +655 960 3 887427210 +655 962 5 887473674 +655 963 3 888475015 +655 974 2 887477025 +655 979 3 888893279 +655 980 2 888984354 +655 995 3 887424991 +655 1005 4 887474605 +655 1007 3 891585504 +655 1008 3 887426300 +655 1009 2 887523271 +655 1014 3 890103072 +655 1016 3 887425601 +655 1017 3 887611566 +655 1022 3 887424948 +655 1024 3 887650979 +655 1029 1 887475032 +655 1041 3 887611537 +655 1045 3 887427473 +655 1046 3 887430779 +655 1053 1 887489159 +655 1061 2 887428623 +655 1062 3 887650979 +655 1063 3 888474909 +655 1067 2 887650593 +655 1068 3 891585417 +655 1069 1 887473535 +655 1070 4 887474050 +655 1071 2 888984293 +655 1074 3 891999461 +655 1084 3 888813272 +655 1085 2 888813416 +655 1097 3 887426008 +655 1099 3 887428965 +655 1100 3 887427371 +655 1101 2 887427243 +655 1103 3 887428417 +655 1106 2 891817472 +655 1107 4 888813272 +655 1108 3 887427083 +655 1111 3 887473856 +655 1113 3 887427810 +655 1121 3 887428938 +655 1128 3 887472791 +655 1129 3 891585242 +655 1131 5 887428772 +655 1134 3 887611594 +655 1135 3 887427743 +655 1140 3 887474699 +655 1141 3 888474986 +655 1147 3 887472767 +655 1149 3 887429107 +655 1158 3 888984255 +655 1160 3 888685850 +655 1161 3 887426446 +655 1167 3 887428384 +655 1169 3 887427210 +655 1170 3 891585242 +655 1171 3 887426200 +655 1174 3 887523477 +655 1186 3 888984538 +655 1192 4 887650851 +655 1193 3 887477360 +655 1194 5 887474605 +655 1196 3 888984325 +655 1197 3 887474289 +655 1198 3 888984538 +655 1208 3 887430746 +655 1211 4 887427681 +655 1213 2 887489282 +655 1214 2 891999461 +655 1221 3 891585477 +655 1223 3 891585242 +655 1226 3 891585529 +655 1232 3 887472606 +655 1252 3 887425601 +655 1255 3 887425732 +655 1256 3 887425655 +655 1257 3 887433685 +655 1265 3 887425025 +655 1266 3 887428911 +655 1267 2 887427840 +655 1268 3 892914357 +655 1273 2 888984386 +655 1278 2 887433780 +655 1281 3 891585477 +655 1288 3 887523427 +655 1296 3 891585242 +655 1319 3 887426373 +655 1322 2 887523641 +655 1344 3 887474020 +655 1351 3 888984539 +655 1356 3 887426059 +655 1368 5 888474285 +655 1370 3 890887261 +655 1375 3 887426008 +655 1378 3 887523176 +655 1379 3 888685879 +655 1380 4 887425625 +655 1395 3 887768594 +655 1400 3 887427268 +655 1403 3 888813372 +655 1406 3 888984325 +655 1407 2 887491131 +655 1418 4 888474646 +655 1421 3 887523477 +655 1426 2 888474390 +655 1436 2 888474679 +655 1462 3 887429077 +655 1466 3 890497592 +655 1473 3 888474872 +655 1475 3 887477386 +655 1479 2 887475032 +655 1490 2 887489792 +655 1499 3 888685556 +655 1501 3 887523200 +655 1506 3 887428871 +655 1514 2 887472879 +655 1516 3 887474630 +655 1529 2 887489792 +655 1532 2 887476999 +655 1535 3 887429023 +655 1538 3 887425498 +655 1553 4 888474019 +655 1560 2 887429136 +655 1585 4 887523403 +655 1600 3 888474286 +655 1602 3 891817435 +655 1605 3 888685850 +655 1607 3 887768472 +655 1623 4 887428735 +655 1629 3 887427083 +655 1632 3 888685759 +655 1633 3 889331315 +655 1634 2 888474019 +655 1635 3 887432079 +655 1639 4 887650483 +655 1642 4 888474934 +655 1644 1 888474327 +655 1646 3 891913577 +655 1647 3 891817435 +655 1648 2 891817435 +655 1649 3 892333993 +655 1650 4 892871225 +655 1651 4 891913500 +656 245 1 892319084 +656 269 3 892318343 +656 270 3 892318676 +656 272 3 892318343 +656 286 1 892318343 +656 301 3 892318648 +656 302 3 892318450 +656 303 4 892318553 +656 316 3 892318450 +656 322 1 892319238 +656 326 1 892318888 +656 327 2 892318738 +656 338 3 892319359 +656 344 4 892318520 +656 346 3 892318488 +656 347 4 892318488 +656 689 2 892319276 +656 750 2 892318648 +656 875 2 892318842 +656 896 5 892318842 +656 903 2 892318777 +657 1 3 884239123 +657 9 4 884239123 +657 109 1 884239886 +657 111 5 884239368 +657 118 1 884240732 +657 151 4 884239886 +657 269 5 884238002 +657 273 3 884239566 +657 282 3 884239745 +657 286 4 884238002 +657 294 5 884238247 +657 300 2 884237751 +657 302 2 884237291 +657 346 4 884238162 +657 475 4 884239057 +657 628 3 884241192 +657 690 4 884238002 +657 922 4 884239123 +657 1009 4 884240629 +658 1 4 875145614 +658 7 4 875145879 +658 8 5 875147873 +658 9 4 875145572 +658 31 3 875148108 +658 32 3 875147800 +658 42 4 875147873 +658 45 5 875147800 +658 50 4 875145750 +658 56 5 875148108 +658 70 3 875148196 +658 86 4 875147873 +658 96 4 875147873 +658 98 4 875147800 +658 100 4 875145493 +658 117 4 875145879 +658 129 3 875145750 +658 137 3 875145572 +658 151 5 875148319 +658 168 3 875148108 +658 169 5 875147935 +658 178 5 875148195 +658 181 3 875145614 +658 182 5 875147448 +658 195 3 875148059 +658 212 3 875148059 +658 257 4 875145667 +658 273 4 875148262 +658 276 4 875145572 +658 318 4 875148196 +658 408 5 875145614 +658 429 4 875147800 +658 433 4 875147994 +658 458 3 875145926 +658 467 4 875147448 +658 471 4 875145879 +658 475 4 875145667 +658 477 3 875145750 +658 488 4 875148196 +658 510 3 875147800 +658 511 4 875147935 +658 515 5 875145493 +658 518 4 875147873 +658 527 5 875147800 +658 603 4 875147994 +658 654 4 875148059 +658 718 3 875145667 +658 724 3 875148059 +658 730 3 875147995 +658 735 3 875148108 +658 772 3 875147591 +658 844 3 875145667 +658 943 3 875148196 +658 952 2 875145926 +658 1079 2 875145572 +658 1101 4 875147995 +659 4 3 891383917 +659 7 3 891331564 +659 13 4 891331361 +659 23 5 891332006 +659 43 4 891385955 +659 49 3 891385438 +659 50 3 891044882 +659 58 4 891385012 +659 62 4 891386380 +659 66 4 891385306 +659 69 3 891384916 +659 70 4 891383412 +659 76 4 891383917 +659 77 4 891386680 +659 86 5 891386071 +659 88 2 891385955 +659 89 4 891384637 +659 90 2 891386577 +659 96 4 891384552 +659 97 5 891384798 +659 98 4 891045943 +659 127 5 891331825 +659 131 4 891383412 +659 134 4 891332189 +659 135 3 891383412 +659 136 5 891331874 +659 143 5 891384973 +659 144 4 891384499 +659 153 4 891045891 +659 157 4 891383636 +659 159 4 891386540 +659 161 3 891386492 +659 167 3 891385438 +659 172 3 891384526 +659 173 4 891383412 +659 174 4 891384215 +659 175 5 891386829 +659 176 4 891045747 +659 177 5 891384850 +659 178 5 891332261 +659 179 1 891384077 +659 181 3 891384107 +659 182 4 891332044 +659 183 4 891385079 +659 185 4 891332223 +659 192 4 891384372 +659 195 4 891384152 +659 196 4 891384888 +659 197 5 891385080 +659 202 4 891385306 +659 204 4 891384152 +659 211 3 891384077 +659 212 4 891387227 +659 215 4 891385258 +659 234 4 891384798 +659 241 3 891387121 +659 252 4 891045227 +659 257 2 891044849 +659 258 4 891331825 +659 269 4 891331825 +659 272 4 891044849 +659 313 5 891331825 +659 315 3 891044991 +659 316 4 891044849 +659 317 4 891331874 +659 319 3 891331322 +659 356 3 891385012 +659 367 3 891385166 +659 385 5 891331825 +659 393 3 891387054 +659 402 3 891387400 +659 419 5 891331916 +659 423 4 891384414 +659 431 4 891385627 +659 443 5 891385136 +659 448 4 891385438 +659 451 5 891385534 +659 469 4 891385136 +659 474 2 891384739 +659 479 5 891383412 +659 481 5 891385866 +659 490 4 891384215 +659 492 3 891332189 +659 494 4 891383965 +659 496 5 891385258 +659 498 3 891383733 +659 507 5 891383561 +659 520 3 891332006 +659 524 4 891332158 +659 566 3 891383889 +659 568 4 891384850 +659 569 2 891386910 +659 578 3 891387351 +659 601 3 891386241 +659 602 4 891385986 +659 603 5 891331825 +659 604 4 891331916 +659 606 5 891331959 +659 607 5 891331825 +659 629 4 891386680 +659 636 3 891387400 +659 642 2 891386492 +659 646 4 891332122 +659 647 3 891384823 +659 648 3 891332006 +659 649 3 891386307 +659 654 4 891384526 +659 659 3 891332006 +659 660 3 891384798 +659 661 5 891331916 +659 664 4 891386380 +659 670 2 891385689 +659 675 4 891386936 +659 693 4 891331417 +659 699 3 891384499 +659 705 5 891383561 +659 708 3 891386641 +659 720 3 891386492 +659 735 3 891385079 +659 739 4 891387022 +659 762 3 891387227 +659 792 4 891384003 +659 794 3 891386910 +659 805 5 891383561 +659 837 3 891386307 +659 855 2 891386576 +659 942 3 891386347 +659 1119 4 891383674 +659 1138 4 891045266 +659 1168 4 891386641 +659 1172 4 891332122 +659 1203 4 891385258 +659 1267 3 891385689 +659 1297 2 891387306 +660 1 3 891406276 +660 2 2 891201151 +660 3 1 891405958 +660 7 3 891198203 +660 17 1 891265453 +660 21 3 891198671 +660 22 4 891199262 +660 24 3 891198277 +660 29 2 891357371 +660 33 2 891200193 +660 38 2 891201842 +660 40 2 891201674 +660 41 1 891265453 +660 50 4 891197980 +660 56 1 891265453 +660 62 2 891201243 +660 63 2 891201823 +660 64 3 891199035 +660 67 1 891201859 +660 68 4 891199391 +660 71 2 891200430 +660 80 1 891201796 +660 82 2 891200491 +660 83 3 891199556 +660 90 2 891201346 +660 95 2 891200491 +660 96 3 891200430 +660 97 3 891200406 +660 98 4 891199348 +660 99 2 891200704 +660 100 3 891198063 +660 101 3 891201243 +660 106 2 891903867 +660 117 3 891197934 +660 120 1 891198996 +660 122 1 891198996 +660 125 3 891198421 +660 132 3 891199683 +660 134 4 891199153 +660 135 4 891199833 +660 139 2 891202060 +660 144 3 891199856 +660 145 2 891202022 +660 151 5 891198335 +660 153 4 891200388 +660 161 1 891201223 +660 164 2 891200307 +660 167 2 891201565 +660 168 5 891199477 +660 174 4 891199293 +660 176 3 891199182 +660 177 2 891200014 +660 183 2 891199499 +660 184 3 891200741 +660 186 3 891199781 +660 191 4 891406212 +660 195 4 891406212 +660 197 3 891199965 +660 201 3 891200513 +660 202 2 891199683 +660 204 3 891200370 +660 207 4 891199620 +660 208 4 891199201 +660 211 4 891199104 +660 215 3 891199082 +660 216 2 891199804 +660 219 1 891406212 +660 222 2 891198063 +660 227 2 891201172 +660 228 3 891200193 +660 230 3 891199856 +660 231 2 891357371 +660 238 3 891200340 +660 239 2 891200989 +660 243 2 891197757 +660 249 2 891198109 +660 250 4 891198174 +660 252 2 891198459 +660 254 1 891357371 +660 265 2 891199241 +660 266 2 891197639 +660 272 4 891197481 +660 290 4 891198549 +660 294 3 891197701 +660 307 3 891197503 +660 313 4 891197481 +660 316 4 891197728 +660 318 3 891199133 +660 328 3 891197585 +660 347 3 891197585 +660 349 3 891197757 +660 357 2 891200014 +660 362 2 891197585 +660 366 1 891405958 +660 380 2 891201587 +660 385 3 891199883 +660 386 2 891200904 +660 391 2 891201823 +660 392 2 891200072 +660 402 3 891201380 +660 403 3 891357371 +660 404 2 891200621 +660 405 2 891198479 +660 430 4 891199747 +660 431 4 891200658 +660 432 4 891199104 +660 434 3 891200430 +660 456 1 891198996 +660 462 2 891199293 +660 470 2 891199883 +660 472 2 891198421 +660 473 2 891198996 +660 474 2 891200037 +660 483 4 891199804 +660 485 3 891200491 +660 491 4 891199348 +660 496 3 891199082 +660 510 3 891199056 +660 515 2 891199391 +660 527 3 891200073 +660 542 2 891201887 +660 546 2 891198588 +660 559 2 891201069 +660 568 3 891199182 +660 569 2 891201499 +660 603 4 891199182 +660 625 3 891200513 +660 640 1 891201223 +660 657 2 891199579 +660 658 1 891200193 +660 663 2 891199833 +660 680 2 891405088 +660 710 3 891199942 +660 722 1 891265453 +660 739 2 891201925 +660 742 2 891198312 +660 746 4 891199478 +660 748 3 891197757 +660 755 2 891201026 +660 771 2 891201984 +660 774 3 891200594 +660 786 1 891265453 +660 797 2 891201753 +660 809 2 891201565 +660 810 3 891265495 +660 825 2 891198549 +660 826 3 891198762 +660 845 3 891198385 +660 846 2 891198174 +660 890 1 891198996 +660 898 4 891197561 +660 926 2 891201587 +660 930 2 891198762 +660 996 1 891265453 +660 1020 4 891199833 +660 1035 2 891201116 +660 1050 4 891200678 +660 1074 1 891201399 +660 1078 2 891201521 +660 1110 2 891201823 +660 1135 2 891201675 +660 1178 1 891265453 +660 1181 1 891200594 +660 1183 1 891201049 +660 1411 2 891201294 +660 1419 1 891202022 +660 1483 3 892520856 +661 8 5 876016491 +661 28 5 876013975 +661 48 4 876016726 +661 52 4 876017029 +661 64 4 876014060 +661 69 4 876013492 +661 70 4 876017029 +661 71 4 876015530 +661 79 5 886841798 +661 89 5 888300344 +661 95 5 876036190 +661 97 4 888299980 +661 117 4 886841250 +661 118 4 876037058 +661 131 3 886841714 +661 132 5 886841714 +661 135 5 876013398 +661 140 3 876013552 +661 144 5 876016580 +661 161 4 876013588 +661 165 5 876013975 +661 166 5 888300194 +661 168 5 876017294 +661 170 4 888300680 +661 172 5 876036358 +661 173 4 876014469 +661 174 5 876013447 +661 175 2 888299899 +661 178 4 876013492 +661 181 5 876015607 +661 183 4 876035466 +661 189 4 876013850 +661 191 4 888300344 +661 192 4 888299461 +661 194 5 876016667 +661 196 3 888300680 +661 197 4 876013975 +661 200 3 876035896 +661 209 4 876013492 +661 210 5 876015530 +661 215 3 876015657 +661 216 5 876017933 +661 219 2 876035968 +661 222 3 876013121 +661 230 4 888300344 +661 237 4 876037519 +661 238 4 876016491 +661 249 3 886841443 +661 258 4 876012997 +661 272 4 893281023 +661 274 4 876037199 +661 280 3 886841562 +661 300 3 876036477 +661 304 2 886829961 +661 310 2 889500835 +661 313 4 886829961 +661 318 5 876013935 +661 357 4 876014469 +661 408 5 876015530 +661 418 4 876036240 +661 423 4 876016726 +661 425 4 886841714 +661 427 4 876016491 +661 428 4 876016726 +661 433 5 876016545 +661 436 4 876036043 +661 443 4 876035933 +661 480 5 876016491 +661 498 5 876017801 +661 501 4 876036190 +661 506 3 886841865 +661 514 3 876013398 +661 527 4 876035679 +661 531 4 876013552 +661 538 3 886830056 +661 568 4 888301266 +661 573 3 876036043 +661 603 3 876016726 +661 615 4 876013774 +661 631 3 886841831 +661 647 4 876013356 +661 657 4 876013714 +661 676 4 886841222 +661 684 3 888299899 +661 707 5 876016858 +661 709 4 886841685 +661 727 4 888300194 +661 749 2 889500304 +661 751 4 886840577 +661 756 3 876037089 +661 972 3 876016581 +661 1035 3 876017717 +661 1045 3 886841865 +662 6 5 880571006 +662 10 4 880570142 +662 13 4 880570265 +662 50 3 880570142 +662 93 5 880571006 +662 275 4 880571006 +662 276 3 880570080 +662 285 5 880571005 +662 286 3 880569465 +662 291 2 880570487 +662 319 3 880569520 +662 515 4 880571006 +662 591 4 880570112 +662 813 3 880570194 +662 985 4 880571006 +662 1380 2 880570952 +662 1381 5 880571005 +662 1652 3 880570909 +663 1 4 889492679 +663 3 4 889492614 +663 7 4 889492841 +663 9 2 889492435 +663 11 5 889493628 +663 12 5 889493576 +663 15 4 889493069 +663 23 4 889493818 +663 25 4 889492917 +663 31 4 889493628 +663 47 4 889493576 +663 50 5 889493502 +663 56 5 889493502 +663 69 4 889493770 +663 89 4 889493818 +663 96 5 889493628 +663 100 4 889492503 +663 108 2 889492796 +663 117 4 889492390 +663 121 4 889493182 +663 123 3 889492562 +663 124 3 889492390 +663 125 3 889492720 +663 127 5 889493540 +663 134 5 889493818 +663 148 4 889492989 +663 150 5 889492435 +663 151 3 889492841 +663 173 3 889493818 +663 180 4 889493691 +663 181 4 889493732 +663 183 4 889493770 +663 187 5 889493869 +663 192 4 889493628 +663 210 3 889493818 +663 235 2 889492917 +663 237 4 889492473 +663 243 3 889492076 +663 245 4 889491891 +663 258 3 889491560 +663 260 2 889491861 +663 268 3 889491617 +663 272 5 889491515 +663 273 4 889492679 +663 274 3 889493182 +663 276 3 889492435 +663 280 3 889492841 +663 284 4 889492841 +663 286 3 889491515 +663 287 5 889492720 +663 288 4 889491617 +663 289 1 889491861 +663 307 4 889491690 +663 313 5 889491617 +663 316 4 889491974 +663 318 4 889493576 +663 321 5 889491739 +663 322 4 889491739 +663 323 2 889492230 +663 330 4 889491739 +663 332 4 889491768 +663 333 5 889491655 +663 351 2 889491919 +663 357 5 889493732 +663 363 2 889492990 +663 405 3 889492877 +663 410 3 889492759 +663 411 3 889492877 +663 455 2 889492679 +663 471 3 889492841 +663 473 3 889492917 +663 475 4 889492435 +663 508 4 889492503 +663 544 4 889492841 +663 588 4 889493628 +663 603 4 889493540 +663 619 4 889493182 +663 655 4 889493869 +663 658 4 889493467 +663 678 2 889492140 +663 682 3 889491891 +663 693 4 889493732 +663 696 3 889492877 +663 710 3 889493437 +663 741 4 889493351 +663 742 4 889492720 +663 748 2 889492019 +663 762 4 889492473 +663 763 5 889492614 +663 815 4 889492759 +663 827 2 889492796 +663 844 2 889492841 +663 872 3 889491919 +663 876 3 889491739 +663 919 3 889492562 +663 924 3 889492351 +663 925 3 889493069 +663 928 3 889492679 +663 956 4 889493732 +663 978 4 889492614 +663 985 3 889493210 +663 1009 3 889493069 +663 1011 3 889493027 +663 1017 2 889492679 +663 1047 4 889492679 +663 1048 4 889492562 +663 1051 3 889493118 +663 1073 3 889493691 +663 1086 3 889492959 +663 1119 3 889493437 +663 1245 4 889492959 +663 1276 3 889492679 +663 1324 3 889492473 +664 7 3 878091393 +664 12 5 876524699 +664 14 4 878090764 +664 22 2 876524731 +664 45 4 878090415 +664 47 4 876525076 +664 50 5 878090415 +664 52 5 876525736 +664 53 3 876526580 +664 56 4 876525962 +664 57 4 878092649 +664 64 4 876524474 +664 70 3 878092758 +664 71 4 878090125 +664 73 2 878090764 +664 77 3 876526631 +664 79 4 876526519 +664 81 5 876524474 +664 83 4 876524869 +664 89 5 878092649 +664 92 4 876525002 +664 98 4 876526462 +664 118 3 876526604 +664 127 5 876525044 +664 132 4 878092569 +664 137 3 876524641 +664 149 3 876525315 +664 151 4 878091912 +664 152 3 878091463 +664 153 4 876526152 +664 154 5 876525963 +664 156 4 876526784 +664 159 3 876526739 +664 160 3 876524731 +664 162 4 876525764 +664 168 4 878090705 +664 169 5 878092569 +664 172 5 878090054 +664 173 4 876525963 +664 175 4 876524699 +664 179 4 876523654 +664 180 4 876524641 +664 182 4 876524641 +664 186 5 876526052 +664 187 5 876524699 +664 191 3 876523833 +664 192 4 876524096 +664 194 4 876525998 +664 196 4 878090054 +664 197 4 876523654 +664 203 4 876526685 +664 209 4 876525998 +664 210 4 878090054 +664 212 4 878090180 +664 215 4 876525293 +664 222 3 876524641 +664 223 4 876523654 +664 227 3 876526718 +664 229 3 876526631 +664 234 3 876526554 +664 268 3 876523093 +664 276 5 876524053 +664 285 5 876524053 +664 286 4 876523092 +664 302 4 876523093 +664 319 4 876523133 +664 321 3 876526179 +664 326 2 876523225 +664 328 3 876523314 +664 367 3 876526152 +664 408 5 878094973 +664 425 3 876524937 +664 427 4 876524053 +664 433 3 876525998 +664 450 3 876526604 +664 462 4 878091912 +664 466 4 876526519 +664 469 3 876524474 +664 478 5 878090415 +664 479 5 878090087 +664 480 5 878091393 +664 481 5 878091912 +664 483 4 878091463 +664 484 5 878090705 +664 494 5 878089975 +664 497 3 878092649 +664 504 4 876526518 +664 513 4 876524053 +664 514 5 876526179 +664 518 4 876524290 +664 528 5 876523833 +664 529 4 878090125 +664 531 2 876523833 +664 582 1 876525044 +664 588 3 878092569 +664 603 5 876526518 +664 611 5 878090705 +664 627 1 878090125 +664 631 4 876525077 +664 636 3 876526631 +664 649 4 876525044 +664 654 5 876526604 +664 655 3 876524097 +664 657 5 876526685 +664 659 5 876526518 +664 663 4 876525998 +664 664 4 876524474 +664 673 3 876526718 +664 678 2 876523288 +664 684 4 876526580 +664 692 3 878152048 +664 702 4 876526052 +664 708 4 876525077 +664 715 3 876525718 +664 717 1 876526555 +664 732 3 876525315 +664 735 4 878092802 +664 770 4 876526659 +664 778 3 876525192 +664 805 5 878090381 +664 845 2 878090381 +664 1090 1 876526739 +664 1098 3 876526152 +664 1101 3 876525002 +664 1109 4 876526555 +665 1 4 884290491 +665 7 4 884290635 +665 9 4 884290608 +665 12 4 884294286 +665 15 4 884290676 +665 24 3 884291300 +665 31 3 884294880 +665 50 4 884290432 +665 56 5 884294611 +665 65 4 884293523 +665 69 5 884293475 +665 71 4 884293933 +665 79 3 884293831 +665 88 3 884294552 +665 89 4 884294935 +665 97 2 884294329 +665 98 4 884293569 +665 100 3 884290349 +665 105 2 884291810 +665 109 4 884292654 +665 111 4 884290608 +665 117 4 884290575 +665 125 4 884291340 +665 126 4 884290751 +665 127 4 884292654 +665 133 3 884294771 +665 134 4 884293569 +665 135 4 884294880 +665 143 4 884293475 +665 147 4 884291057 +665 151 3 884291017 +665 154 3 884294025 +665 156 5 884294772 +665 157 3 884294671 +665 172 4 884293523 +665 177 3 884294374 +665 181 4 884291936 +665 183 4 884293933 +665 185 4 884294200 +665 186 4 884293569 +665 188 4 884293366 +665 191 3 884293475 +665 194 3 884294671 +665 195 3 884294819 +665 196 4 884294026 +665 202 3 884294612 +665 214 4 884294935 +665 215 2 884294880 +665 216 4 884293690 +665 234 3 884293610 +665 238 4 884294772 +665 239 3 884293475 +665 240 5 884291271 +665 249 5 884290608 +665 257 3 884292654 +665 274 3 884290408 +665 282 4 884291094 +665 286 4 884289850 +665 287 4 884290575 +665 293 4 884290728 +665 294 2 884289922 +665 298 3 884292654 +665 307 3 884292654 +665 315 4 884697720 +665 319 4 884289897 +665 328 4 884290055 +665 343 3 884292654 +665 346 2 884289897 +665 357 4 884293979 +665 369 4 884291747 +665 393 3 884295080 +665 405 3 884291300 +665 410 3 884291165 +665 411 4 884291242 +665 418 4 884294611 +665 419 4 884295126 +665 421 4 884294552 +665 423 4 884294611 +665 427 5 884293309 +665 432 4 884294025 +665 472 3 884291242 +665 473 4 884290882 +665 475 3 884290349 +665 476 4 884291133 +665 483 4 884293610 +665 508 2 884290751 +665 527 3 884294880 +665 538 4 884290143 +665 566 2 884293741 +665 588 4 884294772 +665 597 3 884290853 +665 620 3 884291613 +665 631 2 884294459 +665 660 4 884294935 +665 684 3 884294286 +665 685 2 884290515 +665 687 2 884290143 +665 699 4 884294374 +665 721 3 884294772 +665 748 4 884290076 +665 756 3 884292654 +665 762 4 884290480 +665 763 4 884291210 +665 815 4 884290608 +665 833 3 884291210 +665 845 4 884292654 +665 866 3 884290676 +665 926 3 884291376 +665 1009 4 884291936 +665 1040 4 884291550 +665 1061 4 884292654 +665 1132 2 884291662 +665 1225 2 884294286 +665 1283 3 884292654 +665 1315 4 884291413 +666 4 5 880314477 +666 5 2 880568465 +666 7 4 880313329 +666 11 4 880314453 +666 13 4 880313542 +666 25 3 880313559 +666 26 3 880568505 +666 28 3 880139381 +666 31 3 880314500 +666 32 4 880139466 +666 46 4 880139348 +666 48 4 880139180 +666 56 4 880139090 +666 64 4 880139120 +666 66 4 880568560 +666 70 4 880139526 +666 79 3 880567919 +666 82 3 880314194 +666 89 4 880139149 +666 92 3 880139493 +666 96 3 880568270 +666 98 4 880139381 +666 106 2 880313992 +666 111 3 880313523 +666 114 4 880567919 +666 116 4 880313270 +666 118 3 880313903 +666 121 3 880313603 +666 122 2 880313723 +666 127 5 880139180 +666 132 4 880139669 +666 133 3 880139439 +666 134 5 880567695 +666 135 4 880139562 +666 137 4 880313423 +666 143 2 880568064 +666 144 3 880314144 +666 147 3 880313661 +666 151 2 880313582 +666 153 4 880314103 +666 154 3 880568662 +666 162 4 880568662 +666 163 3 880567742 +666 168 4 880314272 +666 169 4 880567883 +666 172 3 880139090 +666 173 4 880139253 +666 174 3 880139586 +666 175 4 880567612 +666 176 4 880139120 +666 177 3 880567612 +666 179 5 880139323 +666 180 4 880139562 +666 181 2 880139563 +666 182 4 880139526 +666 183 5 880139180 +666 185 4 880139466 +666 186 2 880139587 +666 187 5 880139439 +666 188 5 880314564 +666 191 4 880139090 +666 194 3 880139348 +666 195 3 880314272 +666 196 3 880568129 +666 197 4 880568129 +666 199 5 880314253 +666 200 5 880568465 +666 202 5 880139493 +666 203 4 880139180 +666 204 3 880139090 +666 205 3 880139562 +666 206 4 880139669 +666 209 4 880139205 +666 210 2 880139493 +666 213 4 880139120 +666 216 3 880139642 +666 222 3 880313423 +666 223 3 880314144 +666 234 3 880139323 +666 237 3 880313391 +666 238 4 880139615 +666 245 3 880138865 +666 248 3 880313640 +666 255 4 880313423 +666 257 3 880313682 +666 258 4 880138999 +666 264 3 880138999 +666 269 5 880314564 +666 270 3 880138720 +666 273 3 880313292 +666 284 3 880313523 +666 286 5 880138999 +666 288 3 880138999 +666 293 3 880313310 +666 300 3 880138702 +666 301 4 880138999 +666 302 5 880138999 +666 310 5 880313163 +666 318 5 880139180 +666 319 4 880138999 +666 331 4 880138999 +666 333 3 880138999 +666 339 4 880138999 +666 385 3 880568028 +666 405 2 880313662 +666 410 2 880313447 +666 423 3 880139381 +666 427 4 880139382 +666 429 5 880139409 +666 430 4 880139614 +666 432 3 880139439 +666 433 3 880568560 +666 435 4 880567883 +666 436 3 880568637 +666 467 4 880568094 +666 471 4 880313423 +666 474 5 880139323 +666 478 4 880139526 +666 479 4 880139642 +666 480 4 880568063 +666 482 4 880567997 +666 484 4 880139149 +666 489 4 880314194 +666 492 4 880139252 +666 494 4 880314310 +666 496 4 880139149 +666 499 4 880139562 +666 502 3 880567883 +666 504 4 880139120 +666 505 4 880139526 +666 506 5 880139252 +666 507 3 880567771 +666 510 4 880139409 +666 511 4 880139120 +666 514 4 880139295 +666 515 5 880313230 +666 517 4 880139563 +666 518 4 880567742 +666 519 4 880139205 +666 520 3 880139562 +666 523 4 880314194 +666 525 4 880139467 +666 527 4 880139253 +666 529 5 880568129 +666 530 3 880139323 +666 544 4 880313682 +666 546 4 880313640 +666 582 4 880139642 +666 591 2 880313604 +666 603 4 880567943 +666 604 3 880139669 +666 607 4 880139563 +666 613 5 880139295 +666 616 3 880139253 +666 632 4 880568028 +666 636 4 880568322 +666 638 3 880139563 +666 640 4 880314477 +666 644 3 880314453 +666 647 5 880139439 +666 654 5 880139382 +666 656 4 880139120 +666 657 4 880139642 +666 661 4 880139765 +666 662 3 880568094 +666 663 4 880139409 +666 684 4 880568063 +666 699 3 880568297 +666 709 4 880314144 +666 729 4 880314225 +666 742 3 880313723 +666 760 3 880313789 +666 792 4 880568694 +666 805 4 880568436 +666 831 2 880313841 +666 855 4 880568270 +666 856 5 880139765 +666 864 3 880313523 +666 866 2 880313582 +666 924 2 880313582 +666 945 4 880567883 +666 959 4 880139149 +666 963 3 880139090 +666 1011 4 880313723 +666 1013 3 880314029 +666 1021 5 880139669 +666 1045 4 880567974 +666 1047 3 880313858 +666 1071 3 880567771 +666 1098 4 880314384 +666 1110 3 880314366 +666 1132 3 880313992 +666 1154 3 880567658 +666 1170 4 880568352 +666 1266 5 880139493 +666 1474 3 880567612 +667 23 3 891035084 +667 28 5 891034913 +667 69 3 891035104 +667 79 3 891034930 +667 86 5 891034894 +667 98 4 891035104 +667 124 5 891035164 +667 131 5 891034810 +667 137 3 891035206 +667 168 3 891035206 +667 186 4 891035033 +667 192 5 891034947 +667 196 5 891034993 +667 210 3 891035051 +667 216 4 891034894 +667 223 5 891034767 +667 234 2 891034730 +667 238 3 891035140 +667 269 5 891034444 +667 272 5 891034404 +667 285 5 891034810 +667 301 1 891034513 +667 313 3 891034404 +667 316 4 891034584 +667 318 5 891034976 +667 357 5 891034767 +667 435 3 891035104 +667 461 4 891034913 +667 482 4 891035140 +667 504 3 891035015 +667 527 4 891035121 +667 651 5 891034767 +667 880 3 891034568 +667 962 2 891035164 +667 1101 3 891035015 +668 29 3 881605433 +668 50 5 881605642 +668 82 4 881702925 +668 97 2 881702632 +668 124 3 881605489 +668 137 3 881605093 +668 210 5 881605849 +668 231 2 881605433 +668 252 2 881702925 +668 257 3 881605269 +668 258 2 881523929 +668 269 5 881523612 +668 271 4 881523787 +668 272 5 890349005 +668 283 5 881605324 +668 286 4 881523612 +668 288 4 882818604 +668 289 2 881523929 +668 294 3 890349076 +668 300 4 881523612 +668 307 4 881523762 +668 311 4 881591023 +668 323 4 881591198 +668 328 4 881523787 +668 333 3 881524020 +668 345 2 890349041 +668 354 4 890349060 +668 355 2 890349190 +668 358 3 881524153 +668 367 5 881605587 +668 403 4 881605433 +668 538 5 881523787 +668 554 3 881702723 +668 752 4 890349005 +668 882 3 881523929 +669 1 5 892549412 +669 12 5 891517287 +669 23 4 891260474 +669 50 5 891517215 +669 82 4 892550310 +669 96 2 891260392 +669 114 5 892550196 +669 117 1 891260577 +669 118 2 892549838 +669 127 5 891260596 +669 132 4 891260519 +669 133 4 891260779 +669 150 3 892549477 +669 151 5 892549370 +669 169 3 891517159 +669 172 3 891517159 +669 174 3 891260369 +669 181 5 892549390 +669 187 5 892550170 +669 190 3 892550170 +669 191 3 892550310 +669 194 3 891517159 +669 208 2 891517215 +669 216 3 892550170 +669 222 3 892549434 +669 246 4 892549497 +669 257 3 892549514 +669 258 2 891182622 +669 268 3 891517159 +669 269 3 891517159 +669 276 2 892550259 +669 290 2 892549820 +669 300 4 892549238 +669 302 4 891182948 +669 310 4 892549126 +669 323 1 891182792 +669 324 3 891517159 +669 326 1 891182678 +669 329 1 891182771 +669 340 4 891182948 +669 347 3 891182948 +669 348 1 891182572 +669 354 1 891182622 +669 355 2 891182792 +669 408 5 892549316 +669 427 4 892550137 +669 462 5 892550137 +669 482 4 892550170 +669 490 5 892550283 +669 505 3 891517159 +669 508 3 892549292 +669 514 3 892550215 +669 517 3 892550282 +669 521 4 892550196 +669 522 4 892550196 +669 523 4 891260638 +669 527 3 891517185 +669 531 3 892550310 +669 537 3 891517159 +669 614 4 891260778 +669 647 5 891260596 +669 664 4 892550104 +669 749 3 891517159 +669 879 2 891182703 +669 898 1 891182812 +669 902 2 891182948 +669 915 3 892549178 +670 8 4 877975594 +670 15 4 877975200 +670 83 3 877975018 +670 98 2 877975731 +670 135 3 877974549 +670 168 3 877974549 +670 174 4 877975344 +670 175 2 877975448 +670 191 4 877975731 +670 199 4 877974549 +670 228 5 877975344 +670 232 3 877975448 +670 417 4 877975129 +670 479 5 877975594 +670 480 5 877975017 +670 482 5 877975285 +670 484 5 877975391 +670 485 5 877974945 +670 511 4 877975285 +670 603 5 877974465 +670 606 4 877975391 +670 611 5 877975129 +670 615 3 877974605 +670 650 2 877975200 +670 651 4 877975070 +670 657 5 877974857 +670 659 5 877974699 +670 945 4 877975285 +670 949 2 877974465 +670 969 2 877975070 +670 1099 3 877975018 +671 4 5 884035939 +671 5 2 883949781 +671 12 5 883546120 +671 17 4 883546889 +671 22 4 884035406 +671 23 4 883547351 +671 27 3 884036050 +671 29 3 884036050 +671 31 2 883546333 +671 33 5 883949781 +671 50 5 875388719 +671 53 3 884034800 +671 54 3 884035173 +671 56 1 883546120 +671 68 3 884035892 +671 79 2 883546120 +671 88 4 884036846 +671 89 5 884035406 +671 96 5 884035686 +671 117 3 875389187 +671 144 4 884035686 +671 147 1 884035992 +671 159 5 883949781 +671 161 5 884035892 +671 176 2 883546120 +671 177 4 884035775 +671 181 5 875388719 +671 182 4 884035685 +671 184 3 884035775 +671 188 2 884035992 +671 201 3 884204509 +671 203 3 884035173 +671 204 5 884204510 +671 210 5 884035892 +671 222 1 883546333 +671 226 3 883949693 +671 231 3 884035993 +671 233 4 883547351 +671 234 4 883546890 +671 241 5 884035686 +671 250 5 875389187 +671 257 5 875388720 +671 258 5 875386402 +671 265 3 884035992 +671 298 4 875389187 +671 327 1 875387273 +671 356 3 883949781 +671 379 3 884035303 +671 385 5 884035892 +671 405 3 884035939 +671 431 2 883546677 +671 455 4 884035775 +671 472 5 884036411 +671 510 3 884035892 +671 550 3 884035406 +671 554 4 884036411 +671 559 4 884338399 +671 566 4 884035303 +671 568 5 884035686 +671 576 5 884035939 +671 578 3 884036411 +671 581 2 884035173 +671 591 3 883546333 +671 597 4 884036365 +671 628 3 883950232 +671 679 3 884036050 +671 684 3 883546890 +671 685 5 884035992 +671 686 3 884036365 +671 720 3 884036050 +671 742 5 884035173 +671 748 3 875386402 +671 770 2 883547351 +671 779 3 884036683 +671 802 3 884036411 +671 810 2 884036050 +671 838 3 884036365 +671 849 3 884036050 +671 864 3 884204727 +671 925 3 883949781 +671 947 3 884035775 +671 986 2 884035173 +671 1073 3 883949781 +671 1109 2 883546677 +671 1215 3 884036365 +671 1217 4 883547351 +671 1222 3 884036365 +671 1239 3 884036683 +671 1491 1 884034132 +671 1597 1 884035892 +672 15 3 879787922 +672 25 5 879789056 +672 50 3 879787753 +672 109 4 879788774 +672 124 3 879787922 +672 127 4 879787729 +672 225 2 879789437 +672 255 2 879789278 +672 269 3 879787460 +672 275 5 879787955 +672 280 2 879787729 +672 281 3 879788819 +672 284 4 879789030 +672 321 4 879787518 +672 476 5 879789462 +672 515 5 879787812 +672 756 2 879789244 +672 815 4 879788819 +672 864 3 879789278 +672 874 4 879787643 +672 931 1 879789164 +672 1023 2 879789672 +672 1028 4 879789030 +672 1061 4 879789566 +673 12 4 888787587 +673 242 4 888787508 +673 258 2 888786969 +673 268 1 888786997 +673 269 4 888786942 +673 272 5 888786942 +673 286 4 888787508 +673 288 4 888787423 +673 292 4 888787376 +673 294 4 888787376 +673 300 3 888786942 +673 301 3 888787450 +673 303 5 888787376 +673 311 4 888787396 +673 315 5 888786942 +673 323 2 888787508 +673 327 4 888787396 +673 328 4 888787355 +673 344 5 888787376 +673 345 4 888787396 +673 347 4 888787290 +673 528 5 888787587 +673 750 5 888786969 +674 1 4 887762799 +674 15 4 887762584 +674 25 4 887763035 +674 50 4 887762584 +674 117 5 887762861 +674 118 3 887763150 +674 121 4 887762881 +674 125 5 887762779 +674 127 5 887762799 +674 151 2 887763274 +674 222 3 887762839 +674 245 4 887762430 +674 252 2 887763151 +674 255 4 887763012 +674 257 4 887762641 +674 282 5 887763231 +674 288 3 887762296 +674 289 2 887763151 +674 294 4 887762296 +674 300 3 887762296 +674 304 3 887762296 +674 313 5 887762296 +674 315 3 887762296 +674 323 3 887762937 +674 405 4 887762861 +674 539 1 887763151 +674 597 3 887763150 +674 678 3 887762480 +674 685 3 887762861 +674 742 5 887762714 +674 751 3 887762398 +674 763 5 887762799 +674 827 4 887762899 +674 866 5 887763062 +674 929 3 887763150 +674 1197 3 887763386 +674 1620 4 887763035 +675 258 3 889488679 +675 286 4 889488431 +675 303 5 889488522 +675 305 4 889488548 +675 306 5 889488487 +675 311 3 889488647 +675 312 2 889488624 +675 318 5 889489273 +675 344 4 889488754 +675 347 4 889488431 +675 463 5 889489003 +675 509 5 889489465 +675 531 5 889489108 +675 650 5 889489971 +675 874 4 889488679 +675 891 2 889488779 +675 896 5 889488575 +675 900 4 889488624 +675 937 1 889490151 +675 1007 4 889489522 +675 1101 4 889490029 +675 1255 1 889490151 +675 1628 5 889489837 +675 1653 5 889489913 +676 1 5 892686188 +676 9 2 892686134 +676 13 1 892686319 +676 22 5 892686606 +676 50 5 892686083 +676 64 5 892686563 +676 114 5 892686606 +676 117 4 892686244 +676 132 5 892686703 +676 144 4 892686459 +676 168 5 892686459 +676 169 5 892686524 +676 172 5 892686490 +676 173 5 892686665 +676 174 5 892686459 +676 181 5 892686164 +676 193 5 892686606 +676 222 4 892686273 +676 245 4 892685592 +676 257 5 892686220 +676 258 2 892685370 +676 259 4 892685621 +676 265 5 892686703 +676 269 2 892685224 +676 270 4 892685489 +676 271 3 892685621 +676 288 1 892685437 +676 295 1 892686220 +676 300 4 892685403 +676 302 5 892685224 +676 303 4 892685403 +676 313 4 892685224 +676 315 4 892685224 +676 318 5 892686459 +676 328 5 892685657 +676 344 5 892685657 +676 345 2 892685621 +676 352 1 892685875 +676 354 4 892685437 +676 471 3 892686273 +676 482 4 892686702 +676 508 1 892686134 +676 520 4 892686758 +676 539 4 892685920 +676 546 3 892686371 +676 682 1 892685716 +676 687 1 892685803 +676 688 1 892685695 +676 748 4 892685538 +676 750 4 892685252 +676 751 4 892685695 +676 845 5 892686398 +676 879 3 892685489 +676 890 1 892685900 +676 895 1 892685562 +676 902 4 892685740 +676 916 5 892685849 +676 948 1 892685803 +676 962 4 892686525 +676 1483 4 892685826 +676 1527 1 892685657 +676 1654 1 892685960 +677 1 4 889399229 +677 7 4 889399171 +677 14 1 889399265 +677 91 5 889399671 +677 109 1 889399327 +677 126 1 889399265 +677 148 4 889399265 +677 150 3 889399402 +677 151 4 889399431 +677 222 4 889399171 +677 237 4 889399402 +677 243 3 889399113 +677 245 5 885191403 +677 268 5 889398907 +677 286 1 889399113 +677 289 1 889399113 +677 300 5 889398960 +677 307 5 885191227 +677 323 4 885191280 +677 405 4 889399328 +677 457 1 889399113 +677 471 4 889399171 +677 508 5 889399171 +677 539 3 889399113 +677 678 4 889399113 +677 687 4 889399113 +677 742 4 889399139 +677 748 4 889399113 +677 845 3 889399327 +677 980 2 889399470 +677 1049 3 889399139 +677 1240 5 889399671 +677 1245 4 889399199 +678 1 5 879544882 +678 7 4 879544952 +678 15 3 879544449 +678 25 2 879544915 +678 50 4 879544450 +678 111 4 879544397 +678 147 4 879544882 +678 181 3 879544450 +678 237 3 879544915 +678 275 2 879544450 +678 276 5 879544952 +678 282 3 879544952 +678 287 3 879544397 +678 515 4 879544782 +678 742 4 879544783 +678 924 2 879544397 +678 1115 3 879544815 +679 1 3 884487688 +679 8 2 884486856 +679 28 5 884486732 +679 50 5 884486758 +679 56 4 884487418 +679 63 3 884489283 +679 64 4 884487052 +679 69 4 884487688 +679 70 4 884487325 +679 73 4 884488036 +679 121 2 884488260 +679 132 4 884487374 +679 143 2 884487135 +679 153 2 884486904 +679 154 4 884486658 +679 168 5 884487534 +679 169 3 884486904 +679 174 3 884486837 +679 181 5 884487279 +679 184 4 884487491 +679 196 4 884487610 +679 204 3 884487191 +679 215 3 884487999 +679 222 4 884487418 +679 223 5 884487052 +679 241 3 884488149 +679 249 3 884486594 +679 268 4 884312834 +679 288 4 884312660 +679 291 4 884487960 +679 294 1 884312763 +679 322 3 884312763 +679 327 4 884312731 +679 357 5 884486812 +679 416 3 884488226 +679 419 3 884487514 +679 484 4 884486658 +679 520 4 884487031 +679 531 4 884487153 +679 710 4 884487374 +679 721 3 884487611 +679 727 4 884487961 +679 748 4 884312926 +680 9 4 876816106 +680 15 3 877075048 +680 20 4 877075273 +680 25 4 876816310 +680 98 4 876816224 +680 100 3 877075214 +680 117 4 877075312 +680 121 3 876816268 +680 150 5 877075105 +680 169 5 876816162 +680 195 4 876816106 +680 203 3 876816162 +680 242 4 876815942 +680 248 4 877075312 +680 269 4 876815942 +680 273 3 877075214 +680 274 3 877075312 +680 276 5 877075135 +680 285 5 877075079 +680 286 4 876815942 +680 318 5 876816106 +680 408 5 876816268 +680 515 4 876816268 +680 815 3 877075312 +680 845 4 877075241 +680 1012 3 877075214 +680 1089 2 877075214 +681 258 1 885409516 +681 259 2 885409882 +681 286 5 885409370 +681 288 1 885409810 +681 294 5 885409938 +681 304 3 885409742 +681 310 3 885409572 +681 328 3 885409810 +681 539 4 885409810 +681 682 1 885409810 +681 690 4 885409770 +681 898 4 885409515 +681 990 4 885409770 +681 1105 3 885409742 +681 1176 4 885409515 +681 1394 5 885409742 +682 2 3 888522541 +682 3 3 888519113 +682 4 3 888521599 +682 5 3 888520799 +682 7 4 888522455 +682 9 3 888517168 +682 11 4 888517049 +682 12 5 888516953 +682 15 4 888523581 +682 17 3 888520923 +682 21 4 888522194 +682 22 5 888519725 +682 25 4 888521564 +682 26 3 888517986 +682 29 2 888522699 +682 31 3 888520705 +682 38 3 888521116 +682 39 4 888518009 +682 41 3 888522073 +682 47 1 888517870 +682 50 5 888518639 +682 51 5 888517740 +682 53 2 888519519 +682 55 4 888520705 +682 56 4 888519077 +682 58 3 888517627 +682 64 5 888517011 +682 66 3 888521740 +682 67 4 888523581 +682 68 5 888522575 +682 69 4 888519206 +682 70 4 888517416 +682 72 3 888521540 +682 75 4 888518185 +682 79 4 888520705 +682 80 1 888521803 +682 83 3 888517011 +682 86 2 888518206 +682 87 5 888517235 +682 88 4 888521599 +682 89 4 888522418 +682 92 5 888519059 +682 94 3 888522021 +682 95 5 888523581 +682 96 4 888523635 +682 97 4 888517587 +682 98 4 888520638 +682 100 3 888517011 +682 108 3 888521564 +682 109 3 888521539 +682 111 3 888521740 +682 121 4 888520799 +682 122 3 888522260 +682 124 2 888517097 +682 125 4 888523635 +682 127 5 888517011 +682 135 4 888517484 +682 148 3 888520923 +682 150 4 888517197 +682 151 5 888523115 +682 153 3 888521465 +682 154 5 888521489 +682 156 5 888519207 +682 157 4 888517484 +682 163 3 888521833 +682 164 3 888521005 +682 167 2 888522101 +682 173 4 888521381 +682 175 3 888517265 +682 179 4 888517627 +682 181 5 888518639 +682 182 4 888523619 +682 183 3 888520638 +682 184 4 888519307 +682 185 4 888520639 +682 186 4 888521413 +682 187 5 888517235 +682 188 4 888522417 +682 190 4 888519725 +682 191 3 888517197 +682 192 3 888516979 +682 195 4 888522418 +682 196 5 888523581 +682 201 4 888519365 +682 202 4 888521413 +682 204 3 888521413 +682 205 3 888518164 +682 210 4 888522326 +682 211 4 888522311 +682 215 4 888517197 +682 217 4 888523581 +682 218 3 888520977 +682 219 2 888522857 +682 222 4 888519725 +682 223 1 888517011 +682 226 3 888520923 +682 228 4 888520923 +682 229 4 888520923 +682 231 1 888522612 +682 232 3 888519408 +682 233 2 888520864 +682 234 3 888520705 +682 238 3 888521540 +682 239 3 888517439 +682 240 4 888521637 +682 243 1 888516865 +682 246 5 888518659 +682 248 3 888518640 +682 249 3 888518722 +682 250 4 888523635 +682 252 3 888518773 +682 254 2 888518871 +682 255 3 888518722 +682 257 2 888518704 +682 258 3 888516814 +682 259 3 888518424 +682 263 1 888518541 +682 265 3 888520922 +682 268 5 888518279 +682 271 4 888518279 +682 272 5 888523619 +682 273 4 888520864 +682 274 4 888521740 +682 276 3 888517097 +682 281 3 888520864 +682 282 4 888519918 +682 290 1 888522217 +682 291 1 888517364 +682 293 4 888523581 +682 294 3 888516841 +682 298 4 888518639 +682 299 4 888518363 +682 304 1 888523810 +682 317 4 888517390 +682 323 2 888516865 +682 325 4 888521174 +682 327 3 888518299 +682 328 3 888518363 +682 333 4 888518279 +682 339 2 888518364 +682 351 4 888518468 +682 352 1 888518424 +682 356 3 888517986 +682 357 3 888516979 +682 358 3 888518450 +682 362 2 888518251 +682 363 2 888522612 +682 366 4 888517896 +682 379 4 888519260 +682 380 4 888517510 +682 384 2 888522073 +682 385 3 888522456 +682 386 2 888521942 +682 393 4 888521711 +682 395 3 888523657 +682 399 4 888522612 +682 405 2 888522456 +682 410 3 888521740 +682 412 1 888521907 +682 419 3 888523054 +682 420 3 888523115 +682 423 5 888519206 +682 427 4 888523581 +682 433 3 888521540 +682 443 3 888520977 +682 447 2 888522857 +682 451 3 888521637 +682 455 4 888521866 +682 465 3 888523054 +682 467 3 888517364 +682 471 3 888517537 +682 475 3 888521465 +682 476 1 888522100 +682 509 2 888517235 +682 518 4 888517324 +682 520 4 888519725 +682 541 3 888522612 +682 542 2 888523227 +682 546 3 888517740 +682 549 3 888517415 +682 551 2 888522977 +682 552 3 888520977 +682 553 3 888517627 +682 554 3 888521116 +682 556 2 888517840 +682 558 1 888519276 +682 559 4 888522837 +682 562 2 888522700 +682 566 3 888519260 +682 568 3 888522575 +682 570 2 888517948 +682 572 4 888521116 +682 573 4 888521116 +682 576 4 888522754 +682 578 3 888522575 +682 581 2 888517948 +682 582 1 888517816 +682 583 2 888517587 +682 585 4 888522021 +682 591 3 888517097 +682 597 1 888522699 +682 619 3 888519226 +682 623 3 888523288 +682 627 4 888523171 +682 628 4 888517364 +682 631 3 888517922 +682 651 4 888517168 +682 654 4 888520799 +682 655 5 888519725 +682 657 4 888520638 +682 658 4 888517390 +682 659 1 888520638 +682 660 2 888517870 +682 673 3 888517049 +682 678 1 888516814 +682 683 2 888518503 +682 685 3 888522541 +682 686 4 888519725 +682 687 2 888518871 +682 696 4 888518035 +682 697 4 888517816 +682 699 3 888523658 +682 708 3 888518104 +682 710 3 888521413 +682 713 3 888517537 +682 719 2 888521982 +682 720 4 888522699 +682 723 1 888518063 +682 724 4 888517948 +682 735 4 888517627 +682 737 3 888518104 +682 738 3 888522021 +682 742 3 888519738 +682 748 3 888516814 +682 761 4 888521090 +682 762 3 888521637 +682 763 4 888521783 +682 769 2 888522951 +682 772 4 888517922 +682 779 3 888522754 +682 780 3 888522217 +682 781 2 888521833 +682 790 3 888521942 +682 801 3 888521907 +682 802 2 888521047 +682 806 3 888523658 +682 808 4 888517762 +682 809 2 888522755 +682 820 3 888523323 +682 823 2 888522613 +682 824 1 888521907 +682 833 1 888522260 +682 834 3 888522971 +682 849 2 888522699 +682 862 1 888522021 +682 866 2 888522101 +682 876 3 888521290 +682 881 3 888521291 +682 890 2 888518564 +682 924 5 888517627 +682 925 3 888520923 +682 940 2 888521907 +682 941 4 888518035 +682 942 2 888517324 +682 943 3 888520864 +682 946 4 888523155 +682 948 2 888516865 +682 959 4 888521803 +682 977 3 888521090 +682 991 2 888518871 +682 1011 4 888517986 +682 1016 2 888518747 +682 1028 3 888523657 +682 1035 3 888523227 +682 1045 3 888517792 +682 1048 3 888521564 +682 1067 3 888520497 +682 1074 4 888517792 +682 1079 3 888523657 +682 1084 2 888518164 +682 1089 2 888518871 +682 1090 2 888521047 +682 1091 3 888523288 +682 1093 3 888522100 +682 1107 2 888517896 +682 1118 3 888521711 +682 1135 2 888518035 +682 1178 1 888521866 +682 1188 3 888519408 +682 1217 3 888521047 +682 1220 4 888518130 +682 1222 3 888523657 +682 1225 4 888521783 +682 1231 2 888522612 +682 1232 2 888517896 +682 1303 2 888522699 +682 1305 3 888522021 +682 1410 3 888517324 +682 1428 3 888518131 +682 1437 2 888521942 +682 1440 2 888517538 +682 1655 2 888517922 +683 22 4 893286550 +683 56 5 893286364 +683 62 4 893286208 +683 132 5 893286207 +683 133 5 893286208 +683 187 5 893286501 +683 248 4 893286603 +683 264 2 893283997 +683 268 4 893286261 +683 269 3 893282664 +683 270 3 893283049 +683 271 3 893284183 +683 272 4 893286260 +683 286 2 893282977 +683 299 3 893283997 +683 300 3 893283728 +683 301 2 893283728 +683 302 5 893286207 +683 303 3 893283104 +683 305 4 893286261 +683 306 3 893286347 +683 307 3 893286347 +683 308 3 893284420 +683 311 3 893283049 +683 312 3 893284183 +683 313 2 893282664 +683 316 4 893286208 +683 317 4 893286501 +683 321 5 893286207 +683 322 2 893283903 +683 323 3 893283903 +683 325 2 893286346 +683 332 3 893283997 +683 340 4 893286260 +683 344 3 893284138 +683 350 2 893284184 +683 358 2 893283948 +683 472 3 893286550 +683 511 5 893286207 +683 588 4 893286584 +683 609 3 893286502 +683 682 1 893284032 +683 690 4 893286260 +683 748 3 893286347 +683 754 3 893284184 +683 880 3 893283641 +683 887 4 893286261 +683 895 2 893284138 +683 900 1 893282740 +683 906 4 893286261 +683 911 3 893286346 +683 915 2 893282977 +683 1280 3 893284032 +683 1483 3 893286346 +684 1 4 875810928 +684 8 5 878761120 +684 15 5 878759758 +684 38 3 878759635 +684 48 4 875812176 +684 49 4 878762243 +684 50 4 875810897 +684 63 4 878762087 +684 64 4 878759907 +684 66 4 878762033 +684 67 3 878762144 +684 70 4 878761788 +684 82 5 875812227 +684 88 4 878761788 +684 94 3 878762183 +684 100 4 875810574 +684 111 4 878760164 +684 117 4 875810999 +684 118 4 878760274 +684 121 3 875810574 +684 147 2 878232961 +684 151 3 875810633 +684 158 3 878760372 +684 161 3 878760137 +684 168 4 878761120 +684 173 3 878761120 +684 178 4 878760250 +684 181 4 875810999 +684 186 4 878762087 +684 202 4 878759384 +684 204 4 875812299 +684 208 3 878761120 +684 215 5 875812176 +684 217 2 875811965 +684 218 1 878232961 +684 225 3 875811341 +684 237 5 875811158 +684 238 3 878759545 +684 239 4 878762118 +684 252 4 875812227 +684 265 4 878759435 +684 274 2 878759884 +684 282 4 875811274 +684 365 4 878759820 +684 371 2 878576866 +684 376 3 878762273 +684 386 3 878759184 +684 395 2 878762243 +684 401 3 878762302 +684 402 3 878759310 +684 411 3 875811455 +684 435 3 878761717 +684 483 5 878576905 +684 520 4 875812065 +684 553 4 878760305 +684 596 3 875812351 +684 625 3 878760041 +684 692 4 878576614 +684 710 5 875812109 +684 716 2 878761751 +684 722 2 878762302 +684 728 2 878762243 +684 734 3 878762302 +684 742 4 875810830 +684 756 4 875811455 +684 763 2 878232961 +684 781 3 878762183 +684 934 3 875811158 +684 1028 4 875810966 +684 1283 3 875811708 +684 1301 3 878760019 +685 269 3 879451401 +685 286 1 879447443 +685 299 2 879451540 +685 302 3 879451401 +685 319 2 879451401 +685 324 3 879451401 +685 325 3 879451401 +685 327 2 879451234 +685 334 1 879451168 +685 337 2 879451401 +685 340 2 879451401 +685 873 2 879451401 +685 991 1 879451282 +686 11 4 879546083 +686 12 5 879545758 +686 28 4 879546147 +686 48 5 879545180 +686 56 5 879546147 +686 64 5 879547224 +686 79 4 879546443 +686 97 2 879546847 +686 98 5 879546651 +686 99 5 879546553 +686 127 5 879545481 +686 134 5 879545340 +686 135 5 879547276 +686 170 5 879547043 +686 172 4 879545181 +686 173 5 879546847 +686 174 4 879545966 +686 176 3 879545413 +686 178 5 879546715 +686 180 5 879546147 +686 181 4 879547337 +686 182 5 879546217 +686 185 5 879545603 +686 187 5 879545481 +686 192 5 879545340 +686 197 5 879545814 +686 198 5 879546443 +686 204 4 879546553 +686 205 5 879545181 +686 208 5 879547275 +686 209 5 879545550 +686 214 5 879546651 +686 234 4 879546715 +686 265 4 879545550 +686 317 5 879546553 +686 327 5 879543445 +686 357 5 879545549 +686 425 5 879546651 +686 430 4 879546786 +686 435 5 879545758 +686 451 4 879546847 +686 467 5 879547336 +686 474 5 879545413 +686 480 5 879547224 +686 504 5 879545662 +686 514 5 879545662 +686 518 5 879546497 +686 521 5 879546786 +686 527 3 879547177 +686 528 5 879547336 +686 588 4 879546497 +686 651 5 879545413 +686 969 5 879546083 +686 1184 1 879547337 +687 245 3 884652276 +687 264 3 884652197 +687 288 4 884651576 +687 300 4 884652089 +687 313 5 884651420 +687 319 4 884652276 +687 321 4 884651818 +687 336 2 884652144 +687 340 4 884651894 +687 678 4 884652482 +687 748 3 884652276 +687 749 4 884651746 +687 895 4 884652331 +687 988 3 884652429 +688 259 5 884153750 +688 288 5 884153712 +688 304 5 884153606 +688 307 4 884153505 +688 309 5 884153606 +688 326 5 884153606 +688 329 5 884153606 +688 332 5 884153712 +688 336 2 884153728 +688 338 5 884153751 +688 339 5 884153712 +688 341 5 884153606 +688 349 5 884153712 +688 359 5 884153606 +688 678 5 884153750 +688 682 5 884153712 +688 754 5 884153606 +688 898 5 884153606 +688 1234 5 884153712 +689 7 5 876676334 +689 13 1 876676397 +689 15 5 876676502 +689 50 5 876676397 +689 109 5 876675152 +689 111 3 876676501 +689 118 4 876676433 +689 121 5 876676433 +689 125 3 876675152 +689 150 4 876676134 +689 151 3 876676501 +689 222 5 876674954 +689 250 5 876676334 +689 257 5 876676397 +689 260 3 879211543 +689 273 3 876676165 +689 295 1 876676334 +689 298 4 876676211 +689 300 5 876674606 +689 328 5 879211479 +689 405 5 876676292 +689 410 1 876676293 +689 471 4 876676433 +689 475 4 876676334 +689 596 3 876676134 +689 597 4 876676165 +689 748 5 876674637 +689 763 4 876676165 +689 879 2 876674692 +690 4 3 881177459 +690 8 4 881177430 +690 9 3 881178232 +690 12 4 881179631 +690 25 3 881177430 +690 51 3 881180543 +690 56 4 881177349 +690 64 5 881179682 +690 67 4 881177836 +690 70 2 881179584 +690 73 2 881177271 +690 79 4 881179809 +690 80 3 881177778 +690 85 1 881177430 +690 88 4 881177689 +690 90 1 881179469 +690 94 4 881177836 +690 98 5 881179196 +690 120 1 881179469 +690 121 3 881179906 +690 153 5 881177485 +690 159 3 881180005 +690 163 3 881177459 +690 167 2 881177662 +690 168 3 881177376 +690 174 4 881179505 +690 186 4 881177349 +690 194 4 881177349 +690 197 4 881180427 +690 202 2 881177349 +690 204 3 881177430 +690 208 5 881177302 +690 210 3 881177581 +690 211 3 881177349 +690 216 4 881177302 +690 218 5 881179906 +690 223 4 881179069 +690 226 3 881179969 +690 233 3 881179968 +690 234 4 881179878 +690 237 4 881178330 +690 238 5 881177302 +690 239 2 881177532 +690 240 1 881179469 +690 276 3 881178293 +690 281 3 881180005 +690 294 3 881177237 +690 357 5 881179122 +690 364 3 881178026 +690 376 3 881177910 +690 384 3 881177804 +690 396 2 881177861 +690 402 3 881180497 +690 431 2 881179856 +690 435 5 881177616 +690 451 4 881177910 +690 496 4 881179222 +690 523 4 881177430 +690 546 4 881178383 +690 554 3 881180005 +690 581 2 881180109 +690 585 2 881177970 +690 629 1 881177459 +690 649 4 881179906 +690 655 4 881177272 +690 663 4 881177376 +690 684 4 881179938 +690 712 4 881177880 +690 716 1 881179469 +690 722 3 881177937 +690 739 3 881180564 +690 742 3 881179878 +690 746 2 881177532 +690 747 3 881180427 +690 763 4 881177553 +690 780 4 881177910 +690 790 3 881177970 +690 794 3 881180543 +690 1028 4 881177836 +690 1041 3 881177804 +690 1042 4 881180035 +690 1090 3 881180138 +690 1118 1 881177459 +690 1185 1 881177778 +690 1207 3 881180138 +690 1210 3 881180035 +690 1273 3 881180382 +691 1 5 875543346 +691 8 2 875543346 +691 50 4 875543191 +691 56 4 875543025 +691 98 4 875543281 +691 170 5 875543395 +691 178 5 875543281 +691 185 5 875543281 +691 294 4 875542868 +691 318 5 875543281 +691 478 4 875543281 +691 500 3 875543068 +691 524 5 875543153 +691 603 5 875543191 +691 604 5 875543025 +691 631 4 875543025 +691 672 1 875543153 +692 25 4 876953340 +692 56 3 876953204 +692 100 4 876953482 +692 127 3 876948910 +692 168 2 876953204 +692 194 4 876953340 +692 204 5 876953340 +692 208 4 876953340 +692 211 4 876953340 +692 238 4 876953340 +692 249 3 876953681 +692 285 3 876953204 +692 287 3 876953130 +692 294 3 876946833 +692 300 4 876953340 +692 321 3 876946833 +692 326 3 876948579 +692 328 4 876953340 +692 411 4 876954021 +692 412 4 876954196 +692 523 3 876953204 +692 692 3 876953130 +692 756 2 876953681 +692 763 3 876954381 +692 845 3 876948910 +692 866 4 876953733 +692 1012 1 876953553 +692 1023 2 876954083 +692 1040 2 876954021 +692 1047 2 876953616 +692 1054 3 876954197 +693 7 4 875483947 +693 11 4 875482197 +693 12 4 875482056 +693 23 4 875482168 +693 25 4 883975697 +693 39 3 875482396 +693 48 5 875482280 +693 53 4 875483597 +693 56 4 875483268 +693 64 3 875482136 +693 69 3 875482336 +693 79 4 875483330 +693 88 3 883975500 +693 96 4 875483881 +693 97 5 875482604 +693 98 4 875483268 +693 99 3 875484763 +693 118 2 875483597 +693 121 2 875483564 +693 127 4 875482056 +693 130 1 875483144 +693 131 3 875484953 +693 132 4 875484562 +693 143 4 875484613 +693 144 4 875483847 +693 157 4 875482779 +693 159 4 875483521 +693 161 3 875484089 +693 162 3 875482912 +693 174 4 875483881 +693 176 2 875483268 +693 177 3 875484882 +693 181 3 875483881 +693 183 2 875483301 +693 187 3 875482336 +693 188 2 875483847 +693 191 2 875482136 +693 192 2 875482477 +693 193 4 875482092 +693 195 4 875483847 +693 196 2 875482548 +693 199 3 883975558 +693 215 4 875482860 +693 216 4 875484613 +693 222 2 875482524 +693 229 2 875483435 +693 234 2 875483330 +693 258 4 875481336 +693 272 4 885703603 +693 273 3 875481549 +693 281 3 875483597 +693 282 4 875482626 +693 288 2 883975203 +693 289 3 889167919 +693 298 3 885703740 +693 300 2 875481397 +693 313 5 885703726 +693 318 4 875482092 +693 333 3 875481397 +693 357 5 875482169 +693 378 2 883975537 +693 403 2 875483049 +693 419 2 875484501 +693 423 3 875482136 +693 427 4 875484908 +693 428 3 875484763 +693 432 4 875484908 +693 449 2 875483407 +693 471 3 875482653 +693 472 3 875484089 +693 480 4 875484454 +693 483 3 875484352 +693 488 4 875484539 +693 492 3 875484539 +693 499 4 875484539 +693 506 2 875484932 +693 507 4 875484837 +693 508 2 875482447 +693 509 3 883975500 +693 514 4 875484431 +693 520 2 875485037 +693 521 5 875482092 +693 523 4 875482448 +693 527 3 875482280 +693 528 1 875484613 +693 568 4 875483947 +693 572 2 875484148 +693 576 2 875484148 +693 581 3 875482731 +693 582 2 875482477 +693 591 3 875482779 +693 604 3 875484480 +693 606 4 875484584 +693 631 3 875482826 +693 649 2 875483169 +693 650 3 875482364 +693 651 3 875482548 +693 655 3 875482604 +693 660 3 875483020 +693 664 2 875482689 +693 673 4 875483050 +693 684 3 875483435 +693 685 4 875483947 +693 693 3 875482860 +693 697 4 875482574 +693 708 3 875483049 +693 729 4 875482912 +693 742 3 875483407 +693 855 2 883975636 +693 939 4 875483381 +693 942 2 875482396 +693 977 3 875483597 +693 1135 3 875482689 +693 1145 2 875483049 +693 1232 2 875483114 +693 1248 3 875483597 +693 1311 1 875482939 +693 1522 3 875483670 +694 9 5 875726618 +694 22 5 875726759 +694 23 3 875727926 +694 31 4 875728345 +694 48 4 875726759 +694 50 5 875730386 +694 52 4 875729667 +694 69 5 875727715 +694 82 5 875728345 +694 88 4 875727018 +694 89 4 875728220 +694 97 5 875727399 +694 98 5 875726886 +694 118 4 875729983 +694 121 5 875726886 +694 127 5 875730386 +694 131 5 875727715 +694 132 5 875727640 +694 135 5 875727018 +694 143 4 875727513 +694 144 4 875728912 +694 153 4 875728508 +694 157 4 875729667 +694 161 4 875727018 +694 163 4 875729982 +694 174 5 875727061 +694 176 5 875729146 +694 177 5 875726886 +694 178 4 875727099 +694 179 4 875730980 +694 181 5 875730386 +694 187 4 875727582 +694 191 5 875727749 +694 193 4 875728435 +694 195 4 875726708 +694 196 5 875727226 +694 197 5 875727926 +694 199 5 875728435 +694 200 4 875726968 +694 203 4 875728801 +694 210 4 875728293 +694 215 3 875728181 +694 216 4 875729830 +694 226 3 875729271 +694 228 4 875727306 +694 229 4 875728801 +694 230 4 875727143 +694 237 4 875728509 +694 239 4 875729520 +694 275 4 875727640 +694 300 4 875726453 +694 318 5 875727099 +694 356 4 875729622 +694 378 3 875730313 +694 393 3 875728952 +694 419 4 875729907 +694 423 5 875727018 +694 429 4 875726759 +694 432 4 875727513 +694 448 3 875729489 +694 449 4 875727271 +694 451 4 875729068 +694 468 4 875729270 +694 470 4 875727144 +694 480 4 875726759 +694 483 5 875727449 +694 485 4 875728952 +694 489 4 875727640 +694 491 3 875731050 +694 492 4 875727581 +694 496 4 875727640 +694 498 5 875726618 +694 504 3 875728912 +694 510 5 875726927 +694 511 5 875728048 +694 517 4 875727926 +694 519 4 875728293 +694 520 5 875726618 +694 521 3 875730042 +694 523 4 875727877 +694 526 5 875729431 +694 527 5 875727449 +694 528 3 875728842 +694 582 4 875728801 +694 584 4 875727877 +694 603 4 875727476 +694 604 4 875727399 +694 606 4 875727189 +694 610 4 875729983 +694 614 4 875726886 +694 617 4 875728181 +694 630 3 875728912 +694 632 4 875727399 +694 641 4 875726618 +694 645 4 875727143 +694 648 5 875728639 +694 654 4 875727099 +694 657 4 875728952 +694 659 4 875728181 +694 660 3 875729270 +694 663 4 875727926 +694 665 4 875728729 +694 671 3 875728989 +694 673 4 875726926 +694 684 4 875730313 +694 692 4 875728729 +694 699 4 875728639 +694 836 4 875727821 +694 965 4 875727672 +694 1020 4 875728345 +694 1028 3 875728581 +694 1035 4 875728345 +694 1050 3 875726759 +694 1126 5 875727449 +694 1203 4 875729489 +694 1205 3 875727550 +694 1221 3 875728842 +694 1263 3 875729146 +694 1269 5 875726793 +694 1455 3 875727061 +695 242 5 888805837 +695 260 4 888806150 +695 268 5 888805864 +695 270 4 888805952 +695 288 4 888806120 +695 300 1 888805767 +695 301 3 888806120 +695 305 3 888805797 +695 307 4 888806120 +695 311 4 888805767 +695 313 2 888805836 +695 319 5 888806056 +695 323 2 888806292 +695 324 2 888805981 +695 338 2 888806270 +695 346 5 888806011 +695 354 4 888806056 +695 682 1 888805952 +695 882 4 888805836 +695 895 1 888805864 +695 903 4 888806082 +695 991 5 888806011 +695 995 4 888806150 +695 1024 5 888805913 +696 9 5 886404617 +696 124 5 886404617 +696 234 4 886404617 +696 245 4 886404208 +696 302 5 886403632 +696 305 4 886403578 +696 307 5 886404144 +696 310 4 886403673 +696 311 5 886404063 +696 312 4 886404322 +696 313 3 886403672 +696 315 5 886403578 +696 344 5 886403672 +696 347 1 886403578 +696 427 5 886404542 +696 520 5 886404617 +696 523 5 886404542 +696 689 1 886404208 +696 748 1 886404268 +696 883 4 886404208 +696 906 3 886403769 +696 1062 4 886403631 +696 1126 3 886404617 +696 1176 4 886403631 +697 1 5 882622481 +697 7 5 882622798 +697 25 3 882622188 +697 50 5 882621913 +697 107 5 882622581 +697 118 3 882622044 +697 121 4 882622066 +697 122 4 882622248 +697 123 5 882622016 +697 124 5 882622505 +697 125 3 882622559 +697 127 5 882622481 +697 129 5 882622016 +697 150 5 882622127 +697 181 4 882621913 +697 222 4 882622016 +697 242 5 882621486 +697 246 5 882622798 +697 257 5 882621913 +697 268 5 882621548 +697 270 5 882622481 +697 273 5 882622481 +697 277 5 882622581 +697 282 4 882622559 +697 283 5 882622146 +697 284 5 882622581 +697 286 4 882621486 +697 288 2 882621431 +697 294 4 882621569 +697 295 3 882622733 +697 298 4 882621940 +697 300 5 882621431 +697 301 5 882621523 +697 302 5 882621460 +697 310 3 882621431 +697 323 4 882621621 +697 325 4 882621673 +697 328 5 882621486 +697 331 3 882621431 +697 333 3 882621431 +697 336 3 882621523 +697 343 4 882621548 +697 455 4 882622170 +697 456 3 882622287 +697 473 5 882622372 +697 591 4 882622016 +697 595 4 882622066 +697 596 4 882622372 +697 628 4 882622016 +697 682 2 882621523 +697 683 1 882621813 +697 689 4 882621714 +697 713 5 882622505 +697 742 3 882622044 +697 748 5 882621569 +697 751 5 882622481 +697 754 3 882621431 +697 815 3 882622430 +697 818 4 882622228 +697 820 3 882622373 +697 833 3 882622228 +697 876 3 882621595 +697 928 3 882622044 +697 975 1 882622044 +697 979 5 882622044 +697 989 2 882621813 +697 1012 1 882622824 +697 1047 3 882622228 +697 1059 2 882622208 +697 1067 5 882622170 +697 1089 3 882621958 +697 1160 1 882622824 +697 1245 1 882622526 +698 1 4 886366815 +698 9 3 886367956 +698 25 2 886367917 +698 50 5 886366101 +698 83 5 886366731 +698 95 3 886367406 +698 96 4 886366515 +698 100 2 886367809 +698 131 4 886366955 +698 143 3 886367530 +698 144 2 886367586 +698 153 2 886367586 +698 168 3 886366731 +698 172 5 886367100 +698 173 5 886366652 +698 175 3 886367406 +698 176 4 886366814 +698 177 1 886367366 +698 181 3 886366141 +698 190 5 886366515 +698 191 2 886367406 +698 194 4 886366454 +698 198 2 886367442 +698 199 2 886367065 +698 202 3 886367775 +698 204 2 886366770 +698 205 4 886367013 +698 210 5 886366690 +698 220 3 886367874 +698 222 4 886366611 +698 230 3 886367337 +698 255 3 886366213 +698 257 3 886366141 +698 258 3 886365527 +698 275 4 886366558 +698 283 2 886367849 +698 284 1 886368545 +698 294 4 886365733 +698 300 4 886365577 +698 307 4 886365629 +698 330 4 886365606 +698 404 1 886368545 +698 421 2 886367366 +698 423 2 886366731 +698 427 1 886367013 +698 428 1 886367955 +698 431 1 886367750 +698 433 4 886366848 +698 434 4 886366515 +698 465 3 886367720 +698 478 4 886366814 +698 479 2 886368545 +698 480 2 886367100 +698 482 2 886367406 +698 483 3 886367133 +698 485 4 886367473 +698 486 4 886366815 +698 487 2 886367508 +698 489 3 886367849 +698 490 3 886366814 +698 491 2 886367644 +698 497 3 886367473 +698 499 3 886366515 +698 505 2 886367750 +698 507 4 886366611 +698 511 2 886367693 +698 512 4 886367644 +698 513 2 886366558 +698 525 1 886367615 +698 529 5 886366731 +698 568 2 886367955 +698 588 4 886367558 +698 603 4 886366770 +698 606 2 886366770 +698 625 3 886366731 +698 648 4 886367100 +698 654 1 886367586 +698 656 1 886367133 +698 659 3 886367013 +698 662 2 886367406 +698 705 4 886366611 +698 709 4 886367065 +698 751 3 886365557 +698 855 2 886367615 +698 968 1 886368545 +698 1021 1 886367615 +698 1063 2 886367406 +698 1115 2 886367955 +698 1149 3 886367013 +698 1299 2 886367775 +699 1 3 878882272 +699 9 2 878882133 +699 10 4 883884599 +699 13 4 879146941 +699 14 3 878881952 +699 15 1 878882511 +699 16 3 879148259 +699 21 3 884152916 +699 23 4 878883113 +699 24 3 879147239 +699 50 3 878881875 +699 98 4 878883038 +699 100 4 878882667 +699 109 3 879147109 +699 111 3 878881875 +699 112 3 884152976 +699 116 4 887503290 +699 118 4 879148051 +699 121 3 878882366 +699 124 4 878882667 +699 127 3 878881828 +699 129 4 878882667 +699 137 4 878882667 +699 147 2 883279472 +699 151 3 878882002 +699 181 3 878882082 +699 185 4 878883038 +699 191 3 878883173 +699 211 1 878883113 +699 220 2 885775430 +699 221 4 878882667 +699 222 3 883884642 +699 224 3 878883249 +699 225 3 878882133 +699 234 3 878883172 +699 235 3 878882272 +699 243 2 879147597 +699 244 3 878882319 +699 246 4 883278783 +699 250 4 879148050 +699 252 4 879148050 +699 258 5 883278844 +699 268 4 884152267 +699 271 3 880695324 +699 273 3 878882563 +699 275 3 879148201 +699 276 3 885775479 +699 277 3 878882319 +699 283 4 879147032 +699 285 4 879148050 +699 288 3 878881675 +699 298 4 883278699 +699 300 3 893140897 +699 304 4 880695431 +699 307 3 893140697 +699 308 4 879382955 +699 309 3 882000505 +699 319 3 883279146 +699 321 3 879383009 +699 322 3 879382698 +699 324 4 879147497 +699 325 5 879148050 +699 340 4 893140639 +699 370 3 879148129 +699 405 3 878882608 +699 413 3 884152706 +699 455 3 878882178 +699 456 1 880696679 +699 458 4 879148051 +699 473 3 880696344 +699 479 3 878883038 +699 482 2 878883038 +699 495 3 878883113 +699 523 2 878883038 +699 544 4 879147109 +699 597 3 884152570 +699 619 2 887503290 +699 678 3 879147032 +699 685 3 879147367 +699 717 1 878882511 +699 748 2 879382698 +699 749 3 893140897 +699 760 3 879147239 +699 762 3 878882455 +699 820 2 880696597 +699 825 3 879147917 +699 828 3 884152917 +699 831 2 884152570 +699 880 3 893140941 +699 886 3 893140639 +699 929 3 879147366 +699 930 2 880696344 +699 933 3 878882226 +699 977 2 879147550 +699 978 4 886568066 +699 983 3 886568097 +699 989 4 883279196 +699 991 3 879382830 +699 1011 4 880696196 +699 1013 3 879147722 +699 1028 2 880696678 +699 1033 4 884152917 +699 1060 3 879147367 +699 1061 3 879147169 +699 1068 3 879146547 +699 1093 3 880696051 +699 1129 3 878882319 +699 1143 3 879146941 +699 1163 5 879148050 +699 1187 4 879148051 +699 1284 3 879147239 +699 1328 4 879148051 +699 1336 3 884152976 +699 1375 3 878882836 +699 1615 3 883884998 +700 28 3 884493712 +700 50 5 884493899 +700 73 3 884494380 +700 79 3 884494420 +700 96 4 884494310 +700 144 4 884494252 +700 168 3 884494420 +700 169 3 884493862 +700 173 5 884493713 +700 174 4 884493862 +700 180 3 884494278 +700 181 5 884493523 +700 222 3 884493899 +700 318 4 884494420 +700 423 4 884493943 +700 531 4 884494380 +701 50 5 891447197 +701 100 5 891447139 +701 255 3 891447164 +701 257 4 891447197 +701 272 5 891446559 +701 275 5 891447228 +701 285 5 891447139 +701 289 4 891446857 +701 297 4 891447197 +701 300 3 891446520 +701 303 4 891446618 +701 304 4 891446679 +701 311 5 891446679 +701 313 4 891446521 +701 315 5 891446559 +701 316 5 891446857 +701 328 4 891446707 +701 333 3 891446788 +701 689 3 891446822 +701 690 4 891446520 +701 750 5 891446588 +702 222 5 885767775 +702 227 4 885767775 +702 228 5 885767774 +702 229 4 885767775 +702 230 4 885767774 +702 258 5 885767306 +702 259 3 885767604 +702 288 1 885767306 +702 294 1 885767555 +702 300 3 885767461 +702 313 5 885767336 +702 343 2 885767629 +702 346 1 885767306 +702 350 1 885767336 +702 352 1 885767435 +702 449 3 885767775 +702 538 4 885767461 +702 683 1 885767576 +702 687 1 885767629 +702 688 1 885767629 +702 748 2 885767556 +702 879 1 885767604 +702 1127 2 885767414 +703 1 4 875242851 +703 7 4 875242599 +703 9 2 875242814 +703 25 3 875242683 +703 50 5 875242813 +703 117 4 875242814 +703 118 5 875242852 +703 123 4 875242787 +703 147 3 875243049 +703 181 5 875242762 +703 222 4 875242704 +703 235 1 875242885 +703 237 5 875242787 +703 257 5 875242990 +703 258 4 875242076 +703 259 1 875242336 +703 275 4 875242663 +703 276 3 875242964 +703 288 4 875242076 +703 293 4 875242990 +703 294 2 875242281 +703 300 4 875242077 +703 322 3 875242336 +703 410 4 875243028 +703 458 3 875242935 +703 471 4 875242885 +703 508 3 875243028 +703 596 3 875242912 +703 628 4 875242762 +703 748 3 875242281 +703 764 2 875242885 +703 845 4 875243028 +703 864 2 875242912 +703 993 4 875242787 +703 1047 3 875243028 +703 1197 3 875242762 +704 14 3 891397190 +704 22 2 891397441 +704 50 5 891397262 +704 69 3 891397441 +704 131 5 891398726 +704 135 5 891397305 +704 136 4 891397819 +704 152 2 891397819 +704 154 3 891398702 +704 170 3 891397086 +704 172 2 891397058 +704 173 4 891397058 +704 175 3 891397712 +704 178 5 891397535 +704 180 4 891397491 +704 185 4 891398702 +704 187 4 891397143 +704 191 3 891397262 +704 205 5 891397819 +704 208 3 891397262 +704 209 3 891397667 +704 211 5 891398726 +704 259 2 891396904 +704 269 4 891397015 +704 272 5 891397015 +704 289 3 891396881 +704 302 4 891397015 +704 304 2 891396595 +704 316 4 891397015 +704 318 5 891397491 +704 344 4 891397015 +704 347 4 891397015 +704 354 4 891397015 +704 381 3 891397713 +704 429 4 891397366 +704 435 4 891397058 +704 461 3 891397712 +704 480 5 891397086 +704 486 4 891397764 +704 491 5 891397535 +704 492 5 891397491 +704 493 4 891397190 +704 496 5 891397712 +704 497 3 891397764 +704 514 4 891397112 +704 528 3 891397491 +704 603 5 891397262 +704 604 5 891397366 +704 607 4 891397535 +704 611 3 891397764 +704 631 3 891397366 +704 632 3 891397441 +704 648 5 891397667 +704 654 5 891397667 +704 655 3 891397190 +704 657 4 891397667 +704 661 4 891397667 +704 662 3 891397819 +704 679 2 891398726 +704 735 4 891397305 +704 1296 4 891397015 +704 1299 3 891398702 +704 1454 3 891397441 +705 1 5 883427101 +705 2 3 883428058 +705 8 3 883427904 +705 22 5 883427988 +705 28 4 883427640 +705 29 5 883428237 +705 38 5 883428258 +705 50 4 883427012 +705 58 2 883518834 +705 62 5 883428178 +705 64 5 883518709 +705 69 3 883518834 +705 71 5 883427640 +705 79 5 883428028 +705 82 5 883427663 +705 89 2 883428083 +705 94 4 883427857 +705 95 4 883427640 +705 99 3 883427691 +705 111 4 883427012 +705 118 4 883427377 +705 121 5 883427479 +705 142 2 883427932 +705 143 3 883427663 +705 144 3 883427988 +705 148 5 883427134 +705 151 3 883427134 +705 172 3 883427663 +705 174 5 883427640 +705 183 2 883427988 +705 191 1 883518871 +705 193 3 883518903 +705 195 2 883428083 +705 196 4 883518903 +705 210 5 883427988 +705 215 2 883518871 +705 222 5 883427318 +705 225 4 883427594 +705 226 3 883428028 +705 227 4 883428178 +705 228 3 883428109 +705 231 3 883428201 +705 233 3 883428154 +705 241 4 883428128 +705 252 1 883427552 +705 255 5 883427152 +705 265 5 883428154 +705 275 5 883427048 +705 282 5 883427216 +705 284 3 883427190 +705 286 3 883426747 +705 298 5 883426892 +705 300 5 883426780 +705 318 5 883518731 +705 373 3 883428237 +705 385 4 883428084 +705 399 5 883427778 +705 400 4 883427817 +705 403 4 883428154 +705 405 4 883427479 +705 427 2 883518783 +705 546 3 883427377 +705 550 2 883428058 +705 554 2 883428201 +705 560 2 883427951 +705 568 5 883428058 +705 578 3 883428276 +705 597 4 883427339 +705 622 4 883427778 +705 623 5 883427778 +705 625 5 883427691 +705 627 3 883427932 +705 655 3 883518852 +705 684 3 883428084 +705 685 5 883427190 +705 699 5 883427640 +705 720 5 883428178 +705 826 4 883428238 +705 827 4 883427297 +705 843 2 883427796 +705 849 3 883428201 +705 932 5 883427339 +705 1035 4 883427737 +705 1043 5 883427857 +705 1228 2 883428258 +705 1544 4 883427691 +706 1 4 880997324 +706 7 3 880997412 +706 9 3 880997105 +706 25 4 880997385 +706 50 5 880997142 +706 100 1 880997211 +706 118 3 880997464 +706 148 4 880997464 +706 181 4 880997105 +706 245 3 880996945 +706 258 4 880997001 +706 273 3 880997142 +706 288 3 880996945 +706 294 4 880996945 +706 325 1 880996945 +706 331 5 880996945 +706 333 1 880996945 +706 410 4 880997444 +706 471 4 880997172 +706 628 4 880997412 +706 682 2 880996945 +706 742 2 880997324 +706 756 4 880997412 +707 4 3 886286170 +707 6 3 886285627 +707 8 5 886285762 +707 12 3 886286004 +707 14 3 880060118 +707 45 4 886286926 +707 58 3 886285907 +707 64 3 886286170 +707 65 4 886286004 +707 81 2 886286491 +707 83 3 886286926 +707 86 4 886286283 +707 88 3 886287331 +707 93 5 880059995 +707 97 4 886285876 +707 100 5 880059810 +707 116 5 880059974 +707 124 4 880059876 +707 133 2 886287268 +707 135 2 886286032 +707 137 5 880059876 +707 140 2 886287191 +707 151 4 880059810 +707 153 3 886286844 +707 154 3 886286742 +707 155 3 886288598 +707 162 5 886285968 +707 163 2 886285939 +707 165 3 886285939 +707 166 3 880061579 +707 168 3 886286170 +707 170 5 886285824 +707 174 2 886286133 +707 186 3 886286133 +707 191 5 880061699 +707 194 4 886286246 +707 200 2 886286491 +707 208 5 886285939 +707 211 3 886287051 +707 212 4 886286792 +707 216 3 886286092 +707 220 2 880060549 +707 221 4 880059749 +707 224 4 880059876 +707 238 4 886286764 +707 248 4 886285498 +707 256 4 880061024 +707 269 4 882200810 +707 279 3 886285627 +707 283 4 880059957 +707 286 5 879438988 +707 293 4 880059810 +707 294 2 879438988 +707 297 3 880060261 +707 302 4 886285168 +707 303 3 879438988 +707 305 5 879439188 +707 309 2 880684605 +707 311 4 879439624 +707 317 3 886286433 +707 318 5 880061699 +707 319 5 879439088 +707 347 5 886285277 +707 371 3 886287497 +707 378 3 886287628 +707 381 3 886286457 +707 382 3 886287191 +707 419 3 886285968 +707 427 4 886285907 +707 449 2 886288688 +707 458 3 880060724 +707 467 4 886286057 +707 473 4 880060820 +707 478 4 886285762 +707 485 4 886287079 +707 486 3 886287662 +707 487 2 886286360 +707 488 4 886286491 +707 490 2 886285792 +707 492 2 886286818 +707 496 3 886286433 +707 498 3 886286133 +707 499 4 886287450 +707 517 3 886287079 +707 525 3 886286999 +707 526 1 886287405 +707 527 5 880061699 +707 529 4 886287376 +707 531 5 886286214 +707 533 5 880060420 +707 536 3 880059921 +707 582 5 886286433 +707 602 4 886287290 +707 603 3 886286926 +707 606 4 886285762 +707 614 2 886287876 +707 618 3 886288282 +707 630 3 886287608 +707 631 4 886286844 +707 638 4 886286361 +707 640 2 886287471 +707 647 5 880061652 +707 648 4 886285824 +707 660 5 886287107 +707 663 4 886286979 +707 676 4 880060180 +707 694 4 886286246 +707 696 4 880061405 +707 703 4 886287236 +707 705 4 886285851 +707 712 3 886288624 +707 715 3 886286954 +707 716 2 886287051 +707 719 3 886288189 +707 723 3 886286954 +707 730 3 886286742 +707 732 4 886287160 +707 735 4 886286792 +707 736 4 886286311 +707 744 3 880060261 +707 747 3 886287900 +707 766 3 886287051 +707 778 3 886287160 +707 782 3 886288263 +707 792 4 886287107 +707 799 4 886287876 +707 811 4 886287531 +707 866 2 880060974 +707 869 1 886289521 +707 880 2 887860711 +707 882 4 879439382 +707 900 4 890008041 +707 902 5 890008121 +707 903 3 886285216 +707 921 4 886286361 +707 949 3 886287191 +707 950 2 880061287 +707 952 3 880060724 +707 953 4 886288015 +707 956 5 886287107 +707 962 2 886285792 +707 995 4 879439418 +707 1007 4 880060180 +707 1008 3 880060460 +707 1018 3 886288455 +707 1022 3 879439088 +707 1068 4 880061405 +707 1101 4 880061652 +707 1107 3 886288239 +707 1109 5 886286283 +707 1113 2 886287990 +707 1120 4 880060974 +707 1141 3 886285791 +707 1163 4 880060724 +707 1168 3 886287990 +707 1171 3 880059687 +707 1174 5 880059749 +707 1176 2 879438910 +707 1211 4 886287268 +707 1251 4 880059647 +707 1257 2 880061190 +707 1281 4 880060820 +707 1311 3 886287608 +707 1381 3 880061346 +707 1397 1 886289521 +707 1401 3 886286663 +707 1479 5 886287854 +707 1530 3 886288356 +707 1545 2 886288189 +707 1628 5 886287353 +707 1642 5 886286491 +708 1 5 877325375 +708 9 1 877325135 +708 21 1 877325316 +708 25 3 877325838 +708 50 5 877325186 +708 111 4 877325570 +708 118 5 877325545 +708 121 3 877325349 +708 125 4 877325601 +708 126 4 892719340 +708 127 3 877325213 +708 147 4 892719246 +708 148 4 892719246 +708 149 3 892719246 +708 150 4 892719246 +708 237 5 892719144 +708 255 5 877325601 +708 258 5 892719007 +708 268 3 892718876 +708 269 3 892718875 +708 271 1 892718796 +708 274 4 877326086 +708 278 4 877325956 +708 280 4 877325316 +708 283 1 892719363 +708 284 5 892719340 +708 300 4 892718939 +708 304 4 892718876 +708 313 5 892718687 +708 319 5 892719062 +708 322 3 892719062 +708 326 4 892719007 +708 328 3 892718964 +708 347 3 892718637 +708 358 2 892719007 +708 362 1 892718575 +708 412 1 877326159 +708 471 4 877325455 +708 473 1 877325656 +708 476 3 892719385 +708 508 4 892719193 +708 535 2 877325838 +708 538 2 892718762 +708 546 3 877325601 +708 596 4 877326158 +708 597 2 877326345 +708 685 3 877326158 +708 687 2 892719062 +708 690 4 892718919 +708 713 4 877325316 +708 742 1 892719385 +708 748 4 892719033 +708 751 4 892718687 +708 756 2 877326062 +708 763 4 877326158 +708 764 4 877325934 +708 845 5 892719269 +708 846 2 892719269 +708 847 3 892719246 +708 864 3 892719172 +708 866 5 892719143 +708 871 1 892719101 +708 873 5 892718965 +708 926 3 877325523 +708 934 4 892719172 +708 938 3 892718896 +708 1023 3 877326114 +708 1047 2 877325726 +708 1051 4 892719193 +708 1061 3 892719143 +708 1117 4 892719269 +708 1152 5 892719143 +708 1280 1 892718819 +709 2 4 879848511 +709 4 3 879848551 +709 7 3 879846440 +709 11 5 879847945 +709 22 5 879847946 +709 27 3 879848590 +709 28 5 879847946 +709 29 3 879848695 +709 50 5 879846489 +709 53 3 879848272 +709 56 5 879848053 +709 62 3 879848590 +709 64 5 879846293 +709 79 3 879846440 +709 82 4 879848645 +709 89 3 879848397 +709 92 4 879848397 +709 96 5 879848397 +709 97 5 879846784 +709 117 4 879846623 +709 125 4 879847730 +709 127 5 879847945 +709 129 2 879846332 +709 145 3 879848319 +709 161 5 879848511 +709 164 3 879848120 +709 172 5 879848397 +709 173 4 879846169 +709 174 5 879848396 +709 181 4 879846375 +709 183 5 879846590 +709 187 5 879847945 +709 192 4 879846705 +709 195 5 879848432 +709 200 4 879848053 +709 203 4 879849372 +709 209 3 879846332 +709 210 4 879848432 +709 214 1 879846922 +709 215 3 879846259 +709 217 5 879848168 +709 218 4 879848168 +709 219 4 879848120 +709 227 2 879848551 +709 228 3 879848397 +709 229 2 879848645 +709 230 2 879848551 +709 232 5 879848590 +709 234 5 879847945 +709 265 4 879846489 +709 282 5 879847945 +709 293 4 879847879 +709 294 3 879847304 +709 318 5 879846210 +709 363 3 879848695 +709 385 4 879848397 +709 402 3 879849185 +709 403 3 879848590 +709 405 3 879848590 +709 413 2 879848209 +709 423 3 879846741 +709 427 4 879846489 +709 431 5 879848511 +709 441 4 879848239 +709 447 2 879848167 +709 451 1 879848969 +709 452 3 879848318 +709 470 3 879847026 +709 472 4 879848792 +709 508 4 879846590 +709 541 3 879848695 +709 546 4 879848475 +709 550 3 879848475 +709 561 3 879848209 +709 564 1 879848318 +709 567 2 879848272 +709 568 4 879848396 +709 578 4 879848645 +709 628 3 879847000 +709 633 3 879846561 +709 636 3 879848645 +709 637 3 879848168 +709 672 2 879848239 +709 727 2 879849049 +709 728 4 879849185 +709 739 3 879849049 +709 747 2 879848925 +709 769 3 879848239 +709 781 3 879849185 +709 808 4 879848645 +709 816 2 879848318 +709 823 3 879849573 +709 859 3 879848318 +709 860 3 879848318 +709 939 4 879847082 +709 1059 5 879847945 +709 1218 4 879846623 +710 1 4 882064377 +710 22 3 882063852 +710 23 5 882064200 +710 50 4 882063766 +710 89 4 882063736 +710 95 3 882064434 +710 99 4 882064434 +710 116 4 882063852 +710 134 5 882063648 +710 135 5 882064041 +710 142 3 882064377 +710 172 4 882064283 +710 174 4 882064283 +710 180 4 882063736 +710 182 4 882063967 +710 185 4 882064321 +710 187 5 882064096 +710 192 5 882063921 +710 197 4 882064200 +710 198 4 883705435 +710 200 4 882063793 +710 204 4 882063824 +710 223 4 882063766 +710 234 4 882064321 +710 264 2 882063564 +710 265 4 883705484 +710 268 4 882063276 +710 269 3 882063224 +710 282 2 882063921 +710 299 3 882063612 +710 300 3 882063407 +710 310 3 882063224 +710 313 4 882860832 +710 318 4 882063710 +710 330 3 882063612 +710 333 3 882063367 +710 334 2 882063327 +710 335 1 882063564 +710 340 4 882063367 +710 343 3 882063327 +710 346 4 883705502 +710 418 3 882063685 +710 419 4 882063766 +710 432 5 882064434 +710 496 4 882063793 +710 504 4 882063649 +710 510 4 882064283 +710 603 4 882063921 +710 627 4 882064377 +710 654 4 882064524 +710 656 5 882064321 +710 720 3 882063649 +710 751 3 882860806 +710 874 3 882063254 +710 886 3 882063528 +710 1019 4 882064555 +710 1039 4 882063736 +710 1101 4 883705436 +711 8 5 879993707 +711 10 5 876185943 +711 16 5 886031006 +711 25 4 876185920 +711 40 4 879994875 +711 42 3 876278831 +711 50 4 876185648 +711 52 5 879993534 +711 58 4 879993028 +711 64 4 876278860 +711 65 4 879992968 +711 66 4 879994801 +711 69 3 879993194 +711 77 3 879994749 +711 79 4 879992739 +711 82 3 879994632 +711 86 5 886030557 +711 89 5 879993997 +711 95 4 879993758 +711 99 3 879993534 +711 111 2 876185574 +711 114 5 879992870 +711 116 5 888458447 +711 121 1 876185726 +711 132 5 879993150 +711 134 5 876278804 +711 135 4 879992445 +711 137 5 886030557 +711 143 5 879993236 +711 144 2 879993871 +711 155 4 879995382 +711 162 5 879994875 +711 168 4 879993318 +711 169 5 879992929 +711 170 5 876279059 +711 172 5 879992445 +711 173 3 879993890 +711 180 4 876279059 +711 181 4 876185574 +711 185 4 876278721 +711 189 5 886030557 +711 191 5 879993959 +711 193 4 879993092 +711 196 5 879993918 +711 197 4 879993110 +711 202 4 879993194 +711 204 3 879992994 +711 213 5 879994390 +711 215 3 879994555 +711 216 4 879993149 +711 217 4 879994454 +711 219 2 879995792 +711 222 3 876185896 +711 229 3 879995461 +711 230 3 879995053 +711 232 3 879993799 +711 238 4 879993126 +711 240 1 879991425 +711 241 4 879994536 +711 248 5 886030732 +711 250 2 876185855 +711 255 4 886030579 +711 257 3 876185726 +711 265 2 879994536 +711 269 5 879991028 +711 272 5 884485798 +711 277 5 879991476 +711 281 3 879995362 +711 283 4 876185788 +711 286 4 876185488 +711 288 1 879991364 +711 301 4 889910848 +711 312 5 883589763 +711 313 4 889910848 +711 315 4 886030353 +711 318 5 879992968 +711 340 5 886030557 +711 343 3 882457816 +711 345 4 884485683 +711 354 3 889910865 +711 380 3 879993959 +711 381 5 879994749 +711 393 4 879994778 +711 401 3 879995405 +711 402 4 879993674 +711 404 3 879993579 +711 416 3 879995215 +711 420 5 879995302 +711 421 4 879993674 +711 423 3 879993534 +711 425 4 879993728 +711 427 5 886030557 +711 432 4 879992870 +711 433 4 879992994 +711 451 5 879994749 +711 463 5 879993959 +711 475 5 876185673 +711 476 4 876185832 +711 483 5 879992739 +711 485 4 879993278 +711 488 4 879992407 +711 496 5 879993073 +711 509 4 879993674 +711 542 1 879995754 +711 559 3 879994020 +711 566 2 879995259 +711 568 3 879995238 +711 588 4 879993173 +711 652 4 879993824 +711 655 4 879993605 +711 658 4 879994581 +711 660 5 879994825 +711 676 5 876185812 +711 684 3 879993758 +711 692 3 879993150 +711 694 5 879993318 +711 699 5 879993728 +711 704 4 879993650 +711 707 5 879993579 +711 713 3 879991283 +711 716 5 879995215 +711 720 3 879995077 +711 724 5 879995461 +711 731 4 879994656 +711 732 4 879994495 +711 735 5 886030557 +711 736 5 879993871 +711 739 3 879995215 +711 741 4 886030774 +711 744 4 876185896 +711 747 4 879993871 +711 755 3 879994581 +711 762 3 879991585 +711 763 1 876185767 +711 778 4 884485635 +711 829 2 879992018 +711 845 4 879991247 +711 909 4 889911007 +711 921 5 879993318 +711 923 5 879993629 +711 949 4 879994719 +711 955 1 879992739 +711 959 5 879995322 +711 966 5 879994390 +711 995 4 879991134 +711 1014 4 886030873 +711 1046 3 879994367 +711 1053 4 879995099 +711 1074 3 879995754 +711 1115 4 876185812 +711 1117 4 883589726 +711 1118 4 879994633 +711 1119 4 879994632 +711 1152 1 879991762 +711 1160 5 884485704 +711 1163 4 879991347 +711 1168 4 879995753 +711 1170 3 879993842 +711 1221 4 879994777 +711 1285 3 879995238 +711 1446 2 879994608 +711 1466 4 883589693 +711 1518 3 879993997 +712 4 4 874730179 +712 26 2 874957053 +712 38 4 874730553 +712 49 3 874956872 +712 50 4 874729750 +712 59 2 874730420 +712 60 1 874730520 +712 61 3 874730031 +712 63 4 874956903 +712 66 5 874729816 +712 67 3 874957086 +712 69 3 874730085 +712 71 5 874730261 +712 72 4 874730261 +712 73 5 874730293 +712 79 4 874729850 +712 82 5 874730031 +712 88 4 874730155 +712 94 4 874957005 +712 97 5 874729816 +712 99 4 874729995 +712 102 4 874956543 +712 110 5 874956956 +712 136 1 874730443 +712 140 4 874957140 +712 168 2 874956357 +712 172 5 874729901 +712 173 5 874729901 +712 177 2 874730155 +712 181 5 874729901 +712 191 3 874730396 +712 195 3 874730085 +712 196 4 874730396 +712 202 4 874730031 +712 210 5 874730293 +712 213 3 876251366 +712 215 3 874730031 +712 220 5 874729682 +712 230 3 874730467 +712 232 3 874956903 +712 234 2 874729935 +712 243 4 874956228 +712 365 3 874730234 +712 366 5 874956713 +712 367 4 874956841 +712 376 3 874956903 +712 378 4 874730370 +712 385 5 874729778 +712 386 3 874956956 +712 388 3 874957053 +712 392 5 874729996 +712 395 4 874957005 +712 398 4 874957179 +712 399 5 874956872 +712 401 3 874957027 +712 402 4 874729935 +712 404 3 874730467 +712 416 3 874957113 +712 417 4 874729750 +712 420 3 874957140 +712 421 4 874729935 +712 423 3 874729960 +712 431 3 874730552 +712 432 4 874730056 +712 433 3 874956903 +712 462 3 874730085 +712 465 4 874957113 +712 486 4 874730521 +712 495 4 874730520 +712 498 3 874729935 +712 506 3 874730520 +712 542 4 874956543 +712 560 3 874730261 +712 568 5 874730491 +712 575 3 874957053 +712 584 4 874730342 +712 585 4 874730234 +712 588 4 874956515 +712 622 4 874730293 +712 623 4 874729778 +712 625 3 874956516 +712 627 4 874956515 +712 652 3 876251407 +712 655 5 874730467 +712 660 4 874730234 +712 662 5 874730320 +712 692 5 874729995 +712 699 5 874956586 +712 716 5 874730370 +712 722 3 874957086 +712 724 3 874957268 +712 728 4 874956384 +712 729 5 874730491 +712 731 5 874729750 +712 732 5 874730370 +712 734 4 874957027 +712 738 4 874956841 +712 739 4 874729935 +712 746 4 874730085 +712 747 3 874730552 +712 755 4 874957113 +712 768 5 874956560 +712 776 4 874730155 +712 781 4 874956841 +712 783 3 874956981 +712 785 5 874730206 +712 787 3 876251366 +712 790 4 874956931 +712 794 4 874957243 +712 796 4 874957268 +712 812 4 874729996 +712 842 3 874957160 +712 843 3 874957140 +712 944 4 874956981 +712 949 4 874730370 +712 955 2 874957293 +712 969 4 874729850 +712 996 4 874956903 +712 1037 4 874956981 +712 1043 3 874956788 +712 1053 4 874730490 +712 1091 3 874956543 +712 1119 4 874957269 +712 1178 4 874957086 +712 1221 4 874956641 +712 1469 4 874730206 +712 1503 4 874730235 +713 269 4 888882040 +713 270 2 888882179 +713 286 3 888881939 +713 302 4 888882040 +713 307 3 888882311 +713 310 4 888882133 +713 311 3 888882040 +713 313 3 888882179 +713 315 4 888881988 +713 327 2 888882085 +713 340 3 888882133 +713 342 3 888882179 +713 344 5 888882276 +713 345 3 888881939 +713 347 4 888882337 +713 362 1 888882040 +713 539 3 888882085 +713 689 3 888882225 +713 750 3 888881939 +713 882 3 888881988 +713 898 3 888882276 +713 1127 3 888882225 +713 1176 3 888882224 +713 1431 3 888881939 +713 1434 3 888882133 +713 1656 2 888882085 +714 1 3 892776123 +714 3 5 892777876 +714 7 4 892777903 +714 15 3 892777197 +714 50 5 892777876 +714 111 3 892777330 +714 117 5 892777876 +714 121 4 892777903 +714 151 3 892777812 +714 181 5 892777876 +714 237 3 892776261 +714 250 5 892777876 +714 252 3 892777619 +714 255 2 892777140 +714 282 4 892777903 +714 284 3 892777438 +714 289 3 892778092 +714 291 3 892777117 +714 300 5 892778035 +714 405 5 892777876 +714 410 3 892777767 +714 471 4 892777903 +714 472 2 892777730 +714 477 2 892777408 +714 597 3 892777533 +714 685 4 892777903 +714 763 4 892777903 +714 871 3 892777903 +714 1016 5 892777876 +714 1028 4 892777877 +715 1 5 875961843 +715 2 3 875964926 +715 4 4 875964300 +715 7 3 875962110 +715 11 4 875963306 +715 12 4 875963657 +715 24 3 875962374 +715 27 3 875964051 +715 28 5 875963242 +715 33 3 875964751 +715 39 3 875964273 +715 40 1 875964681 +715 42 5 875963112 +715 53 1 875963946 +715 58 4 875964131 +715 64 5 875963242 +715 69 4 875963692 +715 70 3 875964105 +715 71 3 875963354 +715 73 4 875964410 +715 79 5 875964579 +715 81 4 875963112 +715 82 4 875964025 +715 83 4 875963792 +715 87 4 875963024 +715 88 3 875964633 +715 89 3 875963538 +715 90 5 875964386 +715 92 3 875963899 +715 96 4 875963538 +715 108 4 875962315 +715 111 3 875962173 +715 117 3 875961816 +715 118 2 875962395 +715 128 3 875964300 +715 135 2 875964203 +715 150 4 875961898 +715 156 4 875964438 +715 157 4 875963024 +715 158 2 875965035 +715 159 3 875964330 +715 161 5 875964905 +715 168 4 875963657 +715 172 4 875963452 +715 174 4 875963306 +715 175 3 875962964 +715 179 4 875963596 +715 181 4 875961816 +715 193 5 875965127 +715 196 4 875964131 +715 202 5 875962931 +715 204 4 875964025 +715 205 5 875964410 +715 208 3 875963836 +715 216 4 875963452 +715 217 2 875963452 +715 222 3 875962227 +715 227 3 875964272 +715 228 3 875963486 +715 231 3 875963273 +715 232 4 875964905 +715 234 4 875963242 +715 239 4 875963867 +715 248 4 875962280 +715 250 2 875962806 +715 252 1 875962049 +715 257 4 875962423 +715 265 5 875964105 +715 274 3 875963899 +715 276 3 875962454 +715 284 4 875962109 +715 288 4 875962201 +715 298 4 875962076 +715 318 5 875963867 +715 376 2 875964545 +715 380 3 875965058 +715 399 2 875963418 +715 405 3 875962374 +715 410 4 875962227 +715 425 4 875964655 +715 426 5 875964104 +715 433 2 875963082 +715 447 3 875963452 +715 455 3 875962109 +715 462 4 875963998 +715 470 4 875963538 +715 471 4 875962202 +715 475 4 875962049 +715 546 4 875962076 +715 564 2 875964300 +715 588 4 875963353 +715 591 4 875962109 +715 627 3 875964614 +715 655 4 875964203 +715 658 4 875963693 +715 685 3 875962173 +715 697 2 875963566 +715 732 3 875964179 +715 735 4 875964224 +715 739 2 875964681 +715 743 2 875962806 +715 746 5 875964025 +715 755 2 875964704 +715 756 2 875962280 +715 789 4 875963353 +715 826 2 875962652 +715 926 4 875962201 +715 955 4 875963596 +715 976 1 875962339 +715 1011 4 875962524 +715 1045 2 875965171 +715 1047 3 875962500 +715 1215 1 875962762 +716 1 5 879793192 +716 4 2 879796046 +716 11 4 879795790 +716 22 5 879795159 +716 23 4 879795643 +716 25 4 879793737 +716 28 5 879794815 +716 47 3 879795606 +716 48 5 879795314 +716 49 4 879797286 +716 50 5 879793192 +716 56 5 879796171 +716 64 5 879795314 +716 69 5 879795188 +716 70 4 879796046 +716 73 4 879797256 +716 81 4 879796475 +716 82 5 879796138 +716 86 5 879796072 +716 88 4 879796596 +716 91 5 879796438 +716 95 4 879794775 +716 96 2 879795122 +716 97 4 879794996 +716 99 5 879796214 +716 102 2 879797256 +716 105 2 879794450 +716 111 4 879793443 +716 117 4 879793542 +716 118 2 879793763 +716 121 5 879794116 +716 122 2 879794727 +716 127 5 879793293 +716 131 5 879796311 +716 133 5 879795239 +716 134 5 879795314 +716 136 5 879795790 +716 143 5 879796171 +716 144 2 879795467 +716 151 5 879793631 +716 153 4 879796311 +716 157 3 879796914 +716 159 4 879797475 +716 160 2 879797303 +716 163 4 879795949 +716 172 4 879795542 +716 174 5 879795025 +716 175 2 879795644 +716 176 3 879795189 +716 180 3 879794815 +716 181 4 879793221 +716 185 5 879796046 +716 186 3 879795867 +716 187 3 879795189 +716 191 5 879796046 +716 192 3 879794870 +716 194 5 879795576 +716 196 5 879796596 +716 197 5 879794962 +716 199 4 879796096 +716 202 4 879794935 +716 203 4 879796311 +716 205 5 879796438 +716 208 5 879795790 +716 211 5 879796171 +716 215 5 879796046 +716 216 5 879795239 +716 218 3 879796766 +716 222 4 879793192 +716 225 3 879794482 +716 235 2 879794154 +716 238 4 879797286 +716 241 3 879796138 +716 248 4 879793293 +716 257 5 879793465 +716 265 5 879797414 +716 275 5 879793501 +716 282 3 879793501 +716 293 4 879793258 +716 318 5 879794962 +716 340 3 879792665 +716 357 5 879795762 +716 381 4 879795644 +716 387 4 879797391 +716 392 2 879796895 +716 393 3 879796596 +716 399 3 879797414 +716 404 4 879796438 +716 405 4 879793844 +716 412 2 879794727 +716 414 4 879797152 +716 416 3 879796354 +716 417 3 879797257 +716 418 4 879796620 +716 420 4 879796766 +716 423 4 879795496 +716 425 5 879796279 +716 427 5 879795375 +716 428 3 879795838 +716 432 5 879795269 +716 443 4 879796381 +716 445 3 879797221 +716 470 4 879797152 +716 471 2 879795375 +716 472 3 879794032 +716 473 4 879794379 +716 474 5 879795122 +716 478 4 879795735 +716 479 4 879796010 +716 480 5 879795025 +716 481 4 879795025 +716 482 5 879795867 +716 483 5 879795790 +716 484 4 879795867 +716 485 5 879795375 +716 486 5 879795121 +716 488 4 879796171 +716 490 4 879794870 +716 491 4 879794934 +716 492 3 879795425 +716 493 5 879795949 +716 496 5 879795467 +716 497 3 879795949 +716 499 4 879796942 +716 502 3 879795867 +716 503 3 879795071 +716 504 5 879795189 +716 506 4 879794775 +716 507 5 879796072 +716 511 5 879795542 +716 514 5 879796331 +716 519 3 879796555 +716 520 4 879794935 +716 521 3 879796846 +716 526 5 879795269 +716 527 5 879795813 +716 546 1 879794094 +716 549 4 879797372 +716 568 4 879796718 +716 570 3 879797286 +716 588 4 879795606 +716 601 4 879794892 +716 602 5 879795691 +716 605 3 879796215 +716 606 5 879796214 +716 609 3 879796354 +716 610 4 879795375 +716 611 5 879795496 +716 614 4 879795159 +716 615 3 879795269 +716 620 3 879797287 +716 622 3 879797152 +716 628 3 879793376 +716 632 4 879795691 +716 648 4 879796138 +716 651 5 879796278 +716 659 4 879794962 +716 660 4 879796718 +716 661 3 879794870 +716 662 3 879794962 +716 663 5 879795467 +716 673 4 879797535 +716 675 2 879796766 +716 692 5 879795239 +716 705 5 879794892 +716 707 4 879795121 +716 723 4 879796072 +716 724 4 879796138 +716 729 2 879795375 +716 732 5 879795375 +716 792 4 879796010 +716 836 4 879795425 +716 837 4 879796475 +716 842 3 879796846 +716 866 3 879794200 +716 946 2 879796718 +716 956 4 879796011 +716 965 2 879797504 +716 969 4 879794815 +716 1016 3 879794032 +716 1020 5 879795314 +716 1039 5 879796808 +716 1047 3 879794200 +716 1050 4 879797303 +716 1124 3 879795838 +716 1203 2 879795239 +717 24 2 884642297 +717 25 5 884642710 +717 50 4 884715122 +717 100 4 884642268 +717 106 4 884642932 +717 111 4 884642479 +717 117 4 884642339 +717 125 4 884642339 +717 126 5 884642580 +717 130 2 884642958 +717 148 3 884642958 +717 150 4 884642339 +717 222 4 884642215 +717 235 4 884642762 +717 237 5 884642400 +717 246 5 884715146 +717 250 1 884715146 +717 262 4 884641621 +717 268 5 884642133 +717 269 5 884642133 +717 271 2 884641842 +717 274 4 884642581 +717 280 4 884642738 +717 281 4 884642958 +717 282 5 884642817 +717 286 3 884641644 +717 287 5 884642558 +717 288 1 884641717 +717 290 3 884642738 +717 291 4 884642479 +717 293 5 884715103 +717 294 3 884641842 +717 298 3 884715172 +717 299 4 884641743 +717 300 5 884641808 +717 301 4 884641717 +717 302 5 884641599 +717 303 4 884641644 +717 307 5 884642133 +717 322 5 884642133 +717 324 3 884641842 +717 326 3 884641621 +717 327 3 884641681 +717 328 4 884641842 +717 331 3 884641681 +717 333 4 884641681 +717 340 4 884641599 +717 343 4 884641983 +717 358 2 884642001 +717 405 3 884642738 +717 455 2 884642479 +717 471 4 884642427 +717 472 4 884642581 +717 475 5 884642187 +717 597 4 884642710 +717 678 3 884641842 +717 685 4 884642581 +717 748 3 884641884 +717 751 4 884642001 +717 825 2 884642558 +717 826 2 884642868 +717 831 3 884642958 +717 846 4 884642339 +717 866 1 884642932 +717 888 5 884642133 +717 890 1 884642001 +717 975 2 884642843 +717 980 4 884642268 +717 1137 5 884642580 +717 1282 4 884642762 +718 15 5 883348962 +718 111 4 883348634 +718 118 4 883348912 +718 121 4 883348773 +718 222 4 883348712 +718 240 1 883349467 +718 255 4 883348773 +718 273 3 883348712 +718 274 3 883349363 +718 284 4 883349191 +718 289 3 883348391 +718 300 5 883348269 +718 405 5 883349384 +718 471 5 883348634 +718 546 4 883349158 +718 591 4 883349191 +718 685 4 883349301 +718 689 4 883348355 +718 717 4 883349214 +718 742 5 883348873 +718 744 3 883348824 +718 750 3 883449953 +718 751 5 883449953 +718 756 5 883349384 +718 815 4 883348873 +718 820 2 883349642 +718 831 3 883349663 +718 841 4 883349557 +718 879 2 883348355 +718 926 2 883348912 +718 975 2 883349301 +718 982 4 883348912 +718 1047 3 883349442 +718 1048 2 883349363 +718 1165 3 883349598 +719 7 2 877311269 +719 9 4 883354106 +719 23 3 888897264 +719 50 2 879358671 +719 58 3 879360933 +719 64 5 879360442 +719 66 3 888454637 +719 69 5 879360536 +719 71 3 883354106 +719 79 4 877310859 +719 87 2 879360617 +719 88 3 888454637 +719 97 3 879360845 +719 118 2 879360001 +719 121 1 879372253 +719 126 2 884900234 +719 214 2 879360965 +719 216 4 879373935 +719 220 5 888454728 +719 223 5 879360442 +719 237 2 877917981 +719 240 1 879372631 +719 281 3 888897264 +719 282 4 879358874 +719 285 4 877917156 +719 289 2 877311150 +719 291 3 884900301 +719 293 3 883982002 +719 298 2 888451537 +719 318 5 879360493 +719 357 4 879360583 +719 378 4 879360555 +719 392 4 879360846 +719 423 3 879360583 +719 456 1 879373729 +719 532 3 888449606 +719 582 3 888451748 +719 620 4 879359034 +719 659 4 879373935 +719 660 5 879360493 +719 673 3 879360965 +719 742 4 879358893 +719 778 3 883982002 +719 890 1 879358395 +720 258 4 891262762 +720 262 4 891262608 +720 268 4 891262669 +720 269 3 891262608 +720 286 5 891262635 +720 302 5 891262608 +720 304 4 891262697 +720 306 4 891262635 +720 310 4 891262762 +720 313 3 891262608 +720 315 4 891262608 +720 316 4 891263387 +720 333 4 891262669 +720 345 2 891262762 +720 347 3 891262608 +720 749 3 891262812 +720 872 3 891262780 +720 898 4 891262812 +720 906 4 891262697 +720 995 4 891262762 +720 1062 5 891262812 +720 1176 5 891262812 +721 8 4 877154765 +721 15 4 877140632 +721 22 5 877139147 +721 28 5 877140137 +721 50 5 877138584 +721 51 4 877141038 +721 56 3 877150031 +721 65 1 877140221 +721 69 4 877140282 +721 70 3 877145403 +721 77 5 877147200 +721 81 2 877139301 +721 82 4 877139015 +721 84 3 877147675 +721 87 3 877140859 +721 97 4 877140780 +721 107 4 877140780 +721 111 4 877154765 +721 135 3 877140490 +721 145 4 877139773 +721 157 3 877140137 +721 172 5 877138884 +721 173 5 877138745 +721 174 5 877139015 +721 175 5 877140282 +721 179 5 877141038 +721 181 5 877138951 +721 191 3 877140490 +721 194 5 877138024 +721 196 5 877139147 +721 197 4 877140221 +721 199 4 877147323 +721 215 4 877141373 +721 216 5 877138498 +721 239 4 877147007 +721 243 3 877137527 +721 245 3 877137527 +721 258 3 877135269 +721 259 3 877137527 +721 260 3 877137109 +721 261 3 877137214 +721 264 1 877135806 +721 286 5 877137285 +721 288 3 877137447 +721 289 3 877137597 +721 294 3 877137447 +721 299 3 877137447 +721 300 5 877135806 +721 302 3 877137358 +721 303 3 877137285 +721 304 3 877137285 +721 305 3 877137285 +721 306 3 877137285 +721 317 4 877147872 +721 318 4 877140047 +721 323 3 877137598 +721 324 3 877137447 +721 325 3 877137109 +721 327 2 877136967 +721 328 5 877136303 +721 330 3 877136967 +721 332 4 877137358 +721 333 3 877137358 +721 334 1 877136831 +721 357 5 877140221 +721 358 1 877137214 +721 382 4 877147675 +721 393 5 877138200 +721 402 4 877147200 +721 403 4 877139638 +721 406 1 877154989 +721 423 5 877141373 +721 455 5 877138884 +721 457 3 877137214 +721 471 5 877138200 +721 518 2 877140221 +721 527 5 877140046 +721 581 2 877141373 +721 582 3 877140490 +721 632 4 877147675 +721 655 2 877140490 +721 660 5 877147616 +721 678 3 877137527 +721 680 3 877137448 +721 681 3 877137214 +721 684 4 877138200 +721 687 3 877137358 +721 688 3 877136967 +721 690 3 877136967 +721 699 3 877147080 +721 715 2 877147726 +721 720 5 877138395 +721 732 4 877147079 +721 735 4 877141039 +721 749 3 877137359 +721 755 4 877139773 +721 873 3 877137447 +721 875 3 877137527 +721 877 3 877137285 +721 879 4 877136175 +721 880 3 877137109 +721 881 3 877137359 +721 937 3 877137359 +721 938 3 877137359 +721 984 3 877137527 +721 988 3 877137598 +721 989 3 877137527 +721 990 5 877137213 +721 991 3 877137214 +721 1039 5 877140780 +721 1265 3 877138661 +721 1296 3 877137285 +721 1392 3 877137598 +722 7 4 891280842 +722 13 2 891281876 +722 100 4 891280894 +722 111 3 891281077 +722 118 4 891281349 +722 122 3 891281655 +722 124 4 891280842 +722 147 3 891281158 +722 151 5 891281020 +722 237 4 891280988 +722 291 4 891281228 +722 300 3 891279945 +722 307 4 891280245 +722 322 3 891280402 +722 333 5 891279945 +722 412 2 891281679 +722 458 4 891280955 +722 471 4 891281020 +722 476 4 891281635 +722 508 4 891281020 +722 546 3 891280866 +722 628 4 891280894 +722 678 3 891280443 +722 756 3 891281369 +723 1 3 880499050 +723 28 3 880498970 +723 137 3 880498970 +723 169 4 880498938 +723 172 4 880498890 +723 174 4 880498996 +723 189 3 880498938 +723 191 3 880499019 +723 258 4 880498768 +723 289 2 880498816 +723 322 2 880499254 +724 245 2 883757874 +724 258 4 883757537 +724 259 2 883757726 +724 266 1 883758119 +724 271 2 883757834 +724 272 5 883756996 +724 286 1 883758268 +724 288 4 883757597 +724 289 1 883757703 +724 299 1 883758119 +724 300 3 883757468 +724 301 4 883757670 +724 304 4 883757703 +724 305 3 883757259 +724 307 3 883757468 +724 308 1 883757170 +724 310 5 883757170 +724 311 1 883757597 +724 313 5 883756996 +724 326 4 883757671 +724 327 4 883757670 +724 328 4 883757727 +724 333 4 883757670 +724 336 1 883757784 +724 342 3 883757874 +724 343 1 883757259 +724 344 1 883757468 +724 346 1 883757703 +724 347 4 883757670 +724 349 2 883757537 +724 358 1 883757834 +724 361 1 883758241 +724 538 2 883757537 +724 678 2 883757874 +724 680 1 883758119 +724 682 1 883757703 +724 683 1 883757834 +724 690 1 883757468 +724 748 1 883757784 +724 750 2 883757170 +724 872 1 883757537 +724 873 3 883757784 +724 876 1 883757784 +724 877 1 883757834 +724 879 1 883757259 +724 880 3 883757834 +724 882 1 883758267 +724 893 3 883757874 +724 908 1 883758208 +724 909 1 883758208 +724 937 3 883757670 +724 938 3 883757671 +724 948 1 883758119 +724 988 1 883758119 +724 989 1 883757874 +724 995 1 883757597 +724 1062 1 883758208 +724 1127 3 883758267 +724 1176 1 883757397 +724 1234 1 883757170 +724 1617 1 883757703 +725 9 4 876106243 +725 15 4 876106206 +725 19 5 876106729 +725 100 5 876106729 +725 181 4 876106206 +725 245 4 876103793 +725 258 4 876106729 +725 264 1 876103811 +725 286 5 876106729 +725 300 4 876106729 +725 301 4 876106729 +725 321 2 876103700 +725 322 4 876103762 +725 333 5 876106729 +725 358 3 876103744 +725 1197 3 876106243 +726 117 1 890080144 +726 248 2 889832422 +726 249 1 889832422 +726 257 3 889831166 +726 274 4 889831222 +726 310 4 889828404 +726 323 3 889828641 +726 355 3 889829235 +726 535 3 889832806 +726 819 3 889832688 +726 833 5 889832807 +726 845 3 889832358 +726 898 2 889829235 +726 1014 1 889832744 +726 1028 2 889832592 +726 1059 5 889832806 +727 1 3 883708660 +727 2 4 883711874 +727 5 3 883711680 +727 7 2 883708927 +727 24 3 883709711 +727 27 4 883711847 +727 29 3 883712603 +727 33 3 883711150 +727 38 1 883712993 +727 39 2 883712780 +727 42 5 883710375 +727 50 4 883708951 +727 54 3 883711045 +727 55 3 883710375 +727 62 3 883712603 +727 63 2 883713454 +727 65 2 883712343 +727 66 3 883712068 +727 68 4 883710347 +727 69 4 883710186 +727 70 5 883710856 +727 71 3 883711069 +727 72 3 883712476 +727 73 4 883713048 +727 79 4 883710806 +727 80 4 883713454 +727 82 3 883711527 +727 87 4 883710347 +727 88 5 883711394 +727 89 5 883711298 +727 90 3 883711991 +727 91 4 883710396 +727 95 4 883710948 +727 100 2 883708830 +727 101 2 883711771 +727 105 1 883709884 +727 109 2 883709266 +727 114 5 883710152 +727 117 3 883708660 +727 118 4 883709729 +727 121 4 883709518 +727 123 3 883709402 +727 125 4 883710598 +727 127 4 883708830 +727 131 2 883711699 +727 132 2 883710271 +727 148 2 883709438 +727 153 4 883710856 +727 154 3 883711567 +727 155 3 883712068 +727 156 4 883710326 +727 157 3 883711965 +727 158 2 883713668 +727 159 2 883712016 +727 161 4 883712716 +727 164 5 883711497 +727 167 2 883713419 +727 168 5 883710152 +727 169 5 883710419 +727 174 4 883710186 +727 176 4 883710948 +727 177 4 883710687 +727 178 4 883710123 +727 179 3 883711150 +727 180 3 883711589 +727 181 3 883708750 +727 183 3 883710186 +727 184 3 883710761 +727 187 5 883710104 +727 188 3 883711679 +727 195 4 883710375 +727 196 4 883710514 +727 197 3 883710271 +727 199 4 883710288 +727 201 4 883710717 +727 202 4 883711354 +727 203 5 883710236 +727 204 3 883710395 +727 206 3 883711896 +727 207 5 883710889 +727 208 4 883711240 +727 210 3 883710123 +727 211 4 883710464 +727 217 3 883712913 +727 219 3 883712476 +727 227 4 883710974 +727 228 4 883711527 +727 231 3 883713286 +727 232 3 883712780 +727 233 4 883713473 +727 234 2 883711699 +727 239 4 883711449 +727 240 3 883709607 +727 246 4 883708806 +727 248 5 883709207 +727 249 2 883708927 +727 250 5 883709242 +727 257 2 883708806 +727 258 2 883709325 +727 259 4 883708265 +727 260 1 883708265 +727 265 4 883710326 +727 268 4 883708087 +727 271 4 883708149 +727 274 5 883709438 +727 275 3 883708927 +727 278 2 883709325 +727 282 4 883709157 +727 283 2 883709009 +727 284 3 883709607 +727 291 4 883709009 +727 294 4 883708087 +727 312 3 883708435 +727 328 4 883708149 +727 343 3 883708149 +727 356 3 883712365 +727 358 2 883708462 +727 367 3 883712430 +727 369 2 883709948 +727 378 3 883712603 +727 380 3 883712397 +727 386 2 883712805 +727 393 3 883712397 +727 397 2 883712780 +727 398 2 883713714 +727 401 2 883713521 +727 403 4 883712282 +727 405 3 883709571 +727 411 3 883709905 +727 413 2 883709710 +727 419 2 883710236 +727 421 5 883711181 +727 423 3 883710830 +727 424 1 883713454 +727 431 4 883711045 +727 432 2 883711298 +727 433 5 883710994 +727 434 5 883710717 +727 435 3 883710687 +727 440 1 883713548 +727 441 2 883711924 +727 444 2 883712851 +727 455 3 883709671 +727 470 5 883711847 +727 471 3 883709188 +727 483 4 883710236 +727 507 2 883710948 +727 510 4 883710717 +727 511 4 883710948 +727 520 4 883710288 +727 526 4 883711113 +727 539 2 883708523 +727 541 4 883712751 +727 542 2 883712993 +727 546 2 883709607 +727 549 3 883712219 +727 550 4 883712519 +727 552 2 883712751 +727 562 2 883713548 +727 566 3 883711449 +727 567 2 883713388 +727 569 2 883713286 +727 570 2 883713194 +727 585 2 883713257 +727 596 4 883709188 +727 597 3 883709641 +727 628 3 883709774 +727 635 2 883713419 +727 636 3 883711616 +727 658 5 883711720 +727 665 3 883713257 +727 678 3 883708229 +727 680 3 883708462 +727 684 4 883710948 +727 685 3 883709518 +727 692 4 883711240 +727 720 2 883712037 +727 722 2 883712993 +727 729 2 883711720 +727 746 4 883710514 +727 747 2 883712519 +727 751 3 883708208 +727 755 2 883712828 +727 760 1 883713388 +727 765 2 883712780 +727 771 3 883713692 +727 774 3 883713257 +727 775 4 883713147 +727 779 2 883712717 +727 783 3 883713737 +727 790 2 883711616 +727 801 2 883713194 +727 808 2 883712245 +727 809 4 883713082 +727 820 2 883709539 +727 826 2 883713738 +727 831 3 883709839 +727 841 3 883709208 +727 845 3 883709325 +727 866 3 883709710 +727 890 1 883708478 +727 926 3 883709438 +727 928 3 883709802 +727 933 1 883709009 +727 941 2 883711874 +727 949 3 883711616 +727 977 2 883709948 +727 993 4 883709750 +727 1016 3 883709802 +727 1034 2 883713692 +727 1035 2 883712245 +727 1042 2 883712068 +727 1047 2 883709750 +727 1076 2 883712632 +727 1088 2 883709884 +727 1119 3 883711923 +727 1139 3 883713348 +727 1215 2 883713521 +727 1217 3 883711965 +727 1218 4 883712068 +727 1222 1 883713574 +727 1224 3 883712219 +727 1229 2 883713473 +727 1231 3 883713082 +727 1244 3 883709859 +727 1249 3 883711991 +727 1273 3 883713286 +727 1303 2 883713737 +727 1411 2 883713419 +727 1437 2 883713082 +727 1657 3 883711991 +728 15 4 879443387 +728 25 4 879443155 +728 100 5 879443321 +728 116 4 879443291 +728 117 4 879443321 +728 124 3 879443155 +728 147 4 879443418 +728 237 4 879443155 +728 282 4 879443291 +728 285 4 879443446 +728 289 3 879442761 +728 304 4 879442794 +728 322 4 879442761 +728 508 4 879443265 +728 546 2 879443155 +728 678 4 879442794 +728 742 4 879443321 +728 871 2 879443321 +728 1355 4 879443265 +729 272 4 893286638 +729 288 2 893286261 +729 294 2 893286338 +729 300 4 893286638 +729 313 3 893286638 +729 322 4 893286637 +729 328 3 893286638 +729 333 4 893286638 +729 354 5 893286637 +729 362 4 893286637 +729 683 2 893286511 +729 689 4 893286638 +729 690 2 893286149 +729 748 4 893286638 +729 751 3 893286338 +729 879 3 893286299 +729 901 1 893286491 +730 7 4 880310352 +730 15 4 880310264 +730 50 4 880310285 +730 100 5 880310371 +730 109 4 880310390 +730 117 3 880310300 +730 125 4 880310521 +730 181 2 880310465 +730 237 3 880310233 +730 246 4 880310264 +730 248 3 880310324 +730 257 5 880310541 +730 258 5 880309940 +730 269 5 880309870 +730 273 2 880310324 +730 276 3 880310390 +730 298 4 880310426 +730 300 3 880309964 +730 301 1 880310202 +730 322 1 880310202 +730 327 2 880309964 +730 328 2 880310201 +730 332 3 880309870 +730 410 1 880310440 +730 742 3 880310553 +730 748 4 880310082 +730 815 3 880310490 +730 873 2 880310035 +730 875 2 880310201 +731 1 2 886184421 +731 8 2 886184681 +731 14 3 886179040 +731 15 4 886182632 +731 56 2 886179161 +731 66 4 886184577 +731 69 5 886179040 +731 95 3 886183978 +731 97 5 886183681 +731 127 4 886179415 +731 132 3 886182632 +731 136 4 886182826 +731 140 2 886186811 +731 143 5 886182827 +731 153 3 886182555 +731 168 1 886185744 +731 170 5 886179040 +731 183 1 886185744 +731 192 5 886182457 +731 194 3 886183681 +731 196 5 886186811 +731 197 5 886185743 +731 204 4 886184682 +731 205 1 886187652 +731 207 4 886182827 +731 213 5 886183515 +731 216 5 886184682 +731 283 4 886182367 +731 320 1 886186811 +731 357 5 886187538 +731 378 1 886187652 +731 393 5 886183978 +731 419 4 886183039 +731 427 5 886186940 +731 434 1 886186811 +731 462 5 886186568 +731 478 4 886182555 +731 480 4 886187652 +731 481 3 886182456 +731 482 3 886184770 +731 485 4 886187414 +731 487 4 886184682 +731 504 3 886183209 +731 507 3 886184771 +731 508 1 886186811 +731 510 1 886186091 +731 521 1 886184682 +731 527 5 886184682 +731 588 3 886184682 +731 606 3 886182366 +731 611 3 886184683 +731 613 2 886186568 +731 648 4 886183515 +731 662 3 886183209 +731 705 5 886182632 +731 945 4 886183209 +731 1269 3 886187652 +731 1503 5 886184578 +732 245 4 882590200 +732 286 5 882589593 +732 289 3 882590201 +732 300 4 882589552 +732 305 2 882590201 +732 322 3 882590201 +732 324 2 882590201 +732 332 5 882589819 +732 690 5 882589626 +732 873 5 882589845 +732 875 1 882590201 +732 882 5 882589819 +732 937 4 882589967 +732 938 1 882590201 +733 1 2 879535129 +733 7 3 879535603 +733 10 3 879535559 +733 13 3 879535694 +733 14 5 879535368 +733 16 3 879535969 +733 19 5 879535338 +733 107 4 879536001 +733 117 2 879535779 +733 121 3 879536723 +733 124 5 879535213 +733 125 2 879535814 +733 126 2 879535938 +733 127 3 879535265 +733 129 2 879535299 +733 130 2 879544411 +733 137 5 879535406 +733 146 3 879536001 +733 147 1 879535938 +733 149 4 879535440 +733 150 2 879535440 +733 220 2 879544411 +733 221 4 879535265 +733 224 4 879535265 +733 237 3 879535338 +733 242 4 879535011 +733 248 3 879535752 +733 253 3 879535407 +733 258 3 879535011 +733 275 3 879535265 +733 279 2 879535968 +733 282 3 879535814 +733 283 3 879535368 +733 284 2 879535129 +733 285 4 879535299 +733 286 4 879535471 +733 287 3 879535129 +733 288 2 879535694 +733 290 4 879535752 +733 293 4 879535559 +733 294 2 879536001 +733 296 2 879535265 +733 298 2 879535502 +733 302 4 879535011 +733 322 2 879536523 +733 324 4 879535694 +733 405 2 879536659 +733 459 4 879535440 +733 515 5 879535213 +733 534 3 879544377 +733 546 1 879544466 +733 619 3 879536488 +733 676 4 879535603 +733 696 3 879535909 +733 713 4 879535938 +733 740 3 879535886 +733 742 3 879535502 +733 744 4 879535723 +733 820 2 879536608 +733 847 3 879535471 +733 922 3 879535406 +733 985 3 879535909 +733 1009 2 879536723 +733 1023 1 879544411 +733 1047 2 879536659 +733 1067 5 879535603 +733 1085 4 879536607 +733 1114 3 879535603 +733 1115 3 879535338 +733 1129 4 879535338 +733 1142 4 879535694 +733 1163 2 879535603 +733 1171 3 879535780 +733 1173 2 879535814 +733 1226 3 879535968 +733 1658 3 879535780 +734 15 4 891026009 +734 56 1 891022752 +734 82 4 891022704 +734 83 4 891022733 +734 97 4 891022993 +734 98 4 891025247 +734 99 4 891023086 +734 111 3 891025993 +734 132 3 891022212 +734 143 5 891022958 +734 165 3 891025393 +734 166 3 891022849 +734 172 4 891022212 +734 173 3 891025247 +734 174 4 891025247 +734 191 4 891025523 +734 193 4 891025340 +734 198 1 891022734 +734 204 4 891022938 +734 210 3 891022937 +734 213 5 891022684 +734 222 1 891022849 +734 274 4 891025943 +734 275 4 891023019 +734 313 4 891022311 +734 318 5 891022648 +734 419 4 891023066 +734 423 4 891022734 +734 478 4 891022849 +734 479 4 891025541 +734 482 2 891025591 +734 487 4 891025498 +734 496 5 891025523 +734 582 2 891022684 +734 591 4 891022977 +734 603 4 891022958 +734 604 4 891023086 +734 607 5 891023066 +734 662 3 891022704 +734 699 4 891022752 +734 742 4 891025958 +734 751 4 891021937 +735 1 4 876698796 +735 7 3 876698683 +735 9 4 876698755 +735 25 4 876698684 +735 93 2 876698604 +735 100 2 876698796 +735 106 3 876698714 +735 117 3 876698897 +735 124 5 876698643 +735 126 3 876698570 +735 147 1 876698643 +735 181 4 876698604 +735 242 5 876697561 +735 245 3 876698022 +735 258 4 876697561 +735 269 3 876698022 +735 276 4 876698796 +735 277 3 876698604 +735 283 2 876698796 +735 285 4 876698897 +735 286 5 876697561 +735 289 1 876698022 +735 293 3 876698570 +735 298 4 876698897 +735 304 4 876697679 +735 319 4 876697647 +735 327 3 876698022 +735 332 3 876698022 +735 333 4 876697647 +735 475 4 876698570 +735 515 4 876698755 +735 628 3 876698755 +735 676 3 876698837 +735 690 4 876697561 +735 741 2 876698796 +735 744 3 876698714 +735 748 3 876698022 +735 813 4 876698570 +736 50 3 878708579 +736 127 4 878709365 +736 181 2 878708646 +736 246 4 878708929 +736 248 4 878709365 +736 253 5 878709365 +736 254 1 878709262 +736 255 1 878709025 +736 257 3 878708721 +736 286 4 878709365 +736 293 4 878709365 +736 296 4 878709365 +736 323 1 878709187 +736 515 5 878709365 +736 532 4 878709365 +736 533 3 878709108 +736 678 1 878709212 +736 993 4 878709365 +736 1089 1 878709187 +736 1278 1 878709262 +736 1388 5 878709365 +737 11 3 884314903 +737 12 4 884314922 +737 47 3 884314970 +737 58 4 884314970 +737 64 4 884314740 +737 89 4 884314664 +737 96 2 884314715 +737 127 5 884315175 +737 154 4 884314694 +737 156 5 884314693 +737 169 4 884314644 +737 173 4 884314970 +737 175 5 884315246 +737 180 4 884314644 +737 186 5 884314944 +737 187 5 884315175 +737 192 5 884314970 +737 196 3 884314694 +737 222 3 884315127 +737 427 3 884314970 +737 428 4 884315066 +737 474 5 884314740 +737 475 4 884314693 +738 2 3 875351530 +738 22 3 875349713 +738 39 3 875350720 +738 42 2 875350012 +738 47 3 875353569 +738 56 4 875350418 +738 63 3 875351905 +738 64 4 875351092 +738 69 5 892844079 +738 71 3 875350352 +738 79 3 875351019 +738 81 4 875351092 +738 88 3 875351712 +738 89 5 892844112 +738 95 4 875350122 +738 96 5 892844112 +738 118 3 875351438 +738 127 4 892957753 +738 128 4 875351873 +738 136 4 892958170 +738 141 3 875352771 +738 144 5 892844079 +738 147 3 875350764 +738 151 4 875352737 +738 153 4 875350223 +738 161 4 875350720 +738 164 5 892844112 +738 168 3 875353869 +738 169 5 892844079 +738 172 4 875349895 +738 173 5 875350012 +738 174 5 875349968 +738 175 4 875349968 +738 176 5 892844079 +738 177 4 892958051 +738 178 4 875349628 +738 179 3 875353869 +738 180 5 892844112 +738 181 4 875348856 +738 183 5 892844079 +738 186 4 875351773 +738 188 3 875350456 +738 189 4 875351404 +738 191 4 875350086 +738 193 5 892844112 +738 195 4 875349628 +738 196 4 875350086 +738 199 4 892938594 +738 200 3 875350086 +738 202 4 875351299 +738 203 3 892958137 +738 205 5 892844079 +738 206 3 875350223 +738 208 4 875350418 +738 209 4 875350485 +738 210 5 892844112 +738 214 4 875350157 +738 222 4 875350913 +738 226 3 875351299 +738 227 4 875353533 +738 228 5 875350316 +738 229 3 875351906 +738 230 4 875351530 +738 231 3 875350995 +738 233 3 875353678 +738 235 2 875350764 +738 238 4 875349895 +738 254 2 875349111 +738 257 3 875348912 +738 260 2 875348571 +738 265 4 892957967 +738 298 3 875348670 +738 318 5 892844112 +738 357 4 875353869 +738 367 3 875351346 +738 380 3 875351530 +738 385 5 892844079 +738 393 3 875350944 +738 403 3 875351638 +738 405 2 875349968 +738 408 5 875349584 +738 418 3 875353105 +738 423 4 875350223 +738 429 3 875353813 +738 434 4 875351872 +738 455 4 875350551 +738 470 4 875350551 +738 474 4 875349775 +738 496 4 875351346 +738 511 4 875349584 +738 517 3 892938492 +738 527 5 892844111 +738 568 3 875350485 +738 603 5 892844079 +738 636 3 875350944 +738 650 3 875351712 +738 651 4 892957752 +738 659 4 875350804 +738 662 4 875350418 +738 697 2 875353869 +738 732 3 875350316 +738 747 4 875351603 +738 751 3 892938297 +738 916 3 892938181 +738 926 3 875350456 +738 969 4 892957860 +738 1047 3 875351872 +739 55 1 886958972 +739 56 4 886958938 +739 69 5 886959069 +739 79 4 886958938 +739 96 5 886959039 +739 97 5 886959115 +739 100 5 886825383 +739 132 4 886959039 +739 172 4 886958938 +739 176 1 886958938 +739 187 4 886959115 +739 195 5 886958939 +739 197 1 886958860 +739 216 4 886958831 +739 286 2 886825020 +739 301 5 886825529 +739 318 4 886958831 +739 327 5 886825529 +739 333 4 886825227 +739 359 5 886825529 +739 465 1 886959039 +739 498 4 886958939 +739 526 5 886958895 +739 603 4 886959069 +739 661 2 886958831 +739 751 3 886825083 +739 969 1 886959039 +739 1429 5 886825529 +739 1431 5 886825529 +740 242 4 879523187 +740 269 4 879523187 +740 286 5 879523187 +740 288 4 879523187 +740 289 4 879523187 +740 294 4 879523187 +740 300 4 879523187 +740 302 5 879523187 +740 319 3 879522781 +740 322 3 879522839 +740 326 3 879522814 +740 328 3 879522814 +740 748 3 879522872 +740 938 1 879522906 +741 5 3 891455671 +741 7 3 891040277 +741 15 4 891456573 +741 17 2 891455711 +741 22 5 891018303 +741 25 3 891458428 +741 31 3 891455516 +741 38 2 891455832 +741 48 4 891018550 +741 50 5 891018339 +741 54 3 891455610 +741 56 4 891018303 +741 66 3 891018266 +741 69 4 891018550 +741 70 4 891456573 +741 77 3 891455671 +741 82 3 891018400 +741 83 4 891457855 +741 88 4 891457456 +741 92 3 891456427 +741 94 3 891457483 +741 95 2 891018400 +741 98 5 891455516 +741 118 1 891455855 +741 121 2 891455766 +741 134 5 891455381 +741 173 2 891018366 +741 174 5 891018303 +741 180 4 891457855 +741 181 4 891036681 +741 194 4 891457242 +741 202 3 891455316 +741 204 4 891018266 +741 215 4 891456615 +741 228 2 891455610 +741 234 4 891455545 +741 239 2 891456040 +741 241 4 891019625 +741 265 5 891455735 +741 273 3 891458066 +741 274 4 891019587 +741 275 4 891019587 +741 280 3 891458403 +741 281 2 891455792 +741 288 4 891018070 +741 290 3 891457956 +741 393 2 891040490 +741 399 2 891457456 +741 401 3 891457483 +741 403 5 891456083 +741 423 3 891018339 +741 427 5 891018221 +741 435 4 891455353 +741 475 3 891018152 +741 478 5 891456741 +741 480 5 891457855 +741 496 5 891456718 +741 566 4 891455671 +741 582 3 891456156 +741 651 4 891018507 +741 660 3 891040362 +741 673 4 891455671 +741 692 1 891019587 +741 699 4 891018400 +741 722 3 891457528 +741 742 4 891455766 +741 781 4 891457424 +741 783 3 891457633 +741 785 3 891457371 +741 790 3 891457456 +741 815 3 891458647 +741 1029 1 891457506 +741 1074 2 891457395 +741 1090 1 891455880 +741 1152 3 891458597 +742 1 4 881335281 +742 7 3 881335492 +742 13 4 881335361 +742 15 4 881335461 +742 50 4 881335248 +742 100 5 881335492 +742 109 1 881335960 +742 117 2 881335528 +742 181 3 881335281 +742 222 2 881336006 +742 237 4 881335960 +742 250 3 881336006 +742 258 5 881005590 +742 321 3 881005611 +742 475 4 881335492 +742 508 4 881335461 +742 546 1 881335598 +742 1012 4 881335528 +743 15 3 881277855 +743 100 5 881277962 +743 222 4 881277962 +743 224 5 881277931 +743 268 4 881277551 +743 269 4 881277267 +743 273 3 881278061 +743 276 5 881277855 +743 288 2 881277690 +743 289 3 881277357 +743 292 3 881277267 +743 294 2 881277656 +743 297 5 881277931 +743 298 4 881278061 +743 300 4 881277267 +743 301 4 881277357 +743 302 5 881277267 +743 303 5 881277357 +743 308 2 881277314 +743 311 5 881277551 +743 321 2 881277690 +743 326 3 881277656 +743 338 1 881277800 +743 744 5 881277892 +743 879 4 881277656 +744 1 4 881171926 +744 9 3 881170416 +744 23 4 881171420 +744 28 3 881170416 +744 50 3 881172357 +744 127 5 881171481 +744 156 4 881170452 +744 188 3 881170528 +744 237 4 881171907 +744 238 4 881170416 +744 276 4 881171907 +744 301 3 881171857 +744 302 5 881171820 +744 307 4 881171839 +744 340 3 881171820 +744 428 4 881170528 +744 479 5 881171482 +744 482 3 881171420 +744 508 5 881171907 +744 603 5 881170528 +744 628 2 881172357 +744 657 5 881170575 +744 963 5 881170576 +744 1134 3 881171482 +745 7 4 880123019 +745 8 4 880123627 +745 12 5 880123905 +745 28 2 880123671 +745 64 5 880123905 +745 79 3 880123540 +745 96 4 880123399 +745 98 5 880123905 +745 100 5 880122809 +745 124 5 880122775 +745 125 5 880123069 +745 151 2 880122948 +745 174 3 880123179 +745 177 3 880123572 +745 181 2 880122965 +745 183 3 880123205 +745 188 3 880123540 +745 190 5 880123905 +745 194 4 880123262 +745 202 3 880123486 +745 203 3 880123696 +745 204 3 880123335 +745 205 2 880123205 +745 207 2 880123609 +745 215 3 880123751 +745 222 2 880123126 +745 230 2 880123572 +745 258 5 880122502 +745 285 1 880123905 +745 286 1 880123905 +745 425 4 880123540 +745 427 4 880123361 +745 480 3 880123361 +745 483 1 880123361 +745 492 5 880123572 +745 507 1 880123335 +745 510 3 880123720 +745 515 4 880122863 +745 519 5 880123751 +745 520 3 880123696 +745 527 3 880123486 +745 531 3 880123517 +745 646 4 880123416 +745 1126 2 880123572 +746 1 4 885075714 +746 2 3 885075304 +746 8 4 885075539 +746 24 4 885075434 +746 38 2 885075476 +746 50 5 885075165 +746 56 3 885075211 +746 62 3 885075434 +746 64 4 885075790 +746 79 5 885075165 +746 82 4 885075337 +746 89 4 885075243 +746 96 4 885075267 +746 117 4 885075304 +746 127 2 885075243 +746 128 3 885075211 +746 144 5 885075211 +746 157 4 885075590 +746 161 3 885075304 +746 172 5 885075165 +746 181 5 885075166 +746 183 4 885075165 +746 184 4 885075267 +746 196 4 885075612 +746 202 5 885075518 +746 204 5 885075539 +746 222 3 885075267 +746 226 4 885075434 +746 230 1 885075337 +746 231 2 885075476 +746 232 3 885075304 +746 281 3 885075434 +746 399 3 885075211 +746 403 4 885075337 +746 431 5 885075304 +746 449 1 885075476 +746 523 3 885075497 +746 546 3 885075434 +746 550 4 885075367 +746 566 4 885075367 +746 568 4 885075211 +746 578 4 885075399 +746 684 4 885075337 +746 685 3 885075304 +747 3 2 888733567 +747 4 4 888733111 +747 8 5 888639175 +747 11 5 888638958 +747 12 4 888639272 +747 13 3 888733348 +747 14 3 888734152 +747 15 4 888639780 +747 21 2 888733111 +747 23 5 888639735 +747 25 3 888639318 +747 26 3 888733314 +747 28 4 888640915 +747 29 1 888734152 +747 30 5 888638913 +747 31 4 888639222 +747 39 4 888640684 +747 40 2 888733480 +747 44 2 888639437 +747 48 5 888639890 +747 50 5 888639060 +747 56 5 888639526 +747 69 5 888640475 +747 71 5 888639102 +747 73 4 888640305 +747 79 4 888640392 +747 82 4 888639642 +747 85 3 888733144 +747 86 5 888638958 +747 87 5 888640222 +747 88 2 888733218 +747 91 5 888640820 +747 93 4 888639685 +747 97 5 888640437 +747 98 5 888639480 +747 99 5 888640524 +747 108 4 888733415 +747 109 5 888733274 +747 111 4 888733480 +747 116 4 888639318 +747 117 2 888639780 +747 132 4 888732640 +747 133 5 888732695 +747 135 5 888640437 +747 152 3 888640222 +747 153 4 888639989 +747 156 3 888639362 +747 162 5 888639594 +747 163 4 888733111 +747 168 4 888639015 +747 173 3 888640862 +747 175 4 888640180 +747 176 4 888638958 +747 179 5 888639780 +747 180 5 888639735 +747 182 5 888639272 +747 183 5 888732899 +747 187 5 888639318 +747 188 5 888639890 +747 189 4 888639272 +747 190 4 888640305 +747 205 5 888639102 +747 208 5 888640862 +747 209 3 888640437 +747 211 5 888639014 +747 215 5 888732899 +747 216 2 888639060 +747 222 2 888640180 +747 223 5 888638913 +747 228 4 888639736 +747 234 5 888640099 +747 262 5 888638242 +747 265 4 888639060 +747 268 5 888638091 +747 269 4 888638183 +747 279 4 888732571 +747 282 2 888640475 +747 285 5 888732899 +747 287 4 888733182 +747 290 3 888733144 +747 292 4 888638293 +747 301 1 888638335 +747 302 5 888638091 +747 303 5 888638091 +747 304 4 888638370 +747 313 5 888638265 +747 315 4 888638774 +747 316 4 888638552 +747 318 5 888732899 +747 327 4 888638425 +747 333 4 888638335 +747 347 5 888638091 +747 357 5 888638876 +747 390 4 888640862 +747 392 3 888734178 +747 393 2 888733111 +747 404 5 888640648 +747 408 5 888639481 +747 409 1 888733595 +747 416 5 888640916 +747 418 5 888639102 +747 419 5 888640820 +747 423 5 888638958 +747 427 5 888732899 +747 428 3 888640046 +747 429 4 888639823 +747 430 4 888639437 +747 432 5 888640567 +747 443 5 888640136 +747 461 5 888639526 +747 462 5 888639272 +747 463 3 888732695 +747 467 4 888639222 +747 474 5 888639526 +747 475 5 888639397 +747 478 4 888639437 +747 480 5 888639060 +747 481 5 888639525 +747 482 5 888639526 +747 483 5 888639318 +747 485 5 888640222 +747 486 5 888732609 +747 492 4 888639060 +747 493 5 888734012 +747 494 5 888639015 +747 496 5 888640136 +747 497 5 888639890 +747 500 4 888640222 +747 501 5 888639362 +747 502 5 888733182 +747 507 3 888639890 +747 508 5 888638876 +747 509 5 888639176 +747 519 5 888639989 +747 524 5 888640222 +747 525 5 888640684 +747 526 5 888639642 +747 529 5 888640099 +747 530 5 888734041 +747 531 4 888732609 +747 558 4 888640046 +747 580 5 888734112 +747 584 5 888640524 +747 588 5 888639989 +747 591 2 888640776 +747 596 5 888640437 +747 603 5 888639362 +747 606 5 888638958 +747 615 5 888640348 +747 625 3 888640648 +747 631 5 888638957 +747 634 5 888639222 +747 639 5 888732899 +747 648 5 888734012 +747 650 4 888639014 +747 651 5 888640862 +747 654 5 888639939 +747 661 5 888639642 +747 663 5 888733111 +747 672 4 888734152 +747 675 2 888640180 +747 693 5 888732899 +747 695 2 888733111 +747 705 5 888639939 +747 736 5 888732899 +747 739 3 888734072 +747 783 1 888732921 +747 835 3 888640180 +747 842 5 888640916 +747 844 4 888640136 +747 845 2 888640046 +747 875 3 888638455 +747 887 5 888638335 +747 923 5 888639939 +747 929 3 888733218 +747 939 3 888639362 +747 945 4 888639481 +747 949 5 888733182 +747 951 2 888640648 +747 952 2 888733630 +747 959 5 888733144 +747 967 3 888639318 +747 985 2 888732640 +747 989 3 888638508 +747 997 3 888733480 +747 1003 1 888733314 +747 1028 1 888733480 +747 1050 3 888640099 +747 1067 2 888733348 +747 1098 4 888640437 +747 1134 5 888732609 +747 1142 4 888732952 +747 1159 2 888639685 +747 1194 5 888639102 +747 1203 5 888639685 +747 1204 4 888639102 +747 1205 3 888639594 +747 1225 3 888733314 +747 1375 4 888732571 +747 1456 3 888732747 +747 1497 4 888732538 +747 1631 3 888638957 +747 1660 2 888640731 +748 8 4 879455126 +748 22 4 879455126 +748 48 4 879455083 +748 50 5 879454428 +748 56 4 879455083 +748 64 4 879454707 +748 69 4 879454849 +748 71 3 879454546 +748 83 3 879455019 +748 86 4 879455126 +748 89 5 879454831 +748 132 3 879454998 +748 135 4 879454998 +748 137 3 879454958 +748 143 3 879454546 +748 144 4 879454707 +748 153 4 879454930 +748 154 3 879454602 +748 169 4 879454848 +748 173 4 879454831 +748 174 5 879454405 +748 175 5 879455019 +748 176 5 879454773 +748 179 4 879454728 +748 180 4 879454958 +748 181 4 879454455 +748 183 4 879454584 +748 186 5 879454498 +748 187 4 879454958 +748 188 4 879455167 +748 189 4 879454749 +748 193 3 879454789 +748 194 4 879454773 +748 196 3 879454958 +748 200 3 879454522 +748 208 4 879454522 +748 210 3 879454584 +748 222 4 879454707 +748 228 3 879454687 +748 234 4 879454475 +748 237 4 879454880 +748 250 5 879454383 +748 258 5 879454081 +748 318 5 879454475 +748 319 3 879454107 +748 323 4 879454208 +748 326 3 879454171 +748 328 4 879454208 +748 357 3 879454584 +748 425 4 879454773 +748 451 1 879455186 +748 474 4 879454475 +748 483 4 879455040 +748 495 3 879454687 +748 496 4 879454455 +748 498 4 879454831 +748 514 4 879454749 +748 515 4 879454662 +748 517 3 879455083 +748 527 5 879454749 +748 528 3 879454880 +748 647 3 879454602 +748 650 1 879454573 +748 654 4 879454998 +748 678 2 879454233 +748 692 3 879455410 +748 699 3 879455454 +748 709 4 879454546 +748 710 3 879455410 +748 748 4 879454208 +749 1 4 881602577 +749 2 4 878849375 +749 9 3 878846903 +749 11 5 878848189 +749 15 5 878846841 +749 23 3 878849176 +749 24 2 878849508 +749 25 4 878846697 +749 31 5 878847209 +749 49 4 878848137 +749 56 2 878847404 +749 58 3 878847988 +749 62 3 878849052 +749 64 4 878847171 +749 68 4 878849612 +749 69 5 878847576 +749 72 3 878850388 +749 73 4 878849586 +749 78 3 878850632 +749 80 1 878850533 +749 82 5 878848405 +749 86 4 878848369 +749 87 4 878849558 +749 88 4 878849534 +749 89 4 878848098 +749 95 3 878848333 +749 96 5 878847498 +749 98 5 878847404 +749 99 5 878847804 +749 100 3 878849052 +749 101 4 878848700 +749 105 1 878849508 +749 110 2 878850703 +749 117 4 878846654 +749 121 3 878847645 +749 125 5 878848764 +749 127 4 881073104 +749 132 4 878847926 +749 133 4 878849052 +749 134 4 878847286 +749 135 4 878848189 +749 136 5 878849404 +749 141 4 878848217 +749 142 4 878850456 +749 144 5 878847835 +749 145 4 878849433 +749 148 3 878850212 +749 151 5 878846783 +749 153 4 878848828 +749 154 5 878847988 +749 157 3 878847364 +749 158 3 878849903 +749 159 4 878849956 +749 160 3 878847461 +749 164 3 878848866 +749 167 2 878848701 +749 168 5 878847765 +749 172 5 878847239 +749 173 5 878847740 +749 175 3 878847576 +749 176 4 878847954 +749 182 3 878848639 +749 183 5 878847286 +749 185 4 878847740 +749 187 3 881073104 +749 188 3 878848302 +749 191 4 878848217 +749 194 5 878847541 +749 195 5 878848639 +749 197 4 878848044 +749 199 5 878847171 +749 209 4 878848828 +749 210 4 878848587 +749 211 5 878847887 +749 215 4 878847172 +749 216 4 878848137 +749 222 3 878847716 +749 223 4 881602704 +749 228 5 878848828 +749 229 3 878849482 +749 231 4 878849660 +749 232 4 878848483 +749 237 3 878846782 +749 238 3 878847863 +749 239 4 878849286 +749 245 4 878846423 +749 250 3 878846978 +749 252 3 878847057 +749 254 2 881602674 +749 257 3 878846957 +749 258 4 878846265 +749 271 5 879788762 +749 280 4 878847835 +749 284 4 878846812 +749 291 4 878848137 +749 293 4 878846783 +749 294 2 878846265 +749 295 3 881602635 +749 300 4 878846365 +749 322 4 878846422 +749 357 4 878847862 +749 358 3 878846422 +749 366 4 878849903 +749 378 5 878847612 +749 385 3 878848272 +749 389 3 878849375 +749 399 3 878849433 +749 402 4 878849829 +749 403 4 878849903 +749 404 5 878847673 +749 406 4 881072892 +749 414 4 878848189 +749 418 5 878847498 +749 431 5 878848069 +749 434 4 878848369 +749 435 4 878847888 +749 448 2 878847645 +749 465 4 878847716 +749 468 3 878848333 +749 472 4 878849149 +749 477 3 878848405 +749 480 5 878847328 +749 484 5 881073043 +749 496 5 878847673 +749 501 4 878847209 +749 510 4 878847404 +749 511 4 878847286 +749 521 4 878847765 +749 523 4 878847285 +749 526 5 878847804 +749 527 4 878847364 +749 531 5 878847171 +749 541 3 878850825 +749 550 4 878850212 +749 554 3 878849612 +749 571 3 878850456 +749 576 3 878850533 +749 578 3 878850429 +749 584 3 878848483 +749 595 4 878850107 +749 603 5 878847804 +749 609 4 881073104 +749 616 3 878848612 +749 620 4 882804506 +749 622 3 878850675 +749 625 3 878848430 +749 627 2 878848951 +749 628 4 878846903 +749 633 4 878848764 +749 635 1 878850703 +749 642 2 878848137 +749 650 3 878848189 +749 655 5 878848044 +749 658 4 878849404 +749 659 5 878847611 +749 661 5 878847576 +749 663 4 878847988 +749 685 4 878848137 +749 686 4 878850429 +749 705 4 878847612 +749 732 4 878848452 +749 735 5 878847716 +749 736 3 878847988 +749 740 3 878847716 +749 742 4 878849375 +749 746 5 878848764 +749 755 4 878848866 +749 781 4 878849979 +749 802 3 878850789 +749 808 3 878849929 +749 812 3 878849586 +749 826 3 878850038 +749 837 5 878848587 +749 841 3 878850768 +749 843 3 878848998 +749 866 3 878848639 +749 879 4 878846449 +749 932 3 878850333 +749 934 3 878850333 +749 944 4 878849482 +749 951 4 878848533 +749 968 3 878850186 +749 986 3 878850107 +749 1023 3 881073104 +749 1028 4 878849149 +749 1041 4 878849979 +749 1047 3 878849740 +749 1051 3 878846676 +749 1088 2 881602596 +749 1089 3 882804586 +749 1092 3 878850703 +749 1139 3 878850084 +749 1185 4 878849375 +749 1228 4 878850748 +749 1263 2 878850533 +749 1274 2 878850212 +749 1337 3 882804605 +749 1615 4 878847076 +750 245 3 879446215 +750 269 4 879445755 +750 270 4 879445877 +750 271 4 879445911 +750 286 4 879445755 +750 288 4 879445808 +750 294 4 879445961 +750 300 3 879446013 +750 301 4 879445911 +750 303 4 879445911 +750 304 4 879446013 +750 305 4 879445877 +750 306 4 879445877 +750 322 2 879445877 +750 328 4 879445808 +750 330 2 879446215 +750 331 4 879446114 +750 358 3 879446216 +750 683 1 879445911 +750 688 1 879446013 +750 748 3 879446013 +750 749 3 879446271 +750 873 3 879446013 +750 876 2 879446014 +750 879 4 879445961 +750 881 2 879446114 +751 1 3 889132162 +751 2 4 889298116 +751 3 3 889299391 +751 11 1 889133177 +751 28 5 889133064 +751 42 5 889133429 +751 50 5 889132162 +751 55 4 889134419 +751 56 4 889132775 +751 62 4 889298660 +751 70 4 889297870 +751 79 4 889132776 +751 82 4 889133334 +751 83 5 889134705 +751 85 3 889297767 +751 87 5 889297927 +751 88 4 889298660 +751 89 3 889132966 +751 91 4 889134705 +751 95 5 889134419 +751 96 4 889133154 +751 98 5 889134186 +751 100 4 889132252 +751 111 3 889132657 +751 117 4 889132269 +751 131 5 889132966 +751 142 4 889299175 +751 143 5 889133882 +751 144 4 889133219 +751 154 3 888871900 +751 161 2 889134419 +751 168 5 888871900 +751 174 4 889133012 +751 178 5 889132896 +751 179 4 889298074 +751 181 5 889132397 +751 193 5 889133556 +751 194 5 889297693 +751 197 3 889296961 +751 215 4 889133334 +751 216 4 889133602 +751 226 3 889134237 +751 238 3 889297524 +751 239 4 889134237 +751 248 5 889132413 +751 250 3 889132397 +751 257 4 889132542 +751 269 5 888871900 +751 270 4 887134730 +751 272 4 887134672 +751 291 3 889299155 +751 300 2 887134622 +751 301 5 887134816 +751 302 4 888870893 +751 305 2 887134730 +751 310 3 887134816 +751 313 2 889727869 +751 316 4 888871453 +751 347 4 887134587 +751 367 4 889133950 +751 372 3 889297990 +751 380 3 889298548 +751 381 1 889134419 +751 382 3 889298463 +751 385 4 889135244 +751 386 3 889299078 +751 394 4 889297640 +751 399 3 889298912 +751 402 3 889298216 +751 405 3 889298528 +751 417 2 889297615 +751 418 5 889135211 +751 419 4 889134533 +751 432 4 889134420 +751 433 3 889134186 +751 434 4 889297670 +751 436 4 889135879 +751 472 2 889299043 +751 480 4 889133129 +751 483 5 889132849 +751 485 4 889134483 +751 487 5 889134705 +751 490 4 889133429 +751 494 4 889133556 +751 538 4 887134672 +751 558 3 889298216 +751 559 4 889298622 +751 568 3 889133334 +751 578 4 889298174 +751 588 5 889133291 +751 591 1 889132375 +751 652 4 889133951 +751 659 5 889133012 +751 704 2 889133429 +751 708 4 889298140 +751 709 4 889132929 +751 710 3 889298051 +751 734 1 889299637 +751 735 4 889134332 +751 736 5 889134533 +751 737 4 889298945 +751 742 3 889132347 +751 746 4 889133219 +751 748 2 887135437 +751 751 4 887396425 +751 755 4 889298116 +751 756 2 889299249 +751 778 3 889297178 +751 785 4 889298010 +751 849 2 889299133 +751 856 2 889134393 +751 917 2 892486699 +751 945 3 889133852 +751 1007 4 889132222 +751 1011 4 889132599 +751 1078 3 889299290 +751 1101 1 889298379 +751 1140 2 889299503 +751 1446 2 889298694 +751 1661 1 889299429 +752 258 3 891207898 +752 259 5 891208451 +752 270 4 891208077 +752 271 5 891208452 +752 272 4 891207898 +752 286 1 891207940 +752 288 5 891208452 +752 289 1 891208299 +752 294 3 891208261 +752 300 3 891208126 +752 301 4 891208077 +752 302 5 891208451 +752 305 4 891207940 +752 306 5 891208451 +752 307 5 891208451 +752 310 1 891207791 +752 311 3 891207983 +752 313 3 891207791 +752 316 3 891208329 +752 322 1 891208261 +752 325 2 891208126 +752 326 1 891208299 +752 327 5 891208451 +752 340 4 891208077 +752 344 4 891208212 +752 345 1 891207898 +752 346 4 891207983 +752 347 4 891207846 +752 351 3 891207898 +752 358 4 891208452 +752 539 4 891208357 +752 621 1 891208491 +752 690 4 891208170 +752 748 4 891208392 +752 882 4 891207846 +752 896 3 891207846 +752 904 4 891207845 +752 905 2 891207940 +752 1024 3 891207940 +752 1105 3 891207983 +752 1127 3 891208170 +752 1294 3 891207898 +753 22 4 891401798 +753 23 2 891401665 +753 50 4 891401902 +753 71 5 891401457 +753 79 4 891401665 +753 96 1 891401366 +753 134 4 891402323 +753 174 4 891402323 +753 180 2 891401712 +753 181 3 891402240 +753 182 3 891401851 +753 185 3 891401410 +753 194 4 891401757 +753 195 1 891401851 +753 199 5 891401510 +753 211 4 891402240 +753 215 5 891402272 +753 242 4 891399477 +753 286 3 891399477 +753 294 5 891399737 +753 322 3 891401167 +753 347 2 891401167 +753 357 4 891401901 +753 359 4 891399477 +753 427 5 891401712 +753 435 4 891401712 +753 462 4 891401510 +753 483 5 891401712 +753 484 5 891401757 +753 499 3 891402323 +753 504 3 891401457 +753 510 4 891401457 +753 515 5 891401712 +753 523 4 891401851 +753 527 4 891401510 +753 657 5 891401665 +753 673 1 891402379 +753 898 4 891400364 +754 9 4 879451626 +754 15 5 879451743 +754 117 4 879451626 +754 118 2 879451775 +754 237 3 879451805 +754 243 1 879451163 +754 255 3 879451585 +754 276 5 879451841 +754 282 4 879451804 +754 284 3 879451775 +754 292 3 879451958 +754 328 3 879450984 +754 359 3 879451299 +754 459 4 879451805 +754 476 4 879451742 +754 477 5 879451775 +754 595 2 879452073 +754 619 4 879451517 +754 676 3 879451517 +754 742 3 879451991 +754 744 3 879452073 +754 819 3 879452116 +754 922 3 879452073 +754 937 4 879451061 +754 1016 4 879451585 +755 245 4 882569881 +755 259 3 882570140 +755 264 2 882570077 +755 269 5 882569604 +755 271 1 882570023 +755 288 1 882569771 +755 289 1 882569912 +755 294 3 882569574 +755 300 4 882569574 +755 302 4 882569771 +755 304 4 882569881 +755 311 4 882569771 +755 319 3 882569801 +755 322 3 882569912 +755 327 2 882569801 +755 331 3 882569771 +755 343 3 882570077 +755 689 3 882570077 +755 690 5 882569574 +755 748 4 882570141 +755 872 1 882569844 +755 875 1 882570023 +755 880 4 882569732 +755 881 1 882569732 +755 887 3 882569845 +755 937 4 882569604 +756 1 4 874826629 +756 3 1 874829174 +756 53 3 874830432 +756 55 5 875129318 +756 63 3 874830908 +756 71 3 874828391 +756 79 4 874829990 +756 89 4 874828769 +756 91 3 874830954 +756 92 3 874828027 +756 96 4 874828640 +756 99 3 874829258 +756 100 5 874831383 +756 111 4 874829670 +756 117 4 874828826 +756 118 2 874828967 +756 121 3 874829152 +756 122 1 874831227 +756 123 2 874830344 +756 135 2 874827884 +756 138 2 874830864 +756 147 4 874828826 +756 159 4 874829924 +756 161 3 874831194 +756 171 4 874827062 +756 173 3 874826565 +756 176 4 874828826 +756 178 5 874831383 +756 181 4 874831383 +756 183 4 874831383 +756 195 3 874828967 +756 197 2 874829446 +756 210 4 874828902 +756 226 3 874830103 +756 230 3 874829010 +756 234 3 874829924 +756 235 3 874827755 +756 245 3 874832096 +756 258 3 874826502 +756 274 3 874829637 +756 289 4 874828027 +756 325 3 874832132 +756 367 4 874827614 +756 398 3 874831050 +756 399 2 874828967 +756 402 4 874831383 +756 404 3 874830908 +756 409 2 874830998 +756 418 3 874829333 +756 421 4 874829637 +756 423 3 874830675 +756 435 3 874832788 +756 473 3 874829296 +756 527 3 874828242 +756 550 2 874829152 +756 554 1 874829152 +756 566 4 874830168 +756 591 4 874829924 +756 603 5 874831383 +756 642 2 874829924 +756 731 3 874827920 +756 742 3 874830026 +756 753 2 874832788 +756 755 3 874830598 +756 860 1 874830068 +756 930 3 874830344 +756 1009 4 874827247 +756 1060 4 874831383 +756 1074 4 874831383 +756 1119 4 874828349 +756 1274 2 874828278 +757 2 3 888466490 +757 4 5 888466461 +757 7 4 888444826 +757 11 4 888466583 +757 22 4 888466407 +757 24 4 888444616 +757 28 3 888467794 +757 31 4 888445570 +757 38 3 888467038 +757 50 4 888444056 +757 53 3 888466737 +757 56 4 888445279 +757 58 3 888467592 +757 62 3 888466758 +757 68 4 888466435 +757 71 4 888445838 +757 79 4 888445750 +757 89 4 888445279 +757 91 4 888467309 +757 96 4 888466461 +757 97 4 888445714 +757 98 4 888445767 +757 100 3 888444056 +757 101 4 888467309 +757 117 4 888444181 +757 121 2 888444635 +757 122 1 888445218 +757 128 3 888466490 +757 129 3 888444400 +757 144 4 888466490 +757 151 4 888444684 +757 153 3 888468995 +757 155 2 888469095 +757 156 3 888445551 +757 157 3 888467855 +757 161 3 888468909 +757 168 4 888468756 +757 173 4 888445604 +757 175 3 888445551 +757 176 5 888445730 +757 179 4 888467855 +757 181 3 888444314 +757 183 4 888445864 +757 193 4 888445521 +757 195 4 888445802 +757 196 4 888445604 +757 198 4 888445864 +757 202 4 888445730 +757 203 5 888445521 +757 205 4 888467498 +757 206 4 888445683 +757 207 2 888468632 +757 210 4 888445570 +757 217 3 888467381 +757 222 4 888444400 +757 226 3 888467038 +757 229 3 888466652 +757 230 4 888466614 +757 231 2 888466614 +757 232 3 888466435 +757 233 3 888467038 +757 241 3 888466863 +757 248 4 888444209 +757 257 4 888444400 +757 258 5 888443306 +757 260 3 888443511 +757 265 3 888466614 +757 270 3 888443434 +757 271 3 888443307 +757 276 4 888444181 +757 288 4 888443307 +757 313 3 888443263 +757 326 3 888443434 +757 328 3 888469286 +757 333 4 888443263 +757 343 3 888443555 +757 350 3 888443511 +757 385 3 888468596 +757 399 3 888466782 +757 423 3 888445279 +757 432 3 888467269 +757 450 2 888467205 +757 471 4 888444738 +757 474 3 888469045 +757 515 5 888444007 +757 546 3 888444881 +757 549 5 888468540 +757 550 3 888445820 +757 566 3 888466490 +757 569 3 888467400 +757 570 3 888466683 +757 588 3 888467286 +757 651 4 888445279 +757 658 2 888467765 +757 665 3 888466652 +757 678 2 888443531 +757 679 4 888466583 +757 684 4 888445864 +757 685 3 888444684 +757 693 4 888467498 +757 742 4 888444563 +757 743 2 888445172 +757 746 3 888468435 +757 751 3 888443398 +757 771 2 888467160 +757 809 4 888466758 +757 895 4 888443483 +757 939 4 888467498 +757 969 3 888468741 +757 1016 3 888444563 +757 1035 2 888469113 +757 1090 2 888467187 +757 1188 3 888466651 +757 1210 2 888467187 +757 1240 3 888445820 +757 1273 2 888467187 +758 4 4 881977375 +758 7 5 881975243 +758 8 5 881975577 +758 14 5 883287566 +758 20 4 881976574 +758 23 4 881975814 +758 24 4 881979891 +758 25 4 881977669 +758 26 4 881977108 +758 28 4 881975990 +758 29 3 882054935 +758 31 3 881977872 +758 33 4 881976335 +758 38 3 881980408 +758 39 2 881974931 +758 50 4 884999132 +758 56 5 881976031 +758 58 4 881977169 +758 64 5 881974931 +758 69 5 881976233 +758 76 3 881977265 +758 81 5 881975815 +758 91 4 881977375 +758 95 3 881977057 +758 98 5 881976289 +758 100 5 881975119 +758 108 5 881978148 +758 109 3 881975687 +758 116 5 881976289 +758 118 2 881978326 +758 121 2 881978864 +758 122 4 881980408 +758 123 1 881977872 +758 124 5 884999132 +758 125 2 881977205 +758 127 5 880672637 +758 128 4 881977625 +758 134 5 881975005 +758 135 5 881974742 +758 141 4 881977533 +758 144 4 881975267 +758 151 5 881975814 +758 152 5 881975853 +758 153 5 881976377 +758 154 5 881975267 +758 155 1 882054226 +758 159 3 881977408 +758 163 5 881976089 +758 168 5 881975416 +758 170 5 881976233 +758 171 5 881976262 +758 172 4 881974880 +758 173 5 881975182 +758 177 5 881974823 +758 179 5 881976031 +758 183 5 882055987 +758 184 5 881974823 +758 185 4 881975182 +758 186 5 881974931 +758 191 5 881975853 +758 192 4 882053053 +758 195 5 881975416 +758 197 3 881975687 +758 200 5 881977229 +758 202 5 881976821 +758 203 5 881978016 +758 212 4 881976919 +758 213 5 881976377 +758 218 4 881977487 +758 221 3 881976335 +758 224 4 881975922 +758 227 4 884999133 +758 228 3 881977021 +758 231 3 881979012 +758 234 4 881974823 +758 235 5 881978274 +758 238 5 881975538 +758 241 3 881977109 +758 242 3 880672230 +758 248 4 880672747 +758 249 4 880672782 +758 250 4 880672766 +758 252 3 880672830 +758 253 5 880672855 +758 257 5 880672700 +758 258 4 880672230 +758 269 4 880672230 +758 271 4 884999132 +758 272 4 884413293 +758 273 4 881977714 +758 282 3 881977488 +758 286 5 880672230 +758 287 5 881975182 +758 288 4 882056007 +758 290 5 881978495 +758 291 4 881978115 +758 294 5 880672523 +758 297 4 880672700 +758 298 4 880672727 +758 301 3 880672427 +758 302 5 882848498 +758 303 4 880672321 +758 305 4 880672257 +758 316 5 888020827 +758 324 5 880672230 +758 331 4 882322862 +758 338 4 881295151 +758 344 3 888715390 +758 346 2 883099368 +758 347 3 885257453 +758 352 4 885948283 +758 353 4 886743253 +758 355 4 888461050 +758 364 4 882055394 +758 373 4 882055347 +758 380 4 884999133 +758 384 5 881979788 +758 385 4 881974742 +758 387 2 881978495 +758 391 3 881980386 +758 411 4 881978115 +758 412 5 882054797 +758 414 4 881977487 +758 420 3 882053499 +758 421 4 881975814 +758 425 5 881977337 +758 427 4 881974742 +758 428 4 881976745 +758 430 5 881975503 +758 431 3 881977309 +758 434 3 881976233 +758 436 3 881978572 +758 441 3 882054797 +758 448 4 881978805 +758 452 3 882054468 +758 462 4 881975687 +758 474 5 881976089 +758 479 5 881975539 +758 480 5 881975213 +758 481 5 881976031 +758 482 5 881975922 +758 483 5 881975577 +758 484 5 881975814 +758 488 3 881976262 +758 489 5 881975687 +758 496 3 881976031 +758 505 5 881979012 +758 508 4 881975962 +758 510 3 881974823 +758 512 5 881975416 +758 514 5 881974823 +758 517 3 881976377 +758 526 4 882052744 +758 527 5 881977169 +758 529 4 881979609 +758 531 5 881975061 +758 533 4 882055948 +758 536 2 880672747 +758 540 3 882054637 +758 542 2 881978495 +758 546 3 882053613 +758 547 5 881975472 +758 550 4 881978115 +758 554 3 882055007 +758 567 4 881978016 +758 569 3 881978460 +758 571 4 882054936 +758 578 4 881977872 +758 580 4 881974880 +758 587 4 881978635 +758 597 2 881978805 +758 603 5 881976262 +758 605 3 881977057 +758 607 5 881976032 +758 619 4 881977205 +758 628 4 881977714 +758 629 4 881978715 +758 634 5 881975922 +758 650 5 881979419 +758 653 3 881975922 +758 654 4 881975061 +758 656 5 881976032 +758 657 5 881975213 +758 665 2 882055988 +758 676 2 881977428 +758 684 4 881977872 +758 685 5 881979987 +758 686 3 881974823 +758 687 3 881295189 +758 689 1 881295176 +758 705 5 881976203 +758 716 2 881978864 +758 722 3 881980408 +758 732 4 881977057 +758 742 4 881976168 +758 748 1 880672522 +758 751 4 882597651 +758 752 3 887086705 +758 764 1 882054519 +758 765 2 881980315 +758 780 5 882054468 +758 790 4 881978115 +758 802 3 881978572 +758 810 3 881980195 +758 826 3 882054854 +758 827 3 882055257 +758 837 4 881976377 +758 864 4 882053726 +758 865 4 881975005 +758 887 5 882322840 +758 889 3 889038958 +758 890 3 880672552 +758 892 2 883190434 +758 896 5 886658068 +758 898 3 883287566 +758 955 2 881977021 +758 959 3 881978864 +758 968 5 881976746 +758 977 2 882055347 +758 997 4 881979969 +758 1001 5 882055227 +758 1007 5 880672727 +758 1012 4 880672727 +758 1016 4 880672855 +758 1019 4 881975736 +758 1022 5 885698979 +758 1023 4 880672855 +758 1025 3 881295176 +758 1039 5 881975787 +758 1046 4 881978767 +758 1052 5 882055497 +758 1074 1 882054297 +758 1085 5 881975503 +758 1098 5 881976746 +758 1111 4 881977375 +758 1142 5 880672766 +758 1143 5 880672637 +758 1159 5 881974639 +758 1244 3 881713279 +758 1501 3 881978258 +758 1527 3 888039070 +759 1 5 875227798 +759 117 5 881476781 +759 121 5 881476858 +759 220 5 875227904 +759 222 5 881476922 +759 257 4 881476824 +759 258 4 875227686 +759 275 4 875227858 +759 298 4 875227858 +759 300 5 875227686 +759 328 5 881476590 +759 332 4 881476516 +759 405 4 881476969 +759 591 3 881476891 +759 678 2 875227742 +759 742 5 875227798 +759 756 4 875227922 +759 937 4 881476756 +759 984 2 881476642 +759 1016 5 881476922 +760 50 3 875666268 +760 65 2 875667131 +760 66 2 875668932 +760 120 1 875669077 +760 125 4 875666242 +760 162 3 875668418 +760 172 3 875667294 +760 181 3 875666268 +760 183 2 875667366 +760 185 2 875667450 +760 202 3 875667834 +760 204 4 875668105 +760 216 2 875667366 +760 278 4 875666242 +760 288 4 875665867 +760 365 5 875668737 +760 451 5 875668781 +760 604 4 875668219 +760 631 3 875668368 +760 682 3 878530117 +760 723 2 875669011 +760 739 4 875668888 +760 819 1 875666064 +760 841 3 875666421 +760 873 4 875665908 +760 928 1 875666242 +760 1037 5 875668781 +761 1 1 876190094 +761 15 5 876190314 +761 50 5 876189795 +761 123 3 876190160 +761 127 3 876190025 +761 147 4 876190370 +761 148 5 876189829 +761 181 5 876190072 +761 205 4 876190511 +761 214 1 876190510 +761 222 4 876190025 +761 235 3 876190182 +761 237 5 876190417 +761 258 4 876189585 +761 261 1 876189871 +761 275 4 876190130 +761 278 4 876190370 +761 288 4 876189614 +761 289 2 876189871 +761 291 3 876190770 +761 293 4 876190130 +761 294 3 876189664 +761 295 4 876190130 +761 326 1 876189715 +761 358 3 876189689 +761 426 1 876190510 +761 455 2 876190439 +761 458 1 876190623 +761 471 3 876190336 +761 476 2 876190468 +761 546 5 876190468 +761 678 2 876189689 +761 688 2 876189913 +761 840 4 876190753 +761 864 4 876190336 +761 877 2 876189931 +761 924 4 876190723 +761 988 1 876189715 +761 1014 1 876190256 +761 1157 5 876189775 +761 1163 2 876190752 +761 1197 3 876190025 +761 1272 1 876190160 +761 1277 1 876190752 +762 116 1 878719186 +762 173 5 878719533 +762 237 3 878719294 +762 246 1 878719294 +762 270 4 878718855 +762 274 4 878719371 +762 302 5 878718810 +762 475 5 878719219 +762 515 5 878719186 +762 749 1 878718996 +762 815 1 878719406 +762 875 5 878718996 +762 955 5 878719551 +762 1662 1 878719324 +763 1 4 878915559 +763 5 4 878920895 +763 11 4 878918333 +763 16 5 878918332 +763 22 4 878921853 +763 25 4 878922982 +763 28 3 878915765 +763 39 4 878918360 +763 47 3 878915692 +763 50 4 878914968 +763 55 4 878917384 +763 56 5 878919116 +763 61 5 878915628 +763 69 4 878915600 +763 70 5 878917468 +763 73 3 878919180 +763 88 4 878918486 +763 96 2 878918213 +763 97 3 878919153 +763 98 4 878914968 +763 100 5 878915958 +763 111 2 878918871 +763 127 4 878920656 +763 144 3 878915722 +763 151 4 878923488 +763 153 4 878915692 +763 157 4 878917467 +763 162 4 878923433 +763 164 4 878917850 +763 168 5 878919055 +763 173 4 878914968 +763 174 4 878919019 +763 176 4 878919116 +763 195 4 878918360 +763 196 4 878919206 +763 197 4 878918360 +763 200 4 878915015 +763 209 4 878918213 +763 210 3 878915015 +763 213 4 878917468 +763 222 5 878918406 +763 230 3 878923288 +763 234 3 878923288 +763 237 3 878919153 +763 238 4 878915559 +763 258 3 878914901 +763 275 5 878915958 +763 283 4 878915600 +763 286 4 878914901 +763 357 4 878919116 +763 367 3 878918871 +763 375 2 878923513 +763 382 5 878922829 +763 392 4 878919055 +763 418 4 878921530 +763 432 5 878922982 +763 461 4 878915015 +763 462 5 878921529 +763 469 4 878915958 +763 475 4 878915722 +763 483 4 878915628 +763 505 4 878919206 +763 507 4 878918933 +763 509 5 878920895 +763 510 4 878915559 +763 518 4 878919180 +763 588 4 878918213 +763 607 4 878917850 +763 625 4 878923488 +763 627 3 878923488 +763 629 5 878918871 +763 658 3 878915600 +763 702 3 878917877 +763 730 5 878923456 +763 742 4 878921584 +763 879 3 878914901 +763 941 3 878915958 +763 960 4 878915958 +763 961 5 878919083 +763 972 3 878918333 +763 1006 2 878919116 +763 1065 5 878915559 +763 1101 3 878918486 +763 1129 4 878918908 +763 1268 5 878918933 +764 1 4 876244181 +764 4 3 876245421 +764 9 4 876242649 +764 11 4 876244652 +764 13 2 876242755 +764 14 4 876752116 +764 15 4 876242945 +764 22 4 876245549 +764 28 4 876245069 +764 31 4 876246687 +764 56 4 876244472 +764 64 5 876244991 +764 70 4 876244559 +764 71 5 876429672 +764 77 4 876246687 +764 86 3 876246358 +764 89 4 876245837 +764 95 5 876246475 +764 99 4 876246687 +764 100 4 876242649 +764 111 4 876243595 +764 117 5 876244991 +764 118 3 876243046 +764 121 5 876244991 +764 125 4 876243795 +764 132 5 876246236 +764 140 3 876245940 +764 143 5 876245331 +764 173 3 876245383 +764 174 5 876245475 +764 176 4 876244856 +764 191 3 876244688 +764 218 4 876245837 +764 220 3 876243925 +764 223 3 876244625 +764 227 4 876246358 +764 237 4 876243440 +764 245 4 876244181 +764 255 4 876244181 +764 274 3 876243410 +764 275 4 876242851 +764 276 3 876752289 +764 280 4 876244181 +764 282 4 876243291 +764 284 4 876243015 +764 289 5 876244991 +764 294 3 876233213 +764 321 1 876233034 +764 323 3 876233088 +764 356 4 876430571 +764 405 4 876243772 +764 432 5 876245421 +764 496 5 876244991 +764 527 4 876339982 +764 588 5 876246409 +764 591 3 876243572 +764 597 4 876243440 +764 673 4 876246504 +764 696 3 876243465 +764 742 3 876243410 +764 743 1 876243100 +764 747 3 876246291 +764 756 3 876243595 +764 820 3 876243953 +764 845 4 876242972 +764 866 4 876244181 +764 946 4 876246555 +764 1012 4 876244181 +764 1028 4 876244181 +764 1152 3 876242755 +764 1221 4 876430033 +764 1284 3 876244529 +765 14 5 880346204 +765 15 2 880346491 +765 25 4 880346418 +765 42 5 880346975 +765 50 2 880346255 +765 127 5 880346722 +765 137 5 880346255 +765 222 2 880346340 +765 237 3 880346797 +765 242 5 880345862 +765 248 2 880346392 +765 275 4 880346768 +765 285 5 880346694 +765 286 5 880345862 +765 522 5 880346951 +765 971 4 880346911 +766 8 5 891309329 +766 22 3 891309261 +766 28 5 891309668 +766 50 4 891309053 +766 52 4 891309177 +766 53 4 891310281 +766 62 3 891310475 +766 69 4 891309668 +766 72 2 891310704 +766 77 2 891310313 +766 82 3 891309558 +766 89 4 891309090 +766 90 1 891310313 +766 95 3 891309421 +766 98 3 891309522 +766 99 3 891309810 +766 127 5 891309011 +766 131 3 891309703 +766 133 3 891309844 +766 134 5 891308968 +766 135 4 891309053 +766 136 3 891310009 +766 168 5 891309090 +766 173 4 891309261 +766 174 3 891308968 +766 175 3 891309118 +766 177 3 891309844 +766 179 4 891309484 +766 181 4 891309177 +766 182 4 891309053 +766 183 4 891309484 +766 185 4 891310038 +766 186 3 891309522 +766 187 4 891309053 +766 188 4 891309484 +766 192 4 891309391 +766 196 3 891309703 +766 202 3 891310281 +766 205 5 891309975 +766 208 5 891309810 +766 209 3 891309053 +766 211 4 891310009 +766 212 5 891310125 +766 214 2 891309667 +766 215 3 891309250 +766 216 3 891310038 +766 217 4 891310650 +766 228 3 891309811 +766 229 3 891310210 +766 230 3 891310444 +766 231 2 891310851 +766 234 4 891309558 +766 265 3 891309357 +766 272 4 891306880 +766 318 5 891309522 +766 357 4 891309558 +766 366 3 891310875 +766 367 2 891309878 +766 378 4 891310540 +766 382 3 891310281 +766 386 3 891310620 +766 393 3 891310372 +766 396 2 891310934 +766 402 3 891310565 +766 403 3 891310444 +766 414 4 891310150 +766 419 3 891309913 +766 423 3 891309844 +766 431 3 891310067 +766 432 3 891309250 +766 434 5 891309947 +766 435 3 891309053 +766 447 3 891309522 +766 451 2 891310824 +766 474 5 891309011 +766 481 4 891308968 +766 482 3 891309117 +766 483 3 891309250 +766 485 3 891309913 +766 487 3 891309090 +766 493 4 891309261 +766 494 3 891309177 +766 496 5 891309767 +766 504 3 891309484 +766 507 3 891309878 +766 510 3 891310038 +766 520 4 891309146 +766 521 4 891309261 +766 526 2 891309558 +766 559 4 891310824 +766 568 2 891310313 +766 577 3 891310934 +766 588 3 891309484 +766 602 4 891310038 +766 604 4 891309329 +766 605 3 891310650 +766 613 3 891310009 +766 630 3 891310772 +766 633 4 891309947 +766 639 3 891309622 +766 646 4 891309053 +766 648 3 891309913 +766 654 4 891309090 +766 662 3 891310281 +766 672 3 891310824 +766 674 3 891310772 +766 675 3 891308927 +766 679 3 891310337 +766 705 4 891309668 +766 729 3 891310394 +766 747 5 891310210 +766 951 3 891310540 +766 965 3 891310540 +766 1021 2 891309011 +766 1126 4 891309767 +766 1203 3 891309421 +766 1444 2 891310508 +767 28 4 891462759 +767 56 4 891462759 +767 98 5 891462560 +767 100 5 891462560 +767 141 4 891462870 +767 163 4 891462560 +767 170 5 891462717 +767 172 5 891462614 +767 176 3 891462759 +767 183 4 891462870 +767 187 4 891462658 +767 207 5 891462759 +767 222 5 891462760 +767 242 4 891462614 +767 300 4 891462511 +767 478 4 891463095 +767 483 5 891462870 +767 486 4 891462560 +767 495 4 891463095 +767 505 4 891462560 +767 506 5 891462829 +767 524 5 891462560 +767 615 4 891463095 +767 657 4 891462917 +767 724 4 891462658 +767 1068 4 891462829 +768 1 5 883835025 +768 14 5 883835026 +768 16 3 880135943 +768 25 4 880136157 +768 50 4 883834705 +768 65 4 887305100 +768 70 4 888798611 +768 111 3 880136139 +768 117 4 883834981 +768 121 4 883834705 +768 151 2 880135923 +768 173 5 883835053 +768 248 3 883834705 +768 252 3 880136317 +768 257 4 880136012 +768 275 4 880135736 +768 278 2 883835210 +768 282 4 880135987 +768 288 4 883834705 +768 300 5 883835026 +768 310 4 883835026 +768 313 5 883835026 +768 315 3 883834448 +768 332 4 879523820 +768 340 2 879523820 +768 354 3 888798611 +768 405 4 883834883 +768 471 3 880135875 +768 476 4 883834705 +768 591 4 883834945 +768 628 3 880136174 +768 742 3 880136033 +768 744 3 880136272 +768 756 3 883835053 +768 815 3 880135963 +768 826 1 883835210 +768 845 2 880135875 +768 966 4 883834814 +768 1014 2 882816126 +768 1016 2 883834814 +769 15 3 885423824 +769 111 5 885424001 +769 121 4 885423865 +769 235 3 885424186 +769 258 3 885422650 +769 269 5 885422510 +769 284 3 885423927 +769 405 2 885424214 +769 411 3 885424099 +769 546 4 885424242 +769 748 2 885422821 +769 824 2 885424511 +769 831 1 885424534 +769 934 4 885424462 +769 1011 3 885424142 +769 1028 3 885424186 +769 1312 2 885424776 +770 1 5 875972219 +770 7 5 875972185 +770 14 5 875972024 +770 15 5 875971902 +770 25 5 875972582 +770 50 3 875971949 +770 93 5 875971989 +770 118 4 875973080 +770 151 5 875973080 +770 181 3 875972219 +770 244 4 875973047 +770 253 5 875971949 +770 255 4 875972099 +770 258 5 875971568 +770 282 5 875972927 +770 288 4 875971612 +770 289 5 875971655 +770 295 4 875972290 +770 298 4 875971902 +770 300 5 875971612 +770 301 4 875971703 +770 303 4 875971568 +770 325 4 875971703 +770 326 4 876598016 +770 328 3 875971736 +770 331 3 875971703 +770 334 5 876597960 +770 358 3 875971655 +770 475 5 875972381 +770 477 4 875972259 +770 508 5 875972322 +770 546 4 875972699 +770 678 2 875971655 +770 742 4 875972927 +770 748 5 875971655 +770 813 5 875971850 +770 875 4 875971612 +770 919 5 875972024 +770 929 4 875971989 +770 988 3 875971703 +770 1012 5 875972730 +771 1 5 880659449 +771 4 1 880659748 +771 8 5 880659583 +771 15 5 880659303 +771 28 5 880659392 +771 69 5 880659606 +771 71 5 880659815 +771 79 1 880659729 +771 83 5 880659369 +771 88 4 880659970 +771 91 4 880659815 +771 97 1 880659919 +771 137 4 880659302 +771 144 1 880659507 +771 154 2 880659426 +771 181 4 880659653 +771 189 5 880659815 +771 197 1 880659919 +771 203 1 880659482 +771 216 5 880659894 +771 222 2 880659709 +771 237 5 880659482 +771 241 1 880659791 +771 242 4 880659235 +771 243 3 886640629 +771 258 5 880659323 +771 274 4 880659941 +771 275 5 880659392 +771 289 4 886640547 +771 294 4 886640547 +771 304 5 886640562 +771 313 3 886635643 +771 403 4 880659769 +771 408 5 880659302 +771 462 3 880659426 +771 542 4 880659834 +771 690 4 880659235 +771 707 4 880659507 +771 709 5 880659894 +771 762 2 880659970 +771 768 4 880659867 +771 873 3 886635816 +771 892 5 886640606 +771 949 5 880659941 +771 993 4 880660199 +771 1129 5 880660106 +772 259 2 877533957 +772 288 2 889028773 +772 300 4 877533731 +772 304 4 876250442 +772 307 4 889028773 +772 310 4 889028363 +772 312 4 889028941 +772 313 5 889028363 +772 315 5 889028363 +772 321 5 877533625 +772 322 4 877533546 +772 323 4 876250551 +772 326 4 877533625 +772 327 4 877533873 +772 332 4 877533731 +772 678 4 877533546 +772 879 4 877533731 +772 898 3 889028941 +773 1 3 888539232 +773 2 3 888540146 +773 6 3 888538620 +773 12 3 888540448 +773 13 4 888539471 +773 14 5 888538620 +773 27 1 888540218 +773 37 3 888540352 +773 45 4 888538776 +773 47 4 888539512 +773 52 3 888538853 +773 53 3 888540147 +773 56 2 888539328 +773 59 5 888540617 +773 60 5 888538931 +773 61 5 888538908 +773 64 4 888540507 +773 72 3 888539531 +773 91 4 888539232 +773 92 4 888540041 +773 96 2 888540063 +773 98 4 888540279 +773 100 4 888539347 +773 121 2 888540163 +773 145 3 888540390 +773 152 5 888539398 +773 154 5 888539471 +773 169 5 888539232 +773 171 5 888538726 +773 172 5 888539992 +773 175 4 888539425 +773 176 4 888539962 +773 179 5 888538810 +773 181 5 888540020 +773 183 4 888539962 +773 184 2 888540041 +773 185 4 888540279 +773 187 5 888539962 +773 188 3 888540091 +773 191 4 888540448 +773 198 4 888538950 +773 204 3 888539559 +773 209 5 888539425 +773 210 2 888539398 +773 216 4 888539608 +773 217 3 888540314 +773 218 2 888540295 +773 221 2 888540448 +773 228 3 888539993 +773 229 3 888540112 +773 231 2 888540186 +773 233 1 888540112 +773 234 2 888540279 +773 238 4 888539347 +773 239 4 888539512 +773 258 5 888538143 +773 260 2 888538348 +773 265 2 888540146 +773 268 4 888538249 +773 354 2 888538143 +773 364 4 888539875 +773 382 3 888538829 +773 384 2 888539766 +773 386 3 888539643 +773 393 2 888539711 +773 403 2 888540091 +773 427 3 888540484 +773 428 4 888539512 +773 431 1 888540063 +773 432 4 888539232 +773 433 3 888539471 +773 455 4 888539471 +773 462 5 888538776 +773 475 3 888538533 +773 509 4 888538995 +773 531 5 888538853 +773 547 4 888538643 +773 559 2 888540314 +773 567 2 888540352 +773 588 1 888539232 +773 639 4 888538931 +773 655 3 888539347 +773 665 2 888540187 +773 710 3 888539366 +773 769 1 888540390 +773 790 3 888539825 +773 792 4 888539471 +773 855 2 888538726 +773 919 5 888538643 +773 924 1 888540146 +773 940 2 888539766 +773 958 4 888538908 +773 959 4 888539608 +773 1018 3 888539095 +773 1021 5 888539011 +773 1069 4 888539559 +773 1071 2 888539662 +773 1097 4 888538590 +773 1187 3 888540020 +773 1188 2 888539842 +773 1240 3 888539256 +773 1367 5 888538643 +773 1475 4 888539027 +774 2 1 888557383 +774 4 2 888556090 +774 7 2 888558539 +774 22 2 888556600 +774 23 3 888556634 +774 28 3 888556698 +774 29 1 888557519 +774 31 1 888558284 +774 44 1 888558343 +774 52 3 888556659 +774 53 4 888557383 +774 54 1 888556814 +774 56 2 888555928 +774 58 1 888556698 +774 68 3 888557329 +774 77 1 888556938 +774 79 2 888557236 +774 89 2 888557198 +774 94 2 888556248 +774 98 4 888557682 +774 105 1 888558946 +774 118 1 888558594 +774 122 1 888558924 +774 127 4 888557198 +774 135 3 888556600 +774 161 2 888557409 +774 168 1 888555964 +774 172 3 888557198 +774 175 3 888555897 +774 176 4 888557198 +774 178 4 888556483 +774 179 5 888556634 +774 182 4 888556398 +774 185 2 888557683 +774 186 3 888556047 +774 188 3 888557329 +774 194 3 888555998 +774 195 3 888557236 +774 196 3 888556746 +774 197 1 888556746 +774 200 2 888557715 +774 201 2 888556090 +774 202 5 888555964 +774 203 2 888558447 +774 204 3 888556316 +774 205 4 888556434 +774 208 2 888555897 +774 210 1 888555964 +774 215 3 888556517 +774 222 3 888558539 +774 226 2 888557330 +774 227 5 888557383 +774 228 4 888557237 +774 229 2 888557329 +774 230 2 888557237 +774 231 1 888557383 +774 233 2 888557383 +774 234 2 888557683 +774 238 5 888555928 +774 240 1 888558787 +774 241 4 888557237 +774 254 1 888559144 +774 258 1 888555792 +774 273 1 888558539 +774 293 1 888559123 +774 294 1 888555792 +774 300 2 888555792 +774 307 1 888555792 +774 357 2 888556434 +774 365 2 888556989 +774 367 2 888556047 +774 373 2 888557557 +774 386 2 888556225 +774 393 1 888556090 +774 401 2 888556169 +774 402 2 888556938 +774 403 2 888556814 +774 405 1 888558539 +774 411 1 888558853 +774 412 3 888558924 +774 418 2 888558019 +774 423 1 888556634 +774 428 1 888556090 +774 429 1 888556698 +774 431 4 888557329 +774 436 2 888557739 +774 447 1 888557715 +774 448 2 888557715 +774 449 1 888557482 +774 450 2 888557557 +774 468 2 888556968 +774 501 1 888558019 +774 510 2 888556484 +774 511 3 888556483 +774 514 2 888555998 +774 515 2 888556398 +774 519 5 888556434 +774 520 3 888556398 +774 521 2 888556483 +774 526 4 888556600 +774 527 1 888556698 +774 528 4 888556698 +774 537 2 888556893 +774 545 1 888555864 +774 550 2 888557277 +774 554 1 888557556 +774 559 1 888557715 +774 563 1 888557883 +774 569 2 888557857 +774 576 1 888557520 +774 577 2 888556278 +774 644 4 888556777 +774 649 3 888556814 +774 650 1 888556893 +774 654 2 888558284 +774 659 3 888555864 +774 672 1 888557772 +774 673 2 888556545 +774 679 5 888557383 +774 684 1 888557329 +774 692 1 888556121 +774 712 1 888556169 +774 739 2 888558187 +774 741 1 888558762 +774 758 1 888559036 +774 774 1 888557883 +774 795 1 888555864 +774 808 1 888557451 +774 826 2 888558623 +774 834 1 888559013 +774 849 1 888557482 +774 871 1 888558876 +774 920 2 888559297 +774 926 1 888558946 +774 947 2 888557276 +774 986 1 888558594 +774 1016 3 888559123 +774 1017 3 888558829 +774 1028 2 888558829 +774 1079 1 888558897 +774 1091 1 888558041 +774 1110 1 888557519 +774 1182 1 888556278 +774 1218 3 888556169 +774 1305 3 888555829 +774 1419 1 888557409 +775 258 4 891032837 +775 264 4 891033071 +775 269 4 891032742 +775 270 2 891032742 +775 272 4 891032742 +775 286 4 891032741 +775 300 4 891032956 +775 302 3 891032742 +775 307 4 891032989 +775 310 3 891032837 +775 312 3 891032866 +775 327 5 891032956 +775 329 3 891033071 +775 331 4 891032923 +775 343 4 891033022 +775 344 5 891032777 +775 345 5 891032895 +775 348 3 891032804 +775 690 3 891033022 +775 750 5 891032804 +775 900 3 891032956 +776 5 4 892920320 +776 21 3 892313317 +776 22 5 891628752 +776 28 5 891628895 +776 50 5 891628977 +776 98 4 891628837 +776 127 5 891628731 +776 135 4 891628656 +776 145 2 892920381 +776 164 3 892920290 +776 168 5 891628656 +776 177 4 891628937 +776 181 4 891628916 +776 184 4 892920381 +776 187 4 891628632 +776 192 5 891628836 +776 194 4 891628752 +776 195 3 891628836 +776 196 3 891628773 +776 218 4 892920321 +776 234 5 892920290 +776 276 4 892313295 +776 282 3 892313246 +776 355 3 892210668 +776 422 2 892210688 +776 432 1 891628977 +776 436 4 892920350 +776 437 1 892920446 +776 438 2 892920506 +776 439 1 892920480 +776 441 2 892920403 +776 442 2 892920480 +776 443 3 892920290 +776 474 5 891628632 +776 479 4 891813013 +776 485 2 891628656 +776 486 4 892920189 +776 496 3 891628708 +776 511 5 891628632 +776 514 5 891628916 +776 525 2 891629157 +776 564 3 892920446 +776 569 3 892920403 +776 618 3 892474057 +776 635 4 892920403 +776 648 3 893077100 +776 656 5 891628678 +776 661 5 893077159 +776 672 3 892920381 +776 675 3 892920321 +776 706 3 892920480 +776 708 5 891628599 +776 760 3 892920241 +776 769 3 892920446 +776 816 2 892920423 +776 848 2 892210321 +776 866 3 892313273 +776 947 2 891628836 +777 1 4 875979431 +777 15 4 875980306 +777 42 5 875980670 +777 56 5 875980670 +777 100 1 875979380 +777 117 5 875979380 +777 127 1 875980391 +777 153 1 875980541 +777 157 3 875980235 +777 168 5 875980492 +777 202 5 875980669 +777 204 5 875980670 +777 205 4 875980306 +777 216 4 875980597 +777 286 2 875979137 +777 357 5 875980235 +777 509 4 875980449 +777 521 5 875980235 +777 527 4 875980306 +777 690 4 875979137 +777 818 5 875980669 +777 1079 2 875979431 +778 7 4 890725886 +778 8 1 891234406 +778 11 5 890725951 +778 28 4 890726618 +778 42 5 890670510 +778 54 2 890803859 +778 56 3 891232041 +778 78 1 890803860 +778 79 3 890725776 +778 82 3 890803491 +778 94 2 891233603 +778 98 4 890725951 +778 121 3 890803561 +778 132 2 891232769 +778 144 4 890670638 +778 150 3 890802549 +778 157 3 891233153 +778 161 3 890727175 +778 174 4 890725804 +778 180 4 890725725 +778 186 4 890802724 +778 193 4 890769241 +778 195 4 890769370 +778 197 4 891232569 +778 200 5 890726264 +778 204 4 890726518 +778 209 4 890769470 +778 230 2 890804025 +778 234 3 890726231 +778 238 3 890725804 +778 239 4 890726303 +778 249 3 891233675 +778 262 4 891482843 +778 265 4 890726003 +778 268 2 890803859 +778 281 2 890803859 +778 367 5 890802895 +778 451 1 891234405 +778 496 1 891234406 +778 568 3 890726190 +778 582 1 891232769 +778 616 4 890726086 +778 738 1 891578101 +778 780 3 890803133 +778 1035 1 890804607 +778 1273 3 890726925 +779 7 3 875993165 +779 15 4 875501782 +779 21 5 875996932 +779 71 4 875999285 +779 109 3 875501782 +779 181 5 875501734 +779 195 5 875999211 +779 222 4 875503280 +779 243 4 875501402 +779 257 4 875993201 +779 258 5 875501254 +779 284 3 875994401 +779 300 3 875501300 +779 328 4 875501334 +779 411 3 875999002 +779 471 4 875993165 +779 509 2 875999211 +779 926 4 875992442 +779 1028 4 875996932 +780 22 4 891363969 +780 70 2 891363969 +780 79 4 891363860 +780 97 5 891363617 +780 98 1 891364027 +780 133 5 891364086 +780 164 4 891363996 +780 172 5 891363723 +780 183 2 891363860 +780 186 4 891363651 +780 187 5 891363904 +780 199 5 891363723 +780 202 4 891363783 +780 208 3 891364125 +780 275 4 891363685 +780 286 4 891362937 +780 294 3 891363259 +780 300 3 891362937 +780 318 5 891364124 +780 339 4 891363073 +780 357 5 891363723 +780 385 4 891364125 +780 423 5 891363618 +780 433 1 891363826 +780 467 3 891363904 +780 474 3 891363723 +780 485 4 891363826 +780 491 4 891363651 +780 496 4 891364027 +780 497 2 891364059 +780 508 3 891363826 +780 510 4 891363904 +780 511 5 891364027 +780 526 5 891364125 +780 603 2 891364059 +780 657 3 891363723 +780 659 4 891363756 +780 660 3 891363969 +780 662 5 891363756 +780 887 4 891363073 +781 64 4 879634387 +781 87 4 879634340 +781 100 5 879634175 +781 127 5 879634017 +781 174 5 879634256 +781 180 4 879633895 +781 181 5 879634318 +781 187 5 879633976 +781 191 4 879633995 +781 195 4 879633942 +781 204 4 879634256 +781 205 5 879634256 +781 215 3 879634124 +781 223 4 879634175 +781 245 2 879633862 +781 258 2 879633862 +781 268 2 879633862 +781 286 1 879633495 +781 288 2 879633862 +781 289 3 879633862 +781 318 3 879634124 +781 322 2 879633862 +781 324 4 879633862 +781 327 4 879633862 +781 403 4 879634340 +781 474 5 879633976 +781 483 5 879633942 +782 127 4 891499213 +782 243 3 891498381 +782 244 4 891499321 +782 246 3 891499321 +782 247 1 891499700 +782 248 4 891499321 +782 249 2 891499399 +782 250 4 891499440 +782 251 3 891500109 +782 252 3 891499469 +782 258 4 891497906 +782 259 1 891498267 +782 260 2 891498079 +782 264 4 891498381 +782 266 1 891498919 +782 268 3 891497854 +782 286 2 891497906 +782 288 4 891498079 +782 289 3 891498436 +782 292 4 891498213 +782 294 3 891498381 +782 296 3 891500109 +782 297 3 891500067 +782 298 4 891499278 +782 299 3 891498079 +782 302 3 891497698 +782 308 4 891498030 +782 310 4 891497963 +782 315 4 891497698 +782 322 4 891498381 +782 323 3 891498512 +782 324 2 891498381 +782 326 5 891498322 +782 329 3 891498213 +782 335 2 891498918 +782 338 2 891498676 +782 339 3 891498676 +782 343 2 891498821 +782 344 3 891497854 +782 346 2 891497854 +782 347 1 891498139 +782 352 1 891498513 +782 354 2 891497698 +782 358 4 891498641 +782 515 3 891500028 +782 532 2 891499370 +782 533 2 891500151 +782 535 3 891499469 +782 539 3 891498865 +782 678 3 891498767 +782 680 1 891498865 +782 681 3 891498436 +782 682 4 891498513 +782 683 1 891498213 +782 687 2 891498865 +782 688 2 891498918 +782 689 3 891498720 +782 690 4 891497793 +782 691 3 891498079 +782 748 4 891498720 +782 750 4 891497793 +782 872 2 891498513 +782 873 4 891498512 +782 876 2 891498267 +782 878 3 891498918 +782 881 3 891498381 +782 898 3 891498720 +782 900 3 891497963 +782 902 2 891497906 +782 908 3 891498322 +782 935 2 891500150 +782 938 3 891498030 +782 948 2 891499699 +782 984 2 891498821 +782 987 3 891499660 +782 989 3 891498267 +782 990 3 891499611 +782 991 2 891500230 +782 992 2 891499370 +782 993 3 891499370 +782 1007 3 891500067 +782 1012 2 891499344 +782 1013 3 891499439 +782 1016 3 891499321 +782 1023 3 891499611 +782 1025 2 891498436 +782 1038 4 891498213 +782 1096 2 891499699 +782 1105 3 891498766 +782 1127 2 891497793 +782 1138 2 891499699 +782 1142 3 891499243 +782 1144 3 891499243 +782 1160 2 891500150 +782 1191 3 891498558 +782 1216 2 891500150 +782 1226 2 891499439 +782 1237 3 891497906 +782 1241 2 891500150 +782 1244 3 891499660 +782 1251 3 891500028 +782 1252 3 891500066 +782 1255 2 891500194 +782 1256 2 891500230 +782 1258 2 891499440 +782 1279 3 891499660 +782 1283 2 891499469 +782 1296 3 891498030 +782 1300 2 891499469 +782 1302 3 891500028 +782 1315 3 891499440 +782 1379 3 891500028 +782 1380 2 891500150 +782 1382 3 891500109 +782 1383 3 891499611 +782 1385 4 891500028 +782 1386 3 891500066 +782 1389 3 891500028 +782 1390 3 891500028 +782 1391 4 891500066 +782 1394 4 891498323 +782 1399 2 891498919 +782 1405 2 891499213 +782 1417 2 891500193 +782 1477 3 891499344 +782 1511 2 891500194 +782 1514 2 891500194 +782 1527 2 891498641 +782 1528 2 891499577 +782 1534 2 891500194 +782 1537 3 891500066 +782 1538 3 891500109 +782 1588 3 891500067 +782 1600 3 891500066 +782 1605 2 891500194 +782 1609 1 891499439 +782 1615 3 891499611 +782 1643 2 891499321 +782 1644 2 891500110 +782 1652 1 891500230 +782 1658 2 891500230 +782 1662 4 891500110 +782 1663 2 891499700 +782 1666 2 891500194 +782 1669 2 891500150 +783 258 4 884326348 +783 260 4 884326690 +783 264 4 884326726 +783 269 4 884326274 +783 271 5 884326506 +783 288 3 884326274 +783 300 4 884326348 +783 301 4 884326424 +783 307 5 884326506 +783 328 4 884326545 +783 331 3 884326461 +783 333 4 884326383 +783 334 3 884326461 +783 335 3 884326545 +783 343 5 884326787 +783 345 4 884326461 +783 346 5 884326424 +783 750 4 884326274 +783 872 4 884326545 +783 876 4 884326424 +783 881 4 884326584 +783 887 5 884326620 +783 948 3 884326726 +784 258 5 891387249 +784 269 5 891387155 +784 270 3 891387249 +784 271 3 891387623 +784 272 4 891387077 +784 286 3 891386988 +784 292 4 891387315 +784 303 4 891387077 +784 307 4 891387623 +784 310 4 891387155 +784 312 3 891387623 +784 313 5 891386988 +784 315 4 891386988 +784 321 3 891387249 +784 323 4 891387704 +784 326 5 891387155 +784 328 3 891387502 +784 333 4 891387501 +784 678 4 891387895 +784 751 4 891387316 +784 754 3 891387249 +784 898 4 891387895 +784 1038 3 891387704 +785 1 4 879439137 +785 12 4 879439137 +785 22 4 879438957 +785 152 4 879439527 +785 168 4 879438810 +785 183 5 879439232 +785 195 4 879438984 +785 209 3 879439043 +785 288 3 879438537 +785 301 4 879438565 +785 423 2 879438957 +785 886 3 879438591 +785 1050 3 879439232 +786 7 5 882841955 +786 9 5 882841955 +786 15 3 882841855 +786 28 5 882843646 +786 66 4 882843607 +786 69 4 882844295 +786 70 4 882843534 +786 71 5 882843786 +786 82 4 882844096 +786 86 4 882843006 +786 89 4 882842878 +786 99 4 882843112 +786 102 4 882844096 +786 111 5 882841667 +786 121 2 882842416 +786 125 4 882841745 +786 127 4 882841692 +786 132 5 882842946 +786 133 5 882843353 +786 143 4 882843039 +786 161 4 882843534 +786 172 5 882843112 +786 176 4 882843069 +786 177 4 882843646 +786 180 4 882843112 +786 181 4 882841955 +786 183 4 882843150 +786 186 4 882843786 +786 187 4 882843112 +786 191 4 882843272 +786 195 4 882843312 +786 199 4 882843006 +786 200 5 882844010 +786 202 4 882843812 +786 203 4 882843753 +786 204 4 882843925 +786 216 4 882843272 +786 222 4 882842044 +786 230 4 882844295 +786 231 2 882844127 +786 234 3 882843753 +786 237 5 882842195 +786 238 4 882843646 +786 240 1 882842762 +786 276 1 882841875 +786 280 3 882841745 +786 283 4 882841906 +786 285 3 882842726 +786 289 4 882844336 +786 318 5 882843190 +786 322 3 882842463 +786 357 5 882842878 +786 381 3 882843397 +786 404 4 882843500 +786 405 4 882842311 +786 416 4 882843534 +786 418 4 882843352 +786 423 5 882843150 +786 429 4 882843237 +786 449 2 882844096 +786 465 4 882844010 +786 471 4 882842311 +786 496 5 882843312 +786 501 4 882843534 +786 520 4 882843311 +786 588 5 882843039 +786 633 4 882843237 +786 655 4 882843683 +786 696 3 882842149 +786 699 4 882844295 +786 708 4 882844171 +786 709 2 882843607 +786 724 4 882844295 +786 732 4 882843353 +786 866 3 882842173 +786 871 1 882842762 +786 1044 4 882844127 +787 245 3 888980193 +787 258 5 888979605 +787 259 4 888979721 +787 269 3 888979547 +787 271 1 888979721 +787 292 3 888979236 +787 300 4 888979657 +787 302 3 888979123 +787 304 4 888980193 +787 305 3 888979721 +787 306 3 888979007 +787 307 4 888979074 +787 308 3 888979181 +787 310 5 888979007 +787 311 4 888979605 +787 319 3 888979721 +787 324 2 888979605 +787 326 4 888979547 +787 329 4 888980193 +787 331 3 888979235 +787 333 3 888979074 +787 342 2 888979875 +787 347 4 888979606 +787 348 4 888979875 +787 350 1 888979721 +787 352 2 888979657 +787 361 3 888979075 +787 681 3 888979657 +787 690 5 888979007 +787 750 5 888979075 +787 877 2 888980193 +787 880 3 888979123 +787 898 3 888979182 +787 899 3 888979074 +787 904 3 888979182 +787 937 3 888979074 +787 938 3 888979605 +787 1024 2 888979606 +787 1433 3 888979181 +787 1434 1 888979657 +788 1 3 880867970 +788 7 4 880868559 +788 10 4 880869584 +788 12 5 880868919 +788 23 3 880868277 +788 38 3 880871359 +788 51 4 880870018 +788 53 1 880871717 +788 54 4 880869174 +788 55 4 880868876 +788 56 3 880868235 +788 58 4 880868355 +788 64 5 880868005 +788 68 3 880869819 +788 69 4 880868144 +788 70 4 880869908 +788 71 3 880868144 +788 73 3 880869174 +788 76 3 880869323 +788 79 4 880868559 +788 82 3 880870116 +788 85 1 880869984 +788 97 3 880868235 +788 98 5 880868919 +788 100 5 880868277 +788 118 3 880870335 +788 120 2 880871520 +788 121 4 880869469 +788 125 3 880870335 +788 132 5 880869014 +788 133 5 880868473 +788 141 3 880869984 +788 144 4 880868599 +788 162 3 880869787 +788 164 3 880870115 +788 174 2 880868316 +788 177 3 880868513 +788 182 2 880868599 +788 183 5 880868743 +788 185 4 880868316 +788 187 4 880867933 +788 188 4 880870083 +788 193 4 880868235 +788 194 4 880870052 +788 195 3 880868876 +788 199 5 880868673 +788 200 4 880869075 +788 204 3 880868644 +788 205 4 880868068 +788 211 4 880868401 +788 215 3 880869908 +788 218 4 880871328 +788 222 3 880869945 +788 223 4 880868181 +788 227 3 880867890 +788 228 3 880870365 +788 229 3 880870299 +788 231 3 880871267 +788 234 3 880868473 +788 235 3 880871328 +788 237 4 880869584 +788 258 4 880867855 +788 270 2 880867855 +788 271 3 880867855 +788 281 4 880871205 +788 282 4 880869819 +788 284 3 880869323 +788 286 5 880867372 +788 291 4 880870905 +788 301 2 880867855 +788 302 4 880867326 +788 318 5 880868355 +788 326 4 880867477 +788 327 3 880867855 +788 331 4 880867372 +788 356 4 880870827 +788 363 2 880871088 +788 370 2 880870881 +788 380 3 880869215 +788 403 3 880870516 +788 405 4 880868974 +788 409 3 880871057 +788 427 2 880868316 +788 429 3 880868919 +788 431 2 880868401 +788 432 1 880869323 +788 433 2 880869621 +788 435 3 880869278 +788 436 3 880871127 +788 444 3 880870626 +788 447 3 880870299 +788 451 4 880871240 +788 471 3 880869862 +788 474 3 880868599 +788 480 3 880868473 +788 483 5 880867933 +788 492 3 880868235 +788 503 4 880869984 +788 504 4 880867970 +788 518 3 880869754 +788 519 4 880868235 +788 521 4 880869945 +788 540 3 880871394 +788 546 3 880871429 +788 549 4 880869753 +788 550 3 880869508 +788 554 3 880870257 +788 562 3 880871294 +788 568 3 880869862 +788 570 3 880869862 +788 579 3 880871804 +788 582 4 880869396 +788 591 3 880869469 +788 597 3 880870582 +788 601 4 880868876 +788 614 4 880868803 +788 620 3 880871088 +788 621 3 880871026 +788 630 2 880869355 +788 636 3 880870583 +788 637 2 880870516 +788 639 3 880870710 +788 645 3 880870626 +788 646 3 880868513 +788 657 4 880868277 +788 661 5 880868473 +788 679 2 880871057 +788 684 5 880868401 +788 685 3 880870996 +788 692 3 880869106 +788 693 2 880868705 +788 699 3 880869323 +788 708 2 880869908 +788 712 3 880871804 +788 723 3 880870207 +788 726 4 880871128 +788 729 4 880870052 +788 739 2 880870149 +788 744 4 880869621 +788 754 4 880867477 +788 755 3 880870881 +788 781 3 880871205 +788 798 2 880870827 +788 809 3 880870401 +788 823 3 880871294 +788 931 2 880871551 +788 963 4 880868644 +788 983 3 880871173 +788 1112 3 880870428 +788 1126 5 880869278 +788 1135 2 880871460 +788 1248 3 880871460 +788 1273 3 880871771 +788 1277 3 880870583 +788 1303 3 880871577 +788 1407 3 880871717 +788 1478 3 880871173 +788 1518 3 880871394 +789 1 3 880332089 +789 9 5 880332114 +789 50 5 880332114 +789 93 4 880332063 +789 111 3 880332400 +789 127 5 880332039 +789 137 2 880332189 +789 181 4 880332437 +789 248 3 880332148 +789 249 3 880332296 +789 284 3 880332259 +789 286 1 880332039 +789 293 4 880332259 +789 294 3 880332275 +789 475 5 880332063 +789 508 4 880332169 +789 742 3 880332400 +789 1008 4 880332365 +789 1012 4 880332169 +789 1017 3 880332316 +789 1161 3 880332189 +790 1 3 884461306 +790 7 4 884461796 +790 15 5 884461413 +790 17 2 885157399 +790 25 2 884461925 +790 29 2 885158082 +790 38 2 885157929 +790 41 3 885158235 +790 42 5 885156686 +790 47 2 885156988 +790 49 3 885156852 +790 50 4 884461387 +790 51 3 885156193 +790 52 4 885156934 +790 56 4 885155150 +790 63 2 885157837 +790 65 4 885155846 +790 66 3 885156560 +790 67 3 885158007 +790 68 3 885157440 +790 69 1 885155209 +790 73 4 885157489 +790 83 3 885155034 +790 89 4 885155770 +790 91 3 885157862 +790 96 3 885155648 +790 98 5 885156375 +790 105 2 884462907 +790 108 3 884462415 +790 109 3 884461775 +790 111 3 884461849 +790 117 5 884461283 +790 122 2 884462954 +790 123 3 884461413 +790 139 2 885157748 +790 143 3 885156193 +790 144 4 885155572 +790 145 2 885158299 +790 151 4 884461988 +790 154 4 885156290 +790 157 2 885156193 +790 158 2 885157797 +790 172 4 885155540 +790 173 3 885156046 +790 174 4 885155572 +790 181 4 884461283 +790 184 3 885156958 +790 186 3 885156165 +790 188 4 885157399 +790 191 3 885155209 +790 208 3 885156014 +790 209 1 885155540 +790 211 4 885156046 +790 214 3 885156618 +790 215 2 885157797 +790 216 5 885156435 +790 217 4 885158459 +790 222 3 884461441 +790 226 3 885156396 +790 227 3 885156647 +790 228 3 885156647 +790 229 3 885156686 +790 230 4 885155846 +790 231 4 885158057 +790 232 4 885156773 +790 235 1 884462551 +790 237 4 884461541 +790 246 4 884461283 +790 248 4 884461888 +790 249 3 884461849 +790 250 5 885158562 +790 265 4 885155770 +790 273 5 884461888 +790 274 3 884461950 +790 282 4 884461590 +790 284 4 884461888 +790 288 4 884460942 +790 294 2 884460878 +790 298 5 884461849 +790 358 2 885154848 +790 364 2 885158161 +790 367 4 885156114 +790 376 2 885157533 +790 378 3 885156934 +790 380 4 885157419 +790 384 2 885158374 +790 386 2 885158208 +790 393 2 885156290 +790 401 4 885157621 +790 402 2 885156796 +790 405 3 884461925 +790 411 3 884462929 +790 412 4 885158495 +790 417 2 885156538 +790 431 3 885157159 +790 436 4 885156686 +790 449 2 885157594 +790 472 2 884462416 +790 485 3 885156709 +790 496 3 885155172 +790 550 4 885156618 +790 552 2 885157984 +790 559 3 885156773 +790 566 3 885156618 +790 572 3 885157956 +790 583 2 885157489 +790 584 4 885156773 +790 585 2 885157686 +790 609 2 885156773 +790 660 3 885156904 +790 664 3 885158235 +790 678 3 884461115 +790 708 3 885158082 +790 709 3 885156686 +790 716 4 885158033 +790 722 3 885157686 +790 738 3 885158396 +790 742 4 884461541 +790 748 1 884461073 +790 762 5 884462105 +790 763 3 884462692 +790 771 4 885158436 +790 774 4 885156904 +790 776 3 885155119 +790 781 4 885157107 +790 786 3 885157533 +790 790 2 885157928 +790 825 3 884462385 +790 826 1 884462714 +790 849 4 885157205 +790 862 1 885158374 +790 864 4 884462647 +790 926 2 884462598 +790 931 2 884462105 +790 940 3 885157928 +790 941 3 885157061 +790 977 1 885158208 +790 1025 1 884461188 +790 1039 3 885155490 +790 1044 4 885158185 +790 1048 4 884462692 +790 1063 5 885156478 +790 1074 3 885158235 +790 1091 1 885157728 +790 1119 4 885156732 +790 1132 2 885158329 +790 1183 2 885157956 +790 1244 1 884462598 +790 1282 5 884462551 +790 1446 4 885157230 +791 9 5 879448314 +791 50 5 879448338 +791 181 5 879448338 +791 245 4 879448087 +791 259 3 879448087 +791 269 4 879447940 +791 286 3 879447907 +791 288 3 879447907 +791 289 4 879448087 +791 299 2 879448035 +791 300 5 879447977 +791 301 3 879448035 +791 319 2 879448086 +791 322 4 879448128 +791 327 5 879447977 +791 328 4 879448087 +791 754 4 879448086 +792 1 4 877910822 +792 7 4 877910822 +792 9 3 877909631 +792 13 4 877910822 +792 21 3 877910444 +792 24 3 877910091 +792 100 4 877910822 +792 111 3 877910126 +792 121 4 877910412 +792 124 4 877909865 +792 129 4 877909753 +792 147 4 877910822 +792 151 3 877909753 +792 276 3 877910305 +792 282 3 877909931 +792 291 2 877910629 +792 471 4 877910822 +792 476 1 877910206 +792 544 4 877910822 +792 546 3 877910353 +792 591 2 877909865 +792 595 3 877910305 +792 597 3 877910478 +792 696 3 877910241 +792 831 2 877910666 +792 844 4 877910822 +792 926 3 877909798 +792 1011 3 877910730 +792 1015 5 877910822 +792 1047 3 877909798 +792 1132 3 877910160 +792 1197 4 877910822 +792 1335 4 877910353 +793 109 4 875104119 +793 121 3 875104193 +793 129 4 875104067 +793 148 4 875104498 +793 150 4 875103842 +793 151 5 875104142 +793 248 4 875103875 +793 250 4 875104031 +793 257 4 875103901 +793 276 3 875103971 +793 282 4 875104340 +793 288 4 875103584 +793 293 4 875104091 +793 294 5 875103584 +793 298 4 875103971 +793 456 3 875104752 +793 458 3 875104243 +793 508 4 875104620 +793 591 4 875104752 +793 597 3 875104565 +793 696 3 875104303 +793 815 3 875103901 +793 823 3 875104648 +793 824 3 875104000 +793 844 4 875103842 +793 928 3 875104864 +793 1067 4 875103875 +793 1142 5 875104068 +793 1187 2 875104167 +793 1365 2 875104718 +794 1 4 891035864 +794 24 5 891035957 +794 50 5 891035307 +794 118 2 891035413 +794 127 5 891035117 +794 150 4 891034956 +794 181 4 891035957 +794 221 4 891036222 +794 238 5 891035135 +794 242 5 891034156 +794 248 4 891036463 +794 269 5 891034213 +794 275 4 891034792 +794 286 3 891034156 +794 420 4 891035662 +794 475 5 891035822 +794 514 5 891035604 +794 557 4 891036008 +794 751 3 891034523 +794 847 5 891035822 +794 887 4 891034284 +795 3 2 880561783 +795 4 4 881253238 +795 7 5 880557294 +795 8 5 880569317 +795 25 5 880556527 +795 42 3 881252510 +795 58 4 881259362 +795 80 3 883254212 +795 89 4 880569085 +795 96 2 881530415 +795 97 2 881529761 +795 100 5 880555946 +795 117 4 880558122 +795 118 2 883254314 +795 120 3 883255416 +795 121 3 880558035 +795 135 3 881530126 +795 143 3 883252292 +795 150 3 883766579 +795 152 4 881260622 +795 153 3 880569085 +795 164 3 883253368 +795 167 3 883254348 +795 168 5 881528760 +795 172 3 880570209 +795 173 4 880567884 +795 174 4 880569625 +795 175 5 881263767 +795 181 4 880557060 +795 182 4 881530041 +795 184 4 880588118 +795 186 3 883249522 +795 189 3 881265284 +795 200 3 883251581 +795 204 3 880570209 +795 209 5 880587862 +795 214 4 881265372 +795 217 1 883774317 +795 219 3 883252104 +795 231 4 883254844 +795 234 4 883251200 +795 235 3 880560263 +795 238 3 881266197 +795 240 2 883767338 +795 257 3 881252002 +795 265 3 881265483 +795 319 4 880554132 +795 367 3 883252202 +795 381 2 883774317 +795 386 3 883254649 +795 395 2 883255008 +795 403 3 883250829 +795 407 3 880560679 +795 419 3 880569526 +795 429 3 880568492 +795 432 3 881258945 +795 433 4 880588141 +795 465 3 883252686 +795 472 3 880559543 +795 477 3 880558562 +795 502 3 883251421 +795 514 4 883250472 +795 550 3 883252004 +795 552 2 883774317 +795 554 3 883254802 +795 568 3 883251659 +795 576 2 883254780 +795 577 3 883254987 +795 581 4 883253316 +795 588 5 880587862 +795 636 3 883253661 +795 655 3 881530154 +795 675 3 883251659 +795 705 4 883250829 +795 710 3 881265617 +795 719 2 883254675 +795 727 3 881530317 +795 742 2 880556833 +795 756 3 880559895 +795 768 3 883252985 +795 771 3 883255324 +795 797 3 883254750 +795 826 3 880560736 +795 831 2 880560971 +795 928 1 883774317 +795 931 2 880560078 +795 1036 2 883255578 +795 1052 3 883255477 +795 1101 4 881528779 +795 1110 3 883251943 +795 1199 3 880557953 +795 1555 3 883249643 +796 1 2 892660251 +796 2 5 893048377 +796 4 5 893048150 +796 5 4 893194607 +796 9 3 892660251 +796 12 5 892662483 +796 22 4 892662523 +796 26 2 893047208 +796 29 3 893048672 +796 38 5 893048505 +796 39 3 893048562 +796 45 3 892675605 +796 49 3 893047287 +796 50 5 892660147 +796 56 5 892663009 +796 66 5 893047241 +796 69 5 892662483 +796 78 3 893219254 +796 86 5 893047321 +796 87 5 893218728 +796 89 5 892662222 +796 97 3 892690059 +796 98 5 892663090 +796 100 3 892611093 +796 106 2 893194895 +796 111 4 893047288 +796 112 4 893219477 +796 117 5 892660283 +796 118 4 893048505 +796 121 5 892661043 +796 132 4 892662222 +796 151 5 893218765 +796 153 5 892676155 +796 154 3 892676155 +796 155 5 893047241 +796 159 3 893194685 +796 161 5 893048377 +796 164 3 893194548 +796 168 5 892662871 +796 173 5 892662483 +796 174 5 892662069 +796 176 5 892662523 +796 178 3 892662223 +796 180 2 892675606 +796 181 5 892660177 +796 183 5 892662441 +796 184 1 892761544 +796 185 4 893194548 +796 186 3 892676114 +796 187 5 892662904 +796 188 2 892675654 +796 191 4 892690382 +796 193 3 892662964 +796 194 4 892662826 +796 196 5 892675693 +796 197 3 892676231 +796 198 4 892662871 +796 202 4 893047167 +796 203 3 892690173 +796 210 3 892662441 +796 211 3 893048115 +796 215 5 892676115 +796 217 4 893218556 +796 218 3 893194607 +796 219 4 893218453 +796 222 5 892660364 +796 228 5 892761629 +796 229 3 893048471 +796 230 5 893048377 +796 232 3 893048911 +796 233 4 893048471 +796 238 3 892761427 +796 249 1 892661011 +796 250 5 892660984 +796 258 4 892611840 +796 270 4 892611799 +796 271 5 892874827 +796 272 4 892610692 +796 273 2 892660856 +796 275 4 892660211 +796 278 4 892660323 +796 280 4 893047208 +796 281 4 893194929 +796 282 4 892660364 +796 286 2 892610876 +796 291 4 893188576 +796 293 5 892660251 +796 298 5 892660954 +796 301 1 892611903 +796 307 4 892611799 +796 313 4 892610692 +796 315 5 892611769 +796 316 5 892610692 +796 321 2 892611871 +796 322 3 892611953 +796 326 4 892612032 +796 357 4 892662400 +796 367 5 893048150 +796 381 3 893047208 +796 389 4 893219092 +796 393 4 893218933 +796 396 2 893218621 +796 399 4 893048471 +796 401 3 893219427 +796 402 5 893047320 +796 403 4 893048410 +796 409 3 893219122 +796 414 3 892663044 +796 417 4 893218933 +796 418 4 893218933 +796 419 5 893219001 +796 427 4 892662355 +796 431 4 892676231 +796 432 2 893218728 +796 433 2 892675694 +796 434 4 892676195 +796 443 2 893202878 +796 448 4 893218485 +796 451 5 893047167 +796 467 3 892675654 +796 474 2 892663009 +796 480 4 892663155 +796 483 5 892663044 +796 484 5 892675528 +796 485 4 893279958 +796 487 5 892676195 +796 488 2 892662400 +796 491 4 892662964 +796 493 3 892675424 +796 496 5 892662223 +796 500 4 892761629 +796 510 3 892761578 +796 516 4 893048115 +796 517 2 893047208 +796 520 3 892662223 +796 527 3 892675654 +796 540 2 893048672 +796 542 3 893219403 +796 546 4 893048505 +796 549 3 893047208 +796 553 4 893047208 +796 554 2 893048713 +796 564 1 893194929 +796 566 4 893048343 +796 570 2 893048505 +796 576 3 893048562 +796 586 3 893049257 +796 588 5 893218728 +796 597 5 892661043 +796 603 4 892662152 +796 608 3 892675492 +796 611 4 892675694 +796 615 4 892690263 +796 623 3 893219122 +796 628 4 893194740 +796 636 2 893048505 +796 659 3 892662482 +796 679 4 893048471 +796 684 5 892676195 +796 692 5 892761544 +796 699 4 893188576 +796 709 3 892676155 +796 716 3 893047167 +796 717 3 893194862 +796 720 4 893048562 +796 722 3 893047460 +796 724 2 893047241 +796 728 3 893047691 +796 731 3 893047320 +796 732 5 893047241 +796 735 2 893188514 +796 739 5 893047207 +796 742 3 892660505 +796 746 3 893048115 +796 747 4 893047167 +796 751 5 892611979 +796 755 4 893219033 +796 761 3 893048622 +796 765 3 893047691 +796 768 2 893219065 +796 775 2 893047691 +796 776 4 893219065 +796 781 4 893047241 +796 785 5 893047287 +796 794 4 893047320 +796 795 3 893219254 +796 797 3 893049257 +796 807 2 893047691 +796 809 4 893048471 +796 810 3 893048622 +796 815 4 893047321 +796 821 4 893047126 +796 826 2 893049362 +796 831 2 893049303 +796 855 3 893279958 +796 859 2 893218622 +796 871 1 893219001 +796 873 3 892874827 +796 879 4 892612031 +796 880 3 892611840 +796 928 2 893194929 +796 932 4 893219254 +796 934 3 893048024 +796 945 5 892663009 +796 949 4 893047460 +796 974 3 893194740 +796 1001 2 893219180 +796 1012 3 892660466 +796 1036 4 893219522 +796 1037 2 893047967 +796 1040 3 893047460 +796 1041 5 893047287 +796 1042 4 893194740 +796 1048 2 893047288 +796 1049 4 893219151 +796 1057 2 893047967 +796 1074 1 893047691 +796 1076 2 893219150 +796 1090 4 893194992 +796 1101 5 892690382 +796 1119 4 892675528 +796 1217 3 893194607 +796 1228 4 893048713 +796 1269 5 892662765 +796 1285 4 893188622 +796 1299 2 892676043 +796 1303 2 893048713 +796 1407 3 893049362 +796 1522 3 893194740 +797 50 5 879439314 +797 127 4 879439297 +797 181 5 879439362 +797 269 3 879438957 +797 286 2 879438957 +797 300 2 879439031 +797 307 2 879439190 +797 328 2 879439136 +797 340 2 879439735 +797 687 2 879439190 +797 748 1 879439105 +797 781 5 879439594 +797 948 1 879439230 +797 988 1 879439230 +797 990 2 879439456 +797 1254 2 879439548 +798 1 4 875295695 +798 14 2 875295930 +798 21 5 875554953 +798 28 4 875638354 +798 29 4 875915913 +798 49 4 875814021 +798 52 3 876176979 +798 62 4 875915855 +798 66 3 875639364 +798 71 3 875303589 +798 79 4 875638627 +798 82 4 875915855 +798 87 3 875639680 +798 88 4 875743642 +798 90 3 875914860 +798 94 3 875914939 +798 95 5 876175467 +798 97 1 875638474 +798 98 1 875639581 +798 110 4 875914458 +798 116 3 875554781 +798 118 4 875295842 +798 121 5 875295930 +798 138 3 876176160 +798 142 3 876175427 +798 143 5 875639061 +798 151 3 875554819 +798 155 3 875639581 +798 158 2 875914604 +798 161 3 875639235 +798 162 3 876177353 +798 163 3 875814110 +798 164 4 875303502 +798 173 5 875656071 +798 194 4 875743366 +798 196 3 875743006 +798 197 2 875303502 +798 204 4 875742878 +798 208 3 875639010 +798 220 3 875295810 +798 222 3 875295616 +798 225 4 875637487 +798 228 3 875915639 +798 231 2 875638817 +798 239 4 875814157 +798 257 4 875295842 +798 258 4 875286981 +798 259 5 875295566 +798 270 4 880483677 +798 274 5 875295772 +798 275 4 875295842 +798 280 2 875554523 +798 283 5 875637963 +798 289 3 875286981 +798 306 3 875637329 +798 321 3 875286981 +798 356 3 875639236 +798 365 3 875639656 +798 367 3 875743434 +798 377 3 875639061 +798 378 4 875743858 +798 380 3 875638680 +798 384 2 875915279 +798 391 3 875915855 +798 400 3 876176160 +798 403 4 875743140 +798 405 5 875296148 +798 417 3 876176043 +798 423 3 875639864 +798 444 2 875639115 +798 451 2 875638547 +798 463 3 876175467 +798 465 4 876176115 +798 480 3 875303765 +798 485 5 875639784 +798 486 4 875639889 +798 491 4 875743196 +798 493 3 875638514 +798 560 3 875638972 +798 563 2 875638323 +798 576 3 875639324 +798 586 2 875303765 +798 588 4 875638447 +798 602 3 875639260 +798 603 3 875743267 +798 623 3 876175980 +798 662 3 875916187 +798 687 4 875295566 +798 690 4 877117972 +798 692 4 875743140 +798 705 4 875638447 +798 707 2 875303559 +798 709 5 875914860 +798 719 1 875743196 +798 720 5 875915940 +798 722 3 875914534 +798 740 2 875296148 +798 748 5 875295521 +798 756 3 875296109 +798 768 4 876175980 +798 769 2 876249507 +798 781 2 875639061 +798 795 3 876176160 +798 805 4 875743813 +798 810 3 875915855 +798 819 3 875295930 +798 821 5 875916505 +798 825 3 875638178 +798 832 4 875637822 +798 839 4 875638649 +798 862 3 875914534 +798 932 4 875637927 +798 940 1 875914898 +798 946 2 875639889 +798 949 3 875914337 +798 951 3 875639767 +798 953 2 875639290 +798 961 1 875303558 +798 988 3 875295469 +798 993 3 875554639 +798 996 3 875638717 +798 998 3 875915317 +798 1023 3 875295772 +798 1034 2 875638547 +798 1049 3 875638150 +798 1066 2 876175427 +798 1089 3 875295616 +798 1119 3 875916421 +798 1139 3 876177661 +798 1164 3 875637744 +798 1183 1 875915190 +798 1224 2 875638842 +798 1239 4 875915965 +798 1249 4 875914785 +798 1270 3 875915190 +798 1282 3 875296234 +798 1283 4 875295695 +798 1297 3 875916505 +798 1411 1 875639656 +798 1425 4 875915317 +798 1469 3 876175427 +798 1517 4 875743605 +798 1539 2 876177839 +798 1540 4 875743576 +798 1544 3 875638925 +799 45 4 879253969 +799 50 4 879254077 +799 173 5 879254077 +799 174 5 879254026 +799 258 5 879253668 +799 286 5 879253668 +799 289 3 879253720 +799 292 4 879253720 +799 319 4 879253668 +799 479 5 879254026 +799 484 3 879254077 +799 499 4 879253969 +799 654 5 879254027 +799 690 3 879253668 +799 748 2 879253755 +800 25 4 887646980 +800 118 3 887646342 +800 125 3 887646608 +800 127 4 887646980 +800 222 4 887646226 +800 223 5 887646979 +800 257 4 887646980 +800 276 3 887646245 +800 289 4 887646980 +800 292 5 887646979 +800 294 3 887645970 +800 300 4 887646980 +800 304 3 887645987 +800 457 2 887646168 +800 597 4 887646555 +800 742 4 887646477 +800 751 4 887646980 +800 864 4 887646980 +800 1047 3 887646804 +801 259 3 890332986 +801 288 5 890332820 +801 294 5 890332748 +801 300 5 890332748 +801 301 5 890332820 +801 307 4 890332853 +801 326 4 890332885 +801 328 5 890332748 +801 333 5 890332885 +801 354 4 890332645 +801 890 2 890333150 +801 895 5 890332929 +802 7 5 875986303 +802 53 4 875985840 +802 56 3 875985601 +802 135 4 875985347 +802 185 3 875985601 +802 196 3 875985239 +802 218 3 875985767 +802 234 5 875985601 +802 258 5 875984532 +802 260 4 875984938 +802 261 3 875985032 +802 263 1 875985032 +802 286 2 875984532 +802 294 4 875984637 +802 299 4 875986155 +802 300 4 875986155 +802 302 4 875984532 +802 304 3 875985142 +802 323 5 875984722 +802 326 5 875984637 +802 327 2 875984861 +802 330 2 875985031 +802 331 4 875986155 +802 379 4 875985976 +802 396 2 875985840 +802 413 4 875986303 +802 424 2 875986303 +802 441 3 875985840 +802 443 4 875985686 +802 444 4 875985840 +802 445 3 875985686 +802 447 2 875985686 +802 448 3 875985686 +802 452 4 875985976 +802 484 3 875985239 +802 559 2 875985840 +802 563 3 875985976 +802 567 4 875985976 +802 573 4 875985840 +802 657 4 875985239 +802 672 3 875985767 +802 674 2 875985768 +802 678 4 875984776 +802 681 4 875986155 +802 687 3 875984722 +802 760 3 875986303 +802 1025 3 875984637 +803 242 5 880054592 +803 243 1 880055548 +803 245 4 880055378 +803 269 5 880054592 +803 271 2 880054833 +803 286 5 880054592 +803 303 4 880054629 +803 306 4 880054629 +803 311 5 880054754 +803 321 4 880054792 +803 338 2 880055454 +803 339 3 880054834 +803 683 1 880054885 +803 688 1 880055043 +803 690 4 880055210 +803 748 1 880054885 +803 754 2 880054754 +803 887 5 880054671 +803 988 1 880055454 +804 1 5 879442661 +804 4 4 879442192 +804 7 4 879443673 +804 10 4 879442298 +804 11 4 879442954 +804 22 5 879444407 +804 23 4 879442557 +804 24 5 879443776 +804 25 4 879442490 +804 28 4 879445904 +804 31 4 879442792 +804 33 4 879445975 +804 39 2 879447475 +804 49 2 879447476 +804 56 3 879441371 +804 62 4 879445305 +804 63 4 879445334 +804 64 5 879442001 +804 68 3 879445975 +804 70 4 879443137 +804 71 4 879442538 +804 81 4 879441913 +804 82 5 879442001 +804 84 3 879445933 +804 85 4 879445190 +804 87 4 879442954 +804 89 4 879441524 +804 91 4 879442192 +804 95 2 879447476 +804 105 3 879444077 +804 120 3 879444077 +804 121 4 879442377 +804 123 4 879443645 +804 125 4 879443709 +804 127 3 879440947 +804 128 5 879441702 +804 133 3 879445904 +804 134 4 879444890 +804 135 3 879444407 +804 139 3 879444943 +804 141 3 879445841 +804 143 3 879442490 +804 144 4 879444890 +804 151 3 879442412 +804 157 4 879442862 +804 160 4 879442707 +804 163 3 879445579 +804 164 4 879442025 +804 168 5 879442377 +804 172 4 879442001 +804 173 4 879442412 +804 175 4 879444583 +804 176 4 879441702 +804 177 5 879441727 +804 180 4 879442348 +804 181 5 879440947 +804 183 4 879445904 +804 184 5 879441727 +804 185 4 879444890 +804 186 4 879442687 +804 188 4 879442096 +804 191 4 879442025 +804 192 4 879441752 +804 194 4 879442490 +804 195 5 879442538 +804 196 4 879441752 +804 198 5 879441391 +804 199 5 879442239 +804 200 3 879445493 +804 202 4 879442079 +804 203 4 879442122 +804 204 4 879441450 +804 205 4 879442434 +804 206 3 879445440 +804 209 3 879442538 +804 210 5 879441372 +804 211 4 879444805 +804 212 3 879445933 +804 213 3 879441651 +804 215 5 879441752 +804 222 5 879442591 +804 226 4 879445372 +804 227 4 879443136 +804 228 4 879441391 +804 231 4 879445334 +804 234 4 879442862 +804 237 4 879443709 +804 240 4 879443958 +804 243 3 879440727 +804 254 4 879441195 +804 259 4 879440700 +804 260 2 879440787 +804 265 4 879445037 +804 282 4 879444714 +804 284 4 879442732 +804 318 5 879441450 +804 322 5 879440700 +804 323 4 879440765 +804 358 3 879440787 +804 363 4 879446245 +804 365 4 879446194 +804 366 4 879445579 +804 367 3 879445605 +804 378 4 879445605 +804 385 4 879445904 +804 396 3 879445956 +804 399 4 879445111 +804 401 2 879445798 +804 403 3 879445739 +804 405 4 879443776 +804 406 3 879444133 +804 411 3 879443776 +804 414 4 879444890 +804 415 3 879446391 +804 419 3 879444624 +804 423 3 879441371 +804 432 3 879441677 +804 433 4 879444714 +804 443 5 879442122 +804 445 4 879445766 +804 447 3 879445625 +804 451 2 879446063 +804 456 3 879444011 +804 468 4 879442687 +804 472 3 879443976 +804 473 4 879443884 +804 474 4 879441524 +804 480 5 879442057 +804 498 5 879442239 +804 510 5 879441346 +804 511 4 879442792 +804 514 4 879443032 +804 515 5 879441000 +804 522 3 879445190 +804 526 4 879442792 +804 528 4 879443048 +804 546 3 879443884 +804 550 4 879445739 +804 552 4 879446209 +804 558 3 879441627 +804 559 3 879445334 +804 566 4 879444820 +804 568 4 879442793 +804 576 4 879445355 +804 584 4 879444964 +804 588 4 879442687 +804 609 3 879444583 +804 615 5 879442298 +804 624 2 879445536 +804 636 3 879445334 +804 639 4 879442591 +804 654 3 879441651 +804 657 4 879445904 +804 662 4 879442413 +804 663 5 879442793 +804 664 3 879446090 +804 670 4 879444536 +804 674 4 879445699 +804 675 3 879445355 +804 678 4 879440700 +804 679 4 879445393 +804 692 5 879442122 +804 702 2 879447476 +804 719 3 879445132 +804 720 3 879445072 +804 732 4 879445037 +804 739 4 879444805 +804 747 3 879445699 +804 748 4 879440700 +804 755 3 879445305 +804 756 3 879443976 +804 768 3 879445493 +804 771 3 879446108 +804 824 3 879444133 +804 826 3 879443776 +804 831 3 879443852 +804 925 4 879443946 +804 929 3 879444092 +804 932 3 879444077 +804 948 1 879447476 +804 972 3 879445783 +804 981 3 879444077 +804 984 4 879440727 +804 988 4 879440663 +804 993 2 879441236 +804 1016 4 879441099 +804 1028 3 879445556 +804 1041 3 879446037 +804 1047 3 879443852 +804 1050 3 879442269 +804 1056 4 879442762 +804 1074 1 879447476 +804 1076 3 879446162 +804 1079 4 879444133 +804 1140 3 879446276 +804 1170 3 879445393 +804 1178 3 879445990 +804 1188 2 879446245 +804 1210 2 879447476 +804 1222 3 879446276 +804 1228 3 879446090 +804 1285 2 879445766 +804 1291 3 879444115 +804 1411 3 879446129 +804 1488 3 879445579 +804 1489 3 879445441 +805 1 4 881695527 +805 5 4 881695293 +805 7 5 881694693 +805 12 4 881695677 +805 17 4 881695346 +805 22 1 881694423 +805 24 4 881694923 +805 25 4 881704193 +805 28 3 881698243 +805 32 4 881697792 +805 33 5 881694885 +805 40 3 881704553 +805 42 2 881704193 +805 45 4 881697128 +805 47 5 881698778 +805 50 4 879971214 +805 55 5 881694693 +805 56 4 881694423 +805 58 4 881698778 +805 83 4 881696671 +805 86 4 881696729 +805 88 2 881696876 +805 89 4 881694713 +805 90 2 881705412 +805 91 5 881695527 +805 93 5 881704016 +805 94 1 881705412 +805 95 3 881695527 +805 96 4 881694713 +805 99 2 881695560 +805 101 2 881695591 +805 102 4 881695591 +805 105 2 881705238 +805 106 5 881695968 +805 108 3 881705082 +805 117 3 881694798 +805 118 3 881695745 +805 122 5 881705350 +805 123 4 881695723 +805 135 4 881698095 +805 137 5 881697713 +805 142 4 881705843 +805 143 3 881705765 +805 147 5 881694286 +805 148 2 881695911 +805 151 5 881705810 +805 154 5 881704063 +805 161 1 881694823 +805 164 3 881695293 +805 167 3 881705534 +805 168 5 881704016 +805 172 4 881694713 +805 174 3 881694798 +805 175 5 881697229 +805 176 4 881684185 +805 180 3 881698139 +805 183 5 881684185 +805 190 5 881694423 +805 195 3 881694693 +805 197 5 881696671 +805 200 5 881695244 +805 202 2 881696729 +805 209 4 881684202 +805 212 3 881696729 +805 216 2 881696699 +805 217 2 881695293 +805 222 4 881694823 +805 223 5 881698139 +805 225 1 881705892 +805 229 2 881694885 +805 235 2 881705350 +805 238 5 881704223 +805 240 3 881705350 +805 248 4 881683074 +805 259 1 879971049 +805 269 5 879971251 +805 274 2 881705055 +805 288 1 881695244 +805 319 2 881696876 +805 321 3 881705292 +805 323 5 879971214 +805 331 4 879971214 +805 337 2 881180971 +805 343 5 881684185 +805 352 5 885845656 +805 358 3 879971215 +805 382 4 881698258 +805 383 2 881706146 +805 385 1 881694693 +805 386 3 881704224 +805 387 3 881696905 +805 396 4 881695396 +805 412 3 881705592 +805 413 2 881695414 +805 418 2 881695527 +805 420 4 881695560 +805 422 4 881695560 +805 423 1 881698175 +805 443 5 881695196 +805 447 4 881695293 +805 455 4 881694854 +805 469 4 881698243 +805 470 5 881695872 +805 472 2 881695040 +805 473 4 881695591 +805 475 5 881704016 +805 476 1 881705592 +805 501 5 881695560 +805 522 5 881698095 +805 525 4 881696335 +805 527 3 881698798 +805 537 5 881703643 +805 541 3 882216971 +805 545 1 881705488 +805 546 2 881703473 +805 550 3 881694854 +805 554 1 881695080 +805 558 5 881695243 +805 559 3 881695347 +805 568 3 881694854 +805 569 1 881695414 +805 576 4 881695040 +805 581 2 881695793 +805 582 3 881698798 +805 595 3 881695951 +805 603 4 881696335 +805 625 3 881695560 +805 631 5 881698243 +805 648 4 881696729 +805 655 3 881698175 +805 660 3 881698881 +805 661 4 881697713 +805 664 5 881697667 +805 709 4 881696699 +805 715 4 881698828 +805 719 4 881705389 +805 725 3 881705672 +805 735 4 881698139 +805 742 3 881695872 +805 747 3 881696729 +805 748 2 879971215 +805 755 3 881705810 +805 761 3 881695040 +805 769 2 881695999 +805 771 5 881695999 +805 772 3 881698881 +805 806 4 881698175 +805 827 4 881695040 +805 856 4 881698881 +805 866 1 881705412 +805 934 1 881705611 +805 952 5 881704553 +805 1014 4 881694265 +805 1017 3 881704337 +805 1033 3 881706146 +805 1054 3 881705637 +805 1091 2 881695591 +805 1098 3 881704150 +805 1101 5 881698745 +805 1110 5 881694978 +805 1170 5 881700749 +805 1232 3 881703472 +806 2 3 882389862 +806 3 2 882385916 +806 12 5 882388204 +806 14 3 882385394 +806 17 4 882389506 +806 24 3 882385394 +806 28 3 882388286 +806 50 5 882385200 +806 56 5 882387999 +806 82 4 882389179 +806 89 5 882387756 +806 95 5 882388658 +806 98 4 882387798 +806 121 4 882385916 +806 122 3 882385694 +806 133 5 882389908 +806 144 5 882388658 +806 150 4 882385563 +806 153 4 882388658 +806 155 3 882390164 +806 156 4 882388128 +806 157 3 882387974 +806 158 2 882390404 +806 162 3 882388557 +806 168 4 882387595 +806 172 3 882387373 +806 176 5 882387798 +806 177 3 882388254 +806 179 5 882387870 +806 181 2 882384988 +806 182 5 882387925 +806 186 4 882387925 +806 192 4 882387798 +806 195 3 882388328 +806 197 4 882387728 +806 204 5 882388205 +806 210 5 882387520 +806 216 4 882388128 +806 222 4 882385563 +806 228 4 882389230 +806 233 2 882390614 +806 238 4 882388082 +806 240 2 882385455 +806 254 3 882387272 +806 257 4 882385394 +806 258 3 882384589 +806 286 3 882384513 +806 324 2 882384513 +806 343 3 882384656 +806 357 3 882387373 +806 403 4 882388706 +806 405 3 882385762 +806 407 3 882386125 +806 433 4 882389523 +806 461 4 882388706 +806 475 4 882385083 +806 483 4 882387409 +806 485 5 882388381 +806 496 5 882387798 +806 511 5 882387520 +806 521 3 882387595 +806 522 3 882388128 +806 588 4 882388795 +806 629 3 882389862 +806 654 5 882387837 +806 655 3 882388128 +806 705 4 882387595 +806 789 4 882389319 +806 923 3 882389080 +806 952 2 882385578 +806 1016 1 882386110 +806 1018 4 882389908 +806 1071 4 882388965 +806 1074 3 882390515 +806 1514 3 882385643 +807 1 4 892528231 +807 8 4 892528374 +807 21 4 892823188 +807 22 5 892528470 +807 29 4 892530626 +807 62 3 892979256 +807 63 5 892531504 +807 71 5 892530705 +807 73 3 892532030 +807 79 5 892528690 +807 82 4 892529278 +807 94 2 892823225 +807 96 3 892528564 +807 99 5 892529401 +807 101 4 893080637 +807 117 4 892528813 +807 121 4 892529278 +807 127 3 892529647 +807 133 5 892705060 +807 135 5 892705362 +807 140 3 892530004 +807 141 3 892684576 +807 143 4 892528062 +807 151 4 893081163 +807 154 2 892528919 +807 161 4 892528919 +807 173 3 892528285 +807 174 5 892528866 +807 177 4 892705191 +807 181 5 892528954 +807 193 4 892529483 +807 194 4 892528427 +807 195 3 892528999 +807 199 5 892528374 +807 210 4 892528646 +807 211 4 892529448 +807 227 4 892529805 +807 231 4 892530705 +807 234 3 892530216 +807 235 1 892530173 +807 239 4 892529805 +807 250 4 893084375 +807 252 4 893084689 +807 254 4 893085166 +807 257 4 893084232 +807 265 5 892529076 +807 271 3 892527385 +807 313 5 892527050 +807 358 3 892527606 +807 374 3 893083109 +807 380 4 893080442 +807 381 2 892530004 +807 384 4 893080838 +807 385 4 892530349 +807 399 4 893080801 +807 404 3 892528427 +807 405 4 892684722 +807 415 3 893082702 +807 416 3 892528771 +807 418 4 892529358 +807 419 5 892528813 +807 420 3 892979368 +807 427 4 892528427 +807 435 3 892528690 +807 450 4 893082931 +807 451 5 892530112 +807 465 4 892529448 +807 471 4 892775416 +807 473 3 892530705 +807 477 4 892775458 +807 485 5 892531977 +807 491 5 892528062 +807 495 4 892530792 +807 498 4 892529150 +807 501 3 892529358 +807 505 3 892528110 +807 511 5 892705391 +807 526 5 892530061 +807 527 5 892528646 +807 528 4 892530173 +807 541 4 893083740 +807 546 4 892978966 +807 550 5 892979747 +807 554 4 892684529 +807 566 4 892528999 +807 570 4 893081426 +807 576 4 893081656 +807 584 4 892529031 +807 597 4 892705277 +807 605 3 892529150 +807 610 3 892684802 +807 612 5 892528690 +807 622 3 892530656 +807 624 3 892530705 +807 627 4 892684456 +807 630 4 892529573 +807 633 4 892529401 +807 636 4 892530752 +807 657 4 892529573 +807 678 3 892527569 +807 679 4 892705307 +807 684 5 892529851 +807 699 4 892528515 +807 705 4 892528918 +807 739 4 892684321 +807 751 3 892527467 +807 820 3 892532068 +807 842 4 892979600 +807 946 3 893081338 +807 968 4 892530498 +807 969 4 892528375 +807 1034 5 893082544 +807 1050 5 892529311 +807 1063 4 892529112 +807 1084 4 892529519 +807 1089 4 893084724 +807 1091 3 893082703 +807 1133 3 892823295 +807 1138 5 893084886 +807 1411 1 893082619 +807 1413 2 893083486 +807 1444 3 893082702 +807 1483 4 892527385 +807 1615 4 893084653 +808 245 4 883949822 +808 262 5 883949986 +808 271 3 883949602 +808 286 4 883949560 +808 288 3 883949454 +808 294 5 883949986 +808 300 4 883949681 +808 302 5 883949986 +808 312 3 883949873 +808 313 5 883949986 +808 325 1 883949873 +808 332 4 883949639 +808 333 4 883949519 +808 750 5 883949986 +809 258 3 891036903 +809 272 5 891036743 +809 286 4 891036809 +809 289 1 891037020 +809 302 5 891036743 +809 307 5 891036809 +809 313 4 891036743 +809 328 5 891036989 +809 678 2 891037172 +809 748 3 891037091 +810 243 4 879895350 +810 269 5 891293811 +810 286 4 891293811 +810 288 3 879895233 +810 294 5 879895233 +810 300 5 890083187 +810 301 5 890083124 +810 304 4 885406558 +810 313 5 885406451 +810 321 5 879895290 +810 326 5 891873739 +810 331 4 891873686 +810 333 5 886614819 +810 338 4 891873660 +810 879 5 890083124 +810 902 5 890083210 +811 258 5 886377311 +811 286 5 886376983 +811 289 2 886377426 +811 292 3 886377041 +811 294 4 886377483 +811 300 5 886377373 +811 301 5 886377530 +811 304 5 886377311 +811 307 4 886377248 +811 308 4 886377082 +811 315 4 886377579 +811 323 5 886377579 +811 690 5 886377248 +811 748 3 886377579 +811 892 4 886377530 +812 245 2 877625367 +812 261 1 877625461 +812 286 2 877625109 +812 288 4 877625294 +812 289 1 877625461 +812 292 3 877625610 +812 294 5 877625367 +812 326 4 877625294 +812 328 4 877625368 +812 358 3 877625461 +812 678 4 877625294 +812 748 5 877625368 +812 881 4 877625537 +812 1393 3 877625224 +813 259 2 883752528 +813 289 4 883752455 +813 294 1 883752051 +813 310 4 883752290 +813 335 2 883752417 +813 342 1 883752417 +813 358 3 883752606 +813 538 3 883752380 +813 680 2 883752660 +813 877 1 883752331 +813 890 4 883752708 +813 892 1 883752708 +813 898 1 883752264 +813 901 1 883752708 +813 988 3 883752528 +814 17 3 885411073 +814 53 4 885411132 +814 56 3 885410957 +814 100 4 885410957 +814 185 3 885411030 +814 200 4 885411204 +814 218 3 885411030 +814 219 4 885411030 +814 443 3 885411132 +814 448 3 885411030 +814 559 3 885411132 +814 565 3 885411347 +814 590 2 885411749 +814 656 3 885410957 +814 665 4 885411204 +814 672 3 885411030 +814 674 3 885411030 +814 675 3 885410957 +815 7 4 878691975 +815 31 4 878695490 +815 50 5 878691739 +815 57 5 878694854 +815 65 5 878694664 +815 69 4 878694106 +815 77 4 878695798 +815 86 5 878693989 +815 87 5 878694199 +815 89 4 878695092 +815 94 3 878697705 +815 95 3 878693381 +815 96 5 878693871 +815 99 4 878694665 +815 102 3 878694028 +815 117 3 878691884 +815 125 5 878692242 +815 127 3 878691739 +815 131 2 878698449 +815 132 5 878695278 +815 134 4 878694613 +815 135 2 878694493 +815 136 5 878695311 +815 141 4 878694613 +815 153 4 878695020 +815 154 5 878694453 +815 158 2 878695645 +815 163 4 878695841 +815 172 5 878694613 +815 173 5 878695241 +815 174 4 878693424 +815 176 4 878694705 +815 181 5 878691844 +815 182 3 878693424 +815 183 5 878694381 +815 185 3 878693830 +815 188 3 878693906 +815 191 5 878693183 +815 193 4 878696054 +815 196 4 878694526 +815 199 4 878694055 +815 200 5 878693871 +815 202 4 878694341 +815 203 4 878696650 +815 215 5 878694820 +815 216 3 878693381 +815 240 2 878692319 +815 250 1 878691779 +815 252 2 884267891 +815 257 3 884320266 +815 357 5 878693906 +815 386 2 878696563 +815 391 2 878697734 +815 393 4 878696473 +815 404 4 878695147 +815 405 4 878692071 +815 417 5 878694664 +815 418 4 878695744 +815 419 3 878695490 +815 423 5 878694613 +815 432 5 878694952 +815 433 3 878695199 +815 434 3 878696619 +815 435 4 878694269 +815 436 3 878695241 +815 449 2 878698661 +815 451 3 878696965 +815 465 5 878694952 +815 471 2 878692149 +815 483 5 878696284 +815 485 4 878694820 +815 494 5 878696093 +815 496 5 878694027 +815 501 3 878694028 +815 518 3 878693183 +815 524 4 878693381 +815 528 5 887978255 +815 542 4 878694820 +815 582 1 878695311 +815 584 3 878696355 +815 596 5 878692043 +815 603 3 878694664 +815 614 3 878695964 +815 615 2 878696181 +815 616 1 878697189 +815 623 3 878697043 +815 631 4 887978234 +815 647 5 878694055 +815 650 2 878696213 +815 665 2 878698525 +815 675 2 878698831 +815 684 4 878696441 +815 712 3 878696563 +815 713 4 878692016 +815 735 5 878695438 +815 944 3 878696318 +815 969 5 878694306 +815 993 2 878691939 +815 1039 5 878693870 +815 1078 2 878695903 +816 258 3 891711378 +816 259 2 891711423 +816 288 4 891710724 +816 294 5 891711801 +816 309 5 891711801 +816 313 5 891710780 +816 326 4 891710803 +816 331 5 891710922 +816 332 4 891710994 +816 343 4 891711423 +816 349 4 891711554 +816 355 2 891711472 +816 687 2 891711554 +817 1 4 874815835 +817 7 4 874815885 +817 15 3 874815836 +817 24 4 874815947 +817 118 3 874815947 +817 124 4 874815885 +817 129 4 874815836 +817 147 3 874815947 +817 245 2 874815789 +817 258 3 874815541 +817 281 4 874816007 +817 289 2 874815789 +817 324 2 874815789 +817 327 4 874815593 +817 328 4 874815679 +817 358 4 874815679 +817 363 3 874816007 +817 546 4 874815947 +817 597 2 874816007 +817 748 4 874815649 +817 840 2 874816007 +817 928 3 874815835 +818 271 4 891870389 +818 286 4 891870222 +818 300 2 891870222 +818 302 5 891870264 +818 316 4 891870301 +818 322 2 891870389 +818 328 4 891870301 +818 346 4 891870364 +818 690 3 891870301 +818 751 5 891870473 +818 875 1 891870590 +818 887 4 891870590 +818 912 3 891870301 +818 1105 1 891883071 +819 70 4 884105841 +819 182 4 884105025 +819 248 5 880382511 +819 268 4 884012614 +819 300 5 879952538 +819 302 5 884012512 +819 303 4 879952508 +819 315 5 884618354 +819 319 4 879952627 +819 321 4 880381928 +819 327 4 879952656 +819 340 5 879952627 +819 346 5 884012487 +819 381 4 884105841 +819 862 2 884012586 +819 1160 4 880382533 +819 1537 5 884012662 +820 264 3 887955180 +820 271 2 887955020 +820 288 5 887954934 +820 289 2 887955020 +820 301 2 887955046 +820 313 5 887954934 +820 315 3 887954828 +820 316 3 887955204 +820 343 4 887955241 +820 538 3 887954906 +820 748 1 887955223 +821 1 5 874792813 +821 15 5 874792835 +821 28 5 874793469 +821 56 5 874793847 +821 64 5 874793649 +821 70 4 874793933 +821 79 5 874793517 +821 97 5 874793848 +821 100 2 874792285 +821 106 2 874793196 +821 117 3 874792442 +821 118 3 874793218 +821 121 3 874792752 +821 126 5 874792570 +821 132 5 874793898 +821 161 4 874793898 +821 174 5 874793773 +821 180 5 874793517 +821 181 4 874792521 +821 213 5 874793806 +821 234 5 874793574 +821 274 5 874792778 +821 275 5 874792369 +821 318 5 874793368 +821 357 5 874793517 +821 405 4 874793022 +821 427 5 874793649 +821 435 4 874793773 +821 476 4 874792403 +821 509 5 874793574 +821 560 3 874793773 +821 705 5 874793649 +821 742 4 874793130 +821 763 3 874792491 +821 1060 5 874793022 +821 1084 5 874792285 +821 1197 5 874792889 +822 25 3 891039543 +822 71 4 891037465 +822 111 4 891039414 +822 235 3 891039543 +822 272 3 891033683 +822 333 4 891033747 +822 358 3 891037112 +822 408 5 891037291 +822 410 1 891039486 +822 432 3 891037394 +822 539 2 891035086 +822 588 2 891037394 +822 926 2 891040155 +822 1091 1 891038627 +822 1110 4 891036395 +822 1240 3 891036703 +823 1 4 878438206 +823 7 5 878438298 +823 8 5 878437925 +823 13 5 878438642 +823 22 5 878438058 +823 28 3 878438058 +823 31 5 878439038 +823 33 3 878438332 +823 48 5 878438642 +823 53 5 878439229 +823 55 4 878438484 +823 64 5 878437753 +823 68 3 878438930 +823 69 5 878438095 +823 71 3 878439008 +823 77 4 878438958 +823 81 4 878437836 +823 83 3 878438024 +823 87 5 878438887 +823 90 4 878438552 +823 91 3 878439365 +823 92 5 878438357 +823 94 2 878439497 +823 95 4 878439257 +823 97 5 878439113 +823 98 5 878437890 +823 100 5 878437658 +823 111 4 878438206 +823 124 4 878437925 +823 125 4 878438585 +823 135 4 878438379 +823 140 3 878438332 +823 144 5 878438535 +823 150 4 878438058 +823 151 4 878438732 +823 152 5 878437703 +823 153 4 878438856 +823 155 3 878439211 +823 157 5 878438435 +823 159 3 878438484 +823 160 4 878438232 +823 164 3 878437658 +823 172 5 878437589 +823 173 5 878438148 +823 175 4 878438457 +823 180 4 878439008 +823 182 4 878438260 +823 184 3 878439629 +823 186 4 878438672 +823 188 5 878438672 +823 191 5 878437623 +823 193 5 878439113 +823 195 4 878437703 +823 196 5 878439211 +823 197 5 878437623 +823 198 4 878439065 +823 209 4 878438379 +823 210 4 878439498 +823 211 5 878438585 +823 216 5 878438584 +823 217 3 878439655 +823 218 4 878438232 +823 222 3 878438179 +823 228 3 878438435 +823 229 3 878439211 +823 233 4 878439365 +823 237 4 878439037 +823 239 4 878438959 +823 240 3 878438119 +823 273 3 878437890 +823 274 4 878439038 +823 282 3 878439364 +823 286 5 878437499 +823 318 5 878438179 +823 333 3 878439845 +823 356 3 878439467 +823 374 1 878438733 +823 401 4 878439365 +823 404 4 878438484 +823 419 4 878438780 +823 423 5 878438780 +823 428 5 878438511 +823 433 4 878438379 +823 450 1 878439412 +823 459 4 878438379 +823 471 3 878438608 +823 474 5 878437890 +823 475 5 878438297 +823 478 4 878439113 +823 502 5 878439008 +823 531 4 878437890 +823 566 4 878439605 +823 568 3 878439293 +823 606 4 878438856 +823 642 4 878439089 +823 659 4 878437589 +823 660 5 878438435 +823 684 4 878439391 +823 692 4 878439438 +823 721 4 878438695 +823 732 5 878439183 +823 739 4 878439582 +823 747 4 878438585 +823 762 4 878439557 +823 770 4 878438754 +823 1107 3 878438332 +823 1118 3 878437836 +823 1135 3 878437836 +823 1217 1 878438435 +823 1267 4 878438780 +824 268 4 877020871 +824 286 2 877020871 +824 288 3 877020927 +824 289 2 877021044 +824 292 3 877020927 +824 294 3 877021002 +824 304 3 877020964 +824 321 2 877021002 +824 322 4 877021044 +824 323 2 877020965 +824 325 4 877021121 +824 678 3 877021121 +824 687 2 877021077 +824 989 2 877021121 +824 991 3 877021121 +825 7 5 880755612 +825 12 5 881101782 +825 14 3 880755942 +825 20 2 889021180 +825 50 4 880755418 +825 111 3 892947930 +825 116 3 880755693 +825 117 5 889021393 +825 120 3 889020852 +825 122 1 889021209 +825 125 5 880755942 +825 130 2 889021235 +825 174 5 881101782 +825 176 5 881101641 +825 181 4 880756224 +825 235 3 880756678 +825 243 4 884642187 +825 245 5 882109193 +825 248 4 880755869 +825 250 5 880755693 +825 257 4 880931887 +825 258 4 880932625 +825 275 3 881100775 +825 276 1 880756575 +825 281 3 880756678 +825 283 2 880756224 +825 286 4 889912073 +825 289 1 882109193 +825 293 3 880931805 +825 294 4 880755305 +825 298 5 880756726 +825 307 4 880755305 +825 322 5 884642187 +825 363 4 881185343 +825 369 3 880756862 +825 385 5 881101641 +825 406 2 889021208 +825 413 3 889020940 +825 423 5 881101641 +825 455 4 880756796 +825 472 5 880756442 +825 491 4 881101782 +825 508 4 880756725 +825 515 4 880756076 +825 544 3 889021037 +825 546 5 880756603 +825 591 4 880755943 +825 593 3 880755468 +825 595 3 889021134 +825 619 4 880756834 +825 687 5 882109250 +825 717 4 889021088 +825 741 4 881343947 +825 742 4 880756224 +825 825 4 881187129 +825 827 4 881184695 +825 832 3 881101246 +825 841 4 880756904 +825 864 3 880756725 +825 870 3 880931932 +825 924 2 880756725 +825 925 4 880756904 +825 926 4 880756643 +825 928 3 880756224 +825 979 4 889021134 +825 984 5 884642187 +825 986 5 881185343 +825 988 3 889020557 +825 1015 2 880756321 +825 1016 3 880756077 +825 1028 3 889021037 +825 1047 3 880756934 +825 1087 3 881343153 +825 1117 3 880756402 +825 1163 3 880756076 +825 1244 5 881185672 +825 1291 2 889021258 +826 1 4 885690250 +826 11 4 885690526 +826 33 3 885690600 +826 38 3 885690750 +826 50 5 885690525 +826 53 5 885690900 +826 55 5 885690636 +826 56 5 885690525 +826 68 3 885690677 +826 91 4 885690342 +826 92 4 885690636 +826 99 3 885690379 +826 101 5 885690442 +826 127 5 885690482 +826 161 3 885690677 +826 172 5 885690481 +826 174 5 885690481 +826 176 5 885690600 +826 181 5 885690526 +826 182 4 885690600 +826 184 3 885690677 +826 188 4 885690636 +826 195 5 885690636 +826 226 4 885690677 +826 228 3 885690600 +826 229 4 885690713 +826 230 4 885690600 +826 231 3 885690713 +826 232 3 885690713 +826 233 4 885690713 +826 241 4 885690600 +826 258 4 885689759 +826 288 3 885689759 +826 294 4 885689918 +826 309 4 885689892 +826 313 5 885689782 +826 332 3 885689821 +826 336 4 885690064 +826 343 5 885690046 +826 373 3 885690900 +826 391 4 885690854 +826 397 3 885690854 +826 403 4 885690750 +826 420 3 885690342 +826 422 2 885690379 +826 431 5 885690636 +826 432 3 885690379 +826 435 4 885690677 +826 449 4 885690819 +826 501 3 885690380 +826 510 4 885690677 +826 554 4 885690749 +826 566 3 885690636 +826 570 4 885690790 +826 576 4 885690900 +826 588 4 885690342 +826 624 4 885690379 +826 627 4 885690342 +826 678 4 885689942 +826 679 2 885690712 +826 684 3 885690600 +826 768 3 885690442 +826 802 4 885690854 +826 820 3 885690250 +826 946 3 885690342 +826 1091 3 885690379 +826 1219 4 885690442 +826 1222 3 885690819 +826 1239 4 885690854 +827 258 3 882201175 +827 268 4 882201175 +827 272 4 884213984 +827 301 4 882201885 +827 302 4 882201356 +827 313 3 892157221 +827 329 3 882807787 +827 331 3 892157376 +827 347 3 892157356 +827 689 3 882201884 +827 690 3 882807503 +827 750 3 892157198 +828 10 3 891035970 +828 14 4 891035819 +828 19 5 891035613 +828 26 3 891037948 +828 45 4 891380166 +828 52 3 891037639 +828 57 3 891037640 +828 60 4 891380167 +828 61 5 891037466 +828 83 3 891036826 +828 171 3 891036568 +828 190 3 891036826 +828 198 4 891036492 +828 213 2 891037865 +828 224 3 891035614 +828 246 2 893186163 +828 269 4 891033574 +828 270 5 891034148 +828 271 2 891035438 +828 275 3 891035614 +828 283 3 891035864 +828 286 4 891033342 +828 301 2 893186210 +828 302 4 891380166 +828 306 3 891033342 +828 313 3 891033342 +828 322 3 891034515 +828 325 2 891035438 +828 327 4 891033756 +828 340 5 891033756 +828 347 1 891035438 +828 381 3 891036568 +828 382 3 891037639 +828 509 2 891036630 +828 510 3 891037231 +828 702 2 891037466 +828 730 3 891036972 +828 753 4 891037047 +828 874 3 891380355 +828 886 1 891035438 +828 887 4 891033611 +828 895 2 891035437 +828 902 4 891380167 +828 903 4 891380167 +828 904 3 891618316 +828 921 4 891037948 +828 923 3 891037047 +828 955 3 891379818 +828 958 5 891038262 +828 960 5 891036568 +828 971 4 891380167 +828 1005 3 891037813 +828 1056 1 891036630 +828 1073 4 891036630 +828 1153 3 891037948 +828 1196 2 891036492 +828 1268 2 891038098 +828 1466 4 891380166 +828 1597 3 891037813 +828 1622 1 891038060 +828 1646 4 893186124 +828 1672 2 891037722 +829 13 4 881086933 +829 14 2 881712488 +829 70 4 881699060 +829 100 4 881086893 +829 124 4 892312784 +829 153 4 887584684 +829 170 4 881698933 +829 189 4 891992008 +829 192 5 881712519 +829 198 4 884736647 +829 213 4 881698933 +829 222 4 882816987 +829 237 3 891204271 +829 250 3 882816754 +829 268 4 886631672 +829 275 4 892312770 +829 278 1 881712488 +829 281 3 881712349 +829 318 5 883149860 +829 319 4 892312728 +829 339 2 891992167 +829 462 4 881698976 +829 509 5 881698976 +829 512 4 881698976 +829 515 4 881698803 +829 640 3 881707829 +829 733 2 887584684 +829 855 4 881698934 +829 1018 2 881707829 +829 1067 4 891990842 +829 1193 4 881699425 +830 1 4 891560596 +830 2 3 891561806 +830 15 4 891561065 +830 22 5 891561673 +830 29 1 891899476 +830 50 5 891561606 +830 56 2 891464054 +830 69 5 891898262 +830 71 4 891561474 +830 82 3 891561673 +830 95 3 891561474 +830 96 3 891561673 +830 97 4 892502984 +830 98 5 891462467 +830 99 3 891561474 +830 100 5 891560934 +830 126 5 892502421 +830 161 4 891561870 +830 172 5 891561606 +830 176 3 891561673 +830 177 4 891561870 +830 181 5 891561673 +830 183 4 891462467 +830 187 2 891464054 +830 194 4 891898720 +830 195 3 891464054 +830 197 4 891464415 +830 202 5 891464148 +830 203 4 891898061 +830 204 3 891898551 +830 205 5 891462531 +830 210 5 891561607 +830 211 4 891898720 +830 225 3 891560596 +830 226 5 891561806 +830 227 3 891561737 +830 230 3 891561806 +830 233 3 891561737 +830 241 4 891464148 +830 265 5 891561607 +830 288 1 891899475 +830 310 4 891462185 +830 313 5 891462165 +830 385 4 891561805 +830 402 4 892503093 +830 403 4 891561806 +830 413 1 891899475 +830 432 3 891561474 +830 435 5 891561737 +830 449 2 891899475 +830 474 5 891898661 +830 480 5 891462594 +830 484 5 891898661 +830 498 5 891899535 +830 501 3 891561474 +830 511 5 891561673 +830 523 4 891898661 +830 588 5 891561474 +830 612 4 891898061 +830 613 4 891898603 +830 627 3 891561541 +830 633 4 891898661 +830 651 4 891561737 +830 679 3 891561805 +830 696 2 892502651 +830 739 4 892503093 +830 790 1 891899476 +830 820 1 891899475 +830 925 4 892502651 +830 968 4 891898211 +831 1 4 891354573 +831 7 5 891354947 +831 12 5 891354687 +831 28 3 891354848 +831 31 4 891354612 +831 50 5 891354900 +831 64 5 891354534 +831 83 4 891354848 +831 96 5 891354668 +831 100 4 891354573 +831 117 3 891354970 +831 150 3 891354815 +831 174 5 891354534 +831 181 5 891354866 +831 245 2 891354226 +831 250 5 891354931 +831 258 2 891354020 +831 266 3 891354338 +831 270 4 891354000 +831 272 5 891353915 +831 273 3 891354773 +831 288 1 891354043 +831 298 5 891355004 +831 300 3 891354191 +831 307 2 891354064 +831 315 3 891353915 +831 316 3 891354338 +831 317 4 891354798 +831 323 2 891354275 +831 326 4 891354275 +831 328 3 891354000 +831 331 4 891353979 +831 333 4 891353915 +831 340 4 891354000 +831 347 3 891354191 +831 354 4 891354063 +831 358 2 891354371 +831 591 4 891355004 +831 603 5 891354535 +831 687 2 891354424 +831 713 5 891354970 +831 741 2 891354726 +831 748 2 891354297 +831 749 2 891354225 +831 877 2 891354391 +831 1012 4 891354970 +831 1063 4 891354668 +832 25 2 888260157 +832 181 3 888260089 +832 245 3 888259984 +832 258 3 888258960 +832 286 3 888258806 +832 294 4 888259121 +832 322 3 888259984 +832 323 3 888259984 +832 326 4 888259121 +832 328 3 888259020 +832 334 2 888259984 +832 471 4 888260089 +832 681 2 888259984 +832 873 2 888259984 +832 876 3 888259480 +833 5 1 879818535 +833 7 3 875035953 +833 22 3 875122716 +833 28 3 875135213 +833 30 4 875225297 +833 33 2 875134264 +833 50 2 875035718 +833 52 3 878078390 +833 53 1 875224039 +833 56 4 875122716 +833 67 3 875134891 +833 68 4 875224515 +833 69 2 875039326 +833 72 2 875134724 +833 92 2 875135363 +833 93 4 875036056 +833 96 5 875132134 +833 98 3 875123359 +833 100 4 875036169 +833 108 2 875036102 +833 111 2 875134110 +833 118 2 875038483 +833 121 1 875133458 +833 122 2 875135058 +833 127 5 875035660 +833 128 3 875123536 +833 129 3 875035718 +833 144 4 887158945 +833 151 4 875036418 +833 152 2 875134063 +833 154 5 875038775 +833 156 4 875038775 +833 157 2 875132195 +833 159 2 879818659 +833 160 5 875124535 +833 161 1 875224515 +833 168 5 875038775 +833 177 5 875123299 +833 183 5 875123026 +833 185 5 875039416 +833 186 1 875133458 +833 187 5 875124348 +833 188 4 875124495 +833 191 4 875132134 +833 195 5 875038529 +833 198 4 875123677 +833 202 4 875133924 +833 203 5 875124299 +833 204 1 875039255 +833 205 4 875122814 +833 206 4 875038671 +833 208 3 875039326 +833 209 5 875124604 +833 211 3 875124495 +833 218 4 875124495 +833 233 2 875223756 +833 235 4 875036418 +833 238 2 875124225 +833 240 4 875035624 +833 249 1 875133458 +833 262 2 875035534 +833 289 1 875035487 +833 302 3 884828670 +833 320 4 875124647 +833 324 3 875035487 +833 325 4 875035885 +833 328 2 875035534 +833 340 5 879818293 +833 367 3 875123359 +833 379 2 875224178 +833 381 4 875134016 +833 384 3 875134724 +833 385 3 875039204 +833 396 3 875134063 +833 403 1 875133458 +833 405 3 875038395 +833 427 3 878078390 +833 428 2 875134110 +833 431 2 875223813 +833 432 4 875132134 +833 434 3 875038888 +833 435 2 878078229 +833 441 1 875224352 +833 443 3 875124348 +833 444 3 875224352 +833 445 4 875123299 +833 449 2 875223923 +833 451 1 875134016 +833 452 1 875224178 +833 475 3 875035718 +833 479 2 875039101 +833 483 4 875122716 +833 488 5 878078229 +833 504 4 875038671 +833 511 4 875038742 +833 512 4 875225257 +833 515 3 875035660 +833 518 3 875039100 +833 522 2 875039039 +833 544 1 875133458 +833 546 2 875036354 +833 550 2 887158946 +833 552 3 875223976 +833 558 4 875039204 +833 573 1 875223976 +833 589 5 875038807 +833 597 1 875133458 +833 614 2 875131539 +833 616 5 875124024 +833 628 4 875036102 +833 636 3 879818659 +833 640 3 875123986 +833 642 3 875038626 +833 647 4 875123427 +833 649 3 875224178 +833 653 4 875039558 +833 654 5 875039558 +833 656 4 875123536 +833 657 4 875123986 +833 663 3 875134317 +833 665 3 875224309 +833 667 1 875224381 +833 670 1 875124428 +833 671 5 875039204 +833 673 4 875224039 +833 675 4 875224252 +833 684 3 875123195 +833 696 3 875036912 +833 715 2 875133633 +833 730 4 875038888 +833 826 2 875297292 +833 831 1 875297256 +833 854 4 875038529 +833 919 2 875124348 +833 923 5 875039153 +833 928 2 879818689 +833 933 4 875035914 +833 943 4 875124382 +833 977 2 879818799 +833 1012 4 875036418 +833 1016 1 875133458 +833 1017 4 875036017 +833 1029 1 875134940 +833 1071 3 875134150 +833 1118 3 875133924 +833 1154 4 875039101 +833 1214 4 875225193 +833 1231 4 875132237 +833 1597 5 875225193 +834 7 4 890862974 +834 25 3 890862468 +834 50 5 890862362 +834 100 4 890862311 +834 117 4 890862386 +834 127 5 890862412 +834 150 5 890862564 +834 151 4 890862974 +834 246 4 890863023 +834 255 3 890862940 +834 258 4 890860194 +834 269 5 890860566 +834 275 3 890862648 +834 282 4 890863052 +834 288 5 890860566 +834 292 5 890860566 +834 293 3 890862974 +834 294 3 890860159 +834 313 5 890860566 +834 315 5 890860687 +834 343 4 890860416 +834 347 4 890860007 +834 405 4 890862563 +834 475 5 890862311 +834 744 4 890862527 +834 762 4 890863072 +835 1 3 891033420 +835 23 4 891035310 +835 25 5 891032764 +835 50 4 891035309 +835 69 5 891034366 +835 97 5 891033501 +835 131 5 891033560 +835 133 5 891033718 +835 143 5 891033819 +835 157 4 891033526 +835 162 5 891033420 +835 179 5 891033819 +835 180 5 891033675 +835 183 4 891034023 +835 185 4 891033957 +835 186 4 891034285 +835 193 4 891033148 +835 196 5 891033173 +835 197 5 891033889 +835 210 5 891033303 +835 215 4 891033199 +835 216 4 891033560 +835 237 4 891035310 +835 272 4 891035309 +835 281 4 891032718 +835 288 2 891032224 +835 294 3 891032356 +835 313 5 891032224 +835 318 5 891033718 +835 325 5 891032391 +835 354 3 891032224 +835 357 5 891033232 +835 371 5 891034366 +835 393 5 891033718 +835 421 4 891034023 +835 423 4 891033857 +835 427 4 891033380 +835 458 4 891032869 +835 484 4 891034219 +835 499 5 891033675 +835 526 3 891033927 +835 527 4 891033048 +835 543 5 891033232 +835 609 4 891034310 +835 610 5 891034401 +835 612 4 891033927 +835 628 3 891032930 +835 633 5 891033889 +835 654 5 891033173 +835 660 4 891033986 +835 673 4 891034117 +835 708 5 891035078 +835 735 5 891033349 +835 1153 4 891035309 +835 1673 3 891034023 +836 12 5 885754118 +836 56 4 885754096 +836 89 4 885754029 +836 134 3 885754096 +836 165 4 885754149 +836 170 5 885754200 +836 180 5 885754200 +836 192 5 885754118 +836 216 4 885753979 +836 238 4 885754200 +836 258 4 885753475 +836 268 3 885753475 +836 269 5 885753475 +836 288 1 885753475 +836 318 5 885754172 +836 419 2 885753979 +836 429 4 885754200 +836 496 4 885754231 +836 507 4 885754149 +836 603 5 885754029 +836 611 5 885754096 +836 654 5 885754150 +836 657 5 885754096 +836 659 5 885754096 +836 793 2 885754029 +836 875 1 885753752 +836 880 4 885753506 +836 896 3 885753506 +836 1065 4 885754231 +837 13 4 875721843 +837 15 3 875721869 +837 19 4 875721948 +837 20 4 875721919 +837 25 3 875722169 +837 151 5 875721734 +837 220 4 875722007 +837 225 3 875722371 +837 237 3 875721793 +837 258 4 875721473 +837 274 4 875721989 +837 275 4 875721989 +837 276 1 875721843 +837 280 2 875722350 +837 283 5 875722069 +837 286 4 875721473 +837 289 5 875721539 +837 294 4 875721502 +837 476 3 875722225 +837 535 1 875722246 +837 596 3 875721969 +837 628 3 875722225 +837 762 2 875722318 +837 845 4 875722392 +837 1047 1 875722267 +838 7 5 887064072 +838 8 4 887066972 +838 12 4 887067063 +838 22 4 887065878 +838 24 4 887064231 +838 56 5 887066782 +838 71 3 887066782 +838 72 4 887067162 +838 87 4 887065750 +838 96 4 887065781 +838 100 4 887063994 +838 111 4 887064357 +838 114 4 887065822 +838 128 4 887066724 +838 134 3 887066304 +838 143 5 887067631 +838 168 5 887066678 +838 169 4 887067390 +838 173 5 887065782 +838 179 5 887067340 +838 181 5 887063696 +838 187 3 887067019 +838 190 4 887066988 +838 206 4 887067020 +838 223 3 887065807 +838 228 4 887067390 +838 235 2 887064515 +838 249 4 887064315 +838 271 4 887060972 +838 274 4 887064388 +838 275 5 887064193 +838 276 4 887064825 +838 286 4 887061035 +838 289 5 887061035 +838 298 3 887064476 +838 300 2 887060778 +838 302 4 887060659 +838 311 4 887060659 +838 318 5 887067085 +838 385 4 887067127 +838 405 4 887064589 +838 408 4 887066040 +838 455 4 887064275 +838 480 4 887066078 +838 497 5 887067162 +838 596 5 887064275 +838 732 4 887066782 +838 748 3 887060972 +838 1005 4 887066678 +838 1115 4 887064476 +839 50 5 875751930 +839 93 4 875752056 +839 111 4 875752237 +839 121 3 875752237 +839 123 3 875752560 +839 129 4 875751893 +839 220 3 875753029 +839 237 3 875752317 +839 244 3 875751958 +839 257 3 875751930 +839 260 2 875751560 +839 276 3 875751799 +839 277 2 875752082 +839 281 3 875752456 +839 285 5 875752138 +839 286 4 875751411 +839 292 3 875751559 +839 319 1 875751411 +839 321 1 875751470 +839 326 4 875751519 +839 410 1 875752274 +839 455 4 875752107 +839 475 5 875751856 +839 508 3 875752479 +839 532 3 875752560 +839 696 2 875752479 +839 713 2 875751774 +839 742 3 875752200 +839 825 4 875752274 +839 866 2 875752687 +839 950 4 875752408 +839 1009 3 875752560 +839 1085 5 875752877 +839 1664 1 875752902 +840 7 4 891203408 +840 8 5 891208958 +840 48 3 891204418 +840 52 3 891205320 +840 56 5 891204239 +840 64 4 891204664 +840 66 3 891209509 +840 79 4 891204135 +840 83 5 891204215 +840 88 4 891209241 +840 96 2 891204592 +840 97 3 891205041 +840 98 5 891204160 +840 99 5 891204509 +840 117 3 891209408 +840 121 2 891204056 +840 132 4 891204356 +840 134 3 891204160 +840 135 5 891204356 +840 143 4 891209490 +840 144 3 891209104 +840 152 4 891204160 +840 153 3 891204627 +840 163 4 891204295 +840 165 5 891204239 +840 166 5 891204798 +840 168 5 891204868 +840 169 5 891204215 +840 170 4 891204713 +840 180 5 891205143 +840 191 4 891204160 +840 194 3 891204264 +840 197 5 891204509 +840 203 5 891204627 +840 210 3 891204592 +840 213 4 891205199 +840 234 5 891204948 +840 238 5 891204239 +840 252 4 891203810 +840 257 3 891204056 +840 272 4 891202756 +840 285 4 891203203 +840 297 5 891203334 +840 300 3 891204056 +840 303 5 891202889 +840 367 4 891205287 +840 405 4 891203585 +840 423 5 891209449 +840 428 4 891209547 +840 429 3 891204827 +840 430 5 891204418 +840 443 5 891209490 +840 462 3 891205287 +840 465 4 891204798 +840 474 5 891204089 +840 478 3 891204627 +840 479 4 891204385 +840 483 5 891208703 +840 489 3 891204385 +840 492 5 891204215 +840 495 3 891209322 +840 496 5 891204089 +840 497 4 891209571 +840 498 5 891204264 +840 505 5 891204714 +840 506 5 891204385 +840 507 4 891208667 +840 509 3 891204564 +840 512 5 891205371 +840 513 5 891204295 +840 514 5 891205093 +840 515 5 891203280 +840 517 4 891204322 +840 526 4 891204971 +840 529 4 891204891 +840 531 5 891204089 +840 566 5 891209285 +840 582 5 891204265 +840 606 4 891205004 +840 611 4 891204509 +840 628 4 891209285 +840 631 4 891205004 +840 632 3 891204296 +840 638 3 891204239 +840 640 3 891209242 +840 647 5 891205004 +840 655 5 891205245 +840 659 5 891204827 +840 663 4 891204322 +840 664 3 891204474 +840 671 3 891204891 +840 705 4 891204713 +840 707 5 891204114 +840 732 3 891204947 +840 737 4 891205320 +840 747 4 891209490 +840 750 4 891202784 +840 845 5 891203553 +840 884 5 891203087 +840 945 3 891204509 +840 949 4 891211530 +840 1018 3 891211664 +840 1065 5 891209285 +840 1266 5 891204535 +841 270 4 889067045 +841 271 4 889067216 +841 272 4 889066780 +841 286 5 889066959 +841 288 3 889067046 +841 300 4 889066780 +841 307 5 889067152 +841 323 3 889066880 +841 331 5 889066999 +841 333 4 889066780 +841 344 3 889066880 +841 353 1 889067253 +841 358 1 889067348 +841 678 4 889067313 +841 748 4 889067253 +841 754 4 889067045 +841 873 4 889067121 +841 892 3 889067182 +842 268 5 891218059 +842 269 5 891217834 +842 270 5 891218251 +842 313 4 891217891 +842 344 1 891217835 +842 362 3 891217891 +842 751 4 891218192 +842 754 1 891218251 +842 886 4 891218459 +842 1105 2 891218353 +843 21 2 879448392 +843 23 2 879446696 +843 25 2 879447523 +843 28 3 879446977 +843 52 2 879447110 +843 53 2 879443442 +843 56 3 879443174 +843 69 3 879446476 +843 71 2 879449256 +843 77 2 879443975 +843 79 2 879445658 +843 82 3 879444801 +843 95 2 879446716 +843 96 3 879444711 +843 97 3 879447377 +843 98 3 879443668 +843 99 2 879448751 +843 102 2 879449177 +843 121 3 879444047 +843 133 3 879448431 +843 135 5 879449177 +843 141 4 879447327 +843 142 2 879448604 +843 145 3 879443597 +843 151 2 879447007 +843 152 2 879446458 +843 157 2 879448199 +843 159 2 879443951 +843 174 4 879444670 +843 176 4 879447837 +843 177 3 879444767 +843 182 2 879444739 +843 183 5 879443800 +843 185 3 879443341 +843 186 2 879447170 +843 188 2 879444767 +843 191 3 879446755 +843 193 3 879446863 +843 195 4 879444711 +843 204 3 879448073 +843 205 4 879446888 +843 206 3 879448112 +843 208 3 879446716 +843 209 3 879446806 +843 217 4 879443341 +843 219 2 879443394 +843 225 2 879449256 +843 227 3 879443908 +843 238 3 879446359 +843 250 4 879445087 +843 252 3 879445114 +843 265 3 879443865 +843 270 4 879442947 +843 271 5 879442947 +843 275 3 879446680 +843 288 4 879443544 +843 298 2 879444531 +843 379 2 879443394 +843 380 3 879448262 +843 393 2 879448858 +843 402 2 879447599 +843 403 2 879444934 +843 413 2 879443482 +843 416 2 879448352 +843 429 4 879446503 +843 432 2 879447326 +843 436 2 879443394 +843 443 4 879443297 +843 444 2 879443442 +843 447 2 879443297 +843 448 4 879443297 +843 449 3 879444083 +843 450 2 879444083 +843 452 2 879443442 +843 474 3 879445738 +843 485 2 879447007 +843 498 2 879446155 +843 501 2 879447578 +843 511 3 879447837 +843 515 3 879444801 +843 542 2 879448392 +843 550 3 879449152 +843 551 3 879443544 +843 563 2 879443545 +843 566 3 879444766 +843 569 1 879443482 +843 578 3 879448604 +843 581 3 879443951 +843 582 2 879445658 +843 588 2 879447579 +843 590 3 879443544 +843 603 2 879446596 +843 615 3 879446215 +843 625 2 879448542 +843 628 2 879443951 +843 635 2 879443544 +843 636 4 879443837 +843 654 2 879446359 +843 655 3 879447030 +843 661 3 879447077 +843 665 3 879443482 +843 667 2 879443597 +843 672 3 879443297 +843 674 2 879443394 +843 675 5 879443174 +843 679 4 879444851 +843 739 2 879447523 +843 800 4 879443482 +843 831 4 879444977 +843 860 3 879443443 +843 959 2 879447523 +843 1118 2 879448112 +843 1411 3 879449377 +843 1480 2 879449377 +844 7 3 877381784 +844 22 4 877386855 +844 24 5 877388183 +844 50 5 877388182 +844 56 4 877386897 +844 69 5 877388182 +844 70 4 877386990 +844 71 3 877388040 +844 89 3 877387857 +844 90 3 877387242 +844 97 3 877386855 +844 109 2 877381850 +844 117 4 877381450 +844 121 3 877382055 +844 144 3 877387825 +844 151 4 877381674 +844 154 3 877387052 +844 168 4 877386990 +844 179 3 877387548 +844 181 5 877388183 +844 184 3 877387769 +844 195 3 877387825 +844 210 4 877386928 +844 216 5 877388183 +844 228 3 877387858 +844 251 4 877381484 +844 258 4 877381147 +844 260 1 877381312 +844 300 3 877381268 +844 318 4 877382762 +844 326 3 877381268 +844 403 3 877387825 +844 423 3 877382762 +844 431 4 877387825 +844 511 3 877387825 +844 553 4 877387242 +844 597 3 877382339 +844 625 3 877388040 +844 627 3 877388040 +844 690 3 877381230 +844 778 4 877387195 +844 1039 4 877382717 +844 1099 2 877387391 +844 1474 4 877387195 +845 268 3 885409374 +845 269 4 885409493 +845 272 3 885409374 +845 302 3 885409374 +845 310 4 885409493 +845 311 4 885409493 +845 313 4 885409374 +845 346 3 885409493 +845 690 5 885409719 +845 750 3 885409719 +845 751 2 885409719 +845 877 2 885409719 +845 900 3 885409719 +845 903 4 885409493 +845 909 4 885409789 +845 1022 2 885409493 +845 1394 4 885409719 +845 1399 3 885409493 +845 1434 4 885409719 +845 1463 1 885409374 +845 1592 3 885409493 +846 2 5 883948949 +846 4 5 883948908 +846 8 4 883947861 +846 22 4 883948222 +846 23 4 883948089 +846 26 4 883949335 +846 29 2 883949508 +846 31 4 883948571 +846 33 5 883948571 +846 36 2 883950665 +846 42 5 883948606 +846 46 4 883949199 +846 50 5 883948003 +846 53 3 883950820 +846 55 5 883948642 +846 56 5 883948003 +846 57 2 883949121 +846 59 4 883948457 +846 60 4 883948606 +846 64 4 883948221 +846 66 4 883949290 +846 69 5 883947500 +846 71 4 883948141 +846 72 4 883950129 +846 76 4 883949200 +846 83 4 883947911 +846 86 5 883949290 +846 90 2 883950001 +846 91 4 883948417 +846 92 4 883948495 +846 94 4 883950711 +846 96 4 883947694 +846 102 2 883950286 +846 110 3 883950568 +846 127 5 883947911 +846 132 5 883948840 +846 133 4 883948534 +846 135 4 883947694 +846 136 3 883947861 +846 143 5 883948804 +846 168 5 883947737 +846 172 4 883949834 +846 178 4 883947630 +846 179 5 883948571 +846 180 5 883947630 +846 184 5 883949697 +846 185 5 883948534 +846 186 5 883948949 +846 188 3 883948642 +846 190 5 883947694 +846 191 5 883948048 +846 193 5 883948417 +846 196 4 883949290 +846 202 5 883949594 +846 205 5 883948141 +846 208 5 883949547 +846 209 4 883948377 +846 216 4 883948571 +846 217 4 883950022 +846 219 4 883948607 +846 227 4 883949698 +846 228 5 883947737 +846 229 3 883949771 +846 230 3 883948720 +846 231 2 883950711 +846 232 3 883949290 +846 238 5 883948377 +846 239 4 883947694 +846 241 4 883947911 +846 258 3 883946284 +846 268 4 883946938 +846 269 5 883946315 +846 289 4 883946548 +846 294 3 883946477 +846 317 3 883947778 +846 367 4 883949121 +846 377 2 883950155 +846 378 4 883948989 +846 382 3 883948989 +846 387 3 883950634 +846 388 3 883950950 +846 393 3 883949547 +846 398 1 883950753 +846 400 1 883950889 +846 401 5 883949643 +846 403 3 883948765 +846 404 4 883949046 +846 414 4 883949771 +846 415 2 883950605 +846 417 4 883950129 +846 423 4 883949335 +846 426 1 883949046 +846 427 4 883948948 +846 431 5 883947590 +846 433 4 883948457 +846 443 4 883948643 +846 449 3 883950950 +846 451 4 883949379 +846 452 3 883950950 +846 464 2 883947778 +846 468 4 883948949 +846 469 2 883949290 +846 479 4 883947694 +846 480 5 883947861 +846 482 5 883948173 +846 483 5 883948173 +846 484 5 883948048 +846 485 5 883947590 +846 486 5 883948948 +846 488 5 883948343 +846 492 3 883947737 +846 493 5 883947590 +846 494 5 883947590 +846 498 4 883947861 +846 499 4 883948840 +846 504 5 883948221 +846 505 5 883948343 +846 507 3 883947861 +846 516 4 883948457 +846 518 4 883948571 +846 519 4 883947694 +846 520 5 883947960 +846 524 3 883947819 +846 525 4 883947819 +846 528 5 883948417 +846 530 5 883948606 +846 540 2 883950711 +846 542 3 883950712 +846 552 4 883950634 +846 554 4 883949728 +846 555 2 883949508 +846 559 5 883949200 +846 565 2 883950712 +846 566 5 883948874 +846 570 4 883949698 +846 575 2 883950569 +846 578 3 883949200 +846 585 2 883949643 +846 588 4 883949380 +846 601 5 883947500 +846 603 5 883947960 +846 606 4 883948685 +846 608 4 883948377 +846 609 5 883949199 +846 610 4 883948221 +846 612 5 883949421 +846 622 4 883950220 +846 627 4 883949594 +846 640 1 883948642 +846 642 5 883950220 +846 648 5 883948343 +846 651 3 883948141 +846 654 5 883948089 +846 659 5 883948908 +846 663 4 883948873 +846 672 4 883949594 +846 673 4 883949422 +846 674 4 883949046 +846 675 2 883949379 +846 679 3 883948989 +846 684 5 883948141 +846 692 3 883949594 +846 697 5 883949254 +846 702 4 883949380 +846 708 3 883948685 +846 715 4 883949380 +846 716 3 883949508 +846 719 2 883949643 +846 720 4 883949643 +846 721 4 883948719 +846 723 2 883948949 +846 727 4 883948873 +846 731 3 883949594 +846 732 4 883948840 +846 736 4 883948874 +846 739 4 883949459 +846 746 3 883949254 +846 748 3 883946477 +846 751 5 883946938 +846 755 3 883950311 +846 770 5 883948606 +846 780 4 883949380 +846 786 4 883949771 +846 796 1 883950524 +846 810 3 883950434 +846 837 5 883948495 +846 849 3 883950129 +846 949 2 883949643 +846 967 3 883950791 +846 1004 3 883950791 +846 1018 4 883949421 +846 1029 1 883950859 +846 1035 4 883949771 +846 1044 4 883950820 +846 1045 3 883950364 +846 1050 4 883949046 +846 1055 3 883949459 +846 1066 3 883950568 +846 1069 4 883948221 +846 1074 3 883950859 +846 1101 3 883948685 +846 1107 4 883950128 +846 1110 3 883950390 +846 1118 5 883948495 +846 1133 2 883950711 +846 1148 3 883950220 +846 1168 4 883950569 +846 1179 2 883949121 +846 1182 2 883950488 +846 1188 2 883950524 +846 1209 1 883950858 +846 1239 2 883950634 +846 1248 4 883949254 +846 1267 3 883949728 +846 1286 4 883948173 +846 1311 2 883950712 +846 1411 4 883950364 +846 1451 4 883948089 +846 1473 5 883949335 +846 1518 2 883950186 +846 1540 3 883949121 +847 7 3 878775647 +847 11 3 878939876 +847 39 2 878940531 +847 71 4 878940653 +847 79 4 878941588 +847 82 4 878941466 +847 93 1 878775570 +847 95 4 878939503 +847 96 4 878940301 +847 99 2 878940013 +847 104 3 878939266 +847 108 2 878939266 +847 109 5 878938982 +847 118 3 878775982 +847 121 3 878775523 +847 144 4 878940189 +847 151 4 878775914 +847 153 4 878941496 +847 161 2 878940830 +847 168 4 878939912 +847 173 5 878940332 +847 176 3 878941398 +847 180 2 878939945 +847 183 4 878940332 +847 185 2 878939503 +847 198 4 878940161 +847 200 3 878940756 +847 202 4 878940255 +847 211 4 878940383 +847 216 3 878940356 +847 218 3 878940254 +847 225 1 878775647 +847 234 2 878939645 +847 238 2 878939975 +847 239 5 878940688 +847 243 1 878774856 +847 257 3 878775863 +847 258 5 878774722 +847 261 1 878774763 +847 288 4 878774722 +847 290 4 878775523 +847 301 5 878774832 +847 367 3 878940189 +847 372 5 878940189 +847 404 3 878940732 +847 405 3 878938982 +847 410 1 878938855 +847 411 1 878939349 +847 428 3 878940732 +847 434 3 878941520 +847 444 3 878940782 +847 448 4 878940013 +847 456 1 878939393 +847 473 2 878938855 +847 474 4 878941562 +847 476 4 878775961 +847 479 3 878940405 +847 485 3 878941539 +847 499 4 878940013 +847 527 2 878939536 +847 567 3 878940783 +847 645 3 878940132 +847 658 3 878940855 +847 732 4 878940510 +847 735 4 878940890 +847 756 1 878776020 +847 763 1 878775914 +847 826 3 878939266 +847 926 1 878938792 +847 948 1 878774764 +847 1007 4 878775444 +847 1012 1 878775729 +847 1050 3 878940618 +847 1086 4 878775404 +847 1137 5 878775404 +847 1160 4 878939153 +847 1172 1 878939803 +847 1204 3 878940757 +848 25 5 887046890 +848 32 5 887042871 +848 65 2 887038527 +848 69 2 887043340 +848 82 5 887039164 +848 89 5 887040097 +848 95 5 887041354 +848 99 3 887038397 +848 118 2 887047243 +848 125 5 887040159 +848 133 4 887047308 +848 135 4 887038022 +848 151 4 887043180 +848 152 5 887046166 +848 154 5 887038634 +848 162 2 887048541 +848 164 5 887043421 +848 165 5 887038397 +848 172 5 887038022 +848 179 5 887042377 +848 181 5 887046674 +848 185 3 887037861 +848 195 3 887040097 +848 196 5 887044238 +848 200 2 887040302 +848 202 5 887043040 +848 204 5 887039078 +848 207 5 887043265 +848 209 5 887038397 +848 214 5 887048573 +848 234 4 887037861 +848 265 4 887047808 +848 294 5 887037669 +848 318 5 887038231 +848 357 5 887038104 +848 419 5 887043421 +848 423 4 887038197 +848 428 5 887047809 +848 474 5 887038441 +848 476 3 887047674 +848 478 5 887039531 +848 480 5 887040025 +848 481 3 887038527 +848 490 5 887043514 +848 495 2 887039018 +848 496 2 887037980 +848 501 3 887048073 +848 509 4 887046674 +848 517 5 887043514 +848 529 5 887042871 +848 530 5 887043040 +848 584 3 887039531 +848 588 3 887043514 +848 603 5 887047308 +848 610 5 887046259 +848 615 5 887037980 +848 633 3 887043040 +848 638 5 887038073 +848 640 1 887037935 +848 642 5 887039164 +848 650 4 887037822 +848 679 3 887047674 +848 732 5 887048573 +848 747 5 887043777 +848 755 5 887046674 +848 845 5 887046565 +848 899 3 887037471 +848 971 5 887043421 +848 1021 5 887043777 +848 1101 5 887046533 +848 1118 5 887048573 +848 1126 5 887043265 +849 15 5 879695896 +849 27 5 879695469 +849 121 5 879695086 +849 143 5 879695515 +849 172 5 879695469 +849 174 5 879695469 +849 288 5 879695056 +849 298 5 879695086 +849 427 4 879695317 +849 568 4 879695317 +849 588 5 879695680 +849 633 5 879695420 +849 928 5 879695153 +850 8 5 883195055 +850 15 5 883195256 +850 22 5 883195527 +850 28 5 883195214 +850 56 1 883195034 +850 71 5 883195118 +850 82 5 883194950 +850 97 5 883195168 +850 121 5 883195055 +850 168 5 883195456 +850 172 5 883195301 +850 173 5 883195008 +850 174 5 883195419 +850 181 5 883195419 +850 202 4 883194737 +850 204 5 883194859 +850 208 5 883194973 +850 210 5 883195301 +850 228 5 883195394 +850 294 5 883194367 +850 300 5 883194367 +850 480 5 883194810 +850 490 5 883194859 +850 494 3 883195168 +850 519 4 883195168 +850 566 5 883195256 +850 568 5 883194768 +850 584 4 883195276 +850 648 5 883195527 +850 663 2 883194768 +850 742 5 883195214 +850 969 5 883194908 +851 10 3 875730030 +851 11 5 875731441 +851 27 4 875806765 +851 31 4 875807058 +851 50 5 891961663 +851 68 3 875731722 +851 71 4 875731567 +851 79 4 875731722 +851 109 4 875730379 +851 111 3 874767408 +851 121 4 874728565 +851 122 2 875731105 +851 123 4 875730379 +851 125 4 875730826 +851 129 4 875730379 +851 132 4 875731370 +851 144 5 875806849 +851 147 4 874728461 +851 153 3 875806683 +851 157 4 875731605 +851 172 5 875731567 +851 182 5 875731406 +851 192 4 875731441 +851 228 4 875731776 +851 238 5 875731330 +851 240 4 875730629 +851 250 5 875730379 +851 255 3 890343651 +851 258 4 883148669 +851 264 2 890343477 +851 271 5 883148692 +851 272 5 891961663 +851 273 5 891961663 +851 290 4 874728430 +851 291 4 875730244 +851 299 4 886534617 +851 301 3 890343401 +851 304 3 877831020 +851 307 4 878574215 +851 313 4 883148627 +851 330 3 884205246 +851 331 3 877830970 +851 338 3 891961750 +851 342 2 888540205 +851 343 2 883148773 +851 346 5 884831499 +851 347 5 891961663 +851 352 1 890343544 +851 353 3 890862878 +851 355 4 888540240 +851 363 4 875730629 +851 367 2 875731674 +851 405 5 874767550 +851 406 2 875731674 +851 411 3 875731021 +851 412 2 875731105 +851 455 3 875730379 +851 527 5 891961663 +851 531 3 875731189 +851 544 4 874728396 +851 564 3 875806892 +851 588 4 875731529 +851 595 3 875731021 +851 619 4 875730629 +851 680 3 886534717 +851 682 1 890804746 +851 685 4 875731022 +851 693 5 875731816 +851 696 3 874728338 +851 742 5 874767519 +851 748 3 874788804 +851 760 4 875730418 +851 772 3 875807019 +851 826 4 875730719 +851 828 2 875730482 +851 841 3 875730757 +851 866 3 875730895 +851 879 4 875729820 +851 881 3 875729751 +851 892 2 886534635 +851 915 5 893090752 +851 916 3 891961195 +851 932 3 875730455 +851 974 2 875730979 +851 975 2 875731105 +851 977 3 875730533 +851 981 1 875730826 +851 983 2 875731021 +851 987 1 875730601 +851 1009 2 874789084 +851 1016 5 891961664 +851 1025 2 884205201 +851 1028 3 875730686 +851 1034 1 875731105 +851 1047 3 874789005 +851 1089 3 875730418 +851 1094 1 875730455 +851 1132 3 875730757 +851 1245 4 875730826 +851 1277 2 875730418 +851 1314 1 890862741 +852 7 3 891036485 +852 50 5 891036414 +852 118 4 891037262 +852 127 4 891035544 +852 151 4 891036922 +852 181 4 891036414 +852 257 4 891036414 +852 260 3 891036414 +852 274 3 891036369 +852 289 2 891035325 +852 323 3 891036039 +852 405 3 891037262 +852 408 5 891036843 +852 473 3 891036884 +852 515 5 891036414 +852 546 4 891037245 +852 597 3 891037562 +852 678 3 891036414 +852 681 4 891036414 +852 685 3 891036435 +852 820 4 891037754 +852 825 3 891037586 +852 840 3 891036866 +852 841 4 891037625 +852 930 3 891037777 +852 969 5 891037917 +852 1052 4 891037888 +853 245 3 879365091 +853 258 3 879364883 +853 259 3 879365034 +853 264 3 879365169 +853 271 3 879364668 +853 286 3 879364668 +853 288 4 879364822 +853 292 4 879364669 +853 294 2 879365035 +853 299 4 879365092 +853 300 5 879364744 +853 301 1 879364744 +853 302 4 879364669 +853 323 3 879364883 +853 326 2 879364955 +853 327 3 879364955 +853 328 3 879364744 +853 330 1 879365091 +853 331 2 879364822 +853 332 3 879364822 +853 358 1 879365035 +853 678 4 879365170 +853 688 3 879365169 +853 748 2 879364883 +853 873 3 879365091 +853 877 2 879364882 +853 879 4 879364955 +853 887 2 879365169 +853 1025 4 879365360 +853 1280 4 879365091 +854 3 1 882813047 +854 4 2 882814436 +854 7 4 882812352 +854 8 5 882814571 +854 9 5 882814570 +854 12 5 882813990 +854 15 3 882812451 +854 22 2 882813691 +854 23 4 882813647 +854 24 4 882812352 +854 32 4 882813574 +854 49 4 882814665 +854 50 4 882812102 +854 55 4 882814467 +854 64 5 882814121 +854 69 4 882814395 +854 79 4 882814298 +854 86 3 882814436 +854 87 4 882814063 +854 93 5 882814571 +854 96 3 882814467 +854 100 5 882812225 +854 117 3 882812755 +854 118 2 882813219 +854 122 3 882813287 +854 125 3 882813099 +854 126 3 882812826 +854 127 4 882813933 +854 129 3 882812165 +854 133 3 882814091 +854 134 4 882813825 +854 135 4 882813933 +854 144 3 882814298 +854 147 3 882812492 +854 170 4 882813537 +854 176 3 882813877 +854 186 3 882814298 +854 188 4 882814368 +854 191 4 882813825 +854 195 3 882813537 +854 200 5 882814121 +854 216 3 882814028 +854 220 4 882813248 +854 223 4 882814177 +854 225 1 882813364 +854 237 3 882812406 +854 238 5 882813648 +854 244 3 882812826 +854 246 3 882812195 +854 250 4 882812376 +854 255 1 882812852 +854 257 3 882812877 +854 264 1 882811888 +854 268 3 882811865 +854 270 4 882811810 +854 273 4 882812852 +854 274 3 882812906 +854 281 3 882813047 +854 283 3 882812492 +854 285 4 882812165 +854 287 3 882813143 +854 288 5 882814571 +854 289 2 882811962 +854 291 2 882813074 +854 293 5 882812102 +854 294 2 882811742 +854 303 3 882811810 +854 318 5 882813825 +854 324 3 882811937 +854 333 3 882811742 +854 358 2 882812001 +854 382 4 882813761 +854 405 4 882812755 +854 409 2 882813421 +854 423 4 882813963 +854 455 2 882812906 +854 458 3 882812826 +854 461 3 882814298 +854 463 3 882814395 +854 475 4 882812352 +854 483 4 882813691 +854 484 3 882814368 +854 487 4 882813990 +854 488 4 882813761 +854 499 4 882813537 +854 505 4 882813600 +854 511 4 882814298 +854 535 3 882813364 +854 537 3 882813797 +854 591 2 882812451 +854 597 2 882813143 +854 603 4 882813600 +854 604 4 882813601 +854 616 4 882813877 +854 619 2 882812376 +854 664 4 882814091 +854 735 3 882813990 +854 744 2 882812787 +854 815 2 882812981 +854 823 2 882813316 +854 829 2 882813287 +854 840 2 882813364 +854 846 3 882813453 +854 919 4 882812406 +854 922 5 882813143 +854 924 4 882812314 +854 925 2 882813179 +854 928 3 882813143 +854 979 4 882813315 +854 1014 3 882813315 +854 1061 1 882813421 +854 1077 3 882813907 +854 1086 3 882812195 +854 1134 3 882812787 +854 1197 3 882812263 +854 1677 3 882814368 +855 45 3 879825383 +855 60 3 879825528 +855 86 2 879825462 +855 165 4 879825382 +855 179 3 879825528 +855 198 4 879825613 +855 283 3 879825383 +855 529 4 879825613 +855 531 3 879825614 +855 1021 3 879825578 +856 258 4 891489356 +856 310 3 891489217 +856 313 5 891489217 +856 315 5 891489250 +856 322 4 891489593 +856 323 2 891489593 +856 326 2 891489450 +856 678 3 891489666 +856 688 2 891489666 +856 690 4 891489356 +856 749 3 891489450 +856 750 5 891489250 +856 879 3 891489450 +857 14 4 883432633 +857 19 4 883432633 +857 24 1 883432711 +857 116 5 883432663 +857 258 5 883432193 +857 259 4 883432397 +857 275 5 883432663 +857 283 5 883432633 +857 294 3 883432251 +857 300 3 883432251 +857 321 4 883432352 +857 325 1 883432397 +857 348 1 883432170 +857 475 5 883432663 +857 547 3 883432633 +857 687 1 883432470 +857 898 5 883432141 +857 988 2 883432423 +858 100 3 880932746 +858 181 2 879460595 +858 269 4 879458608 +858 286 4 879458829 +858 289 3 879459337 +858 292 3 879459087 +858 307 3 880933013 +858 331 3 880932343 +858 334 4 880933072 +858 690 3 879459087 +859 15 4 885776056 +859 25 4 885776056 +859 111 4 885776056 +859 249 5 885775086 +859 276 4 885776056 +859 287 5 885775358 +859 293 4 885776056 +859 294 3 885775218 +859 368 3 885775880 +859 421 5 885776384 +859 535 5 885774867 +859 762 5 885775437 +859 846 5 885775612 +859 928 3 885775473 +859 955 5 885776352 +859 1014 4 885775564 +859 1061 4 885776056 +859 1095 2 885775513 +859 1132 3 885775513 +859 1281 3 885774937 +859 1315 4 885775251 +860 4 4 885991163 +860 49 2 885991316 +860 56 4 885990862 +860 153 4 885990965 +860 159 3 889984855 +860 202 4 885990932 +860 211 3 885990998 +860 245 3 880829225 +860 272 3 885145344 +860 274 3 885991476 +860 283 4 885990998 +860 285 5 885990901 +860 286 4 874967063 +860 289 3 880829225 +860 294 2 880829225 +860 300 4 874967063 +860 301 2 880829226 +860 303 3 876074139 +860 305 4 878567538 +860 311 4 882120528 +860 313 4 885145375 +860 316 3 889627165 +860 333 3 876074177 +860 347 4 886424396 +860 381 3 885990998 +860 514 5 885991040 +860 690 4 876750421 +860 715 4 885991198 +860 716 2 887754411 +860 846 2 887754411 +860 890 2 880829225 +860 900 3 886354648 +860 949 3 885991163 +860 1041 2 887754411 +860 1061 3 879169685 +860 1602 3 893009852 +861 14 4 881274612 +861 52 5 881274718 +861 83 5 881274672 +861 86 5 881274630 +861 170 5 881274672 +861 179 1 881274672 +861 275 5 881274612 +861 289 5 881274504 +861 294 3 881274504 +861 301 4 881274504 +861 382 5 881274780 +861 531 4 881274529 +861 547 4 881274857 +861 584 5 881274815 +861 714 4 881274899 +861 736 4 881274672 +861 949 4 881274937 +861 1148 3 881274913 +861 1227 4 881274936 +862 11 4 879305172 +862 22 5 879304571 +862 24 4 879302990 +862 50 5 879304196 +862 56 3 879305204 +862 60 5 879305143 +862 64 5 879304326 +862 70 4 879305172 +862 79 5 879304623 +862 100 5 879304196 +862 105 3 879303346 +862 111 5 879302844 +862 117 5 879302844 +862 121 5 879304196 +862 127 5 879304196 +862 141 4 879305237 +862 143 5 879304722 +862 147 5 879304196 +862 168 4 879304526 +862 172 5 879304243 +862 173 5 879304484 +862 175 5 879305172 +862 179 5 879304410 +862 181 5 879305143 +862 182 5 879304526 +862 183 5 879304834 +862 184 2 879305097 +862 187 4 879304672 +862 193 4 879304326 +862 198 5 879304484 +862 199 5 879304761 +862 200 5 879304980 +862 201 3 879304326 +862 203 4 879305312 +862 210 4 879304410 +862 214 3 879304834 +862 215 4 879304624 +862 216 5 879304410 +862 228 5 879305097 +862 230 3 879305273 +862 271 5 879302763 +862 276 5 879303079 +862 288 5 879302533 +862 357 3 879305204 +862 405 2 879303123 +862 407 3 879303843 +862 413 4 879303952 +862 416 3 879305351 +862 429 5 879304526 +862 431 5 879305312 +862 433 4 879304445 +862 434 5 879304410 +862 436 4 879305386 +862 462 4 879304624 +862 474 5 879304722 +862 476 4 879303622 +862 478 4 879305016 +862 479 4 879305351 +862 480 5 879304761 +862 484 4 879304571 +862 491 3 879304799 +862 505 4 879305016 +862 526 4 879304623 +862 597 3 879303697 +862 603 5 879304445 +862 657 5 879304369 +862 737 4 879305386 +862 742 5 879303298 +862 820 4 879303774 +862 831 3 879303542 +862 919 4 879303409 +862 928 4 879303542 +862 974 2 879304113 +862 977 4 879302877 +862 978 3 879303591 +862 982 4 879303622 +862 1011 5 879303123 +862 1093 5 879304196 +862 1110 5 879305386 +862 1117 4 879303668 +862 1199 2 879303729 +863 242 4 889289570 +863 258 5 889289122 +863 262 3 889289618 +863 264 3 889289385 +863 268 5 889289240 +863 270 3 889288943 +863 288 4 889288911 +863 294 4 889289327 +863 299 2 889289385 +863 301 4 889289240 +863 303 1 889288911 +863 305 4 889289122 +863 306 5 889289570 +863 313 5 889288910 +863 315 5 889288910 +863 321 4 889289157 +863 324 5 889289385 +863 326 5 889289157 +863 327 5 889289327 +863 328 5 889288943 +863 330 2 889289191 +863 332 4 889288943 +863 333 5 889289123 +863 339 3 889289353 +863 340 3 889288911 +863 342 1 889289241 +863 346 5 889288911 +863 349 1 889289457 +863 352 1 889289491 +863 361 5 889289618 +863 682 3 889289491 +863 690 4 889289067 +863 691 3 889289067 +863 748 3 889289456 +863 749 2 889289419 +863 751 4 889289122 +863 752 4 889289277 +863 754 3 889289067 +863 872 2 889289240 +863 873 2 889289491 +863 877 1 889289277 +863 879 2 889289123 +863 882 4 889289570 +863 898 1 889288973 +863 900 3 889289067 +863 902 5 889289456 +863 903 3 889289570 +863 910 2 889289570 +863 1022 2 889289569 +863 1024 3 889289619 +863 1038 1 889289327 +863 1062 4 889289570 +863 1234 3 889289619 +863 1237 4 889289618 +863 1243 4 889289277 +863 1294 4 889289618 +863 1313 1 889289067 +863 1434 2 889289618 +863 1607 2 889288973 +863 1678 1 889289570 +863 1679 3 889289491 +864 1 5 877214125 +864 2 4 888889657 +864 7 5 878179608 +864 11 5 888887502 +864 12 5 888886984 +864 13 4 877214125 +864 22 5 888888937 +864 29 4 888891794 +864 31 4 888888202 +864 38 3 888891628 +864 43 3 888891524 +864 44 4 888890144 +864 47 5 888887502 +864 48 5 888886945 +864 50 5 877214085 +864 53 4 888891794 +864 54 4 888891473 +864 56 5 888887097 +864 62 4 888889035 +864 63 3 888893088 +864 64 5 888887830 +864 67 4 888891190 +864 70 4 888888168 +864 71 3 888889389 +864 72 4 888891288 +864 86 4 888890547 +864 87 5 888887403 +864 91 5 888887172 +864 93 3 888889948 +864 94 4 888891423 +864 98 5 888886946 +864 99 3 888890730 +864 100 5 877214125 +864 102 4 888890997 +864 106 3 877214236 +864 114 5 888888168 +864 123 4 888890594 +864 124 5 877214158 +864 132 5 888887128 +864 134 5 888887013 +864 136 4 888886913 +864 137 4 878179514 +864 140 3 888892016 +864 144 5 888887830 +864 161 4 888891288 +864 163 4 888888680 +864 168 4 888888067 +864 173 5 888889129 +864 176 5 888887289 +864 178 4 888887248 +864 181 5 888887984 +864 182 3 888886913 +864 184 4 888890775 +864 191 4 888887869 +864 202 5 888887354 +864 208 4 888888994 +864 209 3 888887172 +864 210 4 888887469 +864 215 4 888888994 +864 216 4 888886882 +864 217 4 888891524 +864 218 4 888890316 +864 219 4 888889129 +864 222 4 888887502 +864 227 4 888889510 +864 229 4 888891836 +864 231 3 888891288 +864 234 4 888887658 +864 238 5 888890432 +864 245 4 887686369 +864 250 3 891044057 +864 273 5 878179555 +864 276 5 878179411 +864 286 5 890463283 +864 294 4 878179381 +864 317 4 888887128 +864 349 4 887686388 +864 356 4 888889268 +864 382 3 888887437 +864 386 3 888891288 +864 391 4 888893224 +864 401 4 888893271 +864 405 5 877214158 +864 408 5 877214085 +864 419 4 888887984 +864 422 3 888892968 +864 432 2 888887502 +864 466 4 888887794 +864 471 5 888888862 +864 476 2 888892917 +864 483 5 888886913 +864 496 5 888887944 +864 501 3 888891836 +864 511 4 888886846 +864 523 4 888888202 +864 526 4 888889784 +864 541 2 888892667 +864 562 4 888891794 +864 566 4 888889601 +864 568 4 888888115 +864 577 3 888892917 +864 578 3 888889948 +864 588 3 888887289 +864 596 4 888890001 +864 603 4 888888025 +864 623 3 888889035 +864 628 4 888890639 +864 642 3 888890432 +864 658 2 888890690 +864 693 4 888888168 +864 708 3 888889863 +864 710 2 888888115 +864 716 2 888889744 +864 720 3 888891238 +864 722 2 888892091 +864 747 3 888890380 +864 770 3 888891322 +864 775 1 888891473 +864 780 2 888892968 +864 789 4 888886946 +864 794 3 888889268 +864 892 3 887686497 +864 951 3 888891288 +864 966 4 888888994 +864 969 4 888887172 +864 972 2 888890475 +864 1016 4 877214125 +864 1047 3 888888680 +864 1101 4 888887502 +864 1119 3 888890548 +864 1135 3 888890594 +864 1210 2 888892667 +864 1217 3 888889327 +864 1228 3 888892375 +864 1303 2 888890997 +864 1412 1 888892461 +864 1446 3 888889948 +864 1531 3 888890690 +865 7 5 880143425 +865 21 2 880144229 +865 24 4 880143612 +865 91 3 880235059 +865 101 1 880235099 +865 111 1 880144123 +865 117 2 880143746 +865 121 1 880144024 +865 122 3 880144539 +865 169 5 880235059 +865 189 4 880235059 +865 240 2 880143680 +865 245 3 880235263 +865 268 4 880142652 +865 294 4 880235263 +865 302 5 880142614 +865 328 3 880142857 +865 432 1 880235059 +865 472 1 880144229 +865 597 1 880144368 +865 676 2 880144153 +865 825 1 880144123 +865 845 1 880144123 +865 919 5 880143713 +865 928 1 880144368 +865 929 2 880144539 +865 1011 1 880144405 +865 1028 1 880144024 +866 242 3 891221165 +866 300 1 891220881 +866 302 2 891220955 +866 305 2 891221006 +866 306 4 891221165 +866 319 4 891221302 +866 321 3 891221302 +866 887 3 891221165 +867 9 5 880078958 +867 11 3 880078547 +867 22 5 880078424 +867 23 5 880078723 +867 50 5 880078027 +867 64 5 880078547 +867 68 4 880079020 +867 79 4 880079142 +867 96 5 880078656 +867 98 5 880078937 +867 117 3 880079117 +867 135 5 880079065 +867 150 5 880078677 +867 168 4 880078604 +867 174 5 880078991 +867 175 5 880078818 +867 176 3 880079094 +867 181 5 880078050 +867 183 3 880078863 +867 186 5 880078937 +867 195 5 880078452 +867 196 3 880079043 +867 207 5 880079094 +867 210 5 880078547 +867 211 3 880078484 +867 216 3 880079043 +867 228 5 880078958 +867 250 4 880078091 +867 252 2 880078179 +867 258 3 880077751 +867 270 5 880077780 +867 276 1 880079020 +867 289 5 880077950 +867 295 4 880078069 +867 318 5 880078424 +867 323 3 880077951 +867 431 4 880078841 +867 475 5 880078656 +867 480 5 880078401 +867 498 4 880078401 +867 511 5 880078371 +867 524 5 880078604 +867 588 3 880078887 +867 650 5 880078818 +867 651 5 880079065 +867 655 4 880078906 +867 657 5 880078769 +867 660 4 880078723 +867 956 4 880079142 +867 1608 2 880078110 +868 1 4 877103320 +868 23 5 877104949 +868 47 2 877108302 +868 50 5 877103449 +868 56 3 877107143 +868 59 4 877103757 +868 73 1 877108220 +868 81 4 877107373 +868 89 4 877107446 +868 90 3 877109874 +868 91 3 877107817 +868 94 1 877109814 +868 96 2 877107056 +868 98 4 877103371 +868 101 4 877109996 +868 109 3 877107627 +868 117 2 877110332 +868 121 2 877111542 +868 122 3 877113586 +868 128 5 877108123 +868 132 4 877103195 +868 136 5 877104414 +868 150 5 877103834 +868 151 5 877104879 +868 156 3 877103834 +868 159 2 877107416 +868 160 4 877104414 +868 164 2 877104157 +868 167 1 877110191 +868 173 4 877107961 +868 176 4 877103248 +868 178 5 877103714 +868 179 4 877107056 +868 180 4 877104913 +868 181 5 877103280 +868 183 5 877104414 +868 184 3 877107730 +868 187 4 877107284 +868 188 3 877103320 +868 189 5 877109300 +868 195 2 877104212 +868 198 5 877103757 +868 201 2 877104264 +868 202 3 877104264 +868 204 2 877105882 +868 206 5 877108352 +868 208 3 877108624 +868 209 4 877103195 +868 210 5 877103248 +868 214 3 877106470 +868 217 2 877109895 +868 219 2 877107817 +868 225 1 877111453 +868 227 1 877110060 +868 228 5 877103935 +868 229 3 877111154 +868 232 1 877109082 +868 233 2 877109566 +868 240 5 877107373 +868 265 3 877108302 +868 273 3 877107284 +868 358 2 877103098 +868 398 1 877109082 +868 402 1 877113412 +868 403 2 877111837 +868 408 5 877103935 +868 410 3 877104414 +868 412 5 877112001 +868 417 1 877108087 +868 419 3 877103449 +868 423 2 877107373 +868 427 4 877103679 +868 436 3 877104913 +868 447 2 877107284 +868 448 2 877110401 +868 449 3 877113540 +868 452 2 877111394 +868 455 5 877103410 +868 470 1 877107924 +868 474 4 877105882 +868 475 4 877104987 +868 480 4 877103280 +868 501 3 877103449 +868 524 3 877107730 +868 562 2 877112440 +868 567 1 877113481 +868 568 1 877107847 +868 581 2 877109748 +868 615 4 877109375 +868 621 2 877103449 +868 651 5 877103249 +868 658 3 877108742 +868 662 2 877103714 +868 685 1 877111394 +868 738 2 877108624 +868 739 2 877111542 +868 746 2 877109082 +868 825 1 877109435 +868 919 4 877103757 +868 922 5 877106505 +868 998 2 877112063 +868 1028 3 877103195 +868 1031 1 877109535 +868 1035 1 877107817 +868 1098 5 877107416 +868 1480 1 877111932 +869 13 3 884491199 +869 15 1 884491993 +869 50 4 884490892 +869 118 1 884492338 +869 126 2 884491927 +869 181 3 884490825 +869 240 4 884491734 +869 242 2 884490097 +869 269 4 884493279 +869 284 1 884491966 +869 294 3 884490151 +869 310 4 884493279 +869 312 2 884490251 +869 411 4 884492828 +869 412 5 884493279 +869 596 3 884491734 +869 756 1 884492780 +869 846 2 884492201 +869 1134 1 884492445 +869 1382 3 884492201 +870 2 2 879714351 +870 6 4 875680311 +870 10 4 879376967 +870 17 4 880584752 +870 22 4 875680165 +870 23 4 875050865 +870 28 4 875680258 +870 38 3 879714608 +870 42 2 879270213 +870 45 5 875679795 +870 48 4 875050603 +870 51 2 879714500 +870 52 2 880584400 +870 54 2 879714458 +870 56 5 875050826 +870 66 4 875680493 +870 68 3 879714087 +870 69 4 875050603 +870 77 3 879714103 +870 79 4 879270313 +870 90 4 875680668 +870 92 4 875679861 +870 96 4 879270357 +870 131 4 875050865 +870 134 4 875050697 +870 154 4 876319311 +870 171 4 875050698 +870 174 5 875050698 +870 179 4 875680165 +870 181 4 875680119 +870 185 4 875050672 +870 186 4 875680186 +870 192 5 889717102 +870 194 3 875679795 +870 195 4 875050602 +870 209 4 875680546 +870 210 4 879270313 +870 216 4 875680520 +870 218 4 889717102 +870 219 2 879714351 +870 238 4 875050865 +870 239 3 875680597 +870 244 3 875051043 +870 255 2 889409590 +870 272 4 890920916 +870 276 4 889717102 +870 302 4 878737704 +870 327 4 875050410 +870 328 3 875050410 +870 332 2 879982785 +870 381 3 889409590 +870 384 3 875680597 +870 385 3 879714159 +870 386 4 880584752 +870 395 3 879901999 +870 396 3 875680668 +870 401 3 880584584 +870 431 3 885586224 +870 443 3 882123736 +870 447 4 879713953 +870 462 4 875679860 +870 466 4 878737789 +870 470 3 879901727 +870 471 4 885071869 +870 481 4 875680046 +870 483 5 880584497 +870 487 4 879270313 +870 494 3 879865875 +870 499 4 879713935 +870 504 5 880584497 +870 505 4 880584752 +870 511 3 881001249 +870 517 2 875680597 +870 520 5 875050559 +870 521 3 875679795 +870 527 5 875679687 +870 528 4 875050801 +870 549 2 879270213 +870 550 3 879714310 +870 554 2 879714800 +870 559 2 879714532 +870 566 2 882123618 +870 568 4 879714588 +870 591 2 879270212 +870 603 5 875050723 +870 641 4 875050524 +870 642 4 875680258 +870 646 4 875050524 +870 649 4 889717102 +870 658 4 875679992 +870 663 3 879540005 +870 673 5 875679721 +870 697 4 875050603 +870 704 3 879714532 +870 715 3 875680597 +870 770 4 875679992 +870 781 3 881001249 +870 789 4 879705466 +870 792 3 879540005 +870 810 3 879714883 +870 813 4 875051101 +870 856 3 879715002 +870 873 2 875050370 +870 949 3 881001249 +870 952 3 880584584 +870 959 4 875680046 +870 988 2 875050439 +870 1006 2 881001249 +870 1041 2 879270213 +870 1042 2 879902127 +870 1112 2 879714902 +870 1118 3 881001249 +870 1134 4 879376967 +870 1208 2 879902128 +870 1267 2 879270213 +871 17 3 888193275 +871 22 5 888193177 +871 27 2 888193275 +871 50 5 888193275 +871 56 5 888193177 +871 92 3 888193338 +871 96 5 888193177 +871 121 4 888193275 +871 127 5 888193081 +871 173 5 888193383 +871 174 5 888193176 +871 177 5 888193336 +871 183 3 888193177 +871 197 3 888193385 +871 202 4 888193385 +871 213 3 888193386 +871 237 3 888193386 +871 241 3 888193385 +871 245 3 888192475 +871 258 5 888192970 +871 259 3 888192971 +871 270 5 888192858 +871 272 2 888192859 +871 275 3 888193384 +871 302 5 888192970 +871 307 3 888192315 +871 313 5 888192858 +871 315 3 888192286 +871 335 3 888192475 +871 337 3 888192475 +871 345 3 888192859 +871 346 3 888192859 +871 435 3 888193336 +871 511 2 888193177 +871 515 4 888193176 +871 547 3 888193136 +871 549 3 888193541 +871 575 5 888192909 +871 690 3 888192315 +871 747 3 888193541 +871 750 3 888192689 +871 751 4 888192744 +871 781 4 888193541 +871 794 3 888193541 +871 813 3 888193136 +871 876 3 888192689 +871 883 3 888192475 +871 895 3 888192689 +871 896 3 888192858 +871 908 3 888192745 +871 947 2 888193177 +871 1022 3 888192689 +871 1024 3 888192689 +871 1119 3 888193384 +871 1137 3 888193541 +871 1197 3 888193136 +871 1345 3 888193136 +871 1385 3 888193136 +871 1388 4 888193136 +872 1 3 888479151 +872 106 3 888479624 +872 111 4 888479151 +872 118 4 888479560 +872 237 4 888479275 +872 258 4 888478698 +872 274 3 888479560 +872 280 3 888479275 +872 288 5 888478743 +872 310 4 888478698 +872 323 2 888480019 +872 328 4 888478822 +872 332 3 888480019 +872 350 3 888478840 +872 363 4 888479582 +872 597 4 888479370 +872 742 4 888479171 +872 748 3 888478942 +872 763 3 888479405 +872 815 4 888479434 +872 864 3 888479498 +872 895 5 888478882 +872 925 4 888479654 +872 932 4 888479498 +872 977 3 888479737 +872 1028 3 888479434 +872 1047 4 888479603 +872 1061 4 888479701 +873 258 3 891392818 +873 292 5 891392177 +873 294 4 891392303 +873 300 4 891392238 +873 750 3 891392303 +874 14 4 888632411 +874 116 4 888632484 +874 124 4 888632411 +874 150 4 888632448 +874 191 4 888633311 +874 197 4 888633310 +874 276 4 888632484 +874 289 4 888633197 +874 306 4 888632194 +874 321 3 888632275 +874 325 2 888633197 +874 340 3 888632194 +874 748 3 888633197 +875 4 3 876466687 +875 12 5 876465230 +875 50 5 876465370 +875 64 5 876465275 +875 71 2 876465336 +875 96 4 876465144 +875 98 5 876464967 +875 133 4 876464967 +875 169 5 876465025 +875 171 5 876465370 +875 172 4 876465072 +875 173 5 876465111 +875 174 5 876465025 +875 176 4 876465112 +875 181 4 876465335 +875 183 5 876465144 +875 185 4 876466687 +875 258 4 876464694 +875 268 4 876464755 +875 289 4 876464800 +875 300 3 876464800 +875 321 3 876464755 +875 333 5 876464801 +875 334 4 876464800 +875 461 4 876466687 +875 474 5 876465188 +875 478 4 876465025 +875 481 5 876465370 +875 496 4 876465144 +875 501 4 876465335 +875 504 5 876465275 +875 511 5 876465188 +875 512 5 876465408 +875 514 5 876465112 +875 527 4 876465230 +875 582 5 876465408 +875 651 5 876466687 +875 654 4 876465230 +875 692 2 876465230 +875 753 3 876465188 +875 772 5 876465188 +875 923 5 876465370 +875 1073 5 876465230 +875 1422 3 876465274 +876 19 5 879428354 +876 48 5 879428481 +876 178 4 879428378 +876 187 4 879428354 +876 238 4 879428406 +876 276 4 879428354 +876 294 4 879428145 +876 529 4 879428451 +877 31 4 882678483 +877 55 4 882678512 +877 59 5 882677012 +877 60 5 882677183 +877 70 5 882677012 +877 79 4 882678387 +877 83 3 882677085 +877 111 3 882677967 +877 170 5 882677012 +877 176 5 882678484 +877 197 4 882677827 +877 203 4 882678427 +877 216 4 882677827 +877 226 3 882678547 +877 237 4 882677827 +877 258 4 882676234 +877 269 4 882676098 +877 270 4 882676054 +877 271 4 882676507 +877 274 4 882678105 +877 275 4 882677183 +877 286 2 882675993 +877 300 3 882676366 +877 328 2 882676366 +877 333 4 882676259 +877 340 3 882676395 +877 381 4 882677345 +877 382 3 882677012 +877 402 3 882677997 +877 515 5 882677640 +877 538 4 882676533 +877 566 4 882678547 +877 582 2 882677280 +877 640 2 882677311 +877 702 4 882677386 +877 732 4 882677898 +877 737 1 882677749 +877 748 4 882676423 +877 921 4 882677128 +877 949 3 882677440 +877 955 4 882677936 +878 8 3 880866288 +878 15 4 880872273 +878 20 2 880865715 +878 22 2 880866918 +878 50 4 880865562 +878 60 4 880867035 +878 66 3 880869354 +878 70 3 880868035 +878 71 4 880870130 +878 82 3 880870609 +878 99 4 880870130 +878 100 2 880865661 +878 116 2 880869638 +878 126 3 880865940 +878 137 3 880865562 +878 140 2 880870486 +878 151 1 880870609 +878 165 4 880866241 +878 172 4 880870854 +878 175 2 880869911 +878 181 3 880865770 +878 197 4 880866971 +878 204 2 880869911 +878 212 3 880867987 +878 213 3 880867854 +878 225 3 880870765 +878 274 3 880869003 +878 275 4 880865469 +878 283 3 880868035 +878 286 4 880865183 +878 317 4 880866054 +878 371 3 880869239 +878 402 4 880869303 +878 416 5 880870854 +878 427 5 880872394 +878 435 4 880866103 +878 474 5 880868819 +878 481 5 880870854 +878 496 5 880867387 +878 509 4 880866288 +878 511 4 880866810 +878 517 4 880866687 +878 530 5 880872619 +878 531 2 880866564 +878 582 4 880866810 +878 588 2 880870048 +878 642 3 880866971 +878 655 3 880866687 +878 659 4 880870854 +878 692 4 880869191 +878 707 2 880866409 +878 736 5 880868035 +878 794 4 880869418 +878 949 3 880871600 +878 1065 1 880871600 +879 1 4 887761865 +879 15 4 887761865 +879 127 5 887761249 +879 151 3 887761425 +879 222 4 887761460 +879 237 4 887761309 +879 282 4 887761865 +879 300 3 887760802 +879 597 2 887761229 +879 763 5 887761425 +879 866 5 887761460 +879 1284 3 887761562 +880 2 3 880167732 +880 4 4 880167843 +880 8 4 880174677 +880 11 4 880167695 +880 12 5 880175622 +880 21 2 880174961 +880 22 4 880167695 +880 29 2 880167965 +880 40 2 880174904 +880 42 5 880174808 +880 44 4 880243712 +880 50 5 880167175 +880 54 3 880242503 +880 55 3 880167778 +880 65 4 880241977 +880 68 5 880167843 +880 69 4 880175646 +880 71 4 880241289 +880 72 3 880174996 +880 79 4 880167670 +880 80 2 880175050 +880 87 4 880241913 +880 88 3 880174705 +880 90 3 880174858 +880 92 4 880167778 +880 99 3 880241219 +880 100 5 880166966 +880 111 4 880167132 +880 117 4 880166872 +880 118 3 880167551 +880 123 4 880167247 +880 124 5 880166847 +880 128 3 880167806 +880 140 4 880243001 +880 144 5 880167670 +880 156 4 880243680 +880 173 3 880174780 +880 176 5 880167731 +880 180 5 880241822 +880 181 5 880166719 +880 182 5 880167670 +880 185 5 880241355 +880 188 4 880167842 +880 195 4 880167670 +880 204 5 880174652 +880 217 4 880241411 +880 222 4 880166990 +880 228 3 880167843 +880 232 4 880167806 +880 233 4 880167918 +880 235 3 880166990 +880 237 4 880166798 +880 243 2 892958608 +880 245 2 892958350 +880 252 2 880167551 +880 254 2 880167599 +880 258 4 880166499 +880 269 4 892958090 +880 272 5 892958036 +880 276 4 880166872 +880 280 2 880243204 +880 288 4 880166451 +880 293 4 880166872 +880 295 5 892958887 +880 299 4 892958517 +880 301 4 880166557 +880 307 4 892958090 +880 316 5 892958128 +880 327 3 880166475 +880 346 5 892958128 +880 347 5 892958301 +880 348 4 892958376 +880 363 4 880167200 +880 365 2 880242660 +880 367 4 880174730 +880 368 1 880175503 +880 375 1 880242782 +880 386 3 880174995 +880 392 3 880242475 +880 396 2 880174995 +880 398 3 880167965 +880 402 3 880242115 +880 405 4 880167328 +880 412 3 880167306 +880 418 4 880241256 +880 421 2 880243204 +880 435 4 880167778 +880 451 2 880243230 +880 471 4 880167114 +880 508 4 880166966 +880 546 3 880167410 +880 549 4 880243230 +880 566 3 880167880 +880 578 3 880168411 +880 579 3 880243882 +880 584 3 880242933 +880 595 1 880243541 +880 597 3 880167436 +880 603 5 880243629 +880 625 4 880242933 +880 651 5 880167695 +880 678 3 880166662 +880 689 4 880166577 +880 692 3 880174652 +880 697 2 880242281 +880 719 3 880174961 +880 720 2 880167965 +880 721 1 880174749 +880 722 3 880174904 +880 728 4 880243410 +880 734 3 880175240 +880 742 4 880166847 +880 746 4 892959246 +880 755 3 880242848 +880 768 2 880242848 +880 769 3 880241492 +880 770 4 880167880 +880 783 1 880175187 +880 790 3 880175050 +880 791 2 880174961 +880 793 4 880174677 +880 801 3 880175239 +880 802 3 880167918 +880 810 3 880168411 +880 815 4 893028814 +880 820 3 880167384 +880 824 4 880174879 +880 826 3 880167551 +880 831 4 880167411 +880 833 4 880167288 +880 841 3 880167411 +880 849 3 880167918 +880 864 3 880167200 +880 879 3 880166529 +880 928 2 880167435 +880 931 3 880243564 +880 948 4 880166662 +880 986 3 880167569 +880 1000 3 880175128 +880 1001 2 880167435 +880 1002 3 880175527 +880 1013 3 880167355 +880 1016 4 880167223 +880 1023 2 880175405 +880 1030 2 880243147 +880 1052 1 880175503 +880 1053 3 880242660 +880 1059 4 880166939 +880 1095 3 880175503 +880 1151 3 880167454 +880 1197 3 880167151 +880 1210 4 880243790 +880 1267 4 880242356 +880 1270 3 880175187 +880 1276 3 880167384 +880 1284 4 880167355 +880 1291 3 880175468 +880 1296 3 892958128 +880 1415 2 880243093 +880 1423 3 880175577 +880 1478 3 880242547 +880 1518 2 880242422 +880 1664 4 892958799 +881 4 3 876538286 +881 11 4 876537752 +881 13 4 876536364 +881 15 3 876536241 +881 21 3 876536667 +881 27 3 876538953 +881 38 3 876538763 +881 49 5 876538986 +881 50 3 876535927 +881 51 5 876538889 +881 53 2 876539448 +881 54 4 876539387 +881 63 4 876538853 +881 71 4 876538322 +881 77 2 876538627 +881 81 3 876538666 +881 88 3 876538595 +881 89 4 876537577 +881 90 3 876539595 +881 94 2 876539020 +881 97 3 876537613 +881 98 5 876537612 +881 99 3 876538571 +881 100 4 876536414 +881 103 1 876536745 +881 106 4 879052493 +881 112 2 876536978 +881 117 5 876535796 +881 118 4 876536332 +881 121 5 876536391 +881 125 5 876536745 +881 127 4 876536079 +881 129 4 879052141 +881 133 4 876537718 +881 134 5 876539260 +881 135 4 876537900 +881 141 3 876538889 +881 151 2 876536241 +881 161 3 876538506 +881 168 3 876537933 +881 174 5 876537718 +881 175 2 876537418 +881 178 3 876537512 +881 179 5 876538400 +881 180 5 876538063 +881 183 4 876537995 +881 195 4 876539636 +881 196 3 876538185 +881 202 4 876537825 +881 204 4 876538506 +881 214 4 876538322 +881 218 4 876539260 +881 222 5 876536079 +881 228 3 876537995 +881 230 4 876539291 +881 265 5 876538286 +881 276 5 876536079 +881 281 3 876536439 +881 282 4 876536773 +881 286 2 876961961 +881 291 3 876537177 +881 294 3 876535642 +881 304 3 876535642 +881 323 2 879051487 +881 333 5 876535642 +881 356 3 876539477 +881 357 5 876537457 +881 375 1 876539387 +881 385 4 876538666 +881 395 3 876538322 +881 400 2 876539128 +881 401 1 876539260 +881 403 3 876539330 +881 405 4 876536667 +881 423 4 876538726 +881 432 3 876537825 +881 434 2 876538889 +881 435 3 876538796 +881 441 2 876539549 +881 443 5 876539448 +881 449 3 876539549 +881 451 1 876539186 +881 465 3 876538595 +881 472 4 876537285 +881 476 2 879052198 +881 477 4 876536107 +881 478 4 876537612 +881 483 4 876537418 +881 484 4 876537512 +881 506 4 876539020 +881 514 4 876537457 +881 523 4 876537825 +881 524 4 876537825 +881 526 5 876538251 +881 528 5 876538536 +881 530 5 876538571 +881 546 4 876536012 +881 550 3 876539261 +881 554 1 876539636 +881 559 2 876539220 +881 601 5 876539186 +881 625 5 876538465 +881 630 4 876539187 +881 642 4 876538027 +881 655 4 876539448 +881 663 5 876538322 +881 671 3 876537512 +881 678 2 876535695 +881 739 4 876539091 +881 755 4 876538922 +881 790 3 876539549 +881 812 2 876539505 +881 826 1 879052109 +881 924 3 876536850 +881 934 3 876537011 +881 943 4 876537404 +881 1046 3 876539051 +881 1118 3 876538131 +881 1124 4 876538627 +881 1540 1 876539091 +882 8 5 879864789 +882 15 5 879862141 +882 21 2 879863909 +882 33 2 879868197 +882 50 5 879867694 +882 71 5 879867631 +882 82 5 879867885 +882 86 5 879867568 +882 89 5 879867508 +882 105 3 879863735 +882 117 4 879861492 +882 118 4 879863031 +882 122 2 879863831 +882 140 3 879879868 +882 168 5 879867631 +882 172 5 879864970 +882 173 5 879867980 +882 180 4 879865307 +882 186 5 879879731 +882 193 5 879867263 +882 195 5 879867568 +882 204 5 879864697 +882 205 5 879865307 +882 215 5 879867816 +882 222 5 879861562 +882 225 5 879862865 +882 228 5 879867694 +882 235 3 879863560 +882 237 5 879862327 +882 243 4 879861325 +882 294 4 879860936 +882 380 5 879868197 +882 409 4 879863031 +882 416 4 879879868 +882 419 5 879864917 +882 427 5 879877026 +882 471 4 879861562 +882 473 3 879862936 +882 476 3 879863735 +882 496 5 879866320 +882 515 5 879865307 +882 526 4 879864642 +882 559 3 879876806 +882 566 4 879876806 +882 597 4 879863106 +882 616 4 879879807 +882 660 3 879879731 +882 662 3 879879807 +882 684 3 879877026 +882 692 4 879867631 +882 815 2 879861678 +882 929 1 879863176 +882 932 4 879863969 +882 988 5 879861385 +882 1015 3 879863457 +882 1060 3 879862652 +882 1444 4 879877245 +883 1 3 891914583 +883 4 4 891694276 +883 7 5 891754985 +883 8 4 891694249 +883 9 4 891717495 +883 16 4 891692713 +883 19 2 891692657 +883 20 4 891693723 +883 28 3 891717908 +883 30 4 891693058 +883 45 5 891695570 +883 49 3 891694636 +883 50 4 891696824 +883 53 5 891696999 +883 55 4 891696864 +883 60 5 891693012 +883 64 4 891717988 +883 65 4 891717319 +883 68 4 891696957 +883 69 2 891717356 +883 72 4 891694431 +883 79 4 891696864 +883 83 3 891693200 +883 86 3 891693086 +883 89 5 891696864 +883 116 5 891692786 +883 127 5 891717319 +883 129 5 891755088 +883 134 5 891754950 +883 135 4 891717319 +883 137 5 891717356 +883 144 4 892557605 +883 147 2 891717419 +883 168 5 891694218 +883 172 4 891696824 +883 174 4 891696824 +883 175 5 891694312 +883 176 4 891696895 +883 194 3 891694218 +883 197 4 891696689 +883 209 3 891694311 +883 212 5 891695570 +883 213 2 891693058 +883 224 4 891692683 +883 226 3 892557605 +883 227 3 891696930 +883 229 4 891696930 +883 239 3 891694401 +883 250 3 892439468 +883 256 5 891692713 +883 270 4 891691436 +883 277 4 891717936 +883 283 4 891692742 +883 286 3 891691654 +883 311 4 891691505 +883 312 3 891692044 +883 322 5 891692168 +883 323 5 891692168 +883 331 3 891691654 +883 342 4 891692116 +883 346 4 891691353 +883 355 5 891692168 +883 372 3 891694544 +883 384 3 891694431 +883 399 5 891696999 +883 403 5 891696999 +883 405 3 891916961 +883 407 3 892557605 +883 455 4 891916411 +883 461 5 891717988 +883 462 5 891693085 +883 464 5 891717533 +883 487 5 891755066 +883 506 5 891754950 +883 516 4 891694372 +883 529 5 891693012 +883 549 4 891696782 +883 553 4 891696782 +883 559 3 891695692 +883 561 3 891695717 +883 566 3 891696999 +883 568 3 891696999 +883 589 5 891754985 +883 647 5 891717319 +883 656 5 891695666 +883 665 4 891695717 +883 692 3 891694249 +883 693 4 891717988 +883 703 3 891693139 +883 707 3 891693139 +883 709 5 891694431 +883 715 5 891694311 +883 727 3 891696750 +883 748 5 891692168 +883 749 3 891695490 +883 752 4 892872163 +883 770 4 891696957 +883 792 4 891694182 +883 867 5 891695588 +883 873 3 891695173 +883 882 4 891691388 +883 902 4 891691534 +883 919 4 891692713 +883 1019 5 891695570 +883 1021 5 891693058 +883 1041 3 891694603 +883 1045 5 891717462 +883 1115 4 891692765 +883 1121 3 891693702 +883 1222 5 891696999 +883 1591 3 891695570 +884 9 5 876858820 +884 70 4 876859208 +884 100 5 876858820 +884 116 4 876858914 +884 165 3 876859070 +884 166 3 876859207 +884 179 5 876859109 +884 258 5 876857704 +884 269 5 876857704 +884 275 4 876857845 +884 300 1 876857789 +884 322 3 876857745 +884 381 5 876859751 +884 382 5 876859351 +884 475 4 876858914 +884 509 4 876859090 +884 582 5 876859351 +884 640 1 876859161 +884 736 3 876859329 +884 1009 2 876859024 +884 1214 1 876860434 +885 1 5 885714990 +885 28 4 885714136 +885 56 3 885714641 +885 65 2 885714336 +885 70 5 885713585 +885 71 4 885714820 +885 79 4 885715803 +885 88 4 885713461 +885 91 3 885714820 +885 95 4 885714933 +885 97 5 885714136 +885 151 4 885716221 +885 154 3 885713434 +885 173 4 885713357 +885 186 4 885713434 +885 189 5 885714820 +885 195 4 885715827 +885 196 3 885714201 +885 208 3 885713406 +885 210 5 885713544 +885 233 3 885715889 +885 237 5 885715151 +885 239 3 885713609 +885 278 3 885715468 +885 318 5 885714093 +885 356 3 885714317 +885 383 2 885713939 +885 386 2 885713680 +885 402 3 885715489 +885 405 4 885715691 +885 418 4 885714933 +885 419 4 885716328 +885 428 4 885713461 +885 432 4 885714820 +885 451 2 885713716 +885 501 3 885714820 +885 588 4 885714820 +885 596 4 885714990 +885 660 5 885714317 +885 821 3 885713585 +885 866 3 885713102 +885 946 3 885714933 +885 949 4 885714452 +885 1311 2 885714582 +886 1 4 876031433 +886 3 3 876032330 +886 4 3 876031601 +886 5 3 876032929 +886 7 5 876031330 +886 17 4 876032596 +886 20 2 876031739 +886 22 4 876032378 +886 27 2 876031829 +886 43 2 876033134 +886 54 3 876031279 +886 62 3 876033265 +886 66 3 876032442 +886 67 4 876033228 +886 68 3 876032422 +886 71 4 876032274 +886 76 4 876033897 +886 80 3 876034228 +886 96 3 876031392 +886 98 4 876032352 +886 108 5 876033200 +886 118 1 876032673 +886 129 5 876033015 +886 147 5 876033228 +886 150 4 876031656 +886 157 4 876031695 +886 160 1 876031550 +886 161 5 876033478 +886 171 4 876032072 +886 172 5 876031527 +886 173 5 876031932 +886 175 4 876031550 +886 179 2 876032673 +886 182 4 876031932 +886 186 4 876033460 +886 187 4 876031309 +886 200 3 876031573 +886 208 3 876031764 +886 218 3 876031829 +886 222 4 876032615 +886 227 3 876032331 +886 229 3 876032509 +886 230 2 876033106 +886 231 2 876032247 +886 232 3 876032973 +886 233 3 876032126 +886 235 3 876032739 +886 237 4 876031850 +886 238 3 876031459 +886 239 3 876032635 +886 240 3 876031720 +886 241 4 876032531 +886 273 2 876032274 +886 288 4 876031122 +886 318 5 876031308 +886 357 4 876031601 +886 371 1 876033435 +886 380 3 876032929 +886 384 3 876034074 +886 388 1 876033850 +886 393 3 876033181 +886 419 3 876032353 +886 425 4 876032029 +886 451 3 876033965 +886 472 3 876033755 +886 474 4 876031720 +886 475 5 876031501 +886 483 4 876031656 +886 506 4 876032308 +886 518 4 876031601 +886 549 3 876032929 +886 558 3 876031656 +886 582 1 876032029 +886 589 3 876031365 +886 623 1 876033069 +886 636 3 876032473 +886 651 5 876034074 +886 657 5 876031695 +886 663 4 876032823 +886 697 1 876033368 +886 715 1 876033434 +886 732 3 876032029 +886 746 3 876032473 +886 781 4 876033340 +886 789 3 876031656 +886 790 4 876034095 +886 801 3 876034205 +886 803 2 876033015 +886 813 4 876032029 +886 819 4 876033897 +886 824 4 876033413 +886 826 1 876032929 +886 939 4 876031765 +886 941 2 876032072 +886 1046 2 876033755 +886 1048 4 876032840 +886 1073 4 876031805 +886 1074 2 876033645 +886 1095 2 876033897 +886 1170 3 876031481 +886 1208 3 876032596 +886 1209 2 876034041 +886 1231 3 876033828 +886 1303 1 876033987 +886 1324 2 876032308 +886 1435 3 876034174 +887 1 5 881377972 +887 8 4 881380025 +887 24 5 881378219 +887 28 5 881379522 +887 38 5 881381503 +887 47 5 881381679 +887 69 4 881380025 +887 72 4 881381471 +887 82 4 881381028 +887 84 4 881381114 +887 87 5 881380335 +887 91 5 881380884 +887 96 4 881380403 +887 99 5 881380539 +887 111 5 881378370 +887 140 5 881381425 +887 176 5 881381348 +887 181 5 881378040 +887 183 1 881379449 +887 187 4 881381610 +887 200 1 881380883 +887 206 5 881381471 +887 210 5 881379649 +887 235 3 881378537 +887 252 4 881378972 +887 254 4 881379145 +887 258 1 881377893 +887 279 5 881378478 +887 294 5 881378219 +887 318 5 881379649 +887 365 5 881381610 +887 369 5 881378896 +887 410 4 881378040 +887 411 4 881379059 +887 416 2 881380539 +887 418 4 881380025 +887 421 5 881379954 +887 423 2 881379954 +887 431 3 881379685 +887 472 4 881378402 +887 473 4 881378896 +887 477 1 881378570 +887 633 5 881380584 +887 692 5 881380654 +887 697 1 881380623 +887 699 1 881379566 +887 710 5 881380709 +887 718 1 881377812 +887 760 5 881378669 +887 763 5 881378087 +887 768 4 881381471 +887 826 1 881379239 +887 828 3 881378854 +887 832 2 881379059 +887 839 4 881379566 +887 871 5 881378325 +887 926 5 881378537 +887 931 3 881379009 +887 934 4 881379188 +887 946 4 881381348 +887 969 5 881379954 +887 993 5 881378251 +887 1012 1 881378153 +887 1015 5 881377933 +887 1033 4 881379295 +887 1035 5 881381740 +887 1051 4 881378773 +887 1079 1 881378773 +887 1116 5 881381610 +887 1136 5 881381071 +887 1278 2 881378087 +887 1413 4 881380176 +887 1473 1 881379522 +887 1540 5 881380739 +888 69 4 879365104 +888 137 4 879365104 +888 180 4 879365004 +888 269 5 879364981 +888 286 5 879364981 +888 514 5 879365154 +888 535 4 879365497 +888 762 5 879365497 +888 792 5 879365054 +888 869 4 879365086 +889 4 3 880180765 +889 7 3 880177219 +889 11 5 880177941 +889 12 5 880177880 +889 17 4 880181910 +889 22 3 880178158 +889 24 4 880177266 +889 29 3 880182428 +889 39 2 880181191 +889 50 4 880176807 +889 55 4 880181191 +889 56 5 880177857 +889 58 3 880178130 +889 64 5 880178313 +889 65 4 880180817 +889 67 2 880182541 +889 70 3 880180979 +889 71 3 880180849 +889 72 3 880181317 +889 73 3 880181663 +889 79 3 880179705 +889 81 4 880180849 +889 89 4 880177941 +889 93 3 880177219 +889 94 4 880181646 +889 95 4 880178342 +889 97 3 880178748 +889 117 4 880177154 +889 121 4 880177308 +889 127 4 880176845 +889 129 5 880177266 +889 134 4 880179648 +889 137 4 880177016 +889 144 4 880178224 +889 150 5 880176984 +889 151 3 880177016 +889 153 5 880181317 +889 154 4 880180612 +889 155 3 880182582 +889 160 4 880180945 +889 168 4 880178449 +889 170 4 880177994 +889 171 4 880177970 +889 172 4 880177941 +889 173 5 880178019 +889 175 4 880180101 +889 178 5 880178078 +889 180 4 880180650 +889 183 3 880178019 +889 185 4 880180266 +889 186 5 880181563 +889 187 4 880177857 +889 190 3 880177994 +889 191 4 880178078 +889 194 5 880178248 +889 196 5 880180612 +889 202 3 880178773 +889 204 4 880179757 +889 207 3 880179785 +889 211 4 880180765 +889 212 2 880181225 +889 217 4 880182582 +889 223 4 880177906 +889 226 2 880182016 +889 232 3 880182270 +889 235 3 880177648 +889 240 3 880177246 +889 246 4 880176926 +889 248 4 880176984 +889 249 3 880177266 +889 252 3 880177503 +889 262 4 880176620 +889 271 3 880176573 +889 273 4 880177016 +889 300 3 880176620 +889 302 4 880176518 +889 317 4 880180849 +889 327 3 880176620 +889 381 4 880180784 +889 382 2 880178248 +889 386 3 880182207 +889 399 3 880182359 +889 402 3 880182496 +889 403 3 880179868 +889 430 4 880178411 +889 435 4 880179536 +889 451 3 880181488 +889 455 4 880177647 +889 461 3 880181159 +889 462 5 880180707 +889 470 4 880180554 +889 475 4 880176896 +889 479 4 880177994 +889 488 2 880180265 +889 494 3 880181275 +889 497 4 880179893 +889 498 4 880178748 +889 511 4 880178183 +889 512 5 880181372 +889 515 5 880176807 +889 520 4 880179756 +889 546 4 880177435 +889 566 3 880181275 +889 568 3 880179785 +889 576 3 880182541 +889 597 3 880182741 +889 636 4 880181663 +889 649 2 880178511 +889 650 2 880178130 +889 652 5 880180784 +889 654 3 880178512 +889 655 4 880178224 +889 659 4 880178367 +889 664 2 880182695 +889 676 2 880176874 +889 678 3 880177352 +889 696 3 880177407 +889 721 3 880179536 +889 728 3 880181995 +889 729 3 880179785 +889 734 3 880182815 +889 747 4 880181515 +889 749 2 880176718 +889 755 3 880182017 +889 762 3 880177154 +889 771 2 880182961 +889 782 2 880182784 +889 818 4 880177540 +889 819 2 880177738 +889 820 2 880182103 +889 856 4 880181138 +889 866 4 880177407 +889 879 3 880176596 +889 886 3 880176666 +889 952 3 880178411 +889 979 3 880177435 +889 1006 4 880181563 +889 1011 3 880177287 +889 1014 2 880177778 +889 1067 3 880177131 +889 1070 3 880178367 +889 1072 3 880182444 +889 1073 5 880179893 +889 1074 3 880181515 +889 1079 2 880177647 +889 1103 2 880180071 +889 1113 5 880182295 +889 1134 4 880177219 +889 1170 2 880182127 +889 1188 2 880182784 +889 1195 3 880182317 +889 1218 4 880178511 +889 1231 3 880182871 +889 1262 3 880182270 +889 1267 3 880182629 +889 1419 2 880182924 +889 1589 5 880177219 +890 85 1 882917090 +890 89 4 882403446 +890 98 4 882403446 +890 101 2 882915661 +890 118 2 882915661 +890 134 5 882403122 +890 135 5 882405546 +890 142 3 882916650 +890 153 3 882403345 +890 163 3 883010005 +890 168 5 882916704 +890 172 5 882402905 +890 174 5 882405780 +890 181 4 882405808 +890 183 3 882404917 +890 193 4 882402826 +890 204 4 882403085 +890 211 2 882915661 +890 214 4 882916588 +890 215 4 882916356 +890 228 4 882404879 +890 230 3 882404947 +890 237 3 882575209 +890 258 3 882404055 +890 271 3 882404055 +890 324 4 882404093 +890 340 4 882402181 +890 403 1 882915661 +890 423 5 882402905 +890 427 5 882405586 +890 435 5 882574437 +890 443 4 882404541 +890 449 1 882915661 +890 479 5 882402238 +890 489 4 882402826 +890 515 5 882402518 +890 516 2 882916537 +890 524 4 882403379 +890 527 4 882405473 +890 625 3 882575104 +890 632 5 882916538 +890 636 3 882404879 +890 637 3 882404610 +890 654 5 882404851 +890 655 3 882915818 +890 660 2 882917026 +890 662 3 882575303 +890 737 3 882917152 +890 739 2 882915661 +890 843 3 882916650 +890 1039 4 882403122 +890 1065 3 882402949 +890 1149 5 883009400 +891 15 4 891638780 +891 25 5 891638734 +891 50 4 891638682 +891 117 3 883488774 +891 237 5 891638601 +891 278 4 883489438 +891 280 3 883489646 +891 281 5 891639920 +891 282 5 891639793 +891 285 5 891638757 +891 286 5 891638433 +891 313 5 891638337 +891 459 5 891638682 +891 471 5 891639941 +891 531 4 883430128 +891 546 3 883489282 +891 591 4 891639497 +891 717 4 883489728 +891 933 3 883429998 +891 934 3 883489806 +891 1028 3 883489521 +891 1197 5 891638734 +892 5 4 886611354 +892 11 3 886608897 +892 12 5 886608022 +892 25 4 886609828 +892 50 5 886608802 +892 54 3 886609828 +892 63 4 886610480 +892 71 3 886608348 +892 73 3 886610523 +892 76 4 886609977 +892 87 5 886609263 +892 88 4 886609884 +892 89 5 886608714 +892 95 4 886608770 +892 97 5 886608802 +892 100 5 886607642 +892 102 3 886610078 +892 110 3 886610523 +892 118 4 886610649 +892 127 5 886607878 +892 132 5 886608897 +892 134 5 886608591 +892 143 2 886608238 +892 144 5 886609179 +892 151 4 886609330 +892 153 5 886609793 +892 172 5 886607743 +892 173 5 886607778 +892 174 5 886608616 +892 176 5 886608681 +892 177 4 886608507 +892 178 5 886608681 +892 182 5 886608507 +892 187 5 886608682 +892 191 5 886607879 +892 203 5 886609390 +892 214 2 886608897 +892 226 3 886610201 +892 229 3 886610011 +892 230 4 886609793 +892 237 4 886608802 +892 265 4 886608380 +892 273 4 886608681 +892 284 5 886610840 +892 291 4 886607744 +892 321 5 886610341 +892 385 3 886608000 +892 393 4 886607679 +892 403 3 886610372 +892 423 5 886608185 +892 429 4 886608559 +892 432 4 886610996 +892 441 3 886610267 +892 472 3 886610523 +892 481 5 886610011 +892 496 5 886609435 +892 500 5 886609622 +892 501 3 886611023 +892 570 3 886610566 +892 578 4 886609469 +892 588 5 886607879 +892 596 3 886608136 +892 604 5 886608296 +892 615 5 886609029 +892 648 4 886607642 +892 649 5 886608135 +892 661 5 886608473 +892 671 5 886608212 +892 708 4 886607879 +892 729 4 886610174 +892 732 4 886610480 +892 781 4 886610137 +892 820 3 886611079 +892 845 4 886610174 +892 849 2 886610341 +892 946 3 886610996 +892 1219 2 886611079 +892 1224 4 886609792 +892 1454 3 886610267 +893 1 5 874827725 +893 56 5 874829733 +893 77 4 874829706 +893 117 4 874828772 +893 122 2 874829249 +893 144 4 874830101 +893 147 3 874828569 +893 148 3 874829287 +893 172 5 874829883 +893 237 4 874828097 +893 240 4 874828864 +893 246 3 874829968 +893 259 3 874827960 +893 264 3 874828296 +893 294 3 874827789 +893 405 5 874828864 +893 410 4 874828649 +893 411 3 874829056 +893 412 3 874829249 +893 426 4 874829733 +893 471 4 874828897 +893 724 3 874830160 +893 849 3 874830372 +893 1215 3 874829287 +893 1218 3 874830338 +893 1245 2 874828812 +894 12 5 881625708 +894 13 4 882404137 +894 14 4 880416472 +894 15 3 880416340 +894 45 4 882404250 +894 59 5 882404397 +894 83 4 882404250 +894 86 4 882404306 +894 107 3 880993709 +894 111 3 880416102 +894 121 3 880993662 +894 129 4 880416253 +894 134 4 879897198 +894 147 3 880993709 +894 170 4 882404329 +894 221 4 885428233 +894 223 4 879897149 +894 244 4 879896985 +894 245 4 882404136 +894 246 4 882404137 +894 249 3 879896872 +894 252 3 879896897 +894 255 3 879896836 +894 256 3 879896704 +894 257 3 880416315 +894 258 4 879896109 +894 264 3 879896309 +894 269 3 879896041 +894 273 3 880416220 +894 275 4 882404137 +894 281 3 880416102 +894 283 3 880993490 +894 285 4 880416136 +894 288 3 879896141 +894 297 4 880416380 +894 299 3 879896200 +894 302 4 879896041 +894 306 4 879896756 +894 307 3 880415834 +894 310 3 882403366 +894 311 4 880993317 +894 319 4 879896756 +894 323 2 879896268 +894 324 3 879896168 +894 326 3 879896168 +894 327 4 881625708 +894 328 4 879896466 +894 332 3 879896233 +894 333 4 879896756 +894 336 3 879982820 +894 343 2 883518895 +894 344 4 887825614 +894 346 4 884036796 +894 355 3 889469028 +894 381 3 882404430 +894 405 3 880416177 +894 471 4 880416314 +894 475 3 880416176 +894 479 5 879897198 +894 511 4 879897198 +894 515 4 879896654 +894 535 4 879896920 +894 558 5 882404250 +894 582 4 882404485 +894 638 3 882404669 +894 690 4 879896200 +894 691 3 889468982 +894 713 4 880416177 +894 740 4 880416253 +894 744 3 880416072 +894 748 3 879896233 +894 751 3 885427971 +894 752 3 888280083 +894 753 5 882404278 +894 845 3 881443365 +894 847 4 879897122 +894 855 4 882404460 +894 863 5 881105162 +894 877 3 882403414 +894 885 2 887044250 +894 886 3 879982820 +894 888 4 879896756 +894 898 4 883518875 +894 900 3 887044070 +894 904 4 890409804 +894 909 3 889469007 +894 919 4 881625708 +894 923 5 882404278 +894 937 4 880415903 +894 979 3 880416473 +894 1010 4 880993662 +894 1016 3 879896920 +894 1048 4 880993661 +894 1073 4 882404397 +894 1080 4 882404507 +894 1131 4 879897198 +894 1142 4 882404137 +894 1226 4 879896920 +894 1251 4 879896654 +894 1313 3 889229605 +894 1315 3 879896985 +894 1379 4 879896673 +894 1381 3 880993766 +894 1462 3 882404642 +894 1501 4 882404363 +894 1560 4 882404641 +894 1658 4 882404137 +895 13 5 879437950 +895 50 5 879438062 +895 181 5 879437950 +895 284 3 879438062 +895 301 4 879437793 +895 597 2 879438101 +896 1 4 887158579 +896 8 5 887159343 +896 12 3 887158604 +896 15 3 887158900 +896 20 1 887235027 +896 22 5 887157947 +896 25 3 887159261 +896 27 1 887235026 +896 31 3 887158830 +896 39 2 887158739 +896 46 2 887160750 +896 48 4 887158635 +896 50 5 887159211 +896 55 3 887157978 +896 64 4 887158926 +896 67 2 887160983 +896 70 4 887160086 +896 76 3 887158359 +896 82 3 887159068 +896 86 1 887159926 +896 87 4 887158295 +896 89 5 887159262 +896 95 4 887158555 +896 97 4 887158265 +896 98 5 887158359 +896 108 3 887159854 +896 118 2 887159805 +896 121 3 887159343 +896 123 3 887159748 +896 132 3 887158579 +896 133 2 887159502 +896 134 5 887159109 +896 135 3 887158926 +896 136 5 887158768 +896 141 3 887159012 +896 144 4 887158333 +896 152 3 887160116 +896 157 4 887159555 +896 159 2 887160880 +896 161 3 887159302 +896 168 4 887158738 +896 174 5 887161710 +896 175 2 887159603 +896 182 4 887157924 +896 186 4 887159069 +896 187 5 887157924 +896 191 4 887158604 +896 196 3 887159173 +896 198 4 887158636 +896 200 4 887158768 +896 201 3 887158900 +896 209 3 887158790 +896 212 2 887160582 +896 215 5 887158959 +896 216 5 887159658 +896 217 2 887161198 +896 222 4 887159109 +896 223 4 887158830 +896 226 3 887160270 +896 227 4 887161728 +896 228 5 887158266 +896 230 4 887161728 +896 232 3 887160427 +896 233 2 887160631 +896 238 3 887158165 +896 271 1 887157278 +896 273 5 887157947 +896 275 4 887158713 +896 281 2 887161172 +896 291 3 887160795 +896 299 1 887235709 +896 302 2 887157234 +896 310 4 887157208 +896 318 4 887158294 +896 325 1 887157732 +896 327 5 887235643 +896 343 1 887235690 +896 356 3 887160427 +896 358 1 887235749 +896 367 4 887160227 +896 384 2 887160860 +896 385 4 887160426 +896 398 2 887161469 +896 403 1 887160554 +896 405 2 887160270 +896 411 2 887160842 +896 414 3 887159145 +896 423 3 887159172 +896 429 5 887158866 +896 431 3 887159262 +896 436 3 887159692 +896 452 3 887161564 +896 458 1 887235027 +896 462 3 887159069 +896 471 3 887159972 +896 472 2 887160983 +896 474 3 887159426 +896 476 2 887161541 +896 479 3 887158713 +896 481 4 887158683 +896 497 3 887158332 +896 504 3 887159926 +896 508 2 887159035 +896 515 3 887158029 +896 518 3 887159234 +896 525 5 887158164 +896 526 4 887159211 +896 542 3 887160677 +896 546 2 887160938 +896 549 2 887160209 +896 562 2 887161448 +896 568 2 887159603 +896 569 2 887161488 +896 572 2 887160676 +896 576 2 887160677 +896 596 2 887159426 +896 597 4 887159854 +896 603 4 887158384 +896 631 2 887159464 +896 640 2 887160701 +896 672 2 887161218 +896 674 2 887160446 +896 684 4 887158959 +896 685 3 887160465 +896 686 3 887159146 +896 696 1 887235027 +896 708 2 887159926 +896 713 2 887159630 +896 721 4 887160465 +896 732 4 887159674 +896 739 2 887159723 +896 744 3 887160040 +896 752 1 887161916 +896 765 4 887160750 +896 768 2 887160653 +896 770 5 887160702 +896 789 2 887157978 +896 798 2 887160983 +896 808 3 887160270 +896 824 1 887161541 +896 840 2 887161469 +896 849 2 887161563 +896 872 3 887157322 +896 880 4 887235664 +896 942 4 887160209 +896 993 4 887235498 +896 1018 3 887160116 +896 1074 2 887161393 +896 1078 3 887160983 +896 1101 2 887159110 +896 1134 3 887159950 +896 1183 2 887160842 +896 1217 2 887160446 +896 1221 2 887159261 +896 1248 2 887160187 +896 1284 2 887160958 +896 1406 3 887160676 +896 1423 2 887160631 +896 1437 1 887161564 +896 1522 2 887160750 +896 1672 2 887159554 +897 1 5 879994113 +897 8 3 879990744 +897 22 5 879990361 +897 33 5 879992310 +897 50 5 879994113 +897 55 3 879990622 +897 56 2 879991037 +897 66 3 879990973 +897 68 5 879994113 +897 69 5 879990396 +897 71 5 879991566 +897 73 3 879991341 +897 82 5 879990361 +897 97 5 879990622 +897 127 5 879990647 +897 132 5 879990531 +897 133 4 879991037 +897 136 5 879990843 +897 143 5 879991069 +897 151 5 879993519 +897 161 5 879993309 +897 172 4 879990466 +897 177 5 879990465 +897 182 4 879990683 +897 183 5 879990531 +897 186 5 879994113 +897 193 3 879990466 +897 194 5 879991403 +897 195 5 879991137 +897 199 4 879990465 +897 200 5 879991434 +897 202 2 879990683 +897 204 4 879990396 +897 205 3 879990556 +897 214 5 879990923 +897 222 4 879993042 +897 227 3 879992190 +897 228 4 879991607 +897 234 5 879991729 +897 238 4 879990779 +897 240 4 879993823 +897 265 3 879990466 +897 385 3 879990622 +897 389 3 879991341 +897 393 4 879991493 +897 409 4 879993553 +897 410 3 879993621 +897 419 4 879990430 +897 429 5 879990587 +897 435 3 879991069 +897 451 4 879991607 +897 455 3 879993772 +897 465 5 879992030 +897 472 5 879993620 +897 473 3 879993644 +897 477 3 879993315 +897 478 3 879991105 +897 484 3 879991341 +897 485 3 879991037 +897 497 3 879990430 +897 566 2 879991976 +897 568 5 879992216 +897 588 4 879990877 +897 597 5 879993519 +897 603 5 879991666 +897 616 5 879990877 +897 622 3 879990877 +897 659 5 879990923 +897 660 4 879991630 +897 679 5 879991630 +897 736 3 879991186 +897 742 3 879993314 +897 840 3 879993887 +897 871 3 879993519 +897 926 4 879993674 +897 928 5 879993621 +897 951 3 879991186 +897 1254 2 880253037 +898 242 4 888294441 +898 270 4 888294408 +898 286 2 888294408 +898 288 4 888294529 +898 300 2 888294375 +898 319 5 888294676 +898 324 4 888294621 +898 683 3 888294775 +898 748 4 888294739 +898 751 3 888294621 +899 2 3 884122563 +899 25 3 884120249 +899 31 3 884121513 +899 50 5 884119794 +899 51 1 884122387 +899 69 3 884121125 +899 73 4 884121720 +899 79 5 884122278 +899 83 4 884121214 +899 95 5 884121612 +899 135 4 884121857 +899 154 5 884122420 +899 157 4 884122419 +899 168 4 884121799 +899 172 4 884121089 +899 176 4 884121173 +899 186 4 884121767 +899 188 2 884121720 +899 193 3 884121946 +899 197 4 884121512 +899 204 4 884121683 +899 208 3 884121857 +899 209 5 884121173 +899 216 5 884121885 +899 218 4 884122155 +899 228 3 884121572 +899 230 4 884122472 +899 231 1 884122844 +899 238 2 884121424 +899 239 3 884121946 +899 250 2 884120105 +899 254 2 884122845 +899 257 4 884120185 +899 265 4 884122087 +899 275 4 884119877 +899 282 5 884120007 +899 283 4 884121424 +899 284 3 884120205 +899 367 4 884122450 +899 385 3 884121612 +899 410 1 884122535 +899 428 4 884122254 +899 435 3 884122450 +899 463 4 884121342 +899 471 4 884120007 +899 474 3 884121612 +899 479 4 884121612 +899 483 4 884121572 +899 496 5 884121379 +899 527 4 884121767 +899 640 1 884122228 +899 655 4 884121267 +899 658 2 884121911 +899 660 4 884122564 +899 685 3 884119954 +899 694 5 884121009 +899 710 3 884122619 +899 746 4 884121512 +899 747 1 884122535 +899 751 4 884120724 +899 934 3 884120603 +899 1016 3 884120149 +900 121 2 877832803 +900 124 4 877832837 +900 130 1 877833512 +900 137 3 877832803 +900 183 3 877833781 +900 186 2 877833957 +900 200 2 877833632 +900 280 2 877833364 +900 284 2 877833287 +900 288 2 877832113 +900 294 4 877832113 +900 318 4 877833672 +900 325 1 877832320 +900 429 2 877833747 +900 458 2 877833326 +900 471 2 877833259 +900 474 4 877833781 +900 480 4 877833603 +900 493 2 877833603 +900 508 3 877832764 +900 589 5 877833631 +900 618 4 877833957 +900 834 1 877833536 +900 1028 2 877833393 +901 8 3 877131307 +901 12 5 877132065 +901 13 1 877129839 +901 22 5 877131045 +901 35 4 877131685 +901 56 1 877130999 +901 71 4 877131654 +901 78 4 877131738 +901 89 3 877288929 +901 96 5 877130999 +901 111 3 877126434 +901 135 4 877131961 +901 140 4 877288179 +901 144 5 877288015 +901 161 5 877131147 +901 168 4 877131342 +901 174 5 877130965 +901 181 4 877127128 +901 196 4 877288864 +901 228 5 877131045 +901 229 4 877131205 +901 234 4 877287882 +901 250 3 877127196 +901 257 4 877127196 +901 275 3 877130677 +901 287 3 877126935 +901 395 3 877131500 +901 405 4 877127250 +901 419 5 877131763 +901 443 3 877287910 +901 465 4 877131654 +901 476 5 877289381 +901 498 4 877131990 +901 509 4 877288977 +901 520 5 877287882 +901 521 2 877289241 +901 523 4 877132400 +901 546 4 877127250 +901 566 5 877131118 +901 568 5 877131045 +901 578 3 877131961 +901 623 4 877131793 +901 679 4 877131205 +901 748 4 877125480 +901 929 4 877126902 +901 949 3 877131500 +901 988 4 877125716 +901 1049 3 877127021 +901 1620 5 877126743 +902 50 5 879464726 +902 134 3 879465523 +902 176 5 879465834 +902 181 3 879464783 +902 250 4 879465073 +902 258 3 879463109 +902 294 2 879463212 +902 295 2 879465128 +902 298 2 879465016 +902 300 4 879463373 +902 304 3 879464257 +902 306 4 879463212 +902 318 5 879465522 +902 327 3 879463373 +902 333 3 879463310 +902 480 5 879465711 +902 483 4 879465448 +902 515 5 879464726 +902 993 3 879465180 +903 1 3 891031280 +903 23 5 891033541 +903 48 4 891033005 +903 56 5 891466376 +903 91 5 891033005 +903 96 2 891032842 +903 98 5 892760784 +903 100 5 891031203 +903 105 3 891031794 +903 118 4 891031794 +903 177 4 891033541 +903 181 4 891031309 +903 182 5 891380461 +903 183 4 891032872 +903 185 5 891033070 +903 186 5 891466376 +903 187 5 891033754 +903 191 5 891032872 +903 203 4 891032911 +903 204 3 891033335 +903 223 5 891033354 +903 248 2 891031309 +903 254 2 891032101 +903 276 5 891380461 +903 281 4 891031677 +903 288 4 891031105 +903 317 4 891033808 +903 318 5 891032793 +903 333 4 891032653 +903 409 4 891031794 +903 412 2 891032077 +903 467 3 891033606 +903 515 4 891031178 +903 521 5 891033781 +903 529 4 891033278 +903 649 4 891033628 +903 696 3 891031906 +903 708 4 891033808 +903 746 2 891033302 +903 820 4 891031768 +903 845 1 891031450 +903 931 2 891032038 +903 977 1 891031810 +903 994 3 891031883 +903 1008 3 891031505 +903 1070 4 891033335 +903 1073 3 891032842 +903 1101 4 891033828 +903 1132 3 891031949 +904 9 4 879735316 +904 66 4 879735641 +904 97 4 879735678 +904 155 4 879735616 +904 278 5 879735616 +904 289 5 879735177 +904 300 4 879735109 +904 328 2 879735136 +904 421 5 879735772 +904 451 4 879735584 +904 628 3 879735362 +904 694 3 879735551 +904 736 4 879735499 +904 739 4 879735678 +904 778 3 879735678 +905 7 4 884984329 +905 124 4 884983889 +905 125 3 884984009 +905 150 4 884984148 +905 245 3 884983273 +905 258 3 884982806 +905 282 3 884983889 +905 300 4 884983556 +905 313 4 884982870 +905 321 4 884983463 +905 326 3 884983034 +905 328 3 884983034 +905 333 3 884982806 +905 475 3 884984329 +905 717 1 884984149 +905 742 4 884983888 +905 1011 3 884984382 +906 7 3 879434846 +906 10 4 879435339 +906 15 3 879435415 +906 100 4 879434846 +906 117 4 879435574 +906 121 4 879435598 +906 125 4 879435365 +906 273 4 879434882 +906 276 5 879435299 +906 307 3 879434378 +906 321 4 879434436 +906 475 3 879435253 +906 544 4 879435664 +906 628 5 879435551 +906 676 5 879435415 +906 696 4 879435758 +906 740 4 879435415 +907 8 3 880159688 +907 42 4 880159957 +907 86 5 880160162 +907 98 5 880160037 +907 100 5 880158712 +907 118 4 880159360 +907 125 4 880159259 +907 147 5 885862325 +907 181 4 880158692 +907 198 5 880160162 +907 202 5 880160204 +907 245 4 880158556 +907 248 5 880159038 +907 274 5 880158986 +907 281 5 881030348 +907 282 4 880158939 +907 287 4 880158913 +907 290 4 880159259 +907 301 4 880158537 +907 317 5 880159910 +907 318 5 880159642 +907 333 5 885860288 +907 340 2 880158425 +907 409 4 880159151 +907 472 5 880159360 +907 497 5 880160204 +907 591 5 880158913 +907 596 4 880159015 +907 619 2 880159038 +907 620 4 880159113 +907 628 5 880158986 +907 685 5 880158960 +907 696 5 880159081 +907 713 5 880159172 +907 724 5 880159642 +907 729 5 880159821 +907 740 5 880158960 +907 756 4 880159198 +907 763 5 880159081 +907 813 5 880158770 +907 821 5 880160008 +907 825 3 880159404 +907 828 5 880159361 +907 934 4 880159222 +907 1057 3 880159151 +907 1119 5 880159865 +908 55 3 879722334 +908 56 4 879722642 +908 69 3 879722513 +908 98 5 879722300 +908 111 3 879723073 +908 133 5 879722603 +908 147 2 879722932 +908 151 3 879722875 +908 156 3 879722603 +908 173 3 879722901 +908 181 3 879722754 +908 185 4 879722822 +908 192 2 879722489 +908 200 2 879722642 +908 204 4 879722427 +908 288 4 879722097 +908 322 2 879722169 +908 357 3 879723046 +908 414 3 879723022 +908 423 4 879722822 +908 427 5 879722642 +908 434 4 879723128 +908 447 3 879722850 +908 479 4 879723022 +908 484 4 879722361 +908 488 4 879722642 +908 648 4 879722333 +908 657 4 879722822 +908 694 4 879722603 +908 701 4 879722780 +908 963 4 879722397 +909 14 4 891920763 +909 116 5 891920010 +909 165 5 891920233 +909 166 5 891920166 +909 275 5 891920166 +909 286 4 891919160 +909 289 3 891920763 +909 292 4 891919160 +909 300 5 891919232 +909 509 5 891920211 +909 529 3 891920763 +909 531 4 891920166 +909 582 5 891920125 +909 682 3 891920763 +909 744 3 891920763 +909 1121 5 891920703 +910 23 4 881421332 +910 24 3 880821367 +910 100 4 880821098 +910 117 4 880822012 +910 125 3 880821383 +910 137 3 880822060 +910 182 4 880821696 +910 237 4 880822060 +910 245 2 881420474 +910 250 1 880821033 +910 252 2 881421035 +910 257 3 880821349 +910 282 3 880821319 +910 288 3 884229224 +910 289 3 881420491 +910 293 4 880822060 +910 332 2 880821834 +910 414 4 881421332 +910 508 4 880821349 +910 751 3 884229194 +910 845 4 880821405 +910 1012 4 884229250 +911 7 4 892839551 +911 21 4 892840144 +911 82 2 892840888 +911 89 4 892838405 +911 98 2 892839015 +911 99 3 892840889 +911 102 3 892840889 +911 143 5 892840889 +911 168 4 892838676 +911 174 4 892838577 +911 185 5 892841255 +911 190 5 892838864 +911 203 4 892841196 +911 204 4 892839930 +911 205 3 892839454 +911 210 3 892839745 +911 238 2 892839970 +911 240 1 892840297 +911 272 4 892838135 +911 313 2 892838135 +911 357 4 892838954 +911 381 5 892839846 +911 383 3 892841094 +911 399 5 892840120 +911 404 3 892840950 +911 423 4 892840837 +911 435 5 892839993 +911 483 3 892838637 +911 484 3 892839363 +911 485 3 892839454 +911 496 3 892838954 +911 501 3 892840916 +911 588 4 892840837 +911 622 3 892840996 +911 638 4 892839391 +911 659 3 892838677 +911 727 2 892842738 +911 835 3 892838405 +911 969 5 892840807 +911 1203 4 892838357 +912 14 5 875966927 +912 56 2 875966027 +912 97 4 875966783 +912 132 5 875965981 +912 143 5 875966694 +912 152 4 875966320 +912 154 4 875966027 +912 168 5 875966107 +912 172 3 875966027 +912 173 4 875966238 +912 185 3 875966065 +912 194 4 875966238 +912 197 5 875966429 +912 204 2 875966202 +912 238 4 875966320 +912 318 4 875966385 +912 423 5 875966694 +912 482 5 875965939 +912 483 5 875965906 +912 496 4 875965939 +912 602 5 875965981 +912 611 3 875965830 +912 654 3 875966027 +912 1041 4 875966616 +913 1 2 880758579 +913 8 2 880825916 +913 12 4 881366897 +913 25 3 881366974 +913 42 3 880824372 +913 58 5 880759221 +913 79 4 880758974 +913 82 3 881368310 +913 89 5 880794731 +913 92 4 881725846 +913 98 4 881725761 +913 99 4 881366878 +913 117 1 882544673 +913 127 4 882044440 +913 144 5 880946236 +913 156 3 880824512 +913 173 5 880826542 +913 174 5 881367620 +913 175 5 881366473 +913 179 3 881368269 +913 183 4 880757553 +913 185 4 881367173 +913 202 4 880825052 +913 210 2 880826706 +913 216 4 881725796 +913 222 3 881037459 +913 234 4 880825443 +913 237 4 881725960 +913 260 1 881037229 +913 265 4 880757553 +913 269 5 881725938 +913 273 3 881037670 +913 301 1 880753802 +913 302 4 880794297 +913 310 3 880753802 +913 357 5 880824372 +913 430 2 882544617 +913 432 3 881366721 +913 465 2 880826366 +913 475 4 880757473 +913 481 3 880758579 +913 527 5 881036957 +913 530 2 881367312 +913 588 3 881449256 +913 603 4 880758150 +913 655 4 881725846 +913 656 3 881726004 +913 741 4 881037004 +913 747 3 881369407 +913 750 4 883110363 +913 789 4 880946415 +913 963 4 881725737 +913 1112 1 882044453 +913 1240 2 881037004 +914 88 2 887124121 +914 111 1 887124121 +914 155 5 887124121 +914 197 4 887122028 +914 371 4 887122029 +914 387 3 887124121 +914 451 2 887122085 +914 643 4 887123886 +914 692 3 887122324 +914 724 3 887123464 +914 736 3 887123465 +914 1355 1 887123886 +915 268 5 891031477 +915 270 3 891030070 +915 288 2 891031450 +915 300 3 891031477 +915 304 3 891030032 +915 307 3 891030032 +915 310 3 891029965 +915 313 4 891029965 +915 321 3 891030002 +915 328 2 891031450 +915 333 3 891031450 +915 1038 2 891030070 +916 1 4 880843361 +916 2 3 880845391 +916 4 4 880844395 +916 9 5 880843378 +916 14 5 880843378 +916 17 4 880845135 +916 22 4 880844627 +916 28 4 880844861 +916 33 2 880845135 +916 39 4 880845011 +916 46 4 880844480 +916 48 5 880844861 +916 49 3 880845673 +916 50 5 880843436 +916 51 2 880845658 +916 53 4 880844834 +916 54 3 880845790 +916 56 5 880844038 +916 65 3 880845327 +916 70 4 880845099 +916 77 3 880845620 +916 81 5 880844527 +916 82 4 880845772 +916 85 2 880845115 +916 87 3 880844262 +916 91 4 880844223 +916 100 5 880843288 +916 134 5 880844123 +916 135 4 880844552 +916 143 3 880844463 +916 154 4 880844552 +916 160 3 880844511 +916 170 4 880844612 +916 175 4 880845011 +916 179 3 880844420 +916 182 3 880844123 +916 186 3 880844175 +916 190 4 880846339 +916 194 4 880843997 +916 212 5 880844879 +916 213 4 880844675 +916 214 3 880844958 +916 217 4 880845282 +916 221 4 880843594 +916 222 3 880843419 +916 223 4 880844087 +916 229 3 880845328 +916 232 3 880844897 +916 235 3 880843749 +916 244 4 880843401 +916 246 5 880843318 +916 252 2 880843864 +916 271 3 880843185 +916 281 3 880843727 +916 295 2 880843551 +916 298 3 880843334 +916 317 4 880845098 +916 366 3 880845658 +916 381 3 880845738 +916 393 2 880845067 +916 427 4 880844654 +916 451 3 880845227 +916 467 3 880844420 +916 470 3 880845476 +916 472 3 880843697 +916 474 4 880844175 +916 506 3 880844728 +916 509 4 880844312 +916 523 3 880844511 +916 527 4 880845135 +916 530 4 880844202 +916 570 3 880845368 +916 578 1 880844985 +916 593 4 880843551 +916 655 3 880844350 +916 702 3 880845157 +916 708 4 880845673 +916 721 4 880845049 +916 727 4 880845049 +916 732 3 880844862 +916 763 3 880843683 +916 781 3 880845451 +916 824 3 880843838 +916 831 1 880843864 +916 866 3 880843798 +916 930 2 880843934 +916 944 2 880845476 +916 959 4 880845328 +916 961 3 880844202 +916 1005 4 880845303 +916 1046 2 880845722 +916 1109 3 880844861 +916 1113 4 880844897 +916 1135 3 880845556 +916 1206 2 880845543 +916 1268 3 880845451 +916 1335 4 880843798 +916 1428 3 880845415 +917 25 4 882911390 +917 50 3 882910915 +917 150 5 882912385 +917 276 5 882912385 +917 471 4 882911099 +917 740 5 882912385 +917 1014 2 882911246 +918 16 4 891988560 +918 28 4 891987541 +918 45 4 891986959 +918 64 4 891987025 +918 131 3 891987824 +918 135 1 891986634 +918 137 5 891987879 +918 170 4 891987205 +918 174 3 891987154 +918 179 2 891988337 +918 190 5 891986720 +918 204 1 891987317 +918 211 2 891987752 +918 213 5 891988054 +918 275 4 891987176 +918 289 2 891988559 +918 382 4 891986846 +918 419 3 891987622 +918 428 5 891988001 +918 433 2 891987082 +918 443 3 891988248 +918 487 4 891987446 +918 488 3 891987846 +918 495 3 891987689 +918 514 2 891987082 +918 582 4 891987723 +918 606 4 891987132 +918 631 4 891986664 +918 638 4 891987267 +918 640 3 891988163 +918 645 4 891988090 +918 658 3 891987059 +918 737 3 891988123 +918 792 3 891986904 +918 856 4 891988491 +918 921 4 891988029 +918 923 4 891987317 +918 962 4 891988029 +918 1065 4 891988002 +918 1101 4 891987824 +918 1171 4 891988646 +918 1200 4 891988276 +919 4 1 875374032 +919 5 4 875374088 +919 7 3 875288848 +919 11 4 875373582 +919 15 5 875289250 +919 19 4 875288681 +919 50 3 875288570 +919 57 5 875373621 +919 58 5 875374032 +919 85 2 875372947 +919 100 5 875288522 +919 112 3 875289417 +919 140 5 875373471 +919 144 4 875373889 +919 168 1 875373074 +919 193 2 875373471 +919 201 4 875920887 +919 202 3 875373582 +919 204 4 875921396 +919 217 4 875373669 +919 218 4 875374032 +919 221 4 875288898 +919 240 3 875289611 +919 243 3 875288418 +919 244 2 875289025 +919 246 3 875288523 +919 253 3 875288748 +919 257 4 875288848 +919 259 4 875288362 +919 268 3 875920245 +919 270 4 885059422 +919 285 5 875288748 +919 286 4 885059400 +919 289 3 875288164 +919 298 3 875288983 +919 318 5 875372903 +919 321 2 875288164 +919 322 3 875288253 +919 325 4 875288418 +919 326 3 875288304 +919 327 4 875288304 +919 328 2 875288304 +919 347 3 885059569 +919 358 3 875288304 +919 372 3 875920948 +919 418 4 875373945 +919 458 2 875289212 +919 462 3 875372844 +919 471 3 875289638 +919 475 3 875288898 +919 477 4 875289025 +919 508 5 875288570 +919 564 2 875373770 +919 582 5 875373214 +919 596 3 885059887 +919 628 3 875288898 +919 676 4 875289061 +919 687 1 875288362 +919 690 3 885059658 +919 709 3 875374088 +919 717 3 875288805 +919 741 3 875288805 +919 742 4 875289499 +919 748 1 875288253 +919 756 3 875289170 +919 787 3 875921283 +919 794 4 875373521 +919 819 3 875288805 +919 878 2 875288443 +919 887 3 885059452 +919 919 2 875288805 +919 937 4 875920627 +919 976 2 875289453 +919 1012 4 875289611 +919 1047 3 875289697 +919 1048 3 875289113 +919 1086 4 875289322 +919 1101 5 875373470 +919 1109 3 875373824 +919 1114 3 875920823 +919 1136 2 875374269 +919 1137 4 875289170 +919 1152 4 875288612 +919 1277 4 875289887 +919 1278 4 875289761 +919 1284 3 875289566 +919 1315 2 875289611 +920 270 3 884219993 +920 300 3 884220058 +920 302 4 884219701 +920 328 2 884220058 +920 331 3 884220094 +920 332 3 884219953 +920 346 4 884219768 +920 347 4 884220131 +920 350 4 884219953 +920 682 3 884220058 +920 1612 4 884219953 +921 1 3 879379601 +921 8 3 884673699 +921 15 4 879379621 +921 24 3 879380097 +921 72 4 879380806 +921 79 4 879380704 +921 82 3 884673954 +921 87 2 884673673 +921 96 4 879380656 +921 125 3 879379774 +921 132 3 884673699 +921 133 5 884673843 +921 173 5 884673780 +921 181 5 879379562 +921 190 2 884673602 +921 227 3 879381051 +921 252 4 879380142 +921 274 4 879379971 +921 275 1 879379642 +921 282 2 879379714 +921 288 3 879379265 +921 313 5 884673044 +921 322 3 879379428 +921 369 1 879380328 +921 395 3 879380908 +921 411 2 879380142 +921 422 3 879380957 +921 471 2 879379821 +921 560 2 879380981 +921 651 3 884673891 +921 692 4 884673724 +921 720 4 879381128 +921 728 3 879381299 +921 755 4 884673910 +921 815 5 879379942 +921 845 4 879379601 +921 892 3 884673402 +921 932 3 879381128 +921 934 3 879380496 +921 1032 5 879381199 +921 1034 3 879380457 +921 1047 1 879380015 +921 1060 2 879379942 +921 1279 2 879380142 +922 50 5 891447447 +922 56 1 891447628 +922 63 3 891449363 +922 71 4 891448580 +922 72 4 891452470 +922 89 5 891450368 +922 94 3 891449333 +922 98 5 891447665 +922 143 4 891449021 +922 151 5 891449152 +922 159 3 891447853 +922 161 3 891450401 +922 172 5 891449021 +922 173 5 891448040 +922 174 5 891449021 +922 183 3 891450401 +922 184 3 891449901 +922 191 3 891454587 +922 202 5 891448115 +922 210 3 891450368 +922 212 2 891448473 +922 215 3 891453653 +922 216 3 891448115 +922 217 3 891449993 +922 222 4 891447681 +922 227 4 891447777 +922 229 4 891447777 +922 237 4 891448247 +922 249 3 891455250 +922 257 4 891455049 +922 265 5 891447777 +922 290 4 891451277 +922 371 3 891448348 +922 382 4 891451373 +922 395 4 891452879 +922 403 3 891450805 +922 406 4 891447944 +922 418 4 891448580 +922 449 4 891447802 +922 451 4 891448247 +922 471 3 891453501 +922 550 3 891450805 +922 568 3 891450524 +922 588 4 891448580 +922 746 4 891451143 +922 756 2 891455185 +922 949 5 891454320 +922 1035 3 891449552 +923 3 4 880387707 +923 117 4 880387598 +923 125 4 880388289 +923 148 4 880387474 +923 174 5 880388872 +923 181 5 880387363 +923 237 4 880387908 +923 245 3 880387199 +923 273 5 880387474 +923 281 4 880387875 +923 288 5 880386897 +923 295 5 880387579 +923 322 4 880387130 +923 333 5 880386897 +923 334 5 880387129 +923 338 4 880387172 +923 410 3 880387908 +923 456 4 880388562 +923 472 4 880388547 +923 546 4 880387507 +923 689 3 880387001 +923 762 4 880387525 +923 763 4 880387908 +923 827 3 880387997 +923 831 4 880388211 +923 928 4 880388306 +923 1028 4 880387624 +924 1 5 884371535 +924 6 4 886759441 +924 13 3 887421305 +924 82 4 885458168 +924 96 4 886760020 +924 117 2 887421305 +924 121 4 886760071 +924 127 3 884371438 +924 173 5 885458060 +924 174 5 885458009 +924 195 5 886065785 +924 202 4 886760020 +924 211 3 885457891 +924 228 4 886327826 +924 258 3 884336994 +924 273 3 889286721 +924 277 3 889286765 +924 283 4 884371495 +924 285 4 884371386 +924 286 3 884337043 +924 300 2 884337243 +924 408 3 889286721 +924 421 4 885458060 +924 504 5 885458009 +924 523 5 885458121 +924 526 3 886327826 +924 632 4 885458121 +924 705 5 885457858 +924 742 3 886065661 +924 836 3 885457975 +924 923 5 886327748 +924 1011 3 886760052 +924 1036 2 886759690 +924 1400 4 886327641 +924 1478 4 886759691 +925 5 4 884718156 +925 56 3 884717963 +925 185 4 884717963 +925 218 4 884717862 +925 299 3 884717478 +925 323 4 884633287 +925 332 4 884717404 +925 333 3 884717790 +925 678 3 884717790 +925 682 4 884717586 +925 948 2 884717790 +926 286 4 888636202 +926 288 3 888636202 +926 289 3 888636269 +926 300 3 888351623 +926 303 3 888351713 +926 315 4 888351623 +926 322 2 888636270 +926 325 1 888636269 +927 7 3 879177298 +927 15 5 879177509 +927 24 3 879181042 +927 41 4 879195407 +927 67 4 879190473 +927 69 4 879183164 +927 79 3 879184644 +927 105 1 879181879 +927 125 4 879177298 +927 138 4 879198655 +927 158 2 879198608 +927 222 5 879177177 +927 228 5 879184644 +927 230 5 879199250 +927 237 4 879177508 +927 240 3 879177456 +927 274 1 879181133 +927 288 5 879199250 +927 294 5 879199250 +927 300 5 879176156 +927 367 5 879199250 +927 380 5 879196283 +927 393 5 879193732 +927 410 1 879190223 +927 421 4 879194661 +927 449 4 879196230 +927 456 2 879182709 +927 501 4 879190422 +927 560 2 879191978 +927 739 3 879191360 +927 763 4 879181749 +927 780 1 879195783 +927 1089 5 879177457 +927 1093 4 879177243 +927 1229 3 879197198 +928 8 5 880936905 +928 98 5 880936884 +928 187 5 880936884 +928 333 3 880937258 +928 358 5 880936023 +928 496 5 880936863 +928 877 5 880936022 +928 878 5 880936022 +928 1007 5 880937163 +929 1 3 878402162 +929 23 3 880817681 +929 31 2 880817708 +929 32 3 880817818 +929 89 5 879640126 +929 134 4 880817752 +929 174 3 879640329 +929 182 4 879640225 +929 185 5 879640184 +929 188 4 880817728 +929 209 3 880817752 +929 271 2 880817603 +929 318 4 879640225 +929 419 4 880817844 +929 474 4 879640126 +929 483 4 879640036 +929 515 5 878402162 +929 517 5 879640329 +930 8 3 879535713 +930 121 4 879535392 +930 148 1 879534886 +930 151 2 879534724 +930 245 3 879534165 +930 269 4 879535392 +930 283 4 879535544 +930 288 1 879534001 +930 405 3 879534803 +930 455 1 879534692 +930 651 3 879535574 +930 763 3 879535102 +930 845 3 879534724 +931 50 3 891036715 +931 116 4 891036734 +931 121 2 891036604 +931 220 3 891037046 +931 237 3 891036552 +931 245 4 891037024 +931 250 2 891036673 +931 255 4 891036755 +931 258 3 891036003 +931 269 3 891035876 +931 275 5 891037521 +931 303 4 891035917 +931 310 3 891035876 +931 312 4 891036105 +931 347 4 891035946 +931 362 3 891035970 +931 476 3 891036974 +931 515 5 891036506 +931 678 3 891036247 +931 690 4 891036003 +931 744 4 891036463 +931 1022 1 891036003 +931 1152 4 891037177 +932 7 4 891250109 +932 54 4 891251038 +932 55 3 891249994 +932 98 5 891249586 +932 105 2 891252338 +932 114 5 891249903 +932 131 4 891250525 +932 135 5 891249538 +932 144 3 891249710 +932 154 5 891249994 +932 157 4 891250667 +932 161 3 891251507 +932 172 5 891250472 +932 175 4 891250449 +932 176 5 891250449 +932 177 4 891250609 +932 179 5 891249239 +932 180 4 891251014 +932 183 4 891249877 +932 194 5 891250472 +932 209 5 891250258 +932 211 5 891249710 +932 213 3 891249038 +932 218 3 891250915 +932 225 2 891251985 +932 226 3 891251292 +932 229 4 891251063 +932 234 3 891250060 +932 238 3 891250609 +932 274 5 891250704 +932 285 4 891250392 +932 379 2 891251798 +932 380 4 891250498 +932 428 4 891251105 +932 435 4 891249821 +932 459 4 891250944 +932 483 5 891249962 +932 489 4 891249710 +932 497 5 891249933 +932 498 5 891250363 +932 504 4 891250236 +932 507 5 891249675 +932 515 4 891249373 +932 525 5 891250418 +932 550 2 891251331 +932 566 4 891251463 +932 570 4 891251178 +932 576 2 891252198 +932 589 5 891250609 +932 611 5 891250418 +932 614 4 891280138 +932 617 4 891251588 +932 640 2 891249239 +932 647 5 891250987 +932 648 5 891249903 +932 652 3 891248893 +932 657 5 891249767 +932 671 3 891250915 +932 676 4 891251738 +932 679 2 891251538 +932 709 4 891251395 +932 778 4 891251272 +932 967 4 891251331 +932 1050 4 891251015 +932 1065 5 891251538 +932 1184 3 891250169 +932 1204 5 891249821 +932 1205 5 891250643 +932 1266 4 891248937 +932 1305 2 891252260 +932 1397 4 891250793 +932 1451 5 891249675 +932 1512 5 891249038 +932 1573 4 891249239 +933 1 3 874854294 +933 4 3 874854383 +933 21 1 874854383 +933 28 4 874853977 +933 52 3 874854161 +933 63 2 874938563 +933 64 5 874853605 +933 72 3 874938538 +933 73 4 874854629 +933 80 2 874938689 +933 98 5 874853734 +933 110 1 874938664 +933 132 3 874853605 +933 156 4 874854135 +933 161 2 874939105 +933 173 3 874855020 +933 179 5 874854135 +933 182 4 874854853 +933 187 4 874854294 +933 196 4 874854932 +933 209 2 874854678 +933 214 3 874853666 +933 215 3 874854031 +933 219 1 874854217 +933 231 1 874939031 +933 241 2 874855069 +933 317 4 874853779 +933 318 4 874853605 +933 385 3 874939207 +933 399 3 874939157 +933 403 3 874939105 +933 405 3 874939157 +933 433 1 874854251 +933 447 2 874854678 +933 451 1 874938507 +933 453 1 874938833 +933 470 4 874854611 +933 471 3 874854611 +933 475 2 874853605 +933 508 3 874853927 +933 523 4 874853957 +933 546 2 874939105 +933 550 1 874939185 +933 577 1 874938705 +933 583 3 874854217 +933 651 3 874854081 +933 734 2 874938644 +933 746 4 874854762 +933 765 1 874938644 +933 934 1 874938412 +933 1017 3 874854953 +933 1070 2 874854031 +933 1246 1 874938728 +934 2 4 891192087 +934 25 4 891195233 +934 50 5 891189363 +934 56 5 891191922 +934 67 4 891193373 +934 88 4 891194866 +934 97 4 891192329 +934 100 4 891189511 +934 121 3 891189819 +934 145 3 891196610 +934 151 3 891189401 +934 161 4 891193290 +934 168 4 891191875 +934 174 5 891191511 +934 177 3 891192623 +934 179 2 891191600 +934 183 2 891190903 +934 195 4 891191600 +934 197 5 891192041 +934 202 5 891193132 +934 208 5 891191258 +934 210 4 891191206 +934 223 5 891191659 +934 228 4 891193778 +934 229 4 891194539 +934 239 4 891194802 +934 269 2 891188367 +934 297 5 891189969 +934 315 4 891188403 +934 384 4 891195573 +934 388 3 891197678 +934 389 3 891195811 +934 393 2 891193013 +934 405 5 891189819 +934 411 3 891190377 +934 423 3 891191660 +934 432 5 891191976 +934 436 3 891196610 +934 461 4 891191660 +934 488 5 891192197 +934 514 5 891191546 +934 529 5 891194866 +934 554 4 891194462 +934 573 2 891197530 +934 605 4 891195288 +934 617 4 891191778 +934 629 4 891191334 +934 648 3 891190695 +934 663 5 891192849 +934 664 4 891193331 +934 675 4 891192285 +934 709 3 891196314 +934 771 3 891196950 +934 855 4 891192849 +934 949 3 891197678 +934 963 5 891192914 +934 1037 1 891197344 +934 1425 1 891197851 +934 1449 5 891191976 +935 100 3 884472110 +935 121 4 884472434 +935 127 4 884472086 +935 148 4 884472892 +935 237 5 884472159 +935 257 2 884472110 +935 284 4 884472673 +935 471 4 884472352 +935 476 4 884472465 +935 717 4 884472872 +935 742 5 884472266 +935 846 4 884472999 +935 864 5 884472704 +935 924 4 884472392 +935 1016 4 884472434 +936 9 4 886832373 +936 14 4 886832373 +936 50 4 886832282 +936 93 5 886833795 +936 106 3 886833148 +936 111 4 886832597 +936 116 4 886832636 +936 137 4 886832544 +936 181 4 886832596 +936 236 5 886832183 +936 243 2 886831820 +936 249 5 886832808 +936 250 5 886832337 +936 253 5 886832454 +936 268 4 886831415 +936 275 4 886832134 +936 281 4 886832903 +936 282 2 886832714 +936 285 4 886832221 +936 298 4 886832134 +936 301 3 886831637 +936 313 4 886831374 +936 333 3 886831415 +936 340 4 886831535 +936 475 5 886832282 +936 508 3 886832282 +936 547 5 886833795 +936 591 4 886832373 +936 628 1 886832758 +936 741 4 886832808 +936 818 4 886832903 +936 927 4 886833052 +936 952 4 886832966 +936 1007 5 886833795 +936 1014 3 886833571 +936 1086 3 886832134 +936 1097 5 886833795 +936 1258 2 886833281 +936 1279 3 886833360 +936 1344 5 886832183 +937 9 5 876769373 +937 126 4 876769374 +937 224 4 876769480 +937 242 3 876762200 +937 268 1 876762200 +937 275 4 876769323 +937 285 4 876769436 +937 293 4 876769530 +937 297 4 876769436 +937 300 4 876768813 +937 301 1 876768812 +937 515 5 876769253 +938 9 3 891356413 +938 15 2 891356615 +938 105 1 891357137 +938 122 1 891357190 +938 125 3 891356742 +938 151 4 891356679 +938 181 5 891356390 +938 240 2 891356847 +938 281 2 891356594 +938 284 2 891356827 +938 300 3 891350008 +938 313 5 891349471 +938 333 4 891356146 +938 370 5 891357137 +938 472 4 891356656 +938 476 4 891357137 +938 477 1 891356702 +938 546 3 891356532 +938 595 2 891357042 +938 717 2 891357060 +938 748 2 891356282 +938 763 4 891356656 +938 815 3 891356532 +938 840 2 891357190 +938 864 4 891356827 +938 873 3 891356085 +938 988 3 891356282 +938 1012 5 891356500 +938 1014 4 891356632 +938 1033 2 891357137 +939 106 3 880262019 +939 121 5 880261373 +939 222 5 880260956 +939 258 4 880260692 +939 326 5 880260636 +939 409 4 880261532 +939 476 5 880261974 +939 689 5 880260636 +939 818 3 880262057 +939 890 2 880260636 +939 931 2 880262196 +939 934 3 880262139 +939 993 4 880260853 +939 1023 4 880262057 +939 1054 4 880261868 +939 1190 5 880260883 +940 4 2 885922040 +940 8 5 885921577 +940 9 3 885921687 +940 14 3 885921710 +940 56 5 885921577 +940 66 4 885922016 +940 89 4 885921828 +940 95 5 885921800 +940 96 5 885921265 +940 147 4 885921893 +940 153 2 885921953 +940 170 4 885921401 +940 172 4 885921451 +940 174 4 885921310 +940 181 3 885921310 +940 193 3 885921893 +940 194 5 885921953 +940 205 3 885921243 +940 272 4 884801316 +940 289 3 884801144 +940 300 5 884801316 +940 310 3 884800966 +940 315 4 884801125 +940 317 4 885921577 +940 319 2 884800944 +940 343 2 884801246 +940 355 1 889480552 +940 427 5 885921451 +940 474 3 885921687 +940 521 4 885921915 +940 549 2 885921915 +940 568 3 885921870 +940 610 1 885921953 +940 628 4 885921800 +940 655 4 885921775 +940 683 3 884800988 +940 708 3 885921953 +940 751 3 884801227 +940 855 5 885921980 +940 873 3 889480440 +940 1401 1 885921371 +941 7 4 875048952 +941 117 5 875048886 +941 124 5 875048996 +941 147 4 875049077 +941 181 5 875048887 +941 258 4 875048495 +941 993 4 875048996 +942 31 5 891283517 +942 50 5 891282816 +942 95 5 891283516 +942 117 4 891282816 +942 131 5 891283094 +942 172 5 891282963 +942 193 5 891283043 +942 200 4 891282840 +942 216 4 891282963 +942 261 4 891282673 +942 269 2 891282396 +942 303 4 891282477 +942 304 5 891282457 +942 313 3 891282396 +942 323 3 891282644 +942 347 5 891282396 +942 362 3 891282420 +942 423 5 891283095 +942 427 5 891283017 +942 479 4 891283118 +942 487 4 891282985 +942 496 5 891283043 +942 500 5 891282816 +942 511 4 891282931 +942 514 4 891283069 +942 539 3 891282673 +942 584 4 891283239 +942 604 4 891283139 +942 607 5 891282931 +942 615 3 891283017 +942 878 4 891282702 +942 969 4 891282817 +943 11 4 888639000 +943 12 5 888639093 +943 27 4 888639954 +943 51 1 888640088 +943 54 4 888639972 +943 55 5 888639118 +943 58 4 888639118 +943 62 3 888640003 +943 73 3 888639598 +943 94 4 888639929 +943 96 4 888638920 +943 111 4 875502192 +943 117 4 875501937 +943 124 3 875501995 +943 127 5 875501774 +943 181 4 875409978 +943 184 5 888639247 +943 186 5 888639478 +943 188 4 888639269 +943 195 4 888639407 +943 200 4 888639388 +943 210 4 888639147 +943 215 5 888639000 +943 226 4 888639660 +943 232 4 888639867 +943 237 4 888692413 +943 281 4 875502299 +943 356 4 888639598 +943 373 3 888640275 +943 405 4 875502042 +943 412 2 875501856 +943 423 3 888639231 +943 443 2 888639746 +943 471 5 875502042 +943 549 1 888639772 +943 570 1 888640125 +943 581 4 888639814 +943 595 2 875502597 +943 655 4 888639269 +943 685 4 875502042 +943 794 3 888640143 +943 808 4 888639868 +943 943 5 888639614 +943 1011 2 875502560 +943 1067 2 875501756 +943 1074 4 888640250 +943 1188 3 888640250 diff --git a/MovieLens Movie Recommendation/Python/ml-100k/u5.test b/MovieLens Movie Recommendation/Python/ml-100k/u5.test new file mode 100644 index 00000000..827ca804 --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/u5.test @@ -0,0 +1,20000 @@ +1 3 4 878542960 +1 13 5 875071805 +1 15 5 875071608 +1 18 4 887432020 +1 19 5 875071515 +1 28 4 875072173 +1 29 1 878542869 +1 52 4 875072205 +1 59 5 876892817 +1 83 3 875072370 +1 88 4 878542791 +1 94 2 875072956 +1 111 5 889751711 +1 122 3 875241498 +1 126 2 875071713 +1 152 5 878542589 +1 172 5 874965478 +1 204 5 875072688 +1 207 5 875073067 +1 231 1 876893031 +1 244 2 887431973 +2 275 5 888550939 +2 286 4 888549960 +2 296 3 888550871 +2 302 5 888552084 +3 340 5 889237455 +3 346 5 889237455 +3 353 1 889237122 +4 301 5 892002353 +4 360 5 892002352 +5 105 3 875635443 +5 174 5 875636130 +5 200 2 875720717 +5 210 3 875636099 +5 233 4 875729064 +5 368 1 875635457 +5 373 3 875635907 +5 375 3 875637587 +5 380 3 875637191 +5 383 3 875636588 +5 419 3 875636815 +5 448 2 875720692 +6 8 4 883600657 +6 111 2 883599478 +6 182 4 883268776 +6 202 3 883602690 +6 216 5 883601500 +6 237 2 883599914 +6 285 3 883599431 +6 306 4 883268246 +6 490 5 883601365 +6 496 4 883601155 +6 533 4 883599830 +6 537 4 883601277 +6 539 2 883681433 +7 12 5 892135346 +7 50 5 891351042 +7 86 4 891350810 +7 144 5 891351201 +7 152 4 891351851 +7 164 5 891351813 +7 173 5 891351002 +7 197 4 891351082 +7 198 3 891351685 +7 211 5 891352557 +7 309 3 891350704 +7 317 4 892133670 +7 357 5 892135347 +7 367 5 891350810 +7 421 3 891352134 +7 441 2 891354257 +7 509 5 891352778 +7 521 5 891353124 +7 561 4 891354611 +7 569 4 892131978 +7 598 3 891353801 +7 607 3 891352831 +7 639 5 891353676 +8 243 2 879361732 +8 260 3 879361665 +8 358 2 879361732 +8 566 3 879362423 +9 7 4 886960030 +9 385 5 886960055 +10 9 4 877889005 +10 12 5 877886911 +10 23 5 877886911 +10 40 4 877892438 +10 85 4 877892438 +10 93 4 877892160 +10 153 4 877886722 +10 179 5 877889004 +10 198 3 877889005 +10 286 4 877886162 +10 479 5 877891966 +10 484 5 877891904 +10 525 5 877892210 +10 604 4 877892110 +10 610 4 877888613 +10 686 4 877886911 +10 700 4 877892277 +10 707 5 877886783 +11 11 2 891904271 +11 107 4 891903276 +11 173 5 891904920 +11 213 4 891906389 +11 229 4 891905878 +11 239 4 891904617 +11 324 1 891902222 +11 356 4 891906327 +11 365 3 891904764 +11 382 3 891904573 +11 393 4 891905222 +11 399 3 891905279 +11 431 2 891905896 +11 451 2 891905003 +11 747 3 891906426 +12 69 5 879958902 +12 127 4 879959488 +12 203 3 879959583 +12 480 4 879959161 +13 8 4 882140001 +13 9 3 882140205 +13 28 5 882398814 +13 60 4 884538767 +13 116 5 882140455 +13 135 5 882139541 +13 141 2 890705034 +13 166 5 884538663 +13 176 3 882140455 +13 182 5 882139347 +13 188 4 882140130 +13 218 1 882396869 +13 225 2 882399156 +13 242 2 881515193 +13 260 1 882140848 +13 280 4 882399528 +13 285 5 882139937 +13 336 2 882140848 +13 358 3 881515521 +13 362 4 890704999 +13 400 4 885744650 +13 429 5 884538727 +13 432 4 882398654 +13 445 4 882139774 +13 446 1 882397039 +13 515 2 881515193 +13 522 5 882140425 +13 525 5 882140624 +13 541 1 882397650 +13 549 4 882399357 +13 590 2 882397068 +13 629 1 882141582 +13 671 3 882396790 +13 756 2 886302858 +13 778 3 886302694 +13 793 5 882141841 +13 798 2 882397974 +13 803 3 882398255 +13 811 5 882139829 +13 813 1 882139863 +13 822 3 884538634 +13 825 1 882397651 +13 834 1 882397068 +13 837 4 882139717 +13 841 1 882398076 +13 870 3 882397271 +13 882 3 886952438 +13 893 3 882774005 +13 899 1 892015288 +13 904 1 892015178 +13 905 2 886302261 +14 19 5 880929651 +14 25 2 876965165 +14 276 4 879119390 +14 382 5 879119739 +14 524 5 879119497 +14 525 5 890881557 +14 588 4 890881433 +14 663 5 879119651 +15 225 3 879456447 +15 322 3 879455262 +15 845 2 879456108 +15 938 3 879455233 +16 33 2 877722001 +16 39 5 877720118 +16 66 4 877719075 +16 127 5 877719206 +16 135 4 877720916 +16 367 3 877726390 +16 410 5 877718107 +16 480 5 877720297 +16 943 3 877719206 +17 222 3 885272751 +17 269 4 885165619 +17 276 4 885272654 +18 15 4 880131054 +18 28 3 880129527 +18 50 4 880130155 +18 56 5 880129454 +18 83 5 880129877 +18 116 5 880131358 +18 127 5 880129668 +18 133 5 880130713 +18 142 4 880131173 +18 174 4 880130613 +18 187 5 880130393 +18 212 5 880129990 +18 317 5 880131144 +18 357 4 880129421 +18 381 4 880131474 +18 604 5 880129731 +18 612 4 880131591 +18 724 4 880132055 +18 952 2 880130582 +18 959 3 880131450 +18 962 4 880131631 +18 967 3 880131901 +19 294 3 885412034 +20 15 4 879667937 +20 22 5 879669339 +20 50 3 879667937 +20 82 4 879669697 +20 204 3 879670039 +20 243 4 879667799 +20 323 4 879667684 +21 1 5 874951244 +21 9 5 874951188 +21 15 4 874951188 +21 53 4 874951820 +21 127 5 874951188 +21 264 3 874950972 +21 273 4 874951349 +21 286 3 874950889 +21 321 3 874950972 +21 323 2 874950972 +21 330 4 874951040 +21 408 5 874951188 +21 672 3 874951727 +21 858 1 874951858 +21 873 2 874950932 +21 876 2 874950932 +21 877 2 874950972 +21 987 3 874951616 +21 991 2 874951039 +22 68 4 878887925 +22 174 5 878887765 +22 209 4 878886518 +22 233 3 878888066 +22 265 3 878888066 +22 385 4 878887869 +22 526 4 878888026 +22 731 3 878887116 +22 792 4 878886647 +22 998 1 878886571 +23 73 3 874787016 +23 173 5 874787587 +23 176 3 874785843 +23 181 4 874784337 +23 227 3 874787738 +23 387 3 874786098 +23 449 2 874787083 +23 451 2 874787256 +23 603 4 874785448 +23 642 3 874785843 +23 919 5 874784440 +24 7 4 875323676 +24 58 3 875323745 +24 97 4 875323193 +24 151 5 875322848 +24 223 5 875322727 +24 276 5 875322951 +24 324 5 875322875 +24 518 4 875323552 +24 699 3 875323051 +24 1007 5 875322758 +25 7 4 885853155 +25 79 4 885852757 +25 82 4 885852150 +25 86 4 885852248 +25 125 5 885852817 +25 176 4 885852862 +25 177 3 885852488 +25 612 4 885852120 +25 657 4 885852720 +25 692 4 885852656 +26 122 1 891380200 +26 248 3 891377468 +26 282 4 891373086 +26 288 4 891347477 +26 323 2 891349184 +26 328 2 891348011 +26 471 2 891371676 +26 515 4 891352940 +26 683 3 891350372 +26 760 1 891383899 +26 845 3 891377468 +26 936 4 891352136 +26 1010 2 891377609 +26 1013 1 891383836 +27 123 5 891543191 +27 1017 4 891542897 +28 196 4 881956081 +28 434 4 881961104 +28 444 3 881961728 +28 529 4 881957310 +28 588 3 881957425 +28 603 3 881957090 +30 29 3 875106638 +30 69 5 885941156 +30 135 5 885941156 +30 319 4 875060217 +30 780 4 875060217 +31 192 4 881548054 +31 611 4 881548111 +32 50 4 883717521 +32 181 4 883717628 +32 408 3 883717684 +32 628 4 883718121 +33 288 4 891964066 +33 300 4 891964131 +34 288 2 888601628 +34 289 1 888602950 +34 898 5 888602842 +34 899 5 888603123 +34 991 4 888602618 +35 321 3 875458970 +37 62 5 880916070 +37 121 2 880915528 +37 226 5 880916010 +37 233 4 880916046 +37 472 2 880915711 +37 568 3 880915942 +38 162 5 892431727 +38 185 2 892432573 +38 195 1 892429952 +38 413 1 892434626 +38 420 5 892429347 +38 433 5 892433771 +38 447 5 892434430 +38 451 5 892431727 +38 627 5 892431586 +38 673 5 892432062 +38 678 5 892428658 +38 768 5 892433062 +38 1029 1 892434626 +38 1032 4 892432624 +38 1037 4 892434283 +39 288 5 891400704 +39 302 5 891400188 +39 319 4 891400094 +40 302 3 889041283 +40 346 2 889041358 +41 50 5 890687066 +41 135 4 890687473 +41 156 4 890687304 +41 173 4 890687549 +41 191 4 890687473 +41 205 4 890687353 +41 514 4 890687042 +41 969 4 890687438 +42 2 5 881109271 +42 87 4 881107576 +42 103 3 881106162 +42 136 4 881107329 +42 168 3 881107773 +42 282 4 881105677 +42 411 4 881106317 +42 433 2 881108760 +42 591 4 881110138 +42 658 2 881107502 +42 735 4 881108548 +42 755 4 881108425 +43 73 4 883956099 +43 123 1 875975520 +43 143 4 883955247 +43 202 5 875981190 +43 226 3 883956442 +43 254 3 875975323 +43 580 3 883956417 +43 591 5 875975656 +43 731 4 875981190 +43 892 3 883954776 +43 1055 2 883955969 +44 22 4 878347942 +44 31 4 878348998 +44 97 2 878348000 +44 151 4 878341370 +44 173 5 878348725 +44 175 4 878347972 +44 181 4 878341290 +44 183 4 883613372 +44 190 5 878348000 +44 198 4 878348947 +44 201 2 878347392 +44 307 4 878340940 +44 318 5 878347340 +44 432 5 878347569 +44 633 3 878347633 +44 692 3 878347532 +45 24 3 881014550 +45 764 4 881015310 +45 826 3 881015386 +45 993 4 881014785 +46 262 5 883614766 +46 286 5 883611352 +47 262 5 879439040 +47 305 5 879439040 +47 1022 3 879440429 +48 193 2 879434751 +48 302 4 879434954 +48 428 4 879434608 +48 650 3 879434819 +49 2 1 888069606 +49 12 4 888068057 +49 99 4 888067031 +49 121 1 888068100 +49 147 1 888069416 +49 154 5 888068715 +49 174 1 888067691 +49 200 3 888067358 +49 208 4 888068715 +49 225 2 888068651 +49 235 2 888068990 +49 256 4 888066215 +49 283 3 888066086 +49 289 4 888065744 +49 300 1 888065577 +49 404 3 888067765 +49 475 4 888066109 +49 477 2 888067727 +49 577 1 888069329 +49 652 5 888066446 +49 702 3 888066614 +49 715 3 888069040 +49 789 4 888068033 +49 813 3 888068686 +49 904 2 888065527 +49 1069 3 888068912 +49 1073 5 888066424 +52 7 5 882922204 +52 191 5 882923031 +52 277 5 882922661 +52 288 3 882922454 +53 15 5 879443027 +54 148 3 880937490 +55 7 3 878176047 +55 174 4 878176397 +56 28 5 892678669 +56 66 3 892911110 +56 193 5 892678669 +56 281 2 892683611 +56 295 3 893257941 +56 393 4 892677047 +56 405 4 892679460 +56 575 3 892911469 +56 636 4 892683533 +56 748 4 892676028 +56 871 2 892910207 +56 1074 3 892683941 +56 1091 2 892737210 +57 1 5 883698581 +57 121 4 883697432 +57 144 3 883698408 +57 168 3 883698362 +57 257 5 883698580 +57 717 4 883697960 +58 7 5 884304656 +58 56 5 884305369 +58 168 5 891611548 +58 191 5 892791893 +58 200 3 884305295 +58 223 5 884305150 +58 238 5 884305185 +58 354 3 890321652 +58 491 4 891611593 +58 584 5 884305271 +58 730 5 884305004 +58 823 1 892242419 +59 4 4 888205188 +59 28 5 888204841 +59 53 5 888206161 +59 73 4 888206254 +59 81 4 888205336 +59 86 3 888205145 +59 90 2 888206363 +59 91 4 888205265 +59 116 4 888203018 +59 129 5 888202941 +59 143 1 888204641 +59 243 1 888206764 +59 273 2 888203129 +59 380 3 888205956 +59 392 2 888206562 +59 505 4 888204260 +59 507 4 888204877 +59 517 5 888205714 +59 526 4 888204928 +59 602 2 888206295 +59 608 4 888204502 +59 658 4 888205188 +59 727 2 888205265 +59 946 1 888206445 +59 953 5 888205787 +59 969 3 888204802 +59 1114 5 888203415 +59 1120 1 888203900 +60 15 4 883328033 +60 135 5 883327087 +60 141 3 883327472 +60 228 4 883327472 +60 419 3 883327612 +60 423 4 883326593 +60 483 5 883326497 +60 519 4 883326370 +60 592 4 883327566 +60 601 4 883325944 +60 603 5 883326652 +61 301 1 891206450 +62 7 4 879372277 +62 15 2 879372634 +62 64 4 879373638 +62 76 4 879374045 +62 116 3 879372480 +62 117 4 879372563 +62 151 5 879372651 +62 191 5 879373613 +62 215 3 879374640 +62 275 4 879372325 +62 276 5 879372182 +62 285 4 879372455 +62 509 4 879373568 +62 528 5 879375080 +62 673 2 879375323 +62 747 3 879375247 +62 924 1 879373175 +62 931 1 879373522 +63 10 4 875748004 +63 121 1 875748139 +63 137 4 875747368 +63 181 3 875747556 +63 257 3 875747342 +63 283 4 875747401 +63 285 3 875747470 +63 294 2 875747047 +63 322 2 875746986 +63 993 2 875747635 +64 10 5 889739733 +64 172 4 889739091 +64 184 4 889739243 +64 197 3 889737506 +64 241 3 889739380 +64 347 3 889737062 +64 356 3 889740154 +64 389 4 889739834 +64 435 4 889737771 +64 496 5 889737567 +64 503 4 889740342 +64 651 4 889740795 +64 693 3 889737654 +64 732 4 889739288 +64 919 4 889739834 +65 9 5 879217138 +65 66 3 879217972 +65 77 5 879217689 +65 178 5 879217689 +65 194 4 879217881 +65 237 4 879217320 +65 392 5 879217689 +65 471 4 879217434 +66 9 4 883601265 +66 257 3 883601355 +66 300 5 883601089 +66 1016 3 883601859 +67 117 5 875379794 +67 273 4 875379288 +67 1047 3 875379750 +68 926 1 876974298 +69 222 3 882072956 +69 628 3 882126125 +70 1 4 884065277 +70 94 3 884151014 +70 172 5 884064217 +70 227 3 884067476 +70 380 3 884066399 +70 418 3 884149806 +70 449 2 884065247 +70 739 2 884150753 +70 946 3 884150691 +70 993 3 884064688 +70 1030 2 884151801 +71 6 3 880864124 +71 98 4 885016536 +71 100 4 877319197 +72 23 4 880036550 +72 81 3 880036876 +72 106 4 880036185 +72 197 5 880037702 +72 237 3 880036346 +72 271 1 880036346 +72 403 3 880037277 +72 649 4 880036783 +72 770 4 880037306 +72 844 4 880035708 +73 96 2 888626523 +73 129 4 888625907 +73 183 4 888626262 +73 188 5 888625553 +73 246 3 888792938 +73 285 4 888792900 +73 514 4 888626153 +74 300 3 888333194 +74 331 4 888333352 +74 358 2 888333372 +75 129 3 884049939 +75 222 5 884050194 +75 473 3 884050733 +75 864 4 884049876 +75 866 2 884050733 +76 24 2 882607536 +76 96 5 875312034 +76 293 4 879117673 +76 806 4 882606471 +76 851 4 879576570 +76 919 3 875027945 +76 1159 3 882606623 +77 42 5 884752948 +77 98 4 884752901 +77 134 4 884752562 +77 183 5 884732606 +77 191 3 884752948 +77 222 4 884732873 +77 228 3 884753105 +77 636 2 884753061 +78 411 4 879634223 +79 236 5 891271719 +79 285 5 891271652 +79 763 5 891271741 +80 64 5 887401475 +80 887 4 887401236 +81 79 5 876534817 +81 210 4 876534704 +81 717 2 876533824 +82 22 3 878769777 +82 118 3 878768510 +82 134 4 878769442 +82 212 4 878769410 +82 237 3 876311319 +82 318 4 878769629 +82 435 5 878769409 +82 483 5 878769888 +82 484 4 878769597 +82 582 4 878769410 +82 603 5 878769479 +82 660 5 878769848 +82 1059 1 884714456 +83 50 3 880327590 +83 88 5 880308186 +83 151 3 880306745 +83 245 2 891181703 +83 479 5 880307699 +83 704 3 880327216 +83 845 3 880306648 +83 944 3 880308871 +83 1049 3 880307588 +84 408 5 883450553 +84 591 4 883451664 +84 756 3 883452765 +84 815 4 883452462 +85 161 4 882819528 +85 162 2 879454235 +85 172 4 882813285 +85 181 4 882813312 +85 196 4 879454952 +85 325 2 879452386 +85 333 1 886282927 +85 474 5 879454500 +85 482 4 879454304 +85 520 3 882996257 +85 663 5 879454437 +85 715 4 882995967 +85 745 3 879829021 +85 1039 4 879453903 +85 1075 3 879454400 +85 1166 4 879455021 +86 259 4 879570423 +86 326 3 879570423 +86 1176 5 879570973 +87 56 4 879876524 +87 128 3 879876037 +87 134 4 879877740 +87 152 4 879876564 +87 180 4 879875649 +87 194 5 879876403 +87 372 3 879876565 +87 396 1 879877280 +87 598 2 879877279 +87 648 5 879876448 +87 685 3 879875856 +87 715 3 879876885 +87 849 5 879875996 +87 1118 3 879877007 +87 1178 3 879877208 +87 1180 3 879877127 +87 1186 3 879876886 +88 326 5 891038103 +89 25 5 879441637 +89 107 5 879441780 +89 173 5 879459859 +89 402 4 879460347 +89 405 3 879441586 +89 451 3 879459884 +90 23 5 891384997 +90 60 4 891385039 +90 69 1 891383424 +90 135 5 891384570 +90 137 5 891384754 +90 196 4 891385250 +90 215 2 891385335 +90 276 4 891384476 +90 491 4 891384959 +90 498 5 891383173 +90 500 4 891384721 +90 516 5 891383987 +90 708 5 891385787 +90 730 5 891384147 +90 753 4 891385751 +90 847 5 891383753 +90 942 4 891385165 +91 79 5 891439018 +91 183 5 891438909 +91 294 3 891438288 +91 300 4 891438004 +91 333 5 891438106 +91 474 3 891438947 +91 527 4 891439057 +91 662 4 891439439 +92 13 4 886443292 +92 25 3 875640072 +92 40 3 875656164 +92 63 3 875907504 +92 65 4 875653960 +92 69 5 875653198 +92 108 2 886443416 +92 147 2 875640542 +92 149 3 886443494 +92 155 2 875654888 +92 169 5 875653121 +92 212 4 875656086 +92 217 3 875657595 +92 225 3 875640740 +92 233 3 875654732 +92 239 4 875654125 +92 260 1 890463551 +92 369 3 886443672 +92 418 3 875653769 +92 433 5 875654665 +92 597 2 886443328 +92 631 4 875658112 +92 761 2 875907134 +92 841 3 886443455 +92 855 5 875653162 +92 922 1 875644796 +92 926 3 875640542 +92 1037 2 875907702 +92 1052 2 890251841 +92 1194 4 875654432 +92 1210 1 875907179 +93 14 4 888705200 +93 118 3 888705416 +93 934 3 888705988 +94 71 4 891721642 +94 86 5 891720971 +94 127 5 885870175 +94 134 5 886008885 +94 151 5 891721716 +94 159 3 891723081 +94 182 5 885873089 +94 188 4 885870665 +94 226 2 891721238 +94 233 3 891722934 +94 248 4 891724341 +94 293 4 891724044 +94 338 4 891725030 +94 355 2 891725090 +94 367 4 891723328 +94 412 2 891724485 +94 474 5 885870322 +94 559 4 891721777 +94 584 4 885872942 +94 622 3 891722609 +94 631 5 891720950 +94 690 4 891928703 +94 721 2 891721078 +94 737 4 891723459 +94 823 3 891722458 +94 997 4 891723190 +94 1007 4 891724282 +94 1010 4 891721117 +94 1065 4 885872942 +94 1101 3 891720590 +94 1140 2 891723328 +94 1219 4 891722306 +95 50 5 879197329 +95 52 4 879198800 +95 110 2 880572323 +95 194 5 879197603 +95 219 4 880572658 +95 227 2 880572356 +95 238 5 880570823 +95 294 2 884266083 +95 386 2 880572356 +95 392 3 880571428 +95 433 4 880571950 +95 450 2 880572787 +95 462 4 879197022 +95 473 4 879193353 +95 507 4 880571226 +95 623 3 880572388 +95 631 4 880573627 +95 648 3 888954170 +95 671 3 880571045 +95 679 2 879196513 +95 946 3 888956489 +95 1222 2 880572602 +96 196 4 884403057 +96 234 4 884403336 +96 423 5 884403057 +96 514 4 884402977 +97 208 5 884239744 +97 423 5 884239472 +98 194 5 880498898 +98 659 5 880498861 +99 98 5 885679596 +99 174 5 885679705 +99 294 4 885678453 +99 329 4 886518562 +99 348 4 886518562 +99 433 4 886780105 +99 473 4 885679353 +99 544 4 885679183 +99 789 4 885680176 +99 1047 4 885679472 +100 271 3 891375260 +100 315 5 891375557 +100 346 3 891375630 +100 751 4 891374868 +100 885 2 891375359 +100 898 4 891375454 +101 472 3 877136711 +101 595 2 877136391 +101 763 3 877136789 +101 831 3 877136954 +101 1028 3 877136449 +102 1 3 883748352 +102 2 2 888801522 +102 7 2 888801407 +102 154 3 888803708 +102 172 3 888801232 +102 174 4 888801360 +102 227 4 888801673 +102 272 3 888112484 +102 301 3 885697464 +102 316 3 889362833 +102 684 2 888802176 +102 792 3 892992297 +102 879 3 879443144 +102 1076 2 883748527 +103 56 5 880416602 +103 98 3 880420565 +104 9 2 888465201 +104 121 2 888466002 +104 310 2 888442275 +104 328 3 888442249 +104 407 2 888465936 +104 471 3 888465290 +104 678 2 888442404 +105 347 3 889214334 +105 751 2 889214381 +105 880 3 889214335 +106 9 4 883876572 +106 59 4 881453318 +106 70 3 881452355 +106 82 3 881453290 +106 318 5 881449830 +106 463 3 881453413 +107 1243 3 891264466 +109 22 4 880572950 +109 28 3 880572721 +109 50 5 880563331 +109 56 5 880577804 +109 180 3 880581127 +109 250 2 880563471 +109 358 2 880562908 +109 385 4 880577961 +109 410 1 880564534 +109 476 3 880571831 +109 595 3 880572108 +109 831 2 880572296 +109 871 2 880572350 +109 924 3 880564415 +109 1135 4 880582976 +109 1139 2 880583463 +109 1161 3 880564678 +109 1210 3 880582230 +110 29 3 886988374 +110 31 3 886989057 +110 67 3 886989566 +110 403 3 886988134 +110 569 4 886988321 +110 576 2 886988574 +110 585 2 886989473 +110 651 4 886988018 +110 739 4 886988937 +110 947 3 886988574 +110 1228 3 886988689 +110 1229 3 886988374 +111 304 4 891679840 +112 315 5 891299783 +112 332 4 886398611 +112 690 4 884992462 +112 888 4 886398699 +113 300 3 875075887 +113 333 4 875935609 +113 742 3 875076827 +113 975 5 875936424 +113 979 5 875936424 +114 135 4 881260611 +114 171 4 881309511 +114 172 5 881259495 +114 200 3 881260409 +114 224 3 881259839 +114 522 5 881309662 +114 527 3 881309586 +115 83 3 881172183 +115 100 5 881171982 +115 117 4 881171009 +115 185 5 881171409 +115 192 5 881171137 +115 218 3 881171623 +115 302 4 881169559 +115 508 5 881170438 +115 558 5 881171203 +115 628 5 881169883 +115 644 3 881172183 +115 696 4 881169984 +116 124 3 876453733 +116 127 5 876454257 +116 269 3 886309452 +116 270 3 879864042 +116 275 2 876453519 +116 311 3 886978067 +116 326 2 876453376 +116 532 2 876452651 +116 596 5 876452854 +116 650 2 876452806 +116 690 3 877934548 +116 1244 2 876453191 +117 164 5 881011727 +117 249 4 880125911 +117 252 3 881010322 +117 271 4 880124397 +117 282 5 880126295 +117 895 2 886019030 +117 1059 3 881008632 +118 5 2 875385256 +118 100 5 875384751 +118 179 5 875384612 +118 234 5 875385386 +118 427 5 875384751 +119 93 4 874775262 +119 172 4 874782191 +119 196 5 886177162 +119 257 4 874775614 +119 258 2 887037225 +119 271 4 886175150 +119 287 4 874775465 +119 315 5 886175571 +119 323 4 874774449 +119 349 3 887038665 +119 471 4 886177338 +119 492 5 874781198 +119 655 5 874781628 +119 727 5 887038711 +119 1137 5 886176922 +119 1264 3 886176993 +120 50 4 889489973 +120 118 2 889490979 +120 515 5 889489772 +121 1 4 891388475 +121 11 2 891387992 +121 292 4 891388960 +121 315 4 891389282 +121 318 5 891390013 +121 458 1 891388847 +122 28 4 879270084 +122 197 5 879270482 +122 519 4 879270129 +122 699 5 879270541 +122 1074 4 879270901 +123 134 4 879872275 +123 187 4 879809943 +123 294 1 879809529 +123 321 4 879809220 +123 1269 2 879872867 +124 1 3 890287733 +125 66 5 879455184 +125 67 5 892838865 +125 82 5 879454386 +125 85 3 892838424 +125 95 5 879454628 +125 222 5 892836465 +125 289 5 892835854 +125 571 3 892838827 +125 710 5 879454699 +125 763 3 892836574 +125 1037 2 892839143 +126 286 3 887853469 +126 303 3 887854825 +126 310 2 887854652 +126 881 5 887938392 +128 28 5 879966785 +128 117 5 879967631 +128 180 5 879967174 +128 275 5 879967016 +128 380 4 879968946 +128 507 4 879966685 +128 1136 3 879969084 +129 310 2 883244011 +130 7 5 874953557 +130 17 5 875217096 +130 88 2 875217265 +130 93 5 874953665 +130 117 5 874953895 +130 121 5 876250746 +130 144 5 875216717 +130 203 4 875801716 +130 219 5 876252472 +130 233 4 875801750 +130 239 4 878538071 +130 258 4 874953526 +130 272 5 888962577 +130 293 5 874953769 +130 330 4 874953424 +130 444 4 880396495 +130 681 3 875801315 +130 751 5 884623756 +130 752 5 888211864 +130 761 3 876251650 +130 771 2 878537631 +130 794 5 875802137 +130 819 3 874953825 +130 824 3 875801830 +130 1278 5 876251127 +131 536 5 883681723 +132 100 4 891278744 +132 664 5 891278996 +132 806 3 891278896 +132 1019 3 891278867 +133 271 5 890588766 +133 355 2 890588928 +134 338 4 891732532 +135 5 3 879857868 +135 38 3 879858003 +135 226 3 879857956 +136 257 3 882693234 +136 258 5 882693234 +137 79 5 881433689 +137 690 2 881432482 +138 147 4 879023779 +138 497 5 879023947 +138 742 4 879023245 +139 475 5 879538415 +139 744 5 879538169 +140 288 3 879013617 +140 303 5 879013684 +140 321 4 879013651 +140 988 3 879013719 +141 181 4 884584709 +141 294 4 884584247 +141 591 4 884584865 +141 742 4 884584930 +141 866 5 884585071 +141 988 3 884584460 +141 1040 3 884585547 +142 91 5 888640404 +142 134 5 888640356 +142 268 5 888639837 +142 322 2 888640054 +142 338 2 888640199 +143 271 4 888407708 +143 690 2 888407622 +144 59 4 888105197 +144 72 4 888105338 +144 137 4 888104150 +144 170 4 888105364 +144 183 4 888105140 +144 198 4 888105287 +144 212 5 888105993 +144 294 4 888103573 +144 411 4 888104588 +144 527 5 888105665 +144 690 3 888103573 +144 760 2 888104283 +144 962 4 888105612 +145 9 2 875270394 +145 11 5 875273120 +145 49 3 875272926 +145 53 2 875272245 +145 59 1 882181695 +145 64 4 882181785 +145 77 3 875272348 +145 96 5 882181728 +145 97 5 875272652 +145 121 2 875270507 +145 218 3 877343121 +145 234 5 875271948 +145 235 4 875270507 +145 249 4 875270832 +145 268 4 888396828 +145 269 5 879161576 +145 293 4 875270276 +145 333 2 885557626 +145 338 3 882181335 +145 544 4 875271312 +145 740 2 875272786 +145 754 3 882181058 +145 769 2 877343280 +145 827 2 888398238 +145 869 4 875272926 +145 926 3 875271094 +145 943 3 875272050 +145 1011 5 888398162 +145 1012 4 875270322 +145 1279 1 875270903 +146 286 3 891457493 +146 294 1 891457668 +146 311 4 891457714 +146 342 1 891457978 +147 286 5 885594040 +147 302 4 885593845 +148 127 1 877399351 +148 164 4 877398444 +148 173 5 877017054 +148 194 5 877015066 +149 311 3 883512752 +149 333 1 883512591 +150 14 4 878746889 +150 291 4 878746764 +151 28 4 879524199 +151 73 4 879528909 +151 124 5 879524491 +151 135 5 879524471 +151 143 5 879524878 +151 173 5 879524130 +151 190 4 879528673 +151 202 5 879542753 +151 301 4 879523925 +151 380 5 879543146 +151 491 4 879524536 +151 498 5 879524150 +151 531 3 879524738 +151 559 2 879543075 +151 610 5 879528607 +151 664 5 879524713 +151 705 5 879524778 +151 836 4 879524514 +151 922 4 879542847 +151 966 4 879543457 +151 1041 3 879543306 +151 1050 4 879524879 +152 319 2 890322385 +152 401 3 884018905 +152 451 5 882476911 +152 559 1 882475972 +152 568 5 882829846 +152 660 5 880150075 +152 944 4 882476632 +152 1035 4 882477755 +153 187 2 881371198 +153 322 3 881370900 +154 152 4 879138832 +154 172 4 879138783 +154 475 4 879138832 +154 523 5 879138831 +154 641 5 879138831 +155 245 2 879371061 +155 300 2 879370963 +155 322 2 879371261 +155 872 3 879370860 +156 9 4 888185735 +156 77 2 888185906 +156 100 4 888185677 +156 528 4 888185906 +156 646 4 888185947 +157 235 5 874813703 +157 244 5 886890406 +157 258 3 886890296 +157 475 3 886890650 +157 1016 5 886890341 +158 4 4 880134477 +158 7 5 880132744 +158 70 4 880135118 +158 83 5 880134913 +158 125 3 880132745 +158 195 5 880134398 +158 230 2 880134445 +158 285 5 880132383 +158 290 4 880135160 +158 294 1 880132193 +158 298 3 880132513 +158 431 5 880134477 +158 514 3 880135093 +158 709 5 880135020 +158 1303 3 880134865 +159 9 3 880485766 +159 15 5 880485972 +159 118 4 880557464 +159 254 3 884026738 +159 288 3 884026901 +159 298 5 880557386 +159 322 5 880485443 +159 358 1 893255969 +159 597 5 880989838 +159 845 1 880557130 +159 932 3 880557464 +159 1012 5 880557080 +159 1132 5 880557584 +159 1152 4 880557464 +159 1254 1 884360361 +160 9 3 876767023 +160 59 4 876858346 +160 127 5 876770168 +160 250 4 876768106 +160 288 5 876771285 +160 302 5 878078074 +160 325 3 878078115 +160 408 4 876767023 +160 488 5 876862078 +160 628 3 876767360 +160 832 1 876770673 +160 952 4 876767299 +161 118 2 891172421 +161 177 2 891171848 +161 225 1 891172322 +162 28 4 877636746 +162 294 3 877634955 +163 202 3 891220137 +163 326 3 891219977 +164 248 4 889402030 +164 328 5 889401362 +164 690 4 889401241 +165 202 4 879525855 +165 223 4 879525894 +165 432 5 879526046 +165 1119 3 879525922 +167 86 4 892738212 +167 137 5 892738081 +167 184 1 892738278 +167 216 4 892738237 +167 465 5 892738341 +167 641 4 892738341 +167 674 2 892738384 +167 1125 5 892738419 +168 181 4 884287298 +168 845 4 884287668 +168 924 2 884287614 +168 1028 2 884287846 +168 1051 4 884288222 +169 525 3 891359250 +170 300 5 884103732 +171 272 5 891034835 +171 326 2 891034801 +173 245 4 877556927 +173 258 4 877556625 +173 881 3 877557168 +174 87 5 886514089 +174 88 5 886513752 +174 98 5 886452583 +174 143 5 886515457 +174 167 3 886514953 +174 168 1 886434621 +174 202 5 886513729 +174 284 4 886433771 +174 582 4 886439537 +174 708 5 886514243 +174 934 4 886434421 +174 1017 2 886434187 +174 1313 4 888155294 +175 98 5 877107390 +175 111 4 877108015 +175 136 4 877108051 +175 187 4 877107338 +175 566 3 877108015 +175 869 3 877107500 +176 181 3 886047879 +176 257 1 886048188 +176 273 4 886048230 +176 345 5 886046979 +176 1097 4 886047963 +177 42 4 880130972 +177 98 5 880131026 +177 144 5 880131011 +177 156 5 880130931 +177 160 4 880131011 +177 187 4 880131040 +177 204 3 880131011 +177 210 4 880130990 +177 221 3 880130775 +177 238 3 880131143 +178 69 5 882826437 +178 111 4 882823905 +178 118 4 882824291 +178 133 4 885784518 +178 173 5 882826306 +178 174 5 882826719 +178 203 4 882826242 +178 220 3 882827247 +178 223 4 882827433 +178 232 5 882827162 +178 268 4 884837324 +178 269 4 882823324 +178 295 3 882824055 +178 328 3 882823416 +178 339 3 892239822 +178 531 4 882826242 +178 823 2 882824592 +178 873 3 886678647 +178 881 2 886678484 +178 1028 3 882824670 +178 1119 4 882827400 +179 271 1 892151565 +179 313 4 892151270 +179 347 3 892151064 +180 40 4 877127296 +180 181 2 877125956 +180 235 4 877127758 +180 356 3 877442079 +180 655 5 877127159 +180 735 4 877355337 +181 107 1 878963343 +181 120 1 878963204 +181 237 5 878962996 +181 245 2 878961369 +181 273 1 878962774 +181 280 4 878963381 +181 281 2 878963038 +181 287 2 878963038 +181 299 1 878961749 +181 370 2 878963418 +181 544 1 878962919 +181 815 3 878963168 +181 826 1 878963304 +181 880 1 878961668 +181 1033 1 878963381 +181 1079 1 878963122 +181 1137 1 878962392 +181 1215 1 878963304 +181 1242 1 878962349 +181 1276 1 878962586 +181 1281 1 878963241 +181 1287 1 878963380 +181 1317 1 878962086 +181 1325 1 878962816 +181 1341 1 878962169 +181 1352 1 878962240 +181 1353 1 878962200 +181 1358 1 878962120 +181 1366 1 878962200 +181 1368 1 878962200 +181 1381 2 878962349 +182 15 4 885612967 +183 50 2 891467546 +183 258 3 891462811 +183 739 4 891467353 +183 1215 1 891467546 +184 95 4 889908801 +184 192 4 889908843 +184 197 4 889908873 +184 212 4 889909618 +184 274 4 889907812 +184 372 3 889910053 +184 480 4 889908571 +184 509 4 889908694 +184 629 3 889911162 +184 676 4 889907925 +184 735 3 889909868 +184 837 3 889908630 +184 1086 4 889907711 +185 239 3 883524206 +185 302 4 883526267 +185 480 4 883526267 +186 77 5 879023694 +186 147 4 891719774 +186 177 4 891719775 +186 269 1 889818094 +186 295 2 879023390 +186 331 3 889817888 +186 405 3 879023677 +186 1385 2 879023968 +187 204 2 879465370 +187 694 5 879465532 +187 710 4 879465242 +187 1065 4 879465717 +188 50 4 875072741 +188 176 4 875072876 +188 187 3 875072211 +188 259 3 875071443 +188 300 4 875071195 +188 484 5 875072392 +188 635 2 875074667 +189 14 5 893263994 +189 28 4 893266298 +189 59 3 893265191 +189 170 4 893265380 +189 179 5 893265478 +189 180 5 893265741 +189 185 5 893265428 +189 186 2 893266027 +189 297 3 893264023 +189 459 4 893264595 +189 473 5 893264558 +189 489 5 893265452 +189 523 4 893265596 +189 532 4 893264150 +189 568 4 893266205 +189 582 5 893265998 +189 1154 3 893265380 +190 9 1 891033725 +190 24 3 891033773 +190 237 5 891033773 +190 288 5 891033606 +190 826 3 891626040 +190 930 2 891042916 +192 9 5 881367527 +192 111 2 881368222 +192 118 2 881367932 +192 287 4 881368016 +193 159 4 889124191 +193 282 5 889124965 +193 333 1 889123039 +193 347 4 889122906 +193 405 3 889125945 +193 487 5 889124287 +193 690 4 889123221 +193 1090 2 889124778 +194 136 5 879521167 +194 199 4 879521329 +194 208 3 879521329 +194 223 4 879547032 +194 318 5 879521328 +194 399 2 879528454 +194 501 3 879548319 +194 502 4 879548624 +194 550 3 879524504 +194 570 3 879529356 +194 575 1 879554453 +194 604 3 879546498 +194 654 2 879522445 +194 712 3 879555147 +194 790 1 879535549 +195 109 3 878019342 +195 135 5 875771440 +195 242 4 879141989 +195 366 3 885110899 +195 507 4 875436627 +195 615 4 880650666 +195 841 2 891841129 +196 110 1 881252305 +197 50 5 891409839 +197 227 3 891409936 +197 306 2 891409160 +197 576 4 891410039 +197 751 3 891409290 +197 802 4 891410082 +198 81 5 884208326 +198 89 5 884208623 +198 93 3 884205346 +198 96 4 884208326 +198 128 3 884209451 +198 137 4 884205252 +198 151 4 884206401 +198 204 3 884207584 +198 238 4 884207733 +198 428 4 884209188 +198 470 3 884208571 +198 673 3 884209451 +198 684 3 884208778 +198 942 4 884209569 +199 1354 1 883782952 +200 22 4 884128372 +200 139 3 884130540 +200 239 3 884129602 +200 447 4 884130014 +200 465 4 884129112 +200 523 4 884129627 +200 934 2 884127370 +200 1028 2 884128176 +201 1 3 884113635 +201 7 3 884112201 +201 15 3 884140670 +201 28 3 884111217 +201 33 4 884112487 +201 45 2 884111958 +201 125 2 884140709 +201 195 3 884111397 +201 217 3 884112627 +201 237 4 884140307 +201 239 1 884140275 +201 284 3 884140336 +201 440 2 884114770 +201 471 2 884140637 +201 508 4 884140458 +201 583 1 884112352 +201 697 4 884140115 +201 705 3 884113302 +201 737 2 884112077 +201 800 2 884114713 +201 806 3 884140049 +201 1103 3 884140487 +201 1137 4 884111830 +201 1166 3 884113806 +201 1208 4 884140927 +201 1355 1 884111637 +202 96 4 879727059 +202 179 1 879727294 +203 458 3 880434336 +203 628 4 880434810 +203 744 2 880434495 +203 748 2 880433474 +204 9 5 892513979 +204 12 4 892513865 +204 269 4 892388976 +204 333 1 892391748 +205 294 3 888284402 +206 326 1 888179713 +206 336 1 888179928 +206 1233 1 888180018 +206 1433 1 888180049 +207 18 2 877878739 +207 45 3 878104569 +207 129 3 877751037 +207 173 3 877878923 +207 177 3 891759050 +207 238 2 876079087 +207 792 2 876079016 +207 805 3 882081278 +207 1023 3 875506634 +207 1170 2 875506807 +208 393 4 883108398 +208 781 3 883108498 +209 129 2 883417667 +209 276 2 883417796 +209 293 4 883417796 +210 28 4 887736175 +210 114 4 887736175 +210 132 4 887736206 +210 173 4 887730264 +210 651 4 887736140 +211 117 4 879461498 +211 215 5 879460294 +211 890 2 879461395 +213 42 5 878956263 +213 70 3 878955766 +213 98 5 878955598 +213 125 5 878955295 +213 157 4 878955501 +213 194 4 878955766 +213 195 5 878956156 +213 212 4 878955474 +213 288 4 878870226 +213 924 4 878870846 +213 1012 3 878870719 +214 11 5 892668153 +214 55 4 892668197 +214 182 4 891544175 +214 209 5 892668173 +214 250 2 891543036 +214 518 3 891544000 +214 721 3 891635915 +214 896 4 892668197 +216 3 4 880233061 +216 47 4 880244870 +216 65 4 880233939 +216 97 4 880235571 +216 129 4 880232615 +216 134 4 880233651 +216 147 4 880232787 +216 151 3 880232936 +216 181 3 880232597 +216 189 3 880244972 +216 833 2 880233233 +216 1067 5 881432392 +217 11 4 889069741 +217 405 3 889069878 +217 684 5 889069782 +217 808 2 889069808 +217 825 3 889070266 +218 98 5 881288233 +218 164 3 881288574 +218 288 2 877487931 +218 431 3 881288386 +218 657 5 881288265 +219 433 5 889403133 +221 38 2 875246506 +221 117 4 875244633 +221 144 4 875245427 +221 288 3 875244232 +221 399 3 875246459 +221 423 2 875245167 +221 550 4 875246183 +221 633 3 875246459 +221 737 4 875393346 +221 751 4 885081300 +221 931 3 875245100 +221 1016 3 875244713 +221 1208 3 875247565 +222 64 5 878183136 +222 98 4 878181387 +222 133 1 878182338 +222 162 2 878184087 +222 223 4 878181535 +222 230 4 878182058 +222 241 3 878181696 +222 245 3 878181198 +222 333 5 877562819 +222 380 4 878184545 +222 405 3 877563570 +222 410 2 877563326 +222 431 4 881059461 +222 465 2 878183898 +222 472 2 877563998 +222 566 4 878185044 +222 597 1 877564076 +222 628 5 877563485 +222 685 4 881061165 +222 762 3 877563530 +222 790 1 878185068 +222 1145 3 878185137 +222 1206 2 878184899 +222 1250 1 881060635 +222 1291 2 877564031 +223 28 4 891550684 +223 121 3 891549294 +223 173 5 891550711 +223 278 4 891549901 +223 477 3 891550144 +223 546 5 891550118 +223 819 3 891550404 +223 1234 3 891548646 +224 107 3 888104522 +224 126 3 888103704 +224 147 3 888103646 +224 237 3 888082742 +224 378 4 888103775 +224 402 5 888103872 +224 526 4 888082495 +224 544 1 888103812 +224 570 4 888104522 +224 729 3 888104188 +224 731 4 888103872 +224 924 3 888103646 +225 98 5 879539672 +225 478 5 879539767 +225 479 4 879539614 +226 12 5 883889322 +226 23 3 883889355 +226 92 2 883889102 +226 179 4 883888853 +226 474 3 883889063 +226 596 3 883889884 +227 15 4 879035725 +227 287 4 879035704 +227 319 4 879035072 +227 756 3 879035658 +228 56 2 889388607 +228 275 3 889388521 +229 882 4 891633029 +230 10 3 880485530 +230 64 5 880484416 +230 69 4 880484338 +230 143 5 880484501 +230 195 3 880484416 +230 203 2 880484890 +230 422 3 880485633 +230 423 5 880484825 +230 499 4 880484870 +230 549 5 880485380 +230 627 5 880484661 +230 699 4 880484975 +231 15 4 879965704 +232 44 4 888549412 +232 172 4 888549412 +232 196 5 888549757 +232 268 4 885939544 +232 286 3 880062259 +232 357 4 888549721 +232 425 4 888549790 +232 435 4 888550013 +232 475 5 880062469 +232 744 3 880062645 +233 4 3 877663337 +233 9 5 876021262 +233 64 5 880612285 +233 135 4 877661881 +233 180 5 877661364 +233 215 5 877665324 +233 304 5 877665323 +233 462 5 879147730 +233 660 5 877661634 +233 845 4 880190627 +234 2 2 892335142 +234 86 2 892333765 +234 93 3 891227771 +234 127 4 892078386 +234 144 3 892079840 +234 162 3 892335541 +234 165 5 892079040 +234 176 3 892079190 +234 190 3 892079190 +234 200 5 892335074 +234 258 2 891033627 +234 280 3 892334803 +234 304 3 891033591 +234 371 3 892335850 +234 385 2 892335309 +234 447 3 892336047 +234 494 4 892078837 +234 503 2 892333653 +234 615 5 892079722 +234 623 2 892318107 +234 631 3 892334577 +234 635 2 892336358 +234 655 3 892333616 +234 656 4 892079288 +234 659 3 892078660 +234 662 3 892079585 +234 699 3 892079538 +234 768 2 892335990 +234 792 4 892336165 +234 835 3 892334481 +234 843 2 892334400 +234 984 2 891033966 +234 1003 2 892334267 +234 1010 2 892335415 +234 1120 3 892079288 +234 1185 3 892335951 +234 1448 3 892335187 +234 1449 4 892333573 +234 1460 3 892335460 +235 96 4 889654971 +235 285 4 889655204 +235 970 4 889655204 +235 1134 4 889655723 +236 282 5 890117028 +236 304 4 890117676 +236 333 3 890117748 +236 411 1 890117095 +236 520 4 890116095 +236 521 3 890115996 +236 595 3 890117267 +236 717 3 890117409 +237 64 5 879376671 +237 286 3 879376220 +238 151 2 883576398 +238 237 3 883576281 +238 255 3 883576644 +239 14 5 889179478 +239 39 5 889181093 +239 179 5 889180410 +239 186 1 889179253 +239 203 1 889179291 +239 269 5 889181247 +239 382 3 889180578 +239 433 5 889180447 +239 509 5 889180071 +239 528 5 889178562 +239 1065 5 889181015 +240 286 5 885775625 +240 302 5 885775536 +241 286 5 887249482 +242 275 5 879741196 +242 1355 5 879741196 +243 8 5 879989217 +243 77 3 879988587 +243 246 4 879987085 +243 306 4 879988830 +244 28 4 880606300 +244 56 5 880602440 +244 65 4 880605766 +244 67 4 880608820 +244 88 4 880607684 +244 121 1 880604583 +244 188 4 880605869 +244 193 4 880605638 +244 291 2 880604379 +244 383 3 880608957 +244 455 2 880604503 +244 650 3 880607231 +244 735 5 880605697 +244 744 3 880606923 +244 924 4 880604550 +244 1012 2 880604670 +244 1428 4 880603411 +245 717 4 888513447 +246 56 1 884920948 +246 66 3 884922252 +246 111 3 884921861 +246 158 1 884923955 +246 159 3 884923003 +246 164 3 884921613 +246 175 4 884921362 +246 226 2 884923329 +246 240 3 884923547 +246 384 2 884923632 +246 433 5 884921488 +246 477 4 884921767 +246 597 2 884921965 +246 658 4 884923329 +246 735 4 884921679 +246 739 2 884922678 +246 765 2 884924026 +247 100 3 893081395 +247 181 4 893081396 +247 258 5 893097024 +248 187 3 884535046 +248 323 1 884534472 +248 343 4 884534436 +249 93 4 879640194 +249 123 3 879640261 +249 129 5 879571883 +249 147 5 879640343 +249 427 5 879572472 +249 658 4 879572944 +249 844 5 879572795 +249 1167 4 879572284 +250 81 4 878092143 +250 144 4 878092059 +250 159 4 878092144 +250 202 4 878090253 +250 259 1 883262792 +250 276 4 878089436 +250 323 2 878089100 +250 469 4 878091772 +250 588 5 878091736 +250 629 4 878091965 +250 984 3 878089229 +250 991 2 878089202 +251 25 4 886272615 +251 185 5 886271884 +251 202 4 886271920 +251 294 3 886272283 +251 480 5 886271733 +251 597 3 886272514 +252 124 5 891457490 +253 4 4 891628670 +253 200 4 891628392 +253 318 5 891628323 +253 518 5 891628392 +253 751 3 891627815 +253 966 5 891628181 +254 112 2 886473631 +254 135 5 886471880 +254 143 4 886472643 +254 163 2 886472023 +254 200 3 886472504 +254 228 4 886472609 +254 241 4 886473190 +254 405 3 886471522 +254 526 3 886472609 +254 842 3 886475952 +255 219 5 883216544 +255 826 1 883216958 +256 21 4 882163677 +256 100 4 882150313 +256 187 3 882164444 +256 230 4 882164480 +256 274 5 882151456 +256 449 3 882164999 +256 597 4 882152509 +256 829 4 882153751 +256 930 3 882153258 +256 934 3 882163730 +256 984 3 882150192 +256 989 5 882150192 +257 86 4 879547655 +257 285 5 882049950 +257 936 4 882050151 +257 1010 4 882050150 +257 1137 5 882049896 +258 300 5 885700877 +258 326 5 885701024 +259 168 5 876365003 +259 173 4 874724843 +259 286 4 874724727 +259 546 3 883372151 +259 748 4 883371839 +259 928 4 874724937 +260 307 3 890618295 +261 300 5 890454310 +261 596 2 890456142 +262 70 4 879962517 +262 82 3 879794918 +262 204 3 879793667 +262 216 3 879793216 +262 219 3 879794206 +262 234 3 879794359 +262 269 3 879961283 +262 655 4 879793938 +262 699 5 879793022 +262 747 4 879793641 +263 141 5 891299877 +263 181 4 891299448 +263 378 5 891299630 +264 173 5 886123358 +264 209 5 886123415 +264 234 4 886122261 +264 275 5 886122706 +264 430 5 886123531 +264 517 5 886123358 +265 1 5 875320247 +265 273 5 875320714 +265 294 4 875320052 +265 975 4 875320601 +265 1016 3 875320462 +266 9 4 892258004 +266 100 5 892257865 +266 276 3 892258004 +266 289 3 892256967 +266 325 1 892257419 +266 924 2 892258038 +267 2 3 878972463 +267 5 3 878972399 +267 12 5 878971659 +267 68 4 878972931 +267 77 3 878972650 +267 89 5 878971690 +267 135 5 878972463 +267 161 4 878972706 +267 181 5 878974783 +267 183 4 878971438 +267 188 5 878971745 +267 195 4 878972092 +267 210 4 878972434 +267 265 5 878972903 +267 431 4 878973426 +267 576 3 878973760 +267 710 4 878972493 +267 959 3 878972524 +267 1035 4 878973971 +267 1240 5 878974783 +268 29 1 875744356 +268 116 4 875306760 +268 185 3 875309801 +268 239 3 875310491 +268 363 1 875744228 +268 380 2 875310704 +268 388 1 875743979 +268 408 5 875742316 +268 435 4 875309859 +268 449 2 875744357 +268 450 1 875745536 +268 456 2 875743012 +268 719 1 875744021 +268 747 3 875310412 +268 840 2 875744357 +268 1016 3 875742470 +268 1110 3 876514077 +269 11 3 891448365 +269 108 5 891457067 +269 124 5 891446165 +269 167 1 891451648 +269 237 2 891446368 +269 268 5 891446132 +269 371 5 891450880 +269 378 3 891449962 +269 479 4 891448980 +269 515 4 891446132 +269 603 5 891448871 +269 673 4 891448322 +269 697 4 891447931 +269 708 4 891448323 +269 710 1 891449843 +269 739 1 891451431 +269 747 4 891449646 +269 806 3 891448019 +269 823 3 891446514 +269 825 1 891456033 +269 940 1 891451908 +269 1005 4 891447427 +269 1267 1 891448643 +269 1361 4 891446756 +269 1478 1 891448643 +270 56 5 876955976 +270 118 3 876956038 +270 242 5 876953744 +270 265 4 876956137 +270 283 5 876954456 +270 554 1 876956264 +270 563 3 876956442 +270 672 5 876956390 +270 1007 5 876954036 +270 1109 5 876955899 +271 28 5 885849025 +271 43 3 885849817 +271 116 2 885847636 +271 125 3 885848062 +271 136 3 885848863 +271 169 5 885848475 +271 174 5 885848314 +271 176 3 885848640 +271 186 4 885848915 +271 216 5 885848672 +271 244 2 886106039 +271 315 4 885847170 +271 427 5 885848518 +271 428 4 885849188 +271 429 4 885848672 +271 466 4 885849490 +271 515 5 885848558 +271 610 3 885848584 +271 735 4 885849140 +271 963 5 885848518 +271 1282 2 885847666 +272 69 4 879455113 +272 134 5 879455176 +272 187 5 879455043 +273 268 5 891292905 +273 286 3 891292761 +273 307 2 891292761 +273 338 3 891293304 +273 896 4 891292873 +274 234 5 878946536 +274 596 3 878945404 +274 756 3 878946030 +274 1163 2 878946162 +275 174 4 875155257 +275 188 2 880315243 +275 227 3 876198296 +275 228 4 876198296 +275 230 3 876198296 +275 419 3 880314383 +275 679 3 880315080 +276 23 5 874787467 +276 33 4 874792018 +276 89 5 874792366 +276 92 4 888873675 +276 97 3 874787549 +276 143 5 874792870 +276 161 3 874792483 +276 172 5 874792435 +276 175 5 874787376 +276 182 5 874787549 +276 187 5 874791102 +276 200 5 874792663 +276 237 5 874786756 +276 269 4 885871420 +276 284 4 874786605 +276 293 4 874786686 +276 300 4 874786338 +276 332 4 877933879 +276 365 3 874791339 +276 373 2 874977513 +276 413 3 877934705 +276 452 3 880913767 +276 469 4 874787441 +276 541 3 874792520 +276 636 4 874792483 +276 685 4 874786784 +276 696 2 874786632 +276 710 4 889174849 +276 772 4 874790826 +276 807 2 874795574 +276 949 3 874836725 +276 1010 3 874786784 +276 1019 5 883822485 +276 1052 2 889174870 +276 1090 1 874795795 +276 1199 4 888873674 +276 1232 3 874791488 +276 1273 2 874795823 +276 1413 1 874977513 +277 1 4 879544145 +277 1012 3 879543454 +278 302 3 891294959 +279 7 5 891209102 +279 17 4 875306552 +279 27 5 875313015 +279 47 4 875296375 +279 62 3 875310303 +279 64 1 875308510 +279 83 5 878082781 +279 87 1 875306613 +279 131 1 886020902 +279 165 4 875310233 +279 222 1 875295943 +279 231 2 879573060 +279 242 3 877756647 +279 259 3 883546906 +279 284 1 886015853 +279 374 1 888806649 +279 375 1 884556678 +279 388 3 875659844 +279 428 1 875307379 +279 429 4 875306910 +279 451 1 888465592 +279 482 4 875306613 +279 486 4 875310041 +279 544 1 890451433 +279 547 1 875295812 +279 576 3 875312441 +279 630 4 875313351 +279 644 1 875306552 +279 744 2 892864943 +279 779 3 878262194 +279 823 3 875297456 +279 826 4 875297456 +279 833 4 875297410 +279 854 1 875306613 +279 901 4 883893835 +279 945 5 879647064 +279 969 3 875308799 +279 1034 4 875297381 +279 1039 4 881731303 +279 1250 1 888466349 +279 1274 3 875314001 +279 1437 3 892173418 +279 1444 3 875313351 +279 1481 4 875313925 +279 1496 3 875298419 +280 9 5 891700664 +280 12 5 891700803 +280 33 3 891700715 +280 70 4 891700366 +280 172 3 891700768 +280 182 3 891700276 +280 183 3 891700588 +280 216 5 891701685 +280 222 3 891700624 +280 233 4 891702049 +280 241 2 891700945 +280 245 3 891700185 +280 276 5 891700664 +280 318 5 891700607 +280 364 3 891702291 +280 379 5 891702171 +280 403 3 891701506 +280 411 3 891701871 +280 423 5 891700276 +280 451 5 891701377 +280 452 2 891702387 +280 585 3 891702441 +280 588 5 891700803 +280 739 3 891701359 +280 946 4 891701027 +280 1063 3 891700607 +281 259 3 881200789 +281 300 4 881200643 +281 748 5 881200745 +282 358 3 879949594 +283 71 4 879297965 +283 109 4 879297237 +283 173 5 879298206 +283 732 4 879298239 +284 315 5 885329593 +284 334 3 885329468 +284 877 2 885329395 +285 286 3 890595584 +286 3 2 876522316 +286 72 4 877534025 +286 101 5 877532204 +286 173 4 877531407 +286 183 4 877531864 +286 215 3 889651630 +286 235 4 875807003 +286 240 3 876521858 +286 345 4 884069337 +286 367 5 877531574 +286 402 3 877534216 +286 403 5 877533543 +286 408 4 875806800 +286 473 3 875806918 +286 537 4 889651402 +286 629 5 877531661 +286 652 4 877531899 +286 800 5 877534528 +286 856 2 877533698 +286 906 5 884069544 +286 1053 4 877532093 +286 1133 4 877534137 +287 742 3 875334196 +287 895 2 888177213 +288 100 5 886629749 +288 210 3 886373509 +288 286 4 886372862 +289 109 3 876789628 +289 117 4 876789514 +289 363 3 876790653 +290 62 2 880473583 +290 64 4 880474034 +290 99 4 880473918 +290 120 4 880732712 +290 136 4 880474367 +290 151 2 880474835 +290 183 4 880474054 +290 357 3 880474107 +290 378 3 880475169 +291 95 4 875086921 +291 153 4 874871736 +291 240 4 874833726 +291 293 5 874833668 +291 405 4 874805984 +291 508 5 874805892 +291 562 4 874835242 +291 573 4 874834944 +291 576 4 874835198 +291 577 1 875086669 +291 582 4 875087720 +291 739 3 875087334 +291 833 3 874834236 +291 928 2 874834389 +291 943 4 874834735 +291 1047 2 874834165 +292 165 4 881105657 +292 193 4 881105734 +292 203 4 881105442 +292 228 5 881105211 +292 249 3 881104820 +292 331 5 877560833 +292 472 3 881104760 +292 483 5 881105442 +292 602 4 881105481 +292 789 4 881105701 +293 28 3 888906071 +293 45 5 888906315 +293 66 2 888906781 +293 73 2 888906869 +293 85 3 888906927 +293 88 3 888907266 +293 94 2 888908066 +293 98 4 888905898 +293 117 3 888904696 +293 122 3 888905399 +293 127 5 888904614 +293 162 3 888907312 +293 176 4 888906536 +293 223 4 888905990 +293 237 3 888904696 +293 238 4 888906464 +293 284 2 888905122 +293 303 4 888904220 +293 315 3 888904513 +293 410 2 888905034 +293 411 2 888905170 +293 432 5 888906516 +293 501 4 888906378 +293 502 3 888906428 +293 507 4 888905665 +293 509 3 888905948 +293 558 3 888906143 +293 628 3 888905004 +293 696 2 888905229 +293 712 2 888907603 +293 765 3 888907836 +293 820 2 888905306 +293 1044 2 888908117 +293 1119 1 888906655 +293 1264 3 888905582 +294 1 5 877819634 +294 21 3 877819897 +294 255 3 889241958 +294 293 4 877819897 +294 294 4 877818860 +294 295 4 877820132 +294 328 4 877818982 +294 333 4 877818861 +294 334 4 877818861 +294 342 3 889241466 +294 354 3 889241377 +294 405 4 877819761 +294 455 3 877819490 +294 515 5 889242081 +294 520 5 889854323 +294 829 3 889242788 +294 872 4 877818580 +294 1047 3 877820240 +295 11 4 879517062 +295 56 4 879517348 +295 132 5 879517348 +295 143 4 879517682 +295 232 3 879518900 +295 416 4 879518630 +295 582 5 879517721 +295 941 4 879518359 +295 1050 5 879517761 +296 23 5 884197235 +296 137 4 884196741 +296 150 1 884196556 +296 153 4 884197419 +296 187 5 884198772 +296 194 5 884197193 +296 209 4 884199625 +296 246 4 884196584 +296 250 2 884196689 +296 462 4 884197330 +296 469 5 884197264 +296 498 5 884197352 +296 514 5 884199624 +296 659 5 884198772 +296 696 4 884196805 +296 898 4 884196284 +296 1251 5 884196469 +297 34 3 875410124 +297 100 5 874954183 +297 153 5 875240053 +297 208 4 875049192 +297 284 4 874954497 +297 338 2 881707832 +297 479 5 875240015 +297 659 4 881708055 +297 690 5 876717812 +297 724 3 875238883 +297 751 4 885922463 +297 1109 3 875238922 +297 1136 3 875240053 +298 275 3 884125672 +298 282 4 884125629 +298 402 3 884183063 +298 482 5 884182657 +298 485 3 884124993 +298 679 3 884183099 +299 20 3 877880111 +299 45 3 878192238 +299 49 4 889502823 +299 61 4 877880648 +299 83 5 878192344 +299 89 5 878192756 +299 114 4 878191943 +299 179 4 878191943 +299 211 4 877880961 +299 212 4 878191889 +299 319 3 889501480 +299 354 4 888854746 +299 381 3 889502198 +299 399 2 889503373 +299 408 4 877877847 +299 503 4 878192601 +299 510 5 889501392 +299 733 3 888855244 +299 747 4 889502640 +299 855 4 889502087 +299 1379 3 877878080 +300 1012 4 875650329 +301 17 4 882077142 +301 21 2 882074967 +301 24 4 882074312 +301 41 3 882079446 +301 62 3 882078419 +301 80 3 882078883 +301 90 3 882078360 +301 100 5 882074408 +301 155 1 882078308 +301 183 3 882076291 +301 217 3 882079503 +301 226 5 882077222 +301 258 4 882074363 +301 288 4 882074291 +301 299 3 882075520 +301 334 3 882075500 +301 367 4 882076619 +301 425 4 882077033 +301 655 1 882076187 +301 721 3 882076494 +301 755 4 882078308 +301 820 3 882075082 +302 266 2 879436981 +302 271 4 879436911 +302 333 3 879436785 +303 7 4 879467514 +303 33 4 879468021 +303 63 1 879484327 +303 71 3 879468179 +303 77 4 879483978 +303 81 4 879466866 +303 88 4 879468307 +303 116 5 879466771 +303 155 3 879484159 +303 173 5 879466604 +303 191 5 879466937 +303 221 5 879466491 +303 238 4 879467295 +303 240 3 879468513 +303 259 3 879466116 +303 284 4 879467465 +303 290 4 879483941 +303 363 1 879485134 +303 368 1 879544340 +303 390 3 879544365 +303 412 3 879543756 +303 419 4 879467328 +303 427 4 879466547 +303 542 2 879484194 +303 546 2 879484373 +303 562 4 879485447 +303 577 3 879544340 +303 627 3 879484733 +303 631 4 879483617 +303 634 3 879467035 +303 655 5 879483568 +303 687 1 879544923 +303 831 4 879544080 +303 939 3 879467739 +303 943 2 879467815 +303 1041 2 879485507 +303 1086 1 879468021 +303 1209 2 879544021 +303 1217 1 879484948 +304 274 4 884968415 +304 323 3 884967391 +304 879 3 884966972 +305 45 5 886323275 +305 66 3 886325023 +305 69 3 886324299 +305 97 4 886322560 +305 127 5 886322412 +305 173 3 886322670 +305 222 2 886323378 +305 242 5 886307828 +305 311 5 886307971 +305 484 3 886322838 +305 485 2 886323648 +305 566 3 886324486 +305 650 4 886323406 +305 663 3 886323591 +305 865 3 886323563 +305 961 3 886323440 +305 1286 5 886324687 +306 257 4 876504354 +306 285 4 876504354 +306 289 3 876503793 +306 741 1 876504286 +307 50 5 879284239 +307 109 5 879283787 +307 121 1 879114143 +307 269 4 879283333 +307 708 4 879283322 +307 831 1 879114143 +308 9 4 887737194 +308 66 4 887740788 +308 121 3 887739471 +308 139 3 887741179 +308 169 5 887736532 +308 172 4 887736532 +308 218 5 887738717 +308 223 4 887737130 +308 255 4 887741693 +308 257 4 887741526 +308 259 3 887736408 +308 356 3 887740833 +308 396 4 887740099 +308 411 4 887739987 +308 429 4 887737890 +308 449 3 887741003 +308 480 4 887736532 +308 504 4 887738570 +308 513 3 887736584 +308 525 5 887738847 +308 530 4 887736584 +308 537 4 887739136 +308 583 4 887737483 +308 642 5 887738226 +308 684 3 887737593 +308 778 3 887740603 +308 824 3 887742013 +308 1118 4 887740500 +308 1121 3 887737647 +310 1142 5 879436467 +311 79 4 884364623 +311 81 3 884365451 +311 131 3 884365252 +311 170 5 884364999 +311 227 4 884365617 +311 230 5 884364931 +311 241 3 884364695 +311 392 5 884366067 +311 415 3 884365654 +311 428 4 884366111 +311 436 3 884366269 +311 448 5 884365718 +311 511 4 884365202 +311 550 3 884364812 +311 578 2 884365930 +311 614 4 884365357 +311 739 4 884365823 +311 781 2 884366307 +311 939 2 884364694 +312 83 4 891699538 +312 91 3 891699655 +312 124 3 891698726 +312 169 5 891698893 +312 181 4 891699426 +312 189 5 891698516 +312 197 4 891698764 +312 199 5 891698516 +312 429 5 891698951 +312 430 5 891699426 +312 459 4 891698365 +312 484 5 891698174 +312 511 5 891699156 +312 525 5 891698424 +312 529 5 891699121 +312 601 5 891699067 +312 602 4 891699263 +312 644 5 891698987 +312 647 5 891698726 +312 836 5 891698921 +312 1050 5 891698832 +313 79 5 891015114 +313 176 4 891013713 +313 181 4 891014782 +313 197 5 891013910 +313 216 4 891013525 +313 225 4 891030228 +313 229 3 891028241 +313 235 3 891029148 +313 357 5 891013773 +313 490 4 891016280 +313 497 4 891015296 +313 531 3 891014524 +313 559 3 891029877 +313 576 3 891028472 +313 582 2 891016622 +313 603 5 891013681 +313 778 2 891028904 +313 845 3 891016853 +314 8 4 877888059 +314 12 4 877888758 +314 69 5 877888212 +314 93 1 877886221 +314 144 3 877889275 +314 322 4 877886029 +314 476 5 877886921 +314 568 5 877888391 +314 585 2 877890381 +314 609 4 877889311 +314 768 5 877890261 +314 812 4 877889163 +314 932 4 877887316 +314 1029 2 877891603 +314 1047 4 877886279 +314 1048 4 877886221 +314 1225 3 877891575 +314 1291 1 877892519 +314 1297 4 877890734 +315 79 4 879821349 +315 93 5 879821065 +315 163 3 879821158 +315 202 3 879821037 +315 288 3 879821349 +315 318 5 879799422 +315 466 1 879821349 +315 475 4 879821036 +315 673 4 879821267 +315 1084 4 879799423 +316 97 5 880854142 +316 223 4 880853849 +316 304 3 880853193 +316 323 1 880853152 +317 683 2 891446412 +318 25 5 884494757 +318 143 5 884495944 +318 167 4 884497611 +318 187 4 884495742 +318 208 4 884495664 +318 294 4 884469971 +318 340 4 884470115 +318 393 5 884497449 +318 423 5 884495561 +318 451 4 884497546 +318 458 4 884494861 +318 629 4 884497236 +318 735 5 884496182 +318 941 4 884497715 +318 944 2 884497208 +318 1030 2 884498787 +319 350 3 889816233 +320 51 5 884750992 +320 56 5 884749227 +320 96 5 884749255 +320 248 5 884750644 +320 292 3 884748299 +320 340 2 884748230 +320 358 4 884748485 +320 470 5 884751263 +320 597 3 884748774 +320 774 4 884751552 +320 827 4 884749030 +321 52 3 879440612 +321 59 4 879440687 +321 133 5 879440612 +321 221 5 879438793 +321 419 4 879439620 +321 428 4 879441336 +321 430 3 879439734 +321 478 4 879439926 +321 498 5 879438699 +321 526 3 879440245 +321 659 4 879440980 +321 705 3 879439812 +321 942 3 879440954 +322 655 5 887313946 +323 64 5 878740017 +323 156 5 878739720 +323 181 5 878739177 +323 273 4 878739355 +323 322 2 878738910 +323 334 3 878738865 +323 535 3 878739643 +323 651 5 878739829 +323 1048 3 878739594 +323 1073 4 878739857 +324 268 4 880575045 +324 273 5 880575449 +324 321 3 880575002 +324 410 5 880575449 +324 508 5 880575618 +324 742 5 880575493 +324 846 5 880575715 +325 71 3 891478981 +325 172 4 891478851 +325 235 1 891479292 +325 386 4 891479890 +325 408 5 891478307 +325 527 4 891478140 +325 1118 3 891479665 +325 1140 3 891479681 +325 1487 3 891480086 +326 56 2 879875691 +326 94 4 879877304 +326 97 4 879874897 +326 131 2 879875457 +326 196 4 879875822 +326 199 5 879875552 +326 202 4 879875724 +326 211 4 879876184 +326 237 2 879875572 +326 428 5 879877283 +326 429 5 879875175 +326 478 3 879875083 +326 493 5 879874825 +326 507 2 879875873 +326 514 3 879875612 +326 519 5 879875533 +326 523 4 879875057 +326 648 5 879875644 +326 701 4 879876141 +326 1118 2 879877264 +326 1126 2 879875243 +327 24 2 887745934 +327 33 3 887820341 +327 42 3 887746665 +327 66 3 887819582 +327 83 2 887744101 +327 121 2 887822530 +327 156 4 887747668 +327 161 3 887820417 +327 175 2 887744205 +327 176 4 887744240 +327 183 3 887744065 +327 217 3 887746328 +327 249 2 887744432 +327 250 2 887745272 +327 260 1 887743705 +327 268 4 887737629 +327 275 4 887747338 +327 318 5 887820828 +327 393 3 887819507 +327 396 3 887819538 +327 433 4 887818991 +327 466 3 887820171 +327 498 4 887819860 +327 529 3 887822770 +327 628 2 887820226 +327 678 3 887743705 +327 749 3 887743644 +327 875 4 887743600 +327 952 2 887819354 +328 38 3 885049275 +328 46 2 885048004 +328 50 4 885045702 +328 51 3 885047417 +328 54 3 885047194 +328 56 4 885045993 +328 68 3 885048198 +328 71 4 885048004 +328 72 3 885046686 +328 96 4 885046174 +328 167 3 885048861 +328 176 5 885046052 +328 187 4 885045993 +328 237 4 885047373 +328 258 5 885044482 +328 275 4 885046420 +328 281 4 885048930 +328 299 2 885044904 +328 300 5 885044640 +328 316 5 888641915 +328 327 3 885044566 +328 385 3 885046027 +328 435 4 885045844 +328 447 2 885045528 +328 471 3 885048004 +328 481 3 885048500 +328 518 2 885048198 +328 566 5 885047374 +328 578 2 885048895 +328 582 5 885045844 +328 610 3 886036967 +328 651 5 885046580 +328 715 2 885046853 +328 810 3 885049535 +329 127 4 891655741 +329 294 2 891655383 +329 322 3 891655570 +329 423 4 891656237 +329 534 3 891656639 +329 657 3 891656391 +330 25 5 876544582 +330 64 5 876546409 +330 82 4 876546298 +330 117 5 876544654 +330 143 5 876546470 +330 209 3 876547032 +330 228 5 876547220 +330 231 5 876545418 +330 384 2 876547813 +330 468 5 876547608 +330 479 5 876546105 +330 496 5 876546172 +330 627 5 876545479 +330 732 5 876547220 +330 966 5 876547311 +331 1 1 877196567 +331 8 3 877196444 +331 132 3 877196174 +331 306 5 877196819 +331 511 5 877196633 +332 50 5 887916675 +332 64 5 888359944 +332 89 5 888098060 +332 245 4 888098170 +332 276 3 887938299 +332 302 5 893027264 +332 350 4 891214762 +332 385 5 888098398 +332 472 3 887938277 +332 550 5 887939092 +332 552 3 888360488 +332 554 3 888360460 +332 562 5 888098328 +332 619 3 887938524 +332 685 4 887938277 +332 820 4 887938524 +332 974 4 888360532 +332 984 2 887916411 +332 1210 3 888360460 +334 10 4 891545265 +334 14 3 891544810 +334 38 2 891550141 +334 47 4 891547171 +334 99 4 891548533 +334 121 3 891545067 +334 130 4 891545318 +334 161 3 891549304 +334 214 3 891549045 +334 218 3 891548317 +334 236 4 891544765 +334 290 3 891544997 +334 304 3 891550557 +334 403 4 891547016 +334 419 3 891546181 +334 479 4 891545926 +334 518 4 891547334 +334 527 3 891546231 +334 549 4 891547261 +334 561 2 891549455 +334 810 3 891549267 +334 882 3 891544135 +334 1011 4 891544680 +334 1263 4 891549926 +335 340 5 891566808 +336 25 3 877756934 +336 50 4 877759224 +336 72 3 877756127 +336 85 3 877758078 +336 173 5 877757637 +336 210 5 877757700 +336 238 3 877757700 +336 273 5 877760032 +336 393 3 877756618 +336 407 1 877757373 +336 579 3 877757373 +336 591 5 877759598 +336 716 2 877758001 +336 734 1 877757516 +336 746 3 877758103 +336 949 4 877757952 +336 1118 4 877758055 +337 67 4 875236631 +337 151 5 875185627 +338 169 5 879438196 +338 382 5 879438762 +338 478 3 879438505 +338 479 5 879438250 +338 990 4 879437607 +339 9 5 891033044 +339 53 4 891034254 +339 92 4 891033452 +339 94 2 891036423 +339 143 5 891034810 +339 176 4 891032413 +339 178 5 891033310 +339 211 5 891034215 +339 212 4 891035215 +339 213 4 891033542 +339 216 3 891032286 +339 217 3 891034254 +339 229 3 891035584 +339 241 4 891034152 +339 250 5 891033830 +339 346 5 891032255 +339 480 5 891032885 +339 518 5 891033984 +339 644 5 891033200 +339 654 5 891032150 +339 660 4 891034778 +339 736 3 891035093 +339 790 2 891034151 +340 196 4 884990861 +340 211 3 884991431 +340 378 5 884990891 +340 969 5 884991647 +341 881 5 890757961 +342 9 5 874984233 +342 12 5 874984315 +342 14 5 874984661 +342 42 3 875319659 +342 57 3 875319457 +342 137 2 874984455 +342 153 4 874984261 +342 165 3 875318907 +342 182 5 875319173 +342 236 3 875318536 +342 246 4 874984480 +342 324 1 874984002 +342 428 5 875320334 +342 475 5 874984233 +342 476 4 875318488 +342 507 4 875319295 +342 514 5 874984341 +342 716 2 875320014 +342 833 3 874984751 +342 1010 1 874984574 +342 1011 3 875318467 +342 1016 1 874984596 +343 22 4 876406181 +343 72 5 876407706 +343 116 5 876403009 +343 222 4 876402978 +343 252 4 876403491 +343 258 5 876402390 +343 260 1 876402556 +343 274 3 876403443 +343 317 5 876405130 +343 425 5 876406514 +343 466 4 876404957 +343 478 5 876404499 +343 531 5 876404539 +343 583 4 876407202 +343 663 5 876405045 +343 715 5 876405943 +343 735 5 876406576 +343 963 5 876404880 +343 1047 1 876403776 +343 1112 3 876406314 +343 1117 3 876403563 +344 100 5 886382272 +344 117 3 884899767 +344 173 5 884814697 +344 258 3 884814359 +344 290 2 884899837 +344 302 5 884814359 +344 319 1 886381985 +344 463 4 884901210 +344 473 4 884900248 +344 496 4 889814194 +344 715 4 889814195 +344 756 2 884900529 +345 12 5 884901701 +345 40 3 884993662 +345 42 2 884991873 +345 58 4 884916322 +345 150 5 884991105 +345 161 3 884993555 +345 181 4 884992479 +345 210 4 884992174 +345 215 4 884993464 +345 218 3 884992218 +345 244 3 884994658 +345 286 3 884900521 +345 318 5 884916354 +345 393 3 884993485 +345 469 5 884916274 +345 678 2 884901497 +345 684 4 884992005 +345 815 3 884991546 +345 941 3 884993932 +345 980 4 884991688 +346 58 3 875122112 +346 151 4 874949244 +346 195 5 874948703 +346 226 3 886273914 +346 365 1 874951029 +346 395 1 875264785 +346 566 5 874950766 +346 640 3 874947923 +346 658 3 874949011 +346 660 2 874948979 +346 693 4 874950937 +346 720 2 875265528 +346 1011 1 874947609 +346 1188 1 875264472 +346 1210 3 875265335 +347 4 4 881654452 +347 11 5 881653544 +347 105 2 881653198 +347 147 4 881652710 +347 186 5 881653912 +347 237 4 881652629 +347 260 1 881652250 +347 357 5 881653774 +347 363 1 881653244 +347 411 5 881653132 +347 421 2 881653635 +347 427 4 881654004 +347 455 2 881653087 +347 546 4 881653059 +347 627 4 881654545 +347 693 5 881654156 +347 696 4 881653266 +347 713 3 881652568 +347 748 2 881652142 +347 1244 3 881653300 +347 1291 1 881653340 +348 369 3 886523758 +348 596 4 886523456 +348 827 4 886523387 +349 25 3 879465966 +349 284 5 879466156 +349 459 4 879465569 +349 546 3 879466200 +349 696 3 879465934 +349 713 3 879465673 +349 985 3 879466118 +350 127 5 882345502 +350 190 4 882346900 +350 427 5 882346118 +350 429 4 882345668 +350 603 5 882345975 +350 1039 4 882345975 +351 258 5 879481386 +351 304 3 879481675 +351 898 5 883356784 +352 174 5 884289760 +352 175 1 884290574 +352 210 3 884290328 +353 313 5 891402757 +353 898 2 891402587 +354 8 5 891217160 +354 10 5 891216692 +354 45 5 891218046 +354 97 3 891217610 +354 210 3 891217717 +354 283 4 891216632 +354 292 4 891180489 +354 319 3 891180399 +354 432 3 891218380 +354 512 3 891306892 +354 714 4 891217449 +354 744 4 891216656 +354 887 4 891180527 +354 922 4 891216825 +354 936 4 891216607 +354 1039 4 891217249 +355 319 5 879486529 +355 1429 4 879485423 +356 288 4 891406076 +357 283 5 878951616 +357 412 2 878951918 +357 508 5 878951616 +357 748 5 878951101 +357 825 3 878952080 +357 826 3 878951984 +357 841 3 878951918 +358 208 2 891270510 +358 221 5 891269077 +358 258 4 891269077 +358 1005 4 891269723 +358 1159 5 891269617 +358 1396 4 891269827 +359 50 5 886453271 +360 15 3 880354436 +360 137 5 880354379 +360 144 2 880355527 +360 175 3 880355888 +360 471 4 880355177 +360 474 5 880355803 +361 47 4 879440516 +361 50 5 879441417 +361 121 2 879441324 +361 155 3 879441008 +361 202 3 879440941 +361 226 3 879441352 +361 367 3 879440475 +361 527 4 879441462 +361 692 4 879440774 +361 1152 2 879441008 +362 321 2 885019435 +362 347 5 885019261 +362 678 2 885019651 +362 683 1 885019722 +362 879 5 885019357 +363 8 5 891497853 +363 17 4 891495918 +363 25 3 891496337 +363 28 4 891495339 +363 39 4 891495339 +363 42 2 891495070 +363 80 4 891498434 +363 100 5 891495070 +363 116 4 891495595 +363 127 4 891495169 +363 153 3 891495169 +363 168 4 891494905 +363 180 3 891494754 +363 181 5 891494783 +363 224 4 891495682 +363 230 2 891497440 +363 232 2 891495272 +363 238 4 891497583 +363 256 3 891499542 +363 260 2 891494049 +363 273 3 891495630 +363 301 3 891493918 +363 313 5 891493571 +363 372 4 891496077 +363 384 1 891498066 +363 385 4 891497129 +363 386 1 891498407 +363 496 4 891494563 +363 582 2 891496306 +363 652 4 891495143 +363 705 2 891495371 +363 739 3 891498183 +363 789 4 891494962 +363 1013 3 891499875 +363 1056 4 891496169 +363 1478 1 891498469 +364 678 4 875931478 +365 108 2 891304019 +365 319 4 891303694 +366 758 3 888857684 +367 217 5 876690021 +367 331 4 876689418 +367 565 2 876690048 +367 876 3 876689418 +368 164 3 889783364 +368 413 1 889783454 +368 441 3 889783617 +368 844 3 889783453 +369 196 5 889428642 +370 14 3 879434707 +370 57 5 879435431 +370 170 4 879435369 +370 173 3 879434707 +370 835 5 879434909 +371 66 4 877487213 +371 176 4 877487135 +371 202 5 880435313 +371 204 5 880435210 +371 496 4 877487052 +372 7 3 876869387 +372 234 5 876869387 +372 264 4 876869330 +372 273 5 876869730 +372 844 4 876869481 +372 1212 4 876869932 +373 79 4 877098979 +373 125 4 877098821 +373 131 4 877099968 +373 168 5 877098297 +373 170 5 877098751 +373 174 4 877099137 +373 178 4 877099352 +373 187 2 877098849 +373 190 5 877100161 +373 216 4 877100232 +373 229 4 877104048 +373 231 3 877104976 +373 238 4 877098890 +373 317 4 877100061 +373 328 4 877098041 +373 465 4 877104202 +373 471 3 877100458 +373 684 4 877098784 +373 735 5 877099137 +373 1444 3 877112116 +374 25 5 880393191 +374 27 4 880396444 +374 31 5 880396659 +374 82 4 880394484 +374 88 3 880395665 +374 117 5 880392846 +374 137 2 880393511 +374 164 4 880937735 +374 181 3 880392846 +374 184 2 880939034 +374 193 4 883628973 +374 196 1 880395426 +374 220 2 882158147 +374 241 5 880939035 +374 406 3 880936233 +374 411 3 880394088 +374 457 1 880392626 +374 471 4 880393056 +374 477 1 885107929 +374 504 4 880395973 +374 546 5 880936389 +374 595 3 880393921 +374 654 3 880396622 +374 732 4 880395320 +374 806 3 880396659 +374 818 3 880394301 +374 823 1 880936476 +374 825 3 880394233 +374 925 3 880394301 +374 1059 2 883627906 +374 1194 4 880396292 +374 1206 2 880396080 +375 234 5 886621917 +375 1046 2 886622131 +376 100 4 879454598 +376 705 3 879434750 +376 815 3 879459207 +377 294 5 891296356 +377 678 2 891297043 +378 25 4 880044489 +378 38 3 880333383 +378 51 3 880333195 +378 64 4 880055239 +378 69 3 880046069 +378 78 3 880056976 +378 82 4 880045935 +378 97 5 880045612 +378 164 4 880056582 +378 204 4 880056826 +378 238 3 880046161 +378 265 4 880045989 +378 287 2 880044802 +378 313 5 889665301 +378 399 3 880333598 +378 402 4 880045856 +378 412 2 880334409 +378 428 3 880055101 +378 436 4 880046437 +378 441 3 880333995 +378 443 4 880055336 +378 470 3 880056104 +378 473 3 880906178 +378 550 2 880332949 +378 561 3 880333695 +378 569 3 880056736 +378 577 2 880333995 +378 588 5 880318415 +378 660 4 880056547 +378 728 3 880332998 +378 735 4 880046229 +378 803 3 880334440 +378 932 2 880056930 +378 956 3 880332034 +378 1091 2 880332911 +378 1092 3 880332683 +378 1147 4 880055101 +378 1168 3 880333383 +379 28 4 880524943 +379 265 4 883156656 +379 317 5 880525001 +379 345 3 892879380 +379 403 4 880525598 +379 433 4 880525259 +379 621 4 880525815 +379 707 5 880525926 +379 843 4 880962285 +379 1035 3 880962256 +380 79 4 885479104 +380 86 4 885478374 +380 174 4 885478924 +380 179 3 885478313 +380 196 4 885479777 +380 199 3 885478845 +380 234 2 885478447 +380 302 5 885477742 +380 318 4 885478624 +380 514 2 885478780 +380 610 2 885478886 +380 1101 4 885479487 +381 118 1 892697051 +381 142 3 892697337 +381 196 5 892697083 +381 225 3 892697495 +381 268 4 892697982 +381 419 5 892696446 +381 480 5 892696019 +381 483 5 892696698 +381 520 5 892696757 +381 588 3 892697338 +381 1060 5 892697677 +382 151 4 875946830 +382 168 4 875946700 +382 235 5 875946830 +382 252 2 875946262 +382 286 2 875945173 +382 514 3 875946730 +382 756 3 875946185 +382 1268 5 875947296 +383 124 4 891192949 +383 166 4 891192858 +383 185 5 891192985 +383 188 5 891192949 +383 200 5 891193181 +383 213 5 891193137 +383 286 5 891192186 +383 528 4 891193242 +383 604 5 891193042 +383 736 5 891192949 +384 258 4 891273683 +384 286 4 891273649 +385 23 5 879441313 +385 30 5 879442988 +385 92 3 879443217 +385 100 4 879440098 +385 132 4 879446235 +385 197 4 879442360 +385 201 4 879441982 +385 204 1 879441728 +385 231 2 879449309 +385 240 4 879447317 +385 251 2 879440098 +385 378 1 879447555 +385 448 3 879448263 +385 514 4 879443045 +385 522 4 879924244 +385 568 3 879446465 +385 693 4 879443315 +385 1065 3 879445153 +385 1506 4 879442606 +385 1535 4 879448294 +386 181 3 877654961 +387 12 5 886484336 +387 25 2 886481271 +387 53 4 886481737 +387 95 2 886483620 +387 153 4 886479649 +387 173 4 886480288 +387 174 5 886480384 +387 188 5 886483151 +387 214 5 886483753 +387 232 2 886483289 +387 324 4 886481002 +387 367 3 886482883 +387 408 4 886484492 +387 518 4 886483151 +387 568 2 886483099 +387 581 4 886483394 +387 588 3 886480163 +387 641 5 886483824 +387 655 3 886480352 +387 665 2 886481851 +387 676 1 886480733 +387 727 5 886484098 +387 731 1 886482969 +387 847 3 886480325 +387 1198 3 886479575 +388 53 5 886441248 +388 121 4 886436756 +388 200 5 886441083 +388 219 5 886441083 +388 294 4 886439561 +389 87 5 879991330 +389 133 5 880086888 +389 143 3 880087026 +389 155 2 880088900 +389 161 2 880088269 +389 196 3 880087516 +389 209 4 880087048 +389 239 3 880087939 +389 240 3 879916254 +389 257 3 879916077 +389 274 4 880088421 +389 286 2 879915633 +389 347 4 887868071 +389 367 4 880086820 +389 412 3 880089170 +389 418 4 880165168 +389 419 3 880087003 +389 430 5 880087003 +389 482 5 880086777 +389 487 5 879991115 +389 488 5 880087260 +389 494 5 879991411 +389 553 2 880089015 +389 559 3 880088680 +389 579 1 881384611 +389 608 3 880087832 +389 618 4 880088115 +389 629 2 880166028 +389 663 4 880087026 +389 675 3 880165702 +389 684 4 880087761 +389 686 3 879991434 +389 722 2 880089192 +390 690 3 879693677 +391 23 4 877398992 +391 96 3 877399171 +391 98 4 877399133 +391 131 2 877399455 +391 133 4 877398898 +391 209 5 877399541 +391 228 2 877399486 +391 291 3 877400062 +391 301 4 877399745 +391 378 3 877399171 +391 427 5 877399512 +391 435 5 877399100 +391 591 4 877399894 +391 648 5 877399100 +391 652 4 877399588 +391 696 4 877400117 +392 11 4 891038371 +392 174 5 891038979 +392 269 5 891037385 +392 316 5 891037811 +392 326 2 891037685 +392 528 5 891038371 +392 604 5 891039015 +392 657 5 891038401 +392 837 5 891038466 +392 875 3 891037851 +393 1 3 887743611 +393 8 3 887746145 +393 9 4 887744448 +393 33 3 889554648 +393 66 3 889554707 +393 77 3 889729440 +393 82 4 887746174 +393 97 4 889555126 +393 134 2 887746824 +393 143 5 889554930 +393 145 3 889731820 +393 210 4 887747108 +393 248 4 887744202 +393 250 4 887743453 +393 272 4 887742006 +393 302 4 891364609 +393 310 4 887742040 +393 315 5 887741960 +393 367 3 889730187 +393 384 3 889729508 +393 392 4 889555225 +393 399 4 889728353 +393 411 2 887745501 +393 507 2 889554859 +393 541 3 889555384 +393 572 4 889731618 +393 575 2 889728712 +393 577 4 889731437 +393 586 3 889731040 +393 613 4 887745937 +393 625 4 889554780 +393 652 3 889729375 +393 684 4 889554811 +393 689 3 887742991 +393 693 3 887746883 +393 720 3 889554648 +393 732 4 889555272 +393 748 3 887742851 +393 769 4 889731593 +393 774 4 889731673 +393 787 5 889554674 +393 790 4 889729773 +393 819 3 889731592 +393 823 3 889730262 +393 833 4 887744626 +393 864 3 887745230 +393 866 3 889728074 +393 893 3 889554457 +393 934 3 887745544 +393 941 4 889729212 +393 982 3 889731649 +393 1001 4 887745410 +393 1058 4 887746916 +393 1197 3 887743611 +393 1409 4 889729536 +393 1419 3 889729319 +394 12 4 880887035 +394 33 4 880889259 +394 62 4 881132876 +394 77 3 880888603 +394 82 4 880889553 +394 90 3 880889528 +394 91 4 880886821 +394 118 4 880889066 +394 123 5 880888566 +394 151 5 880886919 +394 168 5 880886919 +394 176 5 881130008 +394 183 4 881130008 +394 294 4 880886919 +394 343 3 881130008 +394 380 4 881132876 +394 393 4 880889350 +394 403 4 880889034 +394 418 4 880887462 +394 431 5 880889607 +394 546 4 881058167 +394 549 4 880888452 +394 627 5 880888972 +394 720 2 881058146 +394 795 2 881059103 +394 928 4 881059902 +394 1484 4 881059619 +395 21 3 883764534 +395 118 3 883765791 +395 258 4 883762309 +395 288 2 886481149 +395 300 3 883762362 +395 318 4 883764004 +395 515 4 883765297 +395 748 3 883762577 +395 750 5 883762266 +395 1060 2 886481149 +396 118 4 884646314 +396 151 3 884646401 +396 271 4 884645790 +396 281 3 884646647 +396 323 4 884645790 +396 406 2 884646468 +396 974 4 884646152 +397 12 4 885349790 +397 14 3 885349348 +397 357 5 885350381 +397 358 2 882838937 +397 474 5 882839559 +397 484 5 885349759 +397 492 4 885349955 +397 522 5 885349476 +397 529 4 885350326 +397 591 4 885349562 +398 1 5 875652927 +398 8 3 875716709 +398 79 4 875660535 +398 86 3 875726010 +398 97 4 875721348 +398 111 3 875652318 +398 135 3 875657802 +398 153 4 875732862 +398 185 5 875717638 +398 237 3 875653168 +398 283 3 875652760 +398 367 3 875717020 +398 427 4 875657734 +398 478 5 875657857 +398 482 5 875657802 +398 483 5 875720673 +398 582 2 875659518 +398 607 3 875720467 +398 633 4 875726786 +398 655 4 875658967 +398 662 2 875723172 +398 708 3 875747159 +398 712 2 875736732 +399 1 4 882340657 +399 11 4 882344199 +399 28 2 882344134 +399 29 3 882349198 +399 47 3 882511093 +399 54 4 882343126 +399 90 2 882350653 +399 100 3 882509855 +399 123 2 882340807 +399 139 3 882348153 +399 182 4 882342570 +399 232 2 882350431 +399 246 3 882340639 +399 328 4 882340311 +399 343 2 882340517 +399 356 3 882344512 +399 366 3 882345271 +399 404 3 882344684 +399 433 3 882344269 +399 462 3 882510290 +399 465 3 882350005 +399 511 3 882341848 +399 541 3 882345622 +399 561 2 882345335 +399 820 4 882341191 +399 919 2 882510379 +399 1042 3 882348283 +399 1060 3 882510269 +399 1207 3 882350813 +399 1542 2 882348592 +400 313 5 885676316 +400 343 4 885676552 +401 88 4 891033319 +401 99 4 891033582 +401 125 3 891033651 +401 185 4 891033523 +401 188 1 891033267 +401 191 4 891032847 +401 203 4 891033288 +401 211 4 891033092 +401 216 4 891032803 +401 243 3 891031867 +401 405 2 891032453 +401 429 3 891032847 +401 482 4 891033343 +401 537 4 891033466 +401 584 3 891033227 +401 591 3 891032607 +401 610 4 891033651 +401 634 1 891033319 +401 663 1 891033549 +402 15 5 876267115 +402 100 5 876266904 +402 118 4 876267096 +402 181 4 876266860 +402 408 5 876266741 +402 410 1 876266985 +402 1284 3 876266984 +403 1 4 879785974 +403 50 5 879785736 +403 237 5 879786221 +403 282 5 879786052 +403 405 5 879786747 +403 476 4 879790468 +403 760 1 879790343 +403 1199 2 879790506 +404 286 1 883790181 +404 288 3 883790314 +404 301 3 883790286 +404 339 1 883790609 +404 876 2 883790286 +404 938 4 883790749 +405 27 1 885546487 +405 35 2 885549095 +405 46 1 885546445 +405 69 4 885545111 +405 79 5 885544798 +405 86 1 885546154 +405 89 1 885547952 +405 95 3 885548785 +405 110 1 885547506 +405 170 1 885549506 +405 174 5 885544739 +405 176 1 885547909 +405 177 1 885547996 +405 181 5 885547909 +405 194 1 885547176 +405 196 1 885546112 +405 213 2 885549309 +405 313 4 885544635 +405 341 1 885549904 +405 372 1 885547313 +405 375 1 885546835 +405 378 4 885546379 +405 382 1 885546336 +405 385 1 885547910 +405 389 2 885548932 +405 428 1 885547314 +405 429 5 885545200 +405 435 1 885547176 +405 443 4 885548330 +405 445 4 885548435 +405 466 1 885548633 +405 512 1 885549589 +405 513 1 885546112 +405 542 1 885549095 +405 550 2 885547909 +405 576 1 885548093 +405 582 3 885546336 +405 621 1 885548932 +405 638 1 885549589 +405 640 1 885549589 +405 641 1 885546201 +405 657 1 885548578 +405 658 4 885545516 +405 660 2 885546247 +405 663 2 885547221 +405 665 1 885548094 +405 668 1 885548275 +405 672 1 885548434 +405 703 2 885546112 +405 704 2 885546577 +405 709 1 885547314 +405 724 1 885546530 +405 725 1 885547691 +405 730 1 885545975 +405 733 1 885546248 +405 738 1 885547447 +405 757 1 885549095 +405 792 5 885545552 +405 806 1 885545974 +405 877 1 885549903 +405 940 1 885547605 +405 954 4 885547268 +405 958 1 885549590 +405 972 1 885546445 +405 1005 1 885549407 +405 1027 1 885548048 +405 1043 1 885547644 +405 1069 1 885546154 +405 1090 1 885548670 +405 1101 3 885546287 +405 1192 1 885545975 +405 1208 1 885546577 +405 1220 3 885546202 +405 1246 1 885547735 +405 1260 1 885546835 +405 1266 1 885549634 +405 1306 1 885546529 +405 1382 1 885549790 +405 1419 2 885548137 +405 1423 1 885546725 +405 1429 1 885549903 +405 1445 1 885546336 +405 1464 1 885546154 +405 1475 1 885547268 +405 1480 2 885549005 +405 1488 1 885546680 +405 1529 1 885549635 +405 1535 1 885549635 +405 1544 1 885549095 +405 1545 2 885546201 +405 1552 1 885546636 +405 1564 1 885546288 +405 1573 1 885549464 +405 1574 1 885546529 +406 9 5 879445735 +406 26 3 879793235 +406 56 5 879792811 +406 57 4 879446062 +406 95 4 879793081 +406 98 4 879446529 +406 100 4 879446062 +406 101 3 879793112 +406 124 4 879446588 +406 144 1 879445475 +406 154 5 879792811 +406 157 3 882480865 +406 176 5 879445474 +406 184 2 879792863 +406 185 5 879792811 +406 205 2 879445642 +406 207 2 879446529 +406 210 5 880131703 +406 217 4 879792928 +406 286 3 879445250 +406 294 3 879445250 +406 367 4 880131929 +406 372 4 880131929 +406 382 5 879793295 +406 393 4 880131851 +406 425 3 884630617 +406 432 5 879793081 +406 462 5 879445562 +406 483 4 879446062 +406 502 1 880131642 +406 506 4 882480802 +406 531 3 879445475 +406 569 3 879792974 +406 601 3 882480749 +406 604 3 879446361 +406 631 5 882461650 +406 654 4 879445522 +406 657 5 884630493 +406 671 5 879792863 +406 674 4 879792897 +406 971 3 879793328 +406 1073 3 882480671 +406 1079 2 880132048 +406 1101 4 879445771 +406 1109 4 882480865 +406 1147 4 879446228 +406 1153 2 882480836 +406 1170 4 880131851 +407 7 4 893253637 +407 71 3 875046460 +407 73 4 892060474 +407 85 4 876339975 +407 94 4 876345492 +407 101 3 876338186 +407 121 4 876343028 +407 131 3 875552400 +407 151 4 876340363 +407 152 4 875043826 +407 162 4 876339101 +407 168 5 875042424 +407 169 5 875042642 +407 175 4 875042865 +407 189 4 875042268 +407 191 5 876339940 +407 210 4 875044037 +407 219 4 876348318 +407 234 3 875042268 +407 288 4 890687293 +407 408 4 875552445 +407 443 3 876341493 +407 474 3 875042378 +407 498 4 875046427 +407 568 2 876338730 +407 650 2 875044400 +407 737 4 875117053 +407 1041 3 876345492 +407 1160 1 890687550 +407 1263 2 876344668 +408 242 4 889679947 +408 310 4 889679761 +408 751 4 889679982 +409 79 4 881108246 +409 83 3 881108971 +409 134 5 881106734 +409 136 4 881107992 +409 178 5 881107817 +409 206 4 881109264 +409 326 3 881105077 +409 338 3 881104916 +409 466 4 881107666 +409 499 3 881168631 +409 511 5 881107943 +409 529 5 881109019 +409 603 5 881107351 +409 632 3 881107902 +409 663 4 881107251 +409 854 4 881108648 +409 876 2 881105677 +409 890 1 881105677 +409 1050 4 881109420 +409 1328 2 881106287 +410 272 4 888627138 +410 303 3 888626583 +410 352 3 888626682 +411 79 4 892845634 +411 89 3 891035761 +411 174 4 892845634 +411 194 5 892845605 +411 202 4 891035663 +411 238 3 891035525 +411 603 5 892845986 +412 1 4 879716962 +412 169 4 879717038 +412 195 4 879717621 +412 208 4 879717621 +412 431 4 879717549 +413 100 4 879969535 +413 237 4 879969755 +413 273 2 879969484 +413 276 4 879969674 +413 283 5 879969484 +413 321 3 879969259 +414 11 5 884999347 +414 270 5 884998972 +414 313 4 884998953 +414 433 5 884999394 +414 895 4 884999170 +415 174 5 879439864 +415 684 3 879439610 +416 4 4 876699903 +416 17 2 886318084 +416 78 2 886319785 +416 79 5 893213405 +416 95 3 878879688 +416 96 4 893142245 +416 100 5 893212895 +416 111 4 876697592 +416 122 3 886315885 +416 124 4 876697017 +416 147 5 893212730 +416 153 4 886317272 +416 173 5 893214127 +416 184 4 876699758 +416 223 5 893212572 +416 231 3 878880244 +416 235 2 885115041 +416 255 5 893214041 +416 269 4 876696643 +416 278 3 876698280 +416 291 4 878879275 +416 300 4 876696823 +416 303 4 876696643 +416 305 3 878877919 +416 310 5 893214225 +416 330 3 885114446 +416 345 5 893214332 +416 387 3 886319288 +416 392 5 893213444 +416 420 3 886318155 +416 470 4 878880154 +416 520 5 893214225 +416 535 4 876697847 +416 544 2 888700566 +416 571 3 886318860 +416 597 3 876698178 +416 603 5 893212484 +416 620 4 878879237 +416 624 3 886317237 +416 631 3 886316295 +416 655 5 893213103 +416 659 5 893213404 +416 680 3 876696938 +416 727 5 893212730 +416 732 5 893213404 +416 765 4 886319522 +416 869 3 892439992 +416 926 2 886315298 +416 1133 4 893142244 +416 1136 4 886318186 +416 1152 4 876697105 +416 1168 4 886318953 +416 1229 2 893210527 +416 1286 5 893213549 +416 1337 1 876698083 +416 1483 4 893214333 +416 1594 5 893212484 +417 25 2 879646413 +417 66 3 879648026 +417 94 3 879649177 +417 102 3 879648656 +417 117 4 879646484 +417 121 3 879646591 +417 134 4 879647196 +417 141 3 879648510 +417 151 5 879646463 +417 153 5 879647580 +417 158 2 879649389 +417 191 5 879647498 +417 209 4 879647299 +417 238 4 879647768 +417 302 3 879645999 +417 365 4 879648860 +417 418 4 879647471 +417 473 2 879646860 +417 496 3 879647040 +417 537 4 880949849 +417 549 3 879647924 +417 568 2 879648155 +417 576 3 879649410 +417 771 3 879649368 +417 818 2 886186925 +417 823 2 879646860 +417 1411 3 880952418 +419 1 4 879435590 +419 69 4 879435628 +419 197 5 879435749 +419 269 4 879435190 +419 300 4 879435347 +419 494 3 879435749 +420 179 5 891356864 +420 285 5 891356891 +420 286 4 891356790 +420 493 3 891356864 +420 547 4 891357104 +420 690 5 891357271 +421 79 4 892241459 +421 173 1 892241319 +421 269 3 892241210 +421 423 2 892241707 +421 427 4 892241735 +421 498 4 892241344 +421 509 2 892241532 +421 525 4 892241422 +422 7 3 875129882 +422 234 4 879744015 +422 267 4 875655986 +422 271 3 879743635 +422 295 3 875130063 +422 323 3 875129668 +422 339 2 879743848 +422 441 4 879744183 +422 563 3 879744219 +423 10 4 891395734 +423 100 5 891395448 +423 292 4 891394504 +423 316 4 891394985 +423 508 4 891395394 +423 887 5 891394673 +424 258 2 880858792 +424 259 2 880858979 +424 292 4 880859228 +424 300 2 880859199 +424 304 4 880858861 +424 688 2 880859228 +424 690 3 880858792 +424 840 4 880859693 +424 969 1 880859385 +425 4 4 878738290 +425 11 3 878737981 +425 27 3 878738695 +425 33 4 878738435 +425 50 5 878738335 +425 64 4 878738245 +425 70 3 878738245 +425 89 4 878738435 +425 97 2 890347247 +425 161 3 878738187 +425 228 4 878738334 +425 258 2 878737511 +425 269 4 890346376 +425 293 4 878738992 +425 300 2 878737512 +425 334 4 890346567 +425 347 4 890346517 +425 403 4 878738548 +425 405 2 878738643 +425 435 3 878738334 +425 455 2 878738992 +425 684 2 878738385 +425 743 4 878739054 +425 827 1 878739095 +425 1129 3 878738245 +425 1188 3 878738695 +426 136 4 879442083 +426 289 2 879441754 +426 481 5 879442892 +426 484 5 879444662 +426 489 5 879441978 +426 496 3 879442841 +426 617 3 879441978 +426 641 4 879441931 +426 659 4 879442128 +426 661 4 879444321 +426 671 4 879444170 +427 322 3 879701051 +427 331 4 879700850 +427 334 5 879701326 +427 881 5 879701253 +428 242 4 885943651 +428 245 5 885943713 +428 269 5 885943749 +428 288 4 885943847 +428 310 4 885943651 +428 749 4 885943782 +428 751 5 885943818 +428 892 4 885944044 +429 11 4 882385464 +429 42 5 882385593 +429 44 3 882386171 +429 71 3 882385705 +429 80 3 882386684 +429 98 4 882384494 +429 121 3 882386145 +429 129 4 882385065 +429 136 4 882386071 +429 156 4 882384920 +429 173 4 882384494 +429 177 4 882385065 +429 180 5 882385464 +429 182 4 882384821 +429 192 3 882385612 +429 194 4 882385705 +429 199 5 882386006 +429 217 3 882387715 +429 222 4 882385518 +429 230 2 882385985 +429 231 2 882385489 +429 241 3 882385934 +429 284 3 882386424 +429 293 4 882385293 +429 300 3 882385168 +429 357 5 882385636 +429 409 2 882386751 +429 412 4 882387411 +429 440 1 882387411 +429 462 4 882386662 +429 472 3 882387434 +429 479 4 882385358 +429 498 5 882384796 +429 507 5 882385210 +429 528 4 882385034 +429 540 3 882386916 +429 562 2 882387575 +429 583 3 882386121 +429 607 3 882385785 +429 651 4 882384772 +429 663 4 882385358 +429 685 3 882387434 +429 697 3 882385858 +429 737 4 882387505 +429 739 3 882387140 +429 746 3 882386096 +429 778 3 882385294 +429 796 3 882386601 +429 936 4 882385934 +429 939 4 882384986 +429 1012 3 882385963 +429 1018 3 882386051 +429 1074 3 882387163 +429 1112 3 882386785 +429 1133 2 882386848 +429 1139 2 882387434 +429 1438 1 882385705 +430 7 3 877225660 +430 64 4 877226130 +430 123 2 877225965 +430 127 4 877225484 +430 151 4 877225516 +430 168 4 877226568 +430 297 4 877225599 +430 298 3 877225547 +430 303 4 877225239 +430 523 4 877226568 +431 303 4 877844183 +431 328 4 877844377 +431 332 3 877844377 +432 255 5 889416608 +432 293 5 889415812 +432 298 3 889415852 +432 313 4 889415763 +432 475 4 889416147 +432 1012 5 889415947 +433 245 3 880585491 +433 300 3 880585068 +434 1 4 886724590 +434 411 5 886724873 +434 424 1 886724913 +434 1197 5 886724913 +435 8 3 884131576 +435 10 5 884131950 +435 17 2 884132540 +435 53 3 884133447 +435 55 5 884131434 +435 79 4 884131016 +435 84 2 884133757 +435 98 5 884131576 +435 101 3 884132184 +435 139 2 884134134 +435 155 3 884133710 +435 169 5 884130995 +435 177 5 884131267 +435 201 4 884131356 +435 202 4 884131901 +435 208 4 884131515 +435 235 4 884132266 +435 249 4 884134242 +435 288 4 884130605 +435 333 3 884130647 +435 366 2 884133134 +435 406 3 884134810 +435 409 3 884134019 +435 412 3 884134677 +435 430 5 884131712 +435 432 3 884132968 +435 441 3 884133084 +435 444 3 884134075 +435 559 3 884132342 +435 585 3 884133447 +435 596 4 884132184 +435 603 3 884131118 +435 627 3 884133194 +435 635 3 884133544 +435 658 3 884133223 +435 709 4 884131822 +435 722 3 884133818 +435 742 4 884132840 +435 755 2 884132266 +435 763 5 884133544 +435 778 4 884131844 +435 818 2 884133938 +435 930 3 884134019 +435 946 2 884132072 +435 953 3 884132968 +436 11 5 887769777 +436 143 2 887770092 +436 144 5 887769444 +436 187 5 887768982 +436 234 3 887769471 +436 273 4 887769233 +436 425 4 887769335 +436 427 3 887769105 +436 468 4 887771826 +436 469 3 887769128 +436 507 4 887769801 +436 550 4 887771093 +436 592 3 887770379 +436 635 3 887771875 +436 693 5 887769515 +436 856 4 887769952 +436 869 4 887771722 +436 928 4 887770547 +436 941 4 887771997 +436 986 3 887770300 +436 1248 3 887770485 +436 1263 3 887772060 +436 1489 2 887770731 +437 8 4 880140752 +437 15 4 881001946 +437 23 4 880140288 +437 66 3 880143167 +437 100 4 880140051 +437 117 1 881001121 +437 129 1 880140433 +437 135 4 880140101 +437 152 4 880141129 +437 156 2 880140627 +437 196 4 880140627 +437 202 5 881001715 +437 210 3 881002191 +437 215 3 880140325 +437 226 1 880142942 +437 248 2 880141716 +437 249 5 880142027 +437 319 5 881001538 +437 401 5 880143505 +437 420 3 881002191 +437 462 5 881002324 +437 476 4 880142177 +437 558 3 880142365 +437 602 3 880140822 +437 961 5 881002323 +437 1142 4 880141696 +438 252 4 879868364 +438 282 5 879868264 +438 300 4 879867960 +438 301 4 879867960 +438 619 4 879868159 +439 268 4 882892424 +439 1600 5 882893291 +440 213 4 891577950 +440 245 4 891548470 +440 258 4 891547637 +440 304 5 891546785 +440 462 5 891577994 +441 100 3 891035441 +441 282 4 891035528 +441 300 3 891035056 +442 2 3 883390544 +442 69 3 883390935 +442 77 3 883391325 +442 90 3 883388609 +442 92 5 883389776 +442 96 4 883390328 +442 164 2 883390083 +442 172 5 883389580 +442 239 3 883388401 +442 313 3 883387916 +442 405 3 883390497 +442 441 3 883390083 +442 450 3 883391377 +442 738 3 883389164 +442 742 3 883391146 +442 871 1 883389455 +442 928 3 883391299 +442 986 1 883391377 +442 1074 3 883389053 +443 39 1 883505492 +443 245 3 883504796 +443 307 3 883504564 +443 948 1 883504844 +445 1 3 891199749 +445 56 5 891200869 +445 93 1 891199945 +445 151 4 891200869 +445 183 2 890987687 +445 249 2 891200447 +445 271 1 891199458 +445 343 1 891199385 +445 458 2 891200272 +445 879 2 891199331 +445 933 1 891200390 +445 994 1 891199682 +445 1009 2 891200321 +445 1016 1 891200164 +445 1067 1 891200390 +445 1378 2 891199635 +445 1534 1 891199749 +446 289 3 879786984 +446 299 2 879787149 +446 300 3 879787149 +446 321 4 879786943 +446 322 3 879787226 +446 338 2 879786943 +446 340 2 879786691 +447 22 4 878856422 +447 24 3 878854520 +447 50 5 878854552 +447 132 4 878855963 +447 202 3 878856078 +447 211 4 878855724 +447 237 4 878854234 +447 265 4 878856394 +447 282 4 878856290 +447 411 2 878855107 +447 471 4 878854340 +447 474 3 878856022 +447 762 3 878855139 +447 770 3 878856601 +447 952 4 878854315 +448 270 5 891888137 +448 288 1 891887161 +448 312 1 891888653 +448 874 3 891889281 +448 1022 5 891888244 +448 1062 5 891888178 +449 70 4 880410777 +449 86 4 880410599 +449 106 3 879958936 +449 120 1 879959573 +449 198 4 880410624 +449 213 3 880410652 +449 333 3 879958474 +449 462 5 880410674 +449 515 5 879958685 +449 593 4 879959101 +449 1005 5 880410734 +449 1010 4 879958664 +450 11 5 882376365 +450 22 5 882373865 +450 25 3 882376188 +450 44 3 882376658 +450 47 3 882394180 +450 59 4 882371904 +450 61 4 882376446 +450 63 4 882469941 +450 69 4 882373532 +450 91 4 887660763 +450 111 4 882377590 +450 140 3 882376585 +450 151 5 882376658 +450 170 5 887660440 +450 178 4 882394251 +450 186 3 882396799 +450 228 4 882373019 +450 232 4 882398666 +450 234 3 882396245 +450 259 3 887834953 +450 286 4 882215617 +450 322 4 882370316 +450 356 4 887138756 +450 366 3 882396489 +450 388 3 882471604 +450 399 4 882468239 +450 405 4 882474001 +450 415 3 882398220 +450 423 5 882371904 +450 457 2 882466909 +450 498 3 882396351 +450 504 5 882377590 +450 516 5 882396564 +450 521 4 882394180 +450 571 2 882471604 +450 584 5 882397223 +450 601 3 882376658 +450 603 5 882373088 +450 616 4 882373597 +450 628 4 882377590 +450 654 4 882373928 +450 699 4 882395537 +450 722 5 882471524 +450 724 5 882395537 +450 725 3 882469863 +450 732 3 882395662 +450 756 3 882398940 +450 781 4 882398220 +450 795 3 882468790 +450 1061 4 882398313 +450 1112 3 882396352 +450 1126 4 887661961 +450 1297 4 882812635 +450 1421 4 882399664 +450 1480 3 882468686 +450 1490 3 882396929 +450 1518 4 887138957 +451 245 2 879012550 +451 258 4 879012343 +451 266 2 879012811 +451 321 3 879012470 +451 324 4 879012647 +451 358 1 879012550 +451 748 4 879012550 +451 873 5 879012684 +451 876 4 879012431 +451 885 1 879012890 +451 887 1 879012858 +451 948 3 879012890 +451 990 3 879012684 +451 1038 1 879012889 +451 1295 2 879012811 +452 71 3 875273415 +452 76 4 875562410 +452 77 3 875562997 +452 94 1 888568349 +452 98 5 875263330 +452 153 4 875276361 +452 164 4 875269386 +452 172 4 876297413 +452 196 4 875275763 +452 210 4 875561852 +452 213 4 875265265 +452 223 5 885816768 +452 285 3 888492147 +452 288 2 876298593 +452 290 2 875562903 +452 456 1 876209837 +452 474 3 875263067 +452 480 5 875261261 +452 515 4 875261747 +452 516 3 888324014 +452 520 3 875261100 +452 527 3 885490722 +452 528 4 875261261 +452 825 5 885816916 +452 1204 4 875560150 +452 1255 2 876298932 +452 1410 1 876297577 +453 25 4 877552872 +453 55 4 877554301 +453 67 4 888205882 +453 82 3 877561694 +453 90 3 877561942 +453 144 4 877554443 +453 151 3 877552970 +453 202 4 877553999 +453 229 2 888206219 +453 237 4 877552657 +453 257 3 877552590 +453 272 5 887941892 +453 282 4 877561382 +453 403 4 877562293 +453 451 2 877561836 +453 452 2 888206630 +453 652 3 877554443 +453 763 4 877553221 +453 781 3 888206022 +453 1037 1 888206630 +453 1079 1 887942484 +453 1303 2 888206730 +454 64 4 881959652 +454 71 3 888266754 +454 81 1 888266433 +454 86 2 888267280 +454 95 2 888266433 +454 132 2 888266874 +454 140 3 888267386 +454 275 2 888267419 +454 302 4 881958326 +454 327 3 881958428 +454 387 2 888267279 +454 498 3 888267559 +454 504 2 888266955 +454 511 3 881960173 +454 527 4 881960201 +454 588 3 881960083 +454 589 2 888267487 +454 602 2 888267521 +454 604 3 881959960 +454 606 2 881960330 +454 611 2 888266685 +454 687 3 881959468 +454 732 4 888267560 +454 748 4 881958551 +454 984 3 891377968 +454 988 2 888015879 +454 1089 2 881959437 +455 11 3 879110971 +455 22 4 879111500 +455 52 3 879112011 +455 79 4 879112377 +455 117 3 879111345 +455 159 3 879111500 +455 164 4 879110844 +455 172 4 879112054 +455 258 5 878585250 +455 259 2 884027220 +455 286 5 878585250 +455 372 4 879112055 +455 385 3 879111907 +455 463 4 879111737 +455 523 4 879110946 +455 546 3 879110767 +455 581 3 879111763 +455 736 3 879112460 +455 744 3 879109881 +455 770 3 879111586 +455 924 3 879110154 +455 1167 4 879111123 +456 14 5 881371427 +456 33 4 881374086 +456 56 5 881373353 +456 59 4 881372779 +456 72 1 881374801 +456 94 3 881375482 +456 109 3 881371660 +456 129 3 881372604 +456 150 4 881371453 +456 191 3 881372849 +456 204 3 881374086 +456 214 4 881374586 +456 217 3 881374883 +456 229 3 881375482 +456 324 4 881372687 +456 367 3 881373900 +456 483 4 881372911 +456 588 3 881374462 +456 772 4 881373228 +456 793 3 881374883 +456 1101 3 881374710 +456 1129 4 881371548 +456 1421 3 881374437 +456 1551 3 881374193 +456 1604 4 881372849 +457 1 4 882393244 +457 47 4 882396935 +457 69 5 882396659 +457 88 4 882397763 +457 98 5 882553113 +457 125 4 882393343 +457 133 4 882547820 +457 160 4 882395078 +457 169 5 882396935 +457 202 4 882398275 +457 208 4 882396705 +457 225 4 882395825 +457 227 4 882392853 +457 238 5 882392976 +457 252 4 882395638 +457 275 5 882393648 +457 276 4 882393306 +457 294 2 882393514 +457 356 4 882547670 +457 367 4 882396989 +457 368 1 882396133 +457 386 3 882549133 +457 423 5 882397699 +457 433 5 882397020 +457 451 4 882549212 +457 528 5 882397543 +457 569 3 882549356 +457 660 5 882396449 +457 695 3 882398345 +457 1221 4 882549438 +458 7 4 886394373 +458 21 2 886395393 +458 52 4 886398187 +458 64 4 886396005 +458 69 2 886397988 +458 79 5 886396192 +458 83 4 886398071 +458 97 1 886397931 +458 99 4 886397110 +458 100 4 886394373 +458 116 4 886394623 +458 137 5 886394730 +458 194 2 886397504 +458 199 4 886396140 +458 275 5 886394471 +458 276 5 886394470 +458 338 3 889323660 +458 435 4 886397504 +458 483 5 886396460 +458 515 4 886396729 +458 531 5 886395758 +458 619 2 886394778 +458 823 3 886395119 +458 969 4 886395899 +458 1039 5 886397275 +458 1335 1 886395565 +459 125 4 879563169 +459 127 4 879562834 +459 186 4 879566321 +459 257 5 879563245 +459 271 4 879561731 +459 275 4 879562859 +459 294 5 879561755 +459 298 3 879562895 +459 307 5 879561630 +459 405 3 879563334 +459 471 3 879562659 +459 477 1 879562995 +459 926 4 879563639 +459 932 4 879563334 +459 1013 3 879563226 +459 1014 1 879563506 +460 9 3 882912150 +460 13 3 882912371 +460 19 5 882912418 +460 151 3 882912205 +460 245 3 882910657 +460 283 3 882912316 +460 288 2 882910678 +460 304 2 882911101 +460 306 4 882912418 +460 870 2 882912469 +460 1171 3 882912235 +461 305 2 885355757 +462 181 4 886365443 +462 322 5 886365773 +462 328 5 886365773 +462 346 1 886365928 +462 873 4 886365706 +463 129 2 877385287 +463 246 4 877387935 +463 269 5 877384802 +463 275 5 877385287 +463 286 4 877387935 +463 313 4 889935655 +463 476 3 877385664 +463 690 4 877384802 +463 740 4 877385922 +463 892 2 889936774 +463 936 2 890460826 +463 985 1 877386923 +463 1007 3 877387935 +463 1028 2 877386082 +463 1199 1 889937778 +463 1216 3 877387935 +464 12 5 878355167 +464 50 4 878354966 +464 127 5 878354966 +464 249 2 878355119 +464 259 4 878354859 +464 479 4 878355167 +464 510 4 878355167 +465 127 4 883530667 +465 151 3 883530818 +465 275 4 883530521 +465 408 5 883530391 +465 513 5 883530015 +465 835 3 883531026 +465 836 3 883531155 +465 845 4 883530743 +465 868 2 883532119 +465 929 3 883530818 +466 4 3 890285034 +466 7 4 890284819 +466 33 4 890285113 +466 92 4 890285034 +466 121 3 890285034 +466 161 2 890285113 +466 195 4 890284857 +466 241 5 890284857 +466 260 4 890283592 +466 300 3 890282795 +466 403 3 890284857 +466 510 2 890284857 +466 679 3 890285159 +466 684 4 890285034 +466 909 5 890284231 +467 181 3 879532420 +467 222 3 879532651 +467 302 4 879532127 +467 1059 4 879532693 +468 5 3 875287686 +468 9 5 875280041 +468 24 3 875280462 +468 44 4 875302208 +468 55 5 875287615 +468 64 5 875286450 +468 65 3 875294549 +468 91 5 875301056 +468 117 2 875280499 +468 124 5 875280331 +468 127 4 875280126 +468 143 5 875288197 +468 161 3 875296309 +468 204 5 875287826 +468 218 4 875294971 +468 226 2 875302208 +468 237 4 875280181 +468 248 4 875280352 +468 286 4 875279126 +468 432 5 875287826 +468 531 4 875295368 +468 647 5 875293386 +468 772 4 875291722 +468 943 3 875287721 +468 955 4 875288504 +468 1134 5 875280670 +469 152 4 879523947 +469 238 4 879525237 +469 487 5 879524178 +469 510 4 879523802 +469 607 5 879524117 +470 124 3 879178486 +470 222 3 879178711 +470 273 3 879178370 +470 277 4 879178593 +470 291 2 879178777 +470 327 3 879178274 +470 742 4 879178455 +470 874 3 879189137 +471 71 3 889828154 +471 172 4 889827822 +471 432 1 889827822 +471 627 1 889827881 +471 946 2 889827982 +471 1219 4 889828026 +472 22 5 892790953 +472 50 5 875978010 +472 62 5 875981876 +472 91 5 892791063 +472 95 3 875980209 +472 96 5 875980823 +472 100 5 875978534 +472 105 3 875979402 +472 143 4 875980823 +472 200 4 875981158 +472 202 5 875979737 +472 208 5 875981317 +472 214 4 875979964 +472 216 4 875981230 +472 235 5 875978994 +472 264 3 875977870 +472 265 4 892790676 +472 338 4 892790531 +472 356 3 875983231 +472 385 5 892790676 +472 402 5 892791063 +472 419 4 875982337 +472 420 3 875982149 +472 549 5 892791063 +472 554 5 875982771 +472 581 4 875981551 +472 603 5 875980376 +472 825 5 875979439 +472 831 5 875979498 +472 866 5 875978600 +472 916 5 892790627 +472 1029 4 875983321 +473 127 5 878157299 +473 150 5 878157329 +473 285 4 878157404 +473 475 5 878157299 +474 9 5 887916203 +474 28 4 887924619 +474 31 4 887926573 +474 47 4 887927339 +474 55 4 887926271 +474 56 5 887924083 +474 59 3 887923708 +474 124 5 887915269 +474 126 4 887915366 +474 143 4 887926573 +474 151 3 887916203 +474 185 5 887923923 +474 190 3 887923972 +474 259 1 887914878 +474 343 3 887915082 +474 378 4 887927152 +474 381 4 887924683 +474 405 4 887916260 +474 411 2 887915684 +474 427 5 887923924 +474 431 4 887926999 +474 448 5 887925751 +474 485 4 887926804 +474 492 4 887925838 +474 509 5 887927457 +474 549 5 887926999 +474 606 3 887924571 +474 630 3 887928793 +474 647 4 887924571 +474 652 4 887925838 +474 663 4 887924084 +474 678 2 887915020 +474 729 4 887927152 +474 1063 5 887927728 +474 1124 4 887927152 +474 1221 4 887926999 +475 269 4 891451276 +475 302 3 891451083 +475 303 1 891451341 +475 306 5 891451276 +475 327 4 891451149 +475 539 3 891451693 +476 70 3 883364680 +476 201 4 883364324 +476 210 4 883364218 +476 325 1 883365684 +476 430 4 883364143 +476 433 4 883364250 +476 940 3 883365336 +476 959 3 883364433 +477 66 5 875941763 +477 111 5 875941763 +477 274 5 875941763 +477 275 5 875941763 +477 451 5 875941763 +477 546 4 875941972 +478 15 5 889397306 +478 32 3 889395678 +478 64 5 889388862 +478 71 3 889388790 +478 96 2 889396509 +478 100 5 889388863 +478 124 4 889387982 +478 144 5 889396509 +478 150 4 889388098 +478 178 4 889388562 +478 182 5 889389014 +478 204 4 889388658 +478 232 2 889396180 +478 235 2 889388357 +478 433 3 889396330 +478 708 3 889397239 +478 710 5 889396029 +478 762 4 889388161 +478 780 3 889397808 +478 869 2 889396102 +478 1041 3 889396449 +479 15 3 879460140 +479 62 3 879462007 +479 131 3 879460999 +479 136 4 879461447 +479 143 1 879461669 +479 151 4 879461914 +479 154 3 889126007 +479 196 4 879461207 +479 199 5 879460863 +479 200 5 889125775 +479 202 4 879461567 +479 205 3 879461015 +479 234 5 879461318 +479 235 3 879460503 +479 238 4 879461039 +479 250 4 879460393 +479 252 2 879460628 +479 271 3 879459692 +479 335 3 879459752 +479 338 1 887064372 +479 340 1 887064320 +479 403 3 879461988 +479 470 5 889125718 +479 471 4 879460028 +479 475 1 879460028 +479 496 3 879461084 +479 498 5 879461179 +479 647 5 879461039 +479 986 1 879460648 +480 56 4 891208492 +480 98 4 891208239 +480 169 5 891208327 +480 208 2 891208650 +480 302 4 891207539 +481 144 4 885828732 +481 191 5 885828543 +481 202 4 885829240 +481 211 5 885828426 +481 500 4 885828732 +482 249 2 887644102 +482 258 2 887644023 +482 286 3 887644023 +482 294 4 887643365 +482 313 5 887643146 +482 682 3 887644022 +483 9 2 878952471 +483 68 1 878953693 +483 91 3 884047427 +483 101 2 884047278 +483 173 4 884047454 +483 227 3 878953592 +483 228 5 878953485 +483 258 4 878950353 +483 473 3 878953090 +483 515 4 878950971 +483 676 4 878950972 +484 4 4 891195154 +484 14 4 885237963 +484 38 4 891195532 +484 87 5 891195746 +484 89 4 891195298 +484 95 4 891195773 +484 121 4 881449910 +484 125 4 881450017 +484 161 4 891195444 +484 172 5 891195298 +484 186 4 891195219 +484 197 4 891195973 +484 210 5 891194743 +484 233 5 891195444 +484 241 3 891195390 +484 393 1 891195246 +484 423 5 891195746 +484 468 5 891194886 +484 684 5 891195390 +484 720 4 891195532 +484 732 5 891194864 +484 742 3 881449737 +484 930 3 880270596 +485 302 5 891040423 +485 752 3 891040967 +485 889 5 891040560 +486 25 4 879874838 +486 50 5 879874582 +486 100 5 879875465 +486 106 1 879875408 +486 108 4 879874810 +486 148 2 879874903 +486 222 3 879874939 +486 244 3 879875220 +486 246 3 879874545 +486 251 5 879874582 +486 252 3 879875316 +486 269 4 879874388 +486 279 4 879874939 +486 281 3 879874629 +486 292 4 879874388 +486 293 3 879874545 +486 294 2 879874187 +486 302 5 879873973 +486 307 3 879874388 +486 325 2 879874296 +486 328 2 879873973 +486 405 4 879875040 +486 458 3 879875069 +486 459 2 879875040 +486 473 3 879875188 +486 532 4 879874871 +486 544 4 879875249 +486 546 2 879875440 +486 547 3 879874753 +486 713 3 879874902 +486 813 5 879874516 +486 825 2 879875188 +486 883 3 879874388 +486 889 4 879873973 +486 1016 2 879874970 +486 1142 5 879874725 +486 1143 3 879874726 +486 1405 5 879874516 +486 1610 2 879874811 +486 1611 3 879874692 +487 11 5 883445495 +487 22 5 883445495 +487 62 3 884042630 +487 70 3 883530929 +487 94 3 884050838 +487 173 4 883445580 +487 178 5 883445540 +487 204 4 883445495 +487 210 4 883529505 +487 291 3 883445079 +487 313 3 883439795 +487 340 1 883440613 +487 393 4 884042207 +487 405 4 883443504 +487 426 3 884025034 +487 789 4 883446757 +487 825 3 883444674 +487 1209 4 884045135 +487 1220 4 884050879 +488 31 4 891294439 +488 56 4 891294785 +488 71 3 891294606 +488 79 4 891294334 +488 82 4 891294942 +488 127 4 891294606 +488 132 3 891294108 +488 134 2 891294707 +488 162 3 891376081 +488 174 4 891294853 +488 193 3 891293911 +488 205 4 891375784 +488 216 2 891294785 +488 223 4 891294158 +488 286 1 891292852 +488 288 2 891292682 +488 300 4 891293606 +488 321 3 891293152 +488 323 1 891293263 +488 492 2 891375784 +488 509 2 891294365 +488 633 5 891294334 +488 651 5 891294014 +488 705 4 891294473 +488 746 4 891293771 +489 300 5 891366571 +489 307 4 891363191 +489 312 2 891366748 +489 328 4 891366748 +489 347 5 891448774 +489 359 5 891362812 +489 360 5 891362904 +489 683 2 891449099 +489 688 2 891448861 +489 876 2 891447218 +489 879 5 891366652 +489 880 2 891447302 +489 895 4 891448147 +489 898 3 891366652 +489 984 5 891362904 +490 24 4 875428765 +490 109 5 875428765 +490 222 3 875427103 +490 255 1 875428309 +490 289 1 875427021 +490 458 3 875428417 +490 547 4 875428765 +490 952 2 875427532 +490 987 3 875428702 +490 1012 3 875428416 +491 12 5 891189305 +491 14 2 891185298 +491 325 1 891189876 +491 408 5 891185298 +491 493 4 891185129 +491 684 5 891189575 +492 153 4 879969454 +492 172 3 879969415 +492 275 2 879969210 +492 462 3 879969292 +492 474 5 879969879 +492 478 2 879969583 +492 521 5 879969644 +492 651 3 879969814 +492 699 3 879969210 +492 1098 4 879969512 +492 1121 2 879969720 +493 170 3 884131089 +493 208 4 884131897 +493 249 4 884132784 +493 262 3 884129793 +493 274 5 884131480 +493 317 3 884132267 +493 333 4 884133084 +493 435 5 884132015 +493 833 2 884131738 +493 881 1 884130009 +493 959 2 884131263 +493 974 3 884132914 +493 1013 1 884131777 +494 127 5 879541080 +494 204 5 879541298 +494 238 5 879541207 +494 245 3 879540720 +494 300 5 879540593 +494 323 3 879540901 +494 498 4 879541246 +494 603 3 879541298 +494 663 5 879541080 +494 707 4 879541112 +495 1 4 888632943 +495 9 5 888632069 +495 77 4 888634475 +495 135 3 888633011 +495 154 4 888633277 +495 208 5 888632134 +495 210 5 888632496 +495 218 4 888635080 +495 233 4 888633594 +495 240 4 888636773 +495 378 5 888634896 +495 393 5 888635339 +495 418 4 888633440 +495 419 1 888632070 +495 441 3 888633440 +495 448 5 888634896 +495 573 4 888636928 +495 577 1 888637477 +495 578 3 888636653 +495 582 4 888635080 +495 590 4 888637612 +495 633 5 888632738 +495 637 3 888635995 +495 655 5 888634536 +495 662 5 888636810 +495 739 4 888637042 +495 969 4 888632443 +495 1039 5 888635180 +495 1091 4 888637503 +495 1116 3 888632738 +495 1133 3 888636487 +495 1188 5 888637147 +495 1207 5 888637300 +495 1263 4 888636062 +496 68 4 876067192 +496 88 1 876067346 +496 151 3 876067445 +496 196 3 876066374 +496 206 4 876068615 +496 217 5 876073320 +496 252 2 876065105 +496 333 3 876063848 +496 416 1 876067754 +496 419 2 876066874 +496 426 3 876071419 +496 660 3 876067108 +496 661 3 876067001 +496 699 3 876068220 +496 1041 1 876068615 +496 1091 1 876068433 +497 33 4 879310730 +497 42 4 878759777 +497 50 5 879310580 +497 55 3 879310705 +497 63 3 879362985 +497 73 3 879362858 +497 91 2 879309993 +497 111 4 878759828 +497 121 4 879310581 +497 128 4 879362496 +497 144 4 879310792 +497 156 5 879361872 +497 172 5 879310705 +497 177 4 879310762 +497 182 4 879310705 +497 184 3 879310792 +497 226 3 879310913 +497 232 3 879310850 +497 239 4 879362835 +497 249 5 879309734 +497 265 4 879310883 +497 300 3 878759351 +497 372 4 879362875 +497 388 4 879363253 +497 391 3 879362545 +497 413 3 879362292 +497 416 2 879363611 +497 417 2 879363627 +497 441 2 879362407 +497 449 2 879310966 +497 541 4 879362546 +497 569 2 879362359 +497 584 4 879363611 +497 622 2 879363586 +497 642 3 879362041 +497 739 4 879310474 +497 743 3 879362638 +497 763 3 879309780 +497 774 4 879362407 +497 795 1 879363284 +497 805 3 879362835 +497 926 2 879309759 +497 928 3 879361744 +497 944 3 879362798 +497 1041 3 879310473 +497 1615 3 879310650 +498 7 3 881954741 +498 64 4 881956575 +498 77 2 881961627 +498 100 3 881955291 +498 180 4 881955866 +498 238 4 881957195 +498 251 3 881954219 +498 265 2 881957489 +498 268 2 881954618 +498 269 4 881953527 +498 337 4 881954617 +498 430 4 881958174 +498 462 3 881958897 +498 479 3 881957054 +498 527 3 881957757 +498 1404 3 881957054 +498 1495 3 881958237 +499 56 4 885599182 +499 100 4 885599040 +499 174 3 885598961 +499 205 5 885599413 +499 258 2 885598932 +499 328 5 882996296 +499 519 3 885599040 +499 524 4 885599073 +499 647 5 885599013 +499 1483 1 892501259 +500 10 3 883865391 +500 13 5 883865232 +500 49 4 883876053 +500 82 4 883874290 +500 93 4 883865020 +500 122 3 883876795 +500 161 2 883877001 +500 168 4 883873616 +500 170 5 883874446 +500 174 2 883873505 +500 182 2 883873556 +500 242 3 891916883 +500 249 3 887720111 +500 289 4 883864818 +500 313 3 893192133 +500 358 4 887755810 +500 367 3 883875835 +500 371 4 883874341 +500 383 3 883877467 +500 402 3 883875388 +500 423 3 883875388 +500 425 4 883874413 +500 462 4 883874715 +500 546 4 887720050 +500 554 3 883877162 +500 557 3 883875136 +500 763 3 883865589 +500 846 3 883865566 +500 1010 4 883865483 +500 1057 3 883877359 +500 1069 4 883876300 +500 1315 4 883865463 +501 93 4 883347891 +501 150 5 883347773 +501 245 3 883346844 +501 248 4 883347975 +501 273 4 883347975 +501 274 3 883348474 +501 276 4 883348138 +501 544 4 883348372 +501 628 4 883348519 +501 678 3 883346886 +501 696 4 883348185 +501 829 3 883348656 +501 928 3 883347773 +501 1097 5 883347950 +502 266 3 883702255 +502 307 4 883701980 +502 323 4 883702447 +502 328 4 883701980 +502 682 5 883701927 +502 754 2 883701927 +503 8 5 880472435 +503 44 5 879454841 +503 83 5 880383098 +503 86 5 880383098 +503 116 5 879438559 +503 124 5 879438233 +503 172 5 880383588 +503 185 5 879454753 +503 187 5 880383625 +503 211 5 880472435 +503 237 4 879438505 +503 283 5 879438258 +503 303 5 879438024 +503 347 5 884637610 +503 381 5 880383174 +503 475 2 879438319 +503 509 5 880383098 +503 529 2 880383030 +503 580 3 880383236 +503 633 5 880472344 +503 684 4 879454950 +503 692 3 880383467 +503 963 5 880472061 +504 9 4 887831567 +504 67 2 887912382 +504 100 5 887831486 +504 121 4 887831642 +504 122 1 887832268 +504 125 4 889550735 +504 153 3 887838624 +504 154 4 887839081 +504 155 3 887912634 +504 161 4 887839195 +504 168 5 887839164 +504 200 4 887838450 +504 214 4 887840764 +504 248 4 887831622 +504 292 5 887831273 +504 300 4 887831274 +504 322 4 887831274 +504 371 3 887912236 +504 400 3 887911277 +504 401 2 887911789 +504 423 4 887840960 +504 449 4 887839810 +504 454 5 887838008 +504 462 4 887838740 +504 503 4 887837958 +504 504 4 887909890 +504 505 4 887837957 +504 514 4 887838485 +504 548 2 887909864 +504 561 4 887910023 +504 612 4 887838677 +504 622 4 887910487 +504 664 3 887910718 +504 667 3 887911808 +504 676 4 887908756 +504 705 4 887838935 +504 735 5 887838510 +504 739 3 887841201 +504 742 4 887831860 +504 756 3 887910240 +504 973 4 887911444 +504 1037 1 887912584 +504 1093 1 887841073 +505 11 4 889333861 +505 82 4 889333274 +505 95 4 889333313 +505 117 4 889333508 +505 121 4 889334004 +505 173 3 889333534 +505 181 3 889333974 +505 182 1 889334555 +505 207 3 889334004 +505 243 2 888631415 +505 300 4 888631046 +505 491 3 889333861 +505 648 4 889334614 +505 755 3 889334248 +505 951 3 889334067 +506 5 4 874874947 +506 12 5 874873247 +506 63 4 874873944 +506 85 3 874873795 +506 89 5 874874109 +506 135 5 874873157 +506 137 2 874872872 +506 172 5 885135819 +506 196 4 874873745 +506 199 4 874874109 +506 204 5 874874055 +506 205 5 874874760 +506 228 5 874873571 +506 231 3 874873847 +506 324 1 877984213 +506 333 4 887230118 +506 363 3 874862646 +506 434 4 874876599 +506 443 4 874874760 +506 447 4 874873847 +506 455 3 876070976 +506 484 4 882100828 +506 489 4 874876651 +506 514 5 874873287 +506 521 5 874873529 +506 586 2 885135882 +506 641 5 874873158 +506 686 3 889874717 +506 692 4 874873529 +506 693 4 874876651 +506 712 3 874873893 +506 739 4 874874525 +506 1020 4 874873067 +506 1063 5 888848303 +507 118 5 889966127 +507 181 5 889965997 +507 258 4 889963959 +507 294 5 889964274 +507 306 5 889964677 +507 307 5 889964239 +507 345 5 889964202 +507 754 5 889964121 +507 841 5 889966054 +507 895 5 889964202 +507 1016 5 889966088 +508 50 5 883777430 +508 79 2 883767543 +508 163 3 883768862 +508 174 4 883767728 +508 186 3 883777109 +508 215 3 883776977 +508 228 5 883777430 +508 527 5 883775361 +508 655 4 883767525 +509 181 4 883591826 +509 245 2 883591109 +509 271 4 883591195 +509 294 2 883590972 +509 309 2 883590609 +509 328 1 883590800 +509 690 3 883590676 +509 705 4 883591687 +510 324 1 887667618 +510 326 4 887667751 +510 748 3 887667707 +510 873 3 887667780 +511 340 4 890004687 +511 343 3 890004892 +511 678 2 890005076 +511 1527 4 890004952 +512 186 5 888579520 +513 121 5 885062602 +513 210 5 885063273 +513 257 4 885062519 +513 258 4 885062286 +513 435 5 885063304 +513 739 5 885063056 +513 763 3 885062453 +514 68 4 875463551 +514 87 5 875318163 +514 98 5 875309473 +514 100 4 875318163 +514 114 5 875462466 +514 118 2 875463416 +514 134 3 875463665 +514 137 3 875318114 +514 153 4 875463386 +514 177 3 886189816 +514 188 5 875463028 +514 190 5 875318224 +514 195 5 876063938 +514 196 5 875318331 +514 199 3 875463351 +514 222 4 875462611 +514 237 4 875462611 +514 265 4 886190600 +514 268 4 885180579 +514 274 4 876067433 +514 421 4 875463269 +514 432 4 875311156 +514 433 5 875462795 +514 474 5 875462689 +514 568 4 875462689 +514 796 4 876067205 +514 898 2 885180893 +514 1101 4 886189893 +515 259 3 887659123 +515 304 4 887658782 +515 326 2 887660131 +515 332 3 887658676 +515 340 3 887658782 +515 538 3 887658676 +515 895 4 887659123 +516 357 3 891290685 +516 474 5 891290648 +516 515 4 891290566 +516 582 5 891290594 +517 117 4 892659893 +517 131 3 892659922 +517 181 4 892660033 +517 229 3 892660034 +517 294 1 892607194 +517 328 3 892660034 +517 472 2 892659923 +517 740 4 892660728 +517 748 4 892660728 +517 755 3 892659893 +517 1177 5 892660728 +518 235 4 876823597 +518 237 4 876823804 +518 240 1 876824079 +518 405 5 876823926 +518 410 3 876823541 +518 508 3 876823266 +518 619 4 876823018 +518 713 5 876823071 +518 742 5 876823804 +518 744 4 876823266 +518 920 3 876824121 +519 268 5 883248065 +519 346 4 885929222 +519 348 5 883250148 +519 682 1 883248278 +519 751 4 884545801 +519 874 5 883250102 +519 887 5 883250102 +519 895 4 883248222 +519 991 2 883250021 +519 1434 5 883250102 +520 893 2 885170330 +520 990 4 885168906 +521 1 2 884475825 +521 42 5 884478721 +521 68 4 886061689 +521 79 4 884477656 +521 125 3 884476020 +521 127 4 885253352 +521 147 4 884476837 +521 174 4 884478721 +521 181 4 884475845 +521 183 3 884477630 +521 188 4 884478101 +521 195 4 884477775 +521 203 3 884477896 +521 204 4 884477853 +521 210 3 884478119 +521 215 1 886062095 +521 216 2 885253247 +521 231 2 885254307 +521 239 5 885254354 +521 257 3 884476035 +521 265 3 885253247 +521 273 3 884476168 +521 300 3 884475555 +521 403 4 885253758 +521 421 4 885254070 +521 496 2 885253668 +521 526 3 885254307 +521 597 2 884476302 +521 827 1 884476904 +522 168 5 876960956 +522 180 5 876960824 +522 514 2 876960956 +523 42 3 883703495 +523 56 3 883703495 +523 155 4 883703091 +523 168 4 883701962 +523 169 5 883701800 +523 202 4 883702054 +523 213 5 883700743 +523 257 5 883700187 +523 408 5 883700527 +523 432 5 883701800 +523 435 5 883702263 +523 531 5 883700792 +523 694 5 883703048 +523 863 4 883700743 +523 949 5 883700792 +523 1036 4 883702552 +523 1069 5 883701962 +523 1121 5 883700969 +523 1472 5 883701124 +524 6 5 884627388 +524 13 4 884323551 +524 56 4 884634849 +524 58 4 884635031 +524 60 5 884634938 +524 64 2 884634877 +524 69 4 884634578 +524 92 4 884635171 +524 116 4 884322047 +524 117 3 884322113 +524 131 5 884636498 +524 134 5 884634848 +524 135 3 884634679 +524 150 2 884832650 +524 174 4 884634911 +524 175 3 884634911 +524 208 5 884635287 +524 212 5 884635326 +524 218 3 884636453 +524 221 4 884323464 +524 226 3 884635085 +524 265 4 884636583 +524 269 4 884287379 +524 302 5 884287406 +524 310 4 884701677 +524 318 4 884635287 +524 386 4 884637032 +524 418 1 884637598 +524 429 2 884635358 +524 430 3 884637914 +524 433 5 884636444 +524 471 4 884322169 +524 481 4 884634785 +524 488 4 884634707 +524 493 4 884638025 +524 495 4 884635358 +524 501 2 884636262 +524 514 5 884634938 +524 519 4 884634818 +524 526 3 884636907 +524 528 4 884634818 +524 614 5 884634731 +524 647 3 884634911 +524 651 4 884634578 +524 657 4 884634995 +524 663 2 884635358 +524 676 3 884322379 +524 792 4 884636519 +524 955 1 884637914 +524 1073 5 884635287 +524 1107 4 884636262 +524 1184 3 884637173 +524 1540 2 884635326 +525 7 3 881086051 +525 106 2 881086938 +525 147 3 881085893 +525 181 4 881085740 +525 248 4 881085709 +525 282 4 881085648 +525 293 3 881086108 +525 713 4 881086393 +525 742 3 881085843 +526 123 3 885682614 +526 125 2 885682657 +526 127 4 885682426 +526 150 2 885682370 +526 181 4 885682448 +526 245 2 885682124 +526 258 3 885681860 +526 271 3 885682124 +526 272 5 885681860 +526 285 5 885682503 +526 298 4 885682528 +526 313 5 885681934 +526 591 4 885682503 +526 845 5 885682590 +526 1007 3 885682657 +527 9 5 879455873 +527 23 5 879456611 +527 134 5 879456490 +527 144 4 879456186 +527 175 3 879456132 +527 275 3 879455961 +527 279 4 879456438 +527 318 3 879456104 +527 423 3 879456248 +527 433 4 879456464 +527 475 3 879455847 +527 499 5 879456490 +527 526 5 879456312 +527 582 2 879456078 +527 659 4 879455617 +527 878 1 879455511 +527 1149 4 879456637 +528 79 5 886101911 +528 202 5 886101846 +528 204 5 888522547 +528 213 4 886101505 +528 250 3 886812886 +528 410 4 886813104 +528 422 2 886813066 +528 526 4 886101505 +528 678 3 888520525 +528 1254 3 886812920 +529 260 4 882535693 +529 268 5 882535220 +529 300 4 882535049 +529 301 4 882535639 +529 307 5 882534996 +529 324 2 882535563 +529 333 4 882534996 +529 689 2 882535049 +529 690 3 882535180 +529 875 4 882535714 +529 991 1 882535639 +530 181 3 886202320 +530 220 5 886628953 +530 237 4 886629307 +530 275 5 890627396 +530 470 3 891568895 +530 607 5 883790567 +530 1136 4 891568851 +531 313 5 887049364 +531 329 5 887049081 +531 894 1 887049214 +531 908 1 887048836 +531 1316 4 887049214 +532 2 5 893119336 +532 98 5 893119438 +532 99 5 893119438 +532 127 5 893119438 +532 143 4 874788755 +532 161 5 892519934 +532 187 4 884594932 +532 215 5 892866230 +532 229 5 892859148 +532 248 4 888635264 +532 282 5 893119415 +532 298 4 892859148 +532 311 2 885415471 +532 332 4 876696298 +532 347 4 884594422 +532 368 3 888630991 +532 407 2 874794386 +532 425 4 888634801 +532 447 4 888630205 +532 448 4 888635429 +532 453 4 888631524 +532 477 4 892520198 +532 523 5 888637085 +532 531 5 893119491 +532 576 5 893118712 +532 660 4 888634801 +532 684 5 888635197 +532 754 4 892854961 +532 759 2 888631120 +532 761 4 874787387 +532 834 4 874796151 +532 840 4 892867296 +532 864 4 887041540 +532 916 3 893115293 +532 917 4 892520128 +532 990 3 875511963 +532 1011 5 893119491 +532 1240 2 874793852 +532 1407 2 874794386 +532 1483 4 891909911 +532 1594 4 893115576 +533 8 3 879191938 +533 28 4 879192315 +533 44 4 879191594 +533 53 1 879191621 +533 56 3 879439379 +533 64 5 882902988 +533 70 4 879191938 +533 111 4 879192474 +533 117 5 879192901 +533 147 1 884698117 +533 168 4 879191864 +533 172 4 879191184 +533 177 4 879191300 +533 192 3 879438486 +533 208 4 879191374 +533 227 4 879191563 +533 243 3 879193517 +533 255 2 882195237 +533 265 3 879191563 +533 281 4 887032214 +533 292 4 883583127 +533 293 3 879191469 +533 298 4 882195203 +533 385 4 879438666 +533 403 3 879439341 +533 449 4 879191713 +533 451 2 879439465 +533 480 4 879190670 +533 483 4 879438470 +533 498 4 879438850 +533 508 4 879192702 +533 521 3 879191022 +533 580 3 879192034 +533 609 4 879191184 +533 627 2 879439593 +533 676 5 879439720 +533 684 4 879191594 +533 713 2 879192582 +533 739 5 882902988 +533 740 4 879192815 +533 744 2 887721800 +533 755 3 888845338 +533 778 4 879192157 +533 820 2 887032380 +533 919 2 888239673 +533 921 2 879439061 +533 1001 1 879366160 +533 1086 3 880402916 +533 1142 4 888347670 +533 1161 3 883583033 +534 109 4 877808053 +534 118 4 877807935 +534 276 5 877807873 +534 282 5 877808174 +534 288 4 877807429 +534 300 4 877807486 +534 508 4 877807973 +534 597 5 877808175 +534 685 3 877807653 +534 824 4 877808260 +534 919 5 877807816 +534 985 4 877807815 +535 7 5 879618776 +535 32 3 879617574 +535 50 5 879618091 +535 132 5 879619035 +535 134 5 879619144 +535 135 3 879617978 +535 156 2 879617613 +535 162 3 879619035 +535 179 4 879617489 +535 180 4 879618655 +535 186 4 879618925 +535 187 2 879617701 +535 190 4 879617747 +535 192 4 879617931 +535 197 5 879618288 +535 211 4 879617489 +535 268 3 879617199 +535 277 5 879619107 +535 300 3 879617199 +535 318 4 879618502 +535 382 5 879618058 +535 419 3 879618654 +535 429 3 879618569 +535 466 3 879618385 +535 484 5 879617819 +535 495 3 879618849 +535 498 4 879619224 +535 504 3 879617574 +535 608 4 879617856 +535 614 5 879618850 +535 632 4 879618965 +535 638 4 879618655 +535 693 3 879619107 +535 848 3 879618743 +535 919 4 879618207 +535 1063 4 879618613 +535 1098 5 879618464 +535 1101 4 879619177 +535 1170 3 879618019 +536 1 5 882318394 +536 22 5 882359863 +536 28 5 882359678 +536 73 4 882360894 +536 86 3 882360573 +536 87 3 882359584 +536 88 4 882360601 +536 95 5 882360361 +536 117 4 882318415 +536 167 3 882361317 +536 181 5 882318369 +536 197 3 882359567 +536 205 5 882360424 +536 275 5 882318287 +536 386 4 882361162 +536 416 4 882360929 +536 431 5 882359813 +536 432 4 882360552 +536 450 2 882364152 +536 483 4 882359625 +536 500 4 882360946 +536 510 4 882359838 +536 549 3 882360283 +536 614 4 882359653 +536 640 4 882361042 +536 694 5 882360622 +536 993 3 882318629 +536 1030 3 882364170 +536 1050 5 882360124 +537 1 2 886029889 +537 12 3 886031074 +537 19 4 886030051 +537 25 2 886030199 +537 30 3 886031606 +537 45 3 886031786 +537 56 5 886030652 +537 69 2 886031178 +537 79 3 886032123 +537 86 4 886031786 +537 89 4 886030862 +537 91 2 886031438 +537 131 4 886031407 +537 173 4 886030682 +537 192 4 886031473 +537 195 3 886031407 +537 200 3 886031473 +537 204 3 886031786 +537 208 4 886031297 +537 211 4 886030831 +537 224 3 886030109 +537 228 3 886031474 +537 270 3 886028498 +537 276 4 886029806 +537 284 3 886030347 +537 300 1 886028446 +537 302 4 886028446 +537 303 4 886028706 +537 311 3 886028446 +537 315 4 886029116 +537 319 4 886028604 +537 325 1 886029153 +537 340 4 886028604 +537 345 4 886028446 +537 371 3 886031407 +537 378 2 886032154 +537 381 3 886031678 +537 423 2 886030622 +537 429 3 886030863 +537 430 3 886031297 +537 443 3 886031752 +537 462 3 886030805 +537 463 3 886030738 +537 471 3 886030012 +537 482 4 886031375 +537 483 4 886030583 +537 492 3 886031342 +537 493 4 886030707 +537 494 4 886031752 +537 496 4 886030831 +537 499 3 886031634 +537 501 3 886032000 +537 506 3 886031860 +537 514 4 886030583 +537 518 4 886031105 +537 527 4 886031860 +537 569 2 886032183 +537 584 2 886031678 +537 591 3 886030051 +537 603 4 886030622 +537 604 3 886031211 +537 609 3 886031606 +537 633 3 886031342 +537 651 3 886030862 +537 675 3 886031860 +537 676 4 886029889 +537 684 3 886030738 +537 689 1 886029239 +537 702 3 886031375 +537 703 3 886031859 +537 708 3 886031860 +537 715 4 886032029 +537 733 3 886031297 +537 745 2 886031074 +537 778 3 886031106 +537 792 3 886030805 +537 806 3 886031074 +537 845 2 886030078 +537 890 1 886029526 +537 894 1 886029526 +537 901 1 886029488 +537 928 1 886030442 +537 950 3 886030347 +537 953 3 886031473 +537 960 3 886031540 +537 972 3 886032123 +537 978 2 886029841 +537 980 3 886030051 +537 1011 3 886030416 +537 1048 2 886030381 +537 1147 3 886031473 +537 1154 1 886032000 +537 1404 2 886032204 +537 1420 1 886029181 +538 50 5 877107656 +538 58 4 877109688 +538 88 2 877108078 +538 89 4 877109831 +538 121 3 877110209 +538 174 4 877106619 +538 176 4 877106918 +538 182 4 877107408 +538 204 3 877363950 +538 208 3 877107085 +538 273 3 877107879 +538 276 1 877107340 +538 289 1 877095667 +538 528 5 877107536 +539 56 2 879788046 +539 59 5 879788224 +539 163 4 879788572 +539 202 5 879788405 +539 215 4 879788623 +539 258 4 879787770 +539 301 5 879787770 +539 340 2 879787771 +539 660 5 879788346 +540 25 4 882157635 +540 117 4 882157706 +540 121 2 882157148 +540 147 3 882157612 +540 270 4 882156731 +540 276 4 882157061 +540 343 4 882156677 +540 405 3 882157612 +540 471 4 882157706 +540 515 5 882157105 +540 762 4 882157545 +540 825 4 882157172 +540 1011 4 882157509 +540 1016 4 882157662 +541 83 5 883864806 +541 90 4 883866093 +541 95 4 883874682 +541 99 4 883874717 +541 139 3 884047204 +541 172 5 884645816 +541 173 5 883865534 +541 204 4 884645816 +541 258 4 883864123 +541 304 4 883864207 +541 395 2 883866300 +541 459 5 884047153 +541 468 4 883865007 +541 501 4 883874682 +541 543 4 883875432 +541 623 3 883874778 +541 678 5 883864160 +541 709 5 885595735 +541 812 3 883874872 +541 826 3 883871755 +541 924 5 883865133 +541 931 3 883875370 +541 993 4 884046295 +541 1030 3 885595972 +541 1041 3 883865929 +541 1091 3 883874804 +541 1409 4 883874778 +541 1412 1 883874834 +542 1 4 886532534 +542 22 3 886532314 +542 48 5 886533452 +542 50 4 886532209 +542 64 4 886533421 +542 72 3 886532818 +542 87 3 886532676 +542 88 3 886532727 +542 90 4 886533227 +542 132 3 886532620 +542 173 4 886532265 +542 194 4 886532534 +542 240 3 886533142 +542 249 4 886532432 +542 293 3 886532466 +542 384 3 886533227 +542 386 3 886533046 +542 401 3 886533193 +542 423 4 886532676 +542 432 5 886532552 +542 435 4 886532818 +542 509 4 886532209 +542 695 2 886532788 +542 744 2 886532676 +543 9 4 876382812 +543 14 4 876896210 +543 47 3 877547672 +543 59 4 875659256 +543 64 4 874863336 +543 66 3 874866535 +543 69 4 874863436 +543 82 4 877545605 +543 144 4 874863269 +543 153 3 874863035 +543 168 3 875663170 +543 188 4 877545717 +543 191 4 874863035 +543 195 4 874863155 +543 200 4 874864870 +543 218 3 874864034 +543 265 4 877545356 +543 324 3 890723992 +543 432 4 874862967 +543 461 3 875659175 +543 462 4 874864182 +543 469 4 875663056 +543 528 4 874864666 +543 562 2 877547004 +543 568 3 877547005 +543 603 5 875665787 +543 642 3 874863803 +543 732 3 877547863 +543 796 3 877550790 +543 947 4 877545605 +543 1416 2 876718718 +544 270 3 884795135 +544 292 4 884795470 +544 300 4 884795612 +544 301 2 884795580 +544 302 5 884795135 +544 304 3 884795135 +544 327 2 884795516 +544 346 4 884795135 +544 748 3 884795986 +544 877 2 884795612 +545 50 5 879898644 +545 62 5 879899438 +545 67 1 880348933 +545 95 4 879901458 +545 139 3 884134959 +545 142 3 884135088 +545 155 3 879902060 +545 188 2 879899233 +545 195 4 879899158 +545 218 4 879899906 +545 227 4 879899380 +545 233 4 879899380 +545 271 3 879898362 +545 326 3 879898447 +545 385 3 879899266 +545 386 2 884134780 +545 395 4 879901092 +545 449 2 879899497 +545 451 3 879900366 +545 542 2 880348933 +545 684 4 879899380 +545 692 3 879900654 +545 1028 4 879900731 +545 1091 3 879901483 +545 1188 3 883115515 +546 5 5 885141411 +546 109 5 885141260 +546 121 5 885140909 +546 219 5 885141439 +546 236 4 885141260 +546 271 5 885139779 +546 300 3 885139842 +546 343 3 885140117 +546 567 4 885141502 +546 665 2 885141411 +546 682 3 885140097 +546 760 5 885140808 +546 892 4 885141260 +547 269 3 891282555 +547 294 1 891282757 +547 321 4 891282732 +547 751 4 891282597 +548 1 4 891043182 +548 9 1 891043008 +548 25 2 891415746 +548 98 5 891044410 +548 127 5 891043008 +548 151 1 891415786 +548 164 5 891044446 +548 176 4 891044355 +548 183 5 891044410 +548 218 4 891044538 +548 250 5 891044304 +548 252 3 891043977 +548 254 1 891043999 +548 271 3 891043509 +548 272 2 891042194 +548 275 3 891415411 +548 288 3 891042794 +548 291 5 891415677 +548 293 4 891043760 +548 294 3 891042954 +548 300 5 891044304 +548 328 4 891042954 +548 347 2 891415257 +548 405 4 891415643 +548 413 3 891416049 +548 431 5 891044446 +548 471 5 891415709 +548 472 2 891415967 +548 475 4 891415411 +548 515 5 891044304 +548 539 2 891415257 +548 597 4 891415890 +548 683 4 891042954 +548 750 4 891042353 +548 924 3 891415786 +548 1047 4 891416011 +549 24 3 881672556 +549 151 3 881672300 +549 258 5 881671833 +549 282 3 881672300 +549 323 2 881671879 +549 405 4 881672556 +550 15 5 883426027 +550 243 2 883426119 +550 249 4 883425388 +550 257 4 883425337 +550 258 5 883425409 +550 275 4 883425958 +550 682 4 883425783 +550 1089 3 883425485 +551 4 2 892783711 +551 9 5 892776982 +551 17 5 892784942 +551 33 5 892778297 +551 49 3 892783281 +551 51 5 892784780 +551 54 3 892784093 +551 58 5 892783451 +551 82 5 892783525 +551 85 1 892783749 +551 89 4 892777787 +551 96 5 892777987 +551 143 4 892777274 +551 153 3 892777310 +551 155 4 892784259 +551 162 5 892783242 +551 184 1 892777855 +551 192 5 892776750 +551 200 4 892782936 +551 210 4 892777787 +551 211 5 892778035 +551 215 4 892778035 +551 218 5 892783212 +551 219 5 892784479 +551 228 5 892783212 +551 229 5 892784779 +551 233 4 892784259 +551 245 3 892775723 +551 258 4 892775584 +551 264 3 892775970 +551 265 4 892776336 +551 276 5 892783451 +551 300 4 892775687 +551 302 3 892775389 +551 326 4 892775612 +551 333 5 892775584 +551 366 5 892784049 +551 385 5 892783791 +551 399 3 892785364 +551 403 3 892782807 +551 475 5 892777910 +551 520 4 892777339 +551 546 2 892784673 +551 568 4 892783906 +551 583 3 892778369 +551 628 5 892783177 +551 660 3 892783672 +551 672 1 892785056 +551 686 3 892783829 +551 721 5 892784898 +551 727 5 892783559 +551 760 3 892784592 +551 765 1 892785194 +551 790 2 892783942 +551 833 3 892784166 +551 895 3 892775752 +551 926 2 892785300 +551 941 4 892782734 +551 1051 4 892784593 +551 1118 5 892784199 +551 1220 5 892784524 +551 1303 1 892785399 +552 1 3 879221716 +552 111 3 879222238 +552 126 4 879221876 +552 148 3 879222452 +552 258 4 879220564 +552 281 3 879222306 +552 300 4 879220610 +552 619 3 879222632 +552 628 3 879221833 +552 845 3 879222368 +552 1362 3 879222698 +553 50 4 879948732 +553 134 4 879948806 +553 170 4 879948806 +553 178 5 879948460 +553 187 5 879948609 +553 213 5 879949290 +553 483 5 879948423 +553 487 5 879948996 +553 507 3 879948831 +553 524 5 879948996 +553 527 3 879949290 +553 589 5 879948964 +553 605 4 879949251 +553 607 4 879949107 +553 609 4 879948806 +553 631 5 879948695 +553 655 4 879949289 +553 657 5 879949212 +553 1194 5 879948995 +554 7 3 876549087 +554 50 4 876550778 +554 56 4 876550257 +554 68 2 876368907 +554 70 4 876369382 +554 77 4 876550778 +554 117 4 876231777 +554 172 5 876550372 +554 181 4 876550100 +554 191 5 876243914 +554 276 3 876548886 +554 284 3 876549009 +554 288 3 876231123 +554 717 3 876232553 +554 728 3 876369995 +554 866 3 876232486 +554 1028 3 876551044 +554 1041 3 876369560 +554 1284 3 876232053 +555 13 5 879964092 +555 47 2 879975505 +555 89 4 879975438 +555 100 5 879964092 +555 118 4 879962569 +555 235 3 879964209 +555 244 5 879962642 +555 252 5 879962551 +555 265 3 879975505 +555 274 4 879964240 +555 301 4 879962096 +555 405 4 879962569 +555 1013 4 879962642 +556 133 5 882136396 +556 135 2 882136252 +556 173 3 882136162 +556 243 1 882135994 +556 286 4 882135437 +556 302 4 882135437 +556 321 4 882135994 +556 427 5 882136440 +556 482 5 882136440 +556 523 5 882136205 +557 270 3 881179166 +557 305 3 881179268 +557 307 5 881179653 +557 739 3 881179539 +557 865 3 881179268 +557 1176 5 881179653 +558 9 4 879436069 +558 100 5 879436396 +558 137 4 879435896 +558 269 4 879436396 +558 285 5 879436396 +559 22 1 891034003 +559 56 3 891034550 +559 94 3 891035979 +559 167 3 891035840 +559 202 1 891035674 +559 259 3 891035407 +559 261 3 891035378 +559 300 4 891035137 +559 311 3 891033635 +559 347 3 891035343 +559 513 5 891033956 +559 521 2 891033911 +559 652 4 891035633 +559 1401 3 891034172 +559 1556 3 891033759 +560 11 4 879975485 +560 22 2 879975613 +560 50 5 879976109 +560 58 3 879975485 +560 121 3 879976705 +560 168 4 879975718 +560 197 4 879975613 +560 201 3 879975718 +560 222 4 879976706 +560 257 3 879976172 +560 271 4 879975194 +560 275 4 879975718 +560 302 5 879975087 +560 498 4 879975718 +560 508 3 879976502 +560 515 3 879976109 +560 546 2 879976705 +560 606 4 879975613 +560 1016 3 879976216 +560 1019 4 879975529 +560 1134 3 879976478 +560 1215 2 879977336 +561 9 4 885807546 +561 11 4 885807743 +561 17 2 885810167 +561 24 3 885807776 +561 25 2 885809426 +561 49 2 885809269 +561 55 4 885808796 +561 69 1 885807215 +561 89 4 885809556 +561 99 3 885808673 +561 117 3 885810220 +561 133 3 885807888 +561 144 3 885807547 +561 159 1 885809356 +561 160 3 885808904 +561 176 4 885807345 +561 182 3 885807318 +561 185 4 885807173 +561 197 4 885807484 +561 199 4 885809939 +561 201 3 885807291 +561 206 3 885809506 +561 207 3 885809245 +561 226 1 885809806 +561 284 1 885809626 +561 357 3 885807612 +561 385 2 885810144 +561 417 2 885809690 +561 433 1 885808867 +561 435 3 888232990 +561 478 4 885807290 +561 488 4 885807290 +561 492 4 885807369 +561 504 3 885809447 +561 505 4 885807510 +561 507 4 885807429 +561 514 4 885807713 +561 526 3 885808796 +561 531 1 885807215 +561 566 3 885809873 +561 588 2 885809197 +561 596 2 885809958 +561 611 5 885807547 +561 617 4 885808738 +561 629 3 885809119 +561 636 1 885809670 +561 639 3 885809291 +561 651 3 885807574 +561 664 4 885807574 +561 692 1 885810084 +561 701 3 885807930 +561 709 3 885808824 +561 737 3 885810706 +561 739 2 885810271 +561 748 2 888557502 +561 794 2 885809731 +561 925 3 885810084 +561 928 2 885810330 +561 942 3 885809712 +561 1021 4 885807962 +561 1115 3 885809146 +561 1210 1 885810813 +561 1294 1 891710133 +562 82 5 879196401 +562 88 5 879196680 +562 148 5 879195442 +562 234 5 879196074 +562 323 2 879194768 +562 357 1 879195125 +562 432 5 879196074 +562 483 4 879195954 +562 485 5 879196074 +562 511 2 879195819 +562 514 1 879195848 +562 550 4 879196445 +562 566 4 879196483 +562 1126 4 879196045 +563 167 4 880506771 +563 172 5 880507339 +563 220 4 880506703 +563 294 3 880506121 +563 301 4 880506234 +563 304 2 880506234 +563 321 5 880506197 +563 566 4 880507042 +563 871 2 880507263 +564 258 4 888718771 +564 281 3 888730658 +564 302 3 888718415 +564 924 3 888730534 +565 86 5 891037757 +565 207 4 891037393 +565 923 4 891037333 +566 22 3 881649358 +566 23 4 881650405 +566 50 2 881650063 +566 56 4 881649828 +566 64 5 881649530 +566 78 1 881651829 +566 94 2 881651636 +566 108 2 881651360 +566 135 5 881649389 +566 136 4 881649621 +566 137 5 881649928 +566 143 3 881650502 +566 144 3 881649530 +566 153 2 881649747 +566 166 4 881649709 +566 168 4 881650003 +566 172 3 881649644 +566 234 3 881650148 +566 260 2 881649273 +566 265 4 881650849 +566 289 1 881649273 +566 385 3 881650825 +566 388 3 881651512 +566 462 4 881650090 +566 467 3 881650030 +566 496 5 881649428 +566 508 4 881649577 +566 521 4 881649802 +566 660 4 881650172 +566 685 3 881651183 +566 693 5 881649727 +566 790 3 881651464 +566 1028 2 881651339 +567 10 4 882426508 +567 39 3 882426974 +567 56 4 882425630 +567 59 5 882425762 +567 79 2 882427023 +567 83 4 882425791 +567 152 4 882426673 +567 182 5 882425701 +567 190 4 882427068 +567 197 5 882425901 +567 199 4 882425820 +567 303 3 882426350 +567 340 3 882426300 +567 423 2 882426869 +567 427 3 882427124 +567 429 4 882426899 +567 434 5 882425997 +567 489 5 882426673 +567 494 5 882425932 +567 507 5 882425820 +567 513 4 882426719 +567 523 3 882425966 +567 525 5 882425901 +567 589 5 882425932 +567 612 4 882427124 +567 650 4 882426762 +567 654 5 882425701 +567 705 5 882426105 +567 1298 5 882425998 +568 127 4 877907050 +568 134 5 877907092 +568 191 4 877907126 +568 423 4 877907281 +568 427 4 877907720 +568 430 3 877907834 +568 482 4 877907781 +568 488 5 877907782 +568 497 2 877907092 +568 523 3 877907877 +568 524 2 877907281 +568 529 4 877907877 +568 604 4 877907156 +568 611 3 877907782 +568 735 2 877907327 +568 1125 4 877907281 +568 1137 4 877907092 +569 118 4 879794265 +569 274 4 879794740 +569 277 2 879794385 +569 288 3 879793228 +569 291 4 879794348 +569 295 3 879793983 +569 301 4 879793149 +569 328 4 879793253 +569 333 3 879793036 +569 455 3 879794265 +569 471 3 879793466 +569 546 3 879794302 +570 268 3 881262404 +570 321 1 881262795 +570 327 4 881262795 +570 340 3 881262145 +570 358 2 881262582 +570 886 2 881262534 +571 32 2 883355063 +571 69 2 883354760 +571 144 2 883354992 +571 181 4 883354940 +572 100 3 879449632 +572 284 3 879449840 +572 286 4 879449179 +572 301 4 879449243 +572 813 4 879449573 +572 924 1 879449840 +573 134 4 885843928 +573 135 4 885843964 +573 237 4 885843527 +573 423 3 885844127 +573 495 2 885844339 +573 519 4 885844567 +573 523 4 885844007 +573 528 4 885843928 +573 654 4 885844535 +573 836 3 885844605 +574 268 5 891279174 +574 286 3 891278916 +574 305 3 891279012 +574 311 4 891279410 +574 312 4 891279410 +574 328 3 891279174 +574 358 2 891279520 +574 750 3 891278962 +574 754 4 891279122 +574 887 4 891279214 +574 1022 2 891278916 +575 168 5 878148358 +575 318 5 878148087 +575 357 5 878148388 +575 531 1 878148199 +575 603 5 878148012 +576 1 4 886985079 +576 7 5 886985003 +576 100 4 886984965 +576 124 4 886985002 +576 204 4 886986445 +576 471 4 886986237 +576 678 3 886960535 +577 5 4 880475318 +577 22 5 880472153 +577 50 4 880474394 +577 68 4 880475021 +577 88 3 880475226 +577 97 5 880472153 +577 98 4 880474530 +577 121 5 880470258 +577 125 4 880470604 +577 133 4 880474694 +577 176 5 880474311 +577 181 5 880474612 +577 183 5 880474747 +577 200 3 880475226 +577 216 4 880472124 +577 234 3 880474257 +577 294 4 880469903 +577 318 5 880472055 +577 356 4 880474903 +577 402 4 880475318 +577 427 4 880474715 +577 452 3 880475644 +577 559 3 880474903 +577 588 4 880474808 +577 660 3 880474613 +577 732 4 880474414 +577 763 3 880470638 +577 770 4 880475149 +577 819 3 880470604 +577 823 3 880471304 +577 826 4 880470852 +577 941 4 880475435 +577 1028 4 880470764 +577 1035 3 880475130 +577 1042 4 880475286 +577 1046 4 880475226 +577 1147 4 880474394 +577 1336 1 880472018 +578 268 2 890939697 +578 300 4 887229386 +578 313 5 887229355 +578 325 1 888957735 +578 346 3 887229335 +578 751 3 887229503 +578 1016 4 888957666 +579 4 2 880952271 +579 25 4 880952335 +579 50 5 880951984 +579 70 3 880952299 +579 153 4 880952335 +579 210 3 880951944 +579 228 3 880951984 +579 268 3 880951444 +579 294 4 880951494 +579 327 3 880951494 +579 331 3 880951346 +579 393 4 880952409 +579 523 3 880951740 +580 3 5 884125916 +580 25 3 884125457 +580 257 5 884125243 +580 288 5 884125658 +580 829 2 884126077 +581 137 5 879641787 +581 844 5 879642274 +581 922 5 879642333 +581 936 3 879643155 +581 1353 4 879641850 +581 1367 5 879641603 +582 1 4 882961257 +582 25 3 882961608 +582 100 5 882960863 +582 117 3 882961000 +582 118 2 882962523 +582 240 4 882961804 +582 271 4 882960418 +582 294 1 882960396 +582 313 5 882960461 +582 321 3 882960555 +582 328 3 882960555 +582 458 4 882961968 +582 473 3 882962062 +582 508 4 882961082 +582 676 2 882961133 +582 742 3 882961082 +582 831 2 882962561 +582 988 1 882960718 +583 100 5 879384404 +583 195 4 879384404 +583 200 5 879384404 +583 286 4 879384052 +583 483 5 879384338 +583 524 5 879384522 +583 602 4 879384471 +583 655 5 879384471 +584 50 4 885777950 +584 108 3 885774575 +584 181 4 885778120 +584 228 5 885774171 +584 541 3 885774508 +585 14 4 891282808 +585 30 4 891284393 +585 198 5 891283921 +585 275 4 891283124 +585 283 4 891283124 +585 286 4 891281385 +585 313 3 891281385 +585 462 3 891283124 +585 557 4 891285820 +585 640 2 891284816 +585 652 4 891285658 +585 1501 4 891284393 +586 17 5 884060807 +586 44 3 884065692 +586 53 5 884061084 +586 56 5 884060112 +586 67 5 884067059 +586 68 4 884062010 +586 72 2 884067378 +586 79 4 884058986 +586 117 4 884057578 +586 182 3 884066016 +586 222 3 884057387 +586 227 2 884062010 +586 232 3 884058809 +586 241 4 884061623 +586 257 3 884057471 +586 356 4 884065692 +586 410 3 884057783 +586 423 2 884058708 +586 431 3 884061343 +586 551 2 884061189 +586 576 3 884062671 +586 679 3 884062742 +586 693 3 884066060 +586 696 3 884065851 +586 735 3 884066230 +586 763 4 884067105 +586 780 4 884067151 +586 806 4 884058611 +586 939 4 884064459 +586 978 2 884065825 +586 1046 3 884064912 +586 1218 5 884066959 +587 245 1 892871253 +587 260 4 892871284 +587 292 3 892871141 +587 302 3 892870956 +587 305 4 892871068 +587 321 2 892871113 +587 322 3 892871113 +587 328 1 892871284 +587 539 3 892871437 +587 681 2 892871641 +587 916 3 892871610 +587 988 2 892871641 +587 1625 4 892871732 +588 7 3 890024611 +588 12 5 890015324 +588 21 5 890015791 +588 22 5 890024195 +588 29 3 890027063 +588 50 5 890024427 +588 56 4 890024246 +588 66 3 890023646 +588 67 1 890032343 +588 88 5 890024730 +588 91 5 890026656 +588 95 4 890015722 +588 100 1 890015374 +588 111 1 890028509 +588 151 4 890026263 +588 159 1 890029795 +588 168 5 890024002 +588 178 5 890015323 +588 186 4 890024079 +588 216 5 890024781 +588 234 5 890024161 +588 237 2 890015894 +588 265 5 890025621 +588 283 4 890015835 +588 286 4 890014710 +588 294 4 890014887 +588 301 5 890015021 +588 307 4 890014887 +588 313 5 890014782 +588 356 4 890025751 +588 370 5 890031141 +588 378 3 890026059 +588 382 3 890024730 +588 403 3 890027525 +588 447 3 890026009 +588 463 4 890023879 +588 472 4 890026059 +588 552 1 890031021 +588 568 4 890024876 +588 584 3 890024677 +588 660 4 890024002 +588 692 4 890024051 +588 697 5 890024002 +588 713 3 890015791 +588 716 5 890028167 +588 720 4 890027247 +588 732 4 890024325 +588 735 5 890024196 +588 821 4 890026339 +588 928 4 890027063 +588 1078 4 890026999 +588 1098 4 890026656 +588 1311 1 890029079 +589 304 5 883352599 +589 310 5 883352494 +589 324 1 883352402 +589 326 1 883352600 +589 328 5 883352562 +589 332 4 883352536 +589 334 1 883352631 +589 336 1 883352535 +589 690 4 883352600 +589 751 4 883352562 +589 877 4 883352562 +590 19 5 879438735 +590 111 3 879438936 +590 124 5 879438735 +590 137 5 879438878 +590 284 2 879439345 +590 293 3 879439114 +590 298 2 879438911 +590 476 3 879439345 +590 547 4 879439086 +590 591 3 879439256 +590 676 4 879439060 +590 1009 3 879439483 +590 1331 4 879439645 +591 4 4 891040366 +591 8 3 891031203 +591 26 3 891031526 +591 66 2 891031526 +591 85 3 891031500 +591 110 2 891031676 +591 194 4 891031171 +591 237 3 891039974 +591 283 4 891039565 +591 511 3 891031145 +591 523 4 891031724 +591 603 5 891031116 +591 710 3 891031603 +591 712 3 891040366 +591 856 4 891040366 +591 954 3 891031403 +591 1120 4 891039637 +592 3 4 882608960 +592 7 5 882607986 +592 13 5 882608401 +592 24 4 882608021 +592 47 5 882955889 +592 97 4 882956718 +592 99 5 882955663 +592 109 4 882608145 +592 127 5 882608021 +592 134 5 882955794 +592 135 5 882955765 +592 140 3 882956551 +592 148 2 882608961 +592 151 4 882608402 +592 170 5 882955703 +592 180 5 882956102 +592 182 5 882955662 +592 183 5 882955613 +592 185 5 882956201 +592 198 5 882956241 +592 203 5 882956276 +592 237 4 882608061 +592 249 4 882608795 +592 260 4 882607690 +592 269 4 882607286 +592 282 4 882608572 +592 286 5 882607356 +592 287 3 882608457 +592 295 4 882608357 +592 298 5 882608061 +592 299 1 882607573 +592 315 5 885280156 +592 326 4 882607573 +592 350 4 885280124 +592 409 1 882609056 +592 423 5 882955918 +592 427 5 882955735 +592 458 3 882608107 +592 463 4 882956321 +592 471 4 882608234 +592 501 4 882956276 +592 512 5 882956803 +592 518 5 882956011 +592 526 5 882956241 +592 527 5 882955889 +592 531 5 882955765 +592 558 5 882955948 +592 591 4 882608402 +592 603 5 882955543 +592 628 3 882608107 +592 654 5 882955703 +592 681 1 882607780 +592 683 1 882607745 +592 685 2 882608662 +592 688 1 882607744 +592 735 5 882956158 +592 748 2 882607434 +592 750 5 886394208 +592 762 5 882608402 +592 789 4 882956419 +592 813 4 882607955 +592 815 3 882608625 +592 877 2 882607647 +592 886 3 882607476 +592 892 1 882607690 +592 893 1 882955292 +592 931 1 882608960 +592 971 4 882955978 +592 975 4 882608873 +592 984 1 882607690 +592 985 4 882608698 +592 1012 5 882608401 +592 1059 3 882608457 +592 1079 1 882608873 +592 1082 3 882608625 +592 1142 5 882608145 +592 1166 3 882956668 +592 1264 4 882955460 +592 1276 1 882609057 +592 1620 1 882609057 +593 1 3 875659150 +593 8 3 875673098 +593 40 1 875671757 +593 49 3 875671891 +593 58 4 875671579 +593 73 2 875671807 +593 88 4 875672874 +593 111 5 875659576 +593 121 4 875660036 +593 126 5 875659777 +593 144 4 875660569 +593 163 4 876506675 +593 179 5 877728878 +593 181 4 875658800 +593 223 5 888872089 +593 272 5 888871874 +593 274 3 875659849 +593 283 4 875659665 +593 284 4 875659236 +593 285 2 886193129 +593 293 1 877727988 +593 313 4 888871903 +593 393 4 886194041 +593 468 3 886193438 +593 478 5 875660788 +593 496 5 875671198 +593 535 3 875659943 +593 553 2 875672852 +593 685 3 875660081 +593 742 4 888872002 +593 762 4 875659849 +593 775 3 875672949 +593 845 3 875671033 +593 974 2 875660347 +593 1014 1 875659755 +593 1016 4 888872636 +594 100 4 874781004 +594 127 4 874781076 +594 199 4 877816302 +594 269 4 877816219 +594 276 3 874783470 +594 292 3 874780864 +594 515 5 874781050 +594 520 4 874786664 +595 100 4 886921112 +595 108 2 886921634 +595 127 5 886921199 +595 290 4 886921748 +595 460 4 886921699 +595 547 4 886922069 +595 676 2 886921140 +595 871 2 886921945 +595 979 3 886921847 +595 986 2 886921945 +595 1010 4 886922069 +595 1028 3 886921475 +595 1047 2 886921769 +596 50 5 883539402 +596 222 3 883539402 +596 286 4 883538815 +596 289 3 883539079 +596 328 5 883539103 +597 275 4 875339876 +597 286 3 875338983 +597 742 4 875341603 +597 748 5 875339041 +597 825 5 875343583 +597 990 2 875339041 +598 22 5 886711521 +598 243 2 886711192 +598 259 3 886710977 +598 260 3 886711034 +598 286 5 886711452 +598 300 4 886710671 +598 538 4 886711452 +598 748 4 886711034 +598 751 3 886710494 +599 1 4 880951657 +599 220 5 880951479 +599 245 3 880953441 +599 280 5 880952229 +599 284 4 880952229 +599 294 4 880951113 +599 546 4 880953441 +599 846 5 880952229 +599 866 2 880952229 +599 1048 2 880952357 +600 53 4 888452563 +600 79 4 888451582 +600 82 5 888451583 +600 391 3 888452491 +600 518 5 888451908 +600 566 3 888451908 +600 568 4 888451908 +600 578 2 888451839 +600 759 2 888453145 +600 802 2 888453082 +600 1004 4 888451839 +600 1274 2 888453145 +600 1419 3 888452564 +601 9 4 876347196 +601 15 1 876347040 +601 65 4 876350017 +601 82 1 876351298 +601 100 4 876346757 +601 195 3 876348611 +601 198 4 876350104 +601 208 4 876350017 +601 228 5 876350400 +601 260 4 876346633 +601 284 4 876347523 +601 365 3 876350812 +601 382 4 876351582 +601 387 3 876350583 +601 406 2 876350998 +601 429 5 876349387 +601 431 4 876351413 +601 473 3 876347665 +601 475 4 876346890 +601 660 3 876349937 +601 921 5 876351214 +601 934 1 876348285 +601 1039 4 876350185 +601 1116 4 876350944 +602 118 3 888638703 +602 243 3 888638277 +602 300 3 888637847 +602 508 3 888638618 +603 7 5 891956075 +603 50 5 891955922 +603 56 4 891957053 +603 89 5 891956825 +603 210 4 891957110 +603 227 3 891955972 +603 228 3 891955922 +603 250 5 891956173 +603 273 1 891956124 +603 288 3 891956283 +603 326 4 891956344 +603 474 4 891956803 +604 98 2 883668097 +604 288 3 883668261 +604 447 4 883668352 +604 567 5 883668352 +604 672 1 883668261 +605 1 4 879365748 +605 64 5 879425432 +605 111 3 879425663 +605 135 5 879424369 +605 187 5 879425432 +605 245 3 879366335 +605 274 3 879425663 +605 275 4 879366177 +605 333 4 880554130 +605 508 5 879425432 +605 523 5 879424345 +605 526 5 879426371 +605 546 2 879429729 +605 930 2 879429706 +605 934 4 879425706 +606 1 5 878148365 +606 8 2 880923579 +606 38 4 880927923 +606 58 3 880924483 +606 63 3 880927666 +606 79 3 880927127 +606 81 3 880924921 +606 82 5 880925646 +606 87 4 880924483 +606 97 5 880925453 +606 98 5 880923925 +606 127 4 878143509 +606 154 3 880923862 +606 178 5 880925579 +606 180 4 880926245 +606 184 5 880924790 +606 185 3 880926759 +606 188 4 880924921 +606 198 4 880927665 +606 201 4 880927417 +606 215 4 880923925 +606 230 2 880926084 +606 235 3 880922566 +606 236 3 878150506 +606 255 5 887061723 +606 273 4 878143509 +606 284 4 878148425 +606 323 4 877642209 +606 393 4 880925453 +606 404 4 880925200 +606 441 4 880927750 +606 451 3 880927247 +606 472 4 880921408 +606 527 4 880924790 +606 546 4 878149278 +606 576 3 880927750 +606 588 5 880923862 +606 637 3 880927750 +606 651 4 880926018 +606 692 5 880924790 +606 713 4 878142865 +606 833 5 887060394 +606 926 3 880922625 +606 951 2 880928181 +606 1011 3 880921408 +606 1065 5 880924323 +606 1149 4 880925289 +607 19 3 883879613 +607 56 5 883880155 +607 100 4 883879316 +607 174 3 883879516 +607 238 4 883879556 +607 482 5 883879556 +607 855 4 883880027 +607 950 3 883879691 +608 42 5 880406168 +608 59 5 880403856 +608 79 5 880405863 +608 92 3 880408150 +608 93 4 880406299 +608 134 3 880403810 +608 163 1 880405085 +608 168 1 880403810 +608 187 4 880403055 +608 197 5 880405431 +608 216 5 880403239 +608 234 5 880404847 +608 268 4 880402983 +608 287 3 880406950 +608 288 5 880402982 +608 294 3 880402450 +608 340 4 880402982 +608 421 5 880406427 +608 509 1 880403855 +608 514 5 880403320 +608 611 3 880403537 +608 690 4 880402527 +608 736 4 880403484 +608 1281 4 880407079 +609 15 5 886895150 +609 147 1 886895016 +609 285 5 886894879 +609 313 5 886894637 +609 352 1 886895699 +609 750 4 886895397 +609 948 1 886895886 +610 66 3 888704000 +610 71 4 888703258 +610 135 3 888703730 +610 176 4 888703157 +610 195 3 888703583 +610 204 1 888703343 +610 317 3 888703553 +610 378 5 888703609 +610 423 4 888703710 +610 480 5 888702962 +610 485 5 888703815 +610 516 3 888703710 +610 606 5 888703343 +610 607 5 888703157 +610 673 4 888704000 +611 272 5 891636098 +611 302 5 891636073 +611 305 4 891636192 +611 306 5 891636152 +611 315 5 891636098 +611 342 3 891636223 +611 354 3 891636192 +611 690 3 891636098 +611 750 5 891636222 +611 886 4 891636399 +611 906 2 891636223 +611 1243 3 891636244 +612 7 3 875324876 +612 25 3 875324915 +612 100 4 875324790 +612 127 2 875325049 +612 202 2 875325221 +612 243 2 875324355 +612 476 3 875324947 +612 477 2 875324876 +612 480 4 875325049 +612 864 4 875324756 +613 12 5 891227299 +613 89 5 891227237 +613 279 4 891227410 +613 530 5 891227262 +613 603 5 891227298 +613 1157 2 891227204 +614 7 2 879464215 +614 121 4 879464398 +614 235 5 879464437 +614 237 2 879464216 +614 286 2 879464507 +614 289 2 879463669 +614 293 3 879464157 +614 508 4 879464093 +614 535 2 879464376 +614 1142 3 879463965 +615 14 5 879448016 +615 28 4 879448759 +615 72 2 879449164 +615 83 4 879448399 +615 86 5 879448439 +615 153 4 879449130 +615 190 3 879447968 +615 197 4 879448439 +615 215 4 879448632 +615 238 3 879449044 +615 262 4 879447556 +615 268 4 879447642 +615 269 4 879447500 +615 283 4 879448015 +615 286 4 879447500 +615 300 4 879447613 +615 332 2 879447585 +615 435 5 879449089 +615 475 4 879447919 +615 519 5 879448598 +615 521 4 879448475 +615 582 3 879447968 +615 629 4 879449184 +615 666 2 879448270 +615 683 1 879447642 +615 699 3 879448823 +615 708 2 879448882 +615 1065 4 879448567 +615 1128 1 879448715 +616 245 3 891224767 +616 292 4 891224448 +616 301 3 891224748 +616 302 5 891224517 +616 307 2 891224448 +616 316 4 891224840 +616 327 3 891224558 +616 362 3 891224517 +616 937 4 891224919 +617 17 1 883789507 +617 74 5 883788859 +617 164 1 883789664 +617 192 5 883788900 +617 200 5 883789425 +617 218 2 883789464 +617 302 4 883788511 +617 320 5 883789424 +617 424 1 883789716 +617 427 4 883789042 +617 441 3 883789590 +617 446 2 883789590 +617 452 1 883789590 +617 496 1 883789080 +617 498 3 883788955 +617 515 3 883788782 +617 547 1 883789464 +617 558 3 883789425 +617 559 1 883789507 +617 582 4 883789294 +617 611 4 883789386 +617 653 4 883788955 +617 668 4 883789716 +617 671 4 883789425 +617 674 3 883789536 +617 816 1 883789747 +617 854 1 883789464 +617 868 4 883788820 +617 1187 3 883788900 +617 1316 1 883788511 +617 1612 1 883788511 +618 15 3 891308391 +618 24 2 891308515 +618 31 4 891307577 +618 33 2 891309351 +618 49 3 891309514 +618 55 2 891308063 +618 56 4 891307175 +618 87 3 891307931 +618 88 4 891309440 +618 95 3 891309319 +618 111 3 891308946 +618 133 4 891307784 +618 135 4 891307224 +618 144 4 891309887 +618 148 3 891309670 +618 172 5 891307098 +618 174 5 891307539 +618 186 4 891307224 +618 200 5 891307367 +618 214 2 891308176 +618 233 3 891309471 +618 238 1 891308391 +618 265 4 891307289 +618 313 4 891306927 +618 382 2 891307540 +618 416 4 891309720 +618 418 3 891308260 +618 468 3 891308665 +618 483 5 891308199 +618 487 4 891309886 +618 506 4 891308296 +618 521 2 891307784 +618 531 4 891309886 +618 566 3 891308261 +618 588 4 891307224 +618 628 2 891308019 +618 633 3 891308571 +618 713 4 891307224 +618 723 3 891309514 +618 755 2 891309670 +618 776 2 891307098 +618 939 2 891308791 +618 1063 3 891308459 +618 1163 2 891309266 +618 1221 2 891309636 +619 11 2 885954019 +619 33 3 885954133 +619 56 3 885953992 +619 68 3 885954105 +619 79 5 885953992 +619 121 5 885953805 +619 161 4 885954133 +619 182 4 885954019 +619 231 4 885954185 +619 233 4 885954158 +619 293 3 885953804 +619 327 3 885953743 +619 333 2 885953574 +619 391 3 885954215 +619 406 2 885953931 +619 546 2 885953826 +619 578 4 885954215 +619 597 4 885953850 +619 684 4 885954083 +619 849 2 885954184 +620 7 4 889987073 +620 50 4 889988121 +620 78 4 889988340 +620 82 5 889988146 +620 94 5 889988340 +620 95 4 889988005 +620 112 4 889988341 +620 151 4 889988196 +620 172 4 889988146 +620 173 5 889988121 +620 234 3 889987560 +620 260 5 889986624 +620 393 5 889988196 +620 406 4 889987073 +620 418 3 889988005 +620 419 2 889988169 +620 420 3 889988005 +620 422 1 889988036 +620 432 4 889988036 +620 452 3 889987604 +620 560 4 889988232 +620 588 5 889988036 +620 595 5 889987792 +620 596 2 889987954 +620 627 5 889988037 +620 699 5 889988121 +620 742 5 889987792 +620 758 2 889987073 +620 931 3 889987875 +620 1091 4 889988069 +620 1219 3 889988069 +620 1480 3 889988281 +621 3 5 881444887 +621 8 5 874965407 +621 38 3 874964495 +621 40 3 874963273 +621 55 5 874963594 +621 62 4 874964496 +621 73 5 874962772 +621 79 5 874963594 +621 82 5 874964267 +621 91 3 874965299 +621 108 3 881445012 +621 118 3 880738353 +621 142 3 874965299 +621 148 4 880739654 +621 184 3 874964267 +621 200 4 874964816 +621 235 3 880738142 +621 276 4 880736723 +621 299 1 880227012 +621 384 3 874963081 +621 386 3 874963126 +621 405 5 880740034 +621 418 3 874965298 +621 585 4 874962988 +621 721 4 874963126 +621 751 4 883799651 +621 790 4 874963081 +621 795 1 874963273 +621 804 4 881445120 +621 809 4 880740136 +621 890 1 883799608 +621 926 3 880738894 +621 1016 4 880737785 +621 1036 1 874963446 +621 1185 3 881445012 +622 3 1 882672922 +622 4 4 882671120 +622 7 5 882590269 +622 9 4 882669969 +622 24 4 882590367 +622 62 4 882592850 +622 69 4 882592041 +622 79 5 882591979 +622 88 3 882670749 +622 95 4 882669556 +622 109 5 882590559 +622 117 4 882590291 +622 127 5 882590534 +622 153 4 882592314 +622 154 4 882669740 +622 161 3 882670712 +622 172 5 882669826 +622 175 4 882669645 +622 176 4 882669851 +622 178 4 882592421 +622 181 5 882592041 +622 185 3 882592041 +622 190 4 882669762 +622 198 4 882669612 +622 199 5 882592143 +622 218 3 882670057 +622 226 4 882670367 +622 228 5 882592815 +622 229 2 882592850 +622 230 3 882592815 +622 231 4 882592735 +622 249 5 882590394 +622 257 3 882590485 +622 276 4 882590485 +622 363 4 882591484 +622 391 2 882671827 +622 418 3 882669905 +622 427 4 882592178 +622 431 5 882670169 +622 450 1 882592850 +622 474 3 882669509 +622 501 3 882670480 +622 541 2 882592781 +622 578 4 882670843 +622 719 2 882671622 +622 725 3 882672177 +622 739 2 882671554 +622 742 3 882590420 +622 763 4 882591047 +622 769 1 882672922 +622 977 2 882591804 +622 978 2 882591453 +622 1149 3 882592314 +622 1216 4 882590344 +622 1228 1 882672922 +622 1230 1 882672922 +622 1231 2 882670653 +622 1406 3 882671381 +622 1411 4 882671664 +622 1419 2 882672120 +623 70 4 891034950 +623 153 3 891034757 +623 185 4 891034343 +623 258 4 891032358 +623 274 4 891034053 +623 288 1 891032140 +623 451 4 891034973 +623 603 4 891034294 +624 3 3 879793436 +624 121 3 879793156 +624 126 4 879792395 +624 235 4 879793156 +624 255 3 879793435 +624 275 4 879792493 +624 282 4 879793330 +624 298 4 879792378 +624 301 3 879792131 +624 302 4 885215462 +624 310 4 891961078 +624 312 4 891961343 +624 326 3 891961210 +624 340 3 879791884 +624 405 4 879792671 +624 410 4 879793156 +624 411 4 879793269 +624 508 4 879793092 +624 595 3 879793408 +624 689 3 891961187 +624 696 4 879793223 +624 750 4 891961163 +624 762 4 879793330 +624 833 4 879793582 +624 866 3 879793436 +624 870 4 879793155 +624 879 3 879792171 +624 993 4 879793486 +624 1010 4 879793155 +624 1012 4 879793408 +624 1059 1 879793358 +624 1114 4 879792557 +625 25 2 891632018 +625 50 5 891273543 +625 70 3 891262724 +625 95 3 891953755 +625 97 4 891263057 +625 135 5 891999874 +625 165 3 891999926 +625 197 5 891262724 +625 198 4 891263665 +625 200 3 892000686 +625 300 3 891262561 +625 385 4 892053920 +625 479 4 891262983 +625 486 3 891953617 +625 515 4 891263589 +625 597 2 891273801 +625 652 4 891262983 +625 654 3 891262837 +625 705 3 891262983 +625 732 3 891263960 +625 855 4 891953479 +625 961 4 891962917 +626 270 2 878771355 +626 292 1 878771281 +626 302 4 878771242 +626 327 4 878771419 +626 336 1 878771477 +626 678 1 878771505 +626 680 1 878771476 +626 879 1 878771418 +627 17 2 879531397 +627 23 4 879529986 +627 53 4 879531504 +627 56 2 879531248 +627 64 5 879530015 +627 79 3 879531158 +627 82 4 879531248 +627 89 5 879531158 +627 125 2 879530346 +627 135 4 879529702 +627 148 3 879530463 +627 188 4 879531196 +627 193 5 879529767 +627 229 2 879531459 +627 232 3 879531302 +627 237 4 879530346 +627 241 4 879531397 +627 245 4 879529556 +627 276 2 879530173 +627 282 2 879530463 +627 317 5 879530071 +627 385 2 879531351 +627 435 5 879531158 +627 470 3 879530264 +627 511 4 879529986 +627 518 4 879530146 +627 526 4 879529916 +627 528 4 879530662 +627 530 3 879531195 +627 541 4 879531504 +627 566 3 879531249 +627 576 3 879531504 +627 658 3 879530536 +627 660 4 879530463 +627 684 4 879531301 +627 690 5 879529406 +627 693 2 879530205 +627 941 3 879530866 +627 1044 2 879530899 +627 1267 4 879530346 +628 301 4 880777046 +628 984 5 880776981 +629 39 2 880117747 +629 42 2 880117430 +629 56 5 880117430 +629 86 5 880117163 +629 127 5 880117605 +629 153 5 880116818 +629 160 4 880117361 +629 194 5 880116887 +629 200 4 880117333 +629 238 5 880117285 +629 241 5 880116911 +629 268 5 880116722 +629 270 3 880116023 +629 271 4 880116722 +629 275 5 880117565 +629 276 5 880116887 +629 324 2 880116023 +629 326 3 880116103 +629 425 3 880117163 +629 435 4 880116756 +629 632 3 880117031 +629 699 3 880117460 +629 732 5 880117430 +629 876 3 880116023 +629 881 3 880116023 +629 1038 3 880116240 +630 22 3 885668328 +630 64 5 885668276 +630 120 4 885667678 +630 195 4 885667968 +630 264 2 885666353 +630 282 3 885666804 +630 471 4 885666955 +630 472 3 885667391 +630 546 3 885667056 +630 568 4 885668328 +630 732 4 885668203 +630 815 3 885667229 +630 820 4 885667391 +630 866 3 885667148 +630 1061 2 885667581 +630 1079 1 885667508 +630 1197 3 885667464 +631 288 3 888464916 +631 294 3 888465155 +631 315 4 888464916 +631 323 2 888465216 +631 332 3 888465180 +631 873 2 888465084 +631 877 2 888465131 +631 886 4 888465216 +632 2 4 879459505 +632 7 3 879456955 +632 12 5 879456910 +632 22 4 879457394 +632 51 4 879459166 +632 54 3 879459304 +632 69 4 879457371 +632 73 3 879459649 +632 100 3 879457603 +632 134 5 879457217 +632 173 5 879458649 +632 176 3 879457812 +632 182 3 879457641 +632 191 5 879457603 +632 194 4 879457712 +632 201 4 879457641 +632 203 3 879457217 +632 210 5 879459738 +632 228 3 879457157 +632 258 4 879459777 +632 318 5 879456843 +632 367 2 879459544 +632 468 3 879457925 +632 475 3 879457582 +632 485 4 879457157 +632 523 3 879458900 +632 550 2 879458900 +632 566 4 879458649 +632 633 4 879459003 +632 651 5 879459738 +632 685 2 879459394 +632 877 1 879459777 +632 1028 2 879459649 +633 45 3 877211326 +633 50 4 875326664 +633 71 3 875325804 +633 82 4 875325273 +633 94 4 877211684 +633 96 4 875324997 +633 97 3 877211083 +633 148 1 875326138 +633 159 4 875325093 +633 195 4 875324997 +633 226 4 877212085 +633 237 4 875324891 +633 300 4 875324233 +633 423 4 877212367 +633 581 3 877212085 +633 654 3 875324654 +633 871 3 875326698 +634 93 5 877018125 +634 111 4 875729794 +634 147 2 875729749 +634 225 3 875729668 +634 245 3 875729217 +634 269 4 890779855 +634 284 4 875729668 +634 292 3 876170101 +634 294 4 876170101 +634 300 3 881952599 +634 333 4 881007052 +634 408 3 875728783 +634 410 4 877017872 +634 546 4 875729535 +634 547 4 877979407 +634 685 4 875729535 +634 696 4 875729535 +634 744 5 877018125 +634 760 3 879787621 +634 845 3 875729148 +634 866 3 875729668 +634 934 2 877018033 +634 950 5 877018125 +634 988 1 875729217 +634 1011 4 875729633 +634 1028 3 875729456 +634 1162 1 877017951 +634 1197 4 875729106 +635 150 3 878879236 +635 246 5 878879190 +635 268 5 878878654 +635 302 4 878878587 +635 331 4 878878654 +635 333 5 878878685 +635 358 1 878878838 +635 688 2 878878838 +635 742 3 878879190 +635 877 3 878878901 +636 15 5 891449237 +636 25 5 891449237 +636 106 4 891449328 +636 235 4 891449371 +636 272 5 891448155 +636 760 5 891449263 +637 15 4 882903447 +637 93 3 882903511 +637 117 2 882904148 +637 127 2 882901356 +637 147 1 882903645 +637 235 1 882904233 +637 285 3 882901356 +637 300 3 882900888 +637 328 4 882900888 +637 508 2 882903301 +637 591 3 882904233 +637 619 2 882903914 +637 742 4 882904233 +637 1060 2 882904148 +637 1258 1 882905070 +637 1284 1 882905070 +638 4 4 876695108 +638 22 5 876694787 +638 29 2 876694917 +638 153 3 876695819 +638 175 4 876695774 +638 185 5 876695601 +638 187 2 876694704 +638 188 3 876694995 +638 202 3 876695819 +638 210 4 876695478 +638 211 4 876695774 +638 226 5 876695217 +638 405 3 876695338 +638 455 3 876695059 +638 511 3 876695478 +639 14 5 891239813 +639 19 4 891239813 +639 28 4 891239239 +639 60 3 891239790 +639 61 3 891239790 +639 86 4 891239406 +639 100 1 891240495 +639 165 3 891239658 +639 193 3 891239177 +639 215 1 891239271 +639 280 3 891240868 +639 283 4 891239913 +639 285 1 891239131 +639 323 1 891238876 +639 356 2 891239380 +639 423 2 891239030 +639 509 3 891239271 +639 514 4 891240566 +639 516 4 891240678 +639 673 4 891239406 +639 694 5 891239492 +639 714 2 891239886 +639 835 4 891240543 +639 863 4 891239702 +639 865 1 891239427 +639 949 3 891240868 +639 953 2 891239407 +639 990 1 891238689 +639 1065 1 891239030 +639 1101 3 891239177 +640 2 4 874778568 +640 33 3 874778696 +640 81 5 874777735 +640 92 4 874778515 +640 96 5 874778240 +640 150 4 886474493 +640 161 4 874778479 +640 175 5 874777735 +640 209 5 874778154 +640 226 5 874778569 +640 301 2 886353820 +640 373 3 874778756 +640 580 5 874778096 +640 591 4 875732368 +640 689 4 886353852 +640 770 4 874777658 +640 802 3 874778756 +640 1010 3 886474753 +640 1258 3 886474866 +641 198 5 879370028 +641 203 4 879370337 +641 258 3 879369806 +641 270 3 879369827 +641 301 4 879369925 +641 336 3 879369943 +641 432 5 879370119 +641 483 5 879370259 +641 497 5 879370259 +641 528 4 879370150 +641 558 5 879370299 +642 4 3 885605768 +642 40 4 885605866 +642 58 3 886131744 +642 64 5 885602482 +642 69 5 885602631 +642 73 4 885605735 +642 91 4 885603897 +642 95 5 886131547 +642 110 2 885606048 +642 118 3 885603566 +642 121 5 885842289 +642 131 3 885603566 +642 147 4 885606986 +642 155 3 886568726 +642 172 5 885604299 +642 181 5 885603699 +642 191 4 886131970 +642 208 5 886131547 +642 220 4 887663380 +642 245 4 891317923 +642 252 5 885842962 +642 257 5 886131546 +642 357 2 885603565 +642 368 4 885606271 +642 369 2 885606090 +642 384 5 886131546 +642 385 5 885602571 +642 393 5 885605834 +642 400 4 886569278 +642 402 4 885603792 +642 410 1 885605988 +642 419 4 885603537 +642 420 4 885606581 +642 432 2 885602369 +642 447 4 886569328 +642 452 1 886569699 +642 477 5 886131563 +642 553 5 886132153 +642 568 4 885606735 +642 569 2 886569538 +642 581 2 886569209 +642 584 4 885842877 +642 609 3 885604859 +642 660 3 886132089 +642 686 5 886131546 +642 725 4 885606067 +642 734 3 886569960 +642 748 5 885601998 +642 756 5 885604859 +642 759 3 885843824 +642 779 3 885843177 +642 794 4 886568429 +642 796 4 885605909 +642 812 4 886455357 +642 827 1 886131332 +642 926 5 885605454 +642 928 5 886131546 +642 934 2 885606137 +642 940 2 886569847 +642 955 3 888123262 +642 969 2 885603662 +642 975 2 886130929 +642 998 3 886569765 +642 1032 4 886569012 +642 1037 2 885605866 +642 1054 3 885606482 +642 1055 4 886569483 +642 1058 3 886132139 +642 1091 4 885606608 +642 1133 3 886569295 +642 1152 5 886569828 +642 1182 2 885606178 +642 1185 4 885606024 +642 1287 2 885606463 +642 1336 2 885606520 +642 1425 2 885606024 +643 2 3 891448218 +643 4 4 891448136 +643 5 3 891449741 +643 7 4 891445354 +643 11 4 891446720 +643 39 4 891447747 +643 47 4 891446791 +643 55 4 891448218 +643 58 4 891448062 +643 67 4 891449476 +643 79 4 891446826 +643 82 3 891448095 +643 96 5 891447747 +643 118 2 891445741 +643 147 3 891445526 +643 161 3 891449381 +643 172 5 891447093 +643 174 4 891446652 +643 176 5 891447157 +643 183 5 891447790 +643 187 4 891447127 +643 194 4 891446652 +643 202 3 891447835 +643 210 4 891448318 +643 215 3 891447037 +643 218 3 891449680 +643 226 2 891449476 +643 234 4 891447260 +643 357 5 891446889 +643 393 4 891450273 +643 408 4 891445176 +643 428 4 891447196 +643 430 5 891447403 +643 436 4 891449870 +643 451 2 891449301 +643 492 4 891448586 +643 504 4 891447370 +643 515 4 891445140 +643 527 3 891448502 +643 568 4 891447663 +643 571 3 891450316 +643 572 3 891450341 +643 603 5 891447459 +643 630 3 891448352 +643 655 4 891448176 +643 656 4 891447196 +643 716 3 891449507 +643 721 2 892502531 +643 780 4 891449442 +643 956 4 891448586 +643 959 3 891449741 +643 1028 3 891446404 +643 1098 4 891447696 +643 1215 3 891446489 +643 1221 3 891450316 +644 125 4 889076851 +644 255 4 889077513 +644 276 4 889077344 +644 308 4 889076095 +644 546 4 889076875 +644 873 4 889076310 +645 23 5 892054364 +645 30 4 892054824 +645 39 3 892054324 +645 46 5 892054508 +645 48 4 892053748 +645 50 4 892054824 +645 56 3 892053241 +645 72 3 892053686 +645 92 3 892054444 +645 135 5 892054707 +645 177 4 892053274 +645 181 4 892053483 +645 182 5 892053686 +645 184 3 892055213 +645 185 5 892054537 +645 194 4 892053644 +645 195 4 892054537 +645 198 3 892053644 +645 202 3 892053518 +645 288 3 892051741 +645 301 2 892052070 +645 357 5 892053274 +645 428 4 892054684 +645 506 5 892055072 +645 521 4 892054990 +645 650 5 892055285 +645 653 5 892054990 +645 654 5 892053686 +645 674 3 892054402 +645 746 4 892054683 +645 955 4 892054989 +645 959 4 892053541 +645 1159 4 892054632 +646 259 3 888528978 +646 272 4 888528483 +646 286 3 888528927 +646 288 3 888529127 +646 294 2 888528870 +646 307 3 888528902 +646 323 3 888529153 +646 328 3 888528457 +646 352 1 888529153 +646 354 3 888528902 +646 748 3 888529054 +646 750 3 888528902 +646 877 3 888529014 +646 880 3 888529127 +646 895 3 888528978 +646 1176 4 888528955 +646 1313 3 888529180 +647 77 4 876533851 +647 82 4 876533912 +647 136 5 876534131 +647 147 4 876532975 +647 174 4 876530784 +647 177 5 876534131 +647 196 4 876537620 +647 197 5 876534131 +647 202 4 876534275 +647 294 3 876532501 +647 298 3 876533005 +647 300 4 876534131 +647 402 4 876534009 +647 1016 4 876534131 +647 1063 3 876776320 +648 39 3 884882742 +648 50 5 882211016 +648 82 5 884882742 +648 88 4 884881679 +648 95 3 884368371 +648 109 5 882211419 +648 110 3 884882407 +648 144 4 884368273 +648 151 2 882212288 +648 164 4 884883424 +648 176 4 884367538 +648 186 5 882213597 +648 211 4 884368643 +648 217 2 884883616 +648 220 3 882212039 +648 228 5 884882702 +648 235 4 882212071 +648 249 3 882211348 +648 281 3 884365970 +648 286 1 882210926 +648 294 3 884366184 +648 318 3 884368371 +648 364 5 884882528 +648 377 3 884881837 +648 384 4 884882235 +648 386 4 884882192 +648 391 3 884883031 +648 405 4 882211924 +648 428 2 884881754 +648 435 5 882212651 +648 441 3 884883724 +648 448 3 884883476 +648 456 2 884367180 +648 458 2 882211418 +648 474 4 884368002 +648 475 1 884364250 +648 496 4 884796822 +648 514 2 884796822 +648 526 3 884368232 +648 527 4 884368643 +648 575 3 884882553 +648 576 4 884882916 +648 585 3 884882234 +648 596 3 882211419 +648 603 5 882212651 +648 629 4 882213596 +648 633 3 884796858 +648 663 1 882213502 +648 671 3 884883476 +648 684 4 884882702 +648 692 4 882213535 +648 717 4 884366425 +648 740 4 882211301 +648 742 5 882211175 +648 743 1 884367366 +648 763 2 882212200 +648 809 3 884883323 +648 864 3 882211418 +648 904 2 884794555 +648 1060 2 882212373 +648 1337 3 884367366 +648 1626 1 884795447 +649 127 5 891440356 +649 252 4 891440624 +649 257 5 891440496 +649 678 3 891440562 +649 815 3 891440274 +650 2 3 891381709 +650 23 3 891369890 +650 25 3 891385826 +650 27 3 891381745 +650 62 3 891381784 +650 68 3 891381784 +650 71 3 891386755 +650 73 3 891387542 +650 89 4 891381585 +650 131 3 891372258 +650 132 4 891372365 +650 144 3 891381585 +650 145 3 891387953 +650 151 3 891387418 +650 153 4 891382138 +650 158 2 891388149 +650 159 3 891370093 +650 162 3 891382928 +650 173 5 891369520 +650 174 4 891369479 +650 176 4 891369798 +650 191 4 891381546 +650 203 3 891369924 +650 206 4 891371186 +650 208 5 891371090 +650 211 4 891370971 +650 226 3 891370031 +650 231 2 891381709 +650 257 3 891384844 +650 258 3 891368960 +650 265 4 891370031 +650 270 4 891368959 +650 271 3 891369143 +650 290 2 891387979 +650 315 3 891368885 +650 323 3 891369285 +650 355 2 891369190 +650 357 4 891372286 +650 363 2 891382876 +650 378 3 891383879 +650 385 4 891381585 +650 443 5 891369982 +650 450 1 891382877 +650 474 4 891385315 +650 479 5 891372339 +650 489 3 891387277 +650 491 3 891385775 +650 499 3 891372316 +650 504 3 891369889 +650 511 5 891369520 +650 519 4 891381545 +650 520 4 891369759 +650 559 3 891387520 +650 563 3 891388170 +650 565 3 891388266 +650 579 3 891370182 +650 585 1 891387979 +650 597 3 891381818 +650 601 3 891386964 +650 602 4 891371116 +650 604 3 891385178 +650 614 3 891385876 +650 625 3 891387616 +650 628 3 891369982 +650 635 3 891370155 +650 639 3 891371116 +650 642 3 891370065 +650 657 4 891372339 +650 670 3 891387915 +650 823 3 891381661 +650 898 3 891368914 +650 1050 3 891369620 +650 1419 3 891381884 +651 127 4 879348965 +651 269 5 880126096 +651 276 4 879348966 +651 301 3 880126632 +651 302 5 879348880 +651 309 1 880126632 +651 322 3 880126632 +651 332 3 879348880 +651 515 5 879348966 +651 690 3 880126508 +651 995 1 880126547 +652 275 4 882567294 +652 328 4 882567058 +652 748 3 882566948 +652 879 3 882566924 +653 1 4 878855383 +653 15 3 878854383 +653 38 3 880152955 +653 42 2 880151818 +653 54 3 880152523 +653 63 2 880153077 +653 69 4 878854284 +653 76 3 880150702 +653 79 4 878854051 +653 96 4 878854145 +653 100 4 878854666 +653 111 2 878854996 +653 118 3 878854810 +653 125 2 878866973 +653 132 3 880149897 +653 135 5 878866755 +653 142 2 880153378 +653 144 3 878867346 +653 145 2 880153705 +653 151 3 878866475 +653 160 3 878854441 +653 172 3 878854051 +653 175 2 878854332 +653 182 3 878854051 +653 183 3 878854100 +653 187 4 878853780 +653 188 5 878854145 +653 191 5 880150019 +653 198 4 880151426 +653 199 4 880150239 +653 210 4 880150103 +653 232 2 880152426 +653 237 2 878855365 +653 238 1 878866604 +653 265 4 878866995 +653 318 4 878854383 +653 333 5 878853678 +653 356 1 880151734 +653 367 3 878867228 +653 371 1 880152058 +653 393 2 880152426 +653 407 1 878867398 +653 410 1 878855024 +653 411 2 878854906 +653 431 4 878854666 +653 441 3 890181186 +653 447 2 880606620 +653 471 2 884405560 +653 472 1 880606675 +653 482 2 880150218 +653 521 4 878854441 +653 546 2 880153253 +653 571 1 880153406 +653 585 2 880153522 +653 619 3 880152085 +653 620 3 880153740 +653 628 4 878866413 +653 670 1 880152902 +653 686 2 878854247 +653 692 2 880151884 +653 693 1 880151651 +653 708 2 880152598 +653 739 3 880152902 +653 755 2 880153077 +653 771 2 880606620 +653 823 2 880153568 +653 840 4 878854737 +653 1035 2 880153099 +653 1042 2 880151488 +653 1046 1 880151580 +653 1065 1 880152085 +653 1087 2 880153207 +653 1101 2 878866755 +653 1132 1 880153429 +653 1133 2 880153674 +653 1136 2 880152759 +653 1231 2 880153349 +653 1244 3 878854769 +654 12 5 887864389 +654 14 2 887863557 +654 15 3 887863557 +654 24 4 887863651 +654 25 1 887863381 +654 82 5 887864797 +654 83 5 887864680 +654 146 3 887864105 +654 189 4 887864230 +654 223 4 887864497 +654 237 4 887863339 +654 248 2 887863596 +654 255 2 887863513 +654 274 4 887863635 +654 282 3 887863513 +654 302 5 887862964 +654 367 4 887864923 +654 370 2 887863914 +654 405 4 887863866 +654 418 4 887864588 +654 455 3 887863826 +654 496 4 887864230 +654 508 1 887863355 +654 588 4 887864797 +654 596 3 887863802 +654 720 4 887864923 +654 748 4 887863081 +654 751 3 887863034 +654 785 4 887864976 +654 845 4 887863613 +654 1014 3 887863981 +654 1115 3 887863779 +655 4 2 887611649 +655 13 3 887426237 +655 15 3 888685735 +655 21 2 888685787 +655 22 2 888474424 +655 30 5 888474646 +655 43 3 888474456 +655 45 3 891585477 +655 54 2 887430746 +655 57 3 887427743 +655 59 4 887564613 +655 61 3 887564614 +655 69 3 887476943 +655 76 3 888813372 +655 88 2 890887261 +655 93 3 888474986 +655 111 2 887523664 +655 113 3 891585477 +655 122 2 887523605 +655 132 3 887565138 +655 137 4 892333972 +655 143 4 887523176 +655 153 2 887523641 +655 155 4 887473702 +655 157 3 887611445 +655 164 2 887430072 +655 176 2 887429999 +655 191 4 887472744 +655 192 3 887473753 +655 196 3 888685556 +655 197 3 887426864 +655 222 2 887650944 +655 226 3 887429732 +655 279 3 888685989 +655 295 3 887425530 +655 298 4 887425564 +655 304 2 888475101 +655 305 4 887523909 +655 307 3 892011201 +655 316 4 889978343 +655 318 4 887473702 +655 327 3 888685734 +655 333 2 887472879 +655 357 4 887426864 +655 359 3 887424883 +655 367 3 887428031 +655 372 3 887428507 +655 378 1 887430410 +655 382 3 887427131 +655 410 2 891585344 +655 427 4 891585242 +655 435 2 887860616 +655 447 4 888813372 +655 448 4 888474934 +655 451 3 887428280 +655 454 3 888813372 +655 462 3 888474960 +655 471 3 887611594 +655 479 4 888474107 +655 502 4 887477168 +655 504 5 887650683 +655 507 4 888813371 +655 513 3 891585504 +655 515 4 887425458 +655 528 5 887473570 +655 534 2 887693376 +655 535 2 888685914 +655 543 3 887474050 +655 553 2 887431019 +655 558 4 887427506 +655 559 2 887472965 +655 574 2 887489222 +655 603 4 887473605 +655 607 4 887523427 +655 639 3 887473803 +655 649 3 888685989 +655 673 3 887523427 +655 674 3 887523427 +655 676 2 887426665 +655 686 2 887427866 +655 690 2 887477489 +655 692 3 887523453 +655 695 3 891585242 +655 699 2 887650593 +655 712 3 887474050 +655 715 3 887476942 +655 716 2 888475101 +655 722 1 887431047 +655 731 3 888474872 +655 734 3 887523477 +655 762 2 888984255 +655 775 2 887523815 +655 793 3 888813186 +655 794 1 887431019 +655 803 3 888474358 +655 815 2 887651149 +655 823 2 888685759 +655 825 2 887429669 +655 844 4 887650979 +655 847 2 891585279 +655 865 4 887523909 +655 872 3 888685879 +655 889 3 888474285 +655 911 2 891817522 +655 913 4 891817521 +655 915 4 891817435 +655 916 2 892436455 +655 927 3 887564613 +655 944 3 891585504 +655 954 2 887428031 +655 956 3 888984538 +655 961 3 888685735 +655 966 3 887477409 +655 972 3 887475213 +655 975 3 887426446 +655 1010 3 887477191 +655 1011 3 887651060 +655 1012 3 888474357 +655 1018 3 887472791 +655 1042 2 887523641 +655 1044 3 887564483 +655 1082 3 887425655 +655 1086 3 888474358 +655 1090 3 887430855 +655 1098 3 887473905 +655 1112 2 887475641 +655 1118 3 887473605 +655 1136 2 887427568 +655 1137 3 888474807 +655 1142 2 891585344 +655 1143 3 887425458 +655 1144 3 888475015 +655 1153 3 887477336 +655 1155 3 887474289 +655 1166 3 891585477 +655 1173 2 887431157 +655 1176 4 888474934 +655 1195 3 887693376 +655 1233 3 887650512 +655 1238 2 888474843 +655 1245 3 887426087 +655 1248 3 887473879 +655 1262 3 891585279 +655 1284 2 887477511 +655 1311 3 887474473 +655 1388 3 887477336 +655 1445 3 887427538 +655 1448 3 887523224 +655 1465 2 887472943 +655 1549 2 891585574 +655 1554 2 887611677 +655 1578 3 887650714 +655 1628 2 888729735 +655 1630 3 887428735 +655 1631 4 888685734 +655 1636 4 887473570 +655 1637 3 888984255 +655 1638 3 887488947 +655 1640 3 888474646 +655 1641 3 887427810 +655 1643 5 887611511 +655 1645 4 892871225 +656 300 2 892318614 +656 312 1 892318777 +656 340 3 892318488 +657 7 3 884239057 +657 117 4 884240629 +657 258 2 884238559 +657 301 3 884237633 +657 327 1 884238247 +657 340 4 884237291 +657 455 1 884239498 +657 508 4 884239057 +657 744 4 884239566 +657 873 3 884238614 +658 22 4 875147448 +658 24 3 875145493 +658 55 4 875148059 +658 69 4 875147995 +658 127 5 875145614 +658 171 4 875147448 +658 192 4 875147935 +658 198 5 875148108 +658 201 3 875147873 +658 235 2 875145572 +658 530 4 875147995 +658 628 3 875145841 +658 919 2 875145841 +658 923 3 875148059 +658 960 4 875147873 +659 56 5 891331825 +659 64 4 891384152 +659 73 4 891387083 +659 79 4 891384036 +659 82 4 891384499 +659 121 4 891331301 +659 155 3 891386540 +659 162 3 891385136 +659 164 4 891384606 +659 170 3 891045943 +659 180 5 891385044 +659 186 3 891385197 +659 187 5 891331825 +659 188 3 891384606 +659 191 5 891332293 +659 199 4 891383965 +659 210 5 891383889 +659 214 3 891387399 +659 216 4 891045892 +659 218 4 891384798 +659 226 4 891387194 +659 255 3 891045161 +659 294 4 891044849 +659 345 4 891044849 +659 357 4 891331959 +659 387 4 891387227 +659 447 3 891386910 +659 467 3 891384414 +659 476 3 891331534 +659 482 4 891383674 +659 483 4 891383889 +659 486 4 891383733 +659 489 4 891045747 +659 499 4 891385438 +659 502 4 891385438 +659 505 4 891385769 +659 506 3 891385379 +659 512 3 891386040 +659 514 5 891385044 +659 517 5 891384888 +659 519 4 891383889 +659 521 5 891384499 +659 526 5 891332224 +659 528 4 891385012 +659 559 1 891386641 +659 609 4 891385769 +659 610 3 891332044 +659 611 4 891384606 +659 616 4 891386577 +659 655 4 891383561 +659 657 5 891383965 +659 673 4 891384499 +659 712 3 891386307 +659 836 4 891045943 +659 1021 5 891331825 +659 1044 4 891386071 +659 1064 5 891385866 +660 8 2 891199781 +660 47 2 891200456 +660 72 3 891201436 +660 79 2 891199348 +660 84 2 891201823 +660 87 2 891199133 +660 89 3 891199965 +660 91 4 891200193 +660 94 2 891201887 +660 118 2 891198479 +660 121 2 891197954 +660 123 2 891198109 +660 154 4 891200534 +660 159 1 891200817 +660 163 2 891199992 +660 172 4 891199017 +660 173 5 891199556 +660 175 3 891199367 +660 179 4 891200073 +660 181 4 891197998 +660 182 2 891200213 +660 196 4 891199557 +660 209 4 891406212 +660 210 4 891199293 +660 217 2 891200817 +660 229 2 891406212 +660 235 3 891198401 +660 257 4 891197934 +660 259 4 891197778 +660 271 3 891197561 +660 281 3 891198588 +660 298 2 891198441 +660 301 3 891197661 +660 315 4 891197462 +660 358 2 891197796 +660 393 2 891201541 +660 419 2 891199348 +660 423 3 891199942 +660 428 4 891200594 +660 429 4 891199833 +660 435 4 891199883 +660 444 2 891201948 +660 449 3 891201796 +660 523 3 891200534 +660 550 2 891201541 +660 636 2 891200704 +660 652 4 891200370 +660 675 3 891199556 +660 679 2 891201069 +660 747 4 891200639 +660 800 2 891201675 +660 946 2 891201696 +660 1065 2 891201049 +660 1133 2 891201419 +660 1139 2 891201966 +660 1240 3 891201637 +660 1615 2 891198441 +661 1 5 876016545 +661 31 3 876017533 +661 50 5 876013935 +661 58 4 886841865 +661 86 4 876035679 +661 96 4 876015607 +661 121 2 876037619 +661 145 1 876035968 +661 164 4 876035968 +661 169 5 876017294 +661 179 4 876014125 +661 180 5 876016545 +661 185 5 876013447 +661 195 5 888300488 +661 199 5 876016726 +661 204 5 876017801 +661 218 3 876035933 +661 228 5 876016545 +661 255 3 876037088 +661 294 4 876036384 +661 298 3 886841348 +661 471 4 876037167 +661 496 5 876015530 +661 515 5 876017294 +661 566 4 876015688 +661 652 2 888300680 +661 665 3 876035999 +661 762 2 876037121 +662 100 5 880571006 +662 246 5 880571006 +662 268 5 880571005 +662 1342 4 880570112 +662 1511 4 880570301 +663 13 3 889492562 +663 42 5 889493732 +663 64 5 889493502 +663 98 5 889493540 +663 111 3 889492562 +663 129 3 889492503 +663 147 3 889493069 +663 174 5 889493540 +663 176 5 889493502 +663 182 5 889493691 +663 240 3 889493027 +663 259 2 889491861 +663 265 4 889493691 +663 281 3 889492759 +663 282 3 889492759 +663 294 3 889491811 +663 299 2 889491739 +663 300 4 889491655 +663 315 4 889491560 +663 319 1 889492229 +663 324 2 889492019 +663 326 4 889491861 +663 328 4 889491861 +663 466 3 889493467 +663 509 4 889493437 +663 521 3 889493467 +663 546 3 889493118 +663 591 3 889492759 +663 597 3 889492917 +663 628 4 889492615 +663 652 4 889493540 +663 676 3 889492435 +663 685 4 889492917 +663 749 3 889491617 +663 833 4 889492796 +663 845 3 889492796 +663 864 3 889492917 +663 895 4 889491811 +663 948 4 889492258 +663 975 4 889492720 +663 984 3 889491690 +663 1059 2 889492614 +663 1067 3 889492562 +663 1161 3 889493069 +663 1327 4 889493210 +664 1 4 878090087 +664 4 4 876526152 +664 31 4 876526555 +664 54 3 876526684 +664 58 4 876525292 +664 69 3 876525364 +664 95 4 878090125 +664 96 3 878094973 +664 97 3 876525363 +664 100 5 876523833 +664 121 3 876526659 +664 134 5 878092758 +664 157 3 876524731 +664 174 5 878092802 +664 176 4 876526462 +664 183 3 876526462 +664 202 4 878094973 +664 228 4 876526462 +664 230 3 876526659 +664 237 2 876525002 +664 306 4 876523133 +664 317 3 878095280 +664 318 5 876525044 +664 356 3 876526685 +664 414 5 878090415 +664 431 2 876526631 +664 449 2 876526718 +664 458 3 878091463 +664 482 5 878090180 +664 496 5 878090381 +664 509 4 876523654 +664 516 5 876525963 +664 522 3 876525998 +664 525 4 876526580 +664 566 4 876526631 +664 642 4 876526554 +664 660 3 876525718 +664 705 4 878092802 +664 724 3 876525695 +664 764 4 878092758 +664 792 4 876524474 +665 33 2 884293873 +665 92 4 884295080 +665 96 3 884293831 +665 121 2 884290480 +665 200 4 884293741 +665 210 4 884293789 +665 222 3 884290676 +665 237 3 884290635 +665 248 4 884292068 +665 255 4 884290608 +665 265 3 884294716 +665 271 2 884290055 +665 301 4 884290096 +665 313 4 884618217 +665 378 3 884294237 +665 417 3 884293569 +665 456 4 884291662 +665 471 3 884292009 +665 496 3 884294200 +665 535 4 884291094 +665 546 2 884291376 +665 742 4 884290704 +665 924 4 884291165 +665 931 3 884291810 +665 1028 4 884291133 +665 1047 1 884291376 +665 1048 4 884292325 +666 12 4 880139323 +666 23 4 880139467 +666 50 3 880313447 +666 69 3 880139149 +666 81 4 880314194 +666 91 3 880139409 +666 97 4 880139642 +666 100 4 880313310 +666 108 3 880313929 +666 124 3 880313391 +666 129 4 880313270 +666 192 4 880139615 +666 193 4 880567810 +666 208 3 880139467 +666 211 4 880139382 +666 236 4 880313250 +666 265 3 880139274 +666 282 3 880313482 +666 291 3 880313640 +666 294 3 880139037 +666 357 4 880139526 +666 370 2 880313811 +666 381 3 880139349 +666 428 3 880139439 +666 443 4 880568638 +666 483 5 880139348 +666 493 5 880139252 +666 498 5 880139669 +666 513 4 880139323 +666 516 5 880139348 +666 566 3 880314500 +666 642 5 880139586 +666 646 3 880139180 +666 649 3 880568694 +666 650 5 880139409 +666 651 5 880139149 +666 653 4 880139120 +666 655 4 880139439 +666 660 4 880568094 +666 692 3 880568505 +666 696 3 880313811 +666 707 5 880314103 +666 744 3 880313661 +666 811 4 880568396 +666 956 4 880568637 +666 960 4 880567810 +666 962 3 880314272 +666 974 4 880313929 +666 1451 3 880139614 +667 9 5 891034831 +667 182 5 891034767 +667 197 4 891035033 +667 268 3 891034404 +667 275 4 891035084 +667 283 4 891034947 +667 315 4 891034426 +667 427 5 891034767 +667 475 5 891035051 +667 487 5 891035084 +667 660 4 891035164 +667 694 4 891034730 +668 13 4 881591075 +668 69 1 881702566 +668 302 5 881523612 +668 340 4 881523737 +668 347 4 890349005 +668 475 4 881605210 +668 596 3 881591297 +668 895 3 890349136 +668 896 4 882818549 +668 902 2 890349285 +668 993 4 881591257 +669 7 3 892549266 +669 22 3 891517159 +669 56 2 891260497 +669 64 4 891260440 +669 79 2 891260474 +669 97 4 891517238 +669 111 4 892549583 +669 121 3 892549673 +669 125 3 892549622 +669 168 4 891517259 +669 175 4 892550170 +669 183 3 891260577 +669 192 5 891260542 +669 195 2 891260542 +669 196 3 892550234 +669 205 4 892550137 +669 235 2 892549865 +669 248 4 892549412 +669 252 2 892549865 +669 271 2 891182948 +669 313 4 891182948 +669 357 4 891260616 +669 474 4 891260369 +669 475 3 892549336 +669 479 5 891260806 +669 480 5 891517259 +669 483 3 892550196 +669 511 5 891260778 +669 515 5 891517238 +669 603 5 891260719 +669 649 4 891260754 +669 654 5 891260754 +669 657 5 891517185 +670 96 5 877975070 +670 144 4 877975285 +670 161 2 877975392 +670 186 4 877975594 +670 195 4 877974787 +670 222 4 877974857 +670 245 4 877974070 +670 419 4 877974945 +670 474 3 877975070 +670 483 5 877975200 +670 515 2 877974699 +670 519 5 877974604 +670 521 4 877975344 +670 705 5 877974905 +670 1299 4 877974905 +671 2 4 884035892 +671 7 5 875388719 +671 11 4 884035774 +671 38 5 884035992 +671 55 3 883546890 +671 62 5 884036411 +671 66 5 884204727 +671 82 4 884035686 +671 98 4 883949357 +671 118 5 875389187 +671 121 4 875389187 +671 123 5 883546677 +671 172 5 884035774 +671 174 5 884035685 +671 195 5 884035774 +671 219 3 884338399 +671 237 5 884037003 +671 255 5 884375221 +671 273 4 875389187 +671 288 5 883950232 +671 443 3 884034132 +671 451 4 884037004 +671 452 4 884035173 +671 504 4 883949781 +671 511 3 884035406 +671 526 2 884035406 +671 546 5 884036050 +671 553 5 884036846 +671 562 5 884036365 +671 570 3 884036411 +671 583 3 884034132 +671 654 3 884034800 +671 841 2 875388720 +671 1303 3 884036365 +672 181 3 879788708 +672 220 2 879787729 +672 237 2 879787811 +672 301 4 879787500 +672 1190 2 879789437 +673 79 5 888787587 +673 302 3 888786942 +673 307 3 888787355 +673 310 5 888786997 +673 313 4 888786942 +673 321 3 888787355 +673 322 4 888787450 +673 326 4 888787423 +673 340 5 888786969 +673 895 3 888787423 +673 896 5 888787355 +673 898 3 888787312 +674 111 5 887763336 +674 181 4 887762603 +674 292 4 887762415 +674 410 3 887763150 +675 86 4 889489574 +675 223 1 889490151 +675 235 1 889490151 +675 242 4 889488522 +675 244 3 889489775 +675 269 5 889488487 +675 272 3 889488431 +675 321 2 889488708 +675 427 5 889489691 +675 750 4 889488487 +676 100 5 892686083 +676 250 4 892686164 +676 255 5 892686348 +676 272 4 892685224 +676 286 4 892685252 +676 294 4 892685591 +676 316 4 892685224 +676 326 2 892685592 +676 480 5 892686666 +676 483 4 892686459 +676 538 4 892685437 +676 892 4 892685900 +676 912 3 892685489 +676 993 5 892686294 +676 1234 1 892685775 +677 101 5 889399671 +677 117 4 889399171 +677 129 5 889399199 +677 240 5 889399431 +677 288 5 885191166 +677 290 1 889399295 +677 294 5 885191227 +677 322 4 885191280 +677 351 2 889399113 +677 358 5 885191454 +677 455 5 889399470 +677 475 4 889399265 +677 740 1 889399265 +677 908 4 885191403 +677 988 4 889399113 +677 1011 3 889399431 +678 14 3 879544815 +678 100 5 879544750 +678 117 4 879544989 +678 127 5 879544782 +678 222 3 879544989 +678 277 3 879544882 +678 285 3 879544397 +678 298 3 879544750 +678 300 4 879544295 +678 332 4 879544254 +678 1129 1 879544915 +679 42 4 884487584 +679 83 5 884486694 +679 95 3 884487688 +679 97 3 884487300 +679 100 3 884487089 +679 109 3 884488283 +679 111 3 884487715 +679 172 5 884486758 +679 173 5 884486966 +679 286 5 884312660 +679 290 2 884487715 +679 318 5 884486812 +679 423 3 884487112 +679 432 4 884487514 +679 483 5 884487010 +679 527 4 884486985 +679 568 2 884488259 +679 588 3 884487825 +679 751 5 884325826 +680 1 4 876816224 +680 7 5 876816310 +680 14 5 877075079 +680 24 4 877075214 +680 50 5 876816310 +680 137 4 876816310 +680 143 4 876816224 +680 151 5 877075164 +680 257 4 877075273 +680 294 4 876816043 +680 517 4 876816162 +681 270 1 885409370 +681 289 5 885410009 +681 292 4 885409883 +681 538 3 885409516 +681 750 5 885409438 +681 894 1 885409742 +682 1 4 888523054 +682 8 3 888521833 +682 23 4 888519725 +682 24 4 888522575 +682 27 3 888518104 +682 28 3 888516953 +682 33 4 888520864 +682 42 5 888518979 +682 48 4 888517264 +682 49 3 888522194 +682 54 4 888517628 +682 62 3 888522541 +682 65 3 888517416 +682 71 5 888523135 +682 73 5 888521564 +682 76 3 888517049 +682 77 3 888517562 +682 81 3 888517439 +682 82 4 888522541 +682 85 3 888521833 +682 117 4 888522455 +682 128 4 888522575 +682 143 3 888523115 +682 144 3 888522418 +682 147 1 888523619 +682 158 2 888522260 +682 159 3 888521005 +682 161 3 888522542 +682 168 5 888521381 +682 172 5 888522417 +682 174 4 888523581 +682 176 4 888521195 +682 180 3 888516979 +682 209 3 888521381 +682 216 4 888521381 +682 235 1 888521833 +682 237 3 888517324 +682 241 4 888522541 +682 245 3 888516841 +682 280 3 888517740 +682 284 4 888519725 +682 288 4 888516814 +682 300 2 888518320 +682 318 4 888517168 +682 332 4 888518320 +682 346 2 888518320 +682 365 3 888517986 +682 367 3 888521783 +682 378 3 888517986 +682 401 1 888522260 +682 403 3 888517792 +682 431 4 888520799 +682 468 5 888517869 +682 470 5 888517628 +682 472 3 888522699 +682 527 3 888517168 +682 540 2 888521291 +682 550 2 888522541 +682 586 1 888522700 +682 625 3 888523155 +682 672 2 888522894 +682 684 3 888520705 +682 692 3 888519207 +682 693 3 888517537 +682 716 2 888522074 +682 717 3 888521090 +682 721 4 888518937 +682 722 4 888522073 +682 728 3 888522021 +682 729 3 888518035 +682 732 3 888517740 +682 746 3 888521413 +682 752 4 888523634 +682 756 2 888521942 +682 765 4 888523581 +682 774 4 888522894 +682 775 1 888521981 +682 783 2 888521291 +682 797 2 888522613 +682 804 3 888521740 +682 895 4 888518380 +682 922 3 888517816 +682 932 1 888522017 +682 944 3 888522073 +682 999 2 888521942 +682 1012 4 888518747 +682 1019 5 888519519 +682 1039 4 888517510 +682 1046 3 888520799 +682 1047 3 888521803 +682 1132 3 888521907 +682 1153 3 888517869 +682 1221 3 888517265 +682 1228 1 888522699 +682 1267 3 888517627 +682 1311 3 888518035 +682 1478 3 888519226 +683 127 4 893286501 +683 245 2 893283728 +683 258 3 893282978 +683 259 3 893283642 +683 288 3 893286259 +683 289 4 893286260 +683 294 3 893286346 +683 315 4 893285557 +683 327 4 893286260 +683 328 2 893283728 +683 331 2 893283728 +683 346 4 893286347 +683 347 4 893286208 +683 354 3 893286347 +683 513 5 893286208 +683 607 5 893286207 +683 626 3 893286550 +683 678 1 893283948 +683 683 3 893286347 +683 879 3 893283997 +683 914 2 893283104 +684 73 4 878762087 +684 83 5 878761676 +684 98 4 878759970 +684 172 5 875812299 +684 210 3 878759474 +684 216 3 878761717 +684 248 3 878576473 +684 381 2 878762033 +684 393 4 878761751 +684 408 5 875810796 +684 409 3 878760614 +684 477 5 878759560 +684 585 2 878762273 +684 732 4 878761717 +684 924 2 878232961 +685 288 2 879451147 +685 289 2 879451253 +685 333 1 879451147 +685 872 2 879447443 +685 875 3 879451401 +685 882 3 879451401 +685 886 1 879451211 +686 2 3 879546443 +686 22 5 879545181 +686 23 5 879547177 +686 26 5 879546847 +686 50 4 879545413 +686 89 4 879545481 +686 168 5 879547129 +686 179 5 879545814 +686 191 5 879546954 +686 194 5 879546443 +686 299 5 879543557 +686 318 5 879545814 +686 427 5 879546319 +686 542 1 879546443 +686 603 5 879546847 +686 654 5 879546954 +686 806 5 879546319 +687 268 5 884652088 +687 269 4 884651420 +687 286 3 884651648 +687 294 3 884651894 +687 323 2 884651894 +687 324 2 884651648 +687 879 3 884651894 +688 302 5 884153425 +688 749 5 884153712 +688 877 5 884153751 +688 879 5 884153712 +688 1127 5 884153606 +689 1 3 876676211 +689 117 4 876676293 +689 181 5 876674861 +689 237 3 876676293 +689 258 5 876674954 +689 358 4 876674762 +689 717 3 876676359 +690 1 4 881179631 +690 47 1 881179469 +690 53 2 881180005 +690 63 3 881177804 +690 66 3 881177581 +690 69 5 881179293 +690 72 2 881177553 +690 77 3 881179906 +690 89 2 881179505 +690 106 3 881180138 +690 118 4 881180056 +690 127 4 881178213 +690 148 3 881178365 +690 154 3 881179222 +690 158 4 881177835 +690 203 4 881179631 +690 232 4 881177689 +690 274 3 881177721 +690 284 4 881178442 +690 393 4 881177616 +690 428 1 881177506 +690 443 3 881179937 +690 514 1 881177430 +690 636 4 881179969 +690 642 3 881179937 +690 705 1 881179505 +690 781 2 881177662 +690 993 3 881178697 +691 64 5 875543191 +691 79 5 875543025 +691 182 5 875543228 +691 205 5 875543395 +691 227 4 875543108 +691 243 1 875542944 +691 304 3 875542868 +691 322 3 875542976 +691 496 5 875543025 +691 650 5 875543281 +691 692 5 875543153 +691 735 5 875543228 +691 748 4 875542868 +691 772 5 875543281 +691 1172 5 875543191 +692 1 4 876953340 +692 66 2 876953130 +692 257 4 876953340 +692 410 5 876953824 +692 476 3 876953279 +692 508 3 876953424 +692 762 4 876953681 +692 1028 3 876953823 +692 1132 4 876953954 +693 9 3 875481856 +693 28 2 875482280 +693 50 3 875483881 +693 58 3 875482477 +693 77 2 875482860 +693 117 4 875483977 +693 134 4 875484539 +693 135 4 875482524 +693 172 3 875483947 +693 178 5 875482309 +693 180 3 875482309 +693 185 5 875483301 +693 186 2 875484882 +693 197 3 875482197 +693 210 3 875484044 +693 211 2 875484789 +693 218 4 875483473 +693 228 2 875483947 +693 230 2 875483381 +693 291 3 889167954 +693 382 4 875482689 +693 402 3 883975558 +693 443 2 875483741 +693 484 3 875484837 +693 504 5 875483302 +693 546 1 875483234 +693 566 2 875483473 +693 611 4 875484406 +693 628 4 875483020 +693 632 5 875482626 +693 636 1 875483473 +693 654 3 875483381 +693 662 4 875482604 +693 735 4 875482912 +693 1090 4 875483564 +693 1136 3 883975358 +694 15 4 875728842 +694 28 4 875729304 +694 71 4 875730889 +694 72 4 875729107 +694 100 4 875727640 +694 133 5 875727189 +694 138 3 875730082 +694 141 5 875727399 +694 172 5 875727399 +694 180 4 875727672 +694 183 5 875727061 +694 185 4 875729520 +694 188 5 875727715 +694 194 5 875727143 +694 202 4 875727189 +694 204 4 875728639 +694 205 5 875726968 +694 211 5 875727189 +694 238 3 875727306 +694 241 3 875727877 +694 357 5 875726618 +694 385 4 875730082 +694 427 4 875727226 +694 434 5 875727018 +694 435 4 875728639 +694 474 4 875727226 +694 481 4 875727781 +694 482 5 875728435 +694 484 4 875726707 +694 490 4 875727877 +694 495 4 875727018 +694 499 4 875728345 +694 506 4 875727270 +694 530 5 875726708 +694 605 4 875727513 +694 661 5 875727926 +694 705 5 875728048 +695 264 1 888806222 +695 286 3 888805913 +695 289 2 888806150 +695 302 4 888805836 +695 312 3 888806193 +695 328 3 888806056 +695 333 2 888805952 +695 340 4 888806082 +695 343 4 888806120 +695 358 5 888806270 +695 678 4 888806292 +695 748 1 888806270 +695 887 3 888805797 +695 989 3 888806056 +696 178 4 886404542 +696 285 4 886404617 +696 286 5 886403578 +696 327 4 886404144 +696 899 3 886403673 +697 9 4 882622505 +697 126 5 882622581 +697 225 3 882622680 +697 235 4 882622188 +697 237 5 882622414 +697 244 5 882622481 +697 245 3 882621621 +697 250 4 882621940 +697 252 1 882621940 +697 254 2 882621958 +697 260 3 882621651 +697 263 1 882621714 +697 271 4 882621460 +697 276 5 882622505 +697 280 3 882622597 +697 287 4 882622170 +697 291 5 882622481 +697 305 5 882621431 +697 307 4 882621431 +697 324 5 882622481 +697 326 4 882621548 +697 339 2 882621714 +697 369 5 882622481 +697 546 4 882622626 +697 763 4 882622208 +697 879 4 882621486 +697 881 2 882621523 +697 886 5 882622481 +697 895 2 882621548 +697 986 1 882622680 +697 1022 1 882621523 +697 1025 2 882621523 +698 10 4 886366652 +698 22 1 886368545 +698 28 2 886366916 +698 66 3 886367100 +698 86 2 886367508 +698 89 4 886366454 +698 121 2 886368545 +698 127 4 886366101 +698 132 4 886367066 +698 133 2 886367586 +698 134 3 886366558 +698 135 3 886366483 +698 174 3 886367337 +698 183 3 886366916 +698 187 2 886366916 +698 195 4 886366483 +698 211 2 886367066 +698 214 1 886367874 +698 228 3 886367442 +698 357 4 886366454 +698 385 4 886367366 +698 419 3 886367474 +698 435 3 886366980 +698 481 3 886367473 +698 496 3 886366690 +698 498 4 886366515 +698 515 4 886366190 +698 516 2 886367809 +698 526 2 886366611 +698 607 2 886368545 +698 613 5 886366770 +698 640 2 886367849 +698 663 1 886366955 +698 707 2 886366814 +698 945 2 886367100 +698 988 1 886365802 +698 1020 2 886367558 +699 3 3 879147917 +699 7 2 878882272 +699 19 4 878882667 +699 20 4 879147239 +699 70 4 878883038 +699 95 3 878883173 +699 106 3 886568066 +699 117 4 879148051 +699 202 3 878883112 +699 206 3 878883173 +699 269 4 893140697 +699 270 4 893140745 +699 286 3 880695246 +699 291 3 892709098 +699 294 3 878881676 +699 323 4 879147366 +699 328 2 885775345 +699 333 3 893140662 +699 471 3 879147597 +699 475 4 878882667 +699 477 3 878882411 +699 532 3 878882410 +699 546 3 879147769 +699 591 2 880696196 +699 596 3 884152780 +699 683 3 880695597 +699 764 3 886568162 +699 870 3 879147814 +699 878 3 879382955 +699 985 3 879147814 +699 1009 4 878882668 +699 1010 3 878882563 +699 1057 3 880696553 +699 1643 3 879147169 +700 48 4 884494215 +700 56 3 884493899 +700 98 3 884494215 +700 202 3 884493899 +700 651 4 884493712 +701 1 4 891447139 +701 19 5 891447164 +701 124 5 891447164 +701 127 4 891447139 +701 237 5 891447198 +701 269 5 891446488 +701 286 4 891446488 +701 292 4 891446754 +701 312 3 891446730 +701 326 4 891446707 +701 344 3 891446788 +701 751 4 891446788 +702 271 1 885767534 +702 289 2 885767604 +702 307 2 885767336 +702 380 4 885767774 +702 450 1 885767775 +702 690 1 885767392 +702 751 4 885767576 +702 895 1 885767534 +703 15 5 875242814 +703 100 4 875242663 +703 121 5 875243049 +703 127 5 875242663 +703 323 2 875242281 +703 328 3 875242303 +703 591 4 875243049 +703 742 3 875242852 +703 819 2 875242912 +703 926 4 875242885 +703 1012 4 875242852 +704 58 3 891397366 +704 89 5 891397305 +704 98 5 891397305 +704 100 4 891397491 +704 134 5 891397441 +704 156 3 891397819 +704 193 5 891397305 +704 197 5 891397948 +704 210 4 891397112 +704 214 2 891398702 +704 222 3 891397058 +704 286 5 891397015 +704 300 2 891396674 +704 322 2 891396881 +704 340 3 891396636 +704 382 4 891397571 +704 432 5 891397535 +704 481 5 891397667 +704 488 5 891397570 +704 494 5 891397948 +704 506 4 891397712 +704 519 3 891397262 +704 523 5 891397667 +704 606 2 891397441 +704 633 5 891397819 +704 639 2 891397667 +704 889 3 891397015 +705 15 3 883427297 +705 83 4 883518834 +705 96 5 883428028 +705 97 3 883518765 +705 117 5 883426944 +705 161 5 883428028 +705 173 2 883427640 +705 181 5 883426892 +705 229 3 883428154 +705 230 4 883428083 +705 257 4 883426944 +705 283 5 883427048 +705 363 2 883427530 +705 377 4 883427857 +705 393 4 883427716 +705 416 3 883427716 +705 419 3 883427663 +705 423 2 883427904 +705 471 5 883427339 +705 526 3 883428028 +705 566 4 883428058 +705 576 4 883428128 +705 588 3 883427640 +705 755 5 883427691 +705 797 4 883428258 +705 815 3 883427297 +705 820 3 883427817 +705 862 1 883427875 +706 24 3 880997172 +706 117 4 880997195 +706 125 5 880997172 +706 237 4 880997482 +706 323 4 880996945 +706 687 1 880996945 +707 9 5 880059647 +707 10 5 880059687 +707 13 4 880059957 +707 15 4 880059876 +707 26 3 886286954 +707 52 3 886287268 +707 57 4 886287310 +707 70 3 886287376 +707 106 3 886288189 +707 111 4 880060420 +707 134 4 886286004 +707 160 5 886286193 +707 167 2 886288133 +707 172 2 886286134 +707 173 2 886286380 +707 185 3 886286032 +707 190 5 886286283 +707 197 4 886287130 +707 199 2 886285824 +707 242 4 879439088 +707 251 5 880059647 +707 275 4 880059687 +707 285 5 880059749 +707 287 4 880059774 +707 310 4 882200872 +707 313 2 886288754 +707 345 5 886285168 +707 367 4 886291531 +707 387 4 886287733 +707 420 3 886287160 +707 425 5 886287268 +707 443 3 886287191 +707 462 4 886286133 +707 476 3 880061111 +707 479 3 886286092 +707 480 3 886286360 +707 482 3 886286032 +707 483 5 886286004 +707 504 1 886286246 +707 505 4 886286311 +707 506 2 886286742 +707 507 5 886286819 +707 632 4 886287426 +707 641 1 886285907 +707 654 4 880061578 +707 692 4 886286092 +707 702 3 886286193 +707 707 5 886286133 +707 708 3 886286170 +707 718 5 880059876 +707 739 2 886287919 +707 770 3 886287405 +707 815 2 880060609 +707 847 5 880060066 +707 863 4 886286662 +707 864 4 880060262 +707 865 5 886286360 +707 923 5 886286092 +707 936 4 880059836 +707 1021 3 886287079 +707 1024 5 890008041 +707 1061 3 880060118 +707 1142 1 880059921 +707 1204 3 886286283 +707 1255 3 880061252 +708 15 3 877325404 +708 112 1 877325934 +708 117 4 877325236 +708 151 4 892719211 +708 181 5 877325279 +708 222 5 892719172 +708 225 2 892719172 +708 276 2 877325905 +708 281 4 877326014 +708 289 4 892719062 +708 294 3 892719033 +708 299 1 892718964 +708 336 2 892718846 +708 352 1 892718596 +708 405 4 877325881 +708 457 4 892718965 +708 628 3 892719246 +708 676 3 892719172 +708 678 2 892719007 +708 740 5 877325687 +708 762 5 877325838 +708 819 3 877325349 +708 880 3 892718919 +708 887 2 892718820 +708 930 3 892719363 +708 981 3 892719304 +708 993 4 877325349 +708 1028 2 877326217 +708 1040 2 877326037 +708 1049 2 877326086 +708 1054 3 877326158 +708 1079 1 892719385 +709 1 4 879847730 +709 5 4 879848167 +709 17 4 879848120 +709 38 3 879848744 +709 65 2 879846868 +709 68 5 879848551 +709 69 5 879846332 +709 98 4 879846648 +709 118 5 879848824 +709 121 4 879848475 +709 144 3 879846622 +709 155 2 879849185 +709 176 4 879848432 +709 182 4 879846741 +709 226 3 879848551 +709 231 3 879848646 +709 233 3 879848511 +709 250 4 879847626 +709 273 4 879847686 +709 288 5 879847945 +709 295 3 879847731 +709 379 3 879848209 +709 515 4 879846816 +709 540 3 879848744 +709 554 4 879848744 +709 559 3 879848209 +709 569 3 879848209 +709 576 4 879848695 +709 597 4 879848824 +709 651 4 879846705 +709 665 3 879848272 +709 693 4 879847082 +709 697 5 879847946 +709 738 1 879849330 +709 762 3 879848925 +709 825 2 879848744 +709 833 4 879848792 +709 841 4 879848824 +709 849 4 879848590 +709 959 4 879846169 +709 1188 4 879848695 +710 12 4 882063648 +710 56 5 882064021 +710 64 4 882063766 +710 79 4 882064283 +710 92 3 883705436 +710 100 4 882063920 +710 127 5 882064096 +710 156 4 882064524 +710 173 3 882063685 +710 179 4 882063766 +710 181 3 882064160 +710 202 3 882063793 +710 210 4 882064283 +710 258 2 882063224 +710 271 3 882063367 +710 277 4 882063967 +710 286 4 882063223 +710 294 3 882063224 +710 301 3 882063407 +710 302 4 882063224 +710 303 4 882063224 +710 327 3 882063407 +710 357 4 882063649 +710 420 4 882064434 +710 479 5 882064120 +710 483 5 882063685 +710 501 3 882064435 +710 887 2 882063612 +711 22 4 879993073 +711 48 4 879993053 +711 49 4 879994903 +711 51 4 879994778 +711 70 5 879993824 +711 71 3 879994581 +711 83 5 879993628 +711 88 5 886030557 +711 91 4 879994413 +711 94 2 879995728 +711 97 4 879993605 +711 98 5 879992994 +711 120 2 879992038 +711 133 5 879992739 +711 151 4 876185920 +711 154 4 879992739 +711 157 3 879994608 +711 161 4 879994495 +711 167 2 879995146 +711 186 3 879993237 +711 200 4 879993918 +711 203 4 879994433 +711 214 4 879993871 +711 218 4 879994852 +711 228 3 879993997 +711 254 2 879992038 +711 258 4 876185488 +711 275 5 876185855 +711 306 5 879991049 +711 316 4 889911048 +711 317 4 879993173 +711 365 3 879995850 +711 378 4 879995099 +711 387 4 879994777 +711 403 4 879994513 +711 408 5 886030557 +711 417 4 879994749 +711 419 5 879994581 +711 447 4 879994656 +711 472 1 879991585 +711 549 4 879994719 +711 582 5 879993605 +711 622 4 879993997 +711 651 4 879993707 +711 662 3 879993918 +711 710 4 879994903 +711 715 4 879994581 +711 723 5 879994852 +711 727 4 879993629 +711 729 3 879994413 +711 905 3 886559521 +711 941 3 879994608 +711 958 5 876278721 +711 961 5 886030557 +711 969 5 886030557 +711 1024 5 883589512 +711 1190 3 886030579 +711 1289 2 879991458 +712 40 5 874956956 +712 42 1 874729935 +712 51 3 874957293 +712 78 4 874957207 +712 83 4 874730396 +712 90 3 874957027 +712 95 4 874730552 +712 96 5 874729850 +712 141 3 874730320 +712 142 4 876251366 +712 143 5 874957306 +712 174 5 874729995 +712 178 2 874956357 +712 204 4 874956810 +712 228 3 874730261 +712 238 3 874730206 +712 294 4 876251330 +712 393 3 874730320 +712 400 3 874957179 +712 415 4 874957161 +712 418 3 874730553 +712 419 3 874730234 +712 451 5 874956872 +712 501 3 874957140 +712 510 2 874729749 +712 553 5 874729850 +712 762 4 874956244 +712 941 5 874730491 +712 946 4 874730521 +712 1036 5 874956981 +712 1040 4 874729682 +712 1055 4 874730155 +712 1074 3 874957086 +712 1220 5 874729996 +712 1480 4 874957161 +713 272 4 888881939 +713 300 2 888881939 +713 690 1 888882179 +713 752 2 888882276 +714 9 3 892775786 +714 100 1 892775786 +714 118 5 892777877 +714 257 3 892776410 +714 258 4 892777903 +714 276 2 892777242 +714 281 3 892777651 +714 294 4 892777903 +714 323 4 892777903 +714 369 3 892777581 +714 748 5 892777877 +714 924 3 892777408 +714 1014 3 892777694 +714 1152 2 892777651 +715 17 3 875964105 +715 22 4 875963792 +715 31 4 875963692 +715 50 5 875961998 +715 56 5 875963387 +715 68 4 875963486 +715 85 3 875964300 +715 95 4 875963621 +715 97 3 875964330 +715 98 5 875963792 +715 100 2 875961816 +715 101 3 875964131 +715 106 2 875962140 +715 121 4 875962524 +715 122 4 875962718 +715 125 3 875962477 +715 143 3 875963946 +715 144 5 875962991 +715 145 2 875963657 +715 155 4 875964580 +715 173 5 875963998 +715 176 5 875963792 +715 182 5 875965035 +715 183 3 875964491 +715 195 4 875963657 +715 206 4 875964438 +715 233 3 875964468 +715 235 2 875962140 +715 237 4 875962280 +715 249 4 875961919 +715 254 1 875962762 +715 268 4 875961674 +715 273 5 875961998 +715 282 3 875962423 +715 367 3 875964272 +715 412 2 875962783 +715 480 5 875963387 +715 549 3 875964519 +715 576 2 875964468 +715 595 3 875962718 +715 629 2 875963921 +715 692 3 875963836 +715 713 4 875962201 +715 761 3 875965009 +715 778 2 875965171 +715 939 4 875964545 +715 941 2 875964072 +715 944 2 875963755 +715 977 2 875962718 +715 1016 4 875962049 +715 1088 1 875962454 +715 1188 2 875964843 +715 1217 2 875963998 +715 1222 2 875965035 +716 13 2 879793376 +716 31 3 879794996 +716 52 5 879795467 +716 58 5 879795239 +716 72 3 879796766 +716 79 4 879794935 +716 83 4 879795906 +716 98 5 879795336 +716 108 2 879794290 +716 132 5 879796438 +716 135 3 879795071 +716 141 4 879797555 +716 142 3 879797555 +716 154 5 879795867 +716 161 3 879796651 +716 162 4 879796311 +716 168 5 879796942 +716 173 4 879797328 +716 177 2 879794935 +716 178 5 879795269 +716 183 2 879796279 +716 190 5 879797152 +716 193 5 879796596 +716 195 1 879795425 +716 200 4 879795606 +716 204 5 879795543 +716 209 3 879795543 +716 210 5 879796651 +716 213 5 879795906 +716 227 3 879797177 +716 228 4 879794870 +716 229 3 879797177 +716 230 3 879797198 +716 234 5 879795269 +716 237 5 879793844 +716 260 1 879793001 +716 274 5 879793631 +716 283 4 879793294 +716 284 3 879794116 +716 294 4 879793653 +716 298 5 879793501 +716 300 5 879792599 +716 367 4 879796942 +716 385 1 879796011 +716 419 5 879794775 +716 430 5 879796620 +716 435 4 879795071 +716 451 4 879796961 +716 465 5 879797177 +716 468 3 879796596 +716 487 5 879794934 +716 489 4 879795496 +716 494 5 879795542 +716 495 4 879795762 +716 498 5 879795122 +716 501 5 879796215 +716 505 4 879796381 +716 515 5 879793293 +716 517 5 879797221 +716 525 3 879794815 +716 559 2 879796846 +716 566 3 879796010 +716 603 5 879794775 +716 604 3 879795071 +716 627 4 879797475 +716 630 4 879796138 +716 631 5 879795867 +716 633 4 879796808 +716 636 2 879796651 +716 650 3 879796278 +716 655 4 879795838 +716 696 2 879794615 +716 708 4 879797443 +716 735 5 879795644 +716 740 4 879793714 +716 823 3 879794428 +716 826 2 879794410 +716 949 3 879796718 +716 1101 5 879795467 +716 1113 4 879797443 +716 1126 3 879796138 +716 1269 4 879795122 +716 1286 2 879795239 +717 7 4 884642160 +717 121 2 884642762 +717 127 4 884715172 +717 147 4 884642297 +717 240 2 884642868 +717 245 4 884641842 +717 258 5 884642133 +717 260 1 884641911 +717 285 5 884642214 +717 289 4 884641911 +717 312 5 884642133 +717 313 5 884642133 +717 476 4 884642868 +717 546 3 884642932 +717 591 4 884642297 +717 628 5 884644605 +717 742 5 884642427 +717 815 3 884642817 +717 887 5 884642133 +717 995 5 884642132 +717 1011 4 884644419 +717 1047 4 884642981 +717 1051 3 884642868 +718 257 4 883348845 +718 282 5 883348712 +718 597 5 883348938 +718 1028 4 883349191 +719 77 3 879360846 +719 98 5 877310859 +719 127 3 879358453 +719 137 1 884899841 +719 162 4 879361003 +719 185 4 877310932 +719 215 4 879360781 +719 254 1 879360298 +719 255 2 883981599 +719 274 3 888449274 +719 284 2 888449573 +719 294 2 877311109 +719 300 2 888449132 +719 382 2 879360965 +719 402 4 879360933 +719 410 1 883354126 +719 427 4 883354106 +719 468 3 879361023 +719 509 2 879360933 +719 510 4 879360493 +719 520 5 879360466 +719 655 4 879360617 +719 735 5 888454612 +720 242 4 891262608 +720 272 4 891262762 +720 311 5 891262635 +720 319 3 891263340 +720 321 4 891262762 +720 887 5 891262608 +720 896 5 891262669 +720 902 4 891263460 +721 1 5 877137877 +721 58 2 877140781 +721 64 4 877139301 +721 125 3 877147080 +721 127 5 877140409 +721 153 4 877150031 +721 161 5 877138816 +721 162 2 877147503 +721 204 5 877154765 +721 209 3 877150031 +721 222 5 877138584 +721 228 5 877138585 +721 229 5 877138585 +721 237 3 877145312 +721 242 3 877137597 +721 262 3 877137285 +721 263 3 877137598 +721 266 3 877136967 +721 268 4 877136831 +721 269 5 877135269 +721 282 4 877145657 +721 284 4 877141038 +721 292 3 877137527 +721 301 4 877136358 +721 319 3 877137527 +721 321 3 877137447 +721 322 4 877136891 +721 326 4 877136236 +721 329 3 877137214 +721 331 3 877137285 +721 335 3 877137359 +721 359 3 877137359 +721 380 5 877138661 +721 435 4 877139384 +721 631 5 877147260 +721 682 3 877137285 +721 729 3 877141222 +721 739 4 877139551 +721 748 3 877136967 +721 809 1 877139384 +721 872 3 877137598 +721 874 3 877137447 +721 876 3 877137447 +721 878 3 877137598 +721 942 4 877147140 +721 948 1 877137109 +721 995 3 877137447 +721 1025 3 877138200 +721 1026 3 877137214 +721 1065 5 877147383 +721 1119 4 877147795 +721 1221 3 877139637 +721 1295 3 877137214 +721 1393 3 877137598 +721 1442 4 877147872 +722 25 4 891281108 +722 117 4 891281132 +722 121 5 891281182 +722 130 4 891281679 +722 148 3 891281710 +722 286 4 891280046 +722 294 2 891280219 +722 310 4 891279945 +722 328 5 891280272 +722 405 3 891280918 +722 597 3 891281710 +722 696 4 891281570 +722 748 4 891280154 +722 823 3 891281570 +722 845 5 891280842 +722 866 4 891281108 +722 871 2 891281876 +722 928 3 891281228 +723 9 3 880498912 +723 50 4 880498889 +723 89 3 880498996 +723 150 3 880499050 +723 164 4 880499019 +723 168 5 880498912 +723 178 3 880498938 +723 286 3 880498746 +723 433 3 880499019 +723 748 5 880498795 +723 988 1 880499254 +724 242 1 883758268 +724 264 3 883758119 +724 268 4 883757397 +724 269 4 883756996 +724 294 4 883757726 +724 302 3 883756996 +724 322 1 883757784 +724 323 2 883757874 +724 329 4 883757670 +724 331 3 883757468 +724 332 4 883757670 +724 338 3 883758119 +724 351 1 883758241 +724 352 1 883757259 +724 749 4 883757670 +724 751 2 883757397 +724 887 3 883757468 +724 895 4 883757727 +724 898 1 883757784 +724 906 1 883757468 +724 1105 1 883757537 +724 1432 1 883758208 +724 1434 1 883757597 +724 1591 1 883757468 +725 111 3 876106206 +725 276 4 876106243 +725 288 3 876103725 +725 294 3 876103726 +725 328 4 876106729 +725 748 4 876103744 +725 873 4 876103794 +725 879 4 876106729 +725 881 5 876106729 +726 1 4 890079166 +726 25 4 889831222 +726 255 2 889832297 +726 294 5 889828701 +726 409 3 890087998 +726 763 2 889831115 +726 832 5 889832807 +726 1038 2 889832053 +727 11 3 883710152 +727 12 5 883710598 +727 17 1 883711011 +727 22 4 883710236 +727 25 3 883708927 +727 28 5 883710075 +727 43 3 883712123 +727 53 1 883712851 +727 56 3 883711150 +727 67 4 883712652 +727 83 5 883710889 +727 92 2 883710806 +727 94 4 883713257 +727 96 4 883710152 +727 98 4 883710152 +727 108 3 883709948 +727 111 3 883709266 +727 122 2 883709802 +727 128 4 883712016 +727 135 2 883711069 +727 144 4 883710395 +727 147 3 883709402 +727 163 4 883711550 +727 172 5 883710104 +727 173 5 883710437 +727 186 5 883710598 +727 191 4 883710717 +727 198 4 883710687 +727 205 5 883710104 +727 209 3 883710186 +727 222 3 883709350 +727 226 3 883711966 +727 229 2 883711476 +727 230 3 883711847 +727 235 3 883709518 +727 238 2 883710910 +727 252 2 883709438 +727 363 3 883709641 +727 366 3 883712397 +727 371 2 883712193 +727 379 2 883712805 +727 384 2 883712804 +727 385 3 883710994 +727 392 4 883711847 +727 395 3 883713692 +727 399 3 883712717 +727 402 3 883711847 +727 408 4 883708895 +727 410 2 883709710 +727 447 3 883713194 +727 451 5 883712681 +727 465 2 883712159 +727 472 2 883709374 +727 474 3 883710910 +727 491 4 883710213 +727 538 3 883708066 +727 544 3 883709518 +727 553 2 883710186 +727 556 2 883713632 +727 559 2 883712282 +727 568 3 883711476 +727 576 4 883713454 +727 578 3 883711897 +727 588 4 883710495 +727 609 3 883711923 +727 616 2 883713348 +727 627 3 883711150 +727 651 3 883710104 +727 679 5 883712315 +727 739 4 883711735 +727 748 4 883708119 +727 802 2 883712780 +727 810 2 883712652 +727 815 3 883709188 +727 827 3 883709839 +727 840 2 883709884 +727 849 2 883713348 +727 879 4 883708208 +727 930 3 883709802 +727 940 2 883713521 +727 982 4 883713632 +727 1025 2 883708149 +727 1028 2 883712016 +727 1049 1 883709711 +727 1165 2 883709948 +727 1185 1 883711847 +727 1188 2 883712632 +727 1206 2 883712315 +727 1250 1 883713760 +727 1446 3 883712123 +727 1615 1 883709884 +728 243 2 879442892 +728 286 3 879442532 +728 287 4 879443155 +728 319 3 879442612 +728 323 3 879442685 +728 471 4 879443291 +728 748 3 879442532 +729 310 3 893286204 +729 338 1 893286373 +729 346 1 893286168 +729 894 1 893286511 +730 1 4 880310285 +730 121 4 880310506 +730 151 4 880310371 +730 268 4 880309927 +730 294 4 880309996 +730 340 3 880309892 +730 535 2 880310506 +730 685 2 880310569 +730 1012 5 880310426 +731 28 4 886182826 +731 64 5 886179040 +731 125 3 886186940 +731 133 1 886184852 +731 190 5 886187538 +731 195 1 886185851 +731 202 5 886186568 +731 215 5 886182555 +731 237 4 886185851 +731 484 3 886179289 +731 486 4 886182556 +731 494 3 886179161 +731 496 5 886179040 +731 520 4 886186567 +731 591 1 886184577 +731 603 5 886182631 +731 608 4 886183515 +731 655 5 886183515 +731 694 5 886184421 +731 720 3 886184771 +731 845 2 886184681 +731 1039 4 886182366 +731 1086 1 886186091 +731 1087 1 886186091 +731 1275 1 886186940 +732 243 5 882589879 +732 269 5 882589593 +732 288 4 882590200 +732 294 3 882590201 +732 304 5 882589792 +732 321 3 882590201 +733 9 3 879535406 +733 20 5 879535299 +733 100 5 879535471 +733 116 4 879535368 +733 148 3 879536607 +733 151 4 879535694 +733 244 2 879535886 +733 245 3 879544466 +733 250 1 879535502 +733 273 4 879535603 +733 274 3 879536723 +733 276 5 879535299 +733 277 1 879536523 +733 281 2 879536567 +733 291 2 879536608 +733 297 3 879535559 +733 458 2 879535129 +733 471 3 879535814 +733 544 1 879535407 +733 591 3 879535440 +733 762 4 879535847 +733 846 2 879535848 +733 924 4 879536523 +733 933 1 879535752 +733 950 4 879535643 +733 1011 4 879535644 +733 1117 2 879536659 +733 1132 4 879536488 +733 1338 4 879536608 +733 1375 3 879535559 +733 1380 2 879536567 +734 22 3 891025301 +734 28 4 891022627 +734 50 4 891022627 +734 95 4 891025573 +734 121 4 891026028 +734 144 2 891023019 +734 162 3 891025393 +734 164 3 891025524 +734 202 5 891022684 +734 230 2 891022803 +734 282 4 891025974 +734 283 5 891023066 +734 288 4 891022311 +734 294 1 891025891 +734 465 4 891022734 +734 483 4 891025247 +734 485 5 891022976 +734 498 4 891022938 +734 605 4 891025555 +734 705 4 891023131 +734 724 3 891022684 +734 821 2 891023086 +735 13 4 876698643 +735 50 5 876698683 +735 123 3 876698866 +735 127 4 876698755 +735 237 4 876698714 +735 275 4 876698643 +735 288 4 876697610 +735 300 4 876697647 +735 301 3 876697610 +735 321 3 876698022 +735 325 1 876698022 +735 331 3 876698022 +735 756 2 876698684 +735 764 3 876698837 +735 1012 2 876698897 +736 294 3 878709025 +736 324 3 878708991 +736 748 2 878708465 +737 22 4 884314993 +737 32 4 884314993 +737 100 5 884314664 +737 137 5 884314694 +737 160 4 884314881 +737 171 4 884314644 +737 174 2 884314740 +737 258 5 884315127 +737 357 5 884314944 +737 501 1 884314922 +738 1 5 892844079 +738 4 4 875351486 +738 7 4 875349530 +738 28 4 875350913 +738 50 5 892844112 +738 54 3 875351872 +738 82 5 892844079 +738 91 4 875351462 +738 97 4 875350122 +738 98 4 875350515 +738 100 2 875349968 +738 109 4 875353678 +738 117 3 875350913 +738 121 4 875353780 +738 135 5 892844111 +738 152 4 875350265 +738 154 3 875353105 +738 197 4 875353869 +738 204 4 875350053 +738 211 3 892958137 +738 216 3 875352679 +738 225 3 875351837 +738 234 4 875349850 +738 240 3 875350385 +738 250 4 875348912 +738 252 4 875349045 +738 258 4 875348442 +738 269 2 892938254 +738 271 3 892938330 +738 313 5 892938181 +738 343 3 892938330 +738 449 3 875351438 +738 528 4 875352679 +738 550 3 875351603 +738 655 3 875350456 +738 665 2 875351873 +738 755 3 875350913 +738 919 4 875349807 +738 930 3 875351956 +738 951 2 875351906 +738 1016 3 875348912 +739 22 5 886958860 +739 50 4 886958895 +739 98 3 886958972 +739 168 1 886958831 +739 288 1 886825083 +739 749 5 886825529 +740 258 3 879522681 +740 271 2 879522753 +740 332 3 879522681 +740 340 4 879523187 +740 873 2 879522872 +740 1038 4 879523187 +741 28 3 891018339 +741 67 3 891457456 +741 79 4 891455610 +741 131 4 891456776 +741 151 3 891458539 +741 164 3 891455766 +741 172 5 891018339 +741 178 5 891018435 +741 186 5 891455317 +741 196 5 891018460 +741 209 3 891457342 +741 210 3 891455353 +741 216 4 891457342 +741 218 4 891455711 +741 226 2 891455711 +741 255 3 891458098 +741 283 4 891458250 +741 313 4 891455095 +741 357 5 891018507 +741 367 2 891457280 +741 451 3 891457395 +741 479 5 891456874 +741 682 3 891455960 +741 696 3 891455901 +741 724 4 891019625 +741 732 4 891456509 +741 945 5 891456827 +741 1016 3 891458249 +741 1041 4 891457424 +742 14 5 881335361 +742 24 3 881335248 +742 124 4 881335461 +742 127 5 881335361 +742 282 3 881335857 +742 284 3 881335492 +742 294 3 881005590 +742 591 4 881335461 +743 9 5 881278061 +743 181 3 881277931 +743 242 4 881277267 +743 258 5 881277357 +743 259 3 881277656 +743 286 3 881277602 +743 322 3 881277750 +743 340 3 881277551 +743 408 4 881277931 +743 748 4 881277656 +744 174 4 881171421 +744 481 3 881171420 +744 483 4 881171452 +745 1 2 880122809 +745 9 4 880122809 +745 10 5 880123905 +745 14 3 880122863 +745 20 1 880123905 +745 50 2 880122928 +745 127 2 880122986 +745 168 3 880123671 +745 169 4 880123671 +745 182 2 880123314 +745 275 1 880123905 +745 276 1 880123905 +745 302 4 880122475 +745 603 4 880123243 +745 923 3 880123720 +745 936 1 880122907 +746 22 4 885075211 +746 68 4 885075337 +746 83 4 885075497 +746 121 3 885075337 +746 132 4 885075756 +746 135 1 885075655 +746 168 3 885075790 +746 174 5 885075243 +746 176 5 885075243 +746 186 4 885075497 +746 208 4 885075569 +746 210 5 885075211 +746 228 4 885075243 +746 229 2 885075399 +746 233 4 885075399 +746 265 4 885075399 +746 385 5 885075367 +746 405 2 885075476 +746 423 3 885075612 +746 455 4 885075304 +746 506 3 885075824 +746 597 4 885075304 +746 720 3 885075399 +747 1 5 888639138 +747 7 4 888639176 +747 9 5 888734012 +747 17 4 888733387 +747 22 3 888640099 +747 32 5 888639890 +747 47 5 888639939 +747 58 3 888639594 +747 63 3 888733510 +747 64 5 888639642 +747 70 4 888733218 +747 83 4 888732571 +747 94 4 888733537 +747 95 3 888639318 +747 96 5 888639397 +747 100 5 888639397 +747 124 5 888639138 +747 127 5 888639362 +747 129 5 888639138 +747 134 5 888640180 +747 136 5 888639481 +747 154 3 888733182 +747 169 5 888640305 +747 172 5 888639222 +747 174 5 888639138 +747 178 5 888639939 +747 181 5 888639014 +747 185 5 888640437 +747 192 5 888639014 +747 194 3 888639222 +747 195 4 888640136 +747 196 2 888640046 +747 199 4 888639102 +747 202 4 888733047 +747 204 5 888732899 +747 210 4 888639272 +747 231 3 888734113 +747 235 5 888733444 +747 238 3 888638957 +747 258 2 888638335 +747 274 4 888733348 +747 276 5 888639989 +747 286 4 888638335 +747 288 4 888638091 +747 305 5 888638183 +747 320 5 888732899 +747 367 3 888733070 +747 403 5 888734113 +747 433 3 888733387 +747 466 3 888640136 +747 473 3 888640305 +747 476 3 888733595 +747 479 5 888732719 +747 488 5 888640524 +747 498 5 888639318 +747 504 5 888640605 +747 505 5 888639823 +747 510 5 888639890 +747 511 5 888639138 +747 514 4 888639823 +747 517 5 888734012 +747 521 5 888640567 +747 555 2 888734152 +747 582 5 888639362 +747 604 5 888638913 +747 608 4 888640475 +747 644 5 888639397 +747 649 3 888640916 +747 653 5 888639939 +747 655 3 888639685 +747 659 4 888639175 +747 664 2 888638876 +747 715 5 888733274 +747 726 2 888733387 +747 732 3 888639138 +747 735 4 888639735 +747 792 5 888639102 +747 811 3 888639735 +747 865 5 888640916 +747 900 5 888638183 +747 1015 4 888640046 +747 1020 4 888639642 +747 1021 5 888640099 +747 1041 4 888733567 +747 1045 4 888639823 +747 1170 2 888733182 +747 1179 1 888733387 +747 1246 1 888733415 +747 1427 2 888639594 +747 1659 1 888733313 +748 1 4 879455040 +748 4 4 879454912 +748 7 4 879454662 +748 58 4 879455083 +748 79 4 879454998 +748 96 5 879454662 +748 97 4 879454848 +748 114 4 879454773 +748 118 2 879455040 +748 133 3 879454455 +748 168 3 879454930 +748 172 4 879454810 +748 182 4 879454630 +748 192 3 879454584 +748 195 4 879455083 +748 197 3 879454630 +748 199 4 879455454 +748 204 3 879454662 +748 209 4 879454728 +748 213 3 879455454 +748 216 4 879454998 +748 227 3 879455150 +748 271 3 879454302 +748 286 3 879454107 +748 300 4 879454172 +748 402 2 879454476 +748 408 5 879454428 +748 421 4 879454630 +748 427 4 879454405 +748 479 4 879454428 +748 588 4 879454497 +748 603 5 879454455 +748 633 4 879454428 +748 655 3 879454879 +748 657 4 879455221 +748 732 4 879454749 +748 813 4 879454497 +748 847 4 879454546 +749 4 4 878847863 +749 22 5 878847327 +749 38 3 878850724 +749 47 4 878848098 +749 48 3 878848015 +749 50 5 878846978 +749 66 3 878849433 +749 67 1 878850588 +749 71 4 878847576 +749 77 3 878849534 +749 79 4 878848069 +749 85 4 878849259 +749 94 5 878849829 +749 111 3 878848405 +749 118 3 878846841 +749 139 4 878850084 +749 140 3 878847673 +749 143 4 878847926 +749 155 2 878849829 +749 161 3 878847461 +749 162 3 878848333 +749 174 5 878847209 +749 178 4 878847540 +749 179 4 878848015 +749 180 4 878848483 +749 181 5 878846998 +749 184 2 878848137 +749 186 4 878847862 +749 196 4 878848302 +749 200 4 878848302 +749 202 5 878847461 +749 203 4 878848639 +749 204 4 878847576 +749 205 4 878847804 +749 208 5 878848044 +749 214 3 878849177 +749 226 4 878848533 +749 227 4 878848189 +749 230 3 878848272 +749 233 5 878849286 +749 234 4 878848044 +749 240 1 878850656 +749 273 4 878848243 +749 292 4 878846384 +749 298 4 879788916 +749 326 4 878846365 +749 328 4 878846422 +749 356 4 878847804 +749 365 3 878848951 +749 380 3 878849586 +749 391 3 878849149 +749 393 5 878849903 +749 398 3 878850038 +749 401 1 878850015 +749 405 2 878848673 +749 419 5 878847765 +749 420 4 878849682 +749 423 4 878847645 +749 428 3 878849534 +749 429 4 878847461 +749 430 4 878847926 +749 433 3 878848217 +749 443 4 878847954 +749 444 2 878850632 +749 449 3 878850610 +749 470 5 878849259 +749 478 5 878847328 +749 483 4 878847540 +749 485 4 878848097 +749 495 4 878847612 +749 498 4 878847926 +749 540 3 878850388 +749 546 3 878849857 +749 549 3 878847926 +749 566 3 878849857 +749 568 4 878848098 +749 586 4 878850657 +749 621 3 878848795 +749 636 4 878849929 +749 637 1 878850456 +749 678 2 878846423 +749 712 3 878849375 +749 729 4 878848015 +749 731 3 878848828 +749 739 3 878848558 +749 748 3 878846384 +749 763 1 878848483 +749 780 1 878849682 +749 809 3 878848673 +749 821 3 878847328 +749 823 3 878850060 +749 833 2 878850565 +749 845 3 878848189 +749 930 3 878849558 +749 941 5 878849877 +749 969 4 878848243 +749 975 4 878848369 +749 977 4 878850502 +749 984 3 881073009 +749 1013 1 881073081 +749 1016 5 878846958 +749 1034 2 878850656 +749 1133 2 878850084 +749 1136 4 878847804 +749 1188 3 878850610 +749 1244 3 878847101 +749 1440 3 878849534 +750 258 3 879445755 +750 323 3 879445877 +750 325 1 879446215 +750 327 4 879446013 +750 338 3 879445961 +750 886 3 879446114 +750 1280 1 879445877 +751 7 3 889132251 +751 21 5 889298093 +751 25 5 889132252 +751 52 2 889297948 +751 90 3 889298528 +751 94 3 889298964 +751 99 4 889134483 +751 101 4 889298622 +751 118 2 889298074 +751 121 4 889135401 +751 153 4 889133240 +751 172 5 889133129 +751 173 4 889134393 +751 196 4 889133039 +751 202 4 889133129 +751 204 4 889133950 +751 209 4 889133377 +751 210 5 889133106 +751 213 5 889132808 +751 214 4 889298463 +751 227 4 889298892 +751 237 2 889132301 +751 274 4 889298694 +751 315 3 887134587 +751 323 1 888871598 +751 332 3 887134842 +751 428 4 889297239 +751 431 4 889134705 +751 479 2 889132776 +751 481 4 889133684 +751 484 3 889134483 +751 486 3 889133737 +751 497 4 889134393 +751 537 4 889134006 +751 596 4 889133852 +751 597 2 889299290 +751 603 4 889132776 +751 631 5 889297711 +751 655 3 889133377 +751 658 3 889133106 +751 660 4 889297990 +751 689 2 888871738 +751 738 4 889299733 +751 739 3 889133556 +751 809 3 889299429 +751 865 2 889135211 +751 916 1 893113145 +751 1035 2 889298585 +752 260 3 891208261 +752 268 2 891208036 +752 269 5 891208451 +752 315 2 891207791 +752 321 3 891208212 +752 323 1 891208261 +752 331 4 891208036 +752 332 4 891208170 +752 333 3 891207791 +752 338 3 891208329 +752 348 4 891208213 +752 350 4 891208357 +752 354 2 891208261 +752 355 2 891208036 +752 589 4 891208491 +752 678 3 891208299 +752 683 4 891208299 +752 750 2 891207791 +752 751 4 891208212 +752 752 3 891208213 +752 887 1 891207846 +752 900 4 891207791 +752 902 5 891208452 +752 909 3 891208036 +752 995 4 891208261 +752 1176 2 891208170 +752 1243 4 891207939 +752 1265 3 891208126 +752 1279 3 891208491 +752 1463 4 891208261 +752 1527 1 891208077 +753 64 4 891402379 +753 69 4 891401851 +753 89 3 891402240 +753 98 5 891401366 +753 172 3 891401510 +753 173 5 891401757 +753 179 2 891401410 +753 183 1 891401798 +753 187 3 891401851 +753 193 4 891401366 +753 269 5 891399367 +753 272 4 891399135 +753 300 1 891401167 +753 304 4 891399686 +753 313 5 891399135 +753 316 4 891399903 +753 328 3 891401167 +753 653 4 891401851 +753 750 2 891401167 +754 127 4 879451420 +754 273 3 879451516 +754 286 3 879450947 +754 291 4 879451991 +754 293 4 879451466 +754 295 4 879451626 +754 307 3 879451191 +754 340 2 879451010 +754 1197 3 879451841 +755 258 5 882569732 +755 286 5 882569670 +755 299 2 882569732 +755 301 3 882569771 +755 310 4 882569604 +755 323 4 882570077 +755 328 4 882569881 +755 340 1 882569732 +755 538 4 882570023 +755 688 3 882570077 +755 879 4 882569844 +755 938 3 882570023 +756 8 4 874827755 +756 9 2 874828453 +756 22 3 874828592 +756 30 4 874827283 +756 50 4 874828592 +756 66 4 874829705 +756 82 3 874830748 +756 88 1 874829743 +756 95 3 874829258 +756 97 3 874829484 +756 141 3 874831227 +756 143 5 874831383 +756 151 4 874830550 +756 155 4 874829637 +756 222 2 874828967 +756 225 1 874830864 +756 228 3 874828640 +756 251 4 875129238 +756 256 4 874827486 +756 275 3 874827103 +756 300 4 874826502 +756 323 3 874832096 +756 383 3 874831050 +756 403 2 874828826 +756 419 3 874830513 +756 420 4 874829373 +756 432 4 874829258 +756 501 3 874829296 +756 568 3 874828903 +756 588 4 874829258 +756 622 3 874830790 +756 739 4 874829743 +756 919 5 874831383 +756 983 2 874830305 +756 1031 2 874830819 +756 1149 5 874827023 +756 1240 4 874829333 +756 1652 1 874828198 +757 1 4 888443974 +757 17 3 888466490 +757 27 4 888466683 +757 29 2 888466683 +757 64 5 888445298 +757 69 3 888445768 +757 82 4 888466490 +757 95 4 888467270 +757 118 3 888444920 +757 125 2 888467666 +757 143 3 888468693 +757 145 3 888467442 +757 148 4 888444948 +757 164 3 888445684 +757 172 4 888445587 +757 174 5 888445637 +757 188 3 888466614 +757 204 4 888468577 +757 227 4 888466652 +757 228 4 888466461 +757 235 3 888444935 +757 250 4 888444088 +757 252 3 888444827 +757 254 2 888445172 +757 298 4 888444208 +757 323 3 888443483 +757 358 3 888443570 +757 403 4 888466461 +757 405 4 888444583 +757 426 3 888467270 +757 431 4 888466584 +757 433 4 888445684 +757 449 3 888466782 +757 455 3 888445035 +757 470 3 888467016 +757 472 3 888445086 +757 554 3 888466683 +757 559 4 888467400 +757 561 2 888467380 +757 562 3 888466737 +757 568 4 888466490 +757 574 3 888467187 +757 576 3 888469012 +757 638 3 888468871 +757 732 3 888467829 +757 825 3 888444865 +757 827 3 888466758 +757 931 2 888445150 +757 1014 3 888444827 +757 1073 4 888466983 +758 6 2 881976919 +758 11 3 881975289 +758 12 5 881975243 +758 13 5 881977205 +758 43 3 881977747 +758 53 4 882053613 +758 61 3 881976289 +758 62 2 881978368 +758 66 3 881977169 +758 68 3 881977265 +758 77 3 882054049 +758 79 4 881976061 +758 82 4 881976168 +758 88 4 881979942 +758 93 5 881975922 +758 96 5 881976985 +758 99 3 882052960 +758 105 2 882054936 +758 117 4 881976203 +758 129 4 881975962 +758 131 3 881975243 +758 137 5 881975539 +758 139 4 882053834 +758 143 5 881975314 +758 147 4 881977021 +758 150 5 881975243 +758 174 5 881975005 +758 175 4 881976061 +758 176 5 882055987 +758 181 4 880672747 +758 196 4 881977229 +758 199 4 881975687 +758 204 4 881975787 +758 208 4 881978148 +758 209 5 881975118 +758 210 4 882053302 +758 211 4 881975736 +758 216 4 881974931 +758 217 2 881978805 +758 222 4 884999132 +758 223 5 881975119 +758 229 3 881978057 +758 230 4 884999132 +758 236 4 881974742 +758 237 4 881976377 +758 239 3 881976574 +758 240 3 882053986 +758 262 5 880672257 +758 270 4 889062124 +758 276 2 881976574 +758 285 5 881974823 +758 289 2 880672402 +758 292 4 880672402 +758 293 3 880672727 +758 300 2 880672402 +758 307 3 880672345 +758 310 3 880672402 +758 311 4 880672321 +758 312 3 883190351 +758 313 4 882926095 +758 315 5 883793836 +758 319 4 880672321 +758 320 5 881976061 +758 328 1 880672321 +758 332 4 886464043 +758 340 3 880672345 +758 342 4 881295151 +758 343 2 882055987 +758 345 5 883806413 +758 350 4 885016523 +758 356 2 881977872 +758 362 5 888020763 +758 386 3 881978259 +758 388 3 882055289 +758 393 4 881979012 +758 405 4 881978635 +758 419 4 881974639 +758 433 5 881976820 +758 435 5 881975853 +758 447 4 881977487 +758 455 4 881977309 +758 471 3 881975472 +758 475 5 881977205 +758 502 4 881978864 +758 506 3 881975061 +758 509 5 881975213 +758 520 5 881976089 +758 541 4 881977747 +758 566 4 881977488 +758 568 4 881977669 +758 576 4 882055054 +758 582 3 881974823 +758 608 5 881975182 +758 616 4 881976377 +758 640 5 881975119 +758 652 5 881975853 +758 713 3 881977533 +758 715 4 881977057 +758 735 5 881976855 +758 737 3 881978864 +758 746 4 881976746 +758 750 2 883518021 +758 820 4 882054112 +758 831 4 882054415 +758 841 3 882055193 +758 895 4 883190310 +758 902 4 889328320 +758 919 5 881976262 +758 922 5 881980034 +758 1034 4 882054415 +758 1047 3 882054250 +758 1088 3 880672830 +758 1090 1 882055460 +758 1135 2 881980034 +758 1283 4 880672876 +758 1292 1 880672876 +759 24 3 875227904 +759 50 4 881476824 +759 118 5 875227954 +759 127 2 875227798 +759 181 5 875227798 +759 237 3 881476891 +759 245 3 881476616 +759 281 4 881476991 +759 294 5 875227708 +759 323 4 875227724 +759 471 4 881476969 +759 748 4 875227708 +760 25 2 875666317 +760 71 4 875668080 +760 98 3 875667717 +760 111 4 875666242 +760 195 4 875668535 +760 237 3 875666179 +760 255 3 875666375 +760 258 5 875665793 +760 300 1 875665867 +760 375 4 875669114 +760 748 4 875665867 +760 776 5 875667247 +760 845 5 875666110 +760 1135 4 875668968 +761 7 4 876190206 +761 9 2 876190235 +761 117 5 876190314 +761 125 4 876190798 +761 151 2 876190394 +761 201 2 876190511 +761 243 3 876189749 +761 245 5 876189715 +761 263 1 876189950 +761 282 4 876190752 +761 283 4 876190160 +761 402 3 876189829 +761 457 1 876189950 +761 477 1 876190235 +761 508 1 876190206 +761 628 4 876190689 +761 742 2 876190370 +761 748 4 876189614 +761 1012 1 876190417 +761 1152 2 876190623 +761 1287 1 876190072 +761 1558 1 876190511 +762 111 2 878719371 +762 256 3 878719448 +762 286 4 878718810 +762 332 1 878718996 +762 421 4 878719594 +762 709 3 878719594 +762 934 1 878719406 +763 4 5 878917877 +763 12 5 878918486 +763 13 3 878919116 +763 26 4 878919055 +763 59 5 878915765 +763 60 5 878914968 +763 79 5 878919083 +763 83 3 878917877 +763 85 4 878918960 +763 87 2 878919019 +763 99 4 878915765 +763 125 3 878923322 +763 132 3 878920656 +763 133 3 878923609 +763 135 5 878918332 +763 137 4 878918332 +763 143 3 878918332 +763 159 3 878917818 +763 171 3 878915015 +763 190 4 878917384 +763 191 4 878915063 +763 194 5 878918406 +763 198 5 878915958 +763 212 4 878920656 +763 224 5 878919153 +763 280 2 878915015 +763 317 3 878919180 +763 464 3 878918960 +763 466 4 878922422 +763 498 4 878915600 +763 515 4 878915628 +763 527 3 878915692 +763 609 4 878918712 +763 692 2 878915958 +763 703 5 878923433 +763 732 3 878919206 +763 737 2 878919055 +763 738 2 878922982 +763 819 2 878915766 +763 845 4 878918712 +763 955 2 878917433 +763 1039 4 878923513 +763 1098 3 878919083 +763 1180 2 878915765 +764 2 3 876244856 +764 7 4 876243159 +764 21 2 876243794 +764 25 2 876243015 +764 50 3 876242649 +764 69 5 876244991 +764 98 5 876244991 +764 106 2 876243990 +764 151 4 876242912 +764 200 4 876244895 +764 202 4 876246312 +764 216 4 876245520 +764 222 4 876243440 +764 231 3 876246409 +764 252 3 876244023 +764 273 3 876242649 +764 278 4 876243343 +764 281 3 876243854 +764 286 4 876232900 +764 318 5 876244991 +764 371 3 876246436 +764 411 3 876243668 +764 418 4 876430033 +764 472 3 876243925 +764 531 5 876244991 +764 595 4 876243703 +764 596 3 876243046 +764 633 5 876244991 +764 692 4 876246358 +764 693 3 876246687 +764 717 3 876243644 +764 732 3 876246475 +764 819 3 876243159 +764 864 4 876243232 +764 939 4 876245880 +764 1046 4 876244895 +764 1057 1 876243990 +765 10 4 880346308 +765 151 4 880346204 +765 170 5 880346854 +765 283 4 880346282 +765 507 5 880347034 +765 847 4 880346466 +765 1009 5 880346606 +766 23 4 891309177 +766 40 3 891310851 +766 65 4 891309810 +766 71 3 891309913 +766 91 5 891310125 +766 132 4 891309522 +766 161 3 891310372 +766 172 3 891309052 +766 176 2 891308927 +766 178 4 891308968 +766 180 4 891308927 +766 191 4 891310067 +766 193 3 891309668 +766 194 3 891309117 +766 197 3 891309011 +766 198 4 891310210 +766 219 3 891310241 +766 226 3 891310150 +766 238 4 891309450 +766 294 2 891307007 +766 375 2 891310907 +766 380 2 891310475 +766 385 3 891310281 +766 428 5 891309622 +766 429 4 891310067 +766 433 3 891309391 +766 436 4 891310038 +766 443 3 891309844 +766 448 3 891310934 +766 465 3 891310281 +766 484 4 891309391 +766 497 3 891309736 +766 498 4 891309913 +766 499 3 891310125 +766 503 3 891309329 +766 514 4 891308927 +766 518 3 891309878 +766 519 4 891308968 +766 523 3 891309011 +766 527 5 891309558 +766 530 4 891309703 +766 550 3 891310210 +766 584 3 891309844 +766 606 3 891309011 +766 607 1 891309090 +766 609 3 891309767 +766 616 3 891309589 +766 659 3 891309736 +766 663 5 891310067 +766 664 2 891309589 +766 712 3 891310444 +766 739 2 891310241 +766 810 2 891310620 +766 837 3 891309878 +766 968 4 891310241 +766 972 3 891310907 +766 1050 3 891309668 +766 1298 3 891309736 +767 1 5 891462829 +767 22 4 891462614 +767 177 5 891462614 +767 180 5 891462870 +767 344 4 891462511 +767 432 5 891462829 +767 481 5 891462614 +767 648 4 891462917 +767 659 5 891462560 +767 921 5 891462717 +767 1121 5 891462917 +768 9 5 883835026 +768 15 2 883835210 +768 100 5 883835026 +768 127 5 883835026 +768 222 4 883834705 +768 235 2 885319496 +768 237 4 883834705 +768 245 2 879523820 +768 255 4 888798611 +768 269 3 885319349 +768 272 5 884970491 +768 274 3 880136201 +768 284 1 883835210 +768 301 5 883835026 +768 346 3 883834705 +768 475 2 883835210 +768 535 3 882190750 +768 597 2 883835210 +768 620 2 880136410 +768 682 3 883834776 +768 762 1 883835210 +768 763 2 883835210 +768 895 2 883750415 +768 1061 1 883835210 +769 1 4 885423720 +769 13 4 885424214 +769 118 4 885424099 +769 120 1 885424401 +769 222 4 885423824 +769 237 3 885423954 +769 473 3 885424337 +769 476 4 885424142 +769 597 2 885424001 +769 685 3 885424305 +769 1093 3 885423632 +769 1322 2 885424730 +770 100 5 875971949 +770 111 5 875972059 +770 117 5 875971989 +770 123 3 875972100 +770 129 5 875972352 +770 222 4 875973686 +770 240 2 875972582 +770 246 5 875971813 +770 250 5 875971902 +770 257 4 875972059 +770 268 5 875971568 +770 275 5 875972219 +770 294 3 875971655 +770 297 5 875972099 +770 302 2 875971568 +770 323 5 875971612 +770 333 5 875971612 +770 410 4 875973047 +770 473 5 875972612 +770 596 4 875972988 +770 924 5 875971902 +770 936 5 875971902 +770 937 4 876598016 +771 50 4 880659347 +771 82 2 880659686 +771 86 5 880659539 +771 95 4 880659606 +771 98 1 880659990 +771 111 4 880659919 +771 114 4 880659539 +771 128 2 880659482 +771 134 4 880659482 +771 164 2 880660025 +771 169 5 880659426 +771 172 4 880659482 +771 173 4 880659894 +771 202 4 880659941 +771 251 5 880660087 +771 283 4 880659303 +771 286 2 880659235 +771 381 3 880659970 +771 477 5 880660199 +771 496 5 880659606 +771 588 5 880659815 +771 596 4 880659815 +771 652 4 880659507 +771 694 3 880659894 +772 245 5 877533546 +772 258 5 877533440 +772 264 4 876250551 +772 271 4 889028773 +772 272 5 889028581 +772 294 4 877533625 +772 302 5 877533625 +772 328 5 876250551 +772 331 5 876250551 +772 344 4 889028581 +772 354 4 889028692 +772 748 3 877533625 +772 751 3 889028876 +772 752 3 889028773 +772 1025 3 877533820 +773 7 2 888539992 +773 11 2 888539963 +773 23 5 888540507 +773 24 3 888538677 +773 29 2 888540218 +773 32 4 888540467 +773 42 3 888539398 +773 50 5 888539993 +773 68 2 888540091 +773 70 3 888538810 +773 89 4 888540020 +773 90 4 888539643 +773 93 3 888539366 +773 109 4 888539328 +773 127 5 888539962 +773 153 5 888539425 +773 168 5 888539425 +773 170 5 888538980 +773 174 3 888539962 +773 182 4 888539993 +773 189 5 888539232 +773 196 4 888540467 +773 200 4 888540279 +773 212 2 888538980 +773 232 3 888540146 +773 235 4 888539677 +773 240 2 888539273 +773 251 3 888538573 +773 264 2 888538348 +773 286 3 888538269 +773 288 2 888538199 +773 318 4 888540484 +773 324 3 888538269 +773 343 1 888538175 +773 357 4 888540448 +773 367 2 888539576 +773 408 5 888539232 +773 522 4 888539328 +773 541 1 888540187 +773 568 1 888540091 +773 652 3 888538950 +773 675 5 888540279 +773 720 1 888540218 +773 730 3 888538852 +773 732 3 888539492 +773 737 3 888539064 +773 751 3 888538175 +773 780 4 888539857 +773 809 1 888540186 +773 840 1 888540218 +773 887 2 888538175 +773 895 2 888538417 +773 948 2 888538438 +773 1036 3 888539907 +773 1170 3 888539711 +773 1252 4 888538643 +773 1529 5 888539120 +773 1555 4 888540618 +774 8 1 888556090 +774 12 3 888559437 +774 50 4 888557198 +774 62 2 888557520 +774 64 3 888556517 +774 69 4 888556544 +774 72 1 888556121 +774 82 2 888557277 +774 88 1 888556193 +774 91 1 888558018 +774 96 2 888557276 +774 97 2 888556600 +774 100 1 888558731 +774 101 2 888558018 +774 117 2 888558646 +774 121 1 888558565 +774 150 1 888558787 +774 174 3 888557198 +774 177 4 888557277 +774 180 5 888556634 +774 181 3 888557236 +774 183 4 888557198 +774 187 3 888556483 +774 189 2 888557987 +774 193 5 888556746 +774 199 4 888556517 +774 211 3 888555897 +774 214 3 888556517 +774 217 2 888557772 +774 218 1 888557739 +774 219 4 888557739 +774 232 2 888556121 +774 235 1 888558806 +774 250 3 888559123 +774 265 3 888557237 +774 318 1 888556483 +774 380 2 888556968 +774 385 1 888557329 +774 391 1 888557520 +774 398 1 888557482 +774 399 2 888556169 +774 406 1 888559013 +774 410 1 888558762 +774 413 1 888559013 +774 421 1 888558128 +774 444 1 888557772 +774 451 1 888556169 +774 452 1 888557805 +774 453 2 888557804 +774 508 3 888558731 +774 518 1 888556746 +774 523 2 888555964 +774 525 2 888558305 +774 530 5 888557197 +774 546 1 888558565 +774 548 1 888558041 +774 553 2 888556867 +774 561 1 888557772 +774 566 2 888557277 +774 567 1 888557772 +774 568 2 888557329 +774 573 2 888557804 +774 585 1 888556225 +774 597 2 888558565 +774 655 1 888555998 +774 674 2 888557683 +774 708 2 888556893 +774 732 1 888556814 +774 743 1 888558623 +774 778 5 888556046 +774 831 2 888558594 +774 840 2 888558594 +774 866 1 888558853 +774 1090 1 888558419 +774 1118 3 888556047 +774 1215 1 888558623 +774 1228 1 888557556 +774 1274 1 888557557 +775 245 3 891032989 +775 305 4 891032837 +775 313 4 891032837 +775 315 5 891032742 +775 333 4 891033022 +775 347 3 891032837 +775 887 4 891032866 +776 7 4 891629077 +776 23 4 891628708 +776 53 2 892313246 +776 89 5 891628708 +776 91 4 891628752 +776 95 4 892210688 +776 109 4 892210576 +776 132 3 891629157 +776 134 4 892210460 +776 174 5 891629157 +776 179 4 891628678 +776 182 3 891628773 +776 185 4 892920290 +776 191 5 891628837 +776 193 3 891628895 +776 200 4 892920381 +776 217 4 892920351 +776 219 3 892920321 +776 238 4 891628708 +776 241 1 892313489 +776 318 4 891628632 +776 427 3 892313246 +776 431 4 891628916 +776 440 2 892920480 +776 444 2 892920423 +776 483 5 891628731 +776 509 5 891628773 +776 510 5 891628708 +776 523 4 891628937 +776 524 5 891628752 +776 549 5 891628731 +776 551 3 892920480 +776 559 4 892920351 +776 567 2 892920351 +776 588 4 892210723 +776 590 1 892920446 +776 603 4 891628599 +776 607 4 892920221 +776 637 3 892920381 +776 657 3 891628977 +776 667 2 892920480 +776 670 3 892920351 +776 674 3 892920321 +776 679 4 891628708 +776 860 3 892920381 +776 1172 2 892051948 +776 1219 3 891628837 +777 9 5 875979380 +777 135 3 875980391 +777 180 5 875980306 +777 196 5 875980306 +777 212 5 875980348 +777 223 4 875980306 +777 238 4 875980541 +777 245 5 875979241 +777 273 4 875979432 +777 288 4 875979201 +777 522 5 875980669 +777 523 4 875980235 +777 652 5 875980670 +777 692 5 875980670 +778 35 1 891234406 +778 69 2 890803860 +778 117 3 890727011 +778 143 1 890804547 +778 154 5 890670560 +778 168 5 890670560 +778 196 2 890769633 +778 216 3 890726264 +778 219 3 890727129 +778 226 4 890670638 +778 246 2 890769632 +778 405 3 890727091 +778 423 1 890803860 +778 441 3 890804387 +778 550 4 890670638 +778 623 1 890804625 +778 629 2 890802784 +778 712 3 890803176 +778 755 2 890804547 +779 1 4 875501555 +779 50 5 875992279 +779 95 5 875999285 +779 111 4 875994324 +779 117 4 875503280 +779 118 5 875994324 +779 121 3 875503280 +779 125 4 875996809 +779 225 4 877454525 +779 235 4 875502286 +779 252 3 877453656 +779 255 4 875993165 +779 275 4 875992583 +779 294 5 875501334 +779 304 3 875501254 +779 447 4 875999211 +779 596 4 875994324 +779 879 3 875501300 +780 4 3 891363969 +780 28 5 891363618 +780 50 5 891363685 +780 174 5 891363783 +780 204 5 891363651 +780 210 5 891364027 +780 216 4 891363617 +780 313 5 891362901 +780 419 4 891363826 +780 427 3 891363904 +780 498 5 891363756 +780 515 3 891364124 +780 520 4 891363904 +780 604 3 891363933 +780 705 5 891363685 +781 50 5 879634362 +781 56 3 879633919 +781 69 3 879634147 +781 97 4 879634096 +781 134 5 879634256 +781 135 5 879634387 +781 172 5 879634362 +781 179 5 879634017 +781 210 4 879634295 +781 232 3 879634318 +781 294 1 879633862 +781 302 5 879633862 +781 523 5 879634038 +781 878 1 879633752 +781 1500 5 879634096 +782 50 3 891499243 +782 181 3 891499213 +782 245 4 891498139 +782 253 2 891500150 +782 254 2 891499660 +782 255 4 891499321 +782 256 2 891500150 +782 257 3 891499278 +782 261 2 891498865 +782 269 3 891497698 +782 270 4 891497963 +782 271 2 891498213 +782 272 5 891497698 +782 293 2 891499278 +782 295 2 891499321 +782 300 4 891497906 +782 301 3 891498139 +782 304 4 891497906 +782 307 4 891497854 +782 312 4 891498436 +782 313 5 891497697 +782 316 4 891498436 +782 321 2 891498381 +782 325 2 891498720 +782 328 5 891498030 +782 330 4 891498213 +782 331 3 891497854 +782 332 4 891498139 +782 333 3 891497698 +782 340 3 891497963 +782 342 2 891498322 +782 348 4 891498213 +782 349 3 891498720 +782 350 4 891498641 +782 351 3 891498139 +782 355 3 891498821 +782 361 3 891498139 +782 534 3 891500109 +782 536 2 891500150 +782 538 4 891498214 +782 749 4 891498079 +782 751 2 891498323 +782 752 4 891497793 +782 877 3 891498213 +782 879 3 891498267 +782 880 4 891498322 +782 885 3 891498766 +782 886 3 891498267 +782 887 4 891498676 +782 888 3 891498919 +782 890 1 891498865 +782 894 2 891498031 +782 895 4 891497964 +782 905 4 891498791 +782 936 3 891500110 +782 937 1 891498918 +782 994 2 891500194 +782 1014 2 891499611 +782 1082 3 891500230 +782 1088 2 891499611 +782 1089 2 891499660 +782 1143 2 891500194 +782 1173 2 891500230 +782 1190 2 891500230 +782 1243 3 891498558 +782 1254 3 891499829 +782 1257 1 891500230 +782 1278 4 891499278 +782 1292 3 891499700 +782 1378 2 891499494 +782 1384 3 891500110 +782 1387 3 891499278 +782 1388 3 891500028 +782 1393 2 891498512 +782 1513 2 891499440 +782 1589 3 891500028 +782 1590 3 891500028 +782 1598 2 891499556 +782 1608 3 891499399 +782 1610 1 891500230 +782 1611 3 891500066 +782 1620 3 891499440 +782 1664 4 891499699 +782 1665 2 891500194 +782 1667 3 891500110 +782 1668 3 891500067 +782 1670 3 891497793 +783 286 3 884326274 +783 292 4 884326382 +783 294 3 884326506 +783 299 5 884326620 +783 330 1 884326755 +783 880 4 884326545 +783 895 4 884326787 +784 260 4 891387704 +784 268 3 891387501 +784 299 3 891387155 +784 300 4 891386988 +784 302 5 891386988 +784 304 4 891387501 +784 327 4 891387315 +784 331 4 891387155 +784 332 4 891387812 +784 334 3 891387812 +784 340 3 891387895 +784 344 4 891387078 +784 346 4 891387077 +784 690 4 891387249 +784 750 5 891386988 +784 877 4 891387622 +785 50 5 879439021 +785 56 4 879438920 +785 69 4 879439137 +785 79 4 879438984 +785 137 2 879438810 +785 174 5 879438957 +785 269 5 879438537 +785 273 3 879439527 +785 294 4 879438705 +785 318 4 879439232 +785 496 4 879438810 +785 661 3 879438810 +785 748 3 879438705 +785 995 3 879438736 +786 1 4 882841828 +786 4 4 882844294 +786 50 4 882844295 +786 88 4 882844010 +786 95 5 882843397 +786 97 4 882843683 +786 98 5 882843190 +786 100 4 882841667 +786 117 4 882841996 +786 126 4 882842019 +786 173 4 882843069 +786 174 4 882844294 +786 179 4 882843500 +786 188 5 882843237 +786 196 4 882843683 +786 197 3 882843431 +786 198 5 882843753 +786 208 5 882843150 +786 210 4 882843039 +786 211 4 882843500 +786 228 4 882844295 +786 265 4 882842946 +786 275 4 882841772 +786 281 4 882842044 +786 286 4 882841571 +786 376 3 882844096 +786 385 4 882844294 +786 419 4 882843312 +786 451 2 882844171 +786 455 1 882842762 +786 458 3 882842195 +786 484 4 882843398 +786 497 4 882842946 +786 504 4 882843352 +786 528 5 882842878 +786 546 4 882844294 +786 684 4 882843607 +786 692 4 882843190 +786 703 3 882843190 +786 849 2 882844052 +787 268 4 888979007 +787 286 3 888979007 +787 288 1 888979236 +787 294 3 888979606 +787 313 5 888979547 +787 328 3 888979874 +787 345 3 888979007 +787 351 3 888979657 +787 359 3 888979547 +787 362 3 888979657 +787 691 4 888979123 +787 748 4 888979606 +787 749 4 888979657 +787 751 4 888979235 +787 879 4 888979721 +787 906 1 888979721 +787 1671 1 888980193 +788 4 3 880868401 +788 9 4 880869508 +788 11 2 880868513 +788 22 5 880868513 +788 28 5 880868876 +788 29 3 880871240 +788 43 3 880870299 +788 44 4 880869434 +788 46 3 880870018 +788 62 3 880870179 +788 65 4 880869584 +788 89 5 880869548 +788 96 3 880868803 +788 112 3 880871173 +788 117 4 880869014 +788 130 2 880869396 +788 135 3 880869014 +788 148 3 880869215 +788 151 1 880869908 +788 153 3 880868277 +788 157 5 880869396 +788 159 3 880869135 +788 167 3 880870582 +788 172 3 880869687 +788 175 3 880868401 +788 176 5 880868743 +788 180 4 880869174 +788 186 3 880868559 +788 192 4 880868838 +788 203 5 880869215 +788 226 4 880870710 +788 230 3 880869754 +788 241 5 880869075 +788 289 4 880867565 +788 294 3 880867855 +788 300 5 880867477 +788 317 4 880869945 +788 322 4 880867422 +788 323 3 880867855 +788 328 4 880867477 +788 357 4 880869687 +788 371 3 880870626 +788 385 3 880869434 +788 391 2 880871746 +788 399 3 880871128 +788 402 3 880870544 +788 423 5 880868235 +788 443 4 880868473 +788 445 4 880869718 +788 448 2 880869355 +788 470 3 880868042 +788 482 4 880869787 +788 498 5 880867933 +788 510 5 880867933 +788 511 5 880868277 +788 520 4 880868919 +788 523 4 880868559 +788 528 5 880868144 +788 531 4 880868144 +788 553 3 880869687 +788 556 2 880871128 +788 561 3 880870626 +788 566 4 880869908 +788 572 3 880871891 +788 586 2 880871490 +788 589 5 880868005 +788 623 3 880870936 +788 627 4 880870654 +788 629 1 880870149 +788 649 3 880869649 +788 651 4 880868838 +788 655 3 880868644 +788 658 3 880869862 +788 662 4 880871359 +788 665 2 880867890 +788 670 3 880870935 +788 696 3 880871173 +788 715 3 880871664 +788 720 3 880870482 +788 736 3 880870299 +788 742 3 880869508 +788 748 3 880867855 +788 810 3 880870773 +788 828 3 880869396 +788 879 4 880867422 +788 984 3 880867855 +788 1042 3 880871240 +788 1107 3 880870773 +788 1139 1 880871605 +788 1183 2 880871891 +788 1459 2 880871857 +789 100 5 880332089 +789 124 4 880332089 +789 129 5 880332063 +789 150 5 880332333 +789 151 2 880332365 +789 276 5 880332063 +789 288 3 880331942 +789 591 3 880332259 +789 628 3 880332215 +789 741 5 880332148 +789 762 3 880332232 +789 1007 4 880332215 +790 2 3 885156988 +790 4 3 885156773 +790 10 1 884461988 +790 13 3 884461820 +790 22 5 885155540 +790 62 3 885157465 +790 70 3 885157776 +790 72 2 885157661 +790 79 4 885156538 +790 80 2 885157575 +790 85 3 885156825 +790 90 2 885157440 +790 97 2 885155770 +790 100 2 884461334 +790 116 4 884461334 +790 121 3 884461657 +790 131 2 885156852 +790 135 3 885156538 +790 153 3 885155077 +790 155 3 885157061 +790 159 3 885156934 +790 161 4 885157181 +790 168 4 885155230 +790 176 3 885155489 +790 183 4 885156193 +790 196 3 885156500 +790 202 3 885156904 +790 203 4 885155459 +790 210 4 885155209 +790 213 3 885156336 +790 233 3 885157230 +790 240 3 884462692 +790 241 5 885156825 +790 258 3 884461387 +790 259 2 884461023 +790 268 4 884460878 +790 269 3 892305174 +790 275 4 884461774 +790 283 2 884461517 +790 317 4 885155949 +790 328 3 884461023 +790 365 4 885157465 +790 368 2 884462954 +790 373 3 885158459 +790 391 2 885158299 +790 403 4 885157036 +790 427 4 885155172 +790 451 3 885157299 +790 470 4 885158547 +790 475 3 884461657 +790 546 1 884461590 +790 561 3 885158082 +790 568 3 885157087 +790 570 2 885158057 +790 577 2 885158122 +790 582 3 885156852 +790 597 3 884462047 +790 665 3 885158495 +790 685 4 884461988 +790 687 1 884461162 +790 721 3 885157017 +790 739 4 885156686 +790 755 3 885157928 +790 792 2 885155603 +790 928 3 884462598 +790 944 1 885157299 +790 949 4 885156825 +790 959 3 885156686 +790 1014 2 884462551 +790 1016 2 884461925 +790 1028 3 884462692 +790 1040 2 884462954 +790 1047 3 885157621 +790 1077 3 885156619 +790 1118 3 885156046 +790 1165 2 884462890 +790 1185 2 885158257 +790 1188 3 885157984 +790 1215 1 884462737 +790 1230 2 885158235 +790 1471 2 885158374 +791 275 5 879448314 +791 294 3 879447940 +791 302 4 879447940 +791 304 4 879448035 +791 306 5 879447977 +791 331 1 879447940 +791 332 5 879448166 +791 748 3 879448035 +792 15 4 877909865 +792 25 2 877909892 +792 118 2 877910538 +792 125 3 877910539 +792 237 3 877910444 +792 363 3 877910478 +792 405 3 877909753 +792 508 2 877910478 +792 596 3 877910241 +792 742 3 877909709 +792 762 4 877910206 +792 840 2 877910539 +792 1054 1 877910666 +792 1164 3 877910629 +793 1 4 875104091 +793 3 4 875104592 +793 7 3 875104031 +793 9 3 875103810 +793 50 5 875103942 +793 100 4 875104031 +793 106 3 875104340 +793 117 4 875103739 +793 118 2 875104119 +793 122 3 875104532 +793 127 5 875103773 +793 181 4 875103810 +793 222 3 875103971 +793 235 3 875104068 +793 237 3 875103842 +793 240 4 875104565 +793 252 4 875104498 +793 273 3 875103942 +793 405 3 875104340 +793 406 2 875104221 +793 628 3 875103942 +793 685 3 875104718 +793 742 3 875104648 +793 979 3 875104620 +793 1014 3 875103810 +794 13 4 891035582 +794 14 5 891034956 +794 19 4 891036111 +794 100 5 891035063 +794 109 4 891035941 +794 116 5 891035307 +794 137 5 891035307 +794 187 5 891035117 +794 224 4 891035793 +794 249 3 891035885 +794 257 4 891036265 +794 273 4 891036111 +794 285 5 891035355 +794 455 4 891034986 +794 473 4 891036222 +794 515 5 891034755 +794 936 5 891035219 +794 1251 4 891034755 +795 1 4 883767204 +795 2 3 883252599 +795 10 4 880556527 +795 12 4 881260621 +795 17 2 883252686 +795 21 3 880557953 +795 28 4 880569414 +795 39 4 883253661 +795 47 3 881265108 +795 50 3 880557114 +795 62 4 883254564 +795 68 3 883253137 +795 70 3 883253481 +795 72 3 883252003 +795 79 2 880568325 +795 81 4 883250055 +795 91 5 881265483 +795 95 4 881529851 +795 105 1 883774317 +795 108 3 880559483 +795 109 3 880557210 +795 123 4 880558447 +795 132 3 883249522 +795 144 4 881265483 +795 151 3 880558562 +795 154 3 881529904 +795 169 5 880567884 +795 191 4 883249962 +795 201 4 880569984 +795 202 3 881529874 +795 203 3 881530198 +795 208 4 881252835 +795 210 4 880567593 +795 222 3 880558122 +795 226 3 883251800 +795 382 4 881529077 +795 402 2 883254905 +795 405 1 883774317 +795 410 2 880559227 +795 412 3 883254675 +795 423 2 881265617 +795 425 3 883249522 +795 431 4 883253193 +795 434 3 880569983 +795 436 3 883767338 +795 473 2 880561783 +795 546 3 880559275 +795 559 2 883774317 +795 564 1 883774317 +795 567 2 883253903 +795 583 4 883250168 +795 640 4 883251200 +795 658 2 883251696 +795 716 3 880569984 +795 739 1 883774317 +795 746 3 881529904 +795 747 3 883252630 +795 755 3 883254564 +795 820 3 880560679 +795 825 2 880559026 +795 919 4 880557617 +795 926 2 880561783 +795 998 3 883255182 +795 1030 3 883255381 +795 1041 3 883254780 +795 1095 3 883767108 +795 1413 3 883254987 +796 8 5 892690059 +796 15 4 893188341 +796 23 2 892690382 +796 28 3 892662523 +796 31 4 893194547 +796 33 3 893048471 +796 36 1 893047967 +796 43 4 893188486 +796 48 3 892663090 +796 53 1 893048713 +796 54 4 893194685 +796 58 3 892675605 +796 62 4 893048562 +796 63 3 893218764 +796 64 4 892662400 +796 71 4 893218764 +796 77 5 893194646 +796 79 5 892661988 +796 82 3 892676195 +796 88 5 893047287 +796 91 2 893219033 +796 94 3 893219065 +796 95 4 892690382 +796 96 4 892662523 +796 99 3 893218764 +796 125 4 892660465 +796 126 3 892690173 +796 127 5 892660147 +796 134 3 892663009 +796 143 5 893218728 +796 144 5 892662524 +796 145 2 893218485 +796 147 5 893048410 +796 152 3 892690101 +796 172 4 892663090 +796 182 4 893048342 +796 195 5 892675424 +796 199 3 892662223 +796 200 5 893218420 +796 204 5 892662441 +796 209 3 893048115 +796 213 4 893047167 +796 216 5 892761543 +796 226 3 893048410 +796 227 4 893048471 +796 231 3 893048622 +796 234 2 892690173 +796 236 4 893048149 +796 237 5 893047126 +796 243 3 892612354 +796 245 3 892612031 +796 248 3 892660465 +796 257 5 892660283 +796 265 5 892761544 +796 269 3 892610692 +796 274 5 893047167 +796 283 3 892660322 +796 284 3 892660954 +796 294 3 892611979 +796 300 4 892611903 +796 318 4 892661988 +796 323 2 892611953 +796 328 5 892612057 +796 333 5 892610876 +796 339 2 892874859 +796 342 5 892611871 +796 356 4 893194646 +796 371 5 893047167 +796 378 4 893218764 +796 385 5 893048342 +796 387 3 893047504 +796 391 4 893048713 +796 405 5 892660954 +796 423 4 892690262 +796 429 4 892690102 +796 447 3 893218485 +796 449 4 893048622 +796 450 3 893049399 +796 477 2 892660465 +796 478 5 892761629 +796 479 4 892761427 +796 486 5 892676072 +796 511 4 892676155 +796 514 3 892676231 +796 525 4 892761390 +796 530 3 893048410 +796 550 3 893048562 +796 559 3 893218453 +796 565 3 893218556 +796 568 4 892676114 +796 573 4 893218521 +796 578 4 893048562 +796 591 3 892611093 +796 606 4 892761504 +796 607 4 892662964 +796 633 5 892662070 +796 649 3 893194646 +796 655 3 893048115 +796 660 5 892690101 +796 662 5 893047207 +796 665 2 893048622 +796 672 3 893218485 +796 685 4 892660466 +796 693 3 893188650 +796 705 4 892690263 +796 707 3 892663154 +796 736 3 893047126 +796 748 5 892611979 +796 762 3 892676115 +796 769 4 893218622 +796 778 4 893047021 +796 779 3 893048713 +796 783 4 893047691 +796 796 4 893047320 +796 849 4 893048562 +796 869 4 893047287 +796 939 3 892761504 +796 977 2 893194992 +796 988 3 893219180 +796 1032 3 893219451 +796 1039 4 892662223 +796 1046 3 893194607 +796 1055 3 893188577 +796 1126 1 892662826 +796 1163 3 892660364 +796 1197 3 892660955 +796 1297 2 893047504 +796 1415 3 893219254 +796 1511 3 892660955 +797 243 2 879439104 +797 257 5 879439362 +797 259 3 879439136 +797 294 3 879439105 +797 298 3 879439362 +797 309 3 879438992 +797 327 2 879438992 +797 336 2 879439136 +797 720 2 879439735 +797 1023 3 879439519 +798 2 4 875743787 +798 15 4 875295810 +798 38 4 875915806 +798 50 5 875295810 +798 63 5 875914939 +798 72 3 875638883 +798 73 4 875914114 +798 81 3 876177211 +798 83 4 875303683 +798 105 3 875555000 +798 111 1 875296109 +798 112 3 875296234 +798 125 3 875296178 +798 132 4 875639134 +798 133 3 875303559 +798 140 4 876175467 +798 168 4 875743765 +798 172 4 875639656 +798 174 4 875743140 +798 181 5 875295772 +798 191 4 875743458 +798 202 2 875639095 +798 210 4 875743410 +798 243 4 875295566 +798 254 5 875637836 +798 265 5 875915777 +798 281 4 875296234 +798 323 4 875295469 +798 393 3 875915029 +798 394 4 875914484 +798 395 3 875915279 +798 399 5 875638680 +798 402 3 875916297 +798 415 3 875639260 +798 418 4 875639212 +798 419 4 876175937 +798 420 3 876175937 +798 432 4 876176259 +798 443 3 876249370 +798 472 3 875638178 +798 473 2 875296109 +798 476 2 875637822 +798 482 3 875638884 +798 498 3 875639581 +798 554 2 875638884 +798 568 4 875656111 +798 571 3 875914458 +798 577 2 875639441 +798 584 3 876176071 +798 585 3 875743912 +798 610 3 875743314 +798 648 3 875914785 +798 659 4 875914337 +798 660 3 876177436 +798 671 2 875639115 +798 694 3 875303718 +798 699 3 875303502 +798 703 4 876177414 +798 728 4 875914458 +798 731 3 875303765 +798 732 2 875638759 +798 734 3 875639061 +798 736 5 875639010 +798 746 4 875914066 +798 755 3 875638627 +798 785 3 875639553 +798 801 3 875915317 +798 815 5 875295695 +798 826 5 875295695 +798 827 4 875637541 +798 828 4 875637986 +798 845 5 875295930 +798 878 4 875295521 +798 924 3 875296148 +798 926 4 875638203 +798 929 3 875638090 +798 930 5 875637661 +798 941 3 876176561 +798 944 4 875914573 +798 945 3 875743518 +798 1003 3 875639478 +798 1032 3 875639212 +798 1035 4 875638717 +798 1043 3 875915279 +798 1063 3 875303502 +798 1076 3 876176043 +798 1102 4 875637680 +798 1284 3 875637744 +798 1285 3 876177330 +798 1337 3 875554892 +798 1435 2 875639836 +798 1446 4 875914898 +798 1503 3 876176071 +798 1509 3 875915155 +799 127 4 879254026 +799 191 3 879254077 +799 306 4 879253795 +799 307 3 879253795 +799 321 4 879253720 +799 331 4 879253795 +799 427 5 879254077 +799 1063 4 879254026 +799 1545 4 879254026 +800 1 4 887646283 +800 15 4 887646631 +800 50 4 887646263 +800 121 4 887646423 +800 181 4 887646203 +800 237 4 887646980 +800 275 4 887646203 +800 405 4 887646705 +800 476 3 887646776 +801 245 3 890333042 +801 268 5 890332645 +801 271 5 890332929 +801 299 2 890333011 +801 302 4 890332645 +801 313 5 890332694 +801 332 5 890332719 +801 343 4 890332986 +801 355 3 890332929 +801 358 4 890333094 +801 681 1 890332820 +801 682 5 890332775 +801 752 4 890332853 +801 881 3 890332820 +802 98 4 875985601 +802 134 3 875985347 +802 176 5 875985469 +802 183 5 875985469 +802 184 4 875986155 +802 194 4 875986155 +802 197 3 875985347 +802 200 4 875985686 +802 201 4 875985601 +802 217 3 875985767 +802 219 5 875985767 +802 259 2 875984938 +802 264 4 875986155 +802 266 3 875984938 +802 288 3 875984637 +802 333 4 875986155 +802 358 3 875984722 +802 436 4 875985686 +802 440 3 875985686 +802 565 3 875985976 +802 569 3 875985840 +802 646 4 875986155 +802 665 4 875985469 +802 669 1 875985840 +802 670 4 875986155 +802 748 4 875984776 +802 769 5 875985976 +802 879 5 875984938 +803 259 2 880054971 +803 260 3 880055454 +803 261 1 880054754 +803 264 2 880055309 +803 289 3 880055309 +803 300 3 880054629 +803 304 3 880054792 +803 305 5 880055604 +803 307 4 880055604 +803 322 2 880055043 +803 325 4 880054885 +803 340 5 880055088 +803 538 4 880054834 +803 990 2 880054792 +804 2 4 879445493 +804 32 3 879444352 +804 40 3 879445739 +804 50 4 879440912 +804 55 4 879442141 +804 69 4 879444890 +804 72 4 879445281 +804 79 4 879441627 +804 94 4 879446194 +804 96 5 879441677 +804 97 4 879442057 +804 98 5 879441503 +804 99 4 879442984 +804 100 5 879445904 +804 108 3 879443819 +804 118 4 879443900 +804 132 4 879445305 +804 145 3 879446276 +804 152 4 879445466 +804 153 4 879441346 +804 154 3 879441598 +804 155 3 879445660 +804 156 4 879444781 +804 159 4 879445441 +804 161 4 879442269 +804 162 2 879446037 +804 167 3 879445956 +804 174 5 879441476 +804 182 4 879444924 +804 187 4 879441973 +804 193 4 879444518 +804 197 4 879443136 +804 208 5 879441412 +804 216 4 879441450 +804 218 4 879445072 +804 219 3 879445072 +804 229 4 879445816 +804 230 4 879442001 +804 233 4 879445815 +804 235 5 879443736 +804 238 4 879441727 +804 239 4 879442122 +804 245 4 879441132 +804 250 4 879441000 +804 252 4 879441160 +804 257 5 879441014 +804 288 1 879447476 +804 290 4 879443795 +804 291 4 879443819 +804 292 2 879441099 +804 294 5 879441099 +804 307 4 879440600 +804 310 4 879440600 +804 328 4 879440600 +804 357 5 879441450 +804 373 2 879447476 +804 379 3 879445465 +804 380 4 879445715 +804 393 3 879445072 +804 402 3 879445441 +804 412 2 879445955 +804 413 4 879443918 +804 425 4 879442643 +804 428 3 879445841 +804 429 4 879445037 +804 431 4 879442707 +804 434 4 879442642 +804 435 3 879444488 +804 436 5 879444984 +804 444 4 879444743 +804 448 3 879445841 +804 449 3 879445281 +804 455 5 879443609 +804 476 3 879443852 +804 479 4 879441542 +804 483 5 879441627 +804 495 3 879442792 +804 496 5 879441973 +804 504 3 879444444 +804 513 5 879441937 +804 520 4 879445904 +804 523 5 879441476 +804 527 4 879441752 +804 529 4 879441913 +804 554 2 879447476 +804 573 3 879445232 +804 582 3 879444963 +804 597 3 879444011 +804 603 5 879441937 +804 616 3 879442984 +804 625 3 879445493 +804 629 3 879445072 +804 631 3 879444463 +804 632 3 879444488 +804 637 3 879444943 +804 642 3 879445556 +804 646 4 879441936 +804 647 5 879442001 +804 651 4 879445904 +804 655 4 879442377 +804 671 3 879445493 +804 685 4 879443946 +804 708 3 879445783 +804 737 3 879444781 +804 742 4 879442732 +804 746 4 879444890 +804 763 4 879443776 +804 797 4 879445280 +804 820 4 879444115 +804 841 4 879443709 +804 926 4 879443993 +804 928 4 879443736 +804 930 3 879444115 +804 949 3 879445254 +804 951 3 879444781 +804 969 4 879442687 +804 982 4 879444048 +804 1025 4 879440765 +804 1060 3 879443918 +804 1065 3 879441727 +804 1101 3 879444805 +804 1139 3 879446145 +804 1177 3 879446390 +804 1244 2 879441132 +804 1260 3 879445660 +804 1615 4 879441195 +805 4 2 881694798 +805 8 3 881704063 +805 9 3 881697667 +805 11 2 881694423 +805 13 3 881704063 +805 21 2 881705055 +805 38 3 881695080 +805 65 3 881698861 +805 68 3 881694886 +805 71 3 881695560 +805 79 5 881694423 +805 82 3 881694854 +805 98 5 881695196 +805 100 5 881695196 +805 111 3 881696671 +805 121 3 881694885 +805 127 3 879971215 +805 128 5 881694798 +805 140 3 881705892 +805 141 2 881705843 +805 144 3 881694693 +805 145 2 881695445 +805 150 5 883766549 +805 153 4 881704063 +805 155 1 881696923 +805 162 2 881698069 +805 169 4 881695527 +805 173 4 881696671 +805 179 4 881697792 +805 181 3 879971215 +805 185 5 881695196 +805 191 4 881697713 +805 196 2 881698778 +805 204 2 881704016 +805 210 3 881694693 +805 213 3 881696699 +805 214 2 881700713 +805 226 3 881694978 +805 228 3 881694423 +805 231 3 881694978 +805 234 5 881695244 +805 241 2 881694923 +805 258 3 879971215 +805 271 3 880055033 +805 273 2 883415418 +805 294 1 879970879 +805 317 4 881698745 +805 322 2 879971215 +805 338 1 879970974 +805 346 4 883766007 +805 357 5 881697713 +805 367 4 881705108 +805 371 1 881696759 +805 393 3 881705843 +805 401 4 881705108 +805 402 2 881697013 +805 403 4 881694886 +805 405 3 881694885 +805 406 1 881695445 +805 411 2 881705350 +805 417 2 881705918 +805 419 4 881705766 +805 425 5 881698745 +805 428 5 881704337 +805 431 1 881694713 +805 432 5 881695527 +805 433 4 883415418 +805 436 3 881695347 +805 451 5 881696759 +805 452 3 881695445 +805 477 4 881705810 +805 509 5 881698095 +805 519 4 881698095 +805 549 3 881696759 +805 552 3 881696124 +805 588 2 881695527 +805 597 3 881695080 +805 629 3 881704553 +805 636 4 881694978 +805 642 4 881695830 +805 645 5 881704193 +805 659 3 881695677 +805 665 4 881684185 +805 678 4 879971214 +805 679 4 881694854 +805 708 3 881699661 +805 716 4 881696980 +805 724 2 881696699 +805 729 3 881699728 +805 739 1 881697013 +805 768 2 881706049 +805 810 2 881695105 +805 831 4 881695040 +805 890 3 882216972 +805 922 5 881702716 +805 928 3 881695930 +805 942 3 881698861 +805 946 2 881695591 +805 950 3 881698828 +805 959 2 881705327 +805 998 4 881705327 +805 1002 1 881705592 +805 1008 4 881699661 +805 1065 5 881697792 +805 1071 4 881705456 +805 1105 2 884881781 +805 1118 5 881704553 +805 1119 3 881696759 +805 1149 4 881697229 +805 1157 5 881696124 +805 1629 5 881703690 +806 1 4 882385082 +806 6 2 882385063 +806 29 4 882390296 +806 45 4 882388159 +806 47 4 882387563 +806 70 2 882388628 +806 76 3 882389054 +806 79 3 882387448 +806 81 5 882389727 +806 88 4 882390191 +806 90 4 882390164 +806 96 5 882389908 +806 100 4 882385063 +806 111 3 882385237 +806 117 2 882385237 +806 127 5 882386323 +806 128 3 882388419 +806 131 4 882390496 +806 143 5 882390296 +806 161 3 882388328 +806 169 5 882387756 +806 170 5 882387520 +806 174 5 882387870 +806 175 5 882387756 +806 180 4 882388082 +806 187 5 882387670 +806 188 3 882388159 +806 196 5 882388437 +806 200 4 882387670 +806 209 3 882387837 +806 226 3 882389908 +806 227 2 882388353 +806 230 4 882388520 +806 231 3 882390614 +806 234 4 882388036 +806 237 2 882385135 +806 249 4 882385476 +806 252 1 882386110 +806 265 4 882388328 +806 271 3 882384844 +806 273 4 882385524 +806 288 3 882384554 +806 302 4 882384513 +806 318 5 882387484 +806 408 5 882385237 +806 419 5 882388706 +806 421 4 882388897 +806 455 3 882385455 +806 484 4 882387373 +806 504 4 882388658 +806 518 3 882388231 +806 553 3 882389831 +806 628 3 882385309 +806 675 3 882388381 +806 690 2 882384589 +806 702 3 882388795 +806 856 5 882387644 +806 875 3 882384802 +806 879 3 882384802 +806 1010 3 882385806 +806 1012 4 882385278 +806 1048 3 882385806 +806 1059 3 882390426 +806 1098 4 882387925 +806 1129 3 882384988 +807 2 4 892978338 +807 28 4 892528918 +807 50 5 892529076 +807 68 4 892705239 +807 69 5 892528110 +807 89 4 892528470 +807 91 5 892684675 +807 95 4 892529185 +807 102 4 892979501 +807 118 4 892529713 +807 132 4 892530003 +807 136 5 892529185 +807 139 2 893082430 +807 142 3 892530752 +807 144 4 892528771 +807 168 4 892529893 +807 172 5 892528515 +807 186 4 892530004 +807 204 4 892528954 +807 205 3 892528605 +807 206 2 892684932 +807 208 4 892528646 +807 222 4 892528174 +807 228 4 892529448 +807 229 4 892530752 +807 230 4 892530216 +807 258 3 892527100 +807 289 4 892527665 +807 298 4 893083851 +807 300 5 892527168 +807 318 5 892528062 +807 373 4 893081695 +807 386 4 893080516 +807 393 4 892528954 +807 398 3 893082268 +807 402 5 892705096 +807 403 4 892979116 +807 408 3 892528813 +807 417 3 892979746 +807 421 3 892529805 +807 422 4 893082741 +807 423 5 892528470 +807 428 4 892530439 +807 431 4 892528062 +807 432 5 892530498 +807 449 5 893082893 +807 470 5 892529448 +807 472 4 892530625 +807 483 5 892529756 +807 484 4 892530966 +807 496 5 892528918 +807 503 3 892530004 +807 510 5 892529401 +807 515 4 892528999 +807 520 5 892529358 +807 523 3 892529519 +807 542 5 893081951 +807 543 2 892528427 +807 578 4 892530582 +807 588 5 892530251 +807 596 4 892530792 +807 602 5 893083772 +807 625 3 892978296 +807 659 4 892977077 +807 720 4 893080801 +807 743 3 893083216 +807 748 4 892527267 +807 757 4 892528374 +807 826 3 893082505 +807 831 4 892530881 +807 843 2 892684615 +807 930 5 893082778 +807 998 3 893081656 +807 1016 4 893083991 +807 1039 4 892528324 +807 1066 5 893081508 +807 1076 3 893082227 +807 1078 4 892979639 +807 1274 3 893083179 +807 1409 4 892978256 +808 264 5 883949986 +808 270 4 883949560 +808 327 5 883949986 +808 340 5 883949986 +808 346 5 883949986 +808 748 4 883949873 +808 751 3 883949560 +808 872 5 883949986 +808 875 4 883949915 +809 245 3 891037127 +809 299 4 891037069 +809 300 4 891036903 +809 315 5 891036743 +809 319 3 891036744 +809 322 3 891037069 +809 331 2 891036809 +809 333 3 891036903 +809 340 4 891036744 +809 1025 1 891037205 +810 289 5 879895403 +810 323 4 879895314 +810 328 5 885406635 +810 339 5 891294039 +810 342 5 890083580 +810 678 4 879895453 +810 873 3 879895403 +810 876 3 886614969 +810 878 4 879895500 +810 881 4 879895350 +811 243 3 886377579 +811 321 3 886377483 +811 678 5 886377686 +811 895 5 886377311 +811 901 4 886377771 +811 988 4 886377686 +812 300 5 877625461 +812 302 3 877625109 +812 332 4 877625368 +812 333 5 877625294 +812 682 4 877625224 +812 873 4 877625537 +813 9 3 883752051 +813 243 3 883752660 +813 263 3 883752606 +813 266 2 883752660 +813 270 5 883752380 +813 271 4 883752455 +813 300 4 883752331 +813 304 1 883752380 +813 307 4 883752265 +813 326 3 883752380 +813 690 4 883752331 +813 750 4 883752264 +813 751 5 883752264 +813 893 3 883752708 +814 5 3 885411030 +814 7 4 885411073 +814 98 4 885410957 +814 145 2 885411749 +814 184 3 885411073 +814 201 2 885410957 +814 234 3 885410957 +814 288 4 885410789 +814 358 2 885410837 +814 413 2 885411749 +814 436 3 885411073 +814 441 2 885411347 +814 444 2 885411347 +814 447 3 885411030 +814 635 2 885411749 +814 667 2 885411204 +814 669 3 885411204 +815 1 5 878691975 +815 2 3 878696355 +815 9 4 878691739 +815 28 4 878694199 +815 54 3 878696355 +815 71 5 878694341 +815 79 4 878694493 +815 82 4 884267891 +815 83 4 878695311 +815 88 4 878695176 +815 91 3 878696840 +815 97 5 878694983 +815 98 4 878693183 +815 114 5 878695019 +815 121 2 878692344 +815 133 5 878694613 +815 143 5 878694665 +815 144 4 878693989 +815 151 4 878692207 +815 159 3 878694306 +815 167 2 878697705 +815 168 3 878693424 +815 175 3 878694952 +815 179 2 878694228 +815 190 5 878693381 +815 195 4 878695278 +815 204 4 878693871 +815 210 2 878698553 +815 214 5 878693497 +815 217 3 878696681 +815 222 4 884320310 +815 226 3 878698704 +815 227 2 878695147 +815 228 5 878694735 +815 229 3 878695527 +815 230 5 878698098 +815 233 3 878694381 +815 239 5 878694563 +815 258 4 884320310 +815 265 5 878696181 +815 313 5 884222552 +815 318 5 878693497 +815 333 3 887978234 +815 380 3 878695744 +815 392 4 878697163 +815 402 5 878695438 +815 403 4 878697532 +815 427 5 887978255 +815 443 3 878695055 +815 444 2 878698407 +815 472 1 878692826 +815 479 4 878694106 +815 484 4 878693989 +815 514 1 878693183 +815 515 5 878691739 +815 521 4 878694381 +815 523 4 878693462 +815 526 4 878696093 +815 527 5 878693830 +815 529 5 878694854 +815 559 3 878695877 +815 588 5 878693906 +815 602 3 878694269 +815 613 5 878694983 +815 625 4 878694705 +815 629 4 878695527 +815 639 2 878696681 +815 655 3 878694563 +815 659 5 878694952 +815 660 4 878696441 +815 671 4 878695679 +815 686 5 878695092 +815 705 5 878693183 +815 732 5 878694106 +815 835 3 878694269 +815 837 5 878694983 +815 871 1 878693073 +815 919 5 878691844 +815 945 4 878697261 +815 1133 3 878697466 +815 1157 2 884267828 +815 1204 5 878696619 +815 1299 3 878697015 +816 243 4 891711554 +816 260 3 891711579 +816 264 4 891711495 +816 271 4 891711378 +816 300 4 891710724 +816 322 4 891710922 +816 323 4 891711324 +816 328 4 891710968 +816 342 4 891711519 +816 678 4 891710837 +816 690 4 891710922 +816 1025 4 891711495 +817 9 3 874815836 +817 117 5 874815947 +817 121 3 874815835 +817 222 4 874815835 +817 273 5 874815885 +817 288 4 874815593 +817 294 4 874815593 +817 300 3 874815542 +817 329 4 874815649 +817 405 3 874815947 +817 455 3 874815947 +817 831 1 874816007 +817 876 4 874815542 +817 924 3 874815947 +818 245 4 891870515 +818 258 4 891870301 +818 269 3 891870173 +818 288 5 891870364 +818 303 5 891870222 +818 312 2 891870546 +818 313 4 891870173 +819 147 5 884105025 +819 177 4 884105025 +819 245 3 879952688 +819 246 4 884012614 +819 255 1 884105841 +819 258 2 879952538 +819 286 5 879952508 +819 304 4 879952565 +819 345 4 884618137 +819 533 4 884618086 +819 744 5 880382355 +820 258 3 887954853 +820 286 4 887954853 +820 302 5 887954906 +820 324 3 887955020 +820 328 2 887955079 +820 333 5 887954878 +820 347 4 887954853 +820 358 1 887954972 +820 751 1 887955180 +820 895 2 887955046 +821 14 4 874792369 +821 22 5 874793418 +821 71 5 874793969 +821 95 5 874793898 +821 98 5 874793847 +821 111 4 874793049 +821 125 4 874792860 +821 148 3 874792650 +821 151 4 874792889 +821 237 5 874792491 +821 281 3 874793218 +821 284 3 874792521 +821 294 4 874792194 +821 389 5 874793469 +821 459 5 874792698 +821 471 4 874792752 +821 473 3 874792813 +821 483 5 874793517 +821 484 5 874793898 +821 495 5 874793574 +821 504 4 874793848 +821 597 3 874793022 +821 707 5 874793848 +821 845 5 874792591 +821 993 4 874792570 +822 1 4 891037291 +822 91 3 891037394 +822 95 4 891037394 +822 101 2 891037465 +822 169 4 891037394 +822 189 4 891037394 +822 206 3 891036851 +822 751 3 891035141 +822 902 4 891033747 +823 4 5 878438607 +823 12 4 878437925 +823 17 4 878439655 +823 25 3 878438642 +823 26 5 878438930 +823 42 4 878438357 +823 50 5 878438435 +823 52 3 878439605 +823 56 5 878438119 +823 58 5 878438930 +823 66 4 878439391 +823 79 4 878439038 +823 88 5 878438780 +823 89 5 878438780 +823 96 4 878438179 +823 101 3 878438807 +823 102 4 878438807 +823 127 5 878438357 +823 128 2 878438733 +823 134 5 878438232 +823 136 5 878438206 +823 141 4 878438484 +823 143 4 878438024 +823 154 5 878438607 +823 156 5 878438403 +823 161 3 878438535 +823 168 5 878437658 +823 170 4 878438357 +823 174 5 878437589 +823 176 4 878438807 +823 181 4 878438260 +823 183 4 878438403 +823 187 5 878438148 +823 194 5 878439136 +823 202 4 878438672 +823 204 4 878438930 +823 206 4 878439089 +823 215 4 878437925 +823 219 2 878439038 +823 227 1 878439497 +823 230 3 878439557 +823 231 3 878439337 +823 234 4 878438608 +823 238 5 878438057 +823 294 3 878439981 +823 408 5 878437589 +823 410 4 878438535 +823 418 4 878438672 +823 425 5 878438298 +823 426 4 878437658 +823 427 4 878439038 +823 473 3 878439065 +823 503 5 878439315 +823 514 5 878438024 +823 517 5 878437658 +823 588 3 878438179 +823 625 4 878438807 +823 631 4 878439293 +823 640 1 878439315 +823 651 5 878438179 +823 654 5 878437703 +823 655 5 878439364 +823 686 4 878439257 +823 708 4 878438930 +823 709 3 878438095 +823 710 4 878438457 +823 715 5 878439065 +823 735 4 878438754 +823 742 4 878438535 +823 792 3 878438057 +823 866 2 878438179 +823 919 4 878438206 +823 1046 3 878439467 +823 1067 4 878438511 +823 1070 4 878438332 +824 243 1 877021002 +824 245 2 877021121 +824 259 4 877020927 +824 319 2 877020927 +824 748 1 877021077 +825 9 3 880755418 +825 16 3 889020779 +825 25 4 880756904 +825 98 5 881101641 +825 100 4 880755942 +825 105 3 889021208 +825 106 4 880756504 +825 118 4 880756725 +825 121 5 880756076 +825 124 3 881097389 +825 126 3 880755982 +825 127 3 880755612 +825 137 2 880756224 +825 147 5 880756643 +825 148 4 880756725 +825 195 5 881101543 +825 222 5 880755468 +825 237 4 880931932 +825 249 3 880755693 +825 252 5 880757103 +825 273 5 880756401 +825 274 4 889020826 +825 282 4 880755693 +825 284 3 880756603 +825 285 3 880756504 +825 288 1 880931932 +825 290 4 880755869 +825 291 5 880756603 +825 321 3 886697076 +825 323 4 881185672 +825 325 5 882109250 +825 326 4 886696420 +825 370 3 889021180 +825 405 5 880756442 +825 407 3 889021180 +825 409 3 889020852 +825 411 3 889021134 +825 456 3 889021287 +825 566 5 881101543 +825 597 5 880756933 +825 620 3 889021134 +825 628 4 880756504 +825 678 4 880757103 +825 685 4 880756321 +825 696 3 889020961 +825 740 2 880756320 +825 746 5 881101782 +825 748 5 880756504 +825 823 4 881342978 +825 831 3 880756796 +825 833 4 881101329 +825 840 4 880757103 +825 844 2 892949244 +825 866 4 880756376 +825 871 3 880932283 +825 919 1 881099316 +825 930 5 881184695 +825 931 3 889021287 +825 932 3 880756862 +825 982 5 881184695 +825 1008 1 889020680 +825 1011 3 881101246 +825 1013 2 881185672 +825 1034 4 881185343 +825 1049 3 880756834 +825 1051 4 880755693 +825 1199 4 880755762 +825 1254 1 880756678 +826 2 3 885690713 +826 4 4 885690526 +826 22 5 885690481 +826 29 3 885690750 +826 39 4 885690600 +826 62 4 885690790 +826 71 5 885690342 +826 79 4 885690526 +826 82 3 885690482 +826 89 5 885690526 +826 95 5 885690342 +826 96 5 885690600 +826 102 4 885690442 +826 177 5 885690676 +826 183 5 885690482 +826 187 4 885690481 +826 190 3 885690636 +826 210 5 885690526 +826 227 4 885690713 +826 260 3 885690022 +826 265 5 885690526 +826 271 4 885690022 +826 385 5 885690677 +826 399 4 885690790 +826 426 2 885690379 +826 511 3 885690482 +826 526 3 885690677 +826 540 3 885690854 +826 550 3 885690750 +826 568 4 885690636 +826 578 5 885690713 +826 586 4 885690819 +826 625 3 885690442 +826 651 4 885690526 +826 665 5 885690819 +826 720 3 885690819 +826 748 4 885689918 +826 771 3 885690900 +826 779 3 885690900 +826 810 3 885690854 +826 849 4 885690750 +826 1110 4 885690900 +826 1228 3 885690900 +826 1231 3 885690854 +826 1240 5 885690442 +826 1409 2 885690442 +827 245 3 882807611 +827 269 5 882201356 +827 286 3 882201725 +827 288 3 882204460 +827 289 3 882807571 +827 294 4 882807611 +827 300 3 882201725 +827 312 2 882809814 +827 316 3 892157262 +827 326 3 882807503 +827 332 3 882204460 +827 333 3 892157242 +827 343 4 882201532 +827 358 2 882808622 +827 748 4 882808465 +827 938 3 892157282 +828 6 1 891035614 +828 20 2 891035969 +828 24 4 891035864 +828 59 5 891036972 +828 70 3 893186210 +828 86 3 891037047 +828 116 4 891035724 +828 170 3 891037231 +828 179 4 891036972 +828 207 4 891036492 +828 288 3 891034237 +828 303 4 891033574 +828 316 5 891034440 +828 328 3 891033988 +828 331 4 891380166 +828 345 1 891035438 +828 346 4 891380167 +828 355 2 891035437 +828 462 3 891036630 +828 463 2 891036717 +828 475 4 891035724 +828 512 5 891037948 +828 531 4 891036972 +828 547 2 891035864 +828 557 2 891036826 +828 558 3 891037047 +828 582 3 891037813 +828 640 2 891037948 +828 652 5 891036492 +828 694 2 891036717 +828 737 1 891037948 +828 748 2 891035438 +828 751 3 891034306 +828 752 1 891035438 +828 896 4 891379760 +828 900 2 891035438 +828 906 3 891034148 +828 961 2 891038222 +828 985 3 893186246 +828 1062 4 891380166 +828 1068 4 891035864 +828 1462 3 891037948 +829 1 4 891990554 +829 10 3 881707829 +829 20 3 881707829 +829 86 4 891992008 +829 105 3 881711924 +829 116 4 881698644 +829 125 3 891990619 +829 129 4 881712252 +829 151 4 891990672 +829 190 4 881698876 +829 212 4 881699005 +829 255 3 891547657 +829 257 4 881699584 +829 258 3 886993238 +829 259 2 881707829 +829 276 4 891990694 +829 284 3 891990799 +829 286 4 891204271 +829 294 2 881707829 +829 310 3 890956632 +829 313 4 891204191 +829 408 4 891991300 +829 410 3 881086959 +829 427 4 891204271 +829 458 3 891990881 +829 475 4 891990718 +829 529 4 881698976 +829 582 4 881699060 +829 639 4 881699005 +829 705 4 891204271 +829 845 3 891990650 +829 1120 2 881707829 +829 1121 4 883149815 +830 49 5 892503093 +830 79 4 891561607 +830 87 4 891462594 +830 88 4 891464148 +830 89 5 891561607 +830 127 4 891464054 +830 134 3 891464054 +830 151 3 891560596 +830 173 4 891464148 +830 174 5 891561606 +830 193 5 891898415 +830 222 3 891561065 +830 228 3 891561607 +830 229 2 891561937 +830 231 2 891561938 +830 294 3 891464054 +830 399 5 891561999 +830 418 3 891561540 +830 424 1 891560972 +830 427 5 891462531 +830 431 3 891561737 +830 451 4 892503035 +830 487 5 891898415 +830 510 4 891561673 +830 550 5 891561870 +830 554 5 891561999 +830 566 3 891561937 +830 568 4 891561607 +830 625 3 891561541 +830 648 5 891464148 +830 661 4 891462594 +830 692 4 891464148 +830 732 5 891464415 +830 751 2 891464054 +830 834 1 891899475 +830 837 5 891462467 +831 22 5 891354573 +831 56 5 891354751 +831 129 2 891354866 +831 144 5 891354815 +831 156 4 891354751 +831 173 3 891354798 +831 197 4 891354751 +831 204 5 891354645 +831 208 2 891354612 +831 210 5 891354612 +831 237 4 891355004 +831 260 2 891354371 +831 271 2 891354225 +831 284 3 891355004 +831 294 4 891354043 +831 301 2 891354275 +831 313 5 891354000 +831 327 2 891353940 +831 479 4 891354726 +831 508 3 891354947 +831 688 1 891354424 +831 690 4 891354064 +831 742 3 891354866 +831 750 4 891354225 +831 905 4 891354020 +831 1119 3 891354751 +832 50 3 888260089 +832 243 2 888259984 +832 260 3 888259404 +832 264 3 888259480 +832 288 3 888259984 +832 307 4 888259231 +832 313 5 888258754 +832 678 2 888259984 +832 748 3 888259984 +832 895 2 888259285 +833 4 3 875123781 +833 11 5 875038850 +833 12 5 875039416 +833 13 2 875036139 +833 23 5 875123427 +833 24 4 875036213 +833 26 1 875133661 +833 32 5 875123255 +833 38 1 879818760 +833 47 5 875123299 +833 55 3 875038807 +833 58 2 875124495 +833 64 3 875039204 +833 76 2 875124382 +833 79 3 875039254 +833 89 5 875124495 +833 106 2 879818799 +833 134 5 875038987 +833 135 4 875123677 +833 150 3 875036213 +833 153 3 875038709 +833 163 3 875122814 +833 164 2 879818575 +833 172 2 875224482 +833 174 2 875038529 +833 175 4 875124535 +833 176 2 875038850 +833 179 5 875124181 +833 180 5 875123677 +833 181 2 875036321 +833 182 5 875039254 +833 184 3 875039039 +833 192 5 875038529 +833 194 3 875133840 +833 197 3 875123427 +833 200 4 875131847 +833 201 4 875134150 +833 217 2 875224252 +833 219 4 875224309 +833 223 4 875038888 +833 226 3 887158946 +833 227 2 879818619 +833 230 1 875223923 +833 234 3 875122884 +833 250 3 875036499 +833 264 2 878077967 +833 267 1 875655669 +833 271 5 879818341 +833 273 3 875035954 +833 284 1 885328485 +833 288 2 875035487 +833 291 3 879818619 +833 293 4 875035885 +833 298 5 875036383 +833 336 2 878078056 +833 344 4 888536031 +833 346 5 884828744 +833 347 3 887158791 +833 357 4 875038709 +833 378 3 875124648 +833 401 2 875135113 +833 410 3 878078390 +833 429 3 875123506 +833 430 4 875133840 +833 433 3 875124181 +833 436 2 875224252 +833 447 5 875224309 +833 448 3 875124495 +833 455 3 875297104 +833 460 2 875036827 +833 467 2 875038626 +833 474 5 875122675 +833 506 2 875132079 +833 508 5 875035953 +833 517 2 875133633 +833 521 4 875124495 +833 523 3 875133840 +833 526 4 875224515 +833 540 1 875224687 +833 576 3 875224603 +833 577 1 875135113 +833 578 1 875224603 +833 581 1 875223813 +833 591 2 875036139 +833 641 4 875038626 +833 645 3 875039416 +833 646 5 875123427 +833 655 2 875131810 +833 664 3 875124225 +833 679 3 875224482 +833 742 3 875036468 +833 745 4 875134063 +833 761 2 879818719 +833 802 1 887158946 +833 806 4 875122675 +833 819 1 875133458 +833 824 1 875134843 +833 840 2 875297195 +833 860 2 875124604 +833 861 3 875224309 +833 931 4 879818760 +833 940 2 875134411 +833 980 3 875035800 +833 1006 1 875039153 +833 1019 5 875039039 +833 1070 5 875038987 +833 1143 4 887158946 +833 1149 4 875123677 +833 1181 1 875133458 +833 1187 5 875035850 +833 1210 1 879818799 +833 1274 1 878078280 +833 1335 2 875038433 +833 1353 3 875035885 +833 1386 4 875035660 +833 1427 3 875131974 +833 1428 3 875123494 +833 1628 3 875225219 +834 9 3 890862311 +834 13 2 890862648 +834 15 4 890863052 +834 148 4 890862563 +834 181 5 890862526 +834 237 5 890862437 +834 245 4 890860416 +834 268 3 890860194 +834 272 4 890860566 +834 276 5 890862468 +834 284 4 890862468 +834 286 4 890860566 +834 287 2 890862974 +834 298 4 890862648 +834 300 3 890860334 +834 307 4 890860566 +834 316 5 890860566 +834 323 2 890860471 +834 326 4 890860386 +834 333 5 890860566 +834 342 2 890860334 +834 346 3 890860194 +834 515 5 890862231 +834 544 4 890862563 +834 628 5 890862648 +834 751 3 890860298 +834 886 4 890860566 +834 1017 2 890862563 +835 15 5 891032930 +835 28 4 891034052 +835 98 5 891034401 +835 127 4 891032536 +835 132 5 891033232 +835 134 3 891033927 +835 135 5 891033560 +835 160 3 891034219 +835 174 5 891033623 +835 176 4 891035309 +835 187 4 891033078 +835 191 4 891033276 +835 194 4 891034143 +835 200 4 891033927 +835 204 3 891033380 +835 205 3 891034084 +835 225 2 891032898 +835 234 5 891033857 +835 239 5 891034084 +835 257 3 891032738 +835 285 4 891032792 +835 286 3 891032224 +835 287 4 891035309 +835 310 4 891035309 +835 378 4 891035309 +835 405 3 891032793 +835 465 3 891033957 +835 485 5 891033525 +835 486 4 891034084 +835 488 5 891034117 +835 504 5 891033772 +835 505 3 891033857 +835 509 4 891035309 +835 514 3 891033986 +835 523 3 891033560 +835 588 3 891033857 +835 591 4 891032579 +835 606 5 891033200 +835 616 4 891033718 +835 632 5 891033747 +835 650 5 891033957 +835 685 4 891032627 +835 928 3 891032899 +835 988 3 891032391 +835 1045 4 891034023 +835 1063 4 891034285 +835 1278 5 891032653 +836 42 3 885754266 +836 163 5 885754058 +836 174 5 885754266 +836 185 5 885754118 +836 187 5 885754200 +836 210 4 885754058 +836 260 2 885753691 +836 286 3 885753435 +836 289 1 885753691 +836 292 5 885753475 +836 302 5 885753506 +836 322 2 885753639 +836 324 4 885753595 +836 327 3 885753639 +836 357 5 885754173 +836 523 5 885754150 +836 531 4 885754150 +836 663 5 885754266 +836 690 3 885753435 +836 750 3 885753475 +836 900 2 885753475 +837 9 3 875721889 +837 16 2 875721793 +837 111 4 875722050 +837 125 5 875722032 +837 181 3 875721869 +837 222 3 875721793 +837 250 2 875722104 +837 277 2 875722169 +837 278 3 875722246 +837 284 1 875722104 +837 285 4 875722187 +837 328 4 875721604 +837 472 3 875722141 +837 717 1 875722393 +837 740 5 875722123 +837 763 1 875722123 +837 926 1 875722371 +837 934 2 875722483 +837 950 2 875722169 +837 1009 5 875721765 +837 1049 1 875722298 +838 1 5 887064024 +838 9 4 887063696 +838 28 4 887065709 +838 45 4 887066644 +838 50 5 887063657 +838 60 4 887067575 +838 69 4 887067609 +838 70 4 887066207 +838 82 4 887066783 +838 83 5 887065807 +838 93 3 887063937 +838 121 2 887064248 +838 124 4 887063696 +838 127 5 887063657 +838 153 4 887066783 +838 172 5 887066143 +838 174 4 887066078 +838 175 3 887066186 +838 191 5 887065709 +838 204 4 887066040 +838 210 4 887067359 +838 222 4 887064356 +838 238 4 887067359 +838 254 3 887065606 +838 255 4 887063937 +838 257 5 887064014 +838 258 5 887060659 +838 283 5 887063994 +838 313 5 887060659 +838 354 4 892153360 +838 419 5 887066989 +838 487 4 887067126 +838 494 4 887066644 +838 568 4 887067309 +838 584 4 887066143 +838 705 5 887065750 +838 713 4 887064193 +838 718 5 887064051 +838 750 4 887060879 +838 919 5 887064316 +838 945 4 887065917 +838 993 3 887064231 +838 1039 5 887065782 +839 1 4 875751723 +839 7 2 875751992 +839 100 3 875751991 +839 106 2 875752317 +839 117 5 875752169 +839 118 2 875752317 +839 127 5 875751723 +839 130 3 875753029 +839 181 3 875751991 +839 235 4 875752433 +839 255 3 875752138 +839 258 4 875751411 +839 264 3 875751559 +839 323 4 875751559 +839 333 4 875751442 +839 458 5 875751893 +839 813 4 875752082 +839 845 4 875752237 +839 846 2 875753052 +839 864 3 875751958 +839 1048 1 875752990 +839 1245 4 875752408 +839 1381 3 875752456 +840 11 3 891204921 +840 14 5 891203250 +840 22 3 891204265 +840 23 5 891204827 +840 45 4 891205222 +840 50 4 891203366 +840 69 4 891204535 +840 70 3 891208919 +840 71 3 891209572 +840 81 4 891204948 +840 82 3 891209183 +840 89 5 891204418 +840 91 5 891208998 +840 100 5 891203166 +840 118 3 891204056 +840 127 4 891203366 +840 137 5 891203309 +840 154 3 891204564 +840 157 4 891208998 +840 172 3 891204627 +840 173 5 891204356 +840 174 4 891204114 +840 175 4 891205004 +840 176 3 891204755 +840 179 5 891205069 +840 181 3 891204056 +840 182 4 891204798 +840 183 5 891204664 +840 185 5 891204356 +840 186 4 891204827 +840 187 3 891205222 +840 190 5 891211236 +840 195 5 891204847 +840 196 4 891205070 +840 198 3 891204356 +840 199 4 891209183 +840 202 5 891204322 +840 204 4 891205245 +840 208 4 891204295 +840 209 4 891204418 +840 212 4 891209159 +840 215 4 891209285 +840 216 4 891205123 +840 221 4 891203309 +840 357 5 891204114 +840 414 4 891204535 +840 419 5 891208897 +840 432 5 891209342 +840 435 4 891204114 +840 463 5 891205287 +840 473 5 891203408 +840 480 5 891208647 +840 484 5 891204295 +840 493 5 891208958 +840 499 4 891209241 +840 501 4 891209159 +840 503 4 891209322 +840 504 3 891208647 +840 511 4 891204089 +840 516 5 891205245 +840 519 5 891204356 +840 520 5 891204089 +840 521 5 891205069 +840 525 5 891204535 +840 528 5 891209260 +840 580 3 891211972 +840 588 4 891205321 +840 603 5 891204564 +840 607 4 891204627 +840 609 4 891204627 +840 615 5 891204356 +840 616 5 891209364 +840 637 3 891205199 +840 639 4 891204564 +840 642 4 891204664 +840 644 4 891204592 +840 645 3 891204714 +840 650 4 891209364 +840 653 5 891209389 +840 654 4 891204160 +840 656 4 891205041 +840 657 5 891205287 +840 661 5 891204441 +840 675 4 891205093 +840 708 4 891209033 +840 756 4 891203664 +840 855 4 891205093 +840 936 4 891203504 +840 971 4 891209449 +840 1214 1 891211729 +840 1451 5 891205123 +840 1639 4 891211447 +840 1674 4 891211682 +841 258 5 889067076 +841 302 5 889066959 +841 306 4 889066824 +841 313 5 889066779 +841 315 4 889066780 +841 316 4 889067313 +841 322 4 889067152 +841 325 3 889067216 +841 326 4 889067216 +841 689 5 889067253 +841 751 3 889066880 +841 888 5 889067432 +841 1294 5 889067507 +842 258 3 891217835 +842 272 4 891217834 +842 288 3 891218192 +842 302 5 891217834 +842 303 5 891218002 +842 306 4 891217942 +842 315 3 891217834 +842 324 4 891218060 +842 328 2 891218192 +842 333 4 891218107 +842 340 5 891218192 +842 349 3 891218459 +842 749 4 891218060 +842 752 4 891218353 +842 874 5 891218060 +842 902 5 891218459 +842 1395 4 891218060 +843 1 3 879446186 +843 7 5 879443297 +843 50 3 879444670 +843 62 4 879444891 +843 74 2 879448830 +843 83 3 879446948 +843 89 5 879444670 +843 91 3 879446155 +843 101 3 879447424 +843 127 2 879445059 +843 132 3 879446186 +843 143 2 879447757 +843 144 3 879444711 +843 153 3 879446281 +843 154 3 879446281 +843 158 2 879449336 +843 161 2 879444891 +843 162 2 879447625 +843 164 3 879443297 +843 168 3 879446255 +843 170 1 879446863 +843 172 3 879444711 +843 173 2 879446215 +843 175 4 879446911 +843 179 4 879446774 +843 180 3 879447234 +843 181 3 879444670 +843 194 2 879445590 +843 196 2 879446806 +843 197 2 879446638 +843 199 3 879446503 +843 200 3 879447801 +843 210 3 879444670 +843 211 2 879446255 +843 214 3 879447453 +843 215 2 879447214 +843 216 2 879446806 +843 218 2 879443297 +843 222 3 879443837 +843 226 3 879443865 +843 228 4 879443763 +843 229 3 879443908 +843 230 3 879443763 +843 234 4 879443297 +843 239 3 879447670 +843 258 4 879442947 +843 300 3 879442947 +843 357 2 879446502 +843 378 2 879448230 +843 385 3 879444801 +843 392 2 879447377 +843 419 2 879446617 +843 420 3 879448073 +843 422 2 879448431 +843 423 2 879448019 +843 427 2 879446281 +843 431 3 879443763 +843 434 4 879447146 +843 435 2 879446477 +843 440 1 879443544 +843 441 2 879443544 +843 446 3 879443442 +843 465 2 879449152 +843 473 2 879449193 +843 482 2 879447007 +843 495 3 879447170 +843 504 2 879446911 +843 521 2 879446359 +843 526 3 879447625 +843 527 3 879448138 +843 528 3 879447030 +843 530 3 879444670 +843 561 4 879443482 +843 596 3 879448486 +843 616 3 879449256 +843 627 2 879447718 +843 632 2 879447146 +843 633 3 879447285 +843 637 2 879443297 +843 650 3 879447801 +843 651 2 879447837 +843 657 3 879443668 +843 660 2 879447484 +843 671 3 879446889 +843 690 5 879442947 +843 708 2 879448230 +843 1039 3 879446215 +843 1065 3 879448751 +843 1135 3 879447377 +843 1157 3 879444114 +844 2 4 877387933 +844 12 5 877388182 +844 13 3 877381708 +844 45 4 877387548 +844 55 4 877387769 +844 82 3 877387857 +844 83 5 877388183 +844 95 4 877388040 +844 99 3 877388040 +844 100 4 877381607 +844 125 3 877382269 +844 161 3 877387857 +844 172 4 877387768 +844 173 5 877388182 +844 174 4 877387768 +844 175 3 877386897 +844 176 3 877387933 +844 207 4 877387392 +844 222 3 877381629 +844 241 4 877387150 +844 255 3 877382008 +844 257 4 877381784 +844 294 2 877381206 +844 405 2 877382189 +844 418 3 877388040 +844 421 4 877387219 +844 432 5 877388183 +844 471 3 877381736 +844 549 3 877387280 +844 568 4 877387964 +844 588 4 877388040 +844 684 3 877387933 +844 864 3 877381873 +844 919 3 877381534 +844 921 5 877388183 +844 930 2 877382574 +844 946 3 877388107 +845 242 4 885409493 +845 286 5 885409719 +845 303 1 885409374 +845 306 2 885409374 +845 308 4 885409493 +845 340 1 885409719 +845 896 3 885409374 +845 904 3 885409374 +845 1234 4 885409719 +845 1238 2 885409374 +846 11 5 883948343 +846 12 5 883947777 +846 28 5 883948685 +846 39 3 883948873 +846 40 2 883950253 +846 41 3 883950859 +846 44 1 883947737 +846 47 5 883948803 +846 48 5 883949046 +846 51 4 883949121 +846 52 4 883949290 +846 54 3 883949459 +846 58 4 883949200 +846 61 3 883947911 +846 63 3 883950220 +846 65 3 883949254 +846 67 4 883950252 +846 68 3 883948765 +846 70 4 883949156 +846 73 4 883949728 +846 79 4 883947630 +846 80 4 883949594 +846 82 2 883948089 +846 87 4 883948417 +846 88 4 883948948 +846 89 5 883948003 +846 95 3 883947778 +846 97 4 883949255 +846 98 4 883947819 +846 99 4 883948989 +846 101 4 883949336 +846 131 3 883948457 +846 134 4 883947630 +846 139 2 883949508 +846 140 4 883950634 +846 141 4 883948948 +846 142 3 883950053 +846 161 4 883948534 +846 173 4 883947819 +846 174 5 883947737 +846 175 5 883948048 +846 176 4 883947694 +846 177 3 883947737 +846 181 5 883947694 +846 182 5 883948089 +846 183 4 883948048 +846 187 4 883947911 +846 192 5 883949254 +846 194 4 883947630 +846 195 4 883948141 +846 197 4 883948417 +846 198 5 883948457 +846 199 5 883947911 +846 200 4 883948685 +846 203 5 883948606 +846 204 3 883948141 +846 210 5 883947500 +846 211 2 883948089 +846 212 5 883948804 +846 213 3 883948534 +846 215 5 883949156 +846 218 4 883948089 +846 226 4 883948495 +846 233 5 883949547 +846 234 5 883948495 +846 265 5 883947630 +846 270 3 883946284 +846 271 5 883946611 +846 288 4 883946837 +846 302 5 883946861 +846 318 5 883947777 +846 357 4 883947960 +846 365 2 883950434 +846 373 3 883950391 +846 376 2 883950665 +846 380 3 883949380 +846 381 4 883950311 +846 385 5 883949156 +846 386 3 883950154 +846 391 3 883950605 +846 392 2 883950185 +846 396 5 883949508 +846 419 5 883948949 +846 421 4 883948173 +846 425 5 883949156 +846 428 3 883948377 +846 429 2 883947819 +846 430 3 883947778 +846 432 3 883948457 +846 435 5 883948222 +846 436 4 883950286 +846 441 4 883950252 +846 448 5 883949547 +846 463 5 883948222 +846 470 5 883949200 +846 474 5 883947960 +846 478 4 883947819 +846 487 4 883948685 +846 489 4 883948606 +846 490 4 883947862 +846 491 3 883947960 +846 495 4 883948840 +846 496 3 883947630 +846 497 5 883948685 +846 506 3 883948908 +846 509 4 883948765 +846 510 4 883948003 +846 511 5 883947911 +846 513 5 883947589 +846 514 3 883947590 +846 515 5 883948457 +846 521 3 883948141 +846 523 4 883948048 +846 526 4 883947960 +846 527 5 883947500 +846 549 4 883949421 +846 550 4 883949156 +846 558 4 883948221 +846 560 1 883950889 +846 561 3 883950753 +846 562 5 883950463 +846 568 4 883948571 +846 569 3 883949728 +846 576 4 883950186 +846 580 5 883949335 +846 581 4 883950129 +846 586 2 883950712 +846 602 4 883949255 +846 604 4 883947777 +846 614 5 883948765 +846 615 5 883948003 +846 616 3 883950753 +846 623 1 883950889 +846 630 3 883948642 +846 633 3 883948534 +846 638 4 883947694 +846 650 5 883948534 +846 655 3 883948804 +846 657 5 883947590 +846 660 3 883948765 +846 661 4 883948840 +846 662 3 883948765 +846 665 4 883950434 +846 693 5 883949335 +846 699 3 883947960 +846 700 2 883950605 +846 705 3 883948141 +846 728 4 883949422 +846 729 4 883950053 +846 735 2 883948141 +846 737 4 883949771 +846 738 4 883950364 +846 747 3 883948417 +846 768 4 883949508 +846 772 4 883949421 +846 778 4 883948804 +846 785 4 883950364 +846 787 4 883949335 +846 789 4 883948417 +846 792 4 883948221 +846 794 5 883948495 +846 802 2 883949508 +846 806 3 883948343 +846 836 5 883950186 +846 941 2 883949379 +846 942 4 883948765 +846 944 2 883949547 +846 955 3 883948720 +846 1041 4 883950791 +846 1078 2 883949982 +846 1109 3 883948908 +846 1124 4 883948048 +846 1178 2 883950524 +846 1206 3 883948989 +846 1210 2 883950791 +846 1218 4 883950434 +846 1220 2 883950434 +846 1221 3 883950220 +846 1249 3 883949771 +846 1297 3 883950665 +846 1439 2 883950463 +846 1478 4 883950523 +846 1479 3 883948720 +846 1530 2 883949335 +847 1 3 878775523 +847 8 4 878941082 +847 13 3 878938897 +847 25 3 878775796 +847 47 2 878939700 +847 50 4 878774969 +847 56 1 878939975 +847 66 3 878941398 +847 70 3 878940584 +847 77 4 878941421 +847 88 2 878941168 +847 89 2 878940332 +847 98 4 878940067 +847 117 2 878775570 +847 120 1 878939349 +847 125 3 878774969 +847 133 3 878941027 +847 135 4 878941144 +847 141 3 878941144 +847 142 3 878941168 +847 157 1 878940463 +847 164 3 878941056 +847 172 4 878939803 +847 174 4 878941168 +847 181 4 878775821 +847 191 4 878940652 +847 195 4 878940301 +847 196 3 878939839 +847 204 4 878939912 +847 210 3 878940584 +847 219 4 878940618 +847 220 4 878939327 +847 222 5 878775470 +847 228 4 878940383 +847 235 1 878776020 +847 240 1 878939309 +847 262 5 878774788 +847 289 5 878774856 +847 317 3 878940732 +847 369 1 878939451 +847 417 2 878941588 +847 419 3 878941027 +847 426 2 878940485 +847 447 3 878940890 +847 455 2 878775647 +847 480 3 878940039 +847 482 2 878940584 +847 496 4 878940954 +847 501 3 878940463 +847 507 3 878940161 +847 568 4 878941442 +847 578 3 878940805 +847 596 3 878938982 +847 602 3 878940732 +847 603 3 878939876 +847 609 2 878940383 +847 652 5 878941005 +847 663 2 878940954 +847 685 2 878938922 +847 705 3 878939700 +847 716 3 878941370 +847 740 4 878938982 +847 742 3 878774969 +847 820 1 878939375 +847 928 3 878939375 +847 1031 2 878941005 +847 1167 5 878939645 +847 1400 5 878940830 +848 23 2 887040025 +848 42 2 887040097 +848 50 5 887038397 +848 71 5 887046915 +848 72 5 887042341 +848 88 4 887048260 +848 97 5 887043607 +848 108 5 887040302 +848 109 4 887043421 +848 121 4 887043266 +848 127 3 887038159 +848 132 5 887038197 +848 134 5 887043265 +848 141 4 887040159 +848 153 5 887039271 +848 163 5 887048073 +848 166 5 887038159 +848 170 5 887039271 +848 173 5 887038134 +848 174 5 887038104 +848 176 4 887037980 +848 180 2 887038993 +848 183 3 887038104 +848 186 5 887039271 +848 191 5 887038564 +848 197 5 887038021 +848 199 5 887042341 +848 210 5 887039271 +848 215 5 887046565 +848 216 5 887040159 +848 238 4 887046329 +848 241 5 887047243 +848 393 5 887047962 +848 403 4 887043266 +848 405 5 887046915 +848 421 5 887043777 +848 427 5 887039136 +848 430 5 887041354 +848 431 5 887038528 +848 432 2 887038022 +848 433 3 887043180 +848 435 3 887042427 +848 443 5 887047921 +848 451 4 887042377 +848 462 5 887038634 +848 479 5 887040302 +848 483 5 887038021 +848 484 5 887043040 +848 485 5 887042341 +848 489 5 887043821 +848 498 5 887037935 +848 504 3 887038397 +848 511 4 887037822 +848 512 5 887040025 +848 514 5 887043777 +848 519 5 887037980 +848 520 5 887039329 +848 523 5 887042341 +848 527 3 887038280 +848 528 3 887037980 +848 566 4 887046823 +848 582 4 887046329 +848 606 4 887038441 +848 647 5 887039329 +848 654 5 887038104 +848 655 4 887040097 +848 661 3 887040302 +848 663 5 887046329 +848 689 1 887037584 +848 708 4 887046619 +848 739 5 887048260 +848 805 5 887048111 +848 812 2 887038475 +848 855 5 887046915 +848 945 5 887043821 +848 973 5 887046619 +848 1063 5 887038197 +848 1065 2 887048154 +849 38 5 879695420 +849 118 5 879695153 +849 133 5 879696059 +849 197 5 879695782 +849 207 5 879695680 +849 234 5 879695469 +849 406 4 879695125 +849 421 5 879695588 +849 625 5 879695420 +849 676 5 879695896 +850 50 5 883195143 +850 69 5 883195456 +850 79 5 883195192 +850 88 5 883195479 +850 95 5 883195301 +850 96 4 883195236 +850 98 1 883195192 +850 132 5 883195236 +850 153 4 883194792 +850 162 3 883195301 +850 196 3 883194792 +850 318 5 883194737 +850 385 5 883195099 +850 419 5 883195394 +850 435 4 883194859 +850 485 5 883195168 +850 496 5 883195079 +850 659 4 883194709 +850 705 5 883195034 +851 4 5 875731489 +851 8 4 875731776 +851 9 4 875730379 +851 12 4 875731370 +851 17 5 875807089 +851 22 5 875731330 +851 23 4 875806721 +851 48 4 875731489 +851 56 5 875731489 +851 64 5 875731674 +851 92 5 875806791 +851 95 4 875731282 +851 112 1 875730629 +851 127 5 891961664 +851 128 4 875731330 +851 159 3 875806953 +851 160 5 875731224 +851 161 3 875731490 +851 174 5 875731776 +851 176 4 875731816 +851 180 5 875731605 +851 193 4 875731722 +851 204 4 875731567 +851 223 4 875731567 +851 231 4 875807019 +851 234 4 875731189 +851 248 4 875730379 +851 252 3 875730418 +851 261 3 877831111 +851 262 4 890343320 +851 266 3 886534672 +851 284 3 874728338 +851 286 4 883148669 +851 295 5 874728370 +851 298 5 875730379 +851 302 5 888540054 +851 303 4 890804569 +851 310 5 891961663 +851 318 5 891961664 +851 326 3 891961717 +851 327 4 890804671 +851 328 3 886534572 +851 332 1 884205263 +851 333 5 890862741 +851 336 4 890804691 +851 339 4 888540093 +851 340 5 883148669 +851 349 3 890862917 +851 410 4 875730379 +851 435 4 875731225 +851 456 2 875730719 +851 472 3 875730312 +851 473 4 874728396 +851 475 4 875731674 +851 480 5 875731406 +851 483 4 875806721 +851 553 4 875731225 +851 591 5 891961663 +851 597 4 875730686 +851 676 3 875729887 +851 681 1 886534672 +851 687 2 874728168 +851 689 3 883148867 +851 690 4 891961166 +851 717 3 874728598 +851 751 4 883148669 +851 754 2 891961831 +851 806 4 875731330 +851 815 3 874767550 +851 818 2 875730279 +851 820 3 875730947 +851 823 3 875730532 +851 824 4 874767550 +851 825 4 875730533 +851 831 5 875731105 +851 833 3 875731105 +851 840 3 875731105 +851 845 3 874767408 +851 875 5 884205151 +851 880 3 886534617 +851 895 3 886534529 +851 912 4 891961214 +851 924 4 874789109 +851 925 3 875731022 +851 930 3 875730312 +851 979 3 875730244 +851 984 3 874809850 +851 1013 2 891961856 +851 1014 3 874767408 +851 1023 3 875730601 +851 1051 2 875730279 +851 1059 3 875730533 +851 1095 3 875731105 +851 1105 4 890862961 +851 1120 2 890343707 +851 1143 5 891961798 +851 1254 1 875730895 +851 1258 3 890343790 +851 1276 2 875730601 +851 1280 4 890343493 +851 1287 1 875731105 +851 1291 2 875730979 +851 1337 3 875730719 +851 1376 2 875730895 +851 1540 2 875731529 +851 1598 3 886534882 +851 1675 3 884222085 +851 1676 2 875731674 +852 1 4 891036457 +852 25 3 891036802 +852 100 4 891036457 +852 109 3 891036505 +852 117 4 891036707 +852 121 4 891036901 +852 122 1 891037738 +852 235 4 891036765 +852 250 4 891036414 +852 252 3 891036866 +852 259 4 891036414 +852 264 3 891035999 +852 290 4 891036817 +852 358 3 891036414 +852 407 3 891037778 +852 472 3 891037605 +852 506 4 891037917 +852 568 4 891037947 +852 826 3 891037806 +852 827 2 891036866 +852 926 3 891036902 +852 1615 2 891036457 +853 261 3 879365360 +853 270 4 879364822 +853 304 4 879364822 +853 307 1 879364744 +853 322 3 879364883 +853 333 4 879364669 +853 334 3 879364744 +853 340 1 879364744 +853 682 4 879364823 +853 690 2 879364744 +853 880 5 879364822 +854 1 3 882812225 +854 11 5 882814570 +854 13 3 882812755 +854 14 4 882812225 +854 19 3 882812826 +854 20 2 882813179 +854 25 3 882813219 +854 42 4 882813990 +854 56 5 882814571 +854 58 3 882813825 +854 83 4 882813691 +854 89 4 882814467 +854 98 4 882814394 +854 106 3 882813248 +854 111 3 882812906 +854 121 1 882813074 +854 123 1 882812406 +854 124 5 882814570 +854 132 5 882813877 +854 150 3 882812314 +854 151 4 882812451 +854 153 4 882813990 +854 156 3 882813574 +854 168 4 882814435 +854 171 4 882814333 +854 173 4 882813537 +854 174 3 882813574 +854 175 4 882813797 +854 180 4 882813537 +854 185 4 882813877 +854 194 3 882814235 +854 197 4 882813797 +854 203 4 882813933 +854 222 4 882812492 +854 235 2 882813179 +854 249 3 882812928 +854 258 4 882811810 +854 260 3 882812030 +854 269 4 882811742 +854 271 4 882811937 +854 275 4 882814571 +854 282 2 882812960 +854 286 1 882811742 +854 290 1 882813179 +854 297 4 882812263 +854 302 3 882811836 +854 321 3 882811913 +854 322 1 882811865 +854 328 1 882811865 +854 343 3 882811773 +854 357 4 882814235 +854 411 2 882813143 +854 421 3 882814028 +854 431 3 882813726 +854 466 3 882813761 +854 469 5 882814571 +854 471 2 882812928 +854 472 1 882813143 +854 476 3 882813219 +854 479 4 882813623 +854 482 3 882813761 +854 492 4 882814333 +854 493 5 882813933 +854 498 3 882813877 +854 507 4 882813623 +854 508 4 882812492 +854 509 4 882814333 +854 512 3 882814063 +854 514 4 882813537 +854 522 2 882814189 +854 528 4 882813623 +854 544 3 882812852 +854 606 4 882813691 +854 620 2 882813453 +854 628 2 882812451 +854 632 4 882813797 +854 652 3 882813825 +854 696 2 882812961 +854 705 4 882813963 +854 709 4 882814395 +854 713 4 882812288 +854 742 2 882812960 +854 756 3 882813364 +854 757 3 882814235 +854 762 2 882812905 +854 799 3 882814298 +854 811 3 882814091 +854 825 3 882813143 +854 826 2 882813453 +854 855 4 882814063 +854 945 3 882813761 +854 1011 2 882813047 +854 1013 1 882813453 +854 1016 2 882812406 +854 1028 2 882813421 +854 1047 1 882812906 +854 1226 4 882814571 +854 1281 2 882812314 +854 1283 2 882813047 +854 1284 2 882812961 +854 1335 2 882812288 +855 59 3 879825488 +855 166 4 879825578 +855 170 2 879825383 +855 171 3 879825383 +855 462 4 879825383 +855 475 4 879825383 +855 509 3 879825613 +855 510 4 879825578 +855 512 4 879825382 +855 582 3 879825578 +855 638 4 879825462 +855 855 4 879825488 +855 919 3 879825462 +856 270 3 891489412 +856 272 5 891489217 +856 286 4 891489299 +856 289 1 891489525 +856 294 4 891489502 +856 300 4 891489386 +856 307 4 891489250 +856 312 2 891489450 +856 316 5 891489547 +856 327 4 891489478 +856 328 3 891489478 +856 347 2 891489217 +856 748 3 891489638 +857 20 3 883432688 +857 304 2 883432301 +857 328 3 883432301 +857 892 3 883432515 +858 9 5 880932449 +858 127 5 880932912 +858 293 3 880932692 +858 323 2 879459926 +858 327 3 879459504 +858 333 4 880933013 +858 515 4 880932911 +858 678 1 879459926 +858 689 5 879459087 +858 754 4 879459087 +858 1368 4 880932449 +859 3 5 885775513 +859 118 3 885775193 +859 151 2 885775067 +859 257 2 885775330 +859 275 3 885774828 +859 282 3 885774964 +859 288 4 885776056 +859 313 5 885774773 +859 381 4 885776352 +859 410 4 885776056 +859 458 3 885775382 +859 475 4 885776056 +859 476 5 885775727 +859 763 4 885775699 +859 1008 4 885776056 +859 1009 4 885775277 +859 1048 3 885775767 +859 1326 4 885775859 +860 26 3 885991163 +860 70 5 885991040 +860 100 4 885991075 +860 204 4 885990901 +860 216 4 885990901 +860 220 3 885145702 +860 257 3 891733877 +860 262 4 874967063 +860 269 2 891535991 +860 287 3 885991407 +860 302 4 876074139 +860 307 3 879801617 +860 310 4 880914645 +860 312 4 888169119 +860 315 3 884029545 +860 321 3 880829225 +860 327 3 880829225 +860 332 2 880829226 +860 339 3 882831410 +860 344 3 887028250 +860 393 2 885991129 +860 508 4 885991076 +860 516 3 885991040 +860 517 4 885991076 +860 629 3 885991198 +860 663 3 885991101 +860 678 3 887754112 +860 692 5 885990965 +860 712 3 885991316 +860 732 4 885991129 +860 781 2 887754411 +860 865 4 885990862 +860 894 2 883678286 +860 1047 2 885991563 +860 1059 1 891536049 +861 10 3 881274739 +861 20 4 881274857 +861 26 3 881274936 +861 45 5 881274698 +861 70 4 881274672 +861 116 4 881274739 +861 213 5 881274759 +861 242 5 881274504 +861 286 4 881274504 +861 292 4 881274504 +861 305 4 881274504 +861 319 5 881274504 +861 321 1 881274504 +861 381 4 881274780 +861 462 4 881274698 +861 463 3 881274698 +861 475 3 881274760 +861 509 5 881274739 +861 529 5 881274718 +861 582 2 881274796 +861 737 3 881274883 +861 740 4 881274760 +861 937 4 881274504 +861 1009 5 881274857 +862 7 5 879304196 +862 10 5 879303249 +862 12 5 879304571 +862 45 4 879304721 +862 59 5 879305204 +862 61 5 879304244 +862 69 5 879304244 +862 81 5 879305237 +862 82 4 879305237 +862 89 5 879304526 +862 91 5 879304762 +862 92 5 879305051 +862 96 4 879305051 +862 97 4 879305143 +862 98 5 879304865 +862 99 4 879305097 +862 120 3 879303953 +862 132 5 879304980 +862 135 5 879304762 +862 151 5 879304196 +862 174 5 879304721 +862 176 5 879304672 +862 177 4 879305016 +862 180 5 879305097 +862 185 5 879304571 +862 186 3 879305143 +862 188 5 879305312 +862 195 5 879304902 +862 196 5 879304799 +862 197 4 879304623 +862 202 5 879304624 +862 205 4 879304282 +862 208 2 879304282 +862 211 5 879305051 +862 222 5 879304196 +862 238 4 879304624 +862 250 5 879303158 +862 252 3 879302910 +862 257 5 879303207 +862 258 5 879302461 +862 260 5 879302583 +862 265 5 879304980 +862 282 5 879303123 +862 406 4 879303843 +862 423 4 879305273 +862 432 5 879304902 +862 435 5 879304244 +862 467 4 879305143 +862 472 5 879303505 +862 483 5 879304326 +862 485 5 879304410 +862 495 4 879305097 +862 496 5 879304902 +862 498 4 879304445 +862 515 4 879302877 +862 519 4 879304326 +862 520 4 879304484 +862 521 5 879304762 +862 544 5 879304196 +862 546 4 879302944 +862 559 4 879305312 +862 566 3 879304571 +862 568 3 879304799 +862 633 5 879304722 +862 640 3 879305351 +862 647 5 879304369 +862 650 4 879304941 +862 651 5 879304624 +862 655 5 879305016 +862 658 5 879304526 +862 678 4 879302614 +862 748 4 879302533 +862 767 4 879303807 +862 789 5 879304941 +862 823 4 879303869 +862 825 5 879303668 +862 845 4 879303249 +862 866 4 879303697 +862 930 5 879303843 +862 969 5 879304410 +862 979 5 879303409 +862 1009 4 879303622 +862 1050 5 879305351 +862 1109 5 879305016 +863 259 1 889289240 +863 269 3 889288973 +863 271 4 889289191 +863 272 5 889288910 +863 286 5 889289191 +863 289 4 889289457 +863 292 2 889289067 +863 300 5 889289157 +863 302 4 889288910 +863 304 3 889289240 +863 307 5 889289157 +863 310 5 889288943 +863 316 5 889289419 +863 319 2 889289123 +863 322 1 889289327 +863 329 2 889289157 +863 331 4 889289278 +863 334 5 889289353 +863 336 2 889289327 +863 343 5 889289328 +863 344 4 889289456 +863 347 2 889289067 +863 348 2 889289456 +863 350 1 889289457 +863 354 1 889289191 +863 355 4 889289419 +863 359 3 889289158 +863 362 1 889289122 +863 538 2 889289122 +863 683 1 889289241 +863 750 4 889288973 +863 876 2 889289457 +863 885 1 889289456 +863 886 3 889289327 +863 887 3 889289328 +863 895 5 889289385 +863 901 1 889288972 +863 906 4 889289570 +863 908 1 889289240 +863 909 3 889289619 +863 990 1 889289385 +863 1127 4 889289157 +863 1296 3 889289617 +863 1395 4 889289491 +863 1431 4 889289618 +863 1680 2 889289570 +864 4 4 888890690 +864 5 4 888889657 +864 8 5 888887402 +864 9 5 877214236 +864 15 4 888887658 +864 24 5 888887502 +864 25 4 888888240 +864 28 5 888887247 +864 49 3 888892091 +864 52 4 888888861 +864 55 4 888887045 +864 58 5 888887739 +864 65 3 888890690 +864 66 3 888889784 +864 69 5 888889863 +864 73 5 888888994 +864 77 4 888891627 +864 79 5 888887830 +864 81 3 888891836 +864 82 5 888887830 +864 85 2 888889327 +864 88 4 888887469 +864 95 5 888887045 +864 96 5 888887830 +864 97 4 888887216 +864 108 3 888891627 +864 109 5 888888994 +864 111 3 888888115 +864 116 4 888887045 +864 117 4 888889466 +864 118 4 888888994 +864 121 4 877214085 +864 125 4 888889162 +864 127 4 888887216 +864 128 4 888886882 +864 133 5 888887984 +864 143 4 888887703 +864 145 4 888892230 +864 151 5 888889466 +864 153 5 888886946 +864 157 4 888886984 +864 159 4 888891049 +864 164 4 888887216 +864 167 4 888891794 +864 169 5 888887402 +864 172 5 888887795 +864 174 5 888887354 +864 183 4 888888115 +864 186 4 888887658 +864 188 3 888887172 +864 189 4 888889268 +864 190 4 888887437 +864 194 4 888886984 +864 195 4 888888937 +864 196 4 888887914 +864 197 4 888888282 +864 200 4 888889162 +864 201 5 888887172 +864 203 5 888886846 +864 204 5 888888937 +864 214 2 888890052 +864 223 5 888887097 +864 225 3 878179608 +864 226 3 888889601 +864 228 5 888888067 +864 230 2 888889129 +864 232 4 888889327 +864 235 5 888891794 +864 237 4 878179514 +864 239 4 888889466 +864 257 4 891044192 +864 258 5 877214042 +864 265 5 888886946 +864 275 4 878179445 +864 282 3 888887469 +864 283 5 878179514 +864 288 5 878179381 +864 290 3 888892053 +864 318 5 888887071 +864 328 5 887686456 +864 333 5 890463283 +864 343 5 887686545 +864 357 5 888887794 +864 367 5 888890316 +864 373 2 888892053 +864 380 3 888889744 +864 393 3 888889129 +864 394 3 888890432 +864 399 4 888893088 +864 402 3 888892128 +864 403 5 888887944 +864 404 4 888890316 +864 418 3 888887247 +864 423 5 888887739 +864 433 3 888887703 +864 443 4 888890639 +864 451 4 888889563 +864 465 3 888889327 +864 470 4 888890052 +864 472 4 888888861 +864 473 4 888892300 +864 474 4 888889863 +864 509 5 888887944 +864 531 5 888887739 +864 542 4 888892841 +864 546 4 888892015 +864 549 3 888890730 +864 550 4 888889389 +864 559 4 888888680 +864 561 4 888888937 +864 563 3 888892539 +864 569 3 888891794 +864 591 4 878179608 +864 597 4 888888625 +864 609 3 888888861 +864 619 3 888889327 +864 625 4 888890273 +864 629 3 888888282 +864 651 5 888888168 +864 655 4 888887128 +864 660 4 888889510 +864 663 4 888887248 +864 665 3 888892300 +864 672 2 888889389 +864 673 3 888890273 +864 678 4 887686545 +864 684 4 888887289 +864 685 4 888891900 +864 692 2 888890316 +864 715 4 888891238 +864 717 3 878179608 +864 729 4 888889035 +864 732 4 888888067 +864 734 3 888892874 +864 735 5 888886882 +864 736 5 888888025 +864 742 4 878179445 +864 755 4 888892128 +864 768 3 888890776 +864 781 3 888891238 +864 797 3 888892539 +864 800 1 888891154 +864 801 3 888892667 +864 805 4 888889327 +864 930 3 888892841 +864 939 4 888890102 +864 993 4 878179411 +864 1033 2 888891473 +864 1044 3 888891049 +864 1109 4 888890639 +864 1112 2 888891097 +864 1140 1 888892491 +864 1208 2 888890731 +864 1248 3 888891628 +864 1284 3 888891900 +864 1425 2 888890475 +865 1 1 880143424 +865 71 1 880235059 +865 95 1 880235059 +865 99 1 880235060 +865 100 4 880143232 +865 108 1 880143680 +865 118 1 880144229 +865 148 3 880144194 +865 222 2 880143482 +865 258 4 880142652 +865 271 1 880142778 +865 405 2 880144194 +865 408 5 880143385 +865 411 1 880144153 +865 412 1 880144504 +865 418 1 880235099 +865 455 4 880143612 +865 456 1 880144405 +865 471 1 880143612 +865 473 3 880144194 +865 475 4 880143425 +865 501 1 880235060 +865 546 1 880143917 +865 547 5 880143232 +865 588 2 880235060 +865 625 1 880235099 +865 627 1 880235060 +865 685 3 880144071 +865 743 1 880144504 +865 744 4 880144024 +865 763 1 880143680 +865 831 1 880144480 +865 847 5 880143386 +865 926 1 880144405 +865 946 1 880235099 +865 1009 5 880144368 +865 1047 1 880144265 +865 1240 5 880235099 +866 269 3 891221165 +866 272 2 891221006 +866 303 4 891221165 +866 313 1 891220955 +866 315 4 891221206 +866 340 2 891221165 +866 344 2 891221165 +866 347 4 891221165 +866 882 2 891221165 +866 889 2 891221006 +866 896 2 891221006 +866 900 4 891221165 +867 1 4 880078521 +867 7 5 880078604 +867 12 5 880078656 +867 28 5 880078887 +867 31 5 880078656 +867 51 3 880079142 +867 56 5 880078818 +867 69 2 880078797 +867 89 5 880078769 +867 132 3 880078629 +867 134 5 880078723 +867 144 3 880078484 +867 156 5 880078574 +867 172 5 880078769 +867 180 5 880078656 +867 182 4 880078521 +867 188 4 880078796 +867 191 5 880079117 +867 197 4 880078796 +867 198 5 880078723 +867 203 4 880078484 +867 204 4 880078958 +867 222 4 880079094 +867 257 4 880078090 +867 273 3 880078991 +867 286 5 880077721 +867 294 3 880077831 +867 300 2 880077751 +867 328 5 880077855 +867 423 3 880078991 +867 474 5 880078840 +867 483 5 880078372 +867 496 5 880078574 +867 528 4 880078371 +867 529 5 880078863 +867 603 5 880078452 +867 652 5 880078745 +867 678 3 880078004 +867 690 5 880077751 +867 748 4 880077951 +867 855 5 880078604 +867 1039 5 880078677 +867 1065 5 880078424 +867 1154 5 880078991 +867 1159 5 880078796 +868 2 2 877112290 +868 7 5 877104157 +868 12 5 877103834 +868 24 2 877108385 +868 55 5 877106505 +868 61 5 877109435 +868 64 5 877103548 +868 65 2 877104212 +868 67 3 877109597 +868 68 2 877106505 +868 69 2 877107416 +868 80 2 877111453 +868 82 2 877112001 +868 95 2 877108302 +868 100 5 877103935 +868 114 5 877103371 +868 127 4 877103679 +868 133 2 877108302 +868 135 5 877104987 +868 139 1 877109300 +868 142 1 877109874 +868 145 1 877109082 +868 153 2 877105916 +868 154 3 877107539 +868 155 2 877111623 +868 158 1 877111328 +868 161 2 877107056 +868 162 3 877109505 +868 168 3 877104157 +868 169 5 877106505 +868 172 5 877107847 +868 174 5 877107320 +868 186 2 877109234 +868 191 3 877107143 +868 193 2 877108123 +868 199 5 877105882 +868 200 3 877107189 +868 207 3 877107189 +868 211 3 877107730 +868 216 2 877109234 +868 218 3 877104913 +868 222 3 877108989 +868 230 3 877112349 +868 234 4 877103935 +868 237 1 877108989 +868 238 4 877103249 +868 239 3 877107924 +868 268 4 877102974 +868 317 5 877107961 +868 327 4 877103039 +868 367 2 877106505 +868 378 2 877108056 +868 382 4 877109874 +868 385 2 877103834 +868 405 1 877109082 +868 426 4 877103935 +868 429 2 877103834 +868 432 2 877108624 +868 433 4 877103195 +868 434 3 877107056 +868 451 2 877112063 +868 496 2 877107597 +868 498 3 877104913 +868 503 3 877106421 +868 506 4 877104879 +868 509 3 877106470 +868 520 4 877103756 +868 547 3 877112559 +868 550 4 877112393 +868 556 3 877110060 +868 566 1 877111394 +868 578 2 877112439 +868 579 1 877108241 +868 588 1 877106421 +868 589 4 877106421 +868 631 4 877111453 +868 636 3 877103449 +868 640 5 877103371 +868 646 5 877109435 +868 655 4 877107996 +868 679 3 877109748 +868 709 4 877109197 +868 710 3 877103320 +868 726 2 877109926 +868 727 2 877110277 +868 732 3 877107416 +868 747 2 877109566 +868 755 4 877112184 +868 762 4 877109535 +868 778 2 877109375 +868 783 1 877113481 +868 843 1 877109748 +868 854 4 877103371 +868 946 1 877107189 +868 1037 1 877113481 +868 1076 1 877111487 +868 1183 1 877112141 +868 1188 1 877110060 +868 1206 3 877112033 +868 1240 5 877107284 +868 1285 2 877109926 +868 1509 1 877111487 +869 25 2 884491767 +869 100 5 884493279 +869 116 4 884490892 +869 122 3 884493060 +869 125 3 884491867 +869 127 5 884493279 +869 151 5 884493279 +869 237 4 884490745 +869 249 4 884493279 +869 253 4 884493279 +869 275 4 884490936 +869 276 4 884491082 +869 282 3 884490987 +869 287 2 884492047 +869 288 3 884490011 +869 298 3 884491734 +869 315 3 884490332 +869 476 1 884492519 +869 515 5 884493279 +869 696 2 884493021 +869 815 1 884491966 +869 1014 4 884493279 +869 1047 2 884492571 +869 1061 1 884492377 +869 1079 2 884493021 +869 1132 1 884492906 +869 1163 2 884492238 +870 1 5 889717102 +870 4 2 879270213 +870 7 4 875051072 +870 9 5 879376967 +870 11 4 875679992 +870 12 4 875050748 +870 13 4 876319137 +870 21 3 876319159 +870 31 4 875680070 +870 47 3 875679958 +870 50 3 875050865 +870 53 2 879714351 +870 55 3 879713899 +870 58 5 875050723 +870 64 5 889717102 +870 65 3 879713898 +870 70 4 889409590 +870 83 4 889717102 +870 87 5 889717575 +870 88 2 879270213 +870 89 3 879539936 +870 95 4 875050559 +870 98 4 880584497 +870 100 4 889717102 +870 111 3 880584548 +870 124 4 879376994 +870 127 5 875050602 +870 132 4 882123548 +870 135 3 875680045 +870 148 2 879377064 +870 168 4 875680472 +870 169 4 888095560 +870 170 5 875050637 +870 172 4 875680098 +870 177 4 875050827 +870 178 4 875050559 +870 180 3 875679860 +870 182 5 883876178 +870 188 5 875050672 +870 191 3 881001249 +870 193 5 889717102 +870 196 3 879539965 +870 197 5 875050723 +870 198 4 875679860 +870 202 3 879714181 +870 203 4 875680098 +870 204 4 875680448 +870 208 4 879270313 +870 211 3 879539713 +870 223 4 878737979 +870 235 3 885312790 +870 246 3 881000751 +870 248 4 880124496 +870 253 4 887567321 +870 258 4 886883539 +870 265 4 880584497 +870 268 3 881000751 +870 273 3 875051100 +870 284 2 875051072 +870 286 4 875050332 +870 288 4 875050370 +870 289 2 875050332 +870 313 4 883405554 +870 315 2 883876178 +870 317 4 875050723 +870 318 5 875050865 +870 333 3 882123130 +870 340 3 882464808 +870 354 4 889409590 +870 357 5 875679687 +870 367 4 875679768 +870 378 3 879902226 +870 382 3 875680568 +870 421 2 879539965 +870 425 4 889717575 +870 427 4 880584516 +870 428 4 875050672 +870 433 3 879901879 +870 435 3 880584549 +870 458 1 879377028 +870 461 4 875680099 +870 469 4 875679958 +870 474 4 875050559 +870 475 5 875051100 +870 477 4 876319062 +870 479 5 875050801 +870 480 5 875680142 +870 489 4 875050827 +870 490 3 886883147 +870 496 5 882801371 +870 497 4 875050559 +870 503 4 879713899 +870 508 3 881001249 +870 513 4 879713578 +870 514 5 875050637 +870 523 5 875050774 +870 558 4 879270313 +870 569 2 879714631 +870 570 2 879714681 +870 574 1 879902181 +870 579 2 879902161 +870 582 5 879713817 +870 583 2 879714351 +870 589 4 880584534 +870 606 4 875679687 +870 608 4 875680098 +870 631 2 882123130 +870 640 3 886883147 +870 644 2 882123665 +870 647 4 879270400 +870 651 3 879539936 +870 653 4 875050559 +870 654 4 875050801 +870 655 4 875050865 +870 657 5 875050748 +870 659 4 875680020 +870 684 3 879714246 +870 690 2 886372265 +870 692 2 879270213 +870 693 4 879713979 +870 699 3 879901671 +870 710 3 875680212 +870 713 4 879376966 +870 722 2 879270213 +870 724 4 875679906 +870 732 2 882123355 +870 735 3 875679721 +870 736 1 879901654 +870 746 3 879270400 +870 763 4 879902059 +870 772 4 875679767 +870 793 5 875680258 +870 802 3 879714763 +870 841 2 878737915 +870 939 3 879714066 +870 943 2 879714310 +870 945 4 879714039 +870 1008 3 879377028 +870 1014 2 884789665 +870 1019 3 881001249 +870 1020 3 882385179 +870 1021 2 881001249 +870 1044 2 879714772 +870 1046 3 879714310 +870 1073 5 875050748 +870 1074 2 879270213 +870 1090 2 879902161 +870 1098 4 889812986 +870 1210 1 879902161 +870 1221 3 881001249 +870 1230 2 879901998 +870 1412 2 879714435 +870 1451 3 891214479 +870 1664 4 890057322 +871 4 3 888193338 +871 11 3 888193274 +871 79 5 888193275 +871 82 3 888193336 +871 97 3 888193541 +871 147 5 888193136 +871 161 5 888193275 +871 172 5 888193177 +871 181 3 888193335 +871 182 5 888192925 +871 187 5 888193081 +871 190 2 888193275 +871 195 5 888193274 +871 210 5 888193275 +871 216 3 888193384 +871 226 5 888193177 +871 242 3 888192858 +871 262 3 888192970 +871 269 3 888192970 +871 271 5 888192349 +871 276 5 888193136 +871 286 3 888193136 +871 289 3 888192475 +871 300 4 888192971 +871 301 4 888192475 +871 305 3 888192475 +871 310 3 888192858 +871 324 3 888192689 +871 326 5 888192971 +871 331 3 888192202 +871 333 2 888192202 +871 342 4 888192475 +871 347 5 888192315 +871 352 3 888192971 +871 359 3 888192743 +871 360 3 888192475 +871 402 3 888193541 +871 510 3 888193335 +871 526 5 888193337 +871 566 3 888193337 +871 651 2 888193337 +871 662 3 888193541 +871 752 3 888192744 +871 904 3 888192858 +871 905 3 888192744 +871 907 3 888192745 +871 909 3 888192475 +871 937 3 888192689 +871 955 3 888193541 +871 989 3 888192744 +871 1072 3 888193541 +871 1176 3 888192858 +871 1386 3 888193136 +871 1430 3 888192744 +871 1431 4 888192971 +871 1434 3 888192689 +872 117 4 888479171 +872 121 4 888479206 +872 151 2 888479434 +872 268 1 888478864 +872 272 4 888478822 +872 273 3 888479274 +872 278 3 888479206 +872 282 5 888479253 +872 284 3 888479369 +872 290 2 888479537 +872 294 3 888478882 +872 300 5 888478766 +872 313 5 888478786 +872 334 1 888479894 +872 347 2 888478743 +872 354 4 888478822 +872 405 4 888479151 +872 409 3 888479677 +872 476 4 888479737 +872 546 4 888479560 +872 591 3 888479253 +872 628 4 888479151 +872 682 3 888478822 +872 685 4 888479348 +872 717 4 888479582 +872 756 4 888479370 +872 820 3 888479624 +872 826 3 888479654 +872 845 3 888479313 +872 871 3 888479677 +872 892 3 888479052 +872 893 4 888478902 +872 905 4 888479034 +872 926 4 888479516 +872 928 2 888479582 +872 930 3 888479654 +872 974 4 888479701 +872 975 4 888479654 +872 1011 1 888479333 +872 1040 3 888479701 +872 1165 2 888479537 +872 1284 3 888479434 +872 1376 2 888479603 +873 259 1 891392698 +873 269 2 891392092 +873 286 2 891392091 +873 289 2 891392577 +873 307 3 891392360 +873 313 5 891392177 +873 321 1 891392577 +873 326 4 891392656 +873 328 4 891392756 +873 339 3 891392871 +873 342 4 891392698 +873 348 3 891392577 +873 358 2 891392698 +873 875 1 891392577 +873 879 2 891392577 +874 20 3 888632615 +874 100 4 888632411 +874 111 3 888632411 +874 125 3 888632585 +874 127 5 888633310 +874 137 4 888632484 +874 182 4 888633311 +874 275 4 888632448 +874 285 4 888632411 +874 286 4 888632057 +874 302 5 888632098 +874 305 4 888632057 +874 311 4 888632098 +874 313 3 888632098 +874 346 3 888632147 +874 357 5 888633311 +874 514 5 888633311 +874 521 5 888633311 +874 654 5 888633311 +874 676 3 888632585 +874 751 3 888632147 +875 8 3 876465072 +875 22 3 876465072 +875 23 5 876466687 +875 28 4 876465408 +875 32 5 876465275 +875 42 4 876465336 +875 45 3 876465072 +875 55 3 876465370 +875 56 5 876466687 +875 131 4 876465229 +875 134 5 876465188 +875 135 4 876465188 +875 179 5 876465188 +875 180 5 876464967 +875 187 4 876466687 +875 195 4 876466687 +875 211 5 876465144 +875 213 4 876465408 +875 269 4 876464694 +875 286 3 876464694 +875 288 4 876464755 +875 294 2 876464755 +875 302 5 876464694 +875 327 4 876464873 +875 332 3 876464801 +875 357 5 876465072 +875 358 3 876464800 +875 418 4 876465230 +875 421 4 876465335 +875 423 5 876464967 +875 428 4 876465112 +875 462 4 876465188 +875 479 4 876466687 +875 480 5 876465275 +875 518 4 876465408 +875 523 4 876465408 +875 603 4 876465111 +875 652 5 876465275 +875 707 4 876464967 +875 806 4 876465230 +875 921 5 876465275 +875 937 4 876464830 +875 963 4 876465275 +875 964 4 876465335 +875 1103 5 876465144 +876 22 4 879428451 +876 174 4 879428378 +876 286 5 879428072 +876 288 3 879428101 +876 289 3 879428145 +876 318 5 879428406 +876 435 4 879428421 +876 511 5 879428354 +876 523 5 879428378 +876 527 5 879428406 +876 531 4 879428481 +876 604 5 879428406 +876 878 2 879428253 +877 14 5 882677048 +877 52 4 882677507 +877 56 5 882678483 +877 61 5 882677244 +877 86 4 882677827 +877 88 4 882677967 +877 98 5 882678427 +877 155 2 882677997 +877 159 4 882678512 +877 164 5 882678547 +877 173 4 882677865 +877 185 4 882678387 +877 202 4 882677936 +877 207 3 882677012 +877 222 2 882678484 +877 228 4 882678387 +877 241 4 882678194 +877 288 3 882675993 +877 302 2 882676054 +877 306 3 882675993 +877 307 3 882676190 +877 326 4 882676190 +877 371 5 882677935 +877 451 4 882677865 +877 463 4 882677311 +877 475 4 882677085 +877 531 5 882677128 +877 549 4 882677935 +877 553 4 882678137 +877 557 4 882677715 +877 584 4 882677507 +877 662 5 882677936 +877 690 4 882676098 +877 692 4 882677898 +877 727 4 882677967 +877 738 4 882678137 +877 739 4 882678105 +877 744 5 882677280 +877 971 4 882677386 +877 1402 4 882677386 +878 9 4 880865562 +878 14 5 880865865 +878 19 4 880865470 +878 45 3 880867665 +878 51 4 880869239 +878 57 4 880867987 +878 59 3 880866054 +878 64 5 880866446 +878 88 4 880869418 +878 97 3 880869090 +878 98 4 880866848 +878 111 4 880867282 +878 127 4 880867444 +878 136 4 880866241 +878 152 4 880870854 +878 153 5 880866177 +878 154 3 880866369 +878 155 3 880869418 +878 166 4 880870854 +878 168 4 880866626 +878 170 4 880867485 +878 174 3 880872669 +878 179 4 880866626 +878 191 4 880866564 +878 194 4 880869911 +878 202 4 880869090 +878 215 2 880866687 +878 216 4 880869135 +878 234 1 880872619 +878 236 2 880865470 +878 237 3 880868955 +878 258 3 880865562 +878 265 3 880866626 +878 269 4 880865183 +878 276 3 880865715 +878 285 5 880865562 +878 318 5 880866013 +878 321 2 880865300 +878 393 3 880870487 +878 418 3 880870130 +878 432 3 880870048 +878 451 2 880869135 +878 462 4 880866509 +878 463 2 880866177 +878 482 4 880866134 +878 485 3 880866103 +878 497 2 880872395 +878 498 4 880866758 +878 512 5 880867709 +878 514 4 880870854 +878 515 4 880865900 +878 529 5 880870854 +878 535 1 880871600 +878 549 4 880869303 +878 553 3 880869303 +878 584 4 880867803 +878 640 1 880867751 +878 650 2 880866883 +878 662 1 880871600 +878 663 5 880868635 +878 690 2 880865230 +878 699 1 880871600 +878 702 1 880871600 +878 732 4 880869302 +878 739 3 880869303 +878 740 2 880865813 +878 755 2 880870486 +878 781 1 880871600 +878 796 2 880869473 +878 855 3 880867803 +878 921 4 880867665 +878 923 3 880866687 +878 956 2 880866810 +878 1039 3 880866508 +878 1041 1 880871600 +878 1092 3 880867444 +878 1100 3 880869418 +878 1121 2 880867895 +878 1149 4 880868820 +879 25 4 887761865 +879 50 4 887761865 +879 111 4 887761865 +879 117 4 887761865 +879 118 3 887761562 +879 121 4 887761865 +879 125 5 887761174 +879 181 4 887761088 +879 255 4 887761156 +879 276 4 887761865 +879 292 4 887760823 +879 294 3 887760951 +879 304 4 887760912 +879 596 2 887761380 +879 685 4 887761865 +879 751 2 887760879 +879 1047 2 887761477 +880 1 4 880166744 +880 3 1 880175023 +880 5 3 880241379 +880 7 3 880166872 +880 17 3 880174808 +880 23 5 880175735 +880 24 3 880167175 +880 25 4 880166938 +880 27 3 880167965 +880 28 5 880175690 +880 31 4 880243629 +880 33 3 880167880 +880 38 3 880168411 +880 39 4 880167731 +880 41 1 880175239 +880 47 4 880174730 +880 49 3 880174858 +880 53 4 880168411 +880 56 5 880167731 +880 62 3 880168411 +880 63 3 880174926 +880 64 5 880175646 +880 67 1 880175023 +880 70 4 880174677 +880 81 4 880242094 +880 82 3 880167806 +880 85 3 880174904 +880 91 3 880241256 +880 93 4 880174623 +880 94 3 880175097 +880 95 3 880241219 +880 96 4 880167695 +880 97 4 880175714 +880 98 5 880241327 +880 105 3 880175077 +880 109 4 880167114 +880 110 3 880175128 +880 120 2 880175503 +880 121 2 880167030 +880 122 3 880175208 +880 127 5 880167066 +880 137 4 880166827 +880 147 4 880167224 +880 148 2 880167030 +880 150 4 880166798 +880 151 4 880242848 +880 158 2 880175128 +880 161 2 880167778 +880 168 3 880174623 +880 172 5 880167695 +880 174 4 880167670 +880 177 5 880167778 +880 179 4 880175735 +880 184 4 880167843 +880 186 4 880174808 +880 187 5 880167671 +880 191 5 880175597 +880 194 5 880174623 +880 200 4 880241355 +880 201 4 880174834 +880 202 4 880174834 +880 208 5 880174652 +880 209 3 880174623 +880 210 4 880167670 +880 218 4 880241355 +880 226 4 880167806 +880 227 2 880167918 +880 230 3 880167732 +880 231 2 880167880 +880 234 5 880241327 +880 238 4 880174652 +880 239 4 880174808 +880 240 4 880167151 +880 246 5 892958837 +880 248 4 892958863 +880 249 4 880166966 +880 250 3 880167521 +880 257 5 880167521 +880 260 4 892958484 +880 268 5 892958128 +880 273 5 880166770 +880 281 4 880167384 +880 282 2 880166966 +880 283 3 880167008 +880 284 4 880242528 +880 287 4 892958966 +880 294 4 880166557 +880 298 4 880166827 +880 300 3 880166451 +880 302 5 880166451 +880 310 3 892958036 +880 315 5 892958175 +880 318 5 880241746 +880 328 4 880166557 +880 329 4 892958250 +880 342 3 892958275 +880 356 4 880242475 +880 357 5 880175622 +880 366 2 880242257 +880 369 1 880175503 +880 376 3 880175239 +880 379 4 880241434 +880 380 3 880242281 +880 381 4 880174808 +880 383 3 880243147 +880 384 3 880175157 +880 385 4 880167843 +880 393 3 880174926 +880 394 3 880243319 +880 401 3 880175077 +880 403 3 880167778 +880 407 1 880175503 +880 409 2 880243069 +880 410 4 880166938 +880 411 4 880167328 +880 423 5 880175690 +880 456 3 880175270 +880 461 4 880175666 +880 467 4 880241821 +880 468 3 880242422 +880 470 4 880242306 +880 473 3 880167132 +880 475 4 880166798 +880 476 3 880175444 +880 477 3 880166966 +880 527 4 880241943 +880 541 2 880167918 +880 550 4 880167880 +880 554 3 880168411 +880 556 3 880242451 +880 568 5 880167843 +880 570 3 880167965 +880 571 2 880175187 +880 575 3 880175077 +880 577 3 880175207 +880 585 1 880175050 +880 588 4 880241219 +880 591 4 880166990 +880 619 4 880243499 +880 623 4 880243069 +880 627 3 880241256 +880 628 2 880166799 +880 636 3 880167918 +880 655 4 880174623 +880 657 4 880243629 +880 684 4 880167778 +880 685 4 880167083 +880 693 5 880242191 +880 731 4 880175023 +880 732 4 880174652 +880 748 4 892958250 +880 761 4 880167965 +880 762 4 893028813 +880 763 3 880167247 +880 771 3 880243848 +880 779 3 880167965 +880 780 3 880175157 +880 781 3 880174961 +880 794 4 880243265 +880 795 2 880243147 +880 818 2 880175468 +880 823 3 880167435 +880 825 4 880167288 +880 845 3 880167200 +880 876 4 892958376 +880 881 4 892958401 +880 902 4 892958301 +880 926 3 880167328 +880 930 2 880167551 +880 940 3 880175157 +880 956 3 880242380 +880 976 2 880243588 +880 992 4 892959014 +880 1012 4 880166827 +880 1014 4 892959041 +880 1017 3 880175077 +880 1035 4 880242933 +880 1036 2 880243147 +880 1041 4 880175128 +880 1044 4 880242577 +880 1047 3 880175157 +880 1049 3 892959087 +880 1058 2 880242421 +880 1093 3 880167384 +880 1119 3 880242028 +880 1134 5 880241609 +880 1139 4 880242577 +880 1157 4 880243817 +880 1165 2 880175527 +880 1181 3 880242781 +880 1184 3 880167806 +880 1185 1 880174995 +880 1188 2 880167880 +880 1215 1 880167599 +880 1217 3 880243712 +880 1222 4 880168411 +880 1224 3 880242632 +880 1225 2 880174834 +880 1244 3 880167411 +880 1258 3 880175368 +880 1277 4 880167355 +880 1446 4 880174705 +880 1468 4 880242139 +880 1496 4 880243147 +880 1620 3 880167288 +881 1 4 876535796 +881 7 4 876536164 +881 8 4 876537457 +881 9 3 876536198 +881 14 1 879051971 +881 22 5 876538028 +881 23 4 876537419 +881 25 3 876536198 +881 28 5 876537612 +881 29 2 876539091 +881 31 5 876537577 +881 43 3 876539595 +881 56 1 876962037 +881 58 3 876538796 +881 62 4 876538666 +881 64 5 876537933 +881 69 3 876537933 +881 70 2 876539220 +881 72 2 876539220 +881 79 4 876537825 +881 82 5 876538286 +881 95 4 876537679 +881 96 3 876537718 +881 105 3 876537285 +881 108 3 879052402 +881 120 2 879052376 +881 132 3 876538726 +881 136 4 876538537 +881 139 3 876538922 +881 140 2 876538098 +881 143 5 876539128 +881 172 4 876538986 +881 176 4 876537679 +881 177 4 876537900 +881 181 4 876535928 +881 182 3 876538571 +881 185 5 876537418 +881 186 3 876538221 +881 187 4 876539091 +881 188 4 876538665 +881 191 5 876537457 +881 192 5 876537577 +881 193 5 876538131 +881 194 3 876538185 +881 197 3 876537870 +881 199 5 876538824 +881 200 2 876538185 +881 205 4 876538465 +881 208 3 876538098 +881 209 3 876537718 +881 215 3 876538726 +881 216 4 876538922 +881 217 3 876538131 +881 225 2 876536012 +881 226 3 876538400 +881 227 4 876538953 +881 229 4 876538726 +881 233 3 876538922 +881 234 3 876537870 +881 238 1 876537679 +881 240 1 879052141 +881 243 2 876535663 +881 255 3 876536332 +881 257 5 876536040 +881 259 3 876535599 +881 274 3 876536850 +881 289 1 876535544 +881 322 4 879051511 +881 380 4 876538763 +881 392 5 876538155 +881 393 4 876539091 +881 399 4 876538465 +881 409 4 879052545 +881 411 3 879052376 +881 412 1 876536523 +881 414 5 876537752 +881 417 2 876538131 +881 419 5 876538691 +881 420 3 876539549 +881 430 4 876537870 +881 447 4 876538953 +881 456 1 879052291 +881 473 2 876536636 +881 474 3 876537870 +881 480 4 876537679 +881 490 4 876538763 +881 495 5 876537752 +881 498 4 876537577 +881 504 3 876537577 +881 511 5 876537419 +881 515 4 876535967 +881 520 5 876538986 +881 521 4 876537870 +881 527 3 876537900 +881 542 1 876538763 +881 561 4 876538465 +881 566 4 876538796 +881 568 4 876539020 +881 573 3 876539260 +881 575 2 876539330 +881 576 3 876538824 +881 580 5 876538251 +881 582 1 876538465 +881 588 3 876538027 +881 596 3 876536241 +881 615 4 876539291 +881 620 2 879052198 +881 651 5 876539549 +881 654 4 876539156 +881 679 1 876539129 +881 685 2 876536877 +881 705 1 876537679 +881 712 3 876539156 +881 728 3 876539129 +881 732 5 876538465 +881 742 4 876536773 +881 748 3 876535544 +881 756 4 876536012 +881 763 3 879052317 +881 768 3 876539505 +881 795 2 876539418 +881 820 2 876537285 +881 831 2 879052493 +881 849 2 876539051 +881 864 3 876536198 +881 1028 3 876537056 +881 1033 1 876536745 +881 1057 1 879052341 +881 1066 3 876538726 +881 1078 3 876539260 +881 1089 1 876537011 +881 1133 2 876539360 +881 1164 1 876537106 +881 1177 1 876539418 +881 1215 1 879052376 +881 1217 5 876538506 +881 1228 3 876538986 +881 1411 2 876539595 +881 1480 2 876539636 +882 1 5 879864558 +882 4 4 879868118 +882 7 4 879862652 +882 11 4 879867816 +882 25 2 879862652 +882 28 5 879867508 +882 56 4 879865307 +882 66 4 879867980 +882 69 5 879864917 +882 70 3 879876573 +882 79 5 879878486 +882 95 4 879877155 +882 96 4 879878140 +882 98 5 879865750 +882 99 5 879878486 +882 101 3 879879807 +882 121 4 879861739 +882 131 4 879876573 +882 132 5 879864970 +882 133 5 879867263 +882 135 5 879876806 +882 143 4 879876806 +882 147 4 879863106 +882 151 5 879862327 +882 174 5 879864697 +882 176 4 879867980 +882 177 5 879867885 +882 181 5 879867430 +882 183 4 879864789 +882 185 5 879877245 +882 191 5 879867694 +882 194 3 879879668 +882 196 4 879867263 +882 199 5 879867508 +882 202 4 879876806 +882 203 4 879867508 +882 208 5 879868197 +882 210 4 879867568 +882 211 4 879867431 +882 216 4 879867508 +882 227 4 879879868 +882 230 5 879867508 +882 258 3 879860936 +882 265 5 879867431 +882 275 5 879861678 +882 284 3 879862865 +882 288 3 879860762 +882 290 4 879862217 +882 291 4 879862936 +882 357 4 879864917 +882 369 3 879863257 +882 378 5 879868198 +882 393 4 879880132 +882 405 4 879861939 +882 407 2 879863831 +882 411 3 879863457 +882 412 1 879863735 +882 420 5 879879807 +882 423 5 879878486 +882 429 4 879866320 +882 432 5 879865307 +882 455 3 879862652 +882 465 3 879876573 +882 470 4 879867816 +882 501 5 879879807 +882 510 5 879864642 +882 546 2 879863031 +882 568 5 879865629 +882 582 5 879876573 +882 588 4 879867430 +882 739 4 879880131 +882 746 4 879865163 +882 748 5 879861155 +882 756 3 879863457 +882 820 3 879863969 +882 841 1 879863909 +882 969 5 879880132 +882 1052 2 879864125 +882 1116 4 879879868 +882 1412 3 879867368 +883 10 5 892557605 +883 11 2 891696824 +883 12 4 891717356 +883 13 4 891723351 +883 14 3 891693675 +883 22 3 891696824 +883 24 4 891692657 +883 26 3 891693139 +883 39 4 891696864 +883 47 3 891694182 +883 48 4 891717283 +883 52 3 891693169 +883 56 5 891694276 +883 58 3 891717380 +883 59 5 891692982 +883 61 5 891693012 +883 66 3 891694636 +883 70 3 891693169 +883 81 5 891717908 +883 82 3 891696999 +883 88 4 891696715 +883 90 3 891694672 +883 96 4 891696864 +883 98 3 891695666 +883 100 4 891717462 +883 113 4 891693723 +883 124 5 891717419 +883 151 5 892439523 +883 153 5 891723290 +883 154 4 891754985 +883 170 3 891693139 +883 173 4 891694182 +883 183 5 891696895 +883 185 5 891695692 +883 190 4 891693058 +883 195 5 891696824 +883 198 5 891695570 +883 199 4 891717462 +883 202 4 891694312 +883 204 4 891694182 +883 207 3 891693012 +883 208 4 891694340 +883 210 4 891723351 +883 211 5 891694249 +883 216 4 891694249 +883 222 3 891717495 +883 228 4 891696824 +883 234 4 891695666 +883 237 3 891717963 +883 238 4 891694218 +883 241 4 891696714 +883 251 5 891692657 +883 257 5 891914605 +883 265 3 891696864 +883 269 3 891691436 +883 271 2 891692116 +883 273 4 892557850 +883 275 4 891692657 +883 276 5 891717462 +883 279 3 891717356 +883 285 5 891723351 +883 289 5 891692168 +883 302 5 891691410 +883 304 3 891691534 +883 306 3 891691410 +883 313 3 891692285 +883 315 3 891691353 +883 316 5 891692168 +883 318 4 891717936 +883 319 3 891691560 +883 338 4 891695193 +883 345 3 891691465 +883 347 4 891691559 +883 349 2 892557605 +883 354 4 891692000 +883 367 5 891694218 +883 382 3 891693200 +883 385 1 891696999 +883 386 3 891694372 +883 387 5 891696750 +883 396 2 891695743 +883 408 5 891914522 +883 414 3 891694431 +883 421 5 891696689 +883 430 5 891694401 +883 435 4 891696895 +883 463 3 891693058 +883 477 5 891914545 +883 479 5 891755017 +883 490 4 891755017 +883 496 2 891755066 +883 504 5 891754950 +883 511 4 891717419 +883 512 5 891693058 +883 513 5 891717319 +883 514 4 891694182 +883 515 5 891692657 +883 517 4 891694218 +883 519 5 891717283 +883 523 5 891694276 +883 530 3 891696823 +883 531 3 891693497 +883 550 3 892557605 +883 580 3 891693200 +883 582 3 891693387 +883 584 3 891693200 +883 603 4 891755017 +883 634 3 891692874 +883 648 4 891694249 +883 659 3 891694218 +883 661 4 891718914 +883 684 3 891755066 +883 694 5 891693110 +883 712 3 891694249 +883 713 3 891692742 +883 724 4 891696689 +883 732 3 891694340 +883 736 3 891696750 +883 739 2 891696715 +883 740 4 891692742 +883 745 5 891694431 +883 750 3 891691485 +883 778 4 891694372 +883 781 3 891694340 +883 785 3 891694372 +883 794 4 891696750 +883 796 3 891696782 +883 805 4 891723323 +883 847 4 892557605 +883 856 5 891694401 +883 863 3 891693497 +883 886 3 892439422 +883 896 5 891691465 +883 900 5 891691654 +883 922 5 891717963 +883 945 4 891754985 +883 952 3 891916924 +883 955 5 891696689 +883 956 4 891717885 +883 971 3 891693200 +883 989 5 891692168 +883 1005 5 891695570 +883 1009 4 891692811 +883 1012 5 891916324 +883 1065 5 891717533 +883 1074 4 891694340 +883 1118 4 891694276 +883 1131 5 891695570 +883 1171 5 891695570 +883 1226 3 891914483 +883 1227 3 891693200 +883 1288 4 892439357 +883 1404 3 891694372 +883 1448 5 891695570 +883 1462 5 891695570 +883 1592 5 891692168 +883 1656 5 891692168 +884 14 4 876858946 +884 86 3 876859208 +884 127 4 876858877 +884 146 3 876858877 +884 198 5 876859237 +884 212 4 876859238 +884 213 4 876859207 +884 268 4 876857704 +884 285 4 876858820 +884 323 2 876857745 +884 462 4 876859237 +884 463 5 876859070 +884 510 5 876859330 +884 515 4 876858914 +884 529 5 876859301 +884 638 4 876859301 +884 713 3 876858914 +884 921 5 876859277 +884 923 3 876859109 +884 949 2 876860604 +884 1018 2 876860514 +884 1073 4 876859138 +885 7 3 885715889 +885 25 4 885713017 +885 29 1 885714487 +885 50 3 885712252 +885 69 4 885714201 +885 72 1 885713631 +885 82 4 885715907 +885 94 2 885713833 +885 99 4 885714858 +885 100 3 885712944 +885 111 4 885712996 +885 117 4 885715643 +885 135 2 885714159 +885 142 2 885716369 +885 143 4 885716344 +885 153 2 885713357 +885 161 4 885715827 +885 167 3 885713807 +885 169 5 885714820 +885 172 3 885715888 +885 174 5 885715780 +885 179 1 885714226 +885 181 3 885712280 +885 188 3 885715946 +885 204 4 885713294 +885 209 2 885713502 +885 213 3 885715221 +885 216 3 885715221 +885 225 3 885716242 +885 245 2 885712224 +885 274 5 885712996 +885 290 1 885712921 +885 300 4 885712224 +885 338 3 885712224 +885 365 3 885714431 +885 393 3 885713680 +885 417 3 885716369 +885 420 4 885714858 +885 423 4 885714136 +885 476 4 885713062 +885 523 3 885713357 +885 538 4 885712224 +885 549 3 885714409 +885 568 4 885715889 +885 582 2 885714487 +885 584 3 885716328 +885 625 3 885714858 +885 655 3 885713294 +885 662 3 885714362 +885 685 3 885715671 +885 735 3 885714764 +885 739 4 885715241 +885 756 2 885713101 +885 815 4 885715169 +885 953 3 885714531 +885 1030 1 885713975 +885 1061 2 885713138 +885 1221 3 885714362 +886 2 4 876033368 +886 9 5 876032274 +886 10 3 876032030 +886 11 5 876031365 +886 12 5 876031279 +886 15 3 876031869 +886 23 4 876031365 +886 24 4 876031973 +886 26 4 876032929 +886 28 4 876031413 +886 29 1 876033576 +886 33 4 876033088 +886 42 5 876032248 +886 47 4 876031601 +886 48 4 876031526 +886 49 4 876032187 +886 50 5 876031501 +886 53 1 876032422 +886 55 4 876031622 +886 56 4 876031365 +886 58 4 876032331 +886 63 3 876033015 +886 64 5 876031573 +886 65 3 876031870 +886 69 2 876031932 +886 79 5 876032884 +886 81 4 876032531 +886 87 4 876032473 +886 89 4 876031720 +886 92 3 876031481 +886 94 4 876033200 +886 95 5 876032531 +886 100 4 876032187 +886 101 4 876032103 +886 117 2 876033624 +886 127 4 876032472 +886 128 4 876031551 +886 132 3 876032399 +886 144 4 876032509 +886 153 3 876031279 +886 156 4 876031413 +886 159 2 876031695 +886 164 4 876033053 +886 168 4 876031573 +886 174 5 876032739 +886 176 4 876032143 +886 177 4 876031973 +886 178 5 876031829 +886 180 5 876031392 +886 181 5 876031392 +886 183 5 876033088 +886 184 4 876031309 +886 188 4 876031365 +886 191 5 876031309 +886 194 3 876031365 +886 195 4 876032030 +886 196 3 876031365 +886 201 3 876031695 +886 202 3 876032509 +886 204 3 876031932 +886 209 4 876031850 +886 212 2 876031897 +886 214 3 876032072 +886 216 5 876031695 +886 217 2 876032776 +886 228 4 876031601 +886 234 3 876031932 +886 265 4 876032553 +886 268 5 876031109 +886 282 3 876032378 +886 328 3 876031173 +886 364 3 876034006 +886 367 4 876031622 +886 381 2 876032308 +886 385 3 876033293 +886 396 2 876032739 +886 399 3 876034041 +886 403 4 876031765 +886 405 3 876033434 +886 410 4 876031459 +886 423 3 876032422 +886 433 2 876032165 +886 435 3 876031459 +886 449 3 876033784 +886 466 1 876032577 +886 467 4 876032577 +886 496 4 876031952 +886 512 1 876031526 +886 544 4 876031850 +886 546 1 876031550 +886 550 4 876034228 +886 559 2 876033265 +886 566 3 876033461 +886 568 3 876032973 +886 578 4 876034205 +886 581 4 876032103 +886 584 4 876031993 +886 591 3 876031765 +886 628 3 876031695 +886 631 4 876033645 +886 655 4 876032973 +886 659 4 876033731 +886 685 2 876032378 +886 686 4 876033228 +886 692 3 876032225 +886 693 4 876033897 +886 709 3 876032473 +886 710 4 876031601 +886 721 5 876033460 +886 726 1 876033340 +886 733 4 876032776 +886 761 4 876033368 +886 762 5 876033228 +886 772 1 876031973 +886 783 1 876033784 +886 799 1 876032973 +886 833 5 876033460 +886 919 4 876031869 +886 940 2 876034255 +886 943 3 876032248 +886 959 3 876032473 +886 1010 5 876032103 +886 1014 5 876034371 +886 1019 4 876031695 +886 1065 4 876033731 +886 1067 5 876032509 +886 1093 1 876032654 +886 1119 4 876032553 +886 1217 4 876033602 +886 1228 2 876034228 +886 1267 3 876032072 +886 1421 2 876034174 +886 1467 5 876033987 +886 1489 1 876034074 +887 7 4 881377812 +887 9 2 881378118 +887 13 1 881378928 +887 22 5 881379566 +887 25 2 881378537 +887 50 5 881377758 +887 56 5 881381382 +887 65 5 881381679 +887 71 5 881380996 +887 90 5 881381071 +887 95 4 881379718 +887 98 3 881379345 +887 100 2 881377854 +887 105 3 881379009 +887 109 5 881378289 +887 115 5 881380218 +887 118 5 881378289 +887 121 5 881378370 +887 122 5 881379239 +887 125 5 881377933 +887 127 3 881377854 +887 128 5 881380218 +887 132 4 881380218 +887 142 1 881381207 +887 143 5 881379781 +887 151 5 881378325 +887 164 4 881380139 +887 168 4 881380067 +887 172 5 881379718 +887 180 4 881380177 +887 195 4 881380438 +887 202 5 881379346 +887 204 5 881380067 +887 218 5 881381471 +887 222 3 881378153 +887 225 4 881379094 +887 228 4 881380709 +887 240 5 881378972 +887 243 1 881378370 +887 257 5 881377854 +887 274 1 881378478 +887 284 4 881378669 +887 288 4 881378040 +887 289 5 881380623 +887 305 5 881377532 +887 368 5 881381679 +887 378 5 881381207 +887 385 4 881380502 +887 393 4 881381114 +887 404 4 881381071 +887 405 5 881378439 +887 409 4 881378971 +887 412 5 881379188 +887 419 2 881379748 +887 420 5 881381425 +887 427 5 881379718 +887 432 5 881379988 +887 443 4 881380883 +887 455 5 881378620 +887 465 5 881381307 +887 470 3 881380773 +887 471 3 881377972 +887 476 1 881379059 +887 491 2 881379566 +887 496 4 881379685 +887 501 4 881380884 +887 548 1 881381555 +887 559 4 881381555 +887 562 5 881381071 +887 568 2 881379566 +887 578 4 881381610 +887 588 4 881380298 +887 596 5 881378118 +887 597 5 881378325 +887 609 4 881381207 +887 655 1 881379609 +887 673 5 881381382 +887 720 5 881380813 +887 755 5 881381425 +887 756 5 881379094 +887 845 4 881378087 +887 928 5 881378620 +887 929 1 881379059 +887 932 2 881379009 +887 1013 4 881379295 +887 1028 5 881379059 +887 1029 5 881381740 +887 1047 5 881378773 +887 1060 5 881378570 +887 1063 1 881380404 +887 1084 5 881377893 +887 1120 5 881378439 +887 1239 3 881381679 +887 1279 3 881378402 +887 1283 5 881378896 +887 1383 4 881379239 +887 1496 4 881380996 +888 100 4 879365004 +888 111 4 879365072 +888 153 4 879365154 +888 191 5 879365004 +888 202 4 879365072 +888 237 5 879365449 +888 274 4 879365497 +888 280 3 879365475 +888 631 4 879365224 +888 644 4 879365054 +889 1 3 880177104 +889 2 3 880182460 +889 3 4 880177664 +889 8 3 880179757 +889 9 4 880176896 +889 13 4 880177179 +889 23 3 880179785 +889 26 4 880178748 +889 28 4 880181995 +889 31 3 880178449 +889 32 4 880180376 +889 33 5 880180817 +889 42 5 880180191 +889 54 3 880182815 +889 59 4 880177906 +889 60 3 880181275 +889 69 3 880179785 +889 77 3 880182359 +889 82 4 880180122 +889 83 4 880180817 +889 85 3 880181976 +889 86 4 880180191 +889 87 4 880178367 +889 91 4 880180784 +889 92 3 880177970 +889 96 4 880181015 +889 98 4 880177857 +889 100 4 880176845 +889 124 4 880177050 +889 125 4 880177435 +889 128 5 880180897 +889 132 4 880181910 +889 135 2 880180101 +889 147 3 880176926 +889 156 5 880178204 +889 159 3 880182295 +889 161 4 880180897 +889 164 4 880179757 +889 165 3 880178131 +889 169 5 880177906 +889 174 4 880178183 +889 177 4 880178183 +889 179 3 880179705 +889 181 4 880177131 +889 182 4 880179586 +889 188 5 880181317 +889 192 3 880178204 +889 193 4 880180191 +889 195 4 880178204 +889 199 5 880181138 +889 203 2 880181275 +889 208 4 880181275 +889 209 2 880178019 +889 210 4 880178342 +889 216 4 880180191 +889 219 2 880178131 +889 231 3 880182444 +889 234 4 880177857 +889 237 4 880176874 +889 239 4 880180554 +889 250 4 880177179 +889 257 4 880176845 +889 258 4 880176550 +889 265 4 880180816 +889 268 4 880176620 +889 269 4 880176518 +889 276 4 880177104 +889 279 2 880177104 +889 282 4 880177246 +889 290 2 880181601 +889 291 3 880182815 +889 294 3 880176686 +889 297 3 880176845 +889 298 4 880177016 +889 303 3 880176550 +889 318 4 880180265 +889 322 3 880176717 +889 338 1 880176666 +889 357 4 880177906 +889 385 3 880180376 +889 405 2 880177567 +889 408 3 880176960 +889 411 2 880177541 +889 423 4 880177941 +889 427 4 880177880 +889 428 4 880179536 +889 431 4 880179725 +889 433 4 880180612 +889 436 3 880181275 +889 469 4 880180414 +889 471 3 880176926 +889 473 4 880177503 +889 474 4 880177941 +889 480 5 880178019 +889 482 4 880178367 +889 483 4 880178183 +889 484 4 880178313 +889 493 3 880178313 +889 509 2 880180650 +889 513 4 880178748 +889 514 1 880178158 +889 519 4 880179757 +889 523 4 880178078 +889 524 4 880180650 +889 533 3 880177352 +889 540 2 880182317 +889 544 3 880177104 +889 550 3 880181434 +889 554 4 880181976 +889 562 3 880181911 +889 575 3 880182850 +889 603 4 880180122 +889 604 3 880178342 +889 607 4 880179868 +889 615 3 880180707 +889 627 2 880181646 +889 631 3 880178449 +889 642 3 880181455 +889 646 3 880177970 +889 647 2 880181191 +889 651 4 880177906 +889 657 4 880177941 +889 658 4 880181086 +889 663 3 880180554 +889 684 2 880180376 +889 686 3 880180612 +889 687 2 880177797 +889 695 3 880179586 +889 700 3 880182295 +889 705 4 880178287 +889 718 4 880176807 +889 731 2 880181191 +889 732 2 880179612 +889 737 3 880181515 +889 739 3 880182517 +889 741 4 880177131 +889 742 3 880177219 +889 746 4 880179893 +889 763 4 880177502 +889 789 2 880179508 +889 831 2 880177387 +889 833 3 880177472 +889 847 4 880176926 +889 869 3 880182428 +889 881 3 880176717 +889 919 5 880177050 +889 943 3 880178512 +889 944 3 880182173 +889 947 4 880181225 +889 949 3 880181646 +889 955 3 880179536 +889 959 3 880182103 +889 980 4 880178748 +889 1016 3 880177070 +889 1022 4 880176667 +889 1048 3 880177435 +889 1065 4 880180817 +889 1069 1 880182127 +889 1097 3 880176984 +889 1110 3 880182943 +889 1139 1 880182582 +889 1142 4 880176926 +889 1152 3 880177778 +889 1153 4 880181935 +889 1194 4 880180817 +889 1239 1 880182815 +889 1428 3 880179757 +889 1487 3 880182871 +889 1553 3 880180979 +890 1 4 882402975 +890 7 4 882402739 +890 23 5 882403221 +890 50 5 882405807 +890 69 4 882403446 +890 97 4 882402774 +890 102 3 882574982 +890 121 2 882915661 +890 127 5 882402949 +890 132 5 882403045 +890 133 5 882402518 +890 136 5 882403045 +890 151 5 882916941 +890 152 4 882403299 +890 157 4 882916239 +890 162 4 882403007 +890 167 2 883010326 +890 173 4 882575167 +890 176 4 882404851 +890 179 5 882403299 +890 185 5 882402301 +890 186 2 882916276 +890 187 5 882403221 +890 190 4 882403587 +890 194 5 882402774 +890 195 5 882403045 +890 200 4 882402633 +890 205 5 882405473 +890 208 5 882403007 +890 210 4 882403587 +890 229 2 882405059 +890 234 5 882404484 +890 265 2 882405059 +890 286 5 882402181 +890 313 5 882914803 +890 357 5 882403299 +890 385 4 882574402 +890 404 4 882915696 +890 429 4 882403045 +890 434 4 882403587 +890 436 3 882402949 +890 444 4 882404610 +890 447 3 882404541 +890 448 2 882915661 +890 451 2 882575274 +890 452 2 882404723 +890 474 5 882403587 +890 480 5 882403477 +890 483 5 882402477 +890 484 3 882915942 +890 496 5 882916460 +890 501 4 882403085 +890 514 5 882402478 +890 520 4 882403643 +890 521 5 882916429 +890 523 4 882403299 +890 530 4 882405780 +890 589 5 882403221 +890 603 5 882404851 +890 604 5 882403299 +890 657 5 882403379 +890 663 4 882402949 +890 667 2 882404652 +890 671 5 882404571 +890 674 3 882404610 +890 675 5 882404541 +891 100 5 891638433 +891 107 5 883490041 +891 111 3 891639737 +891 116 3 891639552 +891 118 4 883490041 +891 121 4 883490041 +891 126 5 891638601 +891 127 4 883431353 +891 148 5 891639793 +891 181 3 891638601 +891 274 5 883429853 +891 323 3 883489806 +891 405 3 883489646 +891 409 4 883490041 +891 476 5 883489605 +891 595 3 883489668 +891 597 3 883489324 +891 740 5 891639497 +891 742 4 891639497 +891 756 4 883429918 +891 866 5 883489497 +891 924 5 891639737 +891 978 4 883489282 +891 1040 3 883489783 +891 1278 5 883489709 +892 1 5 886608185 +892 2 4 886609006 +892 7 4 886608473 +892 8 5 886607879 +892 15 4 886608237 +892 22 5 886608714 +892 27 4 886610682 +892 28 4 886607845 +892 29 2 886610565 +892 31 4 886608643 +892 49 4 886610173 +892 56 4 886607957 +892 58 4 886609469 +892 62 4 886610011 +892 64 4 886608347 +892 67 4 886610480 +892 68 4 886611162 +892 69 5 886610048 +892 70 4 886608802 +892 72 4 886609939 +892 79 5 886609622 +892 81 3 886608473 +892 82 3 886609149 +892 90 2 886610078 +892 96 4 886608977 +892 98 5 886607912 +892 99 3 886610996 +892 117 4 886611161 +892 121 4 886609829 +892 125 4 886610588 +892 129 3 886608897 +892 131 4 886610451 +892 133 3 886609149 +892 135 5 886608643 +892 136 4 886609365 +892 150 5 886608136 +892 155 2 886609435 +892 157 5 886609029 +892 159 4 886609977 +892 162 4 886609390 +892 168 4 886607778 +892 175 4 886608559 +892 180 5 886609622 +892 181 4 886608212 +892 183 5 886608681 +892 184 4 886609726 +892 186 3 886608643 +892 188 5 886608185 +892 192 5 886608473 +892 194 4 886608423 +892 195 5 886607710 +892 196 4 886609622 +892 202 4 886608135 +892 204 4 886608714 +892 208 4 886609029 +892 210 4 886608507 +892 213 3 886608942 +892 215 4 886608743 +892 216 5 886609028 +892 222 4 886608094 +892 227 4 886609520 +892 228 3 886608095 +892 233 5 886610049 +892 238 4 886608296 +892 239 4 886609829 +892 274 4 886610451 +892 276 4 886608559 +892 288 4 886610626 +892 300 4 886607521 +892 318 5 886607641 +892 357 5 886607568 +892 367 4 886610588 +892 378 4 886610137 +892 380 4 886609180 +892 401 3 886609264 +892 405 4 886609977 +892 417 3 886610588 +892 418 4 886610996 +892 419 3 886609520 +892 420 2 886610267 +892 422 1 886610996 +892 425 5 886608977 +892 430 5 886608296 +892 431 4 886607957 +892 435 4 886609149 +892 436 3 886610201 +892 447 3 886610174 +892 449 2 886610565 +892 465 4 886609295 +892 470 4 886609977 +892 473 3 886611023 +892 477 4 886609551 +892 478 5 886608616 +892 479 5 886608616 +892 480 4 886607844 +892 482 5 886608136 +892 483 5 886607642 +892 484 5 886607568 +892 487 5 886609295 +892 495 4 886609218 +892 497 4 886608347 +892 511 5 886608296 +892 515 5 886608380 +892 516 5 886608263 +892 521 5 886608263 +892 523 5 886607711 +892 525 5 886607957 +892 526 4 886608771 +892 542 1 886611023 +892 566 4 886610318 +892 568 4 886610451 +892 576 4 886610840 +892 582 3 886608559 +892 601 5 886609149 +892 612 5 886609551 +892 613 5 886608714 +892 625 3 886610565 +892 631 4 886609726 +892 633 4 886609551 +892 636 4 886609884 +892 641 5 886607845 +892 659 4 886608681 +892 663 5 886609330 +892 679 3 886610049 +892 684 5 886608743 +892 692 4 886608296 +892 705 4 886607912 +892 739 4 886609469 +892 755 4 886610048 +892 760 3 886609330 +892 763 2 886609726 +892 765 2 886610840 +892 768 4 886609977 +892 797 4 886610372 +892 825 4 886610682 +892 826 2 886610523 +892 837 5 886608743 +892 951 4 886610649 +892 969 4 886608380 +892 1035 3 886608643 +892 1078 3 886610566 +892 1091 2 886611079 +892 1118 3 886609939 +892 1124 4 886608423 +892 1269 5 886607958 +892 1285 4 886609435 +892 1444 3 886610267 +893 11 4 874829753 +893 24 4 874828649 +893 50 5 874829883 +893 69 5 874827818 +893 96 4 874830314 +893 118 4 874828864 +893 121 4 874830313 +893 125 3 874828864 +893 151 4 874829427 +893 161 5 874830122 +893 220 3 874829187 +893 235 3 874829035 +893 258 3 874827508 +893 260 2 874828296 +893 286 4 874828384 +893 288 3 874827526 +893 290 3 874829161 +893 298 4 874827623 +893 323 2 874827595 +893 358 2 874828296 +893 476 3 874828772 +893 531 4 874830160 +893 597 4 874829230 +893 759 3 874830137 +893 771 3 874830424 +893 781 3 874828569 +893 815 3 874830372 +893 819 3 874829355 +893 820 3 874829161 +893 845 3 874828772 +893 928 3 874829129 +893 976 1 874828981 +893 1012 3 874828163 +894 1 4 880416286 +894 7 4 880993632 +894 9 4 880416039 +894 10 4 880416381 +894 16 3 880993614 +894 19 4 879897100 +894 20 5 881625708 +894 25 2 880416137 +894 26 4 882404460 +894 30 4 882404250 +894 32 4 882404137 +894 50 4 880416008 +894 52 4 882404507 +894 57 4 882404397 +894 60 5 882404363 +894 61 4 882404572 +894 70 3 882404536 +894 93 4 880416219 +894 100 4 882404137 +894 109 1 880416219 +894 113 4 882404484 +894 116 4 880416473 +894 117 3 880416219 +894 124 5 881625708 +894 125 3 885428261 +894 126 3 880416381 +894 137 5 880416340 +894 148 3 880416137 +894 165 4 882404329 +894 166 4 882404306 +894 171 3 882404595 +894 179 5 882404485 +894 190 5 879897100 +894 198 4 882404460 +894 212 5 882404572 +894 213 4 882404278 +894 236 4 880416177 +894 237 4 880416176 +894 242 4 879896041 +894 248 4 879896836 +894 250 4 879896898 +894 260 2 879896268 +894 262 4 879896141 +894 268 3 879896041 +894 270 3 879896141 +894 271 2 880993335 +894 272 4 885427952 +894 276 5 880416314 +894 277 4 880416341 +894 278 4 880416419 +894 279 4 880993709 +894 280 3 880993709 +894 284 3 880416220 +894 286 5 879896756 +894 287 4 880993766 +894 289 2 879896109 +894 290 2 880416285 +894 292 4 879896168 +894 293 4 881625708 +894 295 3 879896704 +894 298 3 879896673 +894 300 4 879896466 +894 303 4 879896756 +894 305 4 880415834 +894 312 3 883518949 +894 313 4 883518874 +894 315 4 885428012 +894 316 4 888280105 +894 318 5 879897168 +894 322 3 879896267 +894 330 3 880415951 +894 331 4 881625708 +894 334 3 879896200 +894 339 4 880415854 +894 340 4 879896756 +894 345 4 884036815 +894 347 4 885427952 +894 350 3 886027788 +894 462 4 882404278 +894 463 4 882404430 +894 472 3 880993730 +894 508 3 880993490 +894 509 4 882404278 +894 512 5 879897489 +894 529 4 881625708 +894 531 3 882404363 +894 534 4 879896704 +894 536 5 879896756 +894 591 4 880416137 +894 595 3 880993632 +894 628 3 880416102 +894 639 5 882404430 +894 676 3 880416315 +894 678 3 879896268 +894 689 3 880993390 +894 698 4 882404669 +894 702 4 882404768 +894 707 4 882404250 +894 718 3 885428386 +894 736 4 882404572 +894 750 4 883518875 +894 754 4 880993317 +894 818 3 880416340 +894 827 3 880993766 +894 874 4 879982788 +894 875 3 880415952 +894 879 4 879896141 +894 883 3 880415885 +894 887 4 880993374 +894 902 3 890409704 +894 903 4 888280029 +894 905 3 887044109 +894 922 4 882404137 +894 933 3 880416472 +894 935 3 879896815 +894 936 4 879896836 +894 960 5 882404572 +894 961 4 882404642 +894 971 3 882404460 +894 978 3 880416176 +894 990 3 879896268 +894 1005 5 882404669 +894 1007 3 880416072 +894 1009 4 880993709 +894 1023 3 879896898 +894 1038 3 880415855 +894 1089 2 885428261 +894 1115 4 882404430 +894 1150 4 882404137 +894 1153 3 882404642 +894 1194 5 879897235 +894 1255 4 879896949 +894 1258 3 879896949 +894 1281 3 885428159 +894 1295 3 879896268 +894 1403 3 882404641 +894 1404 3 882404536 +894 1592 4 889469391 +895 1 4 879437950 +895 100 4 879437997 +895 117 3 879438082 +895 151 5 879438101 +895 222 3 879437965 +895 275 5 879438011 +895 283 4 879438028 +895 294 4 879437727 +895 328 4 879437748 +895 742 4 879438123 +895 748 3 879437712 +895 885 2 879437868 +895 988 3 879437845 +895 1014 3 879438082 +896 2 3 887160000 +896 4 3 887159173 +896 7 4 887159145 +896 9 4 887158266 +896 11 2 887158333 +896 19 2 887159211 +896 23 2 887159145 +896 24 4 887159344 +896 28 2 887158738 +896 29 2 887160916 +896 33 2 887160209 +896 42 4 887160000 +896 43 3 887161171 +896 51 2 887159951 +896 53 1 887235026 +896 54 2 887160606 +896 58 3 887159531 +896 62 2 887161488 +896 68 3 887160313 +896 69 5 887158768 +896 71 5 887158927 +896 73 3 887159368 +896 77 4 887160270 +896 79 5 887158384 +896 80 2 887160938 +896 83 5 887159554 +896 85 3 887160427 +896 88 5 887159426 +896 91 2 887159369 +896 92 1 887160296 +896 96 5 887158635 +896 100 3 887158294 +896 101 3 887160070 +896 117 2 887159173 +896 124 4 887158830 +896 127 5 887158578 +896 128 4 887159321 +896 129 4 887159531 +896 139 2 887161033 +896 143 4 887158901 +896 145 1 887161413 +896 147 2 887159464 +896 148 2 887160606 +896 153 4 887158165 +896 154 3 887159212 +896 160 3 887160247 +896 164 4 887159321 +896 172 5 887158555 +896 173 5 887158683 +896 176 5 887235690 +896 179 2 887159630 +896 180 5 887158660 +896 181 5 887158829 +896 183 4 887235690 +896 184 3 887159578 +896 188 3 887159011 +896 190 5 887159530 +896 195 4 887159578 +896 199 3 887158005 +896 202 2 887159464 +896 203 5 887158713 +896 204 4 887157947 +896 206 3 887159368 +896 210 4 887158332 +896 211 4 887159554 +896 219 3 887160500 +896 225 1 887161518 +896 229 4 887160399 +896 231 1 887160771 +896 234 4 887157925 +896 235 1 887161198 +896 237 5 887158714 +896 239 4 887158165 +896 241 5 887158791 +896 245 4 887235265 +896 248 4 887235249 +896 250 3 887235144 +896 257 4 887235105 +896 258 5 887157258 +896 260 2 887157732 +896 265 4 887158604 +896 274 2 887158865 +896 282 2 887158555 +896 284 4 887159972 +896 288 3 887235788 +896 300 2 887157234 +896 307 3 887157636 +896 313 4 887235122 +896 317 4 887159069 +896 320 3 887159530 +896 328 1 887235731 +896 371 2 887159723 +896 379 2 887159805 +896 380 2 887159748 +896 386 3 887161172 +896 387 2 887159368 +896 392 3 887160187 +896 393 3 887159464 +896 399 1 887161151 +896 402 4 887159173 +896 420 4 887158739 +896 422 3 887159972 +896 425 2 887159110 +896 426 2 887160722 +896 427 4 887158384 +896 430 3 887159234 +896 435 4 887158579 +896 450 1 887161728 +896 455 2 887159723 +896 461 3 887159069 +896 468 2 887158866 +896 470 2 887159531 +896 473 2 887161393 +896 478 5 887158739 +896 480 3 887158185 +896 482 3 887158359 +896 483 3 887158333 +896 484 4 887159302 +896 489 5 887159674 +896 493 5 887157978 +896 496 4 887158029 +896 511 5 887158830 +896 527 4 887159723 +896 550 2 887160880 +896 554 2 887161199 +896 557 3 887160426 +896 559 3 887160187 +896 566 4 887159805 +896 570 2 887161198 +896 575 2 887161469 +896 578 2 887160653 +896 582 2 887160040 +896 587 3 887159603 +896 588 5 887158265 +896 591 3 887160702 +896 616 3 887160653 +896 632 2 887159261 +896 636 3 887159464 +896 637 2 887160041 +896 642 2 887160702 +896 647 3 887159502 +896 651 4 887158958 +896 654 3 887159895 +896 655 4 887159109 +896 658 4 887159895 +896 660 5 887159872 +896 661 4 887158384 +896 662 3 887160529 +896 665 1 887235690 +896 679 3 887160813 +896 692 4 887159173 +896 705 5 887158768 +896 709 3 887158866 +896 710 4 887159657 +896 715 3 887159895 +896 719 1 887235026 +896 720 1 887235026 +896 730 4 887158294 +896 735 3 887159262 +896 742 1 887159464 +896 746 3 887159658 +896 751 4 887235605 +896 760 2 887235788 +896 763 2 887161199 +896 774 3 887159973 +896 800 3 887161448 +896 801 2 887161564 +896 802 2 887161172 +896 809 2 887160771 +896 810 1 887160958 +896 820 2 887159926 +896 836 3 887158635 +896 845 3 887159531 +896 887 2 887235769 +896 895 2 887235788 +896 928 3 887161033 +896 952 4 887159012 +896 966 4 887159531 +896 1004 2 887161542 +896 1011 2 887160296 +896 1028 2 887160554 +896 1042 2 887161151 +896 1045 3 887159012 +896 1046 2 887160583 +896 1098 3 887159146 +896 1112 3 887161393 +896 1119 3 887160040 +896 1194 3 887158604 +896 1208 3 887160339 +896 1214 2 887159302 +896 1220 1 887161033 +896 1222 2 887161393 +896 1231 1 887160880 +896 1240 4 887159012 +896 1249 2 887161518 +896 1267 2 887160165 +896 1303 4 887161518 +896 1351 2 887160399 +896 1471 1 887235026 +896 1622 2 887160296 +896 1681 3 887160722 +897 11 2 879990744 +897 23 3 879990683 +897 25 2 879993346 +897 28 4 879990779 +897 40 3 879990361 +897 65 4 879992811 +897 76 4 879992811 +897 77 4 879990877 +897 79 5 879994113 +897 88 4 879991283 +897 89 4 879990683 +897 95 3 879990586 +897 96 5 879990430 +897 98 5 879990361 +897 99 5 879994113 +897 117 3 879993210 +897 118 5 879993275 +897 120 3 879993886 +897 121 5 879993376 +897 125 4 879993314 +897 135 3 879990843 +897 140 3 879991403 +897 141 4 879991403 +897 168 3 879991341 +897 173 3 879990779 +897 174 5 879990587 +897 176 5 879990492 +897 179 3 879991069 +897 180 5 879991007 +897 181 3 879990622 +897 184 4 879991226 +897 185 5 879991137 +897 187 5 879990622 +897 188 5 879991493 +897 196 3 879991258 +897 201 5 879990556 +897 203 4 879990813 +897 208 5 879991037 +897 210 5 879991007 +897 211 5 879991186 +897 215 4 879990683 +897 230 4 879991607 +897 232 5 879994113 +897 235 3 879993519 +897 239 2 879992310 +897 243 4 879988868 +897 273 3 879993164 +897 281 4 879993553 +897 288 5 879988800 +897 290 4 879993457 +897 294 3 879988800 +897 323 4 879988868 +897 368 1 879993886 +897 369 4 879993713 +897 371 2 879991007 +897 378 5 879991137 +897 402 5 879991069 +897 404 4 879991186 +897 405 5 879993042 +897 406 3 879993577 +897 411 5 879993797 +897 416 5 879991186 +897 418 4 879991282 +897 423 5 879994113 +897 433 4 879991434 +897 436 4 879991037 +897 443 5 879991666 +897 470 4 879991493 +897 479 4 879991566 +897 483 3 879991921 +897 496 5 879994113 +897 498 5 879990683 +897 501 5 879991566 +897 506 4 879991524 +897 510 3 879990531 +897 521 5 879990877 +897 523 5 879991186 +897 526 5 879990813 +897 528 3 879991933 +897 530 3 879990531 +897 546 4 879993489 +897 550 3 879990923 +897 609 5 879991105 +897 633 5 879991007 +897 646 5 879994113 +897 649 3 879992004 +897 651 3 879990587 +897 670 3 879991258 +897 673 5 879990744 +897 684 2 879991524 +897 699 4 879990973 +897 705 3 879991226 +897 708 2 879991226 +897 717 1 879993912 +897 760 5 879993609 +897 763 3 879993404 +897 826 4 879993578 +897 849 4 879990877 +897 864 4 879993772 +897 866 5 879993797 +897 925 5 879993739 +897 974 4 879993553 +897 1028 4 879993621 +897 1033 4 879993713 +897 1051 3 879993772 +897 1219 4 879991137 +897 1531 4 879991933 +898 243 1 888294707 +898 258 3 888294407 +898 271 3 888294567 +898 272 4 888294375 +898 302 4 888294567 +898 309 5 888294805 +898 310 4 888294441 +898 312 2 888294707 +898 313 4 888294375 +898 315 5 888294375 +898 316 5 888294739 +898 327 5 888294529 +898 328 2 888294567 +898 334 3 888294739 +898 343 3 888294805 +898 347 3 888294485 +898 358 4 888294739 +898 539 3 888294441 +898 689 3 888294842 +898 1296 4 888294942 +899 1 3 884120105 +899 8 4 884121572 +899 28 5 884121214 +899 29 2 884122844 +899 48 4 884122044 +899 64 4 884121647 +899 66 4 884122087 +899 71 4 884121424 +899 89 4 884121647 +899 96 4 884121125 +899 98 4 884121572 +899 111 4 884120105 +899 117 4 884119830 +899 121 5 884120164 +899 125 3 884120185 +899 133 3 884122308 +899 144 3 884121173 +899 147 2 884120106 +899 151 2 884122367 +899 153 5 884122331 +899 161 4 884122367 +899 173 3 884121089 +899 174 5 884121125 +899 177 3 884122367 +899 179 2 884121267 +899 180 3 884121308 +899 181 3 884119877 +899 190 4 884121051 +899 194 5 884121125 +899 195 4 884121884 +899 200 4 884122674 +899 202 4 884122419 +899 203 4 884121513 +899 213 4 884122698 +899 214 4 884122044 +899 222 4 884119910 +899 229 2 884122254 +899 234 4 884122674 +899 237 4 884120026 +899 255 4 884120149 +899 258 5 884119973 +899 291 4 884122279 +899 318 4 884121512 +899 356 2 884122087 +899 357 4 884121342 +899 403 3 884122844 +899 414 2 884122228 +899 423 4 884121214 +899 427 5 884121267 +899 431 1 884122645 +899 433 4 884122178 +899 455 3 884119910 +899 470 4 884122016 +899 498 4 884121767 +899 499 3 884122308 +899 515 3 884121945 +899 518 4 884121379 +899 546 2 884120317 +899 566 3 884122535 +899 568 4 884121720 +899 588 3 884122155 +899 597 2 884120270 +899 603 4 884121379 +899 663 4 884122719 +899 684 3 884122501 +899 717 1 884120967 +899 724 5 884122776 +899 732 3 884122776 +899 740 5 884120077 +899 742 4 884119830 +899 748 4 884120232 +899 827 2 884120388 +899 1101 5 884122112 +900 9 2 877832868 +900 31 2 877833995 +900 100 4 877832904 +900 117 2 877833029 +900 129 4 877833080 +900 136 2 877833712 +900 205 4 877833712 +900 237 4 877832803 +900 405 3 877833364 +900 410 2 877833326 +900 478 2 877833923 +900 483 4 877833924 +900 602 1 877834025 +900 654 2 877833924 +900 661 4 877833747 +900 696 2 877833195 +900 744 2 877833195 +900 864 2 877833000 +900 871 1 877833443 +900 1132 1 877833364 +900 1298 2 877833923 +901 1 5 877129870 +901 15 5 877130439 +901 20 1 877130406 +901 28 5 877131624 +901 38 3 877131087 +901 50 4 877126576 +901 58 4 877132091 +901 63 5 877131307 +901 66 5 877131307 +901 69 5 877132346 +901 73 5 877131416 +901 82 5 877131624 +901 88 5 877132604 +901 91 1 877131817 +901 94 4 877131738 +901 95 4 877131685 +901 117 4 877127196 +901 118 3 877127250 +901 121 4 877127219 +901 142 4 877131739 +901 151 3 877129870 +901 155 5 877132671 +901 172 5 877131205 +901 180 2 877289290 +901 194 5 877131342 +901 195 5 877131118 +901 204 5 877131307 +901 210 4 877130999 +901 211 4 877131342 +901 216 4 877132578 +901 222 4 877126648 +901 230 5 877131087 +901 235 3 877126963 +901 237 3 877126757 +901 243 2 877129839 +901 252 3 877127250 +901 259 2 877129839 +901 294 3 877125532 +901 321 1 877129839 +901 322 4 877125575 +901 378 5 877131654 +901 391 5 877131205 +901 393 5 877131738 +901 402 4 877132632 +901 403 2 877131086 +901 409 3 877129911 +901 423 4 877131685 +901 429 5 877132301 +901 430 3 877131416 +901 435 5 877131342 +901 436 4 877131961 +901 447 3 877132015 +901 451 4 877132604 +901 477 3 877127021 +901 560 3 877131624 +901 636 2 877131147 +901 662 4 877132632 +901 688 2 877129839 +901 728 4 877132632 +901 732 5 877132578 +901 739 5 877132671 +901 756 4 877126935 +901 768 3 877131793 +901 795 3 877131738 +901 826 2 877129839 +901 864 5 877289441 +901 866 3 877126963 +901 932 4 877127021 +901 1035 4 877131793 +901 1041 5 877131443 +901 1047 3 877131391 +901 1120 4 877127021 +901 1389 5 877127052 +901 1605 5 877127052 +901 1643 5 877130473 +902 1 5 879465583 +902 8 5 879465765 +902 79 5 879465952 +902 87 4 879465834 +902 95 4 879465834 +902 127 3 879464726 +902 144 5 879465894 +902 172 4 879465522 +902 187 3 879465834 +902 191 5 879465583 +902 204 3 879465952 +902 228 3 879465834 +902 246 1 879465073 +902 257 3 879464964 +902 268 1 879463373 +902 271 2 879463433 +902 275 4 879465894 +902 289 3 879463433 +902 301 2 879463373 +902 302 3 879463109 +902 307 3 879463582 +902 326 3 879463310 +902 328 3 879463212 +902 423 4 879465765 +902 479 4 879465583 +902 497 5 879465894 +902 754 3 879463310 +902 879 4 879463485 +902 989 2 879465336 +902 1016 2 879464783 +903 4 4 891033564 +903 7 2 891031259 +903 9 3 891031309 +903 11 2 891033335 +903 12 5 891033334 +903 13 5 891031632 +903 25 4 891031259 +903 30 5 891466808 +903 46 4 891033123 +903 47 5 891033522 +903 50 5 891031329 +903 52 3 891466551 +903 59 4 891466808 +903 60 4 891033048 +903 61 4 891033302 +903 64 5 891033564 +903 79 4 891033070 +903 81 5 891466376 +903 87 4 891032981 +903 89 4 891032842 +903 106 2 891031883 +903 111 3 891031677 +903 120 2 891032101 +903 121 3 891031487 +903 127 5 891031144 +903 129 3 891031144 +903 147 3 891031178 +903 154 4 891033781 +903 156 5 891466376 +903 157 4 891033430 +903 175 4 891032760 +903 179 5 891466376 +903 180 5 891033585 +903 188 5 891466376 +903 192 5 891033628 +903 196 4 891033781 +903 198 4 891032872 +903 210 4 891033541 +903 211 5 891033808 +903 214 4 891033781 +903 234 4 891033808 +903 238 5 891033502 +903 240 4 891031730 +903 252 3 891031715 +903 272 4 892493587 +903 273 3 891031203 +903 282 4 891031384 +903 293 4 891031226 +903 302 4 891380461 +903 324 4 891031697 +903 346 3 891380391 +903 357 5 891032872 +903 369 4 891032101 +903 405 4 891031678 +903 410 4 891031677 +903 421 3 891380488 +903 427 5 891466376 +903 443 5 891033755 +903 461 3 891033334 +903 475 4 891031144 +903 479 4 891032793 +903 509 4 891033380 +903 520 4 891032911 +903 523 5 891033606 +903 528 4 892760784 +903 544 2 891031470 +903 582 3 891033564 +903 595 2 891031714 +903 628 3 891031384 +903 642 4 891033005 +903 651 5 891032793 +903 655 5 891466376 +903 664 4 891033755 +903 684 3 891033828 +903 693 5 891466376 +903 709 4 891033502 +903 721 4 891380524 +903 763 5 891031450 +903 824 3 891031833 +903 871 3 891031833 +903 928 2 891031749 +903 1009 4 891031906 +903 1048 4 891031906 +903 1067 2 891031412 +903 1098 5 891033606 +903 1142 5 891466376 +903 1381 4 891031864 +904 88 3 879735710 +904 90 2 879735731 +904 111 4 879735641 +904 117 4 879735316 +904 173 3 879735499 +904 181 3 879735362 +904 202 2 879735584 +904 216 4 879735461 +904 237 5 879735551 +904 255 5 879735380 +904 274 5 879735551 +904 275 5 879735461 +904 280 5 879735678 +904 288 4 879735109 +904 402 4 879735679 +904 535 3 879735404 +904 553 3 879735710 +904 603 4 879735843 +904 682 4 879735158 +904 709 3 879735499 +904 724 4 879735616 +904 732 3 879735584 +904 747 4 879735584 +904 762 2 879735617 +904 781 4 879735678 +904 785 5 879735731 +904 794 4 879735710 +904 796 3 879735710 +904 815 4 879735678 +904 1041 2 879735710 +904 1074 4 879735710 +904 1152 4 879735551 +905 100 4 884983888 +905 116 3 884984066 +905 117 3 884984066 +905 129 4 884984009 +905 137 3 884984148 +905 237 3 884983951 +905 273 3 884984148 +905 294 3 884983556 +905 301 4 884983556 +905 302 5 884982870 +905 319 2 884983463 +905 322 3 884983341 +905 345 4 884983089 +905 458 4 884984382 +905 471 4 884983952 +905 508 4 884984066 +905 591 4 884983951 +905 748 2 884983627 +905 751 3 884983034 +905 871 2 884984149 +905 873 3 884983396 +905 879 3 884983627 +905 1051 2 884984329 +906 9 4 879434846 +906 124 4 879435212 +906 129 4 879435469 +906 221 4 879435365 +906 237 4 879435469 +906 240 3 879435758 +906 270 4 879434471 +906 277 3 879435469 +906 283 4 879435524 +906 284 4 879435469 +906 285 5 879434846 +906 286 5 879434335 +906 287 5 879435524 +906 300 3 879434378 +906 405 3 879435551 +906 408 4 879435212 +906 471 3 879435415 +906 473 4 879435598 +906 742 3 879435278 +906 744 4 879435524 +906 823 3 879435664 +906 991 3 879434410 +906 1009 2 879435212 +906 1011 4 879435365 +907 1 5 880158712 +907 5 5 881030348 +907 15 5 880158861 +907 19 5 880158730 +907 25 5 880159113 +907 50 4 880158692 +907 71 5 880159911 +907 79 5 880160008 +907 83 5 880159865 +907 88 5 881030348 +907 96 5 881030348 +907 97 5 880160204 +907 107 5 880158939 +907 111 5 880158883 +907 117 5 880159172 +907 120 4 880159562 +907 121 4 880159015 +907 123 4 880159442 +907 129 5 885862428 +907 143 5 880159982 +907 144 5 880159937 +907 151 4 880159222 +907 172 4 880160008 +907 173 4 880160140 +907 182 5 880159844 +907 185 4 880159801 +907 220 5 880159360 +907 225 5 880159442 +907 235 4 880159222 +907 237 5 880159059 +907 258 4 880158316 +907 260 2 885860511 +907 268 4 885860288 +907 271 5 881030073 +907 272 5 885860093 +907 275 5 880158692 +907 277 5 880158794 +907 278 5 880159016 +907 283 4 880158827 +907 284 5 881030348 +907 286 5 880158316 +907 288 5 880158476 +907 291 5 880158913 +907 294 4 880158502 +907 312 5 885860416 +907 313 5 885860093 +907 322 5 881030348 +907 326 5 880158448 +907 332 5 885862325 +907 356 4 880159937 +907 366 5 885862156 +907 393 5 880160009 +907 402 5 880160037 +907 405 4 880159113 +907 427 5 880159821 +907 462 4 880159666 +907 471 5 880159059 +907 475 3 880158692 +907 476 4 880159134 +907 483 4 880159937 +907 485 5 880160008 +907 496 4 880159666 +907 506 5 881030348 +907 520 5 880159865 +907 553 5 880160056 +907 633 5 881030348 +907 647 3 880159844 +907 686 4 880159778 +907 689 4 885860672 +907 697 5 880159982 +907 699 5 880159619 +907 710 4 880160106 +907 739 5 880159982 +907 742 5 880158939 +907 744 5 880159015 +907 748 5 880158537 +907 762 5 880159496 +907 764 4 880159113 +907 781 5 885862325 +907 815 5 880158913 +907 819 4 880159442 +907 869 5 880160123 +907 924 5 880159240 +907 928 5 880159198 +907 978 5 880159473 +907 988 3 880158612 +907 1016 5 880158939 +907 1028 5 880158913 +907 1040 5 880159496 +907 1047 5 881030348 +907 1048 5 880159404 +907 1051 5 880159530 +907 1054 3 880159598 +907 1157 5 885862211 +907 1163 4 880159015 +907 1167 5 880160106 +907 1220 5 880159642 +907 1221 5 880160080 +907 1244 5 880159381 +907 1284 5 881030348 +907 1326 4 880159512 +908 7 3 879722334 +908 12 3 879722603 +908 28 4 879723073 +908 47 3 879723095 +908 50 4 879722397 +908 79 4 879722850 +908 96 4 879722932 +908 100 4 879722427 +908 123 3 879722822 +908 124 3 879722694 +908 127 4 879722694 +908 144 4 879722850 +908 172 3 879722780 +908 174 3 879722642 +908 183 4 879722427 +908 194 3 879722932 +908 195 4 879722754 +908 205 3 879722901 +908 209 3 879722694 +908 216 3 879723074 +908 223 4 879722953 +908 264 3 879722206 +908 300 3 879722076 +908 318 5 879722717 +908 419 4 879722875 +908 478 4 879723046 +908 481 3 879722754 +908 482 3 879722667 +908 483 4 879722718 +908 494 3 879723046 +908 496 5 879722361 +908 515 4 879722463 +908 525 4 879722300 +908 527 3 879722754 +908 528 4 879722397 +908 558 4 879722667 +908 591 4 879722996 +908 603 4 879722361 +908 631 4 879723128 +908 654 3 879722822 +908 663 3 879723022 +908 709 4 879722490 +908 732 3 879722974 +909 86 5 891920125 +909 170 5 891920276 +909 224 5 891920089 +909 261 5 891919599 +909 294 3 891920763 +909 326 4 891919458 +909 339 4 891919406 +909 382 5 891920327 +909 707 5 891920327 +909 880 4 891919406 +910 1 4 880822060 +910 3 2 881421019 +910 9 4 880821079 +910 12 4 880821718 +910 25 3 880822203 +910 50 5 880822060 +910 56 4 880821656 +910 98 4 881421309 +910 118 3 881420857 +910 121 1 880821492 +910 124 3 880821124 +910 127 5 880822060 +910 134 3 880821676 +910 174 5 880822060 +910 181 1 880821033 +910 183 4 880822060 +910 205 4 880822060 +910 210 4 881421309 +910 222 4 880822060 +910 254 1 881421240 +910 273 3 880821492 +910 284 3 880821969 +910 286 3 883760216 +910 291 1 881421090 +910 298 2 880821124 +910 300 4 881420194 +910 307 2 880821815 +910 310 3 881420170 +910 313 4 884229092 +910 357 4 880821718 +910 405 4 881420841 +910 597 3 881421048 +910 628 1 880821319 +910 684 4 880821696 +910 742 4 880822031 +910 748 3 881420228 +910 831 1 881421142 +910 1025 2 881420507 +911 26 4 892840048 +911 83 4 892839784 +911 87 5 892839056 +911 93 4 892839784 +911 134 4 892838823 +911 142 4 892840950 +911 151 5 892840916 +911 153 5 892839784 +911 154 4 892839492 +911 163 4 892839846 +911 172 4 892838636 +911 173 5 892838677 +911 176 4 892841255 +911 183 4 892839492 +911 186 5 892839929 +911 191 5 892838676 +911 193 4 892839056 +911 194 4 892839929 +911 197 4 892842771 +911 199 3 892839333 +911 208 4 892839970 +911 209 5 892839784 +911 211 3 892839418 +911 215 3 892839140 +911 216 4 892839929 +911 228 4 892841220 +911 374 1 892841118 +911 419 5 892840916 +911 420 4 892840950 +911 427 3 892838538 +911 428 4 892839929 +911 431 4 892842368 +911 432 3 892839551 +911 443 4 892841220 +911 451 2 892840253 +911 465 5 892840807 +911 473 3 892840996 +911 474 5 892838637 +911 478 5 892838823 +911 479 5 892838787 +911 480 4 892838823 +911 482 4 892838864 +911 506 3 892839518 +911 507 4 892839289 +911 514 3 892839454 +911 530 4 892838677 +911 548 3 892841073 +911 584 3 892841033 +911 603 5 892838864 +911 625 5 892840807 +911 627 3 892840888 +911 647 4 892839140 +911 655 5 892839719 +911 709 5 892839846 +911 855 5 892839084 +911 923 4 892842509 +911 1039 4 892838357 +911 1060 4 892841033 +912 15 4 875967028 +912 28 4 875966756 +912 64 4 875966027 +912 174 3 875966756 +912 186 3 875966202 +912 192 4 875966349 +912 246 2 875967072 +912 268 2 875965695 +912 357 5 875966429 +912 418 4 875966694 +912 419 4 875966756 +912 427 5 875965830 +912 443 4 875966027 +912 474 3 875965906 +912 479 4 875966107 +912 498 5 875965830 +912 501 4 875966756 +912 507 3 875965906 +912 517 4 875966458 +912 520 2 875966429 +912 523 4 875965830 +912 610 4 875966027 +912 616 3 875966065 +912 646 3 875966429 +912 648 3 875966616 +912 653 3 875965906 +912 655 5 875966320 +912 659 5 875966202 +912 661 2 875965981 +913 4 4 874786460 +913 7 5 881725846 +913 9 5 881725816 +913 11 4 881037106 +913 15 3 881367770 +913 19 5 881366383 +913 22 5 881369920 +913 28 3 881369039 +913 50 4 880758348 +913 56 5 880758974 +913 57 4 880758348 +913 60 3 880946006 +913 64 5 881725876 +913 69 2 880757553 +913 83 4 881725904 +913 95 4 880826766 +913 96 5 881725904 +913 100 3 880824823 +913 131 5 881367150 +913 132 3 880758150 +913 143 5 881725761 +913 151 4 881368824 +913 164 2 880826620 +913 168 4 881725796 +913 169 4 880757553 +913 171 3 880758348 +913 172 5 881726004 +913 176 5 880759221 +913 180 3 880758150 +913 181 3 880825135 +913 184 3 880826706 +913 186 3 880946006 +913 189 3 881367594 +913 191 5 881725737 +913 195 4 881725846 +913 200 5 880825443 +913 203 4 880825916 +913 204 4 880946539 +913 209 2 881367150 +913 227 1 881368310 +913 228 5 881368310 +913 235 1 881725960 +913 238 3 880825052 +913 258 4 889331049 +913 268 2 880753802 +913 276 3 881037047 +913 288 2 880755823 +913 289 5 880658260 +913 317 4 881725876 +913 318 4 880794731 +913 343 1 881037310 +913 346 3 883110406 +913 408 5 880758348 +913 418 3 881368742 +913 419 5 881725737 +913 423 3 881368310 +913 427 4 881725960 +913 428 3 881367151 +913 436 3 881367312 +913 461 4 881725816 +913 462 3 881037459 +913 466 3 882544673 +913 469 3 881037459 +913 474 5 881725737 +913 478 4 880824512 +913 483 3 880757975 +913 498 3 880757473 +913 508 3 880759072 +913 518 4 881725761 +913 531 2 880946475 +913 596 1 881367210 +913 604 2 882201336 +913 613 5 881725796 +913 657 5 881725761 +913 690 3 880824288 +913 729 3 881368824 +913 742 3 881036957 +913 919 4 880758150 +914 216 3 887122324 +914 313 3 887121969 +914 381 3 887122325 +914 402 5 887124376 +914 732 2 887123465 +914 739 2 887124376 +914 775 3 887124121 +914 778 5 887122085 +914 781 5 887123464 +914 1259 1 887123886 +914 1406 4 887123886 +915 258 2 891030108 +915 286 4 891030032 +915 301 2 891030032 +915 302 4 891029965 +915 305 2 891030070 +915 315 4 891029965 +915 334 3 891031477 +915 345 4 891030145 +915 346 2 891030070 +915 347 5 891031477 +915 691 4 891030108 +915 750 4 891030070 +915 752 3 891030120 +915 896 2 891030070 +916 3 3 880843838 +916 5 3 880845099 +916 7 4 880843361 +916 11 4 880844369 +916 12 4 880844445 +916 23 4 880843997 +916 24 2 880843419 +916 30 4 880844463 +916 31 3 880844789 +916 42 5 880844958 +916 52 5 880844813 +916 55 3 880844369 +916 58 5 880844291 +916 60 4 880844058 +916 64 5 880843996 +916 66 3 880845264 +916 68 3 880845636 +916 69 4 880844694 +916 71 3 880844897 +916 72 3 880845808 +916 73 3 880845829 +916 76 3 880845049 +916 79 3 880845249 +916 80 3 880845476 +916 83 4 880845206 +916 86 4 880844655 +916 88 4 880845157 +916 89 5 880844241 +916 90 3 880845115 +916 92 5 880844291 +916 96 3 880844813 +916 97 4 880844789 +916 98 5 880844038 +916 101 3 880845690 +916 106 3 880843934 +916 109 3 880845099 +916 111 4 880843636 +916 117 2 880843509 +916 118 2 880843838 +916 121 3 880843864 +916 123 3 880843524 +916 125 3 880843750 +916 132 3 880844597 +916 137 5 880843482 +916 144 3 880844016 +916 147 1 880843578 +916 148 2 880843892 +916 150 4 880843318 +916 151 3 880843578 +916 153 3 880844087 +916 155 2 880845808 +916 156 5 880844016 +916 157 4 880845011 +916 158 2 880845829 +916 159 3 880845303 +916 161 3 880845658 +916 163 3 880844834 +916 164 4 880845028 +916 168 4 880844369 +916 171 4 880844332 +916 172 5 880843997 +916 173 4 880844332 +916 174 5 880844569 +916 176 4 880844419 +916 177 3 880844312 +916 180 5 880844753 +916 181 4 880843401 +916 183 4 880844395 +916 188 3 880844789 +916 192 4 880844552 +916 193 4 880844420 +916 195 3 880844920 +916 196 4 880844920 +916 198 4 880844463 +916 202 3 880845028 +916 203 4 880844157 +916 204 3 880844813 +916 206 3 880844597 +916 209 3 880844017 +916 210 4 880844694 +916 211 4 880844395 +916 215 3 880844552 +916 216 4 880844312 +916 218 3 880845303 +916 219 3 880845755 +916 226 3 880845177 +916 227 3 880845067 +916 228 3 880845049 +916 230 3 880845177 +916 233 3 880845391 +916 234 4 880845206 +916 236 4 880843482 +916 237 3 880843419 +916 238 4 880845011 +916 239 3 880844627 +916 241 4 880845368 +916 249 3 880843579 +916 250 4 880843361 +916 256 3 880843551 +916 257 3 880843401 +916 265 4 880844813 +916 268 5 880843093 +916 273 3 880843361 +916 276 4 880843551 +916 280 2 880843864 +916 284 2 880843666 +916 286 4 880843062 +916 290 3 880845206 +916 318 4 880844175 +916 356 3 880845722 +916 367 3 880845451 +916 369 2 880843906 +916 380 2 880845206 +916 382 4 880844674 +916 385 3 880844834 +916 387 4 880845328 +916 399 3 880845135 +916 402 3 880845177 +916 405 2 880843579 +916 417 2 880845949 +916 421 5 880844291 +916 423 3 880844654 +916 425 5 880844102 +916 428 4 880844350 +916 431 3 880844655 +916 433 3 880844958 +916 461 4 880844087 +916 462 4 880844058 +916 475 4 880843334 +916 476 2 880843775 +916 480 4 880844201 +916 483 5 880844419 +916 484 4 880844156 +916 498 3 880844241 +916 511 5 880844395 +916 512 5 880844675 +916 528 3 880846339 +916 531 4 880844331 +916 535 3 880843949 +916 537 4 880844087 +916 541 2 880845206 +916 546 2 880843864 +916 549 3 880845543 +916 550 2 880844985 +916 557 4 880844527 +916 558 3 880844767 +916 559 3 880845658 +916 561 3 880845227 +916 566 3 880845574 +916 568 4 880845949 +916 569 2 880845606 +916 581 4 880845543 +916 582 4 880844728 +916 583 4 880845690 +916 597 2 880843727 +916 631 4 880844654 +916 636 3 880845391 +916 640 4 880845157 +916 642 3 880845227 +916 650 4 880844711 +916 652 4 880844291 +916 674 3 880845522 +916 678 2 880843249 +916 679 3 880845690 +916 684 3 880844395 +916 685 2 880843727 +916 693 3 880844087 +916 697 4 880844937 +916 704 3 880845177 +916 709 3 880844123 +916 710 3 880844332 +916 713 3 880843636 +916 715 4 880845099 +916 720 2 880844920 +916 735 4 880844879 +916 737 3 880845328 +916 739 3 880845589 +916 741 3 880843401 +916 746 3 880844262 +916 748 2 880843249 +916 755 2 880845574 +916 756 3 880843892 +916 762 3 880843579 +916 764 3 880843798 +916 767 4 880845522 +916 790 2 880845790 +916 792 3 880844569 +916 806 4 880844552 +916 820 2 880843636 +916 825 1 880843750 +916 844 3 880843465 +916 863 3 880846735 +916 919 5 880843465 +916 931 1 880843798 +916 939 3 880844694 +916 943 4 880844834 +916 948 2 880843838 +916 960 4 880844861 +916 971 4 880845476 +916 978 1 880843949 +916 1009 5 880843551 +916 1010 4 880843482 +916 1011 4 880843666 +916 1014 3 880843683 +916 1042 3 880845328 +916 1070 4 880844202 +916 1073 4 880844445 +916 1074 3 880844985 +916 1079 2 880843811 +916 1098 4 880844862 +916 1101 4 880844419 +916 1119 3 880845505 +916 1194 4 880844753 +916 1208 2 880845249 +916 1217 1 880845606 +916 1220 3 880845282 +916 1401 3 880844262 +916 1597 3 880845206 +916 1682 3 880845755 +917 1 3 882910888 +917 3 1 882911567 +917 9 5 882912385 +917 100 4 882910830 +917 121 1 882911567 +917 237 5 882912385 +917 246 4 882910971 +917 248 4 882912385 +917 255 3 882911158 +917 268 4 882910409 +917 278 3 882911767 +917 282 4 882911480 +917 285 4 882911122 +917 287 4 882911185 +917 289 4 882910457 +917 312 2 882910627 +917 328 2 882910506 +917 405 3 882911215 +917 473 3 882911390 +917 476 5 882912385 +917 535 4 882912385 +917 591 3 882911185 +917 628 5 882912385 +917 696 5 882912385 +917 751 2 882910409 +917 756 4 882911622 +917 763 3 882911480 +917 879 2 882910604 +918 1 3 891987059 +918 25 4 891988123 +918 42 3 891987059 +918 69 3 891987497 +918 70 3 891988248 +918 72 1 891988491 +918 82 3 891988521 +918 83 4 891987914 +918 86 4 891986798 +918 88 2 891988276 +918 89 5 891987780 +918 132 4 891986904 +918 133 1 891987267 +918 143 4 891988726 +918 151 2 891988646 +918 153 1 891987291 +918 154 2 891987411 +918 161 1 891988824 +918 165 4 891986998 +918 166 4 891987238 +918 168 3 891986999 +918 175 3 891987339 +918 196 3 891987267 +918 197 2 891987387 +918 199 3 891986846 +918 208 3 891988002 +918 216 2 891987205 +918 340 1 891986174 +918 381 5 891988123 +918 417 2 891988521 +918 430 1 891987205 +918 462 3 891986933 +918 485 3 891987689 +918 498 4 891987025 +918 499 4 891986775 +918 507 5 891987363 +918 517 3 891987622 +918 520 3 891987571 +918 529 3 891987290 +918 630 3 891988672 +918 656 4 891986609 +918 659 4 891987622 +918 660 4 891987752 +918 664 4 891987914 +918 704 4 891988123 +918 707 5 891987446 +918 709 4 891986820 +918 747 3 891988705 +918 855 5 891987497 +918 958 3 891988491 +918 965 4 891988276 +918 971 4 891987780 +918 972 5 891988054 +918 995 3 891986143 +918 1099 4 891987571 +918 1137 5 891986999 +918 1172 3 891987622 +918 1195 4 891986664 +918 1265 1 891986494 +918 1266 4 891988586 +918 1639 5 891987571 +919 1 4 875289321 +919 9 5 875288749 +919 12 3 875373294 +919 14 4 875288934 +919 16 4 875289533 +919 20 1 875289499 +919 21 2 875289356 +919 22 5 875374269 +919 23 3 875373074 +919 25 4 875289113 +919 28 4 875373888 +919 31 3 875373416 +919 64 5 875374088 +919 69 3 875921182 +919 70 4 875921442 +919 82 5 875373945 +919 88 2 875373621 +919 93 5 875288681 +919 95 4 875921182 +919 98 5 875373470 +919 99 4 875373945 +919 111 4 875288681 +919 116 3 875288749 +919 117 4 875288934 +919 118 4 875373582 +919 124 3 875288522 +919 125 4 875289113 +919 126 4 875289170 +919 129 5 875289025 +919 137 2 875288749 +919 147 4 875289322 +919 148 3 875289417 +919 151 4 875289025 +919 174 4 875372947 +919 181 4 875289250 +919 183 3 875372802 +919 191 5 875373824 +919 200 4 875373294 +919 222 3 875288983 +919 223 4 875372844 +919 236 5 875288681 +919 237 4 875288805 +919 238 3 875372988 +919 245 2 875288253 +919 250 3 875288749 +919 255 4 875289170 +919 258 4 875288164 +919 260 4 875288362 +919 261 3 885059658 +919 264 3 875288362 +919 271 4 885059476 +919 272 5 885059452 +919 275 5 875288522 +919 276 5 875288612 +919 277 5 875288805 +919 282 4 875289113 +919 283 4 875288748 +919 284 3 875289280 +919 287 4 875289611 +919 288 4 875288164 +919 292 3 875288253 +919 293 4 875288681 +919 294 3 875288304 +919 295 3 875289170 +919 297 4 875288749 +919 300 4 875288164 +919 301 3 875288164 +919 302 4 875920245 +919 303 4 875920245 +919 304 4 875920245 +919 305 4 885059623 +919 307 4 885059506 +919 310 3 885059537 +919 312 2 885059658 +919 313 5 885059400 +919 315 3 885059569 +919 319 3 875288164 +919 323 4 875288362 +919 331 4 875920290 +919 332 4 885059537 +919 333 4 875920290 +919 334 4 885059506 +919 340 5 885059506 +919 343 4 885059506 +919 367 4 875921085 +919 382 5 875373214 +919 406 3 875289417 +919 412 2 875289061 +919 419 5 875374269 +919 423 5 875374032 +919 432 4 875373824 +919 447 4 875372903 +919 527 4 875373416 +919 531 3 875373669 +919 535 3 885059887 +919 539 3 885059682 +919 558 5 875372988 +919 591 3 875289667 +919 660 4 875373945 +919 678 2 875288253 +919 681 2 875920347 +919 689 2 885059506 +919 715 5 875921442 +919 732 3 875373471 +919 740 3 875289113 +919 750 3 885059452 +919 755 3 875373889 +919 813 4 875288681 +919 815 2 875289533 +919 832 3 875289726 +919 864 2 875288848 +919 875 1 875288362 +919 877 3 875288304 +919 879 3 875920627 +919 880 3 885059601 +919 892 3 885059724 +919 895 4 885059623 +919 946 4 875373416 +919 953 3 875921051 +919 988 3 875288362 +919 989 2 875288418 +919 1014 4 875289384 +919 1060 3 875289322 +919 1073 4 875373416 +919 1119 3 875373824 +919 1134 2 875289356 +919 1173 3 885059859 +919 1197 4 875288613 +919 1258 3 875289453 +919 1514 2 885059812 +920 245 2 884220131 +920 258 4 884220094 +920 268 3 884220163 +920 272 3 884219701 +920 286 2 884219953 +920 288 3 884219768 +920 292 3 884220058 +920 299 2 884220163 +920 301 2 884220058 +920 307 3 884219993 +920 310 4 884219768 +920 311 3 884219701 +920 313 5 884219701 +920 333 4 884219993 +920 340 4 884219993 +921 25 3 879379736 +921 50 4 879381051 +921 66 5 884673700 +921 69 4 879380862 +921 71 4 879380957 +921 97 2 884673891 +921 111 4 879380097 +921 121 5 879379736 +921 122 2 879380433 +921 128 1 879381287 +921 136 4 879380806 +921 143 5 879381257 +921 147 3 879379843 +921 151 3 879379994 +921 172 4 884673823 +921 174 5 884673780 +921 185 3 879380826 +921 194 3 879380704 +921 196 5 884673724 +921 202 4 884673891 +921 210 4 884673633 +921 215 4 879380677 +921 222 5 879381128 +921 228 3 884673823 +921 230 3 879381051 +921 237 3 879379562 +921 240 1 879379621 +921 245 1 879379361 +921 254 3 879380908 +921 257 3 879379898 +921 259 4 884673369 +921 276 1 879381004 +921 280 3 879379562 +921 284 4 879379943 +921 294 4 879379338 +921 304 2 879379428 +921 323 4 879379428 +921 328 5 879379338 +921 367 4 879381021 +921 380 4 879381051 +921 392 4 884673868 +921 400 4 879381158 +921 405 3 879379774 +921 410 2 879380957 +921 419 5 879381234 +921 472 2 879380057 +921 484 3 884673633 +921 526 4 884673930 +921 538 4 884673311 +921 603 3 884673868 +921 659 5 884673799 +921 662 4 884673724 +921 678 5 879379447 +921 760 2 879380164 +921 762 2 879380237 +921 763 3 879380258 +921 778 3 879380704 +921 797 3 879381287 +921 820 3 879380328 +921 924 3 879379736 +921 929 1 879380142 +921 1016 4 879379562 +921 1028 4 879380142 +921 1051 3 879380433 +921 1287 1 879380401 +921 1317 2 879380981 +922 1 5 891448551 +922 11 5 891450401 +922 15 4 891453122 +922 22 5 891450586 +922 29 3 891450805 +922 43 3 891454445 +922 51 4 891448451 +922 62 3 891450768 +922 67 3 891452928 +922 68 4 891450586 +922 69 3 891453106 +922 77 4 891447833 +922 80 3 891452817 +922 82 3 891449123 +922 83 4 891448115 +922 91 4 891448833 +922 95 3 891448580 +922 99 4 891448580 +922 122 2 891455788 +922 127 3 891453105 +922 135 2 891453820 +922 145 3 891450315 +922 153 4 891451037 +922 155 2 891448473 +922 168 3 891450968 +922 175 3 891451240 +922 176 3 891450401 +922 181 5 891449122 +922 195 3 891450401 +922 200 3 891449878 +922 204 3 891451100 +922 214 2 891454071 +922 219 1 891449901 +922 228 4 891447665 +922 230 4 891447723 +922 235 2 891452407 +922 250 2 891454910 +922 252 2 891455230 +922 258 4 891454681 +922 271 3 891445117 +922 274 3 891448247 +922 276 3 891453854 +922 288 2 891445064 +922 294 4 891447296 +922 367 3 891452743 +922 375 2 891454552 +922 380 4 891454218 +922 384 4 891452521 +922 385 3 891450586 +922 391 3 891450840 +922 402 3 891448451 +922 411 1 891455379 +922 421 4 891448473 +922 427 5 891449123 +922 431 4 891447723 +922 432 5 891448551 +922 433 4 891451143 +922 447 1 891449901 +922 450 4 891447876 +922 455 4 891450688 +922 476 1 891455167 +922 562 3 891450866 +922 576 4 891450805 +922 579 3 891447988 +922 596 4 891448833 +922 631 3 891453171 +922 655 2 891451327 +922 660 3 891453122 +922 662 3 891448246 +922 699 3 891449048 +922 715 3 891452354 +922 739 3 891448516 +922 747 3 891448247 +922 810 4 891450866 +922 834 1 891455565 +922 919 5 891454625 +922 1079 1 891455277 +922 1110 4 891450768 +922 1157 2 891447853 +923 1 3 880387306 +923 9 4 880387306 +923 50 5 880387306 +923 100 5 880387474 +923 105 4 880388547 +923 121 4 880387908 +923 129 5 880387474 +923 151 4 880388021 +923 168 5 880388872 +923 222 4 880388211 +923 248 4 880387474 +923 249 4 880388021 +923 257 5 880387946 +923 264 3 880387199 +923 276 5 880387429 +923 280 3 880388097 +923 282 4 880387624 +923 291 4 880387707 +923 293 4 880387908 +923 294 4 880387081 +923 307 4 880386897 +923 325 4 880387081 +923 340 5 880387080 +923 405 4 880387429 +923 411 4 880387664 +923 455 4 880387946 +923 460 4 880388426 +923 475 5 880387664 +923 544 4 880387507 +923 591 5 880387875 +923 628 4 880387428 +923 685 4 880387396 +923 713 5 880388173 +923 741 5 880387792 +923 742 4 880387792 +923 815 4 880387792 +923 823 4 880388383 +923 825 4 880387525 +923 829 4 880388426 +923 866 4 880388383 +923 926 4 880388383 +923 975 4 880388245 +923 1001 1 880388173 +923 1011 4 880388097 +923 1012 5 880387624 +923 1017 5 880387525 +923 1277 5 880388322 +924 2 3 886759997 +924 7 4 885458060 +924 9 4 886759657 +924 12 4 885458093 +924 28 4 885457827 +924 31 3 885458168 +924 50 5 884371386 +924 56 3 886327724 +924 64 4 886327778 +924 71 5 885457922 +924 100 4 884371558 +924 114 3 886327724 +924 129 4 889286888 +924 134 4 885457827 +924 144 3 885458093 +924 153 4 886327689 +924 172 4 885458060 +924 178 5 885457922 +924 181 3 884371535 +924 196 4 886759657 +924 200 4 885458093 +924 205 4 886327826 +924 216 4 885458010 +924 237 4 889286746 +924 275 4 889286721 +924 276 2 884371386 +924 288 3 886065748 +924 313 4 886065805 +924 318 5 885458060 +924 322 2 884337164 +924 402 3 886759965 +924 427 4 885458010 +924 429 4 886760020 +924 433 5 885458168 +924 471 4 884371635 +924 480 3 885457891 +924 482 4 885457858 +924 496 5 886327689 +924 511 5 885457827 +924 519 4 886759888 +924 527 4 885458009 +924 562 3 886759657 +924 605 3 885457975 +924 701 4 885457922 +924 849 3 886760052 +924 896 4 884337242 +924 1149 3 888351470 +925 98 4 884717862 +925 200 2 884717963 +925 217 2 884718100 +925 219 3 884718099 +925 245 3 884633287 +925 260 3 884717669 +925 288 5 884633224 +925 324 4 884633348 +925 325 4 884633349 +925 327 3 884717790 +925 447 4 884717963 +925 558 1 884718099 +925 559 3 884717963 +925 561 3 884718100 +925 563 2 884718204 +925 567 3 884718156 +925 672 3 884718099 +925 773 1 884717862 +925 788 3 884718204 +925 816 3 884718156 +925 876 3 884717404 +926 237 3 888351813 +926 245 3 888636270 +926 258 4 888636202 +926 262 3 888636082 +926 269 5 888636082 +926 272 5 888351623 +926 292 3 888636202 +926 294 3 888636269 +926 302 4 888351713 +926 313 3 888351622 +926 321 3 888636202 +926 340 4 888351623 +927 1 5 879191524 +927 8 4 879183164 +927 11 5 879183303 +927 25 3 879177403 +927 28 4 879183511 +927 29 5 879194033 +927 38 5 879195783 +927 56 4 879184534 +927 63 4 879197074 +927 64 5 879199250 +927 71 5 879190473 +927 72 5 879193848 +927 82 2 879197269 +927 91 4 879196955 +927 94 2 879198972 +927 95 5 879184447 +927 96 5 879184761 +927 99 2 879195472 +927 111 4 879177457 +927 118 5 879181042 +927 121 5 879199250 +927 132 2 879194268 +927 143 3 879196231 +927 154 3 879184534 +927 155 4 879193972 +927 168 4 879193383 +927 174 3 879185327 +927 195 4 879183245 +927 204 4 879183511 +927 210 5 879194937 +927 217 1 879196955 +927 227 2 879196283 +927 229 3 879191722 +927 255 4 879177027 +927 257 5 879177353 +927 278 1 879181133 +927 328 4 879176059 +927 374 4 879195783 +927 385 4 879193625 +927 395 3 879193732 +927 401 2 879196762 +927 402 4 879192123 +927 403 4 879194335 +927 404 4 879197692 +927 405 5 879181451 +927 409 4 879176876 +927 411 4 879182939 +927 412 1 879182833 +927 417 4 879184710 +927 420 5 879193437 +927 422 4 879199110 +927 426 4 879191432 +927 471 4 879193906 +927 477 3 879176876 +927 535 3 879181694 +927 541 5 879199250 +927 542 2 879193676 +927 552 4 879196283 +927 568 5 879199250 +927 571 3 879196853 +927 588 5 879183683 +927 623 3 879199110 +927 625 3 879191360 +927 722 3 879197421 +927 738 3 879196762 +927 742 5 879199250 +927 755 5 879192381 +927 756 4 879181259 +927 761 3 879198085 +927 768 4 879195972 +927 775 3 879197949 +927 815 3 879181259 +927 819 3 879181508 +927 820 4 879177403 +927 826 4 879181451 +927 866 4 879181621 +927 928 4 879183019 +927 1014 3 879176876 +927 1016 5 879199250 +927 1035 4 879199030 +927 1047 4 879181192 +927 1095 2 879182939 +927 1178 2 879192052 +927 1284 4 879181133 +927 1415 4 879196853 +928 9 5 880937163 +928 48 5 880936817 +928 114 5 880936742 +928 127 5 880936905 +928 134 5 880936742 +928 135 4 880936884 +928 165 5 880936863 +928 168 5 880936817 +928 172 5 880936769 +928 173 4 880936863 +928 176 3 880936817 +928 191 5 880936863 +928 246 5 880937184 +928 266 5 880936022 +928 268 5 880935814 +928 269 5 880935738 +928 276 5 880937144 +928 288 3 880935738 +928 328 3 880937258 +928 487 5 880936769 +928 749 5 880936022 +928 876 5 880936023 +928 1025 5 880936022 +929 12 4 879640036 +929 22 5 879640394 +929 28 4 879640084 +929 50 4 878402162 +929 56 4 880817844 +929 98 5 879640394 +929 100 4 878402162 +929 127 5 878402162 +929 135 5 880817818 +929 136 3 879640184 +929 144 3 879640394 +929 172 4 879640329 +929 187 5 879640290 +929 195 4 880817681 +929 197 3 880817780 +929 204 4 879640126 +929 205 4 879639969 +929 276 2 879640184 +929 284 2 878402162 +929 423 4 879640394 +929 429 4 879640225 +929 431 1 879640225 +929 433 2 880817753 +929 435 3 880817753 +929 479 4 879640329 +929 480 3 879639969 +929 484 3 879639969 +929 496 3 879640256 +929 521 5 879640184 +929 589 5 880817708 +929 654 3 879640290 +930 1 3 879534525 +930 14 4 879535392 +930 16 1 879534925 +930 24 1 879535015 +930 45 4 879535492 +930 50 2 879534410 +930 64 4 879535641 +930 100 3 879534506 +930 106 4 879535392 +930 107 3 879535207 +930 113 5 879535573 +930 116 5 879535392 +930 117 3 879534803 +930 126 5 879535392 +930 137 2 879535734 +930 143 2 879535462 +930 153 2 879535685 +930 165 5 879535609 +930 171 1 879535685 +930 174 3 879535513 +930 175 2 879535713 +930 176 3 879535663 +930 190 4 879535492 +930 210 2 879535713 +930 235 2 879535207 +930 237 3 879534587 +930 238 4 879535544 +930 240 1 879535207 +930 244 4 879535392 +930 255 3 879534667 +930 257 4 879535392 +930 265 3 879535685 +930 274 4 879534803 +930 275 4 879534550 +930 281 4 879535056 +930 282 4 879534667 +930 286 3 879533975 +930 300 4 879535392 +930 410 3 879534973 +930 411 1 879535272 +930 523 2 879535574 +930 535 4 879535392 +930 690 3 879534335 +930 705 2 879535609 +930 709 4 879535663 +930 756 3 879535015 +930 871 3 879535138 +930 1010 2 879534692 +930 1048 2 879535160 +930 1315 3 879534692 +931 14 4 891036648 +931 100 4 891036430 +931 111 3 891036648 +931 125 4 891036786 +931 126 4 891036463 +931 127 5 891037521 +931 137 3 891036552 +931 181 4 891036786 +931 252 3 891037070 +931 257 4 891036530 +931 272 5 891037521 +931 281 3 891036883 +931 283 4 891036604 +931 286 5 891037521 +931 290 2 891036883 +931 293 4 891036604 +931 297 4 891036673 +931 298 4 891036849 +931 300 5 891037521 +931 302 4 891035876 +931 304 4 891036105 +931 306 4 891036026 +931 313 4 891035876 +931 315 5 891037577 +931 316 5 891037521 +931 333 5 891037521 +931 344 4 891035917 +931 355 2 891036148 +931 459 4 891036506 +931 471 3 891036506 +931 508 4 891036696 +931 546 3 891036849 +931 685 4 891036902 +931 750 5 891037521 +931 845 3 891036883 +931 896 3 891036080 +931 900 4 891035917 +931 909 5 891037521 +932 1 4 891249932 +932 9 5 891249649 +932 14 4 891248856 +932 30 4 891249196 +932 38 2 891251696 +932 45 5 891249063 +932 47 4 891250142 +932 56 4 891250584 +932 64 2 891250059 +932 67 2 891251611 +932 70 4 891249171 +932 77 2 891251869 +932 82 3 891251246 +932 86 4 891249146 +932 89 5 891249586 +932 96 4 891250060 +932 99 4 891250236 +932 100 5 891249586 +932 101 3 891251225 +932 109 2 891251891 +932 119 5 891249586 +932 121 3 891251669 +932 133 4 891249675 +932 134 4 891250169 +932 136 5 891249736 +932 141 4 891250363 +932 148 2 891252140 +932 151 3 891251225 +932 153 4 891251063 +932 155 3 891251869 +932 162 4 891250704 +932 163 4 891251246 +932 165 4 891248996 +932 167 4 891251647 +932 168 5 891250746 +932 169 5 891249649 +932 170 4 891248967 +932 173 3 891250337 +932 174 4 891250017 +932 178 5 891249821 +932 185 4 891250392 +932 188 3 891250142 +932 189 5 891250449 +932 191 4 891249620 +932 193 3 891250142 +932 195 4 891250643 +932 196 4 891251038 +932 197 5 891249649 +932 198 4 891249109 +932 199 5 891249538 +932 203 4 891250584 +932 204 4 891250667 +932 205 5 891250211 +932 208 5 891249794 +932 210 4 891250793 +932 212 4 891249109 +932 222 4 891251485 +932 228 4 891251442 +932 230 4 891251153 +932 235 2 891250770 +932 357 5 891280138 +932 385 2 891251331 +932 389 3 891251331 +932 399 4 891251798 +932 405 4 891251177 +932 414 4 891251959 +932 416 3 891250498 +932 427 4 891249709 +932 429 5 891249675 +932 430 4 891249849 +932 431 3 891250944 +932 432 4 891250109 +932 434 5 891251015 +932 436 3 891251225 +932 441 2 891252504 +932 443 4 891250059 +932 447 3 891250944 +932 448 2 891251588 +932 462 4 891249038 +932 470 3 891251331 +932 474 5 891250418 +932 475 4 891248856 +932 478 4 891249962 +932 479 5 891249794 +932 480 5 891250746 +932 481 4 891249877 +932 482 5 891250211 +932 484 5 891249586 +932 486 5 891251177 +932 487 3 891250558 +932 488 5 891250282 +932 490 4 891250891 +932 491 5 891249621 +932 493 5 891249767 +932 494 4 891250060 +932 495 5 891251105 +932 496 4 891250169 +932 502 4 891249710 +932 503 4 891249962 +932 506 4 891249710 +932 509 3 891248893 +932 510 4 891249146 +932 511 5 891250282 +932 513 5 891250316 +932 514 5 891249932 +932 516 5 891249877 +932 517 5 891250643 +932 519 4 891249710 +932 520 4 891249794 +932 521 5 891249994 +932 523 4 891250080 +932 524 5 891249675 +932 526 5 891250746 +932 527 4 891249710 +932 528 5 891249962 +932 529 4 891251153 +932 530 4 891249903 +932 541 1 891251421 +932 560 2 891252198 +932 562 2 891251611 +932 600 2 891252412 +932 603 5 891249877 +932 606 4 891250169 +932 607 4 891249621 +932 612 5 891249620 +932 613 4 891250363 +932 615 5 891249621 +932 616 5 891251153 +932 632 4 891249649 +932 636 3 891251063 +932 639 5 891249171 +932 646 4 891250498 +932 649 4 891251199 +932 650 5 891250498 +932 654 5 891249877 +932 659 5 891250770 +932 661 5 891250109 +932 663 4 891251506 +932 665 2 891252058 +932 675 4 891249538 +932 705 4 891250017 +932 708 4 891251647 +932 736 3 891249261 +932 745 5 891250584 +932 755 2 891251822 +932 805 4 891250236 +932 811 4 891250392 +932 836 5 891250142 +932 841 2 891250317 +932 855 5 891249109 +932 863 4 891249063 +932 890 1 891248778 +932 968 4 891250816 +932 1020 5 891249621 +932 1021 4 891249146 +932 1030 2 891252338 +932 1035 4 891251869 +932 1116 4 891250943 +932 1121 5 891249261 +932 1126 5 891250862 +932 1139 2 891251562 +932 1149 4 891249767 +932 1411 4 891251647 +932 1449 5 891248937 +932 1454 4 891251985 +932 1456 4 891250891 +932 1558 5 891248996 +933 7 4 874854190 +933 9 3 874854402 +933 11 4 874853899 +933 12 4 874854135 +933 22 5 874853634 +933 25 2 874854589 +933 38 2 874939185 +933 39 3 874854100 +933 42 1 874853635 +933 50 4 874854383 +933 53 1 874855104 +933 56 5 874853688 +933 58 3 874855121 +933 62 1 874854994 +933 67 1 874938430 +933 69 4 874854009 +933 70 2 874855020 +933 79 3 874853819 +933 82 3 874939130 +933 87 4 874854723 +933 88 3 874854696 +933 89 4 874853957 +933 94 1 874938475 +933 95 3 874853666 +933 96 2 874855020 +933 97 2 874854161 +933 100 5 874853927 +933 105 2 874938475 +933 117 2 874939157 +933 121 3 874855138 +933 125 4 874854251 +933 127 5 874853898 +933 135 4 874854444 +933 144 4 874854932 +933 151 4 874853977 +933 153 3 874853779 +933 154 2 874938389 +933 157 4 874854932 +933 159 3 874854190 +933 160 3 874853755 +933 163 2 874938309 +933 164 2 874854461 +933 166 3 874854062 +933 167 2 874938491 +933 168 3 874853869 +933 172 2 874939031 +933 174 4 874854745 +933 175 4 874854444 +933 176 3 874854315 +933 177 4 874854994 +933 180 5 874854723 +933 181 2 874854100 +933 183 4 874853819 +933 184 1 874938850 +933 186 4 874938563 +933 193 4 874853927 +933 194 4 874854135 +933 195 4 874854589 +933 200 4 874854783 +933 202 2 874854745 +933 204 3 874854723 +933 210 3 874853734 +933 211 4 874854251 +933 216 3 874938239 +933 218 3 874854678 +933 222 1 874854783 +933 226 2 874854874 +933 227 1 874939078 +933 228 4 874854217 +933 229 1 874939078 +933 230 3 874854338 +933 232 1 874938354 +933 233 2 874939008 +933 234 3 874853957 +933 238 2 874853819 +933 239 3 874938412 +933 265 4 874854697 +933 273 3 874855069 +933 282 3 874855104 +933 284 2 874854294 +933 357 4 874853635 +933 367 4 874854190 +933 384 1 874938475 +933 388 1 874938620 +933 391 1 874939230 +933 392 3 874854652 +933 393 2 874938371 +933 410 3 874854383 +933 411 2 874938689 +933 424 1 874938833 +933 435 4 874854251 +933 441 2 874938833 +933 449 1 874939207 +933 452 1 874938808 +933 467 3 874854479 +933 474 5 874853734 +933 476 2 874854953 +933 483 4 874854424 +933 515 3 874854062 +933 559 2 874938808 +933 561 3 874938808 +933 568 2 874939207 +933 569 1 874938850 +933 575 1 874938620 +933 576 1 874939185 +933 578 1 874939230 +933 585 1 874938728 +933 597 1 874939230 +933 627 2 874854874 +933 636 2 874939105 +933 652 3 874854424 +933 654 4 874854338 +933 665 1 874938878 +933 679 1 874939078 +933 710 2 874938309 +933 732 3 874854651 +933 735 3 874853846 +933 763 3 874938644 +933 789 4 874853957 +933 823 2 874854813 +933 834 1 874938878 +933 840 3 874939230 +933 866 2 874938620 +933 940 1 874938664 +933 959 1 874938430 +933 1028 2 874938620 +933 1037 1 874938620 +933 1110 3 874938728 +933 1183 3 874938596 +933 1188 1 874938474 +933 1228 1 874939247 +934 1 2 891225958 +934 4 5 891195713 +934 13 5 891189566 +934 65 4 891192914 +934 66 4 891193187 +934 69 5 891193013 +934 70 4 891195713 +934 72 3 891195982 +934 82 4 891194221 +934 83 4 891191831 +934 86 3 891191831 +934 89 5 891191157 +934 94 4 891196117 +934 96 4 891191157 +934 99 3 891194379 +934 131 4 891191778 +934 132 4 891190609 +934 134 4 891191157 +934 135 4 891191659 +934 144 4 891192087 +934 152 4 891194303 +934 153 5 891225716 +934 154 3 891191401 +934 156 3 891190813 +934 157 2 891194498 +934 162 3 891191546 +934 163 4 891193331 +934 170 4 891190744 +934 172 5 891191206 +934 173 3 891192965 +934 175 4 891190854 +934 181 4 891189275 +934 186 2 891190854 +934 190 4 891191660 +934 191 5 891190695 +934 193 4 891192236 +934 196 5 891191108 +934 199 4 891191778 +934 204 4 891192444 +934 209 1 891190695 +934 211 4 891194661 +934 212 4 891194802 +934 213 4 891190744 +934 216 1 891191511 +934 225 2 891197375 +934 226 4 891191831 +934 234 2 891191875 +934 237 4 891189879 +934 254 4 891190478 +934 257 4 891189598 +934 286 4 891188367 +934 302 4 891188367 +934 303 4 891188441 +934 313 3 891188441 +934 316 4 891188727 +934 403 4 891195537 +934 414 5 891191027 +934 419 4 891192849 +934 420 4 891191469 +934 427 4 891191027 +934 428 4 891195503 +934 435 4 891191365 +934 449 4 891194900 +934 451 4 891192562 +934 462 4 891191511 +934 474 4 891191976 +934 481 4 891191402 +934 483 3 891190609 +934 492 4 891192087 +934 495 4 891195604 +934 498 3 891191511 +934 501 4 891196464 +934 502 4 891194539 +934 506 4 891193331 +934 507 4 891192145 +934 510 5 891193751 +934 516 3 891191334 +934 526 2 891192197 +934 527 3 891191334 +934 533 3 891189640 +934 550 4 891193097 +934 581 2 891193814 +934 584 4 891196384 +934 602 3 891195063 +934 614 3 891191334 +934 624 4 891193290 +934 630 4 891192285 +934 650 4 891195503 +934 657 3 891191027 +934 660 5 891194836 +934 661 4 891190960 +934 674 4 891193814 +934 703 4 891195437 +934 705 4 891191778 +934 708 3 891192329 +934 712 4 891196564 +934 732 5 891194089 +934 755 4 891196610 +934 786 1 891194089 +934 792 3 891193132 +934 794 4 891192849 +934 805 4 891194221 +934 811 4 891192145 +934 818 1 891190288 +934 902 4 891188580 +934 961 4 891193854 +934 965 4 891192914 +934 972 3 891225716 +934 1018 4 891192849 +934 1065 2 891191108 +934 1135 3 891196117 +934 1203 5 891193013 +934 1285 3 891196516 +934 1311 1 891195713 +934 1411 4 891195437 +935 1 3 884472064 +935 9 1 884472352 +935 15 5 884472177 +935 117 4 884472229 +935 118 4 884472704 +935 120 3 884472942 +935 125 4 884472575 +935 181 4 884472039 +935 255 4 884472247 +935 274 5 884472352 +935 281 5 884472310 +935 282 4 884472539 +935 283 4 884472136 +935 286 5 884471835 +935 300 4 884471955 +935 313 5 884471835 +935 405 4 884472704 +935 546 4 884472743 +935 597 4 884472576 +935 620 2 884472627 +935 685 4 884472310 +935 815 4 884472576 +935 934 4 884472743 +935 1048 3 884472465 +936 1 4 886832453 +936 3 4 886833148 +936 6 5 886832636 +936 7 4 886832221 +936 13 4 886832596 +936 16 4 886832596 +936 19 5 886832092 +936 20 5 886833795 +936 24 4 886832904 +936 25 4 886833231 +936 100 4 886832092 +936 108 4 886832758 +936 117 4 886832713 +936 118 3 886833516 +936 121 4 886832544 +936 124 4 886832282 +936 125 4 886832757 +936 127 5 886833795 +936 129 4 886832134 +936 221 4 886832373 +936 235 3 886833099 +936 237 4 886832672 +936 244 4 886833099 +936 246 4 886832282 +936 248 4 886833006 +936 251 4 886832134 +936 252 2 886833099 +936 255 5 886833795 +936 257 3 886832808 +936 258 3 886831374 +936 259 3 886831709 +936 269 4 886831415 +936 272 4 886831374 +936 273 3 886832453 +936 274 3 886832858 +936 276 5 886832282 +936 286 5 886833794 +936 287 4 886832419 +936 289 5 886831769 +936 294 3 886831679 +936 295 3 886832502 +936 300 3 886831501 +936 312 3 886831853 +936 319 4 886831576 +936 321 3 886831769 +936 323 3 886831820 +936 324 5 886831576 +936 325 5 886831709 +936 327 4 886831445 +936 343 3 886831576 +936 346 4 886831445 +936 358 4 886831820 +936 405 2 886833053 +936 410 3 886833099 +936 455 3 886833148 +936 476 4 886832544 +936 535 2 886833052 +936 678 3 886831820 +936 696 2 886833191 +936 717 2 886833325 +936 748 2 886831738 +936 756 4 886833052 +936 766 3 886832597 +936 813 5 886832222 +936 815 3 886833571 +936 825 4 886832502 +936 827 2 886833191 +936 845 4 886833006 +936 864 4 886833360 +936 866 2 886833099 +936 898 1 886831535 +936 904 5 886831415 +936 919 5 886832808 +936 926 4 886833191 +936 928 3 886832502 +936 975 3 886832714 +936 988 3 886831912 +936 995 3 886831637 +936 1008 5 886833098 +936 1009 4 886833231 +936 1011 4 886832757 +936 1016 3 886832966 +936 1023 2 886833661 +936 1068 4 886832904 +936 1079 1 886832714 +936 1115 4 886832859 +936 1129 5 886833795 +936 1160 5 886833795 +936 1163 5 886833099 +936 1171 5 886832757 +936 1190 3 886833707 +936 1199 4 886833148 +936 1202 4 886832221 +936 1226 3 886833148 +936 1241 4 886832808 +936 1315 3 886833191 +936 1323 4 886833281 +936 1335 4 886833325 +936 1368 5 886832337 +936 1370 4 886833571 +936 1375 5 886832596 +936 1377 5 886832183 +937 14 4 876769080 +937 19 1 876769436 +937 50 5 876769374 +937 93 4 876780336 +937 100 3 876769080 +937 116 4 876769080 +937 124 4 876769212 +937 137 3 876769480 +937 222 3 876769530 +937 225 2 876769436 +937 236 4 876769373 +937 237 4 876769530 +937 255 3 876769323 +937 258 4 876762200 +937 283 4 876769212 +937 286 4 876762200 +937 294 1 876769480 +937 295 4 876780336 +937 303 4 876762200 +937 304 4 876768813 +937 326 1 876768813 +937 408 5 876769323 +937 508 1 876780336 +937 847 4 876769213 +937 864 3 876769530 +937 874 3 876768956 +937 988 2 876768983 +937 1007 4 876769373 +938 1 4 891356314 +938 7 4 891356679 +938 25 4 891356532 +938 50 5 891356314 +938 100 5 891356350 +938 106 5 891357019 +938 111 5 891356742 +938 117 3 891356350 +938 118 5 891356799 +938 121 5 891356895 +938 126 4 891356656 +938 127 5 891356446 +938 148 3 891356500 +938 220 4 891357085 +938 222 5 891356479 +938 225 4 891357161 +938 235 1 891357137 +938 237 2 891356549 +938 243 4 891356085 +938 245 3 891356282 +938 248 1 891356390 +938 250 3 891356532 +938 252 4 891357042 +938 255 1 891356329 +938 257 5 891356350 +938 258 5 891353196 +938 259 2 891356282 +938 260 4 891355996 +938 273 5 891356532 +938 275 4 891356350 +938 276 3 891356572 +938 286 3 891356282 +938 288 5 891354203 +938 289 1 891356282 +938 290 3 891356679 +938 291 4 891356594 +938 293 3 891356501 +938 298 4 891356573 +938 323 3 891356282 +938 328 2 891356282 +938 343 4 891356062 +938 358 4 891355972 +938 405 3 891356847 +938 406 3 891357060 +938 410 1 891356780 +938 411 3 891357042 +938 456 1 891357161 +938 458 4 891356780 +938 471 3 891356413 +938 473 3 891357106 +938 508 4 891356367 +938 591 3 891356463 +938 596 5 891356532 +938 597 3 891356679 +938 676 3 891356428 +938 678 3 891356282 +938 685 3 891356894 +938 742 3 891356702 +938 756 3 891357019 +938 762 4 891356780 +938 823 4 891357019 +938 829 1 891357085 +938 841 3 891357190 +938 845 1 891356780 +938 866 5 891356991 +938 871 2 891356549 +938 926 3 891357137 +938 928 5 891356656 +938 929 2 891356966 +938 993 5 891356413 +938 1013 2 891357042 +938 1016 3 891356799 +938 1028 5 891356679 +938 1047 3 891357107 +938 1061 4 891357085 +938 1152 3 891357106 +938 1254 1 891357019 +938 1283 3 891357190 +939 9 5 880260745 +939 15 5 880261094 +939 118 5 880261450 +939 127 5 880260745 +939 220 5 880261658 +939 237 5 880261056 +939 252 3 880261185 +939 254 3 880262319 +939 255 5 880261094 +939 257 5 880260805 +939 266 2 880260636 +939 274 5 880261334 +939 275 4 880260852 +939 280 5 880261291 +939 283 5 880261291 +939 285 5 880261184 +939 298 5 880261184 +939 405 4 880261450 +939 411 4 880261917 +939 424 3 880262019 +939 471 5 880261254 +939 508 5 880261141 +939 546 4 880261610 +939 591 5 880260994 +939 597 4 880261610 +939 680 2 880260636 +939 717 4 880261784 +939 742 5 880260915 +939 756 5 880261532 +939 841 4 880261868 +939 1028 5 880261868 +939 1051 5 880262090 +939 1277 5 880261945 +940 7 4 885921597 +940 12 4 885921979 +940 47 3 885921758 +940 50 4 885921542 +940 69 2 885921265 +940 70 3 885921500 +940 82 4 885922040 +940 98 4 885921421 +940 100 3 885921471 +940 116 2 885921741 +940 137 3 885921758 +940 150 3 885921422 +940 151 3 885921800 +940 161 3 885921870 +940 164 2 885921915 +940 168 3 885921597 +940 171 2 885921401 +940 173 4 885921400 +940 176 4 885921979 +940 183 3 885921422 +940 191 4 885921710 +940 200 3 885922016 +940 204 4 885922015 +940 209 4 885921800 +940 213 4 885921597 +940 215 2 885921451 +940 216 4 885921310 +940 238 4 885921628 +940 258 5 884801316 +940 259 4 884801316 +940 264 1 884801053 +940 269 4 884801316 +940 271 2 884801053 +940 285 4 885921846 +940 286 3 884800898 +940 294 4 884801316 +940 301 3 884800988 +940 302 4 884801316 +940 313 5 884801316 +940 316 4 889480582 +940 321 4 884801316 +940 347 3 884801024 +940 354 5 889480493 +940 357 4 885921219 +940 358 1 884801227 +940 382 3 885921953 +940 420 4 885921979 +940 430 4 885921542 +940 436 4 885921542 +940 471 4 885921628 +940 482 5 885921198 +940 508 5 885921198 +940 516 4 885921401 +940 527 3 885921710 +940 529 3 885921669 +940 629 3 885921800 +940 651 4 885921243 +940 657 4 885921471 +940 678 4 884801316 +940 692 4 885921651 +940 709 5 885921451 +940 746 3 885921669 +940 792 2 885921892 +940 879 3 889480535 +940 1137 3 885921577 +940 1167 4 885921198 +941 1 5 875049144 +941 15 4 875049144 +941 222 2 875049038 +941 257 4 875048952 +941 273 3 875049038 +941 294 4 875048532 +941 298 5 875048887 +941 300 4 875048495 +941 358 2 875048581 +941 408 5 875048886 +941 455 4 875049038 +941 475 4 875049038 +941 763 3 875048996 +941 919 5 875048887 +941 1007 4 875049077 +942 71 5 891282840 +942 79 5 891282903 +942 97 5 891283239 +942 99 5 891282880 +942 124 4 891283068 +942 135 3 891283017 +942 174 5 891283209 +942 183 3 891283184 +942 197 5 891283043 +942 210 4 891283184 +942 215 5 891283117 +942 234 4 891283161 +942 258 4 891282438 +942 259 4 891282673 +942 265 5 891282880 +942 272 5 891282420 +942 282 5 891282816 +942 300 5 891282564 +942 310 4 891282396 +942 315 4 891282355 +942 316 4 891282618 +942 318 5 891282903 +942 322 3 891282539 +942 328 3 891282503 +942 357 4 891283239 +942 414 4 891282857 +942 435 5 891282931 +942 478 5 891283017 +942 480 5 891282985 +942 484 5 891282963 +942 498 5 891282931 +942 520 5 891282963 +942 528 5 891282840 +942 659 5 891283161 +942 661 4 891283139 +942 662 4 891283517 +942 678 3 891282673 +942 689 3 891282644 +942 705 4 891283095 +942 750 4 891282355 +942 879 4 891282539 +942 892 3 891282644 +942 945 5 891283239 +942 1028 4 891283209 +942 1050 5 891283043 +942 1204 4 891283209 +942 1221 4 891282783 +943 2 5 888639953 +943 9 3 875501960 +943 22 4 888639042 +943 23 4 888638897 +943 24 4 875502074 +943 28 4 875409978 +943 31 4 888639066 +943 38 3 888640208 +943 41 4 888640251 +943 42 5 888639042 +943 50 4 875501835 +943 53 3 888640067 +943 56 5 888639269 +943 64 5 875409939 +943 67 4 888640143 +943 68 4 888639500 +943 69 5 888639427 +943 72 2 888639814 +943 76 4 888639523 +943 79 5 888639019 +943 80 2 888640048 +943 92 5 888639660 +943 97 2 888639445 +943 98 5 888638980 +943 100 5 875501725 +943 121 3 875502096 +943 122 1 875502576 +943 132 3 888639093 +943 139 1 888640027 +943 151 4 888692699 +943 161 4 888639772 +943 168 2 888638897 +943 172 4 888638940 +943 173 5 888638960 +943 174 4 875410099 +943 182 5 888639066 +943 185 2 888639370 +943 187 5 888639147 +943 193 4 888639093 +943 194 5 888639192 +943 196 5 888639192 +943 201 5 888639351 +943 202 2 888639170 +943 204 3 888639117 +943 205 5 888639478 +943 216 4 888639327 +943 217 3 888640067 +943 218 4 888639929 +943 219 4 888639575 +943 227 1 888693158 +943 228 3 888693158 +943 229 2 888693158 +943 230 1 888693158 +943 231 2 888640186 +943 233 5 888639327 +943 234 3 888693184 +943 239 5 888639867 +943 274 3 875502074 +943 282 5 875502230 +943 284 2 875502192 +943 318 3 888639093 +943 367 4 888639679 +943 385 4 888639308 +943 386 1 888640186 +943 391 2 888640291 +943 393 2 888639638 +943 399 1 888639886 +943 401 1 888639867 +943 402 2 888639702 +943 403 4 888639746 +943 406 3 875502597 +943 415 1 888640027 +943 419 2 888638920 +943 421 2 888639351 +943 426 4 888640027 +943 427 4 888639147 +943 431 4 888639724 +943 449 1 888693158 +943 450 1 888693158 +943 468 2 888639575 +943 470 4 888639814 +943 475 5 875501889 +943 485 5 888639523 +943 508 5 875501795 +943 526 4 888639523 +943 541 4 888639954 +943 546 4 875502229 +943 559 4 888639638 +943 566 4 888639886 +943 568 3 888639042 +943 569 2 888640186 +943 576 4 888640106 +943 585 1 888640250 +943 609 2 888639702 +943 614 5 888639351 +943 625 3 888639427 +943 672 5 888640125 +943 717 4 875502116 +943 720 1 888640048 +943 721 5 888639660 +943 722 3 888640208 +943 724 1 888639478 +943 732 4 888639789 +943 739 4 888639929 +943 756 2 875502146 +943 763 4 875501813 +943 765 3 888640227 +943 785 2 888640088 +943 796 3 888640311 +943 816 4 888640186 +943 824 4 875502483 +943 825 3 875502283 +943 831 2 875502283 +943 840 4 888693104 +943 928 5 875502074 +943 941 1 888639725 +943 1028 2 875502096 +943 1044 3 888639903 +943 1047 2 875502146 +943 1228 3 888640275 +943 1330 3 888692465 diff --git a/MovieLens Movie Recommendation/Python/ml-100k/ua.base b/MovieLens Movie Recommendation/Python/ml-100k/ua.base new file mode 100644 index 00000000..f3f41456 --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/ua.base @@ -0,0 +1,90570 @@ +1 1 5 874965758 +1 2 3 876893171 +1 3 4 878542960 +1 4 3 876893119 +1 5 3 889751712 +1 6 5 887431973 +1 7 4 875071561 +1 8 1 875072484 +1 9 5 878543541 +1 10 3 875693118 +1 11 2 875072262 +1 12 5 878542960 +1 13 5 875071805 +1 14 5 874965706 +1 15 5 875071608 +1 16 5 878543541 +1 17 3 875073198 +1 18 4 887432020 +1 19 5 875071515 +1 21 1 878542772 +1 22 4 875072404 +1 23 4 875072895 +1 24 3 875071713 +1 25 4 875071805 +1 26 3 875072442 +1 27 2 876892946 +1 28 4 875072173 +1 29 1 878542869 +1 30 3 878542515 +1 31 3 875072144 +1 32 5 888732909 +1 34 2 878542869 +1 35 1 878542420 +1 36 2 875073180 +1 37 2 878543030 +1 38 3 878543075 +1 39 4 875072173 +1 40 3 876893230 +1 41 2 876892818 +1 42 5 876892425 +1 43 4 878542869 +1 44 5 878543541 +1 45 5 875241687 +1 46 4 876893230 +1 47 4 875072125 +1 48 5 875072520 +1 49 3 878542478 +1 50 5 874965954 +1 51 4 878543275 +1 52 4 875072205 +1 53 3 876893206 +1 54 3 878543308 +1 55 5 875072688 +1 56 4 875072716 +1 57 5 878542459 +1 58 4 878542960 +1 59 5 876892817 +1 60 5 875072370 +1 62 3 878542282 +1 63 2 878543196 +1 64 5 875072404 +1 65 4 875072125 +1 66 4 878543030 +1 67 3 876893054 +1 68 4 875072688 +1 69 3 875072262 +1 70 3 875072895 +1 71 3 876892425 +1 72 4 878542678 +1 73 3 876892774 +1 74 1 889751736 +1 75 4 878543238 +1 76 4 878543176 +1 77 4 876893205 +1 78 1 878543176 +1 79 4 875072865 +1 80 4 876893008 +1 81 5 875072865 +1 82 5 878542589 +1 83 3 875072370 +1 84 4 875072923 +1 85 3 875073180 +1 86 5 878543541 +1 87 5 878543541 +1 88 4 878542791 +1 89 5 875072484 +1 90 4 878542300 +1 91 5 876892636 +1 92 3 876892425 +1 93 5 875071484 +1 94 2 875072956 +1 95 4 875072303 +1 96 5 875072716 +1 97 3 875073128 +1 98 4 875072404 +1 99 3 875072547 +1 100 5 878543541 +1 101 2 878542845 +1 102 2 889751736 +1 103 1 878542845 +1 104 1 875241619 +1 105 2 875240739 +1 106 4 875241390 +1 107 4 875241619 +1 108 5 875240920 +1 109 5 874965739 +1 110 1 878542845 +1 111 5 889751711 +1 112 1 878542441 +1 113 5 878542738 +1 114 5 875072173 +1 115 5 878541637 +1 116 3 878542960 +1 118 3 875071927 +1 119 5 876893098 +1 120 1 875241637 +1 121 4 875071823 +1 122 3 875241498 +1 123 4 875071541 +1 124 5 875071484 +1 125 3 878542960 +1 126 2 875071713 +1 127 5 874965706 +1 128 4 875072573 +1 129 5 887431908 +1 130 3 875072002 +1 131 1 878542552 +1 132 4 878542889 +1 133 4 876892818 +1 134 4 875073067 +1 135 4 875072404 +1 136 3 876893206 +1 137 5 875071541 +1 138 1 878543006 +1 139 3 878543216 +1 140 1 878543133 +1 141 3 878542608 +1 142 2 878543238 +1 143 1 875072631 +1 144 4 875073180 +1 145 2 875073067 +1 146 4 875071561 +1 147 3 875240993 +1 148 2 875240799 +1 149 2 878542791 +1 150 5 876892196 +1 151 4 875072865 +1 152 5 878542589 +1 153 3 876893230 +1 154 5 878543541 +1 156 4 874965556 +1 157 4 876892918 +1 158 3 878542699 +1 159 3 875073180 +1 161 4 875072303 +1 162 4 878542420 +1 163 4 875072442 +1 164 3 876893171 +1 165 5 874965518 +1 166 5 874965677 +1 167 2 878542383 +1 168 5 874965478 +1 169 5 878543541 +1 170 5 876892856 +1 172 5 874965478 +1 173 5 878541803 +1 174 5 875073198 +1 175 5 875072547 +1 176 5 876892468 +1 177 5 876892701 +1 178 5 878543541 +1 179 3 875072370 +1 180 3 875072573 +1 181 5 874965739 +1 182 4 875072520 +1 183 5 875072262 +1 184 4 875072956 +1 185 4 875072631 +1 186 4 875073128 +1 187 4 874965678 +1 188 3 875073128 +1 190 5 875072125 +1 191 5 875072956 +1 192 4 875072547 +1 193 4 876892654 +1 194 4 876892743 +1 195 5 876892855 +1 196 5 874965677 +1 197 5 875072956 +1 198 5 878542717 +1 199 4 875072262 +1 200 3 876893098 +1 201 3 878542960 +1 203 4 878542231 +1 204 5 875072688 +1 205 3 878542909 +1 206 4 876893205 +1 207 5 875073067 +1 208 5 878542960 +1 209 4 888732908 +1 210 4 878542909 +1 211 3 878541970 +1 212 4 875072895 +1 213 2 876892896 +1 214 4 875072520 +1 215 3 876893145 +1 216 5 876892701 +1 217 3 876892676 +1 218 3 876892856 +1 219 1 878542327 +1 220 3 875241390 +1 221 5 887431921 +1 222 4 878873388 +1 223 5 876892918 +1 224 5 875071484 +1 225 2 878542738 +1 226 3 878543176 +1 227 4 876892946 +1 228 5 878543541 +1 229 4 878542075 +1 230 4 878542420 +1 231 1 876893031 +1 232 3 878543196 +1 233 2 878542552 +1 234 4 876892355 +1 235 5 875071589 +1 236 4 875071898 +1 237 2 875071749 +1 238 4 875072235 +1 239 4 878542845 +1 240 3 875071898 +1 241 4 878543133 +1 242 5 889751633 +1 243 1 875241390 +1 244 2 887431973 +1 245 2 875071713 +1 246 5 874965905 +1 247 1 875241619 +1 248 4 874965954 +1 249 4 874965970 +1 250 4 874965706 +1 251 4 875071843 +1 252 2 875240677 +1 253 5 874965970 +1 254 1 878541392 +1 255 2 885345822 +1 256 4 889751712 +1 257 4 874965954 +1 258 5 878873389 +1 259 1 875692979 +1 260 1 875071713 +1 261 1 875692992 +1 262 3 875071421 +1 263 1 875693007 +1 264 2 875071713 +1 266 1 885345728 +1 267 4 875692955 +1 268 5 875692927 +1 269 5 877482427 +1 270 5 888732827 +1 271 2 887431672 +1 272 3 887431647 +2 1 4 888550871 +2 10 2 888551853 +2 14 4 888551853 +2 19 3 888550871 +2 25 4 888551648 +2 100 5 888552084 +2 111 4 888551853 +2 127 5 888552084 +2 237 4 888552017 +2 242 5 888552084 +2 255 4 888551341 +2 257 4 888551062 +2 258 3 888549961 +2 269 4 888550774 +2 272 5 888979061 +2 273 4 888551647 +2 274 3 888551497 +2 275 5 888550939 +2 276 4 888551552 +2 277 4 888551174 +2 278 3 888551647 +2 279 4 888551745 +2 282 4 888551922 +2 283 5 888552084 +2 284 4 888552017 +2 285 5 888552084 +2 286 4 888549960 +2 287 3 888551235 +2 288 3 888550252 +2 289 3 888979353 +2 291 3 888551647 +2 293 4 888550939 +2 294 1 888551648 +2 295 4 888551164 +2 296 3 888550871 +2 298 3 888551441 +2 299 4 888550774 +2 300 4 888979197 +2 301 4 888550631 +2 302 5 888552084 +2 303 4 888550774 +2 304 4 888979197 +2 305 3 888550065 +2 306 4 888550774 +2 307 3 888550066 +2 308 3 888979945 +2 309 1 888980029 +2 310 4 888979061 +2 311 5 888552084 +2 313 5 888552084 +2 315 1 888550774 +2 316 5 888979693 +3 181 4 889237482 +3 258 2 889237026 +3 260 4 889237455 +3 264 2 889237297 +3 268 3 889236961 +3 271 3 889237224 +3 272 2 889237055 +3 288 2 889237026 +3 299 3 889237199 +3 300 2 889236939 +3 302 2 889236939 +3 303 3 889236983 +3 307 3 889237224 +3 317 2 889237482 +3 318 4 889237482 +3 319 2 889237026 +3 320 5 889237482 +3 321 5 889237455 +3 322 3 889237269 +3 324 2 889237247 +3 325 1 889237297 +3 326 2 889237224 +3 327 4 889237455 +3 329 4 889237455 +3 330 2 889237297 +3 333 2 889236939 +3 336 1 889237198 +3 338 2 889237297 +3 339 3 889237141 +3 340 5 889237455 +3 341 1 889237055 +3 342 4 889237174 +3 344 4 889236939 +3 345 3 889237004 +3 346 5 889237455 +3 347 5 889237455 +3 348 4 889237455 +3 349 3 889237269 +3 350 3 889237076 +3 351 3 889237315 +3 352 2 889237055 +3 353 1 889237122 +3 354 3 889237004 +3 355 3 889237247 +4 11 4 892004520 +4 210 3 892003374 +4 258 5 892001374 +4 271 4 892001690 +4 300 5 892001445 +4 301 5 892002353 +4 324 5 892002353 +4 327 5 892002352 +4 328 3 892001537 +4 329 5 892002352 +4 358 2 892004275 +4 359 5 892002352 +4 360 5 892002352 +4 362 5 892002352 +5 21 3 875635327 +5 24 4 879198229 +5 25 3 875635318 +5 29 4 875637023 +5 40 4 879198109 +5 42 5 875636360 +5 50 4 875635758 +5 62 4 875637575 +5 63 1 878844629 +5 66 1 875721019 +5 69 1 875721555 +5 70 4 875636389 +5 79 3 875635895 +5 80 2 875636511 +5 89 5 875636033 +5 90 3 875636297 +5 94 3 878844651 +5 95 4 875721168 +5 99 3 875721216 +5 100 5 875635349 +5 101 5 878844510 +5 102 3 875721196 +5 105 3 875635443 +5 109 5 875635350 +5 121 4 875635189 +5 135 4 875637536 +5 139 3 875721260 +5 143 3 875636815 +5 144 3 875636141 +5 145 1 875720830 +5 151 3 875635723 +5 153 5 875636375 +5 154 3 875636691 +5 162 1 875721572 +5 163 5 879197864 +5 167 2 875636281 +5 168 3 875636691 +5 169 5 878844495 +5 172 5 875636130 +5 173 4 875636675 +5 174 5 875636130 +5 176 3 875635962 +5 181 5 875635757 +5 183 4 875636014 +5 185 3 875720692 +5 186 5 875636375 +5 189 5 878844495 +5 194 4 878845197 +5 200 2 875720717 +5 204 4 875636675 +5 208 4 875636675 +5 209 5 875636571 +5 210 3 875636099 +5 211 4 875636631 +5 214 3 875637485 +5 216 1 875720967 +5 219 3 875720744 +5 222 4 875635174 +5 226 3 875635962 +5 227 4 875636099 +5 228 5 875636070 +5 229 2 875635947 +5 230 3 875636070 +5 231 2 875635947 +5 233 4 875729064 +5 234 2 875720692 +5 235 4 875635384 +5 239 4 875636655 +5 241 1 875720948 +5 243 1 878844164 +5 250 3 875635265 +5 257 5 875635239 +5 259 1 878844208 +5 267 4 875635064 +5 364 1 875636571 +5 365 1 875637144 +5 366 3 875637145 +5 367 3 875636281 +5 368 1 875635457 +5 369 1 875635372 +5 370 1 875720814 +5 371 1 875720967 +5 372 3 875636230 +5 373 3 875635907 +5 374 3 875636905 +5 375 3 875637587 +5 376 2 879198045 +5 377 1 878844615 +5 378 1 875721167 +5 379 3 875720814 +5 380 3 875637191 +5 381 1 875636540 +5 382 5 875636587 +5 383 3 875636588 +5 384 3 875636389 +5 385 4 875636185 +5 386 2 875636230 +5 387 3 875637419 +5 388 2 879198898 +5 389 1 875721315 +5 390 5 875636340 +5 391 4 875636167 +5 392 2 875637330 +5 393 2 875636265 +5 394 2 879198031 +5 395 2 879198898 +5 396 5 875636265 +5 397 2 875635907 +5 398 2 875636167 +5 399 3 875635947 +5 400 1 878844630 +5 401 5 875636308 +5 402 1 875720947 +5 403 3 875636152 +5 404 2 875721216 +5 405 3 875635225 +5 406 1 875635807 +5 407 3 875635431 +5 408 5 878844495 +5 409 2 878844651 +5 410 1 879198183 +5 411 1 875635431 +5 412 3 875635416 +5 413 3 875635807 +5 414 3 875636691 +5 415 1 875636842 +5 416 1 875721196 +5 417 3 875636830 +5 418 3 875721216 +5 419 3 875636815 +5 420 3 875721168 +5 421 1 875721019 +5 422 4 875636767 +5 423 4 875636793 +5 425 2 875637440 +5 426 3 878844510 +5 427 3 875721167 +5 428 5 875636588 +5 429 3 875637429 +5 430 5 875636631 +5 431 3 875636099 +5 432 4 875636793 +5 433 5 875636655 +5 434 5 875637033 +5 435 4 875636033 +5 436 5 875720717 +5 437 1 878844423 +5 438 1 878844423 +5 440 1 878844423 +5 441 1 875720830 +5 442 1 879198898 +5 443 4 875720744 +5 444 2 875720762 +5 445 3 875720744 +5 446 4 875720845 +5 447 3 875720744 +5 448 2 875720692 +5 449 2 875636099 +5 450 1 875635962 +5 451 1 875636571 +5 452 1 878844397 +5 453 1 879198898 +5 455 4 875635174 +5 456 1 875636375 +5 457 1 879198898 +6 1 4 883599478 +6 7 2 883599102 +6 8 4 883600657 +6 9 4 883599205 +6 12 4 883601053 +6 13 2 883599400 +6 15 3 883599302 +6 19 4 883602965 +6 21 3 883600152 +6 22 3 883602048 +6 28 2 883603013 +6 32 4 883601311 +6 47 3 883600943 +6 50 4 883600842 +6 56 4 883601277 +6 59 5 883601713 +6 64 4 883600597 +6 70 3 883601427 +6 71 4 883601053 +6 79 3 883600747 +6 81 4 883602283 +6 87 4 883602174 +6 89 4 883600842 +6 95 2 883602133 +6 100 5 883599176 +6 111 2 883599478 +6 117 2 883599431 +6 124 5 883599228 +6 125 3 883599670 +6 127 5 883599134 +6 131 5 883602048 +6 132 5 883602422 +6 133 4 883601459 +6 134 5 883602283 +6 135 5 883600747 +6 136 5 883600842 +6 137 5 883599327 +6 143 2 883601053 +6 151 3 883599558 +6 153 4 883603013 +6 154 3 883602730 +6 156 3 883602212 +6 165 5 883600747 +6 166 4 883601426 +6 168 4 883602865 +6 169 4 883600943 +6 170 4 883602574 +6 173 5 883602462 +6 174 4 883600985 +6 175 4 883601426 +6 177 4 883600818 +6 178 4 883600785 +6 180 4 883601311 +6 182 4 883268776 +6 183 4 883601311 +6 185 5 883601393 +6 186 4 883602730 +6 187 4 883600914 +6 188 3 883602462 +6 189 3 883601365 +6 191 4 883601088 +6 192 4 883600914 +6 193 3 883601529 +6 194 4 883601365 +6 195 4 883602283 +6 197 5 883601203 +6 199 4 883601203 +6 200 3 883602422 +6 202 3 883602690 +6 203 3 883602864 +6 204 3 883601277 +6 205 3 883600878 +6 208 4 883602422 +6 209 4 883601713 +6 211 5 883601155 +6 213 4 883602462 +6 216 5 883601500 +6 221 4 883599431 +6 223 4 883600747 +6 237 2 883599914 +6 238 5 883601713 +6 242 4 883268170 +6 246 3 883599509 +6 248 3 883598981 +6 257 2 883599478 +6 259 1 883268375 +6 261 3 883268522 +6 268 3 883268406 +6 269 4 883268222 +6 272 4 883717304 +6 274 4 883602501 +6 275 4 883599102 +6 276 2 883599134 +6 284 2 883599590 +6 285 3 883599431 +6 286 2 883268170 +6 293 3 883599327 +6 294 2 883599938 +6 297 3 883599134 +6 298 3 883599558 +6 302 4 883268222 +6 303 3 883268321 +6 304 4 883268322 +6 306 4 883268246 +6 308 3 883600445 +6 309 2 883268430 +6 310 2 883268353 +6 317 3 883602174 +6 318 4 883600985 +6 321 3 883268353 +6 340 2 883268278 +6 357 4 883602422 +6 367 2 883602690 +6 405 1 883600066 +6 408 4 883599075 +6 410 4 883599707 +6 419 4 883602284 +6 423 3 883602501 +6 425 3 883602865 +6 427 4 883600707 +6 432 4 883601713 +6 435 4 883601529 +6 458 1 883599914 +6 459 2 883599228 +6 460 2 883600004 +6 461 4 883601393 +6 462 5 883600914 +6 464 2 883601365 +6 465 1 883683508 +6 466 4 883602422 +6 467 4 883602284 +6 468 3 883602174 +6 469 5 883601155 +6 470 3 883602690 +6 471 2 883599558 +6 472 1 883600003 +6 473 2 883600111 +6 474 5 883601277 +6 475 5 883599478 +6 476 1 883600175 +6 477 1 883599509 +6 478 4 883602762 +6 479 5 883601053 +6 480 4 883601089 +6 481 5 883600914 +6 482 4 883601203 +6 483 5 883601500 +6 484 5 883601011 +6 485 5 883602664 +6 486 4 883601427 +6 487 5 883600785 +6 488 5 883601426 +6 489 5 883601011 +6 490 5 883601365 +6 491 4 883602174 +6 493 5 883601713 +6 494 4 883601713 +6 495 4 883601366 +6 496 4 883601155 +6 497 4 883601088 +6 498 4 883601053 +6 499 4 883602283 +6 500 4 883601277 +6 501 5 883602730 +6 502 4 883602664 +6 503 3 883602133 +6 504 3 883601155 +6 505 4 883602422 +6 506 4 883602174 +6 507 4 883601310 +6 508 3 883599530 +6 509 4 883602664 +6 510 4 883600785 +6 511 5 883601393 +6 512 4 883601155 +6 513 4 883600913 +6 514 5 883600657 +6 515 4 883599273 +6 516 4 883602664 +6 518 3 883603042 +6 519 5 883601365 +6 520 4 883600985 +6 521 4 883601277 +6 522 5 883601500 +6 523 5 883601528 +6 524 3 883600632 +6 525 5 883601203 +6 526 3 883602596 +6 527 4 883600877 +6 528 4 883602174 +6 529 4 883601459 +6 530 4 883601203 +6 531 4 883600747 +6 532 3 883600066 +6 533 4 883599830 +6 534 4 883599354 +6 535 2 883600030 +6 536 4 883599400 +6 537 4 883601277 +6 538 2 883268483 +6 539 2 883681433 +7 4 5 891351772 +7 7 5 891352220 +7 8 5 891351328 +7 9 5 891351432 +7 10 4 891352864 +7 11 3 891352451 +7 12 5 892135346 +7 22 5 891351121 +7 23 3 891351383 +7 25 3 891352451 +7 27 4 891352692 +7 28 5 891352341 +7 29 3 891353828 +7 31 4 892134959 +7 39 5 891353614 +7 44 5 891351728 +7 47 5 891352692 +7 50 5 891351042 +7 51 2 891352984 +7 52 4 891353801 +7 53 5 891354689 +7 54 3 892132380 +7 56 5 891351432 +7 62 3 891354499 +7 64 5 891350756 +7 68 4 891351547 +7 69 5 891351728 +7 70 1 891352557 +7 71 5 891352692 +7 72 5 891353977 +7 73 3 892133154 +7 77 5 891353325 +7 78 3 891354165 +7 79 4 891352261 +7 80 4 891354381 +7 81 5 891352626 +7 82 3 891351471 +7 86 4 891350810 +7 89 5 891351082 +7 90 3 891352984 +7 91 3 891353860 +7 92 5 891352010 +7 93 5 891351042 +7 96 5 891351383 +7 97 5 891351201 +7 98 4 891351002 +7 99 5 891352557 +7 100 5 891351082 +7 101 5 891350966 +7 106 4 891353892 +7 118 2 891353411 +7 121 5 891352904 +7 125 4 891353192 +7 126 3 891353254 +7 127 5 891351728 +7 131 5 891352383 +7 132 5 891351287 +7 133 5 891353192 +7 134 4 892134959 +7 135 5 891351547 +7 136 5 891351813 +7 139 3 891354729 +7 140 5 891353124 +7 141 5 891353444 +7 142 3 891354090 +7 143 3 892132627 +7 144 5 891351201 +7 145 1 891354530 +7 151 4 891352749 +7 152 4 891351851 +7 153 5 891352220 +7 154 5 891353124 +7 156 5 891351653 +7 157 5 891352059 +7 161 3 891352489 +7 162 5 891353444 +7 164 5 891351813 +7 166 3 891351585 +7 168 5 891351509 +7 171 3 891351287 +7 172 4 891350965 +7 173 5 891351002 +7 174 5 891350757 +7 175 5 892133057 +7 176 3 891350782 +7 177 4 891352904 +7 178 4 891350932 +7 179 5 891352303 +7 180 5 891350782 +7 181 3 891351287 +7 182 4 891350965 +7 183 4 891351624 +7 185 5 892135346 +7 186 4 891350900 +7 187 4 891350757 +7 188 5 891352778 +7 190 5 891351728 +7 191 5 891351201 +7 192 4 891352010 +7 193 5 892135346 +7 194 5 891351851 +7 195 5 891352626 +7 196 5 891351432 +7 197 4 891351082 +7 198 3 891351685 +7 199 5 892135346 +7 200 5 891353543 +7 201 2 891351471 +7 202 3 891352947 +7 203 5 891352178 +7 204 5 891351121 +7 205 5 891351585 +7 207 4 891352526 +7 208 5 891352220 +7 210 4 891352904 +7 211 5 891352557 +7 212 1 891353051 +7 213 3 891351686 +7 214 5 891352384 +7 215 4 891351624 +7 216 4 891350900 +7 217 4 891352778 +7 219 1 892131924 +7 223 5 891351328 +7 226 5 891353614 +7 227 3 892132317 +7 228 4 891350845 +7 229 3 891352384 +7 230 3 891353326 +7 231 3 892132885 +7 232 3 891353766 +7 234 5 891351041 +7 237 5 891351772 +7 238 5 891351814 +7 241 4 891354053 +7 258 4 892135277 +7 259 3 891350464 +7 260 1 892130982 +7 264 4 891350703 +7 265 5 891350845 +7 266 4 891350703 +7 268 3 891350703 +7 269 3 891349991 +7 273 3 891351547 +7 275 4 891352831 +7 281 3 891353710 +7 285 5 891351813 +7 286 4 891350703 +7 288 4 891350703 +7 294 1 892130809 +7 300 4 891350703 +7 307 5 891350703 +7 309 3 891350704 +7 317 4 892133670 +7 318 5 891352010 +7 324 1 892135078 +7 334 5 892130784 +7 341 3 892333206 +7 356 4 891351728 +7 357 5 892135347 +7 365 4 891353744 +7 367 5 891350810 +7 378 5 891353011 +7 379 4 891353325 +7 380 4 891354053 +7 384 3 891353710 +7 385 5 891351585 +7 386 4 892133310 +7 387 3 892133670 +7 389 4 891354090 +7 391 3 892132943 +7 393 4 891352058 +7 396 4 891354288 +7 399 4 891354357 +7 401 4 891354257 +7 402 5 891352904 +7 403 4 891351234 +7 404 5 891352947 +7 405 3 891353290 +7 415 2 891354438 +7 416 5 891353051 +7 417 3 892132652 +7 418 4 892131824 +7 419 3 891350900 +7 420 5 891353219 +7 421 3 891352134 +7 423 5 891351509 +7 427 5 891352220 +7 428 5 892133036 +7 429 5 891351002 +7 431 4 891351547 +7 432 4 891352831 +7 433 5 892135347 +7 434 4 891352384 +7 435 5 891350845 +7 436 5 891351471 +7 440 1 892131978 +7 441 2 891354257 +7 443 5 891353254 +7 444 5 891354288 +7 446 2 892132020 +7 447 5 891350900 +7 448 3 891353828 +7 449 3 891354785 +7 450 4 892132425 +7 451 5 891353892 +7 452 5 891353860 +7 461 4 891352303 +7 463 4 891353192 +7 465 4 891353154 +7 470 3 891352489 +7 471 4 891352864 +7 472 2 891353357 +7 474 5 891351002 +7 480 4 891352093 +7 481 5 891352341 +7 482 3 891351083 +7 483 4 891351851 +7 484 5 891351201 +7 485 5 891351851 +7 487 3 891352178 +7 488 4 891351041 +7 489 3 891353477 +7 491 5 891351432 +7 495 5 891351328 +7 496 5 891351083 +7 498 5 891351814 +7 499 4 891351472 +7 501 5 891353411 +7 502 5 891352261 +7 503 4 891353950 +7 504 5 891352384 +7 505 3 891352341 +7 506 5 891353614 +7 507 5 891352383 +7 509 5 891352778 +7 510 5 891352134 +7 511 5 891351624 +7 513 4 891351772 +7 514 2 891351121 +7 515 3 891350757 +7 519 4 891352831 +7 520 5 892133466 +7 521 5 891353124 +7 523 4 891350845 +7 526 5 891351042 +7 527 5 891351772 +7 528 5 891352659 +7 529 2 891352626 +7 530 5 891350900 +7 537 3 891352749 +7 540 3 892132972 +7 541 2 891354662 +7 542 4 892131849 +7 543 3 891351772 +7 544 3 891353254 +7 545 2 891354882 +7 546 4 891353444 +7 547 3 891353710 +7 548 5 891352692 +7 549 4 891353086 +7 550 4 891352489 +7 551 1 892131978 +7 552 4 891354531 +7 553 3 892134010 +7 554 3 891354639 +7 555 4 892134811 +7 556 3 891352659 +7 557 4 892132145 +7 558 4 892131924 +7 559 5 891354882 +7 560 3 892132798 +7 561 4 891354611 +7 562 5 891354053 +7 563 2 892131978 +7 564 3 891354471 +7 565 4 892132019 +7 566 4 891353411 +7 567 1 892132019 +7 568 5 891352261 +7 569 4 892131978 +7 570 3 891354639 +7 571 3 891353950 +7 572 3 891354331 +7 573 5 891353828 +7 574 5 892132402 +7 575 3 892133271 +7 576 5 892132943 +7 577 2 892133310 +7 578 3 891354090 +7 579 4 892133361 +7 580 3 892132171 +7 581 5 891353477 +7 582 5 892135347 +7 583 2 892132380 +7 584 4 891352093 +7 585 4 892133180 +7 586 3 891354639 +7 587 4 891353950 +7 588 4 891352261 +7 589 5 891352451 +7 590 2 891354730 +7 591 3 891352179 +7 592 5 891353652 +7 593 5 891351851 +7 594 3 891354114 +7 595 2 891353801 +7 596 5 891351728 +7 597 3 891353744 +7 598 3 891353801 +7 599 1 891353860 +7 600 4 891354090 +7 601 5 891353744 +7 602 3 891352594 +7 603 4 891350757 +7 604 3 891351547 +7 605 4 891353290 +7 606 3 891352904 +7 607 3 891352831 +7 608 4 891351653 +7 609 3 891352749 +7 610 5 891353086 +7 611 3 891351161 +7 612 5 891351121 +7 613 4 891352010 +7 614 5 891352489 +7 615 4 891351585 +7 616 4 891351002 +7 617 5 891354588 +7 618 4 891350900 +7 619 3 891352831 +7 620 4 891353892 +7 621 5 892132773 +7 622 4 891352984 +7 623 3 891354217 +7 624 4 891353892 +7 625 3 892131824 +7 626 5 892132773 +7 627 3 891352594 +7 628 3 891352831 +7 629 3 891352526 +7 630 5 891352341 +7 631 4 891352984 +7 632 5 891352261 +7 633 5 891351509 +7 634 5 891351287 +7 635 3 891352864 +7 636 4 891351384 +7 637 4 891353570 +7 638 4 892132122 +7 639 5 891353676 +7 640 3 891353614 +7 641 5 892135346 +7 642 3 892132277 +7 643 4 891350932 +7 644 5 891351685 +7 645 4 891353614 +7 646 5 891351383 +7 647 5 891352489 +7 649 5 891353254 +7 650 3 891350965 +7 651 5 891350932 +7 652 3 891352659 +7 653 4 891351161 +7 654 5 892135347 +7 655 5 891351384 +7 656 3 891351509 +7 657 4 891351234 +7 658 3 891352419 +7 659 5 891351161 +7 660 5 891353051 +7 662 3 892133739 +7 663 5 891352220 +7 664 3 891353977 +7 665 4 891354471 +7 666 4 892132192 +7 667 5 892135347 +7 668 4 891352778 +7 669 1 892132020 +7 670 5 891353254 +7 671 5 891351728 +7 672 1 892131925 +7 673 3 891353744 +7 674 2 891352659 +7 675 5 891352947 +7 676 3 891354499 +7 677 3 891354499 +7 678 3 891350356 +7 679 5 891353124 +7 680 4 891350703 +7 681 1 891350594 +7 682 2 891350383 +7 683 4 891350703 +8 7 3 879362287 +8 11 3 879362233 +8 55 5 879362286 +8 56 5 879362183 +8 82 5 879362356 +8 96 3 879362183 +8 127 5 879362123 +8 144 5 879362286 +8 172 5 879362123 +8 174 5 879362183 +8 176 5 879362233 +8 177 4 879362233 +8 181 4 879362183 +8 183 5 879362233 +8 187 4 879362123 +8 188 5 879362356 +8 190 4 879362183 +8 195 5 879362287 +8 210 4 879362287 +8 222 5 879362356 +8 227 4 879362423 +8 228 5 879362286 +8 229 5 879362356 +8 233 4 879362423 +8 241 4 879362423 +8 243 2 879361732 +8 258 5 879361482 +8 259 1 879361604 +8 260 3 879361665 +8 273 3 879362287 +8 301 4 879361550 +8 336 3 879361664 +8 341 2 879361825 +8 358 2 879361732 +8 403 4 879362234 +8 431 2 879362356 +8 435 5 879362233 +8 510 4 879362233 +8 511 5 879362183 +8 518 4 879362422 +8 566 3 879362423 +8 568 4 879362233 +8 651 5 879362123 +8 684 4 879362356 +8 685 4 879362423 +8 686 3 879362356 +8 687 1 879361825 +8 688 1 879361732 +8 689 4 879361873 +9 7 4 886960030 +9 50 5 886960055 +9 201 5 886960055 +9 242 4 886958715 +9 276 4 886959423 +9 294 4 886959453 +9 371 5 886960055 +9 385 5 886960055 +9 402 4 886959343 +9 483 5 886960056 +9 615 4 886959344 +9 690 1 886959344 +10 1 4 877888877 +10 4 4 877889130 +10 9 4 877889005 +10 11 4 877888677 +10 12 5 877886911 +10 13 3 877892050 +10 22 5 877888812 +10 23 5 877886911 +10 32 4 877886661 +10 33 4 877893020 +10 40 4 877892438 +10 48 4 877889058 +10 50 5 877888545 +10 56 5 877886598 +10 59 4 877886722 +10 60 3 877892110 +10 64 4 877886598 +10 69 4 877889131 +10 70 4 877891747 +10 82 4 877886912 +10 85 4 877892438 +10 93 4 877892160 +10 98 4 877889261 +10 99 5 877889130 +10 116 4 877888944 +10 124 5 877888545 +10 127 5 877886661 +10 129 4 877891966 +10 132 5 877893020 +10 133 5 877891904 +10 134 5 877889131 +10 135 5 877889004 +10 137 4 877889186 +10 144 4 877892110 +10 153 4 877886722 +10 155 4 877889186 +10 156 4 877886846 +10 157 5 877889004 +10 160 4 877888944 +10 161 4 877892050 +10 162 4 877892210 +10 164 4 877889333 +10 168 4 877888812 +10 170 4 877889333 +10 174 4 877886661 +10 176 4 877889130 +10 178 5 877888677 +10 179 5 877889004 +10 180 5 877889333 +10 182 5 877888876 +10 183 5 877893020 +10 185 5 877888876 +10 186 4 877886722 +10 191 5 877888613 +10 192 4 877891966 +10 194 4 877886661 +10 195 4 877889130 +10 197 5 877888944 +10 198 3 877889005 +10 199 4 877892050 +10 200 5 877889261 +10 203 4 877891967 +10 205 5 877888812 +10 211 5 877889130 +10 216 4 877889333 +10 218 4 877889261 +10 221 4 877888677 +10 223 5 877888545 +10 230 4 877892210 +10 234 4 877888877 +10 238 4 877892276 +10 245 4 877886281 +10 269 4 877886162 +10 273 4 877888613 +10 274 4 877889333 +10 275 4 877888677 +10 276 4 877891904 +10 283 4 877892276 +10 286 4 877886162 +10 289 4 877886223 +10 294 3 879163524 +10 302 4 877886162 +10 319 3 877886223 +10 321 4 879163494 +10 333 4 877886359 +10 334 4 877886281 +10 340 4 880371312 +10 357 5 877889186 +10 367 4 877892437 +10 371 4 877886912 +10 385 4 877886783 +10 404 4 877886911 +10 414 4 877891966 +10 418 4 877886783 +10 420 4 877892438 +10 430 3 877886597 +10 432 4 877892160 +10 435 5 877889261 +10 447 4 877891747 +10 462 3 877891747 +10 463 4 877889186 +10 467 4 877891904 +10 470 4 877891747 +10 474 4 877886783 +10 475 4 877888545 +10 478 5 877889004 +10 479 5 877891966 +10 480 5 877888943 +10 482 4 877889262 +10 483 5 877889333 +10 484 5 877891904 +10 489 4 877892210 +10 493 4 877886661 +10 495 4 877892160 +10 496 5 877889005 +10 497 4 877889261 +10 498 5 877889333 +10 499 4 877893021 +10 502 4 877889261 +10 505 4 877886846 +10 509 4 877889005 +10 510 5 877892209 +10 511 4 877888877 +10 513 4 877886598 +10 518 4 877886722 +10 519 5 877892050 +10 521 4 877892110 +10 525 5 877892210 +10 527 4 877886597 +10 529 3 877892438 +10 530 4 877892210 +10 531 5 877886911 +10 558 4 877886722 +10 582 4 877892276 +10 588 4 877886846 +10 589 5 877891905 +10 602 5 877889057 +10 603 5 877886783 +10 604 4 877892110 +10 606 5 877888876 +10 610 4 877888613 +10 615 4 877892276 +10 617 5 877892160 +10 629 4 877886722 +10 651 4 877888812 +10 652 3 877889130 +10 654 5 877886597 +10 655 5 877891904 +10 656 5 877886846 +10 657 4 877892110 +10 663 3 877886598 +10 664 4 877886911 +10 686 4 877886911 +10 692 4 877889261 +10 693 4 877886783 +10 694 5 877892437 +10 695 3 877892050 +10 696 4 877892276 +10 697 3 877888677 +10 698 4 877888877 +10 699 4 877893020 +10 700 4 877892277 +10 701 4 877888812 +10 702 3 877886722 +10 703 5 877892110 +10 704 3 877892050 +10 705 4 877892050 +10 706 4 877888677 +10 707 5 877886783 +10 708 4 877892438 +10 709 4 877888613 +10 710 4 877892160 +10 711 4 877888812 +10 712 4 877892438 +11 8 4 891904949 +11 9 5 891902970 +11 11 2 891904271 +11 12 2 891904194 +11 15 5 891903067 +11 22 4 891904241 +11 24 3 891904016 +11 25 3 891903836 +11 28 5 891904241 +11 29 3 891904805 +11 39 3 891905824 +11 40 3 891905279 +11 42 3 891905058 +11 47 4 891904551 +11 51 4 891906439 +11 52 3 891904335 +11 54 3 891905936 +11 56 4 891904949 +11 57 2 891904552 +11 58 3 891904596 +11 69 3 891904270 +11 70 4 891904573 +11 79 4 891905783 +11 83 5 891904335 +11 86 4 891904551 +11 88 3 891905003 +11 90 2 891905298 +11 94 3 891905324 +11 97 4 891904300 +11 98 2 891905783 +11 100 4 891902718 +11 107 4 891903276 +11 109 3 891903836 +11 120 2 891903935 +11 121 3 891902745 +11 123 3 891902745 +11 125 4 891903108 +11 135 4 891904335 +11 168 3 891904949 +11 173 5 891904920 +11 175 3 891904551 +11 176 3 891905783 +11 180 2 891904335 +11 185 4 891905783 +11 190 3 891904174 +11 191 4 891904270 +11 194 4 891904920 +11 196 5 891904270 +11 203 4 891905856 +11 204 3 891904920 +11 208 4 891905032 +11 211 3 891905003 +11 213 4 891906389 +11 215 3 891904389 +11 216 3 891904949 +11 222 3 891902718 +11 228 3 891905824 +11 229 4 891905878 +11 230 4 891905783 +11 237 4 891903005 +11 238 3 891905032 +11 239 4 891904617 +11 241 4 891906389 +11 258 5 891901696 +11 259 3 891902270 +11 260 1 891902426 +11 268 5 891901652 +11 274 3 891906510 +11 277 5 891903226 +11 286 5 891901606 +11 290 3 891903877 +11 291 4 891902815 +11 300 3 891902092 +11 301 4 891902157 +11 312 4 891902157 +11 317 4 891904174 +11 318 5 891904194 +11 324 1 891902222 +11 332 5 891901769 +11 350 4 891901991 +11 356 4 891906327 +11 357 5 891904241 +11 365 3 891904764 +11 367 3 891905058 +11 370 3 891902880 +11 372 4 891904968 +11 382 3 891904573 +11 383 2 891905555 +11 386 3 891905279 +11 393 4 891905222 +11 395 2 891905349 +11 399 3 891905279 +11 401 3 891905324 +11 402 4 891904662 +11 405 3 891904016 +11 414 3 891905393 +11 423 5 891904174 +11 427 4 891904300 +11 428 4 891905032 +11 429 5 891904335 +11 430 3 891905032 +11 431 2 891905896 +11 433 4 891905003 +11 434 4 891904270 +11 435 4 891904968 +11 449 3 891906327 +11 451 2 891905003 +11 455 3 891903862 +11 504 3 891905856 +11 508 4 891903005 +11 517 2 891905222 +11 521 2 891904174 +11 524 4 891904949 +11 526 3 891904859 +11 527 4 891904335 +11 544 4 891903226 +11 549 4 891904617 +11 561 2 891905936 +11 573 3 891906327 +11 577 3 891905555 +11 580 5 891905222 +11 597 2 891904037 +11 603 4 891905783 +11 646 3 891904389 +11 652 4 891905003 +11 654 3 891905856 +11 659 5 891904920 +11 660 3 891904573 +11 662 3 891904300 +11 663 4 891905032 +11 690 4 891901716 +11 692 4 891905003 +11 699 4 891904389 +11 707 5 891906389 +11 710 2 891905221 +11 713 5 891903024 +11 714 4 891904214 +11 715 3 891904764 +11 716 3 891905058 +11 717 2 891902815 +11 718 5 891903836 +11 719 3 891905279 +11 720 1 891904717 +11 721 3 891905279 +11 722 3 891905349 +11 724 3 891904551 +11 726 3 891905515 +11 727 3 891904335 +11 728 3 891905366 +11 729 4 891904637 +11 730 3 891904335 +11 731 4 891904789 +11 733 4 891904413 +11 734 3 891905349 +11 735 3 891904300 +11 736 4 891906411 +11 737 4 891904789 +11 738 3 891905324 +11 739 3 891906411 +11 741 5 891902745 +11 742 3 891902815 +11 743 2 891904065 +11 744 4 891903005 +11 745 5 891905324 +11 746 4 891905032 +11 747 3 891906426 +11 748 1 891902270 +11 749 5 891901797 +11 750 5 891901629 +11 751 2 891902092 +11 752 4 891902157 +12 4 5 879960826 +12 15 5 879959670 +12 28 5 879958969 +12 50 4 879959044 +12 69 5 879958902 +12 71 4 879959635 +12 88 5 879960826 +12 98 5 879959068 +12 127 4 879959488 +12 133 4 879959670 +12 157 5 879959138 +12 159 4 879959306 +12 161 5 879959553 +12 168 4 879959513 +12 170 4 879959374 +12 174 5 879958969 +12 191 5 879960801 +12 195 4 879959670 +12 196 5 879959553 +12 200 1 879959610 +12 202 4 879959514 +12 203 3 879959583 +12 215 4 879959553 +12 216 5 879960826 +12 228 4 879959465 +12 238 5 879960826 +12 242 5 879960826 +12 276 4 879959488 +12 282 5 879960679 +12 318 5 879960826 +12 328 4 879958742 +12 381 4 879958902 +12 392 4 879959025 +12 402 5 879960826 +12 416 3 879959025 +12 480 4 879959161 +12 591 5 879959212 +12 684 5 879959105 +12 708 3 879959394 +12 753 5 879960679 +12 754 4 879958810 +13 1 3 882140487 +13 2 3 882397650 +13 4 5 882141306 +13 5 1 882396869 +13 7 2 882396790 +13 8 4 882140001 +13 9 3 882140205 +13 11 1 882397146 +13 12 5 881515011 +13 13 5 882141617 +13 14 4 884538727 +13 17 1 882396954 +13 21 3 882399040 +13 22 4 882140487 +13 23 5 882139937 +13 24 1 882397741 +13 25 1 882141686 +13 27 3 882397833 +13 28 5 882398814 +13 29 2 882397833 +13 32 4 882140286 +13 33 5 882397581 +13 37 1 882397011 +13 38 3 882397974 +13 39 3 882397581 +13 40 2 886302815 +13 42 4 882141393 +13 45 3 882139863 +13 48 5 882139863 +13 49 4 882399419 +13 50 5 882140001 +13 51 3 882399419 +13 53 1 882396955 +13 58 4 882139966 +13 59 4 882140425 +13 60 4 884538767 +13 61 4 882140552 +13 62 5 882397833 +13 64 5 882140037 +13 66 3 882141485 +13 67 1 882141686 +13 68 3 882397741 +13 69 4 884538766 +13 70 3 882140691 +13 71 4 882398654 +13 72 4 882141727 +13 73 3 882141485 +13 78 1 882399218 +13 79 3 882139746 +13 82 2 882397503 +13 83 2 886303585 +13 86 1 881515348 +13 87 5 882398814 +13 88 4 882141485 +13 89 4 882139717 +13 90 3 882141872 +13 91 2 882398724 +13 92 3 882397271 +13 94 3 882142057 +13 95 5 882140104 +13 96 4 882140104 +13 97 4 882399357 +13 99 4 882398654 +13 100 5 882140166 +13 109 4 882141306 +13 110 3 882141130 +13 111 5 882140588 +13 116 5 882140455 +13 117 3 882398138 +13 118 4 882397581 +13 121 5 882397503 +13 124 5 884538663 +13 127 5 881515411 +13 128 1 882397502 +13 132 4 882140002 +13 135 5 882139541 +13 137 5 882139804 +13 138 1 882399218 +13 141 2 890705034 +13 143 1 882140205 +13 144 4 882397146 +13 145 2 882397011 +13 147 3 882397502 +13 150 5 882140588 +13 152 5 882141393 +13 153 4 882139901 +13 154 5 882141335 +13 155 2 882399615 +13 157 3 882140552 +13 158 1 882142057 +13 160 4 882140070 +13 161 5 882397741 +13 163 3 882141582 +13 164 3 882396790 +13 165 3 881515295 +13 166 5 884538663 +13 167 4 882141659 +13 168 4 881515193 +13 170 5 882139774 +13 172 5 882140355 +13 173 2 882139863 +13 174 4 882139829 +13 175 4 882139717 +13 176 3 882140455 +13 177 5 882397271 +13 178 4 882139829 +13 179 2 882140206 +13 180 5 882141248 +13 181 5 882140354 +13 182 5 882139347 +13 183 4 882397271 +13 184 1 882397011 +13 185 3 881515011 +13 187 5 882140205 +13 188 4 882140130 +13 190 4 882397145 +13 191 3 881515193 +13 193 5 882139937 +13 194 5 882141458 +13 195 3 881515296 +13 196 4 882140552 +13 197 4 881515239 +13 199 5 882140001 +13 200 3 882140552 +13 201 1 882396869 +13 202 5 882141425 +13 204 5 882140318 +13 205 2 881515193 +13 208 5 882140624 +13 209 3 882141306 +13 210 3 882140455 +13 211 4 882140002 +13 212 5 882399385 +13 216 3 881515193 +13 217 1 882396955 +13 218 1 882396869 +13 219 1 882396955 +13 222 3 882140285 +13 223 5 882139901 +13 224 4 882140166 +13 225 2 882399156 +13 226 4 882397651 +13 227 5 882397650 +13 228 4 882140389 +13 229 4 882397650 +13 230 3 882397503 +13 231 3 882397582 +13 232 3 890704999 +13 233 4 882397650 +13 234 5 882140252 +13 235 2 882141841 +13 237 5 882140285 +13 238 3 881515411 +13 239 4 882141752 +13 241 3 882397502 +13 242 2 881515193 +13 243 3 882140966 +13 258 4 882139327 +13 260 1 882140848 +13 261 1 883670785 +13 262 4 881514876 +13 263 5 881515647 +13 264 4 882140848 +13 265 4 882140038 +13 268 4 881514810 +13 269 2 889292060 +13 270 4 881514876 +13 271 1 881514876 +13 273 3 882397502 +13 274 3 882399384 +13 275 3 886303585 +13 276 5 882140104 +13 279 5 882139804 +13 280 4 882399528 +13 281 3 882397974 +13 285 5 882139937 +13 286 3 881514683 +13 287 1 882141459 +13 288 1 882396790 +13 289 2 882140759 +13 290 4 882141814 +13 292 5 882140867 +13 294 2 881514683 +13 299 3 881515698 +13 300 1 881515736 +13 301 1 882140718 +13 302 5 881514811 +13 303 4 881514876 +13 305 4 881514811 +13 306 3 881514876 +13 307 2 881514684 +13 308 3 881514726 +13 310 4 881514683 +13 311 3 881514726 +13 312 1 883670630 +13 313 4 882774047 +13 314 1 884538485 +13 315 5 884538466 +13 316 5 888073653 +13 317 5 882140552 +13 318 3 882139686 +13 319 4 882139327 +13 320 1 882397010 +13 321 2 882140740 +13 322 3 882140792 +13 323 3 882140848 +13 326 3 882140792 +13 327 3 881515521 +13 328 3 881514811 +13 329 2 886952246 +13 331 3 881515457 +13 332 3 881515457 +13 333 3 881514810 +13 334 1 886952467 +13 336 2 882140848 +13 338 1 882140740 +13 339 3 882140718 +13 340 2 881514684 +13 341 2 886952422 +13 342 4 885744650 +13 343 1 883670672 +13 345 4 884538366 +13 346 4 883670552 +13 347 5 885185824 +13 348 2 886952246 +13 349 1 892387807 +13 350 2 886302293 +13 351 1 886302385 +13 353 4 886261450 +13 354 2 888779458 +13 355 3 888688733 +13 357 3 881515411 +13 358 3 881515521 +13 362 4 890704999 +13 363 3 882398076 +13 367 3 882141458 +13 370 1 882396984 +13 371 3 882399385 +13 377 1 882399219 +13 379 1 882396984 +13 382 1 882140624 +13 384 2 882141814 +13 385 3 882397502 +13 387 3 886304229 +13 391 3 882398255 +13 393 3 882141617 +13 394 2 882399615 +13 396 3 882141727 +13 398 2 882398410 +13 400 4 885744650 +13 401 1 882141841 +13 402 4 886303934 +13 403 2 882397271 +13 404 5 882399014 +13 405 2 882397742 +13 406 1 882397011 +13 409 3 882141872 +13 410 1 882141997 +13 411 2 882141924 +13 413 1 882396984 +13 414 5 882141458 +13 416 3 882398934 +13 417 2 882398934 +13 418 2 882398763 +13 419 3 882398814 +13 420 4 882398691 +13 421 2 882140389 +13 423 5 882398814 +13 424 1 882397068 +13 427 5 882398814 +13 428 5 882140588 +13 429 5 884538727 +13 430 5 882139495 +13 431 1 882397271 +13 432 4 882398654 +13 433 4 881515239 +13 435 5 882141392 +13 436 2 882396869 +13 437 1 882397068 +13 438 1 882397068 +13 439 1 882397040 +13 440 1 882397040 +13 441 1 882396984 +13 442 1 890705056 +13 443 4 882140588 +13 444 4 882396984 +13 445 4 882139774 +13 446 1 882397039 +13 447 2 882396869 +13 448 1 882396869 +13 449 4 882398385 +13 450 3 882398494 +13 451 1 882141872 +13 452 3 882397039 +13 453 2 882397067 +13 455 3 882141425 +13 457 1 883670785 +13 462 5 882140487 +13 463 5 882140318 +13 467 5 882140588 +13 471 1 882140455 +13 472 5 882398327 +13 473 4 882398724 +13 474 4 881515112 +13 475 3 881515113 +13 476 2 882141997 +13 477 4 882398934 +13 478 4 884538571 +13 480 3 881515193 +13 481 3 882140038 +13 482 5 882140355 +13 483 5 882139774 +13 484 5 882139804 +13 485 1 882140624 +13 488 3 890704999 +13 491 4 882140166 +13 492 5 882140552 +13 493 5 882140206 +13 494 4 881515295 +13 497 5 882140166 +13 498 4 882139901 +13 501 5 882398724 +13 502 5 882141458 +13 504 5 881515011 +13 505 3 882140389 +13 506 5 882140691 +13 507 1 882140070 +13 508 3 882140426 +13 509 5 882140691 +13 510 5 882139717 +13 511 5 882139863 +13 514 5 881515112 +13 515 2 881515193 +13 516 5 882141485 +13 517 5 882139746 +13 518 4 882140252 +13 519 5 882140355 +13 520 4 886302261 +13 522 5 882140425 +13 523 4 882141306 +13 524 4 886302261 +13 525 5 882140624 +13 527 5 882140252 +13 529 4 882140206 +13 530 5 881515295 +13 531 3 882140104 +13 538 1 884538448 +13 539 1 883670785 +13 540 3 882398410 +13 541 1 882397650 +13 546 3 882397741 +13 547 1 882397011 +13 548 3 882398743 +13 549 4 882399357 +13 550 4 882397741 +13 551 1 882397084 +13 553 2 882399419 +13 554 2 882397833 +13 558 1 882397011 +13 559 1 882396913 +13 561 1 882396914 +13 563 1 882397039 +13 564 1 882396913 +13 565 1 882397040 +13 566 5 882397502 +13 567 1 882396955 +13 568 3 882140552 +13 569 2 882396955 +13 570 5 882397581 +13 572 2 882398255 +13 573 3 882396955 +13 576 3 882398076 +13 578 3 882397974 +13 585 4 882141814 +13 586 3 882398326 +13 588 4 882398763 +13 589 3 881515239 +13 590 2 882397068 +13 596 3 882398691 +13 597 3 882397650 +13 601 4 882140104 +13 602 4 884538634 +13 603 4 884538571 +13 604 5 882139966 +13 606 4 882140130 +13 610 2 882140690 +13 612 4 882140318 +13 613 4 881515411 +13 614 4 884538634 +13 615 4 881515348 +13 617 3 881515112 +13 619 3 886952245 +13 621 4 882398934 +13 624 5 882398691 +13 625 2 882398691 +13 629 1 882141582 +13 630 2 886302261 +13 631 3 882140624 +13 632 3 884538664 +13 635 1 882396984 +13 636 2 882397502 +13 637 2 882396913 +13 638 3 881515239 +13 639 3 882139804 +13 646 4 882140037 +13 647 5 882140206 +13 650 2 882140425 +13 651 5 882140070 +13 652 5 882141458 +13 654 5 881515295 +13 655 5 886261387 +13 656 5 882139746 +13 657 4 882139829 +13 659 3 882141335 +13 661 5 881515411 +13 662 5 882399420 +13 663 5 882140252 +13 665 2 882396984 +13 667 1 882397040 +13 668 1 882397068 +13 669 1 882397067 +13 670 3 882396955 +13 671 3 882396790 +13 672 1 882396914 +13 673 3 882140691 +13 674 3 882396955 +13 675 5 882396955 +13 678 3 882140792 +13 679 4 882397650 +13 682 1 883670742 +13 683 1 886952521 +13 684 5 882397271 +13 685 5 882397582 +13 686 5 882397146 +13 687 1 883670705 +13 688 1 883670819 +13 689 2 881515735 +13 690 3 881514811 +13 691 4 889316404 +13 692 4 882141659 +13 694 4 890704999 +13 705 5 884538766 +13 706 1 882396869 +13 709 4 882139863 +13 712 4 882141872 +13 716 4 882141393 +13 720 4 882397974 +13 722 3 882399528 +13 732 5 882141617 +13 733 5 882399528 +13 735 3 882140690 +13 736 4 882399528 +13 737 4 882399615 +13 739 4 886303745 +13 740 1 882140355 +13 746 3 884538766 +13 747 4 882140624 +13 748 4 882140792 +13 749 3 881515521 +13 750 5 883670552 +13 751 5 882774081 +13 752 1 886952569 +13 754 4 882140718 +13 755 3 882399014 +13 756 2 886302858 +13 757 3 882398934 +13 758 1 882397084 +13 759 2 882398542 +13 760 1 882396914 +13 761 4 882398076 +13 762 5 882141336 +13 763 1 882141458 +13 764 2 882141997 +13 765 2 886303934 +13 766 4 882139686 +13 767 1 882397011 +13 768 4 882398724 +13 769 3 882397040 +13 770 4 882397581 +13 771 3 882398410 +13 772 1 882140070 +13 773 1 882396869 +13 774 1 882396913 +13 775 4 886304188 +13 776 2 882398934 +13 777 1 882397084 +13 778 3 886302694 +13 779 3 882398255 +13 780 1 882142057 +13 781 3 882399528 +13 782 3 885744650 +13 783 3 886304188 +13 784 1 882397084 +13 785 3 882141924 +13 786 3 886303088 +13 787 3 882141582 +13 788 1 882396914 +13 789 5 882140389 +13 790 2 882141841 +13 791 5 882141686 +13 792 5 882139686 +13 793 5 882141841 +13 794 4 882399615 +13 795 2 882399219 +13 796 3 886304188 +13 797 5 882398327 +13 798 2 882397974 +13 799 4 882139937 +13 800 1 882397067 +13 801 3 886303172 +13 802 2 882398254 +13 803 3 882398255 +13 804 2 882141997 +13 805 4 882141458 +13 806 5 882140426 +13 807 1 886304229 +13 808 2 882397833 +13 809 4 882397582 +13 810 5 882398076 +13 811 5 882139829 +13 812 2 882398933 +13 813 1 882139863 +13 814 5 886302261 +13 815 4 886303934 +13 816 1 882396983 +13 817 1 882396914 +13 818 3 882141814 +13 819 1 882141924 +13 820 4 882398743 +13 821 3 882141393 +13 822 3 884538634 +13 823 5 882397833 +13 824 3 886302261 +13 825 1 882397651 +13 826 5 882398385 +13 827 3 882398327 +13 828 1 882399218 +13 829 3 882398385 +13 830 1 882397581 +13 831 3 882398385 +13 832 4 882399156 +13 833 2 882397974 +13 834 1 882397068 +13 835 3 882139901 +13 837 4 882139717 +13 838 1 882397742 +13 839 1 882396984 +13 840 3 886261387 +13 841 1 882398076 +13 842 2 882399156 +13 843 5 882399156 +13 844 1 882397010 +13 845 3 882141503 +13 846 2 882141997 +13 847 4 882139937 +13 848 5 882140001 +13 849 1 882397833 +13 850 4 882140318 +13 851 5 882139966 +13 852 1 882396869 +13 853 1 882397010 +13 854 1 882396914 +13 855 4 882140130 +13 856 5 886303171 +13 857 3 881515348 +13 858 1 882397068 +13 859 1 882397040 +13 860 1 882396984 +13 861 3 882139774 +13 862 3 882399074 +13 863 4 882140487 +13 864 4 882141924 +13 865 5 882141425 +13 866 3 882141814 +13 867 5 882399615 +13 868 5 882139901 +13 869 3 882141727 +13 870 3 882397271 +13 871 2 882141924 +13 872 3 882139327 +13 873 1 881515565 +13 874 5 881514876 +13 875 1 881515613 +13 876 2 881515521 +13 877 2 882140792 +13 878 1 883670785 +13 879 2 881515697 +13 880 3 882140966 +13 881 2 881514876 +13 882 3 886952438 +13 883 3 882140848 +13 884 2 882140814 +13 885 1 886302334 +13 886 5 881515613 +13 887 5 882140867 +13 888 2 886261388 +13 889 3 892015236 +13 890 1 883670672 +13 891 1 892015288 +13 892 3 882774224 +13 893 3 882774005 +13 894 1 883670742 +13 895 1 883670515 +13 896 5 891036745 +13 897 1 886952422 +13 898 1 884538403 +13 899 1 892015288 +13 900 5 888279677 +13 901 1 883670672 +13 902 3 891749765 +13 903 3 890704759 +13 904 1 892015178 +13 905 2 886302261 +13 906 3 891749765 +13 907 1 884538485 +13 908 1 886302385 +13 909 5 890704721 +13 910 2 890704721 +13 911 2 892015141 +13 912 2 892014861 +13 913 1 892014908 +13 914 2 892870589 +13 915 5 892015023 +13 916 4 892870589 +13 917 4 892015104 +13 918 3 892524090 +14 7 5 876965061 +14 9 4 879119260 +14 12 5 890881216 +14 13 4 880929778 +14 14 3 879119311 +14 15 4 879119390 +14 18 3 879119260 +14 19 5 880929651 +14 23 5 890881216 +14 25 2 876965165 +14 32 5 890881485 +14 42 4 879119579 +14 50 5 890881557 +14 56 5 879119579 +14 70 1 879119692 +14 81 5 890881384 +14 93 3 879119311 +14 96 4 890881433 +14 100 5 876965165 +14 116 5 876965165 +14 121 3 876965061 +14 124 5 876964936 +14 127 2 879644647 +14 151 5 876964725 +14 168 4 879119497 +14 172 5 890881521 +14 173 4 879119579 +14 175 5 879119497 +14 176 1 890881484 +14 181 5 889666215 +14 186 4 879119497 +14 191 4 890881557 +14 195 5 890881336 +14 202 3 890881521 +14 204 5 879119651 +14 210 5 879119739 +14 211 4 879119693 +14 222 4 876965061 +14 238 5 879119579 +14 240 5 880929697 +14 242 4 876964570 +14 265 3 890881216 +14 275 4 876964725 +14 276 4 879119390 +14 283 4 882839936 +14 285 5 879119118 +14 288 4 876964936 +14 302 5 890880970 +14 313 2 890880970 +14 319 1 884482684 +14 382 5 879119739 +14 408 5 879119348 +14 427 5 890881433 +14 428 4 879119497 +14 430 5 879119692 +14 455 4 880929745 +14 473 5 876964936 +14 475 3 876964936 +14 477 4 879119311 +14 492 4 890881485 +14 498 5 890881384 +14 507 4 890881521 +14 509 5 890881521 +14 514 4 879119579 +14 517 4 890881485 +14 519 5 890881335 +14 523 4 879119497 +14 524 5 879119497 +14 525 5 890881557 +14 588 4 890881433 +14 596 3 879119311 +14 603 4 890881484 +14 628 5 880929697 +14 654 4 890881294 +14 655 5 879119739 +14 663 5 879119651 +14 716 5 879119651 +14 750 3 891014196 +14 762 3 876964936 +14 792 5 879119651 +14 813 2 880929564 +14 820 3 882839856 +14 845 3 880929564 +14 919 4 876964725 +14 920 4 880929745 +14 921 5 890881384 +14 922 4 880929651 +14 923 5 890881294 +15 1 1 879455635 +15 7 1 879455506 +15 9 4 879455635 +15 13 1 879455940 +15 14 4 879455659 +15 15 4 879455939 +15 18 1 879455681 +15 20 3 879455541 +15 50 5 879455606 +15 111 4 879455914 +15 118 1 879456381 +15 121 3 879456168 +15 125 5 879456049 +15 137 4 879455939 +15 148 3 879456049 +15 181 5 879455710 +15 220 4 879456262 +15 225 3 879456447 +15 235 1 879456424 +15 237 3 879455871 +15 243 1 879455362 +15 244 2 879456447 +15 248 1 879455871 +15 249 1 879455764 +15 251 2 879455541 +15 252 2 879456351 +15 255 5 879455764 +15 257 4 879455821 +15 258 3 879455473 +15 269 5 879455165 +15 274 4 879456168 +15 275 4 879455562 +15 278 1 879455843 +15 280 3 879456167 +15 282 3 879456204 +15 283 4 879455505 +15 285 4 879455635 +15 286 2 879455049 +15 289 3 879455262 +15 291 3 879456084 +15 292 5 879455128 +15 297 3 879455606 +15 300 4 879455166 +15 301 4 879455233 +15 302 4 879455049 +15 303 3 879455080 +15 306 5 879455165 +15 307 1 879455233 +15 308 5 879455334 +15 310 4 879455049 +15 322 3 879455262 +15 323 1 879455311 +15 328 3 879455192 +15 333 1 879455128 +15 409 3 879456324 +15 411 2 879456351 +15 455 1 879455914 +15 458 5 879456288 +15 459 5 879455562 +15 471 4 879456084 +15 472 3 879456204 +15 476 4 879456404 +15 508 2 879455789 +15 546 2 879456324 +15 591 2 879455821 +15 620 4 879456204 +15 676 4 879455871 +15 690 4 879455128 +15 696 2 879456262 +15 742 2 879456049 +15 744 4 879455789 +15 748 3 879455262 +15 754 5 879455080 +15 815 1 879456108 +15 823 2 879456351 +15 845 2 879456108 +15 864 4 879456231 +15 866 4 879456288 +15 879 3 879455311 +15 889 3 879455473 +15 924 3 879456204 +15 925 2 879455764 +15 926 1 879456424 +15 927 4 879456381 +15 928 1 879456404 +15 929 1 879456168 +15 930 2 879456381 +15 931 1 879456507 +15 933 1 879456447 +15 934 4 879456507 +15 935 3 879455710 +15 936 5 879455889 +15 937 4 879455128 +15 938 3 879455233 +16 1 5 877717833 +16 4 5 877726390 +16 7 5 877724066 +16 9 5 877722736 +16 11 5 877718755 +16 12 5 877718168 +16 15 5 877722001 +16 22 5 877721071 +16 27 2 877726390 +16 28 5 877727122 +16 31 5 877717956 +16 33 2 877722001 +16 39 5 877720118 +16 51 4 877726390 +16 56 5 877719863 +16 58 4 877720118 +16 66 4 877719075 +16 69 5 877724846 +16 70 4 877720118 +16 71 5 877721071 +16 76 5 877719863 +16 79 5 877727122 +16 87 4 877720916 +16 92 4 877721905 +16 95 5 877728417 +16 96 5 877717833 +16 98 5 877718107 +16 99 5 877720733 +16 100 5 877720437 +16 109 4 877719333 +16 125 3 877726944 +16 127 5 877719206 +16 134 4 877719158 +16 135 4 877720916 +16 143 5 877727192 +16 144 5 877721142 +16 151 5 877721905 +16 152 4 877728417 +16 155 3 877719157 +16 156 4 877719863 +16 158 4 877727280 +16 160 4 877722001 +16 161 5 877726390 +16 164 5 877724438 +16 168 4 877721142 +16 172 5 877724726 +16 174 5 877719504 +16 180 5 877726790 +16 182 5 877719863 +16 183 5 877720733 +16 191 5 877719454 +16 195 5 877720298 +16 199 5 877719645 +16 200 5 877722736 +16 202 5 877724726 +16 204 5 877722736 +16 208 5 877727054 +16 216 5 877722736 +16 227 5 877727193 +16 228 5 877720733 +16 230 5 877720813 +16 233 5 877727054 +16 234 5 877720185 +16 237 5 877719504 +16 240 4 877724603 +16 273 5 877722736 +16 282 5 877718755 +16 284 1 877719863 +16 286 2 877716993 +16 288 3 877717078 +16 294 4 877717116 +16 300 5 877717078 +16 302 5 877716993 +16 318 5 877718107 +16 321 3 877717116 +16 357 5 877720297 +16 367 3 877726390 +16 385 5 877727192 +16 404 5 877728417 +16 410 5 877718107 +16 418 5 877724727 +16 423 5 877721142 +16 427 5 877722001 +16 443 5 877727055 +16 447 5 877724066 +16 448 5 877722736 +16 467 5 877720733 +16 469 3 877720916 +16 471 3 877724845 +16 476 3 877720437 +16 479 5 877720436 +16 480 5 877720297 +16 482 5 877718872 +16 496 5 877721905 +16 498 5 877719333 +16 502 4 877723670 +16 504 5 877718168 +16 509 2 877720118 +16 510 4 877727280 +16 531 5 877722736 +16 546 4 877726944 +16 564 1 877726790 +16 583 4 877720186 +16 591 4 877726944 +16 602 5 877719333 +16 603 5 877719206 +16 606 4 877721071 +16 629 4 877720437 +16 642 5 877719075 +16 654 5 877720298 +16 655 5 877724066 +16 657 5 877723882 +16 661 4 877726789 +16 684 5 877719863 +16 692 4 877719158 +16 693 4 877721905 +16 732 5 877726944 +16 735 3 877720186 +16 761 2 877727192 +16 770 3 877724979 +16 812 2 877723882 +16 939 4 877717833 +16 940 2 877721236 +16 941 1 877720437 +16 942 4 877719863 +16 943 3 877719206 +16 945 4 877719158 +16 946 5 877724727 +16 947 4 877719454 +16 948 3 877717397 +17 7 4 885272487 +17 100 4 885272520 +17 111 3 885272674 +17 126 4 885272724 +17 137 4 885272606 +17 150 5 885272654 +17 221 2 885272654 +17 222 3 885272751 +17 243 1 885166209 +17 269 4 885165619 +17 276 4 885272654 +17 286 3 885165619 +17 294 4 885166209 +17 323 1 885166256 +17 471 2 885272779 +17 475 4 885272520 +17 628 1 885272724 +17 919 4 885272696 +18 1 5 880130802 +18 4 3 880132150 +18 6 5 880130764 +18 8 5 880130802 +18 9 5 880130550 +18 12 5 880129991 +18 13 5 880131497 +18 14 5 880130431 +18 15 4 880131054 +18 19 3 880130582 +18 22 5 880130640 +18 23 4 880130065 +18 25 3 880131591 +18 28 3 880129527 +18 32 2 880132129 +18 42 3 880130713 +18 45 5 880130739 +18 47 3 880131262 +18 48 4 880130515 +18 50 4 880130155 +18 52 5 880130680 +18 56 5 880129454 +18 57 4 880130930 +18 58 4 880130613 +18 59 4 880132501 +18 60 4 880132055 +18 61 4 880130803 +18 64 5 880132501 +18 65 5 880130333 +18 66 3 880131728 +18 69 3 880129527 +18 70 4 880129668 +18 71 4 880131236 +18 72 3 880132252 +18 79 4 880131450 +18 81 3 880130890 +18 82 3 880131236 +18 83 5 880129877 +18 88 3 880130890 +18 89 3 880130065 +18 91 3 880130393 +18 94 3 880131676 +18 95 4 880131297 +18 97 4 880131525 +18 98 5 880129527 +18 99 5 880130829 +18 100 5 880130065 +18 111 3 880131631 +18 116 5 880131358 +18 125 3 880131004 +18 126 5 880130680 +18 127 5 880129668 +18 131 4 880131004 +18 132 5 880132437 +18 133 5 880130713 +18 134 5 880129877 +18 135 3 880130065 +18 136 5 880129421 +18 137 5 880132437 +18 142 4 880131173 +18 143 4 880131474 +18 151 3 880131804 +18 152 3 880130515 +18 153 4 880130551 +18 154 4 880131358 +18 157 3 880131849 +18 162 4 880131326 +18 165 4 880129527 +18 166 4 880129595 +18 168 3 880130431 +18 169 5 880130252 +18 170 5 880130515 +18 172 3 880130551 +18 174 4 880130613 +18 175 4 880130431 +18 177 3 880131297 +18 178 3 880129628 +18 179 4 880129877 +18 180 4 880130252 +18 181 3 880131631 +18 185 3 880129388 +18 186 4 880131699 +18 187 5 880130393 +18 188 3 880129388 +18 189 5 880129816 +18 190 4 880130155 +18 191 4 880130193 +18 193 5 880131358 +18 194 3 880129816 +18 195 3 880131236 +18 196 3 880131297 +18 197 4 880130109 +18 198 3 880130613 +18 199 3 880129769 +18 200 3 880131775 +18 204 3 880131407 +18 208 4 880131004 +18 209 4 880130861 +18 210 5 880131054 +18 211 5 880131358 +18 212 5 880129990 +18 213 5 880131201 +18 214 4 880132078 +18 215 3 880130930 +18 216 4 880129527 +18 221 5 880129816 +18 223 5 880129731 +18 224 5 880130739 +18 234 3 880131106 +18 236 3 880131077 +18 237 3 880129991 +18 238 5 880132437 +18 241 3 880131525 +18 242 5 880129305 +18 269 5 880129305 +18 275 5 880129421 +18 276 5 880130829 +18 283 5 880130551 +18 284 3 880131804 +18 285 5 880130333 +18 286 5 880129305 +18 287 4 880131144 +18 317 5 880131144 +18 318 5 880132437 +18 319 4 880129305 +18 357 4 880129421 +18 367 4 880130802 +18 378 3 880131804 +18 381 4 880131474 +18 382 3 880129595 +18 386 2 880131986 +18 387 4 880130155 +18 392 3 880130193 +18 393 3 880130930 +18 402 3 880132225 +18 403 3 880132103 +18 404 4 880132055 +18 411 3 880131986 +18 414 4 880131054 +18 416 5 880131144 +18 418 3 880130515 +18 419 3 880131878 +18 423 5 880132437 +18 425 3 880130713 +18 427 5 880129421 +18 428 3 880131325 +18 430 4 880130155 +18 432 4 880131559 +18 434 3 880131297 +18 435 4 880130890 +18 451 3 880131297 +18 461 4 880130713 +18 462 3 880130065 +18 463 4 880131143 +18 474 4 880129731 +18 476 3 880132399 +18 478 5 880129691 +18 479 4 880129769 +18 480 4 880129595 +18 482 5 880130582 +18 483 4 880129940 +18 485 5 880132437 +18 486 3 880131559 +18 487 4 880129454 +18 488 3 880130065 +18 489 4 880129769 +18 492 4 880131054 +18 493 5 880132437 +18 494 3 880131497 +18 497 4 880131358 +18 498 4 880129940 +18 504 5 880129940 +18 509 4 880129940 +18 510 4 880130680 +18 512 5 880131407 +18 513 4 880129769 +18 514 5 880129990 +18 515 5 880130155 +18 516 5 880130861 +18 517 2 880129388 +18 519 4 880129991 +18 520 4 880129595 +18 523 4 880130393 +18 524 4 880129816 +18 526 4 880131407 +18 527 4 880130109 +18 528 4 880129489 +18 529 5 880130515 +18 530 4 880129877 +18 549 4 880131173 +18 582 5 880131450 +18 588 4 880131201 +18 602 3 880131407 +18 603 3 880129388 +18 604 5 880129731 +18 607 3 880131752 +18 609 4 880130713 +18 610 4 880130861 +18 612 4 880131591 +18 613 5 880129769 +18 614 4 880130861 +18 627 3 880131931 +18 629 3 880130515 +18 630 3 880132188 +18 631 5 880129691 +18 633 5 880131358 +18 639 4 880131407 +18 647 4 880129595 +18 649 3 880131591 +18 654 4 880130110 +18 659 4 880129489 +18 660 5 880130930 +18 663 4 880129454 +18 692 3 880130930 +18 699 5 880130802 +18 702 3 880131407 +18 704 3 880131986 +18 705 3 880130640 +18 707 3 880131450 +18 708 3 880129595 +18 709 5 880131028 +18 714 4 880130334 +18 716 5 880131676 +18 724 4 880132055 +18 732 3 880131698 +18 735 4 880130582 +18 736 4 880131028 +18 737 3 880132055 +18 739 3 880131776 +18 747 3 880132225 +18 753 4 880129816 +18 762 3 880132103 +18 775 3 880131878 +18 778 2 880131077 +18 781 3 880132188 +18 792 5 880131106 +18 794 3 880131878 +18 805 4 880131358 +18 845 3 880131236 +18 856 5 880131676 +18 863 3 880130680 +18 921 5 880132437 +18 923 5 880132501 +18 949 3 880131559 +18 951 3 880129595 +18 952 2 880130582 +18 953 3 880131901 +18 954 3 880130640 +18 955 4 880130713 +18 956 5 880131525 +18 957 3 880132188 +18 958 5 880129731 +18 959 3 880131450 +18 960 4 880131004 +18 961 3 880131830 +18 962 4 880131631 +18 963 5 880132437 +18 964 3 880132252 +18 965 4 880132012 +18 966 2 880132399 +18 967 3 880131901 +18 968 3 880130155 +18 969 3 880131106 +18 970 3 880131591 +18 971 4 880131878 +18 972 3 880130515 +18 973 3 880129595 +19 8 5 885412723 +19 202 4 885412723 +19 210 3 885412840 +19 211 4 885412840 +19 268 2 885412034 +19 288 3 885411840 +19 294 3 885412034 +19 319 4 885411465 +19 325 4 885412251 +19 887 4 885411465 +20 1 3 879667963 +20 15 4 879667937 +20 22 5 879669339 +20 50 3 879667937 +20 69 1 879668979 +20 82 4 879669697 +20 87 5 879669746 +20 94 2 879669954 +20 95 3 879669181 +20 98 3 879669547 +20 121 3 879668227 +20 143 3 879669040 +20 144 2 879669401 +20 148 5 879668713 +20 151 3 879668555 +20 174 4 879669087 +20 181 4 879667904 +20 204 3 879670039 +20 210 4 879669065 +20 243 4 879667799 +20 252 4 879669697 +20 274 4 879668248 +20 323 4 879667684 +20 357 1 879669244 +20 378 3 879669630 +20 423 2 879669313 +20 496 5 879669244 +20 498 3 879669001 +20 568 4 879669291 +20 588 4 879669120 +20 597 3 879668190 +20 633 4 879668979 +20 742 4 879668166 +20 763 1 879668476 +20 820 2 879668626 +20 866 1 879668583 +20 931 1 879668829 +20 934 4 879668783 +21 1 5 874951244 +21 5 2 874951761 +21 7 5 874951292 +21 9 5 874951188 +21 15 4 874951188 +21 17 4 874951695 +21 50 3 874951131 +21 53 4 874951820 +21 56 5 874951658 +21 98 5 874951657 +21 100 5 874951292 +21 106 2 874951447 +21 118 1 874951382 +21 121 1 874951416 +21 123 4 874951382 +21 127 5 874951188 +21 145 1 874951761 +21 148 1 874951482 +21 184 4 874951797 +21 185 5 874951658 +21 200 5 874951695 +21 201 5 874951658 +21 217 3 874951727 +21 218 4 874951696 +21 219 5 874951797 +21 234 5 874951657 +21 240 4 874951245 +21 242 3 874951617 +21 243 2 874951039 +21 244 4 874951349 +21 245 1 874951006 +21 258 4 874950889 +21 259 2 874951005 +21 260 2 874950972 +21 261 1 874951006 +21 262 4 874950931 +21 263 1 874951040 +21 264 3 874950972 +21 273 4 874951349 +21 281 2 874951416 +21 286 3 874950889 +21 288 3 874950932 +21 289 3 874950972 +21 291 3 874951446 +21 292 3 874950889 +21 294 3 874951616 +21 295 3 874951349 +21 298 5 874951382 +21 299 1 874950931 +21 300 3 874950889 +21 301 4 874951054 +21 319 2 874950889 +21 320 3 874951658 +21 321 3 874950972 +21 322 3 874951005 +21 323 2 874950972 +21 325 4 874950931 +21 326 5 874950889 +21 327 3 874950932 +21 328 3 874951005 +21 330 4 874951040 +21 358 3 874951616 +21 379 3 874951820 +21 396 2 874951798 +21 406 1 874951293 +21 408 5 874951188 +21 413 2 874951293 +21 424 1 874951293 +21 436 4 874951858 +21 437 1 874951858 +21 438 1 874951858 +21 439 1 874951820 +21 441 3 874951761 +21 443 4 874951761 +21 444 3 874951859 +21 445 3 874951658 +21 448 4 874951727 +21 452 4 874951727 +21 453 2 874951797 +21 457 1 874951054 +21 473 3 874951245 +21 547 2 874951292 +21 551 3 874951898 +21 559 1 874951761 +21 561 1 874951761 +21 563 2 874951898 +21 564 3 874951797 +21 565 3 874951898 +21 567 2 874951858 +21 569 3 874951820 +21 573 2 874951898 +21 590 1 874951898 +21 591 3 874951382 +21 595 3 874951617 +21 596 3 874951617 +21 619 2 874951416 +21 628 3 874951616 +21 635 4 874951727 +21 637 4 874951695 +21 656 5 874951797 +21 665 3 874951858 +21 668 1 874951761 +21 669 1 874951761 +21 670 3 874951696 +21 671 5 874951657 +21 672 3 874951727 +21 674 2 874951897 +21 675 5 874951897 +21 678 2 874951005 +21 680 1 874950972 +21 687 2 874951005 +21 688 1 874950972 +21 696 2 874951382 +21 706 2 874951695 +21 717 1 874951483 +21 741 3 874951382 +21 742 3 874951617 +21 748 1 874950889 +21 758 1 874951314 +21 760 1 874951293 +21 767 1 874951314 +21 769 1 874951916 +21 773 3 874951797 +21 774 2 874951898 +21 800 1 874951727 +21 816 1 874951898 +21 817 3 874951695 +21 820 3 874951616 +21 834 1 874951293 +21 839 1 874951797 +21 844 4 874951292 +21 853 5 874951658 +21 854 5 874951657 +21 858 1 874951858 +21 859 2 874951859 +21 860 2 874951727 +21 872 2 874950889 +21 873 2 874950932 +21 874 2 874951005 +21 875 4 874951005 +21 876 2 874950932 +21 877 2 874950972 +21 878 2 874951039 +21 925 2 874951447 +21 928 3 874951616 +21 930 1 874951482 +21 931 2 874951446 +21 974 3 874951416 +21 975 3 874951447 +21 976 1 874951483 +21 977 2 874951416 +21 978 1 874951483 +21 979 2 874951416 +21 980 2 874951349 +21 981 2 874951382 +21 982 1 874951482 +21 983 2 874951416 +21 984 1 874951040 +21 985 2 874951349 +21 986 1 874951482 +21 987 3 874951616 +21 988 1 874951005 +21 989 3 874951039 +21 990 2 874951039 +21 991 2 874951039 +21 992 2 874951349 +21 993 4 874951245 +21 994 2 874951104 +21 995 2 874950932 +22 2 2 878887925 +22 4 5 878886571 +22 17 4 878886682 +22 21 4 878886750 +22 24 5 878888026 +22 29 1 878888228 +22 50 5 878887765 +22 53 3 878888107 +22 62 4 878887925 +22 68 4 878887925 +22 85 5 878886989 +22 89 5 878887680 +22 94 3 878887277 +22 96 5 878887680 +22 105 1 878887347 +22 109 4 878886710 +22 110 1 878887157 +22 117 4 878887869 +22 118 4 878887983 +22 121 3 878887925 +22 127 5 878887869 +22 144 5 878887680 +22 153 5 878886423 +22 154 4 878886423 +22 161 4 878887925 +22 163 1 878886845 +22 167 3 878887023 +22 168 5 878886517 +22 172 4 878887680 +22 173 5 878886368 +22 174 5 878887765 +22 175 4 878886682 +22 176 5 878887765 +22 181 5 878887765 +22 184 5 878887869 +22 186 5 878886368 +22 187 5 878887680 +22 194 5 878886607 +22 195 4 878887810 +22 201 4 878886449 +22 202 5 878886480 +22 204 5 878886607 +22 208 5 878886607 +22 209 4 878886518 +22 210 3 878886479 +22 211 3 878886518 +22 216 4 878886682 +22 222 4 878887925 +22 226 4 878888145 +22 227 4 878888067 +22 228 4 878887810 +22 229 2 878887925 +22 230 4 878888026 +22 231 2 878887983 +22 233 3 878888066 +22 238 5 878886423 +22 250 5 878888251 +22 265 3 878888066 +22 290 5 878886607 +22 294 1 878886262 +22 358 5 878887443 +22 367 1 878886571 +22 384 3 878887413 +22 385 4 878887869 +22 386 3 878887347 +22 393 4 878886989 +22 399 4 878887157 +22 403 5 878887810 +22 405 1 878888067 +22 407 3 878886845 +22 411 1 878887277 +22 430 4 878886607 +22 431 4 878888026 +22 433 3 878886479 +22 435 5 878886682 +22 449 1 878888145 +22 451 4 878887062 +22 455 5 878886479 +22 456 1 878887413 +22 502 4 878886647 +22 515 5 878887869 +22 523 5 878886845 +22 526 4 878888026 +22 546 3 878888107 +22 550 5 878888184 +22 554 1 878888066 +22 566 3 878888145 +22 568 4 878887810 +22 636 3 878888106 +22 648 4 878886647 +22 651 4 878887810 +22 665 1 878888145 +22 683 1 878886307 +22 684 3 878887983 +22 687 1 878887476 +22 688 1 878886307 +22 692 4 878886480 +22 712 4 878887186 +22 731 3 878887116 +22 732 4 878886710 +22 780 1 878887377 +22 792 4 878886647 +22 840 4 878888184 +22 862 1 878886845 +22 871 3 878886750 +22 878 1 878887598 +22 926 1 878887062 +22 932 1 878887277 +22 948 1 878887553 +22 988 1 878887116 +22 996 1 878887158 +22 997 1 878887377 +22 998 1 878886571 +22 999 4 878886902 +22 1000 3 878886333 +22 1001 1 878886647 +22 1002 1 878887186 +22 1003 1 878887277 +23 1 5 874784615 +23 7 4 874784385 +23 8 4 874785474 +23 13 4 874784497 +23 14 4 874784440 +23 19 4 874784466 +23 28 3 874786793 +23 32 3 874785809 +23 50 4 874784440 +23 55 4 874785624 +23 56 4 874785233 +23 59 4 874785526 +23 62 3 874786880 +23 70 2 874786513 +23 71 3 874789299 +23 73 3 874787016 +23 79 4 874785957 +23 82 3 874787449 +23 83 4 874785926 +23 88 3 874787410 +23 89 5 874785582 +23 90 2 874787370 +23 91 4 884550049 +23 95 4 874786220 +23 96 4 874785551 +23 98 5 874786016 +23 99 4 874786098 +23 100 5 874784557 +23 102 3 874785957 +23 109 3 874784466 +23 116 5 874784466 +23 124 5 874784440 +23 131 4 884550021 +23 132 4 874785756 +23 133 4 874786220 +23 134 4 874786098 +23 143 3 874786066 +23 144 3 874785926 +23 145 3 874786244 +23 151 3 874784668 +23 153 4 874786438 +23 154 3 874785552 +23 155 3 874787059 +23 156 3 877817091 +23 161 2 874787017 +23 162 3 874786950 +23 171 5 874785809 +23 173 5 874787587 +23 174 4 874785652 +23 175 5 874785526 +23 176 3 874785843 +23 177 4 884550003 +23 181 4 874784337 +23 183 3 874785728 +23 185 4 874785756 +23 188 3 877817151 +23 189 5 874785985 +23 191 3 877817113 +23 194 4 874786016 +23 195 4 874786993 +23 202 3 874785165 +23 203 4 874786746 +23 204 3 874786122 +23 209 5 874785843 +23 211 4 874786512 +23 213 3 874785675 +23 214 3 874785701 +23 215 2 874787116 +23 216 4 874787204 +23 217 2 874787144 +23 219 1 874788187 +23 222 4 876785704 +23 224 5 874784638 +23 227 3 874787738 +23 228 4 874785582 +23 229 3 874787162 +23 230 4 874785809 +23 234 2 874785624 +23 235 1 874784712 +23 238 5 874785526 +23 250 4 874784338 +23 257 3 890276940 +23 269 5 877817151 +23 275 5 874785474 +23 283 4 874784575 +23 294 1 876785901 +23 315 3 884550320 +23 357 3 874785233 +23 367 4 874785957 +23 380 5 874787774 +23 386 4 874789001 +23 387 3 874786098 +23 405 4 874784638 +23 408 5 874784538 +23 414 3 874785526 +23 418 4 874786037 +23 419 3 874787204 +23 421 5 874786770 +23 423 3 874786488 +23 427 5 874789279 +23 432 4 884550048 +23 433 5 874785233 +23 449 2 874787083 +23 451 2 874787256 +23 472 2 874784972 +23 479 5 874785728 +23 483 4 884550048 +23 504 4 874785624 +23 511 5 874786770 +23 512 5 874785843 +23 516 4 874787330 +23 518 5 874785194 +23 522 4 874785447 +23 526 3 874787116 +23 527 4 874785926 +23 528 4 874786974 +23 530 4 874789279 +23 541 4 876785720 +23 546 3 874784668 +23 549 3 874788290 +23 588 4 884550021 +23 597 3 874785024 +23 603 4 874785448 +23 629 4 874786098 +23 642 3 874785843 +23 652 4 874785926 +23 655 3 874787330 +23 662 3 874788045 +23 679 3 874788443 +23 694 4 884550049 +23 705 4 874785526 +23 710 4 874785889 +23 713 4 874784337 +23 739 2 874787861 +23 747 3 874786903 +23 780 1 874788388 +23 856 4 874787288 +23 919 5 874784440 +23 961 5 874785165 +23 1004 3 874788318 +23 1005 3 874787647 +24 7 4 875323676 +24 8 5 875323002 +24 9 5 875323745 +24 11 5 875323100 +24 12 5 875323711 +24 25 4 875246258 +24 41 5 875323594 +24 55 5 875323308 +24 56 4 875323240 +24 58 3 875323745 +24 69 5 875323051 +24 71 5 875323833 +24 79 4 875322796 +24 92 5 875323241 +24 97 4 875323193 +24 98 5 875323401 +24 100 5 875323637 +24 109 3 875322848 +24 117 4 875246216 +24 127 5 875323879 +24 132 3 875323274 +24 151 5 875322848 +24 173 5 875323474 +24 176 5 875323595 +24 178 5 875323676 +24 180 5 875322847 +24 200 5 875323440 +24 216 4 875323745 +24 223 5 875322727 +24 237 4 875323002 +24 238 5 875323274 +24 249 4 875246216 +24 258 4 875245985 +24 275 5 875323507 +24 276 5 875322951 +24 286 5 875323773 +24 288 3 875245985 +24 289 3 875245985 +24 294 3 875246037 +24 300 4 875245985 +24 318 5 875323474 +24 324 5 875322875 +24 357 5 875323100 +24 358 3 875246012 +24 402 4 875323308 +24 421 5 875323712 +24 475 4 875246216 +24 477 5 875323594 +24 486 3 875322908 +24 508 4 875323833 +24 518 4 875323552 +24 582 4 875323368 +24 655 5 875323915 +24 699 3 875323051 +24 727 3 875322727 +24 729 5 875323475 +24 919 3 875246185 +24 1007 5 875322758 +25 1 5 885853415 +25 7 4 885853155 +25 8 4 885852150 +25 13 4 885852381 +25 23 4 885852529 +25 50 5 885852150 +25 79 4 885852757 +25 82 4 885852150 +25 86 4 885852248 +25 98 5 885853415 +25 114 5 885852218 +25 116 4 885853335 +25 121 4 885853030 +25 125 5 885852817 +25 127 3 885853030 +25 131 4 885852611 +25 133 3 885852381 +25 134 4 885852008 +25 135 3 885852059 +25 141 4 885852720 +25 143 3 885852529 +25 151 4 885853335 +25 169 5 885852301 +25 173 4 885852969 +25 174 5 885853415 +25 176 4 885852862 +25 177 3 885852488 +25 183 4 885852008 +25 186 4 885852569 +25 189 5 885852488 +25 195 4 885852008 +25 197 3 885852059 +25 204 5 885853415 +25 238 4 885852757 +25 239 4 885853415 +25 265 4 885853415 +25 269 4 885851953 +25 275 4 885853335 +25 404 3 885852920 +25 408 5 885852920 +25 419 4 885852218 +25 427 4 885852059 +25 430 4 885852920 +25 432 2 885852443 +25 455 4 885853415 +25 463 4 885852529 +25 474 4 885852008 +25 477 4 885853155 +25 478 5 885852271 +25 479 5 885852569 +25 480 4 885852008 +25 495 4 885852862 +25 498 4 885852086 +25 520 3 885852150 +25 527 4 885852248 +25 568 4 885852529 +25 604 4 885852008 +25 612 4 885852120 +25 633 4 885852301 +25 655 4 885852248 +25 657 4 885852720 +25 692 4 885852656 +25 729 4 885852697 +25 742 4 885852569 +25 837 4 885852611 +25 929 4 885852178 +25 968 4 885852218 +25 969 3 885852059 +26 1 3 891350625 +26 7 3 891350826 +26 9 4 891386369 +26 13 3 891373086 +26 14 3 891371505 +26 24 3 891377540 +26 50 4 891386368 +26 100 5 891386368 +26 109 3 891376987 +26 111 3 891371437 +26 116 2 891352941 +26 117 3 891351590 +26 118 3 891385691 +26 121 3 891377540 +26 122 1 891380200 +26 126 4 891371676 +26 127 5 891386368 +26 129 4 891350566 +26 148 3 891377540 +26 150 3 891350750 +26 151 3 891372429 +26 181 4 891386369 +26 222 3 891371369 +26 237 3 891351590 +26 240 3 891377468 +26 246 4 891351590 +26 248 3 891377468 +26 249 2 891377609 +26 250 3 891350826 +26 252 3 891385569 +26 255 3 891377609 +26 257 3 891371596 +26 269 4 891347478 +26 271 3 891348070 +26 274 3 891385634 +26 276 4 891386369 +26 282 4 891373086 +26 283 3 891371437 +26 284 3 891371505 +26 286 3 891347400 +26 288 4 891347477 +26 291 3 891379753 +26 292 3 891347400 +26 293 3 891371369 +26 294 3 891348192 +26 298 3 891371505 +26 300 4 891347537 +26 302 5 891386368 +26 304 4 891348011 +26 313 5 891386368 +26 315 3 891347400 +26 316 3 891349122 +26 321 3 891347949 +26 322 3 891349122 +26 323 2 891349184 +26 328 2 891348011 +26 333 3 891348192 +26 343 3 891349238 +26 369 2 891379664 +26 405 2 891376986 +26 410 2 891373086 +26 413 2 891386049 +26 456 1 891386174 +26 458 3 891352941 +26 471 2 891371676 +26 475 3 891350826 +26 476 3 891384414 +26 508 3 891352941 +26 515 4 891352940 +26 546 2 891371676 +26 591 3 891351590 +26 597 2 891379753 +26 628 3 891372429 +26 678 2 891349122 +26 683 3 891350372 +26 742 3 891352492 +26 748 1 891348192 +26 750 4 891347478 +26 751 4 891347477 +26 760 1 891383899 +26 815 2 891371597 +26 831 2 891379753 +26 840 2 891386049 +26 841 2 891380200 +26 845 3 891377468 +26 864 2 891383899 +26 871 2 891379664 +26 926 2 891385692 +26 936 4 891352136 +26 979 3 891383899 +26 1008 3 891377609 +26 1009 2 891384478 +26 1010 2 891377609 +26 1011 3 891371597 +26 1012 4 891386369 +26 1013 1 891383836 +26 1014 3 891384414 +27 9 4 891542942 +27 50 3 891542897 +27 100 5 891543129 +27 118 3 891543222 +27 123 5 891543191 +27 148 3 891543129 +27 244 3 891543222 +27 286 3 891543393 +27 288 3 891543129 +27 295 3 891543164 +27 325 2 891543191 +27 508 3 891542987 +27 515 4 891543009 +27 930 2 891543222 +27 1017 4 891542897 +28 5 3 881961600 +28 11 4 881956144 +28 12 4 881956853 +28 28 4 881956853 +28 31 4 881956082 +28 50 4 881957090 +28 56 5 881957479 +28 70 4 881961311 +28 89 4 881961104 +28 96 5 881957250 +28 100 5 881957425 +28 117 4 881957002 +28 143 4 881956564 +28 145 3 881961904 +28 153 3 881961214 +28 164 4 881960945 +28 174 5 881956334 +28 176 5 881956445 +28 184 4 881961671 +28 185 5 881957002 +28 195 4 881957250 +28 196 4 881956081 +28 200 2 881961671 +28 218 3 881961601 +28 219 5 881961728 +28 222 5 881961393 +28 223 5 882826496 +28 227 4 881961393 +28 228 5 881961393 +28 229 2 881961393 +28 230 4 881961393 +28 258 5 881955018 +28 271 4 881955281 +28 282 4 881957425 +28 286 3 881955018 +28 288 5 882826398 +28 294 3 881954915 +28 322 2 881955343 +28 323 3 882826593 +28 332 2 881954915 +28 423 2 881956564 +28 429 5 881960794 +28 434 4 881961104 +28 436 5 881961601 +28 441 2 881961782 +28 443 4 881961671 +28 444 3 881961728 +28 447 3 881961532 +28 448 4 881961600 +28 449 2 881961394 +28 450 1 881961394 +28 479 4 881961157 +28 480 5 881957002 +28 529 4 881957310 +28 567 4 881961782 +28 568 4 881957147 +28 573 4 881961842 +28 588 3 881957425 +28 603 3 881957090 +28 609 3 881956220 +28 646 4 881961003 +28 665 3 881961782 +28 670 4 881961600 +28 672 3 881961728 +28 678 2 882826550 +28 760 3 882826399 +28 800 4 881961904 +28 859 3 881961842 +28 895 4 882826398 +29 12 5 882821989 +29 79 4 882821989 +29 180 4 882821989 +29 182 4 882821989 +29 259 4 882821044 +29 264 3 882820897 +29 268 5 882820686 +29 269 4 882820897 +29 270 4 882820803 +29 286 5 882820663 +29 294 4 882820730 +29 300 3 882820897 +29 302 4 882820663 +29 303 4 882820686 +29 306 4 882820730 +29 312 4 882821705 +29 326 2 882820869 +29 343 3 882821673 +29 480 4 882821989 +29 657 4 882821942 +29 661 5 882821942 +29 874 4 882821020 +29 879 3 882821161 +29 1019 4 882821989 +30 2 3 875061066 +30 7 4 875140648 +30 28 4 885941321 +30 29 3 875106638 +30 50 3 875061066 +30 69 5 885941156 +30 135 5 885941156 +30 161 4 875060883 +30 164 4 875060217 +30 172 4 875060742 +30 174 5 885941156 +30 231 2 875061066 +30 242 5 885941156 +30 252 3 875140740 +30 257 4 885941257 +30 258 5 885941156 +30 259 4 875058280 +30 294 4 875140648 +30 301 4 875988577 +30 304 4 875988548 +30 313 5 885941156 +30 315 4 885941412 +30 319 4 875060217 +30 321 4 875988547 +30 403 2 875061066 +30 531 5 885941156 +30 538 4 885941798 +30 683 3 885941798 +30 751 3 884310551 +30 780 4 875060217 +30 873 1 875061066 +30 892 4 884310496 +30 1013 3 875060334 +31 32 5 881548030 +31 79 2 881548082 +31 124 4 881548110 +31 136 5 881548030 +31 153 4 881548110 +31 175 5 881548053 +31 192 4 881548054 +31 262 5 881547766 +31 268 3 881547746 +31 271 4 881547854 +31 299 4 881547814 +31 303 3 881547719 +31 306 3 881547814 +31 319 4 881547788 +31 328 2 881547746 +31 340 3 881547788 +31 490 4 881548030 +31 514 5 881548030 +31 519 4 881548053 +31 611 4 881548111 +31 811 4 881548053 +31 875 4 881547938 +31 1019 5 881548082 +31 1020 3 881548030 +31 1021 3 881548082 +31 1022 5 881547814 +32 7 4 883717766 +32 9 3 883717747 +32 50 4 883717521 +32 100 3 883717662 +32 111 3 883717986 +32 118 3 883717967 +32 122 2 883718250 +32 181 4 883717628 +32 222 3 883717600 +32 235 3 883718121 +32 240 2 883717967 +32 245 2 883710047 +32 248 4 883717816 +32 257 4 883717537 +32 259 2 883709986 +32 268 5 883709797 +32 271 3 883709953 +32 288 4 883709915 +32 298 5 883717581 +32 307 2 883709915 +32 313 4 883709840 +32 405 4 883718008 +32 408 3 883717684 +32 455 2 883717796 +32 475 5 883717766 +32 508 4 883717581 +32 628 4 883718121 +32 742 3 883717628 +32 866 3 883718031 +32 1016 1 883718121 +32 1023 3 883717913 +33 245 3 891964326 +33 260 4 891964306 +33 271 4 891964166 +33 288 4 891964066 +33 294 3 891964166 +33 300 4 891964131 +33 323 4 891964373 +33 329 4 891964326 +33 339 3 891964111 +33 348 4 891964404 +33 678 4 891964306 +33 682 4 891964274 +33 879 3 891964230 +33 880 3 891964230 +34 288 2 888601628 +34 289 1 888602950 +34 292 5 888602742 +34 294 1 888602808 +34 324 5 888602808 +34 898 5 888602842 +34 899 5 888603123 +34 990 5 888602808 +34 991 4 888602618 +34 1024 5 888602618 +35 258 2 875458941 +35 264 2 875459099 +35 266 3 875458941 +35 300 5 875458970 +35 321 3 875458970 +35 326 3 875459017 +35 327 3 875459017 +35 328 3 875459046 +35 333 4 875459017 +35 358 1 875459073 +35 678 3 875459017 +35 748 4 875458970 +35 876 2 875458970 +35 879 4 875459073 +35 937 4 875459237 +36 261 5 882157581 +36 288 4 882157227 +36 289 2 882157356 +36 310 4 882157327 +36 333 4 882157227 +36 358 5 882157581 +36 873 3 882157386 +36 875 3 882157470 +36 878 5 882157581 +36 1026 5 882157581 +37 7 4 880915528 +37 11 4 880915838 +37 22 5 880915810 +37 24 4 880915674 +37 27 4 880915942 +37 50 5 880915838 +37 62 5 880916070 +37 68 5 880915902 +37 82 1 880915942 +37 89 4 880930072 +37 92 4 880930072 +37 96 4 880915810 +37 118 2 880915633 +37 121 2 880915528 +37 127 4 880930071 +37 147 3 880915749 +37 161 5 880915902 +37 172 4 880930072 +37 174 5 880915810 +37 176 4 880915942 +37 195 5 880915874 +37 210 4 880915810 +37 226 5 880916010 +37 230 4 880915942 +37 231 2 880916046 +37 233 4 880916046 +37 265 4 880930072 +37 273 3 880915528 +37 363 3 880915711 +37 385 4 880915902 +37 405 4 880915565 +37 472 2 880915711 +37 546 3 880915565 +37 550 4 880915902 +37 566 4 880916010 +37 568 3 880915942 +37 578 3 880916010 +37 597 5 880915607 +37 665 3 880916046 +37 825 2 880915565 +37 827 3 880915607 +37 831 2 880915607 +37 833 4 880915565 +37 841 3 880915711 +37 930 3 880915711 +37 948 4 880915407 +37 1027 3 880930072 +38 1 5 892430636 +38 22 5 892429347 +38 28 4 892429399 +38 35 5 892433801 +38 67 4 892434312 +38 69 5 892430486 +38 70 5 892432424 +38 71 5 892430516 +38 78 5 892433062 +38 79 3 892430309 +38 82 5 892429903 +38 84 5 892430937 +38 88 5 892430695 +38 94 5 892432030 +38 97 5 892430369 +38 99 5 892430829 +38 105 3 892434217 +38 112 5 892432751 +38 118 5 892431151 +38 122 1 892434801 +38 127 2 892429460 +38 133 2 892429873 +38 140 5 892430309 +38 144 5 892430369 +38 145 1 892433062 +38 155 5 892432090 +38 162 5 892431727 +38 185 2 892432573 +38 188 2 892431953 +38 195 1 892429952 +38 200 5 892432180 +38 202 2 892431665 +38 211 1 892431907 +38 216 5 892430486 +38 218 3 892431871 +38 225 5 892433062 +38 226 1 892431513 +38 234 5 892431607 +38 243 3 892429095 +38 247 5 892429460 +38 252 5 892429567 +38 257 1 892429512 +38 259 3 892428754 +38 288 5 892428188 +38 294 5 892428584 +38 313 5 892428216 +38 318 3 892430071 +38 326 5 892428688 +38 356 2 892430309 +38 383 2 892433801 +38 384 5 892433660 +38 389 5 892433660 +38 392 5 892430120 +38 393 5 892430282 +38 395 3 892434164 +38 400 1 892434036 +38 401 3 892434585 +38 402 5 892430539 +38 403 1 892432205 +38 404 5 892431586 +38 405 5 892432205 +38 406 2 892434251 +38 409 5 892433135 +38 410 3 892432750 +38 411 3 892433290 +38 413 1 892434626 +38 418 5 892431026 +38 419 5 892429347 +38 420 5 892429347 +38 423 5 892430071 +38 424 3 892432624 +38 433 5 892433771 +38 444 1 892433912 +38 445 2 892429399 +38 447 5 892434430 +38 450 1 892432624 +38 451 5 892431727 +38 452 5 892434523 +38 501 5 892429801 +38 508 2 892429399 +38 526 1 892430636 +38 550 2 892432786 +38 588 5 892429225 +38 590 1 892434373 +38 616 3 892433375 +38 627 5 892431586 +38 637 2 892434452 +38 672 3 892434800 +38 673 5 892432062 +38 678 5 892428658 +38 681 5 892429065 +38 717 1 892433945 +38 720 5 892432424 +38 742 5 892430001 +38 768 5 892433062 +38 780 4 892434217 +38 838 2 892433680 +38 916 5 892428188 +38 940 1 892434742 +38 1014 5 892429542 +38 1016 5 892429542 +38 1028 5 892432624 +38 1029 1 892434626 +38 1030 5 892434475 +38 1031 5 892433801 +38 1032 4 892432624 +38 1033 5 892432531 +38 1034 1 892433062 +38 1035 5 892431907 +38 1036 4 892433704 +38 1037 4 892434283 +39 269 4 891400188 +39 270 4 891400609 +39 272 2 891400094 +39 288 5 891400704 +39 294 4 891400609 +39 301 3 891400280 +39 302 5 891400188 +39 307 2 891400342 +39 319 4 891400094 +39 339 3 891400609 +39 748 5 891400704 +39 937 5 891400704 +40 242 4 889041330 +40 245 3 889041671 +40 259 2 889041643 +40 269 1 889041283 +40 270 3 889041477 +40 272 2 889041283 +40 286 2 889041430 +40 294 4 889041671 +40 300 3 889041523 +40 302 3 889041283 +40 305 4 889041430 +40 310 3 889041283 +40 316 3 889041643 +40 321 4 889041523 +40 328 3 889041595 +40 337 4 889041523 +40 343 1 889041790 +40 346 2 889041358 +40 347 2 889041283 +40 358 3 889041741 +40 750 3 889041523 +40 876 3 889041694 +40 879 2 889041595 +40 896 4 889041402 +40 1038 1 889041741 +41 1 4 890692860 +41 50 5 890687066 +41 56 4 890687472 +41 58 3 890687353 +41 69 4 890687145 +41 96 4 890687019 +41 97 3 890687665 +41 100 4 890687242 +41 135 4 890687473 +41 152 4 890687326 +41 153 4 890687087 +41 156 4 890687304 +41 168 5 890687304 +41 173 4 890687549 +41 174 4 890687264 +41 175 5 890687526 +41 180 5 890687019 +41 181 4 890687175 +41 188 4 890687571 +41 191 4 890687473 +41 194 3 890687242 +41 195 4 890687042 +41 196 3 890687593 +41 202 2 890687326 +41 205 4 890687353 +41 209 4 890687642 +41 216 3 890687571 +41 238 5 890687472 +41 276 2 890687304 +41 286 4 890685449 +41 289 2 890686673 +41 318 4 890687353 +41 357 4 890687175 +41 414 4 890687550 +41 423 2 890687175 +41 430 5 890692860 +41 474 5 890687066 +41 514 4 890687042 +41 516 5 890687242 +41 518 3 890687412 +41 969 4 890687438 +41 1039 3 890687642 +42 1 5 881105633 +42 2 5 881109271 +42 12 4 881107502 +42 15 4 881105633 +42 25 3 881110670 +42 28 5 881108187 +42 38 3 881109148 +42 43 2 881109325 +42 48 5 881107821 +42 50 5 881107178 +42 54 4 881108982 +42 58 5 881108040 +42 63 4 881108873 +42 64 5 881106711 +42 66 4 881108280 +42 69 4 881107375 +42 70 3 881109148 +42 71 4 881108229 +42 72 3 881108229 +42 73 4 881108484 +42 77 5 881108684 +42 79 5 881108040 +42 82 4 881107449 +42 83 4 881108093 +42 86 3 881107880 +42 87 4 881107576 +42 88 5 881108425 +42 95 5 881107220 +42 97 3 881107502 +42 98 4 881106711 +42 99 5 881108346 +42 102 5 881108873 +42 103 3 881106162 +42 111 1 881105931 +42 118 4 881105505 +42 121 4 881110578 +42 125 4 881105462 +42 131 2 881108548 +42 132 5 881107502 +42 135 4 881109148 +42 136 4 881107329 +42 141 3 881109059 +42 142 4 881109271 +42 143 4 881108229 +42 151 4 881110578 +42 161 4 881108229 +42 168 3 881107773 +42 172 5 881107220 +42 173 5 881107220 +42 174 5 881106711 +42 175 2 881107687 +42 176 3 881107178 +42 181 5 881107291 +42 183 4 881107821 +42 185 4 881107449 +42 194 5 881107329 +42 195 5 881107949 +42 196 5 881107718 +42 202 5 881107687 +42 203 4 881107413 +42 204 5 881107821 +42 210 5 881108633 +42 211 4 881107880 +42 215 5 881107413 +42 216 5 881108147 +42 219 1 881109324 +42 222 4 881105882 +42 227 4 881109060 +42 228 4 881107538 +42 229 4 881108684 +42 230 5 881109148 +42 234 4 881108093 +42 237 4 881105882 +42 239 5 881108187 +42 265 3 881107989 +42 273 3 881105817 +42 276 1 881105405 +42 280 4 881106270 +42 281 3 881105728 +42 282 4 881105677 +42 283 3 881110483 +42 284 3 881105581 +42 290 3 881106072 +42 294 4 881105296 +42 318 5 881107718 +42 357 5 881107687 +42 367 2 881109149 +42 369 4 881105931 +42 371 4 881108760 +42 380 4 881108548 +42 385 5 881108147 +42 387 3 881108760 +42 402 5 881108982 +42 404 5 881108760 +42 405 4 881105541 +42 409 3 881106270 +42 410 3 881110483 +42 411 4 881106317 +42 413 1 881106072 +42 418 5 881108147 +42 419 5 881107178 +42 427 4 881107773 +42 428 3 881108040 +42 432 3 881108147 +42 433 2 881108760 +42 443 3 881108093 +42 451 2 881108982 +42 456 3 881106113 +42 462 2 881108093 +42 467 3 881108425 +42 468 4 881108346 +42 469 4 881109324 +42 471 4 881105505 +42 479 4 881108147 +42 491 3 881106711 +42 496 5 881107718 +42 501 5 881108345 +42 506 3 881108760 +42 521 2 881107989 +42 523 5 881107375 +42 559 2 881109271 +42 566 5 881107821 +42 568 4 881107256 +42 582 3 881108928 +42 591 4 881110138 +42 595 1 881106582 +42 603 4 881107502 +42 606 3 881107538 +42 627 2 881109271 +42 655 3 881107642 +42 658 2 881107502 +42 660 3 881108484 +42 679 2 881108548 +42 684 4 881108093 +42 685 4 881105972 +42 692 4 881107773 +42 720 4 881109149 +42 729 3 881108345 +42 732 5 881108346 +42 735 4 881108548 +42 736 5 881108187 +42 742 4 881105581 +42 746 3 881108279 +42 755 4 881108425 +42 756 5 881106420 +42 781 4 881108280 +42 785 4 881109060 +42 826 3 881106419 +42 834 1 881110763 +42 845 5 881110719 +42 866 4 881105972 +42 924 3 881105677 +42 925 4 881106113 +42 926 3 881105766 +42 934 4 881106419 +42 939 4 881108484 +42 941 4 881109060 +42 953 2 881108815 +42 969 5 881107687 +42 977 2 881106541 +42 999 4 881108982 +42 1040 3 881106270 +42 1041 4 881109060 +42 1042 3 881109325 +42 1043 2 881108633 +42 1044 4 881109271 +42 1045 2 881108873 +42 1046 3 881108760 +42 1047 4 881106419 +42 1048 1 881106220 +42 1049 3 881105882 +42 1050 3 881107538 +42 1051 4 881106270 +43 1 5 875975579 +43 3 2 884029543 +43 4 4 875981421 +43 7 4 875975520 +43 8 4 875975717 +43 9 4 875975656 +43 11 5 875981365 +43 12 5 883955048 +43 15 5 875975546 +43 17 3 883956417 +43 25 5 875975656 +43 26 5 883954901 +43 28 4 875981452 +43 47 1 883955415 +43 49 4 883956387 +43 50 4 875975211 +43 51 1 883956562 +43 52 4 883955224 +43 54 3 883956494 +43 56 5 875975687 +43 58 3 883955859 +43 63 3 883956353 +43 64 5 875981247 +43 66 4 875981506 +43 69 4 875981421 +43 70 4 883955048 +43 71 4 883955675 +43 73 4 883956099 +43 77 3 883955650 +43 79 4 875981335 +43 82 4 883955498 +43 86 4 883955020 +43 88 5 883955702 +43 91 3 883956260 +43 95 4 875975687 +43 97 5 883955293 +43 98 5 875981220 +43 100 4 875975656 +43 102 4 875981483 +43 111 4 883955745 +43 114 5 883954950 +43 117 4 883954853 +43 118 4 883955546 +43 121 4 883955907 +43 122 2 884029709 +43 123 1 875975520 +43 124 4 891294050 +43 127 4 875981304 +43 131 3 883954997 +43 133 4 875981483 +43 140 4 883955110 +43 143 4 883955247 +43 144 4 883955415 +43 153 5 883955135 +43 155 4 883956518 +43 161 4 883955467 +43 168 4 875981159 +43 169 5 875981128 +43 172 4 883955135 +43 173 5 875981190 +43 174 4 875975687 +43 175 2 875981304 +43 181 4 875975211 +43 186 3 875981335 +43 189 5 875981220 +43 191 5 875981247 +43 196 4 875981190 +43 202 5 875981190 +43 208 5 883955547 +43 210 5 883955467 +43 211 4 883955785 +43 215 5 883955467 +43 216 5 875981128 +43 217 2 883955930 +43 222 4 883955547 +43 225 2 875975579 +43 226 3 883956442 +43 231 4 883955995 +43 235 3 875975520 +43 237 4 875975579 +43 238 2 883955160 +43 241 4 883955441 +43 248 4 875975237 +43 250 2 875975383 +43 252 4 875975363 +43 254 3 875975323 +43 257 4 875975276 +43 258 5 875975028 +43 269 5 888177393 +43 271 3 880317103 +43 272 5 883953545 +43 274 5 883955441 +43 275 4 875975546 +43 276 4 883954876 +43 277 1 883955498 +43 278 3 884029259 +43 280 3 883955806 +43 283 2 883955415 +43 284 5 883955441 +43 285 4 875975468 +43 286 4 875975028 +43 289 4 875975085 +43 290 4 884029192 +43 291 3 883955995 +43 294 5 875975061 +43 298 4 875975211 +43 300 5 875975135 +43 301 5 875975135 +43 302 4 887731794 +43 312 4 883953502 +43 313 5 887076865 +43 315 4 883953665 +43 316 5 892349752 +43 317 2 883955319 +43 318 5 875975717 +43 321 3 875975061 +43 328 4 875975061 +43 336 4 880317271 +43 347 3 888177393 +43 354 4 891293957 +43 367 4 883956494 +43 371 4 883955269 +43 382 5 883955702 +43 385 5 883955387 +43 393 4 883956417 +43 402 4 883956283 +43 403 4 883956305 +43 405 4 883956122 +43 408 5 875975492 +43 409 3 884029493 +43 411 3 884029519 +43 418 4 883955387 +43 421 3 883954853 +43 423 4 883955498 +43 432 3 875981421 +43 471 3 883955319 +43 473 3 884029309 +43 479 4 875981365 +43 482 4 875981421 +43 486 4 883955969 +43 491 4 883954997 +43 496 5 883955605 +43 498 5 875981275 +43 501 4 883955605 +43 516 5 875981452 +43 531 4 883955160 +43 539 3 883953716 +43 542 3 883956518 +43 546 4 875975613 +43 550 3 883956040 +43 553 4 875981159 +43 559 1 883956468 +43 566 3 883955969 +43 568 4 883955363 +43 580 3 883956417 +43 581 3 883956468 +43 588 4 883955745 +43 591 5 875975656 +43 596 3 883955650 +43 597 3 883956229 +43 625 4 883956146 +43 628 3 875975580 +43 631 2 883955675 +43 648 5 883955293 +43 660 4 883955859 +43 684 4 883955702 +43 686 3 883955884 +43 692 5 883955884 +43 699 4 883956040 +43 705 4 883954970 +43 724 4 875981390 +43 729 4 883956387 +43 731 4 875981190 +43 732 4 883955498 +43 735 4 875981275 +43 742 5 883955650 +43 747 4 883956169 +43 751 2 883954803 +43 755 3 883956075 +43 756 3 884029519 +43 778 5 883955363 +43 781 3 883956494 +43 785 3 883956538 +43 792 1 883954876 +43 820 2 884029742 +43 845 5 883955547 +43 847 5 875975468 +43 866 4 883956417 +43 879 4 876159838 +43 892 3 883954776 +43 926 2 875975613 +43 931 1 884029742 +43 939 3 883955547 +43 944 2 883956260 +43 946 4 883955247 +43 950 3 883956417 +43 951 3 883955969 +43 956 1 883956259 +43 966 4 883955498 +43 969 5 875981159 +43 993 3 875975211 +43 1023 3 875975323 +43 1035 4 883955745 +43 1047 3 883956387 +43 1048 3 883956260 +43 1052 1 892350297 +43 1053 3 883955859 +43 1054 3 884029658 +43 1055 2 883955969 +43 1056 3 883955498 +43 1057 2 884029777 +44 1 4 878341315 +44 5 4 878347598 +44 7 5 878341246 +44 9 5 878341196 +44 11 3 878347915 +44 21 2 878346789 +44 22 4 878347942 +44 24 3 878346575 +44 25 2 878346431 +44 31 4 878348998 +44 50 5 878341246 +44 55 4 878347455 +44 56 2 878348601 +44 64 5 878347915 +44 67 3 878348111 +44 69 4 878347711 +44 71 3 878347633 +44 81 4 878348499 +44 82 4 878348885 +44 87 5 878347742 +44 88 2 878348885 +44 89 5 878347315 +44 90 2 878348784 +44 91 2 878348573 +44 95 4 878347569 +44 96 4 878347633 +44 97 2 878348000 +44 98 2 878347420 +44 99 4 878348812 +44 100 5 878341196 +44 102 2 878348499 +44 106 2 878347076 +44 109 3 878346431 +44 118 3 878341197 +44 120 4 878346977 +44 121 4 878346946 +44 123 4 878346532 +44 132 4 878347315 +44 133 4 878347569 +44 135 5 878347259 +44 143 4 878347392 +44 144 4 878347532 +44 147 4 878341343 +44 148 4 878346946 +44 151 4 878341370 +44 153 4 878347234 +44 155 3 878348947 +44 157 4 878347711 +44 159 3 878347633 +44 161 4 878347634 +44 163 4 878348627 +44 164 4 878348035 +44 168 5 878347504 +44 172 4 878348521 +44 173 5 878348725 +44 174 5 878347662 +44 175 4 878347972 +44 176 5 883613372 +44 181 4 878341290 +44 183 4 883613372 +44 185 4 878347569 +44 190 5 878348000 +44 191 4 878347234 +44 193 3 878348521 +44 194 5 878347504 +44 196 4 878348885 +44 197 4 878347420 +44 198 4 878348947 +44 200 4 878347633 +44 201 2 878347392 +44 202 4 878347315 +44 204 4 878348725 +44 208 4 878347420 +44 209 5 878347315 +44 211 4 878347598 +44 214 5 878348036 +44 216 1 883613297 +44 222 4 883613334 +44 227 4 883613334 +44 228 5 883613334 +44 229 3 883613334 +44 230 2 883613335 +44 231 2 878347915 +44 237 3 878346748 +44 238 4 878347598 +44 245 4 878340887 +44 249 4 878346630 +44 250 5 878346709 +44 252 2 878346748 +44 257 4 878346689 +44 260 4 878340905 +44 274 4 878348036 +44 298 2 883612726 +44 307 4 878340940 +44 313 4 883612268 +44 317 4 878347633 +44 318 5 878347340 +44 328 4 878340848 +44 357 4 878347569 +44 378 3 878348290 +44 380 4 883613334 +44 385 3 878348725 +44 405 3 878346512 +44 412 1 883613298 +44 419 4 878348784 +44 423 4 878348111 +44 427 3 878348547 +44 429 4 878347791 +44 432 5 878347569 +44 433 4 878348752 +44 434 4 878348885 +44 447 4 878347598 +44 448 2 878348547 +44 450 2 883613335 +44 470 3 878348499 +44 474 4 878347532 +44 480 4 878347315 +44 496 4 878348885 +44 520 5 878347874 +44 523 4 878348784 +44 530 5 878348725 +44 542 3 878348036 +44 553 3 878347847 +44 588 4 878347742 +44 591 4 878341315 +44 603 4 878347420 +44 625 3 878348691 +44 631 1 883613297 +44 633 3 878347633 +44 636 4 878348969 +44 655 3 878347455 +44 665 1 883613372 +44 678 3 878340887 +44 692 3 878347532 +44 717 3 878346470 +44 737 1 883613298 +44 755 3 878347742 +44 756 3 878346904 +44 871 3 883613005 +44 946 3 878347847 +44 1058 4 878347392 +45 1 5 881013176 +45 7 3 881008080 +45 13 5 881012356 +45 15 4 881012184 +45 21 3 881014193 +45 24 3 881014550 +45 50 5 881007272 +45 100 5 881010742 +45 108 4 881014620 +45 111 4 881011550 +45 151 2 881013885 +45 181 4 881010742 +45 225 4 881014070 +45 237 4 881008636 +45 257 5 881008781 +45 276 5 881012184 +45 278 3 881014550 +45 282 4 881008636 +45 284 4 881014130 +45 288 3 880996629 +45 411 3 881015657 +45 596 3 881014015 +45 597 3 881014070 +45 742 4 881013176 +45 756 2 881015244 +45 762 4 881013563 +45 764 4 881015310 +45 820 4 881015860 +45 823 4 881014785 +45 826 3 881015386 +45 845 4 881011188 +45 926 3 881015386 +45 934 2 881015860 +45 952 4 881014247 +45 993 4 881014785 +45 1001 3 881014785 +45 1059 2 881014417 +45 1060 3 881012184 +46 7 4 883616155 +46 50 4 883616254 +46 93 4 883616218 +46 100 4 883616134 +46 125 4 883616284 +46 245 3 883614625 +46 262 5 883614766 +46 286 5 883611352 +46 294 2 883611307 +46 300 3 883611307 +46 305 5 883614766 +46 327 4 883611456 +46 332 4 883611482 +46 538 3 883611513 +46 748 5 883614645 +46 909 5 883614766 +46 1024 5 883614766 +47 258 4 879438984 +47 262 5 879439040 +47 269 4 879438984 +47 286 3 879438984 +47 288 2 879439078 +47 289 4 879439040 +47 301 4 879440333 +47 303 4 879439112 +47 304 3 879439144 +47 305 5 879439040 +47 307 4 879439112 +47 322 2 879439078 +47 327 4 879440360 +47 874 3 879439078 +47 1022 3 879440429 +48 28 2 879434653 +48 50 4 879434723 +48 56 3 879434723 +48 71 3 879434850 +48 98 5 879434954 +48 132 5 879434886 +48 136 4 879434689 +48 170 4 879434886 +48 172 5 879434791 +48 181 5 879434954 +48 183 5 879434608 +48 185 4 879434819 +48 187 5 879434954 +48 191 5 879434954 +48 193 2 879434751 +48 194 4 879434819 +48 195 5 879434954 +48 202 4 879434791 +48 209 5 879434954 +48 215 4 879434751 +48 228 3 879434792 +48 243 3 879434330 +48 266 3 879434387 +48 269 1 879434094 +48 286 3 879434181 +48 289 1 879434252 +48 294 3 879434212 +48 302 4 879434954 +48 306 4 879434211 +48 323 3 879434181 +48 357 5 879434653 +48 423 4 879434752 +48 425 3 879434850 +48 427 4 879434653 +48 428 4 879434608 +48 433 3 879434791 +48 479 4 879434723 +48 480 4 879434653 +48 483 5 879434607 +48 496 5 879434791 +48 511 5 879434954 +48 519 3 879434689 +48 522 2 879434886 +48 523 5 879434689 +48 524 3 879434723 +48 527 4 879434654 +48 528 5 879434954 +48 529 4 879434850 +48 647 4 879434819 +48 650 3 879434819 +48 654 5 879434792 +48 656 4 879434689 +48 988 2 879434387 +48 1063 3 879434654 +48 1064 4 879434688 +48 1065 2 879434792 +49 1 2 888068651 +49 2 1 888069606 +49 3 3 888068877 +49 4 2 888069512 +49 7 4 888067307 +49 8 3 888067691 +49 10 3 888066086 +49 11 3 888069458 +49 12 4 888068057 +49 13 3 888068816 +49 17 2 888068651 +49 25 2 888068791 +49 38 1 888068289 +49 39 2 888068194 +49 40 1 888069222 +49 42 4 888068791 +49 49 2 888068990 +49 50 1 888067691 +49 52 2 888066647 +49 53 4 888067405 +49 54 2 888068265 +49 55 4 888068057 +49 56 5 888067307 +49 57 4 888066571 +49 62 2 888069660 +49 70 2 888066614 +49 71 3 888067096 +49 72 2 888069246 +49 77 1 888068289 +49 80 1 888069117 +49 82 1 888067765 +49 85 3 888068934 +49 90 1 888069194 +49 91 5 888066979 +49 93 5 888068912 +49 95 2 888067031 +49 96 1 888069512 +49 98 4 888067307 +49 99 4 888067031 +49 100 4 888067307 +49 101 3 888067164 +49 102 2 888067164 +49 108 2 888068957 +49 111 2 888068686 +49 116 4 888066109 +49 117 1 888069459 +49 121 1 888068100 +49 122 2 888069138 +49 123 1 888068195 +49 129 2 888068079 +49 143 3 888067726 +49 145 1 888067460 +49 147 1 888069416 +49 148 1 888068195 +49 151 5 888067727 +49 154 5 888068715 +49 159 2 888068245 +49 161 1 888069513 +49 168 5 888068686 +49 171 4 888066551 +49 172 1 888067691 +49 173 3 888067691 +49 174 1 888067691 +49 175 5 888068715 +49 179 5 888066446 +49 181 1 888067765 +49 182 3 888069416 +49 185 5 888067307 +49 200 3 888067358 +49 202 3 888068816 +49 204 1 888068686 +49 208 4 888068715 +49 209 5 888068877 +49 213 3 888066486 +49 217 3 888067405 +49 218 2 888068651 +49 219 1 888067405 +49 225 2 888068651 +49 231 3 888069579 +49 235 2 888068990 +49 238 4 888068762 +49 239 2 888068912 +49 240 3 888067031 +49 256 4 888066215 +49 258 2 888065895 +49 262 5 888065620 +49 268 3 888065620 +49 270 2 888065432 +49 283 3 888066086 +49 287 4 888068842 +49 289 4 888065744 +49 290 2 888069062 +49 294 1 888065702 +49 299 2 888068651 +49 300 1 888065577 +49 301 3 888065640 +49 312 3 888065786 +49 313 3 888065527 +49 320 5 888067334 +49 324 4 888065702 +49 325 3 888065744 +49 328 2 888068651 +49 334 4 888065744 +49 343 2 888065786 +49 346 4 888065527 +49 347 3 888065487 +49 358 1 888065805 +49 367 3 888069117 +49 369 1 888069329 +49 372 4 888069040 +49 382 2 888066705 +49 385 1 888069536 +49 386 4 888069222 +49 396 4 888067482 +49 401 2 888067975 +49 403 3 888069636 +49 404 3 888067765 +49 406 2 888067428 +49 413 1 888067460 +49 418 3 888067031 +49 419 4 888067691 +49 420 4 888067031 +49 423 2 888067727 +49 428 5 888068791 +49 432 5 888066979 +49 433 5 888068739 +49 455 1 888068791 +49 462 2 888066486 +49 465 3 888067798 +49 473 3 888067164 +49 475 4 888066109 +49 476 1 888069222 +49 477 2 888067727 +49 501 3 888066979 +49 508 3 888068841 +49 514 4 888068686 +49 518 4 888069437 +49 531 3 888066511 +49 542 2 888067096 +49 546 1 888069636 +49 557 3 888066394 +49 561 2 888067460 +49 569 3 888067482 +49 577 1 888069329 +49 583 4 888068143 +49 588 4 888067031 +49 590 1 888067579 +49 594 3 888068245 +49 627 2 888067096 +49 628 4 888068167 +49 640 1 888066685 +49 652 5 888066446 +49 657 5 888068032 +49 692 1 888069040 +49 695 3 888068957 +49 698 2 888066776 +49 702 3 888066614 +49 713 3 888066214 +49 715 3 888069040 +49 717 2 888068651 +49 721 2 888068934 +49 725 2 888069354 +49 732 3 888069040 +49 737 1 888066828 +49 738 3 888069138 +49 741 4 888068079 +49 758 1 888067596 +49 774 2 888067528 +49 789 4 888068033 +49 813 3 888068686 +49 820 1 888067164 +49 821 1 888069246 +49 878 2 888065825 +49 904 2 888065527 +49 919 5 888066133 +49 926 1 888069117 +49 928 2 888068651 +49 931 2 888068336 +49 946 2 888067096 +49 997 1 888069117 +49 998 2 888069194 +49 1009 3 888066133 +49 1017 3 888069040 +49 1018 2 888066755 +49 1021 5 888066647 +49 1028 2 888069304 +49 1036 2 888069304 +49 1066 2 888067187 +49 1067 3 888068842 +49 1068 3 888066187 +49 1069 3 888068912 +49 1070 3 888068739 +49 1071 3 888069138 +49 1072 1 888069194 +49 1073 5 888066424 +49 1074 2 888069165 +49 1075 2 888066424 +49 1076 2 888067187 +49 1077 4 888068057 +49 1078 1 888067164 +49 1079 1 888069165 +49 1080 4 888066734 +49 1081 3 888069246 +49 1082 3 888066214 +49 1083 2 888068651 +50 15 2 877052438 +50 100 2 877052400 +50 124 1 877052400 +50 268 4 877051656 +50 276 2 877052400 +50 288 4 877052008 +50 319 5 877051687 +50 324 5 877052008 +50 327 3 877052093 +50 508 5 877052438 +50 544 4 877052937 +50 547 4 877052297 +50 1008 5 877052805 +50 1010 5 877052329 +51 50 5 883498685 +51 134 2 883498844 +51 136 4 883498756 +51 144 5 883498894 +51 172 5 883498936 +51 173 5 883498844 +51 181 5 883498655 +51 184 3 883498685 +51 210 4 883498844 +51 479 3 883498655 +51 655 3 883498728 +51 692 3 883498685 +51 705 1 883498756 +52 7 5 882922204 +52 13 5 882922485 +52 15 5 882922204 +52 19 5 882922407 +52 22 5 882922833 +52 25 5 882922562 +52 93 4 882922357 +52 100 4 882922204 +52 107 4 882922540 +52 111 4 882922357 +52 117 4 882922629 +52 121 4 882922382 +52 126 5 882922589 +52 151 5 882922249 +52 191 5 882923031 +52 204 4 882923012 +52 235 2 882922806 +52 237 4 882922227 +52 258 5 882922065 +52 275 4 882922328 +52 277 5 882922661 +52 282 4 882922302 +52 285 5 882922227 +52 287 5 882922357 +52 288 3 882922454 +52 302 4 882922065 +52 318 5 882922974 +52 333 4 882922038 +52 427 5 882922833 +52 463 5 882922927 +52 471 4 882922562 +52 473 4 882922661 +52 475 4 882922357 +52 527 5 882922927 +52 531 5 882922833 +52 588 4 882922927 +52 657 5 882922833 +52 741 4 882922302 +52 742 4 882922540 +52 762 3 882922806 +52 815 4 882922357 +52 845 5 882922485 +52 864 3 882922661 +52 919 5 882922140 +52 1011 4 882922588 +52 1085 4 882922454 +53 7 3 879442991 +53 15 5 879443027 +53 25 4 879442538 +53 50 4 879442978 +53 64 5 879442384 +53 96 4 879442514 +53 118 4 879443253 +53 121 4 879443329 +53 151 4 879443011 +53 156 4 879442561 +53 257 4 879443188 +53 258 4 879442654 +53 284 2 879442901 +53 546 4 879443329 +53 568 4 879442538 +53 628 5 879443253 +53 748 2 879443329 +53 1087 4 879443329 +54 1 4 880931595 +54 7 4 880935294 +54 24 1 880937311 +54 25 4 880936500 +54 50 5 880931687 +54 100 5 880931595 +54 117 5 880935384 +54 118 4 880937813 +54 121 4 880936669 +54 127 4 880933834 +54 147 5 880935959 +54 148 3 880937490 +54 151 2 880936670 +54 181 5 880931358 +54 237 4 880935028 +54 240 4 880936500 +54 245 4 880929738 +54 250 4 880933834 +54 252 3 880937630 +54 255 3 882153415 +54 257 4 880937311 +54 258 4 880928745 +54 260 4 880930146 +54 272 5 890608175 +54 273 4 880934806 +54 276 5 880931595 +54 288 4 880928957 +54 291 1 891898613 +54 295 3 880936905 +54 307 4 891813846 +54 325 3 880930146 +54 327 5 880928893 +54 328 4 880928957 +54 333 5 880928745 +54 338 3 880929490 +54 340 4 890608225 +54 346 4 890608303 +54 405 4 880934806 +54 406 2 880938490 +54 411 5 880936296 +54 471 4 880937399 +54 475 5 880937251 +54 546 3 880937583 +54 597 2 880934806 +54 634 1 892681013 +54 741 5 880931687 +54 748 5 880928957 +54 823 2 880938088 +54 827 3 880937813 +54 829 2 880937311 +54 871 5 880938547 +54 930 1 880937813 +54 1012 2 880936669 +54 1016 4 890609001 +54 1088 3 880937311 +55 7 3 878176047 +55 22 5 878176397 +55 50 4 878176005 +55 79 5 878176398 +55 117 3 878176047 +55 118 5 878176134 +55 121 3 878176084 +55 174 4 878176397 +55 181 4 878176237 +55 273 5 878176047 +55 597 2 878176134 +56 1 4 892683248 +56 7 5 892679439 +56 11 4 892676376 +56 22 5 892676376 +56 25 4 892911166 +56 28 5 892678669 +56 29 3 892910913 +56 31 4 892679259 +56 38 2 892683533 +56 42 4 892676933 +56 44 4 892679356 +56 50 5 892737154 +56 51 3 892677186 +56 53 3 892679163 +56 56 5 892676376 +56 62 5 892910890 +56 63 3 892910268 +56 64 5 892678482 +56 66 3 892911110 +56 67 2 892677114 +56 68 3 892910913 +56 69 4 892678893 +56 70 4 892676996 +56 73 4 892677094 +56 77 3 892679333 +56 78 3 892910544 +56 79 4 892676303 +56 82 4 892676314 +56 87 4 892678508 +56 88 1 892683895 +56 89 4 892676314 +56 90 2 892677147 +56 94 4 892910292 +56 95 4 892683274 +56 96 5 892676429 +56 97 3 892677186 +56 98 4 892679067 +56 111 2 892683877 +56 114 4 892683248 +56 117 5 892679439 +56 118 4 892679460 +56 122 2 892911494 +56 143 3 892910182 +56 144 5 892910796 +56 151 4 892910207 +56 153 4 892911144 +56 154 2 892911144 +56 158 3 892911539 +56 161 4 892910890 +56 164 4 892910604 +56 167 3 892911494 +56 168 2 892679209 +56 169 4 892683248 +56 172 5 892737191 +56 173 4 892737191 +56 174 5 892737191 +56 176 5 892676377 +56 179 3 892678669 +56 181 5 892737154 +56 183 5 892676314 +56 184 4 892679088 +56 186 3 892676933 +56 189 4 892683248 +56 191 4 892678526 +56 193 5 892678669 +56 194 5 892676908 +56 195 5 892676429 +56 196 2 892678628 +56 200 4 892679088 +56 201 4 892910604 +56 202 4 892676933 +56 204 5 892676908 +56 210 5 892676377 +56 215 5 892678547 +56 216 4 892676885 +56 219 5 892679144 +56 225 2 892910292 +56 226 4 892679277 +56 227 3 892676430 +56 228 3 892676340 +56 229 3 892676340 +56 230 5 892676339 +56 231 3 892910931 +56 232 4 892676339 +56 233 1 892679308 +56 234 4 892679067 +56 235 1 892911348 +56 237 5 892679540 +56 238 5 892676885 +56 239 4 892676970 +56 258 4 892675999 +56 265 4 892676314 +56 280 4 892683913 +56 281 2 892683611 +56 294 4 892676056 +56 295 3 893257941 +56 298 4 892683695 +56 300 4 892675935 +56 323 3 892676028 +56 368 3 892911589 +56 372 3 892911290 +56 373 4 892910950 +56 376 3 892911420 +56 383 2 892910544 +56 385 4 892676429 +56 386 3 892911494 +56 391 3 892910950 +56 392 4 892678893 +56 393 4 892677047 +56 395 3 892911625 +56 399 4 892910247 +56 402 5 892677186 +56 403 4 892678942 +56 405 4 892679460 +56 408 4 892683248 +56 410 4 892911348 +56 421 4 892677186 +56 423 5 892737191 +56 426 4 892683303 +56 432 5 892737154 +56 433 4 892676970 +56 435 3 892676429 +56 441 4 892679163 +56 443 4 892679144 +56 450 3 892679374 +56 451 3 892676970 +56 473 2 892683323 +56 483 4 892682889 +56 501 3 892737210 +56 523 4 892676970 +56 550 4 892910860 +56 554 4 892679356 +56 559 4 892910646 +56 568 4 892910797 +56 575 3 892911469 +56 578 3 892910860 +56 585 3 892911366 +56 588 4 892683248 +56 596 4 892683275 +56 597 3 892679439 +56 623 3 892910268 +56 636 4 892683533 +56 655 4 892676996 +56 678 4 892676056 +56 692 4 892676970 +56 715 1 892911247 +56 720 3 892910860 +56 728 3 892911420 +56 732 4 892677147 +56 735 2 892678913 +56 738 3 892683978 +56 746 4 892676885 +56 747 4 892677162 +56 748 4 892676028 +56 761 3 892679333 +56 769 4 892679389 +56 778 4 892678669 +56 781 4 892677147 +56 794 3 892683960 +56 797 4 892910860 +56 815 4 892683960 +56 820 3 892683303 +56 849 2 892910913 +56 862 3 892910292 +56 871 2 892910207 +56 930 3 892679481 +56 946 4 892737210 +56 969 3 892683303 +56 993 3 892683353 +56 1028 4 892911227 +56 1035 4 892910268 +56 1036 2 892910544 +56 1057 3 892683978 +56 1074 3 892683941 +56 1090 3 892683641 +56 1091 2 892737210 +56 1092 3 892911573 +57 1 5 883698581 +57 7 4 883697105 +57 8 4 883698292 +57 11 3 883698454 +57 15 4 883697223 +57 24 3 883697459 +57 42 5 883698324 +57 50 5 883697105 +57 56 3 883698646 +57 64 5 883698431 +57 100 5 883698581 +57 105 3 883698009 +57 109 4 883697293 +57 111 4 883697679 +57 117 4 883697512 +57 121 4 883697432 +57 125 3 883697223 +57 126 3 883697293 +57 144 3 883698408 +57 151 3 883697585 +57 168 3 883698362 +57 173 5 883698408 +57 181 5 883697352 +57 194 4 883698272 +57 195 3 883698431 +57 199 5 883698646 +57 222 5 883698581 +57 225 3 883698039 +57 237 4 883697182 +57 240 2 883697512 +57 245 4 883696709 +57 248 5 883697223 +57 249 5 883697704 +57 250 3 883697223 +57 252 2 883697807 +57 257 5 883698580 +57 258 5 883698581 +57 264 2 883696672 +57 271 3 883696672 +57 281 4 883697404 +57 282 5 883697223 +57 284 3 883697158 +57 288 4 883696347 +57 294 4 883696547 +57 295 5 883698581 +57 298 3 883697293 +57 318 5 883698580 +57 321 4 883696629 +57 323 3 883696709 +57 405 4 883697459 +57 409 4 883697655 +57 410 3 883697378 +57 411 4 883697679 +57 456 3 883698083 +57 471 4 883697134 +57 472 1 883697253 +57 473 3 883697916 +57 475 2 883697223 +57 476 3 883697990 +57 477 4 883697655 +57 496 4 883698362 +57 546 4 883697482 +57 588 4 883698454 +57 597 3 883697378 +57 678 3 883696547 +57 710 3 883698324 +57 717 4 883697960 +57 744 5 883698581 +57 748 4 883696629 +57 763 5 883698581 +57 820 3 883698039 +57 825 1 883697761 +57 826 2 883697990 +57 831 1 883697785 +57 833 4 883697705 +57 844 2 883697134 +57 845 4 883697253 +57 864 3 883697512 +57 866 3 883697915 +57 871 3 883697536 +57 926 3 883697831 +57 930 2 883698039 +57 932 3 883697585 +57 975 3 883697990 +57 988 4 883696785 +57 1001 1 883698039 +57 1011 3 883697761 +57 1016 4 883697730 +57 1028 3 883697432 +57 1059 3 883697432 +57 1071 3 883698324 +57 1073 3 883698525 +57 1093 3 883697352 +57 1094 2 883697990 +57 1095 2 883698062 +57 1096 3 883697940 +58 1 5 884304483 +58 7 5 884304656 +58 8 4 884304955 +58 11 5 884305019 +58 12 5 884304895 +58 13 3 884304503 +58 20 1 884304538 +58 25 4 884304570 +58 32 5 884304812 +58 42 4 884304936 +58 45 5 884305295 +58 50 4 884304328 +58 56 5 884305369 +58 61 5 884305271 +58 64 5 884305295 +58 69 1 884663351 +58 70 4 890321652 +58 89 3 884305220 +58 98 4 884304747 +58 111 4 884304638 +58 116 5 884304409 +58 120 2 892242765 +58 121 2 892242300 +58 123 4 884650140 +58 124 5 884304483 +58 127 4 884304503 +58 134 5 884304766 +58 135 4 884305150 +58 137 5 884304430 +58 150 4 884304570 +58 151 3 884304553 +58 153 5 884304896 +58 156 5 884304955 +58 168 5 891611548 +58 169 4 884304936 +58 171 5 884663379 +58 172 5 884305241 +58 174 4 884305271 +58 175 5 884663324 +58 176 4 884304936 +58 181 3 884304447 +58 182 4 884304701 +58 185 2 884304896 +58 189 3 884304790 +58 191 5 892791893 +58 193 3 884305220 +58 194 3 884304747 +58 195 4 884305123 +58 198 3 884305123 +58 199 4 891611501 +58 200 3 884305295 +58 203 5 884305185 +58 204 4 884304701 +58 209 5 884305019 +58 210 4 884305042 +58 213 5 884663379 +58 216 3 884305338 +58 222 4 884304656 +58 223 5 884305150 +58 228 5 884305271 +58 237 4 884304396 +58 238 5 884305185 +58 240 4 892242478 +58 246 5 884304592 +58 248 4 884794774 +58 249 4 892242272 +58 255 4 890321652 +58 257 5 884304430 +58 269 4 884304267 +58 272 5 884647314 +58 275 5 884305220 +58 283 1 884304592 +58 284 4 884304519 +58 300 4 884388247 +58 310 4 884459024 +58 311 4 890770101 +58 313 5 884304267 +58 318 3 884305087 +58 340 4 884305708 +58 347 3 888638515 +58 354 3 890321652 +58 367 5 892243053 +58 381 4 890321652 +58 405 2 892242047 +58 408 5 884304377 +58 425 5 884304979 +58 433 5 884305165 +58 462 4 884304865 +58 463 3 884305241 +58 474 4 884305087 +58 475 5 884304609 +58 480 3 884305220 +58 483 5 884305220 +58 490 4 884304896 +58 491 4 891611593 +58 496 2 891611593 +58 497 2 884305123 +58 501 2 884305220 +58 511 5 884304979 +58 512 3 890770101 +58 514 5 884305321 +58 546 2 892242190 +58 558 5 884305165 +58 568 4 884304838 +58 584 5 884305271 +58 603 5 884304812 +58 640 5 884304767 +58 645 5 884304838 +58 651 4 884305185 +58 652 5 884304728 +58 654 5 884304865 +58 655 5 884304865 +58 663 2 884304728 +58 684 4 884305271 +58 692 2 884305123 +58 730 5 884305004 +58 732 3 884305321 +58 741 2 892242159 +58 773 4 884304790 +58 813 5 884304430 +58 823 1 892242419 +58 850 5 884305150 +58 923 5 884305062 +58 950 1 892242020 +58 955 4 884305062 +58 960 4 884305004 +58 1006 2 884304865 +58 1008 1 884304609 +58 1012 4 884304627 +58 1019 4 884305088 +58 1048 1 892242190 +58 1063 1 884304728 +58 1069 2 893027661 +58 1070 4 884304936 +58 1084 4 884304896 +58 1089 1 892242818 +58 1097 5 884504973 +58 1100 2 884304979 +58 1101 5 890421373 +58 1102 1 892242891 +58 1103 5 884305150 +58 1104 2 884305679 +58 1105 2 884794758 +58 1106 4 892068866 +59 1 2 888203053 +59 3 4 888203814 +59 4 4 888205188 +59 7 4 888202941 +59 9 4 888203053 +59 10 4 888203234 +59 11 5 888205744 +59 12 5 888204260 +59 13 5 888203415 +59 14 5 888203234 +59 15 5 888203449 +59 18 4 888203313 +59 22 4 888204260 +59 24 4 888203579 +59 25 4 888203270 +59 28 5 888204841 +59 30 5 888205787 +59 32 4 888205228 +59 33 3 888205265 +59 39 4 888205033 +59 42 5 888204841 +59 44 4 888206048 +59 45 5 888204465 +59 47 5 888205574 +59 48 5 888204502 +59 50 5 888205087 +59 51 5 888206095 +59 52 4 888205615 +59 53 5 888206161 +59 54 4 888205921 +59 55 5 888204553 +59 56 5 888204465 +59 58 4 888204389 +59 59 5 888204928 +59 60 5 888204965 +59 61 4 888204597 +59 64 5 888204309 +59 65 4 888205265 +59 68 2 888205228 +59 69 5 888205087 +59 70 3 888204758 +59 71 3 888205574 +59 73 4 888206254 +59 77 4 888206254 +59 79 5 888204260 +59 81 4 888205336 +59 82 5 888205660 +59 83 4 888204802 +59 86 3 888205145 +59 87 4 888205228 +59 89 5 888204965 +59 90 2 888206363 +59 91 4 888205265 +59 95 2 888204758 +59 96 5 888205659 +59 97 5 888205921 +59 98 5 888204349 +59 99 4 888205033 +59 100 5 888202899 +59 101 5 888206605 +59 102 2 888205956 +59 106 4 888203959 +59 109 4 888203175 +59 111 4 888203095 +59 116 4 888203018 +59 118 5 888203234 +59 121 4 888203313 +59 123 3 888203343 +59 125 3 888203658 +59 126 5 888202899 +59 127 5 888204430 +59 129 5 888202941 +59 131 4 888205410 +59 132 5 888205744 +59 133 3 888204349 +59 134 5 888204841 +59 135 5 888204758 +59 136 3 888205336 +59 137 5 888203234 +59 140 1 888206445 +59 141 4 888206605 +59 142 1 888206561 +59 143 1 888204641 +59 147 5 888203270 +59 148 3 888203175 +59 149 4 888203313 +59 151 5 888203053 +59 161 3 888205855 +59 168 5 888204641 +59 169 4 888204757 +59 170 4 888204430 +59 172 5 888204552 +59 173 5 888205144 +59 174 5 888204553 +59 175 4 888205300 +59 176 5 888205574 +59 177 4 888204349 +59 179 5 888204996 +59 180 4 888204597 +59 181 5 888204877 +59 182 5 888204877 +59 183 5 888204802 +59 184 4 888206094 +59 185 5 888205228 +59 186 5 888205660 +59 187 5 888204349 +59 188 4 888205188 +59 190 5 888205033 +59 191 4 888204841 +59 193 4 888204465 +59 194 3 888204841 +59 195 5 888204757 +59 197 5 888205462 +59 198 5 888204389 +59 199 4 888205410 +59 200 5 888205370 +59 201 4 888204260 +59 202 4 888205714 +59 203 4 888204260 +59 204 5 888205615 +59 205 3 888204260 +59 208 5 888205533 +59 209 5 888204965 +59 210 4 888204309 +59 211 5 888206048 +59 212 4 888205463 +59 215 5 888204430 +59 216 4 888205228 +59 218 5 888206409 +59 219 5 888206485 +59 220 2 888203175 +59 226 4 888206362 +59 227 3 888206015 +59 228 4 888205714 +59 229 3 888205921 +59 230 4 888205714 +59 232 3 888206485 +59 234 5 888204928 +59 237 3 888203371 +59 238 5 888204553 +59 240 2 888203579 +59 241 4 888205574 +59 243 1 888206764 +59 258 3 888202749 +59 265 4 888205410 +59 273 2 888203129 +59 274 1 888203449 +59 276 5 888203095 +59 277 4 888203234 +59 284 2 888203449 +59 285 4 888202941 +59 286 3 888202532 +59 287 5 888203175 +59 288 5 888202787 +59 290 3 888203750 +59 313 5 888202532 +59 318 5 888204349 +59 321 4 888206764 +59 357 5 888204349 +59 367 4 888204597 +59 369 2 888203959 +59 371 4 888206095 +59 380 3 888205956 +59 381 5 888205659 +59 382 4 888205574 +59 385 4 888205659 +59 387 3 888206562 +59 392 2 888206562 +59 393 2 888205714 +59 402 4 888206296 +59 403 5 888206605 +59 404 3 888205463 +59 405 3 888203578 +59 410 3 888203270 +59 416 3 888205660 +59 418 2 888205188 +59 419 2 888205228 +59 421 5 888206015 +59 423 5 888204465 +59 425 4 888204928 +59 427 5 888204309 +59 428 5 888205188 +59 429 4 888204597 +59 430 5 888205228 +59 431 4 888205534 +59 432 4 888204802 +59 433 5 888205982 +59 434 4 888205574 +59 435 5 888204553 +59 436 5 888206094 +59 443 5 888205370 +59 447 5 888206095 +59 448 4 888205787 +59 451 5 888206049 +59 458 4 888203128 +59 462 5 888205787 +59 465 2 888206363 +59 466 4 888204389 +59 470 3 888205714 +59 472 3 888203482 +59 473 3 888203610 +59 474 5 888204430 +59 476 2 888203814 +59 477 3 888203415 +59 479 5 888205370 +59 480 5 888204802 +59 483 5 888204309 +59 484 4 888204502 +59 488 3 888205956 +59 489 4 888205300 +59 490 4 888205614 +59 491 4 888206689 +59 492 4 888205370 +59 496 4 888205144 +59 498 5 888204927 +59 501 1 888205855 +59 503 4 888205855 +59 504 5 888205921 +59 505 4 888204260 +59 506 5 888205787 +59 507 4 888204877 +59 508 5 888203095 +59 510 4 888204502 +59 511 5 888204965 +59 513 4 888205144 +59 514 5 888204641 +59 515 4 888204430 +59 516 4 888204430 +59 517 5 888205714 +59 519 4 888204965 +59 521 5 888204877 +59 523 4 888204389 +59 524 3 888206689 +59 525 3 888204758 +59 526 4 888204928 +59 527 5 888204553 +59 528 4 888205300 +59 529 4 888205145 +59 547 3 888203482 +59 549 4 888205659 +59 550 5 888206605 +59 559 5 888206562 +59 562 4 888206094 +59 564 2 888206605 +59 566 4 888206485 +59 567 4 888206562 +59 568 5 888205229 +59 569 4 888206161 +59 570 4 888205745 +59 581 5 888206015 +59 582 4 888205300 +59 583 5 888205921 +59 584 4 888205145 +59 588 2 888204389 +59 591 4 888203270 +59 595 3 888203658 +59 597 2 888203610 +59 602 2 888206295 +59 603 5 888204309 +59 604 3 888204927 +59 606 4 888204802 +59 608 4 888204502 +59 609 2 888205855 +59 610 4 888205615 +59 611 3 888204309 +59 612 3 888206161 +59 615 4 888204553 +59 616 5 888206049 +59 618 4 888205956 +59 620 4 888203959 +59 622 4 888206015 +59 625 3 888206295 +59 633 3 888204641 +59 640 5 888206445 +59 642 5 888206254 +59 644 4 888205033 +59 647 5 888205336 +59 649 4 888205660 +59 650 5 888205534 +59 651 5 888204997 +59 654 4 888204309 +59 655 5 888204642 +59 657 4 888204597 +59 658 4 888205188 +59 659 3 888204553 +59 660 4 888205534 +59 662 3 888206125 +59 663 4 888204928 +59 664 4 888205614 +59 670 4 888206485 +59 672 5 888206015 +59 673 5 888204802 +59 675 5 888205534 +59 679 4 888205714 +59 684 3 888204553 +59 687 1 888206764 +59 692 3 888205463 +59 699 4 888205370 +59 702 5 888205463 +59 705 4 888205087 +59 707 3 888205336 +59 708 4 888206410 +59 709 5 888204997 +59 710 3 888205463 +59 713 5 888203579 +59 717 2 888203959 +59 724 5 888205265 +59 727 2 888205265 +59 729 4 888205265 +59 732 3 888205370 +59 735 5 888205534 +59 736 5 888205145 +59 739 4 888206485 +59 741 4 888203175 +59 746 5 888204642 +59 747 4 888205410 +59 755 4 888206254 +59 756 2 888203658 +59 760 2 888203659 +59 762 4 888203708 +59 764 4 888203709 +59 770 4 888205534 +59 774 2 888206562 +59 781 4 888206605 +59 789 4 888205087 +59 792 4 888206362 +59 823 5 888203749 +59 825 4 888203658 +59 845 5 888203579 +59 846 4 888203415 +59 855 4 888204502 +59 866 3 888203865 +59 871 2 888203865 +59 900 4 888202814 +59 919 4 888203018 +59 926 1 888203708 +59 928 4 888203449 +59 929 2 888203018 +59 931 2 888203610 +59 946 1 888206445 +59 953 5 888205787 +59 959 4 888206095 +59 963 5 888204757 +59 969 3 888204802 +59 972 4 888206125 +59 974 3 888203343 +59 975 4 888203610 +59 1005 5 888206363 +59 1009 4 888203095 +59 1021 4 888204996 +59 1028 1 888203900 +59 1047 2 888203371 +59 1048 4 888203270 +59 1050 2 888205188 +59 1065 5 888205188 +59 1074 4 888206409 +59 1093 5 888203578 +59 1101 5 888205265 +59 1107 4 888206254 +59 1108 3 888204877 +59 1109 3 888205088 +59 1110 4 888206363 +59 1111 5 888204758 +59 1112 3 888206161 +59 1113 4 888205855 +59 1114 5 888203415 +59 1115 3 888203128 +59 1116 3 888206562 +59 1117 4 888203313 +59 1118 2 888206048 +59 1119 4 888206094 +59 1120 1 888203900 +60 7 5 883326241 +60 8 3 883326370 +60 9 5 883326399 +60 12 4 883326463 +60 13 4 883327539 +60 15 4 883328033 +60 21 3 883327923 +60 23 4 883326652 +60 28 5 883326155 +60 30 5 883325944 +60 47 4 883326399 +60 50 5 883326566 +60 56 4 883326919 +60 59 5 883326155 +60 61 4 883326652 +60 64 4 883325994 +60 69 4 883326215 +60 70 4 883326838 +60 71 3 883327948 +60 73 4 883326995 +60 77 4 883327040 +60 79 4 883326620 +60 82 3 883327493 +60 88 4 883327684 +60 89 5 883326463 +60 95 4 883327799 +60 96 4 883326122 +60 97 3 883326215 +60 98 4 883326463 +60 121 4 883327664 +60 128 3 883326566 +60 131 4 883327441 +60 132 4 883325944 +60 133 4 883326893 +60 134 4 883326215 +60 135 5 883327087 +60 136 4 883326057 +60 138 2 883327287 +60 141 3 883327472 +60 143 3 883327441 +60 144 4 883325944 +60 151 5 883326995 +60 152 4 883328033 +60 153 3 883326733 +60 160 4 883326525 +60 161 4 883327265 +60 163 4 883327566 +60 166 4 883326593 +60 168 5 883326837 +60 172 4 883326339 +60 173 4 883326498 +60 174 4 883326497 +60 175 5 883326919 +60 176 4 883326057 +60 178 5 883326399 +60 179 4 883326566 +60 180 4 883326028 +60 181 4 883326754 +60 183 5 883326399 +60 185 4 883326682 +60 186 4 883326566 +60 194 4 883326425 +60 195 4 883326086 +60 197 4 883326620 +60 199 5 883326339 +60 200 4 883326710 +60 204 4 883326086 +60 205 4 883326426 +60 207 3 883327342 +60 209 5 883326593 +60 210 4 883326241 +60 211 4 883327493 +60 212 5 883327087 +60 215 4 883327566 +60 216 4 883327827 +60 218 4 883327538 +60 225 3 883327976 +60 227 4 883326784 +60 228 4 883327472 +60 229 4 883327472 +60 230 4 883327441 +60 234 4 883326463 +60 237 4 883327442 +60 265 5 883327591 +60 272 4 889286840 +60 275 4 883326682 +60 286 5 883325421 +60 327 4 883325508 +60 357 4 883326273 +60 366 4 883327368 +60 378 4 883327566 +60 385 4 883327799 +60 393 4 883327754 +60 404 3 883327287 +60 405 4 883326958 +60 411 3 883327827 +60 416 4 883327639 +60 417 4 883327175 +60 418 3 883327342 +60 419 3 883327612 +60 420 4 883327113 +60 423 4 883326593 +60 429 5 883326733 +60 433 4 883327342 +60 434 5 883327368 +60 435 4 883326122 +60 443 4 883327847 +60 445 5 883326273 +60 474 5 883326028 +60 478 3 883326463 +60 479 5 883326301 +60 480 4 883326273 +60 482 4 883326958 +60 483 5 883326497 +60 484 5 883326370 +60 485 4 883327222 +60 489 5 883326682 +60 490 4 883326958 +60 491 4 883326301 +60 492 5 883326525 +60 493 5 883325994 +60 494 4 883326399 +60 495 3 883327639 +60 496 4 883326682 +60 498 5 883326566 +60 499 3 883326682 +60 501 3 883327472 +60 502 4 883327394 +60 505 4 883326710 +60 506 5 883327441 +60 507 4 883326301 +60 508 4 883327368 +60 510 5 883327174 +60 511 4 883326301 +60 513 5 883325994 +60 514 4 883326300 +60 515 5 883326784 +60 517 4 883327265 +60 519 4 883326370 +60 523 4 883326837 +60 524 4 883325994 +60 528 4 883326086 +60 529 4 883326862 +60 546 4 883326837 +60 558 4 883326784 +60 582 4 883327664 +60 592 4 883327566 +60 593 5 883326185 +60 601 4 883325944 +60 602 4 883326958 +60 603 5 883326652 +60 605 3 883326893 +60 606 4 883327201 +60 608 5 883326028 +60 609 3 883327923 +60 613 4 883326497 +60 615 5 883326215 +60 616 3 883327087 +60 617 4 883326273 +60 618 3 883327113 +60 629 3 883327175 +60 633 4 883326995 +60 637 4 883327975 +60 638 5 883326057 +60 641 5 883326086 +60 650 4 883327201 +60 654 4 883326399 +60 656 4 883327018 +60 659 4 883326862 +60 660 4 883327243 +60 661 4 883326808 +60 665 4 883326893 +60 671 4 883327175 +60 673 4 883327711 +60 675 4 883326995 +60 684 4 883328033 +60 699 4 883327539 +60 705 4 883326710 +60 708 4 883326784 +60 729 4 883327975 +60 735 5 883327711 +60 736 5 883327923 +60 745 5 883327442 +60 751 2 883325421 +60 755 4 883327639 +60 799 4 883326995 +60 810 4 883327201 +60 835 4 883326893 +60 842 4 883327175 +60 1020 4 883327018 +60 1050 3 883327923 +60 1060 4 883326995 +60 1121 3 883326215 +60 1122 5 883326498 +60 1123 4 883327997 +60 1124 4 883326652 +60 1125 4 883326497 +60 1126 4 883327174 +61 258 4 891206125 +61 269 3 891206125 +61 271 1 892302231 +61 294 2 891220884 +61 300 5 891206407 +61 301 1 891206450 +61 310 4 891206194 +61 327 2 891206407 +61 333 3 891206232 +61 748 2 892302120 +61 751 3 891206274 +62 1 2 879372813 +62 3 3 879372325 +62 4 4 879374640 +62 7 4 879372277 +62 8 5 879373820 +62 9 4 879372182 +62 13 4 879372634 +62 14 4 879372851 +62 15 2 879372634 +62 20 4 879372696 +62 22 4 879373820 +62 24 4 879372633 +62 28 3 879375169 +62 33 1 879374785 +62 44 3 879374142 +62 47 4 879375537 +62 50 5 879372216 +62 53 2 879376270 +62 55 5 879373692 +62 56 5 879373711 +62 59 4 879373821 +62 62 3 879375781 +62 64 4 879373638 +62 69 4 879374015 +62 70 3 879373960 +62 71 4 879374661 +62 72 3 879375762 +62 76 4 879374045 +62 78 2 879376612 +62 81 4 879375323 +62 82 4 879375414 +62 83 5 879375000 +62 86 2 879374640 +62 89 5 879374640 +62 91 4 879375196 +62 96 4 879374835 +62 97 2 879373795 +62 98 4 879373543 +62 100 4 879372276 +62 111 3 879372670 +62 114 4 879373568 +62 116 3 879372480 +62 117 4 879372563 +62 118 2 879373007 +62 121 4 879372916 +62 125 4 879372347 +62 127 4 879372216 +62 128 2 879374866 +62 129 3 879372276 +62 132 5 879375022 +62 134 4 879373768 +62 135 4 879375080 +62 138 1 879376709 +62 144 3 879374785 +62 147 3 879372870 +62 151 5 879372651 +62 153 4 879374686 +62 155 1 879376633 +62 157 3 879374686 +62 159 3 879375762 +62 162 4 879375843 +62 164 5 879374946 +62 167 2 879376727 +62 168 5 879373711 +62 170 3 879373848 +62 171 4 879373659 +62 172 5 879373794 +62 173 5 879374732 +62 174 4 879374916 +62 176 5 879373768 +62 179 4 879374969 +62 180 4 879373984 +62 181 4 879372418 +62 182 5 879375169 +62 183 4 879374893 +62 188 3 879373638 +62 190 5 879374686 +62 191 5 879373613 +62 195 5 879373960 +62 196 4 879374015 +62 199 4 879373692 +62 204 3 879373737 +62 207 3 879375676 +62 209 4 879373849 +62 210 4 879374640 +62 213 4 879375323 +62 215 3 879374640 +62 216 4 879375414 +62 217 2 879376387 +62 222 5 879372480 +62 225 3 879373287 +62 227 1 879375843 +62 228 3 879374607 +62 229 3 879375977 +62 230 2 879375738 +62 232 3 879375977 +62 235 4 879373007 +62 237 3 879372563 +62 238 5 879373568 +62 241 1 879375562 +62 245 2 879373232 +62 249 2 879372479 +62 250 5 879372455 +62 252 3 879373272 +62 258 5 879371909 +62 270 2 879371909 +62 271 1 879371909 +62 273 4 879371980 +62 275 4 879372325 +62 276 5 879372182 +62 281 3 879373118 +62 283 4 879372598 +62 285 4 879372455 +62 286 3 879372813 +62 288 2 879371909 +62 290 3 879373007 +62 294 1 879373215 +62 298 4 879372304 +62 302 3 879371909 +62 306 4 879371909 +62 318 5 879373659 +62 328 3 879371909 +62 357 4 879374706 +62 365 2 879376096 +62 380 5 879375626 +62 387 2 879376115 +62 401 3 879376727 +62 402 3 879375883 +62 403 4 879375588 +62 405 3 879373118 +62 421 5 879375716 +62 423 3 879373692 +62 431 2 879374969 +62 433 5 879375588 +62 436 3 879375883 +62 443 3 879375080 +62 448 2 879375883 +62 451 3 879375716 +62 455 3 879372696 +62 462 2 879373737 +62 463 4 879374916 +62 464 4 879375196 +62 466 3 879374785 +62 472 2 879373152 +62 473 4 879373046 +62 474 4 879373613 +62 475 4 879371980 +62 483 4 879373768 +62 508 4 879372277 +62 509 4 879373568 +62 511 4 879373586 +62 512 4 879374894 +62 514 3 879374813 +62 521 5 879374706 +62 527 4 879373692 +62 528 5 879375080 +62 541 3 879376535 +62 546 4 879373118 +62 554 1 879375562 +62 559 3 879375912 +62 568 3 879375080 +62 569 1 879376158 +62 582 4 879374753 +62 597 2 879373254 +62 605 3 879375364 +62 651 4 879373848 +62 652 4 879375364 +62 655 3 879375453 +62 660 4 879375537 +62 664 4 879376079 +62 673 2 879375323 +62 676 3 879372633 +62 685 2 879373175 +62 697 4 879375932 +62 699 4 879375022 +62 702 2 879376079 +62 704 2 879375477 +62 708 3 879375912 +62 710 3 879375453 +62 715 2 879375912 +62 716 4 879375951 +62 723 2 879375738 +62 729 3 879375414 +62 739 2 879375454 +62 742 2 879372965 +62 744 3 879372304 +62 747 3 879375247 +62 763 1 879372851 +62 774 1 879376483 +62 815 3 879375391 +62 827 2 879373421 +62 845 3 879372383 +62 856 4 879374866 +62 866 2 879373195 +62 875 4 879371909 +62 921 2 879375287 +62 924 1 879373175 +62 931 1 879373522 +62 949 4 879376210 +62 952 3 879372505 +62 955 4 879374072 +62 959 4 879375269 +62 1009 4 879372869 +62 1012 3 879372633 +62 1018 3 879375606 +62 1028 1 879373215 +62 1060 1 879373007 +62 1073 4 879374752 +62 1074 4 879376299 +62 1077 3 879374607 +62 1091 3 879376709 +62 1107 1 879376159 +62 1118 3 879375537 +62 1128 2 879372831 +62 1129 5 879372060 +62 1130 4 879376686 +62 1131 3 879375247 +62 1132 2 879373404 +62 1133 4 879376332 +62 1134 2 879372936 +62 1135 2 879376159 +62 1136 3 879375977 +63 1 3 875747368 +63 3 2 875748068 +63 6 3 875747439 +63 10 4 875748004 +63 13 4 875747439 +63 14 4 875747401 +63 15 3 875747439 +63 25 4 875747292 +63 79 3 875748245 +63 106 2 875748139 +63 108 2 875748164 +63 109 4 875747731 +63 111 3 875747896 +63 116 5 875747319 +63 121 1 875748139 +63 126 3 875747556 +63 137 4 875747368 +63 150 4 875747292 +63 181 3 875747556 +63 222 3 875747635 +63 224 4 875747635 +63 225 2 875747439 +63 237 3 875747342 +63 246 3 875747514 +63 250 5 875747789 +63 251 4 875747514 +63 255 4 875747556 +63 257 3 875747342 +63 258 3 875746809 +63 259 3 875747047 +63 262 4 875746917 +63 268 3 875746809 +63 269 3 875746948 +63 276 4 875747265 +63 282 1 875747657 +63 283 4 875747401 +63 284 3 875747581 +63 285 3 875747470 +63 286 4 875746809 +63 287 3 875747829 +63 288 3 875746948 +63 294 2 875747047 +63 300 4 875748326 +63 301 5 875747010 +63 302 3 875746809 +63 306 3 875746948 +63 321 3 875746917 +63 322 2 875746986 +63 323 1 875746986 +63 325 2 875747047 +63 328 2 875746985 +63 333 4 875746917 +63 405 4 875748109 +63 408 4 875747242 +63 412 3 875748109 +63 473 2 875747635 +63 475 4 875747319 +63 480 3 875748245 +63 508 4 875747752 +63 546 2 875747789 +63 591 3 875747581 +63 596 2 875747470 +63 676 3 875747470 +63 678 2 875747047 +63 713 3 875747556 +63 741 3 875747854 +63 748 4 875747010 +63 813 5 875747265 +63 828 1 875747936 +63 841 1 875747917 +63 924 3 875748164 +63 929 3 875747955 +63 948 3 875746948 +63 952 3 875747896 +63 979 3 875748068 +63 993 2 875747635 +63 1008 3 875748004 +63 1009 4 875747731 +63 1010 3 875747829 +63 1011 1 875747731 +63 1012 3 875747854 +63 1137 5 875747556 +63 1138 2 875747789 +64 1 4 879366214 +64 2 3 889737609 +64 4 3 889739138 +64 7 4 889737542 +64 8 4 889737968 +64 9 4 889738085 +64 10 5 889739733 +64 11 4 889737376 +64 12 5 889738085 +64 17 3 889739733 +64 22 4 889737376 +64 28 4 889737851 +64 31 4 889739318 +64 32 1 889739346 +64 38 3 889740415 +64 48 5 879365619 +64 50 5 889737914 +64 52 3 889739625 +64 56 5 889737542 +64 58 3 889739625 +64 62 2 889740654 +64 64 4 889737454 +64 69 4 889739091 +64 70 5 889739158 +64 71 3 879365670 +64 72 4 889740056 +64 77 3 889737420 +64 79 4 889737943 +64 81 4 889739460 +64 82 3 889740199 +64 83 3 889737654 +64 87 4 889737851 +64 89 3 889737376 +64 91 4 889739733 +64 93 2 889739025 +64 95 4 889737691 +64 96 4 889737748 +64 97 3 889738085 +64 98 4 889737654 +64 100 4 879365558 +64 101 2 889740225 +64 111 4 889739975 +64 121 2 889739678 +64 125 2 889739678 +64 127 5 879366214 +64 132 4 889737851 +64 135 4 889737889 +64 141 4 889739517 +64 143 4 889739051 +64 144 3 889737771 +64 151 3 879366214 +64 153 3 889739243 +64 154 4 889737943 +64 156 4 889737506 +64 157 4 879365491 +64 161 3 889739779 +64 162 3 889739262 +64 168 5 889739243 +64 172 4 889739091 +64 173 5 889737454 +64 174 5 889737478 +64 175 5 889739415 +64 179 5 889739460 +64 181 4 889737420 +64 182 4 889738030 +64 183 5 889737914 +64 184 4 889739243 +64 185 4 889739517 +64 186 4 889737691 +64 187 5 889737395 +64 188 4 889739586 +64 190 4 889737851 +64 191 4 889740740 +64 194 5 889737710 +64 195 5 889737914 +64 196 4 889737992 +64 197 3 889737506 +64 199 4 889737654 +64 202 4 889738993 +64 203 4 889737851 +64 209 5 889737654 +64 210 3 889737654 +64 211 4 889739318 +64 212 3 889740011 +64 214 3 889737478 +64 215 5 889737914 +64 216 4 889740718 +64 217 2 889737568 +64 218 1 889739517 +64 222 4 889739733 +64 227 3 889740880 +64 228 4 889739438 +64 229 4 889739490 +64 230 5 889739994 +64 231 3 889740880 +64 232 2 889740154 +64 234 4 889737800 +64 235 4 889740567 +64 237 4 889740310 +64 238 4 889739025 +64 239 3 889740033 +64 240 1 889740462 +64 241 3 889739380 +64 258 3 879365313 +64 265 4 879365491 +64 269 5 879365313 +64 271 3 889737047 +64 273 2 889739381 +64 275 4 879365670 +64 284 4 889740056 +64 288 4 879365313 +64 300 3 879365314 +64 310 4 889737047 +64 311 2 889737269 +64 313 4 889736971 +64 318 4 889737593 +64 326 3 879365313 +64 333 3 879365313 +64 340 4 879365313 +64 347 3 889737062 +64 356 3 889740154 +64 367 4 889739678 +64 384 2 889740367 +64 385 4 879365558 +64 389 4 889739834 +64 403 4 889739953 +64 405 3 889739288 +64 419 2 889740310 +64 420 3 889739678 +64 423 4 889739569 +64 425 4 889739051 +64 429 4 889737800 +64 431 4 889737376 +64 434 4 889739052 +64 435 4 889737771 +64 436 5 889739625 +64 447 4 889739319 +64 451 2 889739490 +64 463 4 889739212 +64 475 5 889738993 +64 476 1 889740286 +64 480 3 879365619 +64 496 5 889737567 +64 503 4 889740342 +64 509 3 889737478 +64 511 4 889739779 +64 515 5 889737478 +64 520 5 889737851 +64 527 4 879365590 +64 531 3 889740718 +64 539 1 889737126 +64 546 3 889739883 +64 559 3 889740310 +64 566 3 889738085 +64 568 4 889737506 +64 569 3 889740602 +64 582 4 889739834 +64 588 4 889739091 +64 591 4 889740394 +64 603 3 889737506 +64 625 3 889740286 +64 633 5 889739243 +64 636 4 889740286 +64 650 3 889740225 +64 651 4 889740795 +64 652 2 879365590 +64 655 4 889739243 +64 662 4 889739319 +64 663 3 889737505 +64 679 3 889740033 +64 693 3 889737654 +64 705 5 879365558 +64 718 4 889739243 +64 731 3 889739648 +64 732 4 889739288 +64 746 5 889739138 +64 748 1 879365314 +64 751 2 889737047 +64 768 2 889739954 +64 847 3 879365558 +64 879 3 879365313 +64 898 2 889737106 +64 919 4 889739834 +64 959 4 889739903 +64 969 3 889737889 +64 1065 1 889737968 +64 1133 4 889739975 +64 1139 1 889740260 +64 1140 1 889740676 +64 1141 5 889739834 +65 1 3 879217290 +65 7 1 879217290 +65 9 5 879217138 +65 15 5 879217138 +65 25 4 879217406 +65 28 4 879216734 +65 48 5 879217689 +65 50 5 879217689 +65 63 2 879217913 +65 64 5 879216529 +65 65 3 879216672 +65 66 3 879217972 +65 69 3 879216479 +65 70 1 879216529 +65 73 4 879217998 +65 77 5 879217689 +65 87 5 879217689 +65 88 4 879217942 +65 98 4 879218418 +65 111 4 879217375 +65 121 4 879217458 +65 135 4 879216567 +65 168 4 879217851 +65 173 3 879217851 +65 178 5 879217689 +65 179 3 879216605 +65 185 4 879218449 +65 191 4 879216797 +65 194 4 879217881 +65 197 5 879216769 +65 210 4 879217913 +65 211 4 879217852 +65 215 5 879217689 +65 216 4 879217912 +65 237 4 879217320 +65 238 3 879218449 +65 239 5 879217689 +65 255 3 879217406 +65 258 3 879216131 +65 294 4 879217320 +65 318 5 879217689 +65 328 4 879216131 +65 356 5 879216825 +65 365 3 879216672 +65 378 5 879217032 +65 392 5 879217689 +65 393 4 879217881 +65 402 4 879216949 +65 423 5 879216702 +65 427 5 879216734 +65 429 4 879216605 +65 435 4 879218025 +65 471 4 879217434 +65 476 3 879217290 +65 511 4 879216567 +65 514 4 879217998 +65 526 4 879216734 +65 531 4 879218328 +65 582 3 879216702 +65 651 4 879216371 +65 655 4 879216769 +65 660 5 879216880 +65 661 4 879216605 +65 735 4 879216769 +65 736 4 879216949 +65 778 4 879216949 +65 956 4 879216797 +65 1041 3 879217942 +65 1044 3 879217002 +65 1129 4 879217258 +66 9 4 883601265 +66 15 3 883601456 +66 21 1 883601939 +66 24 3 883601582 +66 50 5 883601236 +66 121 3 883601834 +66 127 4 883601156 +66 237 4 883601355 +66 248 4 883601426 +66 257 3 883601355 +66 280 4 883602044 +66 281 4 883602044 +66 282 3 883601266 +66 284 3 883601812 +66 286 1 883601089 +66 288 4 883601607 +66 294 4 883601089 +66 295 3 883601456 +66 300 5 883601089 +66 405 3 883601990 +66 475 2 883601156 +66 508 4 883601387 +66 535 4 883602044 +66 741 4 883601664 +66 742 5 883601388 +66 763 4 883602094 +66 825 3 883602268 +66 1016 3 883601859 +67 7 5 875379794 +67 24 4 875379729 +67 25 4 875379420 +67 105 4 875379683 +67 117 5 875379794 +67 122 3 875379566 +67 123 4 875379322 +67 125 4 875379643 +67 235 3 875379643 +67 273 4 875379288 +67 276 4 875379515 +67 412 1 875379540 +67 472 4 875379706 +67 546 3 875379288 +67 756 3 875379566 +67 827 3 875379322 +67 833 4 875379794 +67 871 3 875379594 +67 1047 3 875379750 +67 1052 3 875379419 +68 9 4 876974073 +68 25 4 876974176 +68 50 5 876973969 +68 111 3 876974276 +68 121 1 876974176 +68 125 1 876974096 +68 127 4 876973969 +68 181 5 876973884 +68 258 5 876973692 +68 275 5 876973969 +68 276 5 876973884 +68 282 1 876974315 +68 286 5 876973692 +68 288 4 876973726 +68 409 3 876974677 +68 458 1 876974048 +68 471 3 876974023 +68 475 5 876973917 +68 596 2 876974023 +68 713 2 876974073 +68 763 1 876973917 +68 926 1 876974298 +68 1028 4 876974430 +68 1089 1 876974484 +69 7 5 882126086 +69 9 4 882126086 +69 42 5 882145548 +69 48 5 882145428 +69 50 5 882072748 +69 79 4 882145524 +69 98 5 882145375 +69 100 5 882072892 +69 109 3 882145428 +69 117 4 882072748 +69 123 4 882126125 +69 124 4 882072869 +69 129 3 882072778 +69 147 3 882072920 +69 150 5 882072920 +69 151 5 882072998 +69 172 5 882145548 +69 181 5 882072778 +69 182 4 882145400 +69 197 5 882145548 +69 222 3 882072956 +69 234 5 882145505 +69 235 3 882126048 +69 236 4 882072827 +69 237 3 882072920 +69 245 1 882027284 +69 246 5 882072827 +69 265 4 882145400 +69 273 3 882072803 +69 282 3 882126048 +69 288 5 882027173 +69 289 4 882027133 +69 294 2 882027233 +69 298 4 882072998 +69 302 4 882027109 +69 307 2 882027204 +69 321 4 882027133 +69 333 3 882027204 +69 334 3 882125962 +69 475 3 882072869 +69 508 4 882072920 +69 591 3 882072803 +69 628 3 882126125 +69 689 3 882027284 +69 742 3 882072956 +69 748 2 882027304 +69 763 3 882126156 +69 879 1 882027284 +69 886 4 882027284 +69 1016 3 882072956 +69 1017 5 882126156 +69 1134 5 882072998 +69 1142 4 882072956 +69 1143 5 882072998 +69 1144 5 882126156 +70 1 4 884065277 +70 8 4 884064986 +70 15 3 884148728 +70 24 4 884064743 +70 28 4 884065757 +70 48 4 884064574 +70 63 3 884151168 +70 69 4 884065733 +70 71 3 884066399 +70 79 4 884149453 +70 83 4 884065895 +70 88 4 884067394 +70 89 4 884150202 +70 91 3 884068138 +70 94 3 884151014 +70 95 4 884065501 +70 96 4 884066910 +70 99 4 884067222 +70 101 3 884150753 +70 109 3 884066514 +70 121 3 884148728 +70 128 4 884067339 +70 132 4 884067281 +70 135 4 884065387 +70 139 3 884150656 +70 142 3 884150884 +70 143 5 884149431 +70 150 3 884065247 +70 151 3 884148603 +70 152 4 884149877 +70 161 3 884067638 +70 168 4 884065423 +70 169 4 884149688 +70 172 5 884064217 +70 173 4 884149452 +70 174 5 884065782 +70 175 3 884150422 +70 176 4 884066573 +70 181 4 884064416 +70 183 4 884149894 +70 185 4 884149753 +70 186 4 884065703 +70 189 4 884150202 +70 191 3 884149340 +70 193 4 884149646 +70 197 4 884149469 +70 202 4 884066713 +70 204 3 884066399 +70 206 3 884067026 +70 208 4 884149431 +70 211 3 884149646 +70 214 3 884067842 +70 222 4 884064269 +70 225 3 884148916 +70 227 3 884067476 +70 228 5 884064269 +70 229 3 884064269 +70 230 4 884064269 +70 231 3 884064862 +70 257 4 884063946 +70 260 2 884065247 +70 264 4 884063668 +70 265 4 884067503 +70 289 3 884066399 +70 298 5 884064134 +70 300 4 884063569 +70 313 4 884063469 +70 338 2 884065248 +70 343 4 884066910 +70 380 3 884066399 +70 383 2 884151700 +70 393 4 884068497 +70 398 2 884067339 +70 403 4 884064862 +70 404 4 884149622 +70 405 3 884149117 +70 408 4 884152129 +70 411 3 884066399 +70 417 3 884066823 +70 418 3 884149806 +70 423 5 884066910 +70 429 3 884150369 +70 432 3 884067175 +70 449 2 884065247 +70 450 1 884064269 +70 451 4 884065678 +70 472 3 884148885 +70 473 3 884066399 +70 482 4 884068704 +70 483 5 884064444 +70 496 4 884064545 +70 501 4 884067201 +70 507 4 884066886 +70 511 5 884067855 +70 527 4 884149852 +70 538 2 884066399 +70 542 2 884065248 +70 546 2 884066211 +70 554 3 884068277 +70 559 3 884066399 +70 568 3 884149722 +70 576 2 884065248 +70 588 5 884065528 +70 596 3 884148728 +70 597 3 884148999 +70 625 3 884151316 +70 655 4 884150153 +70 678 3 884063627 +70 684 3 884149646 +70 739 2 884150753 +70 751 4 884063601 +70 755 3 884150865 +70 762 3 884066399 +70 820 1 884152379 +70 946 3 884150691 +70 993 3 884064688 +70 1030 2 884151801 +70 1035 3 884066399 +70 1065 4 884149603 +70 1145 3 884151622 +70 1146 3 884151576 +71 6 3 880864124 +71 14 5 877319375 +71 50 3 885016784 +71 52 4 877319567 +71 64 4 885016536 +71 65 5 885016961 +71 98 4 885016536 +71 100 4 877319197 +71 135 4 885016536 +71 151 1 877319446 +71 153 4 885016495 +71 154 3 877319610 +71 168 5 885016641 +71 174 2 877319610 +71 175 4 885016882 +71 177 2 885016961 +71 181 3 877319414 +71 197 5 885016990 +71 248 3 877319446 +71 257 5 877319414 +71 282 3 885016990 +71 286 4 877319080 +71 289 2 877319117 +71 302 3 880864015 +71 357 5 885016495 +71 429 4 877319610 +71 514 4 877319567 +71 744 4 877319294 +72 1 4 880035614 +72 2 3 880037376 +72 5 4 880037418 +72 7 1 880036347 +72 9 5 880035636 +72 12 5 880036664 +72 15 5 880035708 +72 23 4 880036550 +72 25 5 880035588 +72 28 4 880036824 +72 38 3 880037307 +72 45 5 880037853 +72 50 2 880037119 +72 51 4 880036946 +72 56 5 880037702 +72 58 4 880036638 +72 64 5 880036549 +72 68 3 880037242 +72 69 4 880036579 +72 70 4 880036691 +72 77 4 880036945 +72 79 4 880037119 +72 81 3 880036876 +72 82 3 880037242 +72 87 4 880036638 +72 89 3 880037164 +72 96 5 880037203 +72 97 4 880036638 +72 98 5 880037417 +72 100 5 880035680 +72 106 4 880036185 +72 117 4 880035588 +72 118 3 880036346 +72 121 3 880036048 +72 124 4 880035636 +72 127 5 880037702 +72 129 4 880035588 +72 134 5 880037793 +72 135 4 880037054 +72 147 5 880037702 +72 161 5 880037703 +72 170 3 880037793 +72 172 1 880037119 +72 174 5 880037702 +72 176 2 880037203 +72 177 4 880037204 +72 180 4 880036579 +72 181 1 880037203 +72 187 4 880036638 +72 188 4 880037203 +72 191 5 880036515 +72 194 4 880037793 +72 196 4 880036747 +72 197 5 880037702 +72 198 5 880037881 +72 203 3 880037462 +72 204 4 880037853 +72 210 4 880037242 +72 212 5 880036946 +72 215 4 880036718 +72 220 3 880035786 +72 222 1 880036346 +72 226 4 880037307 +72 228 1 880037204 +72 229 1 880037307 +72 230 1 880037277 +72 233 4 880037242 +72 237 3 880036346 +72 241 4 880037242 +72 265 4 880037164 +72 271 1 880036346 +72 318 5 880037702 +72 356 4 880036911 +72 357 4 880036550 +72 380 1 880036854 +72 382 4 880036691 +72 402 4 880036824 +72 403 3 880037277 +72 405 3 880036346 +72 423 5 880036550 +72 427 5 880037702 +72 435 5 880037242 +72 443 3 880037418 +72 461 3 880036824 +72 466 4 880037461 +72 471 4 880035588 +72 476 4 880036048 +72 479 4 880037881 +72 480 5 880037768 +72 484 4 880037853 +72 493 5 880037768 +72 504 4 880037461 +72 509 4 880036638 +72 515 4 880036602 +72 518 4 880036824 +72 520 5 880036515 +72 521 4 880036718 +72 525 4 880037436 +72 526 4 880037164 +72 527 4 880036746 +72 528 4 880036664 +72 530 4 880037164 +72 550 4 880037334 +72 553 5 880036638 +72 566 4 880037277 +72 581 4 880036996 +72 582 4 880036783 +72 591 5 880035708 +72 603 4 880037417 +72 628 4 880035857 +72 642 4 880037479 +72 644 4 880036602 +72 647 1 880036550 +72 649 4 880036783 +72 654 4 880037461 +72 655 5 880037702 +72 664 3 880037020 +72 684 4 880037203 +72 685 4 880035588 +72 708 4 880036691 +72 770 4 880037306 +72 792 3 880036718 +72 844 4 880035708 +72 972 4 880036911 +72 1051 4 880035958 +72 1147 5 880036783 +72 1148 4 880036911 +73 1 2 888626065 +73 7 4 888625956 +73 28 3 888626468 +73 32 4 888626220 +73 48 2 888625785 +73 59 5 888625980 +73 64 5 888625042 +73 81 5 888626415 +73 82 2 888625754 +73 89 5 888625685 +73 96 2 888626523 +73 100 4 888626120 +73 129 4 888625907 +73 135 5 888626371 +73 152 3 888626496 +73 153 3 888626007 +73 154 5 888625343 +73 156 4 888625835 +73 171 5 888626199 +73 173 5 888625292 +73 175 5 888625785 +73 179 5 888626041 +73 180 4 888626577 +73 183 4 888626262 +73 187 5 888625934 +73 188 5 888625553 +73 196 4 888626177 +73 197 5 888625934 +73 202 2 888626577 +73 213 4 888625753 +73 246 3 888792938 +73 255 2 888792938 +73 268 3 888625754 +73 269 4 888792172 +73 271 2 888792294 +73 272 4 888792247 +73 285 4 888792900 +73 286 4 888792192 +73 288 3 888792294 +73 289 2 888792410 +73 318 4 888625934 +73 382 4 888626496 +73 433 4 888626437 +73 474 5 888625200 +73 479 5 888625127 +73 507 3 888625857 +73 514 4 888626153 +73 518 5 888625835 +73 650 3 888626152 +73 660 4 888625754 +73 683 2 888792535 +73 748 2 888792247 +73 894 1 888625592 +73 923 3 888793388 +73 1073 4 888625753 +73 1149 4 888626299 +74 7 4 888333458 +74 13 4 888333542 +74 121 4 888333428 +74 124 3 888333542 +74 129 3 888333458 +74 137 3 888333458 +74 150 3 888333458 +74 245 3 888333280 +74 258 4 888333194 +74 268 3 888333195 +74 276 4 888333458 +74 294 4 888333311 +74 300 3 888333194 +74 301 3 888333372 +74 302 4 888333219 +74 307 4 888333329 +74 313 5 888333219 +74 315 5 888333194 +74 324 3 888333280 +74 328 4 888333280 +74 331 4 888333352 +74 333 4 888333238 +74 340 5 888333194 +74 351 3 888333352 +74 354 3 888333194 +74 358 2 888333372 +74 508 4 888333542 +74 539 3 888333255 +74 690 4 888333352 +75 1 4 884050018 +75 13 5 884050102 +75 25 5 884049875 +75 56 5 884051921 +75 79 5 884051893 +75 100 5 884049875 +75 108 4 884050661 +75 111 4 884050502 +75 114 4 884051893 +75 117 4 884050164 +75 118 3 884050760 +75 123 3 884050164 +75 125 3 884050164 +75 129 3 884049939 +75 137 4 884050102 +75 151 5 884050502 +75 190 5 884051948 +75 196 4 884051948 +75 220 1 884050705 +75 222 5 884050194 +75 225 2 884050940 +75 235 4 884050502 +75 271 5 884051635 +75 273 5 884050018 +75 289 1 884049789 +75 290 4 884050451 +75 291 1 884050502 +75 294 3 884049758 +75 301 4 884051510 +75 304 2 884051610 +75 322 1 884049789 +75 323 2 884049789 +75 405 4 884050164 +75 408 4 884050046 +75 410 5 884050661 +75 411 5 884050760 +75 413 2 884050979 +75 427 4 884051921 +75 460 5 884050829 +75 472 4 884050733 +75 473 3 884050733 +75 475 5 884049939 +75 477 4 884050102 +75 508 4 884050102 +75 597 3 884050940 +75 678 3 884049758 +75 685 4 884050134 +75 696 4 884050979 +75 742 1 884050590 +75 756 2 884050309 +75 820 3 884050979 +75 824 1 884051056 +75 825 1 884050393 +75 831 3 884051056 +75 833 2 884051113 +75 845 3 884050194 +75 864 4 884049876 +75 866 2 884050733 +75 926 3 884050393 +75 952 5 884050393 +75 988 2 884049820 +75 1001 1 884050531 +75 1028 4 884050590 +75 1047 3 884050979 +75 1048 4 884050705 +75 1059 1 884050760 +75 1150 4 884050705 +75 1151 2 884050829 +75 1152 1 884050502 +76 6 5 875028165 +76 7 4 875312133 +76 12 3 882606060 +76 23 5 875027355 +76 24 2 882607536 +76 42 3 882606243 +76 56 5 875027739 +76 59 4 875027981 +76 60 4 875028007 +76 64 5 875498777 +76 70 4 875027981 +76 77 2 882607017 +76 89 4 875027507 +76 93 4 882606572 +76 96 5 875312034 +76 98 5 875028391 +76 121 2 882607017 +76 129 3 878101114 +76 137 5 875498777 +76 150 5 875028880 +76 156 3 882606108 +76 172 5 882606080 +76 182 4 882606392 +76 192 5 875027442 +76 197 5 875028563 +76 200 5 882606216 +76 203 4 875027507 +76 216 4 875028624 +76 223 2 882606623 +76 258 3 875027206 +76 264 3 875027292 +76 270 3 879117602 +76 286 5 875027206 +76 288 2 878101114 +76 293 4 879117673 +76 318 3 882606166 +76 324 4 875027206 +76 325 2 878101114 +76 327 3 875027271 +76 333 3 879575966 +76 343 3 882129361 +76 358 2 878101114 +76 385 2 882607017 +76 421 3 875028682 +76 474 5 875498278 +76 513 5 882606305 +76 514 4 882129456 +76 517 5 882129432 +76 518 3 875498895 +76 547 2 882607017 +76 603 3 882606147 +76 628 2 882606768 +76 690 2 882607017 +76 769 1 882607018 +76 772 3 875498117 +76 806 4 882606471 +76 851 4 879576570 +76 919 3 875027945 +76 955 4 882606789 +76 960 3 875028143 +76 1006 3 875027907 +76 1007 4 875312109 +76 1019 3 879576256 +76 1048 2 882607017 +76 1071 3 882606017 +76 1153 2 882607017 +76 1154 5 878100710 +76 1155 2 882607017 +76 1156 3 879576233 +76 1157 1 882607018 +76 1158 4 875028190 +76 1159 3 882606623 +77 1 5 884732808 +77 4 3 884752721 +77 15 2 884732873 +77 25 2 884733055 +77 28 5 884753061 +77 31 3 884753292 +77 42 5 884752948 +77 50 4 884732345 +77 52 5 884753203 +77 56 4 884752900 +77 69 3 884752997 +77 89 5 884733839 +77 96 3 884752562 +77 97 2 884753292 +77 98 4 884752901 +77 100 3 884732716 +77 121 2 884733261 +77 127 2 884732927 +77 132 3 884753028 +77 133 2 884752997 +77 134 4 884752562 +77 144 3 884752853 +77 153 5 884732685 +77 154 5 884733922 +77 156 4 884733621 +77 173 5 884752689 +77 174 5 884733587 +77 175 4 884733655 +77 176 4 884752757 +77 179 5 884752806 +77 181 3 884732278 +77 183 5 884732606 +77 191 3 884752948 +77 192 3 884752900 +77 199 5 884733988 +77 201 4 884752785 +77 209 4 884752562 +77 210 3 884753028 +77 215 2 884752757 +77 222 4 884732873 +77 228 3 884753105 +77 246 5 884732808 +77 250 3 884732873 +77 252 1 884733379 +77 265 3 884753152 +77 268 5 884733857 +77 276 2 884732991 +77 357 3 884752970 +77 405 3 884733422 +77 431 5 884733695 +77 455 3 884732873 +77 483 4 884752665 +77 498 5 884734016 +77 511 2 884753152 +77 519 5 884752874 +77 523 5 884752582 +77 527 4 884752853 +77 636 2 884753061 +77 641 5 884733621 +77 778 2 884753203 +77 833 1 884733284 +77 1028 1 884733400 +78 25 3 879633785 +78 93 4 879633766 +78 237 5 879634264 +78 288 4 879633467 +78 294 3 879633495 +78 327 1 879633495 +78 411 4 879634223 +78 476 3 879633767 +78 813 2 879633745 +78 871 3 879634199 +78 880 5 879633600 +79 1 4 891271870 +79 6 4 891271901 +79 7 5 891272016 +79 10 5 891271901 +79 13 3 891271676 +79 19 5 891271792 +79 93 2 891271676 +79 116 5 891271676 +79 137 4 891271870 +79 150 3 891271652 +79 222 4 891271957 +79 236 5 891271719 +79 251 5 891271545 +79 257 3 891271545 +79 258 5 891271308 +79 262 5 891271203 +79 268 5 891271792 +79 275 4 891271627 +79 276 3 891271957 +79 283 4 891271627 +79 285 5 891271652 +79 286 5 891271792 +79 290 3 891271741 +79 301 3 891271308 +79 306 5 891271792 +79 311 4 891271278 +79 313 2 891271086 +79 319 4 891271278 +79 325 5 891271792 +79 333 2 891271086 +79 340 4 891271180 +79 370 2 891272016 +79 515 5 891271792 +79 582 5 891271806 +79 676 3 891271957 +79 690 4 891271308 +79 740 4 891271870 +79 763 5 891271741 +79 813 5 891271792 +79 900 4 891271245 +79 902 3 891271086 +79 906 5 891271792 +79 1008 4 891271982 +79 1017 3 891271697 +79 1022 5 891271792 +80 64 5 887401475 +80 79 4 887401407 +80 86 5 887401496 +80 100 5 887401453 +80 154 3 887401307 +80 199 2 887401353 +80 205 5 887401533 +80 208 5 887401604 +80 213 3 887401407 +80 215 5 887401353 +80 234 3 887401533 +80 237 4 887401732 +80 260 1 883605215 +80 303 4 883605055 +80 483 5 887401328 +80 514 3 887401533 +80 531 4 887401430 +80 699 3 887401533 +80 887 4 887401236 +81 1 4 876534949 +81 7 4 876533545 +81 25 5 876533946 +81 42 4 876534704 +81 79 5 876534817 +81 93 3 876533657 +81 98 5 876534854 +81 100 3 876533545 +81 111 3 876534174 +81 116 3 876533504 +81 118 2 876533764 +81 121 4 876533586 +81 124 3 876534594 +81 147 4 876533389 +81 150 3 876533619 +81 151 2 876533946 +81 186 5 876534783 +81 210 4 876534704 +81 222 2 876533619 +81 237 4 876533764 +81 269 3 876533229 +81 274 3 876534313 +81 275 4 876533657 +81 276 4 876533545 +81 282 5 876533619 +81 283 4 876533504 +81 284 3 876533894 +81 288 3 876533229 +81 289 3 876533229 +81 318 5 876534817 +81 405 3 876533764 +81 410 4 876533946 +81 412 1 876534408 +81 456 1 876533504 +81 475 5 876533504 +81 544 2 876546272 +81 591 5 876534124 +81 595 4 876534437 +81 596 3 876533824 +81 619 3 876534009 +81 717 2 876533824 +81 726 4 876534505 +81 756 1 876534097 +81 926 3 876533824 +81 928 4 876534214 +81 1028 1 876534277 +81 1047 3 876533988 +81 1059 3 876534366 +82 1 4 876311241 +82 3 2 878768765 +82 7 3 876311217 +82 8 4 878769292 +82 9 4 876311146 +82 11 4 878769992 +82 13 2 878768615 +82 14 4 876311280 +82 15 3 876311365 +82 21 1 884714456 +82 22 3 878769777 +82 25 2 878768435 +82 28 3 878769815 +82 50 5 876311146 +82 64 5 878770169 +82 69 4 878769948 +82 70 4 878769888 +82 71 4 878770169 +82 73 4 878769888 +82 79 3 878769334 +82 81 3 878770059 +82 87 3 878769598 +82 97 4 878769777 +82 99 4 878769949 +82 100 5 876311299 +82 103 2 878768665 +82 109 1 884714204 +82 111 4 876311423 +82 112 1 877452357 +82 118 3 878768510 +82 121 4 876311387 +82 125 3 877452380 +82 127 2 878769777 +82 133 4 878769410 +82 134 4 878769442 +82 140 3 878769668 +82 147 3 876311473 +82 151 2 876311547 +82 168 5 878769748 +82 169 4 878769442 +82 170 4 878769703 +82 174 5 878769478 +82 175 4 878769598 +82 178 4 878769629 +82 181 4 876311241 +82 185 3 878769334 +82 191 4 878769748 +82 197 4 878769847 +82 199 4 878769888 +82 202 4 878769777 +82 208 3 878769815 +82 211 4 878769815 +82 212 4 878769410 +82 216 4 878769949 +82 218 3 878769748 +82 220 2 878768840 +82 222 3 876311365 +82 225 3 878768790 +82 228 3 878769629 +82 230 2 878769815 +82 231 2 878769815 +82 235 1 876311517 +82 237 3 876311319 +82 238 3 878769373 +82 240 1 884714385 +82 241 3 878769992 +82 265 4 878770169 +82 274 3 876311492 +82 275 2 884714125 +82 276 4 876311344 +82 281 3 884714290 +82 283 2 884714164 +82 284 4 876311387 +82 286 4 876311004 +82 288 3 876311518 +82 289 1 884713642 +82 294 4 878768327 +82 304 3 884713664 +82 310 4 879788290 +82 318 4 878769629 +82 326 2 879788343 +82 338 1 884713704 +82 343 1 884713755 +82 357 4 878769888 +82 367 4 878769848 +82 405 3 876311423 +82 409 1 884714421 +82 411 3 878768902 +82 412 1 884714513 +82 413 1 884714593 +82 414 4 878769748 +82 418 4 878769848 +82 424 1 878768811 +82 430 5 878769703 +82 432 4 878769373 +82 435 5 878769409 +82 455 4 876311319 +82 456 1 884714618 +82 458 1 884714145 +82 462 4 878769992 +82 472 3 878768882 +82 473 2 878768765 +82 474 3 878769597 +82 475 1 884714181 +82 476 3 878768765 +82 479 4 878769703 +82 480 4 878769373 +82 481 5 878769262 +82 482 4 878769668 +82 483 5 878769888 +82 484 4 878769597 +82 495 3 878769668 +82 496 4 878769992 +82 504 4 878769917 +82 511 3 878769948 +82 513 4 878769334 +82 514 4 878769442 +82 518 4 878769747 +82 519 4 878770028 +82 520 3 878769703 +82 523 5 878769373 +82 527 3 878769479 +82 529 4 878770028 +82 539 3 884713704 +82 546 3 876311423 +82 582 4 878769410 +82 588 5 878769917 +82 596 3 876311195 +82 603 5 878769479 +82 640 3 878769292 +82 657 4 878769261 +82 660 5 878769848 +82 661 4 878769703 +82 671 1 878769478 +82 678 1 884714726 +82 705 3 878769598 +82 740 2 884714249 +82 770 4 878769777 +82 820 3 878768902 +82 822 2 878769262 +82 826 3 876311646 +82 834 1 884714618 +82 866 3 878768840 +82 895 1 884713704 +82 919 3 876311280 +82 946 2 878769748 +82 1001 1 878769138 +82 1028 2 876311577 +82 1033 1 884714560 +82 1059 1 884714456 +82 1063 3 878769815 +82 1078 3 878769748 +82 1101 4 878770169 +82 1126 4 878770169 +82 1128 1 884714361 +82 1162 1 884714361 +82 1163 2 884714204 +82 1164 2 878768790 +83 1 4 880306903 +83 2 4 881971771 +83 4 2 880336655 +83 15 4 880307000 +83 22 5 880307724 +83 25 2 883867729 +83 28 4 880308284 +83 31 5 880307751 +83 35 1 886534501 +83 38 5 887665422 +83 43 4 880308690 +83 50 3 880327590 +83 56 1 886534501 +83 63 4 880327970 +83 64 5 887665422 +83 66 4 880307898 +83 69 4 887665549 +83 70 4 880308256 +83 71 3 880328167 +83 77 4 880308426 +83 79 5 887665423 +83 82 5 887665423 +83 88 5 880308186 +83 94 4 880308831 +83 95 4 880308453 +83 105 2 891182288 +83 106 4 887665549 +83 110 4 880309185 +83 111 3 884647519 +83 117 5 880307000 +83 118 3 880307071 +83 121 4 880306951 +83 122 1 886534501 +83 125 5 880306811 +83 127 4 887665549 +83 139 3 880308959 +83 151 3 880306745 +83 161 4 887665549 +83 174 5 880307699 +83 181 4 880306786 +83 186 4 880308601 +83 191 4 880308038 +83 196 5 880307996 +83 204 5 880307922 +83 216 4 880307846 +83 225 3 880307208 +83 233 4 887665549 +83 235 1 883867920 +83 240 1 883870084 +83 243 3 891181725 +83 245 2 891181703 +83 248 3 883868788 +83 249 2 887664680 +83 252 4 883868598 +83 254 2 880327839 +83 255 5 887665422 +83 259 2 883869199 +83 265 5 880308186 +83 274 4 880306810 +83 294 3 887665569 +83 298 4 891181511 +83 300 3 889050543 +83 301 2 891181430 +83 319 1 886532955 +83 322 3 889681216 +83 323 4 883868420 +83 338 4 883868647 +83 356 4 880308755 +83 364 1 886534501 +83 371 3 880308408 +83 391 2 880308783 +83 393 5 887665423 +83 405 5 887665423 +83 406 2 891182431 +83 407 1 891182532 +83 409 4 880307417 +83 411 2 880307259 +83 412 1 883868208 +83 413 1 891182379 +83 423 4 880308329 +83 452 3 880309214 +83 465 4 880308578 +83 468 4 880308390 +83 471 3 891182000 +83 476 3 880307359 +83 477 2 887665798 +83 479 5 880307699 +83 508 2 887665655 +83 527 4 880307807 +83 543 2 887665445 +83 546 4 887665549 +83 566 4 880308099 +83 568 4 880307724 +83 575 4 880309339 +83 580 4 883869630 +83 584 4 880308453 +83 591 4 880306745 +83 597 2 891182270 +83 609 4 880308453 +83 631 2 887664566 +83 640 2 880308550 +83 663 5 887665423 +83 684 4 880307898 +83 685 4 880306951 +83 692 4 880307979 +83 704 3 880327216 +83 717 4 880307339 +83 720 4 880308578 +83 722 4 880308959 +83 728 4 880308909 +83 732 4 880308390 +83 739 5 880308141 +83 748 2 886534501 +83 751 3 883869440 +83 755 5 887665423 +83 756 4 883867791 +83 768 4 887665549 +83 781 4 883868890 +83 783 4 880308453 +83 795 3 880309214 +83 820 2 881971231 +83 828 3 883868208 +83 832 3 883868300 +83 845 3 880306648 +83 846 3 891181639 +83 862 4 883868805 +83 864 4 883954588 +83 866 3 883867947 +83 871 2 891182319 +83 892 2 891181444 +83 929 3 880307140 +83 932 4 881971414 +83 944 3 880308871 +83 977 3 880307382 +83 993 2 883868978 +83 1016 4 883868345 +83 1028 4 880307207 +83 1035 4 880308959 +83 1041 4 880308909 +83 1043 3 880308807 +83 1047 2 891182319 +83 1049 3 880307588 +83 1060 3 880306926 +83 1101 2 880308256 +83 1165 2 883868300 +84 1 2 883452108 +84 4 3 883453713 +84 7 4 883452155 +84 15 4 883449993 +84 25 3 883452462 +84 31 4 883453755 +84 64 5 883450066 +84 70 5 883452906 +84 79 4 883453520 +84 87 5 883453587 +84 95 4 883453642 +84 98 4 883453755 +84 100 4 883452155 +84 111 4 883453108 +84 117 4 883450553 +84 148 4 883452274 +84 151 4 883449993 +84 194 5 883453617 +84 203 3 883453587 +84 222 4 883450020 +84 225 4 883452307 +84 237 4 883450093 +84 245 4 883449530 +84 258 4 883449347 +84 265 5 883453617 +84 273 4 883452086 +84 274 4 883452462 +84 276 4 883449944 +84 282 4 883450434 +84 284 3 883450093 +84 286 5 883449271 +84 291 3 883452363 +84 294 3 883449317 +84 300 4 883449419 +84 317 3 883453587 +84 318 5 883453617 +84 385 4 883453797 +84 408 5 883450553 +84 411 2 883452516 +84 466 4 883453148 +84 477 4 883452307 +84 486 5 883453664 +84 523 4 883453642 +84 543 5 883453713 +84 546 3 883452462 +84 591 4 883451664 +84 597 3 883452200 +84 628 3 883450434 +84 685 3 883452274 +84 744 4 883449965 +84 756 3 883452765 +84 815 4 883452462 +84 823 3 883452672 +84 866 4 883452174 +84 879 4 883449530 +84 1028 3 883452155 +84 1040 3 883452630 +84 1047 2 883452694 +85 8 4 879454952 +85 9 4 879456308 +85 10 4 879452898 +85 13 3 879452866 +85 14 4 879452638 +85 23 4 879454272 +85 27 4 879827488 +85 28 4 879829301 +85 30 3 882995290 +85 42 3 879453876 +85 45 3 879455197 +85 50 5 882813248 +85 52 3 881705026 +85 53 3 882995643 +85 56 4 879453587 +85 57 5 879828107 +85 58 4 879829689 +85 64 5 879454046 +85 65 3 879455021 +85 69 4 879454582 +85 70 4 879828328 +85 71 4 879456308 +85 79 3 879453845 +85 82 3 879454633 +85 83 4 886282959 +85 86 4 879454189 +85 87 4 879829327 +85 89 4 879454075 +85 94 3 882995966 +85 95 4 879455114 +85 97 2 879829667 +85 98 4 879453716 +85 99 5 880838306 +85 100 3 879452693 +85 108 2 880838201 +85 121 2 879453167 +85 124 5 882813248 +85 127 5 879829301 +85 132 5 879453965 +85 133 4 879453876 +85 134 5 879454004 +85 135 5 879453845 +85 136 4 879454349 +85 141 3 879829042 +85 143 4 879456247 +85 150 3 890255432 +85 152 5 879454751 +85 153 3 879453658 +85 154 4 879828777 +85 157 3 879454400 +85 160 3 879454075 +85 161 4 882819528 +85 162 2 879454235 +85 163 3 882813312 +85 168 4 879454304 +85 170 4 879453748 +85 172 4 882813285 +85 173 3 879454045 +85 174 4 879454139 +85 175 4 879828912 +85 179 4 879454272 +85 180 4 879454820 +85 181 4 882813312 +85 182 4 893110061 +85 186 3 879454273 +85 187 5 879454235 +85 188 2 879454782 +85 190 4 879453845 +85 191 4 879455021 +85 192 4 879454951 +85 193 3 879454189 +85 194 4 879454189 +85 195 3 882995132 +85 196 4 879454952 +85 197 5 879455197 +85 199 5 879829438 +85 203 5 879455402 +85 204 4 879828821 +85 205 4 879454004 +85 208 5 879828941 +85 209 4 879454500 +85 210 3 879454981 +85 211 5 879454005 +85 212 2 879454859 +85 213 4 879454751 +85 215 4 879829438 +85 216 3 879454500 +85 221 2 879452693 +85 222 2 879452831 +85 229 3 882813248 +85 230 3 882813248 +85 231 2 882995615 +85 232 3 882995966 +85 234 4 882995015 +85 237 3 879452769 +85 238 2 879453965 +85 241 3 882995340 +85 246 4 881704999 +85 250 3 882592687 +85 258 4 882812472 +85 268 4 881705073 +85 269 3 891289966 +85 270 3 890255063 +85 272 4 893110061 +85 275 3 879454581 +85 277 2 879452938 +85 281 3 879452971 +85 282 3 879829618 +85 283 3 879454467 +85 284 3 879452866 +85 286 4 879452259 +85 289 3 879452334 +85 291 3 882994658 +85 298 4 880581629 +85 300 3 879452259 +85 301 4 886283002 +85 310 3 880838201 +85 313 4 884820133 +85 316 3 893110061 +85 317 3 882995577 +85 318 4 879453684 +85 319 4 879452334 +85 325 2 879452386 +85 327 3 884820110 +85 328 3 884906441 +85 333 1 886282927 +85 340 3 893109920 +85 345 4 884820077 +85 357 4 879454045 +85 372 4 879828720 +85 378 4 879829642 +85 380 4 882995704 +85 382 4 879454820 +85 385 3 879455021 +85 389 3 882995832 +85 393 4 879828967 +85 404 3 882994947 +85 405 2 879453018 +85 412 3 879453288 +85 414 4 879828720 +85 416 3 882994912 +85 417 3 882995859 +85 418 3 879455197 +85 419 5 882819427 +85 420 4 880838337 +85 423 4 879454046 +85 425 4 879454905 +85 428 5 879454235 +85 432 4 880838305 +85 435 4 879828911 +85 443 4 879454582 +85 447 3 882994767 +85 449 4 882813248 +85 451 4 882995934 +85 458 3 879452867 +85 462 4 879454189 +85 464 5 882996119 +85 465 4 879454437 +85 474 5 879454500 +85 476 3 879453018 +85 478 4 879454951 +85 479 4 879454951 +85 480 4 879453658 +85 481 4 879454582 +85 482 4 879454304 +85 483 5 879453933 +85 485 5 879454400 +85 488 4 879455197 +85 492 4 879454905 +85 495 3 882994860 +85 496 4 879453781 +85 498 4 879454400 +85 499 4 879455114 +85 501 3 880838306 +85 502 4 879454633 +85 504 4 879453748 +85 506 4 886282959 +85 508 2 879453040 +85 509 4 879454189 +85 510 4 879454400 +85 511 4 879454112 +85 512 3 879456199 +85 513 4 879454350 +85 514 5 879453684 +85 515 5 879829265 +85 516 4 879454272 +85 517 5 879455238 +85 519 4 879829265 +85 520 3 882996257 +85 521 3 879829471 +85 523 4 879453965 +85 526 4 879454500 +85 527 4 879455114 +85 528 4 879454859 +85 529 3 879827935 +85 530 3 879456350 +85 531 4 879454112 +85 566 3 879454273 +85 568 3 879455238 +85 582 4 879828014 +85 589 3 879453587 +85 596 3 880838337 +85 604 4 882995132 +85 606 4 886282959 +85 610 3 879454582 +85 622 3 882995833 +85 629 3 879454685 +85 630 3 879453623 +85 631 4 886282927 +85 632 3 879454304 +85 639 3 879454189 +85 641 4 879454952 +85 647 4 879453844 +85 654 4 879454272 +85 655 3 879454350 +85 657 4 879454189 +85 658 3 879829861 +85 659 4 879453844 +85 660 4 879829618 +85 661 4 879454005 +85 663 5 879454437 +85 664 4 879829562 +85 690 2 890255371 +85 692 3 879828490 +85 697 3 879829471 +85 702 2 879828054 +85 705 5 882994912 +85 707 4 879454350 +85 708 4 879828349 +85 709 5 879828941 +85 710 2 879828912 +85 712 3 882995754 +85 715 4 882995967 +85 732 3 879455238 +85 735 3 879454905 +85 745 3 879829021 +85 751 3 884820157 +85 782 2 879829757 +85 792 4 879828941 +85 813 4 879452664 +85 822 3 880581629 +85 842 3 882995704 +85 845 3 879828456 +85 855 3 879827989 +85 921 3 879827989 +85 923 4 879455403 +85 924 1 879453114 +85 955 4 879454400 +85 971 3 879828156 +85 984 2 884906441 +85 1006 3 882995833 +85 1009 2 879453093 +85 1010 2 879452971 +85 1018 4 882995668 +85 1021 3 882995490 +85 1039 4 879453903 +85 1070 4 879453809 +85 1074 3 882996039 +85 1075 3 879454400 +85 1098 4 879828912 +85 1101 4 879454046 +85 1103 3 882995489 +85 1113 2 879454981 +85 1121 3 879454820 +85 1131 4 879454111 +85 1136 3 879455402 +85 1137 4 879452609 +85 1149 3 886283002 +85 1153 4 879454751 +85 1166 4 879455021 +85 1167 3 879829209 +85 1168 3 882995908 +85 1169 4 879454952 +85 1170 3 879456350 +85 1171 3 879452638 +85 1172 4 879453781 +85 1173 4 884820209 +85 1174 3 879454633 +86 242 4 879569486 +86 259 4 879570423 +86 269 4 879569486 +86 270 5 879570974 +86 288 3 879570218 +86 289 3 879570366 +86 304 3 879570149 +86 326 3 879570423 +86 328 2 879569555 +86 338 1 879570277 +86 683 5 879570974 +86 888 4 879570218 +86 1176 5 879570973 +87 2 4 879876074 +87 4 5 879876524 +87 7 4 879875735 +87 8 5 879876447 +87 9 4 879877931 +87 13 3 879876734 +87 21 3 879877173 +87 22 4 879875817 +87 25 4 879876811 +87 27 4 879876037 +87 33 3 879876488 +87 38 5 879875940 +87 39 3 879875995 +87 47 3 879876637 +87 48 4 879875649 +87 49 5 879876564 +87 50 5 879876194 +87 55 4 879875774 +87 56 4 879876524 +87 62 5 879875996 +87 63 4 879876848 +87 64 5 879875649 +87 66 5 879876403 +87 67 4 879877007 +87 68 3 879876074 +87 70 5 879876448 +87 72 3 879876848 +87 73 3 879877083 +87 79 5 879875856 +87 80 4 879877241 +87 87 4 879877931 +87 88 5 879876672 +87 89 4 879875818 +87 90 2 879877127 +87 94 4 879876703 +87 96 5 879875734 +87 97 5 879877825 +87 100 5 879876488 +87 111 4 879876611 +87 118 4 879876162 +87 120 2 879877173 +87 121 5 879875893 +87 127 4 879876194 +87 128 3 879876037 +87 132 5 879877930 +87 134 4 879877740 +87 135 5 879875649 +87 144 4 879875734 +87 152 4 879876564 +87 153 5 879876703 +87 154 4 879876564 +87 157 3 879877799 +87 158 3 879877173 +87 161 5 879875893 +87 163 4 879877083 +87 167 4 879876703 +87 172 5 879875737 +87 174 5 879875736 +87 177 5 879875940 +87 179 4 879875649 +87 180 4 879875649 +87 181 5 879876194 +87 182 4 879875737 +87 183 4 879875734 +87 186 5 879876734 +87 188 4 879875818 +87 192 3 879877741 +87 194 5 879876403 +87 195 5 879875736 +87 196 5 879877681 +87 199 5 879875649 +87 201 2 879876673 +87 202 5 879876403 +87 204 5 879876447 +87 208 5 879876403 +87 209 5 879876488 +87 211 5 879876812 +87 216 5 879876448 +87 222 4 879875940 +87 228 5 879875893 +87 229 4 879876037 +87 230 5 879875818 +87 231 3 879876110 +87 232 3 879876037 +87 233 4 879876036 +87 235 3 879877208 +87 238 3 879876734 +87 239 4 879876673 +87 252 3 879876224 +87 254 4 879876256 +87 273 3 879875857 +87 281 4 879876074 +87 297 3 879877404 +87 300 3 879875418 +87 303 3 879875471 +87 318 4 879877627 +87 321 2 879876813 +87 323 3 879876256 +87 372 3 879876565 +87 382 3 879876488 +87 385 5 879875818 +87 386 2 879877006 +87 393 4 879876703 +87 396 1 879877280 +87 403 3 879875996 +87 405 4 879875893 +87 409 3 879877127 +87 410 4 879876565 +87 411 4 879876946 +87 414 3 879876673 +87 423 3 879877710 +87 427 4 879877824 +87 433 3 879876702 +87 435 5 879875818 +87 449 3 879876110 +87 451 4 879876448 +87 472 4 879875996 +87 476 2 879877241 +87 477 3 879876610 +87 491 5 879877930 +87 496 5 879877709 +87 502 5 879876524 +87 510 5 879875818 +87 514 4 879876672 +87 515 4 879876194 +87 519 4 879877652 +87 521 3 879877772 +87 523 5 879875649 +87 535 4 879876315 +87 546 3 879876074 +87 550 4 879876074 +87 566 5 879875775 +87 568 5 879875818 +87 570 3 879876163 +87 575 3 879877208 +87 576 3 879876163 +87 577 4 879877127 +87 578 3 879875940 +87 598 2 879877279 +87 628 4 879877709 +87 629 4 879877006 +87 648 5 879876448 +87 651 4 879875893 +87 657 4 879877740 +87 679 3 879876036 +87 684 5 879875774 +87 685 3 879875856 +87 692 5 879876565 +87 702 3 879876917 +87 705 4 879877740 +87 709 3 879876812 +87 715 3 879876885 +87 722 4 879876946 +87 728 4 879876768 +87 732 4 879876703 +87 765 3 879877006 +87 775 2 879876848 +87 780 4 879877173 +87 781 5 879876524 +87 783 4 879877279 +87 789 3 879876610 +87 790 4 879876885 +87 791 2 879877280 +87 796 4 879877280 +87 801 3 879876768 +87 802 4 879875940 +87 804 3 879877083 +87 808 3 879875996 +87 810 3 879876111 +87 824 3 879877043 +87 845 4 879876564 +87 849 5 879875996 +87 866 4 879877208 +87 871 4 879876734 +87 926 4 879877043 +87 944 5 879876848 +87 996 3 879876848 +87 1000 3 879877173 +87 1028 4 879876946 +87 1041 4 879877007 +87 1047 3 879877280 +87 1049 3 879876812 +87 1072 3 879876610 +87 1074 3 879876813 +87 1079 2 879877240 +87 1089 3 879876225 +87 1118 3 879877007 +87 1177 1 879877280 +87 1178 3 879877208 +87 1179 3 879877127 +87 1180 3 879877127 +87 1181 3 879875940 +87 1182 3 879877043 +87 1183 3 879875995 +87 1184 3 879876074 +87 1185 4 879876885 +87 1186 3 879876886 +87 1187 2 879875893 +87 1188 2 879876110 +87 1189 5 879877951 +87 1190 4 879876336 +88 286 5 891037111 +88 300 3 891037466 +88 308 4 891037396 +88 311 5 891037336 +88 313 3 891037201 +88 319 3 891037708 +88 326 5 891038103 +88 354 5 891037708 +88 880 3 891037466 +88 898 4 891037859 +88 1191 5 891038103 +89 1 5 879461219 +89 7 5 879441422 +89 13 2 879441672 +89 14 4 879441357 +89 15 5 879441307 +89 25 5 879441637 +89 26 3 879459909 +89 49 4 879460347 +89 50 5 879461219 +89 66 3 879459980 +89 83 4 879459884 +89 86 5 879459859 +89 88 4 879459980 +89 93 2 879441307 +89 100 5 879441271 +89 107 5 879441780 +89 111 4 879441452 +89 121 5 879441657 +89 137 1 879441335 +89 150 5 879441452 +89 151 5 879441507 +89 173 5 879459859 +89 181 4 879441491 +89 187 5 879461246 +89 202 3 879459859 +89 212 3 879459909 +89 213 4 879459859 +89 222 5 879441491 +89 235 5 879441657 +89 236 5 879441400 +89 237 4 879441381 +89 240 4 879441571 +89 257 5 879461219 +89 268 5 879461219 +89 269 5 879461219 +89 275 5 879441307 +89 277 4 879441271 +89 283 4 879441557 +89 301 5 879461219 +89 321 4 879441049 +89 387 5 879459909 +89 402 4 879460347 +89 405 3 879441586 +89 451 3 879459884 +89 475 5 879441307 +89 517 5 879459859 +89 694 5 879460027 +89 702 5 879459999 +89 707 5 879459884 +89 709 3 879459980 +89 716 3 879460027 +89 724 4 879460027 +89 731 3 879460347 +89 736 3 879460027 +89 737 1 879460376 +89 739 2 879460376 +89 762 3 879441491 +89 813 5 879461219 +89 815 4 879441637 +89 845 2 879441335 +89 875 3 879441160 +89 880 5 879461219 +89 949 3 879460027 +89 952 2 879441400 +89 1074 5 879459909 +89 1119 3 879459884 +90 6 4 891384357 +90 8 5 891383424 +90 9 4 891385787 +90 10 5 891383987 +90 11 4 891384113 +90 12 5 891383241 +90 14 5 891383987 +90 17 4 891384721 +90 18 3 891383687 +90 19 3 891384020 +90 20 4 891384357 +90 22 4 891384357 +90 23 5 891384997 +90 26 4 891385842 +90 30 5 891385843 +90 31 4 891384673 +90 33 4 891383600 +90 42 4 891384885 +90 45 3 891385039 +90 52 5 891385522 +90 56 5 891384516 +90 57 5 891385389 +90 59 5 891383173 +90 60 4 891385039 +90 64 4 891383912 +90 65 4 891385298 +90 69 1 891383424 +90 70 5 891383866 +90 79 4 891383912 +90 83 5 891383687 +90 86 5 891383626 +90 89 5 891385039 +90 96 4 891384754 +90 97 5 891383987 +90 100 5 891383241 +90 117 3 891385389 +90 126 2 891384611 +90 127 4 891383561 +90 131 5 891384066 +90 132 5 891384673 +90 133 5 891384147 +90 134 5 891383204 +90 135 5 891384570 +90 136 5 891383241 +90 137 5 891384754 +90 141 5 891385899 +90 143 5 891383204 +90 148 2 891385787 +90 149 3 891384754 +90 150 3 891385250 +90 151 2 891385190 +90 153 5 891384754 +90 154 5 891384516 +90 155 5 891385040 +90 156 4 891384147 +90 162 5 891385190 +90 166 4 891383423 +90 170 5 891383561 +90 171 2 891384476 +90 174 5 891383866 +90 175 3 891383912 +90 177 5 891384516 +90 178 5 891384611 +90 179 5 891385389 +90 180 4 891384065 +90 182 3 891383599 +90 185 5 891384959 +90 187 4 891383561 +90 190 5 891383687 +90 191 5 891384424 +90 192 4 891384959 +90 193 4 891383752 +90 194 5 891383424 +90 196 4 891385250 +90 197 5 891383319 +90 198 5 891383204 +90 199 5 891384423 +90 202 3 891385298 +90 203 5 891384611 +90 208 3 891384065 +90 209 5 891383173 +90 211 5 891383424 +90 212 4 891384147 +90 213 5 891383718 +90 215 2 891385335 +90 216 5 891383626 +90 218 5 891385899 +90 220 4 891385165 +90 221 4 891383987 +90 223 4 891383912 +90 234 4 891383835 +90 237 4 891385215 +90 241 5 891384611 +90 242 4 891382267 +90 245 3 891382612 +90 258 3 891382121 +90 268 4 891382392 +90 269 5 891382310 +90 270 4 891382310 +90 272 5 891382121 +90 273 3 891385040 +90 275 5 891383626 +90 276 4 891384476 +90 285 5 891383687 +90 286 5 891382267 +90 287 4 891384611 +90 300 3 891382163 +90 301 4 891382392 +90 302 5 891383319 +90 303 4 891382193 +90 306 4 891382267 +90 307 5 891383319 +90 310 3 891382240 +90 311 4 891382163 +90 312 4 891383319 +90 313 5 891382163 +90 316 5 891382658 +90 317 4 891383626 +90 318 5 891383350 +90 322 4 891382658 +90 323 3 891382634 +90 328 3 891382490 +90 340 4 891382121 +90 354 3 891382240 +90 356 4 891385752 +90 357 5 891385132 +90 367 4 891385250 +90 385 4 891385899 +90 387 5 891385215 +90 402 5 891385335 +90 421 4 891383718 +90 423 5 891384997 +90 425 4 891384996 +90 427 5 891384423 +90 430 3 891383835 +90 433 3 891384611 +90 435 5 891383350 +90 443 4 891385250 +90 447 5 891385389 +90 454 2 891383423 +90 462 5 891383752 +90 464 5 891385039 +90 471 4 891385752 +90 474 5 891383599 +90 475 3 891385465 +90 478 5 891384754 +90 479 5 891384147 +90 480 5 891383835 +90 481 5 891384516 +90 482 5 891383204 +90 483 5 891384570 +90 485 5 891383687 +90 486 5 891383912 +90 488 5 891384065 +90 489 5 891384357 +90 490 5 891383753 +90 491 4 891384959 +90 493 5 891383600 +90 494 5 891383241 +90 496 4 891385787 +90 497 5 891384996 +90 498 5 891383173 +90 499 5 891383866 +90 500 4 891384721 +90 501 5 891384885 +90 505 5 891383687 +90 506 5 891383319 +90 507 5 891383987 +90 509 5 891383866 +90 511 5 891384476 +90 512 4 891383241 +90 514 3 891384423 +90 515 5 891385165 +90 516 5 891383987 +90 517 3 891384789 +90 518 2 891385787 +90 519 5 891384423 +90 521 4 891384570 +90 523 4 891383423 +90 526 5 891383866 +90 527 5 891384959 +90 528 5 891384065 +90 529 5 891385132 +90 530 3 891385522 +90 531 4 891383204 +90 543 3 891383173 +90 547 3 891385899 +90 553 2 891384959 +90 568 5 891385165 +90 602 5 891385466 +90 603 5 891385132 +90 604 5 891383350 +90 606 5 891383173 +90 607 5 891384673 +90 609 5 891384357 +90 610 5 891383753 +90 611 5 891384789 +90 613 4 891383835 +90 614 4 891384020 +90 617 4 891383835 +90 618 5 891385335 +90 631 5 891384570 +90 632 5 891384113 +90 639 5 891385039 +90 644 5 891384065 +90 647 5 891383204 +90 650 5 891384516 +90 651 5 891384997 +90 652 4 891384611 +90 654 5 891384357 +90 656 5 891385132 +90 657 5 891385190 +90 659 4 891384357 +90 660 4 891385652 +90 661 5 891385522 +90 662 5 891385842 +90 676 2 891384066 +90 684 3 891385335 +90 690 4 891383319 +90 692 4 891384476 +90 693 3 891385752 +90 699 4 891385298 +90 703 3 891384997 +90 705 5 891384147 +90 707 5 891384476 +90 708 5 891385787 +90 709 5 891383752 +90 713 4 891385466 +90 721 3 891385215 +90 730 5 891384147 +90 732 5 891383241 +90 739 5 891384789 +90 750 4 891383319 +90 753 4 891385751 +90 762 3 891385250 +90 811 4 891384516 +90 813 4 891384997 +90 821 3 891385843 +90 836 5 891385190 +90 837 5 891384476 +90 847 5 891383753 +90 855 5 891383752 +90 863 4 891384114 +90 875 1 891382612 +90 879 3 891382542 +90 889 3 891382731 +90 896 3 891382163 +90 903 4 891383319 +90 904 3 891382121 +90 905 4 891383319 +90 906 2 891382240 +90 923 5 891383912 +90 942 4 891385165 +90 945 5 891383866 +90 954 4 891385522 +90 958 4 891383561 +90 962 2 891384721 +90 964 5 891385843 +90 965 5 891383561 +90 966 5 891385843 +90 971 4 891385250 +90 972 4 891384476 +90 990 3 891382522 +90 995 4 891382708 +90 1005 2 891383912 +90 1020 5 891384997 +90 1039 5 891383599 +90 1045 2 891385843 +90 1048 4 891385132 +90 1097 4 891384885 +90 1101 4 891384570 +90 1109 3 891385652 +90 1125 4 891384611 +90 1134 3 891385752 +90 1136 3 891385899 +90 1137 2 891384516 +90 1192 5 891384673 +90 1193 4 891384789 +90 1194 4 891383718 +90 1195 5 891384789 +90 1196 4 891383599 +90 1197 4 891384476 +90 1199 5 891385652 +90 1200 4 891384066 +90 1201 5 891383687 +90 1202 5 891385132 +90 1203 5 891385466 +90 1204 4 891384959 +90 1205 3 891383687 +90 1206 2 891383912 +91 22 5 891439208 +91 31 5 891438875 +91 50 5 891439386 +91 56 1 891439057 +91 64 4 891439243 +91 69 5 891439057 +91 79 5 891439018 +91 82 5 891439386 +91 97 5 891438947 +91 98 5 891439130 +91 99 2 891439386 +91 127 5 891439018 +91 131 2 891439471 +91 132 3 891439503 +91 134 4 891439353 +91 135 4 891439302 +91 136 4 891438909 +91 143 4 891439386 +91 161 3 891439353 +91 174 5 891439090 +91 176 5 891439130 +91 181 5 891439243 +91 182 4 891439439 +91 183 5 891438909 +91 187 5 891438908 +91 192 4 891439302 +91 195 5 891439057 +91 204 4 891438909 +91 205 5 891438947 +91 210 5 891439208 +91 211 2 891439208 +91 230 4 891439560 +91 234 5 891439503 +91 265 5 891439018 +91 289 4 891438553 +91 294 3 891438288 +91 300 4 891438004 +91 313 4 891437978 +91 318 5 891439090 +91 322 4 891438397 +91 326 3 891438245 +91 327 4 891438351 +91 328 4 891438245 +91 331 5 891438245 +91 333 5 891438106 +91 338 4 891438529 +91 343 4 891438151 +91 351 4 891438617 +91 357 5 891439271 +91 389 2 891439130 +91 418 2 891439503 +91 429 4 891439324 +91 435 4 891439353 +91 474 3 891438947 +91 479 4 891439208 +91 482 3 891439208 +91 483 4 891439208 +91 484 4 891438977 +91 495 4 891439171 +91 498 3 891439271 +91 501 2 891439130 +91 504 3 891439471 +91 510 3 891439090 +91 511 5 891439243 +91 515 5 891439090 +91 520 4 891439414 +91 526 4 891439471 +91 527 4 891439057 +91 529 4 891438977 +91 568 2 891439018 +91 601 4 891439171 +91 603 5 891439171 +91 612 4 891439471 +91 614 4 891439018 +91 616 4 891439439 +91 618 3 891438875 +91 651 5 891439057 +91 657 4 891439130 +91 662 4 891439439 +91 682 2 891438184 +91 689 5 891438617 +91 735 4 891439503 +91 748 2 891438314 +91 750 5 891438209 +91 988 2 891438583 +91 1050 3 891439414 +91 1126 1 891439301 +91 1192 4 891439243 +92 1 4 875810511 +92 2 3 875653699 +92 4 4 875654222 +92 5 4 875654432 +92 7 4 876175754 +92 8 5 875654159 +92 9 4 875640148 +92 11 4 875653363 +92 12 5 875652934 +92 13 4 886443292 +92 15 3 875640189 +92 22 3 875653121 +92 24 3 875640448 +92 25 3 875640072 +92 28 3 875653050 +92 29 3 875656624 +92 31 4 875654321 +92 32 3 875653363 +92 38 3 875657640 +92 39 3 875656419 +92 40 3 875656164 +92 42 4 875653664 +92 43 3 875813314 +92 44 3 875906989 +92 46 4 875653867 +92 47 4 875654732 +92 48 4 875653307 +92 49 3 875907416 +92 50 5 875640148 +92 51 4 875812305 +92 53 3 875656392 +92 54 3 875656624 +92 55 3 875654245 +92 56 5 875653271 +92 58 4 875653836 +92 62 3 875660468 +92 63 3 875907504 +92 64 4 875653519 +92 65 4 875653960 +92 66 3 875812279 +92 67 3 875907436 +92 68 3 875653699 +92 69 5 875653198 +92 71 5 875654888 +92 72 3 875658159 +92 73 3 875656474 +92 78 3 876175191 +92 79 4 875653198 +92 80 2 875907504 +92 81 3 875654929 +92 82 2 875654846 +92 85 3 875812364 +92 87 3 876175077 +92 88 3 875656349 +92 89 5 875652981 +92 91 3 875660164 +92 92 4 875654846 +92 93 4 886444049 +92 94 3 875812876 +92 95 3 875653664 +92 96 4 875656025 +92 98 5 875652934 +92 100 5 875640294 +92 101 2 875656624 +92 102 2 875813376 +92 106 3 875640609 +92 108 2 886443416 +92 109 3 886443351 +92 111 3 875641135 +92 115 3 875654125 +92 116 3 875640251 +92 117 4 875640214 +92 118 2 875640512 +92 120 2 875642089 +92 121 5 875640679 +92 122 3 875907535 +92 123 2 875640251 +92 124 4 886440530 +92 125 4 876175004 +92 129 4 886443161 +92 132 3 875812211 +92 134 4 875656623 +92 135 4 875652981 +92 143 3 875653960 +92 144 4 875810741 +92 145 2 875654929 +92 147 2 875640542 +92 148 2 877383934 +92 149 3 886443494 +92 153 4 875653605 +92 154 4 875657681 +92 155 2 875654888 +92 156 4 875656086 +92 157 4 875653988 +92 159 4 875810543 +92 160 4 875654125 +92 161 2 875654125 +92 164 4 875656201 +92 167 3 875656557 +92 169 5 875653121 +92 171 4 875652981 +92 173 3 875656535 +92 174 5 875654189 +92 175 4 875653549 +92 176 5 875652981 +92 179 5 875653077 +92 180 5 875653016 +92 181 4 876175052 +92 182 4 875653836 +92 183 4 875653960 +92 184 3 877383934 +92 186 4 875653960 +92 189 4 875653519 +92 190 4 876174729 +92 191 4 875653050 +92 193 4 875654222 +92 195 5 875652981 +92 196 4 875654222 +92 198 5 875653016 +92 199 3 875811628 +92 200 3 875811717 +92 201 3 875654159 +92 202 3 875653805 +92 203 4 875653699 +92 204 4 875653913 +92 208 4 875656288 +92 209 5 875652934 +92 210 4 875653519 +92 212 4 875656086 +92 214 4 875654732 +92 215 4 875656419 +92 216 3 875653867 +92 217 3 875657595 +92 218 4 875654846 +92 219 4 875654888 +92 220 1 875644796 +92 222 4 886440557 +92 223 5 875653723 +92 225 3 875640740 +92 226 3 875813412 +92 227 1 875654846 +92 228 4 875653867 +92 230 3 875656055 +92 231 3 875654732 +92 233 3 875654732 +92 234 4 875654297 +92 235 3 875640338 +92 237 4 875640318 +92 238 5 875654159 +92 239 4 875654125 +92 240 2 875640189 +92 241 3 875655961 +92 243 1 875644795 +92 245 4 877966971 +92 246 4 890251289 +92 248 4 886442565 +92 249 3 886443192 +92 250 4 890251534 +92 252 4 886443582 +92 257 2 875640273 +92 258 4 886440479 +92 260 1 890463551 +92 265 4 875657620 +92 268 4 890251912 +92 271 2 880149111 +92 273 4 875640214 +92 274 4 876175626 +92 276 5 875640251 +92 278 3 876175640 +92 281 3 875812331 +92 282 4 876769303 +92 284 2 876175733 +92 288 3 878679005 +92 289 3 875641367 +92 291 4 886443277 +92 294 3 875640679 +92 295 2 886442386 +92 304 4 888469716 +92 307 4 892655699 +92 313 5 887042925 +92 318 2 875653307 +92 322 3 890251700 +92 328 3 888469687 +92 356 3 875813171 +92 363 3 886443455 +92 364 3 875907702 +92 367 3 875654533 +92 368 1 886443672 +92 369 3 886443672 +92 370 1 875644796 +92 376 3 875907366 +92 382 4 875656317 +92 383 1 876175191 +92 385 4 875653665 +92 386 3 875907727 +92 393 3 875660494 +92 396 3 875654733 +92 401 3 875907535 +92 402 3 875813098 +92 403 4 875654189 +92 405 2 875644795 +92 406 2 881008058 +92 408 4 876175704 +92 409 3 890251791 +92 410 3 875640583 +92 411 4 875640189 +92 412 2 875640609 +92 418 3 875653769 +92 421 4 875654534 +92 423 3 875655990 +92 425 4 875812898 +92 428 4 875653519 +92 431 4 875660164 +92 432 3 876175031 +92 433 5 875654665 +92 436 4 875654534 +92 449 3 875812511 +92 450 2 875907134 +92 451 3 875660083 +92 452 2 875906828 +92 453 1 875906882 +92 455 2 876769302 +92 456 2 888469668 +92 463 4 875656623 +92 466 4 875811549 +92 471 4 875640385 +92 474 4 875653519 +92 475 5 875640148 +92 476 2 886443602 +92 500 4 883433734 +92 504 3 875653050 +92 508 5 886443416 +92 515 4 875640800 +92 518 5 875653579 +92 521 4 875813412 +92 527 3 875653549 +92 528 4 875657681 +92 531 4 875653121 +92 540 2 875813197 +92 546 2 875640512 +92 551 2 875906882 +92 552 3 875907078 +92 554 2 875907180 +92 558 3 875906765 +92 559 3 875660304 +92 561 3 875812413 +92 566 4 875658112 +92 568 3 875654590 +92 575 2 875907763 +92 576 2 875813171 +92 577 3 875907649 +92 581 4 875654189 +92 582 5 875641516 +92 583 3 875907134 +92 591 4 875640294 +92 595 3 886443534 +92 596 2 886443161 +92 597 2 886443328 +92 619 4 875640487 +92 620 3 875813224 +92 627 3 875654159 +92 628 4 875639823 +92 631 4 875658112 +92 636 3 875812064 +92 640 5 875653579 +92 642 3 875654929 +92 651 4 875653271 +92 655 4 875654533 +92 658 3 875654353 +92 660 4 875654125 +92 663 4 875653914 +92 665 3 875906853 +92 672 3 875660028 +92 673 4 875656392 +92 674 4 875906853 +92 678 2 875641428 +92 679 4 875660468 +92 684 3 875656502 +92 685 3 875640708 +92 692 4 875653805 +92 702 3 875656054 +92 704 3 875812121 +92 707 4 875653162 +92 708 4 875654432 +92 709 2 875654590 +92 712 3 875656392 +92 715 4 875656288 +92 717 3 886443416 +92 720 3 875813022 +92 722 3 875907596 +92 725 3 875907727 +92 727 4 875653242 +92 728 3 875907574 +92 729 4 875656624 +92 731 4 875653769 +92 732 3 875812841 +92 735 3 875656121 +92 737 4 875654125 +92 742 3 886443192 +92 743 2 890251826 +92 747 4 875656164 +92 748 3 892655791 +92 755 3 875656055 +92 756 3 886443582 +92 758 1 875644796 +92 761 2 875907134 +92 763 3 886443192 +92 771 1 875907180 +92 778 4 875811457 +92 780 3 875660494 +92 781 3 875907649 +92 783 3 875907574 +92 785 3 875660304 +92 789 5 875653242 +92 790 3 875907618 +92 800 3 875906802 +92 802 2 875907134 +92 820 1 875644796 +92 823 4 875654846 +92 825 4 875640487 +92 826 2 886443534 +92 831 2 886443708 +92 834 1 875906882 +92 841 3 886443455 +92 845 3 886442565 +92 846 3 886443471 +92 855 5 875653162 +92 922 1 875644796 +92 925 3 875640214 +92 926 3 875640542 +92 928 3 886443582 +92 930 2 886443582 +92 931 1 875644796 +92 934 2 875639642 +92 947 4 875654929 +92 949 3 875653664 +92 955 4 875658312 +92 961 4 875811128 +92 963 5 875652981 +92 974 2 886443626 +92 977 2 886443494 +92 980 3 883433686 +92 984 2 888469687 +92 986 2 890251716 +92 993 4 890251516 +92 998 2 875907649 +92 1011 3 886443471 +92 1012 4 886443231 +92 1014 3 890251484 +92 1016 2 875640582 +92 1018 4 875653769 +92 1023 2 892655775 +92 1028 2 876769174 +92 1033 2 890251592 +92 1037 2 875907702 +92 1040 3 876175658 +92 1041 3 875907675 +92 1042 3 875907079 +92 1046 3 875812841 +92 1047 1 875644796 +92 1052 2 890251841 +92 1073 5 875653271 +92 1074 3 875907535 +92 1090 3 875907079 +92 1095 2 886443728 +92 1142 4 886442422 +92 1157 2 875812435 +92 1194 4 875654432 +92 1207 3 875907179 +92 1208 4 875812741 +92 1209 1 875660468 +92 1210 1 875907179 +92 1211 3 876175395 +92 1212 3 876175626 +92 1213 2 875907079 +92 1214 2 876174925 +92 1215 2 890251747 +92 1216 4 886442386 +93 1 5 888705321 +93 14 4 888705200 +93 118 3 888705416 +93 121 3 888705053 +93 125 1 888705416 +93 151 1 888705360 +93 276 2 888705257 +93 283 4 888705146 +93 866 2 888705780 +93 934 3 888705988 +94 1 4 885870323 +94 4 4 891721168 +94 7 4 885873089 +94 8 5 885873653 +94 9 5 885872684 +94 11 5 885870231 +94 12 4 886008625 +94 17 2 891721494 +94 22 4 885872758 +94 23 5 885870284 +94 24 4 885873423 +94 25 3 891724142 +94 28 4 885873159 +94 29 2 891723883 +94 31 4 891721286 +94 32 5 891721851 +94 33 3 891721919 +94 34 1 891723558 +94 38 2 891722482 +94 39 3 891721317 +94 41 3 891723355 +94 42 4 885870577 +94 45 5 886008764 +94 47 5 891720498 +94 49 4 891722174 +94 50 5 891720996 +94 51 3 891721026 +94 52 5 891721026 +94 53 4 891721378 +94 54 4 891722432 +94 55 4 885873653 +94 56 5 891725331 +94 58 5 891720540 +94 61 5 891720761 +94 63 3 891723908 +94 64 5 885870362 +94 66 2 891721889 +94 67 3 891723296 +94 68 4 891722432 +94 69 3 885870057 +94 70 4 891722511 +94 71 4 891721642 +94 72 3 891723220 +94 76 4 891720827 +94 77 3 891721462 +94 79 4 885882967 +94 80 2 891723525 +94 81 4 885870577 +94 82 4 891721777 +94 83 4 885873653 +94 86 5 891720971 +94 88 3 891721942 +94 89 3 885870284 +94 90 3 891721889 +94 91 5 891722006 +94 92 4 891721142 +94 93 4 891724282 +94 94 2 891723883 +94 96 3 885872942 +94 97 4 891721317 +94 98 4 891721192 +94 99 3 891721815 +94 100 5 885872942 +94 101 2 891720996 +94 102 3 891721462 +94 109 4 891721974 +94 111 4 891721414 +94 118 3 891723295 +94 121 2 891721815 +94 125 1 891721851 +94 127 5 885870175 +94 132 4 891720862 +94 133 4 885882685 +94 134 5 886008885 +94 135 4 885870231 +94 142 3 891721749 +94 143 4 891722609 +94 144 3 891721168 +94 151 5 891721716 +94 153 5 891725333 +94 154 5 886008791 +94 155 2 891723807 +94 156 5 891725332 +94 157 5 891725332 +94 159 3 891723081 +94 160 4 891721942 +94 161 3 891721439 +94 164 3 891721528 +94 168 5 891721378 +94 170 5 891725362 +94 172 4 885870175 +94 173 4 885872758 +94 174 4 885870231 +94 175 4 885870613 +94 176 4 891720570 +94 177 5 885870284 +94 179 5 885870577 +94 180 5 885870284 +94 181 4 885872942 +94 182 5 885873089 +94 183 5 891720921 +94 185 5 885873684 +94 186 4 891722278 +94 187 4 885870362 +94 188 4 885870665 +94 190 5 885870231 +94 191 5 885870175 +94 192 4 891721142 +94 193 5 891720498 +94 194 4 885870284 +94 195 3 885870231 +94 196 4 891721462 +94 200 4 891721414 +94 201 4 891721378 +94 202 2 885873423 +94 203 5 885870577 +94 204 4 891721317 +94 206 4 891722843 +94 208 4 891720643 +94 209 5 886008301 +94 210 4 886008459 +94 211 5 891721142 +94 214 5 891725332 +94 215 4 891722174 +94 216 3 885870665 +94 217 4 891722646 +94 218 3 891721851 +94 219 4 891721528 +94 222 3 891721258 +94 223 5 891721286 +94 225 3 891722646 +94 226 2 891721238 +94 227 3 891722759 +94 228 4 891720996 +94 229 3 891722979 +94 230 2 891723124 +94 232 3 891721584 +94 233 3 891722934 +94 234 5 885882685 +94 235 4 891722980 +94 238 5 891721168 +94 241 4 891721716 +94 245 1 891724828 +94 246 4 891724064 +94 248 4 891724341 +94 250 4 891724257 +94 257 4 891724178 +94 258 5 891724044 +94 260 2 891725049 +94 268 4 891724925 +94 273 4 885872684 +94 274 4 891722511 +94 281 3 891722576 +94 282 3 891722758 +94 286 4 891724122 +94 288 3 885869993 +94 293 4 891724044 +94 302 4 891928684 +94 313 4 891724925 +94 317 5 885873653 +94 318 5 891721191 +94 328 3 891724990 +94 334 3 891725440 +94 338 4 891725030 +94 346 4 891725410 +94 347 5 891724950 +94 355 2 891725090 +94 356 4 891722646 +94 357 5 891720921 +94 365 3 891722383 +94 366 3 891722845 +94 367 4 891723328 +94 368 2 891724846 +94 369 1 891723459 +94 372 4 891723124 +94 380 3 891722760 +94 381 4 886008764 +94 385 2 891721975 +94 386 4 891722382 +94 390 5 891725333 +94 391 3 891723644 +94 392 3 891722646 +94 393 3 891721684 +94 399 4 891722802 +94 401 4 891722678 +94 402 4 891723261 +94 403 3 891723188 +94 404 4 891721615 +94 405 3 891721615 +94 410 4 891721494 +94 411 3 891724508 +94 412 2 891724485 +94 417 3 891722799 +94 418 3 891721317 +94 419 3 891721615 +94 420 4 891721317 +94 421 4 891721414 +94 423 4 885873302 +94 425 5 885870665 +94 428 5 891725332 +94 431 4 891721716 +94 432 4 885873089 +94 433 4 891721078 +94 435 4 885870418 +94 436 5 891721815 +94 443 4 891721439 +94 447 4 891721562 +94 448 5 891722939 +94 451 4 891723494 +94 455 3 891721777 +94 458 4 891722306 +94 464 5 885873302 +94 465 5 891721851 +94 467 4 885873423 +94 469 4 891721048 +94 470 4 891722006 +94 471 4 891721642 +94 472 3 891723707 +94 474 5 885870322 +94 475 5 885870362 +94 477 2 885870323 +94 483 5 885870115 +94 484 5 891720996 +94 496 3 885873159 +94 501 4 891721642 +94 504 5 885870612 +94 506 5 891721642 +94 508 5 891720712 +94 509 5 885873159 +94 510 5 885873089 +94 518 5 891720950 +94 525 5 891721439 +94 527 5 886008885 +94 528 5 885870323 +94 537 4 891722006 +94 541 3 891723525 +94 544 3 891721562 +94 546 3 891723296 +94 549 5 891721528 +94 550 1 891723033 +94 553 3 891722511 +94 556 3 891722882 +94 559 4 891721777 +94 561 3 891722882 +94 562 3 891721494 +94 566 2 891721815 +94 568 3 891721974 +94 569 1 891722980 +94 572 3 891723883 +94 576 2 891723593 +94 581 4 891722249 +94 583 3 891722174 +94 584 4 885872942 +94 585 3 891723494 +94 586 1 891723707 +94 587 4 891721078 +94 588 4 885873006 +94 589 5 891720786 +94 597 2 891723078 +94 603 4 891721414 +94 616 4 891720498 +94 622 3 891722609 +94 624 2 891723459 +94 625 4 891723086 +94 627 3 891722678 +94 629 4 891721286 +94 631 5 891720950 +94 636 4 891721351 +94 637 3 891723186 +94 642 4 891720590 +94 644 5 886008390 +94 646 5 885873006 +94 647 5 891720921 +94 650 5 885870612 +94 651 5 891725332 +94 652 4 891721167 +94 654 5 885872684 +94 655 4 891720862 +94 657 5 891720761 +94 658 3 891722533 +94 665 3 891723328 +94 670 3 891722249 +94 673 3 891721615 +94 674 3 891723748 +94 679 4 891722006 +94 684 4 891721615 +94 685 4 891722382 +94 686 4 891720540 +94 690 4 891928703 +94 692 4 891722249 +94 693 4 891720921 +94 696 4 891724381 +94 700 2 891723427 +94 703 3 891721562 +94 710 3 891721117 +94 715 4 891722278 +94 716 3 885873006 +94 721 2 891721078 +94 722 2 891723494 +94 723 3 891721851 +94 727 5 891722458 +94 728 2 891723748 +94 731 3 891723295 +94 732 3 891721216 +94 735 5 891721528 +94 736 5 891721077 +94 737 4 891723459 +94 738 2 891723558 +94 739 2 891723156 +94 741 4 891721352 +94 742 3 891722214 +94 746 4 891721716 +94 750 4 891725501 +94 763 3 891722006 +94 765 3 891723619 +94 768 3 891722609 +94 780 3 891723558 +94 783 2 891723495 +94 786 3 891723593 +94 792 4 885873006 +94 797 2 891723848 +94 800 3 891723296 +94 806 4 885873302 +94 808 2 891723931 +94 809 2 891723155 +94 810 3 891723076 +94 813 5 891720786 +94 820 1 891723186 +94 823 3 891722458 +94 824 4 891722882 +94 829 2 891724800 +94 860 2 891723706 +94 864 2 891723397 +94 921 5 891725332 +94 923 5 885882685 +94 928 3 891723774 +94 930 2 891724747 +94 932 2 891724691 +94 939 4 885873423 +94 942 4 891721749 +94 943 3 891722338 +94 944 1 891723619 +94 946 3 891723217 +94 949 5 885873160 +94 951 3 891722214 +94 959 5 891725332 +94 961 4 891721317 +94 969 4 891721026 +94 993 4 891724303 +94 997 4 891723190 +94 1004 3 891723593 +94 1007 4 891724282 +94 1009 4 891722845 +94 1010 4 891721117 +94 1011 4 891722214 +94 1012 4 891724100 +94 1014 4 891724256 +94 1028 2 891723395 +94 1032 2 891723807 +94 1044 4 891722555 +94 1045 4 891721815 +94 1046 2 891723262 +94 1048 4 891722678 +94 1058 4 891722609 +94 1065 4 885872942 +94 1073 5 891720540 +94 1074 2 891723427 +94 1089 2 891724829 +94 1091 3 891722306 +94 1101 3 891720590 +94 1110 4 891722801 +94 1118 4 891722482 +94 1119 4 891723261 +94 1135 4 891722646 +94 1140 2 891723328 +94 1147 4 886008354 +94 1153 4 891721777 +94 1188 3 891723525 +94 1199 3 891724798 +94 1206 3 891723593 +94 1209 2 891723459 +94 1210 3 891723558 +94 1211 5 891722458 +94 1218 4 891722511 +94 1219 4 891722306 +94 1221 3 891721216 +94 1222 3 891723848 +94 1223 4 891721494 +94 1225 3 891723262 +94 1226 4 891724081 +95 2 2 888955909 +95 3 1 879193881 +95 7 5 879197329 +95 8 5 879198262 +95 14 5 879197329 +95 15 4 879195062 +95 22 4 888953953 +95 24 3 879192542 +95 25 3 879192597 +95 26 3 880571951 +95 28 4 879197603 +95 31 4 888954513 +95 32 1 888954726 +95 33 3 880571704 +95 43 2 880572356 +95 48 4 879197500 +95 49 3 879198604 +95 50 5 879197329 +95 51 4 879198353 +95 52 4 879198800 +95 58 3 879197834 +95 62 4 879196354 +95 63 3 880572218 +95 64 5 879197685 +95 65 4 879197918 +95 67 2 879198109 +95 69 5 879198210 +95 70 4 880571951 +95 71 5 880573288 +95 72 2 880571389 +95 73 4 879198161 +95 77 4 880571746 +95 78 3 888956901 +95 79 4 879196231 +95 82 3 879196408 +95 83 5 880573288 +95 88 4 880571016 +95 89 3 879196353 +95 90 2 880572166 +95 91 5 880573288 +95 94 5 880573288 +95 95 3 879198109 +95 96 4 879196298 +95 97 4 879198652 +95 98 4 879197385 +95 99 4 888954699 +95 101 1 879198800 +95 102 4 880572474 +95 110 2 880572323 +95 111 4 879194012 +95 117 4 879193619 +95 121 4 879194114 +95 127 4 879195062 +95 128 3 879196354 +95 132 3 880570993 +95 133 3 888954341 +95 137 3 879192404 +95 139 4 880572250 +95 140 3 879199014 +95 141 4 888954631 +95 142 4 880572249 +95 143 4 880571951 +95 144 5 879197329 +95 151 4 879193353 +95 153 5 879197022 +95 161 3 879196298 +95 168 4 879197970 +95 170 5 880573288 +95 173 5 879198547 +95 174 5 879196231 +95 175 5 879197603 +95 176 3 879196298 +95 177 3 879196408 +95 178 5 879197652 +95 179 3 880570909 +95 180 3 880570852 +95 181 4 879193353 +95 182 2 879198210 +95 183 5 879197329 +95 185 3 879197886 +95 186 5 880573288 +95 188 3 879196354 +95 190 4 888954513 +95 191 5 879198161 +95 193 3 879198482 +95 194 5 879197603 +95 195 5 879196231 +95 196 4 879198354 +95 197 4 888954243 +95 198 5 880570823 +95 199 5 880570964 +95 200 2 888954552 +95 202 4 879198209 +95 203 3 879198888 +95 204 5 879197562 +95 205 3 888954412 +95 207 5 880571164 +95 208 4 879198353 +95 209 4 879197021 +95 210 5 879196566 +95 211 3 879197652 +95 215 4 879198109 +95 216 5 880573287 +95 219 4 880572658 +95 226 4 879196513 +95 227 2 880572356 +95 228 4 879196231 +95 229 3 879196408 +95 232 4 879196513 +95 234 2 879197886 +95 237 2 879192708 +95 238 5 880570823 +95 239 3 879198262 +95 241 3 879196408 +95 250 4 882803989 +95 257 5 879197329 +95 265 3 879196513 +95 274 4 879193881 +95 275 3 879192819 +95 282 4 880573506 +95 286 5 879193353 +95 289 2 879191590 +95 290 3 879193973 +95 294 2 884266083 +95 328 5 888953921 +95 356 4 880571117 +95 357 4 879198317 +95 366 4 880572628 +95 371 2 888955909 +95 378 4 888954699 +95 381 4 880571678 +95 385 4 879196408 +95 386 2 880572356 +95 389 4 880572388 +95 391 2 879196566 +95 392 3 880571428 +95 393 5 880571678 +95 395 3 888956928 +95 398 1 888956804 +95 399 4 880572449 +95 402 3 880571389 +95 403 1 879196457 +95 404 5 888954513 +95 405 3 879194159 +95 415 3 888956582 +95 416 4 888954961 +95 417 3 888956158 +95 419 4 879198547 +95 420 4 888956001 +95 422 2 888956665 +95 423 5 880571479 +95 431 3 879196629 +95 432 3 879197886 +95 433 4 880571950 +95 436 5 879198547 +95 443 3 879198747 +95 445 4 888956272 +95 447 2 880572166 +95 448 3 879197783 +95 449 3 879196665 +95 450 2 880572787 +95 451 3 880572249 +95 462 4 879197022 +95 463 5 880573287 +95 465 3 882803918 +95 471 5 884266051 +95 472 5 879197329 +95 473 4 879193353 +95 474 4 880570909 +95 483 3 879198697 +95 485 5 888954129 +95 491 4 879197783 +95 495 4 888954760 +95 496 4 879198746 +95 498 3 879197445 +95 505 3 888954513 +95 506 3 888954552 +95 507 4 880571226 +95 509 4 879197728 +95 510 4 879196188 +95 511 4 879196298 +95 514 2 888954076 +95 515 5 879197329 +95 518 4 888954076 +95 520 4 879197970 +95 523 4 879197562 +95 532 4 881011974 +95 539 4 884266022 +95 542 2 888954039 +95 550 4 879196748 +95 552 1 888956422 +95 554 3 879196748 +95 560 1 880572166 +95 566 2 879196594 +95 568 4 879196594 +95 573 1 888954808 +95 586 2 881599672 +95 588 3 879198800 +95 591 5 880573287 +95 596 2 879193651 +95 597 3 879194663 +95 622 4 880571678 +95 623 3 880572388 +95 627 4 880572288 +95 631 4 880573627 +95 636 1 879196566 +95 640 3 880571746 +95 648 3 888954170 +95 649 4 880571678 +95 650 4 880572132 +95 651 5 879196594 +95 655 4 879198109 +95 657 5 879198697 +95 660 5 880571456 +95 665 2 879196666 +95 671 3 880571045 +95 674 2 880572104 +95 675 2 888954310 +95 679 2 879196513 +95 683 4 879193353 +95 692 4 879198482 +95 699 2 882804187 +95 705 5 880570964 +95 707 3 880572009 +95 708 2 880571951 +95 712 2 888956400 +95 715 1 880572060 +95 716 3 879198109 +95 720 2 879196513 +95 728 3 882804159 +95 736 4 888954170 +95 737 3 879197021 +95 739 3 880572689 +95 742 4 879193512 +95 747 5 880573288 +95 768 1 888956272 +95 779 3 880572288 +95 781 2 880572495 +95 791 3 880572449 +95 815 3 879193708 +95 843 4 880572448 +95 855 3 888954609 +95 862 1 884266100 +95 878 1 881599623 +95 892 3 882803890 +95 946 3 888956489 +95 960 2 888954129 +95 968 5 880571117 +95 971 3 879198262 +95 976 2 879195703 +95 1018 3 879198946 +95 1047 3 879193881 +95 1090 1 888956869 +95 1091 3 880572658 +95 1101 2 879197970 +95 1116 4 888956137 +95 1126 4 879197445 +95 1133 3 880572416 +95 1188 2 880572787 +95 1206 4 888956137 +95 1219 1 888956489 +95 1221 4 880572448 +95 1222 2 880572602 +95 1227 2 880572581 +95 1228 3 880572689 +95 1229 2 879198800 +95 1230 1 888956901 +95 1231 1 880572787 +96 1 5 884403574 +96 7 5 884403811 +96 23 5 884403123 +96 42 1 884403214 +96 50 5 884402977 +96 56 5 884403336 +96 64 5 884403336 +96 79 4 884403500 +96 83 3 884403758 +96 89 5 884402896 +96 96 4 884403531 +96 98 5 884403214 +96 100 5 884403758 +96 127 5 884403214 +96 144 4 884403250 +96 170 5 884403866 +96 173 3 884402791 +96 174 5 884403020 +96 176 4 884403758 +96 181 5 884403687 +96 182 4 884402791 +96 183 4 884403123 +96 185 5 884403866 +96 187 5 884402791 +96 190 4 884402978 +96 194 2 884403392 +96 195 5 884403159 +96 196 4 884403057 +96 198 5 884403465 +96 200 5 884403215 +96 216 4 884403095 +96 234 4 884403336 +96 238 4 884403250 +96 265 5 884403758 +96 318 5 884403057 +96 423 5 884403057 +96 435 3 884403500 +96 445 4 884403095 +96 474 4 884403095 +96 478 2 884403123 +96 483 5 884403057 +96 486 3 884403392 +96 514 4 884402977 +96 525 2 884402860 +96 1154 5 884403993 +96 1232 5 884404017 +97 1 4 884238911 +97 7 5 884238939 +97 23 5 884239553 +97 28 5 884238778 +97 32 5 884239791 +97 69 5 884239616 +97 79 5 884238817 +97 82 4 884239552 +97 83 1 884238817 +97 96 5 884239712 +97 97 5 884239525 +97 100 2 884238778 +97 132 5 884238693 +97 133 1 884239655 +97 135 5 884238652 +97 153 5 884239686 +97 168 4 884238693 +97 169 5 884238887 +97 172 4 884238939 +97 173 3 884238728 +97 174 4 884238817 +97 175 5 884239616 +97 183 5 884238911 +97 186 3 884239574 +97 189 4 884238887 +97 191 5 884239472 +97 192 1 884238778 +97 193 4 884238997 +97 195 5 884238966 +97 197 3 884239655 +97 202 5 884239449 +97 204 5 884238966 +97 205 2 884238817 +97 208 5 884239744 +97 357 5 884239493 +97 408 5 884238652 +97 423 5 884239472 +97 428 4 884239553 +97 429 4 884238860 +97 430 5 884238693 +97 431 3 884239616 +97 432 4 884238997 +97 434 4 884239791 +97 435 4 884238752 +97 466 3 884239449 +97 496 2 884238693 +97 526 3 884239687 +97 603 4 884238817 +97 655 5 884238860 +97 661 5 884238817 +97 663 5 884239791 +97 919 5 884239616 +97 1126 3 884239687 +98 25 5 880499111 +98 88 3 880499087 +98 152 3 880498968 +98 168 2 880498834 +98 173 1 880498935 +98 194 5 880498898 +98 210 4 880498968 +98 211 4 880498797 +98 322 3 880498586 +98 428 5 880498834 +98 435 5 880498967 +98 502 2 880499053 +98 514 5 880498898 +98 523 5 880498967 +98 629 5 880499111 +98 659 5 880498861 +98 988 1 880498668 +99 1 4 886518459 +99 3 3 885679237 +99 7 4 885678784 +99 11 5 885680138 +99 12 5 885680458 +99 22 5 885679596 +99 25 3 885679025 +99 28 3 885680578 +99 56 5 885679833 +99 64 5 885680578 +99 66 3 886519047 +99 69 4 885679833 +99 92 4 885680837 +99 98 5 885679596 +99 100 5 885678813 +99 105 2 885679353 +99 107 3 885679138 +99 116 2 888469419 +99 117 5 885678784 +99 118 2 885679237 +99 120 2 885679472 +99 121 3 885679261 +99 123 3 885678997 +99 124 2 885678886 +99 125 4 885678840 +99 147 5 885678997 +99 168 5 885680374 +99 172 5 885679952 +99 173 4 885680062 +99 174 5 885679705 +99 181 5 885680138 +99 182 4 886518810 +99 196 4 885680578 +99 201 3 885680348 +99 203 4 885680723 +99 204 4 885679952 +99 210 5 885679705 +99 232 4 886519075 +99 237 5 885678886 +99 238 4 885680616 +99 240 4 885679279 +99 245 3 885678500 +99 255 3 888469419 +99 258 5 885678696 +99 265 3 885679833 +99 273 5 886780105 +99 275 1 888469419 +99 276 2 885678973 +99 282 3 885678753 +99 288 4 885678247 +99 290 4 886518628 +99 294 4 885678453 +99 300 4 885678397 +99 310 3 885678348 +99 312 2 885678576 +99 313 5 885678348 +99 315 4 885678479 +99 322 3 885678499 +99 326 3 885678267 +99 328 4 885678696 +99 329 4 886518562 +99 331 3 885678247 +99 332 3 885678348 +99 338 4 885678539 +99 342 1 885678348 +99 345 3 885678696 +99 346 4 885678415 +99 348 4 886518562 +99 354 2 888469332 +99 358 2 885678520 +99 363 4 885679262 +99 367 4 886519075 +99 369 4 885679382 +99 402 4 885680617 +99 405 4 885678813 +99 406 3 885679353 +99 409 2 885679411 +99 410 5 885679262 +99 413 3 885679299 +99 421 3 885680772 +99 433 4 886780105 +99 456 3 885679504 +99 471 4 885679091 +99 472 3 885679210 +99 473 4 885679353 +99 475 5 885678785 +99 508 4 885678840 +99 544 4 885679183 +99 546 4 885679353 +99 591 4 885678840 +99 595 4 885679504 +99 597 4 885679210 +99 619 4 885679091 +99 628 4 885678813 +99 651 5 885679833 +99 676 4 885678886 +99 678 2 885678479 +99 682 2 885678371 +99 685 3 885678840 +99 694 1 885680616 +99 741 3 885678886 +99 742 5 885679114 +99 748 4 885678436 +99 751 4 885678397 +99 762 2 885679411 +99 763 5 885679138 +99 780 5 886780007 +99 789 4 885680176 +99 815 2 885679237 +99 827 3 885679504 +99 829 4 885679382 +99 845 3 885679183 +99 871 2 885679411 +99 895 3 885678304 +99 926 3 885679437 +99 931 2 886780147 +99 963 3 885679998 +99 975 3 885679472 +99 978 3 885679382 +99 1047 4 885679472 +99 1048 4 885679411 +99 1052 1 885679533 +99 1067 4 885679437 +99 1079 3 885679504 +99 1119 4 885680348 +99 1132 4 885679319 +100 258 4 891374675 +100 269 4 891374641 +100 270 3 891375016 +100 271 3 891375260 +100 272 4 891375629 +100 286 3 891375629 +100 289 3 891375359 +100 292 2 891375146 +100 294 4 891375313 +100 300 4 891375112 +100 310 3 891375522 +100 313 5 891374706 +100 315 5 891375557 +100 316 5 891375313 +100 323 3 891375359 +100 326 3 891375630 +100 328 4 891375212 +100 333 3 891374528 +100 342 3 891375454 +100 346 3 891375630 +100 347 4 891375212 +100 348 3 891375630 +100 349 3 891375629 +100 678 3 891375428 +100 689 3 891375212 +100 690 4 891375629 +100 691 4 891375260 +100 751 4 891374868 +100 752 4 891375146 +100 874 1 891374868 +100 879 4 891374946 +100 880 1 891375260 +100 881 1 891375186 +100 885 2 891375359 +100 886 3 891375522 +100 887 2 891374868 +100 892 2 891375484 +100 895 2 891375212 +100 898 4 891375454 +100 900 4 891374832 +100 905 3 891375630 +100 908 1 891375068 +100 990 3 891375428 +100 1233 3 891375112 +100 1234 1 891375068 +100 1235 4 891375454 +100 1236 3 891375630 +100 1237 3 891375630 +100 1238 2 891375068 +101 1 3 877136039 +101 7 3 877135944 +101 24 4 877136391 +101 50 4 877135944 +101 109 2 877136360 +101 111 2 877136686 +101 117 4 877136067 +101 118 3 877136424 +101 121 4 877137015 +101 122 1 877136928 +101 123 2 877136186 +101 125 4 877137015 +101 147 4 877136506 +101 151 3 877136628 +101 181 4 877137015 +101 225 3 877136814 +101 237 5 877137015 +101 255 4 877137015 +101 257 4 877137015 +101 278 2 877136737 +101 280 3 877136039 +101 284 4 877136564 +101 288 4 877137015 +101 370 2 877136711 +101 411 2 877136891 +101 412 2 877136842 +101 472 3 877136711 +101 546 4 877137015 +101 595 2 877136391 +101 597 3 877136928 +101 717 3 877136928 +101 742 4 877136302 +101 756 3 877136424 +101 763 3 877136789 +101 815 3 877136392 +101 819 1 877136424 +101 820 3 877136954 +101 826 3 877136686 +101 831 3 877136954 +101 840 3 877136659 +101 841 2 877136763 +101 845 3 877136302 +101 846 3 877135914 +101 866 4 877137015 +101 924 4 877136535 +101 926 3 877136628 +101 928 2 877136302 +101 975 2 877136659 +101 979 2 877136711 +101 1009 2 877136598 +101 1028 3 877136449 +101 1034 2 877136686 +101 1047 2 877136424 +101 1051 2 877136891 +101 1057 2 877136789 +101 1093 1 877136360 +101 1132 3 877136954 +102 1 3 883748352 +102 2 2 888801522 +102 4 2 888801522 +102 5 3 888803002 +102 7 2 888801407 +102 11 3 888801232 +102 13 3 892991118 +102 29 1 888802677 +102 38 2 888801622 +102 47 2 888803636 +102 49 2 892992129 +102 50 4 888801315 +102 53 2 888801577 +102 55 3 888801465 +102 56 3 888801360 +102 62 3 888801812 +102 66 3 892992129 +102 67 1 892993706 +102 68 2 888801673 +102 72 3 888803602 +102 73 3 892992297 +102 79 2 888801316 +102 82 2 888801360 +102 83 3 888803487 +102 88 3 892991311 +102 89 4 888801315 +102 91 3 883748488 +102 94 2 892993545 +102 95 4 883748488 +102 96 3 888801316 +102 98 4 888802939 +102 99 2 883748488 +102 101 4 883748488 +102 102 3 883748488 +102 117 3 888801232 +102 118 3 888801465 +102 121 3 888801673 +102 127 2 888801316 +102 144 3 888801360 +102 153 2 892991376 +102 154 3 888803708 +102 163 2 892993190 +102 164 3 888803002 +102 167 2 892993927 +102 168 3 888803537 +102 172 3 888801232 +102 173 3 888803602 +102 174 4 888801360 +102 175 4 892991117 +102 176 3 888801360 +102 181 2 888801406 +102 182 3 889362833 +102 183 4 888801360 +102 184 2 888801465 +102 185 3 888802940 +102 186 4 888803487 +102 187 3 888801232 +102 188 2 888801812 +102 194 3 888803537 +102 195 4 888801360 +102 200 3 888803051 +102 201 2 888803051 +102 202 4 892991269 +102 204 4 888803487 +102 208 4 888803537 +102 210 3 888801522 +102 211 3 892993190 +102 217 2 888803149 +102 218 3 888803002 +102 219 2 888803149 +102 222 3 888801406 +102 226 2 888801673 +102 227 4 888801673 +102 228 4 888801465 +102 229 3 888801623 +102 230 2 888801232 +102 231 2 888802319 +102 233 3 888801622 +102 234 3 888802940 +102 235 3 892993605 +102 239 3 888804089 +102 241 3 888802038 +102 245 3 883748222 +102 248 3 877915935 +102 258 4 875886337 +102 260 2 883277645 +102 264 2 883277645 +102 265 3 888801622 +102 269 2 891427996 +102 271 2 888781860 +102 272 3 888112484 +102 273 3 888801465 +102 286 3 883277645 +102 288 2 887051621 +102 294 2 883277645 +102 298 3 875886827 +102 300 3 875886434 +102 301 3 885697464 +102 302 3 880680541 +102 307 4 883748222 +102 313 3 887048184 +102 316 3 889362833 +102 319 4 875886434 +102 326 3 879082298 +102 327 2 884870872 +102 328 2 883277645 +102 332 3 883277920 +102 334 2 888295889 +102 338 2 887051723 +102 350 3 892990700 +102 358 3 888957092 +102 363 2 888801622 +102 373 2 888802508 +102 384 2 892993827 +102 385 3 888801577 +102 386 2 892993735 +102 391 2 888802767 +102 393 3 892993302 +102 396 2 892993735 +102 399 2 888802722 +102 403 3 888801812 +102 409 2 892993855 +102 411 2 892993786 +102 418 3 883748450 +102 431 3 888801407 +102 432 3 883748418 +102 435 3 888801315 +102 436 2 888803051 +102 443 3 888803148 +102 444 1 888803245 +102 445 2 888803148 +102 447 4 888803002 +102 449 4 888802176 +102 450 1 888802768 +102 476 3 892993827 +102 501 2 883748418 +102 502 3 888803738 +102 510 4 888801316 +102 511 3 888801407 +102 522 3 888803487 +102 530 3 888801577 +102 541 2 888801673 +102 546 3 888801876 +102 548 2 885126313 +102 550 2 888801812 +102 554 2 888801577 +102 559 3 888803052 +102 565 2 888803395 +102 566 2 888801876 +102 568 2 888801232 +102 576 2 888802722 +102 577 3 892993895 +102 578 2 888801876 +102 588 4 883748450 +102 596 2 883748352 +102 597 3 888801673 +102 612 4 879082395 +102 629 3 888803488 +102 635 2 888803148 +102 636 3 888801577 +102 650 3 888801063 +102 652 2 892992129 +102 655 3 888803802 +102 663 3 892993190 +102 665 1 888802319 +102 667 3 888803002 +102 671 3 888803002 +102 672 1 888803148 +102 675 3 888802940 +102 684 2 888802176 +102 685 3 888801876 +102 686 3 888801673 +102 689 3 883277481 +102 720 2 888801812 +102 732 3 888804089 +102 734 2 892993786 +102 746 2 892993190 +102 748 3 888800994 +102 751 3 885100000 +102 760 1 888803245 +102 771 2 888802508 +102 778 3 892991448 +102 785 2 892991376 +102 792 3 892992297 +102 797 2 888802722 +102 809 3 888802768 +102 810 2 888802508 +102 827 2 888802722 +102 831 2 888802508 +102 840 2 888802508 +102 841 2 888802319 +102 856 2 892993927 +102 866 2 892993545 +102 879 3 879443144 +102 892 2 883278138 +102 930 2 888802677 +102 947 3 888801360 +102 986 1 888802319 +102 993 2 883748352 +102 1025 2 883278200 +102 1030 1 892994075 +102 1052 2 892993983 +102 1076 2 883748527 +102 1228 1 888802508 +102 1239 2 888802319 +102 1240 2 883748450 +103 56 5 880416602 +103 69 3 880420585 +103 96 4 880422009 +103 98 3 880420565 +103 118 3 880420002 +103 181 4 880415875 +103 204 3 880423118 +103 211 3 880420565 +103 234 3 880420353 +103 250 4 880415918 +103 252 2 880420020 +103 255 5 880416423 +103 257 3 880415892 +103 294 4 880416515 +103 301 4 880416704 +103 405 3 880416424 +103 471 4 880416921 +103 487 4 880421001 +103 1089 1 880420178 +104 3 3 888465739 +104 7 3 888465972 +104 9 2 888465201 +104 10 2 888465413 +104 13 3 888465634 +104 15 5 888465413 +104 25 3 888465634 +104 50 5 888465972 +104 100 4 888465166 +104 111 1 888465675 +104 121 2 888466002 +104 122 3 888465739 +104 124 2 888465226 +104 126 4 888465513 +104 127 3 888465201 +104 130 1 888465554 +104 147 3 888466002 +104 150 5 888465225 +104 181 5 888465972 +104 222 3 888465319 +104 235 2 888465675 +104 237 3 888465263 +104 245 2 888442404 +104 246 3 888465319 +104 248 2 888465604 +104 249 3 888465675 +104 250 3 888465972 +104 255 1 888465604 +104 257 4 888465582 +104 258 3 888442249 +104 268 3 888442172 +104 269 5 888441878 +104 270 4 888442337 +104 271 1 888442370 +104 272 4 888441878 +104 273 3 888465972 +104 276 4 888465290 +104 282 3 888465166 +104 283 4 888465582 +104 286 1 888442304 +104 288 2 888442140 +104 289 4 888442112 +104 290 4 888465739 +104 293 3 888465166 +104 294 3 888442404 +104 302 5 888441877 +104 307 2 888442249 +104 310 2 888442275 +104 311 1 888442112 +104 312 3 888442485 +104 313 4 888441878 +104 316 4 888442461 +104 324 1 888442404 +104 325 1 888442552 +104 327 2 888442202 +104 328 3 888442249 +104 330 1 888442530 +104 331 3 888442140 +104 332 2 888442305 +104 333 2 888442305 +104 340 3 888441878 +104 342 3 888442437 +104 345 4 888442171 +104 346 3 888442172 +104 347 2 888442140 +104 354 3 888442202 +104 405 3 888466028 +104 407 2 888465936 +104 411 1 888465739 +104 412 3 888465900 +104 456 3 888465853 +104 471 3 888465290 +104 475 4 888465582 +104 508 2 888465201 +104 534 2 888465554 +104 544 3 888465413 +104 546 1 888465491 +104 591 4 888465263 +104 628 4 888465347 +104 678 2 888442404 +104 713 3 888465491 +104 744 1 888465413 +104 748 2 888442461 +104 750 5 888442171 +104 751 4 888442337 +104 823 1 888465554 +104 825 1 888466028 +104 827 2 888466086 +104 840 1 888466086 +104 845 3 888465634 +104 847 2 888465263 +104 871 2 888465853 +104 895 2 888442507 +104 926 1 888465936 +104 1011 3 888465201 +104 1012 4 888465708 +104 1017 1 888465634 +104 1028 2 888465818 +104 1115 4 888465263 +104 1226 3 888465347 +104 1241 1 888465379 +105 264 2 889214491 +105 269 4 889214193 +105 271 2 889214245 +105 302 5 889214193 +105 313 5 889214193 +105 327 4 889214406 +105 340 3 889214245 +105 343 2 889214524 +105 347 3 889214334 +105 690 3 889214306 +105 748 2 889214406 +105 751 2 889214381 +105 880 3 889214335 +106 1 4 881449487 +106 8 4 881452405 +106 9 4 883876572 +106 12 4 881451234 +106 14 4 881449486 +106 15 3 883876518 +106 22 4 881449830 +106 25 4 881451016 +106 28 4 881451144 +106 45 3 881453290 +106 48 3 881453290 +106 59 4 881453318 +106 64 4 881449830 +106 69 4 881449886 +106 70 3 881452355 +106 77 4 881451716 +106 82 3 881453290 +106 86 3 881451355 +106 88 3 881453097 +106 97 5 881450810 +106 100 3 881449487 +106 161 3 881452816 +106 162 5 881450758 +106 165 5 881450536 +106 191 5 881451453 +106 194 5 881450758 +106 196 5 881450578 +106 210 4 881450810 +106 211 4 881452532 +106 216 5 881452998 +106 223 4 881450440 +106 244 4 883877094 +106 273 3 881453290 +106 274 3 883876146 +106 275 4 883877219 +106 280 2 883876680 +106 285 4 883876206 +106 286 4 881449486 +106 313 4 888706075 +106 318 5 881449830 +106 463 3 881453413 +106 495 4 881451016 +106 566 4 881452711 +106 584 4 881453481 +106 647 3 881450440 +106 684 4 881452763 +106 699 4 881451421 +106 712 3 881452599 +106 739 3 881453290 +106 923 4 881453355 +106 956 3 881453290 +106 1028 3 883876085 +106 1115 4 883876833 +106 1242 4 881516731 +107 259 2 891264630 +107 264 3 891264598 +107 286 2 891264266 +107 288 3 891264432 +107 312 4 891264535 +107 313 2 891264266 +107 322 1 891264535 +107 323 1 891264566 +107 325 3 891264659 +107 327 3 891264501 +107 902 5 891264501 +107 1243 3 891264466 +108 1 4 879879720 +108 7 5 879879812 +108 10 5 879879834 +108 14 5 879879720 +108 21 3 879880141 +108 124 4 879879757 +108 127 4 879879720 +108 137 5 879879941 +108 222 2 879879720 +108 252 3 879879961 +108 255 2 879880094 +108 281 4 879879985 +108 284 3 879879911 +108 294 4 879879662 +108 304 3 879879662 +108 319 5 879879662 +108 405 3 879880157 +108 471 2 879880076 +108 515 5 879879941 +108 718 4 879879985 +108 740 3 879880055 +108 748 3 879879662 +108 931 2 879880190 +109 4 2 880572756 +109 5 3 880580637 +109 7 4 880563080 +109 9 3 880564607 +109 11 4 880572786 +109 12 4 880577542 +109 15 4 880577868 +109 17 4 880582132 +109 22 4 880572950 +109 25 4 880571741 +109 28 3 880572721 +109 29 3 880582783 +109 31 4 880577844 +109 42 1 880572756 +109 50 5 880563331 +109 53 4 880583336 +109 54 3 880578286 +109 55 2 880572756 +109 56 5 880577804 +109 58 4 880572950 +109 62 3 880578711 +109 63 3 880582679 +109 64 2 880572560 +109 67 5 880580719 +109 68 3 880582469 +109 69 4 880572561 +109 70 4 880578038 +109 71 4 880578066 +109 72 5 880577892 +109 77 4 880578388 +109 79 5 880572721 +109 81 2 880580030 +109 82 5 880572680 +109 88 4 880581942 +109 89 4 880573263 +109 90 3 880583192 +109 91 4 880582384 +109 94 4 880579787 +109 95 4 880572721 +109 96 5 880572614 +109 98 4 880572755 +109 100 4 880563080 +109 101 1 880578186 +109 111 4 880564570 +109 117 5 880564457 +109 118 3 880571801 +109 121 5 880571741 +109 122 2 880583493 +109 125 5 880564534 +109 131 1 880579757 +109 144 4 880572560 +109 147 4 880564679 +109 151 5 880571661 +109 154 2 880578121 +109 156 5 880573084 +109 157 4 880577961 +109 158 1 880579916 +109 159 4 880578121 +109 161 3 880572756 +109 162 2 880578358 +109 164 5 880578066 +109 168 3 880577734 +109 172 5 880572528 +109 173 5 880572786 +109 174 5 880572721 +109 175 1 880577734 +109 176 5 880577868 +109 177 4 880578358 +109 179 4 880577961 +109 180 3 880581127 +109 181 5 880563471 +109 183 5 880572528 +109 186 3 880572786 +109 191 4 880577844 +109 195 5 880578038 +109 196 4 880578358 +109 200 2 880577734 +109 202 5 880578632 +109 204 4 880577844 +109 209 1 880572756 +109 210 5 880573084 +109 211 5 880578230 +109 214 1 880577604 +109 215 3 880578598 +109 216 3 880572891 +109 218 4 880578633 +109 222 4 880563471 +109 223 4 880572588 +109 226 5 880578503 +109 227 5 880579417 +109 228 5 880577604 +109 229 5 880578632 +109 230 5 880579107 +109 231 3 880582976 +109 233 4 880578502 +109 234 4 880578286 +109 237 4 880571770 +109 238 2 880580637 +109 239 4 880578632 +109 245 3 880562908 +109 248 2 880564415 +109 250 2 880563471 +109 252 5 880571629 +109 257 5 880563331 +109 258 5 880562908 +109 265 5 880578185 +109 278 3 880571770 +109 281 2 880571919 +109 282 3 880564678 +109 288 5 880562908 +109 291 3 880571801 +109 294 4 880562908 +109 295 4 880564707 +109 317 2 880573085 +109 318 4 880572680 +109 322 2 880562908 +109 323 3 880562908 +109 332 3 880562908 +109 356 4 880578711 +109 357 2 880572528 +109 358 2 880562908 +109 365 4 880581817 +109 367 3 880578121 +109 373 5 880583241 +109 380 5 880578093 +109 385 4 880577961 +109 386 1 880579916 +109 388 5 880583308 +109 391 2 880581127 +109 392 3 880579237 +109 393 4 880579237 +109 395 3 880583672 +109 403 5 880581719 +109 405 5 880564640 +109 409 2 880571920 +109 410 1 880564534 +109 411 4 880572296 +109 413 3 880572382 +109 423 4 880577514 +109 425 2 880582317 +109 431 3 880578186 +109 441 2 880582633 +109 449 5 880581987 +109 451 5 880583192 +109 452 2 880583753 +109 472 2 880571715 +109 476 3 880571831 +109 508 4 880571629 +109 520 5 880572642 +109 527 3 880577604 +109 531 4 880578066 +109 542 3 880582045 +109 545 2 880583493 +109 546 3 880571979 +109 550 5 880579107 +109 552 2 880582414 +109 559 3 880579709 +109 564 3 880582633 +109 568 5 880578186 +109 572 3 880583308 +109 576 3 880580663 +109 584 2 880581127 +109 588 4 880578388 +109 595 3 880572108 +109 597 2 880571715 +109 627 5 880582133 +109 628 2 880564640 +109 636 5 880581817 +109 655 3 880577735 +109 665 5 880582384 +109 672 2 880582045 +109 679 3 880578093 +109 715 2 880583519 +109 722 3 880583493 +109 732 3 880572588 +109 735 5 880577989 +109 739 4 880579107 +109 742 5 880564457 +109 748 3 880562908 +109 755 5 880578814 +109 762 3 880571831 +109 763 2 880571715 +109 790 2 880580662 +109 796 3 880582856 +109 797 3 880582856 +109 809 4 880582945 +109 810 3 880583410 +109 820 3 880572382 +109 823 3 880572296 +109 826 3 880572064 +109 831 2 880572296 +109 834 3 880583308 +109 845 4 880571684 +109 849 2 880582384 +109 866 4 880571872 +109 871 2 880572350 +109 924 3 880564415 +109 928 3 880572134 +109 930 3 880572351 +109 931 2 880572407 +109 940 3 880583133 +109 944 3 880579107 +109 949 3 880582384 +109 975 3 880572351 +109 986 2 880572382 +109 1011 3 880571872 +109 1013 3 880572296 +109 1014 4 880571979 +109 1016 5 880571661 +109 1023 2 880572350 +109 1028 4 880571831 +109 1035 2 880579787 +109 1039 2 880579418 +109 1060 4 880571661 +109 1074 4 880583308 +109 1135 4 880582976 +109 1139 2 880583463 +109 1157 4 880583646 +109 1161 3 880564678 +109 1210 3 880582230 +109 1222 4 880579758 +109 1228 3 880582758 +109 1244 3 880571872 +109 1245 2 880571872 +110 2 3 886988536 +110 11 4 886987922 +110 12 4 886987826 +110 22 4 886987826 +110 28 4 886987979 +110 29 3 886988374 +110 31 3 886989057 +110 33 4 886988631 +110 41 4 886989399 +110 43 3 886988100 +110 54 4 886988202 +110 55 3 886988449 +110 56 1 886988449 +110 63 3 886989363 +110 64 4 886987894 +110 67 3 886989566 +110 68 2 886988631 +110 69 4 886987860 +110 77 4 886988202 +110 79 4 886988480 +110 82 4 886988480 +110 88 4 886988967 +110 94 4 886989473 +110 96 4 886988449 +110 161 5 886988631 +110 173 1 886988909 +110 184 1 886988631 +110 188 4 886988574 +110 195 2 886988480 +110 196 4 886987978 +110 202 2 886988909 +110 204 3 886989276 +110 212 1 886988100 +110 215 3 886987894 +110 226 3 886988536 +110 230 3 886988750 +110 231 1 886988664 +110 232 3 886988449 +110 233 4 886988535 +110 238 3 886989340 +110 245 3 886987540 +110 258 4 886987183 +110 272 4 886987145 +110 288 4 886987145 +110 294 3 886987540 +110 300 3 886987380 +110 313 5 886987183 +110 315 4 886987726 +110 325 3 886987561 +110 326 4 886987417 +110 327 3 886987442 +110 332 3 886987287 +110 333 4 886987288 +110 338 1 886987540 +110 340 3 886987183 +110 364 3 886989612 +110 366 3 886988341 +110 367 3 886989340 +110 376 2 886989340 +110 384 2 886989524 +110 385 3 886988574 +110 393 3 886989363 +110 397 3 886988688 +110 401 3 886989399 +110 402 4 886988293 +110 403 3 886988134 +110 421 4 886988873 +110 423 4 886987952 +110 451 4 886988909 +110 468 3 886988202 +110 540 3 886988793 +110 550 3 886988664 +110 566 4 886988574 +110 569 4 886988321 +110 575 3 886989566 +110 576 2 886988574 +110 585 2 886989473 +110 586 3 886988536 +110 642 2 886989126 +110 651 4 886988018 +110 658 3 886988065 +110 684 4 886988480 +110 689 3 886987584 +110 692 4 886988937 +110 715 2 886989440 +110 722 3 886989028 +110 732 3 886988018 +110 734 2 886989566 +110 739 4 886988937 +110 748 3 886987478 +110 751 3 886987183 +110 759 3 886988850 +110 765 3 886989028 +110 779 3 886988793 +110 780 3 886989566 +110 783 3 886988967 +110 790 4 886989399 +110 791 2 886989473 +110 794 3 886988909 +110 802 3 886988793 +110 806 3 886987952 +110 808 2 886988250 +110 849 3 886988664 +110 873 2 886987505 +110 895 2 886987354 +110 905 3 886987236 +110 939 4 886988042 +110 947 3 886988574 +110 1055 2 886988134 +110 1090 2 886989191 +110 1182 2 886989566 +110 1188 4 886988818 +110 1206 3 886988321 +110 1210 3 886989191 +110 1218 3 886989473 +110 1222 2 886989191 +110 1228 3 886988689 +110 1229 3 886988374 +110 1231 2 886988664 +110 1247 2 886988413 +110 1248 3 886989126 +110 1249 3 886989612 +110 1250 3 886988818 +111 242 4 891679901 +111 258 4 891679692 +111 286 4 891680076 +111 302 5 891679971 +111 303 3 891680028 +111 304 4 891679840 +111 305 2 891680243 +111 307 2 891680243 +111 311 4 891680028 +111 315 5 891679692 +111 321 3 891680076 +111 333 4 891680028 +111 344 2 891680243 +111 354 4 891679692 +112 245 4 884992691 +112 258 3 884992484 +112 269 3 884992651 +112 272 5 886398204 +112 286 4 884992484 +112 294 3 884992566 +112 300 4 884992508 +112 301 3 884992566 +112 302 4 886398509 +112 303 4 884992535 +112 307 4 884992585 +112 310 4 884992444 +112 312 5 884992872 +112 313 5 884992444 +112 315 5 891299783 +112 316 5 892439693 +112 321 3 884992484 +112 323 3 884992651 +112 325 1 884992714 +112 328 4 884992566 +112 332 4 886398611 +112 333 4 884992566 +112 339 4 892439990 +112 346 5 891307980 +112 347 1 891302716 +112 678 3 884992714 +112 690 4 884992462 +112 751 4 884992754 +112 754 4 884992508 +112 879 4 884992566 +112 887 5 884992444 +112 888 4 886398699 +112 891 3 892439990 +112 937 4 884992801 +112 984 3 884992651 +112 1106 4 892439835 +113 7 3 875076827 +113 9 3 875076307 +113 50 5 875076416 +113 116 3 875076246 +113 124 3 875076307 +113 127 4 875935610 +113 222 3 875076872 +113 237 3 875076246 +113 242 2 875075887 +113 245 3 875325377 +113 246 5 875076872 +113 255 5 875935609 +113 257 5 875935609 +113 258 5 875075887 +113 268 4 875935609 +113 273 4 875935609 +113 277 3 875076416 +113 286 4 875325377 +113 288 3 875075887 +113 289 2 875075887 +113 292 3 875076105 +113 299 5 875076986 +113 300 3 875075887 +113 303 5 875935244 +113 319 2 875075887 +113 322 3 875076044 +113 323 4 875325377 +113 324 2 875076180 +113 325 4 875935610 +113 328 5 875076044 +113 333 4 875935609 +113 424 1 875076357 +113 508 4 875325377 +113 678 2 875076044 +113 742 3 875076827 +113 874 5 875935338 +113 948 3 875935312 +113 975 5 875936424 +113 979 5 875936424 +113 1251 5 875325377 +113 1252 4 875935610 +114 56 3 881260545 +114 89 5 881260024 +114 96 3 881259955 +114 98 4 881259495 +114 100 5 881259927 +114 135 4 881260611 +114 153 3 881309622 +114 156 4 881309662 +114 168 3 881259927 +114 171 4 881309511 +114 172 5 881259495 +114 176 5 881260203 +114 179 5 881260611 +114 180 3 881309718 +114 182 3 881259994 +114 186 3 881260352 +114 197 4 881260506 +114 200 3 881260409 +114 210 3 881309511 +114 224 3 881259839 +114 318 3 881259495 +114 357 4 881259525 +114 474 5 881260170 +114 482 4 881259839 +114 483 4 881260246 +114 485 3 881260409 +114 496 4 881259994 +114 520 3 881260473 +114 522 5 881309662 +114 527 3 881309586 +114 615 2 881260441 +114 640 2 881260303 +114 646 4 881260473 +114 654 3 881259741 +114 655 3 881260506 +114 659 4 881259495 +114 679 2 881259741 +114 855 3 881260473 +115 4 4 881172117 +115 7 5 881171982 +115 9 5 881171982 +115 12 5 881171982 +115 13 5 881171983 +115 22 3 881171273 +115 23 5 881171348 +115 32 5 881171348 +115 33 4 881171693 +115 48 5 881171203 +115 50 5 881172049 +115 56 5 881171409 +115 69 1 881171825 +115 77 2 881171623 +115 79 4 881171273 +115 82 4 881172117 +115 83 3 881172183 +115 89 5 881172049 +115 93 3 881170332 +115 96 3 881172117 +115 98 3 881171409 +115 100 5 881171982 +115 117 4 881171009 +115 121 3 881170065 +115 124 5 881170332 +115 137 5 881169776 +115 172 4 881171273 +115 174 5 881171137 +115 176 5 881171203 +115 177 5 881172117 +115 178 5 881172246 +115 181 4 881172049 +115 183 5 881171488 +115 185 5 881171409 +115 187 5 881171203 +115 192 5 881171137 +115 218 3 881171623 +115 229 3 881171693 +115 237 2 881171075 +115 240 5 881171982 +115 269 3 881169559 +115 273 4 881169984 +115 279 3 881170725 +115 282 4 881171009 +115 284 2 881170902 +115 302 4 881169559 +115 310 3 881169559 +115 317 5 881171137 +115 357 5 881171982 +115 431 4 881171558 +115 443 4 881171622 +115 462 4 881171273 +115 466 5 881171558 +115 470 2 881171694 +115 471 2 881170791 +115 475 5 881170252 +115 479 5 881171825 +115 496 1 881171203 +115 508 5 881170438 +115 511 5 881172117 +115 530 5 881172117 +115 543 2 881172303 +115 558 5 881171203 +115 596 1 881170663 +115 628 5 881169883 +115 642 5 881171693 +115 644 3 881172183 +115 654 5 881171409 +115 657 3 881171488 +115 673 3 881171558 +115 684 3 881171489 +115 696 4 881169984 +115 741 3 881170065 +115 763 2 881170725 +115 772 4 881171273 +115 847 4 881170844 +115 922 3 881170252 +115 952 5 881170998 +115 969 1 881172183 +115 980 4 881169984 +115 1008 5 881171982 +115 1073 5 881171488 +116 11 5 886310197 +116 20 3 892683858 +116 47 3 876454238 +116 50 3 876452443 +116 56 5 886310197 +116 65 2 876454052 +116 116 3 876453733 +116 124 3 876453733 +116 127 5 876454257 +116 137 2 876454308 +116 145 2 876452980 +116 180 5 886310197 +116 181 4 876452523 +116 187 5 886310197 +116 191 4 876453961 +116 193 4 876453681 +116 195 4 876453626 +116 199 4 876454174 +116 203 5 876453915 +116 221 4 876453560 +116 246 5 876452405 +116 248 3 876452492 +116 249 2 876452705 +116 252 2 876453376 +116 253 3 876452492 +116 257 3 876452523 +116 258 4 876451911 +116 259 4 876452186 +116 260 2 887605412 +116 262 3 876751342 +116 264 3 876452186 +116 268 5 886310197 +116 269 3 886309452 +116 270 3 879864042 +116 272 3 886309505 +116 275 2 876453519 +116 285 4 876454023 +116 286 3 876451911 +116 288 3 886309812 +116 289 4 876452094 +116 292 4 876453847 +116 294 2 876453376 +116 295 3 876452582 +116 297 3 890633075 +116 298 3 876452555 +116 299 3 876452133 +116 300 3 876452094 +116 301 3 892683732 +116 302 3 876451911 +116 303 3 890633075 +116 304 2 876453376 +116 306 3 876751342 +116 307 3 879864042 +116 310 4 886309549 +116 311 3 886978067 +116 313 5 886978155 +116 315 3 886309605 +116 322 2 876452186 +116 323 3 876452186 +116 324 2 876452133 +116 325 3 876452186 +116 326 2 876453376 +116 328 3 876452186 +116 332 3 876451998 +116 333 2 876452054 +116 340 3 879864008 +116 343 2 881246552 +116 344 5 892683820 +116 346 4 886310197 +116 347 2 886309481 +116 349 2 886977905 +116 355 2 887605347 +116 358 2 876452094 +116 390 4 876454090 +116 421 3 876453800 +116 479 4 876454191 +116 484 4 886310197 +116 511 4 876453519 +116 515 4 876452443 +116 519 5 886310197 +116 531 2 876453519 +116 532 2 876452651 +116 539 2 886309573 +116 582 3 876453626 +116 596 5 876452854 +116 603 3 876454174 +116 604 3 876454174 +116 607 2 876453961 +116 640 3 876453560 +116 650 2 876452806 +116 655 4 886309958 +116 661 4 876454023 +116 678 3 876452228 +116 690 3 877934548 +116 730 4 876453519 +116 748 2 876452186 +116 750 4 886309481 +116 758 1 876452980 +116 760 3 886309812 +116 806 4 876453800 +116 840 1 886309958 +116 872 3 876452228 +116 879 2 876452094 +116 880 3 876680723 +116 887 3 881246591 +116 888 2 886309958 +116 895 2 886309812 +116 896 2 890632896 +116 900 4 888311676 +116 902 2 890632896 +116 903 2 890632956 +116 905 2 890131519 +116 914 2 892683732 +116 916 2 892683699 +116 993 2 876453376 +116 1013 3 876453222 +116 1016 2 876453376 +116 1020 3 887605454 +116 1039 4 876453915 +116 1082 3 876453171 +116 1089 2 876453376 +116 1134 4 886310197 +116 1142 4 876452492 +116 1214 3 876453422 +116 1220 2 876453865 +116 1226 2 876454090 +116 1244 2 876453191 +116 1253 2 876454109 +116 1254 2 876453377 +116 1255 2 876453377 +116 1256 1 876453222 +116 1257 1 876452651 +116 1258 2 876453376 +117 1 4 880126083 +117 7 3 880125780 +117 11 5 881011824 +117 12 5 881011350 +117 25 4 881009470 +117 33 4 881011697 +117 56 5 881011807 +117 96 5 881012530 +117 98 4 881012430 +117 109 4 880126336 +117 117 5 880126461 +117 121 4 880126038 +117 122 2 886022187 +117 132 4 881012110 +117 143 1 881012472 +117 144 4 881011807 +117 156 4 881011376 +117 164 5 881011727 +117 168 5 881012550 +117 172 5 881012623 +117 173 5 881011697 +117 174 4 881011393 +117 176 5 881012028 +117 179 5 881012776 +117 184 3 881012601 +117 195 5 881012255 +117 210 4 881012293 +117 214 5 881012193 +117 222 5 886020290 +117 237 4 880126232 +117 240 3 880126038 +117 249 4 880125911 +117 252 3 881010322 +117 257 5 880125911 +117 258 4 880126022 +117 265 4 881012940 +117 271 4 880124397 +117 282 5 880126295 +117 288 3 880124254 +117 298 5 886020525 +117 307 5 880124339 +117 313 5 886018980 +117 338 3 886019636 +117 358 4 880124509 +117 368 3 881010610 +117 406 3 881010556 +117 410 3 886021458 +117 411 3 880126232 +117 421 5 881012601 +117 423 4 881012472 +117 475 5 880125746 +117 546 3 881009758 +117 588 3 881011697 +117 596 3 880126392 +117 597 4 881010052 +117 628 5 881012174 +117 678 4 880124435 +117 742 4 880126022 +117 743 1 881010401 +117 748 3 880124378 +117 751 5 886018996 +117 763 5 881009890 +117 772 4 881012728 +117 789 4 881011413 +117 886 5 880124413 +117 895 2 886019030 +117 928 3 881009471 +117 931 3 881010728 +117 977 3 881009738 +117 1012 4 881008815 +117 1014 3 886021192 +117 1016 5 881008815 +117 1057 2 881010401 +117 1059 3 881008632 +117 1095 3 881010938 +117 1165 3 881010727 +118 5 2 875385256 +118 7 5 875385198 +118 17 3 875385257 +118 22 5 875385136 +118 23 5 875384979 +118 32 5 875384979 +118 53 5 875385280 +118 55 5 875385099 +118 56 5 875385198 +118 79 5 875384885 +118 98 5 875384979 +118 100 5 875384751 +118 132 4 875384793 +118 134 5 875384916 +118 135 5 875384591 +118 164 5 875385386 +118 171 5 875384825 +118 172 5 875384751 +118 175 5 875384885 +118 179 5 875384612 +118 180 5 875385136 +118 184 5 875385057 +118 185 5 875384979 +118 188 5 875384669 +118 193 5 875384793 +118 201 5 875385198 +118 210 5 875384825 +118 217 3 875385257 +118 218 5 875385386 +118 223 5 875385386 +118 234 5 875385386 +118 258 5 875385386 +118 288 5 875385386 +118 317 5 875384885 +118 320 5 875385386 +118 396 5 875385335 +118 413 4 875385306 +118 421 4 875384946 +118 427 5 875384751 +118 436 5 875385280 +118 474 5 875384571 +118 508 4 875385057 +118 511 5 875384885 +118 513 5 875384751 +118 528 4 875384514 +118 551 5 875385306 +118 558 5 875385228 +118 559 4 875385306 +118 564 1 875385335 +118 603 4 875384916 +118 641 5 875385386 +118 655 5 875385136 +118 672 4 875385257 +118 675 5 875385386 +118 800 4 875385280 +118 816 3 875385335 +118 844 5 875385256 +118 853 5 875385228 +118 919 5 875385386 +118 960 5 875385136 +118 1079 4 875385442 +119 7 5 874775185 +119 9 4 890627252 +119 11 5 874781198 +119 12 3 874781915 +119 22 4 874781698 +119 23 3 874782100 +119 24 4 886177076 +119 25 5 886177013 +119 28 5 874782022 +119 31 5 874781779 +119 40 4 886176993 +119 50 5 874774718 +119 52 3 890627339 +119 54 4 886176814 +119 56 4 874781198 +119 64 4 874781460 +119 70 3 874781829 +119 82 2 874781352 +119 83 4 886176922 +119 86 4 874782068 +119 87 5 874781829 +119 89 4 874781352 +119 93 4 874775262 +119 96 5 874781257 +119 100 5 874774575 +119 105 2 874775849 +119 109 5 874775580 +119 111 5 886176779 +119 117 5 874775535 +119 121 4 874775311 +119 124 4 874781994 +119 125 5 874775262 +119 132 5 874782228 +119 137 5 886176486 +119 144 4 887038665 +119 147 4 886176486 +119 154 5 874782022 +119 168 5 874781351 +119 172 4 874782191 +119 174 4 874781303 +119 181 4 874775406 +119 182 4 874781303 +119 188 4 874781742 +119 193 4 874781872 +119 194 5 874781257 +119 196 5 886177162 +119 199 5 874781994 +119 204 4 886177659 +119 209 4 886177544 +119 210 5 874781407 +119 226 3 887038665 +119 235 5 874774956 +119 245 4 886176618 +119 250 2 874775731 +119 252 3 874780832 +119 254 2 874781037 +119 255 3 874775914 +119 257 4 874775614 +119 258 2 887037225 +119 259 4 886175571 +119 268 5 886175117 +119 269 3 892564213 +119 271 4 886175150 +119 272 5 886611471 +119 274 4 874775580 +119 275 5 874774575 +119 276 2 874775262 +119 277 4 874774993 +119 282 5 874775136 +119 286 5 874774286 +119 287 4 874775465 +119 288 4 886175150 +119 294 1 892564313 +119 298 4 874775038 +119 299 4 890626446 +119 300 5 874774286 +119 301 4 886176779 +119 310 5 886175117 +119 315 5 886175571 +119 316 4 890626706 +119 322 4 874774449 +119 323 4 874774449 +119 329 3 886433226 +119 332 4 886175313 +119 338 1 892565167 +119 340 4 886176485 +119 348 3 886433226 +119 349 3 887038665 +119 354 5 890626231 +119 385 5 874781994 +119 405 4 874775815 +119 410 1 890627339 +119 412 4 874775136 +119 449 5 874782190 +119 451 5 891286958 +119 455 4 874774719 +119 458 5 874774575 +119 459 4 887038711 +119 471 4 886177338 +119 472 4 874775406 +119 473 3 874775647 +119 475 4 874775580 +119 486 4 874781547 +119 492 5 874781198 +119 506 5 886176779 +119 511 5 874781407 +119 526 2 886177762 +119 537 5 886176618 +119 544 2 886177206 +119 546 4 874775914 +119 550 4 887038665 +119 562 4 886177206 +119 568 4 874781915 +119 591 4 886177235 +119 595 3 874781067 +119 597 4 874775465 +119 616 2 886177206 +119 628 4 874775185 +119 655 5 874781628 +119 658 5 874782127 +119 684 4 886177338 +119 685 4 886177048 +119 689 4 886175431 +119 697 5 874782068 +119 710 4 886177162 +119 716 5 874782190 +119 717 3 874775945 +119 727 5 887038711 +119 741 4 874774815 +119 742 5 874775406 +119 751 3 886175361 +119 755 1 886176678 +119 762 4 874775465 +119 813 4 874774956 +119 823 3 874775406 +119 825 3 874780860 +119 826 4 874775580 +119 827 3 874775815 +119 829 5 874775406 +119 831 2 874775980 +119 845 4 886176922 +119 866 3 874774575 +119 879 5 875720232 +119 916 1 892564442 +119 917 4 892564349 +119 924 4 874775535 +119 930 3 874775945 +119 931 1 886178294 +119 977 3 874780969 +119 982 4 874775406 +119 986 3 874781068 +119 995 4 891287008 +119 1016 5 874775262 +119 1034 3 874775980 +119 1052 4 886177162 +119 1086 4 874775136 +119 1101 5 874781779 +119 1137 5 886176922 +119 1160 5 887038711 +119 1166 5 887038711 +119 1170 3 890627339 +119 1197 4 886176922 +119 1202 4 874775680 +119 1244 3 874781037 +119 1259 3 874780996 +119 1260 5 874781547 +119 1261 4 874781198 +119 1262 3 890627252 +119 1263 3 886177338 +119 1264 3 886176993 +119 1265 3 891287060 +120 1 4 889490412 +120 15 4 889490244 +120 50 4 889489973 +120 117 3 889490979 +120 118 2 889490979 +120 121 4 889490290 +120 125 4 889490447 +120 127 4 889489772 +120 148 3 889490499 +120 237 3 889490172 +120 258 5 889490124 +120 508 2 889490979 +120 515 5 889489772 +120 742 4 889490549 +120 744 4 889490522 +120 827 2 889490979 +121 1 4 891388475 +121 9 5 891390013 +121 11 2 891387992 +121 12 5 891390014 +121 25 5 891390316 +121 50 5 891390014 +121 57 5 891390014 +121 83 4 891388210 +121 98 5 891388210 +121 100 4 891388035 +121 118 2 891390501 +121 122 2 891390501 +121 124 5 891388063 +121 125 2 891388600 +121 126 3 891388936 +121 127 5 891388333 +121 135 5 891388090 +121 137 5 891388501 +121 156 4 891388145 +121 165 4 891388210 +121 172 5 891388090 +121 174 3 891388063 +121 181 5 891390014 +121 192 4 891388250 +121 197 4 891388286 +121 235 1 891390579 +121 237 5 891388708 +121 249 1 891388708 +121 250 2 891388676 +121 257 5 891390014 +121 275 4 891390233 +121 276 3 891388453 +121 282 1 891389037 +121 292 4 891388960 +121 294 4 891389522 +121 298 2 891388676 +121 300 3 891387810 +121 313 5 891390013 +121 315 4 891389282 +121 318 5 891390013 +121 347 3 891389304 +121 357 5 891388063 +121 411 1 891390544 +121 427 4 891388286 +121 428 5 891388333 +121 458 1 891388847 +121 472 3 891390599 +121 479 5 891388113 +121 508 4 891388333 +121 515 4 891388391 +121 546 1 891390521 +121 582 2 891390034 +121 595 2 891390521 +121 628 3 891389037 +121 631 4 891387992 +121 644 4 891388035 +121 717 5 891390688 +121 736 5 891387992 +121 742 5 891390013 +121 744 3 891388936 +121 792 3 891388250 +121 937 4 891389924 +121 1194 4 891388210 +121 1266 4 891388250 +122 11 1 879270424 +122 28 4 879270084 +122 46 5 879270567 +122 57 2 879270644 +122 69 2 879270511 +122 70 5 879270606 +122 83 5 879270327 +122 86 5 879270458 +122 127 5 879270424 +122 135 4 879270327 +122 175 5 879270084 +122 180 5 879270327 +122 187 4 879270424 +122 190 4 879270424 +122 191 5 879270128 +122 193 4 879270605 +122 197 5 879270482 +122 214 2 879270676 +122 239 4 879270741 +122 269 5 879269963 +122 357 3 879270084 +122 382 3 879270711 +122 403 4 879270805 +122 423 4 879270805 +122 429 3 879270165 +122 464 5 879270541 +122 469 5 879270644 +122 470 3 879270901 +122 511 5 879270084 +122 513 4 879270084 +122 519 4 879270129 +122 553 3 879270741 +122 570 3 879270849 +122 582 5 879270644 +122 660 3 879270644 +122 661 4 879270327 +122 673 3 879270511 +122 699 5 879270541 +122 724 4 879270677 +122 727 4 879270849 +122 736 4 879270606 +122 737 4 879270874 +122 792 3 879270459 +122 956 4 879270850 +122 1044 5 879270923 +122 1045 4 879270605 +122 1074 4 879270901 +122 1113 5 879270677 +122 1119 3 879270769 +122 1168 4 879270902 +122 1267 4 879270769 +123 9 5 879873726 +123 14 5 879872540 +123 23 4 879873020 +123 50 3 879873726 +123 64 3 879872791 +123 98 4 879872672 +123 100 4 879872792 +123 127 5 879809943 +123 132 3 879872672 +123 134 4 879872275 +123 143 5 879872406 +123 182 4 879872671 +123 185 4 879873120 +123 187 4 879809943 +123 197 5 879872066 +123 242 5 879809053 +123 255 1 879873905 +123 276 4 879873830 +123 285 5 879873830 +123 286 5 879809053 +123 288 3 879809053 +123 289 1 879809220 +123 294 1 879809529 +123 319 4 879809220 +123 321 4 879809220 +123 432 5 879873120 +123 435 5 879809943 +123 462 4 879872540 +123 479 4 879872066 +123 480 3 879872540 +123 482 4 879872406 +123 483 4 879873020 +123 485 5 879872792 +123 487 3 879872192 +123 504 5 879872948 +123 511 5 879872066 +123 514 5 879872193 +123 523 3 879872406 +123 657 4 879872066 +123 704 3 879873120 +123 707 5 879809943 +123 735 2 879872868 +123 962 3 879872405 +123 1269 2 879872867 +124 1 3 890287733 +124 7 4 890287645 +124 28 3 890287068 +124 98 4 890287822 +124 117 3 890287181 +124 144 4 890287645 +124 154 5 890287645 +124 168 5 890287645 +124 172 3 890287645 +124 173 2 890287687 +124 174 3 890287317 +124 195 4 890399864 +124 209 3 890399902 +124 474 3 890287221 +125 1 4 879454699 +125 8 4 879454419 +125 21 3 892838424 +125 22 5 892836395 +125 25 1 879454987 +125 28 4 879454385 +125 41 2 892838510 +125 49 3 879455241 +125 50 5 892836362 +125 56 1 879454345 +125 63 3 892838558 +125 64 5 879454139 +125 66 5 879455184 +125 67 5 892838865 +125 69 4 879454628 +125 70 3 892838287 +125 72 4 892838322 +125 73 5 892838288 +125 79 5 879454100 +125 82 5 879454386 +125 83 4 879454345 +125 85 3 892838424 +125 87 5 892836464 +125 88 5 879455184 +125 90 5 892838623 +125 94 5 892839065 +125 95 5 879454628 +125 97 3 879454385 +125 98 5 879454345 +125 105 3 892839021 +125 109 3 892838288 +125 111 3 892838322 +125 116 4 892838322 +125 117 3 879454699 +125 120 1 892839312 +125 122 1 892839312 +125 136 5 879454309 +125 143 5 879454793 +125 144 5 879454197 +125 150 1 879454892 +125 152 1 879454892 +125 153 2 879454419 +125 158 4 892839066 +125 168 5 879454793 +125 172 5 879454448 +125 173 5 879454100 +125 174 5 879454309 +125 175 2 879455184 +125 176 5 879454448 +125 181 5 879454139 +125 186 3 879454448 +125 191 5 879454385 +125 194 5 879454986 +125 195 5 892836465 +125 198 3 879454385 +125 201 3 879455019 +125 202 5 892836523 +125 204 5 879454139 +125 205 5 879454345 +125 208 3 879454244 +125 209 4 879455241 +125 210 5 879454243 +125 211 3 879455184 +125 216 3 879454419 +125 222 5 892836465 +125 236 1 879454891 +125 238 3 892838322 +125 239 5 892838375 +125 243 2 892836123 +125 258 5 892835624 +125 269 1 879454002 +125 270 4 881357122 +125 275 5 879454532 +125 283 5 879454986 +125 289 5 892835854 +125 290 4 892838375 +125 294 4 892835778 +125 300 5 892835836 +125 323 3 892836124 +125 340 1 892835659 +125 346 1 892835800 +125 357 3 879454100 +125 364 3 892839191 +125 367 4 892836551 +125 369 3 892838777 +125 372 1 879454892 +125 376 3 892838510 +125 383 2 892839412 +125 384 3 892838591 +125 386 3 892838827 +125 388 2 892839270 +125 393 4 879455241 +125 395 3 892838687 +125 399 3 892838509 +125 401 4 892838656 +125 407 2 892839312 +125 411 3 892839091 +125 412 3 892839191 +125 427 4 879454277 +125 430 4 879454309 +125 434 4 879454100 +125 435 4 892836550 +125 451 4 892838288 +125 455 5 879454987 +125 474 3 892836422 +125 475 1 879454244 +125 479 4 879454386 +125 482 1 892836309 +125 483 4 879454628 +125 485 5 892836335 +125 493 4 879454448 +125 496 5 879454419 +125 498 5 892836395 +125 508 1 892838351 +125 511 5 879454699 +125 513 4 879454385 +125 520 5 892836309 +125 568 5 879454277 +125 571 3 892838827 +125 577 2 892839312 +125 585 4 892838463 +125 615 3 879454793 +125 648 4 879454793 +125 659 4 879454628 +125 663 3 879454956 +125 687 3 892836268 +125 692 3 892836523 +125 705 5 879454243 +125 709 3 879454891 +125 710 5 879454699 +125 722 3 892838687 +125 728 3 892838425 +125 732 4 879455019 +125 734 3 892838977 +125 746 3 879455018 +125 748 3 892835778 +125 751 5 892835624 +125 756 4 892838424 +125 763 3 892836574 +125 780 2 892839270 +125 781 3 892838463 +125 785 3 892838558 +125 790 4 892838462 +125 796 3 892838591 +125 801 3 892838424 +125 813 1 879455184 +125 864 3 892838591 +125 914 1 892835594 +125 926 3 892839066 +125 940 2 892838827 +125 945 5 892836465 +125 949 3 892838623 +125 996 3 892838424 +125 999 4 892838288 +125 1000 3 892838977 +125 1036 2 892839191 +125 1037 2 892839143 +125 1052 2 892839457 +125 1060 4 879454699 +125 1074 3 892838827 +125 1093 1 892839412 +125 1115 3 879454345 +125 1170 1 892838591 +125 1180 3 892838865 +125 1183 2 892839312 +125 1185 3 892838509 +125 1204 3 879454419 +125 1246 2 892838687 +125 1249 3 892838322 +125 1270 3 892838977 +125 1271 2 892839021 +125 1272 1 879454892 +126 243 5 887855342 +126 260 1 887855173 +126 266 5 887938392 +126 272 3 887853469 +126 286 3 887853469 +126 288 4 887853469 +126 289 3 887855174 +126 300 4 887854943 +126 302 4 887853469 +126 303 3 887854825 +126 310 2 887854652 +126 311 4 887855173 +126 313 5 887854726 +126 315 4 887853469 +126 316 4 887855231 +126 319 2 887938081 +126 326 2 887853919 +126 327 3 887855087 +126 328 5 887853735 +126 333 2 887853919 +126 337 5 887938392 +126 340 5 887854982 +126 344 4 887853735 +126 346 3 887853735 +126 350 2 887854892 +126 353 5 887938392 +126 678 3 887855283 +126 681 5 887938392 +126 682 1 887855034 +126 690 3 887853735 +126 751 4 887853568 +126 752 3 887855342 +126 881 5 887938392 +126 990 4 887855231 +126 1175 5 887856958 +127 50 4 884364866 +127 62 5 884364950 +127 222 5 884364866 +127 228 5 884364866 +127 230 5 884364866 +127 258 5 884364017 +127 271 5 884364866 +127 288 5 884363851 +127 343 5 884364151 +127 450 5 884364950 +127 690 1 884363851 +127 750 1 884363851 +127 901 5 884363990 +128 1 4 879966919 +128 14 5 879967341 +128 25 3 879968185 +128 26 4 879969032 +128 28 5 879966785 +128 48 4 879967767 +128 50 4 879967268 +128 54 2 879968415 +128 56 3 879966785 +128 58 3 879968008 +128 64 5 879966954 +128 65 4 879968512 +128 66 3 879969329 +128 69 4 879966867 +128 70 3 879967341 +128 71 4 879967576 +128 73 3 879969032 +128 77 3 879968447 +128 79 4 879967692 +128 82 5 879968185 +128 83 5 879967691 +128 86 5 879966919 +128 88 4 879969390 +128 97 3 879968125 +128 98 4 879967047 +128 99 4 879967840 +128 111 3 879969215 +128 117 5 879967631 +128 118 5 879968896 +128 121 4 879968278 +128 131 5 879967452 +128 132 3 879966785 +128 133 5 879967248 +128 136 5 879967080 +128 140 4 879968308 +128 143 5 879967300 +128 151 3 879968921 +128 159 4 879968390 +128 161 5 879968896 +128 168 4 879966685 +128 172 3 879967248 +128 173 5 879966756 +128 174 3 879966954 +128 179 3 879967767 +128 180 5 879967174 +128 181 4 879966954 +128 186 5 879966895 +128 190 4 879967016 +128 191 4 879967080 +128 193 3 879967249 +128 196 5 879967550 +128 197 4 879966729 +128 202 2 879968579 +128 209 4 879968332 +128 210 4 879968125 +128 213 3 879967300 +128 215 3 879967452 +128 216 5 879967102 +128 218 3 879969244 +128 220 1 879968352 +128 222 3 879967249 +128 223 5 879966839 +128 227 2 879968946 +128 228 3 879969329 +128 229 2 879968071 +128 237 4 879966954 +128 238 4 879968125 +128 245 2 879966524 +128 258 2 879966299 +128 265 5 879968663 +128 268 3 879966355 +128 274 4 879969084 +128 275 5 879967016 +128 276 4 879967550 +128 280 1 879968579 +128 282 3 879967550 +128 283 5 879966729 +128 284 3 879968663 +128 294 4 879966376 +128 300 5 879966355 +128 319 5 879966274 +128 322 2 879966447 +128 328 2 879966406 +128 340 4 879966355 +128 367 4 879968858 +128 378 5 879967804 +128 380 4 879968946 +128 381 3 879969033 +128 387 2 879968774 +128 392 3 879967102 +128 393 4 879969136 +128 402 1 879969136 +128 404 3 879968308 +128 405 4 879968859 +128 416 3 879967367 +128 417 4 879968447 +128 418 4 879968164 +128 419 3 879967268 +128 422 4 879968598 +128 423 4 879967966 +128 425 5 879967197 +128 427 5 879966685 +128 432 2 879968125 +128 433 4 879967225 +128 451 4 879967879 +128 458 4 879968921 +128 462 4 879966729 +128 465 4 879968008 +128 468 1 879968243 +128 471 4 879967804 +128 478 5 879966840 +128 483 5 879966785 +128 487 5 879968029 +128 490 5 879966785 +128 494 4 879967016 +128 496 5 879967225 +128 497 3 879967102 +128 499 5 879967767 +128 501 3 879968921 +128 505 4 879967136 +128 506 4 879968125 +128 507 4 879966685 +128 531 4 879966685 +128 553 3 879968718 +128 568 4 879968544 +128 588 5 879967136 +128 591 4 879967879 +128 602 4 879967478 +128 605 3 879967804 +128 609 4 879967550 +128 614 3 879967879 +128 622 4 879968332 +128 633 4 879967729 +128 651 5 879966983 +128 652 3 879966603 +128 655 3 879969064 +128 660 2 879968415 +128 684 4 879969390 +128 685 3 879968774 +128 686 4 879967174 +128 690 3 879966274 +128 692 4 879967197 +128 702 3 879967879 +128 705 3 879968096 +128 715 4 879968512 +128 723 3 879967966 +128 729 2 879968447 +128 732 4 879967047 +128 736 5 879968352 +128 742 3 879967197 +128 747 3 879968742 +128 763 4 879968718 +128 770 3 879968008 +128 785 2 879968243 +128 790 4 879969277 +128 815 3 879968827 +128 838 5 879968164 +128 869 3 879969064 +128 873 1 879966524 +128 924 3 879967341 +128 942 5 879968742 +128 949 4 879968896 +128 955 5 879969064 +128 965 3 879968279 +128 966 4 879968071 +128 1035 3 879968921 +128 1039 4 879967079 +128 1048 2 879968858 +128 1053 3 879968494 +128 1063 2 879967047 +128 1136 3 879969084 +128 1141 4 879968827 +128 1192 2 879967576 +128 1221 3 879968279 +129 242 4 883243972 +129 245 2 883245452 +129 258 2 883245452 +129 268 1 883245452 +129 286 5 883243934 +129 288 1 883245452 +129 300 3 883243934 +129 302 4 883243934 +129 304 3 883244707 +129 310 2 883244011 +129 311 3 883244059 +129 323 1 883245452 +129 327 3 883244060 +129 678 1 883245452 +129 748 2 883245452 +129 882 2 883244662 +129 903 2 883245311 +129 906 5 883245310 +129 990 2 883245452 +129 1176 4 883244059 +130 1 5 874953595 +130 2 4 876252327 +130 3 5 876250897 +130 4 2 875801778 +130 5 4 876251650 +130 7 5 874953557 +130 11 5 875216545 +130 12 4 875216340 +130 17 5 875217096 +130 22 5 875217265 +130 24 5 874953866 +130 27 4 875802105 +130 28 4 875217172 +130 29 3 878537558 +130 31 4 875801801 +130 33 5 876252087 +130 38 4 876252263 +130 39 4 875801496 +130 41 3 875801662 +130 42 4 875801422 +130 44 4 875801662 +130 47 3 875801470 +130 49 4 875802236 +130 50 5 874953665 +130 53 3 876251972 +130 54 5 876251895 +130 55 5 875216507 +130 56 5 875216283 +130 58 2 876251619 +130 62 4 876252175 +130 63 4 876252521 +130 64 5 875801549 +130 65 4 875216786 +130 66 5 875802173 +130 67 4 876252064 +130 68 5 875216283 +130 69 5 875216718 +130 71 5 875801695 +130 77 5 880396792 +130 79 5 875217392 +130 82 5 875802080 +130 84 4 876252497 +130 88 2 875217265 +130 89 4 875216458 +130 90 4 875801920 +130 93 5 874953665 +130 94 5 875802058 +130 95 5 875216867 +130 96 5 875216786 +130 98 5 875216507 +130 99 5 875216786 +130 100 3 874953558 +130 111 5 874953825 +130 117 5 874953895 +130 118 4 874953895 +130 121 5 876250746 +130 122 3 876251090 +130 123 4 875216112 +130 125 5 875801963 +130 128 4 876251728 +130 132 5 875802006 +130 134 5 875801750 +130 143 5 876251922 +130 144 5 875216717 +130 147 4 876250746 +130 148 4 876251127 +130 150 5 874953558 +130 156 3 875801447 +130 158 5 875801897 +130 159 4 875802211 +130 161 4 875802058 +130 168 3 875216786 +130 172 5 875801530 +130 173 3 875216593 +130 174 5 875216249 +130 176 5 881536127 +130 179 4 875217265 +130 181 5 874953621 +130 183 5 875801369 +130 184 4 875801695 +130 185 5 875217033 +130 188 4 876251895 +130 195 5 875801470 +130 196 5 875801695 +130 200 5 875217392 +130 202 5 875216507 +130 203 4 875801716 +130 204 5 875216718 +130 206 3 875801695 +130 210 5 876252288 +130 215 5 875802035 +130 217 3 875801940 +130 218 5 875801388 +130 219 5 876252472 +130 222 4 874953769 +130 226 5 876252420 +130 227 3 875801868 +130 228 4 875216420 +130 229 4 875802173 +130 230 3 876251895 +130 231 3 875801422 +130 233 4 875801750 +130 234 5 875216932 +130 235 4 874953728 +130 236 5 876251160 +130 237 5 874953621 +130 239 4 878538071 +130 240 4 875801750 +130 243 2 874953526 +130 245 1 874953526 +130 246 4 874953698 +130 248 3 874953769 +130 249 5 876250746 +130 250 3 876250833 +130 252 5 876250932 +130 254 2 876251160 +130 255 4 874953794 +130 257 4 874953665 +130 258 4 874953526 +130 261 4 874953525 +130 262 3 877926419 +130 267 5 875801239 +130 268 4 875801210 +130 269 4 881075976 +130 270 5 877984734 +130 271 5 879352077 +130 272 5 888962577 +130 276 4 878537447 +130 281 4 876250850 +130 282 5 875801750 +130 284 2 874953728 +130 286 5 874953239 +130 288 5 874953291 +130 289 5 874953291 +130 290 3 876250955 +130 291 4 876250932 +130 293 5 874953769 +130 294 5 874953337 +130 295 3 874953698 +130 298 5 874953769 +130 299 3 874953526 +130 300 5 874953239 +130 305 4 886023938 +130 307 4 877984546 +130 313 5 884623736 +130 315 4 884623887 +130 316 4 888211794 +130 321 5 874953291 +130 322 4 874953525 +130 326 5 874953239 +130 328 4 874953525 +130 329 4 874953337 +130 330 4 874953424 +130 331 3 875801345 +130 332 4 876250582 +130 333 5 875801239 +130 335 3 875801254 +130 342 3 881076199 +130 343 4 881536273 +130 346 4 884623704 +130 347 4 884623800 +130 350 4 886023989 +130 353 1 888211764 +130 354 5 888211701 +130 355 4 888211731 +130 356 4 880396792 +130 357 5 875216933 +130 358 4 874953526 +130 363 3 876250781 +130 366 5 876251972 +130 367 4 875801369 +130 373 4 878537681 +130 374 4 875217392 +130 385 5 875802080 +130 389 3 875216786 +130 392 4 876252243 +130 393 5 876252472 +130 398 3 878537516 +130 403 5 876251922 +130 404 5 875802137 +130 405 4 875801984 +130 407 2 876251388 +130 410 5 875802105 +130 411 5 876251217 +130 412 4 874953866 +130 413 3 876251127 +130 418 5 875801631 +130 419 5 876251515 +130 420 5 876252472 +130 423 5 875216978 +130 426 4 875801897 +130 427 5 875217033 +130 433 3 875216718 +130 436 3 875801573 +130 443 5 876251446 +130 444 4 880396495 +130 449 4 878537516 +130 450 2 878537602 +130 452 4 880396495 +130 453 3 880396602 +130 455 4 874953728 +130 465 5 875801596 +130 469 5 876251693 +130 470 2 875217096 +130 471 2 874953928 +130 472 4 876251072 +130 475 3 874953595 +130 477 4 875216593 +130 496 5 875216593 +130 501 5 875801716 +130 508 4 874953557 +130 527 5 875801447 +130 531 5 875216628 +130 532 5 876250955 +130 534 5 874953728 +130 538 5 884623983 +130 541 3 876252307 +130 542 3 875801778 +130 546 4 876250932 +130 550 5 878537602 +130 552 5 876252225 +130 554 4 876252288 +130 555 4 888211930 +130 564 4 875802137 +130 565 3 880396541 +130 566 4 878537558 +130 567 2 876252225 +130 568 5 876251693 +130 569 3 880396494 +130 572 3 878537853 +130 578 5 878537681 +130 588 4 875216867 +130 589 4 875216717 +130 596 4 874953825 +130 597 4 874953866 +130 619 4 876251409 +130 622 3 875802173 +130 625 5 875801750 +130 627 5 875801496 +130 658 5 875802173 +130 665 3 876252175 +130 669 4 888962754 +130 672 5 875801920 +130 678 4 874953526 +130 681 3 875801315 +130 682 4 881076059 +130 684 5 875802236 +130 685 3 874953895 +130 689 2 880396150 +130 692 5 875801422 +130 717 3 874953928 +130 721 3 880396278 +130 729 4 876252042 +130 731 3 876251922 +130 739 5 876252420 +130 742 5 876251053 +130 743 2 878537778 +130 746 5 876252012 +130 748 4 874953526 +130 751 5 884623756 +130 752 5 888211864 +130 756 4 874953866 +130 761 3 876251650 +130 763 5 874953728 +130 765 4 876252420 +130 769 3 880396541 +130 771 2 878537631 +130 772 4 876251804 +130 779 4 878537558 +130 794 5 875802137 +130 798 1 878537631 +130 800 4 875802237 +130 802 5 876252136 +130 806 3 875217096 +130 808 5 878537631 +130 815 3 874953866 +130 816 5 880396518 +130 819 3 874953825 +130 820 5 876251312 +130 824 3 875801830 +130 827 4 876251312 +130 833 4 876251037 +130 864 2 874953595 +130 876 4 874953291 +130 881 4 875801239 +130 888 3 881076146 +130 890 4 880396249 +130 892 3 884623832 +130 894 4 884624087 +130 895 5 884623799 +130 901 1 884624044 +130 928 4 876251287 +130 929 4 876251160 +130 930 3 876251072 +130 931 2 880396881 +130 932 3 876251389 +130 934 4 876251341 +130 939 4 876252041 +130 940 3 875217392 +130 944 4 876252042 +130 946 4 875801830 +130 949 3 876251944 +130 959 4 876251865 +130 974 4 876250932 +130 975 5 876251357 +130 982 1 880396831 +130 993 5 874953665 +130 1013 4 876251287 +130 1016 4 874953698 +130 1019 4 875801530 +130 1028 4 876250805 +130 1034 2 876250833 +130 1039 4 875216420 +130 1046 4 880396831 +130 1047 5 875801897 +130 1049 3 876251341 +130 1058 5 876252064 +130 1079 3 876251217 +130 1088 2 876250805 +130 1089 2 876250718 +130 1095 3 876251192 +130 1136 4 876252373 +130 1142 4 874953595 +130 1151 3 877984840 +130 1157 3 880396861 +130 1207 1 880396861 +130 1208 4 875802211 +130 1210 2 880396831 +130 1215 2 876251389 +130 1220 5 876252343 +130 1228 3 878537681 +130 1231 4 878537778 +130 1244 4 876251192 +130 1245 3 876251312 +130 1267 4 875217265 +130 1273 2 880396792 +130 1274 2 878537853 +130 1275 5 876252288 +130 1276 4 876251312 +130 1277 4 876250897 +130 1278 5 876251127 +130 1279 4 876251217 +130 1280 4 877984734 +131 9 5 883681723 +131 14 5 883681313 +131 19 4 883681418 +131 124 5 883681313 +131 127 4 883681418 +131 137 1 883681466 +131 242 5 883681723 +131 248 3 883681262 +131 251 5 883681723 +131 269 5 883681723 +131 276 5 883681723 +131 285 5 883681723 +131 286 5 883681514 +131 287 4 883681351 +131 293 3 883681442 +131 297 4 883681514 +131 302 5 883681723 +131 536 5 883681723 +131 744 4 883681384 +131 813 3 883681466 +132 50 3 891278774 +132 100 4 891278744 +132 151 3 891278774 +132 251 4 891278996 +132 285 4 891278996 +132 286 3 891278680 +132 484 4 891278807 +132 521 4 891278996 +132 664 5 891278996 +132 806 3 891278896 +132 1019 3 891278867 +132 1154 3 891278896 +133 243 3 890589035 +133 245 3 890588878 +133 269 4 890588766 +133 271 5 890588766 +133 286 2 890588524 +133 300 3 890588577 +133 306 4 890588612 +133 313 3 890588524 +133 316 4 890588928 +133 343 2 890589188 +133 346 3 890588577 +133 355 2 890588928 +133 539 1 890588720 +133 749 4 890588720 +133 750 4 890588720 +133 902 3 890588672 +134 1 5 891732756 +134 15 5 891732726 +134 269 3 891732122 +134 294 4 891732365 +134 301 2 891732296 +134 302 2 891732150 +134 315 3 891732122 +134 316 4 891732418 +134 326 5 891732296 +134 328 4 891732335 +134 338 4 891732532 +134 508 3 891732726 +134 678 4 891732271 +134 751 5 891732335 +134 892 2 891732532 +135 5 3 879857868 +135 12 4 879857764 +135 33 3 879857930 +135 38 3 879858003 +135 54 3 879858003 +135 55 4 879857797 +135 56 4 879857765 +135 77 4 879858003 +135 79 3 879857843 +135 98 5 879857765 +135 173 4 879857723 +135 176 4 879857765 +135 183 4 879857723 +135 185 4 879857797 +135 203 4 879857797 +135 226 3 879857956 +135 228 4 879857797 +135 230 3 879857843 +135 234 4 879857797 +135 258 4 879857575 +135 260 3 879857575 +135 265 3 879857797 +135 288 3 879857575 +135 321 4 879857575 +135 324 3 879857575 +135 325 4 879857575 +135 327 4 879857575 +135 379 2 879857956 +135 443 4 879857868 +135 452 2 879857843 +135 470 4 879857931 +135 475 4 879857592 +135 504 4 879857843 +135 554 3 879858003 +135 564 1 879857956 +135 566 3 879857930 +135 581 4 879857931 +135 603 4 879857765 +135 642 4 879857868 +135 653 4 879857765 +135 744 4 879857612 +135 802 2 879858003 +135 939 4 879857797 +135 943 3 879857931 +135 1217 2 879857956 +136 9 5 882693429 +136 15 4 882693723 +136 19 4 882693529 +136 42 3 882848866 +136 100 5 882693338 +136 116 5 882693723 +136 124 5 882693489 +136 127 5 882693404 +136 137 5 882693339 +136 204 4 882848866 +136 223 4 882848820 +136 237 4 882693597 +136 257 3 882693234 +136 258 5 882693234 +136 269 5 882693234 +136 275 4 882693723 +136 283 4 882693529 +136 286 5 882693234 +136 303 4 882693234 +136 318 5 882848820 +136 475 4 882693339 +136 515 5 882694387 +136 525 5 882848925 +136 647 5 882848783 +136 744 5 882693569 +137 1 3 881433048 +137 15 4 881432965 +137 51 1 881433605 +137 79 5 881433689 +137 89 5 881433719 +137 96 5 881433654 +137 117 5 881433015 +137 118 5 881433179 +137 121 5 881432881 +137 172 5 881433719 +137 174 5 881433654 +137 181 5 881433015 +137 183 5 881433689 +137 210 5 881433654 +137 222 5 881432908 +137 235 5 881433357 +137 243 4 881432790 +137 249 4 881433387 +137 250 5 881433015 +137 257 5 881433048 +137 260 3 881432735 +137 266 5 881432735 +137 289 3 881432671 +137 385 5 881433719 +137 405 5 881433336 +137 411 5 881433490 +137 472 4 881433336 +137 476 1 881433524 +137 597 5 881432987 +137 680 5 881432735 +137 685 5 881433296 +137 690 2 881432482 +137 748 4 881432626 +137 866 3 881433090 +137 892 3 882809210 +137 1028 5 881433409 +137 1117 2 881433435 +138 1 4 879023031 +138 12 5 879024232 +138 13 4 879023345 +138 14 3 879022730 +138 15 4 879023389 +138 45 5 879024232 +138 56 5 879024232 +138 98 5 879024043 +138 100 5 879022956 +138 111 4 879022890 +138 116 2 879022956 +138 117 4 879023245 +138 133 4 879024043 +138 137 5 879023131 +138 147 4 879023779 +138 150 3 879023131 +138 182 4 879023948 +138 185 4 879023853 +138 187 5 879024043 +138 194 5 879024184 +138 209 4 879023948 +138 222 4 879023345 +138 238 5 879024382 +138 285 4 879023245 +138 318 5 879024183 +138 357 4 879024327 +138 435 5 879024232 +138 474 5 879024327 +138 487 3 879023853 +138 497 5 879023947 +138 509 4 879024232 +138 513 5 879024043 +138 514 5 879024043 +138 518 4 879024327 +138 519 5 879024043 +138 602 4 879024382 +138 603 4 879024184 +138 614 4 879024184 +138 617 4 879024128 +138 662 4 879024128 +138 742 4 879023245 +139 100 5 879538199 +139 150 4 879538327 +139 237 3 879538254 +139 242 3 879537876 +139 288 4 879537918 +139 296 4 879538218 +139 297 5 879538275 +139 302 3 879537844 +139 460 3 879538199 +139 475 5 879538415 +139 676 4 879538275 +139 740 2 879538254 +139 744 5 879538169 +139 1233 5 879537844 +140 245 3 879013720 +140 286 5 879013617 +140 288 3 879013617 +140 294 3 879013651 +140 302 4 879013617 +140 303 5 879013684 +140 304 4 879013747 +140 321 4 879013651 +140 872 3 879013651 +140 873 2 879013719 +140 988 3 879013719 +141 1 3 884584753 +141 7 5 884584981 +141 15 5 884584981 +141 25 5 884585105 +141 50 4 884584735 +141 100 4 884584688 +141 106 5 884585195 +141 117 4 884584929 +141 118 5 884585274 +141 120 4 884585547 +141 121 4 884585071 +141 126 5 884585642 +141 127 2 884584735 +141 147 4 884584906 +141 151 2 884585039 +141 181 4 884584709 +141 225 3 884585523 +141 235 1 884585437 +141 237 4 884584865 +141 244 5 884585247 +141 248 3 884585039 +141 249 2 884585386 +141 250 4 884585128 +141 252 4 884585195 +141 255 4 884585039 +141 257 3 884584773 +141 259 1 886447904 +141 261 1 886447904 +141 276 1 884584817 +141 279 1 884584817 +141 281 4 884584865 +141 282 5 884585642 +141 284 5 884585071 +141 286 4 884584247 +141 288 3 884584386 +141 290 1 884584817 +141 291 5 884585220 +141 292 1 884584906 +141 293 2 884584735 +141 294 4 884584247 +141 295 5 884585039 +141 298 5 884584790 +141 300 5 887424721 +141 313 5 884584271 +141 322 4 884584426 +141 323 4 884584480 +141 328 4 886447679 +141 330 1 886447735 +141 333 5 887424639 +141 335 1 886447735 +141 346 1 886447613 +141 405 3 884585105 +141 407 2 884585523 +141 409 5 884585274 +141 410 4 884585195 +141 471 4 884585039 +141 476 3 884585498 +141 546 4 884585470 +141 591 4 884584865 +141 597 4 884585071 +141 619 4 884585039 +141 676 5 884585001 +141 678 4 884584480 +141 696 4 884585498 +141 717 4 884585470 +141 742 4 884584930 +141 748 3 884584664 +141 750 1 886447564 +141 756 3 884585363 +141 815 4 884585070 +141 823 3 884585437 +141 825 4 884585247 +141 831 2 884585470 +141 864 3 884585128 +141 866 5 884585071 +141 871 3 884585148 +141 872 1 886447698 +141 880 1 886447847 +141 926 4 884585300 +141 930 4 884585247 +141 974 4 884585300 +141 984 4 886447880 +141 985 4 884585363 +141 988 3 884584460 +141 1013 1 884585470 +141 1014 3 884585572 +141 1023 4 884585274 +141 1028 4 884585168 +141 1040 3 884585547 +141 1047 4 884585220 +141 1059 1 884584886 +141 1142 1 884584688 +141 1244 3 884585364 +141 1258 4 884585071 +141 1280 1 887424890 +141 1282 3 884585320 +141 1283 3 884585168 +142 7 4 888640489 +142 42 4 888640489 +142 55 2 888640489 +142 91 5 888640404 +142 124 4 888640379 +142 134 5 888640356 +142 147 1 888640356 +142 176 5 888640455 +142 186 4 888640430 +142 259 3 888640104 +142 268 5 888639837 +142 288 3 888639837 +142 294 3 888640054 +142 315 3 888639837 +142 322 2 888640054 +142 333 5 888639968 +142 338 2 888640199 +142 346 5 888639815 +142 358 2 888640178 +142 408 4 888640379 +142 425 4 888640489 +142 463 3 888640489 +142 514 5 888640317 +143 258 3 888407586 +143 271 4 888407708 +143 286 2 888407586 +143 288 5 888407586 +143 294 3 888407708 +143 307 4 888407622 +143 315 4 888407542 +143 322 4 888407708 +143 326 5 888407708 +143 690 2 888407622 +144 1 4 888104063 +144 4 4 888105873 +144 7 2 888104087 +144 8 4 888105612 +144 9 5 888104191 +144 12 4 888105419 +144 14 4 888104122 +144 15 4 888104150 +144 19 4 888103929 +144 20 4 888104559 +144 22 5 888105439 +144 24 4 888104541 +144 31 3 888105823 +144 32 4 888105287 +144 33 5 888105902 +144 48 5 888105197 +144 50 5 888103929 +144 54 2 888105473 +144 55 4 888105254 +144 56 4 888105387 +144 58 3 888105548 +144 59 4 888105197 +144 61 3 888106182 +144 62 2 888105902 +144 64 5 888105140 +144 65 4 888106182 +144 66 4 888106078 +144 68 2 888105665 +144 69 5 888105140 +144 70 4 888105587 +144 72 4 888105338 +144 73 3 888105636 +144 87 5 888105548 +144 91 2 888106106 +144 93 1 888104032 +144 96 5 888105691 +144 98 4 888105587 +144 100 5 888104063 +144 105 2 888104767 +144 116 4 888104258 +144 117 4 888103969 +144 124 4 888104063 +144 126 4 888104150 +144 127 4 888105823 +144 129 4 888104234 +144 135 5 888105364 +144 137 4 888104150 +144 144 4 888105254 +144 147 3 888104402 +144 160 2 888106181 +144 165 4 888105993 +144 170 4 888105364 +144 172 4 888105312 +144 173 5 888105902 +144 174 5 888105612 +144 176 4 888105338 +144 180 4 888105873 +144 181 4 888104032 +144 183 4 888105140 +144 187 4 888105312 +144 190 5 888105714 +144 191 4 888105081 +144 193 4 888105287 +144 194 5 888105287 +144 195 5 888105081 +144 196 4 888105743 +144 197 4 888106106 +144 198 4 888105287 +144 204 2 888105116 +144 209 2 888105116 +144 212 5 888105993 +144 213 4 888105387 +144 215 4 888105714 +144 216 4 888105691 +144 221 3 888104087 +144 223 4 888105197 +144 234 4 888105115 +144 235 1 888104715 +144 237 4 888104258 +144 242 4 888103444 +144 244 3 888104588 +144 248 4 888104032 +144 251 4 888103929 +144 257 4 888104258 +144 258 4 888103371 +144 262 3 888103444 +144 271 2 888103632 +144 273 4 888104213 +144 274 3 888104382 +144 276 3 888104122 +144 280 1 888104625 +144 281 3 888104191 +144 282 4 888104123 +144 284 3 888104213 +144 285 4 888103969 +144 286 4 888103370 +144 288 2 888103509 +144 293 4 888104283 +144 294 4 888103573 +144 297 4 888104150 +144 298 3 888103988 +144 300 3 888103370 +144 302 3 888103530 +144 303 4 888103407 +144 304 4 888103466 +144 307 1 888103407 +144 313 5 888103407 +144 316 5 888103666 +144 318 5 888105419 +144 319 3 888103509 +144 326 4 888103530 +144 327 3 888103444 +144 328 3 888103407 +144 333 3 888103371 +144 343 2 888103725 +144 357 4 888105254 +144 393 4 888105743 +144 403 3 888105636 +144 405 4 888104419 +144 410 3 888104521 +144 411 4 888104588 +144 423 5 888105714 +144 435 4 888105387 +144 454 3 888105993 +144 455 3 888104382 +144 461 4 888106044 +144 466 2 888105823 +144 470 2 888105993 +144 471 4 888104213 +144 474 4 888105311 +144 475 1 888104032 +144 476 2 888104625 +144 478 4 888105337 +144 480 4 888106322 +144 500 4 888105419 +144 514 5 888105197 +144 516 2 888105197 +144 518 3 888106182 +144 521 4 888105312 +144 523 5 888105338 +144 524 5 888105081 +144 527 5 888105665 +144 528 4 888105846 +144 531 5 888105473 +144 533 4 888104258 +144 588 4 888105549 +144 591 3 888104122 +144 597 4 888104191 +144 632 4 888105472 +144 647 4 888105338 +144 651 4 888105197 +144 654 4 888105823 +144 655 5 888105116 +144 685 3 888105473 +144 690 3 888103573 +144 707 3 888106322 +144 713 4 888104322 +144 727 3 888105765 +144 729 4 888105665 +144 747 5 888105473 +144 750 4 888103444 +144 751 4 888103725 +144 760 2 888104283 +144 762 3 888104940 +144 778 4 888106044 +144 785 4 888106016 +144 815 1 888104659 +144 823 3 888104659 +144 845 4 888104191 +144 847 4 888104063 +144 855 4 888105510 +144 880 5 888103509 +144 900 4 888103371 +144 942 4 888106044 +144 956 4 888105636 +144 960 2 888105784 +144 961 3 888106106 +144 962 4 888105612 +144 963 4 888105254 +144 1010 3 888104834 +144 1012 4 888104521 +144 1013 1 888104446 +144 1016 3 888104322 +144 1028 3 888104495 +144 1039 4 888105587 +144 1065 4 888105714 +144 1101 4 888105312 +144 1138 4 888104684 +144 1142 5 888103968 +144 1147 4 888105587 +144 1169 4 888106044 +144 1197 4 888104322 +144 1226 4 888104737 +144 1284 3 888104446 +144 1285 3 888105922 +144 1286 4 888105846 +145 1 3 882181396 +145 3 3 875271562 +145 5 3 875272196 +145 7 5 875270429 +145 9 2 875270394 +145 11 5 875273120 +145 12 5 882182917 +145 13 5 875270507 +145 17 3 875272132 +145 22 5 875273021 +145 23 4 875271896 +145 25 2 875270655 +145 31 5 875271896 +145 38 3 888398747 +145 39 4 875271838 +145 42 5 882181785 +145 44 5 875272132 +145 49 3 875272926 +145 50 5 885557660 +145 51 3 875272786 +145 53 2 875272245 +145 54 5 888398669 +145 55 3 875272009 +145 59 1 882181695 +145 62 2 885557699 +145 64 4 882181785 +145 66 4 875272786 +145 69 5 882181632 +145 77 3 875272348 +145 79 5 875271838 +145 88 5 875272833 +145 89 4 882181605 +145 96 5 882181728 +145 97 5 875272652 +145 98 5 875271896 +145 100 5 875270458 +145 105 2 875271442 +145 106 4 875270655 +145 109 4 875270903 +145 111 3 875270322 +145 117 5 875270655 +145 118 3 875270764 +145 120 2 888398563 +145 121 2 875270507 +145 122 1 888398307 +145 123 4 879161848 +145 134 4 882181695 +145 135 5 885557731 +145 150 5 875270655 +145 155 2 875272871 +145 156 5 875271896 +145 159 4 875272299 +145 164 4 875271948 +145 172 5 882181632 +145 173 5 875272604 +145 174 5 882181728 +145 176 5 875271838 +145 181 5 875270507 +145 182 5 885622510 +145 183 5 875272009 +145 185 4 875271838 +145 195 5 882181728 +145 200 4 877343121 +145 202 4 875272694 +145 203 5 875271948 +145 209 4 882181659 +145 212 2 875272786 +145 216 5 875272694 +145 217 3 877343156 +145 218 3 877343121 +145 219 5 877343185 +145 222 5 885557660 +145 226 1 875272196 +145 227 4 885557660 +145 228 4 885557660 +145 229 3 885557699 +145 230 5 885557660 +145 234 5 875271948 +145 235 4 875270507 +145 236 1 888397981 +145 238 4 882181859 +145 240 5 875270764 +145 242 5 875269755 +145 246 4 888397946 +145 249 4 875270832 +145 250 5 882182944 +145 257 5 875270932 +145 258 4 875269755 +145 259 3 875269871 +145 260 4 875269871 +145 265 5 875272131 +145 266 3 877343000 +145 268 4 888396828 +145 269 5 879161576 +145 270 5 879161577 +145 271 4 885557660 +145 273 5 875270322 +145 274 3 875270800 +145 276 1 882182634 +145 278 4 875272871 +145 281 4 875272299 +145 282 5 875270570 +145 284 4 888398104 +145 286 3 875269755 +145 293 4 875270276 +145 294 4 875269871 +145 298 1 885557579 +145 299 4 875269822 +145 300 3 875269755 +145 301 4 877342952 +145 302 4 879161553 +145 304 2 885557505 +145 308 2 885557505 +145 310 4 883840666 +145 312 3 885622510 +145 313 4 883840638 +145 315 5 883840797 +145 316 5 888396966 +145 327 5 875269822 +145 328 5 875270006 +145 329 4 888397542 +145 331 3 879161554 +145 333 2 885557626 +145 338 3 882181335 +145 339 3 882181058 +145 342 4 882181205 +145 343 5 882181082 +145 346 5 883840638 +145 347 3 891509921 +145 348 4 888397542 +145 352 4 885556043 +145 354 4 891509877 +145 356 4 875272299 +145 358 4 875273234 +145 363 4 875271607 +145 368 3 888398492 +145 379 3 875272299 +145 380 3 885557699 +145 393 5 875273174 +145 394 1 888398833 +145 405 3 875270970 +145 406 3 875270692 +145 407 2 888398400 +145 410 4 875270616 +145 411 2 875271522 +145 412 4 888398492 +145 413 3 877343280 +145 431 5 875272132 +145 436 5 877343121 +145 443 3 882182658 +145 447 5 877343185 +145 448 5 877343121 +145 449 3 885557699 +145 450 3 885557660 +145 452 3 882182762 +145 454 1 885557699 +145 460 1 875271312 +145 470 5 875272299 +145 471 4 885622707 +145 472 3 875271128 +145 477 2 888398069 +145 486 3 882181659 +145 510 4 882181859 +145 515 5 875270394 +145 544 4 875271312 +145 546 3 875271047 +145 549 5 875272786 +145 552 5 888398747 +145 553 3 875272786 +145 554 3 875272245 +145 558 2 877343121 +145 559 2 877343156 +145 563 3 877343280 +145 566 5 875272010 +145 569 4 877343156 +145 572 5 888398747 +145 574 2 888398833 +145 590 1 882182802 +145 591 4 879161848 +145 592 3 888398867 +145 595 3 885557505 +145 597 4 875271477 +145 603 5 875272009 +145 620 3 875271660 +145 628 2 875270932 +145 631 4 885557626 +145 635 4 875272349 +145 636 4 875272050 +145 637 3 882182689 +145 642 3 875272010 +145 650 4 875273120 +145 652 5 882181571 +145 665 5 877343212 +145 672 3 882182689 +145 673 4 875272299 +145 674 4 877343184 +145 678 2 879161675 +145 680 3 875269871 +145 682 3 879161624 +145 683 3 879161674 +145 684 5 875273174 +145 685 4 875271229 +145 687 2 882181335 +145 688 4 875269822 +145 690 4 877342952 +145 692 2 885557505 +145 696 3 875271442 +145 713 4 875270616 +145 717 3 888398702 +145 727 2 875272652 +145 728 2 875272988 +145 731 3 875272833 +145 732 4 875272833 +145 738 3 875272927 +145 739 2 875272927 +145 740 2 875272786 +145 742 4 875270616 +145 743 1 888398516 +145 750 4 885555884 +145 751 4 883840666 +145 752 4 888396828 +145 754 3 882181058 +145 760 2 888398123 +145 761 4 882182850 +145 762 3 875272926 +145 763 4 875271047 +145 767 2 879161882 +145 769 2 877343280 +145 770 1 875272245 +145 771 2 888398867 +145 789 4 875272132 +145 796 3 875272833 +145 800 2 875272349 +145 816 5 877343156 +145 820 2 885557732 +145 821 3 875272833 +145 823 3 875271397 +145 825 4 875271477 +145 826 2 875271312 +145 827 2 888398238 +145 831 1 888398329 +145 859 3 882182763 +145 869 4 875272926 +145 877 2 885557506 +145 879 5 877343000 +145 890 2 885557505 +145 892 2 885557505 +145 894 1 883840965 +145 895 3 883840687 +145 896 2 888396828 +145 898 1 885555980 +145 901 1 885556116 +145 924 2 875270508 +145 925 4 875271047 +145 926 3 875271094 +145 928 3 879161848 +145 929 2 888398069 +145 930 2 888398833 +145 933 1 875270276 +145 934 1 875270394 +145 939 4 875272050 +145 943 3 875272050 +145 949 4 875272652 +145 977 3 879161931 +145 979 3 879161882 +145 983 1 879161805 +145 988 1 891510040 +145 993 3 875270616 +145 1001 4 875271607 +145 1002 1 888398400 +145 1009 2 875270764 +145 1011 5 888398162 +145 1012 4 875270322 +145 1023 1 885557545 +145 1025 4 877343020 +145 1028 5 875271607 +145 1033 1 875270903 +145 1040 1 888398492 +145 1041 5 875272987 +145 1046 4 888398702 +145 1047 3 875270764 +145 1051 2 888398087 +145 1054 1 888398563 +145 1057 1 875271312 +145 1073 5 875272009 +145 1077 3 875272245 +145 1087 1 875271357 +145 1090 2 888398833 +145 1102 1 888398162 +145 1132 3 875271522 +145 1208 4 875272196 +145 1210 1 888398766 +145 1212 2 875272196 +145 1215 2 888398400 +145 1216 2 888398238 +145 1217 2 875272349 +145 1245 5 875271397 +145 1273 5 875272196 +145 1279 1 875270903 +145 1283 1 875270903 +145 1287 2 888398563 +145 1288 4 888398197 +145 1289 1 875271660 +145 1290 1 875272732 +145 1291 3 888398563 +145 1292 1 875271357 +146 245 5 891458080 +146 258 4 891457714 +146 269 4 891457591 +146 271 3 891457749 +146 272 5 891457538 +146 286 3 891457493 +146 294 1 891457668 +146 301 2 891457905 +146 311 4 891457714 +146 315 5 891458193 +146 319 4 891457538 +146 327 3 891457905 +146 328 3 891458079 +146 331 5 891458193 +146 336 5 891458193 +146 340 4 891457714 +146 342 1 891457978 +146 345 4 891457538 +146 1293 5 891458080 +147 270 3 885594204 +147 286 5 885594040 +147 301 5 885594204 +147 302 4 885593845 +147 304 5 885593942 +147 313 4 885593965 +147 319 4 885593812 +147 750 5 885593812 +147 898 5 885593965 +147 937 3 885593997 +148 7 5 877017054 +148 8 4 877020297 +148 50 5 877016805 +148 56 5 877398212 +148 69 5 877019101 +148 71 5 877019251 +148 78 1 877399018 +148 89 5 877398587 +148 98 3 877017714 +148 116 5 877398648 +148 127 1 877399351 +148 132 4 877020715 +148 133 5 877019251 +148 135 5 877016514 +148 151 4 877400124 +148 163 4 877021402 +148 164 4 877398444 +148 168 5 877015900 +148 169 5 877020297 +148 173 5 877017054 +148 174 5 877015066 +148 175 4 877016259 +148 181 5 877399135 +148 189 4 877019698 +148 190 2 877398586 +148 191 1 877020715 +148 194 5 877015066 +148 204 3 877016912 +148 209 5 877398648 +148 214 5 877019882 +148 222 4 877398901 +148 227 4 877399083 +148 228 4 877016514 +148 234 3 877020297 +148 238 4 877398586 +148 357 5 877016735 +148 418 3 877019251 +148 432 5 877019698 +148 473 5 877399322 +148 474 5 877019882 +148 496 3 877015066 +148 501 4 877020297 +148 507 5 877398587 +148 509 5 877016605 +148 521 1 877398836 +148 529 5 877398901 +148 549 3 877398385 +148 588 4 877399018 +148 596 5 877020297 +148 663 5 877399018 +148 713 3 877021535 +148 969 4 877398513 +148 993 4 877400154 +148 1012 4 877400154 +148 1039 2 877015784 +149 245 3 883512813 +149 258 3 883512658 +149 262 1 883512623 +149 268 4 883512715 +149 272 3 883512591 +149 286 5 883512591 +149 300 3 883512715 +149 302 4 883512623 +149 303 4 883512752 +149 311 3 883512752 +149 313 5 883512557 +149 321 2 883512856 +149 323 2 883512928 +149 325 2 883512834 +149 326 3 883512856 +149 328 2 883512689 +149 333 1 883512591 +149 337 2 883512968 +149 338 2 883512904 +149 340 4 883512775 +149 345 4 883512623 +149 346 4 883512658 +149 678 2 883512928 +149 874 3 883512752 +149 1295 3 883512813 +149 1296 3 883512752 +150 14 4 878746889 +150 50 5 878746719 +150 93 4 878746889 +150 123 4 878746852 +150 124 2 878746442 +150 127 5 878746889 +150 147 4 878746442 +150 150 3 878746824 +150 151 4 878746824 +150 235 4 878746792 +150 268 5 878746257 +150 273 4 878746764 +150 276 5 878746982 +150 278 2 878746889 +150 288 4 878746174 +150 291 4 878746764 +150 319 4 878746174 +150 324 4 878746225 +150 410 4 878747090 +150 458 4 878746720 +150 475 5 878746764 +150 628 4 878747018 +151 1 5 879524151 +151 4 5 879524922 +151 7 4 879524610 +151 9 4 879524199 +151 14 5 879524325 +151 15 4 879524879 +151 25 4 879528496 +151 26 3 879542252 +151 28 4 879524199 +151 31 3 879524713 +151 33 5 879543181 +151 44 4 879542413 +151 47 3 879528459 +151 49 3 879543055 +151 50 5 879525034 +151 51 4 879543055 +151 52 5 879524586 +151 56 4 879524879 +151 58 4 879524849 +151 64 5 879524536 +151 65 4 879528729 +151 66 4 879524974 +151 69 4 879524368 +151 70 4 879524947 +151 73 4 879528909 +151 79 4 879524642 +151 81 5 879524293 +151 82 3 879524819 +151 83 5 879524611 +151 86 5 879524345 +151 87 4 879524420 +151 88 5 879542645 +151 89 5 879524491 +151 91 2 879542796 +151 93 5 879525002 +151 97 5 879528801 +151 98 4 879524088 +151 100 3 879524514 +151 111 4 879542775 +151 114 5 879524268 +151 118 3 879542588 +151 121 5 879525054 +151 124 5 879524491 +151 125 4 879542939 +151 131 5 879525075 +151 132 5 879524669 +151 133 5 879524797 +151 134 4 879524131 +151 135 5 879524471 +151 136 4 879524293 +151 137 5 879528754 +151 143 5 879524878 +151 147 2 879524947 +151 151 5 879524760 +151 152 3 879525075 +151 153 3 879524326 +151 154 4 879524642 +151 160 4 879542670 +151 162 5 879528779 +151 163 4 879542723 +151 164 5 879542984 +151 168 5 879528495 +151 169 5 879524268 +151 170 5 879524669 +151 171 5 879524921 +151 172 5 879524325 +151 173 5 879524130 +151 174 5 879524088 +151 175 5 879524244 +151 178 5 879524586 +151 181 5 879524394 +151 183 3 879524642 +151 185 4 879528801 +151 186 4 879524222 +151 189 5 879528495 +151 190 4 879528673 +151 191 3 879524326 +151 193 4 879524491 +151 194 4 879524443 +151 195 3 879524642 +151 196 4 879542670 +151 198 4 879524472 +151 199 3 879524563 +151 200 3 879525002 +151 202 5 879542753 +151 203 3 879524471 +151 204 4 879524641 +151 208 4 879524443 +151 209 4 879524443 +151 210 4 879524419 +151 211 5 879528588 +151 213 5 879524849 +151 215 3 879524420 +151 216 4 879524713 +151 222 5 879525002 +151 223 5 879524088 +151 224 5 879524293 +151 227 5 879542670 +151 228 5 879524345 +151 230 3 879528647 +151 231 1 879543366 +151 234 4 879524819 +151 238 5 879542286 +151 241 3 879542645 +151 258 5 879523838 +151 260 1 879523998 +151 265 5 879542566 +151 274 5 879542369 +151 275 5 879524443 +151 277 4 879524642 +151 286 5 879523838 +151 287 4 879528754 +151 290 1 879543400 +151 300 4 879523942 +151 301 4 879523925 +151 302 3 879523860 +151 317 5 879524610 +151 318 5 879524088 +151 321 4 879523900 +151 322 2 881771160 +151 328 3 879523838 +151 356 2 879528852 +151 357 5 879524585 +151 371 4 879542891 +151 372 5 879524819 +151 378 4 879528520 +151 380 5 879543146 +151 381 5 879528754 +151 382 4 879528754 +151 385 3 879542775 +151 387 5 879542353 +151 393 2 879528692 +151 402 3 879543423 +151 405 3 879543055 +151 408 5 879524222 +151 411 4 879543228 +151 414 5 879542474 +151 417 3 879543075 +151 418 3 879525002 +151 419 3 879524878 +151 420 5 879524760 +151 423 4 879528570 +151 425 4 879528647 +151 427 5 879524108 +151 428 5 879542510 +151 429 5 879528673 +151 430 4 879528418 +151 432 5 879524610 +151 433 3 879542510 +151 435 4 879524131 +151 436 3 879524947 +151 443 5 879524947 +151 448 2 879528779 +151 451 5 879542707 +151 461 4 879524738 +151 462 4 879524088 +151 463 5 879525002 +151 464 4 879524089 +151 466 5 879528496 +151 469 1 879528852 +151 470 3 879528674 +151 473 4 879524974 +151 474 5 879524222 +151 476 3 879543423 +151 478 5 879524471 +151 480 5 879524151 +151 481 3 879524669 +151 482 4 879524345 +151 483 5 879524244 +151 484 4 879524563 +151 485 5 879525002 +151 486 5 879525002 +151 487 5 879524669 +151 488 4 879524900 +151 489 5 879528623 +151 490 5 879528418 +151 491 4 879524536 +151 492 3 879524738 +151 494 4 879524244 +151 496 4 879524974 +151 497 5 879524325 +151 498 5 879524150 +151 499 5 879524585 +151 503 3 879524199 +151 504 4 879528868 +151 505 5 879528909 +151 506 4 879524900 +151 507 5 879524394 +151 509 4 879524778 +151 512 5 879524712 +151 514 4 879524797 +151 516 5 879542707 +151 517 2 879542588 +151 522 5 879524443 +151 523 5 879524173 +151 525 4 879528570 +151 528 5 879524849 +151 529 5 879542610 +151 531 3 879524738 +151 546 2 879543400 +151 549 4 879543324 +151 559 2 879543075 +151 561 3 879543342 +151 566 3 879528890 +151 582 5 879524563 +151 584 3 879525035 +151 602 4 879542688 +151 603 5 879524641 +151 605 4 879528909 +151 606 5 879528496 +151 609 4 879525075 +151 610 5 879528607 +151 611 4 879524514 +151 614 4 879528729 +151 627 2 879542796 +151 628 5 879528674 +151 629 4 879528754 +151 631 3 879524849 +151 632 4 879528779 +151 633 5 879528801 +151 638 5 879528819 +151 642 3 879524713 +151 652 5 879524472 +151 654 4 879524514 +151 655 4 879542645 +151 657 5 879524760 +151 659 5 879524974 +151 660 4 879524199 +151 661 4 879524419 +151 662 4 879525054 +151 663 4 879524268 +151 664 5 879524713 +151 675 2 879524368 +151 684 3 879524849 +151 686 3 879525035 +151 692 3 879524669 +151 699 4 879525035 +151 702 3 879524849 +151 705 5 879524778 +151 707 4 879528537 +151 709 5 879524778 +151 716 2 879528778 +151 724 4 879542270 +151 729 4 879542492 +151 732 4 879542775 +151 735 5 879528438 +151 736 4 879542389 +151 741 2 879524394 +151 748 2 879523925 +151 755 3 879543366 +151 761 3 879542813 +151 770 4 879542527 +151 775 2 879543366 +151 781 3 879543181 +151 782 4 879542566 +151 792 4 879524268 +151 805 4 879542567 +151 813 4 879524222 +151 826 1 879543212 +151 836 4 879524514 +151 837 4 879524642 +151 845 4 879525035 +151 847 5 879528459 +151 922 4 879542847 +151 939 4 879524514 +151 945 5 879524419 +151 952 3 879528729 +151 953 5 879524948 +151 956 4 879542567 +151 962 1 879524394 +151 965 5 879524849 +151 966 4 879543457 +151 969 5 879542510 +151 971 5 879528607 +151 972 4 879543366 +151 1006 1 879524974 +151 1017 2 879542939 +151 1039 4 879524471 +151 1041 3 879543306 +151 1044 2 879524900 +151 1047 2 879543036 +151 1050 4 879524879 +151 1065 3 879542413 +151 1070 4 879524174 +151 1074 2 879543342 +151 1098 1 879528890 +151 1101 4 879524586 +151 1109 4 879542414 +151 1113 4 879542891 +151 1197 5 879542753 +151 1203 5 879542670 +151 1264 4 879542389 +151 1269 5 879528438 +151 1286 5 879524173 +151 1297 1 879542847 +151 1298 4 879528520 +151 1299 4 879543423 +152 8 5 882829050 +152 15 5 880148843 +152 21 3 880149253 +152 22 5 882828490 +152 33 5 882475924 +152 49 5 882477402 +152 51 4 882476486 +152 66 5 886535773 +152 67 5 882477689 +152 69 5 882474000 +152 71 5 882900320 +152 80 5 882477572 +152 88 5 884035964 +152 98 2 882473974 +152 117 4 880148782 +152 120 2 880149686 +152 121 5 880149166 +152 125 5 880149165 +152 133 5 882474845 +152 143 5 882474378 +152 151 4 880148735 +152 153 4 880149924 +152 155 5 884018390 +152 157 5 882476486 +152 161 5 882476363 +152 162 5 882474898 +152 167 5 882477430 +152 173 5 882474378 +152 191 5 880149963 +152 204 4 882474587 +152 215 5 880149882 +152 220 5 884035907 +152 234 4 882474970 +152 237 5 880148734 +152 241 4 884035579 +152 255 5 884035936 +152 274 5 880149166 +152 275 4 880148664 +152 278 4 880149166 +152 280 5 880148941 +152 283 4 880148616 +152 284 5 880149045 +152 286 5 875562268 +152 294 4 880149098 +152 313 4 890322242 +152 319 2 890322385 +152 354 3 890322242 +152 364 4 884019146 +152 367 3 882475972 +152 371 4 882477356 +152 393 5 884018430 +152 401 3 884018905 +152 402 5 882829501 +152 410 4 882478038 +152 411 4 880149350 +152 423 5 882899511 +152 451 5 882476911 +152 483 5 882474435 +152 487 5 882474587 +152 504 4 882476261 +152 527 4 882477356 +152 549 4 882476261 +152 559 1 882475972 +152 568 5 882829846 +152 596 2 880148941 +152 632 4 882474734 +152 660 5 880150075 +152 692 5 880149963 +152 699 5 882476911 +152 720 5 882477356 +152 724 5 884035936 +152 739 5 882475924 +152 740 4 880149197 +152 763 5 884018370 +152 775 4 884018798 +152 778 3 882476683 +152 780 5 884019189 +152 781 5 882476486 +152 783 4 884018961 +152 785 5 886535773 +152 790 5 884018821 +152 794 5 886535773 +152 845 3 886535827 +152 866 5 880149224 +152 871 3 884018842 +152 944 4 882476632 +152 966 5 882829150 +152 1014 2 880149224 +152 1028 5 880149197 +152 1035 4 882477755 +152 1041 5 882477572 +152 1053 5 882475618 +152 1054 1 880149643 +152 1136 5 882477202 +152 1300 4 886535827 +152 1301 5 884018462 +153 50 1 881371140 +153 79 5 881371198 +153 172 1 881371140 +153 181 1 881371140 +153 182 5 881371198 +153 187 2 881371198 +153 258 5 881371336 +153 265 4 881371032 +153 294 2 881370859 +153 322 3 881370900 +153 325 2 881370935 +153 357 5 881371059 +153 568 4 881371140 +154 50 5 879138657 +154 61 4 879138657 +154 89 5 879138910 +154 135 5 879139003 +154 143 3 879139003 +154 152 4 879138832 +154 172 4 879138783 +154 174 5 879138657 +154 182 5 879138783 +154 185 5 879139002 +154 187 5 879139096 +154 191 4 879138832 +154 197 5 879139003 +154 200 5 879138832 +154 202 3 879139096 +154 211 4 879139002 +154 222 2 879138910 +154 238 5 879139040 +154 258 3 879138235 +154 288 3 879138235 +154 324 2 879138287 +154 333 3 879138287 +154 414 4 879138910 +154 462 3 879138831 +154 474 5 879138783 +154 475 4 879138832 +154 479 4 879138831 +154 480 5 879138784 +154 482 4 879138831 +154 496 3 879138910 +154 515 4 879138657 +154 523 5 879138831 +154 527 4 879139040 +154 640 5 879138713 +154 641 5 879138831 +154 642 3 879138910 +154 651 4 879138783 +154 708 4 879139003 +154 874 3 879138368 +154 919 4 879138712 +154 945 3 879138713 +155 245 2 879371061 +155 288 3 879370860 +155 292 3 879371061 +155 300 2 879370963 +155 306 5 879371121 +155 322 2 879371261 +155 326 2 879371121 +155 327 2 879371061 +155 331 3 879370860 +155 332 2 879371121 +155 872 3 879370860 +155 990 3 879371194 +156 9 4 888185735 +156 11 2 888185906 +156 22 3 888186093 +156 48 4 888185777 +156 77 2 888185906 +156 83 3 888185677 +156 86 4 888185854 +156 100 4 888185677 +156 124 3 888185677 +156 157 4 888185906 +156 178 5 888185777 +156 180 5 888185777 +156 187 5 888185778 +156 197 5 888185777 +156 211 4 888185606 +156 318 4 888185947 +156 346 3 888185561 +156 357 4 888185677 +156 480 5 888185606 +156 510 4 888186093 +156 515 3 888185735 +156 528 4 888185906 +156 646 4 888185947 +156 651 4 888185906 +156 655 3 888185677 +156 772 3 888185947 +156 806 3 888185777 +157 1 5 874813703 +157 3 3 886890734 +157 50 4 886890541 +157 93 3 886890692 +157 100 5 886890650 +157 111 3 886889876 +157 117 5 886890296 +157 118 2 886890439 +157 120 1 886891243 +157 137 5 886889876 +157 147 5 886890342 +157 235 5 874813703 +157 244 5 886890406 +157 255 3 886889876 +157 258 3 886890296 +157 268 5 886889729 +157 269 4 886889876 +157 276 4 886889876 +157 286 5 874813268 +157 289 4 886889876 +157 290 4 886890787 +157 293 5 874813703 +157 298 4 886889876 +157 313 5 886889616 +157 340 5 886889616 +157 407 4 886891218 +157 410 4 886890855 +157 475 3 886890650 +157 476 1 886891173 +157 508 5 886890712 +157 515 5 874813477 +157 597 3 886890406 +157 685 3 886890372 +157 740 2 886889876 +157 934 2 886890878 +157 1016 5 886890341 +157 1051 4 886890835 +157 1244 3 886891194 +157 1258 5 886891132 +157 1283 2 886891173 +157 1302 5 874813703 +158 1 4 880132443 +158 4 4 880134477 +158 7 5 880132744 +158 8 5 880134948 +158 10 4 880132513 +158 11 4 880134398 +158 20 4 880134261 +158 22 5 880134333 +158 29 3 880134607 +158 38 4 880134607 +158 39 5 880134398 +158 42 3 880134913 +158 50 4 880133306 +158 53 1 880134781 +158 55 4 880134407 +158 56 5 880134296 +158 62 5 880134759 +158 68 3 880134532 +158 70 4 880135118 +158 79 4 880134332 +158 82 5 880134398 +158 83 5 880134913 +158 85 4 880135118 +158 89 5 880133189 +158 92 4 880134407 +158 96 4 880134332 +158 100 5 880132401 +158 107 3 880132960 +158 111 4 880134261 +158 116 5 880132383 +158 117 3 880132719 +158 118 5 880132638 +158 120 1 880134014 +158 121 4 880132701 +158 123 3 880132488 +158 124 4 880134261 +158 125 3 880132745 +158 127 5 880132356 +158 129 5 880132383 +158 137 5 880132443 +158 144 4 880134445 +158 148 4 880132613 +158 149 3 880132383 +158 154 4 880135069 +158 161 2 880134477 +158 163 4 880135044 +158 168 5 880134948 +158 172 4 880134398 +158 173 5 880134913 +158 174 5 880134332 +158 175 4 880135044 +158 176 4 880134398 +158 181 3 880132383 +158 182 5 880134296 +158 183 3 880134332 +158 184 3 880134407 +158 186 3 880134913 +158 187 5 880134332 +158 188 4 880134332 +158 190 5 880134332 +158 194 5 880134913 +158 195 5 880134398 +158 202 5 880135001 +158 204 4 880135001 +158 208 5 880135093 +158 209 5 880135001 +158 210 4 880134296 +158 216 3 880134948 +158 217 5 880133095 +158 221 2 880132421 +158 222 3 880132771 +158 226 3 880134675 +158 227 2 880134499 +158 228 5 880134296 +158 229 3 880134532 +158 230 2 880134445 +158 231 2 880134532 +158 232 3 880134477 +158 233 3 880134477 +158 235 1 880132794 +158 238 5 880134913 +158 239 3 880135093 +158 244 4 880132772 +158 250 4 880132356 +158 252 3 880132893 +158 271 4 880132232 +158 273 3 880132356 +158 275 5 880132313 +158 277 4 880132658 +158 283 5 880132421 +158 284 5 880132638 +158 285 5 880132383 +158 286 4 880134261 +158 290 4 880135160 +158 293 4 880132513 +158 294 1 880132193 +158 298 3 880132513 +158 302 4 880132193 +158 325 4 880133920 +158 367 4 880134913 +158 373 2 880134781 +158 385 3 880134445 +158 399 3 880134595 +158 403 4 880134650 +158 408 5 880132313 +158 410 3 880132794 +158 414 4 880135118 +158 430 5 880135093 +158 431 5 880134477 +158 433 3 880135044 +158 435 5 880134407 +158 449 2 880134815 +158 450 3 880134815 +158 455 4 880132772 +158 471 4 880132513 +158 472 3 880132659 +158 483 5 880133225 +158 502 4 880135069 +158 511 5 880134296 +158 514 3 880135093 +158 516 5 880135044 +158 518 4 880134398 +158 525 5 880133288 +158 530 4 880134332 +158 544 2 880132638 +158 546 3 880132719 +158 550 3 880134445 +158 562 4 880134607 +158 566 3 880134499 +158 568 4 880134532 +158 570 3 880134445 +158 576 4 880134607 +158 580 4 880135093 +158 583 3 880134477 +158 593 4 880134261 +158 636 4 880134532 +158 648 5 880135020 +158 651 5 880134296 +158 652 4 880134966 +158 659 5 880134947 +158 684 3 880134332 +158 686 5 880134499 +158 694 5 880133209 +158 709 5 880135020 +158 731 2 880135118 +158 742 4 880134261 +158 744 4 880132462 +158 745 4 880135044 +158 797 3 880134701 +158 798 4 880134815 +158 803 3 880134848 +158 809 3 880134675 +158 810 4 880134759 +158 823 2 880132941 +158 825 4 880133029 +158 866 2 880132701 +158 978 3 880133937 +158 985 4 880134261 +158 1011 4 880132579 +158 1016 3 880132701 +158 1047 4 880134261 +158 1067 4 880134261 +158 1303 3 880134865 +159 7 5 880485861 +159 9 3 880485766 +159 15 5 880485972 +159 24 5 880989865 +159 25 5 880557112 +159 67 1 884026964 +159 72 3 884026946 +159 96 4 884360539 +159 103 1 880557604 +159 117 5 880486047 +159 118 4 880557464 +159 121 3 880486071 +159 125 5 880557192 +159 126 5 880557038 +159 130 1 880557322 +159 195 3 884360539 +159 220 5 880557782 +159 225 4 880557347 +159 237 3 880485766 +159 243 4 880485529 +159 245 5 880485488 +159 250 3 881679988 +159 254 3 884026738 +159 255 3 885501660 +159 258 4 893255836 +159 260 2 893255969 +159 272 5 885501645 +159 273 5 880485935 +159 274 3 880557387 +159 276 5 880485824 +159 286 1 880485233 +159 288 3 884026901 +159 289 2 880485415 +159 291 4 880485766 +159 293 4 880485879 +159 294 4 884026788 +159 298 5 880557386 +159 299 3 893256013 +159 301 2 880485344 +159 310 5 880989865 +159 319 1 880485290 +159 322 5 880485443 +159 326 3 880485345 +159 333 5 893255761 +159 358 1 893255969 +159 364 1 884026964 +159 405 5 880557564 +159 411 3 880557677 +159 412 3 880557824 +159 451 5 884360502 +159 456 3 880557848 +159 471 4 880485861 +159 476 5 880557564 +159 546 4 880557621 +159 588 2 884027316 +159 591 4 880557060 +159 595 5 880486009 +159 597 5 880989838 +159 628 3 880486071 +159 678 5 880485530 +159 742 2 880557192 +159 748 3 880485488 +159 756 4 880557464 +159 829 4 880557741 +159 831 2 880557604 +159 832 3 880557864 +159 845 1 880557130 +159 866 5 880557539 +159 871 4 880557003 +159 872 1 880485262 +159 873 2 893256062 +159 876 2 893255905 +159 877 3 893255740 +159 880 1 893256084 +159 881 1 893256139 +159 918 4 893255798 +159 930 4 880557824 +159 932 3 880557464 +159 948 2 880485344 +159 988 3 880485529 +159 1002 3 884027027 +159 1012 5 880557080 +159 1013 4 880557170 +159 1014 4 884027206 +159 1023 2 880557741 +159 1025 2 893256139 +159 1048 3 880557584 +159 1049 4 880485972 +159 1092 2 880989744 +159 1095 5 880557824 +159 1132 5 880557584 +159 1152 4 880557464 +159 1190 5 881680199 +159 1221 5 884027141 +159 1254 1 884360361 +159 1258 1 884026823 +159 1278 3 880557782 +160 1 4 876768025 +160 3 3 876770124 +160 4 4 876861754 +160 7 3 876767822 +160 9 3 876767023 +160 11 4 876858091 +160 13 4 876768990 +160 15 2 876768609 +160 21 1 876769480 +160 23 5 876859778 +160 24 5 876769689 +160 32 5 876859413 +160 50 4 876767572 +160 55 4 876858091 +160 59 4 876858346 +160 61 4 876861799 +160 79 4 876859413 +160 93 5 876767572 +160 100 5 876767023 +160 109 2 876857844 +160 118 3 876768828 +160 123 4 876768949 +160 124 4 876767360 +160 126 3 876769148 +160 127 5 876770168 +160 129 4 876768828 +160 137 4 876767299 +160 150 4 876767440 +160 151 4 876769097 +160 153 3 876860808 +160 157 5 876858346 +160 161 3 876861185 +160 168 4 876858091 +160 169 4 876862077 +160 175 4 876860808 +160 182 5 876770311 +160 185 5 876861185 +160 187 5 876770168 +160 192 5 876861185 +160 195 4 876859413 +160 201 5 876858346 +160 202 4 876862077 +160 209 4 876861185 +160 211 4 876862171 +160 213 4 876859778 +160 218 4 876861878 +160 228 2 876862243 +160 230 2 876860808 +160 237 3 876768609 +160 240 4 876768990 +160 248 5 876768828 +160 250 4 876768106 +160 273 5 876767660 +160 276 5 876768106 +160 282 4 876768025 +160 285 4 876767660 +160 288 5 876771285 +160 293 5 876767572 +160 302 5 878078074 +160 325 3 878078115 +160 328 3 878078096 +160 405 3 876770441 +160 408 4 876767023 +160 410 4 876769148 +160 412 3 876768990 +160 432 3 876861185 +160 447 4 876859413 +160 455 4 876769689 +160 458 5 876768025 +160 461 5 876857977 +160 463 4 876859777 +160 474 4 876857977 +160 475 5 876767822 +160 483 5 876859413 +160 484 5 876862243 +160 488 5 876862078 +160 497 4 876858346 +160 508 5 876768025 +160 514 4 876858091 +160 531 5 876942699 +160 544 4 876768106 +160 564 3 876861799 +160 589 3 876857977 +160 603 4 876861754 +160 604 4 876859778 +160 628 3 876767360 +160 640 3 876860808 +160 671 5 876859778 +160 693 5 876770193 +160 762 3 876769148 +160 763 4 876768025 +160 770 4 876861878 +160 825 2 876767299 +160 832 1 876770673 +160 844 3 876767822 +160 864 1 876770673 +160 922 5 876767621 +160 926 2 876769148 +160 933 3 876767621 +160 952 4 876767299 +160 955 4 876862243 +160 969 1 876861185 +160 1012 5 876769689 +160 1016 4 876767440 +160 1019 5 876857977 +160 1073 4 876859778 +160 1134 4 876768828 +160 1142 5 876768609 +160 1197 4 876768609 +160 1223 4 876861799 +161 15 2 891172284 +161 22 2 891171282 +161 50 2 891170972 +161 56 3 891171257 +161 69 4 891171657 +161 70 3 891171064 +161 100 4 891171127 +161 118 2 891172421 +161 127 3 891171698 +161 132 1 891171458 +161 133 2 891171023 +161 135 2 891170656 +161 177 2 891171848 +161 181 2 891171848 +161 186 4 891171530 +161 187 3 891170998 +161 191 2 891171734 +161 194 1 891171503 +161 197 3 891171734 +161 204 2 891170947 +161 210 2 891171698 +161 213 2 891171887 +161 215 2 891170866 +161 225 1 891172322 +161 257 3 891172174 +161 265 2 891171597 +161 272 5 891170514 +161 274 2 891172070 +161 276 5 891170881 +161 284 3 891172246 +161 286 2 891169991 +161 309 2 891170018 +161 315 5 891169965 +161 316 5 891170275 +161 428 3 891171023 +161 435 2 891171104 +161 473 1 891172358 +161 483 3 891171214 +161 486 1 891171657 +161 487 3 891171357 +161 496 3 891171734 +161 508 2 891171657 +161 523 3 891170686 +161 640 2 891171558 +161 654 3 891171357 +161 929 1 891172377 +161 1117 3 891172402 +161 1266 2 891170745 +162 1 4 877635819 +162 7 3 877635869 +162 11 4 877636772 +162 28 4 877636746 +162 42 3 877636675 +162 50 5 877635662 +162 55 3 877636713 +162 79 4 877636713 +162 105 2 877636458 +162 117 4 877635869 +162 122 2 877636300 +162 144 3 877636746 +162 147 4 877636147 +162 151 3 877636191 +162 174 4 877636772 +162 179 3 877636794 +162 208 3 877636746 +162 237 4 877635980 +162 254 3 877636476 +162 294 3 877634955 +162 358 3 877635375 +162 403 3 877636713 +162 474 3 877636556 +162 508 5 877635662 +162 544 4 877636167 +162 597 4 877636370 +162 628 4 877635897 +162 710 4 877636860 +162 826 3 877635965 +162 943 4 877636604 +162 1011 4 877636370 +162 1012 4 877635965 +163 28 3 891220019 +163 202 3 891220137 +163 258 4 891219977 +163 269 3 891219977 +163 272 4 891219977 +163 300 3 891219977 +163 301 3 891219977 +163 305 2 891219977 +163 316 5 891219976 +163 326 3 891219977 +163 357 4 891220097 +163 433 1 891220137 +163 879 2 891219643 +164 9 4 889402050 +164 100 5 889401998 +164 118 5 889401852 +164 121 5 889402203 +164 125 5 889402071 +164 148 5 889402203 +164 181 5 889401906 +164 222 4 889401927 +164 237 2 889401816 +164 245 5 889401362 +164 248 4 889402030 +164 252 4 889402265 +164 258 5 889401221 +164 276 3 889401771 +164 282 5 889401927 +164 291 5 889401963 +164 293 4 889402121 +164 298 3 889401835 +164 300 5 889401221 +164 307 5 889401284 +164 313 5 889401284 +164 322 4 889401432 +164 323 4 889401318 +164 326 3 889401362 +164 328 5 889401362 +164 329 4 889401410 +164 331 5 889401193 +164 333 5 889401383 +164 342 2 889401691 +164 370 5 889402443 +164 405 5 889402160 +164 407 2 889402443 +164 411 2 889402407 +164 471 5 889402245 +164 472 5 889402071 +164 515 4 889401906 +164 619 4 889402160 +164 678 4 889401432 +164 690 4 889401241 +164 717 3 889402265 +164 742 5 889401981 +164 748 5 889401410 +164 751 4 889401263 +164 823 4 889402225 +164 825 4 889402203 +164 826 4 889402340 +164 845 3 889402071 +164 866 5 889402121 +164 926 2 889402091 +164 934 5 889402547 +164 984 4 889401456 +164 1016 3 889402091 +164 1025 4 889401510 +165 15 5 879525799 +165 91 4 879525756 +165 127 4 879525706 +165 156 3 879525894 +165 169 5 879525832 +165 174 4 879525961 +165 176 4 879526007 +165 187 3 879526046 +165 202 4 879525855 +165 222 5 879525987 +165 223 4 879525894 +165 260 3 879525673 +165 270 4 879525672 +165 318 5 879525961 +165 326 5 879525672 +165 328 3 879525673 +165 332 4 879525672 +165 432 5 879526046 +165 500 3 879525832 +165 1119 3 879525922 +166 243 3 886397827 +166 286 1 886397562 +166 294 3 886397596 +166 313 5 886397478 +166 315 3 886397478 +166 347 5 886397562 +166 687 1 886397777 +166 688 3 886397855 +166 751 4 886397665 +166 984 5 886397802 +167 8 5 892738237 +167 73 2 892738452 +167 83 5 892738384 +167 86 4 892738212 +167 96 5 892738307 +167 99 4 892738385 +167 126 3 892738141 +167 133 5 892738453 +167 136 4 892738418 +167 137 5 892738081 +167 169 1 892738419 +167 184 1 892738278 +167 204 4 892738384 +167 216 4 892738237 +167 222 4 892737995 +167 225 3 892737995 +167 235 3 892737972 +167 237 4 892737972 +167 238 4 892738341 +167 240 1 892737972 +167 241 5 892738419 +167 288 3 892737972 +167 290 3 892737936 +167 318 5 892738307 +167 381 5 892738212 +167 435 5 892738453 +167 465 5 892738341 +167 478 5 892738452 +167 493 4 892738307 +167 512 5 892738341 +167 513 4 892738385 +167 521 5 892738307 +167 530 5 892738453 +167 554 1 892738237 +167 568 3 892738341 +167 606 4 892738452 +167 615 5 892738277 +167 641 4 892738341 +167 655 4 892738237 +167 673 4 892738341 +167 674 2 892738384 +167 698 4 892738307 +167 719 1 892738341 +167 726 1 892738385 +167 733 2 892738453 +167 735 4 892738277 +167 831 3 892738141 +167 949 1 892738341 +167 1125 5 892738419 +167 1126 5 892738418 +167 1147 4 892738384 +167 1200 4 892738384 +167 1225 3 892738277 +167 1304 4 892738277 +167 1305 1 892738418 +167 1307 2 892738277 +167 1308 1 892738307 +167 1309 1 892738341 +167 1310 3 892738384 +168 1 5 884287509 +168 7 1 884287559 +168 9 1 884287394 +168 15 5 884287362 +168 25 5 884287885 +168 100 4 884287362 +168 117 5 884287318 +168 118 4 884288009 +168 121 4 884287731 +168 123 3 884287822 +168 125 4 884287731 +168 126 5 884287962 +168 181 4 884287298 +168 222 5 884287759 +168 225 5 884288304 +168 252 1 884288304 +168 257 5 884287642 +168 258 4 884286863 +168 259 2 884287073 +168 273 4 884287509 +168 275 3 884287822 +168 276 1 884287642 +168 280 4 884287580 +168 281 2 884288033 +168 282 5 884287394 +168 288 1 884287927 +168 291 4 884287668 +168 294 4 884286862 +168 300 5 884287011 +168 313 5 884286862 +168 323 3 884286990 +168 325 1 884287073 +168 405 4 884287927 +168 409 4 884287846 +168 411 1 884288222 +168 458 1 884288058 +168 472 3 884287927 +168 473 2 884288178 +168 546 3 884287962 +168 597 3 884288112 +168 619 3 884287536 +168 678 1 884287109 +168 685 3 884287759 +168 742 5 884287362 +168 744 5 884288058 +168 748 2 884287031 +168 763 2 884288033 +168 819 4 884288270 +168 845 4 884287668 +168 871 3 884287711 +168 924 2 884287614 +168 930 3 884288243 +168 931 3 884288329 +168 988 2 884287145 +168 1012 5 884287509 +168 1016 5 884287615 +168 1028 2 884287846 +168 1047 2 884288080 +168 1051 4 884288222 +169 50 5 891359250 +169 127 4 891359354 +169 134 5 891359250 +169 199 4 891359353 +169 204 3 891359317 +169 211 5 891359200 +169 213 5 891359354 +169 234 4 891359418 +169 243 3 891268851 +169 258 5 891268552 +169 300 5 891268491 +169 321 3 891268777 +169 331 5 891268491 +169 443 4 891359418 +169 480 4 891359137 +169 482 3 891359171 +169 483 3 891359200 +169 495 3 891359276 +169 498 3 891359170 +169 499 3 891359354 +169 525 3 891359250 +169 538 4 891268653 +169 604 4 891359317 +169 606 5 891359137 +169 683 3 891268976 +169 684 5 891359354 +169 705 5 891359354 +170 258 3 884104016 +170 259 3 886623680 +170 294 3 884705913 +170 300 5 884103732 +170 304 4 887646133 +170 322 5 884103801 +170 323 3 884293671 +170 348 3 887646014 +170 678 4 886623680 +170 687 3 884706063 +170 876 3 886190449 +170 988 3 884706063 +171 258 4 891034801 +171 269 4 891034835 +171 270 4 891034835 +171 272 5 891034835 +171 286 3 891034801 +171 288 2 891034606 +171 303 4 891034801 +171 304 3 891034756 +171 305 2 891034606 +171 310 4 891034835 +171 315 4 891034835 +171 326 2 891034801 +171 340 3 891034756 +171 346 4 891034835 +171 354 3 891034606 +171 690 3 891034756 +171 887 4 891034835 +171 906 3 891034684 +172 23 3 875537717 +172 124 4 875537151 +172 178 3 875538027 +172 183 5 875538864 +172 425 1 875536591 +172 428 4 875537964 +172 430 3 875537964 +172 463 4 875537502 +172 483 3 875538028 +172 514 3 875537964 +172 582 4 875538864 +172 606 3 875537964 +172 612 3 875537964 +172 642 4 875538028 +172 772 1 875537099 +172 1134 2 875536721 +172 1172 3 875538864 +173 245 4 877556927 +173 258 4 877556625 +173 259 3 877557239 +173 262 4 877556864 +173 268 4 877556626 +173 269 4 877556626 +173 292 5 877557369 +173 299 4 877556926 +173 301 5 877557076 +173 302 5 877556626 +173 303 5 877556864 +173 305 5 877556626 +173 306 5 877556626 +173 319 4 877556926 +173 321 4 877556864 +173 324 5 877556864 +173 326 5 877556988 +173 327 5 877557168 +173 329 4 877557345 +173 331 4 877557028 +173 332 4 877557028 +173 334 4 877556926 +173 678 3 877556988 +173 687 1 877557132 +173 690 5 877557076 +173 874 4 877556926 +173 879 5 877557076 +173 880 4 877557168 +173 881 3 877557168 +173 937 4 877557077 +173 984 4 877556988 +173 995 5 877556988 +173 1265 3 877557239 +174 1 3 886433898 +174 9 5 886439492 +174 11 5 886439516 +174 12 5 886439091 +174 13 3 891551777 +174 14 5 886433771 +174 15 5 886434065 +174 21 1 886515209 +174 28 5 886434547 +174 29 2 886514469 +174 31 4 886434566 +174 40 4 886514985 +174 41 1 886515063 +174 49 4 886513788 +174 50 4 886433166 +174 56 5 886452583 +174 63 4 886514985 +174 65 5 886514123 +174 66 5 886513706 +174 67 1 886515130 +174 69 5 886514201 +174 70 5 886453169 +174 82 1 886515472 +174 87 5 886514089 +174 88 5 886513752 +174 94 2 886515062 +174 98 5 886452583 +174 99 3 886515457 +174 100 5 886433788 +174 107 5 886434361 +174 111 5 886433898 +174 117 5 886434136 +174 118 2 886434186 +174 122 1 886434421 +174 124 5 886514168 +174 125 5 886514069 +174 126 5 886433166 +174 132 2 886439516 +174 138 1 891551778 +174 139 3 886515591 +174 140 4 886515514 +174 143 5 886515457 +174 147 4 886433936 +174 151 3 886434013 +174 155 4 886513767 +174 158 2 886514921 +174 162 5 886514108 +174 167 3 886514953 +174 168 1 886434621 +174 178 5 886513947 +174 196 5 886514108 +174 197 5 886434547 +174 202 5 886513729 +174 204 4 886452552 +174 210 4 886514788 +174 215 5 886514220 +174 216 5 886439516 +174 221 4 886433771 +174 238 5 890168700 +174 239 4 886439537 +174 240 1 886434241 +174 244 4 886433881 +174 246 5 886433833 +174 248 5 886433981 +174 255 5 886434114 +174 268 5 886432749 +174 269 5 886432811 +174 272 5 886432770 +174 276 5 886433862 +174 278 5 886433833 +174 280 5 886433862 +174 284 4 886433771 +174 286 5 890168158 +174 288 3 886432770 +174 293 5 890168505 +174 312 5 886432972 +174 323 1 886434241 +174 332 5 886432901 +174 333 4 886432811 +174 340 5 886432749 +174 347 4 886432844 +174 364 1 886515240 +174 369 1 886515272 +174 371 5 886513674 +174 381 5 886513706 +174 383 1 886515171 +174 384 1 886515121 +174 386 1 886515130 +174 388 1 886515335 +174 393 4 886514837 +174 396 1 886515104 +174 401 1 886515063 +174 407 1 886515295 +174 412 1 886433919 +174 415 3 886515591 +174 417 4 886515490 +174 423 2 886514276 +174 433 5 886514757 +174 451 5 886513752 +174 456 1 886515240 +174 458 4 886433862 +174 476 4 886434136 +174 546 3 886514323 +174 553 5 886513674 +174 571 1 886515295 +174 575 1 886515239 +174 577 1 886515295 +174 582 4 886439537 +174 597 3 886434261 +174 623 3 886515532 +174 648 5 886513648 +174 655 5 886514168 +174 662 5 886513752 +174 696 4 886434087 +174 699 5 886514220 +174 708 5 886514243 +174 709 4 890168554 +174 715 3 886514397 +174 716 5 886513674 +174 721 2 886514889 +174 722 4 886513896 +174 723 5 886514448 +174 724 5 886453169 +174 739 5 886513729 +174 742 4 886434087 +174 747 5 886513729 +174 762 5 886434136 +174 763 1 886434260 +174 764 4 886434343 +174 768 1 886515569 +174 780 1 886515030 +174 781 4 886513788 +174 823 4 886434376 +174 843 2 886515551 +174 845 5 886433771 +174 846 5 886433996 +174 862 1 886515172 +174 871 1 886434166 +174 902 3 890168363 +174 905 3 890168415 +174 934 4 886434421 +174 949 5 886513729 +174 950 3 886434204 +174 951 1 886515551 +174 953 5 886514377 +174 988 1 886515335 +174 1001 1 886515030 +174 1014 3 890664424 +174 1017 2 886434187 +174 1028 4 886434087 +174 1032 3 886515591 +174 1033 1 886515591 +174 1035 4 886515532 +174 1041 5 886513788 +174 1053 5 886514358 +174 1074 4 886514529 +174 1086 5 886434047 +174 1091 3 886515591 +174 1139 2 886514651 +174 1221 5 886514398 +174 1230 1 886515210 +174 1254 1 886434421 +174 1262 5 886434566 +174 1282 5 886433862 +174 1311 3 886514430 +174 1312 4 886434484 +174 1313 4 888155294 +175 9 4 877108146 +175 11 5 877107339 +175 12 4 877108146 +175 50 5 877107138 +175 64 5 877107552 +175 88 4 877108146 +175 98 5 877107390 +175 100 2 877107712 +175 111 4 877108015 +175 132 3 877107712 +175 133 4 877107390 +175 136 4 877108051 +175 147 3 877108146 +175 172 5 877107339 +175 186 4 877107790 +175 187 4 877107338 +175 193 4 877108098 +175 195 3 877107790 +175 215 5 877107500 +175 234 5 877108015 +175 273 2 877107640 +175 419 5 877108098 +175 496 5 877108098 +175 508 1 877107712 +175 566 3 877108015 +175 660 3 877107836 +175 661 4 877107432 +175 869 3 877107500 +176 7 5 886048188 +176 13 4 886047994 +176 25 3 886048188 +176 50 5 886047879 +176 93 5 886047963 +176 100 5 886047918 +176 111 4 886048040 +176 117 4 886048305 +176 129 3 886048391 +176 150 4 886047879 +176 151 4 886048305 +176 181 3 886047879 +176 222 5 886048145 +176 236 4 886048145 +176 237 3 886048145 +176 240 4 886048230 +176 246 5 886047994 +176 250 4 886047963 +176 257 1 886048188 +176 262 4 886047292 +176 268 5 886046979 +176 270 4 886047069 +176 273 4 886048230 +176 285 5 886047963 +176 286 2 886046979 +176 289 3 886047292 +176 293 5 886048040 +176 298 4 886047918 +176 303 3 886047118 +176 319 3 886046979 +176 321 4 886047176 +176 325 3 886047375 +176 328 4 886047375 +176 340 5 886046979 +176 343 2 886047595 +176 345 5 886046979 +176 347 4 886047442 +176 405 2 886048262 +176 458 4 886048305 +176 475 5 886047918 +176 508 3 886047879 +176 741 3 886048145 +176 750 4 886047176 +176 874 4 886047118 +176 876 3 886047375 +176 881 3 886047531 +176 919 2 886048391 +176 927 3 886048305 +176 948 4 886047595 +176 952 2 886048230 +176 1008 4 886048040 +176 1012 4 886048145 +176 1097 4 886047963 +177 1 3 880130699 +177 7 4 880130881 +177 11 4 880131161 +177 12 5 880130825 +177 22 4 880130847 +177 23 5 880130758 +177 42 4 880130972 +177 47 3 880131187 +177 50 5 880131216 +177 55 3 880131143 +177 59 4 880130825 +177 60 4 880130634 +177 64 4 880130736 +177 87 4 880130931 +177 89 5 880131088 +177 92 4 882142295 +177 96 3 880130898 +177 98 5 880131026 +177 100 5 880130600 +177 121 2 880131123 +177 124 3 880130881 +177 127 5 880130667 +177 129 3 880130653 +177 135 5 880130712 +177 144 5 880131011 +177 150 4 880130807 +177 153 4 880130972 +177 154 4 880130600 +177 156 5 880130931 +177 160 4 880131011 +177 161 3 880130915 +177 168 4 880130807 +177 172 5 880130990 +177 173 4 880130667 +177 174 4 880130990 +177 175 5 880130972 +177 176 4 880130951 +177 179 5 880131057 +177 181 4 880130931 +177 182 5 880130684 +177 183 4 880130972 +177 186 4 880130990 +177 187 4 880131040 +177 195 4 880130699 +177 196 3 880130881 +177 197 4 880130758 +177 198 4 880131161 +177 200 4 880130951 +177 204 3 880131011 +177 210 4 880130990 +177 216 4 880130653 +177 217 3 880131230 +177 221 3 880130775 +177 223 4 880130758 +177 238 3 880131143 +177 245 3 880130534 +177 258 3 880130379 +177 260 2 880130534 +177 268 3 880130452 +177 270 1 880130452 +177 271 2 882141868 +177 276 5 880130758 +177 288 5 880130467 +177 289 2 880130534 +177 292 3 880130415 +177 294 4 880130481 +177 300 2 880130434 +177 302 4 880130379 +177 307 4 882141842 +177 318 4 880130618 +177 322 2 880130534 +177 324 4 880130434 +177 327 3 880130467 +177 334 3 880130467 +177 336 2 880130500 +177 338 3 882142221 +177 340 4 880130415 +177 343 3 882141885 +177 358 2 882141918 +177 403 5 880131201 +177 421 3 880130881 +177 433 4 880131123 +177 469 4 880131201 +177 470 5 880130951 +177 475 4 880130898 +177 508 4 880130825 +177 527 4 880130898 +177 568 3 880130915 +177 628 2 882143736 +177 642 4 880130972 +177 651 3 880130862 +177 654 4 880131106 +177 678 3 882142086 +177 689 3 882141885 +177 693 4 880130653 +177 748 3 880130534 +177 806 4 880131216 +177 878 1 882142141 +177 919 4 880130736 +177 948 2 882141918 +177 963 4 880130736 +177 1039 3 880130807 +177 1067 4 880131201 +177 1110 3 880131123 +177 1218 4 880131231 +178 1 4 882823805 +178 2 4 882827375 +178 7 4 882823805 +178 8 4 882826556 +178 9 2 882823758 +178 11 5 882826162 +178 12 5 882826162 +178 15 5 882823858 +178 16 4 882823905 +178 22 5 882826187 +178 24 3 882824221 +178 25 3 888514710 +178 28 5 882826806 +178 31 4 882827083 +178 38 3 882827574 +178 39 2 882827645 +178 50 5 882823857 +178 51 4 882828021 +178 55 4 882826394 +178 56 4 882825767 +178 58 5 882827134 +178 62 4 882827083 +178 64 5 882826242 +178 66 4 882826868 +178 69 5 882826437 +178 70 4 882827083 +178 71 4 882826577 +178 73 5 882827985 +178 76 3 882827288 +178 77 4 882827947 +178 79 4 882826306 +178 82 5 882826242 +178 83 4 882826556 +178 87 4 885784558 +178 89 4 882826514 +178 90 3 882827985 +178 92 3 882827803 +178 95 5 882826514 +178 96 4 882826782 +178 97 5 882827020 +178 98 5 882826944 +178 99 4 882827574 +178 100 4 882823758 +178 106 2 882824983 +178 111 4 882823905 +178 117 4 882824467 +178 118 4 882824291 +178 121 5 882824291 +178 123 4 882824325 +178 124 4 882823758 +178 125 4 882824431 +178 127 5 882823978 +178 131 4 882827947 +178 133 4 885784518 +178 134 3 882826983 +178 135 2 882826915 +178 143 4 882827574 +178 144 4 882825768 +178 147 4 886678902 +178 148 4 882824325 +178 153 4 882826347 +178 155 4 882828021 +178 156 2 882826395 +178 157 5 882827400 +178 161 5 882827645 +178 164 3 882827288 +178 168 4 882826347 +178 172 4 882826555 +178 173 5 882826306 +178 174 5 882826719 +178 176 4 882826782 +178 178 4 882826395 +178 179 2 882828320 +178 180 3 882826395 +178 181 5 882823832 +178 183 4 882826347 +178 184 5 882827947 +178 187 4 882826049 +178 193 4 882826868 +178 194 4 882826306 +178 195 4 882826944 +178 196 4 882827834 +178 197 2 882826720 +178 200 3 882826983 +178 202 5 882826782 +178 203 4 882826242 +178 204 4 882826048 +178 209 4 882826944 +178 210 5 884837073 +178 214 1 882827985 +178 215 5 882826807 +178 216 4 882826868 +178 218 3 882827776 +178 219 4 882828350 +178 220 3 882827247 +178 222 4 882823857 +178 223 4 882827433 +178 226 4 882826187 +178 228 5 882826556 +178 229 4 885784558 +178 230 4 882826889 +178 232 5 882827162 +178 233 4 882827375 +178 234 4 882826783 +178 235 1 882824467 +178 237 4 882824291 +178 238 4 882826577 +178 241 5 882827375 +178 244 1 884837126 +178 245 3 882823460 +178 246 4 884837324 +178 249 3 884836855 +178 250 4 888514821 +178 255 4 882824001 +178 257 5 882823954 +178 258 4 882823353 +178 259 1 882823437 +178 260 1 886678700 +178 265 5 882826394 +178 268 4 884837324 +178 269 4 882823324 +178 271 4 882823395 +178 273 3 882823858 +178 274 4 882824253 +178 275 5 882823857 +178 276 3 882823978 +178 280 4 882824592 +178 281 3 882824028 +178 282 3 882823978 +178 283 5 882823784 +178 284 4 888514680 +178 286 3 882823324 +178 288 5 882823353 +178 293 4 882823954 +178 294 2 882823301 +178 295 3 882824055 +178 298 2 882823905 +178 300 5 882823301 +178 302 4 892239796 +178 304 4 882823375 +178 313 5 884836422 +178 316 4 888513290 +178 318 5 882826982 +178 319 1 884836946 +178 322 3 882823460 +178 323 3 882823530 +178 326 4 888513095 +178 328 3 882823416 +178 331 4 882823301 +178 333 3 884836479 +178 339 3 892239822 +178 340 1 882823353 +178 342 4 892239863 +178 354 4 892239771 +178 358 1 888512993 +178 363 3 882824467 +178 367 4 882828021 +178 405 3 882823905 +178 410 4 882824467 +178 423 4 882826556 +178 427 5 882826162 +178 431 4 882827400 +178 435 4 882827043 +178 454 4 882827247 +178 455 3 882825357 +178 458 3 882824467 +178 460 2 882824869 +178 465 3 882827506 +178 469 3 882827870 +178 471 4 882823930 +178 472 4 882824194 +178 476 3 882824713 +178 478 5 882826514 +178 480 3 882826048 +178 483 4 882826210 +178 484 4 882826187 +178 491 4 882827247 +178 495 4 882827870 +178 500 4 882827288 +178 506 3 882827084 +178 508 3 884837419 +178 510 4 882826394 +178 511 5 882827532 +178 520 5 882826210 +178 531 4 882826242 +178 535 3 882824671 +178 540 3 886678484 +178 546 3 888514680 +178 549 4 882827689 +178 566 4 882826915 +178 578 4 882828021 +178 588 4 882826242 +178 591 5 882827288 +178 596 3 882824194 +178 597 4 882824869 +178 607 3 882826347 +178 619 3 888514710 +178 625 3 884837073 +178 628 4 882824027 +178 651 4 882826915 +178 654 3 882827506 +178 655 4 882827247 +178 658 5 882827162 +178 678 3 882823530 +178 679 4 882826944 +178 682 3 892239928 +178 684 5 882827019 +178 685 4 882824253 +178 696 4 882824869 +178 720 3 882827645 +178 724 4 882827433 +178 729 4 882827020 +178 735 5 882827083 +178 739 4 882827737 +178 744 3 882824028 +178 746 3 882827019 +178 748 4 882823460 +178 751 4 882823353 +178 756 3 882824983 +178 762 3 882824592 +178 763 4 882824253 +178 764 3 888514648 +178 781 4 882827716 +178 783 4 886678484 +178 790 3 882827870 +178 792 5 882827834 +178 809 4 882827084 +178 819 2 882824670 +178 823 2 882824592 +178 846 3 882824467 +178 849 3 882828021 +178 864 2 888514648 +178 866 4 882825357 +178 873 3 886678647 +178 876 2 886678484 +178 877 2 888513069 +178 881 2 886678484 +178 895 3 884836516 +178 926 4 882824671 +178 978 2 882824983 +178 984 2 882823530 +178 993 5 882824592 +178 1004 4 882827375 +178 1011 3 882824431 +178 1012 4 884837364 +178 1016 4 882824253 +178 1028 3 882824670 +178 1033 2 882824869 +178 1035 4 882828350 +178 1038 2 882823566 +178 1047 2 882824326 +178 1048 2 884837073 +178 1051 3 885784583 +178 1101 4 882827019 +178 1119 4 882827400 +178 1157 3 882827375 +178 1169 4 882827134 +178 1197 4 882824055 +178 1258 4 882823930 +178 1283 3 885784558 +178 1300 3 886678518 +178 1314 3 882827134 +178 1315 4 882824291 +179 269 3 892151064 +179 271 1 892151565 +179 272 5 892151202 +179 288 5 892151489 +179 300 4 892151231 +179 301 4 892151565 +179 302 4 892151173 +179 303 1 892151270 +179 307 3 892151565 +179 310 4 892151365 +179 313 4 892151270 +179 321 1 892151331 +179 331 2 892151331 +179 333 5 892151459 +179 340 4 892151064 +179 346 3 892151489 +179 347 3 892151064 +179 353 1 892151270 +179 362 1 892151231 +179 538 4 892151231 +179 682 5 892151459 +179 690 1 892151489 +179 691 3 892151331 +179 750 1 892151270 +179 893 2 892151565 +179 902 1 892151064 +179 914 5 892151174 +179 916 5 892151064 +179 917 3 892151231 +179 1127 1 892151270 +179 1234 1 892151459 +179 1316 3 892151489 +180 12 2 877355568 +180 28 3 877355568 +180 40 4 877127296 +180 53 5 877442125 +180 56 5 877127130 +180 69 4 877355568 +180 83 5 877128388 +180 98 5 877544444 +180 111 5 877127747 +180 121 5 877127830 +180 153 1 877126182 +180 156 5 877127747 +180 173 5 877128388 +180 181 2 877125956 +180 186 4 877127189 +180 191 4 877372188 +180 196 5 877355617 +180 201 2 877127189 +180 204 3 877127159 +180 213 5 877128388 +180 216 5 877128388 +180 222 5 877127815 +180 235 4 877127758 +180 258 5 877125493 +180 318 5 877355315 +180 356 3 877442079 +180 367 1 877127486 +180 372 5 877127237 +180 380 5 877127796 +180 403 3 877355713 +180 421 5 877128388 +180 423 4 877355568 +180 469 5 877372278 +180 631 5 877544373 +180 655 5 877127159 +180 658 5 877355598 +180 660 5 877372188 +180 684 5 877442058 +180 694 5 877128388 +180 716 1 877128119 +180 729 5 877355598 +180 732 3 877128137 +180 733 5 877128388 +180 735 4 877355337 +180 739 3 877128156 +180 747 4 877128156 +180 778 2 877128388 +180 785 4 877128388 +180 790 1 877127572 +180 939 4 877355472 +180 961 5 877544384 +180 1046 2 877442125 +180 1131 5 877441985 +181 1 3 878962392 +181 6 1 878962866 +181 7 4 878963037 +181 9 4 878962675 +181 10 2 878962955 +181 13 2 878962465 +181 14 1 878962392 +181 15 3 878962816 +181 16 1 878962996 +181 18 1 878962623 +181 19 1 878962392 +181 20 1 878962919 +181 21 1 878963381 +181 24 1 878962866 +181 25 5 878962675 +181 93 1 878962773 +181 100 3 878962816 +181 103 1 878962586 +181 104 1 878962866 +181 105 1 878963304 +181 106 2 878963167 +181 107 1 878963343 +181 108 1 878963343 +181 109 1 878962955 +181 111 3 878962774 +181 112 1 878962955 +181 116 1 878962550 +181 117 2 878962918 +181 118 2 878962955 +181 120 1 878963204 +181 121 4 878962623 +181 122 2 878963276 +181 123 2 878963276 +181 124 1 878962550 +181 125 3 878962816 +181 126 2 878962585 +181 129 2 878962279 +181 130 1 878963241 +181 137 2 878962465 +181 146 1 878962955 +181 147 1 878963168 +181 148 2 878963204 +181 149 1 878962719 +181 150 1 878962465 +181 151 2 878962866 +181 221 1 878962465 +181 222 4 878962919 +181 224 1 878962623 +181 225 3 878963038 +181 235 1 878963168 +181 236 1 878962350 +181 237 5 878962996 +181 240 1 878963122 +181 242 1 878961814 +181 243 1 878961814 +181 245 2 878961369 +181 251 1 878962052 +181 256 1 878962086 +181 258 3 878961709 +181 259 1 878961668 +181 260 1 878961623 +181 261 1 878961814 +181 262 2 878961749 +181 263 1 878961709 +181 266 1 878961709 +181 268 1 878961749 +181 269 1 878961511 +181 270 4 878961270 +181 273 1 878962774 +181 274 4 878962720 +181 275 3 878962720 +181 276 2 878962816 +181 277 1 878963441 +181 278 2 878963440 +181 280 4 878963381 +181 281 2 878963038 +181 282 4 878962816 +181 283 3 878963241 +181 284 2 878962996 +181 285 2 878962816 +181 286 1 878961173 +181 287 2 878963038 +181 288 4 878961173 +181 289 4 878961332 +181 290 2 878963168 +181 291 3 878962997 +181 292 1 878961781 +181 294 2 878961173 +181 299 1 878961749 +181 300 3 878961227 +181 301 2 878961303 +181 302 2 878961511 +181 303 1 878961749 +181 304 1 878961586 +181 305 2 878961542 +181 307 1 878962006 +181 308 1 878961847 +181 319 3 878961173 +181 321 2 878961623 +181 322 1 878961814 +181 323 2 878961304 +181 324 1 878961814 +181 326 1 878961709 +181 327 3 878961780 +181 328 3 878961227 +181 329 1 878961781 +181 330 1 878961668 +181 331 1 878961511 +181 332 2 878961173 +181 333 3 878961227 +181 334 1 878961749 +181 335 1 878961748 +181 336 2 878961709 +181 337 1 878961709 +181 358 2 878961709 +181 359 1 878961668 +181 360 1 878962005 +181 363 1 878963342 +181 368 1 878963440 +181 369 3 878963418 +181 370 2 878963418 +181 405 4 878962919 +181 406 1 878962955 +181 407 2 878963038 +181 408 1 878962550 +181 409 2 878963276 +181 410 1 878962955 +181 411 3 878963276 +181 412 2 878963122 +181 413 2 878963241 +181 424 1 878962240 +181 455 1 878962623 +181 456 1 878962586 +181 457 1 878961474 +181 458 3 878962350 +181 459 1 878962349 +181 460 1 878963418 +181 471 2 878962919 +181 472 1 878963380 +181 473 2 878962919 +181 475 2 878962720 +181 476 4 878962996 +181 477 1 878962465 +181 508 3 878962623 +181 544 1 878962919 +181 546 2 878962919 +181 547 1 878962720 +181 591 4 878962996 +181 593 1 878962349 +181 595 2 878962918 +181 596 4 878962866 +181 597 3 878963276 +181 598 1 878962623 +181 619 3 878963086 +181 620 2 878963204 +181 628 3 878962392 +181 676 3 878962392 +181 678 2 878961369 +181 680 1 878961709 +181 681 1 878961474 +181 682 4 878961586 +181 683 1 878962006 +181 685 2 878963381 +181 687 1 878961814 +181 688 1 878961668 +181 690 3 878961511 +181 696 2 878962997 +181 713 2 878962774 +181 717 1 878963418 +181 718 1 878962675 +181 740 2 878963085 +181 741 1 878962918 +181 742 4 878962623 +181 743 1 878963241 +181 744 2 878962720 +181 748 1 878961368 +181 749 1 878961586 +181 756 2 878962866 +181 758 1 878963418 +181 760 1 878963418 +181 762 2 878963418 +181 763 1 878962955 +181 764 1 878962866 +181 766 1 878962675 +181 767 1 878963381 +181 813 2 878962279 +181 815 3 878963168 +181 818 1 878963380 +181 819 3 878962550 +181 820 1 878963342 +181 823 2 878963343 +181 824 1 878963305 +181 825 1 878963304 +181 826 1 878963304 +181 827 2 878963276 +181 828 1 878963086 +181 829 1 878962675 +181 831 1 878963241 +181 832 1 878963038 +181 833 1 878963205 +181 834 3 878962720 +181 840 1 878963204 +181 841 1 878963204 +181 844 1 878962816 +181 845 3 878962816 +181 846 3 878962586 +181 847 1 878962550 +181 864 2 878962774 +181 866 1 878963037 +181 870 2 878962623 +181 871 2 878963168 +181 873 1 878961542 +181 874 1 878961749 +181 875 3 878961623 +181 876 1 878961781 +181 877 2 878961668 +181 878 1 878961709 +181 879 2 878961542 +181 880 1 878961668 +181 881 1 878961781 +181 882 1 878962006 +181 883 1 878961847 +181 884 1 878961847 +181 885 1 878962006 +181 886 1 878961623 +181 887 1 878962005 +181 919 1 878962550 +181 920 1 878962496 +181 922 1 878963305 +181 924 3 878963168 +181 925 2 878963418 +181 926 1 878962866 +181 927 1 878962675 +181 928 3 878963241 +181 929 1 878963122 +181 930 1 878963275 +181 931 1 878963205 +181 932 1 878963121 +181 933 1 878962675 +181 934 3 878963086 +181 937 3 878961781 +181 948 1 878961474 +181 950 1 878963440 +181 952 1 878962720 +181 974 4 878963417 +181 975 2 878963343 +181 976 1 878963342 +181 977 1 878962997 +181 978 1 878963305 +181 979 2 878963241 +181 980 1 878962496 +181 981 1 878962279 +181 982 1 878963205 +181 983 2 878963038 +181 984 1 878961781 +181 985 1 878962465 +181 986 2 878963038 +181 988 2 878961847 +181 989 1 878961780 +181 990 1 878961814 +181 991 1 878961814 +181 995 1 878961585 +181 1001 1 878963038 +181 1002 1 878963122 +181 1008 1 878963276 +181 1009 1 878963276 +181 1010 1 878962774 +181 1011 1 878963204 +181 1015 1 878963121 +181 1017 1 878962496 +181 1022 1 878962006 +181 1025 1 878961668 +181 1026 1 878961781 +181 1028 2 878962997 +181 1033 1 878963381 +181 1034 1 878962586 +181 1038 1 878962005 +181 1040 1 878962997 +181 1047 2 878962866 +181 1048 2 878963275 +181 1049 1 878963122 +181 1051 2 878962586 +181 1052 2 878963441 +181 1054 2 878963418 +181 1057 2 878963381 +181 1059 1 878963440 +181 1060 1 878962675 +181 1061 2 878963086 +181 1067 1 878962550 +181 1068 1 878962052 +181 1079 1 878963122 +181 1084 2 878962550 +181 1085 1 878962623 +181 1086 1 878962464 +181 1087 1 878962496 +181 1093 1 878962391 +181 1094 1 878963086 +181 1095 1 878962955 +181 1097 1 878962720 +181 1102 1 878963381 +181 1114 1 878963342 +181 1115 1 878962774 +181 1117 2 878962585 +181 1120 1 878962279 +181 1128 1 878962279 +181 1129 1 878962675 +181 1132 1 878963342 +181 1134 2 878963167 +181 1137 1 878962392 +181 1150 1 878963305 +181 1151 1 878963304 +181 1152 2 878962496 +181 1161 1 878962119 +181 1162 1 878962392 +181 1163 2 878963086 +181 1164 3 878962464 +181 1165 1 878962496 +181 1171 1 878962773 +181 1173 1 878962052 +181 1174 1 878962200 +181 1187 1 878962816 +181 1197 1 878962774 +181 1198 1 878962585 +181 1199 1 878962675 +181 1202 1 878962720 +181 1215 1 878963304 +181 1242 1 878962349 +181 1245 1 878962550 +181 1252 1 878962168 +181 1255 1 878962086 +181 1259 1 878962496 +181 1265 1 878961668 +181 1272 1 878962349 +181 1276 1 878962586 +181 1277 2 878963085 +181 1280 1 878961668 +181 1281 1 878963241 +181 1282 1 878962496 +181 1284 1 878962773 +181 1287 1 878963380 +181 1288 1 878962349 +181 1289 1 878962866 +181 1291 1 878963167 +181 1296 1 878962006 +181 1302 1 878962086 +181 1312 1 878962349 +181 1317 1 878962086 +181 1318 1 878962349 +181 1319 1 878962120 +181 1320 1 878962279 +181 1321 1 878962200 +181 1322 1 878962086 +181 1323 1 878962119 +181 1324 1 878962464 +181 1325 1 878962816 +181 1326 1 878963342 +181 1327 1 878963305 +181 1328 1 878962240 +181 1329 1 878962240 +181 1330 1 878962052 +181 1331 1 878962052 +181 1332 1 878962278 +181 1333 1 878962120 +181 1334 1 878962240 +181 1335 1 878963241 +181 1336 1 878963241 +181 1337 1 878963121 +181 1338 1 878962240 +181 1339 1 878962086 +181 1340 1 878962240 +181 1341 1 878962169 +181 1342 1 878962168 +181 1343 1 878962199 +181 1344 1 878962240 +181 1345 1 878962168 +181 1346 1 878962086 +181 1347 1 878962052 +181 1348 1 878962200 +181 1349 1 878962278 +181 1350 1 878962120 +181 1351 1 878962168 +181 1352 1 878962240 +181 1353 1 878962200 +181 1354 1 878962496 +181 1355 1 878963086 +181 1356 1 878963204 +181 1357 1 878962240 +181 1358 1 878962120 +181 1359 1 878962200 +181 1360 1 878962119 +181 1361 1 878963122 +181 1362 1 878962200 +181 1363 1 878962279 +181 1364 1 878962464 +181 1365 1 878963086 +181 1366 1 878962200 +181 1367 2 878962086 +181 1368 1 878962200 +181 1369 1 878962199 +181 1370 1 878962550 +181 1371 1 878962240 +181 1372 1 878962279 +181 1373 1 878962052 +181 1374 1 878962391 +181 1375 1 878962586 +181 1376 1 878963167 +181 1377 1 878962496 +181 1378 1 878962169 +181 1379 1 878962168 +181 1380 1 878962086 +181 1381 2 878962349 +181 1382 1 878962168 +181 1383 1 878962086 +181 1384 1 878962052 +181 1385 1 878962051 +181 1386 1 878962119 +181 1387 1 878962119 +181 1388 1 878962168 +181 1389 1 878962119 +181 1390 1 878962052 +181 1391 1 878962168 +181 1392 1 878961749 +181 1393 1 878961709 +181 1394 1 878961847 +181 1395 1 878961847 +182 1 4 885613092 +182 15 4 885612967 +182 48 3 876436556 +182 50 5 885613018 +182 111 4 885613238 +182 123 4 885612994 +182 126 5 885613153 +182 150 3 885613294 +182 178 5 876435434 +182 181 5 885612967 +182 191 4 876435434 +182 203 3 876436556 +182 222 3 885613180 +182 257 3 885613117 +182 283 2 885613153 +182 471 4 885613216 +182 479 5 876436556 +182 596 5 885613152 +183 50 2 891467546 +183 54 2 891467546 +183 55 4 891466266 +183 62 2 891479217 +183 77 3 891466405 +183 94 3 891466863 +183 121 3 891463809 +183 144 3 891479783 +183 159 4 892323452 +183 176 3 891466266 +183 177 5 892323452 +183 181 2 891463937 +183 202 4 891463320 +183 203 3 891466266 +183 210 3 891465869 +183 212 4 891467870 +183 216 4 891479033 +183 222 4 892323453 +183 226 3 891466350 +183 227 4 891463592 +183 228 4 891463591 +183 229 3 891463591 +183 230 5 892323452 +183 257 2 891464558 +183 258 3 891462811 +183 265 2 891466350 +183 270 3 891462811 +183 273 4 892323452 +183 274 5 892323452 +183 294 3 891467280 +183 331 3 892322382 +183 356 3 891466447 +183 375 2 891467545 +183 380 4 891463592 +183 431 2 891467545 +183 449 2 891463592 +183 450 3 891463592 +183 485 5 892323452 +183 649 4 891464079 +183 739 4 891467353 +183 1090 2 891467546 +183 1159 3 891479702 +183 1215 1 891467546 +184 1 4 889907652 +184 7 3 889907738 +184 9 5 889907685 +184 11 3 889908694 +184 13 3 889907839 +184 14 4 889907738 +184 15 3 889907812 +184 20 4 889907771 +184 22 3 889908985 +184 25 4 889908068 +184 29 3 889910326 +184 34 2 889913568 +184 36 3 889910195 +184 40 4 889910326 +184 44 4 889909746 +184 47 4 889909640 +184 50 4 889907396 +184 51 4 889909069 +184 52 4 889910034 +184 56 3 889908657 +184 57 5 889908539 +184 58 4 889908984 +184 64 4 889909045 +184 65 4 889909516 +184 66 4 889910013 +184 67 3 889912569 +184 69 3 889908694 +184 70 4 889908657 +184 71 4 889911552 +184 72 3 889909988 +184 77 3 889910217 +184 79 3 889909551 +184 82 3 889909934 +184 86 5 889908694 +184 88 3 889909551 +184 89 4 889908572 +184 91 3 889909988 +184 92 3 889908657 +184 93 4 889907771 +184 95 4 889908801 +184 97 2 889908539 +184 100 5 889907652 +184 116 4 889910481 +184 117 2 889907995 +184 118 2 889908344 +184 121 2 889908026 +184 124 5 889907652 +184 126 3 889907971 +184 127 5 889907396 +184 132 5 889913687 +184 134 5 889909618 +184 137 5 889907685 +184 143 3 889908903 +184 155 3 889912656 +184 160 3 889911459 +184 161 2 889909640 +184 164 3 889911434 +184 165 4 889911178 +184 166 3 889910684 +184 170 5 889913687 +184 172 4 889908497 +184 174 3 889908693 +184 175 3 889908985 +184 176 4 889908740 +184 181 4 889907426 +184 182 4 889908497 +184 183 4 889908630 +184 185 4 889908843 +184 192 4 889908843 +184 196 4 889908985 +184 197 4 889908873 +184 202 3 889909768 +184 203 3 889908571 +184 207 4 889908903 +184 208 4 889908985 +184 210 4 889911069 +184 212 4 889909618 +184 213 5 889909045 +184 215 4 889909812 +184 216 4 889908539 +184 217 3 889910394 +184 220 3 889908264 +184 221 5 889907838 +184 223 4 889911195 +184 231 3 889910195 +184 235 2 889907862 +184 237 4 889907945 +184 238 4 889909069 +184 241 3 889909812 +184 250 4 889907482 +184 252 2 889907528 +184 254 2 889907569 +184 255 3 889907468 +184 258 3 889906882 +184 259 3 889907096 +184 262 5 889906946 +184 272 4 889907301 +184 274 4 889907812 +184 275 5 889913687 +184 276 4 889907685 +184 283 5 889913687 +184 285 5 889907771 +184 286 4 889906905 +184 287 4 889908050 +184 301 3 889907045 +184 313 4 889906905 +184 317 3 889909426 +184 318 5 889908571 +184 340 5 889906905 +184 357 5 889913687 +184 368 1 889908104 +184 371 5 889909840 +184 372 3 889910053 +184 378 4 889909551 +184 381 4 889909962 +184 382 5 889909691 +184 387 4 889909515 +184 393 4 889909788 +184 396 3 889910326 +184 399 3 889910159 +184 401 3 889910418 +184 402 3 889910013 +184 403 3 889909746 +184 405 2 889908050 +184 410 3 889908181 +184 411 3 889908207 +184 423 4 889909409 +184 428 4 889909551 +184 443 3 889911552 +184 447 3 889910653 +184 451 4 889909914 +184 458 3 889907925 +184 462 4 889908873 +184 473 4 889908133 +184 476 2 889908207 +184 478 4 889908902 +184 480 4 889908571 +184 483 5 889908630 +184 485 4 889908947 +184 487 4 889908571 +184 488 5 889913687 +184 492 4 889908947 +184 496 5 889908539 +184 497 4 889909409 +184 498 5 889913687 +184 504 4 889908630 +184 506 4 889909569 +184 508 4 889907738 +184 509 4 889908694 +184 511 4 889908740 +184 512 4 889908716 +184 514 5 889908497 +184 515 5 889907599 +184 517 4 889909409 +184 521 4 889908873 +184 523 4 889909618 +184 527 4 889908462 +184 528 5 889908462 +184 529 4 889909445 +184 531 4 889910653 +184 553 3 889909746 +184 559 3 889910418 +184 568 2 889909474 +184 582 4 889909409 +184 584 3 889909889 +184 588 5 889909812 +184 591 3 889907711 +184 596 4 889907812 +184 604 4 889908693 +184 606 5 889913687 +184 629 3 889911162 +184 631 4 889910612 +184 632 5 889913687 +184 639 3 889909590 +184 640 4 889909551 +184 642 4 889909446 +184 644 4 889908947 +184 645 3 889910123 +184 647 5 889909024 +184 651 3 889908462 +184 654 4 889908824 +184 655 3 889908630 +184 657 4 889908497 +184 660 3 889909962 +184 664 3 889911712 +184 665 2 889910098 +184 676 4 889907925 +184 692 4 889909672 +184 693 3 889909142 +184 694 5 889908824 +184 699 5 889909914 +184 707 4 889908873 +184 708 4 889909962 +184 715 4 889909590 +184 716 3 889909987 +184 724 4 889909672 +184 729 3 889909840 +184 735 3 889909868 +184 736 3 889911633 +184 738 3 889910372 +184 739 3 889910257 +184 742 3 889908026 +184 747 3 889909672 +184 766 3 889907738 +184 780 4 889913254 +184 792 4 889909840 +184 805 3 889912232 +184 813 4 889907711 +184 836 4 889909142 +184 837 3 889908630 +184 845 3 889907971 +184 855 4 889909474 +184 942 3 889909768 +184 945 4 889909721 +184 949 3 889909618 +184 950 4 889907896 +184 956 3 889908693 +184 972 3 889909962 +184 995 3 889907044 +184 1006 3 889910078 +184 1008 4 889907896 +184 1010 4 889907896 +184 1012 3 889907448 +184 1014 2 889907468 +184 1020 4 889908630 +184 1061 3 889908264 +184 1086 4 889907711 +184 1101 4 889909515 +184 1117 2 889907771 +184 1121 4 889910545 +184 1136 4 889912890 +184 1137 5 889907812 +184 1148 3 889910098 +184 1160 5 889907363 +184 1167 5 889913687 +184 1195 3 889909934 +184 1232 3 889910123 +184 1297 2 889910257 +184 1396 4 889913490 +184 1397 3 889910233 +184 1398 5 889911749 +185 9 4 883524396 +185 15 3 883525255 +185 25 4 883525206 +185 28 5 883524428 +185 47 4 883524249 +185 50 4 883525998 +185 86 5 883524428 +185 111 4 883524529 +185 116 4 883526268 +185 160 1 883524281 +185 178 4 883524364 +185 181 4 883524475 +185 196 4 883524172 +185 197 5 883524428 +185 205 3 883524320 +185 223 4 883524249 +185 239 3 883524206 +185 258 4 883526267 +185 275 4 883524320 +185 276 4 883524475 +185 279 4 883525255 +185 285 5 883524507 +185 286 4 883523876 +185 302 4 883526267 +185 318 4 883524172 +185 321 5 883524428 +185 423 5 883524428 +185 447 4 883526268 +185 480 4 883526267 +185 514 5 883524428 +185 515 4 883525255 +185 638 4 883524364 +185 690 4 883526267 +185 701 3 883524364 +185 703 4 883524172 +185 845 4 883524507 +185 939 3 883524249 +185 1020 4 883524172 +186 12 1 879023460 +186 31 4 879023529 +186 38 5 879023723 +186 44 5 879023529 +186 53 1 879023882 +186 55 4 879023556 +186 56 3 879023460 +186 71 5 879024535 +186 77 5 879023694 +186 79 5 879023460 +186 95 3 879024535 +186 98 5 891719859 +186 100 4 879023115 +186 106 2 879023242 +186 117 5 879023607 +186 118 2 879023242 +186 121 2 879023074 +186 147 4 891719774 +186 159 5 879023723 +186 177 4 891719775 +186 203 5 879023529 +186 225 4 879024148 +186 226 5 879023664 +186 237 2 879023934 +186 243 2 879024099 +186 257 4 891719774 +186 258 1 879720880 +186 269 1 889818094 +186 288 1 879022858 +186 291 4 879023073 +186 294 3 879024099 +186 295 2 879023390 +186 298 3 879023073 +186 299 3 879720962 +186 300 5 879022858 +186 303 3 891717938 +186 306 4 891717690 +186 322 5 879022927 +186 327 3 891717806 +186 330 4 891718038 +186 331 3 889817888 +186 332 4 891719775 +186 333 3 891718820 +186 338 3 889818331 +186 356 5 879023663 +186 405 3 879023677 +186 406 1 879023272 +186 477 4 891719775 +186 540 4 879024014 +186 546 4 891719775 +186 550 4 879023985 +186 554 1 879023751 +186 568 4 879024014 +186 591 4 879023073 +186 595 3 879023390 +186 596 4 879024459 +186 684 4 879023599 +186 689 4 889817888 +186 717 3 879023242 +186 742 3 879023073 +186 754 2 891717690 +186 770 2 879023819 +186 820 2 879024345 +186 829 4 891719775 +186 880 3 891718700 +186 887 4 891717761 +186 925 5 879023152 +186 934 3 879023968 +186 939 5 879023529 +186 977 3 879023273 +186 988 4 891719775 +186 1016 5 879023643 +186 1033 3 879024212 +186 1042 5 879023632 +186 1046 3 879023751 +186 1083 1 879023599 +186 1213 3 879023882 +186 1253 4 891719774 +186 1277 4 879023677 +186 1336 3 879024346 +186 1385 2 879023968 +186 1399 2 891718530 +187 8 5 879465273 +187 23 4 879465631 +187 52 4 879465683 +187 65 5 879465507 +187 69 4 879465566 +187 83 5 879465274 +187 86 4 879465478 +187 97 3 879465717 +187 134 3 879465079 +187 137 5 879464895 +187 168 5 879465273 +187 173 5 879465307 +187 175 2 879465241 +187 179 5 879465782 +187 186 4 879465308 +187 191 5 879465566 +187 196 4 879465507 +187 197 4 879465597 +187 204 2 879465370 +187 209 4 879465370 +187 213 4 879465858 +187 214 4 879465632 +187 216 5 879465394 +187 241 3 879465858 +187 275 5 879465937 +187 300 4 879464783 +187 423 4 879465745 +187 428 4 879465308 +187 433 4 879465242 +187 435 4 879465242 +187 462 5 879466062 +187 522 3 879465125 +187 582 1 879465683 +187 651 5 879465566 +187 659 5 879465274 +187 660 5 879465744 +187 663 3 879465242 +187 694 5 879465532 +187 707 5 879465882 +187 710 4 879465242 +187 735 4 879465532 +187 736 4 879465632 +187 747 4 879465882 +187 792 5 879465340 +187 1065 4 879465717 +187 1119 3 879465683 +188 5 4 875074266 +188 7 5 875073477 +188 11 5 875071520 +188 13 4 875073408 +188 22 5 875072459 +188 28 3 875072972 +188 38 3 875073828 +188 50 4 875072741 +188 54 4 875074589 +188 56 4 875071658 +188 64 5 875071891 +188 66 3 875075118 +188 69 4 875072009 +188 76 4 875073048 +188 77 4 875072328 +188 79 5 875072393 +188 97 5 875071891 +188 98 5 875071957 +188 100 4 875074127 +188 118 3 875072972 +188 121 4 875073647 +188 127 4 875072799 +188 144 3 875071520 +188 148 4 875074667 +188 151 3 875073909 +188 153 5 875075062 +188 157 3 875072674 +188 159 3 875074589 +188 161 3 875073048 +188 162 4 875072972 +188 164 4 875072674 +188 173 5 875075118 +188 174 5 875072741 +188 176 4 875072876 +188 177 4 875073329 +188 180 5 875073329 +188 181 3 875072148 +188 185 4 875071710 +188 187 3 875072211 +188 194 3 875073329 +188 195 3 875073179 +188 199 4 875071658 +188 202 2 875073712 +188 204 4 875073478 +188 205 3 875071710 +188 209 2 875073246 +188 210 4 875071891 +188 211 4 875075062 +188 216 5 875075300 +188 226 3 875074266 +188 233 3 875074266 +188 234 4 875073048 +188 240 1 875072799 +188 259 3 875071443 +188 265 5 875071520 +188 281 3 875074772 +188 288 4 875071195 +188 294 2 875071249 +188 300 4 875071195 +188 318 5 875072518 +188 326 3 875071293 +188 356 4 875074200 +188 357 4 875073647 +188 392 5 875073408 +188 419 5 875072876 +188 455 4 875075432 +188 462 4 875073246 +188 468 4 875073329 +188 470 5 875073647 +188 483 5 875072009 +188 484 5 875072392 +188 485 3 875072087 +188 498 5 875073828 +188 504 3 875074589 +188 510 3 875071775 +188 511 2 875072211 +188 519 4 875072972 +188 553 4 875071775 +188 554 2 875074891 +188 566 5 875074200 +188 568 4 875072583 +188 591 5 875072674 +188 628 5 875074200 +188 629 4 875073246 +188 632 5 875071581 +188 635 2 875074667 +188 651 4 875073408 +188 673 4 875074127 +188 678 3 875071361 +188 684 3 875073477 +188 717 4 875074329 +188 732 3 875073828 +188 742 5 875073909 +188 764 4 875072087 +188 792 2 875075062 +188 864 2 875072148 +188 877 2 875071361 +188 928 3 875074847 +188 930 4 875074720 +188 1041 3 875072328 +188 1213 2 875074847 +188 1263 3 875071891 +189 1 5 893264174 +189 4 5 893265741 +189 7 3 893264300 +189 8 5 893265710 +189 9 3 893263994 +189 10 5 893264335 +189 13 4 893264220 +189 14 5 893263994 +189 15 2 893264335 +189 16 3 893264335 +189 21 2 893264619 +189 24 4 893264248 +189 28 4 893266298 +189 30 4 893266205 +189 31 3 893266027 +189 44 4 893266376 +189 45 3 893265657 +189 50 5 893263994 +189 59 3 893265191 +189 60 3 893265773 +189 61 3 893265826 +189 79 3 893265478 +189 83 4 893265624 +189 89 5 893265624 +189 91 3 893265684 +189 96 5 893265971 +189 97 4 893277579 +189 99 5 893265684 +189 100 4 893263994 +189 105 2 893264865 +189 118 1 893264735 +189 120 1 893264954 +189 121 2 893264816 +189 124 5 893264048 +189 127 4 893263994 +189 129 3 893264378 +189 131 4 893265710 +189 132 5 893265865 +189 133 5 893265773 +189 134 5 893265239 +189 135 4 893265535 +189 136 4 893265535 +189 137 4 893264407 +189 143 5 893266027 +189 150 4 893277702 +189 151 5 893264378 +189 157 4 893265865 +189 162 3 893266230 +189 165 5 893265535 +189 166 4 893265657 +189 170 4 893265380 +189 172 5 893265683 +189 173 5 893265160 +189 174 5 893265160 +189 175 5 893265506 +189 176 4 893265214 +189 178 5 893265191 +189 179 5 893265478 +189 180 5 893265741 +189 181 3 893264023 +189 185 5 893265428 +189 186 2 893266027 +189 191 5 893265402 +189 194 5 893265428 +189 196 5 893266204 +189 198 4 893265657 +189 199 5 893265263 +189 203 3 893265921 +189 204 5 893265657 +189 207 5 893266161 +189 209 1 893265826 +189 214 1 893266326 +189 216 5 893265478 +189 225 4 893264703 +189 234 5 893265401 +189 238 5 893265683 +189 241 3 893265947 +189 246 4 893264048 +189 248 4 893264174 +189 253 4 893264150 +189 255 2 893277551 +189 268 4 893265071 +189 274 4 893264735 +189 275 5 893264194 +189 276 3 893264300 +189 281 2 893264766 +189 283 5 893264300 +189 294 5 893264220 +189 297 3 893264023 +189 313 2 893263960 +189 317 4 893265826 +189 318 5 893265191 +189 378 4 893266137 +189 381 3 893277551 +189 405 2 893264487 +189 418 3 893266204 +189 423 5 893265796 +189 433 5 893266326 +189 459 4 893264595 +189 462 5 893265741 +189 473 5 893264558 +189 474 5 893265238 +189 479 5 893265123 +189 480 5 893265291 +189 483 5 893265291 +189 484 5 893266105 +189 485 4 893265710 +189 486 5 893266105 +189 487 5 893265568 +189 489 5 893265452 +189 492 3 893265535 +189 496 5 893265380 +189 498 5 893265773 +189 499 4 893265596 +189 500 5 893266351 +189 501 4 893265893 +189 503 3 893266137 +189 505 5 893265239 +189 510 5 893266326 +189 511 4 893265349 +189 513 4 893265865 +189 516 1 893265568 +189 517 4 893265535 +189 523 4 893265596 +189 525 5 893265946 +189 527 5 893265327 +189 531 3 893265327 +189 532 4 893264150 +189 568 4 893266205 +189 582 5 893265998 +189 588 4 893266105 +189 596 3 893264407 +189 603 5 893265239 +189 607 4 893266204 +189 618 2 893265160 +189 630 4 893266376 +189 632 5 893265624 +189 638 5 893265380 +189 639 4 893265893 +189 647 4 893265826 +189 652 5 893265428 +189 654 3 893265291 +189 656 4 893265568 +189 657 5 893265123 +189 659 4 893265796 +189 661 4 893265569 +189 663 3 893265773 +189 694 4 893265946 +189 705 4 893265569 +189 732 2 893277248 +189 742 3 893264270 +189 792 5 893265741 +189 815 3 893264558 +189 820 1 893264782 +189 847 4 893264150 +189 855 3 893265657 +189 863 4 893266161 +189 914 2 893265046 +189 934 2 893264678 +189 952 5 893264619 +189 990 3 893264849 +189 1020 4 893265657 +189 1021 5 893266251 +189 1056 3 893265123 +189 1065 5 893265478 +189 1098 4 893265506 +189 1099 5 893266074 +189 1115 4 893264270 +189 1117 5 893264678 +189 1154 3 893265380 +189 1315 3 893264220 +189 1372 4 893264429 +189 1400 3 893265684 +189 1401 4 893266137 +189 1402 4 893266051 +189 1403 4 893265921 +189 1404 5 893266325 +190 7 4 891033653 +190 9 1 891033725 +190 15 4 891033697 +190 24 3 891033773 +190 100 4 891033653 +190 118 3 891033906 +190 121 3 891033773 +190 125 3 891033863 +190 148 4 891033742 +190 222 4 891033676 +190 237 5 891033773 +190 245 4 891033487 +190 258 3 891033183 +190 269 4 891033606 +190 272 5 891033606 +190 273 4 891033676 +190 276 4 891033632 +190 281 3 891042916 +190 288 5 891033606 +190 291 3 891042883 +190 294 3 891033370 +190 300 4 891033606 +190 310 4 891033607 +190 313 5 891033606 +190 326 4 891033305 +190 327 2 891033349 +190 328 3 891033305 +190 333 4 891033606 +190 354 4 891033606 +190 363 2 891626023 +190 405 4 891626000 +190 471 5 891033632 +190 508 3 891033905 +190 539 2 891033370 +190 544 4 891033806 +190 546 3 891626000 +190 591 4 891033863 +190 597 2 891626023 +190 628 4 891042883 +190 685 3 891033725 +190 696 3 891042883 +190 748 3 891033388 +190 823 2 891626040 +190 826 3 891626040 +190 895 3 891033327 +190 898 2 891033349 +190 930 2 891042916 +190 989 3 891033327 +190 1313 2 891033445 +191 86 5 891562417 +191 269 3 891562090 +191 270 3 891560253 +191 272 4 891560631 +191 300 4 891560842 +191 315 5 891560253 +191 316 5 891561456 +191 328 3 891562090 +191 331 4 891560631 +191 332 2 891562090 +191 339 3 891562090 +191 340 4 891560842 +191 343 3 891561856 +191 345 4 891560753 +191 750 4 891560253 +191 891 3 891560481 +191 900 4 891560481 +192 7 4 881367791 +192 9 5 881367527 +192 25 4 881367618 +192 50 4 881367505 +192 100 5 881367706 +192 108 4 881368339 +192 111 2 881368222 +192 118 2 881367932 +192 121 2 881368127 +192 125 3 881367849 +192 235 3 881368090 +192 255 2 881367505 +192 257 4 881367592 +192 258 5 881366456 +192 269 3 881366436 +192 276 2 881367505 +192 277 3 881367932 +192 284 5 881367987 +192 287 4 881368016 +192 289 4 881366615 +192 515 4 881367889 +192 813 4 881367456 +192 1137 4 881367705 +192 1171 2 881368358 +192 1265 3 881366585 +193 1 4 890859954 +193 2 3 890860198 +193 23 4 889126609 +193 24 2 889125880 +193 25 4 889127301 +193 29 3 889126055 +193 33 3 889125912 +193 38 3 889126055 +193 56 1 889125572 +193 69 5 889125287 +193 72 2 889127301 +193 73 3 889127237 +193 79 4 889125755 +193 82 2 889125880 +193 94 3 889127592 +193 100 5 889124127 +193 111 1 889126375 +193 117 4 889125913 +193 121 3 889125913 +193 122 1 889127698 +193 127 5 890860351 +193 147 2 890860290 +193 153 4 889125629 +193 155 4 889126376 +193 159 4 889124191 +193 161 3 889125912 +193 174 4 889125720 +193 177 4 890860290 +193 182 4 890860290 +193 187 4 890860351 +193 194 4 889125006 +193 195 1 889124507 +193 199 5 889125535 +193 210 4 889125755 +193 218 4 889126705 +193 234 3 889126551 +193 237 4 889124327 +193 246 3 890859402 +193 258 3 889123038 +193 259 2 889123351 +193 260 1 889123777 +193 268 3 889122906 +193 269 4 889123086 +193 274 3 889126272 +193 276 4 890860319 +193 280 4 889124016 +193 282 5 889124965 +193 286 4 889122906 +193 288 1 889123777 +193 294 1 889123777 +193 300 4 889123039 +193 301 4 889123257 +193 307 4 889123316 +193 310 4 890834947 +193 313 4 889122950 +193 327 1 889123777 +193 328 3 889122993 +193 332 3 889123257 +193 333 1 889123039 +193 343 1 889123777 +193 347 4 889122906 +193 352 1 889123777 +193 354 3 889123158 +193 362 3 889122992 +193 366 4 890860428 +193 368 1 889127860 +193 393 4 889126808 +193 402 3 889126375 +193 403 3 889125945 +193 405 3 889125945 +193 412 3 889127787 +193 443 4 889126610 +193 465 3 889126867 +193 476 2 889127698 +193 485 5 889124252 +193 487 5 889124287 +193 508 4 889125319 +193 541 1 889125976 +193 553 4 889126272 +193 554 3 889126088 +193 562 3 889126055 +193 580 4 889127270 +193 673 4 889126551 +193 682 1 889123377 +193 684 4 889125788 +193 689 2 890834966 +193 690 4 889123221 +193 693 4 889124374 +193 715 3 890860076 +193 722 3 889126402 +193 739 4 889126427 +193 742 4 889126673 +193 750 4 889122950 +193 755 4 889126919 +193 763 3 889127457 +193 781 3 889124469 +193 815 3 889126332 +193 826 2 889126146 +193 827 2 890859916 +193 845 4 889124803 +193 871 3 890860319 +193 895 1 889123777 +193 905 4 889123458 +193 928 2 889126609 +193 1074 3 889126453 +193 1090 2 889124778 +193 1132 3 889127660 +193 1168 4 890860234 +193 1258 3 889123806 +193 1406 4 889123926 +193 1407 3 889126146 +194 1 4 879539127 +194 4 4 879521397 +194 7 3 879538898 +194 8 3 879521719 +194 9 4 879535704 +194 12 5 879520916 +194 13 4 879539410 +194 15 4 879539127 +194 22 5 879521474 +194 23 4 879522819 +194 25 2 879540807 +194 26 3 879522240 +194 28 5 879522324 +194 29 2 879528342 +194 30 3 879524504 +194 31 3 879549793 +194 44 4 879524007 +194 50 3 879521396 +194 51 4 879549793 +194 52 4 879525876 +194 56 5 879521936 +194 58 4 879522917 +194 62 2 879524504 +194 64 5 879521936 +194 67 1 879549793 +194 69 4 879521595 +194 70 3 879522324 +194 71 4 879524291 +194 72 3 879554100 +194 73 3 879527145 +194 76 2 879549503 +194 77 3 879527421 +194 78 1 879535549 +194 79 3 879521088 +194 81 2 879523576 +194 82 2 879524216 +194 83 3 879521254 +194 86 3 879520991 +194 87 4 879523104 +194 88 3 879549394 +194 89 3 879521328 +194 90 3 879552841 +194 91 3 879524892 +194 94 3 879528000 +194 95 3 879521719 +194 97 3 879524291 +194 98 4 879521329 +194 99 3 879524643 +194 100 4 879539305 +194 117 3 879535704 +194 118 3 879539229 +194 121 2 879539794 +194 124 4 879539229 +194 125 2 879548026 +194 127 5 879520813 +194 132 3 879520991 +194 133 3 879523575 +194 134 2 879521719 +194 135 3 879521474 +194 136 5 879521167 +194 143 3 879524643 +194 144 4 879547671 +194 152 3 879549996 +194 153 3 879546723 +194 154 3 879546305 +194 155 3 879550737 +194 157 4 879547184 +194 159 3 879552401 +194 160 2 879551380 +194 161 4 879523576 +194 162 3 879549899 +194 167 2 879549900 +194 168 5 879521254 +194 173 5 879521088 +194 174 4 879520916 +194 175 3 879521595 +194 177 3 879523104 +194 178 3 879521253 +194 179 4 879521329 +194 180 3 879521657 +194 182 3 879521475 +194 183 3 879520916 +194 185 4 879521254 +194 186 5 879521088 +194 187 4 879520813 +194 188 4 879522158 +194 191 4 879521856 +194 192 5 879521253 +194 193 4 879524790 +194 194 4 879523575 +194 195 3 879521657 +194 196 3 879524007 +194 197 4 879522021 +194 198 3 879522021 +194 199 4 879521329 +194 202 3 879524216 +194 203 3 879522158 +194 204 4 879522324 +194 205 3 879524291 +194 208 3 879521329 +194 209 3 879521936 +194 210 3 879521396 +194 211 4 879524292 +194 212 1 879524216 +194 213 2 879523575 +194 215 3 879524291 +194 216 3 879523785 +194 218 4 879524892 +194 219 2 879527865 +194 222 1 879538960 +194 223 4 879547032 +194 225 3 879543589 +194 226 3 879525761 +194 227 1 879535548 +194 228 1 879535548 +194 229 1 879535548 +194 230 1 879535548 +194 232 2 879553731 +194 234 3 879521167 +194 235 2 879541343 +194 237 3 879538959 +194 238 5 879521396 +194 239 3 879522917 +194 241 2 879527725 +194 259 2 879520306 +194 265 4 879520991 +194 276 3 879539127 +194 281 2 879540567 +194 282 3 879539614 +194 284 3 879539410 +194 286 1 879520306 +194 289 1 879535548 +194 294 4 879520305 +194 317 4 879521657 +194 318 5 879521328 +194 321 3 879520306 +194 356 2 879524892 +194 357 4 879520916 +194 366 2 879525761 +194 367 3 879525624 +194 371 3 879527584 +194 376 2 879528752 +194 380 1 879535549 +194 383 1 879554842 +194 387 2 879527146 +194 393 2 879524007 +194 399 2 879528454 +194 402 3 879524008 +194 403 2 879527725 +194 404 3 879522445 +194 405 2 879539305 +194 410 3 879541042 +194 414 3 879522240 +194 417 2 879525695 +194 419 2 879521088 +194 423 3 879548121 +194 425 2 879522240 +194 427 4 879521088 +194 431 4 879524291 +194 432 4 879524007 +194 433 3 879523104 +194 435 4 879520813 +194 443 3 879523104 +194 449 1 879554897 +194 450 1 879555001 +194 451 2 879527145 +194 456 1 879544303 +194 465 3 879527513 +194 467 5 879521253 +194 470 3 879527421 +194 471 3 879540807 +194 474 4 879521396 +194 478 3 879521329 +194 479 3 879521167 +194 481 3 879524291 +194 482 3 879521088 +194 483 4 879520916 +194 485 3 879546498 +194 488 3 879521475 +194 491 3 879520916 +194 496 4 879520743 +194 498 3 879521595 +194 501 3 879548319 +194 502 4 879548624 +194 503 4 879522916 +194 504 2 879523785 +194 507 4 879520916 +194 509 3 879522085 +194 510 4 879521474 +194 511 4 879520991 +194 514 3 879521167 +194 515 4 879524216 +194 516 3 879522021 +194 517 3 879521856 +194 518 4 879524291 +194 519 4 879521474 +194 520 5 879545114 +194 521 4 879524504 +194 523 5 879521596 +194 526 4 879521087 +194 527 4 879521474 +194 529 4 879523575 +194 530 4 879521167 +194 540 1 879554950 +194 542 3 879551849 +194 546 3 879541806 +194 549 3 879527263 +194 550 3 879524504 +194 559 2 879521937 +194 562 2 879524007 +194 566 4 879522819 +194 568 2 879522819 +194 570 3 879529356 +194 575 1 879554453 +194 576 2 879528568 +194 580 4 879525876 +194 582 1 879535549 +194 588 4 879524393 +194 604 3 879546498 +194 616 3 879523243 +194 623 1 879551637 +194 624 2 879525695 +194 625 3 879527145 +194 628 3 879540171 +194 629 3 879552401 +194 631 2 879546551 +194 633 3 879521254 +194 636 2 879553731 +194 640 1 879535548 +194 642 2 879527514 +194 647 4 879521531 +194 648 4 879521936 +194 651 3 879520991 +194 654 2 879522445 +194 655 5 879520813 +194 657 4 879521328 +194 659 4 879520743 +194 660 3 879527421 +194 661 5 879523104 +194 663 4 879524292 +194 674 2 879553988 +194 679 2 879523104 +194 692 2 879524215 +194 693 4 879524216 +194 705 2 879524007 +194 708 3 879528106 +194 710 3 879524393 +194 712 3 879555147 +194 715 3 879527263 +194 720 2 879553883 +194 732 3 879522021 +194 735 4 879524718 +194 736 2 879548122 +194 737 4 879553003 +194 739 3 879527263 +194 744 3 879547130 +194 756 1 879549899 +194 762 3 879539305 +194 770 4 879525342 +194 780 2 879527865 +194 783 2 879527865 +194 790 1 879535549 +194 792 4 879524504 +194 808 2 879527999 +194 820 1 879541742 +194 837 4 879546671 +194 864 2 879539305 +194 871 2 879554603 +194 939 3 879550615 +194 941 2 879552569 +194 944 2 879551999 +194 946 3 879527514 +194 951 3 879525761 +194 971 3 879551049 +194 991 2 879520306 +194 997 3 879553988 +194 1011 3 879539794 +194 1041 2 879553591 +194 1044 2 879524579 +194 1045 2 879524644 +194 1058 2 879552923 +194 1066 3 879554383 +194 1091 3 879528568 +194 1093 3 879540807 +194 1107 3 879525624 +194 1112 3 879527999 +194 1183 2 879554453 +194 1206 1 879554453 +194 1207 1 879555410 +194 1220 3 879524790 +194 1408 1 879555267 +194 1409 2 879552662 +194 1410 2 879553404 +194 1411 1 879554331 +194 1412 2 879551921 +195 14 4 890985390 +195 46 3 891762441 +195 47 5 876632643 +195 55 4 888737417 +195 59 3 888737346 +195 60 3 888737240 +195 61 3 888737277 +195 67 2 874825826 +195 93 3 891762536 +195 99 3 888737277 +195 100 5 875771440 +195 109 3 878019342 +195 127 5 875771441 +195 132 5 875771441 +195 134 5 875771441 +195 135 5 875771440 +195 143 5 875771441 +195 152 3 890589490 +195 181 5 875771440 +195 186 3 888737240 +195 198 3 884420000 +195 213 4 883934680 +195 227 3 888737346 +195 234 5 875771441 +195 235 3 883191566 +195 242 4 879141989 +195 258 4 882859352 +195 264 3 890721304 +195 271 4 879488450 +195 276 4 880710086 +195 298 4 888737703 +195 304 4 876617344 +195 313 5 883688297 +195 325 2 880268330 +195 326 3 887439400 +195 358 2 883463275 +195 366 3 885110899 +195 373 3 875158215 +195 384 2 874825826 +195 386 2 874825826 +195 407 2 877835302 +195 413 3 885110849 +195 421 4 892362736 +195 431 3 877835063 +195 433 3 878019342 +195 451 5 875771441 +195 469 3 880710046 +195 477 2 885110922 +195 500 4 876617344 +195 507 4 875436627 +195 508 3 886782519 +195 558 3 890589408 +195 582 4 883822804 +195 591 4 892281779 +195 615 4 880650666 +195 636 2 884504132 +195 651 5 875436683 +195 678 3 883295570 +195 740 3 890985743 +195 748 2 876632518 +195 753 3 874824313 +195 771 2 874825826 +195 779 2 874825826 +195 797 3 877835268 +195 809 3 877835548 +195 823 4 881485704 +195 831 2 884504132 +195 841 2 891841129 +195 877 3 887567629 +195 887 4 886782489 +195 921 3 883934716 +195 982 2 877835350 +195 1013 3 877156636 +195 1030 2 877835451 +195 1084 4 888737345 +195 1089 4 883295540 +195 1193 4 888737346 +195 1228 1 876632600 +195 1315 4 878019299 +195 1407 2 874825826 +195 1413 2 877835268 +195 1414 2 874825826 +195 1415 1 874825827 +195 1416 2 884504132 +195 1417 3 877246560 +195 1418 4 891762646 +196 8 5 881251753 +196 13 2 881251955 +196 25 4 881251955 +196 66 3 881251911 +196 70 3 881251842 +196 94 3 881252172 +196 108 4 881252110 +196 110 1 881252305 +196 116 3 881251753 +196 153 5 881251820 +196 173 2 881251820 +196 202 3 881251728 +196 257 2 881251577 +196 269 3 881250949 +196 285 5 881251753 +196 286 5 881250949 +196 287 3 881251884 +196 340 3 881251045 +196 382 4 881251843 +196 411 4 881252090 +196 428 4 881251702 +196 580 2 881252056 +196 692 5 881252017 +196 762 3 881251955 +196 845 4 881251954 +196 1007 4 881251601 +196 1022 4 881251143 +196 1118 4 881252128 +196 1241 3 881251642 +197 2 3 891409981 +197 4 3 891409981 +197 11 1 891409893 +197 22 5 891409839 +197 29 3 891410170 +197 33 2 891409981 +197 38 3 891410039 +197 39 2 891409982 +197 50 5 891409839 +197 56 1 891409799 +197 62 2 891410039 +197 68 2 891410082 +197 79 5 891409839 +197 82 5 891409893 +197 89 5 891409798 +197 92 1 891410082 +197 127 5 891409839 +197 161 4 891410039 +197 172 5 891409839 +197 174 5 891409798 +197 176 5 891409798 +197 177 5 891409935 +197 181 5 891409893 +197 182 3 891409935 +197 183 5 891409839 +197 184 1 891409981 +197 187 5 891409798 +197 188 3 891409982 +197 190 3 891410082 +197 195 5 891409798 +197 210 5 891409838 +197 226 4 891410038 +197 227 3 891409936 +197 228 4 891409894 +197 230 4 891409893 +197 231 3 891410124 +197 232 4 891410082 +197 233 4 891409935 +197 241 3 891409893 +197 245 4 891409352 +197 258 4 891409255 +197 259 1 891409422 +197 265 5 891409893 +197 271 2 891409352 +197 272 4 891409160 +197 286 1 891409255 +197 288 3 891409387 +197 289 4 891409422 +197 294 4 891409290 +197 306 2 891409160 +197 307 3 891409323 +197 311 4 891409070 +197 313 4 891409160 +197 316 4 891409535 +197 321 3 891409475 +197 322 3 891409475 +197 323 3 891409422 +197 326 3 891409199 +197 328 4 891409290 +197 332 2 891409290 +197 333 2 891409111 +197 340 2 891409199 +197 344 4 891409070 +197 354 2 891409199 +197 362 4 891409199 +197 373 1 891410124 +197 385 2 891409893 +197 399 2 891410082 +197 403 3 891410038 +197 431 3 891409935 +197 435 5 891409935 +197 449 5 891410124 +197 510 5 891409935 +197 518 1 891409982 +197 526 5 891409935 +197 530 3 891410082 +197 538 3 891409535 +197 550 3 891409981 +197 554 4 891410170 +197 566 4 891409893 +197 568 4 891410038 +197 570 4 891410124 +197 576 4 891410039 +197 578 3 891410039 +197 586 3 891410170 +197 651 5 891409839 +197 665 4 891410124 +197 678 2 891409593 +197 679 1 891409935 +197 684 4 891409981 +197 690 3 891409255 +197 720 2 891410039 +197 748 3 891409323 +197 750 5 891409199 +197 751 3 891409290 +197 770 3 891410082 +197 779 2 891410170 +197 802 4 891410082 +197 808 3 891409893 +197 849 3 891410124 +197 879 4 891409535 +197 880 3 891409387 +197 895 3 891409199 +197 947 2 891410083 +197 1222 3 891410082 +197 1228 4 891410124 +197 1419 2 891410124 +197 1420 1 891409683 +198 1 4 884205081 +198 4 3 884209536 +198 6 2 884206270 +198 11 4 884207392 +198 15 3 884205185 +198 23 4 884208491 +198 24 2 884205385 +198 25 2 884205114 +198 27 2 884208595 +198 31 3 884207897 +198 33 3 884209291 +198 50 5 884204919 +198 51 3 884208455 +198 55 3 884207525 +198 56 5 884207392 +198 64 4 884207206 +198 65 2 884208241 +198 69 4 884207560 +198 70 3 884207691 +198 71 3 884208419 +198 73 3 884208419 +198 79 3 884208518 +198 81 5 884208326 +198 82 3 884209451 +198 89 5 884208623 +198 93 3 884205346 +198 95 3 884207612 +198 96 4 884208326 +198 97 3 884207112 +198 98 4 884207611 +198 101 5 884209569 +198 108 3 884206270 +198 117 1 884205114 +198 121 3 884206330 +198 122 1 884206807 +198 127 5 884204919 +198 128 3 884209451 +198 131 3 884208952 +198 132 4 884208137 +198 137 4 884205252 +198 143 3 884208951 +198 148 3 884206401 +198 151 4 884206401 +198 153 4 884207858 +198 154 4 884208098 +198 156 3 884207058 +198 161 3 884208454 +198 164 3 884208571 +198 168 4 884207654 +198 172 4 884207206 +198 173 4 884207492 +198 174 5 884208326 +198 175 3 884207239 +198 176 4 884207136 +198 180 3 884207298 +198 181 4 884205050 +198 182 4 884207946 +198 183 5 884207654 +198 184 3 884209003 +198 185 3 884209264 +198 186 5 884207733 +198 187 4 884207239 +198 188 5 884208200 +198 191 4 884208682 +198 193 4 884207833 +198 195 3 884207267 +198 196 3 884208098 +198 197 4 884208200 +198 198 4 884207654 +198 200 4 884207239 +198 201 3 884207897 +198 203 3 884207733 +198 204 3 884207584 +198 208 3 884208571 +198 210 4 884207612 +198 214 4 884208273 +198 215 4 884208098 +198 216 4 884208490 +198 217 4 884208273 +198 218 3 884209412 +198 222 3 884204993 +198 228 3 884207206 +198 229 3 884209353 +198 230 3 884209073 +198 237 2 884206191 +198 238 4 884207733 +198 241 3 884209264 +198 248 3 884205385 +198 249 2 884205277 +198 265 3 884207206 +198 276 3 884205317 +198 280 3 884206401 +198 291 2 884205219 +198 298 1 884204993 +198 300 2 884204427 +198 318 4 884207560 +198 323 2 884204637 +198 343 3 884204666 +198 356 3 884208455 +198 357 5 884207267 +198 367 3 884209379 +198 369 1 884206806 +198 381 3 884208273 +198 382 4 884207525 +198 385 3 884208778 +198 402 3 884209147 +198 403 4 884209353 +198 405 2 884206428 +198 410 1 884205385 +198 411 1 884206659 +198 423 3 884208241 +198 427 4 884207009 +198 428 4 884209188 +198 429 4 884207691 +198 431 3 884208137 +198 433 2 884208326 +198 434 3 884208061 +198 447 4 884209188 +198 455 3 884206191 +198 462 3 884209535 +198 470 3 884208571 +198 474 5 884207298 +198 475 4 884205277 +198 480 4 884207239 +198 501 4 884209264 +198 509 4 884208710 +198 511 4 884208326 +198 518 3 884208876 +198 526 4 884208273 +198 527 4 884208061 +198 531 5 884207525 +198 549 3 884208518 +198 559 3 884208739 +198 568 3 884208710 +198 581 3 884209504 +198 629 4 884209221 +198 631 3 884208624 +198 636 3 884209353 +198 640 3 884208651 +198 651 4 884207424 +198 652 3 884209569 +198 654 5 884207733 +198 655 4 884209188 +198 660 4 884208624 +198 673 3 884209451 +198 682 3 884204709 +198 684 3 884208778 +198 690 3 884204427 +198 692 2 884208377 +198 693 3 884207734 +198 707 2 884207009 +198 727 4 884208876 +198 746 4 884207946 +198 748 2 884204577 +198 763 3 884206482 +198 820 1 884206773 +198 823 2 884206587 +198 824 2 884206847 +198 871 1 884205277 +198 923 3 884207946 +198 939 3 884209412 +198 942 4 884209569 +198 959 3 884209264 +198 979 5 884206748 +198 1014 2 884206330 +198 1094 1 884206807 +198 1117 3 884205252 +198 1142 5 884205114 +198 1169 4 884208834 +198 1244 2 884206659 +198 1245 4 884205317 +199 1 1 883782854 +199 7 4 883782854 +199 9 5 883782853 +199 14 4 883783005 +199 93 4 883782825 +199 100 3 883782807 +199 111 3 883783042 +199 116 5 883782807 +199 117 3 883782879 +199 243 1 883782636 +199 259 1 883782583 +199 269 5 883782458 +199 276 4 883782879 +199 285 4 883782879 +199 286 5 883782485 +199 313 4 883782557 +199 323 3 883782655 +199 405 2 883783005 +199 408 5 883782716 +199 475 5 883782918 +199 508 4 883782899 +199 539 1 883782509 +199 687 1 883782655 +199 751 3 883782557 +199 813 3 883782807 +199 892 1 883782485 +199 948 1 883782655 +199 989 1 883782509 +199 1326 3 883782934 +199 1354 1 883782952 +200 1 5 876042340 +200 2 4 884130046 +200 7 4 876042451 +200 8 4 884128904 +200 9 4 884126833 +200 15 4 884127745 +200 22 4 884128372 +200 24 2 884127370 +200 25 4 876042234 +200 28 5 884128458 +200 29 4 884130540 +200 33 4 884129602 +200 38 3 884130348 +200 43 3 884129814 +200 45 3 884128372 +200 48 2 884129029 +200 50 5 884128400 +200 54 4 884129920 +200 56 4 884128858 +200 58 4 884129301 +200 62 5 884130146 +200 63 4 884130415 +200 68 5 884129729 +200 69 5 884128788 +200 71 4 884129409 +200 72 4 884129542 +200 79 5 884128499 +200 82 5 884129656 +200 88 4 884128760 +200 89 5 884128788 +200 91 4 884129814 +200 94 4 884130046 +200 95 5 884128979 +200 98 5 884128933 +200 99 5 884128858 +200 103 2 891825521 +200 107 3 884128022 +200 112 3 884127370 +200 117 5 876042268 +200 118 4 876042299 +200 121 5 876042268 +200 123 4 884127568 +200 125 5 876041895 +200 132 5 884130792 +200 135 4 884128400 +200 139 3 884130540 +200 140 4 884129962 +200 141 4 884129346 +200 143 5 884128499 +200 147 5 876042451 +200 148 4 876042340 +200 151 3 876042204 +200 161 4 884128979 +200 169 5 884128822 +200 172 5 884128554 +200 173 5 884128554 +200 174 5 884128426 +200 176 5 884129627 +200 177 4 884129656 +200 179 4 884129029 +200 183 5 884128554 +200 188 4 884129160 +200 191 5 884128554 +200 193 4 884129209 +200 195 5 884128822 +200 196 4 884126833 +200 202 5 884129275 +200 204 5 884128822 +200 205 4 884128458 +200 208 5 884128904 +200 210 5 884128933 +200 215 4 884129346 +200 218 5 884129410 +200 225 4 876042299 +200 226 4 884130085 +200 227 5 884129006 +200 228 5 884128372 +200 229 5 884129696 +200 230 5 884128400 +200 231 4 884130679 +200 234 4 884129381 +200 235 2 884128065 +200 239 3 884129602 +200 241 4 884129782 +200 243 3 876041719 +200 245 3 884126687 +200 258 4 876041644 +200 265 5 884128372 +200 276 5 876041895 +200 280 4 884127798 +200 282 4 884127745 +200 286 4 884125953 +200 288 5 884125846 +200 291 3 891825292 +200 294 4 884125953 +200 313 5 884125806 +200 323 3 884125973 +200 325 5 876041719 +200 357 5 884128498 +200 358 5 884127221 +200 363 3 876042753 +200 373 4 884130754 +200 378 5 884129301 +200 380 5 884129381 +200 385 5 884129696 +200 391 4 884130484 +200 392 5 884128858 +200 393 4 884129410 +200 401 2 884130085 +200 402 4 884129029 +200 405 3 884127370 +200 409 2 884127431 +200 410 3 876042204 +200 411 3 876042824 +200 419 4 884129232 +200 420 5 884129837 +200 423 5 884129275 +200 429 5 884130014 +200 431 5 884129006 +200 432 5 884128458 +200 443 5 884129468 +200 447 4 884130014 +200 449 5 884130540 +200 451 4 884129006 +200 455 3 876042340 +200 462 4 884128858 +200 465 4 884129112 +200 470 4 884129782 +200 472 4 884127890 +200 473 4 876042493 +200 483 5 884128426 +200 495 3 884129092 +200 496 5 884128904 +200 501 4 884129504 +200 509 4 884129602 +200 515 5 884129381 +200 523 4 884129627 +200 527 4 884129656 +200 528 4 884128426 +200 542 3 884130592 +200 546 3 884127745 +200 549 4 884129567 +200 552 4 884130540 +200 559 4 884129920 +200 560 4 884130655 +200 568 5 884128372 +200 570 4 884130484 +200 576 4 884130415 +200 578 5 884130085 +200 580 2 884130114 +200 582 4 884129782 +200 584 4 884129542 +200 586 4 884130391 +200 596 4 876042584 +200 597 4 876042824 +200 609 3 884129457 +200 622 3 884129782 +200 652 2 884127370 +200 660 3 884129209 +200 665 4 884130621 +200 674 4 884130348 +200 679 4 884129920 +200 685 4 876042493 +200 692 3 884128400 +200 717 4 876042493 +200 720 4 884130114 +200 739 4 884130046 +200 742 4 876042133 +200 743 3 891825607 +200 748 3 884125953 +200 755 5 884129729 +200 756 3 876042493 +200 758 3 884127370 +200 760 4 876042753 +200 768 4 884130592 +200 771 4 884130721 +200 802 4 884130485 +200 812 4 884130621 +200 820 3 884127370 +200 826 4 876042556 +200 831 4 891825565 +200 840 4 876042525 +200 841 3 876042556 +200 866 4 891825324 +200 890 4 884127082 +200 924 5 876042368 +200 929 4 876042979 +200 930 3 876042790 +200 931 3 891825627 +200 934 2 884127370 +200 951 5 884130014 +200 982 2 891825589 +200 984 3 884125996 +200 1028 2 884128176 +200 1033 2 891825441 +200 1034 3 891825521 +200 1049 3 876042922 +200 1060 3 876042340 +200 1073 3 884129542 +200 1091 4 884129814 +200 1139 3 884130484 +200 1217 4 884130014 +200 1219 3 884130289 +200 1228 4 884130721 +200 1411 3 884130289 +200 1419 5 884130679 +201 1 3 884113635 +201 2 2 884112487 +201 4 4 884111830 +201 7 3 884112201 +201 8 3 884141438 +201 9 3 884113343 +201 10 3 884114169 +201 11 4 884112201 +201 12 4 884111269 +201 15 3 884140670 +201 17 3 884112581 +201 20 2 884140275 +201 22 2 884112201 +201 23 4 884111830 +201 25 3 884114015 +201 26 4 884111927 +201 27 3 884140891 +201 28 3 884111217 +201 29 3 884141053 +201 31 1 884114232 +201 32 3 884140049 +201 33 4 884112487 +201 36 1 884140927 +201 37 2 884114635 +201 39 1 884112427 +201 42 4 884113713 +201 45 2 884111958 +201 46 4 884140247 +201 47 4 884140610 +201 48 3 884111485 +201 50 4 884114471 +201 51 2 884140751 +201 53 3 884114713 +201 55 4 884114471 +201 56 5 884111269 +201 57 4 884111958 +201 58 4 884140488 +201 59 4 884111546 +201 61 2 884111986 +201 62 1 884310149 +201 64 3 884111436 +201 65 4 884113806 +201 68 2 884112487 +201 69 2 884112901 +201 70 3 884112029 +201 71 3 884111270 +201 76 4 884140709 +201 77 2 884140788 +201 79 4 884112245 +201 81 1 884140488 +201 82 4 884114471 +201 86 4 884111637 +201 87 3 884111775 +201 89 3 884112245 +201 92 3 884112245 +201 93 5 884113662 +201 95 3 884114015 +201 96 4 884112352 +201 97 2 884140115 +201 98 4 884111312 +201 99 3 884141438 +201 100 4 884111485 +201 116 1 884112800 +201 117 2 884112487 +201 118 1 884310148 +201 121 2 884114275 +201 123 2 884114233 +201 124 3 884112991 +201 125 2 884140709 +201 127 5 884111708 +201 128 2 884111546 +201 129 4 884114471 +201 134 4 884113772 +201 137 4 884112901 +201 144 4 884112245 +201 145 3 884114813 +201 148 1 884140751 +201 150 4 884139983 +201 156 4 884111830 +201 157 4 884113453 +201 160 5 884113368 +201 164 3 884112627 +201 171 3 884111678 +201 172 5 884111269 +201 173 3 884111360 +201 174 3 884112201 +201 175 2 884140022 +201 176 4 884112281 +201 179 5 884114471 +201 180 3 884140078 +201 181 2 884112245 +201 182 4 884111485 +201 183 4 884112245 +201 184 3 884112245 +201 185 5 884111217 +201 186 3 884114069 +201 187 3 884111312 +201 188 4 884112201 +201 190 4 884111873 +201 191 4 884114471 +201 192 4 884111637 +201 193 3 884140078 +201 195 3 884111397 +201 196 4 884111677 +201 197 4 884113422 +201 198 4 884111873 +201 200 5 884112537 +201 201 4 884112537 +201 202 3 884112747 +201 204 4 884113082 +201 206 2 884112029 +201 207 3 884111360 +201 209 3 884112801 +201 210 2 884111270 +201 211 3 884112840 +201 212 4 884111899 +201 213 4 884111873 +201 215 2 884140382 +201 216 4 884111360 +201 217 3 884112627 +201 218 4 884114471 +201 221 3 884111397 +201 222 3 884112201 +201 223 4 884113343 +201 226 3 884114232 +201 227 4 884310149 +201 228 3 884112427 +201 230 3 884112487 +201 231 2 884310104 +201 232 2 884112282 +201 233 4 884310104 +201 234 5 884112537 +201 237 4 884140307 +201 238 3 884113343 +201 239 1 884140275 +201 240 3 884114069 +201 241 2 884112487 +201 242 4 884110598 +201 258 2 884110667 +201 260 4 884110967 +201 265 3 884310104 +201 268 4 884110637 +201 269 3 886013700 +201 271 4 884110967 +201 273 2 884112352 +201 275 4 884113634 +201 276 5 884111598 +201 281 2 884112352 +201 282 2 884140428 +201 284 3 884140336 +201 285 4 884114471 +201 286 2 884110702 +201 288 4 884110887 +201 289 2 884111064 +201 292 3 884110598 +201 302 4 884110637 +201 303 2 884110667 +201 304 2 884110967 +201 313 5 884110598 +201 315 3 884111029 +201 317 3 884113634 +201 318 5 884111269 +201 319 2 884110967 +201 321 3 884111029 +201 324 5 884110811 +201 325 5 884111064 +201 326 2 884111095 +201 331 4 884110967 +201 332 2 884110887 +201 333 2 884110927 +201 334 4 884110927 +201 340 5 884110887 +201 346 4 884110766 +201 357 4 884111217 +201 358 1 884111095 +201 366 2 884141015 +201 370 1 884114506 +201 375 3 884287140 +201 379 3 884114813 +201 380 1 884140825 +201 381 3 884111986 +201 385 2 884112427 +201 387 2 884140825 +201 396 3 884114682 +201 402 2 884140975 +201 403 3 884112427 +201 405 4 884112427 +201 406 1 884114505 +201 408 4 884111436 +201 413 3 884114505 +201 421 2 884111708 +201 423 4 884112901 +201 425 3 884140246 +201 431 1 884112352 +201 432 3 884111312 +201 435 4 884112201 +201 436 3 884112627 +201 438 1 884114813 +201 440 2 884114770 +201 441 1 884112537 +201 443 3 884112580 +201 447 5 884112581 +201 448 3 884112581 +201 452 1 884114770 +201 454 2 884111830 +201 455 3 884112487 +201 458 4 884140428 +201 461 4 884113924 +201 462 1 884141208 +201 464 1 884140522 +201 466 4 884113453 +201 467 2 884139983 +201 468 4 884140927 +201 469 4 884113453 +201 471 2 884140637 +201 473 3 884141470 +201 475 4 884112748 +201 479 4 884111397 +201 480 4 884111598 +201 482 4 884111360 +201 483 3 884111546 +201 505 3 884113772 +201 506 4 884114471 +201 508 4 884140458 +201 509 3 884111546 +201 511 3 884112201 +201 513 3 884114069 +201 514 3 884112747 +201 515 5 884111546 +201 518 4 884112201 +201 521 2 884111637 +201 527 3 884111360 +201 531 2 884113949 +201 537 3 884141053 +201 544 2 884140307 +201 546 2 884140891 +201 549 3 884140750 +201 551 1 884114770 +201 556 4 884111397 +201 558 2 884112537 +201 559 2 884112627 +201 563 1 884114813 +201 566 3 884112352 +201 567 3 884112673 +201 568 3 884112245 +201 578 2 884310148 +201 581 3 884140788 +201 582 5 884111873 +201 583 1 884112352 +201 587 4 884140975 +201 588 4 884113490 +201 589 3 884113082 +201 590 1 884114813 +201 591 3 884140307 +201 596 4 884141438 +201 597 2 884310149 +201 603 4 884113924 +201 607 4 884111485 +201 631 2 884140750 +201 636 2 884310149 +201 637 3 884112627 +201 640 4 884112029 +201 642 4 884111485 +201 644 3 884113924 +201 651 4 884111217 +201 654 3 884113422 +201 655 4 884112800 +201 656 4 884111775 +201 658 3 884111677 +201 660 3 884140927 +201 665 2 884114770 +201 667 2 884114682 +201 670 4 884112673 +201 672 2 884112673 +201 673 3 884140115 +201 676 2 884140927 +201 679 3 884310104 +201 682 3 884110887 +201 684 3 884114233 +201 685 3 884112352 +201 686 2 884112352 +201 692 3 884114895 +201 693 4 884113949 +201 697 4 884140115 +201 699 3 884140610 +201 702 1 884111986 +201 705 3 884113302 +201 708 4 884140247 +201 715 4 884140382 +201 729 2 884140975 +201 733 3 884140522 +201 735 3 884113975 +201 737 2 884112077 +201 747 2 884113635 +201 750 3 884110598 +201 751 3 884110766 +201 770 3 884112426 +201 772 5 884113343 +201 773 4 884112627 +201 774 1 884114713 +201 777 1 884112673 +201 789 3 884112840 +201 792 4 884140579 +201 800 2 884114713 +201 803 2 884112282 +201 806 3 884140049 +201 823 3 884140975 +201 825 1 884112427 +201 844 2 884112537 +201 847 2 884111546 +201 853 4 884114635 +201 855 4 884111873 +201 856 3 884140709 +201 886 1 884110927 +201 895 3 884110702 +201 896 3 884110766 +201 919 3 884141208 +201 923 3 884113592 +201 924 3 884140751 +201 943 3 884114275 +201 950 3 884140610 +201 955 3 884114895 +201 956 4 884140522 +201 962 4 884113082 +201 972 3 884140522 +201 980 3 884140927 +201 991 4 884110735 +201 1006 2 884112136 +201 1008 3 884140891 +201 1010 3 884140579 +201 1011 3 884140853 +201 1039 3 884111599 +201 1045 2 884140788 +201 1056 2 884113592 +201 1063 3 884113453 +201 1065 3 884113490 +201 1069 2 884111312 +201 1070 5 884111677 +201 1073 2 884111899 +201 1098 2 884112747 +201 1103 3 884140487 +201 1128 4 884140825 +201 1131 5 884111359 +201 1135 5 884140750 +201 1136 1 884140637 +201 1137 4 884111830 +201 1153 2 884140709 +201 1163 1 884140382 +201 1166 3 884113806 +201 1169 4 884141053 +201 1170 4 884141053 +201 1174 5 884140670 +201 1187 3 884112201 +201 1192 3 884113772 +201 1193 4 884111873 +201 1194 4 884111899 +201 1208 4 884140927 +201 1211 3 884113806 +201 1220 2 884140975 +201 1224 2 884140891 +201 1227 1 884140787 +201 1229 3 884140307 +201 1245 4 884141015 +201 1267 3 884141053 +201 1268 4 884112077 +201 1355 1 884111637 +201 1398 4 884140079 +201 1401 2 884140670 +201 1421 3 884141015 +201 1422 2 884114194 +201 1423 3 884140853 +201 1424 3 884113114 +201 1425 3 884111637 +201 1426 2 884114015 +201 1427 2 884113975 +201 1428 4 884114099 +202 1 3 879727059 +202 96 4 879727059 +202 179 1 879727294 +202 191 2 879727294 +202 195 4 879726914 +202 242 3 879726342 +202 269 4 879726420 +202 318 1 879727116 +202 481 1 879726642 +202 516 4 879726778 +203 1 3 880434384 +203 7 3 880434438 +203 24 4 880434359 +203 50 5 880434810 +203 100 1 880434411 +203 150 5 880434278 +203 151 4 880434384 +203 222 4 880434318 +203 237 3 880434411 +203 248 5 880434496 +203 250 4 880434495 +203 257 3 880434298 +203 258 3 880433368 +203 271 3 880433445 +203 276 4 880434810 +203 283 5 880434359 +203 288 5 880433368 +203 304 3 880433445 +203 323 3 880433558 +203 326 4 880433398 +203 458 3 880434336 +203 475 3 880434318 +203 477 4 880434755 +203 619 3 880434438 +203 628 4 880434810 +203 742 3 880434882 +203 744 2 880434495 +203 748 2 880433474 +203 815 4 880434882 +203 879 4 880433474 +203 890 2 880433499 +203 993 3 880434919 +203 1049 2 880434463 +204 1 2 892513979 +204 9 5 892513979 +204 12 4 892513865 +204 45 5 892513906 +204 146 3 892513979 +204 170 5 892513865 +204 242 5 892388935 +204 245 3 892391980 +204 259 2 892389195 +204 262 4 892389137 +204 268 3 892388935 +204 269 4 892388976 +204 288 3 892389137 +204 297 5 892514010 +204 300 3 892388900 +204 301 4 892389328 +204 302 5 892389137 +204 303 5 892389020 +204 304 3 892389328 +204 316 4 892388935 +204 318 5 892513819 +204 321 1 892388900 +204 322 3 892391947 +204 333 1 892391748 +204 336 1 892391854 +204 482 4 892513906 +204 874 3 892388976 +204 880 2 892388976 +204 1022 5 892392078 +204 1194 4 892513906 +204 1281 2 892513979 +204 1296 5 892392078 +205 242 4 888284313 +205 243 2 888284758 +205 268 2 888284618 +205 286 2 888284245 +205 294 3 888284402 +205 300 3 888284245 +205 315 4 888284245 +205 322 3 888284577 +205 328 3 888284454 +205 748 4 888284710 +205 875 2 888284532 +205 1025 1 888284495 +206 242 3 888180049 +206 258 4 888179602 +206 260 3 888179772 +206 262 1 888180049 +206 269 4 888180018 +206 272 5 888179565 +206 294 2 888179694 +206 300 1 888179565 +206 308 2 888180049 +206 309 2 888179647 +206 310 5 888179625 +206 313 5 888179565 +206 314 1 888179948 +206 315 5 888180018 +206 326 1 888179713 +206 332 3 888179602 +206 336 1 888179928 +206 337 2 888180049 +206 340 3 888180082 +206 343 1 888179788 +206 346 5 888179981 +206 359 1 888179980 +206 360 1 888180081 +206 361 1 888180082 +206 678 1 888179833 +206 682 3 888179694 +206 683 1 888179980 +206 690 2 888179694 +206 691 1 888180081 +206 748 4 888179833 +206 749 2 888179980 +206 750 3 888179981 +206 873 3 888179833 +206 882 1 888180049 +206 889 2 888180081 +206 891 2 888180049 +206 895 5 888179788 +206 896 4 888180018 +206 904 1 888180081 +206 990 1 888179913 +206 1022 1 888179980 +206 1024 1 888180049 +206 1062 3 888180018 +206 1175 1 888180049 +206 1176 1 888180049 +206 1233 1 888180018 +206 1313 1 888179981 +206 1395 1 888180081 +206 1429 1 888180018 +206 1430 1 888179980 +206 1431 1 888180018 +206 1432 1 888180082 +206 1433 1 888180049 +206 1434 1 888180082 +207 2 3 877822770 +207 3 2 877846284 +207 4 4 876198457 +207 5 3 880839802 +207 8 3 878103820 +207 9 4 880911845 +207 11 3 878104245 +207 12 3 878104200 +207 14 4 875504876 +207 15 4 876198392 +207 18 2 877878739 +207 22 3 875509262 +207 23 4 875509888 +207 25 4 876079113 +207 28 4 877822162 +207 33 2 877125422 +207 38 3 875509507 +207 42 4 877878688 +207 45 3 878104569 +207 53 1 881681725 +207 55 3 875509395 +207 56 4 875503973 +207 59 4 877846793 +207 60 3 877845845 +207 64 5 877846793 +207 65 3 878104594 +207 69 4 877878342 +207 70 3 875506737 +207 73 3 876079087 +207 79 4 875509888 +207 82 3 877125249 +207 87 4 884386260 +207 88 2 878104627 +207 92 2 875509346 +207 96 3 877847025 +207 98 4 875509887 +207 100 2 875503786 +207 111 3 880839802 +207 117 3 875504809 +207 121 3 875504876 +207 125 4 877878688 +207 127 5 875506634 +207 129 3 877751037 +207 131 3 878104377 +207 133 4 875812281 +207 134 4 875991160 +207 135 2 877822350 +207 137 3 877821612 +207 143 4 878191679 +207 144 3 875509434 +207 150 3 877847150 +207 153 5 877750617 +207 154 2 878088217 +207 156 2 878104438 +207 158 3 878191798 +207 160 2 878191632 +207 161 4 875509507 +207 170 4 877125221 +207 171 3 880839802 +207 173 3 877878923 +207 174 4 877750843 +207 175 1 877845982 +207 177 3 891759050 +207 179 4 877822224 +207 180 3 879665352 +207 181 3 877878828 +207 182 3 891759050 +207 183 2 875509832 +207 185 4 875509832 +207 186 4 877879173 +207 187 5 877878688 +207 188 3 875509262 +207 191 4 877124663 +207 192 3 877822350 +207 194 4 875504118 +207 195 3 875509307 +207 196 4 880911845 +207 197 4 875774463 +207 202 3 875506771 +207 203 3 877124625 +207 204 3 875506737 +207 205 4 875991160 +207 208 4 878191679 +207 210 3 878191574 +207 211 5 878191679 +207 216 5 877878688 +207 223 3 880388784 +207 224 3 884386473 +207 226 2 877125390 +207 233 3 877124847 +207 237 4 877878342 +207 238 2 876079087 +207 239 3 876079016 +207 241 3 877995673 +207 242 4 890793823 +207 245 3 877994095 +207 248 3 877878409 +207 255 3 877845763 +207 265 3 877846793 +207 269 4 877845577 +207 273 4 878104569 +207 276 2 875504835 +207 281 3 876018471 +207 282 4 879577372 +207 284 3 877746137 +207 286 2 875504669 +207 290 2 878104627 +207 291 3 876018608 +207 293 2 878104486 +207 294 3 875504669 +207 298 3 875509150 +207 302 4 891759118 +207 313 4 885066537 +207 316 5 891759050 +207 317 4 875506634 +207 319 3 879664891 +207 322 3 879001724 +207 328 2 884386312 +207 357 5 878191679 +207 367 3 875508873 +207 385 3 875509346 +207 393 4 877838977 +207 410 3 877838946 +207 411 3 877750701 +207 414 2 876078916 +207 423 4 875774463 +207 428 4 877838826 +207 433 3 878104569 +207 435 4 875506807 +207 458 3 875991160 +207 461 3 878104017 +207 462 3 877845656 +207 468 4 877124806 +207 470 3 879665381 +207 471 3 875509715 +207 475 2 875503932 +207 483 5 875774491 +207 508 4 877879259 +207 509 4 877878688 +207 514 4 877878343 +207 515 5 878191679 +207 517 3 882081278 +207 520 4 879665302 +207 521 4 878191679 +207 524 4 878104569 +207 526 4 875509507 +207 527 4 877879172 +207 529 4 878191679 +207 531 4 877878342 +207 535 3 877750595 +207 538 2 880853139 +207 540 3 880161839 +207 546 3 876018553 +207 554 2 877822854 +207 562 2 875509507 +207 566 4 875509434 +207 568 4 875509395 +207 576 3 877822904 +207 580 3 879665232 +207 597 3 876018471 +207 609 4 877879173 +207 628 3 876018608 +207 631 2 877847187 +207 642 3 875991116 +207 655 4 877878342 +207 660 4 877847100 +207 684 3 875509307 +207 685 3 876018471 +207 692 3 877750738 +207 696 3 877751310 +207 712 4 877847025 +207 716 3 875508783 +207 722 3 878191750 +207 735 4 877878688 +207 742 4 876018580 +207 746 4 877878342 +207 748 3 877750478 +207 754 4 879577345 +207 756 2 877878923 +207 763 3 877743609 +207 787 3 876079054 +207 792 2 876079016 +207 805 3 882081278 +207 810 2 877125506 +207 826 2 877751143 +207 827 3 876018501 +207 832 3 877878424 +207 841 3 876018501 +207 847 3 885139179 +207 849 3 877822704 +207 864 3 877750738 +207 866 3 876079054 +207 871 5 880839802 +207 875 2 875718889 +207 978 3 877878883 +207 986 3 877878384 +207 993 3 877879206 +207 997 1 875508693 +207 1012 3 876109074 +207 1023 3 875506634 +207 1028 3 877847025 +207 1046 4 875509787 +207 1049 3 877878860 +207 1098 4 877879172 +207 1102 3 880839891 +207 1118 3 878104017 +207 1147 4 879665042 +207 1170 2 875506807 +207 1197 4 881681663 +207 1225 3 875508817 +207 1226 2 882081278 +207 1242 5 884386260 +207 1272 3 879132830 +207 1283 4 884386260 +207 1331 3 877995673 +207 1333 3 877995615 +207 1350 2 877878772 +207 1378 3 877878714 +207 1435 2 877821612 +207 1436 3 878191574 +208 56 2 883108360 +208 66 4 883108477 +208 70 3 883108430 +208 86 2 883108895 +208 97 4 883108797 +208 186 4 883108518 +208 194 5 883108360 +208 208 4 883108360 +208 211 5 883108398 +208 310 4 883108105 +208 367 2 883108324 +208 371 5 883108842 +208 381 3 883108873 +208 393 4 883108398 +208 402 4 883108873 +208 428 4 883108430 +208 435 5 883108430 +208 517 3 883108398 +208 523 4 883108360 +208 524 4 883108745 +208 739 4 883108873 +208 781 3 883108498 +208 996 3 883108684 +209 1 5 883460644 +209 9 3 883417547 +209 14 3 883417547 +209 16 4 883417810 +209 50 5 883417589 +209 127 5 883417589 +209 129 2 883417667 +209 181 4 883417491 +209 249 2 883417640 +209 271 2 883589607 +209 276 2 883417796 +209 285 5 883417613 +209 286 2 883417458 +209 293 4 883417796 +209 301 3 883460492 +209 304 2 883460468 +209 321 4 883461108 +209 333 2 883589568 +209 766 4 883460644 +209 813 5 883417810 +209 1086 4 883417667 +209 1105 2 883589568 +209 1137 4 883417491 +210 1 5 887731052 +210 4 4 887730443 +210 15 4 887737710 +210 23 5 887730102 +210 25 4 887730407 +210 28 4 887736175 +210 44 3 887737710 +210 49 3 891036116 +210 50 5 887731014 +210 56 5 887730264 +210 65 4 887731305 +210 69 4 887736482 +210 72 3 891036310 +210 73 5 891035837 +210 79 4 887736352 +210 88 4 887737603 +210 94 4 891036181 +210 96 4 887736616 +210 98 5 887736429 +210 99 4 887736937 +210 105 3 891036331 +210 114 4 887736175 +210 121 4 887737244 +210 127 5 887731230 +210 132 4 887736206 +210 134 5 887736070 +210 135 5 887736352 +210 152 5 887730676 +210 153 5 887730297 +210 154 4 887730341 +210 160 4 887737210 +210 163 3 887730407 +210 167 4 891036054 +210 168 5 887730342 +210 172 5 887736261 +210 173 4 887730264 +210 174 5 887736045 +210 176 4 887735960 +210 179 3 887736429 +210 180 4 887735872 +210 181 5 887731082 +210 182 5 887736232 +210 185 4 887736232 +210 186 4 887730532 +210 187 5 887736017 +210 188 3 887737171 +210 195 4 887736429 +210 197 5 887736393 +210 200 5 887737040 +210 202 5 887737338 +210 205 4 887736393 +210 208 5 887730443 +210 210 5 887730532 +210 211 5 887730297 +210 216 4 887737603 +210 219 3 887808581 +210 222 4 887737603 +210 230 3 887736323 +210 234 4 887737108 +210 235 3 887730842 +210 238 3 891036021 +210 243 2 887734998 +210 255 4 887730842 +210 257 5 887730789 +210 276 5 887731147 +210 290 4 887730813 +210 300 4 887730066 +210 301 4 887731435 +210 302 5 890059415 +210 315 5 887731417 +210 327 4 887735288 +210 392 3 887736017 +210 393 3 891035904 +210 402 5 887737171 +210 403 4 887736322 +210 404 5 887736739 +210 411 3 887730931 +210 419 4 887737678 +210 420 4 887737487 +210 423 5 887737338 +210 435 4 887730407 +210 443 4 887737487 +210 447 5 887737631 +210 451 3 891036054 +210 465 4 887737131 +210 482 5 887736739 +210 483 5 887736482 +210 484 4 887736070 +210 501 4 887736998 +210 502 3 891035965 +210 514 5 887730532 +210 517 4 887730342 +210 523 4 887730472 +210 568 4 887735960 +210 629 3 891035928 +210 631 5 887736796 +210 651 4 887736140 +210 654 5 887737559 +210 655 5 887730496 +210 657 4 887736429 +210 662 2 887730221 +210 679 3 887808619 +210 684 3 887737171 +210 692 4 887736796 +210 708 5 887731391 +210 722 4 891036021 +210 732 4 887730676 +210 735 4 887737338 +210 751 4 890059441 +210 755 3 887737631 +210 763 2 887730750 +210 792 3 887730532 +210 821 3 887730532 +210 832 3 887730264 +210 864 3 887730842 +210 926 2 887730909 +210 953 3 887737488 +210 956 3 887736900 +210 969 4 887730221 +210 1012 4 887730789 +210 1028 3 887730931 +210 1118 4 887730496 +211 9 3 879460172 +211 64 3 879460213 +211 69 3 879460213 +211 117 4 879461498 +211 199 5 879459952 +211 205 5 879459952 +211 215 5 879460294 +211 228 3 879460096 +211 230 3 879460294 +211 275 2 879460096 +211 303 3 879437184 +211 357 2 879460172 +211 423 5 879459846 +211 443 1 879460096 +211 455 3 879461498 +211 457 4 879437184 +211 462 4 879460096 +211 491 3 879459876 +211 520 4 879460096 +211 528 4 879459803 +211 596 3 879460294 +211 705 4 879459952 +211 876 2 879461395 +211 890 2 879461395 +211 1025 3 879461394 +211 1127 1 879461395 +211 1330 3 879460096 +212 86 4 879303830 +212 87 5 879304010 +212 127 2 879303571 +212 199 5 879303831 +212 246 5 879303571 +212 268 5 879303468 +212 269 3 879303468 +212 317 5 879303638 +212 318 5 879303928 +212 423 4 879304010 +212 528 5 879303950 +212 631 5 879303929 +212 645 3 879303795 +212 735 4 879304010 +212 863 2 879303863 +213 1 2 878870719 +213 2 4 878955914 +213 7 4 878870518 +213 8 3 878955564 +213 11 4 878956156 +213 12 5 878955409 +213 24 5 878870846 +213 25 4 878870750 +213 31 4 878956338 +213 42 5 878956263 +213 48 5 878955848 +213 50 5 878870456 +213 55 5 878955680 +213 56 5 878955635 +213 64 5 878955680 +213 69 3 878955534 +213 70 3 878955766 +213 79 5 878956263 +213 97 5 878956299 +213 98 5 878955598 +213 100 5 878870749 +213 106 4 878870904 +213 117 4 878870987 +213 118 4 878870871 +213 121 5 878870940 +213 125 5 878955295 +213 127 5 878870790 +213 132 5 878956263 +213 135 5 878956101 +213 143 5 878955766 +213 144 5 878956047 +213 151 5 878955886 +213 154 5 878956101 +213 156 5 878955474 +213 157 4 878955501 +213 164 5 878956300 +213 170 5 878955886 +213 174 5 878955848 +213 175 4 878955599 +213 180 5 878956047 +213 181 4 878870552 +213 182 4 878955766 +213 185 5 878955501 +213 187 5 878956022 +213 192 5 878955474 +213 193 4 878955442 +213 194 4 878955766 +213 195 5 878956156 +213 197 5 878955707 +213 199 5 878956000 +213 200 5 878956100 +213 204 5 878956130 +213 212 4 878955474 +213 213 5 878956300 +213 214 5 878955816 +213 218 4 878956074 +213 222 3 878870790 +213 229 4 878955973 +213 234 4 878955373 +213 238 5 878955635 +213 252 3 878870456 +213 257 4 878870846 +213 258 4 878870226 +213 274 5 878955188 +213 281 4 878871038 +213 284 5 878955164 +213 286 3 878870598 +213 288 4 878870226 +213 318 5 878955533 +213 357 5 878955848 +213 393 3 878955973 +213 405 3 878870904 +213 432 4 878956047 +213 447 4 878955598 +213 448 4 878956074 +213 455 4 878870749 +213 458 4 878870679 +213 463 5 878956000 +213 471 3 878870816 +213 474 2 878955635 +213 475 4 878870648 +213 478 5 878956129 +213 479 4 878955534 +213 483 5 878955848 +213 502 5 878956263 +213 504 5 878955885 +213 508 4 878870790 +213 509 4 878955372 +213 511 4 878955442 +213 514 5 878956130 +213 521 4 878955474 +213 546 4 878870903 +213 568 4 878955941 +213 582 4 878955442 +213 591 4 878955295 +213 597 5 878871062 +213 603 5 878955599 +213 627 4 878955680 +213 628 5 878870648 +213 655 4 878956300 +213 678 4 878870275 +213 684 4 878956000 +213 685 3 878870987 +213 690 3 878870275 +213 692 4 878955848 +213 715 5 878955915 +213 735 5 878955474 +213 756 2 878955319 +213 778 5 878955680 +213 831 4 878871062 +213 841 4 878871010 +213 924 4 878870846 +213 942 4 878955533 +213 985 3 878955164 +213 1012 3 878870719 +213 1215 1 878871089 +214 7 5 892668130 +214 8 4 892668196 +214 11 5 892668153 +214 12 5 892668153 +214 13 3 891543271 +214 20 4 892668197 +214 22 3 891544200 +214 23 5 892668130 +214 24 3 891543176 +214 32 4 892668249 +214 39 4 891544845 +214 42 5 892668130 +214 45 4 891543952 +214 50 3 891543114 +214 55 4 892668197 +214 56 5 892668130 +214 64 5 892668130 +214 69 2 891544445 +214 79 4 891544306 +214 89 4 892668249 +214 92 4 892668249 +214 93 4 892668249 +214 98 4 892668249 +214 100 4 891542986 +214 114 4 891544290 +214 121 4 891543632 +214 127 4 891542986 +214 132 5 892668153 +214 134 4 891544070 +214 135 3 891544175 +214 151 5 892668153 +214 154 3 891544000 +214 156 5 892668172 +214 166 4 891544512 +214 168 3 891544222 +214 169 4 891544175 +214 171 4 891544323 +214 172 3 891544390 +214 173 4 892668249 +214 174 4 892668249 +214 175 5 892668153 +214 179 5 892668130 +214 180 5 892668130 +214 181 3 891543036 +214 182 4 891544175 +214 185 5 892668173 +214 187 4 891544070 +214 188 5 892668173 +214 191 4 891544472 +214 195 4 891544200 +214 196 4 891544493 +214 208 5 892668153 +214 209 5 892668173 +214 216 4 891544290 +214 221 5 892668153 +214 223 3 891544200 +214 236 5 892668153 +214 238 4 891544472 +214 246 2 891542968 +214 248 4 891543001 +214 249 3 891543256 +214 250 2 891543036 +214 253 5 892668173 +214 257 3 891543176 +214 268 2 891542445 +214 269 3 891542735 +214 276 3 891543271 +214 285 5 892668153 +214 288 3 891542464 +214 294 3 891542520 +214 298 3 891543191 +214 307 3 891542735 +214 313 4 892668197 +214 318 4 892668249 +214 319 3 891542735 +214 324 5 892668173 +214 325 3 891542622 +214 327 5 892668196 +214 340 3 891542735 +214 346 3 891542735 +214 357 5 892668130 +214 408 4 891543952 +214 427 5 892668172 +214 461 4 892668249 +214 462 4 892668197 +214 475 5 892668153 +214 479 4 891544052 +214 482 4 891544114 +214 483 4 891543972 +214 496 4 891544545 +214 508 4 891543157 +214 509 4 892668197 +214 512 5 892668130 +214 516 5 892668173 +214 518 3 891544000 +214 522 4 891544052 +214 527 4 891544089 +214 531 4 891544222 +214 582 3 891544236 +214 603 4 891544089 +214 608 4 891544114 +214 650 5 892668173 +214 652 4 891543972 +214 705 4 891544414 +214 708 4 891544152 +214 721 3 891635915 +214 752 2 891542578 +214 856 4 891543952 +214 872 2 891542492 +214 896 4 892668197 +214 952 3 891543176 +214 960 2 891544152 +214 1017 4 891543156 +214 1039 4 891544269 +214 1065 5 892668173 +214 1073 5 892668130 +214 1129 4 892668249 +214 1401 4 891544290 +215 8 2 891436177 +215 11 2 891436024 +215 15 3 891435761 +215 22 3 891435161 +215 23 3 891436048 +215 28 4 891435416 +215 50 5 891436543 +215 54 4 891436607 +215 56 5 891436543 +215 64 4 891435804 +215 70 3 891436232 +215 77 3 891436690 +215 82 3 891435995 +215 87 5 891436543 +215 88 3 891436277 +215 89 4 891435060 +215 98 5 891436543 +215 99 4 891435731 +215 127 4 891435183 +215 132 5 891435548 +215 134 4 891435266 +215 159 3 891436707 +215 168 5 891436024 +215 172 4 891435394 +215 174 4 891435995 +215 176 5 891435804 +215 179 4 891435107 +215 180 3 891435060 +215 181 4 891435597 +215 182 3 891435266 +215 183 5 891435655 +215 185 4 891436566 +215 186 4 891435731 +215 191 4 891435460 +215 195 5 891435655 +215 196 4 891435548 +215 202 4 891435295 +215 203 3 891435266 +215 204 3 891436129 +215 205 3 891435161 +215 208 4 891436202 +215 210 4 891436232 +215 215 3 891435680 +215 216 4 891435782 +215 218 3 891436607 +215 222 4 891436469 +215 226 4 891436633 +215 227 5 891436469 +215 228 5 891436543 +215 229 3 891436469 +215 230 3 891436469 +215 234 4 891435655 +215 237 4 891435761 +215 238 2 891435526 +215 239 3 891436297 +215 258 3 891434563 +215 270 3 891434683 +215 271 4 891434733 +215 272 3 891434619 +215 288 2 891434563 +215 300 3 891434733 +215 313 5 891436543 +215 354 4 891434619 +215 357 4 891435573 +215 380 3 891436470 +215 432 5 891435574 +215 433 3 891435501 +215 434 5 891435394 +215 443 4 891436566 +215 449 4 891436469 +215 450 2 891436470 +215 451 3 891436369 +215 474 4 891435022 +215 480 5 891436543 +215 483 4 891435022 +215 496 5 891435183 +215 517 5 891436543 +215 523 4 891435060 +215 552 3 891436730 +215 636 2 891436690 +215 692 3 891436277 +215 1039 5 891436543 +215 1063 5 891436543 +216 1 4 880232615 +216 3 4 880233061 +216 4 5 880234469 +216 7 5 880232719 +216 9 4 880232637 +216 11 5 880234346 +216 12 5 881432544 +216 15 3 881428365 +216 22 5 880234346 +216 25 3 881428365 +216 27 3 881428365 +216 28 4 880244902 +216 42 5 880234469 +216 47 4 880244870 +216 50 4 880232637 +216 56 5 880233608 +216 58 4 880244972 +216 64 5 881432544 +216 65 4 880233939 +216 66 2 881428365 +216 67 3 881721843 +216 72 2 881721890 +216 79 4 880235381 +216 81 4 880233726 +216 82 4 880244446 +216 91 4 880235546 +216 93 4 880232637 +216 95 3 881428365 +216 97 4 880235571 +216 98 5 881432467 +216 100 5 880232597 +216 108 4 880232917 +216 122 5 881432488 +216 129 4 880232615 +216 134 4 880233651 +216 147 4 880232787 +216 150 5 880232812 +216 151 3 880232936 +216 153 4 880244802 +216 156 5 880233608 +216 168 4 880234680 +216 169 3 880233635 +216 172 4 880234639 +216 181 3 880232597 +216 182 4 883981859 +216 184 4 880245056 +216 188 5 880245075 +216 189 3 880244972 +216 200 5 880244802 +216 201 3 880235734 +216 202 4 880234346 +216 204 4 881432523 +216 210 4 880235229 +216 215 5 880235120 +216 216 4 883981877 +216 218 4 880234933 +216 221 4 881432501 +216 226 3 880244803 +216 231 2 880245109 +216 234 4 880244870 +216 237 5 880232752 +216 238 5 880244446 +216 249 3 880232917 +216 257 3 880232830 +216 274 3 880233061 +216 276 4 880232830 +216 280 2 880233043 +216 282 5 880232597 +216 286 4 881432501 +216 298 5 881721819 +216 302 5 881966913 +216 313 5 883981737 +216 315 5 883981859 +216 318 5 880233564 +216 356 3 880245125 +216 357 4 880233635 +216 364 2 881721863 +216 367 3 881428365 +216 368 2 880233298 +216 396 3 880245260 +216 402 2 881432430 +216 403 3 880244446 +216 405 3 880232970 +216 408 3 880232547 +216 412 2 880233197 +216 416 3 880245165 +216 421 5 880235229 +216 423 4 881432467 +216 433 3 880233957 +216 466 4 880234347 +216 475 5 880232768 +216 496 5 880233635 +216 498 3 880235329 +216 508 4 881432564 +216 546 2 880233197 +216 569 3 880245291 +216 577 1 881432453 +216 628 4 880235546 +216 651 5 880233912 +216 652 4 880235546 +216 655 5 880233726 +216 673 4 880244779 +216 693 3 881428365 +216 721 4 880245213 +216 735 5 880244758 +216 747 4 880245260 +216 763 4 880232953 +216 764 2 880233153 +216 789 5 880233957 +216 790 3 881428365 +216 824 3 880233253 +216 833 2 880233233 +216 928 3 880233026 +216 943 5 881721799 +216 1010 3 880232685 +216 1035 1 880245238 +216 1047 3 881428365 +216 1067 5 881432392 +216 1101 4 880235473 +216 1161 4 881432609 +216 1218 3 881428365 +217 11 4 889069741 +217 17 3 889069903 +217 29 2 889070011 +217 33 4 889069878 +217 38 3 889070266 +217 50 1 889069684 +217 53 1 889069974 +217 56 5 889069709 +217 62 2 889070050 +217 68 3 889069974 +217 79 5 889069741 +217 96 4 889069741 +217 117 4 889069842 +217 118 4 889070087 +217 121 1 889069944 +217 147 3 889070174 +217 172 1 889069684 +217 174 3 889069684 +217 176 4 889069842 +217 181 1 889069878 +217 183 3 889069741 +217 185 3 889069659 +217 210 4 889069709 +217 222 5 889069944 +217 226 1 889069878 +217 231 5 889069974 +217 233 4 889069878 +217 258 1 889069536 +217 281 2 889069842 +217 300 4 889069555 +217 363 1 889070011 +217 373 2 889070307 +217 385 2 889069808 +217 391 4 889070287 +217 398 1 889070050 +217 403 5 889069944 +217 405 3 889069878 +217 472 3 889070011 +217 540 1 889070087 +217 541 3 889069974 +217 546 2 889070196 +217 550 1 889069842 +217 554 3 889070050 +217 562 3 889070211 +217 568 4 889069782 +217 576 1 889070087 +217 578 5 889070087 +217 586 2 889070050 +217 636 2 889069878 +217 665 4 889070087 +217 679 5 889069878 +217 684 5 889069782 +217 685 5 889069782 +217 720 3 889070011 +217 761 4 889070232 +217 779 1 889070266 +217 797 4 889070011 +217 808 2 889069808 +217 810 3 889070050 +217 825 3 889070266 +217 827 2 889070232 +217 840 1 889070087 +217 1034 3 889070266 +217 1222 1 889070050 +217 1228 2 889070050 +217 1303 2 889069944 +218 4 3 877488546 +218 5 3 881288574 +218 8 3 881288574 +218 12 5 881288233 +218 23 4 881288298 +218 39 2 881288265 +218 42 4 877488546 +218 47 4 877488492 +218 55 4 881288265 +218 56 3 881288574 +218 98 5 881288233 +218 100 4 877488692 +218 153 4 877488692 +218 154 4 877488546 +218 164 3 881288574 +218 168 4 877488316 +218 173 3 877488316 +218 175 3 877488492 +218 176 5 881288299 +218 183 5 881288265 +218 186 3 877488366 +218 203 4 881288620 +218 204 3 877488692 +218 269 4 877487931 +218 288 2 877487931 +218 294 2 881288574 +218 410 3 881288574 +218 431 3 881288386 +218 466 4 881288234 +218 514 4 877488316 +218 517 3 877488634 +218 591 3 881288574 +218 603 4 881288234 +218 642 3 881288351 +218 648 4 877488233 +218 654 4 881288234 +218 657 5 881288265 +218 659 4 877488366 +218 663 3 877488492 +218 712 3 877488902 +218 762 4 877489091 +218 789 3 881288574 +218 1073 5 881288265 +219 4 4 889452481 +219 38 1 889452455 +219 71 1 889452455 +219 215 5 889403843 +219 223 5 892039530 +219 258 5 889386635 +219 269 5 889386655 +219 382 5 889451412 +219 433 5 889403133 +219 568 1 889452455 +219 616 5 889403435 +219 631 5 889403559 +219 664 5 889403761 +219 855 5 889452619 +219 879 4 892039556 +219 906 4 892039575 +219 936 4 889387284 +219 1014 3 892039611 +220 258 3 881197771 +220 264 3 881198524 +220 268 4 881197771 +220 269 5 881197597 +220 289 4 881198113 +220 294 4 881197663 +220 300 5 881197663 +220 305 4 881197771 +220 319 4 881197771 +220 332 3 881198246 +220 340 4 881197663 +220 995 3 881197948 +221 3 4 875244901 +221 4 3 875245462 +221 7 4 875244204 +221 12 5 875245283 +221 17 4 875245406 +221 23 4 875245462 +221 24 5 875244352 +221 27 4 875247754 +221 29 3 875245739 +221 32 4 875245223 +221 33 4 875246632 +221 38 2 875246506 +221 39 4 875245798 +221 42 5 875245813 +221 50 4 875244125 +221 53 4 875247565 +221 55 4 875245319 +221 56 5 875245592 +221 59 2 875245514 +221 64 5 875245350 +221 70 3 875245870 +221 76 4 875246662 +221 79 4 875245715 +221 92 4 875245989 +221 94 3 875246857 +221 96 5 875245672 +221 100 5 875244125 +221 108 3 875244866 +221 109 2 875244369 +221 117 4 875244633 +221 118 1 875244940 +221 121 2 875244813 +221 128 3 875246209 +221 129 5 875244331 +221 144 4 875245427 +221 150 5 875244557 +221 151 1 875246008 +221 154 3 875245907 +221 156 5 875245533 +221 161 3 875246183 +221 172 5 875245907 +221 173 4 875245406 +221 174 4 875245514 +221 178 4 875245989 +221 181 4 875244087 +221 184 4 875245574 +221 186 4 875245641 +221 210 5 875245760 +221 215 4 875245514 +221 218 4 875246308 +221 222 3 875244232 +221 227 3 875247522 +221 230 3 875246506 +221 231 4 875246359 +221 240 4 875244352 +221 246 5 875244457 +221 250 5 875244633 +221 257 4 875244475 +221 258 1 875247297 +221 259 4 875243990 +221 265 3 875246247 +221 268 5 876502910 +221 272 5 885081264 +221 273 5 875244183 +221 282 4 875244558 +221 286 4 885081264 +221 288 3 875244232 +221 298 4 875244331 +221 318 5 875245690 +221 335 4 876502948 +221 346 5 885081300 +221 358 3 875244232 +221 384 3 875246919 +221 385 4 875245948 +221 386 3 875246662 +221 391 3 875247754 +221 399 3 875246459 +221 402 2 875393426 +221 403 4 875245374 +221 405 3 875244633 +221 407 2 875245100 +221 423 2 875245167 +221 461 4 875245574 +221 467 4 875245928 +221 468 3 875246824 +221 469 3 875245481 +221 470 3 875245374 +221 476 2 875244673 +221 485 2 875245265 +221 496 3 875246146 +221 508 4 875244160 +221 544 4 875244512 +221 550 4 875246183 +221 566 3 875246308 +221 568 4 875246398 +221 576 3 875246824 +221 578 4 875247023 +221 588 3 875246209 +221 623 3 875245618 +221 633 3 875246459 +221 651 4 875245350 +221 684 4 875247454 +221 685 3 875244766 +221 695 4 875245776 +221 721 5 875246944 +221 732 4 875246330 +221 737 4 875393346 +221 751 4 885081300 +221 762 4 875244598 +221 763 4 875244232 +221 789 4 875245739 +221 809 3 875247775 +221 824 3 875244694 +221 847 4 875244051 +221 895 2 885081339 +221 931 3 875245100 +221 940 4 875246482 +221 1011 4 875244792 +221 1012 4 875244475 +221 1016 3 875244713 +221 1017 4 875244268 +221 1035 3 875246124 +221 1067 3 875244387 +221 1073 4 875245846 +221 1090 3 875246783 +221 1098 4 875245283 +221 1134 4 875244289 +221 1185 3 875246710 +221 1208 3 875247565 +221 1210 3 875246887 +221 1217 4 875247421 +221 1218 3 875246745 +221 1267 3 875246459 +221 1314 3 875247833 +221 1407 3 875247833 +221 1437 3 875245967 +222 1 4 877563227 +222 2 3 878183837 +222 4 3 878183924 +222 7 5 877563168 +222 8 1 878182307 +222 9 5 877563227 +222 11 5 878181534 +222 12 5 878181387 +222 15 3 877563437 +222 17 2 878183079 +222 22 5 878183285 +222 24 3 877563622 +222 25 3 877563437 +222 26 3 878183043 +222 28 5 878182370 +222 29 3 878184571 +222 31 5 878182453 +222 35 1 878184007 +222 38 2 878185102 +222 40 1 881060550 +222 41 3 881060659 +222 44 3 881059877 +222 48 5 878181592 +222 49 3 878183512 +222 50 4 877563194 +222 51 3 881059816 +222 53 5 878184113 +222 54 4 878183111 +222 56 5 878182058 +222 58 3 878182479 +222 62 4 878183616 +222 63 3 878183713 +222 64 5 878183136 +222 66 4 878183837 +222 67 4 878183616 +222 68 4 881059876 +222 69 5 878182338 +222 70 3 878181804 +222 71 4 878183173 +222 72 4 878183311 +222 73 4 878181976 +222 78 1 878184899 +222 79 5 878181906 +222 80 2 881060155 +222 81 1 878183565 +222 82 4 878182453 +222 87 3 878182589 +222 88 4 878183336 +222 89 5 878181739 +222 90 2 878181647 +222 91 2 878183777 +222 92 3 878182632 +222 93 2 883815577 +222 94 3 878184866 +222 95 4 878182453 +222 96 5 878181739 +222 98 4 878181387 +222 99 3 878182059 +222 100 5 877563052 +222 101 4 878183539 +222 102 2 878183043 +222 106 2 883816184 +222 109 3 878184136 +222 111 3 877563820 +222 117 5 877563227 +222 120 2 881061304 +222 121 3 877564031 +222 125 5 877563802 +222 127 5 881059039 +222 132 2 878181829 +222 133 1 878182338 +222 135 5 878181563 +222 140 1 881060062 +222 142 2 878183984 +222 144 5 878182416 +222 145 2 878181804 +222 147 4 877563694 +222 148 2 881061164 +222 150 3 878181869 +222 153 4 878182416 +222 154 3 878183747 +222 155 4 878184113 +222 156 4 878183777 +222 157 4 878181976 +222 158 3 878184171 +222 159 3 878181457 +222 160 1 878182154 +222 161 4 878182279 +222 162 2 878184087 +222 164 4 878181768 +222 167 3 878183588 +222 168 4 878181616 +222 172 5 878183079 +222 173 5 878183043 +222 174 5 878181934 +222 175 3 878181739 +222 176 4 878181804 +222 180 3 878181804 +222 181 4 877563168 +222 182 4 881058666 +222 183 4 878181535 +222 185 4 881059419 +222 186 5 878184195 +222 188 3 878184393 +222 191 2 878181906 +222 193 4 878182005 +222 195 4 878182132 +222 196 5 878183110 +222 198 4 881059039 +222 200 3 878181647 +222 202 4 878181906 +222 204 5 878182370 +222 208 3 881059014 +222 209 4 878181457 +222 210 4 878184338 +222 214 4 878182453 +222 215 4 878183481 +222 216 4 878182632 +222 217 3 881060062 +222 218 5 878182370 +222 219 4 878184675 +222 222 4 877563462 +222 223 4 878181535 +222 225 1 877563353 +222 226 3 878185044 +222 227 3 878184171 +222 228 5 878181869 +222 229 3 878184315 +222 230 4 878182058 +222 231 2 878182005 +222 232 4 878183985 +222 233 2 881060205 +222 234 2 878181387 +222 237 4 877563437 +222 238 5 878181673 +222 239 5 878184392 +222 240 2 877563716 +222 241 3 878181696 +222 245 3 878181198 +222 246 4 877563597 +222 247 1 878714998 +222 248 4 877563506 +222 249 1 883815768 +222 250 2 877563801 +222 252 2 877563934 +222 255 3 883815804 +222 257 4 877563353 +222 258 5 877562748 +222 261 1 878181251 +222 265 3 878182279 +222 268 4 877562748 +222 270 2 878181181 +222 271 4 881057647 +222 276 5 877563550 +222 280 3 878184545 +222 281 3 878184596 +222 282 4 877563227 +222 284 3 877563462 +222 288 4 883815252 +222 293 3 877563353 +222 294 3 877562795 +222 298 4 877563253 +222 300 5 877562795 +222 302 3 877562748 +222 313 4 883814858 +222 318 5 878181934 +222 323 3 877562839 +222 326 4 877562819 +222 328 5 877562772 +222 333 5 877562819 +222 338 1 881058145 +222 356 4 878184571 +222 357 4 881059014 +222 358 2 877562839 +222 363 2 877563852 +222 364 1 878185137 +222 365 4 878184765 +222 367 2 878181563 +222 368 1 881061326 +222 373 3 881060659 +222 375 1 878182880 +222 377 1 881060205 +222 378 1 881059993 +222 379 1 878184290 +222 380 4 878184545 +222 385 4 878183924 +222 386 2 881060205 +222 388 2 878184765 +222 391 3 881060635 +222 392 4 881059920 +222 393 4 878184028 +222 395 1 878184924 +222 396 1 878183381 +222 399 4 878182686 +222 401 2 878184422 +222 402 4 878185044 +222 403 3 878183481 +222 405 3 877563570 +222 407 2 883816411 +222 409 3 881061213 +222 410 2 877563326 +222 411 3 878185137 +222 412 1 877564050 +222 413 3 881061213 +222 418 2 878182959 +222 419 2 878182279 +222 422 2 878183657 +222 423 4 878183657 +222 424 1 881061049 +222 426 1 878181351 +222 431 4 881059461 +222 432 3 881059142 +222 433 4 881059876 +222 436 4 878184358 +222 441 2 881059920 +222 446 3 881060824 +222 448 3 878183565 +222 449 4 878184899 +222 450 3 881060824 +222 451 3 878185014 +222 452 1 878184514 +222 455 3 877563437 +222 457 1 878181287 +222 465 2 878183898 +222 468 2 881060412 +222 470 3 878181869 +222 471 3 881060992 +222 472 2 877563998 +222 473 1 877563622 +222 475 4 877563252 +222 476 3 877563739 +222 477 2 883815749 +222 501 2 881060331 +222 506 2 878183264 +222 508 3 877563326 +222 521 5 878184866 +222 527 4 878183110 +222 529 2 881059537 +222 537 4 881060735 +222 540 3 878184087 +222 541 2 878184973 +222 542 2 878183837 +222 546 3 877563462 +222 549 4 878184055 +222 550 3 878184623 +222 552 2 878184596 +222 554 2 881060435 +222 559 3 878184291 +222 566 4 878185044 +222 568 5 878183481 +222 569 2 878184866 +222 571 2 881060823 +222 575 3 881060550 +222 576 3 881060305 +222 577 1 878185137 +222 578 3 881060281 +222 580 3 878715168 +222 585 3 881060062 +222 588 4 881059537 +222 591 4 878181869 +222 596 3 877563739 +222 597 1 877564076 +222 619 4 877563953 +222 620 3 877563873 +222 623 2 878183985 +222 627 3 878183173 +222 628 5 877563485 +222 636 4 878184055 +222 637 2 878183713 +222 642 3 878181421 +222 651 4 878184290 +222 654 3 878184087 +222 655 4 878182210 +222 658 3 881059678 +222 662 3 878182813 +222 665 1 878184719 +222 670 3 878183657 +222 672 1 878183777 +222 678 3 877562973 +222 679 2 881059678 +222 685 4 881061165 +222 689 4 881058008 +222 692 4 878182370 +222 693 4 878184514 +222 700 3 881060550 +222 710 4 881059714 +222 712 3 881060735 +222 715 2 878183924 +222 716 2 878183481 +222 717 1 877563716 +222 719 1 881060578 +222 722 3 878184833 +222 723 3 878184812 +222 729 4 878184315 +222 732 4 878183425 +222 734 2 881060735 +222 735 5 878184087 +222 738 3 878182959 +222 739 4 878184924 +222 742 5 877563597 +222 746 5 878183137 +222 747 2 878181976 +222 756 4 877564031 +222 762 3 877563530 +222 763 3 881061165 +222 768 2 878185014 +222 769 2 881060608 +222 770 3 878181592 +222 772 2 878181906 +222 780 3 881060370 +222 783 2 878184899 +222 790 1 878185068 +222 796 4 878183684 +222 806 4 878181534 +222 808 3 881060130 +222 810 2 878184446 +222 812 2 881059117 +222 815 2 877563716 +222 816 1 881060412 +222 819 2 877563353 +222 825 3 878184675 +222 826 2 883816093 +222 829 3 877563934 +222 833 2 877563913 +222 840 3 878184392 +222 845 3 877563530 +222 849 4 881060281 +222 869 3 878182337 +222 895 4 883815361 +222 929 1 881061213 +222 931 1 881061396 +222 934 2 877563758 +222 939 3 878182211 +222 941 3 881059736 +222 944 3 878715192 +222 946 2 878182237 +222 949 3 878183173 +222 972 2 881059758 +222 1011 4 881061049 +222 1016 3 877563530 +222 1029 1 881060608 +222 1035 2 881060015 +222 1041 3 881060155 +222 1042 4 878184514 +222 1044 4 881060578 +222 1045 3 881060412 +222 1053 3 881060735 +222 1054 1 883816441 +222 1057 4 881061370 +222 1059 1 883816150 +222 1060 2 878184055 +222 1066 1 881060435 +222 1074 3 881060504 +222 1078 2 878183449 +222 1079 1 878183984 +222 1087 1 878185102 +222 1089 1 877563659 +222 1139 3 878185137 +222 1145 3 878185137 +222 1178 2 878184392 +222 1179 1 881060550 +222 1188 3 881060281 +222 1206 2 878184899 +222 1207 2 881060659 +222 1218 1 878183218 +222 1220 4 878184290 +222 1226 4 883815840 +222 1239 2 881060762 +222 1250 1 881060635 +222 1267 3 878183173 +222 1284 4 878184422 +222 1291 2 877564031 +222 1336 2 877563998 +222 1419 1 878184947 +222 1438 4 881059993 +222 1439 3 878183951 +222 1440 3 878184697 +223 1 4 891549324 +223 22 5 891550649 +223 25 1 891549382 +223 28 4 891550684 +223 69 5 891550889 +223 71 5 891550649 +223 95 5 891550649 +223 111 4 891549792 +223 117 5 891549529 +223 118 2 891549945 +223 120 2 891550504 +223 121 3 891549294 +223 125 3 891549294 +223 143 4 891550845 +223 155 5 891550952 +223 173 5 891550711 +223 185 2 891550684 +223 216 5 891550925 +223 225 3 891550193 +223 237 5 891549657 +223 243 3 891549079 +223 248 1 891549683 +223 249 2 891549876 +223 252 1 891550326 +223 255 4 891549382 +223 257 4 891550005 +223 258 1 891548802 +223 259 3 891548920 +223 276 4 891549324 +223 278 4 891549901 +223 282 4 891549627 +223 284 2 891549683 +223 286 1 891548562 +223 288 3 891548562 +223 289 1 891549017 +223 294 4 891548859 +223 295 3 891549410 +223 298 5 891549570 +223 300 3 891548712 +223 309 4 891548750 +223 313 5 891548750 +223 318 4 891550711 +223 321 1 891548920 +223 322 4 891548920 +223 323 2 891549017 +223 329 2 891549079 +223 332 4 891548802 +223 333 4 891548675 +223 339 4 891549212 +223 369 1 891550253 +223 405 1 891550005 +223 409 3 891549876 +223 470 4 891550767 +223 476 3 891550349 +223 477 3 891550144 +223 535 3 891549876 +223 546 5 891550118 +223 591 3 891549627 +223 596 3 891549713 +223 597 4 891549604 +223 619 2 891549570 +223 620 2 891550253 +223 682 4 891548828 +223 717 1 891550470 +223 742 3 891549570 +223 749 4 891549049 +223 756 3 891550295 +223 819 3 891550404 +223 820 4 891550371 +223 826 1 891550404 +223 845 4 891549713 +223 846 2 891550193 +223 864 3 891550094 +223 866 4 891549945 +223 873 3 891549111 +223 924 1 891549975 +223 926 4 891549792 +223 929 3 891549975 +223 930 2 891550326 +223 969 5 891550649 +223 974 2 891550504 +223 975 1 891550094 +223 984 3 891548987 +223 993 4 891549876 +223 1009 1 891549475 +223 1014 4 891549975 +223 1016 5 891549657 +223 1051 3 891549945 +223 1052 1 891550404 +223 1088 4 891550326 +223 1197 3 891549570 +223 1234 3 891548646 +223 1284 1 891550295 +223 1291 3 891550431 +223 1300 1 891550470 +224 11 3 888082468 +224 15 4 888103611 +224 20 1 888104487 +224 22 5 888103581 +224 28 4 888082468 +224 43 3 888104456 +224 51 4 888104457 +224 54 3 888104313 +224 70 2 888103812 +224 86 3 888082612 +224 92 1 888103812 +224 97 5 888082552 +224 107 3 888104522 +224 125 3 888103942 +224 126 3 888103704 +224 135 1 888103671 +224 147 3 888103646 +224 148 3 888104154 +224 149 1 888103999 +224 157 4 888103971 +224 162 4 888103611 +224 193 4 888082552 +224 196 4 888103532 +224 212 1 888104188 +224 215 4 888082612 +224 221 2 888103812 +224 222 4 888103729 +224 223 3 888082468 +224 237 3 888082742 +224 239 4 888104554 +224 243 2 888082277 +224 258 3 888081947 +224 276 3 888104116 +224 277 3 888103812 +224 280 4 888104353 +224 282 4 888082705 +224 284 3 888104117 +224 286 3 888081843 +224 287 3 888104154 +224 294 4 888081976 +224 300 4 888081843 +224 301 3 888082013 +224 313 5 888081843 +224 318 5 888082584 +224 321 2 888082134 +224 322 2 888082013 +224 323 3 888082216 +224 325 1 888082045 +224 326 4 888082071 +224 328 4 888081947 +224 329 3 888082187 +224 332 3 888103429 +224 333 3 888081976 +224 349 4 888082246 +224 356 4 888103840 +224 365 3 888104188 +224 366 3 888104457 +224 378 4 888103775 +224 380 4 888104188 +224 387 4 888103906 +224 392 4 888104154 +224 402 5 888103872 +224 403 4 888104522 +224 423 4 888103581 +224 468 4 888104030 +224 469 1 888104219 +224 470 4 888082742 +224 518 1 888103906 +224 526 4 888082495 +224 528 3 888082658 +224 544 1 888103812 +224 549 3 888103971 +224 553 4 888104393 +224 555 3 888104030 +224 556 1 888103942 +224 569 3 888104313 +224 570 4 888104522 +224 581 1 888104219 +224 582 4 888104030 +224 591 3 888082584 +224 620 3 888104085 +224 632 2 888103872 +224 655 4 888103646 +224 658 1 888103840 +224 660 4 888103703 +224 662 5 888103671 +224 676 3 888103942 +224 686 4 888104030 +224 687 2 888082135 +224 689 3 888082246 +224 699 4 888103703 +224 704 3 888103812 +224 708 2 888104153 +224 715 1 888104487 +224 720 4 888103906 +224 723 2 888104313 +224 724 3 888082742 +224 727 4 888082682 +224 729 3 888104188 +224 731 4 888103872 +224 736 3 888082742 +224 744 1 888103646 +224 748 3 888082099 +224 751 3 888081913 +224 778 1 888104057 +224 846 4 888104116 +224 879 3 888082099 +224 893 3 888082350 +224 924 3 888103646 +224 925 3 888104281 +224 949 3 888104057 +224 962 2 888082584 +224 977 2 888104281 +224 980 1 888104353 +224 991 1 888082277 +224 1039 5 888082552 +224 1044 3 888104353 +224 1045 2 888082766 +224 1053 3 888104281 +224 1058 3 888104219 +224 1085 1 888104393 +224 1119 3 888082634 +224 1152 3 888104313 +224 1163 2 888104154 +224 1208 1 888104554 +224 1212 2 888104457 +224 1221 3 888082742 +224 1381 3 888104589 +224 1401 1 888104554 +224 1441 3 888104522 +224 1442 3 888104281 +225 22 5 879540678 +225 98 5 879539672 +225 194 5 879540678 +225 215 5 879539789 +225 245 2 879539315 +225 286 4 879539027 +225 427 5 879539615 +225 478 5 879539767 +225 479 4 879539614 +225 482 5 879540707 +225 510 5 879539672 +225 566 4 879540678 +225 603 5 879540649 +225 604 5 879540778 +225 606 5 879540649 +225 705 5 879540707 +225 1203 5 879540778 +226 9 5 883889811 +226 12 5 883889322 +226 23 3 883889355 +226 24 4 883889479 +226 25 4 883890235 +226 28 4 883889322 +226 69 4 883889430 +226 89 5 883889229 +226 92 2 883889102 +226 97 3 883889355 +226 98 5 883889147 +226 109 4 883889063 +226 150 4 883889063 +226 174 4 883889186 +226 176 4 883888978 +226 179 4 883888853 +226 182 1 883889322 +226 191 4 883889229 +226 203 5 883888978 +226 209 3 883889146 +226 224 4 883889690 +226 236 3 883889844 +226 250 4 883890491 +226 258 5 883888671 +226 275 3 883889764 +226 286 4 883888600 +226 370 3 883890235 +226 405 4 883889507 +226 408 5 883888853 +226 474 3 883889063 +226 507 2 883889146 +226 508 4 883889984 +226 509 4 883889322 +226 513 3 883889256 +226 527 4 883889430 +226 596 3 883889884 +226 652 3 883889012 +226 713 5 883889884 +226 813 4 883890235 +226 1117 3 883890262 +227 7 5 879035251 +227 13 5 879035205 +227 14 4 879035463 +227 15 4 879035725 +227 19 4 879035431 +227 25 4 879035535 +227 93 5 879035431 +227 100 5 879035251 +227 106 3 879035775 +227 116 4 879035347 +227 121 2 879035934 +227 124 4 879035158 +227 127 4 879035387 +227 129 5 879035387 +227 137 5 879035289 +227 150 3 879035347 +227 221 4 879035535 +227 240 1 879035934 +227 249 2 879035775 +227 250 2 879035637 +227 273 3 879035206 +227 274 4 879035963 +227 285 4 879035347 +227 287 4 879035704 +227 288 2 879035072 +227 294 3 879035431 +227 319 4 879035072 +227 321 3 881518363 +227 322 3 881518461 +227 324 4 879035963 +227 405 2 879035934 +227 460 2 879035963 +227 475 4 879035252 +227 741 3 879035464 +227 748 1 879035387 +227 756 3 879035658 +227 823 2 879035599 +227 934 2 879035874 +227 1007 4 879035158 +227 1008 4 879036009 +227 1010 3 879035637 +227 1011 4 879035834 +227 1017 4 879035464 +227 1028 2 879035803 +227 1047 2 879035834 +227 1067 4 879035572 +227 1068 4 879035289 +227 1143 4 879035803 +228 56 2 889388607 +228 98 3 889388607 +228 137 1 889388662 +228 272 5 889388440 +228 275 3 889388521 +228 286 5 889387172 +228 327 1 889387216 +228 690 5 889387173 +228 750 3 889388440 +228 812 5 889388547 +228 938 1 889387173 +229 245 3 891632385 +229 258 2 891632040 +229 269 4 891633029 +229 272 3 891632073 +229 288 4 891633028 +229 300 2 891632142 +229 302 5 891633028 +229 303 1 891632073 +229 311 5 891633028 +229 312 3 891632551 +229 316 1 891632347 +229 340 4 891632142 +229 344 5 891633028 +229 748 3 891632402 +229 751 3 891632164 +229 882 4 891633029 +229 886 1 891632164 +229 896 4 891633029 +229 898 5 891633028 +229 937 2 891632347 +230 1 5 880484370 +230 7 3 880484476 +230 8 5 880484501 +230 10 3 880485530 +230 11 4 880484911 +230 22 5 880484850 +230 25 3 880485282 +230 28 5 880484444 +230 50 5 880484755 +230 51 4 880484937 +230 56 3 880484416 +230 64 5 880484416 +230 69 4 880484338 +230 70 4 880484637 +230 71 5 880484911 +230 79 5 880484778 +230 82 5 880485311 +230 91 3 880485043 +230 95 5 880484850 +230 96 2 880484683 +230 97 5 880484544 +230 98 5 880484391 +230 99 3 880485066 +230 100 4 880485856 +230 117 5 880484320 +230 121 4 880484998 +230 125 5 880485090 +230 132 5 880484475 +230 134 4 880484755 +230 135 2 880485216 +230 140 3 880484320 +230 141 4 880485489 +230 142 4 880485633 +230 143 5 880484501 +230 144 3 880484850 +230 153 5 880485090 +230 154 4 880485159 +230 161 5 880485468 +230 162 4 880484587 +230 168 4 880484616 +230 174 5 880484661 +230 176 4 880485445 +230 181 4 880485066 +230 182 2 880484370 +230 183 3 880484370 +230 185 4 880485090 +230 186 4 880484937 +230 195 3 880484416 +230 196 5 880484755 +230 199 3 880484755 +230 203 2 880484890 +230 204 4 880484616 +230 205 3 880484476 +230 209 1 880485283 +230 210 5 880484975 +230 211 5 880485181 +230 214 4 880485573 +230 216 4 880484444 +230 223 5 880484415 +230 228 2 880485216 +230 233 1 880485513 +230 234 4 880484756 +230 237 5 880484800 +230 238 1 880484778 +230 239 4 880484320 +230 240 1 880484320 +230 265 5 880484544 +230 266 4 880484286 +230 276 5 880485573 +230 280 4 880485254 +230 284 1 880485634 +230 291 4 880484825 +230 294 5 880484286 +230 357 5 880484391 +230 371 4 880485330 +230 385 1 880485235 +230 393 3 880485110 +230 402 5 880485445 +230 405 4 880485634 +230 418 5 880484937 +230 420 5 880485726 +230 422 3 880485633 +230 423 5 880484825 +230 427 5 880484501 +230 431 3 880485254 +230 432 4 880485110 +230 435 4 880484444 +230 443 4 880485090 +230 447 1 880485513 +230 451 4 880485402 +230 484 5 880484800 +230 485 5 880484370 +230 491 3 880484975 +230 496 5 880484501 +230 498 5 880484755 +230 499 4 880484870 +230 501 3 880485352 +230 504 3 880485136 +230 511 2 880485656 +230 515 5 880484567 +230 526 3 880485159 +230 549 5 880485380 +230 568 3 880484567 +230 570 4 880485689 +230 582 4 880485380 +230 588 5 880484683 +230 607 3 880484755 +230 609 3 880485311 +230 621 2 880485380 +230 622 3 880485380 +230 627 5 880484661 +230 628 3 880485421 +230 633 4 880485283 +230 650 4 880484778 +230 673 3 880485573 +230 693 2 880485594 +230 699 4 880484975 +230 739 5 880485611 +230 926 3 880485489 +230 951 5 880485181 +230 969 4 880484476 +230 1050 3 880485136 +230 1192 4 880485352 +231 1 3 879965704 +231 15 4 879965704 +231 50 4 888605273 +231 255 3 879965760 +231 289 4 888605273 +231 300 4 888605273 +231 313 3 888604920 +231 471 5 888605273 +231 597 3 879966146 +231 866 3 879965961 +231 924 5 888605273 +232 4 4 888550130 +232 14 4 880062574 +232 22 3 888549988 +232 32 4 888549467 +232 44 4 888549412 +232 48 5 888549879 +232 50 4 880062302 +232 56 5 888549622 +232 64 4 888549441 +232 69 3 888549376 +232 76 3 888550060 +232 81 5 888549515 +232 96 5 888549563 +232 98 4 888549838 +232 100 5 880062447 +232 117 3 891565128 +232 127 3 888550101 +232 132 5 888549721 +232 133 4 888549988 +232 150 3 891565095 +232 165 4 888550036 +232 166 4 888549815 +232 170 5 888549929 +232 172 4 888549412 +232 173 4 888549674 +232 178 5 888549988 +232 181 4 880062330 +232 186 4 888549790 +232 191 4 888549376 +232 194 4 888549988 +232 196 5 888549757 +232 202 4 888549515 +232 204 4 888549515 +232 209 3 888549563 +232 215 3 888549563 +232 234 3 888549595 +232 246 4 885939945 +232 250 4 880062618 +232 268 4 885939544 +232 269 3 891565001 +232 270 3 880062259 +232 272 4 885939511 +232 276 5 880062447 +232 286 3 880062259 +232 289 4 880062259 +232 294 2 880062259 +232 302 5 885939473 +232 313 3 885939473 +232 315 5 888364663 +232 318 5 888549757 +232 357 4 888549721 +232 419 4 888550013 +232 423 4 888549595 +232 425 4 888549790 +232 435 4 888550013 +232 461 5 888549563 +232 462 4 888549879 +232 471 3 880062414 +232 474 5 888550036 +232 475 5 880062469 +232 493 4 888549622 +232 498 4 888549467 +232 508 1 880062447 +232 514 4 888549879 +232 515 2 880062413 +232 523 4 888549757 +232 531 4 888549647 +232 582 5 888549595 +232 589 3 888549790 +232 603 4 888549376 +232 638 5 888549988 +232 651 3 888549515 +232 655 4 888549721 +232 690 4 880062259 +232 708 4 888550060 +232 744 3 880062645 +232 747 3 888549957 +232 750 3 885939690 +232 900 5 888364663 +232 919 3 888550036 +232 921 4 888549929 +232 1128 2 888549907 +232 1149 5 888549674 +233 4 3 877663337 +233 8 3 877663612 +233 9 5 876021262 +233 12 2 880610333 +233 14 4 876021262 +233 23 5 877665324 +233 31 3 880610814 +233 47 5 877661881 +233 50 3 876021213 +233 56 5 877661776 +233 57 5 880190451 +233 58 3 880612403 +233 64 5 880612285 +233 69 5 877665324 +233 70 5 879147810 +233 71 5 876812281 +233 82 4 877663612 +233 89 3 875508225 +233 91 3 876812281 +233 95 5 877661496 +233 97 5 877661882 +233 98 5 877661724 +233 100 4 877661294 +233 117 3 880190627 +233 121 4 880190627 +233 127 5 877661364 +233 129 3 876374463 +233 133 5 877661364 +233 135 4 877661881 +233 143 4 877663383 +233 168 5 877663302 +233 174 5 877661553 +233 180 5 877661364 +233 187 4 876021170 +233 191 4 877665191 +233 192 5 875508485 +233 193 4 877663646 +233 194 4 877663913 +233 196 5 880610814 +233 197 5 877663303 +233 203 3 880923202 +233 204 5 880923202 +233 205 4 877663548 +233 212 5 877665324 +233 215 5 877665324 +233 216 5 877665357 +233 223 4 875508225 +233 234 4 877664010 +233 249 5 883356871 +233 257 4 883356847 +233 261 5 883356913 +233 269 5 891920842 +233 275 5 885147637 +233 276 5 877665324 +233 286 3 876690514 +233 293 4 877660832 +233 304 5 877665323 +233 313 5 891920842 +233 318 5 877665324 +233 371 5 880190399 +233 378 4 877663429 +233 381 4 877665125 +233 418 4 877664010 +233 423 4 877665239 +233 432 3 877663383 +233 435 5 877665324 +233 462 5 879147730 +233 478 5 877661437 +233 483 5 876021170 +233 492 5 880923253 +233 495 4 877661364 +233 498 5 877663465 +233 499 3 877664010 +233 501 3 877663383 +233 504 5 877663128 +233 506 5 877663337 +233 509 4 877663646 +233 511 5 876021120 +233 515 5 875508080 +233 521 5 877663071 +233 523 4 877663913 +233 527 5 877665324 +233 528 5 877665324 +233 568 5 880612346 +233 584 4 877663548 +233 588 5 877661553 +233 603 4 880190566 +233 614 4 877661437 +233 623 3 876374602 +233 633 5 877663185 +233 640 2 875508639 +233 644 5 880610635 +233 647 5 877661364 +233 654 4 877665191 +233 660 5 877661634 +233 735 5 880610635 +233 828 4 875508169 +233 845 4 880190627 +233 923 4 877664010 +233 1194 5 880190371 +234 1 3 891227689 +234 2 2 892335142 +234 4 4 892334610 +234 5 3 892334338 +234 7 2 891227813 +234 8 5 892079585 +234 9 3 891227689 +234 10 3 891227851 +234 11 2 892079140 +234 12 1 892333830 +234 13 3 892335342 +234 14 3 891227730 +234 15 3 892079538 +234 16 2 891227771 +234 20 4 891227979 +234 21 3 892335042 +234 22 4 892334644 +234 23 4 892334368 +234 25 3 892335797 +234 28 4 892079538 +234 30 4 892335951 +234 31 4 892334803 +234 32 3 892078936 +234 40 2 892335894 +234 44 3 892335707 +234 45 4 892079140 +234 47 2 892334543 +234 48 2 892334107 +234 50 4 892079237 +234 52 4 892334141 +234 54 2 892336257 +234 56 3 892078837 +234 64 4 892078983 +234 66 3 892334765 +234 69 4 892078567 +234 70 3 892335587 +234 71 3 892334338 +234 72 3 892335674 +234 73 2 892334368 +234 76 2 892335564 +234 77 3 892333890 +234 79 3 892079910 +234 81 3 892334680 +234 82 3 892334079 +234 85 2 892334852 +234 86 2 892333765 +234 87 3 892079336 +234 88 3 892335920 +234 89 3 892079910 +234 91 5 892335920 +234 93 3 891227771 +234 95 3 892079689 +234 96 2 892334141 +234 97 2 892334267 +234 98 4 892078567 +234 99 5 892333573 +234 100 4 892079769 +234 102 2 892335616 +234 106 4 892336322 +234 111 3 892318060 +234 116 2 892079434 +234 117 2 892334976 +234 119 3 892335261 +234 124 4 891227689 +234 125 3 892335739 +234 127 4 892078386 +234 130 1 892336194 +234 131 3 892334680 +234 132 4 892333865 +234 133 3 892334680 +234 134 5 892333573 +234 135 4 892079769 +234 136 4 892317967 +234 137 3 891227730 +234 140 2 892334766 +234 142 2 892334852 +234 143 3 892079288 +234 144 3 892079840 +234 147 3 892335372 +234 148 3 891228196 +234 151 3 892334481 +234 152 4 892826701 +234 153 3 892333830 +234 154 3 892078605 +234 156 2 892078936 +234 157 2 892334400 +234 160 2 892336119 +234 161 3 892335824 +234 162 3 892335541 +234 163 3 892335951 +234 164 3 892334644 +234 165 5 892079040 +234 166 5 892079237 +234 168 3 892079434 +234 170 5 892333798 +234 172 3 892078837 +234 173 3 892334577 +234 174 3 892078605 +234 175 2 892079076 +234 176 3 892079190 +234 177 3 892079040 +234 178 5 892078890 +234 179 3 892079373 +234 180 3 892079910 +234 181 3 892079373 +234 182 3 892078567 +234 183 4 892079585 +234 185 3 892078936 +234 186 3 892078567 +234 188 2 892079288 +234 190 3 892079190 +234 191 4 892334765 +234 192 3 892078984 +234 193 4 892334713 +234 194 5 892333653 +234 195 2 892078936 +234 196 3 892079910 +234 197 5 892333616 +234 198 3 892078837 +234 199 5 892079040 +234 200 5 892335074 +234 202 3 892079585 +234 204 2 892079617 +234 205 3 892079288 +234 207 2 892078605 +234 208 4 892318002 +234 209 4 892317967 +234 210 3 892333616 +234 211 3 892079475 +234 212 2 892334883 +234 213 3 892079190 +234 215 3 892079722 +234 216 3 892078605 +234 218 2 892335541 +234 219 2 892336287 +234 221 2 891227814 +234 222 3 892079803 +234 223 3 892079336 +234 224 4 892334107 +234 226 2 892335673 +234 228 3 892079190 +234 229 4 892334189 +234 233 2 892335990 +234 234 4 892079475 +234 236 3 892079336 +234 237 3 892336021 +234 238 3 892079040 +234 241 2 892335042 +234 242 4 891033261 +234 243 1 891034107 +234 258 2 891033627 +234 259 2 891033686 +234 265 3 892078837 +234 268 2 891033261 +234 273 3 892336165 +234 274 3 892334765 +234 276 3 891228196 +234 277 3 892334680 +234 279 3 892333980 +234 280 3 892334803 +234 283 3 891227814 +234 284 3 892335460 +234 285 4 891227771 +234 286 3 891033314 +234 287 3 891228196 +234 288 3 891033738 +234 289 4 891033851 +234 290 3 892333980 +234 291 3 892335342 +234 292 4 891033821 +234 294 3 891033715 +234 300 3 891033627 +234 301 3 892826947 +234 304 3 891033591 +234 307 2 891033427 +234 313 4 891033261 +234 316 4 891033851 +234 317 2 892334189 +234 319 3 892334883 +234 321 2 891033393 +234 322 2 891034007 +234 328 2 891033772 +234 329 2 891033922 +234 357 4 892333573 +234 358 1 891034007 +234 367 4 892334976 +234 371 3 892335850 +234 378 4 892335213 +234 381 3 892335739 +234 385 2 892335309 +234 389 3 892335309 +234 393 2 892335108 +234 401 2 892336322 +234 403 1 892335674 +234 404 4 892333830 +234 412 2 892336322 +234 414 4 892336021 +234 416 4 892335616 +234 417 3 892336119 +234 418 3 892079373 +234 419 4 892334644 +234 421 1 892334852 +234 423 4 892334079 +234 427 4 892078386 +234 428 4 892334079 +234 429 4 892079434 +234 430 4 892333683 +234 431 3 892078424 +234 432 4 892079722 +234 433 2 892079910 +234 434 3 892079288 +234 435 3 892079040 +234 436 3 892334765 +234 443 3 892334079 +234 445 2 892334713 +234 447 3 892336047 +234 451 3 892334578 +234 462 4 892079840 +234 463 4 892333865 +234 464 4 892079288 +234 465 2 892334803 +234 466 4 892334368 +234 470 2 892335797 +234 471 3 892335074 +234 472 2 891228099 +234 473 5 892334976 +234 474 4 892317967 +234 477 1 892335108 +234 478 3 892079538 +234 479 5 892334107 +234 480 4 892078485 +234 481 5 892079076 +234 482 4 892334803 +234 483 5 892078424 +234 484 5 892078936 +234 485 3 892079434 +234 486 3 892079373 +234 487 3 892079237 +234 488 4 892078386 +234 489 3 892079237 +234 490 4 892079803 +234 491 4 892079538 +234 492 3 892078936 +234 493 3 892078567 +234 494 4 892078837 +234 495 4 892335042 +234 496 4 892079190 +234 497 4 892334481 +234 498 5 892078699 +234 499 4 892334141 +234 500 3 892078890 +234 501 4 892334543 +234 502 4 892336077 +234 503 2 892333653 +234 504 4 892078485 +234 505 4 892333798 +234 506 4 892318107 +234 507 4 892334803 +234 510 4 892079840 +234 511 5 892078567 +234 513 5 892333980 +234 515 5 892078424 +234 516 3 892079140 +234 517 3 892333919 +234 519 5 892078342 +234 520 4 892078890 +234 521 3 892079077 +234 523 4 892334141 +234 524 3 892079910 +234 525 4 892078984 +234 526 3 892334045 +234 527 3 892334189 +234 528 4 892079689 +234 530 4 892333573 +234 531 3 892078984 +234 546 1 891227851 +234 549 3 892335850 +234 550 2 892334883 +234 552 2 892336322 +234 557 1 892335989 +234 558 4 892079585 +234 566 2 892335108 +234 571 2 892318158 +234 582 4 892334883 +234 584 3 892333653 +234 588 3 892335541 +234 589 3 892078567 +234 591 3 892335142 +234 596 2 891227979 +234 601 3 892334765 +234 602 4 892334368 +234 603 4 892333573 +234 604 5 892078936 +234 605 3 892333798 +234 606 5 892318060 +234 607 4 892079140 +234 608 3 892078741 +234 609 3 892335186 +234 610 4 892079769 +234 611 5 892078605 +234 613 4 892079434 +234 614 3 892334609 +234 615 5 892079722 +234 616 2 892334976 +234 617 3 892078741 +234 618 3 892078343 +234 619 2 891227851 +234 622 2 892335415 +234 623 2 892318107 +234 625 3 892336286 +234 628 2 892826612 +234 629 4 892335042 +234 630 2 892334141 +234 631 3 892334577 +234 632 2 892079538 +234 634 4 892079910 +234 635 2 892336358 +234 636 3 892336358 +234 638 4 892335989 +234 641 4 892078297 +234 642 3 892334766 +234 646 3 892335500 +234 647 3 892826411 +234 648 3 892826760 +234 649 3 892335870 +234 650 3 892078837 +234 651 4 892078485 +234 653 3 892335108 +234 654 5 892333573 +234 655 3 892333616 +234 656 4 892079288 +234 657 4 892079840 +234 659 3 892078660 +234 660 4 892334543 +234 661 5 892333573 +234 662 3 892079585 +234 663 4 892335707 +234 671 3 892336257 +234 673 4 892334189 +234 675 4 892078342 +234 686 3 892334976 +234 692 3 892335990 +234 693 2 892333980 +234 694 3 892079040 +234 699 3 892079538 +234 702 2 892335707 +234 705 5 892318002 +234 709 4 892079337 +234 712 2 892336077 +234 724 4 892335739 +234 727 3 892079475 +234 731 2 892336194 +234 732 2 892334713 +234 735 3 892079803 +234 739 3 892335990 +234 745 4 892333573 +234 746 2 892335213 +234 747 3 892334578 +234 749 3 891033772 +234 751 2 891033394 +234 765 3 892336322 +234 768 2 892335990 +234 770 4 892335920 +234 781 2 892335764 +234 782 3 892335372 +234 785 3 892336119 +234 792 4 892336165 +234 806 2 892334766 +234 808 2 892335707 +234 832 2 892335501 +234 835 3 892334481 +234 836 4 892317967 +234 837 3 892079434 +234 842 4 892334045 +234 843 2 892334400 +234 844 2 892078521 +234 845 3 892335825 +234 847 4 891227730 +234 848 3 892334577 +234 850 2 892336047 +234 855 3 892079803 +234 863 5 892079689 +234 867 4 892826174 +234 872 2 891033627 +234 873 3 891034007 +234 874 1 891227463 +234 878 2 892336477 +234 887 3 891034078 +234 921 4 892079434 +234 923 4 892078741 +234 925 2 892334976 +234 927 4 892334267 +234 928 2 892336287 +234 929 1 891228099 +234 939 2 892333798 +234 942 3 892334610 +234 945 3 892334189 +234 950 2 892079538 +234 951 1 892334766 +234 956 3 892826643 +234 959 2 892334189 +234 963 3 892078983 +234 964 4 892334852 +234 965 3 892079538 +234 966 4 892334189 +234 970 4 892335437 +234 980 2 891227851 +234 984 2 891033966 +234 989 2 891033966 +234 1003 2 892334267 +234 1010 2 892335415 +234 1011 3 891227730 +234 1015 2 892079617 +234 1020 4 892078890 +234 1021 4 892333765 +234 1035 3 892335142 +234 1039 3 892078741 +234 1044 2 892336194 +234 1048 3 892335501 +234 1050 3 892333616 +234 1051 2 892336322 +234 1063 3 892079769 +234 1064 4 892333683 +234 1075 3 892335797 +234 1078 2 892336322 +234 1100 2 892335500 +234 1101 3 892335372 +234 1120 3 892079288 +234 1121 5 892334481 +234 1123 3 892335342 +234 1126 4 892079722 +234 1133 3 892336358 +234 1149 3 892318060 +234 1168 2 892335108 +234 1169 4 892334543 +234 1170 1 892336077 +234 1172 3 892079076 +234 1185 3 892335951 +234 1186 4 892335707 +234 1198 3 892335187 +234 1200 3 892333865 +234 1203 4 892079910 +234 1204 3 892078297 +234 1205 1 892335501 +234 1221 4 892334852 +234 1263 3 892335142 +234 1269 3 892078297 +234 1285 3 892335764 +234 1298 3 892079373 +234 1330 3 892078343 +234 1369 3 892333765 +234 1397 4 892334976 +234 1400 3 892334400 +234 1445 4 892336286 +234 1446 3 892335739 +234 1447 3 892336119 +234 1448 3 892335187 +234 1449 4 892333573 +234 1450 3 892335213 +234 1452 4 892335342 +234 1453 2 892335415 +234 1454 3 892336257 +234 1455 2 892318158 +234 1456 4 892335142 +234 1457 3 892079538 +234 1458 4 892336165 +234 1459 3 892335261 +234 1460 3 892335460 +234 1461 2 892078297 +234 1463 5 892333573 +235 1 4 889655571 +235 7 4 889655723 +235 22 4 889655044 +235 50 5 889655403 +235 52 4 889656168 +235 65 2 889655723 +235 66 2 889655266 +235 69 4 889655468 +235 79 4 889655468 +235 82 2 889655403 +235 83 4 889656068 +235 85 4 889655232 +235 86 4 889656113 +235 96 4 889654971 +235 100 4 889655550 +235 135 4 889655571 +235 153 4 889655662 +235 170 4 889656113 +235 174 4 889654971 +235 175 4 889654971 +235 179 5 889656028 +235 181 3 889655360 +235 188 4 889655619 +235 190 4 889656007 +235 191 4 889654971 +235 192 4 889655298 +235 193 5 889655204 +235 194 5 889655232 +235 195 4 889655162 +235 196 3 889655162 +235 197 5 889655266 +235 198 3 889655044 +235 207 4 889656132 +235 211 5 889655162 +235 213 4 889655044 +235 237 4 889655435 +235 269 4 889654530 +235 275 5 889655550 +235 285 4 889655204 +235 292 3 889654638 +235 303 4 889654483 +235 318 5 889654971 +235 319 4 889654419 +235 327 3 889654594 +235 338 1 889654821 +235 344 5 889654419 +235 346 4 889654483 +235 429 4 889655662 +235 431 2 889655490 +235 433 4 889655596 +235 435 5 889655434 +235 462 3 889656168 +235 463 4 889656008 +235 474 5 889655112 +235 483 5 889655204 +235 494 4 889655112 +235 496 4 889655662 +235 512 5 889656044 +235 515 4 889655086 +235 520 4 889655204 +235 522 5 889655086 +235 523 5 889655044 +235 524 5 889655204 +235 603 3 889655044 +235 648 4 889655662 +235 652 4 889655403 +235 655 4 889655550 +235 684 4 889655162 +235 692 4 889655595 +235 701 4 889655086 +235 705 5 889655204 +235 747 2 889655550 +235 792 4 889655490 +235 898 3 889654553 +235 923 4 889656132 +235 970 4 889655204 +235 971 4 889656113 +235 1021 5 889656090 +235 1105 2 889654460 +235 1119 3 889655550 +235 1134 4 889655723 +235 1176 5 889655820 +235 1193 4 889655232 +235 1451 4 889655112 +236 9 5 890116792 +236 15 5 890116628 +236 28 4 890116539 +236 50 3 890116059 +236 51 5 890116709 +236 56 5 890116254 +236 58 2 890118462 +236 64 5 890116163 +236 66 2 890118507 +236 69 5 890116426 +236 79 4 890118417 +236 88 2 890116709 +236 97 5 890118228 +236 98 5 890116253 +236 100 3 890116402 +236 111 4 890116939 +236 117 3 890116818 +236 127 5 890116032 +236 132 4 890115897 +236 133 5 890116059 +236 134 4 890116282 +236 135 2 890116033 +236 148 4 890117028 +236 151 2 890116964 +236 153 2 890118075 +236 170 5 890116451 +236 172 3 890116539 +236 174 3 890116539 +236 176 2 890115933 +236 179 1 890118417 +236 181 4 890115933 +236 183 2 890118206 +236 185 5 890118307 +236 191 4 890116335 +236 194 3 890116426 +236 195 2 890118507 +236 196 1 890115966 +236 199 4 890118307 +236 200 3 890115856 +236 203 4 890116132 +236 204 3 890118393 +236 207 3 890116221 +236 210 2 890118153 +236 211 3 890116539 +236 216 5 890116163 +236 222 4 890116817 +236 223 5 890116032 +236 225 3 890117465 +236 237 4 890117001 +236 255 3 890116747 +236 273 1 890116670 +236 274 1 890117073 +236 275 3 890116499 +236 282 5 890117028 +236 289 4 890117820 +236 294 2 890116895 +236 298 4 890116793 +236 304 4 890117676 +236 307 4 890117902 +236 318 5 890116539 +236 328 5 890117711 +236 333 3 890117748 +236 370 3 890117353 +236 411 1 890117095 +236 419 5 890116282 +236 420 4 890116671 +236 423 5 890116304 +236 427 5 890118153 +236 429 1 890118632 +236 432 5 890118251 +236 435 4 890115966 +236 443 4 890116709 +236 462 4 890115933 +236 476 3 890117308 +236 478 3 890118106 +236 483 5 890116221 +236 496 3 890116499 +236 504 3 890118075 +236 505 3 890116575 +236 507 3 890115897 +236 510 3 890118543 +236 520 4 890116095 +236 521 3 890115996 +236 523 2 890116221 +236 526 3 890116500 +236 532 2 890116915 +236 546 4 890117223 +236 549 4 890116628 +236 591 4 890117029 +236 595 3 890117267 +236 596 4 890116575 +236 614 5 890116335 +236 655 3 890116670 +236 659 3 890116599 +236 661 3 890116451 +236 673 4 890116132 +236 685 2 890117308 +236 686 3 890118372 +236 692 4 890116670 +236 696 2 890117223 +236 699 4 890116095 +236 705 4 890116402 +236 717 3 890117409 +236 735 5 890116599 +236 750 5 890117676 +236 756 1 890117353 +236 864 2 890117073 +236 866 3 890117223 +236 934 4 890117570 +236 1013 2 890117465 +236 1039 2 890115996 +236 1102 4 890117488 +236 1328 4 890116132 +236 1401 3 890116335 +237 9 4 879376730 +237 58 4 879376434 +237 64 5 879376671 +237 83 4 879376641 +237 98 4 879376327 +237 127 5 879376671 +237 134 5 879376327 +237 153 3 879376698 +237 169 5 879376381 +237 174 4 879376773 +237 176 3 879376328 +237 178 4 879376671 +237 179 4 879376641 +237 180 4 879376730 +237 183 5 879376641 +237 185 4 879376773 +237 187 3 879376553 +237 190 4 879376515 +237 197 4 879376515 +237 199 4 879376606 +237 238 4 879376435 +237 286 3 879376220 +237 357 4 879376327 +237 408 5 879376434 +237 423 4 879376487 +237 474 5 879376327 +237 479 5 879376487 +237 483 5 879376381 +237 485 4 879376553 +237 489 4 879376381 +237 498 4 879376698 +237 502 4 879376487 +237 513 5 879376328 +237 525 4 879376487 +237 603 5 879376773 +237 656 4 879376730 +237 659 4 879376553 +237 705 3 879376487 +238 121 4 883576443 +238 125 3 883576230 +238 151 2 883576398 +238 237 3 883576281 +238 255 3 883576644 +238 257 4 883576261 +238 258 3 883575728 +238 286 5 883575683 +238 294 3 883575813 +238 298 5 883576398 +238 301 3 883575855 +238 405 4 883576424 +238 458 4 883576622 +238 471 4 883576359 +238 538 4 883575749 +238 546 3 883576574 +238 845 3 883576424 +238 926 3 883576543 +238 1258 1 883576666 +239 8 5 889179290 +239 10 5 889180338 +239 12 5 889178729 +239 14 5 889179478 +239 39 5 889181093 +239 42 5 889180578 +239 45 5 889180578 +239 46 4 889180487 +239 47 2 889180169 +239 50 5 889179131 +239 58 5 889179623 +239 64 1 889178616 +239 65 5 889180041 +239 69 1 889179544 +239 79 3 889179544 +239 81 3 889179808 +239 89 4 889179253 +239 91 4 889180487 +239 98 5 889180410 +239 100 3 889179131 +239 114 3 889178616 +239 116 5 889181093 +239 124 5 889178652 +239 132 5 889178986 +239 133 3 889178652 +239 134 5 889179033 +239 135 5 889178762 +239 137 5 889178688 +239 150 5 889179131 +239 152 3 889179808 +239 162 5 889179131 +239 165 5 889180411 +239 168 4 889179478 +239 171 5 889178986 +239 172 4 889178833 +239 174 4 889179131 +239 175 5 889180616 +239 179 5 889180410 +239 180 5 889178833 +239 181 3 889180411 +239 183 5 889180071 +239 185 4 889178688 +239 186 1 889179253 +239 187 5 889178798 +239 190 1 889178616 +239 195 5 889180747 +239 198 5 889181047 +239 203 1 889179291 +239 204 3 889180888 +239 205 3 889181015 +239 207 5 889180578 +239 208 3 889181015 +239 209 5 889179032 +239 210 4 889179032 +239 221 5 889180447 +239 228 2 889180651 +239 238 5 889180747 +239 242 5 889178512 +239 268 2 889178512 +239 269 5 889181247 +239 276 5 889179506 +239 286 1 889178512 +239 288 2 889178513 +239 300 1 889178513 +239 304 1 889181248 +239 305 4 889178513 +239 312 2 889181247 +239 317 5 889179291 +239 318 1 889178798 +239 340 5 889178513 +239 382 3 889180578 +239 419 3 889178689 +239 421 5 889181048 +239 427 5 889180888 +239 428 5 889180978 +239 430 3 889180338 +239 432 5 889180041 +239 433 5 889180447 +239 434 5 889180041 +239 443 5 889181015 +239 462 5 889179623 +239 463 5 889178689 +239 474 5 889179095 +239 475 5 889178689 +239 478 5 889178986 +239 479 5 889178762 +239 482 3 889180978 +239 483 5 889179253 +239 484 5 889179095 +239 488 5 889179033 +239 489 5 889178833 +239 492 3 889180411 +239 493 5 889180616 +239 497 4 889180578 +239 498 4 889179623 +239 499 5 889179808 +239 504 4 889179544 +239 505 5 889180169 +239 507 5 889180651 +239 508 5 889178798 +239 509 5 889180071 +239 511 5 889178798 +239 512 5 889180921 +239 514 1 889178562 +239 516 5 889180487 +239 518 3 889180949 +239 527 5 889178833 +239 528 5 889178562 +239 529 5 889179808 +239 530 5 889179290 +239 531 5 889178762 +239 558 5 889178986 +239 589 3 889180978 +239 603 5 889178616 +239 605 4 889180446 +239 612 5 889178616 +239 632 5 889181015 +239 633 5 889180040 +239 634 4 889180487 +239 647 5 889180651 +239 650 5 889180530 +239 652 5 889178762 +239 654 5 889180747 +239 659 3 889179808 +239 663 5 889180617 +239 671 5 889179290 +239 675 5 889180617 +239 690 1 889178513 +239 701 5 889179544 +239 705 4 889178652 +239 736 5 889179291 +239 745 5 889180338 +239 753 5 889179478 +239 836 5 889180888 +239 855 5 889179478 +239 921 5 889181092 +239 923 5 889179033 +239 954 5 889179253 +239 961 5 889181093 +239 1020 3 889180920 +239 1056 5 889180041 +239 1065 5 889181015 +239 1098 5 889180487 +239 1115 2 889180651 +239 1192 1 889180949 +239 1203 5 889180040 +239 1204 4 889178986 +239 1245 5 889181092 +239 1332 3 889180888 +240 242 5 885775683 +240 245 4 885775831 +240 269 5 885775536 +240 286 5 885775625 +240 302 5 885775536 +240 307 4 885775683 +240 340 4 885775710 +240 349 1 885775878 +240 353 1 885775959 +240 358 2 885775857 +240 748 3 885775831 +240 751 3 885775683 +240 873 2 885775857 +240 895 5 885775711 +241 268 4 887249576 +241 270 3 887250026 +241 286 5 887249482 +241 288 5 887249745 +241 300 4 887249685 +241 302 3 887249576 +241 310 4 887249576 +241 335 3 887250085 +241 343 2 887250085 +241 346 3 887249482 +241 682 2 887249745 +241 689 3 887250085 +241 895 2 887250085 +242 111 4 879741196 +242 268 5 879741340 +242 275 5 879741196 +242 283 4 879740362 +242 294 4 879740082 +242 331 5 879741340 +242 475 3 879740223 +242 740 5 879741196 +242 1011 3 879740800 +242 1355 5 879741196 +243 1 4 879987239 +243 7 3 879987362 +243 8 5 879989217 +243 10 4 879987526 +243 14 3 879987239 +243 16 3 879987630 +243 22 3 879988104 +243 25 3 879987875 +243 26 3 879988459 +243 28 4 879988215 +243 69 3 879988298 +243 77 3 879988587 +243 83 4 879988184 +243 86 5 879989217 +243 111 4 879987793 +243 116 4 879987526 +243 125 3 879988298 +243 127 4 879987045 +243 137 3 879987084 +243 151 3 879987397 +243 157 5 879989217 +243 162 4 879988459 +243 173 3 879988913 +243 191 5 879989217 +243 194 4 879988913 +243 196 4 879988298 +243 215 3 879988046 +243 221 5 879989217 +243 237 2 879987148 +243 246 4 879987085 +243 268 4 879986951 +243 280 1 879987148 +243 283 3 879987362 +243 285 5 879989217 +243 286 4 879986908 +243 306 4 879988830 +243 317 5 879989217 +243 318 4 879988071 +243 367 3 879988976 +243 387 4 879988752 +243 423 3 879988587 +243 435 4 879988913 +243 458 4 879987397 +243 461 3 879988132 +243 468 3 879988298 +243 477 4 879987736 +243 509 4 879988369 +243 511 5 879989217 +243 514 4 879989006 +243 531 4 879988157 +243 582 5 879989217 +243 631 4 879988298 +243 632 5 879988487 +243 655 4 879988104 +243 694 4 879988262 +243 699 4 879988397 +243 708 3 879988520 +243 713 3 879987495 +243 724 3 879988459 +243 732 4 879988557 +243 736 4 879988520 +243 737 3 879988557 +243 778 4 879988663 +243 813 4 879987239 +243 1115 3 879987465 +243 1148 3 879988723 +243 1197 4 879988337 +243 1281 5 879989217 +243 1368 2 879987909 +243 1465 3 879988215 +243 1466 3 879988104 +244 1 4 880604405 +244 3 5 880602451 +244 7 4 880602558 +244 9 5 880604179 +244 13 4 880604379 +244 20 4 880604758 +244 22 4 880605665 +244 26 5 880606274 +244 28 4 880606300 +244 31 4 880603484 +244 32 2 880605514 +244 40 2 880608016 +244 42 5 880602058 +244 50 5 880604379 +244 52 4 880606476 +244 53 3 880607489 +244 54 2 880607335 +244 56 5 880602440 +244 58 3 880605438 +244 62 2 880607269 +244 64 5 880605638 +244 65 4 880605766 +244 66 4 880607683 +244 67 4 880608820 +244 68 5 880602170 +244 69 4 880603645 +244 70 4 880604077 +244 71 4 880606874 +244 72 4 880607365 +244 77 4 880603512 +244 80 3 880607489 +244 82 3 880606667 +244 86 4 880605896 +244 88 4 880607684 +244 89 5 880602210 +244 90 4 880607684 +244 92 4 880602478 +244 95 4 880606418 +244 97 2 880605514 +244 100 4 880604252 +244 101 5 880603288 +244 105 2 880605333 +244 109 4 880604798 +244 111 4 880604550 +244 114 4 880603219 +244 117 2 880604698 +244 118 2 880604981 +244 121 1 880604583 +244 122 4 880602804 +244 126 4 880604302 +244 135 4 880606442 +244 144 1 880602264 +244 145 3 880608842 +244 148 2 880605071 +244 151 5 880604326 +244 153 4 880606069 +244 154 5 880606385 +244 155 3 880608599 +244 156 4 880602517 +244 157 4 880604119 +244 158 3 880608904 +244 161 4 880607990 +244 162 4 880606993 +244 164 3 880607154 +244 167 3 880607853 +244 168 5 880606118 +244 169 5 880606274 +244 171 5 880606385 +244 172 4 880605665 +244 173 4 880605458 +244 174 3 880605896 +244 179 5 880603833 +244 180 4 880605920 +244 181 4 880604302 +244 183 4 880606043 +244 188 4 880605869 +244 191 5 880605766 +244 193 4 880605638 +244 196 5 880605416 +244 197 4 880605838 +244 200 5 880606698 +244 204 4 880605812 +244 208 5 880606300 +244 209 4 880605485 +244 214 5 880603219 +244 215 4 880603242 +244 216 4 880605869 +244 217 5 880606698 +244 220 2 880605264 +244 222 2 880604379 +244 226 1 880602264 +244 232 4 880608670 +244 234 3 880606593 +244 235 1 880604910 +244 237 5 880602334 +244 238 5 880606118 +244 240 3 880604858 +244 241 4 880602893 +244 246 5 880604302 +244 249 4 880604930 +244 255 2 880604077 +244 258 5 880601905 +244 268 5 880601904 +244 276 5 880604234 +244 278 3 880605294 +244 281 3 880605010 +244 287 3 880604326 +244 290 3 880604616 +244 291 2 880604379 +244 294 4 880601905 +244 301 2 880601905 +244 310 3 880601905 +244 317 5 880602083 +244 318 5 880603082 +244 324 4 880601905 +244 357 5 880605553 +244 365 2 880608599 +244 367 1 880603442 +244 369 4 880605294 +244 380 4 880608133 +244 383 3 880608957 +244 393 3 880607365 +244 401 3 880607424 +244 409 4 880605294 +244 410 4 880606593 +244 411 4 880604798 +244 428 4 880606155 +244 433 5 880603683 +244 451 4 880608112 +244 455 2 880604503 +244 456 3 880605333 +244 458 3 880604405 +244 468 1 880606947 +244 471 1 880606874 +244 475 4 880603582 +244 508 4 880604276 +244 509 5 880606017 +244 521 4 880606385 +244 527 5 880606155 +244 528 3 880606533 +244 537 5 880602593 +244 553 5 880606215 +244 554 3 880608733 +244 559 4 880607154 +244 566 4 880607489 +244 581 4 880607903 +244 584 5 880606634 +244 596 4 880604735 +244 609 3 880607154 +244 628 4 880604346 +244 629 4 880606442 +244 631 4 880606760 +244 650 3 880607231 +244 651 4 880606069 +244 652 5 880606533 +244 655 5 880605766 +244 660 4 880603881 +244 662 3 880606533 +244 676 4 880604858 +244 685 2 880604642 +244 697 4 880607335 +244 708 4 880607231 +244 710 3 880607034 +244 712 3 880607925 +244 716 3 880607641 +244 721 5 880602031 +244 723 3 880607154 +244 724 4 880605638 +244 732 1 880604148 +244 735 5 880605697 +244 738 4 880607489 +244 739 3 880604004 +244 743 5 880602170 +244 744 3 880606923 +244 746 3 880606180 +244 747 4 880606760 +244 754 4 880603960 +244 762 3 880604616 +244 763 4 880604830 +244 764 5 880605158 +244 772 4 880601937 +244 780 4 880602843 +244 790 4 880608037 +244 818 2 880605010 +244 833 3 880607878 +244 845 3 880606634 +244 856 5 880602002 +244 866 5 880605131 +244 871 3 880605010 +244 886 5 880601905 +244 924 4 880604550 +244 926 2 880609193 +244 941 4 880603618 +244 946 4 880607545 +244 949 4 880606874 +244 950 1 880606274 +244 953 4 880607335 +244 955 4 880606593 +244 959 4 880607684 +244 1012 2 880604670 +244 1017 4 880604583 +244 1028 3 880604830 +244 1039 4 880607570 +244 1041 4 880608788 +244 1045 5 880602132 +244 1047 2 880605264 +244 1048 4 880606567 +244 1053 2 880606993 +244 1054 3 880609089 +244 1057 4 880608992 +244 1074 4 880607904 +244 1079 2 880605333 +244 1095 2 880605333 +244 1098 5 880605578 +244 1107 2 880608699 +244 1109 4 880607116 +244 1118 4 880608087 +244 1119 5 880606993 +244 1132 4 880605132 +244 1136 3 880608162 +244 1150 4 880604195 +244 1168 4 880608788 +244 1178 3 880608134 +244 1188 4 880608864 +244 1209 3 880608315 +244 1225 2 880606818 +244 1428 4 880603411 +244 1467 5 880605553 +245 133 2 888513058 +245 151 3 888513279 +245 210 3 888513026 +245 258 4 888513691 +245 300 4 888513026 +245 596 4 888513361 +245 597 4 888513326 +245 717 4 888513447 +245 756 3 888513425 +245 894 1 888513860 +245 1033 5 888513522 +245 1047 3 888513393 +246 1 4 884920918 +246 3 2 884923390 +246 8 3 884921245 +246 11 4 884922512 +246 12 5 884921948 +246 17 2 884922658 +246 24 4 884921345 +246 25 3 884922383 +246 29 1 884922740 +246 38 2 884923175 +246 41 2 884923811 +246 50 5 884920788 +246 55 4 884921948 +246 56 1 884920948 +246 66 3 884922252 +246 67 2 884923893 +246 68 5 884922341 +246 69 3 884921202 +246 77 2 884921839 +246 80 2 884923329 +246 81 5 884921638 +246 82 2 884921986 +246 83 4 884921086 +246 92 1 884921661 +246 95 3 884920949 +246 96 3 884920900 +246 97 3 884922272 +246 98 4 884921428 +246 99 3 884922657 +246 100 4 884921033 +246 101 2 884922740 +246 109 5 884921794 +246 111 3 884921861 +246 117 3 884921767 +246 118 1 884923175 +246 121 4 884922627 +246 132 4 884921319 +246 133 3 884921705 +246 138 1 884923715 +246 145 1 884923922 +246 151 5 884921727 +246 155 1 884923687 +246 158 1 884923955 +246 159 3 884923003 +246 161 3 884921679 +246 164 3 884921613 +246 172 5 884922042 +246 173 5 884921227 +246 174 3 884921086 +246 175 4 884921362 +246 176 4 884921613 +246 178 5 884920918 +246 181 5 884920978 +246 184 4 884921948 +246 185 5 884921428 +246 195 3 884921138 +246 196 3 884921861 +246 198 4 884922196 +246 202 3 884922272 +246 204 3 884921638 +246 208 4 884921394 +246 210 3 884921319 +246 211 4 884922605 +246 215 2 884921058 +246 216 3 884920949 +246 219 5 884922801 +246 223 5 884921033 +246 226 2 884923329 +246 227 4 884922475 +246 228 3 884921558 +246 230 3 884922070 +246 231 1 884922898 +246 232 3 884923073 +246 235 3 884921965 +246 236 4 884921986 +246 238 5 884921429 +246 240 3 884923547 +246 250 4 884924327 +246 252 1 884924473 +246 254 1 884924710 +246 257 4 884924327 +246 260 5 884924991 +246 265 4 884921411 +246 284 1 884922475 +246 288 5 884922235 +246 289 2 884922658 +246 294 2 884924460 +246 356 2 884923047 +246 368 1 884924813 +246 369 3 884924710 +246 384 2 884923632 +246 385 1 884922272 +246 393 3 884922627 +246 401 1 884923750 +246 402 3 884922917 +246 403 4 884922697 +246 404 3 884922434 +246 406 3 884924749 +246 410 1 884923175 +246 411 3 884923715 +246 412 1 884923305 +246 413 4 884923922 +246 418 3 884921453 +246 420 3 884922272 +246 423 3 884920900 +246 426 3 884923471 +246 431 3 884921661 +246 432 3 884921511 +246 433 5 884921488 +246 441 3 884922538 +246 444 4 884923715 +246 447 3 884922714 +246 451 2 884923003 +246 469 3 884922475 +246 470 4 884922964 +246 475 4 884921637 +246 477 4 884921767 +246 541 3 884923487 +246 547 4 884922512 +246 550 3 884922740 +246 559 3 884922898 +246 567 5 884923348 +246 568 4 884922451 +246 570 1 884923592 +246 572 3 884923127 +246 576 1 884923864 +246 578 2 884923306 +246 585 1 884923811 +246 588 4 884920998 +246 596 3 884921511 +246 597 2 884921965 +246 616 5 884922475 +246 628 1 884922554 +246 633 3 884920997 +246 651 4 884921638 +246 652 5 884921033 +246 658 4 884923329 +246 672 4 884923047 +246 675 4 884920978 +246 679 2 884922917 +246 719 4 884924026 +246 720 1 884923592 +246 724 4 884922383 +246 728 1 884923829 +246 735 4 884921679 +246 739 2 884922678 +246 741 5 884921533 +246 743 1 884924780 +246 746 4 884922070 +246 748 1 884924441 +246 758 1 884924813 +246 765 2 884924026 +246 790 3 884923405 +246 798 2 884924001 +246 802 1 884923471 +246 809 2 884923767 +246 816 4 884925218 +246 827 1 884923829 +246 831 1 884924025 +246 840 4 884924045 +246 841 1 884923829 +246 849 1 884923687 +246 853 5 884922383 +246 895 5 884924976 +246 930 2 884924764 +246 932 1 884923864 +246 941 1 884923547 +246 981 1 884924765 +246 993 3 884920770 +246 1028 3 884923653 +246 1039 4 884921227 +246 1044 1 884922869 +246 1052 1 884924710 +246 1073 4 884921380 +246 1089 1 884924710 +246 1101 5 884921380 +246 1135 1 884922605 +246 1139 2 884923811 +246 1188 3 884924001 +246 1218 3 884922801 +246 1220 3 884921794 +246 1222 3 884923372 +246 1228 1 884923971 +246 1232 1 884923425 +246 1411 2 884924026 +247 7 4 893081395 +247 28 5 893097024 +247 58 4 893081396 +247 64 5 893097024 +247 70 5 893097024 +247 100 3 893081395 +247 121 4 893081396 +247 181 4 893081396 +247 222 3 893081411 +247 258 5 893097024 +247 259 3 893081411 +247 269 4 893097024 +247 300 2 893081411 +247 340 3 893081396 +247 750 4 893081381 +247 1022 4 893097024 +248 1 3 884535744 +248 7 2 884534968 +248 11 5 884534992 +248 22 2 884534752 +248 50 5 884535013 +248 55 4 884534793 +248 64 5 884534735 +248 69 1 884534695 +248 79 3 884534992 +248 89 5 884535046 +248 96 4 884534968 +248 98 5 884534673 +248 100 4 884534716 +248 114 5 884534901 +248 121 2 884536206 +248 153 3 884534716 +248 156 5 884534945 +248 168 4 884534945 +248 172 4 884534992 +248 176 5 884534808 +248 179 3 884534649 +248 180 3 884534735 +248 181 4 884535374 +248 183 5 884534772 +248 186 5 884534695 +248 187 3 884535046 +248 194 4 884534672 +248 196 2 884535013 +248 198 5 884534695 +248 210 3 884534946 +248 235 3 884536150 +248 249 4 884536117 +248 250 3 884535532 +248 283 1 884535157 +248 290 3 884535582 +248 294 3 884534379 +248 323 1 884534472 +248 324 4 884534506 +248 343 4 884534436 +248 405 4 884536165 +248 484 2 884535013 +248 515 5 884535085 +248 678 3 884534419 +248 806 3 884534772 +248 854 5 884534735 +248 928 3 884536117 +249 1 4 879572210 +249 2 3 879641284 +249 4 4 879572142 +249 7 5 879572760 +249 9 5 879572402 +249 12 5 879572472 +249 13 4 879640396 +249 22 5 879572926 +249 23 4 879572432 +249 24 4 879640306 +249 28 4 879572106 +249 31 4 879572688 +249 39 4 879572284 +249 42 5 879572630 +249 50 4 879571695 +249 53 4 879572760 +249 55 5 879572331 +249 56 5 879572189 +249 58 5 879572516 +249 64 5 879572210 +249 68 5 879641156 +249 69 5 879572600 +249 79 5 879572777 +249 83 5 879640977 +249 86 4 879572124 +249 89 5 879572229 +249 92 5 879572567 +249 93 4 879640194 +249 96 4 879572600 +249 98 5 879572256 +249 100 5 879572370 +249 108 3 879640452 +249 114 5 879572314 +249 117 4 879640414 +249 121 3 879572705 +249 123 3 879640261 +249 124 5 879572646 +249 125 3 879640210 +249 129 5 879571883 +249 135 5 879572668 +249 137 4 879572725 +249 144 4 879572567 +249 147 5 879640343 +249 148 3 879640361 +249 156 5 879572402 +249 161 3 879572760 +249 168 4 879572370 +249 169 5 879572106 +249 172 3 879572106 +249 173 5 879572229 +249 174 4 879572314 +249 175 4 879572106 +249 176 4 879641109 +249 179 5 879641140 +249 181 3 879571998 +249 182 5 879640949 +249 183 4 879572540 +249 186 4 879572516 +249 191 4 879572167 +249 195 4 879572911 +249 198 5 879572349 +249 202 4 879572167 +249 203 5 879572167 +249 209 5 879572582 +249 210 3 879641305 +249 212 4 879572890 +249 216 4 879641305 +249 218 3 879641322 +249 222 4 879640306 +249 223 4 879572370 +249 228 4 879572496 +249 235 4 879640261 +249 237 5 879640361 +249 238 5 879572451 +249 240 4 879640343 +249 242 5 879571438 +249 245 2 879571999 +249 248 5 879571695 +249 249 4 879571752 +249 250 4 879571678 +249 252 2 879571998 +249 257 3 879571715 +249 258 5 879571438 +249 271 4 879571521 +249 273 4 879640284 +249 275 4 879572451 +249 283 5 879572600 +249 290 2 879640521 +249 294 3 879571557 +249 298 4 879571715 +249 300 4 879571489 +249 302 4 879571438 +249 309 3 879571456 +249 317 5 879572106 +249 318 5 879572256 +249 327 4 879571489 +249 333 4 879571521 +249 357 4 879572142 +249 403 4 879640998 +249 405 3 879640284 +249 407 3 879640618 +249 408 5 879572540 +249 409 4 879640452 +249 411 3 879640436 +249 421 5 879572516 +249 423 4 879572167 +249 427 5 879572472 +249 431 5 879641194 +249 455 4 879640326 +249 456 3 879640549 +249 462 5 879572725 +249 467 4 879572795 +249 469 4 879641285 +249 471 4 879640241 +249 472 3 879640502 +249 476 3 879640481 +249 478 4 879572911 +249 479 5 879641035 +249 480 5 879572210 +249 483 5 879572314 +249 546 3 879640436 +249 568 4 879572256 +249 583 4 879640918 +249 588 3 879572256 +249 591 5 879572890 +249 597 2 879640436 +249 603 5 879640935 +249 628 3 879640306 +249 634 5 879572314 +249 658 4 879572944 +249 684 4 879641285 +249 686 5 879641251 +249 741 4 879572402 +249 742 3 879640241 +249 748 3 879571586 +249 789 5 879572911 +249 806 5 879572167 +249 826 1 879640481 +249 844 5 879572795 +249 853 4 879572256 +249 919 5 879572668 +249 993 3 879571779 +249 1011 5 879640284 +249 1012 3 879571998 +249 1016 3 879571752 +249 1039 5 879572725 +249 1047 3 879640603 +249 1069 5 879572890 +249 1073 4 879640918 +249 1103 5 879572256 +249 1167 4 879572284 +250 1 4 883263374 +250 2 4 878090414 +250 9 2 878089547 +250 12 5 878090499 +250 23 4 878090499 +250 28 4 878090153 +250 44 4 878090199 +250 50 5 878089393 +250 55 5 878091915 +250 56 4 878090004 +250 64 5 878090153 +250 69 5 878092059 +250 71 5 878090294 +250 81 4 878092143 +250 89 4 878092144 +250 91 5 878091965 +250 92 5 878091818 +250 95 5 878090499 +250 96 2 878090254 +250 98 5 878090365 +250 100 5 878089786 +250 111 4 878091915 +250 116 4 878089921 +250 117 3 878089628 +250 123 3 878089837 +250 127 4 878089881 +250 129 4 878089677 +250 135 5 878091915 +250 144 4 878092059 +250 151 4 878089677 +250 153 2 878090066 +250 154 4 878090114 +250 159 4 878092144 +250 174 3 878092104 +250 175 5 878090004 +250 179 4 883263374 +250 181 4 878089393 +250 183 4 878091870 +250 184 1 878091683 +250 191 5 878091869 +250 195 2 878091736 +250 200 5 883263374 +250 202 4 878090253 +250 222 4 878089547 +250 223 4 878090294 +250 234 3 878091736 +250 235 2 878089786 +250 237 2 878089753 +250 240 4 878092171 +250 244 4 878089786 +250 248 2 883263390 +250 258 4 878088969 +250 259 1 883262792 +250 260 4 878089144 +250 270 4 883263374 +250 271 4 883263374 +250 276 4 878089436 +250 288 4 878088970 +250 293 4 878089921 +250 294 1 878089033 +250 313 5 883262672 +250 321 5 878089099 +250 322 3 878089182 +250 323 2 878089100 +250 324 2 878089033 +250 325 4 883262927 +250 328 3 883262792 +250 331 3 878089033 +250 333 4 883263374 +250 340 4 883263374 +250 357 4 878091915 +250 367 4 878090330 +250 378 4 878092059 +250 418 5 878090199 +250 458 5 878092104 +250 469 4 878091772 +250 474 5 878089964 +250 475 4 878089436 +250 477 3 878089716 +250 480 5 878090414 +250 485 4 878092104 +250 501 5 878090199 +250 527 4 878091735 +250 558 4 878091965 +250 582 4 878090114 +250 588 5 878091736 +250 628 4 878090114 +250 629 4 878091965 +250 676 5 878089547 +250 678 2 878089182 +250 687 1 883263007 +250 688 2 878089182 +250 742 3 878089786 +250 748 2 878089033 +250 751 2 883262694 +250 754 4 883263374 +250 813 5 878089581 +250 844 4 878090414 +250 933 3 878089467 +250 943 4 878091870 +250 948 3 878089182 +250 969 5 878092002 +250 984 3 878089229 +250 988 4 878089182 +250 991 2 878089202 +250 993 5 878089881 +250 1014 4 883263439 +250 1073 5 878090114 +250 1137 5 878090066 +250 1161 4 883263375 +250 1199 3 878089467 +250 1426 5 878091771 +251 1 4 886272009 +251 7 3 886272146 +251 12 4 886271700 +251 15 4 886272086 +251 22 5 886271955 +251 24 3 886272283 +251 25 4 886272615 +251 33 3 886271675 +251 45 5 886271855 +251 50 5 886272086 +251 60 4 886271641 +251 64 5 886271640 +251 79 5 886271733 +251 111 3 886272319 +251 117 4 886272009 +251 118 3 886272514 +251 125 4 886272346 +251 132 5 886271641 +251 147 3 886272319 +251 151 5 886272118 +251 172 5 886271641 +251 181 4 886271733 +251 183 5 886271733 +251 185 5 886271884 +251 202 4 886271920 +251 210 4 886271675 +251 222 4 886272547 +251 237 5 886272346 +251 248 4 886272223 +251 249 5 886272118 +251 250 3 886272378 +251 252 3 886272456 +251 265 3 886271641 +251 275 4 886271675 +251 281 4 886272456 +251 282 4 886272223 +251 288 4 886271541 +251 294 3 886272283 +251 295 4 886272249 +251 298 5 886272146 +251 300 4 886271472 +251 313 5 886271472 +251 405 3 886272547 +251 418 4 886271856 +251 427 4 886271675 +251 429 4 886271955 +251 468 2 886271641 +251 471 3 886272319 +251 472 3 886272585 +251 476 2 886272407 +251 480 5 886271733 +251 520 5 886271955 +251 535 3 886272283 +251 595 3 886272486 +251 596 3 886272118 +251 597 3 886272514 +251 612 5 886271855 +251 685 4 886272585 +251 742 5 886272486 +251 813 3 886272086 +251 845 4 886272378 +251 866 2 886272514 +251 978 2 886272585 +251 1012 4 886272175 +251 1016 3 886272197 +251 1028 3 886272585 +251 1098 3 886271920 +252 1 5 891456989 +252 14 4 891456876 +252 124 5 891457490 +252 149 5 891456876 +252 224 4 891456738 +252 276 5 891456877 +252 286 5 891455263 +252 290 3 891456877 +252 410 5 891456989 +252 475 5 891456876 +252 847 4 891456738 +253 1 5 891628467 +253 4 4 891628670 +253 8 4 891628323 +253 12 5 891628159 +253 15 4 891628019 +253 22 5 891628435 +253 56 3 891628229 +253 64 5 891628252 +253 79 5 891628518 +253 81 4 891628614 +253 82 3 891628295 +253 83 4 891628159 +253 87 5 891628278 +253 89 4 891628451 +253 95 4 891628416 +253 96 5 891628651 +253 98 5 891628295 +253 100 4 891628122 +253 117 5 891628535 +253 121 5 891628142 +253 125 3 891628033 +253 127 5 891628060 +253 132 5 891628416 +253 153 3 891628278 +253 156 3 891628614 +253 168 3 891628278 +253 173 5 891628483 +253 175 2 891628884 +253 182 3 891628374 +253 188 4 891628416 +253 190 5 891628278 +253 192 1 891628884 +253 198 5 891628392 +253 200 4 891628392 +253 202 5 891628392 +253 210 4 891628598 +253 220 4 891628060 +253 222 4 891628548 +253 234 4 891628252 +253 237 4 891628002 +253 243 2 891628883 +253 273 3 891628060 +253 282 4 891628094 +253 294 4 891627829 +253 298 3 891628074 +253 300 4 891627724 +253 318 5 891628323 +253 328 4 891627790 +253 331 3 891627664 +253 333 2 891628883 +253 343 4 891627815 +253 427 5 891628229 +253 433 3 891628670 +253 448 2 891628883 +253 482 5 891628451 +253 483 5 891628122 +253 485 5 891628435 +253 487 4 891628323 +253 490 5 891628374 +253 494 5 891628341 +253 496 5 891628278 +253 518 5 891628392 +253 523 4 891628501 +253 527 5 891628518 +253 566 4 891628578 +253 568 4 891628295 +253 588 5 891628416 +253 591 3 891628358 +253 647 3 891628229 +253 655 4 891628142 +253 659 5 891628358 +253 679 3 891628578 +253 685 2 891628884 +253 689 5 891627775 +253 699 4 891628630 +253 705 5 891628598 +253 732 4 891628651 +253 742 4 891628535 +253 751 3 891627815 +253 806 4 891628181 +253 895 4 891627893 +253 966 5 891628181 +253 1016 3 891628094 +253 1025 3 891627878 +253 1039 4 891628199 +253 1404 3 891628651 +253 1468 3 891628142 +254 1 3 887347350 +254 8 5 887347000 +254 15 3 886471307 +254 21 3 886474518 +254 22 4 887347350 +254 28 4 886472369 +254 29 2 886474847 +254 35 2 886475755 +254 50 5 886471151 +254 62 3 886474009 +254 64 4 886472051 +254 69 5 886471959 +254 71 3 886472737 +254 75 1 886475004 +254 78 3 886475476 +254 82 4 886472767 +254 90 1 886475406 +254 94 3 887347350 +254 97 5 887346963 +254 98 4 886472201 +254 99 3 886473254 +254 102 3 886473929 +254 103 2 886476123 +254 112 2 886473631 +254 118 4 886475406 +254 125 3 886473158 +254 126 3 887347350 +254 132 4 886472022 +254 133 5 886473158 +254 135 5 886471880 +254 136 4 886471695 +254 138 1 886474122 +254 140 4 887347350 +254 141 3 886472836 +254 142 3 886474489 +254 143 4 886472643 +254 151 2 886474396 +254 162 3 886472643 +254 163 2 886472023 +254 167 3 886474712 +254 168 1 886472400 +254 172 5 886472051 +254 174 5 886471720 +254 176 3 886472768 +254 181 5 886471151 +254 183 4 886472713 +254 186 3 886472023 +254 188 3 886473672 +254 196 4 886472400 +254 199 4 886472089 +254 200 3 886472504 +254 204 4 886472434 +254 210 5 886472172 +254 211 3 886472089 +254 214 1 886472608 +254 222 4 886471346 +254 225 3 886475952 +254 227 4 886474806 +254 228 4 886472609 +254 231 3 886474712 +254 234 4 886472713 +254 238 3 886473120 +254 240 1 886476165 +254 241 4 886473190 +254 243 2 887347834 +254 257 3 886471389 +254 258 4 887347560 +254 259 2 886470859 +254 265 3 886471695 +254 269 2 887346935 +254 286 1 887346861 +254 313 5 886470465 +254 323 3 886470765 +254 343 2 886470904 +254 379 1 886474650 +254 380 4 886474456 +254 384 1 886475790 +254 386 2 886475616 +254 389 3 886473852 +254 393 3 886473489 +254 400 3 886475790 +254 403 3 887347350 +254 405 3 886471522 +254 415 3 886475523 +254 416 4 886472713 +254 417 3 886473408 +254 418 3 886473078 +254 419 4 886472231 +254 423 5 886472799 +254 429 4 887347350 +254 432 2 886473158 +254 435 3 886472089 +254 441 3 886475831 +254 443 3 886473547 +254 448 3 886473775 +254 449 5 886475446 +254 451 2 886474426 +254 457 2 886470931 +254 465 3 886473078 +254 472 3 886474456 +254 496 4 886471982 +254 498 4 886472115 +254 501 3 886476281 +254 504 3 886472115 +254 526 3 886472609 +254 542 3 886475034 +254 548 2 886475319 +254 554 3 886475952 +254 561 3 886475446 +254 573 2 886475476 +254 575 3 886476165 +254 577 1 886476092 +254 584 3 886473283 +254 588 3 886473701 +254 596 4 886473852 +254 610 2 886472291 +254 612 3 886471959 +254 616 1 886473736 +254 621 3 886474807 +254 622 4 887347350 +254 624 2 886473254 +254 625 3 886473808 +254 629 2 886472337 +254 649 1 886474619 +254 655 4 886472313 +254 665 2 886475234 +254 678 3 886470859 +254 679 2 886472434 +254 699 3 886473120 +254 755 3 886473489 +254 768 3 886475004 +254 842 3 886475952 +254 843 2 886474807 +254 871 2 886475682 +254 892 3 886470904 +254 951 4 886474619 +254 967 3 886472139 +254 1028 2 886474619 +254 1033 3 886475034 +254 1050 3 886472609 +254 1060 3 886472466 +254 1091 3 886475586 +254 1116 3 886473448 +254 1133 3 886475682 +254 1183 4 887347350 +254 1263 1 886474426 +254 1443 4 887347382 +254 1469 3 886473929 +254 1470 2 886474650 +255 5 2 883216599 +255 7 2 883216358 +255 53 3 883216672 +255 56 5 883216448 +255 98 5 883216449 +255 100 3 883216358 +255 117 2 883216845 +255 118 1 883216958 +255 121 2 883216902 +255 147 4 883216845 +255 200 3 883216544 +255 218 3 883216544 +255 219 5 883216544 +255 222 3 883216845 +255 234 5 883216448 +255 245 1 883215723 +255 249 5 883216245 +255 259 3 883215759 +255 264 2 883215829 +255 271 4 883215525 +255 273 2 883216845 +255 281 1 883216902 +255 288 4 883216185 +255 294 2 883215406 +255 300 3 883215358 +255 322 2 883215723 +255 323 2 883215723 +255 324 5 883215586 +255 325 1 883215723 +255 328 2 883215630 +255 332 2 883215586 +255 335 4 883215630 +255 343 2 883215867 +255 405 4 883216902 +255 406 1 883216358 +255 413 2 883216358 +255 436 4 883216544 +255 441 2 883216544 +255 443 1 883216544 +255 444 3 883216599 +255 447 3 883216599 +255 452 3 883216672 +255 455 2 883216845 +255 546 3 883216902 +255 551 1 883216672 +255 559 4 883216748 +255 564 1 883216600 +255 565 1 883216748 +255 569 1 883216672 +255 597 4 883216958 +255 665 3 883216748 +255 672 2 883216544 +255 682 5 883215759 +255 685 3 883216845 +255 743 1 883217030 +255 748 1 883215630 +255 760 1 883216185 +255 763 5 883217072 +255 825 1 883216958 +255 826 1 883216958 +255 827 2 883216958 +255 829 1 883216903 +255 831 4 883216902 +255 833 4 883216902 +255 834 4 883216358 +255 840 1 883216958 +255 841 1 883216902 +255 860 2 883216748 +255 872 4 883215723 +255 895 2 883216185 +255 930 1 883216958 +255 976 1 883217030 +255 982 2 883217030 +256 1 5 882150980 +256 2 5 882164480 +256 4 5 882164525 +256 5 5 882164727 +256 7 4 882151017 +256 9 4 882150644 +256 11 5 882164406 +256 12 5 882164696 +256 15 5 882150644 +256 21 4 882163677 +256 22 5 882164259 +256 25 5 882150552 +256 29 4 882164644 +256 31 5 882164867 +256 36 3 882165269 +256 38 4 882164927 +256 44 4 882164893 +256 49 4 882165238 +256 50 4 882164443 +256 51 4 882165135 +256 54 5 882164955 +256 56 3 882164406 +256 64 5 882164231 +256 66 4 882165103 +256 77 3 882164955 +256 79 5 882164406 +256 82 5 882164559 +256 88 5 882165296 +256 89 5 882164525 +256 92 1 882164603 +256 96 5 882164444 +256 97 4 882165103 +256 98 5 882164696 +256 100 4 882150313 +256 106 4 882153724 +256 117 5 882150313 +256 118 5 882151123 +256 120 1 882163754 +256 121 5 882151123 +256 123 2 882150508 +256 125 5 882150552 +256 147 4 882152540 +256 151 5 882151623 +256 161 5 882164559 +256 172 3 882164443 +256 174 4 882164406 +256 181 4 882164444 +256 182 4 882164479 +256 185 5 882164696 +256 187 3 882164444 +256 188 5 882164559 +256 195 5 882164406 +256 202 3 882165032 +256 203 4 882164867 +256 210 4 882164443 +256 216 5 882165032 +256 218 3 882164727 +256 222 4 882150313 +256 225 4 882152605 +256 226 5 882164644 +256 227 4 882164603 +256 228 3 882164559 +256 229 3 882164644 +256 230 4 882164480 +256 232 3 882164525 +256 233 4 882164479 +256 234 5 882164696 +256 235 3 882153668 +256 237 4 882150644 +256 243 4 882150193 +256 245 4 882150152 +256 265 4 882164479 +256 274 5 882151456 +256 276 3 882151198 +256 278 5 882151517 +256 280 5 882151167 +256 282 3 882151017 +256 283 3 882150313 +256 284 4 882151576 +256 288 5 882150122 +256 291 5 882152630 +256 294 3 882150053 +256 319 2 882150053 +256 322 4 882150152 +256 323 5 882150193 +256 356 3 882164927 +256 363 3 882163834 +256 368 1 882163778 +256 370 3 882153321 +256 381 5 882165135 +256 385 5 882164603 +256 387 4 882165328 +256 402 4 882165269 +256 403 4 882164603 +256 405 4 882151088 +256 406 3 882152605 +256 409 4 882163654 +256 413 4 882163956 +256 449 3 882164999 +256 451 4 882165135 +256 460 4 882153987 +256 471 5 882150644 +256 473 5 882151088 +256 476 4 882152914 +256 526 3 882164443 +256 538 5 882150122 +256 546 4 882151088 +256 550 5 882164525 +256 552 3 882164927 +256 554 4 882164644 +256 566 5 882164559 +256 568 5 882164603 +256 576 3 882164603 +256 583 5 882164603 +256 591 5 882151017 +256 595 4 882164037 +256 597 4 882152509 +256 620 3 882151743 +256 628 5 882150848 +256 642 4 882164893 +256 657 5 882164727 +256 662 2 882165032 +256 665 4 882164644 +256 678 5 882150192 +256 679 3 882164525 +256 684 5 882164480 +256 685 5 882151576 +256 692 5 882165066 +256 716 5 882165135 +256 722 3 882165269 +256 724 4 882165103 +256 728 4 882165296 +256 732 5 882165067 +256 739 5 882165135 +256 741 4 882151517 +256 742 5 882150552 +256 748 4 882150192 +256 756 4 882151167 +256 765 4 882165328 +256 769 5 882164955 +256 771 2 882164999 +256 775 5 882165269 +256 778 4 882165103 +256 779 4 882164644 +256 783 4 882165328 +256 785 4 882165296 +256 794 4 882165135 +256 796 5 882165328 +256 802 3 882164955 +256 808 4 882164559 +256 815 5 882151743 +256 819 4 882151052 +256 827 3 882163857 +256 829 4 882153751 +256 831 4 882152943 +256 834 3 882163956 +256 841 2 882163857 +256 846 4 882151167 +256 864 4 882151623 +256 866 4 882151198 +256 925 5 882151017 +256 930 3 882153258 +256 932 3 882150508 +256 934 3 882163730 +256 939 5 882164893 +256 974 3 882164059 +256 975 3 882151017 +256 977 4 882154058 +256 982 3 882152630 +256 984 3 882150192 +256 986 5 882164059 +256 988 4 882150193 +256 989 5 882150192 +256 1028 4 882151690 +256 1033 4 882152838 +256 1040 3 882152604 +256 1041 4 882165328 +256 1042 5 882164927 +256 1046 4 882164927 +256 1047 4 882151743 +256 1051 4 882150552 +256 1057 2 882163805 +256 1061 4 882153321 +256 1086 5 882150943 +256 1090 2 882164999 +256 1109 4 882164867 +256 1114 4 882153699 +256 1119 3 882165032 +256 1150 5 882152570 +256 1207 3 882164999 +256 1208 3 882164927 +256 1210 5 882164999 +256 1228 1 882164643 +256 1231 3 882164603 +256 1289 4 882150552 +256 1424 3 882165066 +256 1471 3 882164999 +257 14 5 879029742 +257 50 5 882049897 +257 57 5 879547717 +257 60 5 879547440 +257 61 5 879547534 +257 70 4 880496892 +257 86 4 879547655 +257 100 5 882049950 +257 113 4 879547534 +257 116 3 879029742 +257 121 3 882050360 +257 129 4 880008245 +257 130 2 882050236 +257 165 4 879547534 +257 166 4 880496522 +257 181 5 882050131 +257 198 3 880496822 +257 221 3 882050202 +257 224 4 879029717 +257 237 2 882050168 +257 245 4 884151807 +257 269 3 879029516 +257 275 4 879029716 +257 285 5 882049950 +257 286 5 879029516 +257 288 3 879029516 +257 301 3 879029620 +257 313 5 884151683 +257 324 5 879029543 +257 381 5 880496690 +257 405 3 882050397 +257 462 4 879547695 +257 475 5 879029716 +257 531 5 879547608 +257 582 5 879547608 +257 676 4 882050006 +257 921 5 883982173 +257 936 4 882050151 +257 949 3 880496958 +257 1008 5 882050187 +257 1010 4 882050150 +257 1022 2 879547764 +257 1129 5 879585415 +257 1137 5 882049896 +257 1160 4 882049973 +257 1462 5 879547695 +257 1472 2 880496943 +258 258 2 885700811 +258 272 5 885700811 +258 286 5 885700778 +258 289 2 885701004 +258 294 4 885700898 +258 300 5 885700877 +258 326 5 885701024 +258 328 3 885700877 +258 332 5 885701024 +258 333 2 885700811 +258 690 4 885700811 +258 748 5 885701004 +258 877 3 885701044 +259 12 5 874809192 +259 15 3 881378653 +259 39 4 888720644 +259 65 3 883371001 +259 97 4 874809292 +259 98 4 874809091 +259 108 4 874724882 +259 121 3 881379128 +259 147 4 888630664 +259 154 5 876365003 +259 168 5 876365003 +259 172 4 883371882 +259 173 4 874724843 +259 179 4 877924028 +259 180 5 877925033 +259 181 4 874809057 +259 185 4 874724781 +259 200 4 874725081 +259 235 2 883372151 +259 271 3 888721050 +259 286 4 874724727 +259 288 3 874724905 +259 293 4 883371861 +259 294 3 881641699 +259 298 4 874724754 +259 313 5 883370924 +259 317 5 874809057 +259 357 5 874725485 +259 475 5 877925049 +259 484 4 888720541 +259 546 3 883372151 +259 748 4 883371839 +259 781 3 888630664 +259 928 4 874724937 +259 1074 3 874725264 +259 1135 5 877926006 +260 258 3 890618198 +260 270 5 890618728 +260 288 3 890618476 +260 307 3 890618295 +260 313 5 890618198 +260 333 4 890618198 +260 334 5 890618729 +260 350 4 890618476 +260 362 5 890618729 +260 748 4 890618198 +260 881 4 890618537 +260 882 5 890618729 +260 891 5 890618729 +260 1243 5 890618729 +261 125 5 890456142 +261 243 5 890454351 +261 245 4 890454190 +261 288 4 890454087 +261 300 5 890454310 +261 301 4 890454246 +261 304 3 890454941 +261 321 3 890455521 +261 326 4 890454279 +261 342 3 890454974 +261 359 5 890454351 +261 410 5 890456142 +261 596 2 890456142 +261 687 5 890455020 +261 892 5 890455190 +261 988 3 890455190 +261 1237 3 890454045 +262 1 3 879962366 +262 7 4 879790603 +262 11 4 879793597 +262 15 3 879962366 +262 22 4 879792452 +262 40 4 879795405 +262 44 2 879794446 +262 47 2 879794599 +262 50 2 879962366 +262 52 3 879792331 +262 55 3 879791790 +262 56 4 879792027 +262 58 3 879792452 +262 65 4 879793897 +262 66 3 879794338 +262 68 2 879794887 +262 69 4 879793479 +262 70 4 879962517 +262 71 4 879794951 +262 72 3 879962366 +262 77 2 879794829 +262 82 3 879794918 +262 86 3 879791948 +262 90 4 879795270 +262 91 3 879792713 +262 92 3 879794205 +262 95 3 879793503 +262 96 4 879793022 +262 98 4 879792331 +262 99 3 879792262 +262 100 3 879962366 +262 111 4 879962292 +262 121 3 879790536 +262 122 2 879791537 +262 125 3 879961882 +262 131 5 879961282 +262 132 3 879792604 +262 140 2 879794635 +262 143 3 879793970 +262 145 1 879795155 +262 147 3 879790603 +262 153 3 879793346 +262 169 3 879791844 +262 172 2 879791875 +262 179 4 879962570 +262 181 3 879961819 +262 185 3 879793164 +262 191 4 879793022 +262 195 2 879791755 +262 200 3 879794918 +262 204 3 879793667 +262 210 3 879792962 +262 216 3 879793216 +262 217 3 879792818 +262 219 3 879794206 +262 234 3 879794359 +262 235 2 879790783 +262 237 3 879961980 +262 238 4 879792713 +262 252 3 879790603 +262 255 3 879790816 +262 258 4 879961282 +262 269 3 879961283 +262 270 3 879961283 +262 275 4 879961980 +262 278 3 879790741 +262 283 3 879962366 +262 288 3 879961374 +262 292 4 879961282 +262 293 2 879790906 +262 294 2 879962366 +262 318 5 879793022 +262 332 3 879961438 +262 336 3 879961474 +262 338 4 879961532 +262 358 3 879961513 +262 365 4 879793939 +262 367 4 879792818 +262 369 2 879791160 +262 385 2 879795030 +262 393 2 879794140 +262 402 4 879795059 +262 405 2 879962367 +262 406 3 879791537 +262 411 2 879791130 +262 417 2 879795319 +262 418 3 879794223 +262 419 3 879791710 +262 420 3 879793854 +262 421 4 879792331 +262 423 4 879793854 +262 427 4 879791999 +262 432 3 879794267 +262 433 4 879791790 +262 443 3 879792027 +262 447 3 879794206 +262 451 4 879794446 +262 473 2 879791216 +262 476 3 879962366 +262 485 4 879793363 +262 486 5 879794296 +262 491 3 879793188 +262 496 4 879792402 +262 509 3 879792818 +262 546 2 879791049 +262 559 3 879792792 +262 567 1 879795430 +262 568 3 879794113 +262 581 3 879794667 +262 582 4 879962517 +262 588 4 879793075 +262 596 4 879961980 +262 609 3 879793736 +262 625 3 879792751 +262 628 2 879962366 +262 631 4 879793536 +262 650 4 879792604 +262 655 4 879793938 +262 660 4 879794419 +262 699 5 879793022 +262 709 5 879795122 +262 727 3 879792897 +262 735 4 879793854 +262 736 3 879794829 +262 747 4 879793641 +262 754 3 879961283 +262 755 3 879794446 +262 762 2 879790974 +262 778 4 879793536 +262 781 3 879793667 +262 785 3 879794359 +262 786 3 879795319 +262 790 3 879795379 +262 815 2 879791216 +262 845 4 879962052 +262 923 4 879962542 +262 929 3 879791031 +262 949 4 879792773 +262 955 2 879792604 +262 959 2 879794739 +262 974 3 879791447 +262 1013 2 879791471 +262 1014 5 879961954 +262 1035 3 879794530 +262 1048 2 879791335 +262 1054 2 879791536 +262 1095 2 879791537 +262 1135 3 879794599 +262 1220 4 879794296 +262 1278 4 879961819 +263 1 5 891299207 +263 22 5 891298107 +263 23 3 891298654 +263 28 3 891298219 +263 31 4 891299387 +263 50 5 891300029 +263 58 4 891299264 +263 64 5 891298453 +263 69 5 891298914 +263 79 4 891298047 +263 82 4 891299697 +263 86 4 891299574 +263 87 4 891298977 +263 95 5 891299324 +263 97 4 891299387 +263 98 4 891297988 +263 99 3 891298977 +263 100 5 891298453 +263 125 4 891299573 +263 127 4 891299514 +263 132 5 891298392 +263 133 5 891298977 +263 134 5 891299697 +263 135 5 891299877 +263 136 4 891298337 +263 141 5 891299877 +263 143 5 891298592 +263 144 4 891298792 +263 153 3 891298727 +263 162 5 891299630 +263 163 5 891299697 +263 168 5 891299949 +263 174 5 891299697 +263 177 4 891297988 +263 180 4 891297921 +263 181 4 891299448 +263 183 4 891298655 +263 186 4 891299815 +263 188 5 891299031 +263 194 5 891298107 +263 195 5 891299949 +263 196 4 891298164 +263 199 5 891298914 +263 202 4 891299031 +263 204 4 891298854 +263 205 5 891298792 +263 210 3 891298792 +263 215 4 891298273 +263 222 4 891299573 +263 234 4 891298792 +263 237 2 891300103 +263 245 4 891297417 +263 250 2 891300103 +263 258 3 891296969 +263 260 2 891297677 +263 265 4 891299815 +263 269 4 891296842 +263 271 1 891297276 +263 272 5 891296919 +263 294 2 891297330 +263 300 3 891297330 +263 315 4 891296896 +263 316 5 891297416 +263 318 5 891298453 +263 322 3 891297485 +263 323 1 891297485 +263 328 4 891297330 +263 333 2 891296842 +263 357 5 891299573 +263 378 5 891299630 +263 423 5 891299630 +263 432 2 891299448 +263 434 4 891299514 +263 435 4 891298914 +263 443 5 891298914 +263 465 4 891299697 +263 480 3 891298453 +263 482 4 891298976 +263 483 5 891298336 +263 484 4 891298107 +263 486 4 891299148 +263 495 5 891298977 +263 496 5 891298218 +263 498 5 891298046 +263 511 5 891299324 +263 514 3 891299387 +263 515 5 891298592 +263 520 3 891298163 +263 521 3 891297988 +263 523 5 891298107 +263 526 5 891298854 +263 527 5 891299148 +263 528 4 891298854 +263 543 5 891298727 +263 588 3 891298273 +263 602 4 891298592 +263 614 3 891298792 +263 622 4 891299949 +263 646 5 891299877 +263 648 5 891297988 +263 661 5 891298728 +263 662 4 891299324 +263 678 2 891297766 +263 690 5 891297209 +263 699 4 891299207 +263 732 5 891299265 +263 879 2 891297416 +263 886 2 891297484 +263 892 3 891297766 +263 1020 3 891298337 +263 1126 5 891298391 +263 1444 3 891299949 +263 1473 5 891299877 +264 4 4 886123656 +264 7 5 886122261 +264 12 5 886122508 +264 14 4 886122771 +264 19 5 886122952 +264 23 5 886122577 +264 25 4 886124197 +264 26 4 886123727 +264 42 5 886123358 +264 47 5 886123472 +264 56 5 886122261 +264 88 3 886123728 +264 93 5 886123993 +264 98 5 886122098 +264 100 5 886122261 +264 116 4 886122892 +264 123 4 886122952 +264 137 3 886122892 +264 150 5 886122952 +264 153 5 886122031 +264 156 2 886122577 +264 168 5 886122031 +264 173 5 886123358 +264 175 5 886123472 +264 179 5 886122031 +264 182 5 886122098 +264 183 5 886122577 +264 184 5 886122447 +264 185 5 886122261 +264 186 5 886123728 +264 192 4 886122099 +264 194 5 886123358 +264 201 5 886122261 +264 202 5 886123596 +264 203 2 886122508 +264 204 5 886123472 +264 208 5 886123415 +264 209 5 886123415 +264 210 5 886123415 +264 211 5 886123472 +264 216 5 886123358 +264 217 3 886122446 +264 219 5 886122447 +264 222 5 886122577 +264 230 4 886122644 +264 234 4 886122261 +264 235 5 886122952 +264 238 5 886122031 +264 240 4 886124352 +264 269 5 886121456 +264 275 5 886122706 +264 283 5 886122952 +264 286 2 886121691 +264 288 5 886121631 +264 320 4 886122261 +264 345 4 886121516 +264 367 4 886123656 +264 381 4 886123596 +264 382 4 886123596 +264 401 5 886123656 +264 430 5 886123531 +264 433 5 886123530 +264 436 3 886122352 +264 443 5 886122447 +264 447 5 886122352 +264 451 4 886123531 +264 478 5 886122194 +264 514 5 886123359 +264 516 5 886123655 +264 517 5 886123358 +264 524 3 886123596 +264 525 5 886122508 +264 558 5 886122447 +264 559 5 886122446 +264 602 4 886122194 +264 603 5 886122508 +264 606 5 886122099 +264 637 4 886122446 +264 645 4 886123358 +264 654 5 886122508 +264 656 4 886122099 +264 659 5 886122577 +264 671 4 886122261 +264 672 3 886122447 +264 675 4 886122352 +264 676 3 886123172 +264 683 2 886121811 +264 702 4 886123531 +264 709 5 886123727 +264 742 2 886122578 +264 745 5 886123656 +264 746 3 886123358 +264 762 3 886122771 +264 774 2 886122446 +264 789 4 886122644 +264 792 5 886123415 +264 844 1 886124097 +264 856 3 886123472 +264 873 3 886121517 +264 1009 4 886124417 +264 1069 5 886123728 +264 1070 4 886123415 +264 1074 4 886123727 +264 1103 5 886123656 +264 1118 4 886123656 +264 1225 3 886123530 +264 1270 2 886122194 +264 1355 4 886124417 +264 1474 2 886123728 +264 1475 2 886123596 +265 1 5 875320247 +265 50 2 875320398 +265 100 5 875320601 +265 107 1 875320398 +265 111 2 875320371 +265 117 5 875320332 +265 125 4 875320516 +265 151 2 875320661 +265 237 5 875320462 +265 240 3 875320633 +265 245 4 875320112 +265 257 4 875320462 +265 258 4 875320024 +265 273 5 875320714 +265 282 5 875320714 +265 284 4 875320689 +265 288 4 875320024 +265 293 4 875320661 +265 294 4 875320052 +265 298 5 875320633 +265 300 5 875320024 +265 323 3 875320112 +265 327 3 875320052 +265 410 4 875320633 +265 477 3 875320371 +265 591 5 875320424 +265 628 4 875320516 +265 676 2 875320487 +265 688 2 875320084 +265 748 5 875320112 +265 756 4 875320574 +265 815 3 875320424 +265 934 3 875320574 +265 975 4 875320601 +265 1016 3 875320462 +265 1197 2 875320542 +266 9 4 892258004 +266 14 4 892258004 +266 100 5 892257865 +266 237 3 892257940 +266 245 1 892257446 +266 275 5 892257831 +266 276 3 892258004 +266 286 4 892256662 +266 289 3 892256967 +266 319 2 892256765 +266 321 3 892256892 +266 325 1 892257419 +266 924 2 892258038 +267 2 3 878972463 +267 3 4 878970901 +267 5 3 878972399 +267 7 5 878970503 +267 12 5 878971659 +267 22 4 878971816 +267 24 5 878972682 +267 28 4 878972524 +267 29 3 878973426 +267 31 4 878972119 +267 33 5 878972650 +267 47 5 878972369 +267 50 5 878974783 +267 53 4 878972842 +267 54 3 878973922 +267 55 4 878972785 +267 56 5 878972493 +267 62 3 878973597 +267 64 5 878972193 +267 65 4 878972071 +267 67 3 878973088 +267 68 4 878972931 +267 69 4 878971659 +267 77 3 878972650 +267 80 4 878973597 +267 81 4 878972434 +267 82 4 878973675 +267 88 4 878972873 +267 89 5 878971690 +267 92 4 878971514 +267 94 3 878972558 +267 98 5 878971989 +267 100 5 878970427 +267 108 4 878971224 +267 114 5 878971514 +267 124 5 878970473 +267 127 5 878970529 +267 128 5 878972170 +267 135 5 878972463 +267 141 4 878972147 +267 143 4 878973329 +267 144 5 878971463 +267 145 4 878972903 +267 147 3 878970681 +267 153 5 878974783 +267 155 3 878973088 +267 156 5 878971599 +267 157 5 878971874 +267 158 4 878973126 +267 159 4 878974659 +267 161 4 878972706 +267 164 3 878972342 +267 168 4 878971716 +267 169 5 878972614 +267 172 5 878974783 +267 174 5 878971405 +267 175 5 878972558 +267 176 5 878971874 +267 177 5 878972756 +267 179 5 878972314 +267 180 5 878971690 +267 181 5 878974783 +267 182 5 878971773 +267 183 4 878971438 +267 186 5 878972071 +267 187 5 878972071 +267 188 5 878971745 +267 189 4 878971874 +267 195 4 878972092 +267 198 5 878971745 +267 202 5 878972398 +267 203 5 878972241 +267 204 4 878971629 +267 206 5 878974783 +267 209 5 878971745 +267 210 4 878972434 +267 214 4 878972342 +267 216 4 878972586 +267 217 4 878973760 +267 218 4 878972650 +267 222 4 878970681 +267 226 3 878972463 +267 227 3 878973088 +267 228 5 878972434 +267 229 4 878972558 +267 230 4 878972493 +267 231 4 878973153 +267 233 4 878972731 +267 235 3 878970578 +267 239 4 878972873 +267 240 4 878970503 +267 250 5 878970399 +267 265 5 878972903 +267 273 4 878970503 +267 293 4 878970785 +267 294 3 878970155 +267 324 3 878970114 +267 364 2 878974460 +267 367 4 878971939 +267 380 2 878973426 +267 384 3 878973734 +267 385 3 878972873 +267 391 3 878973675 +267 393 3 878973483 +267 405 3 878970953 +267 408 5 878974783 +267 411 3 878974325 +267 431 4 878973426 +267 433 5 878972314 +267 449 3 878973358 +267 450 2 878974128 +267 455 3 878970578 +267 464 5 878974783 +267 470 4 878972931 +267 474 5 878974783 +267 475 5 878970368 +267 479 4 878971405 +267 480 4 878971438 +267 483 5 878971463 +267 484 5 878971542 +267 498 5 878971902 +267 515 5 878970710 +267 545 2 878974723 +267 546 3 878970877 +267 550 4 878973047 +267 552 3 878973621 +267 554 3 878972040 +267 559 3 878972614 +267 566 3 878973047 +267 568 4 878972955 +267 575 3 878974052 +267 576 3 878973760 +267 578 3 878973153 +267 579 3 878973126 +267 597 3 878970805 +267 614 5 878972015 +267 622 3 878974077 +267 642 4 878972524 +267 647 5 878971629 +267 654 5 878971902 +267 655 4 878971989 +267 665 4 878973825 +267 679 4 878974509 +267 684 4 878973088 +267 685 3 878970978 +267 693 4 878972266 +267 710 4 878972493 +267 715 4 878972682 +267 720 3 878973946 +267 727 4 878972289 +267 732 4 878973650 +267 739 4 878973276 +267 742 3 878970621 +267 771 3 878973900 +267 774 3 878973701 +267 780 4 878973250 +267 789 5 878972119 +267 810 3 878973568 +267 824 4 878970953 +267 826 3 878971266 +267 926 2 878970785 +267 943 4 878972903 +267 944 3 878973179 +267 959 3 878972524 +267 1028 3 878971143 +267 1035 4 878973971 +267 1073 5 878974783 +267 1090 3 878973854 +267 1110 3 878973329 +267 1145 3 878974608 +267 1185 2 878973995 +267 1240 5 878974783 +267 1336 1 878974659 +267 1401 4 878971816 +267 1471 2 878974509 +268 1 3 875742341 +268 3 1 875743161 +268 4 4 875309829 +268 7 4 876513953 +268 10 4 875306691 +268 11 4 875309507 +268 12 4 875310116 +268 13 3 875742647 +268 16 3 875306691 +268 17 3 875743588 +268 21 3 875742822 +268 24 2 876514002 +268 25 3 875742556 +268 27 4 875744136 +268 29 1 875744356 +268 31 4 875310311 +268 33 3 875310645 +268 37 3 876514002 +268 38 1 875744228 +268 39 3 875309914 +268 40 3 875743708 +268 42 4 875310384 +268 47 1 875310645 +268 50 5 875309719 +268 51 3 875745202 +268 52 3 875309319 +268 53 3 875744173 +268 55 4 875309998 +268 56 4 875309998 +268 59 5 875309282 +268 60 5 875309344 +268 61 4 875309282 +268 63 1 875743792 +268 67 3 875743588 +268 68 4 875744173 +268 70 3 875309282 +268 71 3 875309486 +268 72 3 875743831 +268 73 3 875743563 +268 77 2 875745453 +268 79 3 875309801 +268 80 3 875743909 +268 82 3 875310784 +268 83 4 875309344 +268 88 2 875743760 +268 89 4 876513897 +268 91 3 875310311 +268 92 4 875310745 +268 94 2 875743630 +268 95 4 875309945 +268 96 5 876513953 +268 97 4 875310031 +268 98 4 875309583 +268 99 3 875744744 +268 100 3 875742316 +268 101 2 875542174 +268 105 2 876513927 +268 108 3 875742992 +268 114 5 875744966 +268 116 4 875306760 +268 117 4 875742613 +268 120 2 875743282 +268 121 2 875743141 +268 122 2 875743310 +268 123 3 875742794 +268 124 4 875742499 +268 127 4 875309945 +268 128 3 875744199 +268 129 2 875742437 +268 134 5 875310083 +268 135 4 875309583 +268 139 2 875744744 +268 141 3 875744832 +268 143 2 875310116 +268 144 4 875744106 +268 151 3 875742470 +268 153 5 875743503 +268 154 4 875743563 +268 156 3 875745398 +268 158 2 875743678 +268 159 2 875745350 +268 161 3 875744199 +268 163 2 875743656 +268 164 2 875744556 +268 168 4 875310384 +268 169 5 875309829 +268 172 5 875310031 +268 173 4 875310031 +268 174 5 875309882 +268 176 5 875309998 +268 178 4 876518557 +268 179 4 875309258 +268 180 3 875309719 +268 181 4 875309486 +268 182 4 875309882 +268 183 4 875309583 +268 184 4 875310524 +268 185 3 875309801 +268 186 3 875310311 +268 188 4 875309859 +268 189 4 875744966 +268 191 4 875310784 +268 194 4 875310352 +268 195 4 875309719 +268 198 4 875309232 +268 200 4 875309459 +268 201 3 875309801 +268 203 5 876513855 +268 204 3 875310311 +268 205 5 875309859 +268 206 3 875309232 +268 208 4 875309430 +268 209 4 875310311 +268 210 3 875310571 +268 211 4 875309583 +268 218 2 875744469 +268 219 3 875744533 +268 222 4 875742275 +268 223 3 875745728 +268 226 4 875310784 +268 227 4 875310824 +268 228 4 875309945 +268 229 2 875310784 +268 230 3 875310824 +268 232 3 875310745 +268 233 3 875310412 +268 234 4 875309430 +268 235 3 875742556 +268 238 3 875310352 +268 239 3 875310491 +268 240 2 875742341 +268 241 3 875310603 +268 244 4 875742316 +268 246 5 875742316 +268 248 3 875742530 +268 249 4 875742437 +268 250 4 875742530 +268 252 3 875743182 +268 257 4 875742866 +268 258 2 876513675 +268 259 3 876513675 +268 260 3 876513643 +268 264 3 876513607 +268 265 3 875310603 +268 267 3 875742077 +268 268 5 876513491 +268 269 4 876513523 +268 273 3 875742470 +268 284 3 875742407 +268 286 5 875306477 +268 288 4 875306477 +268 290 3 875742866 +268 294 3 876513675 +268 298 3 875742647 +268 302 5 876513584 +268 324 4 876513708 +268 325 3 876513675 +268 328 1 876513643 +268 333 4 876513565 +268 357 4 875309882 +268 358 3 876513643 +268 363 1 875744228 +268 364 3 875743979 +268 369 1 875744021 +268 370 2 875745579 +268 374 2 875744895 +268 379 1 875744582 +268 380 2 875310704 +268 381 3 875309344 +268 382 3 875309282 +268 384 3 875743868 +268 385 3 875310206 +268 386 2 875743978 +268 388 1 875743979 +268 391 3 876513897 +268 395 2 875744021 +268 397 2 875744321 +268 399 3 875743656 +268 402 1 875745231 +268 403 4 875309914 +268 404 4 875309430 +268 405 2 875742822 +268 407 1 876514002 +268 408 5 875742316 +268 421 3 876513927 +268 423 2 875309859 +268 425 4 875310549 +268 432 3 875310145 +268 433 4 876514107 +268 435 4 875309859 +268 449 2 875744357 +268 450 1 875745536 +268 452 1 876514002 +268 453 1 875744611 +268 455 3 875742499 +268 456 2 875743012 +268 466 3 875310571 +268 470 3 875310745 +268 472 1 875743335 +268 474 5 875309718 +268 475 4 875306644 +268 477 3 875742407 +268 479 4 875310463 +268 480 5 875309430 +268 483 5 875309859 +268 484 4 876513831 +268 506 4 875310625 +268 525 4 875309913 +268 527 4 875309430 +268 540 1 875542174 +268 541 3 875744357 +268 544 3 875743090 +268 546 4 875743110 +268 550 2 875310524 +268 552 2 876514108 +268 554 3 875744388 +268 558 3 875309304 +268 559 2 875744556 +268 561 3 876513897 +268 562 4 875744357 +268 566 3 875744321 +268 568 3 875542174 +268 569 3 875744582 +268 574 2 875745579 +268 576 1 875744289 +268 578 2 875744388 +268 579 1 875744021 +268 580 3 875309344 +268 582 5 875309344 +268 583 4 876513830 +268 588 3 875310745 +268 597 2 875743310 +268 622 3 875310145 +268 627 3 875310603 +268 630 4 875542174 +268 636 3 875744174 +268 652 4 875309232 +268 654 5 875309718 +268 655 4 875309486 +268 658 3 875310524 +268 665 2 875310745 +268 672 2 875744501 +268 679 4 876514107 +268 684 3 875744321 +268 699 3 875744712 +268 710 3 875309719 +268 713 4 875742365 +268 715 1 875310603 +268 717 1 876513785 +268 718 4 875306805 +268 719 1 875744021 +268 721 3 875743587 +268 727 2 875310116 +268 728 2 875744051 +268 729 3 875310673 +268 732 3 876514107 +268 735 3 876518557 +268 738 2 875744021 +268 743 1 875743335 +268 746 3 876513855 +268 747 3 875310412 +268 761 1 875744136 +268 762 2 875743216 +268 765 2 875743979 +268 768 3 875744895 +268 780 3 875743929 +268 781 3 875743951 +268 790 2 876513785 +268 800 1 875744501 +268 802 3 875744388 +268 810 2 875744388 +268 823 2 875742942 +268 825 3 875742893 +268 826 1 875743065 +268 831 3 875744357 +268 840 2 875744357 +268 860 1 875744501 +268 926 2 875743012 +268 928 1 875745536 +268 940 2 875743888 +268 941 2 875310463 +268 946 3 875310442 +268 949 2 875743909 +268 955 3 875745160 +268 978 2 876513927 +268 981 1 875743283 +268 998 1 875743929 +268 1002 1 875743216 +268 1016 3 875742470 +268 1037 2 875745255 +268 1041 1 875743735 +268 1046 3 875745501 +268 1054 1 875744051 +268 1059 3 875743310 +268 1065 4 875310824 +268 1073 4 875309304 +268 1074 3 875744051 +268 1079 3 875742916 +268 1090 2 875745536 +268 1091 2 875744895 +268 1095 2 876513927 +268 1098 3 875743534 +268 1110 3 876514077 +268 1118 3 875310673 +268 1157 1 875745428 +268 1178 1 875743534 +268 1188 3 875743735 +268 1208 2 875745398 +268 1222 2 875744174 +268 1228 1 875744357 +268 1231 2 875744228 +268 1249 2 875743793 +268 1273 2 875745476 +268 1303 1 875744228 +268 1314 2 875744289 +268 1413 2 875744388 +268 1476 2 876513897 +268 1477 2 875742680 +269 3 3 891446722 +269 5 2 891450780 +269 7 3 891449055 +269 8 2 891449985 +269 9 4 891446246 +269 11 3 891448365 +269 13 4 891446662 +269 15 2 891446348 +269 17 2 891449670 +269 23 5 891447773 +269 42 5 891449646 +269 44 3 891449691 +269 47 4 891448386 +269 48 5 891455816 +269 50 3 891448926 +269 51 2 891451111 +269 52 4 891447329 +269 53 1 891451111 +269 55 4 891449214 +269 56 5 891455815 +269 58 2 891447842 +269 59 4 891447141 +269 63 1 891450857 +269 64 4 891447960 +269 65 4 891448072 +269 66 1 891451063 +269 68 3 891449751 +269 69 1 891448048 +269 70 1 891447280 +269 72 2 891451470 +269 76 3 891448456 +269 77 1 891451374 +269 81 3 891448323 +269 82 2 891450780 +269 88 1 891450427 +269 89 2 891448800 +269 93 3 891446580 +269 96 1 891450755 +269 98 4 891448951 +269 100 5 891446246 +269 106 1 891451947 +269 108 5 891457067 +269 111 1 891446703 +269 120 1 891446926 +269 121 1 891451013 +269 122 1 891446873 +269 124 5 891446165 +269 131 5 891449728 +269 132 5 891449145 +269 133 3 891449280 +269 134 4 891448849 +269 135 4 891447931 +269 136 4 891449075 +269 137 4 891446193 +269 139 1 891451492 +269 142 1 891451570 +269 143 3 891450385 +269 148 1 891446443 +269 151 5 891450489 +269 152 4 891450623 +269 153 3 891449346 +269 154 3 891449189 +269 156 5 891449364 +269 157 3 891448092 +269 160 2 891448220 +269 161 1 891451036 +269 162 3 891448141 +269 163 2 891449751 +269 167 1 891451648 +269 168 4 891448850 +269 170 2 891447216 +269 171 5 891447169 +269 172 3 891449031 +269 173 1 891449429 +269 174 1 891449124 +269 175 5 891455816 +269 176 2 891448980 +269 177 5 891449214 +269 179 4 891447141 +269 180 3 891448120 +269 181 2 891448871 +269 182 4 891447961 +269 183 3 891448823 +269 185 5 891448951 +269 186 2 891449670 +269 187 4 891447841 +269 188 2 891450675 +269 191 5 891457067 +269 192 4 891447979 +269 194 5 891448951 +269 195 3 891449099 +269 196 1 891448283 +269 197 5 891447961 +269 200 4 891449984 +269 202 2 891450405 +269 204 2 891449842 +269 205 3 891447841 +269 208 2 891449304 +269 209 4 891448895 +269 210 1 891449608 +269 211 4 891449075 +269 212 4 891447002 +269 213 5 891447255 +269 214 3 891448547 +269 216 1 891449691 +269 218 2 891450509 +269 231 1 891451013 +269 232 1 891450817 +269 234 1 891449406 +269 235 3 891446756 +269 237 2 891446368 +269 238 5 891448850 +269 239 2 891448386 +269 241 1 891450405 +269 252 1 891456350 +269 254 1 891456565 +269 255 1 891446703 +269 268 5 891446132 +269 272 3 891445757 +269 274 1 891450901 +269 276 5 891446193 +269 281 1 891451590 +269 285 5 891446165 +269 293 3 891446308 +269 302 3 891446132 +269 315 4 891446132 +269 316 4 891446132 +269 318 4 891447791 +269 340 5 891446132 +269 346 2 891445757 +269 357 5 891447773 +269 365 2 891448738 +269 371 5 891450880 +269 378 3 891449962 +269 387 3 891448283 +269 393 1 891451036 +269 396 4 891451856 +269 401 3 891451013 +269 402 2 891448697 +269 403 1 891448522 +269 405 1 891450902 +269 410 4 891446662 +269 411 1 891451013 +269 412 3 891446904 +269 414 3 891449624 +269 417 2 891451303 +269 423 4 891448048 +269 425 5 891448345 +269 427 5 891447960 +269 428 5 891448980 +269 432 4 891450005 +269 433 3 891449900 +269 435 3 891449011 +269 436 3 891450675 +269 441 1 891450857 +269 444 3 891451971 +269 445 3 891450385 +269 447 3 891451303 +269 448 2 891450623 +269 451 1 891450880 +269 462 3 891447216 +269 464 3 891448283 +269 469 4 891448072 +269 474 4 891448823 +269 475 5 891457067 +269 476 1 891446703 +269 478 4 891448980 +269 479 4 891448980 +269 482 3 891448823 +269 483 4 891448800 +269 484 3 891448895 +269 486 3 891449922 +269 488 4 891448926 +269 492 4 891449550 +269 496 5 891455816 +269 497 3 891449429 +269 498 4 891448926 +269 499 4 891449099 +269 502 3 891449842 +269 505 3 891449551 +269 506 5 891449572 +269 508 4 891446265 +269 509 4 891447280 +269 512 5 891447216 +269 514 4 891449123 +269 515 4 891446132 +269 517 4 891449189 +269 518 4 891447815 +269 521 4 891448048 +269 523 5 891447593 +269 525 4 891449055 +269 527 5 891447841 +269 528 4 891447593 +269 529 5 891455815 +269 530 3 891448926 +269 531 5 891447141 +269 537 5 891455816 +269 568 2 891450719 +269 582 4 891447234 +269 597 1 891450978 +269 602 4 891449346 +269 603 5 891448871 +269 604 3 891448895 +269 608 4 891449526 +269 614 3 891450471 +269 616 4 891450453 +269 627 1 891451063 +269 629 2 891451396 +269 631 4 891447891 +269 632 4 891447931 +269 636 3 891450453 +269 639 4 891447216 +269 640 5 891457067 +269 642 3 891449464 +269 644 5 891447593 +269 645 4 891448048 +269 647 4 891447815 +269 649 2 891448220 +269 654 4 891448980 +269 655 4 891448019 +269 657 4 891449550 +269 658 2 891448497 +269 659 4 891449406 +269 660 1 891448220 +269 661 4 891447773 +269 663 4 891449880 +269 664 5 891457067 +269 665 1 891451810 +269 673 4 891448322 +269 674 2 891451754 +269 679 1 891449962 +269 697 4 891447931 +269 705 2 891448850 +269 707 2 891449304 +269 708 4 891448323 +269 710 1 891449843 +269 715 4 891448092 +269 716 4 891451111 +269 717 1 891456493 +269 723 1 891448643 +269 729 2 891448569 +269 735 2 891448120 +269 739 1 891451431 +269 741 5 891457067 +269 747 4 891449646 +269 756 1 891451947 +269 761 2 891451374 +269 762 1 891446662 +269 763 1 891450555 +269 771 1 891451754 +269 775 1 891451571 +269 778 3 891448547 +269 783 1 891451889 +269 792 4 891448436 +269 793 4 891449880 +269 805 2 891450623 +269 806 3 891448019 +269 809 1 891451451 +269 818 3 891446873 +269 821 1 891450427 +269 823 3 891446514 +269 825 1 891456033 +269 831 2 891451611 +269 843 3 891451374 +269 856 5 891448220 +269 886 3 891446133 +269 902 5 891446132 +269 919 4 891446132 +269 922 5 891457067 +269 923 4 891447169 +269 928 1 891451754 +269 931 1 891451754 +269 939 2 891448177 +269 940 1 891451908 +269 956 3 891448475 +269 959 5 891457067 +269 961 5 891457067 +269 985 3 891446443 +269 998 5 891451548 +269 1005 4 891447427 +269 1006 3 891447409 +269 1011 4 891446246 +269 1014 3 891446838 +269 1017 5 892567767 +269 1020 4 891449571 +269 1028 2 891446838 +269 1040 1 891456425 +269 1065 5 891447891 +269 1071 2 891449801 +269 1073 3 891447169 +269 1074 1 891448697 +269 1091 2 891451705 +269 1101 4 891448120 +269 1103 5 891447773 +269 1110 2 891450385 +269 1133 1 891451374 +269 1135 2 891448456 +269 1148 4 891447062 +269 1154 3 891449608 +269 1165 1 891446904 +269 1168 2 891448386 +269 1188 1 891451857 +269 1267 1 891448643 +269 1361 4 891446756 +269 1397 4 891450575 +269 1411 3 891451829 +269 1427 2 891448141 +269 1428 5 891447409 +269 1438 3 891448522 +269 1444 1 891451947 +269 1478 1 891448643 +269 1479 2 891451111 +269 1480 1 891451725 +270 5 5 876956064 +270 7 4 876954004 +270 13 4 876954192 +270 17 2 876956064 +270 26 5 876954995 +270 50 5 876954004 +270 53 4 876956106 +270 56 5 876955976 +270 60 5 876955066 +270 66 4 876955531 +270 70 5 876955066 +270 77 2 876956038 +270 79 4 876955938 +270 86 4 876955067 +270 88 5 876955711 +270 90 5 876955770 +270 93 5 876954522 +270 118 3 876956038 +270 121 4 876954093 +270 123 5 876954223 +270 145 3 876956419 +270 148 4 876954062 +270 155 5 876955770 +270 156 5 876955899 +270 159 4 876956233 +270 164 5 876956137 +270 173 5 876955531 +270 176 4 876955976 +270 181 4 876954036 +270 183 5 876955938 +270 185 5 876955938 +270 200 5 876956360 +270 213 5 876955067 +270 217 5 876956360 +270 218 5 876956206 +270 219 5 876956389 +270 222 5 876954521 +270 226 4 876956038 +270 230 3 876955868 +270 234 5 876955976 +270 237 1 876954484 +270 241 5 876955633 +270 242 5 876953744 +270 244 3 876954004 +270 250 2 876954223 +270 251 5 876954752 +270 253 5 876954733 +270 257 4 876954223 +270 258 3 876953744 +270 265 4 876956137 +270 268 5 876953745 +270 275 5 876954248 +270 279 5 876954093 +270 281 5 876956137 +270 282 3 876954093 +270 283 5 876954456 +270 286 5 876953744 +270 288 5 876953827 +270 295 5 876954248 +270 306 5 876953744 +270 319 5 876955633 +270 324 2 876954733 +270 327 5 876953900 +270 335 3 876953900 +270 356 3 876956064 +270 379 5 876956232 +270 387 5 876955689 +270 402 5 876955770 +270 421 5 876955633 +270 441 5 876956420 +270 443 3 876955976 +270 447 4 876956360 +270 466 5 876955899 +270 471 5 876954223 +270 475 5 876954122 +270 509 3 876954965 +270 531 4 876954945 +270 535 5 876954123 +270 546 4 876954484 +270 551 4 876956264 +270 553 1 876955689 +270 554 1 876956264 +270 559 5 876956442 +270 563 3 876956442 +270 566 5 876955939 +270 569 4 876956419 +270 574 3 876956038 +270 581 5 876955938 +270 582 3 876955087 +270 583 5 876956038 +270 584 5 876955067 +270 596 5 876954456 +270 603 5 876955868 +270 665 4 876956419 +270 672 5 876956390 +270 684 4 876955938 +270 694 5 876954927 +270 703 4 876955019 +270 707 5 876954927 +270 713 5 876954122 +270 714 4 876954965 +270 716 4 876955563 +270 722 4 876955689 +270 727 5 876955563 +270 739 4 876955729 +270 740 5 876954062 +270 741 5 876953967 +270 742 2 876954248 +270 747 5 876955662 +270 781 5 876955750 +270 794 4 876955689 +270 800 5 876956106 +270 815 4 876954522 +270 860 5 876956464 +270 869 1 876955633 +270 872 5 876953827 +270 928 4 876956137 +270 943 5 876956038 +270 1007 5 876954036 +270 1009 5 876954522 +270 1014 4 876954062 +270 1073 5 876955202 +270 1074 5 876955770 +270 1109 5 876955899 +270 1119 5 876955729 +270 1148 5 876955042 +270 1210 5 876956264 +270 1471 4 876956264 +271 1 3 886106038 +271 2 1 885849386 +271 4 5 885849357 +271 8 4 885848770 +271 9 4 885847738 +271 11 4 885848408 +271 12 4 885848314 +271 13 4 885847714 +271 15 3 885847876 +271 22 5 885848518 +271 25 3 885847876 +271 28 5 885849025 +271 31 4 885849325 +271 38 2 885849648 +271 40 1 885849558 +271 43 3 885849817 +271 44 4 885849357 +271 47 3 885849386 +271 48 4 885849087 +271 50 5 885848640 +271 51 4 885849386 +271 52 4 885849470 +271 54 3 885849188 +271 58 3 885849325 +271 62 2 885849386 +271 64 5 885848863 +271 69 4 885848559 +271 70 5 885849164 +271 73 2 885848707 +271 77 4 885849231 +271 79 4 885848672 +271 81 3 885849113 +271 83 4 885848408 +271 87 3 885848802 +271 88 4 885849087 +271 89 3 885848518 +271 95 4 885848916 +271 97 5 885848736 +271 98 5 885848559 +271 100 5 885847738 +271 107 1 885848179 +271 111 4 885847956 +271 116 2 885847636 +271 117 3 886106003 +271 118 3 885848132 +271 121 2 885848132 +271 124 4 886105886 +271 125 3 885848062 +271 126 3 885848034 +271 127 5 885848863 +271 130 1 885848218 +271 131 4 885849419 +271 133 4 885848971 +271 134 3 885848518 +271 135 4 885848373 +271 136 3 885848863 +271 137 4 885847636 +271 141 4 885849114 +271 148 3 886106165 +271 161 2 885849470 +271 168 2 885848343 +271 169 5 885848475 +271 170 5 885848827 +271 172 5 885848616 +271 173 4 885848672 +271 174 5 885848314 +271 176 3 885848640 +271 177 3 885848373 +271 178 3 885849087 +271 179 4 885848616 +271 180 5 885849087 +271 181 5 885848707 +271 182 3 885848408 +271 185 3 885848448 +271 186 4 885848915 +271 188 2 885849087 +271 190 4 885848707 +271 191 5 885848448 +271 192 5 885848373 +271 193 5 885848475 +271 194 5 885848770 +271 196 4 885848886 +271 197 4 885848915 +271 198 4 885848616 +271 200 5 885849356 +271 202 4 885849025 +271 203 4 885848448 +271 204 4 885848314 +271 205 5 885848343 +271 208 4 885848916 +271 210 4 885848447 +271 211 5 885849164 +271 215 4 885849300 +271 216 5 885848672 +271 218 3 885849087 +271 220 3 885848179 +271 221 3 885847927 +271 224 4 885847876 +271 234 5 885848640 +271 235 3 885848062 +271 237 4 885847763 +271 238 4 885848408 +271 239 3 885849419 +271 241 3 885849207 +271 242 4 885844495 +271 244 2 886106039 +271 248 4 886106129 +271 257 4 886106038 +271 258 3 885847357 +271 265 5 885849275 +271 269 4 885844430 +271 272 3 885844583 +271 274 3 885848014 +271 275 4 885847693 +271 276 3 885847800 +271 277 4 885847714 +271 282 2 885847666 +271 283 4 885847876 +271 284 3 885847956 +271 285 4 885847876 +271 286 4 885844610 +271 289 4 885844666 +271 294 2 885844698 +271 300 2 885844583 +271 302 5 885844430 +271 310 3 885844430 +271 311 3 885844547 +271 312 2 885847280 +271 313 4 885844583 +271 315 4 885847170 +271 317 3 885848863 +271 318 5 885848707 +271 328 2 885844746 +271 338 1 885847194 +271 345 3 885844666 +271 347 3 885844634 +271 356 4 885849300 +271 357 5 885848408 +271 371 5 885849188 +271 381 3 885849536 +271 384 3 885849582 +271 392 3 885848343 +271 393 4 885849648 +271 402 4 885849791 +271 405 2 885848179 +271 410 2 885848238 +271 411 1 885848062 +271 414 4 885849470 +271 419 3 885848996 +271 423 4 885848802 +271 425 2 885849275 +271 427 5 885848518 +271 428 4 885849188 +271 429 4 885848672 +271 430 5 885849419 +271 435 4 885848802 +271 441 3 885849648 +271 443 3 885848943 +271 451 3 885849447 +271 461 5 885849582 +271 462 4 885848448 +271 466 4 885849490 +271 470 3 885848707 +271 471 3 885847926 +271 472 2 886106165 +271 474 3 885848518 +271 476 1 885848062 +271 477 3 885847955 +271 479 4 885848615 +271 480 4 885848475 +271 481 3 885848559 +271 482 5 885848519 +271 485 4 885848827 +271 487 4 885848770 +271 490 4 885848886 +271 493 4 885848558 +271 494 4 885848770 +271 495 5 885849052 +271 496 5 885849140 +271 498 5 885848672 +271 499 3 885848971 +271 504 3 885849025 +271 505 4 885848475 +271 506 4 885849052 +271 507 2 885848707 +271 509 4 885848559 +271 510 4 885849140 +271 511 5 885848736 +271 514 4 885848408 +271 515 5 885848558 +271 516 4 885849447 +271 517 3 885848943 +271 518 4 885849357 +271 520 5 885848615 +271 521 5 885848373 +271 523 4 885848770 +271 526 5 885849188 +271 527 5 885848736 +271 528 3 885848448 +271 529 4 885848475 +271 530 4 885848770 +271 539 1 885847170 +271 546 2 885848102 +271 549 4 885849231 +271 566 4 885848707 +271 570 3 885849742 +271 580 2 885849386 +271 582 3 885849113 +271 591 4 885847901 +271 602 3 885848886 +271 603 4 885848802 +271 605 4 885849164 +271 610 3 885848584 +271 614 4 885848373 +271 624 2 885849558 +271 625 3 885849606 +271 630 2 885848943 +271 642 5 885849231 +271 644 3 885848916 +271 648 4 885848770 +271 649 3 885849510 +271 651 4 885848584 +271 654 5 885848475 +271 657 4 885848559 +271 659 3 885848827 +271 660 5 885848971 +271 661 4 885848373 +271 663 4 885849052 +271 690 4 885844430 +271 692 4 885849582 +271 697 4 885848863 +271 699 4 885849025 +271 703 3 885848559 +271 707 4 885849140 +271 713 4 885847800 +271 714 3 885848863 +271 729 4 885848996 +271 732 4 885848672 +271 735 4 885849140 +271 739 4 885849706 +271 742 3 886106209 +271 744 4 885847693 +271 747 3 885849087 +271 750 4 885844698 +271 756 2 885848218 +271 763 3 885847876 +271 792 4 885849536 +271 815 3 885848153 +271 823 3 885848237 +271 845 1 885847800 +271 847 4 885847926 +271 864 3 886106165 +271 866 4 885848132 +271 882 3 885844547 +271 924 3 885847974 +271 951 2 885849606 +271 956 4 885848997 +271 963 5 885848518 +271 1046 4 885849357 +271 1091 4 885849648 +271 1101 4 885849025 +271 1117 3 885847763 +271 1120 2 885847800 +271 1133 3 885849536 +271 1139 3 885849707 +271 1266 2 885848943 +271 1282 2 885847666 +271 1411 2 885849895 +272 22 5 879454753 +272 23 5 879454725 +272 32 4 879455113 +272 42 4 879454939 +272 50 4 879454900 +272 56 5 879455220 +272 69 4 879455113 +272 79 5 879455015 +272 96 5 879454845 +272 98 4 879454797 +272 133 1 879455143 +272 134 5 879455176 +272 174 5 879455043 +272 175 5 879455043 +272 183 4 879454726 +272 187 5 879455043 +272 193 4 879455254 +272 194 5 879455043 +272 200 5 879455043 +272 201 3 879455113 +272 204 4 879454939 +272 205 5 879454726 +272 208 4 879455176 +272 210 5 879455220 +272 211 5 879454845 +272 234 4 879455143 +272 238 5 879455143 +272 288 4 879454663 +272 357 5 879454726 +272 423 4 879454939 +272 469 5 879455143 +272 474 5 879454753 +272 483 5 879454875 +272 498 4 879454726 +272 514 5 879455254 +272 521 5 879454977 +272 604 4 879455113 +272 651 4 879454797 +272 654 5 879454977 +272 746 3 879454797 +272 772 2 879455220 +273 268 5 891292905 +273 272 4 891292811 +273 286 3 891292761 +273 304 3 891292935 +273 307 2 891292761 +273 313 3 891292873 +273 315 4 891292846 +273 316 4 891293201 +273 338 3 891293304 +273 340 3 891292761 +273 347 4 891293008 +273 896 4 891292873 +274 1 4 878945466 +274 9 5 878945404 +274 15 5 878945505 +274 69 5 878946644 +274 71 4 878946612 +274 83 5 878946612 +274 88 4 878946677 +274 98 5 878946536 +274 100 5 878945404 +274 111 4 878945541 +274 117 4 878945264 +274 118 4 878945711 +274 125 4 878945711 +274 150 5 878944679 +274 164 5 878946644 +274 181 5 878945365 +274 200 4 878946612 +274 208 4 878946473 +274 211 5 878946612 +274 220 4 878946107 +274 234 5 878946536 +274 237 4 878945678 +274 243 2 878944437 +274 255 2 878945579 +274 258 5 878944379 +274 274 4 878945963 +274 276 4 878945437 +274 277 4 878945818 +274 280 1 878946162 +274 282 5 878945788 +274 294 3 878944379 +274 300 5 878944464 +274 318 5 878946577 +274 319 5 878944379 +274 471 4 878945505 +274 472 3 878945918 +274 476 4 878945645 +274 478 5 878946577 +274 546 3 878945918 +274 591 4 878945466 +274 596 3 878945404 +274 597 3 878946133 +274 628 4 878945505 +274 629 5 878946645 +274 685 5 878945542 +274 713 5 878945437 +274 742 4 878945322 +274 744 5 878945678 +274 756 3 878946030 +274 762 5 878945610 +274 815 3 878945763 +274 846 2 878946204 +274 866 4 878946107 +274 873 3 878944491 +274 877 3 878944543 +274 924 3 878945918 +274 1051 4 878945763 +274 1060 4 878945645 +274 1063 4 878946502 +274 1152 4 878945939 +274 1163 2 878946162 +275 1 4 875154310 +275 22 3 880314528 +275 28 4 880314529 +275 50 4 876198296 +275 62 3 876198328 +275 71 3 875154535 +275 89 3 875154878 +275 95 3 875154535 +275 96 3 880314914 +275 99 3 875154718 +275 101 4 875154535 +275 102 3 875154718 +275 117 3 876197615 +275 118 3 876197678 +275 121 3 876197678 +275 132 3 880314529 +275 135 3 880314824 +275 142 2 880315197 +275 144 4 880314137 +275 154 2 875154878 +275 162 3 880315276 +275 164 4 880313886 +275 169 3 875154535 +275 173 3 875154795 +275 174 4 875155257 +275 176 4 880314320 +275 181 4 876197615 +275 183 3 880314500 +275 188 2 880315243 +275 191 4 880314797 +275 196 3 880314969 +275 199 4 880315170 +275 202 3 875155167 +275 208 3 880314772 +275 210 4 880314320 +275 222 4 876198296 +275 226 3 880314914 +275 227 3 876198296 +275 228 4 876198296 +275 229 3 876198296 +275 230 3 876198296 +275 252 2 876197944 +275 257 3 876197645 +275 258 3 875154310 +275 294 4 876197443 +275 300 4 875153898 +275 304 3 876197368 +275 380 3 876198328 +275 393 3 880314772 +275 408 3 875154438 +275 416 3 880314991 +275 419 3 880314383 +275 420 2 875154535 +275 423 4 880315322 +275 431 3 880314969 +275 432 4 875154535 +275 434 3 880315396 +275 435 3 880313886 +275 448 3 880314383 +275 450 3 876198296 +275 451 3 880315170 +275 470 3 880314772 +275 472 3 876197944 +275 473 3 880313679 +275 496 3 880314031 +275 515 3 876197552 +275 520 4 880314218 +275 523 4 880314031 +275 542 3 880313680 +275 588 3 875154535 +275 624 3 880313679 +275 625 2 875154655 +275 627 3 875154718 +275 630 3 880315243 +275 636 3 880314383 +275 662 3 880315170 +275 679 3 880315080 +275 746 4 880314478 +275 825 2 876197904 +275 826 2 876197904 +275 930 3 876197904 +275 946 3 875154535 +275 969 2 880314412 +275 1066 3 880313679 +275 1219 2 880313679 +276 1 5 874786568 +276 3 3 874786924 +276 4 4 874791623 +276 5 3 874792692 +276 7 5 874786517 +276 8 4 874791623 +276 9 5 889174849 +276 11 5 874787497 +276 12 5 874787407 +276 14 4 890979947 +276 17 4 874791894 +276 21 3 874787195 +276 22 5 874787496 +276 23 5 874787467 +276 24 4 874792366 +276 25 4 874786686 +276 27 3 874787407 +276 28 4 874787441 +276 29 3 874796373 +276 31 4 874795704 +276 33 4 874792018 +276 34 2 877934264 +276 38 3 874792574 +276 39 3 874790995 +276 41 3 874792277 +276 42 4 874791623 +276 43 1 874791383 +276 44 3 874795637 +276 46 3 874791145 +276 47 4 874787407 +276 50 5 880913800 +276 51 3 874791025 +276 53 4 883822485 +276 55 4 874792366 +276 56 5 874791623 +276 58 4 874791169 +276 62 2 874792574 +276 63 3 874792168 +276 64 5 874787441 +276 65 4 874787467 +276 66 3 874791993 +276 67 3 874791993 +276 68 4 874792483 +276 69 4 874790996 +276 70 4 874790826 +276 71 4 874792870 +276 72 4 874791960 +276 73 3 874791805 +276 74 3 884286759 +276 76 4 874791506 +276 77 3 874795751 +276 78 4 877934828 +276 79 4 874792436 +276 80 3 874792237 +276 81 4 874791101 +276 82 4 874792402 +276 84 2 877934232 +276 85 3 874791871 +276 86 3 874791101 +276 88 3 874791960 +276 89 5 874792366 +276 91 5 882659577 +276 92 4 888873675 +276 94 2 882659602 +276 95 5 874792839 +276 96 5 874792435 +276 97 3 874787549 +276 98 5 874792663 +276 99 4 874792907 +276 100 5 874786605 +276 101 4 874977555 +276 104 1 874836682 +276 108 3 874786924 +276 109 4 874786686 +276 117 4 874786568 +276 118 3 874786964 +276 120 2 874787172 +276 121 4 874786897 +276 122 3 874787150 +276 123 4 874786657 +276 124 5 880913800 +276 125 4 874786876 +276 127 5 874786568 +276 128 4 874792436 +276 135 5 874787441 +276 139 4 889174904 +276 141 4 874792870 +276 143 5 874792870 +276 144 5 874792401 +276 145 3 874792692 +276 147 4 874786686 +276 148 3 874786924 +276 150 4 874786924 +276 151 5 874786568 +276 153 4 874791667 +276 154 4 874791747 +276 156 5 874795704 +276 157 5 874790773 +276 158 3 874791932 +276 159 3 874795637 +276 160 4 874787441 +276 161 3 874792483 +276 164 4 874792663 +276 168 5 874791623 +276 169 5 874977555 +276 171 4 874795928 +276 172 5 874792435 +276 173 5 874791993 +276 174 5 874792366 +276 175 5 874787376 +276 176 5 874792401 +276 179 5 874791102 +276 180 5 874787353 +276 181 5 874786488 +276 182 5 874787549 +276 183 5 874792402 +276 184 4 874792547 +276 185 4 874792663 +276 186 5 874792018 +276 187 5 874791102 +276 188 4 874792547 +276 189 4 874977555 +276 192 5 874787353 +276 193 4 874790952 +276 195 5 874792483 +276 196 4 889174849 +276 197 5 874787549 +276 198 5 874795949 +276 200 5 874792663 +276 201 5 889174849 +276 202 4 874791871 +276 203 4 877934910 +276 204 5 874791667 +276 206 5 874795988 +276 207 4 874795988 +276 209 4 874791667 +276 210 4 874792094 +276 214 5 874787353 +276 215 4 874791145 +276 217 4 874792692 +276 218 4 874792663 +276 219 4 874792692 +276 222 4 880913800 +276 223 5 874790773 +276 225 3 874786854 +276 226 4 874792520 +276 227 4 880913800 +276 228 4 880913800 +276 229 3 874792483 +276 230 4 882659602 +276 231 3 874796373 +276 232 3 874792094 +276 233 3 874792436 +276 234 5 880913767 +276 235 4 874786734 +276 237 5 874786756 +276 238 5 877935060 +276 239 4 874791194 +276 240 4 874786713 +276 241 4 874792402 +276 245 3 877935446 +276 246 4 874786686 +276 248 4 882659269 +276 249 4 874786632 +276 250 4 874786784 +276 252 3 874787006 +276 254 2 874796373 +276 257 4 874786657 +276 258 5 874786337 +276 260 3 874786439 +276 262 4 892436298 +276 264 3 892436418 +276 265 4 874792483 +276 268 4 877584085 +276 269 4 885871420 +276 270 4 879131395 +276 271 4 880913800 +276 272 5 885871447 +276 273 4 874786517 +276 274 3 874791960 +276 276 4 874786605 +276 281 3 874787065 +276 282 4 883822485 +276 284 4 874786605 +276 288 4 874786392 +276 289 2 890979634 +276 290 4 874786854 +276 291 3 874791169 +276 293 4 874786686 +276 294 4 874786366 +276 298 5 874786467 +276 300 4 874786338 +276 301 4 877584219 +276 302 5 877584085 +276 303 4 892436271 +276 307 4 878015917 +276 313 5 885159577 +276 315 4 892436298 +276 316 4 892436314 +276 317 4 874791257 +276 318 5 874787496 +276 323 3 874786392 +276 324 4 874786419 +276 325 3 874786419 +276 328 4 874786366 +276 331 4 890979062 +276 332 4 877933879 +276 333 4 877584220 +276 334 4 877935456 +276 340 5 880150440 +276 343 4 881563147 +276 346 4 885159545 +276 347 4 885159630 +276 354 4 888873388 +276 355 3 887601451 +276 356 3 874791101 +276 357 5 874787526 +276 358 3 874786419 +276 364 3 877935377 +276 365 3 874791339 +276 366 3 889174764 +276 367 3 874791667 +276 373 2 874977513 +276 375 1 874791339 +276 379 3 874792745 +276 380 3 874791383 +276 382 4 874791236 +276 383 2 877934828 +276 384 3 874792189 +276 385 4 874792547 +276 386 3 877935306 +276 387 3 874787526 +276 388 2 874792094 +276 391 2 874977442 +276 392 3 874790996 +276 393 4 874792094 +276 395 2 877935377 +276 396 4 874792118 +276 397 1 874792601 +276 399 2 874792634 +276 401 3 874792094 +276 402 3 874791407 +276 403 4 888873675 +276 404 4 874792870 +276 405 3 874787044 +276 406 2 874786831 +276 407 2 874792310 +276 408 5 874786467 +276 409 3 874792310 +276 410 4 874786686 +276 411 4 874786807 +276 413 3 877934705 +276 415 3 874793062 +276 417 4 874792907 +276 418 4 874792870 +276 419 5 874792907 +276 420 4 874792945 +276 421 4 874795500 +276 423 5 874790926 +276 425 4 874791101 +276 426 3 874793092 +276 427 5 883822485 +276 428 4 874791870 +276 429 5 874790972 +276 431 3 874977474 +276 432 5 874792839 +276 433 4 874791960 +276 436 4 874792711 +276 443 4 874792692 +276 447 4 874792663 +276 448 4 874792692 +276 449 2 874792520 +276 450 1 874792634 +276 451 3 874792216 +276 452 3 880913767 +276 453 1 880913767 +276 455 4 874786713 +276 456 2 874787237 +276 458 4 874786854 +276 461 4 874787526 +276 462 4 874795868 +276 463 4 874792839 +276 469 4 874787441 +276 470 3 874790855 +276 471 4 874786657 +276 472 3 874787109 +276 473 4 874786831 +276 474 5 889174904 +276 475 5 874786756 +276 479 5 874836703 +276 496 4 882659476 +276 501 4 874793035 +276 508 5 874786467 +276 518 4 888873407 +276 523 4 874787496 +276 526 4 874791123 +276 531 4 874790801 +276 540 1 874792519 +276 541 3 874792520 +276 544 3 889174870 +276 546 3 874786568 +276 547 4 874786605 +276 549 3 874791194 +276 550 4 874792574 +276 551 3 874792767 +276 552 3 874795795 +276 554 2 874795823 +276 558 4 874787526 +276 559 4 874792663 +276 561 2 874792745 +276 562 3 889174870 +276 563 3 874977334 +276 566 4 874792601 +276 567 3 874792794 +276 568 4 882659211 +276 569 4 874791169 +276 571 2 874792118 +276 572 3 874795823 +276 575 2 874792310 +276 576 3 874792547 +276 577 2 877935336 +276 578 4 888873675 +276 581 4 886483710 +276 582 3 874787407 +276 583 3 874791444 +276 586 3 874977512 +276 588 4 874792907 +276 590 2 874977334 +276 591 3 874786632 +276 595 2 874787195 +276 597 3 874787150 +276 603 5 874795613 +276 624 2 874792969 +276 627 3 874792907 +276 628 4 874786538 +276 631 3 874796412 +276 634 4 874795888 +276 636 4 874792483 +276 640 4 889174904 +276 647 4 874790903 +276 649 4 886483691 +276 652 4 889174849 +276 653 5 874795729 +276 655 4 874791297 +276 658 4 874791194 +276 665 3 874792520 +276 669 1 874792767 +276 672 3 874792692 +276 678 3 874786419 +276 679 3 874792520 +276 682 3 877933862 +276 684 4 874792436 +276 685 4 874786784 +276 686 3 874792547 +276 691 4 888873488 +276 692 4 874791960 +276 693 4 874790903 +276 696 2 874786632 +276 697 2 874791316 +276 709 4 874792018 +276 710 4 889174849 +276 715 3 874791194 +276 719 3 877935336 +276 720 2 874791464 +276 721 3 874791871 +276 725 2 877935392 +276 727 3 889174919 +276 728 2 874792277 +276 732 4 874790903 +276 734 1 877935262 +276 735 4 874791214 +276 737 4 890979964 +276 739 2 874795538 +276 742 4 874786756 +276 743 1 874792634 +276 746 4 874791806 +276 747 4 874795448 +276 748 3 883822507 +276 750 4 882659186 +276 751 4 884286678 +276 755 3 874792870 +276 759 1 874796412 +276 763 3 874787214 +276 765 3 877935335 +276 768 3 874793118 +276 769 1 874977334 +276 770 4 877935446 +276 771 2 874795795 +276 772 4 874790826 +276 773 3 874792794 +276 774 2 877934722 +276 779 2 874977513 +276 780 3 874792143 +276 783 1 874792143 +276 786 3 874791694 +276 789 3 874791623 +276 790 3 877935306 +276 794 2 874793198 +276 797 3 877934643 +276 800 3 874792745 +276 801 3 877935306 +276 802 3 874792634 +276 803 2 874791487 +276 806 4 874787467 +276 807 2 874795574 +276 809 2 874977245 +276 816 2 874792793 +276 820 3 874793062 +276 823 3 874786807 +276 825 3 874787006 +276 831 3 874792634 +276 840 3 874786897 +276 843 4 874792989 +276 844 4 877934677 +276 845 4 874786807 +276 853 5 889174849 +276 854 4 874791806 +276 871 2 874836608 +276 876 3 885537717 +276 879 3 877584219 +276 881 3 885537717 +276 890 3 880913460 +276 902 4 890979199 +276 915 4 892436368 +276 916 4 892436298 +276 919 4 874786467 +276 928 3 874836629 +276 930 2 874787172 +276 931 2 874836682 +276 939 3 874790855 +276 941 3 877934065 +276 942 4 889174904 +276 943 4 883822485 +276 949 3 874836725 +276 951 3 874792969 +276 959 4 874791695 +276 969 4 874792839 +276 974 2 874786945 +276 975 3 874836629 +276 977 2 874787090 +276 993 3 874787065 +276 1000 2 877935262 +276 1006 3 874787353 +276 1010 3 874786784 +276 1011 3 874836682 +276 1013 3 874787150 +276 1016 3 874786713 +276 1019 5 883822485 +276 1028 3 874787044 +276 1031 2 874793035 +276 1035 3 874793035 +276 1036 2 889174870 +276 1042 1 874795823 +276 1044 3 877934374 +276 1046 3 874795772 +276 1047 3 889174658 +276 1052 2 889174870 +276 1056 4 874796201 +276 1073 3 874795613 +276 1074 3 877934446 +276 1079 2 874787300 +276 1081 3 880913705 +276 1083 3 877934891 +276 1089 2 882659211 +276 1090 1 874795795 +276 1095 1 877935135 +276 1098 4 880913684 +276 1109 3 882659656 +276 1110 3 874977474 +276 1118 4 874791830 +276 1129 4 874786876 +276 1131 3 874796116 +276 1135 4 874791527 +276 1140 2 874791894 +276 1141 3 874790773 +276 1145 2 874977115 +276 1157 2 874795772 +276 1170 4 877934392 +276 1172 4 882659550 +276 1180 2 877935306 +276 1194 3 874790875 +276 1199 4 888873674 +276 1208 3 882659656 +276 1210 2 877934988 +276 1213 1 874791407 +276 1218 4 874792040 +276 1220 4 874791048 +276 1221 3 890979470 +276 1228 1 874977422 +276 1232 3 874791488 +276 1239 1 874977512 +276 1240 4 874977579 +276 1244 3 874836608 +276 1245 3 874787091 +276 1253 1 874795729 +276 1267 4 874791102 +276 1273 2 874795823 +276 1274 1 874977513 +276 1301 4 885871474 +276 1314 3 874796412 +276 1407 1 874977513 +276 1413 1 874977513 +276 1416 3 874792634 +276 1471 2 877934947 +276 1478 3 889174849 +276 1481 2 877934446 +276 1482 4 874791383 +276 1483 3 892436354 +277 1 4 879544145 +277 7 2 879543377 +277 15 4 879544145 +277 25 4 879543902 +277 50 3 879543652 +277 93 4 879543972 +277 100 4 879543421 +277 111 4 879543487 +277 117 4 879544145 +277 121 2 879544058 +277 124 3 879543421 +277 129 4 879543653 +277 137 3 879543336 +277 147 4 879543822 +277 181 3 879543653 +277 221 4 879544146 +277 237 4 879544145 +277 258 4 879544145 +277 274 4 879543902 +277 276 4 879543454 +277 278 1 879543879 +277 284 4 879543972 +277 285 4 879543486 +277 286 5 879544145 +277 293 4 879544145 +277 302 4 879544201 +277 405 3 879544027 +277 471 3 879543377 +277 472 1 879544058 +277 473 2 879543879 +277 508 4 879543487 +277 591 4 879543768 +277 619 4 879543801 +277 628 4 879543697 +277 742 4 879543845 +277 748 3 879543879 +277 762 3 879543931 +277 844 4 879543528 +277 872 3 879543768 +277 925 4 879543592 +277 1008 3 879543621 +277 1012 3 879543454 +277 1129 3 879543421 +277 1283 2 879543592 +278 245 3 891295230 +278 258 3 891295099 +278 286 5 891295044 +278 288 5 891295230 +278 294 4 891295230 +278 302 3 891294959 +278 313 5 891294932 +278 315 4 891294932 +278 515 5 891295330 +278 538 4 891295164 +278 752 5 891295164 +278 882 3 891295007 +278 923 5 891295330 +279 1 3 875295812 +279 2 4 875313311 +279 4 4 875296461 +279 7 5 891209102 +279 10 4 875295838 +279 12 2 875306515 +279 13 3 875249210 +279 16 4 875296792 +279 17 4 875306552 +279 21 3 875297456 +279 22 1 875296374 +279 24 5 875295591 +279 25 5 875295736 +279 27 5 875313015 +279 28 2 875296461 +279 29 2 879573041 +279 30 2 877756984 +279 31 3 875309667 +279 32 3 875298696 +279 33 4 875308510 +279 40 4 875306910 +279 41 2 875313646 +279 42 4 875308843 +279 44 1 875313514 +279 47 4 875296375 +279 50 3 890451347 +279 52 3 890780576 +279 56 4 875306515 +279 59 4 875308843 +279 60 4 875310263 +279 61 4 875306552 +279 62 3 875310303 +279 63 3 875313350 +279 64 1 875308510 +279 65 1 875306767 +279 66 2 882146492 +279 67 4 875310419 +279 70 1 875309141 +279 71 3 890780576 +279 73 4 875310041 +279 79 3 875296461 +279 80 4 875313750 +279 81 4 875732652 +279 83 5 878082781 +279 87 1 875306613 +279 88 1 882146554 +279 89 4 875306910 +279 90 3 875314287 +279 92 4 890282182 +279 94 3 892865054 +279 95 3 875309950 +279 96 4 875310606 +279 99 3 890451347 +279 100 4 875249259 +279 101 3 891209021 +279 105 4 875297381 +279 108 4 892174381 +279 109 5 880869018 +279 114 5 879572694 +279 116 1 888799670 +279 117 5 875297199 +279 120 1 888427451 +279 121 4 875297708 +279 122 1 875297433 +279 124 3 878261977 +279 128 5 875296461 +279 129 1 884986081 +279 130 1 892864707 +279 131 1 886020902 +279 132 3 875308670 +279 137 4 886014686 +279 139 3 890780864 +279 144 4 880850073 +279 146 1 875297281 +279 147 4 875297199 +279 150 3 886019867 +279 151 4 875249259 +279 152 5 882146492 +279 153 5 891209077 +279 156 4 875306580 +279 158 3 875313351 +279 163 5 875313311 +279 165 4 875310233 +279 166 4 879572893 +279 167 3 875312441 +279 168 5 875296435 +279 169 5 875306910 +279 170 3 875312643 +279 172 2 878082751 +279 173 5 875296461 +279 174 4 875306636 +279 175 5 875296461 +279 176 3 875310606 +279 180 2 875308670 +279 181 3 875298494 +279 184 5 890779991 +279 186 5 875309482 +279 189 5 878082781 +279 190 3 875307407 +279 191 3 875734031 +279 193 2 875307407 +279 195 4 875310631 +279 198 3 882456211 +279 201 5 890451408 +279 202 4 875307587 +279 203 2 875310676 +279 204 3 878082751 +279 207 5 875310394 +279 208 5 875310631 +279 209 5 875308987 +279 210 4 878261893 +279 211 4 875309616 +279 214 3 875306910 +279 216 3 884983225 +279 219 2 875736276 +279 222 1 875295943 +279 224 4 882369761 +279 226 4 880850073 +279 227 4 889326161 +279 228 4 889326161 +279 229 4 889326161 +279 230 4 892865054 +279 231 2 879573060 +279 233 5 875312745 +279 234 2 875654542 +279 235 3 891209153 +279 236 5 875296813 +279 238 4 891208908 +279 239 4 875310418 +279 240 4 889151559 +279 242 3 877756647 +279 248 4 875249259 +279 249 3 878878420 +279 250 3 875249259 +279 254 3 879572960 +279 257 5 875295736 +279 259 3 883546906 +279 265 5 875655063 +279 269 4 892865492 +279 273 2 880869018 +279 274 3 875296792 +279 275 3 875249232 +279 283 3 875296652 +279 284 1 886015853 +279 288 3 875249102 +279 290 4 875296924 +279 291 3 878878420 +279 294 2 875249117 +279 301 4 878082781 +279 319 4 890780735 +279 321 5 875249102 +279 342 4 881375917 +279 363 5 890451473 +279 364 4 891209077 +279 367 3 875309861 +279 368 1 886016352 +279 372 4 875310117 +279 373 4 875659844 +279 374 1 888806649 +279 375 1 884556678 +279 379 3 875314386 +279 380 4 889326161 +279 382 4 875312947 +279 384 4 875312946 +279 385 4 875309351 +279 386 3 889985007 +279 388 3 875659844 +279 390 3 875744641 +279 391 5 875313859 +279 393 1 875314093 +279 395 4 875659329 +279 396 3 875314231 +279 397 4 890780547 +279 398 4 875310764 +279 401 5 875310730 +279 403 1 879573060 +279 405 3 886015701 +279 407 4 875297479 +279 408 5 875249210 +279 410 5 890780547 +279 411 3 875296005 +279 412 3 875297708 +279 413 4 889151529 +279 415 3 875314313 +279 418 3 875733888 +279 421 3 892864867 +279 425 4 875306430 +279 428 1 875307379 +279 429 4 875306910 +279 431 4 875310303 +279 432 3 875296292 +279 433 4 880869018 +279 434 4 892864609 +279 436 4 891209332 +279 444 3 875659746 +279 449 3 875312378 +279 450 4 889326161 +279 451 1 888465592 +279 455 5 877236424 +279 456 3 875296924 +279 461 3 875306820 +279 462 3 875309911 +279 464 4 875310041 +279 465 5 875310157 +279 469 4 884982881 +279 470 3 878262194 +279 472 3 876609690 +279 474 5 892173363 +279 480 3 875309189 +279 482 4 875306613 +279 486 4 875310041 +279 487 3 890282182 +279 489 2 888430298 +279 490 3 890282225 +279 491 5 875296435 +279 502 5 875310263 +279 509 3 875296552 +279 514 4 875307210 +279 515 3 875295943 +279 517 4 879572893 +279 529 3 875308843 +279 530 3 890780576 +279 532 1 875298597 +279 534 1 878971577 +279 541 3 882146458 +279 544 1 890451433 +279 546 3 875296924 +279 547 1 875295812 +279 550 4 880850073 +279 554 1 875314231 +279 556 3 880666808 +279 558 4 875307210 +279 562 3 890451433 +279 566 4 875313387 +279 571 4 878082781 +279 576 3 875312441 +279 577 1 889151559 +279 578 4 879572694 +279 591 2 875297381 +279 594 1 891209021 +279 597 5 875297456 +279 616 3 890451408 +279 624 4 875734996 +279 625 3 878261977 +279 630 4 875313351 +279 636 5 875313387 +279 638 4 875312441 +279 644 1 875306552 +279 649 3 875312719 +279 652 4 890451408 +279 654 5 875306552 +279 659 5 877756699 +279 660 4 875313473 +279 662 2 875310631 +279 663 3 875310394 +279 666 2 890451373 +279 671 2 875296238 +279 679 4 884556545 +279 684 3 880825843 +279 685 3 884982881 +279 687 4 878793072 +279 702 4 875309760 +279 709 4 875310195 +279 710 4 890451408 +279 712 5 875312339 +279 713 3 886015169 +279 719 4 875308222 +279 721 5 875312719 +279 725 4 875314144 +279 727 3 890780864 +279 728 4 875314287 +279 732 3 879647301 +279 739 1 879573060 +279 740 3 875736276 +279 741 5 875296891 +279 744 2 892864943 +279 746 5 875310233 +279 751 4 882593314 +279 753 2 875307443 +279 759 4 875313616 +279 760 3 875297522 +279 762 3 875297199 +279 763 3 875297522 +279 764 3 888425981 +279 778 4 891209332 +279 779 3 878262194 +279 780 4 875314165 +279 781 3 875314001 +279 789 4 875306580 +279 792 3 875308843 +279 797 4 875744512 +279 802 4 875313600 +279 804 4 875744416 +279 805 3 879573022 +279 809 3 891208945 +279 810 2 889984640 +279 820 4 884984955 +279 823 3 875297456 +279 824 4 875297456 +279 826 4 875297456 +279 827 1 888426577 +279 831 5 875744257 +279 833 4 875297410 +279 841 4 879572893 +279 843 4 875314313 +279 845 1 888426577 +279 853 1 890451433 +279 854 1 875306613 +279 862 5 875313646 +279 864 5 875296829 +279 869 1 892176473 +279 871 4 875297410 +279 890 3 882146458 +279 901 4 883893835 +279 919 3 892864663 +279 922 3 890451433 +279 926 4 875296696 +279 932 3 892174381 +279 940 5 889151559 +279 945 5 879647064 +279 946 3 875313032 +279 948 3 891209078 +279 952 3 875296676 +279 969 3 875308799 +279 971 4 875314231 +279 976 3 877756631 +279 977 4 875297281 +279 978 1 889231898 +279 982 3 875298314 +279 990 1 875249134 +279 992 4 889151559 +279 998 5 875313883 +279 1000 4 875314313 +279 1001 4 882160106 +279 1007 4 879572694 +279 1011 3 875298314 +279 1012 5 875298447 +279 1017 3 875296891 +279 1025 2 880825843 +279 1027 4 891208908 +279 1028 4 875296104 +279 1030 4 875659761 +279 1032 3 880666757 +279 1034 4 875297381 +279 1035 3 875309935 +279 1037 1 888806543 +279 1039 4 881731303 +279 1047 4 892864663 +279 1048 1 886015533 +279 1052 4 890451408 +279 1059 4 891209332 +279 1070 3 875309760 +279 1072 4 890780735 +279 1087 2 891209189 +279 1088 4 877756804 +279 1093 4 875298330 +279 1095 1 886016480 +279 1108 1 892174273 +279 1110 3 875307379 +279 1113 3 888806035 +279 1118 3 875310631 +279 1120 3 891209189 +279 1121 4 875310101 +279 1132 1 892864828 +279 1133 2 892173598 +279 1142 1 890780603 +279 1151 2 875744584 +279 1162 3 875314334 +279 1170 1 891209102 +279 1178 4 875744641 +279 1180 2 890781034 +279 1182 3 875314370 +279 1185 1 888805868 +279 1195 1 875312339 +279 1205 3 888461244 +279 1206 5 884986688 +279 1209 4 875314350 +279 1215 2 884556545 +279 1219 3 875744358 +279 1224 3 878082804 +279 1228 4 890779991 +279 1230 3 891209189 +279 1231 4 875313583 +279 1239 1 884982882 +279 1242 1 888797284 +279 1244 3 875298652 +279 1247 2 875659924 +279 1250 1 888466349 +279 1266 1 875308843 +279 1271 4 875659999 +279 1274 3 875314001 +279 1288 4 891209077 +279 1291 4 875297708 +279 1305 4 875313406 +279 1312 3 890780962 +279 1321 4 888806671 +279 1361 3 878261977 +279 1376 4 886016680 +279 1402 1 888462243 +279 1411 3 884556545 +279 1413 5 875314434 +279 1428 3 888465209 +279 1435 3 892174339 +279 1437 3 892173418 +279 1444 3 875313351 +279 1480 3 875314370 +279 1481 4 875313925 +279 1484 3 875307587 +279 1485 4 878262195 +279 1486 1 875314076 +279 1487 1 875314076 +279 1488 4 875659924 +279 1489 3 891208884 +279 1490 4 875312947 +279 1491 5 890451408 +279 1492 4 888430806 +279 1493 1 888465068 +279 1494 1 889232401 +279 1495 4 889984565 +279 1496 3 875298419 +279 1498 4 891208884 +279 1499 4 890451408 +279 1500 5 875306613 +279 1501 1 889231898 +280 2 3 891701278 +280 3 2 891702406 +280 4 3 891700733 +280 5 4 891701066 +280 7 4 891700385 +280 8 5 891700303 +280 9 5 891700664 +280 11 5 891700570 +280 12 5 891700803 +280 13 5 891700257 +280 22 5 891700552 +280 29 3 891701852 +280 31 4 891701344 +280 33 3 891700715 +280 38 3 891701832 +280 40 5 891701614 +280 50 3 891701027 +280 53 5 891702544 +280 54 2 891701747 +280 56 5 891702544 +280 58 4 891700514 +280 62 3 891701747 +280 66 5 891701148 +280 67 4 891701785 +280 68 3 891701066 +280 69 4 891700242 +280 70 4 891700366 +280 71 4 891700818 +280 72 4 891702276 +280 73 3 891700715 +280 76 2 891700699 +280 77 3 891702086 +280 79 4 891700453 +280 80 3 891701998 +280 82 2 891700925 +280 86 4 891700475 +280 88 3 891701556 +280 90 4 891701530 +280 92 3 891700366 +280 94 2 891702028 +280 95 5 891700570 +280 96 4 891700664 +280 98 5 891700208 +280 99 2 891700475 +280 100 3 891700385 +280 102 5 891701328 +280 103 3 891702122 +280 111 4 891700983 +280 112 3 891702485 +280 117 5 891700366 +280 118 2 891701027 +280 125 2 891701148 +280 126 3 891700643 +280 132 4 891701090 +280 135 4 891700552 +280 140 4 891701223 +280 142 4 891701747 +280 144 2 891700514 +280 145 3 891702198 +280 153 5 891700681 +280 155 5 891702544 +280 156 4 891700643 +280 157 3 891700733 +280 158 2 891701764 +280 159 4 891701944 +280 161 4 891701249 +280 162 3 891701431 +280 167 4 891701631 +280 172 3 891700768 +280 173 3 891700453 +280 174 3 891700588 +280 176 3 891700426 +280 180 4 891700453 +280 181 3 891701248 +280 182 3 891700276 +280 183 3 891700588 +280 195 3 891700303 +280 197 2 891700836 +280 200 5 891702544 +280 202 3 891701090 +280 203 4 891701530 +280 204 3 891700643 +280 210 2 891700385 +280 215 3 891701723 +280 216 5 891701685 +280 217 3 891701832 +280 218 4 891701474 +280 219 2 891702199 +280 220 5 891700426 +280 222 3 891700624 +280 225 4 891701974 +280 226 3 891701998 +280 227 3 891702153 +280 228 3 891701405 +280 229 3 891702171 +280 230 3 891702153 +280 231 3 891701974 +280 232 3 891701649 +280 233 4 891702049 +280 234 3 891700803 +280 235 5 891701649 +280 237 3 891700624 +280 239 3 891701344 +280 241 2 891700945 +280 245 3 891700185 +280 265 4 891700588 +280 274 5 891701188 +280 276 5 891700664 +280 282 3 891700426 +280 284 3 891701090 +280 286 4 891700185 +280 288 5 891700184 +280 294 2 891700021 +280 313 3 891699839 +280 315 5 891700184 +280 316 5 891700184 +280 318 5 891700607 +280 322 4 891700185 +280 323 2 891700106 +280 324 5 891700185 +280 364 3 891702291 +280 367 5 891701002 +280 379 5 891702171 +280 380 2 891700226 +280 381 3 891700925 +280 384 4 891702137 +280 385 5 891702544 +280 387 4 891701974 +280 388 2 891702486 +280 389 5 891701913 +280 392 5 891701328 +280 393 4 891702323 +280 402 4 891701249 +280 403 3 891701506 +280 404 3 891701114 +280 405 2 891700963 +280 409 3 891702441 +280 411 3 891701871 +280 416 5 891701666 +280 419 3 891701047 +280 420 3 891701816 +280 423 5 891700276 +280 431 4 891701531 +280 448 3 891701765 +280 449 3 891702324 +280 451 5 891701377 +280 452 2 891702387 +280 465 3 891701148 +280 468 4 891702028 +280 471 3 891700553 +280 476 5 891702544 +280 483 4 891701066 +280 486 5 891700751 +280 496 5 891700321 +280 499 4 891700496 +280 507 3 891700682 +280 527 5 891700768 +280 528 3 891700553 +280 538 5 891700185 +280 542 3 891702199 +280 544 4 891701302 +280 546 4 891702252 +280 550 2 891701764 +280 554 1 891701998 +280 559 3 891701583 +280 566 4 891701188 +280 568 2 891701047 +280 571 3 891702338 +280 575 2 891702422 +280 576 3 891702276 +280 584 4 891701223 +280 585 3 891702441 +280 586 4 891701871 +280 588 5 891700803 +280 595 3 891701666 +280 609 4 891701278 +280 619 4 891701913 +280 629 4 891701852 +280 655 3 891700400 +280 660 5 891701114 +280 663 4 891700783 +280 670 2 891702485 +280 673 4 891701223 +280 678 2 891700124 +280 690 2 891699964 +280 692 3 891700983 +280 693 3 891701027 +280 697 5 891701506 +280 699 4 891700341 +280 715 2 891700945 +280 722 3 891702122 +280 723 5 891701853 +280 725 3 891702387 +280 728 3 891701614 +280 729 2 891700963 +280 731 3 891702049 +280 735 2 891700475 +280 736 2 891700341 +280 739 3 891701359 +280 742 4 891701249 +280 746 4 891701148 +280 748 2 891700080 +280 750 5 891700185 +280 751 3 891699925 +280 755 2 891701278 +280 756 4 891701649 +280 764 4 891701685 +280 765 4 891701816 +280 769 3 891702441 +280 771 3 891702122 +280 780 4 891701897 +280 790 4 891702013 +280 866 3 891701997 +280 925 4 891701723 +280 928 5 891700850 +280 934 2 891702291 +280 942 5 891701431 +280 946 4 891701027 +280 975 4 891702252 +280 977 3 891701723 +280 1015 3 891701631 +280 1028 5 891702276 +280 1035 4 891701785 +280 1041 5 891702544 +280 1047 3 891701897 +280 1048 4 891701002 +280 1051 4 891700904 +280 1060 3 891701278 +280 1063 3 891700607 +280 1066 4 891701928 +280 1099 5 891701114 +280 1112 4 891702324 +280 1114 4 891702199 +280 1133 3 891700242 +280 1168 5 891702544 +280 1181 2 891700496 +280 1182 3 891702214 +280 1207 4 891701998 +280 1217 5 891702544 +280 1221 5 891701944 +280 1297 4 891702230 +280 1313 5 891700184 +280 1401 5 891700881 +280 1459 4 891701747 +280 1466 5 891700836 +280 1473 3 891700904 +280 1478 4 891701090 +280 1479 3 891702457 +281 259 3 881200789 +281 271 5 881200457 +281 289 3 881200704 +281 294 3 881200643 +281 300 4 881200643 +281 301 3 881200643 +281 304 5 881200745 +281 308 1 881200297 +281 310 4 881200264 +281 323 3 881200789 +281 326 1 881200491 +281 331 3 881200491 +281 333 3 881200457 +281 342 1 881200789 +281 690 5 881200264 +281 748 5 881200745 +282 262 4 879949417 +282 268 4 879949438 +282 300 3 879949438 +282 305 4 879949347 +282 319 4 879949394 +282 333 3 879949394 +282 340 3 879949394 +282 343 4 881702939 +282 358 3 879949594 +282 689 2 881703044 +282 879 2 879949504 +282 890 4 879949468 +283 21 3 879297867 +283 49 4 879298333 +283 50 5 879297134 +283 56 5 879298206 +283 71 4 879297965 +283 91 5 879297965 +283 95 5 879297965 +283 100 4 879297160 +283 109 4 879297237 +283 125 5 879297347 +283 151 4 879297318 +283 168 5 879298206 +283 173 5 879298206 +283 175 4 879298270 +283 194 4 879298295 +283 202 5 879298206 +283 204 4 879298239 +283 208 5 879298239 +283 209 4 879298271 +283 210 5 879298206 +283 211 4 879298271 +283 216 4 879298206 +283 238 5 879298295 +283 288 2 879297867 +283 291 2 879297867 +283 294 4 879297013 +283 393 4 879298295 +283 407 3 879297867 +283 409 4 879297442 +283 412 5 879297526 +283 433 4 879298333 +283 435 5 879298206 +283 455 4 879297707 +283 625 3 879298007 +283 659 5 879298239 +283 676 3 879297867 +283 709 5 879298206 +283 732 4 879298239 +283 820 4 879297904 +283 866 3 879297867 +283 1009 3 879297867 +283 1079 4 879297526 +283 1487 2 879297867 +284 262 4 885328836 +284 268 5 885329065 +284 270 3 885328906 +284 272 5 885328727 +284 286 4 885328727 +284 289 3 885329671 +284 300 3 885329395 +284 301 5 885329593 +284 302 4 885328906 +284 303 5 885328991 +284 306 4 885329146 +284 307 4 885329322 +284 310 3 885328991 +284 315 5 885329593 +284 319 3 885329238 +284 324 3 885329468 +284 328 4 885329322 +284 332 3 885329593 +284 333 3 885329146 +284 334 3 885329468 +284 340 4 885328991 +284 344 4 885329593 +284 345 4 885328728 +284 346 4 885329065 +284 347 5 885328727 +284 539 2 885329821 +284 687 3 885329902 +284 690 3 885329468 +284 748 3 885329671 +284 750 3 885328906 +284 751 3 885329322 +284 754 3 885329065 +284 877 2 885329395 +284 887 4 885328906 +284 900 4 885328991 +284 903 4 885329238 +284 938 3 885329821 +285 64 3 890595777 +285 100 4 890595636 +285 183 4 890595859 +285 185 3 890595859 +285 194 4 890595777 +285 198 5 890595900 +285 205 4 890595900 +285 222 4 890595636 +285 237 4 890595636 +285 258 2 890595408 +285 270 4 890595456 +285 276 4 890595726 +285 286 3 890595584 +285 300 4 890595584 +285 302 5 890595313 +285 319 3 890595523 +285 346 4 890595456 +285 357 5 890595777 +285 455 4 890595726 +285 514 3 890595859 +285 682 4 890595524 +285 902 4 890595584 +286 1 4 876521699 +286 3 2 876522316 +286 4 5 877531899 +286 7 4 875807003 +286 11 5 877531975 +286 13 2 876521933 +286 14 4 875807003 +286 16 3 876521809 +286 17 4 877531537 +286 20 4 876521858 +286 22 4 877532889 +286 25 3 875807003 +286 29 2 877533586 +286 34 5 877534701 +286 40 4 877534824 +286 41 2 877535323 +286 42 4 877533698 +286 44 3 877532173 +286 47 4 877532419 +286 50 4 875806869 +286 53 2 877533506 +286 55 4 877531574 +286 56 2 877531469 +286 57 5 877533419 +286 66 4 877533586 +286 70 5 877531975 +286 72 4 877534025 +286 73 5 877532965 +286 77 3 877533001 +286 81 3 889652601 +286 82 3 889651605 +286 83 5 877531975 +286 85 5 877533224 +286 88 4 877533640 +286 89 4 877533381 +286 90 4 877533224 +286 91 4 877532470 +286 95 5 877531407 +286 96 4 877532385 +286 97 4 877533101 +286 100 3 876521650 +286 101 5 877532204 +286 107 1 875807043 +286 111 5 876521858 +286 116 5 875806888 +286 117 2 876521650 +286 121 3 876522166 +286 123 5 876521586 +286 125 4 876521650 +286 127 4 877530570 +286 132 5 877531791 +286 133 4 877531730 +286 137 4 884203281 +286 139 3 889653012 +286 142 4 877534793 +286 144 3 877531434 +286 147 5 876522114 +286 151 5 875806800 +286 154 4 877533381 +286 155 4 877533640 +286 158 3 877533472 +286 161 2 877533419 +286 164 3 877533586 +286 167 5 877533419 +286 168 4 877531760 +286 169 3 877533101 +286 172 4 889651549 +286 173 4 877531407 +286 174 4 877531537 +286 175 5 877532470 +286 176 4 878142001 +286 179 5 889651822 +286 181 3 875807043 +286 183 4 877531864 +286 184 3 877534506 +286 186 5 877534903 +286 189 3 877533296 +286 191 4 877531407 +286 195 4 877534618 +286 196 4 877533543 +286 198 4 877533887 +286 202 4 877532204 +286 204 3 877531941 +286 209 4 877531691 +286 210 5 877535208 +286 211 4 879781579 +286 212 1 877531830 +286 214 1 889651605 +286 215 3 889651630 +286 216 4 877532013 +286 217 3 877533447 +286 224 5 889651549 +286 228 3 889651576 +286 229 1 889652291 +286 231 3 877532094 +286 232 4 877534701 +286 234 3 877532093 +286 235 4 875807003 +286 240 3 876521858 +286 248 5 875806800 +286 250 4 876521887 +286 251 5 876521678 +286 257 3 875806837 +286 258 4 877530390 +286 268 4 884069298 +286 269 5 879780839 +286 272 5 884069298 +286 274 2 876521917 +286 275 4 875807074 +286 277 4 875807003 +286 278 5 876521700 +286 280 4 876522097 +286 285 1 879781450 +286 289 5 875806672 +286 290 3 876522072 +286 298 4 875807004 +286 301 5 879780879 +286 309 5 884583549 +286 312 4 884069415 +286 315 5 889651138 +286 316 5 889651121 +286 325 1 889651253 +286 329 4 886475961 +286 330 5 884069544 +286 336 5 884069544 +286 339 5 884583549 +286 340 4 879780905 +286 341 5 884069544 +286 345 4 884069337 +286 348 4 889651179 +286 354 4 889651029 +286 367 5 877531574 +286 372 4 877532683 +286 381 5 877532965 +286 382 5 877531830 +286 386 3 877534975 +286 390 1 889652378 +286 393 4 877534481 +286 394 5 877534771 +286 396 4 877534414 +286 401 1 877535446 +286 402 3 877534216 +286 403 5 877533543 +286 404 5 889651799 +286 405 3 876522150 +286 408 4 875806800 +286 411 2 876522133 +286 413 3 877531226 +286 417 3 877533993 +286 419 5 889651990 +286 421 1 889651848 +286 423 4 877532385 +286 425 2 877532013 +286 428 5 877532303 +286 431 5 889651822 +286 432 3 878141681 +286 433 5 877531537 +286 451 5 877533993 +286 455 1 889652378 +286 461 2 877532930 +286 462 5 877531537 +286 465 5 889651698 +286 472 3 876522340 +286 473 3 875806918 +286 475 4 875807074 +286 476 4 876521993 +286 477 3 876521773 +286 483 5 877531661 +286 512 2 877533101 +286 527 4 877531407 +286 535 5 875806918 +286 537 4 889651402 +286 546 1 876521835 +286 552 3 877535072 +286 554 4 877535014 +286 559 4 877534081 +286 569 4 877534313 +286 574 4 877534137 +286 577 2 877535500 +286 588 5 877532131 +286 596 3 875806869 +286 597 3 876522360 +286 628 4 875806800 +286 629 5 877531661 +286 636 3 877533185 +286 640 5 877531830 +286 642 3 877531498 +286 652 4 877531899 +286 655 3 889651746 +286 658 5 877533543 +286 683 5 884583549 +286 689 5 884583549 +286 703 2 889651672 +286 704 2 877531941 +286 707 5 877531975 +286 709 4 877532748 +286 710 4 889651672 +286 721 3 877532329 +286 724 3 877532013 +286 728 3 889652740 +286 732 5 877531899 +286 734 2 877534618 +286 737 4 877532419 +286 738 5 877534903 +286 739 3 877532683 +286 741 4 876521887 +286 742 5 877530860 +286 746 4 877533058 +286 747 4 877533796 +286 749 3 889651060 +286 761 4 877533640 +286 762 2 876522008 +286 763 2 876521809 +286 766 3 877533724 +286 768 3 889652968 +286 771 2 877535119 +286 778 5 877534025 +286 781 4 877532777 +286 790 1 877535208 +286 792 3 877532230 +286 800 5 877534528 +286 805 3 878141931 +286 815 3 876521966 +286 818 2 877531281 +286 819 3 876521835 +286 821 4 877534550 +286 824 1 876522200 +286 856 2 877533698 +286 881 5 884583549 +286 883 5 884069544 +286 884 5 884069544 +286 888 5 884583549 +286 906 5 884069544 +286 924 4 876521773 +286 929 4 876522098 +286 930 2 876522240 +286 931 4 876522340 +286 934 3 889653107 +286 946 3 889652221 +286 949 4 877534859 +286 952 2 875807043 +286 955 5 877533914 +286 969 5 878142001 +286 988 3 875806722 +286 993 2 875807043 +286 1035 3 877532094 +286 1038 5 884583549 +286 1039 5 877531730 +286 1047 1 876522026 +286 1051 4 876522261 +286 1053 4 877532093 +286 1060 5 889652989 +286 1074 4 889652912 +286 1075 5 877532385 +286 1079 3 876522240 +286 1091 4 877534859 +286 1101 5 877532715 +286 1105 5 884583549 +286 1113 3 877534107 +286 1118 1 889652989 +286 1119 3 877534054 +286 1133 4 877534137 +286 1140 3 877533586 +286 1182 2 877535288 +286 1194 4 877533640 +286 1202 3 876522185 +286 1230 1 877535157 +286 1239 3 877535344 +286 1265 5 884069544 +286 1280 5 884069544 +286 1286 5 877532683 +286 1288 4 876522114 +286 1316 5 884583549 +286 1375 5 889651445 +286 1411 2 877535425 +286 1502 2 877535499 +286 1503 3 877534107 +286 1504 4 877534903 +287 4 4 875336652 +287 9 5 875334089 +287 28 5 875335018 +287 39 5 875336652 +287 50 5 875334271 +287 64 5 875336775 +287 92 4 875334896 +287 98 4 875334759 +287 100 5 888177364 +287 108 4 875334519 +287 111 3 875334126 +287 117 5 875334405 +287 121 4 875334494 +287 156 5 875336804 +287 168 5 875335190 +287 181 3 875333964 +287 200 4 875335237 +287 201 5 875334962 +287 208 4 875334896 +287 218 5 875335424 +287 222 5 875334224 +287 235 4 875334248 +287 237 5 875334151 +287 240 2 875334454 +287 246 4 875333964 +287 248 5 875333965 +287 250 3 875334060 +287 268 4 888177170 +287 276 4 875334126 +287 291 5 888177402 +287 298 4 875333965 +287 301 3 875333873 +287 313 4 888177170 +287 340 5 888177097 +287 346 5 888177040 +287 426 3 875336743 +287 461 5 875336652 +287 476 1 875334340 +287 546 4 875334271 +287 591 5 875334293 +287 652 4 875335018 +287 682 4 888177213 +287 710 4 875334807 +287 742 3 875334196 +287 748 4 875333873 +287 815 3 875334248 +287 845 5 875334587 +287 895 2 888177213 +287 941 3 875335424 +287 952 4 875334036 +287 1016 5 875334430 +287 1067 2 875334036 +288 12 4 886374130 +288 13 5 886892241 +288 15 4 886892177 +288 22 5 886374286 +288 50 4 886374520 +288 64 5 886374365 +288 69 5 886373426 +288 97 4 886629750 +288 98 5 886373474 +288 100 5 886629749 +288 121 2 886893063 +288 134 2 886374129 +288 136 5 886374316 +288 157 4 886373619 +288 173 3 886373474 +288 174 4 886374286 +288 175 1 886629664 +288 176 4 886373565 +288 177 3 886629528 +288 178 5 886374342 +288 180 5 886373474 +288 182 4 886374497 +288 190 1 886374286 +288 197 5 889225574 +288 199 4 886629592 +288 202 5 889225535 +288 205 5 889225443 +288 210 3 886373509 +288 211 5 886374473 +288 214 2 886374316 +288 216 4 886629592 +288 223 3 886374497 +288 230 2 886629664 +288 234 4 886374473 +288 237 4 886892195 +288 258 4 886372882 +288 268 4 886372812 +288 269 5 886373071 +288 276 4 886892127 +288 286 4 886372862 +288 289 3 886372937 +288 294 2 886372841 +288 300 5 886372155 +288 317 4 886374497 +288 318 4 886374316 +288 327 1 886373007 +288 340 5 886372155 +288 345 5 886372155 +288 346 5 886372155 +288 357 5 886373591 +288 427 5 886374342 +288 435 4 889225633 +288 511 4 886373509 +288 515 4 886373591 +288 520 5 886374497 +288 528 4 886374286 +288 544 5 886892241 +288 632 4 886373591 +288 651 4 886374342 +288 688 1 886373007 +288 880 1 886373007 +288 887 5 886372155 +288 900 5 886372155 +288 1065 4 886373474 +288 1358 5 886892241 +289 15 3 876789581 +289 21 1 876790499 +289 109 3 876789628 +289 117 4 876789514 +289 121 3 876789736 +289 125 2 876789373 +289 147 3 876789581 +289 151 2 876790499 +289 222 2 876789463 +289 254 1 876790734 +289 363 3 876790653 +289 405 2 876790576 +289 455 4 876790464 +289 471 4 876789373 +289 477 2 876790323 +289 742 4 876789463 +289 926 3 876790611 +290 1 5 880474327 +290 15 4 880474494 +290 21 3 880475695 +290 22 5 880473942 +290 28 5 880474235 +290 31 4 880475032 +290 43 3 880475783 +290 49 3 880475542 +290 54 3 880475218 +290 62 2 880473583 +290 64 4 880474034 +290 66 4 880731963 +290 69 4 880473696 +290 71 5 880473667 +290 89 3 880473971 +290 91 2 880474451 +290 95 4 880474590 +290 97 3 880475016 +290 98 4 880474235 +290 99 4 880473918 +290 102 3 880475585 +290 105 2 880732753 +290 109 3 880475564 +290 117 3 880474799 +290 118 4 880731896 +290 120 4 880732712 +290 121 4 880475266 +290 125 3 880475245 +290 133 3 880473735 +290 135 4 880474510 +290 136 4 880474367 +290 139 2 880475420 +290 141 4 880474740 +290 144 3 880473802 +290 151 2 880474835 +290 153 3 880475310 +290 158 5 880474977 +290 162 3 880474107 +290 164 4 880474010 +290 167 2 880475807 +290 168 3 880474204 +290 172 5 880474141 +290 174 5 880473891 +290 176 4 880473971 +290 180 1 880474913 +290 181 5 880473696 +290 183 4 880474054 +290 191 3 880474235 +290 193 4 880473802 +290 196 4 880474293 +290 199 3 880474799 +290 202 4 880474590 +290 204 4 880473696 +290 205 3 880473777 +290 210 5 880474716 +290 211 3 880474235 +290 216 4 880475218 +290 218 2 880475542 +290 227 2 880473557 +290 228 4 880473556 +290 229 3 880473557 +290 230 4 880473557 +290 234 3 880474451 +290 235 3 880474451 +290 239 2 880474451 +290 243 3 880473474 +290 252 3 880732575 +290 257 4 880731518 +290 265 4 880475371 +290 271 3 880473557 +290 274 4 880731874 +290 318 4 880473776 +290 323 3 880473346 +290 357 3 880474107 +290 378 3 880475169 +290 380 3 880731766 +290 385 4 880474716 +290 402 4 880474422 +290 403 2 880475542 +290 404 3 880475341 +290 405 2 880732365 +290 418 3 880474293 +290 419 4 880474235 +290 423 5 880474422 +290 429 4 880474606 +290 432 5 880474590 +290 434 4 880474422 +290 435 3 880473802 +290 436 2 880475469 +290 449 1 880473557 +290 450 2 880473557 +290 465 3 880474799 +290 472 4 880475495 +290 473 1 880475420 +290 474 3 880474204 +290 476 3 880475837 +290 483 5 880473845 +290 484 3 880474174 +290 496 4 880474156 +290 498 4 880473777 +290 515 3 880473918 +290 520 3 880473734 +290 523 3 880473735 +290 527 4 880474590 +290 546 2 880475564 +290 550 3 880475807 +290 566 3 880474388 +290 588 4 880474652 +290 596 4 880474141 +290 622 3 880474204 +290 625 4 880475782 +290 629 3 880474716 +290 650 2 880475625 +290 651 3 880474034 +290 683 2 880473415 +290 685 3 880732365 +290 692 5 880474293 +290 699 3 880473735 +290 720 3 880475695 +290 732 4 880473777 +290 739 3 880475757 +290 742 2 880475310 +290 755 4 880475218 +290 809 4 880475664 +290 818 3 880732656 +290 825 3 880732508 +290 826 2 880732271 +290 832 3 880732491 +290 926 3 880732538 +290 930 3 880732131 +290 993 4 880473630 +290 1013 2 880732131 +290 1028 3 880732365 +290 1035 4 880475782 +290 1047 4 880475757 +290 1060 3 880732271 +290 1079 2 880732771 +290 1091 2 880475735 +290 1285 3 880475565 +290 1336 3 880733010 +291 1 5 874834481 +291 3 3 874833936 +291 4 4 874835062 +291 5 5 874834799 +291 7 5 874834481 +291 8 4 874871766 +291 9 5 874805804 +291 11 4 874835024 +291 12 5 874834701 +291 17 4 874834850 +291 21 2 874834389 +291 22 5 874835062 +291 24 5 874834481 +291 27 3 874835024 +291 28 4 875086920 +291 31 4 874834768 +291 33 4 874834850 +291 38 3 874834914 +291 41 4 875086636 +291 46 4 874868045 +291 48 5 874868027 +291 49 4 875086090 +291 50 5 874805860 +291 53 5 874834827 +291 54 4 874834963 +291 55 4 874834735 +291 56 5 874834701 +291 64 5 874867994 +291 66 4 875086185 +291 67 4 875086308 +291 69 5 874868146 +291 70 4 874868146 +291 71 4 875086887 +291 72 4 875086090 +291 77 4 874834799 +291 79 5 874834799 +291 82 4 874835116 +291 84 3 874868327 +291 85 2 874877699 +291 89 3 874835116 +291 90 5 874871800 +291 92 4 874835091 +291 93 4 874805927 +291 94 2 875086354 +291 95 4 875086921 +291 96 4 874835062 +291 97 4 875087264 +291 98 5 874834701 +291 99 4 875086887 +291 100 5 874834481 +291 101 4 875087198 +291 106 4 874805958 +291 117 5 874834481 +291 121 2 874805984 +291 122 3 874834289 +291 123 4 874806006 +291 124 5 874834481 +291 125 4 874834019 +291 128 4 874835062 +291 129 5 874805699 +291 140 4 875086887 +291 143 3 875086921 +291 147 4 874805768 +291 151 5 874833668 +291 153 4 874871736 +291 154 4 875086185 +291 155 3 875087371 +291 156 5 874834768 +291 158 2 875086208 +291 159 4 875087488 +291 164 4 874834875 +291 168 5 874871800 +291 172 5 874835062 +291 173 5 874871800 +291 174 5 874835062 +291 175 2 874867966 +291 179 5 874868255 +291 181 5 874805804 +291 184 4 874835198 +291 188 3 874835198 +291 195 4 874835165 +291 200 4 874867740 +291 202 4 874871736 +291 204 4 874871736 +291 210 5 875086491 +291 212 4 874868027 +291 214 4 874868146 +291 215 4 874868382 +291 218 4 874834799 +291 219 4 874867785 +291 223 5 874867912 +291 226 5 874834895 +291 231 3 874835024 +291 232 4 874835198 +291 234 4 874834735 +291 235 2 874805860 +291 236 4 874834128 +291 237 4 874805668 +291 238 5 874871736 +291 240 4 874833726 +291 244 2 874805927 +291 245 2 874805577 +291 246 5 874834481 +291 249 4 874805893 +291 250 4 874805927 +291 262 4 874833603 +291 273 3 874833705 +291 282 4 874833788 +291 284 4 874833687 +291 285 4 874833746 +291 288 5 874805453 +291 290 4 874834001 +291 291 5 874834054 +291 293 5 874833668 +291 294 5 874834481 +291 324 1 874805453 +291 325 4 874805610 +291 356 4 874834875 +291 364 3 875086699 +291 365 3 874871570 +291 366 3 874868255 +291 367 4 874871800 +291 369 3 874834388 +291 375 1 874868791 +291 379 3 874834827 +291 383 2 875086699 +291 384 4 875086562 +291 385 4 874835141 +291 391 1 874835242 +291 393 3 875086235 +291 395 3 875086534 +291 396 4 874867757 +291 401 4 875086766 +291 402 4 874871498 +291 403 4 874835165 +291 404 4 875086958 +291 405 4 874805984 +291 410 5 874834481 +291 411 4 874834220 +291 412 3 875086669 +291 413 4 874834054 +291 416 4 875087100 +291 417 4 875086958 +291 420 4 875086991 +291 421 4 875087352 +291 423 4 874868210 +291 427 4 874868304 +291 428 5 874871766 +291 448 5 874867741 +291 455 5 874805958 +291 456 3 874834165 +291 460 5 874834254 +291 466 5 874834768 +291 469 5 874867912 +291 470 3 874834768 +291 471 4 874833746 +291 475 5 874805699 +291 496 5 875088191 +291 501 4 875087100 +291 508 5 874805892 +291 540 3 874835141 +291 546 3 874805958 +291 550 4 874835218 +291 551 2 874867824 +291 552 3 874834963 +291 555 1 874868629 +291 558 4 874867757 +291 562 4 874835242 +291 563 3 874867824 +291 565 2 874867852 +291 566 4 874834799 +291 567 5 874867786 +291 568 4 874835141 +291 569 3 874868580 +291 571 2 875086608 +291 572 3 874834944 +291 573 4 874834944 +291 574 1 875087656 +291 575 2 875086699 +291 576 4 874835198 +291 577 1 875086669 +291 578 4 874835242 +291 581 5 874834827 +291 582 4 875087720 +291 588 4 875086920 +291 592 3 874834895 +291 597 3 874833857 +291 619 3 874805927 +291 627 4 875086991 +291 631 5 874871479 +291 636 4 874834799 +291 655 4 874868629 +291 670 5 874867785 +291 672 3 874867741 +291 685 5 874834254 +291 706 3 874867785 +291 715 5 874868327 +291 717 3 874834388 +291 722 4 875086460 +291 729 4 874871442 +291 732 4 874868097 +291 735 4 874868027 +291 739 3 875087334 +291 741 5 874834481 +291 742 3 874805927 +291 747 4 875087290 +291 755 2 875086958 +291 756 3 874833878 +291 760 2 874834037 +291 761 3 874834914 +291 763 4 874833841 +291 769 1 875087673 +291 770 4 874834799 +291 772 4 874868169 +291 773 3 874834827 +291 774 3 874867852 +291 780 5 875086636 +291 783 2 875087432 +291 785 4 875086308 +291 790 4 875086699 +291 794 4 875087334 +291 798 4 874871655 +291 800 2 874834944 +291 801 3 875086766 +291 816 3 874867852 +291 820 4 875087125 +291 823 3 874833936 +291 824 4 874833962 +291 825 4 874833983 +291 829 2 874834308 +291 833 3 874834236 +291 834 3 874834358 +291 844 5 874805804 +291 924 4 874833962 +291 928 2 874834389 +291 933 4 874833936 +291 939 4 874834768 +291 940 3 875086608 +291 941 4 874868284 +291 943 4 874834735 +291 946 4 875086887 +291 974 1 874833962 +291 975 2 874834146 +291 977 2 874834071 +291 985 3 874805984 +291 998 1 875086728 +291 1012 4 874805892 +291 1017 4 874833911 +291 1028 3 875086561 +291 1046 4 874834875 +291 1047 2 874834165 +291 1059 4 874834345 +291 1067 4 874805892 +291 1073 5 874834701 +291 1077 4 874834963 +291 1078 4 875086920 +291 1079 2 875086608 +291 1083 3 874834876 +291 1090 2 875087634 +291 1098 4 875086330 +291 1109 4 874834768 +291 1139 3 874871671 +291 1157 3 874834944 +291 1188 4 874835165 +291 1206 3 874871551 +291 1209 1 875086308 +291 1210 4 875087656 +291 1213 3 874871655 +291 1215 1 874834184 +291 1217 3 874834850 +291 1219 4 875087221 +291 1220 5 874868382 +291 1229 2 874868027 +291 1239 2 874835279 +291 1244 4 874834345 +291 1248 4 875087634 +291 1253 3 874834944 +291 1273 2 875087634 +291 1277 4 874834019 +291 1303 3 874835279 +291 1305 3 875086766 +291 1376 3 874834323 +291 1471 3 874834914 +291 1478 2 874871585 +291 1489 2 875086766 +291 1505 4 874868647 +292 1 4 881104147 +292 2 4 881105778 +292 7 3 881104068 +292 10 5 881104606 +292 20 2 881104760 +292 24 4 881104481 +292 28 4 881105734 +292 48 5 881105318 +292 50 4 881103977 +292 56 5 881105373 +292 58 5 881105442 +292 64 5 881105373 +292 79 5 881103434 +292 83 5 881104360 +292 96 4 881103568 +292 98 5 881103758 +292 100 5 881103999 +292 111 4 881104606 +292 115 4 881104194 +292 117 4 881104606 +292 118 3 881104701 +292 124 4 881104147 +292 125 2 881104401 +292 127 5 881104268 +292 132 4 881105340 +292 135 4 881105701 +292 144 5 881105280 +292 150 4 881105135 +292 151 5 881104268 +292 153 4 881105587 +292 156 5 881105516 +292 165 4 881105657 +292 168 5 881105318 +292 169 5 881105625 +292 173 5 881103631 +292 176 5 881103478 +292 180 5 881103652 +292 181 4 881104068 +292 183 5 881103478 +292 190 5 881105625 +292 193 4 881105734 +292 194 4 881105442 +292 197 5 881105246 +292 199 5 881105481 +292 203 4 881105442 +292 207 5 881105561 +292 209 5 881103874 +292 214 3 881105701 +292 222 3 881105195 +292 223 5 881105516 +292 226 4 881105281 +292 228 5 881105211 +292 234 5 881105245 +292 235 3 881104797 +292 248 4 881103999 +292 249 3 881104820 +292 250 3 881104679 +292 252 3 881104881 +292 264 3 877628138 +292 265 4 881105587 +292 282 4 881104661 +292 285 4 881103896 +292 288 3 877560833 +292 298 4 881103977 +292 300 4 877628139 +292 320 5 881105373 +292 324 3 881104533 +292 331 5 877560833 +292 343 2 881103478 +292 405 3 881104820 +292 408 4 881104068 +292 419 4 881105657 +292 423 5 881105625 +292 429 5 881105587 +292 462 3 881105657 +292 472 3 881104760 +292 475 5 881103896 +292 479 4 881105516 +292 482 5 881103606 +292 483 5 881105442 +292 484 5 881105625 +292 486 4 881105246 +292 488 5 881105657 +292 491 4 881105318 +292 492 4 881105318 +292 499 5 881105245 +292 510 4 881104093 +292 511 5 881105373 +292 523 4 881105561 +292 525 5 881105701 +292 528 5 881105657 +292 535 3 881105031 +292 602 4 881105481 +292 603 5 881105318 +292 607 4 881105625 +292 628 3 881105123 +292 631 5 881105778 +292 653 4 881105442 +292 654 5 881105481 +292 657 5 881103711 +292 659 5 881105340 +292 665 3 881103478 +292 705 4 881105374 +292 748 3 877718776 +292 789 4 881105701 +292 844 5 881104481 +292 855 5 881105373 +292 919 5 881103508 +292 1010 4 881104581 +292 1014 3 881104424 +292 1039 4 881105778 +292 1050 4 881105778 +292 1073 5 881105318 +292 1142 4 881104481 +293 1 2 888904861 +293 2 3 888907101 +293 3 2 888905399 +293 4 4 888906489 +293 7 3 888905062 +293 8 3 888905736 +293 11 3 888905898 +293 12 4 888905665 +293 14 3 888904985 +293 15 3 888904777 +293 16 2 888907499 +293 17 2 888907335 +293 22 3 888905819 +293 23 4 888905865 +293 25 3 888904696 +293 26 3 888907015 +293 27 3 888907753 +293 28 3 888906071 +293 29 1 888907499 +293 31 2 888906244 +293 33 2 888907433 +293 36 1 888908041 +293 38 1 888907981 +293 39 3 888906804 +293 45 5 888906315 +293 47 3 888907061 +293 48 5 888905819 +293 49 3 888907312 +293 50 5 888905519 +293 51 3 888907674 +293 53 3 888907891 +293 54 3 888907210 +293 55 4 888906096 +293 56 4 888905550 +293 62 1 888907624 +293 64 5 888905519 +293 65 3 888906945 +293 66 2 888906781 +293 67 3 888907575 +293 68 3 888906990 +293 69 3 888906576 +293 70 3 888907101 +293 71 4 888906905 +293 73 2 888906869 +293 76 3 888906824 +293 77 2 888907210 +293 79 3 888906045 +293 81 4 888906576 +293 82 4 888906402 +293 85 3 888906927 +293 87 4 888907015 +293 88 3 888907266 +293 89 5 888905582 +293 91 2 888907499 +293 92 4 888906071 +293 94 2 888908066 +293 96 3 888905519 +293 97 4 888905898 +293 98 4 888905898 +293 99 3 888906402 +293 100 4 888904734 +293 111 2 888905062 +293 117 3 888904696 +293 121 3 888905198 +293 122 3 888905399 +293 124 4 888904696 +293 125 2 888905086 +293 127 5 888904614 +293 129 3 888904814 +293 132 4 888905481 +293 133 3 888906045 +293 134 5 888905618 +293 139 3 888908088 +293 143 4 888906428 +293 144 4 888905819 +293 147 2 888905229 +293 148 1 888907015 +293 150 3 888904838 +293 151 4 888904927 +293 152 4 888905716 +293 153 4 888905948 +293 155 2 888907356 +293 156 4 888905948 +293 157 5 888905779 +293 158 2 888907603 +293 159 3 888907674 +293 160 4 888907036 +293 161 2 888907081 +293 162 3 888907312 +293 163 4 888907290 +293 164 4 888906598 +293 165 3 888905991 +293 166 3 888905520 +293 167 3 888907702 +293 168 4 888905716 +293 172 5 888905618 +293 173 5 888905550 +293 174 5 888905923 +293 175 2 888906244 +293 176 4 888906536 +293 177 4 888906193 +293 179 4 888905898 +293 180 5 888906428 +293 181 3 888904734 +293 182 5 888905481 +293 183 4 888906119 +293 185 5 888905840 +293 186 2 888906045 +293 187 3 888905865 +293 188 3 888906288 +293 192 5 888905582 +293 193 3 888905990 +293 194 4 888906045 +293 195 3 888906119 +293 196 4 888906012 +293 198 4 888906143 +293 199 5 888905582 +293 200 4 888906655 +293 202 3 888906490 +293 203 3 888906781 +293 204 3 888906012 +293 206 4 888907552 +293 208 3 888906071 +293 209 3 888905519 +293 210 3 888905665 +293 211 4 888906338 +293 213 3 888906905 +293 215 4 888906244 +293 216 4 888905990 +293 217 3 888907955 +293 218 2 888906168 +293 222 3 888904861 +293 223 4 888905990 +293 226 1 888906906 +293 227 2 888906990 +293 228 3 888906315 +293 229 2 888907726 +293 230 2 888907384 +293 232 2 888907384 +293 233 2 888907266 +293 234 5 888906726 +293 235 3 888905146 +293 237 3 888904696 +293 238 4 888906464 +293 239 3 888907166 +293 240 2 888905086 +293 245 3 888904265 +293 248 3 888904985 +293 250 3 888904862 +293 251 4 888904734 +293 252 2 888905086 +293 255 3 888905146 +293 257 2 888904696 +293 258 3 888904092 +293 264 3 888904392 +293 265 3 888906193 +293 272 4 888904180 +293 273 4 888904901 +293 275 3 888904696 +293 280 2 888905198 +293 282 2 888905170 +293 283 2 888904884 +293 284 2 888905122 +293 285 5 888904632 +293 286 3 888904265 +293 288 3 888904327 +293 290 2 888905198 +293 291 2 888905377 +293 293 4 888904795 +293 294 2 888904410 +293 297 4 888905034 +293 298 4 888904795 +293 300 2 888904004 +293 302 4 888904092 +293 303 4 888904220 +293 313 4 888904004 +293 315 3 888904513 +293 316 3 888904392 +293 317 4 888906193 +293 322 2 888904456 +293 325 2 888904353 +293 328 2 888904285 +293 346 3 888904004 +293 347 2 888904353 +293 356 3 888907955 +293 357 4 888905760 +293 366 2 888907981 +293 367 2 888906288 +293 371 2 888906906 +293 386 2 888908065 +293 393 3 888906906 +293 401 1 888907453 +293 402 2 888907702 +293 403 3 888906869 +293 404 4 888907122 +293 405 1 888905198 +293 410 2 888905034 +293 411 2 888905170 +293 412 1 888905377 +293 414 4 888906576 +293 416 4 888907575 +293 419 3 888906699 +293 420 4 888907356 +293 421 3 888906576 +293 425 4 888905923 +293 426 1 888907291 +293 427 4 888906288 +293 429 4 888906045 +293 430 3 888905716 +293 432 5 888906516 +293 433 3 888907407 +293 435 4 888906464 +293 436 3 888906990 +293 443 4 888906781 +293 445 4 888906315 +293 447 4 888907290 +293 451 3 888907245 +293 455 2 888905229 +293 460 3 888905005 +293 461 2 888905519 +293 462 4 888905819 +293 463 4 888906619 +293 464 3 888906927 +293 466 3 888906655 +293 467 4 888906263 +293 468 2 888906869 +293 469 4 888906378 +293 474 5 888905685 +293 479 4 888905923 +293 480 5 888905685 +293 482 4 888906096 +293 483 5 888905481 +293 484 5 888906217 +293 485 3 888905948 +293 491 4 888905923 +293 492 5 888906096 +293 496 5 888905840 +293 497 4 888906217 +293 501 4 888906378 +293 502 3 888906428 +293 503 4 888907145 +293 504 4 888905736 +293 506 5 888906428 +293 507 4 888905665 +293 509 3 888905948 +293 510 3 888905716 +293 513 5 888905990 +293 514 4 888906378 +293 518 5 888906489 +293 521 3 888906288 +293 527 4 888906598 +293 528 4 888906490 +293 531 4 888905642 +293 544 3 888905062 +293 546 1 888904927 +293 549 3 888907166 +293 550 1 888906781 +293 553 3 888907453 +293 554 1 888907794 +293 558 3 888906143 +293 559 2 888906168 +293 566 3 888907312 +293 568 4 888906489 +293 571 2 888908041 +293 572 2 888907931 +293 578 2 888907913 +293 582 4 888906536 +293 583 3 888908001 +293 588 3 888906748 +293 589 4 888906677 +293 591 3 888904712 +293 603 5 888905898 +293 605 3 888907702 +293 616 3 888907753 +293 619 1 888905229 +293 627 2 888906338 +293 628 3 888905004 +293 629 3 888907753 +293 632 3 888906464 +293 636 4 888906576 +293 637 3 888907186 +293 638 4 888906168 +293 642 3 888906804 +293 646 3 888906244 +293 647 5 888905760 +293 649 4 888906726 +293 651 3 888905865 +293 653 5 888906119 +293 654 5 888905760 +293 655 3 888905618 +293 657 4 888905582 +293 658 1 888907499 +293 660 2 888907433 +293 663 3 888906516 +293 665 2 888908117 +293 678 2 888904439 +293 679 2 888906699 +293 684 3 888905481 +293 686 3 888906869 +293 693 4 888906781 +293 696 2 888905229 +293 705 5 888906338 +293 708 3 888907527 +293 710 3 888907145 +293 712 2 888907603 +293 715 3 888907674 +293 720 1 888907674 +293 724 3 888907061 +293 729 2 888907145 +293 732 3 888906516 +293 739 2 888906804 +293 742 2 888904927 +293 746 3 888906748 +293 747 2 888905819 +293 748 2 888904327 +293 751 3 888904180 +293 761 2 888907981 +293 765 3 888907836 +293 779 1 888908066 +293 780 3 888907816 +293 781 2 888907644 +293 789 2 888906071 +293 804 1 888907816 +293 809 2 888908117 +293 810 1 888907674 +293 815 2 888905122 +293 820 2 888905306 +293 824 3 888905252 +293 831 3 888905286 +293 843 3 888907836 +293 845 2 888904838 +293 849 2 888907891 +293 856 3 888905686 +293 866 3 888905322 +293 871 1 888908066 +293 877 2 888904265 +293 895 3 888904410 +293 924 2 888904814 +293 931 1 888905252 +293 933 2 888905399 +293 939 2 888906516 +293 941 2 888907407 +293 942 4 888907210 +293 943 2 888906576 +293 955 2 888906464 +293 956 3 888906726 +293 977 2 888908088 +293 1011 3 888905146 +293 1016 2 888905086 +293 1017 3 888904862 +293 1018 3 888907552 +293 1041 2 888907674 +293 1042 3 888907575 +293 1044 2 888908117 +293 1046 1 888907061 +293 1048 3 888905034 +293 1057 2 888905229 +293 1098 2 888905519 +293 1101 3 888906677 +293 1119 1 888906655 +293 1132 3 888905416 +293 1135 3 888907575 +293 1147 4 888907081 +293 1161 2 888905062 +293 1208 3 888906990 +293 1209 2 888908117 +293 1217 1 888907913 +293 1220 2 888907552 +293 1226 3 888905198 +293 1228 1 888908041 +293 1229 1 888907210 +293 1248 2 888907527 +293 1264 3 888905582 +293 1286 4 888906844 +293 1298 3 888906045 +293 1311 3 888907603 +293 1333 4 888905618 +293 1421 2 888907794 +294 1 5 877819634 +294 7 4 877819563 +294 10 3 877819490 +294 21 3 877819897 +294 24 4 877819761 +294 50 5 877819353 +294 79 4 889854323 +294 93 4 877819713 +294 100 4 877819265 +294 105 3 889242660 +294 111 4 877819999 +294 117 4 877819634 +294 118 3 877819941 +294 120 2 889242937 +294 121 5 877819714 +294 122 3 889242661 +294 123 4 877819634 +294 125 3 877820272 +294 147 4 877819845 +294 148 3 877820155 +294 151 5 877819761 +294 181 5 877819532 +294 222 4 877819353 +294 235 3 877819532 +294 237 4 889242035 +294 240 3 877820294 +294 245 3 877818982 +294 246 4 889241864 +294 248 5 877819421 +294 249 5 877819941 +294 250 5 877819459 +294 252 4 877820240 +294 254 3 889242937 +294 255 3 889241958 +294 257 3 877819599 +294 258 3 877818457 +294 260 4 877819126 +294 264 2 877819090 +294 268 4 889241426 +294 269 5 877818457 +294 273 3 877819421 +294 276 4 877819421 +294 281 3 889242035 +294 286 5 877818457 +294 288 5 877818729 +294 291 2 889242469 +294 293 4 877819897 +294 294 4 877818860 +294 295 4 877820132 +294 298 5 877819265 +294 299 3 877818982 +294 300 4 877818861 +294 301 4 877818915 +294 307 3 889241466 +294 313 5 889241339 +294 322 1 889243393 +294 323 3 877818729 +294 324 4 877818729 +294 325 3 877818861 +294 327 3 877818982 +294 328 4 877818982 +294 331 4 877818580 +294 332 3 877818915 +294 333 4 877818861 +294 334 4 877818861 +294 340 4 889241280 +294 342 3 889241466 +294 343 4 889241511 +294 346 3 889241377 +294 347 5 889241377 +294 350 4 889241426 +294 354 3 889241377 +294 355 4 889241426 +294 358 2 877818861 +294 363 1 889243393 +294 405 4 877819761 +294 406 2 877819941 +294 410 4 877819897 +294 411 3 889242589 +294 413 3 889242166 +294 455 3 877819490 +294 471 4 877820189 +294 472 3 889242370 +294 475 5 877819310 +294 476 3 877819792 +294 483 4 889854323 +294 515 5 889242081 +294 520 5 889854323 +294 535 4 877820240 +294 538 5 889241562 +294 539 4 889241707 +294 544 4 877819673 +294 546 4 877819761 +294 547 3 877819972 +294 597 3 889242306 +294 603 5 889854323 +294 619 3 877820328 +294 678 2 877818861 +294 682 3 889241486 +294 689 3 889241579 +294 742 4 877819634 +294 743 2 889242905 +294 748 3 877818861 +294 749 3 877818915 +294 751 4 889241309 +294 752 3 889241377 +294 823 3 877820190 +294 825 3 877820272 +294 826 1 889243393 +294 827 1 889243393 +294 829 3 889242788 +294 831 3 889242542 +294 840 3 889242516 +294 872 4 877818580 +294 876 3 889241633 +294 879 4 877818580 +294 881 3 889241707 +294 895 4 889241309 +294 902 4 891404417 +294 926 3 877819713 +294 928 3 889242468 +294 979 3 877819897 +294 986 3 889242810 +294 1007 4 877819761 +294 1011 2 889242370 +294 1012 4 877819792 +294 1013 2 889242788 +294 1014 2 889242306 +294 1016 4 877820189 +294 1028 3 877819897 +294 1047 3 877820240 +294 1067 4 877819421 +294 1079 2 889242624 +294 1081 3 889242328 +294 1088 1 889243393 +294 1089 2 877820132 +294 1132 4 889242788 +294 1134 3 877819761 +294 1161 3 877819673 +294 1254 3 889242661 +295 1 4 879517580 +295 4 4 879518568 +295 7 5 879518018 +295 11 4 879517062 +295 22 4 879517372 +295 25 5 879518042 +295 42 3 879517467 +295 43 4 879518107 +295 47 5 879518166 +295 50 5 879517540 +295 52 5 879966498 +295 53 1 879519528 +295 56 4 879517348 +295 60 5 879517492 +295 65 5 879517655 +295 67 4 879519042 +295 68 4 879518960 +295 69 5 879517911 +295 70 5 879517779 +295 71 5 879517822 +295 73 4 879519009 +295 79 4 879517600 +295 82 4 879518126 +295 83 5 879518257 +295 84 2 879518107 +295 86 5 879966498 +295 88 4 879517964 +295 89 5 879519555 +295 91 5 879519556 +295 94 4 879518339 +295 95 4 879518080 +295 96 1 879517299 +295 97 5 879517761 +295 98 5 879517193 +295 99 4 879517741 +295 100 5 879518080 +295 102 4 879518339 +295 105 4 879519473 +295 109 4 879517911 +295 115 5 879517135 +295 118 3 879518840 +295 121 4 879518455 +295 125 5 879518528 +295 132 5 879517348 +295 133 4 879517432 +295 134 5 879519556 +295 137 4 879517271 +295 142 4 879518590 +295 143 4 879517682 +295 144 4 879518166 +295 151 4 879517635 +295 153 5 879517324 +295 154 5 879517801 +295 155 4 879518715 +295 157 5 879966498 +295 158 4 879518932 +295 159 4 879518107 +295 161 4 879518430 +295 162 4 879517157 +295 164 5 879518395 +295 168 5 879517467 +295 173 5 879518257 +295 174 4 879517062 +295 181 4 879517860 +295 183 1 879517348 +295 186 5 879517512 +295 188 3 879518042 +295 191 5 879517033 +295 196 5 879966498 +295 202 5 879517943 +295 204 4 879517655 +295 208 5 879517157 +295 209 5 879518233 +295 210 4 879518378 +295 213 5 879517324 +295 215 5 879517247 +295 216 5 879517580 +295 217 4 879517705 +295 222 4 879517136 +295 226 4 879518166 +295 227 4 879517635 +295 228 4 879518414 +295 229 4 879519010 +295 230 4 879517271 +295 232 3 879518900 +295 237 4 879517994 +295 238 4 879517136 +295 241 5 879518800 +295 265 4 879518042 +295 290 4 879518630 +295 318 5 879517010 +295 357 4 879517136 +295 371 4 879518257 +295 378 4 879518233 +295 380 4 879518455 +295 381 5 879518528 +295 382 5 879519556 +295 385 4 879518864 +295 386 4 879519308 +295 389 4 879518298 +295 395 4 879519501 +295 401 3 879519390 +295 402 5 879518820 +295 403 4 879517762 +295 404 4 879518378 +295 405 5 879518319 +295 412 2 879519237 +295 414 4 879517157 +295 416 4 879518630 +295 417 5 879518474 +295 419 4 879518107 +295 420 4 879518233 +295 421 4 879517802 +295 423 4 879517372 +295 427 4 879517412 +295 431 5 879518233 +295 435 5 879519556 +295 449 4 879518864 +295 450 4 879519438 +295 451 4 879518864 +295 461 5 879966498 +295 465 4 879518630 +295 470 3 879518257 +295 483 5 879517348 +295 485 4 879517558 +295 493 5 879516961 +295 496 5 879517682 +295 497 5 879519556 +295 498 5 879519556 +295 504 4 879517299 +295 511 5 879516961 +295 513 4 879517492 +295 527 4 879517964 +295 546 4 879518780 +295 559 4 879518674 +295 561 5 879518696 +295 570 3 879518590 +295 582 5 879517721 +295 588 4 879517682 +295 602 5 879517247 +295 624 5 879518654 +295 629 5 879518780 +295 631 5 879966498 +295 642 4 879517943 +295 648 4 879517324 +295 655 5 879517010 +295 660 5 879518143 +295 705 4 879517682 +295 720 4 879518801 +295 722 4 879518881 +295 727 5 879517682 +295 729 4 879518018 +295 735 5 879519556 +295 736 5 879966498 +295 737 5 879518607 +295 738 4 879518546 +295 740 4 879517225 +295 743 4 879518674 +295 747 4 879518590 +295 790 3 879519265 +295 794 4 879518978 +295 809 4 879519438 +295 812 4 879518739 +295 843 4 879517994 +295 941 4 879518359 +295 946 2 879517994 +295 951 5 879517893 +295 965 4 879517271 +295 966 5 879518060 +295 997 3 879518821 +295 1028 5 879519556 +295 1039 4 879517742 +295 1040 2 879519180 +295 1050 5 879517761 +295 1115 5 879518568 +295 1133 4 879519528 +295 1135 4 879518696 +295 1170 5 879966498 +295 1188 3 879519354 +295 1221 5 879518455 +295 1297 4 879519529 +295 1401 5 879966498 +295 1446 4 879519026 +295 1459 5 879519237 +295 1473 4 879519473 +295 1503 2 879517082 +296 1 5 884196689 +296 7 5 884196896 +296 9 4 884196523 +296 10 2 884196605 +296 11 5 884197131 +296 13 3 884196665 +296 14 4 884196665 +296 15 3 884196712 +296 19 5 884196524 +296 22 4 884197068 +296 23 5 884197235 +296 24 2 884196605 +296 32 4 884197131 +296 45 5 884197419 +296 48 5 884197091 +296 50 5 884196469 +296 55 5 884197287 +296 56 5 884197287 +296 61 3 884197287 +296 79 4 884197068 +296 83 5 884199624 +296 89 5 884197352 +296 96 5 884197287 +296 98 5 884197091 +296 100 5 884196489 +296 111 3 884196712 +296 114 5 884198772 +296 117 3 884196741 +296 121 5 884196689 +296 124 5 884196555 +296 125 5 884196985 +296 127 5 884196489 +296 134 5 884197264 +296 137 4 884196741 +296 144 4 884197131 +296 150 1 884196556 +296 151 2 884196964 +296 153 4 884197419 +296 172 5 884197193 +296 179 4 884197419 +296 180 5 884198772 +296 181 5 884198772 +296 186 3 884199624 +296 187 5 884198772 +296 191 5 884197193 +296 194 5 884197193 +296 198 5 884197264 +296 199 5 884197193 +296 204 5 884199625 +296 209 4 884199625 +296 210 3 884197308 +296 211 4 884197068 +296 221 5 884196524 +296 237 5 884196785 +296 238 4 884199624 +296 240 1 884196765 +296 244 1 884196896 +296 246 4 884196584 +296 250 2 884196689 +296 251 5 884196523 +296 255 2 884196584 +296 256 5 884196741 +296 257 5 884196921 +296 259 1 884196374 +296 268 4 884196238 +296 269 5 884196258 +296 272 5 884198772 +296 274 4 884196741 +296 275 4 884196555 +296 276 5 884198772 +296 277 5 884198772 +296 279 4 884196640 +296 281 2 884196985 +296 282 4 884196712 +296 284 4 884196805 +296 285 5 884196469 +296 286 5 884196209 +296 287 4 884196765 +296 289 3 884196351 +296 292 5 884196057 +296 293 5 884196765 +296 294 1 884196374 +296 297 4 884196665 +296 298 1 884196640 +296 301 5 884196284 +296 303 4 884196238 +296 304 3 884196149 +296 309 1 884196209 +296 313 5 884196114 +296 315 5 884196351 +296 357 5 884197068 +296 427 5 884198772 +296 435 5 884197108 +296 455 1 884196921 +296 462 4 884197330 +296 469 5 884197264 +296 475 4 884196555 +296 480 5 884197068 +296 482 5 884197330 +296 483 5 884197307 +296 484 4 884197308 +296 485 5 884197235 +296 498 5 884197352 +296 504 5 884197394 +296 510 5 884197264 +296 514 5 884199624 +296 515 5 884196555 +296 521 4 884197091 +296 523 4 884197235 +296 528 5 884197068 +296 544 4 884196938 +296 628 5 884196640 +296 632 5 884197264 +296 652 4 884197068 +296 654 5 884197419 +296 659 5 884198772 +296 663 5 884198772 +296 685 4 884196896 +296 688 1 884196374 +296 696 4 884196805 +296 750 5 884196150 +296 815 3 884196806 +296 845 5 884196689 +296 846 2 884196985 +296 898 4 884196284 +296 923 5 884197193 +296 948 1 884196149 +296 950 4 884196741 +296 961 5 884197287 +296 963 5 884197352 +296 1007 4 884196921 +296 1009 3 884196921 +296 1073 5 884197330 +296 1142 5 884196524 +296 1160 4 884196964 +296 1251 5 884196469 +296 1284 4 884196765 +297 1 3 874954425 +297 4 1 875240201 +297 7 4 874954541 +297 8 5 875239795 +297 11 4 875240015 +297 12 5 875239619 +297 13 3 874955210 +297 17 3 875240201 +297 20 4 874954763 +297 22 4 875238984 +297 24 4 874954260 +297 27 1 875239535 +297 28 4 875239913 +297 31 3 881708087 +297 32 4 875239267 +297 34 3 875410124 +297 42 3 875238853 +297 47 2 875240090 +297 50 5 874954541 +297 53 3 875239942 +297 55 4 875238922 +297 56 5 875239422 +297 69 3 875240171 +297 70 5 875239619 +297 79 3 875239125 +297 83 4 875774306 +297 86 5 875238883 +297 90 4 875239942 +297 92 3 875239346 +297 95 3 875238814 +297 97 5 875239871 +297 98 5 875238579 +297 100 5 874954183 +297 102 1 875240267 +297 108 4 874955085 +297 109 4 874954814 +297 111 3 874955085 +297 114 5 875239569 +297 116 4 874954260 +297 117 4 874954497 +297 118 3 875239495 +297 124 4 874954353 +297 128 4 875239346 +297 129 4 874954353 +297 135 4 875238608 +297 137 5 874954425 +297 143 5 875239870 +297 144 3 875238778 +297 147 3 874955183 +297 148 3 875239619 +297 151 3 875239975 +297 153 5 875240053 +297 154 5 875239658 +297 156 4 875240090 +297 157 2 875238853 +297 160 1 875238853 +297 168 5 875049192 +297 173 4 875240237 +297 174 5 875410071 +297 175 4 875238883 +297 176 4 881708055 +297 181 4 875410178 +297 182 3 875239125 +297 183 4 875238984 +297 185 5 875239870 +297 191 3 875238923 +297 194 3 875239453 +297 195 1 875240053 +297 196 4 875239267 +297 197 3 875239691 +297 198 3 875238923 +297 200 3 875239092 +297 201 4 875238984 +297 202 3 875238638 +297 204 3 875239422 +297 208 4 875049192 +297 209 4 875239535 +297 210 4 875410100 +297 211 4 875240090 +297 213 3 875240171 +297 215 2 875240133 +297 216 4 875409423 +297 218 3 875409827 +297 222 4 874954845 +297 223 5 875238638 +297 228 2 875238984 +297 230 2 875238814 +297 231 3 875239913 +297 235 2 874954611 +297 237 4 875239383 +297 238 5 875409525 +297 243 1 878771163 +297 245 3 874954060 +297 248 3 874954814 +297 249 3 874955210 +297 250 1 874955085 +297 257 3 874954763 +297 258 5 874953892 +297 265 3 875239454 +297 267 3 875409139 +297 268 4 881707737 +297 269 4 875774037 +297 271 2 881707810 +297 272 5 884039431 +297 273 4 874954763 +297 277 3 875048641 +297 282 3 874954845 +297 283 4 874954387 +297 284 4 874954497 +297 286 5 874953892 +297 288 3 874955131 +297 293 3 874954844 +297 294 3 874953948 +297 298 5 874954814 +297 300 3 874953892 +297 301 4 876529834 +297 302 4 875408934 +297 307 4 878771124 +297 326 2 874953892 +297 338 2 881707832 +297 347 3 885922424 +297 357 4 875238922 +297 367 2 875239018 +297 419 3 875240016 +297 423 3 875240237 +297 430 1 875238778 +297 435 3 875238726 +297 443 2 875240133 +297 447 4 875239691 +297 448 3 875240171 +297 455 4 874954611 +297 465 3 875238984 +297 471 3 874954611 +297 474 4 875239125 +297 475 5 874954426 +297 479 5 875240015 +297 480 4 875238923 +297 485 3 875240267 +297 498 3 875239018 +297 508 4 874955210 +297 514 3 875239383 +297 515 5 874954353 +297 527 5 875239018 +297 529 3 875238778 +297 535 3 874954814 +297 546 3 874954763 +297 574 1 875239092 +297 582 4 875238814 +297 588 4 875238579 +297 596 3 874955107 +297 603 5 875239942 +297 625 3 875240266 +297 628 4 874954497 +297 629 3 875410013 +297 652 3 875239346 +297 659 4 881708055 +297 678 3 874954093 +297 687 2 875409099 +297 690 5 876717812 +297 692 3 875239018 +297 699 4 875239658 +297 705 2 875238726 +297 724 3 875238883 +297 736 4 875239975 +297 742 3 875774155 +297 746 3 875239569 +297 748 2 874954060 +297 750 5 888643345 +297 751 4 885922463 +297 752 4 888643376 +297 864 3 874954541 +297 919 1 874954260 +297 946 2 875239092 +297 984 1 881707865 +297 1007 4 874954763 +297 1014 3 874954845 +297 1016 3 874955131 +297 1073 3 875238695 +297 1109 3 875238922 +297 1136 3 875240053 +297 1217 1 875240132 +297 1296 4 875408935 +298 1 5 884126061 +298 8 5 884182748 +298 9 4 884126202 +298 22 4 884182965 +298 23 4 884183236 +298 28 4 884182725 +298 50 5 884125578 +298 58 4 884182725 +298 69 4 884125058 +298 71 5 884183016 +298 79 5 884182685 +298 88 5 884183236 +298 97 4 884183063 +298 98 4 884127720 +298 99 3 884127249 +298 118 4 884183016 +298 121 4 884126202 +298 125 3 884125912 +298 127 5 884125847 +298 132 5 884182966 +298 133 3 884125093 +298 134 5 884182966 +298 143 5 884182966 +298 144 4 884182838 +298 151 3 884183952 +298 153 3 884127369 +298 168 5 884182933 +298 172 4 884124993 +298 174 5 884125022 +298 178 5 884127369 +298 183 3 884182600 +298 185 3 884182774 +298 186 4 884183256 +298 187 5 884183063 +298 193 5 884182867 +298 194 5 884127249 +298 195 4 884183277 +298 196 4 884182891 +298 197 4 884183236 +298 199 4 884127690 +298 200 3 884183063 +298 202 3 884182867 +298 203 3 884182966 +298 204 4 884182148 +298 205 5 884181969 +298 208 5 884182867 +298 210 5 884182891 +298 211 5 884125093 +298 213 3 884183130 +298 215 5 884182685 +298 237 5 884126240 +298 257 4 884126240 +298 261 4 884126805 +298 265 4 884127720 +298 274 3 884183640 +298 275 3 884125672 +298 276 2 884183833 +298 282 4 884125629 +298 284 4 884126240 +298 286 4 884124929 +298 294 3 884184024 +298 311 3 884126552 +298 318 5 884182657 +298 333 5 884126600 +298 356 3 884182627 +298 357 5 884181969 +298 393 4 884183099 +298 402 3 884183063 +298 418 4 884183406 +298 419 5 884182774 +298 423 5 884183063 +298 427 5 884127369 +298 430 5 884182657 +298 432 4 884183307 +298 435 5 884182573 +298 465 4 884182806 +298 471 4 884125847 +298 473 3 884183952 +298 477 4 884126202 +298 479 5 884182685 +298 482 5 884182657 +298 483 5 884125441 +298 484 4 884182627 +298 485 3 884124993 +298 496 5 884127603 +298 498 5 884182573 +298 502 5 884183406 +298 503 4 884183237 +298 504 3 884127249 +298 507 4 884182657 +298 511 4 884127690 +298 514 4 884182989 +298 523 4 884182774 +298 526 5 884182573 +298 527 5 884182725 +298 530 5 884182600 +298 546 3 884184098 +298 549 4 884183307 +298 588 4 884125022 +298 596 3 884126288 +298 603 5 884125093 +298 604 5 884127720 +298 651 5 884183063 +298 652 3 884183099 +298 660 3 884182838 +298 679 3 884183099 +298 705 4 884182148 +298 742 3 884125553 +298 820 4 884183897 +298 842 4 884127249 +298 845 3 884183773 +298 864 3 884183912 +298 866 3 884183930 +298 946 3 884182868 +298 951 4 884183130 +298 993 4 884125629 +298 1142 4 884183572 +299 1 3 877877535 +299 4 3 889503074 +299 7 3 877877847 +299 10 5 877878601 +299 12 5 877880350 +299 13 4 877877965 +299 17 1 889503374 +299 19 1 877877434 +299 20 3 877880111 +299 23 4 878192154 +299 24 3 877877732 +299 25 3 877878227 +299 26 4 878192601 +299 28 4 877880474 +299 32 3 877881169 +299 45 3 878192238 +299 47 4 877881508 +299 48 4 877880612 +299 49 4 889502823 +299 50 4 877877775 +299 52 4 877880962 +299 55 2 877881061 +299 56 4 877880350 +299 58 3 878192601 +299 59 5 877880394 +299 60 5 878192680 +299 61 4 877880648 +299 67 2 889503740 +299 70 3 877881320 +299 71 3 878192238 +299 72 3 889503305 +299 73 2 889503265 +299 77 3 878192638 +299 81 4 889504036 +299 83 5 878192344 +299 86 4 889502050 +299 88 3 889502902 +299 89 5 878192756 +299 91 4 889501654 +299 93 2 877877775 +299 94 1 889503564 +299 95 3 889501654 +299 97 4 878192680 +299 98 4 877881229 +299 99 3 889501790 +299 100 3 877877600 +299 101 2 889501721 +299 114 4 878191943 +299 115 3 877880474 +299 118 2 877880111 +299 127 5 877877434 +299 129 4 877877733 +299 135 4 878191889 +299 136 4 878192078 +299 137 4 877877535 +299 143 3 877880612 +299 150 5 877877535 +299 151 4 877878227 +299 152 4 877880474 +299 153 3 877881320 +299 154 4 878191943 +299 165 4 889501890 +299 166 4 889501926 +299 167 3 889503159 +299 168 4 878192039 +299 169 4 878192555 +299 170 5 889501190 +299 171 4 877880961 +299 173 5 889501163 +299 174 4 877880961 +299 175 5 879123190 +299 176 4 880699166 +299 179 4 878191943 +299 181 3 877877479 +299 182 3 878192039 +299 185 3 878192039 +299 186 3 889503233 +299 190 5 877881356 +299 191 4 878192039 +299 194 3 877881229 +299 197 3 878192039 +299 198 4 889501288 +299 202 4 889501325 +299 204 4 889503112 +299 207 3 877880394 +299 208 4 878191995 +299 209 3 889503013 +299 210 4 889502980 +299 211 4 877880961 +299 212 4 878191889 +299 213 5 878192555 +299 216 5 889502688 +299 222 2 877878148 +299 228 3 878191823 +299 235 1 877878184 +299 237 2 877877649 +299 238 4 877880852 +299 239 3 878192601 +299 240 2 877878414 +299 241 3 889502640 +299 244 2 877878001 +299 248 5 877877933 +299 249 3 877878414 +299 251 5 877877434 +299 255 2 877878036 +299 257 2 877877732 +299 259 3 877877323 +299 264 2 877877290 +299 270 4 878052375 +299 271 3 879737472 +299 274 3 877878339 +299 275 4 877877535 +299 276 4 877877691 +299 278 3 877879980 +299 283 3 889417370 +299 285 5 877877847 +299 286 4 877618524 +299 288 3 877618584 +299 289 3 877877323 +299 294 2 877618584 +299 297 3 877877691 +299 298 4 877878227 +299 300 4 877618619 +299 302 4 889501087 +299 311 4 880198334 +299 313 3 887135516 +299 318 4 877880649 +299 319 3 889501480 +299 333 4 892249868 +299 343 3 881605700 +299 345 4 884023998 +299 346 3 886101436 +299 347 4 887135610 +299 354 4 888854746 +299 367 4 878192497 +299 378 3 878192680 +299 381 3 889502198 +299 384 3 889503774 +299 387 2 889502756 +299 393 2 889503503 +299 396 4 889503503 +299 399 2 889503373 +299 402 3 889502865 +299 408 4 877877847 +299 418 4 889501790 +299 423 3 878192238 +299 432 3 877880612 +299 433 5 889501365 +299 435 3 877881061 +299 461 3 878192601 +299 462 5 878192463 +299 473 3 877878561 +299 474 5 877880474 +299 475 4 877877600 +299 478 4 877880612 +299 479 4 878192556 +299 480 4 878191995 +299 481 3 877880566 +299 482 4 877881508 +299 483 5 877880961 +299 484 4 877881169 +299 485 4 877881320 +299 487 5 889501230 +299 488 4 877881508 +299 496 3 878192154 +299 498 4 878192237 +299 501 3 889501790 +299 502 4 878192756 +299 503 4 878192601 +299 508 4 877878451 +299 509 4 877880566 +299 510 5 889501392 +299 511 4 878192311 +299 512 4 889501995 +299 513 4 877881228 +299 514 5 877881229 +299 515 4 877877691 +299 516 4 889503159 +299 517 4 889502688 +299 522 3 877880522 +299 529 4 877880852 +299 531 3 877880350 +299 538 3 881605700 +299 543 5 889501890 +299 546 3 877879980 +299 553 3 889502865 +299 582 2 889502159 +299 588 4 877880852 +299 597 3 877880111 +299 602 3 878191995 +299 603 3 877880474 +299 606 4 889501393 +299 607 4 877881229 +299 615 4 878192555 +299 634 2 877880852 +299 640 3 889501995 +299 641 4 889501514 +299 642 4 877881276 +299 645 4 877881276 +299 647 4 878192804 +299 652 3 877880522 +299 655 3 889502979 +299 662 4 878192429 +299 692 4 877880915 +299 702 4 889502159 +299 710 4 877881508 +299 715 4 889503441 +299 724 3 889502687 +299 727 4 878192379 +299 728 2 889503159 +299 730 4 889501926 +299 732 4 889502688 +299 733 3 888855244 +299 739 3 889502865 +299 742 4 877878339 +299 746 4 889502979 +299 747 4 889502640 +299 749 1 877618647 +299 752 3 887136060 +299 753 5 877880852 +299 778 4 889502688 +299 785 2 889502865 +299 792 4 889503112 +299 811 4 877880794 +299 813 4 878192192 +299 820 3 889501620 +299 847 4 877877649 +299 855 4 889502087 +299 856 3 889503334 +299 889 3 884023918 +299 895 2 884993860 +299 915 4 892250102 +299 916 3 892249868 +299 919 3 889501551 +299 921 3 889502087 +299 936 4 889417423 +299 950 2 877878148 +299 954 3 889503503 +299 959 2 889503159 +299 962 4 889501593 +299 965 4 889501260 +299 970 4 877880350 +299 971 2 889502353 +299 998 2 889503774 +299 1005 5 878192833 +299 1006 4 878192804 +299 1020 4 878192237 +299 1021 3 878192721 +299 1036 2 889503856 +299 1039 4 878191779 +299 1047 2 877880041 +299 1050 4 878192721 +299 1056 4 889502292 +299 1068 3 877877600 +299 1073 4 879123070 +299 1074 3 889502786 +299 1103 4 889503013 +299 1119 4 889502727 +299 1132 1 877880196 +299 1141 4 877880522 +299 1214 2 889502528 +299 1223 3 878191779 +299 1226 2 877878602 +299 1227 1 878192556 +299 1258 2 877878451 +299 1300 2 877878382 +299 1322 3 877878001 +299 1379 3 877878080 +299 1506 4 878192680 +299 1507 3 877881170 +300 264 1 875650132 +300 288 4 875649995 +300 294 3 875649995 +300 300 4 875649995 +300 409 4 875650329 +300 687 2 875650042 +300 833 4 875650329 +300 881 5 875650105 +300 1012 4 875650329 +300 1094 5 875650298 +301 1 4 882074345 +301 2 2 882076587 +301 3 2 882075082 +301 4 4 882077033 +301 7 4 882074236 +301 8 4 882076494 +301 9 3 882074291 +301 11 4 882076291 +301 12 4 882076239 +301 15 4 882074460 +301 17 4 882077142 +301 21 2 882074967 +301 22 4 882075859 +301 24 4 882074312 +301 25 3 882075110 +301 28 4 882076264 +301 29 4 882078492 +301 31 3 882076463 +301 39 3 882076292 +301 41 3 882079446 +301 42 4 882075743 +301 43 5 882078994 +301 47 4 882076936 +301 50 5 882074647 +301 51 4 882078928 +301 53 1 882078883 +301 54 3 882076587 +301 58 4 882077285 +301 62 3 882078419 +301 64 5 882075672 +301 66 4 882077330 +301 67 2 882078621 +301 68 4 882076558 +301 69 5 882076682 +301 71 4 882077007 +301 73 4 882075962 +301 76 4 882078250 +301 77 3 882076751 +301 80 3 882078883 +301 81 3 882077351 +301 82 5 882077078 +301 88 4 882077142 +301 89 2 882076046 +301 90 3 882078360 +301 91 3 882078906 +301 94 4 882079172 +301 95 5 882076334 +301 96 5 882076239 +301 97 4 882076121 +301 99 4 882078419 +301 100 5 882074408 +301 105 3 882075202 +301 109 5 882074236 +301 111 1 882074708 +301 117 5 882074584 +301 118 4 882074903 +301 120 2 882079423 +301 121 4 882075148 +301 122 2 882074818 +301 123 4 882074726 +301 127 4 882074262 +301 128 5 882078228 +301 132 4 882076619 +301 133 4 882077142 +301 138 2 882079446 +301 142 3 882078420 +301 143 4 882077330 +301 144 4 882076021 +301 145 3 882078040 +301 150 4 882074345 +301 151 2 882074776 +301 152 3 882077285 +301 153 3 882075743 +301 154 4 882076425 +301 155 1 882078308 +301 156 4 882076098 +301 157 2 882076021 +301 159 3 882076890 +301 160 2 882077284 +301 161 3 882076558 +301 162 3 882078287 +301 163 3 882076264 +301 164 3 882076966 +301 168 4 882075994 +301 172 5 882076403 +301 173 4 882076403 +301 174 5 882075827 +301 176 4 882075774 +301 179 3 882076494 +301 180 3 882076782 +301 181 5 882074291 +301 182 5 882075774 +301 183 3 882076291 +301 184 4 882077222 +301 186 4 882076121 +301 187 4 882076403 +301 193 3 882075994 +301 194 4 882075827 +301 195 5 882076098 +301 196 4 882077836 +301 197 5 882075774 +301 199 4 882076239 +301 201 4 882076619 +301 202 5 882076211 +301 203 4 882077176 +301 204 5 882076264 +301 205 4 882076046 +301 210 4 882076211 +301 215 5 882077222 +301 216 4 882076782 +301 217 3 882079503 +301 218 4 882076643 +301 219 4 882078955 +301 222 4 882074345 +301 226 5 882077222 +301 228 3 882076966 +301 229 3 882078228 +301 230 4 882077033 +301 231 2 882078580 +301 232 4 882078287 +301 233 4 882077872 +301 235 2 882074408 +301 237 4 882074291 +301 239 2 882076682 +301 240 4 882074494 +301 241 3 882077222 +301 249 3 882074801 +301 250 4 882074236 +301 252 3 882075148 +301 258 4 882074363 +301 265 4 882075672 +301 269 5 882075432 +301 271 4 882075473 +301 273 1 882074800 +301 276 1 882074384 +301 281 4 882074903 +301 282 4 882074561 +301 284 4 882074708 +301 288 4 882074291 +301 294 4 882074408 +301 299 3 882075520 +301 300 4 882075500 +301 318 5 882075962 +301 323 4 882075110 +301 333 4 882075454 +301 334 3 882075500 +301 340 4 882075432 +301 357 5 882075994 +301 363 4 882078326 +301 367 4 882076619 +301 373 4 882079334 +301 380 4 882078459 +301 384 5 882079315 +301 385 3 882077055 +301 387 3 882078084 +301 393 3 882078735 +301 395 1 882079384 +301 402 2 882076915 +301 403 4 882076292 +301 404 3 882076463 +301 405 4 882074727 +301 407 2 882075202 +301 409 4 882075242 +301 410 4 882074460 +301 411 1 882074867 +301 412 4 882075110 +301 418 3 882076751 +301 419 3 882076072 +301 420 3 882077285 +301 423 1 882076239 +301 425 4 882077033 +301 426 4 882076967 +301 427 4 882075775 +301 429 4 882076072 +301 431 4 882078008 +301 443 4 882078008 +301 447 4 882078955 +301 451 4 882078061 +301 455 5 882074437 +301 456 3 882074838 +301 462 2 882076587 +301 465 4 882077811 +301 470 4 882078199 +301 474 4 882075803 +301 481 4 882075827 +301 483 4 882076403 +301 496 5 882075743 +301 501 3 882078040 +301 502 4 882076558 +301 503 3 882078228 +301 511 4 882075803 +301 514 3 882076021 +301 515 3 882074561 +301 519 4 882076682 +301 521 3 882076987 +301 523 4 882076146 +301 527 4 882076238 +301 546 4 882078228 +301 550 3 882078040 +301 552 3 882078267 +301 559 4 882078955 +301 562 3 882077256 +301 566 3 882076463 +301 568 4 882076538 +301 576 4 882079199 +301 582 2 882077811 +301 588 5 882077055 +301 597 3 882075202 +301 606 3 882076890 +301 607 4 882077176 +301 610 3 882077176 +301 631 1 882078882 +301 636 3 882077811 +301 651 5 882075994 +301 655 1 882076187 +301 658 3 882076463 +301 660 4 882076782 +301 665 2 882079334 +301 673 4 882076751 +301 678 2 882075386 +301 684 3 882077330 +301 685 3 882074867 +301 686 4 882078008 +301 692 3 882076619 +301 693 5 882076806 +301 702 4 882077784 +301 710 3 882078008 +301 719 4 882079542 +301 721 3 882076494 +301 732 4 882077351 +301 735 2 882077871 +301 737 2 882078906 +301 739 2 882076966 +301 742 4 882074437 +301 743 2 882075356 +301 746 3 882075774 +301 755 4 882078308 +301 756 4 882074932 +301 758 3 882075242 +301 763 4 882074665 +301 771 2 882079256 +301 772 3 882078250 +301 797 4 882078558 +301 802 2 882078883 +301 820 3 882075082 +301 824 3 882075055 +301 831 4 882075338 +301 849 4 882078883 +301 864 4 882075110 +301 866 4 882075171 +301 871 4 882075148 +301 959 4 882078778 +301 1012 4 882074613 +301 1013 3 882075286 +301 1016 4 882074684 +301 1028 5 882074801 +301 1035 4 882078809 +301 1052 1 882075386 +301 1074 2 882078580 +301 1091 3 882079353 +301 1112 4 882079294 +301 1135 3 882078906 +301 1228 4 882079423 +301 1230 1 882079221 +301 1283 4 882075386 +302 266 2 879436981 +302 271 4 879436911 +302 289 3 879436874 +302 294 1 879436911 +302 299 2 879436932 +302 301 4 879436820 +302 333 3 879436785 +302 358 3 879436981 +302 680 2 879437035 +302 748 1 879436739 +302 988 2 879436875 +303 1 5 879466966 +303 2 3 879467191 +303 3 3 879485184 +303 4 4 879467936 +303 5 2 879484534 +303 7 4 879467514 +303 8 5 879467223 +303 9 5 879466830 +303 11 4 879467260 +303 12 4 879466937 +303 13 4 879484918 +303 15 3 879467607 +303 17 4 879466830 +303 21 2 879484004 +303 22 5 879467413 +303 23 5 879467936 +303 24 3 879468047 +303 25 4 879468047 +303 26 4 879468307 +303 28 3 879466717 +303 29 2 879485134 +303 31 3 879467361 +303 33 4 879468021 +303 38 1 879484981 +303 41 5 879485686 +303 42 5 879467223 +303 43 3 879485507 +303 44 4 879484480 +303 46 3 879467706 +303 47 5 879467959 +303 49 2 879483901 +303 50 5 879466866 +303 53 3 879485608 +303 54 3 879484695 +303 55 4 879467328 +303 56 5 879466547 +303 62 2 879484159 +303 63 1 879484327 +303 64 5 879466457 +303 65 4 879467436 +303 67 5 879485401 +303 68 4 879467361 +303 70 4 879467739 +303 71 3 879468179 +303 72 3 879485111 +303 73 3 879484918 +303 77 4 879483978 +303 78 2 879544238 +303 79 5 879466891 +303 80 4 879484563 +303 81 4 879466866 +303 82 4 879467465 +303 83 5 879467607 +303 85 3 879484588 +303 87 3 879466421 +303 88 4 879468307 +303 90 4 879485111 +303 91 5 879483480 +303 92 4 879467131 +303 93 5 879467223 +303 94 3 879485318 +303 95 5 879484480 +303 96 5 879466830 +303 97 5 879468459 +303 98 5 879466572 +303 99 4 879467514 +303 100 5 879466420 +303 106 2 879543796 +303 109 4 879467131 +303 111 3 879467639 +303 116 5 879466771 +303 117 3 879468581 +303 118 2 879485623 +303 120 2 879544099 +303 121 3 879485016 +303 122 4 879485066 +303 123 4 879468149 +303 124 4 879466491 +303 125 2 879467638 +303 127 5 879466523 +303 128 4 879467542 +303 129 5 879468547 +303 132 5 879466966 +303 137 4 879468414 +303 139 3 879543209 +303 141 3 879483900 +303 143 4 879483680 +303 144 5 879467035 +303 145 1 879543573 +303 147 4 879467816 +303 150 5 879467190 +303 151 5 879484534 +303 152 4 879468274 +303 153 5 879466421 +303 155 3 879484159 +303 156 5 879466771 +303 158 3 879543959 +303 159 3 879484695 +303 160 4 879468375 +303 164 4 879466830 +303 167 3 879468307 +303 168 5 879467223 +303 170 5 879467574 +303 171 4 879467105 +303 172 5 879467413 +303 173 5 879466604 +303 174 5 879466523 +303 176 5 879467260 +303 179 5 879466491 +303 181 5 879468082 +303 182 5 879467105 +303 183 5 879466866 +303 184 5 879467436 +303 185 5 879467465 +303 186 4 879467105 +303 187 5 879466631 +303 191 5 879466937 +303 194 5 879466742 +303 195 4 879466937 +303 198 4 879467413 +303 201 5 879467573 +303 202 5 879468149 +303 203 5 879467669 +303 204 4 879466491 +303 208 5 879467706 +303 209 5 879467328 +303 210 4 879466717 +303 215 5 879467413 +303 216 5 879466604 +303 218 4 879484695 +303 219 5 879484480 +303 221 5 879466491 +303 222 3 879468414 +303 223 4 879466742 +303 226 4 879467295 +303 227 3 879542884 +303 228 4 879467574 +303 229 3 879468581 +303 230 3 879483511 +303 231 4 879485292 +303 232 4 879467191 +303 233 4 879484981 +303 234 5 879467260 +303 235 4 879484563 +303 236 4 879468274 +303 237 5 879468307 +303 238 4 879467295 +303 239 3 879484871 +303 240 3 879468513 +303 241 4 879483301 +303 245 3 879466249 +303 246 5 879544515 +303 248 2 879544680 +303 249 4 879544739 +303 250 4 879544712 +303 251 4 879544533 +303 255 4 879544516 +303 257 4 879544558 +303 258 4 879465986 +303 259 3 879466116 +303 260 3 879466291 +303 262 5 879466065 +303 264 3 879466214 +303 268 5 879466166 +303 269 5 879466018 +303 270 4 879466088 +303 271 2 879466065 +303 273 3 879468274 +303 276 4 879467895 +303 277 3 879468547 +303 281 3 879543375 +303 282 3 879467895 +303 283 3 879467936 +303 284 4 879467465 +303 286 5 879465986 +303 287 4 879485203 +303 288 4 879466018 +303 289 2 879466065 +303 290 4 879483941 +303 291 3 879484804 +303 293 4 879544515 +303 294 4 879466116 +303 298 4 879544607 +303 300 1 879466166 +303 302 4 879465986 +303 318 5 879466523 +303 319 5 879466065 +303 321 3 879466065 +303 323 1 879466214 +303 324 3 879466065 +303 325 1 879466249 +303 326 2 879466116 +303 327 1 879466166 +303 328 3 879466166 +303 330 3 879552065 +303 333 4 879466088 +303 334 3 879466184 +303 340 5 879466088 +303 357 5 879466717 +303 358 2 879466291 +303 363 1 879485134 +303 364 2 879544153 +303 366 3 879485221 +303 367 4 879468082 +303 368 1 879544340 +303 369 1 879544130 +303 373 2 879544276 +303 375 2 879544276 +303 376 2 879543617 +303 379 4 879485546 +303 381 4 879467574 +303 382 3 879467815 +303 384 3 879485165 +303 385 4 879467669 +303 386 4 879485352 +303 387 5 879485401 +303 388 2 879544365 +303 390 3 879544365 +303 391 1 879485747 +303 393 4 879484981 +303 395 2 879544080 +303 396 4 879484846 +303 397 1 879543831 +303 398 1 879485372 +303 401 3 879543003 +303 402 4 879485250 +303 403 5 879468274 +303 405 4 879483802 +303 408 4 879467035 +303 410 4 879484846 +303 411 4 879483802 +303 412 3 879543756 +303 413 2 879543524 +303 416 3 879468179 +303 418 4 879483510 +303 419 4 879467328 +303 420 4 879484563 +303 421 4 879466966 +303 423 4 879483535 +303 425 4 879466795 +303 426 3 879542535 +303 427 4 879466547 +303 430 4 879467260 +303 432 3 879468274 +303 433 4 879467985 +303 435 5 879466491 +303 436 4 879484644 +303 443 4 879468459 +303 449 4 879485685 +303 450 3 879544386 +303 451 5 879468581 +303 452 2 879544276 +303 455 3 879484421 +303 458 3 879467936 +303 460 4 879543600 +303 461 4 879484159 +303 462 3 879468082 +303 470 4 879468375 +303 473 4 879485111 +303 474 5 879466457 +303 475 4 879467155 +303 476 3 879485352 +303 477 3 879483827 +303 479 5 879466572 +303 480 4 879466523 +303 482 5 879467361 +303 483 5 879466795 +303 484 5 879466966 +303 491 4 879466631 +303 501 4 879484981 +303 502 4 879484421 +303 506 4 879467328 +303 507 5 879466604 +303 508 4 879467260 +303 514 5 879466667 +303 517 5 879484480 +303 518 4 879468581 +303 525 5 879466604 +303 531 4 879466457 +303 535 1 879544681 +303 540 1 879543679 +303 541 3 879543988 +303 542 2 879484194 +303 544 4 879483617 +303 545 2 879544400 +303 546 2 879484373 +303 549 3 879484846 +303 550 3 879467607 +303 551 2 879544021 +303 552 2 879485048 +303 554 2 879484500 +303 558 4 879467105 +303 559 4 879467670 +303 562 4 879485447 +303 564 1 879485447 +303 568 4 879468414 +303 569 3 879484159 +303 574 1 879544184 +303 575 4 879544219 +303 576 3 879485417 +303 577 3 879544340 +303 578 2 879484846 +303 582 4 879483462 +303 583 1 879483901 +303 586 2 879485659 +303 588 5 879468459 +303 591 4 879468082 +303 595 2 879484421 +303 596 4 879468274 +303 597 1 879485204 +303 603 5 879466457 +303 615 4 879467413 +303 616 4 879484948 +303 619 3 879467574 +303 627 3 879484733 +303 631 4 879483617 +303 634 3 879467035 +303 636 3 879484695 +303 650 5 879483941 +303 651 5 879468021 +303 653 4 879466937 +303 654 5 879467328 +303 655 5 879483568 +303 658 5 879484327 +303 665 4 879485475 +303 670 2 879544062 +303 673 4 879468250 +303 678 1 879544946 +303 679 2 879484534 +303 685 1 879485089 +303 687 1 879544923 +303 692 4 879468123 +303 693 4 879466771 +303 697 3 879484948 +303 700 3 879485718 +303 705 5 879467105 +303 709 5 879468021 +303 715 4 879484441 +303 716 2 879467639 +303 720 2 879468375 +303 721 4 879484194 +303 722 2 879485372 +303 725 1 879544153 +303 729 3 879483568 +303 734 1 879543711 +303 735 4 879483567 +303 738 2 879544276 +303 739 5 879468547 +303 741 4 879466604 +303 742 4 879484899 +303 744 3 879467607 +303 746 4 879467514 +303 748 2 879466214 +303 755 2 879485016 +303 759 1 879544385 +303 762 4 879468179 +303 763 4 879485319 +303 765 3 879485608 +303 773 4 879466891 +303 778 4 879467815 +303 779 1 879543418 +303 780 5 879483900 +303 783 2 879543756 +303 790 4 879485507 +303 792 5 879484644 +303 800 3 879485352 +303 801 1 879543679 +303 805 4 879485475 +303 808 2 879484480 +303 809 2 879543524 +303 813 4 879467985 +303 820 3 879544184 +303 824 3 879483901 +303 825 3 879485016 +303 829 2 879485814 +303 831 4 879544080 +303 833 2 879484327 +303 840 2 879543988 +303 844 3 879468179 +303 845 4 879485221 +303 847 4 879466830 +303 849 3 879485589 +303 866 2 879485277 +303 867 3 879484373 +303 869 2 879485703 +303 871 1 879485685 +303 872 3 879466018 +303 873 3 879466214 +303 875 4 879466291 +303 926 2 879485814 +303 928 3 879485589 +303 939 3 879467739 +303 940 2 879485659 +303 943 2 879467815 +303 948 2 879466249 +303 952 3 879467706 +303 953 3 879485016 +303 956 4 879466421 +303 960 4 879467361 +303 979 4 879484213 +303 993 2 879544576 +303 997 2 879544219 +303 998 3 879544435 +303 1007 5 879544576 +303 1011 2 879484282 +303 1012 4 879544712 +303 1013 1 879544860 +303 1014 3 879544588 +303 1016 3 879544727 +303 1021 4 879484643 +303 1023 2 879544898 +303 1034 1 879544184 +303 1037 3 879544340 +303 1039 5 879466457 +303 1040 1 879485844 +303 1041 2 879485507 +303 1044 3 879485685 +303 1046 3 879468375 +303 1047 2 879485277 +303 1048 4 879484871 +303 1052 2 879544365 +303 1071 2 879485352 +303 1073 4 879467191 +303 1086 1 879468021 +303 1088 2 879544946 +303 1089 1 879544978 +303 1090 1 879485686 +303 1092 1 879544435 +303 1095 2 879543988 +303 1097 3 879466523 +303 1098 4 879467959 +303 1109 4 879467936 +303 1110 1 879543939 +303 1118 3 879484004 +303 1135 2 879485589 +303 1142 4 879544659 +303 1145 2 879544219 +303 1153 3 879484899 +303 1157 2 879543711 +303 1160 2 879544629 +303 1178 2 879544130 +303 1182 2 879543459 +303 1187 4 879467895 +303 1188 4 879485204 +303 1199 3 879468123 +303 1209 2 879544021 +303 1210 1 879543773 +303 1215 1 879544435 +303 1217 1 879484948 +303 1218 4 879484350 +303 1220 2 879484899 +303 1222 3 879468513 +303 1224 2 879485475 +303 1226 4 879544713 +303 1228 2 879543459 +303 1230 1 879485447 +303 1232 3 879484948 +303 1239 1 879544020 +303 1258 2 879544756 +303 1267 3 879484327 +303 1270 1 879485770 +303 1273 2 879485278 +303 1286 4 879467413 +303 1303 3 879543831 +303 1315 3 879544791 +303 1335 3 879485048 +303 1337 1 879485770 +303 1407 1 879544063 +303 1411 2 879483941 +303 1426 2 879484804 +303 1508 1 879544130 +303 1509 1 879544435 +303 1510 3 879485659 +303 1511 3 879544843 +304 111 3 884968264 +304 243 3 884967391 +304 274 4 884968415 +304 278 4 884968415 +304 286 1 884967017 +304 294 4 884968415 +304 300 5 884968415 +304 310 3 884966697 +304 313 5 884968415 +304 323 3 884967391 +304 328 3 884967167 +304 343 3 884967896 +304 742 3 884968078 +304 763 4 884968415 +304 879 3 884966972 +304 895 3 884967017 +305 1 5 886323153 +305 2 2 886324580 +305 7 4 886323937 +305 11 1 886323237 +305 12 5 886322930 +305 13 3 886323998 +305 14 4 886322893 +305 15 1 886322796 +305 16 3 886324058 +305 33 3 886325627 +305 42 4 886324172 +305 45 5 886323275 +305 48 5 886323591 +305 49 3 886324962 +305 50 5 886321799 +305 52 2 886323506 +305 56 1 886323068 +305 59 3 886322758 +305 60 3 886324097 +305 61 4 886323378 +305 64 5 886323406 +305 66 3 886325023 +305 69 3 886324299 +305 70 4 886324221 +305 76 1 886323506 +305 79 3 886324276 +305 81 3 886323335 +305 83 3 886323464 +305 86 4 886323757 +305 87 1 886323153 +305 88 2 886323966 +305 89 3 886322719 +305 91 2 886323303 +305 96 3 886324172 +305 97 4 886322560 +305 98 4 886322560 +305 100 3 886323648 +305 121 3 886324898 +305 127 5 886322412 +305 129 3 886323006 +305 131 3 886323440 +305 134 5 886322560 +305 135 3 886323189 +305 143 3 886323275 +305 144 2 886323068 +305 151 4 886324433 +305 153 3 886323153 +305 154 4 886322670 +305 156 4 886323068 +305 160 4 886323937 +305 163 3 886325627 +305 165 4 886323153 +305 166 4 886322719 +305 168 4 886323115 +305 169 5 886322893 +305 170 4 886322691 +305 171 5 886323237 +305 172 4 886323757 +305 173 3 886322670 +305 174 3 886322635 +305 175 4 886322893 +305 176 4 886323839 +305 178 4 886322966 +305 179 1 886323966 +305 180 4 886323806 +305 181 4 886321799 +305 183 4 886324028 +305 184 3 886323937 +305 186 4 886323902 +305 187 4 886323189 +305 188 2 886323757 +305 189 5 886323303 +305 190 3 886322966 +305 191 3 886322966 +305 192 2 886323275 +305 195 3 886323006 +305 196 4 886324097 +305 197 2 886322758 +305 198 4 886322838 +305 199 4 886323779 +305 200 3 886324661 +305 201 3 886323998 +305 202 3 886323684 +305 203 4 886323839 +305 204 2 886323998 +305 207 5 886323839 +305 209 5 886322966 +305 210 3 886323006 +305 212 3 886324058 +305 215 2 886323464 +305 216 5 886323563 +305 222 2 886323378 +305 223 4 886322758 +305 228 2 886323998 +305 237 2 886322796 +305 238 3 886323617 +305 239 3 886323153 +305 242 5 886307828 +305 245 1 886308147 +305 246 3 886322122 +305 249 3 886322174 +305 251 5 886321764 +305 257 2 886322122 +305 258 4 886308064 +305 268 3 886307860 +305 269 4 886307948 +305 272 3 886307917 +305 275 2 886323153 +305 282 3 886323806 +305 285 5 886322930 +305 286 4 886307828 +305 287 3 886324097 +305 289 4 886308064 +305 298 4 886322150 +305 300 3 886307828 +305 302 4 886307860 +305 305 3 886307860 +305 311 5 886307971 +305 315 5 886308168 +305 317 4 886323713 +305 318 3 886322560 +305 326 2 886307917 +305 327 3 886307948 +305 338 3 886308252 +305 347 3 886308111 +305 357 5 886323189 +305 382 5 886323617 +305 385 1 886324792 +305 403 2 886324792 +305 405 3 886324580 +305 408 5 886323189 +305 423 4 886322670 +305 428 3 886323902 +305 431 4 886323806 +305 433 2 886324792 +305 462 5 886323525 +305 464 3 886322796 +305 469 2 886323757 +305 474 5 886322838 +305 475 4 886324199 +305 478 3 886323275 +305 479 3 886323275 +305 480 5 886322758 +305 482 2 886323006 +305 484 3 886322838 +305 485 2 886323648 +305 486 5 886323563 +305 505 3 886323006 +305 511 4 886322560 +305 527 5 886323189 +305 528 4 886323378 +305 529 5 886324097 +305 530 5 886323237 +305 550 3 886325023 +305 557 4 886324521 +305 566 3 886324486 +305 582 4 886323506 +305 597 2 886324551 +305 602 3 886324058 +305 610 3 886324128 +305 628 4 886324661 +305 631 3 886324028 +305 638 5 886324128 +305 650 4 886323406 +305 655 4 886323937 +305 660 4 886324734 +305 663 3 886323591 +305 664 2 886324462 +305 679 3 886324792 +305 684 3 886323591 +305 686 3 886324330 +305 690 4 886307828 +305 708 3 886324963 +305 709 5 886324221 +305 713 4 886323115 +305 729 3 886324712 +305 733 3 886324661 +305 735 4 886324128 +305 748 3 886308147 +305 749 2 886308111 +305 751 3 886307971 +305 770 3 886324521 +305 778 4 886325023 +305 792 4 886323406 +305 793 5 886324712 +305 806 3 886322720 +305 845 3 886323335 +305 856 5 886323839 +305 863 4 886324387 +305 865 3 886323563 +305 904 4 886307860 +305 921 5 886324410 +305 923 5 886323237 +305 941 2 886324792 +305 943 2 886323464 +305 947 4 886322838 +305 960 1 886324362 +305 961 3 886323440 +305 963 4 886322635 +305 971 4 886324608 +305 1015 1 886323068 +305 1018 5 886324580 +305 1073 1 886323591 +305 1074 2 886324330 +305 1101 4 886323563 +305 1104 4 886323779 +305 1286 5 886324687 +305 1411 3 886324865 +305 1456 4 886324962 +305 1485 3 886323902 +305 1512 3 886322796 +305 1513 2 886322212 +306 13 4 876504442 +306 19 5 876503995 +306 25 3 876504354 +306 100 4 876504286 +306 111 4 876504442 +306 116 5 876504026 +306 150 5 876504286 +306 257 4 876504354 +306 258 2 876503793 +306 269 5 876503792 +306 283 3 876503995 +306 285 4 876504354 +306 286 4 876503793 +306 289 3 876503793 +306 303 3 876503793 +306 321 3 876503793 +306 741 1 876504286 +306 744 4 876504054 +306 756 3 876504472 +306 1028 2 876504581 +306 1251 5 876504026 +306 1514 4 876504614 +307 1 5 878066938 +307 21 4 876433101 +307 22 3 879205470 +307 24 4 876176161 +307 28 3 877119480 +307 50 5 879284239 +307 56 4 878856967 +307 62 3 881966033 +307 64 4 879283371 +307 70 4 877121347 +307 71 5 879283169 +307 72 3 877122721 +307 81 5 879283091 +307 82 4 875645340 +307 83 5 877120874 +307 91 4 879283514 +307 99 4 879283449 +307 101 3 888095824 +307 109 5 879283787 +307 114 5 879283169 +307 121 1 879114143 +307 132 4 879283333 +307 135 4 877122208 +307 143 3 879283203 +307 145 4 879283672 +307 153 5 875681145 +307 154 5 879282952 +307 161 3 879205470 +307 163 3 879283384 +307 164 4 879283514 +307 168 5 879283798 +307 169 5 879283625 +307 172 5 879283786 +307 173 5 879283786 +307 175 4 877117651 +307 178 3 877118976 +307 181 5 879283232 +307 183 3 877121921 +307 185 3 877118565 +307 186 5 879283625 +307 189 4 877121617 +307 193 3 879205470 +307 195 3 879205470 +307 196 3 879205470 +307 197 4 877122115 +307 200 3 877117875 +307 204 3 879205470 +307 209 5 879283798 +307 210 2 877123746 +307 214 5 879283091 +307 215 4 879283036 +307 222 4 879538922 +307 227 5 879538922 +307 228 5 879538921 +307 229 5 879538921 +307 230 5 879538921 +307 239 3 877122138 +307 257 5 875645340 +307 258 5 879283786 +307 269 4 879283333 +307 286 3 881965984 +307 313 5 888095725 +307 380 3 879538922 +307 393 3 877123041 +307 395 3 877121789 +307 401 1 879114143 +307 402 2 879283362 +307 403 3 877122035 +307 408 5 875645579 +307 419 4 877122115 +307 423 5 879283587 +307 427 3 877121988 +307 428 4 877118113 +307 431 4 877123333 +307 433 5 879283625 +307 449 4 879538922 +307 450 2 879538922 +307 462 4 879284095 +307 463 5 879283786 +307 472 3 877123683 +307 474 5 879283787 +307 483 5 875680937 +307 505 3 879205470 +307 511 5 879282952 +307 515 4 875680871 +307 527 5 878066938 +307 529 4 877381142 +307 580 4 879283514 +307 588 4 877118284 +307 631 3 879283544 +307 655 4 877117166 +307 660 3 879205470 +307 708 4 879283322 +307 736 3 877118152 +307 739 2 877122317 +307 746 4 875681078 +307 831 1 879114143 +307 1028 4 875746067 +307 1065 3 879205470 +307 1110 4 877122208 +307 1140 2 879114143 +307 1411 4 877124058 +308 4 5 887737890 +308 5 4 887739608 +308 7 4 887738847 +308 8 5 887736696 +308 9 4 887737194 +308 11 5 887737837 +308 12 5 887737243 +308 15 3 887739426 +308 17 4 887739056 +308 19 3 887737383 +308 21 3 887740729 +308 22 4 887737647 +308 23 5 887737293 +308 24 4 887738057 +308 25 4 887740649 +308 28 3 887737036 +308 30 4 887738933 +308 31 3 887739472 +308 32 5 887737432 +308 42 4 887738191 +308 44 4 887740451 +308 45 4 887736843 +308 47 4 887738933 +308 48 4 887736880 +308 49 3 887740833 +308 50 5 887737431 +308 54 2 887740254 +308 56 5 887736924 +308 58 3 887736459 +308 59 4 887737647 +308 60 3 887737760 +308 61 3 887739336 +308 64 4 887737383 +308 65 3 887738301 +308 66 4 887740788 +308 68 4 887740933 +308 69 2 887738664 +308 70 4 887737244 +308 71 4 887739257 +308 72 4 887740451 +308 73 3 887738972 +308 74 4 887740184 +308 77 3 887740788 +308 79 4 887737593 +308 82 4 887738470 +308 85 4 887741245 +308 87 4 887737760 +308 88 4 887740568 +308 89 5 887738057 +308 91 4 887737536 +308 92 4 887737293 +308 95 4 887737130 +308 96 4 887737432 +308 97 1 887738469 +308 98 3 887737334 +308 99 4 887738057 +308 100 5 887736797 +308 107 4 887741150 +308 109 3 887738894 +308 116 4 887737594 +308 117 3 887738620 +308 118 3 887739670 +308 121 3 887739471 +308 122 4 887742165 +308 123 3 887738619 +308 124 4 887737647 +308 127 4 887737243 +308 129 5 887736925 +308 131 4 887739383 +308 132 3 887737891 +308 133 3 887738225 +308 134 5 887737686 +308 135 5 887737243 +308 139 3 887741179 +308 141 3 887739891 +308 143 4 887739136 +308 144 3 887737956 +308 147 3 887739831 +308 148 3 887740788 +308 151 4 887741795 +308 152 5 887739292 +308 153 5 887737484 +308 154 4 887738152 +308 156 4 887738057 +308 157 5 887738268 +308 160 4 887738717 +308 161 3 887740788 +308 162 4 887739095 +308 163 4 887737084 +308 164 4 887738664 +308 165 3 887736696 +308 166 3 887737837 +308 168 4 887737593 +308 169 5 887736532 +308 170 3 887737130 +308 171 4 887738346 +308 172 4 887736532 +308 174 4 887736696 +308 175 5 887736999 +308 176 4 887736696 +308 177 5 887738570 +308 178 4 887737719 +308 179 4 887736584 +308 180 5 887737997 +308 181 4 887739095 +308 182 5 887737194 +308 183 4 887736695 +308 184 4 887738847 +308 185 4 887736925 +308 186 4 887738152 +308 191 4 887736797 +308 192 5 887736696 +308 193 3 887737837 +308 194 5 887739257 +308 195 5 887738619 +308 196 3 887739951 +308 197 3 887736743 +308 198 3 887739172 +308 199 4 887737760 +308 200 5 887738933 +308 201 5 887737334 +308 202 4 887737084 +308 203 5 887737997 +308 204 4 887737891 +308 205 3 887738191 +308 208 4 887736798 +308 209 4 887737686 +308 210 4 887737130 +308 211 4 887737535 +308 213 4 887739382 +308 214 2 887738104 +308 215 3 887737483 +308 216 3 887737789 +308 218 5 887738717 +308 219 3 887738717 +308 223 4 887737130 +308 226 3 887740833 +308 230 4 887739014 +308 231 3 887740410 +308 233 3 887738346 +308 234 3 887737084 +308 235 3 887739800 +308 237 3 887737383 +308 238 5 887736843 +308 239 3 887740033 +308 241 4 887738509 +308 248 4 887741437 +308 254 2 887742454 +308 255 4 887741693 +308 257 4 887741526 +308 259 3 887736408 +308 264 2 887736408 +308 265 3 887737647 +308 273 2 887737084 +308 274 3 887738760 +308 275 4 887737891 +308 276 4 887736998 +308 283 3 887737194 +308 284 4 887741554 +308 285 5 887736622 +308 288 4 887736408 +308 291 3 887739472 +308 293 4 887741415 +308 294 3 887736408 +308 298 5 887741383 +308 309 1 887736408 +308 313 3 887736408 +308 318 4 887736743 +308 319 4 887736408 +308 321 3 887736408 +308 322 2 887736408 +308 356 3 887740833 +308 357 4 887738151 +308 365 3 887739915 +308 367 4 887738571 +308 371 3 887738469 +308 378 3 887740700 +308 382 4 887739521 +308 385 4 887740099 +308 392 4 887740367 +308 393 4 887740367 +308 396 4 887740099 +308 403 4 887738571 +308 404 3 887736998 +308 408 5 887738268 +308 410 4 887741329 +308 411 4 887739987 +308 417 3 887740254 +308 419 4 887737194 +308 420 4 887740216 +308 423 5 887736999 +308 425 4 887737997 +308 428 5 887739426 +308 429 4 887737890 +308 430 4 887738717 +308 432 4 887737036 +308 433 5 887738301 +308 434 4 887736584 +308 435 4 887737484 +308 436 4 887739257 +308 443 3 887740500 +308 447 4 887739056 +308 448 3 887740866 +308 449 3 887741003 +308 452 2 887741329 +308 455 4 887738226 +308 461 4 887737535 +308 463 4 887738057 +308 466 5 887738387 +308 467 4 887737194 +308 469 5 887738104 +308 471 3 887739382 +308 472 2 887739336 +308 473 3 887739951 +308 475 4 887737193 +308 477 4 887739257 +308 479 5 887738346 +308 480 4 887736532 +308 481 4 887737997 +308 482 5 887738152 +308 483 3 887736843 +308 484 3 887736998 +308 485 3 887737719 +308 486 4 887737432 +308 487 4 887736798 +308 488 4 887736696 +308 490 4 887738104 +308 492 3 887737535 +308 493 3 887737293 +308 494 5 887738570 +308 495 3 887740131 +308 496 3 887736532 +308 498 5 887736584 +308 499 3 887738619 +308 501 4 887740099 +308 502 5 887739521 +308 504 4 887738570 +308 505 3 887737647 +308 506 4 887738191 +308 507 3 887738893 +308 509 4 887738717 +308 510 3 887736925 +308 511 5 887737130 +308 512 5 887736584 +308 513 3 887736584 +308 514 4 887738619 +308 515 3 887737536 +308 516 4 887736743 +308 517 4 887737483 +308 519 4 887737997 +308 520 4 887738508 +308 521 3 887736798 +308 522 3 887737484 +308 523 4 887737084 +308 525 5 887738847 +308 526 3 887739426 +308 528 3 887737036 +308 530 4 887736584 +308 531 4 887738057 +308 537 4 887739136 +308 546 3 887740500 +308 550 4 887738847 +308 558 4 887737594 +308 559 4 887740367 +308 566 4 887739014 +308 567 4 887741329 +308 568 5 887740649 +308 569 3 887740410 +308 578 2 887738847 +308 579 3 887740700 +308 581 4 887740500 +308 582 3 887736843 +308 583 4 887737483 +308 584 4 887738717 +308 588 5 887738893 +308 589 4 887737760 +308 591 3 887739608 +308 597 3 887738933 +308 602 4 887737536 +308 603 5 887736743 +308 605 4 887740603 +308 607 3 887737084 +308 609 4 887739757 +308 610 4 887738847 +308 611 4 887738971 +308 613 4 887738620 +308 614 3 887739757 +308 615 3 887739213 +308 616 2 887739800 +308 618 4 887737955 +308 628 3 887738104 +308 629 4 887738894 +308 632 3 887738057 +308 633 4 887739257 +308 634 4 887737334 +308 637 3 887741108 +308 641 4 887736459 +308 642 5 887738226 +308 646 5 887738508 +308 648 4 887738509 +308 653 5 887736999 +308 654 5 887736881 +308 655 4 887738664 +308 656 3 887736622 +308 657 4 887736696 +308 659 3 887736532 +308 660 3 887740410 +308 661 4 887736532 +308 663 5 887738469 +308 664 5 887736999 +308 665 4 887741003 +308 671 4 887739014 +308 673 4 887737243 +308 675 4 887740367 +308 678 3 887736408 +308 679 4 887739426 +308 684 3 887737593 +308 686 4 887739831 +308 692 3 887738469 +308 693 3 887738104 +308 699 4 887737193 +308 705 5 887737837 +308 708 4 887739863 +308 709 3 887737334 +308 712 4 887740833 +308 715 5 887740700 +308 729 3 887740254 +308 732 4 887738847 +308 736 3 887738760 +308 739 4 887739639 +308 741 4 887739863 +308 742 4 887739172 +308 746 4 887739056 +308 747 3 887740033 +308 755 3 887740033 +308 770 4 887738057 +308 778 3 887740603 +308 792 3 887737594 +308 802 3 887738717 +308 805 4 887739471 +308 806 4 887737594 +308 811 4 887739212 +308 822 4 887739472 +308 824 3 887742013 +308 825 4 887740700 +308 826 3 887739427 +308 842 3 887740099 +308 843 3 887739095 +308 848 4 887736925 +308 853 5 887736797 +308 856 4 887738387 +308 863 3 887736881 +308 921 4 887738268 +308 928 4 887742103 +308 942 3 887737432 +308 945 4 887739136 +308 959 3 887739335 +308 962 4 887738104 +308 965 4 887738387 +308 966 3 887740500 +308 968 4 887739987 +308 1006 4 887739608 +308 1019 4 887738570 +308 1021 4 887736459 +308 1028 2 887738972 +308 1045 4 887740033 +308 1046 4 887740649 +308 1047 3 887742130 +308 1065 5 887739382 +308 1073 3 887736798 +308 1074 3 887741271 +308 1118 4 887740500 +308 1121 3 887737647 +308 1126 3 887738268 +308 1135 4 887740099 +308 1140 4 887740933 +308 1147 4 887738387 +308 1154 2 887740367 +308 1169 5 887739136 +308 1211 3 887739669 +308 1252 3 887741604 +308 1286 3 887738151 +308 1404 4 887739257 +308 1411 4 887741150 +308 1421 4 887739212 +308 1456 4 887739056 +308 1515 4 887738346 +309 258 5 877370288 +309 286 4 877370383 +309 304 3 877370319 +309 319 4 877370419 +309 334 4 877370356 +309 690 3 877370319 +309 879 4 877370319 +309 989 3 877370383 +309 1025 5 877370356 +309 1296 2 877370319 +310 50 5 879436177 +310 181 4 879436104 +310 222 3 879436062 +310 251 5 879436035 +310 274 3 879436534 +310 275 5 879436137 +310 294 1 879436712 +310 740 4 879436292 +310 1022 5 879435764 +310 1142 5 879436467 +310 1386 1 879436177 +311 1 4 884963202 +311 5 3 884365853 +311 8 4 884364465 +311 12 4 884364436 +311 15 5 884963136 +311 22 4 884364538 +311 23 3 884364570 +311 28 5 884365140 +311 31 4 884364570 +311 38 3 884365954 +311 39 4 884364999 +311 41 3 884366439 +311 43 4 884366227 +311 44 3 884365168 +311 47 2 884365654 +311 50 5 884365075 +311 51 4 884366010 +311 54 4 884366439 +311 56 5 884364437 +311 58 3 884364570 +311 62 3 884365929 +311 63 3 884365686 +311 64 5 884364502 +311 66 4 884365325 +311 68 1 884365824 +311 69 5 884364999 +311 70 4 884364999 +311 71 4 884364845 +311 72 4 884365686 +311 73 4 884366187 +311 76 4 884365140 +311 77 5 884365718 +311 79 4 884364623 +311 81 3 884365451 +311 82 5 884364436 +311 83 5 884364812 +311 86 5 884365252 +311 88 4 884365450 +311 89 5 884364845 +311 91 3 884366439 +311 94 3 884366187 +311 96 5 884365653 +311 97 4 884365357 +311 99 5 884365075 +311 100 1 884963136 +311 101 4 884366397 +311 117 4 884366852 +311 118 3 884963203 +311 121 4 884366852 +311 125 4 884963179 +311 127 4 884364538 +311 131 3 884365252 +311 132 4 884365548 +311 133 3 884364652 +311 134 5 884364502 +311 135 4 884366617 +311 136 5 884365357 +311 141 4 884366187 +311 161 4 884365579 +311 168 4 884365406 +311 170 5 884364999 +311 172 5 884364763 +311 173 5 884364569 +311 174 5 884364538 +311 176 4 884365104 +311 177 5 884364764 +311 178 5 884364437 +311 180 4 884364764 +311 181 4 884364724 +311 183 5 884365519 +311 185 2 884366617 +311 186 3 884364464 +311 187 4 884364764 +311 188 4 884364437 +311 191 4 884364764 +311 192 3 884366528 +311 193 5 884365075 +311 194 4 884364724 +311 195 4 884364538 +311 196 5 884365325 +311 197 4 884365686 +311 198 3 884364812 +311 199 4 884365485 +311 200 4 884365718 +311 202 4 884364694 +311 203 5 884365201 +311 204 5 884365617 +311 205 5 884365357 +311 208 4 884365104 +311 209 2 884364502 +311 210 5 884364652 +311 211 3 884364538 +311 212 3 884366397 +311 213 4 884365075 +311 215 4 884364999 +311 216 5 884364502 +311 218 4 884366363 +311 222 4 884366852 +311 226 4 884366397 +311 227 4 884365617 +311 228 5 884365325 +311 229 5 884365890 +311 230 5 884364931 +311 231 4 884365746 +311 232 3 884364812 +311 233 4 884365889 +311 234 4 884364873 +311 238 4 884365357 +311 239 3 884365284 +311 241 3 884364695 +311 258 4 884363706 +311 265 5 884364812 +311 275 4 884963136 +311 276 4 884963282 +311 282 5 884963228 +311 294 4 884364047 +311 300 4 884363831 +311 306 4 884363791 +311 310 4 884363865 +311 315 5 884364108 +311 318 5 884364569 +311 321 3 884363948 +311 322 4 884364047 +311 323 3 884364139 +311 326 2 884364047 +311 329 4 884363904 +311 348 4 884364108 +311 356 4 884365653 +311 357 5 884365104 +311 365 4 884365580 +311 366 5 884366010 +311 367 3 884365780 +311 371 5 884366137 +311 378 5 884366363 +311 380 4 884366067 +311 385 5 884365284 +311 387 4 884365654 +311 392 5 884366067 +311 393 4 884366066 +311 399 4 884366269 +311 402 4 884366187 +311 403 4 884365889 +311 404 3 884365406 +311 415 3 884365654 +311 416 4 884365853 +311 417 3 884366035 +311 418 4 884365202 +311 419 3 884364931 +311 420 1 884366334 +311 423 5 884365579 +311 425 2 884365140 +311 428 4 884366111 +311 431 4 884365201 +311 433 3 884364931 +311 436 3 884366269 +311 443 3 884365718 +311 444 2 884365746 +311 448 5 884365718 +311 449 3 884365823 +311 451 3 884366397 +311 465 4 884365406 +311 468 4 884365140 +311 469 5 884366227 +311 470 3 884365140 +311 471 4 884963254 +311 479 5 884365519 +311 480 4 884364593 +311 482 4 884365104 +311 483 4 884364437 +311 484 4 884366590 +311 485 1 884364538 +311 487 4 884365519 +311 491 4 884365168 +311 493 4 884364465 +311 494 4 884364593 +311 495 4 884366066 +311 496 5 884364593 +311 498 4 884364931 +311 499 4 884365519 +311 501 5 884365954 +311 504 4 884364873 +311 505 4 884365451 +311 509 3 884366590 +311 510 4 884366545 +311 511 4 884365202 +311 515 4 884365485 +311 518 3 884365451 +311 519 3 884365548 +311 520 5 884365251 +311 521 4 884366686 +311 523 5 884364694 +311 526 5 884364873 +311 527 4 884365780 +311 528 4 884364724 +311 530 3 884365201 +311 539 4 884364268 +311 549 2 884366111 +311 550 3 884364812 +311 553 3 884365451 +311 562 3 884365746 +311 568 5 884365325 +311 570 4 884365890 +311 576 3 884366269 +311 578 2 884365930 +311 581 3 884366137 +311 584 3 884365485 +311 588 4 884365284 +311 592 5 884364845 +311 604 3 884364570 +311 614 4 884365357 +311 621 4 884365579 +311 622 3 884364437 +311 623 2 884366112 +311 627 4 884366067 +311 630 5 884365929 +311 639 4 884365686 +311 642 4 884365823 +311 645 5 884366111 +311 648 4 884364694 +311 650 3 884364846 +311 651 4 884364623 +311 655 4 884365406 +311 660 4 884365252 +311 661 3 884365075 +311 662 4 884365018 +311 671 3 884365954 +311 679 4 884365580 +311 684 4 884365075 +311 692 4 884364652 +311 699 4 884365075 +311 700 3 884365852 +311 702 3 884365284 +311 705 3 884365201 +311 708 5 884366397 +311 715 2 884365746 +311 720 3 884366307 +311 723 4 884366187 +311 724 4 884365406 +311 726 3 884366035 +311 729 4 884365451 +311 732 4 884365617 +311 735 4 884366637 +311 739 4 884365823 +311 747 3 884364502 +311 748 4 884364071 +311 750 5 884363706 +311 751 3 884363758 +311 754 3 884363758 +311 755 4 884366035 +311 761 3 884366067 +311 768 2 884365889 +311 775 3 884365579 +311 778 4 884365251 +311 781 2 884366307 +311 783 3 884366439 +311 785 3 884366010 +311 794 4 884366270 +311 796 3 884365889 +311 845 4 884366824 +311 849 3 884365781 +311 921 4 884364695 +311 939 2 884364694 +311 941 4 884365929 +311 942 5 884366112 +311 944 4 884366439 +311 946 4 884366270 +311 951 3 884365548 +311 965 3 884365686 +311 966 4 884365617 +311 967 3 884364764 +311 1035 4 884365954 +311 1041 3 884366334 +311 1042 3 884366187 +311 1046 3 884366307 +311 1050 3 884365485 +311 1093 5 884963180 +311 1116 3 884364623 +311 1119 4 884366703 +311 1217 3 884365686 +311 1221 4 884364502 +311 1222 3 884366010 +311 1232 4 884366439 +311 1297 4 884365654 +311 1479 3 884365824 +312 1 5 891698832 +312 4 3 891698832 +312 8 5 891699263 +312 10 5 891699455 +312 14 5 891698664 +312 23 4 891698613 +312 50 5 891698300 +312 52 5 891699399 +312 57 5 891699599 +312 69 4 891699182 +312 70 5 891699398 +312 71 4 891699599 +312 83 4 891699538 +312 89 5 891698832 +312 91 3 891699655 +312 96 5 891699040 +312 97 5 891698391 +312 98 4 891698300 +312 114 5 891698793 +312 124 3 891698726 +312 131 5 891699702 +312 132 5 891699121 +312 134 5 891698764 +312 136 5 891698613 +312 137 3 891698224 +312 143 4 891698893 +312 144 1 891698987 +312 151 2 891698832 +312 152 2 891698485 +312 154 4 891699372 +312 156 3 891698224 +312 157 1 891698516 +312 165 5 891698726 +312 166 5 891698391 +312 169 5 891698893 +312 170 5 891698553 +312 172 4 891699677 +312 173 3 891699345 +312 174 5 891698224 +312 175 3 891699321 +312 176 4 891699295 +312 177 3 891698832 +312 178 5 891698553 +312 179 5 891698793 +312 180 4 891698174 +312 181 4 891699426 +312 183 5 891699182 +312 185 5 891699121 +312 186 3 891699491 +312 187 5 891699345 +312 188 3 891698793 +312 189 5 891698516 +312 190 5 891698865 +312 191 5 891698334 +312 194 4 891699207 +312 195 5 891698254 +312 197 4 891698764 +312 199 5 891698516 +312 204 4 891698254 +312 205 5 891699372 +312 206 5 891699399 +312 207 5 891699121 +312 208 5 891698334 +312 209 3 891699207 +312 211 4 891698254 +312 213 5 891699067 +312 214 3 891699121 +312 222 3 891698764 +312 223 5 891698485 +312 228 3 891699040 +312 234 5 891712535 +312 238 3 891699510 +312 241 3 891699655 +312 265 1 891698696 +312 269 5 891698130 +312 275 5 891698553 +312 276 4 891699010 +312 357 5 891698987 +312 372 3 891699568 +312 382 4 891699568 +312 408 4 891698174 +312 414 3 891699626 +312 419 3 891699182 +312 427 5 891698224 +312 428 3 891698424 +312 429 5 891698951 +312 430 5 891699426 +312 432 5 891699491 +312 434 3 891699263 +312 435 4 891699702 +312 443 4 891698951 +312 459 4 891698365 +312 463 5 891698696 +312 474 5 891698454 +312 478 5 891698664 +312 479 5 891698365 +312 480 5 891698224 +312 481 5 891698893 +312 482 5 891698613 +312 483 5 891699156 +312 484 5 891698174 +312 485 4 891699345 +312 486 5 891699655 +312 487 5 891699655 +312 488 5 891698334 +312 489 5 891699321 +312 490 5 891699655 +312 491 5 891699702 +312 493 5 891698365 +312 495 4 891699372 +312 496 5 891698664 +312 498 5 891699568 +312 499 4 891699296 +312 503 5 891699010 +312 505 5 891698987 +312 506 4 891699121 +312 507 5 891698300 +312 509 5 891699490 +312 510 5 891699490 +312 511 5 891699156 +312 512 3 891698951 +312 513 5 891698300 +312 514 3 891698516 +312 515 5 891699677 +312 516 3 891699626 +312 519 5 891698726 +312 520 5 891698254 +312 521 5 891698987 +312 524 5 891699345 +312 525 5 891698424 +312 526 5 891698334 +312 528 5 891698695 +312 529 5 891699121 +312 530 5 891698921 +312 531 5 891698254 +312 537 5 891698516 +312 543 5 891698424 +312 557 5 891699599 +312 584 5 891699263 +312 587 3 891699399 +312 588 5 891699490 +312 589 5 891698695 +312 593 5 891698987 +312 596 5 891699626 +312 601 5 891699067 +312 602 4 891699263 +312 603 5 891698454 +312 604 5 891698613 +312 606 5 891698300 +312 607 5 891698424 +312 608 5 891699372 +312 609 3 891698634 +312 610 5 891698921 +312 611 5 891698764 +312 612 5 891699263 +312 613 5 891698454 +312 614 4 891698865 +312 615 4 891698893 +312 618 5 891698300 +312 625 3 891699538 +312 631 5 891699599 +312 632 3 891698764 +312 633 5 891698951 +312 638 5 891698580 +312 639 5 891698391 +312 640 2 891698951 +312 644 5 891698987 +312 647 5 891698726 +312 648 5 891699068 +312 653 5 891698365 +312 654 5 891698485 +312 656 5 891699156 +312 657 5 891698485 +312 659 5 891699321 +312 660 4 891699321 +312 661 5 891698726 +312 663 5 891699599 +312 671 5 891699182 +312 673 5 891699426 +312 675 5 891698485 +312 676 3 891699295 +312 684 5 891698664 +312 705 5 891698553 +312 713 5 891698334 +312 730 3 891699568 +312 740 4 891699568 +312 813 5 891698516 +312 835 5 891712535 +312 836 5 891698921 +312 837 4 891699426 +312 847 3 891698174 +312 850 5 891698764 +312 855 5 891699538 +312 863 5 891698695 +312 919 3 891699263 +312 945 5 891699068 +312 967 3 891699321 +312 968 5 891698987 +312 1020 5 891698553 +312 1021 3 891698365 +312 1039 5 891698951 +312 1050 5 891698832 +312 1116 3 891698334 +312 1124 4 891698553 +312 1126 4 891699455 +312 1167 4 891699295 +312 1172 5 891699538 +312 1192 3 891699491 +312 1203 5 891699599 +312 1298 5 891699426 +312 1299 4 891698832 +312 1451 4 891699156 +312 1516 4 891698334 +313 1 4 891013436 +313 8 3 891014551 +313 15 2 891016962 +313 23 4 891013742 +313 25 2 891016757 +313 28 3 891016193 +313 29 2 891028472 +313 31 4 891015486 +313 44 3 891015049 +313 47 3 891015268 +313 50 5 891013859 +313 56 2 891014313 +313 58 3 891015387 +313 63 4 891030490 +313 64 4 891016193 +313 65 2 891016962 +313 66 1 891015049 +313 67 1 891029117 +313 69 5 891016193 +313 71 4 891030144 +313 73 5 891015012 +313 77 3 891031950 +313 79 5 891015114 +313 82 3 891014838 +313 88 2 891028956 +313 89 5 891014373 +313 94 3 891030490 +313 95 3 891014313 +313 97 4 891016193 +313 98 4 891014444 +313 100 5 891013681 +313 102 3 891030189 +313 114 4 891013554 +313 118 4 891028197 +313 121 4 891015114 +313 125 3 891017059 +313 127 5 891013620 +313 131 4 891015513 +313 132 5 891013589 +313 133 5 891014956 +313 134 5 891013712 +313 135 5 891014401 +313 136 5 891014474 +313 139 3 891030334 +313 141 4 891030189 +313 142 3 891030261 +313 143 3 891014925 +313 144 4 891015144 +313 147 4 891016583 +313 148 2 891031979 +313 151 1 891014982 +313 152 3 891016878 +313 153 3 891015268 +313 154 2 891014753 +313 155 2 891031577 +313 156 3 891014838 +313 157 3 891017372 +313 161 4 891015319 +313 162 3 891017270 +313 163 2 891016757 +313 164 3 891014870 +313 167 3 891029076 +313 168 3 891013589 +313 172 4 891014335 +313 174 4 891014499 +313 175 4 891014697 +313 176 4 891013713 +313 177 4 891015566 +313 178 5 891013773 +313 180 5 891014898 +313 181 4 891014782 +313 182 4 891013773 +313 183 5 891013554 +313 185 5 891013773 +313 186 3 891017011 +313 187 4 891014373 +313 191 5 891013829 +313 192 3 891015011 +313 193 4 891013887 +313 194 4 891014499 +313 195 5 891013620 +313 197 5 891013910 +313 199 4 891013938 +313 202 5 891014697 +313 203 5 891013859 +313 204 4 891014401 +313 205 5 891013652 +313 208 3 891015167 +313 210 4 891014898 +313 211 5 891013859 +313 215 4 891015011 +313 216 4 891013525 +313 218 2 891029847 +313 222 3 891017708 +313 225 4 891030228 +313 226 4 891028241 +313 228 3 891016986 +313 229 3 891028241 +313 230 3 891015049 +313 231 2 891028323 +313 232 3 891014957 +313 234 4 891013803 +313 235 3 891029148 +313 237 2 891016757 +313 238 4 891013859 +313 239 3 891028873 +313 245 3 891013144 +313 258 3 891012852 +313 265 4 891016853 +313 300 4 891012907 +313 309 4 891031125 +313 318 4 891013712 +313 322 3 891014313 +313 326 4 891012907 +313 328 4 891012907 +313 331 3 891013013 +313 333 4 891012877 +313 357 5 891013773 +313 385 4 891015296 +313 391 3 891028360 +313 393 4 891015268 +313 402 3 891031747 +313 403 3 891028285 +313 404 4 891030189 +313 405 3 891028197 +313 409 2 891030334 +313 414 3 891016425 +313 415 2 891030367 +313 417 2 891030334 +313 418 3 891014838 +313 419 3 891014313 +313 420 5 891014782 +313 423 4 891013939 +313 427 5 891014029 +313 428 3 891014649 +313 430 5 891013620 +313 432 5 891016583 +313 435 5 891013803 +313 441 3 891029964 +313 443 5 891013971 +313 448 3 891014956 +313 449 3 891028323 +313 452 3 891029993 +313 461 3 891014925 +313 465 3 891030096 +313 471 4 891015196 +313 473 3 891030228 +313 474 5 891016193 +313 479 5 891013652 +313 480 5 891013742 +313 481 4 891014000 +313 482 5 891016193 +313 483 5 891016193 +313 484 5 891016193 +313 485 3 891016425 +313 486 3 891015219 +313 487 3 891016378 +313 488 5 891013496 +313 489 4 891017372 +313 490 4 891016280 +313 493 3 891016193 +313 494 3 891016193 +313 495 2 891016280 +313 496 5 891014753 +313 497 4 891015296 +313 498 5 891015144 +313 499 3 891016452 +313 501 5 891013742 +313 502 3 891017395 +313 503 5 891014697 +313 504 5 891013859 +313 505 5 891014524 +313 511 4 891013742 +313 514 4 891013887 +313 515 5 891013803 +313 516 4 891028829 +313 519 5 891013436 +313 520 5 891013939 +313 521 4 891013887 +313 523 5 891014401 +313 525 5 891013525 +313 526 4 891028197 +313 527 4 891013525 +313 531 3 891014524 +313 538 2 891014313 +313 542 3 891017585 +313 546 4 891028426 +313 550 4 891028323 +313 559 3 891029877 +313 565 1 891030027 +313 568 4 891015114 +313 576 3 891028472 +313 578 3 891028241 +313 582 2 891016622 +313 586 2 891028426 +313 588 4 891016354 +313 603 5 891013681 +313 604 4 891014552 +313 608 4 891017585 +313 609 3 891014782 +313 615 4 891013652 +313 624 4 891030261 +313 625 4 891030189 +313 628 4 891016280 +313 629 3 891028873 +313 631 2 891014313 +313 632 4 891013620 +313 633 5 891014597 +313 636 4 891028241 +313 649 3 891016325 +313 650 4 891013829 +313 651 3 891014552 +313 654 5 891013681 +313 655 4 891014474 +313 657 4 891013830 +313 659 4 891013773 +313 661 4 891015082 +313 662 3 891031576 +313 663 5 891013652 +313 665 4 891028323 +313 670 3 891029877 +313 673 4 891016622 +313 674 2 891029918 +313 683 3 891030792 +313 684 4 891017088 +313 696 3 891032028 +313 720 2 891028472 +313 735 3 891014649 +313 739 3 891031747 +313 740 2 891016540 +313 742 3 891016932 +313 744 3 891016986 +313 748 3 891012934 +313 768 3 891030367 +313 770 4 891028285 +313 778 2 891028904 +313 820 2 891030228 +313 823 3 891028555 +313 831 3 891028426 +313 837 4 891014898 +313 840 2 891028360 +313 843 3 891030334 +313 845 3 891016853 +313 849 3 891028360 +313 892 4 891013059 +313 946 3 891030228 +313 969 4 891015387 +313 1050 4 891016826 +313 1066 2 891030334 +313 1091 2 891030261 +313 1210 4 891032028 +313 1470 1 891017319 +314 1 5 877886317 +314 5 4 877889724 +314 7 4 877886375 +314 8 4 877888059 +314 9 4 877886375 +314 11 5 877887837 +314 12 4 877888758 +314 15 5 877886483 +314 22 4 877889724 +314 24 1 877886221 +314 25 3 877886753 +314 29 5 877889234 +314 36 2 877889103 +314 38 5 877889994 +314 41 5 877887802 +314 42 5 877888610 +314 53 1 877891426 +314 54 4 877888892 +314 56 1 877887568 +314 64 5 877888346 +314 65 4 877888855 +314 66 5 877887763 +314 67 4 877891386 +314 68 4 877891637 +314 69 5 877888212 +314 70 1 877890531 +314 71 5 877888527 +314 72 2 877888996 +314 73 4 877889205 +314 78 4 877890463 +314 88 5 877888007 +314 90 2 877888758 +314 93 1 877886221 +314 94 4 877891386 +314 99 4 877888391 +314 105 4 877887292 +314 106 2 877886584 +314 111 4 877886641 +314 117 4 877886484 +314 120 3 877887094 +314 121 4 877886221 +314 122 1 877887065 +314 125 5 877886412 +314 126 2 877886971 +314 132 4 877890644 +314 138 5 877890960 +314 143 5 877890234 +314 144 3 877889275 +314 147 4 877886584 +314 150 4 877886522 +314 151 4 877886522 +314 155 5 877891575 +314 158 3 877892099 +314 161 5 877888168 +314 173 1 877889359 +314 196 3 877888212 +314 202 5 877888610 +314 204 5 877888644 +314 215 4 877888722 +314 216 3 877888722 +314 218 4 877889204 +314 220 4 877886279 +314 237 5 877886221 +314 246 5 877886375 +314 255 5 877886221 +314 257 5 877886413 +314 268 5 877885836 +314 274 3 877886788 +314 278 5 877886888 +314 280 3 877887034 +314 282 5 877886862 +314 283 4 877886483 +314 284 3 877886706 +314 288 5 877885887 +314 294 5 877885887 +314 318 5 877888796 +314 322 4 877886029 +314 327 4 877886099 +314 328 4 877885887 +314 332 5 877886029 +314 365 3 877891465 +314 366 4 877891354 +314 367 4 877889770 +314 377 3 877890982 +314 378 5 877888168 +314 379 3 877890463 +314 393 4 877889133 +314 395 2 877889770 +314 399 3 877889359 +314 401 3 877890769 +314 402 4 877888758 +314 405 4 877886522 +314 406 3 877887388 +314 409 4 877889480 +314 410 5 877886706 +314 411 4 877892461 +314 412 3 877892052 +314 418 5 877888346 +314 419 4 877889039 +314 423 4 877888060 +314 433 3 877887642 +314 468 4 877892214 +314 470 3 877889770 +314 476 5 877886921 +314 477 3 877886375 +314 496 4 877888060 +314 501 4 877888610 +314 508 3 877886789 +314 540 3 877890407 +314 542 4 877890300 +314 546 4 877886788 +314 562 4 877890960 +314 568 5 877888391 +314 578 4 877887763 +314 585 2 877890381 +314 588 5 877888007 +314 591 5 877887002 +314 595 3 877886375 +314 597 4 877887065 +314 609 4 877889311 +314 620 3 877887212 +314 623 5 877890927 +314 627 4 877888996 +314 628 5 877886606 +314 655 4 877887605 +314 672 5 877888723 +314 682 5 877885836 +314 685 4 877886788 +314 693 3 877891575 +314 697 3 877888996 +314 699 5 877888527 +314 710 3 877888796 +314 717 3 877890769 +314 721 5 877891465 +314 722 1 877891089 +314 724 2 877888117 +314 731 4 877892099 +314 735 5 877888855 +314 739 5 877889861 +314 742 4 877886221 +314 743 1 877886443 +314 747 1 877889698 +314 756 3 877886641 +314 761 4 877889073 +314 762 4 877886443 +314 763 5 877886706 +314 764 3 877886816 +314 765 3 877889480 +314 768 5 877890261 +314 772 1 877888212 +314 775 3 877888645 +314 780 4 877890675 +314 781 3 877891937 +314 783 3 877888855 +314 785 3 877890960 +314 787 2 877889927 +314 790 4 877889698 +314 791 4 877889398 +314 794 4 877888952 +314 795 4 877889834 +314 796 2 877891518 +314 801 3 877892017 +314 806 4 877887802 +314 808 4 877892052 +314 812 4 877889163 +314 815 5 877886375 +314 819 4 877886971 +314 820 5 877892461 +314 827 4 877887292 +314 833 4 877887155 +314 845 5 877886483 +314 846 3 877886971 +314 866 4 877892461 +314 869 4 877891681 +314 873 4 877886099 +314 924 5 877886921 +314 929 3 877887356 +314 932 4 877887316 +314 934 4 877887155 +314 938 3 877886099 +314 939 4 877888060 +314 941 3 877889971 +314 942 3 877888346 +314 946 5 877888527 +314 948 3 877886029 +314 949 4 877890428 +314 959 3 877888892 +314 983 4 877892488 +314 993 5 877886279 +314 996 4 877891354 +314 997 1 877892214 +314 1012 4 877886584 +314 1014 3 877886317 +314 1016 4 877886483 +314 1028 3 877886816 +314 1029 2 877891603 +314 1032 4 877891603 +314 1041 4 877888445 +314 1047 4 877886279 +314 1048 4 877886221 +314 1053 5 877891490 +314 1054 1 877886944 +314 1057 2 877887035 +314 1063 5 877887568 +314 1074 3 877890857 +314 1085 1 877892017 +314 1089 1 877887356 +314 1094 1 877887065 +314 1095 3 877887356 +314 1136 5 877890463 +314 1139 5 877888480 +314 1145 4 877892488 +314 1152 4 877887469 +314 1165 2 877892566 +314 1178 2 877892244 +314 1210 4 877889861 +314 1217 2 877891638 +314 1218 4 877887525 +314 1220 5 877892293 +314 1221 3 877889927 +314 1225 3 877891575 +314 1229 2 877891681 +314 1253 4 877892017 +314 1267 3 877888117 +314 1276 4 877887179 +314 1291 1 877892519 +314 1297 4 877890734 +314 1311 5 877889994 +314 1469 4 877889103 +314 1471 4 877892430 +314 1473 4 877891089 +314 1503 3 877890891 +314 1517 4 877891937 +314 1519 4 877892181 +314 1520 3 877892052 +315 4 4 879821065 +315 12 5 879821194 +315 23 5 879821193 +315 25 5 879821120 +315 31 3 879821300 +315 46 4 879799526 +315 48 4 879799457 +315 55 5 879821267 +315 56 5 879821037 +315 79 4 879821349 +315 93 5 879821065 +315 100 5 879821003 +315 121 2 879821300 +315 127 5 879799423 +315 137 5 879799423 +315 154 5 879821158 +315 156 5 879821267 +315 163 3 879821158 +315 164 4 879821349 +315 168 4 879821037 +315 173 4 879821003 +315 175 5 879799423 +315 176 4 879821193 +315 178 4 879799486 +315 180 4 879799526 +315 183 3 879821267 +315 186 4 879821065 +315 187 4 879799423 +315 194 4 879820961 +315 202 3 879821037 +315 203 3 879821194 +315 204 5 879821158 +315 209 5 879821003 +315 211 4 879821037 +315 216 4 879821120 +315 223 5 879799486 +315 230 4 879821300 +315 234 3 879821349 +315 238 5 879821003 +315 269 5 879799301 +315 271 3 879799546 +315 276 4 879799526 +315 285 5 879799486 +315 286 5 879799301 +315 288 3 879821349 +315 301 2 879799327 +315 302 5 879799301 +315 303 4 879799302 +315 318 5 879799422 +315 324 3 879799302 +315 327 4 879799583 +315 340 4 881017170 +315 382 4 879821089 +315 428 4 879821120 +315 433 4 879821037 +315 461 4 879799457 +315 466 1 879821349 +315 475 4 879821036 +315 504 3 879821193 +315 508 4 879799457 +315 513 5 879821299 +315 520 4 879799526 +315 523 4 879799390 +315 531 5 879799457 +315 603 5 879821267 +315 642 5 879821267 +315 645 4 879821065 +315 654 5 879821193 +315 673 4 879821267 +315 709 4 879821158 +315 732 3 879821158 +315 741 5 879821349 +315 746 3 879821120 +315 770 3 879821348 +315 792 5 879821120 +315 1065 4 879799526 +315 1084 4 879799423 +316 9 4 880853774 +316 14 4 880853881 +316 19 5 880854539 +316 22 4 880853849 +316 44 4 880853881 +316 58 3 880854267 +316 64 4 880853953 +316 69 3 880853881 +316 71 1 880854472 +316 83 4 880853992 +316 89 1 880854197 +316 97 5 880854142 +316 100 4 880854083 +316 127 2 880853548 +316 132 4 880853599 +316 162 3 880854472 +316 168 3 880853599 +316 170 4 880853810 +316 172 1 880854197 +316 173 1 880853654 +316 174 1 880854539 +316 180 4 880853654 +316 183 1 880853654 +316 185 2 880853548 +316 187 2 880853548 +316 190 5 880853774 +316 191 5 880854539 +316 192 1 880854267 +316 197 4 880854227 +316 199 3 880853598 +316 223 4 880853849 +316 234 1 880854473 +316 265 3 880854395 +316 275 5 880853810 +316 276 2 880853849 +316 283 5 880853599 +316 286 5 880853038 +316 289 2 880853219 +316 304 3 880853193 +316 318 5 880853516 +316 323 1 880853152 +316 357 4 880854049 +316 427 5 880853704 +316 435 2 880854337 +316 462 3 880853516 +316 463 5 880854267 +316 482 3 880854337 +316 487 3 880853810 +316 507 3 880853704 +316 515 4 880853654 +316 521 5 880854395 +316 530 2 880853599 +316 531 5 880853704 +316 582 5 880854539 +316 614 2 880854267 +316 633 4 880854472 +316 651 5 880854227 +316 673 2 880854083 +316 678 1 880853310 +316 707 4 880853485 +316 716 5 880853881 +316 730 4 880853775 +316 923 5 880854022 +316 988 1 880853152 +316 1039 5 880854500 +317 260 4 891446887 +317 264 4 891446843 +317 288 4 891446190 +317 299 4 891446371 +317 313 4 891446208 +317 322 3 891446783 +317 354 4 891446251 +317 355 4 891446783 +317 678 2 891446887 +317 683 2 891446412 +317 748 5 891446843 +317 879 3 891446575 +318 4 2 884497516 +318 8 4 884495616 +318 12 4 884495795 +318 14 4 884471030 +318 15 5 884470944 +318 24 4 884495132 +318 25 5 884494757 +318 26 5 884497471 +318 40 4 884497882 +318 47 2 884496855 +318 49 3 884497257 +318 56 3 884495561 +318 58 4 884496243 +318 63 3 884496932 +318 66 4 884495921 +318 69 5 884496572 +318 70 5 884496368 +318 72 4 884498540 +318 77 3 884497078 +318 85 3 884497180 +318 88 4 884496367 +318 94 4 884498210 +318 100 5 884470896 +318 105 1 884495164 +318 121 1 884495052 +318 127 5 884470970 +318 132 4 884495868 +318 133 4 884496432 +318 134 5 884495639 +318 137 4 884494652 +318 138 4 884498115 +318 140 4 884496738 +318 142 4 884496219 +318 143 5 884495944 +318 157 5 884496398 +318 158 5 884498709 +318 160 3 884497031 +318 161 3 884496738 +318 162 5 884496123 +318 167 4 884497611 +318 174 4 884495590 +318 179 4 884497546 +318 182 4 884496549 +318 186 5 884498292 +318 187 4 884495742 +318 188 3 884497031 +318 191 5 884496069 +318 193 3 884496367 +318 194 5 884495590 +318 196 3 884495973 +318 197 5 884496030 +318 204 5 884496218 +318 205 3 884496334 +318 208 4 884495664 +318 210 4 884496069 +318 211 5 884496432 +318 213 4 884497031 +318 215 2 884496218 +318 216 4 884495868 +318 229 1 884497318 +318 237 5 884494712 +318 238 3 884497359 +318 239 4 884497235 +318 248 3 884494976 +318 255 4 884494693 +318 265 4 884495664 +318 269 5 884469970 +318 275 4 884470718 +318 282 4 884470775 +318 284 3 884470775 +318 285 4 884470944 +318 286 3 884470681 +318 289 3 884470682 +318 294 4 884469971 +318 301 4 884470034 +318 305 2 884470682 +318 307 3 884470681 +318 312 4 884470193 +318 315 5 884470294 +318 318 5 884496218 +318 321 4 884470149 +318 326 4 884470149 +318 340 4 884470115 +318 357 4 884496069 +318 376 3 884498314 +318 378 4 884497632 +318 381 1 884497516 +318 384 3 884498210 +318 385 4 884496398 +318 393 5 884497449 +318 396 1 884498684 +318 401 3 884498292 +318 403 2 884496759 +318 404 3 884496639 +318 405 2 884494797 +318 414 4 884496008 +318 419 5 884495890 +318 423 5 884495561 +318 435 5 884496069 +318 451 4 884497546 +318 458 4 884494861 +318 480 4 884495795 +318 481 4 884496156 +318 482 5 884496156 +318 485 5 884495921 +318 501 4 884496984 +318 503 4 884497402 +318 508 4 884494976 +318 509 5 884495817 +318 514 2 884496524 +318 517 3 884496069 +318 524 3 884496123 +318 527 5 884496596 +318 531 4 884495921 +318 540 4 884498141 +318 566 4 884496472 +318 575 2 884497924 +318 605 4 884497425 +318 610 5 884496525 +318 618 3 884496984 +318 628 4 884494757 +318 629 4 884497236 +318 655 4 884496290 +318 657 5 884495696 +318 660 3 884497207 +318 692 4 884495561 +318 697 5 884496008 +318 708 4 884497994 +318 712 4 884496368 +318 722 4 884497546 +318 732 5 884496267 +318 735 5 884496182 +318 739 5 884496984 +318 750 4 884469971 +318 763 3 884494897 +318 792 2 884496218 +318 795 2 884498766 +318 796 3 884496500 +318 809 4 884498210 +318 815 3 884494938 +318 842 2 884495742 +318 864 2 884495032 +318 865 2 884496099 +318 866 4 884494976 +318 869 3 884498461 +318 892 3 884470391 +318 898 4 884470237 +318 934 4 884495382 +318 941 4 884497715 +318 944 2 884497208 +318 968 3 884496671 +318 1012 4 884471076 +318 1014 2 884494919 +318 1023 2 884495091 +318 1030 2 884498787 +318 1032 3 884498210 +318 1044 4 884496985 +318 1048 4 884495001 +318 1050 4 884496738 +318 1063 3 884495973 +318 1120 3 884495206 +318 1160 5 884494976 +318 1204 2 884496156 +318 1521 3 884497824 +319 259 2 889816172 +319 261 3 889816267 +319 268 4 889816026 +319 301 4 875707721 +319 306 4 879975504 +319 332 4 876280289 +319 346 3 889816026 +319 350 3 889816233 +319 358 3 889816233 +319 682 3 879977089 +319 689 3 881355802 +319 750 3 889816107 +319 751 3 889816136 +320 1 3 884748604 +320 2 4 884749281 +320 3 4 884748978 +320 4 3 884749306 +320 7 4 884748708 +320 11 4 884749255 +320 17 5 884751190 +320 22 5 884749452 +320 24 3 884748641 +320 27 3 884749384 +320 33 4 884749385 +320 38 4 884751288 +320 50 4 884749227 +320 51 5 884750992 +320 54 4 884751209 +320 56 5 884749227 +320 62 4 884749306 +320 66 4 884751034 +320 71 3 884751439 +320 77 3 884751246 +320 79 4 884749255 +320 82 3 884749359 +320 89 4 884749327 +320 90 4 884751034 +320 92 5 884749306 +320 95 3 884751418 +320 96 5 884749255 +320 97 5 884750946 +320 100 4 884748579 +320 118 1 884748868 +320 121 5 884748733 +320 122 3 884749097 +320 123 4 884748750 +320 129 4 884748661 +320 145 4 884751552 +320 147 4 884748641 +320 148 4 884748708 +320 156 5 884750574 +320 159 4 884751190 +320 161 4 884749360 +320 164 4 884751246 +320 172 4 884749227 +320 173 5 884750946 +320 174 4 884749255 +320 176 4 884749255 +320 183 4 884749255 +320 184 5 884749360 +320 185 4 884751141 +320 188 4 884749360 +320 195 5 884749255 +320 204 5 884750717 +320 210 5 884749227 +320 226 4 884749306 +320 231 2 884749411 +320 232 4 884749281 +320 233 4 884749281 +320 235 3 884748929 +320 238 4 884751672 +320 240 3 884748818 +320 241 4 884750968 +320 248 5 884750644 +320 250 4 884751992 +320 252 2 884749532 +320 257 4 884749499 +320 274 4 884748683 +320 276 2 884748579 +320 278 3 884748886 +320 288 4 884748277 +320 291 4 884749014 +320 292 3 884748299 +320 300 4 884748229 +320 340 2 884748230 +320 358 4 884748485 +320 368 3 884748946 +320 369 4 884749097 +320 385 4 884749327 +320 403 4 884749281 +320 405 4 884748774 +320 410 4 884748839 +320 411 3 884749119 +320 413 3 884749046 +320 421 4 884750968 +320 431 5 884749327 +320 433 4 884751730 +320 452 3 884751589 +320 453 3 884751610 +320 456 3 884748904 +320 458 4 884748868 +320 470 5 884751263 +320 472 3 884748750 +320 501 3 884751462 +320 546 4 884748818 +320 550 5 884749384 +320 552 4 884751336 +320 554 4 884751288 +320 566 3 884749384 +320 568 4 884749327 +320 570 4 884749384 +320 572 3 884751316 +320 576 3 884749411 +320 586 3 884749412 +320 588 3 884750766 +320 597 3 884748774 +320 625 4 884751439 +320 627 4 884751418 +320 678 3 884748418 +320 679 4 884749306 +320 685 4 884748839 +320 692 4 884750968 +320 716 1 884750992 +320 732 3 884751013 +320 739 4 884750992 +320 742 4 884748800 +320 751 4 884748470 +320 760 3 884748946 +320 763 4 884748683 +320 769 3 884751288 +320 771 3 884751316 +320 774 4 884751552 +320 800 4 884751190 +320 808 4 884749359 +320 825 4 884749550 +320 827 4 884749030 +320 833 1 884748904 +320 849 4 884749360 +320 869 4 884751068 +320 892 3 884748299 +320 895 4 884748346 +320 946 5 884751462 +320 974 3 884749097 +320 976 2 884749567 +320 1011 3 884748978 +320 1041 3 884751084 +320 1047 4 884748733 +320 1052 2 884749097 +320 1059 4 884748868 +320 1081 4 884748997 +320 1090 3 884751376 +320 1091 4 884751462 +320 1188 4 884749411 +320 1210 4 884751316 +320 1215 1 884749097 +320 1291 3 884749172 +320 1522 3 884751316 +321 7 4 879438793 +321 8 4 879440451 +321 9 4 879440472 +321 14 3 879438825 +321 19 4 879438825 +321 20 3 879440160 +321 30 4 879439658 +321 32 3 879440716 +321 45 4 879439763 +321 48 4 879439706 +321 50 4 879438793 +321 52 3 879440612 +321 56 4 879438651 +321 59 4 879440687 +321 60 4 879440954 +321 61 5 879441128 +321 64 3 879438607 +321 83 4 879439926 +321 86 4 879440294 +321 87 3 879439763 +321 89 3 879440716 +321 100 4 879438882 +321 116 3 879439595 +321 124 3 879438857 +321 127 3 879438651 +321 132 5 879440342 +321 133 5 879440612 +321 135 4 879439763 +321 143 3 879439621 +321 153 4 879440746 +321 170 4 879438651 +321 173 4 879440636 +321 174 3 879441111 +321 175 3 879439706 +321 180 4 879440612 +321 182 3 879439679 +321 186 4 879440245 +321 190 4 879439562 +321 191 3 879440365 +321 193 3 879441178 +321 197 5 879439812 +321 198 4 879439926 +321 199 4 879439787 +321 205 5 879440109 +321 211 4 879440109 +321 212 3 879440342 +321 213 4 879440109 +321 215 3 879439658 +321 216 4 879441308 +321 221 5 879438793 +321 224 3 879439733 +321 275 4 879440109 +321 276 3 879438987 +321 283 3 879438987 +321 286 4 879438932 +321 357 4 879439832 +321 382 3 879440245 +321 419 4 879439620 +321 428 4 879441336 +321 430 3 879439734 +321 432 5 879439812 +321 435 5 879439860 +321 462 4 879440294 +321 463 3 879440393 +321 474 4 879438607 +321 478 4 879439926 +321 479 4 879438607 +321 480 4 879440109 +321 483 5 879439658 +321 484 5 879440244 +321 485 4 879439787 +321 491 3 879440746 +321 493 4 879441110 +321 494 4 879440318 +321 497 5 879439860 +321 498 5 879438699 +321 499 3 879440393 +321 507 3 879441336 +321 510 5 879440317 +321 511 4 879440954 +321 513 4 879440294 +321 514 4 879439706 +321 515 5 879440109 +321 519 4 879441336 +321 526 3 879440245 +321 527 3 879439763 +321 529 4 879440342 +321 530 4 879440109 +321 531 4 879440294 +321 603 5 879438607 +321 604 5 879438651 +321 607 4 879440109 +321 611 4 879439832 +321 614 3 879440393 +321 633 5 879440109 +321 647 3 879438699 +321 651 3 879441178 +321 654 4 879439927 +321 657 4 879440660 +321 659 4 879440980 +321 663 2 879439537 +321 704 3 879440423 +321 705 3 879439812 +321 709 4 879441308 +321 730 3 879439179 +321 736 4 879439537 +321 855 3 879439733 +321 863 3 879440746 +321 942 3 879440954 +321 1028 2 879441064 +321 1050 3 879441336 +321 1101 3 879440660 +321 1126 3 879439860 +321 1194 5 879438607 +321 1331 4 879439017 +322 1 2 887314119 +322 9 4 887314212 +322 12 4 887313946 +322 23 5 887314417 +322 33 4 887313946 +322 48 4 887313946 +322 64 5 887314148 +322 92 4 887314073 +322 127 4 887313801 +322 150 4 887314027 +322 156 4 887313850 +322 157 5 887314244 +322 182 5 887314417 +322 188 3 887314244 +322 194 5 887313850 +322 196 4 887314352 +322 216 3 887313850 +322 234 4 887313893 +322 258 4 887313698 +322 272 4 887313698 +322 302 5 887314417 +322 303 3 887313611 +322 313 5 887314417 +322 346 3 887313611 +322 483 5 887314417 +322 489 3 887313892 +322 505 4 887314119 +322 507 4 887314119 +322 513 4 887314185 +322 514 4 887314352 +322 521 5 887314244 +322 528 5 887314418 +322 591 3 887313984 +322 603 5 887314417 +322 608 3 887314027 +322 653 4 887314310 +322 654 5 887314118 +322 655 5 887313946 +322 656 5 887314027 +322 751 2 887313611 +322 1019 4 887314073 +323 11 5 878739953 +323 15 3 878739393 +323 22 5 878739743 +323 23 5 878739925 +323 50 5 878739137 +323 56 5 878739771 +323 64 5 878740017 +323 93 4 878739177 +323 98 4 878739699 +323 100 4 878739177 +323 121 3 878739618 +323 144 4 878739988 +323 150 4 878739568 +323 151 4 878739568 +323 156 5 878739720 +323 172 5 878739988 +323 179 4 878739904 +323 180 5 878739857 +323 181 5 878739177 +323 186 4 878739988 +323 199 4 878739953 +323 203 5 878739953 +323 204 3 878739771 +323 210 4 878739878 +323 215 5 878739988 +323 222 3 878739251 +323 238 4 878740017 +323 243 1 878738997 +323 245 2 878739084 +323 246 4 878739177 +323 248 3 878739519 +323 249 3 878739488 +323 255 4 878739275 +323 258 4 878738826 +323 268 4 878738865 +323 273 4 878739355 +323 282 3 878739543 +323 286 3 878738826 +323 288 3 878738827 +323 289 2 878738910 +323 292 4 878738997 +323 293 4 878739299 +323 294 3 878738827 +323 295 3 878739519 +323 300 2 878738827 +323 319 2 878738827 +323 322 2 878738910 +323 327 4 878738910 +323 328 3 878739029 +323 332 3 878738865 +323 334 3 878738865 +323 467 5 878740017 +323 475 3 878739393 +323 479 4 878739801 +323 508 4 878739643 +323 535 3 878739643 +323 544 4 878739459 +323 619 3 878739519 +323 651 5 878739829 +323 678 2 878738910 +323 713 4 878739299 +323 741 3 878739543 +323 744 5 878739436 +323 762 4 878739488 +323 763 4 878739459 +323 764 3 878739415 +323 772 3 878739904 +323 847 3 878739225 +323 873 3 878738949 +323 875 3 878739029 +323 876 2 878738949 +323 886 3 878738997 +323 933 3 878739393 +323 993 4 878739488 +323 1012 4 878739594 +323 1017 3 878739394 +323 1048 3 878739594 +323 1050 5 878739988 +323 1073 4 878739857 +324 1 5 880575412 +324 9 5 880575449 +324 14 5 880575531 +324 50 5 880575618 +324 123 4 880575714 +324 125 5 880575714 +324 150 4 880575412 +324 248 5 880575493 +324 250 4 880575531 +324 255 4 880575449 +324 258 4 880575107 +324 259 5 880575107 +324 260 5 880575277 +324 268 4 880575045 +324 270 5 880575045 +324 273 5 880575449 +324 275 4 880575531 +324 276 5 880575531 +324 282 5 880575619 +324 285 4 880575412 +324 286 5 880574766 +324 288 5 880575002 +324 289 5 880575163 +324 292 3 880575045 +324 293 4 880575714 +324 294 5 880575002 +324 300 5 880574827 +324 301 5 880575108 +324 307 5 880574766 +324 310 4 880574827 +324 321 3 880575002 +324 322 4 880575163 +324 323 4 880575163 +324 327 4 880575002 +324 328 4 880575002 +324 331 4 880574827 +324 339 3 880574827 +324 340 5 880574827 +324 410 5 880575449 +324 411 5 880575589 +324 458 4 880575619 +324 475 5 880575449 +324 508 5 880575618 +324 538 4 880574901 +324 678 3 880575277 +324 690 4 880574901 +324 742 5 880575493 +324 749 3 880575277 +324 763 5 880575589 +324 827 4 880575715 +324 846 5 880575715 +324 872 5 880575045 +324 873 5 880575108 +324 875 3 880575163 +324 877 1 880575163 +324 879 4 880575234 +325 1 2 891478665 +325 2 1 891478772 +325 16 1 891478981 +325 23 5 891478276 +325 28 3 891478796 +325 32 3 891478665 +325 47 3 891478712 +325 50 5 891478140 +325 58 3 891478333 +325 71 3 891478981 +325 82 3 891479263 +325 86 3 891478578 +325 93 4 891478627 +325 95 2 891478895 +325 98 4 891478079 +325 99 5 891479244 +325 100 4 891478504 +325 105 3 891480175 +325 107 2 891479102 +325 109 2 891478528 +325 114 5 891478307 +325 115 3 891478557 +325 127 5 891478480 +325 132 3 891478665 +325 133 3 891478333 +325 134 4 891478599 +325 135 5 891478006 +325 137 5 891477980 +325 143 1 891479017 +325 152 4 891477905 +325 164 1 891479017 +325 168 3 891478796 +325 172 4 891478851 +325 174 2 891478006 +325 175 5 891478079 +325 176 3 891478455 +325 177 5 891478627 +325 180 4 891478910 +325 181 4 891478160 +325 182 3 891478835 +325 183 3 891477980 +325 185 5 891478140 +325 186 4 891478578 +325 187 3 891478455 +325 188 2 891478944 +325 190 4 891478432 +325 191 3 891478408 +325 193 4 891478627 +325 195 2 891478276 +325 197 4 891478199 +325 199 5 891478199 +325 200 2 891478120 +325 205 4 891478307 +325 208 3 891478771 +325 210 2 891478796 +325 211 3 891478627 +325 234 3 891478796 +325 235 1 891479292 +325 236 3 891478695 +325 269 4 891477567 +325 271 3 891477759 +325 272 3 891477537 +325 286 4 891477597 +325 305 2 891477638 +325 313 2 891477489 +325 319 3 891477638 +325 325 1 891477695 +325 340 3 891477473 +325 345 3 891477660 +325 357 4 891477957 +325 383 1 891480034 +325 386 4 891479890 +325 403 2 891479102 +325 408 5 891478307 +325 432 5 891479263 +325 434 5 891478376 +325 435 3 891478239 +325 443 4 891478817 +325 458 3 891478877 +325 469 4 891478504 +325 474 5 891478392 +325 475 4 891478079 +325 480 4 891478455 +325 482 4 891478333 +325 483 5 891478079 +325 484 5 891478643 +325 492 4 891478557 +325 493 4 891477905 +325 495 3 891478180 +325 498 4 891478333 +325 502 4 891479058 +325 506 5 891478180 +325 507 3 891478455 +325 510 4 891478180 +325 511 4 891478047 +325 517 4 891478219 +325 521 4 891478160 +325 523 3 891478376 +325 525 5 891478579 +325 526 3 891478239 +325 527 4 891478140 +325 529 4 891478528 +325 530 4 891478376 +325 542 2 891479962 +325 548 3 891480086 +325 554 1 891479912 +325 604 4 891478504 +325 614 4 891479038 +325 616 4 891477924 +325 628 3 891478772 +325 640 3 891478376 +325 647 5 891478529 +325 650 3 891478079 +325 654 4 891478276 +325 655 4 891479312 +325 737 4 891479846 +325 768 3 891479564 +325 771 1 891480115 +325 835 5 891478099 +325 865 3 891478079 +325 961 4 891479312 +325 1003 3 891480133 +325 1018 3 891479038 +325 1118 3 891479665 +325 1140 3 891479681 +325 1149 4 891479228 +325 1203 5 891478159 +325 1230 3 891479737 +325 1232 1 891479228 +325 1411 4 891478981 +325 1487 3 891480086 +325 1523 4 891478504 +326 1 3 879876159 +326 4 1 879876688 +326 8 4 879875457 +326 9 1 879875852 +326 33 2 879876975 +326 38 3 879877005 +326 44 1 879875852 +326 48 3 879875533 +326 53 1 879877039 +326 54 3 879876300 +326 56 2 879875691 +326 64 4 879875024 +326 67 2 879877284 +326 72 2 879877264 +326 79 4 879875203 +326 82 3 879876861 +326 86 2 879875644 +326 88 2 879877235 +326 89 4 879875398 +326 90 1 879877198 +326 94 4 879877304 +326 96 3 879875057 +326 97 4 879874897 +326 98 5 879875112 +326 127 1 879875507 +326 131 2 879875457 +326 132 4 879875398 +326 134 3 879875797 +326 135 3 879875852 +326 136 4 879874933 +326 141 3 879876235 +326 144 5 879876114 +326 154 2 879875271 +326 161 3 879875873 +326 170 2 879874897 +326 172 4 879875431 +326 173 5 879874989 +326 174 4 879874825 +326 175 1 879874933 +326 176 2 879876184 +326 177 3 879876881 +326 178 5 879875175 +326 180 1 879875457 +326 181 4 879875592 +326 182 2 879876861 +326 183 5 879875851 +326 185 5 879875203 +326 187 1 879875243 +326 194 4 879874825 +326 195 4 879875752 +326 196 4 879875822 +326 197 1 879875723 +326 199 5 879875552 +326 200 2 879877349 +326 202 4 879875724 +326 204 3 879874964 +326 205 4 879875507 +326 208 3 879875534 +326 210 3 879874964 +326 211 4 879876184 +326 216 2 879876235 +326 219 2 879877349 +326 226 5 879876975 +326 227 3 879876941 +326 228 4 879876861 +326 229 3 879876941 +326 230 3 879876861 +326 232 2 879876941 +326 233 4 879876941 +326 234 3 879875797 +326 237 2 879875572 +326 239 3 879875612 +326 241 3 879875778 +326 265 4 879876489 +326 317 3 879875243 +326 318 5 879875612 +326 367 3 879877264 +326 378 4 879875724 +326 385 3 879876882 +326 386 5 879877284 +326 391 4 879877005 +326 393 4 879876327 +326 397 3 879876975 +326 399 4 879877004 +326 403 3 879876976 +326 419 3 879875203 +326 423 3 879876159 +326 427 4 879875483 +326 428 5 879877283 +326 429 5 879875175 +326 433 2 879875644 +326 434 5 879875203 +326 435 3 879874897 +326 436 3 879877387 +326 441 2 879877433 +326 443 5 879877349 +326 444 4 879877413 +326 445 4 879877413 +326 447 4 879877388 +326 448 3 879877349 +326 449 3 879877039 +326 451 2 879877234 +326 452 3 879877470 +326 474 5 879875025 +326 478 3 879875083 +326 479 5 879875432 +326 481 1 879874964 +326 483 5 879874963 +326 484 5 879874933 +326 485 5 879875483 +326 491 4 879876235 +326 493 5 879874825 +326 498 5 879875083 +326 500 3 879875644 +326 501 3 879876688 +326 503 3 879876542 +326 505 3 879875271 +326 507 2 879875873 +326 508 3 879875432 +326 510 5 879876141 +326 511 4 879875593 +326 514 3 879875612 +326 515 5 879874897 +326 519 5 879875533 +326 520 5 879875151 +326 521 2 879875399 +326 523 4 879875057 +326 525 5 879874989 +326 526 5 879874964 +326 527 5 879874989 +326 528 3 879875112 +326 530 5 879875778 +326 550 5 879876505 +326 554 3 879877005 +326 559 3 879877413 +326 563 3 879877470 +326 564 3 879877470 +326 565 3 879877470 +326 566 4 879877073 +326 568 4 879876882 +326 588 3 879875691 +326 603 4 879875203 +326 608 4 879875930 +326 609 3 879875930 +326 611 3 879875572 +326 612 2 879875083 +326 613 5 879874860 +326 615 4 879875724 +326 616 5 879875724 +326 633 4 879875852 +326 646 2 879875112 +326 648 5 879875644 +326 651 4 879875663 +326 654 1 879875151 +326 655 5 879875432 +326 657 5 879875431 +326 659 4 879875397 +326 663 1 879877159 +326 665 1 879876975 +326 670 3 879877387 +326 671 3 879876327 +326 674 3 879877433 +326 675 4 879875457 +326 679 3 879876941 +326 701 4 879876141 +326 705 3 879875399 +326 720 2 879876975 +326 732 5 879877143 +326 780 2 879877326 +326 790 1 879877198 +326 837 4 879875507 +326 849 1 879876975 +326 944 2 879877326 +326 969 4 879875151 +326 1118 2 879877264 +326 1126 2 879875243 +326 1231 3 879877039 +327 1 4 887745622 +327 2 2 887820385 +327 4 4 887819161 +327 7 3 887744023 +327 8 4 887819860 +327 9 5 887819860 +327 10 4 887744432 +327 11 4 887745303 +327 12 3 887744205 +327 13 2 887746665 +327 14 4 887744167 +327 22 4 887744167 +327 23 4 887745463 +327 24 2 887745934 +327 25 2 887746728 +327 26 3 887747299 +327 28 3 887747971 +327 31 2 887820531 +327 32 4 887747266 +327 33 3 887820341 +327 42 3 887746665 +327 44 3 887745840 +327 47 4 887746553 +327 48 4 887745662 +327 50 3 887745574 +327 55 4 887820293 +327 56 2 887745805 +327 64 2 887745699 +327 65 2 887747617 +327 66 3 887819582 +327 69 2 887822711 +327 70 4 887819316 +327 72 2 887819582 +327 79 3 887745661 +327 81 4 887818904 +327 82 2 887820448 +327 83 2 887744101 +327 85 2 887819507 +327 86 4 887822433 +327 87 3 887818620 +327 88 2 887819194 +327 89 4 887744167 +327 90 3 887819194 +327 92 4 887748006 +327 93 4 887744432 +327 95 3 887818596 +327 96 2 887822530 +327 98 4 887746196 +327 99 4 887820761 +327 100 4 887744513 +327 108 3 887819614 +327 111 4 887819462 +327 117 3 887820385 +327 121 2 887822530 +327 127 4 887747338 +327 129 4 887744384 +327 131 4 887818783 +327 132 5 887820828 +327 133 4 887745662 +327 143 4 888251408 +327 144 4 887820293 +327 147 2 887820417 +327 150 4 887744356 +327 151 4 887745871 +327 152 3 887819194 +327 153 4 887818596 +327 154 4 887747337 +327 156 4 887747668 +327 160 4 887822209 +327 161 3 887820417 +327 164 3 887746219 +327 168 4 887820828 +327 169 2 887744205 +327 172 4 887743986 +327 173 4 887747337 +327 174 4 887744513 +327 175 2 887744205 +327 176 4 887744240 +327 178 4 887745661 +327 179 2 887820493 +327 180 4 887745774 +327 181 4 887745537 +327 182 4 887744205 +327 183 3 887744065 +327 184 3 887820341 +327 186 2 887744064 +327 188 5 887745774 +327 190 4 887832180 +327 195 4 887744277 +327 196 4 887745871 +327 197 4 887744023 +327 198 4 887747337 +327 200 4 887747338 +327 201 5 887820828 +327 202 4 887822400 +327 203 3 887818540 +327 204 4 887818658 +327 209 4 887747939 +327 211 3 887818682 +327 215 4 887820695 +327 216 3 887818991 +327 217 3 887746328 +327 218 3 887746328 +327 219 4 887746219 +327 222 2 887744357 +327 226 3 887820341 +327 228 4 887820171 +327 232 4 887819538 +327 233 3 887820385 +327 234 5 887745840 +327 237 4 887745494 +327 238 4 887747410 +327 239 3 887819316 +327 245 1 887743705 +327 246 4 887744384 +327 249 2 887744432 +327 250 2 887745272 +327 255 3 887745911 +327 257 2 887746728 +327 258 1 887737355 +327 260 1 887743705 +327 264 2 887743725 +327 265 2 887818511 +327 268 4 887737629 +327 269 3 887737629 +327 271 3 887743644 +327 273 2 887745911 +327 275 4 887747338 +327 281 3 887820341 +327 285 4 887744459 +327 286 2 887737328 +327 288 4 887743600 +327 293 3 887745574 +327 294 3 887743644 +327 298 3 887744405 +327 301 3 887743725 +327 302 3 887737355 +327 305 5 887820828 +327 311 3 887737629 +327 313 4 887744167 +327 318 5 887820828 +327 321 3 887743761 +327 324 3 887743644 +327 327 3 887737402 +327 328 2 887743600 +327 333 2 887737493 +327 336 2 887737569 +327 338 1 887743815 +327 340 4 887744167 +327 344 4 887744167 +327 357 4 887747338 +327 367 4 887819355 +327 381 4 887819354 +327 382 3 887819316 +327 393 3 887819507 +327 396 3 887819538 +327 403 3 887820384 +327 405 2 887745589 +327 408 2 887745910 +327 410 2 887819462 +327 411 3 887818957 +327 418 3 887820761 +327 419 4 887822832 +327 421 2 887745840 +327 423 3 887822752 +327 425 3 887822681 +327 428 4 887819021 +327 431 3 887820384 +327 433 4 887818991 +327 435 4 888251521 +327 447 4 887746196 +327 451 4 887819411 +327 455 2 887819316 +327 464 4 887822785 +327 466 3 887820171 +327 469 4 887822623 +327 474 3 887743986 +327 475 4 887744405 +327 476 2 887819538 +327 478 4 887819860 +327 482 4 887745661 +327 484 3 887745303 +327 494 4 887822400 +327 497 4 887818658 +327 498 4 887819860 +327 502 3 887747134 +327 506 3 887744513 +327 507 4 887744205 +327 508 2 887744064 +327 514 4 887747338 +327 517 2 887818991 +327 523 4 887818800 +327 527 4 887745319 +327 529 3 887822770 +327 537 4 887744023 +327 546 2 887820448 +327 550 2 887820448 +327 558 4 887746196 +327 559 2 887746328 +327 568 2 887820417 +327 582 4 887822711 +327 583 2 887820341 +327 588 4 887820761 +327 589 3 887743936 +327 603 4 887745661 +327 628 2 887820226 +327 631 3 887747133 +327 634 5 887820493 +327 644 3 887747410 +327 645 4 887818991 +327 650 4 887745699 +327 651 4 887745744 +327 652 4 887819860 +327 655 4 887745303 +327 658 2 887747668 +327 659 4 887819021 +327 663 4 887819582 +327 672 2 887746328 +327 676 3 887746686 +327 678 3 887743705 +327 682 3 887737629 +327 684 4 887820293 +327 686 4 887820293 +327 708 4 887818596 +327 709 4 887819411 +327 710 4 887747410 +327 715 4 887819860 +327 718 4 887745494 +327 732 1 887819316 +327 735 2 887818540 +327 746 3 887818992 +327 749 3 887743644 +327 753 4 887745744 +327 772 3 887822646 +327 778 3 887819462 +327 792 4 887819021 +327 806 4 887747617 +327 811 4 887747363 +327 845 3 887818957 +327 849 2 887822530 +327 856 4 887744167 +327 865 5 887745774 +327 874 3 887737629 +327 875 4 887743600 +327 886 2 887737493 +327 895 3 887743670 +327 896 5 887820828 +327 919 5 887820828 +327 921 4 887748028 +327 949 4 887819316 +327 952 2 887819354 +327 959 5 887819161 +327 960 5 887745774 +327 962 3 887820545 +327 1007 4 887745272 +327 1012 2 887745891 +327 1017 2 887819316 +327 1019 3 887746665 +327 1056 2 887747971 +327 1067 4 887819538 +327 1069 4 887819136 +327 1070 4 887744513 +327 1073 2 887744241 +327 1075 4 887822832 +327 1097 4 887819860 +327 1098 4 887820828 +327 1100 4 888251464 +327 1101 4 887746665 +327 1103 4 887819614 +327 1129 2 887745891 +327 1131 4 887822736 +327 1141 3 887822681 +327 1170 4 887819860 +327 1218 4 887822400 +328 4 3 885047895 +328 7 4 885046079 +328 8 3 885047018 +328 10 4 885047099 +328 11 3 885047450 +328 12 5 885045528 +328 22 5 885045805 +328 23 3 886036795 +328 28 5 885045931 +328 29 3 885048930 +328 31 4 886036884 +328 38 3 885049275 +328 43 3 886038224 +328 44 3 885047864 +328 46 2 885048004 +328 50 4 885045702 +328 51 3 885047417 +328 54 3 885047194 +328 55 4 885046655 +328 56 4 885045993 +328 58 4 885046206 +328 62 3 885049275 +328 64 4 885046276 +328 65 4 885046912 +328 68 3 885048198 +328 69 4 885045844 +328 70 4 885047252 +328 71 4 885048004 +328 72 3 885046686 +328 73 4 885048062 +328 76 3 885046580 +328 77 4 885046977 +328 79 4 885047194 +328 82 4 885046537 +328 85 1 886038183 +328 89 5 885046344 +328 96 4 885046174 +328 97 3 885046174 +328 98 4 885045899 +328 100 5 885046305 +328 117 4 885046420 +328 118 3 885048396 +328 121 4 885048266 +328 127 5 885045645 +328 132 5 885046420 +328 133 5 885047018 +328 135 3 885046853 +328 144 4 885045740 +328 148 3 885048638 +328 149 2 885048730 +328 153 2 886037257 +328 155 4 885048198 +328 157 5 885046344 +328 159 3 885047194 +328 161 4 885047670 +328 162 4 885048004 +328 164 3 885047484 +328 167 3 885048861 +328 172 4 885045528 +328 176 5 885046052 +328 177 3 885047099 +328 180 4 885046134 +328 181 4 885046244 +328 182 2 885045678 +328 183 5 885045805 +328 185 4 885045899 +328 186 4 886037065 +328 187 4 885045993 +328 188 5 885046498 +328 192 4 885045805 +328 194 3 885046976 +328 195 3 885045899 +328 198 3 885045844 +328 199 4 885045528 +328 203 5 885045931 +328 204 3 885045993 +328 205 4 885045768 +328 211 4 885046276 +328 215 3 885046773 +328 216 3 885045899 +328 218 4 885047281 +328 222 3 885046655 +328 223 4 885045645 +328 226 3 885048235 +328 227 3 885047129 +328 228 3 885046976 +328 229 3 885046977 +328 230 3 885048101 +328 231 2 885048762 +328 232 3 885047670 +328 234 4 885046376 +328 235 3 885048464 +328 237 4 885047373 +328 241 5 885047252 +328 245 4 885044703 +328 258 5 885044482 +328 260 2 885044940 +328 265 5 885045993 +328 270 2 885044641 +328 272 5 888641556 +328 273 3 885046134 +328 275 4 885046420 +328 281 4 885048930 +328 282 3 885047865 +328 284 3 885047593 +328 286 5 885044452 +328 289 4 885044566 +328 291 4 885047865 +328 294 3 885044733 +328 299 2 885044904 +328 300 5 885044640 +328 301 2 885044607 +328 302 4 885044380 +328 313 4 893195532 +328 315 4 885044782 +328 316 5 888641915 +328 317 4 885046976 +328 318 5 885045740 +328 322 3 885044782 +328 323 3 885044940 +328 326 4 885044607 +328 327 3 885044566 +328 328 4 885044566 +328 331 4 885045085 +328 332 3 885044782 +328 333 3 885044418 +328 343 3 885044452 +328 344 4 893195665 +328 347 5 885596118 +328 349 2 888641949 +328 350 3 886036374 +328 356 3 885047763 +328 357 4 885046244 +328 370 3 885048986 +328 371 4 885046773 +328 380 3 885047737 +328 383 3 885049880 +328 385 3 885046027 +328 399 2 885049405 +328 402 3 885047627 +328 403 3 885047281 +328 405 4 885047018 +328 423 4 885046305 +328 427 3 885045740 +328 431 2 885047822 +328 432 1 885047511 +328 433 2 885047670 +328 435 4 885045844 +328 443 4 885048235 +328 447 2 885045528 +328 448 3 885046744 +328 449 3 885049607 +328 451 4 885048159 +328 470 4 885046537 +328 471 3 885048004 +328 474 4 885046455 +328 480 3 885046244 +328 481 3 885048500 +328 482 3 885046580 +328 483 5 885045844 +328 498 5 885046654 +328 503 3 885047696 +328 504 3 885046420 +328 510 5 885046376 +328 511 4 885045678 +328 515 5 885045678 +328 518 2 885048198 +328 520 5 885045844 +328 523 5 885046206 +328 528 5 886037457 +328 531 4 885046455 +328 540 3 885048730 +328 546 3 885048861 +328 549 4 885047556 +328 550 3 885047336 +328 553 3 885048235 +328 554 3 885049790 +328 556 3 885048930 +328 559 3 885048986 +328 561 3 885049431 +328 566 5 885047374 +328 569 4 885049199 +328 570 3 885046498 +328 572 3 885049658 +328 578 2 885048895 +328 579 3 885049836 +328 582 5 885045844 +328 586 1 885048666 +328 589 4 885046244 +328 595 3 885048500 +328 597 3 885048465 +328 601 4 885048004 +328 606 3 885046244 +328 610 3 886036967 +328 614 4 885046276 +328 620 3 885048861 +328 623 3 885048801 +328 627 3 885048365 +328 628 3 885047627 +328 636 3 885047556 +328 637 3 885047865 +328 639 2 885048730 +328 645 4 885046344 +328 646 3 885046174 +328 649 3 885047417 +328 651 5 885046580 +328 655 4 886037429 +328 657 4 885046134 +328 661 5 885047373 +328 662 3 885047593 +328 665 2 885048801 +328 679 2 885049460 +328 684 5 885046537 +328 685 4 885047450 +328 688 1 886036585 +328 689 5 885044733 +328 690 3 885044418 +328 692 4 885046976 +328 693 2 885046174 +328 696 3 885049376 +328 699 4 885046718 +328 708 2 885048101 +328 715 2 885046853 +328 720 3 885049535 +328 723 3 885047223 +328 726 4 885049112 +328 729 4 885047737 +328 736 3 885047737 +328 739 3 885048611 +328 744 4 885046878 +328 748 3 885045245 +328 750 4 885044519 +328 751 3 885596088 +328 752 2 888641528 +328 755 3 885048801 +328 778 3 885047822 +328 798 2 885048159 +328 809 4 885048895 +328 810 3 885049535 +328 823 3 885049024 +328 849 3 885048333 +328 879 3 885044566 +328 903 3 893195755 +328 911 3 893195879 +328 912 3 893195852 +328 915 3 893195665 +328 916 2 893195710 +328 939 4 885046655 +328 956 4 885046912 +328 983 3 885049234 +328 984 3 885044940 +328 1015 3 885047737 +328 1021 3 885045740 +328 1041 3 885048762 +328 1042 3 885049024 +328 1106 2 893195825 +328 1107 3 885048532 +328 1109 3 885047100 +328 1112 4 885049459 +328 1126 3 885046580 +328 1135 1 885045528 +328 1136 4 885047018 +328 1139 1 885049756 +328 1217 3 885049790 +328 1248 3 885047417 +328 1263 3 885048730 +328 1277 3 885049084 +328 1313 4 888641949 +328 1401 2 885046537 +328 1439 3 885048827 +328 1478 3 885049275 +328 1483 4 893195825 +328 1518 3 885049503 +329 7 3 891655961 +329 8 2 891656391 +329 11 3 891656237 +329 12 4 891656178 +329 39 2 891656391 +329 50 4 891655812 +329 81 2 891656300 +329 117 3 891655868 +329 124 5 891655905 +329 127 4 891655741 +329 137 5 891655812 +329 147 3 891656072 +329 169 4 891656178 +329 174 4 891656639 +329 181 4 891655741 +329 185 3 891656347 +329 186 3 891656268 +329 194 3 891656429 +329 197 4 891656429 +329 198 4 891656268 +329 199 4 891656347 +329 245 3 891656640 +329 248 3 891656640 +329 250 3 891656639 +329 269 4 891655191 +329 272 5 891655191 +329 274 3 891656639 +329 276 4 891655905 +329 282 3 891656300 +329 284 3 891656072 +329 286 4 891655291 +329 288 2 891655191 +329 294 2 891655383 +329 295 4 891656012 +329 300 4 891655431 +329 302 5 891655191 +329 303 4 891655350 +329 313 4 891655191 +329 322 3 891655570 +329 323 2 891655594 +329 331 3 891656639 +329 333 4 891655322 +329 338 2 891655545 +329 423 4 891656237 +329 483 4 891656347 +329 534 3 891656639 +329 651 4 891656639 +329 655 4 891656237 +329 657 3 891656391 +329 705 3 891656347 +329 855 4 891656206 +329 879 2 891655515 +329 892 2 891655614 +329 924 3 891655905 +329 1011 3 891655981 +330 1 5 876544432 +330 8 5 876546236 +330 15 5 876544366 +330 21 5 876544953 +330 22 5 876545532 +330 25 5 876544582 +330 28 5 876546526 +330 31 5 876546812 +330 38 4 876546948 +330 44 5 876546920 +330 47 5 876546409 +330 50 5 876544366 +330 58 5 876546132 +330 63 3 876547165 +330 64 5 876546409 +330 66 5 876547533 +330 67 4 876547500 +330 69 5 876546890 +330 70 4 876546470 +330 71 5 876546236 +330 72 5 876547087 +330 73 5 876546782 +330 77 4 876547220 +330 80 2 876547737 +330 82 4 876546298 +330 88 5 876546948 +330 91 4 876547426 +330 94 4 876547426 +330 95 5 876546105 +330 97 5 876547220 +330 98 5 876546033 +330 99 4 876546172 +330 100 4 876544277 +330 102 4 876546586 +330 105 4 876545150 +330 117 5 876544654 +330 118 5 876544582 +330 126 5 876544480 +330 132 5 876546498 +330 133 5 876545625 +330 135 3 876546172 +330 143 5 876546470 +330 148 4 876544781 +330 151 4 876544734 +330 153 5 876545970 +330 161 4 876545999 +330 168 3 876546439 +330 172 5 876546619 +330 174 5 876546172 +330 177 4 876546267 +330 181 5 876544277 +330 185 4 876546236 +330 193 5 876547004 +330 195 3 876546694 +330 197 5 876546071 +330 200 5 876546668 +330 202 5 876546948 +330 204 5 876546839 +330 205 3 876546105 +330 208 5 876546409 +330 209 3 876547032 +330 210 5 876546866 +330 213 5 876546752 +330 216 5 876546470 +330 225 4 876544507 +330 228 5 876547220 +330 231 5 876545418 +330 237 4 876544690 +330 238 5 876546323 +330 252 4 876544734 +330 255 4 876544278 +330 257 5 876544609 +330 275 5 876544366 +330 277 4 876544690 +330 283 5 876544432 +330 284 5 876544311 +330 286 5 876543768 +330 293 3 876544311 +330 318 5 876546377 +330 357 4 876546439 +330 370 4 876545058 +330 376 4 876547378 +330 384 2 876547813 +330 385 5 876546378 +330 393 4 876547004 +330 403 5 876545417 +330 405 5 876544872 +330 418 5 876546298 +330 419 5 876546298 +330 422 4 876547853 +330 423 5 876545971 +330 427 5 876546920 +330 432 4 876546753 +330 443 4 876546377 +330 451 5 876547813 +330 468 5 876547608 +330 470 5 876546267 +330 473 4 876544632 +330 479 5 876546105 +330 485 5 876546839 +330 496 5 876546172 +330 501 5 876546719 +330 527 3 876546071 +330 549 5 876547355 +330 554 3 876547500 +330 559 3 876547500 +330 568 5 876546752 +330 570 4 876547674 +330 575 4 876547165 +330 588 5 876546033 +330 603 5 876545625 +330 627 5 876545479 +330 651 5 876547311 +330 660 5 876546752 +330 692 5 876547032 +330 694 5 876545971 +330 699 5 876547032 +330 708 3 876545598 +330 729 5 876545721 +330 732 5 876547220 +330 739 5 876545368 +330 747 3 876546498 +330 763 5 876544337 +330 823 3 876544872 +330 845 5 876544432 +330 864 4 876544278 +330 866 5 876544998 +330 963 5 876547533 +330 966 5 876547311 +330 969 5 876546409 +330 989 5 876543930 +330 993 4 876544632 +330 1016 3 876544480 +330 1028 4 876544953 +330 1035 4 876547470 +330 1044 5 876547575 +330 1084 5 876544432 +331 1 1 877196567 +331 8 3 877196444 +331 11 2 877196702 +331 22 4 877196235 +331 31 2 877196567 +331 32 4 877196633 +331 58 3 877196567 +331 59 5 877196383 +331 64 4 877196504 +331 81 5 877196702 +331 124 4 877196174 +331 132 3 877196174 +331 160 5 877196702 +331 175 4 877196235 +331 178 3 877196173 +331 180 5 877196567 +331 182 4 877196567 +331 198 4 877196634 +331 214 3 877196702 +331 215 3 877196383 +331 221 4 877196308 +331 223 4 877196173 +331 234 4 877196633 +331 238 4 877196383 +331 242 4 877196089 +331 268 5 877196820 +331 269 5 877196819 +331 277 4 877196384 +331 286 4 877196089 +331 302 5 877196819 +331 304 5 877196820 +331 305 5 877196819 +331 306 5 877196819 +331 414 4 877196504 +331 467 3 877196702 +331 475 3 877196173 +331 482 2 877196235 +331 491 3 877196383 +331 503 4 877196504 +331 506 2 877196504 +331 511 5 877196633 +331 514 3 877196173 +331 634 3 877196308 +331 653 3 877196173 +331 682 5 877196820 +331 694 4 877196702 +331 702 3 877196443 +331 705 2 877196173 +331 735 4 877196444 +331 811 4 877196384 +331 868 4 877196567 +331 933 3 877196235 +331 947 5 877196308 +331 958 5 877196504 +331 1017 2 877196235 +331 1101 4 877196633 +331 1141 3 877196504 +331 1194 3 877196444 +331 1199 1 877196634 +331 1296 5 877196820 +332 1 4 887938245 +332 5 5 888360370 +332 7 4 887916547 +332 8 5 888360108 +332 9 4 887916653 +332 11 5 888359882 +332 12 5 888098205 +332 22 5 887938934 +332 31 4 888098205 +332 38 2 888360488 +332 41 5 887938997 +332 44 3 888360342 +332 50 5 887916675 +332 53 3 888360438 +332 54 4 888360396 +332 56 5 888098256 +332 64 5 888359944 +332 70 2 888360179 +332 73 4 888360229 +332 77 4 888360343 +332 79 5 888098088 +332 82 5 888098524 +332 89 5 888098060 +332 95 5 888360060 +332 96 5 887939051 +332 97 5 888359903 +332 98 5 888359903 +332 105 2 887938631 +332 106 4 887938687 +332 117 4 887916575 +332 118 5 887938330 +332 120 4 887938818 +332 121 5 887916692 +332 122 5 887938886 +332 123 4 887916653 +332 125 5 887938224 +332 127 5 887916653 +332 144 5 887939092 +332 147 4 887938524 +332 148 5 887938486 +332 156 4 888359944 +332 159 5 887939071 +332 172 5 888098088 +332 173 5 888360092 +332 174 5 888359866 +332 181 5 887916529 +332 182 5 888098088 +332 195 5 887939051 +332 204 4 888098088 +332 210 5 887938981 +332 218 5 888360396 +332 222 4 887916529 +332 225 3 887938706 +332 226 5 887939092 +332 227 5 888360371 +332 230 5 888360342 +332 234 5 888360342 +332 235 3 887938723 +332 237 5 887916529 +332 240 4 887938299 +332 245 4 888098170 +332 249 3 891214777 +332 252 5 888098524 +332 255 4 887938330 +332 257 4 887916575 +332 258 5 887916151 +332 264 3 893027312 +332 265 4 888360370 +332 271 4 887916217 +332 273 5 887938277 +332 276 3 887938299 +332 282 5 887916692 +332 288 5 887916151 +332 291 4 887938439 +332 293 4 887916624 +332 294 5 887916324 +332 295 3 887916529 +332 298 4 887916575 +332 300 5 887916188 +332 302 5 893027264 +332 307 5 888098170 +332 313 5 887916125 +332 322 4 887916365 +332 323 5 888098276 +332 326 5 892484951 +332 327 5 887916324 +332 328 5 887916217 +332 332 4 887916411 +332 333 5 889069499 +332 342 4 892484976 +332 350 4 891214762 +332 354 5 888189331 +332 356 3 888360396 +332 367 4 888360212 +332 369 4 887938556 +332 370 2 887938849 +332 385 5 888098398 +332 405 4 887938503 +332 406 3 887938601 +332 409 3 887938601 +332 410 4 887938486 +332 411 4 887938738 +332 431 5 888360412 +332 449 4 888360438 +332 450 5 888360508 +332 452 4 888360508 +332 456 4 887938556 +332 470 5 887939157 +332 471 4 887938351 +332 472 3 887938277 +332 546 4 888098432 +332 550 5 887939092 +332 552 3 888360488 +332 554 3 888360460 +332 562 5 888098328 +332 568 4 888098151 +332 595 4 887938574 +332 597 5 887938486 +332 619 3 887938524 +332 628 4 887938556 +332 651 5 888098060 +332 655 5 888360248 +332 660 3 888098125 +332 673 5 888360307 +332 678 4 887916284 +332 679 5 887939021 +332 682 4 889069561 +332 684 5 888360370 +332 685 4 887938277 +332 696 3 887938760 +332 717 3 887938760 +332 728 4 893027298 +332 742 5 887938224 +332 746 5 888360129 +332 748 4 887916385 +332 756 2 887938687 +332 763 5 887938421 +332 769 3 888360532 +332 815 4 887938224 +332 820 4 887938524 +332 824 3 887938818 +332 827 4 887938503 +332 831 3 887938760 +332 833 5 887938556 +332 840 4 887938781 +332 841 4 887938669 +332 845 3 887938421 +332 866 2 887938631 +332 871 3 887938351 +332 879 4 887916385 +332 895 5 887916385 +332 928 5 887938706 +332 931 2 888360532 +332 934 2 887938886 +332 974 4 888360532 +332 978 4 888098459 +332 982 3 887938601 +332 983 2 887938886 +332 984 2 887916411 +332 1011 3 887938631 +332 1013 3 887938798 +332 1016 5 887916529 +332 1028 4 887938403 +332 1042 4 888360396 +332 1047 3 887938652 +332 1090 5 888360508 +332 1150 3 887938631 +332 1157 4 888360532 +332 1188 5 888098374 +332 1210 3 888360460 +332 1218 5 887939171 +332 1244 4 887938798 +332 1315 2 887916623 +333 100 4 891045666 +333 127 4 891045496 +333 153 4 891045496 +333 168 4 891045496 +333 174 5 891045082 +333 186 4 891045335 +333 255 3 891045624 +333 269 2 891044134 +333 294 3 891045496 +333 300 4 891044389 +333 315 5 891044095 +333 435 4 891045245 +333 483 4 891045496 +333 513 4 891045496 +333 520 4 891045117 +333 873 3 891045496 +334 4 3 891548345 +334 7 5 891544788 +334 8 4 891547171 +334 9 4 891544707 +334 10 4 891545265 +334 11 4 891545741 +334 12 5 891547016 +334 13 3 891545089 +334 14 3 891544810 +334 19 4 891544925 +334 20 4 891544867 +334 22 4 891545821 +334 23 4 891545821 +334 28 3 891546373 +334 29 2 891549751 +334 38 2 891550141 +334 42 4 891545741 +334 44 4 891548224 +334 47 4 891547171 +334 50 5 891544867 +334 56 4 891546914 +334 58 4 891546914 +334 59 5 891546000 +334 61 3 891550409 +334 68 3 891548387 +334 69 1 891548032 +334 70 3 891546299 +334 71 3 891546299 +334 72 3 891549192 +334 73 3 891548695 +334 74 2 891549246 +334 77 3 891549247 +334 79 4 891546992 +334 81 4 891546299 +334 82 4 891547083 +334 83 4 891628832 +334 86 4 891548295 +334 89 4 891545898 +334 91 4 891547306 +334 95 3 891548069 +334 98 4 891545793 +334 99 4 891548533 +334 100 5 891544707 +334 111 3 891547445 +334 115 5 891545768 +334 116 4 891545044 +334 121 3 891545067 +334 124 5 891544680 +334 125 3 891544925 +334 127 4 891544840 +334 129 4 891544735 +334 130 4 891545318 +334 131 4 891547744 +334 132 3 891546231 +334 134 5 891545973 +334 135 4 891545793 +334 137 2 891544953 +334 142 3 891548272 +334 143 2 891548647 +334 150 4 891628832 +334 151 4 891544925 +334 153 4 891547306 +334 154 4 891547235 +334 155 2 891549927 +334 160 4 891547190 +334 161 3 891549304 +334 163 4 891548602 +334 164 3 891548104 +334 168 5 891546914 +334 169 4 891546348 +334 170 3 891546181 +334 171 4 891546132 +334 172 3 891548954 +334 173 4 891628228 +334 174 4 891546992 +334 175 4 891546257 +334 176 3 891547040 +334 179 4 891546231 +334 181 4 891544904 +334 182 3 891545793 +334 183 4 891545950 +334 185 4 891545950 +334 186 3 891547128 +334 187 4 891547107 +334 190 4 891547083 +334 191 4 891545793 +334 193 4 891547334 +334 196 4 891547128 +334 197 4 891546181 +334 200 4 891547171 +334 203 4 891546181 +334 204 4 891547190 +334 207 4 891545950 +334 208 5 891546405 +334 209 3 891545821 +334 210 3 891546405 +334 213 4 891546373 +334 214 3 891549045 +334 216 3 891546348 +334 217 2 891549805 +334 218 3 891548317 +334 220 3 891545513 +334 221 5 891544904 +334 223 5 891545973 +334 225 3 891545645 +334 227 1 891547083 +334 228 5 891547894 +334 230 4 891548808 +334 231 2 891549024 +334 235 3 891545293 +334 236 4 891544765 +334 237 4 891545067 +334 238 4 891546231 +334 239 3 891546914 +334 244 3 891545044 +334 245 2 891544367 +334 246 4 891544952 +334 248 4 891544997 +334 250 3 891544840 +334 255 3 891544840 +334 257 4 891544764 +334 258 4 891544264 +334 265 3 891545876 +334 268 4 891544102 +334 269 3 891544049 +334 271 3 891544340 +334 272 4 891544103 +334 275 4 891544707 +334 276 4 891545089 +334 277 3 891544904 +334 283 4 891544810 +334 285 4 891544707 +334 286 4 891544049 +334 287 3 891545162 +334 288 3 891544209 +334 289 3 891544491 +334 290 3 891544997 +334 293 3 891544840 +334 297 5 891544680 +334 300 3 891544209 +334 301 2 891544233 +334 302 5 891544177 +334 303 4 891544077 +334 304 3 891550557 +334 305 2 891544135 +334 306 4 891544103 +334 307 3 891544135 +334 310 3 891544049 +334 311 4 891628833 +334 312 2 891544286 +334 313 4 891544077 +334 315 4 891550535 +334 316 4 891544407 +334 317 3 891546000 +334 318 4 891545926 +334 319 3 891544233 +334 322 3 891544584 +334 324 4 891628832 +334 326 1 891544286 +334 328 3 891544311 +334 333 4 891544233 +334 337 4 891544177 +334 338 1 891544524 +334 340 3 891544264 +334 345 2 891544177 +334 346 5 891544209 +334 347 3 891547445 +334 371 2 891547283 +334 387 4 891548579 +334 396 4 891549103 +334 403 4 891547016 +334 405 3 891547040 +334 408 4 891547912 +334 419 3 891546181 +334 421 4 891547307 +334 423 5 891545821 +334 425 4 891548835 +334 427 4 891545821 +334 428 4 891547955 +334 429 4 891546299 +334 430 4 891546206 +334 433 5 891628158 +334 436 3 891548203 +334 443 3 891547128 +334 449 3 891549539 +334 450 1 891550338 +334 461 3 891547744 +334 462 4 891628832 +334 474 3 891546257 +334 475 4 891544953 +334 476 3 891545540 +334 479 4 891545926 +334 481 5 891546206 +334 483 5 891628266 +334 484 5 891545793 +334 485 3 891548224 +334 488 5 891546231 +334 494 4 891547235 +334 496 3 891547040 +334 498 4 891545898 +334 500 3 891547334 +334 502 3 891546963 +334 505 4 891546405 +334 506 3 891547763 +334 508 3 891544867 +334 510 4 891628832 +334 512 4 891547148 +334 514 4 891545926 +334 515 4 891545898 +334 518 4 891547334 +334 521 4 891548835 +334 525 5 891545876 +334 527 3 891546231 +334 529 5 891547445 +334 531 5 891545949 +334 537 4 891547995 +334 549 4 891547261 +334 553 1 891548866 +334 558 4 891546231 +334 561 2 891549455 +334 566 3 891548866 +334 569 2 891548920 +334 577 2 891550372 +334 582 5 891547235 +334 591 4 891544810 +334 606 5 891545793 +334 607 3 891546206 +334 608 4 891547668 +334 620 2 891545540 +334 628 4 891544867 +334 629 4 891548460 +334 631 4 891547467 +334 634 4 891547513 +334 640 4 891548129 +334 642 5 891548436 +334 652 5 891546992 +334 655 4 891546257 +334 657 4 891545898 +334 658 3 891547148 +334 663 5 891545852 +334 675 4 891547148 +334 678 3 891544446 +334 684 4 891545768 +334 689 3 891544340 +334 693 3 891547083 +334 707 4 891546153 +334 708 4 891628833 +334 709 4 891548368 +334 710 3 891548295 +334 712 3 891549594 +334 716 3 891548758 +334 736 3 891548979 +334 740 3 891548678 +334 742 2 891544972 +334 744 3 891545108 +334 746 3 891548622 +334 753 4 891545741 +334 761 2 891549718 +334 762 3 891545044 +334 792 4 891546257 +334 810 3 891549267 +334 815 3 891545540 +334 840 4 891545674 +334 845 2 891544867 +334 846 3 891545318 +334 855 3 891547513 +334 856 4 891545926 +334 865 2 891549631 +334 866 3 891545239 +334 870 3 891545513 +334 877 3 891544264 +334 879 3 891544264 +334 882 3 891544135 +334 886 4 891544233 +334 887 5 891544491 +334 888 2 891550464 +334 896 5 891544049 +334 899 4 891547348 +334 902 4 891550520 +334 905 1 891547612 +334 906 5 891544177 +334 922 4 891544810 +334 931 1 891549513 +334 936 3 891544764 +334 937 3 891544367 +334 945 4 891545973 +334 950 3 891545162 +334 955 1 891547563 +334 961 4 891628832 +334 969 4 891628832 +334 1006 3 891549860 +334 1008 4 891545126 +334 1010 5 891545108 +334 1011 4 891544680 +334 1014 2 891545293 +334 1016 3 891545185 +334 1020 4 891546181 +334 1041 3 891549667 +334 1048 4 891545480 +334 1051 4 891545347 +334 1073 4 891547714 +334 1074 2 891548979 +334 1108 4 891549632 +334 1132 2 891545616 +334 1133 4 891549192 +334 1137 4 891544764 +334 1170 4 891548729 +334 1172 3 891545852 +334 1198 3 891544735 +334 1202 4 891544680 +334 1207 2 891550121 +334 1226 4 891545540 +334 1241 2 891545513 +334 1263 4 891549926 +334 1312 4 891628832 +334 1313 4 891544407 +334 1315 4 891545185 +334 1404 4 891549068 +334 1411 1 891549434 +334 1426 4 891548647 +334 1504 3 891549718 +334 1524 4 891547467 +334 1525 4 893074672 +335 258 1 891566808 +335 300 5 891567029 +335 305 4 891566861 +335 307 5 891566952 +335 313 3 891566808 +335 322 4 891567125 +335 323 4 891567125 +335 340 5 891566808 +335 342 2 891566976 +335 355 3 891567053 +335 748 2 891567098 +335 902 5 891566808 +336 1 3 877759342 +336 3 1 877758935 +336 4 4 877757790 +336 15 4 877754621 +336 25 3 877756934 +336 26 5 877757877 +336 33 3 877756242 +336 41 3 877757477 +336 42 5 877757669 +336 49 4 877758001 +336 50 4 877759224 +336 56 4 877757601 +336 63 2 877757268 +336 67 4 877756966 +336 70 5 877757910 +336 72 3 877756127 +336 85 3 877758078 +336 88 2 877757910 +336 90 5 877757062 +336 94 3 877756890 +336 100 3 877756934 +336 105 4 877755098 +336 111 3 877756999 +336 117 3 877760603 +336 121 4 877760441 +336 122 5 877757134 +336 124 1 877760244 +336 125 3 877760032 +336 151 1 877759473 +336 153 5 877757669 +336 154 5 877757637 +336 158 3 877756618 +336 168 5 877757700 +336 173 5 877757637 +336 186 4 877757730 +336 204 5 877757601 +336 208 2 877757930 +336 210 5 877757700 +336 216 5 877757858 +336 232 3 877757023 +336 237 5 877759598 +336 238 3 877757700 +336 239 3 877758001 +336 257 4 877759730 +336 273 5 877760032 +336 275 4 877759730 +336 276 4 877760310 +336 282 3 877760032 +336 284 4 877759833 +336 288 3 877760521 +336 290 3 877756934 +336 294 4 877759103 +336 367 3 877757910 +336 368 1 877756695 +336 383 1 877758935 +336 388 1 877757418 +336 393 3 877756618 +336 399 3 877757063 +336 401 1 877757133 +336 407 1 877757373 +336 410 3 877758001 +336 451 2 877756242 +336 475 4 877756934 +336 546 3 877760310 +336 575 3 877757373 +336 579 3 877757373 +336 585 3 877756966 +336 591 5 877759598 +336 628 3 877760374 +336 655 3 877757752 +336 692 3 877757637 +336 710 4 877757700 +336 716 2 877758001 +336 722 3 877757134 +336 732 3 877756356 +336 734 1 877757516 +336 738 1 877757343 +336 742 3 877759928 +336 746 3 877758103 +336 762 5 877756890 +336 763 3 877756890 +336 765 4 877757516 +336 780 3 877756934 +336 781 3 877757373 +336 785 1 877758935 +336 790 2 877758187 +336 796 3 877758035 +336 824 3 877756890 +336 845 1 877758035 +336 859 2 877758103 +336 871 2 877757550 +336 926 1 877758935 +336 949 4 877757952 +336 959 3 877758138 +336 998 1 877757062 +336 999 2 877757516 +336 1011 2 877754536 +336 1012 5 877760082 +336 1017 5 877757063 +336 1037 1 877757550 +336 1041 2 877757837 +336 1047 4 877757063 +336 1048 4 877757134 +336 1051 2 877757094 +336 1054 1 877754876 +336 1057 4 877757373 +336 1059 3 877756890 +336 1074 5 877757516 +336 1079 1 877757094 +336 1094 1 877757062 +336 1098 3 877757790 +336 1118 4 877758055 +336 1183 1 877757972 +336 1188 3 877757418 +336 1218 3 877757790 +336 1230 2 877757516 +336 1249 3 877756356 +336 1437 2 877756890 +336 1446 1 877757790 +336 1496 1 877757268 +337 15 5 875185596 +337 25 3 875184963 +337 50 5 875184413 +337 67 4 875236631 +337 121 5 875185664 +337 125 4 875185574 +337 127 3 875184682 +337 151 5 875185627 +337 181 2 875184353 +337 222 5 875185319 +337 227 5 875185319 +337 228 5 875185319 +337 250 3 875185219 +337 380 4 875185319 +337 392 5 875236512 +337 449 4 875185319 +337 450 2 875185319 +337 471 5 875235809 +337 515 5 875184280 +337 520 5 875236281 +337 636 4 875236281 +337 831 1 875236281 +337 879 3 875429233 +337 1016 4 875184825 +338 1 3 879438143 +338 52 5 879438690 +338 83 2 879438064 +338 86 4 879438505 +338 100 4 879438196 +338 132 2 879438143 +338 133 4 879438143 +338 134 5 879438536 +338 135 5 879438570 +338 143 2 879438652 +338 169 5 879438196 +338 170 5 879438301 +338 174 4 879438392 +338 175 4 879438762 +338 180 4 879438505 +338 189 4 879438449 +338 194 3 879438597 +338 196 2 879438505 +338 197 5 879438473 +338 208 3 879438225 +338 212 4 879438597 +338 213 5 879438250 +338 215 3 879438092 +338 216 4 879438196 +338 269 4 879437523 +338 275 5 879438063 +338 286 4 879437522 +338 294 1 879437576 +338 301 4 879437655 +338 306 4 879437548 +338 382 5 879438762 +338 408 5 879438570 +338 427 4 879438419 +338 435 4 879438597 +338 443 5 879438570 +338 462 4 879438715 +338 474 4 879438627 +338 478 3 879438505 +338 479 5 879438250 +338 480 5 879438114 +338 483 4 879438092 +338 484 5 879438143 +338 486 3 879438392 +338 488 5 879438449 +338 490 5 879438275 +338 497 3 879438165 +338 498 4 879438250 +338 513 5 879438225 +338 514 5 879438114 +338 516 5 879438366 +338 517 5 879438505 +338 523 3 879438366 +338 525 4 879438449 +338 582 5 879438419 +338 603 5 879438690 +338 606 3 879438275 +338 607 4 879438225 +338 650 5 879438275 +338 654 5 879438143 +338 663 5 879438627 +338 708 5 879438627 +338 792 4 879438196 +338 945 4 879438762 +338 990 4 879437607 +338 1124 4 879438301 +339 1 5 891032349 +339 4 4 891033653 +339 5 3 891034953 +339 7 4 891032952 +339 9 5 891033044 +339 11 4 891032379 +339 12 5 891032659 +339 22 5 891033735 +339 23 5 891033481 +339 25 4 891035116 +339 28 4 891032542 +339 29 3 891035759 +339 32 5 891032255 +339 42 4 891033452 +339 45 5 891033200 +339 50 4 891032576 +339 53 4 891034254 +339 56 5 891032221 +339 64 5 891033629 +339 65 4 891033452 +339 67 3 891035147 +339 69 4 891032633 +339 73 3 891035003 +339 74 4 891033382 +339 76 3 891034254 +339 79 4 891032701 +339 80 3 891035707 +339 81 5 891033566 +339 82 4 891035850 +339 86 4 891032221 +339 88 4 891035454 +339 89 5 891033416 +339 91 5 891034282 +339 92 4 891033452 +339 94 2 891036423 +339 97 4 891034626 +339 98 4 891032150 +339 99 4 891035180 +339 100 5 891032286 +339 101 3 891034626 +339 117 3 891034152 +339 121 3 891035454 +339 124 4 891032885 +339 126 4 891032121 +339 127 5 891032349 +339 130 4 891034040 +339 131 5 891033382 +339 133 4 891033165 +339 134 5 891033044 +339 135 5 891033256 +339 136 5 891033898 +339 139 3 891036199 +339 143 5 891034810 +339 144 3 891033794 +339 145 3 891036557 +339 150 4 891033282 +339 151 4 891033676 +339 153 4 891033932 +339 154 4 891032885 +339 156 5 891032495 +339 157 4 891032379 +339 159 3 891034681 +339 160 5 891033512 +339 161 3 891034626 +339 163 4 891035324 +339 167 4 891036058 +339 168 4 891033710 +339 170 5 891032286 +339 173 5 891034254 +339 174 4 891032320 +339 175 5 891032793 +339 176 4 891032413 +339 178 5 891033310 +339 179 5 891032793 +339 180 5 891032793 +339 181 4 891033898 +339 182 5 891033310 +339 183 4 891032828 +339 185 4 891032885 +339 186 4 891032255 +339 187 5 891032700 +339 188 4 891033735 +339 190 4 891034215 +339 191 5 891033676 +339 192 5 891032438 +339 194 4 891037070 +339 195 3 891032576 +339 196 4 891033416 +339 197 5 891033653 +339 198 5 891033382 +339 199 5 891032576 +339 200 5 891033118 +339 203 4 891032466 +339 204 3 891033542 +339 205 5 891033629 +339 208 4 891032827 +339 209 5 891032600 +339 211 5 891034215 +339 212 4 891035215 +339 213 4 891033542 +339 214 3 891033226 +339 216 3 891032286 +339 217 3 891034254 +339 218 3 891034810 +339 222 4 891033512 +339 226 2 891034744 +339 227 2 891035524 +339 228 4 891033960 +339 229 3 891035584 +339 231 2 891035180 +339 233 1 891036503 +339 234 4 891032255 +339 235 3 891036387 +339 238 5 891032827 +339 240 4 891036641 +339 241 4 891034152 +339 248 4 891034592 +339 250 5 891033830 +339 257 4 891033710 +339 258 3 891033200 +339 265 3 891034779 +339 269 5 891032379 +339 270 2 891036753 +339 276 4 891032495 +339 286 5 891032349 +339 293 5 891033282 +339 298 2 891032856 +339 302 4 891034592 +339 317 4 891032542 +339 327 4 891032150 +339 343 3 891031800 +339 346 5 891032255 +339 347 4 891034953 +339 357 5 891032189 +339 380 3 891035584 +339 383 1 891036834 +339 396 4 891036316 +339 402 3 891034867 +339 403 3 891034510 +339 404 4 891035147 +339 410 2 891034953 +339 411 2 891035420 +339 415 3 891035553 +339 423 3 891033602 +339 427 5 891034778 +339 428 5 891032349 +339 431 4 891035488 +339 433 4 891033542 +339 434 4 891033350 +339 436 4 891035147 +339 447 4 891034923 +339 449 3 891036316 +339 451 3 891034151 +339 461 5 891033226 +339 469 5 891032633 +339 474 4 891032286 +339 475 5 891032856 +339 478 5 891032466 +339 479 5 891032701 +339 480 5 891032885 +339 483 5 891032121 +339 484 5 891032495 +339 485 5 891032413 +339 488 5 891032379 +339 496 5 891032320 +339 498 4 891033044 +339 503 4 891035093 +339 504 5 891032255 +339 506 4 891033766 +339 508 4 891032189 +339 509 4 891033140 +339 511 5 891032885 +339 514 3 891037119 +339 515 5 891033072 +339 516 4 891033481 +339 518 5 891033984 +339 521 4 891032737 +339 522 5 891033165 +339 523 5 891033044 +339 525 5 891032737 +339 527 4 891032793 +339 528 5 891033044 +339 530 5 891032413 +339 546 4 891036423 +339 549 4 891034040 +339 550 2 891035523 +339 566 3 891034717 +339 568 3 891035061 +339 573 3 891036016 +339 589 5 891032221 +339 603 5 891032542 +339 607 5 891032189 +339 614 3 891034867 +339 631 5 891033256 +339 632 4 891033794 +339 636 4 891035248 +339 637 4 891035647 +339 639 4 891034115 +339 640 5 891035035 +339 642 5 891032953 +339 644 5 891033200 +339 649 5 891034007 +339 650 4 891032438 +339 654 5 891032150 +339 655 4 891033452 +339 657 4 891032221 +339 660 4 891034778 +339 661 5 891033830 +339 663 5 891032952 +339 673 5 891034071 +339 675 4 891034810 +339 678 2 891036781 +339 693 5 891033200 +339 702 4 891035850 +339 709 5 891032982 +339 719 3 891036753 +339 735 4 891034717 +339 736 3 891035093 +339 737 3 891035180 +339 739 3 891036058 +339 770 4 891034895 +339 772 4 891032413 +339 790 2 891034151 +339 806 4 891032737 +339 823 3 891035850 +339 845 4 891034718 +339 939 4 891034115 +339 942 4 891034484 +339 961 3 891034778 +339 1017 5 891033567 +339 1039 4 891033932 +339 1110 4 891034657 +339 1113 4 891033829 +339 1135 2 891033898 +339 1139 3 891036557 +339 1153 4 891035035 +339 1240 5 891033855 +339 1244 4 891036423 +339 1248 3 891034538 +339 1258 3 891034717 +339 1267 3 891033766 +339 1301 3 891032189 +339 1404 5 891034592 +339 1526 4 891035116 +340 15 5 884991396 +340 50 4 884990546 +340 66 5 884990798 +340 71 5 884990891 +340 88 5 884991584 +340 95 5 884991083 +340 143 5 884990669 +340 173 5 884990703 +340 174 4 884989913 +340 179 1 884989963 +340 180 3 884991236 +340 181 4 884991431 +340 196 4 884990861 +340 199 5 884990988 +340 205 4 884991516 +340 211 3 884991431 +340 215 5 884990620 +340 274 4 884991618 +340 378 5 884990891 +340 402 4 884990922 +340 417 5 884991544 +340 423 4 884990583 +340 428 1 884991618 +340 480 5 884991114 +340 486 4 884991083 +340 497 5 884990951 +340 502 2 884991678 +340 504 1 884991742 +340 520 5 884991544 +340 584 3 884991369 +340 588 5 884991369 +340 662 2 884991584 +340 946 5 884991647 +340 969 5 884991647 +341 259 3 890758051 +341 299 5 890757745 +341 330 5 890758113 +341 335 4 890757782 +341 682 3 890757961 +341 872 4 890757841 +341 881 5 890757961 +341 895 4 890757961 +341 908 3 890758080 +341 1025 5 890757961 +341 1280 2 890757782 +342 3 2 875318606 +342 4 4 874984395 +342 7 4 875318266 +342 8 4 875319597 +342 9 5 874984233 +342 11 5 874984315 +342 12 5 874984315 +342 13 3 874984480 +342 14 5 874984661 +342 15 3 875318154 +342 23 5 874984154 +342 25 2 875318328 +342 26 2 875320037 +342 28 2 875319383 +342 32 5 874984207 +342 42 3 875319659 +342 47 5 874984430 +342 56 5 874984315 +342 57 3 875319457 +342 58 5 875319912 +342 68 3 875319992 +342 88 1 875320644 +342 89 3 875319090 +342 92 4 875320227 +342 93 4 874984684 +342 95 4 875320297 +342 98 3 874984261 +342 100 5 874984207 +342 108 4 874984574 +342 111 3 875318267 +342 114 5 875318962 +342 122 4 875318783 +342 123 5 874984832 +342 124 4 875318267 +342 125 2 875318585 +342 129 5 874984684 +342 131 5 875319786 +342 133 4 874984207 +342 134 4 875318936 +342 135 3 874984395 +342 137 2 874984455 +342 143 5 875318936 +342 144 5 875319912 +342 149 5 874984788 +342 150 3 874984531 +342 152 4 874984341 +342 153 4 874984261 +342 156 4 874984128 +342 160 3 874984365 +342 165 3 875318907 +342 169 5 875318907 +342 174 2 875319681 +342 175 5 874984207 +342 179 5 874984175 +342 182 5 875319173 +342 188 3 875318936 +342 189 5 875319967 +342 191 5 875319991 +342 192 4 875320082 +342 193 5 875320199 +342 194 3 875318858 +342 196 3 874984128 +342 197 4 875318988 +342 204 4 874984261 +342 208 4 874984430 +342 209 5 875319554 +342 212 5 875319992 +342 216 5 875320104 +342 220 1 874984455 +342 223 4 875318907 +342 236 3 875318536 +342 237 4 874984832 +342 238 4 875319012 +342 240 3 875318629 +342 246 4 874984480 +342 248 3 874984455 +342 249 3 874984661 +342 251 5 875318267 +342 255 4 874984574 +342 257 2 875318267 +342 262 2 874984025 +342 274 2 874984895 +342 276 3 874984531 +342 282 1 875318366 +342 286 4 874984002 +342 287 3 874984619 +342 289 2 874984067 +342 293 4 874984619 +342 294 3 874984067 +342 297 3 875318267 +342 298 3 874984619 +342 301 5 874984045 +342 319 4 874984002 +342 320 5 875318833 +342 324 1 874984002 +342 326 1 874984002 +342 327 4 874984025 +342 357 3 874984234 +342 367 5 875319967 +342 378 4 875319617 +342 381 5 875320312 +342 382 3 875320623 +342 408 5 875318266 +342 410 3 874984661 +342 412 3 875318648 +342 421 3 875319435 +342 423 4 875319436 +342 427 4 875319254 +342 428 5 875320334 +342 433 5 874984395 +342 461 3 874984315 +342 475 5 874984233 +342 476 4 875318488 +342 478 3 875319967 +342 482 5 875318936 +342 483 4 875319745 +342 486 5 874984207 +342 487 5 874984315 +342 488 5 875319536 +342 496 4 875319334 +342 499 5 875319912 +342 507 4 875319295 +342 508 3 874984810 +342 514 5 874984341 +342 517 5 875320297 +342 518 3 875318858 +342 523 4 875319854 +342 531 3 874984175 +342 535 3 874984727 +342 544 1 875318606 +342 547 5 875318347 +342 558 5 874984341 +342 574 1 875320124 +342 581 3 875320037 +342 584 4 874984430 +342 606 5 875318882 +342 654 4 875319745 +342 655 4 875319383 +342 656 5 875319151 +342 657 5 874984207 +342 663 4 875320297 +342 692 1 875319090 +342 699 4 875319808 +342 716 2 875320014 +342 724 1 875320297 +342 727 3 875320082 +342 732 3 875319786 +342 756 3 874984895 +342 762 2 874984914 +342 763 3 874984854 +342 772 1 875319597 +342 789 3 875319412 +342 813 5 874984480 +342 815 4 875318629 +342 818 4 875318488 +342 833 3 874984751 +342 844 3 874984789 +342 846 2 875318688 +342 866 1 875318585 +342 873 3 874984068 +342 875 1 874984045 +342 928 3 875318509 +342 950 2 875318423 +342 952 3 874984619 +342 965 4 875319195 +342 974 2 874984789 +342 975 2 875318509 +342 1008 3 875318669 +342 1009 1 874984596 +342 1010 1 874984574 +342 1011 3 875318467 +342 1012 4 874984639 +342 1014 1 874984531 +342 1016 1 874984596 +342 1048 1 875318536 +342 1057 2 875318783 +342 1070 3 875319412 +342 1071 4 875319497 +342 1073 1 875320199 +342 1094 3 874984873 +342 1103 3 874984395 +342 1128 5 875318536 +342 1160 3 874984751 +342 1163 3 875318266 +342 1166 1 875319745 +342 1167 1 875319854 +342 1170 3 875319659 +342 1300 1 875318556 +342 1315 1 875318742 +342 1368 5 874984507 +342 1528 3 875318585 +343 1 5 876402668 +343 3 4 876406256 +343 4 5 876408139 +343 7 5 876402941 +343 8 5 876404836 +343 9 5 876402738 +343 10 4 876403009 +343 11 5 876405172 +343 12 5 876405735 +343 13 5 876402894 +343 20 5 876408138 +343 22 4 876406181 +343 23 5 876404499 +343 25 2 876402814 +343 26 3 876404689 +343 28 5 876404793 +343 38 3 876406257 +343 42 4 876404647 +343 48 3 876405697 +343 50 5 876402814 +343 52 5 876404793 +343 53 5 876407421 +343 56 5 876404880 +343 57 5 876404426 +343 58 4 876406283 +343 62 2 876406707 +343 63 4 876406062 +343 64 5 876405697 +343 65 5 876405172 +343 66 3 876406421 +343 67 3 876407663 +343 68 1 876406878 +343 69 5 876405735 +343 72 5 876407706 +343 76 4 876407565 +343 77 3 876405004 +343 79 4 876406144 +343 81 5 876408139 +343 83 4 876404957 +343 86 5 876404836 +343 87 4 876404613 +343 88 4 876405130 +343 89 3 876406006 +343 90 4 876406677 +343 97 4 876405893 +343 98 5 876404836 +343 100 5 876402668 +343 116 5 876403009 +343 117 2 876403121 +343 118 2 876403121 +343 121 2 876407072 +343 124 4 876402738 +343 127 5 876404464 +343 130 3 876403883 +343 132 5 876404880 +343 134 5 876404568 +343 137 4 876402941 +343 143 4 876406677 +343 144 4 876405004 +343 147 4 876402814 +343 150 4 876402941 +343 152 4 876404612 +343 153 5 876404539 +343 154 5 876406552 +343 155 1 876407379 +343 156 4 876405857 +343 157 4 876405045 +343 159 2 876405893 +343 163 5 876408139 +343 164 3 876404757 +343 168 4 876404612 +343 169 5 876405172 +343 174 5 876404464 +343 175 5 876405045 +343 176 5 876405553 +343 177 4 876407252 +343 179 5 876405633 +343 180 5 876404613 +343 187 4 876406006 +343 188 4 876407749 +343 189 4 876405697 +343 191 5 876404689 +343 193 4 876405857 +343 194 5 876405200 +343 196 4 876406257 +343 197 4 876404836 +343 198 4 876406006 +343 199 5 876404464 +343 200 2 876404539 +343 202 4 876406256 +343 203 5 876406764 +343 208 4 876404426 +343 211 5 876405820 +343 214 4 876406604 +343 215 5 876405943 +343 217 3 876405771 +343 222 4 876402978 +343 223 5 876405735 +343 228 5 876404757 +343 229 4 876407340 +343 231 5 876407032 +343 234 1 876405633 +343 235 4 876403078 +343 236 5 876402668 +343 237 4 876402738 +343 238 4 876404647 +343 241 3 876407291 +343 250 5 876403078 +343 252 4 876403491 +343 257 3 876402941 +343 258 5 876402390 +343 260 1 876402556 +343 265 2 876406878 +343 269 4 876402390 +343 274 3 876403443 +343 275 5 876408139 +343 276 5 876403078 +343 277 4 876402978 +343 283 4 876403212 +343 286 4 876402390 +343 288 2 876402428 +343 297 5 876403283 +343 302 4 876402390 +343 303 4 876402390 +343 306 4 876402516 +343 317 5 876405130 +343 318 5 876406707 +343 324 5 876402468 +343 333 3 876402468 +343 334 5 876402468 +343 357 5 876408139 +343 358 1 876402493 +343 367 4 876406144 +343 375 2 876406978 +343 382 3 876406978 +343 385 3 876406939 +343 387 4 876405521 +343 403 4 876406878 +343 405 4 876403776 +343 408 5 876403121 +343 410 3 876403212 +343 423 5 876408139 +343 425 5 876406514 +343 427 5 876405820 +343 429 4 876407138 +343 435 4 876404343 +343 449 5 876407138 +343 458 5 876402894 +343 461 2 876404957 +343 462 4 876404385 +343 463 4 876404793 +343 466 4 876404957 +343 471 4 876402941 +343 473 3 876403212 +343 474 5 876406677 +343 475 5 876402668 +343 476 2 876403239 +343 478 5 876404499 +343 483 5 876404343 +343 496 5 876404426 +343 498 5 876408138 +343 499 5 876405129 +343 508 5 876403514 +343 510 5 876408139 +343 515 4 876402626 +343 521 5 876408138 +343 523 5 876404647 +343 527 5 876404757 +343 528 3 876405004 +343 530 5 876405633 +343 531 5 876404539 +343 536 4 876403310 +343 546 1 876403348 +343 555 1 876407706 +343 559 3 876406822 +343 561 3 876405172 +343 568 1 876406640 +343 581 4 876405820 +343 582 3 876404836 +343 583 4 876407202 +343 606 5 876404836 +343 614 5 876404689 +343 631 4 876407175 +343 642 4 876404343 +343 654 5 876407006 +343 655 5 876405697 +343 657 5 876404464 +343 660 3 876405004 +343 663 5 876405045 +343 684 3 876406878 +343 702 4 876406257 +343 703 4 876404426 +343 708 4 876407006 +343 715 5 876405943 +343 724 4 876404499 +343 727 4 876406462 +343 729 3 876407291 +343 735 5 876406576 +343 739 3 876406939 +343 744 4 876402941 +343 747 4 876407174 +343 778 5 876406391 +343 786 4 876406181 +343 792 5 876405172 +343 823 3 876403851 +343 919 5 876403348 +343 921 4 876406640 +343 930 1 876403587 +343 931 3 876403938 +343 943 4 876406552 +343 950 3 876403121 +343 951 1 876406144 +343 961 4 876404688 +343 963 5 876404880 +343 980 5 876403239 +343 1008 4 876403418 +343 1039 5 876404689 +343 1047 1 876403776 +343 1067 3 876403078 +343 1073 4 876405771 +343 1112 3 876406314 +343 1117 3 876403563 +343 1132 4 876403746 +343 1140 3 876405943 +343 1194 4 876405129 +343 1211 4 876406677 +343 1267 4 876406576 +344 1 3 884899372 +344 4 4 884901235 +344 5 3 884901533 +344 7 4 884814668 +344 8 5 889814194 +344 9 5 884814480 +344 11 3 884901270 +344 12 5 884901024 +344 13 3 884899768 +344 14 5 884814532 +344 19 4 884899346 +344 22 3 884901180 +344 25 4 884814480 +344 26 3 884901561 +344 45 5 884901210 +344 50 5 884814401 +344 58 3 884814697 +344 64 5 884900818 +344 69 2 884901093 +344 70 3 884901561 +344 71 3 884901371 +344 73 3 884901371 +344 79 4 884900993 +344 83 4 884901503 +344 86 4 884901129 +344 87 4 889814195 +344 88 3 884901403 +344 89 5 884814479 +344 95 4 884901180 +344 96 4 889814195 +344 98 4 884901180 +344 100 5 886382272 +344 106 2 884900583 +344 111 4 884899767 +344 117 3 884899767 +344 118 3 884900353 +344 121 3 884899792 +344 122 1 886381985 +344 124 5 884899346 +344 125 3 884899741 +344 127 5 889814518 +344 129 4 884899346 +344 132 4 889814194 +344 137 5 884814668 +344 148 2 884900248 +344 151 5 884899719 +344 169 5 884814457 +344 172 4 884814697 +344 173 5 884814697 +344 174 5 884900993 +344 175 5 884901110 +344 176 5 884814507 +344 183 5 884814507 +344 190 5 886382447 +344 191 5 889814194 +344 195 5 884900771 +344 196 4 884901328 +344 198 5 884814507 +344 202 4 884901180 +344 203 4 884901328 +344 204 4 884901024 +344 208 5 884901290 +344 210 4 884814401 +344 213 4 884901351 +344 216 4 884901156 +344 222 4 884899372 +344 228 4 884901047 +344 235 3 884900423 +344 237 3 884900353 +344 244 3 889814600 +344 245 3 884813365 +344 246 4 889814518 +344 248 4 889814539 +344 251 5 889814518 +344 255 4 889814555 +344 258 3 884814359 +344 268 3 884814359 +344 269 4 884814359 +344 272 5 885769962 +344 273 4 884900677 +344 274 2 884899768 +344 275 4 884899397 +344 276 4 889814194 +344 280 3 884899815 +344 281 3 884900374 +344 283 4 884814432 +344 284 3 884899768 +344 285 5 889814068 +344 286 3 884813183 +344 288 4 889813994 +344 290 2 884899837 +344 291 3 884899791 +344 295 3 889814571 +344 297 4 889814555 +344 298 4 889814571 +344 301 4 889813946 +344 302 5 884814359 +344 303 4 884814359 +344 304 3 884814359 +344 311 4 884814359 +344 313 3 884814359 +344 315 5 884813342 +344 316 4 889814343 +344 319 1 886381985 +344 322 2 889814470 +344 357 5 884814432 +344 367 5 884901560 +344 372 4 884901469 +344 385 2 884901503 +344 405 2 884900353 +344 408 5 884814532 +344 421 2 884901561 +344 431 3 884901469 +344 433 4 884901517 +344 451 4 884901403 +344 459 4 884899741 +344 463 4 884901210 +344 471 3 884899719 +344 472 3 884899837 +344 473 4 884900248 +344 476 3 884900499 +344 477 3 884900353 +344 478 4 884901210 +344 486 4 884901156 +344 487 5 884900791 +344 494 4 884901210 +344 496 4 889814194 +344 508 4 884814697 +344 509 4 889814195 +344 511 4 884901311 +344 516 5 884901311 +344 529 5 884814668 +344 530 4 884901403 +344 535 3 889814539 +344 537 4 884814432 +344 546 3 884899837 +344 559 3 884901351 +344 562 2 886381985 +344 568 5 884901419 +344 588 5 884900993 +344 597 2 884900454 +344 619 4 885770181 +344 628 4 884899442 +344 647 4 884814401 +344 660 3 884901235 +344 663 5 884900993 +344 678 2 884813365 +344 684 3 884901249 +344 694 5 884901093 +344 696 3 884900567 +344 707 4 884900792 +344 708 4 884901561 +344 709 5 886382364 +344 713 3 884899742 +344 715 4 889814195 +344 716 3 884901403 +344 742 3 884900248 +344 751 4 886381635 +344 756 2 884900529 +344 762 3 884900391 +344 764 1 886381986 +344 815 2 884900409 +344 844 1 886381985 +344 845 3 884899791 +344 864 3 884900454 +344 896 4 884814359 +344 926 2 886381985 +344 928 2 884900409 +344 955 4 889814195 +344 972 4 884901503 +344 1007 4 889814518 +344 1014 4 889814600 +344 1020 5 884814457 +344 1048 3 884899815 +344 1050 3 884901290 +344 1082 2 889814622 +344 1137 3 884899339 +344 1142 5 889814518 +344 1165 1 886381986 +344 1172 4 884901311 +345 1 3 884990938 +345 4 4 884993619 +345 5 3 884992922 +345 9 4 884900976 +345 11 4 884992337 +345 12 5 884901701 +345 13 4 884991220 +345 14 4 884991077 +345 15 4 884991220 +345 25 3 884991384 +345 26 3 884993555 +345 28 3 884916441 +345 33 4 884993069 +345 38 2 884993830 +345 40 3 884993662 +345 42 2 884991873 +345 43 3 884993890 +345 44 3 884992770 +345 49 3 884993505 +345 50 5 884992367 +345 51 5 884993744 +345 54 3 884993506 +345 56 5 884902317 +345 58 4 884916322 +345 64 5 884902317 +345 65 4 884992158 +345 66 3 884993069 +345 69 4 884992755 +345 70 5 884992248 +345 71 3 884992922 +345 77 3 884993555 +345 79 4 884992291 +345 81 4 884992998 +345 86 4 884916235 +345 87 5 884991984 +345 91 4 884993016 +345 93 4 884991191 +345 98 5 884916235 +345 100 5 884902317 +345 111 4 884991244 +345 117 4 884991220 +345 118 3 884991520 +345 121 3 884991384 +345 124 5 884900777 +345 125 3 884991191 +345 126 5 884991105 +345 131 4 884992998 +345 132 5 884901371 +345 137 4 884991077 +345 143 5 884992940 +345 148 3 884991303 +345 150 5 884991105 +345 151 5 884991191 +345 161 3 884993555 +345 170 5 884902317 +345 172 4 884991831 +345 173 5 884902317 +345 181 4 884992479 +345 191 5 884902317 +345 196 5 884902317 +345 197 4 884992141 +345 200 4 884916339 +345 204 4 884991925 +345 210 4 884992174 +345 215 4 884993464 +345 216 5 884901701 +345 218 3 884992218 +345 220 3 884991457 +345 221 5 884900899 +345 223 5 884902317 +345 226 3 884993418 +345 234 4 884991831 +345 235 3 884991285 +345 237 4 884991077 +345 238 5 884916495 +345 239 4 884993485 +345 241 4 884992142 +345 244 3 884994658 +345 245 2 884901497 +345 246 4 884994156 +345 248 5 884994083 +345 251 5 884994119 +345 255 4 884994156 +345 258 4 884916532 +345 262 5 884901701 +345 268 4 884900448 +345 269 5 884900466 +345 272 5 884900426 +345 274 3 884991267 +345 278 3 884991505 +345 280 3 884991457 +345 282 3 884991419 +345 283 4 884991105 +345 284 4 884991348 +345 285 5 884901701 +345 286 3 884900521 +345 287 4 884991670 +345 288 3 884901497 +345 289 3 884901497 +345 291 3 884991476 +345 293 4 884994592 +345 294 3 884901497 +345 295 4 884994592 +345 297 4 884994156 +345 298 5 884902339 +345 300 3 884900427 +345 301 4 884900543 +345 302 5 884902317 +345 303 4 884900448 +345 305 4 884900483 +345 311 5 884900609 +345 312 3 884900709 +345 313 4 884900467 +345 315 5 884900653 +345 317 4 884992465 +345 318 5 884916354 +345 323 3 884916551 +345 325 1 884901497 +345 332 1 884901497 +345 333 3 884900543 +345 356 3 884993686 +345 365 2 884993760 +345 378 4 884993436 +345 381 4 884993505 +345 382 4 884992725 +345 385 3 884993418 +345 387 4 884992823 +345 393 3 884993485 +345 403 3 884992922 +345 405 4 884991285 +345 412 3 884991600 +345 416 4 884992142 +345 433 4 884992142 +345 443 5 884993464 +345 451 5 884993085 +345 461 3 884992175 +345 462 5 884901637 +345 464 3 884992084 +345 469 5 884916274 +345 470 4 884992084 +345 471 3 884991127 +345 473 2 884991244 +345 476 3 884991505 +345 479 4 884991812 +345 481 3 884916260 +345 485 4 884992141 +345 498 4 884992117 +345 508 4 884901000 +345 518 4 884916484 +345 534 4 884994592 +345 535 3 884994136 +345 550 3 884993784 +345 559 1 884901497 +345 566 3 884992194 +345 568 4 884993047 +345 570 2 884993662 +345 582 5 884992807 +345 588 3 884992100 +345 620 2 884991614 +345 628 3 884991105 +345 639 4 884993139 +345 655 4 884991851 +345 660 5 884993418 +345 676 4 884991384 +345 678 2 884901497 +345 684 4 884992005 +345 696 3 884991267 +345 702 4 884993418 +345 709 4 884993033 +345 715 4 884993069 +345 716 3 884993686 +345 724 5 884993139 +345 732 4 884993418 +345 736 3 884992897 +345 737 3 884993418 +345 738 3 884993636 +345 739 4 884993016 +345 742 4 884991191 +345 744 4 884991348 +345 747 3 884993139 +345 748 2 884901497 +345 762 5 884991285 +345 772 4 884993121 +345 781 3 884993636 +345 815 3 884991546 +345 845 3 884991220 +345 846 4 884991348 +345 866 3 884991476 +345 879 2 884901497 +345 886 3 884900736 +345 903 3 884900609 +345 919 2 884991077 +345 941 3 884993932 +345 949 3 884992897 +345 955 4 884993932 +345 956 4 884916322 +345 972 4 884993464 +345 974 3 884991581 +345 980 4 884991688 +345 988 2 884916551 +345 1007 5 884994119 +345 1008 3 884991267 +345 1009 2 884991546 +345 1011 3 884991127 +345 1012 3 884994606 +345 1014 3 884994643 +345 1016 3 884994619 +345 1017 2 884991303 +345 1023 2 884994658 +345 1047 4 884991457 +345 1048 2 884991436 +345 1053 3 884993903 +345 1074 3 884993890 +345 1082 2 884994569 +345 1096 3 884994682 +345 1101 4 884993436 +345 1117 4 884900810 +345 1221 3 884993703 +345 1226 3 884994592 +345 1247 2 884993996 +345 1281 4 884991105 +345 1315 3 884994631 +346 2 5 875263473 +346 3 3 875265392 +346 7 2 874947923 +346 11 4 874948174 +346 12 5 874950232 +346 17 1 874950839 +346 22 5 874948059 +346 29 4 875264137 +346 31 4 874950383 +346 38 3 874950993 +346 50 5 874947609 +346 53 1 875263501 +346 54 4 874949217 +346 55 5 874948639 +346 56 5 874949217 +346 58 3 875122112 +346 64 4 874948214 +346 67 3 875264985 +346 68 3 874951062 +346 72 3 874951714 +346 76 4 874950135 +346 77 4 874950937 +346 79 5 874948105 +346 83 4 874949923 +346 88 4 874949380 +346 89 4 874948513 +346 91 1 874950029 +346 92 4 886274124 +346 94 3 875263845 +346 96 5 874948252 +346 97 4 874948929 +346 98 2 874948173 +346 100 3 874948426 +346 110 2 875266064 +346 117 4 874950054 +346 120 3 875264287 +346 121 4 874948703 +346 127 5 874947747 +346 128 2 874950208 +346 132 4 875261235 +346 133 5 874948513 +346 134 5 874947644 +346 141 4 874950692 +346 143 3 874948332 +346 144 4 886273914 +346 147 4 874950172 +346 151 4 874949244 +346 153 3 874948252 +346 156 4 874948139 +346 157 3 874950966 +346 158 2 875264945 +346 159 4 874949011 +346 161 3 874950413 +346 164 3 874948824 +346 167 2 875264209 +346 168 4 874948252 +346 172 5 874947609 +346 173 3 874948475 +346 174 5 874948547 +346 175 4 874947644 +346 176 4 874947747 +346 177 4 874948476 +346 180 5 874947958 +346 181 5 874948332 +346 182 5 874948031 +346 183 4 874948382 +346 184 1 874950463 +346 186 3 874948303 +346 188 4 874948252 +346 195 5 874948703 +346 196 3 874950692 +346 203 4 874948139 +346 204 4 874948730 +346 210 4 874947700 +346 211 4 874948475 +346 215 3 874948303 +346 216 3 874949011 +346 218 3 875263574 +346 219 2 875263664 +346 226 3 886273914 +346 232 3 875263877 +346 233 4 874948889 +346 234 2 874950291 +346 237 4 874949086 +346 240 1 874948929 +346 241 4 874948929 +346 250 3 886274255 +346 259 2 886273426 +346 265 4 874950794 +346 273 4 874948783 +346 276 1 874950029 +346 288 2 886273342 +346 291 5 875002643 +346 293 3 875000499 +346 294 3 886273405 +346 300 5 874947380 +346 302 3 877231140 +346 318 5 874948105 +346 325 1 886273717 +346 333 4 886273342 +346 358 4 886273570 +346 363 3 874951062 +346 365 1 874951029 +346 366 2 874947609 +346 369 3 874948890 +346 375 1 875266176 +346 385 5 886274124 +346 391 2 875266600 +346 392 3 875266064 +346 394 4 874949116 +346 395 1 875264785 +346 403 3 874950383 +346 405 3 886274098 +346 415 2 875265527 +346 423 4 874949057 +346 431 5 874950616 +346 455 3 874948889 +346 470 3 874948513 +346 472 4 874950937 +346 496 5 875260242 +346 515 5 874948890 +346 518 4 874948889 +346 520 5 874948105 +346 541 3 874951104 +346 546 4 875263238 +346 549 4 874950966 +346 550 4 886273914 +346 561 3 874950172 +346 566 5 874950766 +346 569 3 875266064 +346 571 3 875264262 +346 572 5 875266600 +346 576 3 875264945 +346 578 2 874950463 +346 597 3 875003052 +346 616 1 874948890 +346 636 3 874950794 +346 640 3 874947923 +346 642 3 874949952 +346 657 4 875260577 +346 658 3 874949011 +346 660 2 874948979 +346 669 1 875265690 +346 673 3 874951782 +346 684 4 874948929 +346 685 3 874950383 +346 693 4 874950937 +346 708 3 874951714 +346 712 3 875264985 +346 720 2 875265528 +346 732 3 874948955 +346 739 3 874950316 +346 742 4 874948513 +346 743 2 875265295 +346 746 3 874949116 +346 748 4 874947380 +346 780 2 875264904 +346 785 3 875263077 +346 802 4 875265236 +346 809 3 874951029 +346 831 3 875003274 +346 842 1 874948513 +346 879 5 886273570 +346 932 2 875264752 +346 944 3 874951714 +346 951 2 874950463 +346 959 2 875260577 +346 967 2 874948426 +346 977 3 875264110 +346 1011 1 874947609 +346 1018 3 874950536 +346 1025 3 886273570 +346 1039 2 874948303 +346 1090 2 875265071 +346 1135 4 874950993 +346 1188 1 875264472 +346 1210 3 875265335 +346 1217 4 886274201 +346 1222 4 875263877 +346 1228 4 875265825 +346 1231 3 875265106 +346 1232 1 875264262 +346 1258 4 875002895 +347 1 4 881652518 +347 4 4 881654452 +347 7 4 881652590 +347 11 5 881653544 +347 12 3 881653584 +347 15 2 881652535 +347 17 4 881654635 +347 24 3 881652657 +347 25 2 881652684 +347 28 4 881654612 +347 31 5 881654321 +347 50 5 881652456 +347 55 5 881653603 +347 56 5 881653736 +347 65 2 881654679 +347 68 5 881654825 +347 69 5 881653687 +347 70 2 881654428 +347 73 2 881654773 +347 76 5 881654679 +347 77 5 881654386 +347 82 5 881654269 +347 85 5 881654880 +347 87 3 881653830 +347 91 1 881654679 +347 95 4 881654410 +347 96 4 881653775 +347 97 4 881654101 +347 98 5 881654359 +347 99 3 881654591 +347 100 3 881652417 +347 105 2 881653198 +347 106 2 881652813 +347 117 5 881652518 +347 118 4 881652710 +347 121 3 881652535 +347 123 3 881654301 +347 125 5 881652568 +347 127 5 881652434 +347 132 5 881654064 +347 137 2 881652568 +347 147 4 881652710 +347 148 3 881652888 +347 151 3 881652480 +347 156 5 881653652 +347 157 5 881654567 +347 158 3 881654773 +347 159 4 881654635 +347 163 4 881654801 +347 164 3 881654752 +347 172 5 881653933 +347 173 2 881654503 +347 174 4 881654248 +347 176 3 881653866 +347 177 5 881654386 +347 180 5 881654101 +347 181 5 881652377 +347 182 5 881653736 +347 183 3 881654232 +347 186 5 881653912 +347 187 5 881653652 +347 188 5 881654480 +347 192 4 881653798 +347 195 4 881653603 +347 200 4 881654452 +347 202 4 881654211 +347 203 5 881654232 +347 204 4 881653830 +347 208 2 881654480 +347 210 4 881653973 +347 215 4 881654211 +347 216 3 881653933 +347 222 4 881652377 +347 223 4 881653669 +347 226 4 881653890 +347 230 4 881654101 +347 233 5 881654653 +347 235 2 881653224 +347 237 4 881652629 +347 239 5 881654591 +347 240 5 881653300 +347 241 3 881654386 +347 245 5 881652230 +347 246 4 881652417 +347 249 5 881652683 +347 252 2 881653176 +347 257 4 881652610 +347 258 4 881652077 +347 260 1 881652250 +347 268 4 881652169 +347 271 1 881652191 +347 273 5 881652456 +347 276 3 881652657 +347 280 4 881652657 +347 282 5 881652590 +347 284 3 881652480 +347 286 3 881652054 +347 288 5 881652118 +347 290 3 881653132 +347 291 5 881652746 +347 293 5 881652709 +347 294 1 881652142 +347 298 5 881652590 +347 300 5 881652054 +347 317 1 881654409 +347 318 3 881653563 +347 323 1 881652142 +347 324 1 881652230 +347 328 4 881652077 +347 333 5 881652077 +347 356 5 881654134 +347 357 5 881653774 +347 363 1 881653244 +347 369 4 881653300 +347 371 1 881654715 +347 385 4 881654101 +347 386 1 881654846 +347 392 2 881654592 +347 403 5 881654386 +347 404 4 881654846 +347 405 4 881652610 +347 410 5 881653059 +347 411 5 881653132 +347 418 4 881654134 +347 421 2 881653635 +347 423 4 881654567 +347 427 4 881654004 +347 432 4 881653973 +347 435 5 881654211 +347 455 2 881653087 +347 460 3 881652888 +347 462 2 881654359 +347 468 2 881654825 +347 470 5 881654301 +347 471 4 881652518 +347 472 5 881652813 +347 475 4 881652417 +347 508 3 881652629 +347 544 4 881652862 +347 546 4 881653059 +347 550 5 881654734 +347 568 4 881654339 +347 588 3 881654321 +347 595 2 881653244 +347 597 3 881652788 +347 627 4 881654545 +347 655 5 881653973 +347 660 2 881654186 +347 685 3 881652684 +347 686 5 881654101 +347 689 4 881652250 +347 692 4 881654679 +347 693 5 881654156 +347 696 4 881653266 +347 699 1 881654480 +347 713 3 881652568 +347 721 5 881654715 +347 735 2 881654134 +347 742 5 881652610 +347 748 2 881652142 +347 756 2 881653266 +347 763 5 881652837 +347 806 3 881653830 +347 819 1 881653155 +347 820 2 881653340 +347 827 1 881653266 +347 829 4 881653155 +347 831 1 881653340 +347 841 3 881652769 +347 871 4 881653300 +347 879 3 881652099 +347 926 1 881654846 +347 928 3 881653176 +347 930 2 881653340 +347 943 4 881654545 +347 959 5 881654545 +347 977 5 881653224 +347 982 1 881652709 +347 1011 3 881653155 +347 1012 4 881652590 +347 1016 3 881652730 +347 1028 2 881653087 +347 1039 5 881653830 +347 1047 1 881653224 +347 1059 3 881652813 +347 1088 1 881653224 +347 1244 3 881653300 +347 1283 1 881652730 +347 1291 1 881653340 +348 7 4 886523302 +348 15 4 886523330 +348 25 4 886523521 +348 100 4 886523207 +348 107 4 886523813 +348 111 5 886523330 +348 117 4 886523256 +348 118 4 886523588 +348 121 5 886523521 +348 123 5 886523361 +348 126 5 886523560 +348 151 3 886523456 +348 225 3 886523645 +348 237 4 886523078 +348 243 3 886522740 +348 245 4 886522765 +348 276 3 886523456 +348 291 4 886523790 +348 294 4 886522658 +348 313 5 886522495 +348 323 5 886522579 +348 368 3 886523876 +348 369 3 886523758 +348 406 4 886523521 +348 409 4 886523710 +348 411 4 886523790 +348 412 2 886523560 +348 472 4 886523758 +348 473 3 886523560 +348 476 4 886523735 +348 477 3 886523521 +348 546 3 886523256 +348 596 4 886523456 +348 685 4 886523560 +348 756 4 886523735 +348 827 4 886523387 +348 831 4 886523913 +348 834 4 886523913 +348 924 4 886523361 +348 926 3 886523683 +348 934 4 886523839 +348 974 4 886523683 +348 975 4 886523813 +348 988 3 886522799 +348 1028 4 886523560 +348 1060 3 886523621 +348 1061 5 886523790 +348 1120 3 886523387 +349 9 4 879465477 +349 10 5 879465569 +349 15 4 879465785 +349 20 5 879465642 +349 25 3 879465966 +349 100 4 879466479 +349 106 1 879466283 +349 118 2 879466283 +349 120 3 879466334 +349 121 2 879465712 +349 125 4 879466541 +349 126 2 879465598 +349 276 5 879465841 +349 284 5 879466156 +349 285 5 879465477 +349 288 3 879466118 +349 291 3 879465934 +349 325 3 879465326 +349 458 4 879465933 +349 459 4 879465569 +349 471 3 879465535 +349 544 4 879465933 +349 546 3 879466200 +349 596 2 879465814 +349 619 4 879466000 +349 696 3 879465934 +349 713 3 879465673 +349 985 3 879466118 +349 1028 2 879466200 +349 1117 3 879466366 +349 1128 3 879466062 +350 23 5 882345823 +350 50 5 882345502 +350 89 4 882347465 +350 98 4 882347832 +350 127 5 882345502 +350 132 5 882346929 +350 133 5 882346900 +350 136 5 882347699 +350 168 5 882346847 +350 172 5 882345823 +350 173 4 882347465 +350 179 5 882347653 +350 181 4 882346720 +350 183 3 882347465 +350 185 5 882347531 +350 187 5 882347782 +350 190 4 882346900 +350 193 4 882347653 +350 195 5 882347832 +350 204 4 882346161 +350 210 4 882345918 +350 211 2 882347466 +350 214 3 882347465 +350 258 3 882347465 +350 265 2 882347466 +350 271 3 882347466 +350 286 5 882345337 +350 427 5 882346118 +350 429 4 882345668 +350 435 5 882346900 +350 479 5 882345789 +350 480 5 882345918 +350 483 5 882347734 +350 489 4 882347465 +350 515 5 882346756 +350 589 5 882346986 +350 603 5 882345975 +350 604 5 882346086 +350 654 5 882345918 +350 1039 4 882345975 +351 245 3 879481550 +351 258 5 879481386 +351 286 5 879481386 +351 288 3 879481550 +351 289 5 879481613 +351 300 5 879481425 +351 301 3 879481424 +351 304 3 879481675 +351 307 4 879481550 +351 310 5 879481386 +351 311 4 879481589 +351 312 5 883356784 +351 322 5 879481589 +351 323 5 883356710 +351 326 5 879481589 +351 327 5 883356684 +351 328 4 879481550 +351 332 5 879481495 +351 341 4 879481425 +351 343 3 883356591 +351 678 4 879481675 +351 689 4 879481386 +351 748 4 879481613 +351 750 5 883356810 +351 751 4 883356614 +351 754 5 883356614 +351 880 2 879481460 +351 882 5 879481589 +351 888 4 879481589 +351 895 3 883356591 +351 898 5 883356784 +351 989 4 883356684 +351 990 5 879481461 +351 1024 4 879481495 +352 12 4 884290428 +352 17 2 884289728 +352 39 5 884289728 +352 50 5 884289693 +352 56 5 884289760 +352 79 4 884289693 +352 82 3 884290328 +352 86 4 884290505 +352 89 5 884289693 +352 92 3 884289728 +352 98 5 884290428 +352 100 4 884290428 +352 129 5 884290428 +352 144 5 884290328 +352 156 4 884290428 +352 172 5 884289759 +352 174 5 884289760 +352 175 1 884290574 +352 176 5 884289693 +352 183 5 884289693 +352 194 3 884290361 +352 195 4 884289693 +352 210 3 884290328 +352 228 3 884289729 +352 273 2 884290328 +352 302 4 884289619 +352 385 4 884289760 +352 431 2 884289728 +352 568 5 884290328 +352 653 3 884290428 +352 657 4 884290428 +352 692 3 884290361 +353 245 4 891402405 +353 260 1 891402617 +353 270 2 891402358 +353 301 3 891401992 +353 313 5 891402757 +353 315 4 891402757 +353 327 2 891402443 +353 331 4 891401992 +353 333 4 891402757 +353 343 2 891402636 +353 346 4 891402757 +353 358 1 891402617 +353 750 4 891402757 +353 898 2 891402587 +353 905 4 891402674 +354 7 4 891216607 +354 8 5 891217160 +354 9 3 891216607 +354 10 5 891216692 +354 13 3 891216825 +354 14 4 891216575 +354 19 5 891216549 +354 20 5 891216498 +354 25 2 891216854 +354 32 3 891217929 +354 42 2 891217512 +354 45 5 891218046 +354 47 4 891217110 +354 50 4 891216498 +354 52 5 891217547 +354 57 5 891217575 +354 58 3 891218356 +354 59 5 891218208 +354 60 5 891217160 +354 61 5 891218091 +354 65 4 891218046 +354 66 2 891307180 +354 70 3 891218208 +354 79 2 891217274 +354 81 3 891217249 +354 83 4 891217851 +354 87 3 891217482 +354 88 2 891307206 +354 89 4 891217547 +354 93 4 891216805 +354 97 3 891217610 +354 98 3 891218312 +354 100 5 891216656 +354 109 3 891216692 +354 116 5 891216692 +354 124 5 891216632 +354 131 3 891217811 +354 134 4 891217298 +354 135 3 891218230 +354 136 5 891217717 +354 137 3 891216575 +354 143 4 891217547 +354 149 5 891216498 +354 151 3 891218356 +354 152 3 891306974 +354 153 3 891218418 +354 154 4 891217897 +354 155 2 891307206 +354 162 3 891217659 +354 165 4 891217755 +354 166 4 891218379 +354 168 5 891218507 +354 169 3 891217511 +354 170 4 891217194 +354 171 4 891306892 +354 173 3 891217394 +354 174 4 891218068 +354 175 5 891218024 +354 180 3 891217274 +354 181 4 891216656 +354 185 3 891218068 +354 186 4 891217811 +354 189 3 891217249 +354 190 4 891217221 +354 193 3 891217782 +354 196 3 891218457 +354 197 4 891217512 +354 199 4 891217130 +354 202 3 891307157 +354 208 4 891217394 +354 209 3 891218155 +354 210 3 891217717 +354 211 2 891306946 +354 213 5 891217160 +354 216 3 891217782 +354 221 4 891216788 +354 222 3 891216854 +354 238 4 891217394 +354 241 3 891307069 +354 246 4 891216607 +354 248 4 891216956 +354 251 5 891216691 +354 255 2 891216788 +354 258 4 891180399 +354 268 4 891180399 +354 270 5 891216082 +354 272 3 891180399 +354 275 4 891216526 +354 276 3 891216760 +354 281 1 891216915 +354 283 4 891216632 +354 285 5 891216526 +354 286 4 891180445 +354 287 3 891216854 +354 292 4 891180489 +354 297 4 891216760 +354 303 5 891180548 +354 305 4 891180489 +354 306 5 891180445 +354 308 4 891180569 +354 311 5 891180445 +354 313 3 891180399 +354 318 3 891217365 +354 319 3 891180399 +354 321 2 891216128 +354 344 5 891180445 +354 381 5 891217851 +354 382 5 891217897 +354 387 4 891307180 +354 414 4 891218492 +354 419 4 891217755 +354 421 2 891306852 +354 423 4 891217575 +354 428 4 891217298 +354 429 3 891218439 +354 432 3 891218380 +354 433 3 891217221 +354 435 4 891218024 +354 451 3 891307114 +354 464 4 891217512 +354 473 3 891216498 +354 478 5 891217365 +354 479 4 891217249 +354 480 4 891217897 +354 483 4 891217298 +354 485 4 891217659 +354 487 3 891217298 +354 489 4 891217851 +354 494 4 891217194 +354 496 3 891217109 +354 497 4 891217160 +354 498 4 891217610 +354 507 3 891306892 +354 508 3 891216607 +354 509 5 891218249 +354 511 4 891217340 +354 512 3 891306892 +354 513 5 891217782 +354 515 3 891216526 +354 516 5 891217851 +354 518 3 891217340 +354 520 3 891217811 +354 527 4 891217394 +354 528 5 891218155 +354 529 4 891217610 +354 531 4 891217897 +354 533 5 891216805 +354 558 4 891217082 +354 582 4 891217897 +354 584 5 891217782 +354 602 3 891217717 +354 603 5 891217082 +354 604 4 891217755 +354 605 3 891218271 +354 606 5 891217633 +354 607 3 891218208 +354 610 4 891217429 +354 629 3 891217659 +354 631 4 891217449 +354 638 4 891217547 +354 650 3 891217693 +354 651 3 891217693 +354 652 4 891217194 +354 655 3 891217575 +354 657 4 891218289 +354 659 4 891217221 +354 660 3 891218155 +354 661 4 891306946 +354 664 5 891217717 +354 676 5 891216788 +354 692 2 891307114 +354 699 3 891218474 +354 702 3 891307114 +354 705 4 891217547 +354 707 4 891217633 +354 709 5 891217928 +354 710 4 891217340 +354 714 4 891217449 +354 716 3 891307157 +354 724 2 891307114 +354 732 2 891307157 +354 733 3 891217693 +354 735 3 891218312 +354 736 5 891218568 +354 737 4 891307206 +354 740 4 891216692 +354 744 4 891216656 +354 747 2 891307069 +354 753 5 891217482 +354 792 4 891217340 +354 811 5 891218091 +354 855 4 891306852 +354 863 3 891306919 +354 865 3 891217109 +354 882 4 891216157 +354 887 4 891180527 +354 889 5 891217966 +354 896 4 891180527 +354 900 4 891180527 +354 904 5 891180419 +354 922 4 891216825 +354 929 4 891216896 +354 936 4 891216607 +354 953 3 891218208 +354 955 3 891307180 +354 956 4 891218271 +354 958 4 891218271 +354 962 4 891217274 +354 971 3 891217482 +354 1007 4 891216549 +354 1017 3 891216896 +354 1039 4 891217249 +354 1063 3 891218230 +354 1065 3 891217512 +354 1085 3 891219432 +354 1101 3 891218003 +354 1119 4 891307114 +354 1137 4 891219376 +354 1194 4 891217429 +354 1197 3 891219490 +354 1241 4 891216875 +354 1466 5 891217547 +354 1511 4 891216575 +355 260 4 879485760 +355 271 3 879486422 +355 286 5 879485423 +355 288 5 879485523 +355 306 4 879486422 +355 319 5 879486529 +355 324 4 879486422 +355 328 4 879486422 +355 329 3 879486421 +355 681 4 879485523 +355 682 4 879485523 +355 689 4 879485423 +355 1175 5 879486421 +355 1233 4 879486421 +355 1392 4 879485760 +355 1429 4 879485423 +356 258 5 891406040 +356 286 3 891405721 +356 288 4 891406076 +356 292 3 891405978 +356 294 1 891406076 +356 307 4 891406040 +356 310 3 891405721 +356 312 3 891406317 +356 315 4 891405619 +356 316 4 891406372 +356 322 3 891406289 +356 331 3 891405619 +356 347 4 891405619 +356 1294 4 891405721 +357 1 5 878951216 +357 10 5 878951831 +357 24 4 878951457 +357 105 4 878952342 +357 111 5 878951784 +357 117 5 878951217 +357 118 5 878951691 +357 121 5 878951576 +357 123 4 878951864 +357 125 5 878951784 +357 126 5 878951537 +357 147 5 878951457 +357 150 4 878951615 +357 151 5 878951728 +357 220 5 878951954 +357 237 5 878951217 +357 245 4 878951101 +357 270 5 878951101 +357 273 5 878951457 +357 274 4 878951784 +357 275 5 878951784 +357 280 5 878951831 +357 283 5 878951616 +357 287 4 878952265 +357 304 5 878951101 +357 322 3 878951101 +357 326 5 878951101 +357 334 4 878951101 +357 405 5 878951784 +357 407 3 878952341 +357 411 3 878952041 +357 412 2 878951918 +357 455 5 878951498 +357 456 3 878952265 +357 471 5 878951498 +357 472 3 878952166 +357 473 3 878951831 +357 476 3 878951616 +357 508 5 878951616 +357 546 5 878951729 +357 595 4 878951537 +357 597 4 878952080 +357 685 3 878951616 +357 687 3 878951101 +357 713 5 878951576 +357 744 5 878951653 +357 748 5 878951101 +357 760 3 878952080 +357 819 4 878951653 +357 820 4 878952288 +357 825 3 878952080 +357 826 3 878951984 +357 831 3 878952080 +357 841 3 878951918 +357 864 5 878951653 +357 866 5 878951864 +357 926 4 878951831 +357 932 4 878952341 +357 977 5 878952287 +357 984 3 878950923 +357 1028 5 878951729 +357 1034 2 878952222 +357 1047 4 878951691 +357 1048 2 878951217 +357 1095 3 878952190 +357 1277 5 878951918 +358 8 5 891269179 +358 45 3 891269464 +358 65 4 891270405 +358 114 5 891270652 +358 127 1 891269117 +358 174 1 891270560 +358 179 4 891269666 +358 208 2 891270510 +358 213 5 891269827 +358 221 5 891269077 +358 258 4 891269077 +358 268 3 891269077 +358 318 5 891271063 +358 324 4 891269077 +358 511 2 891271035 +358 512 5 891269511 +358 529 3 891269464 +358 558 4 891269511 +358 582 5 891269723 +358 584 4 891269913 +358 638 3 891269584 +358 639 4 891269584 +358 666 3 891269992 +358 855 3 891269464 +358 863 5 891269666 +358 1005 4 891269723 +358 1006 5 891269913 +358 1021 5 891269464 +358 1149 3 891270043 +358 1159 5 891269617 +358 1266 4 891269944 +358 1396 4 891269827 +358 1524 5 891269418 +359 1 4 886453214 +359 7 5 886453325 +359 50 5 886453271 +359 118 3 886453402 +359 121 4 886453373 +359 181 5 886453305 +359 246 3 886453214 +359 268 4 886453490 +359 286 5 886453161 +359 298 5 886453354 +359 323 3 886453431 +359 405 3 886453354 +359 408 5 886453239 +359 472 4 886453402 +359 546 3 886453373 +359 748 3 886453271 +359 930 4 886453402 +360 1 3 880354315 +360 10 5 880354624 +360 13 3 880354315 +360 15 3 880354436 +360 23 5 880356240 +360 25 4 880355209 +360 28 4 880355678 +360 45 4 880355747 +360 50 4 880354149 +360 56 4 880356131 +360 64 5 880355485 +360 69 3 880355994 +360 79 4 880355485 +360 83 4 880355845 +360 96 3 880355803 +360 100 5 880354379 +360 124 5 880354215 +360 127 5 880354149 +360 137 5 880354379 +360 144 2 880355527 +360 157 4 880355994 +360 165 4 880356059 +360 166 5 880355527 +360 170 5 880355485 +360 172 4 880356240 +360 174 3 880356240 +360 175 3 880355888 +360 181 4 880355353 +360 187 4 880355527 +360 191 4 880355958 +360 193 5 880355803 +360 194 3 880355803 +360 197 5 880355888 +360 199 5 880355678 +360 205 5 880356240 +360 207 4 880355888 +360 210 4 880356166 +360 222 2 880355094 +360 223 5 880355803 +360 242 4 880353616 +360 248 4 880354484 +360 251 5 880354315 +360 257 4 880354515 +360 258 4 880353585 +360 269 4 880353525 +360 271 2 880354839 +360 275 4 880354149 +360 283 4 880354215 +360 284 3 880354991 +360 285 5 880354250 +360 286 5 880353526 +360 297 4 880354484 +360 302 4 880353526 +360 304 4 880353660 +360 306 4 880353584 +360 308 4 880353584 +360 321 3 880354094 +360 326 3 880354094 +360 328 3 880354094 +360 357 5 880355958 +360 405 3 880354347 +360 423 4 880355623 +360 471 4 880355177 +360 474 5 880355803 +360 479 4 880356092 +360 483 5 880355527 +360 496 3 880356092 +360 515 4 880354315 +360 520 4 880355448 +360 521 5 880355845 +360 523 3 880356240 +360 531 4 880355678 +360 582 4 880355594 +360 588 3 880355803 +360 651 4 880355845 +360 654 5 880355715 +360 661 5 880356131 +360 663 4 880355888 +360 735 5 880356059 +360 744 4 880355066 +360 748 2 880354094 +360 845 3 880354942 +360 879 3 880354094 +360 933 3 880354408 +360 936 4 880354181 +360 955 5 880356166 +360 963 5 880355448 +360 1039 5 880356131 +360 1134 3 880355261 +360 1142 4 880354250 +360 1149 4 880356025 +360 1197 3 880355177 +361 12 4 879441214 +361 14 4 879440651 +361 23 5 879441215 +361 28 3 879441417 +361 47 4 879440516 +361 49 3 879441179 +361 50 5 879441417 +361 53 2 879441351 +361 55 2 879441253 +361 56 4 879440516 +361 59 4 879440652 +361 60 4 879440605 +361 66 4 879441075 +361 70 4 879440386 +361 79 4 879441286 +361 83 3 879440345 +361 86 4 879440941 +361 88 4 879440974 +361 90 2 879441179 +361 97 4 879440740 +361 98 5 879441215 +361 100 5 879440386 +361 111 3 879440974 +361 121 2 879441324 +361 129 4 879441285 +361 150 2 879440345 +361 155 3 879441008 +361 156 4 879441252 +361 165 5 879440573 +361 166 4 879440605 +361 168 4 879440386 +361 170 5 879440605 +361 173 5 879440774 +361 176 4 879441215 +361 178 5 879441462 +361 179 4 879440545 +361 183 4 879441285 +361 185 5 879441215 +361 186 3 879440516 +361 190 5 879440573 +361 194 4 879440345 +361 197 5 879440739 +361 202 3 879440941 +361 203 5 879441285 +361 204 4 879440516 +361 207 4 879440545 +361 212 5 879440941 +361 213 5 879440605 +361 216 5 879440740 +361 218 3 879441324 +361 226 3 879441352 +361 228 4 879441285 +361 234 4 879441285 +361 237 4 879440740 +361 258 3 879440286 +361 269 4 879441490 +361 274 3 879441034 +361 276 4 879441417 +361 283 4 879440694 +361 285 4 879440516 +361 286 5 879440286 +361 319 5 879440941 +361 333 2 879441490 +361 340 3 879441805 +361 367 3 879440475 +361 402 3 879441179 +361 421 3 879440974 +361 430 5 879440475 +361 435 5 879440345 +361 443 3 879441253 +361 451 3 879440740 +361 466 4 879441285 +361 475 4 879440475 +361 498 4 879441416 +361 502 4 879440475 +361 504 4 879441215 +361 513 5 879441215 +361 514 5 879440345 +361 517 5 879440386 +361 524 4 879440386 +361 525 4 879441253 +361 527 4 879441462 +361 531 5 879440545 +361 603 5 879441215 +361 611 4 879441462 +361 639 4 879440652 +361 654 4 879441253 +361 655 3 879440346 +361 657 5 879441253 +361 659 5 879441324 +361 673 4 879441286 +361 684 4 879441215 +361 692 4 879440774 +361 694 4 879440774 +361 705 5 879441416 +361 707 4 879440974 +361 709 5 879440974 +361 727 3 879440740 +361 737 4 879441179 +361 739 4 879441075 +361 742 1 879441351 +361 762 2 879440774 +361 770 3 879441352 +361 781 2 879441179 +361 794 3 879441033 +361 813 4 879440475 +361 934 3 879440974 +361 1074 3 879441179 +361 1103 4 879440386 +361 1119 3 879440740 +361 1152 2 879441008 +362 245 4 885019504 +362 264 1 885019695 +362 300 5 885019304 +362 313 4 885019304 +362 321 2 885019435 +362 322 3 885019651 +362 332 5 885019537 +362 347 5 885019261 +362 350 5 885019537 +362 678 2 885019651 +362 683 1 885019722 +362 689 5 885019504 +362 748 1 885019592 +362 879 5 885019357 +362 1025 2 885019746 +363 1 2 891494563 +363 2 4 891495809 +363 4 5 891494962 +363 5 1 891497047 +363 7 3 891495510 +363 8 5 891497853 +363 9 3 891494628 +363 11 5 891494587 +363 12 5 891495070 +363 17 4 891495918 +363 22 3 891494962 +363 24 3 891494754 +363 25 3 891496337 +363 28 4 891495339 +363 29 1 891498365 +363 32 2 891496667 +363 37 2 891498510 +363 38 3 891498407 +363 39 4 891495339 +363 42 2 891495070 +363 44 3 891496927 +363 47 5 891496264 +363 50 5 891495168 +363 54 3 891497440 +363 55 5 891495682 +363 56 5 891495301 +363 58 3 891494962 +363 62 2 891497639 +363 65 4 891495682 +363 66 4 891496849 +363 67 1 891498038 +363 68 2 891495809 +363 69 3 891494865 +363 70 2 891496373 +363 71 3 891495301 +363 72 1 891496850 +363 73 2 891497234 +363 77 2 891496587 +363 79 2 891494835 +363 80 4 891498434 +363 81 4 891496616 +363 82 3 891497047 +363 87 3 891496306 +363 88 2 891498087 +363 89 4 891494688 +363 90 5 891498183 +363 91 4 891495238 +363 93 4 891495339 +363 95 3 891496694 +363 96 5 891494835 +363 98 3 891495402 +363 100 5 891495070 +363 101 1 891496953 +363 114 5 891494688 +363 116 4 891495595 +363 117 5 891495742 +363 120 1 891500218 +363 121 2 891497393 +363 127 4 891495169 +363 128 5 891495371 +363 134 2 891494725 +363 137 5 891495742 +363 143 2 891496667 +363 144 4 891494865 +363 145 1 891498589 +363 148 3 891497439 +363 150 5 891496667 +363 151 4 891497076 +363 152 5 891494906 +363 153 3 891495169 +363 154 4 891496306 +363 155 2 891497712 +363 156 3 891494962 +363 159 1 891496667 +363 161 4 891496753 +363 163 3 891495143 +363 164 2 891496722 +363 168 4 891494905 +363 169 5 891494563 +363 171 5 891495849 +363 172 5 891495711 +363 173 5 891494658 +363 174 4 891495109 +363 176 4 891495109 +363 179 4 891496373 +363 180 3 891494754 +363 181 5 891494783 +363 182 1 891494962 +363 183 4 891494835 +363 184 3 891494725 +363 185 5 891495338 +363 186 3 891494865 +363 187 2 891494725 +363 188 4 891495711 +363 189 5 891495070 +363 193 3 891494962 +363 195 4 891495238 +363 196 4 891494658 +363 200 3 891495918 +363 201 2 891495371 +363 204 2 891495402 +363 206 2 891496587 +363 208 4 891496190 +363 210 4 891494905 +363 212 1 891497278 +363 215 3 891496306 +363 216 3 891495879 +363 217 2 891498286 +363 218 2 891497174 +363 222 5 891496513 +363 223 5 891495197 +363 224 4 891495682 +363 226 1 891497015 +363 227 4 891498135 +363 228 3 891496481 +363 229 3 891497393 +363 230 2 891497440 +363 231 1 891497679 +363 232 2 891495272 +363 234 3 891495197 +363 235 5 891497130 +363 237 2 891496306 +363 238 4 891497583 +363 239 3 891495272 +363 248 5 891499595 +363 250 1 891499468 +363 256 3 891499542 +363 257 2 891499595 +363 258 3 891493603 +363 260 2 891494049 +363 264 3 891494049 +363 265 3 891495339 +363 270 2 891493723 +363 271 4 891493840 +363 273 3 891495630 +363 282 2 891495596 +363 283 2 891495987 +363 284 2 891495987 +363 290 3 891496753 +363 293 4 891499329 +363 298 5 891499411 +363 301 3 891493918 +363 302 5 891493571 +363 307 5 891493795 +363 312 3 891494106 +363 313 5 891493571 +363 315 3 891493603 +363 317 5 891495596 +363 322 2 891493959 +363 325 1 891494012 +363 328 3 891493840 +363 333 1 891493634 +363 336 4 891494011 +363 346 4 891493746 +363 347 3 891493723 +363 350 1 891493864 +363 351 2 891493864 +363 366 2 891497583 +363 370 3 891500269 +363 372 4 891496077 +363 380 4 891496481 +363 384 1 891498066 +363 385 4 891497129 +363 386 1 891498407 +363 387 1 891497639 +363 393 4 891497925 +363 402 2 891498365 +363 403 3 891496414 +363 408 5 891494865 +363 417 1 891498223 +363 423 3 891495711 +363 426 2 891496927 +363 428 5 891495742 +363 429 5 891496077 +363 431 2 891495301 +363 433 4 891495143 +363 435 3 891495850 +363 443 4 891500334 +363 444 4 891500406 +363 448 5 891497953 +363 449 3 891498863 +363 451 2 891497130 +363 455 5 891496927 +363 461 3 891495711 +363 469 2 891496077 +363 472 1 891498469 +363 473 4 891498558 +363 474 5 891494929 +363 496 4 891494563 +363 505 3 891495238 +363 506 2 891496077 +363 511 4 891495850 +363 518 4 891494835 +363 523 3 891494659 +363 531 4 891495879 +363 537 1 891495402 +363 546 3 891497440 +363 549 4 891496225 +363 550 4 891497205 +363 552 4 891497853 +363 554 1 891498012 +363 555 1 891498920 +363 557 1 891496103 +363 559 3 891496927 +363 561 2 891498884 +363 566 3 891496439 +363 568 2 891495070 +363 569 2 891498259 +363 571 1 891498964 +363 572 2 891498469 +363 575 1 891498681 +363 578 4 891497925 +363 582 2 891496306 +363 588 2 891495339 +363 589 3 891496077 +363 590 3 891500527 +363 591 4 891499437 +363 597 4 891498286 +363 603 4 891495109 +363 625 4 891498038 +363 631 1 891497440 +363 640 2 891496927 +363 650 2 891495197 +363 651 3 891495682 +363 652 4 891495143 +363 653 3 891495682 +363 657 5 891494587 +363 658 3 891496543 +363 660 4 891496588 +363 665 2 891498964 +363 675 3 891495849 +363 678 1 891494012 +363 679 4 891497277 +363 682 1 891493634 +363 685 4 891496979 +363 691 3 891493663 +363 698 2 891495987 +363 699 2 891495850 +363 705 2 891495371 +363 707 3 891494906 +363 709 4 891495003 +363 710 5 891495596 +363 719 3 891498365 +363 735 3 891496077 +363 737 1 891497174 +363 739 3 891498183 +363 741 3 891495338 +363 742 2 891497076 +363 746 4 891495630 +363 747 5 891495918 +363 751 1 891493772 +363 752 5 891493885 +363 760 1 891499993 +363 761 3 891498183 +363 767 2 891500179 +363 770 4 891497174 +363 774 4 891498835 +363 778 4 891495510 +363 789 4 891494962 +363 792 4 891495918 +363 802 2 891498681 +363 805 4 891497205 +363 809 4 891497712 +363 816 1 891498787 +363 825 4 891497881 +363 831 1 891498469 +363 849 2 891498365 +363 854 1 891497047 +363 859 4 891500462 +363 895 3 891493840 +363 906 2 891493795 +363 919 5 891494659 +363 933 2 891498920 +363 940 2 891498920 +363 946 4 891498510 +363 959 1 891497523 +363 979 1 891497748 +363 1007 5 891499355 +363 1009 2 891497205 +363 1010 4 891496979 +363 1012 4 891499355 +363 1013 3 891499875 +363 1014 1 891499760 +363 1016 4 891499568 +363 1019 5 891496414 +363 1035 2 891497925 +363 1052 3 891500134 +363 1056 4 891496169 +363 1067 3 891496849 +363 1073 4 891496337 +363 1074 2 891497679 +363 1099 2 891495402 +363 1101 3 891495004 +363 1157 2 891498558 +363 1214 1 891497712 +363 1215 1 891498920 +363 1228 2 891498720 +363 1267 2 891496481 +363 1478 1 891498469 +363 1485 4 891496102 +363 1512 1 891494754 +364 261 2 875931432 +364 268 3 875931309 +364 286 5 875931309 +364 302 4 875931309 +364 319 3 875931309 +364 325 4 875931432 +364 678 4 875931478 +364 687 1 875931561 +364 948 4 875931561 +364 990 4 875931478 +365 1 4 891303999 +365 7 2 891304213 +365 13 3 891303950 +365 25 4 891303950 +365 100 5 891303901 +365 108 2 891304019 +365 125 3 891304152 +365 137 3 891303999 +365 150 5 891303950 +365 151 4 891304106 +365 222 4 891303950 +365 235 2 891304278 +365 237 3 891304278 +365 268 5 891303474 +365 269 4 891303357 +365 271 4 891303408 +365 272 4 891303357 +365 275 4 891304019 +365 276 2 891303901 +365 277 4 891304078 +365 285 4 891303999 +365 288 5 891303357 +365 289 3 891303694 +365 294 1 891303614 +365 309 1 891303566 +365 315 4 891303384 +365 316 4 891303638 +365 319 4 891303694 +365 321 5 891303536 +365 326 2 891303614 +365 340 5 891303536 +365 342 2 891303614 +365 352 1 891303728 +365 473 4 891304106 +365 476 4 891304278 +365 591 4 891303901 +365 741 2 891304059 +365 742 3 891304039 +365 762 4 891304300 +365 815 3 891304152 +365 846 3 891304152 +365 895 4 891303515 +365 948 1 891303809 +365 995 4 891303694 +365 1011 3 891304152 +365 1048 3 891304152 +365 1137 5 891303950 +365 1420 2 891303454 +366 7 2 888857598 +366 17 5 888857866 +366 53 5 888857990 +366 56 5 888857750 +366 98 5 888857750 +366 184 4 888857866 +366 200 5 888857990 +366 201 5 888857866 +366 217 5 888857990 +366 219 5 888857932 +366 234 1 888857750 +366 288 4 888857598 +366 413 4 888857598 +366 445 5 888857932 +366 559 5 888858078 +366 561 5 888858078 +366 573 5 888858078 +366 637 5 888858078 +366 671 5 888857990 +366 675 4 888857866 +366 758 3 888857684 +366 773 3 888858078 +366 854 5 888857750 +367 5 4 876689991 +367 7 5 876689878 +367 50 5 876689696 +367 53 4 876690076 +367 56 5 876689932 +367 98 5 876689932 +367 145 3 876690077 +367 164 4 876690119 +367 176 5 876689738 +367 179 5 876689765 +367 183 5 876689738 +367 184 5 876689990 +367 185 5 876689991 +367 200 4 876689962 +367 201 5 876689991 +367 217 5 876690021 +367 218 4 876689962 +367 219 4 876690098 +367 234 4 876690098 +367 258 4 876689364 +367 268 4 876689364 +367 288 5 876689418 +367 302 5 876689364 +367 324 5 876689418 +367 326 4 876689502 +367 331 4 876689418 +367 333 4 876689501 +367 334 4 876689364 +367 379 4 876690048 +367 406 4 876689878 +367 413 4 876689879 +367 443 4 876690119 +367 448 4 876690098 +367 452 4 876690120 +367 551 3 876690048 +367 559 4 876690048 +367 561 4 876690048 +367 563 4 876690077 +367 564 2 876690077 +367 565 2 876690048 +367 567 4 876690077 +367 637 3 876690021 +367 670 4 876690021 +367 672 4 876689991 +367 769 3 876690077 +367 800 4 876690049 +367 876 3 876689418 +367 919 5 876689790 +368 5 3 889783454 +368 7 4 889783365 +368 11 4 889783678 +368 17 5 889783562 +368 53 2 889783562 +368 56 4 889783407 +368 89 4 889783678 +368 98 3 889783407 +368 100 4 889783407 +368 127 4 889783678 +368 145 2 889783586 +368 164 3 889783364 +368 181 4 889783678 +368 183 5 889783678 +368 184 5 889783453 +368 201 5 889783407 +368 217 5 889783562 +368 218 2 889783453 +368 234 3 889783365 +368 292 4 889783251 +368 313 5 889783251 +368 320 5 889783364 +368 413 1 889783454 +368 441 3 889783617 +368 447 1 889783453 +368 448 3 889783365 +368 559 3 889783562 +368 561 2 889783617 +368 569 3 889783586 +368 573 3 889783617 +368 670 3 889783562 +368 672 2 889783453 +368 774 4 889783562 +368 777 2 889783586 +368 844 3 889783453 +369 179 4 889428442 +369 196 5 889428642 +369 268 5 889428642 +369 316 5 889428641 +369 335 2 889428072 +369 346 4 889427890 +369 358 3 889428228 +369 751 4 889428097 +369 752 4 889428011 +369 890 3 889428268 +369 900 4 889428642 +369 919 5 889428642 +370 14 3 879434707 +370 22 4 879434832 +370 31 3 879434766 +370 50 4 879434707 +370 52 4 879434969 +370 57 5 879435431 +370 64 4 879434745 +370 98 4 879434937 +370 100 4 879435369 +370 107 4 879435244 +370 114 3 879434587 +370 134 4 879434859 +370 135 4 879434746 +370 136 4 879434999 +370 137 4 879434707 +370 153 2 879434832 +370 170 4 879435369 +370 172 4 879435369 +370 173 3 879434707 +370 174 3 879434587 +370 176 4 879435217 +370 181 4 879434832 +370 183 4 879434937 +370 193 4 879435168 +370 195 4 879434886 +370 199 4 879434999 +370 210 3 879434745 +370 222 3 879434746 +370 257 5 879434468 +370 269 5 879434206 +370 285 3 879435193 +370 294 1 879434229 +370 302 5 879434182 +370 321 2 879434265 +370 322 3 879434308 +370 323 2 879434333 +370 390 1 879434587 +370 423 4 879435369 +370 425 3 879434860 +370 427 5 879435146 +370 433 3 879434860 +370 435 3 879434999 +370 443 5 879435369 +370 480 4 879434886 +370 484 4 879434937 +370 493 5 879434886 +370 494 3 879435033 +370 497 3 879434636 +370 511 4 879434804 +370 514 4 879434969 +370 523 3 879434999 +370 525 4 879434666 +370 603 5 879435244 +370 604 4 879434804 +370 607 5 879435168 +370 608 4 879434860 +370 613 2 879434587 +370 631 4 879435369 +370 650 5 879435369 +370 659 4 879435033 +370 661 5 879435217 +370 678 4 879435369 +370 835 5 879434909 +370 856 3 879435033 +370 923 4 879435074 +371 1 4 877487440 +371 22 5 877487134 +371 31 5 880435576 +371 42 3 880435397 +371 50 4 877486953 +371 64 4 877487052 +371 66 4 877487213 +371 69 5 877486953 +371 73 5 880435397 +371 77 5 880435601 +371 79 5 880435519 +371 98 5 877487213 +371 117 3 877487052 +371 127 4 877487052 +371 176 4 877487135 +371 180 4 877487656 +371 181 3 877486953 +371 183 5 880435519 +371 185 3 880435519 +371 186 5 880435288 +371 194 3 877486953 +371 197 4 877487364 +371 202 5 880435313 +371 204 5 880435210 +371 210 4 880435313 +371 234 5 877487691 +371 265 5 880435544 +371 357 5 877487751 +371 393 2 880435397 +371 423 5 880435071 +371 431 5 880435601 +371 435 3 877487751 +371 443 4 880435576 +371 449 3 880435733 +371 452 2 880435634 +371 496 4 877487052 +371 504 4 880435576 +371 523 4 880435210 +371 527 5 877487309 +371 627 4 877487656 +371 655 4 880435238 +372 5 4 876869445 +372 7 3 876869387 +372 12 4 876869730 +372 23 5 876869701 +372 44 4 876869837 +372 53 5 876869553 +372 56 4 876869445 +372 77 5 876869794 +372 79 5 876869667 +372 98 5 876869388 +372 100 3 876869388 +372 129 4 876869667 +372 164 4 876869446 +372 176 3 876869667 +372 185 5 876869445 +372 201 2 876869387 +372 218 5 876869481 +372 234 5 876869387 +372 262 4 876869066 +372 264 4 876869330 +372 273 5 876869730 +372 286 5 876868994 +372 288 5 876869066 +372 292 5 876869183 +372 299 4 876869147 +372 322 3 876869330 +372 325 4 876869330 +372 326 4 876869330 +372 327 5 876869183 +372 332 4 876869330 +372 333 5 876869109 +372 436 5 876869445 +372 443 4 876869481 +372 446 4 876869512 +372 447 5 876869445 +372 448 4 876869445 +372 452 4 876869534 +372 547 5 876869481 +372 559 4 876869481 +372 561 5 876869534 +372 574 4 876869957 +372 581 5 876869794 +372 595 4 876869878 +372 628 4 876869915 +372 637 4 876869512 +372 649 3 876869977 +372 674 5 876869512 +372 678 4 876869183 +372 696 4 876869667 +372 844 4 876869481 +372 872 4 876869330 +372 875 4 876869183 +372 1090 5 876869878 +372 1109 4 876869818 +372 1212 4 876869932 +372 1273 4 876869957 +373 4 4 877100232 +373 12 5 877098343 +373 15 4 877098568 +373 20 2 877098751 +373 22 5 877098919 +373 24 4 877100016 +373 28 3 877103935 +373 31 3 877100199 +373 48 5 877098223 +373 50 5 877098678 +373 58 4 877100161 +373 64 4 877098643 +373 66 4 877099263 +373 68 5 877106741 +373 69 4 877099137 +373 70 4 877099968 +373 71 5 877098891 +373 79 4 877098979 +373 80 3 877107235 +373 81 2 877100326 +373 82 1 877099317 +373 83 5 877098599 +373 88 4 877106623 +373 89 5 877098821 +373 90 4 877103846 +373 94 2 877111313 +373 95 5 877099263 +373 96 4 877098262 +373 97 3 877099178 +373 99 5 877099091 +373 100 3 877100199 +373 102 5 877100096 +373 105 3 877107173 +373 110 3 877104086 +373 114 5 877098402 +373 117 4 877098599 +373 125 4 877098821 +373 127 2 877099968 +373 131 4 877099968 +373 132 3 877106940 +373 135 1 877098784 +373 136 4 877099091 +373 142 3 877111362 +373 143 3 877105005 +373 144 3 877098949 +373 150 4 877098821 +373 151 4 877100129 +373 153 5 877100354 +373 155 4 877107235 +373 156 2 877098374 +373 161 4 877105005 +373 162 3 877098568 +373 163 4 877098891 +373 165 5 877100354 +373 166 5 877098262 +373 168 5 877098297 +373 169 5 877099016 +373 170 5 877098751 +373 172 5 877098678 +373 173 5 877098751 +373 174 4 877099137 +373 175 3 877099352 +373 177 3 877100161 +373 178 4 877099352 +373 179 3 877104310 +373 180 3 877098678 +373 181 5 877099178 +373 184 4 877104086 +373 186 5 877099178 +373 187 2 877098849 +373 189 5 877100416 +373 190 5 877100161 +373 191 4 877102549 +373 194 4 877098714 +373 195 4 877098487 +373 196 5 877098487 +373 197 3 877099352 +373 202 3 877099352 +373 204 5 877098222 +373 206 4 877104284 +373 208 4 877106773 +373 209 4 877098437 +373 210 5 877098177 +373 211 4 877099178 +373 213 4 877100061 +373 214 4 877100326 +373 215 4 877099211 +373 216 4 877100232 +373 217 3 877098821 +373 225 4 877106676 +373 226 3 877107024 +373 228 4 877106328 +373 229 4 877104048 +373 230 4 877107430 +373 231 3 877104976 +373 232 3 877105075 +373 233 3 877105588 +373 238 4 877098890 +373 239 3 877105708 +373 241 5 877100326 +373 259 5 877098041 +373 265 4 877105901 +373 269 5 877098075 +373 275 5 877098437 +373 278 5 877111423 +373 281 3 877103935 +373 286 3 877098042 +373 290 5 877098784 +373 317 4 877100061 +373 318 5 877098222 +373 328 4 877098041 +373 357 4 877098568 +373 366 4 877105857 +373 367 3 877100458 +373 378 5 877100232 +373 380 4 877112017 +373 382 4 877100458 +373 385 3 877099016 +373 386 3 877107403 +373 389 3 877099352 +373 390 3 877098890 +373 392 4 877100061 +373 393 4 877104284 +373 399 3 877105674 +373 401 4 877106711 +373 402 4 877105730 +373 403 3 877106741 +373 404 4 877111422 +373 409 2 877107235 +373 414 3 877104259 +373 417 3 877099092 +373 418 5 877104235 +373 420 4 877107630 +373 421 4 877105563 +373 423 2 877103846 +373 427 4 877099317 +373 431 5 877098643 +373 432 5 877098949 +373 433 3 877098223 +373 435 4 877098979 +373 451 5 877107430 +373 459 4 877106966 +373 465 4 877104202 +373 471 3 877100458 +373 472 3 877111951 +373 474 3 877098919 +373 480 3 877098643 +373 485 4 877098751 +373 487 4 877098177 +373 488 3 877098343 +373 494 4 877099178 +373 496 5 877098643 +373 497 3 877099317 +373 499 4 877098643 +373 506 4 877099211 +373 510 3 877100379 +373 514 4 877098751 +373 520 4 877098678 +373 527 4 877103846 +373 528 3 877104115 +373 529 4 877105901 +373 550 3 877105588 +373 553 4 877100267 +373 559 3 877106305 +373 566 4 877105809 +373 568 4 877100199 +373 571 1 877111864 +373 577 1 877111423 +373 596 3 877106741 +373 603 4 877098262 +373 625 4 877104086 +373 627 4 877105901 +373 632 3 877106233 +373 633 4 877098262 +373 645 5 877098599 +373 648 4 877099048 +373 649 4 877098979 +373 651 4 877105075 +373 655 5 877098374 +373 658 4 877105781 +373 660 4 877105075 +373 679 2 877107355 +373 684 4 877098784 +373 699 4 877105781 +373 704 2 877107100 +373 705 4 877099934 +373 709 5 877105451 +373 715 2 877105075 +373 727 4 877098784 +373 729 4 877099263 +373 732 3 877104048 +373 734 3 877111313 +373 735 5 877099137 +373 739 3 877111819 +373 746 4 877098714 +373 747 4 877104048 +373 748 4 877098042 +373 756 3 877106900 +373 778 5 877105529 +373 828 3 877111951 +373 842 3 877098343 +373 843 3 877106878 +373 856 3 877105809 +373 941 4 877105563 +373 946 5 877104048 +373 949 4 877100016 +373 1006 2 877100129 +373 1039 4 877098437 +373 1066 4 877106233 +373 1078 3 877105451 +373 1079 4 877100061 +373 1087 1 877104086 +373 1110 4 877107379 +373 1113 1 877099968 +373 1119 5 877105708 +373 1133 3 877112076 +373 1135 3 877107043 +373 1147 4 877104115 +373 1188 3 877106597 +373 1228 2 877107379 +373 1230 3 877111313 +373 1444 3 877112116 +373 1530 2 877107138 +374 1 4 880392992 +374 2 4 880939035 +374 4 2 880395924 +374 5 4 880937875 +374 7 1 880393268 +374 9 1 880393056 +374 11 4 880395202 +374 12 4 880395202 +374 15 3 880393380 +374 17 2 880937876 +374 23 3 880395896 +374 24 3 880393553 +374 25 5 880393191 +374 27 4 880396444 +374 28 5 880395698 +374 29 3 880939127 +374 31 5 880396659 +374 38 4 880937876 +374 39 4 880937876 +374 48 5 880395426 +374 50 3 880394367 +374 54 4 880396048 +374 55 2 880394929 +374 56 5 880394885 +374 64 5 880396256 +374 66 3 880394571 +374 68 1 880396622 +374 69 5 880394840 +374 70 4 880396622 +374 71 5 880396292 +374 77 5 880937779 +374 79 4 880394997 +374 82 4 880394484 +374 87 5 880395320 +374 88 3 880395665 +374 89 2 880395896 +374 95 4 882158577 +374 96 4 880938870 +374 97 5 880394571 +374 98 5 880394929 +374 100 5 880392873 +374 106 3 880394088 +374 111 2 880393268 +374 116 1 880393307 +374 117 5 880392846 +374 118 5 880393864 +374 120 3 882158147 +374 121 4 880393095 +374 122 2 882158328 +374 123 2 880393511 +374 124 3 880392873 +374 125 5 880393424 +374 127 4 880392936 +374 135 4 882159077 +374 137 2 880393511 +374 143 2 882159114 +374 144 5 880394716 +374 147 3 880392747 +374 148 4 880392992 +374 150 4 882156767 +374 151 3 880393811 +374 153 5 880395487 +374 156 2 880395896 +374 159 4 880937920 +374 161 5 880938965 +374 162 2 880396511 +374 164 4 880937735 +374 168 1 880434231 +374 172 3 880434204 +374 174 5 880395530 +374 176 4 880937692 +374 179 1 880395575 +374 181 3 880392846 +374 182 5 880395698 +374 183 4 880434204 +374 184 2 880939034 +374 185 5 880395665 +374 186 5 880395604 +374 192 5 880395665 +374 193 4 883628973 +374 195 3 880938870 +374 196 1 880395426 +374 197 5 882158940 +374 200 5 880395735 +374 202 3 880394716 +374 203 3 880937735 +374 204 4 880395604 +374 210 4 880395202 +374 216 5 880394997 +374 218 4 880396444 +374 220 2 882158147 +374 222 4 880392778 +374 223 5 880394520 +374 225 3 882158071 +374 226 5 880937876 +374 227 4 880937876 +374 228 5 880395973 +374 229 5 880937780 +374 230 5 880396622 +374 233 3 880937876 +374 234 4 880396256 +374 235 3 880394301 +374 237 5 880392717 +374 239 4 880396622 +374 240 1 880394301 +374 241 5 880939035 +374 247 1 880936522 +374 248 1 880393191 +374 252 3 880394179 +374 254 3 880394000 +374 257 3 880393223 +374 265 5 880937779 +374 273 2 880392747 +374 274 4 880393668 +374 276 4 880393056 +374 278 2 880393754 +374 279 4 880394233 +374 280 3 880393811 +374 281 3 880393425 +374 282 5 880392936 +374 284 1 880393753 +374 288 4 885107876 +374 289 1 880392482 +374 291 3 885107905 +374 292 4 880392237 +374 294 2 880392193 +374 310 5 880392237 +374 318 2 880394886 +374 322 4 880392482 +374 323 3 880392482 +374 363 3 880394088 +374 369 1 880393864 +374 385 4 880396048 +374 393 4 880395973 +374 403 2 880939126 +374 405 4 880392992 +374 406 3 880936233 +374 411 3 880394088 +374 412 4 883627129 +374 423 3 880394484 +374 424 1 883628021 +374 427 3 880396048 +374 443 5 880937735 +374 449 4 880938044 +374 450 4 880938370 +374 454 4 880394997 +374 457 1 880392626 +374 458 5 880393710 +374 463 1 880396511 +374 465 5 882158849 +374 466 5 880394929 +374 467 4 880395735 +374 468 4 880396359 +374 471 4 880393056 +374 472 2 880393783 +374 475 1 880393191 +374 477 1 885107929 +374 483 3 880394716 +374 504 4 880395973 +374 521 4 880395530 +374 526 4 880938965 +374 527 4 883628801 +374 540 3 880939304 +374 544 1 880937070 +374 546 5 880936389 +374 550 5 880938965 +374 552 4 880938255 +374 554 2 880938370 +374 558 1 882158738 +374 566 3 880394571 +374 568 5 880396622 +374 572 2 880938255 +374 576 3 880939186 +374 581 4 880938044 +374 595 3 880393921 +374 597 4 880393460 +374 619 3 880393553 +374 620 3 880394088 +374 628 3 880392778 +374 637 4 882159237 +374 642 1 880937920 +374 651 4 880395320 +374 654 3 880396622 +374 665 4 880939228 +374 684 5 880937692 +374 692 5 882158641 +374 693 5 880396359 +374 696 3 880394233 +374 713 1 880935656 +374 717 3 880938255 +374 732 4 880395320 +374 735 5 880396359 +374 741 3 880392717 +374 742 5 880393331 +374 743 1 880394000 +374 756 3 882157967 +374 758 1 882158481 +374 761 3 880938370 +374 762 5 880393460 +374 763 3 880393754 +374 770 5 880938100 +374 779 3 880939186 +374 789 4 882158609 +374 806 3 880396659 +374 815 4 880393668 +374 818 3 880394301 +374 819 3 882157793 +374 820 4 882158327 +374 823 1 880936476 +374 824 4 880394331 +374 825 3 880394233 +374 829 2 885083439 +374 832 1 882157930 +374 844 4 880394000 +374 845 2 883627072 +374 846 2 883627509 +374 872 5 880392268 +374 880 5 882156984 +374 924 5 880393095 +374 925 3 880394301 +374 928 1 880393892 +374 930 2 880394179 +374 931 3 880936233 +374 932 1 883628159 +374 934 3 882158146 +374 948 2 880392592 +374 952 2 883627906 +374 963 5 883629108 +374 974 4 880394331 +374 975 4 880936113 +374 978 2 880936233 +374 979 3 880936113 +374 983 2 880936289 +374 986 3 880936113 +374 1001 1 882158327 +374 1010 5 880393921 +374 1011 4 880393783 +374 1013 2 880936476 +374 1014 1 880394138 +374 1028 1 880393425 +374 1033 4 883628021 +374 1042 5 880937920 +374 1046 5 880938044 +374 1048 3 880394179 +374 1049 1 883628021 +374 1051 4 880394138 +374 1059 2 883627906 +374 1093 2 883627582 +374 1094 4 882158020 +374 1101 4 880395634 +374 1134 4 880392846 +374 1150 1 880937253 +374 1194 4 880396292 +374 1197 4 880393892 +374 1206 2 880396080 +374 1210 4 880938100 +374 1215 1 880936522 +374 1217 2 880938100 +374 1218 2 881291426 +374 1248 3 880938044 +374 1277 3 880394331 +374 1322 3 880394000 +374 1407 2 880939304 +374 1513 2 883961242 +375 5 4 886622066 +375 77 4 886622024 +375 176 4 886621917 +375 183 5 886621917 +375 185 5 886621950 +375 218 3 886622024 +375 233 4 886621985 +375 234 5 886621917 +375 288 4 886621795 +375 302 5 886621795 +375 525 4 886621917 +375 573 4 886622131 +375 603 4 886621917 +375 770 3 886622131 +375 773 3 886621985 +375 939 3 886622024 +375 1046 2 886622131 +375 1217 4 886622131 +376 11 4 879454598 +376 100 4 879454598 +376 111 4 879459115 +376 154 4 879434558 +376 181 4 879454598 +376 198 5 879454598 +376 223 4 879454598 +376 246 3 879459054 +376 268 3 879432976 +376 288 3 879454598 +376 301 3 879433102 +376 321 3 879433164 +376 328 3 879433164 +376 357 4 879434750 +376 427 4 879454598 +376 514 4 879434613 +376 603 4 879434613 +376 705 3 879434750 +376 707 4 879434750 +376 815 3 879459207 +377 7 4 891299010 +377 56 4 891298407 +377 98 5 891299009 +377 168 5 891298407 +377 173 5 891298589 +377 194 5 891298549 +377 200 5 891299010 +377 234 5 891299078 +377 258 4 891296356 +377 268 3 891295937 +377 271 4 891295957 +377 272 5 891295989 +377 294 5 891296356 +377 313 5 891295989 +377 316 4 891297001 +377 338 3 891297293 +377 358 3 891297023 +377 508 4 891298549 +377 678 2 891297043 +377 682 3 891296448 +377 689 3 891297256 +377 895 3 891296307 +377 1105 3 891296275 +378 1 4 880044251 +378 2 2 880333851 +378 4 3 880045612 +378 5 3 880332609 +378 7 4 880044697 +378 9 5 880044419 +378 10 3 880044454 +378 11 3 880046516 +378 12 5 880046132 +378 13 3 880044609 +378 14 5 880044251 +378 15 4 880044312 +378 21 3 880044944 +378 22 5 880045520 +378 25 4 880044489 +378 28 4 880045989 +378 29 3 880332949 +378 31 4 880045652 +378 38 3 880333383 +378 40 3 880333653 +378 42 4 880046256 +378 43 3 880056609 +378 44 3 880055037 +378 47 4 880055984 +378 48 5 880056701 +378 49 3 880332480 +378 50 4 880045145 +378 51 3 880333195 +378 53 3 880333695 +378 54 4 880056976 +378 55 4 880046229 +378 56 4 880045760 +378 58 4 880046408 +378 59 4 880046475 +378 62 4 880333851 +378 64 4 880055239 +378 66 3 880056632 +378 67 2 880332563 +378 68 2 880333446 +378 69 3 880046069 +378 70 4 882642831 +378 71 4 880055672 +378 73 3 880056667 +378 77 4 880056453 +378 78 3 880056976 +378 79 4 880045722 +378 82 4 880045935 +378 83 4 880045989 +378 86 4 880045935 +378 87 4 889665232 +378 88 4 880046408 +378 89 4 880046363 +378 91 3 880331510 +378 94 3 880332752 +378 95 4 880055296 +378 96 4 880055740 +378 97 5 880045612 +378 98 5 880045760 +378 99 4 880045791 +378 100 4 880044198 +378 106 2 880334241 +378 110 3 880333027 +378 111 3 880044562 +378 117 3 880044419 +378 118 4 880044879 +378 121 4 880044763 +378 123 3 880044532 +378 125 2 880044609 +378 126 4 880057018 +378 132 4 880046256 +378 133 5 889665232 +378 135 2 880046362 +378 141 3 880055565 +378 143 4 880046022 +378 144 4 880046100 +378 148 4 880044944 +378 151 3 880044385 +378 153 4 880055779 +378 155 4 880333918 +378 157 3 880056104 +378 159 3 880056887 +378 160 2 880332998 +378 161 4 880056034 +378 162 4 880046332 +378 164 4 880056582 +378 167 4 880333446 +378 172 4 880045886 +378 173 5 880057088 +378 174 4 880045651 +378 175 4 880055706 +378 176 4 880046362 +378 179 2 880055336 +378 180 3 880045822 +378 181 4 880045167 +378 182 4 880055239 +378 183 4 880331829 +378 186 3 880055186 +378 191 5 880046229 +378 193 4 880056160 +378 194 4 880046100 +378 195 3 880046516 +378 196 4 880046306 +378 197 3 880056423 +378 200 3 880045681 +378 203 4 880055239 +378 204 4 880056826 +378 207 4 880055002 +378 210 4 880057137 +378 213 5 880045935 +378 215 4 880055336 +378 216 4 880055268 +378 217 3 880332683 +378 218 3 880056491 +378 220 2 880044944 +378 222 3 882712421 +378 223 4 880045651 +378 225 3 880045006 +378 226 3 880332831 +378 227 3 880332857 +378 230 3 880055984 +378 231 3 880333327 +378 233 2 880333540 +378 234 4 880045652 +378 235 4 880045006 +378 237 4 880044697 +378 238 3 880046161 +378 239 3 880055148 +378 241 4 880057137 +378 245 3 880906161 +378 248 3 883835834 +378 252 4 880045288 +378 254 1 880318158 +378 255 4 882642831 +378 257 4 880045207 +378 258 4 882712421 +378 265 4 880045989 +378 269 4 890513693 +378 272 4 889665041 +378 273 4 880044221 +378 274 3 880055597 +378 275 5 880044312 +378 276 4 880044198 +378 277 4 880044609 +378 280 2 880044489 +378 281 3 880044609 +378 282 4 880044454 +378 283 4 880044532 +378 284 3 880044835 +378 285 4 880044312 +378 286 5 880043650 +378 287 2 880044802 +378 288 3 880043804 +378 289 5 889665232 +378 292 3 882136243 +378 294 2 880043804 +378 295 3 886614274 +378 298 3 883835761 +378 300 4 889665232 +378 301 3 892382841 +378 302 5 889664996 +378 304 4 880043929 +378 313 5 889665301 +378 317 5 880056195 +378 318 5 880045823 +378 319 3 884530934 +378 321 3 880317293 +378 323 3 890572396 +378 326 3 892382865 +378 328 3 892382903 +378 365 2 880318158 +378 370 2 880333494 +378 380 3 880333695 +378 381 4 882642831 +378 382 4 880055520 +378 385 4 880056761 +378 386 3 880332643 +378 387 4 880056452 +378 392 3 880055636 +378 393 3 880057018 +378 396 4 880332879 +378 399 3 880333598 +378 401 4 880332347 +378 402 4 880045856 +378 403 4 880046408 +378 404 4 880056034 +378 405 3 880044489 +378 409 2 880044642 +378 410 3 882022445 +378 411 3 880045006 +378 412 2 880334409 +378 417 3 880056034 +378 418 3 880331938 +378 419 4 880332643 +378 420 4 880056701 +378 423 4 880056287 +378 428 3 880055101 +378 432 4 880331938 +378 433 4 880045652 +378 435 4 889665232 +378 436 4 880046437 +378 441 3 880333995 +378 443 4 880055336 +378 447 4 880056888 +378 449 3 880333195 +378 450 3 880334476 +378 451 4 880055597 +378 458 4 880044697 +378 465 3 881582268 +378 468 5 880055396 +378 469 5 880046069 +378 470 3 880056104 +378 471 3 880057018 +378 473 3 880906178 +378 476 3 880044642 +378 479 4 880055564 +378 482 4 880046229 +378 485 4 880055921 +378 496 3 880045935 +378 500 4 880055891 +378 501 4 880055454 +378 508 4 880044278 +378 509 4 880055672 +378 517 3 880056384 +378 527 4 880054954 +378 528 5 880056034 +378 531 4 880045520 +378 542 4 880333470 +378 543 4 880055840 +378 546 2 880318158 +378 549 3 880056701 +378 550 2 880332949 +378 559 4 880056735 +378 561 3 880333695 +378 566 3 880045856 +378 568 4 880055779 +378 569 3 880056736 +378 572 3 880333995 +378 575 3 880334409 +378 576 3 880333027 +378 577 2 880333995 +378 582 5 889665232 +378 588 5 880318415 +378 591 4 880044385 +378 596 5 889665232 +378 597 3 880044763 +378 606 5 880055478 +378 619 3 880044879 +378 620 3 880056582 +378 623 3 880333168 +378 629 5 880056318 +378 631 4 880045652 +378 632 5 880055564 +378 635 2 880333802 +378 636 3 880055186 +378 651 4 880045681 +378 655 4 880045553 +378 660 4 880056547 +378 663 3 880046437 +378 665 2 880333261 +378 674 3 880056735 +378 684 3 880332643 +378 686 4 880056350 +378 692 4 880045580 +378 693 4 880046022 +378 694 3 880055101 +378 696 3 880045044 +378 699 4 880055564 +378 702 4 880056453 +378 703 4 890572396 +378 707 3 880046475 +378 708 4 880055949 +378 709 4 880055921 +378 715 4 889665232 +378 716 3 880056735 +378 720 2 880056798 +378 722 3 880334017 +378 723 3 880055396 +378 724 3 880055520 +378 727 4 880055454 +378 728 3 880332998 +378 729 4 880046069 +378 731 3 880056582 +378 732 4 880056034 +378 734 3 880334269 +378 735 4 880046229 +378 736 4 889665232 +378 739 4 880333239 +378 742 4 880044697 +378 744 3 880044609 +378 747 3 880055597 +378 755 3 880056073 +378 756 3 880057088 +378 762 3 880044879 +378 768 4 880333598 +378 775 3 880333305 +378 778 3 880056073 +378 780 2 880334241 +378 787 3 880332480 +378 792 4 880046475 +378 793 3 880046437 +378 796 2 880333626 +378 803 3 880334440 +378 806 4 880045760 +378 807 3 880334199 +378 845 3 880044419 +378 866 2 880044726 +378 875 3 880044108 +378 896 4 889665232 +378 918 3 892383162 +378 921 4 880056667 +378 924 3 880331938 +378 926 1 880318158 +378 928 2 880044488 +378 930 2 880044906 +378 932 2 880056930 +378 939 4 880332307 +378 942 3 880056798 +378 949 3 880056318 +378 951 3 880056547 +378 956 3 880332034 +378 959 3 880046408 +378 961 3 880055706 +378 969 4 880056195 +378 972 4 880056491 +378 977 3 880334305 +378 979 3 880333851 +378 1009 3 880318415 +378 1028 2 880044726 +378 1035 3 880332911 +378 1037 2 880334476 +378 1042 3 880056287 +378 1044 3 880332643 +378 1046 3 880332857 +378 1047 2 880044726 +378 1048 2 880333851 +378 1053 3 880332831 +378 1058 3 880333695 +378 1061 2 880044454 +378 1063 4 880046100 +378 1074 3 880332802 +378 1091 2 880332911 +378 1092 3 880332683 +378 1101 3 880055983 +378 1107 3 880056351 +378 1134 4 880044278 +378 1135 2 880333069 +378 1145 3 880334409 +378 1147 4 880055101 +378 1168 3 880333383 +378 1180 3 880334269 +378 1181 2 880332537 +378 1211 3 880333516 +378 1220 3 880055779 +378 1221 3 880056351 +378 1230 2 880334305 +378 1232 3 880333121 +378 1311 4 880332949 +378 1400 3 880057088 +378 1407 3 880334329 +378 1425 2 880056930 +378 1438 3 880333098 +378 1439 3 880333144 +378 1478 3 880333098 +378 1523 2 880334067 +378 1531 4 880056423 +379 1 4 883156176 +379 2 3 880525540 +379 4 5 880525598 +379 7 5 891674489 +379 9 4 880524886 +379 12 5 880524943 +379 23 4 880524783 +379 28 4 880524943 +379 47 5 880740461 +379 50 4 880525400 +379 52 4 880741002 +379 54 2 880526100 +379 56 5 880524541 +379 62 2 888646058 +379 63 2 880962215 +379 64 5 882563520 +379 79 5 880525368 +379 82 4 880525540 +379 83 4 880525002 +379 88 4 880525968 +379 89 4 880525424 +379 90 2 880740215 +379 93 3 885063369 +379 94 5 883156810 +379 96 5 880741811 +379 97 3 882563752 +379 98 5 880524541 +379 100 5 880524541 +379 116 4 880525194 +379 124 5 883156810 +379 127 5 880524811 +379 131 5 882563797 +379 133 4 881000300 +379 135 4 880524886 +379 137 5 890464307 +379 141 4 880525839 +379 143 4 880525839 +379 144 5 880525367 +379 151 4 880525771 +379 152 5 880740518 +379 153 4 880525284 +379 157 4 880961600 +379 158 1 885063748 +379 161 2 880525502 +379 163 4 880740495 +379 164 4 880524582 +379 168 4 891674489 +379 172 4 880525400 +379 173 5 880525259 +379 174 5 880525368 +379 175 5 880525108 +379 176 5 886317511 +379 177 4 886835699 +379 178 5 880741811 +379 179 5 880525132 +379 181 4 880525368 +379 183 4 886317511 +379 185 5 880524582 +379 186 5 880740495 +379 187 5 880525031 +379 188 4 892879481 +379 191 5 880524886 +379 192 4 880524972 +379 193 4 880524783 +379 194 5 880525194 +379 195 3 880525368 +379 196 4 880525062 +379 197 5 880568253 +379 199 4 880524860 +379 200 4 880524582 +379 203 4 880526100 +379 204 5 880525236 +379 205 5 880524973 +379 208 4 880525214 +379 210 4 883156880 +379 211 5 880740437 +379 216 4 880525926 +379 219 3 890464337 +379 227 4 880525638 +379 230 4 880525540 +379 233 3 880525638 +379 234 5 880524541 +379 238 5 880525236 +379 239 4 880961874 +379 251 5 885063301 +379 257 4 880741811 +379 265 4 883156656 +379 270 3 888646058 +379 271 3 886835602 +379 284 4 880568407 +379 285 5 880524753 +379 286 4 880524329 +379 294 3 880524363 +379 300 3 890464279 +379 306 3 892879325 +379 310 4 888646088 +379 317 5 880525001 +379 331 4 880526281 +379 339 3 883031585 +379 345 3 892879380 +379 357 5 881000269 +379 372 4 880961807 +379 381 5 885063301 +379 383 2 881000374 +379 385 2 882563616 +379 391 4 880525698 +379 393 4 892879325 +379 395 2 880741868 +379 398 1 880525638 +379 401 3 880962187 +379 402 3 880524943 +379 403 4 880525598 +379 405 3 883156925 +379 414 5 880740415 +379 417 5 880525794 +379 419 4 880525794 +379 427 5 881996665 +379 428 4 880568452 +379 433 4 880525259 +379 434 3 880961672 +379 435 5 882563752 +379 436 3 885063346 +379 443 4 880524640 +379 447 4 880524582 +379 448 4 880741811 +379 451 4 880525968 +379 461 4 880525031 +379 474 5 886317533 +379 480 5 885063301 +379 496 5 892879481 +379 502 5 887437190 +379 504 5 880526141 +379 511 4 880524811 +379 514 3 880961718 +379 516 4 880525306 +379 517 4 888044628 +379 522 5 880524753 +379 523 4 880525108 +379 524 4 880961742 +379 526 4 880525031 +379 527 3 880524860 +379 528 5 881996665 +379 529 4 891674436 +379 530 5 880525502 +379 559 3 880524669 +379 563 2 880962106 +379 566 4 880525540 +379 568 5 880525566 +379 575 2 882044649 +379 576 4 880525678 +379 577 4 892879355 +379 603 5 880526074 +379 621 4 880525815 +379 622 5 880525839 +379 631 5 880961600 +379 636 3 880525502 +379 644 5 880961648 +379 649 4 880525084 +379 651 4 880568511 +379 654 5 880526123 +379 655 5 888044628 +379 659 5 880568307 +379 663 3 891674403 +379 674 3 880524614 +379 684 4 880525469 +379 686 4 880525502 +379 701 4 892879481 +379 704 3 880524835 +379 707 5 880525926 +379 709 5 880526032 +379 710 4 880961839 +379 712 3 880741832 +379 729 4 880961621 +379 735 4 880525133 +379 736 4 880525945 +379 746 3 880961839 +379 842 4 880525794 +379 843 4 880962285 +379 855 4 880961506 +379 1022 3 892879380 +379 1032 2 880568109 +379 1035 3 880962256 +379 1075 3 888044628 +379 1113 4 892879325 +379 1206 2 880961672 +379 1219 2 883156704 +380 1 4 885478218 +380 7 3 885478334 +380 9 3 885479301 +380 12 5 885478218 +380 22 4 885478334 +380 28 4 885479436 +380 31 1 885479730 +380 38 2 885479537 +380 50 4 885478497 +380 58 2 885479355 +380 59 4 885478447 +380 60 4 885478292 +380 61 4 885478193 +380 62 1 885479777 +380 64 3 885481179 +380 69 4 885479301 +380 71 4 885479082 +380 79 4 885479104 +380 81 3 885478908 +380 86 4 885478374 +380 89 5 885478583 +380 95 4 885479274 +380 97 3 885478271 +380 98 4 885478698 +380 100 4 885478193 +380 109 2 885480093 +380 114 3 885478539 +380 118 2 885480301 +380 121 3 885479896 +380 134 3 885478583 +380 135 3 885479436 +380 139 1 885480414 +380 151 4 885478759 +380 152 2 885478312 +380 154 3 885478624 +380 161 2 885480046 +380 163 2 885478539 +380 168 4 885479436 +380 170 4 885478192 +380 172 3 885478334 +380 174 4 885478924 +380 179 3 885478313 +380 180 2 885478374 +380 181 3 885478391 +380 182 3 885478391 +380 183 4 885478192 +380 185 4 885479057 +380 190 5 885478668 +380 194 4 885478799 +380 196 4 885479777 +380 199 3 885478845 +380 200 4 885479104 +380 204 2 885479274 +380 208 2 885480301 +380 211 3 885479487 +380 213 2 885479319 +380 215 3 885479163 +380 217 2 885480093 +380 222 3 885478519 +380 228 3 885479235 +380 229 3 885481179 +380 234 2 885478447 +380 238 3 885479057 +380 258 4 885477742 +380 265 3 885481179 +380 270 3 885481179 +380 272 4 885477742 +380 286 5 885477802 +380 300 3 885481179 +380 302 5 885477742 +380 306 4 885477802 +380 315 4 885477975 +380 318 4 885478624 +380 340 3 885481179 +380 356 2 885480064 +380 357 4 885478425 +380 382 3 885478759 +380 414 2 885480046 +380 416 2 885480239 +380 419 3 885479124 +380 423 3 885478218 +380 425 4 885479163 +380 427 4 885478193 +380 428 3 885480320 +380 433 3 885479186 +380 435 3 885479124 +380 443 4 885480283 +380 449 3 885480902 +380 462 4 885478374 +380 463 4 885479372 +380 465 4 885478845 +380 474 4 885478558 +380 479 4 885478374 +380 480 4 885478718 +380 483 4 885478668 +380 496 4 885479537 +380 498 4 885478738 +380 502 1 885480530 +380 506 3 885481179 +380 512 3 885479355 +380 514 2 885478780 +380 515 4 885478218 +380 518 3 885478821 +380 521 2 885479397 +380 527 4 885479212 +380 529 3 885479235 +380 549 3 885479926 +380 554 2 885479754 +380 561 2 885479519 +380 566 3 885478519 +380 570 3 885479706 +380 573 1 885480737 +380 582 4 885478583 +380 610 2 885478886 +380 614 3 885478845 +380 629 2 885478497 +380 630 2 885478780 +380 631 4 885478668 +380 651 3 885478292 +380 652 3 885478241 +380 654 4 885478953 +380 663 4 885478799 +380 664 3 885479415 +380 665 2 885480870 +380 670 1 885480187 +380 684 3 885478886 +380 699 3 885479186 +380 708 3 885478759 +380 709 4 885478603 +380 712 2 885480585 +380 729 3 885479252 +380 732 4 885478646 +380 736 4 885478780 +380 744 3 885480144 +380 750 4 885477859 +380 751 3 885481179 +380 753 4 885479082 +380 770 3 885480222 +380 845 4 885479706 +380 856 3 885479706 +380 923 3 885478603 +380 956 4 885478271 +380 959 2 885479455 +380 1039 3 885481179 +380 1045 3 885479799 +380 1065 4 885478519 +380 1101 4 885479487 +380 1113 4 885479730 +380 1116 4 885479397 +380 1168 3 885479833 +380 1404 2 885478646 +380 1444 1 885480795 +381 1 5 892697394 +381 13 4 892696445 +381 14 5 892696512 +381 15 2 892697358 +381 16 4 892697266 +381 20 5 892696426 +381 30 4 892697174 +381 49 2 892696328 +381 59 3 892697266 +381 77 2 892696367 +381 79 3 892695996 +381 83 4 892695996 +381 89 5 892696426 +381 94 3 892697337 +381 95 4 892696534 +381 96 5 892697174 +381 97 4 892696960 +381 99 5 892696445 +381 100 4 892697442 +381 102 2 892696130 +381 118 1 892697051 +381 120 1 892696587 +381 121 2 892696793 +381 124 5 892697690 +381 132 5 892696426 +381 133 5 892697413 +381 134 5 892696347 +381 135 5 892697150 +381 139 3 892697358 +381 142 3 892697337 +381 150 4 892697542 +381 151 5 892697526 +381 159 3 892696674 +381 175 5 892696268 +381 176 4 892696698 +381 178 4 892696291 +381 196 5 892697083 +381 214 2 892697338 +381 216 5 892695996 +381 217 2 892696757 +381 225 3 892697495 +381 228 4 892697373 +381 259 2 892698054 +381 268 4 892697982 +381 276 3 892696587 +381 283 5 892697655 +381 294 5 892698068 +381 303 3 892697999 +381 304 5 892697982 +381 307 2 892697959 +381 313 2 892697869 +381 318 5 892696654 +381 344 3 892697905 +381 403 3 892696045 +381 418 3 892696471 +381 419 5 892696446 +381 432 5 892696587 +381 443 5 892696616 +381 459 4 892696738 +381 462 4 892697442 +381 473 5 892697150 +381 479 5 892696929 +381 480 5 892696019 +381 483 5 892696698 +381 485 4 892696347 +381 487 5 892697083 +381 493 4 892697111 +381 498 5 892696252 +381 501 4 892697133 +381 509 5 892696872 +381 512 4 892696045 +381 514 5 892697394 +381 517 4 892696557 +381 520 5 892696757 +381 525 5 892696982 +381 526 4 892696831 +381 529 5 892696060 +381 566 2 892696512 +381 588 3 892697338 +381 596 3 892697297 +381 607 4 892696130 +381 631 4 892696654 +381 634 3 892696872 +381 640 5 892696168 +381 652 5 892696252 +381 656 4 892696471 +381 657 4 892696831 +381 660 2 892696426 +381 673 3 892696209 +381 682 2 892697982 +381 693 4 892697280 +381 694 4 892696929 +381 705 5 892696209 +381 724 3 892696616 +381 742 4 892697677 +381 778 4 892697066 +381 847 4 892697542 +381 855 3 892696291 +381 887 3 892697941 +381 898 5 892697869 +381 914 1 892697768 +381 931 4 892697628 +381 934 2 892697495 +381 961 3 892696616 +381 995 4 892698031 +381 1018 4 892697031 +381 1060 5 892697677 +381 1098 4 892696045 +381 1115 4 892697600 +381 1117 4 892697574 +381 1119 4 892696252 +381 1400 3 892697394 +381 1401 4 892697013 +381 1407 3 892697314 +381 1439 3 892696831 +381 1532 2 892696831 +381 1533 4 892696106 +382 7 2 875945837 +382 9 4 875946830 +382 14 3 875946055 +382 23 5 875946978 +382 50 1 875945451 +382 56 5 875946830 +382 59 5 875947049 +382 98 3 875946563 +382 100 4 875945812 +382 122 3 875946440 +382 134 3 875947149 +382 135 3 875947078 +382 137 2 875946029 +382 150 2 875946055 +382 151 4 875946830 +382 168 4 875946700 +382 177 4 875947005 +382 180 5 875946830 +382 197 4 875946830 +382 235 5 875946830 +382 252 2 875946262 +382 258 2 875945173 +382 286 2 875945173 +382 332 3 876803039 +382 334 5 876802971 +382 357 4 875947149 +382 481 5 875947078 +382 482 5 875946945 +382 496 3 875946945 +382 504 3 875946907 +382 507 4 875946809 +382 508 3 875946029 +382 511 4 875946730 +382 514 3 875946730 +382 639 3 875946881 +382 717 3 875946347 +382 756 3 875946185 +382 1017 4 875946830 +382 1142 3 875945451 +382 1229 5 875947240 +382 1268 5 875947296 +382 1381 3 875945757 +382 1534 4 875946830 +383 9 5 891192801 +383 14 5 891192836 +383 19 4 891192911 +383 58 4 891193210 +383 81 4 891193072 +383 86 5 891193210 +383 89 3 891193181 +383 100 4 891193016 +383 124 4 891192949 +383 132 5 891193108 +383 134 5 891192778 +383 135 5 891193042 +383 137 5 891192986 +383 166 4 891192858 +383 180 5 891192778 +383 182 5 891192836 +383 185 5 891192985 +383 188 5 891192949 +383 193 4 891193072 +383 197 5 891192888 +383 200 5 891193181 +383 203 5 891193242 +383 205 4 891193210 +383 213 5 891193137 +383 223 3 891193137 +383 237 4 891192836 +383 238 5 891192836 +383 268 5 891192338 +383 272 3 891192158 +383 285 5 891193210 +383 286 5 891192186 +383 302 4 891192216 +383 313 2 891192158 +383 315 5 891192158 +383 316 5 891192472 +383 340 5 891192276 +383 345 2 891192251 +383 357 5 891193137 +383 427 5 891192748 +383 435 4 891192836 +383 478 5 891193042 +383 479 4 891192985 +383 480 5 891193242 +383 483 5 891192986 +383 484 4 891192949 +383 488 4 891193242 +383 496 5 891192888 +383 504 4 891193108 +383 513 5 891193016 +383 514 5 891192949 +383 517 5 891192748 +383 528 4 891193242 +383 531 3 891192888 +383 604 5 891193042 +383 639 4 891193181 +383 654 5 891193016 +383 657 5 891192858 +383 660 4 891192748 +383 736 5 891192949 +383 1005 3 891193072 +383 1063 5 891192888 +384 258 4 891273683 +384 286 4 891273649 +384 289 5 891283502 +384 300 4 891273809 +384 302 5 891273509 +384 313 5 891273683 +384 316 5 891274055 +384 327 4 891273761 +384 329 3 891273761 +384 333 4 891273509 +384 751 4 891274091 +384 879 4 891273874 +385 2 3 879446786 +385 8 5 880870206 +385 12 3 879441425 +385 18 5 884915008 +385 23 5 879441313 +385 24 3 879440726 +385 29 1 879447845 +385 30 5 879442988 +385 32 5 879442988 +385 37 4 880013483 +385 42 1 879443252 +385 46 5 880870206 +385 47 4 879441982 +385 48 5 879441777 +385 50 1 879440127 +385 53 1 879446110 +385 55 2 879441728 +385 56 5 879441728 +385 58 4 879441881 +385 59 2 879442490 +385 61 2 879441572 +385 81 3 879442028 +385 82 1 879446786 +385 87 3 879441942 +385 89 4 879441853 +385 92 3 879443217 +385 93 3 880682080 +385 98 4 879442189 +385 99 2 879443186 +385 100 4 879440098 +385 111 2 879440267 +385 114 5 879441942 +385 122 3 883791694 +385 127 4 879439667 +385 128 5 879442235 +385 129 3 881467873 +385 131 4 879445754 +385 132 4 879446235 +385 133 1 879441728 +385 134 5 879441538 +385 135 3 879444991 +385 136 3 879442402 +385 143 3 879446465 +385 144 3 879443102 +385 145 1 879449745 +385 151 2 879440127 +385 152 3 879445856 +385 153 4 879442028 +385 156 4 881308434 +385 160 4 879441572 +385 168 3 879442109 +385 169 5 880870205 +385 171 3 879750777 +385 172 2 879442109 +385 173 4 879441386 +385 174 2 879924297 +385 175 4 879441572 +385 176 2 879441386 +385 177 4 879442673 +385 180 4 879442706 +385 181 1 879439923 +385 182 5 880870205 +385 183 3 879442706 +385 185 5 880870205 +385 186 1 879445260 +385 187 4 879441728 +385 189 5 881530739 +385 191 2 879444597 +385 192 5 884586327 +385 194 3 879441538 +385 195 1 879453773 +385 197 4 879442360 +385 198 3 881128357 +385 199 3 879442559 +385 200 3 879446110 +385 201 4 879441982 +385 204 1 879441728 +385 205 2 879443253 +385 207 4 881530739 +385 208 3 879442360 +385 210 1 879453773 +385 211 3 879446183 +385 215 2 879442559 +385 216 2 879446868 +385 217 2 879448208 +385 218 2 879447361 +385 219 1 879446952 +385 224 2 879439728 +385 231 2 879449309 +385 234 1 879445493 +385 235 5 879440940 +385 236 2 879439637 +385 238 5 879442085 +385 240 4 879447317 +385 249 2 879440892 +385 250 3 879440701 +385 251 2 879440098 +385 253 3 879439923 +385 254 1 879453094 +385 256 4 879439728 +385 257 3 879440236 +385 273 2 879440557 +385 276 3 879440098 +385 283 2 879439984 +385 285 5 879439637 +385 286 3 879438600 +385 290 3 879440674 +385 293 3 879439728 +385 304 3 879438949 +385 305 4 879740222 +385 318 2 879441572 +385 320 3 885367060 +385 325 4 882175397 +385 337 4 879439469 +385 340 4 879438647 +385 346 3 883791602 +385 347 3 885844578 +385 357 4 879441339 +385 378 1 879447555 +385 383 1 879449871 +385 384 1 884118861 +385 385 1 879443352 +385 403 3 879447181 +385 405 2 879440961 +385 408 5 879443065 +385 417 2 879447671 +385 419 2 879442606 +385 421 2 879446026 +385 423 2 879445662 +385 425 3 879445724 +385 427 4 879441386 +385 428 3 879442706 +385 429 4 879442028 +385 430 5 880870206 +385 433 4 879442673 +385 443 3 879445098 +385 444 1 879448994 +385 447 3 879443150 +385 448 3 879448263 +385 451 1 879447205 +385 455 4 879440701 +385 458 3 879440828 +385 461 4 879441942 +385 462 2 881135090 +385 473 3 879440584 +385 474 5 881530739 +385 479 5 879441538 +385 480 5 879441313 +385 482 3 879441728 +385 483 4 879442028 +385 484 4 879442559 +385 485 4 879446591 +385 486 2 879442189 +385 487 4 887670073 +385 488 5 879441599 +385 489 5 884631784 +385 492 2 879445531 +385 496 2 879441538 +385 497 5 879443186 +385 498 3 879441942 +385 500 4 879443352 +385 502 3 879446235 +385 503 3 879443217 +385 504 4 879442360 +385 506 2 879445291 +385 507 3 879445631 +385 508 2 879439728 +385 511 4 879441881 +385 512 5 880958750 +385 514 4 879443045 +385 520 3 879441599 +385 521 3 879446208 +385 522 4 879924244 +385 523 4 879441454 +385 525 4 879444685 +385 526 3 879445098 +385 528 4 879470274 +385 529 4 879445949 +385 533 4 879440602 +385 557 2 879446786 +385 558 2 879442673 +385 568 3 879446465 +385 603 5 880869422 +385 604 4 879442189 +385 616 4 884119121 +385 629 2 879446643 +385 631 3 879461422 +385 650 5 880870205 +385 652 5 881530738 +385 653 4 881948265 +385 654 5 879442085 +385 656 5 879441425 +385 657 4 879442109 +385 658 2 879445454 +385 659 4 879441942 +385 661 4 879443045 +385 663 4 879446431 +385 664 3 879445335 +385 671 3 879443315 +385 673 2 879445779 +385 674 3 879447250 +385 675 5 879446952 +385 693 4 879443315 +385 705 3 879441538 +385 715 3 879446671 +385 719 2 879447136 +385 727 1 879443102 +385 732 3 879442189 +385 739 1 879448665 +385 745 4 879443352 +385 767 1 879447361 +385 794 2 879448181 +385 811 4 879443315 +385 851 5 880870205 +385 855 5 882081995 +385 865 4 879924267 +385 871 1 879440986 +385 874 3 879438975 +385 896 5 883869456 +385 900 4 885168653 +385 919 4 879440158 +385 922 4 881569749 +385 940 3 879447089 +385 942 2 879446208 +385 945 5 879441313 +385 954 4 879446235 +385 959 3 879446741 +385 961 4 879446868 +385 965 4 879445779 +385 1007 3 879439949 +385 1008 4 879440628 +385 1010 3 879440127 +385 1012 3 879440211 +385 1014 2 879450441 +385 1017 3 883791666 +385 1021 5 879441572 +385 1022 3 883791570 +385 1037 1 879449950 +385 1065 3 879445153 +385 1066 4 879446591 +385 1069 4 879442235 +385 1070 5 880870206 +385 1071 4 879448426 +385 1097 5 879440158 +385 1103 3 887269178 +385 1110 2 879446566 +385 1118 3 879447047 +385 1121 4 879443315 +385 1128 3 879441662 +385 1129 5 879440236 +385 1131 3 879445587 +385 1135 1 879448181 +385 1143 4 880828451 +385 1154 5 880870205 +385 1158 5 879443150 +385 1159 4 885245956 +385 1160 2 879440211 +385 1252 5 879578355 +385 1286 3 879446952 +385 1353 4 879440098 +385 1411 3 879447873 +385 1428 4 879447181 +385 1449 4 881047049 +385 1456 4 879447205 +385 1462 4 879447555 +385 1495 3 879443186 +385 1499 5 881047168 +385 1506 4 879442606 +385 1524 5 879445662 +385 1535 4 879448294 +385 1536 5 879441339 +386 24 4 877655028 +386 117 5 877655028 +386 118 3 877655085 +386 127 5 877654961 +386 181 3 877654961 +386 273 3 877655028 +386 323 4 877655085 +386 405 4 877655145 +386 597 3 877655145 +386 685 4 877655085 +386 825 4 877655146 +386 840 5 877655145 +386 982 3 877655195 +387 1 4 886480681 +387 2 4 886483195 +387 4 3 886482969 +387 7 5 886479528 +387 8 4 886480108 +387 10 4 886481228 +387 11 3 886480325 +387 12 5 886484336 +387 13 4 886480788 +387 20 4 886480789 +387 22 5 886483049 +387 23 2 886479528 +387 24 5 886484522 +387 25 2 886481271 +387 27 1 886483252 +387 28 5 886483939 +387 29 1 886483252 +387 31 3 886483330 +387 32 5 886479737 +387 33 3 886483098 +387 39 3 886483049 +387 42 4 886480548 +387 46 3 886484011 +387 47 4 886480384 +387 48 4 886483753 +387 50 5 886480108 +387 52 5 886483497 +387 53 4 886481737 +387 55 3 886479649 +387 61 3 886483565 +387 62 2 886483252 +387 64 3 886480206 +387 68 4 886483099 +387 69 3 886480413 +387 71 2 886483620 +387 76 3 886484215 +387 79 4 886483049 +387 81 3 886483906 +387 82 4 886483098 +387 83 4 886480244 +387 89 5 886483048 +387 91 4 886483669 +387 92 4 886483098 +387 93 5 886480703 +387 95 2 886483620 +387 96 4 886480447 +387 97 2 886483859 +387 98 4 886480244 +387 99 5 886483620 +387 100 5 886484336 +387 101 4 886479528 +387 102 3 886483669 +387 107 3 886481002 +387 109 4 886481073 +387 113 4 886479575 +387 114 5 886484336 +387 116 3 886480206 +387 117 3 886480788 +387 121 2 886481228 +387 123 3 886480970 +387 127 4 886479575 +387 129 5 886480583 +387 133 2 886480483 +387 135 5 886480288 +387 136 3 886480288 +387 144 3 886479649 +387 147 2 886481073 +387 151 3 886481228 +387 152 1 886479690 +387 153 4 886479649 +387 156 5 886484336 +387 161 1 886483252 +387 168 5 886479610 +387 169 5 886484336 +387 172 4 886480206 +387 173 4 886480288 +387 174 5 886480384 +387 175 5 886479771 +387 176 3 886480446 +387 178 3 886483824 +387 179 5 886484336 +387 181 4 886479610 +387 182 5 886483048 +387 183 4 886480206 +387 184 3 886481634 +387 186 2 886480515 +387 187 4 886483049 +387 188 5 886483151 +387 189 5 886483619 +387 190 5 886483150 +387 191 4 886479610 +387 192 5 886484336 +387 193 5 886484065 +387 194 3 886480206 +387 195 4 886479528 +387 196 2 886484012 +387 197 2 886483824 +387 198 4 886480352 +387 200 5 886481686 +387 201 5 886484631 +387 202 3 886482695 +387 203 4 886483330 +387 204 2 886479771 +387 205 5 886480384 +387 206 4 886483429 +387 208 3 886480484 +387 209 5 886480206 +387 210 4 886482928 +387 211 4 886480108 +387 214 5 886483753 +387 215 2 886483906 +387 217 3 886481687 +387 219 2 886481686 +387 222 4 886481073 +387 223 5 886479771 +387 224 5 886480703 +387 226 3 886483252 +387 227 4 886483195 +387 228 5 886484336 +387 229 2 886483195 +387 230 3 886483194 +387 231 3 886483194 +387 232 2 886483289 +387 233 3 886483151 +387 238 5 886482928 +387 239 1 886483970 +387 241 1 886483194 +387 243 1 886484460 +387 246 3 886480623 +387 248 4 886481151 +387 250 4 886480970 +387 258 4 886480818 +387 265 4 886483049 +387 268 3 886479430 +387 273 4 886481151 +387 277 4 886481033 +387 286 2 886484385 +387 288 3 886484385 +387 289 1 886484413 +387 293 4 886481002 +387 294 2 886484413 +387 295 3 886480818 +387 298 3 886480623 +387 317 4 886483906 +387 318 3 886479610 +387 319 1 886484384 +387 320 4 886480325 +387 321 3 886484384 +387 324 4 886481002 +387 325 2 886484460 +387 333 3 886479484 +387 357 5 886479690 +387 367 3 886482883 +387 380 2 886484098 +387 381 4 886482969 +387 385 3 886483150 +387 393 2 886483009 +387 399 3 886482969 +387 403 3 886483099 +387 408 4 886484492 +387 410 3 886480789 +387 418 3 886483669 +387 423 3 886484065 +387 428 4 886482969 +387 429 3 886484065 +387 430 3 886482882 +387 431 3 886483150 +387 432 4 886480353 +387 434 5 886483970 +387 435 3 886480483 +387 436 4 886481737 +387 441 1 886481800 +387 444 4 886481800 +387 446 2 886481800 +387 447 4 886481687 +387 448 3 886481686 +387 455 4 886481105 +387 458 1 886481183 +387 461 5 886483753 +387 463 4 886483526 +387 470 3 886483970 +387 473 4 886481033 +387 474 5 886480163 +387 475 3 886480657 +387 477 1 886480733 +387 488 3 886480163 +387 496 3 886480515 +387 501 4 886483620 +387 508 4 886479690 +387 511 3 886483049 +387 513 5 886483330 +387 515 5 886480755 +387 516 3 886482928 +387 518 4 886483151 +387 521 3 886483906 +387 526 4 886483150 +387 528 4 886483906 +387 530 4 886483099 +387 531 3 886479528 +387 532 3 886480970 +387 547 4 886484561 +387 549 5 886484012 +387 550 2 886483252 +387 551 2 886481800 +387 558 4 886480384 +387 559 3 886481737 +387 561 3 886481800 +387 563 2 886481851 +387 564 1 886481800 +387 566 3 886483194 +387 567 2 886481737 +387 568 2 886483099 +387 569 2 886481737 +387 578 2 886483252 +387 580 5 886483565 +387 581 4 886483394 +387 582 3 886483497 +387 583 4 886483098 +387 588 3 886480163 +387 593 3 886480483 +387 603 4 886480548 +387 619 1 886481073 +387 625 2 886483669 +387 641 5 886483824 +387 642 4 886483395 +387 650 2 886480163 +387 651 2 886479689 +387 655 3 886480352 +387 659 4 886480325 +387 663 4 886482883 +387 665 2 886481851 +387 672 2 886481687 +387 674 2 886481686 +387 676 1 886480733 +387 678 3 886484460 +387 679 5 886483194 +387 684 3 886483099 +387 693 5 886484336 +387 697 1 886483906 +387 715 5 886484157 +387 718 4 886480206 +387 727 5 886484098 +387 731 1 886482969 +387 732 1 886484215 +387 735 2 886484012 +387 737 3 886484098 +387 742 2 886481105 +387 744 3 886480818 +387 746 1 886479737 +387 768 1 886483620 +387 769 1 886481851 +387 772 4 886483782 +387 773 4 886481800 +387 774 3 886481737 +387 789 4 886482928 +387 790 1 886482969 +387 806 1 886483824 +387 844 5 886480484 +387 845 4 886484336 +387 847 3 886480325 +387 854 5 886481686 +387 856 5 886484124 +387 919 5 886479575 +387 942 4 886483906 +387 943 4 886483357 +387 952 5 886484561 +387 953 2 886484012 +387 969 3 886480163 +387 972 2 886483859 +387 984 1 886484460 +387 1007 5 886480623 +387 1008 4 886481183 +387 1011 3 886481033 +387 1012 4 886481073 +387 1014 3 886480789 +387 1018 3 886483526 +387 1019 4 886480288 +387 1069 2 886480288 +387 1078 1 886483670 +387 1091 1 886483670 +387 1097 3 886480657 +387 1110 2 886483009 +387 1115 3 886479575 +387 1118 3 886482695 +387 1128 4 886481033 +387 1129 4 886480623 +387 1134 1 886481183 +387 1143 5 886480623 +387 1187 4 886480623 +387 1198 3 886479575 +387 1199 5 886480970 +387 1240 5 886483620 +387 1537 4 886480681 +387 1538 3 886481151 +388 1 5 886436813 +388 9 3 886437226 +388 53 5 886441248 +388 98 5 886441015 +388 100 3 886437039 +388 111 3 886437163 +388 121 4 886436756 +388 200 5 886441083 +388 218 5 886441083 +388 219 5 886441083 +388 237 5 886436813 +388 258 5 886439506 +388 259 3 886440334 +388 266 5 886439918 +388 276 2 886440608 +388 288 5 886439506 +388 294 4 886439561 +388 298 5 886436582 +388 300 4 886438122 +388 301 4 886438602 +388 302 5 886438122 +388 307 4 886439506 +388 315 3 886438122 +388 323 4 886442062 +388 328 4 886439561 +388 333 5 886439561 +388 508 3 886436930 +388 559 5 886441133 +388 569 5 886441248 +388 591 4 886437039 +388 596 4 886436661 +388 628 4 886436661 +388 672 4 886441083 +388 678 4 886442062 +388 680 5 886439808 +388 682 4 886439808 +388 742 5 886437163 +388 769 3 886441306 +388 773 3 886441083 +388 845 4 886437163 +388 871 2 886440608 +388 895 4 886438540 +389 1 4 879915860 +389 4 4 879991352 +389 8 4 880086755 +389 15 2 879916135 +389 23 4 879991147 +389 25 3 879916170 +389 29 2 880088659 +389 38 2 880089076 +389 40 3 880088825 +389 42 4 879991147 +389 47 4 880086971 +389 50 5 879915780 +389 53 2 880089337 +389 56 5 880086868 +389 58 4 880087695 +389 59 5 880087151 +389 64 4 880087151 +389 65 4 880088171 +389 66 3 880088401 +389 67 2 880614340 +389 69 5 880087345 +389 71 4 880088091 +389 72 3 880614164 +389 77 2 880088922 +389 79 4 879991461 +389 80 3 880614254 +389 81 3 880086972 +389 82 4 880087977 +389 87 5 879991330 +389 88 3 880613773 +389 90 3 880088659 +389 94 2 880089115 +389 95 3 880165832 +389 98 4 879991264 +389 99 5 880087832 +389 100 5 879915701 +389 105 3 880614316 +389 111 3 879916053 +389 118 2 880088900 +389 127 5 879915701 +389 131 3 880087739 +389 132 5 880087544 +389 133 5 880086888 +389 134 5 879991045 +389 135 2 879990996 +389 136 4 880087671 +389 142 3 880088878 +389 143 3 880087026 +389 151 4 879916135 +389 152 4 880087647 +389 153 3 880088510 +389 154 3 880087200 +389 155 2 880088900 +389 159 2 880088330 +389 161 2 880088269 +389 167 3 880089170 +389 168 5 879991434 +389 172 5 879991175 +389 173 3 880087003 +389 174 4 879991115 +389 178 4 880086755 +389 179 4 879991461 +389 181 4 879915806 +389 182 5 879991175 +389 185 5 879991434 +389 186 2 880087435 +389 187 5 879990996 +389 191 5 880087493 +389 194 4 879991147 +389 196 3 880087516 +389 197 5 879991485 +389 199 5 880165388 +389 202 5 880087599 +389 205 4 880165939 +389 208 5 880087415 +389 209 4 880087048 +389 210 2 879990996 +389 211 4 880087415 +389 216 2 879991387 +389 217 3 880088774 +389 234 4 879991081 +389 238 5 879991387 +389 239 3 880087939 +389 240 3 879916254 +389 257 3 879916077 +389 274 4 880088421 +389 275 5 879915860 +389 283 5 879916099 +389 285 5 879916076 +389 286 2 879915633 +389 300 3 879990863 +389 301 4 879916385 +389 302 5 879915633 +389 346 4 885681315 +389 347 4 887868071 +389 367 4 880086820 +389 371 4 880088309 +389 378 5 880087695 +389 383 2 881384649 +389 384 2 880089211 +389 386 3 880089302 +389 393 2 880088717 +389 395 2 880089133 +389 396 3 880089037 +389 401 3 880088578 +389 402 3 880613797 +389 404 5 880087200 +389 407 1 880614292 +389 410 3 879916238 +389 411 4 880088659 +389 412 3 880089170 +389 414 4 879991485 +389 416 4 880087996 +389 418 4 880165168 +389 419 3 880087003 +389 420 3 880088229 +389 423 5 880087461 +389 427 5 879991196 +389 428 3 880087461 +389 429 4 879991352 +389 430 5 880087003 +389 435 4 880087073 +389 451 2 880165881 +389 454 2 880086868 +389 467 3 879991512 +389 471 4 879916077 +389 474 5 879991535 +389 475 5 879915780 +389 477 4 880087939 +389 478 5 879991264 +389 479 4 879991535 +389 480 5 879991175 +389 481 5 879991147 +389 482 5 880086777 +389 483 5 879991535 +389 484 5 880087073 +389 485 5 879991081 +389 486 4 880086971 +389 487 5 879991115 +389 488 5 880087260 +389 489 4 879991115 +389 490 3 879991081 +389 491 5 879991352 +389 492 5 880086944 +389 493 5 879991147 +389 494 5 879991411 +389 496 4 879991218 +389 497 4 879991461 +389 498 5 880086918 +389 499 4 880087873 +389 501 5 880087804 +389 502 4 881384464 +389 503 3 880087739 +389 504 4 880087832 +389 506 4 879991330 +389 507 5 879991196 +389 509 4 880614449 +389 510 3 880165367 +389 514 5 879991329 +389 517 4 880087977 +389 518 4 880087073 +389 519 4 879991461 +389 520 3 879991175 +389 521 3 879991330 +389 524 5 879991081 +389 525 4 880165277 +389 526 3 880087200 +389 527 3 880086868 +389 531 4 880086918 +389 550 3 880088923 +389 553 2 880089015 +389 558 4 879991242 +389 559 3 880088680 +389 568 3 880087782 +389 579 1 881384611 +389 583 2 880088039 +389 584 4 879991512 +389 588 5 879991298 +389 591 3 879915726 +389 602 4 879991081 +389 603 5 880086943 +389 604 4 879991387 +389 605 5 879991512 +389 607 3 879991297 +389 608 3 880087832 +389 610 5 880086972 +389 612 4 879991218 +389 615 4 879991115 +389 616 4 879991329 +389 618 4 880088115 +389 629 2 880166028 +389 630 3 880087389 +389 631 5 880087493 +389 642 4 880087804 +389 649 4 880165344 +389 654 5 879991411 +389 656 5 879991175 +389 657 5 879991115 +389 661 4 880165168 +389 662 3 880613750 +389 663 4 880087026 +389 664 4 880088290 +389 671 5 880087516 +389 674 2 880088900 +389 675 3 880165702 +389 684 4 880087761 +389 686 3 879991434 +389 693 4 880088038 +389 699 5 880088038 +389 700 2 881384441 +389 705 5 879991196 +389 709 4 879991115 +389 712 3 881384338 +389 715 3 880614012 +389 722 2 880089192 +389 728 3 880089302 +389 731 3 880089152 +389 732 4 880087850 +389 736 5 880088229 +389 739 2 880088229 +389 756 2 880088942 +389 763 1 879916203 +389 778 4 880088995 +389 780 3 880614316 +389 785 3 880613841 +389 792 4 880088115 +389 820 3 880089211 +389 824 3 881384649 +389 835 5 879991242 +389 836 4 879991045 +389 845 4 879916053 +389 847 4 879915806 +389 923 5 880087151 +389 926 3 879916099 +389 942 3 880165881 +389 945 4 880165070 +389 946 3 880088363 +389 954 4 880614031 +389 965 5 880087599 +389 969 4 880086755 +389 997 3 881384536 +389 1007 4 879915832 +389 1036 2 880087170 +389 1041 3 880088269 +389 1050 4 879991242 +389 1052 2 881384711 +389 1074 2 880613841 +389 1098 4 880087096 +389 1114 2 880614050 +389 1121 4 879991485 +389 1147 4 879991387 +389 1168 3 880088717 +389 1197 3 880165664 +389 1203 5 880087544 +389 1204 4 880165411 +389 1286 5 880087873 +389 1298 5 887868071 +389 1444 3 880088445 +389 1451 5 880087544 +389 1518 2 880165787 +389 1530 2 880088753 +390 1 5 879694066 +390 9 5 879694232 +390 13 2 879694409 +390 126 5 879694123 +390 258 5 879693461 +390 275 5 879694123 +390 277 2 879694123 +390 283 4 879694316 +390 286 4 879693461 +390 289 3 879693677 +390 300 5 879693770 +390 302 5 879693461 +390 319 5 879693561 +390 329 3 879693608 +390 475 1 879694232 +390 515 4 879694259 +390 690 3 879693677 +390 742 4 879694198 +390 754 4 879693561 +390 845 2 879694232 +390 1296 2 879693770 +391 8 3 877399030 +391 9 5 877399780 +391 11 3 877398951 +391 12 5 877399745 +391 22 4 877398951 +391 23 4 877398992 +391 31 2 877399659 +391 47 4 877399301 +391 48 4 877399171 +391 50 4 877399588 +391 58 4 877398898 +391 59 5 877399745 +391 60 5 877399746 +391 61 5 877399746 +391 64 5 877399746 +391 69 4 877399618 +391 71 3 877399236 +391 76 3 877399618 +391 89 3 877399380 +391 96 3 877399171 +391 97 4 877399301 +391 98 4 877399133 +391 100 4 877399805 +391 125 3 877399894 +391 127 5 877399236 +391 131 2 877399455 +391 132 4 877398951 +391 133 4 877398898 +391 148 3 877400062 +391 168 4 877399455 +391 173 4 877399030 +391 174 5 877399301 +391 176 3 877398856 +391 177 4 877398951 +391 182 4 877399696 +391 186 5 877399658 +391 187 4 877399030 +391 191 3 877399336 +391 194 4 877399486 +391 195 2 877399618 +391 200 5 877399269 +391 203 4 877399423 +391 204 3 877399658 +391 205 5 877399337 +391 209 5 877399541 +391 213 4 877398856 +391 215 4 877399100 +391 222 2 877399864 +391 228 2 877399486 +391 234 4 877399455 +391 237 4 877399864 +391 238 5 877399659 +391 258 3 877398517 +391 276 3 877399780 +391 282 4 877399894 +391 286 4 877398517 +391 288 3 877398679 +391 291 3 877400062 +391 294 2 877398619 +391 300 2 877398619 +391 301 4 877399745 +391 318 4 877399030 +391 322 3 877398619 +391 328 3 877398552 +391 334 5 877399745 +391 378 3 877399171 +391 421 2 877399269 +391 427 5 877399512 +391 435 5 877399100 +391 458 4 877399864 +391 460 4 877400091 +391 462 4 877399588 +391 471 2 877399864 +391 474 5 877399171 +391 479 4 877399030 +391 480 4 877398991 +391 482 4 877399380 +391 483 3 877399423 +391 490 4 877399658 +391 491 3 877398898 +391 497 3 877399133 +391 498 4 877399513 +391 504 5 877398856 +391 507 4 877399512 +391 508 2 877400037 +391 510 5 877399066 +391 511 5 877398855 +391 530 5 877399337 +391 544 4 877400092 +391 546 3 877400037 +391 591 4 877399894 +391 603 5 877398991 +391 604 4 877399380 +391 628 4 877399864 +391 646 4 877399066 +391 648 5 877399100 +391 651 5 877399133 +391 652 4 877399588 +391 659 4 877399208 +391 661 5 877398898 +391 678 2 877398704 +391 696 4 877400117 +391 705 5 877399133 +391 715 2 877399588 +391 748 3 877398619 +391 772 2 877399030 +391 774 2 877399541 +391 924 2 877400116 +391 963 5 877399746 +391 1101 4 877399423 +391 1163 2 877399864 +392 8 5 891039049 +392 11 4 891038371 +392 50 5 891038110 +392 58 4 891038433 +392 59 4 891039049 +392 98 5 891038979 +392 99 5 891038433 +392 114 4 891038401 +392 127 5 891038110 +392 129 4 891038945 +392 134 5 891038371 +392 166 5 891038466 +392 169 4 891038978 +392 170 5 891039015 +392 172 5 891038401 +392 173 4 891039050 +392 174 5 891038979 +392 180 5 891038371 +392 181 5 891038137 +392 189 4 891038433 +392 191 5 891039015 +392 197 5 891038978 +392 199 5 891038466 +392 200 3 891038433 +392 209 5 891038978 +392 244 3 891038247 +392 246 5 891038110 +392 248 4 891038205 +392 249 1 891038224 +392 250 3 891038158 +392 255 3 891038224 +392 257 5 891038184 +392 260 1 891037790 +392 268 5 891037385 +392 269 5 891037385 +392 270 4 891037437 +392 271 1 891037490 +392 272 5 891037437 +392 276 4 891039049 +392 285 3 891039050 +392 286 2 891037385 +392 288 4 891037531 +392 289 5 891037769 +392 294 4 891037561 +392 297 4 891038137 +392 298 1 891038205 +392 300 2 891037437 +392 303 4 891037437 +392 304 4 891037720 +392 310 4 891037490 +392 312 4 891037561 +392 313 5 891037385 +392 316 5 891037811 +392 319 5 891037385 +392 321 5 891037685 +392 323 3 891037769 +392 324 1 891037720 +392 325 4 891037634 +392 326 2 891037685 +392 328 3 891037634 +392 340 5 891037437 +392 344 4 891037490 +392 345 4 891037385 +392 346 4 891037437 +392 347 4 891037600 +392 463 3 891038946 +392 482 5 891038945 +392 488 4 891038978 +392 491 5 891039049 +392 493 4 891038945 +392 495 3 891038401 +392 510 4 891038979 +392 511 5 891038945 +392 513 5 891039049 +392 515 5 891038110 +392 517 5 891038466 +392 528 5 891038371 +392 534 4 891038205 +392 538 2 891037851 +392 589 4 891038946 +392 604 5 891039015 +392 615 5 891038371 +392 632 5 891039015 +392 650 5 891038978 +392 657 5 891038401 +392 663 4 891039049 +392 705 5 891038433 +392 813 3 891039015 +392 837 5 891038466 +392 847 4 891039015 +392 872 4 891037790 +392 873 3 891037851 +392 875 3 891037851 +392 880 4 891037720 +392 1007 5 891038137 +392 1012 4 891038184 +392 1014 3 891038205 +392 1142 5 891038184 +392 1160 2 891038137 +392 1226 4 891038288 +392 1258 1 891038247 +393 1 3 887743611 +393 2 4 887746206 +393 3 3 887745293 +393 4 4 889555384 +393 5 3 887746849 +393 7 4 887744419 +393 8 3 887746145 +393 9 4 887744448 +393 11 3 887745844 +393 12 5 887745883 +393 17 1 889728895 +393 21 3 887744765 +393 22 4 887745973 +393 24 3 889729674 +393 25 2 887744294 +393 26 3 887746767 +393 27 4 889555050 +393 28 4 889554674 +393 29 4 889729398 +393 31 4 887745912 +393 33 3 889554648 +393 36 3 889731618 +393 38 4 889731010 +393 40 1 889729185 +393 41 4 889728736 +393 42 4 889554976 +393 48 2 889728177 +393 49 4 889729674 +393 50 5 887743611 +393 51 4 887746456 +393 54 4 889555050 +393 55 4 889727862 +393 56 2 887746015 +393 58 3 887746734 +393 62 4 889728895 +393 64 4 887745973 +393 65 2 887746346 +393 66 3 889554707 +393 67 3 889730088 +393 68 4 889729537 +393 69 4 887745883 +393 70 3 889555251 +393 71 3 889554977 +393 72 4 889730045 +393 73 4 887746206 +393 77 3 889729440 +393 78 2 889731521 +393 79 4 887745973 +393 80 3 889729561 +393 81 2 889728324 +393 82 4 887746174 +393 83 4 887746523 +393 84 3 889731009 +393 85 3 889729375 +393 86 2 889729674 +393 87 4 889554706 +393 88 3 889730066 +393 89 3 887745973 +393 90 2 889729938 +393 94 4 889731465 +393 95 4 889555295 +393 96 4 889555434 +393 97 4 889555126 +393 99 3 889727536 +393 100 1 887744053 +393 105 3 887745544 +393 108 2 887744658 +393 109 3 887744419 +393 110 2 889730117 +393 111 3 887745293 +393 117 4 887745575 +393 118 4 887744578 +393 121 4 887744419 +393 122 1 889731465 +393 123 4 887744328 +393 125 4 887744239 +393 128 3 887746145 +393 132 2 887746207 +393 134 2 887746824 +393 135 1 887747108 +393 136 5 889555050 +393 138 3 889731793 +393 139 4 889729185 +393 141 2 889729537 +393 142 4 889730460 +393 143 5 889554930 +393 144 3 887746174 +393 145 3 889731820 +393 147 5 887744549 +393 148 4 887744419 +393 153 3 887746671 +393 154 2 887746302 +393 161 4 887746883 +393 168 4 887746482 +393 169 3 887745912 +393 172 5 887745883 +393 173 5 887745759 +393 181 4 887743141 +393 184 4 889555251 +393 186 3 887746734 +393 189 4 887745717 +393 191 3 887745717 +393 194 4 887746239 +393 195 3 889555272 +393 196 4 887746015 +393 202 3 887746015 +393 203 4 887746091 +393 204 4 887746301 +393 206 3 889731329 +393 210 4 887747108 +393 215 4 887745912 +393 222 4 887744239 +393 223 4 887746119 +393 227 4 889728385 +393 228 3 889728385 +393 233 3 889730460 +393 237 4 887744328 +393 239 4 889728324 +393 240 2 887745380 +393 241 4 889554930 +393 243 4 887742916 +393 245 3 887742145 +393 248 4 887744202 +393 249 3 887744373 +393 250 4 887743453 +393 252 3 887744766 +393 255 4 887744328 +393 257 4 887744294 +393 258 4 887741960 +393 259 4 887742851 +393 265 4 887746301 +393 270 5 887742040 +393 271 3 887742179 +393 272 4 887742006 +393 273 3 889727768 +393 274 4 887744549 +393 275 4 887744053 +393 278 4 887744473 +393 280 4 887744724 +393 281 4 887745343 +393 282 4 887744053 +393 283 3 887744239 +393 288 3 887741960 +393 290 3 887745322 +393 291 4 887744202 +393 294 4 887742145 +393 298 4 887743453 +393 302 4 891364609 +393 303 4 891364609 +393 304 4 887742110 +393 310 4 887742040 +393 313 4 887742040 +393 315 5 887741960 +393 316 5 889554297 +393 317 4 889554707 +393 321 3 887742179 +393 322 4 887742825 +393 323 2 887742916 +393 328 5 887742798 +393 332 4 887742764 +393 333 4 889554171 +393 338 2 887742964 +393 342 5 887742179 +393 344 3 891364581 +393 347 4 887742040 +393 349 3 887742939 +393 354 4 889554151 +393 355 3 889554171 +393 356 3 889731088 +393 357 2 887745815 +393 362 3 887741960 +393 363 3 887745086 +393 364 2 889731139 +393 365 3 889729460 +393 366 4 889729345 +393 367 3 889730187 +393 369 3 887745174 +393 373 4 889731437 +393 374 3 889731702 +393 376 4 889730011 +393 377 3 889728200 +393 378 4 887746824 +393 380 2 887746482 +393 384 3 889729508 +393 385 4 887746207 +393 386 4 889731390 +393 391 3 889731703 +393 392 4 889555225 +393 393 3 889731064 +393 394 5 889728627 +393 395 3 889731753 +393 396 1 889730514 +393 398 4 889731753 +393 399 4 889728353 +393 403 3 889727503 +393 404 3 889728713 +393 405 4 887744626 +393 409 4 887745258 +393 410 4 887744419 +393 411 2 887745501 +393 412 3 887745380 +393 415 4 889730117 +393 417 3 887746523 +393 418 3 887746207 +393 419 4 887746523 +393 420 3 889728074 +393 421 2 889555000 +393 423 3 887746849 +393 431 2 887746965 +393 443 3 887745624 +393 449 2 889731088 +393 451 3 887746995 +393 456 3 887745501 +393 459 4 887744517 +393 463 4 889555225 +393 465 4 887746916 +393 470 4 889554730 +393 472 3 887745199 +393 473 3 887745135 +393 476 3 887744688 +393 477 3 889727833 +393 479 4 889555295 +393 480 4 889554756 +393 483 4 889554540 +393 485 2 887746670 +393 494 4 889727702 +393 496 5 887746119 +393 497 4 889555021 +393 500 4 887746523 +393 501 3 889729614 +393 507 2 889554859 +393 527 3 889727614 +393 538 3 887742071 +393 539 3 891364757 +393 540 3 889731753 +393 541 3 889555384 +393 544 3 887745135 +393 546 2 887744578 +393 550 3 887746482 +393 552 2 889729638 +393 553 3 887747108 +393 554 4 889729486 +393 559 3 889729614 +393 560 3 889728584 +393 561 3 889728438 +393 566 3 887745717 +393 568 4 889554563 +393 569 4 889728736 +393 571 3 889731793 +393 572 4 889731618 +393 575 2 889728712 +393 576 3 889729938 +393 577 4 889731437 +393 578 4 889728413 +393 585 2 889731649 +393 586 3 889731040 +393 588 4 887746824 +393 591 5 887744372 +393 596 4 887743611 +393 597 3 887745293 +393 613 4 887745937 +393 620 4 887745199 +393 622 4 889555074 +393 623 3 889731562 +393 625 4 889554780 +393 627 4 889729296 +393 628 4 887744626 +393 630 4 889728150 +393 636 3 889729508 +393 644 3 889555074 +393 651 4 889728238 +393 652 3 889729375 +393 655 3 887746346 +393 659 4 887746378 +393 672 3 889729614 +393 681 3 887742798 +393 683 4 887742110 +393 684 4 889554811 +393 685 3 887744517 +393 686 4 889729185 +393 687 3 887742916 +393 689 3 887742991 +393 690 4 887742110 +393 692 3 889554908 +393 693 3 887746883 +393 696 4 887745258 +393 705 4 887746456 +393 710 4 889554607 +393 715 1 889731592 +393 717 3 887745086 +393 720 3 889554648 +393 721 2 889727930 +393 722 2 889728736 +393 724 3 889729159 +393 725 2 889731501 +393 727 3 889729614 +393 728 3 889730209 +393 729 4 887746431 +393 731 3 889730227 +393 732 4 889555272 +393 737 2 889730261 +393 739 3 887746671 +393 742 4 887744517 +393 747 4 889727969 +393 748 3 887742851 +393 751 2 887741960 +393 755 3 889729831 +393 756 4 887745258 +393 761 4 889728667 +393 763 5 887745086 +393 769 4 889731593 +393 771 3 889731793 +393 774 4 889731673 +393 775 4 889731390 +393 778 3 887746301 +393 779 3 889729673 +393 780 4 889731390 +393 781 4 889729159 +393 783 3 889729561 +393 785 3 889729749 +393 787 5 889554674 +393 789 1 887746015 +393 790 4 889729773 +393 792 1 889729346 +393 794 4 889730117 +393 797 3 889731138 +393 802 3 889729420 +393 805 2 889555410 +393 808 4 889554882 +393 810 4 889731138 +393 812 3 889555021 +393 815 4 887744372 +393 819 3 889731592 +393 820 3 887745380 +393 821 3 889554756 +393 823 3 889730262 +393 824 3 889731793 +393 825 4 887745230 +393 826 3 889731729 +393 831 1 887745454 +393 833 4 887744626 +393 836 4 889728895 +393 840 4 887744658 +393 841 3 887745199 +393 842 4 889729212 +393 843 3 889731861 +393 845 4 887744202 +393 864 3 887745230 +393 866 3 889728074 +393 870 3 887745454 +393 871 3 887745174 +393 876 3 889554316 +393 879 3 887742798 +393 890 1 887742991 +393 892 3 887742939 +393 893 3 889554457 +393 905 3 887742851 +393 922 4 887744419 +393 924 4 887744688 +393 926 4 887745200 +393 929 3 887745230 +393 930 3 889731593 +393 932 3 887744578 +393 934 3 887745544 +393 939 4 887745816 +393 940 2 889731109 +393 941 4 889729212 +393 944 4 889728712 +393 949 3 889731465 +393 951 3 889728531 +393 953 4 889555334 +393 964 2 889555461 +393 977 4 887745501 +393 982 3 889731649 +393 996 3 889731139 +393 997 1 889731703 +393 999 4 889730187 +393 1000 3 889731139 +393 1001 4 887745410 +393 1014 3 887745086 +393 1016 5 887744688 +393 1028 3 887745174 +393 1032 3 889729296 +393 1035 3 889731329 +393 1039 3 887745973 +393 1040 3 887745410 +393 1043 3 889728324 +393 1044 4 889731821 +393 1047 3 887745293 +393 1048 3 887745120 +393 1049 4 887744688 +393 1051 3 887745544 +393 1053 3 889730011 +393 1055 4 889728895 +393 1058 4 887746916 +393 1063 4 889554540 +393 1074 3 889730296 +393 1076 3 889731109 +393 1091 2 889731840 +393 1092 3 889731139 +393 1095 2 887745174 +393 1120 3 887745409 +393 1139 3 889729561 +393 1165 3 889730514 +393 1168 3 889729346 +393 1169 5 887746015 +393 1178 3 889729460 +393 1179 4 889731437 +393 1180 4 889731465 +393 1181 3 889731064 +393 1182 3 889731413 +393 1183 3 889731040 +393 1185 3 889728606 +393 1197 3 887743611 +393 1210 3 889731593 +393 1215 3 889731729 +393 1221 3 889554834 +393 1224 3 889555176 +393 1225 3 889731820 +393 1228 3 889728074 +393 1239 3 889729508 +393 1244 3 887745380 +393 1249 4 889731329 +393 1258 3 887744688 +393 1270 3 889731673 +393 1314 3 889731561 +393 1337 3 887745380 +393 1407 3 889731010 +393 1409 4 889729536 +393 1419 3 889729319 +393 1435 3 889731821 +393 1440 3 889731359 +393 1441 3 889728554 +393 1446 5 887746346 +393 1468 4 887746091 +393 1469 3 889729749 +393 1531 4 889731794 +393 1539 2 889730460 +394 1 4 880886855 +394 4 4 880888037 +394 7 5 880888390 +394 12 4 880887035 +394 22 5 880886919 +394 24 5 880889350 +394 28 4 880886821 +394 29 3 881058201 +394 31 3 880887152 +394 33 4 880889259 +394 38 4 881058146 +394 39 4 880888501 +394 50 5 881132876 +394 56 5 880887406 +394 62 4 881132876 +394 63 4 881059464 +394 68 5 881058419 +394 69 5 880887063 +394 72 4 880889629 +394 73 3 881058929 +394 77 3 880888603 +394 79 5 880887206 +394 82 4 880889553 +394 84 4 880889583 +394 89 5 880889349 +394 90 3 880889528 +394 91 4 880886821 +394 96 5 880886919 +394 97 4 880888223 +394 98 5 880887088 +394 101 4 880886670 +394 109 4 880889159 +394 117 5 880887462 +394 118 4 880889066 +394 121 4 880888452 +394 123 5 880888566 +394 128 3 880888896 +394 132 4 880887000 +394 141 3 880888815 +394 144 5 880886978 +394 151 5 880886919 +394 154 3 880887152 +394 156 4 880886855 +394 158 3 881059315 +394 164 4 880886612 +394 168 5 880886919 +394 172 4 880886919 +394 173 5 881057730 +394 176 5 881130008 +394 179 5 880886919 +394 181 4 880886796 +394 183 4 881130008 +394 184 3 880889010 +394 186 5 880887322 +394 195 5 880886919 +394 202 5 880888245 +394 204 5 880888223 +394 208 5 880888746 +394 210 4 880888689 +394 216 3 880888063 +394 217 5 880888972 +394 222 4 881132876 +394 226 2 880888850 +394 228 5 881132876 +394 229 3 881132958 +394 230 3 881132958 +394 232 4 880889374 +394 233 3 881058062 +394 238 5 880887348 +394 250 4 881130076 +394 252 3 881130112 +394 257 4 881130047 +394 265 4 880888390 +394 282 3 880888096 +394 288 4 880886919 +394 294 4 880886919 +394 313 5 883304657 +394 343 3 881130008 +394 358 3 880886546 +394 364 3 881059544 +394 380 4 881132876 +394 383 2 881059704 +394 385 5 880889010 +394 386 3 881058897 +394 391 4 881058330 +394 393 4 880889350 +394 402 4 880888775 +394 403 4 880889034 +394 405 3 880889010 +394 411 4 881058969 +394 416 5 880889350 +394 418 4 880887462 +394 419 5 880887250 +394 423 5 881057839 +394 431 5 880889607 +394 433 4 880886919 +394 449 3 881132958 +394 450 3 881132958 +394 455 4 880889066 +394 496 5 880887206 +394 508 4 880886978 +394 540 4 881058330 +394 541 3 880889741 +394 546 4 881058167 +394 549 4 880888452 +394 550 4 881058101 +394 552 3 881060176 +394 554 4 881058101 +394 559 4 880888746 +394 561 4 881060177 +394 576 2 881058371 +394 577 2 881059704 +394 578 2 880888927 +394 597 2 881058201 +394 627 5 880888972 +394 651 4 880888223 +394 655 5 880888313 +394 658 3 880889159 +394 665 2 881130009 +394 672 3 880888540 +394 679 3 881058062 +394 715 4 880888689 +394 720 2 881058146 +394 739 4 880889766 +394 742 5 880888167 +394 746 2 880888313 +394 763 3 881058929 +394 771 4 881060366 +394 780 2 881059180 +394 795 2 881059103 +394 797 3 881058330 +394 802 1 881058201 +394 928 4 881059902 +394 940 3 881059103 +394 979 5 881060177 +394 1033 3 880889475 +394 1079 3 881059148 +394 1371 2 880886546 +394 1484 4 881059619 +395 1 5 883765062 +395 15 3 883765928 +395 21 3 883764534 +395 50 5 883763009 +395 64 5 883763958 +395 89 5 883764264 +395 97 5 883763800 +395 98 5 883764061 +395 100 4 883765155 +395 118 3 883765791 +395 127 5 883765034 +395 154 5 883764878 +395 163 5 883764378 +395 181 5 883764336 +395 186 5 883764817 +395 196 4 883764378 +395 210 5 883763136 +395 215 5 883763768 +395 216 3 883764378 +395 231 4 883764456 +395 237 4 883764974 +395 240 1 886481149 +395 252 3 883765897 +395 257 5 883765386 +395 258 4 883762309 +395 273 2 886481149 +395 286 4 883762088 +395 288 2 886481149 +395 300 3 883762362 +395 313 3 883762135 +395 318 4 883764004 +395 328 4 883762528 +395 338 4 883762733 +395 342 4 883762414 +395 343 5 883762614 +395 378 5 883764421 +395 423 5 883764742 +395 458 3 883765731 +395 472 3 883765965 +395 515 4 883765297 +395 596 2 886481149 +395 739 3 886481149 +395 748 3 883762577 +395 750 5 883762266 +395 866 3 883766119 +395 1028 2 886481149 +395 1060 2 886481149 +396 1 4 884646346 +396 9 4 884646401 +396 25 3 884646191 +396 100 2 884646092 +396 117 4 884646191 +396 118 4 884646314 +396 121 5 884646235 +396 125 3 884646191 +396 151 3 884646401 +396 222 5 884646152 +396 237 4 884646092 +396 245 3 884645720 +396 271 4 884645790 +396 281 3 884646647 +396 282 4 884646052 +396 288 3 884645648 +396 300 3 884645550 +396 322 4 884645790 +396 323 4 884645790 +396 328 4 884645813 +396 329 2 884645615 +396 333 4 884645528 +396 405 3 884646314 +396 406 2 884646468 +396 455 2 884646582 +396 471 4 884646263 +396 472 5 884646647 +396 546 4 884646647 +396 591 3 884646114 +396 595 3 884646467 +396 597 4 884646647 +396 619 3 884646191 +396 717 3 884646467 +396 742 4 884646346 +396 823 2 884646647 +396 829 3 884646648 +396 840 3 884646648 +396 871 2 884646289 +396 974 4 884646152 +396 977 3 884646468 +396 986 4 884646537 +396 1028 3 884646191 +396 1215 2 884646709 +396 1399 3 884645942 +397 8 4 885349913 +397 12 4 885349790 +397 14 3 885349348 +397 22 4 885349476 +397 23 5 885350132 +397 50 5 885349955 +397 56 5 882839517 +397 58 5 885349202 +397 65 2 875063876 +397 95 4 885349999 +397 100 5 882839517 +397 109 4 889760803 +397 117 3 885349610 +397 127 5 885349427 +397 134 5 885350132 +397 135 5 885349825 +397 156 5 885350381 +397 171 5 882839540 +397 172 5 885350381 +397 174 5 885349999 +397 177 5 882843746 +397 181 4 885349955 +397 182 5 885349759 +397 183 4 885349348 +397 186 5 885349955 +397 192 5 885349610 +397 195 3 885350381 +397 197 5 885349825 +397 199 5 885349790 +397 210 4 885349825 +397 223 4 885350132 +397 243 1 875063613 +397 261 1 875063722 +397 268 4 889760703 +397 273 4 889760803 +397 286 4 882839517 +397 288 4 882839517 +397 289 3 885349348 +397 298 4 885349348 +397 302 5 889760703 +397 313 4 889760640 +397 318 4 885349610 +397 322 1 875063613 +397 324 2 882838749 +397 327 2 875063649 +397 332 2 882838773 +397 338 4 882839517 +397 340 2 882838664 +397 343 2 885349148 +397 345 4 889760663 +397 346 4 890172230 +397 357 5 885350381 +397 358 2 882838937 +397 390 3 885349427 +397 423 5 885349999 +397 435 4 885349376 +397 457 1 875063722 +397 474 5 882839559 +397 475 4 885350045 +397 479 4 885349865 +397 480 5 885349476 +397 483 5 885349715 +397 484 5 885349759 +397 492 4 885349955 +397 498 4 885349955 +397 504 5 885349865 +397 513 5 885349715 +397 522 5 885349476 +397 529 4 885350326 +397 588 4 885349528 +397 591 4 885349562 +397 611 5 885349562 +397 615 5 885349562 +397 641 5 885349999 +397 652 3 885350326 +397 657 5 885349759 +397 665 3 885349348 +397 680 1 875063649 +397 688 1 875063649 +397 693 4 885349955 +397 705 5 885350045 +397 748 2 889760845 +397 751 3 885349348 +397 853 4 885350045 +397 855 4 885349476 +397 878 1 875063722 +397 894 1 882838796 +397 896 4 889760725 +397 989 1 875063722 +397 991 1 875063678 +397 1001 1 885350326 +397 1298 3 885350543 +398 1 5 875652927 +398 2 3 875718614 +398 4 2 875723337 +398 8 3 875716709 +398 13 3 875652318 +398 15 5 875651828 +398 25 4 875655011 +398 28 5 875660302 +398 31 3 875658967 +398 47 3 875738523 +398 49 3 875736199 +398 56 4 875659843 +398 58 4 875717106 +398 63 2 875732862 +398 64 4 875660439 +398 65 3 875743739 +398 66 4 875736732 +398 70 4 875717315 +398 71 5 875743517 +398 72 3 875719399 +398 73 3 875723337 +398 79 4 875660535 +398 82 5 875721348 +398 85 4 875718731 +398 86 3 875726010 +398 87 4 875716709 +398 88 4 875733660 +398 94 2 875732304 +398 95 5 875659266 +398 96 4 875716709 +398 97 4 875721348 +398 100 3 875652816 +398 111 3 875652318 +398 117 4 875653091 +398 124 5 875717717 +398 125 3 875719764 +398 126 4 875652700 +398 127 4 875651657 +398 132 5 875716829 +398 133 3 875726786 +398 134 3 875658898 +398 135 3 875657802 +398 144 5 875658715 +398 152 4 875721702 +398 153 4 875732862 +398 154 2 875718614 +398 158 3 875738202 +398 159 3 875717020 +398 162 5 875811851 +398 163 3 875738333 +398 167 3 875735638 +398 168 3 875658967 +398 172 5 875725927 +398 173 4 875719080 +398 174 5 875660535 +398 176 4 875725256 +398 178 5 875718614 +398 182 4 875657802 +398 183 4 875659518 +398 185 5 875717638 +398 186 4 875733496 +398 191 4 875721348 +398 194 5 875717638 +398 196 4 875746951 +398 197 5 875660226 +398 202 3 875725256 +398 203 4 875908134 +398 204 4 875716013 +398 205 5 875660535 +398 208 5 875723253 +398 211 4 875717407 +398 216 5 875723337 +398 228 5 875657926 +398 229 3 875744031 +398 230 3 875908666 +398 231 2 875743840 +398 234 4 875659265 +398 235 2 875716709 +398 237 3 875653168 +398 239 3 875747539 +398 274 3 875655841 +398 276 4 875652760 +398 283 3 875652760 +398 284 2 875654781 +398 357 4 875657926 +398 367 3 875717020 +398 385 3 875723253 +398 393 5 875732738 +398 399 4 875721702 +398 403 4 875657734 +398 414 3 875721111 +398 417 3 875719399 +398 427 4 875657734 +398 429 4 875716829 +398 430 4 875659265 +398 432 3 875718670 +398 435 5 875717106 +398 447 2 875658967 +398 474 4 875657926 +398 476 3 875652760 +398 478 5 875657857 +398 479 4 875717020 +398 480 5 875658794 +398 482 5 875657802 +398 483 5 875720673 +398 484 4 875659319 +398 485 5 875657857 +398 491 5 875718954 +398 493 5 875723337 +398 494 3 875813142 +398 495 4 875660439 +398 496 5 875721111 +398 497 3 875717407 +398 498 5 875657734 +398 501 3 875658898 +398 502 3 875717717 +398 510 4 875658715 +398 519 4 875723337 +398 520 5 875717106 +398 521 5 875717779 +398 523 4 875717779 +398 525 3 875908134 +398 582 2 875659518 +398 588 4 875659517 +398 589 3 875657734 +398 591 3 875652876 +398 602 4 875660302 +398 603 4 875721548 +398 604 5 875658794 +398 607 3 875720467 +398 610 4 875745631 +398 633 4 875726786 +398 648 5 875733496 +398 654 4 875726730 +398 655 4 875658967 +398 659 3 875738391 +398 661 3 875719399 +398 662 2 875723172 +398 663 2 875735255 +398 684 4 875908134 +398 692 4 875717020 +398 700 2 875736199 +398 705 5 875658898 +398 708 3 875747159 +398 710 2 875716830 +398 712 2 875736732 +398 715 2 875736732 +398 732 4 875719199 +398 735 4 875659266 +398 737 2 875811449 +398 756 3 875654592 +398 796 3 875732862 +398 837 4 875718614 +398 953 3 875658968 +398 969 4 875659518 +398 991 2 875651527 +398 993 3 875653043 +398 1020 3 875659843 +398 1041 3 875733660 +398 1119 4 875812011 +398 1126 4 875722533 +398 1450 5 875717717 +399 1 4 882340657 +399 2 3 882512708 +399 5 3 882345001 +399 9 3 882510018 +399 11 4 882344199 +399 12 3 882509891 +399 15 5 882340828 +399 22 3 882342834 +399 24 4 882341239 +399 26 2 882510126 +399 28 2 882344134 +399 29 3 882349198 +399 31 3 882345649 +399 33 3 882344942 +399 38 2 882345164 +399 39 2 882344310 +399 41 2 882348876 +399 42 2 882510250 +399 43 3 882348664 +399 47 3 882511093 +399 48 3 882349868 +399 50 3 882343040 +399 53 4 882345271 +399 54 4 882343126 +399 55 2 882343171 +399 56 3 882346649 +399 57 4 882343260 +399 58 3 882344942 +399 62 3 882348876 +399 63 3 882348615 +399 64 3 882342313 +399 66 3 882343171 +399 67 3 882350899 +399 68 3 882347577 +399 69 3 882342019 +399 71 3 882351580 +399 72 4 882350323 +399 77 2 882349094 +399 78 3 882348948 +399 79 3 882512214 +399 80 3 882349068 +399 82 3 882344512 +399 84 2 882345842 +399 90 2 882350653 +399 91 4 882345023 +399 93 3 882512192 +399 94 5 882349022 +399 95 3 882343068 +399 96 3 882342019 +399 97 4 882343204 +399 98 4 882342894 +399 99 3 882344269 +399 100 3 882509855 +399 102 3 882344236 +399 110 2 882343523 +399 114 4 882341974 +399 117 2 882347620 +399 118 3 882341383 +399 121 3 882341403 +399 123 2 882340807 +399 127 2 882346585 +399 128 3 882343293 +399 132 3 882343327 +399 139 3 882348153 +399 140 4 882343731 +399 143 5 882344638 +399 144 3 882342689 +399 147 5 882340620 +399 148 4 882341362 +399 151 2 882511876 +399 153 2 882351347 +399 154 3 882343327 +399 155 2 882348773 +399 156 3 882342537 +399 157 3 882342019 +399 161 3 882344434 +399 164 2 882344553 +399 168 3 882342776 +399 172 3 882342537 +399 173 3 882349928 +399 174 3 882342187 +399 175 3 882342669 +399 176 3 882342127 +399 179 3 882344406 +399 180 3 882345001 +399 181 3 882342689 +399 182 4 882342570 +399 186 4 882342669 +399 187 3 882346401 +399 188 4 882344310 +399 195 2 882342669 +399 196 5 882349678 +399 203 4 882344434 +399 204 3 882342061 +399 210 3 882342805 +399 214 4 882344722 +399 215 2 882510226 +399 218 4 882344597 +399 222 3 882344434 +399 223 3 882343012 +399 225 3 882345212 +399 226 3 882344406 +399 227 2 882344794 +399 228 2 882347783 +399 229 2 882349143 +399 230 3 882344512 +399 231 3 882350375 +399 232 2 882350431 +399 233 3 882347061 +399 234 3 882343294 +399 235 4 882340876 +399 237 3 882510490 +399 238 1 882342061 +399 239 3 882344553 +399 241 4 882342866 +399 246 3 882340639 +399 264 3 882340517 +399 265 3 882342776 +399 268 3 882340284 +399 273 3 882340657 +399 274 3 882512167 +399 276 3 882510107 +399 282 3 882340775 +399 288 3 882340200 +399 289 4 882340311 +399 291 3 882510126 +399 295 4 882341264 +399 301 4 882340242 +399 302 4 882340101 +399 307 3 882340264 +399 318 5 882342589 +399 320 3 882342537 +399 323 1 882340517 +399 328 4 882340311 +399 332 3 882340242 +399 338 1 882509709 +399 340 2 882340517 +399 343 2 882340517 +399 356 3 882344512 +399 364 4 882350813 +399 366 3 882345271 +399 372 3 882511047 +399 378 3 882348284 +399 379 3 882512003 +399 380 3 882345164 +399 382 3 882344134 +399 383 2 882350431 +399 384 2 882345698 +399 385 3 882344597 +399 386 3 882349353 +399 388 2 882350791 +399 389 3 882345078 +399 393 4 882343455 +399 395 3 882350733 +399 399 3 882342354 +399 400 3 882349170 +399 401 3 882350710 +399 402 3 882344434 +399 403 3 882350502 +399 404 3 882344684 +399 405 3 882340599 +399 407 3 882341644 +399 412 2 882352468 +399 413 2 882340900 +399 418 3 882343605 +399 419 3 882343327 +399 420 3 882347783 +399 423 3 882344052 +399 426 3 882350431 +399 431 2 882344906 +399 432 3 882348283 +399 433 3 882344269 +399 436 2 882348478 +399 444 1 882350733 +399 450 2 882350791 +399 451 3 882344684 +399 452 3 882350762 +399 454 3 882510989 +399 455 4 882340924 +399 462 3 882510290 +399 465 3 882350005 +399 468 3 882344134 +399 470 4 882344832 +399 471 3 882340719 +399 475 5 882340827 +399 496 3 882349868 +399 501 2 882346851 +399 506 3 882344406 +399 508 3 882509971 +399 511 3 882341848 +399 526 3 882343171 +399 527 3 882511093 +399 531 3 882342964 +399 540 2 882348722 +399 541 3 882345622 +399 542 3 882344021 +399 543 3 882509971 +399 544 2 882340556 +399 545 2 882345164 +399 546 2 882341383 +399 549 4 882347190 +399 550 3 882345120 +399 551 1 882349022 +399 552 1 882350733 +399 554 3 882348592 +399 559 3 882344096 +399 560 3 882352404 +399 561 2 882345335 +399 564 3 882350899 +399 566 4 882344871 +399 568 2 882345842 +399 575 1 882350762 +399 576 3 882350563 +399 578 2 882348722 +399 582 3 882343358 +399 587 3 882351626 +399 588 5 882342938 +399 597 3 882341330 +399 616 1 882341881 +399 622 4 882343605 +399 628 3 882340719 +399 633 3 882347019 +399 651 3 882509971 +399 655 3 882344372 +399 658 3 882350198 +399 660 3 882510250 +399 665 3 882345408 +399 673 3 882343789 +399 679 3 882344596 +399 684 3 882344269 +399 693 3 882510165 +399 697 2 882345454 +399 710 2 882342537 +399 720 3 882348565 +399 722 2 882348153 +399 727 4 882344722 +399 732 2 882348089 +399 735 3 882344512 +399 738 4 882350583 +399 742 4 882340844 +399 744 3 882510147 +399 746 5 882342158 +399 747 5 882345053 +399 754 3 882340242 +399 755 2 882344757 +399 760 1 882341554 +399 763 2 882340900 +399 768 3 882350401 +399 769 3 882350813 +399 772 4 882343358 +399 774 3 882345053 +399 779 4 882350850 +399 780 1 882350850 +399 781 2 882350617 +399 794 3 882349274 +399 806 3 882344096 +399 809 3 882352357 +399 817 4 882509927 +399 820 4 882341191 +399 824 2 882341445 +399 825 2 882341586 +399 826 2 882349353 +399 845 3 882340719 +399 890 2 882340517 +399 919 2 882510379 +399 924 5 882340678 +399 926 2 882348850 +399 928 2 882341586 +399 941 3 882347577 +399 946 3 882343172 +399 959 3 882343523 +399 969 3 882346728 +399 975 2 882344974 +399 977 3 882341607 +399 986 3 882341586 +399 1035 3 882352065 +399 1042 3 882348283 +399 1060 3 882510269 +399 1074 4 882345842 +399 1086 3 882340827 +399 1090 2 882345212 +399 1135 2 882349170 +399 1137 4 882340556 +399 1139 4 882348974 +399 1170 3 882510250 +399 1178 3 882350341 +399 1179 2 882352324 +399 1184 3 882344638 +399 1192 3 882344638 +399 1207 3 882350813 +399 1210 2 882348690 +399 1217 4 882350282 +399 1219 3 882348448 +399 1220 2 882343389 +399 1231 3 882350487 +399 1232 3 882350831 +399 1244 3 882341607 +399 1246 1 882511876 +399 1274 1 882350870 +399 1279 3 882341625 +399 1393 3 882340421 +399 1396 4 882343455 +399 1401 3 882342219 +399 1459 3 882345473 +399 1480 3 882350899 +399 1540 3 882350282 +399 1541 3 882510107 +399 1542 2 882348592 +399 1543 3 882509891 +400 258 5 885676316 +400 269 4 885676230 +400 286 4 885676230 +400 288 4 885676365 +400 294 3 885676411 +400 301 4 885676411 +400 306 3 885676230 +400 313 5 885676316 +400 332 2 885676526 +400 343 4 885676552 +400 690 3 885676365 +400 748 2 885676411 +401 1 2 891032170 +401 9 3 891032218 +401 11 2 891033227 +401 13 2 891033204 +401 14 3 891032271 +401 25 4 891032412 +401 26 3 891033395 +401 44 4 891032868 +401 50 1 891034050 +401 64 3 891032757 +401 65 4 891033250 +401 69 3 891033417 +401 70 4 891033625 +401 71 2 891033549 +401 83 4 891033122 +401 88 4 891033319 +401 97 4 891033582 +401 99 4 891033582 +401 100 4 891032170 +401 111 4 891032296 +401 121 3 891032662 +401 125 3 891033651 +401 127 1 891032170 +401 133 4 891032847 +401 137 3 891032316 +401 143 4 891033034 +401 144 5 891033523 +401 147 2 891032662 +401 151 1 891032584 +401 153 2 891033466 +401 154 1 891033184 +401 157 3 891033582 +401 161 2 891033603 +401 162 5 891033395 +401 168 1 891033442 +401 172 3 891032896 +401 173 3 891032937 +401 174 4 891032803 +401 181 3 891032518 +401 185 4 891033523 +401 188 1 891033267 +401 191 4 891032847 +401 194 4 891033395 +401 196 5 891033497 +401 197 4 891033417 +401 198 4 891033370 +401 202 4 891033319 +401 203 4 891033288 +401 204 5 891033684 +401 210 4 891032976 +401 211 4 891033092 +401 216 4 891032803 +401 225 1 891032474 +401 235 1 891032474 +401 237 3 891032367 +401 243 3 891031867 +401 248 3 891032367 +401 257 2 891032563 +401 272 3 891031508 +401 275 4 891032271 +401 276 4 891032433 +401 278 4 891032412 +401 280 2 891032607 +401 282 3 891032584 +401 284 3 891032453 +401 286 2 891031464 +401 294 1 891031621 +401 302 3 891031464 +401 312 3 891031784 +401 315 4 891031464 +401 316 5 891031756 +401 318 4 891032737 +401 321 2 891031554 +401 328 4 891031723 +401 342 1 891031723 +401 356 4 891033122 +401 357 4 891032896 +401 365 4 891033497 +401 371 3 891033550 +401 385 3 891033603 +401 404 2 891033395 +401 405 2 891032453 +401 428 4 891033092 +401 429 3 891032847 +401 430 2 891033582 +401 435 5 891033250 +401 451 2 891033343 +401 462 4 891033684 +401 471 4 891032495 +401 473 1 891034050 +401 477 1 891034050 +401 478 2 891033497 +401 481 3 891033014 +401 482 4 891033343 +401 483 4 891033121 +401 484 3 891032737 +401 485 4 891033092 +401 490 3 891033250 +401 493 4 891033370 +401 501 2 891033184 +401 507 4 891033014 +401 508 3 891032433 +401 509 4 891033582 +401 511 2 891033092 +401 515 4 891032367 +401 520 3 891033442 +401 527 4 891032919 +401 528 5 891033442 +401 535 2 891032518 +401 537 4 891033466 +401 553 5 891033523 +401 566 5 891033684 +401 582 4 891033523 +401 584 3 891033227 +401 588 2 891033549 +401 591 3 891032607 +401 603 4 891033497 +401 604 4 891033370 +401 610 4 891033651 +401 630 4 891033370 +401 632 4 891033014 +401 634 1 891033319 +401 651 4 891032919 +401 654 3 891033184 +401 655 3 891033417 +401 659 3 891033061 +401 661 3 891033158 +401 663 1 891033549 +401 678 3 891031936 +401 684 4 891033651 +401 707 2 891032868 +401 724 4 891033319 +401 735 5 891033158 +401 748 3 891031784 +401 751 1 891031532 +401 762 2 891032662 +401 815 3 891032662 +401 866 3 891032697 +401 892 1 891031867 +401 1009 4 891032626 +401 1011 3 891032367 +401 1016 3 891032607 +401 1289 2 891032495 +402 1 5 876266860 +402 9 4 876266741 +402 10 2 876266985 +402 12 4 876266826 +402 13 3 876266701 +402 15 5 876267115 +402 19 4 876267096 +402 25 4 876266926 +402 32 3 876267235 +402 42 4 876267173 +402 48 5 876267173 +402 50 4 876266741 +402 95 5 876267235 +402 96 5 876267234 +402 100 5 876266904 +402 116 3 876267067 +402 117 3 876267173 +402 118 4 876267096 +402 124 4 876266926 +402 135 4 876266775 +402 137 4 876266701 +402 151 5 876266984 +402 168 5 876267206 +402 181 4 876266860 +402 182 5 876266775 +402 204 5 876267206 +402 222 4 876266948 +402 228 3 876267173 +402 235 3 876267014 +402 237 4 876266948 +402 245 1 876266860 +402 258 4 876266650 +402 273 4 876267014 +402 275 5 876266741 +402 276 5 876267014 +402 286 5 876266650 +402 408 5 876266741 +402 410 1 876266985 +402 455 3 876266886 +402 471 4 876267041 +402 475 3 876266741 +402 476 3 876266985 +402 479 5 876267206 +402 483 5 876267173 +402 510 5 876267235 +402 511 5 876266775 +402 515 5 876266860 +402 529 4 876266775 +402 591 4 876267041 +402 628 3 876267067 +402 696 4 876267014 +402 710 2 876267206 +402 748 3 876266860 +402 864 3 876266926 +402 1048 2 876266985 +402 1060 3 876267041 +402 1101 4 876267234 +402 1284 3 876266984 +403 1 4 879785974 +403 9 3 879786052 +403 50 5 879785736 +403 100 5 879785974 +403 106 2 879786084 +403 117 4 879786112 +403 118 5 879785974 +403 127 4 879786221 +403 129 4 879785822 +403 147 5 879786052 +403 151 4 879786270 +403 222 5 879786190 +403 235 5 879786165 +403 237 5 879786221 +403 240 1 879786084 +403 257 2 879786112 +403 274 3 879786661 +403 276 4 879785941 +403 282 5 879786052 +403 284 1 879790389 +403 288 4 879785822 +403 291 4 879790319 +403 370 3 879790344 +403 405 5 879786747 +403 410 2 879790445 +403 471 5 879785822 +403 472 4 879790319 +403 476 4 879790468 +403 477 4 879786165 +403 515 4 879785867 +403 597 2 879786747 +403 685 4 879786662 +403 748 5 879786406 +403 760 1 879790343 +403 845 4 879786052 +403 864 4 879786747 +403 928 3 879786008 +403 1012 1 879786190 +403 1047 2 879786381 +403 1199 2 879790506 +404 22 5 883790911 +404 66 4 883790883 +404 243 3 883790465 +404 245 3 883790401 +404 258 4 883790181 +404 259 5 883790491 +404 270 4 883790749 +404 272 4 883790181 +404 286 1 883790181 +404 288 3 883790314 +404 289 1 883790492 +404 300 4 883790749 +404 301 3 883790286 +404 302 4 883790218 +404 307 4 883790749 +404 310 4 883790750 +404 323 3 883790430 +404 331 3 883790249 +404 332 4 883790749 +404 339 1 883790609 +404 343 1 883790656 +404 348 3 883790400 +404 678 4 883790400 +404 683 4 883790366 +404 689 2 883790585 +404 690 5 876889178 +404 739 4 883790851 +404 750 3 883790750 +404 754 3 883790218 +404 876 2 883790286 +404 879 3 883790465 +404 901 2 883790585 +404 938 4 883790749 +404 1238 3 883790181 +405 2 1 885547953 +405 4 4 885547314 +405 5 4 885545070 +405 8 4 885545015 +405 11 4 885545263 +405 12 5 885545306 +405 22 5 885545167 +405 23 5 885545372 +405 26 3 885545552 +405 27 1 885546487 +405 28 4 885544947 +405 29 4 885545639 +405 30 1 885549544 +405 31 1 885548579 +405 32 1 885546025 +405 33 1 885547360 +405 35 2 885549095 +405 36 2 885546859 +405 37 1 885548384 +405 38 5 885548093 +405 39 1 885546155 +405 40 2 885547735 +405 41 1 885547735 +405 42 1 885547313 +405 43 1 885546680 +405 44 1 885548670 +405 45 1 885549506 +405 46 1 885546445 +405 47 5 885545429 +405 48 1 885546154 +405 49 1 885547407 +405 50 5 885544947 +405 51 1 885546577 +405 52 1 885546379 +405 53 2 885548137 +405 54 2 885546379 +405 55 1 885547909 +405 57 1 885546577 +405 58 1 885546247 +405 59 1 885549507 +405 60 1 885549589 +405 61 1 885549589 +405 62 1 885547996 +405 63 3 885547408 +405 64 5 885544739 +405 65 1 885546379 +405 66 5 885547268 +405 67 5 885547360 +405 68 1 885547996 +405 69 4 885545111 +405 70 3 885545912 +405 71 1 885548836 +405 72 3 885547268 +405 73 5 885547313 +405 75 2 885546069 +405 76 3 885545606 +405 77 1 885546248 +405 78 2 885549045 +405 79 5 885544798 +405 80 1 885547557 +405 81 3 885546025 +405 82 4 885547952 +405 83 1 885545974 +405 85 4 885547407 +405 86 1 885546154 +405 87 1 885546112 +405 88 3 885547360 +405 89 1 885547952 +405 90 4 885547447 +405 91 2 885548932 +405 92 1 885546287 +405 94 5 885547408 +405 95 3 885548785 +405 96 3 885544881 +405 97 2 885545638 +405 98 4 885544798 +405 99 5 885548785 +405 101 1 885549192 +405 102 1 885548877 +405 110 1 885547506 +405 127 5 885545167 +405 132 5 885544698 +405 135 5 885545333 +405 139 3 885549005 +405 140 3 885548932 +405 141 2 885548877 +405 142 1 885549004 +405 143 5 885548785 +405 149 1 885549746 +405 161 1 885547997 +405 168 1 885547124 +405 169 1 885549192 +405 170 1 885549506 +405 172 5 885545111 +405 173 5 885544798 +405 174 5 885544739 +405 175 1 885546069 +405 176 1 885547909 +405 177 1 885547996 +405 178 3 885544947 +405 179 1 885546201 +405 180 3 885546069 +405 181 5 885547909 +405 182 1 885545974 +405 183 1 885547909 +405 184 1 885547952 +405 185 4 885544769 +405 186 5 885547176 +405 187 5 885544739 +405 188 1 885547996 +405 189 1 885549192 +405 190 2 885546201 +405 191 4 885545235 +405 192 5 885545401 +405 193 4 885544698 +405 194 1 885547176 +405 195 5 885544881 +405 196 1 885546112 +405 197 4 885545167 +405 198 2 885549506 +405 199 1 885546025 +405 200 2 885548330 +405 201 1 885547176 +405 202 4 885547221 +405 203 1 885548578 +405 204 5 885544769 +405 205 3 885546025 +405 206 1 885549589 +405 207 1 885549543 +405 208 5 885547124 +405 209 3 885547124 +405 210 5 885547124 +405 211 1 885547177 +405 212 1 885546445 +405 213 2 885549309 +405 214 4 885545235 +405 215 5 885545263 +405 216 2 885547124 +405 217 1 885548385 +405 218 5 885548330 +405 219 5 885548384 +405 226 2 885547953 +405 227 1 885548049 +405 228 1 885547910 +405 229 1 885548048 +405 230 2 885547953 +405 231 3 885548094 +405 232 4 885547314 +405 233 1 885547952 +405 234 5 885548275 +405 238 5 885545070 +405 239 3 885546112 +405 241 1 885547909 +405 265 2 885547910 +405 288 5 885544635 +405 302 4 885544635 +405 303 1 885549904 +405 308 1 885549942 +405 313 4 885544635 +405 317 4 885544911 +405 318 5 885545167 +405 341 1 885549904 +405 347 4 885544635 +405 350 1 885549903 +405 351 1 885549942 +405 356 5 885545912 +405 357 5 885544974 +405 361 2 885549942 +405 364 1 885547766 +405 365 1 885545672 +405 366 3 885545552 +405 367 1 885547222 +405 371 1 885549309 +405 372 1 885547313 +405 373 2 885548162 +405 374 1 885549094 +405 375 1 885546835 +405 376 5 885547690 +405 377 1 885547690 +405 378 4 885546379 +405 379 1 885548475 +405 380 2 885545883 +405 381 1 885547222 +405 382 1 885546336 +405 383 1 885547605 +405 384 3 885547605 +405 385 1 885547910 +405 386 3 885547605 +405 388 4 885547558 +405 389 2 885548932 +405 391 1 885548137 +405 392 5 885545487 +405 393 4 885547314 +405 395 3 885547506 +405 396 1 885547408 +405 397 4 885548094 +405 398 1 885548094 +405 399 1 885547408 +405 400 1 885549044 +405 401 1 885547448 +405 402 3 885546445 +405 403 5 885546445 +405 404 4 885548932 +405 414 1 885547268 +405 415 2 885549005 +405 416 2 885548932 +405 417 2 885548836 +405 418 5 885548836 +405 419 4 885548785 +405 420 5 885548785 +405 421 1 885549309 +405 422 1 885548836 +405 423 5 885545306 +405 425 2 885546112 +405 426 1 885549192 +405 427 5 885545306 +405 428 1 885547314 +405 429 5 885545200 +405 430 1 885547177 +405 431 3 885547996 +405 432 3 885548785 +405 433 4 885545070 +405 434 3 885546201 +405 435 1 885547176 +405 436 1 885548384 +405 437 1 885548435 +405 438 1 885548384 +405 439 1 885548330 +405 440 1 885548330 +405 441 1 885548435 +405 442 1 885548384 +405 443 4 885548330 +405 444 3 885548385 +405 445 4 885548435 +405 446 1 885548385 +405 447 4 885548331 +405 448 4 885548331 +405 449 1 885548093 +405 450 1 885548093 +405 451 5 885547360 +405 452 5 885548434 +405 453 3 885548385 +405 461 3 885545639 +405 462 2 885549506 +405 463 1 885548836 +405 464 1 885546379 +405 465 1 885548836 +405 466 1 885548633 +405 467 4 885545200 +405 468 3 885544698 +405 469 1 885546288 +405 470 1 885546247 +405 480 4 885544739 +405 482 3 885544739 +405 501 3 885548837 +405 504 2 885548579 +405 509 1 885546112 +405 510 1 885545975 +405 511 2 885546112 +405 512 1 885549589 +405 513 1 885546112 +405 514 1 885547221 +405 515 1 885546025 +405 516 1 885547314 +405 517 3 885547177 +405 518 1 885546287 +405 519 2 885546025 +405 520 2 885546025 +405 521 4 885544698 +405 522 1 885545975 +405 523 2 885545975 +405 524 1 885547124 +405 525 1 885548632 +405 526 1 885546154 +405 527 5 885545200 +405 528 1 885546248 +405 529 1 885549543 +405 530 1 885547953 +405 536 1 885549746 +405 537 1 885546445 +405 540 1 885548163 +405 541 1 885548162 +405 542 1 885549095 +405 543 1 885549407 +405 545 1 885547766 +405 548 1 885549095 +405 549 1 885546336 +405 550 2 885547909 +405 551 1 885548475 +405 552 1 885548686 +405 553 1 885546379 +405 554 1 885548049 +405 555 1 885546835 +405 556 1 885546636 +405 557 1 885549650 +405 558 1 885546069 +405 559 5 885548330 +405 560 1 885549045 +405 561 1 885548475 +405 562 1 885548137 +405 563 1 885548475 +405 564 1 885547606 +405 565 2 885548474 +405 566 1 885547953 +405 567 2 885548474 +405 568 4 885547910 +405 569 1 885546680 +405 570 1 885546487 +405 571 5 885547605 +405 573 3 885548435 +405 574 1 885546724 +405 575 5 885547557 +405 576 1 885548093 +405 577 3 885547557 +405 578 1 885548093 +405 579 1 885547557 +405 581 3 885546530 +405 582 3 885546336 +405 583 1 885546112 +405 584 1 885548785 +405 585 1 885547447 +405 586 4 885548136 +405 588 2 885548785 +405 593 1 885549790 +405 603 3 885548578 +405 606 3 885545070 +405 621 1 885548932 +405 622 1 885548877 +405 623 1 885549004 +405 624 4 885548836 +405 625 3 885548836 +405 626 1 885548877 +405 627 1 885548877 +405 638 1 885549589 +405 639 1 885549635 +405 640 1 885549589 +405 641 1 885546201 +405 642 1 885548579 +405 643 1 885546336 +405 644 3 885545672 +405 645 1 885546635 +405 646 2 885546202 +405 647 1 885546069 +405 648 1 885547124 +405 649 1 885546445 +405 650 1 885546336 +405 651 5 885545167 +405 652 1 885547360 +405 653 1 885548579 +405 654 2 885548579 +405 655 5 885545401 +405 656 1 885548275 +405 657 1 885548578 +405 658 4 885545516 +405 659 4 885544739 +405 660 2 885546247 +405 661 3 885546025 +405 662 1 885546155 +405 663 2 885547221 +405 664 1 885546724 +405 665 1 885548094 +405 666 1 885549635 +405 667 1 885548275 +405 668 1 885548275 +405 669 1 885548435 +405 670 1 885548384 +405 671 2 885548330 +405 672 1 885548434 +405 673 5 885545235 +405 674 1 885548275 +405 675 1 885548275 +405 679 1 885547997 +405 684 3 885547996 +405 692 5 885547177 +405 693 2 885546154 +405 694 1 885546336 +405 695 1 885546287 +405 697 1 885545883 +405 698 1 885546069 +405 699 2 885546247 +405 700 1 885547645 +405 702 1 885547407 +405 703 2 885546112 +405 704 2 885546577 +405 707 1 885549309 +405 708 1 885546487 +405 709 1 885547314 +405 710 4 885547268 +405 712 1 885547506 +405 714 1 885546379 +405 715 1 885546445 +405 716 1 885547408 +405 719 1 885547447 +405 720 1 885546487 +405 721 1 885547360 +405 722 1 885547735 +405 723 1 885546288 +405 724 1 885546530 +405 725 1 885547691 +405 726 1 885547690 +405 727 1 885546247 +405 728 4 885547690 +405 729 4 885545487 +405 730 1 885545975 +405 731 3 885546202 +405 732 5 885545456 +405 733 1 885546248 +405 734 2 885547506 +405 735 5 885545306 +405 736 5 885546336 +405 737 1 885546487 +405 738 1 885547447 +405 739 2 885549309 +405 745 1 885547506 +405 746 1 885547176 +405 747 1 885549309 +405 753 1 885549464 +405 755 2 885548877 +405 757 1 885549095 +405 759 1 885548162 +405 761 1 885548049 +405 765 1 885547735 +405 768 3 885548932 +405 769 1 885548475 +405 770 1 885548048 +405 771 1 885548162 +405 772 1 885546379 +405 773 1 885548330 +405 774 1 885548475 +405 775 1 885547735 +405 776 1 885549094 +405 777 1 885548275 +405 778 1 885546248 +405 779 1 885548137 +405 780 3 885547691 +405 781 5 885547447 +405 782 1 885546636 +405 783 2 885547645 +405 784 1 885548275 +405 785 1 885547407 +405 786 1 885547644 +405 787 3 885545672 +405 788 1 885548275 +405 789 1 885547268 +405 790 1 885547360 +405 791 1 885547605 +405 792 5 885545552 +405 793 1 885547313 +405 794 5 885549309 +405 795 2 885547605 +405 796 3 885547447 +405 798 1 885546724 +405 802 1 885548049 +405 806 1 885545974 +405 807 1 885546680 +405 808 1 885546487 +405 810 1 885548094 +405 812 1 885548877 +405 816 1 885548435 +405 842 5 885548932 +405 843 2 885549005 +405 849 1 885548049 +405 851 1 885549407 +405 853 1 885547124 +405 854 1 885547222 +405 855 1 885549543 +405 856 1 885546287 +405 858 1 885548435 +405 859 1 885547506 +405 860 1 885548435 +405 861 1 885548275 +405 877 1 885549903 +405 904 1 885549904 +405 920 1 885549746 +405 921 1 885549634 +405 923 2 885549464 +405 939 5 885545200 +405 940 1 885547605 +405 941 1 885546577 +405 942 1 885546336 +405 943 1 885548633 +405 944 3 885547447 +405 946 2 885548836 +405 947 1 885548048 +405 949 5 885545702 +405 951 1 885548877 +405 954 4 885547268 +405 955 1 885549308 +405 956 2 885546069 +405 957 1 885549464 +405 958 1 885549590 +405 959 1 885547222 +405 960 1 885545975 +405 964 1 885546154 +405 969 3 885545015 +405 970 1 885546487 +405 971 1 885549464 +405 972 1 885546445 +405 996 1 885547268 +405 997 1 885547644 +405 999 1 885547557 +405 1004 1 885546577 +405 1005 1 885549407 +405 1006 1 885546445 +405 1018 1 885549589 +405 1019 1 885549465 +405 1021 1 885549543 +405 1027 1 885548048 +405 1029 1 885547735 +405 1030 1 885547605 +405 1031 1 885549045 +405 1032 1 885549044 +405 1035 1 885548877 +405 1036 1 885547506 +405 1037 3 885547506 +405 1041 5 885547447 +405 1042 1 885548671 +405 1043 1 885547644 +405 1044 4 885545552 +405 1045 3 885546112 +405 1046 2 885548633 +405 1053 5 885545456 +405 1055 3 885546202 +405 1058 1 885546635 +405 1062 1 885549904 +405 1063 5 885548785 +405 1065 1 885546069 +405 1066 1 885549111 +405 1069 1 885546154 +405 1070 1 885547123 +405 1072 1 885547222 +405 1073 1 885548578 +405 1074 3 885546636 +405 1076 2 885549044 +405 1078 1 885549004 +405 1090 1 885548670 +405 1091 1 885549004 +405 1099 1 885549588 +405 1100 1 885546681 +405 1101 3 885546287 +405 1103 2 885546025 +405 1104 1 885549408 +405 1107 1 885546635 +405 1108 1 885546069 +405 1109 1 885548632 +405 1110 1 885547644 +405 1111 1 885547360 +405 1112 2 885546530 +405 1113 1 885546680 +405 1118 1 885547268 +405 1119 3 885545306 +405 1139 1 885546859 +405 1146 2 885546724 +405 1147 2 885546069 +405 1148 1 885546680 +405 1159 1 885549407 +405 1166 1 885546025 +405 1167 1 885547268 +405 1168 1 885546725 +405 1175 1 885549904 +405 1176 3 885549942 +405 1177 1 885547766 +405 1178 1 885547690 +405 1179 1 885547690 +405 1180 1 885547605 +405 1182 1 885547557 +405 1184 1 885547996 +405 1188 3 885547506 +405 1192 1 885545975 +405 1193 1 885549506 +405 1194 1 885546201 +405 1195 1 885549590 +405 1200 1 885548785 +405 1206 1 885546530 +405 1207 1 885548686 +405 1208 1 885546577 +405 1209 3 885547645 +405 1210 1 885548670 +405 1217 3 885548633 +405 1218 5 885547360 +405 1219 1 885549094 +405 1220 3 885546202 +405 1221 1 885546155 +405 1222 1 885548049 +405 1224 1 885546487 +405 1225 1 885547176 +405 1227 3 885546635 +405 1228 1 885548137 +405 1229 1 885546835 +405 1230 1 885547644 +405 1231 1 885548136 +405 1232 1 885546681 +405 1239 1 885548163 +405 1240 1 885549192 +405 1246 1 885547735 +405 1247 1 885546681 +405 1248 1 885548633 +405 1249 1 885547408 +405 1250 1 885547997 +405 1253 1 885548671 +405 1260 1 885546835 +405 1261 1 885546529 +405 1265 2 885549942 +405 1266 1 885549634 +405 1267 1 885546379 +405 1268 1 885546636 +405 1271 2 885547506 +405 1274 1 885548137 +405 1275 1 885548632 +405 1290 2 885546379 +405 1297 1 885546577 +405 1305 1 885547644 +405 1306 1 885546529 +405 1307 1 885546529 +405 1308 1 885546336 +405 1311 1 885546859 +405 1316 1 885549942 +405 1317 1 885549746 +405 1318 1 885549789 +405 1334 1 885549789 +405 1338 1 885549790 +405 1346 1 885549790 +405 1353 1 885549745 +405 1359 1 885549790 +405 1382 1 885549790 +405 1384 1 885549746 +405 1387 2 885549745 +405 1391 1 885549789 +405 1394 1 885549903 +405 1399 1 885549942 +405 1400 1 885545975 +405 1404 1 885547360 +405 1405 1 885549745 +405 1407 1 885548137 +405 1408 1 885549094 +405 1412 1 885549005 +405 1415 1 885549045 +405 1419 2 885548137 +405 1421 1 885546835 +405 1422 1 885548632 +405 1423 1 885546725 +405 1424 1 885546725 +405 1425 1 885547557 +405 1429 1 885549903 +405 1434 1 885549942 +405 1435 1 885547735 +405 1437 1 885547557 +405 1438 1 885546835 +405 1439 1 885546724 +405 1441 1 885546835 +405 1442 1 885546835 +405 1444 2 885549005 +405 1445 1 885546336 +405 1464 1 885546154 +405 1468 1 885546287 +405 1469 1 885548932 +405 1470 2 885549045 +405 1471 1 885548670 +405 1474 1 885547645 +405 1475 1 885547268 +405 1478 1 885546636 +405 1479 1 885547735 +405 1480 2 885549005 +405 1484 1 885547690 +405 1487 1 885546724 +405 1488 1 885546680 +405 1499 1 885549407 +405 1503 1 885548932 +405 1509 1 885547557 +405 1517 1 885547735 +405 1518 2 885546577 +405 1519 2 885546577 +405 1522 1 885548670 +405 1529 1 885549635 +405 1530 1 885546835 +405 1531 1 885549094 +405 1535 1 885549635 +405 1539 1 885546724 +405 1540 2 885548877 +405 1544 1 885549095 +405 1545 2 885546201 +405 1546 1 885549408 +405 1547 2 885546288 +405 1548 1 885547952 +405 1549 1 885548671 +405 1550 3 885547691 +405 1551 1 885546835 +405 1552 1 885546636 +405 1553 1 885548632 +405 1554 4 885546445 +405 1555 1 885549045 +405 1556 1 885549635 +405 1557 1 885547222 +405 1558 1 885549506 +405 1559 1 885546577 +405 1560 1 885549635 +405 1561 1 885546529 +405 1562 1 885549506 +405 1563 1 885549635 +405 1564 1 885546288 +405 1565 1 885549463 +405 1566 1 885546248 +405 1567 1 885547123 +405 1568 1 885547222 +405 1569 1 885549505 +405 1570 1 885549544 +405 1571 1 885549463 +405 1572 1 885549635 +405 1573 1 885549464 +405 1574 1 885546529 +405 1575 1 885549407 +405 1576 1 885549464 +405 1577 1 885549506 +405 1578 1 885549543 +405 1579 1 885549408 +405 1580 1 885549543 +405 1581 1 885548579 +405 1583 1 885549543 +405 1584 1 885549407 +405 1585 1 885546487 +405 1586 1 885549464 +405 1587 1 885546529 +405 1588 1 885549789 +405 1589 1 885549745 +405 1590 1 885549789 +405 1591 1 885549943 +405 1592 1 885549903 +406 1 4 879446107 +406 3 3 879540228 +406 4 2 880131792 +406 5 4 880132276 +406 7 4 879445684 +406 8 4 879445562 +406 9 5 879445735 +406 10 3 879445684 +406 11 4 879446529 +406 12 4 879445897 +406 13 2 879539987 +406 14 4 879539855 +406 15 4 879540051 +406 20 3 879446529 +406 22 3 882480671 +406 23 4 879446529 +406 24 3 879540026 +406 25 1 879540106 +406 26 3 879793235 +406 28 3 882461684 +406 30 4 879793235 +406 32 5 879446639 +406 39 4 884630523 +406 40 3 880131875 +406 42 5 879445936 +406 47 4 880131741 +406 50 5 879445897 +406 52 5 879793235 +406 53 4 879792928 +406 56 5 879792811 +406 57 4 879446062 +406 58 4 879446718 +406 63 3 880131821 +406 64 4 879445430 +406 69 4 879446748 +406 70 3 879793295 +406 71 3 879793081 +406 72 3 880131954 +406 73 2 880131704 +406 79 3 882480481 +406 85 2 880131875 +406 86 4 879793295 +406 87 3 879445809 +406 88 2 880131608 +406 89 4 879446361 +406 92 4 882480836 +406 93 4 879445562 +406 95 4 879793081 +406 96 5 879446529 +406 97 5 879446639 +406 98 4 879446529 +406 99 5 879793081 +406 100 4 879446062 +406 101 3 879793112 +406 115 4 879446108 +406 117 4 879539824 +406 121 5 879540199 +406 122 3 879540405 +406 123 4 879540173 +406 124 4 879446588 +406 125 3 879539987 +406 127 4 879445430 +406 129 5 879539949 +406 130 3 879540147 +406 131 2 884630617 +406 132 5 879445430 +406 133 5 882461684 +406 134 5 879445430 +406 135 5 879445684 +406 136 4 879445522 +406 143 1 879445935 +406 144 1 879445475 +406 148 3 879540276 +406 150 4 879446748 +406 151 2 879540051 +406 152 2 880131666 +406 153 3 879445522 +406 154 5 879792811 +406 157 3 882480865 +406 158 2 880132115 +406 163 3 880131582 +406 164 5 882480748 +406 168 3 879445642 +406 170 3 879445599 +406 172 5 879792811 +406 173 2 879446684 +406 174 4 879445809 +406 175 5 879792811 +406 176 5 879445474 +406 179 5 879446718 +406 180 5 879445599 +406 181 5 879445859 +406 182 4 879445734 +406 183 5 882480567 +406 184 2 879792863 +406 185 5 879792811 +406 186 3 880131741 +406 187 2 879445897 +406 188 4 882480772 +406 190 5 879793210 +406 191 5 882480443 +406 193 4 879445771 +406 194 5 880131550 +406 195 5 882480710 +406 196 2 879446588 +406 197 4 882480710 +406 198 2 879793179 +406 199 5 879445810 +406 202 3 880131704 +406 203 4 882480891 +406 204 5 879446718 +406 205 2 879445642 +406 206 1 879445735 +406 207 2 879446529 +406 208 2 880131582 +406 209 1 880131608 +406 210 5 880131703 +406 211 5 879445936 +406 212 2 879793210 +406 213 2 879793179 +406 215 3 884630523 +406 216 3 880131741 +406 217 4 879792928 +406 218 3 879792863 +406 219 3 879792897 +406 220 3 879540388 +406 222 3 879445735 +406 228 3 884630974 +406 234 4 879792863 +406 235 4 879540330 +406 237 1 879540078 +406 238 2 879445475 +406 240 4 879540078 +406 274 3 879539987 +406 275 3 879446061 +406 276 4 879539824 +406 277 3 879540106 +406 281 3 879540296 +406 282 3 879539987 +406 284 1 879539987 +406 285 5 879792811 +406 286 3 879445250 +406 289 3 879445250 +406 294 3 879445250 +406 317 4 882480772 +406 357 4 879446108 +406 367 4 880131929 +406 368 2 880132115 +406 372 4 880131929 +406 381 3 879793261 +406 382 5 879793295 +406 393 4 880131851 +406 396 3 879792974 +406 404 5 884630554 +406 405 3 879540296 +406 410 4 879540026 +406 411 4 879540199 +406 414 2 880131704 +406 418 5 879793081 +406 419 1 882480443 +406 420 4 879793112 +406 421 4 882480628 +406 425 3 884630617 +406 427 4 879445897 +406 428 5 879446684 +406 429 4 879446062 +406 430 4 879445430 +406 431 3 882480710 +406 432 5 879793081 +406 433 3 880131791 +406 434 5 879446269 +406 435 5 880131642 +406 436 4 879792863 +406 443 4 879792897 +406 444 3 879792928 +406 447 4 879792897 +406 451 2 880131954 +406 452 2 879793011 +406 453 2 880132319 +406 461 3 879446269 +406 462 5 879445562 +406 463 5 879793261 +406 466 4 879446228 +406 468 1 879446361 +406 469 4 879446588 +406 472 3 879539884 +406 474 5 884630554 +406 476 4 879540147 +406 478 4 879445378 +406 480 4 882480802 +406 481 3 879446168 +406 482 5 879446588 +406 483 4 879446062 +406 485 3 879445735 +406 487 3 884630973 +406 488 4 879445642 +406 490 3 879446228 +406 491 4 884631010 +406 492 4 879445859 +406 498 5 879445378 +406 499 5 884630973 +406 501 5 879793081 +406 502 1 880131642 +406 503 3 884631010 +406 504 4 879445859 +406 505 4 879540515 +406 506 4 882480802 +406 507 4 879445735 +406 508 4 879539883 +406 509 3 879540515 +406 511 5 879792811 +406 513 5 879445378 +406 514 1 879445562 +406 515 2 879445378 +406 517 2 880131550 +406 519 4 879445378 +406 520 4 879445735 +406 521 3 882480511 +406 523 3 879446062 +406 524 4 879446361 +406 526 5 882480511 +406 527 4 879445599 +406 528 4 879446361 +406 529 2 879446108 +406 531 3 879445475 +406 543 4 884631010 +406 558 3 880132276 +406 559 3 879792974 +406 561 3 879792974 +406 563 1 879792975 +406 565 3 880132319 +406 569 3 879792974 +406 573 3 880132319 +406 575 1 880132188 +406 582 4 879793295 +406 588 4 879793081 +406 589 5 879445474 +406 591 3 879446062 +406 596 3 879540078 +406 601 3 882480749 +406 602 3 882480865 +406 604 3 879446361 +406 606 3 879445642 +406 607 4 882480511 +406 608 4 884630583 +406 610 1 879446228 +406 611 3 879446268 +406 612 5 879446718 +406 624 5 879793112 +406 629 3 880131977 +406 631 5 882461650 +406 632 4 879446168 +406 633 5 882461684 +406 634 4 879446361 +406 638 4 879446684 +406 639 4 879793295 +406 640 3 879793328 +406 641 5 884630523 +406 642 3 884631033 +406 645 5 880131905 +406 647 5 879792811 +406 651 3 882480595 +406 652 2 879793179 +406 654 4 879445522 +406 655 3 880131704 +406 657 5 884630493 +406 660 3 882461650 +406 661 5 879446268 +406 662 3 882480481 +406 663 5 879446269 +406 665 3 879792928 +406 670 3 879792928 +406 671 5 879792863 +406 672 2 879792897 +406 674 4 879792897 +406 675 4 879792897 +406 692 3 880131792 +406 693 3 884630583 +406 699 4 884630617 +406 701 5 879446269 +406 702 3 879793295 +406 705 4 879445935 +406 709 5 880131642 +406 712 3 880132091 +406 713 4 879539855 +406 715 4 880131821 +406 724 3 884630973 +406 727 3 882480749 +406 732 4 880131666 +406 735 3 884630554 +406 737 3 879793376 +406 745 4 880131550 +406 746 3 880131741 +406 747 2 879446108 +406 756 3 879540387 +406 769 1 879793011 +406 772 4 882480836 +406 787 3 880132047 +406 806 4 879446748 +406 813 4 879539824 +406 825 4 879540275 +406 826 3 879540275 +406 831 2 879540249 +406 845 3 879540051 +406 919 2 879446684 +406 921 4 879793235 +406 923 3 879446108 +406 924 4 879540228 +406 942 4 882480890 +406 945 3 884631010 +406 960 2 879793376 +406 971 3 879793328 +406 1008 4 879539909 +406 1010 4 879539929 +406 1021 5 879446718 +406 1047 3 879540358 +406 1065 2 882480567 +406 1073 3 882480671 +406 1079 2 880132048 +406 1101 4 879445771 +406 1109 4 882480865 +406 1118 3 880132091 +406 1126 3 879446588 +406 1147 4 879446228 +406 1153 2 882480836 +406 1170 4 880131851 +406 1194 4 879446588 +406 1197 3 879539884 +406 1202 3 879445684 +406 1203 2 884630860 +406 1220 3 882480802 +406 1267 3 882480710 +407 1 4 876338278 +407 2 4 875553509 +407 4 4 876340144 +407 7 4 893253637 +407 8 5 875042425 +407 25 3 876339975 +407 28 4 875042826 +407 29 3 876344410 +407 40 1 876338799 +407 45 4 875552352 +407 56 5 875042569 +407 62 3 876348318 +407 67 1 876339975 +407 68 4 875045269 +407 69 4 875042569 +407 70 4 884197052 +407 71 3 875046460 +407 72 4 876344772 +407 73 4 892060474 +407 82 3 876341409 +407 85 4 876339975 +407 88 3 876340144 +407 89 4 875043948 +407 91 4 875044337 +407 94 4 876345492 +407 95 3 875045190 +407 96 3 875042569 +407 97 4 875116167 +407 98 5 875044510 +407 99 4 876338883 +407 100 5 875042905 +407 101 3 876338186 +407 117 3 875550223 +407 118 3 876338309 +407 121 4 876343028 +407 123 3 876342671 +407 127 3 875044597 +407 131 3 875552400 +407 132 4 875043800 +407 134 5 875042569 +407 135 3 875119886 +407 143 4 875117053 +407 144 3 876338453 +407 147 4 887833034 +407 151 4 876340363 +407 152 4 875043826 +407 153 4 875042569 +407 154 5 875116964 +407 157 2 875046752 +407 158 2 876342927 +407 159 3 876338453 +407 161 2 876338279 +407 162 4 876339101 +407 163 3 876338691 +407 168 5 875042424 +407 169 5 875042642 +407 172 4 875044037 +407 173 5 875043948 +407 174 5 875042675 +407 175 4 875042865 +407 176 4 875046427 +407 177 4 887833034 +407 179 3 875046427 +407 180 4 875044597 +407 181 3 875045027 +407 182 4 887833034 +407 183 4 875046799 +407 184 4 875044473 +407 185 5 875044597 +407 186 4 876348198 +407 188 3 875043801 +407 189 4 875042268 +407 191 5 876339940 +407 193 3 875046799 +407 194 4 875115452 +407 195 4 875119886 +407 197 4 875553731 +407 200 4 875045685 +407 201 4 875045240 +407 202 4 876338150 +407 203 4 876341467 +407 204 3 875116964 +407 208 4 887832999 +407 209 5 875042378 +407 210 4 875044037 +407 214 4 875042466 +407 215 3 875045658 +407 216 4 875552401 +407 218 4 876338946 +407 219 4 876348318 +407 222 4 884197027 +407 223 4 891868745 +407 226 3 876345024 +407 227 2 875045190 +407 228 4 875046799 +407 229 3 876338691 +407 230 4 875045371 +407 232 3 876344993 +407 234 3 875042268 +407 235 4 875044531 +407 238 5 875042378 +407 239 4 875553509 +407 244 3 884614753 +407 248 4 884197006 +407 250 4 890687564 +407 255 4 884197052 +407 257 4 884202243 +407 258 4 884197027 +407 265 3 876344062 +407 269 3 893081121 +407 274 3 876344287 +407 286 4 890687500 +407 288 4 890687293 +407 289 3 875115339 +407 290 3 875042865 +407 291 4 876348681 +407 313 4 893076947 +407 315 4 891873158 +407 316 4 887833034 +407 345 4 884614729 +407 357 4 875042569 +407 371 2 875116964 +407 382 3 876342706 +407 385 4 875045658 +407 388 2 876348849 +407 393 2 876344736 +407 395 1 876348957 +407 399 3 876342618 +407 400 1 876348583 +407 402 2 876344329 +407 403 4 875045658 +407 405 3 876348318 +407 408 4 875552445 +407 416 3 876348957 +407 418 4 876338910 +407 423 4 876340001 +407 427 4 876338966 +407 432 4 875552685 +407 436 3 875045814 +407 443 3 876341493 +407 447 3 876338249 +407 448 4 875553460 +407 449 2 876344772 +407 455 3 884201774 +407 466 3 876339101 +407 474 3 875042378 +407 476 2 884203501 +407 478 4 875042642 +407 479 4 875045240 +407 483 4 875042642 +407 484 4 875042378 +407 491 4 875550328 +407 493 3 875552496 +407 496 5 875042425 +407 498 4 875046427 +407 502 2 876338883 +407 504 3 875043948 +407 508 4 876348660 +407 510 4 875046752 +407 514 4 875042675 +407 519 4 875042466 +407 521 3 884201716 +407 525 4 875046427 +407 559 3 875553424 +407 561 4 887832999 +407 565 3 876348702 +407 568 2 876338730 +407 569 3 876348296 +407 588 4 875552964 +407 603 4 875044037 +407 616 3 875553018 +407 629 3 876339975 +407 635 3 876345934 +407 642 2 875045627 +407 648 3 875552647 +407 650 2 875044400 +407 655 4 875044037 +407 656 4 875042865 +407 657 4 875553625 +407 659 5 875550174 +407 660 3 876338986 +407 675 3 876349153 +407 684 3 875045268 +407 705 4 875116117 +407 708 3 876344712 +407 710 4 875046460 +407 712 2 876340043 +407 715 4 876340239 +407 729 4 876348660 +407 732 4 876341443 +407 737 4 875117053 +407 739 3 876344062 +407 746 4 875046268 +407 747 3 876339940 +407 755 3 875553509 +407 756 2 876348232 +407 796 2 876338663 +407 844 2 884196984 +407 859 3 876348639 +407 869 3 875548522 +407 879 3 878597296 +407 930 2 876348901 +407 949 3 875045685 +407 969 4 884201736 +407 972 3 876340120 +407 993 4 884203128 +407 1012 3 875548480 +407 1028 3 876348832 +407 1041 3 876345492 +407 1044 3 876348639 +407 1090 2 876348799 +407 1118 4 876340043 +407 1160 1 890687550 +407 1188 2 876345492 +407 1230 2 876342822 +407 1263 2 876344668 +408 242 4 889679947 +408 270 5 889679683 +408 271 3 889679947 +408 272 4 889679683 +408 294 5 889680045 +408 302 5 889679683 +408 310 4 889679761 +408 312 3 889680073 +408 313 4 889679761 +408 324 5 889680018 +408 327 5 889679982 +408 328 2 889679791 +408 334 2 889679901 +408 358 4 889680045 +408 539 1 889680018 +408 751 4 889679982 +408 1296 4 889679901 +409 6 4 881109306 +409 8 3 881108777 +409 9 4 881107992 +409 12 4 881107056 +409 14 5 881107992 +409 22 2 881108077 +409 23 4 881109175 +409 28 2 881107943 +409 30 4 881108881 +409 45 4 881168603 +409 58 4 881108170 +409 59 5 881108455 +409 60 5 881108715 +409 61 4 881109420 +409 79 4 881108246 +409 83 3 881108971 +409 87 3 881108777 +409 89 5 881107539 +409 97 5 881109216 +409 98 5 881107817 +409 100 5 881107992 +409 115 2 881108777 +409 116 4 881107117 +409 127 4 881106605 +409 133 4 881108455 +409 134 5 881106734 +409 135 5 881107860 +409 136 4 881107992 +409 153 4 881168603 +409 154 5 881108648 +409 156 2 881108715 +409 162 4 881109264 +409 165 4 881107410 +409 166 4 881107992 +409 168 5 881107410 +409 170 4 881107084 +409 171 4 881107084 +409 172 5 881107750 +409 173 3 881108246 +409 174 4 881108881 +409 175 4 881107251 +409 178 5 881107817 +409 179 5 881107817 +409 180 5 881107155 +409 181 4 881109019 +409 186 5 881109420 +409 187 3 881108126 +409 191 5 881107817 +409 192 4 881107666 +409 195 4 881109306 +409 199 4 881107117 +409 201 1 881109019 +409 202 3 881109347 +409 203 5 881107539 +409 204 5 881108496 +409 205 3 881107992 +409 206 4 881109264 +409 207 3 881108715 +409 209 5 881107117 +409 210 4 881109175 +409 211 4 881108829 +409 213 4 881107750 +409 214 4 881109216 +409 216 4 881107251 +409 264 1 881105366 +409 266 1 881105677 +409 270 2 881104916 +409 275 4 881107351 +409 276 4 881108455 +409 283 4 881109264 +409 285 4 881168712 +409 286 5 881104697 +409 289 1 881105077 +409 300 3 881104697 +409 303 4 881104727 +409 318 4 881107943 +409 321 2 881104837 +409 322 2 881105077 +409 325 4 881105077 +409 326 3 881105077 +409 327 2 881104837 +409 338 3 881104916 +409 339 2 881105677 +409 343 3 881105677 +409 357 5 881107410 +409 367 3 881109264 +409 381 2 881108364 +409 382 4 881108170 +409 404 2 881109019 +409 427 5 881107251 +409 428 4 881109175 +409 429 5 881107817 +409 430 4 881168604 +409 433 4 881108170 +409 435 3 881107310 +409 461 3 881108364 +409 466 4 881107666 +409 474 5 881107351 +409 475 4 881107750 +409 478 4 881107155 +409 479 5 881106947 +409 480 5 881107056 +409 481 3 881107602 +409 482 4 881168712 +409 483 4 881107602 +409 484 4 881107310 +409 485 2 881107155 +409 486 3 881109175 +409 489 5 881107817 +409 491 2 881109019 +409 493 4 881108364 +409 496 5 881107817 +409 497 3 881168631 +409 498 4 881108715 +409 499 3 881168631 +409 504 2 881106682 +409 505 5 881107943 +409 511 5 881107943 +409 514 5 881107310 +409 516 4 881109347 +409 518 1 881109347 +409 520 2 881107943 +409 523 4 881106682 +409 526 3 881107117 +409 527 4 881109175 +409 528 4 881107281 +409 529 5 881109019 +409 530 4 881107602 +409 538 3 881104756 +409 603 5 881107351 +409 604 4 881108364 +409 606 4 881108829 +409 607 5 881107697 +409 608 4 881107155 +409 609 3 881108829 +409 615 5 881107084 +409 618 4 881107011 +409 631 3 881108077 +409 632 3 881107902 +409 633 4 881108126 +409 647 5 881107817 +409 654 3 881107697 +409 657 3 881108126 +409 659 5 881107410 +409 661 5 881107817 +409 663 4 881107251 +409 664 4 881108648 +409 676 2 881108777 +409 680 1 881105677 +409 684 4 881109420 +409 705 2 881109175 +409 708 4 881109019 +409 709 4 881108496 +409 714 3 881108170 +409 733 4 881109264 +409 749 3 881105367 +409 854 4 881108648 +409 855 4 881108246 +409 876 2 881105677 +409 877 2 881105366 +409 879 1 881105366 +409 890 1 881105677 +409 923 5 881107410 +409 937 2 881104966 +409 945 3 881108971 +409 965 2 881108777 +409 995 4 881105366 +409 1020 5 881107410 +409 1021 4 881168603 +409 1050 4 881109420 +409 1065 2 881109264 +409 1070 4 881107410 +409 1073 4 881107750 +409 1093 2 881106087 +409 1097 2 881108829 +409 1099 4 881168712 +409 1159 2 881109019 +409 1176 4 881104838 +409 1194 5 881107750 +409 1328 2 881106287 +409 1346 3 881168711 +409 1360 2 881106087 +409 1369 4 881106287 +409 1379 3 881106451 +409 1392 1 881105367 +409 1393 1 881105367 +409 1449 5 881107817 +409 1512 5 881106947 +409 1524 4 881107666 +409 1537 4 881106605 +409 1541 4 881107992 +409 1558 5 881107281 +409 1593 4 881108971 +410 258 2 888626538 +410 269 5 888627137 +410 272 4 888627138 +410 303 3 888626583 +410 311 3 888626913 +410 315 4 888627138 +410 316 4 888627138 +410 323 3 888626990 +410 328 3 888626786 +410 340 2 888626506 +410 347 1 888626538 +410 352 3 888626682 +410 354 3 888626481 +410 689 2 888626881 +410 690 4 888627138 +410 754 3 888626710 +410 873 4 888627138 +410 905 4 888627138 +411 1 4 892845604 +411 4 4 892845634 +411 8 3 891035761 +411 9 4 891035827 +411 22 4 891035239 +411 28 4 892845986 +411 38 4 891035405 +411 50 5 892845604 +411 56 4 891035278 +411 58 3 892845804 +411 73 4 892845634 +411 79 4 892845634 +411 88 3 891035761 +411 89 3 891035761 +411 117 2 891035761 +411 161 2 891035761 +411 174 4 892845634 +411 181 5 892845605 +411 186 5 892845605 +411 194 5 892845605 +411 195 3 891035239 +411 202 4 891035663 +411 208 4 891035617 +411 210 5 892845605 +411 222 3 891035152 +411 227 3 891035362 +411 228 3 891035309 +411 229 3 891035362 +411 230 3 891035362 +411 238 3 891035525 +411 258 4 892845634 +411 265 5 892845604 +411 276 3 892845575 +411 304 3 891034982 +411 318 4 892845712 +411 435 3 891035478 +411 449 3 891035405 +411 485 4 892845986 +411 527 4 892845926 +411 566 4 892845634 +411 568 4 892845634 +411 603 5 892845986 +411 655 4 891035639 +411 709 5 892845604 +411 720 3 891035761 +411 732 4 892845634 +411 1197 4 892846971 +411 1475 3 891035617 +412 1 4 879716962 +412 7 5 879717505 +412 23 4 879717147 +412 24 3 879717177 +412 56 5 879717071 +412 64 4 879717505 +412 70 4 879717449 +412 81 2 879717829 +412 96 5 879717286 +412 114 4 879716874 +412 117 4 879717177 +412 150 4 879717621 +412 154 3 879717071 +412 169 4 879717038 +412 172 5 879717449 +412 173 5 879717649 +412 174 5 879716918 +412 182 4 879716983 +412 186 5 879717071 +412 193 4 879717549 +412 195 4 879717621 +412 206 2 879717649 +412 208 4 879717621 +412 211 4 879717177 +412 214 3 879717253 +412 276 5 879717572 +412 288 4 879716566 +412 340 4 879716637 +412 357 4 879717548 +412 408 4 879717016 +412 431 4 879717549 +412 480 4 879717147 +412 487 3 879717118 +412 508 4 879716962 +412 526 4 879717572 +412 634 5 879716918 +412 651 4 879717548 +412 684 4 879717313 +412 724 4 879717095 +412 939 4 879717253 +412 969 3 879716961 +413 9 4 879969591 +413 14 5 879969513 +413 15 4 879969709 +413 25 3 879969791 +413 50 5 879969674 +413 100 4 879969535 +413 147 2 879969860 +413 181 5 879969591 +413 236 4 879969557 +413 237 4 879969755 +413 245 2 879969027 +413 250 3 879969674 +413 257 4 879969592 +413 258 4 879968794 +413 269 4 879968793 +413 270 4 879969027 +413 273 2 879969484 +413 275 5 879969557 +413 276 4 879969674 +413 283 5 879969484 +413 284 4 879969709 +413 286 5 879968793 +413 289 4 879969027 +413 300 4 879968959 +413 302 2 879968794 +413 303 5 879968793 +413 307 2 879968794 +413 321 3 879969259 +413 326 3 879969027 +413 327 3 879968933 +413 328 3 879968933 +413 332 3 879968890 +413 333 2 879968933 +413 460 3 879969536 +413 471 4 879969642 +413 508 4 879969484 +413 515 5 879969591 +413 690 4 879968793 +413 877 3 879969100 +413 936 4 879969484 +414 11 5 884999347 +414 270 5 884998972 +414 288 5 884999066 +414 301 3 884999128 +414 302 5 884998953 +414 313 4 884998953 +414 324 4 884999127 +414 325 3 884999193 +414 340 4 884999066 +414 343 2 884999193 +414 433 5 884999394 +414 690 4 884999347 +414 748 3 884999147 +414 886 4 884999286 +414 895 4 884999170 +415 136 5 879439684 +415 174 5 879439864 +415 185 4 879439960 +415 204 4 879439865 +415 258 4 879439135 +415 269 4 879439108 +415 322 4 879439205 +415 323 2 879439205 +415 432 4 879439610 +415 480 5 879439960 +415 483 5 879439791 +415 531 5 879439684 +415 684 3 879439610 +415 748 5 879439349 +416 1 5 893212483 +416 2 4 886317115 +416 4 4 876699903 +416 7 4 876697205 +416 8 5 893212484 +416 9 5 893212572 +416 10 3 876698364 +416 11 4 876699238 +416 12 5 893212572 +416 13 5 893212623 +416 14 4 876697017 +416 15 4 876697017 +416 17 2 886318084 +416 21 3 876697415 +416 22 5 893212623 +416 24 5 893212730 +416 25 4 876697243 +416 27 4 886318270 +416 28 5 893212730 +416 29 2 886318228 +416 31 5 893212730 +416 32 2 888702297 +416 36 2 878879809 +416 38 3 886318228 +416 41 3 886319177 +416 42 3 876699578 +416 43 1 886318186 +416 44 4 886316596 +416 49 4 893142283 +416 50 5 893212730 +416 51 5 893212895 +416 53 2 876699946 +416 54 5 893212929 +416 55 2 876699102 +416 56 5 893212929 +416 58 5 893212929 +416 64 5 893212929 +416 65 5 893212930 +416 66 5 893213019 +416 67 4 886318740 +416 70 5 893213019 +416 71 4 876699994 +416 72 2 886318707 +416 73 3 876699994 +416 77 4 893142480 +416 78 2 886319785 +416 79 5 893213405 +416 80 2 886317825 +416 81 5 893213405 +416 82 5 893213444 +416 83 5 893213444 +416 85 3 893210246 +416 86 1 886316439 +416 87 5 893212484 +416 88 3 886316140 +416 90 4 876699102 +416 92 3 878880244 +416 93 4 876697105 +416 94 2 886318546 +416 95 3 878879688 +416 96 4 893142245 +416 97 5 893213549 +416 98 5 893213644 +416 99 4 876700137 +416 100 5 893212895 +416 103 3 886320119 +416 105 2 876698430 +416 106 3 876697913 +416 107 5 893212929 +416 111 4 876697592 +416 117 5 893212930 +416 118 2 876697479 +416 121 5 893213645 +416 122 3 886315885 +416 123 4 876697205 +416 124 4 876697017 +416 126 5 893213103 +416 127 5 893213796 +416 132 4 876699652 +416 133 2 876699903 +416 134 4 878879619 +416 136 5 893212623 +416 137 3 876697165 +416 140 4 886317030 +416 142 4 886319340 +416 143 5 893213918 +416 144 5 893212730 +416 147 5 893212730 +416 148 5 893212730 +416 150 5 893214041 +416 151 3 876697105 +416 153 4 886317272 +416 154 4 876699839 +416 155 5 893212895 +416 156 5 893212895 +416 157 4 886317316 +416 158 3 886319235 +416 159 1 886317412 +416 161 4 886316739 +416 164 5 893214041 +416 168 5 893212929 +416 172 5 893213796 +416 173 5 893214127 +416 174 5 893213917 +416 176 4 876699652 +416 178 5 893213918 +416 179 2 876699578 +416 181 5 893213019 +416 182 4 876698934 +416 183 5 893214127 +416 184 4 876699758 +416 185 4 876699101 +416 187 5 893214128 +416 191 5 893213019 +416 194 5 893214041 +416 195 5 893214128 +416 196 5 893214128 +416 197 5 893213103 +416 199 5 893214225 +416 200 5 893213103 +416 202 4 876699334 +416 203 3 886316596 +416 204 5 893213404 +416 209 5 893214332 +416 210 5 893213918 +416 211 5 893214041 +416 213 5 893213443 +416 215 5 893213644 +416 216 5 893213444 +416 217 4 886317880 +416 218 3 876699488 +416 219 4 876699946 +416 220 4 878879168 +416 223 5 893212572 +416 225 1 876697330 +416 226 4 886317030 +416 230 4 886316797 +416 231 3 878880244 +416 232 5 893213549 +416 234 5 893213644 +416 235 2 885115041 +416 237 3 876697330 +416 238 4 876699179 +416 239 5 893212730 +416 240 1 886315446 +416 241 5 893213796 +416 242 4 888819254 +416 245 2 876696788 +416 246 4 876697205 +416 248 5 893213103 +416 249 3 876697558 +416 251 5 893213405 +416 252 4 876698115 +416 253 3 876697283 +416 254 2 878879391 +416 255 5 893214041 +416 257 3 876697205 +416 258 5 893213549 +416 259 2 885114559 +416 264 3 876696938 +416 265 5 893213796 +416 266 3 876696853 +416 268 4 876696643 +416 269 4 876696643 +416 273 4 876697415 +416 274 4 893142100 +416 275 5 893212484 +416 276 3 876697243 +416 277 5 893212572 +416 278 3 876698280 +416 281 5 893213103 +416 282 5 893213796 +416 283 5 893213796 +416 284 4 893142144 +416 285 2 876697165 +416 286 5 893212929 +416 287 4 878879237 +416 288 5 893213796 +416 289 3 876696788 +416 291 4 878879275 +416 293 5 893213019 +416 294 4 876696739 +416 295 5 893213405 +416 297 4 876697448 +416 298 4 876697387 +416 300 4 876696823 +416 301 5 893213796 +416 302 5 893214127 +416 303 4 876696643 +416 304 5 893214225 +416 305 3 878877919 +416 307 1 889907392 +416 310 5 893214225 +416 311 3 886314877 +416 312 3 885114480 +416 313 5 893214226 +416 315 3 889341306 +416 316 3 888700030 +416 317 5 893213444 +416 318 5 893213549 +416 319 5 893213444 +416 322 3 876696788 +416 323 3 876696739 +416 326 5 893214041 +416 327 4 876696853 +416 328 5 893213644 +416 329 3 886314592 +416 330 3 885114446 +416 331 4 890021365 +416 332 4 876696823 +416 333 4 876696788 +416 338 3 880159023 +416 339 5 893214225 +416 345 5 893214332 +416 346 4 886314592 +416 347 4 893214333 +416 353 2 886314834 +416 354 4 893214333 +416 357 5 893213645 +416 364 2 886319855 +416 366 4 886318128 +416 367 5 893212572 +416 369 2 888701033 +416 375 1 886319930 +416 378 5 893212896 +416 385 5 893213103 +416 387 3 886319288 +416 388 2 886320177 +416 392 5 893213444 +416 393 4 886316118 +416 395 2 886319620 +416 396 2 886318587 +416 399 4 878879497 +416 401 2 886318651 +416 402 5 893212623 +416 403 5 893212730 +416 404 3 886316190 +416 405 5 893213645 +416 411 3 876698006 +416 412 2 892440119 +416 415 4 886319408 +416 416 4 886319038 +416 417 3 886317568 +416 418 4 876699793 +416 419 4 892441448 +416 420 3 886318155 +416 421 5 893214041 +416 423 4 878880195 +416 425 4 886316647 +416 427 5 893213019 +416 431 4 886316164 +416 432 2 878879861 +416 433 4 886316226 +416 443 5 893213549 +416 447 4 876699027 +416 448 3 886316797 +416 451 5 893212623 +416 452 3 886319106 +416 462 5 893212895 +416 463 4 886316703 +416 468 5 893213549 +416 469 4 893141989 +416 470 4 878880154 +416 471 5 893213645 +416 472 4 876698204 +416 473 2 876697387 +416 475 2 876697074 +416 476 5 893213796 +416 477 4 892441480 +416 479 5 893213917 +416 480 5 893213918 +416 491 4 886316596 +416 496 5 893212572 +416 498 4 876699287 +416 500 5 893212573 +416 501 5 893213918 +416 506 5 893214041 +416 509 5 893214041 +416 510 4 876698853 +416 515 5 893214041 +416 520 5 893214225 +416 526 5 893214226 +416 531 5 893212572 +416 532 3 888700659 +416 535 4 876697847 +416 538 4 885114408 +416 542 1 886317599 +416 544 2 888700566 +416 546 3 876697807 +416 549 4 886316922 +416 550 4 886317599 +416 553 4 886317079 +416 554 3 886318394 +416 559 3 886317272 +416 560 3 886319079 +416 564 4 892440782 +416 568 4 878879861 +416 571 3 886318860 +416 576 5 893213103 +416 585 1 886318085 +416 588 5 893213644 +416 591 5 893212895 +416 592 3 892441347 +416 597 3 876698178 +416 603 5 893212484 +416 607 5 893212622 +416 614 5 893212572 +416 619 4 886315423 +416 620 4 878879237 +416 624 3 886317237 +416 625 5 893212623 +416 627 5 893213918 +416 628 4 876697283 +416 631 3 886316295 +416 633 4 876699757 +416 651 4 886316439 +416 652 4 876699526 +416 655 5 893213103 +416 657 5 893214225 +416 658 5 893214226 +416 659 5 893213404 +416 660 5 893213404 +416 662 4 876699994 +416 676 5 893213549 +416 678 2 876696788 +416 680 3 876696938 +416 682 3 877902163 +416 684 5 893213405 +416 685 3 876697955 +416 686 5 893213444 +416 689 4 885114578 +416 690 5 893214127 +416 692 5 893212484 +416 693 3 878879976 +416 696 3 876697524 +416 699 5 893212895 +416 707 4 876699179 +416 708 4 889907392 +416 710 4 893142441 +416 712 4 886318795 +416 713 4 876697448 +416 717 2 876697283 +416 720 4 886318128 +416 721 3 886317540 +416 723 4 886318827 +416 727 5 893212730 +416 729 5 893212896 +416 732 5 893213404 +416 734 3 886319434 +416 735 5 893213549 +416 737 3 886318613 +416 738 2 886319825 +416 739 5 893212896 +416 742 4 876697524 +416 746 5 893213444 +416 747 5 893212929 +416 748 4 876696687 +416 750 5 893214128 +416 754 5 893214128 +416 755 4 893214333 +416 761 4 886318708 +416 762 3 876697524 +416 763 5 893212623 +416 765 4 886319522 +416 768 3 893210187 +416 770 4 878880154 +416 775 4 893142245 +416 778 3 886316835 +416 781 4 893142283 +416 783 3 886318768 +416 785 3 888703399 +416 790 4 886318270 +416 791 2 886319550 +416 792 4 876699526 +416 794 5 893213019 +416 795 2 892440060 +416 803 3 886319177 +416 807 4 886319649 +416 812 4 893212623 +416 815 4 876697243 +416 819 3 888700844 +416 821 4 886317146 +416 824 2 876697592 +416 827 4 878879350 +416 833 3 888700719 +416 834 3 878879314 +416 840 4 886315536 +416 842 4 886317350 +416 843 3 886317748 +416 845 4 876697361 +416 846 3 878878779 +416 849 3 886318676 +416 864 3 888700529 +416 865 3 886316477 +416 866 4 878879130 +416 869 3 892439992 +416 873 5 893213645 +416 875 2 876696938 +416 879 3 892439224 +416 895 4 885114446 +416 898 4 885114374 +416 915 5 893212483 +416 916 3 893141069 +416 917 4 893214332 +416 918 4 893214332 +416 924 5 893212623 +416 926 2 886315298 +416 928 3 878879391 +416 929 4 876698255 +416 930 3 878878814 +416 931 3 886315822 +416 934 2 876698178 +416 936 5 893214127 +416 937 2 876696823 +416 938 3 892439155 +416 941 3 876699946 +416 942 4 893214333 +416 955 4 876699839 +416 959 5 893213404 +416 966 5 893212483 +416 972 4 891476265 +416 975 2 878879391 +416 980 4 886314987 +416 985 3 876697165 +416 990 2 876696739 +416 997 3 876699526 +416 1007 5 893213918 +416 1011 4 885114897 +416 1012 4 876697205 +416 1014 3 876697847 +416 1016 5 893213444 +416 1020 5 893212483 +416 1035 3 892441480 +416 1037 2 892440156 +416 1041 3 886319408 +416 1048 3 876698255 +416 1051 3 886319079 +416 1053 4 886319434 +416 1054 3 876698083 +416 1058 5 893213019 +416 1074 5 893213103 +416 1077 1 886317030 +416 1089 2 876697695 +416 1091 3 892441516 +416 1092 3 886320054 +416 1098 3 886316271 +416 1119 5 893214225 +416 1132 2 876697913 +416 1133 4 893142244 +416 1135 2 886319234 +416 1136 4 886318186 +416 1139 3 886318768 +416 1147 4 888702100 +416 1152 4 876697105 +416 1160 4 876697760 +416 1168 4 886318953 +416 1189 5 893213917 +416 1217 4 886319366 +416 1220 3 886318155 +416 1221 5 893213103 +416 1226 3 893013826 +416 1229 2 893210527 +416 1262 5 893213019 +416 1264 4 886316381 +416 1286 5 893213549 +416 1300 3 886315494 +416 1336 1 878879350 +416 1337 1 876698083 +416 1400 4 886317029 +416 1407 2 886320112 +416 1426 5 893212572 +416 1428 3 886319204 +416 1441 3 886318546 +416 1469 3 878880195 +416 1478 2 886319906 +416 1483 4 893214333 +416 1495 3 886318707 +416 1503 4 888702629 +416 1516 5 893213549 +416 1517 2 886320054 +416 1521 3 892440206 +416 1540 4 893142245 +416 1594 5 893212484 +417 1 4 879646413 +417 4 3 879648360 +417 5 4 879648593 +417 7 3 879646260 +417 11 5 879646938 +417 12 4 879647275 +417 13 2 879646591 +417 15 5 879646166 +417 16 3 879646692 +417 17 4 879648183 +417 20 2 880949408 +417 23 3 879647118 +417 24 3 879646531 +417 25 2 879646413 +417 27 3 879648594 +417 29 2 880952218 +417 32 2 879647924 +417 39 3 879648212 +417 40 3 879649199 +417 42 4 879647498 +417 44 2 880951252 +417 47 3 879648004 +417 49 3 880951737 +417 50 3 879646123 +417 51 3 879648526 +417 55 5 879647900 +417 56 5 879647519 +417 58 3 879647140 +417 62 3 879648939 +417 63 3 879649021 +417 64 5 879647326 +417 65 4 879647011 +417 66 3 879648026 +417 67 4 880952837 +417 68 3 879647275 +417 69 3 879647471 +417 70 4 879647749 +417 72 4 879649107 +417 73 3 879648343 +417 77 3 879649304 +417 78 2 879649632 +417 79 3 879647924 +417 80 4 879649247 +417 81 5 879647196 +417 82 4 879647326 +417 89 5 879647604 +417 90 3 879649107 +417 91 2 879647800 +417 94 3 879649177 +417 95 5 879646965 +417 96 3 879646915 +417 97 4 879647326 +417 98 5 879647040 +417 99 4 879647498 +417 100 3 879646166 +417 101 3 879649001 +417 102 3 879648656 +417 106 2 879646741 +417 109 2 879646369 +417 111 3 879647768 +417 117 4 879646484 +417 118 4 879646548 +417 121 3 879646591 +417 122 2 879646838 +417 123 2 879646500 +417 125 5 879646369 +417 127 4 879646144 +417 131 4 879647254 +417 132 4 879647850 +417 134 4 879647196 +417 135 3 879647826 +417 139 3 879648707 +417 141 3 879648510 +417 142 3 879648184 +417 144 3 879647232 +417 145 3 879648979 +417 151 5 879646463 +417 153 5 879647580 +417 154 4 879647561 +417 156 3 879647380 +417 157 4 879647966 +417 158 2 879649389 +417 159 4 879648656 +417 161 3 879647519 +417 162 3 880951886 +417 163 4 879647604 +417 164 3 879648156 +417 167 3 880952355 +417 168 4 879647355 +417 169 3 879647498 +417 171 3 879647800 +417 172 3 879647519 +417 173 5 879647519 +417 174 3 879647498 +417 176 5 879646891 +417 178 3 879646965 +417 179 4 879647749 +417 180 5 879647604 +417 181 3 879646286 +417 182 4 879646938 +417 183 4 879647298 +417 184 4 879647749 +417 185 3 879647708 +417 186 5 879647118 +417 188 4 879647232 +417 190 5 879647065 +417 191 5 879647498 +417 195 5 879647380 +417 196 5 879647090 +417 198 4 879647924 +417 200 4 879647708 +417 201 4 879648478 +417 202 4 879647140 +417 203 4 879646915 +417 206 2 879648778 +417 207 4 879647580 +417 208 3 879648026 +417 209 4 879647299 +417 210 3 879647749 +417 211 4 880949907 +417 212 1 879647800 +417 214 5 879647254 +417 216 3 879647298 +417 217 4 879648594 +417 218 3 879648184 +417 219 3 879648979 +417 222 3 879646388 +417 223 5 879646986 +417 226 3 879648096 +417 228 3 879646915 +417 230 3 879647850 +417 231 4 879648798 +417 232 3 879648510 +417 234 4 879646965 +417 235 2 879646413 +417 238 4 879647768 +417 242 3 879645999 +417 245 4 879649779 +417 246 4 879646225 +417 248 4 879646286 +417 250 4 879646463 +417 252 3 879646530 +417 255 3 879646327 +417 257 3 879646244 +417 258 4 879645999 +417 260 3 879649779 +417 264 2 879649763 +417 265 3 879648026 +417 268 4 879649657 +417 270 2 879646036 +417 273 3 879646286 +417 286 5 879646286 +417 288 3 879647749 +417 290 4 879646661 +417 293 4 879646123 +417 294 4 879646463 +417 298 3 879646327 +417 302 3 879645999 +417 322 3 886186468 +417 323 3 879646820 +417 324 1 879646463 +417 325 2 880949231 +417 326 4 879649669 +417 340 3 880949136 +417 343 2 886186253 +417 357 5 879647118 +417 358 2 879649763 +417 364 3 880953014 +417 365 4 879648860 +417 367 2 879648898 +417 373 3 880952988 +417 380 3 879648860 +417 382 2 880949941 +417 384 4 879649284 +417 385 5 879648184 +417 386 3 879648382 +417 388 3 879649178 +417 391 2 879649519 +417 392 3 880950280 +417 393 4 879648096 +417 395 4 879649199 +417 396 2 879649560 +417 399 3 879648898 +417 402 4 879648656 +417 403 4 879649224 +417 404 3 879647947 +417 405 3 879646531 +417 411 2 879649001 +417 413 3 879646327 +417 418 4 879647471 +417 419 4 879646986 +417 420 4 879648452 +417 421 4 879647561 +417 422 3 879648212 +417 425 4 879648132 +417 428 3 879647966 +417 431 4 879647431 +417 433 4 879648403 +417 436 3 879648478 +417 441 3 879648611 +417 444 4 880952691 +417 447 3 879649064 +417 449 3 880952674 +417 450 2 880953014 +417 451 4 879649266 +417 452 2 880952970 +417 461 3 879647140 +417 465 4 879648079 +417 472 2 879646369 +417 473 2 879646860 +417 474 4 879647118 +417 475 4 879646437 +417 483 5 879647355 +417 484 4 879647380 +417 485 3 880949880 +417 496 3 879647040 +417 498 4 879647540 +417 501 3 879647540 +417 506 4 879647471 +417 508 3 879646123 +417 513 5 879647580 +417 515 4 879646225 +417 518 5 879647604 +417 537 4 880949849 +417 541 2 879649389 +417 544 3 879646661 +417 545 1 880953033 +417 546 3 879646712 +417 549 3 879647924 +417 550 3 879649178 +417 552 2 880952066 +417 555 1 879649389 +417 559 4 879648979 +417 561 3 879648707 +417 562 4 879648955 +417 563 2 879649560 +417 568 2 879648155 +417 574 2 879649428 +417 576 3 879649410 +417 579 2 879649467 +417 582 3 879647749 +417 588 3 879647540 +417 596 3 879646244 +417 614 3 879648156 +417 616 2 879648048 +417 625 4 879649064 +417 628 3 879646413 +417 631 3 879647826 +417 636 3 879648435 +417 638 4 879648078 +417 640 5 879648742 +417 642 5 879647947 +417 651 4 879648212 +417 655 4 879647900 +417 658 2 879647947 +417 663 3 879647040 +417 665 2 880952400 +417 668 2 880953014 +417 669 2 880953014 +417 674 2 879649560 +417 679 2 879649044 +417 684 3 879647380 +417 685 1 879646570 +417 692 4 879648132 +417 708 2 879648798 +417 709 3 879647355 +417 710 4 879647826 +417 713 2 879646052 +417 715 2 879648656 +417 723 5 879648938 +417 725 4 880952970 +417 727 5 879648325 +417 728 3 879648881 +417 732 4 879647825 +417 742 2 879646531 +417 743 2 880953053 +417 746 5 879648048 +417 747 3 879648325 +417 748 4 879646785 +417 758 2 879649247 +417 762 3 879646712 +417 764 3 879646677 +417 765 3 879649632 +417 767 1 879646860 +417 769 1 880953071 +417 771 3 879649368 +417 774 4 879648707 +417 778 4 879648742 +417 779 2 879649577 +417 780 4 880952880 +417 783 3 879649064 +417 792 4 879648079 +417 796 4 879648881 +417 797 3 880952656 +417 800 2 879649467 +417 804 3 879649153 +417 809 3 880951251 +417 810 3 879649178 +417 815 4 879646741 +417 818 2 886186925 +417 823 2 879646860 +417 825 4 879646463 +417 827 2 879646860 +417 831 2 879646820 +417 849 1 879649632 +417 855 2 879647450 +417 871 2 886187012 +417 895 3 886186520 +417 923 3 879647065 +417 928 3 879646821 +417 940 2 879649337 +417 943 3 879648761 +417 944 4 880952141 +417 946 4 880950324 +417 963 4 879647431 +417 979 3 879646437 +417 993 3 879646800 +417 999 3 880952434 +417 1000 4 879648403 +417 1011 3 880949438 +417 1014 4 879646785 +417 1016 4 886186827 +417 1018 3 879649247 +417 1023 4 880949479 +417 1028 3 879646785 +417 1036 3 879649484 +417 1039 3 879647196 +417 1040 2 879649428 +417 1041 3 879648478 +417 1044 3 879648939 +417 1047 4 879646388 +417 1057 2 880949763 +417 1086 4 879646369 +417 1090 3 879649577 +417 1091 3 879648435 +417 1119 3 879648382 +417 1135 4 880951717 +417 1139 3 879649448 +417 1157 4 880952616 +417 1182 3 879648798 +417 1183 4 879648676 +417 1207 3 880952970 +417 1209 3 879649368 +417 1210 2 879649044 +417 1215 2 879646712 +417 1228 2 879649304 +417 1230 2 880953088 +417 1232 2 879649369 +417 1247 3 880953033 +417 1288 1 879646741 +417 1411 3 880952418 +417 1416 2 880952534 +417 1446 3 879648824 +417 1539 2 879649539 +417 1550 3 879648707 +418 288 5 891282836 +418 300 3 891282656 +418 327 1 891282836 +418 328 1 891282738 +418 333 5 891282520 +418 346 2 891282595 +418 750 2 891282626 +418 895 4 891282595 +418 899 5 891282706 +418 1313 2 891282813 +419 1 4 879435590 +419 14 5 879435828 +419 28 3 879435663 +419 50 5 879435541 +419 69 4 879435628 +419 79 4 879435590 +419 89 3 879435722 +419 100 5 879435722 +419 134 5 879435722 +419 174 5 879435628 +419 191 4 879435590 +419 197 5 879435749 +419 212 1 879435749 +419 269 4 879435190 +419 275 5 879435520 +419 300 4 879435347 +419 405 3 879435503 +419 478 5 879435785 +419 494 3 879435749 +419 604 5 879435590 +419 615 5 879435785 +419 617 4 879435628 +420 14 5 891356927 +420 86 5 891357021 +420 100 5 891357104 +420 116 4 891357162 +420 124 5 891356891 +420 127 5 891357104 +420 173 3 891356864 +420 179 5 891356864 +420 190 5 891356864 +420 270 3 891356790 +420 285 5 891356891 +420 286 4 891356790 +420 301 3 891357188 +420 408 4 891356927 +420 475 4 891357162 +420 478 3 891356864 +420 484 5 891356864 +420 493 3 891356864 +420 508 3 891357162 +420 513 5 891356864 +420 547 4 891357104 +420 603 4 891356864 +420 690 5 891357271 +420 750 4 891356790 +420 855 5 891357021 +420 1347 3 891356927 +421 4 3 892241624 +421 7 3 892241646 +421 11 2 892241624 +421 12 5 892241458 +421 50 5 892241294 +421 56 5 892241421 +421 79 4 892241459 +421 82 4 892241294 +421 87 4 892241736 +421 96 4 892241343 +421 98 5 892241458 +421 100 4 892241422 +421 117 5 892241624 +421 127 4 892241624 +421 129 5 892241459 +421 144 5 892241624 +421 164 4 892241687 +421 172 5 892241707 +421 173 1 892241319 +421 174 5 892241362 +421 175 2 892241576 +421 176 5 892241422 +421 182 5 892241624 +421 183 5 892241459 +421 185 4 892241422 +421 187 4 892241624 +421 197 3 892241491 +421 208 2 892241554 +421 213 3 892241491 +421 218 4 892241687 +421 219 3 892241687 +421 234 5 892241646 +421 269 3 892241210 +421 302 4 892241236 +421 331 2 892241236 +421 333 4 892241236 +421 423 2 892241707 +421 427 4 892241735 +421 448 3 892241687 +421 466 4 892241459 +421 498 4 892241344 +421 509 2 892241532 +421 516 5 892241554 +421 517 2 892241491 +421 525 4 892241422 +421 603 4 892241422 +421 653 3 892241422 +421 672 3 892241687 +421 674 5 892241687 +421 709 4 892241389 +421 879 4 892241274 +421 914 3 892241236 +422 1 3 875130063 +422 5 3 879744085 +422 7 3 875129882 +422 15 3 875129882 +422 50 4 875129911 +422 53 4 879744183 +422 93 4 875129882 +422 98 5 879744014 +422 100 4 875129791 +422 117 2 875129975 +422 124 3 875129839 +422 127 4 875129839 +422 129 4 875129839 +422 137 5 875129882 +422 151 4 875130173 +422 181 4 875129839 +422 185 4 879744015 +422 200 5 879744015 +422 201 4 879744014 +422 217 3 879744143 +422 218 4 879744086 +422 219 4 879744086 +422 222 4 875130137 +422 234 4 879744015 +422 235 2 875130173 +422 237 4 875130230 +422 248 3 875130100 +422 250 5 875130100 +422 257 4 875129839 +422 260 3 875129668 +422 267 4 875655986 +422 270 3 878058917 +422 271 3 879743635 +422 273 5 875129791 +422 275 5 875130026 +422 276 5 875129791 +422 286 5 875129523 +422 287 3 878199757 +422 288 3 875129640 +422 293 3 875130027 +422 294 3 875129692 +422 295 3 875130063 +422 299 1 875129602 +422 302 3 877162650 +422 307 4 879743925 +422 323 3 875129668 +422 324 5 875129523 +422 326 3 875129523 +422 327 3 875129603 +422 333 4 875655986 +422 334 4 877162682 +422 339 2 879743848 +422 358 2 875129640 +422 370 2 879744287 +422 379 2 879744218 +422 396 4 879744143 +422 410 5 875130230 +422 436 3 879744085 +422 441 4 879744183 +422 447 4 879744143 +422 448 4 879744085 +422 452 3 879744183 +422 458 3 875130173 +422 475 4 875129881 +422 477 4 875130027 +422 515 4 875129882 +422 551 2 879744218 +422 558 4 879744085 +422 561 3 879744143 +422 563 3 879744219 +422 567 3 879744218 +422 590 2 879743948 +422 665 5 879744143 +422 670 2 879744143 +422 672 3 879744086 +422 682 2 879743787 +422 717 3 875130173 +422 742 2 875130204 +422 760 3 879744287 +422 773 3 879744183 +422 859 3 879744218 +422 867 3 878059137 +422 926 2 875130100 +422 1007 4 875129839 +422 1017 4 875130063 +422 1187 4 875130137 +422 1199 3 875129975 +423 9 5 891395395 +423 10 4 891395734 +423 100 5 891395448 +423 125 2 891395547 +423 127 4 891395394 +423 148 3 891395417 +423 245 4 891394952 +423 276 5 891395602 +423 282 4 891395448 +423 286 4 891394632 +423 292 4 891394504 +423 293 4 891395547 +423 299 3 891394788 +423 300 3 891394874 +423 302 5 891394595 +423 304 4 891394632 +423 307 3 891394673 +423 313 4 891394595 +423 316 4 891394985 +423 322 3 891395020 +423 326 4 891394874 +423 327 2 891394673 +423 328 1 891394874 +423 329 3 891394952 +423 333 3 891394747 +423 339 2 891394788 +423 340 4 891394504 +423 344 4 891394558 +423 347 3 891394632 +423 348 3 891394910 +423 355 3 891395020 +423 471 3 891395626 +423 508 4 891395394 +423 546 2 891395684 +423 591 5 891395547 +423 620 4 891395711 +423 628 4 891395602 +423 678 3 891395020 +423 689 4 891395020 +423 690 4 891394832 +423 696 3 891395759 +423 748 3 891394985 +423 750 5 891394704 +423 751 3 891394832 +423 754 4 891394832 +423 823 3 891395759 +423 879 3 891394558 +423 887 5 891394673 +423 898 4 891394952 +423 924 4 891395602 +423 977 1 891395787 +423 1011 3 891395547 +423 1238 3 891394874 +423 1265 4 891394788 +424 1 1 880859493 +424 15 4 880859722 +424 50 3 880859519 +424 100 5 880859446 +424 115 1 880859385 +424 127 4 880859493 +424 151 2 880859722 +424 172 3 880859385 +424 243 4 880859115 +424 258 2 880858792 +424 259 2 880858979 +424 276 2 880859623 +424 286 4 880858792 +424 288 1 880858924 +424 289 5 880858924 +424 292 4 880859228 +424 300 2 880859199 +424 304 4 880858861 +424 310 3 880858829 +424 323 5 880859084 +424 333 5 880859228 +424 427 4 880859346 +424 435 3 880859346 +424 508 3 880859519 +424 538 5 880858861 +424 681 3 880859115 +424 688 2 880859228 +424 690 3 880858792 +424 740 5 880859674 +424 840 4 880859693 +424 882 3 880858829 +424 969 1 880859385 +424 990 5 880858979 +424 1084 5 880859591 +425 1 2 878737873 +425 2 2 878738757 +425 4 4 878738290 +425 5 1 878738887 +425 7 3 878738290 +425 11 3 878737981 +425 12 5 878737791 +425 17 4 878738290 +425 22 3 878738290 +425 24 2 878738386 +425 27 3 878738695 +425 32 3 890347138 +425 33 4 878738435 +425 38 3 878738757 +425 50 5 878738335 +425 53 4 878738596 +425 55 4 878737945 +425 56 5 878737945 +425 62 4 878738548 +425 64 4 878738245 +425 68 4 878738386 +425 70 3 878738245 +425 79 4 878738335 +425 82 3 878738757 +425 83 2 891986445 +425 89 4 878738435 +425 92 5 878738335 +425 96 4 878738335 +425 97 2 890347247 +425 98 4 878738186 +425 100 4 878738853 +425 117 3 878738435 +425 118 1 878738596 +425 121 4 878738813 +425 124 2 878737945 +425 127 4 878738290 +425 144 4 878738335 +425 145 3 878738956 +425 147 3 878738643 +425 156 5 878737873 +425 157 2 878738149 +425 161 3 878738187 +425 168 5 890347172 +425 171 3 890347138 +425 172 5 878738385 +425 174 3 878738149 +425 176 3 878738386 +425 177 3 878738290 +425 178 3 878737841 +425 180 4 878738077 +425 181 4 878738435 +425 184 4 878738596 +425 187 3 878738386 +425 188 3 878738386 +425 190 3 890347085 +425 195 4 878738245 +425 198 4 890347247 +425 200 4 878738854 +425 201 3 878738104 +425 204 4 890347138 +425 207 2 891986445 +425 209 2 890347085 +425 210 3 890346998 +425 217 1 878738914 +425 218 3 878738887 +425 219 2 878738956 +425 222 5 878738486 +425 228 4 878738334 +425 229 3 878738548 +425 230 4 878738644 +425 231 3 878738435 +425 232 3 878738548 +425 233 2 878738643 +425 234 3 878738853 +425 241 2 878738548 +425 244 1 878739015 +425 250 4 878739054 +425 252 2 878739054 +425 257 3 878738992 +425 258 2 878737511 +425 259 1 890346825 +425 265 3 878738643 +425 269 4 890346376 +425 272 4 890346317 +425 273 4 878738435 +425 281 2 878738486 +425 286 1 878737511 +425 288 5 878737512 +425 289 1 878737635 +425 293 4 878738992 +425 294 2 878737512 +425 298 4 878738992 +425 300 2 878737512 +425 301 4 890346705 +425 302 5 878737511 +425 305 3 890346411 +425 307 4 890346411 +425 310 3 890346411 +425 313 1 890346317 +425 316 4 890346705 +425 319 1 878737511 +425 322 3 890346597 +425 323 2 878737684 +425 324 3 878737657 +425 325 3 878737684 +425 326 1 890346567 +425 327 4 890346659 +425 333 3 890346411 +425 334 4 890346567 +425 338 1 890346781 +425 340 4 890346264 +425 343 3 890346517 +425 346 5 890346198 +425 347 4 890346517 +425 355 3 890346705 +425 357 5 878737981 +425 358 4 890346630 +425 362 3 890346317 +425 363 1 878739095 +425 379 2 878738887 +425 385 2 878738813 +425 398 1 878738597 +425 403 4 878738548 +425 405 2 878738643 +425 429 4 878737908 +425 435 3 878738334 +425 443 2 878738956 +425 445 3 878738887 +425 447 3 878738854 +425 448 2 878738887 +425 452 2 878738956 +425 455 2 878738992 +425 474 4 890347138 +425 475 5 878737945 +425 491 2 890347047 +425 515 3 890347138 +425 520 3 890347085 +425 522 3 878738077 +425 529 4 890346998 +425 538 2 890346866 +425 540 2 878738486 +425 546 3 878738548 +425 550 4 878738813 +425 562 1 878738385 +425 566 2 878738695 +425 568 3 878738643 +425 573 3 878738914 +425 576 3 878738813 +425 583 3 878738245 +425 590 3 878737945 +425 597 1 878739095 +425 636 4 878738596 +425 669 3 878737908 +425 670 3 878738914 +425 672 2 878738887 +425 675 3 890347047 +425 678 1 878737593 +425 679 3 878738548 +425 684 2 878738385 +425 686 3 878738757 +425 689 2 890346517 +425 690 1 890346866 +425 743 4 878739054 +425 750 2 890346317 +425 751 2 890346264 +425 759 2 878738290 +425 823 3 878738757 +425 827 1 878739095 +425 831 3 878739095 +425 841 1 878738597 +425 853 4 878738853 +425 854 4 878738854 +425 877 3 890346198 +425 879 2 878737593 +425 895 4 890346198 +425 898 3 890346705 +425 912 2 891986392 +425 943 4 890347172 +425 976 1 878738992 +425 1013 1 878739054 +425 1016 3 878739054 +425 1089 2 878739095 +425 1110 1 878738486 +425 1129 3 878738245 +425 1188 3 878738695 +425 1222 2 878738757 +425 1314 3 878738813 +425 1416 3 878738695 +425 1419 3 878738757 +425 1434 4 890346317 +425 1464 2 890346998 +425 1595 2 878738757 +425 1596 2 878738695 +425 1597 3 878738596 +426 23 4 879444734 +426 50 4 879442226 +426 98 4 879442737 +426 99 4 879444081 +426 100 4 879442128 +426 132 4 879442083 +426 133 5 879441978 +426 134 4 879444787 +426 135 3 879444604 +426 136 4 879442083 +426 143 3 879444852 +426 168 3 879444081 +426 174 3 879442044 +426 178 4 879444080 +426 182 2 879442702 +426 185 5 879445005 +426 191 4 879442128 +426 194 4 879444919 +426 196 4 879444734 +426 197 4 879444816 +426 199 5 879442702 +426 200 2 879442702 +426 204 3 879442128 +426 205 4 879444893 +426 208 4 879442161 +426 289 2 879441754 +426 318 5 879442044 +426 332 4 879441781 +426 404 3 879444321 +426 418 3 879444871 +426 427 5 879442737 +426 428 2 879444081 +426 430 3 879445005 +426 432 3 879444192 +426 435 3 879444604 +426 474 4 879442785 +426 478 4 879442785 +426 481 5 879442892 +426 482 5 879442737 +426 483 5 879442226 +426 484 5 879444662 +426 486 3 879444604 +426 488 5 879442785 +426 489 5 879441978 +426 490 4 879444853 +426 491 4 879442702 +426 492 5 879441931 +426 494 3 879442702 +426 496 3 879442841 +426 505 4 879445005 +426 510 4 879441978 +426 511 4 879441978 +426 519 4 879444117 +426 524 4 879442785 +426 525 4 879442227 +426 526 4 879444734 +426 527 3 879444550 +426 601 3 879444321 +426 605 4 879442083 +426 606 5 879442044 +426 607 4 879444734 +426 609 3 879441931 +426 610 4 879444550 +426 613 3 879444146 +426 616 4 879444787 +426 617 3 879441978 +426 631 3 879442006 +426 641 4 879441931 +426 646 3 879444787 +426 648 3 879441931 +426 651 4 879442702 +426 653 4 879442841 +426 654 5 879442785 +426 655 4 879444952 +426 657 5 879442160 +426 659 4 879442128 +426 661 4 879444321 +426 663 4 879444604 +426 671 4 879444170 +426 673 4 879442227 +426 705 5 879441931 +426 754 1 879441707 +426 835 3 879444853 +426 836 3 879444117 +426 848 4 879444117 +426 968 3 879444952 +426 1020 4 879442702 +426 1064 4 879444117 +426 1079 3 879442892 +426 1204 4 879444321 +426 1451 4 879444734 +427 245 5 879701326 +427 258 4 879700792 +427 268 5 879701253 +427 286 4 879700792 +427 289 5 879701326 +427 292 2 879701127 +427 303 5 879701253 +427 304 4 879700850 +427 322 3 879701051 +427 328 4 879700908 +427 331 4 879700850 +427 332 5 879701253 +427 334 5 879701326 +427 359 5 879701253 +427 681 5 879701326 +427 688 5 879701326 +427 881 5 879701253 +427 937 5 879701326 +427 989 5 879701253 +427 990 5 879701326 +427 1265 5 879701253 +428 242 4 885943651 +428 243 4 885943713 +428 245 5 885943713 +428 259 4 885943685 +428 268 4 885943818 +428 269 5 885943749 +428 271 2 892572448 +428 272 5 885943651 +428 286 3 885943980 +428 288 4 885943847 +428 289 4 885943981 +428 294 4 885943651 +428 300 5 885943713 +428 302 5 885943651 +428 303 3 892572308 +428 305 3 885944136 +428 310 4 885943651 +428 312 4 885944005 +428 315 5 885943980 +428 322 4 885943782 +428 323 3 885943869 +428 326 3 892572448 +428 329 3 892572335 +428 331 4 885943847 +428 334 4 885943847 +428 338 4 885943818 +428 344 3 892572308 +428 347 4 885943782 +428 350 4 885944005 +428 352 4 885943651 +428 538 4 885944005 +428 749 4 885943782 +428 751 5 885943818 +428 754 4 885943847 +428 877 5 885943685 +428 879 4 885943818 +428 886 4 885943651 +428 892 4 885944044 +428 894 4 885943955 +428 896 4 885943685 +428 908 4 885944024 +428 988 1 885943955 +428 1024 4 885943651 +428 1280 3 885944069 +428 1313 4 892572362 +429 1 3 882385785 +429 2 3 882387599 +429 3 2 882386785 +429 4 4 882385684 +429 7 2 882385569 +429 8 3 882386237 +429 11 4 882385464 +429 12 5 882386424 +429 15 5 882386941 +429 21 2 882386508 +429 22 5 882384744 +429 23 4 882385243 +429 24 3 882386309 +429 25 4 882385985 +429 26 3 882386333 +429 28 3 882385636 +429 31 3 882386966 +429 32 4 882386309 +429 39 3 882386378 +429 42 5 882385593 +429 44 3 882386171 +429 47 4 882384950 +429 48 3 882384896 +429 50 5 882384553 +429 52 4 882387074 +429 53 1 882386814 +429 55 4 882384847 +429 56 4 882384683 +429 58 4 882385090 +429 62 3 882387350 +429 63 2 882387505 +429 65 3 882386216 +429 66 2 882386357 +429 68 3 882385963 +429 69 5 882386309 +429 70 4 882386401 +429 71 3 882385705 +429 72 2 882387551 +429 77 3 882385705 +429 79 4 882385243 +429 80 3 882386684 +429 81 3 882385243 +429 82 4 882386121 +429 83 4 882385168 +429 85 4 882387234 +429 87 3 882384821 +429 88 3 882386895 +429 89 4 882385168 +429 90 4 882387731 +429 91 3 882386260 +429 92 4 882385684 +429 93 4 882385136 +429 95 3 882385012 +429 96 4 882387053 +429 97 4 882386171 +429 98 4 882384494 +429 99 3 882386601 +429 100 5 882385807 +429 101 4 882386662 +429 109 3 882385034 +429 111 2 882386532 +429 114 5 882385663 +429 117 4 882387757 +429 118 3 882386145 +429 121 3 882386145 +429 123 4 882386448 +429 124 4 882384821 +429 127 4 882384603 +429 128 3 882386424 +429 129 4 882385065 +429 132 3 882385636 +429 133 3 882385663 +429 134 5 882385728 +429 136 4 882386071 +429 137 5 882387731 +429 140 1 882386260 +429 141 3 882386966 +429 143 3 882385829 +429 144 4 882387773 +429 147 2 882385859 +429 150 5 882385569 +429 151 5 882386870 +429 153 4 882385090 +429 154 3 882384683 +429 155 2 882387633 +429 156 4 882384920 +429 157 4 882384920 +429 159 3 882386051 +429 161 3 882385934 +429 162 4 882386378 +429 163 4 882387599 +429 164 4 882385489 +429 165 5 882384821 +429 166 5 882384796 +429 167 3 882386629 +429 168 5 882387773 +429 170 5 882384526 +429 172 5 882385118 +429 173 4 882384494 +429 174 4 882387773 +429 176 3 882385542 +429 177 4 882385065 +429 178 4 882384772 +429 179 3 882385012 +429 180 5 882385464 +429 181 5 882384870 +429 182 4 882384821 +429 183 4 882385489 +429 184 4 882386260 +429 185 4 882386006 +429 186 4 882385294 +429 188 4 882386566 +429 190 5 882387773 +429 191 5 882385065 +429 192 3 882385612 +429 193 4 882385267 +429 194 4 882385705 +429 195 4 882385519 +429 196 4 882385012 +429 197 4 882384772 +429 199 5 882386006 +429 200 3 882386333 +429 201 3 882385399 +429 202 4 882385829 +429 203 5 882385684 +429 204 4 882387757 +429 207 4 882385729 +429 208 4 882384772 +429 209 4 882384950 +429 210 4 882387731 +429 211 5 882385090 +429 214 3 882384526 +429 216 4 882385090 +429 217 3 882387715 +429 218 3 882387350 +429 219 4 882386848 +429 222 4 882385518 +429 223 4 882385034 +429 225 2 882387599 +429 226 3 882386145 +429 227 2 882385934 +429 228 2 882386485 +429 229 2 882385613 +429 230 2 882385985 +429 231 2 882385489 +429 232 4 882385859 +429 233 3 882385593 +429 234 4 882386566 +429 235 3 882386966 +429 237 3 882384526 +429 238 5 882384526 +429 241 3 882385934 +429 248 5 882386870 +429 249 4 882386662 +429 250 2 882386357 +429 257 4 882386121 +429 258 4 882386096 +429 264 3 882387551 +429 265 4 882386096 +429 273 4 882385489 +429 274 3 882386096 +429 275 4 882384603 +429 276 5 882385542 +429 277 4 882386096 +429 280 2 882387392 +429 281 3 882386027 +429 282 3 882386983 +429 283 3 882385136 +429 284 3 882386424 +429 288 3 882387685 +429 290 3 882386333 +429 291 4 882386309 +429 293 4 882385293 +429 298 5 882386145 +429 300 3 882385168 +429 301 3 882387252 +429 307 3 882384437 +429 318 5 882387731 +429 319 3 882387685 +429 321 3 882384438 +429 338 3 882387599 +429 340 5 882384870 +429 356 3 882386942 +429 357 5 882385636 +429 358 3 882387053 +429 365 2 882386237 +429 366 3 882387181 +429 367 3 882386485 +429 371 2 882387715 +429 378 3 882386916 +429 380 3 882387576 +429 381 3 882385882 +429 382 3 882386601 +429 385 3 882386915 +429 387 4 882386051 +429 392 3 882386051 +429 393 3 882385749 +429 403 4 882385902 +429 404 4 882386121 +429 405 3 882387202 +429 409 2 882386751 +429 410 4 882387451 +429 411 3 882386848 +429 412 4 882387411 +429 415 3 882386785 +429 418 3 882386096 +429 419 4 882385293 +429 423 4 882387757 +429 425 3 882385859 +429 427 5 882385569 +429 428 4 882386942 +429 430 4 882384553 +429 431 5 882384870 +429 432 4 882385443 +429 433 3 882385858 +429 435 4 882385636 +429 436 4 882386171 +429 440 1 882387411 +429 441 3 882386848 +429 443 4 882385210 +429 448 3 882386006 +429 455 3 882386628 +429 457 1 882384438 +429 462 4 882386662 +429 464 3 882386171 +429 466 2 882384847 +429 467 4 882385210 +429 468 3 882384896 +429 469 4 882386751 +429 470 5 882386309 +429 472 3 882387434 +429 473 3 882387551 +429 475 4 882384579 +429 479 4 882385358 +429 480 4 882386071 +429 481 3 882386237 +429 482 3 882384683 +429 483 5 882384821 +429 484 5 882384920 +429 485 3 882385210 +429 491 3 882384950 +429 493 4 882385663 +429 496 4 882384603 +429 498 5 882384796 +429 499 4 882384896 +429 500 1 882384772 +429 502 3 882385543 +429 504 3 882385065 +429 505 4 882384821 +429 506 4 882386711 +429 507 5 882385210 +429 508 4 882385569 +429 510 4 882387773 +429 514 3 882385243 +429 520 3 882384603 +429 527 5 882387757 +429 528 4 882385034 +429 529 4 882385243 +429 530 4 882384986 +429 531 5 882385729 +429 535 2 882386941 +429 537 4 882387773 +429 540 3 882386916 +429 546 3 882387140 +429 549 4 882385749 +429 550 3 882387350 +429 559 3 882386662 +429 562 2 882387575 +429 566 3 882386357 +429 568 3 882385859 +429 569 2 882387506 +429 570 4 882387434 +429 578 3 882386942 +429 581 2 882385684 +429 582 3 882384950 +429 583 3 882386121 +429 584 4 882385749 +429 587 3 882386895 +429 591 3 882385663 +429 596 3 882385808 +429 602 5 882386628 +429 603 4 882384847 +429 607 3 882385785 +429 611 4 882385593 +429 616 3 882386333 +429 625 3 882387474 +429 627 2 882387114 +429 629 3 882387163 +429 631 4 882385243 +429 633 3 882385829 +429 635 3 882387202 +429 636 3 882386027 +429 637 3 882387506 +429 640 3 882386533 +429 642 4 882386600 +429 651 4 882384772 +429 652 4 882385118 +429 654 4 882385542 +429 655 3 882385399 +429 658 3 882386448 +429 662 3 882386309 +429 663 4 882385358 +429 665 2 882387474 +429 671 3 882385065 +429 672 2 882387551 +429 673 3 882386485 +429 679 4 882387653 +429 684 4 882385882 +429 685 3 882387434 +429 686 2 882385519 +429 692 3 882385118 +429 693 4 882386628 +429 697 3 882385858 +429 700 3 882386485 +429 702 5 882387757 +429 705 4 882384896 +429 708 3 882386895 +429 709 4 882385267 +429 710 4 882387731 +429 726 2 882386751 +429 729 2 882386684 +429 732 4 882385882 +429 737 4 882387505 +429 739 3 882387140 +429 742 4 882386711 +429 744 4 882386485 +429 746 3 882386096 +429 747 3 882386071 +429 755 3 882387685 +429 756 2 882386711 +429 761 2 882386711 +429 762 4 882386814 +429 763 4 882387053 +429 768 3 882387551 +429 772 3 882386508 +429 778 3 882385294 +429 780 3 882387685 +429 786 2 882386966 +429 789 4 882385443 +429 794 3 882385593 +429 796 3 882386601 +429 804 3 882387599 +429 805 3 882385963 +429 806 2 882384950 +429 808 3 882387576 +429 816 2 882387474 +429 820 3 882387233 +429 826 3 882387139 +429 833 3 882386895 +429 843 1 882387114 +429 845 4 882386401 +429 847 3 882385569 +429 921 2 882385962 +429 928 2 882386849 +429 936 4 882385934 +429 939 4 882384986 +429 941 3 882387506 +429 944 3 882387474 +429 961 3 882385518 +429 967 4 882386378 +429 972 4 882387757 +429 999 2 882387163 +429 1010 3 882386216 +429 1011 4 882387731 +429 1012 3 882385963 +429 1014 3 882386333 +429 1017 3 882385399 +429 1018 3 882386051 +429 1020 4 882387757 +429 1028 3 882386601 +429 1033 1 882387350 +429 1035 3 882386260 +429 1039 5 882386071 +429 1048 2 882386966 +429 1071 2 882385729 +429 1074 3 882387163 +429 1076 2 882387350 +429 1079 2 882387164 +429 1089 2 882387053 +429 1101 5 882385399 +429 1109 2 882386448 +429 1110 2 882387234 +429 1112 3 882386785 +429 1113 3 882386711 +429 1118 4 882385902 +429 1119 3 882387653 +429 1133 2 882386848 +429 1136 4 882386532 +429 1139 2 882387434 +429 1203 4 882386357 +429 1209 3 882387350 +429 1217 2 882385489 +429 1218 3 882387653 +429 1220 3 882387233 +429 1224 2 882387114 +429 1228 3 882387163 +429 1285 3 882386485 +429 1296 2 882387392 +429 1301 4 882385963 +429 1418 3 882385267 +429 1425 3 882387633 +429 1438 1 882385705 +429 1443 2 882386601 +429 1545 2 882385518 +430 7 3 877225660 +430 9 3 877225726 +430 12 4 877226164 +430 19 5 877225623 +430 42 3 877226568 +430 50 4 877225516 +430 56 4 877226323 +430 64 4 877226130 +430 98 5 877226365 +430 100 5 877225570 +430 101 2 877226501 +430 117 3 877225484 +430 121 2 877225832 +430 123 2 877225965 +430 124 5 877225726 +430 127 4 877225484 +430 137 3 877225433 +430 148 2 877226047 +430 151 4 877225516 +430 152 4 877226569 +430 164 3 877226323 +430 165 4 877226130 +430 168 4 877226568 +430 181 4 877225484 +430 221 5 877225547 +430 222 4 877225682 +430 235 2 877225727 +430 248 3 877225832 +430 258 4 877225570 +430 264 2 877225328 +430 273 4 877225894 +430 276 1 877225753 +430 286 4 877225174 +430 288 4 877225239 +430 293 3 877225865 +430 294 2 877225239 +430 297 4 877225599 +430 298 3 877225547 +430 300 3 877225239 +430 302 4 877225173 +430 303 4 877225239 +430 318 5 877226130 +430 328 4 877225327 +430 462 3 877226164 +430 514 4 877226568 +430 515 4 877225660 +430 523 4 877226568 +430 528 4 877226164 +430 628 3 877225832 +430 674 4 877226405 +430 748 3 877225239 +430 1007 3 877225599 +430 1240 3 877226470 +430 1347 5 877226047 +430 1375 4 877225660 +431 245 4 877844489 +431 269 3 877844062 +431 294 5 877844377 +431 302 3 877844062 +431 303 4 877844183 +431 327 3 877844559 +431 328 4 877844377 +431 332 3 877844377 +431 358 2 877844489 +431 689 3 881127786 +431 690 3 877844183 +432 1 2 889415983 +432 3 3 889416260 +432 7 2 889415983 +432 15 4 889416456 +432 24 1 889416188 +432 93 2 889415812 +432 100 3 889415895 +432 108 3 889416608 +432 109 2 889416188 +432 117 4 889415853 +432 118 4 889416608 +432 121 4 889416312 +432 123 3 889416312 +432 150 5 889415853 +432 151 4 889415895 +432 181 5 889416118 +432 246 4 889415895 +432 248 4 889416352 +432 249 5 889416352 +432 250 1 889415895 +432 255 5 889416608 +432 257 5 889416118 +432 258 4 889416657 +432 276 4 889415947 +432 282 5 889416456 +432 284 4 889416521 +432 288 5 889416456 +432 293 5 889415812 +432 294 4 889416229 +432 298 3 889415852 +432 300 4 889415763 +432 313 4 889415763 +432 315 5 889415763 +432 322 3 889416657 +432 405 4 889416490 +432 410 4 889415895 +432 471 3 889416229 +432 475 4 889416147 +432 508 5 889415853 +432 628 5 889416398 +432 678 4 889416570 +432 763 5 889416570 +432 815 3 889416260 +432 827 3 889416570 +432 844 4 889415947 +432 845 4 889416260 +432 864 2 889416657 +432 871 2 889416456 +432 1012 5 889415947 +432 1016 3 889416397 +432 1047 5 889416118 +432 1049 2 889415983 +433 12 5 880585803 +433 59 5 880585730 +433 95 3 880585802 +433 137 5 880585904 +433 174 5 880585730 +433 205 3 880585730 +433 245 3 880585491 +433 246 4 880585885 +433 268 3 880585162 +433 269 5 880585068 +433 273 3 880585923 +433 276 5 880585843 +433 286 5 880585068 +433 293 3 880585843 +433 294 3 880585271 +433 300 3 880585068 +433 303 4 880585068 +433 322 2 880585466 +433 323 1 880585530 +433 326 2 880585386 +433 333 2 880585133 +433 340 3 880585162 +433 358 2 880585554 +433 435 4 880585700 +433 457 1 880585554 +433 474 3 880585759 +433 507 4 880585730 +433 754 3 880585162 +433 919 5 880585923 +433 1005 5 880585730 +433 1598 1 880585865 +434 1 4 886724590 +434 7 1 886724505 +434 9 1 886724563 +434 15 3 886724453 +434 111 5 886724540 +434 118 5 886724873 +434 147 3 886724822 +434 148 3 886724797 +434 151 5 886724453 +434 225 4 886724453 +434 237 5 886724754 +434 274 5 886724797 +434 283 3 886724505 +434 287 5 886724359 +434 288 5 886724797 +434 347 1 886724329 +434 411 5 886724873 +434 424 1 886724913 +434 471 2 886724797 +434 476 4 886725076 +434 477 5 886724940 +434 628 1 886724873 +434 743 1 886725027 +434 763 5 886724873 +434 819 3 886724873 +434 833 4 886724914 +434 844 3 886724505 +434 928 5 886724913 +434 974 5 886724940 +434 975 5 886724873 +434 1051 3 886724453 +434 1095 5 886724940 +434 1152 5 886724633 +434 1197 5 886724913 +435 1 5 884131712 +435 2 4 884132619 +435 3 3 884133911 +435 4 4 884132146 +435 5 2 884133046 +435 7 4 884131597 +435 8 3 884131576 +435 9 4 884131055 +435 10 5 884131950 +435 11 5 884131542 +435 12 5 884131434 +435 15 3 884132146 +435 17 2 884132540 +435 21 4 884134134 +435 22 4 884131156 +435 23 4 884132942 +435 24 4 884133084 +435 25 5 884132434 +435 27 1 884133911 +435 28 3 884131799 +435 29 3 884133691 +435 31 5 884131157 +435 33 3 884132672 +435 38 2 884133509 +435 39 3 884131822 +435 40 3 884133544 +435 42 3 884131267 +435 44 2 884132619 +435 45 5 884131681 +435 49 4 884132072 +435 50 5 884132515 +435 52 5 884132403 +435 53 3 884133447 +435 54 4 884132403 +435 55 5 884131434 +435 56 5 884131055 +435 58 3 884131328 +435 62 3 884133657 +435 63 2 884133757 +435 64 5 884131036 +435 67 4 884132919 +435 68 4 884131901 +435 69 4 884131243 +435 71 3 884132208 +435 72 4 884132809 +435 73 3 884132403 +435 76 3 884131328 +435 79 4 884131016 +435 80 2 884133610 +435 81 3 884131661 +435 82 5 884132100 +435 83 4 884131434 +435 84 2 884133757 +435 85 4 884132840 +435 86 4 884131844 +435 89 4 884131489 +435 90 4 884132756 +435 91 4 884131597 +435 95 3 884131868 +435 96 5 884131822 +435 98 5 884131576 +435 100 3 884131711 +435 101 3 884132184 +435 105 3 884133872 +435 108 1 884132540 +435 109 4 884132297 +435 111 3 884132777 +435 115 4 884131771 +435 117 3 884131356 +435 118 2 884132458 +435 121 3 884133284 +435 122 3 884134677 +435 123 2 884133509 +435 125 3 884132483 +435 127 4 884131681 +435 128 3 884132184 +435 132 3 884131156 +435 135 3 884131771 +435 136 4 884132434 +435 139 2 884134134 +435 141 2 884132898 +435 144 4 884131085 +435 148 3 884133284 +435 151 3 884132898 +435 152 4 884132072 +435 153 3 884131243 +435 154 4 884131434 +435 155 3 884133710 +435 156 4 884131822 +435 157 4 884132146 +435 159 5 884132898 +435 160 5 884133194 +435 161 3 884133710 +435 162 1 884132755 +435 163 3 884131489 +435 164 2 884132515 +435 167 3 884133224 +435 168 5 884131515 +435 169 5 884130995 +435 171 5 884131967 +435 172 5 884132619 +435 173 5 884131085 +435 174 5 884131627 +435 175 4 884132588 +435 176 5 884131627 +435 177 5 884131267 +435 179 5 884131085 +435 181 5 884132208 +435 182 4 884131356 +435 183 5 884132619 +435 184 5 884131771 +435 185 4 884131741 +435 186 4 884132367 +435 187 4 884131489 +435 188 4 884131901 +435 190 4 884132146 +435 191 4 884131200 +435 193 3 884131243 +435 194 4 884131627 +435 195 5 884131118 +435 196 4 884131597 +435 199 5 884132072 +435 200 5 884131661 +435 201 4 884131356 +435 202 4 884131901 +435 203 4 884131434 +435 204 3 884132366 +435 206 5 884133223 +435 208 4 884131515 +435 210 4 884131799 +435 211 4 884131627 +435 214 4 884131741 +435 215 2 884131576 +435 216 3 884131118 +435 217 4 884133161 +435 218 3 884133194 +435 219 5 884133691 +435 222 3 884132027 +435 225 3 884134076 +435 226 4 884133161 +435 227 4 884133372 +435 228 4 884131157 +435 229 2 884133544 +435 230 3 884132809 +435 234 4 884132619 +435 235 4 884132266 +435 239 4 884132968 +435 245 2 884130810 +435 246 5 884134345 +435 249 4 884134242 +435 250 4 884134290 +435 252 2 884134677 +435 254 3 884134910 +435 255 3 884134290 +435 257 4 884134363 +435 258 4 884130647 +435 260 3 884130810 +435 264 3 884130671 +435 265 3 884131996 +435 268 5 884130688 +435 271 4 884130671 +435 273 5 884131298 +435 284 2 884132898 +435 288 4 884130605 +435 290 3 884132484 +435 291 4 884133446 +435 294 4 884130584 +435 298 4 884134500 +435 300 2 884130647 +435 307 5 884130744 +435 313 5 884268770 +435 317 2 884132483 +435 318 5 884131385 +435 321 3 889722170 +435 327 3 884130765 +435 331 5 884130671 +435 333 3 884130647 +435 338 2 887509306 +435 343 5 884130744 +435 351 2 887509368 +435 354 3 889722012 +435 357 4 884131771 +435 358 4 884130864 +435 366 2 884133134 +435 367 3 884131741 +435 369 1 884134771 +435 376 2 884134019 +435 381 4 884133585 +435 382 3 884131949 +435 384 3 884134047 +435 385 5 884131771 +435 386 4 884133584 +435 392 3 884131404 +435 393 2 884133610 +435 394 4 884132873 +435 399 3 884133253 +435 401 3 884133447 +435 402 3 884131996 +435 403 4 884132756 +435 404 2 884132266 +435 405 4 884132540 +435 406 3 884134810 +435 409 3 884134019 +435 410 5 884133733 +435 411 3 884132484 +435 412 3 884134677 +435 413 2 884134104 +435 420 4 884132561 +435 423 2 884131157 +435 424 1 884134536 +435 427 3 884131542 +435 430 5 884131712 +435 432 3 884132968 +435 433 5 884131243 +435 434 2 884131542 +435 435 3 884132230 +435 436 4 884133691 +435 441 3 884133084 +435 444 3 884134075 +435 447 3 884132315 +435 448 3 884132230 +435 451 4 884133487 +435 455 3 884132208 +435 465 2 884132515 +435 470 2 884131661 +435 472 2 884133466 +435 473 3 884133544 +435 474 3 884131085 +435 476 3 884133872 +435 479 3 884131901 +435 496 4 884131243 +435 501 3 884132266 +435 520 4 884132027 +435 527 4 884130995 +435 541 4 884134187 +435 542 1 884133691 +435 546 4 884132942 +435 549 3 884132588 +435 550 3 884133253 +435 554 3 884133194 +435 559 3 884132342 +435 561 2 884133064 +435 562 5 884133819 +435 566 4 884132643 +435 567 3 884133785 +435 568 2 884131868 +435 569 3 884134019 +435 571 2 884134047 +435 572 2 884133938 +435 573 1 884132515 +435 576 3 884133447 +435 577 3 884133973 +435 578 5 884132230 +435 584 3 884132297 +435 585 3 884133447 +435 587 3 884132403 +435 588 4 884131996 +435 596 4 884132184 +435 597 3 884133284 +435 603 3 884131118 +435 609 4 884132873 +435 616 2 884133284 +435 625 2 884132588 +435 627 3 884133194 +435 628 5 884132990 +435 631 2 884132540 +435 635 3 884133544 +435 636 4 884134047 +435 637 4 884132691 +435 640 4 884132873 +435 649 3 884133330 +435 652 4 884131741 +435 655 2 884131799 +435 658 3 884133223 +435 659 4 884131515 +435 665 3 884133973 +435 672 1 884133253 +435 673 3 884132341 +435 674 2 884132643 +435 675 3 884132873 +435 679 3 884133372 +435 684 4 884131356 +435 685 2 884134345 +435 687 2 884130834 +435 696 3 884132342 +435 697 4 884133372 +435 709 4 884131822 +435 710 4 884131267 +435 713 5 884131385 +435 715 3 884133635 +435 717 3 884134104 +435 720 2 884133818 +435 721 4 884132072 +435 722 3 884133818 +435 729 2 884133757 +435 732 4 884132341 +435 742 4 884132840 +435 743 3 884134910 +435 746 4 884132184 +435 748 4 884130765 +435 751 4 884130725 +435 752 3 887509539 +435 755 2 884132266 +435 760 1 884133330 +435 762 4 884132840 +435 763 5 884133544 +435 768 3 884133509 +435 778 4 884131844 +435 781 3 884133447 +435 786 4 884133657 +435 790 4 884133818 +435 792 4 884131404 +435 797 3 884133872 +435 800 4 884133819 +435 818 2 884133938 +435 820 1 884132367 +435 821 2 884132840 +435 824 1 884134627 +435 825 3 884133372 +435 826 2 884134713 +435 831 2 884134677 +435 834 5 884134910 +435 841 2 884134553 +435 845 3 884132100 +435 862 1 884133972 +435 885 3 887509396 +435 890 1 884130883 +435 895 3 884130647 +435 919 5 884132184 +435 924 3 884132072 +435 926 3 884133972 +435 928 3 884134187 +435 929 2 884133635 +435 930 3 884134019 +435 943 3 884131712 +435 944 2 884133911 +435 946 2 884132072 +435 953 3 884132968 +435 961 1 884133635 +435 977 2 884134829 +435 983 2 884134830 +435 1014 2 884134515 +435 1016 4 884134377 +435 1028 2 884133284 +435 1039 4 884132755 +435 1044 4 884132515 +435 1047 3 884132315 +435 1061 3 884134754 +435 1069 4 884131489 +435 1074 2 884133415 +435 1103 4 884131627 +435 1109 3 884132643 +435 1128 2 884132027 +435 1133 2 884133224 +435 1151 1 884134019 +435 1185 1 884133371 +435 1204 3 884132100 +435 1215 3 884134810 +435 1217 3 884133819 +435 1225 3 884131597 +435 1228 2 884133972 +435 1231 2 884134019 +435 1240 4 884132296 +435 1268 5 884131950 +435 1291 1 884134853 +435 1401 4 884131868 +435 1411 1 884133104 +435 1419 2 884133785 +435 1552 3 884134187 +436 11 5 887769777 +436 21 3 887772028 +436 23 4 887770064 +436 26 3 887771146 +436 38 3 887771924 +436 39 3 887769887 +436 43 2 887770300 +436 47 4 887769930 +436 50 4 887769415 +436 65 4 887771753 +436 66 5 887770457 +436 72 5 887770693 +436 81 3 887770244 +436 83 5 887770115 +436 90 3 887770266 +436 92 3 887770115 +436 95 4 887770037 +436 96 4 887769535 +436 98 4 887769280 +436 99 3 887770344 +436 102 4 887770588 +436 111 4 887771773 +436 125 4 887770037 +436 127 5 887769930 +436 143 2 887770092 +436 144 5 887769444 +436 157 5 887768982 +436 159 4 887770192 +436 167 3 887770403 +436 168 3 887769050 +436 172 3 887768945 +436 179 3 887770015 +436 182 5 887769150 +436 186 3 887769801 +436 187 5 887768982 +436 200 3 887769515 +436 204 5 887769209 +436 215 4 887770457 +436 216 4 887770064 +436 217 4 887771146 +436 218 4 887771123 +436 219 5 887770064 +436 226 4 887770640 +436 234 3 887769471 +436 239 3 887769952 +436 264 2 887768669 +436 265 3 887769106 +436 273 4 887769233 +436 276 4 887769824 +436 278 2 887771924 +436 287 4 887770169 +436 288 4 887768445 +436 313 5 887768521 +436 325 3 887768756 +436 327 5 887768694 +436 340 5 887768445 +436 347 4 887768398 +436 348 4 887768521 +436 367 4 887770217 +436 381 4 887769209 +436 392 4 887769079 +436 400 3 887771924 +436 423 4 887769992 +436 425 4 887769335 +436 427 3 887769105 +436 435 4 887769256 +436 441 3 887772060 +436 447 1 887769444 +436 468 4 887771826 +436 469 3 887769128 +436 470 4 887770566 +436 503 4 887769802 +436 504 4 887769151 +436 506 5 887770485 +436 507 4 887769801 +436 537 4 887769471 +436 546 3 887771826 +436 550 4 887771093 +436 553 3 887769777 +436 559 4 887770640 +436 568 5 887769416 +436 581 4 887772060 +436 585 3 887771722 +436 592 3 887770379 +436 595 5 887770731 +436 628 5 887770457 +436 635 3 887771875 +436 642 4 887769079 +436 649 5 887771269 +436 655 5 887769233 +436 660 4 887771825 +436 693 5 887769515 +436 708 3 887770457 +436 710 4 887769281 +436 715 4 887770668 +436 721 3 887770092 +436 723 3 887771853 +436 739 4 887771853 +436 742 5 887769050 +436 746 5 887770015 +436 747 5 887770640 +436 748 3 887768738 +436 761 4 887770693 +436 762 4 887771722 +436 763 4 887771042 +436 785 2 887770731 +436 787 5 887770640 +436 790 3 887770428 +436 794 4 887771123 +436 821 4 887769733 +436 840 3 887771997 +436 845 5 887771269 +436 856 4 887769952 +436 869 4 887771722 +436 895 4 887768717 +436 925 4 887770507 +436 928 4 887770547 +436 941 4 887771997 +436 974 5 887771997 +436 986 3 887770300 +436 1028 4 887770693 +436 1048 2 887770379 +436 1053 4 887771853 +436 1058 4 887770547 +436 1061 3 887771997 +436 1119 4 887769368 +436 1135 4 887771022 +436 1178 3 887771825 +436 1206 3 887769868 +436 1227 2 887772028 +436 1248 3 887770485 +436 1263 3 887772060 +436 1468 5 887770668 +436 1489 2 887770731 +436 1522 2 887771123 +437 5 2 880143663 +437 8 4 880140752 +437 11 1 880139951 +437 12 5 880382685 +437 13 4 880141129 +437 15 4 881001946 +437 23 4 880140288 +437 26 2 880142399 +437 28 3 880140534 +437 30 4 880140855 +437 42 3 880141129 +437 47 4 880140534 +437 50 5 881000958 +437 51 1 880382644 +437 52 3 880141402 +437 56 4 880140325 +437 58 4 880141243 +437 65 4 880140787 +437 66 3 880143167 +437 69 2 880140501 +437 70 3 881002161 +437 71 3 880141402 +437 77 4 880143040 +437 79 4 880143855 +437 82 3 880140192 +437 83 4 880140325 +437 86 4 881001715 +437 87 3 880140891 +437 88 3 880143140 +437 89 2 880140101 +437 90 3 880143289 +437 91 3 880143315 +437 94 4 881001436 +437 95 4 880143315 +437 97 3 880141286 +437 98 5 880141962 +437 99 4 881001946 +437 100 4 880140051 +437 101 3 880143355 +437 111 3 881002067 +437 116 3 880139997 +437 117 1 881001121 +437 118 2 880142991 +437 121 3 881001766 +437 124 5 880140101 +437 129 1 880140433 +437 131 5 880140787 +437 132 5 880141962 +437 133 5 880140122 +437 134 5 880139951 +437 135 4 880140101 +437 137 5 880140221 +437 139 3 881001576 +437 143 5 880141528 +437 144 2 880141196 +437 145 1 880143663 +437 151 5 881002374 +437 152 4 880141129 +437 153 5 881001888 +437 154 4 880141129 +437 155 3 880143189 +437 156 2 880140627 +437 161 2 880140288 +437 162 4 880141129 +437 166 4 880140398 +437 168 3 881002161 +437 170 5 880140787 +437 172 4 880140257 +437 174 5 880140122 +437 176 2 880143809 +437 179 4 881002345 +437 180 4 880139868 +437 181 4 880140466 +437 182 2 880140432 +437 183 3 880140892 +437 185 5 880140192 +437 186 3 881001208 +437 189 2 881001946 +437 191 4 880140726 +437 195 2 880141286 +437 196 4 880140627 +437 197 5 880141962 +437 200 4 880140398 +437 202 5 881001715 +437 203 1 880140978 +437 204 5 880141528 +437 207 4 880142365 +437 208 5 880139997 +437 210 3 881002191 +437 211 4 880140100 +437 212 3 880141402 +437 213 4 881000931 +437 214 4 880141041 +437 215 3 880140325 +437 216 5 880141041 +437 217 3 880143695 +437 218 2 880142830 +437 219 3 880143663 +437 221 5 880140154 +437 226 1 880142942 +437 229 3 880142942 +437 234 4 880142851 +437 237 4 880140466 +437 238 5 880140369 +437 239 4 880141529 +437 244 3 881001270 +437 248 2 880141716 +437 249 5 880142027 +437 253 1 880141796 +437 254 3 881002300 +437 265 3 880142942 +437 275 5 881001888 +437 276 5 880141618 +437 281 1 881001148 +437 283 1 880141716 +437 286 2 880139482 +437 287 2 881000931 +437 288 2 880139533 +437 292 5 880139631 +437 301 3 881002067 +437 318 4 880140466 +437 319 5 881001538 +437 378 4 880143451 +437 381 5 880142426 +437 387 2 880140726 +437 393 3 880382747 +437 401 5 880143505 +437 402 2 880143263 +437 404 5 880141374 +437 412 3 880142147 +437 415 4 880143591 +437 417 5 880143482 +437 418 3 880141084 +437 420 3 881002191 +437 421 4 881001983 +437 423 5 880141196 +437 425 4 880141374 +437 428 5 881001983 +437 432 3 880140854 +437 433 3 880140369 +437 435 3 881001945 +437 436 4 880143635 +437 443 4 880142851 +437 447 4 880143663 +437 450 3 880143040 +437 451 5 880143115 +437 462 5 881002324 +437 463 5 880141008 +437 466 2 881001121 +437 473 5 881001888 +437 475 3 880140288 +437 476 4 880142177 +437 478 5 881002323 +437 479 5 880141335 +437 480 4 881002345 +437 482 5 880140051 +437 483 5 880141962 +437 484 4 880140051 +437 485 4 880140854 +437 496 4 880140662 +437 497 5 880140192 +437 499 5 880141962 +437 501 4 880143315 +437 507 5 880140015 +437 511 5 880141962 +437 512 4 880140978 +437 514 4 880140369 +437 517 4 880140927 +437 518 2 880143809 +437 521 4 880141164 +437 523 3 881002191 +437 558 3 880142365 +437 559 3 880143695 +437 566 3 881002161 +437 581 1 880143010 +437 582 5 880140855 +437 583 1 880143040 +437 584 3 880141243 +437 588 3 881002092 +437 602 3 880140822 +437 603 5 880140051 +437 606 4 880140978 +437 607 5 880140892 +437 614 5 880139951 +437 629 3 881002405 +437 640 1 881002300 +437 642 1 880141441 +437 651 4 881002345 +437 652 4 881001983 +437 654 5 880141041 +437 657 5 881001888 +437 658 4 880141335 +437 660 4 880141441 +437 663 5 880141084 +437 665 2 880143695 +437 672 1 881002300 +437 674 3 880143714 +437 683 2 881001121 +437 684 3 880382747 +437 692 4 880143115 +437 696 3 880142991 +437 697 4 880140978 +437 698 2 880142426 +437 699 4 880143419 +437 702 1 880141335 +437 705 4 880141335 +437 707 3 880141374 +437 709 5 881000931 +437 710 4 880140822 +437 716 5 881002345 +437 721 2 880141335 +437 727 3 881001576 +437 730 3 880141374 +437 732 4 880143167 +437 736 5 881001888 +437 737 1 880142614 +437 739 3 880143243 +437 746 4 880141335 +437 747 4 880143167 +437 748 4 880139631 +437 753 4 880140927 +437 755 3 880143450 +437 770 3 881001208 +437 778 3 881002092 +437 781 4 880143263 +437 794 4 880143243 +437 812 3 881002092 +437 842 4 880143451 +437 843 4 880143520 +437 946 3 881002092 +437 955 4 881002404 +437 961 5 881002323 +437 969 4 881001888 +437 1006 3 881001472 +437 1007 5 881002374 +437 1036 5 880143562 +437 1039 2 880140101 +437 1063 5 880141661 +437 1075 4 881002374 +437 1090 1 880143092 +437 1091 3 880143392 +437 1098 3 880141243 +437 1113 4 881002161 +437 1134 4 880141008 +437 1142 4 880141696 +437 1148 4 881001983 +437 1153 5 880141962 +437 1161 4 880141770 +437 1206 4 881002191 +437 1211 4 881001208 +437 1227 3 880142630 +437 1267 4 880141528 +437 1599 5 880142614 +438 1 4 879868096 +438 21 2 879868683 +438 100 4 879868024 +438 118 4 879868529 +438 148 5 879868443 +438 220 4 879868328 +438 245 5 879867960 +438 252 4 879868364 +438 255 4 879868242 +438 257 4 879868159 +438 280 5 879868423 +438 281 4 879868494 +438 282 5 879868264 +438 284 2 879868308 +438 286 2 879867960 +438 300 4 879867960 +438 301 4 879867960 +438 471 4 879868184 +438 619 4 879868159 +438 815 5 879868581 +438 845 4 879868042 +438 864 3 879868547 +438 866 5 879868529 +439 7 4 882893245 +439 100 3 882892705 +439 121 2 882893768 +439 147 4 882893737 +439 237 5 882893220 +439 240 3 882893859 +439 246 4 882892755 +439 268 4 882892424 +439 273 2 882892675 +439 276 5 882892755 +439 285 5 882893220 +439 290 4 882894084 +439 293 3 882892818 +439 300 4 882892424 +439 301 3 882892424 +439 307 3 882892424 +439 591 4 882892818 +439 895 3 882892424 +439 1048 4 882893602 +439 1328 4 882893891 +439 1600 5 882893291 +440 57 5 891577949 +440 70 4 891577950 +440 86 5 891577919 +440 171 5 891577871 +440 198 4 891577843 +440 213 4 891577950 +440 242 5 891546594 +440 243 1 891577504 +440 245 4 891548470 +440 258 4 891547637 +440 271 5 891550404 +440 272 5 891546631 +440 300 3 891546785 +440 304 5 891546785 +440 310 3 891546631 +440 312 5 891550404 +440 313 4 891546631 +440 319 2 891549397 +440 324 5 891548567 +440 328 3 891546895 +440 329 5 891548567 +440 340 2 891549397 +440 350 5 891550404 +440 361 5 891548567 +440 462 5 891577994 +440 582 3 891577919 +440 736 5 891578036 +440 749 3 891547746 +440 750 5 891546784 +440 883 5 891550404 +440 904 5 891546654 +440 921 5 891578264 +440 923 5 891577843 +440 937 5 891548567 +440 971 5 891577871 +440 988 1 891577504 +440 1105 5 891548567 +440 1191 5 891550404 +440 1194 5 891577843 +440 1265 5 891548567 +440 1591 5 891548567 +441 7 4 891035468 +441 100 3 891035441 +441 121 4 891035489 +441 282 4 891035528 +441 294 4 891035211 +441 300 3 891035056 +441 313 4 891035056 +441 338 4 891035289 +441 342 4 891035267 +441 538 3 891035144 +442 2 3 883390544 +442 7 4 883389983 +442 11 4 883390284 +442 12 4 883390912 +442 17 4 883388535 +442 22 2 883390813 +442 26 3 883388576 +442 27 2 883390416 +442 29 3 883390641 +442 33 3 883388508 +442 38 3 883390674 +442 41 4 883388609 +442 42 4 883388401 +442 44 2 883391146 +442 53 3 883390048 +442 55 3 883390813 +442 56 5 883388237 +442 62 2 883390641 +442 64 5 883389682 +442 67 3 883389028 +442 68 3 883390416 +442 69 3 883390935 +442 77 3 883391325 +442 79 3 883390366 +442 82 3 883390497 +442 89 4 883390416 +442 90 3 883388609 +442 92 5 883389776 +442 96 4 883390328 +442 100 2 883388325 +442 117 3 883390366 +442 121 2 883390544 +442 129 4 883391146 +442 144 4 883390328 +442 150 4 883388283 +442 153 3 883388237 +442 154 4 883389491 +442 156 4 883391221 +442 159 4 883391299 +442 161 3 883390497 +442 164 2 883390083 +442 168 4 883388325 +442 172 5 883389580 +442 174 4 883389776 +442 176 5 883390284 +442 177 4 883390366 +442 181 4 883390416 +442 184 2 883390083 +442 186 4 883388429 +442 188 3 883390782 +442 195 4 883390328 +442 203 3 883391146 +442 204 3 883389028 +442 209 4 883388283 +442 210 3 883388609 +442 217 3 883390083 +442 218 3 883390048 +442 219 3 883390009 +442 222 3 883391221 +442 226 3 883390416 +442 227 3 883390574 +442 228 5 883390366 +442 230 3 883390466 +442 231 3 883390609 +442 234 4 883389983 +442 239 3 883388401 +442 240 2 883388833 +442 268 4 883388092 +442 273 4 883390328 +442 276 4 883391027 +442 281 3 883391299 +442 286 2 883388031 +442 288 4 883390048 +442 294 2 883388120 +442 313 3 883387916 +442 318 4 883391046 +442 342 2 883388147 +442 350 2 883387916 +442 367 2 883388887 +442 403 4 883390466 +442 405 3 883390497 +442 410 4 883388508 +442 433 4 883388283 +442 436 3 883390048 +442 441 3 883390083 +442 447 3 883390048 +442 449 2 883390739 +442 450 3 883391377 +442 452 3 883390169 +442 470 4 883391167 +442 482 3 883389747 +442 508 3 883388283 +442 546 3 883390574 +442 550 2 883390466 +442 559 2 883390048 +442 569 2 883390140 +442 572 3 883391344 +442 576 2 883390703 +442 578 2 883390466 +442 591 3 883391221 +442 628 4 883391221 +442 635 4 883389380 +442 636 5 883390416 +442 665 2 883390139 +442 672 3 883390048 +442 684 3 883391221 +442 685 2 883390703 +442 695 5 883387935 +442 710 5 883388576 +442 738 3 883389164 +442 742 3 883391146 +442 746 3 883388354 +442 769 1 883391397 +442 780 3 883388986 +442 800 3 883390139 +442 810 2 883390674 +442 834 2 883389337 +442 859 3 883390169 +442 871 1 883389455 +442 873 2 883388120 +442 928 3 883391299 +442 943 4 883391221 +442 975 3 883391377 +442 979 3 883391344 +442 986 1 883391377 +442 988 1 883388064 +442 1067 3 883388576 +442 1074 3 883389053 +442 1098 4 883388237 +442 1170 4 883388909 +442 1183 3 883390674 +442 1188 3 883390609 +442 1218 2 883388960 +443 39 1 883505492 +443 175 2 883505396 +443 245 3 883504796 +443 260 1 883504818 +443 269 3 883504564 +443 294 5 883504593 +443 307 3 883504564 +443 309 5 883504866 +443 313 4 883504564 +443 333 5 883504654 +443 343 5 883504771 +443 358 1 883504748 +443 748 4 883505171 +443 948 1 883504844 +444 9 5 890247287 +444 245 4 891979402 +444 251 5 890247385 +444 258 3 890246907 +444 269 4 891979402 +444 271 3 891979403 +444 272 5 891978637 +444 275 4 891979402 +444 286 2 890246847 +444 306 5 890246907 +444 307 3 891979402 +444 313 4 890246940 +444 328 5 890247082 +444 748 1 890247172 +445 1 3 891199749 +445 7 1 891200078 +445 9 2 891199655 +445 12 2 890987617 +445 23 3 890987465 +445 28 4 890987772 +445 50 2 891199715 +445 55 1 890987712 +445 56 5 891200869 +445 64 2 890987771 +445 79 4 890987742 +445 87 3 890988205 +445 93 1 891199945 +445 96 4 890987655 +445 100 2 890987569 +445 117 1 891199821 +445 118 2 891200506 +445 121 1 891200233 +445 127 2 890987687 +445 144 3 890987569 +445 147 2 891199974 +445 150 2 890987617 +445 151 4 891200869 +445 174 4 891200869 +445 181 2 891199945 +445 183 2 890987687 +445 203 3 890988205 +445 208 2 890987712 +445 209 4 891200869 +445 221 1 891200203 +445 235 1 891200272 +445 237 2 891199906 +445 245 2 891035830 +445 246 1 891199682 +445 248 1 891199774 +445 249 2 891200447 +445 257 2 891199945 +445 268 1 890987410 +445 271 1 891199458 +445 272 3 890988205 +445 273 2 891199869 +445 274 2 891200164 +445 276 3 891199869 +445 281 1 891200417 +445 288 2 891035830 +445 289 1 891199510 +445 291 2 891200233 +445 293 3 891199945 +445 295 1 891199843 +445 298 2 891199906 +445 300 1 890987410 +445 302 1 891199195 +445 310 1 891199331 +445 313 2 890988206 +445 324 1 891199297 +445 325 1 891199533 +445 327 2 891035830 +445 330 2 891199274 +445 333 2 890987410 +445 340 5 891035571 +445 343 1 891199385 +445 346 5 891200869 +445 405 4 891200869 +445 433 2 890987617 +445 458 2 891200272 +445 460 2 891200624 +445 475 5 891200869 +445 479 3 890988206 +445 480 3 890988206 +445 504 3 890988206 +445 508 2 891200078 +445 544 2 891200417 +445 546 2 891200417 +445 591 2 891200020 +445 595 2 891200624 +445 603 3 890988205 +445 644 3 890988205 +445 689 1 891199458 +445 742 1 891200078 +445 744 2 891200272 +445 748 1 891199458 +445 752 1 891199167 +445 762 1 891200355 +445 763 2 891200233 +445 818 1 891200656 +445 829 1 891200624 +445 831 1 891200447 +445 840 1 891200320 +445 844 2 891200138 +445 845 2 891200320 +445 871 2 891200592 +445 879 2 891199331 +445 881 1 891199510 +445 886 3 891035539 +445 895 2 891035897 +445 902 4 891200870 +445 908 1 891199331 +445 933 1 891200390 +445 959 5 891200869 +445 979 2 891200272 +445 994 1 891199682 +445 1008 1 891200320 +445 1009 2 891200321 +445 1010 1 891200506 +445 1011 1 891200320 +445 1012 1 891199843 +445 1014 1 891200506 +445 1016 1 891200164 +445 1047 1 891200656 +445 1051 1 891200390 +445 1067 1 891200390 +445 1081 1 891200447 +445 1097 1 891199682 +445 1129 4 891199994 +445 1143 4 891200870 +445 1187 3 891200137 +445 1199 1 891200447 +445 1245 1 891200390 +445 1252 1 891199749 +445 1277 2 891200736 +445 1378 2 891199635 +445 1528 2 891200355 +445 1534 1 891199749 +445 1598 1 891200592 +445 1601 1 891199533 +446 245 4 879787226 +446 268 2 879786892 +446 270 4 879786892 +446 286 3 879787730 +446 289 3 879786984 +446 292 5 879786838 +446 299 2 879787149 +446 300 3 879787149 +446 301 3 879786838 +446 302 4 879787730 +446 303 2 879787859 +446 306 3 879786691 +446 307 3 879786892 +446 321 4 879786943 +446 322 3 879787226 +446 327 2 879787858 +446 328 3 879786984 +446 334 3 879787149 +446 338 2 879786943 +446 340 2 879786691 +446 359 3 879787226 +446 688 2 879786985 +446 690 2 879786892 +446 754 3 879787858 +446 879 3 879786691 +446 887 4 879786943 +447 1 3 878854273 +447 5 3 878856422 +447 7 5 878854383 +447 9 2 878854195 +447 11 4 878856208 +447 12 5 878855907 +447 13 5 878854630 +447 15 1 878854481 +447 17 3 878856110 +447 22 4 878856422 +447 24 3 878854520 +447 25 4 878854630 +447 27 3 878856601 +447 28 4 878856110 +447 31 4 878856526 +447 50 5 878854552 +447 55 4 878856573 +447 56 5 878855782 +447 65 3 878856422 +447 68 5 878855819 +447 79 3 878856110 +447 83 5 878856458 +447 85 4 878856526 +447 89 5 878855723 +447 91 4 878856549 +447 96 5 878855847 +447 98 4 878855873 +447 111 3 878854954 +447 117 4 878854630 +447 118 4 878854578 +447 123 3 878854459 +447 132 4 878855963 +447 133 4 878856052 +447 135 5 878855989 +447 144 5 878856078 +447 147 4 878854678 +447 150 4 878854438 +447 151 3 878854520 +447 153 4 878855756 +447 156 5 878856625 +447 157 4 878856290 +447 158 3 878856262 +447 174 5 878856052 +447 175 3 878855847 +447 176 4 878856148 +447 180 5 878855989 +447 181 5 878854520 +447 183 5 878856394 +447 200 3 878855963 +447 201 2 878855723 +447 202 3 878856078 +447 204 4 878856458 +447 206 4 878856209 +447 209 4 878856148 +447 211 4 878855724 +447 222 3 878854340 +447 223 5 878856394 +447 227 2 878856233 +447 228 4 878855682 +447 231 2 878856394 +447 233 4 878856526 +447 235 2 878854605 +447 237 4 878854234 +447 248 5 878854383 +447 252 3 878854975 +447 257 3 878854520 +447 258 5 878853977 +447 260 2 878854120 +447 265 4 878856394 +447 274 1 878854552 +447 276 4 878854552 +447 278 3 878854810 +447 281 3 878854857 +447 282 4 878856290 +447 284 4 878854552 +447 286 2 878855082 +447 288 4 878855082 +447 290 4 878854838 +447 293 4 878854459 +447 294 4 878855082 +447 298 4 878854195 +447 300 4 878854011 +447 367 3 878856232 +447 405 2 878854704 +447 410 2 878854630 +447 411 2 878855107 +447 435 4 878855756 +447 447 3 878855724 +447 469 4 878856394 +447 470 4 878856208 +447 471 4 878854340 +447 474 3 878856022 +447 483 5 878855818 +447 484 5 878856457 +447 498 4 878856321 +447 508 3 878854195 +447 535 4 878854954 +447 546 2 878854704 +447 559 3 878856172 +447 582 4 878855724 +447 591 4 878855139 +447 597 3 878855021 +447 629 3 878855907 +447 642 4 878855819 +447 678 3 878854056 +447 716 2 878856573 +447 737 4 878855907 +447 742 3 878854658 +447 748 1 878854056 +447 760 4 878854838 +447 762 3 878855139 +447 770 3 878856601 +447 815 3 878854658 +447 845 3 878854678 +447 866 2 878855082 +447 879 3 878854056 +447 926 3 878854438 +447 952 4 878854315 +447 963 5 878855963 +447 981 2 878855139 +447 1009 4 878854876 +447 1016 3 878854918 +447 1028 3 878855139 +447 1046 3 878856602 +447 1048 2 878854579 +447 1132 3 878855164 +447 1142 5 878854481 +447 1315 4 878854838 +447 1326 4 878854838 +448 258 4 891887440 +448 270 5 891888137 +448 271 4 891888509 +448 286 2 891887393 +448 288 1 891887161 +448 301 1 891888099 +448 302 5 891887337 +448 304 3 891888137 +448 305 4 891888509 +448 307 2 891888042 +448 312 1 891888653 +448 319 5 891888099 +448 321 4 891888509 +448 327 2 891888367 +448 333 2 891887161 +448 338 1 891888712 +448 340 4 891888137 +448 344 4 891888244 +448 345 5 891887440 +448 750 5 891888099 +448 874 3 891889281 +448 887 2 891888042 +448 900 3 891887393 +448 902 4 891888779 +448 1022 5 891888244 +448 1062 5 891888178 +448 1176 2 891887393 +448 1602 4 891888042 +449 9 4 879958624 +449 14 3 879958603 +449 15 4 879958866 +449 59 5 880410599 +449 60 5 880410652 +449 61 5 880410700 +449 70 4 880410777 +449 86 4 880410599 +449 100 5 879958664 +449 105 1 879959573 +449 106 3 879958936 +449 117 3 879958624 +449 118 1 879959573 +449 120 1 879959573 +449 122 1 879959573 +449 127 5 879958572 +449 170 4 880410652 +449 171 4 880410599 +449 179 4 880410674 +449 198 4 880410624 +449 213 3 880410652 +449 244 4 879959152 +449 248 4 879958888 +449 251 3 879958603 +449 268 2 880410988 +449 269 5 879958444 +449 273 4 879959003 +449 274 2 879959003 +449 276 5 879958705 +449 285 5 879958572 +449 288 3 879959082 +449 293 4 879958803 +449 310 3 880410951 +449 333 3 879958474 +449 337 4 880411035 +449 410 3 879959134 +449 459 4 879958803 +449 462 5 880410674 +449 473 3 879958866 +449 475 5 879958603 +449 515 5 879958685 +449 544 3 879959023 +449 546 2 879959573 +449 558 4 880410599 +449 593 4 879959101 +449 639 5 880410700 +449 640 5 880410734 +449 702 5 880410778 +449 742 3 879958839 +449 748 2 879959273 +449 753 5 880410700 +449 763 2 879959190 +449 936 5 879958721 +449 983 2 879959331 +449 1005 5 880410734 +449 1006 4 880410701 +449 1010 4 879958664 +449 1011 4 879958685 +449 1073 5 880410734 +449 1142 4 879958803 +449 1195 5 880410754 +449 1318 2 879959573 +449 1367 4 879958976 +449 1372 4 880410834 +449 1404 5 880410801 +450 1 4 887835272 +450 2 4 882474001 +450 3 4 882398220 +450 4 3 882373865 +450 7 4 882376885 +450 10 4 882398567 +450 11 5 882376365 +450 12 4 882373231 +450 13 3 882373297 +450 15 3 882812350 +450 22 5 882373865 +450 23 5 887136837 +450 25 3 882376188 +450 26 5 882396489 +450 28 4 882377861 +450 29 3 887661438 +450 33 5 882398083 +450 35 2 882468790 +450 38 4 882474001 +450 39 4 882376282 +450 43 4 887139080 +450 44 3 882376658 +450 47 3 882394180 +450 49 5 882469728 +450 50 5 882371415 +450 51 4 882377358 +450 54 4 887138820 +450 56 4 882371645 +450 59 4 882371904 +450 60 3 882472089 +450 61 4 882376446 +450 63 4 882469941 +450 64 4 882373656 +450 65 3 882376885 +450 66 4 882398770 +450 67 3 882469941 +450 69 4 882373532 +450 70 4 882374497 +450 71 3 882377358 +450 73 3 887661438 +450 76 3 882395913 +450 77 4 887139143 +450 78 2 882396245 +450 79 4 882376446 +450 80 3 882471737 +450 81 4 882376188 +450 82 3 887834953 +450 83 4 882372027 +450 86 4 887660440 +450 87 5 882374059 +450 88 5 882396799 +450 89 5 882371311 +450 90 4 887660650 +450 91 4 887660763 +450 92 4 887660650 +450 94 4 882468239 +450 95 3 882395167 +450 96 4 887834823 +450 97 4 882396351 +450 98 4 882371732 +450 99 4 882376803 +450 101 5 882399359 +450 102 4 882468047 +450 110 4 882469250 +450 111 4 882377590 +450 112 2 882468307 +450 114 5 887660504 +450 117 4 882397373 +450 118 3 882395166 +450 121 3 882395537 +450 123 2 882373464 +450 125 4 882376803 +450 126 5 882396051 +450 127 5 882373155 +450 131 4 882377861 +450 132 5 882374422 +450 133 5 882373019 +450 134 3 882373597 +450 135 3 882373231 +450 136 5 882812349 +450 139 5 882812558 +450 140 3 882376585 +450 141 3 882377726 +450 143 5 882394364 +450 144 5 882373865 +450 145 3 887661438 +450 151 5 882376658 +450 152 5 882395052 +450 153 5 882374422 +450 154 3 882377590 +450 155 4 882396564 +450 157 3 882394180 +450 158 3 882471524 +450 161 5 882396245 +450 163 4 882377358 +450 164 4 882396050 +450 166 5 887660440 +450 167 5 882469863 +450 168 5 882376803 +450 169 5 882371732 +450 170 5 887660440 +450 172 4 882372103 +450 173 5 882371526 +450 174 5 882374422 +450 176 4 882373088 +450 177 4 887136369 +450 178 4 882394251 +450 179 5 882394364 +450 180 4 882373020 +450 181 4 882372103 +450 182 5 882376585 +450 183 4 882394180 +450 185 5 882376365 +450 186 3 882396799 +450 187 5 882373597 +450 188 3 882395778 +450 190 4 882373385 +450 191 5 887660440 +450 192 4 882467868 +450 193 5 882372027 +450 194 5 882373786 +450 195 4 882371826 +450 196 5 882371526 +450 197 5 882374059 +450 199 5 882371732 +450 200 3 882376188 +450 202 4 882397223 +450 203 4 882396799 +450 204 4 882377590 +450 205 4 882373531 +450 207 4 882374497 +450 208 5 882377358 +450 210 3 887835408 +450 211 5 882373865 +450 213 4 882396351 +450 214 1 882371416 +450 215 5 882396051 +450 218 4 882397224 +450 220 4 882394097 +450 221 4 882395052 +450 222 3 882395778 +450 223 3 882371732 +450 225 4 887662002 +450 226 4 882474001 +450 227 3 882398313 +450 228 4 882373019 +450 229 4 882474001 +450 230 4 882371732 +450 231 3 887662002 +450 232 4 882398666 +450 233 3 882474001 +450 234 3 882396245 +450 235 3 887661217 +450 237 5 887660650 +450 238 5 882396928 +450 239 5 882373865 +450 241 4 882376658 +450 245 4 892141986 +450 252 3 887834953 +450 254 3 887662083 +450 258 4 882216108 +450 259 3 887834953 +450 260 2 889568753 +450 264 3 882370581 +450 265 5 882371526 +450 269 5 882215617 +450 270 4 882216108 +450 272 5 886449009 +450 273 3 882377726 +450 274 4 882469627 +450 275 4 882372178 +450 277 3 882397223 +450 278 5 882473476 +450 280 4 882397940 +450 281 4 882399664 +450 282 5 882377653 +450 283 3 887661961 +450 284 4 887139517 +450 286 4 882215617 +450 287 4 887660504 +450 288 3 884097913 +450 290 4 882399509 +450 292 5 882215922 +450 294 4 882370316 +450 299 2 889568793 +450 300 4 882216475 +450 301 4 882216475 +450 302 5 882215617 +450 304 4 882216108 +450 305 4 885944806 +450 307 5 882216475 +450 310 4 887660650 +450 311 4 885945425 +450 312 4 882812205 +450 313 5 882811655 +450 315 4 884098435 +450 316 4 889568753 +450 318 5 882373531 +450 322 4 882370316 +450 328 4 886449488 +450 332 4 882369964 +450 336 3 882370464 +450 340 4 882216178 +450 345 2 884906309 +450 347 4 887047775 +450 354 4 892141784 +450 356 4 887138756 +450 357 5 882373531 +450 366 3 882396489 +450 367 3 882376282 +450 371 3 887661961 +450 372 4 882396245 +450 373 3 887834953 +450 378 5 882373995 +450 380 5 882398939 +450 381 2 882374497 +450 382 3 882377479 +450 383 2 882468790 +450 384 3 882471524 +450 385 4 882396489 +450 386 4 882397049 +450 387 5 882376446 +450 388 3 882471604 +450 389 4 882396051 +450 392 4 887660762 +450 393 4 882812349 +450 395 3 882470642 +450 396 2 882469941 +450 399 4 882468239 +450 400 3 882468790 +450 401 3 882397224 +450 402 4 882395662 +450 403 4 887660440 +450 405 4 882474001 +450 414 3 882396564 +450 415 3 882398220 +450 416 5 882395779 +450 417 4 882376365 +450 418 4 882395914 +450 419 5 887660504 +450 421 4 887834823 +450 422 3 882467991 +450 423 5 882371904 +450 427 5 882371415 +450 428 4 887660722 +450 430 4 882377590 +450 431 5 882473914 +450 432 4 882377861 +450 433 3 882469061 +450 434 3 882372027 +450 435 4 882374332 +450 443 4 882377861 +450 448 4 882371526 +450 451 4 882398220 +450 455 4 882376188 +450 457 2 882466909 +450 462 4 882396928 +450 465 4 887834823 +450 467 4 882374332 +450 468 4 882376803 +450 469 4 882396153 +450 471 4 882396153 +450 472 4 882397813 +450 474 5 882812558 +450 476 4 882469306 +450 477 4 887660762 +450 478 5 887835272 +450 479 4 882371526 +450 480 4 882372178 +450 481 5 882373231 +450 482 5 882371904 +450 483 3 882371826 +450 484 3 887662002 +450 485 5 882373088 +450 487 4 887660504 +450 488 4 882371415 +450 489 4 882373464 +450 490 5 882373786 +450 491 3 882373297 +450 492 5 882397049 +450 493 4 887660722 +450 494 3 882373385 +450 495 4 882395052 +450 496 5 882373532 +450 497 5 882374422 +450 498 3 882396351 +450 499 5 882372178 +450 500 4 882376188 +450 501 4 882371416 +450 502 5 882469061 +450 503 4 882371311 +450 504 5 882377590 +450 505 5 882376658 +450 506 5 882373088 +450 507 5 882373020 +450 509 4 882398567 +450 510 4 887660722 +450 511 5 882372178 +450 514 5 882468931 +450 516 5 882396564 +450 518 4 882374134 +450 519 4 887660820 +450 520 5 887136083 +450 521 4 882394180 +450 523 5 882371904 +450 525 3 882467271 +450 526 4 882396245 +450 527 5 882374059 +450 528 5 882371526 +450 530 3 887661843 +450 535 3 882812636 +450 546 4 887139019 +450 549 3 882377358 +450 550 4 882473915 +450 553 2 882373928 +450 557 5 882472306 +450 558 3 882396050 +450 559 3 882376446 +450 561 4 887660762 +450 566 4 882373928 +450 568 4 882397939 +450 570 4 887139728 +450 571 2 882471604 +450 582 4 882394097 +450 583 4 882473914 +450 584 5 882397223 +450 588 4 882376658 +450 589 3 882813241 +450 591 4 887660762 +450 597 4 882473914 +450 601 3 882376658 +450 602 4 882373532 +450 603 5 882373088 +450 604 4 882373231 +450 606 5 882371904 +450 607 5 887135753 +450 608 4 882373088 +450 609 5 882398312 +450 610 4 882371904 +450 611 5 887135833 +450 612 4 882396564 +450 613 4 887660650 +450 614 4 882377479 +450 616 4 882373597 +450 618 4 882373995 +450 619 3 882377861 +450 620 4 882399818 +450 622 5 882468239 +450 627 3 882396489 +450 628 4 882377590 +450 629 4 882397940 +450 630 3 882376188 +450 631 4 882394251 +450 632 5 882395914 +450 633 5 887660440 +450 637 4 882395662 +450 642 4 882397939 +450 647 4 887136622 +450 648 5 887660503 +450 650 4 882376446 +450 651 5 882376658 +450 654 4 882373928 +450 655 4 882377653 +450 657 4 887660504 +450 659 5 882374217 +450 660 4 887660762 +450 661 3 882373231 +450 662 4 882395914 +450 663 4 882373019 +450 671 3 882371416 +450 673 3 882396928 +450 679 1 882374422 +450 685 4 882374134 +450 686 4 882473826 +450 689 3 882216026 +450 692 4 882373724 +450 693 3 887139232 +450 696 4 882398666 +450 699 4 882395537 +450 700 1 882469863 +450 702 4 882371904 +450 704 3 882372178 +450 705 4 882373656 +450 707 5 882373786 +450 708 4 882397049 +450 709 3 882371826 +450 710 3 882468931 +450 712 3 882470642 +450 713 3 882395778 +450 714 4 882472144 +450 715 3 887137066 +450 716 4 882469166 +450 717 4 887834953 +450 722 5 882471524 +450 723 3 882399818 +450 724 5 882395537 +450 725 3 882469863 +450 727 4 882812635 +450 728 3 887834953 +450 729 4 887139517 +450 731 3 882398084 +450 732 3 882395662 +450 734 2 882471737 +450 735 4 882377590 +450 736 5 882395167 +450 739 4 887660650 +450 741 3 882376282 +450 742 4 882396564 +450 747 4 882395166 +450 748 4 882370410 +450 749 4 892141807 +450 750 3 884098229 +450 751 5 885945114 +450 756 3 882398940 +450 761 4 882398939 +450 762 3 882469627 +450 765 3 882471362 +450 771 3 887835478 +450 774 4 882399818 +450 775 4 882469432 +450 776 4 882468402 +450 778 3 887834953 +450 781 4 882398220 +450 790 2 882374332 +450 792 4 882396050 +450 794 5 882473476 +450 795 3 882468790 +450 807 4 887834823 +450 812 4 882468402 +450 815 3 882396153 +450 821 2 882812495 +450 823 3 887139729 +450 832 2 882468307 +450 837 4 887835478 +450 842 4 882376446 +450 845 4 882373385 +450 846 3 882471524 +450 847 4 882376188 +450 865 4 887136139 +450 866 4 882396565 +450 869 4 882470064 +450 873 3 882216475 +450 878 2 884098534 +450 900 5 885944864 +450 902 4 889569016 +450 904 5 889568507 +450 905 5 885945656 +450 908 1 885945114 +450 921 4 882372178 +450 923 5 886612198 +450 926 4 882470125 +450 928 3 882397813 +450 934 3 882471362 +450 936 5 889569270 +450 939 4 882376803 +450 940 2 882471737 +450 942 5 882812558 +450 951 4 882399508 +450 956 4 882394097 +450 965 4 882394364 +450 966 4 882377861 +450 967 5 882373994 +450 968 4 882395537 +450 969 4 882376584 +450 1020 4 882376365 +450 1028 4 882469250 +450 1030 1 882468789 +450 1033 3 882468401 +450 1036 2 882468686 +450 1037 2 882473760 +450 1039 5 887137271 +450 1041 4 882469432 +450 1044 4 887139844 +450 1047 4 882469941 +450 1048 3 882397813 +450 1050 4 882812349 +450 1053 3 882396352 +450 1054 2 882812495 +450 1061 4 882398313 +450 1091 4 882468047 +450 1092 3 882469627 +450 1107 4 887138957 +450 1112 3 882396352 +450 1115 4 882395778 +450 1116 3 887661961 +450 1119 4 882374332 +450 1126 4 887661961 +450 1135 4 882396352 +450 1140 2 882471362 +450 1152 5 882812558 +450 1153 5 882397223 +450 1160 5 886612330 +450 1163 3 882396928 +450 1172 5 882373231 +450 1184 1 882397049 +450 1192 5 887137066 +450 1197 3 882395662 +450 1203 3 882373723 +450 1208 3 882399359 +450 1212 4 882396799 +450 1220 5 882398084 +450 1221 5 887660722 +450 1222 3 887834953 +450 1226 4 887660820 +450 1248 4 882399664 +450 1249 3 882812821 +450 1261 4 882472964 +450 1263 4 882396799 +450 1269 4 882812635 +450 1271 2 882468686 +450 1282 3 882394364 +450 1284 3 887139594 +450 1286 3 882377479 +450 1297 4 882812635 +450 1303 4 887136016 +450 1311 4 887139844 +450 1401 4 882372103 +450 1402 2 882473230 +450 1421 4 882399664 +450 1425 4 882471737 +450 1435 4 882471362 +450 1441 3 882397940 +450 1444 4 882468239 +450 1446 4 882812558 +450 1479 3 882377479 +450 1480 3 882468686 +450 1490 3 882396929 +450 1518 4 887138957 +450 1521 3 882812350 +450 1603 3 887139728 +451 242 1 879012857 +451 245 2 879012550 +451 258 4 879012343 +451 259 4 879012721 +451 260 5 879012580 +451 261 2 879012647 +451 263 2 879012811 +451 264 3 879012604 +451 266 2 879012811 +451 268 2 879012684 +451 270 4 879012684 +451 286 1 879012343 +451 288 5 879012470 +451 292 3 879012684 +451 299 1 879012721 +451 301 4 879012431 +451 302 3 879012647 +451 303 2 879012648 +451 304 3 879012684 +451 305 3 879012647 +451 306 2 879012684 +451 307 4 879012431 +451 308 1 879012890 +451 319 2 879012510 +451 321 3 879012470 +451 322 4 879012510 +451 324 4 879012647 +451 325 3 879012721 +451 326 4 879012431 +451 327 4 879012580 +451 328 5 879012470 +451 329 4 879012721 +451 330 3 879012721 +451 331 5 879012431 +451 332 4 879012342 +451 333 5 879012550 +451 334 3 879012648 +451 335 4 879012721 +451 336 4 879012811 +451 337 2 879012857 +451 358 1 879012550 +451 359 2 879012721 +451 457 2 879012890 +451 678 5 879012510 +451 680 1 879012811 +451 681 1 879012773 +451 682 4 879012580 +451 683 1 879012470 +451 687 2 879012510 +451 688 1 879012811 +451 690 4 879012382 +451 748 4 879012550 +451 749 3 879012773 +451 873 5 879012684 +451 874 4 879012684 +451 875 2 879012721 +451 876 4 879012431 +451 877 4 879012471 +451 878 1 879012811 +451 879 4 879012580 +451 880 1 879012773 +451 881 4 879012721 +451 883 1 879012858 +451 884 1 879012890 +451 885 1 879012890 +451 886 4 879012773 +451 887 1 879012858 +451 937 4 879012684 +451 938 4 879012772 +451 948 3 879012890 +451 984 4 879012647 +451 988 1 879012773 +451 989 1 879012857 +451 990 3 879012684 +451 991 2 879012647 +451 995 1 879012721 +451 1022 4 879012858 +451 1025 3 879012773 +451 1026 1 879012773 +451 1038 1 879012889 +451 1265 4 879012772 +451 1280 1 879012773 +451 1295 2 879012811 +451 1296 3 879012685 +451 1392 1 879012812 +451 1393 2 879012812 +451 1394 1 879012858 +451 1395 1 879012858 +452 7 5 885816915 +452 8 4 875266060 +452 14 3 888568076 +452 15 4 875275763 +452 22 5 885544110 +452 23 2 876825745 +452 27 5 885816916 +452 45 4 875265446 +452 48 5 885816769 +452 50 5 875264825 +452 52 3 888494119 +452 58 3 875261666 +452 60 1 887718917 +452 61 1 887718917 +452 62 2 875563098 +452 64 4 875266518 +452 66 4 885816884 +452 69 5 875275699 +452 70 5 888492838 +452 71 3 875273415 +452 73 3 875277472 +452 76 4 875562410 +452 77 3 875562997 +452 79 4 875269386 +452 82 3 886149040 +452 83 3 885490812 +452 86 4 875274683 +452 88 2 875559842 +452 89 5 875263413 +452 94 1 888568349 +452 96 2 875275699 +452 97 4 885476560 +452 98 5 875263330 +452 99 3 875562410 +452 100 5 885544109 +452 102 2 875560150 +452 111 3 886061565 +452 121 5 885816916 +452 124 5 885816768 +452 127 5 885544109 +452 132 2 875560255 +452 135 3 875560790 +452 136 4 875266060 +452 143 3 885805093 +452 153 4 875276361 +452 154 5 888568251 +452 156 4 875261819 +452 161 5 885816915 +452 162 3 875277319 +452 163 4 886151027 +452 164 4 875269386 +452 168 4 888568251 +452 170 4 875261261 +452 171 4 875277472 +452 172 4 876297413 +452 173 4 875261350 +452 174 4 875263413 +452 179 5 875265368 +452 180 4 875560300 +452 181 4 886151027 +452 183 4 888492759 +452 185 5 875264355 +452 186 1 875875499 +452 187 3 875265265 +452 188 4 875560300 +452 194 4 885816440 +452 195 4 875265114 +452 196 4 875275763 +452 197 5 885816768 +452 199 5 885816768 +452 201 1 875875685 +452 202 3 885547846 +452 203 3 875275561 +452 204 3 875275815 +452 207 4 875261261 +452 210 4 875561852 +452 211 2 875266197 +452 212 2 885490812 +452 213 4 875265265 +452 216 3 888568700 +452 223 5 885816768 +452 234 3 875264355 +452 237 2 875263068 +452 243 5 886148336 +452 245 2 876216206 +452 259 2 888494119 +452 265 3 887719158 +452 269 5 888568251 +452 275 4 875264491 +452 276 1 885490917 +452 285 3 888492147 +452 286 4 876298932 +452 288 2 876298593 +452 290 2 875562903 +452 294 2 886148704 +452 318 5 885544110 +452 371 3 875562573 +452 384 2 875559398 +452 385 4 875560933 +452 404 4 875561978 +452 418 4 875275700 +452 419 4 887719030 +452 420 3 875562510 +452 423 5 885544110 +452 427 4 875264976 +452 430 3 885817719 +452 432 2 875264432 +452 443 5 885544109 +452 455 1 876297413 +452 456 1 876209837 +452 458 1 875266197 +452 461 4 875273609 +452 462 4 875264825 +452 465 5 886148336 +452 467 3 885491030 +452 472 5 885816916 +452 474 3 875263067 +452 475 2 876299004 +452 479 5 885544109 +452 480 5 875261261 +452 481 5 885544110 +452 482 5 885544110 +452 483 5 875263244 +452 485 2 875276589 +452 488 4 885546945 +452 490 4 875261350 +452 491 4 875261100 +452 492 4 875263413 +452 494 5 885805554 +452 496 5 875261666 +452 498 4 875264976 +452 501 3 885476356 +452 502 2 885817844 +452 504 2 875273544 +452 506 3 875276081 +452 509 4 875560790 +452 510 4 875562475 +452 513 4 875561734 +452 514 3 875261350 +452 515 4 875261747 +452 516 3 888324014 +452 517 2 875562846 +452 518 5 885816768 +452 520 3 875261100 +452 521 3 885545770 +452 526 4 875562645 +452 527 3 885490722 +452 528 4 875261261 +452 530 3 875562062 +452 531 4 875263244 +452 554 3 875562245 +452 576 2 875563050 +452 588 3 885804123 +452 597 5 885816916 +452 603 4 887718667 +452 607 5 875266680 +452 609 4 875562374 +452 614 3 875562198 +452 615 3 875261350 +452 624 2 875560067 +452 625 3 875562159 +452 631 4 888568464 +452 636 5 885816916 +452 648 4 875273292 +452 654 2 875273543 +452 659 4 875266415 +452 660 4 875560068 +452 661 4 875261747 +452 663 2 885817516 +452 684 4 888493923 +452 729 1 885981574 +452 780 1 885476356 +452 781 3 888568714 +452 792 5 887890364 +452 805 4 875562441 +452 815 2 875277472 +452 825 5 885816916 +452 842 2 875265368 +452 856 4 885817937 +452 863 5 885816769 +452 874 2 887718965 +452 924 5 885816916 +452 945 4 888323595 +452 947 5 885816915 +452 969 2 875276006 +452 971 4 875560019 +452 1013 1 876215773 +452 1057 1 876215627 +452 1089 1 876215899 +452 1204 4 875560150 +452 1255 2 876298932 +452 1383 1 886149828 +452 1403 1 875875272 +452 1410 1 876297577 +452 1427 5 885816768 +452 1534 1 876298233 +453 3 4 877552717 +453 4 4 877554490 +453 7 5 877562135 +453 9 3 888207161 +453 11 5 877554174 +453 12 5 877553813 +453 17 4 877553928 +453 22 5 877553870 +453 24 4 877553108 +453 25 4 877552872 +453 33 4 877561522 +453 42 5 877554301 +453 48 4 877553761 +453 49 3 877561172 +453 50 5 877562313 +453 53 3 877561894 +453 55 4 877554301 +453 56 5 877554771 +453 59 2 888202258 +453 67 4 888205882 +453 68 4 877561411 +453 69 4 877554647 +453 77 3 888207161 +453 79 3 888207161 +453 80 2 888205783 +453 82 3 877561694 +453 85 3 877561301 +453 90 3 877561942 +453 93 2 887941962 +453 94 4 877561956 +453 97 3 877554743 +453 99 3 888205588 +453 100 5 877552612 +453 117 4 877552540 +453 120 1 877553678 +453 122 3 877553532 +453 132 3 877554871 +453 143 2 888206053 +453 144 4 877554443 +453 151 3 877552970 +453 154 3 877554587 +453 156 5 877554908 +453 157 4 877561172 +453 158 2 888205937 +453 164 3 877554771 +453 168 4 877553708 +453 172 5 877554587 +453 174 4 877554564 +453 181 5 877552612 +453 184 4 877554846 +453 186 4 877554466 +453 188 4 877554466 +453 196 4 877554174 +453 202 4 877553999 +453 204 4 877554704 +453 210 4 877554587 +453 214 3 877553928 +453 215 3 877554419 +453 223 4 888203147 +453 226 3 877561214 +453 227 3 888207162 +453 229 2 888206219 +453 231 2 877562293 +453 233 2 888206003 +453 234 3 877561411 +453 237 4 877552657 +453 238 4 877554396 +453 239 3 877554927 +453 254 2 877562293 +453 257 3 877552590 +453 258 4 876191239 +453 268 4 877552481 +453 272 5 887941892 +453 273 4 877552678 +453 276 5 877552564 +453 282 4 877561382 +453 288 4 877562071 +453 298 4 877552641 +453 318 4 877553761 +453 354 4 888201923 +453 357 5 877554174 +453 364 3 888206676 +453 367 2 888202813 +453 369 2 877553051 +453 384 2 888205711 +453 385 3 888207161 +453 393 3 888207162 +453 401 3 888206038 +453 402 3 888207161 +453 403 4 877562293 +453 410 4 877552951 +453 412 2 877553302 +453 416 2 888206132 +453 423 4 877554819 +453 424 1 888206768 +453 427 3 877554174 +453 451 2 877561836 +453 452 2 888206630 +453 453 2 888206768 +453 456 3 877552540 +453 471 4 888205557 +453 475 5 877552514 +453 476 3 890939266 +453 496 4 888203066 +453 508 4 877552612 +453 509 4 877553850 +453 515 4 876191626 +453 550 3 888207161 +453 552 2 877561713 +453 566 3 877561593 +453 568 3 888207161 +453 575 2 892447163 +453 578 3 888205764 +453 586 2 892447163 +453 591 3 877552969 +453 628 3 887942025 +453 651 4 877554743 +453 652 3 877554443 +453 655 3 877553999 +453 684 3 888205336 +453 693 5 877561172 +453 717 2 888206467 +453 721 4 888205696 +453 732 3 877561695 +453 742 3 888207161 +453 750 4 888201942 +453 763 4 877553221 +453 780 3 877561522 +453 781 3 888206022 +453 790 4 877561800 +453 797 1 888206339 +453 826 1 877553430 +453 871 1 888206233 +453 941 2 877561613 +453 959 4 877561676 +453 963 4 888202307 +453 975 2 887942451 +453 1016 4 877552991 +453 1017 3 887942122 +453 1037 1 888206630 +453 1079 1 887942484 +453 1145 2 888206492 +453 1170 3 877562135 +453 1230 2 888202271 +453 1273 2 877561258 +453 1303 2 888206730 +454 1 3 881959818 +454 8 5 888266643 +454 11 1 888266433 +454 12 3 881960114 +454 15 2 881960029 +454 22 4 881959844 +454 28 4 888267560 +454 48 4 881960114 +454 50 4 881959144 +454 51 2 888267158 +454 55 2 888267617 +454 56 3 888267590 +454 58 4 881960029 +454 64 4 881959652 +454 66 4 888266685 +454 69 4 881959818 +454 70 4 888267419 +454 71 3 888266754 +454 73 3 888267521 +454 76 1 888266433 +454 77 4 888266955 +454 79 4 881960083 +454 81 1 888266433 +454 82 4 881960446 +454 86 2 888267280 +454 88 4 888267560 +454 89 1 888266433 +454 95 2 888266433 +454 96 4 888266600 +454 97 4 881960029 +454 98 1 888266433 +454 99 3 881960296 +454 100 4 881959917 +454 107 3 888267087 +454 111 1 888267086 +454 114 3 881960330 +454 117 3 888267343 +454 118 4 888267128 +454 121 4 888267128 +454 124 4 881959960 +454 131 3 881960330 +454 132 2 888266874 +454 133 4 881959652 +454 134 3 881959991 +454 135 2 888266433 +454 136 3 881959745 +454 140 3 888267386 +454 143 4 881960230 +454 144 4 888266643 +454 147 3 888267455 +454 153 3 888267521 +454 162 3 888267315 +454 164 3 881960265 +454 169 4 888266955 +454 172 2 888266906 +454 173 2 888267028 +454 174 4 888266643 +454 185 2 881960265 +454 191 4 888266724 +454 193 2 881959818 +454 194 3 881959698 +454 195 4 888266810 +454 196 2 881959778 +454 197 4 881959961 +454 199 3 881960413 +454 202 3 881960201 +454 203 2 888267487 +454 204 4 881960504 +454 210 4 881960361 +454 211 2 888267158 +454 215 4 881959917 +454 222 3 888266785 +454 228 3 881959960 +454 234 3 888267087 +454 237 4 881960361 +454 238 3 881960361 +454 245 3 881958782 +454 248 3 881959238 +454 250 4 881959238 +454 252 2 881959336 +454 255 4 881959276 +454 257 4 881959276 +454 258 4 881958402 +454 259 4 881958606 +454 260 1 888000454 +454 270 4 881958606 +454 272 5 888007255 +454 275 2 888267419 +454 277 2 881959960 +454 279 4 881960330 +454 283 3 888267590 +454 285 2 881959917 +454 286 3 881958782 +454 289 3 881958783 +454 293 4 881959238 +454 300 4 881958326 +454 302 4 881958326 +454 310 4 881958464 +454 312 3 888015842 +454 313 5 888000454 +454 315 4 888015651 +454 316 4 888015879 +454 317 4 888267343 +454 318 5 881959576 +454 322 2 881958782 +454 323 2 881958783 +454 326 4 881958362 +454 327 3 881958428 +454 356 1 888267279 +454 357 3 881959844 +454 367 4 888267128 +454 371 3 888267198 +454 378 3 888267128 +454 385 3 888266810 +454 387 2 888267279 +454 392 2 888266991 +454 402 3 888267419 +454 404 3 888267590 +454 414 2 888267226 +454 419 4 881959917 +454 423 4 881959607 +454 427 4 881960173 +454 431 3 888266991 +454 434 3 888267387 +454 435 2 881960145 +454 451 4 888267455 +454 454 3 881959745 +454 463 2 888267560 +454 465 3 888267343 +454 468 3 888267087 +454 471 3 881960445 +454 472 3 888266874 +454 474 4 881959917 +454 478 2 888267487 +454 479 4 881959991 +454 480 4 881959652 +454 482 3 881960230 +454 483 3 881960145 +454 485 4 888267386 +454 486 3 881960385 +454 490 2 888266754 +454 492 3 888266643 +454 496 4 881959991 +454 497 3 881959876 +454 498 3 888267559 +454 504 2 888266955 +454 507 3 881960265 +454 509 2 881960230 +454 511 3 881960173 +454 519 2 888267455 +454 520 4 881959607 +454 526 4 881959698 +454 527 4 881960201 +454 528 4 881959818 +454 530 2 881960174 +454 531 2 888266785 +454 566 4 888267087 +454 568 4 888266906 +454 588 3 881960083 +454 589 2 888267487 +454 602 2 888267521 +454 603 4 881959876 +454 604 3 881959960 +454 605 2 888267487 +454 606 2 881960330 +454 607 2 888267315 +454 610 3 881959576 +454 611 2 888266685 +454 612 3 881960145 +454 614 3 888267590 +454 627 2 888267643 +454 631 2 888267643 +454 632 3 881960145 +454 642 2 888267419 +454 649 2 888267279 +454 651 4 881960083 +454 654 2 888267419 +454 655 3 881959746 +454 657 3 881959876 +454 659 2 888267028 +454 660 3 888267128 +454 661 4 881959991 +454 678 2 881958782 +454 685 3 888267198 +454 686 2 888267280 +454 687 3 881959468 +454 692 5 888267158 +454 693 2 888267315 +454 694 2 888266874 +454 705 3 881959818 +454 707 3 881959576 +454 724 3 888267158 +454 732 4 888267560 +454 735 2 888267387 +454 736 3 888266991 +454 740 2 888266433 +454 742 3 888267315 +454 746 2 881959778 +454 748 4 881958551 +454 751 4 888265376 +454 836 2 888266785 +454 837 2 888267315 +454 842 2 881960266 +454 873 2 881958782 +454 875 1 888266433 +454 879 4 881958402 +454 939 2 888267386 +454 942 2 888267198 +454 945 3 881960083 +454 956 2 888266955 +454 961 1 888267279 +454 968 2 888267198 +454 972 2 888267128 +454 984 3 891377968 +454 988 2 888015879 +454 1003 2 881960446 +454 1035 3 888266601 +454 1089 2 881959437 +454 1105 3 888015988 +454 1107 4 888267617 +454 1126 2 888266955 +454 1190 3 881959437 +454 1203 2 888267521 +454 1269 3 881959698 +454 1299 2 888266991 +454 1454 2 888266907 +455 1 4 878585685 +455 2 4 879111786 +455 4 3 879111786 +455 7 4 879111213 +455 8 4 879111345 +455 9 4 878585685 +455 11 3 879110971 +455 12 3 879111123 +455 14 3 883768822 +455 15 2 879110767 +455 17 3 879111862 +455 22 4 879111500 +455 24 3 879111662 +455 25 3 879109110 +455 28 4 879111371 +455 31 4 879111937 +455 39 2 879111345 +455 40 3 879111662 +455 42 2 879110767 +455 44 3 879112678 +455 47 2 879112172 +455 50 5 878585826 +455 52 3 879112011 +455 53 1 879112415 +455 57 4 879112460 +455 58 3 879111318 +455 64 4 879111500 +455 65 3 879111396 +455 69 4 879111937 +455 70 3 879111194 +455 71 3 879112098 +455 77 4 879111528 +455 79 4 879112377 +455 82 5 879110818 +455 87 3 879110905 +455 89 3 879111616 +455 95 4 879111057 +455 96 4 879111616 +455 97 5 879112436 +455 98 4 879110436 +455 100 4 878585826 +455 117 3 879111345 +455 118 4 879109733 +455 121 4 878585685 +455 123 3 879111705 +455 124 4 879109594 +455 125 3 879109133 +455 126 5 879172791 +455 127 5 879111586 +455 144 3 879110436 +455 147 4 879109764 +455 148 3 879110346 +455 159 3 879111500 +455 161 4 879112098 +455 164 4 879110844 +455 170 3 879111616 +455 172 4 879112054 +455 173 4 879111937 +455 174 4 879111763 +455 176 3 879111960 +455 181 4 878585826 +455 183 4 879111862 +455 191 5 879111422 +455 193 4 879111586 +455 196 4 879111737 +455 197 5 879111057 +455 200 5 879111092 +455 204 4 879111249 +455 213 4 879111453 +455 214 3 879112122 +455 217 4 879112320 +455 222 3 878585775 +455 223 4 879111554 +455 228 4 879111153 +455 230 3 879111291 +455 234 4 879110436 +455 237 3 879109923 +455 239 3 879111397 +455 241 4 879111808 +455 245 3 878585344 +455 250 3 879109966 +455 252 3 879110818 +455 255 2 884027240 +455 257 4 879109733 +455 258 5 878585250 +455 259 2 884027220 +455 265 4 879112152 +455 269 4 878585250 +455 270 4 878585321 +455 275 4 878585826 +455 276 4 879109594 +455 277 4 879109565 +455 279 3 882141582 +455 281 3 879110281 +455 286 5 878585250 +455 288 2 879110767 +455 289 3 892230574 +455 291 3 879109984 +455 292 3 879108751 +455 298 4 882818787 +455 300 4 878585250 +455 301 2 879110767 +455 304 3 878585409 +455 307 4 892230486 +455 313 4 884649784 +455 317 3 879111616 +455 318 3 879111528 +455 321 2 892230438 +455 323 3 878585277 +455 343 4 882141285 +455 372 4 879112055 +455 380 3 879112654 +455 382 3 879112239 +455 385 3 879111907 +455 393 3 879112152 +455 402 4 879112356 +455 405 3 879109764 +455 423 5 879111862 +455 428 4 879111268 +455 435 4 879110544 +455 447 4 879111153 +455 449 4 879112582 +455 455 3 879111862 +455 462 3 879110436 +455 463 4 879111737 +455 465 3 879112678 +455 471 4 879109692 +455 475 4 879109069 +455 504 4 879110573 +455 508 4 882141385 +455 511 5 879110971 +455 515 4 878585775 +455 518 4 879111318 +455 523 4 879110946 +455 529 3 879111737 +455 531 3 879111291 +455 546 3 879110767 +455 549 4 879112320 +455 550 4 879112700 +455 553 3 879111907 +455 568 4 879112298 +455 581 3 879111763 +455 582 2 879111982 +455 584 4 879111528 +455 591 4 879109923 +455 597 3 879110123 +455 620 3 879108829 +455 627 3 879111705 +455 628 4 879109692 +455 647 4 879111092 +455 660 4 879111454 +455 662 4 879111554 +455 678 3 878585344 +455 692 3 879111249 +455 694 4 879110870 +455 709 3 879111471 +455 716 3 879112259 +455 727 3 879112561 +455 736 3 879112460 +455 744 3 879109881 +455 747 4 879111422 +455 770 3 879111586 +455 778 4 879112582 +455 898 3 883768822 +455 924 3 879110154 +455 934 3 879110260 +455 939 4 879111454 +455 942 4 879112011 +455 1028 2 879110767 +455 1034 2 879110767 +455 1086 3 879109692 +455 1136 3 879111705 +455 1137 3 879109881 +455 1160 4 879108892 +455 1167 4 879111123 +455 1171 3 882141702 +455 1174 3 879109663 +455 1197 4 879109565 +455 1265 3 879108997 +456 1 2 881371548 +456 3 4 881371660 +456 4 3 881374849 +456 9 3 881372328 +456 12 3 881373655 +456 13 4 881372604 +456 14 5 881371427 +456 22 4 881373573 +456 23 4 881373019 +456 32 4 881372911 +456 33 4 881374086 +456 42 4 881373655 +456 46 3 881374613 +456 50 4 881373473 +456 53 4 881375284 +456 54 3 881375416 +456 56 5 881373353 +456 57 4 881374521 +456 59 4 881372779 +456 60 4 881373838 +456 61 4 881373228 +456 68 4 881374437 +456 69 4 881373949 +456 71 3 881374710 +456 72 1 881374801 +456 79 3 881373228 +456 80 2 881374967 +456 86 2 881374332 +456 91 2 881373948 +456 92 4 881374048 +456 94 3 881375482 +456 95 4 881373756 +456 97 4 881373838 +456 98 3 881372779 +456 99 3 881374767 +456 100 3 881372366 +456 101 3 881375284 +456 109 3 881371660 +456 111 3 881371942 +456 121 2 881372052 +456 125 4 881372015 +456 127 5 881373019 +456 129 3 881372604 +456 133 3 881373084 +456 135 4 881373169 +456 143 3 881373983 +456 150 4 881371453 +456 161 3 881374967 +456 168 4 881373794 +456 170 5 881373353 +456 172 5 881373019 +456 174 4 881373019 +456 177 4 881373900 +456 179 5 881372779 +456 180 4 881373084 +456 181 3 881373120 +456 182 3 881373228 +456 185 4 881372849 +456 186 4 881374048 +456 188 4 881373573 +456 191 3 881372849 +456 194 3 881373472 +456 196 4 881374649 +456 197 4 881373793 +456 200 4 881374390 +456 202 3 881374586 +456 204 3 881374086 +456 208 4 881374710 +456 209 3 881372849 +456 211 4 881374162 +456 214 4 881374586 +456 216 4 881374193 +456 217 3 881374883 +456 218 4 881374522 +456 222 2 881371766 +456 226 2 881375482 +456 228 3 881374548 +456 229 3 881375482 +456 231 2 881375226 +456 232 2 881374389 +456 234 3 881373473 +456 238 4 881373756 +456 258 4 887165802 +456 265 3 881374048 +456 268 5 887165395 +456 273 3 881372328 +456 282 3 881371694 +456 286 3 887165765 +456 289 4 881372687 +456 324 4 881372687 +456 325 3 881372687 +456 346 5 887165765 +456 357 4 881373084 +456 366 2 881374967 +456 367 3 881373900 +456 369 3 881371942 +456 380 3 881375097 +456 382 1 881374710 +456 395 2 881375542 +456 402 2 881375416 +456 403 2 881373900 +456 405 1 881371942 +456 410 4 881372160 +456 414 3 881374331 +456 419 4 881374124 +456 421 3 881374086 +456 423 3 881374586 +456 427 4 881372779 +456 431 4 881374437 +456 432 4 881374390 +456 433 4 881373120 +456 443 4 881373019 +456 447 3 881374332 +456 449 3 881375226 +456 452 2 881375515 +456 460 3 881371942 +456 461 4 881373168 +456 462 3 881373506 +456 474 5 881373353 +456 475 5 881372366 +456 479 5 881373900 +456 480 4 881373573 +456 483 4 881372911 +456 484 4 881373983 +456 485 4 881373574 +456 490 4 881373084 +456 498 4 881373473 +456 505 4 881373473 +456 506 4 881374332 +456 508 4 881371427 +456 523 4 881373353 +456 544 3 881372114 +456 546 4 881371942 +456 547 3 881371660 +456 550 2 881375381 +456 559 3 881373574 +456 568 2 881374246 +456 578 2 881375127 +456 580 4 881374767 +456 581 3 881375155 +456 582 5 881374162 +456 588 3 881374462 +456 603 5 881373019 +456 608 4 881373168 +456 616 3 881373655 +456 640 4 881373697 +456 655 3 881373838 +456 658 3 881375351 +456 660 5 881374522 +456 672 1 881374849 +456 673 3 881374849 +456 693 3 881373949 +456 696 3 881372078 +456 697 4 881374390 +456 708 4 881373756 +456 710 3 881374649 +456 720 3 881375515 +456 721 4 881373756 +456 737 3 881375254 +456 739 3 881375226 +456 743 2 881372256 +456 747 4 881374331 +456 763 4 881372015 +456 772 4 881373228 +456 789 3 881374522 +456 793 3 881374883 +456 806 3 881373617 +456 818 3 881372114 +456 824 3 881372256 +456 845 3 881371839 +456 864 4 881371660 +456 919 4 881371548 +456 922 4 881371595 +456 933 3 881371595 +456 952 4 881371766 +456 955 4 881374162 +456 959 4 881375127 +456 963 4 881374047 +456 979 3 881371694 +456 985 3 881371492 +456 1008 4 881371427 +456 1009 5 881372160 +456 1010 5 881371766 +456 1017 4 881372574 +456 1019 4 881372849 +456 1020 4 881373506 +456 1057 3 881372191 +456 1059 4 881372052 +456 1081 4 881372191 +456 1101 3 881374710 +456 1107 4 881375587 +456 1129 4 881371548 +456 1134 4 881372281 +456 1168 4 881375284 +456 1198 4 881371595 +456 1218 3 881374921 +456 1220 3 881375051 +456 1222 2 881375019 +456 1240 3 881374332 +456 1267 4 881373756 +456 1324 4 881371720 +456 1328 4 881372328 +456 1421 3 881374437 +456 1478 4 881374993 +456 1547 4 881373948 +456 1551 3 881374193 +456 1604 4 881372849 +457 1 4 882393244 +457 4 4 882397829 +457 7 4 882393278 +457 8 5 882397734 +457 9 5 882393485 +457 11 4 882397020 +457 12 5 882397666 +457 13 3 882393883 +457 14 4 882393457 +457 15 4 882393688 +457 20 5 882393967 +457 22 5 882396705 +457 25 4 882393828 +457 27 4 882549483 +457 28 5 882396989 +457 31 4 882397543 +457 38 3 882549651 +457 44 4 882548214 +457 45 5 882397133 +457 47 4 882396935 +457 48 5 882397293 +457 50 5 882393620 +457 51 5 882397734 +457 52 4 882398055 +457 53 4 882548645 +457 54 4 882549322 +457 56 4 882396868 +457 57 4 882397177 +457 58 4 882397177 +457 59 5 882397575 +457 62 3 882550925 +457 64 5 882396868 +457 65 5 882547967 +457 66 4 882547694 +457 69 5 882396659 +457 70 4 882396935 +457 77 4 882398345 +457 79 5 882396869 +457 82 5 882397494 +457 83 5 882396487 +457 86 3 882397455 +457 88 4 882397763 +457 89 5 882397058 +457 91 4 882547302 +457 94 3 882549544 +457 96 5 882553113 +457 97 5 882397699 +457 98 5 882553113 +457 100 5 882393244 +457 105 3 882396001 +457 111 3 882393384 +457 114 5 882396868 +457 117 4 882393457 +457 118 4 882395400 +457 120 2 882551344 +457 121 4 882393066 +457 122 2 882396158 +457 125 4 882393343 +457 127 5 882396902 +457 132 5 882547619 +457 133 4 882547820 +457 134 5 882396832 +457 135 5 882397240 +457 137 5 882393278 +457 143 5 882548099 +457 144 5 882397494 +457 145 3 882549998 +457 147 5 882395400 +457 148 4 882395360 +457 151 5 882394010 +457 154 5 882397058 +457 155 4 882550065 +457 156 5 882397095 +457 157 5 882553112 +457 160 4 882395078 +457 161 4 882397829 +457 162 5 882548793 +457 164 4 882547645 +457 168 5 882395018 +457 169 5 882396935 +457 172 5 882553113 +457 173 5 882395049 +457 174 5 882397267 +457 175 5 882547139 +457 176 5 882397542 +457 179 4 882397963 +457 180 5 882396989 +457 181 4 882393384 +457 183 5 882397455 +457 185 5 882397375 +457 186 5 882397575 +457 190 5 882396602 +457 191 5 882396659 +457 193 5 882397666 +457 194 5 882397058 +457 195 5 882395049 +457 196 5 882397763 +457 197 5 882396705 +457 200 5 882396799 +457 202 4 882398275 +457 203 4 882397133 +457 204 5 882397699 +457 208 4 882396705 +457 209 5 882553113 +457 210 5 882397337 +457 214 5 882548280 +457 215 4 882398002 +457 216 5 882396765 +457 218 4 882547554 +457 219 4 882550304 +457 222 5 882392853 +457 223 5 882396734 +457 225 4 882395825 +457 226 3 882548825 +457 227 4 882392853 +457 228 5 882392853 +457 229 4 882392853 +457 230 4 882392853 +457 231 4 882549998 +457 232 4 882397666 +457 234 5 882548426 +457 235 3 882395894 +457 237 4 882393712 +457 238 5 882392976 +457 239 5 882397267 +457 240 3 882395638 +457 241 3 882398086 +457 248 4 882393008 +457 252 4 882395638 +457 257 3 882393036 +457 258 5 882392853 +457 265 5 882397699 +457 275 5 882393648 +457 276 4 882393306 +457 282 4 882392785 +457 284 3 882394010 +457 285 5 882393648 +457 287 4 882394010 +457 288 4 882392853 +457 294 2 882393514 +457 304 4 882392853 +457 318 5 882397337 +457 356 4 882547670 +457 357 5 882396735 +457 367 4 882396989 +457 368 1 882396133 +457 370 3 882396133 +457 371 4 882398275 +457 372 4 882548382 +457 373 2 882551189 +457 378 4 882548312 +457 380 4 882392854 +457 385 4 882392950 +457 386 3 882549133 +457 388 2 882551343 +457 393 3 882548583 +457 395 2 882551605 +457 401 3 882550654 +457 402 4 882548583 +457 403 4 882397177 +457 405 5 882553113 +457 410 4 882393937 +457 411 3 882395894 +457 412 2 882396217 +457 417 4 882549575 +457 423 5 882397699 +457 425 4 882397828 +457 428 5 882553113 +457 433 5 882397020 +457 436 4 882547619 +457 448 4 882548537 +457 450 4 882392853 +457 451 4 882549212 +457 452 3 882551228 +457 453 2 882551854 +457 455 4 882393384 +457 456 2 882395851 +457 458 3 882393765 +457 462 5 882396283 +457 469 4 882397208 +457 470 5 882398204 +457 471 4 882393421 +457 472 4 882395768 +457 473 4 882395360 +457 474 5 882398178 +457 476 2 882392810 +457 483 5 882396705 +457 485 4 882396832 +457 507 4 882397059 +457 509 4 882398086 +457 527 5 882553113 +457 528 5 882397543 +457 529 4 882397763 +457 531 5 882392906 +457 540 3 882551740 +457 546 2 882393860 +457 549 4 882398178 +457 553 5 882396314 +457 554 4 882549682 +457 559 4 882398054 +457 566 4 882548583 +457 568 4 882547590 +457 569 3 882549356 +457 582 5 882548350 +457 584 4 882548615 +457 588 5 882397411 +457 597 3 882393908 +457 623 3 882550065 +457 628 4 882393688 +457 629 4 882397177 +457 631 4 882547620 +457 632 5 882397543 +457 640 4 882548467 +457 651 5 882396799 +457 655 5 882397879 +457 658 4 882398308 +457 660 5 882396449 +457 664 4 882549601 +457 673 4 882397829 +457 676 3 882395400 +457 679 4 882547723 +457 692 4 882396989 +457 695 3 882398345 +457 699 4 882548615 +457 709 5 882547856 +457 717 3 882395894 +457 720 3 882550925 +457 722 4 882550154 +457 727 4 882396832 +457 729 4 882547857 +457 732 4 882548426 +457 739 4 882549483 +457 742 4 882393306 +457 744 3 882393457 +457 747 4 882397787 +457 755 4 882549356 +457 756 2 882395742 +457 758 2 882551135 +457 769 2 882551740 +457 770 4 882547794 +457 783 3 882549936 +457 792 4 882548312 +457 819 2 882396001 +457 825 5 882553112 +457 831 2 882396001 +457 841 4 882395516 +457 845 4 882393801 +457 871 1 882393765 +457 931 2 882395916 +457 934 3 882396092 +457 948 1 882393156 +457 949 3 882549287 +457 956 4 882548214 +457 959 4 882549180 +457 980 4 882395283 +457 1012 4 882393765 +457 1028 3 882393828 +457 1029 3 882551135 +457 1030 2 882551134 +457 1037 2 882551818 +457 1039 5 882397934 +457 1047 2 882395964 +457 1119 4 882398308 +457 1140 2 882551344 +457 1168 5 882548761 +457 1210 4 882549905 +457 1221 4 882549438 +458 1 4 886394423 +458 7 4 886394373 +458 8 4 886395899 +458 9 5 886394373 +458 12 5 886395758 +458 13 4 886394916 +458 14 5 886394576 +458 20 4 886394778 +458 21 2 886395393 +458 23 4 886397931 +458 25 1 886394576 +458 28 3 886396005 +458 32 4 886395963 +458 48 4 886396192 +458 50 2 886396521 +458 52 4 886398187 +458 56 5 886397679 +458 57 1 886395758 +458 58 5 886396140 +458 64 4 886396005 +458 69 2 886397988 +458 76 4 886398121 +458 79 5 886396192 +458 83 4 886398071 +458 86 5 886397679 +458 96 4 886398543 +458 97 1 886397931 +458 98 3 886396240 +458 99 4 886397110 +458 100 4 886394373 +458 116 4 886394623 +458 117 4 886394623 +458 121 1 886395022 +458 124 4 886394822 +458 126 4 886394730 +458 127 5 886396390 +458 129 4 886394667 +458 134 5 886395963 +458 137 5 886394730 +458 143 4 886396005 +458 147 2 886395065 +458 152 5 886397275 +458 169 5 886396390 +458 174 3 886397109 +458 179 4 886397808 +458 180 4 886397679 +458 181 2 886396824 +458 182 4 886397771 +458 183 4 886396460 +458 187 5 886398543 +458 189 4 886396460 +458 190 4 886397771 +458 192 4 886396240 +458 193 4 886396460 +458 194 2 886397504 +458 195 4 886397318 +458 199 4 886396140 +458 203 5 886396460 +458 204 4 886396390 +458 208 4 886395963 +458 209 4 886397155 +458 234 4 886397808 +458 237 4 886394623 +458 238 4 886397679 +458 245 2 889324066 +458 250 1 886396637 +458 255 2 886396521 +458 273 4 886394730 +458 275 5 886394471 +458 276 5 886394470 +458 278 2 886395469 +458 282 2 886396958 +458 283 5 886394730 +458 284 4 886394527 +458 285 4 886394423 +458 286 4 886396637 +458 287 4 886394822 +458 288 3 886394667 +458 289 2 889323582 +458 293 5 886396767 +458 298 5 886396677 +458 301 1 889323539 +458 302 5 886394314 +458 304 4 889323982 +458 307 4 889323481 +458 317 5 886397155 +458 321 3 889323855 +458 330 3 889324461 +458 333 1 889323582 +458 338 3 889323660 +458 346 4 889323539 +458 357 3 886397275 +458 405 4 886395022 +458 408 5 886396637 +458 410 1 886394778 +458 423 2 886396314 +458 425 3 886398246 +458 427 4 886396460 +458 430 5 886398543 +458 433 4 886398289 +458 435 4 886397504 +458 460 4 886394916 +458 461 4 886397377 +458 467 4 886396240 +458 469 4 886397377 +458 473 4 886395022 +458 474 4 886397109 +458 475 4 886394729 +458 483 5 886396460 +458 484 5 886397109 +458 499 4 886397450 +458 509 4 886397857 +458 513 4 886396314 +458 514 5 886397504 +458 515 4 886396729 +458 517 4 886398289 +458 519 4 886395899 +458 521 4 886397377 +458 526 5 886396241 +458 527 2 886397857 +458 529 3 886398120 +458 531 5 886395758 +458 546 3 886394863 +458 582 1 886398488 +458 588 5 886396460 +458 589 4 886396140 +458 591 3 886394730 +458 596 4 886395350 +458 597 3 886395022 +458 603 4 886397155 +458 619 2 886394778 +458 631 4 886397541 +458 632 4 886398289 +458 644 4 886397275 +458 651 3 886397988 +458 654 5 886397771 +458 663 4 886398289 +458 685 3 886394373 +458 694 4 886396140 +458 696 3 886395512 +458 704 2 886397857 +458 709 4 886396192 +458 717 1 886395230 +458 735 2 886397679 +458 736 4 886398543 +458 742 4 886394730 +458 744 4 886394623 +458 750 5 889323771 +458 753 4 886397110 +458 762 3 886395065 +458 792 4 886398025 +458 823 3 886395119 +458 844 4 886394576 +458 845 3 886394527 +458 847 5 889324370 +458 896 5 889323481 +458 925 3 886395166 +458 939 4 886398187 +458 952 2 886395119 +458 956 5 886397377 +458 960 1 886397726 +458 969 4 886395899 +458 980 5 886394667 +458 1011 3 886394471 +458 1039 5 886397275 +458 1048 4 886395119 +458 1067 5 886395311 +458 1070 4 886395963 +458 1109 4 886397318 +458 1226 2 886396910 +458 1261 4 886397413 +458 1335 1 886395565 +458 1338 3 886395393 +459 1 4 879562960 +459 3 2 879563288 +459 7 5 879563245 +459 8 5 879563903 +459 15 4 879563102 +459 16 2 879562939 +459 19 3 879563064 +459 22 5 879563903 +459 25 2 879563201 +459 50 4 879563064 +459 79 3 879566291 +459 98 5 879564941 +459 100 1 879562859 +459 105 4 879563819 +459 108 1 879563796 +459 111 3 879563201 +459 117 5 879563146 +459 120 2 879563392 +459 121 5 879563474 +459 123 3 879563312 +459 125 4 879563169 +459 127 4 879562834 +459 147 3 879563435 +459 148 5 879563367 +459 164 4 879564941 +459 172 5 879563902 +459 174 4 879566291 +459 181 4 879562939 +459 186 4 879566321 +459 220 3 879563367 +459 222 4 879562994 +459 225 3 879563777 +459 230 4 879564941 +459 235 1 879563367 +459 245 3 879561731 +459 249 2 879562860 +459 250 5 879563270 +459 252 4 879563506 +459 255 4 879563613 +459 257 5 879563245 +459 258 3 879561574 +459 259 4 879561630 +459 260 2 879561782 +459 264 4 879561755 +459 271 4 879561731 +459 274 4 879563226 +459 275 4 879562859 +459 278 4 879563270 +459 282 3 879562995 +459 286 4 879561532 +459 289 4 879561679 +459 291 4 879563312 +459 294 5 879561755 +459 295 3 879563367 +459 298 3 879562895 +459 300 4 879561574 +459 301 2 879561574 +459 307 5 879561630 +459 323 3 879561708 +459 328 3 879561574 +459 332 3 879561630 +459 333 3 879561574 +459 336 2 879561708 +459 405 3 879563334 +459 409 2 879563796 +459 411 2 879563796 +459 455 2 879563392 +459 471 3 879562659 +459 472 5 879563226 +459 473 4 879563102 +459 477 1 879562995 +459 523 4 879564915 +459 546 1 879563367 +459 568 3 879564941 +459 597 3 879563270 +459 619 4 879563169 +459 651 3 879564309 +459 676 3 879563288 +459 678 4 879561783 +459 685 3 879563613 +459 687 3 879561782 +459 696 4 879563736 +459 742 4 879562834 +459 748 4 879561754 +459 815 4 879563102 +459 825 3 879563474 +459 827 3 879563758 +459 832 3 879563758 +459 846 4 879563435 +459 864 4 879563435 +459 866 5 879563312 +459 873 4 879561731 +459 879 4 879561630 +459 926 4 879563639 +459 932 4 879563334 +459 969 3 879564882 +459 989 5 879561708 +459 993 3 879563146 +459 1013 3 879563226 +459 1014 1 879563506 +459 1016 4 879563506 +459 1038 4 879561654 +459 1039 3 879564915 +459 1040 2 879563701 +459 1047 3 879563668 +459 1051 3 879563667 +459 1115 3 879563506 +459 1190 4 879563169 +460 1 2 882911203 +460 7 3 882912205 +460 9 3 882912150 +460 13 3 882912371 +460 14 5 882912418 +460 19 5 882912418 +460 100 5 882912418 +460 117 3 882912342 +460 124 4 882912150 +460 127 4 882912150 +460 137 5 882912418 +460 146 4 882912370 +460 149 4 882912174 +460 151 3 882912205 +460 221 4 882912285 +460 224 4 882911603 +460 242 4 882910838 +460 245 3 882910657 +460 248 4 882912342 +460 250 2 882912261 +460 253 3 882912316 +460 258 3 882910637 +460 273 4 882912371 +460 276 5 882912418 +460 279 2 882912316 +460 283 3 882912316 +460 285 4 882912205 +460 288 2 882910678 +460 293 4 882911603 +460 294 2 882910637 +460 298 2 882912440 +460 301 3 882910579 +460 302 4 882910837 +460 303 3 882910553 +460 304 2 882911101 +460 306 4 882912418 +460 307 4 882912418 +460 311 5 882912418 +460 312 4 882910837 +460 313 4 882910837 +460 321 3 882910510 +460 322 3 882910722 +460 458 2 882911603 +460 515 5 882912418 +460 532 3 882912370 +460 591 2 882911603 +460 676 4 882912285 +460 713 4 882912469 +460 847 3 882912205 +460 870 2 882912469 +460 1011 4 882912205 +460 1067 4 882912316 +460 1115 3 882912235 +460 1137 3 882912235 +460 1142 4 882911203 +460 1171 3 882912235 +460 1251 3 882912285 +460 1380 3 882912469 +461 9 5 885356112 +461 158 2 885355930 +461 242 3 885355735 +461 258 4 885355735 +461 285 4 885356112 +461 294 3 885355805 +461 304 4 885355805 +461 305 2 885355757 +461 319 3 885355778 +461 327 4 885355757 +461 347 4 885355679 +461 575 2 885355930 +461 748 1 885355839 +462 11 5 886365498 +462 22 5 886365498 +462 100 4 886365387 +462 136 4 886365498 +462 181 4 886365443 +462 237 5 886365387 +462 259 3 886365773 +462 261 2 886365773 +462 272 5 886365142 +462 288 5 886365260 +462 292 5 886365260 +462 300 5 886365260 +462 315 4 886365837 +462 322 5 886365773 +462 323 2 886365837 +462 326 4 886365297 +462 328 5 886365773 +462 330 3 886365803 +462 346 1 886365928 +462 539 3 886365773 +462 655 5 886365467 +462 866 5 886365387 +462 873 4 886365706 +463 1 1 890453075 +463 3 2 877386083 +463 7 4 877385180 +463 10 1 890453075 +463 13 3 877385664 +463 14 1 890453075 +463 15 4 877385287 +463 16 4 877385830 +463 19 5 877385341 +463 20 5 877385590 +463 25 3 877385664 +463 50 4 890530818 +463 93 4 877385457 +463 100 4 877385237 +463 103 1 890530703 +463 107 3 889936181 +463 111 2 877385414 +463 112 1 890530721 +463 116 5 877385381 +463 117 3 877385731 +463 121 3 877385797 +463 124 5 877385381 +463 125 4 877385590 +463 126 4 877385531 +463 127 5 890530105 +463 129 2 877385287 +463 137 2 877385237 +463 147 3 877386047 +463 149 2 877385341 +463 150 2 889943683 +463 151 4 877385341 +463 221 5 877385180 +463 224 3 877385181 +463 235 2 877385457 +463 237 4 877385237 +463 243 1 877384970 +463 244 4 877387935 +463 246 4 877387935 +463 248 3 889935953 +463 249 2 889936035 +463 253 5 877387935 +463 257 4 889935910 +463 258 5 877387935 +463 268 4 877384940 +463 269 5 877384802 +463 270 3 889936535 +463 271 1 889943811 +463 274 3 877385664 +463 275 5 877385287 +463 276 3 877385287 +463 282 3 877385664 +463 283 5 877385287 +463 284 3 877385531 +463 285 4 877385125 +463 286 4 877387935 +463 288 1 889943851 +463 301 5 889936512 +463 302 5 877384835 +463 304 3 877384881 +463 306 4 877384836 +463 310 3 889936490 +463 311 4 889936814 +463 313 4 889935655 +463 319 1 889936589 +463 362 1 889943741 +463 410 1 890530286 +463 472 3 877385922 +463 473 4 877385731 +463 475 3 877385341 +463 476 3 877385664 +463 477 2 877385489 +463 508 4 877385125 +463 539 1 889936753 +463 544 4 877385415 +463 591 4 877385590 +463 596 3 877385731 +463 597 2 890531227 +463 689 2 889936731 +463 690 4 877384802 +463 740 4 877385922 +463 741 1 889937778 +463 744 3 877385457 +463 749 3 877384882 +463 751 4 889943769 +463 764 2 877385457 +463 813 4 877385125 +463 819 1 889937778 +463 845 3 877385830 +463 864 3 890530351 +463 866 3 877385862 +463 870 2 877385615 +463 880 4 890452525 +463 887 5 890452468 +463 892 2 889936774 +463 926 1 890453075 +463 930 1 889936180 +463 936 2 890460826 +463 952 1 890453075 +463 985 1 877386923 +463 988 2 877384836 +463 993 2 877387935 +463 1007 3 877387935 +463 1009 3 877386047 +463 1012 2 889935860 +463 1014 2 889936324 +463 1017 2 877385731 +463 1028 2 877386082 +463 1033 2 890530703 +463 1060 2 889936244 +463 1067 2 877385531 +463 1115 4 877385531 +463 1117 1 877385954 +463 1163 4 877385982 +463 1164 1 877385797 +463 1197 4 877385180 +463 1199 1 889937778 +463 1216 3 877387935 +463 1244 1 890530329 +463 1284 4 877385381 +463 1377 4 889935837 +463 1383 2 890530703 +463 1605 2 877387935 +463 1606 2 889936565 +464 12 5 878355167 +464 16 4 878355211 +464 50 4 878354966 +464 116 4 878355167 +464 127 5 878354966 +464 176 4 878355211 +464 181 3 878354998 +464 248 5 878354998 +464 249 2 878355119 +464 255 4 878355061 +464 257 4 878355088 +464 258 5 878354626 +464 259 4 878354859 +464 260 2 878354859 +464 264 4 878354886 +464 270 4 878354762 +464 286 3 878354626 +464 288 4 878354626 +464 292 5 878354722 +464 293 5 878355033 +464 294 4 878354721 +464 295 5 878355033 +464 298 4 878355061 +464 299 4 878354791 +464 301 4 878354829 +464 302 5 878354626 +464 307 5 878354859 +464 321 4 878354680 +464 322 3 878354680 +464 326 4 878354761 +464 332 4 878354761 +464 479 4 878355167 +464 510 4 878355167 +464 515 5 878354965 +464 520 5 878355167 +464 603 5 878355259 +464 705 5 878355258 +464 748 4 878354681 +464 879 4 878354791 +464 984 2 878354681 +464 1025 2 878354829 +464 1226 4 878355033 +464 1598 3 878355088 +465 1 4 883530054 +465 7 5 883529916 +465 8 4 883530991 +465 12 4 883530088 +465 22 3 883531246 +465 28 3 883531110 +465 32 3 883531026 +465 48 3 883530313 +465 56 4 883531110 +465 64 5 883530088 +465 87 4 883530054 +465 97 2 883532120 +465 98 4 883531409 +465 100 3 883532119 +465 127 4 883530667 +465 132 4 883531325 +465 134 4 883530133 +465 135 3 883531380 +465 136 4 883530133 +465 143 4 883531380 +465 151 3 883530818 +465 154 2 883532119 +465 169 4 883531072 +465 172 3 883531026 +465 174 3 883531409 +465 175 5 883530054 +465 179 3 883531325 +465 180 3 883530015 +465 181 3 883530521 +465 190 4 883530054 +465 191 4 883530133 +465 194 4 883531072 +465 199 3 883531026 +465 257 4 883530818 +465 258 5 883529482 +465 275 4 883530521 +465 281 2 883532120 +465 283 3 883530560 +465 286 4 883529338 +465 318 4 883531487 +465 319 3 883529372 +465 357 4 883531325 +465 395 1 883532120 +465 404 2 883532120 +465 408 5 883530391 +465 423 3 883531533 +465 428 3 883531246 +465 475 3 883530313 +465 478 4 883531246 +465 496 3 883531246 +465 511 4 883530991 +465 513 5 883530015 +465 525 3 883531111 +465 528 3 883530190 +465 529 3 883529984 +465 584 3 883531325 +465 588 4 883531380 +465 603 4 883531284 +465 615 3 883530991 +465 638 3 883531380 +465 651 3 883531155 +465 656 3 883531410 +465 705 4 883531444 +465 835 3 883531026 +465 836 3 883531155 +465 845 4 883530743 +465 855 4 883531444 +465 868 2 883532119 +465 929 3 883530818 +465 1078 2 883532119 +466 2 1 890284819 +466 4 3 890285034 +466 7 4 890284819 +466 11 3 890284707 +466 17 5 890284766 +466 22 5 890284706 +466 24 4 890285159 +466 27 3 890285113 +466 33 4 890285113 +466 50 5 890284819 +466 55 4 890284857 +466 56 4 890284706 +466 62 3 890285159 +466 68 3 890285159 +466 79 3 890284706 +466 82 3 890284819 +466 87 3 890285706 +466 89 3 890284819 +466 92 4 890285034 +466 95 2 890285788 +466 96 5 890284819 +466 98 3 890285762 +466 117 5 890285034 +466 121 3 890285034 +466 127 3 890284766 +466 144 5 890284707 +466 161 2 890285113 +466 173 3 890285762 +466 174 5 890284706 +466 176 4 890284766 +466 182 4 890284706 +466 183 3 890284766 +466 184 4 890285113 +466 187 3 890284857 +466 195 4 890284857 +466 210 4 890284706 +466 226 4 890285034 +466 231 1 890285159 +466 232 4 890284903 +466 241 5 890284857 +466 258 4 890284652 +466 260 4 890283592 +466 268 2 890282759 +466 269 2 890282759 +466 273 4 890284857 +466 288 4 890284651 +466 292 4 890284651 +466 294 3 890282986 +466 300 3 890282795 +466 302 5 890284651 +466 306 5 890284231 +466 313 5 890284651 +466 315 5 890284231 +466 324 1 890283690 +466 326 3 890282925 +466 327 3 890282956 +466 328 4 890284652 +466 333 4 890284652 +466 334 3 890283690 +466 344 5 890284231 +466 346 3 890283056 +466 350 4 890284651 +466 357 4 890285706 +466 385 4 890284819 +466 403 3 890284857 +466 405 3 890284903 +466 455 3 890285113 +466 510 2 890284857 +466 518 4 890284903 +466 546 4 890285159 +466 550 3 890284903 +466 566 3 890284819 +466 568 3 890285034 +466 651 3 890284819 +466 679 3 890285159 +466 682 1 890282957 +466 684 4 890285034 +466 748 2 890283592 +466 873 2 890283056 +466 882 5 890284231 +466 885 2 890283667 +466 895 3 890283056 +466 898 1 890283667 +466 899 5 890284231 +466 902 5 890283497 +466 908 4 890284651 +466 909 5 890284231 +466 995 5 890284231 +466 1176 5 890284651 +466 1313 3 890283690 +466 1607 5 890284231 +467 1 4 879532459 +467 7 5 879532385 +467 10 4 879532496 +467 24 4 879532496 +467 93 4 879532595 +467 100 5 879532420 +467 108 4 879532744 +467 117 2 879532437 +467 124 5 879532534 +467 127 5 879532478 +467 181 3 879532420 +467 222 3 879532651 +467 246 5 879532534 +467 248 3 879532651 +467 249 3 879532671 +467 258 2 879532164 +467 269 4 879532145 +467 273 4 879532565 +467 276 5 879532460 +467 293 4 879532385 +467 298 4 879532385 +467 302 4 879532127 +467 327 4 879532164 +467 340 3 879532198 +467 455 3 879532744 +467 475 4 879532460 +467 742 2 879532671 +467 919 2 879532535 +467 1011 2 879532630 +467 1012 3 879532534 +467 1016 4 879532671 +467 1059 4 879532693 +467 1142 5 879532478 +467 1226 4 879532744 +468 1 5 875280395 +468 4 5 875296868 +468 5 3 875287686 +468 7 3 875280214 +468 8 4 875288196 +468 9 5 875280041 +468 12 4 875291902 +468 13 4 875280104 +468 15 4 875280518 +468 19 4 875280126 +468 22 5 875287686 +468 23 4 875287535 +468 24 3 875280462 +468 25 5 875280214 +468 31 3 875287615 +468 42 4 875294549 +468 44 4 875302208 +468 47 5 875301056 +468 50 5 875280352 +468 51 3 875293386 +468 55 5 875287615 +468 56 5 875286450 +468 58 4 875288771 +468 64 5 875286450 +468 65 3 875294549 +468 70 3 875287535 +468 71 5 875295148 +468 82 5 875292320 +468 89 4 875291722 +468 91 5 875301056 +468 95 4 875287826 +468 96 5 875295148 +468 97 5 875288503 +468 98 5 875288196 +468 100 5 875279269 +468 111 4 875280518 +468 116 4 875280180 +468 117 2 875280499 +468 118 3 875280417 +468 121 4 875280628 +468 124 5 875280331 +468 126 3 875280214 +468 127 4 875280126 +468 132 5 875292134 +468 135 5 875287895 +468 137 4 875280126 +468 143 5 875288197 +468 144 5 875287826 +468 150 5 875280309 +468 153 5 875287720 +468 157 4 875294741 +468 159 3 875292320 +468 160 3 875295148 +468 161 3 875296309 +468 170 4 875301056 +468 172 4 875293386 +468 173 5 875295093 +468 174 5 875294549 +468 178 5 875296401 +468 180 5 875291902 +468 181 3 875280041 +468 182 5 875292320 +468 191 4 875287686 +468 192 4 875291403 +468 195 5 875291902 +468 200 4 875292319 +468 204 5 875287826 +468 214 5 875288771 +468 216 5 875288771 +468 218 4 875294971 +468 222 4 875279269 +468 226 2 875302208 +468 237 4 875280181 +468 238 3 875286036 +468 246 5 875280352 +468 248 4 875280352 +468 249 3 875280310 +468 251 4 875280180 +468 257 4 875280417 +468 258 4 875279126 +468 273 2 875280499 +468 275 4 875280143 +468 283 4 875280331 +468 285 4 875280104 +468 286 4 875279126 +468 293 5 875280395 +468 294 3 875279153 +468 297 4 875280462 +468 318 5 875293386 +468 321 3 875279126 +468 357 5 875294549 +468 367 4 875296868 +468 372 2 875301098 +468 377 2 875288503 +468 411 3 875284879 +468 423 4 875296868 +468 427 5 875291722 +468 428 4 875291403 +468 432 5 875287826 +468 435 4 875292027 +468 462 4 875288196 +468 469 4 875296309 +468 471 3 875279269 +468 475 4 875280041 +468 498 5 875291571 +468 507 5 875295412 +468 508 4 875280539 +468 529 3 875287686 +468 531 4 875295368 +468 582 3 875287535 +468 584 4 875288771 +468 603 5 875296309 +468 612 4 875294549 +468 647 5 875293386 +468 655 5 875294464 +468 662 4 875291570 +468 692 4 875292027 +468 699 3 875287686 +468 724 4 875287615 +468 772 4 875291722 +468 826 3 875284096 +468 856 4 875302155 +468 943 3 875287721 +468 952 3 875280310 +468 955 4 875288504 +468 963 5 875286036 +468 1012 4 875280462 +468 1014 3 875280539 +468 1016 3 875280670 +468 1051 2 875284635 +468 1070 5 875301653 +468 1134 5 875280670 +468 1168 2 875302155 +469 10 5 879525373 +469 64 5 879523802 +469 65 4 879524178 +469 127 4 879525373 +469 134 5 879524062 +469 152 4 879523947 +469 161 3 879523802 +469 168 4 879524006 +469 173 4 879524178 +469 194 5 879524116 +469 199 4 879524006 +469 215 4 879523802 +469 238 4 879525237 +469 286 5 879450367 +469 306 4 879450473 +469 474 5 879524117 +469 483 5 879524177 +469 487 5 879524178 +469 490 5 879524485 +469 495 5 879525237 +469 507 5 879523803 +469 510 4 879523802 +469 511 5 879524062 +469 520 4 879523947 +469 582 5 879524266 +469 603 5 879524376 +469 607 5 879524117 +469 611 5 879525237 +469 654 4 879524177 +469 656 5 879524116 +469 705 5 879524302 +469 923 5 879523891 +469 1558 5 879524177 +470 1 3 879178428 +470 7 3 879178518 +470 9 5 879178370 +470 13 4 879178518 +470 19 4 879178813 +470 50 5 879178487 +470 100 4 879178370 +470 118 4 879178645 +470 124 3 879178486 +470 125 4 879178969 +470 129 3 879178542 +470 137 3 879178406 +470 150 5 879178406 +470 181 4 879189434 +470 221 4 879178370 +470 222 3 879178711 +470 235 3 879178486 +470 246 2 879189432 +470 248 3 879189434 +470 257 4 879178568 +470 258 4 879178216 +470 273 3 879178370 +470 276 5 879178619 +470 277 4 879178593 +470 283 5 879178370 +470 284 4 879178884 +470 285 3 879178619 +470 286 4 879178216 +470 288 4 879178216 +470 291 2 879178777 +470 293 4 879178455 +470 295 3 879178455 +470 305 4 879178257 +470 319 3 879178216 +470 327 3 879178274 +470 360 2 879189269 +470 458 4 879178542 +470 471 5 879178593 +470 508 5 879178932 +470 742 4 879178455 +470 813 3 879178370 +470 847 3 879178568 +470 874 3 879189137 +470 952 3 879178884 +470 1067 4 879178568 +470 1084 3 879178406 +470 1134 4 879178486 +471 8 5 889827881 +471 50 3 889827757 +471 71 3 889828154 +471 82 5 889827822 +471 102 5 889828081 +471 151 2 889828154 +471 172 4 889827822 +471 225 5 889828026 +471 393 5 889827918 +471 404 2 889827757 +471 420 1 889828027 +471 422 5 889827982 +471 432 1 889827822 +471 465 5 889827822 +471 501 3 889828027 +471 627 1 889827881 +471 768 3 889827982 +471 878 4 889827710 +471 932 5 889828027 +471 946 2 889827982 +471 1219 4 889828026 +472 1 5 892790627 +472 2 5 892790676 +472 3 5 892790676 +472 4 3 875980418 +472 7 5 892790953 +472 12 5 892791017 +472 21 3 875978686 +472 22 5 892790953 +472 24 5 892791017 +472 27 4 875980283 +472 28 5 892791063 +472 29 5 875982867 +472 33 5 875981829 +472 38 4 875981358 +472 41 4 875982511 +472 43 4 875982560 +472 49 5 875982607 +472 50 5 875978010 +472 51 5 875981708 +472 56 5 875979853 +472 62 5 875981876 +472 63 4 875982511 +472 64 5 875981829 +472 66 5 875981158 +472 67 4 892790628 +472 68 5 892791017 +472 69 5 892790628 +472 71 2 875981281 +472 72 5 892791017 +472 73 4 875981317 +472 78 1 875982967 +472 79 5 892790953 +472 80 3 875981230 +472 82 5 892791017 +472 88 2 875982607 +472 90 5 892791063 +472 91 5 892791063 +472 94 5 892791063 +472 95 3 875980209 +472 96 5 875980823 +472 97 3 875981281 +472 99 3 875981595 +472 100 5 875978534 +472 101 5 875981624 +472 105 3 875979402 +472 109 4 875978686 +472 117 3 875978740 +472 118 4 875979082 +472 120 5 883904649 +472 121 5 875978600 +472 122 3 875979153 +472 123 4 875979317 +472 125 5 875979041 +472 132 5 875979853 +472 135 4 875982051 +472 140 3 875980823 +472 141 4 875982200 +472 143 4 875980823 +472 150 3 875978686 +472 151 3 875978867 +472 161 5 875982149 +472 172 5 892791063 +472 173 5 875982641 +472 174 5 875981595 +472 175 5 875979910 +472 176 5 875981664 +472 177 4 875981358 +472 181 5 875978034 +472 183 5 875980376 +472 185 5 875980081 +472 186 5 888183325 +472 191 5 875980283 +472 195 5 875982005 +472 196 4 875982005 +472 200 4 875981158 +472 202 5 875979737 +472 204 5 875980823 +472 208 5 875981317 +472 210 5 875981664 +472 214 4 875979964 +472 215 4 875981968 +472 216 4 875981230 +472 217 5 875982867 +472 218 4 875980120 +472 222 5 876882530 +472 226 5 875982867 +472 227 5 875981429 +472 228 5 875979910 +472 229 5 875982560 +472 230 5 875981876 +472 231 5 875980418 +472 232 4 875983321 +472 234 4 875980081 +472 235 5 875978994 +472 239 5 875982398 +472 240 4 875979187 +472 250 5 875978059 +472 252 4 875978191 +472 254 4 875978191 +472 255 5 892791017 +472 257 4 875978096 +472 260 4 875977827 +472 264 3 875977870 +472 265 4 892790676 +472 271 5 892790628 +472 288 5 875977682 +472 294 4 875977735 +472 313 5 892790628 +472 318 5 892791017 +472 323 4 892790117 +472 338 4 892790531 +472 343 5 892790628 +472 355 3 892790003 +472 356 3 875983231 +472 358 5 892790676 +472 362 5 892790627 +472 365 4 875983129 +472 366 4 892790952 +472 367 5 892790953 +472 368 3 875979685 +472 370 4 875979317 +472 373 4 875983129 +472 374 2 875982922 +472 375 5 875982680 +472 378 4 875981759 +472 380 5 875982511 +472 384 3 875982051 +472 385 5 892790676 +472 386 5 892790953 +472 391 2 875983129 +472 392 4 875981503 +472 393 3 875983129 +472 395 3 875982559 +472 400 5 892791062 +472 402 5 892791063 +472 403 5 875982200 +472 404 3 875982922 +472 405 5 875978600 +472 411 4 875979113 +472 416 3 875982867 +472 417 4 875982337 +472 418 3 875980120 +472 419 4 875982337 +472 420 3 875982149 +472 421 5 875982200 +472 423 5 892791017 +472 426 4 875980010 +472 431 5 875982607 +472 432 5 875979964 +472 443 4 875982149 +472 455 4 883903686 +472 465 3 875982149 +472 472 5 875979153 +472 473 4 875978867 +472 475 5 892791017 +472 477 5 875978387 +472 485 3 875980377 +472 496 4 875980823 +472 501 3 875982868 +472 540 3 875982239 +472 541 5 892791017 +472 546 4 875979041 +472 548 1 875982867 +472 549 5 892791063 +472 550 5 875983066 +472 552 5 892790576 +472 554 5 875982771 +472 559 5 875981708 +472 561 5 875982050 +472 562 5 875983023 +472 566 4 875982727 +472 567 4 875982922 +472 568 5 892790676 +472 569 4 892790676 +472 576 5 892790952 +472 577 3 875982680 +472 578 5 892790952 +472 581 4 875981551 +472 584 1 875980377 +472 588 3 875979797 +472 597 5 892791062 +472 603 5 875980376 +472 609 5 875981551 +472 625 4 875981968 +472 633 4 875981428 +472 651 4 875981830 +472 655 5 875982397 +472 658 5 875983231 +472 660 5 875982096 +472 665 4 875983023 +472 672 4 875982771 +472 678 4 883904118 +472 682 4 887297923 +472 685 3 875978740 +472 689 4 883903273 +472 715 4 875982607 +472 720 5 875982096 +472 739 5 875982967 +472 742 5 883903715 +472 743 4 883904504 +472 746 5 875983023 +472 747 5 875982051 +472 748 5 875977682 +472 751 5 892790628 +472 755 4 875981829 +472 756 4 875978922 +472 758 1 875979359 +472 760 5 892790953 +472 763 4 875978922 +472 768 5 875982771 +472 771 4 875983427 +472 780 4 875982922 +472 790 3 875981968 +472 796 4 875981595 +472 810 5 875982922 +472 825 5 875979439 +472 831 5 875979498 +472 834 3 875979685 +472 866 5 875978600 +472 890 4 883903272 +472 895 4 892790628 +472 916 5 892790627 +472 924 2 875978994 +472 928 4 875979562 +472 930 5 875979317 +472 931 2 883904681 +472 940 4 875982560 +472 946 2 875981122 +472 951 1 875983426 +472 977 3 875979317 +472 1002 4 883904649 +472 1014 4 875978191 +472 1029 4 875983321 +472 1034 3 875979359 +472 1035 4 875981759 +472 1036 4 875983484 +472 1047 4 875979082 +472 1053 4 875982397 +472 1058 4 875980081 +472 1074 5 892790676 +472 1079 4 883904360 +472 1090 5 875983321 +472 1091 4 875982804 +472 1095 4 883904614 +472 1110 5 875981429 +472 1119 5 875983023 +472 1139 5 875983231 +472 1210 3 875983484 +472 1215 4 875979562 +472 1228 4 875983270 +472 1239 5 892790676 +472 1248 4 875983427 +472 1469 4 875982337 +473 7 2 878157329 +473 9 5 878157357 +473 14 4 878157242 +473 20 3 878157568 +473 25 4 878157427 +473 116 5 878157544 +473 124 4 878157357 +473 127 5 878157299 +473 129 4 878157329 +473 137 4 878157357 +473 150 5 878157329 +473 242 3 878156824 +473 246 5 878157404 +473 256 4 878157648 +473 268 5 878156932 +473 275 5 878157527 +473 285 4 878157404 +473 302 4 878156824 +473 303 4 878156932 +473 319 3 878156824 +473 321 2 878156950 +473 327 3 878156857 +473 475 5 878157299 +473 1007 4 878157329 +473 1143 4 878157242 +474 4 5 887927588 +474 7 5 887915414 +474 9 5 887916203 +474 11 5 887924571 +474 12 5 887924683 +474 13 5 887915684 +474 14 5 887915306 +474 15 5 887915600 +474 22 4 887924571 +474 23 4 887925620 +474 25 5 887916608 +474 26 4 887927509 +474 28 4 887924619 +474 31 4 887926573 +474 42 4 887923923 +474 44 3 887926998 +474 45 5 887924618 +474 47 4 887927339 +474 48 4 887923923 +474 50 5 887915221 +474 52 4 887925751 +474 55 4 887926271 +474 56 5 887924083 +474 58 4 887925977 +474 59 3 887923708 +474 60 3 887925620 +474 61 3 887924619 +474 64 5 887924027 +474 66 4 887926437 +474 69 5 887924618 +474 70 4 887928498 +474 71 5 887926872 +474 72 3 887927457 +474 73 3 887928793 +474 76 4 887926573 +474 77 5 887926106 +474 79 5 887924027 +474 83 3 887925977 +474 86 4 887927456 +474 87 4 887925916 +474 88 4 887926106 +474 89 5 887924425 +474 92 4 887927509 +474 96 4 887925497 +474 97 5 887924028 +474 98 5 887924027 +474 99 4 887927339 +474 100 5 887915413 +474 107 3 887915722 +474 111 4 887916203 +474 116 5 887915366 +474 117 4 887915306 +474 121 4 887916260 +474 124 5 887915269 +474 126 4 887915366 +474 127 5 887915188 +474 131 4 887927509 +474 132 4 887924683 +474 134 4 887923972 +474 135 5 887924424 +474 136 4 887925187 +474 137 5 887915188 +474 141 4 887926059 +474 143 4 887926573 +474 150 5 887915188 +474 151 3 887916203 +474 161 4 887926633 +474 168 3 887927670 +474 170 4 887925620 +474 171 4 887926804 +474 172 5 887923789 +474 173 5 887924027 +474 174 5 887925750 +474 175 4 887925497 +474 178 4 887926105 +474 179 5 887924424 +474 180 5 887924028 +474 181 5 887915511 +474 182 5 887923924 +474 183 5 887924619 +474 185 5 887923923 +474 186 4 887925977 +474 187 5 887923708 +474 188 5 887926437 +474 190 3 887923972 +474 191 5 887923789 +474 192 4 887924571 +474 193 4 887925497 +474 194 5 887924571 +474 195 5 887923789 +474 196 5 887924469 +474 197 5 887923788 +474 198 3 887925621 +474 199 5 887927456 +474 200 3 887925497 +474 203 5 887926059 +474 204 4 887924084 +474 205 5 887924469 +474 207 4 887925751 +474 208 3 887925497 +474 209 5 887927670 +474 210 5 887928562 +474 211 5 887925751 +474 212 4 887927670 +474 213 4 887927509 +474 215 5 887926804 +474 216 4 887924683 +474 218 4 887927588 +474 221 4 888628044 +474 222 4 887915479 +474 227 4 887926872 +474 230 3 887927728 +474 234 5 887923788 +474 237 4 887915366 +474 238 4 887924083 +474 244 4 887915646 +474 248 4 887916438 +474 252 4 887916567 +474 255 4 887915600 +474 257 3 887915511 +474 258 4 887914688 +474 259 1 887914878 +474 265 5 887924425 +474 274 3 887916330 +474 275 3 887915269 +474 276 5 887915221 +474 282 4 887916411 +474 283 3 887915437 +474 284 4 887915645 +474 285 5 888628044 +474 286 5 887914646 +474 288 3 887914615 +474 289 3 887914906 +474 291 4 887916567 +474 293 4 887915269 +474 294 3 887916330 +474 298 3 887915645 +474 302 5 887914615 +474 313 4 887914615 +474 315 5 887914615 +474 316 5 887914979 +474 317 4 887925187 +474 318 5 887923708 +474 322 4 888627937 +474 323 2 887915020 +474 326 3 887914822 +474 343 3 887915082 +474 346 5 887914688 +474 356 5 887928793 +474 357 5 887924618 +474 378 4 887927152 +474 380 4 887927588 +474 381 4 887924683 +474 382 3 887927339 +474 385 4 887927670 +474 405 4 887916260 +474 411 2 887915684 +474 414 4 887927153 +474 416 4 887926271 +474 418 3 887928562 +474 419 4 887925916 +474 421 3 887928562 +474 423 5 887924425 +474 427 5 887923924 +474 430 3 887925977 +474 431 4 887926999 +474 434 4 887928562 +474 435 5 887926573 +474 436 3 887926873 +474 448 5 887925751 +474 461 5 887924683 +474 462 4 887925497 +474 463 5 887927457 +474 467 4 887928498 +474 468 4 887926999 +474 469 4 887925916 +474 470 3 887926437 +474 471 3 887915307 +474 474 5 887923789 +474 475 4 887915479 +474 478 4 887926804 +474 479 5 887923972 +474 481 4 887927153 +474 482 3 887925395 +474 483 5 887924424 +474 484 5 887925751 +474 485 4 887926804 +474 486 4 887924425 +474 487 4 887923972 +474 488 3 887925977 +474 489 4 887923972 +474 490 5 887926059 +474 491 4 887925187 +474 492 4 887925838 +474 493 4 887925837 +474 495 4 887927728 +474 496 4 887923708 +474 497 5 887926106 +474 498 4 887924683 +474 499 5 887924683 +474 503 4 887925838 +474 504 5 887924469 +474 505 5 887924425 +474 506 5 887924084 +474 507 4 887924424 +474 508 3 887915437 +474 509 5 887927457 +474 510 4 887925837 +474 511 5 887925620 +474 513 5 887924571 +474 514 4 887926632 +474 515 5 887915269 +474 517 4 887925916 +474 519 4 887926872 +474 520 5 887925837 +474 521 5 887925977 +474 523 5 887924083 +474 525 4 887925837 +474 526 5 887927339 +474 527 5 887923923 +474 529 5 887924571 +474 530 5 887926271 +474 549 5 887926999 +474 553 2 887927339 +474 566 5 887926632 +474 582 5 887927728 +474 584 5 887927728 +474 591 3 887915366 +474 601 5 887927509 +474 603 5 887923788 +474 604 4 887926059 +474 605 3 887927670 +474 606 3 887924571 +474 607 4 887926872 +474 608 4 887925187 +474 609 4 887927509 +474 610 3 887924571 +474 611 4 887925395 +474 614 4 887926999 +474 615 4 887924619 +474 616 4 887924028 +474 617 3 887925620 +474 618 4 887927457 +474 628 4 887915414 +474 630 3 887928793 +474 633 4 887926436 +474 641 4 887926436 +474 642 4 887927152 +474 646 4 887925395 +474 647 4 887924571 +474 648 4 887926804 +474 649 4 887927588 +474 650 4 887925187 +474 651 5 887927670 +474 652 4 887925838 +474 653 4 887926999 +474 654 5 887924469 +474 655 5 887924083 +474 657 5 887924028 +474 659 5 887925187 +474 660 5 887926999 +474 661 4 887925620 +474 663 4 887924084 +474 664 4 887925620 +474 671 3 887926105 +474 676 3 887916369 +474 678 2 887915020 +474 684 4 887925977 +474 685 3 887915784 +474 692 4 887927588 +474 696 3 887916330 +474 697 4 887928498 +474 699 4 887927457 +474 705 3 887924619 +474 707 5 887925751 +474 708 4 887927339 +474 709 5 887928755 +474 729 4 887927152 +474 735 4 887924619 +474 737 4 887926633 +474 744 3 887916260 +474 748 3 887914979 +474 756 1 887915646 +474 789 4 887927152 +474 792 4 887926573 +474 836 3 887926804 +474 848 4 887926998 +474 921 3 887926271 +474 923 4 887926632 +474 924 4 887915600 +474 929 3 887916330 +474 939 4 887928562 +474 943 4 887925751 +474 945 4 887923923 +474 956 4 887926271 +474 963 5 887926105 +474 966 4 887925837 +474 971 4 887924469 +474 996 3 887927153 +474 1009 4 887915722 +474 1011 4 887916203 +474 1016 3 887915567 +474 1020 3 887926573 +474 1028 1 887916438 +474 1045 4 887927728 +474 1050 4 887926106 +474 1063 5 887927728 +474 1113 3 887926059 +474 1123 4 887923924 +474 1124 4 887927152 +474 1134 3 887915306 +474 1172 4 887924469 +474 1200 4 887927339 +474 1221 4 887926999 +474 1286 2 887927670 +474 1421 4 887928562 +474 1518 3 887927338 +475 50 5 891627857 +475 127 4 891627857 +475 258 1 891451205 +475 269 4 891451276 +475 302 3 891451083 +475 303 1 891451341 +475 306 5 891451276 +475 327 4 891451149 +475 354 2 891627606 +475 539 3 891451693 +476 4 4 883364143 +476 26 4 883364475 +476 33 4 883364475 +476 42 4 883364295 +476 47 3 883364392 +476 56 4 883365019 +476 63 3 883365274 +476 66 3 883364433 +476 67 4 883365218 +476 70 3 883364680 +476 73 4 883364475 +476 80 3 883364392 +476 83 3 883364143 +476 85 2 883364433 +476 88 4 883364717 +476 90 3 883364433 +476 94 2 883364780 +476 168 5 883364143 +476 173 5 883364218 +476 175 4 883364143 +476 186 5 883365019 +476 194 5 883364143 +476 201 4 883364324 +476 202 4 883364295 +476 208 5 883364250 +476 209 4 883364218 +476 210 4 883364218 +476 211 5 883365019 +476 216 4 883364250 +476 239 4 883364475 +476 245 4 883365784 +476 268 4 883365503 +476 288 4 883365734 +476 294 3 883365634 +476 300 5 883365561 +476 319 1 883365561 +476 325 1 883365684 +476 328 4 883365684 +476 343 4 883365634 +476 367 3 883364475 +476 384 4 883365274 +476 386 2 883365135 +476 393 4 883365135 +476 399 3 883364812 +476 401 3 883364812 +476 430 4 883364143 +476 433 4 883364250 +476 435 3 883364218 +476 451 3 883364475 +476 579 2 883365385 +476 585 1 883365336 +476 648 4 883364295 +476 655 4 883365019 +476 692 3 883364143 +476 710 5 883364324 +476 712 3 883364475 +476 732 3 883364250 +476 734 4 883365274 +476 738 3 883364812 +476 746 3 883364295 +476 748 2 883365634 +476 780 3 883365274 +476 790 4 883365274 +476 890 1 883365989 +476 940 3 883365336 +476 944 2 883364813 +476 959 3 883364433 +476 999 2 883365385 +476 1036 2 883364780 +476 1074 4 883365274 +476 1118 3 883364392 +476 1180 3 883365336 +476 1271 2 883364433 +477 20 4 875941888 +477 49 5 875941155 +477 66 5 875941763 +477 90 4 875941275 +477 111 5 875941763 +477 237 4 875940451 +477 274 5 875941763 +477 275 5 875941763 +477 282 4 875941948 +477 289 5 875941793 +477 294 4 875940693 +477 369 4 875940836 +477 451 5 875941763 +477 546 4 875941972 +477 553 5 875941155 +477 722 5 875941763 +477 731 4 875941275 +477 732 4 875941111 +477 739 4 875941191 +477 756 4 875940755 +477 778 4 875941191 +477 794 4 875941111 +477 846 4 875942042 +477 1041 5 875941225 +477 1051 5 875941763 +478 1 4 889387931 +478 7 1 889387871 +478 11 4 889395638 +478 12 5 889388862 +478 15 5 889397306 +478 17 2 889396180 +478 23 2 889388562 +478 26 5 889396212 +478 28 3 889395655 +478 32 3 889395678 +478 40 1 889398198 +478 41 3 889396330 +478 42 5 889388763 +478 48 4 889388587 +478 64 5 889388862 +478 65 4 889395879 +478 68 1 889396582 +478 69 3 889388612 +478 71 3 889388790 +478 72 1 889397841 +478 77 1 889395879 +478 79 4 889388743 +478 81 4 889395977 +478 93 4 889387871 +478 96 2 889396509 +478 98 5 889388862 +478 100 5 889388863 +478 111 3 889397582 +478 124 4 889387982 +478 134 2 889397467 +478 137 4 889398260 +478 144 5 889396509 +478 145 1 889398599 +478 150 4 889388098 +478 153 3 889396212 +478 160 2 889395921 +478 161 3 889396645 +478 168 4 889388697 +478 178 4 889388562 +478 182 5 889389014 +478 188 4 889396582 +478 195 4 889396509 +478 196 3 889395921 +478 202 4 889396256 +478 204 4 889388658 +478 216 5 889396029 +478 218 3 889396731 +478 219 2 889398289 +478 222 2 889387931 +478 231 1 889398598 +478 232 2 889396180 +478 235 2 889388357 +478 237 5 889388863 +478 238 3 889388818 +478 255 4 889398363 +478 283 4 889388137 +478 288 5 889388862 +478 300 3 889387471 +478 327 3 889387577 +478 340 5 889398260 +478 350 1 889387418 +478 354 3 889397221 +478 357 5 889388724 +478 367 4 889396235 +478 369 3 889388429 +478 381 5 889397221 +478 392 2 889398571 +478 393 4 889397306 +478 403 2 889398645 +478 410 3 889388357 +478 412 4 889388249 +478 427 4 889388633 +478 433 3 889396330 +478 447 4 889396732 +478 451 5 889396282 +478 467 5 889395563 +478 469 3 889395879 +478 496 5 889388862 +478 518 4 889395638 +478 568 5 889396615 +478 591 3 889387958 +478 604 3 889398289 +478 616 4 889398260 +478 655 3 889395541 +478 658 3 889395977 +478 708 3 889397239 +478 710 5 889396029 +478 739 4 889398528 +478 743 1 889388534 +478 762 4 889388161 +478 763 5 889388375 +478 780 3 889397808 +478 843 5 889397582 +478 869 2 889396102 +478 946 2 889396917 +478 959 4 889396049 +478 975 4 889388229 +478 1041 3 889396449 +478 1048 4 889388357 +478 1101 4 889396005 +478 1221 2 889398645 +478 1270 1 889396212 +478 1521 3 889397343 +479 1 5 879459939 +479 8 5 879461415 +479 15 3 879460140 +479 22 4 879461280 +479 24 3 879460236 +479 31 4 889125905 +479 32 3 879461354 +479 50 4 879460160 +479 54 3 879462121 +479 55 4 879461207 +479 58 4 879461432 +479 62 3 879462007 +479 66 3 879462103 +479 70 4 879461630 +479 71 1 879461143 +479 79 4 879460894 +479 82 4 879461898 +479 88 4 879462041 +479 89 4 879460959 +479 95 4 879461818 +479 96 4 879460959 +479 97 3 879461651 +479 100 3 879460028 +479 101 4 879462185 +479 108 4 879460424 +479 111 4 879460323 +479 117 3 889125627 +479 118 3 887064767 +479 121 4 879460236 +479 122 1 879460648 +479 127 5 879460192 +479 131 3 879460999 +479 133 2 879461970 +479 136 4 879461447 +479 137 4 889125448 +479 143 1 879461669 +479 144 4 879461741 +479 147 3 889125665 +479 148 2 879460354 +479 151 4 879461914 +479 153 4 879462140 +479 154 3 889126007 +479 157 5 879461856 +479 161 3 879461399 +479 164 4 879461781 +479 169 5 879460917 +479 172 4 879461084 +479 173 5 879460984 +479 175 4 879461102 +479 176 4 889125562 +479 177 4 889125665 +479 179 1 879461142 +479 180 4 879460819 +479 181 5 879460028 +479 182 4 879460984 +479 183 5 889125563 +479 185 4 879461604 +479 187 4 879460785 +479 188 2 879461545 +479 189 2 879461298 +479 190 4 879461354 +479 193 3 879460939 +479 195 4 879460939 +479 196 4 879461207 +479 197 4 879461102 +479 198 5 879460939 +479 199 5 879460863 +479 200 5 889125775 +479 201 4 879461142 +479 202 4 879461567 +479 203 3 879460893 +479 204 4 879461583 +479 205 3 879461015 +479 209 4 879460863 +479 210 4 889125866 +479 211 4 879461447 +479 213 4 879461039 +479 215 3 879461651 +479 216 3 879461399 +479 222 4 879460028 +479 226 3 879461280 +479 230 4 879461898 +479 234 5 879461318 +479 235 3 879460503 +479 238 4 879461039 +479 241 3 879461800 +479 249 2 879460236 +479 250 4 879460393 +479 252 2 879460628 +479 255 2 879460192 +479 257 4 879459955 +479 258 5 879459552 +479 261 1 879533993 +479 264 3 879459791 +479 265 4 879460918 +479 266 3 879459791 +479 270 4 879459641 +479 271 3 879459692 +479 272 4 889125255 +479 273 4 879459909 +479 274 4 879460370 +479 281 3 879460285 +479 282 5 879460049 +479 283 4 879460140 +479 286 1 879533972 +479 288 3 879459836 +479 294 3 879459578 +479 295 1 879460424 +479 298 3 879459909 +479 300 2 879459641 +479 304 4 879459692 +479 318 5 879461039 +479 324 1 879459611 +479 328 4 879459611 +479 335 3 879459752 +479 338 1 887064372 +479 340 1 887064320 +479 356 3 879461951 +479 357 4 889125798 +479 358 1 879459732 +479 380 3 879462007 +479 385 2 879461567 +479 398 1 889125474 +479 403 3 879461988 +479 405 4 879460236 +479 408 5 879460091 +479 421 4 879460762 +479 422 3 879461207 +479 423 2 879461084 +479 431 4 879461741 +479 436 4 879461856 +479 455 4 889125853 +479 463 4 879460984 +479 470 5 889125718 +479 471 4 879460028 +479 472 1 879460354 +479 474 5 879461279 +479 475 1 879460028 +479 479 4 879461378 +479 480 5 889125737 +479 483 4 879460844 +479 485 3 879460844 +479 489 5 879460844 +479 490 4 879461337 +479 496 3 879461084 +479 498 5 879461179 +479 500 4 879461255 +479 509 4 879461756 +479 510 4 879461337 +479 511 5 879461280 +479 523 4 879460894 +479 526 4 879461378 +479 535 3 887064690 +479 546 2 879460305 +479 566 3 879461800 +479 584 3 879461873 +479 588 1 879461378 +479 602 4 879461492 +479 604 3 879461084 +479 609 5 879461951 +479 616 4 879462062 +479 629 3 879461161 +479 632 5 879460785 +479 640 4 879462168 +479 647 5 879461039 +479 651 5 889125921 +479 655 4 879460959 +479 670 3 879461530 +479 688 1 887064434 +479 692 3 879461700 +479 727 5 879461818 +479 732 4 879461120 +479 739 1 879461932 +479 748 3 879459710 +479 751 4 889125759 +479 752 3 889125284 +479 756 1 879462203 +479 831 2 879460562 +479 840 1 879460547 +479 879 4 879459657 +479 915 4 893281238 +479 945 5 879460785 +479 986 1 879460648 +479 1007 4 879460140 +479 1013 1 879460453 +479 1016 3 879460254 +479 1028 1 879460192 +479 1039 4 879461015 +479 1142 5 879459939 +479 1244 3 887064647 +479 1444 1 879462121 +479 1608 2 889125499 +480 8 5 891208576 +480 12 5 891208433 +480 50 4 891207951 +480 56 4 891208492 +480 64 3 891208293 +480 79 4 891208718 +480 89 4 891208651 +480 96 4 891208623 +480 98 4 891208239 +480 100 4 891207715 +480 114 4 891208547 +480 127 3 891207715 +480 152 4 891208390 +480 165 5 891208390 +480 166 5 891208185 +480 169 5 891208327 +480 185 2 891208718 +480 191 4 891208265 +480 197 3 891208215 +480 208 2 891208650 +480 209 4 891208599 +480 213 5 891208492 +480 237 2 891207836 +480 249 1 891207975 +480 257 4 891208037 +480 258 3 891207859 +480 265 3 891208390 +480 272 4 891207539 +480 294 1 891208058 +480 298 2 891207665 +480 302 4 891207539 +480 347 3 891207605 +480 443 4 891208746 +480 462 4 891208520 +480 479 4 891208215 +480 485 4 891208186 +480 504 4 891208822 +480 510 4 891208460 +480 511 4 891208599 +480 517 4 891208460 +480 527 4 891208327 +480 603 4 891208239 +480 642 4 891208822 +480 654 4 891208718 +480 661 4 891208327 +480 705 4 891208520 +480 863 4 891208356 +480 1007 4 891207715 +480 1121 4 891208689 +480 1388 4 891207665 +481 4 3 885829196 +481 8 3 885828245 +481 50 4 885827974 +481 70 5 885828389 +481 86 5 885828650 +481 88 4 885829153 +481 98 4 885828574 +481 100 4 885828426 +481 144 4 885828732 +481 153 5 885828165 +481 163 4 885828389 +481 173 4 885828165 +481 181 5 885827974 +481 190 5 885828732 +481 191 5 885828543 +481 197 3 885828773 +481 198 4 885828686 +481 199 5 885828543 +481 202 4 885829240 +481 204 4 885829196 +481 207 3 885828619 +481 211 5 885828426 +481 216 5 885828339 +481 238 4 885828245 +481 252 4 885828016 +481 283 5 885828389 +481 322 4 885828016 +481 367 3 885829153 +481 393 3 885829045 +481 427 4 885828807 +481 430 4 885829196 +481 479 4 885828619 +481 484 4 885828686 +481 498 5 885828619 +481 500 4 885828732 +481 505 5 885828574 +481 514 4 885829045 +481 580 4 885829153 +481 648 5 885828165 +481 650 3 885828650 +481 659 5 885829153 +481 663 4 885828297 +481 678 3 885828016 +481 692 4 885828339 +481 780 1 885829240 +481 1039 4 885828732 +482 50 4 887644063 +482 243 2 887644023 +482 245 4 887643461 +482 249 2 887644102 +482 258 2 887644023 +482 269 4 887643096 +482 286 3 887644023 +482 288 3 887644023 +482 294 4 887643365 +482 313 5 887643146 +482 315 3 887643146 +482 328 4 887643289 +482 346 3 887644022 +482 682 3 887644022 +482 748 4 887643365 +482 881 3 887644022 +483 1 4 878950971 +483 9 2 878952471 +483 12 2 878953999 +483 20 2 878952993 +483 50 5 878953485 +483 68 1 878953693 +483 91 3 884047427 +483 99 3 884047323 +483 101 2 884047278 +483 107 3 878951717 +483 109 5 882165734 +483 116 3 878951532 +483 121 2 878952692 +483 151 2 878952582 +483 173 4 884047454 +483 180 2 878954086 +483 195 3 878954753 +483 197 3 878953815 +483 199 3 882165665 +483 222 3 878953485 +483 227 3 878953592 +483 228 5 878953485 +483 229 3 878953485 +483 230 5 878953592 +483 257 2 878952519 +483 258 4 878950353 +483 270 3 891917351 +483 274 4 878953129 +483 275 4 878951388 +483 277 3 878952636 +483 283 5 878952582 +483 286 3 878950353 +483 290 3 878953199 +483 318 3 884046480 +483 365 2 878953277 +483 380 3 878953592 +483 405 3 878952966 +483 432 3 884047278 +483 450 4 878953593 +483 473 3 878953090 +483 480 3 878953862 +483 510 3 878953751 +483 515 4 878950971 +483 538 2 886470912 +483 582 3 887677797 +483 612 3 878953751 +483 676 4 878950972 +483 743 1 893098548 +483 1152 4 893098572 +484 1 5 881450058 +484 2 4 891195391 +484 4 4 891195154 +484 7 4 881449706 +484 9 1 881449910 +484 14 4 885237963 +484 15 5 881449527 +484 22 5 891194841 +484 24 1 881449826 +484 28 5 880937193 +484 29 3 891195532 +484 38 4 891195532 +484 50 5 881254239 +484 51 4 891194910 +484 53 1 891195663 +484 56 5 891195057 +484 69 5 891194743 +484 71 2 891194743 +484 73 4 891195199 +484 79 5 891195322 +484 82 4 891195444 +484 87 5 891195746 +484 88 4 891195179 +484 89 4 891195298 +484 94 4 891195856 +484 95 4 891195773 +484 97 5 891194957 +484 98 4 891195687 +484 111 4 881450111 +484 117 4 881449561 +484 121 4 881449910 +484 122 2 889974407 +484 125 4 881450017 +484 135 4 891194820 +484 136 5 891194766 +484 143 4 891195746 +484 144 4 891195298 +484 150 4 891195246 +484 151 4 881450017 +484 153 5 891194716 +484 161 4 891195444 +484 168 4 891195036 +484 172 5 891195298 +484 173 5 891195036 +484 174 5 891195298 +484 176 4 891195298 +484 181 5 881254239 +484 183 4 891195323 +484 186 4 891195219 +484 197 4 891195973 +484 202 5 891195179 +484 204 5 891195057 +484 210 5 891194743 +484 211 4 891195036 +484 216 4 891195105 +484 222 5 883402900 +484 226 4 891195390 +484 227 5 891195506 +484 228 5 891195349 +484 229 5 891195476 +484 230 5 891195417 +484 231 2 891195476 +484 233 5 891195444 +484 234 4 891195687 +484 237 3 881450112 +484 239 4 891195036 +484 241 3 891195390 +484 248 4 883973581 +484 250 4 891194646 +484 252 3 880270616 +484 255 3 882079980 +484 257 5 882079956 +484 258 5 883402900 +484 265 5 891195476 +484 274 4 881450085 +484 275 3 891195973 +484 293 5 881254899 +484 294 4 878060860 +484 313 5 885237934 +484 315 3 883973609 +484 318 5 891194932 +484 343 2 883402932 +484 385 4 891195416 +484 392 4 891194932 +484 393 1 891195246 +484 399 4 891195565 +484 405 4 881450182 +484 415 3 891195857 +484 419 4 891195825 +484 422 3 891195825 +484 423 5 891195746 +484 427 5 891195746 +484 431 4 891194692 +484 449 4 891195602 +484 451 4 891195127 +484 463 4 882807416 +484 468 5 891194886 +484 471 4 881449737 +484 472 4 891195565 +484 510 4 889974386 +484 560 4 891195886 +484 562 3 891195565 +484 566 4 891195416 +484 568 3 891195417 +484 578 3 891195444 +484 588 5 891195773 +484 597 3 881450182 +484 625 4 891195825 +484 651 5 891194910 +484 655 5 891194820 +484 665 4 891195602 +484 679 2 891195476 +484 684 5 891195390 +484 692 5 891194998 +484 699 4 891195773 +484 720 4 891195532 +484 732 5 891194864 +484 742 3 881449737 +484 746 4 891195179 +484 778 5 891195246 +484 823 4 891195506 +484 829 2 891195663 +484 849 3 891195506 +484 879 4 891194665 +484 924 5 880937157 +484 926 4 881450136 +484 930 3 880270596 +484 951 1 891195886 +484 1016 4 883402866 +485 242 5 891040423 +485 269 4 891040493 +485 286 2 891040897 +485 301 2 891041551 +485 302 5 891040423 +485 303 4 891040688 +485 311 3 891040423 +485 319 3 891041485 +485 326 2 891041705 +485 328 2 891040560 +485 330 3 891042162 +485 345 1 891040560 +485 346 4 891040967 +485 748 2 891041551 +485 752 3 891040967 +485 889 5 891040560 +486 1 4 879874870 +486 3 2 879875347 +486 6 4 879874902 +486 7 5 879874753 +486 9 5 879874449 +486 10 4 879874871 +486 13 4 879874811 +486 14 5 879874725 +486 16 3 879874583 +486 20 3 879875069 +486 21 3 879875371 +486 25 4 879874838 +486 50 5 879874582 +486 93 4 879874629 +486 100 5 879875465 +486 106 1 879875408 +486 108 4 879874810 +486 109 3 879874902 +486 111 4 879874693 +486 117 3 879874939 +486 121 3 879875188 +486 123 3 879875278 +486 124 5 879874545 +486 125 3 879874970 +486 127 5 879874448 +486 129 4 879874939 +486 137 4 879874871 +486 146 2 879875188 +486 148 2 879874903 +486 150 3 879874838 +486 151 2 879875041 +486 181 4 879874482 +486 220 3 879875441 +486 222 3 879874939 +486 235 2 879875370 +486 236 3 879874629 +486 237 4 879874629 +486 242 4 879874018 +486 244 3 879875220 +486 245 3 879875441 +486 246 3 879874545 +486 248 4 879874663 +486 250 1 879874753 +486 251 5 879874582 +486 252 3 879875316 +486 255 3 879874692 +486 257 3 879875315 +486 258 5 879874064 +486 262 1 879874017 +486 264 3 879874262 +486 268 3 879874064 +486 269 4 879874388 +486 270 2 879874064 +486 273 3 879874871 +486 275 4 879874582 +486 276 4 879874969 +486 277 3 879874418 +486 279 4 879874939 +486 280 2 879875249 +486 281 3 879874629 +486 282 2 879875278 +486 284 2 879874784 +486 285 5 879874482 +486 286 2 879873973 +486 287 4 879875279 +486 288 4 879874153 +486 289 3 879874262 +486 292 4 879874388 +486 293 3 879874545 +486 294 2 879874187 +486 295 3 879874630 +486 297 4 879874629 +486 298 3 879874871 +486 299 1 879874113 +486 300 4 879874388 +486 301 4 879874113 +486 302 5 879873973 +486 303 4 879874388 +486 304 3 879874186 +486 305 3 879874218 +486 306 1 879874063 +486 307 3 879874388 +486 319 3 879874388 +486 321 3 879874153 +486 322 2 879874262 +486 324 4 879874262 +486 325 2 879874296 +486 327 3 879874112 +486 328 2 879873973 +486 331 2 879874112 +486 332 3 879874187 +486 333 2 879873973 +486 336 2 879874218 +486 405 4 879875040 +486 408 3 879874481 +486 458 3 879875069 +486 459 2 879875040 +486 460 4 879875316 +486 473 3 879875188 +486 475 4 879874583 +486 508 4 879874753 +486 515 5 879874417 +486 532 4 879874871 +486 544 4 879875249 +486 546 2 879875440 +486 547 3 879874753 +486 591 4 879874662 +486 595 2 879875408 +486 597 3 879875187 +486 628 3 879875278 +486 678 1 879874297 +486 685 3 879875188 +486 690 2 879873973 +486 696 3 879875041 +486 713 3 879874902 +486 717 2 879875440 +486 718 3 879874449 +486 741 3 879875221 +486 742 2 879874693 +486 748 2 879874218 +486 762 4 879874939 +486 766 4 879874417 +486 813 5 879874516 +486 818 3 879874784 +486 825 2 879875188 +486 831 3 879875316 +486 845 4 879874995 +486 864 3 879875041 +486 872 5 879874153 +486 874 3 879874297 +486 879 3 879874297 +486 880 5 879874112 +486 882 2 879874018 +486 883 3 879874388 +486 886 3 879874388 +486 887 5 879874218 +486 889 4 879873973 +486 919 3 879874902 +486 924 3 879875069 +486 926 2 879875408 +486 935 4 879874516 +486 936 3 879874629 +486 950 4 879875069 +486 975 3 879874783 +486 994 3 879874811 +486 995 4 879874388 +486 1011 4 879874939 +486 1016 2 879874970 +486 1017 3 879874970 +486 1047 2 879875316 +486 1079 2 879875347 +486 1082 2 879875221 +486 1086 3 879874482 +486 1093 4 879874692 +486 1094 2 879874838 +486 1120 3 879875465 +486 1129 4 879874726 +486 1134 3 879875040 +486 1137 5 879874545 +486 1142 5 879874725 +486 1143 3 879874726 +486 1171 3 879874417 +486 1176 3 879874388 +486 1197 4 879874582 +486 1202 4 879874995 +486 1226 4 879874902 +486 1272 3 879875154 +486 1302 3 879874515 +486 1322 3 879875347 +486 1369 3 879874582 +486 1375 3 879874449 +486 1379 3 879874515 +486 1405 5 879874516 +486 1514 4 879874663 +486 1589 3 879874515 +486 1598 5 879874583 +486 1609 3 879875220 +486 1610 2 879874811 +486 1611 3 879874692 +487 1 5 883443504 +487 2 3 883531122 +487 3 5 883444583 +487 4 4 883531003 +487 11 5 883445495 +487 12 5 883445580 +487 17 3 883531279 +487 22 5 883445495 +487 24 4 883444558 +487 25 1 883445130 +487 27 5 884044329 +487 28 4 883446352 +487 31 5 883446685 +487 38 2 884052069 +487 42 3 883446685 +487 43 3 884042206 +487 45 5 883446725 +487 48 2 883445540 +487 49 4 884036466 +487 50 4 883442018 +487 53 2 883447118 +487 55 5 883446685 +487 58 5 883446907 +487 62 3 884042630 +487 64 5 883445859 +487 66 5 883530484 +487 67 3 884050247 +487 68 5 883530949 +487 69 4 883445859 +487 70 3 883530929 +487 71 3 883530786 +487 73 3 884050038 +487 77 3 883530814 +487 79 5 883446543 +487 81 3 883531507 +487 82 5 883446252 +487 85 2 884044654 +487 87 5 883445606 +487 88 4 884024901 +487 92 4 883446600 +487 94 3 884050838 +487 95 4 883446872 +487 96 5 883446801 +487 97 5 883446600 +487 98 5 883446637 +487 99 4 883530434 +487 100 5 883442105 +487 111 3 883444558 +487 117 5 883443504 +487 121 4 883444832 +487 125 5 883444736 +487 128 5 883531333 +487 133 4 883530865 +487 136 5 883445606 +487 140 3 883531085 +487 143 3 883530841 +487 144 5 883446725 +487 150 5 883442430 +487 156 4 883446027 +487 160 4 884041685 +487 161 5 883530702 +487 172 4 883530409 +487 173 4 883445580 +487 174 5 883446404 +487 176 5 883445540 +487 178 5 883445540 +487 179 3 883528237 +487 181 4 883441956 +487 183 5 883446637 +487 188 4 883445900 +487 191 4 883446027 +487 194 5 883446322 +487 195 4 883446907 +487 196 5 883446830 +487 197 3 883446404 +487 202 5 883445943 +487 204 4 883445495 +487 206 4 883531003 +487 210 4 883529505 +487 215 4 883446027 +487 216 4 883530484 +487 218 2 883531507 +487 222 4 883442018 +487 226 3 883531085 +487 227 3 883531279 +487 229 3 884042207 +487 230 5 884036466 +487 231 1 884050940 +487 232 4 883530764 +487 237 4 883441813 +487 239 5 883531507 +487 248 1 883443504 +487 249 1 884637200 +487 252 1 883445079 +487 255 2 883441890 +487 257 4 883442260 +487 258 5 883440613 +487 259 2 883441083 +487 260 2 883441026 +487 265 5 883530236 +487 270 5 883440572 +487 272 5 885322350 +487 273 5 883443504 +487 274 4 883444631 +487 276 3 883444252 +487 282 4 883442105 +487 286 2 883439831 +487 288 4 883440572 +487 289 2 883441083 +487 291 3 883445079 +487 293 5 883441813 +487 294 4 883440572 +487 298 5 883442431 +487 300 5 883441026 +487 301 4 883440613 +487 313 3 883439795 +487 318 3 883528237 +487 333 3 883440491 +487 340 1 883440613 +487 347 2 884806595 +487 349 3 885239880 +487 356 4 884024462 +487 366 3 883530929 +487 367 3 883530674 +487 378 5 883530973 +487 380 2 883531466 +487 385 4 883530454 +487 392 4 883529363 +487 393 4 884042207 +487 399 5 884046800 +487 402 4 883531507 +487 403 4 884050247 +487 404 4 883446725 +487 405 4 883443504 +487 411 3 883444793 +487 412 1 883445220 +487 419 3 883530644 +487 423 4 883446685 +487 426 3 884025034 +487 431 3 883529593 +487 432 3 883447015 +487 462 2 883445859 +487 471 3 883441956 +487 501 4 883531122 +487 540 2 884050192 +487 541 3 884050711 +487 546 3 883444674 +487 549 4 884046879 +487 550 3 883530841 +487 559 3 884029657 +487 566 4 883529540 +487 568 4 883446322 +487 572 1 884050940 +487 578 3 884036466 +487 586 2 884051840 +487 588 5 883446725 +487 591 2 883444462 +487 596 5 883441956 +487 620 3 883445168 +487 627 4 883531122 +487 628 4 883444558 +487 651 5 883445606 +487 652 5 883530374 +487 658 4 883530434 +487 672 4 884024462 +487 679 2 883530724 +487 684 5 883446543 +487 685 3 883444252 +487 686 4 884044329 +487 689 1 883441407 +487 692 5 883530434 +487 710 4 883445721 +487 713 4 883444631 +487 720 4 884036466 +487 727 3 884029774 +487 732 5 884025080 +487 735 4 884042206 +487 739 2 884046879 +487 742 5 883442053 +487 746 4 883529540 +487 747 4 883531466 +487 748 4 883440540 +487 768 3 884025080 +487 772 3 883530885 +487 779 2 884050879 +487 781 3 884030528 +487 783 4 884045361 +487 789 4 883446757 +487 790 3 884045135 +487 794 5 883530503 +487 802 4 884051006 +487 803 2 884045297 +487 809 2 884050192 +487 820 3 883444884 +487 823 1 883445302 +487 825 3 883444674 +487 833 4 888262381 +487 841 2 883445168 +487 845 4 883442260 +487 921 5 884042629 +487 932 3 883444941 +487 941 3 884045297 +487 955 5 884024462 +487 956 4 883530702 +487 966 5 883530562 +487 978 1 883445251 +487 1011 3 883444768 +487 1016 5 883444515 +487 1019 5 883447117 +487 1035 4 884044329 +487 1074 1 884051840 +487 1209 4 884045135 +487 1217 3 884025080 +487 1220 4 884050879 +487 1244 2 883444859 +487 1276 2 885239896 +487 1314 1 883530929 +487 1410 5 883446637 +487 1425 4 884024462 +487 1440 4 884045494 +487 1446 3 883530814 +488 1 3 891294896 +488 8 3 891295067 +488 9 4 891294063 +488 11 1 891294158 +488 15 4 891294568 +488 22 4 891294108 +488 28 4 891293805 +488 31 4 891294439 +488 50 4 891293974 +488 56 4 891294785 +488 64 5 891294529 +488 69 4 891294209 +488 70 3 891294854 +488 71 3 891294606 +488 79 4 891294334 +488 82 4 891294942 +488 83 4 891294530 +488 87 5 891294297 +488 89 4 891294854 +488 96 3 891294014 +488 97 4 891293863 +488 98 4 891293698 +488 100 2 891293910 +488 111 4 891294785 +488 127 4 891294606 +488 132 3 891294108 +488 133 4 891294606 +488 134 2 891294707 +488 135 4 891294785 +488 136 4 891294158 +488 144 3 891293974 +488 153 2 891293974 +488 162 3 891376081 +488 164 3 891293911 +488 168 4 891293910 +488 172 3 891293863 +488 173 4 891294473 +488 174 4 891294853 +488 176 4 891293734 +488 178 4 891294158 +488 180 2 891294439 +488 181 4 891376029 +488 182 3 891293734 +488 183 4 891293698 +488 185 4 891376137 +488 186 4 891294108 +488 187 3 891293863 +488 190 5 891376046 +488 191 3 891293974 +488 193 3 891293911 +488 196 3 891293974 +488 197 2 891294473 +488 199 4 891293911 +488 200 2 891294606 +488 203 4 891295023 +488 205 4 891375784 +488 207 3 891294942 +488 208 4 891294298 +488 210 4 891294896 +488 211 4 891294158 +488 215 5 891294742 +488 216 2 891294785 +488 222 4 891376029 +488 223 4 891294158 +488 228 4 891294854 +488 230 3 891375900 +488 234 4 891293911 +488 238 1 891375965 +488 239 4 891294976 +488 243 3 891293400 +488 245 3 891292897 +488 258 4 891293606 +488 259 1 891293051 +488 260 2 891293304 +488 265 4 891294473 +488 269 3 891293606 +488 286 1 891292852 +488 288 2 891292682 +488 289 1 891293263 +488 292 3 891292651 +488 294 4 891293606 +488 299 3 891293051 +488 300 4 891293606 +488 304 4 891293606 +488 318 4 891293734 +488 321 3 891293152 +488 322 3 891293009 +488 323 1 891293263 +488 328 4 891293606 +488 333 4 891293606 +488 357 4 891293699 +488 358 3 891293051 +488 385 4 891294014 +488 414 2 891293863 +488 418 3 891294530 +488 419 3 891294976 +488 429 4 891375991 +488 468 5 891295023 +488 474 2 891294439 +488 478 3 891294530 +488 483 3 891293660 +488 485 3 891294298 +488 486 4 891295023 +488 491 4 891294209 +488 492 2 891375784 +488 493 3 891294297 +488 496 4 891294246 +488 498 3 891294707 +488 500 4 891294568 +488 509 2 891294365 +488 511 4 891294209 +488 514 2 891294063 +488 515 4 891293699 +488 520 4 891293660 +488 521 3 891294942 +488 523 3 891293699 +488 526 4 891294530 +488 527 3 891294473 +488 589 3 891294400 +488 605 3 891294785 +488 612 4 891294210 +488 633 5 891294334 +488 651 5 891294014 +488 655 3 891294246 +488 659 3 891293771 +488 662 4 891294896 +488 678 2 891293400 +488 692 4 891294707 +488 705 4 891294473 +488 707 2 891294707 +488 724 3 891375751 +488 732 4 891294606 +488 742 4 891295023 +488 746 4 891293771 +488 751 3 891292771 +488 754 4 891293606 +488 776 4 891294298 +488 845 3 891294853 +488 873 3 891293152 +488 880 3 891293606 +488 890 1 891293478 +488 1025 2 891293263 +488 1039 4 891294654 +488 1050 4 891294568 +489 243 4 891445389 +489 245 3 891366838 +489 258 5 891366570 +489 259 2 891445743 +489 260 3 891366693 +489 261 2 891449155 +489 263 2 891448268 +489 264 4 891445721 +489 266 5 891446232 +489 268 2 891448453 +489 269 3 891362740 +489 270 4 891448731 +489 272 5 891448367 +489 286 4 891366571 +489 288 4 891366693 +489 294 3 891366748 +489 299 2 891447522 +489 300 5 891366571 +489 301 3 891366805 +489 302 5 891448109 +489 303 4 891448109 +489 304 3 891362812 +489 307 4 891363191 +489 308 4 891447653 +489 312 2 891366748 +489 313 4 891362740 +489 315 5 891448389 +489 316 5 891447872 +489 319 3 891447218 +489 322 5 891366571 +489 323 5 891445388 +489 324 3 891445320 +489 325 5 891445439 +489 326 4 891362773 +489 327 5 891448409 +489 328 4 891366748 +489 330 4 891445277 +489 331 5 891366606 +489 332 5 891447823 +489 333 4 891362740 +489 334 4 891448453 +489 338 3 891448200 +489 339 3 891448428 +489 340 4 891448367 +489 343 5 891447913 +489 346 5 891362904 +489 347 5 891448774 +489 349 4 891449155 +489 351 5 891446623 +489 353 4 891449555 +489 355 5 891447872 +489 358 5 891445439 +489 359 5 891362812 +489 360 5 891362904 +489 538 4 891448222 +489 539 4 891448834 +489 678 4 891366693 +489 680 5 891445439 +489 681 3 891366805 +489 682 4 891366606 +489 683 2 891449099 +489 687 3 891445439 +489 688 2 891448861 +489 689 5 891447913 +489 748 4 891366838 +489 749 4 891366571 +489 750 5 891448080 +489 751 5 891362773 +489 752 5 891448109 +489 754 5 891448109 +489 872 2 891448530 +489 873 3 891447008 +489 874 2 891448774 +489 875 2 891449465 +489 876 2 891447218 +489 878 2 891448565 +489 879 5 891366652 +489 880 2 891447302 +489 883 2 891448811 +489 885 4 891448861 +489 887 2 891447845 +489 890 5 891447990 +489 892 3 891449532 +489 895 4 891448147 +489 897 2 891448565 +489 898 3 891366652 +489 902 4 891448931 +489 908 5 891446623 +489 948 2 891447960 +489 984 5 891362904 +489 988 3 891446982 +489 989 3 891446201 +489 991 3 891445439 +489 1025 5 891366652 +489 1243 4 891445231 +489 1265 2 891449466 +489 1280 3 891447653 +489 1612 5 891446623 +489 1613 4 891449466 +490 7 3 875427739 +490 24 4 875428765 +490 50 5 875428765 +490 93 4 875427993 +490 100 3 875427629 +490 109 5 875428765 +490 117 1 875427948 +490 118 2 875428703 +490 124 4 875427629 +490 127 5 875428765 +490 137 3 875427739 +490 150 5 875428765 +490 151 1 875428185 +490 181 4 875427873 +490 222 3 875427103 +490 224 2 875428702 +490 237 1 875427993 +490 246 2 875427812 +490 255 1 875428309 +490 258 2 875427021 +490 273 1 875427629 +490 277 3 875428531 +490 286 2 875427021 +490 289 1 875427021 +490 292 3 875428185 +490 293 2 875427993 +490 298 3 875427532 +490 302 4 875428765 +490 410 4 875428570 +490 455 4 875428152 +490 458 3 875428417 +490 473 2 875428417 +490 475 4 875427629 +490 515 3 875427224 +490 547 4 875428765 +490 596 1 875427225 +490 741 4 875427629 +490 847 3 875427873 +490 919 4 875428765 +490 926 2 875428185 +490 952 2 875427532 +490 987 3 875428702 +490 1012 3 875428416 +490 1067 2 875428309 +490 1128 4 875428765 +490 1383 1 875428417 +490 1386 4 875428416 +491 7 3 891185298 +491 12 5 891189305 +491 14 2 891185298 +491 23 2 891189306 +491 100 5 891186806 +491 116 5 891185209 +491 124 5 891185170 +491 127 3 891185129 +491 129 4 891185170 +491 236 4 891185919 +491 237 3 891187226 +491 258 4 891189815 +491 284 3 891185330 +491 286 4 891184567 +491 294 2 891189842 +491 319 1 891184567 +491 325 1 891189876 +491 408 5 891185298 +491 493 4 891185129 +491 513 5 891189306 +491 654 5 891189306 +491 684 5 891189575 +491 696 3 891188296 +492 45 3 879969814 +492 56 5 879969878 +492 64 4 879969539 +492 69 3 879969385 +492 83 4 879969644 +492 100 4 879969292 +492 131 3 879969720 +492 134 3 879969644 +492 137 4 879969670 +492 153 4 879969454 +492 172 3 879969415 +492 186 3 879969539 +492 187 5 879969878 +492 192 3 879969583 +492 193 4 879969415 +492 199 3 879969255 +492 205 4 879969692 +492 212 3 879969367 +492 221 3 879969454 +492 242 5 879969878 +492 275 2 879969210 +492 285 4 879969345 +492 286 4 879969099 +492 291 4 879969692 +492 462 3 879969292 +492 474 5 879969879 +492 478 2 879969583 +492 479 3 879969583 +492 482 3 879969720 +492 514 3 879969415 +492 521 5 879969644 +492 523 4 879969583 +492 527 5 879969879 +492 528 5 879969878 +492 531 4 879969539 +492 650 2 879969644 +492 651 3 879969814 +492 654 4 879969323 +492 657 3 879969345 +492 699 3 879969210 +492 772 1 879969512 +492 923 5 879969878 +492 1098 4 879969512 +492 1121 2 879969720 +492 1147 1 879969670 +493 1 3 884130416 +493 7 3 884130372 +493 11 3 884130852 +493 12 3 884132225 +493 22 5 884131114 +493 24 4 884130593 +493 25 4 884132717 +493 48 4 884130995 +493 50 5 884131553 +493 56 4 884130911 +493 59 5 884132315 +493 60 2 884131263 +493 65 4 884132146 +493 71 5 884131020 +493 79 5 884131287 +493 89 4 884130933 +493 91 3 884132287 +493 95 5 884131287 +493 96 4 884130793 +493 98 4 884131460 +493 100 5 884130308 +493 109 4 884130416 +493 115 4 884131665 +493 117 5 884130416 +493 118 4 884132898 +493 124 3 884130253 +493 127 3 884130416 +493 134 3 884132246 +493 150 5 884130495 +493 151 3 884130516 +493 154 4 884131952 +493 156 1 884130995 +493 168 5 884131143 +493 170 3 884131089 +493 171 5 884130825 +493 172 5 884131597 +493 173 4 884131114 +493 174 3 884131211 +493 175 4 884131933 +493 176 5 884132197 +493 180 4 884130793 +493 181 5 884130308 +493 182 5 884130971 +493 183 5 884132225 +493 186 5 884131897 +493 188 5 884131314 +493 191 4 884132225 +493 192 3 884132015 +493 195 3 884131314 +493 196 4 884130933 +493 201 5 884131089 +493 204 5 884130852 +493 208 4 884131897 +493 209 5 884130933 +493 210 5 884131620 +493 234 5 884132037 +493 235 2 884130593 +493 238 3 884131985 +493 239 5 884131952 +493 249 4 884132784 +493 250 4 884130387 +493 257 5 884130495 +493 258 5 884129725 +493 260 1 884129979 +493 262 3 884129793 +493 264 3 884129923 +493 265 5 884131048 +493 271 1 884129823 +493 273 4 884131717 +493 274 5 884131480 +493 275 1 884131357 +493 288 4 884129823 +493 298 3 884130668 +493 300 4 884129725 +493 317 3 884132267 +493 318 5 884132315 +493 323 4 884129979 +493 327 5 884129868 +493 328 4 884129823 +493 333 4 884133084 +493 338 4 884130032 +493 343 3 884130074 +493 357 5 884130891 +493 358 4 884129979 +493 369 2 884130271 +493 404 4 884132351 +493 405 2 884130619 +493 410 4 884132883 +493 411 1 884132934 +493 423 2 884131020 +493 435 5 884132015 +493 455 5 884131690 +493 462 2 884132015 +493 475 3 884130495 +493 483 5 884131534 +493 527 5 884132037 +493 528 5 884132246 +493 546 5 884131738 +493 550 4 884132181 +493 597 4 884131738 +493 647 4 884131287 +493 652 5 884131287 +493 678 3 884129979 +493 684 4 884132267 +493 687 1 884130055 +493 693 4 884132129 +493 742 3 884130253 +493 746 4 884131143 +493 754 3 884129868 +493 763 4 884130593 +493 806 3 884131143 +493 833 2 884131738 +493 876 1 884129923 +493 879 4 884129823 +493 881 1 884130009 +493 886 2 884129868 +493 890 3 884130074 +493 925 3 884130668 +493 959 2 884131263 +493 974 3 884132914 +493 1013 1 884131777 +493 1016 4 884130550 +493 1088 2 884131777 +493 1126 2 884131517 +493 1278 5 884130215 +494 9 2 879541404 +494 15 5 879541475 +494 65 5 879541207 +494 86 3 879541298 +494 98 4 879541158 +494 100 5 879541475 +494 121 4 879541429 +494 127 5 879541080 +494 143 5 879541245 +494 174 5 879541112 +494 181 4 879541298 +494 204 5 879541298 +494 222 5 879541375 +494 238 5 879541207 +494 245 3 879540720 +494 286 4 879540508 +494 289 1 879540630 +494 294 4 879540593 +494 300 5 879540593 +494 322 2 879540819 +494 323 3 879540901 +494 329 3 879540819 +494 357 5 879541245 +494 358 3 879540901 +494 427 5 879541112 +494 479 3 879541207 +494 498 4 879541246 +494 507 4 879541207 +494 514 2 879541246 +494 528 3 879541245 +494 603 3 879541298 +494 663 5 879541080 +494 707 4 879541112 +494 748 1 879540720 +494 845 4 879541429 +494 924 4 879541475 +494 1197 3 879541405 +495 1 4 888632943 +495 2 2 888635595 +495 4 3 888633129 +495 9 5 888632069 +495 11 5 888634536 +495 29 2 888636573 +495 44 3 888636032 +495 50 5 888632134 +495 53 1 888637440 +495 54 5 888637768 +495 55 2 888634389 +495 56 5 888632574 +495 62 3 888635937 +495 64 5 888632496 +495 67 3 888636635 +495 68 5 888634987 +495 69 3 888632070 +495 77 4 888634475 +495 79 5 888632546 +495 80 3 888636992 +495 82 5 888632969 +495 84 3 888633011 +495 86 5 888637768 +495 88 4 888635380 +495 90 4 888635637 +495 91 2 888634859 +495 94 3 888636992 +495 95 3 888634315 +495 96 4 888634110 +495 98 5 888632943 +495 101 5 888632943 +495 109 5 888633594 +495 120 5 888637768 +495 121 5 888633473 +495 127 4 888634955 +495 132 4 888632916 +495 133 3 888632888 +495 135 3 888633011 +495 140 5 888635419 +495 143 1 888634315 +495 144 4 888634070 +495 145 4 888637147 +495 147 5 888637768 +495 151 5 888635236 +495 154 4 888633277 +495 155 3 888635455 +495 157 5 888635294 +495 158 3 888637477 +495 161 4 888634746 +495 162 3 888633351 +495 163 5 888633277 +495 168 5 888632738 +495 172 5 888632378 +495 173 5 888632180 +495 176 5 888632496 +495 179 5 888632470 +495 181 5 888632180 +495 182 5 888632043 +495 183 5 888633277 +495 184 5 888633086 +495 185 5 888633042 +495 186 5 888633277 +495 188 4 888632250 +495 191 3 888632219 +495 195 5 888633396 +495 196 3 888632546 +495 200 5 888637768 +495 201 2 888633594 +495 202 4 888633042 +495 204 4 888632155 +495 208 5 888632134 +495 210 5 888632496 +495 211 5 888633194 +495 214 5 888632219 +495 216 4 888632443 +495 217 5 888637768 +495 218 4 888635080 +495 219 4 888636992 +495 222 5 888633277 +495 225 4 888635524 +495 226 4 888633011 +495 227 5 888636899 +495 228 5 888632738 +495 229 3 888634918 +495 230 5 888632969 +495 231 3 888635294 +495 232 5 888635202 +495 233 4 888633594 +495 234 5 888634144 +495 235 5 888636603 +495 240 4 888636773 +495 265 5 888633316 +495 282 5 888637768 +495 288 4 888633165 +495 357 5 888633277 +495 378 5 888634896 +495 379 5 888636870 +495 380 3 888635339 +495 385 3 888633042 +495 386 3 888636837 +495 389 5 888637643 +495 391 3 888637440 +495 392 5 888635455 +495 393 5 888635339 +495 395 1 888637147 +495 402 3 888635050 +495 403 5 888634475 +495 404 4 888635380 +495 416 5 888636899 +495 417 3 888636741 +495 418 4 888633440 +495 419 1 888632070 +495 421 1 888634389 +495 423 5 888633522 +495 431 5 888632546 +495 432 5 888633396 +495 433 4 888634315 +495 435 5 888632969 +495 441 3 888633440 +495 444 3 888636958 +495 447 4 888635420 +495 448 5 888634896 +495 449 5 888637768 +495 451 4 888635524 +495 452 2 888637070 +495 465 5 888635180 +495 470 5 888637768 +495 472 5 888635144 +495 479 4 888632574 +495 491 5 888632443 +495 496 5 888632888 +495 498 3 888633165 +495 501 3 888634536 +495 504 4 888632546 +495 505 5 888633473 +495 507 4 888633316 +495 511 4 888634536 +495 521 5 888632219 +495 523 5 888632155 +495 550 3 888635235 +495 559 4 888635180 +495 566 4 888635144 +495 568 1 888635294 +495 573 4 888636928 +495 575 3 888637477 +495 576 3 888637440 +495 577 1 888637477 +495 578 3 888636653 +495 581 5 888635655 +495 582 4 888635080 +495 590 4 888637612 +495 616 4 888635050 +495 622 2 888635886 +495 629 3 888636032 +495 631 2 888632677 +495 633 5 888632738 +495 636 3 888634475 +495 637 3 888635995 +495 642 4 888635050 +495 650 5 888634956 +495 655 5 888634536 +495 660 3 888635144 +495 662 5 888636810 +495 665 1 888637169 +495 671 2 888634956 +495 679 3 888634784 +495 684 5 888634956 +495 705 4 888634111 +495 732 4 888634070 +495 739 4 888637042 +495 742 5 888632888 +495 768 3 888636216 +495 770 3 888635339 +495 790 3 888636635 +495 796 4 888637070 +495 797 4 888635524 +495 831 1 888637325 +495 843 3 888637385 +495 924 3 888634441 +495 944 5 888637768 +495 969 4 888632443 +495 1039 5 888635180 +495 1046 5 888636837 +495 1079 5 888636511 +495 1091 4 888637503 +495 1110 4 888637147 +495 1116 3 888632738 +495 1118 5 888632888 +495 1119 4 888634784 +495 1133 3 888636487 +495 1135 5 888634475 +495 1157 4 888637300 +495 1182 3 888636871 +495 1183 4 888637228 +495 1188 5 888637147 +495 1207 5 888637300 +495 1208 4 888636032 +495 1245 5 888633129 +495 1263 4 888636062 +495 1419 1 888635995 +495 1444 2 888637018 +495 1469 5 888636810 +495 1542 4 888637643 +496 7 4 876064168 +496 10 5 876064845 +496 11 4 876067022 +496 17 3 876065645 +496 22 4 876065259 +496 28 2 876066153 +496 33 4 876067108 +496 38 2 876068615 +496 39 5 876072633 +496 42 5 876066676 +496 50 5 876072633 +496 53 3 876070655 +496 56 5 876066009 +496 68 4 876067192 +496 77 2 876066531 +496 87 5 876073616 +496 88 1 876067346 +496 89 5 876072633 +496 94 1 876070975 +496 96 4 876065881 +496 98 4 876073160 +496 99 3 876066598 +496 109 3 876064357 +496 133 5 876066567 +496 135 2 876066038 +496 136 1 876066424 +496 141 3 876067493 +496 143 3 876067146 +496 147 3 876064356 +496 150 2 876064230 +496 151 3 876067445 +496 154 2 876066424 +496 155 1 876070859 +496 158 2 876069951 +496 164 3 876066153 +496 168 3 876065324 +496 172 5 876065558 +496 173 5 876065349 +496 174 4 876066507 +496 181 5 876064168 +496 186 4 876065558 +496 190 5 876072632 +496 191 5 876072632 +496 195 4 876065715 +496 196 3 876066374 +496 204 3 876066531 +496 206 4 876068615 +496 217 5 876073320 +496 222 3 876064290 +496 227 1 876066794 +496 228 1 876065588 +496 229 2 876070655 +496 246 4 876064198 +496 252 2 876065105 +496 268 4 876063784 +496 277 5 876072633 +496 288 2 876063810 +496 333 3 876063848 +496 356 2 876070764 +496 378 1 876066794 +496 380 2 876068433 +496 393 1 876069951 +496 416 1 876067754 +496 417 1 876066465 +496 418 3 876066848 +496 419 2 876066874 +496 420 3 876069927 +496 421 3 876066229 +496 426 3 876071419 +496 432 4 876066652 +496 433 4 876066904 +496 443 2 876066353 +496 469 3 876065962 +496 480 3 876065289 +496 483 4 876065259 +496 484 3 876065382 +496 485 3 876065477 +496 495 3 876066300 +496 496 1 876066424 +496 506 3 876067215 +496 509 3 876067272 +496 528 4 876065933 +496 532 5 876072633 +496 554 2 876070997 +496 559 5 876068153 +496 561 5 876068582 +496 607 3 876065822 +496 625 4 876067306 +496 651 2 876065610 +496 652 5 876065693 +496 659 3 876065822 +496 660 3 876067108 +496 661 3 876067001 +496 699 3 876068220 +496 705 2 876065382 +496 721 5 876067215 +496 727 5 876072633 +496 743 2 876065190 +496 746 3 876066633 +496 771 2 876073865 +496 774 5 876066424 +496 825 3 876065015 +496 842 2 876068249 +496 921 5 876072633 +496 961 2 876070655 +496 1041 1 876068615 +496 1060 1 876071243 +496 1063 3 876066485 +496 1091 1 876068433 +496 1133 3 876070957 +496 1139 2 876073882 +496 1157 1 876070937 +496 1229 1 876071097 +496 1286 2 876065382 +496 1401 3 876065499 +496 1444 1 876066465 +496 1459 4 876067376 +496 1473 3 876072548 +496 1614 3 876070690 +497 1 4 879309955 +497 2 1 879310883 +497 3 4 879309715 +497 4 3 879310825 +497 7 3 879310604 +497 11 3 879310825 +497 12 4 879362019 +497 13 2 878759927 +497 19 4 879310245 +497 22 5 879310730 +497 24 4 879310260 +497 25 4 879309780 +497 28 3 879363586 +497 29 4 879362569 +497 33 4 879310730 +497 38 3 879310965 +497 39 3 879310913 +497 42 4 878759777 +497 49 3 879310474 +497 50 5 879310580 +497 53 3 879362178 +497 54 3 879362071 +497 55 3 879310705 +497 56 4 878759659 +497 62 4 879310913 +497 63 3 879362985 +497 66 3 879362720 +497 67 3 879362858 +497 68 4 879310850 +497 70 4 879362798 +497 71 4 879309993 +497 72 3 879362835 +497 73 3 879362858 +497 77 3 879362093 +497 79 4 879310730 +497 80 3 879363181 +497 82 4 879310792 +497 83 2 878759898 +497 87 3 879363565 +497 89 4 879310850 +497 90 4 879310445 +497 91 2 879309993 +497 94 3 879363133 +497 95 4 879309993 +497 96 4 879310705 +497 97 4 879310473 +497 98 4 879361802 +497 99 3 879310021 +497 100 4 878759828 +497 101 4 879310070 +497 105 2 879309836 +497 108 3 879309760 +497 109 4 878759659 +497 111 4 878759828 +497 114 4 879309992 +497 118 4 879310621 +497 121 4 879310581 +497 122 1 879309802 +497 123 3 879361727 +497 127 5 879310580 +497 128 4 879362496 +497 139 3 879363696 +497 141 3 879363611 +497 144 4 879310792 +497 145 4 879362382 +497 151 3 879363510 +497 152 2 878759898 +497 153 4 878759659 +497 155 3 879310522 +497 156 5 879361872 +497 161 5 879310730 +497 163 2 879363181 +497 164 4 879361872 +497 167 2 879363111 +497 168 5 878760023 +497 169 4 879309992 +497 172 5 879310705 +497 173 5 878759659 +497 174 4 879310705 +497 175 4 878759745 +497 176 4 879310762 +497 177 4 879310762 +497 181 5 879310580 +497 182 4 879310705 +497 183 4 879310825 +497 184 3 879310792 +497 185 3 879361802 +497 186 4 878759806 +497 187 5 879310825 +497 188 3 879310762 +497 189 4 879309993 +497 194 3 878759705 +497 195 4 879310730 +497 197 3 879310419 +497 200 3 879362359 +497 202 4 878760023 +497 204 3 879362683 +497 208 3 878759806 +497 210 4 878759777 +497 216 3 879310399 +497 217 4 879362382 +497 222 3 879310580 +497 225 3 879363510 +497 226 3 879310913 +497 228 3 879310762 +497 229 2 879310850 +497 230 2 879310762 +497 231 3 879310883 +497 232 3 879310850 +497 233 2 879310883 +497 237 3 879310314 +497 239 4 879362835 +497 240 4 879309734 +497 248 4 879309673 +497 249 5 879309734 +497 250 3 879310581 +497 252 3 879310650 +497 257 4 879309648 +497 258 4 878759351 +497 260 4 878759529 +497 265 4 879310883 +497 268 4 878759399 +497 273 4 879310604 +497 274 3 879309760 +497 288 2 878759351 +497 291 3 879361707 +497 294 4 878759351 +497 298 3 879310580 +497 300 3 878759351 +497 325 2 878759505 +497 358 4 878759378 +497 364 3 879363233 +497 367 4 879362835 +497 372 4 879362875 +497 373 4 879311007 +497 381 3 878759898 +497 382 4 878759745 +497 384 2 879362985 +497 385 3 879310792 +497 386 2 879363111 +497 388 4 879363253 +497 391 3 879362545 +497 393 4 879362858 +497 394 3 878759862 +497 395 4 879363284 +497 399 4 879310883 +497 402 4 879310508 +497 403 3 879310883 +497 405 3 879310621 +497 407 2 879309852 +497 408 4 879309955 +497 412 1 878759926 +497 413 3 879362292 +497 416 2 879363611 +497 417 2 879363627 +497 418 3 879310021 +497 420 3 879309993 +497 423 3 879363586 +497 431 4 879310825 +497 432 3 879309993 +497 433 3 878759806 +497 440 1 879362430 +497 441 2 879362407 +497 449 2 879310966 +497 450 2 879362202 +497 451 2 879310419 +497 452 2 879362202 +497 455 4 878759777 +497 472 3 879310650 +497 475 4 878759705 +497 501 2 879309993 +497 508 3 878759705 +497 510 3 879362496 +497 526 3 879362478 +497 541 4 879362546 +497 545 3 879363233 +497 549 4 879310445 +497 550 4 879310913 +497 552 3 879362155 +497 553 2 879310379 +497 559 4 879362359 +497 562 2 879310941 +497 568 3 879310792 +497 569 2 879362359 +497 570 3 879362511 +497 575 3 879362985 +497 577 2 879363284 +497 578 4 879310965 +497 584 4 879363611 +497 588 4 879309993 +497 590 2 879362461 +497 597 3 879310649 +497 603 3 879361802 +497 622 2 879363586 +497 625 3 879310021 +497 627 3 879310021 +497 629 2 878759862 +497 642 3 879362041 +497 645 3 878759659 +497 651 4 879310762 +497 652 5 878759777 +497 655 4 878759862 +497 657 3 879361847 +497 665 2 879310966 +497 679 3 879310850 +497 684 3 879310792 +497 692 3 879310379 +497 716 4 878759745 +497 719 3 879363253 +497 720 2 879310941 +497 721 3 879362740 +497 722 3 879362985 +497 724 5 879310445 +497 725 3 879363253 +497 731 3 879310474 +497 739 4 879310474 +497 741 4 879361707 +497 743 3 879362638 +497 746 5 878759777 +497 748 4 878759432 +497 758 2 879362292 +497 763 3 879309780 +497 765 3 879363155 +497 769 3 879362430 +497 771 4 879362638 +497 774 4 879362407 +497 780 2 879363181 +497 781 3 879310445 +497 783 3 879362908 +497 790 2 879362720 +497 792 3 879362954 +497 795 1 879363284 +497 797 3 879362586 +497 802 2 879362118 +497 805 3 879362835 +497 808 2 879310941 +497 809 3 879362609 +497 810 3 879310941 +497 826 3 879311007 +497 849 2 879310913 +497 864 3 879309734 +497 926 2 879309759 +497 928 3 879361744 +497 940 2 879362954 +497 943 4 879362019 +497 944 3 879362798 +497 946 4 879310021 +497 951 2 879363695 +497 1000 2 878759777 +497 1016 4 879310604 +497 1030 1 879363780 +497 1041 3 879310473 +497 1042 3 879362178 +497 1046 3 879362041 +497 1047 3 879309836 +497 1052 2 879309869 +497 1077 4 879361847 +497 1092 3 879363233 +497 1157 2 879362178 +497 1177 1 879363111 +497 1210 4 879362178 +497 1228 2 879362569 +497 1240 5 879310070 +497 1303 2 879311007 +497 1407 3 879362609 +497 1415 2 879363748 +497 1419 2 879362638 +497 1555 2 879363780 +497 1615 3 879310650 +498 7 3 881954741 +498 9 2 881954931 +498 10 5 881960711 +498 11 3 881956576 +498 12 4 881957195 +498 14 4 881955189 +498 23 4 881955596 +498 32 4 881956363 +498 50 4 881954821 +498 53 4 881961689 +498 56 3 881957353 +498 59 4 881961312 +498 61 4 881957431 +498 64 4 881956575 +498 77 2 881961627 +498 79 3 881959104 +498 83 3 881957846 +498 89 5 881957353 +498 98 4 881957681 +498 100 3 881955291 +498 109 3 881955189 +498 121 2 881962699 +498 124 3 881955291 +498 134 3 881956498 +498 135 5 881956576 +498 136 3 881958174 +498 137 3 881954357 +498 144 1 881958471 +498 150 3 881954451 +498 151 4 881956140 +498 156 5 881957054 +498 160 5 881958174 +498 164 3 881961689 +498 168 4 881958174 +498 171 3 881955866 +498 172 3 881956362 +498 174 3 881956953 +498 175 5 881956498 +498 179 4 881961133 +498 180 4 881955866 +498 181 2 881955014 +498 182 4 881955596 +498 183 4 881957905 +498 185 4 881955960 +498 186 4 881960591 +498 190 4 881956203 +498 202 3 881958897 +498 203 5 881961547 +498 204 2 881957267 +498 210 2 881957054 +498 212 3 881958238 +498 218 3 881961877 +498 222 3 881961877 +498 228 2 881961627 +498 229 2 881961877 +498 234 4 881957625 +498 237 2 881957625 +498 238 4 881957195 +498 251 3 881954219 +498 258 2 881955080 +498 262 2 881954618 +498 265 2 881957489 +498 268 2 881954618 +498 269 4 881953527 +498 271 2 881962988 +498 275 3 881955348 +498 288 3 881953815 +498 293 4 881955189 +498 302 3 881953659 +498 317 3 881957625 +498 337 4 881954617 +498 340 2 881954618 +498 381 3 881961312 +498 410 3 881954931 +498 423 3 881957267 +498 425 2 881957431 +498 430 4 881958174 +498 435 3 881956363 +498 443 3 881958237 +498 447 3 882205321 +498 448 4 882205321 +498 449 3 881961932 +498 462 3 881958897 +498 464 4 881958471 +498 479 3 881957054 +498 480 5 881960523 +498 483 3 881957625 +498 484 4 881957546 +498 486 2 881957431 +498 489 3 881956140 +498 496 3 881957905 +498 509 3 881955867 +498 512 5 881957757 +498 514 4 881958093 +498 515 4 881956953 +498 517 4 881957353 +498 525 4 881961547 +498 527 3 881957757 +498 531 3 881957195 +498 538 1 881962988 +498 548 2 881957267 +498 554 3 881962385 +498 558 4 882205321 +498 591 4 881961877 +498 594 2 881956498 +498 603 4 881955960 +498 607 3 881958093 +498 628 4 881961627 +498 631 3 881957905 +498 649 3 881961745 +498 652 5 881961182 +498 656 3 881957999 +498 657 3 881957488 +498 663 4 881956363 +498 664 5 881955596 +498 673 3 881958343 +498 675 4 881958414 +498 693 3 881957625 +498 754 2 881962988 +498 772 1 881957999 +498 806 3 881957905 +498 887 3 881953907 +498 919 4 881954451 +498 922 5 881955432 +498 933 3 881959018 +498 985 1 881961877 +498 1007 3 881954219 +498 1070 3 881959103 +498 1073 3 881961496 +498 1083 3 881961932 +498 1103 4 881957847 +498 1131 3 881955866 +498 1142 4 881955432 +498 1161 3 881960777 +498 1286 3 881956576 +498 1404 3 881957054 +498 1422 3 881961877 +498 1426 3 881959103 +498 1495 3 881958237 +499 7 4 882996793 +499 8 5 885599682 +499 11 3 885599372 +499 12 5 885599040 +499 50 3 882996761 +499 55 4 885599598 +499 56 4 885599182 +499 69 5 885599718 +499 87 4 885599598 +499 97 4 885599227 +499 98 4 885599119 +499 100 4 885599040 +499 117 3 885599246 +499 127 4 885598312 +499 132 4 885599040 +499 136 4 885599447 +499 143 3 885598961 +499 153 4 885599269 +499 157 3 885599447 +499 165 5 885598961 +499 166 5 885599334 +499 173 5 885599307 +499 174 3 885598961 +499 176 4 885599447 +499 177 3 885599660 +499 182 2 885599551 +499 183 4 885599718 +499 191 5 885599307 +499 193 4 885599682 +499 194 4 885599372 +499 198 5 885599682 +499 202 4 885598961 +499 205 5 885599413 +499 207 5 885599533 +499 208 4 885599718 +499 213 3 885598989 +499 215 4 885599475 +499 251 5 882996735 +499 257 5 885598342 +499 258 2 885598932 +499 271 3 882995586 +499 272 5 885597680 +499 275 3 885599447 +499 295 2 885598827 +499 300 4 882995625 +499 301 4 882995808 +499 307 4 885597747 +499 313 5 885597821 +499 318 5 885599286 +499 326 3 892501059 +499 328 5 882996296 +499 357 5 885599372 +499 414 3 885599533 +499 425 3 885599474 +499 427 5 885599474 +499 429 4 885599372 +499 430 3 885598989 +499 463 5 885599498 +499 474 4 885599227 +499 483 5 885598854 +499 484 4 885599013 +499 486 3 885599598 +499 497 2 885599498 +499 516 4 885599572 +499 519 3 885599040 +499 520 3 885599572 +499 521 4 885599119 +499 524 4 885599073 +499 525 4 885599660 +499 527 5 885599307 +499 530 4 885599390 +499 539 1 885598827 +499 588 4 885599334 +499 605 1 885599533 +499 624 2 885599372 +499 647 5 885599013 +499 651 4 885598895 +499 657 5 885599413 +499 663 5 885599718 +499 690 4 882995558 +499 692 4 885599119 +499 742 4 885599334 +499 750 5 885597747 +499 879 3 885598827 +499 886 4 885598215 +499 887 5 882995826 +499 898 4 885597901 +499 902 5 892501173 +499 915 4 892501128 +499 1101 5 885599182 +499 1302 5 885598378 +499 1483 1 892501259 +500 1 4 883865021 +500 3 4 883865786 +500 7 5 883865104 +500 8 4 883874621 +500 9 4 883865042 +500 10 3 883865391 +500 13 5 883865232 +500 15 2 883865129 +500 16 4 883865462 +500 25 3 883865755 +500 28 3 883874078 +500 30 4 883875275 +500 31 4 883875092 +500 39 4 883875092 +500 42 5 883874139 +500 43 3 883876859 +500 44 1 883875862 +500 45 4 883874170 +500 49 4 883876053 +500 50 3 883864992 +500 56 5 883873976 +500 58 3 883873720 +500 59 4 883873528 +500 60 5 883874557 +500 61 4 883875431 +500 62 3 883876690 +500 69 4 883873839 +500 70 4 883875388 +500 72 4 883876155 +500 77 3 883875793 +500 82 4 883874290 +500 83 4 888538350 +500 88 4 883875926 +500 89 4 883873505 +500 93 4 883865020 +500 94 2 883877023 +500 97 4 883874715 +500 98 4 883873811 +500 100 4 883865104 +500 116 4 883865232 +500 117 4 883865755 +500 118 3 883865610 +500 120 3 883865826 +500 121 3 883865611 +500 122 3 883876795 +500 125 3 883865632 +500 129 4 886359266 +500 133 3 883875681 +500 134 5 883873461 +500 135 5 883875041 +500 143 3 883875092 +500 147 3 887720583 +500 151 3 883874059 +500 161 2 883877001 +500 164 4 883874469 +500 168 4 883873616 +500 170 5 883874446 +500 172 2 883873640 +500 174 2 883873505 +500 175 5 883874341 +500 179 4 883873782 +500 181 3 883865462 +500 182 2 883873556 +500 183 4 883873461 +500 196 4 883874835 +500 202 4 883874239 +500 204 3 883874265 +500 208 4 883873745 +500 210 3 883874290 +500 211 3 883875241 +500 215 1 883874528 +500 216 4 883873556 +500 217 4 883876053 +500 223 4 883873839 +500 234 3 883875638 +500 235 5 883865567 +500 237 3 883865483 +500 238 4 883873839 +500 242 3 891916883 +500 245 2 883864862 +500 246 5 883865128 +500 249 3 887720111 +500 250 4 883865195 +500 252 2 883865889 +500 255 3 883865374 +500 257 3 883865321 +500 258 4 883864578 +500 268 5 883864840 +500 274 3 883865807 +500 275 1 883873439 +500 276 5 883865290 +500 281 3 883865463 +500 282 4 883875092 +500 283 2 883865341 +500 284 3 883865632 +500 285 3 883865020 +500 286 1 883864527 +500 287 3 883865268 +500 289 4 883864818 +500 295 4 883865128 +500 298 4 890009939 +500 300 4 883864749 +500 301 2 888538350 +500 304 2 883864749 +500 313 3 893192133 +500 316 3 891916809 +500 319 4 883864793 +500 325 3 883864862 +500 328 3 883864749 +500 358 4 887755810 +500 367 3 883875835 +500 370 3 883865952 +500 371 4 883874341 +500 381 4 883875585 +500 383 3 883877467 +500 386 3 883875610 +500 387 2 883875388 +500 393 3 883875793 +500 396 3 883876224 +500 402 3 883875388 +500 405 4 883865567 +500 407 3 883877252 +500 409 4 883865985 +500 411 2 883865826 +500 412 1 883876370 +500 421 4 883875303 +500 423 3 883875388 +500 425 4 883874413 +500 443 4 883873679 +500 448 3 883873745 +500 462 4 883874715 +500 464 4 883875274 +500 469 4 883874813 +500 471 4 883865391 +500 472 3 883865374 +500 475 5 883865232 +500 476 2 883865851 +500 479 5 883873811 +500 483 4 883874039 +500 498 4 883873911 +500 509 4 883874216 +500 514 5 883873941 +500 517 4 883873839 +500 522 4 883875041 +500 529 4 883874558 +500 531 3 883873911 +500 532 4 883865952 +500 535 3 890010025 +500 546 4 887720050 +500 552 1 883876738 +500 553 2 883876370 +500 554 3 883877162 +500 557 3 883875136 +500 559 4 883875523 +500 568 1 883874715 +500 569 4 883876370 +500 582 4 883874290 +500 584 1 883874528 +500 611 5 883873940 +500 619 3 883865341 +500 639 4 883875195 +500 640 4 883874776 +500 660 2 883874835 +500 662 2 883876005 +500 699 3 883875523 +500 708 5 883873999 +500 709 4 883873640 +500 714 2 883874469 +500 721 1 883875561 +500 727 2 883875041 +500 729 4 883875303 +500 735 4 883873941 +500 739 2 883876573 +500 740 3 883865632 +500 742 3 883865290 +500 755 3 883876251 +500 762 4 883865532 +500 763 3 883865589 +500 768 2 883876596 +500 775 1 883877001 +500 780 3 883876904 +500 815 3 883865374 +500 821 2 883876837 +500 827 2 883876904 +500 831 3 883866004 +500 845 4 883865566 +500 846 3 883865566 +500 919 3 883865341 +500 930 3 883865929 +500 964 4 883874557 +500 988 3 883864840 +500 996 1 883875241 +500 1008 4 883865786 +500 1009 4 883865532 +500 1010 4 883865483 +500 1014 2 884527433 +500 1018 3 883875756 +500 1048 3 883865532 +500 1057 3 883877359 +500 1069 4 883876300 +500 1111 4 883874529 +500 1135 3 883875561 +500 1160 5 883865483 +500 1163 1 883865290 +500 1166 4 883874139 +500 1195 4 883875468 +500 1226 4 883865715 +500 1311 1 883877467 +500 1315 4 883865463 +500 1324 2 883865985 +500 1326 4 883865020 +500 1385 4 883865290 +500 1441 2 885237683 +500 1469 1 883876224 +500 1616 4 883875501 +501 7 4 883348236 +501 13 4 883348011 +501 24 3 883348519 +501 93 4 883347891 +501 100 4 883347799 +501 108 4 883348564 +501 111 3 883348474 +501 117 4 883347975 +501 118 3 883348474 +501 121 4 883347023 +501 122 4 883348236 +501 124 4 883347919 +501 125 3 883348435 +501 129 4 883348036 +501 147 3 883348080 +501 150 5 883347773 +501 181 4 883347857 +501 221 3 883348011 +501 222 4 883347919 +501 237 4 883348011 +501 245 3 883346844 +501 248 4 883347975 +501 257 4 883348114 +501 273 4 883347975 +501 274 3 883348474 +501 276 4 883348138 +501 282 4 883348185 +501 288 4 883346694 +501 293 4 883347823 +501 294 3 883346694 +501 313 3 883346623 +501 342 4 883346823 +501 369 4 883348703 +501 405 4 883347857 +501 406 3 883348656 +501 410 4 883348207 +501 411 4 883348564 +501 456 3 883348610 +501 475 5 883348080 +501 508 4 883347920 +501 544 4 883348372 +501 546 4 883348283 +501 591 4 883348138 +501 597 3 883348260 +501 628 4 883348519 +501 678 3 883346886 +501 685 3 883347774 +501 696 4 883348185 +501 741 5 883347857 +501 829 3 883348656 +501 840 4 883348655 +501 845 3 883348036 +501 922 4 883347857 +501 928 3 883347773 +501 952 4 883348114 +501 979 3 883348308 +501 1007 4 883995203 +501 1010 4 883348308 +501 1011 4 883348519 +501 1014 4 883348543 +501 1067 5 883348011 +501 1081 3 883348703 +501 1097 5 883347950 +502 243 3 883702945 +502 258 2 883701927 +502 259 3 883702448 +502 261 2 883702945 +502 263 1 883702448 +502 264 3 883702518 +502 266 3 883702255 +502 270 2 883702043 +502 271 5 883702088 +502 288 5 883701866 +502 300 2 883701980 +502 307 4 883701980 +502 313 4 883701792 +502 323 4 883702447 +502 328 4 883701980 +502 342 4 883702088 +502 343 5 883702370 +502 350 3 883701792 +502 678 3 883702448 +502 680 3 883702255 +502 681 1 883702631 +502 682 5 883701927 +502 687 4 883702867 +502 751 3 883702120 +502 754 2 883701927 +502 893 2 883702867 +502 895 4 883702370 +503 1 5 879438233 +503 8 5 880472435 +503 10 5 879438257 +503 12 3 879454675 +503 13 3 879438377 +503 14 3 879438161 +503 19 5 879438319 +503 20 5 879438285 +503 25 4 879438685 +503 26 2 880383200 +503 38 3 879454977 +503 44 5 879454841 +503 45 5 880383064 +503 47 5 880472216 +503 50 5 879438161 +503 54 2 879454950 +503 58 4 880472565 +503 66 3 880383468 +503 70 4 880383174 +503 79 5 879454675 +503 83 5 880383098 +503 86 5 880383098 +503 88 4 880383468 +503 97 4 880383424 +503 98 5 879454675 +503 100 5 879438346 +503 116 5 879438559 +503 121 3 879438707 +503 124 5 879438233 +503 125 3 880390153 +503 130 5 879438837 +503 132 5 880472148 +503 133 5 880472272 +503 134 5 880383588 +503 153 2 880472250 +503 156 1 880472250 +503 166 5 880472188 +503 168 5 880383624 +503 172 5 880383588 +503 174 5 880472250 +503 176 5 879454754 +503 182 3 880472321 +503 183 5 879454754 +503 185 5 879454753 +503 186 5 880472061 +503 187 5 880383625 +503 190 5 880383030 +503 197 5 880383358 +503 199 4 880383625 +503 204 3 880383703 +503 205 4 880472344 +503 210 5 880383703 +503 211 5 880472435 +503 213 5 880383030 +503 216 5 880383357 +503 221 5 879438377 +503 223 5 880472362 +503 224 3 880390128 +503 226 5 879454841 +503 233 5 879454811 +503 234 5 879454675 +503 237 4 879438505 +503 241 5 880383425 +503 246 5 884638548 +503 248 4 884638469 +503 268 5 884637610 +503 269 5 879438024 +503 275 5 879438411 +503 277 4 879438580 +503 280 1 892667653 +503 281 3 879454576 +503 283 5 879438258 +503 285 4 884637911 +503 286 3 879438191 +503 293 4 879438411 +503 297 5 879438346 +503 303 5 879438024 +503 306 5 879438024 +503 313 5 884637568 +503 318 5 880383679 +503 319 3 879438024 +503 321 2 879438024 +503 347 5 884637610 +503 356 4 879454841 +503 381 5 880383174 +503 382 4 880383174 +503 385 1 880472298 +503 387 4 880383358 +503 402 3 880383467 +503 405 3 879438685 +503 416 2 880472250 +503 423 5 880472321 +503 427 5 880472216 +503 430 5 880383653 +503 432 5 880472102 +503 435 3 880472125 +503 443 5 879454811 +503 451 4 880383425 +503 452 1 879454950 +503 463 1 880383126 +503 475 2 879438319 +503 479 4 880383653 +503 482 5 880383588 +503 484 4 880472188 +503 485 4 880472383 +503 488 5 880472216 +503 489 4 880383625 +503 496 5 880472474 +503 498 5 880383588 +503 503 3 880472250 +503 504 4 880472298 +503 509 5 880383098 +503 514 3 880472102 +503 526 3 880472188 +503 529 2 880383030 +503 546 4 879438685 +503 558 5 880383098 +503 561 5 879454977 +503 580 3 880383236 +503 582 5 880383064 +503 603 3 880383653 +503 607 5 880472272 +503 615 5 880472061 +503 633 5 880472344 +503 640 1 880383201 +503 654 5 879454753 +503 662 3 880383467 +503 684 4 879454950 +503 692 3 880383467 +503 694 5 880383030 +503 702 2 880383236 +503 707 5 880382768 +503 714 4 880383126 +503 729 3 880472454 +503 732 3 880383467 +503 736 4 880383174 +503 739 1 880383490 +503 740 5 879438411 +503 744 2 879454442 +503 747 3 880383424 +503 753 1 880383064 +503 778 5 892667730 +503 823 2 879438817 +503 840 1 879454292 +503 949 3 892667891 +503 963 5 880472061 +503 1009 2 884638911 +503 1194 5 879438072 +503 1317 4 879438874 +503 1475 5 880382768 +504 4 4 887839260 +504 5 4 887912462 +504 9 4 887831567 +504 25 4 887831419 +504 28 4 887839810 +504 38 4 887840134 +504 40 4 887910409 +504 44 4 887838846 +504 50 3 887831293 +504 51 4 887839260 +504 53 4 887911730 +504 54 4 887909936 +504 56 3 887832643 +504 58 3 887837740 +504 63 3 887912504 +504 65 4 887838717 +504 67 2 887912382 +504 68 5 887912665 +504 69 4 887837918 +504 70 3 887838869 +504 71 5 887909321 +504 75 4 887912568 +504 77 4 887840681 +504 82 4 887837918 +504 84 3 887840589 +504 88 3 887909839 +504 90 3 887910552 +504 94 4 887841158 +504 96 4 887840098 +504 97 4 887832760 +504 98 5 887832433 +504 99 3 887837739 +504 100 5 887831486 +504 102 3 887910409 +504 106 3 887831879 +504 117 4 887831694 +504 118 3 887831838 +504 121 4 887831642 +504 122 1 887832268 +504 125 4 889550735 +504 127 5 887831510 +504 132 5 887838815 +504 133 5 887832593 +504 139 3 887840589 +504 141 3 887909578 +504 142 3 887841158 +504 143 4 887838008 +504 151 4 887831678 +504 153 3 887838624 +504 154 4 887839081 +504 155 3 887912634 +504 158 3 887910737 +504 161 4 887839195 +504 162 4 887832741 +504 167 3 887909556 +504 168 5 887839164 +504 174 4 887909455 +504 176 3 887837739 +504 180 4 887837918 +504 181 3 887831773 +504 183 3 887832531 +504 185 5 887838624 +504 186 3 887840637 +504 187 3 887840559 +504 194 3 887832668 +504 195 4 887838510 +504 196 4 887838935 +504 197 4 887832531 +504 199 4 887912236 +504 200 4 887838450 +504 202 3 887909347 +504 204 3 887838908 +504 205 3 887909299 +504 208 4 887838450 +504 210 4 887832643 +504 211 4 887837739 +504 212 4 887909911 +504 214 4 887840764 +504 215 4 887908861 +504 216 4 887838450 +504 218 4 887910267 +504 219 3 887911314 +504 223 5 887832364 +504 225 4 887832207 +504 234 3 887838740 +504 237 3 887831753 +504 238 3 887912416 +504 240 1 887832012 +504 245 4 887831274 +504 248 4 887831622 +504 257 5 887831753 +504 258 5 887831273 +504 276 3 887831790 +504 281 4 887831447 +504 282 4 887831838 +504 288 5 887831273 +504 291 4 887832043 +504 292 5 887831273 +504 294 2 887912722 +504 295 4 887831567 +504 298 4 887831717 +504 300 4 887831274 +504 307 4 887831273 +504 310 4 887831273 +504 318 5 887832593 +504 322 4 887831274 +504 323 4 887831274 +504 330 4 887831274 +504 356 4 887840098 +504 357 4 887832705 +504 364 2 887912382 +504 371 3 887912236 +504 372 4 887839195 +504 382 4 887839709 +504 384 2 887912447 +504 385 4 887832571 +504 386 3 887912431 +504 392 5 887908645 +504 393 3 887909456 +504 396 2 887911369 +504 399 4 887840882 +504 400 3 887911277 +504 401 2 887911789 +504 402 4 887839835 +504 403 3 887910409 +504 404 4 887910370 +504 409 4 889550757 +504 411 4 887831447 +504 414 5 887838450 +504 416 4 887910294 +504 417 3 887841177 +504 418 3 887832391 +504 419 3 887832643 +504 420 3 887840560 +504 423 4 887840960 +504 428 3 887910511 +504 440 3 887910370 +504 441 4 887911314 +504 443 3 887910511 +504 447 4 887909816 +504 448 5 887840134 +504 449 4 887839810 +504 451 1 887912584 +504 452 2 887911974 +504 454 5 887838008 +504 462 4 887838740 +504 465 3 887909936 +504 476 5 887831447 +504 479 4 887832571 +504 485 4 887839745 +504 490 4 887909816 +504 499 4 887909595 +504 503 4 887837958 +504 504 4 887909890 +504 505 4 887837957 +504 506 4 887910552 +504 514 4 887838485 +504 517 4 887832782 +504 526 3 887838624 +504 527 4 887838624 +504 529 4 887832391 +504 537 3 887910811 +504 543 4 887908861 +504 548 2 887909864 +504 559 5 887840745 +504 561 4 887910023 +504 563 3 887911314 +504 567 2 887839196 +504 575 3 887912401 +504 579 4 887911391 +504 585 2 887909864 +504 595 4 887832097 +504 612 4 887838677 +504 616 4 887910267 +504 620 4 887831419 +504 622 4 887910487 +504 623 3 887910433 +504 628 4 887831678 +504 629 4 887841136 +504 631 4 887837701 +504 632 3 887837701 +504 633 3 887912542 +504 651 4 887832531 +504 655 4 887840713 +504 660 4 887839195 +504 664 3 887910718 +504 667 3 887911808 +504 676 4 887908756 +504 693 4 887832741 +504 699 4 887838573 +504 705 4 887838935 +504 716 4 887909532 +504 717 4 887911730 +504 719 3 887841248 +504 723 4 887910896 +504 725 3 887911973 +504 728 3 887908974 +504 729 5 887832571 +504 731 3 887840014 +504 735 5 887838510 +504 739 3 887841201 +504 742 4 887831860 +504 755 4 887841177 +504 756 3 887910240 +504 773 3 887909936 +504 791 3 887911789 +504 834 2 887911059 +504 846 4 887831806 +504 928 4 887831353 +504 934 4 887832170 +504 939 4 887838869 +504 942 4 887841136 +504 961 4 887839081 +504 969 4 887838677 +504 972 3 887910552 +504 973 4 887911444 +504 1004 4 887910023 +504 1030 3 887911314 +504 1037 1 887912584 +504 1041 3 887910694 +504 1046 4 887912298 +504 1050 4 887832433 +504 1084 4 887837958 +504 1090 4 887910961 +504 1093 1 887841073 +504 1110 2 887911583 +504 1118 3 887911035 +504 1133 3 887910871 +504 1135 4 887911854 +504 1136 5 887840560 +504 1147 4 887832741 +504 1210 3 887840637 +504 1277 4 887832012 +504 1415 3 887912335 +504 1421 4 887841073 +504 1437 2 887911545 +504 1439 4 887840517 +504 1442 3 887911444 +504 1444 3 887911133 +504 1508 3 887911686 +504 1522 3 887840942 +505 1 3 889333414 +505 7 3 889334129 +505 11 4 889333861 +505 22 5 889333274 +505 31 4 889334067 +505 50 3 889334067 +505 54 3 889334067 +505 56 1 889333560 +505 66 4 889333313 +505 69 3 889333974 +505 71 4 889333937 +505 73 4 889334248 +505 77 3 889334248 +505 79 3 889333274 +505 82 4 889333274 +505 88 4 889334334 +505 95 4 889333313 +505 96 4 889333442 +505 97 4 889333676 +505 98 4 889333792 +505 102 1 889334526 +505 117 4 889333508 +505 121 4 889334004 +505 123 3 889333894 +505 125 3 889334373 +505 127 1 889333711 +505 132 5 889333598 +505 133 5 889334189 +505 144 3 889333861 +505 151 3 889334162 +505 154 1 889334555 +505 161 3 889333711 +505 164 4 889334189 +505 172 3 889334129 +505 173 3 889333534 +505 174 4 889333340 +505 176 4 889333340 +505 177 3 889334477 +505 181 3 889333974 +505 182 1 889334555 +505 183 3 889333392 +505 190 4 889333598 +505 191 3 889333792 +505 195 3 889334096 +505 199 4 889333442 +505 202 3 889333508 +505 203 4 889334162 +505 204 3 889334162 +505 207 3 889334004 +505 210 4 889333508 +505 227 2 889334334 +505 228 2 889333894 +505 237 3 889333711 +505 243 2 888631415 +505 258 1 888630999 +505 259 3 888631208 +505 265 4 889333598 +505 271 4 888631208 +505 294 3 888631311 +505 300 4 888631046 +505 307 4 889332705 +505 313 5 889332743 +505 328 4 888631175 +505 332 4 888631126 +505 358 3 888631555 +505 378 5 889333466 +505 385 4 889334477 +505 402 5 889333937 +505 419 3 889333560 +505 422 3 889333975 +505 423 4 889333711 +505 435 3 889333676 +505 468 4 889334096 +505 471 4 889333392 +505 491 3 889333861 +505 495 3 889333823 +505 496 5 889333534 +505 501 2 889334373 +505 510 3 889334477 +505 526 5 889333823 +505 553 4 889333937 +505 566 3 889334503 +505 568 4 889333466 +505 584 4 889334067 +505 588 5 889333823 +505 604 5 889333598 +505 614 3 889334162 +505 623 3 889333365 +505 648 4 889334614 +505 651 3 889333598 +505 660 3 889334477 +505 692 3 889334583 +505 705 3 889333758 +505 724 4 889333861 +505 742 4 889334162 +505 755 3 889334248 +505 951 3 889334067 +505 988 3 888631371 +505 1039 4 889334004 +505 1063 3 889334334 +505 1285 3 889333711 +505 1409 3 889333974 +506 2 4 874874850 +506 5 4 874874947 +506 8 5 874873374 +506 10 2 874862734 +506 12 5 874873247 +506 28 4 874874308 +506 29 2 874874894 +506 31 4 874873247 +506 33 3 874873703 +506 38 3 885135912 +506 42 3 874873247 +506 44 4 874874850 +506 46 3 874874802 +506 47 4 874876486 +506 48 2 874873158 +506 50 5 878044852 +506 53 4 874874985 +506 54 4 874876651 +506 55 4 874873287 +506 56 4 874873374 +506 58 4 874874985 +506 62 3 874874894 +506 63 4 874873944 +506 66 4 874874676 +506 67 3 874874894 +506 68 4 874873944 +506 69 5 874873327 +506 70 4 874874055 +506 71 5 874873068 +506 72 3 874874802 +506 73 4 874873703 +506 77 3 874874850 +506 79 5 874874054 +506 81 1 874874000 +506 82 5 874873745 +506 85 3 874873795 +506 86 3 874876551 +506 88 4 874873944 +506 89 5 874874109 +506 90 2 874876599 +506 92 3 874876551 +506 94 3 874876599 +506 95 5 874873198 +506 96 4 874873423 +506 97 4 874873374 +506 132 4 874873615 +506 135 5 874873157 +506 137 2 874872872 +506 140 3 874873327 +506 147 3 888848342 +506 148 3 877539905 +506 161 4 885135881 +506 168 5 874874055 +506 172 5 885135819 +506 173 4 874874308 +506 174 5 874873157 +506 175 5 874873327 +506 176 5 874873892 +506 177 5 888848342 +506 181 5 874874676 +506 182 5 888848342 +506 183 5 874874308 +506 186 4 874875062 +506 187 5 885135819 +506 191 4 874873615 +506 193 4 874873944 +506 194 5 874873247 +506 195 4 874873374 +506 196 4 874873745 +506 198 2 874873703 +506 199 4 874874109 +506 200 4 874873112 +506 202 5 874873374 +506 203 4 874874152 +506 204 5 874874055 +506 205 5 874874760 +506 208 4 874873423 +506 209 4 874873529 +506 210 5 885135737 +506 211 4 874873198 +506 215 5 878044852 +506 216 4 874873794 +506 218 3 874873615 +506 222 4 884517178 +506 224 1 885136005 +506 226 4 885135844 +506 227 4 874875062 +506 228 5 874873571 +506 230 4 874873847 +506 231 3 874873847 +506 233 4 874874109 +506 234 5 874873111 +506 239 3 874874152 +506 241 2 874874850 +506 248 2 880198305 +506 250 2 880198224 +506 258 4 884517178 +506 261 3 885135514 +506 271 4 880198184 +506 274 4 874862229 +506 294 4 877861414 +506 295 4 879074845 +506 300 3 888178161 +506 323 3 875444631 +506 324 1 877984213 +506 328 4 885135476 +506 333 4 887230118 +506 342 3 888848304 +506 356 3 874874630 +506 363 3 874862646 +506 367 3 874873068 +506 380 4 874874585 +506 391 2 885135912 +506 393 3 874874802 +506 399 5 874874054 +506 402 4 877539905 +506 403 4 874874458 +506 404 5 878044851 +506 417 4 874874396 +506 418 4 874874055 +506 423 5 874874850 +506 425 4 874874585 +506 430 4 874873703 +506 432 4 874873112 +506 434 4 874876599 +506 435 5 874873744 +506 443 4 874874760 +506 447 4 874873847 +506 449 2 885135882 +506 455 3 876070976 +506 461 2 874873944 +506 463 3 874873157 +506 475 1 874862229 +506 478 4 874873067 +506 482 5 878044852 +506 484 4 882100828 +506 489 4 874876651 +506 490 3 874873529 +506 496 5 874873615 +506 497 5 874873703 +506 503 4 874874396 +506 510 5 874873067 +506 514 5 874873287 +506 516 4 874874525 +506 517 2 874874585 +506 518 4 874873198 +506 520 5 878044852 +506 521 5 874873529 +506 523 5 874873112 +506 525 4 874876486 +506 529 3 874873615 +506 530 5 874874110 +506 538 3 880908452 +506 539 4 884517135 +506 542 3 874873794 +506 550 4 885135881 +506 554 3 885135912 +506 566 4 885135819 +506 568 5 889979761 +506 576 4 885135954 +506 578 3 885135881 +506 580 3 874875062 +506 581 2 874874850 +506 582 3 874873423 +506 586 2 885135882 +506 603 5 874873198 +506 604 4 874873528 +506 607 4 874874851 +506 608 4 874874055 +506 611 5 874874525 +506 641 5 874873158 +506 642 4 874874000 +506 646 4 874874947 +506 654 4 874876486 +506 655 4 874873892 +506 657 5 874873745 +506 660 3 874873157 +506 661 5 874874308 +506 662 5 878044851 +506 663 4 874874947 +506 665 2 885135882 +506 676 1 874945513 +506 678 3 879074774 +506 684 5 874873529 +506 686 3 889874717 +506 692 4 874873529 +506 693 4 874876651 +506 699 4 888848303 +506 705 5 878044851 +506 710 5 874874151 +506 712 3 874873893 +506 715 2 874876486 +506 731 4 874873374 +506 732 4 874874109 +506 739 4 874874525 +506 742 5 878044851 +506 746 5 874875062 +506 747 2 874874629 +506 749 4 888178129 +506 755 4 874876486 +506 761 2 874873327 +506 762 3 877861473 +506 770 3 874874110 +506 772 1 874873247 +506 779 2 885135954 +506 792 2 874876598 +506 796 3 874875062 +506 802 4 885135954 +506 836 4 874875062 +506 855 4 874874802 +506 873 4 889874717 +506 878 3 874872812 +506 880 1 885135560 +506 892 1 888848224 +506 930 1 877984514 +506 945 4 874874585 +506 951 3 874875062 +506 972 3 874874760 +506 1014 3 880908472 +506 1016 4 882100828 +506 1019 5 878044851 +506 1020 4 874873067 +506 1063 5 888848303 +506 1073 4 874873247 +506 1089 1 889979761 +506 1110 1 885135955 +506 1136 3 877539905 +506 1219 2 874874760 +506 1244 2 884517295 +506 1279 4 880198144 +506 1407 2 885135954 +506 1608 2 885135497 +507 50 5 889965997 +507 118 5 889966127 +507 121 5 889965997 +507 181 5 889965997 +507 222 5 889965997 +507 250 5 889966024 +507 252 5 889966054 +507 257 5 889966054 +507 258 4 889963959 +507 269 2 889964121 +507 271 5 889964312 +507 288 5 889964020 +507 294 5 889964274 +507 298 5 889965997 +507 300 5 889964239 +507 302 5 889963959 +507 306 5 889964677 +507 307 5 889964239 +507 310 4 889964162 +507 313 5 889964121 +507 315 5 889964593 +507 316 5 889964844 +507 319 3 889964074 +507 328 5 889964162 +507 333 4 889964121 +507 334 5 889964748 +507 345 5 889964202 +507 352 1 889964274 +507 405 5 889966127 +507 538 4 889964239 +507 597 5 889966089 +507 678 5 889966088 +507 689 5 889964844 +507 690 4 889964074 +507 691 5 889964162 +507 748 5 889964844 +507 750 5 889964274 +507 751 5 889964162 +507 754 5 889964121 +507 827 5 889966088 +507 841 5 889966054 +507 879 5 889964706 +507 894 5 889964162 +507 895 5 889964202 +507 898 5 889964202 +507 1016 5 889966088 +507 1089 5 889966088 +507 1237 5 889964311 +508 1 5 883777430 +508 13 4 883777366 +508 23 4 883767361 +508 47 3 883777257 +508 50 5 883777430 +508 52 4 883777047 +508 70 4 883776748 +508 73 3 883777329 +508 79 2 883767543 +508 82 3 883777145 +508 88 3 883777299 +508 91 4 883767246 +508 96 2 883768886 +508 98 3 883767140 +508 101 5 883777430 +508 109 3 883768886 +508 115 3 883767383 +508 121 2 883767047 +508 132 5 883767279 +508 151 5 883768886 +508 153 3 883777329 +508 154 5 883767704 +508 163 3 883768862 +508 168 4 883767172 +508 173 4 883767140 +508 174 4 883767728 +508 175 4 883767465 +508 176 4 883767565 +508 179 4 883767465 +508 180 5 883767565 +508 181 3 883767047 +508 183 5 883767588 +508 185 5 883777430 +508 186 3 883777109 +508 191 5 883767383 +508 196 3 883776704 +508 200 4 883768842 +508 204 3 883767510 +508 208 5 883776748 +508 209 5 883767325 +508 210 4 883777125 +508 211 3 883777047 +508 214 3 883775341 +508 215 3 883776977 +508 216 5 883768886 +508 218 2 883777237 +508 219 1 883767628 +508 222 3 883777281 +508 228 5 883777430 +508 229 2 883777346 +508 230 2 883768706 +508 232 3 883777109 +508 234 4 883767465 +508 239 2 883777257 +508 269 4 883766931 +508 317 4 883767246 +508 318 4 883767704 +508 357 5 883767246 +508 378 5 883777430 +508 423 5 883777430 +508 436 4 883777109 +508 443 4 883777071 +508 451 3 883777281 +508 474 5 883777430 +508 502 4 883776778 +508 506 5 883777430 +508 511 4 883767246 +508 514 5 883767301 +508 524 5 883767608 +508 527 5 883775361 +508 528 5 883777430 +508 629 4 883775341 +508 655 4 883767525 +508 710 4 883777071 +508 1067 4 883767665 +508 1135 3 883777382 +508 1153 4 883768797 +509 181 4 883591826 +509 245 2 883591109 +509 258 4 883590526 +509 266 1 883591489 +509 268 2 883590443 +509 271 4 883591195 +509 289 2 883590972 +509 294 2 883590972 +509 301 2 883591043 +509 302 5 883590443 +509 307 2 883590729 +509 309 2 883590609 +509 326 4 883591043 +509 328 1 883590800 +509 332 2 883590800 +509 338 3 883591319 +509 343 3 883591319 +509 345 1 883590115 +509 603 4 883591826 +509 690 3 883590676 +509 705 4 883591687 +509 754 1 883590676 +509 892 1 883591489 +510 243 3 887667780 +510 245 3 887667574 +510 258 4 887667465 +510 261 2 887667780 +510 288 3 887667545 +510 292 4 887667524 +510 299 3 887667681 +510 300 5 887667439 +510 313 5 887667439 +510 322 3 887667752 +510 323 4 887667752 +510 324 1 887667618 +510 326 4 887667751 +510 333 3 887667465 +510 457 2 887667969 +510 681 1 887667808 +510 748 3 887667707 +510 873 3 887667780 +510 876 2 887667574 +510 1025 3 887667780 +511 260 4 890004916 +511 288 4 890004795 +511 300 4 890004658 +511 322 3 890005102 +511 340 4 890004687 +511 343 3 890004892 +511 678 2 890005076 +511 682 4 890004844 +511 872 5 890004728 +511 880 5 890004778 +511 887 5 890004747 +511 908 4 890004938 +511 948 3 890004916 +511 1527 4 890004952 +512 50 5 888579997 +512 56 5 888579996 +512 183 5 888579474 +512 186 5 888579520 +512 258 3 888578768 +512 273 5 888579645 +512 286 5 888578937 +512 302 4 888578289 +512 325 2 888579139 +512 527 5 888579645 +512 1238 4 888578602 +513 50 5 885062365 +513 121 5 885062602 +513 210 5 885063273 +513 252 5 885063549 +513 257 4 885062519 +513 258 4 885062286 +513 323 5 885062636 +513 435 5 885063304 +513 685 4 885062601 +513 739 5 885063056 +513 763 3 885062453 +513 841 4 885062602 +514 1 5 875309276 +514 4 4 875463440 +514 7 5 875309415 +514 10 4 875462867 +514 11 4 875318082 +514 12 5 875318263 +514 13 3 876063880 +514 14 3 875318331 +514 19 4 875463128 +514 22 4 875463202 +514 24 3 875463164 +514 25 4 875463028 +514 26 3 875463595 +514 28 5 875311192 +514 31 4 886190665 +514 42 5 875318331 +514 45 4 876061444 +514 48 4 875318114 +514 49 2 886189676 +514 50 5 875462466 +514 58 4 875462689 +514 64 4 875462645 +514 65 3 886190207 +514 68 4 875463551 +514 69 4 875309276 +514 70 5 875462826 +514 73 4 876067258 +514 79 4 875462520 +514 81 4 875463416 +514 83 5 875462568 +514 87 5 875318163 +514 88 4 875463468 +514 89 4 875318331 +514 95 4 875309350 +514 97 5 875462764 +514 98 5 875309473 +514 100 4 875318163 +514 109 3 876067235 +514 111 5 875463165 +514 114 5 875462466 +514 116 4 875462426 +514 118 2 875463416 +514 132 4 875463469 +514 134 3 875463665 +514 135 4 875311193 +514 136 4 875462867 +514 137 3 875318114 +514 144 3 875462520 +514 150 3 886189467 +514 152 4 875318163 +514 153 4 875463386 +514 154 4 875462689 +514 156 4 875311225 +514 157 4 875309350 +514 168 4 875308925 +514 169 5 875308734 +514 170 3 875462764 +514 172 4 875462726 +514 173 5 875462826 +514 174 5 875310992 +514 176 4 875463128 +514 177 3 886189816 +514 178 4 875308925 +514 179 4 875463468 +514 180 3 886189927 +514 181 4 875463494 +514 183 3 875462645 +514 185 3 875311225 +514 186 4 875463028 +514 188 5 875463028 +514 190 5 875318224 +514 191 5 875318224 +514 194 4 875463525 +514 195 5 876063938 +514 196 5 875318331 +514 197 4 875310992 +514 199 3 875463351 +514 200 2 875462867 +514 202 4 875309414 +514 204 5 875318331 +514 208 4 875463494 +514 209 3 876062951 +514 210 5 876067462 +514 211 3 876067235 +514 214 5 875318163 +514 215 4 875462689 +514 216 5 875309350 +514 222 4 875462611 +514 228 5 875463202 +514 229 3 875463525 +514 234 3 876063765 +514 237 4 875462611 +514 239 5 876067462 +514 243 2 885181043 +514 257 4 880209981 +514 258 4 875308674 +514 259 4 885180989 +514 265 4 886190600 +514 268 4 885180579 +514 269 4 885180864 +514 272 4 885180603 +514 274 4 876067433 +514 275 5 875463028 +514 283 4 875309231 +514 293 3 880209950 +514 294 3 885180929 +514 301 4 880209797 +514 306 4 876672606 +514 307 4 880210104 +514 313 5 891900147 +514 318 4 875318331 +514 336 1 885180842 +514 342 1 885180909 +514 344 3 891900164 +514 357 4 875462901 +514 367 5 875318164 +514 380 4 875462965 +514 384 3 876067623 +514 385 3 886189965 +514 392 4 875463351 +514 393 3 876067592 +514 403 3 875463202 +514 405 2 875463386 +514 408 5 875311225 +514 419 4 875463468 +514 421 4 875463269 +514 423 5 875462568 +514 425 5 875318291 +514 430 4 875462901 +514 431 4 875463595 +514 432 4 875311156 +514 433 5 875462795 +514 435 3 875463551 +514 462 4 875310992 +514 470 3 875462901 +514 473 3 875462520 +514 474 5 875462689 +514 483 4 875462795 +514 486 3 886189869 +514 510 3 886190480 +514 511 3 886189990 +514 527 4 875462466 +514 531 3 875308734 +514 558 4 875318114 +514 568 4 875462689 +514 582 4 875318224 +514 587 4 880210105 +514 609 4 875462826 +514 631 4 875463386 +514 647 3 875463079 +514 648 3 886189869 +514 651 4 875462901 +514 652 4 886189466 +514 655 4 875462568 +514 658 4 875463028 +514 659 3 875463245 +514 680 1 885180893 +514 682 4 875463891 +514 709 3 876067380 +514 710 5 875318331 +514 713 3 875309415 +514 715 4 876067592 +514 729 4 886189841 +514 732 5 875462901 +514 735 4 875462764 +514 747 4 875463245 +514 748 2 875463906 +514 750 4 885180627 +514 778 4 876067546 +514 792 4 875462611 +514 796 4 876067205 +514 890 1 885180929 +514 898 2 885180893 +514 949 3 886189510 +514 988 2 885180989 +514 1014 2 885180645 +514 1035 3 875463595 +514 1039 5 875318163 +514 1047 3 876063961 +514 1074 4 876067623 +514 1101 4 886189893 +514 1115 4 875462826 +514 1160 4 886189748 +514 1600 4 875723266 +515 258 4 887658676 +515 259 3 887659123 +515 269 2 887658844 +515 271 4 887658844 +515 286 2 887660131 +515 289 1 887660131 +515 294 3 887658910 +515 300 5 887658975 +515 302 3 887658604 +515 304 4 887658782 +515 307 4 887659123 +515 310 3 887658975 +515 322 3 887659073 +515 323 3 887659192 +515 326 2 887660131 +515 328 2 887660131 +515 332 3 887658676 +515 340 3 887658782 +515 342 3 887659423 +515 347 3 887658604 +515 538 3 887658676 +515 682 4 887659192 +515 687 3 887659718 +515 748 2 887660131 +515 750 2 887658782 +515 895 4 887659123 +515 900 4 887658975 +515 905 2 887660131 +515 1399 4 887659718 +515 1430 3 887658604 +516 194 4 891290593 +516 204 4 891290649 +516 212 4 891290649 +516 214 3 891290649 +516 286 5 891290565 +516 357 3 891290685 +516 431 3 891290649 +516 474 5 891290648 +516 515 4 891290566 +516 582 5 891290594 +516 660 5 891290593 +517 1 3 892659892 +517 25 2 892659923 +517 50 5 892660727 +517 105 1 892654653 +517 117 4 892659893 +517 127 4 892660033 +517 131 3 892659922 +517 181 4 892660033 +517 222 4 892660033 +517 229 3 892660034 +517 237 1 892659923 +517 258 5 892660728 +517 294 1 892607194 +517 311 3 892660034 +517 328 3 892660034 +517 333 3 892659922 +517 335 3 875492066 +517 405 4 892659893 +517 472 2 892659923 +517 538 4 892607155 +517 740 4 892660728 +517 748 4 892660728 +517 755 3 892659893 +517 761 5 892660727 +517 823 2 892659923 +517 1047 2 892659923 +517 1177 5 892660728 +518 1 4 876823143 +518 7 3 876823197 +518 9 3 876822811 +518 10 3 876822744 +518 13 4 876823266 +518 100 4 876822967 +518 106 5 876823804 +518 117 5 876823804 +518 118 5 876823804 +518 120 3 876824218 +518 121 5 876823804 +518 123 2 876823143 +518 125 5 876823645 +518 126 4 876823018 +518 129 5 876823804 +518 147 4 876823324 +518 151 3 876823018 +518 222 5 876823597 +518 235 4 876823597 +518 236 3 876823597 +518 237 4 876823804 +518 240 1 876824079 +518 273 5 876823804 +518 276 5 876822923 +518 280 4 876824218 +518 288 3 876822581 +518 289 4 876823804 +518 300 3 876822581 +518 370 4 876823963 +518 405 5 876823926 +518 410 3 876823541 +518 412 1 876824266 +518 458 3 876823266 +518 471 3 876822873 +518 475 4 876822811 +518 476 4 876823324 +518 508 3 876823266 +518 544 3 876823324 +518 546 4 876823447 +518 591 3 876823447 +518 595 3 876824266 +518 619 4 876823018 +518 628 5 876823804 +518 685 5 876823597 +518 696 5 876823266 +518 713 5 876823071 +518 717 5 876823963 +518 742 5 876823804 +518 744 4 876823266 +518 820 2 876824218 +518 829 3 876824156 +518 847 5 876823447 +518 864 3 876823324 +518 866 5 876823540 +518 920 3 876824121 +518 924 3 876822873 +518 1011 4 876823645 +518 1017 3 876823071 +518 1028 3 876824266 +518 1040 3 876823541 +518 1079 1 876824266 +518 1114 2 876824079 +518 1335 3 876823018 +519 259 1 883248278 +519 263 5 883250102 +519 264 2 883248251 +519 266 5 883248595 +519 268 5 883248065 +519 288 4 883248089 +519 299 5 884545961 +519 313 5 883248134 +519 324 1 883248191 +519 325 1 883248535 +519 328 2 883248251 +519 330 5 884545961 +519 332 3 883248159 +519 333 3 883248089 +519 339 3 883248222 +519 340 5 883248251 +519 346 4 885929222 +519 348 5 883250148 +519 350 5 883250102 +519 351 5 883250102 +519 680 5 883248595 +519 682 1 883248278 +519 748 2 883248307 +519 751 4 884545801 +519 874 5 883250102 +519 878 5 884545961 +519 879 5 883248595 +519 887 5 883250102 +519 895 4 883248222 +519 903 5 883248595 +519 908 5 883250148 +519 991 2 883250021 +519 1062 5 883250148 +519 1238 5 883248595 +519 1293 5 883250148 +519 1295 5 883248595 +519 1434 5 883250102 +519 1591 5 883250102 +519 1612 5 883250148 +520 100 4 885170394 +520 240 1 885170476 +520 242 5 885168819 +520 286 5 885168591 +520 294 3 885170330 +520 302 3 885170330 +520 310 4 885168862 +520 311 3 885168591 +520 690 5 885168677 +520 871 1 885170547 +520 893 2 885170330 +520 898 5 885168939 +520 990 4 885168906 +521 1 2 884475825 +521 2 3 886063310 +521 7 3 884475973 +521 8 3 884477914 +521 11 4 884477993 +521 12 5 884477853 +521 13 2 884476240 +521 17 1 885254888 +521 22 4 884477677 +521 23 3 884478428 +521 25 2 884476002 +521 28 3 885253323 +521 31 3 884478135 +521 33 4 885254133 +521 42 5 884478721 +521 50 4 884475799 +521 56 4 884478530 +521 68 4 886061689 +521 73 3 885253827 +521 77 3 885254338 +521 79 4 884477656 +521 87 3 884478314 +521 89 3 885253266 +521 90 2 885254006 +521 95 3 885253266 +521 96 4 884477853 +521 97 3 884478049 +521 99 3 885253937 +521 108 3 884476020 +521 109 5 884475845 +521 117 4 884475913 +521 121 2 884475889 +521 125 3 884476020 +521 127 4 885253352 +521 132 3 885253186 +521 135 4 885254226 +521 144 3 884478171 +521 147 4 884476837 +521 151 3 884476240 +521 154 2 884478119 +521 159 3 885253904 +521 161 2 885254116 +521 163 3 884478483 +521 168 4 884477585 +521 172 3 884478049 +521 173 4 884477896 +521 174 4 884478721 +521 176 4 884477820 +521 181 4 884475845 +521 182 3 884477993 +521 183 3 884477630 +521 184 4 884478358 +521 186 4 884478358 +521 188 4 884478101 +521 191 4 884477868 +521 195 4 884477775 +521 202 3 884478530 +521 203 3 884477896 +521 204 4 884477853 +521 206 5 884476637 +521 208 3 885253562 +521 210 3 884478119 +521 215 1 886062095 +521 216 2 885253247 +521 222 4 884475799 +521 226 4 884478721 +521 227 3 885253808 +521 228 4 884478007 +521 229 2 884478314 +521 231 2 885254307 +521 232 3 886063553 +521 235 3 884476221 +521 238 3 884478101 +521 239 5 885254354 +521 240 3 884476067 +521 241 4 885254006 +521 246 4 884475913 +521 248 3 884476110 +521 249 4 884476257 +521 250 3 884476020 +521 257 3 884476035 +521 258 4 884475503 +521 265 3 885253247 +521 268 5 884475470 +521 271 3 884475524 +521 273 3 884476168 +521 290 3 884477262 +521 291 1 885254166 +521 298 3 884476126 +521 300 3 884475555 +521 324 2 886059923 +521 343 3 884475605 +521 380 3 884478483 +521 385 3 885254837 +521 392 3 886063254 +521 393 3 884478667 +521 402 3 885253501 +521 403 4 885253758 +521 405 2 884476820 +521 421 4 885254070 +521 423 3 884478792 +521 427 3 884477630 +521 431 4 884478601 +521 474 3 884477677 +521 475 3 884475889 +521 496 2 885253668 +521 520 3 884477585 +521 526 3 885254307 +521 550 3 885253844 +521 566 3 885254925 +521 568 3 884478101 +521 597 2 884476302 +521 625 3 885253937 +521 651 3 885253376 +521 655 4 885253904 +521 659 4 885253376 +521 679 3 884478515 +521 684 3 884478807 +521 721 4 885253337 +521 732 3 884478135 +521 742 3 884477512 +521 743 1 886061689 +521 746 4 884478152 +521 748 3 884475618 +521 751 3 884475485 +521 754 3 885252562 +521 755 3 885254872 +521 763 4 884476152 +521 826 2 884476920 +521 827 1 884476904 +521 829 2 884476168 +521 833 2 884476869 +521 967 3 885254071 +521 1012 3 884476049 +521 1013 1 884476820 +521 1014 3 884476320 +521 1022 4 884475591 +521 1059 1 884476821 +521 1240 3 884478667 +521 1244 3 884476887 +522 11 4 876961076 +522 12 5 876960894 +522 23 5 876961248 +522 48 4 876961020 +522 134 5 876961020 +522 135 5 876960824 +522 168 5 876960956 +522 180 5 876960824 +522 192 5 876960894 +522 200 4 876961314 +522 205 4 876961020 +522 208 5 876961248 +522 480 5 876961076 +522 492 4 876961190 +522 510 5 876961190 +522 514 2 876960956 +522 521 5 876961190 +522 530 4 876961314 +522 543 4 876961076 +522 654 4 876960824 +523 1 5 883701763 +523 3 4 883702474 +523 8 5 883702125 +523 9 4 883700564 +523 14 5 883700991 +523 25 4 883702054 +523 42 3 883703495 +523 50 5 883700186 +523 56 3 883703495 +523 66 4 883702292 +523 67 4 883702654 +523 70 5 883700743 +523 72 4 883702351 +523 95 4 883701800 +523 97 4 883702946 +523 116 5 883700766 +523 155 4 883703091 +523 163 5 883702411 +523 166 4 883701018 +523 167 4 883702233 +523 168 4 883701962 +523 169 5 883701800 +523 179 3 883703495 +523 181 5 883700186 +523 189 5 883701800 +523 194 5 883702210 +523 197 5 883703048 +523 202 4 883702054 +523 204 5 883702171 +523 208 5 883702209 +523 210 5 883702209 +523 211 4 883702292 +523 213 5 883700743 +523 255 5 883700144 +523 257 5 883700187 +523 258 5 883699583 +523 269 5 883699464 +523 285 5 883701962 +523 289 4 883699869 +523 301 4 883700064 +523 306 5 883699583 +523 384 3 883703495 +523 407 4 883702800 +523 408 5 883700527 +523 412 3 883702351 +523 430 4 883702125 +523 432 5 883701800 +523 435 5 883702263 +523 451 5 883702441 +523 476 3 883702441 +523 477 3 883703495 +523 508 3 883703495 +523 509 4 883700870 +523 514 4 883702172 +523 523 3 883703495 +523 531 5 883700792 +523 533 4 883700395 +523 549 4 883703144 +523 575 4 883702800 +523 582 4 883701154 +523 629 5 883702125 +523 634 5 883700743 +523 638 4 883701065 +523 652 2 883703495 +523 663 5 883701962 +523 694 5 883703048 +523 707 5 883701093 +523 722 3 883703495 +523 727 4 883703167 +523 732 4 883702125 +523 792 4 883702263 +523 794 4 883703144 +523 863 4 883700743 +523 866 5 883700618 +523 874 4 883699869 +523 934 4 883702602 +523 935 5 883700186 +523 944 4 883702324 +523 949 5 883700792 +523 954 5 883702474 +523 1009 5 883701154 +523 1014 5 883700307 +523 1022 4 883699629 +523 1036 4 883702552 +523 1041 4 883702411 +523 1047 5 883702800 +523 1069 5 883701962 +523 1121 5 883700969 +523 1195 5 883700969 +523 1472 5 883701124 +524 4 4 884636498 +524 6 5 884627388 +524 7 2 884627065 +524 12 3 884634646 +524 13 4 884323551 +524 14 5 884322047 +524 22 3 884634731 +524 23 5 884635031 +524 24 3 884626906 +524 29 3 884637173 +524 31 4 884636205 +524 32 4 884634679 +524 39 5 884636583 +524 42 3 884636453 +524 44 4 884636416 +524 47 2 884635136 +524 50 4 884634615 +524 52 4 884636453 +524 55 2 884634911 +524 56 4 884634849 +524 58 4 884635031 +524 60 5 884634938 +524 64 2 884634877 +524 65 4 884636646 +524 66 3 884636617 +524 69 4 884634578 +524 70 4 884636519 +524 71 3 884634755 +524 72 4 884636958 +524 76 4 884636182 +524 77 3 884637095 +524 79 4 884634818 +524 81 1 884636262 +524 82 4 884636583 +524 92 4 884635171 +524 94 2 884637245 +524 95 3 884636617 +524 96 4 884635172 +524 97 5 884636583 +524 98 3 884634615 +524 100 5 884322047 +524 107 3 884628284 +524 111 5 884323426 +524 116 4 884322047 +524 117 3 884322113 +524 118 4 884627463 +524 124 5 884322113 +524 126 4 884323427 +524 127 5 884634533 +524 129 5 884322047 +524 131 5 884636498 +524 132 4 884634968 +524 133 5 884634968 +524 134 5 884634848 +524 135 3 884634679 +524 143 3 884635085 +524 150 2 884832650 +524 161 4 884637095 +524 168 3 884634995 +524 170 4 884634785 +524 172 3 884634849 +524 173 4 884637436 +524 174 4 884634911 +524 175 3 884634911 +524 178 3 884634968 +524 179 5 884635204 +524 180 4 884634579 +524 181 3 884634731 +524 184 1 884636416 +524 185 4 884635204 +524 186 3 884634995 +524 187 5 884634646 +524 191 4 884634707 +524 192 4 884634877 +524 193 4 884636498 +524 194 4 884634646 +524 195 2 884634849 +524 197 4 884637347 +524 198 4 884634707 +524 199 4 884634646 +524 203 4 884634819 +524 204 3 884635358 +524 208 5 884635287 +524 209 4 884634755 +524 210 3 884635287 +524 211 5 884635136 +524 212 5 884635326 +524 213 4 884635136 +524 215 2 884636735 +524 216 5 884634849 +524 218 3 884636453 +524 221 4 884323464 +524 222 2 884323500 +524 226 3 884635085 +524 227 2 884636498 +524 228 3 884636152 +524 230 3 884636907 +524 234 4 884634877 +524 235 1 884628059 +524 237 3 884322169 +524 238 4 884634755 +524 239 2 884636498 +524 241 5 884635205 +524 259 3 884320358 +524 265 4 884636583 +524 269 4 884287379 +524 273 3 884322113 +524 275 3 884832616 +524 277 3 884322379 +524 281 2 884323464 +524 284 3 884323525 +524 286 5 884287379 +524 289 4 884321591 +524 290 2 884323525 +524 291 4 884627777 +524 301 4 884321179 +524 302 5 884287406 +524 304 4 884321179 +524 310 4 884701677 +524 311 4 884287428 +524 318 4 884635287 +524 319 4 884638062 +524 321 3 884321179 +524 322 4 884320358 +524 367 5 884636453 +524 380 2 884637202 +524 382 3 884636596 +524 385 3 884636453 +524 386 4 884637032 +524 393 3 884637032 +524 402 2 884636617 +524 403 4 884636182 +524 405 2 884627065 +524 410 2 884832742 +524 414 4 884635136 +524 416 4 884636152 +524 418 1 884637598 +524 419 1 884635031 +524 423 4 884635358 +524 429 2 884635358 +524 430 3 884637914 +524 432 1 884636151 +524 433 5 884636444 +524 435 4 884635053 +524 436 4 884636864 +524 443 4 884636542 +524 447 5 884636182 +524 449 3 884637245 +524 451 3 884637202 +524 461 3 884635287 +524 466 4 884636583 +524 467 4 884635287 +524 469 4 884636416 +524 471 4 884322169 +524 472 3 884323500 +524 474 4 884634578 +524 476 3 884628212 +524 478 3 884637376 +524 479 4 884637314 +524 480 4 884634911 +524 481 4 884634785 +524 482 5 884634938 +524 483 4 884634533 +524 484 4 884634646 +524 485 2 884635085 +524 488 4 884634707 +524 490 3 884634679 +524 492 3 884634679 +524 493 4 884638025 +524 494 4 884637409 +524 495 4 884635358 +524 496 2 884637314 +524 497 2 884637467 +524 498 5 884636453 +524 499 4 884637598 +524 501 2 884636262 +524 504 5 884634877 +524 506 4 884634938 +524 508 5 884322047 +524 511 5 884634707 +524 513 4 884634938 +524 514 5 884634938 +524 515 4 884637409 +524 516 4 884634578 +524 517 4 884635136 +524 518 3 884635031 +524 519 4 884634818 +524 520 3 884637314 +524 521 4 884636182 +524 523 4 884634615 +524 525 3 884634615 +524 526 3 884636907 +524 527 5 884634785 +524 528 4 884634818 +524 530 4 884634785 +524 541 1 884702593 +524 546 4 884627594 +524 549 4 884636931 +524 550 3 884636958 +524 554 4 884636746 +524 558 4 884634533 +524 559 3 884637067 +524 568 4 884636152 +524 570 4 884637128 +524 573 4 884636827 +524 578 5 884637031 +524 582 3 884635326 +524 583 4 884635326 +524 584 1 884635205 +524 603 3 884637376 +524 604 4 884637501 +524 606 4 884634968 +524 607 3 884637314 +524 612 3 884635204 +524 613 4 884637347 +524 614 5 884634731 +524 618 3 884636416 +524 638 2 884637914 +524 640 1 884636541 +524 642 4 884636182 +524 646 5 884637347 +524 647 3 884634911 +524 649 4 884636205 +524 651 4 884634578 +524 654 5 884634877 +524 657 4 884634995 +524 661 3 884637467 +524 663 2 884635358 +524 670 4 884637203 +524 676 3 884322379 +524 679 2 884636746 +524 684 4 884636236 +524 693 5 884636562 +524 700 5 884637246 +524 702 4 884636262 +524 704 4 884636691 +524 705 3 884634818 +524 707 4 884634995 +524 708 4 884636645 +524 709 5 884635171 +524 712 4 884637147 +524 715 4 884636182 +524 724 3 884636444 +524 739 2 884637128 +524 742 3 884627446 +524 748 2 884321592 +524 751 4 884701677 +524 781 1 884636583 +524 792 4 884636519 +524 796 3 884636958 +524 815 3 884627519 +524 818 3 884628308 +524 823 4 884628136 +524 831 3 884628212 +524 836 2 884637409 +524 837 2 884637467 +524 845 5 884323426 +524 855 4 884634911 +524 866 2 884626810 +524 895 4 884320358 +524 898 4 884701702 +524 928 4 884323551 +524 930 3 884832772 +524 931 3 884627932 +524 942 4 884636980 +524 943 3 884636453 +524 950 4 884323351 +524 955 1 884637914 +524 965 4 884635288 +524 978 3 884628212 +524 1041 2 884636746 +524 1044 4 884636931 +524 1046 3 884637173 +524 1048 4 884627594 +524 1050 2 884637501 +524 1065 1 884636646 +524 1073 5 884635287 +524 1074 2 884637128 +524 1093 4 884628136 +524 1101 4 884635053 +524 1107 4 884636262 +524 1113 3 884636236 +524 1124 3 884637528 +524 1126 1 884637409 +524 1129 2 884832580 +524 1152 3 884626906 +524 1154 1 884637914 +524 1166 5 884635031 +524 1184 3 884637173 +524 1204 3 884635225 +524 1421 5 884637147 +524 1454 3 884637128 +524 1456 3 884635031 +524 1540 2 884635326 +524 1553 3 884635136 +524 1560 4 884636444 +525 7 3 881086051 +525 14 3 881086078 +525 15 4 881085964 +525 25 5 881085917 +525 100 4 881086108 +525 106 2 881086938 +525 111 4 881086051 +525 118 3 881086393 +525 124 3 881086108 +525 125 3 881085709 +525 127 3 881085647 +525 147 3 881085893 +525 151 5 881086562 +525 181 4 881085740 +525 248 4 881085709 +525 250 3 881085917 +525 252 3 881086780 +525 255 1 881086078 +525 257 4 881085739 +525 269 5 881087067 +525 276 5 881086468 +525 282 4 881085648 +525 288 4 881085217 +525 289 3 881085256 +525 291 2 881086644 +525 293 3 881086108 +525 322 2 881085256 +525 405 4 881086693 +525 472 2 881086012 +525 475 3 881086108 +525 595 2 881086803 +525 596 4 881086195 +525 597 3 881086413 +525 676 2 881086518 +525 685 4 881086295 +525 713 4 881086393 +525 742 3 881085843 +525 762 4 881085917 +525 928 3 881086586 +525 1011 3 881086274 +525 1012 3 881086078 +525 1014 3 881086468 +525 1047 2 881086274 +525 1315 4 881086393 +526 1 5 885682562 +526 50 5 885682426 +526 100 5 885682448 +526 121 2 885682590 +526 123 3 885682614 +526 125 2 885682657 +526 127 4 885682426 +526 150 2 885682370 +526 181 4 885682448 +526 243 1 885682295 +526 245 2 885682124 +526 248 4 885682635 +526 250 2 885682477 +526 258 3 885681860 +526 260 1 885681982 +526 271 3 885682124 +526 272 5 885681860 +526 273 2 885682562 +526 276 4 885682477 +526 277 2 885682657 +526 282 3 885682370 +526 285 5 885682503 +526 288 4 885681910 +526 293 5 885682477 +526 294 3 885681982 +526 298 4 885682528 +526 300 2 885682031 +526 302 5 885681860 +526 307 2 885681958 +526 312 2 885682295 +526 313 5 885681934 +526 323 2 885682214 +526 325 3 885682102 +526 328 2 885682006 +526 331 3 885681935 +526 332 2 885682006 +526 333 3 885681935 +526 342 2 885682295 +526 343 3 885682264 +526 408 5 885682562 +526 475 5 885682635 +526 508 4 885682590 +526 544 1 885682477 +526 591 4 885682503 +526 676 5 885682370 +526 678 1 885682214 +526 690 3 885681910 +526 742 3 885682562 +526 748 1 885682214 +526 750 4 885681886 +526 751 2 885681958 +526 845 5 885682590 +526 879 3 885682102 +526 886 3 885682077 +526 919 3 885682400 +526 936 5 885682448 +526 1007 3 885682657 +526 1084 5 885682590 +527 4 2 879456162 +527 7 5 879456162 +527 9 5 879455873 +527 11 4 879456662 +527 12 4 879456637 +527 14 2 879456663 +527 19 3 879456611 +527 22 5 879456132 +527 23 5 879456611 +527 50 4 879455706 +527 56 4 879456611 +527 59 5 879455792 +527 60 4 879456132 +527 69 4 879456490 +527 70 4 879455873 +527 86 4 879456438 +527 87 3 879456132 +527 91 2 879455873 +527 93 4 879456078 +527 96 4 879456611 +527 99 3 879456186 +527 100 5 879455905 +527 116 4 879456611 +527 124 4 879455680 +527 129 2 879455905 +527 134 5 879456490 +527 135 2 879456587 +527 143 2 879456289 +527 144 4 879456186 +527 153 5 879455847 +527 154 3 879455814 +527 156 3 879456334 +527 168 5 879456405 +527 169 4 879455961 +527 170 3 879456637 +527 172 5 879456490 +527 174 4 879455847 +527 175 3 879456132 +527 176 2 879455740 +527 177 5 879456405 +527 179 3 879456587 +527 180 5 879456334 +527 181 4 879456464 +527 182 5 879456132 +527 183 5 879456691 +527 185 5 879455680 +527 187 5 879455999 +527 190 4 879456362 +527 191 5 879455654 +527 192 4 879455765 +527 193 3 879455680 +527 197 4 879455740 +527 200 3 879455999 +527 201 3 879456490 +527 202 3 879456691 +527 203 4 879456662 +527 207 4 879455873 +527 208 4 879456289 +527 209 4 879456405 +527 210 4 879455924 +527 211 4 879456289 +527 213 4 879456186 +527 214 4 879456030 +527 234 5 879455706 +527 238 5 879456405 +527 275 3 879455961 +527 279 4 879456438 +527 283 4 879456405 +527 285 5 879456363 +527 286 2 879455354 +527 317 4 879456405 +527 318 3 879456104 +527 324 3 879455415 +527 357 5 879455654 +527 423 3 879456248 +527 425 4 879455792 +527 427 4 879455740 +527 429 5 879456611 +527 431 3 879456363 +527 433 4 879456464 +527 462 3 879455707 +527 466 2 879455765 +527 467 3 879455999 +527 474 3 879455792 +527 475 3 879455847 +527 479 4 879455707 +527 492 3 879456405 +527 496 4 879456248 +527 498 4 879455961 +527 499 5 879456490 +527 507 5 879455654 +527 508 3 879456363 +527 511 5 879456248 +527 513 4 879456030 +527 514 5 879455961 +527 517 5 879456186 +527 526 5 879456312 +527 528 3 879456104 +527 531 3 879456077 +527 543 4 879455740 +527 558 4 879456162 +527 582 2 879456078 +527 603 4 879456078 +527 628 3 879456289 +527 631 4 879456030 +527 634 5 879456363 +527 640 4 879456464 +527 647 5 879455654 +527 651 5 879455654 +527 652 4 879456248 +527 653 4 879456077 +527 655 3 879456464 +527 657 4 879455999 +527 659 4 879455617 +527 661 5 879456186 +527 671 5 879455873 +527 673 4 879456587 +527 709 5 879455961 +527 855 2 879455814 +527 868 4 879456663 +527 878 1 879455511 +527 962 3 879456312 +527 1101 4 879456691 +527 1109 3 879455792 +527 1149 4 879456637 +527 1211 3 879455765 +527 1333 3 879456104 +528 31 5 886101761 +528 50 5 886101695 +528 56 3 886101428 +528 69 3 886101761 +528 77 3 886101428 +528 79 5 886101911 +528 82 4 886101632 +528 83 5 886101632 +528 109 4 886812980 +528 168 4 888522642 +528 173 5 886101610 +528 174 5 886101821 +528 178 4 886101695 +528 181 5 886812857 +528 185 4 886101652 +528 194 5 886101956 +528 202 5 886101846 +528 203 4 888522613 +528 204 5 888522547 +528 210 5 886101976 +528 213 4 886101505 +528 238 3 886101782 +528 250 3 886812886 +528 258 4 886812857 +528 294 3 888520438 +528 298 4 888520849 +528 393 2 886101695 +528 402 4 888520911 +528 410 4 886813104 +528 422 2 886813066 +528 427 4 886813104 +528 484 3 886101695 +528 505 4 886101956 +528 523 4 886101846 +528 526 4 886101505 +528 541 3 888520782 +528 588 2 886101736 +528 615 4 886101715 +528 657 5 886101505 +528 678 3 888520525 +528 845 3 886812857 +528 1254 3 886812920 +528 1618 1 888521905 +529 245 3 882535639 +529 258 4 882535091 +529 260 4 882535693 +529 264 2 882535820 +529 268 5 882535220 +529 270 4 882535304 +529 271 4 882535536 +529 286 4 882534996 +529 288 4 882535353 +529 294 4 882535466 +529 300 4 882535049 +529 301 4 882535639 +529 307 5 882534996 +529 309 3 882535353 +529 310 4 882534996 +529 319 4 882535220 +529 322 4 882535383 +529 324 2 882535563 +529 326 4 882535304 +529 327 4 882535353 +529 328 4 882535256 +529 332 4 882535049 +529 333 4 882534996 +529 343 3 882535180 +529 682 4 882535256 +529 689 2 882535049 +529 690 3 882535180 +529 749 4 882535466 +529 875 4 882535714 +529 876 3 882535466 +529 880 4 882535304 +529 886 4 882535353 +529 991 1 882535639 +530 56 3 886202320 +530 60 5 883790997 +530 64 5 883790942 +530 70 4 886198864 +530 88 4 890627443 +530 98 4 883784195 +530 100 4 883784058 +530 163 3 886202320 +530 172 4 883790882 +530 174 4 883784503 +530 176 3 886202320 +530 178 5 883787080 +530 181 3 886202320 +530 183 4 883790882 +530 191 5 883785574 +530 195 3 883784105 +530 196 5 883784601 +530 204 4 883790833 +530 220 5 886628953 +530 237 4 886629307 +530 255 4 886198864 +530 275 5 890627396 +530 319 3 891568424 +530 333 3 890627264 +530 357 5 883784456 +530 443 4 883790943 +530 470 3 891568895 +530 483 3 883785248 +530 487 4 883784557 +530 582 4 883783631 +530 607 5 883790567 +530 660 3 883785464 +530 815 4 886202404 +530 1136 4 891568851 +530 1226 4 891568366 +531 245 4 887049049 +531 259 1 887048789 +531 286 5 887048741 +531 300 4 887048862 +531 302 5 887048686 +531 311 4 887048763 +531 313 5 887049364 +531 329 5 887049081 +531 338 1 887048938 +531 688 1 887048998 +531 690 5 887048789 +531 748 4 887049081 +531 751 4 887048836 +531 890 1 887049341 +531 892 3 887049187 +531 894 1 887049214 +531 895 2 887049214 +531 898 5 887049081 +531 908 1 887048836 +531 1316 4 887049214 +532 1 5 893119335 +532 2 5 893119336 +532 4 5 893119415 +532 7 5 893119415 +532 8 5 893119415 +532 9 5 893119438 +532 11 5 893119491 +532 12 5 893119491 +532 22 5 892867296 +532 24 5 892867296 +532 26 3 888629359 +532 29 3 888636521 +532 38 3 874789332 +532 44 5 888637085 +532 51 5 888635365 +532 52 4 888629446 +532 66 5 893118712 +532 72 3 888636538 +532 77 5 892519935 +532 79 5 889235367 +532 82 5 892521554 +532 87 5 892866230 +532 96 5 892867296 +532 97 5 893119415 +532 98 5 893119438 +532 99 5 893119438 +532 100 5 893119335 +532 105 3 874789704 +532 107 5 893119415 +532 117 5 893119335 +532 118 4 888634813 +532 120 2 888630742 +532 121 4 888636374 +532 125 5 893119415 +532 127 5 893119438 +532 135 3 888629938 +532 136 5 892865321 +532 139 5 874792232 +532 143 4 874788755 +532 147 4 888634802 +532 148 5 888817717 +532 151 5 892519935 +532 153 4 888629670 +532 155 4 888630086 +532 161 5 892519934 +532 164 5 892519934 +532 168 5 892519934 +532 177 4 888636501 +532 181 5 889235367 +532 186 4 891910189 +532 187 4 884594932 +532 191 5 888635366 +532 195 5 892521554 +532 197 5 889235367 +532 203 5 893118712 +532 204 5 892863286 +532 205 5 887788806 +532 210 5 888637085 +532 215 5 892866230 +532 218 5 889235367 +532 226 4 892859148 +532 227 4 874788566 +532 228 5 893118712 +532 229 5 892859148 +532 230 5 893118712 +532 234 5 889235367 +532 235 3 887041328 +532 240 3 888629938 +532 241 5 892859148 +532 242 4 888817735 +532 248 4 888635264 +532 250 3 891910110 +532 251 4 888636374 +532 252 4 888636478 +532 259 3 884594498 +532 266 4 875441640 +532 267 3 875441348 +532 268 4 875441085 +532 269 4 891288537 +532 272 5 884594422 +532 277 5 893119439 +532 282 5 893119415 +532 284 5 893119438 +532 292 4 884594621 +532 295 5 884594761 +532 298 4 892859148 +532 300 5 888635239 +532 301 4 874999563 +532 302 5 875441085 +532 304 5 893118711 +532 305 3 878372701 +532 307 4 880831630 +532 310 4 888634802 +532 311 2 885415471 +532 312 2 884594422 +532 313 5 884594326 +532 315 3 888636423 +532 316 4 888631773 +532 318 5 893119439 +532 329 4 886364769 +532 330 4 888636373 +532 331 4 890021268 +532 332 4 876696298 +532 335 3 888636389 +532 338 3 879931705 +532 339 5 892859148 +532 345 4 884594358 +532 346 5 885761690 +532 347 4 884594422 +532 348 4 886364825 +532 352 3 886585109 +532 353 2 886364951 +532 354 4 887672256 +532 357 5 892519935 +532 364 3 874791976 +532 367 5 893119439 +532 368 3 888630991 +532 373 3 888630658 +532 402 5 893118712 +532 403 4 892865321 +532 404 5 893119336 +532 407 2 874794386 +532 411 3 874792031 +532 412 2 874795951 +532 419 5 888635366 +532 420 4 888636374 +532 421 5 888637085 +532 425 4 888634801 +532 426 5 888635197 +532 427 5 892519934 +532 431 5 892521553 +532 447 4 888630205 +532 448 4 888635429 +532 450 2 874796421 +532 451 4 874789474 +532 452 5 888630585 +532 453 4 888631524 +532 468 5 893119491 +532 470 5 892859148 +532 472 5 893119335 +532 477 4 892520198 +532 480 5 893119491 +532 482 5 888629254 +532 483 5 892867296 +532 485 5 893119491 +532 491 5 893119491 +532 492 4 888637105 +532 495 4 888634801 +532 496 5 893119491 +532 498 4 888629124 +532 500 5 889235367 +532 501 5 889235367 +532 506 5 889235367 +532 508 4 888636373 +532 510 5 888635197 +532 515 5 889327324 +532 520 5 892861434 +532 523 5 888637085 +532 526 5 893119415 +532 531 5 893119491 +532 532 3 887040858 +532 535 5 888637085 +532 538 4 881048155 +532 545 2 874791976 +532 549 5 888637085 +532 554 4 874790813 +532 559 5 892859148 +532 562 5 892859148 +532 568 5 892521554 +532 570 4 888629804 +532 576 5 893118712 +532 586 4 888636373 +532 588 5 893119415 +532 591 5 893119335 +532 592 3 874791850 +532 601 3 888629518 +532 619 5 889235367 +532 633 5 888635197 +532 636 5 892859149 +532 655 5 892861435 +532 658 5 893119335 +532 660 4 888634801 +532 676 5 892521554 +532 679 5 888629565 +532 682 4 877898976 +532 684 5 888635197 +532 685 5 892521554 +532 689 4 880484527 +532 690 4 876696258 +532 692 5 893119336 +532 708 4 877634392 +532 721 4 874791671 +532 722 3 888629836 +532 734 3 874791786 +532 739 5 893119335 +532 750 5 884594358 +532 754 4 892854961 +532 759 2 888631120 +532 761 4 874787387 +532 763 5 892866230 +532 769 2 888630531 +532 771 3 874791172 +532 781 5 877635505 +532 795 2 874789538 +532 796 5 888635445 +532 815 4 888635376 +532 818 2 888631077 +532 824 4 888634802 +532 829 3 892520073 +532 831 2 874790629 +532 833 4 888629804 +532 834 4 874796151 +532 840 4 892867296 +532 842 4 888635407 +532 864 4 887041540 +532 865 2 888630531 +532 879 3 892519328 +532 895 3 884594450 +532 898 4 884594575 +532 914 5 893118711 +532 915 4 891909850 +532 916 3 893115293 +532 917 4 892520128 +532 918 4 893013954 +532 925 4 892520642 +532 926 3 888630146 +532 929 3 874791786 +532 931 3 892520696 +532 938 3 892519553 +532 946 5 888635366 +532 980 4 884594911 +532 982 3 888631077 +532 990 3 875511963 +532 1011 5 893119491 +532 1016 4 888636450 +532 1039 4 888629863 +532 1046 4 874790629 +532 1092 2 888630838 +532 1119 5 893119415 +532 1136 2 888636558 +532 1162 2 888631576 +532 1168 4 888630436 +532 1188 4 874790998 +532 1189 5 892521554 +532 1199 3 874789155 +532 1207 2 874790439 +532 1210 4 888636373 +532 1217 4 888630453 +532 1221 5 874788957 +532 1226 4 893015131 +532 1228 3 874789704 +532 1240 2 874793852 +532 1300 3 888632446 +532 1312 4 888631036 +532 1337 3 874790930 +532 1407 2 874794386 +532 1415 2 892520390 +532 1426 3 874791506 +532 1428 4 874791420 +532 1470 5 888630402 +532 1483 4 891909911 +532 1496 2 874795634 +532 1502 1 874796400 +532 1594 4 893115576 +533 1 4 879192521 +533 4 3 888845066 +533 8 3 879191938 +533 9 4 879192414 +533 10 2 879192414 +533 12 4 879438543 +533 13 3 879192475 +533 14 3 879192582 +533 15 4 879192641 +533 19 3 879365781 +533 20 5 882902988 +533 21 3 888239930 +533 22 4 879438961 +533 23 3 879191770 +533 25 4 884096575 +533 26 3 879192035 +533 28 4 879192315 +533 31 3 879191265 +533 38 2 879191691 +533 43 4 879439341 +533 44 4 879191594 +533 47 1 879191998 +533 48 4 879191373 +533 53 1 879191621 +533 54 4 888844601 +533 56 3 879439379 +533 58 4 888845150 +533 64 5 882902988 +533 65 4 879439465 +533 66 4 879439204 +533 69 4 879438849 +533 70 4 879191938 +533 71 4 889450972 +533 72 2 879192157 +533 77 4 879191713 +533 82 4 879439204 +533 83 2 879191902 +533 87 4 879191184 +533 88 4 879191902 +533 91 2 879190991 +533 94 4 879192184 +533 96 4 879438767 +533 97 2 879438666 +533 98 4 879438543 +533 100 5 882902988 +533 107 3 879773606 +533 109 2 879192986 +533 111 4 879192474 +533 117 5 879192901 +533 118 4 879192792 +533 120 1 879366160 +533 121 4 879192901 +533 122 1 879366118 +533 125 5 891263021 +533 126 4 879192414 +533 127 5 879192278 +533 132 5 879191220 +533 133 5 879191085 +533 134 4 879439379 +533 135 3 879191022 +533 143 4 879438850 +533 147 1 884698117 +533 148 3 882902641 +533 150 3 886425704 +533 151 3 879192474 +533 161 4 879439465 +533 168 4 879191864 +533 169 4 879438543 +533 172 4 879191184 +533 174 4 879191184 +533 176 1 879191332 +533 177 4 879191300 +533 180 3 879439379 +533 181 5 879191085 +533 182 3 879191265 +533 186 3 879438850 +533 187 4 879438811 +533 190 2 879439379 +533 191 4 879192315 +533 192 3 879438486 +533 193 4 879439379 +533 194 4 879191061 +533 195 4 879439082 +533 196 4 888844941 +533 197 5 882902988 +533 202 4 879191938 +533 203 4 879438743 +533 204 4 879192157 +533 205 5 882902988 +533 208 4 879191374 +533 210 5 879191401 +533 211 4 879191972 +533 215 4 879438941 +533 216 4 879191864 +533 218 2 879191652 +533 221 3 888844601 +533 222 5 884007368 +533 226 4 879191621 +533 227 4 879191563 +533 228 4 879191332 +533 229 4 879191621 +533 230 4 879191563 +533 234 2 879191373 +533 236 4 890659276 +533 237 2 879193048 +533 239 3 879192157 +533 240 1 879192474 +533 242 4 884698095 +533 243 3 879193517 +533 245 3 890659336 +533 252 4 880402784 +533 255 2 882195237 +533 257 4 882195275 +533 258 4 884007368 +533 265 3 879191563 +533 274 4 885305541 +533 276 1 889451077 +533 281 4 887032214 +533 282 4 888844577 +533 283 3 879365733 +533 284 1 879192641 +533 286 4 879193088 +533 289 2 879773297 +533 291 3 882902727 +533 292 4 883583127 +533 293 3 879191469 +533 294 4 879193088 +533 295 4 888844601 +533 297 4 893160944 +533 298 4 882195203 +533 300 4 888844557 +533 303 4 893160944 +533 313 5 884007337 +533 318 5 879438849 +533 319 3 879193132 +533 322 4 879193106 +533 333 4 886425803 +533 345 3 888347628 +533 356 4 879191652 +533 357 3 879191085 +533 367 2 879191972 +533 371 3 879439488 +533 378 4 879439290 +533 380 4 879438510 +533 382 1 879191998 +533 385 4 879438666 +533 393 4 879192069 +533 402 4 888845284 +533 403 3 879439341 +533 405 3 879192793 +533 408 4 880402916 +533 411 2 879365998 +533 412 1 879366159 +533 423 5 888844906 +533 427 4 879191373 +533 430 5 879191972 +533 435 4 879438455 +533 443 3 879191595 +533 449 4 879191713 +533 450 5 879191713 +533 451 2 879439465 +533 462 2 879190926 +533 471 4 882902330 +533 474 3 879190771 +533 475 1 879192500 +533 476 2 879365951 +533 479 4 879191184 +533 480 4 879190670 +533 483 4 879438470 +533 484 3 879190724 +533 489 4 879438961 +533 496 5 879439061 +533 498 4 879438850 +533 504 4 888845229 +533 508 4 879192702 +533 511 4 879439379 +533 514 3 879190670 +533 521 3 879191022 +533 525 3 879191770 +533 527 4 879191022 +533 528 4 879438999 +533 546 3 879192769 +533 549 4 879439340 +533 550 4 879439340 +533 554 1 879191691 +533 566 4 879191652 +533 568 5 879438849 +533 580 3 879192034 +533 582 3 879192278 +533 591 4 887721848 +533 596 2 880402996 +533 597 3 879192939 +533 603 4 879190670 +533 609 4 879191184 +533 627 2 879439593 +533 651 4 888845036 +533 654 3 879191770 +533 659 4 879439379 +533 660 5 882902988 +533 663 5 879191022 +533 673 3 879439143 +533 676 5 879439720 +533 684 4 879191594 +533 685 4 887032380 +533 687 2 879193517 +533 692 4 879191902 +533 696 3 887032538 +533 708 2 879439167 +533 713 2 879192582 +533 724 4 888347691 +533 739 5 882902988 +533 740 4 879192815 +533 742 4 879192681 +533 744 2 887721800 +533 747 5 879438767 +533 748 3 890659295 +533 755 3 888845338 +533 756 4 879193004 +533 778 4 879192157 +533 792 3 879190771 +533 820 2 887032380 +533 823 4 879192901 +533 824 1 879366160 +533 845 4 882902989 +533 846 2 879365886 +533 847 3 880402996 +533 866 2 887032297 +533 871 2 879192730 +533 879 3 892469600 +533 919 2 888239673 +533 921 2 879439061 +533 931 2 879366160 +533 934 3 879366118 +533 936 4 889450822 +533 988 2 882821725 +533 1001 1 879366160 +533 1016 3 887721769 +533 1028 2 879192769 +533 1033 4 879192702 +533 1041 2 879192069 +533 1047 3 887032276 +533 1048 3 889450842 +533 1086 3 880402916 +533 1142 4 888347670 +533 1147 3 879439204 +533 1161 3 883583033 +533 1173 4 885820219 +533 1174 3 882821669 +533 1282 3 879773572 +533 1291 1 879366076 +534 1 5 877807718 +534 3 4 877808031 +534 7 4 877807780 +534 15 4 877807873 +534 21 4 877807905 +534 25 5 877807845 +534 93 1 877807692 +534 105 4 877808198 +534 109 4 877808053 +534 118 4 877807935 +534 121 4 877808002 +534 125 3 877807816 +534 129 4 877807718 +534 147 5 877808031 +534 148 4 877808198 +534 149 2 877808237 +534 150 3 877807873 +534 151 4 877807692 +534 235 4 877807973 +534 240 5 877807873 +534 243 3 877807461 +534 273 5 877807747 +534 274 3 877807846 +534 276 5 877807873 +534 282 5 877808174 +534 286 3 877807602 +534 288 4 877807429 +534 290 4 877807845 +534 291 4 877808031 +534 294 5 877807461 +534 300 4 877807486 +534 322 4 877807461 +534 325 4 877807461 +534 331 4 877807429 +534 333 5 877807486 +534 370 4 877808260 +534 405 3 877807935 +534 410 5 877807816 +534 456 5 877808300 +534 471 5 877807935 +534 475 4 877807747 +534 477 3 877807780 +534 508 4 877807973 +534 546 4 877808120 +534 595 4 877807747 +534 597 5 877808175 +534 619 4 877807653 +534 628 5 877807747 +534 685 3 877807653 +534 687 5 877807486 +534 717 5 877808198 +534 742 5 877807653 +534 748 4 877807429 +534 756 4 877808175 +534 760 2 877808098 +534 763 4 877808361 +534 820 3 877808340 +534 823 4 877807973 +534 824 4 877808260 +534 825 4 877808281 +534 919 5 877807816 +534 978 4 877808175 +534 985 4 877807815 +534 986 5 877808319 +534 1052 4 877808300 +534 1054 5 877807973 +534 1059 4 877807692 +534 1199 5 877807780 +534 1215 3 877808120 +534 1327 2 877808281 +535 4 3 879618777 +535 7 5 879618776 +535 8 4 879618288 +535 9 5 879617779 +535 11 4 879618849 +535 14 3 879618743 +535 16 4 879618532 +535 22 3 879619107 +535 25 4 879619176 +535 30 4 879617531 +535 32 3 879617574 +535 39 4 879617574 +535 42 3 879618849 +535 44 4 879619035 +535 45 3 879618655 +535 47 5 879618160 +535 50 5 879618091 +535 52 4 879618091 +535 56 3 879617613 +535 58 5 879618502 +535 59 3 879618338 +535 60 5 879618613 +535 61 3 879619107 +535 64 5 879617531 +535 70 4 879618849 +535 71 4 879618502 +535 79 3 879618502 +535 83 4 879618091 +535 86 4 879618385 +535 87 5 879618965 +535 97 4 879618880 +535 98 2 879617977 +535 100 5 879617531 +535 116 3 879618246 +535 121 4 879618123 +535 129 5 879619000 +535 131 4 879618532 +535 132 5 879619035 +535 133 5 879618019 +535 134 5 879619144 +535 135 3 879617978 +535 136 5 879619107 +535 137 4 879618502 +535 144 3 879618123 +535 151 4 879618338 +535 152 4 879618385 +535 153 4 879617663 +535 156 2 879617613 +535 162 3 879619035 +535 166 4 879618385 +535 168 5 879618385 +535 170 4 879618160 +535 172 3 879617747 +535 173 5 879617747 +535 174 4 879617747 +535 178 4 879618925 +535 179 4 879617489 +535 180 4 879618655 +535 181 4 879617818 +535 182 3 879617574 +535 185 4 879617931 +535 186 4 879618925 +535 187 2 879617701 +535 188 3 879618999 +535 190 4 879617747 +535 192 4 879617931 +535 193 4 879618700 +535 194 5 879617663 +535 195 4 879618288 +535 196 4 879617894 +535 197 5 879618288 +535 198 4 879618850 +535 203 3 879619035 +535 204 5 879617856 +535 205 3 879618464 +535 207 4 879618613 +535 209 5 879617819 +535 210 5 879618160 +535 211 4 879617489 +535 212 4 879618613 +535 213 5 879618849 +535 215 4 879619144 +535 221 3 879618700 +535 223 5 879618207 +535 237 4 879617779 +535 238 4 879618809 +535 258 5 879619286 +535 265 3 879619144 +535 268 3 879617199 +535 269 4 879617063 +535 275 4 879619177 +535 276 3 879618965 +535 277 5 879619107 +535 282 3 879618091 +535 283 4 879618160 +535 284 4 879619144 +535 285 4 879619144 +535 300 3 879617199 +535 301 4 879617199 +535 302 3 879617063 +535 318 4 879618502 +535 319 5 879617310 +535 338 3 879617098 +535 357 2 879617531 +535 381 3 879617818 +535 382 5 879618058 +535 389 4 879619177 +535 419 3 879618654 +535 421 4 879617701 +535 423 5 879618613 +535 425 5 879618338 +535 427 4 879618246 +535 429 3 879618569 +535 433 5 879618160 +535 435 5 879618246 +535 447 5 879617574 +535 454 3 879617894 +535 461 3 879617663 +535 466 3 879618385 +535 469 3 879618464 +535 471 4 879618743 +535 478 5 879617931 +535 479 4 879617977 +535 480 4 879618207 +535 482 4 879619107 +535 483 5 879618742 +535 484 5 879617819 +535 488 5 879618965 +535 489 4 879619000 +535 492 4 879618742 +535 495 3 879618849 +535 496 5 879618246 +535 498 4 879619224 +535 499 4 879617894 +535 502 5 879618502 +535 504 3 879617574 +535 505 4 879618569 +535 507 5 879617856 +535 508 5 879617931 +535 511 3 879618655 +535 514 5 879617531 +535 517 4 879617977 +535 518 5 879618569 +535 520 4 879618058 +535 521 5 879618809 +535 527 3 879617574 +535 529 3 879618655 +535 558 5 879618385 +535 566 3 879618338 +535 591 4 879617977 +535 603 4 879617613 +535 604 4 879617663 +535 607 5 879618700 +535 608 4 879617856 +535 609 4 879618019 +535 612 4 879618385 +535 614 5 879618850 +535 628 4 879618246 +535 629 4 879618776 +535 630 2 879619144 +535 631 5 879619176 +535 632 4 879618965 +535 638 4 879618655 +535 639 4 879618019 +535 640 3 879618742 +535 645 4 879617856 +535 654 5 879617856 +535 655 4 879618385 +535 657 5 879618338 +535 658 4 879618569 +535 662 3 879618414 +535 686 5 879617489 +535 692 4 879618880 +535 693 3 879619107 +535 699 4 879619000 +535 702 1 879619067 +535 707 4 879618809 +535 708 5 879618777 +535 709 5 879618925 +535 721 3 879618464 +535 727 4 879618502 +535 735 5 879619067 +535 778 2 879617819 +535 792 4 879618655 +535 813 5 879618777 +535 848 3 879618743 +535 919 4 879618207 +535 921 4 879617489 +535 923 4 879617531 +535 942 4 879619035 +535 950 3 879618019 +535 953 5 879618019 +535 955 3 879618338 +535 962 4 879617747 +535 963 5 879617977 +535 971 2 879618569 +535 1039 4 879618058 +535 1045 4 879617663 +535 1063 4 879618613 +535 1098 5 879618464 +535 1101 4 879619177 +535 1124 4 879617613 +535 1136 4 879618465 +535 1149 4 879618288 +535 1166 4 879617779 +535 1170 3 879618019 +535 1396 4 879618058 +535 1474 4 879618207 +536 1 5 882318394 +536 8 5 882359047 +536 10 4 882318772 +536 21 3 882320267 +536 22 5 882359863 +536 28 5 882359678 +536 31 3 882360685 +536 49 3 882360753 +536 50 5 882318139 +536 52 3 882360187 +536 54 2 882364876 +536 56 3 882360405 +536 62 4 882360873 +536 63 4 882360802 +536 69 5 882359938 +536 71 5 882360467 +536 73 4 882360894 +536 79 4 882359813 +536 80 2 882360802 +536 82 4 882360929 +536 83 5 882359307 +536 84 4 882363820 +536 86 3 882360573 +536 87 3 882359584 +536 88 4 882360601 +536 94 4 882363972 +536 95 5 882360361 +536 96 4 882359988 +536 97 3 882360662 +536 98 4 882360029 +536 117 4 882318415 +536 121 4 882318820 +536 132 4 882359962 +536 133 4 882359477 +536 135 5 882359370 +536 136 4 882359780 +536 139 4 882361317 +536 141 4 882361042 +536 144 4 882359962 +536 148 4 882318820 +536 151 3 882318442 +536 153 4 882359540 +536 163 5 882360080 +536 164 4 882361018 +536 167 3 882361317 +536 168 5 882359863 +536 169 5 882359047 +536 172 5 882359539 +536 176 3 882359726 +536 179 2 882359625 +536 180 4 882359431 +536 181 5 882318369 +536 183 3 882359455 +536 188 3 882359755 +536 189 5 882360143 +536 190 5 882359431 +536 191 4 882360187 +536 195 4 882359431 +536 197 3 882359567 +536 199 3 882359499 +536 205 5 882360424 +536 209 2 882360030 +536 210 5 882359477 +536 213 5 882360704 +536 214 2 882360450 +536 215 4 882360530 +536 217 3 882360601 +536 222 4 882360552 +536 227 5 882361066 +536 228 5 882359863 +536 229 4 882361142 +536 234 4 882360405 +536 271 3 882317149 +536 275 5 882318287 +536 283 3 882318369 +536 304 3 882317183 +536 318 5 882359431 +536 378 5 882360405 +536 380 4 882360734 +536 385 4 882359085 +536 386 4 882361162 +536 387 3 882363919 +536 389 5 882360734 +536 402 4 882361042 +536 403 3 882360496 +536 404 4 882359838 +536 405 2 882318246 +536 408 5 882318561 +536 416 4 882360929 +536 419 3 882360993 +536 423 4 882360601 +536 427 5 882359455 +536 431 5 882359813 +536 432 4 882360552 +536 435 3 882359755 +536 436 3 882359883 +536 443 3 882360833 +536 449 4 882361262 +536 450 2 882364152 +536 470 5 882360530 +536 472 3 882319003 +536 474 5 882359678 +536 480 5 882359370 +536 483 4 882359625 +536 486 4 882359652 +536 487 4 882359813 +536 489 4 882360451 +536 493 4 882359333 +536 496 5 882359455 +536 498 5 882359906 +536 500 4 882360946 +536 501 3 882360834 +536 510 4 882359838 +536 511 5 882359603 +536 542 1 882364876 +536 546 2 882318533 +536 549 3 882360283 +536 561 3 882364065 +536 566 5 882360264 +536 568 4 882360209 +536 570 3 882361162 +536 582 2 882360100 +536 584 5 882360530 +536 588 3 882359726 +536 596 3 882317312 +536 603 4 882359653 +536 614 4 882359653 +536 631 2 882363934 +536 640 4 882361042 +536 648 3 882359678 +536 662 5 882360100 +536 679 4 882360495 +536 694 5 882360622 +536 699 3 882360209 +536 707 5 882359678 +536 708 3 882361179 +536 713 4 882318741 +536 720 4 882361207 +536 724 4 882359988 +536 736 5 882360264 +536 740 4 882318630 +536 746 5 882359838 +536 755 4 882360993 +536 778 4 882359988 +536 862 3 882360834 +536 993 3 882318629 +536 1030 3 882364170 +536 1039 5 882360029 +536 1050 5 882360124 +536 1063 5 882359938 +536 1115 5 882318369 +536 1118 2 882360776 +536 1140 1 882364876 +537 1 2 886029889 +537 3 2 886030317 +537 4 2 886031634 +537 6 2 886029806 +537 7 4 886029727 +537 10 4 886030109 +537 11 3 886030937 +537 12 3 886031074 +537 13 4 886029806 +537 14 4 886030108 +537 15 3 886030051 +537 19 4 886030051 +537 20 3 886029974 +537 22 2 886030767 +537 23 4 886030738 +537 24 1 886030176 +537 25 2 886030199 +537 26 3 886031913 +537 30 3 886031606 +537 32 3 886031178 +537 39 2 886031407 +537 42 3 886030622 +537 44 3 886031886 +537 45 3 886031786 +537 47 4 886030768 +537 48 4 886030805 +537 50 4 886030805 +537 52 3 886030891 +537 53 2 886032029 +537 56 5 886030652 +537 58 4 886031719 +537 59 3 886031178 +537 60 3 886031297 +537 61 4 886031211 +537 64 3 886030707 +537 65 3 886030767 +537 69 2 886031178 +537 70 4 886031786 +537 72 1 886031966 +537 76 3 886031934 +537 79 3 886032123 +537 81 3 886031106 +537 82 2 886031752 +537 83 4 886030891 +537 85 2 886032123 +537 86 4 886031786 +537 87 3 886030622 +537 88 2 886032204 +537 89 4 886030862 +537 90 1 886032029 +537 91 2 886031438 +537 92 3 886031678 +537 93 3 886030077 +537 95 1 886030891 +537 96 3 886031576 +537 97 2 886031720 +537 98 3 886030583 +537 99 2 886031375 +537 100 4 886029692 +537 101 2 886031860 +537 102 1 886032123 +537 107 3 886030281 +537 109 1 886030051 +537 111 3 886030077 +537 116 3 886029841 +537 117 2 886030011 +537 121 1 886030380 +537 123 2 886030109 +537 124 4 886029806 +537 127 5 886030622 +537 129 3 886029889 +537 131 4 886031407 +537 132 3 886031074 +537 133 4 886030707 +537 134 5 886030862 +537 135 5 886031149 +537 136 4 886030583 +537 137 4 886029841 +537 140 2 886032001 +537 141 3 886032183 +537 143 1 886031438 +537 147 2 886030012 +537 149 3 886030078 +537 151 2 886030177 +537 168 4 886030552 +537 170 3 886031211 +537 171 3 886030967 +537 172 3 886030707 +537 173 4 886030682 +537 174 3 886030622 +537 175 4 886030966 +537 176 2 886031606 +537 177 3 886031506 +537 178 4 886030767 +537 179 4 886031105 +537 180 4 886031342 +537 181 2 886031437 +537 182 4 886030862 +537 183 3 886031407 +537 184 3 886032246 +537 185 4 886030805 +537 186 4 886031211 +537 187 4 886030767 +537 188 4 886030891 +537 190 4 886030552 +537 191 4 886030862 +537 192 4 886031473 +537 193 4 886031375 +537 194 3 886030891 +537 195 3 886031407 +537 196 3 886030831 +537 197 4 886030891 +537 198 2 886030652 +537 199 4 886030682 +537 200 3 886031473 +537 201 3 886031831 +537 202 3 886031540 +537 204 3 886031786 +537 205 5 886031297 +537 206 1 886031720 +537 207 4 886030682 +537 208 4 886031297 +537 209 4 886030966 +537 210 3 886031912 +537 211 4 886030831 +537 212 3 886032123 +537 213 4 886031830 +537 215 3 886031342 +537 216 3 886031540 +537 221 3 886029841 +537 222 2 886029974 +537 224 3 886030109 +537 226 2 886032000 +537 228 3 886031474 +537 230 2 886031860 +537 231 3 886032246 +537 234 3 886031211 +537 235 1 886030317 +537 236 3 886029726 +537 237 3 886030011 +537 238 4 886030966 +537 239 2 886031933 +537 241 3 886031540 +537 242 3 886028498 +537 243 1 886029239 +537 258 4 886029286 +537 259 1 886029116 +537 262 5 886028446 +537 265 3 886031473 +537 268 4 886028647 +537 269 3 886028446 +537 270 3 886028498 +537 271 2 886028791 +537 272 4 886028446 +537 273 3 886029727 +537 274 2 886030235 +537 275 4 886029806 +537 276 4 886029806 +537 277 2 886029973 +537 279 2 886030177 +537 281 1 886030281 +537 283 4 886029889 +537 284 3 886030347 +537 285 4 886029806 +537 286 3 886028498 +537 288 2 886028706 +537 289 1 886029153 +537 290 2 886030254 +537 291 2 886030235 +537 292 2 886029116 +537 294 1 886029083 +537 299 2 886028791 +537 300 1 886028446 +537 301 2 886028647 +537 302 4 886028446 +537 303 4 886028706 +537 305 4 886028498 +537 306 3 886028604 +537 307 3 886028791 +537 310 3 886028647 +537 311 3 886028446 +537 312 3 886029211 +537 313 4 886028446 +537 314 1 886029239 +537 315 4 886029116 +537 317 3 886031786 +537 318 4 886030707 +537 319 4 886028604 +537 321 3 886028791 +537 322 1 886029153 +537 323 1 886029211 +537 325 1 886029153 +537 327 2 886028730 +537 328 2 886029083 +537 330 2 886029488 +537 333 2 886028707 +537 337 3 886029526 +537 338 1 886029239 +537 340 4 886028604 +537 343 2 886029153 +537 345 4 886028446 +537 346 3 886028544 +537 347 4 886028845 +537 349 1 886028845 +537 352 1 886028544 +537 357 4 886030707 +537 371 3 886031407 +537 378 2 886032154 +537 380 2 886032154 +537 381 3 886031678 +537 382 3 886030938 +537 385 2 886032098 +537 387 4 886031860 +537 392 2 886032245 +537 399 2 886032246 +537 402 1 886031752 +537 404 3 886031720 +537 405 2 886030381 +537 414 4 886030938 +537 417 2 886031831 +537 419 2 886031342 +537 421 2 886030863 +537 423 2 886030622 +537 425 3 886031297 +537 426 1 886032154 +537 427 4 886030831 +537 428 4 886031506 +537 429 3 886030863 +537 430 3 886031297 +537 431 4 886031678 +537 433 4 886031634 +537 434 3 886031211 +537 435 3 886031933 +537 443 3 886031752 +537 445 3 886030767 +537 447 3 886031752 +537 448 3 886032001 +537 455 1 886030317 +537 457 1 886029444 +537 458 3 886030176 +537 459 3 886030381 +537 460 2 886030442 +537 461 3 886031105 +537 462 3 886030805 +537 463 3 886030738 +537 464 4 886031506 +537 466 4 886031149 +537 467 3 886031634 +537 468 2 886032029 +537 469 3 886030652 +537 470 2 886032029 +537 471 3 886030012 +537 472 2 886030415 +537 474 5 886030805 +537 475 4 886029727 +537 478 4 886030938 +537 479 4 886030938 +537 480 4 886030622 +537 482 4 886031375 +537 483 4 886030583 +537 484 4 886031105 +537 485 3 886031576 +537 486 3 886031149 +537 488 4 886030622 +537 489 3 886030738 +537 490 4 886031786 +537 491 4 886030584 +537 492 3 886031342 +537 493 4 886030707 +537 494 4 886031752 +537 495 2 886031678 +537 496 4 886030831 +537 497 4 886030863 +537 498 3 886031105 +537 499 3 886031634 +537 501 3 886032000 +537 506 3 886031860 +537 507 4 886030966 +537 508 4 886030108 +537 509 4 886031540 +537 510 3 886031575 +537 511 5 886030652 +537 512 3 886031438 +537 513 4 886030891 +537 514 4 886030583 +537 515 4 886031297 +537 516 3 886030966 +537 517 4 886031341 +537 518 4 886031105 +537 519 3 886030584 +537 521 2 886030831 +537 523 3 886030682 +537 525 3 886030891 +537 527 4 886031860 +537 528 3 886030805 +537 529 3 886031375 +537 530 4 886030768 +537 539 1 886029212 +537 543 5 886031074 +537 547 1 886029771 +537 549 2 886031965 +537 550 2 886032246 +537 553 2 886032123 +537 558 4 886030584 +537 566 2 886032183 +537 568 2 886031912 +537 569 2 886032183 +537 570 2 886031831 +537 573 2 886031886 +537 581 3 886031886 +537 582 3 886030966 +537 584 2 886031678 +537 588 1 886031473 +537 591 3 886030051 +537 603 4 886030622 +537 604 3 886031211 +537 606 3 886030938 +537 607 4 886030682 +537 609 3 886031606 +537 610 4 886031912 +537 613 3 886031831 +537 614 3 886031473 +537 615 3 886031074 +537 616 2 886031752 +537 625 3 886032184 +537 628 2 886030177 +537 633 3 886031342 +537 638 3 886030682 +537 639 2 886031438 +537 640 3 886031211 +537 641 4 886031178 +537 642 4 886031342 +537 644 5 886031438 +537 646 2 886030552 +537 647 4 886030891 +537 648 4 886031505 +537 649 3 886031720 +537 651 3 886030862 +537 652 3 886031074 +537 653 4 886030738 +537 654 3 886031506 +537 655 3 886030831 +537 657 3 886030966 +537 660 3 886031149 +537 661 4 886031149 +537 663 3 886031540 +537 664 3 886031634 +537 670 2 886031342 +537 673 3 886031505 +537 675 3 886031860 +537 676 4 886029889 +537 678 1 886029181 +537 681 1 886029488 +537 684 3 886030738 +537 687 1 886029526 +537 688 1 886029153 +537 689 1 886029239 +537 690 2 886028604 +537 693 4 886031786 +537 694 4 886031407 +537 697 2 886031966 +537 698 3 886031178 +537 699 4 886031149 +537 702 3 886031375 +537 703 3 886031859 +537 705 3 886031074 +537 707 4 886031576 +537 708 3 886031860 +537 709 4 886031342 +537 713 3 886030177 +537 714 3 886031886 +537 715 4 886032029 +537 718 4 886029771 +537 721 2 886031752 +537 723 2 886032098 +537 724 3 886031886 +537 727 2 886032245 +537 730 3 886031211 +537 732 3 886031912 +537 733 3 886031297 +537 735 3 886031576 +537 736 3 886031634 +537 739 1 886032154 +537 741 2 886030199 +537 744 3 886030380 +537 745 2 886031074 +537 746 3 886031149 +537 749 2 886028544 +537 750 3 886028498 +537 753 2 886030622 +537 762 3 886030051 +537 770 3 886031913 +537 772 3 886031297 +537 778 3 886031106 +537 782 3 886031831 +537 789 2 886030805 +537 792 3 886030805 +537 806 3 886031074 +537 837 3 886031211 +537 844 4 886029692 +537 845 2 886030078 +537 848 3 886030552 +537 855 3 886030937 +537 873 2 886029211 +537 874 3 886029083 +537 875 1 886028544 +537 882 4 886028791 +537 890 1 886029526 +537 894 1 886029526 +537 896 3 886028604 +537 901 1 886029488 +537 919 4 886030012 +537 921 3 886031074 +537 922 3 886030442 +537 923 3 886031342 +537 924 3 886030254 +537 928 1 886030442 +537 937 3 886029488 +537 942 3 886031913 +537 948 1 886029239 +537 950 3 886030347 +537 953 3 886031473 +537 955 4 886031149 +537 956 4 886031751 +537 958 2 886030652 +537 959 3 886032154 +537 960 3 886031540 +537 963 3 886030805 +537 964 3 886031407 +537 965 2 886031540 +537 966 2 886032098 +537 970 3 886032184 +537 971 4 886031375 +537 972 3 886032123 +537 975 3 886030281 +537 978 2 886029841 +537 979 2 886030317 +537 980 3 886030051 +537 988 1 886029488 +537 990 2 886029153 +537 1005 3 886031752 +537 1006 2 886032245 +537 1008 2 886030078 +537 1009 2 886030254 +537 1010 2 886030381 +537 1011 3 886030416 +537 1019 1 886031606 +537 1025 1 886029488 +537 1045 3 886032154 +537 1048 2 886030381 +537 1050 2 886031575 +537 1068 3 886029974 +537 1069 2 886030938 +537 1070 3 886031678 +537 1073 3 886031149 +537 1084 3 886030050 +537 1085 4 886030416 +537 1101 3 886031720 +537 1103 4 886031407 +537 1105 1 886029153 +537 1111 3 886031506 +537 1113 3 886031606 +537 1129 1 886030051 +537 1134 3 886030176 +537 1139 2 886032000 +537 1147 3 886031473 +537 1154 1 886032000 +537 1163 1 886030347 +537 1166 2 886031886 +537 1194 3 886030584 +537 1197 3 886029889 +537 1245 3 886030051 +537 1267 3 886032123 +537 1335 3 886030347 +537 1400 2 886031678 +537 1404 2 886032204 +537 1420 1 886029181 +537 1445 3 886031576 +537 1451 3 886030552 +537 1475 2 886031786 +538 4 3 877107726 +538 11 4 877109516 +538 12 4 877107633 +538 22 5 877107232 +538 28 3 877107491 +538 31 3 877109422 +538 42 1 877108077 +538 50 5 877107656 +538 56 4 877107408 +538 58 4 877109688 +538 69 5 877107340 +538 79 4 877107050 +538 82 4 877107558 +538 88 2 877108078 +538 89 4 877109831 +538 96 4 877109669 +538 97 5 877107086 +538 98 5 877107012 +538 100 4 877109748 +538 117 3 877107492 +538 121 3 877110209 +538 127 5 877107231 +538 137 3 877108372 +538 143 3 877364003 +538 144 4 877107558 +538 153 4 877106976 +538 162 3 877363863 +538 168 3 877107408 +538 172 4 877107765 +538 173 3 877107914 +538 174 4 877106619 +538 176 4 877106918 +538 181 3 877107700 +538 182 4 877107408 +538 183 4 877106768 +538 187 5 877107840 +538 188 4 877108195 +538 196 4 877107408 +538 199 5 877364067 +538 204 3 877363950 +538 208 3 877107085 +538 210 3 877106665 +538 213 3 877364067 +538 215 5 877107536 +538 216 4 877364204 +538 223 4 877107700 +538 234 3 877108077 +538 238 5 877110174 +538 240 2 877109422 +538 258 3 877095640 +538 273 3 877107879 +538 275 4 877107050 +538 276 1 877107340 +538 289 1 877095667 +538 294 3 877095702 +538 317 4 877107765 +538 318 5 877106768 +538 381 3 877110175 +538 385 3 877108345 +538 423 4 877108919 +538 483 5 877109932 +538 527 3 877364067 +538 528 5 877107536 +538 566 3 877107765 +538 568 3 877107491 +538 642 3 877107633 +538 655 3 877108345 +538 692 3 877107765 +538 710 3 877107726 +538 712 3 877109773 +538 735 3 877108785 +539 22 3 879788195 +539 45 4 879788345 +539 56 2 879788046 +539 58 3 879788195 +539 59 5 879788224 +539 69 5 879787801 +539 124 4 879788480 +539 127 3 879788046 +539 132 5 879788284 +539 133 4 879788136 +539 155 4 879788480 +539 163 4 879788572 +539 170 5 879788533 +539 197 5 879787985 +539 202 5 879788405 +539 204 4 879788045 +539 215 4 879788623 +539 236 3 879788345 +539 238 3 879788045 +539 239 3 879788572 +539 258 4 879787770 +539 269 5 879787770 +539 275 4 879787917 +539 285 4 879788623 +539 286 4 879787771 +539 289 4 879787770 +539 301 5 879787770 +539 303 5 879787770 +539 306 4 879787770 +539 319 5 879787770 +539 340 2 879787771 +539 357 4 879787917 +539 372 2 879787985 +539 481 4 879788572 +539 487 3 879788101 +539 496 3 879787985 +539 527 4 879788136 +539 531 4 879788572 +539 603 4 879787985 +539 610 4 879788533 +539 640 2 879788101 +539 660 5 879788346 +539 956 5 879788405 +539 962 4 879788195 +539 963 4 879788533 +539 1211 3 879788371 +540 9 5 882156965 +540 13 4 882157585 +540 15 3 882157084 +540 20 4 882157509 +540 25 4 882157635 +540 111 4 882157148 +540 117 4 882157706 +540 121 2 882157148 +540 126 3 882157105 +540 147 3 882157612 +540 181 4 882157060 +540 220 3 882157820 +540 222 4 882157224 +540 240 3 882157662 +540 249 3 882157687 +540 250 4 882157172 +540 257 4 882157584 +540 258 4 882156584 +540 269 4 882156584 +540 270 4 882156731 +540 274 4 882157662 +540 276 4 882157061 +540 280 3 882157797 +540 281 3 882157011 +540 286 4 882156584 +540 293 4 882157084 +540 294 4 882156617 +540 300 3 882156618 +540 310 4 882156710 +540 323 3 882156851 +540 332 4 882156677 +540 333 4 882156617 +540 340 4 882156710 +540 343 4 882156677 +540 405 3 882157612 +540 455 4 882157477 +540 471 4 882157706 +540 473 3 882157687 +540 475 4 882156983 +540 508 4 882156983 +540 515 5 882157105 +540 591 3 882157036 +540 596 4 882157126 +540 597 4 882157248 +540 628 3 882157148 +540 762 4 882157545 +540 820 3 882157545 +540 825 4 882157172 +540 1011 4 882157509 +540 1014 4 882157224 +540 1016 4 882157662 +540 1048 4 882157635 +540 1226 4 882157732 +541 1 4 883874645 +541 8 5 883874645 +541 15 3 883864806 +541 29 2 883865336 +541 38 3 883871617 +541 50 5 884046910 +541 62 4 883871644 +541 63 3 883866049 +541 66 4 883865929 +541 71 5 883874716 +541 73 4 883865693 +541 79 5 883871524 +541 82 3 883871562 +541 83 5 883864806 +541 88 3 883865738 +541 90 4 883866093 +541 91 5 883874683 +541 95 4 883874682 +541 99 4 883874717 +541 102 4 883874778 +541 110 4 883866114 +541 111 1 884645883 +541 118 4 883871670 +541 121 3 883871695 +541 139 3 884047204 +541 140 5 883874682 +541 142 5 883874778 +541 143 4 883874645 +541 151 3 883874717 +541 168 4 883865555 +541 172 5 884645816 +541 173 5 883865534 +541 174 4 883871524 +541 181 5 884046910 +541 196 4 883864928 +541 204 4 884645816 +541 215 4 885595771 +541 222 4 883864848 +541 225 4 885595846 +541 234 5 883874433 +541 235 1 883866049 +541 239 4 883865211 +541 254 3 884046953 +541 255 3 884046321 +541 257 5 884046320 +541 258 4 883864123 +541 259 1 884046888 +541 265 5 885595654 +541 274 4 883866093 +541 278 2 883875063 +541 304 4 883864207 +541 376 3 883866210 +541 378 5 883864908 +541 393 3 883865693 +541 395 2 883866300 +541 402 3 883864946 +541 403 3 883865110 +541 404 4 883874646 +541 405 3 883871695 +541 417 4 883874749 +541 418 5 883874646 +541 419 5 883874682 +541 427 4 883864638 +541 432 4 883874716 +541 452 3 883874518 +541 459 5 884047153 +541 465 4 883874716 +541 468 4 883865007 +541 474 5 884047153 +541 476 5 883866007 +541 477 4 883865654 +541 500 4 883874682 +541 501 4 883874682 +541 511 4 883864739 +541 526 4 883865088 +541 527 3 883864638 +541 542 1 884046888 +541 543 4 883875432 +541 553 4 883865289 +541 560 3 883874872 +541 584 3 883874646 +541 585 2 883866114 +541 588 4 883874682 +541 596 4 884645816 +541 622 3 883874804 +541 623 3 883874778 +541 625 4 883874717 +541 627 4 883874749 +541 651 5 883864782 +541 655 4 883864782 +541 659 5 883865555 +541 676 3 883865063 +541 678 5 883864160 +541 709 5 885595735 +541 732 3 883865173 +541 755 5 883874716 +541 763 3 883866068 +541 769 1 884046888 +541 810 3 883871719 +541 812 3 883874872 +541 826 3 883871755 +541 843 4 884645883 +541 877 1 884046888 +541 924 5 883865133 +541 931 3 883875370 +541 941 4 883865394 +541 946 5 883874749 +541 993 4 884046295 +541 1030 3 885595972 +541 1035 3 883874749 +541 1036 2 883866280 +541 1041 3 883865929 +541 1047 2 883866173 +541 1053 3 883865317 +541 1074 1 884046888 +541 1078 4 883874834 +541 1084 4 883864569 +541 1091 3 883874804 +541 1185 2 883866028 +541 1315 1 884046202 +541 1409 4 883874778 +541 1412 1 883874834 +541 1442 1 884046888 +542 1 4 886532534 +542 11 2 886533710 +542 12 4 886533774 +542 13 4 886533002 +542 15 2 886533483 +542 22 3 886532314 +542 23 5 886532602 +542 28 4 886533452 +542 41 4 886533068 +542 42 3 886532726 +542 47 5 886532855 +542 48 5 886533452 +542 50 4 886532209 +542 56 5 886532706 +542 58 4 886532571 +542 63 3 886533090 +542 64 4 886533421 +542 69 4 886532552 +542 70 4 886532788 +542 71 3 886533562 +542 72 3 886532818 +542 73 3 886533227 +542 80 3 886533142 +542 87 3 886532676 +542 88 3 886532727 +542 89 4 886532294 +542 90 4 886533227 +542 94 3 886533021 +542 95 3 886533562 +542 97 4 886533754 +542 99 5 886533587 +542 100 4 886532432 +542 109 4 886532416 +542 121 2 886532381 +542 122 3 886533253 +542 127 5 886532294 +542 132 3 886532620 +542 150 2 886532908 +542 168 4 886532602 +542 172 4 886532265 +542 173 4 886532265 +542 175 3 886532762 +542 179 4 886532571 +542 180 3 886532602 +542 181 4 886532359 +542 186 4 886532909 +542 187 4 886533395 +542 191 5 886532338 +542 192 5 886533421 +542 194 4 886532534 +542 195 3 886532294 +542 196 4 886533452 +542 202 3 886532314 +542 204 3 886532762 +542 208 4 886532881 +542 209 4 886532762 +542 210 3 886532706 +542 230 4 886533774 +542 235 3 886533228 +542 237 4 886532238 +542 238 4 886532706 +542 240 3 886533142 +542 246 3 886532359 +542 249 4 886532432 +542 273 3 886532466 +542 282 3 886533452 +542 288 2 886532149 +542 293 3 886532466 +542 315 4 886532120 +542 319 3 886532950 +542 321 4 886532928 +542 346 3 886532149 +542 347 3 886532176 +542 357 5 886532534 +542 367 4 886532881 +542 382 3 886532726 +542 384 3 886533227 +542 386 3 886533046 +542 393 3 886533142 +542 401 3 886533193 +542 410 4 886532971 +542 411 4 886533275 +542 418 4 886533562 +542 420 3 886533587 +542 423 4 886532676 +542 427 5 886532294 +542 432 5 886532552 +542 433 3 886532838 +542 435 4 886532818 +542 451 3 886532971 +542 475 3 886532359 +542 479 4 886532265 +542 496 4 886532534 +542 501 4 886533562 +542 509 4 886532209 +542 523 4 886532788 +542 531 4 886533452 +542 585 2 886533068 +542 588 4 886533562 +542 625 3 886533588 +542 627 3 886533604 +542 655 4 886532908 +542 684 4 886532238 +542 693 4 886533395 +542 695 2 886532788 +542 721 2 886533003 +542 732 3 886533227 +542 734 3 886533303 +542 744 2 886532676 +542 763 4 886533253 +542 772 4 886533694 +542 775 2 886533253 +542 780 3 886533003 +542 789 3 886532909 +542 790 3 886533090 +542 818 4 886533112 +542 864 3 886533112 +542 866 2 886533046 +542 871 2 886533142 +542 952 4 886533193 +542 959 3 886532971 +542 1059 4 886533193 +542 1061 2 886533275 +542 1098 4 886532818 +542 1218 3 886532762 +543 2 3 877546306 +543 4 4 875658853 +543 8 4 875658853 +543 9 4 876382812 +543 11 3 874866116 +543 12 5 875665787 +543 13 3 876896210 +543 14 4 876896210 +543 15 3 888209697 +543 16 3 875655073 +543 22 3 877545230 +543 23 4 874864183 +543 24 3 874861639 +543 28 4 875663543 +543 29 2 877546306 +543 38 3 877545717 +543 44 3 874865728 +543 47 3 877547672 +543 53 3 877547190 +543 56 5 874866535 +543 59 4 875659256 +543 60 5 874864346 +543 61 4 875659098 +543 62 3 875663687 +543 64 4 874863336 +543 66 3 874866535 +543 69 4 874863436 +543 70 4 874863155 +543 71 4 874864870 +543 82 4 877545605 +543 85 2 877547580 +543 86 4 876896210 +543 88 4 877550535 +543 89 4 877545605 +543 94 3 877550791 +543 96 4 875665787 +543 97 3 874864346 +543 98 4 874863336 +543 102 4 874863155 +543 110 2 874865635 +543 111 4 874861699 +543 114 4 874864346 +543 117 3 874861792 +543 118 3 874862036 +543 129 4 874862036 +543 134 5 874862967 +543 144 4 874863269 +543 147 4 877543316 +543 153 3 874863035 +543 157 3 874863549 +543 160 3 874863803 +543 161 4 877545356 +543 163 4 874864870 +543 165 4 874863436 +543 168 3 875663170 +543 169 4 875663267 +543 170 4 874863269 +543 174 4 874864666 +543 175 3 874864182 +543 176 4 874865635 +543 177 4 877545356 +543 180 4 874866208 +543 183 4 874864034 +543 185 4 875662979 +543 186 3 877550660 +543 187 4 874866535 +543 188 4 877545717 +543 190 5 875665787 +543 191 4 874863035 +543 192 4 874863878 +543 194 3 874864870 +543 195 4 874863155 +543 197 4 874866116 +543 198 4 876896210 +543 200 4 874864870 +543 202 4 874863734 +543 204 4 874864737 +543 207 5 875665787 +543 211 4 877547441 +543 212 4 875659175 +543 214 3 874864421 +543 216 4 874864666 +543 218 3 874864034 +543 226 4 875663372 +543 231 3 877545230 +543 233 4 877545716 +543 234 4 876896210 +543 237 4 876896210 +543 238 3 874866319 +543 239 2 877550660 +543 249 2 888209667 +543 252 3 889308778 +543 265 4 877545356 +543 272 3 888300821 +543 302 4 887912238 +543 303 4 875664365 +543 313 3 887912223 +543 318 3 874863549 +543 324 3 890723992 +543 357 4 874863803 +543 367 4 876105366 +543 371 5 875665787 +543 381 4 877547580 +543 385 3 877545717 +543 391 3 877547190 +543 397 3 877547005 +543 403 4 875663543 +543 410 3 877453103 +543 423 3 874863035 +543 432 4 874862967 +543 443 4 874864857 +543 461 3 875659175 +543 462 4 874864182 +543 463 3 874864034 +543 466 4 874864094 +543 469 4 875663056 +543 471 3 875657863 +543 474 5 875665787 +543 479 4 874866208 +543 480 4 876896210 +543 508 4 874861792 +543 509 3 874863734 +543 515 4 876896210 +543 516 4 876896210 +543 518 3 874864736 +543 519 4 875662979 +543 521 4 874865636 +543 528 4 874864666 +543 529 4 874866208 +543 531 4 874864347 +543 550 2 877547005 +543 562 2 877547004 +543 566 4 877545605 +543 568 3 877547005 +543 576 4 877546306 +543 578 3 877546305 +543 582 3 874863550 +543 586 3 877547190 +543 591 4 876896210 +543 603 5 875665787 +543 636 3 876718718 +543 642 3 874863803 +543 647 3 874864182 +543 651 3 877546306 +543 656 4 875665787 +543 660 3 875659098 +543 663 4 874866208 +543 664 4 874863336 +543 684 4 874864737 +543 692 4 877547580 +543 700 2 874865923 +543 702 2 877550399 +543 704 3 875662979 +543 709 3 874866535 +543 715 3 877550534 +543 720 2 877546306 +543 730 3 874864346 +543 732 3 877547863 +543 735 4 874863269 +543 737 3 874866535 +543 742 3 874861699 +543 748 3 876110379 +543 761 2 876105554 +543 770 4 874863803 +543 778 4 877550399 +543 792 4 877550535 +543 796 3 877550790 +543 810 3 877547004 +543 831 2 876718718 +543 855 4 875663543 +543 919 2 874863549 +543 936 4 888209568 +543 944 3 877547863 +543 947 4 877545605 +543 1014 4 875655073 +543 1073 3 874863269 +543 1099 4 874863878 +543 1159 5 875665787 +543 1174 3 876894981 +543 1194 4 875659174 +543 1199 2 877542776 +543 1262 2 876382812 +543 1416 2 876718718 +543 1441 3 874863436 +543 1524 4 874866319 +543 1555 3 874863155 +543 1619 3 874865635 +544 259 1 884795581 +544 270 3 884795135 +544 271 3 884795986 +544 288 2 884795135 +544 292 4 884795470 +544 294 2 884795581 +544 300 4 884795612 +544 301 2 884795580 +544 302 5 884795135 +544 304 3 884795135 +544 310 2 884795264 +544 313 5 884795413 +544 327 2 884795516 +544 328 3 884795581 +544 331 3 884795516 +544 338 2 884796062 +544 343 2 884796062 +544 346 4 884795135 +544 748 3 884795986 +544 750 3 884795135 +544 877 2 884795612 +545 1 5 879901359 +545 17 3 879899472 +545 22 3 879899158 +545 28 4 884133814 +545 29 3 880347984 +545 31 4 884133988 +545 50 5 879898644 +545 54 4 884134519 +545 55 3 879899233 +545 62 5 879899438 +545 67 1 880348933 +545 68 4 879899266 +545 69 4 884133906 +545 71 5 879901459 +545 77 3 884134704 +545 78 2 884134578 +545 79 4 879899233 +545 80 3 879900654 +545 82 4 879899266 +545 88 3 879901941 +545 89 3 879899125 +545 94 3 879900794 +545 95 4 879901458 +545 96 5 879899233 +545 97 3 879901865 +545 98 5 879899861 +545 99 4 880347957 +545 117 4 879899233 +545 121 5 879899299 +545 135 4 884134060 +545 139 3 884134959 +545 142 3 884135088 +545 144 3 879899125 +545 151 4 880348074 +545 155 3 879902060 +545 161 4 879899472 +545 164 4 879899906 +545 167 3 879900731 +545 168 4 879900156 +545 172 5 879899125 +545 173 5 879900185 +545 174 4 879899125 +545 175 4 879899641 +545 176 4 879899125 +545 177 3 879899299 +545 181 5 879898644 +545 182 3 883115423 +545 183 4 879899125 +545 188 2 879899233 +545 193 3 884133988 +545 194 3 879899677 +545 195 4 879899158 +545 196 4 884133859 +545 199 4 880347770 +545 202 4 879900388 +545 203 4 880347831 +545 204 4 879899641 +545 205 4 884134276 +545 208 3 879899619 +545 211 3 879900586 +545 215 3 884133881 +545 217 5 879899934 +545 218 4 879899906 +545 219 2 880348933 +545 226 3 879899438 +545 227 4 879899380 +545 229 3 879899380 +545 230 5 879899327 +545 231 4 879899472 +545 232 3 883115515 +545 233 4 879899380 +545 234 3 879899905 +545 254 4 879898995 +545 257 5 879898678 +545 258 3 879898617 +545 265 4 883115423 +545 266 2 879898447 +545 271 3 879898362 +545 326 3 879898447 +545 328 4 879898301 +545 373 3 879899523 +545 378 3 884134177 +545 379 4 879900010 +545 380 3 884134628 +545 384 3 879900863 +545 385 3 879899266 +545 386 2 884134780 +545 388 3 880347984 +545 391 2 883115552 +545 393 4 879900891 +545 395 4 879901092 +545 403 5 879899380 +545 404 4 884133839 +545 405 4 879899380 +545 413 4 879899977 +545 419 3 884134177 +545 423 4 884134114 +545 426 3 879901483 +545 431 3 879899472 +545 434 3 884134177 +545 444 3 879899978 +545 447 3 879899978 +545 449 2 879899497 +545 450 2 883115718 +545 451 3 879900366 +545 472 5 879899266 +545 474 3 884134205 +545 491 3 884134035 +545 510 3 880347957 +545 520 4 884133794 +545 524 4 879900185 +545 541 4 879899548 +545 542 2 880348933 +545 546 3 879901281 +545 549 4 879901920 +545 550 3 879899327 +545 551 4 879900053 +545 563 3 879900011 +545 566 4 879899438 +545 568 3 879899299 +545 569 3 879900011 +545 575 3 879900985 +545 578 4 884134936 +545 588 4 879901459 +545 627 3 879901504 +545 633 3 884133963 +545 636 3 879899472 +545 648 3 879899719 +545 665 3 879899299 +545 679 2 879899438 +545 680 2 879898486 +545 684 4 879899380 +545 689 4 879898362 +545 692 3 879900654 +545 720 3 883115664 +545 729 3 884134114 +545 732 4 879899619 +545 739 4 884134780 +545 742 4 880347813 +545 743 3 879901322 +545 746 4 879900321 +545 751 3 883115062 +545 810 4 879899523 +545 820 3 879901359 +545 890 2 880347690 +545 944 4 879900731 +545 968 5 884134395 +545 993 2 879898802 +545 1028 4 879900731 +545 1091 3 879901483 +545 1188 3 883115515 +545 1228 3 884134603 +546 5 5 885141411 +546 7 5 885140689 +546 50 5 885140368 +546 53 5 885141502 +546 56 5 885141332 +546 100 3 885140706 +546 109 5 885141260 +546 121 5 885140909 +546 145 4 885141502 +546 164 4 885141360 +546 181 5 885140754 +546 185 4 885141360 +546 200 5 885141332 +546 219 5 885141439 +546 222 4 885141260 +546 234 4 885141332 +546 236 4 885141260 +546 250 4 885141260 +546 258 4 885139634 +546 271 5 885139779 +546 294 1 885139779 +546 300 3 885139842 +546 313 2 885139580 +546 322 4 885139921 +546 343 3 885140117 +546 347 5 885139580 +546 349 4 885141260 +546 379 4 885141465 +546 447 3 885141360 +546 457 1 885139608 +546 458 1 885140689 +546 567 4 885141502 +546 569 4 885141502 +546 590 4 885141538 +546 665 2 885141411 +546 682 3 885140097 +546 690 2 885139693 +546 717 5 885141162 +546 751 3 885139871 +546 758 4 885140808 +546 760 5 885140808 +546 769 4 885141465 +546 816 3 885141411 +546 860 4 885141439 +546 892 4 885141260 +546 895 3 885139608 +546 898 4 885141260 +546 930 5 885141260 +546 977 5 885140939 +547 269 3 891282555 +547 289 3 891282775 +547 294 1 891282757 +547 302 5 891282575 +547 303 3 891282715 +547 313 5 891282611 +547 315 4 891282555 +547 319 4 891282926 +547 321 4 891282732 +547 338 2 891282967 +547 340 4 891282757 +547 345 5 891282555 +547 751 4 891282597 +548 1 4 891043182 +548 3 1 891415967 +548 7 5 891044304 +548 9 1 891043008 +548 12 5 891044356 +548 13 1 891415677 +548 14 1 891043182 +548 15 2 891415854 +548 17 3 891044596 +548 23 5 891044410 +548 25 2 891415746 +548 31 5 891044481 +548 39 5 891044481 +548 50 5 891044304 +548 55 5 891044482 +548 56 5 891044356 +548 79 5 891044482 +548 98 5 891044410 +548 100 5 891044304 +548 117 4 891415384 +548 121 5 891415939 +548 127 5 891043008 +548 147 5 891415540 +548 151 1 891415786 +548 156 5 891044356 +548 164 5 891044446 +548 176 4 891044355 +548 181 4 891043008 +548 183 5 891044410 +548 185 5 891044356 +548 203 5 891044446 +548 218 4 891044538 +548 222 5 891044596 +548 226 5 891044596 +548 229 5 891044596 +548 233 5 891044596 +548 234 4 891044356 +548 235 3 891415746 +548 237 4 891415540 +548 245 4 891042624 +548 250 5 891044304 +548 252 3 891043977 +548 254 1 891043999 +548 255 4 891043852 +548 257 5 891044304 +548 258 4 891042474 +548 270 5 891044304 +548 271 3 891043509 +548 272 2 891042194 +548 275 3 891415411 +548 277 3 891415540 +548 281 4 891044538 +548 282 4 891415384 +548 283 3 891415572 +548 284 3 891415619 +548 286 1 891042194 +548 288 3 891042794 +548 291 5 891415677 +548 292 4 891042530 +548 293 4 891043760 +548 294 3 891042954 +548 295 5 891044304 +548 298 4 891043882 +548 300 5 891044304 +548 302 4 891042194 +548 305 1 891042624 +548 307 4 891042474 +548 310 3 891042474 +548 311 3 891042194 +548 313 5 891044304 +548 315 3 891415258 +548 316 4 891044139 +548 323 4 891043547 +548 326 4 891043278 +548 327 3 891042794 +548 328 4 891042954 +548 331 4 891042530 +548 333 4 891042624 +548 340 1 891042794 +548 343 4 891043547 +548 344 1 891042530 +548 345 1 891042194 +548 346 4 891042624 +548 347 2 891415257 +548 358 2 891043547 +548 370 3 891416050 +548 405 4 891415643 +548 413 3 891416049 +548 431 5 891044446 +548 443 4 891044446 +548 458 3 891415512 +548 460 4 891416122 +548 466 5 891044446 +548 471 5 891415709 +548 472 2 891415967 +548 475 4 891415411 +548 477 1 891415786 +548 504 5 891044482 +548 515 5 891044304 +548 525 5 891044446 +548 532 4 891043910 +548 539 2 891415257 +548 546 4 891415815 +548 581 4 891044596 +548 591 3 891415465 +548 595 4 891416071 +548 597 4 891415890 +548 603 5 891044356 +548 619 3 891415786 +548 628 2 891415890 +548 642 4 891044538 +548 649 4 891044538 +548 654 5 891044411 +548 657 5 891044411 +548 659 4 891044446 +548 678 4 891043547 +548 683 4 891042954 +548 696 4 891415912 +548 717 4 891416050 +548 742 5 891044596 +548 748 3 891043910 +548 750 4 891042353 +548 751 4 891042851 +548 760 3 891416049 +548 762 4 891415709 +548 882 4 891043442 +548 898 1 891043509 +548 905 4 891044198 +548 924 3 891415786 +548 925 2 891415709 +548 928 3 891415890 +548 950 4 891415643 +548 978 2 891416122 +548 991 1 891044050 +548 1011 2 891415746 +548 1013 3 891043910 +548 1014 4 891043932 +548 1016 4 891043882 +548 1025 4 891043278 +548 1047 4 891416011 +548 1073 4 891044411 +548 1089 2 891044049 +548 1244 4 891043953 +548 1278 4 891416371 +548 1405 3 891415572 +549 1 5 881672182 +549 24 3 881672556 +549 118 4 881672479 +549 121 4 881672461 +549 127 5 881672441 +549 151 3 881672300 +549 181 4 881672241 +549 237 4 881672605 +549 258 5 881671833 +549 282 3 881672300 +549 323 2 881671879 +549 405 4 881672556 +549 411 3 881672667 +549 620 3 881672650 +549 748 4 881671952 +550 1 3 883425913 +550 15 5 883426027 +550 50 5 883425283 +550 121 5 883426027 +550 125 4 883425958 +550 181 5 883425283 +550 222 4 883425979 +550 237 3 883426119 +550 243 2 883426119 +550 249 4 883425388 +550 252 1 883426119 +550 257 4 883425337 +550 258 5 883425409 +550 271 5 883425652 +550 275 4 883425958 +550 288 5 883425979 +550 294 3 883426119 +550 301 2 883426119 +550 304 3 883425743 +550 310 5 883425627 +550 313 5 883425610 +550 328 5 883425652 +550 596 2 883426119 +550 682 4 883425783 +550 688 3 883425762 +550 748 4 883425365 +550 877 4 883425723 +550 924 4 883426027 +550 1089 3 883425485 +550 1620 4 883425448 +551 2 2 892784780 +551 3 5 892784093 +551 4 2 892783711 +551 5 4 892783314 +551 7 5 892777638 +551 9 5 892776982 +551 11 5 892777052 +551 12 4 892776419 +551 15 5 892782936 +551 17 5 892784942 +551 22 5 892776650 +551 24 5 892783142 +551 25 1 892783366 +551 26 4 892785056 +551 28 4 892776982 +551 31 4 892783451 +551 33 5 892778297 +551 34 4 892778336 +551 38 1 892784553 +551 40 1 892785056 +551 42 5 892783212 +551 43 2 892784976 +551 44 4 892777825 +551 49 3 892783281 +551 50 2 892776336 +551 51 5 892784780 +551 54 3 892784093 +551 55 5 892777753 +551 56 5 892776450 +551 58 5 892783451 +551 62 5 892784524 +551 64 5 892776380 +551 66 2 892783281 +551 67 5 892785164 +551 68 2 892783972 +551 69 4 892776982 +551 70 4 892783057 +551 71 4 892783281 +551 72 5 892783972 +551 73 2 892784130 +551 76 4 892778202 +551 77 3 892784130 +551 79 5 892776824 +551 80 1 892785300 +551 82 5 892783525 +551 84 1 892785020 +551 85 1 892783749 +551 88 4 892783314 +551 89 4 892777787 +551 90 1 892784199 +551 91 1 892783025 +551 92 5 892783672 +551 95 5 892783791 +551 96 5 892777987 +551 97 5 892777013 +551 98 5 892776524 +551 100 4 892776486 +551 111 5 892783612 +551 117 5 892782807 +551 118 5 892784008 +551 121 5 892783411 +551 125 4 892783791 +551 127 5 892776420 +551 128 4 892783829 +551 132 5 892777583 +551 135 5 892778129 +551 143 4 892777274 +551 144 5 892778035 +551 147 4 892783525 +551 150 3 892782807 +551 153 3 892777310 +551 155 4 892784259 +551 156 5 892777723 +551 157 4 892782765 +551 159 4 892784743 +551 161 5 892782936 +551 162 5 892783242 +551 164 4 892776650 +551 168 5 892777723 +551 172 2 892778164 +551 174 4 892776650 +551 176 4 892776876 +551 177 5 892777274 +551 180 5 892777052 +551 181 2 892778074 +551 182 5 892776824 +551 183 4 892776824 +551 184 1 892777855 +551 185 5 892777885 +551 186 5 892783142 +551 187 5 892776450 +551 188 5 892783672 +551 192 5 892776750 +551 193 5 892777363 +551 195 5 892777052 +551 196 5 892776982 +551 198 5 892778035 +551 200 4 892782936 +551 202 4 892783177 +551 203 5 892782975 +551 204 4 892777673 +551 205 5 892776575 +551 209 5 892777123 +551 210 4 892777787 +551 211 5 892778035 +551 215 4 892778035 +551 216 5 892777609 +551 217 1 892784093 +551 218 5 892783212 +551 219 5 892784479 +551 222 5 892783411 +551 223 4 892776650 +551 226 5 892783411 +551 227 5 892783488 +551 228 5 892783212 +551 229 5 892784779 +551 230 5 892782901 +551 232 5 892783365 +551 233 4 892784259 +551 234 4 892777092 +551 235 1 892784629 +551 237 4 892777825 +551 238 5 892777638 +551 240 3 892784673 +551 241 4 892783057 +551 245 3 892775723 +551 258 4 892775584 +551 260 5 892775869 +551 264 3 892775970 +551 265 4 892776336 +551 268 4 892775516 +551 272 5 892775389 +551 273 4 892782865 +551 274 2 892783488 +551 276 5 892783451 +551 280 3 892778337 +551 281 5 892784320 +551 282 5 892777092 +551 284 4 892783110 +551 288 4 892775466 +551 291 4 892778337 +551 292 3 892775612 +551 294 4 892775824 +551 300 4 892775687 +551 302 3 892775389 +551 307 4 892775516 +551 310 4 892775516 +551 313 4 892775389 +551 315 5 892775389 +551 316 5 892696165 +551 317 5 892777092 +551 318 5 892776824 +551 324 3 892775824 +551 326 4 892775612 +551 328 5 892775584 +551 331 5 892775584 +551 332 4 892775547 +551 333 5 892775584 +551 334 4 892775970 +551 340 4 892775584 +551 343 4 892775869 +551 346 4 892775547 +551 351 3 892775894 +551 354 3 892775752 +551 355 4 892776041 +551 356 4 892783829 +551 357 5 892777274 +551 363 4 892784710 +551 366 5 892784049 +551 380 3 892783488 +551 384 1 892785223 +551 385 5 892783791 +551 386 1 892785364 +551 393 5 892782901 +551 399 3 892785364 +551 402 4 892784049 +551 403 3 892782807 +551 410 5 892784093 +551 411 1 892784437 +551 415 4 892784710 +551 421 4 892778202 +551 423 1 892782975 +551 431 4 892777583 +551 433 5 892777787 +551 447 5 892783711 +551 448 4 892783242 +551 451 1 892784976 +551 455 1 892783525 +551 458 2 892784166 +551 460 3 892784320 +551 461 3 892778074 +551 468 5 892783559 +551 470 5 892783711 +551 471 5 892783365 +551 475 5 892777910 +551 476 5 892784259 +551 479 3 892776380 +551 505 5 892777397 +551 508 4 892783366 +551 509 4 892777274 +551 518 4 892783212 +551 520 4 892777339 +551 527 5 892777123 +551 531 5 892777485 +551 544 4 892784093 +551 546 2 892784673 +551 550 5 892784130 +551 554 5 892783906 +551 559 5 892784479 +551 561 5 892785363 +551 566 5 892783212 +551 568 4 892783906 +551 570 4 892785264 +551 572 1 892784672 +551 576 2 892784743 +551 581 5 892783972 +551 582 5 892783749 +551 583 3 892778369 +551 587 4 892783525 +551 591 5 892783612 +551 595 2 892784744 +551 596 5 892784049 +551 597 4 892784976 +551 603 5 892776524 +551 616 5 892777052 +551 627 3 892783906 +551 628 5 892783177 +551 636 5 892784130 +551 640 4 892783750 +551 651 4 892776750 +551 655 5 892783142 +551 658 5 892783559 +551 660 3 892783672 +551 672 1 892785056 +551 673 4 892778164 +551 685 1 892782901 +551 686 3 892783829 +551 692 4 892777092 +551 693 5 892777943 +551 696 2 892785194 +551 698 4 892782734 +551 708 1 892783830 +551 710 5 892777753 +551 715 1 892785128 +551 717 3 892785164 +551 719 1 892784898 +551 720 2 892784744 +551 721 5 892784898 +551 727 5 892783559 +551 728 2 892785331 +551 732 4 892783711 +551 735 5 892783110 +551 739 4 892784710 +551 742 5 892782838 +551 746 5 892777013 +551 747 3 892783025 +551 748 4 892775612 +551 751 4 892775797 +551 755 4 892784008 +551 760 3 892784592 +551 761 1 892785164 +551 762 5 892784130 +551 763 5 892784008 +551 765 1 892785194 +551 770 2 892778244 +551 774 5 892783314 +551 779 4 892785399 +551 780 5 892785431 +551 790 2 892783942 +551 796 4 892785264 +551 802 4 892784437 +551 808 3 892783791 +551 809 5 892784629 +551 824 1 892784629 +551 825 5 892784049 +551 827 5 892784710 +551 833 3 892784166 +551 846 3 892783942 +551 849 5 892785128 +551 875 4 892775970 +551 895 3 892775752 +551 912 3 892775723 +551 917 3 892775466 +551 924 5 892783451 +551 926 2 892785300 +551 941 4 892782734 +551 943 5 892783451 +551 944 2 892784320 +551 950 2 892783861 +551 955 3 892783411 +551 959 5 892784166 +551 975 5 892784130 +551 979 4 892784479 +551 991 2 892775935 +551 1011 5 892783177 +551 1028 4 892785056 +551 1035 2 892778244 +551 1039 4 892777013 +551 1044 3 892785223 +551 1047 4 892785264 +551 1051 4 892784593 +551 1059 3 892785128 +551 1067 2 892785091 +551 1079 1 892785431 +551 1087 1 892784437 +551 1118 5 892784199 +551 1135 5 892785331 +551 1136 5 892784049 +551 1139 4 892785263 +551 1169 4 892778297 +551 1207 1 892785300 +551 1217 1 892784524 +551 1220 5 892784524 +551 1253 2 892784629 +551 1267 4 892783906 +551 1303 1 892785399 +551 1304 1 892783942 +551 1314 2 892783750 +551 1376 1 892784524 +551 1419 1 892785332 +551 1439 5 892783612 +551 1443 5 892784942 +551 1518 4 892785363 +551 1621 1 892785194 +552 1 3 879221716 +552 7 3 879221580 +552 15 3 879222484 +552 25 3 879221833 +552 50 4 879221876 +552 100 4 879221716 +552 111 3 879222238 +552 117 3 879222412 +552 118 3 879222520 +552 121 4 879222698 +552 123 3 879222033 +552 125 3 879222484 +552 126 4 879221876 +552 127 4 879221580 +552 147 3 879222412 +552 148 3 879222452 +552 181 3 879221399 +552 222 4 879221764 +552 237 4 879221617 +552 240 2 879222133 +552 243 3 879220651 +552 248 4 879221795 +552 249 3 879222368 +552 250 3 879222336 +552 257 3 879221795 +552 258 4 879220564 +552 274 3 879222162 +552 280 3 879222002 +552 281 3 879222306 +552 282 3 879222133 +552 284 3 879222071 +552 286 4 879220564 +552 288 2 879221267 +552 291 2 879222661 +552 294 4 879220688 +552 300 4 879220610 +552 323 2 879221267 +552 405 3 879222268 +552 410 3 879222070 +552 411 3 879222002 +552 412 2 879222583 +552 455 3 879221764 +552 471 3 879222306 +552 515 3 879221543 +552 591 3 879222412 +552 619 3 879222632 +552 620 3 879222738 +552 628 3 879221833 +552 742 4 879222103 +552 748 4 879220651 +552 756 2 879221683 +552 760 3 879222306 +552 815 3 879222336 +552 826 2 879222002 +552 829 3 879222738 +552 845 3 879222368 +552 864 3 879221876 +552 866 3 879222002 +552 873 3 879220688 +552 926 2 879222698 +552 932 3 879222194 +552 934 3 879222336 +552 977 3 879222033 +552 988 3 879220650 +552 1014 4 879222520 +552 1047 3 879222521 +552 1048 3 879221683 +552 1051 3 879222238 +552 1095 3 879222738 +552 1152 3 879222002 +552 1278 3 879222452 +552 1315 3 879222452 +552 1362 3 879222698 +552 1620 3 879222071 +553 1 3 879949153 +553 8 3 879949290 +553 23 5 879948806 +553 45 4 879948732 +553 50 4 879948732 +553 56 4 879949042 +553 81 3 879948732 +553 86 3 879948771 +553 89 5 879948386 +553 98 5 879948996 +553 99 5 879948508 +553 100 5 879948869 +553 111 4 879948869 +553 131 5 879948655 +553 132 4 879948610 +553 134 4 879948806 +553 135 4 879948996 +553 136 4 879948655 +553 151 5 879949181 +553 153 5 879949107 +553 170 4 879948806 +553 174 4 879949073 +553 177 4 879949180 +553 178 5 879948460 +553 181 4 879948695 +553 186 3 879948552 +553 187 5 879948609 +553 190 5 879949251 +553 191 4 879949153 +553 197 5 879948831 +553 199 4 879949153 +553 205 4 879948869 +553 213 5 879949290 +553 218 4 879948996 +553 238 5 879948655 +553 265 5 879948508 +553 275 5 879948552 +553 307 4 879948235 +553 367 4 879949153 +553 378 3 879948655 +553 423 3 879948655 +553 435 4 879948869 +553 474 5 879948609 +553 479 5 879948386 +553 480 5 879948552 +553 481 3 879948806 +553 483 5 879948423 +553 484 5 879949324 +553 485 3 879948695 +553 487 5 879948996 +553 490 4 879949073 +553 492 3 879949042 +553 496 3 879948460 +553 497 4 879948460 +553 498 4 879949042 +553 506 4 879948655 +553 507 3 879948831 +553 513 4 879948806 +553 514 3 879948695 +553 515 5 879948386 +553 519 5 879949042 +553 520 5 879949153 +553 524 5 879948996 +553 525 4 879949153 +553 527 3 879949290 +553 528 3 879949180 +553 559 3 879949251 +553 589 5 879948964 +553 603 5 879948695 +553 604 5 879949107 +553 605 4 879949251 +553 607 4 879949107 +553 609 4 879948806 +553 611 5 879948386 +553 615 5 879949073 +553 617 4 879949042 +553 631 5 879948695 +553 638 3 879948732 +553 641 4 879948386 +553 646 4 879949251 +553 648 4 879948552 +553 655 4 879949289 +553 657 5 879949212 +553 661 5 879949324 +553 1009 4 879949212 +553 1021 2 879949153 +553 1124 4 879948695 +553 1126 4 879948508 +553 1194 5 879948995 +553 1200 3 879948964 +554 1 3 876231938 +554 4 2 876369560 +554 7 3 876549087 +554 9 4 876231468 +554 11 4 876233069 +554 13 2 876232730 +554 14 4 876550182 +554 15 4 876231964 +554 21 1 876232212 +554 22 4 876232794 +554 31 4 876369085 +554 43 3 876369968 +554 50 4 876550778 +554 56 4 876550257 +554 58 4 876549808 +554 66 3 876369615 +554 67 3 876369932 +554 68 2 876368907 +554 70 4 876369382 +554 71 4 876550257 +554 77 4 876550778 +554 79 5 876550491 +554 82 4 876550257 +554 86 4 876369678 +554 95 4 876550526 +554 100 3 876231441 +554 111 4 876550526 +554 117 4 876231777 +554 118 4 876550257 +554 121 4 876232267 +554 125 3 876550913 +554 132 4 876550453 +554 133 4 876369272 +554 151 4 876550100 +554 172 5 876550372 +554 173 3 876369527 +554 174 5 876550257 +554 179 3 876369785 +554 181 4 876550100 +554 191 5 876243914 +554 202 4 876232956 +554 204 5 876550610 +554 209 4 876232997 +554 215 5 876550833 +554 216 3 876369162 +554 218 4 876550654 +554 220 3 876232109 +554 222 4 876231802 +554 223 3 876232996 +554 227 3 876369198 +554 228 5 876550011 +554 230 5 876369968 +554 237 3 876231570 +554 238 3 876232682 +554 245 3 876231229 +554 252 4 876232528 +554 265 4 876232956 +554 273 3 876231839 +554 274 3 876232317 +554 275 4 876231634 +554 276 3 876548886 +554 282 3 876232267 +554 284 3 876549009 +554 288 3 876231123 +554 289 4 876549656 +554 294 3 876231229 +554 318 5 876369730 +554 328 4 878801354 +554 378 4 876549808 +554 405 4 876550654 +554 411 3 876231886 +554 423 4 876550182 +554 432 4 876550491 +554 526 4 876550100 +554 527 4 876233137 +554 531 4 876549731 +554 542 3 876369995 +554 576 4 876549377 +554 595 3 876232109 +554 596 3 876232758 +554 597 4 876232176 +554 678 3 876231229 +554 684 4 876550342 +554 692 4 876549579 +554 717 3 876232553 +554 728 3 876369995 +554 732 4 876550833 +554 735 3 876369162 +554 742 3 876231546 +554 756 3 876231938 +554 770 1 876369382 +554 819 3 876231688 +554 820 2 876232176 +554 845 3 876231993 +554 864 4 876231993 +554 866 3 876232486 +554 939 4 876550342 +554 951 3 876369840 +554 1012 3 876231839 +554 1028 3 876551044 +554 1041 3 876369560 +554 1042 3 876550610 +554 1046 4 876550526 +554 1284 3 876232053 +555 13 5 879964092 +555 21 4 879964265 +555 25 4 879963127 +555 47 2 879975505 +555 50 5 879962152 +555 89 4 879975438 +555 100 5 879964092 +555 111 4 879964159 +555 117 4 879962152 +555 118 4 879962569 +555 120 4 879964334 +555 121 3 879962551 +555 129 4 882385841 +555 147 4 879962172 +555 150 4 879963127 +555 169 5 879975419 +555 181 5 879962172 +555 195 4 879975438 +555 235 3 879964209 +555 244 5 879962642 +555 248 4 879963127 +555 252 5 879962551 +555 258 3 879962096 +555 265 3 879975505 +555 269 5 879962096 +555 271 3 879961963 +555 274 4 879964240 +555 288 3 879962096 +555 301 4 879962096 +555 302 3 879962096 +555 318 4 879975419 +555 319 5 879962096 +555 326 4 879962096 +555 328 4 879962096 +555 340 4 879962096 +555 357 4 879975455 +555 405 4 879962569 +555 410 4 879962769 +555 505 4 879975474 +555 748 4 879962096 +555 762 4 879964159 +555 1013 4 879962642 +556 12 5 882136440 +556 64 5 882136162 +556 127 5 882136205 +556 133 5 882136396 +556 134 5 882136252 +556 135 2 882136252 +556 172 5 882136441 +556 173 3 882136162 +556 178 5 882136162 +556 187 5 882136396 +556 209 5 882136162 +556 243 1 882135994 +556 268 4 882135646 +556 286 4 882135437 +556 288 4 882135646 +556 294 2 882135855 +556 302 4 882135437 +556 318 5 882136252 +556 319 3 882135437 +556 321 4 882135994 +556 323 2 882136058 +556 324 4 882135805 +556 340 5 882135646 +556 427 5 882136440 +556 481 5 882136441 +556 482 5 882136440 +556 493 5 882136441 +556 513 4 882136396 +556 523 5 882136205 +556 603 5 882136440 +556 604 5 882136205 +556 707 3 882136396 +556 988 1 882135994 +556 1065 4 882136162 +557 12 5 881179653 +557 50 4 881095916 +557 58 4 880555684 +557 96 5 881179653 +557 150 3 881179621 +557 165 5 881179653 +557 176 4 880486028 +557 180 5 881179653 +557 197 5 881179653 +557 198 5 881179513 +557 246 5 880485693 +557 252 3 880485846 +557 253 3 880485693 +557 268 5 881179653 +557 269 3 881179139 +557 270 3 881179166 +557 288 1 884357600 +557 289 4 880484992 +557 292 4 880485019 +557 298 5 881095916 +557 299 4 881095916 +557 300 4 881095916 +557 305 3 881179268 +557 307 5 881179653 +557 322 3 880485052 +557 325 3 880485074 +557 327 3 882458785 +557 334 4 881179362 +557 337 5 881179653 +557 346 2 884357321 +557 529 5 881179455 +557 532 5 881095916 +557 682 2 881179213 +557 739 3 881179539 +557 750 4 884357373 +557 865 3 881179268 +557 872 5 881095916 +557 875 4 881179291 +557 887 3 881179118 +557 892 3 884357648 +557 1070 2 884357600 +557 1176 5 881179653 +557 1244 2 880485863 +558 9 4 879436069 +558 15 3 879436140 +558 100 5 879436396 +558 137 4 879435896 +558 269 4 879436396 +558 275 4 879435896 +558 283 3 879436097 +558 285 5 879436396 +558 286 4 879435828 +558 744 4 879436027 +559 12 3 891034067 +559 22 1 891034003 +559 55 4 891035111 +559 56 3 891034550 +559 69 5 891034003 +559 70 3 891035917 +559 87 4 891034003 +559 94 3 891035979 +559 127 4 891033956 +559 144 5 891034551 +559 153 3 891035708 +559 163 4 891035840 +559 167 3 891035840 +559 174 4 891035111 +559 180 4 891035111 +559 182 4 891035111 +559 187 3 891033911 +559 191 5 891034139 +559 194 3 891035781 +559 195 3 891034647 +559 196 5 891033805 +559 197 4 891035111 +559 199 5 891034040 +559 202 1 891035674 +559 205 5 891033805 +559 210 4 891034957 +559 216 5 891035876 +559 226 5 891034688 +559 233 3 891034688 +559 238 1 891035674 +559 257 3 891035466 +559 259 3 891035407 +559 261 3 891035378 +559 265 4 891033696 +559 300 4 891035137 +559 311 3 891033635 +559 318 5 891033835 +559 322 4 891034987 +559 347 3 891035343 +559 385 4 891035111 +559 393 2 891035917 +559 398 3 891034904 +559 427 4 891034095 +559 502 4 891035946 +559 508 3 891034209 +559 511 2 891034347 +559 513 5 891033956 +559 515 4 891035111 +559 519 5 891034004 +559 520 5 891033911 +559 521 2 891033911 +559 523 4 891035812 +559 527 4 891034172 +559 528 4 891034209 +559 550 4 891035111 +559 566 5 891034688 +559 587 4 891034095 +559 652 4 891035633 +559 660 1 891034250 +559 661 3 891034040 +559 687 3 891035551 +559 863 5 891033956 +559 1101 4 891035111 +559 1141 2 891034316 +559 1401 3 891034172 +559 1556 3 891033759 +560 1 4 879976449 +560 11 4 879975485 +560 12 5 879975661 +560 13 3 879976602 +560 22 2 879975613 +560 24 2 879976772 +560 25 3 879976706 +560 50 5 879976109 +560 58 3 879975485 +560 89 5 879975752 +560 93 3 879976559 +560 100 5 879975752 +560 109 3 879976651 +560 111 3 879976731 +560 121 3 879976705 +560 122 3 879977081 +560 127 5 879976071 +560 132 3 879975485 +560 134 5 879975406 +560 136 3 879975661 +560 137 4 879976427 +560 151 3 879976542 +560 168 4 879975718 +560 181 4 879975661 +560 183 5 879975586 +560 197 4 879975613 +560 201 3 879975718 +560 211 4 879975752 +560 222 4 879976706 +560 235 2 879976867 +560 240 3 879976970 +560 246 5 879976109 +560 249 5 879976247 +560 250 4 879976126 +560 255 4 879976109 +560 257 3 879976172 +560 258 5 879975116 +560 264 3 879975231 +560 268 4 879975173 +560 270 4 879975173 +560 271 4 879975194 +560 275 4 879975718 +560 277 3 879976731 +560 278 1 879976892 +560 281 3 879976828 +560 284 3 879976525 +560 288 4 879975116 +560 301 3 879975116 +560 302 5 879975087 +560 318 4 879975406 +560 321 3 879975151 +560 358 3 879975358 +560 405 4 879976970 +560 411 3 879976828 +560 423 4 879975586 +560 429 3 879975485 +560 458 3 879976731 +560 472 2 879976945 +560 476 2 879977124 +560 478 4 879975752 +560 480 3 879975613 +560 483 5 879975406 +560 489 3 879975662 +560 496 3 879975752 +560 498 4 879975718 +560 508 3 879976502 +560 515 3 879976109 +560 546 2 879976705 +560 597 2 879976914 +560 606 4 879975613 +560 617 3 879975661 +560 653 4 879975529 +560 654 5 879975613 +560 813 4 879976478 +560 845 3 879976602 +560 847 4 879976449 +560 928 3 879977062 +560 975 3 879977081 +560 1008 3 879976731 +560 1014 4 879976215 +560 1016 3 879976216 +560 1019 4 879975529 +560 1021 4 879975718 +560 1073 3 879975586 +560 1134 3 879976478 +560 1163 3 879976988 +560 1171 3 879976807 +560 1215 2 879977336 +560 1265 3 879975194 +560 1333 3 879976071 +560 1405 4 879976215 +561 1 2 885807713 +561 2 3 885809752 +561 3 3 885810390 +561 4 3 885809044 +561 8 3 885807455 +561 9 4 885807546 +561 10 3 885808766 +561 11 4 885807743 +561 12 5 885809356 +561 13 3 885810060 +561 14 3 885808929 +561 15 3 885809291 +561 17 2 885810167 +561 19 3 885808673 +561 22 3 885809223 +561 24 3 885807776 +561 25 2 885809426 +561 28 2 885808053 +561 31 2 885809146 +561 32 4 885807455 +561 40 2 885810834 +561 42 3 885809025 +561 45 3 885808716 +561 46 4 885808796 +561 47 4 885809557 +561 48 4 885807547 +561 49 2 885809269 +561 50 3 885807429 +561 52 4 885809583 +561 53 3 885810538 +561 55 4 885808796 +561 56 5 885807291 +561 58 3 885809654 +561 62 3 885810144 +561 64 3 885809605 +561 65 3 885808673 +561 67 1 885810240 +561 69 1 885807215 +561 70 4 885808673 +561 71 2 885810039 +561 72 2 885810084 +561 77 1 885809246 +561 79 3 885808887 +561 80 2 885810372 +561 81 2 885808000 +561 86 4 885809064 +561 87 3 885809197 +561 88 2 885810769 +561 89 4 885809556 +561 91 4 885807455 +561 92 3 885809897 +561 93 4 885809224 +561 95 2 885809605 +561 96 1 885809336 +561 97 3 885809312 +561 98 4 885807393 +561 99 3 885808673 +561 100 4 885807484 +561 109 1 885810271 +561 116 4 885809146 +561 117 3 885810220 +561 121 3 885810372 +561 124 3 885807842 +561 130 4 885810429 +561 131 4 885808929 +561 132 2 885809269 +561 133 3 885807888 +561 135 4 885809336 +561 141 2 885809781 +561 144 3 885807547 +561 153 3 885808844 +561 154 4 885807612 +561 155 2 885810785 +561 156 4 885807484 +561 157 4 885808053 +561 159 1 885809356 +561 160 3 885808904 +561 162 3 885809781 +561 163 3 885808963 +561 168 4 885807261 +561 170 4 885808738 +561 171 5 885807261 +561 172 2 885807743 +561 173 4 885807393 +561 174 4 885808053 +561 175 4 885807429 +561 176 4 885807345 +561 178 4 885807713 +561 179 4 885807261 +561 180 4 885807261 +561 181 3 885807318 +561 182 3 885807318 +561 183 5 885807215 +561 184 3 885808843 +561 185 4 885807173 +561 186 3 885809447 +561 188 4 885807261 +561 191 3 885807484 +561 193 3 885808673 +561 194 4 885807612 +561 195 3 885808963 +561 196 4 885808620 +561 197 4 885807484 +561 198 3 885808986 +561 199 4 885809939 +561 200 4 885807743 +561 201 3 885807291 +561 202 3 885808867 +561 203 4 885807261 +561 205 3 885807393 +561 206 3 885809506 +561 207 3 885809245 +561 209 4 885807369 +561 210 3 885809146 +561 211 4 885808824 +561 212 3 885809025 +561 214 3 885809670 +561 215 3 885809872 +561 216 3 885807173 +561 217 3 885810858 +561 218 3 885810000 +561 219 1 885809583 +561 222 3 885807843 +561 223 4 885807235 +561 226 1 885809806 +561 228 3 885807930 +561 229 3 885810271 +561 230 3 885809426 +561 231 2 885810744 +561 232 3 885810428 +561 233 1 885809246 +561 234 3 885808824 +561 235 3 885809806 +561 238 4 885807547 +561 239 3 885809336 +561 240 1 885810726 +561 241 2 885809119 +561 243 1 885807010 +561 258 2 885806823 +561 268 3 885806710 +561 273 5 885808824 +561 276 4 885807713 +561 277 3 885809223 +561 284 1 885809626 +561 285 4 885808715 +561 286 4 885806710 +561 302 4 885806797 +561 304 3 891710572 +561 317 3 885808824 +561 318 3 885807345 +561 319 2 885809005 +561 345 4 885806823 +561 346 5 885806862 +561 356 1 885809752 +561 357 3 885807612 +561 362 2 893105375 +561 367 3 885809583 +561 371 1 885809426 +561 379 2 885810428 +561 380 2 885809524 +561 382 4 885807842 +561 385 2 885810144 +561 393 2 885810309 +561 403 3 885809690 +561 405 2 885809313 +561 410 1 885810117 +561 417 2 885809690 +561 423 2 885808796 +561 425 4 885808000 +561 426 1 885810220 +561 427 4 885807484 +561 428 4 885810084 +561 430 3 885809336 +561 431 2 885808738 +561 432 5 885807776 +561 433 1 885808867 +561 435 3 888232990 +561 436 4 885807843 +561 443 4 885809197 +561 447 3 885808767 +561 451 2 885810117 +561 455 3 885808766 +561 458 4 885809197 +561 461 3 885807369 +561 462 3 885809246 +561 468 1 885809291 +561 469 4 885809099 +561 470 3 885809872 +561 473 3 885810428 +561 474 5 885807318 +561 475 3 885807393 +561 478 4 885807290 +561 479 4 885807547 +561 480 4 885807484 +561 483 4 885807612 +561 484 4 885807215 +561 488 4 885807290 +561 489 4 885807743 +561 492 4 885807369 +561 494 4 885808824 +561 496 3 885807369 +561 497 4 885809064 +561 501 3 885808620 +561 503 4 885808887 +561 504 3 885809447 +561 505 4 885807510 +561 506 3 885809146 +561 507 4 885807429 +561 510 3 885808673 +561 511 4 885807510 +561 512 4 885808000 +561 513 3 885807345 +561 514 4 885807713 +561 515 3 885807215 +561 518 4 885808620 +561 520 4 885807318 +561 523 4 885809269 +561 524 4 885807888 +561 526 3 885808796 +561 530 4 885807547 +561 531 1 885807215 +561 537 4 885808866 +561 539 1 885807035 +561 542 1 885810858 +561 544 2 885809872 +561 546 1 885810557 +561 549 2 885809654 +561 550 1 885810117 +561 559 1 885809336 +561 566 3 885809873 +561 568 3 885807962 +561 578 3 885810575 +561 582 4 885808796 +561 584 3 885809781 +561 588 2 885809197 +561 589 3 885807510 +561 596 2 885809958 +561 597 3 885810428 +561 603 4 885807842 +561 607 5 885807173 +561 608 3 885809119 +561 611 5 885807547 +561 614 3 885809336 +561 615 4 885807930 +561 616 3 885808929 +561 617 4 885808738 +561 629 3 885809119 +561 631 3 885808000 +561 636 1 885809670 +561 639 3 885809291 +561 640 5 885809005 +561 642 3 885809356 +561 644 3 885807743 +561 645 3 885808767 +561 651 3 885807574 +561 652 5 885809312 +561 655 3 885807930 +561 656 4 885807455 +561 657 4 885807235 +561 660 3 885810144 +561 661 4 885808715 +561 664 4 885807574 +561 665 3 885810309 +561 671 3 885808673 +561 673 3 885809313 +561 675 3 885808904 +561 676 3 885810674 +561 678 2 885807080 +561 679 3 885807235 +561 684 3 885808867 +561 692 1 885810084 +561 693 3 885808620 +561 701 3 885807930 +561 702 3 885809873 +561 705 3 885808000 +561 708 3 885809447 +561 709 3 885808824 +561 710 4 885809897 +561 715 3 885809606 +561 719 1 885810785 +561 724 3 885808867 +561 732 3 885809958 +561 733 3 885809099 +561 735 3 885809712 +561 737 3 885810706 +561 739 2 885810271 +561 744 3 885809781 +561 746 3 885809025 +561 748 2 888557502 +561 751 3 885806779 +561 762 3 885809654 +561 772 4 885808715 +561 780 1 885810769 +561 790 1 885810538 +561 794 2 885809731 +561 802 1 885810726 +561 811 3 885808963 +561 849 2 885810193 +561 890 1 885807080 +561 895 1 885807035 +561 921 3 885810769 +561 925 3 885810084 +561 928 2 885810330 +561 942 3 885809712 +561 943 3 885809197 +561 946 3 885810813 +561 952 3 885810192 +561 955 3 885808738 +561 956 4 885809336 +561 959 3 885810060 +561 960 4 885809605 +561 971 3 885809269 +561 980 3 885809146 +561 1009 4 885810706 +561 1010 3 885809781 +561 1015 2 885810060 +561 1018 3 885809806 +561 1021 4 885807962 +561 1024 3 885806883 +561 1035 3 885810390 +561 1039 3 885807612 +561 1044 2 885810834 +561 1059 1 885808867 +561 1069 4 885808053 +561 1070 4 885809043 +561 1074 3 885810813 +561 1103 4 885807291 +561 1110 2 885809524 +561 1115 3 885809146 +561 1119 3 885810144 +561 1120 4 885807318 +561 1131 4 885807173 +561 1139 1 885810744 +561 1149 4 885807713 +561 1153 3 885808986 +561 1170 3 885809407 +561 1210 1 885810813 +561 1220 2 885810538 +561 1229 1 885810220 +561 1230 3 885810813 +561 1267 3 885809690 +561 1294 1 891710133 +561 1449 5 885808620 +561 1478 3 885809626 +561 1512 5 885807455 +561 1524 4 885809897 +561 1529 3 885809064 +562 1 2 879194894 +562 4 1 879196517 +562 5 4 879196576 +562 50 5 879196445 +562 66 1 879195927 +562 73 4 879195881 +562 79 4 879196445 +562 82 5 879196401 +562 88 5 879196680 +562 89 1 879195819 +562 98 4 879195081 +562 118 3 879196483 +562 127 5 879196401 +562 132 4 879195721 +562 133 2 879195007 +562 135 5 879196075 +562 141 4 879195334 +562 143 5 879196074 +562 144 5 879196445 +562 148 5 879195442 +562 153 4 879195954 +562 161 3 879196445 +562 173 5 879196308 +562 174 5 879196105 +562 181 3 879195125 +562 185 5 879196075 +562 190 4 879196445 +562 194 5 879196075 +562 197 4 879196105 +562 204 1 879196288 +562 218 4 879196576 +562 229 1 879195848 +562 230 1 879195954 +562 231 1 879196446 +562 234 5 879196074 +562 286 4 879194616 +562 318 3 879194894 +562 323 2 879194768 +562 357 1 879195125 +562 385 2 879196483 +562 393 2 879195954 +562 402 5 879196074 +562 416 5 879195613 +562 427 4 879195244 +562 432 5 879196074 +562 435 4 879195125 +562 458 2 879195982 +562 477 4 879195688 +562 483 4 879195954 +562 485 5 879196074 +562 504 4 879196709 +562 511 2 879195819 +562 514 1 879195848 +562 550 4 879196445 +562 566 4 879196483 +562 582 4 879196249 +562 591 4 879196176 +562 684 4 879196517 +562 727 5 879196267 +562 806 1 879195289 +562 1039 4 879196105 +562 1126 4 879196045 +563 70 4 880506528 +563 118 4 880506863 +563 153 4 880507625 +563 167 4 880506771 +563 172 5 880507339 +563 181 4 880507374 +563 220 4 880506703 +563 255 5 880506528 +563 257 5 880506596 +563 294 3 880506121 +563 301 4 880506234 +563 304 2 880506234 +563 321 5 880506197 +563 403 4 880506963 +563 476 3 880507311 +563 566 4 880507042 +563 678 2 880506368 +563 781 4 880507582 +563 862 1 880507672 +563 871 2 880507263 +564 50 4 888730974 +564 117 4 888730974 +564 118 4 888730699 +564 127 4 888730974 +564 181 4 888730974 +564 245 4 888718546 +564 258 4 888718771 +564 272 3 888718415 +564 281 3 888730658 +564 289 4 888718546 +564 292 4 888718546 +564 298 3 888730534 +564 300 4 888718470 +564 302 3 888718415 +564 313 4 888718415 +564 323 3 888730838 +564 597 4 888730699 +564 685 3 888730658 +564 831 3 888730658 +564 924 3 888730534 +564 930 3 888730699 +564 1016 2 888730699 +564 1025 2 888718443 +564 1034 3 888730838 +565 30 5 891037499 +565 83 5 891037628 +565 86 5 891037757 +565 165 4 891037252 +565 166 4 891037252 +565 171 5 891037252 +565 190 5 891037563 +565 207 4 891037393 +565 213 4 891037803 +565 381 2 891037628 +565 382 5 891037586 +565 462 4 891037692 +565 509 4 891037692 +565 512 3 891037453 +565 515 5 891037803 +565 638 4 891037837 +565 639 5 891037291 +565 652 5 891037563 +565 707 5 891037453 +565 713 5 891037693 +565 923 4 891037333 +565 970 4 891037757 +565 971 5 891037862 +565 1396 5 891037333 +565 1622 4 891037478 +566 2 5 881650739 +566 7 4 881649747 +566 11 3 881649962 +566 12 4 881649802 +566 15 3 881650030 +566 20 4 881650551 +566 22 3 881649358 +566 23 4 881650405 +566 25 2 881651077 +566 31 3 881650825 +566 49 2 881651561 +566 50 2 881650063 +566 54 3 881651013 +566 56 4 881649828 +566 64 5 881649530 +566 69 4 881650108 +566 70 4 881649563 +566 77 4 881651183 +566 78 1 881651829 +566 80 3 881651531 +566 82 4 881650709 +566 86 4 881649622 +566 88 3 881650090 +566 89 4 881650423 +566 94 2 881651636 +566 95 2 881649913 +566 96 3 881650171 +566 97 3 881650090 +566 98 4 881649445 +566 100 5 881649548 +566 108 2 881651360 +566 110 1 881651813 +566 117 4 881650886 +566 121 3 881650755 +566 122 2 881651583 +566 127 5 881650219 +566 133 4 881649670 +566 134 5 881649853 +566 135 5 881649389 +566 136 4 881649621 +566 137 5 881649928 +566 143 3 881650502 +566 144 3 881649530 +566 153 2 881649747 +566 154 3 881651151 +566 155 2 881651225 +566 156 4 881649428 +566 157 5 881649985 +566 161 4 881651097 +566 163 5 881649622 +566 165 5 881649530 +566 166 4 881649709 +566 168 4 881650003 +566 170 5 881650739 +566 172 3 881649644 +566 173 3 881649945 +566 181 2 881649985 +566 182 4 881649428 +566 186 3 881649893 +566 191 4 881649853 +566 192 5 881649747 +566 196 4 881650405 +566 202 4 881650551 +566 203 4 881650148 +566 204 3 881649828 +566 207 5 881650502 +566 210 4 881650030 +566 213 5 881649670 +566 215 3 881650739 +566 218 4 881650242 +566 219 1 881651286 +566 228 2 881650262 +566 230 2 881650123 +566 231 1 881651317 +566 234 3 881650148 +566 235 3 881650534 +566 240 3 881651225 +566 242 5 881649273 +566 260 2 881649273 +566 265 4 881650849 +566 273 5 881650063 +566 288 3 881650627 +566 289 1 881649273 +566 318 4 881649471 +566 327 3 881649273 +566 378 4 881650467 +566 384 3 881651360 +566 385 3 881650825 +566 386 1 881651375 +566 387 4 881651512 +566 388 3 881651512 +566 392 4 881650519 +566 393 2 881651434 +566 403 3 881650654 +566 405 5 881650943 +566 411 4 881651013 +566 419 2 881650907 +566 443 4 881649505 +566 461 4 881649853 +566 462 4 881650090 +566 465 2 881650654 +566 467 3 881650030 +566 479 4 881649428 +566 483 4 881649357 +566 485 3 881650242 +566 496 5 881649428 +566 508 4 881649577 +566 511 4 881649445 +566 512 4 881650148 +566 521 4 881649802 +566 523 4 881649622 +566 529 4 881649358 +566 575 1 881651652 +566 576 2 881651013 +566 582 5 881650186 +566 631 4 881650605 +566 651 4 881650242 +566 660 4 881650172 +566 673 4 881649775 +566 684 4 881649802 +566 685 3 881651183 +566 693 5 881649727 +566 705 4 881649871 +566 707 4 881650442 +566 727 4 881650850 +566 736 4 881650690 +566 742 3 881650627 +566 755 2 881651561 +566 763 4 881651045 +566 772 4 881650467 +566 790 3 881651464 +566 856 5 881650690 +566 879 2 881649273 +566 959 4 881651406 +566 1005 5 881650090 +566 1028 2 881651339 +566 1044 3 881651583 +566 1065 5 881650709 +566 1437 2 881651434 +567 1 3 882426899 +567 9 4 882426696 +567 10 4 882426508 +567 12 4 882426508 +567 23 4 882426740 +567 32 5 882426644 +567 39 3 882426974 +567 47 4 882426696 +567 50 1 882426246 +567 56 4 882425630 +567 59 5 882425762 +567 60 5 882425966 +567 79 2 882427023 +567 83 4 882425791 +567 89 5 882425820 +567 96 4 882427155 +567 100 1 882425791 +567 109 2 882425673 +567 124 4 882426812 +567 127 5 882426246 +567 132 3 882426021 +567 133 4 882425790 +567 134 5 882425873 +567 135 3 882426837 +567 136 5 882426210 +567 152 4 882426673 +567 156 5 882426055 +567 168 5 882425736 +567 170 3 882426184 +567 173 4 882425630 +567 174 1 882426869 +567 175 5 882425630 +567 176 5 882425874 +567 177 4 882426673 +567 178 4 882425820 +567 179 5 882426135 +567 181 1 882426246 +567 182 5 882425701 +567 183 4 882425701 +567 185 5 882426899 +567 187 5 882425673 +567 188 5 882426055 +567 190 4 882427068 +567 191 3 882427124 +567 192 4 882426021 +567 194 3 882425874 +567 195 3 882426782 +567 197 5 882425901 +567 198 5 882425631 +567 199 4 882425820 +567 203 4 882426508 +567 205 3 882425736 +567 209 4 882426812 +567 212 2 882427023 +567 221 5 882426927 +567 223 4 882426508 +567 234 3 882426762 +567 246 4 882426508 +567 248 4 882427273 +567 257 3 882427250 +567 268 4 882426327 +567 271 4 882426327 +567 273 5 882427068 +567 293 5 882427250 +567 297 3 882426246 +567 298 4 882426279 +567 299 4 882426350 +567 303 3 882426350 +567 306 3 882426327 +567 318 2 882425901 +567 340 3 882426300 +567 357 2 882425901 +567 387 4 882426899 +567 423 2 882426869 +567 427 3 882427124 +567 429 4 882426899 +567 430 4 882426927 +567 433 4 882426673 +567 434 5 882425997 +567 469 4 882426837 +567 474 5 882426135 +567 475 4 882426508 +567 478 5 882426079 +567 479 5 882425997 +567 480 4 882426508 +567 481 5 882426899 +567 483 5 882425843 +567 484 4 882426508 +567 487 4 882427155 +567 489 5 882426673 +567 490 4 882425673 +567 491 3 882426135 +567 492 4 882425966 +567 493 4 882426719 +567 494 5 882425932 +567 496 5 882426184 +567 497 5 882425901 +567 498 4 882425966 +567 504 4 882425874 +567 506 5 882425701 +567 507 5 882425820 +567 511 2 882425701 +567 513 4 882426719 +567 514 5 882425701 +567 517 5 882426673 +567 521 3 882425701 +567 523 3 882425966 +567 525 5 882425901 +567 527 3 882426673 +567 582 3 882426899 +567 589 5 882425932 +567 603 5 882425631 +567 604 4 882426508 +567 606 4 882425630 +567 607 4 882426762 +567 608 4 882426021 +567 611 4 882425998 +567 612 4 882427124 +567 617 4 882425843 +567 631 3 882426869 +567 640 4 882426927 +567 641 5 882426158 +567 646 5 882427046 +567 647 5 882425998 +567 648 4 882426021 +567 650 4 882426762 +567 653 5 882425843 +567 654 5 882425701 +567 657 5 882425762 +567 659 4 882426508 +567 673 3 882427089 +567 675 4 882426812 +567 679 4 882426055 +567 705 5 882426105 +567 811 4 882426210 +567 836 3 882426998 +567 847 4 882425791 +567 919 4 882426105 +567 1012 3 882427273 +567 1020 3 882425820 +567 1021 4 882425736 +567 1022 5 882426350 +567 1252 3 882427294 +567 1298 5 882425998 +567 1451 3 882426952 +568 6 3 877907235 +568 30 4 877907877 +568 56 4 877907720 +568 79 4 877907782 +568 100 4 877907281 +568 127 4 877907050 +568 132 2 877907236 +568 134 5 877907092 +568 135 4 877907782 +568 162 2 877906935 +568 165 4 877906935 +568 178 4 877907327 +568 179 2 877906935 +568 187 3 877907596 +568 191 4 877907126 +568 199 3 877906935 +568 213 4 877907835 +568 224 4 877907236 +568 234 3 877907092 +568 242 4 877906547 +568 286 3 877906547 +568 301 1 877906737 +568 303 4 877906697 +568 319 2 877906697 +568 423 4 877907281 +568 427 4 877907720 +568 430 3 877907834 +568 435 2 877907721 +568 462 4 877907236 +568 474 5 877907834 +568 478 4 877907235 +568 479 5 877906995 +568 482 4 877907781 +568 483 5 877907281 +568 486 4 877907720 +568 488 5 877907782 +568 491 2 877907126 +568 493 3 877907281 +568 494 4 877907835 +568 497 2 877907092 +568 504 3 877907596 +568 509 4 877906935 +568 512 1 877907596 +568 519 3 877907157 +568 520 2 877907327 +568 523 3 877907877 +568 524 2 877907281 +568 525 3 877907720 +568 529 4 877907877 +568 530 3 877907782 +568 603 5 877907157 +568 604 4 877907156 +568 611 3 877907782 +568 612 3 877907720 +568 615 5 877907235 +568 631 5 877907367 +568 638 3 877907877 +568 641 5 877907596 +568 653 4 877907877 +568 656 3 877907281 +568 659 3 877907050 +568 661 4 877907126 +568 735 2 877907327 +568 772 1 877906995 +568 855 1 877906935 +568 988 1 877906737 +568 1005 1 877907877 +568 1125 4 877907281 +568 1137 4 877907092 +568 1203 5 877907281 +568 1286 4 877907327 +569 7 4 879793909 +569 9 5 879793493 +569 13 3 879793847 +569 14 4 879793948 +569 15 4 879794265 +569 16 3 879794348 +569 19 5 879794127 +569 100 5 879793784 +569 117 3 879793847 +569 118 4 879794265 +569 121 3 879794699 +569 124 5 879793886 +569 125 3 879794348 +569 225 3 879794408 +569 236 4 879793717 +569 237 4 879793717 +569 248 4 879793741 +569 252 3 879795551 +569 257 4 879794302 +569 258 5 879792991 +569 268 3 880559356 +569 273 3 879793810 +569 274 4 879794740 +569 276 4 879793493 +569 277 2 879794385 +569 281 3 879793466 +569 284 4 879793886 +569 286 5 879792991 +569 287 4 879795551 +569 288 3 879793228 +569 291 4 879794348 +569 294 2 879793149 +569 295 3 879793983 +569 298 3 879793784 +569 300 3 879793036 +569 301 4 879793149 +569 302 4 879792991 +569 321 4 879793103 +569 325 1 879793149 +569 328 4 879793253 +569 333 3 879793036 +569 340 4 879793075 +569 405 3 879794498 +569 455 3 879794265 +569 458 2 879794498 +569 471 3 879793466 +569 473 4 879794699 +569 475 3 879793717 +569 508 3 879793785 +569 546 3 879794302 +569 676 4 879793847 +569 685 4 879794075 +569 748 2 879793228 +569 756 3 879794660 +569 762 3 879794740 +569 826 3 879794660 +569 979 3 879793948 +569 1014 3 879795581 +569 1197 4 879793465 +569 1284 2 879795512 +570 258 3 881262189 +570 268 3 881262404 +570 271 4 881262256 +570 286 4 881262625 +570 289 1 881262497 +570 321 1 881262795 +570 327 4 881262795 +570 340 3 881262145 +570 358 2 881262582 +570 748 3 881262497 +570 879 2 881262795 +570 886 2 881262534 +571 32 2 883355063 +571 45 4 883354940 +571 69 2 883354760 +571 114 4 883355063 +571 144 2 883354992 +571 181 4 883354940 +571 191 4 883354761 +571 357 4 883355063 +571 484 4 883354992 +571 1039 3 883354760 +572 9 5 879449610 +572 14 4 879449683 +572 100 3 879449632 +572 222 2 879449763 +572 284 3 879449840 +572 286 4 879449179 +572 301 4 879449243 +572 319 4 879449209 +572 813 4 879449573 +572 924 1 879449840 +573 10 4 885843818 +573 22 4 885844394 +573 50 4 885843738 +573 134 4 885843928 +573 135 4 885843964 +573 144 4 885844638 +573 157 4 885844161 +573 162 4 885844007 +573 174 4 885844431 +573 176 3 885844481 +573 178 4 885844395 +573 179 4 885844091 +573 180 4 885844091 +573 182 4 885843892 +573 183 3 885844091 +573 185 3 885844605 +573 205 3 885844674 +573 216 4 885844674 +573 237 4 885843527 +573 258 4 885843700 +573 275 4 885843596 +573 276 3 885843964 +573 283 4 885843817 +573 286 3 885843476 +573 347 4 885843476 +573 423 3 885844127 +573 479 4 885844051 +573 492 4 885843964 +573 495 2 885844339 +573 507 5 885844638 +573 513 4 885844395 +573 519 4 885844567 +573 523 4 885844007 +573 528 4 885843928 +573 632 4 885844007 +573 654 4 885844535 +573 657 4 885843928 +573 685 3 885843779 +573 713 4 885843817 +573 836 3 885844605 +573 1012 2 885844339 +574 100 5 891279712 +574 213 4 891279712 +574 242 5 891278860 +574 262 5 891279122 +574 268 5 891279174 +574 269 5 891279173 +574 270 3 891279121 +574 286 3 891278916 +574 288 4 891279174 +574 289 4 891279285 +574 303 3 891278962 +574 305 3 891279012 +574 310 4 891279012 +574 311 4 891279410 +574 312 4 891279410 +574 316 4 891279451 +574 319 5 891279236 +574 327 3 891279122 +574 328 3 891279174 +574 332 3 891279410 +574 333 3 891279285 +574 340 1 891279174 +574 344 5 891278962 +574 345 2 891278860 +574 346 4 891278962 +574 347 3 891278860 +574 358 2 891279520 +574 750 3 891278962 +574 754 4 891279122 +574 883 4 891279520 +574 887 4 891279214 +574 896 2 891279013 +574 900 4 891278860 +574 910 1 891279362 +574 1022 2 891278916 +574 1062 5 891279122 +575 79 5 878148199 +575 96 5 878148199 +575 98 4 878146853 +575 111 1 878148329 +575 127 2 878148137 +575 168 5 878148358 +575 176 4 878148087 +575 182 3 878148295 +575 294 1 878146447 +575 304 2 878146638 +575 318 5 878148087 +575 321 3 878146540 +575 357 5 878148388 +575 531 1 878148199 +575 603 5 878148012 +575 963 1 878148199 +576 1 4 886985079 +576 7 5 886985003 +576 15 4 886985104 +576 50 4 887081005 +576 100 4 886984965 +576 124 4 886985002 +576 125 4 886985177 +576 137 3 886985695 +576 204 4 886986445 +576 208 3 886986445 +576 210 4 886986400 +576 248 4 887169019 +576 255 3 887081086 +576 257 4 887168556 +576 275 3 886985695 +576 276 3 887080905 +576 294 3 886960098 +576 319 3 886985695 +576 323 3 886960604 +576 324 2 887168978 +576 471 4 886986237 +576 475 1 887168978 +576 514 5 886986400 +576 678 3 886960535 +576 763 3 886985695 +576 815 3 886985695 +577 1 5 880470282 +577 4 4 880474635 +577 5 4 880475318 +577 7 2 880470447 +577 8 4 880474257 +577 11 2 880474293 +577 12 4 880474257 +577 15 3 880470350 +577 22 5 880472153 +577 25 4 880470504 +577 28 5 880472077 +577 29 3 880474903 +577 31 4 880474216 +577 38 2 880475453 +577 40 4 880475435 +577 44 3 880474934 +577 48 5 880474530 +577 49 4 880474955 +577 50 4 880474394 +577 54 4 880474903 +577 55 3 880474694 +577 56 3 880474934 +577 58 4 880474414 +577 62 3 880475504 +577 63 4 880476606 +577 64 5 880474394 +577 65 5 880475539 +577 68 4 880475021 +577 69 4 880474829 +577 71 5 880474433 +577 77 3 880475561 +577 79 4 880474530 +577 82 4 880474433 +577 85 3 880475170 +577 87 5 880474216 +577 88 3 880475226 +577 96 4 880474257 +577 97 5 880472153 +577 98 4 880474530 +577 99 3 880474674 +577 100 4 880470350 +577 102 4 880475043 +577 110 4 880475581 +577 111 4 880470604 +577 118 3 880471658 +577 121 5 880470258 +577 125 4 880470604 +577 132 4 880472153 +577 133 4 880474694 +577 140 4 880475043 +577 143 3 880474635 +577 147 4 880470604 +577 151 4 880470604 +577 161 5 880475561 +577 168 5 880472124 +577 172 4 880472124 +577 173 5 880472055 +577 174 5 880475043 +577 176 5 880474311 +577 179 2 880474829 +577 181 5 880474612 +577 183 5 880474747 +577 186 4 880472153 +577 191 4 880472055 +577 194 4 880474216 +577 196 5 880474357 +577 200 3 880475226 +577 202 4 880474787 +577 203 3 880474455 +577 208 4 880474556 +577 210 3 880474715 +577 215 5 880474556 +577 216 4 880472124 +577 217 5 880475363 +577 218 3 880475269 +577 225 4 880470827 +577 226 4 880475094 +577 228 3 880474338 +577 230 3 880474357 +577 234 3 880474257 +577 237 4 880470323 +577 240 3 880470884 +577 241 5 880474766 +577 265 5 880474851 +577 281 3 880470447 +577 294 4 880469903 +577 298 4 884819086 +577 307 3 890089564 +577 313 4 890089462 +577 317 5 880474871 +577 318 5 880472055 +577 338 3 880469983 +577 356 4 880474903 +577 365 5 880475504 +577 380 3 880474991 +577 385 5 880474530 +577 393 4 880475363 +577 399 4 880475269 +577 402 4 880475318 +577 403 4 880475187 +577 405 3 880470282 +577 407 4 880471271 +577 409 5 880470682 +577 410 3 880471170 +577 423 4 880472124 +577 425 2 880474808 +577 427 4 880474715 +577 436 4 880475339 +577 443 4 880475269 +577 447 3 880475226 +577 452 3 880475644 +577 465 4 880474851 +577 468 3 880474766 +577 470 5 880475245 +577 472 4 880470570 +577 496 5 880474455 +577 531 4 890089749 +577 545 3 880476578 +577 546 3 880470483 +577 549 5 880475539 +577 550 3 880475130 +577 559 3 880474903 +577 560 3 880475363 +577 561 4 880474955 +577 566 4 880474216 +577 568 3 880475021 +577 579 4 880475602 +577 582 4 880475540 +577 588 4 880474808 +577 595 4 880471170 +577 623 5 880475149 +577 627 5 880475339 +577 651 5 880475043 +577 655 4 880474394 +577 660 3 880474613 +577 663 5 880474612 +577 665 4 880475644 +577 673 3 880474851 +577 693 1 880475408 +577 708 3 880475067 +577 720 4 880475043 +577 727 5 880474747 +577 728 3 880475226 +577 732 4 880474414 +577 735 5 880474338 +577 739 3 880474871 +577 742 4 880470504 +577 763 3 880470638 +577 768 3 880474787 +577 770 4 880475149 +577 795 3 880476630 +577 808 3 880475094 +577 819 3 880470604 +577 823 3 880471304 +577 826 4 880470852 +577 829 3 880470884 +577 845 4 880471578 +577 866 5 880470570 +577 932 3 880471287 +577 939 5 880474933 +577 941 4 880475435 +577 949 2 880475408 +577 1028 4 880470764 +577 1032 3 880475561 +577 1033 4 880471170 +577 1035 3 880475130 +577 1042 4 880475286 +577 1044 4 880475504 +577 1046 4 880475226 +577 1054 3 880471823 +577 1147 4 880474394 +577 1209 4 880476578 +577 1219 3 880475067 +577 1271 3 880475581 +577 1291 3 880471954 +577 1336 1 880472018 +577 1517 3 880475644 +577 1531 4 880475408 +578 222 4 888957788 +578 245 3 887229523 +578 246 2 890939697 +578 268 2 890939697 +578 272 2 888957735 +578 288 3 887229335 +578 298 4 888957584 +578 300 4 887229386 +578 313 5 887229355 +578 324 1 888957735 +578 325 1 888957735 +578 346 3 887229335 +578 751 3 887229503 +578 1016 4 888957666 +579 4 2 880952271 +579 7 3 880952006 +579 25 4 880952335 +579 49 3 880952360 +579 50 5 880951984 +579 56 3 880952360 +579 65 3 880951944 +579 66 4 880952516 +579 69 2 880951868 +579 70 3 880952299 +579 82 3 880951783 +579 88 4 880952440 +579 100 4 880952201 +579 111 4 880952142 +579 153 4 880952335 +579 169 4 880951867 +579 173 5 880951765 +579 183 4 880952038 +579 186 3 880952237 +579 194 5 880952271 +579 202 5 880952270 +579 204 3 880952201 +579 209 4 880951944 +579 210 3 880951944 +579 211 3 880952476 +579 216 5 880952299 +579 228 3 880951984 +579 234 3 880951708 +579 238 3 880952201 +579 245 2 880951595 +579 258 5 880951444 +579 268 3 880951444 +579 269 3 880951346 +579 286 4 880951444 +579 288 4 880951346 +579 289 2 880951569 +579 294 4 880951494 +579 303 3 880951494 +579 326 3 880951494 +579 327 3 880951494 +579 331 3 880951346 +579 333 4 880951372 +579 381 3 880952360 +579 382 3 880952237 +579 393 4 880952409 +579 408 3 880951740 +579 428 4 880952335 +579 433 3 880952237 +579 435 5 880952038 +579 514 3 880952165 +579 520 4 880951708 +579 523 3 880951740 +579 582 4 880952102 +579 603 5 880952006 +579 655 3 880952201 +579 676 3 880951784 +579 692 4 880952440 +579 709 5 880952142 +579 732 4 880952335 +579 748 3 880951569 +579 877 1 880951594 +579 1047 3 880952579 +579 1110 1 880952516 +579 1446 2 880952165 +580 1 3 884125243 +580 3 5 884125916 +580 15 3 884125339 +580 25 3 884125457 +580 50 5 884124927 +580 100 3 884124872 +580 121 4 884125457 +580 125 3 884125387 +580 147 3 884125658 +580 151 2 884126077 +580 181 5 884125042 +580 222 3 884125292 +580 249 5 884125243 +580 250 5 884125072 +580 252 5 884125829 +580 257 5 884125243 +580 258 5 884124103 +580 271 5 884124248 +580 282 5 884125292 +580 286 4 884124750 +580 288 5 884125658 +580 289 5 884124382 +580 323 2 884124383 +580 343 5 884124304 +580 348 3 884124382 +580 405 2 884126077 +580 455 4 884125492 +580 471 3 884125018 +580 546 1 884126077 +580 597 1 884126077 +580 619 3 884125175 +580 687 3 884124583 +580 748 2 884126077 +580 829 2 884126077 +580 866 4 884125856 +580 871 4 884125135 +580 1014 3 884125135 +581 7 4 879643079 +581 127 5 879643079 +581 137 5 879641787 +581 222 3 879641698 +581 253 5 879642333 +581 269 3 879641348 +581 275 3 879641787 +581 276 3 879641850 +581 285 5 879641533 +581 475 4 879641850 +581 515 4 879641533 +581 844 5 879642274 +581 922 5 879642333 +581 936 3 879643155 +581 1097 4 879641787 +581 1353 4 879641850 +581 1367 5 879641603 +581 1375 5 879641787 +582 1 4 882961257 +582 3 3 882961723 +582 7 5 882961082 +582 15 3 882961481 +582 25 3 882961608 +582 50 5 882961082 +582 100 5 882960863 +582 117 3 882961000 +582 118 2 882962523 +582 121 3 882961133 +582 125 3 882961632 +582 151 4 882961133 +582 181 4 882961301 +582 235 3 882962803 +582 237 3 882960941 +582 240 4 882961804 +582 257 3 882961608 +582 268 4 882960396 +582 269 4 882960418 +582 271 4 882960418 +582 293 5 882961082 +582 294 1 882960396 +582 300 3 882960446 +582 313 5 882960461 +582 321 3 882960555 +582 328 3 882960555 +582 369 1 882963114 +582 405 3 882962133 +582 410 3 882961481 +582 411 1 882962652 +582 455 1 882961481 +582 458 4 882961968 +582 472 4 882962561 +582 473 3 882962062 +582 475 5 882961000 +582 477 4 882961540 +582 508 4 882961082 +582 547 4 882961608 +582 597 3 882962267 +582 676 2 882961133 +582 742 3 882961082 +582 748 3 882960601 +582 760 3 882962886 +582 763 2 882961804 +582 831 2 882962561 +582 841 2 882962133 +582 919 5 882961540 +582 932 2 882963114 +582 988 1 882960718 +582 1014 4 882962247 +582 1033 2 882962030 +582 1215 4 882963027 +583 7 5 879384471 +583 55 4 879384404 +583 100 5 879384404 +583 195 4 879384404 +583 200 5 879384404 +583 258 4 879384094 +583 286 4 879384052 +583 357 5 879384575 +583 425 5 879384575 +583 483 5 879384338 +583 513 5 879384338 +583 519 5 879384338 +583 524 5 879384522 +583 530 4 879384404 +583 602 4 879384471 +583 655 5 879384471 +583 708 5 879384338 +584 25 3 885778571 +584 50 4 885777950 +584 108 3 885774575 +584 161 4 885778170 +584 181 4 885778120 +584 222 4 885774483 +584 227 4 885774172 +584 228 5 885774171 +584 230 4 885774171 +584 249 4 885774551 +584 423 4 885778263 +584 431 3 885774702 +584 450 2 885778571 +584 541 3 885774508 +585 10 3 891286256 +585 14 4 891282808 +585 18 2 891283124 +585 19 3 891282808 +585 20 4 891285658 +585 30 4 891284393 +585 45 5 891282808 +585 52 3 891284184 +585 59 4 891283124 +585 60 4 891282808 +585 61 4 891283338 +585 70 5 891286256 +585 83 3 891282808 +585 86 5 891284016 +585 116 3 891284393 +585 165 4 891284184 +585 166 4 891283338 +585 170 5 891282573 +585 171 3 891285491 +585 190 4 891282808 +585 198 5 891283921 +585 207 5 891284016 +585 212 5 891282894 +585 213 5 891284393 +585 224 2 891283681 +585 275 4 891283124 +585 283 4 891283124 +585 286 4 891281385 +585 313 3 891281385 +585 340 2 891281651 +585 462 3 891283124 +585 509 4 891283000 +585 510 5 891284016 +585 529 3 891283124 +585 543 3 891284393 +585 557 4 891285820 +585 584 3 891286256 +585 634 4 891285491 +585 638 4 891284016 +585 639 4 891283921 +585 640 2 891284816 +585 652 4 891285658 +585 707 5 891282894 +585 713 4 891282808 +585 736 4 891284184 +585 740 4 891284588 +585 855 3 891284184 +585 919 2 891283681 +585 923 5 891282808 +585 970 3 891284915 +585 971 3 891282894 +585 1005 4 891283339 +585 1009 5 891285491 +585 1018 2 891286059 +585 1021 3 891283681 +585 1121 4 891283339 +585 1149 4 891283921 +585 1155 5 891285820 +585 1158 4 891282573 +585 1193 5 891282894 +585 1319 2 891285820 +585 1323 3 891284588 +585 1344 3 891282573 +585 1449 5 891283338 +585 1475 3 891283681 +585 1485 3 891283124 +585 1501 4 891284393 +585 1535 4 891284816 +585 1558 5 891282893 +585 1623 4 891283921 +586 3 5 884068767 +586 11 3 884059693 +586 17 5 884060807 +586 22 3 884058708 +586 23 2 884058674 +586 27 3 884062405 +586 28 3 884066087 +586 29 5 884062405 +586 31 4 884064631 +586 33 5 884061807 +586 44 3 884065692 +586 50 4 884057387 +586 51 4 884066336 +586 53 5 884061084 +586 54 3 884068393 +586 56 5 884060112 +586 67 5 884067059 +586 68 4 884062010 +586 69 4 884059426 +586 72 2 884067378 +586 76 5 884059196 +586 77 3 884065719 +586 79 4 884058986 +586 80 2 884067003 +586 82 2 884062010 +586 83 2 884059196 +586 85 3 884067003 +586 92 3 884061459 +586 96 4 884059110 +586 117 4 884057578 +586 118 4 884062671 +586 121 5 884062010 +586 123 3 884057661 +586 127 4 884057313 +586 144 4 884059287 +586 153 2 884058956 +586 155 3 884067874 +586 156 4 884064459 +586 159 4 884065719 +586 160 4 884066360 +586 161 5 884062671 +586 164 2 884059486 +586 172 4 884058708 +586 173 3 884059287 +586 174 4 884058898 +586 176 3 884061623 +586 177 3 884061343 +586 181 4 884057344 +586 182 3 884066016 +586 183 4 884059196 +586 184 2 884060807 +586 185 2 884058860 +586 186 2 884059287 +586 188 2 884058956 +586 195 4 884058956 +586 200 4 884060941 +586 202 4 884066689 +586 204 3 884066723 +586 210 4 884059027 +586 215 4 884066141 +586 217 5 884061084 +586 218 3 884060705 +586 222 3 884057387 +586 226 4 884061806 +586 227 2 884062010 +586 228 3 884061459 +586 229 3 884062742 +586 230 2 884061623 +586 231 3 884062010 +586 232 3 884058809 +586 233 4 884062405 +586 234 3 884060614 +586 235 3 884066859 +586 237 4 884057783 +586 238 2 884059027 +586 239 3 884067058 +586 240 3 884066799 +586 241 4 884061623 +586 249 2 884058005 +586 250 3 884057661 +586 254 4 884064246 +586 257 3 884057471 +586 265 5 884062405 +586 273 5 884057692 +586 276 3 884057692 +586 284 3 884057518 +586 288 4 884057861 +586 295 3 884068393 +586 318 3 884065986 +586 356 4 884065692 +586 358 4 884069523 +586 379 4 884060941 +586 385 3 884058956 +586 393 3 884066799 +586 397 3 884063080 +586 403 4 884061807 +586 405 5 884061807 +586 410 3 884057783 +586 411 2 884067199 +586 423 2 884058708 +586 427 3 884066016 +586 431 3 884061343 +586 436 2 884060807 +586 451 4 884067422 +586 452 3 884060941 +586 467 4 884066230 +586 468 3 884066087 +586 470 4 884064631 +586 496 3 884059426 +586 541 3 884063080 +586 550 4 884061459 +586 551 2 884061189 +586 566 3 884062621 +586 568 3 884061623 +586 569 3 884060807 +586 576 3 884062671 +586 578 3 884062621 +586 581 2 884065745 +586 586 2 884063080 +586 591 3 884058249 +586 651 3 884059287 +586 655 4 884066294 +586 672 2 884061084 +586 676 3 884066112 +586 679 3 884062742 +586 693 3 884066060 +586 696 3 884065851 +586 720 4 884062742 +586 735 3 884066230 +586 742 3 884057578 +586 761 3 884062742 +586 763 4 884067105 +586 779 3 884062856 +586 780 4 884067151 +586 790 3 884067151 +586 800 3 884061189 +586 806 4 884058611 +586 808 3 884062405 +586 809 3 884061459 +586 820 4 884057412 +586 841 3 884063854 +586 849 3 884062742 +586 926 4 884067199 +586 928 3 884065665 +586 930 2 884063080 +586 939 4 884064459 +586 978 2 884065825 +586 1042 4 884065773 +586 1046 3 884064912 +586 1047 3 884067058 +586 1090 3 884065797 +586 1207 2 884065879 +586 1218 5 884066959 +586 1249 3 884067058 +586 1273 4 884065825 +586 1407 3 884063080 +587 243 3 892871401 +587 245 1 892871253 +587 258 4 892871069 +587 259 4 892871223 +587 260 4 892871284 +587 262 4 892871069 +587 264 4 892871400 +587 266 1 892871536 +587 268 4 892871068 +587 269 3 892870956 +587 270 4 892871171 +587 271 4 892871310 +587 272 5 892870956 +587 286 4 892870992 +587 288 4 892870992 +587 289 3 892871113 +587 292 3 892871141 +587 294 3 892871197 +587 300 4 892871171 +587 301 3 892871197 +587 302 3 892870956 +587 304 4 892871141 +587 305 4 892871068 +587 307 4 892870992 +587 308 3 892871642 +587 310 3 892870992 +587 312 2 892871563 +587 313 5 892870956 +587 315 4 892870956 +587 316 4 892870992 +587 319 3 892871113 +587 321 2 892871113 +587 322 3 892871113 +587 323 4 892871284 +587 325 5 892871252 +587 326 3 892871284 +587 328 1 892871284 +587 330 3 892871372 +587 331 3 892871197 +587 332 4 892871171 +587 333 4 892871031 +587 334 3 892871171 +587 338 4 892871462 +587 339 3 892871284 +587 340 5 892871141 +587 342 1 892871503 +587 343 4 892871337 +587 350 3 892871372 +587 351 2 892871683 +587 353 2 892871706 +587 355 3 892871610 +587 358 3 892871284 +587 539 3 892871437 +587 678 2 892871438 +587 680 1 892871503 +587 681 2 892871641 +587 682 3 892871372 +587 687 1 892871683 +587 688 3 892871536 +587 689 1 892871438 +587 690 3 892871252 +587 691 4 892871031 +587 749 2 892871223 +587 750 3 892871113 +587 873 3 892871284 +587 876 2 892871536 +587 877 2 892871372 +587 878 2 892871641 +587 880 3 892871536 +587 886 2 892871171 +587 887 2 892871310 +587 888 3 892871563 +587 890 1 892871503 +587 892 3 892871462 +587 895 4 892871113 +587 902 2 892871584 +587 905 3 892871503 +587 914 4 892871031 +587 916 3 892871610 +587 918 3 892871113 +587 937 4 892871031 +587 938 2 892871141 +587 988 2 892871641 +587 989 2 892871438 +587 1265 4 892871252 +587 1483 4 892871337 +587 1624 2 892871752 +587 1625 4 892871732 +588 1 4 890015684 +588 7 3 890024611 +588 8 5 890023557 +588 12 5 890015324 +588 15 5 890015608 +588 21 5 890015791 +588 22 5 890024195 +588 24 2 890015766 +588 25 4 890024677 +588 28 5 890024051 +588 29 3 890027063 +588 40 4 890026154 +588 42 5 890024529 +588 50 5 890024427 +588 51 4 890026395 +588 56 4 890024246 +588 62 2 890027865 +588 63 5 890028385 +588 66 3 890023646 +588 67 1 890032343 +588 68 5 890026705 +588 69 2 890023556 +588 72 4 890026939 +588 73 3 890026262 +588 79 4 890023722 +588 82 5 890024829 +588 83 5 890015435 +588 85 5 890026882 +588 88 5 890024730 +588 91 5 890026656 +588 94 2 890027865 +588 95 4 890015722 +588 97 2 890023587 +588 98 1 890015324 +588 99 5 890023646 +588 100 1 890015374 +588 107 5 890030781 +588 110 3 890027247 +588 111 1 890028509 +588 117 4 890027062 +588 118 3 890026210 +588 121 5 890026154 +588 125 3 890026154 +588 131 5 890024918 +588 132 5 890015476 +588 133 5 890015894 +588 142 5 890024117 +588 143 5 890015684 +588 151 4 890026263 +588 154 4 890024529 +588 155 5 890026882 +588 159 1 890029795 +588 161 4 890015580 +588 162 5 890026339 +588 164 5 890026262 +588 165 2 890015649 +588 168 5 890024002 +588 172 5 890026459 +588 173 5 890024677 +588 174 3 890015323 +588 178 5 890015323 +588 181 5 890015608 +588 184 4 890025951 +588 186 4 890024079 +588 202 1 890015500 +588 206 4 890025023 +588 208 3 890023879 +588 210 4 890015500 +588 215 5 890024564 +588 216 5 890024781 +588 217 4 890030473 +588 220 5 890025023 +588 222 3 890015722 +588 225 5 890027113 +588 230 1 890023692 +588 231 4 890028987 +588 234 5 890024161 +588 237 2 890015894 +588 239 5 890025704 +588 258 4 890014591 +588 260 2 890014930 +588 265 5 890025621 +588 268 5 890014648 +588 272 5 890014748 +588 275 3 890024246 +588 278 5 890027600 +588 282 5 890015894 +588 283 4 890015835 +588 286 4 890014710 +588 288 4 890014818 +588 289 2 890015063 +588 294 4 890014887 +588 301 5 890015021 +588 307 4 890014887 +588 313 5 890014782 +588 315 4 890014591 +588 316 5 890015021 +588 318 4 890015435 +588 326 4 890014782 +588 333 5 890014710 +588 347 5 890014648 +588 354 5 890014930 +588 356 4 890025751 +588 362 3 890014710 +588 366 5 890027430 +588 367 5 890024117 +588 370 5 890031141 +588 378 3 890026059 +588 380 3 890028987 +588 382 3 890024730 +588 384 1 890032013 +588 385 3 890023557 +588 386 2 890029445 +588 393 4 890026939 +588 395 4 890030781 +588 399 3 890027379 +588 402 5 890026882 +588 403 3 890027525 +588 404 3 890026656 +588 417 5 890026009 +588 419 5 890023646 +588 421 5 890023830 +588 423 3 890015649 +588 428 4 890024730 +588 433 5 890024246 +588 443 3 890024876 +588 447 3 890026009 +588 451 5 890026059 +588 463 4 890023879 +588 468 3 890015835 +588 471 5 890024289 +588 472 4 890026059 +588 475 2 890015684 +588 483 4 890015500 +588 485 5 890015835 +588 496 3 890023879 +588 531 3 890015722 +588 542 3 890026787 +588 550 3 890026513 +588 552 1 890031021 +588 553 4 890025864 +588 554 3 890032281 +588 559 5 890025951 +588 561 3 890027780 +588 566 2 890023557 +588 568 4 890024876 +588 570 4 890032281 +588 578 5 890029212 +588 584 3 890024677 +588 588 4 890023692 +588 597 4 890026543 +588 602 3 890015580 +588 623 3 890026939 +588 625 3 890024325 +588 638 4 890024289 +588 645 5 890024488 +588 652 2 890026339 +588 655 3 890025864 +588 658 5 890025751 +588 660 4 890024002 +588 678 2 890015063 +588 684 4 890024246 +588 692 4 890024051 +588 697 5 890024002 +588 699 4 890024385 +588 713 3 890015791 +588 716 5 890028167 +588 720 4 890027247 +588 723 2 890026459 +588 724 2 890015648 +588 728 3 890027707 +588 729 3 890024488 +588 731 2 890026705 +588 732 4 890024325 +588 735 5 890024196 +588 739 4 890025704 +588 742 4 890024002 +588 747 4 890025797 +588 751 3 890014887 +588 755 3 890025797 +588 762 4 890026705 +588 778 3 890027600 +588 781 2 890028509 +588 783 4 890027297 +588 810 4 890029445 +588 815 4 890024829 +588 821 4 890026339 +588 832 1 890027865 +588 842 3 890015542 +588 846 4 890025621 +588 873 3 890014887 +588 880 1 890014996 +588 928 4 890027063 +588 934 4 890030736 +588 941 5 890026513 +588 959 5 890026459 +588 969 5 890023831 +588 1039 4 890024611 +588 1041 2 890027063 +588 1044 4 890025674 +588 1053 3 890027780 +588 1058 2 890030656 +588 1061 5 890024876 +588 1074 5 890032056 +588 1078 4 890026999 +588 1091 4 890027865 +588 1098 4 890026656 +588 1180 2 890032056 +588 1219 2 890028385 +588 1240 5 890025864 +588 1311 1 890029079 +588 1411 1 890032421 +588 1428 5 890032056 +588 1469 3 890026705 +588 1508 3 890029795 +589 243 3 883352735 +589 258 2 883352463 +589 271 3 883352654 +589 272 5 883352535 +589 286 3 883352372 +589 294 5 883352600 +589 300 5 883352600 +589 301 2 883352535 +589 304 5 883352599 +589 307 1 883352402 +589 310 5 883352494 +589 322 3 883352631 +589 323 2 883352631 +589 324 1 883352402 +589 326 1 883352600 +589 328 5 883352562 +589 332 4 883352536 +589 333 5 883352402 +589 334 1 883352631 +589 336 1 883352535 +589 338 3 883352654 +589 339 5 883352494 +589 538 5 883352494 +589 682 4 883352494 +589 688 4 883352707 +589 689 4 883352787 +589 690 4 883352600 +589 749 3 883352631 +589 751 4 883352562 +589 873 5 883352600 +589 877 4 883352562 +589 879 4 883352654 +589 892 4 883352762 +590 6 5 879439145 +590 9 3 879438972 +590 13 4 879438972 +590 14 5 879438852 +590 15 3 879438936 +590 19 5 879438735 +590 111 3 879438936 +590 116 5 879439196 +590 124 5 879438735 +590 125 3 879439509 +590 127 4 879439645 +590 130 1 879439567 +590 137 5 879438878 +590 237 3 879438911 +590 248 4 879439645 +590 255 1 879439374 +590 274 3 879439256 +590 275 4 879439645 +590 282 2 879439374 +590 284 2 879439345 +590 286 5 879439645 +590 287 4 879439645 +590 293 3 879439114 +590 298 2 879438911 +590 475 4 879439645 +590 476 3 879439345 +590 515 3 879438972 +590 546 1 879439538 +590 547 4 879439086 +590 591 3 879439256 +590 676 4 879439060 +590 740 4 879439645 +590 744 4 879438769 +590 1009 3 879439483 +590 1014 3 879439283 +590 1061 2 879439538 +590 1129 3 879438735 +590 1331 4 879439645 +591 4 4 891040366 +591 8 3 891031203 +591 13 4 891039637 +591 25 4 891039658 +591 26 3 891031526 +591 45 5 891031257 +591 47 3 891031426 +591 48 4 891031286 +591 64 5 891031203 +591 66 2 891031526 +591 70 4 891031321 +591 72 3 891040366 +591 79 4 891031171 +591 85 3 891031500 +591 86 5 891031171 +591 88 3 891031525 +591 94 3 891031603 +591 100 5 891039565 +591 110 2 891031676 +591 116 4 891039616 +591 127 4 891031203 +591 168 3 891031724 +591 172 3 891031116 +591 182 3 891031171 +591 194 4 891031171 +591 196 4 891031116 +591 202 3 891031469 +591 210 3 891031469 +591 211 4 891031469 +591 216 4 891031426 +591 235 3 891039676 +591 237 3 891039974 +591 238 5 891031228 +591 275 4 891039974 +591 283 4 891039565 +591 285 5 891039565 +591 300 3 891030956 +591 306 5 891030956 +591 357 5 891031228 +591 367 3 891031403 +591 381 4 891040366 +591 393 4 891031644 +591 428 4 891031500 +591 435 4 891031724 +591 451 3 891040366 +591 466 3 891031116 +591 487 4 891031203 +591 508 4 891039616 +591 511 3 891031145 +591 514 4 891031383 +591 516 3 891031469 +591 517 4 891040366 +591 523 4 891031724 +591 580 2 891031526 +591 603 5 891031116 +591 615 4 891031116 +591 655 4 891031469 +591 662 3 891031145 +591 709 4 891031426 +591 710 3 891031603 +591 712 3 891040366 +591 732 3 891031500 +591 792 4 891031383 +591 856 4 891040366 +591 866 3 891039658 +591 921 4 891031257 +591 923 4 891031116 +591 934 3 891039769 +591 954 3 891031403 +591 956 4 891031286 +591 1028 3 891039658 +591 1041 2 891031644 +591 1111 4 891031603 +591 1120 4 891039637 +592 1 4 882608021 +592 3 4 882608960 +592 4 4 882956418 +592 7 5 882607986 +592 8 5 882955582 +592 9 5 882608182 +592 11 5 882955978 +592 12 5 882955825 +592 13 5 882608401 +592 14 5 882607986 +592 15 5 882608457 +592 22 5 882955506 +592 23 5 882955735 +592 24 4 882608021 +592 28 4 882956586 +592 32 5 882956067 +592 42 5 882955918 +592 47 5 882955889 +592 48 5 882955735 +592 55 4 882956067 +592 56 5 882955948 +592 58 5 882956388 +592 59 4 882956718 +592 60 4 882955460 +592 61 4 882956586 +592 64 5 882956039 +592 69 5 882956201 +592 70 4 882956803 +592 71 4 882956668 +592 81 4 882956201 +592 87 4 882956467 +592 89 4 882955543 +592 92 5 882956358 +592 93 4 882608061 +592 95 4 882956276 +592 96 5 882956241 +592 97 4 882956718 +592 98 5 882955918 +592 99 5 882955663 +592 100 5 882608182 +592 109 4 882608145 +592 116 4 882608182 +592 117 5 882608234 +592 118 3 882609056 +592 121 4 882608573 +592 122 4 882608960 +592 123 4 882608573 +592 125 2 882608795 +592 127 5 882608021 +592 129 5 882608457 +592 132 5 882955794 +592 134 5 882955794 +592 135 5 882955765 +592 137 5 882608145 +592 140 3 882956551 +592 144 5 882956668 +592 147 4 882608357 +592 148 2 882608961 +592 149 4 882607910 +592 150 5 882607955 +592 151 4 882608402 +592 157 5 882955918 +592 168 5 882955825 +592 169 5 882955663 +592 170 5 882955703 +592 172 5 882956011 +592 173 5 882956276 +592 174 5 882955918 +592 176 5 882956039 +592 178 5 882956241 +592 179 5 882956761 +592 180 5 882956102 +592 181 3 882608182 +592 182 5 882955662 +592 183 5 882955613 +592 184 5 882956419 +592 185 5 882956201 +592 187 5 882956157 +592 188 5 882956387 +592 189 5 882955583 +592 191 5 882955735 +592 192 5 882955460 +592 193 5 882955948 +592 194 4 882955543 +592 195 4 882955863 +592 196 5 882955978 +592 197 5 882955863 +592 198 5 882956241 +592 201 5 882955794 +592 202 5 882956803 +592 203 5 882956276 +592 215 5 882956467 +592 216 4 882955978 +592 221 5 882608357 +592 222 1 882608145 +592 223 5 882955863 +592 224 5 882608357 +592 234 5 882955863 +592 235 3 882608662 +592 236 3 882608061 +592 237 4 882608061 +592 238 5 882956321 +592 242 5 882607286 +592 243 1 882607780 +592 245 1 882607434 +592 246 5 882608500 +592 248 4 882608279 +592 249 4 882608795 +592 250 4 882608145 +592 251 5 882607955 +592 252 3 882608915 +592 253 1 882608279 +592 255 4 882608915 +592 257 4 882608107 +592 258 5 882607476 +592 259 2 882607573 +592 260 4 882607690 +592 261 1 882607744 +592 262 5 882607356 +592 263 1 882607779 +592 264 2 882607528 +592 265 4 882956039 +592 266 1 882607744 +592 268 5 882607286 +592 269 4 882607286 +592 271 4 882607647 +592 272 5 882955387 +592 273 5 882607986 +592 276 5 882608401 +592 281 4 882608573 +592 282 4 882608572 +592 283 4 882956241 +592 285 5 882607910 +592 286 5 882607356 +592 287 3 882608457 +592 288 5 882607528 +592 289 4 882607606 +592 291 3 882609008 +592 292 1 882607434 +592 293 5 882607986 +592 294 3 882607434 +592 295 4 882608357 +592 298 5 882608061 +592 299 1 882607573 +592 301 1 882607573 +592 302 5 882607325 +592 303 5 882607325 +592 305 4 885280098 +592 306 5 882607528 +592 307 4 882607528 +592 312 2 882607780 +592 313 5 882955258 +592 315 5 885280156 +592 318 5 882955863 +592 319 4 882607434 +592 320 5 882955735 +592 322 1 882607647 +592 324 4 882607387 +592 325 2 882607647 +592 326 4 882607573 +592 327 4 882607387 +592 328 1 882607476 +592 330 3 882607606 +592 331 3 882607528 +592 332 3 882607286 +592 333 5 882607476 +592 334 3 882607476 +592 336 1 882607476 +592 338 2 882607647 +592 339 3 882607572 +592 340 5 882607476 +592 342 2 882607745 +592 343 3 882607476 +592 344 4 888553156 +592 345 4 888553233 +592 346 4 885280098 +592 347 4 885280098 +592 350 4 885280124 +592 354 4 888553156 +592 357 4 882956102 +592 358 1 882607690 +592 367 4 882956510 +592 382 4 882956761 +592 405 4 882608531 +592 408 5 882607955 +592 409 1 882609056 +592 410 5 882608402 +592 411 2 882608457 +592 421 5 882956158 +592 423 5 882955918 +592 425 5 882956467 +592 427 5 882955735 +592 431 2 882956510 +592 432 1 882956321 +592 443 5 882956158 +592 455 4 882608402 +592 457 1 882607779 +592 458 3 882608107 +592 460 3 882608873 +592 461 4 882955765 +592 463 4 882956321 +592 466 5 882955766 +592 467 5 882955582 +592 469 4 882955825 +592 471 4 882608234 +592 472 1 882608795 +592 475 5 882608107 +592 479 4 882956668 +592 480 4 882955662 +592 482 4 882955582 +592 483 5 882955613 +592 484 4 882956551 +592 501 4 882956276 +592 508 5 882608021 +592 512 5 882956803 +592 514 5 882955543 +592 518 5 882956011 +592 521 5 882955703 +592 522 5 882955662 +592 526 5 882956241 +592 527 5 882955889 +592 531 5 882955765 +592 533 4 882608827 +592 534 5 882608531 +592 544 4 882608107 +592 546 4 882608500 +592 547 4 882607910 +592 558 5 882955948 +592 568 5 882956201 +592 589 5 882955825 +592 591 4 882608402 +592 597 2 882609056 +592 603 5 882955543 +592 619 1 882608234 +592 628 3 882608107 +592 631 3 882956624 +592 652 4 882956467 +592 654 5 882955703 +592 655 5 882955543 +592 657 4 882956011 +592 678 2 882607690 +592 680 1 882607690 +592 681 1 882607780 +592 682 4 882607573 +592 683 1 882607745 +592 685 2 882608662 +592 686 5 882956387 +592 688 1 882607744 +592 689 2 882607690 +592 702 4 882956510 +592 705 5 882955978 +592 730 4 882956011 +592 735 5 882956158 +592 742 4 882608357 +592 744 3 882608500 +592 747 4 882956102 +592 748 2 882607434 +592 750 5 886394208 +592 751 3 882955258 +592 752 4 888553156 +592 754 3 882607325 +592 762 5 882608402 +592 763 5 882608531 +592 782 2 882956510 +592 789 4 882956419 +592 806 4 882956586 +592 813 4 882607955 +592 815 3 882608625 +592 820 3 882609057 +592 823 1 882609009 +592 825 1 882608795 +592 833 4 882608662 +592 844 4 882608021 +592 845 4 882608573 +592 847 5 882607986 +592 853 5 882956201 +592 854 5 882955948 +592 875 4 882607434 +592 876 1 882607690 +592 877 2 882607647 +592 881 1 882607476 +592 885 2 887257199 +592 886 3 882607476 +592 887 5 882607780 +592 890 1 882607745 +592 892 1 882607690 +592 893 1 882955292 +592 895 3 882607528 +592 898 2 887257199 +592 900 4 887257094 +592 919 5 882608061 +592 922 3 882608736 +592 925 3 882608915 +592 931 1 882608960 +592 936 4 882608315 +592 939 3 882956510 +592 952 4 882608699 +592 963 5 882955663 +592 971 4 882955978 +592 975 4 882608873 +592 984 1 882607690 +592 985 4 882608698 +592 988 1 882607745 +592 1008 4 882608357 +592 1009 3 882608662 +592 1010 5 882608357 +592 1011 4 882608699 +592 1012 5 882608401 +592 1014 4 882609009 +592 1016 4 882608145 +592 1017 4 882608279 +592 1022 5 885280183 +592 1023 1 882608873 +592 1025 1 882607745 +592 1039 4 882955582 +592 1047 1 882608736 +592 1048 3 882608625 +592 1059 3 882608457 +592 1060 2 882609057 +592 1067 5 882608698 +592 1070 5 882956158 +592 1071 4 882956668 +592 1073 5 882956276 +592 1079 1 882608873 +592 1082 3 882608625 +592 1085 3 882608625 +592 1097 4 882608021 +592 1129 5 882608021 +592 1134 5 882608234 +592 1142 5 882608145 +592 1143 5 882607872 +592 1166 3 882956668 +592 1184 5 882956551 +592 1187 4 882608358 +592 1199 5 882608358 +592 1226 4 882608873 +592 1258 1 882608960 +592 1264 4 882955460 +592 1265 1 882607690 +592 1275 3 882956624 +592 1276 1 882609057 +592 1281 3 882608795 +592 1315 2 882609056 +592 1319 1 882608234 +592 1356 4 882608915 +592 1377 3 882607872 +592 1514 5 882608625 +592 1609 1 882608698 +592 1620 1 882609057 +592 1623 4 882955794 +593 1 3 875659150 +593 4 4 877728878 +593 8 3 875673098 +593 9 3 875659306 +593 11 4 875660482 +593 15 4 875659636 +593 25 3 875659826 +593 26 4 875660886 +593 40 1 875671757 +593 49 3 875671891 +593 50 4 875660009 +593 51 3 875671982 +593 56 5 875658887 +593 58 4 875671579 +593 65 3 875671674 +593 66 5 875671807 +593 69 5 875660419 +593 70 5 875658983 +593 71 4 875661567 +593 73 2 875671807 +593 77 4 875671619 +593 83 5 886194064 +593 88 4 875672874 +593 97 4 877728878 +593 98 5 875661596 +593 100 5 875658824 +593 106 2 875660347 +593 111 5 875659576 +593 117 4 875659497 +593 118 4 875660009 +593 121 4 875660036 +593 122 1 875660347 +593 125 4 875659708 +593 126 5 875659777 +593 131 4 876506731 +593 133 4 876507391 +593 140 4 875671226 +593 143 4 886193303 +593 144 4 875660569 +593 153 5 875671107 +593 155 5 875671579 +593 157 3 875671732 +593 158 3 875671891 +593 159 4 875671302 +593 161 5 875671464 +593 162 5 875671807 +593 163 4 876506675 +593 164 4 875671861 +593 173 5 877728878 +593 174 4 875660546 +593 179 5 877728878 +593 181 4 875658800 +593 182 2 886193627 +593 183 4 875670915 +593 193 4 886193361 +593 196 5 875670939 +593 200 5 875661567 +593 204 4 875660886 +593 216 5 875671277 +593 220 3 875660274 +593 223 5 888872089 +593 233 2 875671549 +593 237 4 877728878 +593 238 4 877728878 +593 241 5 875672874 +593 245 3 888872154 +593 255 5 875659055 +593 272 5 888871874 +593 274 3 875659849 +593 275 3 875658862 +593 276 1 875659150 +593 278 3 875659686 +593 280 3 875660194 +593 282 5 875659518 +593 283 4 875659665 +593 284 4 875659236 +593 285 2 886193129 +593 286 5 875660009 +593 288 4 877728878 +593 293 1 877727988 +593 301 4 877728878 +593 313 4 888871903 +593 318 5 875671413 +593 322 2 875644752 +593 357 5 875661486 +593 366 4 875671255 +593 371 3 875659076 +593 385 4 886194041 +593 393 4 886194041 +593 402 4 875672970 +593 405 3 875659943 +593 417 5 875671598 +593 423 4 875671505 +593 451 3 875672999 +593 468 3 886193438 +593 470 2 875671062 +593 471 3 875659826 +593 476 2 875659943 +593 478 5 875660788 +593 496 5 875671198 +593 501 2 886193661 +593 535 3 875659943 +593 546 3 875659849 +593 553 2 875672852 +593 568 4 886193361 +593 580 1 876507120 +593 584 3 875671579 +593 591 4 877728878 +593 597 2 875660347 +593 609 3 886194241 +593 619 3 877727927 +593 631 3 886194296 +593 659 5 875671464 +593 660 5 875671372 +593 661 2 886193103 +593 685 3 875660081 +593 692 3 886193724 +593 699 4 875671334 +593 723 4 875671890 +593 724 3 875670796 +593 732 3 875660850 +593 735 4 886193600 +593 739 5 875672970 +593 742 4 888872002 +593 744 3 886193049 +593 747 4 877728878 +593 761 2 875671951 +593 762 4 875659849 +593 763 3 875660105 +593 775 3 875672949 +593 781 3 875671334 +593 807 4 875672999 +593 815 3 875659826 +593 845 3 875671033 +593 846 2 875660295 +593 866 5 875660236 +593 949 2 875672949 +593 966 5 886193788 +593 974 2 875660347 +593 977 3 875660215 +593 1012 3 877727961 +593 1014 1 875659755 +593 1016 4 888872636 +593 1028 3 875659896 +593 1119 5 875660823 +593 1221 3 875671982 +594 15 4 874783052 +594 19 3 874781004 +594 100 4 874781004 +594 127 4 874781076 +594 199 4 877816302 +594 221 4 874781207 +594 242 4 875997093 +594 245 3 874780909 +594 269 4 877816219 +594 276 3 874783470 +594 292 3 874780864 +594 357 4 874786664 +594 483 3 874786695 +594 515 5 874781050 +594 520 4 874786664 +595 3 4 886922069 +595 9 4 886922069 +595 14 5 886921223 +595 15 4 886921423 +595 50 5 886921112 +595 100 4 886921112 +595 108 2 886921634 +595 109 2 886921365 +595 111 4 886921496 +595 121 2 886921550 +595 127 5 886921199 +595 129 3 886921088 +595 151 5 886921475 +595 181 5 886921199 +595 222 3 886921274 +595 235 3 886921392 +595 237 3 886921315 +595 240 3 886921424 +595 246 4 886921068 +595 255 3 886921392 +595 258 4 886920602 +595 268 4 886920576 +595 273 3 886921140 +595 274 3 886921584 +595 275 4 886921166 +595 282 4 886921344 +595 288 3 886920602 +595 290 4 886921748 +595 291 3 886921656 +595 293 4 886922069 +595 294 2 886920748 +595 298 4 886921166 +595 304 3 886920774 +595 324 3 886920632 +595 325 3 886920774 +595 330 4 886920819 +595 336 2 886920966 +595 346 4 886920576 +595 358 2 886920714 +595 368 1 886921977 +595 369 3 886921977 +595 410 4 886921315 +595 411 3 886921448 +595 460 4 886921699 +595 472 3 886921847 +595 475 5 886921166 +595 508 5 886921199 +595 544 3 886921699 +595 546 4 886922069 +595 547 4 886922069 +595 591 4 886921344 +595 597 2 886921634 +595 676 2 886921140 +595 678 1 886920819 +595 717 2 886921977 +595 744 3 886921274 +595 748 2 886920655 +595 762 4 886922069 +595 815 3 886921584 +595 820 2 886921870 +595 824 3 886921748 +595 826 1 886921819 +595 844 4 886922069 +595 845 3 886921448 +595 864 4 886922069 +595 871 2 886921945 +595 880 3 886920819 +595 922 4 886921036 +595 926 1 886921897 +595 929 2 886921722 +595 930 2 886921870 +595 948 3 886920919 +595 952 5 886921424 +595 979 3 886921847 +595 986 2 886921945 +595 994 4 886921897 +595 1009 4 886921584 +595 1010 4 886922069 +595 1023 1 886921977 +595 1028 3 886921475 +595 1047 2 886921769 +595 1061 3 886921945 +595 1142 5 886921199 +595 1165 1 886921748 +595 1259 3 886921819 +595 1312 3 886921787 +596 50 5 883539402 +596 149 3 883539402 +596 222 3 883539402 +596 276 3 883539431 +596 286 4 883538815 +596 289 3 883539079 +596 295 4 883539402 +596 300 4 883539011 +596 328 5 883539103 +596 895 3 883539049 +597 1 3 875339723 +597 24 3 875341858 +597 50 5 875339876 +597 111 3 875342355 +597 118 3 875343067 +597 127 4 875340062 +597 151 4 875342314 +597 181 4 875340062 +597 225 4 875342875 +597 235 4 875340062 +597 250 4 875340939 +597 264 4 875339156 +597 275 4 875339876 +597 283 5 875340010 +597 286 3 875338983 +597 289 5 875338983 +597 294 4 875339083 +597 295 3 875340117 +597 323 3 875339041 +597 326 1 875339083 +597 477 5 875339970 +597 678 1 875339041 +597 688 4 875339132 +597 713 2 875340010 +597 742 4 875341603 +597 748 5 875339041 +597 763 4 875340191 +597 825 5 875343583 +597 990 2 875339041 +597 1016 4 875342355 +597 1534 1 875341758 +598 22 5 886711521 +598 243 2 886711192 +598 259 3 886710977 +598 260 3 886711034 +598 269 3 886710494 +598 286 5 886711452 +598 300 4 886710671 +598 312 5 886711452 +598 347 3 886710330 +598 538 4 886711452 +598 690 3 886710735 +598 691 2 886710330 +598 748 4 886711034 +598 751 3 886710494 +598 895 2 886710977 +599 1 4 880951657 +599 111 5 880951885 +599 220 5 880951479 +599 237 5 880951595 +599 245 3 880953441 +599 255 5 880951479 +599 260 1 880951113 +599 274 5 880952144 +599 276 2 880951439 +599 278 3 880953441 +599 280 5 880952229 +599 284 4 880952229 +599 288 4 880950997 +599 294 4 880951113 +599 319 2 880951046 +599 476 4 880953441 +599 508 3 880953441 +599 535 4 880952267 +599 546 4 880953441 +599 595 5 880952144 +599 748 4 880951144 +599 756 5 880952037 +599 763 5 880952316 +599 815 3 880953441 +599 845 5 880951974 +599 846 5 880952229 +599 866 2 880952229 +599 872 2 880951046 +599 888 5 880951249 +599 948 4 880951281 +599 975 5 880952357 +599 1014 4 880951885 +599 1048 2 880952357 +599 1277 4 880952496 +599 1278 5 880952185 +599 1315 4 880951743 +599 1357 2 880952905 +600 4 4 888451908 +600 11 5 888451665 +600 22 5 888451491 +600 27 3 888451977 +600 29 2 888452490 +600 38 3 888452491 +600 50 4 888451492 +600 53 4 888452563 +600 56 5 888451492 +600 62 4 888452151 +600 79 4 888451582 +600 82 5 888451583 +600 89 5 888451492 +600 96 5 888451664 +600 161 4 888451908 +600 172 4 888451665 +600 174 4 888451665 +600 176 5 888451665 +600 177 5 888451583 +600 181 4 888451491 +600 182 4 888451750 +600 183 5 888451750 +600 184 3 888451750 +600 187 5 888451750 +600 188 4 888451750 +600 195 4 888451492 +600 210 4 888451665 +600 226 4 888451977 +600 228 3 888451840 +600 230 4 888451839 +600 231 3 888452152 +600 232 3 888451839 +600 233 2 888452071 +600 241 5 888451582 +600 265 3 888451582 +600 269 4 888451388 +600 373 3 888452490 +600 385 3 888451582 +600 391 3 888452491 +600 399 4 888452491 +600 403 3 888451908 +600 431 3 888451908 +600 435 5 888451750 +600 449 4 888452564 +600 450 4 888453144 +600 510 5 888451665 +600 511 5 888451492 +600 515 5 888451492 +600 518 5 888451908 +600 526 4 888451750 +600 530 4 888451664 +600 540 3 888453083 +600 541 1 888451977 +600 550 4 888452071 +600 562 3 888452564 +600 566 3 888451908 +600 568 4 888451908 +600 570 4 888452563 +600 576 3 888451840 +600 578 2 888451839 +600 586 2 888453083 +600 651 4 888451492 +600 665 5 888452152 +600 679 2 888451839 +600 684 4 888451582 +600 720 3 888452151 +600 759 2 888453145 +600 761 4 888451977 +600 771 3 888452564 +600 779 2 888452564 +600 802 2 888453082 +600 810 3 888451977 +600 947 4 888452071 +600 1004 4 888451839 +600 1188 3 888452152 +600 1231 2 888452152 +600 1239 2 888452564 +600 1274 2 888453145 +600 1419 3 888452564 +601 8 3 876348736 +601 9 4 876347196 +601 12 3 876348947 +601 15 1 876347040 +601 21 3 876347113 +601 22 4 876348820 +601 39 1 876350443 +601 47 3 876349542 +601 50 5 876346810 +601 56 3 876349577 +601 58 1 876350400 +601 64 4 876349503 +601 65 4 876350017 +601 69 3 876348987 +601 71 1 876349937 +601 82 1 876351298 +601 87 4 876349503 +601 91 5 876349251 +601 96 2 876350185 +601 98 3 876348526 +601 99 3 876350536 +601 100 4 876346757 +601 107 4 876347113 +601 109 4 876346930 +601 118 1 876347320 +601 121 2 876347267 +601 123 1 876347148 +601 125 1 876347320 +601 127 4 876346810 +601 131 4 876350766 +601 132 5 876350104 +601 133 4 876350812 +601 135 4 876350443 +601 140 1 876351298 +601 141 4 876350443 +601 143 3 876351073 +601 148 3 876348140 +601 151 3 876346930 +601 153 4 876350060 +601 154 5 876350017 +601 156 4 876348782 +601 157 3 876349716 +601 163 4 876350400 +601 164 4 876350875 +601 168 5 876350944 +601 172 4 876348736 +601 173 5 876348736 +601 178 4 876348526 +601 179 5 876351073 +601 183 4 876348674 +601 184 3 876350230 +601 185 4 876349577 +601 186 4 876349542 +601 191 4 876350016 +601 195 3 876348611 +601 196 3 876349810 +601 198 4 876350104 +601 201 5 876349503 +601 204 2 876348783 +601 208 4 876350017 +601 210 4 876350060 +601 222 4 876347039 +601 225 1 876347462 +601 228 5 876350400 +601 230 4 876350583 +601 234 1 876348947 +601 238 2 876349897 +601 239 3 876350537 +601 241 4 876350652 +601 250 4 876346930 +601 258 5 876346344 +601 259 1 876346515 +601 260 4 876346633 +601 276 4 876346890 +601 284 4 876347523 +601 287 1 876348215 +601 288 1 876346515 +601 290 3 876350501 +601 294 1 876346515 +601 318 4 876348572 +601 325 4 876346551 +601 357 4 876349150 +601 365 3 876350812 +601 378 2 876351041 +601 382 4 876351582 +601 387 3 876350583 +601 389 2 876350537 +601 405 1 876347765 +601 406 2 876350998 +601 410 4 876347113 +601 411 2 876348107 +601 416 3 876350683 +601 418 2 876350766 +601 421 1 876350060 +601 427 4 876348736 +601 429 5 876349387 +601 431 4 876351413 +601 436 4 876350230 +601 443 4 876350766 +601 455 4 876347148 +601 472 1 876348177 +601 473 3 876347665 +601 475 4 876346890 +601 476 1 876347765 +601 479 4 876349358 +601 482 4 876350142 +601 483 4 876348782 +601 496 4 876349302 +601 504 4 876350300 +601 508 4 876346964 +601 584 4 876350142 +601 588 3 876350719 +601 591 3 876347267 +601 660 3 876349937 +601 671 4 876348572 +601 673 1 876351264 +601 740 4 876347196 +601 743 1 876348410 +601 763 5 876348035 +601 820 1 876348316 +601 840 2 876347599 +601 842 1 876351171 +601 864 1 876347320 +601 921 5 876351214 +601 928 1 876348140 +601 934 1 876348285 +601 949 2 876351214 +601 1028 2 876347557 +601 1039 4 876350185 +601 1047 1 876347557 +601 1063 3 876350340 +601 1079 3 876347148 +601 1084 5 876346849 +601 1116 4 876350944 +601 1135 2 876351141 +601 1296 1 876346344 +601 1540 2 876350017 +601 1615 4 876348107 +602 1 4 888638547 +602 9 4 888638490 +602 117 5 888638674 +602 118 3 888638703 +602 121 4 888638434 +602 237 4 888638547 +602 243 3 888638277 +602 257 4 888638618 +602 259 4 888638160 +602 261 3 888638248 +602 294 5 888637987 +602 300 3 888637847 +602 343 2 888638022 +602 358 4 888637965 +602 457 3 888638305 +602 508 3 888638618 +602 538 4 888638048 +602 880 4 888637925 +602 895 3 888637925 +603 7 5 891956075 +603 12 5 891955991 +603 22 4 891956776 +603 50 5 891955922 +603 56 4 891957053 +603 62 2 891955972 +603 89 5 891956825 +603 176 2 891956776 +603 180 4 891956946 +603 183 4 891957110 +603 210 4 891957110 +603 216 4 891957139 +603 222 4 891955922 +603 227 3 891955972 +603 228 3 891955922 +603 229 4 891955972 +603 250 5 891956173 +603 271 2 891955922 +603 273 1 891956124 +603 288 3 891956283 +603 294 4 891956330 +603 313 5 891956091 +603 326 4 891956344 +603 380 4 891955972 +603 385 4 891957012 +603 419 2 891957012 +603 429 5 891956981 +603 449 4 891955972 +603 450 3 891955972 +603 474 4 891956803 +603 747 3 891956897 +603 748 5 891956302 +603 751 4 891956242 +603 923 4 891957139 +603 988 4 891956529 +603 1240 5 891956058 +603 1483 5 891956283 +604 7 4 883668097 +604 48 5 883667946 +604 56 2 883668097 +604 98 2 883668097 +604 100 5 883668097 +604 127 4 883667946 +604 184 3 883668352 +604 218 3 883668175 +604 288 3 883668261 +604 441 2 883668261 +604 443 3 883668352 +604 447 4 883668352 +604 448 5 883668261 +604 558 4 883668175 +604 567 5 883668352 +604 637 4 883668261 +604 672 1 883668261 +605 1 4 879365748 +605 9 4 879365773 +605 12 4 881016144 +605 14 5 879427619 +605 22 4 879424548 +605 64 5 879425432 +605 69 5 879425432 +605 70 3 879424680 +605 79 5 879425432 +605 98 5 879425432 +605 100 5 879425432 +605 111 3 879425663 +605 117 2 879365748 +605 118 3 879429729 +605 121 1 879429706 +605 124 3 879365748 +605 126 5 880762240 +605 132 5 879425432 +605 133 5 879424661 +605 135 5 879424369 +605 143 1 879424345 +605 153 4 879424784 +605 176 4 879426339 +605 187 5 879425432 +605 191 5 879426212 +605 210 3 879424452 +605 215 3 879426163 +605 223 5 881015099 +605 237 3 879424661 +605 238 1 879424783 +605 245 3 879366335 +605 252 4 879510953 +605 255 2 879510904 +605 260 4 879365417 +605 269 4 879365101 +605 274 3 879425663 +605 275 4 879366177 +605 276 4 879365773 +605 282 4 879424743 +605 286 4 879365101 +605 288 5 879365158 +605 293 3 879366256 +605 294 4 879365219 +605 295 4 879366240 +605 300 2 879365101 +605 301 3 879365237 +605 302 4 879365132 +605 318 5 879426144 +605 325 2 879365219 +605 333 4 880554130 +605 338 2 881015064 +605 340 4 879365132 +605 357 5 879426180 +605 371 5 879427369 +605 405 3 879429706 +605 408 5 881016144 +605 462 5 881016176 +605 471 3 879365748 +605 475 3 879424369 +605 483 5 879425432 +605 496 5 879424600 +605 508 5 879425432 +605 521 5 879424743 +605 523 5 879424345 +605 526 5 879426371 +605 528 5 879424273 +605 546 2 879429729 +605 597 3 879427755 +605 619 4 880762205 +605 678 1 879366335 +605 754 3 879425457 +605 827 3 879429729 +605 831 1 879429729 +605 873 3 879365219 +605 879 3 879365417 +605 930 2 879429706 +605 934 4 879425706 +605 949 5 879427164 +605 1040 2 879425689 +605 1226 4 879510864 +606 1 5 878148365 +606 3 5 880922084 +606 7 4 878143509 +606 8 2 880923579 +606 11 5 880923579 +606 12 2 880924384 +606 22 5 880927357 +606 24 5 878143509 +606 25 5 878149689 +606 28 4 880924921 +606 31 4 880925199 +606 33 4 880928180 +606 38 4 880927923 +606 42 3 880926245 +606 48 4 880924483 +606 50 5 878142864 +606 55 4 880926245 +606 56 5 880924483 +606 58 3 880924483 +606 63 3 880927666 +606 64 5 880923579 +606 68 5 880927127 +606 69 4 880926339 +606 71 5 880923745 +606 79 3 880927127 +606 81 3 880924921 +606 82 5 880925646 +606 83 5 880925289 +606 87 4 880924483 +606 88 4 880926533 +606 89 5 880927358 +606 91 5 880926610 +606 93 4 878142865 +606 95 4 880924188 +606 97 5 880925453 +606 98 5 880923925 +606 99 4 880923799 +606 100 5 878146986 +606 103 3 880923349 +606 108 1 880923349 +606 111 4 878146986 +606 117 4 878143605 +606 118 4 878143785 +606 121 4 878148425 +606 124 3 878143246 +606 125 4 878148493 +606 127 4 878143509 +606 129 3 878142865 +606 132 5 880923925 +606 135 5 880926245 +606 138 3 880927923 +606 144 4 880924664 +606 148 3 878150506 +606 150 4 878143246 +606 151 5 878148493 +606 153 3 880926700 +606 154 3 880923862 +606 156 4 880924789 +606 157 4 880926018 +606 161 4 880926994 +606 168 5 880924557 +606 172 5 880924322 +606 173 5 880924859 +606 174 5 880924663 +606 175 4 880927127 +606 176 5 880923925 +606 178 5 880925579 +606 179 5 880927552 +606 180 4 880926245 +606 181 5 878143047 +606 183 5 880926162 +606 184 5 880924790 +606 185 3 880926759 +606 187 4 880926861 +606 188 4 880924921 +606 191 5 880923988 +606 194 4 880925199 +606 195 5 880926162 +606 196 4 880926759 +606 197 3 880926862 +606 198 4 880927665 +606 200 5 880923862 +606 201 4 880927417 +606 202 4 880924921 +606 203 5 880926084 +606 204 4 880924384 +606 206 4 880927552 +606 208 3 880925074 +606 209 4 880926018 +606 210 3 880924557 +606 211 5 880926759 +606 214 4 880926018 +606 215 4 880923925 +606 216 5 880925579 +606 222 3 878147770 +606 225 1 880923349 +606 228 5 880924663 +606 230 2 880926084 +606 234 4 880927179 +606 235 3 880922566 +606 236 3 878150506 +606 237 4 878148365 +606 238 4 880927179 +606 239 4 880926339 +606 248 5 887058736 +606 249 3 880922503 +606 250 4 878143047 +606 255 5 887061723 +606 257 5 880922503 +606 258 4 887058788 +606 260 3 887059561 +606 265 4 880924663 +606 273 4 878143509 +606 281 4 880922148 +606 282 4 878147641 +606 284 4 878148425 +606 287 4 880921656 +606 288 4 877641931 +606 293 5 878143605 +606 294 2 880923349 +606 298 4 880920725 +606 307 4 888334083 +606 313 5 887841727 +606 323 4 877642209 +606 326 4 889137188 +606 333 5 887059213 +606 385 4 880925200 +606 393 4 880925453 +606 404 4 880925200 +606 405 4 878148493 +606 410 3 880921656 +606 419 4 880924188 +606 421 4 880923989 +606 423 5 880925200 +606 427 4 880924106 +606 428 3 880927247 +606 432 5 880926339 +606 435 4 880923862 +606 441 4 880927750 +606 451 3 880927247 +606 455 2 880923349 +606 468 4 880923989 +606 471 4 878146986 +606 472 4 880921408 +606 475 4 878143785 +606 477 4 878143247 +606 483 5 880924921 +606 491 4 880923799 +606 498 4 880923862 +606 501 4 880926084 +606 507 4 880923689 +606 508 4 878147350 +606 516 4 880924859 +606 527 4 880924790 +606 530 4 880925074 +606 531 5 880924188 +606 537 2 880925074 +606 546 4 878149278 +606 549 4 880926862 +606 562 4 880928181 +606 568 4 880923988 +606 576 3 880927750 +606 585 4 880927358 +606 588 5 880923862 +606 591 3 880923349 +606 596 4 878149415 +606 619 4 880922565 +606 628 4 878143729 +606 637 3 880927750 +606 647 3 880924663 +606 651 4 880926018 +606 652 3 880925200 +606 655 4 880926469 +606 660 5 880926470 +606 662 4 880926162 +606 678 3 877642127 +606 684 3 880925579 +606 685 3 880923349 +606 692 5 880924790 +606 709 5 880927417 +606 713 4 878142865 +606 717 3 878147770 +606 729 4 880927247 +606 735 5 880926610 +606 746 5 880925394 +606 747 4 880927468 +606 748 3 880921753 +606 749 4 888333338 +606 756 3 878146986 +606 760 3 880923349 +606 763 5 887060488 +606 806 5 880923579 +606 816 2 880927358 +606 825 5 878149689 +606 827 3 880922625 +606 833 5 887060394 +606 841 3 880922625 +606 844 4 878149278 +606 845 4 878147770 +606 919 2 880923349 +606 924 5 880921408 +606 925 4 880922566 +606 926 3 880922625 +606 928 4 880928180 +606 939 4 880927247 +606 942 4 880926700 +606 951 2 880928181 +606 959 5 880927128 +606 963 5 880923925 +606 966 5 880923745 +606 969 5 880925074 +606 993 5 887059716 +606 1010 3 878149278 +606 1011 3 880921408 +606 1016 3 887062032 +606 1039 4 880923690 +606 1047 2 880923349 +606 1055 4 880923690 +606 1065 5 880924323 +606 1149 4 880925289 +606 1151 3 889137292 +606 1190 3 889137308 +606 1199 3 878143246 +606 1277 3 878148493 +606 1280 2 889137292 +606 1518 4 880926760 +607 19 3 883879613 +607 30 4 883880180 +607 56 5 883880155 +607 100 4 883879316 +607 137 4 883879556 +607 174 3 883879516 +607 211 5 883879556 +607 212 3 883880052 +607 213 4 883880027 +607 222 3 883879613 +607 238 4 883879556 +607 275 4 883879756 +607 311 4 883879971 +607 435 3 883879473 +607 462 4 883880110 +607 474 4 883879473 +607 475 4 883879811 +607 482 5 883879556 +607 483 4 883879379 +607 485 3 883879442 +607 494 5 883879556 +607 498 4 883879556 +607 511 5 883879556 +607 707 4 883880027 +607 855 4 883880027 +607 887 3 883878999 +607 950 3 883879691 +608 4 3 880406168 +608 8 2 880405484 +608 11 5 880405927 +608 16 2 880406950 +608 22 4 880405395 +608 23 5 880403239 +608 25 4 880406506 +608 28 4 880405484 +608 42 5 880406168 +608 44 4 880406469 +608 50 1 880403765 +608 56 5 880403690 +608 58 2 880406800 +608 59 5 880403856 +608 61 5 880404693 +608 64 4 880405165 +608 70 4 880406552 +608 76 4 880408115 +608 79 5 880405863 +608 83 5 880406862 +608 86 5 880403484 +608 92 3 880408150 +608 93 4 880406299 +608 97 3 880405659 +608 98 5 880403855 +608 100 4 880403280 +608 111 1 880406507 +608 126 1 880405165 +608 127 5 880403320 +608 131 4 880406032 +608 132 2 880403899 +608 133 4 880405165 +608 134 3 880403810 +608 136 3 880403280 +608 144 4 880405659 +608 157 1 880405085 +608 162 3 880406862 +608 163 1 880405085 +608 166 3 880403388 +608 168 1 880403810 +608 172 1 880405927 +608 174 3 880406506 +608 182 4 880403484 +608 185 5 880405484 +608 187 4 880403055 +608 190 4 880405527 +608 193 4 880405824 +608 195 1 880405527 +608 196 5 880405395 +608 197 5 880405431 +608 199 1 880403606 +608 204 4 880405527 +608 207 5 880404975 +608 213 4 880404693 +608 215 3 880406299 +608 216 5 880403239 +608 218 4 880406862 +608 234 5 880404847 +608 238 5 880403810 +608 262 3 880402368 +608 265 3 880406470 +608 268 4 880402983 +608 269 3 880402272 +608 275 5 880403810 +608 283 4 880406623 +608 286 4 880402272 +608 287 3 880406950 +608 288 5 880402982 +608 294 3 880402450 +608 300 1 880402327 +608 301 1 880402633 +608 303 4 880402983 +608 305 3 880402633 +608 306 4 880402983 +608 310 1 880402450 +608 317 5 880405527 +608 318 4 880404916 +608 319 4 880402983 +608 321 2 880402633 +608 327 2 880402450 +608 328 4 880402983 +608 332 4 880402982 +608 333 4 880402983 +608 337 4 880402982 +608 340 4 880402982 +608 357 5 880404916 +608 418 1 880405971 +608 419 4 880405702 +608 421 5 880406427 +608 423 4 880406727 +608 427 4 880403765 +608 443 5 880405824 +608 448 5 880406593 +608 461 4 880406507 +608 462 4 880406552 +608 469 3 880405395 +608 475 3 880405971 +608 478 3 880403606 +608 479 5 880404636 +608 480 3 880405165 +608 483 4 880404916 +608 487 4 880406032 +608 489 5 880403765 +608 499 4 880403484 +608 505 5 880406862 +608 506 4 880406728 +608 507 3 880403899 +608 508 4 880406593 +608 509 1 880403855 +608 514 5 880403320 +608 517 4 880403856 +608 549 4 880405824 +608 568 5 880406032 +608 603 5 880403537 +608 606 5 880404693 +608 607 5 880405395 +608 609 5 880406950 +608 611 3 880403537 +608 655 5 880405395 +608 658 3 880408150 +608 660 5 880406800 +608 673 4 880405484 +608 690 4 880402527 +608 693 3 880405927 +608 694 3 880405085 +608 695 5 880405565 +608 699 5 880406507 +608 702 1 880406862 +608 729 4 880407079 +608 735 4 880406799 +608 736 4 880403484 +608 742 4 880406299 +608 753 5 880405395 +608 789 3 880405971 +608 848 4 880403690 +608 865 4 880403537 +608 886 1 880402564 +608 939 4 880405896 +608 956 3 880405896 +608 961 4 880405431 +608 969 5 880407079 +608 1009 4 880406032 +608 1039 5 880406552 +608 1063 5 880405659 +608 1101 4 880405863 +608 1113 3 880406862 +608 1119 5 880406552 +608 1124 4 880404846 +608 1183 1 880405484 +608 1204 2 880403606 +608 1221 2 880406800 +608 1262 5 880406095 +608 1281 4 880407079 +609 1 1 886896185 +609 15 5 886895150 +609 147 1 886895016 +609 243 1 886895886 +609 259 1 886895763 +609 285 5 886894879 +609 294 2 886895346 +609 313 5 886894637 +609 319 1 886895516 +609 352 1 886895699 +609 408 5 886896185 +609 475 2 886896281 +609 750 4 886895397 +609 877 5 886895649 +609 890 1 886895914 +609 894 1 886895852 +609 948 1 886895886 +609 1012 1 886896237 +610 1 4 888703157 +610 7 2 888703137 +610 8 4 888702902 +610 9 3 888702961 +610 12 5 888703157 +610 28 4 888703258 +610 50 4 888702961 +610 51 5 888703523 +610 56 3 888703213 +610 66 3 888704000 +610 70 4 888703609 +610 71 4 888703258 +610 79 3 888702859 +610 95 2 888703316 +610 97 3 888703453 +610 98 5 888702902 +610 117 4 888704000 +610 127 5 888702902 +610 133 4 888703648 +610 135 3 888703730 +610 143 5 888703290 +610 153 5 888703766 +610 162 5 888703343 +610 172 4 888702962 +610 176 4 888703157 +610 183 4 888703749 +610 185 5 888703191 +610 187 4 888703213 +610 195 3 888703583 +610 203 4 888703749 +610 204 1 888703343 +610 210 3 888703290 +610 271 1 888702795 +610 272 4 888702815 +610 275 4 888703453 +610 276 4 888703766 +610 283 3 888703316 +610 288 3 888702795 +610 294 1 888702795 +610 313 4 888702841 +610 317 3 888703553 +610 318 5 888703378 +610 331 3 888702764 +610 352 1 888702795 +610 378 5 888703609 +610 419 5 888703241 +610 423 4 888703710 +610 427 5 888703730 +610 477 2 888703475 +610 480 5 888702962 +610 484 3 888703507 +610 485 5 888703815 +610 505 4 888703537 +610 508 3 888703629 +610 516 3 888703710 +610 582 4 888703749 +610 591 3 888703316 +610 606 5 888703343 +610 607 5 888703157 +610 673 4 888704000 +610 699 2 888703507 +610 705 3 888703710 +610 735 3 888703360 +610 750 4 888702841 +610 755 5 888703710 +611 262 4 891636223 +611 269 4 891636072 +611 272 5 891636098 +611 288 3 891636073 +611 301 4 891636152 +611 302 5 891636073 +611 305 4 891636192 +611 306 5 891636152 +611 307 4 891636125 +611 311 4 891636073 +611 313 3 891636125 +611 315 5 891636098 +611 324 3 891636399 +611 334 5 891636223 +611 336 5 891636399 +611 340 5 891636192 +611 342 3 891636223 +611 346 5 891636152 +611 347 4 891636244 +611 353 3 891636125 +611 354 3 891636192 +611 355 1 891636399 +611 680 4 891636125 +611 690 3 891636098 +611 750 5 891636222 +611 752 5 891636223 +611 873 3 891636399 +611 882 4 891636192 +611 886 4 891636399 +611 887 2 891636125 +611 906 2 891636223 +611 1243 3 891636244 +612 1 4 875324876 +612 7 3 875324876 +612 25 3 875324915 +612 100 4 875324790 +612 117 4 875324599 +612 127 2 875325049 +612 147 4 875324975 +612 202 2 875325221 +612 243 2 875324355 +612 259 3 875324355 +612 275 5 875324710 +612 300 4 875324266 +612 476 3 875324947 +612 477 2 875324876 +612 480 4 875325049 +612 864 4 875324756 +612 1060 4 875324756 +613 12 5 891227299 +613 50 5 891227365 +613 89 5 891227237 +613 176 5 891227237 +613 272 5 891227111 +613 279 4 891227410 +613 297 5 891227338 +613 318 5 891227299 +613 435 5 891227299 +613 478 5 891227262 +613 514 4 891227236 +613 530 5 891227262 +613 576 3 891227204 +613 603 5 891227298 +613 607 4 891227236 +613 632 3 891227204 +613 1157 2 891227204 +613 1315 4 891227338 +614 1 5 879464093 +614 7 2 879464215 +614 14 3 879464093 +614 121 4 879464398 +614 122 3 879465320 +614 147 5 879464332 +614 235 5 879464437 +614 237 2 879464216 +614 255 5 879464119 +614 276 4 879464234 +614 279 3 879464287 +614 286 2 879464507 +614 289 2 879463669 +614 293 3 879464157 +614 294 4 879464507 +614 405 2 879464525 +614 410 3 879464437 +614 458 4 879464287 +614 472 3 879464416 +614 476 3 879464507 +614 508 4 879464093 +614 535 2 879464376 +614 717 4 879465414 +614 756 4 879465398 +614 841 2 879465398 +614 871 2 879465376 +614 1009 3 879464119 +614 1134 2 879464556 +614 1142 3 879463965 +615 13 4 879449184 +615 14 5 879448016 +615 22 4 879448797 +615 23 5 879448547 +615 26 4 879448233 +615 28 4 879448759 +615 48 5 879448399 +615 69 4 879448632 +615 70 4 879448915 +615 72 2 879449164 +615 83 4 879448399 +615 86 5 879448439 +615 97 4 879448759 +615 100 3 879448693 +615 127 5 879448399 +615 135 4 879448599 +615 153 4 879449130 +615 160 3 879448599 +615 168 5 879449110 +615 175 5 879448439 +615 178 5 879448547 +615 179 4 879447968 +615 180 4 879448475 +615 187 5 879448598 +615 190 3 879447968 +615 191 5 879448759 +615 192 5 879448780 +615 194 5 879449164 +615 197 4 879448439 +615 199 5 879448599 +615 208 4 879449130 +615 209 5 879449068 +615 211 5 879449164 +615 213 5 879447990 +615 215 4 879448632 +615 216 4 879449068 +615 237 4 879448843 +615 238 3 879449044 +615 262 4 879447556 +615 268 4 879447642 +615 269 4 879447500 +615 271 2 879447642 +615 275 4 879447872 +615 283 4 879448015 +615 286 4 879447500 +615 294 3 879447613 +615 300 4 879447613 +615 302 4 879447500 +615 303 5 879447530 +615 306 4 879447556 +615 319 4 879447585 +615 325 2 879447693 +615 332 2 879447585 +615 357 5 879448399 +615 387 3 879448915 +615 423 5 879448672 +615 427 5 879448475 +615 428 5 879449111 +615 435 5 879449089 +615 462 4 879447990 +615 475 4 879447919 +615 509 4 879448149 +615 514 5 879449110 +615 518 4 879448632 +615 519 5 879448598 +615 521 4 879448475 +615 523 5 879448735 +615 526 4 879448735 +615 527 4 879448399 +615 528 4 879448399 +615 529 5 879448036 +615 582 3 879447968 +615 629 4 879449184 +615 631 4 879448843 +615 632 5 879448759 +615 638 5 879447968 +615 640 3 879448182 +615 660 4 879448882 +615 666 2 879448270 +615 678 1 879447713 +615 683 1 879447642 +615 699 3 879448823 +615 707 3 879447990 +615 708 2 879448882 +615 732 4 879449211 +615 736 5 879448149 +615 792 4 879448632 +615 855 4 879448088 +615 937 2 879447530 +615 949 3 879448149 +615 988 1 879447735 +615 1065 4 879448567 +615 1128 1 879448715 +616 245 3 891224767 +616 258 4 891224676 +616 260 3 891224864 +616 286 5 891224448 +616 288 4 891224676 +616 289 4 891224840 +616 292 4 891224448 +616 301 3 891224748 +616 302 5 891224517 +616 303 4 891224558 +616 307 2 891224448 +616 313 5 891224590 +616 316 4 891224840 +616 322 4 891224840 +616 323 4 891224801 +616 326 3 891224590 +616 327 3 891224558 +616 328 3 891224590 +616 329 3 891224748 +616 331 4 891224677 +616 333 2 891224448 +616 339 3 891224718 +616 343 4 891224864 +616 346 3 891224558 +616 347 4 891224677 +616 348 3 891224801 +616 349 4 891224748 +616 362 3 891224517 +616 748 3 891224840 +616 873 3 891224767 +616 879 4 891224864 +616 895 3 891224644 +616 937 4 891224919 +617 17 1 883789507 +617 56 1 883789425 +617 74 5 883788859 +617 89 4 883789294 +617 100 4 883789425 +617 134 3 883788900 +617 136 3 883789079 +617 145 1 883789716 +617 164 1 883789664 +617 170 1 883788929 +617 174 1 883788820 +617 175 4 883789386 +617 179 4 883789386 +617 183 4 883789386 +617 184 1 883789464 +617 185 5 883789042 +617 192 5 883788900 +617 200 5 883789425 +617 201 1 883789465 +617 217 1 883789507 +617 218 2 883789464 +617 219 4 883789536 +617 234 3 883789464 +617 238 3 883789249 +617 242 3 883788511 +617 269 1 883788511 +617 288 1 883788566 +617 302 4 883788511 +617 313 1 883788511 +617 320 5 883789424 +617 345 1 883788511 +617 357 4 883789386 +617 413 1 883789635 +617 423 1 883789294 +617 424 1 883789716 +617 427 4 883789042 +617 429 3 883789212 +617 436 3 883789464 +617 440 4 883789635 +617 441 3 883789590 +617 443 4 883788782 +617 444 4 883789590 +617 446 2 883789590 +617 447 4 883789386 +617 448 3 883789507 +617 452 1 883789590 +617 453 1 883789715 +617 475 1 883789294 +617 480 4 883789179 +617 488 4 883789386 +617 496 1 883789080 +617 497 3 883788782 +617 498 3 883788955 +617 515 3 883788782 +617 519 3 883789105 +617 531 2 883788859 +617 547 1 883789464 +617 558 3 883789425 +617 559 1 883789507 +617 563 1 883789747 +617 567 2 883789747 +617 569 1 883789537 +617 573 4 883789590 +617 582 4 883789294 +617 590 1 883789747 +617 604 2 883788955 +617 607 4 883789212 +617 611 4 883789386 +617 615 3 883789294 +617 631 2 883789212 +617 635 4 883789716 +617 644 4 883789386 +617 646 4 883789386 +617 647 3 883789006 +617 648 3 883789080 +617 653 4 883788955 +617 656 4 883789386 +617 667 2 883789590 +617 668 4 883789716 +617 669 1 883789635 +617 670 1 883789590 +617 671 4 883789425 +617 672 3 883789537 +617 674 3 883789536 +617 675 4 883789425 +617 767 3 883789747 +617 774 1 883789635 +617 816 1 883789747 +617 854 1 883789464 +617 855 3 883789294 +617 859 3 883789590 +617 868 4 883788820 +617 1019 4 883788782 +617 1021 4 883788730 +617 1073 3 883789105 +617 1187 3 883788900 +617 1316 1 883788511 +617 1612 1 883788511 +618 1 4 891308063 +618 4 2 891308459 +618 7 4 891309887 +618 8 3 891307862 +618 9 3 891308141 +618 11 4 891307263 +618 12 4 891307263 +618 15 3 891308391 +618 22 4 891308390 +618 23 5 891306990 +618 24 2 891308515 +618 25 2 891308260 +618 31 4 891307577 +618 33 2 891309351 +618 44 4 891308791 +618 49 3 891309514 +618 50 5 891307175 +618 52 3 891307224 +618 54 3 891309319 +618 55 2 891308063 +618 56 4 891307175 +618 62 2 891309697 +618 64 4 891306990 +618 65 3 891309720 +618 66 4 891309697 +618 68 3 891309608 +618 69 4 891308176 +618 70 3 891307495 +618 71 4 891309041 +618 73 3 891309440 +618 77 3 891309720 +618 79 5 891307494 +618 82 4 891308704 +618 87 3 891307931 +618 88 4 891309440 +618 90 1 891309351 +618 91 4 891309756 +618 95 3 891309319 +618 97 5 891308913 +618 98 5 891307494 +618 99 3 891308019 +618 109 2 891308615 +618 111 3 891308946 +618 117 5 891307494 +618 118 3 891309004 +618 121 4 891308913 +618 123 2 891308063 +618 124 1 891308542 +618 125 3 891308704 +618 127 5 891307619 +618 131 4 891307343 +618 132 4 891307057 +618 133 4 891307784 +618 135 4 891307224 +618 136 3 891307931 +618 143 4 891308515 +618 144 4 891309887 +618 148 3 891309670 +618 150 2 891308175 +618 151 3 891309514 +618 154 3 891308615 +618 159 3 891309670 +618 161 4 891308946 +618 164 3 891309041 +618 168 5 891308342 +618 172 5 891307098 +618 173 3 891307404 +618 174 5 891307539 +618 176 4 891307426 +618 181 5 891307263 +618 183 4 891307494 +618 186 4 891307224 +618 187 5 891307098 +618 190 4 891307404 +618 191 4 891307175 +618 192 5 891307367 +618 193 4 891308432 +618 195 3 891308431 +618 196 4 891307889 +618 197 3 891307825 +618 200 5 891307367 +618 202 2 891307714 +618 203 3 891308176 +618 210 3 891308703 +618 214 2 891308176 +618 215 4 891307494 +618 216 3 891308791 +618 218 3 891308115 +618 233 3 891309471 +618 234 4 891307714 +618 237 4 891307343 +618 238 1 891308391 +618 239 3 891309293 +618 241 4 891309887 +618 265 4 891307289 +618 273 4 891309293 +618 275 3 891307577 +618 276 3 891309266 +618 282 3 891307289 +618 283 3 891309217 +618 288 3 891307343 +618 313 4 891306927 +618 318 5 891307825 +618 356 2 891309608 +618 371 3 891308980 +618 378 4 891309514 +618 382 2 891307540 +618 385 4 891309163 +618 392 3 891308979 +618 403 4 891309608 +618 404 5 891309192 +618 416 4 891309720 +618 418 3 891308260 +618 419 4 891309887 +618 420 3 891309163 +618 421 3 891308615 +618 423 5 891309886 +618 427 5 891308431 +618 432 5 891308979 +618 433 2 891309410 +618 443 4 891308665 +618 458 3 891309579 +618 462 2 891307540 +618 468 3 891308665 +618 470 3 891308615 +618 471 3 891309041 +618 477 2 891308791 +618 483 5 891308199 +618 485 3 891307646 +618 487 4 891309886 +618 496 4 891307619 +618 497 2 891307019 +618 501 4 891308884 +618 506 4 891308296 +618 507 4 891309239 +618 521 2 891307784 +618 526 5 891308141 +618 531 4 891309886 +618 549 2 891308342 +618 550 3 891308261 +618 559 3 891309382 +618 566 3 891308261 +618 568 4 891309409 +618 576 4 891309608 +618 582 4 891309217 +618 588 4 891307224 +618 596 4 891309065 +618 597 4 891309041 +618 609 4 891309440 +618 625 4 891309192 +618 628 2 891308019 +618 633 3 891308571 +618 651 5 891307263 +618 655 4 891309887 +618 660 3 891309040 +618 673 3 891309139 +618 676 2 891307977 +618 679 1 891308615 +618 684 3 891306991 +618 692 4 891309091 +618 693 3 891307540 +618 697 3 891308063 +618 699 3 891309410 +618 705 3 891307825 +618 709 2 891308665 +618 713 4 891307224 +618 720 3 891309293 +618 723 3 891309514 +618 724 3 891309091 +618 729 3 891308945 +618 731 2 891309514 +618 735 3 891308571 +618 746 2 891308946 +618 755 2 891309670 +618 762 3 891309636 +618 763 2 891309319 +618 770 2 891309756 +618 776 2 891307098 +618 778 3 891308515 +618 785 3 891309351 +618 790 3 891309471 +618 815 4 891309552 +618 895 3 891309929 +618 924 4 891309040 +618 925 2 891308854 +618 939 2 891308791 +618 942 2 891309293 +618 944 2 891309266 +618 955 2 891307540 +618 959 4 891309756 +618 962 1 891307784 +618 966 4 891307931 +618 969 3 891307889 +618 1032 2 891309192 +618 1039 4 891309887 +618 1048 3 891308980 +618 1058 3 891309114 +618 1063 3 891308459 +618 1066 3 891309756 +618 1071 1 891308542 +618 1163 2 891309266 +618 1185 2 891309471 +618 1212 2 891309410 +618 1221 2 891309636 +618 1225 2 891309382 +618 1468 3 891308665 +619 11 2 885954019 +619 17 1 885954184 +619 22 5 885953992 +619 27 4 885954159 +619 29 1 885954238 +619 33 3 885954133 +619 50 4 885953778 +619 53 2 885954341 +619 55 1 885954053 +619 56 3 885953992 +619 68 3 885954105 +619 79 5 885953992 +619 82 5 885954053 +619 96 5 885954083 +619 118 5 885953827 +619 121 5 885953805 +619 127 4 885953778 +619 144 5 885954083 +619 161 4 885954133 +619 174 4 885953992 +619 176 5 885954053 +619 181 4 885953778 +619 182 4 885954019 +619 183 5 885953992 +619 187 5 885953992 +619 188 4 885954158 +619 195 5 885954019 +619 231 4 885954185 +619 233 4 885954158 +619 252 3 885953878 +619 257 3 885953805 +619 258 5 885953622 +619 273 4 885953778 +619 281 4 885954133 +619 288 3 885953931 +619 293 3 885953804 +619 294 1 885953684 +619 295 4 885953804 +619 298 5 885953778 +619 300 5 885953684 +619 302 4 885953600 +619 307 2 885953601 +619 313 5 885953601 +619 323 3 885953878 +619 326 2 885953601 +619 327 3 885953743 +619 331 4 885953574 +619 333 2 885953574 +619 346 3 885953622 +619 350 3 885953641 +619 363 2 885954215 +619 385 5 885954053 +619 391 3 885954215 +619 405 3 885953826 +619 406 2 885953931 +619 515 1 885953778 +619 546 2 885953826 +619 550 5 885954134 +619 554 3 885954238 +619 562 3 885954341 +619 566 4 885954105 +619 568 5 885954083 +619 576 4 885954261 +619 578 4 885954215 +619 597 4 885953850 +619 651 5 885954053 +619 665 5 885954261 +619 684 4 885954083 +619 685 3 885953850 +619 720 4 885954238 +619 750 3 885953537 +619 808 3 885954053 +619 825 2 885953850 +619 827 3 885953878 +619 849 2 885954184 +619 879 4 885953743 +619 1016 4 885953826 +619 1231 2 885954215 +619 1314 3 885954341 +620 1 5 889987954 +620 7 4 889987073 +620 8 3 889988121 +620 15 5 889987210 +620 28 4 889988121 +620 35 3 889988340 +620 50 4 889988121 +620 63 5 889988232 +620 78 4 889988340 +620 82 5 889988146 +620 91 2 889988069 +620 94 5 889988340 +620 95 4 889988005 +620 98 4 889987560 +620 99 3 889988005 +620 100 1 889987073 +620 112 4 889988341 +620 118 4 889987825 +620 121 5 889987825 +620 123 3 889987190 +620 125 2 889987255 +620 138 5 889988312 +620 140 4 889988258 +620 145 5 889987682 +620 147 3 889987299 +620 148 3 889987299 +620 151 4 889988196 +620 164 5 889987586 +620 172 4 889988146 +620 173 5 889988121 +620 174 5 889988121 +620 181 4 889988146 +620 225 3 889988281 +620 234 3 889987560 +620 237 4 889987123 +620 240 5 889987954 +620 243 3 889986676 +620 246 4 889987276 +620 260 5 889986624 +620 281 5 889987852 +620 288 4 889986452 +620 300 3 889986411 +620 313 5 889986477 +620 323 5 889986580 +620 354 5 889986477 +620 379 4 889987656 +620 393 5 889988196 +620 404 4 889988232 +620 406 4 889987073 +620 409 4 889988196 +620 416 4 889988196 +620 418 3 889988005 +620 419 2 889988169 +620 420 3 889988005 +620 422 1 889988036 +620 423 5 889988168 +620 432 4 889988036 +620 452 3 889987604 +620 501 4 889988036 +620 560 4 889988232 +620 563 5 889987682 +620 588 5 889988036 +620 595 5 889987792 +620 596 2 889987954 +620 623 4 889988232 +620 625 3 889988005 +620 627 5 889988037 +620 674 3 889987586 +620 676 3 889987190 +620 678 3 889986642 +620 682 2 889986985 +620 683 3 889986984 +620 699 5 889988121 +620 706 3 889987706 +620 740 5 889987349 +620 742 5 889987792 +620 755 5 889988169 +620 758 2 889987073 +620 760 3 889987073 +620 769 4 889987706 +620 795 4 889988340 +620 820 4 889987954 +620 834 2 889987073 +620 859 4 889987657 +620 895 3 889986984 +620 924 3 889987164 +620 928 5 889987825 +620 931 3 889987875 +620 946 4 889988036 +620 951 3 889988258 +620 969 4 889988037 +620 975 3 889987852 +620 993 5 889987954 +620 1035 4 889988232 +620 1036 4 889988258 +620 1066 5 889988069 +620 1091 4 889988069 +620 1219 3 889988069 +620 1480 3 889988281 +620 1503 4 889988196 +621 1 3 880227233 +621 2 3 880739909 +621 3 5 881444887 +621 4 4 874962988 +621 7 4 880738353 +621 8 5 874965407 +621 17 4 880739965 +621 24 4 880737433 +621 25 4 880738699 +621 28 4 874965408 +621 33 4 874962824 +621 38 3 874964495 +621 40 3 874963273 +621 41 4 874963273 +621 50 5 874965407 +621 53 4 874964496 +621 55 5 874963594 +621 62 4 874964496 +621 63 1 874963445 +621 65 3 885596944 +621 67 4 880739654 +621 68 4 880739654 +621 71 3 874965208 +621 72 2 874962900 +621 73 5 874962772 +621 79 5 874963594 +621 80 4 874963126 +621 82 5 874964267 +621 87 5 874965408 +621 88 2 874962772 +621 91 3 874965299 +621 94 2 874963081 +621 95 4 880739654 +621 96 5 874963797 +621 100 5 880227104 +621 108 3 881445012 +621 109 4 880737607 +621 117 5 880227268 +621 118 3 880738353 +621 121 3 880227385 +621 122 2 880738838 +621 123 4 880738080 +621 125 4 880739654 +621 128 4 880740034 +621 142 3 874965299 +621 143 2 874965208 +621 148 4 880739654 +621 151 5 880737929 +621 154 5 881444499 +621 161 3 874964447 +621 172 5 874965407 +621 173 4 874965407 +621 174 3 874965407 +621 176 3 874963797 +621 180 4 885596944 +621 181 5 874965408 +621 183 4 874963594 +621 184 3 874964267 +621 197 4 885596884 +621 200 4 874964816 +621 208 4 874962824 +621 222 4 880736904 +621 231 4 874964375 +621 233 3 874964375 +621 235 3 880738142 +621 240 4 880738893 +621 241 4 874964604 +621 249 5 880738282 +621 250 4 880738568 +621 257 5 880738699 +621 268 4 890517367 +621 270 4 890517239 +621 271 5 880226633 +621 273 4 880739654 +621 276 4 880736723 +621 293 3 880227385 +621 298 4 883801703 +621 299 1 880227012 +621 300 3 890517589 +621 301 4 880226534 +621 313 5 883798770 +621 333 4 890517503 +621 364 3 874963446 +621 367 3 874962900 +621 383 2 874963166 +621 384 3 874963081 +621 385 5 874963797 +621 386 3 874963126 +621 391 3 874964657 +621 393 3 874962705 +621 395 4 880739654 +621 398 2 874964605 +621 401 1 874963210 +621 405 5 880740034 +621 410 4 880738623 +621 417 3 874965299 +621 418 3 874965298 +621 419 4 874965093 +621 420 4 874965298 +621 423 4 880739654 +621 432 4 874965093 +621 451 1 874963028 +621 455 4 880738462 +621 472 3 880738462 +621 501 3 874965299 +621 539 1 883799884 +621 540 3 874964657 +621 546 3 880738894 +621 554 4 874964657 +621 559 5 874964915 +621 561 4 874964945 +621 568 5 874963797 +621 576 2 874964605 +621 577 3 874963446 +621 578 5 874964604 +621 584 5 874965094 +621 585 4 874962988 +621 588 3 874965208 +621 624 5 874965093 +621 625 4 874965299 +621 676 3 880737607 +621 686 5 880739852 +621 692 4 874962614 +621 721 4 874963126 +621 722 4 881444887 +621 735 4 880739654 +621 746 4 874963028 +621 751 4 883799651 +621 755 3 874965299 +621 763 4 880738462 +621 769 3 874964991 +621 779 3 880740296 +621 780 4 874962824 +621 783 3 874963273 +621 790 4 874963081 +621 795 1 874963273 +621 804 4 881445120 +621 809 4 880740136 +621 810 3 874964657 +621 825 3 880738142 +621 871 3 881445723 +621 876 2 883799203 +621 879 4 880227012 +621 881 2 883798770 +621 890 1 883799608 +621 894 1 883800011 +621 926 3 880738894 +621 940 3 874963166 +621 944 5 874963126 +621 1012 5 880227233 +621 1013 2 880738282 +621 1016 4 880737785 +621 1028 4 880737861 +621 1029 2 874963210 +621 1035 4 880739654 +621 1036 1 874963446 +621 1047 3 880738080 +621 1093 4 880738568 +621 1118 3 874962824 +621 1185 3 881445012 +621 1228 3 880740296 +622 1 3 882590344 +622 3 1 882672922 +622 4 4 882671120 +622 7 5 882590269 +622 8 4 882592421 +622 9 4 882669969 +622 11 4 882669740 +622 12 5 882669468 +622 15 4 882590670 +622 22 4 882592178 +622 24 4 882590367 +622 28 3 882592314 +622 29 4 882592735 +622 30 4 882670190 +622 31 3 882669594 +622 41 3 882672060 +622 46 4 882670610 +622 47 3 882670406 +622 49 3 882671273 +622 50 5 882592815 +622 56 5 882592103 +622 62 4 882592850 +622 64 5 882669391 +622 66 3 882670480 +622 67 1 882671463 +622 69 4 882592041 +622 70 3 882670562 +622 72 3 882671142 +622 79 5 882591979 +622 80 3 882671446 +622 82 3 882670767 +622 83 5 882592178 +622 86 4 882670587 +622 88 3 882670749 +622 89 5 882669740 +622 90 4 882671574 +622 94 2 882671694 +622 95 4 882669556 +622 96 5 882592449 +622 98 5 882669449 +622 99 4 882592383 +622 100 5 882590252 +622 101 5 882592662 +622 105 3 882591726 +622 109 5 882590559 +622 111 4 882591014 +622 117 4 882590291 +622 118 1 882591663 +622 120 1 882592643 +622 121 1 882590955 +622 125 3 882590457 +622 127 5 882590534 +622 132 4 882669851 +622 135 4 882592346 +622 142 3 882670826 +622 143 4 882670228 +622 144 5 882592103 +622 153 4 882592314 +622 154 4 882669740 +622 156 5 882592143 +622 157 4 882670389 +622 159 3 882670309 +622 161 3 882670712 +622 162 3 882670389 +622 165 5 882591938 +622 166 5 882669695 +622 168 4 882592041 +622 169 5 882669374 +622 172 5 882669826 +622 173 5 882670057 +622 174 4 882592559 +622 175 4 882669645 +622 176 4 882669851 +622 178 4 882592421 +622 181 5 882592041 +622 183 4 882669826 +622 184 5 882592103 +622 185 3 882592041 +622 190 4 882669762 +622 194 4 882669762 +622 195 5 882591938 +622 196 3 882669695 +622 198 4 882669612 +622 199 5 882592143 +622 202 4 882670252 +622 204 3 882592559 +622 206 1 882670899 +622 207 5 882592278 +622 209 5 882592421 +622 210 3 882669784 +622 212 3 882669740 +622 213 5 882670009 +622 214 4 882670228 +622 215 3 882592523 +622 217 4 882671185 +622 218 3 882670057 +622 222 5 882592815 +622 226 4 882670367 +622 227 3 882592815 +622 228 5 882592815 +622 229 2 882592850 +622 230 3 882592815 +622 231 4 882592735 +622 233 4 882670423 +622 240 3 882590420 +622 248 4 882590420 +622 249 5 882590394 +622 250 4 882590252 +622 252 1 882591582 +622 253 3 882591047 +622 257 3 882590485 +622 276 4 882590485 +622 277 4 882590252 +622 280 3 882590534 +622 283 4 882590534 +622 294 3 882589830 +622 298 4 882590559 +622 363 4 882591484 +622 364 1 882672922 +622 367 4 882670712 +622 373 1 882672922 +622 375 2 882592625 +622 380 4 882592850 +622 385 5 882592421 +622 386 3 882671727 +622 391 2 882671827 +622 395 2 882672143 +622 396 1 882671222 +622 402 3 882670252 +622 403 4 882592735 +622 404 3 882670562 +622 405 4 882590886 +622 408 5 882590223 +622 418 3 882669905 +622 419 4 882670009 +622 423 3 882670121 +622 427 4 882592178 +622 431 5 882670169 +622 432 5 882670009 +622 433 4 882669886 +622 434 4 882592523 +622 449 2 882592850 +622 450 1 882592850 +622 451 4 882671221 +622 472 3 882591687 +622 474 3 882669509 +622 480 4 882669414 +622 482 3 882592178 +622 484 3 882669803 +622 496 4 882592314 +622 501 3 882670480 +622 506 3 882670139 +622 511 4 882592103 +622 519 3 882591938 +622 521 5 882670009 +622 532 3 882591091 +622 541 2 882592781 +622 542 2 882671346 +622 550 4 882670929 +622 552 2 882671863 +622 553 3 882670929 +622 558 2 882592523 +622 568 4 882592449 +622 577 2 882672143 +622 578 4 882670843 +622 581 4 882670562 +622 586 3 882671916 +622 588 4 882592246 +622 597 5 882591687 +622 625 3 882671120 +622 665 2 882671769 +622 674 2 882670929 +622 679 3 882671483 +622 685 2 882590862 +622 693 4 882592383 +622 705 3 882592217 +622 719 2 882671622 +622 721 4 882670610 +622 722 3 882670862 +622 725 3 882672177 +622 737 5 882592678 +622 739 2 882671554 +622 742 3 882590420 +622 763 4 882591047 +622 769 1 882672922 +622 780 4 882671574 +622 781 3 882671595 +622 795 2 882672079 +622 808 3 882671534 +622 809 2 882671081 +622 833 4 882590955 +622 855 3 882592103 +622 866 2 882591484 +622 934 2 882591726 +622 949 3 882672941 +622 977 2 882591804 +622 978 2 882591453 +622 1016 3 882591014 +622 1039 5 882669575 +622 1060 3 882671160 +622 1074 2 882671185 +622 1078 3 882671160 +622 1079 2 882591663 +622 1149 3 882592314 +622 1181 4 882670367 +622 1203 3 882669645 +622 1207 2 882671958 +622 1216 4 882590344 +622 1228 1 882672922 +622 1230 1 882672922 +622 1231 2 882670653 +622 1303 2 882672060 +622 1406 3 882671381 +622 1407 1 882672922 +622 1408 1 882672922 +622 1411 4 882671664 +622 1419 2 882672120 +622 1552 2 882670793 +623 15 4 891032375 +623 66 4 891034993 +623 70 4 891034950 +623 79 5 891035112 +623 121 4 891034129 +623 127 4 891032275 +623 153 3 891034757 +623 163 3 891034756 +623 181 5 891032291 +623 183 3 891034294 +623 185 4 891034343 +623 186 3 891034814 +623 194 5 891035112 +623 202 1 891034620 +623 210 5 891035112 +623 211 3 891034814 +623 216 4 891034756 +623 222 4 891034110 +623 227 4 891034528 +623 228 3 891034343 +623 234 4 891034343 +623 258 4 891032358 +623 274 4 891034053 +623 283 4 891032275 +623 286 2 891032107 +623 288 1 891032140 +623 291 3 891034129 +623 298 2 891032433 +623 435 5 891035112 +623 451 4 891034973 +623 504 3 891034343 +623 525 4 891034294 +623 603 4 891034294 +623 648 5 891035112 +623 659 5 891035112 +624 1 4 879792581 +624 3 3 879793436 +624 7 4 879792623 +624 14 5 879792623 +624 15 4 879793330 +624 24 3 879793380 +624 25 4 879792446 +624 93 5 879792557 +624 100 5 879792581 +624 108 3 879793198 +624 111 3 879792671 +624 117 3 879792446 +624 121 3 879793156 +624 122 3 879793436 +624 123 3 879793223 +624 124 4 879792358 +624 125 3 879793093 +624 126 4 879792395 +624 127 4 879792322 +624 137 4 879792623 +624 147 4 879792557 +624 150 4 879792493 +624 181 4 879792378 +624 235 4 879793156 +624 236 3 879792358 +624 237 4 879793174 +624 240 2 879793129 +624 242 4 891961040 +624 245 3 879792109 +624 246 4 879792493 +624 248 4 879793485 +624 249 3 879793380 +624 250 4 879792623 +624 255 3 879793435 +624 257 3 879793269 +624 258 4 879791792 +624 260 2 879792251 +624 268 4 879791962 +624 269 4 891961120 +624 270 3 891961120 +624 273 4 879793129 +624 275 4 879792493 +624 276 5 879792446 +624 282 4 879793330 +624 285 5 879792557 +624 286 5 879791792 +624 288 4 879791922 +624 293 4 879792623 +624 294 3 879792109 +624 295 3 879793511 +624 298 4 879792378 +624 300 4 879792132 +624 301 3 879792131 +624 302 4 885215462 +624 305 4 891961140 +624 307 3 891961056 +624 310 4 891961078 +624 312 4 891961343 +624 313 5 885215463 +624 316 4 891961232 +624 319 3 891961140 +624 321 4 879791962 +624 323 2 879792155 +624 326 3 891961210 +624 327 4 879791819 +624 328 4 879792131 +624 329 3 891961120 +624 333 4 879791884 +624 340 3 879791884 +624 342 3 891961267 +624 347 4 891961140 +624 358 3 891961210 +624 405 4 879792671 +624 410 4 879793156 +624 411 4 879793269 +624 455 3 879793358 +624 473 3 879793093 +624 475 4 879793223 +624 477 3 879793198 +624 508 4 879793092 +624 534 3 879792358 +624 544 4 879792557 +624 546 3 879793093 +624 591 3 879792557 +624 595 3 879793408 +624 597 3 879793129 +624 619 3 879793408 +624 628 4 879793198 +624 678 3 879792155 +624 687 2 891961362 +624 689 3 891961187 +624 690 4 879791962 +624 696 4 879793223 +624 741 4 879792557 +624 750 4 891961163 +624 762 4 879793330 +624 763 3 879792671 +624 815 3 879793174 +624 824 2 879793582 +624 831 3 879793545 +624 833 4 879793582 +624 845 3 879793129 +624 866 3 879793436 +624 870 4 879793155 +624 876 3 879792251 +624 879 3 879792171 +624 881 3 879792132 +624 886 4 879792251 +624 898 1 891961380 +624 905 4 891961250 +624 919 4 879792581 +624 924 4 879792493 +624 928 3 879793511 +624 952 3 879793129 +624 979 4 879793511 +624 980 4 879793358 +624 993 4 879793486 +624 1010 4 879793155 +624 1012 4 879793408 +624 1016 3 879793582 +624 1017 3 879792322 +624 1028 3 879793485 +624 1047 3 879793436 +624 1048 4 879793223 +624 1059 1 879793358 +624 1067 4 879793330 +624 1089 2 879793408 +624 1095 2 879793408 +624 1114 4 879792557 +624 1120 4 879793269 +624 1289 3 879793093 +625 4 4 892000372 +625 22 3 891262899 +625 23 4 891263960 +625 25 2 891632018 +625 50 5 891273543 +625 70 3 891262724 +625 91 4 891263057 +625 95 3 891953755 +625 97 4 891263057 +625 100 3 891878363 +625 121 3 891273698 +625 134 4 891263665 +625 135 5 891999874 +625 144 4 891962917 +625 154 3 891998289 +625 165 3 891999926 +625 168 3 891262837 +625 169 5 891263665 +625 173 3 891953681 +625 174 4 891263589 +625 176 4 891263960 +625 179 4 891961170 +625 181 4 891262633 +625 183 3 892000438 +625 188 4 891262724 +625 190 3 892000576 +625 191 3 891636079 +625 192 2 892000438 +625 195 4 891262983 +625 197 5 891262724 +625 198 4 891263665 +625 200 3 892000686 +625 202 3 891262633 +625 204 3 891999874 +625 208 3 891968164 +625 209 3 891262633 +625 210 3 892054095 +625 212 3 891968320 +625 213 4 891999608 +625 214 4 891961632 +625 216 4 891262899 +625 222 4 891273543 +625 235 3 891631761 +625 238 4 891636000 +625 248 4 891629673 +625 250 4 891273750 +625 254 3 891273897 +625 255 2 891629673 +625 257 4 891273543 +625 265 3 892054198 +625 283 3 891629673 +625 286 4 891262561 +625 294 3 891536483 +625 300 3 891262561 +625 357 3 891262784 +625 380 3 891263589 +625 385 4 892053920 +625 393 4 891263665 +625 403 3 891961882 +625 405 3 891273859 +625 408 4 891997054 +625 423 4 891263760 +625 433 3 891636427 +625 476 2 891632164 +625 479 4 891262983 +625 480 4 891263589 +625 483 5 891262983 +625 484 4 891262783 +625 486 3 891953617 +625 498 4 891263703 +625 514 3 891262724 +625 515 4 891263589 +625 516 3 892000518 +625 517 3 891636079 +625 519 2 891263703 +625 522 3 891968164 +625 528 3 891961633 +625 546 2 891273897 +625 584 3 891636000 +625 588 4 891263057 +625 597 2 891273801 +625 603 4 891636000 +625 640 3 891999796 +625 647 4 891263822 +625 652 4 891262983 +625 654 3 891262837 +625 655 3 891999926 +625 678 3 891262561 +625 705 3 891262983 +625 732 3 891263960 +625 751 4 891536426 +625 855 4 891953479 +625 945 3 891262724 +625 961 4 891962917 +625 1016 2 891273699 +625 1020 3 892000629 +626 258 4 878771243 +626 264 1 878771476 +626 266 1 878771476 +626 268 4 878771355 +626 270 2 878771355 +626 272 5 887772871 +626 292 1 878771281 +626 302 4 878771242 +626 313 5 887772871 +626 323 1 878771505 +626 327 4 878771419 +626 330 3 878771447 +626 332 3 878771355 +626 333 1 878771281 +626 336 1 878771477 +626 358 1 878771505 +626 678 1 878771505 +626 680 1 878771476 +626 681 1 878771477 +626 748 2 878771281 +626 879 1 878771418 +626 923 5 887772922 +627 2 3 879531352 +627 4 2 879531248 +627 7 5 879531158 +627 9 4 879530014 +627 11 4 879529702 +627 12 4 879529819 +627 17 2 879531397 +627 22 5 879530205 +627 23 4 879529986 +627 27 3 879530762 +627 28 3 879529987 +627 33 1 879531397 +627 39 4 879530408 +627 47 2 879530346 +627 51 5 879530866 +627 52 3 879530146 +627 53 4 879531504 +627 55 4 879531301 +627 56 2 879531248 +627 58 5 879529958 +627 62 4 879531397 +627 64 5 879530015 +627 68 4 879531429 +627 69 3 879529855 +627 70 4 879530408 +627 76 3 879530173 +627 77 2 879530305 +627 79 3 879531158 +627 82 4 879531248 +627 83 3 879530071 +627 86 3 879530263 +627 89 5 879531158 +627 92 4 879529702 +627 96 3 879531196 +627 97 2 879529958 +627 100 5 879529702 +627 117 3 879531248 +627 121 3 879531397 +627 123 3 879530305 +627 125 2 879530346 +627 135 4 879529702 +627 148 3 879530463 +627 157 4 879530110 +627 161 2 879531302 +627 162 3 879530568 +627 172 3 879531196 +627 174 3 879531195 +627 175 1 879530110 +627 176 5 879531158 +627 177 5 879531158 +627 180 5 879529794 +627 182 4 879529916 +627 183 5 879531196 +627 184 4 879531248 +627 187 5 879529855 +627 188 4 879531196 +627 191 4 879529957 +627 193 5 879529767 +627 195 4 879531301 +627 196 5 879530172 +627 197 5 879529730 +627 199 5 879529702 +627 205 5 879529767 +627 214 3 879530408 +627 215 1 879529767 +627 226 1 879531397 +627 227 3 879531352 +627 228 4 879531301 +627 229 2 879531459 +627 230 4 879531397 +627 232 3 879531302 +627 233 2 879531351 +627 237 4 879530346 +627 239 3 879530662 +627 241 4 879531397 +627 245 4 879529556 +627 258 4 879529339 +627 271 5 879529432 +627 273 4 879531196 +627 276 2 879530173 +627 282 2 879530463 +627 284 2 879530306 +627 288 3 879529381 +627 289 2 879530899 +627 300 4 879529486 +627 317 5 879530071 +627 318 5 879529701 +627 328 4 879529486 +627 358 3 879529556 +627 385 2 879531351 +627 387 2 879529916 +627 399 3 879531557 +627 402 3 879530866 +627 405 3 879531458 +627 423 3 879530145 +627 431 4 879531302 +627 434 4 879529855 +627 435 5 879531158 +627 458 3 879530824 +627 461 3 879530042 +627 468 2 879530408 +627 470 3 879530264 +627 471 3 879530463 +627 510 4 879529730 +627 511 4 879529986 +627 518 4 879530146 +627 520 5 879529916 +627 521 2 879529767 +627 523 4 879529767 +627 526 4 879529916 +627 528 4 879530662 +627 530 3 879531195 +627 541 4 879531504 +627 546 3 879531429 +627 549 3 879530625 +627 550 1 879531352 +627 553 3 879530967 +627 554 2 879531557 +627 562 2 879531504 +627 566 3 879531249 +627 568 2 879531301 +627 576 3 879531504 +627 578 3 879531351 +627 581 3 879530662 +627 582 3 879529916 +627 586 3 879531557 +627 591 3 879530205 +627 597 3 879531557 +627 628 4 879530501 +627 631 3 879529885 +627 636 4 879531302 +627 649 4 879530071 +627 651 4 879530109 +627 655 4 879530536 +627 658 3 879530536 +627 660 4 879530463 +627 665 3 879531459 +627 673 2 879530110 +627 679 3 879531429 +627 684 4 879531301 +627 685 3 879531351 +627 690 5 879529406 +627 693 2 879530205 +627 697 5 879530042 +627 704 4 879530967 +627 713 2 879530306 +627 720 2 879531397 +627 724 2 879530305 +627 729 1 879530600 +627 732 3 879530568 +627 735 4 879530600 +627 740 1 879530501 +627 792 4 879530501 +627 797 4 879531504 +627 802 2 879531557 +627 808 2 879531557 +627 810 3 879531459 +627 849 4 879531504 +627 939 3 879530264 +627 941 3 879530866 +627 942 2 879530408 +627 947 3 879531301 +627 949 2 879530824 +627 956 2 879530463 +627 1044 2 879530899 +627 1074 3 879530694 +627 1134 1 879530305 +627 1135 3 879530625 +627 1136 4 879530762 +627 1267 4 879530346 +627 1478 3 879530967 +628 8 2 880777167 +628 173 3 880777167 +628 242 5 880777096 +628 258 5 880777167 +628 288 5 880777096 +628 292 5 880776981 +628 294 4 880777167 +628 301 4 880777046 +628 326 5 880777095 +628 332 5 880777096 +628 333 5 880777096 +628 338 5 880776981 +628 340 5 880777095 +628 690 5 880776981 +628 984 5 880776981 +628 1025 5 880777095 +628 1296 5 880777096 +629 4 3 880117513 +629 7 2 880117635 +629 11 2 880116789 +629 12 5 880117333 +629 15 5 880117719 +629 22 5 880116818 +629 23 5 880117001 +629 39 2 880117747 +629 42 2 880117430 +629 50 5 880117395 +629 55 4 880117094 +629 56 5 880117430 +629 64 5 880117513 +629 69 5 880117485 +629 81 3 880117689 +629 86 5 880117163 +629 87 5 880117635 +629 92 4 880117163 +629 98 5 880117254 +629 100 5 880116847 +629 111 5 880117689 +629 117 5 880116963 +629 127 5 880117605 +629 132 5 880117395 +629 135 5 880117586 +629 137 5 880117001 +629 144 5 880117430 +629 147 5 880117534 +629 153 5 880116818 +629 160 4 880117361 +629 172 5 880117333 +629 173 5 880116847 +629 174 5 880116847 +629 182 5 880116818 +629 191 3 880116887 +629 193 5 880117565 +629 194 5 880116887 +629 195 4 880116847 +629 196 4 880117062 +629 197 5 880117031 +629 199 5 880117772 +629 200 4 880117333 +629 202 4 880117635 +629 207 4 880117000 +629 210 5 880117689 +629 223 5 880117813 +629 234 4 880117215 +629 238 5 880117285 +629 241 5 880116911 +629 245 3 880116240 +629 258 4 880116722 +629 265 4 880116887 +629 268 5 880116722 +629 270 3 880116023 +629 271 4 880116722 +629 273 2 880117001 +629 275 5 880117565 +629 276 5 880116887 +629 277 5 880117459 +629 286 4 880115839 +629 288 4 880116722 +629 292 4 880116722 +629 294 3 880115922 +629 300 4 880115923 +629 301 3 880115922 +629 307 5 880116722 +629 309 3 880116240 +629 317 4 880117430 +629 319 4 880116722 +629 322 3 880116240 +629 324 2 880116023 +629 326 3 880116103 +629 327 3 880116201 +629 328 3 880116103 +629 331 3 880116067 +629 333 4 880116722 +629 340 2 880115971 +629 357 4 880117062 +629 381 4 880117852 +629 392 4 880117747 +629 416 4 880117813 +629 423 5 880117333 +629 425 3 880117163 +629 435 4 880116756 +629 463 4 880117852 +629 467 5 880117565 +629 475 4 880117121 +629 504 4 880117719 +629 509 5 880116818 +629 523 3 880116963 +629 566 5 880117395 +629 632 3 880117031 +629 651 5 880117163 +629 655 5 880117333 +629 658 4 880117813 +629 660 5 880117772 +629 684 5 880117430 +629 690 2 880116067 +629 693 5 880117215 +629 699 3 880117460 +629 709 3 880117062 +629 729 4 880117852 +629 732 5 880117430 +629 876 3 880116023 +629 880 4 880116722 +629 881 3 880116023 +629 886 3 880116278 +629 984 3 880116278 +629 991 1 880115923 +629 1038 3 880116240 +629 1119 5 880116756 +630 1 4 885666779 +630 7 4 885666571 +630 9 2 885666536 +630 11 5 885668028 +630 12 4 885667854 +630 15 3 885666718 +630 22 3 885668328 +630 25 2 885666779 +630 31 2 885667968 +630 50 3 885666536 +630 64 5 885668276 +630 69 3 885667939 +630 70 2 885667994 +630 71 3 885667854 +630 96 4 885668277 +630 98 5 885667898 +630 100 3 885666592 +630 111 5 885666956 +630 118 4 885666875 +630 120 4 885667678 +630 121 4 885666823 +630 123 4 885668203 +630 125 3 885666875 +630 126 4 885667305 +630 153 3 885668277 +630 172 3 885667918 +630 174 3 885668131 +630 181 3 885666650 +630 191 3 885668090 +630 193 3 885667939 +630 195 4 885667968 +630 213 2 885667994 +630 216 5 885667968 +630 222 4 885666779 +630 237 5 885666823 +630 239 4 885668061 +630 240 3 885667200 +630 243 2 885666301 +630 250 1 885666650 +630 252 2 885667464 +630 255 5 885666740 +630 257 3 885667037 +630 258 3 885666143 +630 264 2 885666353 +630 272 5 885756030 +630 273 5 885666779 +630 276 1 885667108 +630 280 2 885667148 +630 282 3 885666804 +630 288 4 885666102 +630 295 4 885666875 +630 298 5 885666686 +630 300 4 885665975 +630 310 3 885665975 +630 322 3 885666211 +630 323 4 885666237 +630 325 3 885666301 +630 357 3 885668090 +630 409 3 885667037 +630 411 4 885667108 +630 412 1 885667508 +630 465 1 885668203 +630 471 4 885666955 +630 472 3 885667391 +630 477 4 885667200 +630 496 3 885667854 +630 535 4 885667624 +630 546 3 885667056 +630 550 3 885667968 +630 568 4 885668328 +630 595 5 885667660 +630 597 4 885667006 +630 620 4 885667661 +630 640 1 885668276 +630 687 3 885666301 +630 732 4 885668203 +630 735 2 885668231 +630 742 5 885666918 +630 756 4 885667551 +630 815 3 885667229 +630 819 3 885667108 +630 820 4 885667391 +630 832 2 885667528 +630 864 4 885667600 +630 866 3 885667148 +630 895 4 885666143 +630 929 4 885667249 +630 930 3 885667551 +630 932 2 885667108 +630 975 4 885667108 +630 983 3 885667699 +630 988 2 885666301 +630 1023 4 885667581 +630 1047 4 885667200 +630 1055 3 885667898 +630 1061 2 885667581 +630 1079 1 885667508 +630 1197 3 885667464 +631 288 3 888464916 +631 294 3 888465155 +631 310 4 888464980 +631 315 4 888464916 +631 323 2 888465216 +631 332 3 888465180 +631 682 2 888465247 +631 873 2 888465084 +631 877 2 888465131 +631 886 4 888465216 +632 1 3 879458692 +632 2 4 879459505 +632 7 3 879456955 +632 11 4 879458142 +632 12 5 879456910 +632 17 3 879459573 +632 22 4 879457394 +632 50 5 879459738 +632 51 4 879459166 +632 54 3 879459304 +632 55 2 879457857 +632 56 3 879458277 +632 64 5 879457525 +632 68 1 879459394 +632 69 4 879457371 +632 73 3 879459649 +632 79 5 879457317 +632 81 5 879458834 +632 82 4 879457903 +632 91 3 879459187 +632 95 5 879456955 +632 96 5 879457902 +632 97 4 879458856 +632 98 4 879457217 +632 99 5 879458941 +632 100 3 879457603 +632 131 4 879458941 +632 132 5 879459738 +632 133 4 879457064 +632 134 5 879457217 +632 143 5 879459053 +632 144 4 879457812 +632 150 2 879457525 +632 156 3 879457437 +632 159 3 879459460 +632 161 3 879459053 +632 168 4 879457248 +632 172 5 879457157 +632 173 5 879458649 +632 174 5 879457856 +632 176 3 879457812 +632 181 5 879457016 +632 182 3 879457641 +632 183 4 879456909 +632 184 5 879458277 +632 186 5 879459738 +632 191 5 879457603 +632 194 4 879457712 +632 195 5 879459738 +632 196 3 879457064 +632 201 4 879457641 +632 203 3 879457217 +632 204 4 879458277 +632 210 5 879459738 +632 215 4 879458834 +632 227 3 879459025 +632 228 3 879457157 +632 233 3 879459441 +632 234 3 879457641 +632 237 3 879458570 +632 258 4 879459777 +632 275 3 879457582 +632 276 2 879457856 +632 282 4 879458806 +632 318 5 879456843 +632 356 4 879459248 +632 357 4 879456844 +632 367 2 879459544 +632 385 4 879458649 +632 402 3 879458725 +632 404 5 879459544 +632 423 4 879459003 +632 432 3 879456910 +632 451 4 879459505 +632 468 3 879457925 +632 470 4 879459677 +632 475 3 879457582 +632 480 5 879459739 +632 483 5 879459738 +632 485 4 879457157 +632 508 2 879458570 +632 510 5 879459738 +632 523 3 879458900 +632 527 4 879458429 +632 549 3 879459210 +632 550 2 879458900 +632 566 4 879458649 +632 568 3 879458142 +632 588 2 879457217 +632 591 4 879459053 +632 609 3 879459677 +632 633 4 879459003 +632 651 5 879459738 +632 655 3 879457641 +632 679 4 879459321 +632 684 5 879457903 +632 685 2 879459394 +632 693 2 879458692 +632 705 5 879459738 +632 720 3 879459025 +632 735 4 879458649 +632 739 3 879459210 +632 746 3 879459481 +632 763 3 879459304 +632 845 4 879459677 +632 877 1 879459777 +632 1028 2 879459649 +632 1183 2 879458142 +633 5 3 877212085 +633 45 3 877211326 +633 50 4 875326664 +633 56 2 875326491 +633 71 3 875325804 +633 77 3 877212173 +633 82 4 875325273 +633 94 4 877211684 +633 96 4 875324997 +633 97 3 877211083 +633 98 4 875324715 +633 110 3 877211817 +633 117 3 875326491 +633 121 3 875325168 +633 128 3 875325225 +633 147 4 875325740 +633 148 1 875326138 +633 159 4 875325093 +633 172 3 877212250 +633 177 3 875325654 +633 183 4 875325577 +633 195 4 875324997 +633 226 4 877212085 +633 237 4 875324891 +633 252 3 875325273 +633 276 3 875326698 +633 289 3 875324233 +633 300 4 875324233 +633 317 3 875324598 +633 318 4 875324813 +633 322 3 875325888 +633 328 4 875324298 +633 333 3 875567562 +633 385 4 875325497 +633 405 4 875325654 +633 423 4 877212367 +633 498 2 875324922 +633 566 3 877212173 +633 581 3 877212085 +633 651 3 877212283 +633 654 3 875324654 +633 665 3 875325577 +633 871 3 875326698 +633 921 3 875324812 +633 939 4 877212045 +633 958 3 877210979 +633 1019 4 875324766 +633 1046 4 877212085 +634 1 3 875728872 +634 7 4 875729069 +634 9 5 877018125 +634 13 4 878916178 +634 14 3 875728783 +634 15 4 875729436 +634 21 2 875729668 +634 25 4 877018125 +634 50 4 877018347 +634 93 5 877018125 +634 100 4 875728834 +634 106 3 877017923 +634 109 4 877017810 +634 111 4 875729794 +634 116 3 875729069 +634 117 4 875729535 +634 118 4 875729106 +634 121 5 877018125 +634 122 3 877017975 +634 124 3 875728913 +634 125 4 875729710 +634 126 3 875729106 +634 127 5 877018347 +634 129 4 875729105 +634 137 3 875728834 +634 147 2 875729749 +634 150 3 875728834 +634 221 1 875729105 +634 222 3 875728913 +634 225 3 875729668 +634 235 3 875729825 +634 240 3 877018033 +634 245 3 875729217 +634 248 4 877018311 +634 258 4 884980585 +634 269 4 890779855 +634 272 5 889464384 +634 274 3 876170992 +634 275 3 875728834 +634 276 5 877018125 +634 281 4 877017829 +634 282 4 875729749 +634 283 2 875728783 +634 284 4 875729668 +634 285 4 875728872 +634 287 3 877018059 +634 288 3 875729178 +634 290 3 877017891 +634 292 3 876170101 +634 293 3 877018347 +634 294 4 876170101 +634 300 3 881952599 +634 313 5 884980565 +634 315 5 889464384 +634 322 3 875729217 +634 323 4 875729217 +634 325 1 877974690 +634 331 4 875728702 +634 333 4 881007052 +634 340 4 881952599 +634 341 2 890779883 +634 408 3 875728783 +634 410 4 877017872 +634 411 4 877018059 +634 460 3 875729710 +634 471 4 875729478 +634 473 2 875729558 +634 475 5 877018125 +634 477 3 876171093 +634 508 4 880067125 +634 515 4 877018346 +634 544 3 875729478 +634 546 4 875729535 +634 547 4 877979407 +634 591 4 875729535 +634 595 4 877017923 +634 596 3 875729105 +634 597 4 877017923 +634 628 4 876170992 +634 676 4 875729633 +634 678 2 877017632 +634 685 4 875729535 +634 690 3 877368446 +634 696 4 875729535 +634 717 4 875729794 +634 740 2 875729749 +634 741 3 875728834 +634 742 4 875729794 +634 744 5 877018125 +634 748 3 875729217 +634 756 3 875729749 +634 760 3 879787621 +634 762 3 879787667 +634 763 3 875729825 +634 819 2 876171049 +634 823 3 877017923 +634 840 2 875729794 +634 845 3 875729148 +634 864 3 877368475 +634 866 3 875729668 +634 922 4 875728913 +634 924 4 877017810 +634 929 3 877018033 +634 932 3 877018004 +634 933 3 877017951 +634 934 2 877018033 +634 950 5 877018125 +634 979 3 875729710 +634 985 4 877017790 +634 988 1 875729217 +634 991 3 875729239 +634 1009 2 875729794 +634 1011 4 875729633 +634 1028 3 875729456 +634 1047 3 875729668 +634 1048 3 875729668 +634 1049 2 877018004 +634 1067 4 875729069 +634 1084 2 875728783 +634 1142 3 877018347 +634 1162 1 877017951 +634 1197 4 875729106 +634 1199 1 875728913 +634 1284 3 875729794 +634 1335 2 877017975 +635 1 4 878879283 +635 15 3 878879346 +635 117 2 878879284 +635 150 3 878879236 +635 237 3 878879257 +635 246 5 878879190 +635 255 4 878879213 +635 268 5 878878654 +635 276 3 878879257 +635 302 4 878878587 +635 307 4 878878654 +635 323 3 878878714 +635 327 5 878878752 +635 328 3 878878752 +635 331 4 878878654 +635 333 5 878878685 +635 358 1 878878838 +635 682 2 878878685 +635 688 2 878878838 +635 742 3 878879190 +635 874 3 878878714 +635 877 3 878878901 +635 879 3 878878866 +635 1025 2 878878901 +636 10 5 891449123 +636 15 5 891449237 +636 25 5 891449237 +636 106 4 891449328 +636 118 5 891449305 +636 235 4 891449371 +636 272 5 891448155 +636 275 3 891448229 +636 283 3 891448916 +636 760 5 891449263 +637 1 4 882902924 +637 7 1 882903044 +637 9 1 882902924 +637 13 1 882904458 +637 15 4 882903447 +637 24 2 882903511 +637 25 4 882904537 +637 50 4 882901146 +637 93 3 882903511 +637 117 2 882904148 +637 118 1 882904961 +637 121 4 882904458 +637 124 3 882902835 +637 125 3 882903582 +637 127 2 882901356 +637 147 1 882903645 +637 148 3 882905070 +637 149 2 882901356 +637 150 1 882903447 +637 151 5 882904064 +637 181 4 882902540 +637 225 3 882904829 +637 235 1 882904233 +637 237 2 882903511 +637 244 1 882903645 +637 245 3 882900047 +637 246 2 882903447 +637 255 3 882903645 +637 257 2 882903511 +637 268 2 882898692 +637 273 3 882903250 +637 274 5 882904065 +637 275 3 882903191 +637 282 3 882903250 +637 283 2 882903822 +637 285 3 882901356 +637 286 5 882900888 +637 289 2 882900047 +637 291 4 882905183 +637 293 3 882902835 +637 294 3 882900888 +637 300 3 882900888 +637 301 1 882899527 +637 322 3 882900888 +637 323 1 882899182 +637 325 1 882899928 +637 328 4 882900888 +637 333 3 882900888 +637 338 4 882900888 +637 405 1 882903250 +637 408 5 882901355 +637 410 2 882904148 +637 411 1 882904678 +637 460 2 882905388 +637 471 2 882903822 +637 475 1 882903191 +637 508 2 882903301 +637 515 4 882902540 +637 535 2 882905573 +637 544 3 882903914 +637 546 1 882905182 +637 591 3 882904233 +637 596 2 882903582 +637 619 2 882903914 +637 676 3 882903767 +637 685 3 882904829 +637 717 3 882905572 +637 740 2 882903914 +637 741 1 882903644 +637 742 4 882904233 +637 744 4 882903044 +637 815 2 882904678 +637 833 1 882905070 +637 847 3 882903191 +637 866 3 882905285 +637 873 1 882899608 +637 922 1 882902487 +637 926 2 882904898 +637 931 1 882905388 +637 934 1 882905285 +637 936 4 882902487 +637 985 2 882905284 +637 1011 1 882904961 +637 1028 3 882905182 +637 1033 3 882904233 +637 1051 2 882905388 +637 1060 2 882904148 +637 1102 3 882904537 +637 1226 2 882903191 +637 1233 5 882900888 +637 1244 1 882904458 +637 1258 1 882905070 +637 1284 1 882905070 +637 1344 4 882901356 +638 4 4 876695108 +638 22 5 876694787 +638 29 2 876694917 +638 62 3 876695307 +638 82 2 876694917 +638 89 4 876694704 +638 96 4 876694917 +638 98 3 876695560 +638 100 3 876695560 +638 117 4 876694995 +638 118 3 876695385 +638 121 4 876694995 +638 128 3 876695216 +638 144 5 876694861 +638 153 3 876695819 +638 168 4 876695714 +638 174 5 876694861 +638 175 4 876695774 +638 176 3 876694861 +638 185 5 876695601 +638 186 5 876695859 +638 187 2 876694704 +638 188 3 876694995 +638 195 4 876694787 +638 202 3 876695819 +638 204 5 876695917 +638 210 4 876695478 +638 211 4 876695774 +638 222 4 876694787 +638 226 5 876695217 +638 227 2 876695259 +638 228 3 876694917 +638 229 1 876695108 +638 230 5 876695259 +638 234 4 876695627 +638 238 4 876695819 +638 241 3 876695217 +638 265 5 876695216 +638 385 5 876694917 +638 403 3 876695059 +638 405 3 876695338 +638 430 5 876695714 +638 431 4 876695108 +638 435 3 876694787 +638 449 2 876694995 +638 450 1 876695415 +638 455 3 876695059 +638 504 2 876695560 +638 510 3 876694704 +638 511 3 876695478 +638 514 2 876695714 +638 515 4 876694704 +638 523 4 876695917 +638 550 5 876695059 +638 636 3 876695108 +638 679 3 876695259 +638 685 4 876695307 +639 12 3 891239030 +639 14 5 891239813 +639 19 4 891239813 +639 28 4 891239239 +639 48 4 891239295 +639 51 2 891239613 +639 52 3 891239838 +639 57 3 891239862 +639 59 3 891239658 +639 60 3 891239790 +639 61 3 891239790 +639 66 3 891240868 +639 70 3 891239862 +639 83 4 891239790 +639 86 4 891239406 +639 87 3 891239218 +639 97 1 891240495 +639 98 4 891240643 +639 100 1 891240495 +639 111 2 891239613 +639 116 3 891239739 +639 135 4 891239239 +639 137 3 891239271 +639 153 3 891240752 +639 155 3 891239638 +639 162 3 891239380 +639 165 3 891239658 +639 166 3 891239838 +639 168 1 891240678 +639 173 1 891239492 +639 174 4 891240160 +639 178 5 891240543 +639 179 1 891239324 +639 191 3 891239109 +639 193 3 891239177 +639 194 4 891240160 +639 196 3 891239456 +639 197 3 891239492 +639 198 2 891239885 +639 199 3 891239155 +639 202 2 891239581 +639 204 3 891240751 +639 210 3 891240136 +639 212 4 891239550 +639 213 5 891239528 +639 215 1 891239271 +639 216 3 891239528 +639 237 1 891239296 +639 269 3 891238599 +639 274 1 891240495 +639 275 4 891239492 +639 280 3 891240868 +639 283 4 891239913 +639 285 1 891239131 +639 286 4 891238618 +639 300 3 891238790 +639 305 1 891238668 +639 311 3 891238599 +639 313 1 891238514 +639 323 1 891238876 +639 356 2 891239380 +639 357 3 891239156 +639 371 1 891240495 +639 381 2 891239581 +639 382 2 891239913 +639 387 3 891239380 +639 414 3 891240719 +639 423 2 891239030 +639 427 4 891239064 +639 451 4 891239529 +639 471 2 891239349 +639 483 5 891240520 +639 509 3 891239271 +639 510 3 891239862 +639 511 4 891239240 +639 512 2 891239759 +639 513 4 891239030 +639 514 4 891240566 +639 516 4 891240678 +639 517 2 891239492 +639 519 4 891239380 +639 526 4 891239177 +639 527 4 891239323 +639 528 4 891239239 +639 549 2 891239427 +639 553 3 891240868 +639 580 2 891239581 +639 582 3 891239739 +639 584 2 891239790 +639 604 4 891240520 +639 615 5 891240160 +639 638 4 891239790 +639 647 3 891239217 +639 648 3 891239491 +639 651 4 891239349 +639 655 3 891239406 +639 660 2 891239271 +639 661 4 891239155 +639 662 2 891239581 +639 664 2 891239324 +639 673 4 891239406 +639 692 3 891239550 +639 694 5 891239492 +639 702 2 891240868 +639 707 5 891239492 +639 714 2 891239886 +639 716 1 891240805 +639 724 3 891239581 +639 727 2 891239613 +639 731 2 891239613 +639 739 3 891240868 +639 740 4 891239324 +639 747 3 891239528 +639 750 2 891238514 +639 778 5 891239613 +639 786 3 891241022 +639 792 2 891240752 +639 796 1 891240805 +639 835 4 891240543 +639 863 4 891239702 +639 865 1 891239427 +639 923 4 891239702 +639 949 3 891240868 +639 953 2 891239407 +639 958 4 891241052 +639 962 1 891243532 +639 971 4 891239913 +639 990 1 891238689 +639 1005 2 891239813 +639 1020 4 891240136 +639 1065 1 891239030 +639 1101 3 891239177 +639 1121 2 891239885 +639 1163 1 891239349 +639 1193 4 891239702 +639 1194 5 891239271 +639 1195 2 891239838 +639 1465 2 891239048 +640 2 4 874778568 +640 4 4 874778065 +640 12 5 874777491 +640 14 4 886474436 +640 22 4 874778479 +640 33 3 874778696 +640 42 5 874778345 +640 47 4 874777735 +640 55 5 874777765 +640 56 5 874777528 +640 62 3 874778612 +640 64 5 874777701 +640 66 4 874778345 +640 68 4 874778479 +640 70 4 874778065 +640 79 5 874778515 +640 81 5 874777735 +640 85 5 874778065 +640 91 4 874777998 +640 92 4 874778515 +640 96 5 874778240 +640 126 4 886474802 +640 134 5 874777623 +640 150 4 886474493 +640 151 4 886474515 +640 161 4 874778479 +640 168 5 886354114 +640 169 5 874777890 +640 170 5 874777583 +640 174 5 876067863 +640 175 5 874777735 +640 180 5 874777528 +640 182 5 874777925 +640 184 5 889235992 +640 186 5 888026047 +640 189 5 874778181 +640 195 4 874778515 +640 201 4 874778240 +640 202 5 874778366 +640 209 5 874778154 +640 210 5 876067710 +640 214 5 874778274 +640 226 5 874778569 +640 231 5 874778424 +640 233 4 874778479 +640 249 4 886474493 +640 269 5 886803575 +640 301 2 886353820 +640 302 5 888025971 +640 304 4 876067605 +640 313 5 888639815 +640 315 5 886353894 +640 318 5 874777948 +640 336 3 886353894 +640 338 5 886353852 +640 342 5 886353780 +640 346 4 886353742 +640 347 3 886353742 +640 354 4 888262331 +640 357 5 874778274 +640 369 3 886474977 +640 373 3 874778756 +640 382 4 874777528 +640 391 3 874778756 +640 428 5 874778299 +640 461 4 874777833 +640 474 4 874777623 +640 496 4 874777491 +640 540 3 874778479 +640 550 4 874778722 +640 566 4 874778569 +640 568 4 874778569 +640 578 3 874778612 +640 580 5 874778096 +640 591 4 875732368 +640 663 5 874778240 +640 684 4 874778568 +640 689 4 886353852 +640 691 4 890014144 +640 693 5 874778207 +640 720 3 874778612 +640 750 5 886353742 +640 751 4 886353742 +640 761 5 874778613 +640 770 4 874777658 +640 778 4 886354499 +640 790 4 874777260 +640 802 3 874778756 +640 827 3 886474833 +640 919 5 886474436 +640 926 3 886474913 +640 952 4 886474538 +640 1010 3 886474753 +640 1016 3 886474538 +640 1054 1 886474010 +640 1067 4 876068799 +640 1228 4 889235993 +640 1244 3 886474849 +640 1258 3 886474866 +641 23 5 879370364 +641 30 4 879370365 +641 50 3 879370150 +641 64 4 879370337 +641 89 4 879370364 +641 134 5 879370062 +641 198 5 879370028 +641 203 4 879370337 +641 209 4 879370365 +641 242 5 879370299 +641 258 3 879369806 +641 270 3 879369827 +641 285 5 879370028 +641 301 4 879369925 +641 305 5 879369848 +641 336 3 879369943 +641 338 3 879369958 +641 427 4 879370119 +641 432 5 879370119 +641 483 5 879370259 +641 496 2 879370337 +641 497 5 879370259 +641 511 5 879370337 +641 513 5 879370150 +641 528 4 879370150 +641 558 5 879370299 +641 657 4 879370062 +641 969 4 879370259 +641 1039 4 879370337 +641 1194 3 879370299 +642 1 5 885603565 +642 2 4 885606787 +642 4 3 885605768 +642 8 5 885603662 +642 13 4 886206806 +642 15 5 885602314 +642 21 5 885605148 +642 22 4 885602285 +642 28 5 885603636 +642 29 5 886454812 +642 35 2 886570027 +642 40 4 885605866 +642 41 3 885605347 +642 44 3 885603870 +642 49 4 885605909 +642 50 5 885604280 +642 51 5 886132172 +642 53 2 885604940 +642 54 4 886206959 +642 56 4 885602656 +642 58 3 886131744 +642 63 3 885606090 +642 64 5 885602482 +642 65 4 886132172 +642 66 5 885603740 +642 67 4 885843025 +642 68 3 885606765 +642 69 5 885602631 +642 71 5 886131547 +642 72 4 885843087 +642 73 4 885605735 +642 78 3 886570084 +642 80 5 885606557 +642 82 5 885602285 +642 83 5 885603636 +642 88 5 886131546 +642 89 2 886455538 +642 90 4 885606024 +642 91 4 885603897 +642 94 2 885605909 +642 95 5 886131547 +642 96 5 885842289 +642 97 4 885602418 +642 99 2 885602446 +642 102 5 885603849 +642 105 5 885606482 +642 110 2 885606048 +642 117 4 886131655 +642 118 3 885603566 +642 120 3 886206256 +642 121 5 885842289 +642 122 2 885606463 +642 125 4 885603586 +642 131 3 885603566 +642 133 5 886206274 +642 135 3 886131953 +642 136 3 885602232 +642 138 4 886570173 +642 139 1 886569417 +642 140 3 886569257 +642 141 4 886568744 +642 142 4 886569380 +642 143 5 885603018 +642 147 4 885606986 +642 148 5 885604163 +642 151 3 886568791 +642 153 3 885602572 +642 155 3 886568726 +642 156 1 886454965 +642 165 4 885604480 +642 166 5 885604434 +642 168 5 885842943 +642 172 5 885604299 +642 173 5 885602314 +642 174 5 885842594 +642 181 5 885603699 +642 186 5 885602739 +642 191 4 886131970 +642 195 3 885602718 +642 202 3 885842351 +642 204 4 885602593 +642 208 5 886131547 +642 210 5 885842610 +642 216 3 885603083 +642 217 2 886569659 +642 218 3 886130929 +642 220 4 887663380 +642 225 4 886569942 +642 231 3 886454812 +642 233 4 885606964 +642 234 1 885603662 +642 235 2 885606047 +642 237 5 885603870 +642 240 3 885606137 +642 245 4 891317923 +642 249 5 885604805 +642 250 5 886131457 +642 252 5 885842962 +642 254 4 886454812 +642 257 5 886131546 +642 258 3 885601865 +642 259 5 885605095 +642 288 1 885604085 +642 292 2 887663326 +642 294 5 885601998 +642 313 5 886454784 +642 318 2 885602369 +642 356 4 886132104 +642 357 2 885603565 +642 364 5 885843025 +642 365 4 886569922 +642 366 4 886131707 +642 367 5 885605866 +642 368 4 885606271 +642 369 2 885606090 +642 375 1 886131744 +642 376 3 885606194 +642 377 3 886569809 +642 378 3 885603517 +642 383 5 886570062 +642 384 5 886131546 +642 385 5 885602571 +642 386 5 885605932 +642 391 4 885607143 +642 392 4 886132237 +642 393 5 885605834 +642 395 5 885604187 +642 398 2 886454837 +642 399 3 886131257 +642 400 4 886569278 +642 401 4 885606178 +642 402 4 885603792 +642 403 4 886454812 +642 404 3 886569122 +642 405 3 885606946 +642 407 5 885606482 +642 409 5 885605909 +642 410 1 885605988 +642 411 5 885605834 +642 412 2 885606271 +642 416 5 886455469 +642 417 3 886568791 +642 418 5 885606581 +642 419 4 885603537 +642 420 4 885606581 +642 422 3 885606608 +642 423 3 885602506 +642 427 3 886132043 +642 432 2 885602369 +642 441 1 886569942 +642 443 2 885603870 +642 444 1 886569417 +642 447 4 886569328 +642 451 5 885605794 +642 452 1 886569699 +642 462 4 886455357 +642 463 3 885602232 +642 465 4 885603932 +642 468 3 886568479 +642 470 4 886206991 +642 472 5 885607081 +642 473 1 886131585 +642 477 5 886131563 +642 485 5 885602612 +642 496 4 885603516 +642 501 2 885603740 +642 527 4 886207132 +642 541 5 885607028 +642 542 5 885606609 +642 552 4 886569347 +642 553 5 886132153 +642 554 4 885842962 +642 559 5 885604874 +642 560 4 886568978 +642 565 4 886569870 +642 568 4 885606735 +642 569 2 886569538 +642 570 1 886131332 +642 571 3 885606113 +642 575 3 886454901 +642 577 4 886569870 +642 579 4 885606537 +642 581 2 886569209 +642 584 4 885842877 +642 585 5 885606178 +642 588 5 886131546 +642 596 5 885604113 +642 597 4 885607065 +642 609 3 885604859 +642 622 4 886568941 +642 623 4 886570010 +642 624 3 885606608 +642 625 3 885603932 +642 627 3 885606581 +642 628 3 891317897 +642 651 4 885602571 +642 660 3 886132089 +642 673 2 886130929 +642 679 2 885606986 +642 686 5 886131546 +642 699 5 886568959 +642 722 3 885606113 +642 723 4 886132088 +642 725 4 885606067 +642 726 2 886570131 +642 729 3 885603566 +642 731 5 885605909 +642 732 4 885605538 +642 734 3 886569960 +642 739 5 886568838 +642 742 5 885602839 +642 748 5 885601998 +642 755 3 885603495 +642 756 5 885604859 +642 759 3 885843824 +642 765 3 885606234 +642 768 4 885606609 +642 769 5 885842903 +642 771 3 885607115 +642 775 4 886569570 +642 779 3 885843177 +642 780 5 885606270 +642 783 4 885606024 +642 790 4 885605932 +642 794 4 886568429 +642 795 4 886570173 +642 796 4 885605909 +642 801 3 885605794 +642 812 4 886455357 +642 815 4 892241051 +642 826 5 888963032 +642 827 1 886131332 +642 832 3 892240991 +642 843 3 886569682 +642 845 5 891318088 +642 862 4 892241015 +642 864 3 885605987 +642 871 3 885605835 +642 926 5 885605454 +642 928 5 886131546 +642 931 4 885606857 +642 932 5 885605866 +642 934 2 885606137 +642 940 2 886569847 +642 942 4 886207151 +642 944 5 885605987 +642 946 2 885606581 +642 949 1 885605834 +642 955 3 888123262 +642 959 5 885605794 +642 966 5 886569140 +642 969 2 885603662 +642 974 3 886569765 +642 975 2 886130929 +642 993 4 891317955 +642 996 2 885605932 +642 998 3 886569765 +642 1000 3 885602340 +642 1011 3 885842351 +642 1014 5 886131547 +642 1023 3 885842351 +642 1028 4 885605735 +642 1029 3 885606271 +642 1030 4 886570173 +642 1032 4 886569012 +642 1033 3 886569278 +642 1036 4 885606234 +642 1037 2 885605866 +642 1047 3 885606327 +642 1049 3 885606271 +642 1053 3 886207279 +642 1054 3 885606482 +642 1055 4 886569483 +642 1058 3 886132139 +642 1063 3 885603740 +642 1066 3 885606608 +642 1076 2 885606648 +642 1078 5 885604239 +642 1079 5 885605987 +642 1091 4 885606608 +642 1095 2 885606271 +642 1126 1 885603495 +642 1133 3 886569295 +642 1136 4 888123195 +642 1140 4 886569732 +642 1146 1 886570084 +642 1152 5 886569828 +642 1178 3 885606067 +642 1179 3 885606048 +642 1181 2 885607143 +642 1182 2 885606178 +642 1185 4 885606024 +642 1209 3 885606212 +642 1219 4 885603932 +642 1224 4 886132139 +642 1239 4 885607097 +642 1285 4 886132043 +642 1287 2 885606463 +642 1311 3 886569715 +642 1336 2 885606520 +642 1413 3 886569809 +642 1415 4 886569783 +642 1425 2 885606024 +642 1473 4 886568874 +642 1480 1 886569922 +642 1503 2 885602446 +642 1509 2 885606270 +642 1531 3 886569226 +643 1 5 891445287 +643 2 3 891448218 +643 4 4 891448136 +643 5 3 891449741 +643 7 4 891445354 +643 11 4 891446720 +643 12 5 891446720 +643 23 5 891447835 +643 24 4 891449614 +643 28 4 891448002 +643 29 2 891449901 +643 32 4 891447459 +643 33 3 891449417 +643 39 4 891447747 +643 42 4 891446750 +643 47 4 891446791 +643 49 3 891449848 +643 50 4 891445140 +643 53 4 891449719 +643 55 4 891448218 +643 58 4 891448062 +643 65 4 891448786 +643 66 3 891448786 +643 67 4 891449476 +643 68 3 891447338 +643 69 3 891447430 +643 70 3 892502414 +643 72 4 891449301 +643 77 3 891449557 +643 79 4 891446826 +643 82 3 891448095 +643 87 5 891447663 +643 88 2 891449417 +643 89 3 891448630 +643 92 4 891447835 +643 94 4 891450240 +643 96 5 891447747 +643 98 3 891446688 +643 99 4 891447485 +643 100 5 891445140 +643 111 4 891446301 +643 114 4 891446854 +643 117 3 891445823 +643 118 2 891445741 +643 121 4 891445741 +643 127 5 891445476 +643 128 3 891447617 +643 129 5 891445354 +643 132 5 891448265 +643 144 4 891447286 +643 147 3 891445526 +643 150 5 891445823 +643 152 4 891446956 +643 153 4 891447196 +643 155 2 891449345 +643 156 5 891446826 +643 159 3 891449345 +643 161 3 891449381 +643 162 3 891448436 +643 163 4 891448839 +643 168 5 891447157 +643 169 4 891447222 +643 172 5 891447093 +643 173 4 891447663 +643 174 4 891446652 +643 176 5 891447157 +643 177 4 891448002 +643 179 4 891447901 +643 181 3 891445476 +643 183 5 891447790 +643 185 5 891447157 +643 186 4 891447663 +643 187 4 891447127 +643 194 4 891446652 +643 195 5 891447063 +643 197 4 891446983 +643 200 3 891448265 +643 202 3 891447835 +643 203 4 891446956 +643 204 3 891447901 +643 205 5 891447222 +643 208 5 891448136 +643 209 5 891446652 +643 210 4 891448318 +643 211 4 891447617 +643 215 3 891447037 +643 216 4 891448136 +643 218 3 891449680 +643 219 5 891449614 +643 223 4 891447696 +643 226 2 891449476 +643 228 4 891447260 +643 231 2 891450316 +643 233 4 891449249 +643 234 4 891447260 +643 235 4 891445698 +643 238 3 891448095 +643 240 5 891445823 +643 246 5 891445312 +643 249 3 891446323 +643 255 4 892502414 +643 262 3 892502480 +643 268 4 891450748 +643 273 3 891445287 +643 276 5 891445354 +643 282 3 891445230 +643 288 4 891445255 +643 325 2 891446581 +643 356 4 891448218 +643 357 5 891446889 +643 367 4 891447518 +643 385 3 891449344 +643 393 4 891450273 +643 399 3 891450376 +643 403 3 891449534 +643 404 4 891447959 +643 405 3 891445859 +643 408 4 891445176 +643 410 4 891445597 +643 418 4 891447518 +643 420 4 891449803 +643 423 4 891447370 +643 428 4 891447196 +643 430 5 891447403 +643 432 5 891449771 +643 435 5 891447314 +643 436 4 891449870 +643 443 4 891446919 +643 447 4 891449249 +643 448 3 891449580 +643 451 2 891449301 +643 468 4 891449900 +643 470 4 891448352 +643 474 5 891446955 +643 481 4 891447127 +643 482 4 891447063 +643 483 4 891446889 +643 484 5 891448756 +643 492 4 891448586 +643 496 4 891446688 +643 501 4 891448062 +643 504 4 891447370 +643 505 4 891447260 +643 508 4 891445287 +643 509 3 891448839 +643 514 3 891446688 +643 515 4 891445140 +643 516 4 891447037 +643 519 4 891447663 +643 521 4 891448586 +643 527 3 891448502 +643 550 3 891450273 +643 566 3 891449476 +643 568 4 891447663 +643 571 3 891450316 +643 572 3 891450341 +643 597 2 891446301 +643 603 5 891447459 +643 629 3 891450168 +643 630 3 891448352 +643 631 3 891447930 +643 639 4 891447790 +643 655 4 891448176 +643 656 4 891447196 +643 659 5 891447127 +643 663 4 891447747 +643 665 3 891449930 +643 673 4 891448095 +643 674 3 891449901 +643 679 3 891447747 +643 685 3 891445354 +643 712 3 891449249 +643 715 5 891450210 +643 716 3 891449507 +643 721 2 892502531 +643 732 3 891447868 +643 739 3 891449476 +643 780 4 891449442 +643 790 4 891449249 +643 794 3 891450376 +643 820 3 891446381 +643 824 3 891449681 +643 845 3 891445476 +643 928 4 891445660 +643 956 4 891448586 +643 959 3 891449741 +643 969 4 891446826 +643 1012 4 891445550 +643 1016 3 891445766 +643 1028 3 891446404 +643 1065 4 891448756 +643 1074 2 891448630 +643 1098 4 891447696 +643 1139 3 891449680 +643 1215 3 891446489 +643 1221 3 891450316 +644 117 4 889077418 +644 125 4 889076851 +644 127 4 889076775 +644 181 4 889077189 +644 237 4 889076775 +644 250 4 889077463 +644 255 4 889077513 +644 258 4 889075928 +644 259 4 889076433 +644 261 4 889076502 +644 276 4 889077344 +644 289 1 889076364 +644 291 4 889076949 +644 293 4 889076851 +644 298 4 889077513 +644 307 4 889076031 +644 308 4 889076095 +644 322 5 889076364 +644 323 4 889076433 +644 328 4 889076222 +644 330 4 889076173 +644 333 3 889075967 +644 457 4 889076502 +644 546 4 889076875 +644 597 4 889077513 +644 871 4 889077513 +644 873 4 889076310 +644 977 4 889076922 +644 988 4 889076475 +644 1025 4 889076433 +644 1610 3 889077115 +644 1620 4 889077247 +645 4 4 892055347 +645 11 4 892054278 +645 22 4 892054508 +645 23 5 892054364 +645 28 4 892053310 +645 30 4 892054824 +645 32 5 892054906 +645 39 3 892054324 +645 46 5 892054508 +645 47 4 892054824 +645 48 4 892053748 +645 50 4 892054824 +645 55 3 892053748 +645 56 3 892053241 +645 59 5 892053429 +645 60 5 892053748 +645 61 5 892054508 +645 64 3 892053429 +645 65 4 892054824 +645 70 4 892055325 +645 72 3 892053686 +645 73 3 892055445 +645 81 4 892055039 +645 87 4 892055444 +645 89 4 892053483 +645 91 3 892054990 +645 92 3 892054444 +645 96 3 892054444 +645 98 4 892053241 +645 134 5 892054364 +645 135 5 892054707 +645 168 4 892054797 +645 172 4 892054537 +645 173 4 892053748 +645 174 4 892053518 +645 177 4 892053274 +645 180 4 892054402 +645 181 4 892053483 +645 182 5 892053686 +645 183 4 892053340 +645 184 3 892055213 +645 185 5 892054537 +645 186 4 892053340 +645 188 4 892054906 +645 191 5 892053644 +645 194 4 892053644 +645 195 4 892054537 +645 198 3 892053644 +645 200 5 892054906 +645 202 3 892053518 +645 203 4 892053456 +645 208 5 892054797 +645 209 5 892053483 +645 211 4 892054364 +645 212 4 892054857 +645 214 4 892054570 +645 216 4 892054732 +645 228 3 892053748 +645 239 3 892055445 +645 243 1 892052232 +645 258 3 892051708 +645 268 4 892051811 +645 286 4 892051844 +645 288 3 892051741 +645 301 2 892052070 +645 318 5 892053241 +645 319 3 892051708 +645 340 4 892051762 +645 357 5 892053274 +645 367 3 892055039 +645 403 3 892055603 +645 427 5 892053483 +645 428 4 892054684 +645 430 5 892054797 +645 433 4 892054906 +645 434 4 892055389 +645 435 4 892054364 +645 447 3 892053541 +645 469 5 892054707 +645 474 5 892053398 +645 482 4 892053340 +645 483 5 892053456 +645 488 4 892053241 +645 496 3 892053686 +645 506 5 892055072 +645 513 5 892054481 +645 514 5 892053686 +645 518 5 892055285 +645 521 4 892054990 +645 558 4 892053429 +645 616 3 892054508 +645 627 2 892055244 +645 640 4 892055285 +645 641 5 892054600 +645 650 5 892055285 +645 653 5 892054990 +645 654 5 892053686 +645 656 4 892053241 +645 660 3 892055628 +645 664 4 892054402 +645 673 3 892054600 +645 674 3 892054402 +645 708 3 892055072 +645 709 3 892054570 +645 746 4 892054683 +645 772 3 892055728 +645 955 4 892054989 +645 956 4 892053310 +645 959 4 892053541 +645 960 4 892054278 +645 963 4 892053241 +645 1159 4 892054632 +646 259 3 888528978 +646 272 4 888528483 +646 286 3 888528927 +646 288 3 888529127 +646 294 2 888528870 +646 307 3 888528902 +646 310 3 888528483 +646 313 5 888528457 +646 315 4 888528483 +646 323 3 888529153 +646 328 3 888528457 +646 332 3 888528870 +646 349 2 888529127 +646 352 1 888529153 +646 354 3 888528902 +646 678 3 888529127 +646 748 3 888529054 +646 750 3 888528902 +646 751 2 888528870 +646 877 3 888529014 +646 880 3 888529127 +646 892 2 888529180 +646 893 3 888529080 +646 895 3 888528978 +646 908 3 888529054 +646 1022 4 888528955 +646 1176 4 888528955 +646 1313 3 888529180 +647 15 4 876532975 +647 22 5 876534131 +647 29 4 876533657 +647 70 3 876776321 +647 71 4 876534275 +647 72 4 876534083 +647 73 5 876537697 +647 77 4 876533851 +647 79 4 876530687 +647 82 4 876533912 +647 88 4 876534041 +647 121 4 876534274 +647 134 4 876534275 +647 136 5 876534131 +647 147 4 876532975 +647 173 5 876534131 +647 174 4 876530784 +647 177 5 876534131 +647 196 4 876537620 +647 197 5 876534131 +647 202 4 876534275 +647 203 3 876776321 +647 213 3 876534151 +647 231 4 876533657 +647 237 3 876776320 +647 250 3 876532975 +647 255 4 876534131 +647 257 2 876776321 +647 291 3 876534275 +647 294 3 876532501 +647 298 3 876533005 +647 300 4 876534131 +647 357 5 876534131 +647 402 4 876534009 +647 403 4 876533657 +647 405 4 876532747 +647 427 4 876534275 +647 496 4 876534275 +647 568 4 876533832 +647 705 4 876530628 +647 742 4 876534275 +647 831 3 876776321 +647 993 4 876534131 +647 1014 3 876531583 +647 1016 4 876534131 +647 1047 4 876534275 +647 1063 3 876776320 +647 1263 3 876776321 +648 1 5 882211109 +648 2 4 884882742 +648 4 1 884881646 +648 5 4 884883476 +648 7 3 882211109 +648 9 1 884795447 +648 13 3 882212071 +648 14 2 882211223 +648 15 1 884795447 +648 17 2 884882078 +648 21 3 882212609 +648 22 4 884628482 +648 23 3 882212709 +648 24 3 882211532 +648 25 2 882211760 +648 28 5 884628437 +648 29 2 884883149 +648 33 1 884881722 +648 38 5 884882803 +648 39 3 884882742 +648 40 4 884882234 +648 47 2 884881807 +648 49 2 884881679 +648 50 5 882211016 +648 56 1 884881592 +648 62 5 884882916 +648 63 4 884882103 +648 66 5 882213535 +648 67 4 884882192 +648 68 1 884882916 +648 69 1 884628564 +648 70 2 884881592 +648 71 3 884368165 +648 72 4 884881722 +648 79 5 884796689 +648 82 5 884882742 +648 83 4 884628482 +648 88 4 884881679 +648 89 4 884797033 +648 90 3 884882271 +648 94 5 884882234 +648 95 3 884368371 +648 98 4 884368313 +648 103 1 884367274 +648 104 1 884367274 +648 107 4 882212200 +648 109 5 882211419 +648 110 3 884882407 +648 111 5 882211886 +648 112 2 884367366 +648 117 2 882211301 +648 118 4 882212200 +648 121 5 882211654 +648 122 1 882212609 +648 123 4 884366184 +648 125 2 882211654 +648 127 3 884365970 +648 133 4 882212651 +648 143 4 884368002 +648 144 4 884368273 +648 145 4 884883616 +648 151 2 882212288 +648 152 5 884368485 +648 153 4 884881621 +648 161 3 884882802 +648 164 4 884883424 +648 167 4 884882407 +648 168 5 884797068 +648 169 5 882212651 +648 172 5 884367538 +648 173 5 882213502 +648 174 5 884882664 +648 175 3 882213597 +648 176 4 884367538 +648 177 5 884882702 +648 178 4 884368273 +648 179 4 884368442 +648 180 1 884368643 +648 181 5 882211066 +648 183 5 884368442 +648 184 5 884368643 +648 185 5 884368485 +648 186 5 882213597 +648 187 3 884882664 +648 191 5 884368002 +648 193 4 884628607 +648 194 5 882213535 +648 195 5 884368313 +648 197 3 884628644 +648 199 4 884368313 +648 200 2 884883476 +648 202 5 884881524 +648 203 1 884796571 +648 204 5 884368002 +648 205 3 884628607 +648 208 5 884796652 +648 210 4 882213502 +648 211 4 884368643 +648 215 2 884796689 +648 216 4 882213596 +648 217 2 884883616 +648 218 3 884883424 +648 219 4 884883578 +648 220 3 882212039 +648 222 5 882211258 +648 225 1 882212527 +648 226 4 884882916 +648 227 3 884882803 +648 228 5 884882702 +648 229 4 884882802 +648 230 5 884796822 +648 231 2 884882987 +648 234 5 884368314 +648 235 4 882212071 +648 238 3 882213535 +648 240 2 882211857 +648 249 3 882211348 +648 250 4 882211464 +648 252 4 882212374 +648 254 3 884367248 +648 265 4 884796886 +648 275 5 882211016 +648 281 3 884365970 +648 286 1 882210926 +648 290 3 882211707 +648 291 3 882211736 +648 294 3 884366184 +648 295 4 882211464 +648 318 3 884368371 +648 323 5 882212526 +648 357 2 884628534 +648 364 5 884882528 +648 367 3 884881837 +648 368 2 884366748 +648 373 3 884883149 +648 377 3 884881837 +648 379 1 884883724 +648 384 4 884882235 +648 385 5 884368130 +648 386 4 884882192 +648 391 3 884883031 +648 393 4 884881679 +648 399 4 884882104 +648 403 4 884882802 +648 405 4 882211924 +648 406 3 882212373 +648 407 4 884367248 +648 410 2 884882375 +648 411 2 882212288 +648 412 1 884367318 +648 413 2 882212609 +648 414 1 884797033 +648 423 4 884368442 +648 428 2 884881754 +648 429 4 884368130 +648 430 5 884881563 +648 431 5 884882664 +648 432 5 884368538 +648 434 5 884628437 +648 435 5 882212651 +648 436 5 884883476 +648 441 3 884883724 +648 443 2 884883424 +648 444 3 884883679 +648 447 5 884883578 +648 448 3 884883476 +648 449 3 884882987 +648 452 3 884883679 +648 454 3 884368232 +648 455 3 882211685 +648 456 2 884367180 +648 458 2 882211418 +648 471 4 882211685 +648 472 3 882211965 +648 474 4 884368002 +648 475 1 884364250 +648 477 3 882211585 +648 479 4 884368538 +648 483 5 882212708 +648 484 5 884368442 +648 496 4 884796822 +648 497 4 884796769 +648 498 3 884368130 +648 500 5 884368002 +648 502 5 884881679 +648 505 4 884796652 +648 507 1 884796598 +648 510 5 884796728 +648 514 2 884796822 +648 519 4 884628482 +648 520 4 884367538 +648 523 3 884628644 +648 526 3 884368232 +648 527 4 884368643 +648 546 4 882211736 +648 550 4 884882802 +648 554 4 884883323 +648 559 2 884883578 +648 561 2 884883679 +648 563 5 884883679 +648 564 1 884883724 +648 565 3 884883679 +648 566 4 884882702 +648 568 5 882212651 +648 569 3 884883578 +648 575 3 884882553 +648 576 4 884882916 +648 578 4 884882987 +648 585 3 884882234 +648 596 3 882211419 +648 603 5 882212651 +648 615 4 884796652 +648 619 3 882211301 +648 629 4 882213596 +648 633 3 884796858 +648 635 2 884883476 +648 636 4 884882916 +648 637 2 884883424 +648 662 3 884368485 +648 663 1 882213502 +648 665 2 884882987 +648 671 3 884883476 +648 675 2 884883424 +648 676 2 882211384 +648 678 3 884366792 +648 679 3 884882802 +648 684 4 884882702 +648 685 5 882211924 +648 687 1 882212527 +648 692 4 882213535 +648 713 2 884795447 +648 717 4 884366425 +648 722 3 884882104 +648 726 3 884882271 +648 728 2 884882078 +648 740 4 882211301 +648 742 5 882211175 +648 743 1 884367366 +648 746 4 884881524 +648 748 3 882211886 +648 756 2 884366939 +648 758 2 884795447 +648 763 2 882212200 +648 769 1 884883724 +648 780 1 884882501 +648 781 4 884882078 +648 797 3 884883031 +648 809 3 884883323 +648 810 4 884883031 +648 816 1 884883724 +648 820 2 882212131 +648 825 4 882212039 +648 826 3 882212526 +648 827 3 882211924 +648 831 1 882212131 +648 840 1 884367180 +648 862 1 884882441 +648 864 3 882211418 +648 878 3 884367366 +648 904 2 884794555 +648 924 1 884795447 +648 926 3 882212400 +648 928 4 882212071 +648 929 4 882211066 +648 930 3 882212131 +648 931 2 882212609 +648 997 1 884882636 +648 1003 4 884882375 +648 1028 2 882212288 +648 1029 2 884882636 +648 1030 2 884882552 +648 1033 2 882212288 +648 1041 3 884882192 +648 1047 2 882212288 +648 1050 4 884797033 +648 1060 2 882212373 +648 1072 2 884882527 +648 1092 1 884882502 +648 1110 3 884881621 +648 1176 1 884628278 +648 1228 3 884883149 +648 1244 3 882212373 +648 1258 2 884366613 +648 1271 4 884882234 +648 1337 3 884367366 +648 1376 2 884367180 +648 1626 1 884795447 +649 24 4 891440460 +649 50 4 891440235 +649 117 5 891440460 +649 121 2 891440214 +649 127 5 891440356 +649 181 4 891440309 +649 250 3 891440356 +649 252 4 891440624 +649 257 5 891440496 +649 282 4 891440330 +649 298 4 891440293 +649 471 5 891440412 +649 678 3 891440562 +649 815 3 891440274 +650 1 3 891369759 +650 2 3 891381709 +650 4 3 891386695 +650 7 4 891369656 +650 15 3 891383594 +650 21 2 891387767 +650 22 3 891369707 +650 23 3 891369890 +650 25 3 891385826 +650 27 3 891381745 +650 29 2 891382877 +650 38 3 891381784 +650 54 2 891385876 +650 55 4 891369889 +650 56 3 891369798 +650 62 3 891381784 +650 63 2 891388294 +650 66 3 891384285 +650 68 3 891381784 +650 69 2 891382877 +650 71 3 891386755 +650 72 2 891386755 +650 73 3 891387542 +650 77 3 891370093 +650 79 3 891369924 +650 80 2 891389216 +650 82 3 891381585 +650 88 3 891384226 +650 89 4 891381585 +650 91 4 891371061 +650 95 3 891371186 +650 96 4 891369479 +650 97 3 891383110 +650 98 4 891369798 +650 99 4 891372365 +650 100 4 891369954 +650 109 3 891386167 +650 117 4 891370852 +650 118 4 891381546 +650 121 3 891369836 +650 127 2 891369520 +650 131 3 891372258 +650 132 4 891372365 +650 133 4 891381546 +650 134 5 891369520 +650 135 4 891381545 +650 136 4 891372203 +650 137 3 891385105 +650 140 2 891389132 +650 141 4 891386210 +650 143 5 891369656 +650 144 3 891381585 +650 145 3 891387953 +650 151 3 891387418 +650 152 3 891382138 +650 153 4 891382138 +650 154 3 891381993 +650 155 2 891384249 +650 157 3 891382960 +650 158 2 891388149 +650 159 3 891370093 +650 160 3 891383572 +650 161 3 891381709 +650 162 3 891382928 +650 163 3 891386878 +650 164 4 891369798 +650 168 4 891381546 +650 172 4 891369442 +650 173 5 891369520 +650 174 4 891369479 +650 175 4 891372233 +650 176 4 891369798 +650 177 2 891371061 +650 179 2 891383786 +650 180 3 891383164 +650 181 4 891371116 +650 182 3 891385775 +650 183 4 891369924 +650 185 3 891369836 +650 186 4 891370998 +650 187 2 891381585 +650 188 3 891381610 +650 191 4 891381546 +650 193 3 891382901 +650 194 4 891369588 +650 195 4 891369442 +650 196 4 891370998 +650 198 4 891381546 +650 199 4 891369520 +650 200 4 891386047 +650 202 3 891372258 +650 203 3 891369924 +650 204 4 891369707 +650 205 4 891370971 +650 206 4 891371186 +650 208 5 891371090 +650 209 3 891382032 +650 210 3 891381585 +650 211 4 891370971 +650 212 3 891383713 +650 214 3 891369587 +650 215 2 891371152 +650 216 4 891381546 +650 217 3 891389162 +650 218 3 891370065 +650 219 3 891386671 +650 222 4 891369924 +650 223 3 891369656 +650 226 3 891370031 +650 227 2 891369836 +650 228 4 891369954 +650 229 2 891370031 +650 230 4 891369656 +650 231 2 891381709 +650 232 3 891381634 +650 233 2 891370243 +650 234 4 891369890 +650 235 3 891388080 +650 238 4 891382032 +650 239 3 891385876 +650 243 2 891369215 +650 257 3 891384844 +650 258 3 891368960 +650 265 4 891370031 +650 269 4 891368885 +650 270 4 891368959 +650 271 3 891369143 +650 272 4 891381546 +650 281 2 891382877 +650 286 3 891369022 +650 288 3 891369889 +650 290 2 891387979 +650 294 3 891369190 +650 301 2 891385035 +650 313 4 891381546 +650 315 3 891368885 +650 316 3 891369190 +650 323 3 891369285 +650 355 2 891369190 +650 357 4 891372286 +650 363 2 891382876 +650 367 2 891387490 +650 371 2 891387725 +650 373 1 891382877 +650 378 3 891383879 +650 380 2 891383735 +650 385 4 891381585 +650 389 3 891387571 +650 391 2 891382877 +650 393 3 891386778 +650 399 3 891381784 +650 402 3 891383272 +650 403 3 891381709 +650 404 3 891369443 +650 416 3 891387312 +650 417 3 891387591 +650 419 4 891370971 +650 420 3 891385826 +650 423 3 891372316 +650 427 4 891383424 +650 429 4 891383523 +650 430 4 891382138 +650 431 3 891369620 +650 432 4 891386830 +650 434 4 891382218 +650 435 4 891372286 +650 443 5 891369982 +650 444 2 891388341 +650 445 4 891388210 +650 447 3 891386120 +650 449 3 891370031 +650 450 1 891382877 +650 451 2 891384202 +650 452 2 891370155 +650 472 3 891381784 +650 474 4 891385315 +650 476 2 891388080 +650 478 4 891371186 +650 479 5 891372339 +650 480 5 891371090 +650 482 3 891385775 +650 483 5 891372315 +650 484 5 891372365 +650 485 3 891385422 +650 489 3 891387277 +650 491 3 891385775 +650 493 4 891369554 +650 494 3 891371153 +650 495 3 891372316 +650 496 4 891369707 +650 498 4 891369587 +650 499 3 891372316 +650 501 3 891385980 +650 502 3 891387353 +650 504 3 891369889 +650 506 3 891385508 +650 507 4 891371153 +650 509 3 891372233 +650 510 3 891371090 +650 511 5 891369520 +650 515 4 891369678 +650 519 4 891381545 +650 520 4 891369759 +650 521 3 891387616 +650 523 3 891382066 +650 525 3 891369954 +650 526 4 891369554 +650 527 3 891383229 +650 528 3 891370998 +650 530 4 891372233 +650 546 1 891382877 +650 550 3 891381661 +650 551 3 891370446 +650 554 2 891382877 +650 559 3 891387520 +650 561 3 891370113 +650 563 3 891388170 +650 565 3 891388266 +650 566 3 891369890 +650 568 3 891381709 +650 571 3 891387915 +650 576 1 891382877 +650 578 3 891381661 +650 579 3 891370182 +650 581 2 891370155 +650 585 1 891387979 +650 588 3 891372286 +650 597 3 891381818 +650 601 3 891386964 +650 602 4 891371116 +650 603 4 891369836 +650 604 3 891385178 +650 608 4 891369520 +650 612 4 891369656 +650 614 3 891385876 +650 620 2 891383977 +650 622 3 891387468 +650 625 3 891387616 +650 627 2 891387520 +650 628 3 891369982 +650 629 3 891387398 +650 631 3 891383424 +650 633 4 891371091 +650 635 3 891370155 +650 636 3 891370066 +650 637 3 891387353 +650 639 3 891371116 +650 642 3 891370065 +650 644 3 891371061 +650 648 3 891384201 +650 650 2 891372203 +650 654 3 891369890 +650 657 4 891372339 +650 658 3 891387571 +650 659 3 891369798 +650 661 3 891385206 +650 662 3 891371153 +650 663 4 891370971 +650 665 2 891381819 +650 670 3 891387915 +650 671 3 891386878 +650 673 3 891369924 +650 674 4 891386778 +650 679 3 891381709 +650 692 3 891384226 +650 705 4 891371153 +650 708 3 891383356 +650 715 3 891383206 +650 719 3 891387833 +650 732 3 891371061 +650 735 3 891369588 +650 737 2 891383832 +650 739 2 891384328 +650 742 3 891369889 +650 751 2 891369001 +650 755 3 891386187 +650 780 2 891389237 +650 809 3 891383926 +650 823 3 891381661 +650 849 2 891381745 +650 898 3 891368914 +650 926 3 891388294 +650 928 2 891370093 +650 968 4 891372258 +650 969 3 891371186 +650 1031 3 891369480 +650 1035 2 891389132 +650 1039 3 891383229 +650 1050 3 891369620 +650 1060 3 891387833 +650 1065 4 891383547 +650 1110 4 891388467 +650 1118 3 891385746 +650 1119 3 891383303 +650 1126 4 891369620 +650 1135 2 891383977 +650 1149 4 891383856 +650 1215 3 891381850 +650 1247 1 891384110 +650 1419 3 891381884 +650 1627 3 891383786 +651 127 4 879348965 +651 269 5 880126096 +651 276 4 879348966 +651 301 3 880126632 +651 302 5 879348880 +651 309 1 880126632 +651 322 3 880126632 +651 332 3 879348880 +651 515 5 879348966 +651 690 3 880126508 +651 995 1 880126547 +652 96 4 882567356 +652 125 2 882567383 +652 257 2 882567356 +652 275 4 882567294 +652 286 3 882567012 +652 300 4 882566890 +652 307 4 882566890 +652 328 4 882567058 +652 333 4 882566857 +652 748 3 882566948 +652 879 3 882566924 +652 984 2 882567180 +653 1 4 878855383 +653 2 1 880151839 +653 4 3 878866755 +653 7 2 878866951 +653 11 2 878854145 +653 15 3 878854383 +653 22 5 878854284 +653 28 4 878866814 +653 38 3 880152955 +653 42 2 880151818 +653 53 2 880153304 +653 54 3 880152523 +653 55 3 878854051 +653 56 5 878853975 +653 62 3 880151691 +653 63 2 880153077 +653 64 4 878867272 +653 69 4 878854284 +653 70 2 880151340 +653 76 3 880150702 +653 77 3 880152843 +653 79 4 878854051 +653 81 1 880151651 +653 82 4 880150393 +653 83 5 878853936 +653 87 4 878854332 +653 88 3 880152399 +653 89 5 878854100 +653 94 2 880153494 +653 96 4 878854145 +653 97 3 878854383 +653 98 2 878854633 +653 100 4 878854666 +653 101 3 880151817 +653 105 3 890181185 +653 111 2 878854996 +653 117 4 878854810 +653 118 3 878854810 +653 121 4 878854769 +653 125 2 878866973 +653 127 5 878853780 +653 128 3 880606620 +653 132 3 880149897 +653 135 5 878866755 +653 136 1 880149965 +653 139 2 880153123 +653 142 2 880153378 +653 143 3 880150104 +653 144 3 878867346 +653 145 2 880153705 +653 151 3 878866475 +653 152 2 878866951 +653 153 2 878867228 +653 154 3 878867137 +653 156 4 878854633 +653 157 5 878855483 +653 160 3 878854441 +653 161 4 878854247 +653 163 4 880151629 +653 167 2 880153429 +653 168 3 890181186 +653 172 3 878854051 +653 174 5 878854051 +653 175 2 878854332 +653 176 3 878854145 +653 177 3 880150702 +653 179 4 880149927 +653 180 5 878854593 +653 181 4 878854145 +653 182 3 878854051 +653 183 3 878854100 +653 185 2 880606620 +653 186 5 880151557 +653 187 4 878853780 +653 188 5 878854145 +653 191 5 880150019 +653 193 4 878866951 +653 194 3 880150260 +653 195 5 878854100 +653 196 2 880151539 +653 197 3 878854332 +653 198 4 880151426 +653 199 4 880150239 +653 200 4 878866952 +653 202 3 880151794 +653 204 4 878867093 +653 205 1 880150126 +653 208 3 890181185 +653 210 4 880150103 +653 211 1 880149947 +653 213 2 880150190 +653 214 3 880151311 +653 215 2 880606619 +653 216 3 878866900 +653 219 1 880152780 +653 222 3 884405596 +653 223 3 878866636 +653 225 1 886052230 +653 227 3 880151488 +653 228 4 878854190 +653 229 3 880153145 +653 230 3 890181186 +653 232 2 880152426 +653 233 3 880151599 +653 234 3 878854633 +653 237 2 878855365 +653 238 1 878866604 +653 239 5 878854475 +653 245 4 893276091 +653 248 3 884405730 +653 258 3 886051833 +653 265 4 878866995 +653 282 3 884405616 +653 286 4 884405346 +653 290 3 880153522 +653 291 4 878855275 +653 293 3 886051879 +653 294 2 878853618 +653 300 4 889151716 +653 307 4 889151627 +653 310 4 884405406 +653 313 4 890180685 +653 318 4 878854383 +653 328 4 884408848 +653 333 5 878853678 +653 356 1 880151734 +653 357 4 878854383 +653 366 2 880152901 +653 367 3 878867228 +653 371 1 880152058 +653 378 3 890181185 +653 380 3 880151984 +653 381 2 880606620 +653 385 4 878854190 +653 386 1 880152864 +653 388 2 880153705 +653 393 2 880152426 +653 395 1 880153674 +653 403 2 880151461 +653 405 3 878854810 +653 407 1 878867398 +653 409 2 880153406 +653 410 1 878855024 +653 411 2 878854906 +653 416 1 880152426 +653 423 2 880152039 +653 425 2 880606619 +653 428 1 880151580 +653 429 3 878866679 +653 431 4 878854666 +653 436 1 880151673 +653 441 3 890181186 +653 447 2 880606620 +653 448 4 878867249 +653 449 3 880153740 +653 451 2 880152351 +653 455 3 878854051 +653 458 2 878866475 +653 471 2 884405560 +653 472 1 880606675 +653 474 4 880150019 +653 476 2 878855211 +653 480 4 880150239 +653 482 2 880150218 +653 492 4 880149999 +653 496 2 878866679 +653 502 2 878866995 +653 506 2 880606619 +653 508 3 886052198 +653 509 4 878854441 +653 510 2 880150040 +653 511 4 878854100 +653 517 1 880150330 +653 518 2 878866755 +653 520 3 880151488 +653 521 4 878854441 +653 523 4 878854284 +653 526 3 880151752 +653 527 2 878855510 +653 531 5 878854284 +653 546 2 880153253 +653 550 3 890181186 +653 563 1 880153406 +653 571 1 880153406 +653 572 2 880153522 +653 575 1 880153406 +653 576 1 880152955 +653 578 1 880153009 +653 581 1 880152819 +653 585 2 880153522 +653 597 4 878854810 +653 619 3 880152085 +653 620 3 880153740 +653 622 3 880152377 +653 628 4 878866413 +653 631 2 880150412 +653 638 1 878866636 +653 642 1 878866604 +653 654 2 880606620 +653 657 4 890181185 +653 658 2 880151817 +653 659 1 880150330 +653 670 1 880152902 +653 674 3 880151983 +653 679 2 880153406 +653 684 5 878854247 +653 685 3 878854769 +653 686 2 878854247 +653 692 2 880151884 +653 693 1 880151651 +653 696 1 880152989 +653 702 3 880151918 +653 708 2 880152598 +653 712 3 880153639 +653 719 3 880153841 +653 722 1 880152800 +653 728 2 880153568 +653 732 2 878866724 +653 737 1 880151839 +653 739 3 880152902 +653 742 3 886052040 +653 746 5 878853936 +653 748 5 878853734 +653 755 2 880153077 +653 756 1 878854996 +653 763 1 878854906 +653 765 1 880153207 +653 771 2 880606620 +653 779 1 880153467 +653 780 2 880606620 +653 790 2 880152523 +653 797 2 880153841 +653 802 2 880153040 +653 809 3 880153620 +653 819 3 880149751 +653 823 2 880153568 +653 840 4 878854737 +653 862 2 880153378 +653 930 4 880148885 +653 941 1 880153040 +653 944 2 880152657 +653 967 2 880153123 +653 973 2 880150348 +653 984 4 884408848 +653 1012 4 878854852 +653 1014 2 884405682 +653 1016 3 890181186 +653 1023 3 878855109 +653 1028 2 880152902 +653 1035 2 880153099 +653 1042 2 880151488 +653 1046 1 880151580 +653 1065 1 880152085 +653 1087 2 880153207 +653 1101 2 878866755 +653 1132 1 880153429 +653 1133 2 880153674 +653 1135 2 880152759 +653 1136 2 880152759 +653 1139 3 880153145 +653 1140 1 880153841 +653 1183 1 880153329 +653 1188 1 880153568 +653 1206 3 880152377 +653 1207 1 880153329 +653 1210 2 880153705 +653 1228 2 880153378 +653 1231 2 880153349 +653 1244 3 878854769 +653 1267 1 880153253 +653 1444 3 880153077 +653 1478 2 880153705 +653 1620 2 886052291 +654 1 4 887863557 +654 3 3 887864071 +654 8 5 887864497 +654 11 4 887864452 +654 12 5 887864389 +654 13 1 887863780 +654 14 2 887863557 +654 15 3 887863557 +654 22 5 887864292 +654 24 4 887863651 +654 25 1 887863381 +654 28 5 887864610 +654 50 5 887863323 +654 54 3 887864941 +654 56 4 887864414 +654 69 4 887864641 +654 70 4 887864663 +654 71 3 887864610 +654 79 5 887864256 +654 81 2 887864831 +654 82 5 887864797 +654 83 5 887864680 +654 87 4 887864471 +654 95 4 887864204 +654 97 3 887864727 +654 98 5 887864641 +654 100 1 887863436 +654 109 3 887863635 +654 111 4 887863635 +654 114 5 887864532 +654 116 4 887863436 +654 117 4 887864350 +654 118 2 887863914 +654 121 4 887863757 +654 124 4 887863412 +654 128 5 887865053 +654 137 4 887863596 +654 143 5 887864275 +654 144 5 887864907 +654 146 3 887864105 +654 147 3 887863488 +654 151 4 887863471 +654 153 4 887864414 +654 154 3 887864797 +654 168 4 887864369 +654 169 5 887864275 +654 172 4 887864532 +654 173 5 887864181 +654 174 5 887864727 +654 181 3 887863381 +654 189 4 887864230 +654 195 4 887864350 +654 196 5 887864757 +654 204 4 887864610 +654 210 5 887864350 +654 215 4 887864587 +654 216 4 887864432 +654 218 2 887864330 +654 223 4 887864497 +654 237 4 887863339 +654 238 4 887864452 +654 239 4 887864868 +654 246 1 887863471 +654 248 2 887863596 +654 249 5 887863866 +654 252 2 887864031 +654 255 2 887863513 +654 257 4 887863802 +654 265 5 887864330 +654 268 1 887863017 +654 269 4 889451420 +654 274 4 887863635 +654 275 5 887863394 +654 276 1 887863866 +654 278 3 887863757 +654 282 3 887863513 +654 283 5 887863471 +654 284 4 887863914 +654 288 3 887863064 +654 291 4 887863914 +654 294 3 887863127 +654 300 5 887863017 +654 302 5 887862964 +654 313 5 887862952 +654 317 4 887864757 +654 332 4 887863081 +654 336 3 887863227 +654 367 4 887864923 +654 370 2 887863914 +654 381 3 887864886 +654 385 4 887864308 +654 405 4 887863866 +654 408 5 887863381 +654 418 4 887864588 +654 431 4 887864414 +654 455 3 887863826 +654 462 4 887864998 +654 468 4 887864757 +654 473 2 887863933 +654 476 3 887863914 +654 496 4 887864230 +654 508 1 887863355 +654 535 3 887863962 +654 568 4 887864868 +654 588 4 887864797 +654 591 5 887863412 +654 596 3 887863802 +654 597 4 887864812 +654 638 4 887864868 +654 660 5 887864532 +654 678 4 888687055 +654 689 3 887863194 +654 720 4 887864923 +654 735 4 887864846 +654 736 5 887864757 +654 739 4 887864886 +654 742 4 887863339 +654 746 3 887864204 +654 748 4 887863081 +654 751 3 887863034 +654 756 4 887864071 +654 785 4 887864976 +654 825 3 887863826 +654 845 4 887863613 +654 926 4 887863981 +654 963 4 887864414 +654 969 5 887864204 +654 1009 3 887863885 +654 1014 3 887863981 +654 1016 4 887863841 +654 1020 4 887864566 +654 1035 4 887864697 +654 1048 3 887864050 +654 1115 3 887863779 +654 1165 1 887864146 +654 1283 1 887863779 +654 1285 4 887864998 +655 1 2 887650876 +655 2 3 888474138 +655 4 2 887611649 +655 5 2 887523641 +655 6 4 887425812 +655 7 3 887425969 +655 8 3 887477336 +655 9 3 891585450 +655 11 2 887427307 +655 12 3 887427130 +655 13 3 887426237 +655 14 3 891585450 +655 15 3 888685735 +655 18 3 888984478 +655 19 2 887472719 +655 20 3 887611537 +655 21 2 888685787 +655 22 2 888474424 +655 23 3 887426971 +655 24 3 887473831 +655 25 3 887611511 +655 26 3 887427338 +655 27 3 888984478 +655 28 3 887427210 +655 30 5 888474646 +655 31 3 887523200 +655 32 4 887426900 +655 36 2 888685955 +655 38 2 887429875 +655 42 3 887428184 +655 43 3 888474456 +655 44 2 887564639 +655 45 3 891585477 +655 46 4 887523403 +655 47 3 887426972 +655 48 4 887472744 +655 49 1 887428417 +655 50 4 887425458 +655 51 2 887611677 +655 52 3 891585279 +655 54 2 887430746 +655 55 2 887429302 +655 56 3 887428060 +655 57 3 887427743 +655 58 3 887427600 +655 59 4 887564613 +655 60 3 887564614 +655 61 3 887564614 +655 64 4 887426931 +655 65 2 887477511 +655 69 3 887476943 +655 70 2 887474727 +655 76 3 888813372 +655 77 3 887430746 +655 79 5 887429559 +655 81 3 887427371 +655 82 2 887429559 +655 86 4 887650978 +655 87 3 887476943 +655 88 2 890887261 +655 89 4 887650683 +655 92 3 891585477 +655 93 3 888474986 +655 96 3 887651060 +655 97 3 887426931 +655 98 4 887472744 +655 100 3 888474138 +655 111 2 887523664 +655 113 3 891585477 +655 116 2 887476999 +655 117 2 887426030 +655 118 2 887426666 +655 121 3 887651060 +655 122 2 887523605 +655 124 3 887426087 +655 125 2 887426200 +655 127 5 888474106 +655 128 3 887429732 +655 129 3 887426008 +655 131 2 893002283 +655 132 3 887565138 +655 133 4 888474106 +655 134 4 887431976 +655 135 4 887427083 +655 137 4 892333972 +655 143 4 887523176 +655 144 3 887429594 +655 149 4 887425936 +655 150 3 888893279 +655 152 3 890887261 +655 153 2 887523641 +655 155 4 887473702 +655 156 2 887430634 +655 157 3 887611445 +655 159 3 887477216 +655 160 3 887427473 +655 161 2 887429758 +655 162 3 888474165 +655 164 2 887430072 +655 165 3 887650512 +655 166 3 891585530 +655 167 4 888474713 +655 170 3 887523224 +655 171 2 887523641 +655 172 4 887477167 +655 174 3 888474456 +655 175 3 887426931 +655 176 2 887429999 +655 178 4 887427009 +655 179 4 888813272 +655 181 3 887425601 +655 182 4 888474106 +655 183 4 887429999 +655 185 4 887430102 +655 186 3 887428157 +655 187 5 888474357 +655 188 3 888474807 +655 190 3 887427338 +655 191 4 887472744 +655 192 3 887473753 +655 193 3 887427307 +655 195 3 887473965 +655 196 3 888685556 +655 197 3 887426864 +655 200 4 887473639 +655 202 2 887651114 +655 203 3 887476943 +655 204 3 887477192 +655 205 3 887650538 +655 207 3 888893279 +655 208 3 888813272 +655 209 3 887473831 +655 210 3 888474646 +655 211 3 887428334 +655 212 3 887477409 +655 213 4 888474934 +655 214 3 887650851 +655 215 2 887472943 +655 216 4 887428086 +655 218 3 887523477 +655 219 2 890497653 +655 220 2 887426583 +655 221 3 891585242 +655 222 2 887650944 +655 223 3 887473856 +655 224 3 887425845 +655 226 3 887429732 +655 228 3 887429594 +655 233 3 887611537 +655 234 3 888474713 +655 236 3 887426407 +655 237 3 887426116 +655 238 3 887473831 +655 239 2 887428507 +655 240 3 887650538 +655 242 4 887424795 +655 246 3 887474020 +655 248 2 888685759 +655 249 3 887474630 +655 250 3 887425625 +655 251 3 888984417 +655 252 2 888474490 +655 255 3 887477336 +655 256 3 887651060 +655 257 3 887474020 +655 258 2 887650944 +655 262 5 888474934 +655 265 3 887477314 +655 268 3 887474077 +655 269 3 888474807 +655 270 4 887650943 +655 271 3 887425103 +655 272 3 888474138 +655 273 4 887426373 +655 275 4 887425845 +655 276 4 887473778 +655 279 3 888685989 +655 280 2 888474490 +655 281 2 887426732 +655 282 3 888685989 +655 283 3 887425936 +655 284 2 887426732 +655 285 4 887425936 +655 286 3 887424831 +655 287 3 890497592 +655 288 3 887472814 +655 289 3 887425070 +655 291 3 887523177 +655 292 2 889293132 +655 293 4 887650683 +655 294 3 887425103 +655 295 3 887425530 +655 296 4 888474934 +655 297 4 888474107 +655 298 4 887425564 +655 300 3 887476919 +655 301 2 887424991 +655 302 4 887424720 +655 303 4 888474107 +655 304 2 888475101 +655 305 4 887523909 +655 306 3 887424883 +655 307 3 892011201 +655 310 3 887473937 +655 311 3 887473702 +655 312 2 892011201 +655 313 4 888474285 +655 315 4 887424720 +655 316 4 889978343 +655 317 3 887474269 +655 318 4 887473702 +655 319 3 888685879 +655 320 5 888474456 +655 321 3 887425103 +655 324 3 890103072 +655 325 2 887425197 +655 326 2 888474742 +655 327 3 888685734 +655 328 2 887425025 +655 330 2 887425295 +655 332 3 888984255 +655 333 2 887472879 +655 337 2 887433538 +655 340 3 888984325 +655 344 4 888204230 +655 345 3 887473803 +655 346 4 888474713 +655 347 3 887424948 +655 354 2 891667570 +655 356 3 887430804 +655 357 4 887426864 +655 359 3 887424883 +655 363 3 887426770 +655 367 3 887428031 +655 371 3 887611537 +655 372 3 887428507 +655 375 2 888984293 +655 378 1 887430410 +655 381 3 887474656 +655 382 3 887427131 +655 385 3 887429669 +655 387 3 888984538 +655 391 2 887429784 +655 393 2 887428334 +655 396 2 887428507 +655 402 2 887431019 +655 403 2 891585574 +655 405 2 887429900 +655 410 2 891585344 +655 411 3 887650512 +655 417 2 888771346 +655 423 3 887693376 +655 425 3 887477409 +655 427 4 891585242 +655 428 3 887428157 +655 433 2 887428030 +655 435 2 887860616 +655 443 4 887430102 +655 447 4 888813372 +655 448 4 888474934 +655 449 3 887429732 +655 451 3 887428280 +655 454 3 888813372 +655 458 3 887426407 +655 459 2 891408204 +655 461 2 887427130 +655 462 3 888474960 +655 464 3 887523367 +655 466 3 887474630 +655 467 3 887523790 +655 468 3 887427681 +655 469 3 887427778 +655 471 3 887611594 +655 474 3 888813306 +655 475 3 887693376 +655 476 2 887428671 +655 479 4 888474107 +655 480 4 888984506 +655 481 2 888474390 +655 483 4 888685734 +655 498 3 887523453 +655 500 2 887651149 +655 502 4 887477168 +655 503 3 887523477 +655 504 5 887650683 +655 505 3 891735725 +655 507 4 888813371 +655 508 3 887426030 +655 509 3 887427441 +655 511 3 887427009 +655 512 3 887474050 +655 513 3 891585504 +655 514 5 887650683 +655 515 4 887425458 +655 516 2 887523581 +655 517 4 891585450 +655 518 2 888813186 +655 520 3 887523427 +655 521 3 887426900 +655 522 3 887426900 +655 525 2 892333973 +655 527 3 887427568 +655 528 5 887473570 +655 529 4 887428965 +655 531 4 887473570 +655 533 2 887651114 +655 534 2 887693376 +655 535 2 888685914 +655 536 3 887650512 +655 537 3 887489086 +655 543 3 887474050 +655 547 4 887523176 +655 550 2 887611677 +655 553 2 887431019 +655 558 4 887427506 +655 559 2 887472965 +655 566 3 888893279 +655 568 3 887429640 +655 572 2 887651149 +655 574 2 887489222 +655 576 2 888893313 +655 578 2 887488694 +655 581 2 887477000 +655 582 2 887427131 +655 584 3 887429171 +655 591 3 887426237 +655 594 3 887430778 +655 603 4 887473605 +655 604 4 888984325 +655 605 3 887474241 +655 607 4 887523427 +655 610 4 887432283 +655 611 3 887475345 +655 612 3 888474456 +655 619 3 887430746 +655 628 3 890887261 +655 629 3 887428559 +655 631 4 887473570 +655 632 3 887523224 +655 636 3 888475015 +655 638 4 890497592 +655 639 3 887473803 +655 640 2 888685955 +655 642 3 887430714 +655 644 3 887474288 +655 645 3 887474288 +655 647 3 888813306 +655 649 3 888685989 +655 650 3 887427009 +655 651 4 887564613 +655 653 3 892011201 +655 654 3 887474077 +655 655 3 888474285 +655 656 3 887430072 +655 657 3 891585504 +655 658 3 887427130 +655 660 2 888475101 +655 662 2 888686011 +655 672 2 891585573 +655 673 3 887523427 +655 674 3 887523427 +655 676 2 887426665 +655 684 3 887473965 +655 685 2 887426666 +655 686 2 887427866 +655 690 2 887477489 +655 692 3 887523453 +655 694 3 887428772 +655 695 3 891585242 +655 698 4 887473727 +655 699 2 887650593 +655 700 3 887523200 +655 702 2 887477262 +655 707 3 887472671 +655 708 3 887427307 +655 709 3 888475039 +655 712 3 887474050 +655 715 3 887476942 +655 716 2 888475101 +655 717 1 887430830 +655 722 1 887431047 +655 723 3 887650851 +655 724 3 887427600 +655 726 2 887475055 +655 727 2 888685914 +655 728 2 887431019 +655 729 2 887476031 +655 730 2 890497653 +655 731 3 888474872 +655 732 3 887428445 +655 733 3 888474138 +655 734 3 887523477 +655 735 3 887427338 +655 739 4 891585450 +655 740 3 888474713 +655 741 3 887426201 +655 742 3 888813272 +655 744 2 887427636 +655 746 3 891999461 +655 750 2 887472879 +655 751 3 888474960 +655 753 3 887860615 +655 761 2 888686011 +655 762 2 888984255 +655 764 1 887431074 +655 766 3 891585450 +655 770 2 892011201 +655 772 3 887426972 +655 773 3 887430072 +655 775 2 887523815 +655 778 2 890497653 +655 781 1 887428384 +655 782 3 887650483 +655 785 2 887490946 +655 786 2 887472965 +655 789 3 887473879 +655 792 3 891585380 +655 793 3 888813186 +655 794 1 887431019 +655 796 2 887428280 +655 800 2 887430197 +655 803 3 888474358 +655 805 2 888474327 +655 806 3 887523224 +655 813 3 888474456 +655 815 2 887651149 +655 823 2 888685759 +655 825 2 887429669 +655 831 2 887564549 +655 844 4 887650979 +655 845 2 887426446 +655 847 2 891585279 +655 855 3 887428965 +655 860 3 887477386 +655 863 3 887473995 +655 865 4 887523909 +655 867 4 887427307 +655 869 2 889282952 +655 872 3 888685879 +655 874 4 888984255 +655 875 3 888685850 +655 880 2 887523271 +655 882 3 887473879 +655 887 3 887650979 +655 889 3 888474285 +655 895 3 887472767 +655 896 4 887474605 +655 899 2 887433492 +655 900 3 887424991 +655 902 2 892333973 +655 903 3 887425070 +655 904 5 887473639 +655 906 2 888813416 +655 909 3 890611503 +655 910 3 889458990 +655 911 2 891817522 +655 912 3 891817522 +655 913 4 891817521 +655 914 3 891817471 +655 915 4 891817435 +655 916 2 892436455 +655 918 2 892436609 +655 919 2 888474490 +655 921 3 887474656 +655 923 3 888685734 +655 927 3 887564613 +655 930 2 887429812 +655 935 3 887425498 +655 936 3 887425625 +655 939 3 887473905 +655 942 4 888685850 +655 944 3 891585504 +655 945 2 887476008 +655 950 3 887611566 +655 953 3 887427243 +655 954 2 887428031 +655 955 3 887860615 +655 956 3 888984538 +655 958 3 887428993 +655 959 3 887427958 +655 960 3 887427210 +655 961 3 888685735 +655 962 5 887473674 +655 963 3 888475015 +655 966 3 887477409 +655 972 3 887475213 +655 974 2 887477025 +655 975 3 887426446 +655 979 3 888893279 +655 980 2 888984354 +655 995 3 887424991 +655 1005 4 887474605 +655 1007 3 891585504 +655 1008 3 887426300 +655 1009 2 887523271 +655 1010 3 887477191 +655 1011 3 887651060 +655 1012 3 888474357 +655 1014 3 890103072 +655 1016 3 887425601 +655 1017 3 887611566 +655 1018 3 887472791 +655 1022 3 887424948 +655 1024 3 887650979 +655 1029 1 887475032 +655 1041 3 887611537 +655 1042 2 887523641 +655 1044 3 887564483 +655 1045 3 887427473 +655 1046 3 887430779 +655 1053 1 887489159 +655 1061 2 887428623 +655 1062 3 887650979 +655 1063 3 888474909 +655 1067 2 887650593 +655 1068 3 891585417 +655 1069 1 887473535 +655 1070 4 887474050 +655 1071 2 888984293 +655 1074 3 891999461 +655 1082 3 887425655 +655 1084 3 888813272 +655 1085 2 888813416 +655 1086 3 888474358 +655 1090 3 887430855 +655 1097 3 887426008 +655 1098 3 887473905 +655 1099 3 887428965 +655 1100 3 887427371 +655 1101 2 887427243 +655 1103 3 887428417 +655 1106 2 891817472 +655 1107 4 888813272 +655 1108 3 887427083 +655 1111 3 887473856 +655 1112 2 887475641 +655 1113 3 887427810 +655 1118 3 887473605 +655 1121 3 887428938 +655 1128 3 887472791 +655 1129 3 891585242 +655 1131 5 887428772 +655 1134 3 887611594 +655 1135 3 887427743 +655 1136 2 887427568 +655 1137 3 888474807 +655 1140 3 887474699 +655 1141 3 888474986 +655 1142 2 891585344 +655 1143 3 887425458 +655 1144 3 888475015 +655 1147 3 887472767 +655 1149 3 887429107 +655 1153 3 887477336 +655 1155 3 887474289 +655 1158 3 888984255 +655 1160 3 888685850 +655 1161 3 887426446 +655 1166 3 891585477 +655 1167 3 887428384 +655 1169 3 887427210 +655 1170 3 891585242 +655 1171 3 887426200 +655 1173 2 887431157 +655 1174 3 887523477 +655 1176 4 888474934 +655 1186 3 888984538 +655 1192 4 887650851 +655 1193 3 887477360 +655 1194 5 887474605 +655 1195 3 887693376 +655 1196 3 888984325 +655 1197 3 887474289 +655 1198 3 888984538 +655 1208 3 887430746 +655 1211 4 887427681 +655 1213 2 887489282 +655 1214 2 891999461 +655 1221 3 891585477 +655 1223 3 891585242 +655 1226 3 891585529 +655 1232 3 887472606 +655 1233 3 887650512 +655 1238 2 888474843 +655 1245 3 887426087 +655 1248 3 887473879 +655 1252 3 887425601 +655 1255 3 887425732 +655 1256 3 887425655 +655 1257 3 887433685 +655 1262 3 891585279 +655 1265 3 887425025 +655 1266 3 887428911 +655 1267 2 887427840 +655 1268 3 892914357 +655 1273 2 888984386 +655 1278 2 887433780 +655 1281 3 891585477 +655 1284 2 887477511 +655 1288 3 887523427 +655 1296 3 891585242 +655 1311 3 887474473 +655 1319 3 887426373 +655 1322 2 887523641 +655 1344 3 887474020 +655 1351 3 888984539 +655 1356 3 887426059 +655 1368 5 888474285 +655 1370 3 890887261 +655 1375 3 887426008 +655 1378 3 887523176 +655 1379 3 888685879 +655 1380 4 887425625 +655 1388 3 887477336 +655 1395 3 887768594 +655 1400 3 887427268 +655 1406 3 888984325 +655 1407 2 887491131 +655 1418 4 888474646 +655 1421 3 887523477 +655 1426 2 888474390 +655 1436 2 888474679 +655 1445 3 887427538 +655 1448 3 887523224 +655 1462 3 887429077 +655 1465 2 887472943 +655 1466 3 890497592 +655 1473 3 888474872 +655 1475 3 887477386 +655 1479 2 887475032 +655 1490 2 887489792 +655 1499 3 888685556 +655 1501 3 887523200 +655 1506 3 887428871 +655 1514 2 887472879 +655 1516 3 887474630 +655 1529 2 887489792 +655 1532 2 887476999 +655 1535 3 887429023 +655 1538 3 887425498 +655 1549 2 891585574 +655 1553 4 888474019 +655 1554 2 887611677 +655 1560 2 887429136 +655 1578 3 887650714 +655 1585 4 887523403 +655 1600 3 888474286 +655 1602 3 891817435 +655 1605 3 888685850 +655 1607 3 887768472 +655 1623 4 887428735 +655 1628 2 888729735 +655 1629 3 887427083 +655 1630 3 887428735 +655 1631 4 888685734 +655 1632 3 888685759 +655 1633 3 889331315 +655 1634 2 888474019 +655 1635 3 887432079 +655 1636 4 887473570 +655 1637 3 888984255 +655 1638 3 887488947 +655 1639 4 887650483 +655 1640 3 888474646 +655 1641 3 887427810 +655 1642 4 888474934 +655 1643 5 887611511 +655 1644 1 888474327 +655 1645 4 892871225 +655 1646 3 891913577 +655 1647 3 891817435 +655 1648 2 891817435 +655 1649 3 892333993 +655 1650 4 892871225 +655 1651 4 891913500 +656 269 3 892318343 +656 270 3 892318676 +656 272 3 892318343 +656 300 2 892318614 +656 301 3 892318648 +656 302 3 892318450 +656 312 1 892318777 +656 322 1 892319238 +656 326 1 892318888 +656 338 3 892319359 +656 340 3 892318488 +656 346 3 892318488 +656 896 5 892318842 +656 903 2 892318777 +657 7 3 884239057 +657 9 4 884239123 +657 109 1 884239886 +657 111 5 884239368 +657 117 4 884240629 +657 118 1 884240732 +657 258 2 884238559 +657 269 5 884238002 +657 273 3 884239566 +657 282 3 884239745 +657 294 5 884238247 +657 301 3 884237633 +657 302 2 884237291 +657 327 1 884238247 +657 340 4 884237291 +657 455 1 884239498 +657 508 4 884239057 +657 744 4 884239566 +657 873 3 884238614 +658 7 4 875145879 +658 9 4 875145572 +658 22 4 875147448 +658 24 3 875145493 +658 31 3 875148108 +658 32 3 875147800 +658 42 4 875147873 +658 45 5 875147800 +658 50 4 875145750 +658 55 4 875148059 +658 56 5 875148108 +658 69 4 875147995 +658 70 3 875148196 +658 86 4 875147873 +658 100 4 875145493 +658 117 4 875145879 +658 127 5 875145614 +658 129 3 875145750 +658 151 5 875148319 +658 168 3 875148108 +658 169 5 875147935 +658 171 4 875147448 +658 178 5 875148195 +658 181 3 875145614 +658 182 5 875147448 +658 192 4 875147935 +658 195 3 875148059 +658 198 5 875148108 +658 201 3 875147873 +658 212 3 875148059 +658 235 2 875145572 +658 273 4 875148262 +658 318 4 875148196 +658 408 5 875145614 +658 429 4 875147800 +658 467 4 875147448 +658 471 4 875145879 +658 475 4 875145667 +658 477 3 875145750 +658 488 4 875148196 +658 510 3 875147800 +658 511 4 875147935 +658 515 5 875145493 +658 518 4 875147873 +658 527 5 875147800 +658 530 4 875147995 +658 603 4 875147994 +658 628 3 875145841 +658 654 4 875148059 +658 718 3 875145667 +658 724 3 875148059 +658 730 3 875147995 +658 735 3 875148108 +658 844 3 875145667 +658 919 2 875145841 +658 923 3 875148059 +658 943 3 875148196 +658 952 2 875145926 +658 960 4 875147873 +658 1079 2 875145572 +658 1101 4 875147995 +659 4 3 891383917 +659 7 3 891331564 +659 13 4 891331361 +659 23 5 891332006 +659 43 4 891385955 +659 49 3 891385438 +659 50 3 891044882 +659 56 5 891331825 +659 58 4 891385012 +659 62 4 891386380 +659 64 4 891384152 +659 69 3 891384916 +659 70 4 891383412 +659 73 4 891387083 +659 76 4 891383917 +659 77 4 891386680 +659 79 4 891384036 +659 82 4 891384499 +659 86 5 891386071 +659 88 2 891385955 +659 89 4 891384637 +659 90 2 891386577 +659 97 5 891384798 +659 98 4 891045943 +659 121 4 891331301 +659 127 5 891331825 +659 131 4 891383412 +659 134 4 891332189 +659 135 3 891383412 +659 136 5 891331874 +659 143 5 891384973 +659 144 4 891384499 +659 153 4 891045891 +659 155 3 891386540 +659 157 4 891383636 +659 159 4 891386540 +659 161 3 891386492 +659 162 3 891385136 +659 164 4 891384606 +659 167 3 891385438 +659 170 3 891045943 +659 172 3 891384526 +659 173 4 891383412 +659 174 4 891384215 +659 175 5 891386829 +659 176 4 891045747 +659 177 5 891384850 +659 178 5 891332261 +659 179 1 891384077 +659 180 5 891385044 +659 181 3 891384107 +659 182 4 891332044 +659 183 4 891385079 +659 185 4 891332223 +659 186 3 891385197 +659 187 5 891331825 +659 188 3 891384606 +659 191 5 891332293 +659 192 4 891384372 +659 195 4 891384152 +659 196 4 891384888 +659 197 5 891385080 +659 199 4 891383965 +659 202 4 891385306 +659 204 4 891384152 +659 210 5 891383889 +659 211 3 891384077 +659 212 4 891387227 +659 214 3 891387399 +659 215 4 891385258 +659 216 4 891045892 +659 218 4 891384798 +659 226 4 891387194 +659 234 4 891384798 +659 241 3 891387121 +659 252 4 891045227 +659 255 3 891045161 +659 257 2 891044849 +659 269 4 891331825 +659 294 4 891044849 +659 313 5 891331825 +659 315 3 891044991 +659 316 4 891044849 +659 317 4 891331874 +659 319 3 891331322 +659 345 4 891044849 +659 356 3 891385012 +659 357 4 891331959 +659 367 3 891385166 +659 385 5 891331825 +659 387 4 891387227 +659 393 3 891387054 +659 402 3 891387400 +659 419 5 891331916 +659 423 4 891384414 +659 431 4 891385627 +659 443 5 891385136 +659 447 3 891386910 +659 448 4 891385438 +659 451 5 891385534 +659 467 3 891384414 +659 469 4 891385136 +659 474 2 891384739 +659 476 3 891331534 +659 479 5 891383412 +659 481 5 891385866 +659 482 4 891383674 +659 483 4 891383889 +659 486 4 891383733 +659 489 4 891045747 +659 490 4 891384215 +659 492 3 891332189 +659 494 4 891383965 +659 496 5 891385258 +659 498 3 891383733 +659 499 4 891385438 +659 502 4 891385438 +659 505 4 891385769 +659 506 3 891385379 +659 512 3 891386040 +659 514 5 891385044 +659 517 5 891384888 +659 519 4 891383889 +659 520 3 891332006 +659 521 5 891384499 +659 524 4 891332158 +659 526 5 891332224 +659 528 4 891385012 +659 559 1 891386641 +659 566 3 891383889 +659 568 4 891384850 +659 578 3 891387351 +659 603 5 891331825 +659 604 4 891331916 +659 606 5 891331959 +659 609 4 891385769 +659 610 3 891332044 +659 611 4 891384606 +659 616 4 891386577 +659 629 4 891386680 +659 636 3 891387400 +659 642 2 891386492 +659 647 3 891384823 +659 648 3 891332006 +659 649 3 891386307 +659 654 4 891384526 +659 655 4 891383561 +659 657 5 891383965 +659 659 3 891332006 +659 660 3 891384798 +659 661 5 891331916 +659 664 4 891386380 +659 670 2 891385689 +659 673 4 891384499 +659 675 4 891386936 +659 693 4 891331417 +659 699 3 891384499 +659 705 5 891383561 +659 708 3 891386641 +659 712 3 891386307 +659 720 3 891386492 +659 735 3 891385079 +659 739 4 891387022 +659 762 3 891387227 +659 792 4 891384003 +659 794 3 891386910 +659 805 5 891383561 +659 836 4 891045943 +659 837 3 891386307 +659 855 2 891386576 +659 942 3 891386347 +659 1021 5 891331825 +659 1044 4 891386071 +659 1064 5 891385866 +659 1119 4 891383674 +659 1138 4 891045266 +659 1168 4 891386641 +659 1172 4 891332122 +659 1203 4 891385258 +659 1267 3 891385689 +659 1297 2 891387306 +660 1 3 891406276 +660 2 2 891201151 +660 3 1 891405958 +660 7 3 891198203 +660 8 2 891199781 +660 17 1 891265453 +660 21 3 891198671 +660 22 4 891199262 +660 24 3 891198277 +660 29 2 891357371 +660 33 2 891200193 +660 38 2 891201842 +660 40 2 891201674 +660 41 1 891265453 +660 47 2 891200456 +660 50 4 891197980 +660 56 1 891265453 +660 62 2 891201243 +660 63 2 891201823 +660 64 3 891199035 +660 67 1 891201859 +660 68 4 891199391 +660 71 2 891200430 +660 72 3 891201436 +660 79 2 891199348 +660 80 1 891201796 +660 83 3 891199556 +660 84 2 891201823 +660 87 2 891199133 +660 89 3 891199965 +660 90 2 891201346 +660 91 4 891200193 +660 94 2 891201887 +660 95 2 891200491 +660 97 3 891200406 +660 98 4 891199348 +660 99 2 891200704 +660 100 3 891198063 +660 101 3 891201243 +660 106 2 891903867 +660 117 3 891197934 +660 118 2 891198479 +660 120 1 891198996 +660 121 2 891197954 +660 122 1 891198996 +660 123 2 891198109 +660 125 3 891198421 +660 132 3 891199683 +660 134 4 891199153 +660 135 4 891199833 +660 139 2 891202060 +660 144 3 891199856 +660 145 2 891202022 +660 151 5 891198335 +660 153 4 891200388 +660 154 4 891200534 +660 159 1 891200817 +660 161 1 891201223 +660 163 2 891199992 +660 164 2 891200307 +660 168 5 891199477 +660 172 4 891199017 +660 173 5 891199556 +660 174 4 891199293 +660 175 3 891199367 +660 176 3 891199182 +660 177 2 891200014 +660 179 4 891200073 +660 181 4 891197998 +660 182 2 891200213 +660 183 2 891199499 +660 186 3 891199781 +660 191 4 891406212 +660 195 4 891406212 +660 196 4 891199557 +660 197 3 891199965 +660 201 3 891200513 +660 202 2 891199683 +660 204 3 891200370 +660 207 4 891199620 +660 208 4 891199201 +660 209 4 891406212 +660 210 4 891199293 +660 211 4 891199104 +660 215 3 891199082 +660 216 2 891199804 +660 217 2 891200817 +660 219 1 891406212 +660 222 2 891198063 +660 227 2 891201172 +660 228 3 891200193 +660 229 2 891406212 +660 230 3 891199856 +660 231 2 891357371 +660 235 3 891198401 +660 238 3 891200340 +660 239 2 891200989 +660 243 2 891197757 +660 249 2 891198109 +660 250 4 891198174 +660 254 1 891357371 +660 257 4 891197934 +660 259 4 891197778 +660 265 2 891199241 +660 266 2 891197639 +660 271 3 891197561 +660 272 4 891197481 +660 281 3 891198588 +660 290 4 891198549 +660 294 3 891197701 +660 298 2 891198441 +660 301 3 891197661 +660 307 3 891197503 +660 313 4 891197481 +660 315 4 891197462 +660 316 4 891197728 +660 318 3 891199133 +660 328 3 891197585 +660 347 3 891197585 +660 349 3 891197757 +660 357 2 891200014 +660 358 2 891197796 +660 362 2 891197585 +660 366 1 891405958 +660 380 2 891201587 +660 385 3 891199883 +660 386 2 891200904 +660 391 2 891201823 +660 393 2 891201541 +660 402 3 891201380 +660 403 3 891357371 +660 404 2 891200621 +660 405 2 891198479 +660 419 2 891199348 +660 423 3 891199942 +660 428 4 891200594 +660 429 4 891199833 +660 430 4 891199747 +660 431 4 891200658 +660 432 4 891199104 +660 434 3 891200430 +660 435 4 891199883 +660 444 2 891201948 +660 449 3 891201796 +660 456 1 891198996 +660 462 2 891199293 +660 470 2 891199883 +660 472 2 891198421 +660 474 2 891200037 +660 483 4 891199804 +660 485 3 891200491 +660 491 4 891199348 +660 496 3 891199082 +660 515 2 891199391 +660 523 3 891200534 +660 527 3 891200073 +660 542 2 891201887 +660 546 2 891198588 +660 550 2 891201541 +660 559 2 891201069 +660 568 3 891199182 +660 569 2 891201499 +660 603 4 891199182 +660 625 3 891200513 +660 636 2 891200704 +660 640 1 891201223 +660 652 4 891200370 +660 657 2 891199579 +660 658 1 891200193 +660 663 2 891199833 +660 675 3 891199556 +660 679 2 891201069 +660 680 2 891405088 +660 710 3 891199942 +660 722 1 891265453 +660 739 2 891201925 +660 742 2 891198312 +660 746 4 891199478 +660 747 4 891200639 +660 748 3 891197757 +660 755 2 891201026 +660 771 2 891201984 +660 774 3 891200594 +660 786 1 891265453 +660 797 2 891201753 +660 800 2 891201675 +660 809 2 891201565 +660 810 3 891265495 +660 825 2 891198549 +660 826 3 891198762 +660 846 2 891198174 +660 890 1 891198996 +660 898 4 891197561 +660 930 2 891198762 +660 946 2 891201696 +660 996 1 891265453 +660 1020 4 891199833 +660 1035 2 891201116 +660 1050 4 891200678 +660 1065 2 891201049 +660 1074 1 891201399 +660 1078 2 891201521 +660 1110 2 891201823 +660 1133 2 891201419 +660 1135 2 891201675 +660 1139 2 891201966 +660 1178 1 891265453 +660 1181 1 891200594 +660 1183 1 891201049 +660 1240 3 891201637 +660 1411 2 891201294 +660 1419 1 891202022 +660 1483 3 892520856 +660 1615 2 891198441 +661 1 5 876016545 +661 8 5 876016491 +661 28 5 876013975 +661 31 3 876017533 +661 48 4 876016726 +661 50 5 876013935 +661 52 4 876017029 +661 58 4 886841865 +661 64 4 876014060 +661 69 4 876013492 +661 70 4 876017029 +661 71 4 876015530 +661 79 5 886841798 +661 86 4 876035679 +661 89 5 888300344 +661 95 5 876036190 +661 96 4 876015607 +661 117 4 886841250 +661 121 2 876037619 +661 135 5 876013398 +661 140 3 876013552 +661 144 5 876016580 +661 145 1 876035968 +661 161 4 876013588 +661 164 4 876035968 +661 165 5 876013975 +661 166 5 888300194 +661 168 5 876017294 +661 169 5 876017294 +661 170 4 888300680 +661 172 5 876036358 +661 173 4 876014469 +661 174 5 876013447 +661 175 2 888299899 +661 179 4 876014125 +661 180 5 876016545 +661 181 5 876015607 +661 185 5 876013447 +661 189 4 876013850 +661 191 4 888300344 +661 192 4 888299461 +661 194 5 876016667 +661 195 5 888300488 +661 196 3 888300680 +661 197 4 876013975 +661 199 5 876016726 +661 200 3 876035896 +661 204 5 876017801 +661 209 4 876013492 +661 210 5 876015530 +661 215 3 876015657 +661 216 5 876017933 +661 218 3 876035933 +661 219 2 876035968 +661 222 3 876013121 +661 228 5 876016545 +661 230 4 888300344 +661 237 4 876037519 +661 238 4 876016491 +661 249 3 886841443 +661 255 3 876037088 +661 258 4 876012997 +661 272 4 893281023 +661 274 4 876037199 +661 280 3 886841562 +661 294 4 876036384 +661 298 3 886841348 +661 300 3 876036477 +661 304 2 886829961 +661 310 2 889500835 +661 318 5 876013935 +661 357 4 876014469 +661 408 5 876015530 +661 418 4 876036240 +661 423 4 876016726 +661 425 4 886841714 +661 427 4 876016491 +661 428 4 876016726 +661 433 5 876016545 +661 436 4 876036043 +661 471 4 876037167 +661 496 5 876015530 +661 498 5 876017801 +661 501 4 876036190 +661 506 3 886841865 +661 514 3 876013398 +661 515 5 876017294 +661 531 4 876013552 +661 538 3 886830056 +661 566 4 876015688 +661 568 4 888301266 +661 573 3 876036043 +661 603 3 876016726 +661 615 4 876013774 +661 631 3 886841831 +661 647 4 876013356 +661 652 2 888300680 +661 657 4 876013714 +661 665 3 876035999 +661 676 4 886841222 +661 684 3 888299899 +661 707 5 876016858 +661 709 4 886841685 +661 727 4 888300194 +661 749 2 889500304 +661 751 4 886840577 +661 756 3 876037089 +661 762 2 876037121 +661 972 3 876016581 +661 1035 3 876017717 +661 1045 3 886841865 +662 10 4 880570142 +662 13 4 880570265 +662 100 5 880571006 +662 246 5 880571006 +662 268 5 880571005 +662 275 4 880571006 +662 276 3 880570080 +662 985 4 880571006 +662 1342 4 880570112 +662 1380 2 880570952 +662 1381 5 880571005 +662 1511 4 880570301 +662 1652 3 880570909 +663 1 4 889492679 +663 3 4 889492614 +663 9 2 889492435 +663 12 5 889493576 +663 13 3 889492562 +663 15 4 889493069 +663 23 4 889493818 +663 25 4 889492917 +663 31 4 889493628 +663 42 5 889493732 +663 47 4 889493576 +663 50 5 889493502 +663 56 5 889493502 +663 64 5 889493502 +663 69 4 889493770 +663 89 4 889493818 +663 96 5 889493628 +663 98 5 889493540 +663 100 4 889492503 +663 108 2 889492796 +663 111 3 889492562 +663 121 4 889493182 +663 123 3 889492562 +663 124 3 889492390 +663 125 3 889492720 +663 127 5 889493540 +663 129 3 889492503 +663 134 5 889493818 +663 147 3 889493069 +663 148 4 889492989 +663 150 5 889492435 +663 151 3 889492841 +663 173 3 889493818 +663 174 5 889493540 +663 176 5 889493502 +663 180 4 889493691 +663 182 5 889493691 +663 183 4 889493770 +663 187 5 889493869 +663 192 4 889493628 +663 210 3 889493818 +663 235 2 889492917 +663 237 4 889492473 +663 240 3 889493027 +663 243 3 889492076 +663 258 3 889491560 +663 259 2 889491861 +663 260 2 889491861 +663 265 4 889493691 +663 268 3 889491617 +663 272 5 889491515 +663 273 4 889492679 +663 274 3 889493182 +663 276 3 889492435 +663 280 3 889492841 +663 281 3 889492759 +663 282 3 889492759 +663 284 4 889492841 +663 286 3 889491515 +663 287 5 889492720 +663 288 4 889491617 +663 289 1 889491861 +663 294 3 889491811 +663 299 2 889491739 +663 300 4 889491655 +663 307 4 889491690 +663 313 5 889491617 +663 315 4 889491560 +663 316 4 889491974 +663 318 4 889493576 +663 319 1 889492229 +663 321 5 889491739 +663 322 4 889491739 +663 323 2 889492230 +663 324 2 889492019 +663 326 4 889491861 +663 328 4 889491861 +663 330 4 889491739 +663 332 4 889491768 +663 333 5 889491655 +663 351 2 889491919 +663 357 5 889493732 +663 363 2 889492990 +663 405 3 889492877 +663 410 3 889492759 +663 455 2 889492679 +663 466 3 889493467 +663 471 3 889492841 +663 473 3 889492917 +663 475 4 889492435 +663 508 4 889492503 +663 509 4 889493437 +663 521 3 889493467 +663 544 4 889492841 +663 546 3 889493118 +663 591 3 889492759 +663 597 3 889492917 +663 603 4 889493540 +663 619 4 889493182 +663 628 4 889492615 +663 652 4 889493540 +663 655 4 889493869 +663 676 3 889492435 +663 678 2 889492140 +663 682 3 889491891 +663 685 4 889492917 +663 693 4 889493732 +663 696 3 889492877 +663 710 3 889493437 +663 741 4 889493351 +663 742 4 889492720 +663 748 2 889492019 +663 749 3 889491617 +663 762 4 889492473 +663 763 5 889492614 +663 815 4 889492759 +663 827 2 889492796 +663 833 4 889492796 +663 844 2 889492841 +663 845 3 889492796 +663 864 3 889492917 +663 872 3 889491919 +663 876 3 889491739 +663 895 4 889491811 +663 919 3 889492562 +663 924 3 889492351 +663 925 3 889493069 +663 928 3 889492679 +663 948 4 889492258 +663 975 4 889492720 +663 978 4 889492614 +663 984 3 889491690 +663 985 3 889493210 +663 1009 3 889493069 +663 1011 3 889493027 +663 1017 2 889492679 +663 1048 4 889492562 +663 1051 3 889493118 +663 1059 2 889492614 +663 1067 3 889492562 +663 1073 3 889493691 +663 1086 3 889492959 +663 1119 3 889493437 +663 1161 3 889493069 +663 1245 4 889492959 +663 1276 3 889492679 +663 1324 3 889492473 +663 1327 4 889493210 +664 1 4 878090087 +664 4 4 876526152 +664 7 3 878091393 +664 12 5 876524699 +664 14 4 878090764 +664 22 2 876524731 +664 31 4 876526555 +664 45 4 878090415 +664 47 4 876525076 +664 50 5 878090415 +664 52 5 876525736 +664 53 3 876526580 +664 54 3 876526684 +664 56 4 876525962 +664 57 4 878092649 +664 58 4 876525292 +664 64 4 876524474 +664 69 3 876525364 +664 70 3 878092758 +664 71 4 878090125 +664 77 3 876526631 +664 79 4 876526519 +664 81 5 876524474 +664 83 4 876524869 +664 92 4 876525002 +664 95 4 878090125 +664 96 3 878094973 +664 97 3 876525363 +664 98 4 876526462 +664 100 5 876523833 +664 121 3 876526659 +664 127 5 876525044 +664 132 4 878092569 +664 134 5 878092758 +664 137 3 876524641 +664 149 3 876525315 +664 151 4 878091912 +664 152 3 878091463 +664 153 4 876526152 +664 154 5 876525963 +664 156 4 876526784 +664 157 3 876524731 +664 159 3 876526739 +664 160 3 876524731 +664 162 4 876525764 +664 168 4 878090705 +664 169 5 878092569 +664 172 5 878090054 +664 173 4 876525963 +664 174 5 878092802 +664 175 4 876524699 +664 176 4 876526462 +664 180 4 876524641 +664 182 4 876524641 +664 183 3 876526462 +664 186 5 876526052 +664 191 3 876523833 +664 192 4 876524096 +664 194 4 876525998 +664 196 4 878090054 +664 197 4 876523654 +664 202 4 878094973 +664 203 4 876526685 +664 209 4 876525998 +664 210 4 878090054 +664 212 4 878090180 +664 215 4 876525293 +664 222 3 876524641 +664 223 4 876523654 +664 227 3 876526718 +664 228 4 876526462 +664 230 3 876526659 +664 234 3 876526554 +664 237 2 876525002 +664 268 3 876523093 +664 276 5 876524053 +664 285 5 876524053 +664 286 4 876523092 +664 302 4 876523093 +664 306 4 876523133 +664 317 3 878095280 +664 318 5 876525044 +664 319 4 876523133 +664 321 3 876526179 +664 326 2 876523225 +664 328 3 876523314 +664 356 3 876526685 +664 367 3 876526152 +664 408 5 878094973 +664 414 5 878090415 +664 425 3 876524937 +664 427 4 876524053 +664 431 2 876526631 +664 449 2 876526718 +664 450 3 876526604 +664 458 3 878091463 +664 462 4 878091912 +664 466 4 876526519 +664 469 3 876524474 +664 479 5 878090087 +664 480 5 878091393 +664 481 5 878091912 +664 482 5 878090180 +664 483 4 878091463 +664 484 5 878090705 +664 494 5 878089975 +664 496 5 878090381 +664 497 3 878092649 +664 504 4 876526518 +664 509 4 876523654 +664 513 4 876524053 +664 514 5 876526179 +664 516 5 876525963 +664 518 4 876524290 +664 522 3 876525998 +664 525 4 876526580 +664 528 5 876523833 +664 529 4 878090125 +664 531 2 876523833 +664 566 4 876526631 +664 582 1 876525044 +664 588 3 878092569 +664 603 5 876526518 +664 611 5 878090705 +664 627 1 878090125 +664 631 4 876525077 +664 636 3 876526631 +664 642 4 876526554 +664 649 4 876525044 +664 654 5 876526604 +664 655 3 876524097 +664 657 5 876526685 +664 660 3 876525718 +664 663 4 876525998 +664 664 4 876524474 +664 673 3 876526718 +664 678 2 876523288 +664 684 4 876526580 +664 692 3 878152048 +664 702 4 876526052 +664 705 4 878092802 +664 708 4 876525077 +664 715 3 876525718 +664 717 1 876526555 +664 724 3 876525695 +664 732 3 876525315 +664 735 4 878092802 +664 764 4 878092758 +664 770 4 876526659 +664 778 3 876525192 +664 792 4 876524474 +664 805 5 878090381 +664 845 2 878090381 +664 1098 3 876526152 +664 1101 3 876525002 +664 1109 4 876526555 +665 1 4 884290491 +665 7 4 884290635 +665 9 4 884290608 +665 12 4 884294286 +665 15 4 884290676 +665 24 3 884291300 +665 31 3 884294880 +665 33 2 884293873 +665 50 4 884290432 +665 56 5 884294611 +665 69 5 884293475 +665 71 4 884293933 +665 79 3 884293831 +665 88 3 884294552 +665 89 4 884294935 +665 92 4 884295080 +665 96 3 884293831 +665 97 2 884294329 +665 98 4 884293569 +665 100 3 884290349 +665 105 2 884291810 +665 109 4 884292654 +665 111 4 884290608 +665 117 4 884290575 +665 121 2 884290480 +665 125 4 884291340 +665 126 4 884290751 +665 127 4 884292654 +665 133 3 884294771 +665 134 4 884293569 +665 135 4 884294880 +665 143 4 884293475 +665 147 4 884291057 +665 151 3 884291017 +665 154 3 884294025 +665 156 5 884294772 +665 157 3 884294671 +665 172 4 884293523 +665 181 4 884291936 +665 183 4 884293933 +665 185 4 884294200 +665 186 4 884293569 +665 188 4 884293366 +665 191 3 884293475 +665 194 3 884294671 +665 195 3 884294819 +665 196 4 884294026 +665 200 4 884293741 +665 202 3 884294612 +665 210 4 884293789 +665 214 4 884294935 +665 215 2 884294880 +665 216 4 884293690 +665 222 3 884290676 +665 234 3 884293610 +665 237 3 884290635 +665 238 4 884294772 +665 239 3 884293475 +665 240 5 884291271 +665 248 4 884292068 +665 249 5 884290608 +665 255 4 884290608 +665 257 3 884292654 +665 265 3 884294716 +665 271 2 884290055 +665 274 3 884290408 +665 282 4 884291094 +665 286 4 884289850 +665 293 4 884290728 +665 294 2 884289922 +665 298 3 884292654 +665 301 4 884290096 +665 307 3 884292654 +665 313 4 884618217 +665 315 4 884697720 +665 319 4 884289897 +665 328 4 884290055 +665 357 4 884293979 +665 369 4 884291747 +665 378 3 884294237 +665 393 3 884295080 +665 405 3 884291300 +665 410 3 884291165 +665 411 4 884291242 +665 417 3 884293569 +665 418 4 884294611 +665 419 4 884295126 +665 421 4 884294552 +665 423 4 884294611 +665 427 5 884293309 +665 432 4 884294025 +665 456 4 884291662 +665 471 3 884292009 +665 472 3 884291242 +665 473 4 884290882 +665 475 3 884290349 +665 483 4 884293610 +665 496 3 884294200 +665 508 2 884290751 +665 535 4 884291094 +665 538 4 884290143 +665 546 2 884291376 +665 566 2 884293741 +665 588 4 884294772 +665 597 3 884290853 +665 620 3 884291613 +665 631 2 884294459 +665 660 4 884294935 +665 685 2 884290515 +665 687 2 884290143 +665 699 4 884294374 +665 721 3 884294772 +665 742 4 884290704 +665 748 4 884290076 +665 756 3 884292654 +665 763 4 884291210 +665 815 4 884290608 +665 833 3 884291210 +665 845 4 884292654 +665 866 3 884290676 +665 924 4 884291165 +665 926 3 884291376 +665 931 3 884291810 +665 1009 4 884291936 +665 1028 4 884291133 +665 1047 1 884291376 +665 1048 4 884292325 +665 1061 4 884292654 +665 1132 2 884291662 +665 1225 2 884294286 +665 1283 3 884292654 +665 1315 4 884291413 +666 4 5 880314477 +666 5 2 880568465 +666 7 4 880313329 +666 11 4 880314453 +666 12 4 880139323 +666 13 4 880313542 +666 23 4 880139467 +666 25 3 880313559 +666 26 3 880568505 +666 28 3 880139381 +666 31 3 880314500 +666 32 4 880139466 +666 46 4 880139348 +666 48 4 880139180 +666 50 3 880313447 +666 64 4 880139120 +666 66 4 880568560 +666 69 3 880139149 +666 70 4 880139526 +666 79 3 880567919 +666 81 4 880314194 +666 82 3 880314194 +666 89 4 880139149 +666 91 3 880139409 +666 92 3 880139493 +666 96 3 880568270 +666 97 4 880139642 +666 98 4 880139381 +666 100 4 880313310 +666 106 2 880313992 +666 108 3 880313929 +666 111 3 880313523 +666 114 4 880567919 +666 116 4 880313270 +666 118 3 880313903 +666 121 3 880313603 +666 124 3 880313391 +666 127 5 880139180 +666 129 4 880313270 +666 132 4 880139669 +666 133 3 880139439 +666 134 5 880567695 +666 135 4 880139562 +666 137 4 880313423 +666 143 2 880568064 +666 144 3 880314144 +666 147 3 880313661 +666 151 2 880313582 +666 153 4 880314103 +666 154 3 880568662 +666 162 4 880568662 +666 163 3 880567742 +666 168 4 880314272 +666 169 4 880567883 +666 172 3 880139090 +666 174 3 880139586 +666 175 4 880567612 +666 176 4 880139120 +666 177 3 880567612 +666 179 5 880139323 +666 180 4 880139562 +666 181 2 880139563 +666 185 4 880139466 +666 186 2 880139587 +666 187 5 880139439 +666 188 5 880314564 +666 191 4 880139090 +666 192 4 880139615 +666 193 4 880567810 +666 194 3 880139348 +666 195 3 880314272 +666 196 3 880568129 +666 197 4 880568129 +666 199 5 880314253 +666 200 5 880568465 +666 202 5 880139493 +666 204 3 880139090 +666 205 3 880139562 +666 206 4 880139669 +666 208 3 880139467 +666 209 4 880139205 +666 210 2 880139493 +666 211 4 880139382 +666 213 4 880139120 +666 216 3 880139642 +666 222 3 880313423 +666 234 3 880139323 +666 236 4 880313250 +666 237 3 880313391 +666 238 4 880139615 +666 245 3 880138865 +666 248 3 880313640 +666 255 4 880313423 +666 257 3 880313682 +666 258 4 880138999 +666 264 3 880138999 +666 265 3 880139274 +666 269 5 880314564 +666 270 3 880138720 +666 273 3 880313292 +666 282 3 880313482 +666 284 3 880313523 +666 286 5 880138999 +666 288 3 880138999 +666 291 3 880313640 +666 293 3 880313310 +666 294 3 880139037 +666 300 3 880138702 +666 301 4 880138999 +666 302 5 880138999 +666 310 5 880313163 +666 318 5 880139180 +666 319 4 880138999 +666 331 4 880138999 +666 333 3 880138999 +666 339 4 880138999 +666 357 4 880139526 +666 370 2 880313811 +666 381 3 880139349 +666 385 3 880568028 +666 405 2 880313662 +666 410 2 880313447 +666 423 3 880139381 +666 427 4 880139382 +666 428 3 880139439 +666 429 5 880139409 +666 430 4 880139614 +666 432 3 880139439 +666 433 3 880568560 +666 435 4 880567883 +666 436 3 880568637 +666 443 4 880568638 +666 467 4 880568094 +666 471 4 880313423 +666 474 5 880139323 +666 478 4 880139526 +666 479 4 880139642 +666 480 4 880568063 +666 482 4 880567997 +666 483 5 880139348 +666 484 4 880139149 +666 489 4 880314194 +666 492 4 880139252 +666 493 5 880139252 +666 494 4 880314310 +666 496 4 880139149 +666 498 5 880139669 +666 499 4 880139562 +666 502 3 880567883 +666 504 4 880139120 +666 505 4 880139526 +666 506 5 880139252 +666 507 3 880567771 +666 510 4 880139409 +666 511 4 880139120 +666 513 4 880139323 +666 514 4 880139295 +666 515 5 880313230 +666 516 5 880139348 +666 517 4 880139563 +666 518 4 880567742 +666 519 4 880139205 +666 520 3 880139562 +666 523 4 880314194 +666 525 4 880139467 +666 527 4 880139253 +666 529 5 880568129 +666 530 3 880139323 +666 544 4 880313682 +666 546 4 880313640 +666 566 3 880314500 +666 582 4 880139642 +666 591 2 880313604 +666 603 4 880567943 +666 604 3 880139669 +666 607 4 880139563 +666 613 5 880139295 +666 616 3 880139253 +666 632 4 880568028 +666 636 4 880568322 +666 640 4 880314477 +666 642 5 880139586 +666 644 3 880314453 +666 646 3 880139180 +666 647 5 880139439 +666 649 3 880568694 +666 650 5 880139409 +666 651 5 880139149 +666 653 4 880139120 +666 654 5 880139382 +666 655 4 880139439 +666 656 4 880139120 +666 657 4 880139642 +666 660 4 880568094 +666 661 4 880139765 +666 662 3 880568094 +666 663 4 880139409 +666 684 4 880568063 +666 692 3 880568505 +666 696 3 880313811 +666 699 3 880568297 +666 707 5 880314103 +666 709 4 880314144 +666 729 4 880314225 +666 742 3 880313723 +666 744 3 880313661 +666 760 3 880313789 +666 792 4 880568694 +666 805 4 880568436 +666 811 4 880568396 +666 831 2 880313841 +666 855 4 880568270 +666 856 5 880139765 +666 864 3 880313523 +666 866 2 880313582 +666 924 2 880313582 +666 945 4 880567883 +666 956 4 880568637 +666 959 4 880139149 +666 960 4 880567810 +666 962 3 880314272 +666 963 3 880139090 +666 974 4 880313929 +666 1011 4 880313723 +666 1013 3 880314029 +666 1021 5 880139669 +666 1045 4 880567974 +666 1071 3 880567771 +666 1098 4 880314384 +666 1110 3 880314366 +666 1132 3 880313992 +666 1154 3 880567658 +666 1266 5 880139493 +666 1451 3 880139614 +666 1474 3 880567612 +667 9 5 891034831 +667 23 3 891035084 +667 28 5 891034913 +667 69 3 891035104 +667 79 3 891034930 +667 86 5 891034894 +667 98 4 891035104 +667 131 5 891034810 +667 137 3 891035206 +667 168 3 891035206 +667 182 5 891034767 +667 186 4 891035033 +667 192 5 891034947 +667 196 5 891034993 +667 197 4 891035033 +667 210 3 891035051 +667 216 4 891034894 +667 238 3 891035140 +667 268 3 891034404 +667 269 5 891034444 +667 272 5 891034404 +667 275 4 891035084 +667 283 4 891034947 +667 313 3 891034404 +667 315 4 891034426 +667 357 5 891034767 +667 427 5 891034767 +667 461 4 891034913 +667 475 5 891035051 +667 482 4 891035140 +667 487 5 891035084 +667 504 3 891035015 +667 527 4 891035121 +667 660 4 891035164 +667 694 4 891034730 +667 880 3 891034568 +667 962 2 891035164 +668 13 4 881591075 +668 50 5 881605642 +668 69 1 881702566 +668 82 4 881702925 +668 97 2 881702632 +668 124 3 881605489 +668 137 3 881605093 +668 210 5 881605849 +668 252 2 881702925 +668 257 3 881605269 +668 269 5 881523612 +668 271 4 881523787 +668 272 5 890349005 +668 283 5 881605324 +668 288 4 882818604 +668 289 2 881523929 +668 300 4 881523612 +668 302 5 881523612 +668 311 4 881591023 +668 323 4 881591198 +668 328 4 881523787 +668 333 3 881524020 +668 340 4 881523737 +668 347 4 890349005 +668 355 2 890349190 +668 358 3 881524153 +668 367 5 881605587 +668 475 4 881605210 +668 538 5 881523787 +668 596 3 881591297 +668 752 4 890349005 +668 882 3 881523929 +668 895 3 890349136 +668 896 4 882818549 +668 902 2 890349285 +668 993 4 881591257 +669 1 5 892549412 +669 7 3 892549266 +669 12 5 891517287 +669 22 3 891517159 +669 50 5 891517215 +669 56 2 891260497 +669 64 4 891260440 +669 79 2 891260474 +669 82 4 892550310 +669 96 2 891260392 +669 97 4 891517238 +669 111 4 892549583 +669 114 5 892550196 +669 117 1 891260577 +669 118 2 892549838 +669 121 3 892549673 +669 125 3 892549622 +669 127 5 891260596 +669 132 4 891260519 +669 133 4 891260779 +669 150 3 892549477 +669 151 5 892549370 +669 168 4 891517259 +669 172 3 891517159 +669 174 3 891260369 +669 175 4 892550170 +669 181 5 892549390 +669 183 3 891260577 +669 187 5 892550170 +669 190 3 892550170 +669 191 3 892550310 +669 192 5 891260542 +669 194 3 891517159 +669 195 2 891260542 +669 196 3 892550234 +669 205 4 892550137 +669 208 2 891517215 +669 216 3 892550170 +669 222 3 892549434 +669 235 2 892549865 +669 246 4 892549497 +669 248 4 892549412 +669 252 2 892549865 +669 258 2 891182622 +669 268 3 891517159 +669 269 3 891517159 +669 271 2 891182948 +669 276 2 892550259 +669 290 2 892549820 +669 300 4 892549238 +669 302 4 891182948 +669 310 4 892549126 +669 313 4 891182948 +669 323 1 891182792 +669 324 3 891517159 +669 329 1 891182771 +669 347 3 891182948 +669 348 1 891182572 +669 354 1 891182622 +669 355 2 891182792 +669 357 4 891260616 +669 408 5 892549316 +669 427 4 892550137 +669 474 4 891260369 +669 475 3 892549336 +669 479 5 891260806 +669 480 5 891517259 +669 482 4 892550170 +669 483 3 892550196 +669 490 5 892550283 +669 508 3 892549292 +669 511 5 891260778 +669 514 3 892550215 +669 515 5 891517238 +669 517 3 892550282 +669 522 4 892550196 +669 523 4 891260638 +669 527 3 891517185 +669 531 3 892550310 +669 603 5 891260719 +669 614 4 891260778 +669 647 5 891260596 +669 649 4 891260754 +669 654 5 891260754 +669 657 5 891517185 +669 664 4 892550104 +669 749 3 891517159 +669 879 2 891182703 +669 902 2 891182948 +669 915 3 892549178 +670 8 4 877975594 +670 83 3 877975018 +670 96 5 877975070 +670 98 2 877975731 +670 135 3 877974549 +670 144 4 877975285 +670 161 2 877975392 +670 168 3 877974549 +670 175 2 877975448 +670 186 4 877975594 +670 191 4 877975731 +670 195 4 877974787 +670 199 4 877974549 +670 222 4 877974857 +670 245 4 877974070 +670 417 4 877975129 +670 419 4 877974945 +670 474 3 877975070 +670 479 5 877975594 +670 483 5 877975200 +670 484 5 877975391 +670 485 5 877974945 +670 511 4 877975285 +670 515 2 877974699 +670 519 5 877974604 +670 521 4 877975344 +670 603 5 877974465 +670 606 4 877975391 +670 611 5 877975129 +670 657 5 877974857 +670 659 5 877974699 +670 705 5 877974905 +670 949 2 877974465 +670 969 2 877975070 +670 1099 3 877975018 +670 1299 4 877974905 +671 2 4 884035892 +671 4 5 884035939 +671 5 2 883949781 +671 7 5 875388719 +671 11 4 884035774 +671 12 5 883546120 +671 17 4 883546889 +671 22 4 884035406 +671 27 3 884036050 +671 29 3 884036050 +671 31 2 883546333 +671 33 5 883949781 +671 38 5 884035992 +671 50 5 875388719 +671 53 3 884034800 +671 54 3 884035173 +671 55 3 883546890 +671 56 1 883546120 +671 62 5 884036411 +671 66 5 884204727 +671 68 3 884035892 +671 79 2 883546120 +671 82 4 884035686 +671 88 4 884036846 +671 89 5 884035406 +671 96 5 884035686 +671 98 4 883949357 +671 117 3 875389187 +671 118 5 875389187 +671 121 4 875389187 +671 123 5 883546677 +671 144 4 884035686 +671 147 1 884035992 +671 159 5 883949781 +671 161 5 884035892 +671 172 5 884035774 +671 174 5 884035685 +671 176 2 883546120 +671 177 4 884035775 +671 181 5 875388719 +671 182 4 884035685 +671 184 3 884035775 +671 195 5 884035774 +671 201 3 884204509 +671 203 3 884035173 +671 210 5 884035892 +671 219 3 884338399 +671 222 1 883546333 +671 226 3 883949693 +671 231 3 884035993 +671 234 4 883546890 +671 237 5 884037003 +671 241 5 884035686 +671 255 5 884375221 +671 257 5 875388720 +671 258 5 875386402 +671 265 3 884035992 +671 273 4 875389187 +671 288 5 883950232 +671 298 4 875389187 +671 327 1 875387273 +671 356 3 883949781 +671 379 3 884035303 +671 405 3 884035939 +671 431 2 883546677 +671 443 3 884034132 +671 451 4 884037004 +671 452 4 884035173 +671 455 4 884035775 +671 472 5 884036411 +671 504 4 883949781 +671 510 3 884035892 +671 511 3 884035406 +671 526 2 884035406 +671 546 5 884036050 +671 550 3 884035406 +671 553 5 884036846 +671 554 4 884036411 +671 559 4 884338399 +671 562 5 884036365 +671 566 4 884035303 +671 568 5 884035686 +671 570 3 884036411 +671 576 5 884035939 +671 578 3 884036411 +671 583 3 884034132 +671 591 3 883546333 +671 597 4 884036365 +671 654 3 884034800 +671 679 3 884036050 +671 684 3 883546890 +671 685 5 884035992 +671 686 3 884036365 +671 720 3 884036050 +671 742 5 884035173 +671 770 2 883547351 +671 779 3 884036683 +671 802 3 884036411 +671 810 2 884036050 +671 838 3 884036365 +671 841 2 875388720 +671 849 3 884036050 +671 864 3 884204727 +671 925 3 883949781 +671 986 2 884035173 +671 1073 3 883949781 +671 1109 2 883546677 +671 1215 3 884036365 +671 1217 4 883547351 +671 1222 3 884036365 +671 1239 3 884036683 +671 1303 3 884036365 +671 1491 1 884034132 +671 1597 1 884035892 +672 15 3 879787922 +672 25 5 879789056 +672 109 4 879788774 +672 124 3 879787922 +672 181 3 879788708 +672 220 2 879787729 +672 237 2 879787811 +672 255 2 879789278 +672 269 3 879787460 +672 275 5 879787955 +672 280 2 879787729 +672 284 4 879789030 +672 301 4 879787500 +672 321 4 879787518 +672 515 5 879787812 +672 815 4 879788819 +672 874 4 879787643 +672 1023 2 879789672 +672 1190 2 879789437 +673 12 4 888787587 +673 79 5 888787587 +673 258 2 888786969 +673 268 1 888786997 +673 272 5 888786942 +673 286 4 888787508 +673 292 4 888787376 +673 300 3 888786942 +673 301 3 888787450 +673 302 3 888786942 +673 307 3 888787355 +673 310 5 888786997 +673 313 4 888786942 +673 315 5 888786942 +673 321 3 888787355 +673 322 4 888787450 +673 323 2 888787508 +673 326 4 888787423 +673 327 4 888787396 +673 340 5 888786969 +673 345 4 888787396 +673 528 5 888787587 +673 895 3 888787423 +673 896 5 888787355 +673 898 3 888787312 +674 1 4 887762799 +674 15 4 887762584 +674 111 5 887763336 +674 121 4 887762881 +674 125 5 887762779 +674 151 2 887763274 +674 181 4 887762603 +674 222 3 887762839 +674 245 4 887762430 +674 252 2 887763151 +674 255 4 887763012 +674 257 4 887762641 +674 289 2 887763151 +674 292 4 887762415 +674 300 3 887762296 +674 304 3 887762296 +674 313 5 887762296 +674 315 3 887762296 +674 323 3 887762937 +674 410 3 887763150 +674 539 1 887763151 +674 597 3 887763150 +674 678 3 887762480 +674 685 3 887762861 +674 742 5 887762714 +674 751 3 887762398 +674 763 5 887762799 +674 827 4 887762899 +674 866 5 887763062 +674 1197 3 887763386 +674 1620 4 887763035 +675 86 4 889489574 +675 223 1 889490151 +675 235 1 889490151 +675 242 4 889488522 +675 244 3 889489775 +675 258 3 889488679 +675 269 5 889488487 +675 272 3 889488431 +675 286 4 889488431 +675 303 5 889488522 +675 311 3 889488647 +675 312 2 889488624 +675 318 5 889489273 +675 321 2 889488708 +675 344 4 889488754 +675 427 5 889489691 +675 463 5 889489003 +675 750 4 889488487 +675 891 2 889488779 +675 896 5 889488575 +675 900 4 889488624 +675 937 1 889490151 +675 1007 4 889489522 +675 1628 5 889489837 +676 1 5 892686188 +676 9 2 892686134 +676 13 1 892686319 +676 22 5 892686606 +676 50 5 892686083 +676 64 5 892686563 +676 100 5 892686083 +676 114 5 892686606 +676 117 4 892686244 +676 132 5 892686703 +676 144 4 892686459 +676 168 5 892686459 +676 169 5 892686524 +676 172 5 892686490 +676 173 5 892686665 +676 174 5 892686459 +676 193 5 892686606 +676 222 4 892686273 +676 245 4 892685592 +676 250 4 892686164 +676 255 5 892686348 +676 257 5 892686220 +676 258 2 892685370 +676 259 4 892685621 +676 269 2 892685224 +676 270 4 892685489 +676 272 4 892685224 +676 286 4 892685252 +676 288 1 892685437 +676 294 4 892685591 +676 295 1 892686220 +676 300 4 892685403 +676 302 5 892685224 +676 303 4 892685403 +676 315 4 892685224 +676 316 4 892685224 +676 318 5 892686459 +676 326 2 892685592 +676 328 5 892685657 +676 345 2 892685621 +676 352 1 892685875 +676 471 3 892686273 +676 480 5 892686666 +676 482 4 892686702 +676 483 4 892686459 +676 508 1 892686134 +676 538 4 892685437 +676 539 4 892685920 +676 546 3 892686371 +676 682 1 892685716 +676 687 1 892685803 +676 750 4 892685252 +676 845 5 892686398 +676 879 3 892685489 +676 890 1 892685900 +676 892 4 892685900 +676 895 1 892685562 +676 902 4 892685740 +676 912 3 892685489 +676 916 5 892685849 +676 948 1 892685803 +676 962 4 892686525 +676 993 5 892686294 +676 1234 1 892685775 +676 1483 4 892685826 +676 1527 1 892685657 +676 1654 1 892685960 +677 7 4 889399171 +677 14 1 889399265 +677 91 5 889399671 +677 101 5 889399671 +677 109 1 889399327 +677 117 4 889399171 +677 129 5 889399199 +677 151 4 889399431 +677 222 4 889399171 +677 240 5 889399431 +677 243 3 889399113 +677 245 5 885191403 +677 268 5 889398907 +677 288 5 885191166 +677 289 1 889399113 +677 290 1 889399295 +677 294 5 885191227 +677 300 5 889398960 +677 322 4 885191280 +677 351 2 889399113 +677 358 5 885191454 +677 455 5 889399470 +677 457 1 889399113 +677 471 4 889399171 +677 475 4 889399265 +677 508 5 889399171 +677 539 3 889399113 +677 678 4 889399113 +677 687 4 889399113 +677 740 1 889399265 +677 742 4 889399139 +677 748 4 889399113 +677 908 4 885191403 +677 980 2 889399470 +677 988 4 889399113 +677 1011 3 889399431 +677 1049 3 889399139 +677 1240 5 889399671 +677 1245 4 889399199 +678 14 3 879544815 +678 15 3 879544449 +678 100 5 879544750 +678 117 4 879544989 +678 127 5 879544782 +678 222 3 879544989 +678 237 3 879544915 +678 275 2 879544450 +678 276 5 879544952 +678 277 3 879544882 +678 285 3 879544397 +678 298 3 879544750 +678 300 4 879544295 +678 332 4 879544254 +678 515 4 879544782 +678 742 4 879544783 +678 1115 3 879544815 +678 1129 1 879544915 +679 1 3 884487688 +679 8 2 884486856 +679 28 5 884486732 +679 42 4 884487584 +679 50 5 884486758 +679 56 4 884487418 +679 63 3 884489283 +679 69 4 884487688 +679 70 4 884487325 +679 73 4 884488036 +679 83 5 884486694 +679 95 3 884487688 +679 97 3 884487300 +679 100 3 884487089 +679 109 3 884488283 +679 111 3 884487715 +679 132 4 884487374 +679 143 2 884487135 +679 153 2 884486904 +679 154 4 884486658 +679 168 5 884487534 +679 172 5 884486758 +679 173 5 884486966 +679 184 4 884487491 +679 196 4 884487610 +679 204 3 884487191 +679 215 3 884487999 +679 222 4 884487418 +679 223 5 884487052 +679 241 3 884488149 +679 249 3 884486594 +679 268 4 884312834 +679 286 5 884312660 +679 290 2 884487715 +679 291 4 884487960 +679 294 1 884312763 +679 318 5 884486812 +679 322 3 884312763 +679 419 3 884487514 +679 423 3 884487112 +679 432 4 884487514 +679 483 5 884487010 +679 484 4 884486658 +679 527 4 884486985 +679 531 4 884487153 +679 568 2 884488259 +679 588 3 884487825 +679 710 4 884487374 +679 721 3 884487611 +679 727 4 884487961 +679 748 4 884312926 +679 751 5 884325826 +680 1 4 876816224 +680 7 5 876816310 +680 14 5 877075079 +680 15 3 877075048 +680 24 4 877075214 +680 25 4 876816310 +680 50 5 876816310 +680 98 4 876816224 +680 100 3 877075214 +680 117 4 877075312 +680 137 4 876816310 +680 143 4 876816224 +680 150 5 877075105 +680 151 5 877075164 +680 169 5 876816162 +680 195 4 876816106 +680 203 3 876816162 +680 242 4 876815942 +680 257 4 877075273 +680 269 4 876815942 +680 273 3 877075214 +680 285 5 877075079 +680 286 4 876815942 +680 294 4 876816043 +680 318 5 876816106 +680 515 4 876816268 +680 517 4 876816162 +680 815 3 877075312 +681 270 1 885409370 +681 289 5 885410009 +681 292 4 885409883 +681 310 3 885409572 +681 328 3 885409810 +681 538 3 885409516 +681 682 1 885409810 +681 750 5 885409438 +681 894 1 885409742 +681 990 4 885409770 +681 1105 3 885409742 +681 1394 5 885409742 +682 1 4 888523054 +682 2 3 888522541 +682 3 3 888519113 +682 4 3 888521599 +682 5 3 888520799 +682 7 4 888522455 +682 8 3 888521833 +682 9 3 888517168 +682 11 4 888517049 +682 12 5 888516953 +682 15 4 888523581 +682 17 3 888520923 +682 21 4 888522194 +682 22 5 888519725 +682 23 4 888519725 +682 24 4 888522575 +682 25 4 888521564 +682 26 3 888517986 +682 27 3 888518104 +682 28 3 888516953 +682 29 2 888522699 +682 31 3 888520705 +682 33 4 888520864 +682 38 3 888521116 +682 39 4 888518009 +682 41 3 888522073 +682 42 5 888518979 +682 47 1 888517870 +682 48 4 888517264 +682 49 3 888522194 +682 50 5 888518639 +682 51 5 888517740 +682 53 2 888519519 +682 54 4 888517628 +682 55 4 888520705 +682 56 4 888519077 +682 58 3 888517627 +682 62 3 888522541 +682 64 5 888517011 +682 65 3 888517416 +682 66 3 888521740 +682 67 4 888523581 +682 69 4 888519206 +682 70 4 888517416 +682 71 5 888523135 +682 72 3 888521540 +682 73 5 888521564 +682 75 4 888518185 +682 76 3 888517049 +682 77 3 888517562 +682 79 4 888520705 +682 80 1 888521803 +682 81 3 888517439 +682 82 4 888522541 +682 83 3 888517011 +682 85 3 888521833 +682 86 2 888518206 +682 87 5 888517235 +682 88 4 888521599 +682 89 4 888522418 +682 94 3 888522021 +682 95 5 888523581 +682 96 4 888523635 +682 97 4 888517587 +682 98 4 888520638 +682 100 3 888517011 +682 108 3 888521564 +682 109 3 888521539 +682 111 3 888521740 +682 117 4 888522455 +682 121 4 888520799 +682 122 3 888522260 +682 124 2 888517097 +682 125 4 888523635 +682 127 5 888517011 +682 128 4 888522575 +682 135 4 888517484 +682 143 3 888523115 +682 144 3 888522418 +682 147 1 888523619 +682 148 3 888520923 +682 150 4 888517197 +682 151 5 888523115 +682 153 3 888521465 +682 154 5 888521489 +682 156 5 888519207 +682 157 4 888517484 +682 158 2 888522260 +682 159 3 888521005 +682 161 3 888522542 +682 163 3 888521833 +682 164 3 888521005 +682 167 2 888522101 +682 168 5 888521381 +682 172 5 888522417 +682 173 4 888521381 +682 174 4 888523581 +682 175 3 888517265 +682 176 4 888521195 +682 179 4 888517627 +682 180 3 888516979 +682 181 5 888518639 +682 182 4 888523619 +682 183 3 888520638 +682 184 4 888519307 +682 185 4 888520639 +682 186 4 888521413 +682 187 5 888517235 +682 188 4 888522417 +682 190 4 888519725 +682 191 3 888517197 +682 192 3 888516979 +682 195 4 888522418 +682 196 5 888523581 +682 201 4 888519365 +682 202 4 888521413 +682 204 3 888521413 +682 205 3 888518164 +682 209 3 888521381 +682 210 4 888522326 +682 211 4 888522311 +682 216 4 888521381 +682 217 4 888523581 +682 218 3 888520977 +682 219 2 888522857 +682 222 4 888519725 +682 223 1 888517011 +682 226 3 888520923 +682 228 4 888520923 +682 229 4 888520923 +682 231 1 888522612 +682 232 3 888519408 +682 233 2 888520864 +682 234 3 888520705 +682 235 1 888521833 +682 237 3 888517324 +682 238 3 888521540 +682 239 3 888517439 +682 240 4 888521637 +682 241 4 888522541 +682 243 1 888516865 +682 245 3 888516841 +682 246 5 888518659 +682 248 3 888518640 +682 249 3 888518722 +682 250 4 888523635 +682 252 3 888518773 +682 254 2 888518871 +682 255 3 888518722 +682 257 2 888518704 +682 258 3 888516814 +682 259 3 888518424 +682 263 1 888518541 +682 268 5 888518279 +682 271 4 888518279 +682 272 5 888523619 +682 273 4 888520864 +682 274 4 888521740 +682 276 3 888517097 +682 280 3 888517740 +682 281 3 888520864 +682 282 4 888519918 +682 284 4 888519725 +682 288 4 888516814 +682 290 1 888522217 +682 291 1 888517364 +682 293 4 888523581 +682 294 3 888516841 +682 298 4 888518639 +682 299 4 888518363 +682 300 2 888518320 +682 304 1 888523810 +682 317 4 888517390 +682 318 4 888517168 +682 323 2 888516865 +682 327 3 888518299 +682 328 3 888518363 +682 332 4 888518320 +682 333 4 888518279 +682 339 2 888518364 +682 346 2 888518320 +682 356 3 888517986 +682 357 3 888516979 +682 358 3 888518450 +682 362 2 888518251 +682 363 2 888522612 +682 365 3 888517986 +682 366 4 888517896 +682 367 3 888521783 +682 378 3 888517986 +682 379 4 888519260 +682 380 4 888517510 +682 384 2 888522073 +682 385 3 888522456 +682 386 2 888521942 +682 393 4 888521711 +682 395 3 888523657 +682 399 4 888522612 +682 401 1 888522260 +682 403 3 888517792 +682 405 2 888522456 +682 410 3 888521740 +682 412 1 888521907 +682 419 3 888523054 +682 420 3 888523115 +682 423 5 888519206 +682 427 4 888523581 +682 431 4 888520799 +682 433 3 888521540 +682 443 3 888520977 +682 447 2 888522857 +682 451 3 888521637 +682 455 4 888521866 +682 465 3 888523054 +682 467 3 888517364 +682 468 5 888517869 +682 470 5 888517628 +682 471 3 888517537 +682 472 3 888522699 +682 475 3 888521465 +682 476 1 888522100 +682 509 2 888517235 +682 518 4 888517324 +682 520 4 888519725 +682 527 3 888517168 +682 540 2 888521291 +682 541 3 888522612 +682 542 2 888523227 +682 546 3 888517740 +682 549 3 888517415 +682 550 2 888522541 +682 551 2 888522977 +682 552 3 888520977 +682 553 3 888517627 +682 554 3 888521116 +682 556 2 888517840 +682 558 1 888519276 +682 559 4 888522837 +682 562 2 888522700 +682 566 3 888519260 +682 568 3 888522575 +682 570 2 888517948 +682 572 4 888521116 +682 573 4 888521116 +682 576 4 888522754 +682 578 3 888522575 +682 581 2 888517948 +682 582 1 888517816 +682 583 2 888517587 +682 585 4 888522021 +682 586 1 888522700 +682 591 3 888517097 +682 597 1 888522699 +682 619 3 888519226 +682 625 3 888523155 +682 627 4 888523171 +682 628 4 888517364 +682 631 3 888517922 +682 651 4 888517168 +682 654 4 888520799 +682 655 5 888519725 +682 657 4 888520638 +682 658 4 888517390 +682 659 1 888520638 +682 660 2 888517870 +682 672 2 888522894 +682 673 3 888517049 +682 678 1 888516814 +682 683 2 888518503 +682 684 3 888520705 +682 685 3 888522541 +682 686 4 888519725 +682 687 2 888518871 +682 692 3 888519207 +682 693 3 888517537 +682 696 4 888518035 +682 697 4 888517816 +682 699 3 888523658 +682 708 3 888518104 +682 710 3 888521413 +682 713 3 888517537 +682 716 2 888522074 +682 717 3 888521090 +682 719 2 888521982 +682 720 4 888522699 +682 721 4 888518937 +682 722 4 888522073 +682 723 1 888518063 +682 724 4 888517948 +682 728 3 888522021 +682 729 3 888518035 +682 732 3 888517740 +682 737 3 888518104 +682 738 3 888522021 +682 742 3 888519738 +682 746 3 888521413 +682 748 3 888516814 +682 752 4 888523634 +682 756 2 888521942 +682 761 4 888521090 +682 762 3 888521637 +682 763 4 888521783 +682 765 4 888523581 +682 769 2 888522951 +682 772 4 888517922 +682 774 4 888522894 +682 775 1 888521981 +682 779 3 888522754 +682 780 3 888522217 +682 781 2 888521833 +682 783 2 888521291 +682 790 3 888521942 +682 797 2 888522613 +682 801 3 888521907 +682 802 2 888521047 +682 804 3 888521740 +682 806 3 888523658 +682 808 4 888517762 +682 809 2 888522755 +682 820 3 888523323 +682 823 2 888522613 +682 824 1 888521907 +682 833 1 888522260 +682 834 3 888522971 +682 849 2 888522699 +682 862 1 888522021 +682 866 2 888522101 +682 876 3 888521290 +682 881 3 888521291 +682 890 2 888518564 +682 895 4 888518380 +682 922 3 888517816 +682 925 3 888520923 +682 932 1 888522017 +682 940 2 888521907 +682 941 4 888518035 +682 942 2 888517324 +682 943 3 888520864 +682 944 3 888522073 +682 946 4 888523155 +682 948 2 888516865 +682 959 4 888521803 +682 977 3 888521090 +682 991 2 888518871 +682 999 2 888521942 +682 1011 4 888517986 +682 1012 4 888518747 +682 1016 2 888518747 +682 1019 5 888519519 +682 1028 3 888523657 +682 1035 3 888523227 +682 1039 4 888517510 +682 1045 3 888517792 +682 1046 3 888520799 +682 1047 3 888521803 +682 1048 3 888521564 +682 1067 3 888520497 +682 1074 4 888517792 +682 1079 3 888523657 +682 1084 2 888518164 +682 1089 2 888518871 +682 1090 2 888521047 +682 1091 3 888523288 +682 1093 3 888522100 +682 1107 2 888517896 +682 1118 3 888521711 +682 1132 3 888521907 +682 1135 2 888518035 +682 1153 3 888517869 +682 1178 1 888521866 +682 1188 3 888519408 +682 1217 3 888521047 +682 1220 4 888518130 +682 1221 3 888517265 +682 1222 3 888523657 +682 1225 4 888521783 +682 1228 1 888522699 +682 1231 2 888522612 +682 1232 2 888517896 +682 1267 3 888517627 +682 1303 2 888522699 +682 1305 3 888522021 +682 1311 3 888518035 +682 1410 3 888517324 +682 1428 3 888518131 +682 1437 2 888521942 +682 1440 2 888517538 +682 1478 3 888519226 +682 1655 2 888517922 +683 22 4 893286550 +683 56 5 893286364 +683 62 4 893286208 +683 127 4 893286501 +683 132 5 893286207 +683 133 5 893286208 +683 187 5 893286501 +683 245 2 893283728 +683 258 3 893282978 +683 259 3 893283642 +683 269 3 893282664 +683 270 3 893283049 +683 271 3 893284183 +683 272 4 893286260 +683 288 3 893286259 +683 289 4 893286260 +683 294 3 893286346 +683 299 3 893283997 +683 300 3 893283728 +683 301 2 893283728 +683 302 5 893286207 +683 303 3 893283104 +683 305 4 893286261 +683 306 3 893286347 +683 307 3 893286347 +683 308 3 893284420 +683 311 3 893283049 +683 312 3 893284183 +683 315 4 893285557 +683 316 4 893286208 +683 317 4 893286501 +683 321 5 893286207 +683 322 2 893283903 +683 323 3 893283903 +683 325 2 893286346 +683 327 4 893286260 +683 328 2 893283728 +683 331 2 893283728 +683 332 3 893283997 +683 340 4 893286260 +683 344 3 893284138 +683 346 4 893286347 +683 347 4 893286208 +683 354 3 893286347 +683 358 2 893283948 +683 472 3 893286550 +683 513 5 893286208 +683 588 4 893286584 +683 607 5 893286207 +683 609 3 893286502 +683 626 3 893286550 +683 678 1 893283948 +683 682 1 893284032 +683 683 3 893286347 +683 690 4 893286260 +683 754 3 893284184 +683 879 3 893283997 +683 880 3 893283641 +683 887 4 893286261 +683 900 1 893282740 +683 906 4 893286261 +683 911 3 893286346 +683 914 2 893283104 +683 915 2 893282977 +683 1280 3 893284032 +684 1 4 875810928 +684 8 5 878761120 +684 15 5 878759758 +684 49 4 878762243 +684 50 4 875810897 +684 63 4 878762087 +684 66 4 878762033 +684 67 3 878762144 +684 70 4 878761788 +684 73 4 878762087 +684 82 5 875812227 +684 83 5 878761676 +684 94 3 878762183 +684 98 4 878759970 +684 100 4 875810574 +684 111 4 878760164 +684 117 4 875810999 +684 118 4 878760274 +684 121 3 875810574 +684 151 3 875810633 +684 158 3 878760372 +684 168 4 878761120 +684 172 5 875812299 +684 173 3 878761120 +684 178 4 878760250 +684 181 4 875810999 +684 186 4 878762087 +684 202 4 878759384 +684 204 4 875812299 +684 208 3 878761120 +684 210 3 878759474 +684 215 5 875812176 +684 216 3 878761717 +684 217 2 875811965 +684 225 3 875811341 +684 237 5 875811158 +684 239 4 878762118 +684 248 3 878576473 +684 252 4 875812227 +684 265 4 878759435 +684 274 2 878759884 +684 282 4 875811274 +684 365 4 878759820 +684 371 2 878576866 +684 376 3 878762273 +684 381 2 878762033 +684 386 3 878759184 +684 393 4 878761751 +684 395 2 878762243 +684 401 3 878762302 +684 402 3 878759310 +684 408 5 875810796 +684 409 3 878760614 +684 411 3 875811455 +684 435 3 878761717 +684 477 5 878759560 +684 483 5 878576905 +684 585 2 878762273 +684 596 3 875812351 +684 625 3 878760041 +684 692 4 878576614 +684 710 5 875812109 +684 716 2 878761751 +684 722 2 878762302 +684 728 2 878762243 +684 732 4 878761717 +684 734 3 878762302 +684 742 4 875810830 +684 756 4 875811455 +684 763 2 878232961 +684 781 3 878762183 +684 924 2 878232961 +684 934 3 875811158 +684 1028 4 875810966 +684 1283 3 875811708 +684 1301 3 878760019 +685 288 2 879451147 +685 289 2 879451253 +685 299 2 879451540 +685 324 3 879451401 +685 333 1 879451147 +685 337 2 879451401 +685 872 2 879447443 +685 875 3 879451401 +685 882 3 879451401 +685 886 1 879451211 +686 2 3 879546443 +686 11 4 879546083 +686 12 5 879545758 +686 22 5 879545181 +686 23 5 879547177 +686 26 5 879546847 +686 48 5 879545180 +686 50 4 879545413 +686 56 5 879546147 +686 64 5 879547224 +686 79 4 879546443 +686 89 4 879545481 +686 97 2 879546847 +686 99 5 879546553 +686 127 5 879545481 +686 134 5 879545340 +686 135 5 879547276 +686 168 5 879547129 +686 170 5 879547043 +686 173 5 879546847 +686 174 4 879545966 +686 176 3 879545413 +686 178 5 879546715 +686 179 5 879545814 +686 181 4 879547337 +686 182 5 879546217 +686 185 5 879545603 +686 191 5 879546954 +686 192 5 879545340 +686 194 5 879546443 +686 197 5 879545814 +686 198 5 879546443 +686 205 5 879545181 +686 208 5 879547275 +686 209 5 879545550 +686 214 5 879546651 +686 234 4 879546715 +686 265 4 879545550 +686 299 5 879543557 +686 317 5 879546553 +686 318 5 879545814 +686 327 5 879543445 +686 427 5 879546319 +686 430 4 879546786 +686 435 5 879545758 +686 451 4 879546847 +686 467 5 879547336 +686 480 5 879547224 +686 514 5 879545662 +686 518 5 879546497 +686 521 5 879546786 +686 527 3 879547177 +686 528 5 879547336 +686 542 1 879546443 +686 588 4 879546497 +686 603 5 879546847 +686 651 5 879545413 +686 654 5 879546954 +686 806 5 879546319 +686 969 5 879546083 +686 1184 1 879547337 +687 268 5 884652088 +687 269 4 884651420 +687 286 3 884651648 +687 294 3 884651894 +687 300 4 884652089 +687 313 5 884651420 +687 321 4 884651818 +687 323 2 884651894 +687 324 2 884651648 +687 879 3 884651894 +687 895 4 884652331 +688 302 5 884153425 +688 304 5 884153606 +688 307 4 884153505 +688 309 5 884153606 +688 338 5 884153751 +688 341 5 884153606 +688 349 5 884153712 +688 359 5 884153606 +688 749 5 884153712 +688 877 5 884153751 +688 879 5 884153712 +688 898 5 884153606 +688 1127 5 884153606 +688 1234 5 884153712 +689 1 3 876676211 +689 13 1 876676397 +689 15 5 876676502 +689 50 5 876676397 +689 109 5 876675152 +689 117 4 876676293 +689 118 4 876676433 +689 121 5 876676433 +689 150 4 876676134 +689 181 5 876674861 +689 237 3 876676293 +689 257 5 876676397 +689 258 5 876674954 +689 260 3 879211543 +689 295 1 876676334 +689 298 4 876676211 +689 300 5 876674606 +689 328 5 879211479 +689 358 4 876674762 +689 405 5 876676292 +689 410 1 876676293 +689 475 4 876676334 +689 596 3 876676134 +689 717 3 876676359 +689 748 5 876674637 +689 763 4 876676165 +690 1 4 881179631 +690 4 3 881177459 +690 8 4 881177430 +690 9 3 881178232 +690 12 4 881179631 +690 47 1 881179469 +690 51 3 881180543 +690 53 2 881180005 +690 56 4 881177349 +690 63 3 881177804 +690 64 5 881179682 +690 66 3 881177581 +690 69 5 881179293 +690 70 2 881179584 +690 72 2 881177553 +690 73 2 881177271 +690 77 3 881179906 +690 79 4 881179809 +690 88 4 881177689 +690 89 2 881179505 +690 90 1 881179469 +690 94 4 881177836 +690 98 5 881179196 +690 106 3 881180138 +690 118 4 881180056 +690 120 1 881179469 +690 121 3 881179906 +690 127 4 881178213 +690 148 3 881178365 +690 153 5 881177485 +690 154 3 881179222 +690 158 4 881177835 +690 159 3 881180005 +690 163 3 881177459 +690 167 2 881177662 +690 168 3 881177376 +690 174 4 881179505 +690 186 4 881177349 +690 194 4 881177349 +690 197 4 881180427 +690 202 2 881177349 +690 203 4 881179631 +690 204 3 881177430 +690 208 5 881177302 +690 211 3 881177349 +690 216 4 881177302 +690 223 4 881179069 +690 226 3 881179969 +690 232 4 881177689 +690 233 3 881179968 +690 234 4 881179878 +690 237 4 881178330 +690 238 5 881177302 +690 239 2 881177532 +690 240 1 881179469 +690 274 3 881177721 +690 281 3 881180005 +690 284 4 881178442 +690 294 3 881177237 +690 357 5 881179122 +690 376 3 881177910 +690 393 4 881177616 +690 396 2 881177861 +690 402 3 881180497 +690 428 1 881177506 +690 431 2 881179856 +690 435 5 881177616 +690 443 3 881179937 +690 451 4 881177910 +690 496 4 881179222 +690 514 1 881177430 +690 523 4 881177430 +690 546 4 881178383 +690 554 3 881180005 +690 581 2 881180109 +690 585 2 881177970 +690 629 1 881177459 +690 636 4 881179969 +690 642 3 881179937 +690 649 4 881179906 +690 655 4 881177272 +690 663 4 881177376 +690 684 4 881179938 +690 705 1 881179505 +690 712 4 881177880 +690 716 1 881179469 +690 722 3 881177937 +690 739 3 881180564 +690 742 3 881179878 +690 746 2 881177532 +690 747 3 881180427 +690 763 4 881177553 +690 780 4 881177910 +690 781 2 881177662 +690 794 3 881180543 +690 993 3 881178697 +690 1028 4 881177836 +690 1041 3 881177804 +690 1042 4 881180035 +690 1090 3 881180138 +690 1118 1 881177459 +690 1185 1 881177778 +690 1207 3 881180138 +690 1210 3 881180035 +690 1273 3 881180382 +691 64 5 875543191 +691 79 5 875543025 +691 178 5 875543281 +691 182 5 875543228 +691 185 5 875543281 +691 205 5 875543395 +691 227 4 875543108 +691 243 1 875542944 +691 304 3 875542868 +691 318 5 875543281 +691 322 3 875542976 +691 496 5 875543025 +691 500 3 875543068 +691 604 5 875543025 +691 631 4 875543025 +691 650 5 875543281 +691 672 1 875543153 +691 692 5 875543153 +691 735 5 875543228 +691 748 4 875542868 +691 772 5 875543281 +691 1172 5 875543191 +692 1 4 876953340 +692 25 4 876953340 +692 66 2 876953130 +692 127 3 876948910 +692 168 2 876953204 +692 194 4 876953340 +692 204 5 876953340 +692 208 4 876953340 +692 211 4 876953340 +692 238 4 876953340 +692 249 3 876953681 +692 257 4 876953340 +692 294 3 876946833 +692 300 4 876953340 +692 326 3 876948579 +692 328 4 876953340 +692 410 5 876953824 +692 411 4 876954021 +692 476 3 876953279 +692 508 3 876953424 +692 523 3 876953204 +692 762 4 876953681 +692 763 3 876954381 +692 845 3 876948910 +692 866 4 876953733 +692 1012 1 876953553 +692 1028 3 876953823 +692 1047 2 876953616 +692 1054 3 876954197 +692 1132 4 876953954 +693 7 4 875483947 +693 9 3 875481856 +693 11 4 875482197 +693 12 4 875482056 +693 23 4 875482168 +693 25 4 883975697 +693 28 2 875482280 +693 39 3 875482396 +693 48 5 875482280 +693 50 3 875483881 +693 53 4 875483597 +693 56 4 875483268 +693 58 3 875482477 +693 64 3 875482136 +693 69 3 875482336 +693 77 2 875482860 +693 79 4 875483330 +693 88 3 883975500 +693 96 4 875483881 +693 97 5 875482604 +693 98 4 875483268 +693 99 3 875484763 +693 117 4 875483977 +693 118 2 875483597 +693 121 2 875483564 +693 127 4 875482056 +693 130 1 875483144 +693 134 4 875484539 +693 135 4 875482524 +693 143 4 875484613 +693 144 4 875483847 +693 157 4 875482779 +693 159 4 875483521 +693 161 3 875484089 +693 162 3 875482912 +693 172 3 875483947 +693 174 4 875483881 +693 176 2 875483268 +693 177 3 875484882 +693 178 5 875482309 +693 180 3 875482309 +693 183 2 875483301 +693 185 5 875483301 +693 186 2 875484882 +693 187 3 875482336 +693 188 2 875483847 +693 191 2 875482136 +693 192 2 875482477 +693 193 4 875482092 +693 195 4 875483847 +693 196 2 875482548 +693 197 3 875482197 +693 199 3 883975558 +693 210 3 875484044 +693 211 2 875484789 +693 215 4 875482860 +693 216 4 875484613 +693 218 4 875483473 +693 222 2 875482524 +693 228 2 875483947 +693 229 2 875483435 +693 230 2 875483381 +693 234 2 875483330 +693 258 4 875481336 +693 272 4 885703603 +693 281 3 875483597 +693 282 4 875482626 +693 288 2 883975203 +693 291 3 889167954 +693 298 3 885703740 +693 300 2 875481397 +693 313 5 885703726 +693 318 4 875482092 +693 333 3 875481397 +693 357 5 875482169 +693 378 2 883975537 +693 382 4 875482689 +693 402 3 883975558 +693 403 2 875483049 +693 419 2 875484501 +693 423 3 875482136 +693 427 4 875484908 +693 428 3 875484763 +693 432 4 875484908 +693 443 2 875483741 +693 449 2 875483407 +693 471 3 875482653 +693 483 3 875484352 +693 484 3 875484837 +693 488 4 875484539 +693 492 3 875484539 +693 504 5 875483302 +693 506 2 875484932 +693 507 4 875484837 +693 508 2 875482447 +693 509 3 883975500 +693 514 4 875484431 +693 520 2 875485037 +693 521 5 875482092 +693 523 4 875482448 +693 527 3 875482280 +693 528 1 875484613 +693 546 1 875483234 +693 566 2 875483473 +693 568 4 875483947 +693 572 2 875484148 +693 576 2 875484148 +693 581 3 875482731 +693 582 2 875482477 +693 591 3 875482779 +693 606 4 875484584 +693 611 4 875484406 +693 628 4 875483020 +693 631 3 875482826 +693 632 5 875482626 +693 636 1 875483473 +693 649 2 875483169 +693 650 3 875482364 +693 651 3 875482548 +693 654 3 875483381 +693 655 3 875482604 +693 660 3 875483020 +693 662 4 875482604 +693 664 2 875482689 +693 673 4 875483050 +693 684 3 875483435 +693 685 4 875483947 +693 693 3 875482860 +693 697 4 875482574 +693 708 3 875483049 +693 729 4 875482912 +693 735 4 875482912 +693 742 3 875483407 +693 855 2 883975636 +693 939 4 875483381 +693 942 2 875482396 +693 977 3 875483597 +693 1090 4 875483564 +693 1135 3 875482689 +693 1136 3 883975358 +693 1145 2 875483049 +693 1232 2 875483114 +693 1248 3 875483597 +693 1311 1 875482939 +694 9 5 875726618 +694 15 4 875728842 +694 22 5 875726759 +694 23 3 875727926 +694 28 4 875729304 +694 31 4 875728345 +694 48 4 875726759 +694 50 5 875730386 +694 52 4 875729667 +694 69 5 875727715 +694 71 4 875730889 +694 72 4 875729107 +694 82 5 875728345 +694 88 4 875727018 +694 89 4 875728220 +694 97 5 875727399 +694 98 5 875726886 +694 100 4 875727640 +694 118 4 875729983 +694 121 5 875726886 +694 127 5 875730386 +694 131 5 875727715 +694 132 5 875727640 +694 133 5 875727189 +694 135 5 875727018 +694 138 3 875730082 +694 141 5 875727399 +694 143 4 875727513 +694 144 4 875728912 +694 153 4 875728508 +694 157 4 875729667 +694 161 4 875727018 +694 163 4 875729982 +694 172 5 875727399 +694 174 5 875727061 +694 176 5 875729146 +694 177 5 875726886 +694 178 4 875727099 +694 179 4 875730980 +694 180 4 875727672 +694 181 5 875730386 +694 183 5 875727061 +694 185 4 875729520 +694 187 4 875727582 +694 188 5 875727715 +694 194 5 875727143 +694 197 5 875727926 +694 199 5 875728435 +694 200 4 875726968 +694 202 4 875727189 +694 203 4 875728801 +694 204 4 875728639 +694 205 5 875726968 +694 210 4 875728293 +694 211 5 875727189 +694 215 3 875728181 +694 216 4 875729830 +694 226 3 875729271 +694 228 4 875727306 +694 230 4 875727143 +694 237 4 875728509 +694 238 3 875727306 +694 239 4 875729520 +694 241 3 875727877 +694 275 4 875727640 +694 318 5 875727099 +694 356 4 875729622 +694 357 5 875726618 +694 378 3 875730313 +694 385 4 875730082 +694 393 3 875728952 +694 423 5 875727018 +694 427 4 875727226 +694 429 4 875726759 +694 434 5 875727018 +694 435 4 875728639 +694 448 3 875729489 +694 449 4 875727271 +694 451 4 875729068 +694 468 4 875729270 +694 470 4 875727144 +694 474 4 875727226 +694 480 4 875726759 +694 481 4 875727781 +694 482 5 875728435 +694 483 5 875727449 +694 484 4 875726707 +694 485 4 875728952 +694 489 4 875727640 +694 490 4 875727877 +694 491 3 875731050 +694 492 4 875727581 +694 495 4 875727018 +694 496 4 875727640 +694 498 5 875726618 +694 499 4 875728345 +694 504 3 875728912 +694 506 4 875727270 +694 510 5 875726927 +694 511 5 875728048 +694 517 4 875727926 +694 519 4 875728293 +694 520 5 875726618 +694 521 3 875730042 +694 523 4 875727877 +694 526 5 875729431 +694 527 5 875727449 +694 528 3 875728842 +694 530 5 875726708 +694 582 4 875728801 +694 584 4 875727877 +694 603 4 875727476 +694 604 4 875727399 +694 605 4 875727513 +694 606 4 875727189 +694 610 4 875729983 +694 614 4 875726886 +694 617 4 875728181 +694 630 3 875728912 +694 632 4 875727399 +694 641 4 875726618 +694 645 4 875727143 +694 648 5 875728639 +694 654 4 875727099 +694 657 4 875728952 +694 659 4 875728181 +694 660 3 875729270 +694 661 5 875727926 +694 663 4 875727926 +694 665 4 875728729 +694 671 3 875728989 +694 673 4 875726926 +694 692 4 875728729 +694 699 4 875728639 +694 705 5 875728048 +694 836 4 875727821 +694 965 4 875727672 +694 1020 4 875728345 +694 1028 3 875728581 +694 1035 4 875728345 +694 1126 5 875727449 +694 1203 4 875729489 +694 1205 3 875727550 +694 1221 3 875728842 +694 1263 3 875729146 +694 1269 5 875726793 +694 1455 3 875727061 +695 242 5 888805837 +695 264 1 888806222 +695 268 5 888805864 +695 270 4 888805952 +695 286 3 888805913 +695 288 4 888806120 +695 289 2 888806150 +695 302 4 888805836 +695 305 3 888805797 +695 311 4 888805767 +695 312 3 888806193 +695 323 2 888806292 +695 324 2 888805981 +695 328 3 888806056 +695 333 2 888805952 +695 340 4 888806082 +695 343 4 888806120 +695 346 5 888806011 +695 354 4 888806056 +695 358 5 888806270 +695 678 4 888806292 +695 682 1 888805952 +695 748 1 888806270 +695 887 3 888805797 +695 895 1 888805864 +695 903 4 888806082 +695 989 3 888806056 +695 991 5 888806011 +696 9 5 886404617 +696 124 5 886404617 +696 178 4 886404542 +696 245 4 886404208 +696 285 4 886404617 +696 286 5 886403578 +696 302 5 886403632 +696 307 5 886404144 +696 311 5 886404063 +696 313 3 886403672 +696 327 4 886404144 +696 347 1 886403578 +696 427 5 886404542 +696 520 5 886404617 +696 748 1 886404268 +696 899 3 886403673 +696 906 3 886403769 +696 1062 4 886403631 +696 1126 3 886404617 +697 1 5 882622481 +697 7 5 882622798 +697 9 4 882622505 +697 25 3 882622188 +697 50 5 882621913 +697 107 5 882622581 +697 118 3 882622044 +697 121 4 882622066 +697 122 4 882622248 +697 123 5 882622016 +697 124 5 882622505 +697 125 3 882622559 +697 126 5 882622581 +697 127 5 882622481 +697 129 5 882622016 +697 181 4 882621913 +697 222 4 882622016 +697 225 3 882622680 +697 235 4 882622188 +697 237 5 882622414 +697 242 5 882621486 +697 244 5 882622481 +697 245 3 882621621 +697 246 5 882622798 +697 250 4 882621940 +697 252 1 882621940 +697 254 2 882621958 +697 257 5 882621913 +697 260 3 882621651 +697 263 1 882621714 +697 268 5 882621548 +697 270 5 882622481 +697 271 4 882621460 +697 276 5 882622505 +697 277 5 882622581 +697 280 3 882622597 +697 282 4 882622559 +697 283 5 882622146 +697 284 5 882622581 +697 286 4 882621486 +697 287 4 882622170 +697 288 2 882621431 +697 291 5 882622481 +697 295 3 882622733 +697 300 5 882621431 +697 305 5 882621431 +697 307 4 882621431 +697 310 3 882621431 +697 323 4 882621621 +697 324 5 882622481 +697 325 4 882621673 +697 326 4 882621548 +697 328 5 882621486 +697 336 3 882621523 +697 339 2 882621714 +697 343 4 882621548 +697 369 5 882622481 +697 455 4 882622170 +697 456 3 882622287 +697 473 5 882622372 +697 546 4 882622626 +697 591 4 882622016 +697 595 4 882622066 +697 596 4 882622372 +697 628 4 882622016 +697 682 2 882621523 +697 689 4 882621714 +697 742 3 882622044 +697 748 5 882621569 +697 751 5 882622481 +697 754 3 882621431 +697 763 4 882622208 +697 815 3 882622430 +697 818 4 882622228 +697 820 3 882622373 +697 833 3 882622228 +697 876 3 882621595 +697 879 4 882621486 +697 881 2 882621523 +697 886 5 882622481 +697 895 2 882621548 +697 928 3 882622044 +697 975 1 882622044 +697 979 5 882622044 +697 986 1 882622680 +697 989 2 882621813 +697 1012 1 882622824 +697 1022 1 882621523 +697 1025 2 882621523 +697 1047 3 882622228 +697 1059 2 882622208 +697 1067 5 882622170 +697 1089 3 882621958 +697 1160 1 882622824 +697 1245 1 882622526 +698 1 4 886366815 +698 9 3 886367956 +698 10 4 886366652 +698 22 1 886368545 +698 25 2 886367917 +698 28 2 886366916 +698 66 3 886367100 +698 86 2 886367508 +698 89 4 886366454 +698 96 4 886366515 +698 100 2 886367809 +698 121 2 886368545 +698 127 4 886366101 +698 131 4 886366955 +698 132 4 886367066 +698 133 2 886367586 +698 134 3 886366558 +698 135 3 886366483 +698 143 3 886367530 +698 144 2 886367586 +698 153 2 886367586 +698 172 5 886367100 +698 173 5 886366652 +698 174 3 886367337 +698 175 3 886367406 +698 176 4 886366814 +698 177 1 886367366 +698 181 3 886366141 +698 183 3 886366916 +698 187 2 886366916 +698 190 5 886366515 +698 191 2 886367406 +698 194 4 886366454 +698 195 4 886366483 +698 198 2 886367442 +698 199 2 886367065 +698 202 3 886367775 +698 204 2 886366770 +698 205 4 886367013 +698 210 5 886366690 +698 211 2 886367066 +698 214 1 886367874 +698 220 3 886367874 +698 222 4 886366611 +698 228 3 886367442 +698 230 3 886367337 +698 255 3 886366213 +698 257 3 886366141 +698 258 3 886365527 +698 275 4 886366558 +698 283 2 886367849 +698 284 1 886368545 +698 294 4 886365733 +698 300 4 886365577 +698 307 4 886365629 +698 330 4 886365606 +698 357 4 886366454 +698 385 4 886367366 +698 404 1 886368545 +698 419 3 886367474 +698 421 2 886367366 +698 423 2 886366731 +698 427 1 886367013 +698 428 1 886367955 +698 431 1 886367750 +698 433 4 886366848 +698 434 4 886366515 +698 435 3 886366980 +698 465 3 886367720 +698 479 2 886368545 +698 480 2 886367100 +698 481 3 886367473 +698 482 2 886367406 +698 483 3 886367133 +698 485 4 886367473 +698 486 4 886366815 +698 487 2 886367508 +698 489 3 886367849 +698 490 3 886366814 +698 491 2 886367644 +698 496 3 886366690 +698 498 4 886366515 +698 499 3 886366515 +698 505 2 886367750 +698 507 4 886366611 +698 511 2 886367693 +698 513 2 886366558 +698 515 4 886366190 +698 516 2 886367809 +698 525 1 886367615 +698 526 2 886366611 +698 588 4 886367558 +698 603 4 886366770 +698 606 2 886366770 +698 607 2 886368545 +698 613 5 886366770 +698 625 3 886366731 +698 640 2 886367849 +698 648 4 886367100 +698 654 1 886367586 +698 656 1 886367133 +698 659 3 886367013 +698 662 2 886367406 +698 663 1 886366955 +698 705 4 886366611 +698 707 2 886366814 +698 709 4 886367065 +698 751 3 886365557 +698 855 2 886367615 +698 945 2 886367100 +698 968 1 886368545 +698 988 1 886365802 +698 1020 2 886367558 +698 1021 1 886367615 +698 1115 2 886367955 +698 1149 3 886367013 +698 1299 2 886367775 +699 3 3 879147917 +699 7 2 878882272 +699 9 2 878882133 +699 10 4 883884599 +699 13 4 879146941 +699 14 3 878881952 +699 15 1 878882511 +699 19 4 878882667 +699 20 4 879147239 +699 21 3 884152916 +699 23 4 878883113 +699 24 3 879147239 +699 50 3 878881875 +699 70 4 878883038 +699 95 3 878883173 +699 98 4 878883038 +699 106 3 886568066 +699 109 3 879147109 +699 111 3 878881875 +699 112 3 884152976 +699 116 4 887503290 +699 117 4 879148051 +699 118 4 879148051 +699 121 3 878882366 +699 124 4 878882667 +699 127 3 878881828 +699 129 4 878882667 +699 137 4 878882667 +699 147 2 883279472 +699 151 3 878882002 +699 181 3 878882082 +699 185 4 878883038 +699 191 3 878883173 +699 202 3 878883112 +699 206 3 878883173 +699 211 1 878883113 +699 220 2 885775430 +699 221 4 878882667 +699 222 3 883884642 +699 224 3 878883249 +699 225 3 878882133 +699 234 3 878883172 +699 235 3 878882272 +699 243 2 879147597 +699 244 3 878882319 +699 246 4 883278783 +699 250 4 879148050 +699 252 4 879148050 +699 258 5 883278844 +699 268 4 884152267 +699 269 4 893140697 +699 270 4 893140745 +699 271 3 880695324 +699 273 3 878882563 +699 275 3 879148201 +699 276 3 885775479 +699 277 3 878882319 +699 283 4 879147032 +699 285 4 879148050 +699 286 3 880695246 +699 288 3 878881675 +699 291 3 892709098 +699 294 3 878881676 +699 298 4 883278699 +699 300 3 893140897 +699 304 4 880695431 +699 307 3 893140697 +699 308 4 879382955 +699 309 3 882000505 +699 319 3 883279146 +699 322 3 879382698 +699 323 4 879147366 +699 325 5 879148050 +699 328 2 885775345 +699 333 3 893140662 +699 340 4 893140639 +699 370 3 879148129 +699 405 3 878882608 +699 413 3 884152706 +699 455 3 878882178 +699 458 4 879148051 +699 471 3 879147597 +699 473 3 880696344 +699 475 4 878882667 +699 477 3 878882411 +699 479 3 878883038 +699 482 2 878883038 +699 495 3 878883113 +699 523 2 878883038 +699 532 3 878882410 +699 544 4 879147109 +699 546 3 879147769 +699 591 2 880696196 +699 596 3 884152780 +699 597 3 884152570 +699 619 2 887503290 +699 678 3 879147032 +699 683 3 880695597 +699 685 3 879147367 +699 717 1 878882511 +699 749 3 893140897 +699 762 3 878882455 +699 764 3 886568162 +699 820 2 880696597 +699 825 3 879147917 +699 828 3 884152917 +699 831 2 884152570 +699 870 3 879147814 +699 878 3 879382955 +699 880 3 893140941 +699 886 3 893140639 +699 929 3 879147366 +699 930 2 880696344 +699 933 3 878882226 +699 977 2 879147550 +699 978 4 886568066 +699 985 3 879147814 +699 989 4 883279196 +699 991 3 879382830 +699 1009 4 878882668 +699 1010 3 878882563 +699 1011 4 880696196 +699 1013 3 879147722 +699 1028 2 880696678 +699 1033 4 884152917 +699 1057 3 880696553 +699 1061 3 879147169 +699 1068 3 879146547 +699 1093 3 880696051 +699 1129 3 878882319 +699 1143 3 879146941 +699 1163 5 879148050 +699 1187 4 879148051 +699 1284 3 879147239 +699 1328 4 879148051 +699 1336 3 884152976 +699 1375 3 878882836 +699 1615 3 883884998 +699 1643 3 879147169 +700 48 4 884494215 +700 56 3 884493899 +700 73 3 884494380 +700 98 3 884494215 +700 169 3 884493862 +700 173 5 884493713 +700 174 4 884493862 +700 202 3 884493899 +700 318 4 884494420 +700 423 4 884493943 +700 651 4 884493712 +701 1 4 891447139 +701 19 5 891447164 +701 50 5 891447197 +701 124 5 891447164 +701 127 4 891447139 +701 237 5 891447198 +701 269 5 891446488 +701 272 5 891446559 +701 275 5 891447228 +701 286 4 891446488 +701 289 4 891446857 +701 292 4 891446754 +701 300 3 891446520 +701 303 4 891446618 +701 311 5 891446679 +701 312 3 891446730 +701 313 4 891446521 +701 326 4 891446707 +701 328 4 891446707 +701 344 3 891446788 +701 689 3 891446822 +701 690 4 891446520 +701 751 4 891446788 +702 222 5 885767775 +702 227 4 885767775 +702 230 4 885767774 +702 258 5 885767306 +702 271 1 885767534 +702 289 2 885767604 +702 307 2 885767336 +702 343 2 885767629 +702 350 1 885767336 +702 352 1 885767435 +702 380 4 885767774 +702 449 3 885767775 +702 450 1 885767775 +702 538 4 885767461 +702 683 1 885767576 +702 688 1 885767629 +702 690 1 885767392 +702 748 2 885767556 +702 751 4 885767576 +702 879 1 885767604 +702 895 1 885767534 +703 1 4 875242851 +703 9 2 875242814 +703 15 5 875242814 +703 25 3 875242683 +703 50 5 875242813 +703 100 4 875242663 +703 118 5 875242852 +703 121 5 875243049 +703 123 4 875242787 +703 127 5 875242663 +703 181 5 875242762 +703 222 4 875242704 +703 235 1 875242885 +703 237 5 875242787 +703 259 1 875242336 +703 276 3 875242964 +703 288 4 875242076 +703 300 4 875242077 +703 322 3 875242336 +703 323 2 875242281 +703 328 3 875242303 +703 410 4 875243028 +703 471 4 875242885 +703 508 3 875243028 +703 591 4 875243049 +703 596 3 875242912 +703 628 4 875242762 +703 742 3 875242852 +703 748 3 875242281 +703 764 2 875242885 +703 819 2 875242912 +703 845 4 875243028 +703 864 2 875242912 +703 926 4 875242885 +703 993 4 875242787 +703 1012 4 875242852 +703 1197 3 875242762 +704 14 3 891397190 +704 22 2 891397441 +704 50 5 891397262 +704 58 3 891397366 +704 69 3 891397441 +704 89 5 891397305 +704 98 5 891397305 +704 100 4 891397491 +704 131 5 891398726 +704 134 5 891397441 +704 135 5 891397305 +704 136 4 891397819 +704 154 3 891398702 +704 156 3 891397819 +704 170 3 891397086 +704 172 2 891397058 +704 173 4 891397058 +704 175 3 891397712 +704 178 5 891397535 +704 180 4 891397491 +704 185 4 891398702 +704 187 4 891397143 +704 191 3 891397262 +704 193 5 891397305 +704 197 5 891397948 +704 208 3 891397262 +704 210 4 891397112 +704 214 2 891398702 +704 222 3 891397058 +704 259 2 891396904 +704 269 4 891397015 +704 272 5 891397015 +704 286 5 891397015 +704 289 3 891396881 +704 300 2 891396674 +704 302 4 891397015 +704 318 5 891397491 +704 322 2 891396881 +704 340 3 891396636 +704 344 4 891397015 +704 347 4 891397015 +704 382 4 891397571 +704 429 4 891397366 +704 432 5 891397535 +704 435 4 891397058 +704 480 5 891397086 +704 481 5 891397667 +704 486 4 891397764 +704 488 5 891397570 +704 491 5 891397535 +704 492 5 891397491 +704 493 4 891397190 +704 494 5 891397948 +704 496 5 891397712 +704 497 3 891397764 +704 506 4 891397712 +704 514 4 891397112 +704 519 3 891397262 +704 523 5 891397667 +704 528 3 891397491 +704 603 5 891397262 +704 606 2 891397441 +704 607 4 891397535 +704 611 3 891397764 +704 631 3 891397366 +704 632 3 891397441 +704 633 5 891397819 +704 639 2 891397667 +704 648 5 891397667 +704 654 5 891397667 +704 655 3 891397190 +704 657 4 891397667 +704 661 4 891397667 +704 662 3 891397819 +704 679 2 891398726 +704 735 4 891397305 +704 889 3 891397015 +704 1296 4 891397015 +704 1299 3 891398702 +704 1454 3 891397441 +705 1 5 883427101 +705 2 3 883428058 +705 8 3 883427904 +705 15 3 883427297 +705 22 5 883427988 +705 28 4 883427640 +705 29 5 883428237 +705 38 5 883428258 +705 50 4 883427012 +705 62 5 883428178 +705 64 5 883518709 +705 69 3 883518834 +705 71 5 883427640 +705 79 5 883428028 +705 82 5 883427663 +705 83 4 883518834 +705 89 2 883428083 +705 94 4 883427857 +705 95 4 883427640 +705 96 5 883428028 +705 97 3 883518765 +705 99 3 883427691 +705 111 4 883427012 +705 117 5 883426944 +705 118 4 883427377 +705 121 5 883427479 +705 142 2 883427932 +705 143 3 883427663 +705 144 3 883427988 +705 148 5 883427134 +705 151 3 883427134 +705 161 5 883428028 +705 172 3 883427663 +705 173 2 883427640 +705 174 5 883427640 +705 181 5 883426892 +705 183 2 883427988 +705 191 1 883518871 +705 193 3 883518903 +705 195 2 883428083 +705 210 5 883427988 +705 215 2 883518871 +705 222 5 883427318 +705 225 4 883427594 +705 226 3 883428028 +705 227 4 883428178 +705 228 3 883428109 +705 229 3 883428154 +705 230 4 883428083 +705 231 3 883428201 +705 233 3 883428154 +705 241 4 883428128 +705 252 1 883427552 +705 255 5 883427152 +705 257 4 883426944 +705 265 5 883428154 +705 275 5 883427048 +705 282 5 883427216 +705 283 5 883427048 +705 284 3 883427190 +705 286 3 883426747 +705 300 5 883426780 +705 318 5 883518731 +705 363 2 883427530 +705 373 3 883428237 +705 377 4 883427857 +705 385 4 883428084 +705 393 4 883427716 +705 399 5 883427778 +705 403 4 883428154 +705 405 4 883427479 +705 416 3 883427716 +705 419 3 883427663 +705 423 2 883427904 +705 471 5 883427339 +705 526 3 883428028 +705 546 3 883427377 +705 550 2 883428058 +705 554 2 883428201 +705 566 4 883428058 +705 568 5 883428058 +705 576 4 883428128 +705 588 3 883427640 +705 597 4 883427339 +705 623 5 883427778 +705 625 5 883427691 +705 627 3 883427932 +705 655 3 883518852 +705 684 3 883428084 +705 685 5 883427190 +705 699 5 883427640 +705 720 5 883428178 +705 755 5 883427691 +705 797 4 883428258 +705 815 3 883427297 +705 820 3 883427817 +705 826 4 883428238 +705 843 2 883427796 +705 849 3 883428201 +705 862 1 883427875 +705 932 5 883427339 +705 1035 4 883427737 +705 1228 2 883428258 +705 1544 4 883427691 +706 9 3 880997105 +706 24 3 880997172 +706 117 4 880997195 +706 125 5 880997172 +706 148 4 880997464 +706 181 4 880997105 +706 237 4 880997482 +706 258 4 880997001 +706 273 3 880997142 +706 288 3 880996945 +706 294 4 880996945 +706 323 4 880996945 +706 325 1 880996945 +706 410 4 880997444 +706 471 4 880997172 +706 682 2 880996945 +706 687 1 880996945 +706 742 2 880997324 +706 756 4 880997412 +707 4 3 886286170 +707 6 3 886285627 +707 8 5 886285762 +707 9 5 880059647 +707 10 5 880059687 +707 12 3 886286004 +707 13 4 880059957 +707 15 4 880059876 +707 26 3 886286954 +707 45 4 886286926 +707 52 3 886287268 +707 57 4 886287310 +707 58 3 886285907 +707 64 3 886286170 +707 65 4 886286004 +707 70 3 886287376 +707 81 2 886286491 +707 83 3 886286926 +707 86 4 886286283 +707 88 3 886287331 +707 93 5 880059995 +707 97 4 886285876 +707 100 5 880059810 +707 106 3 886288189 +707 111 4 880060420 +707 116 5 880059974 +707 124 4 880059876 +707 133 2 886287268 +707 134 4 886286004 +707 135 2 886286032 +707 137 5 880059876 +707 140 2 886287191 +707 151 4 880059810 +707 154 3 886286742 +707 155 3 886288598 +707 160 5 886286193 +707 162 5 886285968 +707 163 2 886285939 +707 165 3 886285939 +707 166 3 880061579 +707 167 2 886288133 +707 168 3 886286170 +707 170 5 886285824 +707 172 2 886286134 +707 173 2 886286380 +707 174 2 886286133 +707 185 3 886286032 +707 186 3 886286133 +707 190 5 886286283 +707 191 5 880061699 +707 194 4 886286246 +707 197 4 886287130 +707 199 2 886285824 +707 200 2 886286491 +707 208 5 886285939 +707 211 3 886287051 +707 212 4 886286792 +707 216 3 886286092 +707 220 2 880060549 +707 221 4 880059749 +707 224 4 880059876 +707 238 4 886286764 +707 242 4 879439088 +707 248 4 886285498 +707 251 5 880059647 +707 269 4 882200810 +707 275 4 880059687 +707 279 3 886285627 +707 283 4 880059957 +707 285 5 880059749 +707 286 5 879438988 +707 287 4 880059774 +707 293 4 880059810 +707 294 2 879438988 +707 297 3 880060261 +707 303 3 879438988 +707 305 5 879439188 +707 309 2 880684605 +707 310 4 882200872 +707 311 4 879439624 +707 313 2 886288754 +707 317 3 886286433 +707 318 5 880061699 +707 319 5 879439088 +707 345 5 886285168 +707 347 5 886285277 +707 367 4 886291531 +707 371 3 886287497 +707 378 3 886287628 +707 381 3 886286457 +707 382 3 886287191 +707 387 4 886287733 +707 419 3 886285968 +707 420 3 886287160 +707 425 5 886287268 +707 427 4 886285907 +707 443 3 886287191 +707 449 2 886288688 +707 458 3 880060724 +707 462 4 886286133 +707 467 4 886286057 +707 473 4 880060820 +707 476 3 880061111 +707 478 4 886285762 +707 479 3 886286092 +707 480 3 886286360 +707 482 3 886286032 +707 483 5 886286004 +707 485 4 886287079 +707 486 3 886287662 +707 487 2 886286360 +707 488 4 886286491 +707 490 2 886285792 +707 492 2 886286818 +707 496 3 886286433 +707 498 3 886286133 +707 499 4 886287450 +707 504 1 886286246 +707 505 4 886286311 +707 506 2 886286742 +707 507 5 886286819 +707 517 3 886287079 +707 525 3 886286999 +707 527 5 880061699 +707 529 4 886287376 +707 531 5 886286214 +707 533 5 880060420 +707 536 3 880059921 +707 582 5 886286433 +707 602 4 886287290 +707 603 3 886286926 +707 606 4 886285762 +707 614 2 886287876 +707 618 3 886288282 +707 630 3 886287608 +707 631 4 886286844 +707 632 4 886287426 +707 638 4 886286361 +707 641 1 886285907 +707 647 5 880061652 +707 648 4 886285824 +707 654 4 880061578 +707 660 5 886287107 +707 692 4 886286092 +707 694 4 886286246 +707 696 4 880061405 +707 702 3 886286193 +707 703 4 886287236 +707 705 4 886285851 +707 707 5 886286133 +707 708 3 886286170 +707 712 3 886288624 +707 715 3 886286954 +707 718 5 880059876 +707 719 3 886288189 +707 723 3 886286954 +707 730 3 886286742 +707 732 4 886287160 +707 735 4 886286792 +707 736 4 886286311 +707 739 2 886287919 +707 744 3 880060261 +707 747 3 886287900 +707 766 3 886287051 +707 770 3 886287405 +707 778 3 886287160 +707 782 3 886288263 +707 792 4 886287107 +707 799 4 886287876 +707 811 4 886287531 +707 815 2 880060609 +707 847 5 880060066 +707 863 4 886286662 +707 864 4 880060262 +707 865 5 886286360 +707 869 1 886289521 +707 880 2 887860711 +707 882 4 879439382 +707 900 4 890008041 +707 902 5 890008121 +707 903 3 886285216 +707 921 4 886286361 +707 923 5 886286092 +707 936 4 880059836 +707 949 3 886287191 +707 950 2 880061287 +707 952 3 880060724 +707 953 4 886288015 +707 956 5 886287107 +707 962 2 886285792 +707 995 4 879439418 +707 1007 4 880060180 +707 1008 3 880060460 +707 1018 3 886288455 +707 1021 3 886287079 +707 1022 3 879439088 +707 1024 5 890008041 +707 1061 3 880060118 +707 1068 4 880061405 +707 1101 4 880061652 +707 1107 3 886288239 +707 1109 5 886286283 +707 1113 2 886287990 +707 1120 4 880060974 +707 1141 3 886285791 +707 1142 1 880059921 +707 1163 4 880060724 +707 1168 3 886287990 +707 1171 3 880059687 +707 1174 5 880059749 +707 1176 2 879438910 +707 1204 3 886286283 +707 1211 4 886287268 +707 1251 4 880059647 +707 1255 3 880061252 +707 1257 2 880061190 +707 1281 4 880060820 +707 1311 3 886287608 +707 1381 3 880061346 +707 1397 1 886289521 +707 1401 3 886286663 +707 1479 5 886287854 +707 1530 3 886288356 +707 1545 2 886288189 +707 1628 5 886287353 +707 1642 5 886286491 +708 9 1 877325135 +708 15 3 877325404 +708 21 1 877325316 +708 25 3 877325838 +708 50 5 877325186 +708 111 4 877325570 +708 112 1 877325934 +708 117 4 877325236 +708 118 5 877325545 +708 121 3 877325349 +708 125 4 877325601 +708 126 4 892719340 +708 127 3 877325213 +708 147 4 892719246 +708 148 4 892719246 +708 149 3 892719246 +708 150 4 892719246 +708 151 4 892719211 +708 181 5 877325279 +708 222 5 892719172 +708 225 2 892719172 +708 237 5 892719144 +708 255 5 877325601 +708 258 5 892719007 +708 269 3 892718875 +708 271 1 892718796 +708 274 4 877326086 +708 276 2 877325905 +708 278 4 877325956 +708 281 4 877326014 +708 283 1 892719363 +708 284 5 892719340 +708 289 4 892719062 +708 294 3 892719033 +708 299 1 892718964 +708 300 4 892718939 +708 304 4 892718876 +708 313 5 892718687 +708 319 5 892719062 +708 328 3 892718964 +708 336 2 892718846 +708 347 3 892718637 +708 352 1 892718596 +708 358 2 892719007 +708 362 1 892718575 +708 405 4 877325881 +708 412 1 877326159 +708 457 4 892718965 +708 473 1 877325656 +708 476 3 892719385 +708 508 4 892719193 +708 538 2 892718762 +708 546 3 877325601 +708 596 4 877326158 +708 597 2 877326345 +708 628 3 892719246 +708 676 3 892719172 +708 678 2 892719007 +708 685 3 877326158 +708 687 2 892719062 +708 690 4 892718919 +708 713 4 877325316 +708 740 5 877325687 +708 742 1 892719385 +708 748 4 892719033 +708 751 4 892718687 +708 756 2 877326062 +708 762 5 877325838 +708 763 4 877326158 +708 764 4 877325934 +708 819 3 877325349 +708 845 5 892719269 +708 846 2 892719269 +708 847 3 892719246 +708 864 3 892719172 +708 866 5 892719143 +708 873 5 892718965 +708 880 3 892718919 +708 887 2 892718820 +708 926 3 877325523 +708 930 3 892719363 +708 934 4 892719172 +708 981 3 892719304 +708 993 4 877325349 +708 1023 3 877326114 +708 1028 2 877326217 +708 1040 2 877326037 +708 1047 2 877325726 +708 1049 2 877326086 +708 1054 3 877326158 +708 1061 3 892719143 +708 1079 1 892719385 +708 1117 4 892719269 +708 1152 5 892719143 +708 1280 1 892718819 +709 1 4 879847730 +709 2 4 879848511 +709 4 3 879848551 +709 5 4 879848167 +709 7 3 879846440 +709 11 5 879847945 +709 17 4 879848120 +709 27 3 879848590 +709 28 5 879847946 +709 38 3 879848744 +709 50 5 879846489 +709 53 3 879848272 +709 56 5 879848053 +709 62 3 879848590 +709 65 2 879846868 +709 68 5 879848551 +709 69 5 879846332 +709 79 3 879846440 +709 82 4 879848645 +709 89 3 879848397 +709 92 4 879848397 +709 96 5 879848397 +709 97 5 879846784 +709 98 4 879846648 +709 117 4 879846623 +709 118 5 879848824 +709 121 4 879848475 +709 125 4 879847730 +709 127 5 879847945 +709 129 2 879846332 +709 144 3 879846622 +709 145 3 879848319 +709 155 2 879849185 +709 161 5 879848511 +709 164 3 879848120 +709 172 5 879848397 +709 173 4 879846169 +709 174 5 879848396 +709 176 4 879848432 +709 181 4 879846375 +709 182 4 879846741 +709 183 5 879846590 +709 187 5 879847945 +709 192 4 879846705 +709 200 4 879848053 +709 203 4 879849372 +709 209 3 879846332 +709 210 4 879848432 +709 214 1 879846922 +709 215 3 879846259 +709 217 5 879848168 +709 218 4 879848168 +709 226 3 879848551 +709 228 3 879848397 +709 229 2 879848645 +709 230 2 879848551 +709 231 3 879848646 +709 232 5 879848590 +709 233 3 879848511 +709 234 5 879847945 +709 250 4 879847626 +709 265 4 879846489 +709 273 4 879847686 +709 282 5 879847945 +709 288 5 879847945 +709 293 4 879847879 +709 294 3 879847304 +709 295 3 879847731 +709 318 5 879846210 +709 363 3 879848695 +709 379 3 879848209 +709 385 4 879848397 +709 402 3 879849185 +709 403 3 879848590 +709 405 3 879848590 +709 413 2 879848209 +709 423 3 879846741 +709 427 4 879846489 +709 431 5 879848511 +709 441 4 879848239 +709 447 2 879848167 +709 451 1 879848969 +709 452 3 879848318 +709 470 3 879847026 +709 472 4 879848792 +709 508 4 879846590 +709 515 4 879846816 +709 540 3 879848744 +709 541 3 879848695 +709 546 4 879848475 +709 550 3 879848475 +709 554 4 879848744 +709 559 3 879848209 +709 567 2 879848272 +709 568 4 879848396 +709 569 3 879848209 +709 576 4 879848695 +709 578 4 879848645 +709 597 4 879848824 +709 628 3 879847000 +709 633 3 879846561 +709 636 3 879848645 +709 637 3 879848168 +709 651 4 879846705 +709 665 3 879848272 +709 672 2 879848239 +709 693 4 879847082 +709 697 5 879847946 +709 727 2 879849049 +709 728 4 879849185 +709 738 1 879849330 +709 739 3 879849049 +709 747 2 879848925 +709 762 3 879848925 +709 781 3 879849185 +709 808 4 879848645 +709 816 2 879848318 +709 825 2 879848744 +709 833 4 879848792 +709 841 4 879848824 +709 849 4 879848590 +709 859 3 879848318 +709 860 3 879848318 +709 939 4 879847082 +709 959 4 879846169 +709 1059 5 879847945 +709 1188 4 879848695 +709 1218 4 879846623 +710 1 4 882064377 +710 12 4 882063648 +710 23 5 882064200 +710 56 5 882064021 +710 64 4 882063766 +710 79 4 882064283 +710 89 4 882063736 +710 92 3 883705436 +710 95 3 882064434 +710 99 4 882064434 +710 100 4 882063920 +710 127 5 882064096 +710 134 5 882063648 +710 135 5 882064041 +710 142 3 882064377 +710 156 4 882064524 +710 172 4 882064283 +710 173 3 882063685 +710 174 4 882064283 +710 179 4 882063766 +710 180 4 882063736 +710 181 3 882064160 +710 182 4 882063967 +710 185 4 882064321 +710 187 5 882064096 +710 192 5 882063921 +710 198 4 883705435 +710 202 3 882063793 +710 204 4 882063824 +710 210 4 882064283 +710 223 4 882063766 +710 234 4 882064321 +710 258 2 882063224 +710 268 4 882063276 +710 269 3 882063224 +710 271 3 882063367 +710 277 4 882063967 +710 282 2 882063921 +710 286 4 882063223 +710 294 3 882063224 +710 299 3 882063612 +710 301 3 882063407 +710 302 4 882063224 +710 303 4 882063224 +710 310 3 882063224 +710 313 4 882860832 +710 318 4 882063710 +710 327 3 882063407 +710 330 3 882063612 +710 333 3 882063367 +710 334 2 882063327 +710 335 1 882063564 +710 340 4 882063367 +710 343 3 882063327 +710 346 4 883705502 +710 357 4 882063649 +710 418 3 882063685 +710 419 4 882063766 +710 420 4 882064434 +710 432 5 882064434 +710 479 5 882064120 +710 483 5 882063685 +710 496 4 882063793 +710 501 3 882064435 +710 504 4 882063649 +710 510 4 882064283 +710 603 4 882063921 +710 654 4 882064524 +710 656 5 882064321 +710 720 3 882063649 +710 874 3 882063254 +710 886 3 882063528 +710 887 2 882063612 +710 1019 4 882064555 +710 1039 4 882063736 +710 1101 4 883705436 +711 8 5 879993707 +711 10 5 876185943 +711 16 5 886031006 +711 22 4 879993073 +711 25 4 876185920 +711 40 4 879994875 +711 42 3 876278831 +711 48 4 879993053 +711 49 4 879994903 +711 50 4 876185648 +711 51 4 879994778 +711 52 5 879993534 +711 58 4 879993028 +711 65 4 879992968 +711 66 4 879994801 +711 69 3 879993194 +711 70 5 879993824 +711 71 3 879994581 +711 77 3 879994749 +711 79 4 879992739 +711 82 3 879994632 +711 83 5 879993628 +711 86 5 886030557 +711 88 5 886030557 +711 89 5 879993997 +711 91 4 879994413 +711 94 2 879995728 +711 97 4 879993605 +711 98 5 879992994 +711 99 3 879993534 +711 111 2 876185574 +711 114 5 879992870 +711 116 5 888458447 +711 120 2 879992038 +711 121 1 876185726 +711 132 5 879993150 +711 133 5 879992739 +711 134 5 876278804 +711 135 4 879992445 +711 137 5 886030557 +711 143 5 879993236 +711 144 2 879993871 +711 151 4 876185920 +711 154 4 879992739 +711 155 4 879995382 +711 157 3 879994608 +711 161 4 879994495 +711 162 5 879994875 +711 167 2 879995146 +711 168 4 879993318 +711 169 5 879992929 +711 170 5 876279059 +711 172 5 879992445 +711 173 3 879993890 +711 180 4 876279059 +711 181 4 876185574 +711 185 4 876278721 +711 186 3 879993237 +711 189 5 886030557 +711 191 5 879993959 +711 193 4 879993092 +711 196 5 879993918 +711 197 4 879993110 +711 200 4 879993918 +711 202 4 879993194 +711 203 4 879994433 +711 213 5 879994390 +711 214 4 879993871 +711 215 3 879994555 +711 216 4 879993149 +711 217 4 879994454 +711 218 4 879994852 +711 219 2 879995792 +711 222 3 876185896 +711 228 3 879993997 +711 229 3 879995461 +711 230 3 879995053 +711 232 3 879993799 +711 238 4 879993126 +711 240 1 879991425 +711 241 4 879994536 +711 248 5 886030732 +711 250 2 876185855 +711 254 2 879992038 +711 255 4 886030579 +711 257 3 876185726 +711 258 4 876185488 +711 265 2 879994536 +711 272 5 884485798 +711 275 5 876185855 +711 277 5 879991476 +711 281 3 879995362 +711 283 4 876185788 +711 286 4 876185488 +711 288 1 879991364 +711 301 4 889910848 +711 306 5 879991049 +711 312 5 883589763 +711 313 4 889910848 +711 315 4 886030353 +711 316 4 889911048 +711 317 4 879993173 +711 318 5 879992968 +711 340 5 886030557 +711 345 4 884485683 +711 354 3 889910865 +711 365 3 879995850 +711 378 4 879995099 +711 380 3 879993959 +711 381 5 879994749 +711 387 4 879994777 +711 393 4 879994778 +711 401 3 879995405 +711 402 4 879993674 +711 403 4 879994513 +711 404 3 879993579 +711 408 5 886030557 +711 416 3 879995215 +711 417 4 879994749 +711 419 5 879994581 +711 420 5 879995302 +711 423 3 879993534 +711 425 4 879993728 +711 427 5 886030557 +711 432 4 879992870 +711 433 4 879992994 +711 447 4 879994656 +711 451 5 879994749 +711 463 5 879993959 +711 472 1 879991585 +711 475 5 876185673 +711 476 4 876185832 +711 483 5 879992739 +711 485 4 879993278 +711 488 4 879992407 +711 496 5 879993073 +711 509 4 879993674 +711 542 1 879995754 +711 549 4 879994719 +711 559 3 879994020 +711 566 2 879995259 +711 568 3 879995238 +711 582 5 879993605 +711 588 4 879993173 +711 622 4 879993997 +711 651 4 879993707 +711 655 4 879993605 +711 658 4 879994581 +711 660 5 879994825 +711 662 3 879993918 +711 676 5 876185812 +711 692 3 879993150 +711 694 5 879993318 +711 699 5 879993728 +711 704 4 879993650 +711 707 5 879993579 +711 710 4 879994903 +711 713 3 879991283 +711 715 4 879994581 +711 716 5 879995215 +711 723 5 879994852 +711 724 5 879995461 +711 727 4 879993629 +711 729 3 879994413 +711 731 4 879994656 +711 732 4 879994495 +711 735 5 886030557 +711 736 5 879993871 +711 739 3 879995215 +711 741 4 886030774 +711 744 4 876185896 +711 747 4 879993871 +711 755 3 879994581 +711 762 3 879991585 +711 763 1 876185767 +711 778 4 884485635 +711 829 2 879992018 +711 845 4 879991247 +711 905 3 886559521 +711 909 4 889911007 +711 921 5 879993318 +711 923 5 879993629 +711 941 3 879994608 +711 949 4 879994719 +711 955 1 879992739 +711 958 5 876278721 +711 959 5 879995322 +711 961 5 886030557 +711 966 5 879994390 +711 969 5 886030557 +711 995 4 879991134 +711 1014 4 886030873 +711 1024 5 883589512 +711 1046 3 879994367 +711 1053 4 879995099 +711 1115 4 876185812 +711 1117 4 883589726 +711 1118 4 879994633 +711 1119 4 879994632 +711 1152 1 879991762 +711 1160 5 884485704 +711 1163 4 879991347 +711 1168 4 879995753 +711 1170 3 879993842 +711 1190 3 886030579 +711 1221 4 879994777 +711 1285 3 879995238 +711 1289 2 879991458 +711 1446 2 879994608 +711 1466 4 883589693 +711 1518 3 879993997 +712 4 4 874730179 +712 26 2 874957053 +712 38 4 874730553 +712 40 5 874956956 +712 42 1 874729935 +712 49 3 874956872 +712 50 4 874729750 +712 51 3 874957293 +712 59 2 874730420 +712 60 1 874730520 +712 61 3 874730031 +712 63 4 874956903 +712 66 5 874729816 +712 67 3 874957086 +712 69 3 874730085 +712 71 5 874730261 +712 73 5 874730293 +712 78 4 874957207 +712 79 4 874729850 +712 82 5 874730031 +712 83 4 874730396 +712 88 4 874730155 +712 90 3 874957027 +712 94 4 874957005 +712 95 4 874730552 +712 96 5 874729850 +712 99 4 874729995 +712 102 4 874956543 +712 110 5 874956956 +712 136 1 874730443 +712 140 4 874957140 +712 141 3 874730320 +712 142 4 876251366 +712 143 5 874957306 +712 168 2 874956357 +712 172 5 874729901 +712 173 5 874729901 +712 174 5 874729995 +712 177 2 874730155 +712 178 2 874956357 +712 181 5 874729901 +712 191 3 874730396 +712 195 3 874730085 +712 196 4 874730396 +712 202 4 874730031 +712 204 4 874956810 +712 210 5 874730293 +712 213 3 876251366 +712 215 3 874730031 +712 220 5 874729682 +712 228 3 874730261 +712 230 3 874730467 +712 232 3 874956903 +712 234 2 874729935 +712 238 3 874730206 +712 243 4 874956228 +712 294 4 876251330 +712 365 3 874730234 +712 367 4 874956841 +712 376 3 874956903 +712 378 4 874730370 +712 386 3 874956956 +712 388 3 874957053 +712 393 3 874730320 +712 395 4 874957005 +712 398 4 874957179 +712 399 5 874956872 +712 400 3 874957179 +712 401 3 874957027 +712 402 4 874729935 +712 404 3 874730467 +712 415 4 874957161 +712 416 3 874957113 +712 417 4 874729750 +712 418 3 874730553 +712 419 3 874730234 +712 420 3 874957140 +712 421 4 874729935 +712 423 3 874729960 +712 431 3 874730552 +712 432 4 874730056 +712 433 3 874956903 +712 451 5 874956872 +712 462 3 874730085 +712 465 4 874957113 +712 486 4 874730521 +712 495 4 874730520 +712 498 3 874729935 +712 501 3 874957140 +712 506 3 874730520 +712 510 2 874729749 +712 542 4 874956543 +712 553 5 874729850 +712 560 3 874730261 +712 568 5 874730491 +712 575 3 874957053 +712 584 4 874730342 +712 585 4 874730234 +712 588 4 874956515 +712 622 4 874730293 +712 623 4 874729778 +712 625 3 874956516 +712 627 4 874956515 +712 652 3 876251407 +712 655 5 874730467 +712 660 4 874730234 +712 662 5 874730320 +712 692 5 874729995 +712 699 5 874956586 +712 716 5 874730370 +712 722 3 874957086 +712 724 3 874957268 +712 728 4 874956384 +712 729 5 874730491 +712 732 5 874730370 +712 738 4 874956841 +712 739 4 874729935 +712 746 4 874730085 +712 755 4 874957113 +712 762 4 874956244 +712 768 5 874956560 +712 776 4 874730155 +712 781 4 874956841 +712 783 3 874956981 +712 785 5 874730206 +712 787 3 876251366 +712 790 4 874956931 +712 794 4 874957243 +712 796 4 874957268 +712 812 4 874729996 +712 842 3 874957160 +712 843 3 874957140 +712 941 5 874730491 +712 944 4 874956981 +712 946 4 874730521 +712 949 4 874730370 +712 955 2 874957293 +712 969 4 874729850 +712 996 4 874956903 +712 1036 5 874956981 +712 1037 4 874956981 +712 1040 4 874729682 +712 1043 3 874956788 +712 1053 4 874730490 +712 1055 4 874730155 +712 1074 3 874957086 +712 1091 3 874956543 +712 1220 5 874729996 +712 1221 4 874956641 +712 1469 4 874730206 +712 1480 4 874957161 +712 1503 4 874730235 +713 269 4 888882040 +713 270 2 888882179 +713 272 4 888881939 +713 286 3 888881939 +713 300 2 888881939 +713 302 4 888882040 +713 311 3 888882040 +713 313 3 888882179 +713 315 4 888881988 +713 327 2 888882085 +713 342 3 888882179 +713 344 5 888882276 +713 345 3 888881939 +713 347 4 888882337 +713 362 1 888882040 +713 690 1 888882179 +713 750 3 888881939 +713 752 2 888882276 +713 882 3 888881988 +713 898 3 888882276 +714 1 3 892776123 +714 3 5 892777876 +714 7 4 892777903 +714 9 3 892775786 +714 15 3 892777197 +714 50 5 892777876 +714 100 1 892775786 +714 111 3 892777330 +714 117 5 892777876 +714 118 5 892777877 +714 151 3 892777812 +714 250 5 892777876 +714 257 3 892776410 +714 258 4 892777903 +714 276 2 892777242 +714 281 3 892777651 +714 284 3 892777438 +714 289 3 892778092 +714 291 3 892777117 +714 294 4 892777903 +714 300 5 892778035 +714 323 4 892777903 +714 369 3 892777581 +714 405 5 892777876 +714 410 3 892777767 +714 471 4 892777903 +714 685 4 892777903 +714 748 5 892777877 +714 763 4 892777903 +714 924 3 892777408 +714 1014 3 892777694 +714 1016 5 892777876 +714 1028 4 892777877 +714 1152 2 892777651 +715 1 5 875961843 +715 2 3 875964926 +715 4 4 875964300 +715 7 3 875962110 +715 11 4 875963306 +715 12 4 875963657 +715 17 3 875964105 +715 22 4 875963792 +715 24 3 875962374 +715 27 3 875964051 +715 28 5 875963242 +715 31 4 875963692 +715 39 3 875964273 +715 40 1 875964681 +715 42 5 875963112 +715 50 5 875961998 +715 53 1 875963946 +715 56 5 875963387 +715 58 4 875964131 +715 64 5 875963242 +715 68 4 875963486 +715 69 4 875963692 +715 70 3 875964105 +715 71 3 875963354 +715 73 4 875964410 +715 79 5 875964579 +715 81 4 875963112 +715 82 4 875964025 +715 83 4 875963792 +715 85 3 875964300 +715 87 4 875963024 +715 88 3 875964633 +715 89 3 875963538 +715 90 5 875964386 +715 92 3 875963899 +715 95 4 875963621 +715 96 4 875963538 +715 97 3 875964330 +715 98 5 875963792 +715 100 2 875961816 +715 101 3 875964131 +715 106 2 875962140 +715 108 4 875962315 +715 111 3 875962173 +715 117 3 875961816 +715 118 2 875962395 +715 121 4 875962524 +715 122 4 875962718 +715 125 3 875962477 +715 128 3 875964300 +715 135 2 875964203 +715 143 3 875963946 +715 144 5 875962991 +715 145 2 875963657 +715 150 4 875961898 +715 155 4 875964580 +715 156 4 875964438 +715 157 4 875963024 +715 158 2 875965035 +715 159 3 875964330 +715 161 5 875964905 +715 168 4 875963657 +715 172 4 875963452 +715 173 5 875963998 +715 174 4 875963306 +715 175 3 875962964 +715 176 5 875963792 +715 179 4 875963596 +715 182 5 875965035 +715 183 3 875964491 +715 193 5 875965127 +715 195 4 875963657 +715 196 4 875964131 +715 204 4 875964025 +715 205 5 875964410 +715 206 4 875964438 +715 208 3 875963836 +715 217 2 875963452 +715 222 3 875962227 +715 227 3 875964272 +715 232 4 875964905 +715 233 3 875964468 +715 234 4 875963242 +715 235 2 875962140 +715 237 4 875962280 +715 239 4 875963867 +715 248 4 875962280 +715 249 4 875961919 +715 250 2 875962806 +715 252 1 875962049 +715 254 1 875962762 +715 257 4 875962423 +715 265 5 875964105 +715 268 4 875961674 +715 273 5 875961998 +715 274 3 875963899 +715 276 3 875962454 +715 282 3 875962423 +715 288 4 875962201 +715 298 4 875962076 +715 318 5 875963867 +715 367 3 875964272 +715 376 2 875964545 +715 380 3 875965058 +715 399 2 875963418 +715 405 3 875962374 +715 412 2 875962783 +715 425 4 875964655 +715 426 5 875964104 +715 433 2 875963082 +715 447 3 875963452 +715 455 3 875962109 +715 462 4 875963998 +715 470 4 875963538 +715 471 4 875962202 +715 475 4 875962049 +715 480 5 875963387 +715 546 4 875962076 +715 549 3 875964519 +715 564 2 875964300 +715 576 2 875964468 +715 588 4 875963353 +715 591 4 875962109 +715 595 3 875962718 +715 627 3 875964614 +715 629 2 875963921 +715 655 4 875964203 +715 658 4 875963693 +715 685 3 875962173 +715 692 3 875963836 +715 697 2 875963566 +715 713 4 875962201 +715 732 3 875964179 +715 735 4 875964224 +715 743 2 875962806 +715 746 5 875964025 +715 755 2 875964704 +715 761 3 875965009 +715 778 2 875965171 +715 789 4 875963353 +715 826 2 875962652 +715 926 4 875962201 +715 939 4 875964545 +715 941 2 875964072 +715 944 2 875963755 +715 955 4 875963596 +715 976 1 875962339 +715 977 2 875962718 +715 1011 4 875962524 +715 1016 4 875962049 +715 1045 2 875965171 +715 1047 3 875962500 +715 1088 1 875962454 +715 1188 2 875964843 +715 1215 1 875962762 +715 1217 2 875963998 +715 1222 2 875965035 +716 1 5 879793192 +716 4 2 879796046 +716 11 4 879795790 +716 13 2 879793376 +716 22 5 879795159 +716 23 4 879795643 +716 25 4 879793737 +716 28 5 879794815 +716 31 3 879794996 +716 47 3 879795606 +716 48 5 879795314 +716 49 4 879797286 +716 50 5 879793192 +716 52 5 879795467 +716 56 5 879796171 +716 58 5 879795239 +716 64 5 879795314 +716 69 5 879795188 +716 70 4 879796046 +716 72 3 879796766 +716 73 4 879797256 +716 79 4 879794935 +716 81 4 879796475 +716 82 5 879796138 +716 83 4 879795906 +716 86 5 879796072 +716 88 4 879796596 +716 95 4 879794775 +716 96 2 879795122 +716 97 4 879794996 +716 98 5 879795336 +716 99 5 879796214 +716 102 2 879797256 +716 105 2 879794450 +716 108 2 879794290 +716 111 4 879793443 +716 117 4 879793542 +716 121 5 879794116 +716 122 2 879794727 +716 127 5 879793293 +716 131 5 879796311 +716 132 5 879796438 +716 133 5 879795239 +716 134 5 879795314 +716 135 3 879795071 +716 136 5 879795790 +716 141 4 879797555 +716 142 3 879797555 +716 144 2 879795467 +716 151 5 879793631 +716 153 4 879796311 +716 154 5 879795867 +716 157 3 879796914 +716 160 2 879797303 +716 161 3 879796651 +716 162 4 879796311 +716 163 4 879795949 +716 168 5 879796942 +716 172 4 879795542 +716 173 4 879797328 +716 174 5 879795025 +716 175 2 879795644 +716 176 3 879795189 +716 177 2 879794935 +716 178 5 879795269 +716 180 3 879794815 +716 181 4 879793221 +716 183 2 879796279 +716 185 5 879796046 +716 186 3 879795867 +716 187 3 879795189 +716 190 5 879797152 +716 191 5 879796046 +716 192 3 879794870 +716 193 5 879796596 +716 195 1 879795425 +716 197 5 879794962 +716 199 4 879796096 +716 200 4 879795606 +716 202 4 879794935 +716 203 4 879796311 +716 204 5 879795543 +716 205 5 879796438 +716 208 5 879795790 +716 209 3 879795543 +716 210 5 879796651 +716 211 5 879796171 +716 213 5 879795906 +716 215 5 879796046 +716 216 5 879795239 +716 218 3 879796766 +716 222 4 879793192 +716 225 3 879794482 +716 227 3 879797177 +716 228 4 879794870 +716 229 3 879797177 +716 230 3 879797198 +716 234 5 879795269 +716 237 5 879793844 +716 238 4 879797286 +716 241 3 879796138 +716 248 4 879793293 +716 257 5 879793465 +716 260 1 879793001 +716 265 5 879797414 +716 274 5 879793631 +716 282 3 879793501 +716 283 4 879793294 +716 284 3 879794116 +716 293 4 879793258 +716 294 4 879793653 +716 298 5 879793501 +716 300 5 879792599 +716 340 3 879792665 +716 357 5 879795762 +716 367 4 879796942 +716 381 4 879795644 +716 385 1 879796011 +716 387 4 879797391 +716 392 2 879796895 +716 393 3 879796596 +716 399 3 879797414 +716 404 4 879796438 +716 405 4 879793844 +716 412 2 879794727 +716 414 4 879797152 +716 416 3 879796354 +716 417 3 879797257 +716 418 4 879796620 +716 419 5 879794775 +716 420 4 879796766 +716 423 4 879795496 +716 425 5 879796279 +716 427 5 879795375 +716 428 3 879795838 +716 430 5 879796620 +716 432 5 879795269 +716 435 4 879795071 +716 443 4 879796381 +716 445 3 879797221 +716 451 4 879796961 +716 465 5 879797177 +716 468 3 879796596 +716 470 4 879797152 +716 471 2 879795375 +716 472 3 879794032 +716 473 4 879794379 +716 474 5 879795122 +716 478 4 879795735 +716 479 4 879796010 +716 480 5 879795025 +716 481 4 879795025 +716 482 5 879795867 +716 484 4 879795867 +716 485 5 879795375 +716 486 5 879795121 +716 487 5 879794934 +716 488 4 879796171 +716 489 4 879795496 +716 490 4 879794870 +716 491 4 879794934 +716 492 3 879795425 +716 493 5 879795949 +716 494 5 879795542 +716 495 4 879795762 +716 496 5 879795467 +716 497 3 879795949 +716 498 5 879795122 +716 499 4 879796942 +716 501 5 879796215 +716 502 3 879795867 +716 503 3 879795071 +716 504 5 879795189 +716 505 4 879796381 +716 506 4 879794775 +716 507 5 879796072 +716 511 5 879795542 +716 514 5 879796331 +716 515 5 879793293 +716 517 5 879797221 +716 519 3 879796555 +716 520 4 879794935 +716 521 3 879796846 +716 525 3 879794815 +716 526 5 879795269 +716 527 5 879795813 +716 546 1 879794094 +716 549 4 879797372 +716 559 2 879796846 +716 566 3 879796010 +716 568 4 879796718 +716 570 3 879797286 +716 588 4 879795606 +716 601 4 879794892 +716 602 5 879795691 +716 603 5 879794775 +716 604 3 879795071 +716 605 3 879796215 +716 606 5 879796214 +716 609 3 879796354 +716 610 4 879795375 +716 611 5 879795496 +716 614 4 879795159 +716 615 3 879795269 +716 620 3 879797287 +716 622 3 879797152 +716 627 4 879797475 +716 628 3 879793376 +716 630 4 879796138 +716 631 5 879795867 +716 632 4 879795691 +716 633 4 879796808 +716 636 2 879796651 +716 648 4 879796138 +716 650 3 879796278 +716 651 5 879796278 +716 655 4 879795838 +716 659 4 879794962 +716 660 4 879796718 +716 661 3 879794870 +716 662 3 879794962 +716 663 5 879795467 +716 673 4 879797535 +716 675 2 879796766 +716 692 5 879795239 +716 696 2 879794615 +716 705 5 879794892 +716 707 4 879795121 +716 708 4 879797443 +716 723 4 879796072 +716 724 4 879796138 +716 729 2 879795375 +716 732 5 879795375 +716 735 5 879795644 +716 740 4 879793714 +716 792 4 879796010 +716 823 3 879794428 +716 826 2 879794410 +716 836 4 879795425 +716 837 4 879796475 +716 842 3 879796846 +716 866 3 879794200 +716 946 2 879796718 +716 949 3 879796718 +716 956 4 879796011 +716 965 2 879797504 +716 969 4 879794815 +716 1016 3 879794032 +716 1020 5 879795314 +716 1039 5 879796808 +716 1047 3 879794200 +716 1050 4 879797303 +716 1101 5 879795467 +716 1113 4 879797443 +716 1124 3 879795838 +716 1126 3 879796138 +716 1203 2 879795239 +716 1269 4 879795122 +716 1286 2 879795239 +717 7 4 884642160 +717 24 2 884642297 +717 50 4 884715122 +717 100 4 884642268 +717 106 4 884642932 +717 111 4 884642479 +717 117 4 884642339 +717 121 2 884642762 +717 125 4 884642339 +717 126 5 884642580 +717 127 4 884715172 +717 130 2 884642958 +717 147 4 884642297 +717 148 3 884642958 +717 222 4 884642215 +717 235 4 884642762 +717 237 5 884642400 +717 240 2 884642868 +717 245 4 884641842 +717 246 5 884715146 +717 250 1 884715146 +717 258 5 884642133 +717 260 1 884641911 +717 262 4 884641621 +717 269 5 884642133 +717 271 2 884641842 +717 274 4 884642581 +717 280 4 884642738 +717 281 4 884642958 +717 282 5 884642817 +717 285 5 884642214 +717 286 3 884641644 +717 288 1 884641717 +717 289 4 884641911 +717 290 3 884642738 +717 291 4 884642479 +717 298 3 884715172 +717 299 4 884641743 +717 300 5 884641808 +717 301 4 884641717 +717 302 5 884641599 +717 303 4 884641644 +717 307 5 884642133 +717 312 5 884642133 +717 313 5 884642133 +717 326 3 884641621 +717 327 3 884641681 +717 331 3 884641681 +717 333 4 884641681 +717 340 4 884641599 +717 343 4 884641983 +717 358 2 884642001 +717 405 3 884642738 +717 455 2 884642479 +717 471 4 884642427 +717 472 4 884642581 +717 475 5 884642187 +717 476 4 884642868 +717 546 3 884642932 +717 591 4 884642297 +717 597 4 884642710 +717 628 5 884644605 +717 678 3 884641842 +717 685 4 884642581 +717 742 5 884642427 +717 751 4 884642001 +717 815 3 884642817 +717 825 2 884642558 +717 826 2 884642868 +717 831 3 884642958 +717 846 4 884642339 +717 866 1 884642932 +717 887 5 884642133 +717 888 5 884642133 +717 890 1 884642001 +717 975 2 884642843 +717 980 4 884642268 +717 995 5 884642132 +717 1011 4 884644419 +717 1047 4 884642981 +717 1051 3 884642868 +717 1137 5 884642580 +717 1282 4 884642762 +718 15 5 883348962 +718 118 4 883348912 +718 121 4 883348773 +718 255 4 883348773 +718 257 4 883348845 +718 273 3 883348712 +718 274 3 883349363 +718 282 5 883348712 +718 284 4 883349191 +718 289 3 883348391 +718 405 5 883349384 +718 471 5 883348634 +718 546 4 883349158 +718 597 5 883348938 +718 685 4 883349301 +718 717 4 883349214 +718 742 5 883348873 +718 744 3 883348824 +718 750 3 883449953 +718 751 5 883449953 +718 815 4 883348873 +718 820 2 883349642 +718 831 3 883349663 +718 879 2 883348355 +718 982 4 883348912 +718 1028 4 883349191 +718 1047 3 883349442 +718 1048 2 883349363 +718 1165 3 883349598 +719 7 2 877311269 +719 9 4 883354106 +719 23 3 888897264 +719 58 3 879360933 +719 64 5 879360442 +719 69 5 879360536 +719 71 3 883354106 +719 77 3 879360846 +719 79 4 877310859 +719 87 2 879360617 +719 88 3 888454637 +719 97 3 879360845 +719 98 5 877310859 +719 118 2 879360001 +719 121 1 879372253 +719 127 3 879358453 +719 137 1 884899841 +719 162 4 879361003 +719 185 4 877310932 +719 214 2 879360965 +719 215 4 879360781 +719 216 4 879373935 +719 220 5 888454728 +719 237 2 877917981 +719 240 1 879372631 +719 254 1 879360298 +719 255 2 883981599 +719 274 3 888449274 +719 282 4 879358874 +719 284 2 888449573 +719 285 4 877917156 +719 289 2 877311150 +719 293 3 883982002 +719 294 2 877311109 +719 298 2 888451537 +719 300 2 888449132 +719 318 5 879360493 +719 357 4 879360583 +719 378 4 879360555 +719 382 2 879360965 +719 402 4 879360933 +719 410 1 883354126 +719 423 3 879360583 +719 427 4 883354106 +719 456 1 879373729 +719 468 3 879361023 +719 509 2 879360933 +719 510 4 879360493 +719 520 5 879360466 +719 532 3 888449606 +719 582 3 888451748 +719 620 4 879359034 +719 655 4 879360617 +719 735 5 888454612 +719 742 4 879358893 +719 778 3 883982002 +719 890 1 879358395 +720 242 4 891262608 +720 262 4 891262608 +720 268 4 891262669 +720 272 4 891262762 +720 286 5 891262635 +720 302 5 891262608 +720 310 4 891262762 +720 311 5 891262635 +720 313 3 891262608 +720 316 4 891263387 +720 319 3 891263340 +720 321 4 891262762 +720 333 4 891262669 +720 347 3 891262608 +720 749 3 891262812 +720 887 5 891262608 +720 896 5 891262669 +720 898 4 891262812 +720 902 4 891263460 +720 1176 5 891262812 +721 1 5 877137877 +721 8 4 877154765 +721 15 4 877140632 +721 22 5 877139147 +721 28 5 877140137 +721 50 5 877138584 +721 51 4 877141038 +721 56 3 877150031 +721 58 2 877140781 +721 64 4 877139301 +721 65 1 877140221 +721 69 4 877140282 +721 70 3 877145403 +721 77 5 877147200 +721 81 2 877139301 +721 82 4 877139015 +721 84 3 877147675 +721 97 4 877140780 +721 107 4 877140780 +721 111 4 877154765 +721 125 3 877147080 +721 127 5 877140409 +721 135 3 877140490 +721 145 4 877139773 +721 153 4 877150031 +721 157 3 877140137 +721 161 5 877138816 +721 162 2 877147503 +721 172 5 877138884 +721 173 5 877138745 +721 174 5 877139015 +721 175 5 877140282 +721 179 5 877141038 +721 181 5 877138951 +721 191 3 877140490 +721 194 5 877138024 +721 196 5 877139147 +721 197 4 877140221 +721 199 4 877147323 +721 204 5 877154765 +721 209 3 877150031 +721 215 4 877141373 +721 216 5 877138498 +721 222 5 877138584 +721 228 5 877138585 +721 229 5 877138585 +721 237 3 877145312 +721 239 4 877147007 +721 242 3 877137597 +721 243 3 877137527 +721 245 3 877137527 +721 258 3 877135269 +721 259 3 877137527 +721 260 3 877137109 +721 261 3 877137214 +721 262 3 877137285 +721 263 3 877137598 +721 264 1 877135806 +721 266 3 877136967 +721 268 4 877136831 +721 269 5 877135269 +721 282 4 877145657 +721 284 4 877141038 +721 286 5 877137285 +721 288 3 877137447 +721 292 3 877137527 +721 294 3 877137447 +721 299 3 877137447 +721 300 5 877135806 +721 301 4 877136358 +721 302 3 877137358 +721 303 3 877137285 +721 304 3 877137285 +721 306 3 877137285 +721 318 4 877140047 +721 319 3 877137527 +721 321 3 877137447 +721 322 4 877136891 +721 323 3 877137598 +721 324 3 877137447 +721 325 3 877137109 +721 326 4 877136236 +721 327 2 877136967 +721 328 5 877136303 +721 329 3 877137214 +721 330 3 877136967 +721 331 3 877137285 +721 332 4 877137358 +721 334 1 877136831 +721 335 3 877137359 +721 357 5 877140221 +721 358 1 877137214 +721 359 3 877137359 +721 380 5 877138661 +721 382 4 877147675 +721 393 5 877138200 +721 402 4 877147200 +721 406 1 877154989 +721 423 5 877141373 +721 435 4 877139384 +721 455 5 877138884 +721 457 3 877137214 +721 471 5 877138200 +721 518 2 877140221 +721 527 5 877140046 +721 581 2 877141373 +721 582 3 877140490 +721 631 5 877147260 +721 632 4 877147675 +721 655 2 877140490 +721 660 5 877147616 +721 678 3 877137527 +721 680 3 877137448 +721 682 3 877137285 +721 684 4 877138200 +721 688 3 877136967 +721 690 3 877136967 +721 699 3 877147080 +721 715 2 877147726 +721 720 5 877138395 +721 729 3 877141222 +721 732 4 877147079 +721 735 4 877141039 +721 739 4 877139551 +721 748 3 877136967 +721 749 3 877137359 +721 755 4 877139773 +721 809 1 877139384 +721 872 3 877137598 +721 873 3 877137447 +721 874 3 877137447 +721 875 3 877137527 +721 876 3 877137447 +721 877 3 877137285 +721 878 3 877137598 +721 880 3 877137109 +721 881 3 877137359 +721 937 3 877137359 +721 938 3 877137359 +721 942 4 877147140 +721 948 1 877137109 +721 988 3 877137598 +721 989 3 877137527 +721 990 5 877137213 +721 991 3 877137214 +721 995 3 877137447 +721 1025 3 877138200 +721 1026 3 877137214 +721 1039 5 877140780 +721 1065 5 877147383 +721 1119 4 877147795 +721 1221 3 877139637 +721 1265 3 877138661 +721 1295 3 877137214 +721 1296 3 877137285 +721 1392 3 877137598 +721 1393 3 877137598 +721 1442 4 877147872 +722 13 2 891281876 +722 25 4 891281108 +722 100 4 891280894 +722 111 3 891281077 +722 117 4 891281132 +722 121 5 891281182 +722 130 4 891281679 +722 148 3 891281710 +722 286 4 891280046 +722 291 4 891281228 +722 294 2 891280219 +722 307 4 891280245 +722 310 4 891279945 +722 322 3 891280402 +722 328 5 891280272 +722 333 5 891279945 +722 405 3 891280918 +722 458 4 891280955 +722 471 4 891281020 +722 476 4 891281635 +722 508 4 891281020 +722 597 3 891281710 +722 628 4 891280894 +722 678 3 891280443 +722 696 4 891281570 +722 748 4 891280154 +722 756 3 891281369 +722 823 3 891281570 +722 845 5 891280842 +722 866 4 891281108 +722 871 2 891281876 +722 928 3 891281228 +723 9 3 880498912 +723 50 4 880498889 +723 89 3 880498996 +723 150 3 880499050 +723 164 4 880499019 +723 168 5 880498912 +723 172 4 880498890 +723 178 3 880498938 +723 286 3 880498746 +723 433 3 880499019 +723 748 5 880498795 +723 988 1 880499254 +724 242 1 883758268 +724 245 2 883757874 +724 258 4 883757537 +724 259 2 883757726 +724 264 3 883758119 +724 268 4 883757397 +724 269 4 883756996 +724 271 2 883757834 +724 272 5 883756996 +724 286 1 883758268 +724 288 4 883757597 +724 289 1 883757703 +724 294 4 883757726 +724 301 4 883757670 +724 302 3 883756996 +724 304 4 883757703 +724 307 3 883757468 +724 308 1 883757170 +724 310 5 883757170 +724 313 5 883756996 +724 322 1 883757784 +724 323 2 883757874 +724 326 4 883757671 +724 327 4 883757670 +724 328 4 883757727 +724 329 4 883757670 +724 331 3 883757468 +724 332 4 883757670 +724 333 4 883757670 +724 336 1 883757784 +724 338 3 883758119 +724 343 1 883757259 +724 344 1 883757468 +724 346 1 883757703 +724 347 4 883757670 +724 349 2 883757537 +724 351 1 883758241 +724 352 1 883757259 +724 358 1 883757834 +724 361 1 883758241 +724 538 2 883757537 +724 678 2 883757874 +724 680 1 883758119 +724 682 1 883757703 +724 683 1 883757834 +724 748 1 883757784 +724 749 4 883757670 +724 750 2 883757170 +724 751 2 883757397 +724 872 1 883757537 +724 873 3 883757784 +724 876 1 883757784 +724 879 1 883757259 +724 880 3 883757834 +724 882 1 883758267 +724 887 3 883757468 +724 893 3 883757874 +724 895 4 883757727 +724 898 1 883757784 +724 906 1 883757468 +724 908 1 883758208 +724 938 3 883757671 +724 948 1 883758119 +724 988 1 883758119 +724 989 1 883757874 +724 995 1 883757597 +724 1062 1 883758208 +724 1105 1 883757537 +724 1127 3 883758267 +724 1176 1 883757397 +724 1234 1 883757170 +724 1432 1 883758208 +724 1434 1 883757597 +724 1591 1 883757468 +724 1617 1 883757703 +725 9 4 876106243 +725 19 5 876106729 +725 111 3 876106206 +725 276 4 876106243 +725 286 5 876106729 +725 288 3 876103725 +725 294 3 876103726 +725 301 4 876106729 +725 322 4 876103762 +725 328 4 876106729 +725 333 5 876106729 +725 748 4 876103744 +725 873 4 876103794 +725 879 4 876106729 +725 881 5 876106729 +726 1 4 890079166 +726 25 4 889831222 +726 117 1 890080144 +726 248 2 889832422 +726 255 2 889832297 +726 294 5 889828701 +726 323 3 889828641 +726 409 3 890087998 +726 535 3 889832806 +726 763 2 889831115 +726 832 5 889832807 +726 833 5 889832807 +726 898 2 889829235 +726 1038 2 889832053 +727 1 3 883708660 +727 2 4 883711874 +727 5 3 883711680 +727 7 2 883708927 +727 11 3 883710152 +727 12 5 883710598 +727 17 1 883711011 +727 22 4 883710236 +727 24 3 883709711 +727 25 3 883708927 +727 27 4 883711847 +727 28 5 883710075 +727 29 3 883712603 +727 33 3 883711150 +727 38 1 883712993 +727 39 2 883712780 +727 42 5 883710375 +727 43 3 883712123 +727 50 4 883708951 +727 53 1 883712851 +727 54 3 883711045 +727 55 3 883710375 +727 56 3 883711150 +727 62 3 883712603 +727 63 2 883713454 +727 65 2 883712343 +727 66 3 883712068 +727 67 4 883712652 +727 69 4 883710186 +727 70 5 883710856 +727 71 3 883711069 +727 72 3 883712476 +727 73 4 883713048 +727 79 4 883710806 +727 80 4 883713454 +727 82 3 883711527 +727 83 5 883710889 +727 87 4 883710347 +727 88 5 883711394 +727 89 5 883711298 +727 90 3 883711991 +727 91 4 883710396 +727 92 2 883710806 +727 94 4 883713257 +727 95 4 883710948 +727 96 4 883710152 +727 98 4 883710152 +727 100 2 883708830 +727 101 2 883711771 +727 108 3 883709948 +727 109 2 883709266 +727 111 3 883709266 +727 114 5 883710152 +727 118 4 883709729 +727 121 4 883709518 +727 122 2 883709802 +727 127 4 883708830 +727 128 4 883712016 +727 131 2 883711699 +727 132 2 883710271 +727 135 2 883711069 +727 144 4 883710395 +727 147 3 883709402 +727 148 2 883709438 +727 153 4 883710856 +727 154 3 883711567 +727 155 3 883712068 +727 156 4 883710326 +727 157 3 883711965 +727 158 2 883713668 +727 159 2 883712016 +727 161 4 883712716 +727 163 4 883711550 +727 164 5 883711497 +727 167 2 883713419 +727 168 5 883710152 +727 169 5 883710419 +727 172 5 883710104 +727 173 5 883710437 +727 174 4 883710186 +727 176 4 883710948 +727 177 4 883710687 +727 178 4 883710123 +727 179 3 883711150 +727 180 3 883711589 +727 183 3 883710186 +727 184 3 883710761 +727 186 5 883710598 +727 187 5 883710104 +727 188 3 883711679 +727 191 4 883710717 +727 195 4 883710375 +727 196 4 883710514 +727 197 3 883710271 +727 198 4 883710687 +727 199 4 883710288 +727 201 4 883710717 +727 202 4 883711354 +727 203 5 883710236 +727 204 3 883710395 +727 205 5 883710104 +727 206 3 883711896 +727 207 5 883710889 +727 208 4 883711240 +727 209 3 883710186 +727 210 3 883710123 +727 211 4 883710464 +727 217 3 883712913 +727 219 3 883712476 +727 222 3 883709350 +727 226 3 883711966 +727 227 4 883710974 +727 228 4 883711527 +727 229 2 883711476 +727 230 3 883711847 +727 231 3 883713286 +727 232 3 883712780 +727 233 4 883713473 +727 234 2 883711699 +727 235 3 883709518 +727 238 2 883710910 +727 239 4 883711449 +727 240 3 883709607 +727 246 4 883708806 +727 248 5 883709207 +727 249 2 883708927 +727 250 5 883709242 +727 252 2 883709438 +727 257 2 883708806 +727 258 2 883709325 +727 259 4 883708265 +727 260 1 883708265 +727 265 4 883710326 +727 268 4 883708087 +727 271 4 883708149 +727 274 5 883709438 +727 275 3 883708927 +727 278 2 883709325 +727 282 4 883709157 +727 283 2 883709009 +727 284 3 883709607 +727 291 4 883709009 +727 294 4 883708087 +727 312 3 883708435 +727 328 4 883708149 +727 343 3 883708149 +727 356 3 883712365 +727 358 2 883708462 +727 363 3 883709641 +727 366 3 883712397 +727 367 3 883712430 +727 369 2 883709948 +727 371 2 883712193 +727 378 3 883712603 +727 379 2 883712805 +727 380 3 883712397 +727 384 2 883712804 +727 385 3 883710994 +727 386 2 883712805 +727 392 4 883711847 +727 393 3 883712397 +727 395 3 883713692 +727 397 2 883712780 +727 398 2 883713714 +727 399 3 883712717 +727 401 2 883713521 +727 402 3 883711847 +727 403 4 883712282 +727 405 3 883709571 +727 408 4 883708895 +727 410 2 883709710 +727 411 3 883709905 +727 413 2 883709710 +727 419 2 883710236 +727 421 5 883711181 +727 423 3 883710830 +727 424 1 883713454 +727 431 4 883711045 +727 432 2 883711298 +727 433 5 883710994 +727 434 5 883710717 +727 435 3 883710687 +727 440 1 883713548 +727 444 2 883712851 +727 447 3 883713194 +727 451 5 883712681 +727 455 3 883709671 +727 465 2 883712159 +727 470 5 883711847 +727 471 3 883709188 +727 472 2 883709374 +727 474 3 883710910 +727 483 4 883710236 +727 491 4 883710213 +727 507 2 883710948 +727 510 4 883710717 +727 511 4 883710948 +727 520 4 883710288 +727 526 4 883711113 +727 538 3 883708066 +727 539 2 883708523 +727 541 4 883712751 +727 542 2 883712993 +727 544 3 883709518 +727 546 2 883709607 +727 549 3 883712219 +727 550 4 883712519 +727 552 2 883712751 +727 553 2 883710186 +727 556 2 883713632 +727 559 2 883712282 +727 562 2 883713548 +727 566 3 883711449 +727 567 2 883713388 +727 568 3 883711476 +727 569 2 883713286 +727 570 2 883713194 +727 576 4 883713454 +727 578 3 883711897 +727 585 2 883713257 +727 588 4 883710495 +727 596 4 883709188 +727 597 3 883709641 +727 609 3 883711923 +727 616 2 883713348 +727 627 3 883711150 +727 628 3 883709774 +727 635 2 883713419 +727 636 3 883711616 +727 651 3 883710104 +727 658 5 883711720 +727 665 3 883713257 +727 679 5 883712315 +727 680 3 883708462 +727 684 4 883710948 +727 685 3 883709518 +727 692 4 883711240 +727 722 2 883712993 +727 729 2 883711720 +727 739 4 883711735 +727 746 4 883710514 +727 747 2 883712519 +727 748 4 883708119 +727 751 3 883708208 +727 755 2 883712828 +727 760 1 883713388 +727 765 2 883712780 +727 771 3 883713692 +727 774 3 883713257 +727 775 4 883713147 +727 779 2 883712717 +727 783 3 883713737 +727 790 2 883711616 +727 801 2 883713194 +727 802 2 883712780 +727 808 2 883712245 +727 809 4 883713082 +727 810 2 883712652 +727 815 3 883709188 +727 820 2 883709539 +727 826 2 883713738 +727 827 3 883709839 +727 831 3 883709839 +727 840 2 883709884 +727 841 3 883709208 +727 845 3 883709325 +727 849 2 883713348 +727 866 3 883709710 +727 879 4 883708208 +727 890 1 883708478 +727 926 3 883709438 +727 928 3 883709802 +727 930 3 883709802 +727 933 1 883709009 +727 940 2 883713521 +727 941 2 883711874 +727 949 3 883711616 +727 977 2 883709948 +727 982 4 883713632 +727 993 4 883709750 +727 1016 3 883709802 +727 1025 2 883708149 +727 1028 2 883712016 +727 1034 2 883713692 +727 1035 2 883712245 +727 1042 2 883712068 +727 1047 2 883709750 +727 1049 1 883709711 +727 1076 2 883712632 +727 1088 2 883709884 +727 1139 3 883713348 +727 1165 2 883709948 +727 1185 1 883711847 +727 1188 2 883712632 +727 1206 2 883712315 +727 1215 2 883713521 +727 1217 3 883711965 +727 1218 4 883712068 +727 1222 1 883713574 +727 1224 3 883712219 +727 1229 2 883713473 +727 1231 3 883713082 +727 1244 3 883709859 +727 1249 3 883711991 +727 1250 1 883713760 +727 1273 3 883713286 +727 1303 2 883713737 +727 1411 2 883713419 +727 1437 2 883713082 +727 1446 3 883712123 +727 1615 1 883709884 +727 1657 3 883711991 +728 15 4 879443387 +728 116 4 879443291 +728 124 3 879443155 +728 237 4 879443155 +728 243 2 879442892 +728 285 4 879443446 +728 286 3 879442532 +728 287 4 879443155 +728 289 3 879442761 +728 304 4 879442794 +728 319 3 879442612 +728 323 3 879442685 +728 471 4 879443291 +728 742 4 879443321 +728 748 3 879442532 +728 1355 4 879443265 +729 272 4 893286638 +729 294 2 893286338 +729 300 4 893286638 +729 310 3 893286204 +729 313 3 893286638 +729 322 4 893286637 +729 338 1 893286373 +729 346 1 893286168 +729 362 4 893286637 +729 751 3 893286338 +729 894 1 893286511 +730 1 4 880310285 +730 7 4 880310352 +730 100 5 880310371 +730 121 4 880310506 +730 151 4 880310371 +730 181 2 880310465 +730 237 3 880310233 +730 246 4 880310264 +730 248 3 880310324 +730 257 5 880310541 +730 258 5 880309940 +730 268 4 880309927 +730 269 5 880309870 +730 273 2 880310324 +730 276 3 880310390 +730 294 4 880309996 +730 301 1 880310202 +730 322 1 880310202 +730 327 2 880309964 +730 328 2 880310201 +730 340 3 880309892 +730 410 1 880310440 +730 535 2 880310506 +730 685 2 880310569 +730 742 3 880310553 +730 873 2 880310035 +730 875 2 880310201 +730 1012 5 880310426 +731 1 2 886184421 +731 8 2 886184681 +731 14 3 886179040 +731 15 4 886182632 +731 28 4 886182826 +731 56 2 886179161 +731 64 5 886179040 +731 66 4 886184577 +731 69 5 886179040 +731 95 3 886183978 +731 97 5 886183681 +731 125 3 886186940 +731 127 4 886179415 +731 132 3 886182632 +731 133 1 886184852 +731 136 4 886182826 +731 140 2 886186811 +731 143 5 886182827 +731 153 3 886182555 +731 170 5 886179040 +731 190 5 886187538 +731 194 3 886183681 +731 195 1 886185851 +731 196 5 886186811 +731 202 5 886186568 +731 204 4 886184682 +731 205 1 886187652 +731 207 4 886182827 +731 213 5 886183515 +731 215 5 886182555 +731 237 4 886185851 +731 283 4 886182367 +731 320 1 886186811 +731 419 4 886183039 +731 427 5 886186940 +731 434 1 886186811 +731 462 5 886186568 +731 478 4 886182555 +731 480 4 886187652 +731 481 3 886182456 +731 482 3 886184770 +731 484 3 886179289 +731 485 4 886187414 +731 486 4 886182556 +731 494 3 886179161 +731 496 5 886179040 +731 504 3 886183209 +731 507 3 886184771 +731 508 1 886186811 +731 520 4 886186567 +731 521 1 886184682 +731 527 5 886184682 +731 588 3 886184682 +731 591 1 886184577 +731 603 5 886182631 +731 606 3 886182366 +731 608 4 886183515 +731 611 3 886184683 +731 613 2 886186568 +731 648 4 886183515 +731 655 5 886183515 +731 662 3 886183209 +731 694 5 886184421 +731 705 5 886182632 +731 720 3 886184771 +731 845 2 886184681 +731 945 4 886183209 +731 1039 4 886182366 +731 1086 1 886186091 +731 1087 1 886186091 +731 1269 3 886187652 +731 1275 1 886186940 +731 1503 5 886184578 +732 243 5 882589879 +732 269 5 882589593 +732 288 4 882590200 +732 289 3 882590201 +732 294 3 882590201 +732 304 5 882589792 +732 321 3 882590201 +732 322 3 882590201 +732 332 5 882589819 +732 937 4 882589967 +733 1 2 879535129 +733 7 3 879535603 +733 9 3 879535406 +733 13 3 879535694 +733 14 5 879535368 +733 16 3 879535969 +733 19 5 879535338 +733 20 5 879535299 +733 100 5 879535471 +733 107 4 879536001 +733 116 4 879535368 +733 117 2 879535779 +733 121 3 879536723 +733 124 5 879535213 +733 125 2 879535814 +733 126 2 879535938 +733 127 3 879535265 +733 129 2 879535299 +733 130 2 879544411 +733 137 5 879535406 +733 146 3 879536001 +733 148 3 879536607 +733 149 4 879535440 +733 150 2 879535440 +733 151 4 879535694 +733 220 2 879544411 +733 221 4 879535265 +733 224 4 879535265 +733 237 3 879535338 +733 242 4 879535011 +733 244 2 879535886 +733 245 3 879544466 +733 248 3 879535752 +733 250 1 879535502 +733 258 3 879535011 +733 273 4 879535603 +733 274 3 879536723 +733 275 3 879535265 +733 276 5 879535299 +733 277 1 879536523 +733 279 2 879535968 +733 281 2 879536567 +733 282 3 879535814 +733 283 3 879535368 +733 284 2 879535129 +733 285 4 879535299 +733 286 4 879535471 +733 287 3 879535129 +733 290 4 879535752 +733 291 2 879536608 +733 293 4 879535559 +733 296 2 879535265 +733 297 3 879535559 +733 298 2 879535502 +733 302 4 879535011 +733 322 2 879536523 +733 324 4 879535694 +733 405 2 879536659 +733 458 2 879535129 +733 459 4 879535440 +733 471 3 879535814 +733 515 5 879535213 +733 534 3 879544377 +733 544 1 879535407 +733 546 1 879544466 +733 591 3 879535440 +733 619 3 879536488 +733 696 3 879535909 +733 713 4 879535938 +733 740 3 879535886 +733 742 3 879535502 +733 744 4 879535723 +733 762 4 879535847 +733 820 2 879536608 +733 846 2 879535848 +733 922 3 879535406 +733 924 4 879536523 +733 933 1 879535752 +733 950 4 879535643 +733 985 3 879535909 +733 1011 4 879535644 +733 1023 1 879544411 +733 1047 2 879536659 +733 1067 5 879535603 +733 1085 4 879536607 +733 1114 3 879535603 +733 1115 3 879535338 +733 1117 2 879536659 +733 1132 4 879536488 +733 1163 2 879535603 +733 1171 3 879535780 +733 1173 2 879535814 +733 1226 3 879535968 +733 1338 4 879536608 +733 1375 3 879535559 +733 1380 2 879536567 +733 1658 3 879535780 +734 15 4 891026009 +734 22 3 891025301 +734 28 4 891022627 +734 50 4 891022627 +734 56 1 891022752 +734 83 4 891022733 +734 95 4 891025573 +734 97 4 891022993 +734 111 3 891025993 +734 121 4 891026028 +734 132 3 891022212 +734 143 5 891022958 +734 144 2 891023019 +734 162 3 891025393 +734 164 3 891025524 +734 165 3 891025393 +734 172 4 891022212 +734 173 3 891025247 +734 191 4 891025523 +734 193 4 891025340 +734 202 5 891022684 +734 210 3 891022937 +734 213 5 891022684 +734 222 1 891022849 +734 230 2 891022803 +734 274 4 891025943 +734 275 4 891023019 +734 282 4 891025974 +734 283 5 891023066 +734 288 4 891022311 +734 294 1 891025891 +734 313 4 891022311 +734 318 5 891022648 +734 423 4 891022734 +734 465 4 891022734 +734 478 4 891022849 +734 479 4 891025541 +734 482 2 891025591 +734 483 4 891025247 +734 485 5 891022976 +734 487 4 891025498 +734 496 5 891025523 +734 498 4 891022938 +734 582 2 891022684 +734 603 4 891022958 +734 604 4 891023086 +734 605 4 891025555 +734 662 3 891022704 +734 699 4 891022752 +734 705 4 891023131 +734 724 3 891022684 +734 742 4 891025958 +734 751 4 891021937 +734 821 2 891023086 +735 7 3 876698683 +735 13 4 876698643 +735 25 4 876698684 +735 50 5 876698683 +735 93 2 876698604 +735 100 2 876698796 +735 106 3 876698714 +735 117 3 876698897 +735 123 3 876698866 +735 124 5 876698643 +735 126 3 876698570 +735 127 4 876698755 +735 147 1 876698643 +735 181 4 876698604 +735 237 4 876698714 +735 242 5 876697561 +735 245 3 876698022 +735 269 3 876698022 +735 275 4 876698643 +735 277 3 876698604 +735 283 2 876698796 +735 285 4 876698897 +735 286 5 876697561 +735 288 4 876697610 +735 289 1 876698022 +735 293 3 876698570 +735 298 4 876698897 +735 300 4 876697647 +735 301 3 876697610 +735 304 4 876697679 +735 319 4 876697647 +735 321 3 876698022 +735 325 1 876698022 +735 327 3 876698022 +735 331 3 876698022 +735 332 3 876698022 +735 475 4 876698570 +735 515 4 876698755 +735 676 3 876698837 +735 748 3 876698022 +735 756 2 876698684 +735 764 3 876698837 +735 1012 2 876698897 +736 127 4 878709365 +736 253 5 878709365 +736 254 1 878709262 +736 286 4 878709365 +736 293 4 878709365 +736 294 3 878709025 +736 323 1 878709187 +736 324 3 878708991 +736 533 3 878709108 +736 678 1 878709212 +736 748 2 878708465 +736 993 4 878709365 +736 1089 1 878709187 +736 1278 1 878709262 +737 11 3 884314903 +737 22 4 884314993 +737 32 4 884314993 +737 58 4 884314970 +737 64 4 884314740 +737 96 2 884314715 +737 100 5 884314664 +737 137 5 884314694 +737 154 4 884314694 +737 156 5 884314693 +737 160 4 884314881 +737 169 4 884314644 +737 171 4 884314644 +737 173 4 884314970 +737 174 2 884314740 +737 187 5 884315175 +737 192 5 884314970 +737 196 3 884314694 +737 258 5 884315127 +737 357 5 884314944 +737 474 5 884314740 +737 475 4 884314693 +737 501 1 884314922 +738 1 5 892844079 +738 2 3 875351530 +738 4 4 875351486 +738 7 4 875349530 +738 22 3 875349713 +738 28 4 875350913 +738 39 3 875350720 +738 42 2 875350012 +738 47 3 875353569 +738 50 5 892844112 +738 54 3 875351872 +738 56 4 875350418 +738 63 3 875351905 +738 64 4 875351092 +738 69 5 892844079 +738 71 3 875350352 +738 79 3 875351019 +738 81 4 875351092 +738 82 5 892844079 +738 88 3 875351712 +738 89 5 892844112 +738 91 4 875351462 +738 95 4 875350122 +738 96 5 892844112 +738 97 4 875350122 +738 98 4 875350515 +738 100 2 875349968 +738 109 4 875353678 +738 117 3 875350913 +738 118 3 875351438 +738 121 4 875353780 +738 127 4 892957753 +738 128 4 875351873 +738 135 5 892844111 +738 136 4 892958170 +738 141 3 875352771 +738 144 5 892844079 +738 147 3 875350764 +738 152 4 875350265 +738 153 4 875350223 +738 154 3 875353105 +738 161 4 875350720 +738 164 5 892844112 +738 168 3 875353869 +738 169 5 892844079 +738 172 4 875349895 +738 173 5 875350012 +738 174 5 875349968 +738 175 4 875349968 +738 176 5 892844079 +738 177 4 892958051 +738 178 4 875349628 +738 179 3 875353869 +738 181 4 875348856 +738 186 4 875351773 +738 189 4 875351404 +738 191 4 875350086 +738 193 5 892844112 +738 195 4 875349628 +738 197 4 875353869 +738 200 3 875350086 +738 202 4 875351299 +738 203 3 892958137 +738 204 4 875350053 +738 206 3 875350223 +738 208 4 875350418 +738 209 4 875350485 +738 210 5 892844112 +738 211 3 892958137 +738 214 4 875350157 +738 216 3 875352679 +738 222 4 875350913 +738 225 3 875351837 +738 226 3 875351299 +738 227 4 875353533 +738 228 5 875350316 +738 229 3 875351906 +738 230 4 875351530 +738 231 3 875350995 +738 233 3 875353678 +738 234 4 875349850 +738 235 2 875350764 +738 238 4 875349895 +738 240 3 875350385 +738 250 4 875348912 +738 252 4 875349045 +738 254 2 875349111 +738 257 3 875348912 +738 258 4 875348442 +738 260 2 875348571 +738 265 4 892957967 +738 269 2 892938254 +738 271 3 892938330 +738 298 3 875348670 +738 313 5 892938181 +738 343 3 892938330 +738 357 4 875353869 +738 380 3 875351530 +738 385 5 892844079 +738 393 3 875350944 +738 403 3 875351638 +738 405 2 875349968 +738 408 5 875349584 +738 418 3 875353105 +738 423 4 875350223 +738 429 3 875353813 +738 434 4 875351872 +738 449 3 875351438 +738 455 4 875350551 +738 470 4 875350551 +738 474 4 875349775 +738 496 4 875351346 +738 511 4 875349584 +738 517 3 892938492 +738 527 5 892844111 +738 528 4 875352679 +738 550 3 875351603 +738 568 3 875350485 +738 603 5 892844079 +738 636 3 875350944 +738 650 3 875351712 +738 655 3 875350456 +738 659 4 875350804 +738 662 4 875350418 +738 665 2 875351873 +738 697 2 875353869 +738 732 3 875350316 +738 747 4 875351603 +738 751 3 892938297 +738 755 3 875350913 +738 916 3 892938181 +738 919 4 875349807 +738 926 3 875350456 +738 930 3 875351956 +738 951 2 875351906 +738 969 4 892957860 +738 1016 3 875348912 +738 1047 3 875351872 +739 22 5 886958860 +739 50 4 886958895 +739 55 1 886958972 +739 56 4 886958938 +739 97 5 886959115 +739 98 3 886958972 +739 168 1 886958831 +739 172 4 886958938 +739 176 1 886958938 +739 187 4 886959115 +739 195 5 886958939 +739 197 1 886958860 +739 288 1 886825083 +739 301 5 886825529 +739 318 4 886958831 +739 327 5 886825529 +739 333 4 886825227 +739 465 1 886959039 +739 498 4 886958939 +739 526 5 886958895 +739 603 4 886959069 +739 661 2 886958831 +739 749 5 886825529 +739 751 3 886825083 +739 1431 5 886825529 +740 258 3 879522681 +740 269 4 879523187 +740 271 2 879522753 +740 302 5 879523187 +740 326 3 879522814 +740 328 3 879522814 +740 332 3 879522681 +740 340 4 879523187 +740 873 2 879522872 +740 1038 4 879523187 +741 7 3 891040277 +741 15 4 891456573 +741 17 2 891455711 +741 22 5 891018303 +741 25 3 891458428 +741 28 3 891018339 +741 31 3 891455516 +741 38 2 891455832 +741 48 4 891018550 +741 50 5 891018339 +741 56 4 891018303 +741 66 3 891018266 +741 67 3 891457456 +741 70 4 891456573 +741 77 3 891455671 +741 79 4 891455610 +741 82 3 891018400 +741 83 4 891457855 +741 88 4 891457456 +741 92 3 891456427 +741 98 5 891455516 +741 118 1 891455855 +741 121 2 891455766 +741 131 4 891456776 +741 134 5 891455381 +741 151 3 891458539 +741 164 3 891455766 +741 172 5 891018339 +741 173 2 891018366 +741 174 5 891018303 +741 178 5 891018435 +741 180 4 891457855 +741 181 4 891036681 +741 186 5 891455317 +741 194 4 891457242 +741 196 5 891018460 +741 202 3 891455316 +741 204 4 891018266 +741 209 3 891457342 +741 210 3 891455353 +741 215 4 891456615 +741 216 4 891457342 +741 218 4 891455711 +741 226 2 891455711 +741 228 2 891455610 +741 234 4 891455545 +741 239 2 891456040 +741 241 4 891019625 +741 255 3 891458098 +741 265 5 891455735 +741 273 3 891458066 +741 274 4 891019587 +741 275 4 891019587 +741 280 3 891458403 +741 281 2 891455792 +741 283 4 891458250 +741 288 4 891018070 +741 290 3 891457956 +741 313 4 891455095 +741 357 5 891018507 +741 367 2 891457280 +741 393 2 891040490 +741 401 3 891457483 +741 403 5 891456083 +741 423 3 891018339 +741 427 5 891018221 +741 451 3 891457395 +741 475 3 891018152 +741 478 5 891456741 +741 479 5 891456874 +741 480 5 891457855 +741 496 5 891456718 +741 566 4 891455671 +741 582 3 891456156 +741 651 4 891018507 +741 660 3 891040362 +741 673 4 891455671 +741 682 3 891455960 +741 692 1 891019587 +741 696 3 891455901 +741 699 4 891018400 +741 722 3 891457528 +741 724 4 891019625 +741 732 4 891456509 +741 742 4 891455766 +741 781 4 891457424 +741 785 3 891457371 +741 790 3 891457456 +741 815 3 891458647 +741 945 5 891456827 +741 1016 3 891458249 +741 1041 4 891457424 +741 1074 2 891457395 +741 1152 3 891458597 +742 1 4 881335281 +742 7 3 881335492 +742 14 5 881335361 +742 15 4 881335461 +742 24 3 881335248 +742 50 4 881335248 +742 100 5 881335492 +742 124 4 881335461 +742 127 5 881335361 +742 237 4 881335960 +742 282 3 881335857 +742 284 3 881335492 +742 294 3 881005590 +742 475 4 881335492 +742 546 1 881335598 +742 591 4 881335461 +743 9 5 881278061 +743 181 3 881277931 +743 222 4 881277962 +743 242 4 881277267 +743 258 5 881277357 +743 259 3 881277656 +743 269 4 881277267 +743 276 5 881277855 +743 286 3 881277602 +743 289 3 881277357 +743 292 3 881277267 +743 294 2 881277656 +743 298 4 881278061 +743 301 4 881277357 +743 302 5 881277267 +743 303 5 881277357 +743 308 2 881277314 +743 322 3 881277750 +743 326 3 881277656 +743 338 1 881277800 +743 340 3 881277551 +743 408 4 881277931 +743 744 5 881277892 +743 748 4 881277656 +743 879 4 881277656 +744 1 4 881171926 +744 9 3 881170416 +744 23 4 881171420 +744 50 3 881172357 +744 156 4 881170452 +744 174 4 881171421 +744 188 3 881170528 +744 238 4 881170416 +744 276 4 881171907 +744 301 3 881171857 +744 302 5 881171820 +744 307 4 881171839 +744 340 3 881171820 +744 479 5 881171482 +744 481 3 881171420 +744 483 4 881171452 +744 657 5 881170575 +745 1 2 880122809 +745 8 4 880123627 +745 9 4 880122809 +745 10 5 880123905 +745 12 5 880123905 +745 14 3 880122863 +745 20 1 880123905 +745 28 2 880123671 +745 50 2 880122928 +745 64 5 880123905 +745 79 3 880123540 +745 96 4 880123399 +745 98 5 880123905 +745 100 5 880122809 +745 124 5 880122775 +745 125 5 880123069 +745 127 2 880122986 +745 151 2 880122948 +745 168 3 880123671 +745 169 4 880123671 +745 181 2 880122965 +745 182 2 880123314 +745 183 3 880123205 +745 188 3 880123540 +745 194 4 880123262 +745 202 3 880123486 +745 203 3 880123696 +745 204 3 880123335 +745 205 2 880123205 +745 207 2 880123609 +745 222 2 880123126 +745 230 2 880123572 +745 258 5 880122502 +745 275 1 880123905 +745 276 1 880123905 +745 286 1 880123905 +745 302 4 880122475 +745 427 4 880123361 +745 480 3 880123361 +745 483 1 880123361 +745 507 1 880123335 +745 510 3 880123720 +745 515 4 880122863 +745 527 3 880123486 +745 531 3 880123517 +745 603 4 880123243 +745 646 4 880123416 +745 923 3 880123720 +745 936 1 880122907 +745 1126 2 880123572 +746 1 4 885075714 +746 2 3 885075304 +746 8 4 885075539 +746 22 4 885075211 +746 24 4 885075434 +746 38 2 885075476 +746 50 5 885075165 +746 62 3 885075434 +746 64 4 885075790 +746 68 4 885075337 +746 79 5 885075165 +746 82 4 885075337 +746 83 4 885075497 +746 89 4 885075243 +746 121 3 885075337 +746 127 2 885075243 +746 132 4 885075756 +746 135 1 885075655 +746 144 5 885075211 +746 157 4 885075590 +746 161 3 885075304 +746 168 3 885075790 +746 172 5 885075165 +746 174 5 885075243 +746 176 5 885075243 +746 181 5 885075166 +746 183 4 885075165 +746 186 4 885075497 +746 202 5 885075518 +746 204 5 885075539 +746 208 4 885075569 +746 210 5 885075211 +746 222 3 885075267 +746 226 4 885075434 +746 228 4 885075243 +746 229 2 885075399 +746 230 1 885075337 +746 233 4 885075399 +746 265 4 885075399 +746 281 3 885075434 +746 385 5 885075367 +746 399 3 885075211 +746 403 4 885075337 +746 405 2 885075476 +746 423 3 885075612 +746 431 5 885075304 +746 449 1 885075476 +746 455 4 885075304 +746 506 3 885075824 +746 523 3 885075497 +746 550 4 885075367 +746 568 4 885075211 +746 578 4 885075399 +746 597 4 885075304 +746 684 4 885075337 +746 685 3 885075304 +746 720 3 885075399 +747 1 5 888639138 +747 3 2 888733567 +747 4 4 888733111 +747 7 4 888639176 +747 8 5 888639175 +747 9 5 888734012 +747 11 5 888638958 +747 12 4 888639272 +747 13 3 888733348 +747 14 3 888734152 +747 15 4 888639780 +747 17 4 888733387 +747 21 2 888733111 +747 22 3 888640099 +747 26 3 888733314 +747 28 4 888640915 +747 29 1 888734152 +747 30 5 888638913 +747 31 4 888639222 +747 32 5 888639890 +747 39 4 888640684 +747 40 2 888733480 +747 44 2 888639437 +747 47 5 888639939 +747 50 5 888639060 +747 56 5 888639526 +747 58 3 888639594 +747 63 3 888733510 +747 64 5 888639642 +747 69 5 888640475 +747 70 4 888733218 +747 71 5 888639102 +747 73 4 888640305 +747 79 4 888640392 +747 82 4 888639642 +747 83 4 888732571 +747 85 3 888733144 +747 86 5 888638958 +747 87 5 888640222 +747 88 2 888733218 +747 91 5 888640820 +747 93 4 888639685 +747 94 4 888733537 +747 95 3 888639318 +747 96 5 888639397 +747 97 5 888640437 +747 98 5 888639480 +747 99 5 888640524 +747 100 5 888639397 +747 109 5 888733274 +747 111 4 888733480 +747 116 4 888639318 +747 117 2 888639780 +747 124 5 888639138 +747 127 5 888639362 +747 129 5 888639138 +747 132 4 888732640 +747 133 5 888732695 +747 134 5 888640180 +747 135 5 888640437 +747 136 5 888639481 +747 152 3 888640222 +747 153 4 888639989 +747 154 3 888733182 +747 156 3 888639362 +747 162 5 888639594 +747 163 4 888733111 +747 168 4 888639015 +747 169 5 888640305 +747 172 5 888639222 +747 173 3 888640862 +747 174 5 888639138 +747 175 4 888640180 +747 176 4 888638958 +747 178 5 888639939 +747 179 5 888639780 +747 180 5 888639735 +747 181 5 888639014 +747 182 5 888639272 +747 183 5 888732899 +747 185 5 888640437 +747 187 5 888639318 +747 188 5 888639890 +747 189 4 888639272 +747 190 4 888640305 +747 192 5 888639014 +747 194 3 888639222 +747 195 4 888640136 +747 196 2 888640046 +747 199 4 888639102 +747 202 4 888733047 +747 204 5 888732899 +747 205 5 888639102 +747 209 3 888640437 +747 210 4 888639272 +747 211 5 888639014 +747 215 5 888732899 +747 216 2 888639060 +747 222 2 888640180 +747 231 3 888734113 +747 234 5 888640099 +747 235 5 888733444 +747 238 3 888638957 +747 258 2 888638335 +747 262 5 888638242 +747 265 4 888639060 +747 268 5 888638091 +747 269 4 888638183 +747 274 4 888733348 +747 276 5 888639989 +747 279 4 888732571 +747 282 2 888640475 +747 285 5 888732899 +747 286 4 888638335 +747 287 4 888733182 +747 288 4 888638091 +747 290 3 888733144 +747 292 4 888638293 +747 301 1 888638335 +747 302 5 888638091 +747 303 5 888638091 +747 304 4 888638370 +747 305 5 888638183 +747 313 5 888638265 +747 315 4 888638774 +747 316 4 888638552 +747 318 5 888732899 +747 320 5 888732899 +747 327 4 888638425 +747 333 4 888638335 +747 347 5 888638091 +747 357 5 888638876 +747 367 3 888733070 +747 390 4 888640862 +747 392 3 888734178 +747 393 2 888733111 +747 403 5 888734113 +747 404 5 888640648 +747 408 5 888639481 +747 409 1 888733595 +747 416 5 888640916 +747 418 5 888639102 +747 419 5 888640820 +747 423 5 888638958 +747 427 5 888732899 +747 428 3 888640046 +747 429 4 888639823 +747 430 4 888639437 +747 433 3 888733387 +747 443 5 888640136 +747 461 5 888639526 +747 462 5 888639272 +747 463 3 888732695 +747 466 3 888640136 +747 467 4 888639222 +747 473 3 888640305 +747 474 5 888639526 +747 475 5 888639397 +747 476 3 888733595 +747 478 4 888639437 +747 479 5 888732719 +747 480 5 888639060 +747 481 5 888639525 +747 482 5 888639526 +747 483 5 888639318 +747 485 5 888640222 +747 488 5 888640524 +747 492 4 888639060 +747 493 5 888734012 +747 494 5 888639015 +747 496 5 888640136 +747 497 5 888639890 +747 498 5 888639318 +747 500 4 888640222 +747 501 5 888639362 +747 502 5 888733182 +747 504 5 888640605 +747 505 5 888639823 +747 507 3 888639890 +747 508 5 888638876 +747 509 5 888639176 +747 510 5 888639890 +747 511 5 888639138 +747 514 4 888639823 +747 517 5 888734012 +747 519 5 888639989 +747 521 5 888640567 +747 524 5 888640222 +747 525 5 888640684 +747 526 5 888639642 +747 529 5 888640099 +747 530 5 888734041 +747 531 4 888732609 +747 555 2 888734152 +747 558 4 888640046 +747 580 5 888734112 +747 582 5 888639362 +747 584 5 888640524 +747 588 5 888639989 +747 591 2 888640776 +747 596 5 888640437 +747 603 5 888639362 +747 604 5 888638913 +747 606 5 888638958 +747 608 4 888640475 +747 615 5 888640348 +747 625 3 888640648 +747 631 5 888638957 +747 634 5 888639222 +747 639 5 888732899 +747 644 5 888639397 +747 648 5 888734012 +747 649 3 888640916 +747 650 4 888639014 +747 651 5 888640862 +747 653 5 888639939 +747 654 5 888639939 +747 655 3 888639685 +747 659 4 888639175 +747 661 5 888639642 +747 663 5 888733111 +747 664 2 888638876 +747 672 4 888734152 +747 675 2 888640180 +747 693 5 888732899 +747 695 2 888733111 +747 705 5 888639939 +747 715 5 888733274 +747 726 2 888733387 +747 732 3 888639138 +747 735 4 888639735 +747 736 5 888732899 +747 739 3 888734072 +747 783 1 888732921 +747 792 5 888639102 +747 811 3 888639735 +747 835 3 888640180 +747 842 5 888640916 +747 844 4 888640136 +747 845 2 888640046 +747 865 5 888640916 +747 875 3 888638455 +747 887 5 888638335 +747 900 5 888638183 +747 923 5 888639939 +747 929 3 888733218 +747 939 3 888639362 +747 945 4 888639481 +747 949 5 888733182 +747 951 2 888640648 +747 952 2 888733630 +747 959 5 888733144 +747 967 3 888639318 +747 985 2 888732640 +747 989 3 888638508 +747 997 3 888733480 +747 1003 1 888733314 +747 1015 4 888640046 +747 1020 4 888639642 +747 1021 5 888640099 +747 1028 1 888733480 +747 1041 4 888733567 +747 1045 4 888639823 +747 1067 2 888733348 +747 1098 4 888640437 +747 1134 5 888732609 +747 1142 4 888732952 +747 1159 2 888639685 +747 1170 2 888733182 +747 1179 1 888733387 +747 1194 5 888639102 +747 1203 5 888639685 +747 1204 4 888639102 +747 1205 3 888639594 +747 1225 3 888733314 +747 1246 1 888733415 +747 1375 4 888732571 +747 1427 2 888639594 +747 1456 3 888732747 +747 1497 4 888732538 +747 1631 3 888638957 +747 1659 1 888733313 +747 1660 2 888640731 +748 1 4 879455040 +748 4 4 879454912 +748 7 4 879454662 +748 50 5 879454428 +748 56 4 879455083 +748 58 4 879455083 +748 64 4 879454707 +748 69 4 879454849 +748 79 4 879454998 +748 83 3 879455019 +748 86 4 879455126 +748 89 5 879454831 +748 96 5 879454662 +748 97 4 879454848 +748 114 4 879454773 +748 118 2 879455040 +748 132 3 879454998 +748 133 3 879454455 +748 135 4 879454998 +748 137 3 879454958 +748 143 3 879454546 +748 144 4 879454707 +748 153 4 879454930 +748 168 3 879454930 +748 169 4 879454848 +748 172 4 879454810 +748 173 4 879454831 +748 175 5 879455019 +748 176 5 879454773 +748 179 4 879454728 +748 180 4 879454958 +748 181 4 879454455 +748 182 4 879454630 +748 183 4 879454584 +748 186 5 879454498 +748 187 4 879454958 +748 188 4 879455167 +748 189 4 879454749 +748 192 3 879454584 +748 193 3 879454789 +748 194 4 879454773 +748 195 4 879455083 +748 196 3 879454958 +748 197 3 879454630 +748 199 4 879455454 +748 200 3 879454522 +748 204 3 879454662 +748 208 4 879454522 +748 209 4 879454728 +748 210 3 879454584 +748 213 3 879455454 +748 216 4 879454998 +748 222 4 879454707 +748 227 3 879455150 +748 234 4 879454475 +748 237 4 879454880 +748 250 5 879454383 +748 258 5 879454081 +748 271 3 879454302 +748 286 3 879454107 +748 300 4 879454172 +748 318 5 879454475 +748 319 3 879454107 +748 323 4 879454208 +748 326 3 879454171 +748 328 4 879454208 +748 357 3 879454584 +748 402 2 879454476 +748 408 5 879454428 +748 421 4 879454630 +748 425 4 879454773 +748 427 4 879454405 +748 451 1 879455186 +748 474 4 879454475 +748 479 4 879454428 +748 483 4 879455040 +748 495 3 879454687 +748 498 4 879454831 +748 514 4 879454749 +748 515 4 879454662 +748 517 3 879455083 +748 527 5 879454749 +748 588 4 879454497 +748 603 5 879454455 +748 633 4 879454428 +748 647 3 879454602 +748 650 1 879454573 +748 654 4 879454998 +748 655 3 879454879 +748 657 4 879455221 +748 678 2 879454233 +748 692 3 879455410 +748 699 3 879455454 +748 709 4 879454546 +748 710 3 879455410 +748 732 4 879454749 +748 813 4 879454497 +748 847 4 879454546 +749 4 4 878847863 +749 9 3 878846903 +749 11 5 878848189 +749 15 5 878846841 +749 22 5 878847327 +749 23 3 878849176 +749 24 2 878849508 +749 25 4 878846697 +749 31 5 878847209 +749 38 3 878850724 +749 47 4 878848098 +749 48 3 878848015 +749 50 5 878846978 +749 58 3 878847988 +749 62 3 878849052 +749 64 4 878847171 +749 66 3 878849433 +749 67 1 878850588 +749 68 4 878849612 +749 69 5 878847576 +749 71 4 878847576 +749 72 3 878850388 +749 73 4 878849586 +749 77 3 878849534 +749 78 3 878850632 +749 79 4 878848069 +749 80 1 878850533 +749 82 5 878848405 +749 85 4 878849259 +749 86 4 878848369 +749 87 4 878849558 +749 88 4 878849534 +749 89 4 878848098 +749 94 5 878849829 +749 95 3 878848333 +749 96 5 878847498 +749 98 5 878847404 +749 99 5 878847804 +749 100 3 878849052 +749 101 4 878848700 +749 105 1 878849508 +749 110 2 878850703 +749 111 3 878848405 +749 117 4 878846654 +749 118 3 878846841 +749 121 3 878847645 +749 127 4 881073104 +749 132 4 878847926 +749 133 4 878849052 +749 134 4 878847286 +749 135 4 878848189 +749 136 5 878849404 +749 139 4 878850084 +749 140 3 878847673 +749 141 4 878848217 +749 143 4 878847926 +749 144 5 878847835 +749 145 4 878849433 +749 148 3 878850212 +749 151 5 878846783 +749 153 4 878848828 +749 154 5 878847988 +749 155 2 878849829 +749 157 3 878847364 +749 158 3 878849903 +749 159 4 878849956 +749 160 3 878847461 +749 161 3 878847461 +749 162 3 878848333 +749 164 3 878848866 +749 167 2 878848701 +749 168 5 878847765 +749 172 5 878847239 +749 173 5 878847740 +749 174 5 878847209 +749 175 3 878847576 +749 176 4 878847954 +749 178 4 878847540 +749 179 4 878848015 +749 180 4 878848483 +749 181 5 878846998 +749 182 3 878848639 +749 183 5 878847286 +749 184 2 878848137 +749 185 4 878847740 +749 186 4 878847862 +749 187 3 881073104 +749 188 3 878848302 +749 191 4 878848217 +749 194 5 878847541 +749 195 5 878848639 +749 196 4 878848302 +749 197 4 878848044 +749 199 5 878847171 +749 200 4 878848302 +749 202 5 878847461 +749 203 4 878848639 +749 204 4 878847576 +749 205 4 878847804 +749 208 5 878848044 +749 209 4 878848828 +749 210 4 878848587 +749 211 5 878847887 +749 214 3 878849177 +749 215 4 878847172 +749 216 4 878848137 +749 222 3 878847716 +749 223 4 881602704 +749 226 4 878848533 +749 227 4 878848189 +749 228 5 878848828 +749 229 3 878849482 +749 230 3 878848272 +749 231 4 878849660 +749 232 4 878848483 +749 233 5 878849286 +749 234 4 878848044 +749 237 3 878846782 +749 238 3 878847863 +749 239 4 878849286 +749 240 1 878850656 +749 245 4 878846423 +749 250 3 878846978 +749 254 2 881602674 +749 257 3 878846957 +749 258 4 878846265 +749 271 5 879788762 +749 273 4 878848243 +749 280 4 878847835 +749 284 4 878846812 +749 291 4 878848137 +749 292 4 878846384 +749 293 4 878846783 +749 294 2 878846265 +749 295 3 881602635 +749 298 4 879788916 +749 300 4 878846365 +749 322 4 878846422 +749 326 4 878846365 +749 328 4 878846422 +749 356 4 878847804 +749 357 4 878847862 +749 358 3 878846422 +749 365 3 878848951 +749 378 5 878847612 +749 380 3 878849586 +749 385 3 878848272 +749 389 3 878849375 +749 391 3 878849149 +749 393 5 878849903 +749 398 3 878850038 +749 401 1 878850015 +749 402 4 878849829 +749 403 4 878849903 +749 404 5 878847673 +749 405 2 878848673 +749 406 4 881072892 +749 414 4 878848189 +749 418 5 878847498 +749 419 5 878847765 +749 420 4 878849682 +749 423 4 878847645 +749 428 3 878849534 +749 429 4 878847461 +749 430 4 878847926 +749 431 5 878848069 +749 433 3 878848217 +749 434 4 878848369 +749 435 4 878847888 +749 443 4 878847954 +749 444 2 878850632 +749 448 2 878847645 +749 449 3 878850610 +749 465 4 878847716 +749 468 3 878848333 +749 470 5 878849259 +749 472 4 878849149 +749 477 3 878848405 +749 478 5 878847328 +749 480 5 878847328 +749 483 4 878847540 +749 484 5 881073043 +749 485 4 878848097 +749 495 4 878847612 +749 496 5 878847673 +749 498 4 878847926 +749 501 4 878847209 +749 510 4 878847404 +749 511 4 878847286 +749 521 4 878847765 +749 523 4 878847285 +749 526 5 878847804 +749 527 4 878847364 +749 531 5 878847171 +749 540 3 878850388 +749 541 3 878850825 +749 546 3 878849857 +749 549 3 878847926 +749 550 4 878850212 +749 554 3 878849612 +749 566 3 878849857 +749 568 4 878848098 +749 571 3 878850456 +749 576 3 878850533 +749 578 3 878850429 +749 584 3 878848483 +749 586 4 878850657 +749 595 4 878850107 +749 603 5 878847804 +749 609 4 881073104 +749 616 3 878848612 +749 620 4 882804506 +749 621 3 878848795 +749 622 3 878850675 +749 625 3 878848430 +749 627 2 878848951 +749 628 4 878846903 +749 633 4 878848764 +749 635 1 878850703 +749 636 4 878849929 +749 637 1 878850456 +749 642 2 878848137 +749 650 3 878848189 +749 655 5 878848044 +749 658 4 878849404 +749 659 5 878847611 +749 661 5 878847576 +749 678 2 878846423 +749 685 4 878848137 +749 686 4 878850429 +749 705 4 878847612 +749 712 3 878849375 +749 729 4 878848015 +749 731 3 878848828 +749 732 4 878848452 +749 735 5 878847716 +749 736 3 878847988 +749 739 3 878848558 +749 740 3 878847716 +749 742 4 878849375 +749 746 5 878848764 +749 748 3 878846384 +749 755 4 878848866 +749 763 1 878848483 +749 780 1 878849682 +749 781 4 878849979 +749 802 3 878850789 +749 808 3 878849929 +749 809 3 878848673 +749 812 3 878849586 +749 821 3 878847328 +749 823 3 878850060 +749 826 3 878850038 +749 833 2 878850565 +749 837 5 878848587 +749 841 3 878850768 +749 843 3 878848998 +749 845 3 878848189 +749 866 3 878848639 +749 879 4 878846449 +749 930 3 878849558 +749 932 3 878850333 +749 934 3 878850333 +749 941 5 878849877 +749 944 4 878849482 +749 951 4 878848533 +749 968 3 878850186 +749 969 4 878848243 +749 975 4 878848369 +749 977 4 878850502 +749 984 3 881073009 +749 986 3 878850107 +749 1013 1 881073081 +749 1016 5 878846958 +749 1023 3 881073104 +749 1028 4 878849149 +749 1034 2 878850656 +749 1041 4 878849979 +749 1047 3 878849740 +749 1051 3 878846676 +749 1088 2 881602596 +749 1089 3 882804586 +749 1092 3 878850703 +749 1133 2 878850084 +749 1136 4 878847804 +749 1139 3 878850084 +749 1185 4 878849375 +749 1188 3 878850610 +749 1228 4 878850748 +749 1244 3 878847101 +749 1263 2 878850533 +749 1274 2 878850212 +749 1337 3 882804605 +749 1440 3 878849534 +749 1615 4 878847076 +750 245 3 879446215 +750 258 3 879445755 +750 288 4 879445808 +750 303 4 879445911 +750 304 4 879446013 +750 305 4 879445877 +750 322 2 879445877 +750 323 3 879445877 +750 325 1 879446215 +750 327 4 879446013 +750 328 4 879445808 +750 338 3 879445961 +750 358 3 879446216 +750 683 1 879445911 +750 688 1 879446013 +750 748 3 879446013 +750 749 3 879446271 +750 873 3 879446013 +750 876 2 879446014 +750 879 4 879445961 +750 881 2 879446114 +750 886 3 879446114 +750 1280 1 879445877 +751 1 3 889132162 +751 2 4 889298116 +751 3 3 889299391 +751 7 3 889132251 +751 11 1 889133177 +751 21 5 889298093 +751 25 5 889132252 +751 28 5 889133064 +751 42 5 889133429 +751 50 5 889132162 +751 52 2 889297948 +751 55 4 889134419 +751 56 4 889132775 +751 62 4 889298660 +751 70 4 889297870 +751 79 4 889132776 +751 82 4 889133334 +751 83 5 889134705 +751 85 3 889297767 +751 87 5 889297927 +751 88 4 889298660 +751 89 3 889132966 +751 90 3 889298528 +751 91 4 889134705 +751 94 3 889298964 +751 95 5 889134419 +751 96 4 889133154 +751 98 5 889134186 +751 99 4 889134483 +751 100 4 889132252 +751 101 4 889298622 +751 111 3 889132657 +751 117 4 889132269 +751 118 2 889298074 +751 121 4 889135401 +751 131 5 889132966 +751 142 4 889299175 +751 143 5 889133882 +751 144 4 889133219 +751 153 4 889133240 +751 154 3 888871900 +751 161 2 889134419 +751 168 5 888871900 +751 172 5 889133129 +751 173 4 889134393 +751 174 4 889133012 +751 179 4 889298074 +751 181 5 889132397 +751 193 5 889133556 +751 194 5 889297693 +751 196 4 889133039 +751 197 3 889296961 +751 202 4 889133129 +751 204 4 889133950 +751 209 4 889133377 +751 210 5 889133106 +751 213 5 889132808 +751 214 4 889298463 +751 215 4 889133334 +751 216 4 889133602 +751 226 3 889134237 +751 227 4 889298892 +751 237 2 889132301 +751 238 3 889297524 +751 239 4 889134237 +751 257 4 889132542 +751 269 5 888871900 +751 270 4 887134730 +751 272 4 887134672 +751 274 4 889298694 +751 291 3 889299155 +751 300 2 887134622 +751 302 4 888870893 +751 310 3 887134816 +751 313 2 889727869 +751 315 3 887134587 +751 323 1 888871598 +751 332 3 887134842 +751 347 4 887134587 +751 367 4 889133950 +751 372 3 889297990 +751 380 3 889298548 +751 381 1 889134419 +751 382 3 889298463 +751 385 4 889135244 +751 386 3 889299078 +751 394 4 889297640 +751 399 3 889298912 +751 402 3 889298216 +751 405 3 889298528 +751 417 2 889297615 +751 419 4 889134533 +751 428 4 889297239 +751 431 4 889134705 +751 432 4 889134420 +751 433 3 889134186 +751 434 4 889297670 +751 436 4 889135879 +751 479 2 889132776 +751 480 4 889133129 +751 481 4 889133684 +751 483 5 889132849 +751 484 3 889134483 +751 485 4 889134483 +751 486 3 889133737 +751 490 4 889133429 +751 494 4 889133556 +751 497 4 889134393 +751 537 4 889134006 +751 538 4 887134672 +751 558 3 889298216 +751 559 4 889298622 +751 578 4 889298174 +751 588 5 889133291 +751 591 1 889132375 +751 596 4 889133852 +751 597 2 889299290 +751 603 4 889132776 +751 631 5 889297711 +751 652 4 889133951 +751 655 3 889133377 +751 658 3 889133106 +751 659 5 889133012 +751 660 4 889297990 +751 689 2 888871738 +751 704 2 889133429 +751 708 4 889298140 +751 709 4 889132929 +751 710 3 889298051 +751 734 1 889299637 +751 735 4 889134332 +751 736 5 889134533 +751 737 4 889298945 +751 738 4 889299733 +751 739 3 889133556 +751 742 3 889132347 +751 746 4 889133219 +751 748 2 887135437 +751 751 4 887396425 +751 755 4 889298116 +751 756 2 889299249 +751 778 3 889297178 +751 785 4 889298010 +751 809 3 889299429 +751 849 2 889299133 +751 856 2 889134393 +751 865 2 889135211 +751 916 1 893113145 +751 917 2 892486699 +751 945 3 889133852 +751 1007 4 889132222 +751 1011 4 889132599 +751 1035 2 889298585 +751 1078 3 889299290 +751 1101 1 889298379 +751 1140 2 889299503 +751 1446 2 889298694 +751 1661 1 889299429 +752 258 3 891207898 +752 259 5 891208451 +752 260 3 891208261 +752 268 2 891208036 +752 269 5 891208451 +752 270 4 891208077 +752 289 1 891208299 +752 294 3 891208261 +752 301 4 891208077 +752 302 5 891208451 +752 305 4 891207940 +752 306 5 891208451 +752 307 5 891208451 +752 311 3 891207983 +752 315 2 891207791 +752 316 3 891208329 +752 321 3 891208212 +752 322 1 891208261 +752 323 1 891208261 +752 325 2 891208126 +752 326 1 891208299 +752 327 5 891208451 +752 331 4 891208036 +752 332 4 891208170 +752 333 3 891207791 +752 338 3 891208329 +752 344 4 891208212 +752 345 1 891207898 +752 346 4 891207983 +752 347 4 891207846 +752 348 4 891208213 +752 350 4 891208357 +752 351 3 891207898 +752 354 2 891208261 +752 355 2 891208036 +752 358 4 891208452 +752 539 4 891208357 +752 589 4 891208491 +752 621 1 891208491 +752 678 3 891208299 +752 683 4 891208299 +752 690 4 891208170 +752 750 2 891207791 +752 751 4 891208212 +752 752 3 891208213 +752 882 4 891207846 +752 887 1 891207846 +752 900 4 891207791 +752 902 5 891208452 +752 904 4 891207845 +752 905 2 891207940 +752 909 3 891208036 +752 995 4 891208261 +752 1024 3 891207940 +752 1105 3 891207983 +752 1127 3 891208170 +752 1176 2 891208170 +752 1243 4 891207939 +752 1265 3 891208126 +752 1279 3 891208491 +752 1294 3 891207898 +752 1463 4 891208261 +752 1527 1 891208077 +753 22 4 891401798 +753 23 2 891401665 +753 50 4 891401902 +753 64 4 891402379 +753 69 4 891401851 +753 71 5 891401457 +753 89 3 891402240 +753 98 5 891401366 +753 134 4 891402323 +753 172 3 891401510 +753 173 5 891401757 +753 174 4 891402323 +753 179 2 891401410 +753 180 2 891401712 +753 181 3 891402240 +753 183 1 891401798 +753 185 3 891401410 +753 187 3 891401851 +753 193 4 891401366 +753 194 4 891401757 +753 195 1 891401851 +753 199 5 891401510 +753 211 4 891402240 +753 215 5 891402272 +753 242 4 891399477 +753 269 5 891399367 +753 272 4 891399135 +753 286 3 891399477 +753 294 5 891399737 +753 300 1 891401167 +753 304 4 891399686 +753 313 5 891399135 +753 316 4 891399903 +753 322 3 891401167 +753 328 3 891401167 +753 347 2 891401167 +753 357 4 891401901 +753 427 5 891401712 +753 435 4 891401712 +753 462 4 891401510 +753 499 3 891402323 +753 504 3 891401457 +753 523 4 891401851 +753 527 4 891401510 +753 653 4 891401851 +753 657 5 891401665 +753 750 2 891401167 +754 15 5 879451743 +754 117 4 879451626 +754 118 2 879451775 +754 127 4 879451420 +754 237 3 879451805 +754 243 1 879451163 +754 273 3 879451516 +754 276 5 879451841 +754 282 4 879451804 +754 286 3 879450947 +754 291 4 879451991 +754 292 3 879451958 +754 293 4 879451466 +754 295 4 879451626 +754 307 3 879451191 +754 328 3 879450984 +754 340 2 879451010 +754 359 3 879451299 +754 459 4 879451805 +754 477 5 879451775 +754 595 2 879452073 +754 922 3 879452073 +754 1016 4 879451585 +754 1197 3 879451841 +755 245 4 882569881 +755 258 5 882569732 +755 264 2 882570077 +755 271 1 882570023 +755 286 5 882569670 +755 288 1 882569771 +755 289 1 882569912 +755 299 2 882569732 +755 300 4 882569574 +755 301 3 882569771 +755 310 4 882569604 +755 311 4 882569771 +755 322 3 882569912 +755 323 4 882570077 +755 327 2 882569801 +755 328 4 882569881 +755 331 3 882569771 +755 340 1 882569732 +755 538 4 882570023 +755 688 3 882570077 +755 748 4 882570141 +755 872 1 882569844 +755 879 4 882569844 +755 880 4 882569732 +755 881 1 882569732 +755 887 3 882569845 +755 937 4 882569604 +755 938 3 882570023 +756 1 4 874826629 +756 3 1 874829174 +756 8 4 874827755 +756 9 2 874828453 +756 22 3 874828592 +756 30 4 874827283 +756 50 4 874828592 +756 53 3 874830432 +756 55 5 875129318 +756 66 4 874829705 +756 71 3 874828391 +756 79 4 874829990 +756 82 3 874830748 +756 88 1 874829743 +756 89 4 874828769 +756 91 3 874830954 +756 92 3 874828027 +756 95 3 874829258 +756 96 4 874828640 +756 97 3 874829484 +756 100 5 874831383 +756 111 4 874829670 +756 118 2 874828967 +756 121 3 874829152 +756 122 1 874831227 +756 123 2 874830344 +756 135 2 874827884 +756 138 2 874830864 +756 141 3 874831227 +756 143 5 874831383 +756 147 4 874828826 +756 151 4 874830550 +756 155 4 874829637 +756 159 4 874829924 +756 161 3 874831194 +756 171 4 874827062 +756 173 3 874826565 +756 176 4 874828826 +756 181 4 874831383 +756 183 4 874831383 +756 195 3 874828967 +756 197 2 874829446 +756 210 4 874828902 +756 222 2 874828967 +756 225 1 874830864 +756 226 3 874830103 +756 228 3 874828640 +756 230 3 874829010 +756 234 3 874829924 +756 235 3 874827755 +756 245 3 874832096 +756 251 4 875129238 +756 256 4 874827486 +756 258 3 874826502 +756 274 3 874829637 +756 275 3 874827103 +756 289 4 874828027 +756 300 4 874826502 +756 323 3 874832096 +756 325 3 874832132 +756 383 3 874831050 +756 399 2 874828967 +756 402 4 874831383 +756 403 2 874828826 +756 409 2 874830998 +756 418 3 874829333 +756 419 3 874830513 +756 420 4 874829373 +756 421 4 874829637 +756 423 3 874830675 +756 432 4 874829258 +756 435 3 874832788 +756 473 3 874829296 +756 501 3 874829296 +756 554 1 874829152 +756 566 4 874830168 +756 568 3 874828903 +756 588 4 874829258 +756 591 4 874829924 +756 622 3 874830790 +756 642 2 874829924 +756 731 3 874827920 +756 739 4 874829743 +756 742 3 874830026 +756 753 2 874832788 +756 755 3 874830598 +756 860 1 874830068 +756 919 5 874831383 +756 930 3 874830344 +756 983 2 874830305 +756 1009 4 874827247 +756 1031 2 874830819 +756 1060 4 874831383 +756 1074 4 874831383 +756 1119 4 874828349 +756 1149 5 874827023 +756 1240 4 874829333 +756 1274 2 874828278 +756 1652 1 874828198 +757 1 4 888443974 +757 2 3 888466490 +757 4 5 888466461 +757 11 4 888466583 +757 17 3 888466490 +757 22 4 888466407 +757 24 4 888444616 +757 27 4 888466683 +757 28 3 888467794 +757 29 2 888466683 +757 31 4 888445570 +757 38 3 888467038 +757 50 4 888444056 +757 53 3 888466737 +757 56 4 888445279 +757 58 3 888467592 +757 62 3 888466758 +757 64 5 888445298 +757 68 4 888466435 +757 69 3 888445768 +757 79 4 888445750 +757 82 4 888466490 +757 89 4 888445279 +757 91 4 888467309 +757 95 4 888467270 +757 96 4 888466461 +757 97 4 888445714 +757 98 4 888445767 +757 101 4 888467309 +757 117 4 888444181 +757 118 3 888444920 +757 121 2 888444635 +757 122 1 888445218 +757 125 2 888467666 +757 128 3 888466490 +757 129 3 888444400 +757 143 3 888468693 +757 144 4 888466490 +757 145 3 888467442 +757 148 4 888444948 +757 151 4 888444684 +757 153 3 888468995 +757 155 2 888469095 +757 156 3 888445551 +757 157 3 888467855 +757 164 3 888445684 +757 168 4 888468756 +757 172 4 888445587 +757 173 4 888445604 +757 174 5 888445637 +757 175 3 888445551 +757 176 5 888445730 +757 179 4 888467855 +757 181 3 888444314 +757 183 4 888445864 +757 188 3 888466614 +757 193 4 888445521 +757 195 4 888445802 +757 198 4 888445864 +757 202 4 888445730 +757 203 5 888445521 +757 204 4 888468577 +757 205 4 888467498 +757 206 4 888445683 +757 207 2 888468632 +757 210 4 888445570 +757 217 3 888467381 +757 222 4 888444400 +757 227 4 888466652 +757 228 4 888466461 +757 229 3 888466652 +757 230 4 888466614 +757 231 2 888466614 +757 232 3 888466435 +757 233 3 888467038 +757 235 3 888444935 +757 241 3 888466863 +757 248 4 888444209 +757 250 4 888444088 +757 252 3 888444827 +757 254 2 888445172 +757 257 4 888444400 +757 258 5 888443306 +757 260 3 888443511 +757 265 3 888466614 +757 270 3 888443434 +757 271 3 888443307 +757 276 4 888444181 +757 288 4 888443307 +757 298 4 888444208 +757 313 3 888443263 +757 323 3 888443483 +757 326 3 888443434 +757 328 3 888469286 +757 333 4 888443263 +757 343 3 888443555 +757 350 3 888443511 +757 358 3 888443570 +757 385 3 888468596 +757 403 4 888466461 +757 405 4 888444583 +757 423 3 888445279 +757 426 3 888467270 +757 431 4 888466584 +757 432 3 888467269 +757 433 4 888445684 +757 449 3 888466782 +757 450 2 888467205 +757 455 3 888445035 +757 470 3 888467016 +757 471 4 888444738 +757 472 3 888445086 +757 474 3 888469045 +757 515 5 888444007 +757 546 3 888444881 +757 549 5 888468540 +757 550 3 888445820 +757 554 3 888466683 +757 559 4 888467400 +757 561 2 888467380 +757 562 3 888466737 +757 566 3 888466490 +757 568 4 888466490 +757 570 3 888466683 +757 574 3 888467187 +757 576 3 888469012 +757 588 3 888467286 +757 638 3 888468871 +757 658 2 888467765 +757 665 3 888466652 +757 678 2 888443531 +757 679 4 888466583 +757 684 4 888445864 +757 685 3 888444684 +757 693 4 888467498 +757 732 3 888467829 +757 742 4 888444563 +757 743 2 888445172 +757 746 3 888468435 +757 751 3 888443398 +757 809 4 888466758 +757 825 3 888444865 +757 827 3 888466758 +757 895 4 888443483 +757 931 2 888445150 +757 939 4 888467498 +757 969 3 888468741 +757 1014 3 888444827 +757 1016 3 888444563 +757 1035 2 888469113 +757 1073 4 888466983 +757 1090 2 888467187 +757 1188 3 888466651 +757 1210 2 888467187 +757 1240 3 888445820 +757 1273 2 888467187 +758 4 4 881977375 +758 6 2 881976919 +758 7 5 881975243 +758 8 5 881975577 +758 11 3 881975289 +758 12 5 881975243 +758 13 5 881977205 +758 14 5 883287566 +758 20 4 881976574 +758 23 4 881975814 +758 24 4 881979891 +758 25 4 881977669 +758 26 4 881977108 +758 28 4 881975990 +758 29 3 882054935 +758 31 3 881977872 +758 33 4 881976335 +758 38 3 881980408 +758 39 2 881974931 +758 43 3 881977747 +758 50 4 884999132 +758 53 4 882053613 +758 56 5 881976031 +758 58 4 881977169 +758 61 3 881976289 +758 62 2 881978368 +758 64 5 881974931 +758 66 3 881977169 +758 68 3 881977265 +758 69 5 881976233 +758 76 3 881977265 +758 77 3 882054049 +758 79 4 881976061 +758 81 5 881975815 +758 82 4 881976168 +758 88 4 881979942 +758 91 4 881977375 +758 93 5 881975922 +758 95 3 881977057 +758 96 5 881976985 +758 98 5 881976289 +758 99 3 882052960 +758 100 5 881975119 +758 105 2 882054936 +758 108 5 881978148 +758 109 3 881975687 +758 116 5 881976289 +758 117 4 881976203 +758 118 2 881978326 +758 121 2 881978864 +758 122 4 881980408 +758 123 1 881977872 +758 124 5 884999132 +758 125 2 881977205 +758 128 4 881977625 +758 129 4 881975962 +758 131 3 881975243 +758 134 5 881975005 +758 137 5 881975539 +758 139 4 882053834 +758 141 4 881977533 +758 143 5 881975314 +758 144 4 881975267 +758 147 4 881977021 +758 150 5 881975243 +758 151 5 881975814 +758 152 5 881975853 +758 153 5 881976377 +758 154 5 881975267 +758 155 1 882054226 +758 159 3 881977408 +758 163 5 881976089 +758 168 5 881975416 +758 170 5 881976233 +758 171 5 881976262 +758 172 4 881974880 +758 173 5 881975182 +758 174 5 881975005 +758 175 4 881976061 +758 176 5 882055987 +758 177 5 881974823 +758 179 5 881976031 +758 181 4 880672747 +758 183 5 882055987 +758 184 5 881974823 +758 185 4 881975182 +758 186 5 881974931 +758 191 5 881975853 +758 192 4 882053053 +758 195 5 881975416 +758 196 4 881977229 +758 197 3 881975687 +758 199 4 881975687 +758 200 5 881977229 +758 202 5 881976821 +758 203 5 881978016 +758 204 4 881975787 +758 208 4 881978148 +758 209 5 881975118 +758 210 4 882053302 +758 211 4 881975736 +758 212 4 881976919 +758 213 5 881976377 +758 216 4 881974931 +758 217 2 881978805 +758 218 4 881977487 +758 221 3 881976335 +758 222 4 884999132 +758 223 5 881975119 +758 224 4 881975922 +758 227 4 884999133 +758 228 3 881977021 +758 229 3 881978057 +758 230 4 884999132 +758 231 3 881979012 +758 234 4 881974823 +758 236 4 881974742 +758 237 4 881976377 +758 238 5 881975538 +758 239 3 881976574 +758 240 3 882053986 +758 241 3 881977109 +758 242 3 880672230 +758 248 4 880672747 +758 249 4 880672782 +758 250 4 880672766 +758 252 3 880672830 +758 253 5 880672855 +758 257 5 880672700 +758 262 5 880672257 +758 269 4 880672230 +758 270 4 889062124 +758 271 4 884999132 +758 273 4 881977714 +758 276 2 881976574 +758 282 3 881977488 +758 285 5 881974823 +758 286 5 880672230 +758 287 5 881975182 +758 288 4 882056007 +758 289 2 880672402 +758 290 5 881978495 +758 291 4 881978115 +758 292 4 880672402 +758 293 3 880672727 +758 294 5 880672523 +758 297 4 880672700 +758 300 2 880672402 +758 301 3 880672427 +758 302 5 882848498 +758 303 4 880672321 +758 305 4 880672257 +758 307 3 880672345 +758 310 3 880672402 +758 311 4 880672321 +758 312 3 883190351 +758 313 4 882926095 +758 315 5 883793836 +758 316 5 888020827 +758 319 4 880672321 +758 320 5 881976061 +758 324 5 880672230 +758 328 1 880672321 +758 331 4 882322862 +758 332 4 886464043 +758 338 4 881295151 +758 340 3 880672345 +758 342 4 881295151 +758 343 2 882055987 +758 344 3 888715390 +758 345 5 883806413 +758 346 2 883099368 +758 350 4 885016523 +758 352 4 885948283 +758 353 4 886743253 +758 355 4 888461050 +758 356 2 881977872 +758 362 5 888020763 +758 364 4 882055394 +758 373 4 882055347 +758 380 4 884999133 +758 384 5 881979788 +758 385 4 881974742 +758 386 3 881978259 +758 387 2 881978495 +758 388 3 882055289 +758 391 3 881980386 +758 393 4 881979012 +758 405 4 881978635 +758 411 4 881978115 +758 412 5 882054797 +758 414 4 881977487 +758 419 4 881974639 +758 420 3 882053499 +758 421 4 881975814 +758 425 5 881977337 +758 427 4 881974742 +758 428 4 881976745 +758 430 5 881975503 +758 431 3 881977309 +758 433 5 881976820 +758 434 3 881976233 +758 435 5 881975853 +758 436 3 881978572 +758 441 3 882054797 +758 447 4 881977487 +758 448 4 881978805 +758 452 3 882054468 +758 455 4 881977309 +758 462 4 881975687 +758 471 3 881975472 +758 474 5 881976089 +758 475 5 881977205 +758 479 5 881975539 +758 480 5 881975213 +758 481 5 881976031 +758 482 5 881975922 +758 483 5 881975577 +758 484 5 881975814 +758 488 3 881976262 +758 489 5 881975687 +758 496 3 881976031 +758 502 4 881978864 +758 505 5 881979012 +758 506 3 881975061 +758 508 4 881975962 +758 509 5 881975213 +758 510 3 881974823 +758 512 5 881975416 +758 514 5 881974823 +758 520 5 881976089 +758 526 4 882052744 +758 527 5 881977169 +758 529 4 881979609 +758 531 5 881975061 +758 533 4 882055948 +758 536 2 880672747 +758 540 3 882054637 +758 541 4 881977747 +758 542 2 881978495 +758 546 3 882053613 +758 547 5 881975472 +758 550 4 881978115 +758 554 3 882055007 +758 566 4 881977488 +758 567 4 881978016 +758 568 4 881977669 +758 569 3 881978460 +758 571 4 882054936 +758 576 4 882055054 +758 578 4 881977872 +758 580 4 881974880 +758 582 3 881974823 +758 603 5 881976262 +758 605 3 881977057 +758 607 5 881976032 +758 608 5 881975182 +758 616 4 881976377 +758 619 4 881977205 +758 628 4 881977714 +758 629 4 881978715 +758 634 5 881975922 +758 640 5 881975119 +758 650 5 881979419 +758 652 5 881975853 +758 653 3 881975922 +758 654 4 881975061 +758 656 5 881976032 +758 657 5 881975213 +758 665 2 882055988 +758 676 2 881977428 +758 684 4 881977872 +758 685 5 881979987 +758 686 3 881974823 +758 687 3 881295189 +758 689 1 881295176 +758 705 5 881976203 +758 713 3 881977533 +758 715 4 881977057 +758 716 2 881978864 +758 722 3 881980408 +758 732 4 881977057 +758 735 5 881976855 +758 737 3 881978864 +758 742 4 881976168 +758 746 4 881976746 +758 748 1 880672522 +758 750 2 883518021 +758 751 4 882597651 +758 752 3 887086705 +758 764 1 882054519 +758 765 2 881980315 +758 780 5 882054468 +758 790 4 881978115 +758 802 3 881978572 +758 810 3 881980195 +758 820 4 882054112 +758 826 3 882054854 +758 827 3 882055257 +758 831 4 882054415 +758 837 4 881976377 +758 841 3 882055193 +758 864 4 882053726 +758 865 4 881975005 +758 887 5 882322840 +758 889 3 889038958 +758 890 3 880672552 +758 892 2 883190434 +758 895 4 883190310 +758 896 5 886658068 +758 898 3 883287566 +758 902 4 889328320 +758 919 5 881976262 +758 922 5 881980034 +758 955 2 881977021 +758 959 3 881978864 +758 968 5 881976746 +758 977 2 882055347 +758 997 4 881979969 +758 1001 5 882055227 +758 1007 5 880672727 +758 1012 4 880672727 +758 1016 4 880672855 +758 1019 4 881975736 +758 1022 5 885698979 +758 1023 4 880672855 +758 1025 3 881295176 +758 1034 4 882054415 +758 1039 5 881975787 +758 1046 4 881978767 +758 1047 3 882054250 +758 1052 5 882055497 +758 1074 1 882054297 +758 1085 5 881975503 +758 1088 3 880672830 +758 1090 1 882055460 +758 1098 5 881976746 +758 1111 4 881977375 +758 1135 2 881980034 +758 1142 5 880672766 +758 1143 5 880672637 +758 1159 5 881974639 +758 1244 3 881713279 +758 1283 4 880672876 +758 1292 1 880672876 +758 1501 3 881978258 +758 1527 3 888039070 +759 24 3 875227904 +759 50 4 881476824 +759 118 5 875227954 +759 127 2 875227798 +759 181 5 875227798 +759 220 5 875227904 +759 222 5 881476922 +759 237 3 881476891 +759 245 3 881476616 +759 257 4 881476824 +759 275 4 875227858 +759 281 4 881476991 +759 294 5 875227708 +759 323 4 875227724 +759 328 5 881476590 +759 405 4 881476969 +759 471 4 881476969 +759 591 3 881476891 +759 748 4 875227708 +759 756 4 875227922 +759 937 4 881476756 +759 984 2 881476642 +760 25 2 875666317 +760 50 3 875666268 +760 66 2 875668932 +760 71 4 875668080 +760 98 3 875667717 +760 111 4 875666242 +760 120 1 875669077 +760 125 4 875666242 +760 162 3 875668418 +760 172 3 875667294 +760 195 4 875668535 +760 204 4 875668105 +760 237 3 875666179 +760 255 3 875666375 +760 258 5 875665793 +760 288 4 875665867 +760 300 1 875665867 +760 365 5 875668737 +760 375 4 875669114 +760 451 5 875668781 +760 631 3 875668368 +760 682 3 878530117 +760 739 4 875668888 +760 748 4 875665867 +760 776 5 875667247 +760 841 3 875666421 +760 845 5 875666110 +760 873 4 875665908 +760 928 1 875666242 +760 1037 5 875668781 +760 1135 4 875668968 +761 1 1 876190094 +761 7 4 876190206 +761 9 2 876190235 +761 15 5 876190314 +761 50 5 876189795 +761 117 5 876190314 +761 123 3 876190160 +761 125 4 876190798 +761 127 3 876190025 +761 151 2 876190394 +761 181 5 876190072 +761 201 2 876190511 +761 205 4 876190511 +761 222 4 876190025 +761 235 3 876190182 +761 237 5 876190417 +761 243 3 876189749 +761 245 5 876189715 +761 258 4 876189585 +761 261 1 876189871 +761 263 1 876189950 +761 275 4 876190130 +761 282 4 876190752 +761 283 4 876190160 +761 288 4 876189614 +761 291 3 876190770 +761 293 4 876190130 +761 295 4 876190130 +761 326 1 876189715 +761 358 3 876189689 +761 402 3 876189829 +761 426 1 876190510 +761 455 2 876190439 +761 457 1 876189950 +761 458 1 876190623 +761 471 3 876190336 +761 476 2 876190468 +761 477 1 876190235 +761 508 1 876190206 +761 628 4 876190689 +761 688 2 876189913 +761 742 2 876190370 +761 748 4 876189614 +761 840 4 876190753 +761 864 4 876190336 +761 877 2 876189931 +761 988 1 876189715 +761 1012 1 876190417 +761 1014 1 876190256 +761 1152 2 876190623 +761 1157 5 876189775 +761 1163 2 876190752 +761 1272 1 876190160 +761 1277 1 876190752 +761 1287 1 876190072 +761 1558 1 876190511 +762 111 2 878719371 +762 246 1 878719294 +762 256 3 878719448 +762 270 4 878718855 +762 286 4 878718810 +762 332 1 878718996 +762 421 4 878719594 +762 709 3 878719594 +762 749 1 878718996 +762 815 1 878719406 +762 934 1 878719406 +763 4 5 878917877 +763 5 4 878920895 +763 11 4 878918333 +763 12 5 878918486 +763 13 3 878919116 +763 16 5 878918332 +763 22 4 878921853 +763 25 4 878922982 +763 26 4 878919055 +763 39 4 878918360 +763 47 3 878915692 +763 50 4 878914968 +763 55 4 878917384 +763 56 5 878919116 +763 59 5 878915765 +763 60 5 878914968 +763 61 5 878915628 +763 69 4 878915600 +763 70 5 878917468 +763 73 3 878919180 +763 79 5 878919083 +763 83 3 878917877 +763 85 4 878918960 +763 87 2 878919019 +763 96 2 878918213 +763 97 3 878919153 +763 98 4 878914968 +763 99 4 878915765 +763 100 5 878915958 +763 111 2 878918871 +763 125 3 878923322 +763 127 4 878920656 +763 132 3 878920656 +763 133 3 878923609 +763 135 5 878918332 +763 137 4 878918332 +763 143 3 878918332 +763 144 3 878915722 +763 151 4 878923488 +763 153 4 878915692 +763 157 4 878917467 +763 159 3 878917818 +763 162 4 878923433 +763 164 4 878917850 +763 168 5 878919055 +763 171 3 878915015 +763 173 4 878914968 +763 174 4 878919019 +763 176 4 878919116 +763 190 4 878917384 +763 191 4 878915063 +763 194 5 878918406 +763 195 4 878918360 +763 196 4 878919206 +763 197 4 878918360 +763 198 5 878915958 +763 209 4 878918213 +763 212 4 878920656 +763 213 4 878917468 +763 222 5 878918406 +763 224 5 878919153 +763 230 3 878923288 +763 234 3 878923288 +763 237 3 878919153 +763 258 3 878914901 +763 275 5 878915958 +763 280 2 878915015 +763 283 4 878915600 +763 317 3 878919180 +763 357 4 878919116 +763 375 2 878923513 +763 382 5 878922829 +763 392 4 878919055 +763 418 4 878921530 +763 432 5 878922982 +763 461 4 878915015 +763 462 5 878921529 +763 464 3 878918960 +763 466 4 878922422 +763 469 4 878915958 +763 475 4 878915722 +763 483 4 878915628 +763 498 4 878915600 +763 505 4 878919206 +763 507 4 878918933 +763 509 5 878920895 +763 510 4 878915559 +763 515 4 878915628 +763 518 4 878919180 +763 527 3 878915692 +763 607 4 878917850 +763 609 4 878918712 +763 625 4 878923488 +763 627 3 878923488 +763 629 5 878918871 +763 658 3 878915600 +763 692 2 878915958 +763 702 3 878917877 +763 703 5 878923433 +763 730 5 878923456 +763 732 3 878919206 +763 737 2 878919055 +763 738 2 878922982 +763 742 4 878921584 +763 819 2 878915766 +763 845 4 878918712 +763 879 3 878914901 +763 941 3 878915958 +763 955 2 878917433 +763 961 5 878919083 +763 972 3 878918333 +763 1006 2 878919116 +763 1039 4 878923513 +763 1065 5 878915559 +763 1098 3 878919083 +763 1101 3 878918486 +763 1129 4 878918908 +763 1180 2 878915765 +763 1268 5 878918933 +764 1 4 876244181 +764 2 3 876244856 +764 4 3 876245421 +764 7 4 876243159 +764 9 4 876242649 +764 11 4 876244652 +764 13 2 876242755 +764 14 4 876752116 +764 15 4 876242945 +764 21 2 876243794 +764 22 4 876245549 +764 25 2 876243015 +764 28 4 876245069 +764 31 4 876246687 +764 50 3 876242649 +764 56 4 876244472 +764 64 5 876244991 +764 69 5 876244991 +764 70 4 876244559 +764 77 4 876246687 +764 89 4 876245837 +764 95 5 876246475 +764 98 5 876244991 +764 99 4 876246687 +764 100 4 876242649 +764 106 2 876243990 +764 111 4 876243595 +764 117 5 876244991 +764 121 5 876244991 +764 125 4 876243795 +764 132 5 876246236 +764 151 4 876242912 +764 173 3 876245383 +764 174 5 876245475 +764 176 4 876244856 +764 191 3 876244688 +764 200 4 876244895 +764 202 4 876246312 +764 216 4 876245520 +764 218 4 876245837 +764 220 3 876243925 +764 222 4 876243440 +764 227 4 876246358 +764 231 3 876246409 +764 237 4 876243440 +764 252 3 876244023 +764 255 4 876244181 +764 273 3 876242649 +764 274 3 876243410 +764 275 4 876242851 +764 276 3 876752289 +764 278 4 876243343 +764 280 4 876244181 +764 281 3 876243854 +764 282 4 876243291 +764 284 4 876243015 +764 286 4 876232900 +764 289 5 876244991 +764 294 3 876233213 +764 318 5 876244991 +764 323 3 876233088 +764 356 4 876430571 +764 371 3 876246436 +764 405 4 876243772 +764 411 3 876243668 +764 418 4 876430033 +764 432 5 876245421 +764 472 3 876243925 +764 496 5 876244991 +764 527 4 876339982 +764 531 5 876244991 +764 588 5 876246409 +764 591 3 876243572 +764 595 4 876243703 +764 596 3 876243046 +764 597 4 876243440 +764 633 5 876244991 +764 673 4 876246504 +764 692 4 876246358 +764 693 3 876246687 +764 696 3 876243465 +764 717 3 876243644 +764 732 3 876246475 +764 743 1 876243100 +764 747 3 876246291 +764 756 3 876243595 +764 819 3 876243159 +764 845 4 876242972 +764 864 4 876243232 +764 866 4 876244181 +764 939 4 876245880 +764 946 4 876246555 +764 1012 4 876244181 +764 1028 4 876244181 +764 1046 4 876244895 +764 1057 1 876243990 +764 1152 3 876242755 +764 1221 4 876430033 +764 1284 3 876244529 +765 10 4 880346308 +765 14 5 880346204 +765 42 5 880346975 +765 50 2 880346255 +765 137 5 880346255 +765 151 4 880346204 +765 170 5 880346854 +765 222 2 880346340 +765 275 4 880346768 +765 283 4 880346282 +765 507 5 880347034 +765 847 4 880346466 +765 1009 5 880346606 +766 8 5 891309329 +766 22 3 891309261 +766 23 4 891309177 +766 28 5 891309668 +766 40 3 891310851 +766 50 4 891309053 +766 52 4 891309177 +766 62 3 891310475 +766 65 4 891309810 +766 69 4 891309668 +766 71 3 891309913 +766 72 2 891310704 +766 89 4 891309090 +766 91 5 891310125 +766 95 3 891309421 +766 98 3 891309522 +766 99 3 891309810 +766 127 5 891309011 +766 131 3 891309703 +766 132 4 891309522 +766 133 3 891309844 +766 134 5 891308968 +766 135 4 891309053 +766 136 3 891310009 +766 161 3 891310372 +766 168 5 891309090 +766 172 3 891309052 +766 173 4 891309261 +766 174 3 891308968 +766 175 3 891309118 +766 176 2 891308927 +766 177 3 891309844 +766 178 4 891308968 +766 179 4 891309484 +766 180 4 891308927 +766 181 4 891309177 +766 182 4 891309053 +766 183 4 891309484 +766 185 4 891310038 +766 186 3 891309522 +766 187 4 891309053 +766 188 4 891309484 +766 191 4 891310067 +766 192 4 891309391 +766 193 3 891309668 +766 194 3 891309117 +766 196 3 891309703 +766 197 3 891309011 +766 198 4 891310210 +766 202 3 891310281 +766 205 5 891309975 +766 208 5 891309810 +766 209 3 891309053 +766 211 4 891310009 +766 212 5 891310125 +766 214 2 891309667 +766 215 3 891309250 +766 216 3 891310038 +766 217 4 891310650 +766 219 3 891310241 +766 226 3 891310150 +766 228 3 891309811 +766 230 3 891310444 +766 231 2 891310851 +766 234 4 891309558 +766 238 4 891309450 +766 265 3 891309357 +766 272 4 891306880 +766 294 2 891307007 +766 318 5 891309522 +766 366 3 891310875 +766 367 2 891309878 +766 375 2 891310907 +766 378 4 891310540 +766 380 2 891310475 +766 382 3 891310281 +766 385 3 891310281 +766 386 3 891310620 +766 393 3 891310372 +766 396 2 891310934 +766 402 3 891310565 +766 403 3 891310444 +766 414 4 891310150 +766 419 3 891309913 +766 423 3 891309844 +766 428 5 891309622 +766 429 4 891310067 +766 431 3 891310067 +766 432 3 891309250 +766 433 3 891309391 +766 434 5 891309947 +766 435 3 891309053 +766 436 4 891310038 +766 443 3 891309844 +766 447 3 891309522 +766 448 3 891310934 +766 465 3 891310281 +766 474 5 891309011 +766 481 4 891308968 +766 482 3 891309117 +766 484 4 891309391 +766 485 3 891309913 +766 493 4 891309261 +766 494 3 891309177 +766 496 5 891309767 +766 497 3 891309736 +766 498 4 891309913 +766 499 3 891310125 +766 503 3 891309329 +766 504 3 891309484 +766 507 3 891309878 +766 510 3 891310038 +766 514 4 891308927 +766 518 3 891309878 +766 519 4 891308968 +766 520 4 891309146 +766 521 4 891309261 +766 523 3 891309011 +766 526 2 891309558 +766 527 5 891309558 +766 530 4 891309703 +766 550 3 891310210 +766 559 4 891310824 +766 568 2 891310313 +766 577 3 891310934 +766 584 3 891309844 +766 588 3 891309484 +766 602 4 891310038 +766 604 4 891309329 +766 605 3 891310650 +766 606 3 891309011 +766 607 1 891309090 +766 609 3 891309767 +766 613 3 891310009 +766 616 3 891309589 +766 630 3 891310772 +766 633 4 891309947 +766 639 3 891309622 +766 646 4 891309053 +766 648 3 891309913 +766 654 4 891309090 +766 659 3 891309736 +766 662 3 891310281 +766 663 5 891310067 +766 664 2 891309589 +766 672 3 891310824 +766 674 3 891310772 +766 675 3 891308927 +766 679 3 891310337 +766 705 4 891309668 +766 712 3 891310444 +766 729 3 891310394 +766 739 2 891310241 +766 747 5 891310210 +766 810 2 891310620 +766 837 3 891309878 +766 951 3 891310540 +766 965 3 891310540 +766 968 4 891310241 +766 972 3 891310907 +766 1021 2 891309011 +766 1050 3 891309668 +766 1126 4 891309767 +766 1203 3 891309421 +766 1298 3 891309736 +767 1 5 891462829 +767 22 4 891462614 +767 28 4 891462759 +767 163 4 891462560 +767 170 5 891462717 +767 172 5 891462614 +767 176 3 891462759 +767 177 5 891462614 +767 180 5 891462870 +767 183 4 891462870 +767 222 5 891462760 +767 242 4 891462614 +767 300 4 891462511 +767 344 4 891462511 +767 432 5 891462829 +767 481 5 891462614 +767 483 5 891462870 +767 505 4 891462560 +767 506 5 891462829 +767 524 5 891462560 +767 615 4 891463095 +767 648 4 891462917 +767 657 4 891462917 +767 659 5 891462560 +767 724 4 891462658 +767 921 5 891462717 +767 1121 5 891462917 +768 1 5 883835025 +768 9 5 883835026 +768 14 5 883835026 +768 15 2 883835210 +768 16 3 880135943 +768 25 4 880136157 +768 50 4 883834705 +768 70 4 888798611 +768 100 5 883835026 +768 111 3 880136139 +768 121 4 883834705 +768 127 5 883835026 +768 151 2 880135923 +768 222 4 883834705 +768 235 2 885319496 +768 237 4 883834705 +768 245 2 879523820 +768 248 3 883834705 +768 252 3 880136317 +768 255 4 888798611 +768 269 3 885319349 +768 272 5 884970491 +768 274 3 880136201 +768 275 4 880135736 +768 284 1 883835210 +768 288 4 883834705 +768 300 5 883835026 +768 301 5 883835026 +768 310 4 883835026 +768 313 5 883835026 +768 315 3 883834448 +768 332 4 879523820 +768 346 3 883834705 +768 354 3 888798611 +768 405 4 883834883 +768 471 3 880135875 +768 475 2 883835210 +768 476 4 883834705 +768 535 3 882190750 +768 591 4 883834945 +768 597 2 883835210 +768 620 2 880136410 +768 628 3 880136174 +768 682 3 883834776 +768 742 3 880136033 +768 744 3 880136272 +768 762 1 883835210 +768 763 2 883835210 +768 815 3 880135963 +768 826 1 883835210 +768 895 2 883750415 +768 966 4 883834814 +768 1014 2 882816126 +768 1061 1 883835210 +769 1 4 885423720 +769 13 4 885424214 +769 111 5 885424001 +769 118 4 885424099 +769 120 1 885424401 +769 121 4 885423865 +769 222 4 885423824 +769 235 3 885424186 +769 237 3 885423954 +769 284 3 885423927 +769 411 3 885424099 +769 473 3 885424337 +769 476 4 885424142 +769 597 2 885424001 +769 685 3 885424305 +769 1011 3 885424142 +769 1093 3 885423632 +769 1312 2 885424776 +769 1322 2 885424730 +770 7 5 875972185 +770 14 5 875972024 +770 15 5 875971902 +770 50 3 875971949 +770 93 5 875971989 +770 100 5 875971949 +770 111 5 875972059 +770 117 5 875971989 +770 123 3 875972100 +770 129 5 875972352 +770 151 5 875973080 +770 181 3 875972219 +770 222 4 875973686 +770 240 2 875972582 +770 244 4 875973047 +770 246 5 875971813 +770 250 5 875971902 +770 253 5 875971949 +770 257 4 875972059 +770 258 5 875971568 +770 268 5 875971568 +770 275 5 875972219 +770 282 5 875972927 +770 288 4 875971612 +770 289 5 875971655 +770 294 3 875971655 +770 295 4 875972290 +770 297 5 875972099 +770 298 4 875971902 +770 300 5 875971612 +770 302 2 875971568 +770 303 4 875971568 +770 323 5 875971612 +770 325 4 875971703 +770 326 4 876598016 +770 328 3 875971736 +770 331 3 875971703 +770 333 5 875971612 +770 334 5 876597960 +770 358 3 875971655 +770 410 4 875973047 +770 473 5 875972612 +770 475 5 875972381 +770 596 4 875972988 +770 678 2 875971655 +770 742 4 875972927 +770 748 5 875971655 +770 813 5 875971850 +770 924 5 875971902 +770 929 4 875971989 +770 936 5 875971902 +770 937 4 876598016 +770 988 3 875971703 +770 1012 5 875972730 +771 1 5 880659449 +771 4 1 880659748 +771 8 5 880659583 +771 15 5 880659303 +771 50 4 880659347 +771 69 5 880659606 +771 71 5 880659815 +771 79 1 880659729 +771 82 2 880659686 +771 86 5 880659539 +771 91 4 880659815 +771 95 4 880659606 +771 97 1 880659919 +771 98 1 880659990 +771 111 4 880659919 +771 114 4 880659539 +771 128 2 880659482 +771 134 4 880659482 +771 137 4 880659302 +771 144 1 880659507 +771 154 2 880659426 +771 164 2 880660025 +771 169 5 880659426 +771 172 4 880659482 +771 173 4 880659894 +771 181 4 880659653 +771 189 5 880659815 +771 197 1 880659919 +771 202 4 880659941 +771 216 5 880659894 +771 241 1 880659791 +771 243 3 886640629 +771 251 5 880660087 +771 274 4 880659941 +771 275 5 880659392 +771 283 4 880659303 +771 286 2 880659235 +771 289 4 886640547 +771 294 4 886640547 +771 304 5 886640562 +771 313 3 886635643 +771 381 3 880659970 +771 403 4 880659769 +771 408 5 880659302 +771 462 3 880659426 +771 477 5 880660199 +771 496 5 880659606 +771 542 4 880659834 +771 588 5 880659815 +771 596 4 880659815 +771 652 4 880659507 +771 694 3 880659894 +771 707 4 880659507 +771 709 5 880659894 +771 768 4 880659867 +771 873 3 886635816 +771 892 5 886640606 +771 949 5 880659941 +771 993 4 880660199 +771 1129 5 880660106 +772 245 5 877533546 +772 258 5 877533440 +772 259 2 877533957 +772 264 4 876250551 +772 271 4 889028773 +772 272 5 889028581 +772 288 2 889028773 +772 294 4 877533625 +772 300 4 877533731 +772 302 5 877533625 +772 310 4 889028363 +772 315 5 889028363 +772 322 4 877533546 +772 323 4 876250551 +772 327 4 877533873 +772 328 5 876250551 +772 331 5 876250551 +772 344 4 889028581 +772 354 4 889028692 +772 748 3 877533625 +772 751 3 889028876 +772 752 3 889028773 +772 1025 3 877533820 +773 1 3 888539232 +773 2 3 888540146 +773 6 3 888538620 +773 7 2 888539992 +773 11 2 888539963 +773 12 3 888540448 +773 13 4 888539471 +773 14 5 888538620 +773 23 5 888540507 +773 24 3 888538677 +773 29 2 888540218 +773 32 4 888540467 +773 37 3 888540352 +773 42 3 888539398 +773 45 4 888538776 +773 47 4 888539512 +773 50 5 888539993 +773 52 3 888538853 +773 53 3 888540147 +773 56 2 888539328 +773 59 5 888540617 +773 60 5 888538931 +773 61 5 888538908 +773 68 2 888540091 +773 70 3 888538810 +773 89 4 888540020 +773 90 4 888539643 +773 92 4 888540041 +773 93 3 888539366 +773 96 2 888540063 +773 98 4 888540279 +773 100 4 888539347 +773 109 4 888539328 +773 121 2 888540163 +773 127 5 888539962 +773 145 3 888540390 +773 152 5 888539398 +773 153 5 888539425 +773 154 5 888539471 +773 168 5 888539425 +773 170 5 888538980 +773 171 5 888538726 +773 172 5 888539992 +773 174 3 888539962 +773 175 4 888539425 +773 176 4 888539962 +773 179 5 888538810 +773 181 5 888540020 +773 182 4 888539993 +773 183 4 888539962 +773 184 2 888540041 +773 185 4 888540279 +773 187 5 888539962 +773 188 3 888540091 +773 189 5 888539232 +773 191 4 888540448 +773 196 4 888540467 +773 198 4 888538950 +773 200 4 888540279 +773 204 3 888539559 +773 209 5 888539425 +773 210 2 888539398 +773 212 2 888538980 +773 216 4 888539608 +773 217 3 888540314 +773 218 2 888540295 +773 221 2 888540448 +773 228 3 888539993 +773 231 2 888540186 +773 232 3 888540146 +773 233 1 888540112 +773 234 2 888540279 +773 235 4 888539677 +773 238 4 888539347 +773 240 2 888539273 +773 251 3 888538573 +773 258 5 888538143 +773 260 2 888538348 +773 264 2 888538348 +773 265 2 888540146 +773 268 4 888538249 +773 286 3 888538269 +773 288 2 888538199 +773 318 4 888540484 +773 324 3 888538269 +773 343 1 888538175 +773 354 2 888538143 +773 357 4 888540448 +773 364 4 888539875 +773 367 2 888539576 +773 382 3 888538829 +773 384 2 888539766 +773 386 3 888539643 +773 393 2 888539711 +773 403 2 888540091 +773 408 5 888539232 +773 427 3 888540484 +773 428 4 888539512 +773 431 1 888540063 +773 432 4 888539232 +773 433 3 888539471 +773 455 4 888539471 +773 462 5 888538776 +773 475 3 888538533 +773 509 4 888538995 +773 522 4 888539328 +773 531 5 888538853 +773 541 1 888540187 +773 547 4 888538643 +773 567 2 888540352 +773 568 1 888540091 +773 588 1 888539232 +773 652 3 888538950 +773 655 3 888539347 +773 665 2 888540187 +773 675 5 888540279 +773 710 3 888539366 +773 720 1 888540218 +773 730 3 888538852 +773 732 3 888539492 +773 737 3 888539064 +773 751 3 888538175 +773 769 1 888540390 +773 780 4 888539857 +773 790 3 888539825 +773 792 4 888539471 +773 809 1 888540186 +773 840 1 888540218 +773 855 2 888538726 +773 887 2 888538175 +773 895 2 888538417 +773 919 5 888538643 +773 924 1 888540146 +773 940 2 888539766 +773 948 2 888538438 +773 958 4 888538908 +773 1018 3 888539095 +773 1021 5 888539011 +773 1036 3 888539907 +773 1069 4 888539559 +773 1071 2 888539662 +773 1097 4 888538590 +773 1170 3 888539711 +773 1187 3 888540020 +773 1188 2 888539842 +773 1240 3 888539256 +773 1252 4 888538643 +773 1367 5 888538643 +773 1475 4 888539027 +773 1529 5 888539120 +773 1555 4 888540618 +774 2 1 888557383 +774 4 2 888556090 +774 7 2 888558539 +774 8 1 888556090 +774 12 3 888559437 +774 22 2 888556600 +774 23 3 888556634 +774 28 3 888556698 +774 29 1 888557519 +774 31 1 888558284 +774 44 1 888558343 +774 50 4 888557198 +774 52 3 888556659 +774 53 4 888557383 +774 54 1 888556814 +774 56 2 888555928 +774 58 1 888556698 +774 62 2 888557520 +774 64 3 888556517 +774 68 3 888557329 +774 69 4 888556544 +774 72 1 888556121 +774 77 1 888556938 +774 79 2 888557236 +774 82 2 888557277 +774 88 1 888556193 +774 91 1 888558018 +774 94 2 888556248 +774 96 2 888557276 +774 97 2 888556600 +774 98 4 888557682 +774 100 1 888558731 +774 101 2 888558018 +774 105 1 888558946 +774 117 2 888558646 +774 118 1 888558594 +774 121 1 888558565 +774 122 1 888558924 +774 127 4 888557198 +774 135 3 888556600 +774 150 1 888558787 +774 161 2 888557409 +774 168 1 888555964 +774 172 3 888557198 +774 174 3 888557198 +774 175 3 888555897 +774 176 4 888557198 +774 177 4 888557277 +774 178 4 888556483 +774 179 5 888556634 +774 180 5 888556634 +774 181 3 888557236 +774 182 4 888556398 +774 183 4 888557198 +774 185 2 888557683 +774 186 3 888556047 +774 187 3 888556483 +774 188 3 888557329 +774 189 2 888557987 +774 193 5 888556746 +774 194 3 888555998 +774 196 3 888556746 +774 197 1 888556746 +774 199 4 888556517 +774 200 2 888557715 +774 201 2 888556090 +774 202 5 888555964 +774 203 2 888558447 +774 204 3 888556316 +774 205 4 888556434 +774 208 2 888555897 +774 210 1 888555964 +774 211 3 888555897 +774 214 3 888556517 +774 215 3 888556517 +774 217 2 888557772 +774 218 1 888557739 +774 219 4 888557739 +774 222 3 888558539 +774 226 2 888557330 +774 227 5 888557383 +774 228 4 888557237 +774 229 2 888557329 +774 230 2 888557237 +774 231 1 888557383 +774 232 2 888556121 +774 233 2 888557383 +774 234 2 888557683 +774 235 1 888558806 +774 238 5 888555928 +774 240 1 888558787 +774 241 4 888557237 +774 250 3 888559123 +774 254 1 888559144 +774 258 1 888555792 +774 265 3 888557237 +774 273 1 888558539 +774 293 1 888559123 +774 300 2 888555792 +774 307 1 888555792 +774 318 1 888556483 +774 357 2 888556434 +774 365 2 888556989 +774 367 2 888556047 +774 373 2 888557557 +774 380 2 888556968 +774 385 1 888557329 +774 386 2 888556225 +774 391 1 888557520 +774 393 1 888556090 +774 398 1 888557482 +774 399 2 888556169 +774 401 2 888556169 +774 402 2 888556938 +774 403 2 888556814 +774 405 1 888558539 +774 406 1 888559013 +774 410 1 888558762 +774 411 1 888558853 +774 412 3 888558924 +774 413 1 888559013 +774 418 2 888558019 +774 421 1 888558128 +774 423 1 888556634 +774 428 1 888556090 +774 429 1 888556698 +774 431 4 888557329 +774 436 2 888557739 +774 444 1 888557772 +774 447 1 888557715 +774 448 2 888557715 +774 449 1 888557482 +774 450 2 888557557 +774 451 1 888556169 +774 452 1 888557805 +774 453 2 888557804 +774 468 2 888556968 +774 501 1 888558019 +774 508 3 888558731 +774 510 2 888556484 +774 514 2 888555998 +774 515 2 888556398 +774 518 1 888556746 +774 519 5 888556434 +774 520 3 888556398 +774 521 2 888556483 +774 523 2 888555964 +774 525 2 888558305 +774 526 4 888556600 +774 528 4 888556698 +774 530 5 888557197 +774 537 2 888556893 +774 545 1 888555864 +774 546 1 888558565 +774 548 1 888558041 +774 550 2 888557277 +774 553 2 888556867 +774 554 1 888557556 +774 559 1 888557715 +774 561 1 888557772 +774 563 1 888557883 +774 566 2 888557277 +774 567 1 888557772 +774 568 2 888557329 +774 569 2 888557857 +774 573 2 888557804 +774 577 2 888556278 +774 585 1 888556225 +774 597 2 888558565 +774 644 4 888556777 +774 649 3 888556814 +774 650 1 888556893 +774 654 2 888558284 +774 655 1 888555998 +774 659 3 888555864 +774 672 1 888557772 +774 673 2 888556545 +774 674 2 888557683 +774 679 5 888557383 +774 684 1 888557329 +774 692 1 888556121 +774 708 2 888556893 +774 712 1 888556169 +774 732 1 888556814 +774 741 1 888558762 +774 743 1 888558623 +774 758 1 888559036 +774 774 1 888557883 +774 778 5 888556046 +774 795 1 888555864 +774 808 1 888557451 +774 826 2 888558623 +774 831 2 888558594 +774 834 1 888559013 +774 840 2 888558594 +774 849 1 888557482 +774 866 1 888558853 +774 871 1 888558876 +774 926 1 888558946 +774 947 2 888557276 +774 986 1 888558594 +774 1016 3 888559123 +774 1017 3 888558829 +774 1028 2 888558829 +774 1079 1 888558897 +774 1090 1 888558419 +774 1110 1 888557519 +774 1118 3 888556047 +774 1182 1 888556278 +774 1215 1 888558623 +774 1218 3 888556169 +774 1228 1 888557556 +774 1274 1 888557557 +774 1305 3 888555829 +775 245 3 891032989 +775 300 4 891032956 +775 302 3 891032742 +775 305 4 891032837 +775 307 4 891032989 +775 312 3 891032866 +775 313 4 891032837 +775 315 5 891032742 +775 327 5 891032956 +775 329 3 891033071 +775 333 4 891033022 +775 344 5 891032777 +775 345 5 891032895 +775 347 3 891032837 +775 690 3 891033022 +775 750 5 891032804 +775 887 4 891032866 +775 900 3 891032956 +776 5 4 892920320 +776 7 4 891629077 +776 21 3 892313317 +776 22 5 891628752 +776 23 4 891628708 +776 28 5 891628895 +776 50 5 891628977 +776 53 2 892313246 +776 89 5 891628708 +776 91 4 891628752 +776 95 4 892210688 +776 98 4 891628837 +776 109 4 892210576 +776 132 3 891629157 +776 134 4 892210460 +776 135 4 891628656 +776 145 2 892920381 +776 164 3 892920290 +776 174 5 891629157 +776 177 4 891628937 +776 179 4 891628678 +776 181 4 891628916 +776 182 3 891628773 +776 184 4 892920381 +776 185 4 892920290 +776 187 4 891628632 +776 191 5 891628837 +776 192 5 891628836 +776 193 3 891628895 +776 194 4 891628752 +776 195 3 891628836 +776 196 3 891628773 +776 200 4 892920381 +776 217 4 892920351 +776 218 4 892920321 +776 219 3 892920321 +776 238 4 891628708 +776 241 1 892313489 +776 276 4 892313295 +776 282 3 892313246 +776 318 4 891628632 +776 355 3 892210668 +776 427 3 892313246 +776 431 4 891628916 +776 432 1 891628977 +776 437 1 892920446 +776 438 2 892920506 +776 439 1 892920480 +776 440 2 892920480 +776 441 2 892920403 +776 443 3 892920290 +776 444 2 892920423 +776 474 5 891628632 +776 479 4 891813013 +776 483 5 891628731 +776 486 4 892920189 +776 509 5 891628773 +776 510 5 891628708 +776 511 5 891628632 +776 514 5 891628916 +776 523 4 891628937 +776 524 5 891628752 +776 525 2 891629157 +776 549 5 891628731 +776 551 3 892920480 +776 559 4 892920351 +776 564 3 892920446 +776 567 2 892920351 +776 569 3 892920403 +776 588 4 892210723 +776 590 1 892920446 +776 603 4 891628599 +776 607 4 892920221 +776 618 3 892474057 +776 635 4 892920403 +776 637 3 892920381 +776 648 3 893077100 +776 656 5 891628678 +776 657 3 891628977 +776 661 5 893077159 +776 667 2 892920480 +776 670 3 892920351 +776 674 3 892920321 +776 675 3 892920321 +776 679 4 891628708 +776 706 3 892920480 +776 708 5 891628599 +776 760 3 892920241 +776 816 2 892920423 +776 848 2 892210321 +776 860 3 892920381 +776 866 3 892313273 +776 947 2 891628836 +776 1172 2 892051948 +776 1219 3 891628837 +777 9 5 875979380 +777 15 4 875980306 +777 42 5 875980670 +777 117 5 875979380 +777 127 1 875980391 +777 135 3 875980391 +777 157 3 875980235 +777 180 5 875980306 +777 196 5 875980306 +777 202 5 875980669 +777 204 5 875980670 +777 212 5 875980348 +777 223 4 875980306 +777 238 4 875980541 +777 245 5 875979241 +777 273 4 875979432 +777 288 4 875979201 +777 509 4 875980449 +777 521 5 875980235 +777 522 5 875980669 +777 523 4 875980235 +777 527 4 875980306 +777 652 5 875980670 +777 692 5 875980670 +777 818 5 875980669 +777 1079 2 875979431 +778 8 1 891234406 +778 11 5 890725951 +778 28 4 890726618 +778 35 1 891234406 +778 42 5 890670510 +778 54 2 890803859 +778 56 3 891232041 +778 69 2 890803860 +778 79 3 890725776 +778 82 3 890803491 +778 98 4 890725951 +778 117 3 890727011 +778 121 3 890803561 +778 132 2 891232769 +778 143 1 890804547 +778 144 4 890670638 +778 150 3 890802549 +778 154 5 890670560 +778 157 3 891233153 +778 161 3 890727175 +778 168 5 890670560 +778 174 4 890725804 +778 180 4 890725725 +778 186 4 890802724 +778 195 4 890769370 +778 196 2 890769633 +778 197 4 891232569 +778 200 5 890726264 +778 204 4 890726518 +778 209 4 890769470 +778 216 3 890726264 +778 219 3 890727129 +778 226 4 890670638 +778 234 3 890726231 +778 238 3 890725804 +778 246 2 890769632 +778 249 3 891233675 +778 262 4 891482843 +778 268 2 890803859 +778 281 2 890803859 +778 367 5 890802895 +778 405 3 890727091 +778 423 1 890803860 +778 441 3 890804387 +778 451 1 891234405 +778 496 1 891234406 +778 550 4 890670638 +778 568 3 890726190 +778 582 1 891232769 +778 623 1 890804625 +778 629 2 890802784 +778 712 3 890803176 +778 738 1 891578101 +778 755 2 890804547 +778 780 3 890803133 +779 1 4 875501555 +779 7 3 875993165 +779 21 5 875996932 +779 50 5 875992279 +779 95 5 875999285 +779 109 3 875501782 +779 111 4 875994324 +779 117 4 875503280 +779 118 5 875994324 +779 121 3 875503280 +779 125 4 875996809 +779 195 5 875999211 +779 225 4 877454525 +779 235 4 875502286 +779 252 3 877453656 +779 255 4 875993165 +779 258 5 875501254 +779 275 4 875992583 +779 294 5 875501334 +779 304 3 875501254 +779 328 4 875501334 +779 447 4 875999211 +779 509 2 875999211 +779 596 4 875994324 +779 879 3 875501300 +779 926 4 875992442 +779 1028 4 875996932 +780 4 3 891363969 +780 22 4 891363969 +780 28 5 891363618 +780 50 5 891363685 +780 79 4 891363860 +780 97 5 891363617 +780 164 4 891363996 +780 172 5 891363723 +780 174 5 891363783 +780 183 2 891363860 +780 186 4 891363651 +780 187 5 891363904 +780 204 5 891363651 +780 210 5 891364027 +780 216 4 891363617 +780 275 4 891363685 +780 286 4 891362937 +780 294 3 891363259 +780 300 3 891362937 +780 313 5 891362901 +780 318 5 891364124 +780 339 4 891363073 +780 357 5 891363723 +780 385 4 891364125 +780 419 4 891363826 +780 423 5 891363618 +780 427 3 891363904 +780 474 3 891363723 +780 485 4 891363826 +780 496 4 891364027 +780 497 2 891364059 +780 498 5 891363756 +780 508 3 891363826 +780 510 4 891363904 +780 511 5 891364027 +780 515 3 891364124 +780 520 4 891363904 +780 526 5 891364125 +780 603 2 891364059 +780 604 3 891363933 +780 657 3 891363723 +780 659 4 891363756 +780 660 3 891363969 +780 705 5 891363685 +780 887 4 891363073 +781 50 5 879634362 +781 56 3 879633919 +781 69 3 879634147 +781 87 4 879634340 +781 97 4 879634096 +781 134 5 879634256 +781 135 5 879634387 +781 172 5 879634362 +781 174 5 879634256 +781 179 5 879634017 +781 180 4 879633895 +781 181 5 879634318 +781 187 5 879633976 +781 191 4 879633995 +781 195 4 879633942 +781 204 4 879634256 +781 210 4 879634295 +781 215 3 879634124 +781 232 3 879634318 +781 245 2 879633862 +781 258 2 879633862 +781 268 2 879633862 +781 286 1 879633495 +781 289 3 879633862 +781 294 1 879633862 +781 302 5 879633862 +781 318 3 879634124 +781 327 4 879633862 +781 403 4 879634340 +781 523 5 879634038 +781 878 1 879633752 +781 1500 5 879634096 +782 50 3 891499243 +782 127 4 891499213 +782 181 3 891499213 +782 243 3 891498381 +782 244 4 891499321 +782 245 4 891498139 +782 246 3 891499321 +782 247 1 891499700 +782 248 4 891499321 +782 251 3 891500109 +782 252 3 891499469 +782 253 2 891500150 +782 254 2 891499660 +782 255 4 891499321 +782 256 2 891500150 +782 257 3 891499278 +782 258 4 891497906 +782 259 1 891498267 +782 260 2 891498079 +782 261 2 891498865 +782 264 4 891498381 +782 266 1 891498919 +782 268 3 891497854 +782 269 3 891497698 +782 270 4 891497963 +782 271 2 891498213 +782 272 5 891497698 +782 286 2 891497906 +782 288 4 891498079 +782 289 3 891498436 +782 292 4 891498213 +782 293 2 891499278 +782 294 3 891498381 +782 295 2 891499321 +782 296 3 891500109 +782 297 3 891500067 +782 298 4 891499278 +782 299 3 891498079 +782 300 4 891497906 +782 301 3 891498139 +782 302 3 891497698 +782 304 4 891497906 +782 307 4 891497854 +782 308 4 891498030 +782 310 4 891497963 +782 312 4 891498436 +782 313 5 891497697 +782 315 4 891497698 +782 316 4 891498436 +782 321 2 891498381 +782 323 3 891498512 +782 324 2 891498381 +782 325 2 891498720 +782 326 5 891498322 +782 328 5 891498030 +782 330 4 891498213 +782 331 3 891497854 +782 332 4 891498139 +782 333 3 891497698 +782 335 2 891498918 +782 338 2 891498676 +782 339 3 891498676 +782 340 3 891497963 +782 342 2 891498322 +782 343 2 891498821 +782 344 3 891497854 +782 346 2 891497854 +782 347 1 891498139 +782 348 4 891498213 +782 349 3 891498720 +782 350 4 891498641 +782 351 3 891498139 +782 352 1 891498513 +782 354 2 891497698 +782 355 3 891498821 +782 358 4 891498641 +782 361 3 891498139 +782 515 3 891500028 +782 532 2 891499370 +782 533 2 891500151 +782 534 3 891500109 +782 535 3 891499469 +782 536 2 891500150 +782 538 4 891498214 +782 539 3 891498865 +782 678 3 891498767 +782 680 1 891498865 +782 681 3 891498436 +782 682 4 891498513 +782 687 2 891498865 +782 688 2 891498918 +782 689 3 891498720 +782 690 4 891497793 +782 691 3 891498079 +782 748 4 891498720 +782 749 4 891498079 +782 750 4 891497793 +782 751 2 891498323 +782 752 4 891497793 +782 872 2 891498513 +782 873 4 891498512 +782 876 2 891498267 +782 877 3 891498213 +782 878 3 891498918 +782 879 3 891498267 +782 880 4 891498322 +782 881 3 891498381 +782 885 3 891498766 +782 886 3 891498267 +782 887 4 891498676 +782 888 3 891498919 +782 890 1 891498865 +782 894 2 891498031 +782 895 4 891497964 +782 898 3 891498720 +782 900 3 891497963 +782 902 2 891497906 +782 905 4 891498791 +782 908 3 891498322 +782 935 2 891500150 +782 936 3 891500110 +782 937 1 891498918 +782 948 2 891499699 +782 987 3 891499660 +782 989 3 891498267 +782 990 3 891499611 +782 991 2 891500230 +782 992 2 891499370 +782 993 3 891499370 +782 994 2 891500194 +782 1007 3 891500067 +782 1012 2 891499344 +782 1013 3 891499439 +782 1014 2 891499611 +782 1016 3 891499321 +782 1025 2 891498436 +782 1038 4 891498213 +782 1082 3 891500230 +782 1088 2 891499611 +782 1089 2 891499660 +782 1096 2 891499699 +782 1105 3 891498766 +782 1127 2 891497793 +782 1138 2 891499699 +782 1142 3 891499243 +782 1143 2 891500194 +782 1144 3 891499243 +782 1160 2 891500150 +782 1173 2 891500230 +782 1190 2 891500230 +782 1191 3 891498558 +782 1226 2 891499439 +782 1237 3 891497906 +782 1241 2 891500150 +782 1243 3 891498558 +782 1244 3 891499660 +782 1251 3 891500028 +782 1252 3 891500066 +782 1254 3 891499829 +782 1255 2 891500194 +782 1256 2 891500230 +782 1257 1 891500230 +782 1258 2 891499440 +782 1278 4 891499278 +782 1279 3 891499660 +782 1283 2 891499469 +782 1292 3 891499700 +782 1296 3 891498030 +782 1300 2 891499469 +782 1302 3 891500028 +782 1315 3 891499440 +782 1378 2 891499494 +782 1379 3 891500028 +782 1380 2 891500150 +782 1382 3 891500109 +782 1383 3 891499611 +782 1384 3 891500110 +782 1385 4 891500028 +782 1386 3 891500066 +782 1387 3 891499278 +782 1388 3 891500028 +782 1389 3 891500028 +782 1390 3 891500028 +782 1391 4 891500066 +782 1393 2 891498512 +782 1394 4 891498323 +782 1399 2 891498919 +782 1405 2 891499213 +782 1417 2 891500193 +782 1477 3 891499344 +782 1511 2 891500194 +782 1513 2 891499440 +782 1514 2 891500194 +782 1527 2 891498641 +782 1528 2 891499577 +782 1534 2 891500194 +782 1537 3 891500066 +782 1538 3 891500109 +782 1588 3 891500067 +782 1589 3 891500028 +782 1590 3 891500028 +782 1598 2 891499556 +782 1605 2 891500194 +782 1608 3 891499399 +782 1609 1 891499439 +782 1610 1 891500230 +782 1611 3 891500066 +782 1615 3 891499611 +782 1620 3 891499440 +782 1643 2 891499321 +782 1644 2 891500110 +782 1652 1 891500230 +782 1658 2 891500230 +782 1662 4 891500110 +782 1663 2 891499700 +782 1664 4 891499699 +782 1665 2 891500194 +782 1666 2 891500194 +782 1667 3 891500110 +782 1668 3 891500067 +782 1669 2 891500150 +782 1670 3 891497793 +783 258 4 884326348 +783 269 4 884326274 +783 271 5 884326506 +783 286 3 884326274 +783 292 4 884326382 +783 294 3 884326506 +783 299 5 884326620 +783 300 4 884326348 +783 301 4 884326424 +783 307 5 884326506 +783 330 1 884326755 +783 331 3 884326461 +783 343 5 884326787 +783 750 4 884326274 +783 872 4 884326545 +783 880 4 884326545 +783 881 4 884326584 +783 887 5 884326620 +783 895 4 884326787 +783 948 3 884326726 +784 258 5 891387249 +784 260 4 891387704 +784 268 3 891387501 +784 270 3 891387249 +784 272 4 891387077 +784 299 3 891387155 +784 300 4 891386988 +784 302 5 891386988 +784 304 4 891387501 +784 310 4 891387155 +784 313 5 891386988 +784 315 4 891386988 +784 321 3 891387249 +784 323 4 891387704 +784 326 5 891387155 +784 327 4 891387315 +784 331 4 891387155 +784 332 4 891387812 +784 333 4 891387501 +784 334 3 891387812 +784 340 3 891387895 +784 344 4 891387078 +784 346 4 891387077 +784 690 4 891387249 +784 750 5 891386988 +784 751 4 891387316 +784 754 3 891387249 +784 877 4 891387622 +784 898 4 891387895 +785 50 5 879439021 +785 56 4 879438920 +785 69 4 879439137 +785 79 4 879438984 +785 137 2 879438810 +785 152 4 879439527 +785 174 5 879438957 +785 269 5 879438537 +785 273 3 879439527 +785 288 3 879438537 +785 294 4 879438705 +785 318 4 879439232 +785 496 4 879438810 +785 661 3 879438810 +785 748 3 879438705 +785 886 3 879438591 +785 995 3 879438736 +786 1 4 882841828 +786 4 4 882844294 +786 7 5 882841955 +786 9 5 882841955 +786 15 3 882841855 +786 28 5 882843646 +786 50 4 882844295 +786 66 4 882843607 +786 69 4 882844295 +786 70 4 882843534 +786 71 5 882843786 +786 82 4 882844096 +786 88 4 882844010 +786 89 4 882842878 +786 95 5 882843397 +786 97 4 882843683 +786 98 5 882843190 +786 99 4 882843112 +786 100 4 882841667 +786 102 4 882844096 +786 111 5 882841667 +786 117 4 882841996 +786 121 2 882842416 +786 125 4 882841745 +786 126 4 882842019 +786 127 4 882841692 +786 132 5 882842946 +786 133 5 882843353 +786 143 4 882843039 +786 161 4 882843534 +786 172 5 882843112 +786 173 4 882843069 +786 174 4 882844294 +786 176 4 882843069 +786 179 4 882843500 +786 180 4 882843112 +786 181 4 882841955 +786 183 4 882843150 +786 186 4 882843786 +786 187 4 882843112 +786 188 5 882843237 +786 191 4 882843272 +786 195 4 882843312 +786 196 4 882843683 +786 197 3 882843431 +786 198 5 882843753 +786 199 4 882843006 +786 200 5 882844010 +786 202 4 882843812 +786 203 4 882843753 +786 204 4 882843925 +786 208 5 882843150 +786 210 4 882843039 +786 211 4 882843500 +786 216 4 882843272 +786 222 4 882842044 +786 228 4 882844295 +786 231 2 882844127 +786 234 3 882843753 +786 237 5 882842195 +786 238 4 882843646 +786 240 1 882842762 +786 265 4 882842946 +786 275 4 882841772 +786 280 3 882841745 +786 281 4 882842044 +786 283 4 882841906 +786 285 3 882842726 +786 286 4 882841571 +786 289 4 882844336 +786 318 5 882843190 +786 322 3 882842463 +786 357 5 882842878 +786 376 3 882844096 +786 381 3 882843397 +786 385 4 882844294 +786 416 4 882843534 +786 418 4 882843352 +786 419 4 882843312 +786 423 5 882843150 +786 451 2 882844171 +786 455 1 882842762 +786 458 3 882842195 +786 465 4 882844010 +786 484 4 882843398 +786 496 5 882843312 +786 497 4 882842946 +786 501 4 882843534 +786 504 4 882843352 +786 520 4 882843311 +786 528 5 882842878 +786 546 4 882844294 +786 588 5 882843039 +786 655 4 882843683 +786 684 4 882843607 +786 692 4 882843190 +786 696 3 882842149 +786 699 4 882844295 +786 703 3 882843190 +786 708 4 882844171 +786 709 2 882843607 +786 724 4 882844295 +786 732 4 882843353 +786 849 2 882844052 +786 866 3 882842173 +786 871 1 882842762 +786 1044 4 882844127 +787 245 3 888980193 +787 258 5 888979605 +787 259 4 888979721 +787 268 4 888979007 +787 271 1 888979721 +787 286 3 888979007 +787 288 1 888979236 +787 294 3 888979606 +787 300 4 888979657 +787 302 3 888979123 +787 305 3 888979721 +787 306 3 888979007 +787 307 4 888979074 +787 308 3 888979181 +787 313 5 888979547 +787 319 3 888979721 +787 324 2 888979605 +787 326 4 888979547 +787 328 3 888979874 +787 331 3 888979235 +787 342 2 888979875 +787 345 3 888979007 +787 347 4 888979606 +787 350 1 888979721 +787 351 3 888979657 +787 352 2 888979657 +787 359 3 888979547 +787 362 3 888979657 +787 681 3 888979657 +787 690 5 888979007 +787 691 4 888979123 +787 748 4 888979606 +787 749 4 888979657 +787 750 5 888979075 +787 751 4 888979235 +787 877 2 888980193 +787 879 4 888979721 +787 880 3 888979123 +787 898 3 888979182 +787 904 3 888979182 +787 906 1 888979721 +787 937 3 888979074 +787 938 3 888979605 +787 1024 2 888979606 +787 1433 3 888979181 +787 1434 1 888979657 +787 1671 1 888980193 +788 1 3 880867970 +788 4 3 880868401 +788 7 4 880868559 +788 9 4 880869508 +788 10 4 880869584 +788 11 2 880868513 +788 12 5 880868919 +788 22 5 880868513 +788 28 5 880868876 +788 29 3 880871240 +788 38 3 880871359 +788 43 3 880870299 +788 44 4 880869434 +788 46 3 880870018 +788 53 1 880871717 +788 54 4 880869174 +788 55 4 880868876 +788 56 3 880868235 +788 58 4 880868355 +788 62 3 880870179 +788 64 5 880868005 +788 65 4 880869584 +788 68 3 880869819 +788 69 4 880868144 +788 70 4 880869908 +788 71 3 880868144 +788 73 3 880869174 +788 76 3 880869323 +788 79 4 880868559 +788 82 3 880870116 +788 85 1 880869984 +788 89 5 880869548 +788 96 3 880868803 +788 97 3 880868235 +788 98 5 880868919 +788 100 5 880868277 +788 112 3 880871173 +788 117 4 880869014 +788 118 3 880870335 +788 120 2 880871520 +788 121 4 880869469 +788 125 3 880870335 +788 130 2 880869396 +788 132 5 880869014 +788 133 5 880868473 +788 135 3 880869014 +788 141 3 880869984 +788 144 4 880868599 +788 148 3 880869215 +788 151 1 880869908 +788 153 3 880868277 +788 157 5 880869396 +788 159 3 880869135 +788 162 3 880869787 +788 164 3 880870115 +788 167 3 880870582 +788 172 3 880869687 +788 174 2 880868316 +788 175 3 880868401 +788 176 5 880868743 +788 177 3 880868513 +788 180 4 880869174 +788 182 2 880868599 +788 183 5 880868743 +788 186 3 880868559 +788 187 4 880867933 +788 188 4 880870083 +788 192 4 880868838 +788 193 4 880868235 +788 194 4 880870052 +788 195 3 880868876 +788 199 5 880868673 +788 200 4 880869075 +788 203 5 880869215 +788 204 3 880868644 +788 205 4 880868068 +788 211 4 880868401 +788 215 3 880869908 +788 218 4 880871328 +788 222 3 880869945 +788 223 4 880868181 +788 226 4 880870710 +788 227 3 880867890 +788 228 3 880870365 +788 230 3 880869754 +788 231 3 880871267 +788 234 3 880868473 +788 237 4 880869584 +788 241 5 880869075 +788 258 4 880867855 +788 270 2 880867855 +788 271 3 880867855 +788 281 4 880871205 +788 282 4 880869819 +788 284 3 880869323 +788 286 5 880867372 +788 289 4 880867565 +788 291 4 880870905 +788 294 3 880867855 +788 300 5 880867477 +788 301 2 880867855 +788 302 4 880867326 +788 317 4 880869945 +788 318 5 880868355 +788 322 4 880867422 +788 323 3 880867855 +788 326 4 880867477 +788 327 3 880867855 +788 328 4 880867477 +788 331 4 880867372 +788 356 4 880870827 +788 357 4 880869687 +788 363 2 880871088 +788 370 2 880870881 +788 371 3 880870626 +788 380 3 880869215 +788 385 3 880869434 +788 391 2 880871746 +788 399 3 880871128 +788 402 3 880870544 +788 403 3 880870516 +788 405 4 880868974 +788 409 3 880871057 +788 423 5 880868235 +788 427 2 880868316 +788 429 3 880868919 +788 431 2 880868401 +788 432 1 880869323 +788 433 2 880869621 +788 435 3 880869278 +788 436 3 880871127 +788 443 4 880868473 +788 444 3 880870626 +788 445 4 880869718 +788 447 3 880870299 +788 448 2 880869355 +788 451 4 880871240 +788 470 3 880868042 +788 471 3 880869862 +788 474 3 880868599 +788 482 4 880869787 +788 483 5 880867933 +788 492 3 880868235 +788 498 5 880867933 +788 503 4 880869984 +788 504 4 880867970 +788 510 5 880867933 +788 511 5 880868277 +788 518 3 880869754 +788 519 4 880868235 +788 520 4 880868919 +788 521 4 880869945 +788 523 4 880868559 +788 528 5 880868144 +788 531 4 880868144 +788 540 3 880871394 +788 546 3 880871429 +788 549 4 880869753 +788 550 3 880869508 +788 553 3 880869687 +788 554 3 880870257 +788 556 2 880871128 +788 561 3 880870626 +788 562 3 880871294 +788 566 4 880869908 +788 570 3 880869862 +788 572 3 880871891 +788 579 3 880871804 +788 582 4 880869396 +788 586 2 880871490 +788 589 5 880868005 +788 591 3 880869469 +788 597 3 880870582 +788 601 4 880868876 +788 614 4 880868803 +788 620 3 880871088 +788 621 3 880871026 +788 623 3 880870936 +788 627 4 880870654 +788 629 1 880870149 +788 630 2 880869355 +788 636 3 880870583 +788 637 2 880870516 +788 639 3 880870710 +788 645 3 880870626 +788 646 3 880868513 +788 649 3 880869649 +788 651 4 880868838 +788 655 3 880868644 +788 657 4 880868277 +788 658 3 880869862 +788 661 5 880868473 +788 662 4 880871359 +788 665 2 880867890 +788 670 3 880870935 +788 679 2 880871057 +788 684 5 880868401 +788 685 3 880870996 +788 693 2 880868705 +788 696 3 880871173 +788 699 3 880869323 +788 708 2 880869908 +788 712 3 880871804 +788 715 3 880871664 +788 720 3 880870482 +788 726 4 880871128 +788 729 4 880870052 +788 736 3 880870299 +788 739 2 880870149 +788 742 3 880869508 +788 744 4 880869621 +788 748 3 880867855 +788 755 3 880870881 +788 781 3 880871205 +788 798 2 880870827 +788 809 3 880870401 +788 810 3 880870773 +788 823 3 880871294 +788 828 3 880869396 +788 879 4 880867422 +788 931 2 880871551 +788 963 4 880868644 +788 983 3 880871173 +788 984 3 880867855 +788 1042 3 880871240 +788 1107 3 880870773 +788 1112 3 880870428 +788 1126 5 880869278 +788 1135 2 880871460 +788 1139 1 880871605 +788 1183 2 880871891 +788 1248 3 880871460 +788 1273 3 880871771 +788 1277 3 880870583 +788 1303 3 880871577 +788 1407 3 880871717 +788 1459 2 880871857 +788 1478 3 880871173 +788 1518 3 880871394 +789 1 3 880332089 +789 100 5 880332089 +789 111 3 880332400 +789 124 4 880332089 +789 129 5 880332063 +789 137 2 880332189 +789 150 5 880332333 +789 151 2 880332365 +789 181 4 880332437 +789 248 3 880332148 +789 249 3 880332296 +789 276 5 880332063 +789 284 3 880332259 +789 288 3 880331942 +789 508 4 880332169 +789 591 3 880332259 +789 628 3 880332215 +789 741 5 880332148 +789 742 3 880332400 +789 762 3 880332232 +789 1007 4 880332215 +789 1008 4 880332365 +789 1017 3 880332316 +790 1 3 884461306 +790 2 3 885156988 +790 4 3 885156773 +790 7 4 884461796 +790 10 1 884461988 +790 13 3 884461820 +790 15 5 884461413 +790 17 2 885157399 +790 22 5 885155540 +790 25 2 884461925 +790 29 2 885158082 +790 41 3 885158235 +790 42 5 885156686 +790 47 2 885156988 +790 49 3 885156852 +790 50 4 884461387 +790 51 3 885156193 +790 52 4 885156934 +790 56 4 885155150 +790 62 3 885157465 +790 63 2 885157837 +790 65 4 885155846 +790 66 3 885156560 +790 67 3 885158007 +790 68 3 885157440 +790 69 1 885155209 +790 70 3 885157776 +790 72 2 885157661 +790 73 4 885157489 +790 79 4 885156538 +790 80 2 885157575 +790 83 3 885155034 +790 85 3 885156825 +790 89 4 885155770 +790 90 2 885157440 +790 91 3 885157862 +790 96 3 885155648 +790 97 2 885155770 +790 98 5 885156375 +790 100 2 884461334 +790 105 2 884462907 +790 108 3 884462415 +790 109 3 884461775 +790 111 3 884461849 +790 116 4 884461334 +790 117 5 884461283 +790 121 3 884461657 +790 122 2 884462954 +790 123 3 884461413 +790 131 2 885156852 +790 135 3 885156538 +790 139 2 885157748 +790 143 3 885156193 +790 144 4 885155572 +790 145 2 885158299 +790 151 4 884461988 +790 153 3 885155077 +790 155 3 885157061 +790 158 2 885157797 +790 159 3 885156934 +790 161 4 885157181 +790 168 4 885155230 +790 172 4 885155540 +790 173 3 885156046 +790 176 3 885155489 +790 181 4 884461283 +790 183 4 885156193 +790 184 3 885156958 +790 186 3 885156165 +790 188 4 885157399 +790 191 3 885155209 +790 196 3 885156500 +790 202 3 885156904 +790 203 4 885155459 +790 208 3 885156014 +790 209 1 885155540 +790 210 4 885155209 +790 211 4 885156046 +790 213 3 885156336 +790 214 3 885156618 +790 215 2 885157797 +790 216 5 885156435 +790 217 4 885158459 +790 222 3 884461441 +790 226 3 885156396 +790 227 3 885156647 +790 228 3 885156647 +790 229 3 885156686 +790 230 4 885155846 +790 231 4 885158057 +790 232 4 885156773 +790 233 3 885157230 +790 235 1 884462551 +790 237 4 884461541 +790 240 3 884462692 +790 241 5 885156825 +790 246 4 884461283 +790 248 4 884461888 +790 249 3 884461849 +790 250 5 885158562 +790 258 3 884461387 +790 259 2 884461023 +790 265 4 885155770 +790 268 4 884460878 +790 269 3 892305174 +790 273 5 884461888 +790 274 3 884461950 +790 275 4 884461774 +790 282 4 884461590 +790 283 2 884461517 +790 288 4 884460942 +790 294 2 884460878 +790 298 5 884461849 +790 317 4 885155949 +790 328 3 884461023 +790 358 2 885154848 +790 364 2 885158161 +790 365 4 885157465 +790 367 4 885156114 +790 368 2 884462954 +790 373 3 885158459 +790 376 2 885157533 +790 378 3 885156934 +790 384 2 885158374 +790 386 2 885158208 +790 391 2 885158299 +790 393 2 885156290 +790 401 4 885157621 +790 402 2 885156796 +790 403 4 885157036 +790 405 3 884461925 +790 411 3 884462929 +790 417 2 885156538 +790 427 4 885155172 +790 431 3 885157159 +790 436 4 885156686 +790 449 2 885157594 +790 451 3 885157299 +790 470 4 885158547 +790 472 2 884462416 +790 475 3 884461657 +790 485 3 885156709 +790 496 3 885155172 +790 546 1 884461590 +790 550 4 885156618 +790 552 2 885157984 +790 559 3 885156773 +790 561 3 885158082 +790 566 3 885156618 +790 568 3 885157087 +790 570 2 885158057 +790 572 3 885157956 +790 577 2 885158122 +790 582 3 885156852 +790 583 2 885157489 +790 584 4 885156773 +790 585 2 885157686 +790 597 3 884462047 +790 609 2 885156773 +790 660 3 885156904 +790 664 3 885158235 +790 665 3 885158495 +790 678 3 884461115 +790 685 4 884461988 +790 687 1 884461162 +790 708 3 885158082 +790 709 3 885156686 +790 716 4 885158033 +790 721 3 885157017 +790 722 3 885157686 +790 738 3 885158396 +790 739 4 885156686 +790 742 4 884461541 +790 748 1 884461073 +790 755 3 885157928 +790 762 5 884462105 +790 763 3 884462692 +790 771 4 885158436 +790 774 4 885156904 +790 776 3 885155119 +790 781 4 885157107 +790 786 3 885157533 +790 790 2 885157928 +790 792 2 885155603 +790 825 3 884462385 +790 826 1 884462714 +790 849 4 885157205 +790 862 1 885158374 +790 864 4 884462647 +790 926 2 884462598 +790 928 3 884462598 +790 931 2 884462105 +790 940 3 885157928 +790 941 3 885157061 +790 944 1 885157299 +790 949 4 885156825 +790 959 3 885156686 +790 977 1 885158208 +790 1014 2 884462551 +790 1016 2 884461925 +790 1025 1 884461188 +790 1028 3 884462692 +790 1039 3 885155490 +790 1040 2 884462954 +790 1044 4 885158185 +790 1047 3 885157621 +790 1048 4 884462692 +790 1077 3 885156619 +790 1091 1 885157728 +790 1118 3 885156046 +790 1119 4 885156732 +790 1132 2 885158329 +790 1165 2 884462890 +790 1185 2 885158257 +790 1188 3 885157984 +790 1215 1 884462737 +790 1230 2 885158235 +790 1244 1 884462598 +790 1282 5 884462551 +790 1446 4 885157230 +790 1471 2 885158374 +791 9 5 879448314 +791 181 5 879448338 +791 245 4 879448087 +791 259 3 879448087 +791 275 5 879448314 +791 294 3 879447940 +791 301 3 879448035 +791 302 4 879447940 +791 304 4 879448035 +791 306 5 879447977 +791 322 4 879448128 +791 331 1 879447940 +791 332 5 879448166 +791 748 3 879448035 +791 754 4 879448086 +792 1 4 877910822 +792 7 4 877910822 +792 9 3 877909631 +792 13 4 877910822 +792 15 4 877909865 +792 25 2 877909892 +792 100 4 877910822 +792 118 2 877910538 +792 121 4 877910412 +792 125 3 877910539 +792 129 4 877909753 +792 147 4 877910822 +792 151 3 877909753 +792 237 3 877910444 +792 276 3 877910305 +792 282 3 877909931 +792 291 2 877910629 +792 363 3 877910478 +792 405 3 877909753 +792 471 4 877910822 +792 476 1 877910206 +792 508 2 877910478 +792 544 4 877910822 +792 591 2 877909865 +792 596 3 877910241 +792 597 3 877910478 +792 696 3 877910241 +792 742 3 877909709 +792 762 4 877910206 +792 831 2 877910666 +792 840 2 877910539 +792 926 3 877909798 +792 1015 5 877910822 +792 1047 3 877909798 +792 1054 1 877910666 +792 1164 3 877910629 +792 1197 4 877910822 +793 1 4 875104091 +793 3 4 875104592 +793 7 3 875104031 +793 9 3 875103810 +793 50 5 875103942 +793 100 4 875104031 +793 106 3 875104340 +793 109 4 875104119 +793 117 4 875103739 +793 118 2 875104119 +793 122 3 875104532 +793 127 5 875103773 +793 129 4 875104067 +793 148 4 875104498 +793 151 5 875104142 +793 181 4 875103810 +793 222 3 875103971 +793 235 3 875104068 +793 237 3 875103842 +793 240 4 875104565 +793 248 4 875103875 +793 250 4 875104031 +793 252 4 875104498 +793 257 4 875103901 +793 273 3 875103942 +793 282 4 875104340 +793 288 4 875103584 +793 293 4 875104091 +793 405 3 875104340 +793 406 2 875104221 +793 456 3 875104752 +793 508 4 875104620 +793 591 4 875104752 +793 597 3 875104565 +793 628 3 875103942 +793 685 3 875104718 +793 696 3 875104303 +793 742 3 875104648 +793 815 3 875103901 +793 823 3 875104648 +793 928 3 875104864 +793 979 3 875104620 +793 1014 3 875103810 +793 1187 2 875104167 +793 1365 2 875104718 +794 1 4 891035864 +794 13 4 891035582 +794 14 5 891034956 +794 19 4 891036111 +794 100 5 891035063 +794 109 4 891035941 +794 116 5 891035307 +794 127 5 891035117 +794 137 5 891035307 +794 150 4 891034956 +794 181 4 891035957 +794 187 5 891035117 +794 224 4 891035793 +794 248 4 891036463 +794 249 3 891035885 +794 257 4 891036265 +794 269 5 891034213 +794 273 4 891036111 +794 275 4 891034792 +794 285 5 891035355 +794 286 3 891034156 +794 420 4 891035662 +794 455 4 891034986 +794 473 4 891036222 +794 515 5 891034755 +794 751 3 891034523 +794 847 5 891035822 +794 936 5 891035219 +794 1251 4 891034755 +795 1 4 883767204 +795 2 3 883252599 +795 3 2 880561783 +795 7 5 880557294 +795 8 5 880569317 +795 10 4 880556527 +795 12 4 881260621 +795 17 2 883252686 +795 21 3 880557953 +795 25 5 880556527 +795 28 4 880569414 +795 39 4 883253661 +795 42 3 881252510 +795 47 3 881265108 +795 50 3 880557114 +795 58 4 881259362 +795 62 4 883254564 +795 68 3 883253137 +795 70 3 883253481 +795 72 3 883252003 +795 79 2 880568325 +795 80 3 883254212 +795 81 4 883250055 +795 89 4 880569085 +795 91 5 881265483 +795 95 4 881529851 +795 96 2 881530415 +795 97 2 881529761 +795 105 1 883774317 +795 108 3 880559483 +795 109 3 880557210 +795 118 2 883254314 +795 120 3 883255416 +795 121 3 880558035 +795 123 4 880558447 +795 132 3 883249522 +795 135 3 881530126 +795 143 3 883252292 +795 144 4 881265483 +795 150 3 883766579 +795 151 3 880558562 +795 152 4 881260622 +795 153 3 880569085 +795 154 3 881529904 +795 164 3 883253368 +795 167 3 883254348 +795 168 5 881528760 +795 169 5 880567884 +795 173 4 880567884 +795 174 4 880569625 +795 175 5 881263767 +795 181 4 880557060 +795 182 4 881530041 +795 184 4 880588118 +795 186 3 883249522 +795 189 3 881265284 +795 191 4 883249962 +795 200 3 883251581 +795 201 4 880569984 +795 202 3 881529874 +795 203 3 881530198 +795 204 3 880570209 +795 208 4 881252835 +795 209 5 880587862 +795 210 4 880567593 +795 214 4 881265372 +795 217 1 883774317 +795 219 3 883252104 +795 222 3 880558122 +795 226 3 883251800 +795 231 4 883254844 +795 234 4 883251200 +795 238 3 881266197 +795 240 2 883767338 +795 257 3 881252002 +795 265 3 881265483 +795 319 4 880554132 +795 381 2 883774317 +795 382 4 881529077 +795 386 3 883254649 +795 395 2 883255008 +795 402 2 883254905 +795 403 3 883250829 +795 405 1 883774317 +795 410 2 880559227 +795 412 3 883254675 +795 419 3 880569526 +795 423 2 881265617 +795 425 3 883249522 +795 429 3 880568492 +795 431 4 883253193 +795 432 3 881258945 +795 433 4 880588141 +795 434 3 880569983 +795 436 3 883767338 +795 465 3 883252686 +795 472 3 880559543 +795 473 2 880561783 +795 477 3 880558562 +795 514 4 883250472 +795 546 3 880559275 +795 550 3 883252004 +795 552 2 883774317 +795 554 3 883254802 +795 559 2 883774317 +795 564 1 883774317 +795 567 2 883253903 +795 568 3 883251659 +795 576 2 883254780 +795 577 3 883254987 +795 581 4 883253316 +795 583 4 883250168 +795 588 5 880587862 +795 640 4 883251200 +795 655 3 881530154 +795 658 2 883251696 +795 675 3 883251659 +795 705 4 883250829 +795 710 3 881265617 +795 716 3 880569984 +795 719 2 883254675 +795 727 3 881530317 +795 739 1 883774317 +795 742 2 880556833 +795 746 3 881529904 +795 747 3 883252630 +795 755 3 883254564 +795 756 3 880559895 +795 768 3 883252985 +795 771 3 883255324 +795 797 3 883254750 +795 820 3 880560679 +795 825 2 880559026 +795 826 3 880560736 +795 831 2 880560971 +795 919 4 880557617 +795 926 2 880561783 +795 928 1 883774317 +795 931 2 880560078 +795 998 3 883255182 +795 1030 3 883255381 +795 1041 3 883254780 +795 1052 3 883255477 +795 1095 3 883767108 +795 1101 4 881528779 +795 1110 3 883251943 +795 1199 3 880557953 +795 1413 3 883254987 +795 1555 3 883249643 +796 1 2 892660251 +796 2 5 893048377 +796 4 5 893048150 +796 5 4 893194607 +796 8 5 892690059 +796 9 3 892660251 +796 12 5 892662483 +796 15 4 893188341 +796 22 4 892662523 +796 23 2 892690382 +796 26 2 893047208 +796 28 3 892662523 +796 29 3 893048672 +796 31 4 893194547 +796 33 3 893048471 +796 36 1 893047967 +796 38 5 893048505 +796 39 3 893048562 +796 43 4 893188486 +796 45 3 892675605 +796 48 3 892663090 +796 49 3 893047287 +796 50 5 892660147 +796 53 1 893048713 +796 54 4 893194685 +796 56 5 892663009 +796 58 3 892675605 +796 62 4 893048562 +796 63 3 893218764 +796 64 4 892662400 +796 66 5 893047241 +796 69 5 892662483 +796 71 4 893218764 +796 77 5 893194646 +796 78 3 893219254 +796 79 5 892661988 +796 82 3 892676195 +796 86 5 893047321 +796 88 5 893047287 +796 89 5 892662222 +796 91 2 893219033 +796 94 3 893219065 +796 95 4 892690382 +796 96 4 892662523 +796 97 3 892690059 +796 98 5 892663090 +796 99 3 893218764 +796 100 3 892611093 +796 106 2 893194895 +796 111 4 893047288 +796 112 4 893219477 +796 117 5 892660283 +796 118 4 893048505 +796 121 5 892661043 +796 125 4 892660465 +796 126 3 892690173 +796 127 5 892660147 +796 132 4 892662222 +796 134 3 892663009 +796 143 5 893218728 +796 144 5 892662524 +796 145 2 893218485 +796 147 5 893048410 +796 151 5 893218765 +796 152 3 892690101 +796 153 5 892676155 +796 154 3 892676155 +796 155 5 893047241 +796 161 5 893048377 +796 164 3 893194548 +796 168 5 892662871 +796 172 4 892663090 +796 173 5 892662483 +796 174 5 892662069 +796 176 5 892662523 +796 178 3 892662223 +796 180 2 892675606 +796 181 5 892660177 +796 182 4 893048342 +796 183 5 892662441 +796 185 4 893194548 +796 186 3 892676114 +796 187 5 892662904 +796 188 2 892675654 +796 191 4 892690382 +796 193 3 892662964 +796 194 4 892662826 +796 195 5 892675424 +796 196 5 892675693 +796 197 3 892676231 +796 198 4 892662871 +796 199 3 892662223 +796 200 5 893218420 +796 202 4 893047167 +796 203 3 892690173 +796 204 5 892662441 +796 209 3 893048115 +796 210 3 892662441 +796 211 3 893048115 +796 213 4 893047167 +796 215 5 892676115 +796 216 5 892761543 +796 217 4 893218556 +796 218 3 893194607 +796 219 4 893218453 +796 222 5 892660364 +796 226 3 893048410 +796 227 4 893048471 +796 228 5 892761629 +796 230 5 893048377 +796 231 3 893048622 +796 232 3 893048911 +796 233 4 893048471 +796 234 2 892690173 +796 236 4 893048149 +796 237 5 893047126 +796 238 3 892761427 +796 243 3 892612354 +796 245 3 892612031 +796 248 3 892660465 +796 249 1 892661011 +796 250 5 892660984 +796 257 5 892660283 +796 258 4 892611840 +796 265 5 892761544 +796 269 3 892610692 +796 270 4 892611799 +796 271 5 892874827 +796 272 4 892610692 +796 273 2 892660856 +796 274 5 893047167 +796 275 4 892660211 +796 278 4 892660323 +796 280 4 893047208 +796 281 4 893194929 +796 282 4 892660364 +796 283 3 892660322 +796 284 3 892660954 +796 286 2 892610876 +796 291 4 893188576 +796 293 5 892660251 +796 294 3 892611979 +796 298 5 892660954 +796 300 4 892611903 +796 301 1 892611903 +796 307 4 892611799 +796 313 4 892610692 +796 315 5 892611769 +796 316 5 892610692 +796 318 4 892661988 +796 321 2 892611871 +796 322 3 892611953 +796 323 2 892611953 +796 326 4 892612032 +796 328 5 892612057 +796 333 5 892610876 +796 339 2 892874859 +796 342 5 892611871 +796 356 4 893194646 +796 357 4 892662400 +796 367 5 893048150 +796 371 5 893047167 +796 378 4 893218764 +796 381 3 893047208 +796 385 5 893048342 +796 387 3 893047504 +796 389 4 893219092 +796 391 4 893048713 +796 393 4 893218933 +796 396 2 893218621 +796 399 4 893048471 +796 402 5 893047320 +796 403 4 893048410 +796 405 5 892660954 +796 409 3 893219122 +796 414 3 892663044 +796 417 4 893218933 +796 419 5 893219001 +796 423 4 892690262 +796 427 4 892662355 +796 429 4 892690102 +796 431 4 892676231 +796 432 2 893218728 +796 433 2 892675694 +796 434 4 892676195 +796 443 2 893202878 +796 447 3 893218485 +796 448 4 893218485 +796 449 4 893048622 +796 450 3 893049399 +796 451 5 893047167 +796 467 3 892675654 +796 474 2 892663009 +796 477 2 892660465 +796 478 5 892761629 +796 479 4 892761427 +796 480 4 892663155 +796 483 5 892663044 +796 484 5 892675528 +796 485 4 893279958 +796 486 5 892676072 +796 487 5 892676195 +796 488 2 892662400 +796 491 4 892662964 +796 493 3 892675424 +796 496 5 892662223 +796 500 4 892761629 +796 510 3 892761578 +796 511 4 892676155 +796 514 3 892676231 +796 516 4 893048115 +796 517 2 893047208 +796 520 3 892662223 +796 525 4 892761390 +796 527 3 892675654 +796 530 3 893048410 +796 542 3 893219403 +796 546 4 893048505 +796 549 3 893047208 +796 550 3 893048562 +796 553 4 893047208 +796 554 2 893048713 +796 559 3 893218453 +796 564 1 893194929 +796 565 3 893218556 +796 566 4 893048343 +796 568 4 892676114 +796 570 2 893048505 +796 573 4 893218521 +796 576 3 893048562 +796 578 4 893048562 +796 586 3 893049257 +796 588 5 893218728 +796 591 3 892611093 +796 597 5 892661043 +796 603 4 892662152 +796 606 4 892761504 +796 607 4 892662964 +796 608 3 892675492 +796 611 4 892675694 +796 615 4 892690263 +796 623 3 893219122 +796 628 4 893194740 +796 633 5 892662070 +796 636 2 893048505 +796 649 3 893194646 +796 655 3 893048115 +796 659 3 892662482 +796 660 5 892690101 +796 662 5 893047207 +796 665 2 893048622 +796 672 3 893218485 +796 684 5 892676195 +796 685 4 892660466 +796 692 5 892761544 +796 693 3 893188650 +796 699 4 893188576 +796 705 4 892690263 +796 707 3 892663154 +796 709 3 892676155 +796 716 3 893047167 +796 717 3 893194862 +796 720 4 893048562 +796 722 3 893047460 +796 724 2 893047241 +796 728 3 893047691 +796 731 3 893047320 +796 732 5 893047241 +796 735 2 893188514 +796 736 3 893047126 +796 739 5 893047207 +796 742 3 892660505 +796 746 3 893048115 +796 747 4 893047167 +796 748 5 892611979 +796 751 5 892611979 +796 755 4 893219033 +796 761 3 893048622 +796 762 3 892676115 +796 765 3 893047691 +796 768 2 893219065 +796 769 4 893218622 +796 775 2 893047691 +796 776 4 893219065 +796 778 4 893047021 +796 779 3 893048713 +796 781 4 893047241 +796 783 4 893047691 +796 785 5 893047287 +796 794 4 893047320 +796 795 3 893219254 +796 796 4 893047320 +796 797 3 893049257 +796 807 2 893047691 +796 809 4 893048471 +796 810 3 893048622 +796 815 4 893047321 +796 821 4 893047126 +796 826 2 893049362 +796 831 2 893049303 +796 849 4 893048562 +796 855 3 893279958 +796 859 2 893218622 +796 869 4 893047287 +796 871 1 893219001 +796 873 3 892874827 +796 879 4 892612031 +796 880 3 892611840 +796 928 2 893194929 +796 932 4 893219254 +796 934 3 893048024 +796 939 3 892761504 +796 945 5 892663009 +796 949 4 893047460 +796 974 3 893194740 +796 977 2 893194992 +796 988 3 893219180 +796 1001 2 893219180 +796 1012 3 892660466 +796 1032 3 893219451 +796 1036 4 893219522 +796 1037 2 893047967 +796 1039 4 892662223 +796 1040 3 893047460 +796 1041 5 893047287 +796 1046 3 893194607 +796 1048 2 893047288 +796 1049 4 893219151 +796 1055 3 893188577 +796 1057 2 893047967 +796 1076 2 893219150 +796 1090 4 893194992 +796 1101 5 892690382 +796 1119 4 892675528 +796 1126 1 892662826 +796 1163 3 892660364 +796 1197 3 892660955 +796 1217 3 893194607 +796 1228 4 893048713 +796 1269 5 892662765 +796 1285 4 893188622 +796 1297 2 893047504 +796 1299 2 892676043 +796 1303 2 893048713 +796 1407 3 893049362 +796 1415 3 893219254 +796 1511 3 892660955 +796 1522 3 893194740 +797 243 2 879439104 +797 257 5 879439362 +797 259 3 879439136 +797 269 3 879438957 +797 294 3 879439105 +797 298 3 879439362 +797 300 2 879439031 +797 309 3 879438992 +797 327 2 879438992 +797 336 2 879439136 +797 340 2 879439735 +797 720 2 879439735 +797 748 1 879439105 +797 990 2 879439456 +797 1023 3 879439519 +797 1254 2 879439548 +798 2 4 875743787 +798 14 2 875295930 +798 15 4 875295810 +798 21 5 875554953 +798 28 4 875638354 +798 29 4 875915913 +798 38 4 875915806 +798 49 4 875814021 +798 50 5 875295810 +798 52 3 876176979 +798 62 4 875915855 +798 63 5 875914939 +798 66 3 875639364 +798 71 3 875303589 +798 72 3 875638883 +798 73 4 875914114 +798 79 4 875638627 +798 81 3 876177211 +798 82 4 875915855 +798 83 4 875303683 +798 87 3 875639680 +798 88 4 875743642 +798 90 3 875914860 +798 95 5 876175467 +798 97 1 875638474 +798 98 1 875639581 +798 105 3 875555000 +798 110 4 875914458 +798 111 1 875296109 +798 112 3 875296234 +798 116 3 875554781 +798 118 4 875295842 +798 121 5 875295930 +798 125 3 875296178 +798 132 4 875639134 +798 133 3 875303559 +798 140 4 876175467 +798 142 3 876175427 +798 143 5 875639061 +798 155 3 875639581 +798 158 2 875914604 +798 161 3 875639235 +798 162 3 876177353 +798 163 3 875814110 +798 168 4 875743765 +798 172 4 875639656 +798 173 5 875656071 +798 174 4 875743140 +798 181 5 875295772 +798 191 4 875743458 +798 194 4 875743366 +798 196 3 875743006 +798 197 2 875303502 +798 202 2 875639095 +798 204 4 875742878 +798 208 3 875639010 +798 210 4 875743410 +798 220 3 875295810 +798 222 3 875295616 +798 225 4 875637487 +798 228 3 875915639 +798 231 2 875638817 +798 239 4 875814157 +798 243 4 875295566 +798 254 5 875637836 +798 257 4 875295842 +798 258 4 875286981 +798 259 5 875295566 +798 265 5 875915777 +798 270 4 880483677 +798 275 4 875295842 +798 280 2 875554523 +798 281 4 875296234 +798 283 5 875637963 +798 289 3 875286981 +798 306 3 875637329 +798 321 3 875286981 +798 323 4 875295469 +798 356 3 875639236 +798 365 3 875639656 +798 367 3 875743434 +798 377 3 875639061 +798 378 4 875743858 +798 380 3 875638680 +798 384 2 875915279 +798 391 3 875915855 +798 393 3 875915029 +798 394 4 875914484 +798 395 3 875915279 +798 399 5 875638680 +798 400 3 876176160 +798 402 3 875916297 +798 403 4 875743140 +798 405 5 875296148 +798 415 3 875639260 +798 417 3 876176043 +798 418 4 875639212 +798 419 4 876175937 +798 420 3 876175937 +798 423 3 875639864 +798 432 4 876176259 +798 443 3 876249370 +798 444 2 875639115 +798 451 2 875638547 +798 463 3 876175467 +798 465 4 876176115 +798 472 3 875638178 +798 473 2 875296109 +798 476 2 875637822 +798 480 3 875303765 +798 482 3 875638884 +798 485 5 875639784 +798 486 4 875639889 +798 491 4 875743196 +798 493 3 875638514 +798 498 3 875639581 +798 554 2 875638884 +798 560 3 875638972 +798 563 2 875638323 +798 568 4 875656111 +798 571 3 875914458 +798 576 3 875639324 +798 577 2 875639441 +798 584 3 876176071 +798 585 3 875743912 +798 586 2 875303765 +798 588 4 875638447 +798 602 3 875639260 +798 603 3 875743267 +798 610 3 875743314 +798 623 3 876175980 +798 648 3 875914785 +798 659 4 875914337 +798 660 3 876177436 +798 662 3 875916187 +798 671 2 875639115 +798 687 4 875295566 +798 690 4 877117972 +798 692 4 875743140 +798 694 3 875303718 +798 699 3 875303502 +798 703 4 876177414 +798 705 4 875638447 +798 707 2 875303559 +798 709 5 875914860 +798 720 5 875915940 +798 722 3 875914534 +798 728 4 875914458 +798 731 3 875303765 +798 732 2 875638759 +798 734 3 875639061 +798 736 5 875639010 +798 740 2 875296148 +798 746 4 875914066 +798 748 5 875295521 +798 755 3 875638627 +798 756 3 875296109 +798 768 4 876175980 +798 769 2 876249507 +798 781 2 875639061 +798 785 3 875639553 +798 795 3 876176160 +798 801 3 875915317 +798 805 4 875743813 +798 810 3 875915855 +798 815 5 875295695 +798 819 3 875295930 +798 821 5 875916505 +798 825 3 875638178 +798 826 5 875295695 +798 827 4 875637541 +798 828 4 875637986 +798 832 4 875637822 +798 839 4 875638649 +798 845 5 875295930 +798 862 3 875914534 +798 878 4 875295521 +798 924 3 875296148 +798 926 4 875638203 +798 929 3 875638090 +798 930 5 875637661 +798 932 4 875637927 +798 940 1 875914898 +798 941 3 876176561 +798 944 4 875914573 +798 945 3 875743518 +798 946 2 875639889 +798 949 3 875914337 +798 951 3 875639767 +798 953 2 875639290 +798 961 1 875303558 +798 993 3 875554639 +798 996 3 875638717 +798 1003 3 875639478 +798 1023 3 875295772 +798 1032 3 875639212 +798 1034 2 875638547 +798 1035 4 875638717 +798 1043 3 875915279 +798 1049 3 875638150 +798 1063 3 875303502 +798 1066 2 876175427 +798 1076 3 876176043 +798 1089 3 875295616 +798 1102 4 875637680 +798 1139 3 876177661 +798 1164 3 875637744 +798 1183 1 875915190 +798 1224 2 875638842 +798 1239 4 875915965 +798 1249 4 875914785 +798 1270 3 875915190 +798 1282 3 875296234 +798 1283 4 875295695 +798 1284 3 875637744 +798 1285 3 876177330 +798 1297 3 875916505 +798 1337 3 875554892 +798 1411 1 875639656 +798 1425 4 875915317 +798 1435 2 875639836 +798 1446 4 875914898 +798 1469 3 876175427 +798 1503 3 876176071 +798 1509 3 875915155 +798 1517 4 875743605 +798 1539 2 876177839 +798 1540 4 875743576 +798 1544 3 875638925 +799 127 4 879254026 +799 174 5 879254026 +799 191 3 879254077 +799 286 5 879253668 +799 289 3 879253720 +799 292 4 879253720 +799 306 4 879253795 +799 307 3 879253795 +799 321 4 879253720 +799 331 4 879253795 +799 427 5 879254077 +799 748 2 879253755 +799 1063 4 879254026 +799 1545 4 879254026 +800 1 4 887646283 +800 15 4 887646631 +800 25 4 887646980 +800 50 4 887646263 +800 121 4 887646423 +800 181 4 887646203 +800 222 4 887646226 +800 223 5 887646979 +800 237 4 887646980 +800 275 4 887646203 +800 276 3 887646245 +800 289 4 887646980 +800 292 5 887646979 +800 294 3 887645970 +800 300 4 887646980 +800 405 4 887646705 +800 476 3 887646776 +800 751 4 887646980 +801 245 3 890333042 +801 268 5 890332645 +801 271 5 890332929 +801 299 2 890333011 +801 301 5 890332820 +801 302 4 890332645 +801 313 5 890332694 +801 328 5 890332748 +801 332 5 890332719 +801 343 4 890332986 +801 355 3 890332929 +801 358 4 890333094 +801 681 1 890332820 +801 682 5 890332775 +801 752 4 890332853 +801 881 3 890332820 +802 7 5 875986303 +802 53 4 875985840 +802 56 3 875985601 +802 98 4 875985601 +802 134 3 875985347 +802 176 5 875985469 +802 183 5 875985469 +802 184 4 875986155 +802 185 3 875985601 +802 194 4 875986155 +802 196 3 875985239 +802 197 3 875985347 +802 200 4 875985686 +802 201 4 875985601 +802 217 3 875985767 +802 218 3 875985767 +802 219 5 875985767 +802 234 5 875985601 +802 258 5 875984532 +802 259 2 875984938 +802 260 4 875984938 +802 261 3 875985032 +802 263 1 875985032 +802 264 4 875986155 +802 266 3 875984938 +802 288 3 875984637 +802 299 4 875986155 +802 302 4 875984532 +802 304 3 875985142 +802 326 5 875984637 +802 330 2 875985031 +802 331 4 875986155 +802 333 4 875986155 +802 358 3 875984722 +802 379 4 875985976 +802 396 2 875985840 +802 413 4 875986303 +802 424 2 875986303 +802 436 4 875985686 +802 440 3 875985686 +802 443 4 875985686 +802 445 3 875985686 +802 448 3 875985686 +802 484 3 875985239 +802 559 2 875985840 +802 563 3 875985976 +802 565 3 875985976 +802 567 4 875985976 +802 569 3 875985840 +802 573 4 875985840 +802 646 4 875986155 +802 657 4 875985239 +802 665 4 875985469 +802 669 1 875985840 +802 670 4 875986155 +802 672 3 875985767 +802 674 2 875985768 +802 678 4 875984776 +802 681 4 875986155 +802 687 3 875984722 +802 748 4 875984776 +802 760 3 875986303 +802 769 5 875985976 +802 879 5 875984938 +802 1025 3 875984637 +803 242 5 880054592 +803 259 2 880054971 +803 260 3 880055454 +803 261 1 880054754 +803 264 2 880055309 +803 269 5 880054592 +803 289 3 880055309 +803 300 3 880054629 +803 303 4 880054629 +803 304 3 880054792 +803 305 5 880055604 +803 306 4 880054629 +803 307 4 880055604 +803 321 4 880054792 +803 322 2 880055043 +803 325 4 880054885 +803 338 2 880055454 +803 339 3 880054834 +803 340 5 880055088 +803 538 4 880054834 +803 683 1 880054885 +803 988 1 880055454 +803 990 2 880054792 +804 1 5 879442661 +804 2 4 879445493 +804 4 4 879442192 +804 7 4 879443673 +804 10 4 879442298 +804 22 5 879444407 +804 23 4 879442557 +804 24 5 879443776 +804 25 4 879442490 +804 28 4 879445904 +804 32 3 879444352 +804 33 4 879445975 +804 39 2 879447475 +804 40 3 879445739 +804 49 2 879447476 +804 50 4 879440912 +804 55 4 879442141 +804 56 3 879441371 +804 62 4 879445305 +804 63 4 879445334 +804 64 5 879442001 +804 68 3 879445975 +804 69 4 879444890 +804 70 4 879443137 +804 71 4 879442538 +804 72 4 879445281 +804 79 4 879441627 +804 81 4 879441913 +804 84 3 879445933 +804 85 4 879445190 +804 87 4 879442954 +804 89 4 879441524 +804 91 4 879442192 +804 94 4 879446194 +804 95 2 879447476 +804 96 5 879441677 +804 97 4 879442057 +804 98 5 879441503 +804 99 4 879442984 +804 100 5 879445904 +804 105 3 879444077 +804 108 3 879443819 +804 118 4 879443900 +804 120 3 879444077 +804 121 4 879442377 +804 123 4 879443645 +804 125 4 879443709 +804 127 3 879440947 +804 128 5 879441702 +804 132 4 879445305 +804 133 3 879445904 +804 134 4 879444890 +804 135 3 879444407 +804 139 3 879444943 +804 141 3 879445841 +804 143 3 879442490 +804 144 4 879444890 +804 145 3 879446276 +804 151 3 879442412 +804 152 4 879445466 +804 153 4 879441346 +804 154 3 879441598 +804 155 3 879445660 +804 156 4 879444781 +804 157 4 879442862 +804 159 4 879445441 +804 160 4 879442707 +804 161 4 879442269 +804 162 2 879446037 +804 163 3 879445579 +804 164 4 879442025 +804 167 3 879445956 +804 168 5 879442377 +804 172 4 879442001 +804 173 4 879442412 +804 174 5 879441476 +804 175 4 879444583 +804 176 4 879441702 +804 177 5 879441727 +804 180 4 879442348 +804 181 5 879440947 +804 182 4 879444924 +804 183 4 879445904 +804 184 5 879441727 +804 185 4 879444890 +804 186 4 879442687 +804 187 4 879441973 +804 188 4 879442096 +804 191 4 879442025 +804 192 4 879441752 +804 193 4 879444518 +804 194 4 879442490 +804 195 5 879442538 +804 196 4 879441752 +804 197 4 879443136 +804 199 5 879442239 +804 200 3 879445493 +804 202 4 879442079 +804 203 4 879442122 +804 205 4 879442434 +804 206 3 879445440 +804 208 5 879441412 +804 209 3 879442538 +804 210 5 879441372 +804 211 4 879444805 +804 212 3 879445933 +804 213 3 879441651 +804 215 5 879441752 +804 216 4 879441450 +804 218 4 879445072 +804 219 3 879445072 +804 222 5 879442591 +804 226 4 879445372 +804 227 4 879443136 +804 228 4 879441391 +804 229 4 879445816 +804 230 4 879442001 +804 231 4 879445334 +804 233 4 879445815 +804 234 4 879442862 +804 235 5 879443736 +804 237 4 879443709 +804 238 4 879441727 +804 239 4 879442122 +804 240 4 879443958 +804 243 3 879440727 +804 245 4 879441132 +804 250 4 879441000 +804 252 4 879441160 +804 254 4 879441195 +804 257 5 879441014 +804 259 4 879440700 +804 260 2 879440787 +804 265 4 879445037 +804 282 4 879444714 +804 284 4 879442732 +804 288 1 879447476 +804 290 4 879443795 +804 291 4 879443819 +804 292 2 879441099 +804 294 5 879441099 +804 307 4 879440600 +804 310 4 879440600 +804 322 5 879440700 +804 323 4 879440765 +804 328 4 879440600 +804 357 5 879441450 +804 358 3 879440787 +804 363 4 879446245 +804 365 4 879446194 +804 366 4 879445579 +804 367 3 879445605 +804 373 2 879447476 +804 378 4 879445605 +804 379 3 879445465 +804 380 4 879445715 +804 385 4 879445904 +804 393 3 879445072 +804 396 3 879445956 +804 401 2 879445798 +804 402 3 879445441 +804 403 3 879445739 +804 405 4 879443776 +804 406 3 879444133 +804 411 3 879443776 +804 412 2 879445955 +804 413 4 879443918 +804 414 4 879444890 +804 415 3 879446391 +804 419 3 879444624 +804 423 3 879441371 +804 425 4 879442643 +804 428 3 879445841 +804 429 4 879445037 +804 431 4 879442707 +804 432 3 879441677 +804 433 4 879444714 +804 434 4 879442642 +804 435 3 879444488 +804 436 5 879444984 +804 443 5 879442122 +804 444 4 879444743 +804 445 4 879445766 +804 447 3 879445625 +804 448 3 879445841 +804 449 3 879445281 +804 451 2 879446063 +804 455 5 879443609 +804 456 3 879444011 +804 468 4 879442687 +804 472 3 879443976 +804 473 4 879443884 +804 474 4 879441524 +804 476 3 879443852 +804 479 4 879441542 +804 480 5 879442057 +804 483 5 879441627 +804 495 3 879442792 +804 496 5 879441973 +804 498 5 879442239 +804 504 3 879444444 +804 510 5 879441346 +804 511 4 879442792 +804 513 5 879441937 +804 514 4 879443032 +804 515 5 879441000 +804 520 4 879445904 +804 522 3 879445190 +804 523 5 879441476 +804 526 4 879442792 +804 527 4 879441752 +804 528 4 879443048 +804 529 4 879441913 +804 550 4 879445739 +804 552 4 879446209 +804 554 2 879447476 +804 558 3 879441627 +804 559 3 879445334 +804 566 4 879444820 +804 568 4 879442793 +804 573 3 879445232 +804 576 4 879445355 +804 582 3 879444963 +804 584 4 879444964 +804 597 3 879444011 +804 603 5 879441937 +804 609 3 879444583 +804 615 5 879442298 +804 616 3 879442984 +804 624 2 879445536 +804 625 3 879445493 +804 629 3 879445072 +804 631 3 879444463 +804 632 3 879444488 +804 636 3 879445334 +804 637 3 879444943 +804 639 4 879442591 +804 642 3 879445556 +804 646 4 879441936 +804 647 5 879442001 +804 651 4 879445904 +804 654 3 879441651 +804 655 4 879442377 +804 657 4 879445904 +804 662 4 879442413 +804 663 5 879442793 +804 664 3 879446090 +804 670 4 879444536 +804 671 3 879445493 +804 674 4 879445699 +804 675 3 879445355 +804 678 4 879440700 +804 679 4 879445393 +804 685 4 879443946 +804 692 5 879442122 +804 702 2 879447476 +804 708 3 879445783 +804 719 3 879445132 +804 720 3 879445072 +804 732 4 879445037 +804 737 3 879444781 +804 739 4 879444805 +804 742 4 879442732 +804 746 4 879444890 +804 747 3 879445699 +804 748 4 879440700 +804 755 3 879445305 +804 756 3 879443976 +804 763 4 879443776 +804 768 3 879445493 +804 771 3 879446108 +804 797 4 879445280 +804 820 4 879444115 +804 824 3 879444133 +804 826 3 879443776 +804 831 3 879443852 +804 841 4 879443709 +804 925 4 879443946 +804 926 4 879443993 +804 928 4 879443736 +804 929 3 879444092 +804 930 3 879444115 +804 932 3 879444077 +804 948 1 879447476 +804 949 3 879445254 +804 951 3 879444781 +804 969 4 879442687 +804 972 3 879445783 +804 981 3 879444077 +804 982 4 879444048 +804 984 4 879440727 +804 988 4 879440663 +804 993 2 879441236 +804 1016 4 879441099 +804 1025 4 879440765 +804 1028 3 879445556 +804 1041 3 879446037 +804 1047 3 879443852 +804 1050 3 879442269 +804 1056 4 879442762 +804 1060 3 879443918 +804 1065 3 879441727 +804 1074 1 879447476 +804 1079 4 879444133 +804 1101 3 879444805 +804 1139 3 879446145 +804 1140 3 879446276 +804 1170 3 879445393 +804 1177 3 879446390 +804 1178 3 879445990 +804 1188 2 879446245 +804 1210 2 879447476 +804 1222 3 879446276 +804 1228 3 879446090 +804 1244 2 879441132 +804 1260 3 879445660 +804 1285 2 879445766 +804 1291 3 879444115 +804 1411 3 879446129 +804 1488 3 879445579 +804 1489 3 879445441 +804 1615 4 879441195 +805 1 4 881695527 +805 4 2 881694798 +805 5 4 881695293 +805 7 5 881694693 +805 8 3 881704063 +805 9 3 881697667 +805 11 2 881694423 +805 12 4 881695677 +805 13 3 881704063 +805 21 2 881705055 +805 22 1 881694423 +805 24 4 881694923 +805 25 4 881704193 +805 28 3 881698243 +805 32 4 881697792 +805 33 5 881694885 +805 38 3 881695080 +805 40 3 881704553 +805 42 2 881704193 +805 45 4 881697128 +805 47 5 881698778 +805 50 4 879971214 +805 55 5 881694693 +805 56 4 881694423 +805 58 4 881698778 +805 65 3 881698861 +805 68 3 881694886 +805 71 3 881695560 +805 79 5 881694423 +805 82 3 881694854 +805 83 4 881696671 +805 86 4 881696729 +805 88 2 881696876 +805 89 4 881694713 +805 90 2 881705412 +805 91 5 881695527 +805 93 5 881704016 +805 94 1 881705412 +805 95 3 881695527 +805 96 4 881694713 +805 98 5 881695196 +805 99 2 881695560 +805 100 5 881695196 +805 101 2 881695591 +805 102 4 881695591 +805 105 2 881705238 +805 106 5 881695968 +805 108 3 881705082 +805 111 3 881696671 +805 117 3 881694798 +805 118 3 881695745 +805 121 3 881694885 +805 122 5 881705350 +805 123 4 881695723 +805 127 3 879971215 +805 128 5 881694798 +805 135 4 881698095 +805 137 5 881697713 +805 140 3 881705892 +805 141 2 881705843 +805 142 4 881705843 +805 143 3 881705765 +805 144 3 881694693 +805 145 2 881695445 +805 147 5 881694286 +805 148 2 881695911 +805 150 5 883766549 +805 151 5 881705810 +805 153 4 881704063 +805 154 5 881704063 +805 155 1 881696923 +805 161 1 881694823 +805 162 2 881698069 +805 164 3 881695293 +805 167 3 881705534 +805 168 5 881704016 +805 169 4 881695527 +805 172 4 881694713 +805 173 4 881696671 +805 174 3 881694798 +805 175 5 881697229 +805 179 4 881697792 +805 180 3 881698139 +805 181 3 879971215 +805 183 5 881684185 +805 185 5 881695196 +805 190 5 881694423 +805 191 4 881697713 +805 195 3 881694693 +805 196 2 881698778 +805 197 5 881696671 +805 200 5 881695244 +805 202 2 881696729 +805 204 2 881704016 +805 209 4 881684202 +805 210 3 881694693 +805 212 3 881696729 +805 213 3 881696699 +805 214 2 881700713 +805 216 2 881696699 +805 217 2 881695293 +805 222 4 881694823 +805 223 5 881698139 +805 225 1 881705892 +805 226 3 881694978 +805 228 3 881694423 +805 229 2 881694885 +805 231 3 881694978 +805 234 5 881695244 +805 235 2 881705350 +805 238 5 881704223 +805 240 3 881705350 +805 241 2 881694923 +805 248 4 881683074 +805 258 3 879971215 +805 259 1 879971049 +805 269 5 879971251 +805 271 3 880055033 +805 273 2 883415418 +805 274 2 881705055 +805 288 1 881695244 +805 294 1 879970879 +805 317 4 881698745 +805 322 2 879971215 +805 323 5 879971214 +805 331 4 879971214 +805 337 2 881180971 +805 338 1 879970974 +805 343 5 881684185 +805 346 4 883766007 +805 352 5 885845656 +805 357 5 881697713 +805 358 3 879971215 +805 367 4 881705108 +805 371 1 881696759 +805 382 4 881698258 +805 383 2 881706146 +805 385 1 881694693 +805 386 3 881704224 +805 393 3 881705843 +805 396 4 881695396 +805 401 4 881705108 +805 402 2 881697013 +805 403 4 881694886 +805 405 3 881694885 +805 406 1 881695445 +805 411 2 881705350 +805 412 3 881705592 +805 413 2 881695414 +805 417 2 881705918 +805 418 2 881695527 +805 419 4 881705766 +805 420 4 881695560 +805 422 4 881695560 +805 423 1 881698175 +805 425 5 881698745 +805 428 5 881704337 +805 431 1 881694713 +805 432 5 881695527 +805 433 4 883415418 +805 436 3 881695347 +805 443 5 881695196 +805 447 4 881695293 +805 451 5 881696759 +805 452 3 881695445 +805 455 4 881694854 +805 469 4 881698243 +805 470 5 881695872 +805 472 2 881695040 +805 473 4 881695591 +805 476 1 881705592 +805 477 4 881705810 +805 501 5 881695560 +805 509 5 881698095 +805 519 4 881698095 +805 522 5 881698095 +805 525 4 881696335 +805 527 3 881698798 +805 537 5 881703643 +805 541 3 882216971 +805 545 1 881705488 +805 546 2 881703473 +805 549 3 881696759 +805 550 3 881694854 +805 552 3 881696124 +805 554 1 881695080 +805 558 5 881695243 +805 559 3 881695347 +805 568 3 881694854 +805 569 1 881695414 +805 576 4 881695040 +805 581 2 881695793 +805 582 3 881698798 +805 588 2 881695527 +805 597 3 881695080 +805 603 4 881696335 +805 625 3 881695560 +805 629 3 881704553 +805 631 5 881698243 +805 636 4 881694978 +805 642 4 881695830 +805 645 5 881704193 +805 648 4 881696729 +805 655 3 881698175 +805 659 3 881695677 +805 660 3 881698881 +805 661 4 881697713 +805 664 5 881697667 +805 665 4 881684185 +805 678 4 879971214 +805 679 4 881694854 +805 708 3 881699661 +805 709 4 881696699 +805 716 4 881696980 +805 719 4 881705389 +805 724 2 881696699 +805 725 3 881705672 +805 729 3 881699728 +805 735 4 881698139 +805 739 1 881697013 +805 742 3 881695872 +805 748 2 879971215 +805 761 3 881695040 +805 768 2 881706049 +805 769 2 881695999 +805 771 5 881695999 +805 772 3 881698881 +805 806 4 881698175 +805 810 2 881695105 +805 827 4 881695040 +805 831 4 881695040 +805 856 4 881698881 +805 866 1 881705412 +805 890 3 882216972 +805 922 5 881702716 +805 928 3 881695930 +805 934 1 881705611 +805 942 3 881698861 +805 946 2 881695591 +805 950 3 881698828 +805 952 5 881704553 +805 959 2 881705327 +805 998 4 881705327 +805 1002 1 881705592 +805 1008 4 881699661 +805 1014 4 881694265 +805 1017 3 881704337 +805 1033 3 881706146 +805 1054 3 881705637 +805 1065 5 881697792 +805 1071 4 881705456 +805 1091 2 881695591 +805 1098 3 881704150 +805 1101 5 881698745 +805 1105 2 884881781 +805 1110 5 881694978 +805 1118 5 881704553 +805 1119 3 881696759 +805 1149 4 881697229 +805 1157 5 881696124 +805 1170 5 881700749 +805 1232 3 881703472 +805 1629 5 881703690 +806 1 4 882385082 +806 2 3 882389862 +806 6 2 882385063 +806 12 5 882388204 +806 14 3 882385394 +806 17 4 882389506 +806 24 3 882385394 +806 28 3 882388286 +806 29 4 882390296 +806 45 4 882388159 +806 47 4 882387563 +806 50 5 882385200 +806 56 5 882387999 +806 70 2 882388628 +806 76 3 882389054 +806 79 3 882387448 +806 81 5 882389727 +806 82 4 882389179 +806 88 4 882390191 +806 89 5 882387756 +806 90 4 882390164 +806 95 5 882388658 +806 96 5 882389908 +806 98 4 882387798 +806 100 4 882385063 +806 111 3 882385237 +806 117 2 882385237 +806 121 4 882385916 +806 122 3 882385694 +806 127 5 882386323 +806 128 3 882388419 +806 131 4 882390496 +806 133 5 882389908 +806 143 5 882390296 +806 144 5 882388658 +806 150 4 882385563 +806 153 4 882388658 +806 155 3 882390164 +806 156 4 882388128 +806 157 3 882387974 +806 158 2 882390404 +806 161 3 882388328 +806 162 3 882388557 +806 168 4 882387595 +806 169 5 882387756 +806 170 5 882387520 +806 172 3 882387373 +806 174 5 882387870 +806 175 5 882387756 +806 176 5 882387798 +806 179 5 882387870 +806 180 4 882388082 +806 181 2 882384988 +806 186 4 882387925 +806 187 5 882387670 +806 188 3 882388159 +806 195 3 882388328 +806 196 5 882388437 +806 197 4 882387728 +806 200 4 882387670 +806 204 5 882388205 +806 209 3 882387837 +806 210 5 882387520 +806 216 4 882388128 +806 222 4 882385563 +806 226 3 882389908 +806 227 2 882388353 +806 228 4 882389230 +806 230 4 882388520 +806 231 3 882390614 +806 233 2 882390614 +806 234 4 882388036 +806 237 2 882385135 +806 238 4 882388082 +806 240 2 882385455 +806 249 4 882385476 +806 252 1 882386110 +806 254 3 882387272 +806 257 4 882385394 +806 258 3 882384589 +806 265 4 882388328 +806 271 3 882384844 +806 273 4 882385524 +806 286 3 882384513 +806 288 3 882384554 +806 302 4 882384513 +806 318 5 882387484 +806 343 3 882384656 +806 357 3 882387373 +806 403 4 882388706 +806 408 5 882385237 +806 419 5 882388706 +806 421 4 882388897 +806 433 4 882389523 +806 455 3 882385455 +806 461 4 882388706 +806 475 4 882385083 +806 483 4 882387409 +806 484 4 882387373 +806 485 5 882388381 +806 496 5 882387798 +806 504 4 882388658 +806 511 5 882387520 +806 518 3 882388231 +806 521 3 882387595 +806 522 3 882388128 +806 553 3 882389831 +806 588 4 882388795 +806 628 3 882385309 +806 655 3 882388128 +806 675 3 882388381 +806 690 2 882384589 +806 702 3 882388795 +806 789 4 882389319 +806 856 5 882387644 +806 875 3 882384802 +806 879 3 882384802 +806 923 3 882389080 +806 952 2 882385578 +806 1010 3 882385806 +806 1012 4 882385278 +806 1016 1 882386110 +806 1018 4 882389908 +806 1048 3 882385806 +806 1059 3 882390426 +806 1071 4 882388965 +806 1074 3 882390515 +806 1098 4 882387925 +806 1129 3 882384988 +806 1514 3 882385643 +807 1 4 892528231 +807 2 4 892978338 +807 8 4 892528374 +807 21 4 892823188 +807 22 5 892528470 +807 28 4 892528918 +807 29 4 892530626 +807 50 5 892529076 +807 62 3 892979256 +807 63 5 892531504 +807 68 4 892705239 +807 69 5 892528110 +807 71 5 892530705 +807 73 3 892532030 +807 79 5 892528690 +807 82 4 892529278 +807 89 4 892528470 +807 91 5 892684675 +807 94 2 892823225 +807 95 4 892529185 +807 96 3 892528564 +807 99 5 892529401 +807 101 4 893080637 +807 102 4 892979501 +807 118 4 892529713 +807 121 4 892529278 +807 127 3 892529647 +807 132 4 892530003 +807 133 5 892705060 +807 135 5 892705362 +807 136 5 892529185 +807 139 2 893082430 +807 140 3 892530004 +807 141 3 892684576 +807 142 3 892530752 +807 143 4 892528062 +807 144 4 892528771 +807 151 4 893081163 +807 154 2 892528919 +807 161 4 892528919 +807 168 4 892529893 +807 172 5 892528515 +807 173 3 892528285 +807 174 5 892528866 +807 177 4 892705191 +807 181 5 892528954 +807 186 4 892530004 +807 193 4 892529483 +807 194 4 892528427 +807 195 3 892528999 +807 199 5 892528374 +807 204 4 892528954 +807 205 3 892528605 +807 206 2 892684932 +807 208 4 892528646 +807 210 4 892528646 +807 211 4 892529448 +807 222 4 892528174 +807 227 4 892529805 +807 228 4 892529448 +807 229 4 892530752 +807 230 4 892530216 +807 231 4 892530705 +807 234 3 892530216 +807 235 1 892530173 +807 252 4 893084689 +807 254 4 893085166 +807 257 4 893084232 +807 258 3 892527100 +807 265 5 892529076 +807 271 3 892527385 +807 289 4 892527665 +807 298 4 893083851 +807 300 5 892527168 +807 313 5 892527050 +807 318 5 892528062 +807 358 3 892527606 +807 373 4 893081695 +807 374 3 893083109 +807 380 4 893080442 +807 381 2 892530004 +807 384 4 893080838 +807 386 4 893080516 +807 393 4 892528954 +807 398 3 893082268 +807 402 5 892705096 +807 403 4 892979116 +807 404 3 892528427 +807 405 4 892684722 +807 408 3 892528813 +807 415 3 893082702 +807 416 3 892528771 +807 417 3 892979746 +807 418 4 892529358 +807 420 3 892979368 +807 421 3 892529805 +807 422 4 893082741 +807 423 5 892528470 +807 427 4 892528427 +807 428 4 892530439 +807 431 4 892528062 +807 432 5 892530498 +807 435 3 892528690 +807 449 5 893082893 +807 450 4 893082931 +807 451 5 892530112 +807 470 5 892529448 +807 472 4 892530625 +807 473 3 892530705 +807 477 4 892775458 +807 483 5 892529756 +807 484 4 892530966 +807 485 5 892531977 +807 491 5 892528062 +807 495 4 892530792 +807 496 5 892528918 +807 498 4 892529150 +807 501 3 892529358 +807 503 3 892530004 +807 505 3 892528110 +807 510 5 892529401 +807 511 5 892705391 +807 515 4 892528999 +807 520 5 892529358 +807 523 3 892529519 +807 526 5 892530061 +807 527 5 892528646 +807 528 4 892530173 +807 541 4 893083740 +807 542 5 893081951 +807 543 2 892528427 +807 546 4 892978966 +807 550 5 892979747 +807 554 4 892684529 +807 566 4 892528999 +807 570 4 893081426 +807 576 4 893081656 +807 578 4 892530582 +807 584 4 892529031 +807 588 5 892530251 +807 596 4 892530792 +807 597 4 892705277 +807 602 5 893083772 +807 605 3 892529150 +807 610 3 892684802 +807 612 5 892528690 +807 622 3 892530656 +807 624 3 892530705 +807 625 3 892978296 +807 627 4 892684456 +807 630 4 892529573 +807 633 4 892529401 +807 657 4 892529573 +807 659 4 892977077 +807 678 3 892527569 +807 679 4 892705307 +807 684 5 892529851 +807 699 4 892528515 +807 705 4 892528918 +807 720 4 893080801 +807 739 4 892684321 +807 743 3 893083216 +807 748 4 892527267 +807 751 3 892527467 +807 757 4 892528374 +807 820 3 892532068 +807 826 3 893082505 +807 831 4 892530881 +807 842 4 892979600 +807 843 2 892684615 +807 930 5 893082778 +807 946 3 893081338 +807 968 4 892530498 +807 969 4 892528375 +807 998 3 893081656 +807 1016 4 893083991 +807 1034 5 893082544 +807 1039 4 892528324 +807 1050 5 892529311 +807 1063 4 892529112 +807 1066 5 893081508 +807 1076 3 893082227 +807 1078 4 892979639 +807 1084 4 892529519 +807 1089 4 893084724 +807 1091 3 893082703 +807 1133 3 892823295 +807 1138 5 893084886 +807 1274 3 893083179 +807 1409 4 892978256 +807 1411 1 893082619 +807 1413 2 893083486 +807 1483 4 892527385 +807 1615 4 893084653 +808 264 5 883949986 +808 270 4 883949560 +808 288 3 883949454 +808 300 4 883949681 +808 312 3 883949873 +808 327 5 883949986 +808 332 4 883949639 +808 340 5 883949986 +808 346 5 883949986 +808 748 4 883949873 +808 751 3 883949560 +808 872 5 883949986 +808 875 4 883949915 +809 245 3 891037127 +809 299 4 891037069 +809 300 4 891036903 +809 315 5 891036743 +809 319 3 891036744 +809 322 3 891037069 +809 331 2 891036809 +809 333 3 891036903 +809 340 4 891036744 +809 1025 1 891037205 +810 243 4 879895350 +810 269 5 891293811 +810 286 4 891293811 +810 289 5 879895403 +810 300 5 890083187 +810 323 4 879895314 +810 328 5 885406635 +810 338 4 891873660 +810 339 5 891294039 +810 342 5 890083580 +810 678 4 879895453 +810 873 3 879895403 +810 876 3 886614969 +810 878 4 879895500 +810 881 4 879895350 +810 902 5 890083210 +811 243 3 886377579 +811 286 5 886376983 +811 300 5 886377373 +811 307 4 886377248 +811 308 4 886377082 +811 315 4 886377579 +811 321 3 886377483 +811 678 5 886377686 +811 895 5 886377311 +811 901 4 886377771 +811 988 4 886377686 +812 289 1 877625461 +812 292 3 877625610 +812 300 5 877625461 +812 302 3 877625109 +812 328 4 877625368 +812 332 4 877625368 +812 333 5 877625294 +812 682 4 877625224 +812 873 4 877625537 +812 881 4 877625537 +813 9 3 883752051 +813 243 3 883752660 +813 263 3 883752606 +813 266 2 883752660 +813 270 5 883752380 +813 271 4 883752455 +813 300 4 883752331 +813 304 1 883752380 +813 307 4 883752265 +813 310 4 883752290 +813 326 3 883752380 +813 680 2 883752660 +813 690 4 883752331 +813 750 4 883752264 +813 751 5 883752264 +813 890 4 883752708 +813 892 1 883752708 +813 893 3 883752708 +813 898 1 883752264 +814 5 3 885411030 +814 7 4 885411073 +814 17 3 885411073 +814 53 4 885411132 +814 56 3 885410957 +814 98 4 885410957 +814 145 2 885411749 +814 184 3 885411073 +814 201 2 885410957 +814 218 3 885411030 +814 219 4 885411030 +814 234 3 885410957 +814 288 4 885410789 +814 358 2 885410837 +814 413 2 885411749 +814 436 3 885411073 +814 441 2 885411347 +814 444 2 885411347 +814 447 3 885411030 +814 635 2 885411749 +814 665 4 885411204 +814 667 2 885411204 +814 669 3 885411204 +814 672 3 885411030 +814 675 3 885410957 +815 1 5 878691975 +815 2 3 878696355 +815 7 4 878691975 +815 9 4 878691739 +815 28 4 878694199 +815 31 4 878695490 +815 50 5 878691739 +815 54 3 878696355 +815 57 5 878694854 +815 65 5 878694664 +815 69 4 878694106 +815 71 5 878694341 +815 77 4 878695798 +815 79 4 878694493 +815 82 4 884267891 +815 83 4 878695311 +815 86 5 878693989 +815 87 5 878694199 +815 88 4 878695176 +815 89 4 878695092 +815 91 3 878696840 +815 94 3 878697705 +815 95 3 878693381 +815 96 5 878693871 +815 97 5 878694983 +815 98 4 878693183 +815 99 4 878694665 +815 102 3 878694028 +815 114 5 878695019 +815 117 3 878691884 +815 121 2 878692344 +815 125 5 878692242 +815 127 3 878691739 +815 131 2 878698449 +815 132 5 878695278 +815 133 5 878694613 +815 134 4 878694613 +815 135 2 878694493 +815 136 5 878695311 +815 141 4 878694613 +815 143 5 878694665 +815 144 4 878693989 +815 151 4 878692207 +815 153 4 878695020 +815 154 5 878694453 +815 158 2 878695645 +815 159 3 878694306 +815 163 4 878695841 +815 167 2 878697705 +815 168 3 878693424 +815 172 5 878694613 +815 174 4 878693424 +815 175 3 878694952 +815 176 4 878694705 +815 179 2 878694228 +815 181 5 878691844 +815 185 3 878693830 +815 188 3 878693906 +815 190 5 878693381 +815 191 5 878693183 +815 193 4 878696054 +815 195 4 878695278 +815 199 4 878694055 +815 200 5 878693871 +815 202 4 878694341 +815 203 4 878696650 +815 204 4 878693871 +815 210 2 878698553 +815 214 5 878693497 +815 215 5 878694820 +815 217 3 878696681 +815 222 4 884320310 +815 226 3 878698704 +815 227 2 878695147 +815 228 5 878694735 +815 229 3 878695527 +815 230 5 878698098 +815 233 3 878694381 +815 239 5 878694563 +815 240 2 878692319 +815 250 1 878691779 +815 252 2 884267891 +815 257 3 884320266 +815 258 4 884320310 +815 265 5 878696181 +815 313 5 884222552 +815 318 5 878693497 +815 333 3 887978234 +815 380 3 878695744 +815 391 2 878697734 +815 392 4 878697163 +815 393 4 878696473 +815 402 5 878695438 +815 403 4 878697532 +815 404 4 878695147 +815 405 4 878692071 +815 417 5 878694664 +815 418 4 878695744 +815 419 3 878695490 +815 423 5 878694613 +815 427 5 887978255 +815 432 5 878694952 +815 433 3 878695199 +815 434 3 878696619 +815 435 4 878694269 +815 436 3 878695241 +815 443 3 878695055 +815 444 2 878698407 +815 449 2 878698661 +815 451 3 878696965 +815 465 5 878694952 +815 471 2 878692149 +815 472 1 878692826 +815 479 4 878694106 +815 484 4 878693989 +815 485 4 878694820 +815 494 5 878696093 +815 496 5 878694027 +815 501 3 878694028 +815 514 1 878693183 +815 515 5 878691739 +815 518 3 878693183 +815 521 4 878694381 +815 523 4 878693462 +815 526 4 878696093 +815 527 5 878693830 +815 528 5 887978255 +815 529 5 878694854 +815 542 4 878694820 +815 559 3 878695877 +815 582 1 878695311 +815 584 3 878696355 +815 588 5 878693906 +815 596 5 878692043 +815 602 3 878694269 +815 603 3 878694664 +815 613 5 878694983 +815 614 3 878695964 +815 615 2 878696181 +815 616 1 878697189 +815 623 3 878697043 +815 625 4 878694705 +815 629 4 878695527 +815 631 4 887978234 +815 639 2 878696681 +815 647 5 878694055 +815 650 2 878696213 +815 655 3 878694563 +815 659 5 878694952 +815 660 4 878696441 +815 665 2 878698525 +815 671 4 878695679 +815 675 2 878698831 +815 684 4 878696441 +815 686 5 878695092 +815 705 5 878693183 +815 712 3 878696563 +815 713 4 878692016 +815 732 5 878694106 +815 735 5 878695438 +815 835 3 878694269 +815 837 5 878694983 +815 871 1 878693073 +815 919 5 878691844 +815 945 4 878697261 +815 969 5 878694306 +815 993 2 878691939 +815 1039 5 878693870 +815 1078 2 878695903 +815 1133 3 878697466 +815 1157 2 884267828 +815 1204 5 878696619 +815 1299 3 878697015 +816 243 4 891711554 +816 260 3 891711579 +816 264 4 891711495 +816 271 4 891711378 +816 300 4 891710724 +816 322 4 891710922 +816 323 4 891711324 +816 328 4 891710968 +816 331 5 891710922 +816 332 4 891710994 +816 342 4 891711519 +816 678 4 891710837 +816 687 2 891711554 +816 690 4 891710922 +816 1025 4 891711495 +817 7 4 874815885 +817 9 3 874815836 +817 24 4 874815947 +817 117 5 874815947 +817 121 3 874815835 +817 222 4 874815835 +817 245 2 874815789 +817 258 3 874815541 +817 273 5 874815885 +817 288 4 874815593 +817 289 2 874815789 +817 294 4 874815593 +817 300 3 874815542 +817 324 2 874815789 +817 327 4 874815593 +817 329 4 874815649 +817 363 3 874816007 +817 405 3 874815947 +817 455 3 874815947 +817 546 4 874815947 +817 597 2 874816007 +817 831 1 874816007 +817 840 2 874816007 +817 876 4 874815542 +817 924 3 874815947 +817 928 3 874815835 +818 245 4 891870515 +818 258 4 891870301 +818 269 3 891870173 +818 271 4 891870389 +818 288 5 891870364 +818 300 2 891870222 +818 303 5 891870222 +818 312 2 891870546 +818 313 4 891870173 +818 346 4 891870364 +818 875 1 891870590 +819 70 4 884105841 +819 147 5 884105025 +819 177 4 884105025 +819 245 3 879952688 +819 246 4 884012614 +819 255 1 884105841 +819 258 2 879952538 +819 286 5 879952508 +819 300 5 879952538 +819 302 5 884012512 +819 304 4 879952565 +819 319 4 879952627 +819 327 4 879952656 +819 345 4 884618137 +819 346 5 884012487 +819 381 4 884105841 +819 533 4 884618086 +819 744 5 880382355 +820 258 3 887954853 +820 286 4 887954853 +820 302 5 887954906 +820 313 5 887954934 +820 324 3 887955020 +820 328 2 887955079 +820 333 5 887954878 +820 347 4 887954853 +820 358 1 887954972 +820 751 1 887955180 +820 895 2 887955046 +821 1 5 874792813 +821 14 4 874792369 +821 15 5 874792835 +821 22 5 874793418 +821 28 5 874793469 +821 56 5 874793847 +821 70 4 874793933 +821 71 5 874793969 +821 79 5 874793517 +821 95 5 874793898 +821 98 5 874793847 +821 100 2 874792285 +821 106 2 874793196 +821 111 4 874793049 +821 117 3 874792442 +821 121 3 874792752 +821 125 4 874792860 +821 132 5 874793898 +821 148 3 874792650 +821 151 4 874792889 +821 161 4 874793898 +821 213 5 874793806 +821 234 5 874793574 +821 237 5 874792491 +821 274 5 874792778 +821 281 3 874793218 +821 284 3 874792521 +821 294 4 874792194 +821 318 5 874793368 +821 357 5 874793517 +821 389 5 874793469 +821 405 4 874793022 +821 427 5 874793649 +821 435 4 874793773 +821 459 5 874792698 +821 471 4 874792752 +821 473 3 874792813 +821 476 4 874792403 +821 483 5 874793517 +821 484 5 874793898 +821 495 5 874793574 +821 504 4 874793848 +821 509 5 874793574 +821 560 3 874793773 +821 597 3 874793022 +821 705 5 874793649 +821 707 5 874793848 +821 763 3 874792491 +821 845 5 874792591 +821 993 4 874792570 +821 1060 5 874793022 +821 1197 5 874792889 +822 1 4 891037291 +822 71 4 891037465 +822 91 3 891037394 +822 95 4 891037394 +822 101 2 891037465 +822 111 4 891039414 +822 169 4 891037394 +822 189 4 891037394 +822 206 3 891036851 +822 235 3 891039543 +822 358 3 891037112 +822 539 2 891035086 +822 588 2 891037394 +822 751 3 891035141 +822 902 4 891033747 +823 1 4 878438206 +823 4 5 878438607 +823 7 5 878438298 +823 8 5 878437925 +823 12 4 878437925 +823 13 5 878438642 +823 17 4 878439655 +823 22 5 878438058 +823 25 3 878438642 +823 26 5 878438930 +823 28 3 878438058 +823 33 3 878438332 +823 42 4 878438357 +823 48 5 878438642 +823 50 5 878438435 +823 52 3 878439605 +823 53 5 878439229 +823 55 4 878438484 +823 56 5 878438119 +823 58 5 878438930 +823 64 5 878437753 +823 66 4 878439391 +823 68 3 878438930 +823 69 5 878438095 +823 71 3 878439008 +823 77 4 878438958 +823 79 4 878439038 +823 83 3 878438024 +823 87 5 878438887 +823 88 5 878438780 +823 89 5 878438780 +823 90 4 878438552 +823 91 3 878439365 +823 92 5 878438357 +823 95 4 878439257 +823 96 4 878438179 +823 97 5 878439113 +823 98 5 878437890 +823 100 5 878437658 +823 101 3 878438807 +823 102 4 878438807 +823 111 4 878438206 +823 124 4 878437925 +823 125 4 878438585 +823 127 5 878438357 +823 128 2 878438733 +823 134 5 878438232 +823 135 4 878438379 +823 136 5 878438206 +823 140 3 878438332 +823 141 4 878438484 +823 143 4 878438024 +823 144 5 878438535 +823 150 4 878438058 +823 151 4 878438732 +823 152 5 878437703 +823 153 4 878438856 +823 154 5 878438607 +823 155 3 878439211 +823 156 5 878438403 +823 157 5 878438435 +823 159 3 878438484 +823 160 4 878438232 +823 161 3 878438535 +823 164 3 878437658 +823 168 5 878437658 +823 170 4 878438357 +823 172 5 878437589 +823 173 5 878438148 +823 174 5 878437589 +823 175 4 878438457 +823 176 4 878438807 +823 180 4 878439008 +823 181 4 878438260 +823 182 4 878438260 +823 183 4 878438403 +823 184 3 878439629 +823 186 4 878438672 +823 187 5 878438148 +823 188 5 878438672 +823 193 5 878439113 +823 194 5 878439136 +823 195 4 878437703 +823 196 5 878439211 +823 197 5 878437623 +823 198 4 878439065 +823 202 4 878438672 +823 204 4 878438930 +823 206 4 878439089 +823 209 4 878438379 +823 215 4 878437925 +823 216 5 878438584 +823 217 3 878439655 +823 218 4 878438232 +823 219 2 878439038 +823 222 3 878438179 +823 227 1 878439497 +823 228 3 878438435 +823 229 3 878439211 +823 230 3 878439557 +823 231 3 878439337 +823 233 4 878439365 +823 234 4 878438608 +823 237 4 878439037 +823 238 5 878438057 +823 239 4 878438959 +823 240 3 878438119 +823 273 3 878437890 +823 274 4 878439038 +823 282 3 878439364 +823 286 5 878437499 +823 294 3 878439981 +823 318 5 878438179 +823 333 3 878439845 +823 356 3 878439467 +823 374 1 878438733 +823 401 4 878439365 +823 404 4 878438484 +823 408 5 878437589 +823 410 4 878438535 +823 418 4 878438672 +823 419 4 878438780 +823 423 5 878438780 +823 425 5 878438298 +823 426 4 878437658 +823 427 4 878439038 +823 428 5 878438511 +823 433 4 878438379 +823 450 1 878439412 +823 459 4 878438379 +823 471 3 878438608 +823 473 3 878439065 +823 474 5 878437890 +823 475 5 878438297 +823 478 4 878439113 +823 503 5 878439315 +823 514 5 878438024 +823 517 5 878437658 +823 531 4 878437890 +823 566 4 878439605 +823 568 3 878439293 +823 588 3 878438179 +823 606 4 878438856 +823 625 4 878438807 +823 631 4 878439293 +823 640 1 878439315 +823 642 4 878439089 +823 651 5 878438179 +823 654 5 878437703 +823 655 5 878439364 +823 659 4 878437589 +823 660 5 878438435 +823 686 4 878439257 +823 692 4 878439438 +823 708 4 878438930 +823 709 3 878438095 +823 710 4 878438457 +823 715 5 878439065 +823 721 4 878438695 +823 732 5 878439183 +823 735 4 878438754 +823 742 4 878438535 +823 747 4 878438585 +823 762 4 878439557 +823 770 4 878438754 +823 792 3 878438057 +823 866 2 878438179 +823 919 4 878438206 +823 1046 3 878439467 +823 1067 4 878438511 +823 1070 4 878438332 +823 1107 3 878438332 +823 1118 3 878437836 +823 1135 3 878437836 +823 1267 4 878438780 +824 243 1 877021002 +824 245 2 877021121 +824 259 4 877020927 +824 288 3 877020927 +824 319 2 877020927 +824 323 2 877020965 +824 325 4 877021121 +824 687 2 877021077 +824 748 1 877021077 +824 989 2 877021121 +825 7 5 880755612 +825 9 3 880755418 +825 12 5 881101782 +825 14 3 880755942 +825 16 3 889020779 +825 25 4 880756904 +825 50 4 880755418 +825 98 5 881101641 +825 100 4 880755942 +825 105 3 889021208 +825 106 4 880756504 +825 116 3 880755693 +825 117 5 889021393 +825 118 4 880756725 +825 120 3 889020852 +825 121 5 880756076 +825 122 1 889021209 +825 124 3 881097389 +825 125 5 880755942 +825 126 3 880755982 +825 127 3 880755612 +825 130 2 889021235 +825 137 2 880756224 +825 147 5 880756643 +825 148 4 880756725 +825 174 5 881101782 +825 176 5 881101641 +825 181 4 880756224 +825 195 5 881101543 +825 222 5 880755468 +825 235 3 880756678 +825 237 4 880931932 +825 243 4 884642187 +825 245 5 882109193 +825 248 4 880755869 +825 249 3 880755693 +825 250 5 880755693 +825 252 5 880757103 +825 257 4 880931887 +825 258 4 880932625 +825 273 5 880756401 +825 274 4 889020826 +825 275 3 881100775 +825 281 3 880756678 +825 282 4 880755693 +825 284 3 880756603 +825 285 3 880756504 +825 286 4 889912073 +825 288 1 880931932 +825 289 1 882109193 +825 290 4 880755869 +825 291 5 880756603 +825 293 3 880931805 +825 298 5 880756726 +825 307 4 880755305 +825 321 3 886697076 +825 322 5 884642187 +825 323 4 881185672 +825 325 5 882109250 +825 326 4 886696420 +825 363 4 881185343 +825 370 3 889021180 +825 385 5 881101641 +825 405 5 880756442 +825 406 2 889021208 +825 407 3 889021180 +825 409 3 889020852 +825 411 3 889021134 +825 413 3 889020940 +825 455 4 880756796 +825 456 3 889021287 +825 472 5 880756442 +825 491 4 881101782 +825 508 4 880756725 +825 515 4 880756076 +825 546 5 880756603 +825 566 5 881101543 +825 591 4 880755943 +825 593 3 880755468 +825 595 3 889021134 +825 597 5 880756933 +825 619 4 880756834 +825 620 3 889021134 +825 628 4 880756504 +825 678 4 880757103 +825 685 4 880756321 +825 687 5 882109250 +825 696 3 889020961 +825 717 4 889021088 +825 740 2 880756320 +825 741 4 881343947 +825 742 4 880756224 +825 746 5 881101782 +825 748 5 880756504 +825 823 4 881342978 +825 825 4 881187129 +825 827 4 881184695 +825 831 3 880756796 +825 832 3 881101246 +825 833 4 881101329 +825 840 4 880757103 +825 841 4 880756904 +825 844 2 892949244 +825 864 3 880756725 +825 866 4 880756376 +825 870 3 880931932 +825 871 3 880932283 +825 919 1 881099316 +825 924 2 880756725 +825 925 4 880756904 +825 926 4 880756643 +825 928 3 880756224 +825 930 5 881184695 +825 931 3 889021287 +825 932 3 880756862 +825 979 4 889021134 +825 982 5 881184695 +825 984 5 884642187 +825 988 3 889020557 +825 1008 1 889020680 +825 1011 3 881101246 +825 1013 2 881185672 +825 1015 2 880756321 +825 1016 3 880756077 +825 1028 3 889021037 +825 1034 4 881185343 +825 1049 3 880756834 +825 1051 4 880755693 +825 1087 3 881343153 +825 1117 3 880756402 +825 1163 3 880756076 +825 1199 4 880755762 +825 1244 5 881185672 +825 1254 1 880756678 +825 1291 2 889021258 +826 1 4 885690250 +826 2 3 885690713 +826 4 4 885690526 +826 11 4 885690526 +826 22 5 885690481 +826 29 3 885690750 +826 33 3 885690600 +826 39 4 885690600 +826 53 5 885690900 +826 55 5 885690636 +826 56 5 885690525 +826 62 4 885690790 +826 68 3 885690677 +826 71 5 885690342 +826 79 4 885690526 +826 82 3 885690482 +826 89 5 885690526 +826 91 4 885690342 +826 95 5 885690342 +826 96 5 885690600 +826 99 3 885690379 +826 101 5 885690442 +826 102 4 885690442 +826 127 5 885690482 +826 161 3 885690677 +826 174 5 885690481 +826 176 5 885690600 +826 177 5 885690676 +826 181 5 885690526 +826 183 5 885690482 +826 184 3 885690677 +826 187 4 885690481 +826 188 4 885690636 +826 190 3 885690636 +826 195 5 885690636 +826 210 5 885690526 +826 226 4 885690677 +826 227 4 885690713 +826 228 3 885690600 +826 229 4 885690713 +826 230 4 885690600 +826 231 3 885690713 +826 232 3 885690713 +826 233 4 885690713 +826 258 4 885689759 +826 260 3 885690022 +826 265 5 885690526 +826 271 4 885690022 +826 288 3 885689759 +826 294 4 885689918 +826 309 4 885689892 +826 332 3 885689821 +826 343 5 885690046 +826 373 3 885690900 +826 385 5 885690677 +826 391 4 885690854 +826 397 3 885690854 +826 399 4 885690790 +826 403 4 885690750 +826 420 3 885690342 +826 422 2 885690379 +826 426 2 885690379 +826 432 3 885690379 +826 435 4 885690677 +826 449 4 885690819 +826 501 3 885690380 +826 510 4 885690677 +826 511 3 885690482 +826 526 3 885690677 +826 540 3 885690854 +826 550 3 885690750 +826 554 4 885690749 +826 566 3 885690636 +826 568 4 885690636 +826 570 4 885690790 +826 576 4 885690900 +826 578 5 885690713 +826 586 4 885690819 +826 588 4 885690342 +826 624 4 885690379 +826 625 3 885690442 +826 627 4 885690342 +826 651 4 885690526 +826 665 5 885690819 +826 678 4 885689942 +826 679 2 885690712 +826 684 3 885690600 +826 720 3 885690819 +826 748 4 885689918 +826 768 3 885690442 +826 771 3 885690900 +826 779 3 885690900 +826 802 4 885690854 +826 810 3 885690854 +826 820 3 885690250 +826 849 4 885690750 +826 946 3 885690342 +826 1091 3 885690379 +826 1110 4 885690900 +826 1219 4 885690442 +826 1222 3 885690819 +826 1228 3 885690900 +826 1231 3 885690854 +826 1240 5 885690442 +826 1409 2 885690442 +827 245 3 882807611 +827 269 5 882201356 +827 286 3 882201725 +827 288 3 882204460 +827 289 3 882807571 +827 294 4 882807611 +827 300 3 882201725 +827 302 4 882201356 +827 312 2 882809814 +827 316 3 892157262 +827 326 3 882807503 +827 332 3 882204460 +827 333 3 892157242 +827 343 4 882201532 +827 358 2 882808622 +827 689 3 882201884 +827 748 4 882808465 +827 938 3 892157282 +828 6 1 891035614 +828 10 3 891035970 +828 14 4 891035819 +828 20 2 891035969 +828 24 4 891035864 +828 26 3 891037948 +828 45 4 891380166 +828 52 3 891037639 +828 59 5 891036972 +828 60 4 891380167 +828 61 5 891037466 +828 70 3 893186210 +828 83 3 891036826 +828 86 3 891037047 +828 116 4 891035724 +828 170 3 891037231 +828 179 4 891036972 +828 190 3 891036826 +828 198 4 891036492 +828 207 4 891036492 +828 213 2 891037865 +828 224 3 891035614 +828 246 2 893186163 +828 270 5 891034148 +828 271 2 891035438 +828 275 3 891035614 +828 283 3 891035864 +828 286 4 891033342 +828 288 3 891034237 +828 301 2 893186210 +828 302 4 891380166 +828 303 4 891033574 +828 306 3 891033342 +828 313 3 891033342 +828 316 5 891034440 +828 322 3 891034515 +828 327 4 891033756 +828 328 3 891033988 +828 331 4 891380166 +828 340 5 891033756 +828 345 1 891035438 +828 346 4 891380167 +828 347 1 891035438 +828 355 2 891035437 +828 381 3 891036568 +828 382 3 891037639 +828 462 3 891036630 +828 463 2 891036717 +828 475 4 891035724 +828 509 2 891036630 +828 510 3 891037231 +828 512 5 891037948 +828 531 4 891036972 +828 547 2 891035864 +828 557 2 891036826 +828 558 3 891037047 +828 582 3 891037813 +828 640 2 891037948 +828 652 5 891036492 +828 694 2 891036717 +828 702 2 891037466 +828 730 3 891036972 +828 737 1 891037948 +828 748 2 891035438 +828 751 3 891034306 +828 752 1 891035438 +828 874 3 891380355 +828 886 1 891035438 +828 895 2 891035437 +828 896 4 891379760 +828 900 2 891035438 +828 902 4 891380167 +828 903 4 891380167 +828 904 3 891618316 +828 906 3 891034148 +828 923 3 891037047 +828 955 3 891379818 +828 958 5 891038262 +828 960 5 891036568 +828 961 2 891038222 +828 985 3 893186246 +828 1005 3 891037813 +828 1056 1 891036630 +828 1062 4 891380166 +828 1068 4 891035864 +828 1073 4 891036630 +828 1153 3 891037948 +828 1196 2 891036492 +828 1268 2 891038098 +828 1462 3 891037948 +828 1466 4 891380166 +828 1597 3 891037813 +828 1622 1 891038060 +828 1672 2 891037722 +829 1 4 891990554 +829 10 3 881707829 +829 13 4 881086933 +829 14 2 881712488 +829 20 3 881707829 +829 70 4 881699060 +829 86 4 891992008 +829 100 4 881086893 +829 105 3 881711924 +829 116 4 881698644 +829 124 4 892312784 +829 125 3 891990619 +829 129 4 881712252 +829 151 4 891990672 +829 153 4 887584684 +829 170 4 881698933 +829 190 4 881698876 +829 198 4 884736647 +829 212 4 881699005 +829 213 4 881698933 +829 222 4 882816987 +829 237 3 891204271 +829 255 3 891547657 +829 257 4 881699584 +829 258 3 886993238 +829 259 2 881707829 +829 275 4 892312770 +829 276 4 891990694 +829 281 3 881712349 +829 284 3 891990799 +829 286 4 891204271 +829 294 2 881707829 +829 310 3 890956632 +829 313 4 891204191 +829 319 4 892312728 +829 408 4 891991300 +829 410 3 881086959 +829 427 4 891204271 +829 458 3 891990881 +829 462 4 881698976 +829 475 4 891990718 +829 509 5 881698976 +829 515 4 881698803 +829 529 4 881698976 +829 582 4 881699060 +829 639 4 881699005 +829 640 3 881707829 +829 705 4 891204271 +829 733 2 887584684 +829 845 3 891990650 +829 855 4 881698934 +829 1120 2 881707829 +829 1121 4 883149815 +829 1193 4 881699425 +830 1 4 891560596 +830 2 3 891561806 +830 15 4 891561065 +830 22 5 891561673 +830 29 1 891899476 +830 49 5 892503093 +830 50 5 891561606 +830 56 2 891464054 +830 71 4 891561474 +830 79 4 891561607 +830 87 4 891462594 +830 88 4 891464148 +830 89 5 891561607 +830 95 3 891561474 +830 96 3 891561673 +830 97 4 892502984 +830 98 5 891462467 +830 99 3 891561474 +830 126 5 892502421 +830 127 4 891464054 +830 134 3 891464054 +830 151 3 891560596 +830 161 4 891561870 +830 172 5 891561606 +830 173 4 891464148 +830 174 5 891561606 +830 176 3 891561673 +830 177 4 891561870 +830 181 5 891561673 +830 183 4 891462467 +830 187 2 891464054 +830 193 5 891898415 +830 194 4 891898720 +830 195 3 891464054 +830 197 4 891464415 +830 202 5 891464148 +830 203 4 891898061 +830 204 3 891898551 +830 205 5 891462531 +830 210 5 891561607 +830 211 4 891898720 +830 222 3 891561065 +830 226 5 891561806 +830 227 3 891561737 +830 228 3 891561607 +830 229 2 891561937 +830 230 3 891561806 +830 231 2 891561938 +830 241 4 891464148 +830 265 5 891561607 +830 294 3 891464054 +830 310 4 891462185 +830 313 5 891462165 +830 399 5 891561999 +830 402 4 892503093 +830 403 4 891561806 +830 418 3 891561540 +830 424 1 891560972 +830 427 5 891462531 +830 431 3 891561737 +830 432 3 891561474 +830 435 5 891561737 +830 449 2 891899475 +830 451 4 892503035 +830 474 5 891898661 +830 480 5 891462594 +830 484 5 891898661 +830 487 5 891898415 +830 498 5 891899535 +830 501 3 891561474 +830 510 4 891561673 +830 523 4 891898661 +830 550 5 891561870 +830 554 5 891561999 +830 566 3 891561937 +830 568 4 891561607 +830 588 5 891561474 +830 612 4 891898061 +830 613 4 891898603 +830 625 3 891561541 +830 627 3 891561541 +830 633 4 891898661 +830 648 5 891464148 +830 651 4 891561737 +830 661 4 891462594 +830 679 3 891561805 +830 692 4 891464148 +830 696 2 892502651 +830 732 5 891464415 +830 751 2 891464054 +830 790 1 891899476 +830 820 1 891899475 +830 834 1 891899475 +830 837 5 891462467 +830 925 4 892502651 +830 968 4 891898211 +831 7 5 891354947 +831 12 5 891354687 +831 22 5 891354573 +831 28 3 891354848 +831 31 4 891354612 +831 50 5 891354900 +831 56 5 891354751 +831 64 5 891354534 +831 83 4 891354848 +831 100 4 891354573 +831 117 3 891354970 +831 129 2 891354866 +831 144 5 891354815 +831 150 3 891354815 +831 156 4 891354751 +831 173 3 891354798 +831 174 5 891354534 +831 197 4 891354751 +831 204 5 891354645 +831 208 2 891354612 +831 210 5 891354612 +831 237 4 891355004 +831 250 5 891354931 +831 258 2 891354020 +831 260 2 891354371 +831 266 3 891354338 +831 270 4 891354000 +831 271 2 891354225 +831 272 5 891353915 +831 284 3 891355004 +831 288 1 891354043 +831 294 4 891354043 +831 298 5 891355004 +831 300 3 891354191 +831 301 2 891354275 +831 307 2 891354064 +831 313 5 891354000 +831 315 3 891353915 +831 316 3 891354338 +831 317 4 891354798 +831 323 2 891354275 +831 326 4 891354275 +831 327 2 891353940 +831 328 3 891354000 +831 331 4 891353979 +831 347 3 891354191 +831 354 4 891354063 +831 358 2 891354371 +831 479 4 891354726 +831 508 3 891354947 +831 603 5 891354535 +831 687 2 891354424 +831 688 1 891354424 +831 690 4 891354064 +831 713 5 891354970 +831 741 2 891354726 +831 742 3 891354866 +831 748 2 891354297 +831 749 2 891354225 +831 750 4 891354225 +831 905 4 891354020 +831 1012 4 891354970 +831 1119 3 891354751 +832 50 3 888260089 +832 243 2 888259984 +832 258 3 888258960 +832 260 3 888259404 +832 264 3 888259480 +832 286 3 888258806 +832 288 3 888259984 +832 307 4 888259231 +832 313 5 888258754 +832 322 3 888259984 +832 323 3 888259984 +832 678 2 888259984 +832 748 3 888259984 +832 873 2 888259984 +832 895 2 888259285 +833 4 3 875123781 +833 5 1 879818535 +833 7 3 875035953 +833 11 5 875038850 +833 12 5 875039416 +833 13 2 875036139 +833 22 3 875122716 +833 23 5 875123427 +833 24 4 875036213 +833 26 1 875133661 +833 28 3 875135213 +833 30 4 875225297 +833 32 5 875123255 +833 33 2 875134264 +833 38 1 879818760 +833 47 5 875123299 +833 50 2 875035718 +833 52 3 878078390 +833 53 1 875224039 +833 55 3 875038807 +833 56 4 875122716 +833 58 2 875124495 +833 64 3 875039204 +833 67 3 875134891 +833 68 4 875224515 +833 69 2 875039326 +833 72 2 875134724 +833 76 2 875124382 +833 79 3 875039254 +833 89 5 875124495 +833 92 2 875135363 +833 93 4 875036056 +833 96 5 875132134 +833 98 3 875123359 +833 100 4 875036169 +833 106 2 879818799 +833 108 2 875036102 +833 111 2 875134110 +833 118 2 875038483 +833 122 2 875135058 +833 127 5 875035660 +833 128 3 875123536 +833 134 5 875038987 +833 135 4 875123677 +833 144 4 887158945 +833 150 3 875036213 +833 151 4 875036418 +833 152 2 875134063 +833 153 3 875038709 +833 154 5 875038775 +833 157 2 875132195 +833 159 2 879818659 +833 160 5 875124535 +833 163 3 875122814 +833 164 2 879818575 +833 168 5 875038775 +833 172 2 875224482 +833 174 2 875038529 +833 175 4 875124535 +833 176 2 875038850 +833 177 5 875123299 +833 179 5 875124181 +833 180 5 875123677 +833 181 2 875036321 +833 182 5 875039254 +833 183 5 875123026 +833 184 3 875039039 +833 185 5 875039416 +833 186 1 875133458 +833 187 5 875124348 +833 188 4 875124495 +833 191 4 875132134 +833 192 5 875038529 +833 194 3 875133840 +833 195 5 875038529 +833 197 3 875123427 +833 198 4 875123677 +833 200 4 875131847 +833 201 4 875134150 +833 202 4 875133924 +833 203 5 875124299 +833 204 1 875039255 +833 205 4 875122814 +833 206 4 875038671 +833 208 3 875039326 +833 209 5 875124604 +833 211 3 875124495 +833 217 2 875224252 +833 218 4 875124495 +833 219 4 875224309 +833 223 4 875038888 +833 226 3 887158946 +833 227 2 879818619 +833 230 1 875223923 +833 233 2 875223756 +833 234 3 875122884 +833 235 4 875036418 +833 238 2 875124225 +833 240 4 875035624 +833 249 1 875133458 +833 250 3 875036499 +833 262 2 875035534 +833 264 2 878077967 +833 267 1 875655669 +833 271 5 879818341 +833 273 3 875035954 +833 284 1 885328485 +833 288 2 875035487 +833 289 1 875035487 +833 291 3 879818619 +833 293 4 875035885 +833 298 5 875036383 +833 302 3 884828670 +833 320 4 875124647 +833 324 3 875035487 +833 325 4 875035885 +833 328 2 875035534 +833 336 2 878078056 +833 344 4 888536031 +833 346 5 884828744 +833 347 3 887158791 +833 357 4 875038709 +833 378 3 875124648 +833 379 2 875224178 +833 381 4 875134016 +833 384 3 875134724 +833 385 3 875039204 +833 396 3 875134063 +833 401 2 875135113 +833 403 1 875133458 +833 405 3 875038395 +833 410 3 878078390 +833 427 3 878078390 +833 428 2 875134110 +833 429 3 875123506 +833 430 4 875133840 +833 431 2 875223813 +833 432 4 875132134 +833 433 3 875124181 +833 434 3 875038888 +833 435 2 878078229 +833 436 2 875224252 +833 441 1 875224352 +833 443 3 875124348 +833 444 3 875224352 +833 445 4 875123299 +833 447 5 875224309 +833 448 3 875124495 +833 449 2 875223923 +833 451 1 875134016 +833 452 1 875224178 +833 455 3 875297104 +833 460 2 875036827 +833 467 2 875038626 +833 474 5 875122675 +833 475 3 875035718 +833 479 2 875039101 +833 488 5 878078229 +833 504 4 875038671 +833 506 2 875132079 +833 508 5 875035953 +833 511 4 875038742 +833 512 4 875225257 +833 515 3 875035660 +833 517 2 875133633 +833 518 3 875039100 +833 521 4 875124495 +833 522 2 875039039 +833 523 3 875133840 +833 526 4 875224515 +833 540 1 875224687 +833 550 2 887158946 +833 552 3 875223976 +833 558 4 875039204 +833 573 1 875223976 +833 576 3 875224603 +833 577 1 875135113 +833 578 1 875224603 +833 581 1 875223813 +833 589 5 875038807 +833 591 2 875036139 +833 597 1 875133458 +833 614 2 875131539 +833 616 5 875124024 +833 628 4 875036102 +833 636 3 879818659 +833 640 3 875123986 +833 641 4 875038626 +833 642 3 875038626 +833 645 3 875039416 +833 646 5 875123427 +833 647 4 875123427 +833 649 3 875224178 +833 653 4 875039558 +833 654 5 875039558 +833 655 2 875131810 +833 656 4 875123536 +833 657 4 875123986 +833 663 3 875134317 +833 664 3 875124225 +833 665 3 875224309 +833 667 1 875224381 +833 670 1 875124428 +833 671 5 875039204 +833 675 4 875224252 +833 679 3 875224482 +833 684 3 875123195 +833 696 3 875036912 +833 715 2 875133633 +833 730 4 875038888 +833 742 3 875036468 +833 745 4 875134063 +833 761 2 879818719 +833 802 1 887158946 +833 806 4 875122675 +833 819 1 875133458 +833 824 1 875134843 +833 826 2 875297292 +833 831 1 875297256 +833 840 2 875297195 +833 854 4 875038529 +833 860 2 875124604 +833 861 3 875224309 +833 919 2 875124348 +833 923 5 875039153 +833 928 2 879818689 +833 931 4 879818760 +833 933 4 875035914 +833 940 2 875134411 +833 943 4 875124382 +833 977 2 879818799 +833 980 3 875035800 +833 1006 1 875039153 +833 1012 4 875036418 +833 1016 1 875133458 +833 1017 4 875036017 +833 1019 5 875039039 +833 1029 1 875134940 +833 1070 5 875038987 +833 1071 3 875134150 +833 1118 3 875133924 +833 1143 4 887158946 +833 1149 4 875123677 +833 1154 4 875039101 +833 1181 1 875133458 +833 1187 5 875035850 +833 1210 1 879818799 +833 1214 4 875225193 +833 1231 4 875132237 +833 1274 1 878078280 +833 1335 2 875038433 +833 1353 3 875035885 +833 1386 4 875035660 +833 1427 3 875131974 +833 1428 3 875123494 +833 1597 5 875225193 +833 1628 3 875225219 +834 9 3 890862311 +834 13 2 890862648 +834 15 4 890863052 +834 25 3 890862468 +834 50 5 890862362 +834 117 4 890862386 +834 127 5 890862412 +834 148 4 890862563 +834 150 5 890862564 +834 151 4 890862974 +834 181 5 890862526 +834 237 5 890862437 +834 245 4 890860416 +834 246 4 890863023 +834 255 3 890862940 +834 268 3 890860194 +834 272 4 890860566 +834 276 5 890862468 +834 284 4 890862468 +834 286 4 890860566 +834 287 2 890862974 +834 288 5 890860566 +834 292 5 890860566 +834 294 3 890860159 +834 298 4 890862648 +834 300 3 890860334 +834 307 4 890860566 +834 315 5 890860687 +834 316 5 890860566 +834 323 2 890860471 +834 326 4 890860386 +834 333 5 890860566 +834 342 2 890860334 +834 343 4 890860416 +834 346 3 890860194 +834 347 4 890860007 +834 405 4 890862563 +834 475 5 890862311 +834 515 5 890862231 +834 544 4 890862563 +834 628 5 890862648 +834 751 3 890860298 +834 886 4 890860566 +834 1017 2 890862563 +835 15 5 891032930 +835 23 4 891035310 +835 25 5 891032764 +835 28 4 891034052 +835 50 4 891035309 +835 69 5 891034366 +835 97 5 891033501 +835 98 5 891034401 +835 127 4 891032536 +835 131 5 891033560 +835 132 5 891033232 +835 133 5 891033718 +835 134 3 891033927 +835 135 5 891033560 +835 160 3 891034219 +835 162 5 891033420 +835 174 5 891033623 +835 176 4 891035309 +835 179 5 891033819 +835 180 5 891033675 +835 183 4 891034023 +835 185 4 891033957 +835 186 4 891034285 +835 187 4 891033078 +835 191 4 891033276 +835 194 4 891034143 +835 196 5 891033173 +835 197 5 891033889 +835 200 4 891033927 +835 204 3 891033380 +835 205 3 891034084 +835 210 5 891033303 +835 215 4 891033199 +835 216 4 891033560 +835 225 2 891032898 +835 234 5 891033857 +835 237 4 891035310 +835 239 5 891034084 +835 257 3 891032738 +835 272 4 891035309 +835 281 4 891032718 +835 285 4 891032792 +835 286 3 891032224 +835 287 4 891035309 +835 288 2 891032224 +835 294 3 891032356 +835 310 4 891035309 +835 313 5 891032224 +835 318 5 891033718 +835 354 3 891032224 +835 357 5 891033232 +835 371 5 891034366 +835 378 4 891035309 +835 405 3 891032793 +835 421 4 891034023 +835 423 4 891033857 +835 427 4 891033380 +835 458 4 891032869 +835 465 3 891033957 +835 484 4 891034219 +835 485 5 891033525 +835 486 4 891034084 +835 488 5 891034117 +835 499 5 891033675 +835 504 5 891033772 +835 505 3 891033857 +835 509 4 891035309 +835 514 3 891033986 +835 523 3 891033560 +835 526 3 891033927 +835 527 4 891033048 +835 543 5 891033232 +835 588 3 891033857 +835 591 4 891032579 +835 606 5 891033200 +835 609 4 891034310 +835 610 5 891034401 +835 612 4 891033927 +835 616 4 891033718 +835 632 5 891033747 +835 633 5 891033889 +835 650 5 891033957 +835 673 4 891034117 +835 685 4 891032627 +835 735 5 891033349 +835 928 3 891032899 +835 988 3 891032391 +835 1045 4 891034023 +835 1063 4 891034285 +835 1153 4 891035309 +835 1278 5 891032653 +835 1673 3 891034023 +836 42 3 885754266 +836 56 4 885754096 +836 89 4 885754029 +836 134 3 885754096 +836 163 5 885754058 +836 170 5 885754200 +836 174 5 885754266 +836 185 5 885754118 +836 187 5 885754200 +836 192 5 885754118 +836 210 4 885754058 +836 238 4 885754200 +836 258 4 885753475 +836 260 2 885753691 +836 269 5 885753475 +836 286 3 885753435 +836 288 1 885753475 +836 289 1 885753691 +836 292 5 885753475 +836 302 5 885753506 +836 318 5 885754172 +836 322 2 885753639 +836 324 4 885753595 +836 327 3 885753639 +836 357 5 885754173 +836 419 2 885753979 +836 496 4 885754231 +836 523 5 885754150 +836 531 4 885754150 +836 603 5 885754029 +836 611 5 885754096 +836 654 5 885754150 +836 657 5 885754096 +836 659 5 885754096 +836 663 5 885754266 +836 690 3 885753435 +836 750 3 885753475 +836 793 2 885754029 +836 900 2 885753475 +836 1065 4 885754231 +837 9 3 875721889 +837 13 4 875721843 +837 15 3 875721869 +837 16 2 875721793 +837 20 4 875721919 +837 25 3 875722169 +837 111 4 875722050 +837 125 5 875722032 +837 151 5 875721734 +837 181 3 875721869 +837 222 3 875721793 +837 237 3 875721793 +837 250 2 875722104 +837 258 4 875721473 +837 275 4 875721989 +837 276 1 875721843 +837 277 2 875722169 +837 278 3 875722246 +837 280 2 875722350 +837 284 1 875722104 +837 285 4 875722187 +837 286 4 875721473 +837 289 5 875721539 +837 294 4 875721502 +837 328 4 875721604 +837 472 3 875722141 +837 717 1 875722393 +837 740 5 875722123 +837 762 2 875722318 +837 763 1 875722123 +837 926 1 875722371 +837 934 2 875722483 +837 950 2 875722169 +837 1009 5 875721765 +837 1047 1 875722267 +837 1049 1 875722298 +838 1 5 887064024 +838 7 5 887064072 +838 8 4 887066972 +838 9 4 887063696 +838 12 4 887067063 +838 22 4 887065878 +838 24 4 887064231 +838 28 4 887065709 +838 45 4 887066644 +838 50 5 887063657 +838 56 5 887066782 +838 60 4 887067575 +838 69 4 887067609 +838 70 4 887066207 +838 71 3 887066782 +838 82 4 887066783 +838 83 5 887065807 +838 87 4 887065750 +838 93 3 887063937 +838 96 4 887065781 +838 100 4 887063994 +838 111 4 887064357 +838 114 4 887065822 +838 121 2 887064248 +838 124 4 887063696 +838 127 5 887063657 +838 128 4 887066724 +838 134 3 887066304 +838 143 5 887067631 +838 153 4 887066783 +838 168 5 887066678 +838 172 5 887066143 +838 174 4 887066078 +838 175 3 887066186 +838 179 5 887067340 +838 187 3 887067019 +838 190 4 887066988 +838 191 5 887065709 +838 204 4 887066040 +838 206 4 887067020 +838 210 4 887067359 +838 222 4 887064356 +838 223 3 887065807 +838 228 4 887067390 +838 235 2 887064515 +838 238 4 887067359 +838 249 4 887064315 +838 254 3 887065606 +838 255 4 887063937 +838 257 5 887064014 +838 258 5 887060659 +838 271 4 887060972 +838 274 4 887064388 +838 275 5 887064193 +838 276 4 887064825 +838 283 5 887063994 +838 286 4 887061035 +838 289 5 887061035 +838 300 2 887060778 +838 302 4 887060659 +838 311 4 887060659 +838 313 5 887060659 +838 354 4 892153360 +838 385 4 887067127 +838 405 4 887064589 +838 408 4 887066040 +838 419 5 887066989 +838 455 4 887064275 +838 480 4 887066078 +838 487 4 887067126 +838 494 4 887066644 +838 568 4 887067309 +838 584 4 887066143 +838 705 5 887065750 +838 713 4 887064193 +838 718 5 887064051 +838 750 4 887060879 +838 919 5 887064316 +838 945 4 887065917 +838 993 3 887064231 +838 1005 4 887066678 +838 1039 5 887065782 +838 1115 4 887064476 +839 1 4 875751723 +839 7 2 875751992 +839 50 5 875751930 +839 93 4 875752056 +839 100 3 875751991 +839 106 2 875752317 +839 111 4 875752237 +839 117 5 875752169 +839 118 2 875752317 +839 121 3 875752237 +839 127 5 875751723 +839 129 4 875751893 +839 130 3 875753029 +839 181 3 875751991 +839 220 3 875753029 +839 235 4 875752433 +839 255 3 875752138 +839 258 4 875751411 +839 264 3 875751559 +839 277 2 875752082 +839 285 5 875752138 +839 286 4 875751411 +839 292 3 875751559 +839 319 1 875751411 +839 321 1 875751470 +839 323 4 875751559 +839 326 4 875751519 +839 333 4 875751442 +839 410 1 875752274 +839 455 4 875752107 +839 458 5 875751893 +839 508 3 875752479 +839 532 3 875752560 +839 696 2 875752479 +839 713 2 875751774 +839 742 3 875752200 +839 813 4 875752082 +839 845 4 875752237 +839 846 2 875753052 +839 864 3 875751958 +839 866 2 875752687 +839 950 4 875752408 +839 1009 3 875752560 +839 1048 1 875752990 +839 1085 5 875752877 +839 1245 4 875752408 +839 1381 3 875752456 +840 7 4 891203408 +840 8 5 891208958 +840 11 3 891204921 +840 14 5 891203250 +840 22 3 891204265 +840 23 5 891204827 +840 45 4 891205222 +840 48 3 891204418 +840 50 4 891203366 +840 52 3 891205320 +840 56 5 891204239 +840 64 4 891204664 +840 66 3 891209509 +840 69 4 891204535 +840 70 3 891208919 +840 71 3 891209572 +840 79 4 891204135 +840 81 4 891204948 +840 82 3 891209183 +840 83 5 891204215 +840 88 4 891209241 +840 89 5 891204418 +840 91 5 891208998 +840 96 2 891204592 +840 97 3 891205041 +840 98 5 891204160 +840 99 5 891204509 +840 100 5 891203166 +840 117 3 891209408 +840 118 3 891204056 +840 121 2 891204056 +840 127 4 891203366 +840 132 4 891204356 +840 134 3 891204160 +840 137 5 891203309 +840 143 4 891209490 +840 144 3 891209104 +840 153 3 891204627 +840 154 3 891204564 +840 157 4 891208998 +840 163 4 891204295 +840 165 5 891204239 +840 166 5 891204798 +840 168 5 891204868 +840 169 5 891204215 +840 170 4 891204713 +840 172 3 891204627 +840 173 5 891204356 +840 174 4 891204114 +840 175 4 891205004 +840 176 3 891204755 +840 179 5 891205069 +840 180 5 891205143 +840 181 3 891204056 +840 182 4 891204798 +840 183 5 891204664 +840 185 5 891204356 +840 186 4 891204827 +840 187 3 891205222 +840 190 5 891211236 +840 191 4 891204160 +840 194 3 891204264 +840 195 5 891204847 +840 196 4 891205070 +840 197 5 891204509 +840 198 3 891204356 +840 199 4 891209183 +840 202 5 891204322 +840 203 5 891204627 +840 204 4 891205245 +840 208 4 891204295 +840 209 4 891204418 +840 210 3 891204592 +840 212 4 891209159 +840 213 4 891205199 +840 215 4 891209285 +840 216 4 891205123 +840 221 4 891203309 +840 234 5 891204948 +840 238 5 891204239 +840 252 4 891203810 +840 257 3 891204056 +840 272 4 891202756 +840 285 4 891203203 +840 297 5 891203334 +840 300 3 891204056 +840 303 5 891202889 +840 357 5 891204114 +840 367 4 891205287 +840 405 4 891203585 +840 414 4 891204535 +840 419 5 891208897 +840 428 4 891209547 +840 429 3 891204827 +840 430 5 891204418 +840 432 5 891209342 +840 435 4 891204114 +840 443 5 891209490 +840 462 3 891205287 +840 463 5 891205287 +840 473 5 891203408 +840 474 5 891204089 +840 480 5 891208647 +840 483 5 891208703 +840 484 5 891204295 +840 489 3 891204385 +840 492 5 891204215 +840 493 5 891208958 +840 495 3 891209322 +840 496 5 891204089 +840 497 4 891209571 +840 498 5 891204264 +840 499 4 891209241 +840 501 4 891209159 +840 503 4 891209322 +840 504 3 891208647 +840 505 5 891204714 +840 506 5 891204385 +840 507 4 891208667 +840 509 3 891204564 +840 511 4 891204089 +840 512 5 891205371 +840 513 5 891204295 +840 514 5 891205093 +840 515 5 891203280 +840 516 5 891205245 +840 519 5 891204356 +840 520 5 891204089 +840 521 5 891205069 +840 525 5 891204535 +840 526 4 891204971 +840 528 5 891209260 +840 529 4 891204891 +840 531 5 891204089 +840 566 5 891209285 +840 580 3 891211972 +840 582 5 891204265 +840 588 4 891205321 +840 603 5 891204564 +840 606 4 891205004 +840 607 4 891204627 +840 609 4 891204627 +840 611 4 891204509 +840 615 5 891204356 +840 616 5 891209364 +840 628 4 891209285 +840 631 4 891205004 +840 632 3 891204296 +840 637 3 891205199 +840 638 3 891204239 +840 639 4 891204564 +840 640 3 891209242 +840 642 4 891204664 +840 644 4 891204592 +840 645 3 891204714 +840 650 4 891209364 +840 653 5 891209389 +840 654 4 891204160 +840 655 5 891205245 +840 656 4 891205041 +840 657 5 891205287 +840 659 5 891204827 +840 661 5 891204441 +840 663 4 891204322 +840 664 3 891204474 +840 671 3 891204891 +840 675 4 891205093 +840 705 4 891204713 +840 707 5 891204114 +840 708 4 891209033 +840 737 4 891205320 +840 747 4 891209490 +840 750 4 891202784 +840 756 4 891203664 +840 855 4 891205093 +840 884 5 891203087 +840 936 4 891203504 +840 945 3 891204509 +840 949 4 891211530 +840 971 4 891209449 +840 1018 3 891211664 +840 1065 5 891209285 +840 1214 1 891211729 +840 1266 5 891204535 +840 1451 5 891205123 +840 1639 4 891211447 +840 1674 4 891211682 +841 258 5 889067076 +841 271 4 889067216 +841 300 4 889066780 +841 302 5 889066959 +841 306 4 889066824 +841 307 5 889067152 +841 313 5 889066779 +841 315 4 889066780 +841 316 4 889067313 +841 322 4 889067152 +841 325 3 889067216 +841 326 4 889067216 +841 333 4 889066780 +841 344 3 889066880 +841 358 1 889067348 +841 678 4 889067313 +841 689 5 889067253 +841 751 3 889066880 +841 873 4 889067121 +841 888 5 889067432 +841 1294 5 889067507 +842 258 3 891217835 +842 272 4 891217834 +842 288 3 891218192 +842 302 5 891217834 +842 303 5 891218002 +842 306 4 891217942 +842 315 3 891217834 +842 324 4 891218060 +842 328 2 891218192 +842 333 4 891218107 +842 340 5 891218192 +842 349 3 891218459 +842 749 4 891218060 +842 752 4 891218353 +842 874 5 891218060 +842 902 5 891218459 +842 1395 4 891218060 +843 1 3 879446186 +843 7 5 879443297 +843 21 2 879448392 +843 23 2 879446696 +843 25 2 879447523 +843 28 3 879446977 +843 50 3 879444670 +843 52 2 879447110 +843 53 2 879443442 +843 56 3 879443174 +843 62 4 879444891 +843 69 3 879446476 +843 71 2 879449256 +843 74 2 879448830 +843 77 2 879443975 +843 79 2 879445658 +843 82 3 879444801 +843 83 3 879446948 +843 89 5 879444670 +843 91 3 879446155 +843 95 2 879446716 +843 96 3 879444711 +843 97 3 879447377 +843 99 2 879448751 +843 101 3 879447424 +843 102 2 879449177 +843 121 3 879444047 +843 127 2 879445059 +843 132 3 879446186 +843 133 3 879448431 +843 135 5 879449177 +843 141 4 879447327 +843 142 2 879448604 +843 143 2 879447757 +843 144 3 879444711 +843 145 3 879443597 +843 151 2 879447007 +843 152 2 879446458 +843 153 3 879446281 +843 154 3 879446281 +843 157 2 879448199 +843 158 2 879449336 +843 159 2 879443951 +843 161 2 879444891 +843 162 2 879447625 +843 164 3 879443297 +843 168 3 879446255 +843 170 1 879446863 +843 172 3 879444711 +843 173 2 879446215 +843 174 4 879444670 +843 175 4 879446911 +843 176 4 879447837 +843 177 3 879444767 +843 179 4 879446774 +843 180 3 879447234 +843 181 3 879444670 +843 182 2 879444739 +843 183 5 879443800 +843 185 3 879443341 +843 188 2 879444767 +843 191 3 879446755 +843 193 3 879446863 +843 194 2 879445590 +843 195 4 879444711 +843 196 2 879446806 +843 197 2 879446638 +843 199 3 879446503 +843 200 3 879447801 +843 204 3 879448073 +843 205 4 879446888 +843 206 3 879448112 +843 208 3 879446716 +843 209 3 879446806 +843 210 3 879444670 +843 211 2 879446255 +843 214 3 879447453 +843 215 2 879447214 +843 216 2 879446806 +843 217 4 879443341 +843 218 2 879443297 +843 219 2 879443394 +843 222 3 879443837 +843 225 2 879449256 +843 226 3 879443865 +843 227 3 879443908 +843 228 4 879443763 +843 229 3 879443908 +843 230 3 879443763 +843 234 4 879443297 +843 239 3 879447670 +843 250 4 879445087 +843 252 3 879445114 +843 258 4 879442947 +843 265 3 879443865 +843 270 4 879442947 +843 271 5 879442947 +843 275 3 879446680 +843 288 4 879443544 +843 300 3 879442947 +843 357 2 879446502 +843 378 2 879448230 +843 379 2 879443394 +843 380 3 879448262 +843 385 3 879444801 +843 392 2 879447377 +843 393 2 879448858 +843 402 2 879447599 +843 403 2 879444934 +843 413 2 879443482 +843 416 2 879448352 +843 419 2 879446617 +843 420 3 879448073 +843 422 2 879448431 +843 423 2 879448019 +843 427 2 879446281 +843 429 4 879446503 +843 431 3 879443763 +843 432 2 879447326 +843 434 4 879447146 +843 435 2 879446477 +843 436 2 879443394 +843 440 1 879443544 +843 441 2 879443544 +843 443 4 879443297 +843 446 3 879443442 +843 447 2 879443297 +843 449 3 879444083 +843 450 2 879444083 +843 465 2 879449152 +843 473 2 879449193 +843 474 3 879445738 +843 482 2 879447007 +843 485 2 879447007 +843 495 3 879447170 +843 498 2 879446155 +843 501 2 879447578 +843 504 2 879446911 +843 511 3 879447837 +843 515 3 879444801 +843 521 2 879446359 +843 526 3 879447625 +843 527 3 879448138 +843 528 3 879447030 +843 530 3 879444670 +843 542 2 879448392 +843 550 3 879449152 +843 551 3 879443544 +843 561 4 879443482 +843 563 2 879443545 +843 566 3 879444766 +843 569 1 879443482 +843 578 3 879448604 +843 581 3 879443951 +843 582 2 879445658 +843 588 2 879447579 +843 590 3 879443544 +843 596 3 879448486 +843 603 2 879446596 +843 616 3 879449256 +843 625 2 879448542 +843 627 2 879447718 +843 628 2 879443951 +843 632 2 879447146 +843 633 3 879447285 +843 635 2 879443544 +843 637 2 879443297 +843 650 3 879447801 +843 651 2 879447837 +843 654 2 879446359 +843 655 3 879447030 +843 657 3 879443668 +843 660 2 879447484 +843 661 3 879447077 +843 667 2 879443597 +843 671 3 879446889 +843 672 3 879443297 +843 674 2 879443394 +843 675 5 879443174 +843 679 4 879444851 +843 690 5 879442947 +843 708 2 879448230 +843 739 2 879447523 +843 800 4 879443482 +843 831 4 879444977 +843 860 3 879443443 +843 959 2 879447523 +843 1039 3 879446215 +843 1065 3 879448751 +843 1118 2 879448112 +843 1135 3 879447377 +843 1157 3 879444114 +843 1411 3 879449377 +843 1480 2 879449377 +844 2 4 877387933 +844 7 3 877381784 +844 12 5 877388182 +844 13 3 877381708 +844 24 5 877388183 +844 45 4 877387548 +844 50 5 877388182 +844 55 4 877387769 +844 56 4 877386897 +844 69 5 877388182 +844 70 4 877386990 +844 82 3 877387857 +844 83 5 877388183 +844 89 3 877387857 +844 95 4 877388040 +844 97 3 877386855 +844 99 3 877388040 +844 100 4 877381607 +844 109 2 877381850 +844 117 4 877381450 +844 121 3 877382055 +844 125 3 877382269 +844 144 3 877387825 +844 151 4 877381674 +844 161 3 877387857 +844 168 4 877386990 +844 172 4 877387768 +844 173 5 877388182 +844 174 4 877387768 +844 175 3 877386897 +844 176 3 877387933 +844 181 5 877388183 +844 184 3 877387769 +844 207 4 877387392 +844 210 4 877386928 +844 216 5 877388183 +844 222 3 877381629 +844 228 3 877387858 +844 241 4 877387150 +844 251 4 877381484 +844 255 3 877382008 +844 257 4 877381784 +844 258 4 877381147 +844 260 1 877381312 +844 294 2 877381206 +844 300 3 877381268 +844 318 4 877382762 +844 326 3 877381268 +844 405 2 877382189 +844 418 3 877388040 +844 421 4 877387219 +844 431 4 877387825 +844 432 5 877388183 +844 471 3 877381736 +844 511 3 877387825 +844 549 3 877387280 +844 568 4 877387964 +844 588 4 877388040 +844 597 3 877382339 +844 625 3 877388040 +844 684 3 877387933 +844 690 3 877381230 +844 778 4 877387195 +844 864 3 877381873 +844 919 3 877381534 +844 921 5 877388183 +844 930 2 877382574 +844 946 3 877388107 +844 1039 4 877382717 +844 1099 2 877387391 +844 1474 4 877387195 +845 242 4 885409493 +845 268 3 885409374 +845 286 5 885409719 +845 302 3 885409374 +845 303 1 885409374 +845 306 2 885409374 +845 308 4 885409493 +845 310 4 885409493 +845 340 1 885409719 +845 346 3 885409493 +845 690 5 885409719 +845 751 2 885409719 +845 896 3 885409374 +845 900 3 885409719 +845 904 3 885409374 +845 909 4 885409789 +845 1022 2 885409493 +845 1234 4 885409719 +845 1238 2 885409374 +845 1394 4 885409719 +845 1399 3 885409493 +846 2 5 883948949 +846 4 5 883948908 +846 8 4 883947861 +846 11 5 883948343 +846 12 5 883947777 +846 22 4 883948222 +846 23 4 883948089 +846 26 4 883949335 +846 28 5 883948685 +846 29 2 883949508 +846 31 4 883948571 +846 33 5 883948571 +846 36 2 883950665 +846 39 3 883948873 +846 40 2 883950253 +846 41 3 883950859 +846 42 5 883948606 +846 44 1 883947737 +846 46 4 883949199 +846 47 5 883948803 +846 48 5 883949046 +846 50 5 883948003 +846 51 4 883949121 +846 52 4 883949290 +846 53 3 883950820 +846 54 3 883949459 +846 55 5 883948642 +846 56 5 883948003 +846 58 4 883949200 +846 59 4 883948457 +846 61 3 883947911 +846 63 3 883950220 +846 64 4 883948221 +846 65 3 883949254 +846 66 4 883949290 +846 67 4 883950252 +846 68 3 883948765 +846 69 5 883947500 +846 70 4 883949156 +846 71 4 883948141 +846 72 4 883950129 +846 73 4 883949728 +846 76 4 883949200 +846 79 4 883947630 +846 80 4 883949594 +846 82 2 883948089 +846 83 4 883947911 +846 86 5 883949290 +846 87 4 883948417 +846 88 4 883948948 +846 89 5 883948003 +846 91 4 883948417 +846 92 4 883948495 +846 95 3 883947778 +846 96 4 883947694 +846 97 4 883949255 +846 98 4 883947819 +846 99 4 883948989 +846 101 4 883949336 +846 102 2 883950286 +846 110 3 883950568 +846 127 5 883947911 +846 131 3 883948457 +846 132 5 883948840 +846 133 4 883948534 +846 134 4 883947630 +846 135 4 883947694 +846 136 3 883947861 +846 139 2 883949508 +846 140 4 883950634 +846 141 4 883948948 +846 142 3 883950053 +846 143 5 883948804 +846 161 4 883948534 +846 168 5 883947737 +846 172 4 883949834 +846 173 4 883947819 +846 174 5 883947737 +846 175 5 883948048 +846 176 4 883947694 +846 177 3 883947737 +846 178 4 883947630 +846 179 5 883948571 +846 180 5 883947630 +846 181 5 883947694 +846 182 5 883948089 +846 183 4 883948048 +846 184 5 883949697 +846 185 5 883948534 +846 186 5 883948949 +846 187 4 883947911 +846 188 3 883948642 +846 190 5 883947694 +846 191 5 883948048 +846 192 5 883949254 +846 193 5 883948417 +846 194 4 883947630 +846 195 4 883948141 +846 196 4 883949290 +846 197 4 883948417 +846 198 5 883948457 +846 199 5 883947911 +846 200 4 883948685 +846 202 5 883949594 +846 203 5 883948606 +846 204 3 883948141 +846 205 5 883948141 +846 208 5 883949547 +846 209 4 883948377 +846 210 5 883947500 +846 211 2 883948089 +846 212 5 883948804 +846 213 3 883948534 +846 215 5 883949156 +846 216 4 883948571 +846 217 4 883950022 +846 218 4 883948089 +846 219 4 883948607 +846 226 4 883948495 +846 227 4 883949698 +846 228 5 883947737 +846 229 3 883949771 +846 230 3 883948720 +846 231 2 883950711 +846 232 3 883949290 +846 233 5 883949547 +846 234 5 883948495 +846 238 5 883948377 +846 239 4 883947694 +846 241 4 883947911 +846 258 3 883946284 +846 265 5 883947630 +846 268 4 883946938 +846 269 5 883946315 +846 270 3 883946284 +846 271 5 883946611 +846 288 4 883946837 +846 289 4 883946548 +846 294 3 883946477 +846 302 5 883946861 +846 317 3 883947778 +846 318 5 883947777 +846 357 4 883947960 +846 365 2 883950434 +846 367 4 883949121 +846 373 3 883950391 +846 376 2 883950665 +846 378 4 883948989 +846 380 3 883949380 +846 381 4 883950311 +846 385 5 883949156 +846 386 3 883950154 +846 387 3 883950634 +846 388 3 883950950 +846 391 3 883950605 +846 392 2 883950185 +846 393 3 883949547 +846 396 5 883949508 +846 398 1 883950753 +846 400 1 883950889 +846 401 5 883949643 +846 403 3 883948765 +846 404 4 883949046 +846 414 4 883949771 +846 415 2 883950605 +846 417 4 883950129 +846 419 5 883948949 +846 421 4 883948173 +846 423 4 883949335 +846 425 5 883949156 +846 426 1 883949046 +846 427 4 883948948 +846 428 3 883948377 +846 429 2 883947819 +846 430 3 883947778 +846 431 5 883947590 +846 432 3 883948457 +846 433 4 883948457 +846 435 5 883948222 +846 436 4 883950286 +846 441 4 883950252 +846 443 4 883948643 +846 448 5 883949547 +846 449 3 883950950 +846 451 4 883949379 +846 452 3 883950950 +846 463 5 883948222 +846 464 2 883947778 +846 468 4 883948949 +846 469 2 883949290 +846 470 5 883949200 +846 474 5 883947960 +846 478 4 883947819 +846 479 4 883947694 +846 480 5 883947861 +846 482 5 883948173 +846 483 5 883948173 +846 484 5 883948048 +846 485 5 883947590 +846 486 5 883948948 +846 487 4 883948685 +846 488 5 883948343 +846 489 4 883948606 +846 490 4 883947862 +846 491 3 883947960 +846 492 3 883947737 +846 493 5 883947590 +846 494 5 883947590 +846 495 4 883948840 +846 496 3 883947630 +846 497 5 883948685 +846 498 4 883947861 +846 499 4 883948840 +846 504 5 883948221 +846 505 5 883948343 +846 506 3 883948908 +846 507 3 883947861 +846 509 4 883948765 +846 510 4 883948003 +846 511 5 883947911 +846 513 5 883947589 +846 514 3 883947590 +846 515 5 883948457 +846 516 4 883948457 +846 518 4 883948571 +846 519 4 883947694 +846 520 5 883947960 +846 521 3 883948141 +846 523 4 883948048 +846 524 3 883947819 +846 525 4 883947819 +846 526 4 883947960 +846 527 5 883947500 +846 528 5 883948417 +846 530 5 883948606 +846 540 2 883950711 +846 542 3 883950712 +846 549 4 883949421 +846 550 4 883949156 +846 552 4 883950634 +846 554 4 883949728 +846 555 2 883949508 +846 558 4 883948221 +846 559 5 883949200 +846 560 1 883950889 +846 561 3 883950753 +846 562 5 883950463 +846 565 2 883950712 +846 568 4 883948571 +846 569 3 883949728 +846 570 4 883949698 +846 575 2 883950569 +846 576 4 883950186 +846 578 3 883949200 +846 580 5 883949335 +846 581 4 883950129 +846 585 2 883949643 +846 586 2 883950712 +846 588 4 883949380 +846 601 5 883947500 +846 602 4 883949255 +846 603 5 883947960 +846 604 4 883947777 +846 606 4 883948685 +846 608 4 883948377 +846 609 5 883949199 +846 610 4 883948221 +846 612 5 883949421 +846 614 5 883948765 +846 615 5 883948003 +846 616 3 883950753 +846 622 4 883950220 +846 623 1 883950889 +846 630 3 883948642 +846 633 3 883948534 +846 638 4 883947694 +846 640 1 883948642 +846 642 5 883950220 +846 648 5 883948343 +846 650 5 883948534 +846 651 3 883948141 +846 654 5 883948089 +846 655 3 883948804 +846 657 5 883947590 +846 659 5 883948908 +846 660 3 883948765 +846 661 4 883948840 +846 662 3 883948765 +846 663 4 883948873 +846 665 4 883950434 +846 672 4 883949594 +846 673 4 883949422 +846 674 4 883949046 +846 675 2 883949379 +846 679 3 883948989 +846 684 5 883948141 +846 692 3 883949594 +846 693 5 883949335 +846 697 5 883949254 +846 699 3 883947960 +846 700 2 883950605 +846 702 4 883949380 +846 705 3 883948141 +846 708 3 883948685 +846 715 4 883949380 +846 716 3 883949508 +846 719 2 883949643 +846 720 4 883949643 +846 721 4 883948719 +846 723 2 883948949 +846 727 4 883948873 +846 728 4 883949422 +846 729 4 883950053 +846 731 3 883949594 +846 732 4 883948840 +846 735 2 883948141 +846 736 4 883948874 +846 737 4 883949771 +846 738 4 883950364 +846 739 4 883949459 +846 746 3 883949254 +846 747 3 883948417 +846 748 3 883946477 +846 751 5 883946938 +846 755 3 883950311 +846 768 4 883949508 +846 770 5 883948606 +846 772 4 883949421 +846 778 4 883948804 +846 780 4 883949380 +846 785 4 883950364 +846 786 4 883949771 +846 787 4 883949335 +846 789 4 883948417 +846 792 4 883948221 +846 794 5 883948495 +846 796 1 883950524 +846 802 2 883949508 +846 806 3 883948343 +846 810 3 883950434 +846 836 5 883950186 +846 837 5 883948495 +846 849 3 883950129 +846 941 2 883949379 +846 942 4 883948765 +846 944 2 883949547 +846 949 2 883949643 +846 955 3 883948720 +846 967 3 883950791 +846 1004 3 883950791 +846 1018 4 883949421 +846 1029 1 883950859 +846 1035 4 883949771 +846 1041 4 883950791 +846 1044 4 883950820 +846 1045 3 883950364 +846 1050 4 883949046 +846 1055 3 883949459 +846 1066 3 883950568 +846 1069 4 883948221 +846 1078 2 883949982 +846 1101 3 883948685 +846 1107 4 883950128 +846 1109 3 883948908 +846 1110 3 883950390 +846 1118 5 883948495 +846 1124 4 883948048 +846 1133 2 883950711 +846 1148 3 883950220 +846 1168 4 883950569 +846 1178 2 883950524 +846 1179 2 883949121 +846 1182 2 883950488 +846 1188 2 883950524 +846 1206 3 883948989 +846 1209 1 883950858 +846 1210 2 883950791 +846 1218 4 883950434 +846 1220 2 883950434 +846 1221 3 883950220 +846 1239 2 883950634 +846 1248 4 883949254 +846 1249 3 883949771 +846 1267 3 883949728 +846 1286 4 883948173 +846 1297 3 883950665 +846 1311 2 883950712 +846 1411 4 883950364 +846 1439 2 883950463 +846 1451 4 883948089 +846 1473 5 883949335 +846 1478 4 883950523 +846 1479 3 883948720 +846 1530 2 883949335 +846 1540 3 883949121 +847 1 3 878775523 +847 7 3 878775647 +847 8 4 878941082 +847 11 3 878939876 +847 13 3 878938897 +847 25 3 878775796 +847 39 2 878940531 +847 47 2 878939700 +847 50 4 878774969 +847 56 1 878939975 +847 66 3 878941398 +847 70 3 878940584 +847 71 4 878940653 +847 77 4 878941421 +847 79 4 878941588 +847 82 4 878941466 +847 88 2 878941168 +847 89 2 878940332 +847 93 1 878775570 +847 95 4 878939503 +847 96 4 878940301 +847 98 4 878940067 +847 99 2 878940013 +847 104 3 878939266 +847 108 2 878939266 +847 109 5 878938982 +847 117 2 878775570 +847 118 3 878775982 +847 120 1 878939349 +847 121 3 878775523 +847 125 3 878774969 +847 133 3 878941027 +847 135 4 878941144 +847 141 3 878941144 +847 142 3 878941168 +847 144 4 878940189 +847 151 4 878775914 +847 153 4 878941496 +847 157 1 878940463 +847 161 2 878940830 +847 164 3 878941056 +847 168 4 878939912 +847 172 4 878939803 +847 173 5 878940332 +847 174 4 878941168 +847 176 3 878941398 +847 180 2 878939945 +847 181 4 878775821 +847 183 4 878940332 +847 191 4 878940652 +847 195 4 878940301 +847 196 3 878939839 +847 198 4 878940161 +847 200 3 878940756 +847 202 4 878940255 +847 204 4 878939912 +847 210 3 878940584 +847 211 4 878940383 +847 216 3 878940356 +847 218 3 878940254 +847 219 4 878940618 +847 220 4 878939327 +847 222 5 878775470 +847 225 1 878775647 +847 228 4 878940383 +847 234 2 878939645 +847 235 1 878776020 +847 239 5 878940688 +847 240 1 878939309 +847 243 1 878774856 +847 257 3 878775863 +847 258 5 878774722 +847 261 1 878774763 +847 262 5 878774788 +847 289 5 878774856 +847 301 5 878774832 +847 317 3 878940732 +847 367 3 878940189 +847 369 1 878939451 +847 372 5 878940189 +847 404 3 878940732 +847 410 1 878938855 +847 411 1 878939349 +847 417 2 878941588 +847 419 3 878941027 +847 426 2 878940485 +847 428 3 878940732 +847 444 3 878940782 +847 447 3 878940890 +847 448 4 878940013 +847 455 2 878775647 +847 456 1 878939393 +847 473 2 878938855 +847 474 4 878941562 +847 476 4 878775961 +847 479 3 878940405 +847 480 3 878940039 +847 482 2 878940584 +847 485 3 878941539 +847 496 4 878940954 +847 499 4 878940013 +847 501 3 878940463 +847 507 3 878940161 +847 527 2 878939536 +847 567 3 878940783 +847 568 4 878941442 +847 578 3 878940805 +847 596 3 878938982 +847 602 3 878940732 +847 603 3 878939876 +847 609 2 878940383 +847 645 3 878940132 +847 652 5 878941005 +847 658 3 878940855 +847 663 2 878940954 +847 685 2 878938922 +847 705 3 878939700 +847 716 3 878941370 +847 732 4 878940510 +847 735 4 878940890 +847 740 4 878938982 +847 742 3 878774969 +847 756 1 878776020 +847 820 1 878939375 +847 926 1 878938792 +847 928 3 878939375 +847 948 1 878774764 +847 1007 4 878775444 +847 1012 1 878775729 +847 1031 2 878941005 +847 1086 4 878775404 +847 1137 5 878775404 +847 1160 4 878939153 +847 1167 5 878939645 +847 1204 3 878940757 +847 1400 5 878940830 +848 23 2 887040025 +848 25 5 887046890 +848 42 2 887040097 +848 50 5 887038397 +848 65 2 887038527 +848 71 5 887046915 +848 72 5 887042341 +848 82 5 887039164 +848 88 4 887048260 +848 89 5 887040097 +848 95 5 887041354 +848 97 5 887043607 +848 99 3 887038397 +848 108 5 887040302 +848 109 4 887043421 +848 118 2 887047243 +848 121 4 887043266 +848 125 5 887040159 +848 127 3 887038159 +848 132 5 887038197 +848 133 4 887047308 +848 134 5 887043265 +848 135 4 887038022 +848 141 4 887040159 +848 151 4 887043180 +848 153 5 887039271 +848 154 5 887038634 +848 162 2 887048541 +848 163 5 887048073 +848 165 5 887038397 +848 166 5 887038159 +848 170 5 887039271 +848 172 5 887038022 +848 173 5 887038134 +848 174 5 887038104 +848 176 4 887037980 +848 179 5 887042377 +848 180 2 887038993 +848 181 5 887046674 +848 183 3 887038104 +848 185 3 887037861 +848 186 5 887039271 +848 191 5 887038564 +848 195 3 887040097 +848 196 5 887044238 +848 197 5 887038021 +848 199 5 887042341 +848 200 2 887040302 +848 202 5 887043040 +848 204 5 887039078 +848 207 5 887043265 +848 209 5 887038397 +848 210 5 887039271 +848 214 5 887048573 +848 215 5 887046565 +848 216 5 887040159 +848 234 4 887037861 +848 238 4 887046329 +848 241 5 887047243 +848 265 4 887047808 +848 318 5 887038231 +848 357 5 887038104 +848 393 5 887047962 +848 403 4 887043266 +848 405 5 887046915 +848 419 5 887043421 +848 421 5 887043777 +848 423 4 887038197 +848 427 5 887039136 +848 428 5 887047809 +848 430 5 887041354 +848 431 5 887038528 +848 432 2 887038022 +848 433 3 887043180 +848 435 3 887042427 +848 443 5 887047921 +848 451 4 887042377 +848 462 5 887038634 +848 474 5 887038441 +848 476 3 887047674 +848 478 5 887039531 +848 479 5 887040302 +848 480 5 887040025 +848 483 5 887038021 +848 484 5 887043040 +848 485 5 887042341 +848 489 5 887043821 +848 490 5 887043514 +848 495 2 887039018 +848 496 2 887037980 +848 498 5 887037935 +848 501 3 887048073 +848 504 3 887038397 +848 509 4 887046674 +848 511 4 887037822 +848 512 5 887040025 +848 514 5 887043777 +848 517 5 887043514 +848 519 5 887037980 +848 520 5 887039329 +848 523 5 887042341 +848 527 3 887038280 +848 528 3 887037980 +848 530 5 887043040 +848 566 4 887046823 +848 582 4 887046329 +848 588 3 887043514 +848 603 5 887047308 +848 606 4 887038441 +848 610 5 887046259 +848 633 3 887043040 +848 638 5 887038073 +848 640 1 887037935 +848 642 5 887039164 +848 647 5 887039329 +848 650 4 887037822 +848 654 5 887038104 +848 655 4 887040097 +848 661 3 887040302 +848 663 5 887046329 +848 679 3 887047674 +848 689 1 887037584 +848 708 4 887046619 +848 732 5 887048573 +848 739 5 887048260 +848 747 5 887043777 +848 755 5 887046674 +848 805 5 887048111 +848 812 2 887038475 +848 845 5 887046565 +848 855 5 887046915 +848 899 3 887037471 +848 945 5 887043821 +848 971 5 887043421 +848 973 5 887046619 +848 1021 5 887043777 +848 1063 5 887038197 +848 1065 2 887048154 +848 1101 5 887046533 +848 1118 5 887048573 +849 38 5 879695420 +849 118 5 879695153 +849 121 5 879695086 +849 133 5 879696059 +849 197 5 879695782 +849 207 5 879695680 +849 234 5 879695469 +849 406 4 879695125 +849 421 5 879695588 +849 568 4 879695317 +849 625 5 879695420 +849 633 5 879695420 +849 676 5 879695896 +850 15 5 883195256 +850 22 5 883195527 +850 28 5 883195214 +850 50 5 883195143 +850 69 5 883195456 +850 71 5 883195118 +850 79 5 883195192 +850 82 5 883194950 +850 88 5 883195479 +850 95 5 883195301 +850 96 4 883195236 +850 97 5 883195168 +850 98 1 883195192 +850 121 5 883195055 +850 132 5 883195236 +850 153 4 883194792 +850 162 3 883195301 +850 168 5 883195456 +850 172 5 883195301 +850 174 5 883195419 +850 181 5 883195419 +850 196 3 883194792 +850 228 5 883195394 +850 294 5 883194367 +850 318 5 883194737 +850 385 5 883195099 +850 419 5 883195394 +850 435 4 883194859 +850 480 5 883194810 +850 485 5 883195168 +850 494 3 883195168 +850 496 5 883195079 +850 519 4 883195168 +850 568 5 883194768 +850 584 4 883195276 +850 648 5 883195527 +850 659 4 883194709 +850 663 2 883194768 +850 705 5 883195034 +850 742 5 883195214 +850 969 5 883194908 +851 4 5 875731489 +851 8 4 875731776 +851 9 4 875730379 +851 10 3 875730030 +851 12 4 875731370 +851 17 5 875807089 +851 22 5 875731330 +851 23 4 875806721 +851 31 4 875807058 +851 48 4 875731489 +851 50 5 891961663 +851 56 5 875731489 +851 64 5 875731674 +851 68 3 875731722 +851 71 4 875731567 +851 79 4 875731722 +851 92 5 875806791 +851 95 4 875731282 +851 109 4 875730379 +851 111 3 874767408 +851 112 1 875730629 +851 121 4 874728565 +851 122 2 875731105 +851 123 4 875730379 +851 125 4 875730826 +851 127 5 891961664 +851 128 4 875731330 +851 129 4 875730379 +851 132 4 875731370 +851 144 5 875806849 +851 147 4 874728461 +851 153 3 875806683 +851 157 4 875731605 +851 159 3 875806953 +851 160 5 875731224 +851 161 3 875731490 +851 172 5 875731567 +851 174 5 875731776 +851 176 4 875731816 +851 180 5 875731605 +851 182 5 875731406 +851 192 4 875731441 +851 193 4 875731722 +851 204 4 875731567 +851 223 4 875731567 +851 228 4 875731776 +851 231 4 875807019 +851 234 4 875731189 +851 238 5 875731330 +851 240 4 875730629 +851 248 4 875730379 +851 250 5 875730379 +851 252 3 875730418 +851 258 4 883148669 +851 261 3 877831111 +851 262 4 890343320 +851 264 2 890343477 +851 266 3 886534672 +851 271 5 883148692 +851 273 5 891961663 +851 284 3 874728338 +851 286 4 883148669 +851 290 4 874728430 +851 291 4 875730244 +851 295 5 874728370 +851 298 5 875730379 +851 299 4 886534617 +851 301 3 890343401 +851 302 5 888540054 +851 303 4 890804569 +851 304 3 877831020 +851 307 4 878574215 +851 310 5 891961663 +851 313 4 883148627 +851 318 5 891961664 +851 326 3 891961717 +851 327 4 890804671 +851 328 3 886534572 +851 330 3 884205246 +851 331 3 877830970 +851 332 1 884205263 +851 333 5 890862741 +851 336 4 890804691 +851 339 4 888540093 +851 340 5 883148669 +851 342 2 888540205 +851 343 2 883148773 +851 346 5 884831499 +851 347 5 891961663 +851 349 3 890862917 +851 352 1 890343544 +851 353 3 890862878 +851 355 4 888540240 +851 363 4 875730629 +851 367 2 875731674 +851 405 5 874767550 +851 406 2 875731674 +851 410 4 875730379 +851 411 3 875731021 +851 412 2 875731105 +851 435 4 875731225 +851 455 3 875730379 +851 456 2 875730719 +851 472 3 875730312 +851 473 4 874728396 +851 475 4 875731674 +851 480 5 875731406 +851 483 4 875806721 +851 527 5 891961663 +851 531 3 875731189 +851 553 4 875731225 +851 564 3 875806892 +851 588 4 875731529 +851 591 5 891961663 +851 595 3 875731021 +851 597 4 875730686 +851 619 4 875730629 +851 676 3 875729887 +851 680 3 886534717 +851 681 1 886534672 +851 682 1 890804746 +851 685 4 875731022 +851 687 2 874728168 +851 689 3 883148867 +851 690 4 891961166 +851 696 3 874728338 +851 717 3 874728598 +851 742 5 874767519 +851 748 3 874788804 +851 751 4 883148669 +851 754 2 891961831 +851 760 4 875730418 +851 772 3 875807019 +851 806 4 875731330 +851 815 3 874767550 +851 818 2 875730279 +851 820 3 875730947 +851 823 3 875730532 +851 824 4 874767550 +851 825 4 875730533 +851 826 4 875730719 +851 828 2 875730482 +851 831 5 875731105 +851 833 3 875731105 +851 840 3 875731105 +851 841 3 875730757 +851 845 3 874767408 +851 866 3 875730895 +851 875 5 884205151 +851 879 4 875729820 +851 880 3 886534617 +851 881 3 875729751 +851 892 2 886534635 +851 895 3 886534529 +851 912 4 891961214 +851 915 5 893090752 +851 916 3 891961195 +851 924 4 874789109 +851 925 3 875731022 +851 930 3 875730312 +851 932 3 875730455 +851 974 2 875730979 +851 975 2 875731105 +851 977 3 875730533 +851 979 3 875730244 +851 981 1 875730826 +851 983 2 875731021 +851 984 3 874809850 +851 1013 2 891961856 +851 1014 3 874767408 +851 1016 5 891961664 +851 1023 3 875730601 +851 1025 2 884205201 +851 1028 3 875730686 +851 1034 1 875731105 +851 1047 3 874789005 +851 1051 2 875730279 +851 1059 3 875730533 +851 1089 3 875730418 +851 1094 1 875730455 +851 1095 3 875731105 +851 1105 4 890862961 +851 1120 2 890343707 +851 1132 3 875730757 +851 1143 5 891961798 +851 1254 1 875730895 +851 1258 3 890343790 +851 1276 2 875730601 +851 1277 2 875730418 +851 1280 4 890343493 +851 1287 1 875731105 +851 1291 2 875730979 +851 1314 1 890862741 +851 1337 3 875730719 +851 1376 2 875730895 +851 1540 2 875731529 +851 1598 3 886534882 +851 1675 3 884222085 +851 1676 2 875731674 +852 1 4 891036457 +852 7 3 891036485 +852 25 3 891036802 +852 50 5 891036414 +852 100 4 891036457 +852 109 3 891036505 +852 117 4 891036707 +852 121 4 891036901 +852 122 1 891037738 +852 181 4 891036414 +852 235 4 891036765 +852 250 4 891036414 +852 252 3 891036866 +852 259 4 891036414 +852 260 3 891036414 +852 264 3 891035999 +852 274 3 891036369 +852 289 2 891035325 +852 290 4 891036817 +852 358 3 891036414 +852 405 3 891037262 +852 407 3 891037778 +852 472 3 891037605 +852 506 4 891037917 +852 515 5 891036414 +852 568 4 891037947 +852 678 3 891036414 +852 681 4 891036414 +852 820 4 891037754 +852 825 3 891037586 +852 826 3 891037806 +852 827 2 891036866 +852 840 3 891036866 +852 841 4 891037625 +852 926 3 891036902 +852 930 3 891037777 +852 969 5 891037917 +852 1052 4 891037888 +852 1615 2 891036457 +853 258 3 879364883 +853 259 3 879365034 +853 261 3 879365360 +853 264 3 879365169 +853 270 4 879364822 +853 271 3 879364668 +853 286 3 879364668 +853 288 4 879364822 +853 294 2 879365035 +853 299 4 879365092 +853 300 5 879364744 +853 304 4 879364822 +853 307 1 879364744 +853 322 3 879364883 +853 323 3 879364883 +853 327 3 879364955 +853 328 3 879364744 +853 330 1 879365091 +853 332 3 879364822 +853 333 4 879364669 +853 334 3 879364744 +853 340 1 879364744 +853 358 1 879365035 +853 678 4 879365170 +853 682 4 879364823 +853 688 3 879365169 +853 690 2 879364744 +853 877 2 879364882 +853 880 5 879364822 +853 887 2 879365169 +853 1280 4 879365091 +854 1 3 882812225 +854 3 1 882813047 +854 4 2 882814436 +854 7 4 882812352 +854 8 5 882814571 +854 9 5 882814570 +854 11 5 882814570 +854 12 5 882813990 +854 13 3 882812755 +854 14 4 882812225 +854 15 3 882812451 +854 19 3 882812826 +854 20 2 882813179 +854 22 2 882813691 +854 23 4 882813647 +854 24 4 882812352 +854 25 3 882813219 +854 32 4 882813574 +854 42 4 882813990 +854 49 4 882814665 +854 50 4 882812102 +854 55 4 882814467 +854 56 5 882814571 +854 58 3 882813825 +854 64 5 882814121 +854 69 4 882814395 +854 79 4 882814298 +854 83 4 882813691 +854 86 3 882814436 +854 89 4 882814467 +854 93 5 882814571 +854 96 3 882814467 +854 98 4 882814394 +854 100 5 882812225 +854 106 3 882813248 +854 111 3 882812906 +854 117 3 882812755 +854 118 2 882813219 +854 121 1 882813074 +854 123 1 882812406 +854 124 5 882814570 +854 125 3 882813099 +854 127 4 882813933 +854 129 3 882812165 +854 132 5 882813877 +854 133 3 882814091 +854 134 4 882813825 +854 135 4 882813933 +854 144 3 882814298 +854 147 3 882812492 +854 150 3 882812314 +854 151 4 882812451 +854 153 4 882813990 +854 156 3 882813574 +854 168 4 882814435 +854 170 4 882813537 +854 171 4 882814333 +854 173 4 882813537 +854 174 3 882813574 +854 175 4 882813797 +854 176 3 882813877 +854 180 4 882813537 +854 185 4 882813877 +854 188 4 882814368 +854 191 4 882813825 +854 194 3 882814235 +854 195 3 882813537 +854 197 4 882813797 +854 200 5 882814121 +854 203 4 882813933 +854 216 3 882814028 +854 220 4 882813248 +854 222 4 882812492 +854 223 4 882814177 +854 225 1 882813364 +854 235 2 882813179 +854 237 3 882812406 +854 238 5 882813648 +854 244 3 882812826 +854 246 3 882812195 +854 249 3 882812928 +854 250 4 882812376 +854 255 1 882812852 +854 257 3 882812877 +854 258 4 882811810 +854 260 3 882812030 +854 264 1 882811888 +854 268 3 882811865 +854 269 4 882811742 +854 270 4 882811810 +854 271 4 882811937 +854 274 3 882812906 +854 275 4 882814571 +854 281 3 882813047 +854 282 2 882812960 +854 283 3 882812492 +854 285 4 882812165 +854 286 1 882811742 +854 287 3 882813143 +854 288 5 882814571 +854 289 2 882811962 +854 290 1 882813179 +854 291 2 882813074 +854 293 5 882812102 +854 294 2 882811742 +854 297 4 882812263 +854 302 3 882811836 +854 303 3 882811810 +854 318 5 882813825 +854 321 3 882811913 +854 322 1 882811865 +854 324 3 882811937 +854 328 1 882811865 +854 333 3 882811742 +854 343 3 882811773 +854 357 4 882814235 +854 358 2 882812001 +854 382 4 882813761 +854 405 4 882812755 +854 411 2 882813143 +854 421 3 882814028 +854 423 4 882813963 +854 431 3 882813726 +854 455 2 882812906 +854 458 3 882812826 +854 461 3 882814298 +854 463 3 882814395 +854 466 3 882813761 +854 469 5 882814571 +854 471 2 882812928 +854 472 1 882813143 +854 476 3 882813219 +854 479 4 882813623 +854 482 3 882813761 +854 483 4 882813691 +854 484 3 882814368 +854 487 4 882813990 +854 488 4 882813761 +854 492 4 882814333 +854 493 5 882813933 +854 498 3 882813877 +854 505 4 882813600 +854 507 4 882813623 +854 508 4 882812492 +854 509 4 882814333 +854 511 4 882814298 +854 512 3 882814063 +854 514 4 882813537 +854 522 2 882814189 +854 528 4 882813623 +854 535 3 882813364 +854 537 3 882813797 +854 544 3 882812852 +854 591 2 882812451 +854 597 2 882813143 +854 603 4 882813600 +854 604 4 882813601 +854 606 4 882813691 +854 616 4 882813877 +854 619 2 882812376 +854 620 2 882813453 +854 628 2 882812451 +854 632 4 882813797 +854 652 3 882813825 +854 664 4 882814091 +854 696 2 882812961 +854 705 4 882813963 +854 709 4 882814395 +854 713 4 882812288 +854 735 3 882813990 +854 742 2 882812960 +854 744 2 882812787 +854 756 3 882813364 +854 757 3 882814235 +854 762 2 882812905 +854 799 3 882814298 +854 811 3 882814091 +854 815 2 882812981 +854 823 2 882813316 +854 825 3 882813143 +854 826 2 882813453 +854 829 2 882813287 +854 840 2 882813364 +854 846 3 882813453 +854 855 4 882814063 +854 919 4 882812406 +854 922 5 882813143 +854 924 4 882812314 +854 925 2 882813179 +854 928 3 882813143 +854 945 3 882813761 +854 1011 2 882813047 +854 1013 1 882813453 +854 1016 2 882812406 +854 1028 2 882813421 +854 1047 1 882812906 +854 1061 1 882813421 +854 1077 3 882813907 +854 1086 3 882812195 +854 1134 3 882812787 +854 1197 3 882812263 +854 1226 4 882814571 +854 1281 2 882812314 +854 1283 2 882813047 +854 1284 2 882812961 +854 1335 2 882812288 +854 1677 3 882814368 +855 59 3 879825488 +855 166 4 879825578 +855 170 2 879825383 +855 171 3 879825383 +855 462 4 879825383 +855 475 4 879825383 +855 509 3 879825613 +855 510 4 879825578 +855 512 4 879825382 +855 582 3 879825578 +855 638 4 879825462 +855 855 4 879825488 +855 919 3 879825462 +856 270 3 891489412 +856 272 5 891489217 +856 286 4 891489299 +856 289 1 891489525 +856 294 4 891489502 +856 300 4 891489386 +856 307 4 891489250 +856 312 2 891489450 +856 316 5 891489547 +856 322 4 891489593 +856 326 2 891489450 +856 327 4 891489478 +856 328 3 891489478 +856 347 2 891489217 +856 690 4 891489356 +856 748 3 891489638 +857 20 3 883432688 +857 24 1 883432711 +857 116 5 883432663 +857 258 5 883432193 +857 259 4 883432397 +857 275 5 883432663 +857 283 5 883432633 +857 304 2 883432301 +857 328 3 883432301 +857 547 3 883432633 +857 892 3 883432515 +857 988 2 883432423 +858 9 5 880932449 +858 127 5 880932912 +858 293 3 880932692 +858 323 2 879459926 +858 327 3 879459504 +858 333 4 880933013 +858 515 4 880932911 +858 678 1 879459926 +858 689 5 879459087 +858 754 4 879459087 +858 1368 4 880932449 +859 3 5 885775513 +859 15 4 885776056 +859 118 3 885775193 +859 151 2 885775067 +859 257 2 885775330 +859 275 3 885774828 +859 282 3 885774964 +859 287 5 885775358 +859 288 4 885776056 +859 293 4 885776056 +859 294 3 885775218 +859 313 5 885774773 +859 368 3 885775880 +859 381 4 885776352 +859 410 4 885776056 +859 458 3 885775382 +859 475 4 885776056 +859 476 5 885775727 +859 535 5 885774867 +859 763 4 885775699 +859 928 3 885775473 +859 955 5 885776352 +859 1008 4 885776056 +859 1009 4 885775277 +859 1048 3 885775767 +859 1132 3 885775513 +859 1281 3 885774937 +859 1315 4 885775251 +859 1326 4 885775859 +860 26 3 885991163 +860 49 2 885991316 +860 56 4 885990862 +860 70 5 885991040 +860 100 4 885991075 +860 153 4 885990965 +860 202 4 885990932 +860 204 4 885990901 +860 216 4 885990901 +860 220 3 885145702 +860 245 3 880829225 +860 257 3 891733877 +860 262 4 874967063 +860 269 2 891535991 +860 272 3 885145344 +860 274 3 885991476 +860 285 5 885990901 +860 286 4 874967063 +860 287 3 885991407 +860 300 4 874967063 +860 301 2 880829226 +860 302 4 876074139 +860 305 4 878567538 +860 307 3 879801617 +860 310 4 880914645 +860 311 4 882120528 +860 312 4 888169119 +860 313 4 885145375 +860 315 3 884029545 +860 316 3 889627165 +860 321 3 880829225 +860 327 3 880829225 +860 332 2 880829226 +860 333 3 876074177 +860 339 3 882831410 +860 344 3 887028250 +860 347 4 886424396 +860 381 3 885990998 +860 393 2 885991129 +860 508 4 885991076 +860 516 3 885991040 +860 517 4 885991076 +860 629 3 885991198 +860 663 3 885991101 +860 678 3 887754112 +860 690 4 876750421 +860 692 5 885990965 +860 712 3 885991316 +860 716 2 887754411 +860 732 4 885991129 +860 781 2 887754411 +860 846 2 887754411 +860 865 4 885990862 +860 890 2 880829225 +860 894 2 883678286 +860 900 3 886354648 +860 949 3 885991163 +860 1041 2 887754411 +860 1047 2 885991563 +860 1059 1 891536049 +860 1602 3 893009852 +861 10 3 881274739 +861 14 4 881274612 +861 20 4 881274857 +861 26 3 881274936 +861 45 5 881274698 +861 70 4 881274672 +861 83 5 881274672 +861 116 4 881274739 +861 179 1 881274672 +861 213 5 881274759 +861 242 5 881274504 +861 286 4 881274504 +861 292 4 881274504 +861 301 4 881274504 +861 305 4 881274504 +861 319 5 881274504 +861 321 1 881274504 +861 381 4 881274780 +861 382 5 881274780 +861 462 4 881274698 +861 463 3 881274698 +861 475 3 881274760 +861 509 5 881274739 +861 529 5 881274718 +861 531 4 881274529 +861 547 4 881274857 +861 582 2 881274796 +861 584 5 881274815 +861 737 3 881274883 +861 740 4 881274760 +861 937 4 881274504 +861 1009 5 881274857 +861 1148 3 881274913 +862 7 5 879304196 +862 10 5 879303249 +862 11 4 879305172 +862 12 5 879304571 +862 22 5 879304571 +862 24 4 879302990 +862 45 4 879304721 +862 56 3 879305204 +862 59 5 879305204 +862 60 5 879305143 +862 61 5 879304244 +862 64 5 879304326 +862 69 5 879304244 +862 70 4 879305172 +862 79 5 879304623 +862 81 5 879305237 +862 82 4 879305237 +862 89 5 879304526 +862 91 5 879304762 +862 92 5 879305051 +862 96 4 879305051 +862 97 4 879305143 +862 98 5 879304865 +862 99 4 879305097 +862 100 5 879304196 +862 105 3 879303346 +862 111 5 879302844 +862 117 5 879302844 +862 120 3 879303953 +862 121 5 879304196 +862 132 5 879304980 +862 135 5 879304762 +862 141 4 879305237 +862 143 5 879304722 +862 147 5 879304196 +862 151 5 879304196 +862 172 5 879304243 +862 173 5 879304484 +862 174 5 879304721 +862 175 5 879305172 +862 176 5 879304672 +862 177 4 879305016 +862 179 5 879304410 +862 180 5 879305097 +862 181 5 879305143 +862 182 5 879304526 +862 183 5 879304834 +862 184 2 879305097 +862 185 5 879304571 +862 186 3 879305143 +862 187 4 879304672 +862 188 5 879305312 +862 195 5 879304902 +862 196 5 879304799 +862 197 4 879304623 +862 198 5 879304484 +862 199 5 879304761 +862 200 5 879304980 +862 201 3 879304326 +862 202 5 879304624 +862 203 4 879305312 +862 205 4 879304282 +862 208 2 879304282 +862 211 5 879305051 +862 214 3 879304834 +862 216 5 879304410 +862 222 5 879304196 +862 228 5 879305097 +862 230 3 879305273 +862 238 4 879304624 +862 250 5 879303158 +862 252 3 879302910 +862 257 5 879303207 +862 258 5 879302461 +862 260 5 879302583 +862 265 5 879304980 +862 271 5 879302763 +862 276 5 879303079 +862 282 5 879303123 +862 405 2 879303123 +862 406 4 879303843 +862 413 4 879303952 +862 416 3 879305351 +862 423 4 879305273 +862 429 5 879304526 +862 431 5 879305312 +862 432 5 879304902 +862 433 4 879304445 +862 434 5 879304410 +862 435 5 879304244 +862 436 4 879305386 +862 462 4 879304624 +862 467 4 879305143 +862 472 5 879303505 +862 474 5 879304722 +862 476 4 879303622 +862 478 4 879305016 +862 479 4 879305351 +862 480 5 879304761 +862 483 5 879304326 +862 484 4 879304571 +862 485 5 879304410 +862 491 3 879304799 +862 495 4 879305097 +862 496 5 879304902 +862 498 4 879304445 +862 515 4 879302877 +862 519 4 879304326 +862 520 4 879304484 +862 521 5 879304762 +862 526 4 879304623 +862 544 5 879304196 +862 546 4 879302944 +862 559 4 879305312 +862 566 3 879304571 +862 568 3 879304799 +862 597 3 879303697 +862 603 5 879304445 +862 633 5 879304722 +862 640 3 879305351 +862 647 5 879304369 +862 650 4 879304941 +862 651 5 879304624 +862 655 5 879305016 +862 657 5 879304369 +862 658 5 879304526 +862 678 4 879302614 +862 737 4 879305386 +862 742 5 879303298 +862 748 4 879302533 +862 767 4 879303807 +862 789 5 879304941 +862 820 4 879303774 +862 823 4 879303869 +862 825 5 879303668 +862 831 3 879303542 +862 845 4 879303249 +862 866 4 879303697 +862 919 4 879303409 +862 928 4 879303542 +862 930 5 879303843 +862 969 5 879304410 +862 974 2 879304113 +862 977 4 879302877 +862 978 3 879303591 +862 979 5 879303409 +862 982 4 879303622 +862 1009 4 879303622 +862 1011 5 879303123 +862 1050 5 879305351 +862 1093 5 879304196 +862 1109 5 879305016 +862 1110 5 879305386 +862 1117 4 879303668 +862 1199 2 879303729 +863 242 4 889289570 +863 258 5 889289122 +863 259 1 889289240 +863 262 3 889289618 +863 268 5 889289240 +863 269 3 889288973 +863 271 4 889289191 +863 272 5 889288910 +863 286 5 889289191 +863 288 4 889288911 +863 289 4 889289457 +863 292 2 889289067 +863 294 4 889289327 +863 299 2 889289385 +863 300 5 889289157 +863 302 4 889288910 +863 303 1 889288911 +863 304 3 889289240 +863 305 4 889289122 +863 306 5 889289570 +863 307 5 889289157 +863 310 5 889288943 +863 313 5 889288910 +863 315 5 889288910 +863 316 5 889289419 +863 319 2 889289123 +863 321 4 889289157 +863 322 1 889289327 +863 324 5 889289385 +863 326 5 889289157 +863 327 5 889289327 +863 328 5 889288943 +863 329 2 889289157 +863 330 2 889289191 +863 331 4 889289278 +863 332 4 889288943 +863 334 5 889289353 +863 336 2 889289327 +863 339 3 889289353 +863 340 3 889288911 +863 342 1 889289241 +863 343 5 889289328 +863 344 4 889289456 +863 346 5 889288911 +863 347 2 889289067 +863 348 2 889289456 +863 349 1 889289457 +863 350 1 889289457 +863 354 1 889289191 +863 355 4 889289419 +863 359 3 889289158 +863 361 5 889289618 +863 362 1 889289122 +863 538 2 889289122 +863 682 3 889289491 +863 683 1 889289241 +863 690 4 889289067 +863 691 3 889289067 +863 748 3 889289456 +863 749 2 889289419 +863 750 4 889288973 +863 751 4 889289122 +863 752 4 889289277 +863 872 2 889289240 +863 873 2 889289491 +863 876 2 889289457 +863 877 1 889289277 +863 879 2 889289123 +863 885 1 889289456 +863 886 3 889289327 +863 887 3 889289328 +863 895 5 889289385 +863 898 1 889288973 +863 900 3 889289067 +863 901 1 889288972 +863 903 3 889289570 +863 906 4 889289570 +863 908 1 889289240 +863 909 3 889289619 +863 910 2 889289570 +863 990 1 889289385 +863 1022 2 889289569 +863 1024 3 889289619 +863 1038 1 889289327 +863 1127 4 889289157 +863 1234 3 889289619 +863 1237 4 889289618 +863 1243 4 889289277 +863 1296 3 889289617 +863 1313 1 889289067 +863 1395 4 889289491 +863 1431 4 889289618 +863 1434 2 889289618 +863 1607 2 889288973 +863 1678 1 889289570 +863 1679 3 889289491 +863 1680 2 889289570 +864 1 5 877214125 +864 2 4 888889657 +864 4 4 888890690 +864 5 4 888889657 +864 7 5 878179608 +864 8 5 888887402 +864 9 5 877214236 +864 11 5 888887502 +864 12 5 888886984 +864 13 4 877214125 +864 15 4 888887658 +864 22 5 888888937 +864 24 5 888887502 +864 25 4 888888240 +864 28 5 888887247 +864 29 4 888891794 +864 31 4 888888202 +864 38 3 888891628 +864 43 3 888891524 +864 44 4 888890144 +864 47 5 888887502 +864 48 5 888886945 +864 49 3 888892091 +864 52 4 888888861 +864 54 4 888891473 +864 55 4 888887045 +864 56 5 888887097 +864 58 5 888887739 +864 62 4 888889035 +864 63 3 888893088 +864 64 5 888887830 +864 65 3 888890690 +864 66 3 888889784 +864 67 4 888891190 +864 69 5 888889863 +864 70 4 888888168 +864 72 4 888891288 +864 73 5 888888994 +864 77 4 888891627 +864 79 5 888887830 +864 81 3 888891836 +864 82 5 888887830 +864 85 2 888889327 +864 86 4 888890547 +864 87 5 888887403 +864 88 4 888887469 +864 91 5 888887172 +864 93 3 888889948 +864 94 4 888891423 +864 95 5 888887045 +864 96 5 888887830 +864 97 4 888887216 +864 98 5 888886946 +864 99 3 888890730 +864 100 5 877214125 +864 102 4 888890997 +864 106 3 877214236 +864 108 3 888891627 +864 109 5 888888994 +864 111 3 888888115 +864 114 5 888888168 +864 116 4 888887045 +864 117 4 888889466 +864 118 4 888888994 +864 121 4 877214085 +864 123 4 888890594 +864 124 5 877214158 +864 125 4 888889162 +864 127 4 888887216 +864 128 4 888886882 +864 132 5 888887128 +864 133 5 888887984 +864 134 5 888887013 +864 136 4 888886913 +864 137 4 878179514 +864 140 3 888892016 +864 143 4 888887703 +864 144 5 888887830 +864 145 4 888892230 +864 151 5 888889466 +864 153 5 888886946 +864 157 4 888886984 +864 159 4 888891049 +864 161 4 888891288 +864 163 4 888888680 +864 164 4 888887216 +864 167 4 888891794 +864 169 5 888887402 +864 172 5 888887795 +864 173 5 888889129 +864 174 5 888887354 +864 176 5 888887289 +864 178 4 888887248 +864 181 5 888887984 +864 182 3 888886913 +864 183 4 888888115 +864 184 4 888890775 +864 186 4 888887658 +864 188 3 888887172 +864 189 4 888889268 +864 190 4 888887437 +864 191 4 888887869 +864 194 4 888886984 +864 195 4 888888937 +864 196 4 888887914 +864 197 4 888888282 +864 200 4 888889162 +864 201 5 888887172 +864 202 5 888887354 +864 203 5 888886846 +864 204 5 888888937 +864 209 3 888887172 +864 210 4 888887469 +864 214 2 888890052 +864 215 4 888888994 +864 216 4 888886882 +864 217 4 888891524 +864 218 4 888890316 +864 219 4 888889129 +864 222 4 888887502 +864 223 5 888887097 +864 225 3 878179608 +864 226 3 888889601 +864 227 4 888889510 +864 228 5 888888067 +864 229 4 888891836 +864 230 2 888889129 +864 231 3 888891288 +864 232 4 888889327 +864 234 4 888887658 +864 235 5 888891794 +864 237 4 878179514 +864 238 5 888890432 +864 239 4 888889466 +864 245 4 887686369 +864 250 3 891044057 +864 257 4 891044192 +864 258 5 877214042 +864 265 5 888886946 +864 275 4 878179445 +864 276 5 878179411 +864 282 3 888887469 +864 283 5 878179514 +864 286 5 890463283 +864 288 5 878179381 +864 290 3 888892053 +864 294 4 878179381 +864 317 4 888887128 +864 318 5 888887071 +864 328 5 887686456 +864 333 5 890463283 +864 343 5 887686545 +864 349 4 887686388 +864 356 4 888889268 +864 357 5 888887794 +864 367 5 888890316 +864 373 2 888892053 +864 380 3 888889744 +864 382 3 888887437 +864 386 3 888891288 +864 391 4 888893224 +864 393 3 888889129 +864 394 3 888890432 +864 399 4 888893088 +864 401 4 888893271 +864 402 3 888892128 +864 403 5 888887944 +864 404 4 888890316 +864 405 5 877214158 +864 418 3 888887247 +864 419 4 888887984 +864 422 3 888892968 +864 423 5 888887739 +864 432 2 888887502 +864 433 3 888887703 +864 443 4 888890639 +864 451 4 888889563 +864 465 3 888889327 +864 466 4 888887794 +864 470 4 888890052 +864 471 5 888888862 +864 472 4 888888861 +864 473 4 888892300 +864 474 4 888889863 +864 476 2 888892917 +864 483 5 888886913 +864 496 5 888887944 +864 501 3 888891836 +864 509 5 888887944 +864 511 4 888886846 +864 523 4 888888202 +864 526 4 888889784 +864 531 5 888887739 +864 541 2 888892667 +864 542 4 888892841 +864 546 4 888892015 +864 549 3 888890730 +864 550 4 888889389 +864 559 4 888888680 +864 561 4 888888937 +864 562 4 888891794 +864 563 3 888892539 +864 566 4 888889601 +864 568 4 888888115 +864 569 3 888891794 +864 577 3 888892917 +864 578 3 888889948 +864 588 3 888887289 +864 591 4 878179608 +864 596 4 888890001 +864 597 4 888888625 +864 603 4 888888025 +864 609 3 888888861 +864 619 3 888889327 +864 623 3 888889035 +864 625 4 888890273 +864 628 4 888890639 +864 629 3 888888282 +864 651 5 888888168 +864 655 4 888887128 +864 658 2 888890690 +864 660 4 888889510 +864 663 4 888887248 +864 665 3 888892300 +864 672 2 888889389 +864 673 3 888890273 +864 678 4 887686545 +864 684 4 888887289 +864 685 4 888891900 +864 692 2 888890316 +864 693 4 888888168 +864 710 2 888888115 +864 715 4 888891238 +864 716 2 888889744 +864 717 3 878179608 +864 720 3 888891238 +864 722 2 888892091 +864 729 4 888889035 +864 732 4 888888067 +864 734 3 888892874 +864 735 5 888886882 +864 736 5 888888025 +864 742 4 878179445 +864 747 3 888890380 +864 755 4 888892128 +864 768 3 888890776 +864 770 3 888891322 +864 775 1 888891473 +864 780 2 888892968 +864 781 3 888891238 +864 789 4 888886946 +864 794 3 888889268 +864 797 3 888892539 +864 800 1 888891154 +864 801 3 888892667 +864 805 4 888889327 +864 892 3 887686497 +864 930 3 888892841 +864 939 4 888890102 +864 951 3 888891288 +864 966 4 888888994 +864 969 4 888887172 +864 972 2 888890475 +864 993 4 878179411 +864 1016 4 877214125 +864 1033 2 888891473 +864 1044 3 888891049 +864 1047 3 888888680 +864 1101 4 888887502 +864 1109 4 888890639 +864 1112 2 888891097 +864 1119 3 888890548 +864 1135 3 888890594 +864 1140 1 888892491 +864 1208 2 888890731 +864 1210 2 888892667 +864 1217 3 888889327 +864 1228 3 888892375 +864 1248 3 888891628 +864 1284 3 888891900 +864 1303 2 888890997 +864 1412 1 888892461 +864 1425 2 888890475 +864 1531 3 888890690 +865 1 1 880143424 +865 21 2 880144229 +865 24 4 880143612 +865 71 1 880235059 +865 91 3 880235059 +865 95 1 880235059 +865 99 1 880235060 +865 100 4 880143232 +865 101 1 880235099 +865 108 1 880143680 +865 111 1 880144123 +865 117 2 880143746 +865 118 1 880144229 +865 121 1 880144024 +865 148 3 880144194 +865 189 4 880235059 +865 222 2 880143482 +865 240 2 880143680 +865 258 4 880142652 +865 268 4 880142652 +865 271 1 880142778 +865 294 4 880235263 +865 302 5 880142614 +865 328 3 880142857 +865 405 2 880144194 +865 408 5 880143385 +865 411 1 880144153 +865 412 1 880144504 +865 418 1 880235099 +865 432 1 880235059 +865 455 4 880143612 +865 456 1 880144405 +865 471 1 880143612 +865 472 1 880144229 +865 473 3 880144194 +865 475 4 880143425 +865 501 1 880235060 +865 546 1 880143917 +865 547 5 880143232 +865 588 2 880235060 +865 625 1 880235099 +865 627 1 880235060 +865 685 3 880144071 +865 743 1 880144504 +865 744 4 880144024 +865 763 1 880143680 +865 831 1 880144480 +865 845 1 880144123 +865 847 5 880143386 +865 919 5 880143713 +865 926 1 880144405 +865 946 1 880235099 +865 1009 5 880144368 +865 1011 1 880144405 +865 1047 1 880144265 +865 1240 5 880235099 +866 272 2 891221006 +866 303 4 891221165 +866 313 1 891220955 +866 315 4 891221206 +866 340 2 891221165 +866 344 2 891221165 +866 347 4 891221165 +866 882 2 891221165 +866 896 2 891221006 +866 900 4 891221165 +867 1 4 880078521 +867 7 5 880078604 +867 9 5 880078958 +867 11 3 880078547 +867 12 5 880078656 +867 22 5 880078424 +867 28 5 880078887 +867 31 5 880078656 +867 50 5 880078027 +867 51 3 880079142 +867 56 5 880078818 +867 64 5 880078547 +867 68 4 880079020 +867 69 2 880078797 +867 89 5 880078769 +867 98 5 880078937 +867 117 3 880079117 +867 132 3 880078629 +867 134 5 880078723 +867 144 3 880078484 +867 150 5 880078677 +867 156 5 880078574 +867 168 4 880078604 +867 172 5 880078769 +867 174 5 880078991 +867 175 5 880078818 +867 176 3 880079094 +867 180 5 880078656 +867 181 5 880078050 +867 182 4 880078521 +867 183 3 880078863 +867 186 5 880078937 +867 188 4 880078796 +867 191 5 880079117 +867 195 5 880078452 +867 197 4 880078796 +867 198 5 880078723 +867 203 4 880078484 +867 204 4 880078958 +867 207 5 880079094 +867 210 5 880078547 +867 216 3 880079043 +867 222 4 880079094 +867 228 5 880078958 +867 250 4 880078091 +867 252 2 880078179 +867 257 4 880078090 +867 258 3 880077751 +867 270 5 880077780 +867 273 3 880078991 +867 276 1 880079020 +867 286 5 880077721 +867 289 5 880077950 +867 294 3 880077831 +867 295 4 880078069 +867 300 2 880077751 +867 323 3 880077951 +867 328 5 880077855 +867 423 3 880078991 +867 431 4 880078841 +867 474 5 880078840 +867 475 5 880078656 +867 483 5 880078372 +867 496 5 880078574 +867 498 4 880078401 +867 511 5 880078371 +867 524 5 880078604 +867 528 4 880078371 +867 529 5 880078863 +867 588 3 880078887 +867 603 5 880078452 +867 650 5 880078818 +867 651 5 880079065 +867 652 5 880078745 +867 655 4 880078906 +867 657 5 880078769 +867 678 3 880078004 +867 690 5 880077751 +867 748 4 880077951 +867 855 5 880078604 +867 1039 5 880078677 +867 1065 5 880078424 +867 1154 5 880078991 +867 1159 5 880078796 +867 1608 2 880078110 +868 2 2 877112290 +868 7 5 877104157 +868 12 5 877103834 +868 23 5 877104949 +868 24 2 877108385 +868 47 2 877108302 +868 50 5 877103449 +868 55 5 877106505 +868 56 3 877107143 +868 59 4 877103757 +868 61 5 877109435 +868 64 5 877103548 +868 65 2 877104212 +868 67 3 877109597 +868 68 2 877106505 +868 69 2 877107416 +868 73 1 877108220 +868 80 2 877111453 +868 81 4 877107373 +868 82 2 877112001 +868 89 4 877107446 +868 90 3 877109874 +868 91 3 877107817 +868 94 1 877109814 +868 95 2 877108302 +868 96 2 877107056 +868 98 4 877103371 +868 100 5 877103935 +868 101 4 877109996 +868 109 3 877107627 +868 114 5 877103371 +868 117 2 877110332 +868 121 2 877111542 +868 122 3 877113586 +868 127 4 877103679 +868 128 5 877108123 +868 132 4 877103195 +868 133 2 877108302 +868 135 5 877104987 +868 136 5 877104414 +868 139 1 877109300 +868 142 1 877109874 +868 145 1 877109082 +868 150 5 877103834 +868 151 5 877104879 +868 153 2 877105916 +868 154 3 877107539 +868 155 2 877111623 +868 156 3 877103834 +868 158 1 877111328 +868 159 2 877107416 +868 160 4 877104414 +868 161 2 877107056 +868 162 3 877109505 +868 164 2 877104157 +868 167 1 877110191 +868 168 3 877104157 +868 169 5 877106505 +868 172 5 877107847 +868 173 4 877107961 +868 174 5 877107320 +868 176 4 877103248 +868 178 5 877103714 +868 179 4 877107056 +868 180 4 877104913 +868 181 5 877103280 +868 183 5 877104414 +868 184 3 877107730 +868 186 2 877109234 +868 187 4 877107284 +868 188 3 877103320 +868 189 5 877109300 +868 191 3 877107143 +868 193 2 877108123 +868 195 2 877104212 +868 198 5 877103757 +868 199 5 877105882 +868 200 3 877107189 +868 201 2 877104264 +868 202 3 877104264 +868 207 3 877107189 +868 208 3 877108624 +868 209 4 877103195 +868 210 5 877103248 +868 211 3 877107730 +868 214 3 877106470 +868 216 2 877109234 +868 217 2 877109895 +868 218 3 877104913 +868 219 2 877107817 +868 222 3 877108989 +868 225 1 877111453 +868 227 1 877110060 +868 228 5 877103935 +868 229 3 877111154 +868 230 3 877112349 +868 232 1 877109082 +868 233 2 877109566 +868 234 4 877103935 +868 237 1 877108989 +868 238 4 877103249 +868 239 3 877107924 +868 240 5 877107373 +868 265 3 877108302 +868 268 4 877102974 +868 273 3 877107284 +868 317 5 877107961 +868 327 4 877103039 +868 358 2 877103098 +868 367 2 877106505 +868 378 2 877108056 +868 382 4 877109874 +868 385 2 877103834 +868 402 1 877113412 +868 403 2 877111837 +868 405 1 877109082 +868 408 5 877103935 +868 410 3 877104414 +868 412 5 877112001 +868 417 1 877108087 +868 419 3 877103449 +868 423 2 877107373 +868 426 4 877103935 +868 427 4 877103679 +868 429 2 877103834 +868 432 2 877108624 +868 433 4 877103195 +868 434 3 877107056 +868 436 3 877104913 +868 447 2 877107284 +868 448 2 877110401 +868 449 3 877113540 +868 451 2 877112063 +868 452 2 877111394 +868 455 5 877103410 +868 470 1 877107924 +868 474 4 877105882 +868 475 4 877104987 +868 480 4 877103280 +868 496 2 877107597 +868 498 3 877104913 +868 501 3 877103449 +868 503 3 877106421 +868 506 4 877104879 +868 509 3 877106470 +868 520 4 877103756 +868 524 3 877107730 +868 547 3 877112559 +868 550 4 877112393 +868 556 3 877110060 +868 566 1 877111394 +868 567 1 877113481 +868 578 2 877112439 +868 579 1 877108241 +868 588 1 877106421 +868 589 4 877106421 +868 615 4 877109375 +868 621 2 877103449 +868 631 4 877111453 +868 636 3 877103449 +868 640 5 877103371 +868 646 5 877109435 +868 651 5 877103249 +868 655 4 877107996 +868 658 3 877108742 +868 662 2 877103714 +868 679 3 877109748 +868 685 1 877111394 +868 709 4 877109197 +868 710 3 877103320 +868 726 2 877109926 +868 727 2 877110277 +868 732 3 877107416 +868 739 2 877111542 +868 746 2 877109082 +868 747 2 877109566 +868 755 4 877112184 +868 762 4 877109535 +868 778 2 877109375 +868 783 1 877113481 +868 825 1 877109435 +868 843 1 877109748 +868 854 4 877103371 +868 919 4 877103757 +868 922 5 877106505 +868 946 1 877107189 +868 998 2 877112063 +868 1028 3 877103195 +868 1035 1 877107817 +868 1037 1 877113481 +868 1076 1 877111487 +868 1098 5 877107416 +868 1183 1 877112141 +868 1188 1 877110060 +868 1206 3 877112033 +868 1240 5 877107284 +868 1285 2 877109926 +868 1509 1 877111487 +869 13 3 884491199 +869 15 1 884491993 +869 25 2 884491767 +869 100 5 884493279 +869 116 4 884490892 +869 122 3 884493060 +869 125 3 884491867 +869 126 2 884491927 +869 127 5 884493279 +869 151 5 884493279 +869 237 4 884490745 +869 242 2 884490097 +869 249 4 884493279 +869 253 4 884493279 +869 269 4 884493279 +869 275 4 884490936 +869 276 4 884491082 +869 282 3 884490987 +869 287 2 884492047 +869 288 3 884490011 +869 294 3 884490151 +869 298 3 884491734 +869 315 3 884490332 +869 411 4 884492828 +869 476 1 884492519 +869 515 5 884493279 +869 596 3 884491734 +869 696 2 884493021 +869 756 1 884492780 +869 815 1 884491966 +869 1014 4 884493279 +869 1047 2 884492571 +869 1061 1 884492377 +869 1079 2 884493021 +869 1132 1 884492906 +869 1163 2 884492238 +869 1382 3 884492201 +870 1 5 889717102 +870 2 2 879714351 +870 4 2 879270213 +870 6 4 875680311 +870 7 4 875051072 +870 9 5 879376967 +870 10 4 879376967 +870 11 4 875679992 +870 12 4 875050748 +870 13 4 876319137 +870 17 4 880584752 +870 21 3 876319159 +870 22 4 875680165 +870 23 4 875050865 +870 28 4 875680258 +870 31 4 875680070 +870 38 3 879714608 +870 42 2 879270213 +870 45 5 875679795 +870 47 3 875679958 +870 48 4 875050603 +870 50 3 875050865 +870 51 2 879714500 +870 52 2 880584400 +870 53 2 879714351 +870 55 3 879713899 +870 56 5 875050826 +870 58 5 875050723 +870 64 5 889717102 +870 65 3 879713898 +870 66 4 875680493 +870 68 3 879714087 +870 69 4 875050603 +870 70 4 889409590 +870 77 3 879714103 +870 79 4 879270313 +870 83 4 889717102 +870 87 5 889717575 +870 88 2 879270213 +870 89 3 879539936 +870 90 4 875680668 +870 92 4 875679861 +870 95 4 875050559 +870 96 4 879270357 +870 98 4 880584497 +870 100 4 889717102 +870 111 3 880584548 +870 124 4 879376994 +870 127 5 875050602 +870 131 4 875050865 +870 132 4 882123548 +870 134 4 875050697 +870 135 3 875680045 +870 148 2 879377064 +870 154 4 876319311 +870 168 4 875680472 +870 169 4 888095560 +870 170 5 875050637 +870 172 4 875680098 +870 174 5 875050698 +870 177 4 875050827 +870 178 4 875050559 +870 179 4 875680165 +870 180 3 875679860 +870 181 4 875680119 +870 182 5 883876178 +870 185 4 875050672 +870 186 4 875680186 +870 188 5 875050672 +870 191 3 881001249 +870 192 5 889717102 +870 193 5 889717102 +870 194 3 875679795 +870 195 4 875050602 +870 196 3 879539965 +870 197 5 875050723 +870 198 4 875679860 +870 202 3 879714181 +870 203 4 875680098 +870 204 4 875680448 +870 208 4 879270313 +870 209 4 875680546 +870 210 4 879270313 +870 211 3 879539713 +870 216 4 875680520 +870 218 4 889717102 +870 219 2 879714351 +870 223 4 878737979 +870 235 3 885312790 +870 238 4 875050865 +870 239 3 875680597 +870 244 3 875051043 +870 246 3 881000751 +870 248 4 880124496 +870 253 4 887567321 +870 255 2 889409590 +870 258 4 886883539 +870 265 4 880584497 +870 268 3 881000751 +870 272 4 890920916 +870 273 3 875051100 +870 276 4 889717102 +870 284 2 875051072 +870 286 4 875050332 +870 288 4 875050370 +870 289 2 875050332 +870 302 4 878737704 +870 313 4 883405554 +870 315 2 883876178 +870 317 4 875050723 +870 318 5 875050865 +870 327 4 875050410 +870 328 3 875050410 +870 332 2 879982785 +870 333 3 882123130 +870 340 3 882464808 +870 354 4 889409590 +870 357 5 875679687 +870 367 4 875679768 +870 378 3 879902226 +870 381 3 889409590 +870 382 3 875680568 +870 384 3 875680597 +870 385 3 879714159 +870 386 4 880584752 +870 395 3 879901999 +870 396 3 875680668 +870 401 3 880584584 +870 421 2 879539965 +870 425 4 889717575 +870 427 4 880584516 +870 428 4 875050672 +870 431 3 885586224 +870 433 3 879901879 +870 435 3 880584549 +870 443 3 882123736 +870 447 4 879713953 +870 458 1 879377028 +870 461 4 875680099 +870 462 4 875679860 +870 469 4 875679958 +870 470 3 879901727 +870 471 4 885071869 +870 474 4 875050559 +870 475 5 875051100 +870 477 4 876319062 +870 479 5 875050801 +870 480 5 875680142 +870 483 5 880584497 +870 487 4 879270313 +870 489 4 875050827 +870 490 3 886883147 +870 494 3 879865875 +870 496 5 882801371 +870 497 4 875050559 +870 499 4 879713935 +870 503 4 879713899 +870 504 5 880584497 +870 505 4 880584752 +870 508 3 881001249 +870 513 4 879713578 +870 514 5 875050637 +870 520 5 875050559 +870 523 5 875050774 +870 527 5 875679687 +870 528 4 875050801 +870 549 2 879270213 +870 550 3 879714310 +870 554 2 879714800 +870 558 4 879270313 +870 559 2 879714532 +870 568 4 879714588 +870 569 2 879714631 +870 570 2 879714681 +870 574 1 879902181 +870 579 2 879902161 +870 582 5 879713817 +870 583 2 879714351 +870 589 4 880584534 +870 591 2 879270212 +870 603 5 875050723 +870 606 4 875679687 +870 608 4 875680098 +870 631 2 882123130 +870 640 3 886883147 +870 641 4 875050524 +870 644 2 882123665 +870 646 4 875050524 +870 647 4 879270400 +870 649 4 889717102 +870 651 3 879539936 +870 653 4 875050559 +870 654 4 875050801 +870 655 4 875050865 +870 657 5 875050748 +870 658 4 875679992 +870 659 4 875680020 +870 663 3 879540005 +870 673 5 875679721 +870 684 3 879714246 +870 690 2 886372265 +870 692 2 879270213 +870 693 4 879713979 +870 697 4 875050603 +870 699 3 879901671 +870 704 3 879714532 +870 710 3 875680212 +870 713 4 879376966 +870 715 3 875680597 +870 722 2 879270213 +870 724 4 875679906 +870 732 2 882123355 +870 735 3 875679721 +870 736 1 879901654 +870 746 3 879270400 +870 763 4 879902059 +870 770 4 875679992 +870 772 4 875679767 +870 781 3 881001249 +870 789 4 879705466 +870 792 3 879540005 +870 793 5 875680258 +870 802 3 879714763 +870 810 3 879714883 +870 813 4 875051101 +870 841 2 878737915 +870 856 3 879715002 +870 873 2 875050370 +870 939 3 879714066 +870 943 2 879714310 +870 945 4 879714039 +870 949 3 881001249 +870 959 4 875680046 +870 988 2 875050439 +870 1006 2 881001249 +870 1008 3 879377028 +870 1014 2 884789665 +870 1019 3 881001249 +870 1020 3 882385179 +870 1021 2 881001249 +870 1041 2 879270213 +870 1042 2 879902127 +870 1044 2 879714772 +870 1046 3 879714310 +870 1073 5 875050748 +870 1074 2 879270213 +870 1090 2 879902161 +870 1098 4 889812986 +870 1112 2 879714902 +870 1118 3 881001249 +870 1134 4 879376967 +870 1208 2 879902128 +870 1210 1 879902161 +870 1221 3 881001249 +870 1230 2 879901998 +870 1267 2 879270213 +870 1412 2 879714435 +870 1451 3 891214479 +870 1664 4 890057322 +871 4 3 888193338 +871 11 3 888193274 +871 17 3 888193275 +871 22 5 888193177 +871 50 5 888193275 +871 56 5 888193177 +871 79 5 888193275 +871 82 3 888193336 +871 92 3 888193338 +871 96 5 888193177 +871 97 3 888193541 +871 121 4 888193275 +871 127 5 888193081 +871 147 5 888193136 +871 161 5 888193275 +871 172 5 888193177 +871 173 5 888193383 +871 181 3 888193335 +871 182 5 888192925 +871 183 3 888193177 +871 187 5 888193081 +871 190 2 888193275 +871 195 5 888193274 +871 197 3 888193385 +871 202 4 888193385 +871 210 5 888193275 +871 213 3 888193386 +871 216 3 888193384 +871 226 5 888193177 +871 237 3 888193386 +871 241 3 888193385 +871 242 3 888192858 +871 258 5 888192970 +871 259 3 888192971 +871 262 3 888192970 +871 269 3 888192970 +871 270 5 888192858 +871 271 5 888192349 +871 272 2 888192859 +871 275 3 888193384 +871 276 5 888193136 +871 286 3 888193136 +871 289 3 888192475 +871 300 4 888192971 +871 301 4 888192475 +871 302 5 888192970 +871 305 3 888192475 +871 307 3 888192315 +871 310 3 888192858 +871 313 5 888192858 +871 315 3 888192286 +871 324 3 888192689 +871 326 5 888192971 +871 331 3 888192202 +871 333 2 888192202 +871 335 3 888192475 +871 337 3 888192475 +871 342 4 888192475 +871 345 3 888192859 +871 347 5 888192315 +871 352 3 888192971 +871 359 3 888192743 +871 360 3 888192475 +871 402 3 888193541 +871 435 3 888193336 +871 510 3 888193335 +871 511 2 888193177 +871 526 5 888193337 +871 547 3 888193136 +871 549 3 888193541 +871 566 3 888193337 +871 575 5 888192909 +871 651 2 888193337 +871 662 3 888193541 +871 690 3 888192315 +871 747 3 888193541 +871 750 3 888192689 +871 751 4 888192744 +871 752 3 888192744 +871 781 4 888193541 +871 794 3 888193541 +871 813 3 888193136 +871 876 3 888192689 +871 883 3 888192475 +871 896 3 888192858 +871 904 3 888192858 +871 905 3 888192744 +871 907 3 888192745 +871 908 3 888192745 +871 909 3 888192475 +871 937 3 888192689 +871 947 2 888193177 +871 955 3 888193541 +871 989 3 888192744 +871 1022 3 888192689 +871 1024 3 888192689 +871 1072 3 888193541 +871 1137 3 888193541 +871 1176 3 888192858 +871 1345 3 888193136 +871 1386 3 888193136 +871 1388 4 888193136 +871 1430 3 888192744 +871 1431 4 888192971 +871 1434 3 888192689 +872 117 4 888479171 +872 118 4 888479560 +872 121 4 888479206 +872 151 2 888479434 +872 268 1 888478864 +872 272 4 888478822 +872 273 3 888479274 +872 274 3 888479560 +872 278 3 888479206 +872 280 3 888479275 +872 282 5 888479253 +872 284 3 888479369 +872 288 5 888478743 +872 290 2 888479537 +872 294 3 888478882 +872 300 5 888478766 +872 310 4 888478698 +872 313 5 888478786 +872 328 4 888478822 +872 334 1 888479894 +872 347 2 888478743 +872 350 3 888478840 +872 354 4 888478822 +872 363 4 888479582 +872 405 4 888479151 +872 409 3 888479677 +872 476 4 888479737 +872 546 4 888479560 +872 591 3 888479253 +872 628 4 888479151 +872 682 3 888478822 +872 685 4 888479348 +872 717 4 888479582 +872 742 4 888479171 +872 748 3 888478942 +872 756 4 888479370 +872 763 3 888479405 +872 820 3 888479624 +872 826 3 888479654 +872 845 3 888479313 +872 864 3 888479498 +872 871 3 888479677 +872 892 3 888479052 +872 893 4 888478902 +872 895 5 888478882 +872 905 4 888479034 +872 925 4 888479654 +872 926 4 888479516 +872 928 2 888479582 +872 930 3 888479654 +872 974 4 888479701 +872 975 4 888479654 +872 977 3 888479737 +872 1011 1 888479333 +872 1028 3 888479434 +872 1040 3 888479701 +872 1047 4 888479603 +872 1061 4 888479701 +872 1165 2 888479537 +872 1284 3 888479434 +872 1376 2 888479603 +873 259 1 891392698 +873 269 2 891392092 +873 307 3 891392360 +873 326 4 891392656 +873 328 4 891392756 +873 339 3 891392871 +873 342 4 891392698 +873 348 3 891392577 +873 358 2 891392698 +873 875 1 891392577 +874 14 4 888632411 +874 20 3 888632615 +874 100 4 888632411 +874 111 3 888632411 +874 116 4 888632484 +874 125 3 888632585 +874 127 5 888633310 +874 137 4 888632484 +874 182 4 888633311 +874 275 4 888632448 +874 285 4 888632411 +874 286 4 888632057 +874 302 5 888632098 +874 305 4 888632057 +874 311 4 888632098 +874 313 3 888632098 +874 325 2 888633197 +874 346 3 888632147 +874 357 5 888633311 +874 514 5 888633311 +874 521 5 888633311 +874 654 5 888633311 +874 676 3 888632585 +874 751 3 888632147 +875 4 3 876466687 +875 8 3 876465072 +875 12 5 876465230 +875 22 3 876465072 +875 23 5 876466687 +875 28 4 876465408 +875 32 5 876465275 +875 42 4 876465336 +875 45 3 876465072 +875 50 5 876465370 +875 55 3 876465370 +875 56 5 876466687 +875 64 5 876465275 +875 71 2 876465336 +875 96 4 876465144 +875 98 5 876464967 +875 131 4 876465229 +875 134 5 876465188 +875 135 4 876465188 +875 172 4 876465072 +875 173 5 876465111 +875 174 5 876465025 +875 176 4 876465112 +875 179 5 876465188 +875 180 5 876464967 +875 181 4 876465335 +875 183 5 876465144 +875 185 4 876466687 +875 187 4 876466687 +875 195 4 876466687 +875 211 5 876465144 +875 213 4 876465408 +875 258 4 876464694 +875 269 4 876464694 +875 286 3 876464694 +875 288 4 876464755 +875 289 4 876464800 +875 294 2 876464755 +875 300 3 876464800 +875 302 5 876464694 +875 321 3 876464755 +875 327 4 876464873 +875 332 3 876464801 +875 333 5 876464801 +875 357 5 876465072 +875 358 3 876464800 +875 418 4 876465230 +875 421 4 876465335 +875 423 5 876464967 +875 428 4 876465112 +875 461 4 876466687 +875 462 4 876465188 +875 478 4 876465025 +875 479 4 876466687 +875 480 5 876465275 +875 481 5 876465370 +875 496 4 876465144 +875 501 4 876465335 +875 504 5 876465275 +875 511 5 876465188 +875 512 5 876465408 +875 518 4 876465408 +875 523 4 876465408 +875 527 4 876465230 +875 603 4 876465111 +875 651 5 876466687 +875 652 5 876465275 +875 654 4 876465230 +875 692 2 876465230 +875 707 4 876464967 +875 753 3 876465188 +875 806 4 876465230 +875 921 5 876465275 +875 937 4 876464830 +875 963 4 876465275 +875 964 4 876465335 +875 1073 5 876465230 +875 1103 5 876465144 +875 1422 3 876465274 +876 22 4 879428451 +876 174 4 879428378 +876 286 5 879428072 +876 288 3 879428101 +876 318 5 879428406 +876 511 5 879428354 +876 523 5 879428378 +876 527 5 879428406 +876 531 4 879428481 +876 604 5 879428406 +876 878 2 879428253 +877 14 5 882677048 +877 52 4 882677507 +877 55 4 882678512 +877 56 5 882678483 +877 59 5 882677012 +877 61 5 882677244 +877 70 5 882677012 +877 79 4 882678387 +877 83 3 882677085 +877 86 4 882677827 +877 88 4 882677967 +877 98 5 882678427 +877 111 3 882677967 +877 155 2 882677997 +877 159 4 882678512 +877 164 5 882678547 +877 170 5 882677012 +877 173 4 882677865 +877 176 5 882678484 +877 185 4 882678387 +877 197 4 882677827 +877 202 4 882677936 +877 203 4 882678427 +877 207 3 882677012 +877 216 4 882677827 +877 222 2 882678484 +877 226 3 882678547 +877 228 4 882678387 +877 241 4 882678194 +877 258 4 882676234 +877 269 4 882676098 +877 275 4 882677183 +877 288 3 882675993 +877 300 3 882676366 +877 302 2 882676054 +877 306 3 882675993 +877 307 3 882676190 +877 326 4 882676190 +877 328 2 882676366 +877 333 4 882676259 +877 340 3 882676395 +877 371 5 882677935 +877 381 4 882677345 +877 402 3 882677997 +877 451 4 882677865 +877 463 4 882677311 +877 475 4 882677085 +877 531 5 882677128 +877 538 4 882676533 +877 549 4 882677935 +877 553 4 882678137 +877 557 4 882677715 +877 566 4 882678547 +877 582 2 882677280 +877 584 4 882677507 +877 640 2 882677311 +877 662 5 882677936 +877 690 4 882676098 +877 692 4 882677898 +877 702 4 882677386 +877 727 4 882677967 +877 732 4 882677898 +877 737 1 882677749 +877 738 4 882678137 +877 739 4 882678105 +877 744 5 882677280 +877 748 4 882676423 +877 921 4 882677128 +877 955 4 882677936 +877 971 4 882677386 +877 1402 4 882677386 +878 8 3 880866288 +878 9 4 880865562 +878 14 5 880865865 +878 15 4 880872273 +878 19 4 880865470 +878 20 2 880865715 +878 22 2 880866918 +878 45 3 880867665 +878 50 4 880865562 +878 51 4 880869239 +878 57 4 880867987 +878 59 3 880866054 +878 60 4 880867035 +878 64 5 880866446 +878 66 3 880869354 +878 70 3 880868035 +878 71 4 880870130 +878 82 3 880870609 +878 88 4 880869418 +878 97 3 880869090 +878 98 4 880866848 +878 99 4 880870130 +878 100 2 880865661 +878 111 4 880867282 +878 116 2 880869638 +878 126 3 880865940 +878 127 4 880867444 +878 136 4 880866241 +878 137 3 880865562 +878 140 2 880870486 +878 151 1 880870609 +878 152 4 880870854 +878 153 5 880866177 +878 154 3 880866369 +878 155 3 880869418 +878 165 4 880866241 +878 166 4 880870854 +878 168 4 880866626 +878 170 4 880867485 +878 174 3 880872669 +878 175 2 880869911 +878 179 4 880866626 +878 181 3 880865770 +878 191 4 880866564 +878 194 4 880869911 +878 197 4 880866971 +878 202 4 880869090 +878 204 2 880869911 +878 212 3 880867987 +878 213 3 880867854 +878 215 2 880866687 +878 216 4 880869135 +878 225 3 880870765 +878 234 1 880872619 +878 236 2 880865470 +878 237 3 880868955 +878 258 3 880865562 +878 265 3 880866626 +878 269 4 880865183 +878 274 3 880869003 +878 275 4 880865469 +878 276 3 880865715 +878 285 5 880865562 +878 286 4 880865183 +878 317 4 880866054 +878 318 5 880866013 +878 321 2 880865300 +878 371 3 880869239 +878 393 3 880870487 +878 402 4 880869303 +878 416 5 880870854 +878 418 3 880870130 +878 432 3 880870048 +878 435 4 880866103 +878 451 2 880869135 +878 462 4 880866509 +878 463 2 880866177 +878 474 5 880868819 +878 481 5 880870854 +878 482 4 880866134 +878 485 3 880866103 +878 496 5 880867387 +878 497 2 880872395 +878 498 4 880866758 +878 509 4 880866288 +878 512 5 880867709 +878 514 4 880870854 +878 515 4 880865900 +878 517 4 880866687 +878 529 5 880870854 +878 530 5 880872619 +878 531 2 880866564 +878 535 1 880871600 +878 549 4 880869303 +878 553 3 880869303 +878 584 4 880867803 +878 588 2 880870048 +878 640 1 880867751 +878 650 2 880866883 +878 662 1 880871600 +878 663 5 880868635 +878 690 2 880865230 +878 699 1 880871600 +878 702 1 880871600 +878 707 2 880866409 +878 732 4 880869302 +878 736 5 880868035 +878 739 3 880869303 +878 740 2 880865813 +878 755 2 880870486 +878 781 1 880871600 +878 794 4 880869418 +878 796 2 880869473 +878 855 3 880867803 +878 921 4 880867665 +878 923 3 880866687 +878 956 2 880866810 +878 1039 3 880866508 +878 1041 1 880871600 +878 1065 1 880871600 +878 1092 3 880867444 +878 1100 3 880869418 +878 1121 2 880867895 +878 1149 4 880868820 +879 25 4 887761865 +879 50 4 887761865 +879 111 4 887761865 +879 117 4 887761865 +879 118 3 887761562 +879 121 4 887761865 +879 125 5 887761174 +879 181 4 887761088 +879 255 4 887761156 +879 276 4 887761865 +879 292 4 887760823 +879 294 3 887760951 +879 304 4 887760912 +879 596 2 887761380 +879 597 2 887761229 +879 685 4 887761865 +879 751 2 887760879 +879 866 5 887761460 +879 1047 2 887761477 +880 1 4 880166744 +880 2 3 880167732 +880 3 1 880175023 +880 4 4 880167843 +880 5 3 880241379 +880 7 3 880166872 +880 8 4 880174677 +880 11 4 880167695 +880 12 5 880175622 +880 17 3 880174808 +880 21 2 880174961 +880 22 4 880167695 +880 23 5 880175735 +880 24 3 880167175 +880 25 4 880166938 +880 27 3 880167965 +880 28 5 880175690 +880 29 2 880167965 +880 31 4 880243629 +880 33 3 880167880 +880 38 3 880168411 +880 39 4 880167731 +880 40 2 880174904 +880 41 1 880175239 +880 42 5 880174808 +880 44 4 880243712 +880 47 4 880174730 +880 49 3 880174858 +880 50 5 880167175 +880 53 4 880168411 +880 54 3 880242503 +880 55 3 880167778 +880 56 5 880167731 +880 62 3 880168411 +880 63 3 880174926 +880 64 5 880175646 +880 65 4 880241977 +880 67 1 880175023 +880 68 5 880167843 +880 69 4 880175646 +880 70 4 880174677 +880 71 4 880241289 +880 72 3 880174996 +880 79 4 880167670 +880 80 2 880175050 +880 81 4 880242094 +880 82 3 880167806 +880 85 3 880174904 +880 87 4 880241913 +880 88 3 880174705 +880 90 3 880174858 +880 91 3 880241256 +880 92 4 880167778 +880 93 4 880174623 +880 94 3 880175097 +880 95 3 880241219 +880 96 4 880167695 +880 97 4 880175714 +880 98 5 880241327 +880 99 3 880241219 +880 100 5 880166966 +880 105 3 880175077 +880 109 4 880167114 +880 110 3 880175128 +880 111 4 880167132 +880 117 4 880166872 +880 118 3 880167551 +880 120 2 880175503 +880 121 2 880167030 +880 122 3 880175208 +880 123 4 880167247 +880 124 5 880166847 +880 127 5 880167066 +880 128 3 880167806 +880 137 4 880166827 +880 140 4 880243001 +880 144 5 880167670 +880 147 4 880167224 +880 148 2 880167030 +880 150 4 880166798 +880 151 4 880242848 +880 156 4 880243680 +880 158 2 880175128 +880 161 2 880167778 +880 168 3 880174623 +880 172 5 880167695 +880 173 3 880174780 +880 174 4 880167670 +880 176 5 880167731 +880 177 5 880167778 +880 179 4 880175735 +880 180 5 880241822 +880 181 5 880166719 +880 182 5 880167670 +880 184 4 880167843 +880 185 5 880241355 +880 186 4 880174808 +880 187 5 880167671 +880 188 4 880167842 +880 191 5 880175597 +880 194 5 880174623 +880 195 4 880167670 +880 200 4 880241355 +880 201 4 880174834 +880 202 4 880174834 +880 204 5 880174652 +880 208 5 880174652 +880 209 3 880174623 +880 210 4 880167670 +880 217 4 880241411 +880 218 4 880241355 +880 222 4 880166990 +880 226 4 880167806 +880 227 2 880167918 +880 228 3 880167843 +880 230 3 880167732 +880 231 2 880167880 +880 233 4 880167918 +880 234 5 880241327 +880 235 3 880166990 +880 237 4 880166798 +880 238 4 880174652 +880 239 4 880174808 +880 240 4 880167151 +880 243 2 892958608 +880 245 2 892958350 +880 246 5 892958837 +880 248 4 892958863 +880 249 4 880166966 +880 250 3 880167521 +880 252 2 880167551 +880 254 2 880167599 +880 257 5 880167521 +880 258 4 880166499 +880 260 4 892958484 +880 268 5 892958128 +880 269 4 892958090 +880 272 5 892958036 +880 273 5 880166770 +880 276 4 880166872 +880 280 2 880243204 +880 281 4 880167384 +880 282 2 880166966 +880 283 3 880167008 +880 284 4 880242528 +880 287 4 892958966 +880 288 4 880166451 +880 293 4 880166872 +880 294 4 880166557 +880 295 5 892958887 +880 298 4 880166827 +880 300 3 880166451 +880 302 5 880166451 +880 310 3 892958036 +880 315 5 892958175 +880 316 5 892958128 +880 318 5 880241746 +880 327 3 880166475 +880 328 4 880166557 +880 329 4 892958250 +880 342 3 892958275 +880 346 5 892958128 +880 347 5 892958301 +880 348 4 892958376 +880 356 4 880242475 +880 357 5 880175622 +880 363 4 880167200 +880 365 2 880242660 +880 366 2 880242257 +880 367 4 880174730 +880 368 1 880175503 +880 369 1 880175503 +880 375 1 880242782 +880 376 3 880175239 +880 379 4 880241434 +880 380 3 880242281 +880 381 4 880174808 +880 383 3 880243147 +880 384 3 880175157 +880 385 4 880167843 +880 392 3 880242475 +880 393 3 880174926 +880 394 3 880243319 +880 396 2 880174995 +880 401 3 880175077 +880 402 3 880242115 +880 403 3 880167778 +880 405 4 880167328 +880 407 1 880175503 +880 409 2 880243069 +880 410 4 880166938 +880 411 4 880167328 +880 412 3 880167306 +880 418 4 880241256 +880 421 2 880243204 +880 423 5 880175690 +880 435 4 880167778 +880 451 2 880243230 +880 456 3 880175270 +880 461 4 880175666 +880 467 4 880241821 +880 468 3 880242422 +880 470 4 880242306 +880 471 4 880167114 +880 473 3 880167132 +880 475 4 880166798 +880 476 3 880175444 +880 477 3 880166966 +880 508 4 880166966 +880 527 4 880241943 +880 541 2 880167918 +880 546 3 880167410 +880 549 4 880243230 +880 550 4 880167880 +880 554 3 880168411 +880 556 3 880242451 +880 566 3 880167880 +880 568 5 880167843 +880 570 3 880167965 +880 571 2 880175187 +880 575 3 880175077 +880 577 3 880175207 +880 578 3 880168411 +880 579 3 880243882 +880 584 3 880242933 +880 585 1 880175050 +880 588 4 880241219 +880 591 4 880166990 +880 595 1 880243541 +880 597 3 880167436 +880 603 5 880243629 +880 619 4 880243499 +880 623 4 880243069 +880 625 4 880242933 +880 627 3 880241256 +880 628 2 880166799 +880 636 3 880167918 +880 655 4 880174623 +880 657 4 880243629 +880 678 3 880166662 +880 684 4 880167778 +880 685 4 880167083 +880 689 4 880166577 +880 692 3 880174652 +880 693 5 880242191 +880 697 2 880242281 +880 719 3 880174961 +880 720 2 880167965 +880 721 1 880174749 +880 722 3 880174904 +880 728 4 880243410 +880 731 4 880175023 +880 732 4 880174652 +880 734 3 880175240 +880 742 4 880166847 +880 746 4 892959246 +880 748 4 892958250 +880 755 3 880242848 +880 761 4 880167965 +880 762 4 893028813 +880 763 3 880167247 +880 768 2 880242848 +880 769 3 880241492 +880 770 4 880167880 +880 771 3 880243848 +880 779 3 880167965 +880 780 3 880175157 +880 781 3 880174961 +880 783 1 880175187 +880 790 3 880175050 +880 793 4 880174677 +880 794 4 880243265 +880 795 2 880243147 +880 801 3 880175239 +880 802 3 880167918 +880 810 3 880168411 +880 815 4 893028814 +880 818 2 880175468 +880 823 3 880167435 +880 825 4 880167288 +880 826 3 880167551 +880 831 4 880167411 +880 833 4 880167288 +880 841 3 880167411 +880 845 3 880167200 +880 849 3 880167918 +880 864 3 880167200 +880 876 4 892958376 +880 879 3 880166529 +880 881 4 892958401 +880 902 4 892958301 +880 926 3 880167328 +880 928 2 880167435 +880 930 2 880167551 +880 931 3 880243564 +880 940 3 880175157 +880 948 4 880166662 +880 956 3 880242380 +880 976 2 880243588 +880 986 3 880167569 +880 992 4 892959014 +880 1000 3 880175128 +880 1001 2 880167435 +880 1002 3 880175527 +880 1012 4 880166827 +880 1013 3 880167355 +880 1014 4 892959041 +880 1016 4 880167223 +880 1017 3 880175077 +880 1023 2 880175405 +880 1030 2 880243147 +880 1035 4 880242933 +880 1036 2 880243147 +880 1041 4 880175128 +880 1044 4 880242577 +880 1047 3 880175157 +880 1049 3 892959087 +880 1052 1 880175503 +880 1053 3 880242660 +880 1058 2 880242421 +880 1059 4 880166939 +880 1093 3 880167384 +880 1095 3 880175503 +880 1119 3 880242028 +880 1134 5 880241609 +880 1139 4 880242577 +880 1151 3 880167454 +880 1157 4 880243817 +880 1165 2 880175527 +880 1181 3 880242781 +880 1184 3 880167806 +880 1185 1 880174995 +880 1188 2 880167880 +880 1197 3 880167151 +880 1210 4 880243790 +880 1215 1 880167599 +880 1217 3 880243712 +880 1222 4 880168411 +880 1224 3 880242632 +880 1225 2 880174834 +880 1244 3 880167411 +880 1258 3 880175368 +880 1267 4 880242356 +880 1270 3 880175187 +880 1276 3 880167384 +880 1277 4 880167355 +880 1284 4 880167355 +880 1291 3 880175468 +880 1296 3 892958128 +880 1415 2 880243093 +880 1423 3 880175577 +880 1446 4 880174705 +880 1468 4 880242139 +880 1478 3 880242547 +880 1496 4 880243147 +880 1518 2 880242422 +880 1620 3 880167288 +880 1664 4 892958799 +881 1 4 876535796 +881 4 3 876538286 +881 7 4 876536164 +881 8 4 876537457 +881 9 3 876536198 +881 11 4 876537752 +881 13 4 876536364 +881 14 1 879051971 +881 15 3 876536241 +881 21 3 876536667 +881 22 5 876538028 +881 23 4 876537419 +881 25 3 876536198 +881 27 3 876538953 +881 28 5 876537612 +881 29 2 876539091 +881 31 5 876537577 +881 38 3 876538763 +881 43 3 876539595 +881 50 3 876535927 +881 51 5 876538889 +881 56 1 876962037 +881 58 3 876538796 +881 62 4 876538666 +881 63 4 876538853 +881 64 5 876537933 +881 69 3 876537933 +881 70 2 876539220 +881 71 4 876538322 +881 72 2 876539220 +881 77 2 876538627 +881 79 4 876537825 +881 81 3 876538666 +881 82 5 876538286 +881 88 3 876538595 +881 89 4 876537577 +881 90 3 876539595 +881 94 2 876539020 +881 95 4 876537679 +881 96 3 876537718 +881 97 3 876537613 +881 98 5 876537612 +881 99 3 876538571 +881 100 4 876536414 +881 103 1 876536745 +881 105 3 876537285 +881 106 4 879052493 +881 108 3 879052402 +881 112 2 876536978 +881 117 5 876535796 +881 118 4 876536332 +881 120 2 879052376 +881 121 5 876536391 +881 125 5 876536745 +881 127 4 876536079 +881 129 4 879052141 +881 132 3 876538726 +881 134 5 876539260 +881 135 4 876537900 +881 136 4 876538537 +881 139 3 876538922 +881 140 2 876538098 +881 141 3 876538889 +881 143 5 876539128 +881 151 2 876536241 +881 161 3 876538506 +881 168 3 876537933 +881 172 4 876538986 +881 174 5 876537718 +881 175 2 876537418 +881 176 4 876537679 +881 177 4 876537900 +881 178 3 876537512 +881 179 5 876538400 +881 181 4 876535928 +881 182 3 876538571 +881 183 4 876537995 +881 185 5 876537418 +881 186 3 876538221 +881 187 4 876539091 +881 188 4 876538665 +881 191 5 876537457 +881 192 5 876537577 +881 193 5 876538131 +881 194 3 876538185 +881 195 4 876539636 +881 196 3 876538185 +881 197 3 876537870 +881 199 5 876538824 +881 200 2 876538185 +881 202 4 876537825 +881 204 4 876538506 +881 205 4 876538465 +881 208 3 876538098 +881 209 3 876537718 +881 214 4 876538322 +881 215 3 876538726 +881 216 4 876538922 +881 217 3 876538131 +881 218 4 876539260 +881 222 5 876536079 +881 225 2 876536012 +881 226 3 876538400 +881 227 4 876538953 +881 228 3 876537995 +881 229 4 876538726 +881 230 4 876539291 +881 233 3 876538922 +881 234 3 876537870 +881 238 1 876537679 +881 240 1 879052141 +881 243 2 876535663 +881 255 3 876536332 +881 257 5 876536040 +881 259 3 876535599 +881 265 5 876538286 +881 274 3 876536850 +881 276 5 876536079 +881 281 3 876536439 +881 282 4 876536773 +881 286 2 876961961 +881 289 1 876535544 +881 291 3 876537177 +881 294 3 876535642 +881 304 3 876535642 +881 322 4 879051511 +881 323 2 879051487 +881 333 5 876535642 +881 356 3 876539477 +881 357 5 876537457 +881 375 1 876539387 +881 380 4 876538763 +881 385 4 876538666 +881 392 5 876538155 +881 393 4 876539091 +881 395 3 876538322 +881 399 4 876538465 +881 400 2 876539128 +881 401 1 876539260 +881 403 3 876539330 +881 405 4 876536667 +881 409 4 879052545 +881 411 3 879052376 +881 412 1 876536523 +881 414 5 876537752 +881 417 2 876538131 +881 419 5 876538691 +881 420 3 876539549 +881 430 4 876537870 +881 432 3 876537825 +881 434 2 876538889 +881 435 3 876538796 +881 441 2 876539549 +881 443 5 876539448 +881 447 4 876538953 +881 449 3 876539549 +881 451 1 876539186 +881 456 1 879052291 +881 465 3 876538595 +881 472 4 876537285 +881 473 2 876536636 +881 474 3 876537870 +881 476 2 879052198 +881 477 4 876536107 +881 478 4 876537612 +881 480 4 876537679 +881 483 4 876537418 +881 484 4 876537512 +881 490 4 876538763 +881 495 5 876537752 +881 498 4 876537577 +881 504 3 876537577 +881 506 4 876539020 +881 511 5 876537419 +881 514 4 876537457 +881 515 4 876535967 +881 520 5 876538986 +881 521 4 876537870 +881 523 4 876537825 +881 524 4 876537825 +881 526 5 876538251 +881 527 3 876537900 +881 528 5 876538536 +881 530 5 876538571 +881 542 1 876538763 +881 546 4 876536012 +881 554 1 876539636 +881 559 2 876539220 +881 561 4 876538465 +881 566 4 876538796 +881 568 4 876539020 +881 573 3 876539260 +881 575 2 876539330 +881 576 3 876538824 +881 580 5 876538251 +881 582 1 876538465 +881 588 3 876538027 +881 596 3 876536241 +881 601 5 876539186 +881 615 4 876539291 +881 620 2 879052198 +881 625 5 876538465 +881 630 4 876539187 +881 642 4 876538027 +881 651 5 876539549 +881 654 4 876539156 +881 655 4 876539448 +881 678 2 876535695 +881 679 1 876539129 +881 685 2 876536877 +881 705 1 876537679 +881 712 3 876539156 +881 728 3 876539129 +881 732 5 876538465 +881 739 4 876539091 +881 742 4 876536773 +881 748 3 876535544 +881 755 4 876538922 +881 756 4 876536012 +881 763 3 879052317 +881 768 3 876539505 +881 790 3 876539549 +881 795 2 876539418 +881 812 2 876539505 +881 820 2 876537285 +881 826 1 879052109 +881 831 2 879052493 +881 849 2 876539051 +881 864 3 876536198 +881 924 3 876536850 +881 934 3 876537011 +881 943 4 876537404 +881 1028 3 876537056 +881 1033 1 876536745 +881 1046 3 876539051 +881 1057 1 879052341 +881 1066 3 876538726 +881 1078 3 876539260 +881 1089 1 876537011 +881 1124 4 876538627 +881 1133 2 876539360 +881 1164 1 876537106 +881 1177 1 876539418 +881 1215 1 879052376 +881 1217 5 876538506 +881 1228 3 876538986 +881 1411 2 876539595 +881 1480 2 876539636 +881 1540 1 876539091 +882 1 5 879864558 +882 4 4 879868118 +882 7 4 879862652 +882 8 5 879864789 +882 11 4 879867816 +882 15 5 879862141 +882 21 2 879863909 +882 25 2 879862652 +882 28 5 879867508 +882 33 2 879868197 +882 50 5 879867694 +882 56 4 879865307 +882 66 4 879867980 +882 69 5 879864917 +882 70 3 879876573 +882 79 5 879878486 +882 82 5 879867885 +882 86 5 879867568 +882 89 5 879867508 +882 95 4 879877155 +882 96 4 879878140 +882 98 5 879865750 +882 99 5 879878486 +882 101 3 879879807 +882 105 3 879863735 +882 117 4 879861492 +882 118 4 879863031 +882 121 4 879861739 +882 122 2 879863831 +882 131 4 879876573 +882 132 5 879864970 +882 133 5 879867263 +882 135 5 879876806 +882 143 4 879876806 +882 147 4 879863106 +882 151 5 879862327 +882 168 5 879867631 +882 172 5 879864970 +882 174 5 879864697 +882 176 4 879867980 +882 177 5 879867885 +882 180 4 879865307 +882 181 5 879867430 +882 183 4 879864789 +882 185 5 879877245 +882 191 5 879867694 +882 194 3 879879668 +882 195 5 879867568 +882 196 4 879867263 +882 199 5 879867508 +882 202 4 879876806 +882 203 4 879867508 +882 205 5 879865307 +882 208 5 879868197 +882 210 4 879867568 +882 211 4 879867431 +882 216 4 879867508 +882 222 5 879861562 +882 225 5 879862865 +882 227 4 879879868 +882 228 5 879867694 +882 230 5 879867508 +882 235 3 879863560 +882 237 5 879862327 +882 243 4 879861325 +882 258 3 879860936 +882 265 5 879867431 +882 275 5 879861678 +882 284 3 879862865 +882 288 3 879860762 +882 290 4 879862217 +882 291 4 879862936 +882 294 4 879860936 +882 357 4 879864917 +882 369 3 879863257 +882 378 5 879868198 +882 380 5 879868197 +882 393 4 879880132 +882 405 4 879861939 +882 407 2 879863831 +882 411 3 879863457 +882 412 1 879863735 +882 416 4 879879868 +882 419 5 879864917 +882 420 5 879879807 +882 423 5 879878486 +882 427 5 879877026 +882 429 4 879866320 +882 432 5 879865307 +882 455 3 879862652 +882 465 3 879876573 +882 470 4 879867816 +882 471 4 879861562 +882 473 3 879862936 +882 476 3 879863735 +882 496 5 879866320 +882 501 5 879879807 +882 510 5 879864642 +882 526 4 879864642 +882 546 2 879863031 +882 559 3 879876806 +882 566 4 879876806 +882 568 5 879865629 +882 582 5 879876573 +882 588 4 879867430 +882 597 4 879863106 +882 660 3 879879731 +882 662 3 879879807 +882 684 3 879877026 +882 692 4 879867631 +882 739 4 879880131 +882 746 4 879865163 +882 748 5 879861155 +882 756 3 879863457 +882 815 2 879861678 +882 820 3 879863969 +882 841 1 879863909 +882 929 1 879863176 +882 932 4 879863969 +882 969 5 879880132 +882 988 5 879861385 +882 1015 3 879863457 +882 1052 2 879864125 +882 1060 3 879862652 +882 1116 4 879879868 +882 1412 3 879867368 +882 1444 4 879877245 +883 1 3 891914583 +883 4 4 891694276 +883 8 4 891694249 +883 9 4 891717495 +883 10 5 892557605 +883 11 2 891696824 +883 12 4 891717356 +883 13 4 891723351 +883 14 3 891693675 +883 16 4 891692713 +883 19 2 891692657 +883 20 4 891693723 +883 22 3 891696824 +883 24 4 891692657 +883 26 3 891693139 +883 28 3 891717908 +883 30 4 891693058 +883 39 4 891696864 +883 45 5 891695570 +883 47 3 891694182 +883 48 4 891717283 +883 49 3 891694636 +883 52 3 891693169 +883 53 5 891696999 +883 55 4 891696864 +883 56 5 891694276 +883 58 3 891717380 +883 59 5 891692982 +883 60 5 891693012 +883 61 5 891693012 +883 64 4 891717988 +883 65 4 891717319 +883 66 3 891694636 +883 69 2 891717356 +883 70 3 891693169 +883 72 4 891694431 +883 79 4 891696864 +883 81 5 891717908 +883 82 3 891696999 +883 86 3 891693086 +883 88 4 891696715 +883 89 5 891696864 +883 90 3 891694672 +883 96 4 891696864 +883 98 3 891695666 +883 100 4 891717462 +883 113 4 891693723 +883 116 5 891692786 +883 124 5 891717419 +883 127 5 891717319 +883 134 5 891754950 +883 135 4 891717319 +883 137 5 891717356 +883 147 2 891717419 +883 151 5 892439523 +883 153 5 891723290 +883 154 4 891754985 +883 168 5 891694218 +883 170 3 891693139 +883 172 4 891696824 +883 173 4 891694182 +883 174 4 891696824 +883 175 5 891694312 +883 176 4 891696895 +883 183 5 891696895 +883 185 5 891695692 +883 190 4 891693058 +883 194 3 891694218 +883 195 5 891696824 +883 197 4 891696689 +883 198 5 891695570 +883 199 4 891717462 +883 202 4 891694312 +883 204 4 891694182 +883 207 3 891693012 +883 208 4 891694340 +883 209 3 891694311 +883 210 4 891723351 +883 211 5 891694249 +883 212 5 891695570 +883 213 2 891693058 +883 216 4 891694249 +883 222 3 891717495 +883 224 4 891692683 +883 226 3 892557605 +883 227 3 891696930 +883 228 4 891696824 +883 229 4 891696930 +883 234 4 891695666 +883 237 3 891717963 +883 238 4 891694218 +883 239 3 891694401 +883 241 4 891696714 +883 250 3 892439468 +883 251 5 891692657 +883 256 5 891692713 +883 257 5 891914605 +883 265 3 891696864 +883 269 3 891691436 +883 270 4 891691436 +883 271 2 891692116 +883 273 4 892557850 +883 275 4 891692657 +883 276 5 891717462 +883 277 4 891717936 +883 279 3 891717356 +883 283 4 891692742 +883 285 5 891723351 +883 286 3 891691654 +883 289 5 891692168 +883 302 5 891691410 +883 304 3 891691534 +883 306 3 891691410 +883 312 3 891692044 +883 313 3 891692285 +883 315 3 891691353 +883 316 5 891692168 +883 318 4 891717936 +883 319 3 891691560 +883 322 5 891692168 +883 323 5 891692168 +883 331 3 891691654 +883 338 4 891695193 +883 342 4 891692116 +883 345 3 891691465 +883 346 4 891691353 +883 347 4 891691559 +883 349 2 892557605 +883 354 4 891692000 +883 355 5 891692168 +883 367 5 891694218 +883 372 3 891694544 +883 382 3 891693200 +883 384 3 891694431 +883 385 1 891696999 +883 386 3 891694372 +883 387 5 891696750 +883 396 2 891695743 +883 399 5 891696999 +883 403 5 891696999 +883 405 3 891916961 +883 407 3 892557605 +883 408 5 891914522 +883 414 3 891694431 +883 421 5 891696689 +883 430 5 891694401 +883 435 4 891696895 +883 455 4 891916411 +883 461 5 891717988 +883 462 5 891693085 +883 463 3 891693058 +883 464 5 891717533 +883 477 5 891914545 +883 479 5 891755017 +883 487 5 891755066 +883 490 4 891755017 +883 496 2 891755066 +883 504 5 891754950 +883 506 5 891754950 +883 511 4 891717419 +883 512 5 891693058 +883 513 5 891717319 +883 514 4 891694182 +883 515 5 891692657 +883 516 4 891694372 +883 517 4 891694218 +883 519 5 891717283 +883 523 5 891694276 +883 529 5 891693012 +883 530 3 891696823 +883 531 3 891693497 +883 549 4 891696782 +883 550 3 892557605 +883 553 4 891696782 +883 559 3 891695692 +883 561 3 891695717 +883 566 3 891696999 +883 568 3 891696999 +883 580 3 891693200 +883 582 3 891693387 +883 584 3 891693200 +883 589 5 891754985 +883 603 4 891755017 +883 634 3 891692874 +883 647 5 891717319 +883 648 4 891694249 +883 656 5 891695666 +883 659 3 891694218 +883 661 4 891718914 +883 665 4 891695717 +883 684 3 891755066 +883 692 3 891694249 +883 693 4 891717988 +883 694 5 891693110 +883 703 3 891693139 +883 707 3 891693139 +883 709 5 891694431 +883 712 3 891694249 +883 713 3 891692742 +883 715 5 891694311 +883 724 4 891696689 +883 732 3 891694340 +883 736 3 891696750 +883 739 2 891696715 +883 740 4 891692742 +883 745 5 891694431 +883 748 5 891692168 +883 750 3 891691485 +883 752 4 892872163 +883 770 4 891696957 +883 778 4 891694372 +883 781 3 891694340 +883 785 3 891694372 +883 794 4 891696750 +883 796 3 891696782 +883 805 4 891723323 +883 847 4 892557605 +883 856 5 891694401 +883 863 3 891693497 +883 867 5 891695588 +883 873 3 891695173 +883 882 4 891691388 +883 886 3 892439422 +883 896 5 891691465 +883 900 5 891691654 +883 902 4 891691534 +883 919 4 891692713 +883 922 5 891717963 +883 945 4 891754985 +883 952 3 891916924 +883 955 5 891696689 +883 956 4 891717885 +883 971 3 891693200 +883 989 5 891692168 +883 1005 5 891695570 +883 1009 4 891692811 +883 1012 5 891916324 +883 1019 5 891695570 +883 1021 5 891693058 +883 1041 3 891694603 +883 1045 5 891717462 +883 1065 5 891717533 +883 1074 4 891694340 +883 1115 4 891692765 +883 1118 4 891694276 +883 1121 3 891693702 +883 1131 5 891695570 +883 1171 5 891695570 +883 1222 5 891696999 +883 1226 3 891914483 +883 1227 3 891693200 +883 1288 4 892439357 +883 1404 3 891694372 +883 1448 5 891695570 +883 1462 5 891695570 +883 1591 3 891695570 +883 1592 5 891692168 +883 1656 5 891692168 +884 14 4 876858946 +884 86 3 876859208 +884 100 5 876858820 +884 127 4 876858877 +884 146 3 876858877 +884 198 5 876859237 +884 212 4 876859238 +884 213 4 876859207 +884 258 5 876857704 +884 268 4 876857704 +884 285 4 876858820 +884 300 1 876857789 +884 323 2 876857745 +884 381 5 876859751 +884 382 5 876859351 +884 462 4 876859237 +884 463 5 876859070 +884 475 4 876858914 +884 509 4 876859090 +884 510 5 876859330 +884 515 4 876858914 +884 529 5 876859301 +884 582 5 876859351 +884 638 4 876859301 +884 640 1 876859161 +884 713 3 876858914 +884 736 3 876859329 +884 921 5 876859277 +884 923 3 876859109 +884 949 2 876860604 +884 1009 2 876859024 +884 1018 2 876860514 +884 1073 4 876859138 +885 7 3 885715889 +885 25 4 885713017 +885 28 4 885714136 +885 29 1 885714487 +885 50 3 885712252 +885 56 3 885714641 +885 65 2 885714336 +885 69 4 885714201 +885 71 4 885714820 +885 72 1 885713631 +885 79 4 885715803 +885 82 4 885715907 +885 88 4 885713461 +885 91 3 885714820 +885 94 2 885713833 +885 95 4 885714933 +885 97 5 885714136 +885 99 4 885714858 +885 100 3 885712944 +885 111 4 885712996 +885 117 4 885715643 +885 135 2 885714159 +885 142 2 885716369 +885 143 4 885716344 +885 151 4 885716221 +885 153 2 885713357 +885 154 3 885713434 +885 161 4 885715827 +885 167 3 885713807 +885 169 5 885714820 +885 172 3 885715888 +885 173 4 885713357 +885 174 5 885715780 +885 179 1 885714226 +885 181 3 885712280 +885 188 3 885715946 +885 189 5 885714820 +885 195 4 885715827 +885 196 3 885714201 +885 204 4 885713294 +885 208 3 885713406 +885 209 2 885713502 +885 213 3 885715221 +885 216 3 885715221 +885 225 3 885716242 +885 233 3 885715889 +885 237 5 885715151 +885 239 3 885713609 +885 245 2 885712224 +885 274 5 885712996 +885 278 3 885715468 +885 290 1 885712921 +885 300 4 885712224 +885 318 5 885714093 +885 338 3 885712224 +885 356 3 885714317 +885 365 3 885714431 +885 383 2 885713939 +885 386 2 885713680 +885 393 3 885713680 +885 402 3 885715489 +885 417 3 885716369 +885 418 4 885714933 +885 419 4 885716328 +885 420 4 885714858 +885 423 4 885714136 +885 451 2 885713716 +885 476 4 885713062 +885 501 3 885714820 +885 523 3 885713357 +885 538 4 885712224 +885 549 3 885714409 +885 568 4 885715889 +885 582 2 885714487 +885 584 3 885716328 +885 588 4 885714820 +885 625 3 885714858 +885 655 3 885713294 +885 660 5 885714317 +885 662 3 885714362 +885 685 3 885715671 +885 735 3 885714764 +885 739 4 885715241 +885 756 2 885713101 +885 815 4 885715169 +885 821 3 885713585 +885 946 3 885714933 +885 949 4 885714452 +885 953 3 885714531 +885 1030 1 885713975 +885 1061 2 885713138 +885 1221 3 885714362 +886 1 4 876031433 +886 2 4 876033368 +886 3 3 876032330 +886 5 3 876032929 +886 7 5 876031330 +886 9 5 876032274 +886 10 3 876032030 +886 11 5 876031365 +886 12 5 876031279 +886 15 3 876031869 +886 17 4 876032596 +886 20 2 876031739 +886 22 4 876032378 +886 23 4 876031365 +886 24 4 876031973 +886 26 4 876032929 +886 27 2 876031829 +886 28 4 876031413 +886 29 1 876033576 +886 33 4 876033088 +886 42 5 876032248 +886 43 2 876033134 +886 47 4 876031601 +886 48 4 876031526 +886 49 4 876032187 +886 50 5 876031501 +886 53 1 876032422 +886 54 3 876031279 +886 55 4 876031622 +886 56 4 876031365 +886 58 4 876032331 +886 62 3 876033265 +886 63 3 876033015 +886 64 5 876031573 +886 65 3 876031870 +886 66 3 876032442 +886 67 4 876033228 +886 69 2 876031932 +886 71 4 876032274 +886 76 4 876033897 +886 79 5 876032884 +886 80 3 876034228 +886 81 4 876032531 +886 87 4 876032473 +886 89 4 876031720 +886 92 3 876031481 +886 94 4 876033200 +886 95 5 876032531 +886 96 3 876031392 +886 98 4 876032352 +886 100 4 876032187 +886 101 4 876032103 +886 108 5 876033200 +886 117 2 876033624 +886 118 1 876032673 +886 127 4 876032472 +886 128 4 876031551 +886 129 5 876033015 +886 132 3 876032399 +886 144 4 876032509 +886 150 4 876031656 +886 153 3 876031279 +886 156 4 876031413 +886 157 4 876031695 +886 159 2 876031695 +886 161 5 876033478 +886 164 4 876033053 +886 168 4 876031573 +886 171 4 876032072 +886 172 5 876031527 +886 173 5 876031932 +886 174 5 876032739 +886 176 4 876032143 +886 177 4 876031973 +886 178 5 876031829 +886 179 2 876032673 +886 180 5 876031392 +886 181 5 876031392 +886 182 4 876031932 +886 183 5 876033088 +886 184 4 876031309 +886 186 4 876033460 +886 187 4 876031309 +886 188 4 876031365 +886 191 5 876031309 +886 194 3 876031365 +886 195 4 876032030 +886 196 3 876031365 +886 200 3 876031573 +886 201 3 876031695 +886 202 3 876032509 +886 204 3 876031932 +886 208 3 876031764 +886 209 4 876031850 +886 212 2 876031897 +886 214 3 876032072 +886 216 5 876031695 +886 217 2 876032776 +886 218 3 876031829 +886 222 4 876032615 +886 227 3 876032331 +886 228 4 876031601 +886 229 3 876032509 +886 230 2 876033106 +886 231 2 876032247 +886 232 3 876032973 +886 234 3 876031932 +886 237 4 876031850 +886 238 3 876031459 +886 239 3 876032635 +886 240 3 876031720 +886 241 4 876032531 +886 265 4 876032553 +886 268 5 876031109 +886 273 2 876032274 +886 282 3 876032378 +886 288 4 876031122 +886 318 5 876031308 +886 328 3 876031173 +886 357 4 876031601 +886 364 3 876034006 +886 367 4 876031622 +886 371 1 876033435 +886 380 3 876032929 +886 381 2 876032308 +886 384 3 876034074 +886 385 3 876033293 +886 388 1 876033850 +886 393 3 876033181 +886 396 2 876032739 +886 399 3 876034041 +886 403 4 876031765 +886 405 3 876033434 +886 410 4 876031459 +886 419 3 876032353 +886 423 3 876032422 +886 425 4 876032029 +886 433 2 876032165 +886 435 3 876031459 +886 449 3 876033784 +886 451 3 876033965 +886 466 1 876032577 +886 467 4 876032577 +886 472 3 876033755 +886 474 4 876031720 +886 475 5 876031501 +886 483 4 876031656 +886 496 4 876031952 +886 506 4 876032308 +886 512 1 876031526 +886 518 4 876031601 +886 544 4 876031850 +886 546 1 876031550 +886 549 3 876032929 +886 550 4 876034228 +886 558 3 876031656 +886 559 2 876033265 +886 566 3 876033461 +886 568 3 876032973 +886 578 4 876034205 +886 581 4 876032103 +886 582 1 876032029 +886 584 4 876031993 +886 589 3 876031365 +886 591 3 876031765 +886 623 1 876033069 +886 628 3 876031695 +886 631 4 876033645 +886 636 3 876032473 +886 651 5 876034074 +886 655 4 876032973 +886 657 5 876031695 +886 659 4 876033731 +886 663 4 876032823 +886 685 2 876032378 +886 686 4 876033228 +886 692 3 876032225 +886 693 4 876033897 +886 697 1 876033368 +886 709 3 876032473 +886 710 4 876031601 +886 715 1 876033434 +886 721 5 876033460 +886 726 1 876033340 +886 732 3 876032029 +886 733 4 876032776 +886 746 3 876032473 +886 761 4 876033368 +886 762 5 876033228 +886 772 1 876031973 +886 783 1 876033784 +886 789 3 876031656 +886 790 4 876034095 +886 799 1 876032973 +886 801 3 876034205 +886 803 2 876033015 +886 813 4 876032029 +886 824 4 876033413 +886 826 1 876032929 +886 833 5 876033460 +886 919 4 876031869 +886 939 4 876031765 +886 940 2 876034255 +886 941 2 876032072 +886 943 3 876032248 +886 959 3 876032473 +886 1010 5 876032103 +886 1014 5 876034371 +886 1019 4 876031695 +886 1046 2 876033755 +886 1048 4 876032840 +886 1065 4 876033731 +886 1067 5 876032509 +886 1073 4 876031805 +886 1074 2 876033645 +886 1093 1 876032654 +886 1095 2 876033897 +886 1119 4 876032553 +886 1170 3 876031481 +886 1208 3 876032596 +886 1209 2 876034041 +886 1217 4 876033602 +886 1228 2 876034228 +886 1231 3 876033828 +886 1267 3 876032072 +886 1324 2 876032308 +886 1421 2 876034174 +886 1435 3 876034174 +886 1467 5 876033987 +886 1489 1 876034074 +887 7 4 881377812 +887 8 4 881380025 +887 9 2 881378118 +887 13 1 881378928 +887 22 5 881379566 +887 24 5 881378219 +887 25 2 881378537 +887 28 5 881379522 +887 38 5 881381503 +887 47 5 881381679 +887 50 5 881377758 +887 56 5 881381382 +887 65 5 881381679 +887 69 4 881380025 +887 71 5 881380996 +887 72 4 881381471 +887 82 4 881381028 +887 84 4 881381114 +887 87 5 881380335 +887 90 5 881381071 +887 91 5 881380884 +887 95 4 881379718 +887 96 4 881380403 +887 98 3 881379345 +887 99 5 881380539 +887 100 2 881377854 +887 105 3 881379009 +887 109 5 881378289 +887 115 5 881380218 +887 118 5 881378289 +887 121 5 881378370 +887 122 5 881379239 +887 125 5 881377933 +887 127 3 881377854 +887 128 5 881380218 +887 132 4 881380218 +887 140 5 881381425 +887 142 1 881381207 +887 143 5 881379781 +887 151 5 881378325 +887 164 4 881380139 +887 168 4 881380067 +887 172 5 881379718 +887 176 5 881381348 +887 180 4 881380177 +887 181 5 881378040 +887 183 1 881379449 +887 187 4 881381610 +887 195 4 881380438 +887 202 5 881379346 +887 204 5 881380067 +887 206 5 881381471 +887 210 5 881379649 +887 218 5 881381471 +887 222 3 881378153 +887 225 4 881379094 +887 228 4 881380709 +887 235 3 881378537 +887 240 5 881378972 +887 243 1 881378370 +887 252 4 881378972 +887 254 4 881379145 +887 257 5 881377854 +887 258 1 881377893 +887 274 1 881378478 +887 284 4 881378669 +887 288 4 881378040 +887 289 5 881380623 +887 294 5 881378219 +887 305 5 881377532 +887 318 5 881379649 +887 365 5 881381610 +887 368 5 881381679 +887 378 5 881381207 +887 385 4 881380502 +887 393 4 881381114 +887 404 4 881381071 +887 405 5 881378439 +887 409 4 881378971 +887 410 4 881378040 +887 411 4 881379059 +887 412 5 881379188 +887 416 2 881380539 +887 418 4 881380025 +887 419 2 881379748 +887 420 5 881381425 +887 421 5 881379954 +887 423 2 881379954 +887 427 5 881379718 +887 431 3 881379685 +887 432 5 881379988 +887 443 4 881380883 +887 455 5 881378620 +887 465 5 881381307 +887 470 3 881380773 +887 471 3 881377972 +887 472 4 881378402 +887 473 4 881378896 +887 476 1 881379059 +887 477 1 881378570 +887 491 2 881379566 +887 496 4 881379685 +887 501 4 881380884 +887 548 1 881381555 +887 559 4 881381555 +887 562 5 881381071 +887 568 2 881379566 +887 578 4 881381610 +887 588 4 881380298 +887 596 5 881378118 +887 597 5 881378325 +887 609 4 881381207 +887 633 5 881380584 +887 655 1 881379609 +887 673 5 881381382 +887 692 5 881380654 +887 697 1 881380623 +887 699 1 881379566 +887 710 5 881380709 +887 718 1 881377812 +887 720 5 881380813 +887 755 5 881381425 +887 756 5 881379094 +887 760 5 881378669 +887 763 5 881378087 +887 768 4 881381471 +887 826 1 881379239 +887 828 3 881378854 +887 832 2 881379059 +887 845 4 881378087 +887 871 5 881378325 +887 926 5 881378537 +887 928 5 881378620 +887 929 1 881379059 +887 932 2 881379009 +887 934 4 881379188 +887 946 4 881381348 +887 969 5 881379954 +887 1013 4 881379295 +887 1028 5 881379059 +887 1029 5 881381740 +887 1033 4 881379295 +887 1035 5 881381740 +887 1047 5 881378773 +887 1051 4 881378773 +887 1060 5 881378570 +887 1063 1 881380404 +887 1079 1 881378773 +887 1084 5 881377893 +887 1116 5 881381610 +887 1120 5 881378439 +887 1136 5 881381071 +887 1239 3 881381679 +887 1278 2 881378087 +887 1279 3 881378402 +887 1283 5 881378896 +887 1383 4 881379239 +887 1413 4 881380176 +887 1473 1 881379522 +887 1496 4 881380996 +887 1540 5 881380739 +888 100 4 879365004 +888 111 4 879365072 +888 153 4 879365154 +888 191 5 879365004 +888 202 4 879365072 +888 237 5 879365449 +888 274 4 879365497 +888 280 3 879365475 +888 631 4 879365224 +888 644 4 879365054 +889 1 3 880177104 +889 2 3 880182460 +889 3 4 880177664 +889 4 3 880180765 +889 7 3 880177219 +889 8 3 880179757 +889 9 4 880176896 +889 11 5 880177941 +889 12 5 880177880 +889 13 4 880177179 +889 17 4 880181910 +889 22 3 880178158 +889 23 3 880179785 +889 24 4 880177266 +889 26 4 880178748 +889 28 4 880181995 +889 29 3 880182428 +889 31 3 880178449 +889 32 4 880180376 +889 33 5 880180817 +889 39 2 880181191 +889 42 5 880180191 +889 50 4 880176807 +889 54 3 880182815 +889 55 4 880181191 +889 56 5 880177857 +889 59 4 880177906 +889 60 3 880181275 +889 64 5 880178313 +889 67 2 880182541 +889 69 3 880179785 +889 70 3 880180979 +889 71 3 880180849 +889 73 3 880181663 +889 77 3 880182359 +889 79 3 880179705 +889 81 4 880180849 +889 82 4 880180122 +889 83 4 880180817 +889 85 3 880181976 +889 86 4 880180191 +889 87 4 880178367 +889 89 4 880177941 +889 91 4 880180784 +889 92 3 880177970 +889 93 3 880177219 +889 94 4 880181646 +889 95 4 880178342 +889 96 4 880181015 +889 97 3 880178748 +889 98 4 880177857 +889 100 4 880176845 +889 117 4 880177154 +889 121 4 880177308 +889 124 4 880177050 +889 125 4 880177435 +889 127 4 880176845 +889 128 5 880180897 +889 129 5 880177266 +889 132 4 880181910 +889 135 2 880180101 +889 137 4 880177016 +889 144 4 880178224 +889 147 3 880176926 +889 150 5 880176984 +889 151 3 880177016 +889 153 5 880181317 +889 154 4 880180612 +889 155 3 880182582 +889 156 5 880178204 +889 159 3 880182295 +889 161 4 880180897 +889 164 4 880179757 +889 165 3 880178131 +889 169 5 880177906 +889 170 4 880177994 +889 171 4 880177970 +889 172 4 880177941 +889 173 5 880178019 +889 174 4 880178183 +889 175 4 880180101 +889 177 4 880178183 +889 178 5 880178078 +889 179 3 880179705 +889 180 4 880180650 +889 181 4 880177131 +889 182 4 880179586 +889 183 3 880178019 +889 185 4 880180266 +889 186 5 880181563 +889 187 4 880177857 +889 188 5 880181317 +889 190 3 880177994 +889 191 4 880178078 +889 192 3 880178204 +889 193 4 880180191 +889 194 5 880178248 +889 195 4 880178204 +889 196 5 880180612 +889 199 5 880181138 +889 202 3 880178773 +889 203 2 880181275 +889 204 4 880179757 +889 207 3 880179785 +889 208 4 880181275 +889 209 2 880178019 +889 210 4 880178342 +889 211 4 880180765 +889 212 2 880181225 +889 216 4 880180191 +889 217 4 880182582 +889 219 2 880178131 +889 223 4 880177906 +889 226 2 880182016 +889 231 3 880182444 +889 232 3 880182270 +889 234 4 880177857 +889 235 3 880177648 +889 237 4 880176874 +889 239 4 880180554 +889 240 3 880177246 +889 248 4 880176984 +889 249 3 880177266 +889 250 4 880177179 +889 252 3 880177503 +889 257 4 880176845 +889 258 4 880176550 +889 262 4 880176620 +889 265 4 880180816 +889 268 4 880176620 +889 269 4 880176518 +889 271 3 880176573 +889 273 4 880177016 +889 276 4 880177104 +889 279 2 880177104 +889 282 4 880177246 +889 290 2 880181601 +889 291 3 880182815 +889 294 3 880176686 +889 297 3 880176845 +889 298 4 880177016 +889 300 3 880176620 +889 302 4 880176518 +889 303 3 880176550 +889 317 4 880180849 +889 318 4 880180265 +889 322 3 880176717 +889 327 3 880176620 +889 338 1 880176666 +889 357 4 880177906 +889 381 4 880180784 +889 382 2 880178248 +889 385 3 880180376 +889 386 3 880182207 +889 399 3 880182359 +889 402 3 880182496 +889 403 3 880179868 +889 405 2 880177567 +889 408 3 880176960 +889 411 2 880177541 +889 423 4 880177941 +889 427 4 880177880 +889 428 4 880179536 +889 430 4 880178411 +889 431 4 880179725 +889 433 4 880180612 +889 435 4 880179536 +889 436 3 880181275 +889 451 3 880181488 +889 455 4 880177647 +889 461 3 880181159 +889 462 5 880180707 +889 469 4 880180414 +889 470 4 880180554 +889 471 3 880176926 +889 473 4 880177503 +889 474 4 880177941 +889 475 4 880176896 +889 479 4 880177994 +889 480 5 880178019 +889 482 4 880178367 +889 483 4 880178183 +889 484 4 880178313 +889 488 2 880180265 +889 493 3 880178313 +889 494 3 880181275 +889 497 4 880179893 +889 498 4 880178748 +889 509 2 880180650 +889 511 4 880178183 +889 512 5 880181372 +889 513 4 880178748 +889 514 1 880178158 +889 515 5 880176807 +889 519 4 880179757 +889 520 4 880179756 +889 523 4 880178078 +889 524 4 880180650 +889 533 3 880177352 +889 540 2 880182317 +889 544 3 880177104 +889 546 4 880177435 +889 550 3 880181434 +889 554 4 880181976 +889 562 3 880181911 +889 566 3 880181275 +889 568 3 880179785 +889 575 3 880182850 +889 576 3 880182541 +889 597 3 880182741 +889 603 4 880180122 +889 604 3 880178342 +889 607 4 880179868 +889 615 3 880180707 +889 627 2 880181646 +889 631 3 880178449 +889 636 4 880181663 +889 642 3 880181455 +889 646 3 880177970 +889 647 2 880181191 +889 649 2 880178511 +889 650 2 880178130 +889 651 4 880177906 +889 652 5 880180784 +889 655 4 880178224 +889 657 4 880177941 +889 658 4 880181086 +889 663 3 880180554 +889 664 2 880182695 +889 676 2 880176874 +889 678 3 880177352 +889 684 2 880180376 +889 686 3 880180612 +889 687 2 880177797 +889 695 3 880179586 +889 696 3 880177407 +889 700 3 880182295 +889 705 4 880178287 +889 718 4 880176807 +889 721 3 880179536 +889 728 3 880181995 +889 729 3 880179785 +889 731 2 880181191 +889 732 2 880179612 +889 734 3 880182815 +889 737 3 880181515 +889 739 3 880182517 +889 741 4 880177131 +889 742 3 880177219 +889 746 4 880179893 +889 747 4 880181515 +889 749 2 880176718 +889 755 3 880182017 +889 763 4 880177502 +889 771 2 880182961 +889 782 2 880182784 +889 789 2 880179508 +889 818 4 880177540 +889 819 2 880177738 +889 820 2 880182103 +889 831 2 880177387 +889 833 3 880177472 +889 847 4 880176926 +889 856 4 880181138 +889 866 4 880177407 +889 869 3 880182428 +889 879 3 880176596 +889 881 3 880176717 +889 886 3 880176666 +889 919 5 880177050 +889 943 3 880178512 +889 944 3 880182173 +889 947 4 880181225 +889 949 3 880181646 +889 952 3 880178411 +889 955 3 880179536 +889 959 3 880182103 +889 979 3 880177435 +889 980 4 880178748 +889 1006 4 880181563 +889 1011 3 880177287 +889 1014 2 880177778 +889 1016 3 880177070 +889 1022 4 880176667 +889 1048 3 880177435 +889 1065 4 880180817 +889 1067 3 880177131 +889 1069 1 880182127 +889 1070 3 880178367 +889 1072 3 880182444 +889 1073 5 880179893 +889 1074 3 880181515 +889 1079 2 880177647 +889 1097 3 880176984 +889 1103 2 880180071 +889 1110 3 880182943 +889 1113 5 880182295 +889 1134 4 880177219 +889 1139 1 880182582 +889 1142 4 880176926 +889 1152 3 880177778 +889 1153 4 880181935 +889 1170 2 880182127 +889 1188 2 880182784 +889 1194 4 880180817 +889 1195 3 880182317 +889 1218 4 880178511 +889 1231 3 880182871 +889 1239 1 880182815 +889 1262 3 880182270 +889 1267 3 880182629 +889 1419 2 880182924 +889 1428 3 880179757 +889 1487 3 880182871 +889 1553 3 880180979 +889 1589 5 880177219 +890 1 4 882402975 +890 7 4 882402739 +890 23 5 882403221 +890 50 5 882405807 +890 69 4 882403446 +890 85 1 882917090 +890 97 4 882402774 +890 101 2 882915661 +890 102 3 882574982 +890 121 2 882915661 +890 127 5 882402949 +890 132 5 882403045 +890 133 5 882402518 +890 134 5 882403122 +890 135 5 882405546 +890 136 5 882403045 +890 142 3 882916650 +890 151 5 882916941 +890 152 4 882403299 +890 153 3 882403345 +890 157 4 882916239 +890 162 4 882403007 +890 167 2 883010326 +890 168 5 882916704 +890 173 4 882575167 +890 174 5 882405780 +890 176 4 882404851 +890 179 5 882403299 +890 183 3 882404917 +890 185 5 882402301 +890 186 2 882916276 +890 187 5 882403221 +890 190 4 882403587 +890 193 4 882402826 +890 194 5 882402774 +890 195 5 882403045 +890 200 4 882402633 +890 204 4 882403085 +890 205 5 882405473 +890 208 5 882403007 +890 210 4 882403587 +890 211 2 882915661 +890 214 4 882916588 +890 215 4 882916356 +890 228 4 882404879 +890 229 2 882405059 +890 230 3 882404947 +890 234 5 882404484 +890 258 3 882404055 +890 265 2 882405059 +890 271 3 882404055 +890 286 5 882402181 +890 313 5 882914803 +890 357 5 882403299 +890 385 4 882574402 +890 403 1 882915661 +890 404 4 882915696 +890 423 5 882402905 +890 427 5 882405586 +890 429 4 882403045 +890 434 4 882403587 +890 435 5 882574437 +890 436 3 882402949 +890 444 4 882404610 +890 447 3 882404541 +890 448 2 882915661 +890 449 1 882915661 +890 451 2 882575274 +890 452 2 882404723 +890 474 5 882403587 +890 479 5 882402238 +890 480 5 882403477 +890 483 5 882402477 +890 484 3 882915942 +890 489 4 882402826 +890 496 5 882916460 +890 501 4 882403085 +890 514 5 882402478 +890 515 5 882402518 +890 516 2 882916537 +890 520 4 882403643 +890 521 5 882916429 +890 523 4 882403299 +890 524 4 882403379 +890 527 4 882405473 +890 530 4 882405780 +890 589 5 882403221 +890 603 5 882404851 +890 604 5 882403299 +890 625 3 882575104 +890 632 5 882916538 +890 636 3 882404879 +890 637 3 882404610 +890 654 5 882404851 +890 655 3 882915818 +890 657 5 882403379 +890 660 2 882917026 +890 662 3 882575303 +890 663 4 882402949 +890 667 2 882404652 +890 671 5 882404571 +890 674 3 882404610 +890 675 5 882404541 +890 737 3 882917152 +890 739 2 882915661 +890 843 3 882916650 +890 1039 4 882403122 +890 1065 3 882402949 +890 1149 5 883009400 +891 15 4 891638780 +891 25 5 891638734 +891 100 5 891638433 +891 107 5 883490041 +891 111 3 891639737 +891 116 3 891639552 +891 118 4 883490041 +891 121 4 883490041 +891 126 5 891638601 +891 127 4 883431353 +891 148 5 891639793 +891 181 3 891638601 +891 237 5 891638601 +891 274 5 883429853 +891 282 5 891639793 +891 285 5 891638757 +891 286 5 891638433 +891 313 5 891638337 +891 323 3 883489806 +891 405 3 883489646 +891 409 4 883490041 +891 459 5 891638682 +891 476 5 883489605 +891 595 3 883489668 +891 597 3 883489324 +891 717 4 883489728 +891 740 5 891639497 +891 742 4 891639497 +891 756 4 883429918 +891 866 5 883489497 +891 924 5 891639737 +891 933 3 883429998 +891 978 4 883489282 +891 1028 3 883489521 +891 1040 3 883489783 +891 1197 5 891638734 +891 1278 5 883489709 +892 1 5 886608185 +892 2 4 886609006 +892 5 4 886611354 +892 7 4 886608473 +892 8 5 886607879 +892 11 3 886608897 +892 12 5 886608022 +892 15 4 886608237 +892 22 5 886608714 +892 25 4 886609828 +892 27 4 886610682 +892 28 4 886607845 +892 29 2 886610565 +892 31 4 886608643 +892 49 4 886610173 +892 50 5 886608802 +892 54 3 886609828 +892 56 4 886607957 +892 58 4 886609469 +892 62 4 886610011 +892 63 4 886610480 +892 64 4 886608347 +892 67 4 886610480 +892 68 4 886611162 +892 69 5 886610048 +892 70 4 886608802 +892 71 3 886608348 +892 72 4 886609939 +892 73 3 886610523 +892 76 4 886609977 +892 79 5 886609622 +892 81 3 886608473 +892 82 3 886609149 +892 88 4 886609884 +892 89 5 886608714 +892 90 2 886610078 +892 95 4 886608770 +892 96 4 886608977 +892 97 5 886608802 +892 98 5 886607912 +892 99 3 886610996 +892 100 5 886607642 +892 102 3 886610078 +892 110 3 886610523 +892 117 4 886611161 +892 118 4 886610649 +892 121 4 886609829 +892 125 4 886610588 +892 127 5 886607878 +892 129 3 886608897 +892 131 4 886610451 +892 132 5 886608897 +892 133 3 886609149 +892 135 5 886608643 +892 136 4 886609365 +892 143 2 886608238 +892 144 5 886609179 +892 150 5 886608136 +892 153 5 886609793 +892 155 2 886609435 +892 157 5 886609029 +892 159 4 886609977 +892 162 4 886609390 +892 168 4 886607778 +892 172 5 886607743 +892 173 5 886607778 +892 174 5 886608616 +892 175 4 886608559 +892 176 5 886608681 +892 177 4 886608507 +892 178 5 886608681 +892 180 5 886609622 +892 181 4 886608212 +892 182 5 886608507 +892 183 5 886608681 +892 184 4 886609726 +892 186 3 886608643 +892 187 5 886608682 +892 188 5 886608185 +892 191 5 886607879 +892 192 5 886608473 +892 194 4 886608423 +892 195 5 886607710 +892 196 4 886609622 +892 202 4 886608135 +892 203 5 886609390 +892 204 4 886608714 +892 208 4 886609029 +892 210 4 886608507 +892 213 3 886608942 +892 214 2 886608897 +892 215 4 886608743 +892 216 5 886609028 +892 222 4 886608094 +892 227 4 886609520 +892 228 3 886608095 +892 229 3 886610011 +892 230 4 886609793 +892 233 5 886610049 +892 237 4 886608802 +892 238 4 886608296 +892 239 4 886609829 +892 265 4 886608380 +892 274 4 886610451 +892 276 4 886608559 +892 284 5 886610840 +892 288 4 886610626 +892 291 4 886607744 +892 300 4 886607521 +892 318 5 886607641 +892 321 5 886610341 +892 357 5 886607568 +892 367 4 886610588 +892 378 4 886610137 +892 380 4 886609180 +892 385 3 886608000 +892 393 4 886607679 +892 401 3 886609264 +892 403 3 886610372 +892 405 4 886609977 +892 417 3 886610588 +892 418 4 886610996 +892 419 3 886609520 +892 420 2 886610267 +892 422 1 886610996 +892 423 5 886608185 +892 425 5 886608977 +892 429 4 886608559 +892 430 5 886608296 +892 431 4 886607957 +892 432 4 886610996 +892 435 4 886609149 +892 436 3 886610201 +892 447 3 886610174 +892 449 2 886610565 +892 465 4 886609295 +892 470 4 886609977 +892 472 3 886610523 +892 473 3 886611023 +892 477 4 886609551 +892 478 5 886608616 +892 479 5 886608616 +892 480 4 886607844 +892 481 5 886610011 +892 482 5 886608136 +892 483 5 886607642 +892 484 5 886607568 +892 487 5 886609295 +892 495 4 886609218 +892 496 5 886609435 +892 497 4 886608347 +892 500 5 886609622 +892 501 3 886611023 +892 511 5 886608296 +892 515 5 886608380 +892 516 5 886608263 +892 521 5 886608263 +892 523 5 886607711 +892 525 5 886607957 +892 526 4 886608771 +892 542 1 886611023 +892 566 4 886610318 +892 568 4 886610451 +892 570 3 886610566 +892 576 4 886610840 +892 578 4 886609469 +892 582 3 886608559 +892 588 5 886607879 +892 596 3 886608136 +892 601 5 886609149 +892 604 5 886608296 +892 612 5 886609551 +892 613 5 886608714 +892 615 5 886609029 +892 625 3 886610565 +892 631 4 886609726 +892 633 4 886609551 +892 636 4 886609884 +892 641 5 886607845 +892 648 4 886607642 +892 649 5 886608135 +892 659 4 886608681 +892 663 5 886609330 +892 671 5 886608212 +892 679 3 886610049 +892 684 5 886608743 +892 692 4 886608296 +892 705 4 886607912 +892 708 4 886607879 +892 729 4 886610174 +892 732 4 886610480 +892 739 4 886609469 +892 755 4 886610048 +892 760 3 886609330 +892 763 2 886609726 +892 765 2 886610840 +892 768 4 886609977 +892 797 4 886610372 +892 820 3 886611079 +892 825 4 886610682 +892 826 2 886610523 +892 837 5 886608743 +892 845 4 886610174 +892 946 3 886610996 +892 951 4 886610649 +892 969 4 886608380 +892 1035 3 886608643 +892 1078 3 886610566 +892 1091 2 886611079 +892 1118 3 886609939 +892 1124 4 886608423 +892 1224 4 886609792 +892 1269 5 886607958 +892 1285 4 886609435 +892 1444 3 886610267 +892 1454 3 886610267 +893 11 4 874829753 +893 24 4 874828649 +893 50 5 874829883 +893 69 5 874827818 +893 77 4 874829706 +893 96 4 874830314 +893 118 4 874828864 +893 121 4 874830313 +893 122 2 874829249 +893 125 3 874828864 +893 144 4 874830101 +893 151 4 874829427 +893 161 5 874830122 +893 172 5 874829883 +893 220 3 874829187 +893 235 3 874829035 +893 237 4 874828097 +893 240 4 874828864 +893 246 3 874829968 +893 258 3 874827508 +893 259 3 874827960 +893 260 2 874828296 +893 286 4 874828384 +893 288 3 874827526 +893 290 3 874829161 +893 298 4 874827623 +893 323 2 874827595 +893 358 2 874828296 +893 410 4 874828649 +893 411 3 874829056 +893 412 3 874829249 +893 476 3 874828772 +893 531 4 874830160 +893 597 4 874829230 +893 724 3 874830160 +893 759 3 874830137 +893 771 3 874830424 +893 781 3 874828569 +893 815 3 874830372 +893 819 3 874829355 +893 820 3 874829161 +893 845 3 874828772 +893 849 3 874830372 +893 928 3 874829129 +893 976 1 874828981 +893 1012 3 874828163 +893 1215 3 874829287 +893 1218 3 874830338 +893 1245 2 874828812 +894 1 4 880416286 +894 7 4 880993632 +894 9 4 880416039 +894 10 4 880416381 +894 12 5 881625708 +894 13 4 882404137 +894 14 4 880416472 +894 16 3 880993614 +894 19 4 879897100 +894 20 5 881625708 +894 25 2 880416137 +894 26 4 882404460 +894 30 4 882404250 +894 32 4 882404137 +894 45 4 882404250 +894 50 4 880416008 +894 52 4 882404507 +894 57 4 882404397 +894 59 5 882404397 +894 60 5 882404363 +894 61 4 882404572 +894 70 3 882404536 +894 83 4 882404250 +894 86 4 882404306 +894 93 4 880416219 +894 100 4 882404137 +894 107 3 880993709 +894 109 1 880416219 +894 111 3 880416102 +894 113 4 882404484 +894 116 4 880416473 +894 117 3 880416219 +894 121 3 880993662 +894 124 5 881625708 +894 125 3 885428261 +894 126 3 880416381 +894 129 4 880416253 +894 137 5 880416340 +894 147 3 880993709 +894 148 3 880416137 +894 165 4 882404329 +894 166 4 882404306 +894 170 4 882404329 +894 171 3 882404595 +894 179 5 882404485 +894 190 5 879897100 +894 198 4 882404460 +894 212 5 882404572 +894 213 4 882404278 +894 221 4 885428233 +894 223 4 879897149 +894 236 4 880416177 +894 237 4 880416176 +894 242 4 879896041 +894 244 4 879896985 +894 245 4 882404136 +894 248 4 879896836 +894 249 3 879896872 +894 250 4 879896898 +894 252 3 879896897 +894 255 3 879896836 +894 256 3 879896704 +894 257 3 880416315 +894 258 4 879896109 +894 260 2 879896268 +894 262 4 879896141 +894 264 3 879896309 +894 268 3 879896041 +894 270 3 879896141 +894 271 2 880993335 +894 272 4 885427952 +894 273 3 880416220 +894 275 4 882404137 +894 276 5 880416314 +894 277 4 880416341 +894 278 4 880416419 +894 279 4 880993709 +894 280 3 880993709 +894 281 3 880416102 +894 283 3 880993490 +894 284 3 880416220 +894 285 4 880416136 +894 286 5 879896756 +894 287 4 880993766 +894 288 3 879896141 +894 289 2 879896109 +894 290 2 880416285 +894 292 4 879896168 +894 293 4 881625708 +894 295 3 879896704 +894 298 3 879896673 +894 299 3 879896200 +894 300 4 879896466 +894 303 4 879896756 +894 305 4 880415834 +894 306 4 879896756 +894 307 3 880415834 +894 310 3 882403366 +894 311 4 880993317 +894 312 3 883518949 +894 313 4 883518874 +894 315 4 885428012 +894 316 4 888280105 +894 318 5 879897168 +894 319 4 879896756 +894 322 3 879896267 +894 323 2 879896268 +894 324 3 879896168 +894 326 3 879896168 +894 327 4 881625708 +894 328 4 879896466 +894 330 3 880415951 +894 331 4 881625708 +894 332 3 879896233 +894 334 3 879896200 +894 336 3 879982820 +894 339 4 880415854 +894 340 4 879896756 +894 343 2 883518895 +894 344 4 887825614 +894 345 4 884036815 +894 346 4 884036796 +894 347 4 885427952 +894 350 3 886027788 +894 355 3 889469028 +894 381 3 882404430 +894 462 4 882404278 +894 463 4 882404430 +894 471 4 880416314 +894 472 3 880993730 +894 475 3 880416176 +894 479 5 879897198 +894 508 3 880993490 +894 509 4 882404278 +894 511 4 879897198 +894 512 5 879897489 +894 515 4 879896654 +894 529 4 881625708 +894 531 3 882404363 +894 534 4 879896704 +894 535 4 879896920 +894 536 5 879896756 +894 558 5 882404250 +894 582 4 882404485 +894 591 4 880416137 +894 595 3 880993632 +894 628 3 880416102 +894 638 3 882404669 +894 639 5 882404430 +894 676 3 880416315 +894 678 3 879896268 +894 689 3 880993390 +894 690 4 879896200 +894 691 3 889468982 +894 698 4 882404669 +894 702 4 882404768 +894 707 4 882404250 +894 713 4 880416177 +894 718 3 885428386 +894 736 4 882404572 +894 740 4 880416253 +894 744 3 880416072 +894 748 3 879896233 +894 750 4 883518875 +894 751 3 885427971 +894 752 3 888280083 +894 753 5 882404278 +894 754 4 880993317 +894 818 3 880416340 +894 827 3 880993766 +894 847 4 879897122 +894 855 4 882404460 +894 863 5 881105162 +894 874 4 879982788 +894 875 3 880415952 +894 877 3 882403414 +894 879 4 879896141 +894 883 3 880415885 +894 885 2 887044250 +894 886 3 879982820 +894 887 4 880993374 +894 898 4 883518875 +894 900 3 887044070 +894 902 3 890409704 +894 903 4 888280029 +894 904 4 890409804 +894 905 3 887044109 +894 909 3 889469007 +894 919 4 881625708 +894 922 4 882404137 +894 923 5 882404278 +894 933 3 880416472 +894 935 3 879896815 +894 936 4 879896836 +894 937 4 880415903 +894 960 5 882404572 +894 961 4 882404642 +894 971 3 882404460 +894 978 3 880416176 +894 979 3 880416473 +894 990 3 879896268 +894 1005 5 882404669 +894 1007 3 880416072 +894 1009 4 880993709 +894 1010 4 880993662 +894 1016 3 879896920 +894 1023 3 879896898 +894 1038 3 880415855 +894 1048 4 880993661 +894 1073 4 882404397 +894 1080 4 882404507 +894 1089 2 885428261 +894 1115 4 882404430 +894 1131 4 879897198 +894 1142 4 882404137 +894 1150 4 882404137 +894 1153 3 882404642 +894 1194 5 879897235 +894 1226 4 879896920 +894 1251 4 879896654 +894 1255 4 879896949 +894 1258 3 879896949 +894 1281 3 885428159 +894 1295 3 879896268 +894 1313 3 889229605 +894 1315 3 879896985 +894 1379 4 879896673 +894 1381 3 880993766 +894 1403 3 882404641 +894 1404 3 882404536 +894 1462 3 882404642 +894 1501 4 882404363 +894 1560 4 882404641 +894 1592 4 889469391 +894 1658 4 882404137 +895 1 4 879437950 +895 100 4 879437997 +895 151 5 879438101 +895 222 3 879437965 +895 283 4 879438028 +895 294 4 879437727 +895 328 4 879437748 +895 742 4 879438123 +895 748 3 879437712 +895 885 2 879437868 +896 1 4 887158579 +896 2 3 887160000 +896 4 3 887159173 +896 7 4 887159145 +896 8 5 887159343 +896 9 4 887158266 +896 11 2 887158333 +896 12 3 887158604 +896 15 3 887158900 +896 19 2 887159211 +896 20 1 887235027 +896 22 5 887157947 +896 23 2 887159145 +896 24 4 887159344 +896 25 3 887159261 +896 27 1 887235026 +896 28 2 887158738 +896 29 2 887160916 +896 31 3 887158830 +896 33 2 887160209 +896 39 2 887158739 +896 42 4 887160000 +896 43 3 887161171 +896 46 2 887160750 +896 48 4 887158635 +896 50 5 887159211 +896 51 2 887159951 +896 53 1 887235026 +896 54 2 887160606 +896 55 3 887157978 +896 58 3 887159531 +896 62 2 887161488 +896 64 4 887158926 +896 68 3 887160313 +896 69 5 887158768 +896 70 4 887160086 +896 71 5 887158927 +896 73 3 887159368 +896 76 3 887158359 +896 77 4 887160270 +896 79 5 887158384 +896 80 2 887160938 +896 82 3 887159068 +896 83 5 887159554 +896 85 3 887160427 +896 86 1 887159926 +896 87 4 887158295 +896 88 5 887159426 +896 89 5 887159262 +896 91 2 887159369 +896 92 1 887160296 +896 95 4 887158555 +896 96 5 887158635 +896 97 4 887158265 +896 98 5 887158359 +896 100 3 887158294 +896 101 3 887160070 +896 117 2 887159173 +896 118 2 887159805 +896 121 3 887159343 +896 123 3 887159748 +896 124 4 887158830 +896 127 5 887158578 +896 128 4 887159321 +896 129 4 887159531 +896 132 3 887158579 +896 133 2 887159502 +896 134 5 887159109 +896 135 3 887158926 +896 139 2 887161033 +896 141 3 887159012 +896 143 4 887158901 +896 144 4 887158333 +896 145 1 887161413 +896 147 2 887159464 +896 148 2 887160606 +896 152 3 887160116 +896 153 4 887158165 +896 154 3 887159212 +896 157 4 887159555 +896 159 2 887160880 +896 160 3 887160247 +896 161 3 887159302 +896 164 4 887159321 +896 168 4 887158738 +896 172 5 887158555 +896 173 5 887158683 +896 174 5 887161710 +896 175 2 887159603 +896 176 5 887235690 +896 179 2 887159630 +896 180 5 887158660 +896 181 5 887158829 +896 182 4 887157924 +896 183 4 887235690 +896 184 3 887159578 +896 186 4 887159069 +896 187 5 887157924 +896 188 3 887159011 +896 190 5 887159530 +896 191 4 887158604 +896 195 4 887159578 +896 196 3 887159173 +896 198 4 887158636 +896 199 3 887158005 +896 200 4 887158768 +896 201 3 887158900 +896 202 2 887159464 +896 203 5 887158713 +896 204 4 887157947 +896 206 3 887159368 +896 209 3 887158790 +896 210 4 887158332 +896 211 4 887159554 +896 215 5 887158959 +896 216 5 887159658 +896 217 2 887161198 +896 219 3 887160500 +896 222 4 887159109 +896 223 4 887158830 +896 225 1 887161518 +896 226 3 887160270 +896 227 4 887161728 +896 228 5 887158266 +896 229 4 887160399 +896 230 4 887161728 +896 231 1 887160771 +896 232 3 887160427 +896 233 2 887160631 +896 234 4 887157925 +896 235 1 887161198 +896 237 5 887158714 +896 238 3 887158165 +896 239 4 887158165 +896 241 5 887158791 +896 245 4 887235265 +896 248 4 887235249 +896 250 3 887235144 +896 257 4 887235105 +896 258 5 887157258 +896 260 2 887157732 +896 265 4 887158604 +896 271 1 887157278 +896 273 5 887157947 +896 274 2 887158865 +896 275 4 887158713 +896 282 2 887158555 +896 284 4 887159972 +896 288 3 887235788 +896 291 3 887160795 +896 299 1 887235709 +896 300 2 887157234 +896 302 2 887157234 +896 307 3 887157636 +896 313 4 887235122 +896 317 4 887159069 +896 318 4 887158294 +896 320 3 887159530 +896 325 1 887157732 +896 327 5 887235643 +896 328 1 887235731 +896 343 1 887235690 +896 356 3 887160427 +896 358 1 887235749 +896 367 4 887160227 +896 371 2 887159723 +896 379 2 887159805 +896 380 2 887159748 +896 384 2 887160860 +896 385 4 887160426 +896 386 3 887161172 +896 387 2 887159368 +896 392 3 887160187 +896 393 3 887159464 +896 398 2 887161469 +896 399 1 887161151 +896 402 4 887159173 +896 405 2 887160270 +896 411 2 887160842 +896 414 3 887159145 +896 420 4 887158739 +896 422 3 887159972 +896 423 3 887159172 +896 425 2 887159110 +896 426 2 887160722 +896 427 4 887158384 +896 429 5 887158866 +896 430 3 887159234 +896 431 3 887159262 +896 435 4 887158579 +896 436 3 887159692 +896 450 1 887161728 +896 452 3 887161564 +896 455 2 887159723 +896 458 1 887235027 +896 461 3 887159069 +896 462 3 887159069 +896 468 2 887158866 +896 470 2 887159531 +896 471 3 887159972 +896 472 2 887160983 +896 473 2 887161393 +896 474 3 887159426 +896 476 2 887161541 +896 478 5 887158739 +896 479 3 887158713 +896 480 3 887158185 +896 481 4 887158683 +896 482 3 887158359 +896 483 3 887158333 +896 484 4 887159302 +896 489 5 887159674 +896 493 5 887157978 +896 496 4 887158029 +896 497 3 887158332 +896 504 3 887159926 +896 508 2 887159035 +896 511 5 887158830 +896 515 3 887158029 +896 518 3 887159234 +896 526 4 887159211 +896 527 4 887159723 +896 542 3 887160677 +896 546 2 887160938 +896 549 2 887160209 +896 550 2 887160880 +896 554 2 887161199 +896 557 3 887160426 +896 559 3 887160187 +896 562 2 887161448 +896 566 4 887159805 +896 568 2 887159603 +896 569 2 887161488 +896 570 2 887161198 +896 572 2 887160676 +896 575 2 887161469 +896 576 2 887160677 +896 578 2 887160653 +896 582 2 887160040 +896 587 3 887159603 +896 588 5 887158265 +896 591 3 887160702 +896 596 2 887159426 +896 597 4 887159854 +896 603 4 887158384 +896 616 3 887160653 +896 631 2 887159464 +896 632 2 887159261 +896 636 3 887159464 +896 637 2 887160041 +896 640 2 887160701 +896 642 2 887160702 +896 647 3 887159502 +896 651 4 887158958 +896 654 3 887159895 +896 655 4 887159109 +896 658 4 887159895 +896 660 5 887159872 +896 661 4 887158384 +896 662 3 887160529 +896 665 1 887235690 +896 672 2 887161218 +896 674 2 887160446 +896 679 3 887160813 +896 684 4 887158959 +896 685 3 887160465 +896 686 3 887159146 +896 692 4 887159173 +896 696 1 887235027 +896 705 5 887158768 +896 708 2 887159926 +896 709 3 887158866 +896 710 4 887159657 +896 713 2 887159630 +896 715 3 887159895 +896 719 1 887235026 +896 720 1 887235026 +896 721 4 887160465 +896 730 4 887158294 +896 732 4 887159674 +896 735 3 887159262 +896 739 2 887159723 +896 742 1 887159464 +896 744 3 887160040 +896 746 3 887159658 +896 751 4 887235605 +896 760 2 887235788 +896 763 2 887161199 +896 765 4 887160750 +896 768 2 887160653 +896 770 5 887160702 +896 774 3 887159973 +896 789 2 887157978 +896 798 2 887160983 +896 800 3 887161448 +896 801 2 887161564 +896 802 2 887161172 +896 808 3 887160270 +896 809 2 887160771 +896 810 1 887160958 +896 820 2 887159926 +896 824 1 887161541 +896 836 3 887158635 +896 840 2 887161469 +896 845 3 887159531 +896 849 2 887161563 +896 872 3 887157322 +896 880 4 887235664 +896 887 2 887235769 +896 895 2 887235788 +896 928 3 887161033 +896 942 4 887160209 +896 952 4 887159012 +896 966 4 887159531 +896 993 4 887235498 +896 1004 2 887161542 +896 1011 2 887160296 +896 1018 3 887160116 +896 1028 2 887160554 +896 1042 2 887161151 +896 1045 3 887159012 +896 1046 2 887160583 +896 1074 2 887161393 +896 1078 3 887160983 +896 1098 3 887159146 +896 1112 3 887161393 +896 1119 3 887160040 +896 1134 3 887159950 +896 1183 2 887160842 +896 1194 3 887158604 +896 1208 3 887160339 +896 1214 2 887159302 +896 1217 2 887160446 +896 1220 1 887161033 +896 1221 2 887159261 +896 1222 2 887161393 +896 1231 1 887160880 +896 1240 4 887159012 +896 1248 2 887160187 +896 1249 2 887161518 +896 1267 2 887160165 +896 1284 2 887160958 +896 1303 4 887161518 +896 1351 2 887160399 +896 1406 3 887160676 +896 1423 2 887160631 +896 1437 1 887161564 +896 1471 1 887235026 +896 1522 2 887160750 +896 1622 2 887160296 +896 1672 2 887159554 +896 1681 3 887160722 +897 8 3 879990744 +897 11 2 879990744 +897 22 5 879990361 +897 23 3 879990683 +897 25 2 879993346 +897 28 4 879990779 +897 33 5 879992310 +897 40 3 879990361 +897 50 5 879994113 +897 55 3 879990622 +897 56 2 879991037 +897 65 4 879992811 +897 66 3 879990973 +897 68 5 879994113 +897 69 5 879990396 +897 71 5 879991566 +897 73 3 879991341 +897 76 4 879992811 +897 77 4 879990877 +897 79 5 879994113 +897 82 5 879990361 +897 88 4 879991283 +897 89 4 879990683 +897 95 3 879990586 +897 96 5 879990430 +897 97 5 879990622 +897 98 5 879990361 +897 99 5 879994113 +897 117 3 879993210 +897 118 5 879993275 +897 120 3 879993886 +897 121 5 879993376 +897 125 4 879993314 +897 132 5 879990531 +897 133 4 879991037 +897 135 3 879990843 +897 136 5 879990843 +897 140 3 879991403 +897 141 4 879991403 +897 143 5 879991069 +897 151 5 879993519 +897 161 5 879993309 +897 168 3 879991341 +897 172 4 879990466 +897 173 3 879990779 +897 174 5 879990587 +897 176 5 879990492 +897 177 5 879990465 +897 179 3 879991069 +897 180 5 879991007 +897 181 3 879990622 +897 182 4 879990683 +897 183 5 879990531 +897 184 4 879991226 +897 185 5 879991137 +897 187 5 879990622 +897 188 5 879991493 +897 193 3 879990466 +897 194 5 879991403 +897 195 5 879991137 +897 196 3 879991258 +897 199 4 879990465 +897 200 5 879991434 +897 201 5 879990556 +897 202 2 879990683 +897 203 4 879990813 +897 204 4 879990396 +897 205 3 879990556 +897 208 5 879991037 +897 210 5 879991007 +897 211 5 879991186 +897 215 4 879990683 +897 222 4 879993042 +897 228 4 879991607 +897 230 4 879991607 +897 232 5 879994113 +897 234 5 879991729 +897 235 3 879993519 +897 238 4 879990779 +897 239 2 879992310 +897 240 4 879993823 +897 243 4 879988868 +897 265 3 879990466 +897 273 3 879993164 +897 281 4 879993553 +897 288 5 879988800 +897 290 4 879993457 +897 294 3 879988800 +897 323 4 879988868 +897 368 1 879993886 +897 369 4 879993713 +897 371 2 879991007 +897 378 5 879991137 +897 385 3 879990622 +897 389 3 879991341 +897 402 5 879991069 +897 404 4 879991186 +897 405 5 879993042 +897 406 3 879993577 +897 409 4 879993553 +897 410 3 879993621 +897 411 5 879993797 +897 416 5 879991186 +897 418 4 879991282 +897 419 4 879990430 +897 423 5 879994113 +897 429 5 879990587 +897 433 4 879991434 +897 435 3 879991069 +897 436 4 879991037 +897 443 5 879991666 +897 451 4 879991607 +897 455 3 879993772 +897 465 5 879992030 +897 470 4 879991493 +897 473 3 879993644 +897 477 3 879993315 +897 479 4 879991566 +897 483 3 879991921 +897 484 3 879991341 +897 485 3 879991037 +897 496 5 879994113 +897 497 3 879990430 +897 498 5 879990683 +897 501 5 879991566 +897 506 4 879991524 +897 510 3 879990531 +897 521 5 879990877 +897 523 5 879991186 +897 526 5 879990813 +897 528 3 879991933 +897 530 3 879990531 +897 546 4 879993489 +897 550 3 879990923 +897 566 2 879991976 +897 568 5 879992216 +897 588 4 879990877 +897 603 5 879991666 +897 609 5 879991105 +897 616 5 879990877 +897 622 3 879990877 +897 633 5 879991007 +897 646 5 879994113 +897 649 3 879992004 +897 651 3 879990587 +897 659 5 879990923 +897 660 4 879991630 +897 670 3 879991258 +897 673 5 879990744 +897 679 5 879991630 +897 684 2 879991524 +897 699 4 879990973 +897 705 3 879991226 +897 708 2 879991226 +897 717 1 879993912 +897 736 3 879991186 +897 742 3 879993314 +897 760 5 879993609 +897 763 3 879993404 +897 826 4 879993578 +897 840 3 879993887 +897 849 4 879990877 +897 864 4 879993772 +897 866 5 879993797 +897 871 3 879993519 +897 925 5 879993739 +897 926 4 879993674 +897 951 3 879991186 +897 974 4 879993553 +897 1028 4 879993621 +897 1033 4 879993713 +897 1051 3 879993772 +897 1219 4 879991137 +897 1254 2 880253037 +897 1531 4 879991933 +898 243 1 888294707 +898 258 3 888294407 +898 271 3 888294567 +898 272 4 888294375 +898 302 4 888294567 +898 309 5 888294805 +898 310 4 888294441 +898 312 2 888294707 +898 313 4 888294375 +898 315 5 888294375 +898 316 5 888294739 +898 327 5 888294529 +898 328 2 888294567 +898 334 3 888294739 +898 343 3 888294805 +898 347 3 888294485 +898 358 4 888294739 +898 539 3 888294441 +898 689 3 888294842 +898 1296 4 888294942 +899 1 3 884120105 +899 2 3 884122563 +899 8 4 884121572 +899 25 3 884120249 +899 28 5 884121214 +899 29 2 884122844 +899 31 3 884121513 +899 48 4 884122044 +899 50 5 884119794 +899 51 1 884122387 +899 64 4 884121647 +899 66 4 884122087 +899 69 3 884121125 +899 71 4 884121424 +899 73 4 884121720 +899 79 5 884122278 +899 83 4 884121214 +899 89 4 884121647 +899 95 5 884121612 +899 96 4 884121125 +899 98 4 884121572 +899 111 4 884120105 +899 117 4 884119830 +899 121 5 884120164 +899 125 3 884120185 +899 133 3 884122308 +899 135 4 884121857 +899 144 3 884121173 +899 147 2 884120106 +899 151 2 884122367 +899 153 5 884122331 +899 157 4 884122419 +899 161 4 884122367 +899 168 4 884121799 +899 172 4 884121089 +899 173 3 884121089 +899 174 5 884121125 +899 176 4 884121173 +899 177 3 884122367 +899 179 2 884121267 +899 180 3 884121308 +899 181 3 884119877 +899 186 4 884121767 +899 188 2 884121720 +899 190 4 884121051 +899 193 3 884121946 +899 194 5 884121125 +899 195 4 884121884 +899 197 4 884121512 +899 200 4 884122674 +899 202 4 884122419 +899 203 4 884121513 +899 204 4 884121683 +899 213 4 884122698 +899 214 4 884122044 +899 218 4 884122155 +899 222 4 884119910 +899 228 3 884121572 +899 229 2 884122254 +899 230 4 884122472 +899 234 4 884122674 +899 237 4 884120026 +899 238 2 884121424 +899 239 3 884121946 +899 250 2 884120105 +899 254 2 884122845 +899 255 4 884120149 +899 257 4 884120185 +899 258 5 884119973 +899 265 4 884122087 +899 282 5 884120007 +899 283 4 884121424 +899 284 3 884120205 +899 291 4 884122279 +899 318 4 884121512 +899 356 2 884122087 +899 357 4 884121342 +899 367 4 884122450 +899 385 3 884121612 +899 403 3 884122844 +899 410 1 884122535 +899 414 2 884122228 +899 423 4 884121214 +899 427 5 884121267 +899 428 4 884122254 +899 431 1 884122645 +899 433 4 884122178 +899 435 3 884122450 +899 455 3 884119910 +899 463 4 884121342 +899 470 4 884122016 +899 471 4 884120007 +899 474 3 884121612 +899 479 4 884121612 +899 483 4 884121572 +899 496 5 884121379 +899 498 4 884121767 +899 499 3 884122308 +899 515 3 884121945 +899 518 4 884121379 +899 527 4 884121767 +899 546 2 884120317 +899 566 3 884122535 +899 568 4 884121720 +899 588 3 884122155 +899 597 2 884120270 +899 603 4 884121379 +899 640 1 884122228 +899 655 4 884121267 +899 658 2 884121911 +899 663 4 884122719 +899 684 3 884122501 +899 710 3 884122619 +899 717 1 884120967 +899 724 5 884122776 +899 732 3 884122776 +899 740 5 884120077 +899 742 4 884119830 +899 746 4 884121512 +899 747 1 884122535 +899 748 4 884120232 +899 827 2 884120388 +899 934 3 884120603 +899 1016 3 884120149 +899 1101 5 884122112 +900 9 2 877832868 +900 31 2 877833995 +900 100 4 877832904 +900 117 2 877833029 +900 124 4 877832837 +900 129 4 877833080 +900 136 2 877833712 +900 186 2 877833957 +900 200 2 877833632 +900 205 4 877833712 +900 237 4 877832803 +900 284 2 877833287 +900 288 2 877832113 +900 294 4 877832113 +900 318 4 877833672 +900 325 1 877832320 +900 405 3 877833364 +900 410 2 877833326 +900 471 2 877833259 +900 478 2 877833923 +900 480 4 877833603 +900 483 4 877833924 +900 508 3 877832764 +900 602 1 877834025 +900 618 4 877833957 +900 654 2 877833924 +900 661 4 877833747 +900 696 2 877833195 +900 744 2 877833195 +900 834 1 877833536 +900 864 2 877833000 +900 871 1 877833443 +900 1028 2 877833393 +900 1132 1 877833364 +900 1298 2 877833923 +901 1 5 877129870 +901 12 5 877132065 +901 13 1 877129839 +901 15 5 877130439 +901 20 1 877130406 +901 28 5 877131624 +901 35 4 877131685 +901 38 3 877131087 +901 50 4 877126576 +901 56 1 877130999 +901 58 4 877132091 +901 63 5 877131307 +901 66 5 877131307 +901 69 5 877132346 +901 71 4 877131654 +901 73 5 877131416 +901 82 5 877131624 +901 88 5 877132604 +901 89 3 877288929 +901 91 1 877131817 +901 94 4 877131738 +901 95 4 877131685 +901 96 5 877130999 +901 111 3 877126434 +901 117 4 877127196 +901 118 3 877127250 +901 121 4 877127219 +901 135 4 877131961 +901 140 4 877288179 +901 142 4 877131739 +901 144 5 877288015 +901 151 3 877129870 +901 155 5 877132671 +901 161 5 877131147 +901 168 4 877131342 +901 172 5 877131205 +901 174 5 877130965 +901 180 2 877289290 +901 181 4 877127128 +901 194 5 877131342 +901 195 5 877131118 +901 196 4 877288864 +901 204 5 877131307 +901 210 4 877130999 +901 211 4 877131342 +901 216 4 877132578 +901 222 4 877126648 +901 228 5 877131045 +901 229 4 877131205 +901 230 5 877131087 +901 234 4 877287882 +901 235 3 877126963 +901 237 3 877126757 +901 243 2 877129839 +901 250 3 877127196 +901 252 3 877127250 +901 257 4 877127196 +901 259 2 877129839 +901 294 3 877125532 +901 321 1 877129839 +901 322 4 877125575 +901 378 5 877131654 +901 391 5 877131205 +901 393 5 877131738 +901 395 3 877131500 +901 402 4 877132632 +901 403 2 877131086 +901 405 4 877127250 +901 409 3 877129911 +901 419 5 877131763 +901 423 4 877131685 +901 429 5 877132301 +901 430 3 877131416 +901 435 5 877131342 +901 436 4 877131961 +901 443 3 877287910 +901 447 3 877132015 +901 451 4 877132604 +901 465 4 877131654 +901 476 5 877289381 +901 477 3 877127021 +901 498 4 877131990 +901 520 5 877287882 +901 521 2 877289241 +901 523 4 877132400 +901 546 4 877127250 +901 560 3 877131624 +901 566 5 877131118 +901 568 5 877131045 +901 578 3 877131961 +901 636 2 877131147 +901 662 4 877132632 +901 679 4 877131205 +901 688 2 877129839 +901 728 4 877132632 +901 732 5 877132578 +901 739 5 877132671 +901 748 4 877125480 +901 756 4 877126935 +901 768 3 877131793 +901 795 3 877131738 +901 826 2 877129839 +901 864 5 877289441 +901 866 3 877126963 +901 932 4 877127021 +901 949 3 877131500 +901 1035 4 877131793 +901 1041 5 877131443 +901 1047 3 877131391 +901 1120 4 877127021 +901 1389 5 877127052 +901 1605 5 877127052 +901 1620 5 877126743 +901 1643 5 877130473 +902 1 5 879465583 +902 8 5 879465765 +902 79 5 879465952 +902 87 4 879465834 +902 95 4 879465834 +902 127 3 879464726 +902 144 5 879465894 +902 172 4 879465522 +902 176 5 879465834 +902 181 3 879464783 +902 187 3 879465834 +902 191 5 879465583 +902 204 3 879465952 +902 228 3 879465834 +902 246 1 879465073 +902 257 3 879464964 +902 268 1 879463373 +902 271 2 879463433 +902 275 4 879465894 +902 289 3 879463433 +902 294 2 879463212 +902 298 2 879465016 +902 300 4 879463373 +902 301 2 879463373 +902 302 3 879463109 +902 304 3 879464257 +902 306 4 879463212 +902 307 3 879463582 +902 326 3 879463310 +902 328 3 879463212 +902 423 4 879465765 +902 479 4 879465583 +902 480 5 879465711 +902 483 4 879465448 +902 497 5 879465894 +902 754 3 879463310 +902 879 4 879463485 +902 989 2 879465336 +902 1016 2 879464783 +903 1 3 891031280 +903 4 4 891033564 +903 7 2 891031259 +903 9 3 891031309 +903 11 2 891033335 +903 12 5 891033334 +903 13 5 891031632 +903 23 5 891033541 +903 25 4 891031259 +903 30 5 891466808 +903 46 4 891033123 +903 47 5 891033522 +903 48 4 891033005 +903 50 5 891031329 +903 52 3 891466551 +903 56 5 891466376 +903 59 4 891466808 +903 60 4 891033048 +903 61 4 891033302 +903 64 5 891033564 +903 79 4 891033070 +903 81 5 891466376 +903 87 4 891032981 +903 89 4 891032842 +903 91 5 891033005 +903 96 2 891032842 +903 98 5 892760784 +903 105 3 891031794 +903 106 2 891031883 +903 111 3 891031677 +903 118 4 891031794 +903 120 2 891032101 +903 121 3 891031487 +903 127 5 891031144 +903 129 3 891031144 +903 147 3 891031178 +903 154 4 891033781 +903 156 5 891466376 +903 157 4 891033430 +903 175 4 891032760 +903 177 4 891033541 +903 179 5 891466376 +903 180 5 891033585 +903 181 4 891031309 +903 183 4 891032872 +903 185 5 891033070 +903 186 5 891466376 +903 187 5 891033754 +903 188 5 891466376 +903 191 5 891032872 +903 192 5 891033628 +903 196 4 891033781 +903 198 4 891032872 +903 210 4 891033541 +903 211 5 891033808 +903 214 4 891033781 +903 223 5 891033354 +903 234 4 891033808 +903 238 5 891033502 +903 240 4 891031730 +903 248 2 891031309 +903 252 3 891031715 +903 254 2 891032101 +903 272 4 892493587 +903 273 3 891031203 +903 276 5 891380461 +903 281 4 891031677 +903 282 4 891031384 +903 288 4 891031105 +903 293 4 891031226 +903 302 4 891380461 +903 317 4 891033808 +903 324 4 891031697 +903 333 4 891032653 +903 346 3 891380391 +903 357 5 891032872 +903 369 4 891032101 +903 405 4 891031678 +903 410 4 891031677 +903 412 2 891032077 +903 421 3 891380488 +903 427 5 891466376 +903 443 5 891033755 +903 461 3 891033334 +903 467 3 891033606 +903 475 4 891031144 +903 479 4 891032793 +903 509 4 891033380 +903 515 4 891031178 +903 520 4 891032911 +903 521 5 891033781 +903 523 5 891033606 +903 528 4 892760784 +903 529 4 891033278 +903 544 2 891031470 +903 582 3 891033564 +903 595 2 891031714 +903 628 3 891031384 +903 642 4 891033005 +903 649 4 891033628 +903 651 5 891032793 +903 655 5 891466376 +903 664 4 891033755 +903 684 3 891033828 +903 693 5 891466376 +903 696 3 891031906 +903 709 4 891033502 +903 721 4 891380524 +903 763 5 891031450 +903 820 4 891031768 +903 824 3 891031833 +903 845 1 891031450 +903 871 3 891031833 +903 928 2 891031749 +903 931 2 891032038 +903 977 1 891031810 +903 1008 3 891031505 +903 1009 4 891031906 +903 1048 4 891031906 +903 1067 2 891031412 +903 1070 4 891033335 +903 1073 3 891032842 +903 1098 5 891033606 +903 1101 4 891033828 +903 1142 5 891466376 +903 1381 4 891031864 +904 88 3 879735710 +904 90 2 879735731 +904 111 4 879735641 +904 117 4 879735316 +904 155 4 879735616 +904 173 3 879735499 +904 181 3 879735362 +904 202 2 879735584 +904 216 4 879735461 +904 237 5 879735551 +904 255 5 879735380 +904 274 5 879735551 +904 275 5 879735461 +904 278 5 879735616 +904 280 5 879735678 +904 288 4 879735109 +904 300 4 879735109 +904 402 4 879735679 +904 451 4 879735584 +904 535 3 879735404 +904 553 3 879735710 +904 603 4 879735843 +904 682 4 879735158 +904 709 3 879735499 +904 724 4 879735616 +904 732 3 879735584 +904 736 4 879735499 +904 747 4 879735584 +904 762 2 879735617 +904 781 4 879735678 +904 785 5 879735731 +904 794 4 879735710 +904 796 3 879735710 +904 815 4 879735678 +904 1041 2 879735710 +904 1074 4 879735710 +904 1152 4 879735551 +905 100 4 884983888 +905 116 3 884984066 +905 117 3 884984066 +905 124 4 884983889 +905 125 3 884984009 +905 129 4 884984009 +905 137 3 884984148 +905 237 3 884983951 +905 273 3 884984148 +905 294 3 884983556 +905 301 4 884983556 +905 302 5 884982870 +905 313 4 884982870 +905 319 2 884983463 +905 322 3 884983341 +905 326 3 884983034 +905 345 4 884983089 +905 458 4 884984382 +905 471 4 884983952 +905 475 3 884984329 +905 508 4 884984066 +905 591 4 884983951 +905 742 4 884983888 +905 748 2 884983627 +905 751 3 884983034 +905 871 2 884984149 +905 873 3 884983396 +905 879 3 884983627 +905 1011 3 884984382 +905 1051 2 884984329 +906 9 4 879434846 +906 15 3 879435415 +906 117 4 879435574 +906 124 4 879435212 +906 125 4 879435365 +906 129 4 879435469 +906 221 4 879435365 +906 237 4 879435469 +906 240 3 879435758 +906 270 4 879434471 +906 273 4 879434882 +906 276 5 879435299 +906 277 3 879435469 +906 283 4 879435524 +906 284 4 879435469 +906 285 5 879434846 +906 286 5 879434335 +906 287 5 879435524 +906 300 3 879434378 +906 405 3 879435551 +906 408 4 879435212 +906 471 3 879435415 +906 473 4 879435598 +906 544 4 879435664 +906 676 5 879435415 +906 742 3 879435278 +906 744 4 879435524 +906 823 3 879435664 +906 991 3 879434410 +906 1009 2 879435212 +906 1011 4 879435365 +907 1 5 880158712 +907 5 5 881030348 +907 8 3 880159688 +907 15 5 880158861 +907 19 5 880158730 +907 25 5 880159113 +907 42 4 880159957 +907 50 4 880158692 +907 71 5 880159911 +907 79 5 880160008 +907 83 5 880159865 +907 86 5 880160162 +907 88 5 881030348 +907 96 5 881030348 +907 97 5 880160204 +907 98 5 880160037 +907 107 5 880158939 +907 111 5 880158883 +907 117 5 880159172 +907 118 4 880159360 +907 120 4 880159562 +907 121 4 880159015 +907 123 4 880159442 +907 125 4 880159259 +907 129 5 885862428 +907 143 5 880159982 +907 144 5 880159937 +907 147 5 885862325 +907 151 4 880159222 +907 172 4 880160008 +907 173 4 880160140 +907 181 4 880158692 +907 182 5 880159844 +907 185 4 880159801 +907 198 5 880160162 +907 202 5 880160204 +907 220 5 880159360 +907 225 5 880159442 +907 235 4 880159222 +907 237 5 880159059 +907 245 4 880158556 +907 248 5 880159038 +907 258 4 880158316 +907 260 2 885860511 +907 268 4 885860288 +907 271 5 881030073 +907 272 5 885860093 +907 274 5 880158986 +907 275 5 880158692 +907 277 5 880158794 +907 278 5 880159016 +907 281 5 881030348 +907 282 4 880158939 +907 283 4 880158827 +907 284 5 881030348 +907 286 5 880158316 +907 287 4 880158913 +907 288 5 880158476 +907 291 5 880158913 +907 294 4 880158502 +907 301 4 880158537 +907 312 5 885860416 +907 313 5 885860093 +907 318 5 880159642 +907 322 5 881030348 +907 326 5 880158448 +907 332 5 885862325 +907 333 5 885860288 +907 356 4 880159937 +907 366 5 885862156 +907 393 5 880160009 +907 402 5 880160037 +907 405 4 880159113 +907 409 4 880159151 +907 427 5 880159821 +907 462 4 880159666 +907 471 5 880159059 +907 472 5 880159360 +907 475 3 880158692 +907 476 4 880159134 +907 483 4 880159937 +907 485 5 880160008 +907 496 4 880159666 +907 497 5 880160204 +907 506 5 881030348 +907 520 5 880159865 +907 553 5 880160056 +907 596 4 880159015 +907 620 4 880159113 +907 628 5 880158986 +907 633 5 881030348 +907 647 3 880159844 +907 686 4 880159778 +907 689 4 885860672 +907 696 5 880159081 +907 697 5 880159982 +907 699 5 880159619 +907 710 4 880160106 +907 713 5 880159172 +907 729 5 880159821 +907 739 5 880159982 +907 740 5 880158960 +907 742 5 880158939 +907 744 5 880159015 +907 748 5 880158537 +907 756 4 880159198 +907 762 5 880159496 +907 764 4 880159113 +907 781 5 885862325 +907 813 5 880158770 +907 815 5 880158913 +907 819 4 880159442 +907 821 5 880160008 +907 825 3 880159404 +907 828 5 880159361 +907 869 5 880160123 +907 924 5 880159240 +907 928 5 880159198 +907 934 4 880159222 +907 978 5 880159473 +907 988 3 880158612 +907 1016 5 880158939 +907 1028 5 880158913 +907 1040 5 880159496 +907 1047 5 881030348 +907 1048 5 880159404 +907 1051 5 880159530 +907 1054 3 880159598 +907 1119 5 880159865 +907 1157 5 885862211 +907 1163 4 880159015 +907 1167 5 880160106 +907 1220 5 880159642 +907 1221 5 880160080 +907 1244 5 880159381 +907 1284 5 881030348 +907 1326 4 880159512 +908 7 3 879722334 +908 12 3 879722603 +908 28 4 879723073 +908 47 3 879723095 +908 50 4 879722397 +908 69 3 879722513 +908 79 4 879722850 +908 96 4 879722932 +908 100 4 879722427 +908 111 3 879723073 +908 123 3 879722822 +908 124 3 879722694 +908 127 4 879722694 +908 133 5 879722603 +908 144 4 879722850 +908 147 2 879722932 +908 151 3 879722875 +908 172 3 879722780 +908 174 3 879722642 +908 181 3 879722754 +908 183 4 879722427 +908 185 4 879722822 +908 194 3 879722932 +908 195 4 879722754 +908 200 2 879722642 +908 204 4 879722427 +908 205 3 879722901 +908 209 3 879722694 +908 216 3 879723074 +908 223 4 879722953 +908 264 3 879722206 +908 300 3 879722076 +908 318 5 879722717 +908 322 2 879722169 +908 357 3 879723046 +908 419 4 879722875 +908 423 4 879722822 +908 427 5 879722642 +908 434 4 879723128 +908 447 3 879722850 +908 478 4 879723046 +908 479 4 879723022 +908 481 3 879722754 +908 482 3 879722667 +908 483 4 879722718 +908 484 4 879722361 +908 488 4 879722642 +908 494 3 879723046 +908 496 5 879722361 +908 515 4 879722463 +908 525 4 879722300 +908 527 3 879722754 +908 528 4 879722397 +908 558 4 879722667 +908 591 4 879722996 +908 603 4 879722361 +908 631 4 879723128 +908 648 4 879722333 +908 654 3 879722822 +908 657 4 879722822 +908 663 3 879723022 +908 709 4 879722490 +908 732 3 879722974 +908 963 4 879722397 +909 14 4 891920763 +909 86 5 891920125 +909 165 5 891920233 +909 166 5 891920166 +909 170 5 891920276 +909 224 5 891920089 +909 261 5 891919599 +909 289 3 891920763 +909 294 3 891920763 +909 326 4 891919458 +909 339 4 891919406 +909 382 5 891920327 +909 529 3 891920763 +909 707 5 891920327 +909 744 3 891920763 +909 880 4 891919406 +910 1 4 880822060 +910 3 2 881421019 +910 9 4 880821079 +910 12 4 880821718 +910 24 3 880821367 +910 25 3 880822203 +910 50 5 880822060 +910 56 4 880821656 +910 98 4 881421309 +910 118 3 881420857 +910 121 1 880821492 +910 124 3 880821124 +910 125 3 880821383 +910 127 5 880822060 +910 134 3 880821676 +910 137 3 880822060 +910 174 5 880822060 +910 181 1 880821033 +910 183 4 880822060 +910 205 4 880822060 +910 210 4 881421309 +910 222 4 880822060 +910 250 1 880821033 +910 252 2 881421035 +910 254 1 881421240 +910 257 3 880821349 +910 273 3 880821492 +910 282 3 880821319 +910 284 3 880821969 +910 286 3 883760216 +910 289 3 881420491 +910 291 1 881421090 +910 298 2 880821124 +910 300 4 881420194 +910 307 2 880821815 +910 310 3 881420170 +910 313 4 884229092 +910 332 2 880821834 +910 357 4 880821718 +910 405 4 881420841 +910 414 4 881421332 +910 508 4 880821349 +910 597 3 881421048 +910 628 1 880821319 +910 684 4 880821696 +910 742 4 880822031 +910 748 3 881420228 +910 751 3 884229194 +910 831 1 881421142 +910 1025 2 881420507 +911 7 4 892839551 +911 21 4 892840144 +911 26 4 892840048 +911 82 2 892840888 +911 83 4 892839784 +911 87 5 892839056 +911 89 4 892838405 +911 93 4 892839784 +911 99 3 892840889 +911 102 3 892840889 +911 134 4 892838823 +911 142 4 892840950 +911 143 5 892840889 +911 151 5 892840916 +911 153 5 892839784 +911 154 4 892839492 +911 163 4 892839846 +911 172 4 892838636 +911 173 5 892838677 +911 176 4 892841255 +911 183 4 892839492 +911 186 5 892839929 +911 190 5 892838864 +911 191 5 892838676 +911 193 4 892839056 +911 194 4 892839929 +911 197 4 892842771 +911 199 3 892839333 +911 203 4 892841196 +911 204 4 892839930 +911 205 3 892839454 +911 208 4 892839970 +911 209 5 892839784 +911 210 3 892839745 +911 211 3 892839418 +911 215 3 892839140 +911 216 4 892839929 +911 228 4 892841220 +911 238 2 892839970 +911 240 1 892840297 +911 272 4 892838135 +911 313 2 892838135 +911 374 1 892841118 +911 383 3 892841094 +911 399 5 892840120 +911 404 3 892840950 +911 419 5 892840916 +911 420 4 892840950 +911 423 4 892840837 +911 427 3 892838538 +911 428 4 892839929 +911 431 4 892842368 +911 432 3 892839551 +911 443 4 892841220 +911 451 2 892840253 +911 465 5 892840807 +911 473 3 892840996 +911 474 5 892838637 +911 478 5 892838823 +911 479 5 892838787 +911 480 4 892838823 +911 482 4 892838864 +911 483 3 892838637 +911 484 3 892839363 +911 501 3 892840916 +911 506 3 892839518 +911 507 4 892839289 +911 514 3 892839454 +911 530 4 892838677 +911 548 3 892841073 +911 584 3 892841033 +911 603 5 892838864 +911 622 3 892840996 +911 625 5 892840807 +911 627 3 892840888 +911 638 4 892839391 +911 647 4 892839140 +911 655 5 892839719 +911 659 3 892838677 +911 709 5 892839846 +911 727 2 892842738 +911 835 3 892838405 +911 855 5 892839084 +911 923 4 892842509 +911 969 5 892840807 +911 1039 4 892838357 +911 1060 4 892841033 +911 1203 4 892838357 +912 14 5 875966927 +912 15 4 875967028 +912 28 4 875966756 +912 56 2 875966027 +912 64 4 875966027 +912 97 4 875966783 +912 152 4 875966320 +912 168 5 875966107 +912 173 4 875966238 +912 174 3 875966756 +912 185 3 875966065 +912 186 3 875966202 +912 192 4 875966349 +912 194 4 875966238 +912 197 5 875966429 +912 246 2 875967072 +912 268 2 875965695 +912 318 4 875966385 +912 357 5 875966429 +912 418 4 875966694 +912 419 4 875966756 +912 427 5 875965830 +912 443 4 875966027 +912 474 3 875965906 +912 479 4 875966107 +912 482 5 875965939 +912 498 5 875965830 +912 501 4 875966756 +912 507 3 875965906 +912 517 4 875966458 +912 520 2 875966429 +912 523 4 875965830 +912 602 5 875965981 +912 610 4 875966027 +912 611 3 875965830 +912 616 3 875966065 +912 646 3 875966429 +912 648 3 875966616 +912 653 3 875965906 +912 654 3 875966027 +912 655 5 875966320 +912 659 5 875966202 +912 661 2 875965981 +913 1 2 880758579 +913 4 4 874786460 +913 7 5 881725846 +913 9 5 881725816 +913 11 4 881037106 +913 15 3 881367770 +913 19 5 881366383 +913 22 5 881369920 +913 25 3 881366974 +913 28 3 881369039 +913 42 3 880824372 +913 50 4 880758348 +913 56 5 880758974 +913 57 4 880758348 +913 60 3 880946006 +913 64 5 881725876 +913 69 2 880757553 +913 79 4 880758974 +913 82 3 881368310 +913 83 4 881725904 +913 89 5 880794731 +913 95 4 880826766 +913 96 5 881725904 +913 98 4 881725761 +913 100 3 880824823 +913 117 1 882544673 +913 127 4 882044440 +913 131 5 881367150 +913 132 3 880758150 +913 143 5 881725761 +913 144 5 880946236 +913 151 4 881368824 +913 156 3 880824512 +913 164 2 880826620 +913 168 4 881725796 +913 169 4 880757553 +913 171 3 880758348 +913 172 5 881726004 +913 173 5 880826542 +913 174 5 881367620 +913 175 5 881366473 +913 176 5 880759221 +913 179 3 881368269 +913 180 3 880758150 +913 181 3 880825135 +913 183 4 880757553 +913 184 3 880826706 +913 185 4 881367173 +913 186 3 880946006 +913 189 3 881367594 +913 191 5 881725737 +913 195 4 881725846 +913 200 5 880825443 +913 202 4 880825052 +913 203 4 880825916 +913 204 4 880946539 +913 209 2 881367150 +913 210 2 880826706 +913 216 4 881725796 +913 222 3 881037459 +913 227 1 881368310 +913 228 5 881368310 +913 234 4 880825443 +913 235 1 881725960 +913 237 4 881725960 +913 238 3 880825052 +913 258 4 889331049 +913 265 4 880757553 +913 268 2 880753802 +913 269 5 881725938 +913 273 3 881037670 +913 276 3 881037047 +913 288 2 880755823 +913 289 5 880658260 +913 302 4 880794297 +913 310 3 880753802 +913 317 4 881725876 +913 318 4 880794731 +913 343 1 881037310 +913 346 3 883110406 +913 408 5 880758348 +913 418 3 881368742 +913 419 5 881725737 +913 423 3 881368310 +913 427 4 881725960 +913 428 3 881367151 +913 430 2 882544617 +913 432 3 881366721 +913 436 3 881367312 +913 461 4 881725816 +913 462 3 881037459 +913 465 2 880826366 +913 466 3 882544673 +913 469 3 881037459 +913 474 5 881725737 +913 475 4 880757473 +913 478 4 880824512 +913 481 3 880758579 +913 483 3 880757975 +913 498 3 880757473 +913 508 3 880759072 +913 518 4 881725761 +913 530 2 881367312 +913 531 2 880946475 +913 588 3 881449256 +913 596 1 881367210 +913 603 4 880758150 +913 604 2 882201336 +913 613 5 881725796 +913 655 4 881725846 +913 656 3 881726004 +913 657 5 881725761 +913 690 3 880824288 +913 729 3 881368824 +913 741 4 881037004 +913 742 3 881036957 +913 747 3 881369407 +913 750 4 883110363 +913 789 4 880946415 +913 919 4 880758150 +913 963 4 881725737 +913 1240 2 881037004 +914 216 3 887122324 +914 313 3 887121969 +914 381 3 887122325 +914 402 5 887124376 +914 643 4 887123886 +914 692 3 887122324 +914 732 2 887123465 +914 739 2 887124376 +914 775 3 887124121 +914 778 5 887122085 +914 781 5 887123464 +914 1259 1 887123886 +914 1406 4 887123886 +915 258 2 891030108 +915 286 4 891030032 +915 301 2 891030032 +915 302 4 891029965 +915 305 2 891030070 +915 307 3 891030032 +915 315 4 891029965 +915 321 3 891030002 +915 334 3 891031477 +915 345 4 891030145 +915 346 2 891030070 +915 347 5 891031477 +915 691 4 891030108 +915 750 4 891030070 +915 752 3 891030120 +915 896 2 891030070 +916 1 4 880843361 +916 2 3 880845391 +916 3 3 880843838 +916 4 4 880844395 +916 5 3 880845099 +916 7 4 880843361 +916 9 5 880843378 +916 11 4 880844369 +916 12 4 880844445 +916 14 5 880843378 +916 17 4 880845135 +916 22 4 880844627 +916 23 4 880843997 +916 24 2 880843419 +916 28 4 880844861 +916 30 4 880844463 +916 31 3 880844789 +916 33 2 880845135 +916 39 4 880845011 +916 42 5 880844958 +916 46 4 880844480 +916 48 5 880844861 +916 49 3 880845673 +916 50 5 880843436 +916 51 2 880845658 +916 52 5 880844813 +916 53 4 880844834 +916 54 3 880845790 +916 55 3 880844369 +916 56 5 880844038 +916 58 5 880844291 +916 60 4 880844058 +916 64 5 880843996 +916 65 3 880845327 +916 66 3 880845264 +916 68 3 880845636 +916 69 4 880844694 +916 70 4 880845099 +916 71 3 880844897 +916 72 3 880845808 +916 73 3 880845829 +916 76 3 880845049 +916 77 3 880845620 +916 79 3 880845249 +916 80 3 880845476 +916 81 5 880844527 +916 82 4 880845772 +916 83 4 880845206 +916 85 2 880845115 +916 86 4 880844655 +916 87 3 880844262 +916 88 4 880845157 +916 89 5 880844241 +916 90 3 880845115 +916 91 4 880844223 +916 92 5 880844291 +916 96 3 880844813 +916 97 4 880844789 +916 98 5 880844038 +916 101 3 880845690 +916 106 3 880843934 +916 109 3 880845099 +916 111 4 880843636 +916 117 2 880843509 +916 118 2 880843838 +916 121 3 880843864 +916 123 3 880843524 +916 125 3 880843750 +916 132 3 880844597 +916 134 5 880844123 +916 135 4 880844552 +916 137 5 880843482 +916 143 3 880844463 +916 144 3 880844016 +916 147 1 880843578 +916 148 2 880843892 +916 150 4 880843318 +916 151 3 880843578 +916 153 3 880844087 +916 154 4 880844552 +916 155 2 880845808 +916 156 5 880844016 +916 157 4 880845011 +916 158 2 880845829 +916 159 3 880845303 +916 161 3 880845658 +916 163 3 880844834 +916 164 4 880845028 +916 168 4 880844369 +916 170 4 880844612 +916 171 4 880844332 +916 172 5 880843997 +916 173 4 880844332 +916 174 5 880844569 +916 175 4 880845011 +916 176 4 880844419 +916 177 3 880844312 +916 179 3 880844420 +916 180 5 880844753 +916 181 4 880843401 +916 182 3 880844123 +916 183 4 880844395 +916 186 3 880844175 +916 188 3 880844789 +916 190 4 880846339 +916 192 4 880844552 +916 193 4 880844420 +916 194 4 880843997 +916 195 3 880844920 +916 196 4 880844920 +916 198 4 880844463 +916 202 3 880845028 +916 203 4 880844157 +916 204 3 880844813 +916 206 3 880844597 +916 209 3 880844017 +916 210 4 880844694 +916 211 4 880844395 +916 212 5 880844879 +916 213 4 880844675 +916 214 3 880844958 +916 215 3 880844552 +916 216 4 880844312 +916 217 4 880845282 +916 218 3 880845303 +916 219 3 880845755 +916 221 4 880843594 +916 222 3 880843419 +916 223 4 880844087 +916 226 3 880845177 +916 227 3 880845067 +916 228 3 880845049 +916 229 3 880845328 +916 230 3 880845177 +916 233 3 880845391 +916 234 4 880845206 +916 235 3 880843749 +916 236 4 880843482 +916 237 3 880843419 +916 238 4 880845011 +916 239 3 880844627 +916 241 4 880845368 +916 244 4 880843401 +916 246 5 880843318 +916 249 3 880843579 +916 250 4 880843361 +916 252 2 880843864 +916 256 3 880843551 +916 257 3 880843401 +916 265 4 880844813 +916 268 5 880843093 +916 273 3 880843361 +916 276 4 880843551 +916 280 2 880843864 +916 281 3 880843727 +916 284 2 880843666 +916 286 4 880843062 +916 290 3 880845206 +916 295 2 880843551 +916 298 3 880843334 +916 317 4 880845098 +916 318 4 880844175 +916 356 3 880845722 +916 367 3 880845451 +916 369 2 880843906 +916 380 2 880845206 +916 381 3 880845738 +916 382 4 880844674 +916 385 3 880844834 +916 387 4 880845328 +916 393 2 880845067 +916 399 3 880845135 +916 402 3 880845177 +916 405 2 880843579 +916 417 2 880845949 +916 421 5 880844291 +916 423 3 880844654 +916 425 5 880844102 +916 427 4 880844654 +916 428 4 880844350 +916 431 3 880844655 +916 433 3 880844958 +916 461 4 880844087 +916 462 4 880844058 +916 472 3 880843697 +916 474 4 880844175 +916 475 4 880843334 +916 476 2 880843775 +916 480 4 880844201 +916 483 5 880844419 +916 484 4 880844156 +916 498 3 880844241 +916 506 3 880844728 +916 509 4 880844312 +916 511 5 880844395 +916 512 5 880844675 +916 523 3 880844511 +916 527 4 880845135 +916 528 3 880846339 +916 530 4 880844202 +916 531 4 880844331 +916 535 3 880843949 +916 537 4 880844087 +916 541 2 880845206 +916 546 2 880843864 +916 549 3 880845543 +916 550 2 880844985 +916 557 4 880844527 +916 558 3 880844767 +916 559 3 880845658 +916 561 3 880845227 +916 566 3 880845574 +916 568 4 880845949 +916 569 2 880845606 +916 570 3 880845368 +916 578 1 880844985 +916 581 4 880845543 +916 582 4 880844728 +916 583 4 880845690 +916 593 4 880843551 +916 597 2 880843727 +916 631 4 880844654 +916 636 3 880845391 +916 640 4 880845157 +916 642 3 880845227 +916 650 4 880844711 +916 652 4 880844291 +916 655 3 880844350 +916 674 3 880845522 +916 678 2 880843249 +916 679 3 880845690 +916 684 3 880844395 +916 685 2 880843727 +916 693 3 880844087 +916 697 4 880844937 +916 702 3 880845157 +916 704 3 880845177 +916 708 4 880845673 +916 709 3 880844123 +916 710 3 880844332 +916 713 3 880843636 +916 715 4 880845099 +916 720 2 880844920 +916 721 4 880845049 +916 727 4 880845049 +916 732 3 880844862 +916 735 4 880844879 +916 737 3 880845328 +916 739 3 880845589 +916 741 3 880843401 +916 746 3 880844262 +916 748 2 880843249 +916 755 2 880845574 +916 756 3 880843892 +916 762 3 880843579 +916 763 3 880843683 +916 764 3 880843798 +916 767 4 880845522 +916 781 3 880845451 +916 790 2 880845790 +916 792 3 880844569 +916 806 4 880844552 +916 820 2 880843636 +916 824 3 880843838 +916 825 1 880843750 +916 831 1 880843864 +916 844 3 880843465 +916 863 3 880846735 +916 866 3 880843798 +916 919 5 880843465 +916 930 2 880843934 +916 931 1 880843798 +916 939 3 880844694 +916 943 4 880844834 +916 944 2 880845476 +916 948 2 880843838 +916 959 4 880845328 +916 960 4 880844861 +916 961 3 880844202 +916 971 4 880845476 +916 978 1 880843949 +916 1005 4 880845303 +916 1009 5 880843551 +916 1010 4 880843482 +916 1011 4 880843666 +916 1014 3 880843683 +916 1042 3 880845328 +916 1070 4 880844202 +916 1073 4 880844445 +916 1074 3 880844985 +916 1079 2 880843811 +916 1098 4 880844862 +916 1101 4 880844419 +916 1109 3 880844861 +916 1113 4 880844897 +916 1119 3 880845505 +916 1135 3 880845556 +916 1194 4 880844753 +916 1206 2 880845543 +916 1208 2 880845249 +916 1217 1 880845606 +916 1220 3 880845282 +916 1268 3 880845451 +916 1335 4 880843798 +916 1401 3 880844262 +916 1597 3 880845206 +916 1682 3 880845755 +917 1 3 882910888 +917 3 1 882911567 +917 9 5 882912385 +917 100 4 882910830 +917 121 1 882911567 +917 237 5 882912385 +917 246 4 882910971 +917 248 4 882912385 +917 255 3 882911158 +917 268 4 882910409 +917 282 4 882911480 +917 285 4 882911122 +917 289 4 882910457 +917 312 2 882910627 +917 328 2 882910506 +917 405 3 882911215 +917 473 3 882911390 +917 476 5 882912385 +917 591 3 882911185 +917 628 5 882912385 +917 696 5 882912385 +917 751 2 882910409 +917 756 4 882911622 +917 763 3 882911480 +917 879 2 882910604 +918 1 3 891987059 +918 16 4 891988560 +918 25 4 891988123 +918 28 4 891987541 +918 42 3 891987059 +918 45 4 891986959 +918 64 4 891987025 +918 69 3 891987497 +918 70 3 891988248 +918 72 1 891988491 +918 82 3 891988521 +918 83 4 891987914 +918 86 4 891986798 +918 88 2 891988276 +918 89 5 891987780 +918 132 4 891986904 +918 133 1 891987267 +918 135 1 891986634 +918 143 4 891988726 +918 151 2 891988646 +918 153 1 891987291 +918 154 2 891987411 +918 161 1 891988824 +918 165 4 891986998 +918 166 4 891987238 +918 168 3 891986999 +918 170 4 891987205 +918 174 3 891987154 +918 175 3 891987339 +918 179 2 891988337 +918 190 5 891986720 +918 196 3 891987267 +918 197 2 891987387 +918 199 3 891986846 +918 208 3 891988002 +918 211 2 891987752 +918 213 5 891988054 +918 216 2 891987205 +918 275 4 891987176 +918 289 2 891988559 +918 340 1 891986174 +918 381 5 891988123 +918 382 4 891986846 +918 417 2 891988521 +918 430 1 891987205 +918 433 2 891987082 +918 443 3 891988248 +918 462 3 891986933 +918 485 3 891987689 +918 487 4 891987446 +918 495 3 891987689 +918 498 4 891987025 +918 499 4 891986775 +918 507 5 891987363 +918 514 2 891987082 +918 517 3 891987622 +918 520 3 891987571 +918 529 3 891987290 +918 582 4 891987723 +918 606 4 891987132 +918 630 3 891988672 +918 631 4 891986664 +918 638 4 891987267 +918 645 4 891988090 +918 656 4 891986609 +918 658 3 891987059 +918 659 4 891987622 +918 660 4 891987752 +918 664 4 891987914 +918 704 4 891988123 +918 707 5 891987446 +918 709 4 891986820 +918 737 3 891988123 +918 747 3 891988705 +918 792 3 891986904 +918 855 5 891987497 +918 856 4 891988491 +918 921 4 891988029 +918 958 3 891988491 +918 962 4 891988029 +918 965 4 891988276 +918 971 4 891987780 +918 972 5 891988054 +918 995 3 891986143 +918 1099 4 891987571 +918 1101 4 891987824 +918 1137 5 891986999 +918 1171 4 891988646 +918 1172 3 891987622 +918 1195 4 891986664 +918 1265 1 891986494 +918 1266 4 891988586 +918 1639 5 891987571 +919 1 4 875289321 +919 4 1 875374032 +919 5 4 875374088 +919 7 3 875288848 +919 9 5 875288749 +919 11 4 875373582 +919 12 3 875373294 +919 14 4 875288934 +919 15 5 875289250 +919 16 4 875289533 +919 20 1 875289499 +919 21 2 875289356 +919 22 5 875374269 +919 23 3 875373074 +919 25 4 875289113 +919 28 4 875373888 +919 31 3 875373416 +919 50 3 875288570 +919 57 5 875373621 +919 58 5 875374032 +919 64 5 875374088 +919 69 3 875921182 +919 70 4 875921442 +919 82 5 875373945 +919 85 2 875372947 +919 88 2 875373621 +919 93 5 875288681 +919 95 4 875921182 +919 98 5 875373470 +919 99 4 875373945 +919 100 5 875288522 +919 111 4 875288681 +919 112 3 875289417 +919 116 3 875288749 +919 117 4 875288934 +919 118 4 875373582 +919 124 3 875288522 +919 125 4 875289113 +919 126 4 875289170 +919 129 5 875289025 +919 137 2 875288749 +919 140 5 875373471 +919 144 4 875373889 +919 147 4 875289322 +919 148 3 875289417 +919 151 4 875289025 +919 168 1 875373074 +919 174 4 875372947 +919 181 4 875289250 +919 183 3 875372802 +919 191 5 875373824 +919 193 2 875373471 +919 200 4 875373294 +919 201 4 875920887 +919 202 3 875373582 +919 204 4 875921396 +919 217 4 875373669 +919 218 4 875374032 +919 221 4 875288898 +919 222 3 875288983 +919 223 4 875372844 +919 236 5 875288681 +919 237 4 875288805 +919 238 3 875372988 +919 240 3 875289611 +919 244 2 875289025 +919 245 2 875288253 +919 246 3 875288523 +919 250 3 875288749 +919 255 4 875289170 +919 258 4 875288164 +919 260 4 875288362 +919 261 3 885059658 +919 264 3 875288362 +919 268 3 875920245 +919 270 4 885059422 +919 271 4 885059476 +919 272 5 885059452 +919 275 5 875288522 +919 276 5 875288612 +919 277 5 875288805 +919 282 4 875289113 +919 283 4 875288748 +919 284 3 875289280 +919 285 5 875288748 +919 286 4 885059400 +919 287 4 875289611 +919 288 4 875288164 +919 289 3 875288164 +919 292 3 875288253 +919 293 4 875288681 +919 294 3 875288304 +919 295 3 875289170 +919 297 4 875288749 +919 298 3 875288983 +919 300 4 875288164 +919 301 3 875288164 +919 302 4 875920245 +919 303 4 875920245 +919 304 4 875920245 +919 305 4 885059623 +919 307 4 885059506 +919 310 3 885059537 +919 312 2 885059658 +919 313 5 885059400 +919 315 3 885059569 +919 318 5 875372903 +919 319 3 875288164 +919 321 2 875288164 +919 323 4 875288362 +919 325 4 875288418 +919 326 3 875288304 +919 327 4 875288304 +919 328 2 875288304 +919 331 4 875920290 +919 332 4 885059537 +919 333 4 875920290 +919 334 4 885059506 +919 340 5 885059506 +919 343 4 885059506 +919 347 3 885059569 +919 367 4 875921085 +919 372 3 875920948 +919 382 5 875373214 +919 406 3 875289417 +919 412 2 875289061 +919 418 4 875373945 +919 419 5 875374269 +919 423 5 875374032 +919 432 4 875373824 +919 447 4 875372903 +919 458 2 875289212 +919 462 3 875372844 +919 471 3 875289638 +919 475 3 875288898 +919 477 4 875289025 +919 508 5 875288570 +919 527 4 875373416 +919 531 3 875373669 +919 535 3 885059887 +919 539 3 885059682 +919 558 5 875372988 +919 564 2 875373770 +919 582 5 875373214 +919 591 3 875289667 +919 596 3 885059887 +919 628 3 875288898 +919 660 4 875373945 +919 676 4 875289061 +919 678 2 875288253 +919 681 2 875920347 +919 687 1 875288362 +919 689 2 885059506 +919 709 3 875374088 +919 715 5 875921442 +919 717 3 875288805 +919 732 3 875373471 +919 740 3 875289113 +919 741 3 875288805 +919 742 4 875289499 +919 748 1 875288253 +919 750 3 885059452 +919 755 3 875373889 +919 756 3 875289170 +919 794 4 875373521 +919 813 4 875288681 +919 815 2 875289533 +919 819 3 875288805 +919 832 3 875289726 +919 864 2 875288848 +919 875 1 875288362 +919 877 3 875288304 +919 878 2 875288443 +919 879 3 875920627 +919 880 3 885059601 +919 887 3 885059452 +919 892 3 885059724 +919 895 4 885059623 +919 919 2 875288805 +919 937 4 875920627 +919 946 4 875373416 +919 953 3 875921051 +919 976 2 875289453 +919 988 3 875288362 +919 989 2 875288418 +919 1012 4 875289611 +919 1014 4 875289384 +919 1047 3 875289697 +919 1048 3 875289113 +919 1060 3 875289322 +919 1073 4 875373416 +919 1086 4 875289322 +919 1109 3 875373824 +919 1114 3 875920823 +919 1119 3 875373824 +919 1134 2 875289356 +919 1136 2 875374269 +919 1137 4 875289170 +919 1152 4 875288612 +919 1173 3 885059859 +919 1197 4 875288613 +919 1258 3 875289453 +919 1277 4 875289887 +919 1278 4 875289761 +919 1284 3 875289566 +919 1315 2 875289611 +919 1514 2 885059812 +920 245 2 884220131 +920 258 4 884220094 +920 268 3 884220163 +920 272 3 884219701 +920 286 2 884219953 +920 288 3 884219768 +920 292 3 884220058 +920 299 2 884220163 +920 301 2 884220058 +920 302 4 884219701 +920 307 3 884219993 +920 310 4 884219768 +920 311 3 884219701 +920 313 5 884219701 +920 333 4 884219993 +920 340 4 884219993 +921 15 4 879379621 +921 25 3 879379736 +921 50 4 879381051 +921 66 5 884673700 +921 69 4 879380862 +921 71 4 879380957 +921 79 4 879380704 +921 82 3 884673954 +921 87 2 884673673 +921 96 4 879380656 +921 97 2 884673891 +921 111 4 879380097 +921 121 5 879379736 +921 122 2 879380433 +921 125 3 879379774 +921 128 1 879381287 +921 132 3 884673699 +921 133 5 884673843 +921 136 4 879380806 +921 143 5 879381257 +921 147 3 879379843 +921 151 3 879379994 +921 172 4 884673823 +921 173 5 884673780 +921 174 5 884673780 +921 181 5 879379562 +921 185 3 879380826 +921 190 2 884673602 +921 194 3 879380704 +921 196 5 884673724 +921 202 4 884673891 +921 210 4 884673633 +921 215 4 879380677 +921 222 5 879381128 +921 227 3 879381051 +921 228 3 884673823 +921 230 3 879381051 +921 237 3 879379562 +921 240 1 879379621 +921 245 1 879379361 +921 252 4 879380142 +921 254 3 879380908 +921 257 3 879379898 +921 259 4 884673369 +921 274 4 879379971 +921 275 1 879379642 +921 276 1 879381004 +921 280 3 879379562 +921 284 4 879379943 +921 288 3 879379265 +921 294 4 879379338 +921 304 2 879379428 +921 322 3 879379428 +921 323 4 879379428 +921 328 5 879379338 +921 367 4 879381021 +921 369 1 879380328 +921 380 4 879381051 +921 392 4 884673868 +921 395 3 879380908 +921 400 4 879381158 +921 405 3 879379774 +921 410 2 879380957 +921 411 2 879380142 +921 419 5 879381234 +921 422 3 879380957 +921 471 2 879379821 +921 472 2 879380057 +921 484 3 884673633 +921 526 4 884673930 +921 538 4 884673311 +921 560 2 879380981 +921 603 3 884673868 +921 651 3 884673891 +921 659 5 884673799 +921 662 4 884673724 +921 678 5 879379447 +921 692 4 884673724 +921 728 3 879381299 +921 755 4 884673910 +921 760 2 879380164 +921 762 2 879380237 +921 763 3 879380258 +921 778 3 879380704 +921 797 3 879381287 +921 815 5 879379942 +921 820 3 879380328 +921 845 4 879379601 +921 892 3 884673402 +921 924 3 879379736 +921 929 1 879380142 +921 934 3 879380496 +921 1016 4 879379562 +921 1028 4 879380142 +921 1032 5 879381199 +921 1034 3 879380457 +921 1051 3 879380433 +921 1279 2 879380142 +921 1287 1 879380401 +921 1317 2 879380981 +922 1 5 891448551 +922 11 5 891450401 +922 15 4 891453122 +922 22 5 891450586 +922 29 3 891450805 +922 43 3 891454445 +922 50 5 891447447 +922 51 4 891448451 +922 56 1 891447628 +922 62 3 891450768 +922 63 3 891449363 +922 67 3 891452928 +922 68 4 891450586 +922 69 3 891453106 +922 71 4 891448580 +922 77 4 891447833 +922 80 3 891452817 +922 82 3 891449123 +922 83 4 891448115 +922 91 4 891448833 +922 94 3 891449333 +922 95 3 891448580 +922 98 5 891447665 +922 99 4 891448580 +922 122 2 891455788 +922 127 3 891453105 +922 135 2 891453820 +922 145 3 891450315 +922 151 5 891449152 +922 153 4 891451037 +922 155 2 891448473 +922 159 3 891447853 +922 168 3 891450968 +922 172 5 891449021 +922 173 5 891448040 +922 174 5 891449021 +922 175 3 891451240 +922 176 3 891450401 +922 181 5 891449122 +922 183 3 891450401 +922 184 3 891449901 +922 191 3 891454587 +922 195 3 891450401 +922 200 3 891449878 +922 202 5 891448115 +922 204 3 891451100 +922 212 2 891448473 +922 214 2 891454071 +922 216 3 891448115 +922 217 3 891449993 +922 219 1 891449901 +922 222 4 891447681 +922 227 4 891447777 +922 228 4 891447665 +922 229 4 891447777 +922 230 4 891447723 +922 235 2 891452407 +922 237 4 891448247 +922 249 3 891455250 +922 250 2 891454910 +922 252 2 891455230 +922 257 4 891455049 +922 258 4 891454681 +922 265 5 891447777 +922 271 3 891445117 +922 274 3 891448247 +922 276 3 891453854 +922 288 2 891445064 +922 290 4 891451277 +922 294 4 891447296 +922 367 3 891452743 +922 375 2 891454552 +922 380 4 891454218 +922 384 4 891452521 +922 385 3 891450586 +922 391 3 891450840 +922 395 4 891452879 +922 402 3 891448451 +922 403 3 891450805 +922 406 4 891447944 +922 411 1 891455379 +922 418 4 891448580 +922 421 4 891448473 +922 427 5 891449123 +922 431 4 891447723 +922 432 5 891448551 +922 433 4 891451143 +922 447 1 891449901 +922 449 4 891447802 +922 450 4 891447876 +922 451 4 891448247 +922 455 4 891450688 +922 471 3 891453501 +922 476 1 891455167 +922 550 3 891450805 +922 562 3 891450866 +922 568 3 891450524 +922 576 4 891450805 +922 579 3 891447988 +922 588 4 891448580 +922 596 4 891448833 +922 631 3 891453171 +922 655 2 891451327 +922 660 3 891453122 +922 662 3 891448246 +922 699 3 891449048 +922 715 3 891452354 +922 739 3 891448516 +922 746 4 891451143 +922 747 3 891448247 +922 810 4 891450866 +922 834 1 891455565 +922 919 5 891454625 +922 949 5 891454320 +922 1079 1 891455277 +922 1110 4 891450768 +922 1157 2 891447853 +923 1 3 880387306 +923 3 4 880387707 +923 9 4 880387306 +923 50 5 880387306 +923 100 5 880387474 +923 105 4 880388547 +923 117 4 880387598 +923 121 4 880387908 +923 125 4 880388289 +923 129 5 880387474 +923 151 4 880388021 +923 168 5 880388872 +923 181 5 880387363 +923 222 4 880388211 +923 245 3 880387199 +923 248 4 880387474 +923 249 4 880388021 +923 257 5 880387946 +923 264 3 880387199 +923 273 5 880387474 +923 276 5 880387429 +923 280 3 880388097 +923 281 4 880387875 +923 282 4 880387624 +923 288 5 880386897 +923 291 4 880387707 +923 293 4 880387908 +923 294 4 880387081 +923 295 5 880387579 +923 307 4 880386897 +923 322 4 880387130 +923 325 4 880387081 +923 334 5 880387129 +923 338 4 880387172 +923 340 5 880387080 +923 405 4 880387429 +923 411 4 880387664 +923 455 4 880387946 +923 460 4 880388426 +923 475 5 880387664 +923 544 4 880387507 +923 546 4 880387507 +923 591 5 880387875 +923 628 4 880387428 +923 685 4 880387396 +923 689 3 880387001 +923 713 5 880388173 +923 741 5 880387792 +923 742 4 880387792 +923 763 4 880387908 +923 815 4 880387792 +923 823 4 880388383 +923 825 4 880387525 +923 829 4 880388426 +923 831 4 880388211 +923 866 4 880388383 +923 926 4 880388383 +923 928 4 880388306 +923 975 4 880388245 +923 1001 1 880388173 +923 1011 4 880388097 +923 1012 5 880387624 +923 1017 5 880387525 +923 1277 5 880388322 +924 1 5 884371535 +924 2 3 886759997 +924 7 4 885458060 +924 9 4 886759657 +924 12 4 885458093 +924 13 3 887421305 +924 28 4 885457827 +924 31 3 885458168 +924 50 5 884371386 +924 56 3 886327724 +924 64 4 886327778 +924 71 5 885457922 +924 82 4 885458168 +924 100 4 884371558 +924 114 3 886327724 +924 121 4 886760071 +924 129 4 889286888 +924 134 4 885457827 +924 144 3 885458093 +924 153 4 886327689 +924 172 4 885458060 +924 173 5 885458060 +924 178 5 885457922 +924 181 3 884371535 +924 196 4 886759657 +924 200 4 885458093 +924 202 4 886760020 +924 205 4 886327826 +924 211 3 885457891 +924 216 4 885458010 +924 228 4 886327826 +924 237 4 889286746 +924 258 3 884336994 +924 275 4 889286721 +924 276 2 884371386 +924 277 3 889286765 +924 283 4 884371495 +924 285 4 884371386 +924 286 3 884337043 +924 288 3 886065748 +924 300 2 884337243 +924 313 4 886065805 +924 318 5 885458060 +924 322 2 884337164 +924 402 3 886759965 +924 408 3 889286721 +924 421 4 885458060 +924 427 4 885458010 +924 429 4 886760020 +924 433 5 885458168 +924 471 4 884371635 +924 480 3 885457891 +924 482 4 885457858 +924 496 5 886327689 +924 504 5 885458009 +924 511 5 885457827 +924 519 4 886759888 +924 526 3 886327826 +924 527 4 885458009 +924 562 3 886759657 +924 605 3 885457975 +924 632 4 885458121 +924 701 4 885457922 +924 705 5 885457858 +924 742 3 886065661 +924 836 3 885457975 +924 849 3 886760052 +924 896 4 884337242 +924 923 5 886327748 +924 1011 3 886760052 +924 1149 3 888351470 +924 1478 4 886759691 +925 98 4 884717862 +925 200 2 884717963 +925 217 2 884718100 +925 219 3 884718099 +925 245 3 884633287 +925 260 3 884717669 +925 288 5 884633224 +925 324 4 884633348 +925 325 4 884633349 +925 327 3 884717790 +925 333 3 884717790 +925 447 4 884717963 +925 558 1 884718099 +925 559 3 884717963 +925 561 3 884718100 +925 563 2 884718204 +925 567 3 884718156 +925 672 3 884718099 +925 773 1 884717862 +925 788 3 884718204 +925 816 3 884718156 +925 876 3 884717404 +926 237 3 888351813 +926 245 3 888636270 +926 262 3 888636082 +926 269 5 888636082 +926 272 5 888351623 +926 292 3 888636202 +926 294 3 888636269 +926 302 4 888351713 +926 313 3 888351622 +926 321 3 888636202 +927 1 5 879191524 +927 8 4 879183164 +927 11 5 879183303 +927 25 3 879177403 +927 28 4 879183511 +927 29 5 879194033 +927 38 5 879195783 +927 41 4 879195407 +927 56 4 879184534 +927 63 4 879197074 +927 64 5 879199250 +927 67 4 879190473 +927 69 4 879183164 +927 71 5 879190473 +927 72 5 879193848 +927 79 3 879184644 +927 82 2 879197269 +927 91 4 879196955 +927 94 2 879198972 +927 95 5 879184447 +927 96 5 879184761 +927 99 2 879195472 +927 105 1 879181879 +927 111 4 879177457 +927 118 5 879181042 +927 121 5 879199250 +927 125 4 879177298 +927 132 2 879194268 +927 143 3 879196231 +927 154 3 879184534 +927 155 4 879193972 +927 158 2 879198608 +927 168 4 879193383 +927 174 3 879185327 +927 195 4 879183245 +927 204 4 879183511 +927 210 5 879194937 +927 217 1 879196955 +927 227 2 879196283 +927 229 3 879191722 +927 230 5 879199250 +927 237 4 879177508 +927 240 3 879177456 +927 255 4 879177027 +927 257 5 879177353 +927 274 1 879181133 +927 278 1 879181133 +927 288 5 879199250 +927 300 5 879176156 +927 328 4 879176059 +927 367 5 879199250 +927 374 4 879195783 +927 385 4 879193625 +927 393 5 879193732 +927 395 3 879193732 +927 401 2 879196762 +927 402 4 879192123 +927 403 4 879194335 +927 404 4 879197692 +927 405 5 879181451 +927 409 4 879176876 +927 410 1 879190223 +927 411 4 879182939 +927 412 1 879182833 +927 417 4 879184710 +927 420 5 879193437 +927 421 4 879194661 +927 422 4 879199110 +927 426 4 879191432 +927 449 4 879196230 +927 471 4 879193906 +927 477 3 879176876 +927 535 3 879181694 +927 541 5 879199250 +927 542 2 879193676 +927 552 4 879196283 +927 560 2 879191978 +927 568 5 879199250 +927 571 3 879196853 +927 588 5 879183683 +927 623 3 879199110 +927 625 3 879191360 +927 722 3 879197421 +927 738 3 879196762 +927 739 3 879191360 +927 742 5 879199250 +927 755 5 879192381 +927 756 4 879181259 +927 761 3 879198085 +927 763 4 879181749 +927 768 4 879195972 +927 775 3 879197949 +927 780 1 879195783 +927 815 3 879181259 +927 819 3 879181508 +927 820 4 879177403 +927 826 4 879181451 +927 866 4 879181621 +927 928 4 879183019 +927 1014 3 879176876 +927 1016 5 879199250 +927 1035 4 879199030 +927 1047 4 879181192 +927 1089 5 879177457 +927 1093 4 879177243 +927 1095 2 879182939 +927 1178 2 879192052 +927 1229 3 879197198 +927 1284 4 879181133 +927 1415 4 879196853 +928 9 5 880937163 +928 48 5 880936817 +928 114 5 880936742 +928 127 5 880936905 +928 134 5 880936742 +928 135 4 880936884 +928 165 5 880936863 +928 168 5 880936817 +928 172 5 880936769 +928 173 4 880936863 +928 176 3 880936817 +928 191 5 880936863 +928 246 5 880937184 +928 266 5 880936022 +928 268 5 880935814 +928 269 5 880935738 +928 276 5 880937144 +928 288 3 880935738 +928 328 3 880937258 +928 487 5 880936769 +928 749 5 880936022 +928 876 5 880936023 +929 1 3 878402162 +929 12 4 879640036 +929 22 5 879640394 +929 28 4 879640084 +929 32 3 880817818 +929 50 4 878402162 +929 56 4 880817844 +929 98 5 879640394 +929 100 4 878402162 +929 127 5 878402162 +929 135 5 880817818 +929 136 3 879640184 +929 144 3 879640394 +929 172 4 879640329 +929 174 3 879640329 +929 182 4 879640225 +929 185 5 879640184 +929 187 5 879640290 +929 195 4 880817681 +929 197 3 880817780 +929 204 4 879640126 +929 205 4 879639969 +929 271 2 880817603 +929 276 2 879640184 +929 284 2 878402162 +929 318 4 879640225 +929 423 4 879640394 +929 429 4 879640225 +929 431 1 879640225 +929 433 2 880817753 +929 435 3 880817753 +929 479 4 879640329 +929 480 3 879639969 +929 483 4 879640036 +929 484 3 879639969 +929 496 3 879640256 +929 521 5 879640184 +929 589 5 880817708 +929 654 3 879640290 +930 1 3 879534525 +930 14 4 879535392 +930 16 1 879534925 +930 24 1 879535015 +930 45 4 879535492 +930 50 2 879534410 +930 64 4 879535641 +930 100 3 879534506 +930 106 4 879535392 +930 107 3 879535207 +930 113 5 879535573 +930 116 5 879535392 +930 117 3 879534803 +930 126 5 879535392 +930 137 2 879535734 +930 143 2 879535462 +930 153 2 879535685 +930 165 5 879535609 +930 171 1 879535685 +930 174 3 879535513 +930 175 2 879535713 +930 176 3 879535663 +930 190 4 879535492 +930 210 2 879535713 +930 235 2 879535207 +930 237 3 879534587 +930 238 4 879535544 +930 240 1 879535207 +930 244 4 879535392 +930 255 3 879534667 +930 257 4 879535392 +930 265 3 879535685 +930 269 4 879535392 +930 274 4 879534803 +930 275 4 879534550 +930 281 4 879535056 +930 282 4 879534667 +930 286 3 879533975 +930 300 4 879535392 +930 405 3 879534803 +930 410 3 879534973 +930 411 1 879535272 +930 523 2 879535574 +930 535 4 879535392 +930 690 3 879534335 +930 705 2 879535609 +930 709 4 879535663 +930 756 3 879535015 +930 845 3 879534724 +930 871 3 879535138 +930 1010 2 879534692 +930 1048 2 879535160 +930 1315 3 879534692 +931 14 4 891036648 +931 100 4 891036430 +931 111 3 891036648 +931 116 4 891036734 +931 125 4 891036786 +931 126 4 891036463 +931 127 5 891037521 +931 137 3 891036552 +931 181 4 891036786 +931 220 3 891037046 +931 250 2 891036673 +931 252 3 891037070 +931 255 4 891036755 +931 257 4 891036530 +931 258 3 891036003 +931 269 3 891035876 +931 272 5 891037521 +931 275 5 891037521 +931 281 3 891036883 +931 283 4 891036604 +931 286 5 891037521 +931 290 2 891036883 +931 293 4 891036604 +931 297 4 891036673 +931 298 4 891036849 +931 300 5 891037521 +931 302 4 891035876 +931 304 4 891036105 +931 306 4 891036026 +931 312 4 891036105 +931 313 4 891035876 +931 315 5 891037577 +931 316 5 891037521 +931 333 5 891037521 +931 344 4 891035917 +931 347 4 891035946 +931 355 2 891036148 +931 459 4 891036506 +931 471 3 891036506 +931 508 4 891036696 +931 515 5 891036506 +931 546 3 891036849 +931 685 4 891036902 +931 690 4 891036003 +931 744 4 891036463 +931 750 5 891037521 +931 845 3 891036883 +931 896 3 891036080 +931 900 4 891035917 +931 909 5 891037521 +931 1022 1 891036003 +932 1 4 891249932 +932 9 5 891249649 +932 14 4 891248856 +932 30 4 891249196 +932 38 2 891251696 +932 45 5 891249063 +932 47 4 891250142 +932 54 4 891251038 +932 56 4 891250584 +932 64 2 891250059 +932 67 2 891251611 +932 70 4 891249171 +932 77 2 891251869 +932 82 3 891251246 +932 86 4 891249146 +932 89 5 891249586 +932 96 4 891250060 +932 98 5 891249586 +932 99 4 891250236 +932 100 5 891249586 +932 101 3 891251225 +932 109 2 891251891 +932 114 5 891249903 +932 119 5 891249586 +932 121 3 891251669 +932 131 4 891250525 +932 133 4 891249675 +932 134 4 891250169 +932 136 5 891249736 +932 141 4 891250363 +932 144 3 891249710 +932 148 2 891252140 +932 151 3 891251225 +932 153 4 891251063 +932 154 5 891249994 +932 155 3 891251869 +932 157 4 891250667 +932 161 3 891251507 +932 162 4 891250704 +932 163 4 891251246 +932 165 4 891248996 +932 167 4 891251647 +932 168 5 891250746 +932 169 5 891249649 +932 170 4 891248967 +932 172 5 891250472 +932 173 3 891250337 +932 174 4 891250017 +932 175 4 891250449 +932 177 4 891250609 +932 178 5 891249821 +932 179 5 891249239 +932 180 4 891251014 +932 183 4 891249877 +932 185 4 891250392 +932 188 3 891250142 +932 189 5 891250449 +932 191 4 891249620 +932 193 3 891250142 +932 194 5 891250472 +932 195 4 891250643 +932 196 4 891251038 +932 197 5 891249649 +932 198 4 891249109 +932 199 5 891249538 +932 203 4 891250584 +932 204 4 891250667 +932 205 5 891250211 +932 208 5 891249794 +932 209 5 891250258 +932 210 4 891250793 +932 211 5 891249710 +932 212 4 891249109 +932 213 3 891249038 +932 218 3 891250915 +932 222 4 891251485 +932 225 2 891251985 +932 226 3 891251292 +932 228 4 891251442 +932 229 4 891251063 +932 230 4 891251153 +932 234 3 891250060 +932 235 2 891250770 +932 238 3 891250609 +932 274 5 891250704 +932 357 5 891280138 +932 379 2 891251798 +932 380 4 891250498 +932 385 2 891251331 +932 389 3 891251331 +932 399 4 891251798 +932 405 4 891251177 +932 414 4 891251959 +932 416 3 891250498 +932 427 4 891249709 +932 428 4 891251105 +932 429 5 891249675 +932 430 4 891249849 +932 431 3 891250944 +932 432 4 891250109 +932 434 5 891251015 +932 436 3 891251225 +932 441 2 891252504 +932 443 4 891250059 +932 447 3 891250944 +932 448 2 891251588 +932 459 4 891250944 +932 462 4 891249038 +932 470 3 891251331 +932 474 5 891250418 +932 475 4 891248856 +932 478 4 891249962 +932 479 5 891249794 +932 480 5 891250746 +932 481 4 891249877 +932 482 5 891250211 +932 483 5 891249962 +932 484 5 891249586 +932 486 5 891251177 +932 487 3 891250558 +932 488 5 891250282 +932 489 4 891249710 +932 490 4 891250891 +932 491 5 891249621 +932 493 5 891249767 +932 494 4 891250060 +932 495 5 891251105 +932 496 4 891250169 +932 497 5 891249933 +932 498 5 891250363 +932 502 4 891249710 +932 503 4 891249962 +932 506 4 891249710 +932 507 5 891249675 +932 509 3 891248893 +932 510 4 891249146 +932 511 5 891250282 +932 513 5 891250316 +932 514 5 891249932 +932 515 4 891249373 +932 516 5 891249877 +932 517 5 891250643 +932 519 4 891249710 +932 520 4 891249794 +932 521 5 891249994 +932 523 4 891250080 +932 524 5 891249675 +932 525 5 891250418 +932 526 5 891250746 +932 527 4 891249710 +932 528 5 891249962 +932 529 4 891251153 +932 530 4 891249903 +932 541 1 891251421 +932 550 2 891251331 +932 560 2 891252198 +932 562 2 891251611 +932 566 4 891251463 +932 570 4 891251178 +932 576 2 891252198 +932 589 5 891250609 +932 600 2 891252412 +932 603 5 891249877 +932 606 4 891250169 +932 607 4 891249621 +932 611 5 891250418 +932 612 5 891249620 +932 613 4 891250363 +932 614 4 891280138 +932 615 5 891249621 +932 616 5 891251153 +932 617 4 891251588 +932 632 4 891249649 +932 636 3 891251063 +932 639 5 891249171 +932 640 2 891249239 +932 646 4 891250498 +932 647 5 891250987 +932 648 5 891249903 +932 649 4 891251199 +932 650 5 891250498 +932 652 3 891248893 +932 654 5 891249877 +932 657 5 891249767 +932 659 5 891250770 +932 661 5 891250109 +932 663 4 891251506 +932 665 2 891252058 +932 671 3 891250915 +932 675 4 891249538 +932 676 4 891251738 +932 679 2 891251538 +932 705 4 891250017 +932 708 4 891251647 +932 709 4 891251395 +932 736 3 891249261 +932 745 5 891250584 +932 755 2 891251822 +932 778 4 891251272 +932 805 4 891250236 +932 811 4 891250392 +932 836 5 891250142 +932 841 2 891250317 +932 855 5 891249109 +932 863 4 891249063 +932 890 1 891248778 +932 967 4 891251331 +932 968 4 891250816 +932 1020 5 891249621 +932 1021 4 891249146 +932 1030 2 891252338 +932 1035 4 891251869 +932 1050 4 891251015 +932 1116 4 891250943 +932 1121 5 891249261 +932 1126 5 891250862 +932 1139 2 891251562 +932 1149 4 891249767 +932 1184 3 891250169 +932 1205 5 891250643 +932 1266 4 891248937 +932 1305 2 891252260 +932 1397 4 891250793 +932 1411 4 891251647 +932 1449 5 891248937 +932 1451 5 891249675 +932 1454 4 891251985 +932 1456 4 891250891 +932 1512 5 891249038 +932 1558 5 891248996 +932 1573 4 891249239 +933 1 3 874854294 +933 4 3 874854383 +933 7 4 874854190 +933 9 3 874854402 +933 11 4 874853899 +933 12 4 874854135 +933 21 1 874854383 +933 22 5 874853634 +933 25 2 874854589 +933 38 2 874939185 +933 39 3 874854100 +933 42 1 874853635 +933 50 4 874854383 +933 52 3 874854161 +933 53 1 874855104 +933 56 5 874853688 +933 58 3 874855121 +933 62 1 874854994 +933 63 2 874938563 +933 67 1 874938430 +933 69 4 874854009 +933 70 2 874855020 +933 72 3 874938538 +933 73 4 874854629 +933 79 3 874853819 +933 80 2 874938689 +933 82 3 874939130 +933 87 4 874854723 +933 88 3 874854696 +933 89 4 874853957 +933 94 1 874938475 +933 95 3 874853666 +933 96 2 874855020 +933 97 2 874854161 +933 100 5 874853927 +933 105 2 874938475 +933 110 1 874938664 +933 117 2 874939157 +933 121 3 874855138 +933 125 4 874854251 +933 127 5 874853898 +933 132 3 874853605 +933 135 4 874854444 +933 144 4 874854932 +933 151 4 874853977 +933 153 3 874853779 +933 154 2 874938389 +933 157 4 874854932 +933 159 3 874854190 +933 160 3 874853755 +933 161 2 874939105 +933 163 2 874938309 +933 164 2 874854461 +933 166 3 874854062 +933 167 2 874938491 +933 168 3 874853869 +933 172 2 874939031 +933 173 3 874855020 +933 174 4 874854745 +933 175 4 874854444 +933 176 3 874854315 +933 177 4 874854994 +933 179 5 874854135 +933 180 5 874854723 +933 181 2 874854100 +933 182 4 874854853 +933 183 4 874853819 +933 184 1 874938850 +933 186 4 874938563 +933 193 4 874853927 +933 194 4 874854135 +933 195 4 874854589 +933 196 4 874854932 +933 200 4 874854783 +933 202 2 874854745 +933 204 3 874854723 +933 209 2 874854678 +933 210 3 874853734 +933 211 4 874854251 +933 214 3 874853666 +933 215 3 874854031 +933 216 3 874938239 +933 218 3 874854678 +933 219 1 874854217 +933 222 1 874854783 +933 226 2 874854874 +933 227 1 874939078 +933 228 4 874854217 +933 229 1 874939078 +933 230 3 874854338 +933 231 1 874939031 +933 232 1 874938354 +933 233 2 874939008 +933 234 3 874853957 +933 238 2 874853819 +933 239 3 874938412 +933 241 2 874855069 +933 265 4 874854697 +933 273 3 874855069 +933 282 3 874855104 +933 284 2 874854294 +933 318 4 874853605 +933 357 4 874853635 +933 367 4 874854190 +933 384 1 874938475 +933 385 3 874939207 +933 388 1 874938620 +933 391 1 874939230 +933 392 3 874854652 +933 393 2 874938371 +933 399 3 874939157 +933 403 3 874939105 +933 405 3 874939157 +933 410 3 874854383 +933 411 2 874938689 +933 424 1 874938833 +933 433 1 874854251 +933 435 4 874854251 +933 441 2 874938833 +933 449 1 874939207 +933 451 1 874938507 +933 452 1 874938808 +933 453 1 874938833 +933 467 3 874854479 +933 470 4 874854611 +933 471 3 874854611 +933 474 5 874853734 +933 475 2 874853605 +933 476 2 874854953 +933 483 4 874854424 +933 508 3 874853927 +933 515 3 874854062 +933 546 2 874939105 +933 550 1 874939185 +933 559 2 874938808 +933 561 3 874938808 +933 568 2 874939207 +933 569 1 874938850 +933 575 1 874938620 +933 576 1 874939185 +933 578 1 874939230 +933 583 3 874854217 +933 585 1 874938728 +933 597 1 874939230 +933 627 2 874854874 +933 636 2 874939105 +933 651 3 874854081 +933 652 3 874854424 +933 654 4 874854338 +933 665 1 874938878 +933 679 1 874939078 +933 710 2 874938309 +933 732 3 874854651 +933 734 2 874938644 +933 735 3 874853846 +933 746 4 874854762 +933 763 3 874938644 +933 765 1 874938644 +933 789 4 874853957 +933 823 2 874854813 +933 834 1 874938878 +933 840 3 874939230 +933 866 2 874938620 +933 934 1 874938412 +933 940 1 874938664 +933 959 1 874938430 +933 1028 2 874938620 +933 1037 1 874938620 +933 1070 2 874854031 +933 1110 3 874938728 +933 1183 3 874938596 +933 1188 1 874938474 +933 1228 1 874939247 +933 1246 1 874938728 +934 1 2 891225958 +934 2 4 891192087 +934 4 5 891195713 +934 13 5 891189566 +934 56 5 891191922 +934 65 4 891192914 +934 66 4 891193187 +934 67 4 891193373 +934 69 5 891193013 +934 70 4 891195713 +934 72 3 891195982 +934 82 4 891194221 +934 83 4 891191831 +934 86 3 891191831 +934 88 4 891194866 +934 89 5 891191157 +934 94 4 891196117 +934 96 4 891191157 +934 97 4 891192329 +934 99 3 891194379 +934 100 4 891189511 +934 121 3 891189819 +934 131 4 891191778 +934 132 4 891190609 +934 134 4 891191157 +934 135 4 891191659 +934 144 4 891192087 +934 145 3 891196610 +934 152 4 891194303 +934 153 5 891225716 +934 154 3 891191401 +934 156 3 891190813 +934 157 2 891194498 +934 161 4 891193290 +934 162 3 891191546 +934 163 4 891193331 +934 168 4 891191875 +934 170 4 891190744 +934 172 5 891191206 +934 173 3 891192965 +934 174 5 891191511 +934 175 4 891190854 +934 179 2 891191600 +934 181 4 891189275 +934 183 2 891190903 +934 186 2 891190854 +934 190 4 891191660 +934 191 5 891190695 +934 193 4 891192236 +934 195 4 891191600 +934 196 5 891191108 +934 199 4 891191778 +934 204 4 891192444 +934 208 5 891191258 +934 209 1 891190695 +934 210 4 891191206 +934 211 4 891194661 +934 212 4 891194802 +934 213 4 891190744 +934 216 1 891191511 +934 223 5 891191659 +934 225 2 891197375 +934 226 4 891191831 +934 228 4 891193778 +934 229 4 891194539 +934 234 2 891191875 +934 237 4 891189879 +934 239 4 891194802 +934 254 4 891190478 +934 257 4 891189598 +934 269 2 891188367 +934 286 4 891188367 +934 302 4 891188367 +934 303 4 891188441 +934 313 3 891188441 +934 315 4 891188403 +934 316 4 891188727 +934 384 4 891195573 +934 388 3 891197678 +934 389 3 891195811 +934 393 2 891193013 +934 403 4 891195537 +934 405 5 891189819 +934 411 3 891190377 +934 414 5 891191027 +934 419 4 891192849 +934 420 4 891191469 +934 427 4 891191027 +934 428 4 891195503 +934 432 5 891191976 +934 435 4 891191365 +934 436 3 891196610 +934 449 4 891194900 +934 451 4 891192562 +934 461 4 891191660 +934 462 4 891191511 +934 474 4 891191976 +934 481 4 891191402 +934 483 3 891190609 +934 488 5 891192197 +934 492 4 891192087 +934 495 4 891195604 +934 498 3 891191511 +934 501 4 891196464 +934 502 4 891194539 +934 506 4 891193331 +934 507 4 891192145 +934 510 5 891193751 +934 514 5 891191546 +934 516 3 891191334 +934 526 2 891192197 +934 527 3 891191334 +934 529 5 891194866 +934 533 3 891189640 +934 550 4 891193097 +934 554 4 891194462 +934 581 2 891193814 +934 584 4 891196384 +934 602 3 891195063 +934 605 4 891195288 +934 614 3 891191334 +934 617 4 891191778 +934 624 4 891193290 +934 629 4 891191334 +934 630 4 891192285 +934 648 3 891190695 +934 650 4 891195503 +934 657 3 891191027 +934 660 5 891194836 +934 661 4 891190960 +934 663 5 891192849 +934 664 4 891193331 +934 674 4 891193814 +934 675 4 891192285 +934 703 4 891195437 +934 705 4 891191778 +934 708 3 891192329 +934 709 3 891196314 +934 712 4 891196564 +934 732 5 891194089 +934 755 4 891196610 +934 771 3 891196950 +934 786 1 891194089 +934 792 3 891193132 +934 794 4 891192849 +934 805 4 891194221 +934 811 4 891192145 +934 818 1 891190288 +934 855 4 891192849 +934 902 4 891188580 +934 949 3 891197678 +934 961 4 891193854 +934 963 5 891192914 +934 965 4 891192914 +934 972 3 891225716 +934 1018 4 891192849 +934 1037 1 891197344 +934 1065 2 891191108 +934 1135 3 891196117 +934 1203 5 891193013 +934 1285 3 891196516 +934 1311 1 891195713 +934 1411 4 891195437 +934 1449 5 891191976 +935 1 3 884472064 +935 9 1 884472352 +935 15 5 884472177 +935 117 4 884472229 +935 118 4 884472704 +935 120 3 884472942 +935 125 4 884472575 +935 148 4 884472892 +935 181 4 884472039 +935 237 5 884472159 +935 255 4 884472247 +935 274 5 884472352 +935 281 5 884472310 +935 282 4 884472539 +935 283 4 884472136 +935 286 5 884471835 +935 300 4 884471955 +935 313 5 884471835 +935 405 4 884472704 +935 546 4 884472743 +935 597 4 884472576 +935 620 2 884472627 +935 685 4 884472310 +935 815 4 884472576 +935 864 5 884472704 +935 924 4 884472392 +935 934 4 884472743 +935 1016 4 884472434 +935 1048 3 884472465 +936 1 4 886832453 +936 3 4 886833148 +936 6 5 886832636 +936 7 4 886832221 +936 9 4 886832373 +936 13 4 886832596 +936 14 4 886832373 +936 16 4 886832596 +936 19 5 886832092 +936 20 5 886833795 +936 24 4 886832904 +936 25 4 886833231 +936 50 4 886832282 +936 93 5 886833795 +936 100 4 886832092 +936 108 4 886832758 +936 116 4 886832636 +936 117 4 886832713 +936 118 3 886833516 +936 121 4 886832544 +936 124 4 886832282 +936 125 4 886832757 +936 127 5 886833795 +936 129 4 886832134 +936 137 4 886832544 +936 181 4 886832596 +936 221 4 886832373 +936 235 3 886833099 +936 237 4 886832672 +936 243 2 886831820 +936 244 4 886833099 +936 246 4 886832282 +936 248 4 886833006 +936 249 5 886832808 +936 250 5 886832337 +936 251 4 886832134 +936 252 2 886833099 +936 253 5 886832454 +936 255 5 886833795 +936 257 3 886832808 +936 258 3 886831374 +936 259 3 886831709 +936 268 4 886831415 +936 269 4 886831415 +936 272 4 886831374 +936 273 3 886832453 +936 274 3 886832858 +936 275 4 886832134 +936 276 5 886832282 +936 282 2 886832714 +936 286 5 886833794 +936 287 4 886832419 +936 289 5 886831769 +936 294 3 886831679 +936 295 3 886832502 +936 300 3 886831501 +936 301 3 886831637 +936 312 3 886831853 +936 313 4 886831374 +936 319 4 886831576 +936 321 3 886831769 +936 323 3 886831820 +936 324 5 886831576 +936 325 5 886831709 +936 327 4 886831445 +936 333 3 886831415 +936 343 3 886831576 +936 346 4 886831445 +936 358 4 886831820 +936 405 2 886833053 +936 410 3 886833099 +936 455 3 886833148 +936 475 5 886832282 +936 476 4 886832544 +936 508 3 886832282 +936 535 2 886833052 +936 547 5 886833795 +936 591 4 886832373 +936 628 1 886832758 +936 678 3 886831820 +936 696 2 886833191 +936 717 2 886833325 +936 741 4 886832808 +936 748 2 886831738 +936 756 4 886833052 +936 766 3 886832597 +936 813 5 886832222 +936 815 3 886833571 +936 825 4 886832502 +936 827 2 886833191 +936 845 4 886833006 +936 864 4 886833360 +936 866 2 886833099 +936 898 1 886831535 +936 904 5 886831415 +936 919 5 886832808 +936 926 4 886833191 +936 927 4 886833052 +936 928 3 886832502 +936 975 3 886832714 +936 988 3 886831912 +936 995 3 886831637 +936 1007 5 886833795 +936 1008 5 886833098 +936 1009 4 886833231 +936 1011 4 886832757 +936 1014 3 886833571 +936 1016 3 886832966 +936 1023 2 886833661 +936 1068 4 886832904 +936 1079 1 886832714 +936 1086 3 886832134 +936 1097 5 886833795 +936 1115 4 886832859 +936 1129 5 886833795 +936 1160 5 886833795 +936 1163 5 886833099 +936 1171 5 886832757 +936 1190 3 886833707 +936 1199 4 886833148 +936 1202 4 886832221 +936 1226 3 886833148 +936 1241 4 886832808 +936 1279 3 886833360 +936 1315 3 886833191 +936 1323 4 886833281 +936 1335 4 886833325 +936 1344 5 886832183 +936 1368 5 886832337 +936 1370 4 886833571 +936 1375 5 886832596 +936 1377 5 886832183 +937 14 4 876769080 +937 19 1 876769436 +937 50 5 876769374 +937 93 4 876780336 +937 100 3 876769080 +937 116 4 876769080 +937 124 4 876769212 +937 137 3 876769480 +937 222 3 876769530 +937 225 2 876769436 +937 236 4 876769373 +937 237 4 876769530 +937 255 3 876769323 +937 258 4 876762200 +937 283 4 876769212 +937 286 4 876762200 +937 294 1 876769480 +937 295 4 876780336 +937 300 4 876768813 +937 301 1 876768812 +937 303 4 876762200 +937 304 4 876768813 +937 326 1 876768813 +937 408 5 876769323 +937 508 1 876780336 +937 847 4 876769213 +937 864 3 876769530 +937 874 3 876768956 +937 988 2 876768983 +937 1007 4 876769373 +938 1 4 891356314 +938 7 4 891356679 +938 9 3 891356413 +938 15 2 891356615 +938 25 4 891356532 +938 50 5 891356314 +938 100 5 891356350 +938 105 1 891357137 +938 106 5 891357019 +938 111 5 891356742 +938 117 3 891356350 +938 118 5 891356799 +938 121 5 891356895 +938 126 4 891356656 +938 127 5 891356446 +938 148 3 891356500 +938 151 4 891356679 +938 181 5 891356390 +938 220 4 891357085 +938 222 5 891356479 +938 225 4 891357161 +938 235 1 891357137 +938 237 2 891356549 +938 243 4 891356085 +938 245 3 891356282 +938 248 1 891356390 +938 250 3 891356532 +938 252 4 891357042 +938 255 1 891356329 +938 257 5 891356350 +938 258 5 891353196 +938 259 2 891356282 +938 260 4 891355996 +938 273 5 891356532 +938 275 4 891356350 +938 276 3 891356572 +938 281 2 891356594 +938 284 2 891356827 +938 286 3 891356282 +938 288 5 891354203 +938 289 1 891356282 +938 290 3 891356679 +938 291 4 891356594 +938 293 3 891356501 +938 298 4 891356573 +938 300 3 891350008 +938 323 3 891356282 +938 328 2 891356282 +938 343 4 891356062 +938 358 4 891355972 +938 370 5 891357137 +938 405 3 891356847 +938 406 3 891357060 +938 410 1 891356780 +938 411 3 891357042 +938 456 1 891357161 +938 458 4 891356780 +938 471 3 891356413 +938 472 4 891356656 +938 473 3 891357106 +938 476 4 891357137 +938 508 4 891356367 +938 546 3 891356532 +938 591 3 891356463 +938 595 2 891357042 +938 596 5 891356532 +938 597 3 891356679 +938 676 3 891356428 +938 678 3 891356282 +938 685 3 891356894 +938 717 2 891357060 +938 742 3 891356702 +938 748 2 891356282 +938 756 3 891357019 +938 762 4 891356780 +938 815 3 891356532 +938 823 4 891357019 +938 829 1 891357085 +938 840 2 891357190 +938 841 3 891357190 +938 845 1 891356780 +938 866 5 891356991 +938 871 2 891356549 +938 873 3 891356085 +938 926 3 891357137 +938 928 5 891356656 +938 929 2 891356966 +938 993 5 891356413 +938 1012 5 891356500 +938 1013 2 891357042 +938 1014 4 891356632 +938 1016 3 891356799 +938 1028 5 891356679 +938 1047 3 891357107 +938 1061 4 891357085 +938 1152 3 891357106 +938 1254 1 891357019 +938 1283 3 891357190 +939 9 5 880260745 +939 15 5 880261094 +939 118 5 880261450 +939 127 5 880260745 +939 220 5 880261658 +939 222 5 880260956 +939 237 5 880261056 +939 252 3 880261185 +939 254 3 880262319 +939 255 5 880261094 +939 257 5 880260805 +939 266 2 880260636 +939 274 5 880261334 +939 275 4 880260852 +939 280 5 880261291 +939 283 5 880261291 +939 285 5 880261184 +939 298 5 880261184 +939 326 5 880260636 +939 405 4 880261450 +939 411 4 880261917 +939 424 3 880262019 +939 471 5 880261254 +939 508 5 880261141 +939 546 4 880261610 +939 591 5 880260994 +939 597 4 880261610 +939 680 2 880260636 +939 717 4 880261784 +939 742 5 880260915 +939 756 5 880261532 +939 818 3 880262057 +939 841 4 880261868 +939 890 2 880260636 +939 934 3 880262139 +939 1023 4 880262057 +939 1028 5 880261868 +939 1051 5 880262090 +939 1277 5 880261945 +940 4 2 885922040 +940 7 4 885921597 +940 8 5 885921577 +940 9 3 885921687 +940 12 4 885921979 +940 47 3 885921758 +940 50 4 885921542 +940 56 5 885921577 +940 69 2 885921265 +940 70 3 885921500 +940 82 4 885922040 +940 89 4 885921828 +940 95 5 885921800 +940 96 5 885921265 +940 98 4 885921421 +940 100 3 885921471 +940 116 2 885921741 +940 137 3 885921758 +940 147 4 885921893 +940 150 3 885921422 +940 151 3 885921800 +940 153 2 885921953 +940 161 3 885921870 +940 164 2 885921915 +940 168 3 885921597 +940 170 4 885921401 +940 171 2 885921401 +940 172 4 885921451 +940 173 4 885921400 +940 174 4 885921310 +940 176 4 885921979 +940 181 3 885921310 +940 183 3 885921422 +940 191 4 885921710 +940 194 5 885921953 +940 200 3 885922016 +940 204 4 885922015 +940 209 4 885921800 +940 213 4 885921597 +940 215 2 885921451 +940 216 4 885921310 +940 238 4 885921628 +940 258 5 884801316 +940 259 4 884801316 +940 264 1 884801053 +940 269 4 884801316 +940 271 2 884801053 +940 285 4 885921846 +940 286 3 884800898 +940 294 4 884801316 +940 300 5 884801316 +940 301 3 884800988 +940 302 4 884801316 +940 310 3 884800966 +940 313 5 884801316 +940 316 4 889480582 +940 317 4 885921577 +940 319 2 884800944 +940 321 4 884801316 +940 343 2 884801246 +940 347 3 884801024 +940 354 5 889480493 +940 355 1 889480552 +940 357 4 885921219 +940 358 1 884801227 +940 382 3 885921953 +940 420 4 885921979 +940 427 5 885921451 +940 430 4 885921542 +940 436 4 885921542 +940 471 4 885921628 +940 474 3 885921687 +940 482 5 885921198 +940 508 5 885921198 +940 516 4 885921401 +940 521 4 885921915 +940 527 3 885921710 +940 529 3 885921669 +940 549 2 885921915 +940 610 1 885921953 +940 628 4 885921800 +940 629 3 885921800 +940 651 4 885921243 +940 657 4 885921471 +940 678 4 884801316 +940 683 3 884800988 +940 692 4 885921651 +940 708 3 885921953 +940 709 5 885921451 +940 746 3 885921669 +940 751 3 884801227 +940 792 2 885921892 +940 855 5 885921980 +940 879 3 889480535 +940 1137 3 885921577 +940 1167 4 885921198 +940 1401 1 885921371 +941 1 5 875049144 +941 222 2 875049038 +941 273 3 875049038 +941 294 4 875048532 +941 298 5 875048887 +941 300 4 875048495 +941 358 2 875048581 +941 408 5 875048886 +941 455 4 875049038 +941 763 3 875048996 +941 919 5 875048887 +941 1007 4 875049077 +942 31 5 891283517 +942 50 5 891282816 +942 71 5 891282840 +942 79 5 891282903 +942 95 5 891283516 +942 97 5 891283239 +942 99 5 891282880 +942 124 4 891283068 +942 131 5 891283094 +942 135 3 891283017 +942 172 5 891282963 +942 174 5 891283209 +942 183 3 891283184 +942 193 5 891283043 +942 197 5 891283043 +942 210 4 891283184 +942 215 5 891283117 +942 216 4 891282963 +942 234 4 891283161 +942 258 4 891282438 +942 259 4 891282673 +942 265 5 891282880 +942 269 2 891282396 +942 272 5 891282420 +942 282 5 891282816 +942 300 5 891282564 +942 303 4 891282477 +942 304 5 891282457 +942 310 4 891282396 +942 313 3 891282396 +942 315 4 891282355 +942 316 4 891282618 +942 318 5 891282903 +942 322 3 891282539 +942 328 3 891282503 +942 347 5 891282396 +942 357 4 891283239 +942 362 3 891282420 +942 414 4 891282857 +942 435 5 891282931 +942 478 5 891283017 +942 479 4 891283118 +942 480 5 891282985 +942 484 5 891282963 +942 496 5 891283043 +942 498 5 891282931 +942 500 5 891282816 +942 511 4 891282931 +942 514 4 891283069 +942 520 5 891282963 +942 528 5 891282840 +942 539 3 891282673 +942 607 5 891282931 +942 659 5 891283161 +942 661 4 891283139 +942 662 4 891283517 +942 678 3 891282673 +942 689 3 891282644 +942 705 4 891283095 +942 750 4 891282355 +942 878 4 891282702 +942 879 4 891282539 +942 892 3 891282644 +942 945 5 891283239 +942 969 4 891282817 +942 1028 4 891283209 +942 1050 5 891283043 +942 1204 4 891283209 +942 1221 4 891282783 +943 2 5 888639953 +943 9 3 875501960 +943 12 5 888639093 +943 22 4 888639042 +943 23 4 888638897 +943 24 4 875502074 +943 27 4 888639954 +943 28 4 875409978 +943 31 4 888639066 +943 38 3 888640208 +943 41 4 888640251 +943 42 5 888639042 +943 50 4 875501835 +943 51 1 888640088 +943 53 3 888640067 +943 54 4 888639972 +943 55 5 888639118 +943 56 5 888639269 +943 62 3 888640003 +943 64 5 875409939 +943 67 4 888640143 +943 68 4 888639500 +943 69 5 888639427 +943 72 2 888639814 +943 73 3 888639598 +943 76 4 888639523 +943 79 5 888639019 +943 80 2 888640048 +943 92 5 888639660 +943 94 4 888639929 +943 96 4 888638920 +943 97 2 888639445 +943 98 5 888638980 +943 100 5 875501725 +943 117 4 875501937 +943 121 3 875502096 +943 122 1 875502576 +943 124 3 875501995 +943 127 5 875501774 +943 132 3 888639093 +943 139 1 888640027 +943 151 4 888692699 +943 161 4 888639772 +943 168 2 888638897 +943 172 4 888638940 +943 173 5 888638960 +943 174 4 875410099 +943 181 4 875409978 +943 182 5 888639066 +943 184 5 888639247 +943 185 2 888639370 +943 187 5 888639147 +943 188 4 888639269 +943 193 4 888639093 +943 194 5 888639192 +943 195 4 888639407 +943 196 5 888639192 +943 200 4 888639388 +943 201 5 888639351 +943 202 2 888639170 +943 204 3 888639117 +943 205 5 888639478 +943 210 4 888639147 +943 216 4 888639327 +943 217 3 888640067 +943 218 4 888639929 +943 219 4 888639575 +943 226 4 888639660 +943 227 1 888693158 +943 228 3 888693158 +943 229 2 888693158 +943 230 1 888693158 +943 231 2 888640186 +943 233 5 888639327 +943 234 3 888693184 +943 237 4 888692413 +943 239 5 888639867 +943 274 3 875502074 +943 281 4 875502299 +943 282 5 875502230 +943 284 2 875502192 +943 318 3 888639093 +943 367 4 888639679 +943 373 3 888640275 +943 385 4 888639308 +943 386 1 888640186 +943 391 2 888640291 +943 393 2 888639638 +943 399 1 888639886 +943 401 1 888639867 +943 402 2 888639702 +943 403 4 888639746 +943 405 4 875502042 +943 406 3 875502597 +943 412 2 875501856 +943 415 1 888640027 +943 419 2 888638920 +943 421 2 888639351 +943 423 3 888639231 +943 426 4 888640027 +943 427 4 888639147 +943 431 4 888639724 +943 443 2 888639746 +943 449 1 888693158 +943 450 1 888693158 +943 468 2 888639575 +943 470 4 888639814 +943 471 5 875502042 +943 475 5 875501889 +943 485 5 888639523 +943 508 5 875501795 +943 526 4 888639523 +943 541 4 888639954 +943 546 4 875502229 +943 549 1 888639772 +943 559 4 888639638 +943 566 4 888639886 +943 568 3 888639042 +943 569 2 888640186 +943 576 4 888640106 +943 581 4 888639814 +943 585 1 888640250 +943 595 2 875502597 +943 609 2 888639702 +943 614 5 888639351 +943 625 3 888639427 +943 655 4 888639269 +943 672 5 888640125 +943 685 4 875502042 +943 717 4 875502116 +943 720 1 888640048 +943 721 5 888639660 +943 722 3 888640208 +943 724 1 888639478 +943 732 4 888639789 +943 739 4 888639929 +943 756 2 875502146 +943 763 4 875501813 +943 765 3 888640227 +943 785 2 888640088 +943 794 3 888640143 +943 796 3 888640311 +943 816 4 888640186 +943 824 4 875502483 +943 825 3 875502283 +943 831 2 875502283 +943 840 4 888693104 +943 928 5 875502074 +943 941 1 888639725 +943 943 5 888639614 +943 1011 2 875502560 +943 1028 2 875502096 +943 1044 3 888639903 +943 1047 2 875502146 +943 1074 4 888640250 +943 1188 3 888640250 +943 1228 3 888640275 +943 1330 3 888692465 diff --git a/MovieLens Movie Recommendation/Python/ml-100k/ua.test b/MovieLens Movie Recommendation/Python/ml-100k/ua.test new file mode 100644 index 00000000..1fc61f6c --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/ua.test @@ -0,0 +1,9430 @@ +1 20 4 887431883 +1 33 4 878542699 +1 61 4 878542420 +1 117 3 874965739 +1 155 2 878542201 +1 160 4 875072547 +1 171 5 889751711 +1 189 3 888732928 +1 202 5 875072442 +1 265 4 878542441 +2 13 4 888551922 +2 50 5 888552084 +2 251 5 888552084 +2 280 3 888551441 +2 281 3 888980240 +2 290 3 888551441 +2 292 4 888550774 +2 297 4 888550871 +2 312 3 888550631 +2 314 1 888980085 +3 245 1 889237247 +3 294 2 889237224 +3 323 2 889237269 +3 328 5 889237455 +3 331 4 889237455 +3 332 1 889237224 +3 334 3 889237122 +3 335 1 889237269 +3 337 1 889236983 +3 343 3 889237122 +4 50 5 892003526 +4 260 4 892004275 +4 264 3 892004275 +4 288 4 892001445 +4 294 5 892004409 +4 303 5 892002352 +4 354 5 892002353 +4 356 3 892003459 +4 357 4 892003525 +4 361 5 892002353 +5 1 4 875635748 +5 2 3 875636053 +5 17 4 875636198 +5 98 3 875720691 +5 110 1 875636493 +5 225 2 875635723 +5 363 3 875635225 +5 424 1 875635807 +5 439 1 878844423 +5 454 1 875721432 +6 14 5 883599249 +6 23 4 883601365 +6 69 3 883601277 +6 86 3 883603013 +6 98 5 883600680 +6 258 2 883268278 +6 301 2 883600406 +6 463 4 883601713 +6 492 5 883601089 +6 517 4 883602212 +7 32 4 891350932 +7 163 4 891353444 +7 382 4 891352093 +7 430 3 891352178 +7 455 4 891353086 +7 479 4 891352010 +7 492 5 891352010 +7 497 4 891352134 +7 648 5 891351653 +7 661 5 891351624 +8 22 5 879362183 +8 50 5 879362124 +8 79 4 879362286 +8 89 4 879362124 +8 182 5 879362183 +8 294 3 879361521 +8 338 4 879361873 +8 385 1 879362124 +8 457 1 879361825 +8 550 3 879362356 +9 6 5 886960055 +9 286 5 886960055 +9 298 5 886960055 +9 340 4 886958715 +9 479 4 886959343 +9 487 5 886960056 +9 507 4 886959343 +9 521 4 886959343 +9 527 3 886959344 +9 691 5 886960055 +10 7 4 877892210 +10 16 4 877888877 +10 100 5 877891747 +10 175 3 877888677 +10 285 5 877889186 +10 461 3 877888944 +10 486 4 877886846 +10 488 5 877888613 +10 504 5 877892110 +10 611 5 877886722 +11 38 3 891905936 +11 110 3 891905324 +11 111 4 891903862 +11 227 3 891905896 +11 425 4 891904300 +11 558 3 891904214 +11 723 5 891904637 +11 725 3 891905568 +11 732 3 891904596 +11 740 4 891903067 +12 82 4 879959610 +12 96 4 879959583 +12 97 5 879960826 +12 132 5 879959465 +12 143 5 879959635 +12 172 4 879959088 +12 204 5 879960826 +12 300 4 879958639 +12 471 5 879959670 +12 735 5 879960826 +13 56 5 881515011 +13 98 4 881515011 +13 186 4 890704999 +13 198 3 881515193 +13 215 5 882140588 +13 272 4 884538403 +13 344 2 888073635 +13 360 4 882140926 +13 526 3 882141053 +13 836 2 882139746 +14 22 3 890881521 +14 98 3 890881335 +14 111 3 876965165 +14 174 5 890881294 +14 213 5 890881557 +14 269 4 892242403 +14 357 2 890881294 +14 474 4 890881557 +14 530 5 890881433 +14 709 5 879119693 +15 25 3 879456204 +15 127 2 879455505 +15 222 3 879455730 +15 331 3 879455166 +15 405 2 879455957 +15 473 1 879456204 +15 678 1 879455311 +15 685 4 879456288 +15 749 1 879455311 +15 932 1 879456465 +16 8 5 877722736 +16 55 5 877717956 +16 64 5 877720297 +16 89 2 877717833 +16 178 5 877719333 +16 194 5 877720733 +16 197 5 877726146 +16 209 5 877722736 +16 705 5 877722736 +16 944 1 877727122 +17 1 4 885272579 +17 9 3 885272558 +17 13 3 885272654 +17 117 3 885272724 +17 125 1 885272538 +17 151 4 885272751 +17 237 2 885272628 +17 245 2 885166209 +17 508 3 885272779 +17 744 3 885272606 +18 26 4 880129731 +18 86 4 880129731 +18 113 5 880129628 +18 182 4 880130640 +18 202 3 880130515 +18 408 5 880129628 +18 443 3 880130193 +18 496 5 880130470 +18 729 3 880131236 +18 950 3 880130764 +19 4 4 885412840 +19 153 4 885412840 +19 201 3 885412839 +19 258 4 885411840 +19 310 4 885412063 +19 313 2 885411792 +19 382 3 885412840 +19 435 5 885412840 +19 655 3 885412723 +19 692 3 885412840 +20 11 2 879669401 +20 118 4 879668442 +20 172 3 879669181 +20 176 2 879669152 +20 186 3 879669040 +20 194 3 879669152 +20 208 2 879669401 +20 288 1 879667584 +20 405 3 879668555 +20 678 4 879667684 +21 103 1 874951245 +21 129 4 874951382 +21 164 5 874951695 +21 222 2 874951382 +21 324 4 874950889 +21 370 1 874951293 +21 440 1 874951798 +21 447 5 874951695 +21 558 5 874951695 +21 948 1 874951054 +22 79 4 878887765 +22 80 4 878887227 +22 128 5 878887983 +22 241 3 878888025 +22 258 5 878886261 +22 376 3 878887112 +22 377 1 878887116 +22 510 5 878887765 +22 511 4 878887983 +22 791 1 878887227 +23 170 4 874785348 +23 172 4 874785889 +23 196 2 874786926 +23 258 5 876785704 +23 323 2 874784266 +23 381 4 874787350 +23 385 4 874786462 +23 404 4 874787860 +23 463 4 874785843 +23 1006 3 874785809 +24 64 5 875322758 +24 129 3 875246185 +24 153 4 875323368 +24 191 5 875323003 +24 367 2 875323241 +24 372 4 875323553 +24 427 5 875323002 +24 662 5 875323440 +24 742 4 875323915 +24 763 5 875322875 +25 25 5 885853415 +25 181 5 885853415 +25 208 4 885852337 +25 222 4 885852817 +25 228 4 885852920 +25 257 4 885853415 +25 258 5 885853199 +25 357 4 885852757 +25 501 3 885852301 +25 615 5 885852611 +26 15 4 891386369 +26 25 3 891373727 +26 125 4 891371676 +26 235 2 891372429 +26 258 3 891347949 +26 455 3 891371506 +26 685 3 891371676 +26 930 2 891385985 +26 1015 3 891352136 +26 1016 3 891377609 +27 121 4 891543191 +27 246 4 891542897 +27 281 3 891543164 +27 298 4 891543164 +27 370 4 891543245 +27 475 2 891542942 +27 596 2 891542987 +27 742 3 891543129 +27 925 3 891543245 +27 978 2 891543222 +28 7 5 881961531 +28 79 4 881961003 +28 95 3 881956917 +28 98 5 881961531 +28 173 3 881956220 +28 201 3 881961671 +28 209 4 881961214 +28 217 3 881961671 +28 234 4 881956144 +28 380 4 881961394 +29 98 4 882821942 +29 189 4 882821942 +29 245 3 882820803 +29 332 4 882820869 +29 358 2 882821044 +29 539 2 882821044 +29 678 3 882821582 +29 689 2 882821705 +29 748 2 882821558 +29 1018 4 882821989 +30 82 4 875060217 +30 181 4 875060217 +30 255 4 875059984 +30 286 5 885941156 +30 289 2 876847817 +30 435 5 885941156 +30 539 3 885941454 +30 678 2 885942002 +30 688 3 885941492 +30 1007 5 885941156 +31 135 4 881548030 +31 302 4 881547719 +31 321 4 881547746 +31 484 5 881548030 +31 493 5 881548110 +31 498 4 881548111 +31 504 5 881548110 +31 682 2 881547834 +31 705 5 881548110 +31 886 2 881547877 +32 117 3 883717555 +32 151 3 883717850 +32 246 4 883717521 +32 249 4 883717645 +32 250 4 883717684 +32 276 4 883717913 +32 290 3 883717913 +32 294 3 883709863 +32 591 3 883717581 +32 1012 4 883717581 +33 258 4 891964066 +33 292 4 891964244 +33 307 3 891964148 +33 313 5 891963290 +33 328 4 891964187 +33 333 4 891964259 +33 343 4 891964344 +33 751 4 891964188 +33 872 3 891964230 +33 895 3 891964187 +34 242 5 888601628 +34 245 4 888602923 +34 259 2 888602808 +34 286 5 888602513 +34 299 5 888602923 +34 310 4 888601628 +34 312 4 888602742 +34 329 5 888602808 +34 332 5 888602742 +34 690 4 888602513 +35 242 2 875459166 +35 243 2 875459046 +35 259 4 875459017 +35 261 3 875459046 +35 322 3 875459017 +35 332 4 875459237 +35 680 4 875459099 +35 877 2 875459099 +35 881 2 875459127 +35 1025 3 875459237 +36 268 2 882157418 +36 269 3 882157258 +36 307 4 882157227 +36 319 2 882157356 +36 339 5 882157581 +36 682 1 882157386 +36 748 4 882157285 +36 882 5 882157581 +36 883 5 882157581 +36 885 5 882157581 +37 55 3 880915942 +37 56 5 880915810 +37 79 4 880915810 +37 117 4 880915674 +37 183 4 880930042 +37 222 3 880915528 +37 288 4 880915258 +37 403 5 880915942 +37 540 2 880916070 +37 685 3 880915528 +38 95 5 892430094 +38 139 2 892432786 +38 153 5 892430369 +38 161 5 892432062 +38 328 4 892428688 +38 432 1 892430282 +38 465 5 892432476 +38 573 1 892433660 +38 679 5 892432062 +38 758 1 892434626 +39 258 4 891400280 +39 300 3 891400280 +39 306 3 891400342 +39 313 4 891400159 +39 315 4 891400094 +39 333 4 891400214 +39 345 3 891400159 +39 347 4 891400704 +39 352 5 891400704 +39 900 3 891400159 +40 243 2 889041694 +40 258 3 889041981 +40 268 4 889041430 +40 271 2 889041523 +40 303 4 889041283 +40 333 4 889041402 +40 340 2 889041454 +40 345 4 889041670 +40 754 4 889041790 +40 880 3 889041643 +41 28 4 890687353 +41 31 3 890687473 +41 98 4 890687374 +41 170 4 890687713 +41 265 3 890687042 +41 313 3 890685449 +41 435 3 890687550 +41 486 4 890687305 +41 746 3 890687019 +41 751 4 890686872 +42 44 3 881108548 +42 96 5 881107178 +42 274 5 881105817 +42 403 3 881108684 +42 423 5 881107687 +42 546 3 881105817 +42 588 5 881108147 +42 625 3 881108873 +42 794 3 881108425 +42 1028 4 881106072 +43 5 4 875981421 +43 14 2 883955745 +43 40 3 883956468 +43 120 4 884029430 +43 137 4 875975656 +43 151 4 875975613 +43 203 4 883955224 +43 204 4 883956122 +43 323 3 875975110 +43 815 4 883956189 +44 15 4 878341343 +44 195 5 878347874 +44 240 4 878346997 +44 258 4 878340824 +44 294 4 883612356 +44 443 5 878348289 +44 449 5 883613334 +44 507 3 878347392 +44 644 3 878347818 +44 660 5 878347915 +45 25 4 881014015 +45 109 5 881012356 +45 118 4 881014550 +45 121 4 881013563 +45 127 5 881007272 +45 472 3 881014417 +45 473 3 881014417 +45 476 3 881015729 +45 763 2 881013563 +45 1061 2 881016056 +46 127 5 883616133 +46 151 4 883616218 +46 181 4 883616254 +46 288 2 883611307 +46 307 3 883611430 +46 313 5 883611274 +46 328 4 883611430 +46 333 5 883611374 +46 690 5 883611274 +46 1062 5 883614766 +47 268 4 879439040 +47 292 4 879438984 +47 302 5 879439040 +47 306 4 879439113 +47 321 4 879439040 +47 323 2 879440360 +47 324 3 879439078 +47 340 5 879439078 +47 683 3 879439143 +47 995 3 879440429 +48 174 5 879434723 +48 210 3 879434886 +48 259 4 879434270 +48 308 5 879434292 +48 309 3 879434132 +48 603 4 879434607 +48 609 4 879434819 +48 661 5 879434954 +48 680 3 879434330 +48 690 4 879434211 +49 47 5 888068715 +49 68 1 888069513 +49 302 4 888065432 +49 547 5 888066187 +49 559 2 888067405 +49 581 3 888068143 +49 625 3 888067031 +49 959 2 888068912 +49 995 3 888065577 +49 1003 2 888068651 +50 9 4 877052297 +50 123 4 877052958 +50 125 2 877052502 +50 246 3 877052329 +50 253 5 877052550 +50 286 2 877052400 +50 325 1 877052400 +50 475 5 877052167 +50 823 3 877052784 +50 1084 5 877052501 +51 64 4 883498936 +51 83 5 883498937 +51 132 4 883498655 +51 148 3 883498623 +51 182 3 883498790 +51 203 4 883498685 +51 485 1 883498790 +51 496 4 883498655 +51 603 3 883498728 +51 679 3 883498937 +52 95 4 882922927 +52 116 4 882922328 +52 250 3 882922661 +52 257 3 882922806 +52 280 3 882922806 +52 405 4 882922610 +52 498 5 882922948 +52 748 4 882922629 +52 1009 5 882922328 +52 1086 4 882922562 +53 24 3 879442538 +53 100 5 879442537 +53 174 5 879442561 +53 181 4 879443046 +53 199 5 879442384 +53 228 3 879442561 +53 250 2 879442920 +53 281 4 879443288 +53 845 3 879443083 +53 924 3 879443303 +54 106 3 880937882 +54 268 5 883963510 +54 298 4 892681300 +54 302 4 880928519 +54 313 4 890608360 +54 595 3 880937813 +54 676 5 880935294 +54 685 3 880935504 +54 742 5 880934806 +54 820 3 880937992 +55 56 4 878176397 +55 89 5 878176398 +55 144 5 878176398 +55 254 2 878176206 +55 257 3 878176084 +55 405 1 878176134 +55 678 3 878176206 +55 685 1 878176134 +55 1016 1 878176005 +55 1089 1 878176134 +56 71 4 892683275 +56 91 4 892683275 +56 121 5 892679480 +56 222 5 892679439 +56 447 4 892679067 +56 449 5 892679308 +56 546 3 892679460 +56 755 3 892910207 +56 869 3 892683895 +56 1047 4 892911290 +57 28 4 883698324 +57 79 5 883698495 +57 204 4 883698272 +57 243 3 883696547 +57 304 5 883698581 +57 419 3 883698454 +57 682 3 883696824 +57 756 3 883697730 +57 760 2 883697617 +57 1047 4 883697679 +58 9 4 884304328 +58 100 5 884304553 +58 109 4 884304396 +58 144 4 884304936 +58 173 5 884305353 +58 214 2 884305296 +58 268 5 884304288 +58 709 5 884304812 +58 1098 4 884304936 +58 1099 2 892243079 +59 23 5 888205300 +59 92 5 888204997 +59 196 5 888205088 +59 235 1 888203658 +59 323 4 888206809 +59 468 3 888205855 +59 485 2 888204466 +59 715 5 888205921 +59 742 3 888203053 +59 951 3 888206409 +60 60 5 883327734 +60 162 4 883327734 +60 208 5 883326028 +60 222 4 883327441 +60 403 3 883327087 +60 427 5 883326620 +60 430 5 883326122 +60 525 5 883325944 +60 604 4 883327997 +60 1021 5 883326185 +61 243 2 892331237 +61 304 4 891220884 +61 323 3 891206450 +61 328 5 891206371 +61 331 2 891206126 +61 342 2 892302309 +61 347 5 892302120 +61 678 3 892302309 +61 690 2 891206407 +61 1127 4 891206274 +62 12 4 879373613 +62 21 3 879373460 +62 65 4 879374686 +62 68 1 879374969 +62 257 2 879372434 +62 382 3 879375537 +62 498 4 879373848 +62 665 2 879376483 +62 712 4 879376178 +62 1016 4 879373008 +63 20 3 875748004 +63 50 4 875747292 +63 100 5 875747319 +63 242 3 875747190 +63 277 4 875747401 +63 289 2 875746985 +63 762 3 875747688 +63 1007 5 875747368 +63 1028 3 875748198 +63 1067 3 875747514 +64 160 4 889739288 +64 176 4 889737567 +64 381 4 879365491 +64 392 3 889737542 +64 433 2 889740286 +64 516 5 889737376 +64 684 4 889740199 +64 736 4 889739212 +64 778 5 889739806 +64 1063 3 889739539 +65 47 2 879216672 +65 56 3 879217816 +65 97 5 879216605 +65 100 3 879217558 +65 125 4 879217509 +65 196 5 879216637 +65 202 4 879217852 +65 676 5 879217689 +65 806 4 879216529 +65 1142 4 879217349 +66 1 3 883601324 +66 7 3 883601355 +66 117 3 883601787 +66 181 5 883601425 +66 249 4 883602158 +66 258 4 883601089 +66 298 4 883601324 +66 471 5 883601296 +66 597 3 883601456 +66 877 1 883601089 +67 1 3 875379445 +67 64 5 875379211 +67 121 4 875379683 +67 147 3 875379357 +67 151 4 875379619 +67 240 5 875379566 +67 405 5 875379794 +67 743 4 875379445 +67 1093 5 875379419 +67 1095 4 875379287 +68 7 3 876974096 +68 117 4 876973939 +68 118 2 876974248 +68 178 5 876974755 +68 237 5 876974133 +68 245 3 876973777 +68 405 3 876974518 +68 411 1 876974596 +68 742 1 876974198 +68 1047 1 876974379 +69 12 5 882145567 +69 56 5 882145428 +69 174 5 882145548 +69 175 3 882145586 +69 240 3 882126156 +69 256 5 882126156 +69 258 4 882027204 +69 268 5 882027109 +69 300 3 882027204 +69 427 3 882145465 +70 50 4 884064188 +70 82 4 884068075 +70 210 4 884065854 +70 217 4 884151119 +70 399 4 884068521 +70 419 5 884065035 +70 431 3 884150257 +70 584 3 884150236 +70 746 3 884150257 +70 1133 3 884151344 +71 56 5 885016930 +71 89 5 880864462 +71 134 3 885016614 +71 222 3 877319375 +71 276 4 877319375 +71 285 3 877319414 +71 346 4 885016248 +71 462 5 877319567 +71 475 5 877319330 +71 923 5 885016882 +72 48 4 880036718 +72 54 3 880036854 +72 182 5 880036515 +72 195 5 880037702 +72 234 4 880037418 +72 568 4 880037203 +72 679 2 880037164 +72 699 3 880036783 +72 866 4 880035887 +72 1110 3 880037334 +73 12 5 888624976 +73 56 4 888626041 +73 94 1 888625754 +73 127 5 888625200 +73 206 3 888625754 +73 357 5 888626007 +73 475 4 888625753 +73 480 4 888625753 +73 588 2 888625754 +73 657 5 888625422 +74 9 4 888333458 +74 15 4 888333542 +74 100 4 888333428 +74 126 3 888333428 +74 237 4 888333428 +74 272 5 888333194 +74 285 3 888333428 +74 288 3 888333280 +74 326 4 888333329 +74 1084 3 888333542 +75 121 4 884050450 +75 147 3 884050134 +75 237 2 884050309 +75 240 1 884050661 +75 284 2 884050393 +75 409 3 884050829 +75 476 1 884050393 +75 496 5 884051921 +75 546 3 884050422 +75 1017 5 884050502 +76 61 4 875028123 +76 92 4 882606108 +76 100 5 875028391 +76 135 5 875028792 +76 175 4 875028853 +76 276 5 875027601 +76 531 4 875028007 +76 582 3 882607444 +76 811 4 882606323 +76 1129 5 875028075 +77 23 4 884753173 +77 91 3 884752924 +77 125 3 884733014 +77 168 4 884752721 +77 172 3 884752562 +77 195 5 884733695 +77 238 5 884733965 +77 474 5 884732407 +77 484 5 884733766 +77 518 4 884753202 +78 255 4 879633745 +78 257 4 879633721 +78 269 3 879633467 +78 289 4 879633567 +78 298 3 879633702 +78 301 5 879633467 +78 323 1 879633567 +78 412 4 879634223 +78 1047 1 879634199 +78 1160 5 879634134 +79 50 4 891271545 +79 100 5 891271652 +79 124 5 891271870 +79 246 5 891271545 +79 269 5 891271792 +79 288 3 891272015 +79 303 4 891271203 +79 508 3 891271676 +79 937 2 891271180 +79 1161 2 891271697 +80 45 4 887401585 +80 50 3 887401533 +80 58 4 887401677 +80 87 4 887401307 +80 194 3 887401763 +80 269 3 883605009 +80 423 3 887401643 +80 466 5 887401701 +80 582 3 887401701 +80 886 4 883605238 +81 3 4 876592546 +81 169 4 876534751 +81 273 4 876533710 +81 280 4 876534214 +81 411 2 876534244 +81 432 2 876535131 +81 471 3 876533586 +81 476 2 876534124 +81 742 2 876533764 +81 824 3 876534437 +82 56 3 878769410 +82 135 3 878769629 +82 183 3 878769848 +82 194 4 878770027 +82 477 3 876311344 +82 508 2 884714249 +82 597 3 878768882 +82 717 1 884714492 +82 756 1 878768741 +82 1134 2 884714402 +83 78 2 880309089 +83 97 4 880308690 +83 210 5 880307751 +83 215 4 880307940 +83 234 4 887665548 +83 281 5 880307072 +83 385 4 887665549 +83 576 4 880308755 +83 623 4 880308578 +83 660 4 880308256 +84 12 5 883452874 +84 121 4 883452307 +84 289 5 883449419 +84 322 3 883449567 +84 405 3 883452363 +84 528 5 883453617 +84 529 5 883453108 +84 742 3 883450643 +84 748 4 883449530 +84 1033 4 883452711 +85 25 2 879452769 +85 51 2 879454782 +85 228 3 882813248 +85 259 2 881705026 +85 427 3 879456350 +85 433 3 879828720 +85 507 4 879456199 +85 588 3 880838306 +85 642 4 882995615 +85 1065 3 879455021 +86 258 5 879570366 +86 286 3 879569555 +86 300 3 879570277 +86 319 3 879569555 +86 327 4 879570218 +86 872 3 879570366 +86 879 2 879570149 +86 881 2 879570218 +86 889 5 879570973 +86 1175 5 879570973 +87 40 3 879876917 +87 82 5 879875774 +87 210 5 879875734 +87 274 4 879876734 +87 367 4 879876702 +87 384 4 879877127 +87 401 2 879876813 +87 554 4 879875940 +87 585 4 879877008 +87 1016 4 879876194 +88 261 5 891038103 +88 301 4 891037618 +88 302 3 891037111 +88 315 4 891037276 +88 321 1 891037708 +88 690 4 891037708 +88 750 2 891037276 +88 881 5 891038103 +88 886 5 891038103 +88 904 5 891037276 +89 117 5 879441357 +89 127 5 879441335 +89 197 5 879459859 +89 216 5 879459859 +89 221 1 879441687 +89 246 5 879461219 +89 381 4 879459999 +89 732 5 879459909 +89 936 5 879461219 +89 1048 3 879460027 +90 25 5 891384789 +90 98 5 891383204 +90 259 2 891382392 +90 289 3 891382310 +90 347 4 891383319 +90 382 5 891383835 +90 648 4 891384754 +90 900 4 891382309 +90 1086 4 891384424 +90 1198 5 891383866 +91 28 4 891439243 +91 172 4 891439208 +91 193 3 891439057 +91 264 4 891438583 +91 323 2 891438397 +91 423 5 891439090 +91 427 4 891439057 +91 480 4 891438875 +91 507 4 891438977 +91 683 3 891438351 +92 77 3 875654637 +92 168 4 875653723 +92 172 4 875653271 +92 229 3 875656201 +92 501 2 875653665 +92 587 3 875660408 +92 739 2 876175582 +92 794 3 875654798 +92 1049 1 890251826 +92 1079 3 886443455 +93 15 5 888705388 +93 222 4 888705295 +93 235 4 888705939 +93 275 4 888705224 +93 412 2 888706037 +93 476 4 888705879 +93 477 5 888705053 +93 815 4 888705761 +93 820 3 888705966 +93 845 4 888705321 +94 62 3 891722933 +94 184 2 891720862 +94 265 4 891721889 +94 343 4 891725009 +94 720 1 891723593 +94 744 4 891721462 +94 789 4 891720887 +94 1217 3 891723086 +94 1220 3 891722678 +94 1224 3 891722802 +95 1 5 879197329 +95 68 4 879196231 +95 135 3 879197562 +95 172 4 879196847 +95 233 4 879196354 +95 527 4 888954440 +95 546 2 879196566 +95 625 4 888954412 +95 787 2 888954930 +95 1217 3 880572658 +96 8 5 884403020 +96 87 4 884403531 +96 91 5 884403250 +96 153 4 884403624 +96 156 4 884402860 +96 479 4 884403758 +96 484 5 884402860 +96 519 4 884402896 +96 645 5 884403020 +96 673 4 884402860 +97 50 5 884239471 +97 89 5 884238939 +97 98 4 884238728 +97 115 5 884239525 +97 194 3 884238860 +97 222 5 884238887 +97 228 5 884238860 +97 482 5 884238693 +97 484 3 884238966 +97 670 5 884239744 +98 47 4 880498898 +98 70 3 880499018 +98 116 5 880499053 +98 163 3 880499053 +98 209 2 880498935 +98 321 3 880498519 +98 517 5 880498990 +98 655 3 880498861 +98 745 3 880498935 +98 938 3 880498624 +99 4 5 886519097 +99 50 5 885679998 +99 79 4 885680138 +99 111 1 885678886 +99 246 3 888469392 +99 268 3 885678247 +99 274 1 885679157 +99 403 4 885680374 +99 873 1 885678436 +99 1016 5 885678724 +100 266 2 891375484 +100 268 3 891374982 +100 288 2 891374603 +100 302 4 891374528 +100 321 1 891375112 +100 340 3 891374707 +100 344 4 891374868 +100 354 2 891375260 +100 355 4 891375313 +100 750 4 891375016 +101 222 3 877136243 +101 252 3 877136628 +101 281 2 877136842 +101 282 3 877135883 +101 304 3 877135677 +101 369 2 877136928 +101 405 4 877137015 +101 471 3 877136535 +101 596 3 877136564 +101 829 3 877136138 +102 70 3 888803537 +102 161 2 888801876 +102 322 3 883277645 +102 405 2 888801812 +102 448 3 888803002 +102 515 1 888801316 +102 524 3 888803537 +102 625 3 883748418 +102 768 2 883748450 +102 823 3 888801465 +103 24 4 880415847 +103 50 5 880416864 +103 117 4 880416313 +103 121 3 880415766 +103 126 5 880420002 +103 127 4 880416331 +103 144 4 880420510 +103 222 3 880415875 +103 300 3 880416727 +103 527 5 880416238 +104 117 2 888465972 +104 285 4 888465201 +104 287 2 888465347 +104 299 3 888442436 +104 300 3 888442275 +104 301 2 888442275 +104 756 2 888465739 +104 984 1 888442575 +104 1010 1 888465554 +104 1016 1 888466002 +105 258 5 889214306 +105 268 4 889214268 +105 270 5 889214245 +105 272 4 889214284 +105 286 4 889214306 +105 288 4 889214335 +105 307 2 889214381 +105 324 4 889214245 +105 333 3 889214268 +105 752 3 889214406 +106 107 4 883876961 +106 213 4 881453065 +106 435 3 881452355 +106 526 4 881452685 +106 582 4 881451199 +106 660 4 881451631 +106 692 3 881453290 +106 703 4 881450039 +106 778 4 881453040 +106 828 2 883876872 +107 258 4 891264466 +107 268 4 891264387 +107 269 5 891264267 +107 271 2 891264432 +107 300 1 891264432 +107 302 4 891264296 +107 305 4 891264327 +107 321 2 891264432 +107 333 3 891264267 +107 340 5 891264356 +108 13 3 879879834 +108 50 4 879879739 +108 100 4 879879720 +108 121 3 879880190 +108 125 3 879879864 +108 181 3 879879985 +108 237 3 879879796 +108 275 5 879879739 +108 282 3 879880055 +108 290 4 879880076 +109 1 4 880563619 +109 8 3 880572642 +109 97 3 880578711 +109 127 2 880563471 +109 178 3 880572950 +109 402 4 880581344 +109 475 1 880563641 +109 566 4 880578814 +109 631 3 880579371 +109 1012 4 880564570 +110 38 3 886988574 +110 301 2 886987505 +110 307 4 886987260 +110 568 3 886988449 +110 578 3 886988536 +110 682 4 886987354 +110 688 1 886987605 +110 944 3 886989501 +110 1179 2 886989501 +110 1246 2 886989613 +111 269 5 891679692 +111 272 3 891679692 +111 301 4 891680028 +111 313 4 891679901 +111 326 3 891680131 +111 328 4 891679939 +111 340 4 891679692 +111 887 3 891679692 +111 896 2 891680243 +111 1024 3 891679939 +112 289 5 884992690 +112 306 5 891299783 +112 322 4 884992690 +112 327 1 884992535 +112 331 4 884992603 +112 354 3 891304031 +112 689 4 884992668 +112 748 3 884992651 +112 750 4 884992444 +112 903 1 892440172 +113 100 4 875935610 +113 126 5 875076827 +113 262 2 875075983 +113 294 4 875935277 +113 321 3 875075887 +113 326 5 875935609 +113 327 5 875076987 +113 329 3 875935312 +113 595 5 875936424 +113 976 5 875936424 +114 157 2 881260611 +114 175 5 881259955 +114 183 5 881260545 +114 191 3 881309511 +114 195 4 881260861 +114 204 3 881260441 +114 269 4 881256090 +114 505 3 881260203 +114 507 3 881260303 +114 1104 5 881260352 +115 8 5 881171982 +115 11 4 881171348 +115 20 3 881171009 +115 92 4 881172049 +115 127 5 881171760 +115 228 4 881171488 +115 234 5 881171982 +115 265 2 881171488 +115 762 4 881170508 +115 1067 4 881171009 +116 7 2 876453915 +116 185 3 876453519 +116 250 4 876452606 +116 255 3 876452524 +116 271 4 886310197 +116 331 3 876451911 +116 350 3 886977926 +116 751 3 890131577 +116 942 3 876454090 +116 1216 3 876452582 +117 15 5 880125887 +117 50 5 880126022 +117 150 4 880125101 +117 151 4 880126373 +117 181 5 880124648 +117 268 5 880124306 +117 405 5 880126174 +117 758 2 881011217 +117 829 3 881010219 +117 1047 2 881009697 +118 156 5 875384946 +118 174 5 875385007 +118 176 5 875384793 +118 200 5 875384647 +118 324 4 875384444 +118 433 5 875384793 +118 475 5 875384793 +118 547 5 875385228 +118 654 5 875385007 +118 774 5 875385198 +119 213 5 874781257 +119 222 5 874775311 +119 237 5 874775038 +119 313 5 886176135 +119 328 4 876923913 +119 382 5 874781742 +119 392 4 886176814 +119 407 3 887038665 +119 718 5 874774956 +119 1153 5 874781198 +120 9 4 889489886 +120 25 5 889490370 +120 245 3 889490633 +120 252 3 889490633 +120 257 2 889490979 +120 282 4 889490172 +120 286 5 889489943 +120 405 4 889490580 +120 546 2 889490979 +120 924 4 889490290 +121 14 5 891390014 +121 86 5 891388286 +121 117 1 891388600 +121 121 2 891388501 +121 180 3 891388286 +121 291 3 891390477 +121 405 2 891390579 +121 509 5 891388145 +121 514 3 891387947 +121 740 3 891390544 +122 212 5 879270567 +122 215 4 879270676 +122 378 4 879270769 +122 387 5 879270459 +122 427 3 879270165 +122 509 4 879270511 +122 510 4 879270327 +122 708 5 879270605 +122 715 5 879270741 +122 1268 2 879270711 +123 13 3 879873988 +123 22 4 879809943 +123 135 5 879872868 +123 165 5 879872672 +123 192 5 879873119 +123 275 4 879873726 +123 427 3 879873020 +123 531 3 879872671 +123 606 3 879872540 +123 847 4 879873193 +124 11 5 890287645 +124 50 3 890287508 +124 79 3 890287395 +124 96 4 890399864 +124 157 2 890287936 +124 166 5 890287645 +124 226 4 890287645 +124 496 1 890286933 +124 550 4 890287645 +124 616 4 890287645 +125 80 4 892838865 +125 134 5 879454532 +125 163 5 879454956 +125 190 5 892836309 +125 235 2 892838559 +125 318 5 879454309 +125 382 1 892836623 +125 478 4 879454628 +125 657 3 892836422 +125 997 2 892838976 +126 245 3 887854726 +126 258 4 887853919 +126 262 4 887854726 +126 294 3 887855087 +126 322 3 887854777 +126 323 3 887853568 +126 332 2 887853735 +126 878 5 887938392 +126 884 5 887938392 +126 905 2 887855283 +127 227 4 884364867 +127 229 5 884364867 +127 243 5 884364764 +127 268 1 884363990 +127 286 1 884364525 +127 294 4 884363803 +127 300 5 884364017 +127 380 5 884364950 +127 449 4 884364950 +127 748 5 884364108 +128 15 4 879968827 +128 182 4 879967225 +128 204 4 879967478 +128 317 4 879968029 +128 371 1 879966954 +128 482 4 879967432 +128 485 3 879966895 +128 508 4 879967767 +128 603 5 879966839 +128 739 4 879969349 +129 269 4 883244011 +129 270 3 883243934 +129 272 4 883243972 +129 303 3 883244011 +129 307 2 883244637 +129 313 3 883243934 +129 331 2 883244737 +129 339 2 883244737 +129 873 1 883245452 +129 995 2 883245452 +130 105 4 876251160 +130 109 3 874953794 +130 216 4 875216545 +130 379 4 875801662 +130 642 4 875216933 +130 1014 3 876250718 +130 1017 3 874953895 +130 1217 4 875801778 +130 1246 3 876252497 +130 1248 3 880396702 +131 1 4 883681384 +131 100 5 883681418 +131 126 4 883681514 +131 221 3 883681561 +131 274 3 883681351 +131 275 2 883681384 +131 313 5 883681723 +131 750 5 883681723 +131 845 4 883681351 +131 1281 4 883681561 +132 12 4 891278867 +132 56 5 891278996 +132 124 4 891278996 +132 127 4 891278937 +132 137 4 891278996 +132 154 4 891278996 +132 175 3 891278807 +132 275 3 891278915 +132 523 4 891278996 +132 922 5 891278996 +133 258 5 890588639 +133 260 1 890588878 +133 272 5 890588672 +133 294 3 890588852 +133 304 3 890588639 +133 308 4 890588639 +133 315 4 890588524 +133 322 2 890588852 +133 328 3 890588577 +133 751 3 890588547 +134 258 4 891732122 +134 259 2 891732393 +134 286 3 891732334 +134 300 3 891732220 +134 313 5 891732150 +134 323 4 891732335 +134 339 2 891732507 +134 539 4 891732335 +134 748 5 891732365 +134 879 4 891732393 +135 23 4 879857765 +135 39 3 879857931 +135 227 3 879857843 +135 229 2 879857843 +135 233 3 879857843 +135 294 4 879857575 +135 431 2 879857868 +135 449 3 879857843 +135 1046 3 879858003 +135 1208 3 879858003 +136 14 5 882693338 +136 56 4 882848783 +136 89 4 882848925 +136 117 4 882694498 +136 276 5 882693489 +136 298 4 882693569 +136 313 2 882693234 +136 747 4 882848866 +136 847 4 882693371 +136 1142 4 882693569 +137 50 5 881432937 +137 55 5 881433689 +137 144 5 881433689 +137 195 5 881433689 +137 237 4 881432965 +137 261 5 882805603 +137 300 5 881432524 +137 327 4 881432671 +137 546 5 881433116 +137 687 4 881432756 +138 26 5 879024232 +138 121 4 879023558 +138 151 4 879023389 +138 211 4 879024183 +138 483 5 879024280 +138 484 4 879024127 +138 493 4 879024382 +138 496 4 879024043 +138 517 4 879024279 +138 523 5 879024043 +139 127 5 879538578 +139 222 3 879538199 +139 246 4 879538218 +139 268 4 879537876 +139 286 4 879537844 +139 303 5 879538021 +139 307 4 879537876 +139 458 4 879538578 +139 508 4 879538255 +139 1176 4 879538080 +140 258 3 879013617 +140 268 4 879013684 +140 289 4 879013719 +140 301 3 879013747 +140 319 4 879013617 +140 322 3 879013684 +140 325 3 879013719 +140 332 3 879013617 +140 334 2 879013684 +140 880 4 879013832 +141 125 5 884585642 +141 222 4 884584865 +141 245 3 884584426 +141 258 5 884584338 +141 274 5 884585220 +141 472 5 884585274 +141 535 5 884585195 +141 744 5 884584981 +141 826 2 884585437 +141 932 3 884585128 +142 28 4 888640404 +142 82 4 888640356 +142 89 3 888640489 +142 169 5 888640356 +142 181 5 888640317 +142 189 4 888640317 +142 243 1 888640199 +142 350 4 888639882 +142 362 3 888639920 +142 895 4 888640143 +143 272 4 888407586 +143 313 5 888407586 +143 323 3 888407656 +143 325 5 888407741 +143 328 4 888407656 +143 331 5 888407622 +143 333 5 888407708 +143 347 5 888407741 +143 682 3 888407741 +143 1038 3 888407656 +144 89 3 888105691 +144 106 3 888104684 +144 125 4 888104191 +144 153 5 888105823 +144 182 3 888105743 +144 508 4 888104150 +144 699 4 888106106 +144 709 4 888105940 +144 742 4 888104122 +144 831 3 888104805 +145 15 2 875270655 +145 56 5 875271896 +145 237 5 875270570 +145 275 2 885557505 +145 355 3 888396967 +145 737 2 875272833 +145 756 2 885557506 +145 764 2 888398257 +145 974 1 882182634 +145 1248 3 875272195 +146 262 4 891457714 +146 300 3 891457943 +146 302 4 891457538 +146 307 3 891457905 +146 313 4 891457591 +146 346 4 891457591 +146 347 3 891457493 +146 688 1 891457749 +146 1022 5 891458193 +146 1294 4 891457749 +147 258 4 885594040 +147 269 4 885593812 +147 292 5 885594040 +147 305 4 885593997 +147 339 5 885594204 +147 340 4 885593965 +147 345 4 885594040 +147 690 4 885593965 +147 751 2 885593965 +147 904 5 885594015 +148 1 4 877019411 +148 70 5 877021271 +148 114 5 877016735 +148 140 1 877019882 +148 172 5 877016513 +148 177 2 877020715 +148 185 1 877398385 +148 408 5 877399018 +148 495 4 877016735 +148 1149 5 877016513 +149 269 5 883512557 +149 301 3 883512813 +149 305 4 883512658 +149 308 2 883512658 +149 310 2 883512689 +149 312 1 883512950 +149 319 2 883512658 +149 327 2 883512689 +149 689 2 883512950 +149 896 4 883512689 +150 1 4 878746441 +150 13 4 878746889 +150 100 2 878746636 +150 121 2 878747322 +150 129 4 878746946 +150 181 5 878746685 +150 221 4 878747017 +150 246 5 878746719 +150 293 4 878746946 +150 325 1 878747322 +151 10 5 879524921 +151 12 5 879524368 +151 13 3 879542688 +151 176 2 879524293 +151 197 5 879528710 +151 703 4 879542460 +151 747 3 879524564 +151 835 5 879524199 +151 919 5 879524368 +151 929 3 879543457 +152 25 3 880149045 +152 97 5 882475618 +152 111 5 880148782 +152 132 5 882475496 +152 147 3 880149045 +152 272 5 890322298 +152 301 3 880147407 +152 412 2 880149328 +152 685 5 880149074 +152 716 5 884019001 +153 22 2 881371140 +153 56 5 881371140 +153 64 5 881371005 +153 127 3 881371140 +153 174 1 881371140 +153 216 2 881371032 +153 321 3 881370900 +153 323 2 881370900 +153 510 3 881371198 +153 678 2 881370935 +154 137 3 879138657 +154 175 5 879138784 +154 242 3 879138235 +154 286 4 879138235 +154 289 2 879138345 +154 302 4 879138235 +154 357 4 879138713 +154 484 4 879139096 +154 488 4 879138831 +154 806 4 879139040 +155 286 4 879370860 +155 294 3 879371194 +155 319 3 879370963 +155 321 4 879370963 +155 323 2 879371261 +155 324 2 879370963 +155 325 2 879371261 +155 328 2 879370860 +155 748 2 879371261 +155 988 2 879371261 +156 12 3 888185853 +156 58 4 888185906 +156 64 3 888185677 +156 137 4 888185735 +156 192 4 888185735 +156 205 3 888185735 +156 276 3 888185854 +156 317 4 888185906 +156 641 5 888185677 +156 661 4 888185947 +157 25 3 886890787 +157 127 5 886890541 +157 150 5 874813703 +157 250 1 886890296 +157 273 5 886889876 +157 274 4 886890835 +157 283 4 886890692 +157 405 3 886890342 +157 748 2 886890015 +157 1132 3 886891132 +158 24 4 880134261 +158 72 3 880135118 +158 128 2 880134296 +158 177 4 880134407 +158 241 4 880134445 +158 510 3 880134296 +158 665 2 880134532 +158 729 3 880133116 +158 770 5 880134477 +158 1098 4 880135069 +159 111 4 880556981 +159 127 5 880989744 +159 249 4 884027269 +159 259 4 893255969 +159 323 4 880485443 +159 328 3 893255993 +159 685 4 880557347 +159 815 3 880557387 +159 1028 5 880557539 +159 1037 2 884360502 +160 56 5 876770222 +160 117 4 876767822 +160 135 4 876860807 +160 160 5 876862078 +160 174 5 876860807 +160 234 5 876861185 +160 430 5 876861799 +160 460 2 876861185 +160 462 4 876858346 +160 719 3 876857977 +161 14 4 891171413 +161 48 1 891170745 +161 98 4 891171357 +161 162 2 891171413 +161 168 1 891171174 +161 174 2 891170800 +161 202 5 891170769 +161 318 3 891170824 +161 582 1 891170800 +161 898 3 891170191 +162 25 4 877635573 +162 121 4 877636000 +162 181 4 877635798 +162 222 4 877635758 +162 230 2 877636860 +162 298 4 877635690 +162 685 3 877635917 +162 742 4 877635758 +162 1019 4 877636556 +162 1047 5 877635896 +163 56 4 891220097 +163 64 4 891220161 +163 97 4 891220019 +163 98 4 891220196 +163 216 3 891220196 +163 234 3 891220137 +163 286 3 891219977 +163 288 3 891220226 +163 318 4 891220161 +163 347 4 891219976 +164 117 5 889401816 +164 281 4 889401906 +164 299 4 889401383 +164 406 2 889402389 +164 458 4 889402050 +164 597 4 889402225 +164 620 3 889402298 +164 685 5 889402160 +164 689 5 889401490 +164 930 4 889402340 +165 69 3 879525799 +165 181 5 879525738 +165 216 4 879525778 +165 258 5 879525672 +165 288 2 879525673 +165 304 3 879525672 +165 325 4 879525672 +165 372 5 879525987 +165 419 4 879525706 +165 651 5 879525961 +166 258 4 886397562 +166 288 3 886397510 +166 300 5 886397723 +166 322 5 886397723 +166 323 5 886397722 +166 328 5 886397722 +166 343 4 886397882 +166 346 1 886397596 +166 748 2 886397751 +166 894 4 886397905 +167 48 1 892738277 +167 232 1 892738341 +167 364 3 892738212 +167 392 1 892738307 +167 404 3 892738278 +167 486 4 892738452 +167 603 4 892738212 +167 659 4 892738277 +167 675 1 892738277 +167 1306 5 892738385 +168 151 5 884288058 +168 235 2 884288270 +168 255 1 884287560 +168 274 4 884287865 +168 284 2 884288112 +168 295 4 884287615 +168 596 4 884287615 +168 866 5 884287927 +168 1197 5 884287927 +168 1278 3 884287560 +169 133 4 891359171 +169 172 5 891359317 +169 174 4 891359418 +169 181 5 891359276 +169 260 1 891269104 +169 301 4 891268622 +169 308 3 891268776 +169 429 3 891359250 +169 603 5 891359171 +169 879 5 891268653 +170 245 5 884103758 +170 288 3 884706012 +170 292 5 884103732 +170 299 3 886190476 +170 326 5 886623057 +170 328 3 884103860 +170 333 4 886190330 +170 749 5 887646170 +170 881 3 886190419 +170 984 5 884103918 +171 245 3 891034801 +171 262 4 891034641 +171 268 4 891034684 +171 292 4 891034835 +171 302 4 891034606 +171 306 3 891034606 +171 313 4 891034835 +171 327 4 891034835 +171 344 3 891034889 +171 1022 3 891034889 +172 177 4 875537965 +172 220 4 875537441 +172 462 3 875537717 +172 478 3 875538027 +172 485 3 875538028 +172 488 3 875537965 +172 580 4 875538028 +172 603 3 875538027 +172 657 3 875538027 +172 697 3 875536498 +173 242 5 877556626 +173 260 4 877557345 +173 286 5 877556626 +173 289 4 877556988 +173 294 5 877556864 +173 300 4 877556988 +173 322 4 877557028 +173 323 5 877556926 +173 328 5 877557028 +173 938 3 877557076 +174 80 1 886515210 +174 160 5 886514377 +174 237 4 886434047 +174 315 5 886432749 +174 368 1 886434402 +174 395 1 886515154 +174 402 5 886513729 +174 471 5 886433804 +174 660 5 886514261 +174 937 5 886432989 +175 31 4 877108051 +175 56 2 877107790 +175 71 4 877107942 +175 96 3 877108051 +175 127 5 877107640 +175 176 3 877107255 +175 183 4 877107942 +175 483 5 877107339 +175 629 3 877107942 +175 669 1 877107790 +176 258 4 886047026 +176 272 5 886047068 +176 288 3 886046979 +176 294 2 886047220 +176 297 3 886047918 +176 305 5 886047068 +176 324 5 886047292 +176 327 3 886047176 +176 751 1 886046979 +176 875 4 886047442 +177 56 5 880130618 +177 69 1 880131088 +177 79 4 880130758 +177 203 4 880131026 +177 209 4 880130736 +177 243 1 882142141 +177 299 4 880130500 +177 321 2 880130481 +177 333 4 880130397 +177 960 3 880131161 +178 199 4 882826306 +178 248 4 882823954 +178 317 4 882826915 +178 332 3 882823437 +178 385 4 882826982 +178 433 4 882827834 +178 568 4 882826555 +178 731 4 882827532 +178 742 3 882823833 +178 845 4 882824291 +179 258 5 892151270 +179 305 4 892151270 +179 315 5 892151202 +179 316 5 892151202 +179 339 1 892151366 +179 345 1 892151565 +179 354 4 892151331 +179 751 1 892151565 +179 895 5 892151565 +179 905 4 892151331 +180 67 1 877127591 +180 68 5 877127721 +180 79 3 877442037 +180 202 3 877128388 +180 431 4 877442098 +180 433 5 877127273 +180 462 5 877544218 +180 737 3 877128327 +180 762 4 877126241 +180 1119 3 877128156 +181 3 2 878963441 +181 220 4 878962392 +181 264 2 878961624 +181 279 1 878962955 +181 306 1 878962006 +181 325 2 878961814 +181 872 1 878961814 +181 938 1 878961586 +181 1081 1 878962623 +181 1295 1 878961781 +182 69 5 876435435 +182 100 3 885613067 +182 121 3 885613117 +182 172 5 876435435 +182 237 3 885613067 +182 293 3 885613152 +182 423 5 876436480 +182 763 3 885613092 +182 845 3 885613067 +182 864 4 885613092 +183 88 3 891466760 +183 96 3 891463617 +183 225 1 891467546 +183 241 4 892323453 +183 250 2 891464352 +183 405 4 891464393 +183 483 5 892323452 +183 562 3 891467003 +183 720 4 892323453 +183 1217 3 891466405 +184 98 4 889908539 +184 153 3 889911285 +184 187 4 889909024 +184 191 4 889908716 +184 218 3 889909840 +184 277 3 889907971 +184 321 5 889906967 +184 412 2 889912691 +184 522 3 889908462 +184 602 4 889909691 +185 23 4 883524249 +185 114 4 883524320 +185 127 5 883525183 +185 199 4 883526268 +185 216 4 883526268 +185 237 4 883526268 +185 269 5 883524428 +185 287 5 883526288 +185 528 4 883526268 +185 740 4 883524475 +186 148 4 891719774 +186 250 1 879023607 +186 263 3 879023571 +186 281 4 879023390 +186 302 3 891717742 +186 385 4 879023894 +186 470 5 879023693 +186 566 5 879023663 +186 588 4 879024535 +186 983 3 879023152 +187 28 4 879465597 +187 64 5 879465631 +187 70 4 879465394 +187 116 5 879464978 +187 135 4 879465653 +187 210 4 879465242 +187 215 3 879465805 +187 427 5 879465597 +187 523 3 879465125 +187 732 3 879465419 +188 88 4 875075300 +188 96 5 875073128 +188 143 5 875072674 +188 191 3 875073128 +188 218 5 875074667 +188 237 3 875073648 +188 443 4 875074329 +188 474 4 875072674 +188 692 5 875072583 +188 769 2 875074720 +189 20 5 893264466 +189 56 5 893265263 +189 197 5 893265291 +189 512 4 893277702 +189 520 5 893265380 +189 526 4 893266205 +189 634 3 893265506 +189 751 4 893265046 +189 1005 4 893265971 +189 1060 5 893264301 +190 117 4 891033697 +190 147 4 891033863 +190 282 3 891033773 +190 302 5 891033606 +190 340 1 891033153 +190 717 3 891042938 +190 742 3 891033841 +190 751 4 891033606 +190 974 2 891625949 +190 977 2 891042938 +191 286 4 891560842 +191 288 3 891562090 +191 301 4 891561336 +191 302 4 891560253 +191 307 3 891560935 +191 313 5 891560481 +191 751 3 891560753 +191 752 3 891560481 +191 754 3 891560366 +191 896 3 891562090 +192 127 4 881367456 +192 252 1 881368277 +192 301 4 881366490 +192 302 5 881366489 +192 340 4 881366535 +192 476 2 881368243 +192 948 3 881368302 +192 1061 4 881368891 +192 1160 4 881367456 +192 1405 5 881367456 +193 96 1 889124507 +193 407 4 889127921 +193 410 3 889127633 +193 435 4 889124439 +193 627 4 889126972 +193 790 3 889127381 +193 869 3 889127811 +193 879 3 889123257 +193 941 4 889124890 +193 1078 4 889126943 +194 54 3 879525876 +194 66 3 879527264 +194 165 4 879546723 +194 172 3 879521474 +194 181 3 879521396 +194 274 2 879539794 +194 385 2 879524643 +194 466 4 879525876 +194 1028 2 879541148 +194 1211 2 879551380 +195 154 3 888737525 +195 265 4 888737346 +195 273 4 878019342 +195 300 3 890588925 +195 328 4 884420059 +195 387 4 891762491 +195 496 4 888737525 +195 751 4 883295500 +195 1014 4 879673925 +195 1052 1 877835102 +196 67 5 881252017 +196 111 4 881251793 +196 238 4 881251820 +196 242 3 881250949 +196 251 3 881251274 +196 306 4 881251021 +196 381 4 881251728 +196 393 4 881251863 +196 655 5 881251793 +196 663 5 881251911 +197 55 3 891409982 +197 96 5 891409839 +197 229 3 891410039 +197 300 4 891409422 +197 302 3 891409070 +197 346 3 891409070 +197 347 4 891409070 +197 511 5 891409839 +197 515 5 891409935 +197 688 1 891409564 +198 7 4 884205317 +198 58 3 884208173 +198 100 1 884207325 +198 118 2 884206513 +198 135 5 884208061 +198 179 4 884209264 +198 234 3 884207833 +198 258 4 884204501 +198 498 3 884207492 +198 658 3 884208173 +199 221 4 883782854 +199 242 5 883782485 +199 258 4 883782403 +199 268 5 883782509 +199 294 1 883782636 +199 322 2 883782636 +199 324 1 883782509 +199 473 4 883783005 +199 678 1 883782636 +199 988 1 883782655 +200 11 5 884129542 +200 96 5 884129409 +200 222 5 876042340 +200 304 5 876041644 +200 318 5 884128458 +200 365 5 884129962 +200 478 5 884128788 +200 588 5 884128499 +200 673 5 884128554 +200 892 4 884127082 +201 146 1 884140579 +201 203 5 884114471 +201 219 4 884112673 +201 272 3 886013700 +201 649 3 884114275 +201 695 1 884140115 +201 767 4 884114505 +201 960 2 884112077 +201 979 2 884114233 +201 1100 4 884112800 +202 172 3 879726778 +202 173 2 879726914 +202 204 3 879727058 +202 258 4 879726342 +202 283 3 879727153 +202 286 1 879726342 +202 423 3 879727116 +202 484 4 879727153 +202 515 1 879726778 +202 604 5 879727058 +203 93 4 880434940 +203 117 4 880434810 +203 148 3 880434755 +203 181 5 880434278 +203 282 1 880434919 +203 294 2 880433398 +203 321 3 880433418 +203 332 5 880433474 +203 336 3 880433474 +203 471 4 880434463 +204 172 3 892513819 +204 191 4 892513906 +204 216 4 892513864 +204 258 2 892388976 +204 286 3 892389046 +204 292 5 892388857 +204 310 1 892389073 +204 315 4 892388857 +204 340 5 892389195 +204 748 1 892392030 +205 258 3 888284313 +205 269 3 888284347 +205 289 4 888284710 +205 304 3 888284313 +205 313 3 888284313 +205 316 4 888284710 +205 326 4 888284454 +205 333 4 888284618 +205 678 1 888284618 +205 984 1 888284710 +206 245 1 888179772 +206 288 5 888179565 +206 302 5 888180227 +206 323 1 888179833 +206 333 4 888179565 +206 362 1 888180018 +206 900 1 888179980 +206 903 2 888180018 +206 1127 4 888180081 +206 1394 1 888179981 +207 13 3 875506839 +207 58 3 875991047 +207 68 2 877125350 +207 107 3 876198301 +207 258 4 877879172 +207 318 5 877124871 +207 476 2 884386343 +207 591 3 876018608 +207 845 3 881681663 +207 1115 2 879664906 +208 88 5 883108324 +208 197 5 883108797 +208 202 4 883108476 +208 204 3 883108360 +208 216 5 883108324 +208 302 1 883108157 +208 430 4 883108360 +208 514 4 883108324 +208 662 4 883108842 +208 663 5 883108476 +209 242 4 883589606 +209 251 5 883417810 +209 258 2 883589626 +209 269 2 883589606 +209 349 2 883589546 +209 351 2 883589546 +209 408 4 883417517 +209 688 1 883589626 +209 898 3 883460304 +209 906 2 883589546 +210 40 3 891035994 +210 58 4 887730177 +210 70 4 887730589 +210 97 5 887736454 +210 161 5 887736393 +210 204 5 887730676 +210 274 5 887730676 +210 357 5 887736206 +210 380 4 887736482 +210 527 5 887736232 +211 127 4 879461498 +211 181 1 879461498 +211 257 5 879461498 +211 263 3 879461395 +211 286 4 879437184 +211 300 2 879461395 +211 310 3 879461394 +211 526 4 879459952 +211 678 3 879461394 +211 687 2 879437184 +212 179 1 879304010 +212 180 1 879303974 +212 191 3 879303830 +212 197 5 879303795 +212 286 4 879303468 +212 382 5 879303929 +212 427 4 879303795 +212 511 4 879304051 +212 515 4 879303571 +212 527 5 879303892 +213 13 4 878955139 +213 133 3 878955973 +213 172 5 878955442 +213 173 5 878955442 +213 176 4 878956338 +213 235 1 878955115 +213 273 5 878870987 +213 294 3 878870226 +213 515 4 878870518 +213 609 4 878955533 +214 117 4 891543241 +214 131 3 891544465 +214 137 4 891543227 +214 213 4 891544414 +214 275 3 891542968 +214 302 4 892668197 +214 334 3 891542540 +214 478 4 891544052 +214 568 4 892668197 +214 693 3 891544414 +215 144 4 891435107 +215 151 5 891435761 +215 157 4 891435573 +215 164 3 891436633 +215 194 4 891436150 +215 197 4 891435357 +215 211 4 891436202 +215 212 2 891435680 +215 421 4 891435704 +215 423 5 891435526 +216 55 5 880245145 +216 69 5 880235229 +216 143 2 881428956 +216 144 4 880234639 +216 174 5 881432488 +216 196 5 880245145 +216 228 3 880245642 +216 531 4 880233810 +216 658 3 880245029 +216 697 4 883981700 +217 2 3 889069782 +217 7 4 889069741 +217 22 5 889069741 +217 27 1 889070011 +217 82 5 889069842 +217 144 4 889069782 +217 182 2 889070109 +217 195 5 889069709 +217 566 4 889069903 +217 597 4 889070087 +218 33 4 881288386 +218 194 3 877488546 +218 208 3 877488366 +218 209 5 877488546 +218 265 3 881288408 +218 273 4 881288351 +218 430 3 877488316 +218 504 3 881288574 +218 516 5 877488692 +218 695 3 881288574 +219 13 1 889452455 +219 82 1 889452455 +219 114 5 889403091 +219 132 5 889403668 +219 179 5 889492687 +219 303 4 889386799 +219 347 1 889386819 +219 546 4 889387867 +219 882 3 889386741 +219 935 3 889387237 +220 286 5 881197663 +220 288 5 881197887 +220 298 4 881198966 +220 301 4 881197948 +220 303 4 881198014 +220 306 4 881197664 +220 325 1 881198435 +220 333 3 881197771 +220 343 3 881198738 +220 682 4 881198014 +221 48 5 875245462 +221 69 4 875245641 +221 204 4 875246008 +221 327 4 875243968 +221 475 4 875244204 +221 780 3 875246552 +221 943 4 875246759 +221 1010 3 875246662 +221 1059 4 875245077 +221 1250 2 875247855 +222 77 4 878183616 +222 97 4 878181739 +222 118 4 877563802 +222 151 3 878182109 +222 278 2 877563913 +222 366 4 878183381 +222 724 3 878181976 +222 750 5 883815120 +222 755 4 878183481 +222 781 3 881059677 +223 8 2 891550684 +223 11 3 891550649 +223 274 4 891550094 +223 328 3 891548959 +223 411 1 891550005 +223 423 3 891550684 +223 763 3 891550067 +223 908 1 891548802 +223 977 2 891550295 +223 1150 2 891549841 +224 26 3 888104153 +224 29 3 888104457 +224 69 4 888082495 +224 77 4 888103872 +224 178 4 888082468 +224 191 4 888082468 +224 245 3 888082216 +224 583 1 888103729 +224 678 3 888082277 +224 873 2 888082187 +225 64 4 879539727 +225 136 5 879540707 +225 143 2 879540748 +225 172 5 879540748 +225 193 4 879539727 +225 237 5 879539643 +225 418 5 879540650 +225 480 5 879540748 +225 492 4 879539767 +225 1443 4 879540778 +226 7 4 883889479 +226 14 5 883889691 +226 56 4 883889102 +226 147 3 883889479 +226 169 5 883888892 +226 180 4 883889322 +226 242 5 883888671 +226 270 4 883888639 +226 283 2 883889811 +226 480 4 883888853 +227 9 3 879035431 +227 50 4 879035347 +227 117 2 879035493 +227 126 4 879035158 +227 244 3 879035205 +227 276 4 879035251 +227 286 3 879035072 +227 293 5 879035387 +227 295 5 879035387 +227 411 4 879035897 +228 87 1 889388662 +228 204 3 889388662 +228 288 4 889387173 +228 313 5 889387172 +228 427 4 889388547 +228 475 3 889388521 +228 650 3 889388662 +228 651 4 889388521 +228 655 4 889388489 +228 886 1 889387173 +229 260 1 891632437 +229 286 4 891633029 +229 313 2 891631948 +229 315 1 891632945 +229 328 1 891632142 +229 347 1 891632073 +229 349 4 891633028 +229 358 1 891632437 +229 750 2 891631948 +229 875 1 891632402 +230 138 3 880485197 +230 172 4 880484523 +230 202 4 880485352 +230 304 5 880484286 +230 378 5 880485159 +230 419 4 880484587 +230 680 4 880484286 +230 742 5 880485043 +230 963 5 880484370 +230 1444 2 880485726 +231 121 4 879966609 +231 126 5 888605273 +231 127 3 879965565 +231 151 1 879966209 +231 181 4 888605273 +231 252 4 888605273 +231 405 4 879966609 +231 476 3 879966018 +231 748 4 888605273 +231 846 4 888605274 +232 1 4 880062302 +232 8 2 888549757 +232 52 5 888550130 +232 91 5 888549515 +232 175 5 888549815 +232 197 4 888549563 +232 275 2 885939945 +232 483 5 888549622 +232 630 3 888550060 +232 705 5 888549838 +233 48 5 877663184 +233 99 3 877663383 +233 177 4 877661496 +233 202 5 879394264 +233 208 4 880610814 +233 357 5 877661553 +233 375 4 876374419 +233 482 4 877661437 +233 806 4 880610396 +233 958 5 875508372 +234 141 3 892334609 +234 187 4 892079140 +234 206 4 892334543 +234 318 4 892078890 +234 448 3 892335501 +234 612 3 892079140 +234 626 4 892336358 +234 1184 2 892079237 +234 1451 3 892078343 +234 1462 3 892333865 +235 70 5 889655619 +235 87 4 889655162 +235 185 4 889655435 +235 230 4 889655162 +235 419 5 889655858 +235 480 4 889655044 +235 511 5 889655162 +235 647 4 889655045 +235 1149 4 889655595 +235 1464 4 889655266 +236 57 5 890116575 +236 71 3 890116671 +236 143 4 890116163 +236 187 3 890118340 +236 265 2 890116191 +236 286 5 890115777 +236 313 4 890115777 +236 506 5 890118153 +236 632 3 890116254 +236 729 5 890118372 +237 23 4 879376606 +237 28 4 879376435 +237 100 5 879376381 +237 191 4 879376773 +237 211 4 879376515 +237 494 4 879376553 +237 499 2 879376487 +237 514 4 879376641 +237 528 5 879376606 +237 1192 5 879376553 +238 111 4 883576603 +238 118 3 883576509 +238 181 3 883576336 +238 220 3 883576560 +238 252 3 883576644 +238 300 4 883575836 +238 476 3 883576799 +238 756 3 883576476 +238 815 2 883576398 +238 1190 3 883576603 +239 9 5 889180446 +239 56 4 889179478 +239 96 5 889178798 +239 194 5 889178833 +239 234 3 889178762 +239 272 5 889181247 +239 491 5 889181015 +239 513 5 889178887 +239 1070 5 889179032 +239 1099 5 889179253 +240 272 5 885775536 +240 288 5 885775536 +240 289 4 885775745 +240 300 3 885775563 +240 301 5 885775683 +240 313 5 885775604 +240 336 3 885775745 +240 343 3 885775831 +240 879 3 885775745 +240 898 5 885775770 +241 292 4 887250084 +241 294 3 887250085 +241 307 4 887249795 +241 313 4 887249795 +241 332 3 887249841 +241 350 2 887249889 +241 690 2 887249482 +241 750 5 887249576 +241 880 5 887249889 +241 887 4 887249685 +242 1 4 879740362 +242 237 4 879740594 +242 291 3 879740593 +242 305 5 879741340 +242 306 5 879741340 +242 361 5 879741340 +242 934 5 879741196 +242 1137 5 879741196 +242 1152 5 879741196 +242 1357 5 879741196 +243 13 4 879987362 +243 15 3 879987440 +243 93 2 879987173 +243 129 2 879987526 +243 208 4 879989134 +243 223 4 879988262 +243 225 3 879987655 +243 275 3 879987084 +243 660 4 879988422 +243 1039 4 879988184 +244 17 2 880607205 +244 51 2 880606923 +244 186 3 880605697 +244 265 4 880606634 +244 381 4 880604077 +244 550 1 880602264 +244 673 3 880606667 +244 707 4 880606243 +244 756 2 880605157 +244 815 4 880605185 +245 21 3 888513502 +245 50 4 888513664 +245 94 2 888513081 +245 112 4 888513575 +245 181 4 888513664 +245 222 4 888513212 +245 240 1 888513860 +245 411 3 888513425 +245 473 2 888513344 +245 1028 5 888513447 +246 94 2 884923505 +246 201 5 884921594 +246 239 3 884921380 +246 409 2 884923372 +246 416 3 884923047 +246 425 5 884921918 +246 561 1 884923445 +246 665 4 884922831 +246 721 4 884921794 +246 919 4 884920949 +247 1 4 893097024 +247 50 5 893097024 +247 111 5 893097024 +247 151 4 893081396 +247 251 4 893081395 +247 257 4 893081396 +247 271 2 893081411 +247 272 4 893081381 +247 736 5 893097024 +247 751 3 893081411 +248 117 5 884535433 +248 127 5 884535084 +248 174 3 884534992 +248 185 3 884534772 +248 234 4 884534968 +248 257 3 884535840 +248 282 2 884535582 +248 474 2 884534672 +248 475 5 884535446 +248 589 4 884534968 +249 11 5 879640868 +249 88 4 879572668 +249 188 4 879641067 +249 239 3 879572284 +249 241 5 879641194 +249 255 3 879571752 +249 708 4 879572403 +249 723 4 879641093 +249 746 5 879641209 +249 930 2 879640585 +250 7 4 878089716 +250 140 3 878092059 +250 196 4 878091818 +250 204 2 878091682 +250 238 4 878089963 +250 264 3 878089182 +250 338 4 883263374 +250 404 4 878092144 +250 496 4 878090499 +250 596 5 878089921 +251 55 3 886271856 +251 100 4 886271884 +251 109 4 886272547 +251 121 4 886272118 +251 144 5 886271920 +251 148 2 886272547 +251 257 3 886272378 +251 258 3 886271496 +251 748 2 886272175 +251 1014 5 886272486 +252 7 4 891455743 +252 9 5 891456797 +252 100 5 891456797 +252 129 4 891456876 +252 268 5 891455329 +252 275 5 891456464 +252 277 4 891456797 +252 300 4 891448664 +252 740 3 891456738 +252 742 4 891455743 +253 50 4 891628518 +253 97 4 891628501 +253 183 5 891628341 +253 203 4 891628651 +253 216 4 891628252 +253 259 2 891628883 +253 465 5 891628467 +253 510 5 891628416 +253 746 3 891628630 +253 747 3 891628501 +254 121 3 886472369 +254 164 4 886472768 +254 219 1 886475980 +254 229 4 886474580 +254 230 4 886472400 +254 357 3 886472466 +254 378 3 886474396 +254 436 2 886474216 +254 662 4 887347350 +254 1444 3 886475558 +255 185 4 883216449 +255 217 2 883216600 +255 258 4 883215406 +255 448 3 883216544 +255 472 1 883216958 +255 678 2 883215795 +255 859 3 883216748 +255 879 3 883215660 +255 984 1 883215902 +255 1034 1 883217030 +256 86 5 882165103 +256 127 4 882164406 +256 220 3 882151690 +256 443 3 882164727 +256 452 4 882164999 +256 472 4 882152471 +256 487 5 882164231 +256 761 4 882164644 +256 781 5 882165296 +256 849 2 882164603 +257 59 5 879547440 +257 137 4 882049932 +257 151 4 882050266 +257 258 3 879029516 +257 276 5 882049973 +257 289 4 879029543 +257 305 4 882049607 +257 307 4 879029581 +257 345 4 887066556 +257 1260 2 880496892 +258 243 3 885701024 +258 288 1 885700919 +258 310 5 885700778 +258 311 4 885700946 +258 313 5 885700778 +258 315 3 885701004 +258 323 4 885701062 +258 751 5 885700946 +258 873 5 885701062 +258 893 1 885701099 +259 117 4 874724988 +259 176 4 874725386 +259 210 4 874725485 +259 255 4 874724710 +259 269 3 877923906 +259 405 3 874725120 +259 750 4 888630424 +259 762 2 883372151 +259 772 4 874724882 +259 959 4 888720593 +260 272 3 890618349 +260 300 3 890618198 +260 319 2 890618198 +260 322 4 890618898 +260 326 5 890618349 +260 538 1 890618403 +260 682 4 890618537 +260 990 5 890618729 +260 1025 5 890618729 +260 1105 5 890618729 +261 117 4 890455974 +261 259 4 890454843 +261 294 4 890454217 +261 322 4 890454974 +261 339 5 890454351 +261 340 5 890454045 +261 597 4 890456142 +261 748 3 890454310 +261 875 5 890454351 +261 1025 5 890455190 +262 28 3 879792220 +262 64 5 879793022 +262 174 3 879791948 +262 223 3 879791816 +262 386 3 879795512 +262 553 4 879795122 +262 617 3 879793715 +262 821 3 879794887 +262 931 2 879790874 +262 1147 4 879791710 +263 96 4 891298336 +263 117 3 891299387 +263 176 5 891299752 +263 197 4 891299752 +263 416 5 891299697 +263 419 5 891299514 +263 510 4 891298392 +263 568 4 891299387 +263 921 3 891298727 +263 1451 4 891299949 +264 33 3 886122644 +264 70 4 886123596 +264 200 5 886122352 +264 294 3 886121516 +264 448 2 886122031 +264 475 5 886122706 +264 504 5 886122577 +264 655 4 886123530 +264 721 5 886123656 +264 813 4 886122952 +265 7 2 875320689 +265 15 3 875320574 +265 118 4 875320714 +265 181 2 875320180 +265 279 2 875320462 +265 328 4 875320084 +265 409 3 875320462 +265 471 4 875320302 +265 472 3 875320542 +265 742 5 875320542 +266 25 3 892257940 +266 124 4 892258004 +266 268 4 892256828 +266 272 4 892256705 +266 283 3 892257897 +266 285 4 892257940 +266 313 4 892256705 +266 508 4 892258004 +266 676 3 892257897 +266 874 2 892257101 +267 17 4 878971773 +267 121 3 878970681 +267 238 4 878971629 +267 386 3 878973597 +267 403 4 878971939 +267 410 4 878970785 +267 423 3 878972842 +267 518 5 878971773 +267 840 4 878970926 +267 980 3 878970578 +268 2 2 875744173 +268 62 3 875310824 +268 145 1 875744501 +268 147 4 876514002 +268 217 2 875744501 +268 231 4 875744136 +268 436 3 875310745 +268 824 2 876518557 +268 930 2 875742942 +268 1035 2 875542174 +269 22 1 891448072 +269 127 4 891446165 +269 198 4 891447062 +269 217 2 891451610 +269 246 5 891457067 +269 367 3 891450023 +269 504 4 891449922 +269 507 4 891448800 +269 522 5 891447773 +269 845 1 891456255 +270 25 5 876954456 +270 83 4 876954995 +270 97 4 876955633 +270 98 5 876955868 +270 370 5 876956232 +270 452 4 876956264 +270 558 5 876954927 +270 671 4 876956360 +270 736 5 876955087 +270 778 5 876955711 +271 56 3 885848559 +271 65 3 885849419 +271 132 5 885848672 +271 187 5 885848343 +271 199 4 885848448 +271 346 4 885844430 +271 378 4 885849447 +271 705 4 885849052 +271 709 3 885849325 +271 1028 2 885848102 +272 8 4 879455015 +272 11 4 879455143 +272 12 5 879455254 +272 48 4 879455143 +272 127 5 879454725 +272 172 4 879455043 +272 178 5 879455113 +272 317 4 879454977 +272 1101 5 879454977 +272 1393 2 879454663 +273 303 4 891293048 +273 305 4 891292905 +273 311 4 891292905 +273 319 4 891292846 +273 321 4 891293048 +273 328 3 891293048 +273 345 3 891293108 +273 690 4 891293008 +273 900 3 891292873 +273 902 5 891293008 +274 25 5 878945541 +274 50 5 878944679 +274 148 2 878946133 +274 275 5 878944679 +274 288 4 878944379 +274 405 4 878945840 +274 411 3 878945888 +274 496 5 878946473 +274 748 5 878944406 +274 845 5 878945579 +275 69 3 880314089 +275 98 4 875155140 +275 186 3 880314383 +275 265 4 880314031 +275 405 2 876197645 +275 418 3 875154718 +275 449 3 876198328 +275 501 3 875154718 +275 597 3 876197678 +275 1091 2 875154535 +276 2 4 874792436 +276 40 3 874791871 +276 54 3 874791025 +276 57 3 874787526 +276 142 3 874792945 +276 322 3 874786392 +276 564 3 874791805 +276 796 1 874791932 +276 922 4 889174849 +276 1091 3 874793035 +277 9 4 879543336 +277 24 4 879543931 +277 151 3 879543768 +277 255 4 879544145 +277 257 3 879543487 +277 273 5 879544145 +277 279 4 879543592 +277 282 4 879543697 +277 1011 3 879543697 +277 1197 4 879543768 +278 22 5 891295360 +278 98 4 891295360 +278 173 5 891295360 +278 269 5 891294959 +278 301 2 891294980 +278 306 5 891295043 +278 311 4 891295130 +278 347 4 891294932 +278 525 5 891295330 +278 603 5 891295330 +279 68 4 875307407 +279 154 5 875296291 +279 399 4 875313859 +279 501 3 875308843 +279 586 4 892864663 +279 832 3 881375854 +279 1181 4 875314001 +279 1240 1 892174404 +279 1336 1 875298353 +279 1497 2 890780576 +280 1 4 891700426 +280 127 5 891702544 +280 128 3 891701188 +280 472 2 891702086 +280 508 3 891700453 +280 540 3 891702304 +280 631 5 891700751 +280 781 4 891701699 +280 845 3 891700925 +280 1049 2 891702486 +281 258 2 881200457 +281 288 4 881200264 +281 322 4 881200789 +281 332 4 881200603 +281 338 2 881200457 +281 538 4 881200520 +281 682 3 881200519 +281 877 4 881200643 +281 938 2 881200789 +281 989 2 881200789 +282 258 5 879949367 +282 269 4 879949347 +282 271 3 881702919 +282 288 4 879949367 +282 294 4 879949525 +282 302 5 879949347 +282 307 3 881702875 +282 325 1 881703044 +282 327 5 879949417 +282 338 3 879949468 +283 24 4 879297867 +283 42 5 879298333 +283 70 4 879298206 +283 83 4 879298239 +283 186 5 879298239 +283 432 5 879297965 +283 588 4 879297965 +283 627 4 879297966 +283 845 4 879297442 +283 1114 5 879297545 +284 258 4 885329146 +284 259 2 885329593 +284 269 4 885328991 +284 304 4 885329322 +284 305 4 885328906 +284 313 3 885328727 +284 322 3 885329671 +284 339 3 885329671 +284 682 3 885329322 +284 906 3 885328836 +285 150 5 890595636 +285 151 5 890595636 +285 168 4 890595900 +285 191 4 890595859 +285 216 3 890595900 +285 269 4 890595313 +285 288 5 890595584 +285 313 5 890595313 +285 538 5 890595479 +285 628 2 890595636 +286 99 4 878141681 +286 143 4 889651549 +286 153 5 877531406 +286 171 4 877531791 +286 208 4 877531942 +286 237 2 875806800 +286 288 5 875806672 +286 357 4 877531537 +286 379 5 877533771 +286 1014 5 879781125 +287 1 5 875334088 +287 11 5 875335124 +287 56 5 875334759 +287 249 5 875334430 +287 252 1 875334361 +287 257 4 875334224 +287 294 5 875333873 +287 327 5 875333916 +287 347 4 888177040 +287 926 4 875334340 +288 127 5 886374451 +288 132 3 886374129 +288 196 5 886373474 +288 200 4 886373534 +288 272 5 889225463 +288 305 4 886372527 +288 527 3 886373565 +288 593 2 886892127 +288 742 3 886893063 +288 1039 2 886373565 +289 1 3 876789736 +289 7 4 876789628 +289 24 4 876790292 +289 282 3 876789180 +289 410 2 876790361 +289 473 1 876790576 +289 685 4 876789373 +289 815 3 876789581 +289 849 4 876789943 +289 1016 5 876789843 +290 50 5 880473582 +290 82 4 880473918 +290 88 4 880731963 +290 132 3 880473993 +290 143 5 880474293 +290 161 4 880474293 +290 208 3 880475245 +290 222 4 880731778 +290 393 3 880475169 +290 568 3 880474716 +291 15 5 874833668 +291 80 4 875086354 +291 118 2 874833878 +291 144 5 874835091 +291 376 3 875086534 +291 418 4 875086920 +291 686 5 874835165 +291 1016 4 874833827 +291 1042 4 874834944 +291 1178 4 875086354 +292 9 4 881104148 +292 11 5 881104093 +292 86 4 881105778 +292 174 5 881105481 +292 195 5 881103568 +292 276 5 881103915 +292 328 3 877560833 +292 515 4 881103977 +292 589 4 881105516 +292 661 5 881105561 +293 5 3 888906576 +293 135 5 888905550 +293 137 3 888904653 +293 249 3 888905229 +293 380 2 888907527 +293 423 3 888906070 +293 471 3 888904884 +293 685 3 888905170 +293 770 3 888906655 +293 1267 3 888906966 +294 109 4 877819599 +294 127 5 877819265 +294 271 5 889241426 +294 282 3 877821796 +294 508 4 877819532 +294 676 3 877821514 +294 930 3 889242704 +294 931 3 889242857 +294 1199 2 889242142 +294 1245 3 877819265 +295 39 4 879518279 +295 72 4 879518714 +295 172 4 879516986 +295 190 4 879517062 +295 194 4 879517412 +295 218 5 879966498 +295 235 4 879517943 +295 704 5 879519266 +295 739 4 879518319 +295 961 5 879519556 +296 20 5 884196921 +296 222 5 884196640 +296 228 4 884197264 +296 242 4 884196057 +296 248 5 884196765 +296 258 5 884196469 +296 429 5 884197330 +296 508 5 884196584 +296 705 5 884197193 +296 855 5 884197352 +297 25 4 874954497 +297 57 5 875239383 +297 73 2 875239691 +297 89 4 875239125 +297 133 4 875240090 +297 233 2 875239914 +297 234 3 875239018 +297 275 5 874954260 +297 432 4 875239658 +297 716 3 875239422 +298 91 2 884182932 +298 152 3 884183336 +298 181 4 884125629 +298 252 4 884183833 +298 281 3 884183336 +298 317 4 884182806 +298 474 4 884182806 +298 486 3 884183063 +298 625 4 884183406 +298 1346 3 884126061 +299 14 4 877877775 +299 111 3 877878184 +299 134 4 878192311 +299 144 4 877881320 +299 229 3 878192429 +299 303 3 877618584 +299 305 3 879737314 +299 577 3 889503806 +299 955 4 889502823 +299 1018 3 889502324 +300 100 3 875650267 +300 243 4 875650068 +300 257 4 875650267 +300 261 3 875650018 +300 322 4 875650018 +300 328 3 875650068 +300 456 4 875650267 +300 872 5 875650068 +300 876 5 875650105 +300 948 4 875650018 +301 33 4 882078228 +301 56 4 882076587 +301 79 5 882076403 +301 98 4 882075827 +301 191 3 882075672 +301 227 3 882077222 +301 401 4 882078040 +301 554 3 882078830 +301 604 4 882075994 +301 790 4 882078621 +302 245 2 879436911 +302 258 3 879436739 +302 270 2 879436785 +302 303 2 879436785 +302 307 4 879436739 +302 309 2 879436820 +302 322 2 879436875 +302 323 2 879436875 +302 328 3 879436844 +302 879 2 879436960 +303 69 5 879467542 +303 134 5 879467959 +303 161 5 879468547 +303 200 4 879468459 +303 252 3 879544791 +303 404 4 879468375 +303 785 3 879485318 +303 815 3 879485532 +303 842 2 879484804 +303 919 4 879467295 +304 237 5 884968415 +304 259 1 884967253 +304 271 4 884968415 +304 275 4 884968264 +304 288 3 884966696 +304 298 5 884968415 +304 322 4 884968415 +304 681 2 884967167 +304 682 3 884967520 +304 893 3 884967520 +305 71 3 886323684 +305 117 2 886324028 +305 214 2 886323068 +305 425 4 886324486 +305 427 5 886323090 +305 451 3 886324817 +305 471 4 886323648 +305 483 5 886323068 +305 512 4 886323525 +305 654 4 886323937 +306 14 5 876503995 +306 235 4 876504354 +306 242 5 876503793 +306 275 4 876503894 +306 287 4 876504442 +306 306 5 876503792 +306 319 4 876503793 +306 476 3 876504679 +306 864 3 876504286 +306 1009 4 876503995 +307 89 5 879283786 +307 94 3 877122695 +307 100 3 879206424 +307 174 4 879283480 +307 265 3 877122816 +307 509 3 877121019 +307 634 3 879283385 +307 687 1 879114143 +307 949 4 877123315 +307 1022 4 879283008 +308 1 4 887736532 +308 55 3 887738760 +308 81 5 887737293 +308 187 5 887738760 +308 295 3 887741461 +308 402 4 887740700 +308 427 4 887736584 +308 640 4 887737036 +308 649 4 887739292 +308 1197 4 887739521 +309 242 4 877370319 +309 300 3 877370288 +309 303 2 877370319 +309 306 2 877370356 +309 324 3 877370419 +309 326 5 877370383 +309 331 5 877370356 +309 333 3 877370419 +309 938 4 877370383 +309 1393 2 877370383 +310 14 5 879436268 +310 24 4 879436242 +310 116 5 879436104 +310 257 5 879436576 +310 258 3 879435606 +310 304 5 879435664 +310 536 4 879436137 +310 748 3 879435729 +310 832 1 879436035 +310 845 5 879436534 +311 9 4 884963365 +311 98 5 884364502 +311 143 3 884364812 +311 179 2 884365357 +311 386 3 884365747 +311 432 4 884365485 +311 559 2 884366187 +311 566 4 884366112 +311 654 3 884365075 +311 716 4 884365718 +312 28 4 891698300 +312 100 4 891698613 +312 121 3 891698174 +312 133 5 891699296 +312 153 2 891699491 +312 494 5 891698454 +312 573 5 891712535 +312 641 5 891698300 +312 692 4 891699426 +312 921 5 891699295 +313 22 3 891014870 +313 96 5 891015144 +313 99 4 891014029 +313 117 4 891015319 +313 200 3 891017736 +313 436 4 891029877 +313 478 3 891014373 +313 566 4 891016220 +313 616 5 891015049 +313 745 3 891016583 +314 28 5 877888346 +314 95 5 877888168 +314 276 1 877886413 +314 417 4 877888855 +314 535 4 877887002 +314 692 5 877888445 +314 1150 4 877887002 +314 1263 2 877890611 +314 1289 2 877887388 +314 1518 4 877891426 +315 8 3 879820961 +315 13 4 879821158 +315 17 1 879821003 +315 98 4 879821193 +315 185 4 879821267 +315 273 3 879821349 +315 305 5 881017419 +315 431 2 879821300 +315 651 3 879799457 +315 657 4 879821299 +316 50 1 880853654 +316 98 5 880853743 +316 213 5 880853516 +316 292 4 880853072 +316 306 4 880853072 +316 483 4 880853810 +316 549 5 880854049 +316 588 1 880853992 +316 735 4 880854337 +316 1084 4 880853953 +317 245 4 891446575 +317 268 3 891446371 +317 271 3 891446575 +317 300 4 891446313 +317 323 2 891446819 +317 326 3 891446438 +317 328 4 891446438 +317 331 4 891446190 +317 350 5 891446819 +317 351 3 891446819 +318 50 2 884495696 +318 64 4 884495590 +318 257 5 884471030 +318 356 4 884496671 +318 474 4 884495742 +318 476 4 884495164 +318 631 4 884496855 +318 648 5 884495534 +318 659 4 884495868 +318 768 2 884498022 +319 267 4 875707690 +319 269 3 875707746 +319 302 4 876280242 +319 307 4 879975504 +319 313 5 889816026 +319 333 4 875707746 +319 338 2 879977242 +319 340 3 879975481 +319 879 5 876280338 +319 880 4 889816332 +320 42 4 884751712 +320 68 5 884749327 +320 99 4 884751440 +320 117 4 884748641 +320 177 5 884749360 +320 202 4 884750946 +320 284 4 884748818 +320 294 4 884748418 +320 399 3 884749411 +320 1157 4 884751336 +321 131 4 879439883 +321 134 3 879438607 +321 194 3 879441225 +321 207 3 879440244 +321 287 3 879438857 +321 496 4 879438607 +321 521 2 879441201 +321 523 3 879440687 +321 615 5 879440109 +321 631 4 879440264 +322 32 5 887314417 +322 50 5 887314418 +322 89 3 887314185 +322 179 5 887314416 +322 185 5 887313850 +322 192 5 887313984 +322 197 5 887313983 +322 318 4 887314280 +322 479 5 887313892 +322 508 4 887314073 +323 7 2 878739355 +323 9 4 878739325 +323 79 4 878739829 +323 117 3 878739355 +323 127 5 878739137 +323 223 4 878739699 +323 257 2 878739393 +323 298 4 878739275 +323 333 4 878738865 +323 546 2 878739519 +324 127 4 880575658 +324 283 3 880575531 +324 298 5 880575493 +324 332 3 880574766 +324 471 5 880575412 +324 597 4 880575493 +324 748 5 880575108 +324 754 5 880575045 +324 1033 4 880575589 +324 1094 5 880575715 +325 154 3 891478480 +325 179 5 891478529 +325 240 1 891479592 +325 402 2 891479706 +325 430 5 891478028 +325 485 3 891478599 +325 504 3 891477905 +325 505 4 891478557 +325 514 4 891478006 +325 656 4 891478219 +326 22 4 879874989 +326 50 5 879875112 +326 69 2 879874964 +326 153 4 879875751 +326 168 3 879874859 +326 186 4 879877143 +326 282 2 879875964 +326 468 3 879875572 +326 480 4 879875691 +326 496 5 879874825 +327 191 4 887820828 +327 192 5 887820828 +327 210 3 887744065 +327 230 4 887820448 +327 274 2 887819462 +327 300 2 887743541 +327 461 3 887746665 +327 533 4 887822530 +327 702 2 887819021 +327 805 4 887819462 +328 9 4 885045993 +328 200 4 885046420 +328 271 3 885044607 +328 519 5 885046420 +328 521 4 885047484 +328 568 3 885047896 +328 591 3 885047018 +328 742 4 885047309 +328 754 4 885044607 +328 905 3 888641999 +329 79 4 891656391 +329 98 4 891656300 +329 100 4 891655812 +329 129 3 891655905 +329 258 3 891656639 +329 297 4 891655868 +329 326 3 891656639 +329 512 4 891656347 +329 515 4 891655932 +329 591 2 891655812 +330 11 4 876546561 +330 51 5 876546753 +330 121 4 876544582 +330 136 5 876546378 +330 215 5 876547925 +330 235 5 876544690 +330 447 4 876546619 +330 465 5 876547250 +330 584 3 876547220 +330 596 5 876544690 +331 7 4 877196633 +331 47 5 877196235 +331 69 5 877196384 +331 100 4 877196308 +331 133 3 877196443 +331 190 3 877196308 +331 454 3 877196702 +331 479 2 877196504 +331 486 3 877196308 +331 1100 2 877196634 +332 228 5 888359980 +332 229 5 888360342 +332 232 5 888098373 +332 233 4 888360370 +332 284 5 887938245 +332 451 5 888360179 +332 566 4 888360342 +332 693 5 888098538 +332 770 3 888098170 +332 975 3 887938631 +333 66 5 891045515 +333 79 3 891045496 +333 88 5 891045551 +333 98 4 891045496 +333 180 1 891045191 +333 276 4 891045031 +333 316 5 891044659 +333 739 5 891045410 +333 748 4 891044596 +333 894 3 891045496 +334 52 4 891548579 +334 93 4 891545020 +334 117 3 891544735 +334 222 4 891544904 +334 224 2 891545020 +334 229 2 891549777 +334 282 4 891544925 +334 603 5 891628849 +334 635 2 891548155 +334 1163 4 891544764 +335 245 4 891567053 +335 260 3 891567159 +335 269 4 891566808 +335 271 4 891567029 +335 288 4 891566952 +335 324 1 891567098 +335 328 3 891566903 +335 333 4 891566952 +335 347 5 891567004 +335 678 3 891567251 +336 13 3 877756890 +336 66 3 877756126 +336 108 3 877757320 +336 202 1 877757909 +336 395 2 877757094 +336 405 3 877760374 +336 571 1 877756999 +336 577 1 877757396 +336 619 3 877759833 +336 864 1 877757837 +337 106 2 875184682 +337 135 5 875236512 +337 229 3 875185319 +337 230 5 875185319 +337 235 3 875184717 +337 257 3 875184963 +337 371 4 875236191 +337 631 4 875429292 +337 742 5 875184353 +337 1133 4 875236281 +338 56 3 879438535 +338 79 4 879438715 +338 168 3 879438225 +338 204 3 879438063 +338 211 4 879438092 +338 310 3 879437522 +338 494 3 879438570 +338 511 4 879438473 +338 604 4 879438326 +338 613 3 879438597 +339 30 3 891032765 +339 47 4 891032701 +339 55 3 891032765 +339 58 3 891032379 +339 132 5 891032953 +339 288 3 891036899 +339 435 4 891032189 +339 582 4 891032793 +339 856 5 891034922 +339 1030 1 891036707 +340 1 5 884990988 +340 172 4 884990620 +340 186 4 884991082 +340 204 4 884990004 +340 265 5 884990470 +340 405 5 884991817 +340 418 5 884990669 +340 435 4 884990546 +340 526 5 884991396 +340 1133 5 884991742 +341 288 4 890757686 +341 292 5 890757659 +341 294 3 890757997 +341 358 1 890758050 +341 876 4 890757886 +341 877 3 890758113 +341 880 5 890757997 +341 887 5 890757745 +341 948 3 890758169 +341 1527 4 890757717 +342 132 5 875319129 +342 288 5 875318267 +342 591 3 875318629 +342 607 3 875318963 +342 723 3 875319659 +342 746 4 875320227 +342 764 1 875318762 +342 792 3 875318882 +342 1007 4 874984507 +342 1047 2 874984854 +343 44 3 876406640 +343 47 4 876405130 +343 55 3 876405129 +343 82 5 876405735 +343 135 5 876404568 +343 186 4 876407485 +343 371 2 876405893 +343 569 3 876406421 +343 712 4 876406391 +343 1107 3 876406977 +344 39 3 884901290 +344 97 3 884901156 +344 119 5 884814457 +344 181 3 884901047 +344 215 3 884900818 +344 278 3 884900454 +344 306 5 884814359 +344 462 2 884901156 +344 479 4 884901093 +344 1283 2 889814587 +345 48 5 884902317 +345 88 4 884992940 +345 174 4 884992367 +345 202 3 884992218 +345 367 4 884993069 +345 402 4 884993464 +345 651 4 884992493 +345 708 3 884992786 +345 722 3 884993783 +345 1160 3 884994606 +346 4 4 874948105 +346 33 5 875261753 +346 62 3 875263634 +346 187 3 874948030 +346 213 3 874948173 +346 245 4 875266665 +346 322 3 886273541 +346 582 3 874951783 +346 727 1 874947794 +346 1110 1 875264985 +347 22 5 881654005 +347 79 5 881653890 +347 144 5 881654186 +347 168 5 881653798 +347 227 4 881654734 +347 416 3 881654715 +347 465 3 881654825 +347 501 4 881654410 +347 609 4 881654064 +347 1035 3 881654522 +348 1 4 886523078 +348 147 5 886523361 +348 240 3 886523839 +348 288 5 886522495 +348 370 4 886523621 +348 405 4 886523174 +348 628 4 886523256 +348 742 4 886523078 +348 819 4 886523710 +348 928 5 886523683 +349 105 2 879466283 +349 237 2 879466062 +349 370 2 879466283 +349 411 4 879466232 +349 412 1 879466366 +349 455 2 879465712 +349 475 4 879466479 +349 744 2 879465785 +349 823 4 879466156 +349 847 4 879466507 +350 1 4 882345734 +350 153 3 882347466 +350 174 5 882346720 +350 176 4 882347653 +350 228 4 882347598 +350 324 4 882345384 +350 340 4 882346257 +350 530 4 882346161 +350 616 4 882346383 +350 657 5 882346663 +351 292 4 879481550 +351 313 5 883356562 +351 340 1 879481424 +351 359 4 879481589 +351 538 4 879481495 +351 873 3 879481643 +351 879 5 879481461 +351 984 5 879481675 +351 1105 4 883356833 +351 1316 4 883356883 +352 4 3 884290328 +352 7 3 884290549 +352 55 1 884289728 +352 96 4 884290328 +352 173 1 884290361 +352 181 4 884289693 +352 182 5 884290328 +352 216 4 884290390 +352 234 4 884290549 +352 746 4 884290361 +353 258 5 891402757 +353 271 2 891402567 +353 272 5 891402757 +353 286 5 891402757 +353 300 3 891402310 +353 316 5 891402757 +353 326 2 891402444 +353 328 2 891402259 +353 332 5 891402757 +353 340 4 891401942 +354 86 5 891218312 +354 133 3 891217547 +354 191 4 891217082 +354 242 5 891180399 +354 257 3 891216735 +354 269 4 891180399 +354 462 3 891218116 +354 463 4 891217575 +354 694 5 891217299 +354 847 3 891216713 +355 242 4 879486529 +355 264 4 879485760 +355 300 4 879486529 +355 307 4 879486422 +355 310 4 879485423 +355 336 4 879486529 +355 358 4 879485523 +355 360 4 879486422 +355 872 4 879486529 +355 882 4 879486421 +356 272 5 891405651 +356 300 3 891405978 +356 313 5 891405651 +356 326 4 891406193 +356 328 4 891406241 +356 333 5 891405978 +356 689 5 891406372 +356 748 4 891406500 +356 892 1 891406241 +356 937 2 891406040 +357 7 3 878951537 +357 222 5 878951498 +357 235 4 878951691 +357 258 4 878951101 +357 284 4 878951691 +357 291 4 878952137 +357 294 4 878951101 +357 742 4 878951691 +357 833 4 878952341 +357 928 4 878952041 +358 59 4 891269617 +358 132 5 891270652 +358 357 4 891270405 +358 382 2 891269913 +358 469 4 891271063 +358 482 2 891270510 +358 643 3 891270091 +358 896 4 891269077 +358 918 1 892731254 +358 1529 3 891269584 +359 24 3 886453354 +359 117 4 886453305 +359 250 4 886453354 +359 270 4 886453467 +359 273 4 886453325 +359 295 3 886453325 +359 313 5 886453450 +359 455 4 886453305 +359 751 4 886453467 +359 831 3 886453402 +360 14 5 880354149 +360 116 3 880354275 +360 134 5 880356025 +360 195 3 880355715 +360 237 4 880354484 +360 238 4 880355845 +360 303 3 880353526 +360 309 2 880354094 +360 334 4 880353736 +360 511 5 880355994 +361 26 3 879440941 +361 148 1 879441324 +361 222 2 879441253 +361 238 4 879440475 +361 273 3 879441215 +361 275 4 879440694 +361 387 3 879441008 +361 652 4 879440346 +361 949 4 879440774 +361 1041 2 879441179 +362 258 4 885019435 +362 268 2 885019435 +362 288 4 885019304 +362 294 3 885019357 +362 302 5 885019260 +362 312 5 885019504 +362 323 2 885019651 +362 328 2 885019504 +362 333 5 885019261 +362 336 2 885019468 +363 97 2 891496513 +363 102 4 891498681 +363 288 4 891493723 +363 316 3 891493918 +363 391 2 891498811 +363 405 4 891497015 +363 616 3 891498135 +363 673 2 891496543 +363 1168 2 891496587 +363 1495 5 891497278 +364 262 3 875931432 +364 269 4 875931309 +364 288 4 875931432 +364 289 3 875931432 +364 294 5 875931432 +364 321 2 875931478 +364 690 4 875931309 +364 875 3 875931585 +364 988 2 875931561 +364 1048 5 875931585 +365 15 3 891304152 +365 109 2 891304106 +365 124 4 891304039 +365 258 4 891303515 +365 287 4 891304301 +365 301 5 891303586 +365 813 5 891303901 +365 894 1 891303760 +365 908 3 891303638 +365 1017 4 891304213 +366 164 5 888857932 +366 185 5 888857750 +366 218 3 888857866 +366 436 5 888857932 +366 443 5 888857866 +366 447 5 888857990 +366 448 5 888857990 +366 672 5 888858078 +366 853 5 888857750 +366 860 2 888858078 +367 17 5 876689991 +367 100 5 876689878 +367 246 4 876689612 +367 250 5 876689824 +367 436 4 876689962 +367 441 3 876690049 +367 665 5 876689738 +367 760 4 876690021 +367 774 4 876690049 +367 1012 4 876689825 +368 50 4 889783678 +368 96 3 889783678 +368 219 2 889783453 +368 288 3 889783453 +368 379 4 889783562 +368 396 2 889783617 +368 436 3 889783562 +368 551 4 889783617 +368 567 3 889783617 +368 637 2 889783617 +369 50 5 889428642 +369 114 5 889428642 +369 166 4 889428418 +369 168 3 889428494 +369 172 5 889428642 +369 181 5 889428642 +369 243 3 889428228 +369 271 5 889428642 +369 948 2 889428228 +369 988 3 889428228 +370 12 4 879435369 +370 42 3 879435462 +370 56 2 879434587 +370 116 3 879434707 +370 175 3 879434804 +370 209 5 879435461 +370 238 4 879435369 +370 265 5 879434636 +370 657 3 879434636 +370 705 3 879434666 +371 24 4 877487500 +371 55 4 877487364 +371 97 5 877487440 +371 174 4 877487751 +371 175 1 877487266 +371 177 4 877487135 +371 179 3 877487364 +371 237 5 877487052 +371 663 5 880435238 +371 746 4 880435397 +372 148 5 876869915 +372 159 5 876869894 +372 183 5 876869667 +372 200 5 876869481 +372 219 5 876869481 +372 441 4 876869512 +372 635 5 876869445 +372 672 5 876869512 +372 874 4 876869238 +372 1083 3 876869878 +373 2 4 877100416 +373 25 4 877100016 +373 139 3 877111422 +373 154 5 877098919 +373 588 3 877098821 +373 598 3 877112076 +373 694 5 877098643 +373 707 4 877100378 +373 724 5 877103935 +373 849 3 877105005 +374 126 3 880393223 +374 129 5 880392846 +374 173 3 882158521 +374 231 2 880939228 +374 356 3 880937876 +374 476 2 880394138 +374 591 4 880393095 +374 685 4 880393307 +374 977 1 883628189 +374 1047 3 880394179 +375 39 3 886622024 +375 44 3 886622131 +375 300 4 886621795 +375 356 4 886622131 +375 443 4 886622024 +375 566 4 886621985 +375 583 2 886622131 +375 684 4 886622066 +375 761 3 886622131 +375 1073 2 886621950 +376 14 4 879454914 +376 98 5 879454598 +376 197 4 879454598 +376 237 3 879459054 +376 269 5 879454598 +376 274 3 879459115 +376 275 5 879455143 +376 289 3 879433599 +376 663 3 879434750 +376 762 4 879459207 +377 100 3 891298589 +377 154 5 891298627 +377 164 4 891299009 +377 219 3 891299078 +377 288 5 891295937 +377 323 2 891297001 +377 354 4 891296044 +377 443 4 891299078 +377 748 4 891296945 +377 751 3 891296044 +378 8 4 880045722 +378 52 5 880056491 +378 63 3 880333719 +378 65 3 880046132 +378 202 3 880046229 +378 356 4 880045989 +378 367 3 880055002 +378 554 3 880333540 +378 1267 3 880055740 +378 1284 2 880318158 +379 8 5 880525194 +379 69 4 880524754 +379 202 5 880525259 +379 452 3 880524614 +379 520 5 880524908 +379 554 4 880525678 +379 616 2 890464337 +379 637 2 880962047 +379 705 4 888646088 +379 732 5 880525995 +380 132 4 885479186 +380 176 3 885481179 +380 177 3 885479082 +380 186 3 885479355 +380 197 3 885478886 +380 241 2 885479997 +380 313 4 885477859 +380 530 5 885478886 +380 587 4 885479274 +380 1449 4 885478845 +381 50 5 892696252 +381 129 4 892697628 +381 191 5 892696757 +381 212 5 892696982 +381 281 2 892696616 +381 378 4 892696019 +381 495 4 892696186 +381 582 5 892696045 +381 647 4 892697133 +381 771 2 892696557 +382 25 2 875945880 +382 127 3 875945781 +382 171 3 875946639 +382 183 3 875946672 +382 276 3 875946029 +382 290 4 875946830 +382 474 5 875947199 +382 475 3 875946103 +382 531 4 875946830 +382 546 2 875946234 +383 319 2 891192377 +383 321 5 891192376 +383 425 4 891193181 +383 464 4 891192986 +383 474 5 891193072 +383 475 2 891193137 +383 505 4 891193042 +383 603 5 891193242 +383 641 4 891192778 +383 663 5 891192778 +384 271 4 891283502 +384 272 5 891273509 +384 328 4 891274091 +384 343 3 891273716 +384 347 4 891273509 +384 355 4 891274055 +384 689 4 891274232 +384 748 4 891274028 +384 878 4 891274962 +384 989 4 891273905 +385 4 2 879445260 +385 79 3 879441853 +385 209 4 879441853 +385 221 5 881398053 +385 262 4 884153000 +385 367 4 879444640 +385 435 3 879443102 +385 524 5 880924359 +385 606 4 879441599 +385 1367 5 880879193 +386 7 3 877655028 +386 50 4 877654961 +386 121 3 877655145 +386 222 4 877654961 +386 281 3 877655145 +386 455 3 877654961 +386 515 5 877654961 +386 546 2 877655195 +386 833 3 877655195 +386 1016 4 877654961 +387 56 5 886479649 +387 58 4 886484065 +387 180 4 886479737 +387 199 4 886483858 +387 218 3 886481687 +387 414 4 886482969 +387 514 3 886480515 +387 520 4 886480446 +387 692 1 886482928 +387 1166 3 886483939 +388 5 4 886441083 +388 56 3 886441015 +388 117 5 886436756 +388 147 4 886436871 +388 184 4 886441083 +388 310 5 886438540 +388 313 5 886438122 +388 326 5 886438122 +388 690 5 886438540 +388 816 4 886441248 +389 28 4 880165411 +389 109 3 879915745 +389 124 4 879916053 +389 160 4 880087897 +389 176 4 880165047 +389 204 4 879991017 +389 249 3 879915991 +389 613 5 880088038 +389 955 4 880087599 +389 1119 3 880088659 +390 100 5 879694123 +390 124 4 879694232 +390 181 4 879694198 +390 304 5 879693561 +390 328 4 879693677 +390 331 2 879693723 +390 713 4 879694259 +390 740 4 879694123 +390 989 5 879693677 +390 990 4 879693608 +391 15 4 877399805 +391 26 5 877399745 +391 56 5 877399745 +391 134 4 877399171 +391 180 5 877399066 +391 188 3 877399658 +391 197 5 877399380 +391 264 1 877398704 +391 357 5 877399486 +391 527 3 877399541 +392 23 5 891038466 +392 165 5 891038433 +392 178 5 891038945 +392 179 5 891038946 +392 258 2 891037531 +392 293 4 891038137 +392 302 5 891037385 +392 333 4 891037531 +392 492 4 891038979 +392 1143 4 891038158 +393 15 3 887744266 +393 126 4 887743647 +393 318 3 887745973 +393 402 3 889730187 +393 471 4 887744549 +393 633 2 887746091 +393 1034 2 889731413 +393 1206 3 889730494 +393 1219 4 889729536 +393 1285 3 889555176 +394 42 4 880887152 +394 67 5 881059383 +394 88 3 880889400 +394 161 4 880888850 +394 174 5 881057914 +394 218 4 880889187 +394 227 4 881132877 +394 568 5 880888167 +394 773 4 881060053 +394 1210 3 881060330 +395 121 3 883765731 +395 151 3 883765297 +395 172 5 883763041 +395 174 5 883763561 +395 255 3 883765731 +395 315 5 886480875 +395 365 5 883766403 +395 632 5 883764845 +395 892 3 883762681 +395 924 4 883765156 +396 106 4 884646537 +396 148 4 884646436 +396 260 3 884645754 +396 274 4 884646263 +396 291 4 884646289 +396 678 3 884645838 +396 751 3 884645648 +396 841 4 884646648 +396 930 3 884646467 +396 1025 4 884645839 +397 7 5 885349913 +397 108 4 885350045 +397 178 5 885349759 +397 194 3 885349348 +397 221 4 885349348 +397 325 3 882838853 +397 334 3 885349348 +397 988 1 875063722 +397 1018 4 882839517 +397 1019 3 885349715 +398 12 3 875658898 +398 50 5 875652927 +398 69 5 875659191 +398 181 4 875652318 +398 199 4 875721548 +398 227 2 875908666 +398 423 5 875659319 +398 481 3 875659441 +398 504 3 875722071 +398 514 4 875658794 +399 8 3 882510165 +399 73 3 882343731 +399 219 3 882345454 +399 284 2 882512342 +399 459 4 882340807 +399 486 3 882510290 +399 591 3 882340599 +399 813 3 882512003 +399 1228 3 882345500 +399 1314 3 882349198 +400 259 3 885676490 +400 300 4 885676230 +400 304 4 885676490 +400 307 3 885676526 +400 321 4 885676452 +400 323 4 885676582 +400 328 3 885676490 +400 689 3 885676316 +400 749 4 885676452 +400 895 4 885676452 +401 117 3 891032563 +401 135 1 891032919 +401 199 3 891032896 +401 273 2 891032334 +401 322 2 891031784 +401 486 4 891033184 +401 499 3 891033319 +401 519 4 891033158 +401 609 3 891033625 +401 638 4 891033158 +402 7 4 876267068 +402 16 3 876267096 +402 111 4 876267041 +402 126 4 876266741 +402 127 5 876267014 +402 234 4 876266826 +402 255 4 876266948 +402 257 4 876266701 +402 480 5 876267206 +402 764 3 876266985 +403 7 5 879785867 +403 111 4 879785974 +403 121 5 879786221 +403 123 3 879786112 +403 148 5 879786351 +403 181 4 879785916 +403 258 4 879785703 +403 546 3 879786221 +403 866 4 879786294 +403 925 4 879790468 +404 269 4 883790750 +404 294 4 883790430 +404 313 5 883790181 +404 327 2 883790366 +404 328 4 883790749 +404 333 2 883790286 +404 342 3 883790750 +404 687 3 883790465 +404 748 4 883790430 +404 892 2 883790550 +405 56 4 885544911 +405 171 1 885549544 +405 387 1 885546680 +405 580 1 885547447 +405 592 1 885548670 +405 953 3 885546487 +405 994 1 885549746 +405 1409 1 885549045 +405 1432 1 885549942 +405 1582 1 885548670 +406 48 5 879792811 +406 156 5 879446062 +406 239 3 880131608 +406 318 5 879792811 +406 479 4 879445771 +406 496 4 879445378 +406 605 5 882480749 +406 664 2 884630973 +406 823 3 879540147 +406 962 4 879445810 +407 50 4 875045268 +407 196 4 876340318 +407 205 4 875045371 +407 211 4 875044400 +407 217 4 875044400 +407 231 3 876342031 +407 249 2 884614788 +407 428 3 875553154 +407 433 4 875117053 +407 785 3 876341444 +408 258 3 889679857 +408 286 3 889679683 +408 288 4 889679791 +408 300 3 889679857 +408 315 5 889679715 +408 319 5 889679947 +408 347 3 889679761 +408 683 3 889679982 +408 689 3 889680045 +408 748 5 889680073 +409 48 2 881108455 +409 50 5 881107281 +409 65 4 881108777 +409 99 3 881107750 +409 197 3 881109215 +409 200 2 881109175 +409 223 4 881107539 +409 288 1 881104647 +409 1242 2 881106087 +409 1295 1 881105367 +410 286 4 888627138 +410 289 1 888626819 +410 300 3 888626538 +410 312 2 888626881 +410 313 5 888627137 +410 538 3 888626710 +410 748 2 888626857 +410 882 3 888626612 +410 886 2 888627018 +410 898 3 888627138 +411 168 5 892845604 +411 172 5 892845604 +411 182 3 891035278 +411 196 4 892845804 +411 209 4 891035550 +411 405 4 891035152 +411 451 4 892845634 +411 651 4 891035278 +411 770 4 892845634 +411 1470 3 892845746 +412 4 3 879717253 +412 28 4 879716962 +412 92 3 879717449 +412 135 4 879717621 +412 175 4 879717286 +412 202 3 879717016 +412 218 3 879717147 +412 318 5 879716918 +412 427 4 879717016 +412 436 4 879717649 +413 7 3 879969614 +413 124 5 879969734 +413 222 4 879969709 +413 255 3 879969791 +413 260 1 879969148 +413 271 4 879969027 +413 297 5 879969484 +413 301 3 879968794 +413 306 4 879968793 +413 628 4 879969791 +414 100 5 884999439 +414 258 5 884998953 +414 260 3 884999193 +414 264 3 884998993 +414 272 5 884998953 +414 294 2 884999128 +414 300 4 884999066 +414 310 4 884998993 +414 346 5 884999037 +414 678 1 884999066 +415 56 5 879439865 +415 154 4 879439865 +415 180 5 879439791 +415 195 5 879439685 +415 243 1 879439386 +415 328 5 879439135 +415 479 4 879439610 +415 641 3 879439960 +415 754 4 879439311 +415 1524 5 879439791 +416 69 4 876699027 +416 125 5 893213796 +416 250 4 876697074 +416 272 5 893214332 +416 348 3 886314660 +416 356 5 893213019 +416 578 4 886318546 +416 724 4 886316409 +416 874 1 876696853 +416 1188 3 886318953 +417 3 4 879646344 +417 83 5 879648132 +417 120 2 880949763 +417 147 4 879646225 +417 423 4 879647118 +417 551 3 879649224 +417 578 3 879649610 +417 597 3 879646413 +417 781 3 880951559 +417 1095 3 879649322 +418 258 5 891282551 +418 269 5 891282765 +418 301 2 891282738 +418 302 2 891282551 +418 304 4 891282738 +418 313 3 891282680 +418 315 2 891282521 +418 331 3 891282521 +418 344 1 891282521 +418 362 1 891282765 +419 173 5 879435628 +419 181 4 879435807 +419 223 4 879435785 +419 257 4 879435503 +419 286 4 879435190 +419 306 5 879435242 +419 488 5 879435722 +419 514 4 879435785 +419 705 5 879435663 +419 1451 4 879435722 +420 19 3 891356927 +420 137 4 891357104 +420 251 5 891357070 +420 275 5 891357071 +420 283 5 891357162 +420 288 3 891357271 +420 302 4 891356790 +420 319 4 891357188 +420 331 3 891357271 +420 753 5 891356864 +421 89 5 892241362 +421 124 4 892241344 +421 156 5 892241458 +421 194 4 892241554 +421 200 3 892241687 +421 238 5 892241576 +421 443 5 892241459 +421 474 4 892241389 +421 657 4 892241422 +421 915 4 892241252 +422 109 2 875130204 +422 126 4 875129911 +422 184 4 879744085 +422 258 4 875129523 +422 325 2 875129692 +422 559 3 879744085 +422 671 4 879744143 +422 854 4 879744014 +422 919 5 875130027 +422 922 4 875130173 +423 15 4 891395573 +423 237 4 891395448 +423 258 5 891394747 +423 269 3 891394558 +423 272 5 891394503 +423 310 3 891394558 +423 315 4 891395141 +423 323 3 891395047 +423 744 4 891395655 +423 1134 4 891395684 +424 9 5 880859623 +424 14 4 880859552 +424 25 4 880859723 +424 261 3 880859115 +424 275 5 880859410 +424 294 5 880858979 +424 683 3 880859084 +424 689 1 880858887 +424 989 2 880859084 +424 1346 4 880859519 +425 39 4 878738335 +425 183 3 878738486 +425 185 2 878738853 +425 191 3 878738186 +425 227 4 878738597 +425 271 5 890346597 +425 318 2 878737841 +425 424 2 878738956 +425 748 3 890346567 +425 825 2 878738643 +426 211 4 879444320 +426 429 5 879444081 +426 480 5 879444473 +426 493 4 879444473 +426 504 4 879442083 +426 603 5 879444472 +426 608 4 879444081 +426 614 4 879444604 +426 633 4 879444816 +426 1116 4 879444251 +427 263 5 879701253 +427 300 4 879700908 +427 302 4 879700759 +427 319 3 879700486 +427 341 5 879701253 +427 680 5 879701326 +427 682 5 879701325 +427 874 5 879701326 +427 938 5 879701253 +427 1296 5 879701225 +428 301 4 885943782 +428 307 4 885944110 +428 313 5 885943749 +428 316 4 892572382 +428 332 4 885943749 +428 340 4 885943749 +428 343 2 885944093 +428 690 5 885943651 +428 750 5 885943651 +428 875 4 885944136 +429 45 3 882385118 +429 64 4 882384744 +429 73 3 882387505 +429 86 5 882384579 +429 495 3 882385358 +429 511 5 882385542 +429 628 3 882385808 +429 735 4 882387757 +429 1016 4 882386217 +429 1222 3 882387074 +430 10 4 877225726 +430 129 5 877225547 +430 234 4 877226323 +430 237 5 877225965 +430 253 1 877225484 +430 436 4 877226365 +430 527 4 877226209 +430 547 2 877226365 +430 656 4 877226365 +430 744 3 877225965 +431 286 4 877844062 +431 300 4 877844248 +431 307 3 879038461 +431 322 4 877844559 +431 323 3 877844559 +431 538 4 881127620 +431 748 4 877844377 +431 754 3 881127436 +431 879 3 877844489 +431 988 2 877844657 +432 50 5 889416012 +432 111 4 889416456 +432 222 4 889416012 +432 237 5 889415983 +432 274 3 889416229 +432 295 3 889416352 +432 411 3 889416044 +432 546 3 889416657 +432 620 4 889416352 +432 742 4 889415983 +433 50 5 880585885 +433 60 5 880585700 +433 173 4 880585730 +433 194 5 880585759 +433 302 5 880585028 +433 325 2 880585554 +433 657 5 880585802 +433 682 2 880585431 +433 690 2 880585028 +433 748 4 880585491 +434 121 4 886724666 +434 125 5 886724708 +434 220 5 886724873 +434 275 3 886724633 +434 369 4 886724972 +434 406 3 886725027 +434 546 5 886725076 +434 756 2 886725027 +434 815 4 886724972 +434 1060 3 886724733 +435 240 3 884133818 +435 299 4 884130671 +435 380 3 884133026 +435 431 3 884131950 +435 443 3 884132777 +435 462 5 884131328 +435 693 3 884131118 +435 756 3 884134134 +435 780 2 884133284 +435 1034 2 884134754 +436 73 4 887769444 +436 132 1 887769824 +436 133 3 887768982 +436 161 4 887771897 +436 174 3 887769335 +436 238 3 887769693 +436 411 4 887771022 +436 433 5 887770428 +436 454 4 887768982 +436 658 5 887769673 +437 14 5 880140369 +437 165 4 881002324 +437 173 4 881001023 +437 190 3 880140154 +437 419 5 880141961 +437 655 4 881001945 +437 708 4 881002026 +437 1121 5 880140466 +437 1262 3 881002091 +437 1404 2 881002263 +438 9 4 879868005 +438 15 4 879868242 +438 50 5 879868005 +438 121 5 879868328 +438 181 4 879868005 +438 237 5 879868278 +438 269 4 879867960 +438 321 5 879867960 +438 476 5 879868664 +438 1028 2 879868529 +439 13 3 882893171 +439 14 5 882893245 +439 93 4 882893737 +439 125 3 882893688 +439 242 5 882892424 +439 257 4 882893737 +439 282 3 882893859 +439 288 3 882892424 +439 405 4 882893323 +439 475 3 882893220 +440 283 5 891577894 +440 323 1 891577504 +440 512 3 891578059 +440 515 4 891578301 +440 690 4 891546698 +440 751 3 891549397 +440 886 5 891550404 +440 1038 5 891550404 +440 1073 4 891577814 +440 1504 4 891578226 +441 1 5 891035468 +441 9 4 891035528 +441 15 3 891035699 +441 25 3 891036306 +441 117 4 891035489 +441 259 3 891035211 +441 288 2 891035056 +441 405 3 891035507 +441 683 2 891035350 +441 751 4 891035247 +442 14 1 883389776 +442 31 3 883391249 +442 39 3 883390466 +442 54 3 883391274 +442 98 4 883389983 +442 182 4 883390284 +442 229 3 883391275 +442 385 3 883390416 +442 401 2 883388960 +442 554 2 883390641 +443 12 5 883505379 +443 258 5 883504617 +443 271 4 883504682 +443 286 5 883504521 +443 323 2 883504866 +443 327 4 883504593 +443 340 5 883504748 +443 644 3 883505465 +443 678 2 883504818 +443 687 3 883504889 +444 50 5 890247287 +444 100 5 890247385 +444 300 4 891979402 +444 515 4 891979402 +444 678 3 891979403 +444 751 4 890247172 +444 906 4 891979402 +444 912 4 891978663 +444 916 3 891979403 +444 1483 2 891978807 +445 123 1 891200137 +445 195 2 890987655 +445 204 3 890988205 +445 408 3 891199749 +445 410 1 891200164 +445 597 1 891200320 +445 628 1 891200137 +445 823 1 891200624 +445 919 1 891200233 +445 1591 4 891199360 +446 269 4 879787730 +446 288 2 879786838 +446 294 1 879786984 +446 311 2 879787858 +446 326 2 879786943 +446 332 3 879787149 +446 748 2 879787149 +446 880 2 879786943 +446 883 3 879786837 +446 888 1 879787859 +447 69 4 878856209 +447 70 3 878856483 +447 100 5 878854552 +447 121 5 878855107 +447 148 4 878854729 +447 218 4 878856052 +447 234 4 878855782 +447 544 4 878854997 +447 823 3 878855165 +447 1034 2 878854918 +448 262 4 891888042 +448 268 3 891888367 +448 269 5 891887338 +448 292 4 891888178 +448 303 4 891887161 +448 316 1 891887337 +448 360 4 891887338 +448 884 4 891889281 +448 896 5 891887216 +448 1294 1 891887161 +449 137 5 879958866 +449 212 5 880410624 +449 224 4 879958758 +449 282 3 879958953 +449 286 4 879958444 +449 291 2 879959246 +449 381 4 880410777 +449 971 4 880410701 +449 1009 4 879959190 +449 1194 4 880410624 +450 58 3 882373464 +450 100 4 882374059 +450 142 5 887835352 +450 162 5 882395913 +450 216 5 882373657 +450 470 5 887139517 +450 783 3 882399818 +450 785 3 882395537 +450 801 4 882469863 +450 1147 4 882374497 +451 243 4 879012510 +451 262 1 879012647 +451 269 2 879012647 +451 289 1 879012510 +451 294 5 879012470 +451 300 4 879012550 +451 323 4 879012510 +451 360 3 879012858 +451 872 2 879012857 +451 882 1 879012812 +452 25 2 875559910 +452 134 3 875265446 +452 152 2 875264826 +452 191 5 876299004 +452 435 3 885476560 +452 495 4 875560508 +452 523 2 887889774 +452 641 3 875266415 +452 736 3 887890174 +452 1109 2 875273609 +453 73 4 888206132 +453 98 4 877554396 +453 125 3 877561349 +453 246 5 877552590 +453 248 4 887942143 +453 356 2 888205866 +453 421 4 888203015 +453 697 4 877561235 +453 1032 1 877561911 +453 1157 2 888206576 +454 87 4 881960296 +454 161 4 888267198 +454 181 3 881959187 +454 182 3 888266685 +454 418 3 888267128 +454 484 3 881960445 +454 487 4 888266565 +454 493 2 888267617 +454 633 2 881959745 +454 1063 4 881960029 +455 20 3 879109594 +455 56 5 879110844 +455 135 5 879111248 +455 282 3 879109664 +455 293 4 879109110 +455 334 3 892230883 +455 629 3 879111371 +455 724 3 879111500 +455 738 3 879112238 +455 755 3 879112189 +456 175 3 881372946 +456 187 4 881372911 +456 210 3 881374849 +456 274 3 881371977 +456 294 1 881375667 +456 448 3 881374586 +456 662 4 881374710 +456 715 3 881373697 +456 943 4 881372946 +456 1248 3 881374767 +457 182 4 882396659 +457 192 5 882395018 +457 243 2 882393104 +457 366 4 882549287 +457 443 4 882396989 +457 500 5 882553112 +457 636 4 882548466 +457 704 4 882397240 +457 708 4 882398002 +457 775 3 882551021 +458 144 4 886396390 +458 178 4 886398187 +458 191 5 886396192 +458 318 4 886397771 +458 319 4 889323714 +458 387 4 886398246 +458 496 3 886398289 +458 530 4 886396005 +458 648 4 886395899 +458 1101 4 886397931 +459 134 3 879564941 +459 194 3 879566291 +459 216 3 879566321 +459 322 4 879561679 +459 357 4 879564308 +459 358 2 879561783 +459 596 3 879562939 +459 934 3 879563639 +459 978 2 879563435 +459 1060 1 879563668 +460 10 3 882912371 +460 20 4 882912469 +460 129 3 882912261 +460 257 2 882912342 +460 275 3 882912261 +460 286 4 882910838 +460 289 4 882910838 +460 297 3 882912342 +460 327 4 882912418 +460 744 3 882912261 +461 50 3 885356089 +461 121 2 885355890 +461 255 2 885355890 +461 259 2 885355679 +461 269 3 885355705 +461 302 3 885355646 +461 313 4 885355646 +461 321 3 885355757 +461 682 1 885355705 +461 1006 5 885355890 +462 271 1 886365928 +462 289 5 886365837 +462 310 5 886365197 +462 313 5 886365231 +462 321 5 886365734 +462 332 5 886365706 +462 358 1 886365638 +462 678 3 886365335 +462 682 5 886365231 +462 895 4 886365297 +463 21 1 890453075 +463 24 3 877385731 +463 225 3 877385489 +463 242 2 889935629 +463 250 4 889935953 +463 347 1 889936589 +463 455 3 877385457 +463 593 1 877386923 +463 950 3 877385590 +463 1132 1 889937778 +464 194 5 878355259 +464 269 5 878354626 +464 289 4 878354626 +464 300 4 878354626 +464 328 3 878354722 +464 333 4 878354761 +464 358 3 878354680 +464 482 5 878355258 +464 678 3 878354722 +464 709 5 878355258 +465 50 4 883530778 +465 109 3 883532119 +465 114 4 883530190 +465 198 2 883532119 +465 202 4 883531487 +465 216 3 883531284 +465 300 3 883529601 +465 474 3 883531246 +465 477 4 883530742 +465 481 4 883529984 +466 128 2 890284819 +466 172 4 890284706 +466 181 4 890284857 +466 188 3 890284766 +466 265 3 890285159 +466 308 1 890282957 +466 321 2 890282986 +466 331 5 890284231 +466 349 2 890283636 +466 354 2 890282795 +467 50 4 879532385 +467 109 5 879532550 +467 150 4 879532385 +467 240 3 879532773 +467 257 4 879532512 +467 264 2 879532296 +467 268 5 879532164 +467 288 4 879532804 +467 762 3 879532478 +467 1017 2 879532403 +468 39 3 875296309 +468 69 4 875291570 +468 209 5 875296309 +468 405 2 875280462 +468 461 4 875291570 +468 544 3 875280417 +468 642 3 875291403 +468 742 3 875280310 +468 926 2 875280331 +468 1008 4 875283843 +469 136 4 879524062 +469 153 4 879523891 +469 484 5 879524062 +469 499 5 879524485 +469 513 5 879523891 +469 530 5 879524376 +469 605 4 879524302 +469 610 4 879523947 +469 641 4 879524241 +469 855 4 879524302 +470 93 4 879178518 +470 268 2 879178216 +470 294 3 879178237 +470 475 4 879178568 +470 544 3 879178830 +470 546 4 879178950 +470 824 4 879178731 +470 919 3 879178370 +470 950 3 879178645 +470 1097 3 879178487 +471 1 4 889827881 +471 94 5 889828081 +471 95 4 889827822 +471 99 2 889827918 +471 140 5 889827918 +471 418 3 889827757 +471 477 5 889827918 +471 588 1 889827881 +471 596 1 889827881 +471 969 2 889828154 +472 11 5 892790676 +472 168 5 892791062 +472 193 5 875981789 +472 233 4 875981759 +472 258 5 892790953 +472 401 4 875982727 +472 449 5 875982967 +472 826 3 883904224 +472 877 3 892789947 +472 1011 4 875979187 +473 10 3 878157527 +473 257 4 878157456 +473 273 5 878157329 +473 276 4 878157404 +473 293 4 878157507 +473 508 2 878157456 +473 547 3 878157600 +473 813 3 878157427 +473 1129 4 878157507 +473 1142 5 878157299 +474 8 5 887925497 +474 68 3 887926804 +474 176 5 887923972 +474 410 2 887915645 +474 480 5 887925186 +474 518 4 887926633 +474 528 5 887923924 +474 602 3 887926436 +474 736 3 887927509 +474 1014 3 887916567 +475 70 4 891627606 +475 100 5 891452276 +475 259 5 891628024 +475 286 2 891451276 +475 313 2 891451083 +475 315 4 891452177 +475 316 5 891627927 +475 347 4 891451341 +475 381 4 891627606 +475 902 5 891451402 +476 72 4 883364433 +476 204 4 883364325 +476 232 3 883364250 +476 238 3 883364324 +476 715 4 883364745 +476 765 4 883365442 +476 781 4 883365135 +476 792 4 883365019 +476 1037 1 883365384 +476 1188 2 883364780 +477 15 4 875941863 +477 25 5 875940755 +477 36 4 875941224 +477 88 5 875941085 +477 255 5 875941763 +477 280 4 875941022 +477 709 5 875941763 +477 724 4 875941086 +477 781 4 875941191 +477 815 5 875941763 +478 50 3 889396509 +478 122 2 889397778 +478 143 5 889396797 +478 151 5 889388038 +478 276 5 889388862 +478 282 3 889398216 +478 318 5 889389232 +478 673 3 889395696 +478 684 4 889396531 +478 866 1 889388273 +479 28 4 879461800 +479 135 4 879461255 +479 168 5 889126007 +479 174 5 889125837 +479 228 4 879461060 +479 248 4 879460192 +479 325 1 879459791 +479 528 4 879461060 +479 680 3 887064404 +479 931 2 879460681 +480 172 3 891208492 +480 174 5 891208356 +480 175 3 891208356 +480 183 4 891208651 +480 190 5 891208265 +480 203 4 891208520 +480 234 4 891208769 +480 319 3 891207539 +480 483 3 891208293 +480 615 4 891208185 +481 42 3 885828426 +481 66 3 885828203 +481 210 4 885828165 +481 313 4 885827861 +481 318 1 885828807 +481 435 5 885828510 +481 507 4 885828773 +481 524 5 885829045 +481 596 4 885828773 +481 1089 3 885828072 +482 127 4 887644063 +482 257 4 887644063 +482 289 3 887644023 +482 295 3 887644063 +482 298 4 887644085 +482 301 4 887643315 +482 311 4 887643340 +482 321 3 887644023 +482 876 3 887644023 +482 988 4 887643499 +483 144 2 878954228 +483 181 4 878950971 +483 237 3 878953019 +483 249 2 878952866 +483 250 3 878952837 +483 271 3 881273325 +483 313 2 884046430 +483 449 3 878953593 +483 462 3 884047754 +483 900 3 885170586 +484 25 3 881449561 +484 70 5 891195036 +484 96 5 891195323 +484 141 4 891195886 +484 195 5 891195349 +484 235 2 881450160 +484 300 4 887519214 +484 550 4 891195390 +484 554 4 891195565 +484 755 4 891195825 +485 245 3 891041782 +485 288 3 891041171 +485 289 3 891041551 +485 294 1 891041103 +485 307 3 891040967 +485 313 4 891040423 +485 321 3 891041275 +485 341 4 891042027 +485 347 2 891040688 +485 538 3 891040560 +486 15 3 879875278 +486 147 2 879875249 +486 221 4 879875040 +486 471 5 879874969 +486 476 3 879875371 +486 620 2 879875441 +486 689 2 879874064 +486 823 4 879875347 +486 846 2 879875154 +486 1014 3 879874784 +487 56 4 883528441 +487 76 4 883530484 +487 280 5 883444860 +487 455 2 883444252 +487 470 5 883530409 +487 474 4 883445752 +487 597 4 883444674 +487 939 3 883446757 +487 1044 3 884051761 +487 1188 3 884045361 +488 33 2 891294976 +488 58 3 891376081 +488 154 3 891293974 +488 198 4 891375822 +488 405 3 891294014 +488 434 4 891294785 +488 480 3 891376110 +488 510 4 891294854 +488 568 3 891294707 +488 748 4 891293606 +489 271 4 891448706 +489 289 2 891366748 +489 292 4 891366693 +489 310 4 891449022 +489 321 3 891447845 +489 342 3 891445199 +489 457 3 891449254 +489 881 2 891447586 +489 1238 4 891445352 +489 1293 5 891446623 +490 1 3 875427148 +490 9 4 875428765 +490 15 1 875427739 +490 123 2 875428570 +490 126 2 875427812 +490 257 3 875428570 +490 284 3 875427993 +490 333 3 875427021 +490 764 1 875427993 +490 993 1 875427739 +491 19 4 891185209 +491 45 5 891189631 +491 190 4 891189631 +491 273 5 891188230 +491 285 5 891185919 +491 340 4 891189716 +491 475 4 891185170 +491 657 5 891189306 +491 900 5 891189761 +491 1281 3 891186806 +492 86 3 879969454 +492 97 3 879969210 +492 124 4 879969345 +492 127 5 879969879 +492 185 3 879969512 +492 318 5 879969878 +492 483 2 879969210 +492 492 4 879969512 +492 511 5 879969879 +492 1021 3 879969415 +493 61 4 884131263 +493 69 5 884130995 +493 82 5 884132058 +493 121 5 884131690 +493 222 3 884130416 +493 252 4 884130619 +493 284 4 884130619 +493 431 5 884132037 +493 751 5 884129793 +493 762 4 884130439 +494 1 3 879541374 +494 50 5 879541246 +494 64 5 879541207 +494 107 4 879541405 +494 126 4 879541476 +494 183 5 879541158 +494 191 4 879541158 +494 194 4 879541298 +494 199 4 879541158 +494 237 4 879541375 +495 71 5 888634111 +495 89 3 888632888 +495 139 2 888636810 +495 153 5 888633165 +495 167 4 888636958 +495 174 5 888632319 +495 413 5 888636032 +495 478 4 888632443 +495 658 3 888635380 +495 674 3 888635995 +496 64 3 876066064 +496 97 1 876066848 +496 132 3 876065881 +496 142 2 876067686 +496 156 3 876065933 +496 183 2 876065259 +496 318 4 876065693 +496 526 3 876067597 +496 633 3 876065822 +496 1074 2 876068100 +497 31 3 879361802 +497 227 2 879310883 +497 234 2 879361847 +497 242 1 878759351 +497 363 2 879310649 +497 465 3 879363610 +497 540 2 879311007 +497 566 3 879310941 +497 840 3 879310679 +497 1185 1 879363205 +498 54 2 881961745 +498 127 4 881954219 +498 176 2 881956498 +498 187 4 881955960 +498 191 4 881957054 +498 192 5 881957546 +498 197 5 881958414 +498 474 4 881957905 +498 475 3 881954617 +498 522 3 881956499 +499 181 3 885598827 +499 210 3 885599201 +499 238 2 885599498 +499 312 4 882995923 +499 347 4 885597932 +499 482 2 885599182 +499 511 5 885599227 +499 514 5 885599334 +499 661 3 885599474 +499 664 3 885599334 +500 111 4 888538350 +500 159 2 883876251 +500 244 3 886358931 +500 294 3 883864578 +500 665 3 883876714 +500 781 3 883874776 +500 836 5 883874290 +500 971 5 883876093 +500 1012 4 883865021 +500 1047 3 883865985 +501 25 3 883347773 +501 127 5 883347773 +501 151 4 883348543 +501 249 3 883348411 +501 298 4 883347950 +501 307 4 883346651 +501 324 4 883346694 +501 844 4 883347023 +501 1278 3 883348372 +501 1534 4 883348743 +502 294 3 883702255 +502 301 1 883702370 +502 333 4 883701866 +502 338 4 883702370 +502 358 4 883702518 +502 539 3 883701980 +502 683 3 883702867 +502 879 3 883701980 +502 890 2 883702945 +502 892 2 883702867 +503 69 4 880383679 +503 127 5 879438161 +503 137 5 879438072 +503 164 3 880472507 +503 173 5 880383357 +503 181 5 879438319 +503 194 4 880472591 +503 659 5 880472148 +503 900 5 892667389 +503 1316 1 892667252 +504 66 4 887839165 +504 72 4 887840134 +504 163 4 887840517 +504 179 1 887839165 +504 370 3 887832268 +504 546 4 887831947 +504 581 4 887910623 +504 678 4 887831115 +504 807 4 887839081 +504 1263 4 887909532 +505 99 4 889333313 +505 140 4 889334129 +505 187 1 889333676 +505 193 3 889334477 +505 245 4 888631349 +505 498 5 889334274 +505 591 4 889333676 +505 713 3 889334217 +505 748 1 888631208 +505 989 1 888631438 +506 229 4 874874895 +506 281 3 880198144 +506 385 4 874873944 +506 410 2 882100955 +506 465 4 874874630 +506 470 4 874873423 +506 479 4 874873571 +506 494 5 878044851 +506 560 3 874874458 +506 1046 4 874874396 +507 117 3 889965997 +507 147 5 889965997 +507 245 5 889964809 +507 323 5 889964809 +507 338 5 889964348 +507 343 5 889964074 +507 682 5 889964620 +507 826 5 889966127 +507 892 5 889964809 +507 1034 5 889966127 +508 69 3 883776748 +508 144 3 883767728 +508 150 5 883767325 +508 172 5 883767157 +508 188 4 883767325 +508 195 3 883767565 +508 223 4 883767361 +508 238 4 883767343 +508 568 4 883777237 +508 735 4 883775341 +509 50 5 883591878 +509 260 2 883591195 +509 288 5 883590443 +509 300 3 883590800 +509 310 1 883590443 +509 319 2 883590913 +509 680 1 883591252 +509 687 1 883591489 +509 751 3 883590443 +509 879 1 883590913 +510 259 2 887667708 +510 286 3 887667439 +510 289 2 887667751 +510 294 3 887667681 +510 325 1 887667575 +510 330 2 887667808 +510 358 1 887667780 +510 678 4 887667780 +510 687 2 887667752 +510 881 2 887667838 +511 271 5 890004879 +511 292 5 890004686 +511 294 4 890005011 +511 299 2 890004827 +511 313 5 890004702 +511 333 4 890004778 +511 346 4 890004686 +511 355 2 890004827 +511 358 1 890004916 +511 895 4 890004863 +512 1 4 888589126 +512 11 5 888579520 +512 23 4 888580248 +512 97 5 888579520 +512 191 4 888579747 +512 198 5 888579920 +512 265 4 888580143 +512 313 3 888578289 +512 318 5 888579569 +512 1459 4 888579569 +513 117 5 885062519 +513 118 4 885062559 +513 127 4 885062286 +513 181 5 885062332 +513 222 5 885062519 +513 250 3 885062332 +513 265 5 885062919 +513 405 3 885062559 +513 472 4 885062636 +513 546 4 885062601 +514 15 4 875309350 +514 47 4 875462645 +514 96 5 875311192 +514 175 4 875462426 +514 189 5 875318291 +514 302 5 885180556 +514 328 3 885180947 +514 402 4 875463245 +514 429 4 875311225 +514 746 5 875309276 +515 243 3 887659667 +515 288 4 887658604 +515 292 3 887659805 +515 313 4 887658604 +515 315 4 887658604 +515 329 2 887660131 +515 344 2 887660131 +515 362 4 887658844 +515 690 2 887660131 +515 893 1 887660131 +516 50 5 891290565 +516 169 5 891290685 +516 181 4 891290566 +516 191 4 891290685 +516 199 3 891290649 +516 250 4 891290565 +516 310 4 891290565 +516 523 3 891290649 +516 628 4 891290649 +516 902 5 891290565 +517 111 3 892659922 +517 269 3 892659922 +517 275 5 892660728 +517 283 4 892660728 +517 284 2 892659923 +517 300 5 892660728 +517 369 5 892660727 +517 597 4 892660034 +517 873 3 892660034 +517 1016 1 892607194 +518 14 3 876822923 +518 25 5 876823197 +518 124 3 876823071 +518 284 4 876823324 +518 291 3 876823926 +518 547 3 876823645 +518 763 1 876823994 +518 919 5 876822967 +518 934 3 876823143 +518 1047 4 876823266 +519 243 1 883250021 +519 327 4 883248134 +519 335 5 883248595 +519 336 5 883248595 +519 349 5 883250148 +519 352 5 883250148 +519 909 5 883250148 +519 1280 5 883250102 +519 1592 5 883250148 +519 1617 5 883250102 +520 25 4 885170476 +520 269 5 885168591 +520 274 3 885170516 +520 283 4 885170516 +520 289 4 885169052 +520 300 4 885168906 +520 315 4 885169083 +520 678 2 885170330 +520 1028 1 885170476 +520 1051 3 885170585 +521 69 3 884477727 +521 72 3 885254323 +521 81 1 885253861 +521 100 3 884475872 +521 153 4 884478086 +521 156 4 884478171 +521 179 4 885253708 +521 230 3 885254250 +521 288 3 884475470 +521 1016 3 884476002 +522 79 3 876960824 +522 96 3 876961076 +522 100 5 876960824 +522 128 4 876961133 +522 133 3 876961314 +522 173 4 876961020 +522 179 5 876961190 +522 318 4 876961248 +522 430 5 876961314 +522 523 5 876961133 +523 83 5 883700870 +523 114 5 883701800 +523 153 4 883702054 +523 154 4 883702125 +523 186 3 883703495 +523 242 5 883699464 +523 382 5 883701018 +523 393 5 883702411 +523 516 5 883702863 +523 662 4 883703070 +524 89 5 884634533 +524 151 1 884627327 +524 182 5 884635031 +524 205 5 884634707 +524 285 3 884322168 +524 605 1 884637566 +524 615 2 884637409 +524 650 2 884637528 +524 660 5 884636152 +524 1268 3 884637032 +525 1 4 881085964 +525 121 4 881085893 +525 123 3 881086051 +525 237 4 881085893 +525 281 3 881086562 +525 300 4 881085217 +525 332 4 881085178 +525 411 3 881086612 +525 412 2 881086757 +525 829 2 881086393 +526 7 4 885682400 +526 147 4 885682503 +526 269 5 885681886 +526 270 3 885681860 +526 283 3 885682400 +526 301 2 885682031 +526 315 5 885682102 +526 346 3 885681860 +526 754 2 885681886 +526 875 3 885682264 +527 28 3 879456289 +527 64 3 879456030 +527 127 5 879456132 +527 152 2 879456405 +527 204 5 879455847 +527 588 4 879456289 +527 615 4 879456312 +527 646 5 879455792 +527 956 4 879455847 +527 963 4 879456030 +528 58 5 886101994 +528 193 4 886101873 +528 239 5 886101632 +528 310 3 888520371 +528 358 2 888520491 +528 423 1 888522642 +528 479 4 886101505 +528 485 2 886101872 +528 748 3 888520471 +528 751 4 888520371 +529 269 3 882534996 +529 292 4 882535180 +529 321 4 882535353 +529 323 4 882535091 +529 325 3 882535693 +529 331 4 882535220 +529 340 1 882535181 +529 873 4 882535091 +529 984 4 882535353 +529 1038 4 882535304 +530 50 4 883781669 +530 156 4 883790381 +530 214 2 886202320 +530 322 4 886203949 +530 328 4 886198454 +530 476 4 886198206 +530 527 4 883784654 +530 535 4 886198575 +530 692 4 883784258 +530 1300 2 890627207 +531 288 1 887048686 +531 289 3 887048862 +531 312 5 887048899 +531 323 5 887049081 +531 327 3 887048718 +531 332 4 887048813 +531 358 1 887049187 +531 457 1 887049341 +531 905 4 887049166 +531 990 5 887048789 +532 58 4 888636374 +532 70 4 888634801 +532 95 5 893118711 +532 132 5 893118711 +532 216 5 893119438 +532 333 4 875441189 +532 369 3 874792142 +532 399 3 888630360 +532 603 5 893119491 +532 746 5 893119438 +533 50 5 882902988 +533 103 3 887032538 +533 275 4 887721848 +533 288 2 882901971 +533 328 4 887032063 +533 477 4 880402957 +533 526 2 879191265 +533 595 2 887032451 +533 949 4 879439519 +533 1177 1 879192184 +534 24 5 877807780 +534 117 5 877807973 +534 237 4 877808002 +534 455 5 877807816 +534 591 5 877807845 +534 926 4 877807780 +534 930 4 877808002 +534 1028 5 877807816 +534 1034 3 877808120 +534 1047 4 877808361 +535 1 3 879617663 +535 165 4 879617613 +535 171 3 879618414 +535 286 2 879617123 +535 506 5 879617819 +535 515 3 879619224 +535 519 3 879617931 +535 789 2 879618613 +535 836 5 879617746 +535 1093 4 879617931 +536 2 4 882360227 +536 70 2 882359906 +536 143 5 882360425 +536 174 5 882359065 +536 204 4 882359938 +536 230 5 882359779 +536 265 5 882360300 +536 274 4 882318394 +536 441 2 882361018 +536 727 3 882359697 +537 28 3 886031438 +537 46 3 886031678 +537 150 3 886029974 +537 203 4 886031437 +537 504 3 886030652 +537 526 3 886031720 +537 557 3 886032245 +537 602 3 886031634 +537 682 1 886029083 +537 1065 1 886030738 +538 164 3 877108631 +538 191 5 877106665 +538 195 4 877108919 +538 202 4 877108250 +538 211 4 877109986 +538 237 4 877109986 +538 405 3 877109564 +538 496 5 877107491 +538 956 3 877107914 +538 963 4 877363775 +539 19 5 879788007 +539 50 3 879788136 +539 131 4 879788159 +539 153 5 879788533 +539 185 4 879788101 +539 242 5 879787770 +539 367 3 879787801 +539 382 5 879787825 +539 483 5 879788101 +539 661 5 879788045 +540 1 3 882157126 +540 7 4 882157011 +540 50 5 882156948 +540 100 5 882156948 +540 109 4 882157194 +540 125 3 882157011 +540 150 3 882157036 +540 245 3 882157172 +540 741 3 882157797 +540 742 4 882157584 +541 28 4 883864739 +541 210 5 883865575 +541 399 3 883866093 +541 420 4 883874749 +541 423 3 883864985 +541 654 3 883875215 +541 660 5 883865039 +541 699 4 883864985 +541 756 4 883866028 +541 781 5 883866093 +542 8 3 886532908 +542 206 2 886532602 +542 214 3 886533452 +542 265 4 886532238 +542 318 4 886532602 +542 396 4 886533112 +542 399 2 886533172 +542 508 3 886532762 +542 648 4 886532950 +542 746 4 886532838 +543 79 4 877545356 +543 83 4 877547441 +543 95 3 874865728 +543 135 5 875667109 +543 179 4 874862879 +543 199 4 875663056 +543 210 3 875721967 +543 513 4 874863035 +543 694 4 874862966 +543 982 3 877452676 +544 258 3 884795135 +544 286 4 884795135 +544 312 2 884796086 +544 323 2 884796016 +544 325 1 884796016 +544 326 3 884795580 +544 332 3 884795437 +544 689 2 884795706 +544 749 4 884795471 +544 1280 3 884795542 +545 25 2 880348933 +545 73 4 879900121 +545 101 4 879901538 +545 132 4 884134519 +545 210 5 879899158 +545 222 4 879899157 +545 228 5 879899266 +545 399 4 879900794 +545 554 3 879899497 +545 710 3 879900227 +546 17 4 885141411 +546 98 5 885141332 +546 118 5 885141260 +546 286 2 885139580 +546 288 4 885141260 +546 346 5 885139634 +546 413 4 885140808 +546 436 5 885141438 +546 672 3 885141438 +546 928 4 885141132 +547 258 4 891282596 +547 301 3 891282680 +547 311 2 891282699 +547 312 4 891282824 +547 316 5 891282797 +547 328 4 891282757 +547 332 3 891282681 +547 333 4 891282555 +547 347 4 891282680 +547 354 4 891282640 +548 118 5 891415855 +548 248 4 891043852 +548 264 4 891043547 +548 273 5 891044411 +548 276 3 891415512 +548 322 4 891043509 +548 636 4 891044538 +548 690 3 891042475 +548 887 4 891043442 +548 1051 4 891415677 +549 50 5 881672199 +549 100 4 881672333 +549 225 3 881672804 +549 252 3 881672538 +549 288 4 881672605 +549 472 3 881672408 +549 515 5 881672276 +549 678 3 881671982 +549 866 4 881672573 +549 1047 3 881672700 +550 254 1 883426119 +550 255 3 883425388 +550 259 2 883426119 +550 300 4 883425652 +550 323 5 883425465 +550 405 4 883426027 +550 538 5 883425812 +550 846 2 883426119 +550 892 2 883426119 +550 993 4 883425426 +551 13 1 892783411 +551 286 4 892775466 +551 365 5 892784524 +551 405 3 892783612 +551 552 3 892784259 +551 578 5 892784672 +551 684 5 892783212 +551 690 5 892775584 +551 756 1 892784437 +551 864 5 892785091 +552 13 3 879222238 +552 14 4 879221649 +552 151 3 879222238 +552 225 3 879221876 +552 252 2 879222002 +552 301 4 879220720 +552 322 3 879220760 +552 336 3 879221267 +552 717 3 879222368 +552 1277 3 879222763 +553 22 5 879949324 +553 182 3 879949290 +553 427 5 879948508 +553 434 3 879948771 +553 478 4 879948964 +553 482 4 879948831 +553 505 5 879949107 +553 511 5 879948869 +553 523 4 879948508 +553 1451 4 879949212 +554 8 4 876550526 +554 28 4 876232758 +554 69 5 876232682 +554 87 4 876550654 +554 98 5 876550491 +554 229 3 876369907 +554 286 4 876231521 +554 546 3 876231886 +554 582 3 876232758 +554 696 3 876232023 +555 7 4 879962172 +555 87 4 879975505 +555 168 4 879975419 +555 236 5 879962769 +555 249 4 879963127 +555 285 5 879963127 +555 480 4 879975474 +555 489 5 879975455 +555 546 3 879962551 +555 1054 3 879964335 +556 48 5 882136252 +556 132 5 882136396 +556 170 4 882136162 +556 192 5 882136440 +556 325 2 882135684 +556 327 5 882135508 +556 479 5 882136162 +556 496 5 882136252 +556 507 5 882136205 +556 520 5 882136441 +557 8 5 881179653 +557 127 4 880485718 +557 166 4 881179397 +557 254 4 880485908 +557 257 2 880485764 +557 262 2 882458820 +557 271 4 881179557 +557 294 3 880484929 +557 343 4 881095995 +557 508 4 880485956 +558 14 4 879436097 +558 19 5 879436396 +558 20 5 879436396 +558 116 5 879436396 +558 124 4 879435855 +558 253 5 879436396 +558 508 5 879436396 +558 847 4 879436396 +558 936 5 879436396 +558 1068 2 879435896 +559 4 4 891035876 +559 73 4 891035812 +559 188 5 891034609 +559 204 3 891035708 +559 294 1 891035519 +559 315 5 891033635 +559 435 2 891035781 +559 514 4 891035633 +559 524 3 891035917 +559 902 4 891035111 +560 7 3 879975718 +560 108 1 879976988 +560 118 3 879976892 +560 123 2 879976542 +560 203 4 879975613 +560 260 1 879977973 +560 319 4 879975173 +560 756 2 879977032 +560 864 3 879976970 +560 1160 3 879976215 +561 7 5 885808738 +561 23 5 885807888 +561 51 3 885810834 +561 143 1 885810000 +561 151 2 885808843 +561 164 2 885809626 +561 204 3 885808716 +561 343 4 885807035 +561 805 3 885810240 +561 1101 3 885808887 +562 56 1 879195156 +562 114 1 879195156 +562 191 5 879196176 +562 418 5 879195738 +562 443 5 879196604 +562 462 5 879196074 +562 480 4 879195126 +562 501 5 879196653 +562 636 2 879195007 +562 720 4 879196483 +563 50 5 880507404 +563 210 4 880507483 +563 233 4 880507165 +563 237 5 880506666 +563 254 3 880506963 +563 367 4 880507083 +563 401 4 880507108 +563 412 2 880507108 +563 692 5 880506842 +563 1035 4 880507204 +564 121 4 888730534 +564 257 4 888731011 +564 312 3 888718443 +564 333 3 888718521 +564 344 4 888718521 +564 345 4 888718521 +564 472 4 888730658 +564 750 3 888718771 +564 827 3 888731038 +564 1399 2 888718470 +565 10 5 891037453 +565 52 5 891037524 +565 70 5 891037629 +565 170 5 891037291 +565 179 5 891037778 +565 212 5 891037453 +565 640 4 891037837 +565 730 5 891037837 +565 855 5 891037628 +565 1018 5 891037862 +566 8 4 881650690 +566 33 2 881650907 +566 71 2 881650958 +566 83 4 881650148 +566 177 4 881650654 +566 395 1 881651672 +566 423 2 881649709 +566 480 4 881649471 +566 1193 5 881649548 +566 1232 2 881651126 +567 7 4 882426622 +567 252 1 882427384 +567 302 4 882426300 +567 482 5 882425966 +567 613 4 882426927 +567 615 4 882425932 +567 636 4 882427155 +567 1019 5 882425874 +567 1131 4 882426601 +567 1204 5 882427023 +568 59 1 877906995 +568 185 4 877907834 +568 194 3 877907671 +568 269 4 877906547 +568 475 4 877907782 +568 606 5 877907720 +568 835 4 877907157 +568 923 3 877906995 +568 954 2 877907671 +568 1050 4 877907835 +569 1 4 879793399 +569 3 1 879795551 +569 25 4 879793785 +569 50 5 879793717 +569 111 3 879793948 +569 126 5 879793909 +569 151 5 879793948 +569 222 3 879794265 +569 283 4 879793847 +569 924 3 879793784 +570 243 1 881262557 +570 245 1 881262497 +570 288 2 881262307 +570 301 3 881262404 +570 302 4 881262145 +570 303 5 881262256 +570 305 5 881262256 +570 324 2 881262437 +570 326 1 881262437 +570 690 3 881262307 +571 47 3 883354818 +571 64 4 883355063 +571 124 4 883354760 +571 174 4 883354940 +571 194 3 883354818 +571 462 4 883354992 +571 496 3 883354886 +571 604 3 883354886 +571 657 4 883354992 +571 964 4 883355063 +572 13 4 879449763 +572 121 2 879449610 +572 124 5 879449610 +572 277 1 879449799 +572 289 3 879449277 +572 300 4 879449243 +572 476 4 879449573 +572 1010 2 879449683 +572 1137 3 879449708 +572 1171 3 879449734 +573 69 4 885844091 +573 127 4 885843596 +573 143 2 885844339 +573 192 4 885844535 +573 194 4 885844431 +573 211 5 885843964 +573 427 4 885844091 +573 478 4 885844674 +573 480 4 885844481 +573 661 4 885844431 +574 245 5 891279362 +574 258 5 891278916 +574 272 4 891278860 +574 300 4 891279012 +574 302 4 891278860 +574 315 3 891278860 +574 321 1 891279285 +574 331 1 891279013 +574 690 3 891279174 +574 1313 4 891278916 +575 50 2 878148258 +575 173 5 878148258 +575 181 2 878148295 +575 194 4 878148087 +575 215 3 878148229 +575 322 3 878146541 +575 427 4 878148329 +575 483 3 878148137 +575 506 2 878148087 +575 507 2 878148137 +576 9 3 887168978 +576 56 3 886986444 +576 70 5 886986361 +576 181 4 887081041 +576 237 4 886985003 +576 259 2 887168978 +576 280 5 886985003 +576 381 3 886986445 +576 435 4 886986400 +576 825 4 886986304 +577 95 5 880474747 +577 117 4 880471359 +577 188 3 880474715 +577 204 4 880474338 +577 229 4 880475094 +577 284 4 880470732 +577 471 3 880471640 +577 662 4 880474933 +577 684 4 880474394 +577 996 3 880475094 +578 250 2 888957735 +578 258 1 888957735 +578 294 3 888957453 +578 323 3 888957735 +578 343 2 888957735 +578 355 1 888957758 +578 380 3 888957833 +578 678 3 888957490 +578 1098 2 890939753 +578 1264 3 890939815 +579 1 4 880951740 +579 83 5 880952360 +579 89 3 880952102 +579 98 4 880951804 +579 168 4 880952142 +579 179 3 880952038 +579 328 3 880951444 +579 528 4 880951708 +579 845 4 880952549 +579 1074 3 880952579 +580 7 3 884124844 +580 123 4 884125199 +580 148 4 884125773 +580 281 2 884126077 +580 294 4 884124337 +580 300 3 884124103 +580 329 3 884124191 +580 358 4 884124472 +580 825 4 884125339 +580 1028 3 884125829 +581 9 5 879641787 +581 50 4 879641698 +581 100 5 879641603 +581 181 3 879641787 +581 221 2 879642274 +581 224 4 879641698 +581 283 2 879642274 +581 813 5 879641603 +581 847 3 879641787 +581 919 5 879643155 +582 93 5 882960844 +582 124 4 882961082 +582 222 4 882961804 +582 246 4 882961082 +582 250 3 882961000 +582 258 4 882960396 +582 288 3 882960396 +582 750 5 882960418 +582 826 3 882962652 +582 948 1 882960718 +583 12 5 879384522 +583 83 4 879384338 +583 175 5 879384471 +583 198 4 879384404 +583 209 4 879384404 +583 239 2 879384522 +583 265 4 879384522 +583 268 5 879384094 +583 276 4 879384338 +583 663 4 879384338 +584 40 4 885778385 +584 82 3 885778458 +584 109 4 885778204 +584 114 4 885778238 +584 165 1 885778780 +584 172 4 885778080 +584 229 3 885774172 +584 258 4 885774483 +584 313 5 885773921 +584 449 2 885778571 +585 113 3 891283681 +585 463 5 891284816 +585 582 3 891282894 +585 730 3 891285188 +585 863 5 891283000 +585 1266 3 891286059 +585 1347 2 891285658 +585 1488 4 891283921 +585 1512 5 891283000 +585 1524 3 891283124 +586 39 4 884061623 +586 148 3 884065745 +586 187 4 884058566 +586 203 3 884059027 +586 219 3 884060705 +586 281 3 884062405 +586 559 5 884060807 +586 628 3 884064631 +586 665 3 884061256 +586 756 1 884067105 +587 261 3 892871438 +587 303 4 892871068 +587 327 3 892871252 +587 347 3 892871223 +587 349 3 892871400 +587 748 1 892871438 +587 875 1 892871462 +587 879 1 892871536 +587 881 2 892871641 +587 995 3 892871503 +588 31 3 890015722 +588 71 4 890024195 +588 144 3 890024564 +588 204 5 890015323 +588 207 2 890025076 +588 227 3 890028385 +588 365 5 890028385 +588 432 4 890027113 +588 721 5 890023722 +588 1047 3 890031141 +589 259 5 883352631 +589 268 1 883352463 +589 288 5 883352536 +589 289 3 883352679 +589 313 5 883352434 +589 327 3 883352535 +589 340 1 883352494 +589 678 4 883352735 +589 895 5 883352562 +589 995 1 883352562 +590 100 5 879438825 +590 126 5 879439316 +590 150 5 879438878 +590 221 4 879439645 +590 244 3 879439431 +590 276 4 879439645 +590 285 5 879438735 +590 754 3 879438686 +590 864 1 879439567 +590 1017 4 879439196 +591 56 4 891031344 +591 191 5 891031116 +591 204 4 891031500 +591 286 4 891030956 +591 322 2 891031013 +591 382 4 891031500 +591 740 4 891039974 +591 787 3 891031500 +591 1017 3 891039616 +591 1099 5 891031203 +592 20 4 882608315 +592 50 5 882607872 +592 79 4 882955583 +592 124 5 882607986 +592 204 5 882956158 +592 297 5 882607844 +592 323 1 882607690 +592 418 4 882956551 +592 433 5 882956761 +592 969 4 882956718 +593 5 4 875671525 +593 79 4 875671674 +593 172 4 886193379 +593 210 2 875673181 +593 211 4 875671198 +593 234 2 875660850 +593 392 3 886193788 +593 633 5 875671081 +593 655 3 886193724 +593 1035 3 875671464 +594 14 4 874781173 +594 50 3 874783018 +594 126 3 874781173 +594 181 3 874781076 +594 222 4 874783052 +594 237 3 874784095 +594 286 3 875917841 +594 319 3 874780864 +594 744 3 874783298 +594 988 2 874780945 +595 289 4 886920602 +595 742 2 886921521 +595 763 3 886921551 +595 825 2 886921606 +595 928 3 886921820 +595 1059 4 886921344 +595 1067 4 886922069 +595 1094 3 886921820 +595 1134 5 886921392 +595 1264 2 887588203 +596 13 2 883539402 +596 123 2 883539767 +596 181 4 883539431 +596 258 3 883539011 +596 288 4 883538847 +596 294 4 883539079 +596 313 5 883538815 +596 323 4 883538965 +596 678 3 883538965 +596 682 4 883539173 +597 15 5 875341758 +597 242 4 875338983 +597 293 5 875340939 +597 298 5 875339723 +597 300 5 875338983 +597 328 4 875339132 +597 824 3 875342875 +597 936 3 875343067 +597 988 1 875339237 +597 1152 4 875339876 +598 258 5 886711452 +598 292 4 886710735 +598 308 4 886710612 +598 313 5 886711452 +598 323 4 886711452 +598 343 2 886710795 +598 349 4 886711452 +598 350 4 886711452 +598 750 5 886711452 +598 898 4 886711452 +599 120 3 880953441 +599 282 5 880951657 +599 471 4 880953441 +599 682 4 880951079 +599 873 5 880951174 +599 928 4 880953441 +599 934 3 880953441 +599 988 4 880951211 +599 1095 4 880952316 +599 1152 4 880951623 +600 2 3 888451908 +600 92 3 888451665 +600 127 5 888451492 +600 227 4 888451977 +600 229 3 888451840 +600 554 4 888451977 +600 583 3 888451977 +600 1110 3 888452564 +600 1228 2 888452490 +600 1407 2 888453083 +601 174 4 876348572 +601 176 2 876348820 +601 181 5 876347039 +601 257 2 876347224 +601 324 4 876346383 +601 419 4 876351263 +601 623 1 876349897 +601 699 3 876350812 +601 834 1 876348381 +601 1073 2 876350230 +602 50 5 888638460 +602 125 4 888638674 +602 127 5 888638491 +602 148 4 888638517 +602 181 5 888638547 +602 304 4 888638022 +602 678 4 888638193 +602 748 3 888638160 +602 871 3 888638589 +602 988 4 888638248 +603 11 5 891956927 +603 21 3 891956715 +603 100 4 891956776 +603 157 1 891957031 +603 172 5 891956139 +603 173 4 891956877 +603 174 3 891956927 +603 181 5 891956154 +603 230 4 891955922 +603 931 2 891956715 +604 5 2 883668261 +604 164 4 883668175 +604 183 3 883668021 +604 185 2 883668175 +604 200 1 883668261 +604 201 3 883668352 +604 234 5 883668097 +604 413 3 883668175 +604 444 2 883668175 +604 670 5 883668352 +605 15 5 879427151 +605 127 5 879366240 +605 137 5 879425432 +605 174 3 879424743 +605 180 4 879424315 +605 284 2 880762139 +605 527 4 879424429 +605 531 4 879424583 +605 582 4 879424661 +605 601 5 879426339 +606 15 5 878143729 +606 96 5 880925074 +606 123 3 878143605 +606 147 5 880922503 +606 186 5 880925290 +606 241 3 880926246 +606 418 5 880923745 +606 473 4 878149415 +606 620 4 887059014 +606 1110 2 880927358 +607 45 4 883880079 +607 86 4 883880079 +607 107 4 883879756 +607 121 2 883879811 +607 180 4 883879556 +607 382 3 883880110 +607 487 4 883879213 +607 528 4 883879556 +607 529 4 883880027 +607 847 4 883879638 +608 9 4 880403765 +608 65 5 880406469 +608 69 4 880405702 +608 150 3 880406299 +608 276 2 880404975 +608 490 4 880405824 +608 661 3 880405927 +608 1115 4 880406168 +608 1153 3 880406623 +608 1172 5 880404636 +609 125 4 886895193 +609 258 3 886894677 +609 287 5 886894940 +609 288 2 886894677 +609 304 5 886895436 +609 314 1 886895941 +609 538 1 886895795 +609 878 1 886895827 +609 901 1 886895886 +609 908 1 886895699 +610 11 4 888703432 +610 216 4 888703291 +610 315 4 888702764 +610 402 5 888704000 +610 483 5 888702859 +610 489 4 888703343 +610 527 4 888703801 +610 568 4 888703648 +610 751 4 888702795 +610 1558 3 888703475 +611 268 5 891636192 +611 286 5 891636244 +611 299 1 891636223 +611 300 5 891636244 +611 303 3 891636073 +611 333 4 891636073 +611 344 5 891636073 +611 350 4 891636399 +611 751 4 891636098 +611 896 3 891636152 +612 9 3 875324876 +612 15 4 875324455 +612 118 3 875324947 +612 237 3 875324455 +612 322 3 875324294 +612 604 4 875325256 +612 878 2 875324400 +612 924 5 875324710 +612 926 2 875324789 +612 1063 5 875325049 +613 1 4 891227410 +613 28 3 891227262 +613 64 5 891227204 +613 126 5 891227338 +613 127 4 891227204 +613 194 5 891227299 +613 258 5 891227365 +613 303 4 891227111 +613 471 3 891227410 +613 509 4 891227236 +614 9 4 879464063 +614 25 1 879464376 +614 100 5 879464119 +614 117 3 879464352 +614 126 4 879464183 +614 281 3 879464308 +614 287 3 879464456 +614 288 2 879463630 +614 411 3 879465452 +614 546 1 879463965 +615 87 4 879448780 +615 170 4 879447895 +615 259 1 879447642 +615 289 2 879447670 +615 517 5 879449068 +615 644 4 879448599 +615 735 3 879448823 +615 886 2 879447692 +615 1021 5 879448119 +615 1192 4 879448715 +616 269 4 891224517 +616 272 5 891224517 +616 299 3 891224801 +616 300 4 891224644 +616 315 4 891224447 +616 355 4 891224881 +616 678 2 891224718 +616 689 4 891224748 +616 750 5 891224590 +616 1313 4 891224840 +617 7 3 883789425 +617 53 1 883789537 +617 98 2 883789080 +617 132 1 883789006 +617 294 1 883788511 +617 396 1 883789590 +617 565 4 883789635 +617 606 3 883788929 +617 637 3 883789507 +617 860 1 883789635 +618 2 2 891309091 +618 28 4 891309887 +618 93 3 891307019 +618 96 3 891307749 +618 100 4 891308063 +618 182 4 891307289 +618 185 5 891308260 +618 204 3 891307098 +618 367 3 891309319 +618 781 3 891309382 +619 39 2 885954083 +619 62 1 885954185 +619 117 5 885953778 +619 226 5 885954133 +619 241 5 885954083 +619 245 4 885953743 +619 328 1 885953684 +619 332 4 885953742 +619 403 5 885954159 +619 809 1 885954238 +620 71 5 889988005 +620 101 2 889988069 +620 268 4 889986452 +620 294 5 889986557 +620 444 3 889987682 +620 465 4 889988232 +620 565 4 889987682 +620 768 5 889988069 +620 930 2 889987875 +620 1043 4 889988340 +621 107 4 880737311 +621 135 5 885596819 +621 147 3 880738282 +621 263 1 883800011 +621 404 3 874965496 +621 541 4 874964605 +621 542 2 874965093 +621 567 3 874964991 +621 748 4 880226710 +621 833 3 880738462 +622 2 4 882671363 +622 106 2 882591172 +622 284 1 882590670 +622 479 4 882669668 +622 730 4 882669509 +622 755 4 882670211 +622 756 3 882591321 +622 797 2 882670862 +622 845 3 882590291 +622 993 4 882590809 +623 50 5 891035112 +623 88 4 891034973 +623 204 5 891035112 +623 275 5 891035112 +623 483 5 891035112 +623 523 4 891034756 +623 629 3 891034973 +623 642 3 891034472 +623 692 3 891034951 +623 815 2 891034053 +624 50 5 879792581 +624 262 4 891961078 +624 271 3 879791884 +624 272 5 885215463 +624 278 4 879793545 +624 346 3 885215462 +624 471 4 879792493 +624 742 4 879793093 +624 748 3 879792109 +624 864 3 879793198 +625 96 5 892000372 +625 151 3 891999874 +625 166 3 891960843 +625 172 4 891263057 +625 258 4 891262561 +625 428 5 891953755 +625 602 3 891263057 +625 692 3 892000518 +625 739 3 891263665 +625 748 3 891262561 +626 243 1 878771505 +626 286 5 878771242 +626 288 3 878771243 +626 289 1 878771281 +626 294 3 878771243 +626 324 4 878771281 +626 328 1 878771505 +626 682 3 878771447 +626 948 1 878771281 +626 988 1 878771281 +627 26 3 879530824 +627 144 2 879531158 +627 179 5 879530536 +627 210 3 879531248 +627 281 3 879531504 +627 403 2 879530694 +627 467 5 879530042 +627 699 1 879530263 +627 1004 4 879531504 +627 1194 4 879529855 +628 168 4 880777167 +628 270 5 880776981 +628 300 5 880776981 +628 302 5 880776981 +628 305 5 880776981 +628 330 5 880777096 +628 361 5 880776981 +628 845 5 880777167 +628 874 5 880776981 +628 938 5 880777095 +629 9 4 880117485 +629 58 4 880117215 +629 162 5 880117361 +629 187 5 880117031 +629 204 5 880117285 +629 269 3 880115840 +629 284 4 880117719 +629 332 4 880116722 +629 528 5 880117395 +629 1109 4 880117813 +630 117 5 885666804 +630 127 2 885666536 +630 278 4 885667508 +630 294 4 885666018 +630 476 5 885667108 +630 717 3 885667661 +630 845 3 885666918 +630 871 2 885666918 +630 934 3 885667624 +630 1040 4 885667660 +631 272 4 888464916 +631 286 3 888465033 +631 289 4 888465216 +631 301 4 888465107 +631 307 4 888465033 +631 313 4 888464915 +631 334 2 888464941 +631 338 2 888465299 +631 346 4 888465004 +631 1527 2 888465351 +632 25 1 879459418 +632 28 3 879458649 +632 58 3 879459210 +632 71 4 879458649 +632 164 4 879458692 +632 188 4 879457857 +632 202 4 879457712 +632 288 3 879458977 +632 419 4 879457903 +632 622 4 879459418 +633 28 4 877212366 +633 79 5 875325128 +633 143 4 877211134 +633 176 3 875325577 +633 234 4 877212594 +633 288 2 875324233 +633 410 2 875325865 +633 526 4 877212250 +633 778 2 877211886 +633 1132 2 875325691 +634 237 5 877018125 +634 273 3 875729069 +634 286 5 877018125 +634 302 5 877974667 +634 405 4 877017872 +634 458 4 875729148 +634 476 3 875729668 +634 919 2 877979309 +634 977 3 877018033 +634 1008 2 877017951 +635 13 2 878879164 +635 262 5 878878654 +635 269 5 878878587 +635 294 3 878878588 +635 300 3 878879107 +635 301 3 878878587 +635 748 2 878878838 +635 873 3 878878752 +635 875 2 878878838 +635 886 4 878878901 +636 1 3 891448229 +636 9 3 891448185 +636 100 5 891448228 +636 121 5 891449212 +636 222 5 891449148 +636 258 5 891448155 +636 313 5 891448155 +636 596 5 891449212 +636 740 4 891449263 +636 813 5 891448297 +637 100 4 882902924 +637 111 3 882903645 +637 280 2 882904679 +637 332 4 882900888 +637 363 2 882904148 +637 595 3 882904537 +637 690 5 882900888 +637 829 2 882905070 +637 831 1 882904961 +637 1374 1 882903447 +638 50 4 876694704 +638 127 2 876694861 +638 161 4 876695307 +638 172 4 876694787 +638 181 5 876694787 +638 183 4 876694704 +638 194 3 876695774 +638 410 4 876695774 +638 472 3 876695307 +638 554 3 876695059 +639 58 3 891239296 +639 88 3 891239638 +639 170 4 891239790 +639 242 4 891238514 +639 306 4 891238550 +639 462 5 891239838 +639 487 5 891240566 +639 488 4 891240160 +639 659 3 891240111 +639 709 3 891239581 +640 11 4 874777440 +640 38 4 874778612 +640 53 4 874778274 +640 173 5 886354270 +640 204 5 874777974 +640 239 5 874778274 +640 385 5 874778569 +640 732 4 886354499 +640 941 5 874778095 +640 1073 5 874778299 +641 59 4 879370259 +641 83 4 879370119 +641 124 4 879370299 +641 192 4 879370150 +641 268 4 879369827 +641 303 3 879369827 +641 434 4 879370259 +641 484 5 879370299 +641 514 4 879370062 +641 865 5 879370149 +642 38 4 885843141 +642 70 2 886132189 +642 132 3 885603636 +642 720 5 885606787 +642 728 4 886131674 +642 746 3 885602483 +642 921 5 885603849 +642 951 3 886568618 +642 1039 5 885602630 +642 1469 4 886568725 +643 56 5 891446791 +643 143 4 891447868 +643 154 4 891447286 +643 189 4 891447093 +643 229 3 891449640 +643 419 4 891448002 +643 546 3 891445660 +643 671 4 891446652 +643 1101 3 891448002 +643 1149 3 891447835 +644 50 4 889077247 +644 100 4 889076775 +644 121 5 889077344 +644 243 4 889076364 +644 257 5 889077278 +644 294 4 889076095 +644 300 5 889075967 +644 326 5 889076148 +644 748 4 889076222 +644 823 4 889076997 +645 69 4 892053644 +645 175 5 892054537 +645 179 5 892054600 +645 197 5 892055244 +645 512 5 892055072 +645 523 5 892053686 +645 658 4 892054632 +645 675 4 892053747 +645 748 1 892052039 +645 1018 3 892053518 +646 258 3 888528417 +646 300 3 888528418 +646 304 3 888529014 +646 319 3 888529054 +646 346 2 888528392 +646 347 2 888528392 +646 682 3 888529153 +646 683 3 888529014 +646 690 3 888528417 +646 1237 3 888529127 +647 117 3 876776321 +647 222 4 876534274 +647 326 3 876532517 +647 328 3 876531582 +647 490 4 876532145 +647 554 4 876533810 +647 588 4 876531955 +647 604 4 876537591 +647 631 4 876532425 +647 748 4 876532501 +648 96 5 884368538 +648 105 3 882212560 +648 154 5 884881621 +648 188 5 884882664 +648 288 4 882211654 +648 298 2 884884466 +648 304 5 884363798 +648 473 3 882211965 +648 586 3 884883149 +648 674 3 884883476 +649 1 5 891440235 +649 15 4 891440373 +649 147 4 891440214 +649 254 4 891440695 +649 275 2 891440412 +649 291 5 891440330 +649 323 3 891440624 +649 1016 4 891440511 +649 1244 3 891440676 +649 1283 2 891440528 +650 50 5 891372232 +650 197 4 891372233 +650 309 3 891369071 +650 514 3 891371020 +650 517 3 891382033 +650 552 4 891370031 +650 630 5 891371061 +650 747 3 891384202 +650 843 2 891388266 +650 1474 3 891385288 +651 116 2 879348966 +651 242 5 880126430 +651 268 2 880126473 +651 285 4 879348966 +651 286 4 879348880 +651 292 2 879348881 +651 294 1 879348880 +651 306 5 880126473 +651 327 4 880126473 +651 683 3 880126096 +652 245 4 882567058 +652 259 2 882567058 +652 282 4 882567294 +652 288 2 882566890 +652 294 2 882566890 +652 301 1 882566948 +652 323 3 882567100 +652 395 3 882567383 +652 538 4 882567012 +652 699 5 882567383 +653 50 5 878854100 +653 164 3 878854633 +653 226 3 878867346 +653 257 3 890181185 +653 272 4 893275949 +653 402 1 880151488 +653 444 1 880153329 +653 566 5 878854190 +653 573 1 880152843 +653 1044 1 880153304 +654 4 4 887864830 +654 66 4 887864727 +654 222 5 887863534 +654 250 1 887863557 +654 258 4 887863436 +654 318 5 887864230 +654 423 4 887864432 +654 546 4 887863885 +654 558 3 887864471 +654 821 3 887864907 +655 53 2 887429812 +655 66 2 890887261 +655 126 2 887426732 +655 198 4 887428871 +655 274 3 888474872 +655 523 3 887427268 +655 670 3 887430142 +655 693 3 888984506 +655 736 3 888685734 +655 1403 3 888813372 +656 245 1 892319084 +656 286 1 892318343 +656 303 4 892318553 +656 316 3 892318450 +656 327 2 892318738 +656 344 4 892318520 +656 347 4 892318488 +656 689 2 892319276 +656 750 2 892318648 +656 875 2 892318842 +657 1 3 884239123 +657 151 4 884239886 +657 286 4 884238002 +657 300 2 884237751 +657 346 4 884238162 +657 475 4 884239057 +657 628 3 884241192 +657 690 4 884238002 +657 922 4 884239123 +657 1009 4 884240629 +658 1 4 875145614 +658 8 5 875147873 +658 96 4 875147873 +658 98 4 875147800 +658 137 3 875145572 +658 257 4 875145667 +658 276 4 875145572 +658 433 4 875147994 +658 458 3 875145926 +658 772 3 875147591 +659 66 4 891385306 +659 96 4 891384552 +659 258 4 891331825 +659 272 4 891044849 +659 507 5 891383561 +659 569 2 891386910 +659 601 3 891386241 +659 602 4 891385986 +659 607 5 891331825 +659 646 4 891332122 +660 82 2 891200491 +660 96 3 891200430 +660 167 2 891201565 +660 184 3 891200741 +660 252 2 891198459 +660 392 2 891200072 +660 473 2 891198996 +660 510 3 891199056 +660 845 3 891198385 +660 926 2 891201587 +661 97 4 888299980 +661 118 4 876037058 +661 131 3 886841714 +661 132 5 886841714 +661 178 4 876013492 +661 183 4 876035466 +661 313 4 886829961 +661 443 4 876035933 +661 480 5 876016491 +661 527 4 876035679 +662 6 5 880571006 +662 50 3 880570142 +662 93 5 880571006 +662 285 5 880571005 +662 286 3 880569465 +662 291 2 880570487 +662 319 3 880569520 +662 515 4 880571006 +662 591 4 880570112 +662 813 3 880570194 +663 7 4 889492841 +663 11 5 889493628 +663 117 4 889492390 +663 181 4 889493732 +663 245 4 889491891 +663 411 3 889492877 +663 588 4 889493628 +663 658 4 889493467 +663 956 4 889493732 +663 1047 4 889492679 +664 73 2 878090764 +664 89 5 878092649 +664 118 3 876526604 +664 179 4 876523654 +664 187 5 876524699 +664 229 3 876526631 +664 433 3 876525998 +664 478 5 878090415 +664 659 5 876526518 +664 1090 1 876526739 +665 65 4 884293523 +665 177 3 884294374 +665 287 4 884290575 +665 343 3 884292654 +665 346 2 884289897 +665 476 4 884291133 +665 527 3 884294880 +665 684 3 884294286 +665 762 4 884290480 +665 1040 4 884291550 +666 56 4 880139090 +666 122 2 880313723 +666 173 4 880139253 +666 182 4 880139526 +666 183 5 880139180 +666 203 4 880139180 +666 223 3 880314144 +666 638 3 880139563 +666 1047 3 880313858 +666 1170 4 880568352 +667 124 5 891035164 +667 223 5 891034767 +667 234 2 891034730 +667 285 5 891034810 +667 301 1 891034513 +667 316 4 891034584 +667 318 5 891034976 +667 435 3 891035104 +667 651 5 891034767 +667 1101 3 891035015 +668 29 3 881605433 +668 231 2 881605433 +668 258 2 881523929 +668 286 4 881523612 +668 294 3 890349076 +668 307 4 881523762 +668 345 2 890349041 +668 354 4 890349060 +668 403 4 881605433 +668 554 3 881702723 +669 23 4 891260474 +669 169 3 891517159 +669 257 3 892549514 +669 326 1 891182678 +669 340 4 891182948 +669 462 5 892550137 +669 505 3 891517159 +669 521 4 892550196 +669 537 3 891517159 +669 898 1 891182812 +670 15 4 877975200 +670 174 4 877975344 +670 228 5 877975344 +670 232 3 877975448 +670 480 5 877975017 +670 482 5 877975285 +670 615 3 877974605 +670 650 2 877975200 +670 651 4 877975070 +670 945 4 877975285 +671 23 4 883547351 +671 188 2 884035992 +671 204 5 884204510 +671 233 4 883547351 +671 250 5 875389187 +671 385 5 884035892 +671 581 2 884035173 +671 628 3 883950232 +671 748 3 875386402 +671 947 3 884035775 +672 50 3 879787753 +672 127 4 879787729 +672 225 2 879789437 +672 281 3 879788819 +672 476 5 879789462 +672 756 2 879789244 +672 864 3 879789278 +672 931 1 879789164 +672 1028 4 879789030 +672 1061 4 879789566 +673 242 4 888787508 +673 269 4 888786942 +673 288 4 888787423 +673 294 4 888787376 +673 303 5 888787376 +673 311 4 888787396 +673 328 4 888787355 +673 344 5 888787376 +673 347 4 888787290 +673 750 5 888786969 +674 25 4 887763035 +674 50 4 887762584 +674 117 5 887762861 +674 118 3 887763150 +674 127 5 887762799 +674 282 5 887763231 +674 288 3 887762296 +674 294 4 887762296 +674 405 4 887762861 +674 929 3 887763150 +675 305 4 889488548 +675 306 5 889488487 +675 347 4 889488431 +675 509 5 889489465 +675 531 5 889489108 +675 650 5 889489971 +675 874 4 889488679 +675 1101 4 889490029 +675 1255 1 889490151 +675 1653 5 889489913 +676 181 5 892686164 +676 265 5 892686703 +676 271 3 892685621 +676 313 4 892685224 +676 344 5 892685657 +676 354 4 892685437 +676 520 4 892686758 +676 688 1 892685695 +676 748 4 892685538 +676 751 4 892685695 +677 1 4 889399229 +677 126 1 889399265 +677 148 4 889399265 +677 150 3 889399402 +677 237 4 889399402 +677 286 1 889399113 +677 307 5 885191227 +677 323 4 885191280 +677 405 4 889399328 +677 845 3 889399327 +678 1 5 879544882 +678 7 4 879544952 +678 25 2 879544915 +678 50 4 879544450 +678 111 4 879544397 +678 147 4 879544882 +678 181 3 879544450 +678 282 3 879544952 +678 287 3 879544397 +678 924 2 879544397 +679 64 4 884487052 +679 121 2 884488260 +679 169 3 884486904 +679 174 3 884486837 +679 181 5 884487279 +679 288 4 884312660 +679 327 4 884312731 +679 357 5 884486812 +679 416 3 884488226 +679 520 4 884487031 +680 9 4 876816106 +680 20 4 877075273 +680 121 3 876816268 +680 248 4 877075312 +680 274 3 877075312 +680 276 5 877075135 +680 408 5 876816268 +680 845 4 877075241 +680 1012 3 877075214 +680 1089 2 877075214 +681 258 1 885409516 +681 259 2 885409882 +681 286 5 885409370 +681 288 1 885409810 +681 294 5 885409938 +681 304 3 885409742 +681 539 4 885409810 +681 690 4 885409770 +681 898 4 885409515 +681 1176 4 885409515 +682 68 5 888522575 +682 92 5 888519059 +682 215 4 888517197 +682 265 3 888520922 +682 325 4 888521174 +682 351 4 888518468 +682 352 1 888518424 +682 623 3 888523288 +682 735 4 888517627 +682 924 5 888517627 +683 248 4 893286603 +683 264 2 893283997 +683 268 4 893286261 +683 286 2 893282977 +683 313 2 893282664 +683 350 2 893284184 +683 511 5 893286207 +683 748 3 893286347 +683 895 2 893284138 +683 1483 3 893286346 +684 38 3 878759635 +684 48 4 875812176 +684 64 4 878759907 +684 88 4 878761788 +684 147 2 878232961 +684 161 3 878760137 +684 218 1 878232961 +684 238 3 878759545 +684 520 4 875812065 +684 553 4 878760305 +685 269 3 879451401 +685 286 1 879447443 +685 302 3 879451401 +685 319 2 879451401 +685 325 3 879451401 +685 327 2 879451234 +685 334 1 879451168 +685 340 2 879451401 +685 873 2 879451401 +685 991 1 879451282 +686 28 4 879546147 +686 98 5 879546651 +686 172 4 879545181 +686 180 5 879546147 +686 187 5 879545481 +686 204 4 879546553 +686 357 5 879545549 +686 425 5 879546651 +686 474 5 879545413 +686 504 5 879545662 +687 245 3 884652276 +687 264 3 884652197 +687 288 4 884651576 +687 319 4 884652276 +687 336 2 884652144 +687 340 4 884651894 +687 678 4 884652482 +687 748 3 884652276 +687 749 4 884651746 +687 988 3 884652429 +688 259 5 884153750 +688 288 5 884153712 +688 326 5 884153606 +688 329 5 884153606 +688 332 5 884153712 +688 336 2 884153728 +688 339 5 884153712 +688 678 5 884153750 +688 682 5 884153712 +688 754 5 884153606 +689 7 5 876676334 +689 111 3 876676501 +689 125 3 876675152 +689 151 3 876676501 +689 222 5 876674954 +689 250 5 876676334 +689 273 3 876676165 +689 471 4 876676433 +689 597 4 876676165 +689 879 2 876674692 +690 25 3 881177430 +690 67 4 881177836 +690 80 3 881177778 +690 85 1 881177430 +690 210 3 881177581 +690 218 5 881179906 +690 276 3 881178293 +690 364 3 881178026 +690 384 3 881177804 +690 790 3 881177970 +691 1 5 875543346 +691 8 2 875543346 +691 50 4 875543191 +691 56 4 875543025 +691 98 4 875543281 +691 170 5 875543395 +691 294 4 875542868 +691 478 4 875543281 +691 524 5 875543153 +691 603 5 875543191 +692 56 3 876953204 +692 100 4 876953482 +692 285 3 876953204 +692 287 3 876953130 +692 321 3 876946833 +692 412 4 876954196 +692 692 3 876953130 +692 756 2 876953681 +692 1023 2 876954083 +692 1040 2 876954021 +693 131 3 875484953 +693 132 4 875484562 +693 181 3 875483881 +693 273 3 875481549 +693 289 3 889167919 +693 472 3 875484089 +693 480 4 875484454 +693 499 4 875484539 +693 604 3 875484480 +693 1522 3 875483670 +694 191 5 875727749 +694 193 4 875728435 +694 195 4 875726708 +694 196 5 875727226 +694 229 4 875728801 +694 300 4 875726453 +694 419 4 875729907 +694 432 4 875727513 +694 684 4 875730313 +694 1050 3 875726759 +695 260 4 888806150 +695 300 1 888805767 +695 301 3 888806120 +695 307 4 888806120 +695 313 2 888805836 +695 319 5 888806056 +695 338 2 888806270 +695 882 4 888805836 +695 995 4 888806150 +695 1024 5 888805913 +696 234 4 886404617 +696 305 4 886403578 +696 310 4 886403673 +696 312 4 886404322 +696 315 5 886403578 +696 344 5 886403672 +696 523 5 886404542 +696 689 1 886404208 +696 883 4 886404208 +696 1176 4 886403631 +697 150 5 882622127 +697 273 5 882622481 +697 294 4 882621569 +697 298 4 882621940 +697 301 5 882621523 +697 302 5 882621460 +697 331 3 882621431 +697 333 3 882621431 +697 683 1 882621813 +697 713 5 882622505 +698 50 5 886366101 +698 83 5 886366731 +698 95 3 886367406 +698 168 3 886366731 +698 478 4 886366814 +698 497 3 886367473 +698 512 4 886367644 +698 529 5 886366731 +698 568 2 886367955 +698 1063 2 886367406 +699 1 3 878882272 +699 16 3 879148259 +699 100 4 878882667 +699 321 3 879383009 +699 324 4 879147497 +699 456 1 880696679 +699 748 2 879382698 +699 760 3 879147239 +699 983 3 886568097 +699 1060 3 879147367 +700 28 3 884493712 +700 50 5 884493899 +700 79 3 884494420 +700 96 4 884494310 +700 144 4 884494252 +700 168 3 884494420 +700 180 3 884494278 +700 181 5 884493523 +700 222 3 884493899 +700 531 4 884494380 +701 100 5 891447139 +701 255 3 891447164 +701 257 4 891447197 +701 285 5 891447139 +701 297 4 891447197 +701 304 4 891446679 +701 315 5 891446559 +701 316 5 891446857 +701 333 3 891446788 +701 750 5 891446588 +702 228 5 885767774 +702 229 4 885767775 +702 259 3 885767604 +702 288 1 885767306 +702 294 1 885767555 +702 300 3 885767461 +702 313 5 885767336 +702 346 1 885767306 +702 687 1 885767629 +702 1127 2 885767414 +703 7 4 875242599 +703 117 4 875242814 +703 147 3 875243049 +703 257 5 875242990 +703 258 4 875242076 +703 275 4 875242663 +703 293 4 875242990 +703 294 2 875242281 +703 458 3 875242935 +703 1047 3 875243028 +704 152 2 891397819 +704 205 5 891397819 +704 209 3 891397667 +704 211 5 891398726 +704 304 2 891396595 +704 316 4 891397015 +704 354 4 891397015 +704 381 3 891397713 +704 461 3 891397712 +704 604 5 891397366 +705 58 2 883518834 +705 196 4 883518903 +705 298 5 883426892 +705 400 4 883427817 +705 427 2 883518783 +705 560 2 883427951 +705 578 3 883428276 +705 622 4 883427778 +705 827 4 883427297 +705 1043 5 883427857 +706 1 4 880997324 +706 7 3 880997412 +706 25 4 880997385 +706 50 5 880997142 +706 100 1 880997211 +706 118 3 880997464 +706 245 3 880996945 +706 331 5 880996945 +706 333 1 880996945 +706 628 4 880997412 +707 14 3 880060118 +707 153 3 886286844 +707 256 4 880061024 +707 302 4 886285168 +707 526 1 886287405 +707 640 2 886287471 +707 663 4 886286979 +707 676 4 880060180 +707 716 2 886287051 +707 866 2 880060974 +708 1 5 877325375 +708 268 3 892718876 +708 280 4 877325316 +708 322 3 892719062 +708 326 4 892719007 +708 471 4 877325455 +708 535 2 877325838 +708 871 1 892719101 +708 938 3 892718896 +708 1051 4 892719193 +709 22 5 879847946 +709 29 3 879848695 +709 64 5 879846293 +709 195 5 879848432 +709 219 4 879848120 +709 227 2 879848551 +709 561 3 879848209 +709 564 1 879848318 +709 769 3 879848239 +709 823 3 879849573 +710 22 3 882063852 +710 50 4 882063766 +710 116 4 882063852 +710 197 4 882064200 +710 200 4 882063793 +710 264 2 882063564 +710 265 4 883705484 +710 300 3 882063407 +710 627 4 882064377 +710 751 3 882860806 +711 64 4 876278860 +711 95 4 879993758 +711 204 3 879992994 +711 269 5 879991028 +711 343 3 882457816 +711 421 4 879993674 +711 652 4 879993824 +711 684 3 879993758 +711 720 3 879995077 +711 1074 3 879995754 +712 72 4 874730261 +712 97 5 874729816 +712 366 5 874956713 +712 385 5 874729778 +712 392 5 874729996 +712 731 5 874729750 +712 734 4 874957027 +712 747 3 874730552 +712 1119 4 874957269 +712 1178 4 874957086 +713 307 3 888882311 +713 310 4 888882133 +713 340 3 888882133 +713 539 3 888882085 +713 689 3 888882225 +713 1127 3 888882225 +713 1176 3 888882224 +713 1431 3 888881939 +713 1434 3 888882133 +713 1656 2 888882085 +714 121 4 892777903 +714 181 5 892777876 +714 237 3 892776261 +714 252 3 892777619 +714 255 2 892777140 +714 282 4 892777903 +714 472 2 892777730 +714 477 2 892777408 +714 597 3 892777533 +714 871 3 892777903 +715 33 3 875964751 +715 181 4 875961816 +715 202 5 875962931 +715 216 4 875963452 +715 228 3 875963486 +715 231 3 875963273 +715 284 4 875962109 +715 410 4 875962227 +715 739 2 875964681 +715 756 2 875962280 +716 91 5 879796438 +716 118 2 879793763 +716 143 5 879796171 +716 159 4 879797475 +716 194 5 879795576 +716 196 5 879796596 +716 235 2 879794154 +716 275 5 879793501 +716 318 5 879794962 +716 483 5 879795790 +717 25 5 884642710 +717 150 4 884642339 +717 268 5 884642133 +717 287 5 884642558 +717 293 5 884715103 +717 294 3 884641842 +717 322 5 884642133 +717 324 3 884641842 +717 328 4 884641842 +717 748 3 884641884 +718 111 4 883348634 +718 222 4 883348712 +718 240 1 883349467 +718 300 5 883348269 +718 591 4 883349191 +718 689 4 883348355 +718 756 5 883349384 +718 841 4 883349557 +718 926 2 883348912 +718 975 2 883349301 +719 50 2 879358671 +719 66 3 888454637 +719 126 2 884900234 +719 223 5 879360442 +719 281 3 888897264 +719 291 3 884900301 +719 392 4 879360846 +719 659 4 879373935 +719 660 5 879360493 +719 673 3 879360965 +720 258 4 891262762 +720 269 3 891262608 +720 304 4 891262697 +720 306 4 891262635 +720 315 4 891262608 +720 345 2 891262762 +720 872 3 891262780 +720 906 4 891262697 +720 995 4 891262762 +720 1062 5 891262812 +721 87 3 877140859 +721 289 3 877137597 +721 305 3 877137285 +721 317 4 877147872 +721 333 3 877137358 +721 403 4 877139638 +721 681 3 877137214 +721 687 3 877137358 +721 879 4 877136175 +721 984 3 877137527 +722 7 4 891280842 +722 118 4 891281349 +722 122 3 891281655 +722 124 4 891280842 +722 147 3 891281158 +722 151 5 891281020 +722 237 4 891280988 +722 300 3 891279945 +722 412 2 891281679 +722 546 3 891280866 +723 1 3 880499050 +723 28 3 880498970 +723 137 3 880498970 +723 169 4 880498938 +723 174 4 880498996 +723 189 3 880498938 +723 191 3 880499019 +723 258 4 880498768 +723 289 2 880498816 +723 322 2 880499254 +724 266 1 883758119 +724 299 1 883758119 +724 300 3 883757468 +724 305 3 883757259 +724 311 1 883757597 +724 342 3 883757874 +724 690 1 883757468 +724 877 1 883757834 +724 909 1 883758208 +724 937 3 883757670 +725 15 4 876106206 +725 100 5 876106729 +725 181 4 876106206 +725 245 4 876103793 +725 258 4 876106729 +725 264 1 876103811 +725 300 4 876106729 +725 321 2 876103700 +725 358 3 876103744 +725 1197 3 876106243 +726 249 1 889832422 +726 257 3 889831166 +726 274 4 889831222 +726 310 4 889828404 +726 355 3 889829235 +726 819 3 889832688 +726 845 3 889832358 +726 1014 1 889832744 +726 1028 2 889832592 +726 1059 5 889832806 +727 68 4 883710347 +727 105 1 883709884 +727 117 3 883708660 +727 123 3 883709402 +727 125 4 883710598 +727 181 3 883708750 +727 441 2 883711924 +727 678 3 883708229 +727 720 2 883712037 +727 1119 3 883711923 +728 25 4 879443155 +728 100 5 879443321 +728 117 4 879443321 +728 147 4 879443418 +728 282 4 879443291 +728 322 4 879442761 +728 508 4 879443265 +728 546 2 879443155 +728 678 4 879442794 +728 871 2 879443321 +729 288 2 893286261 +729 328 3 893286638 +729 333 4 893286638 +729 354 5 893286637 +729 683 2 893286511 +729 689 4 893286638 +729 690 2 893286149 +729 748 4 893286638 +729 879 3 893286299 +729 901 1 893286491 +730 15 4 880310264 +730 50 4 880310285 +730 109 4 880310390 +730 117 3 880310300 +730 125 4 880310521 +730 298 4 880310426 +730 300 3 880309964 +730 332 3 880309870 +730 748 4 880310082 +730 815 3 880310490 +731 168 1 886185744 +731 183 1 886185744 +731 192 5 886182457 +731 197 5 886185743 +731 216 5 886184682 +731 357 5 886187538 +731 378 1 886187652 +731 393 5 886183978 +731 487 4 886184682 +731 510 1 886186091 +732 245 4 882590200 +732 286 5 882589593 +732 300 4 882589552 +732 305 2 882590201 +732 324 2 882590201 +732 690 5 882589626 +732 873 5 882589845 +732 875 1 882590201 +732 882 5 882589819 +732 938 1 882590201 +733 10 3 879535559 +733 147 1 879535938 +733 253 3 879535407 +733 288 2 879535694 +733 294 2 879536001 +733 676 4 879535603 +733 847 3 879535471 +733 1009 2 879536723 +733 1129 4 879535338 +733 1142 4 879535694 +734 82 4 891022704 +734 98 4 891025247 +734 99 4 891023086 +734 166 3 891022849 +734 174 4 891025247 +734 198 1 891022734 +734 204 4 891022938 +734 419 4 891023066 +734 591 4 891022977 +734 607 5 891023066 +735 1 4 876698796 +735 9 4 876698755 +735 258 4 876697561 +735 276 4 876698796 +735 333 4 876697647 +735 628 3 876698755 +735 690 4 876697561 +735 741 2 876698796 +735 744 3 876698714 +735 813 4 876698570 +736 50 3 878708579 +736 181 2 878708646 +736 246 4 878708929 +736 248 4 878709365 +736 255 1 878709025 +736 257 3 878708721 +736 296 4 878709365 +736 515 5 878709365 +736 532 4 878709365 +736 1388 5 878709365 +737 12 4 884314922 +737 47 3 884314970 +737 89 4 884314664 +737 127 5 884315175 +737 175 5 884315246 +737 180 4 884314644 +737 186 5 884314944 +737 222 3 884315127 +737 427 3 884314970 +737 428 4 884315066 +738 151 4 875352737 +738 180 5 892844112 +738 183 5 892844079 +738 188 3 875350456 +738 196 4 875350086 +738 199 4 892938594 +738 205 5 892844079 +738 318 5 892844112 +738 367 3 875351346 +738 651 4 892957752 +739 69 5 886959069 +739 79 4 886958938 +739 96 5 886959039 +739 100 5 886825383 +739 132 4 886959039 +739 216 4 886958831 +739 286 2 886825020 +739 359 5 886825529 +739 969 1 886959039 +739 1429 5 886825529 +740 242 4 879523187 +740 286 5 879523187 +740 288 4 879523187 +740 289 4 879523187 +740 294 4 879523187 +740 300 4 879523187 +740 319 3 879522781 +740 322 3 879522839 +740 748 3 879522872 +740 938 1 879522906 +741 5 3 891455671 +741 54 3 891455610 +741 69 4 891018550 +741 94 3 891457483 +741 95 2 891018400 +741 399 2 891457456 +741 435 4 891455353 +741 783 3 891457633 +741 1029 1 891457506 +741 1090 1 891455880 +742 13 4 881335361 +742 109 1 881335960 +742 117 2 881335528 +742 181 3 881335281 +742 222 2 881336006 +742 250 3 881336006 +742 258 5 881005590 +742 321 3 881005611 +742 508 4 881335461 +742 1012 4 881335528 +743 15 3 881277855 +743 100 5 881277962 +743 224 5 881277931 +743 268 4 881277551 +743 273 3 881278061 +743 288 2 881277690 +743 297 5 881277931 +743 300 4 881277267 +743 311 5 881277551 +743 321 2 881277690 +744 28 3 881170416 +744 127 5 881171481 +744 237 4 881171907 +744 428 4 881170528 +744 482 3 881171420 +744 508 5 881171907 +744 603 5 881170528 +744 628 2 881172357 +744 963 5 881170576 +744 1134 3 881171482 +745 7 4 880123019 +745 174 3 880123179 +745 177 3 880123572 +745 190 5 880123905 +745 215 3 880123751 +745 285 1 880123905 +745 425 4 880123540 +745 492 5 880123572 +745 519 5 880123751 +745 520 3 880123696 +746 56 3 885075211 +746 96 4 885075267 +746 117 4 885075304 +746 128 3 885075211 +746 184 4 885075267 +746 196 4 885075612 +746 231 2 885075476 +746 232 3 885075304 +746 546 3 885075434 +746 566 4 885075367 +747 23 5 888639735 +747 25 3 888639318 +747 48 5 888639890 +747 108 4 888733415 +747 208 5 888640862 +747 223 5 888638913 +747 228 4 888639736 +747 432 5 888640567 +747 486 5 888732609 +747 1050 3 888640099 +748 8 4 879455126 +748 22 4 879455126 +748 48 4 879455083 +748 71 3 879454546 +748 154 3 879454602 +748 174 5 879454405 +748 228 3 879454687 +748 496 4 879454455 +748 528 3 879454880 +748 748 4 879454208 +749 1 4 881602577 +749 2 4 878849375 +749 49 4 878848137 +749 56 2 878847404 +749 125 5 878848764 +749 142 4 878850456 +749 252 3 878847057 +749 366 4 878849903 +749 399 3 878849433 +749 663 4 878847988 +750 269 4 879445755 +750 270 4 879445877 +750 271 4 879445911 +750 286 4 879445755 +750 294 4 879445961 +750 300 3 879446013 +750 301 4 879445911 +750 306 4 879445877 +750 330 2 879446215 +750 331 4 879446114 +751 178 5 889132896 +751 248 5 889132413 +751 250 3 889132397 +751 301 5 887134816 +751 305 2 887134730 +751 316 4 888871453 +751 418 5 889135211 +751 472 2 889299043 +751 487 5 889134705 +751 568 3 889133334 +752 271 5 891208452 +752 272 4 891207898 +752 286 1 891207940 +752 288 5 891208452 +752 300 3 891208126 +752 310 1 891207791 +752 313 3 891207791 +752 340 4 891208077 +752 748 4 891208392 +752 896 3 891207846 +753 79 4 891401665 +753 96 1 891401366 +753 182 3 891401851 +753 359 4 891399477 +753 483 5 891401712 +753 484 5 891401757 +753 510 4 891401457 +753 515 5 891401712 +753 673 1 891402379 +753 898 4 891400364 +754 9 4 879451626 +754 255 3 879451585 +754 284 3 879451775 +754 476 4 879451742 +754 619 4 879451517 +754 676 3 879451517 +754 742 3 879451991 +754 744 3 879452073 +754 819 3 879452116 +754 937 4 879451061 +755 259 3 882570140 +755 269 5 882569604 +755 294 3 882569574 +755 302 4 882569771 +755 304 4 882569881 +755 319 3 882569801 +755 343 3 882570077 +755 689 3 882570077 +755 690 5 882569574 +755 875 1 882570023 +756 63 3 874830908 +756 99 3 874829258 +756 117 4 874828826 +756 178 5 874831383 +756 367 4 874827614 +756 398 3 874831050 +756 404 3 874830908 +756 527 3 874828242 +756 550 2 874829152 +756 603 5 874831383 +757 7 4 888444826 +757 71 4 888445838 +757 100 3 888444056 +757 161 3 888468909 +757 196 4 888445604 +757 226 3 888467038 +757 399 3 888466782 +757 569 3 888467400 +757 651 4 888445279 +757 771 2 888467160 +758 127 5 880672637 +758 135 5 881974742 +758 235 5 881978274 +758 258 4 880672230 +758 272 4 884413293 +758 298 4 880672727 +758 347 3 885257453 +758 517 3 881976377 +758 587 4 881978635 +758 597 2 881978805 +759 1 5 875227798 +759 117 5 881476781 +759 121 5 881476858 +759 258 4 875227686 +759 298 4 875227858 +759 300 5 875227686 +759 332 4 881476516 +759 678 2 875227742 +759 742 5 875227798 +759 1016 5 881476922 +760 65 2 875667131 +760 181 3 875666268 +760 183 2 875667366 +760 185 2 875667450 +760 202 3 875667834 +760 216 2 875667366 +760 278 4 875666242 +760 604 4 875668219 +760 723 2 875669011 +760 819 1 875666064 +761 147 4 876190370 +761 148 5 876189829 +761 214 1 876190510 +761 278 4 876190370 +761 289 2 876189871 +761 294 3 876189664 +761 546 5 876190468 +761 678 2 876189689 +761 924 4 876190723 +761 1197 3 876190025 +762 116 1 878719186 +762 173 5 878719533 +762 237 3 878719294 +762 274 4 878719371 +762 302 5 878718810 +762 475 5 878719219 +762 515 5 878719186 +762 875 5 878718996 +762 955 5 878719551 +762 1662 1 878719324 +763 1 4 878915559 +763 28 3 878915765 +763 88 4 878918486 +763 200 4 878915015 +763 210 3 878915015 +763 238 4 878915559 +763 286 4 878914901 +763 367 3 878918871 +763 588 4 878918213 +763 960 4 878915958 +764 71 5 876429672 +764 86 3 876246358 +764 118 3 876243046 +764 140 3 876245940 +764 143 5 876245331 +764 223 3 876244625 +764 245 4 876244181 +764 321 1 876233034 +764 742 3 876243410 +764 820 3 876243953 +765 15 2 880346491 +765 25 4 880346418 +765 127 5 880346722 +765 237 3 880346797 +765 242 5 880345862 +765 248 2 880346392 +765 285 5 880346694 +765 286 5 880345862 +765 522 5 880346951 +765 971 4 880346911 +766 53 4 891310281 +766 77 2 891310313 +766 82 3 891309558 +766 90 1 891310313 +766 229 3 891310210 +766 357 4 891309558 +766 451 2 891310824 +766 483 3 891309250 +766 487 3 891309090 +766 1444 2 891310508 +767 56 4 891462759 +767 98 5 891462560 +767 100 5 891462560 +767 141 4 891462870 +767 187 4 891462658 +767 207 5 891462759 +767 478 4 891463095 +767 486 4 891462560 +767 495 4 891463095 +767 1068 4 891462829 +768 65 4 887305100 +768 117 4 883834981 +768 173 5 883835053 +768 257 4 880136012 +768 278 2 883835210 +768 282 4 880135987 +768 340 2 879523820 +768 756 3 883835053 +768 845 2 880135875 +768 1016 2 883834814 +769 15 3 885423824 +769 258 3 885422650 +769 269 5 885422510 +769 405 2 885424214 +769 546 4 885424242 +769 748 2 885422821 +769 824 2 885424511 +769 831 1 885424534 +769 934 4 885424462 +769 1028 3 885424186 +770 1 5 875972219 +770 25 5 875972582 +770 118 4 875973080 +770 255 4 875972099 +770 301 4 875971703 +770 477 4 875972259 +770 508 5 875972322 +770 546 4 875972699 +770 875 4 875971612 +770 919 5 875972024 +771 28 5 880659392 +771 83 5 880659369 +771 88 4 880659970 +771 203 1 880659482 +771 222 2 880659709 +771 237 5 880659482 +771 242 4 880659235 +771 258 5 880659323 +771 690 4 880659235 +771 762 2 880659970 +772 304 4 876250442 +772 307 4 889028773 +772 312 4 889028941 +772 313 5 889028363 +772 321 5 877533625 +772 326 4 877533625 +772 332 4 877533731 +772 678 4 877533546 +772 879 4 877533731 +772 898 3 889028941 +773 27 1 888540218 +773 64 4 888540507 +773 72 3 888539531 +773 91 4 888539232 +773 169 5 888539232 +773 229 3 888540112 +773 239 4 888539512 +773 559 2 888540314 +773 639 4 888538931 +773 959 4 888539608 +774 89 2 888557198 +774 195 3 888557236 +774 294 1 888555792 +774 511 3 888556483 +774 527 1 888556698 +774 576 1 888557520 +774 739 2 888558187 +774 920 2 888559297 +774 1091 1 888558041 +774 1419 1 888557409 +775 258 4 891032837 +775 264 4 891033071 +775 269 4 891032742 +775 270 2 891032742 +775 272 4 891032742 +775 286 4 891032741 +775 310 3 891032837 +775 331 4 891032923 +775 343 4 891033022 +775 348 3 891032804 +776 127 5 891628731 +776 168 5 891628656 +776 234 5 892920290 +776 422 2 892210688 +776 436 4 892920350 +776 442 2 892920480 +776 485 2 891628656 +776 496 3 891628708 +776 672 3 892920381 +776 769 3 892920446 +777 1 4 875979431 +777 56 5 875980670 +777 100 1 875979380 +777 153 1 875980541 +777 168 5 875980492 +777 205 4 875980306 +777 216 4 875980597 +777 286 2 875979137 +777 357 5 875980235 +777 690 4 875979137 +778 7 4 890725886 +778 78 1 890803860 +778 94 2 891233603 +778 193 4 890769241 +778 230 2 890804025 +778 239 4 890726303 +778 265 4 890726003 +778 616 4 890726086 +778 1035 1 890804607 +778 1273 3 890726925 +779 15 4 875501782 +779 71 4 875999285 +779 181 5 875501734 +779 222 4 875503280 +779 243 4 875501402 +779 257 4 875993201 +779 284 3 875994401 +779 300 3 875501300 +779 411 3 875999002 +779 471 4 875993165 +780 70 2 891363969 +780 98 1 891364027 +780 133 5 891364086 +780 199 5 891363723 +780 202 4 891363783 +780 208 3 891364125 +780 433 1 891363826 +780 467 3 891363904 +780 491 4 891363651 +780 662 5 891363756 +781 64 4 879634387 +781 100 5 879634175 +781 127 5 879634017 +781 205 5 879634256 +781 223 4 879634175 +781 288 2 879633862 +781 322 2 879633862 +781 324 4 879633862 +781 474 5 879633976 +781 483 5 879633942 +782 249 2 891499399 +782 250 4 891499440 +782 322 4 891498381 +782 329 3 891498213 +782 683 1 891498213 +782 938 3 891498030 +782 984 2 891498821 +782 1023 3 891499611 +782 1216 2 891500150 +782 1600 3 891500066 +783 260 4 884326690 +783 264 4 884326726 +783 288 3 884326274 +783 328 4 884326545 +783 333 4 884326383 +783 334 3 884326461 +783 335 3 884326545 +783 345 4 884326461 +783 346 5 884326424 +783 876 4 884326424 +784 269 5 891387155 +784 271 3 891387623 +784 286 3 891386988 +784 292 4 891387315 +784 303 4 891387077 +784 307 4 891387623 +784 312 3 891387623 +784 328 3 891387502 +784 678 4 891387895 +784 1038 3 891387704 +785 1 4 879439137 +785 12 4 879439137 +785 22 4 879438957 +785 168 4 879438810 +785 183 5 879439232 +785 195 4 879438984 +785 209 3 879439043 +785 301 4 879438565 +785 423 2 879438957 +785 1050 3 879439232 +786 86 4 882843006 +786 177 4 882843646 +786 230 4 882844295 +786 276 1 882841875 +786 404 4 882843500 +786 405 4 882842311 +786 429 4 882843237 +786 449 2 882844096 +786 471 4 882842311 +786 633 4 882843237 +787 269 3 888979547 +787 292 3 888979236 +787 304 4 888980193 +787 310 5 888979007 +787 311 4 888979605 +787 329 4 888980193 +787 333 3 888979074 +787 348 4 888979875 +787 361 3 888979075 +787 899 3 888979074 +788 23 3 880868277 +788 51 4 880870018 +788 185 4 880868316 +788 229 3 880870299 +788 235 3 880871328 +788 480 3 880868473 +788 568 3 880869862 +788 692 3 880869106 +788 723 3 880870207 +788 754 4 880867477 +789 9 5 880332114 +789 50 5 880332114 +789 93 4 880332063 +789 127 5 880332039 +789 286 1 880332039 +789 293 4 880332259 +789 294 3 880332275 +789 475 5 880332063 +789 1012 4 880332169 +789 1161 3 880332189 +790 38 2 885157929 +790 154 4 885156290 +790 157 2 885156193 +790 174 4 885155572 +790 284 4 884461888 +790 380 4 885157419 +790 412 4 885158495 +790 1063 5 885156478 +790 1074 3 885158235 +790 1183 2 885157956 +791 50 5 879448338 +791 269 4 879447940 +791 286 3 879447907 +791 288 3 879447907 +791 289 4 879448087 +791 299 2 879448035 +791 300 5 879447977 +791 319 2 879448086 +791 327 5 879447977 +791 328 4 879448087 +792 21 3 877910444 +792 24 3 877910091 +792 111 3 877910126 +792 124 4 877909865 +792 546 3 877910353 +792 595 3 877910305 +792 844 4 877910822 +792 1011 3 877910730 +792 1132 3 877910160 +792 1335 4 877910353 +793 121 3 875104193 +793 150 4 875103842 +793 276 3 875103971 +793 294 5 875103584 +793 298 4 875103971 +793 458 3 875104243 +793 824 3 875104000 +793 844 4 875103842 +793 1067 4 875103875 +793 1142 5 875104068 +794 24 5 891035957 +794 50 5 891035307 +794 118 2 891035413 +794 221 4 891036222 +794 238 5 891035135 +794 242 5 891034156 +794 475 5 891035822 +794 514 5 891035604 +794 557 4 891036008 +794 887 4 891034284 +795 4 4 881253238 +795 100 5 880555946 +795 117 4 880558122 +795 172 3 880570209 +795 235 3 880560263 +795 367 3 883252202 +795 407 3 880560679 +795 502 3 883251421 +795 636 3 883253661 +795 1036 2 883255578 +796 87 5 893218728 +796 159 3 893194685 +796 184 1 892761544 +796 229 3 893048471 +796 401 3 893219427 +796 418 4 893218933 +796 540 2 893048672 +796 679 4 893048471 +796 1042 4 893194740 +796 1074 1 893047691 +797 50 5 879439314 +797 127 4 879439297 +797 181 5 879439362 +797 286 2 879438957 +797 307 2 879439190 +797 328 2 879439136 +797 687 2 879439190 +797 781 5 879439594 +797 948 1 879439230 +797 988 1 879439230 +798 1 4 875295695 +798 94 3 875914939 +798 138 3 876176160 +798 151 3 875554819 +798 164 4 875303502 +798 274 5 875295772 +798 719 1 875743196 +798 988 3 875295469 +798 998 3 875915317 +798 1119 3 875916421 +799 45 4 879253969 +799 50 4 879254077 +799 173 5 879254077 +799 258 5 879253668 +799 319 4 879253668 +799 479 5 879254026 +799 484 3 879254077 +799 499 4 879253969 +799 654 5 879254027 +799 690 3 879253668 +800 118 3 887646342 +800 125 3 887646608 +800 127 4 887646980 +800 257 4 887646980 +800 304 3 887645987 +800 457 2 887646168 +800 597 4 887646555 +800 742 4 887646477 +800 864 4 887646980 +800 1047 3 887646804 +801 259 3 890332986 +801 288 5 890332820 +801 294 5 890332748 +801 300 5 890332748 +801 307 4 890332853 +801 326 4 890332885 +801 333 5 890332885 +801 354 4 890332645 +801 890 2 890333150 +801 895 5 890332929 +802 135 4 875985347 +802 286 2 875984532 +802 294 4 875984637 +802 300 4 875986155 +802 323 5 875984722 +802 327 2 875984861 +802 441 3 875985840 +802 444 4 875985840 +802 447 2 875985686 +802 452 4 875985976 +803 243 1 880055548 +803 245 4 880055378 +803 271 2 880054833 +803 286 5 880054592 +803 311 5 880054754 +803 688 1 880055043 +803 690 4 880055210 +803 748 1 880054885 +803 754 2 880054754 +803 887 5 880054671 +804 11 4 879442954 +804 31 4 879442792 +804 82 5 879442001 +804 198 5 879441391 +804 204 4 879441450 +804 318 5 879441450 +804 399 4 879445111 +804 546 3 879443884 +804 588 4 879442687 +804 1076 3 879446162 +805 17 4 881695346 +805 176 4 881684185 +805 319 2 881696876 +805 321 3 881705292 +805 387 3 881696905 +805 475 5 881704016 +805 595 3 881695951 +805 715 4 881698828 +805 747 3 881696729 +805 755 3 881705810 +806 3 2 882385916 +806 177 3 882388254 +806 182 5 882387925 +806 192 4 882387798 +806 324 2 882384513 +806 405 3 882385762 +806 407 3 882386125 +806 629 3 882389862 +806 654 5 882387837 +806 705 4 882387595 +807 117 4 892528813 +807 239 4 892529805 +807 250 4 893084375 +807 385 4 892530349 +807 399 4 893080801 +807 419 5 892528813 +807 465 4 892529448 +807 471 4 892775416 +807 636 4 892530752 +807 1444 3 893082702 +808 245 4 883949822 +808 262 5 883949986 +808 271 3 883949602 +808 286 4 883949560 +808 294 5 883949986 +808 302 5 883949986 +808 313 5 883949986 +808 325 1 883949873 +808 333 4 883949519 +808 750 5 883949986 +809 258 3 891036903 +809 272 5 891036743 +809 286 4 891036809 +809 289 1 891037020 +809 302 5 891036743 +809 307 5 891036809 +809 313 4 891036743 +809 328 5 891036989 +809 678 2 891037172 +809 748 3 891037091 +810 288 3 879895233 +810 294 5 879895233 +810 301 5 890083124 +810 304 4 885406558 +810 313 5 885406451 +810 321 5 879895290 +810 326 5 891873739 +810 331 4 891873686 +810 333 5 886614819 +810 879 5 890083124 +811 258 5 886377311 +811 289 2 886377426 +811 292 3 886377041 +811 294 4 886377483 +811 301 5 886377530 +811 304 5 886377311 +811 323 5 886377579 +811 690 5 886377248 +811 748 3 886377579 +811 892 4 886377530 +812 245 2 877625367 +812 261 1 877625461 +812 286 2 877625109 +812 288 4 877625294 +812 294 5 877625367 +812 326 4 877625294 +812 358 3 877625461 +812 678 4 877625294 +812 748 5 877625368 +812 1393 3 877625224 +813 259 2 883752528 +813 289 4 883752455 +813 294 1 883752051 +813 335 2 883752417 +813 342 1 883752417 +813 358 3 883752606 +813 538 3 883752380 +813 877 1 883752331 +813 901 1 883752708 +813 988 3 883752528 +814 100 4 885410957 +814 185 3 885411030 +814 200 4 885411204 +814 443 3 885411132 +814 448 3 885411030 +814 559 3 885411132 +814 565 3 885411347 +814 590 2 885411749 +814 656 3 885410957 +814 674 3 885411030 +815 173 5 878695241 +815 182 3 878693424 +815 183 5 878694381 +815 196 4 878694526 +815 216 3 878693381 +815 357 5 878693906 +815 386 2 878696563 +815 483 5 878696284 +815 524 4 878693381 +815 944 3 878696318 +816 258 3 891711378 +816 259 2 891711423 +816 288 4 891710724 +816 294 5 891711801 +816 309 5 891711801 +816 313 5 891710780 +816 326 4 891710803 +816 343 4 891711423 +816 349 4 891711554 +816 355 2 891711472 +817 1 4 874815835 +817 15 3 874815836 +817 118 3 874815947 +817 124 4 874815885 +817 129 4 874815836 +817 147 3 874815947 +817 281 4 874816007 +817 328 4 874815679 +817 358 4 874815679 +817 748 4 874815649 +818 286 4 891870222 +818 302 5 891870264 +818 316 4 891870301 +818 322 2 891870389 +818 328 4 891870301 +818 690 3 891870301 +818 751 5 891870473 +818 887 4 891870590 +818 912 3 891870301 +818 1105 1 891883071 +819 182 4 884105025 +819 248 5 880382511 +819 268 4 884012614 +819 303 4 879952508 +819 315 5 884618354 +819 321 4 880381928 +819 340 5 879952627 +819 862 2 884012586 +819 1160 4 880382533 +819 1537 5 884012662 +820 264 3 887955180 +820 271 2 887955020 +820 288 5 887954934 +820 289 2 887955020 +820 301 2 887955046 +820 315 3 887954828 +820 316 3 887955204 +820 343 4 887955241 +820 538 3 887954906 +820 748 1 887955223 +821 64 5 874793649 +821 97 5 874793848 +821 118 3 874793218 +821 126 5 874792570 +821 174 5 874793773 +821 180 5 874793517 +821 181 4 874792521 +821 275 5 874792369 +821 742 4 874793130 +821 1084 5 874792285 +822 25 3 891039543 +822 272 3 891033683 +822 333 4 891033747 +822 408 5 891037291 +822 410 1 891039486 +822 432 3 891037394 +822 926 2 891040155 +822 1091 1 891038627 +822 1110 4 891036395 +822 1240 3 891036703 +823 31 5 878439038 +823 81 4 878437836 +823 94 2 878439497 +823 191 5 878437623 +823 210 4 878439498 +823 211 5 878438585 +823 502 5 878439008 +823 684 4 878439391 +823 739 4 878439582 +823 1217 1 878438435 +824 268 4 877020871 +824 286 2 877020871 +824 289 2 877021044 +824 292 3 877020927 +824 294 3 877021002 +824 304 3 877020964 +824 321 2 877021002 +824 322 4 877021044 +824 678 3 877021121 +824 991 3 877021121 +825 20 2 889021180 +825 111 3 892947930 +825 276 1 880756575 +825 283 2 880756224 +825 294 4 880755305 +825 369 3 880756862 +825 423 5 881101641 +825 544 3 889021037 +825 986 5 881185343 +825 1047 3 880756934 +826 38 3 885690750 +826 50 5 885690525 +826 92 4 885690636 +826 172 5 885690481 +826 182 4 885690600 +826 241 4 885690600 +826 313 5 885689782 +826 336 4 885690064 +826 431 5 885690636 +826 1239 4 885690854 +827 258 3 882201175 +827 268 4 882201175 +827 272 4 884213984 +827 301 4 882201885 +827 313 3 892157221 +827 329 3 882807787 +827 331 3 892157376 +827 347 3 892157356 +827 690 3 882807503 +827 750 3 892157198 +828 19 5 891035613 +828 57 3 891037640 +828 171 3 891036568 +828 269 4 891033574 +828 325 2 891035438 +828 753 4 891037047 +828 887 4 891033611 +828 921 4 891037948 +828 971 4 891380167 +828 1646 4 893186124 +829 189 4 891992008 +829 192 5 881712519 +829 250 3 882816754 +829 268 4 886631672 +829 278 1 881712488 +829 318 5 883149860 +829 339 2 891992167 +829 512 4 881698976 +829 1018 2 881707829 +829 1067 4 891990842 +830 69 5 891898262 +830 82 3 891561673 +830 100 5 891560934 +830 225 3 891560596 +830 233 3 891561737 +830 288 1 891899475 +830 385 4 891561805 +830 413 1 891899475 +830 511 5 891561673 +830 739 4 892503093 +831 1 4 891354573 +831 96 5 891354668 +831 181 5 891354866 +831 245 2 891354226 +831 273 3 891354773 +831 333 4 891353915 +831 340 4 891354000 +831 591 4 891355004 +831 877 2 891354391 +831 1063 4 891354668 +832 25 2 888260157 +832 181 3 888260089 +832 245 3 888259984 +832 294 4 888259121 +832 326 4 888259121 +832 328 3 888259020 +832 334 2 888259984 +832 471 4 888260089 +832 681 2 888259984 +832 876 3 888259480 +833 121 1 875133458 +833 129 3 875035718 +833 156 4 875038775 +833 161 1 875224515 +833 340 5 879818293 +833 367 3 875123359 +833 483 4 875122716 +833 544 1 875133458 +833 546 2 875036354 +833 673 4 875224039 +834 7 4 890862974 +834 100 4 890862311 +834 258 4 890860194 +834 269 5 890860566 +834 275 3 890862648 +834 282 4 890863052 +834 293 3 890862974 +834 313 5 890860566 +834 744 4 890862527 +834 762 4 890863072 +835 1 3 891033420 +835 143 5 891033819 +835 157 4 891033526 +835 193 4 891033148 +835 325 5 891032391 +835 393 5 891033718 +835 628 3 891032930 +835 654 5 891033173 +835 660 4 891033986 +835 708 5 891035078 +836 12 5 885754118 +836 165 4 885754149 +836 180 5 885754200 +836 216 4 885753979 +836 268 3 885753475 +836 429 4 885754200 +836 507 4 885754149 +836 875 1 885753752 +836 880 4 885753506 +836 896 3 885753506 +837 19 4 875721948 +837 220 4 875722007 +837 225 3 875722371 +837 274 4 875721989 +837 283 5 875722069 +837 476 3 875722225 +837 535 1 875722246 +837 596 3 875721969 +837 628 3 875722225 +837 845 4 875722392 +838 72 4 887067162 +838 169 4 887067390 +838 173 5 887065782 +838 181 5 887063696 +838 298 3 887064476 +838 318 5 887067085 +838 497 5 887067162 +838 596 5 887064275 +838 732 4 887066782 +838 748 3 887060972 +839 123 3 875752560 +839 237 3 875752317 +839 244 3 875751958 +839 257 3 875751930 +839 260 2 875751560 +839 276 3 875751799 +839 281 3 875752456 +839 475 5 875751856 +839 825 4 875752274 +839 1664 1 875752902 +840 135 5 891204356 +840 152 4 891204160 +840 423 5 891209449 +840 465 4 891204798 +840 478 3 891204627 +840 479 4 891204385 +840 517 4 891204322 +840 647 5 891205004 +840 732 3 891204947 +840 845 5 891203553 +841 270 4 889067045 +841 272 4 889066780 +841 286 5 889066959 +841 288 3 889067046 +841 323 3 889066880 +841 331 5 889066999 +841 353 1 889067253 +841 748 4 889067253 +841 754 4 889067045 +841 892 3 889067182 +842 268 5 891218059 +842 269 5 891217834 +842 270 5 891218251 +842 313 4 891217891 +842 344 1 891217835 +842 362 3 891217891 +842 751 4 891218192 +842 754 1 891218251 +842 886 4 891218459 +842 1105 2 891218353 +843 98 3 879443668 +843 186 2 879447170 +843 238 3 879446359 +843 298 2 879444531 +843 444 2 879443442 +843 448 4 879443297 +843 452 2 879443442 +843 615 3 879446215 +843 636 4 879443837 +843 665 3 879443482 +844 22 4 877386855 +844 71 3 877388040 +844 90 3 877387242 +844 154 3 877387052 +844 179 3 877387548 +844 195 3 877387825 +844 403 3 877387825 +844 423 3 877382762 +844 553 4 877387242 +844 627 3 877388040 +845 269 4 885409493 +845 272 3 885409374 +845 311 4 885409493 +845 313 4 885409374 +845 750 3 885409719 +845 877 2 885409719 +845 903 4 885409493 +845 1434 4 885409719 +845 1463 1 885409374 +845 1592 3 885409493 +846 57 2 883949121 +846 60 4 883948606 +846 90 2 883950001 +846 94 4 883950711 +846 377 2 883950155 +846 382 3 883948989 +846 566 5 883948874 +846 627 4 883949594 +846 1074 3 883950859 +846 1518 2 883950186 +847 185 2 878939503 +847 238 2 878939975 +847 288 4 878774722 +847 290 4 878775523 +847 405 3 878938982 +847 434 3 878941520 +847 763 1 878775914 +847 826 3 878939266 +847 1050 3 878940618 +847 1172 1 878939803 +848 32 5 887042871 +848 69 2 887043340 +848 152 5 887046166 +848 164 5 887043421 +848 294 5 887037669 +848 481 3 887038527 +848 529 5 887042871 +848 584 3 887039531 +848 615 5 887037980 +848 1126 5 887043265 +849 15 5 879695896 +849 27 5 879695469 +849 143 5 879695515 +849 172 5 879695469 +849 174 5 879695469 +849 288 5 879695056 +849 298 5 879695086 +849 427 4 879695317 +849 588 5 879695680 +849 928 5 879695153 +850 8 5 883195055 +850 56 1 883195034 +850 173 5 883195008 +850 202 4 883194737 +850 204 5 883194859 +850 208 5 883194973 +850 210 5 883195301 +850 300 5 883194367 +850 490 5 883194859 +850 566 5 883195256 +851 11 5 875731441 +851 27 4 875806765 +851 255 3 890343651 +851 272 5 891961663 +851 338 3 891961750 +851 544 4 874728396 +851 693 5 875731816 +851 987 1 875730601 +851 1009 2 874789084 +851 1245 4 875730826 +852 118 4 891037262 +852 127 4 891035544 +852 151 4 891036922 +852 257 4 891036414 +852 323 3 891036039 +852 408 5 891036843 +852 473 3 891036884 +852 546 4 891037245 +852 597 3 891037562 +852 685 3 891036435 +853 245 3 879365091 +853 292 4 879364669 +853 301 1 879364744 +853 302 4 879364669 +853 326 2 879364955 +853 331 2 879364822 +853 748 2 879364883 +853 873 3 879365091 +853 879 4 879364955 +853 1025 4 879365360 +854 87 4 882814063 +854 122 3 882813287 +854 126 3 882812826 +854 186 3 882814298 +854 273 4 882812852 +854 409 2 882813421 +854 475 4 882812352 +854 499 4 882813537 +854 979 4 882813315 +854 1014 3 882813315 +855 45 3 879825383 +855 60 3 879825528 +855 86 2 879825462 +855 165 4 879825382 +855 179 3 879825528 +855 198 4 879825613 +855 283 3 879825383 +855 529 4 879825613 +855 531 3 879825614 +855 1021 3 879825578 +856 258 4 891489356 +856 310 3 891489217 +856 313 5 891489217 +856 315 5 891489250 +856 323 2 891489593 +856 678 3 891489666 +856 688 2 891489666 +856 749 3 891489450 +856 750 5 891489250 +856 879 3 891489450 +857 14 4 883432633 +857 19 4 883432633 +857 294 3 883432251 +857 300 3 883432251 +857 321 4 883432352 +857 325 1 883432397 +857 348 1 883432170 +857 475 5 883432663 +857 687 1 883432470 +857 898 5 883432141 +858 100 3 880932746 +858 181 2 879460595 +858 269 4 879458608 +858 286 4 879458829 +858 289 3 879459337 +858 292 3 879459087 +858 307 3 880933013 +858 331 3 880932343 +858 334 4 880933072 +858 690 3 879459087 +859 25 4 885776056 +859 111 4 885776056 +859 249 5 885775086 +859 276 4 885776056 +859 421 5 885776384 +859 762 5 885775437 +859 846 5 885775612 +859 1014 4 885775564 +859 1061 4 885776056 +859 1095 2 885775513 +860 4 4 885991163 +860 159 3 889984855 +860 211 3 885990998 +860 283 4 885990998 +860 289 3 880829225 +860 294 2 880829225 +860 303 3 876074139 +860 514 5 885991040 +860 715 4 885991198 +860 1061 3 879169685 +861 52 5 881274718 +861 86 5 881274630 +861 170 5 881274672 +861 275 5 881274612 +861 289 5 881274504 +861 294 3 881274504 +861 714 4 881274899 +861 736 4 881274672 +861 949 4 881274937 +861 1227 4 881274936 +862 50 5 879304196 +862 127 5 879304196 +862 168 4 879304526 +862 193 4 879304326 +862 210 4 879304410 +862 215 4 879304624 +862 288 5 879302533 +862 357 3 879305204 +862 407 3 879303843 +862 505 4 879305016 +863 264 3 889289385 +863 270 3 889288943 +863 301 4 889289240 +863 333 5 889289123 +863 352 1 889289491 +863 754 3 889289067 +863 882 4 889289570 +863 902 5 889289456 +863 1062 4 889289570 +863 1294 4 889289618 +864 50 5 877214085 +864 53 4 888891794 +864 71 3 888889389 +864 168 4 888888067 +864 208 4 888888994 +864 273 5 878179555 +864 408 5 877214085 +864 642 3 888890432 +864 708 3 888889863 +864 1446 3 888889948 +865 7 5 880143425 +865 122 3 880144539 +865 169 5 880235059 +865 245 3 880235263 +865 597 1 880144368 +865 676 2 880144153 +865 825 1 880144123 +865 928 1 880144368 +865 929 2 880144539 +865 1028 1 880144024 +866 242 3 891221165 +866 269 3 891221165 +866 300 1 891220881 +866 302 2 891220955 +866 305 2 891221006 +866 306 4 891221165 +866 319 4 891221302 +866 321 3 891221302 +866 887 3 891221165 +866 889 2 891221006 +867 23 5 880078723 +867 79 4 880079142 +867 96 5 880078656 +867 135 5 880079065 +867 196 3 880079043 +867 211 3 880078484 +867 318 5 880078424 +867 480 5 880078401 +867 660 4 880078723 +867 956 4 880079142 +868 1 4 877103320 +868 204 2 877105882 +868 206 5 877108352 +868 398 1 877109082 +868 562 2 877112440 +868 568 1 877107847 +868 581 2 877109748 +868 738 2 877108624 +868 1031 1 877109535 +868 1480 1 877111932 +869 50 4 884490892 +869 118 1 884492338 +869 181 3 884490825 +869 240 4 884491734 +869 284 1 884491966 +869 310 4 884493279 +869 312 2 884490251 +869 412 5 884493279 +869 846 2 884492201 +869 1134 1 884492445 +870 54 2 879714458 +870 171 4 875050698 +870 466 4 878737789 +870 481 4 875680046 +870 511 3 881001249 +870 517 2 875680597 +870 521 3 875679795 +870 566 2 882123618 +870 642 4 875680258 +870 952 3 880584584 +871 27 2 888193275 +871 174 5 888193176 +871 177 5 888193336 +871 245 3 888192475 +871 346 3 888192859 +871 515 4 888193176 +871 895 3 888192689 +871 1119 3 888193384 +871 1197 3 888193136 +871 1385 3 888193136 +872 1 3 888479151 +872 106 3 888479624 +872 111 4 888479151 +872 237 4 888479275 +872 258 4 888478698 +872 323 2 888480019 +872 332 3 888480019 +872 597 4 888479370 +872 815 4 888479434 +872 932 4 888479498 +873 258 3 891392818 +873 286 2 891392091 +873 289 2 891392577 +873 292 5 891392177 +873 294 4 891392303 +873 300 4 891392238 +873 313 5 891392177 +873 321 1 891392577 +873 750 3 891392303 +873 879 2 891392577 +874 124 4 888632411 +874 150 4 888632448 +874 191 4 888633311 +874 197 4 888633310 +874 276 4 888632484 +874 289 4 888633197 +874 306 4 888632194 +874 321 3 888632275 +874 340 3 888632194 +874 748 3 888633197 +875 133 4 876464967 +875 169 5 876465025 +875 171 5 876465370 +875 268 4 876464755 +875 334 4 876464800 +875 474 5 876465188 +875 514 5 876465112 +875 582 5 876465408 +875 772 5 876465188 +875 923 5 876465370 +876 19 5 879428354 +876 48 5 879428481 +876 178 4 879428378 +876 187 4 879428354 +876 238 4 879428406 +876 276 4 879428354 +876 289 3 879428145 +876 294 4 879428145 +876 435 4 879428421 +876 529 4 879428451 +877 31 4 882678483 +877 60 5 882677183 +877 237 4 882677827 +877 270 4 882676054 +877 271 4 882676507 +877 274 4 882678105 +877 286 2 882675993 +877 382 3 882677012 +877 515 5 882677640 +877 949 3 882677440 +878 172 4 880870854 +878 283 3 880868035 +878 427 5 880872394 +878 511 4 880866810 +878 582 4 880866810 +878 642 3 880866971 +878 655 3 880866687 +878 659 4 880870854 +878 692 4 880869191 +878 949 3 880871600 +879 1 4 887761865 +879 15 4 887761865 +879 127 5 887761249 +879 151 3 887761425 +879 222 4 887761460 +879 237 4 887761309 +879 282 4 887761865 +879 300 3 887760802 +879 763 5 887761425 +879 1284 3 887761562 +880 232 4 880167806 +880 299 4 892958517 +880 301 4 880166557 +880 307 4 892958090 +880 386 3 880174995 +880 398 3 880167965 +880 651 5 880167695 +880 791 2 880174961 +880 820 3 880167384 +880 824 4 880174879 +881 49 5 876538986 +881 53 2 876539448 +881 54 4 876539387 +881 133 4 876537718 +881 180 5 876538063 +881 423 4 876538726 +881 550 3 876539261 +881 663 5 876538322 +881 671 3 876537512 +881 1118 3 876538131 +882 71 5 879867631 +882 140 3 879879868 +882 173 5 879867980 +882 186 5 879879731 +882 193 5 879867263 +882 204 5 879864697 +882 215 5 879867816 +882 409 4 879863031 +882 515 5 879865307 +882 616 4 879879807 +883 7 5 891754985 +883 50 4 891696824 +883 68 4 891696957 +883 83 3 891693200 +883 129 5 891755088 +883 144 4 892557605 +883 311 4 891691505 +883 727 3 891696750 +883 749 3 891695490 +883 792 4 891694182 +884 9 5 876858820 +884 70 4 876859208 +884 116 4 876858914 +884 165 3 876859070 +884 166 3 876859207 +884 179 5 876859109 +884 269 5 876857704 +884 275 4 876857845 +884 322 3 876857745 +884 1214 1 876860434 +885 1 5 885714990 +885 70 5 885713585 +885 186 4 885713434 +885 210 5 885713544 +885 405 4 885715691 +885 428 4 885713461 +885 432 4 885714820 +885 596 4 885714990 +885 866 3 885713102 +885 1311 2 885714582 +886 4 3 876031601 +886 68 3 876032422 +886 147 5 876033228 +886 160 1 876031550 +886 175 4 876031550 +886 233 3 876032126 +886 235 3 876032739 +886 781 4 876033340 +886 819 4 876033897 +886 1303 1 876033987 +887 1 5 881377972 +887 111 5 881378370 +887 200 1 881380883 +887 279 5 881378478 +887 369 5 881378896 +887 839 4 881379566 +887 931 3 881379009 +887 993 5 881378251 +887 1012 1 881378153 +887 1015 5 881377933 +888 69 4 879365104 +888 137 4 879365104 +888 180 4 879365004 +888 269 5 879364981 +888 286 5 879364981 +888 514 5 879365154 +888 535 4 879365497 +888 762 5 879365497 +888 792 5 879365054 +888 869 4 879365086 +889 58 3 880178130 +889 65 4 880180817 +889 72 3 880181317 +889 134 4 880179648 +889 160 4 880180945 +889 168 4 880178449 +889 246 4 880176926 +889 654 3 880178512 +889 659 4 880178367 +889 762 3 880177154 +890 89 4 882403446 +890 98 4 882403446 +890 118 2 882915661 +890 163 3 883010005 +890 172 5 882402905 +890 181 4 882405808 +890 237 3 882575209 +890 324 4 882404093 +890 340 4 882402181 +890 443 4 882404541 +891 50 4 891638682 +891 117 3 883488774 +891 278 4 883489438 +891 280 3 883489646 +891 281 5 891639920 +891 471 5 891639941 +891 531 4 883430128 +891 546 3 883489282 +891 591 4 891639497 +891 934 3 883489806 +892 87 5 886609263 +892 134 5 886608591 +892 151 4 886609330 +892 226 3 886610201 +892 273 4 886608681 +892 441 3 886610267 +892 661 5 886608473 +892 781 4 886610137 +892 849 2 886610341 +892 1219 2 886611079 +893 1 5 874827725 +893 56 5 874829733 +893 117 4 874828772 +893 147 3 874828569 +893 148 3 874829287 +893 264 3 874828296 +893 294 3 874827789 +893 405 5 874828864 +893 426 4 874829733 +893 471 4 874828897 +894 15 3 880416340 +894 134 4 879897198 +894 246 4 882404137 +894 269 3 879896041 +894 297 4 880416380 +894 302 4 879896041 +894 333 4 879896756 +894 405 3 880416177 +894 845 3 881443365 +894 888 4 879896756 +895 13 5 879437950 +895 50 5 879438062 +895 117 3 879438082 +895 181 5 879437950 +895 275 5 879438011 +895 284 3 879438062 +895 301 4 879437793 +895 597 2 879438101 +895 988 3 879437845 +895 1014 3 879438082 +896 67 2 887160983 +896 108 3 887159854 +896 136 5 887158768 +896 212 2 887160582 +896 281 2 887161172 +896 310 4 887157208 +896 403 1 887160554 +896 525 5 887158164 +896 752 1 887161916 +896 1101 2 887159110 +897 1 5 879994113 +897 127 5 879990647 +897 186 5 879994113 +897 214 5 879990923 +897 227 3 879992190 +897 393 4 879991493 +897 472 5 879993620 +897 478 3 879991105 +897 597 5 879993519 +897 928 5 879993621 +898 242 4 888294441 +898 270 4 888294408 +898 286 2 888294408 +898 288 4 888294529 +898 300 2 888294375 +898 319 5 888294676 +898 324 4 888294621 +898 683 3 888294775 +898 748 4 888294739 +898 751 3 888294621 +899 154 5 884122420 +899 208 3 884121857 +899 209 5 884121173 +899 216 5 884121885 +899 231 1 884122844 +899 275 4 884119877 +899 660 4 884122564 +899 685 3 884119954 +899 694 5 884121009 +899 751 4 884120724 +900 121 2 877832803 +900 130 1 877833512 +900 137 3 877832803 +900 183 3 877833781 +900 280 2 877833364 +900 429 2 877833747 +900 458 2 877833326 +900 474 4 877833781 +900 493 2 877833603 +900 589 5 877833631 +901 8 3 877131307 +901 22 5 877131045 +901 78 4 877131738 +901 275 3 877130677 +901 287 3 877126935 +901 509 4 877288977 +901 623 4 877131793 +901 929 4 877126902 +901 988 4 877125716 +901 1049 3 877127021 +902 50 5 879464726 +902 134 3 879465523 +902 250 4 879465073 +902 258 3 879463109 +902 295 2 879465128 +902 318 5 879465522 +902 327 3 879463373 +902 333 3 879463310 +902 515 5 879464726 +902 993 3 879465180 +903 100 5 891031203 +903 182 5 891380461 +903 203 4 891032911 +903 204 3 891033335 +903 318 5 891032793 +903 409 4 891031794 +903 708 4 891033808 +903 746 2 891033302 +903 994 3 891031883 +903 1132 3 891031949 +904 9 4 879735316 +904 66 4 879735641 +904 97 4 879735678 +904 289 5 879735177 +904 328 2 879735136 +904 421 5 879735772 +904 628 3 879735362 +904 694 3 879735551 +904 739 4 879735678 +904 778 3 879735678 +905 7 4 884984329 +905 150 4 884984148 +905 245 3 884983273 +905 258 3 884982806 +905 282 3 884983889 +905 300 4 884983556 +905 321 4 884983463 +905 328 3 884983034 +905 333 3 884982806 +905 717 1 884984149 +906 7 3 879434846 +906 10 4 879435339 +906 100 4 879434846 +906 121 4 879435598 +906 307 3 879434378 +906 321 4 879434436 +906 475 3 879435253 +906 628 5 879435551 +906 696 4 879435758 +906 740 4 879435415 +907 100 5 880158712 +907 290 4 880159259 +907 317 5 880159910 +907 340 2 880158425 +907 591 5 880158913 +907 619 2 880159038 +907 685 5 880158960 +907 724 5 880159642 +907 763 5 880159081 +907 1057 3 880159151 +908 55 3 879722334 +908 56 4 879722642 +908 98 5 879722300 +908 156 3 879722603 +908 173 3 879722901 +908 192 2 879722489 +908 288 4 879722097 +908 414 3 879723022 +908 694 4 879722603 +908 701 4 879722780 +909 116 5 891920010 +909 275 5 891920166 +909 286 4 891919160 +909 292 4 891919160 +909 300 5 891919232 +909 509 5 891920211 +909 531 4 891920166 +909 582 5 891920125 +909 682 3 891920763 +909 1121 5 891920703 +910 23 4 881421332 +910 100 4 880821098 +910 117 4 880822012 +910 182 4 880821696 +910 237 4 880822060 +910 245 2 881420474 +910 288 3 884229224 +910 293 4 880822060 +910 845 4 880821405 +910 1012 4 884229250 +911 98 2 892839015 +911 168 4 892838676 +911 174 4 892838577 +911 185 5 892841255 +911 357 4 892838954 +911 381 5 892839846 +911 435 5 892839993 +911 485 3 892839454 +911 496 3 892838954 +911 588 4 892840837 +912 132 5 875965981 +912 143 5 875966694 +912 154 4 875966027 +912 172 3 875966027 +912 204 2 875966202 +912 238 4 875966320 +912 423 5 875966694 +912 483 5 875965906 +912 496 4 875965939 +912 1041 4 875966616 +913 8 2 880825916 +913 12 4 881366897 +913 58 5 880759221 +913 92 4 881725846 +913 99 4 881366878 +913 260 1 881037229 +913 301 1 880753802 +913 357 5 880824372 +913 527 5 881036957 +913 1112 1 882044453 +914 88 2 887124121 +914 111 1 887124121 +914 155 5 887124121 +914 197 4 887122028 +914 371 4 887122029 +914 387 3 887124121 +914 451 2 887122085 +914 724 3 887123464 +914 736 3 887123465 +914 1355 1 887123886 +915 268 5 891031477 +915 270 3 891030070 +915 288 2 891031450 +915 300 3 891031477 +915 304 3 891030032 +915 310 3 891029965 +915 313 4 891029965 +915 328 2 891031450 +915 333 3 891031450 +915 1038 2 891030070 +916 100 5 880843288 +916 160 3 880844511 +916 232 3 880844897 +916 271 3 880843185 +916 366 3 880845658 +916 451 3 880845227 +916 467 3 880844420 +916 470 3 880845476 +916 1046 2 880845722 +916 1428 3 880845415 +917 25 4 882911390 +917 50 3 882910915 +917 150 5 882912385 +917 276 5 882912385 +917 278 3 882911767 +917 287 4 882911185 +917 471 4 882911099 +917 535 4 882912385 +917 740 5 882912385 +917 1014 2 882911246 +918 131 3 891987824 +918 137 5 891987879 +918 204 1 891987317 +918 419 3 891987622 +918 428 5 891988001 +918 488 3 891987846 +918 640 3 891988163 +918 923 4 891987317 +918 1065 4 891988002 +918 1200 4 891988276 +919 19 4 875288681 +919 243 3 875288418 +919 253 3 875288748 +919 257 4 875288848 +919 259 4 875288362 +919 322 3 875288253 +919 358 3 875288304 +919 690 3 885059658 +919 787 3 875921283 +919 1101 5 875373470 +920 270 3 884219993 +920 300 3 884220058 +920 328 2 884220058 +920 331 3 884220094 +920 332 3 884219953 +920 346 4 884219768 +920 347 4 884220131 +920 350 4 884219953 +920 682 3 884220058 +920 1612 4 884219953 +921 1 3 879379601 +921 8 3 884673699 +921 24 3 879380097 +921 72 4 879380806 +921 282 2 879379714 +921 313 5 884673044 +921 720 4 879381128 +921 932 3 879381128 +921 1047 1 879380015 +921 1060 2 879379942 +922 72 4 891452470 +922 89 5 891450368 +922 143 4 891449021 +922 161 3 891450401 +922 210 3 891450368 +922 215 3 891453653 +922 371 3 891448348 +922 382 4 891451373 +922 756 2 891455185 +922 1035 3 891449552 +923 148 4 880387474 +923 174 5 880388872 +923 237 4 880387908 +923 333 5 880386897 +923 410 3 880387908 +923 456 4 880388562 +923 472 4 880388547 +923 762 4 880387525 +923 827 3 880387997 +923 1028 4 880387624 +924 6 4 886759441 +924 96 4 886760020 +924 117 2 887421305 +924 127 3 884371438 +924 174 5 885458009 +924 195 5 886065785 +924 273 3 889286721 +924 523 5 885458121 +924 1036 2 886759690 +924 1400 4 886327641 +925 5 4 884718156 +925 56 3 884717963 +925 185 4 884717963 +925 218 4 884717862 +925 299 3 884717478 +925 323 4 884633287 +925 332 4 884717404 +925 678 3 884717790 +925 682 4 884717586 +925 948 2 884717790 +926 258 4 888636202 +926 286 4 888636202 +926 288 3 888636202 +926 289 3 888636269 +926 300 3 888351623 +926 303 3 888351713 +926 315 4 888351623 +926 322 2 888636270 +926 325 1 888636269 +926 340 4 888351623 +927 7 3 879177298 +927 15 5 879177509 +927 24 3 879181042 +927 138 4 879198655 +927 222 5 879177177 +927 228 5 879184644 +927 294 5 879199250 +927 380 5 879196283 +927 456 2 879182709 +927 501 4 879190422 +928 8 5 880936905 +928 98 5 880936884 +928 187 5 880936884 +928 333 3 880937258 +928 358 5 880936023 +928 496 5 880936863 +928 877 5 880936022 +928 878 5 880936022 +928 1007 5 880937163 +928 1025 5 880936022 +929 23 3 880817681 +929 31 2 880817708 +929 89 5 879640126 +929 134 4 880817752 +929 188 4 880817728 +929 209 3 880817752 +929 419 4 880817844 +929 474 4 879640126 +929 515 5 878402162 +929 517 5 879640329 +930 8 3 879535713 +930 121 4 879535392 +930 148 1 879534886 +930 151 2 879534724 +930 245 3 879534165 +930 283 4 879535544 +930 288 1 879534001 +930 455 1 879534692 +930 651 3 879535574 +930 763 3 879535102 +931 50 3 891036715 +931 121 2 891036604 +931 237 3 891036552 +931 245 4 891037024 +931 303 4 891035917 +931 310 3 891035876 +931 362 3 891035970 +931 476 3 891036974 +931 678 3 891036247 +931 1152 4 891037177 +932 7 4 891250109 +932 55 3 891249994 +932 105 2 891252338 +932 135 5 891249538 +932 176 5 891250449 +932 285 4 891250392 +932 435 4 891249821 +932 504 4 891250236 +932 1065 5 891251538 +932 1204 5 891249821 +933 28 4 874853977 +933 64 5 874853605 +933 98 5 874853734 +933 156 4 874854135 +933 187 4 874854294 +933 317 4 874853779 +933 447 2 874854678 +933 523 4 874853957 +933 577 1 874938705 +933 1017 3 874854953 +934 25 4 891195233 +934 50 5 891189363 +934 151 3 891189401 +934 177 3 891192623 +934 197 5 891192041 +934 202 5 891193132 +934 297 5 891189969 +934 423 3 891191660 +934 573 2 891197530 +934 1425 1 891197851 +935 100 3 884472110 +935 121 4 884472434 +935 127 4 884472086 +935 257 2 884472110 +935 284 4 884472673 +935 471 4 884472352 +935 476 4 884472465 +935 717 4 884472872 +935 742 5 884472266 +935 846 4 884472999 +936 106 3 886833148 +936 111 4 886832597 +936 236 5 886832183 +936 281 4 886832903 +936 285 4 886832221 +936 298 4 886832134 +936 340 4 886831535 +936 818 4 886832903 +936 952 4 886832966 +936 1258 2 886833281 +937 9 5 876769373 +937 126 4 876769374 +937 224 4 876769480 +937 242 3 876762200 +937 268 1 876762200 +937 275 4 876769323 +937 285 4 876769436 +937 293 4 876769530 +937 297 4 876769436 +937 515 5 876769253 +938 122 1 891357190 +938 125 3 891356742 +938 240 2 891356847 +938 313 5 891349471 +938 333 4 891356146 +938 477 1 891356702 +938 763 4 891356656 +938 864 4 891356827 +938 988 3 891356282 +938 1033 2 891357137 +939 106 3 880262019 +939 121 5 880261373 +939 258 4 880260692 +939 409 4 880261532 +939 476 5 880261974 +939 689 5 880260636 +939 931 2 880262196 +939 993 4 880260853 +939 1054 4 880261868 +939 1190 5 880260883 +940 14 3 885921710 +940 66 4 885922016 +940 193 3 885921893 +940 205 3 885921243 +940 272 4 884801316 +940 289 3 884801144 +940 315 4 884801125 +940 568 3 885921870 +940 655 4 885921775 +940 873 3 889480440 +941 7 4 875048952 +941 15 4 875049144 +941 117 5 875048886 +941 124 5 875048996 +941 147 4 875049077 +941 181 5 875048887 +941 257 4 875048952 +941 258 4 875048495 +941 475 4 875049038 +941 993 4 875048996 +942 117 4 891282816 +942 200 4 891282840 +942 261 4 891282673 +942 323 3 891282644 +942 423 5 891283095 +942 427 5 891283017 +942 487 4 891282985 +942 584 4 891283239 +942 604 4 891283139 +942 615 3 891283017 +943 11 4 888639000 +943 58 4 888639118 +943 111 4 875502192 +943 186 5 888639478 +943 215 5 888639000 +943 232 4 888639867 +943 356 4 888639598 +943 570 1 888640125 +943 808 4 888639868 +943 1067 2 875501756 diff --git a/MovieLens Movie Recommendation/Python/ml-100k/ub.base b/MovieLens Movie Recommendation/Python/ml-100k/ub.base new file mode 100644 index 00000000..3fd9bc00 --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/ub.base @@ -0,0 +1,90570 @@ +1 1 5 874965758 +1 2 3 876893171 +1 3 4 878542960 +1 4 3 876893119 +1 5 3 889751712 +1 6 5 887431973 +1 7 4 875071561 +1 8 1 875072484 +1 9 5 878543541 +1 10 3 875693118 +1 11 2 875072262 +1 12 5 878542960 +1 13 5 875071805 +1 14 5 874965706 +1 15 5 875071608 +1 16 5 878543541 +1 18 4 887432020 +1 19 5 875071515 +1 20 4 887431883 +1 21 1 878542772 +1 22 4 875072404 +1 23 4 875072895 +1 24 3 875071713 +1 25 4 875071805 +1 26 3 875072442 +1 27 2 876892946 +1 28 4 875072173 +1 29 1 878542869 +1 30 3 878542515 +1 31 3 875072144 +1 32 5 888732909 +1 33 4 878542699 +1 34 2 878542869 +1 35 1 878542420 +1 36 2 875073180 +1 37 2 878543030 +1 38 3 878543075 +1 39 4 875072173 +1 40 3 876893230 +1 41 2 876892818 +1 42 5 876892425 +1 43 4 878542869 +1 44 5 878543541 +1 45 5 875241687 +1 46 4 876893230 +1 48 5 875072520 +1 49 3 878542478 +1 50 5 874965954 +1 51 4 878543275 +1 52 4 875072205 +1 53 3 876893206 +1 54 3 878543308 +1 55 5 875072688 +1 56 4 875072716 +1 57 5 878542459 +1 58 4 878542960 +1 59 5 876892817 +1 60 5 875072370 +1 61 4 878542420 +1 62 3 878542282 +1 63 2 878543196 +1 65 4 875072125 +1 66 4 878543030 +1 67 3 876893054 +1 68 4 875072688 +1 69 3 875072262 +1 70 3 875072895 +1 71 3 876892425 +1 72 4 878542678 +1 73 3 876892774 +1 74 1 889751736 +1 75 4 878543238 +1 76 4 878543176 +1 77 4 876893205 +1 78 1 878543176 +1 79 4 875072865 +1 80 4 876893008 +1 81 5 875072865 +1 82 5 878542589 +1 83 3 875072370 +1 84 4 875072923 +1 85 3 875073180 +1 86 5 878543541 +1 87 5 878543541 +1 88 4 878542791 +1 89 5 875072484 +1 91 5 876892636 +1 93 5 875071484 +1 94 2 875072956 +1 95 4 875072303 +1 96 5 875072716 +1 97 3 875073128 +1 98 4 875072404 +1 99 3 875072547 +1 100 5 878543541 +1 101 2 878542845 +1 102 2 889751736 +1 103 1 878542845 +1 104 1 875241619 +1 105 2 875240739 +1 106 4 875241390 +1 107 4 875241619 +1 108 5 875240920 +1 109 5 874965739 +1 110 1 878542845 +1 111 5 889751711 +1 112 1 878542441 +1 114 5 875072173 +1 115 5 878541637 +1 116 3 878542960 +1 117 3 874965739 +1 118 3 875071927 +1 119 5 876893098 +1 120 1 875241637 +1 121 4 875071823 +1 122 3 875241498 +1 123 4 875071541 +1 124 5 875071484 +1 125 3 878542960 +1 126 2 875071713 +1 127 5 874965706 +1 128 4 875072573 +1 129 5 887431908 +1 130 3 875072002 +1 131 1 878542552 +1 132 4 878542889 +1 133 4 876892818 +1 134 4 875073067 +1 135 4 875072404 +1 136 3 876893206 +1 137 5 875071541 +1 138 1 878543006 +1 139 3 878543216 +1 140 1 878543133 +1 141 3 878542608 +1 142 2 878543238 +1 143 1 875072631 +1 144 4 875073180 +1 145 2 875073067 +1 146 4 875071561 +1 147 3 875240993 +1 148 2 875240799 +1 149 2 878542791 +1 150 5 876892196 +1 151 4 875072865 +1 152 5 878542589 +1 153 3 876893230 +1 154 5 878543541 +1 155 2 878542201 +1 156 4 874965556 +1 157 4 876892918 +1 158 3 878542699 +1 159 3 875073180 +1 160 4 875072547 +1 161 4 875072303 +1 162 4 878542420 +1 163 4 875072442 +1 164 3 876893171 +1 165 5 874965518 +1 166 5 874965677 +1 167 2 878542383 +1 168 5 874965478 +1 169 5 878543541 +1 170 5 876892856 +1 171 5 889751711 +1 172 5 874965478 +1 173 5 878541803 +1 174 5 875073198 +1 175 5 875072547 +1 176 5 876892468 +1 177 5 876892701 +1 178 5 878543541 +1 179 3 875072370 +1 180 3 875072573 +1 181 5 874965739 +1 182 4 875072520 +1 183 5 875072262 +1 184 4 875072956 +1 185 4 875072631 +1 186 4 875073128 +1 187 4 874965678 +1 188 3 875073128 +1 189 3 888732928 +1 190 5 875072125 +1 191 5 875072956 +1 192 4 875072547 +1 193 4 876892654 +1 194 4 876892743 +1 195 5 876892855 +1 196 5 874965677 +1 197 5 875072956 +1 198 5 878542717 +1 199 4 875072262 +1 200 3 876893098 +1 201 3 878542960 +1 202 5 875072442 +1 203 4 878542231 +1 204 5 875072688 +1 205 3 878542909 +1 206 4 876893205 +1 207 5 875073067 +1 208 5 878542960 +1 209 4 888732908 +1 210 4 878542909 +1 211 3 878541970 +1 212 4 875072895 +1 213 2 876892896 +1 214 4 875072520 +1 215 3 876893145 +1 216 5 876892701 +1 217 3 876892676 +1 218 3 876892856 +1 219 1 878542327 +1 220 3 875241390 +1 221 5 887431921 +1 223 5 876892918 +1 224 5 875071484 +1 225 2 878542738 +1 226 3 878543176 +1 229 4 878542075 +1 230 4 878542420 +1 231 1 876893031 +1 232 3 878543196 +1 233 2 878542552 +1 234 4 876892355 +1 235 5 875071589 +1 236 4 875071898 +1 237 2 875071749 +1 238 4 875072235 +1 239 4 878542845 +1 240 3 875071898 +1 241 4 878543133 +1 242 5 889751633 +1 243 1 875241390 +1 244 2 887431973 +1 245 2 875071713 +1 246 5 874965905 +1 247 1 875241619 +1 248 4 874965954 +1 249 4 874965970 +1 250 4 874965706 +1 251 4 875071843 +1 252 2 875240677 +1 254 1 878541392 +1 255 2 885345822 +1 256 4 889751712 +1 257 4 874965954 +1 258 5 878873389 +1 259 1 875692979 +1 260 1 875071713 +1 261 1 875692992 +1 262 3 875071421 +1 263 1 875693007 +1 264 2 875071713 +1 265 4 878542441 +1 266 1 885345728 +1 267 4 875692955 +1 268 5 875692927 +1 269 5 877482427 +1 270 5 888732827 +1 271 2 887431672 +1 272 3 887431647 +2 1 4 888550871 +2 10 2 888551853 +2 13 4 888551922 +2 14 4 888551853 +2 19 3 888550871 +2 25 4 888551648 +2 50 5 888552084 +2 100 5 888552084 +2 111 4 888551853 +2 127 5 888552084 +2 237 4 888552017 +2 242 5 888552084 +2 251 5 888552084 +2 255 4 888551341 +2 258 3 888549961 +2 269 4 888550774 +2 272 5 888979061 +2 273 4 888551647 +2 274 3 888551497 +2 275 5 888550939 +2 276 4 888551552 +2 277 4 888551174 +2 278 3 888551647 +2 280 3 888551441 +2 281 3 888980240 +2 282 4 888551922 +2 283 5 888552084 +2 284 4 888552017 +2 285 5 888552084 +2 286 4 888549960 +2 287 3 888551235 +2 288 3 888550252 +2 289 3 888979353 +2 290 3 888551441 +2 291 3 888551647 +2 292 4 888550774 +2 293 4 888550939 +2 294 1 888551648 +2 295 4 888551164 +2 296 3 888550871 +2 297 4 888550871 +2 298 3 888551441 +2 300 4 888979197 +2 302 5 888552084 +2 304 4 888979197 +2 305 3 888550065 +2 306 4 888550774 +2 309 1 888980029 +2 310 4 888979061 +2 311 5 888552084 +2 312 3 888550631 +2 314 1 888980085 +3 181 4 889237482 +3 245 1 889237247 +3 258 2 889237026 +3 260 4 889237455 +3 264 2 889237297 +3 268 3 889236961 +3 271 3 889237224 +3 272 2 889237055 +3 288 2 889237026 +3 294 2 889237224 +3 302 2 889236939 +3 303 3 889236983 +3 307 3 889237224 +3 317 2 889237482 +3 319 2 889237026 +3 320 5 889237482 +3 321 5 889237455 +3 322 3 889237269 +3 323 2 889237269 +3 325 1 889237297 +3 326 2 889237224 +3 327 4 889237455 +3 328 5 889237455 +3 329 4 889237455 +3 331 4 889237455 +3 332 1 889237224 +3 333 2 889236939 +3 334 3 889237122 +3 335 1 889237269 +3 336 1 889237198 +3 337 1 889236983 +3 338 2 889237297 +3 339 3 889237141 +3 340 5 889237455 +3 342 4 889237174 +3 343 3 889237122 +3 344 4 889236939 +3 346 5 889237455 +3 347 5 889237455 +3 349 3 889237269 +3 352 2 889237055 +3 353 1 889237122 +3 354 3 889237004 +3 355 3 889237247 +4 50 5 892003526 +4 260 4 892004275 +4 264 3 892004275 +4 288 4 892001445 +4 294 5 892004409 +4 301 5 892002353 +4 303 5 892002352 +4 354 5 892002353 +4 356 3 892003459 +4 357 4 892003525 +4 358 2 892004275 +4 360 5 892002352 +4 361 5 892002353 +4 362 5 892002352 +5 1 4 875635748 +5 2 3 875636053 +5 17 4 875636198 +5 21 3 875635327 +5 25 3 875635318 +5 29 4 875637023 +5 40 4 879198109 +5 42 5 875636360 +5 50 4 875635758 +5 63 1 878844629 +5 66 1 875721019 +5 69 1 875721555 +5 70 4 875636389 +5 79 3 875635895 +5 80 2 875636511 +5 89 5 875636033 +5 90 3 875636297 +5 94 3 878844651 +5 95 4 875721168 +5 98 3 875720691 +5 99 3 875721216 +5 100 5 875635349 +5 101 5 878844510 +5 105 3 875635443 +5 109 5 875635350 +5 110 1 875636493 +5 121 4 875635189 +5 135 4 875637536 +5 139 3 875721260 +5 143 3 875636815 +5 144 3 875636141 +5 145 1 875720830 +5 151 3 875635723 +5 153 5 875636375 +5 154 3 875636691 +5 162 1 875721572 +5 163 5 879197864 +5 167 2 875636281 +5 168 3 875636691 +5 169 5 878844495 +5 172 5 875636130 +5 173 4 875636675 +5 174 5 875636130 +5 176 3 875635962 +5 181 5 875635757 +5 183 4 875636014 +5 185 3 875720692 +5 186 5 875636375 +5 189 5 878844495 +5 194 4 878845197 +5 200 2 875720717 +5 204 4 875636675 +5 208 4 875636675 +5 209 5 875636571 +5 210 3 875636099 +5 214 3 875637485 +5 216 1 875720967 +5 219 3 875720744 +5 222 4 875635174 +5 225 2 875635723 +5 226 3 875635962 +5 227 4 875636099 +5 228 5 875636070 +5 229 2 875635947 +5 230 3 875636070 +5 233 4 875729064 +5 234 2 875720692 +5 235 4 875635384 +5 239 4 875636655 +5 241 1 875720948 +5 243 1 878844164 +5 250 3 875635265 +5 257 5 875635239 +5 259 1 878844208 +5 267 4 875635064 +5 363 3 875635225 +5 364 1 875636571 +5 365 1 875637144 +5 366 3 875637145 +5 367 3 875636281 +5 368 1 875635457 +5 369 1 875635372 +5 370 1 875720814 +5 371 1 875720967 +5 372 3 875636230 +5 373 3 875635907 +5 374 3 875636905 +5 375 3 875637587 +5 378 1 875721167 +5 379 3 875720814 +5 380 3 875637191 +5 381 1 875636540 +5 383 3 875636588 +5 384 3 875636389 +5 385 4 875636185 +5 386 2 875636230 +5 387 3 875637419 +5 388 2 879198898 +5 389 1 875721315 +5 390 5 875636340 +5 391 4 875636167 +5 392 2 875637330 +5 393 2 875636265 +5 394 2 879198031 +5 395 2 879198898 +5 396 5 875636265 +5 397 2 875635907 +5 398 2 875636167 +5 399 3 875635947 +5 400 1 878844630 +5 401 5 875636308 +5 402 1 875720947 +5 403 3 875636152 +5 404 2 875721216 +5 405 3 875635225 +5 406 1 875635807 +5 408 5 878844495 +5 409 2 878844651 +5 410 1 879198183 +5 411 1 875635431 +5 412 3 875635416 +5 413 3 875635807 +5 414 3 875636691 +5 415 1 875636842 +5 416 1 875721196 +5 417 3 875636830 +5 418 3 875721216 +5 419 3 875636815 +5 420 3 875721168 +5 421 1 875721019 +5 422 4 875636767 +5 424 1 875635807 +5 425 2 875637440 +5 426 3 878844510 +5 427 3 875721167 +5 428 5 875636588 +5 429 3 875637429 +5 430 5 875636631 +5 431 3 875636099 +5 432 4 875636793 +5 433 5 875636655 +5 434 5 875637033 +5 435 4 875636033 +5 436 5 875720717 +5 437 1 878844423 +5 438 1 878844423 +5 439 1 878844423 +5 440 1 878844423 +5 441 1 875720830 +5 442 1 879198898 +5 443 4 875720744 +5 444 2 875720762 +5 445 3 875720744 +5 446 4 875720845 +5 447 3 875720744 +5 448 2 875720692 +5 449 2 875636099 +5 450 1 875635962 +5 451 1 875636571 +5 452 1 878844397 +5 453 1 879198898 +5 454 1 875721432 +5 455 4 875635174 +5 456 1 875636375 +5 457 1 879198898 +6 1 4 883599478 +6 7 2 883599102 +6 8 4 883600657 +6 9 4 883599205 +6 12 4 883601053 +6 13 2 883599400 +6 14 5 883599249 +6 15 3 883599302 +6 19 4 883602965 +6 21 3 883600152 +6 22 3 883602048 +6 23 4 883601365 +6 28 2 883603013 +6 32 4 883601311 +6 47 3 883600943 +6 50 4 883600842 +6 56 4 883601277 +6 59 5 883601713 +6 64 4 883600597 +6 69 3 883601277 +6 70 3 883601427 +6 71 4 883601053 +6 79 3 883600747 +6 81 4 883602283 +6 86 3 883603013 +6 87 4 883602174 +6 89 4 883600842 +6 95 2 883602133 +6 98 5 883600680 +6 100 5 883599176 +6 111 2 883599478 +6 117 2 883599431 +6 124 5 883599228 +6 125 3 883599670 +6 127 5 883599134 +6 131 5 883602048 +6 132 5 883602422 +6 133 4 883601459 +6 134 5 883602283 +6 135 5 883600747 +6 136 5 883600842 +6 137 5 883599327 +6 151 3 883599558 +6 153 4 883603013 +6 154 3 883602730 +6 156 3 883602212 +6 165 5 883600747 +6 166 4 883601426 +6 168 4 883602865 +6 169 4 883600943 +6 170 4 883602574 +6 173 5 883602462 +6 174 4 883600985 +6 175 4 883601426 +6 177 4 883600818 +6 178 4 883600785 +6 180 4 883601311 +6 182 4 883268776 +6 183 4 883601311 +6 185 5 883601393 +6 186 4 883602730 +6 187 4 883600914 +6 188 3 883602462 +6 189 3 883601365 +6 191 4 883601088 +6 192 4 883600914 +6 193 3 883601529 +6 194 4 883601365 +6 195 4 883602283 +6 197 5 883601203 +6 199 4 883601203 +6 200 3 883602422 +6 202 3 883602690 +6 203 3 883602864 +6 204 3 883601277 +6 205 3 883600878 +6 208 4 883602422 +6 209 4 883601713 +6 213 4 883602462 +6 216 5 883601500 +6 223 4 883600747 +6 237 2 883599914 +6 238 5 883601713 +6 242 4 883268170 +6 246 3 883599509 +6 248 3 883598981 +6 257 2 883599478 +6 258 2 883268278 +6 259 1 883268375 +6 261 3 883268522 +6 268 3 883268406 +6 269 4 883268222 +6 272 4 883717304 +6 274 4 883602501 +6 276 2 883599134 +6 284 2 883599590 +6 285 3 883599431 +6 286 2 883268170 +6 293 3 883599327 +6 297 3 883599134 +6 298 3 883599558 +6 301 2 883600406 +6 302 4 883268222 +6 303 3 883268321 +6 304 4 883268322 +6 306 4 883268246 +6 308 3 883600445 +6 309 2 883268430 +6 310 2 883268353 +6 317 3 883602174 +6 318 4 883600985 +6 321 3 883268353 +6 340 2 883268278 +6 367 2 883602690 +6 405 1 883600066 +6 408 4 883599075 +6 410 4 883599707 +6 419 4 883602284 +6 423 3 883602501 +6 425 3 883602865 +6 427 4 883600707 +6 432 4 883601713 +6 435 4 883601529 +6 458 1 883599914 +6 459 2 883599228 +6 460 2 883600004 +6 461 4 883601393 +6 462 5 883600914 +6 463 4 883601713 +6 464 2 883601365 +6 465 1 883683508 +6 466 4 883602422 +6 467 4 883602284 +6 468 3 883602174 +6 470 3 883602690 +6 471 2 883599558 +6 472 1 883600003 +6 473 2 883600111 +6 474 5 883601277 +6 475 5 883599478 +6 476 1 883600175 +6 477 1 883599509 +6 479 5 883601053 +6 480 4 883601089 +6 481 5 883600914 +6 482 4 883601203 +6 483 5 883601500 +6 484 5 883601011 +6 485 5 883602664 +6 486 4 883601427 +6 487 5 883600785 +6 488 5 883601426 +6 489 5 883601011 +6 490 5 883601365 +6 491 4 883602174 +6 492 5 883601089 +6 493 5 883601713 +6 494 4 883601713 +6 495 4 883601366 +6 496 4 883601155 +6 497 4 883601088 +6 498 4 883601053 +6 499 4 883602283 +6 500 4 883601277 +6 501 5 883602730 +6 502 4 883602664 +6 503 3 883602133 +6 504 3 883601155 +6 505 4 883602422 +6 506 4 883602174 +6 507 4 883601310 +6 509 4 883602664 +6 510 4 883600785 +6 511 5 883601393 +6 512 4 883601155 +6 513 4 883600913 +6 514 5 883600657 +6 515 4 883599273 +6 516 4 883602664 +6 517 4 883602212 +6 518 3 883603042 +6 519 5 883601365 +6 520 4 883600985 +6 521 4 883601277 +6 522 5 883601500 +6 523 5 883601528 +6 524 3 883600632 +6 525 5 883601203 +6 526 3 883602596 +6 527 4 883600877 +6 528 4 883602174 +6 529 4 883601459 +6 530 4 883601203 +6 531 4 883600747 +6 533 4 883599830 +6 534 4 883599354 +6 535 2 883600030 +6 536 4 883599400 +6 537 4 883601277 +6 538 2 883268483 +6 539 2 883681433 +7 4 5 891351772 +7 7 5 891352220 +7 8 5 891351328 +7 9 5 891351432 +7 10 4 891352864 +7 11 3 891352451 +7 12 5 892135346 +7 22 5 891351121 +7 23 3 891351383 +7 25 3 891352451 +7 27 4 891352692 +7 28 5 891352341 +7 29 3 891353828 +7 31 4 892134959 +7 32 4 891350932 +7 39 5 891353614 +7 44 5 891351728 +7 47 5 891352692 +7 50 5 891351042 +7 51 2 891352984 +7 52 4 891353801 +7 53 5 891354689 +7 54 3 892132380 +7 56 5 891351432 +7 62 3 891354499 +7 64 5 891350756 +7 68 4 891351547 +7 69 5 891351728 +7 70 1 891352557 +7 71 5 891352692 +7 72 5 891353977 +7 73 3 892133154 +7 77 5 891353325 +7 78 3 891354165 +7 79 4 891352261 +7 80 4 891354381 +7 81 5 891352626 +7 82 3 891351471 +7 86 4 891350810 +7 89 5 891351082 +7 90 3 891352984 +7 91 3 891353860 +7 92 5 891352010 +7 93 5 891351042 +7 96 5 891351383 +7 97 5 891351201 +7 98 4 891351002 +7 99 5 891352557 +7 100 5 891351082 +7 101 5 891350966 +7 106 4 891353892 +7 118 2 891353411 +7 121 5 891352904 +7 125 4 891353192 +7 126 3 891353254 +7 127 5 891351728 +7 131 5 891352383 +7 132 5 891351287 +7 133 5 891353192 +7 134 4 892134959 +7 135 5 891351547 +7 136 5 891351813 +7 139 3 891354729 +7 140 5 891353124 +7 141 5 891353444 +7 142 3 891354090 +7 143 3 892132627 +7 144 5 891351201 +7 145 1 891354530 +7 151 4 891352749 +7 152 4 891351851 +7 153 5 891352220 +7 154 5 891353124 +7 156 5 891351653 +7 157 5 891352059 +7 161 3 891352489 +7 162 5 891353444 +7 163 4 891353444 +7 164 5 891351813 +7 166 3 891351585 +7 168 5 891351509 +7 172 4 891350965 +7 173 5 891351002 +7 174 5 891350757 +7 175 5 892133057 +7 176 3 891350782 +7 177 4 891352904 +7 178 4 891350932 +7 179 5 891352303 +7 180 5 891350782 +7 181 3 891351287 +7 182 4 891350965 +7 183 4 891351624 +7 185 5 892135346 +7 186 4 891350900 +7 187 4 891350757 +7 188 5 891352778 +7 190 5 891351728 +7 191 5 891351201 +7 192 4 891352010 +7 193 5 892135346 +7 194 5 891351851 +7 195 5 891352626 +7 196 5 891351432 +7 197 4 891351082 +7 198 3 891351685 +7 199 5 892135346 +7 201 2 891351471 +7 202 3 891352947 +7 203 5 891352178 +7 204 5 891351121 +7 205 5 891351585 +7 207 4 891352526 +7 208 5 891352220 +7 210 4 891352904 +7 211 5 891352557 +7 212 1 891353051 +7 213 3 891351686 +7 214 5 891352384 +7 215 4 891351624 +7 216 4 891350900 +7 217 4 891352778 +7 219 1 892131924 +7 223 5 891351328 +7 226 5 891353614 +7 227 3 892132317 +7 228 4 891350845 +7 229 3 891352384 +7 230 3 891353326 +7 231 3 892132885 +7 232 3 891353766 +7 234 5 891351041 +7 237 5 891351772 +7 238 5 891351814 +7 241 4 891354053 +7 258 4 892135277 +7 259 3 891350464 +7 260 1 892130982 +7 264 4 891350703 +7 265 5 891350845 +7 266 4 891350703 +7 268 3 891350703 +7 269 3 891349991 +7 273 3 891351547 +7 275 4 891352831 +7 281 3 891353710 +7 285 5 891351813 +7 286 4 891350703 +7 288 4 891350703 +7 294 1 892130809 +7 300 4 891350703 +7 307 5 891350703 +7 309 3 891350704 +7 317 4 892133670 +7 318 5 891352010 +7 324 1 892135078 +7 334 5 892130784 +7 341 3 892333206 +7 356 4 891351728 +7 357 5 892135347 +7 365 4 891353744 +7 367 5 891350810 +7 379 4 891353325 +7 380 4 891354053 +7 382 4 891352093 +7 384 3 891353710 +7 385 5 891351585 +7 386 4 892133310 +7 387 3 892133670 +7 389 4 891354090 +7 391 3 892132943 +7 393 4 891352058 +7 396 4 891354288 +7 399 4 891354357 +7 401 4 891354257 +7 402 5 891352904 +7 403 4 891351234 +7 404 5 891352947 +7 405 3 891353290 +7 415 2 891354438 +7 416 5 891353051 +7 417 3 892132652 +7 418 4 892131824 +7 419 3 891350900 +7 420 5 891353219 +7 421 3 891352134 +7 423 5 891351509 +7 427 5 891352220 +7 428 5 892133036 +7 429 5 891351002 +7 430 3 891352178 +7 431 4 891351547 +7 432 4 891352831 +7 433 5 892135347 +7 434 4 891352384 +7 435 5 891350845 +7 436 5 891351471 +7 440 1 892131978 +7 441 2 891354257 +7 443 5 891353254 +7 444 5 891354288 +7 446 2 892132020 +7 447 5 891350900 +7 448 3 891353828 +7 449 3 891354785 +7 450 4 892132425 +7 452 5 891353860 +7 455 4 891353086 +7 461 4 891352303 +7 463 4 891353192 +7 465 4 891353154 +7 470 3 891352489 +7 471 4 891352864 +7 474 5 891351002 +7 479 4 891352010 +7 480 4 891352093 +7 481 5 891352341 +7 482 3 891351083 +7 483 4 891351851 +7 484 5 891351201 +7 485 5 891351851 +7 487 3 891352178 +7 488 4 891351041 +7 489 3 891353477 +7 491 5 891351432 +7 492 5 891352010 +7 495 5 891351328 +7 496 5 891351083 +7 497 4 891352134 +7 498 5 891351814 +7 499 4 891351472 +7 501 5 891353411 +7 502 5 891352261 +7 503 4 891353950 +7 504 5 891352384 +7 505 3 891352341 +7 506 5 891353614 +7 507 5 891352383 +7 509 5 891352778 +7 510 5 891352134 +7 511 5 891351624 +7 513 4 891351772 +7 514 2 891351121 +7 515 3 891350757 +7 519 4 891352831 +7 520 5 892133466 +7 521 5 891353124 +7 523 4 891350845 +7 526 5 891351042 +7 527 5 891351772 +7 528 5 891352659 +7 529 2 891352626 +7 530 5 891350900 +7 537 3 891352749 +7 540 3 892132972 +7 541 2 891354662 +7 542 4 892131849 +7 544 3 891353254 +7 545 2 891354882 +7 546 4 891353444 +7 547 3 891353710 +7 548 5 891352692 +7 549 4 891353086 +7 550 4 891352489 +7 551 1 892131978 +7 552 4 891354531 +7 553 3 892134010 +7 555 4 892134811 +7 556 3 891352659 +7 557 4 892132145 +7 558 4 892131924 +7 559 5 891354882 +7 560 3 892132798 +7 561 4 891354611 +7 562 5 891354053 +7 563 2 892131978 +7 564 3 891354471 +7 565 4 892132019 +7 566 4 891353411 +7 567 1 892132019 +7 568 5 891352261 +7 569 4 892131978 +7 570 3 891354639 +7 571 3 891353950 +7 572 3 891354331 +7 573 5 891353828 +7 574 5 892132402 +7 575 3 892133271 +7 576 5 892132943 +7 577 2 892133310 +7 578 3 891354090 +7 579 4 892133361 +7 580 3 892132171 +7 581 5 891353477 +7 582 5 892135347 +7 583 2 892132380 +7 584 4 891352093 +7 585 4 892133180 +7 586 3 891354639 +7 587 4 891353950 +7 588 4 891352261 +7 589 5 891352451 +7 590 2 891354730 +7 591 3 891352179 +7 592 5 891353652 +7 593 5 891351851 +7 594 3 891354114 +7 595 2 891353801 +7 596 5 891351728 +7 597 3 891353744 +7 598 3 891353801 +7 599 1 891353860 +7 600 4 891354090 +7 601 5 891353744 +7 602 3 891352594 +7 603 4 891350757 +7 604 3 891351547 +7 605 4 891353290 +7 606 3 891352904 +7 607 3 891352831 +7 608 4 891351653 +7 609 3 891352749 +7 610 5 891353086 +7 611 3 891351161 +7 612 5 891351121 +7 613 4 891352010 +7 614 5 891352489 +7 615 4 891351585 +7 616 4 891351002 +7 617 5 891354588 +7 618 4 891350900 +7 619 3 891352831 +7 620 4 891353892 +7 621 5 892132773 +7 622 4 891352984 +7 624 4 891353892 +7 625 3 892131824 +7 626 5 892132773 +7 627 3 891352594 +7 628 3 891352831 +7 629 3 891352526 +7 630 5 891352341 +7 631 4 891352984 +7 632 5 891352261 +7 633 5 891351509 +7 634 5 891351287 +7 635 3 891352864 +7 636 4 891351384 +7 637 4 891353570 +7 638 4 892132122 +7 639 5 891353676 +7 640 3 891353614 +7 641 5 892135346 +7 642 3 892132277 +7 643 4 891350932 +7 645 4 891353614 +7 646 5 891351383 +7 647 5 891352489 +7 648 5 891351653 +7 649 5 891353254 +7 650 3 891350965 +7 651 5 891350932 +7 652 3 891352659 +7 653 4 891351161 +7 654 5 892135347 +7 655 5 891351384 +7 656 3 891351509 +7 657 4 891351234 +7 658 3 891352419 +7 659 5 891351161 +7 660 5 891353051 +7 661 5 891351624 +7 663 5 891352220 +7 664 3 891353977 +7 665 4 891354471 +7 666 4 892132192 +7 667 5 892135347 +7 668 4 891352778 +7 669 1 892132020 +7 670 5 891353254 +7 671 5 891351728 +7 672 1 892131925 +7 673 3 891353744 +7 674 2 891352659 +7 675 5 891352947 +7 676 3 891354499 +7 677 3 891354499 +7 678 3 891350356 +7 679 5 891353124 +7 680 4 891350703 +7 681 1 891350594 +7 682 2 891350383 +7 683 4 891350703 +8 11 3 879362233 +8 22 5 879362183 +8 50 5 879362124 +8 55 5 879362286 +8 79 4 879362286 +8 82 5 879362356 +8 89 4 879362124 +8 96 3 879362183 +8 127 5 879362123 +8 174 5 879362183 +8 176 5 879362233 +8 177 4 879362233 +8 181 4 879362183 +8 182 5 879362183 +8 183 5 879362233 +8 187 4 879362123 +8 188 5 879362356 +8 195 5 879362287 +8 210 4 879362287 +8 222 5 879362356 +8 227 4 879362423 +8 228 5 879362286 +8 229 5 879362356 +8 233 4 879362423 +8 241 4 879362423 +8 243 2 879361732 +8 258 5 879361482 +8 259 1 879361604 +8 260 3 879361665 +8 273 3 879362287 +8 294 3 879361521 +8 336 3 879361664 +8 338 4 879361873 +8 341 2 879361825 +8 358 2 879361732 +8 385 1 879362124 +8 403 4 879362234 +8 431 2 879362356 +8 435 5 879362233 +8 457 1 879361825 +8 510 4 879362233 +8 518 4 879362422 +8 550 3 879362356 +8 566 3 879362423 +8 651 5 879362123 +8 684 4 879362356 +8 687 1 879361825 +8 688 1 879361732 +8 689 4 879361873 +9 6 5 886960055 +9 7 4 886960030 +9 286 5 886960055 +9 298 5 886960055 +9 340 4 886958715 +9 385 5 886960055 +9 479 4 886959343 +9 487 5 886960056 +9 507 4 886959343 +9 521 4 886959343 +9 527 3 886959344 +9 691 5 886960055 +10 1 4 877888877 +10 4 4 877889130 +10 7 4 877892210 +10 9 4 877889005 +10 11 4 877888677 +10 12 5 877886911 +10 13 3 877892050 +10 16 4 877888877 +10 22 5 877888812 +10 23 5 877886911 +10 32 4 877886661 +10 33 4 877893020 +10 40 4 877892438 +10 50 5 877888545 +10 56 5 877886598 +10 59 4 877886722 +10 60 3 877892110 +10 64 4 877886598 +10 69 4 877889131 +10 70 4 877891747 +10 82 4 877886912 +10 85 4 877892438 +10 93 4 877892160 +10 98 4 877889261 +10 99 5 877889130 +10 100 5 877891747 +10 116 4 877888944 +10 124 5 877888545 +10 127 5 877886661 +10 129 4 877891966 +10 132 5 877893020 +10 133 5 877891904 +10 134 5 877889131 +10 135 5 877889004 +10 137 4 877889186 +10 144 4 877892110 +10 153 4 877886722 +10 155 4 877889186 +10 156 4 877886846 +10 157 5 877889004 +10 160 4 877888944 +10 161 4 877892050 +10 162 4 877892210 +10 164 4 877889333 +10 168 4 877888812 +10 170 4 877889333 +10 174 4 877886661 +10 175 3 877888677 +10 176 4 877889130 +10 178 5 877888677 +10 179 5 877889004 +10 180 5 877889333 +10 182 5 877888876 +10 183 5 877893020 +10 185 5 877888876 +10 186 4 877886722 +10 191 5 877888613 +10 192 4 877891966 +10 194 4 877886661 +10 195 4 877889130 +10 197 5 877888944 +10 198 3 877889005 +10 199 4 877892050 +10 200 5 877889261 +10 205 5 877888812 +10 211 5 877889130 +10 216 4 877889333 +10 218 4 877889261 +10 221 4 877888677 +10 223 5 877888545 +10 230 4 877892210 +10 234 4 877888877 +10 238 4 877892276 +10 245 4 877886281 +10 269 4 877886162 +10 273 4 877888613 +10 274 4 877889333 +10 275 4 877888677 +10 276 4 877891904 +10 283 4 877892276 +10 285 5 877889186 +10 286 4 877886162 +10 294 3 879163524 +10 302 4 877886162 +10 319 3 877886223 +10 333 4 877886359 +10 334 4 877886281 +10 357 5 877889186 +10 367 4 877892437 +10 371 4 877886912 +10 385 4 877886783 +10 404 4 877886911 +10 414 4 877891966 +10 418 4 877886783 +10 420 4 877892438 +10 430 3 877886597 +10 432 4 877892160 +10 435 5 877889261 +10 447 4 877891747 +10 461 3 877888944 +10 462 3 877891747 +10 467 4 877891904 +10 470 4 877891747 +10 474 4 877886783 +10 475 4 877888545 +10 478 5 877889004 +10 479 5 877891966 +10 480 5 877888943 +10 482 4 877889262 +10 483 5 877889333 +10 484 5 877891904 +10 486 4 877886846 +10 488 5 877888613 +10 493 4 877886661 +10 495 4 877892160 +10 496 5 877889005 +10 497 4 877889261 +10 498 5 877889333 +10 499 4 877893021 +10 502 4 877889261 +10 504 5 877892110 +10 509 4 877889005 +10 510 5 877892209 +10 511 4 877888877 +10 513 4 877886598 +10 518 4 877886722 +10 519 5 877892050 +10 521 4 877892110 +10 525 5 877892210 +10 527 4 877886597 +10 529 3 877892438 +10 530 4 877892210 +10 531 5 877886911 +10 558 4 877886722 +10 582 4 877892276 +10 588 4 877886846 +10 589 5 877891905 +10 602 5 877889057 +10 603 5 877886783 +10 604 4 877892110 +10 606 5 877888876 +10 610 4 877888613 +10 611 5 877886722 +10 615 4 877892276 +10 617 5 877892160 +10 629 4 877886722 +10 651 4 877888812 +10 652 3 877889130 +10 654 5 877886597 +10 656 5 877886846 +10 663 3 877886598 +10 664 4 877886911 +10 686 4 877886911 +10 692 4 877889261 +10 693 4 877886783 +10 694 5 877892437 +10 695 3 877892050 +10 696 4 877892276 +10 697 3 877888677 +10 698 4 877888877 +10 699 4 877893020 +10 700 4 877892277 +10 701 4 877888812 +10 702 3 877886722 +10 703 5 877892110 +10 704 3 877892050 +10 705 4 877892050 +10 706 4 877888677 +10 707 5 877886783 +10 708 4 877892438 +10 709 4 877888613 +10 710 4 877892160 +10 711 4 877888812 +10 712 4 877892438 +11 8 4 891904949 +11 9 5 891902970 +11 11 2 891904271 +11 12 2 891904194 +11 15 5 891903067 +11 22 4 891904241 +11 24 3 891904016 +11 25 3 891903836 +11 28 5 891904241 +11 29 3 891904805 +11 38 3 891905936 +11 39 3 891905824 +11 40 3 891905279 +11 42 3 891905058 +11 47 4 891904551 +11 51 4 891906439 +11 52 3 891904335 +11 54 3 891905936 +11 56 4 891904949 +11 57 2 891904552 +11 58 3 891904596 +11 69 3 891904270 +11 70 4 891904573 +11 79 4 891905783 +11 83 5 891904335 +11 86 4 891904551 +11 88 3 891905003 +11 90 2 891905298 +11 94 3 891905324 +11 97 4 891904300 +11 98 2 891905783 +11 100 4 891902718 +11 107 4 891903276 +11 109 3 891903836 +11 110 3 891905324 +11 111 4 891903862 +11 120 2 891903935 +11 121 3 891902745 +11 123 3 891902745 +11 125 4 891903108 +11 135 4 891904335 +11 168 3 891904949 +11 173 5 891904920 +11 175 3 891904551 +11 176 3 891905783 +11 180 2 891904335 +11 185 4 891905783 +11 191 4 891904270 +11 194 4 891904920 +11 196 5 891904270 +11 203 4 891905856 +11 204 3 891904920 +11 208 4 891905032 +11 211 3 891905003 +11 213 4 891906389 +11 215 3 891904389 +11 216 3 891904949 +11 222 3 891902718 +11 227 3 891905896 +11 228 3 891905824 +11 229 4 891905878 +11 237 4 891903005 +11 238 3 891905032 +11 239 4 891904617 +11 241 4 891906389 +11 258 5 891901696 +11 259 3 891902270 +11 260 1 891902426 +11 268 5 891901652 +11 274 3 891906510 +11 277 5 891903226 +11 286 5 891901606 +11 290 3 891903877 +11 291 4 891902815 +11 300 3 891902092 +11 301 4 891902157 +11 317 4 891904174 +11 318 5 891904194 +11 324 1 891902222 +11 332 5 891901769 +11 350 4 891901991 +11 356 4 891906327 +11 357 5 891904241 +11 365 3 891904764 +11 367 3 891905058 +11 370 3 891902880 +11 372 4 891904968 +11 382 3 891904573 +11 383 2 891905555 +11 386 3 891905279 +11 393 4 891905222 +11 395 2 891905349 +11 399 3 891905279 +11 401 3 891905324 +11 402 4 891904662 +11 405 3 891904016 +11 414 3 891905393 +11 423 5 891904174 +11 425 4 891904300 +11 427 4 891904300 +11 428 4 891905032 +11 429 5 891904335 +11 430 3 891905032 +11 431 2 891905896 +11 433 4 891905003 +11 434 4 891904270 +11 435 4 891904968 +11 449 3 891906327 +11 451 2 891905003 +11 455 3 891903862 +11 504 3 891905856 +11 508 4 891903005 +11 521 2 891904174 +11 524 4 891904949 +11 526 3 891904859 +11 527 4 891904335 +11 544 4 891903226 +11 549 4 891904617 +11 558 3 891904214 +11 573 3 891906327 +11 577 3 891905555 +11 580 5 891905222 +11 597 2 891904037 +11 603 4 891905783 +11 646 3 891904389 +11 652 4 891905003 +11 654 3 891905856 +11 659 5 891904920 +11 662 3 891904300 +11 663 4 891905032 +11 690 4 891901716 +11 692 4 891905003 +11 699 4 891904389 +11 707 5 891906389 +11 710 2 891905221 +11 713 5 891903024 +11 715 3 891904764 +11 716 3 891905058 +11 717 2 891902815 +11 718 5 891903836 +11 719 3 891905279 +11 721 3 891905279 +11 722 3 891905349 +11 723 5 891904637 +11 724 3 891904551 +11 725 3 891905568 +11 726 3 891905515 +11 727 3 891904335 +11 728 3 891905366 +11 729 4 891904637 +11 730 3 891904335 +11 731 4 891904789 +11 732 3 891904596 +11 733 4 891904413 +11 734 3 891905349 +11 735 3 891904300 +11 736 4 891906411 +11 737 4 891904789 +11 738 3 891905324 +11 739 3 891906411 +11 740 4 891903067 +11 742 3 891902815 +11 743 2 891904065 +11 744 4 891903005 +11 745 5 891905324 +11 747 3 891906426 +11 748 1 891902270 +11 749 5 891901797 +11 750 5 891901629 +11 751 2 891902092 +11 752 4 891902157 +12 4 5 879960826 +12 50 4 879959044 +12 69 5 879958902 +12 82 4 879959610 +12 88 5 879960826 +12 96 4 879959583 +12 97 5 879960826 +12 98 5 879959068 +12 127 4 879959488 +12 132 5 879959465 +12 133 4 879959670 +12 143 5 879959635 +12 159 4 879959306 +12 161 5 879959553 +12 168 4 879959513 +12 170 4 879959374 +12 172 4 879959088 +12 174 5 879958969 +12 195 4 879959670 +12 200 1 879959610 +12 202 4 879959514 +12 203 3 879959583 +12 204 5 879960826 +12 215 4 879959553 +12 216 5 879960826 +12 228 4 879959465 +12 238 5 879960826 +12 242 5 879960826 +12 282 5 879960679 +12 300 4 879958639 +12 318 5 879960826 +12 328 4 879958742 +12 381 4 879958902 +12 392 4 879959025 +12 402 5 879960826 +12 416 3 879959025 +12 471 5 879959670 +12 480 4 879959161 +12 591 5 879959212 +12 708 3 879959394 +12 735 5 879960826 +13 1 3 882140487 +13 2 3 882397650 +13 4 5 882141306 +13 5 1 882396869 +13 7 2 882396790 +13 8 4 882140001 +13 9 3 882140205 +13 11 1 882397146 +13 12 5 881515011 +13 13 5 882141617 +13 14 4 884538727 +13 17 1 882396954 +13 21 3 882399040 +13 22 4 882140487 +13 23 5 882139937 +13 24 1 882397741 +13 25 1 882141686 +13 27 3 882397833 +13 28 5 882398814 +13 29 2 882397833 +13 32 4 882140286 +13 33 5 882397581 +13 37 1 882397011 +13 38 3 882397974 +13 39 3 882397581 +13 40 2 886302815 +13 42 4 882141393 +13 45 3 882139863 +13 48 5 882139863 +13 49 4 882399419 +13 50 5 882140001 +13 51 3 882399419 +13 53 1 882396955 +13 56 5 881515011 +13 58 4 882139966 +13 59 4 882140425 +13 60 4 884538767 +13 61 4 882140552 +13 62 5 882397833 +13 64 5 882140037 +13 66 3 882141485 +13 67 1 882141686 +13 68 3 882397741 +13 69 4 884538766 +13 70 3 882140691 +13 71 4 882398654 +13 72 4 882141727 +13 73 3 882141485 +13 78 1 882399218 +13 79 3 882139746 +13 82 2 882397503 +13 83 2 886303585 +13 86 1 881515348 +13 87 5 882398814 +13 88 4 882141485 +13 89 4 882139717 +13 90 3 882141872 +13 91 2 882398724 +13 92 3 882397271 +13 94 3 882142057 +13 95 5 882140104 +13 96 4 882140104 +13 97 4 882399357 +13 98 4 881515011 +13 99 4 882398654 +13 100 5 882140166 +13 109 4 882141306 +13 110 3 882141130 +13 111 5 882140588 +13 116 5 882140455 +13 117 3 882398138 +13 118 4 882397581 +13 121 5 882397503 +13 124 5 884538663 +13 127 5 881515411 +13 128 1 882397502 +13 132 4 882140002 +13 135 5 882139541 +13 137 5 882139804 +13 138 1 882399218 +13 141 2 890705034 +13 143 1 882140205 +13 144 4 882397146 +13 145 2 882397011 +13 147 3 882397502 +13 150 5 882140588 +13 152 5 882141393 +13 153 4 882139901 +13 154 5 882141335 +13 155 2 882399615 +13 157 3 882140552 +13 158 1 882142057 +13 160 4 882140070 +13 161 5 882397741 +13 163 3 882141582 +13 164 3 882396790 +13 165 3 881515295 +13 166 5 884538663 +13 167 4 882141659 +13 168 4 881515193 +13 170 5 882139774 +13 172 5 882140355 +13 173 2 882139863 +13 174 4 882139829 +13 175 4 882139717 +13 176 3 882140455 +13 177 5 882397271 +13 178 4 882139829 +13 179 2 882140206 +13 180 5 882141248 +13 181 5 882140354 +13 182 5 882139347 +13 183 4 882397271 +13 184 1 882397011 +13 185 3 881515011 +13 186 4 890704999 +13 187 5 882140205 +13 188 4 882140130 +13 190 4 882397145 +13 191 3 881515193 +13 193 5 882139937 +13 194 5 882141458 +13 195 3 881515296 +13 196 4 882140552 +13 197 4 881515239 +13 198 3 881515193 +13 199 5 882140001 +13 200 3 882140552 +13 201 1 882396869 +13 202 5 882141425 +13 204 5 882140318 +13 205 2 881515193 +13 208 5 882140624 +13 209 3 882141306 +13 210 3 882140455 +13 211 4 882140002 +13 212 5 882399385 +13 215 5 882140588 +13 216 3 881515193 +13 217 1 882396955 +13 218 1 882396869 +13 219 1 882396955 +13 222 3 882140285 +13 223 5 882139901 +13 224 4 882140166 +13 225 2 882399156 +13 226 4 882397651 +13 227 5 882397650 +13 228 4 882140389 +13 230 3 882397503 +13 231 3 882397582 +13 232 3 890704999 +13 233 4 882397650 +13 234 5 882140252 +13 235 2 882141841 +13 237 5 882140285 +13 238 3 881515411 +13 239 4 882141752 +13 241 3 882397502 +13 242 2 881515193 +13 243 3 882140966 +13 258 4 882139327 +13 260 1 882140848 +13 261 1 883670785 +13 262 4 881514876 +13 263 5 881515647 +13 264 4 882140848 +13 265 4 882140038 +13 268 4 881514810 +13 269 2 889292060 +13 270 4 881514876 +13 271 1 881514876 +13 272 4 884538403 +13 273 3 882397502 +13 274 3 882399384 +13 275 3 886303585 +13 276 5 882140104 +13 279 5 882139804 +13 280 4 882399528 +13 281 3 882397974 +13 285 5 882139937 +13 286 3 881514683 +13 287 1 882141459 +13 288 1 882396790 +13 289 2 882140759 +13 290 4 882141814 +13 292 5 882140867 +13 294 2 881514683 +13 299 3 881515698 +13 300 1 881515736 +13 301 1 882140718 +13 302 5 881514811 +13 303 4 881514876 +13 305 4 881514811 +13 306 3 881514876 +13 307 2 881514684 +13 308 3 881514726 +13 310 4 881514683 +13 311 3 881514726 +13 312 1 883670630 +13 313 4 882774047 +13 314 1 884538485 +13 315 5 884538466 +13 316 5 888073653 +13 317 5 882140552 +13 318 3 882139686 +13 319 4 882139327 +13 320 1 882397010 +13 321 2 882140740 +13 322 3 882140792 +13 323 3 882140848 +13 326 3 882140792 +13 327 3 881515521 +13 328 3 881514811 +13 329 2 886952246 +13 331 3 881515457 +13 332 3 881515457 +13 333 3 881514810 +13 334 1 886952467 +13 336 2 882140848 +13 338 1 882140740 +13 339 3 882140718 +13 340 2 881514684 +13 341 2 886952422 +13 342 4 885744650 +13 343 1 883670672 +13 344 2 888073635 +13 345 4 884538366 +13 346 4 883670552 +13 347 5 885185824 +13 348 2 886952246 +13 349 1 892387807 +13 350 2 886302293 +13 351 1 886302385 +13 353 4 886261450 +13 354 2 888779458 +13 355 3 888688733 +13 357 3 881515411 +13 358 3 881515521 +13 360 4 882140926 +13 362 4 890704999 +13 363 3 882398076 +13 367 3 882141458 +13 370 1 882396984 +13 371 3 882399385 +13 377 1 882399219 +13 379 1 882396984 +13 382 1 882140624 +13 384 2 882141814 +13 385 3 882397502 +13 387 3 886304229 +13 391 3 882398255 +13 393 3 882141617 +13 394 2 882399615 +13 396 3 882141727 +13 398 2 882398410 +13 400 4 885744650 +13 401 1 882141841 +13 402 4 886303934 +13 403 2 882397271 +13 404 5 882399014 +13 405 2 882397742 +13 406 1 882397011 +13 409 3 882141872 +13 410 1 882141997 +13 411 2 882141924 +13 413 1 882396984 +13 414 5 882141458 +13 416 3 882398934 +13 417 2 882398934 +13 419 3 882398814 +13 420 4 882398691 +13 421 2 882140389 +13 423 5 882398814 +13 424 1 882397068 +13 427 5 882398814 +13 428 5 882140588 +13 429 5 884538727 +13 430 5 882139495 +13 431 1 882397271 +13 432 4 882398654 +13 433 4 881515239 +13 435 5 882141392 +13 436 2 882396869 +13 437 1 882397068 +13 438 1 882397068 +13 439 1 882397040 +13 440 1 882397040 +13 441 1 882396984 +13 442 1 890705056 +13 443 4 882140588 +13 444 4 882396984 +13 445 4 882139774 +13 446 1 882397039 +13 447 2 882396869 +13 448 1 882396869 +13 449 4 882398385 +13 450 3 882398494 +13 451 1 882141872 +13 452 3 882397039 +13 453 2 882397067 +13 455 3 882141425 +13 457 1 883670785 +13 462 5 882140487 +13 463 5 882140318 +13 467 5 882140588 +13 471 1 882140455 +13 472 5 882398327 +13 473 4 882398724 +13 474 4 881515112 +13 475 3 881515113 +13 476 2 882141997 +13 477 4 882398934 +13 478 4 884538571 +13 480 3 881515193 +13 481 3 882140038 +13 482 5 882140355 +13 483 5 882139774 +13 484 5 882139804 +13 485 1 882140624 +13 488 3 890704999 +13 491 4 882140166 +13 492 5 882140552 +13 493 5 882140206 +13 494 4 881515295 +13 497 5 882140166 +13 501 5 882398724 +13 502 5 882141458 +13 504 5 881515011 +13 505 3 882140389 +13 506 5 882140691 +13 507 1 882140070 +13 508 3 882140426 +13 509 5 882140691 +13 510 5 882139717 +13 511 5 882139863 +13 514 5 881515112 +13 515 2 881515193 +13 516 5 882141485 +13 517 5 882139746 +13 518 4 882140252 +13 519 5 882140355 +13 520 4 886302261 +13 522 5 882140425 +13 523 4 882141306 +13 524 4 886302261 +13 525 5 882140624 +13 526 3 882141053 +13 527 5 882140252 +13 529 4 882140206 +13 530 5 881515295 +13 531 3 882140104 +13 538 1 884538448 +13 539 1 883670785 +13 540 3 882398410 +13 541 1 882397650 +13 546 3 882397741 +13 547 1 882397011 +13 548 3 882398743 +13 549 4 882399357 +13 550 4 882397741 +13 551 1 882397084 +13 553 2 882399419 +13 554 2 882397833 +13 558 1 882397011 +13 559 1 882396913 +13 561 1 882396914 +13 563 1 882397039 +13 564 1 882396913 +13 565 1 882397040 +13 566 5 882397502 +13 567 1 882396955 +13 568 3 882140552 +13 569 2 882396955 +13 570 5 882397581 +13 572 2 882398255 +13 573 3 882396955 +13 576 3 882398076 +13 578 3 882397974 +13 585 4 882141814 +13 586 3 882398326 +13 588 4 882398763 +13 589 3 881515239 +13 590 2 882397068 +13 596 3 882398691 +13 597 3 882397650 +13 601 4 882140104 +13 602 4 884538634 +13 603 4 884538571 +13 604 5 882139966 +13 606 4 882140130 +13 610 2 882140690 +13 612 4 882140318 +13 613 4 881515411 +13 614 4 884538634 +13 615 4 881515348 +13 617 3 881515112 +13 619 3 886952245 +13 621 4 882398934 +13 624 5 882398691 +13 625 2 882398691 +13 629 1 882141582 +13 630 2 886302261 +13 631 3 882140624 +13 632 3 884538664 +13 635 1 882396984 +13 636 2 882397502 +13 637 2 882396913 +13 638 3 881515239 +13 639 3 882139804 +13 646 4 882140037 +13 647 5 882140206 +13 650 2 882140425 +13 651 5 882140070 +13 652 5 882141458 +13 654 5 881515295 +13 655 5 886261387 +13 656 5 882139746 +13 657 4 882139829 +13 659 3 882141335 +13 661 5 881515411 +13 662 5 882399420 +13 663 5 882140252 +13 665 2 882396984 +13 667 1 882397040 +13 668 1 882397068 +13 669 1 882397067 +13 670 3 882396955 +13 671 3 882396790 +13 672 1 882396914 +13 673 3 882140691 +13 674 3 882396955 +13 675 5 882396955 +13 678 3 882140792 +13 679 4 882397650 +13 682 1 883670742 +13 683 1 886952521 +13 684 5 882397271 +13 685 5 882397582 +13 686 5 882397146 +13 687 1 883670705 +13 688 1 883670819 +13 689 2 881515735 +13 690 3 881514811 +13 691 4 889316404 +13 692 4 882141659 +13 694 4 890704999 +13 705 5 884538766 +13 706 1 882396869 +13 709 4 882139863 +13 712 4 882141872 +13 716 4 882141393 +13 720 4 882397974 +13 722 3 882399528 +13 732 5 882141617 +13 733 5 882399528 +13 735 3 882140690 +13 736 4 882399528 +13 737 4 882399615 +13 739 4 886303745 +13 740 1 882140355 +13 746 3 884538766 +13 747 4 882140624 +13 748 4 882140792 +13 749 3 881515521 +13 750 5 883670552 +13 751 5 882774081 +13 752 1 886952569 +13 754 4 882140718 +13 755 3 882399014 +13 756 2 886302858 +13 757 3 882398934 +13 758 1 882397084 +13 759 2 882398542 +13 760 1 882396914 +13 761 4 882398076 +13 762 5 882141336 +13 763 1 882141458 +13 764 2 882141997 +13 765 2 886303934 +13 766 4 882139686 +13 767 1 882397011 +13 768 4 882398724 +13 769 3 882397040 +13 770 4 882397581 +13 771 3 882398410 +13 772 1 882140070 +13 773 1 882396869 +13 774 1 882396913 +13 775 4 886304188 +13 776 2 882398934 +13 777 1 882397084 +13 778 3 886302694 +13 779 3 882398255 +13 781 3 882399528 +13 782 3 885744650 +13 783 3 886304188 +13 784 1 882397084 +13 785 3 882141924 +13 786 3 886303088 +13 787 3 882141582 +13 788 1 882396914 +13 789 5 882140389 +13 790 2 882141841 +13 791 5 882141686 +13 792 5 882139686 +13 793 5 882141841 +13 794 4 882399615 +13 795 2 882399219 +13 796 3 886304188 +13 797 5 882398327 +13 798 2 882397974 +13 799 4 882139937 +13 800 1 882397067 +13 801 3 886303172 +13 802 2 882398254 +13 803 3 882398255 +13 804 2 882141997 +13 805 4 882141458 +13 806 5 882140426 +13 807 1 886304229 +13 808 2 882397833 +13 810 5 882398076 +13 811 5 882139829 +13 812 2 882398933 +13 813 1 882139863 +13 814 5 886302261 +13 815 4 886303934 +13 816 1 882396983 +13 817 1 882396914 +13 818 3 882141814 +13 819 1 882141924 +13 820 4 882398743 +13 821 3 882141393 +13 822 3 884538634 +13 824 3 886302261 +13 825 1 882397651 +13 826 5 882398385 +13 827 3 882398327 +13 828 1 882399218 +13 829 3 882398385 +13 830 1 882397581 +13 831 3 882398385 +13 832 4 882399156 +13 833 2 882397974 +13 834 1 882397068 +13 835 3 882139901 +13 836 2 882139746 +13 837 4 882139717 +13 838 1 882397742 +13 839 1 882396984 +13 840 3 886261387 +13 841 1 882398076 +13 842 2 882399156 +13 843 5 882399156 +13 844 1 882397010 +13 845 3 882141503 +13 846 2 882141997 +13 847 4 882139937 +13 848 5 882140001 +13 849 1 882397833 +13 850 4 882140318 +13 851 5 882139966 +13 852 1 882396869 +13 853 1 882397010 +13 854 1 882396914 +13 855 4 882140130 +13 856 5 886303171 +13 857 3 881515348 +13 859 1 882397040 +13 860 1 882396984 +13 861 3 882139774 +13 862 3 882399074 +13 863 4 882140487 +13 865 5 882141425 +13 866 3 882141814 +13 867 5 882399615 +13 868 5 882139901 +13 869 3 882141727 +13 870 3 882397271 +13 871 2 882141924 +13 872 3 882139327 +13 873 1 881515565 +13 874 5 881514876 +13 875 1 881515613 +13 876 2 881515521 +13 877 2 882140792 +13 878 1 883670785 +13 879 2 881515697 +13 880 3 882140966 +13 881 2 881514876 +13 882 3 886952438 +13 883 3 882140848 +13 884 2 882140814 +13 885 1 886302334 +13 886 5 881515613 +13 887 5 882140867 +13 888 2 886261388 +13 889 3 892015236 +13 890 1 883670672 +13 891 1 892015288 +13 893 3 882774005 +13 894 1 883670742 +13 895 1 883670515 +13 896 5 891036745 +13 897 1 886952422 +13 898 1 884538403 +13 899 1 892015288 +13 900 5 888279677 +13 902 3 891749765 +13 903 3 890704759 +13 904 1 892015178 +13 905 2 886302261 +13 906 3 891749765 +13 907 1 884538485 +13 908 1 886302385 +13 909 5 890704721 +13 910 2 890704721 +13 911 2 892015141 +13 912 2 892014861 +13 913 1 892014908 +13 914 2 892870589 +13 915 5 892015023 +13 916 4 892870589 +13 917 4 892015104 +13 918 3 892524090 +14 7 5 876965061 +14 9 4 879119260 +14 12 5 890881216 +14 13 4 880929778 +14 14 3 879119311 +14 15 4 879119390 +14 18 3 879119260 +14 19 5 880929651 +14 22 3 890881521 +14 23 5 890881216 +14 25 2 876965165 +14 32 5 890881485 +14 42 4 879119579 +14 50 5 890881557 +14 70 1 879119692 +14 81 5 890881384 +14 96 4 890881433 +14 98 3 890881335 +14 111 3 876965165 +14 116 5 876965165 +14 121 3 876965061 +14 124 5 876964936 +14 127 2 879644647 +14 168 4 879119497 +14 172 5 890881521 +14 173 4 879119579 +14 174 5 890881294 +14 176 1 890881484 +14 181 5 889666215 +14 186 4 879119497 +14 191 4 890881557 +14 195 5 890881336 +14 202 3 890881521 +14 204 5 879119651 +14 210 5 879119739 +14 211 4 879119693 +14 213 5 890881557 +14 222 4 876965061 +14 238 5 879119579 +14 240 5 880929697 +14 242 4 876964570 +14 265 3 890881216 +14 269 4 892242403 +14 275 4 876964725 +14 276 4 879119390 +14 283 4 882839936 +14 285 5 879119118 +14 288 4 876964936 +14 302 5 890880970 +14 319 1 884482684 +14 357 2 890881294 +14 382 5 879119739 +14 408 5 879119348 +14 427 5 890881433 +14 428 4 879119497 +14 430 5 879119692 +14 473 5 876964936 +14 474 4 890881557 +14 475 3 876964936 +14 477 4 879119311 +14 492 4 890881485 +14 498 5 890881384 +14 507 4 890881521 +14 509 5 890881521 +14 517 4 890881485 +14 523 4 879119497 +14 524 5 879119497 +14 525 5 890881557 +14 530 5 890881433 +14 588 4 890881433 +14 596 3 879119311 +14 603 4 890881484 +14 628 5 880929697 +14 654 4 890881294 +14 655 5 879119739 +14 663 5 879119651 +14 709 5 879119693 +14 716 5 879119651 +14 750 3 891014196 +14 762 3 876964936 +14 813 2 880929564 +14 820 3 882839856 +14 845 3 880929564 +14 919 4 876964725 +14 920 4 880929745 +14 921 5 890881384 +14 922 4 880929651 +14 923 5 890881294 +15 1 1 879455635 +15 7 1 879455506 +15 9 4 879455635 +15 13 1 879455940 +15 14 4 879455659 +15 15 4 879455939 +15 18 1 879455681 +15 25 3 879456204 +15 50 5 879455606 +15 111 4 879455914 +15 118 1 879456381 +15 121 3 879456168 +15 125 5 879456049 +15 127 2 879455505 +15 148 3 879456049 +15 181 5 879455710 +15 220 4 879456262 +15 222 3 879455730 +15 225 3 879456447 +15 235 1 879456424 +15 237 3 879455871 +15 243 1 879455362 +15 244 2 879456447 +15 248 1 879455871 +15 249 1 879455764 +15 251 2 879455541 +15 252 2 879456351 +15 255 5 879455764 +15 257 4 879455821 +15 258 3 879455473 +15 269 5 879455165 +15 274 4 879456168 +15 275 4 879455562 +15 280 3 879456167 +15 282 3 879456204 +15 283 4 879455505 +15 285 4 879455635 +15 286 2 879455049 +15 291 3 879456084 +15 292 5 879455128 +15 297 3 879455606 +15 300 4 879455166 +15 302 4 879455049 +15 303 3 879455080 +15 306 5 879455165 +15 307 1 879455233 +15 308 5 879455334 +15 310 4 879455049 +15 322 3 879455262 +15 323 1 879455311 +15 328 3 879455192 +15 331 3 879455166 +15 333 1 879455128 +15 405 2 879455957 +15 409 3 879456324 +15 411 2 879456351 +15 455 1 879455914 +15 458 5 879456288 +15 459 5 879455562 +15 471 4 879456084 +15 472 3 879456204 +15 473 1 879456204 +15 476 4 879456404 +15 546 2 879456324 +15 591 2 879455821 +15 676 4 879455871 +15 678 1 879455311 +15 685 4 879456288 +15 690 4 879455128 +15 744 4 879455789 +15 748 3 879455262 +15 749 1 879455311 +15 754 5 879455080 +15 815 1 879456108 +15 823 2 879456351 +15 845 2 879456108 +15 864 4 879456231 +15 866 4 879456288 +15 879 3 879455311 +15 889 3 879455473 +15 925 2 879455764 +15 926 1 879456424 +15 927 4 879456381 +15 928 1 879456404 +15 929 1 879456168 +15 930 2 879456381 +15 931 1 879456507 +15 932 1 879456465 +15 933 1 879456447 +15 934 4 879456507 +15 935 3 879455710 +15 936 5 879455889 +15 937 4 879455128 +15 938 3 879455233 +16 1 5 877717833 +16 4 5 877726390 +16 7 5 877724066 +16 8 5 877722736 +16 9 5 877722736 +16 11 5 877718755 +16 12 5 877718168 +16 15 5 877722001 +16 22 5 877721071 +16 27 2 877726390 +16 28 5 877727122 +16 31 5 877717956 +16 33 2 877722001 +16 39 5 877720118 +16 51 4 877726390 +16 55 5 877717956 +16 58 4 877720118 +16 64 5 877720297 +16 66 4 877719075 +16 69 5 877724846 +16 71 5 877721071 +16 76 5 877719863 +16 79 5 877727122 +16 87 4 877720916 +16 89 2 877717833 +16 95 5 877728417 +16 96 5 877717833 +16 98 5 877718107 +16 99 5 877720733 +16 100 5 877720437 +16 109 4 877719333 +16 125 3 877726944 +16 127 5 877719206 +16 134 4 877719158 +16 135 4 877720916 +16 143 5 877727192 +16 151 5 877721905 +16 152 4 877728417 +16 156 4 877719863 +16 158 4 877727280 +16 160 4 877722001 +16 161 5 877726390 +16 164 5 877724438 +16 172 5 877724726 +16 174 5 877719504 +16 178 5 877719333 +16 180 5 877726790 +16 182 5 877719863 +16 183 5 877720733 +16 194 5 877720733 +16 195 5 877720298 +16 197 5 877726146 +16 199 5 877719645 +16 200 5 877722736 +16 202 5 877724726 +16 204 5 877722736 +16 208 5 877727054 +16 209 5 877722736 +16 216 5 877722736 +16 227 5 877727193 +16 228 5 877720733 +16 230 5 877720813 +16 233 5 877727054 +16 234 5 877720185 +16 237 5 877719504 +16 240 4 877724603 +16 273 5 877722736 +16 282 5 877718755 +16 284 1 877719863 +16 286 2 877716993 +16 288 3 877717078 +16 294 4 877717116 +16 300 5 877717078 +16 302 5 877716993 +16 318 5 877718107 +16 321 3 877717116 +16 357 5 877720297 +16 367 3 877726390 +16 385 5 877727192 +16 404 5 877728417 +16 410 5 877718107 +16 418 5 877724727 +16 423 5 877721142 +16 427 5 877722001 +16 443 5 877727055 +16 447 5 877724066 +16 448 5 877722736 +16 467 5 877720733 +16 469 3 877720916 +16 476 3 877720437 +16 479 5 877720436 +16 480 5 877720297 +16 482 5 877718872 +16 496 5 877721905 +16 498 5 877719333 +16 502 4 877723670 +16 509 2 877720118 +16 510 4 877727280 +16 531 5 877722736 +16 546 4 877726944 +16 564 1 877726790 +16 583 4 877720186 +16 591 4 877726944 +16 602 5 877719333 +16 603 5 877719206 +16 606 4 877721071 +16 629 4 877720437 +16 642 5 877719075 +16 654 5 877720298 +16 655 5 877724066 +16 657 5 877723882 +16 661 4 877726789 +16 684 5 877719863 +16 692 4 877719158 +16 693 4 877721905 +16 705 5 877722736 +16 732 5 877726944 +16 735 3 877720186 +16 761 2 877727192 +16 770 3 877724979 +16 812 2 877723882 +16 939 4 877717833 +16 940 2 877721236 +16 941 1 877720437 +16 943 3 877719206 +16 944 1 877727122 +16 945 4 877719158 +16 946 5 877724727 +16 947 4 877719454 +16 948 3 877717397 +17 1 4 885272579 +17 9 3 885272558 +17 13 3 885272654 +17 111 3 885272674 +17 117 3 885272724 +17 125 1 885272538 +17 151 4 885272751 +17 221 2 885272654 +17 222 3 885272751 +17 237 2 885272628 +17 243 1 885166209 +17 245 2 885166209 +17 269 4 885165619 +17 276 4 885272654 +17 475 4 885272520 +17 508 3 885272779 +17 628 1 885272724 +17 744 3 885272606 +18 1 5 880130802 +18 4 3 880132150 +18 6 5 880130764 +18 8 5 880130802 +18 9 5 880130550 +18 12 5 880129991 +18 13 5 880131497 +18 14 5 880130431 +18 15 4 880131054 +18 19 3 880130582 +18 22 5 880130640 +18 23 4 880130065 +18 25 3 880131591 +18 26 4 880129731 +18 28 3 880129527 +18 32 2 880132129 +18 42 3 880130713 +18 45 5 880130739 +18 47 3 880131262 +18 48 4 880130515 +18 50 4 880130155 +18 52 5 880130680 +18 56 5 880129454 +18 57 4 880130930 +18 59 4 880132501 +18 60 4 880132055 +18 61 4 880130803 +18 64 5 880132501 +18 65 5 880130333 +18 66 3 880131728 +18 69 3 880129527 +18 70 4 880129668 +18 71 4 880131236 +18 72 3 880132252 +18 79 4 880131450 +18 81 3 880130890 +18 82 3 880131236 +18 83 5 880129877 +18 86 4 880129731 +18 88 3 880130890 +18 89 3 880130065 +18 91 3 880130393 +18 94 3 880131676 +18 95 4 880131297 +18 97 4 880131525 +18 98 5 880129527 +18 99 5 880130829 +18 100 5 880130065 +18 111 3 880131631 +18 113 5 880129628 +18 116 5 880131358 +18 125 3 880131004 +18 126 5 880130680 +18 127 5 880129668 +18 131 4 880131004 +18 132 5 880132437 +18 133 5 880130713 +18 134 5 880129877 +18 135 3 880130065 +18 136 5 880129421 +18 137 5 880132437 +18 142 4 880131173 +18 143 4 880131474 +18 151 3 880131804 +18 152 3 880130515 +18 153 4 880130551 +18 157 3 880131849 +18 162 4 880131326 +18 165 4 880129527 +18 166 4 880129595 +18 168 3 880130431 +18 169 5 880130252 +18 170 5 880130515 +18 172 3 880130551 +18 174 4 880130613 +18 175 4 880130431 +18 177 3 880131297 +18 178 3 880129628 +18 179 4 880129877 +18 180 4 880130252 +18 181 3 880131631 +18 182 4 880130640 +18 185 3 880129388 +18 186 4 880131699 +18 187 5 880130393 +18 188 3 880129388 +18 189 5 880129816 +18 190 4 880130155 +18 191 4 880130193 +18 193 5 880131358 +18 194 3 880129816 +18 195 3 880131236 +18 197 4 880130109 +18 198 3 880130613 +18 200 3 880131775 +18 202 3 880130515 +18 204 3 880131407 +18 208 4 880131004 +18 209 4 880130861 +18 210 5 880131054 +18 211 5 880131358 +18 212 5 880129990 +18 213 5 880131201 +18 214 4 880132078 +18 215 3 880130930 +18 216 4 880129527 +18 221 5 880129816 +18 223 5 880129731 +18 224 5 880130739 +18 234 3 880131106 +18 236 3 880131077 +18 237 3 880129991 +18 238 5 880132437 +18 241 3 880131525 +18 242 5 880129305 +18 269 5 880129305 +18 275 5 880129421 +18 276 5 880130829 +18 283 5 880130551 +18 284 3 880131804 +18 285 5 880130333 +18 286 5 880129305 +18 287 4 880131144 +18 317 5 880131144 +18 318 5 880132437 +18 319 4 880129305 +18 357 4 880129421 +18 367 4 880130802 +18 378 3 880131804 +18 381 4 880131474 +18 382 3 880129595 +18 386 2 880131986 +18 392 3 880130193 +18 393 3 880130930 +18 402 3 880132225 +18 403 3 880132103 +18 404 4 880132055 +18 408 5 880129628 +18 411 3 880131986 +18 414 4 880131054 +18 416 5 880131144 +18 418 3 880130515 +18 419 3 880131878 +18 423 5 880132437 +18 425 3 880130713 +18 427 5 880129421 +18 428 3 880131325 +18 430 4 880130155 +18 432 4 880131559 +18 434 3 880131297 +18 435 4 880130890 +18 443 3 880130193 +18 451 3 880131297 +18 461 4 880130713 +18 462 3 880130065 +18 463 4 880131143 +18 474 4 880129731 +18 476 3 880132399 +18 478 5 880129691 +18 479 4 880129769 +18 480 4 880129595 +18 482 5 880130582 +18 483 4 880129940 +18 485 5 880132437 +18 486 3 880131559 +18 487 4 880129454 +18 488 3 880130065 +18 489 4 880129769 +18 492 4 880131054 +18 493 5 880132437 +18 496 5 880130470 +18 497 4 880131358 +18 498 4 880129940 +18 504 5 880129940 +18 509 4 880129940 +18 510 4 880130680 +18 512 5 880131407 +18 513 4 880129769 +18 514 5 880129990 +18 515 5 880130155 +18 516 5 880130861 +18 517 2 880129388 +18 519 4 880129991 +18 520 4 880129595 +18 523 4 880130393 +18 524 4 880129816 +18 526 4 880131407 +18 527 4 880130109 +18 528 4 880129489 +18 529 5 880130515 +18 530 4 880129877 +18 549 4 880131173 +18 582 5 880131450 +18 588 4 880131201 +18 602 3 880131407 +18 603 3 880129388 +18 604 5 880129731 +18 609 4 880130713 +18 610 4 880130861 +18 612 4 880131591 +18 613 5 880129769 +18 614 4 880130861 +18 627 3 880131931 +18 629 3 880130515 +18 630 3 880132188 +18 631 5 880129691 +18 633 5 880131358 +18 639 4 880131407 +18 649 3 880131591 +18 654 4 880130110 +18 659 4 880129489 +18 660 5 880130930 +18 663 4 880129454 +18 692 3 880130930 +18 699 5 880130802 +18 702 3 880131407 +18 704 3 880131986 +18 705 3 880130640 +18 707 3 880131450 +18 708 3 880129595 +18 709 5 880131028 +18 714 4 880130334 +18 716 5 880131676 +18 724 4 880132055 +18 729 3 880131236 +18 732 3 880131698 +18 735 4 880130582 +18 736 4 880131028 +18 737 3 880132055 +18 739 3 880131776 +18 747 3 880132225 +18 753 4 880129816 +18 762 3 880132103 +18 775 3 880131878 +18 778 2 880131077 +18 781 3 880132188 +18 792 5 880131106 +18 794 3 880131878 +18 805 4 880131358 +18 845 3 880131236 +18 856 5 880131676 +18 921 5 880132437 +18 923 5 880132501 +18 949 3 880131559 +18 950 3 880130764 +18 951 3 880129595 +18 952 2 880130582 +18 953 3 880131901 +18 954 3 880130640 +18 955 4 880130713 +18 956 5 880131525 +18 957 3 880132188 +18 958 5 880129731 +18 959 3 880131450 +18 960 4 880131004 +18 961 3 880131830 +18 962 4 880131631 +18 963 5 880132437 +18 964 3 880132252 +18 966 2 880132399 +18 967 3 880131901 +18 968 3 880130155 +18 969 3 880131106 +18 970 3 880131591 +18 971 4 880131878 +18 972 3 880130515 +18 973 3 880129595 +19 4 4 885412840 +19 153 4 885412840 +19 201 3 885412839 +19 258 4 885411840 +19 310 4 885412063 +19 313 2 885411792 +19 382 3 885412840 +19 435 5 885412840 +19 655 3 885412723 +19 692 3 885412840 +20 11 2 879669401 +20 15 4 879667937 +20 22 5 879669339 +20 50 3 879667937 +20 82 4 879669697 +20 87 5 879669746 +20 94 2 879669954 +20 98 3 879669547 +20 118 4 879668442 +20 143 3 879669040 +20 148 5 879668713 +20 151 3 879668555 +20 172 3 879669181 +20 174 4 879669087 +20 176 2 879669152 +20 181 4 879667904 +20 186 3 879669040 +20 194 3 879669152 +20 204 3 879670039 +20 208 2 879669401 +20 210 4 879669065 +20 243 4 879667799 +20 274 4 879668248 +20 288 1 879667584 +20 323 4 879667684 +20 357 1 879669244 +20 378 3 879669630 +20 405 3 879668555 +20 423 2 879669313 +20 496 5 879669244 +20 498 3 879669001 +20 588 4 879669120 +20 633 4 879668979 +20 678 4 879667684 +20 763 1 879668476 +20 820 2 879668626 +20 866 1 879668583 +20 934 4 879668783 +21 1 5 874951244 +21 5 2 874951761 +21 7 5 874951292 +21 9 5 874951188 +21 15 4 874951188 +21 17 4 874951695 +21 50 3 874951131 +21 53 4 874951820 +21 56 5 874951658 +21 100 5 874951292 +21 103 1 874951245 +21 106 2 874951447 +21 118 1 874951382 +21 121 1 874951416 +21 123 4 874951382 +21 127 5 874951188 +21 129 4 874951382 +21 145 1 874951761 +21 148 1 874951482 +21 164 5 874951695 +21 185 5 874951658 +21 200 5 874951695 +21 201 5 874951658 +21 217 3 874951727 +21 218 4 874951696 +21 219 5 874951797 +21 222 2 874951382 +21 234 5 874951657 +21 240 4 874951245 +21 242 3 874951617 +21 243 2 874951039 +21 244 4 874951349 +21 245 1 874951006 +21 258 4 874950889 +21 259 2 874951005 +21 260 2 874950972 +21 261 1 874951006 +21 262 4 874950931 +21 263 1 874951040 +21 264 3 874950972 +21 273 4 874951349 +21 281 2 874951416 +21 286 3 874950889 +21 288 3 874950932 +21 289 3 874950972 +21 291 3 874951446 +21 292 3 874950889 +21 294 3 874951616 +21 295 3 874951349 +21 300 3 874950889 +21 301 4 874951054 +21 319 2 874950889 +21 320 3 874951658 +21 321 3 874950972 +21 322 3 874951005 +21 323 2 874950972 +21 324 4 874950889 +21 325 4 874950931 +21 326 5 874950889 +21 327 3 874950932 +21 328 3 874951005 +21 330 4 874951040 +21 358 3 874951616 +21 370 1 874951293 +21 379 3 874951820 +21 396 2 874951798 +21 406 1 874951293 +21 408 5 874951188 +21 413 2 874951293 +21 424 1 874951293 +21 436 4 874951858 +21 437 1 874951858 +21 438 1 874951858 +21 439 1 874951820 +21 440 1 874951798 +21 441 3 874951761 +21 443 4 874951761 +21 444 3 874951859 +21 445 3 874951658 +21 447 5 874951695 +21 448 4 874951727 +21 452 4 874951727 +21 453 2 874951797 +21 473 3 874951245 +21 547 2 874951292 +21 551 3 874951898 +21 558 5 874951695 +21 559 1 874951761 +21 561 1 874951761 +21 563 2 874951898 +21 564 3 874951797 +21 565 3 874951898 +21 567 2 874951858 +21 569 3 874951820 +21 573 2 874951898 +21 591 3 874951382 +21 595 3 874951617 +21 619 2 874951416 +21 628 3 874951616 +21 635 4 874951727 +21 637 4 874951695 +21 656 5 874951797 +21 665 3 874951858 +21 668 1 874951761 +21 669 1 874951761 +21 670 3 874951696 +21 671 5 874951657 +21 672 3 874951727 +21 674 2 874951897 +21 675 5 874951897 +21 678 2 874951005 +21 680 1 874950972 +21 687 2 874951005 +21 688 1 874950972 +21 696 2 874951382 +21 706 2 874951695 +21 717 1 874951483 +21 741 3 874951382 +21 748 1 874950889 +21 758 1 874951314 +21 760 1 874951293 +21 767 1 874951314 +21 769 1 874951916 +21 773 3 874951797 +21 774 2 874951898 +21 800 1 874951727 +21 816 1 874951898 +21 817 3 874951695 +21 820 3 874951616 +21 834 1 874951293 +21 844 4 874951292 +21 853 5 874951658 +21 854 5 874951657 +21 858 1 874951858 +21 859 2 874951859 +21 860 2 874951727 +21 872 2 874950889 +21 873 2 874950932 +21 874 2 874951005 +21 875 4 874951005 +21 876 2 874950932 +21 877 2 874950972 +21 878 2 874951039 +21 925 2 874951447 +21 930 1 874951482 +21 931 2 874951446 +21 948 1 874951054 +21 974 3 874951416 +21 975 3 874951447 +21 976 1 874951483 +21 977 2 874951416 +21 978 1 874951483 +21 979 2 874951416 +21 980 2 874951349 +21 981 2 874951382 +21 982 1 874951482 +21 983 2 874951416 +21 984 1 874951040 +21 985 2 874951349 +21 986 1 874951482 +21 987 3 874951616 +21 988 1 874951005 +21 989 3 874951039 +21 990 2 874951039 +21 991 2 874951039 +21 992 2 874951349 +21 993 4 874951245 +21 994 2 874951104 +21 995 2 874950932 +22 2 2 878887925 +22 4 5 878886571 +22 17 4 878886682 +22 21 4 878886750 +22 24 5 878888026 +22 29 1 878888228 +22 50 5 878887765 +22 53 3 878888107 +22 62 4 878887925 +22 68 4 878887925 +22 79 4 878887765 +22 80 4 878887227 +22 85 5 878886989 +22 89 5 878887680 +22 94 3 878887277 +22 105 1 878887347 +22 109 4 878886710 +22 110 1 878887157 +22 117 4 878887869 +22 118 4 878887983 +22 121 3 878887925 +22 127 5 878887869 +22 128 5 878887983 +22 144 5 878887680 +22 153 5 878886423 +22 154 4 878886423 +22 161 4 878887925 +22 163 1 878886845 +22 167 3 878887023 +22 168 5 878886517 +22 172 4 878887680 +22 174 5 878887765 +22 175 4 878886682 +22 176 5 878887765 +22 181 5 878887765 +22 184 5 878887869 +22 187 5 878887680 +22 194 5 878886607 +22 195 4 878887810 +22 201 4 878886449 +22 202 5 878886480 +22 204 5 878886607 +22 208 5 878886607 +22 209 4 878886518 +22 210 3 878886479 +22 211 3 878886518 +22 216 4 878886682 +22 222 4 878887925 +22 226 4 878888145 +22 228 4 878887810 +22 229 2 878887925 +22 230 4 878888026 +22 231 2 878887983 +22 233 3 878888066 +22 238 5 878886423 +22 241 3 878888025 +22 250 5 878888251 +22 258 5 878886261 +22 265 3 878888066 +22 290 5 878886607 +22 358 5 878887443 +22 367 1 878886571 +22 376 3 878887112 +22 377 1 878887116 +22 384 3 878887413 +22 385 4 878887869 +22 386 3 878887347 +22 393 4 878886989 +22 403 5 878887810 +22 405 1 878888067 +22 407 3 878886845 +22 411 1 878887277 +22 430 4 878886607 +22 431 4 878888026 +22 435 5 878886682 +22 449 1 878888145 +22 451 4 878887062 +22 455 5 878886479 +22 502 4 878886647 +22 510 5 878887765 +22 511 4 878887983 +22 515 5 878887869 +22 523 5 878886845 +22 526 4 878888026 +22 546 3 878888107 +22 550 5 878888184 +22 554 1 878888066 +22 566 3 878888145 +22 568 4 878887810 +22 636 3 878888106 +22 648 4 878886647 +22 651 4 878887810 +22 665 1 878888145 +22 683 1 878886307 +22 684 3 878887983 +22 688 1 878886307 +22 692 4 878886480 +22 712 4 878887186 +22 731 3 878887116 +22 732 4 878886710 +22 791 1 878887227 +22 792 4 878886647 +22 840 4 878888184 +22 862 1 878886845 +22 871 3 878886750 +22 878 1 878887598 +22 926 1 878887062 +22 932 1 878887277 +22 948 1 878887553 +22 988 1 878887116 +22 996 1 878887158 +22 997 1 878887377 +22 998 1 878886571 +22 999 4 878886902 +22 1000 3 878886333 +22 1001 1 878886647 +22 1002 1 878887186 +22 1003 1 878887277 +23 1 5 874784615 +23 7 4 874784385 +23 8 4 874785474 +23 13 4 874784497 +23 14 4 874784440 +23 19 4 874784466 +23 28 3 874786793 +23 32 3 874785809 +23 50 4 874784440 +23 55 4 874785624 +23 56 4 874785233 +23 59 4 874785526 +23 62 3 874786880 +23 70 2 874786513 +23 71 3 874789299 +23 73 3 874787016 +23 79 4 874785957 +23 82 3 874787449 +23 89 5 874785582 +23 91 4 884550049 +23 95 4 874786220 +23 96 4 874785551 +23 98 5 874786016 +23 99 4 874786098 +23 100 5 874784557 +23 102 3 874785957 +23 109 3 874784466 +23 116 5 874784466 +23 124 5 874784440 +23 131 4 884550021 +23 132 4 874785756 +23 133 4 874786220 +23 134 4 874786098 +23 143 3 874786066 +23 144 3 874785926 +23 145 3 874786244 +23 151 3 874784668 +23 153 4 874786438 +23 154 3 874785552 +23 155 3 874787059 +23 156 3 877817091 +23 161 2 874787017 +23 162 3 874786950 +23 170 4 874785348 +23 171 5 874785809 +23 172 4 874785889 +23 173 5 874787587 +23 174 4 874785652 +23 175 5 874785526 +23 176 3 874785843 +23 177 4 884550003 +23 181 4 874784337 +23 185 4 874785756 +23 188 3 877817151 +23 189 5 874785985 +23 191 3 877817113 +23 194 4 874786016 +23 195 4 874786993 +23 196 2 874786926 +23 202 3 874785165 +23 203 4 874786746 +23 204 3 874786122 +23 209 5 874785843 +23 211 4 874786512 +23 214 3 874785701 +23 216 4 874787204 +23 217 2 874787144 +23 219 1 874788187 +23 222 4 876785704 +23 224 5 874784638 +23 227 3 874787738 +23 228 4 874785582 +23 229 3 874787162 +23 230 4 874785809 +23 234 2 874785624 +23 235 1 874784712 +23 238 5 874785526 +23 250 4 874784338 +23 257 3 890276940 +23 258 5 876785704 +23 269 5 877817151 +23 275 5 874785474 +23 283 4 874784575 +23 294 1 876785901 +23 315 3 884550320 +23 323 2 874784266 +23 357 3 874785233 +23 367 4 874785957 +23 380 5 874787774 +23 381 4 874787350 +23 385 4 874786462 +23 386 4 874789001 +23 387 3 874786098 +23 404 4 874787860 +23 405 4 874784638 +23 408 5 874784538 +23 414 3 874785526 +23 418 4 874786037 +23 419 3 874787204 +23 421 5 874786770 +23 423 3 874786488 +23 427 5 874789279 +23 432 4 884550048 +23 433 5 874785233 +23 449 2 874787083 +23 451 2 874787256 +23 463 4 874785843 +23 472 2 874784972 +23 479 5 874785728 +23 504 4 874785624 +23 512 5 874785843 +23 518 5 874785194 +23 522 4 874785447 +23 526 3 874787116 +23 527 4 874785926 +23 530 4 874789279 +23 541 4 876785720 +23 546 3 874784668 +23 549 3 874788290 +23 588 4 884550021 +23 597 3 874785024 +23 603 4 874785448 +23 629 4 874786098 +23 642 3 874785843 +23 652 4 874785926 +23 655 3 874787330 +23 662 3 874788045 +23 679 3 874788443 +23 694 4 884550049 +23 705 4 874785526 +23 710 4 874785889 +23 713 4 874784337 +23 739 2 874787861 +23 747 3 874786903 +23 780 1 874788388 +23 856 4 874787288 +23 919 5 874784440 +23 961 5 874785165 +23 1004 3 874788318 +23 1005 3 874787647 +23 1006 3 874785809 +24 7 4 875323676 +24 8 5 875323002 +24 9 5 875323745 +24 11 5 875323100 +24 12 5 875323711 +24 41 5 875323594 +24 55 5 875323308 +24 58 3 875323745 +24 64 5 875322758 +24 69 5 875323051 +24 71 5 875323833 +24 79 4 875322796 +24 92 5 875323241 +24 97 4 875323193 +24 98 5 875323401 +24 100 5 875323637 +24 109 3 875322848 +24 117 4 875246216 +24 127 5 875323879 +24 129 3 875246185 +24 132 3 875323274 +24 151 5 875322848 +24 153 4 875323368 +24 173 5 875323474 +24 176 5 875323595 +24 180 5 875322847 +24 191 5 875323003 +24 200 5 875323440 +24 216 4 875323745 +24 223 5 875322727 +24 237 4 875323002 +24 238 5 875323274 +24 249 4 875246216 +24 276 5 875322951 +24 288 3 875245985 +24 289 3 875245985 +24 300 4 875245985 +24 324 5 875322875 +24 357 5 875323100 +24 358 3 875246012 +24 367 2 875323241 +24 372 4 875323553 +24 402 4 875323308 +24 421 5 875323712 +24 427 5 875323002 +24 475 4 875246216 +24 486 3 875322908 +24 518 4 875323552 +24 582 4 875323368 +24 655 5 875323915 +24 662 5 875323440 +24 699 3 875323051 +24 727 3 875322727 +24 729 5 875323475 +24 742 4 875323915 +24 763 5 875322875 +24 919 3 875246185 +24 1007 5 875322758 +25 1 5 885853415 +25 7 4 885853155 +25 8 4 885852150 +25 13 4 885852381 +25 23 4 885852529 +25 25 5 885853415 +25 50 5 885852150 +25 79 4 885852757 +25 82 4 885852150 +25 86 4 885852248 +25 98 5 885853415 +25 114 5 885852218 +25 116 4 885853335 +25 121 4 885853030 +25 125 5 885852817 +25 131 4 885852611 +25 133 3 885852381 +25 134 4 885852008 +25 135 3 885852059 +25 141 4 885852720 +25 143 3 885852529 +25 151 4 885853335 +25 169 5 885852301 +25 173 4 885852969 +25 176 4 885852862 +25 177 3 885852488 +25 181 5 885853415 +25 183 4 885852008 +25 186 4 885852569 +25 189 5 885852488 +25 195 4 885852008 +25 197 3 885852059 +25 204 5 885853415 +25 208 4 885852337 +25 222 4 885852817 +25 228 4 885852920 +25 238 4 885852757 +25 239 4 885853415 +25 257 4 885853415 +25 258 5 885853199 +25 265 4 885853415 +25 275 4 885853335 +25 357 4 885852757 +25 404 3 885852920 +25 408 5 885852920 +25 419 4 885852218 +25 427 4 885852059 +25 430 4 885852920 +25 432 2 885852443 +25 463 4 885852529 +25 474 4 885852008 +25 479 5 885852569 +25 495 4 885852862 +25 501 3 885852301 +25 520 3 885852150 +25 527 4 885852248 +25 568 4 885852529 +25 604 4 885852008 +25 612 4 885852120 +25 615 5 885852611 +25 633 4 885852301 +25 655 4 885852248 +25 657 4 885852720 +25 692 4 885852656 +25 837 4 885852611 +25 929 4 885852178 +25 968 4 885852218 +25 969 3 885852059 +26 1 3 891350625 +26 13 3 891373086 +26 14 3 891371505 +26 15 4 891386369 +26 24 3 891377540 +26 25 3 891373727 +26 50 4 891386368 +26 109 3 891376987 +26 111 3 891371437 +26 116 2 891352941 +26 117 3 891351590 +26 118 3 891385691 +26 121 3 891377540 +26 122 1 891380200 +26 125 4 891371676 +26 126 4 891371676 +26 127 5 891386368 +26 129 4 891350566 +26 148 3 891377540 +26 150 3 891350750 +26 151 3 891372429 +26 181 4 891386369 +26 222 3 891371369 +26 235 2 891372429 +26 237 3 891351590 +26 240 3 891377468 +26 246 4 891351590 +26 248 3 891377468 +26 249 2 891377609 +26 250 3 891350826 +26 252 3 891385569 +26 255 3 891377609 +26 258 3 891347949 +26 271 3 891348070 +26 274 3 891385634 +26 276 4 891386369 +26 282 4 891373086 +26 283 3 891371437 +26 284 3 891371505 +26 288 4 891347477 +26 291 3 891379753 +26 292 3 891347400 +26 293 3 891371369 +26 294 3 891348192 +26 298 3 891371505 +26 300 4 891347537 +26 302 5 891386368 +26 304 4 891348011 +26 313 5 891386368 +26 315 3 891347400 +26 316 3 891349122 +26 322 3 891349122 +26 323 2 891349184 +26 328 2 891348011 +26 333 3 891348192 +26 369 2 891379664 +26 405 2 891376986 +26 410 2 891373086 +26 413 2 891386049 +26 455 3 891371506 +26 456 1 891386174 +26 458 3 891352941 +26 471 2 891371676 +26 475 3 891350826 +26 476 3 891384414 +26 515 4 891352940 +26 546 2 891371676 +26 591 3 891351590 +26 597 2 891379753 +26 628 3 891372429 +26 678 2 891349122 +26 683 3 891350372 +26 685 3 891371676 +26 742 3 891352492 +26 748 1 891348192 +26 750 4 891347478 +26 751 4 891347477 +26 760 1 891383899 +26 815 2 891371597 +26 831 2 891379753 +26 840 2 891386049 +26 841 2 891380200 +26 845 3 891377468 +26 871 2 891379664 +26 926 2 891385692 +26 930 2 891385985 +26 936 4 891352136 +26 979 3 891383899 +26 1008 3 891377609 +26 1009 2 891384478 +26 1010 2 891377609 +26 1011 3 891371597 +26 1012 4 891386369 +26 1013 1 891383836 +26 1014 3 891384414 +26 1015 3 891352136 +26 1016 3 891377609 +27 9 4 891542942 +27 121 4 891543191 +27 123 5 891543191 +27 246 4 891542897 +27 281 3 891543164 +27 288 3 891543129 +27 298 4 891543164 +27 370 4 891543245 +27 475 2 891542942 +27 596 2 891542987 +27 742 3 891543129 +27 925 3 891543245 +27 930 2 891543222 +27 978 2 891543222 +27 1017 4 891542897 +28 5 3 881961600 +28 7 5 881961531 +28 11 4 881956144 +28 28 4 881956853 +28 31 4 881956082 +28 56 5 881957479 +28 70 4 881961311 +28 79 4 881961003 +28 89 4 881961104 +28 95 3 881956917 +28 96 5 881957250 +28 98 5 881961531 +28 117 4 881957002 +28 143 4 881956564 +28 145 3 881961904 +28 164 4 881960945 +28 173 3 881956220 +28 176 5 881956445 +28 185 5 881957002 +28 195 4 881957250 +28 196 4 881956081 +28 200 2 881961671 +28 201 3 881961671 +28 209 4 881961214 +28 217 3 881961671 +28 218 3 881961601 +28 219 5 881961728 +28 222 5 881961393 +28 223 5 882826496 +28 227 4 881961393 +28 228 5 881961393 +28 229 2 881961393 +28 230 4 881961393 +28 234 4 881956144 +28 258 5 881955018 +28 271 4 881955281 +28 286 3 881955018 +28 288 5 882826398 +28 294 3 881954915 +28 322 2 881955343 +28 323 3 882826593 +28 332 2 881954915 +28 380 4 881961394 +28 423 2 881956564 +28 429 5 881960794 +28 434 4 881961104 +28 436 5 881961601 +28 443 4 881961671 +28 444 3 881961728 +28 447 3 881961532 +28 448 4 881961600 +28 449 2 881961394 +28 450 1 881961394 +28 479 4 881961157 +28 529 4 881957310 +28 567 4 881961782 +28 568 4 881957147 +28 573 4 881961842 +28 588 3 881957425 +28 603 3 881957090 +28 609 3 881956220 +28 646 4 881961003 +28 665 3 881961782 +28 670 4 881961600 +28 672 3 881961728 +28 678 2 882826550 +28 760 3 882826399 +28 800 4 881961904 +28 859 3 881961842 +29 12 5 882821989 +29 79 4 882821989 +29 98 4 882821942 +29 180 4 882821989 +29 182 4 882821989 +29 189 4 882821942 +29 245 3 882820803 +29 264 3 882820897 +29 268 5 882820686 +29 303 4 882820686 +29 306 4 882820730 +29 312 4 882821705 +29 326 2 882820869 +29 332 4 882820869 +29 358 2 882821044 +29 539 2 882821044 +29 657 4 882821942 +29 661 5 882821942 +29 678 3 882821582 +29 689 2 882821705 +29 748 2 882821558 +29 879 3 882821161 +29 1018 4 882821989 +29 1019 4 882821989 +30 2 3 875061066 +30 29 3 875106638 +30 50 3 875061066 +30 69 5 885941156 +30 82 4 875060217 +30 135 5 885941156 +30 161 4 875060883 +30 164 4 875060217 +30 172 4 875060742 +30 174 5 885941156 +30 181 4 875060217 +30 252 3 875140740 +30 255 4 875059984 +30 257 4 885941257 +30 259 4 875058280 +30 286 5 885941156 +30 289 2 876847817 +30 304 4 875988548 +30 313 5 885941156 +30 315 4 885941412 +30 319 4 875060217 +30 321 4 875988547 +30 403 2 875061066 +30 435 5 885941156 +30 539 3 885941454 +30 678 2 885942002 +30 683 3 885941798 +30 688 3 885941492 +30 751 3 884310551 +30 780 4 875060217 +30 873 1 875061066 +30 892 4 884310496 +30 1007 5 885941156 +31 135 4 881548030 +31 136 5 881548030 +31 153 4 881548110 +31 192 4 881548054 +31 262 5 881547766 +31 271 4 881547854 +31 299 4 881547814 +31 302 4 881547719 +31 303 3 881547719 +31 306 3 881547814 +31 321 4 881547746 +31 328 2 881547746 +31 484 5 881548030 +31 493 5 881548110 +31 498 4 881548111 +31 504 5 881548110 +31 519 4 881548053 +31 611 4 881548111 +31 682 2 881547834 +31 705 5 881548110 +31 811 4 881548053 +31 886 2 881547877 +31 1019 5 881548082 +31 1020 3 881548030 +31 1021 3 881548082 +31 1022 5 881547814 +32 7 4 883717766 +32 9 3 883717747 +32 50 4 883717521 +32 111 3 883717986 +32 117 3 883717555 +32 151 3 883717850 +32 181 4 883717628 +32 222 3 883717600 +32 240 2 883717967 +32 246 4 883717521 +32 248 4 883717816 +32 249 4 883717645 +32 250 4 883717684 +32 268 5 883709797 +32 271 3 883709953 +32 276 4 883717913 +32 288 4 883709915 +32 290 3 883717913 +32 294 3 883709863 +32 298 5 883717581 +32 307 2 883709915 +32 313 4 883709840 +32 405 4 883718008 +32 408 3 883717684 +32 455 2 883717796 +32 475 5 883717766 +32 591 3 883717581 +32 628 4 883718121 +32 742 3 883717628 +32 1012 4 883717581 +32 1023 3 883717913 +33 258 4 891964066 +33 288 4 891964066 +33 292 4 891964244 +33 300 4 891964131 +33 307 3 891964148 +33 313 5 891963290 +33 328 4 891964187 +33 329 4 891964326 +33 333 4 891964259 +33 343 4 891964344 +33 751 4 891964188 +33 872 3 891964230 +33 880 3 891964230 +33 895 3 891964187 +34 242 5 888601628 +34 245 4 888602923 +34 259 2 888602808 +34 286 5 888602513 +34 299 5 888602923 +34 310 4 888601628 +34 312 4 888602742 +34 329 5 888602808 +34 332 5 888602742 +34 690 4 888602513 +35 242 2 875459166 +35 243 2 875459046 +35 259 4 875459017 +35 261 3 875459046 +35 264 2 875459099 +35 266 3 875458941 +35 300 5 875458970 +35 321 3 875458970 +35 322 3 875459017 +35 326 3 875459017 +35 332 4 875459237 +35 680 4 875459099 +35 877 2 875459099 +35 881 2 875459127 +35 1025 3 875459237 +36 268 2 882157418 +36 269 3 882157258 +36 307 4 882157227 +36 319 2 882157356 +36 339 5 882157581 +36 682 1 882157386 +36 748 4 882157285 +36 882 5 882157581 +36 883 5 882157581 +36 885 5 882157581 +37 7 4 880915528 +37 27 4 880915942 +37 50 5 880915838 +37 55 3 880915942 +37 56 5 880915810 +37 62 5 880916070 +37 68 5 880915902 +37 79 4 880915810 +37 82 1 880915942 +37 89 4 880930072 +37 92 4 880930072 +37 96 4 880915810 +37 117 4 880915674 +37 118 2 880915633 +37 121 2 880915528 +37 127 4 880930071 +37 147 3 880915749 +37 172 4 880930072 +37 174 5 880915810 +37 183 4 880930042 +37 210 4 880915810 +37 222 3 880915528 +37 226 5 880916010 +37 230 4 880915942 +37 231 2 880916046 +37 233 4 880916046 +37 273 3 880915528 +37 288 4 880915258 +37 385 4 880915902 +37 403 5 880915942 +37 405 4 880915565 +37 472 2 880915711 +37 540 2 880916070 +37 546 3 880915565 +37 550 4 880915902 +37 566 4 880916010 +37 568 3 880915942 +37 578 3 880916010 +37 665 3 880916046 +37 685 3 880915528 +37 825 2 880915565 +37 827 3 880915607 +37 831 2 880915607 +37 833 4 880915565 +37 841 3 880915711 +37 930 3 880915711 +37 1027 3 880930072 +38 1 5 892430636 +38 22 5 892429347 +38 28 4 892429399 +38 35 5 892433801 +38 67 4 892434312 +38 69 5 892430486 +38 70 5 892432424 +38 71 5 892430516 +38 78 5 892433062 +38 79 3 892430309 +38 82 5 892429903 +38 84 5 892430937 +38 88 5 892430695 +38 94 5 892432030 +38 95 5 892430094 +38 97 5 892430369 +38 99 5 892430829 +38 105 3 892434217 +38 112 5 892432751 +38 118 5 892431151 +38 127 2 892429460 +38 133 2 892429873 +38 139 2 892432786 +38 140 5 892430309 +38 144 5 892430369 +38 145 1 892433062 +38 153 5 892430369 +38 155 5 892432090 +38 161 5 892432062 +38 162 5 892431727 +38 185 2 892432573 +38 188 2 892431953 +38 195 1 892429952 +38 200 5 892432180 +38 202 2 892431665 +38 211 1 892431907 +38 218 3 892431871 +38 225 5 892433062 +38 226 1 892431513 +38 234 5 892431607 +38 243 3 892429095 +38 247 5 892429460 +38 252 5 892429567 +38 257 1 892429512 +38 259 3 892428754 +38 288 5 892428188 +38 294 5 892428584 +38 313 5 892428216 +38 326 5 892428688 +38 328 4 892428688 +38 356 2 892430309 +38 383 2 892433801 +38 389 5 892433660 +38 392 5 892430120 +38 393 5 892430282 +38 395 3 892434164 +38 400 1 892434036 +38 401 3 892434585 +38 402 5 892430539 +38 404 5 892431586 +38 405 5 892432205 +38 406 2 892434251 +38 409 5 892433135 +38 410 3 892432750 +38 411 3 892433290 +38 413 1 892434626 +38 418 5 892431026 +38 419 5 892429347 +38 420 5 892429347 +38 424 3 892432624 +38 432 1 892430282 +38 433 5 892433771 +38 444 1 892433912 +38 445 2 892429399 +38 447 5 892434430 +38 450 1 892432624 +38 451 5 892431727 +38 452 5 892434523 +38 465 5 892432476 +38 501 5 892429801 +38 526 1 892430636 +38 550 2 892432786 +38 573 1 892433660 +38 588 5 892429225 +38 590 1 892434373 +38 616 3 892433375 +38 627 5 892431586 +38 637 2 892434452 +38 673 5 892432062 +38 678 5 892428658 +38 679 5 892432062 +38 681 5 892429065 +38 717 1 892433945 +38 720 5 892432424 +38 742 5 892430001 +38 758 1 892434626 +38 768 5 892433062 +38 780 4 892434217 +38 916 5 892428188 +38 940 1 892434742 +38 1014 5 892429542 +38 1016 5 892429542 +38 1028 5 892432624 +38 1029 1 892434626 +38 1031 5 892433801 +38 1032 4 892432624 +38 1033 5 892432531 +38 1034 1 892433062 +38 1035 5 892431907 +38 1036 4 892433704 +38 1037 4 892434283 +39 258 4 891400280 +39 300 3 891400280 +39 302 5 891400188 +39 306 3 891400342 +39 313 4 891400159 +39 315 4 891400094 +39 319 4 891400094 +39 333 4 891400214 +39 345 3 891400159 +39 347 4 891400704 +39 352 5 891400704 +39 900 3 891400159 +40 242 4 889041330 +40 243 2 889041694 +40 258 3 889041981 +40 259 2 889041643 +40 268 4 889041430 +40 270 3 889041477 +40 271 2 889041523 +40 272 2 889041283 +40 300 3 889041523 +40 302 3 889041283 +40 303 4 889041283 +40 310 3 889041283 +40 316 3 889041643 +40 321 4 889041523 +40 328 3 889041595 +40 333 4 889041402 +40 340 2 889041454 +40 343 1 889041790 +40 345 4 889041670 +40 346 2 889041358 +40 358 3 889041741 +40 754 4 889041790 +40 876 3 889041694 +40 880 3 889041643 +40 1038 1 889041741 +41 28 4 890687353 +41 31 3 890687473 +41 50 5 890687066 +41 56 4 890687472 +41 58 3 890687353 +41 96 4 890687019 +41 97 3 890687665 +41 98 4 890687374 +41 135 4 890687473 +41 152 4 890687326 +41 156 4 890687304 +41 168 5 890687304 +41 170 4 890687713 +41 173 4 890687549 +41 175 5 890687526 +41 180 5 890687019 +41 188 4 890687571 +41 191 4 890687473 +41 194 3 890687242 +41 195 4 890687042 +41 196 3 890687593 +41 202 2 890687326 +41 205 4 890687353 +41 216 3 890687571 +41 238 5 890687472 +41 265 3 890687042 +41 276 2 890687304 +41 286 4 890685449 +41 313 3 890685449 +41 318 4 890687353 +41 357 4 890687175 +41 414 4 890687550 +41 430 5 890692860 +41 435 3 890687550 +41 474 5 890687066 +41 486 4 890687305 +41 514 4 890687042 +41 516 5 890687242 +41 746 3 890687019 +41 751 4 890686872 +41 969 4 890687438 +41 1039 3 890687642 +42 1 5 881105633 +42 2 5 881109271 +42 12 4 881107502 +42 15 4 881105633 +42 25 3 881110670 +42 28 5 881108187 +42 38 3 881109148 +42 43 2 881109325 +42 44 3 881108548 +42 48 5 881107821 +42 50 5 881107178 +42 54 4 881108982 +42 58 5 881108040 +42 63 4 881108873 +42 64 5 881106711 +42 66 4 881108280 +42 70 3 881109148 +42 71 4 881108229 +42 72 3 881108229 +42 73 4 881108484 +42 77 5 881108684 +42 79 5 881108040 +42 82 4 881107449 +42 83 4 881108093 +42 86 3 881107880 +42 87 4 881107576 +42 88 5 881108425 +42 95 5 881107220 +42 96 5 881107178 +42 97 3 881107502 +42 99 5 881108346 +42 102 5 881108873 +42 103 3 881106162 +42 111 1 881105931 +42 118 4 881105505 +42 121 4 881110578 +42 125 4 881105462 +42 131 2 881108548 +42 132 5 881107502 +42 135 4 881109148 +42 136 4 881107329 +42 141 3 881109059 +42 142 4 881109271 +42 143 4 881108229 +42 151 4 881110578 +42 161 4 881108229 +42 168 3 881107773 +42 172 5 881107220 +42 173 5 881107220 +42 174 5 881106711 +42 175 2 881107687 +42 181 5 881107291 +42 183 4 881107821 +42 194 5 881107329 +42 196 5 881107718 +42 202 5 881107687 +42 203 4 881107413 +42 204 5 881107821 +42 210 5 881108633 +42 211 4 881107880 +42 215 5 881107413 +42 216 5 881108147 +42 219 1 881109324 +42 222 4 881105882 +42 227 4 881109060 +42 228 4 881107538 +42 229 4 881108684 +42 230 5 881109148 +42 234 4 881108093 +42 237 4 881105882 +42 239 5 881108187 +42 265 3 881107989 +42 273 3 881105817 +42 274 5 881105817 +42 276 1 881105405 +42 280 4 881106270 +42 281 3 881105728 +42 282 4 881105677 +42 283 3 881110483 +42 284 3 881105581 +42 290 3 881106072 +42 294 4 881105296 +42 318 5 881107718 +42 357 5 881107687 +42 367 2 881109149 +42 369 4 881105931 +42 371 4 881108760 +42 380 4 881108548 +42 385 5 881108147 +42 387 3 881108760 +42 402 5 881108982 +42 403 3 881108684 +42 404 5 881108760 +42 405 4 881105541 +42 409 3 881106270 +42 410 3 881110483 +42 411 4 881106317 +42 413 1 881106072 +42 418 5 881108147 +42 419 5 881107178 +42 423 5 881107687 +42 427 4 881107773 +42 428 3 881108040 +42 432 3 881108147 +42 433 2 881108760 +42 443 3 881108093 +42 451 2 881108982 +42 456 3 881106113 +42 462 2 881108093 +42 467 3 881108425 +42 468 4 881108346 +42 469 4 881109324 +42 471 4 881105505 +42 479 4 881108147 +42 491 3 881106711 +42 496 5 881107718 +42 501 5 881108345 +42 506 3 881108760 +42 521 2 881107989 +42 523 5 881107375 +42 546 3 881105817 +42 559 2 881109271 +42 566 5 881107821 +42 568 4 881107256 +42 582 3 881108928 +42 588 5 881108147 +42 591 4 881110138 +42 595 1 881106582 +42 606 3 881107538 +42 625 3 881108873 +42 627 2 881109271 +42 655 3 881107642 +42 658 2 881107502 +42 660 3 881108484 +42 679 2 881108548 +42 692 4 881107773 +42 720 4 881109149 +42 729 3 881108345 +42 732 5 881108346 +42 735 4 881108548 +42 736 5 881108187 +42 742 4 881105581 +42 746 3 881108279 +42 755 4 881108425 +42 756 5 881106420 +42 781 4 881108280 +42 785 4 881109060 +42 794 3 881108425 +42 826 3 881106419 +42 834 1 881110763 +42 845 5 881110719 +42 866 4 881105972 +42 924 3 881105677 +42 925 4 881106113 +42 926 3 881105766 +42 934 4 881106419 +42 939 4 881108484 +42 941 4 881109060 +42 969 5 881107687 +42 977 2 881106541 +42 999 4 881108982 +42 1028 4 881106072 +42 1040 3 881106270 +42 1042 3 881109325 +42 1043 2 881108633 +42 1044 4 881109271 +42 1045 2 881108873 +42 1046 3 881108760 +42 1047 4 881106419 +42 1048 1 881106220 +42 1049 3 881105882 +42 1050 3 881107538 +42 1051 4 881106270 +43 1 5 875975579 +43 3 2 884029543 +43 4 4 875981421 +43 5 4 875981421 +43 7 4 875975520 +43 8 4 875975717 +43 9 4 875975656 +43 11 5 875981365 +43 12 5 883955048 +43 14 2 883955745 +43 15 5 875975546 +43 17 3 883956417 +43 25 5 875975656 +43 28 4 875981452 +43 40 3 883956468 +43 47 1 883955415 +43 49 4 883956387 +43 50 4 875975211 +43 51 1 883956562 +43 54 3 883956494 +43 56 5 875975687 +43 58 3 883955859 +43 63 3 883956353 +43 69 4 875981421 +43 70 4 883955048 +43 71 4 883955675 +43 73 4 883956099 +43 77 3 883955650 +43 79 4 875981335 +43 82 4 883955498 +43 86 4 883955020 +43 88 5 883955702 +43 91 3 883956260 +43 95 4 875975687 +43 97 5 883955293 +43 98 5 875981220 +43 100 4 875975656 +43 102 4 875981483 +43 111 4 883955745 +43 117 4 883954853 +43 118 4 883955546 +43 120 4 884029430 +43 121 4 883955907 +43 122 2 884029709 +43 123 1 875975520 +43 124 4 891294050 +43 127 4 875981304 +43 131 3 883954997 +43 133 4 875981483 +43 137 4 875975656 +43 140 4 883955110 +43 143 4 883955247 +43 144 4 883955415 +43 151 4 875975613 +43 153 5 883955135 +43 155 4 883956518 +43 161 4 883955467 +43 168 4 875981159 +43 169 5 875981128 +43 172 4 883955135 +43 173 5 875981190 +43 174 4 875975687 +43 175 2 875981304 +43 181 4 875975211 +43 186 3 875981335 +43 189 5 875981220 +43 191 5 875981247 +43 196 4 875981190 +43 202 5 875981190 +43 203 4 883955224 +43 204 4 883956122 +43 208 5 883955547 +43 210 5 883955467 +43 211 4 883955785 +43 215 5 883955467 +43 216 5 875981128 +43 217 2 883955930 +43 222 4 883955547 +43 225 2 875975579 +43 226 3 883956442 +43 231 4 883955995 +43 235 3 875975520 +43 237 4 875975579 +43 238 2 883955160 +43 241 4 883955441 +43 248 4 875975237 +43 250 2 875975383 +43 252 4 875975363 +43 254 3 875975323 +43 257 4 875975276 +43 258 5 875975028 +43 269 5 888177393 +43 271 3 880317103 +43 272 5 883953545 +43 274 5 883955441 +43 275 4 875975546 +43 276 4 883954876 +43 277 1 883955498 +43 278 3 884029259 +43 280 3 883955806 +43 283 2 883955415 +43 285 4 875975468 +43 286 4 875975028 +43 289 4 875975085 +43 290 4 884029192 +43 291 3 883955995 +43 294 5 875975061 +43 298 4 875975211 +43 300 5 875975135 +43 301 5 875975135 +43 302 4 887731794 +43 312 4 883953502 +43 313 5 887076865 +43 315 4 883953665 +43 316 5 892349752 +43 317 2 883955319 +43 318 5 875975717 +43 321 3 875975061 +43 323 3 875975110 +43 328 4 875975061 +43 336 4 880317271 +43 347 3 888177393 +43 354 4 891293957 +43 367 4 883956494 +43 371 4 883955269 +43 382 5 883955702 +43 385 5 883955387 +43 393 4 883956417 +43 402 4 883956283 +43 403 4 883956305 +43 405 4 883956122 +43 408 5 875975492 +43 409 3 884029493 +43 411 3 884029519 +43 418 4 883955387 +43 421 3 883954853 +43 423 4 883955498 +43 432 3 875981421 +43 471 3 883955319 +43 473 3 884029309 +43 479 4 875981365 +43 482 4 875981421 +43 486 4 883955969 +43 491 4 883954997 +43 496 5 883955605 +43 498 5 875981275 +43 501 4 883955605 +43 516 5 875981452 +43 531 4 883955160 +43 539 3 883953716 +43 542 3 883956518 +43 546 4 875975613 +43 550 3 883956040 +43 559 1 883956468 +43 566 3 883955969 +43 568 4 883955363 +43 580 3 883956417 +43 581 3 883956468 +43 588 4 883955745 +43 591 5 875975656 +43 596 3 883955650 +43 597 3 883956229 +43 625 4 883956146 +43 628 3 875975580 +43 648 5 883955293 +43 660 4 883955859 +43 684 4 883955702 +43 686 3 883955884 +43 692 5 883955884 +43 699 4 883956040 +43 705 4 883954970 +43 724 4 875981390 +43 729 4 883956387 +43 731 4 875981190 +43 732 4 883955498 +43 735 4 875981275 +43 742 5 883955650 +43 747 4 883956169 +43 751 2 883954803 +43 755 3 883956075 +43 756 3 884029519 +43 778 5 883955363 +43 781 3 883956494 +43 785 3 883956538 +43 792 1 883954876 +43 815 4 883956189 +43 845 5 883955547 +43 847 5 875975468 +43 866 4 883956417 +43 879 4 876159838 +43 892 3 883954776 +43 926 2 875975613 +43 931 1 884029742 +43 939 3 883955547 +43 944 2 883956260 +43 946 4 883955247 +43 950 3 883956417 +43 951 3 883955969 +43 956 1 883956259 +43 966 4 883955498 +43 969 5 875981159 +43 993 3 875975211 +43 1023 3 875975323 +43 1035 4 883955745 +43 1047 3 883956387 +43 1048 3 883956260 +43 1052 1 892350297 +43 1053 3 883955859 +43 1054 3 884029658 +43 1055 2 883955969 +43 1056 3 883955498 +44 1 4 878341315 +44 5 4 878347598 +44 7 5 878341246 +44 9 5 878341196 +44 11 3 878347915 +44 15 4 878341343 +44 21 2 878346789 +44 22 4 878347942 +44 24 3 878346575 +44 25 2 878346431 +44 31 4 878348998 +44 50 5 878341246 +44 55 4 878347455 +44 64 5 878347915 +44 67 3 878348111 +44 69 4 878347711 +44 71 3 878347633 +44 81 4 878348499 +44 82 4 878348885 +44 87 5 878347742 +44 88 2 878348885 +44 89 5 878347315 +44 90 2 878348784 +44 91 2 878348573 +44 96 4 878347633 +44 97 2 878348000 +44 98 2 878347420 +44 99 4 878348812 +44 100 5 878341196 +44 102 2 878348499 +44 106 2 878347076 +44 109 3 878346431 +44 118 3 878341197 +44 121 4 878346946 +44 132 4 878347315 +44 133 4 878347569 +44 135 5 878347259 +44 143 4 878347392 +44 144 4 878347532 +44 147 4 878341343 +44 148 4 878346946 +44 151 4 878341370 +44 153 4 878347234 +44 155 3 878348947 +44 157 4 878347711 +44 159 3 878347633 +44 161 4 878347634 +44 163 4 878348627 +44 164 4 878348035 +44 168 5 878347504 +44 172 4 878348521 +44 173 5 878348725 +44 175 4 878347972 +44 176 5 883613372 +44 181 4 878341290 +44 183 4 883613372 +44 185 4 878347569 +44 190 5 878348000 +44 191 4 878347234 +44 193 3 878348521 +44 194 5 878347504 +44 195 5 878347874 +44 196 4 878348885 +44 197 4 878347420 +44 198 4 878348947 +44 200 4 878347633 +44 201 2 878347392 +44 202 4 878347315 +44 204 4 878348725 +44 209 5 878347315 +44 211 4 878347598 +44 214 5 878348036 +44 216 1 883613297 +44 222 4 883613334 +44 227 4 883613334 +44 228 5 883613334 +44 229 3 883613334 +44 231 2 878347915 +44 237 3 878346748 +44 238 4 878347598 +44 240 4 878346997 +44 245 4 878340887 +44 249 4 878346630 +44 252 2 878346748 +44 257 4 878346689 +44 258 4 878340824 +44 260 4 878340905 +44 274 4 878348036 +44 294 4 883612356 +44 298 2 883612726 +44 307 4 878340940 +44 313 4 883612268 +44 317 4 878347633 +44 318 5 878347340 +44 328 4 878340848 +44 357 4 878347569 +44 378 3 878348290 +44 380 4 883613334 +44 385 3 878348725 +44 405 3 878346512 +44 412 1 883613298 +44 419 4 878348784 +44 423 4 878348111 +44 427 3 878348547 +44 429 4 878347791 +44 432 5 878347569 +44 433 4 878348752 +44 434 4 878348885 +44 443 5 878348289 +44 447 4 878347598 +44 448 2 878348547 +44 449 5 883613334 +44 450 2 883613335 +44 470 3 878348499 +44 474 4 878347532 +44 480 4 878347315 +44 496 4 878348885 +44 507 3 878347392 +44 520 5 878347874 +44 523 4 878348784 +44 542 3 878348036 +44 553 3 878347847 +44 588 4 878347742 +44 591 4 878341315 +44 603 4 878347420 +44 625 3 878348691 +44 631 1 883613297 +44 633 3 878347633 +44 636 4 878348969 +44 644 3 878347818 +44 655 3 878347455 +44 660 5 878347915 +44 678 3 878340887 +44 692 3 878347532 +44 717 3 878346470 +44 737 1 883613298 +44 755 3 878347742 +44 756 3 878346904 +44 871 3 883613005 +44 946 3 878347847 +44 1058 4 878347392 +45 7 3 881008080 +45 13 5 881012356 +45 24 3 881014550 +45 25 4 881014015 +45 50 5 881007272 +45 109 5 881012356 +45 111 4 881011550 +45 118 4 881014550 +45 121 4 881013563 +45 127 5 881007272 +45 151 2 881013885 +45 181 4 881010742 +45 225 4 881014070 +45 257 5 881008781 +45 278 3 881014550 +45 282 4 881008636 +45 284 4 881014130 +45 288 3 880996629 +45 411 3 881015657 +45 472 3 881014417 +45 473 3 881014417 +45 476 3 881015729 +45 596 3 881014015 +45 597 3 881014070 +45 742 4 881013176 +45 756 2 881015244 +45 762 4 881013563 +45 763 2 881013563 +45 764 4 881015310 +45 820 4 881015860 +45 826 3 881015386 +45 845 4 881011188 +45 926 3 881015386 +45 934 2 881015860 +45 993 4 881014785 +45 1001 3 881014785 +45 1059 2 881014417 +45 1061 2 881016056 +46 93 4 883616218 +46 127 5 883616133 +46 151 4 883616218 +46 181 4 883616254 +46 262 5 883614766 +46 286 5 883611352 +46 288 2 883611307 +46 300 3 883611307 +46 305 5 883614766 +46 307 3 883611430 +46 313 5 883611274 +46 328 4 883611430 +46 332 4 883611482 +46 333 5 883611374 +46 690 5 883611274 +46 748 5 883614645 +46 1062 5 883614766 +47 262 5 879439040 +47 268 4 879439040 +47 286 3 879438984 +47 292 4 879438984 +47 302 5 879439040 +47 304 3 879439144 +47 305 5 879439040 +47 306 4 879439113 +47 321 4 879439040 +47 323 2 879440360 +47 324 3 879439078 +47 340 5 879439078 +47 683 3 879439143 +47 995 3 879440429 +47 1022 3 879440429 +48 28 2 879434653 +48 56 3 879434723 +48 71 3 879434850 +48 98 5 879434954 +48 132 5 879434886 +48 136 4 879434689 +48 170 4 879434886 +48 172 5 879434791 +48 174 5 879434723 +48 181 5 879434954 +48 183 5 879434608 +48 185 4 879434819 +48 191 5 879434954 +48 193 2 879434751 +48 194 4 879434819 +48 195 5 879434954 +48 209 5 879434954 +48 210 3 879434886 +48 215 4 879434751 +48 228 3 879434792 +48 243 3 879434330 +48 259 4 879434270 +48 269 1 879434094 +48 286 3 879434181 +48 289 1 879434252 +48 294 3 879434212 +48 302 4 879434954 +48 308 5 879434292 +48 309 3 879434132 +48 323 3 879434181 +48 357 5 879434653 +48 425 3 879434850 +48 427 4 879434653 +48 428 4 879434608 +48 433 3 879434791 +48 479 4 879434723 +48 480 4 879434653 +48 483 5 879434607 +48 496 5 879434791 +48 519 3 879434689 +48 523 5 879434689 +48 524 3 879434723 +48 527 4 879434654 +48 528 5 879434954 +48 529 4 879434850 +48 603 4 879434607 +48 609 4 879434819 +48 647 4 879434819 +48 650 3 879434819 +48 656 4 879434689 +48 661 5 879434954 +48 680 3 879434330 +48 690 4 879434211 +48 1063 3 879434654 +48 1064 4 879434688 +48 1065 2 879434792 +49 1 2 888068651 +49 2 1 888069606 +49 3 3 888068877 +49 4 2 888069512 +49 8 3 888067691 +49 10 3 888066086 +49 11 3 888069458 +49 12 4 888068057 +49 13 3 888068816 +49 25 2 888068791 +49 39 2 888068194 +49 40 1 888069222 +49 42 4 888068791 +49 47 5 888068715 +49 50 1 888067691 +49 52 2 888066647 +49 53 4 888067405 +49 54 2 888068265 +49 55 4 888068057 +49 56 5 888067307 +49 57 4 888066571 +49 62 2 888069660 +49 68 1 888069513 +49 70 2 888066614 +49 71 3 888067096 +49 72 2 888069246 +49 77 1 888068289 +49 80 1 888069117 +49 82 1 888067765 +49 85 3 888068934 +49 90 1 888069194 +49 91 5 888066979 +49 93 5 888068912 +49 95 2 888067031 +49 96 1 888069512 +49 98 4 888067307 +49 99 4 888067031 +49 100 4 888067307 +49 101 3 888067164 +49 102 2 888067164 +49 108 2 888068957 +49 111 2 888068686 +49 116 4 888066109 +49 117 1 888069459 +49 121 1 888068100 +49 122 2 888069138 +49 123 1 888068195 +49 129 2 888068079 +49 143 3 888067726 +49 145 1 888067460 +49 147 1 888069416 +49 151 5 888067727 +49 154 5 888068715 +49 159 2 888068245 +49 161 1 888069513 +49 168 5 888068686 +49 171 4 888066551 +49 172 1 888067691 +49 173 3 888067691 +49 174 1 888067691 +49 175 5 888068715 +49 179 5 888066446 +49 181 1 888067765 +49 182 3 888069416 +49 185 5 888067307 +49 200 3 888067358 +49 202 3 888068816 +49 204 1 888068686 +49 208 4 888068715 +49 209 5 888068877 +49 213 3 888066486 +49 217 3 888067405 +49 218 2 888068651 +49 219 1 888067405 +49 225 2 888068651 +49 231 3 888069579 +49 235 2 888068990 +49 239 2 888068912 +49 240 3 888067031 +49 256 4 888066215 +49 258 2 888065895 +49 262 5 888065620 +49 268 3 888065620 +49 270 2 888065432 +49 283 3 888066086 +49 287 4 888068842 +49 289 4 888065744 +49 290 2 888069062 +49 294 1 888065702 +49 299 2 888068651 +49 300 1 888065577 +49 301 3 888065640 +49 302 4 888065432 +49 312 3 888065786 +49 313 3 888065527 +49 320 5 888067334 +49 324 4 888065702 +49 325 3 888065744 +49 328 2 888068651 +49 343 2 888065786 +49 346 4 888065527 +49 347 3 888065487 +49 358 1 888065805 +49 367 3 888069117 +49 369 1 888069329 +49 372 4 888069040 +49 382 2 888066705 +49 385 1 888069536 +49 386 4 888069222 +49 396 4 888067482 +49 401 2 888067975 +49 403 3 888069636 +49 404 3 888067765 +49 406 2 888067428 +49 413 1 888067460 +49 418 3 888067031 +49 419 4 888067691 +49 420 4 888067031 +49 423 2 888067727 +49 428 5 888068791 +49 432 5 888066979 +49 433 5 888068739 +49 455 1 888068791 +49 462 2 888066486 +49 465 3 888067798 +49 475 4 888066109 +49 476 1 888069222 +49 477 2 888067727 +49 501 3 888066979 +49 508 3 888068841 +49 514 4 888068686 +49 518 4 888069437 +49 531 3 888066511 +49 542 2 888067096 +49 546 1 888069636 +49 547 5 888066187 +49 557 3 888066394 +49 559 2 888067405 +49 561 2 888067460 +49 569 3 888067482 +49 577 1 888069329 +49 581 3 888068143 +49 583 4 888068143 +49 588 4 888067031 +49 590 1 888067579 +49 594 3 888068245 +49 625 3 888067031 +49 627 2 888067096 +49 628 4 888068167 +49 640 1 888066685 +49 652 5 888066446 +49 657 5 888068032 +49 692 1 888069040 +49 695 3 888068957 +49 698 2 888066776 +49 702 3 888066614 +49 713 3 888066214 +49 715 3 888069040 +49 717 2 888068651 +49 721 2 888068934 +49 725 2 888069354 +49 732 3 888069040 +49 737 1 888066828 +49 738 3 888069138 +49 774 2 888067528 +49 789 4 888068033 +49 813 3 888068686 +49 820 1 888067164 +49 821 1 888069246 +49 878 2 888065825 +49 904 2 888065527 +49 919 5 888066133 +49 926 1 888069117 +49 928 2 888068651 +49 931 2 888068336 +49 946 2 888067096 +49 959 2 888068912 +49 995 3 888065577 +49 997 1 888069117 +49 998 2 888069194 +49 1003 2 888068651 +49 1009 3 888066133 +49 1017 3 888069040 +49 1018 2 888066755 +49 1021 5 888066647 +49 1028 2 888069304 +49 1036 2 888069304 +49 1066 2 888067187 +49 1067 3 888068842 +49 1068 3 888066187 +49 1069 3 888068912 +49 1070 3 888068739 +49 1071 3 888069138 +49 1072 1 888069194 +49 1073 5 888066424 +49 1074 2 888069165 +49 1075 2 888066424 +49 1076 2 888067187 +49 1077 4 888068057 +49 1078 1 888067164 +49 1079 1 888069165 +49 1080 4 888066734 +49 1081 3 888069246 +49 1082 3 888066214 +49 1083 2 888068651 +50 9 4 877052297 +50 100 2 877052400 +50 123 4 877052958 +50 124 1 877052400 +50 125 2 877052502 +50 246 3 877052329 +50 253 5 877052550 +50 286 2 877052400 +50 325 1 877052400 +50 327 3 877052093 +50 475 5 877052167 +50 547 4 877052297 +50 823 3 877052784 +50 1084 5 877052501 +51 64 4 883498936 +51 83 5 883498937 +51 132 4 883498655 +51 148 3 883498623 +51 181 5 883498655 +51 182 3 883498790 +51 203 4 883498685 +51 485 1 883498790 +51 496 4 883498655 +51 603 3 883498728 +51 679 3 883498937 +51 692 3 883498685 +51 705 1 883498756 +52 7 5 882922204 +52 13 5 882922485 +52 19 5 882922407 +52 22 5 882922833 +52 25 5 882922562 +52 95 4 882922927 +52 100 4 882922204 +52 107 4 882922540 +52 111 4 882922357 +52 116 4 882922328 +52 117 4 882922629 +52 121 4 882922382 +52 126 5 882922589 +52 151 5 882922249 +52 191 5 882923031 +52 204 4 882923012 +52 237 4 882922227 +52 250 3 882922661 +52 257 3 882922806 +52 258 5 882922065 +52 277 5 882922661 +52 280 3 882922806 +52 282 4 882922302 +52 285 5 882922227 +52 288 3 882922454 +52 302 4 882922065 +52 318 5 882922974 +52 333 4 882922038 +52 405 4 882922610 +52 463 5 882922927 +52 471 4 882922562 +52 473 4 882922661 +52 475 4 882922357 +52 498 5 882922948 +52 527 5 882922927 +52 588 4 882922927 +52 741 4 882922302 +52 748 4 882922629 +52 762 3 882922806 +52 815 4 882922357 +52 864 3 882922661 +52 919 5 882922140 +52 1009 5 882922328 +52 1011 4 882922588 +52 1085 4 882922454 +52 1086 4 882922562 +53 7 3 879442991 +53 15 5 879443027 +53 24 3 879442538 +53 25 4 879442538 +53 50 4 879442978 +53 100 5 879442537 +53 151 4 879443011 +53 156 4 879442561 +53 174 5 879442561 +53 181 4 879443046 +53 199 5 879442384 +53 228 3 879442561 +53 250 2 879442920 +53 257 4 879443188 +53 281 4 879443288 +53 284 2 879442901 +53 845 3 879443083 +53 924 3 879443303 +54 1 4 880931595 +54 7 4 880935294 +54 24 1 880937311 +54 25 4 880936500 +54 50 5 880931687 +54 100 5 880931595 +54 106 3 880937882 +54 117 5 880935384 +54 118 4 880937813 +54 127 4 880933834 +54 148 3 880937490 +54 151 2 880936670 +54 181 5 880931358 +54 240 4 880936500 +54 245 4 880929738 +54 250 4 880933834 +54 252 3 880937630 +54 255 3 882153415 +54 257 4 880937311 +54 258 4 880928745 +54 260 4 880930146 +54 268 5 883963510 +54 272 5 890608175 +54 273 4 880934806 +54 288 4 880928957 +54 291 1 891898613 +54 295 3 880936905 +54 298 4 892681300 +54 302 4 880928519 +54 307 4 891813846 +54 313 4 890608360 +54 328 4 880928957 +54 338 3 880929490 +54 340 4 890608225 +54 346 4 890608303 +54 405 4 880934806 +54 411 5 880936296 +54 471 4 880937399 +54 475 5 880937251 +54 546 3 880937583 +54 595 3 880937813 +54 597 2 880934806 +54 634 1 892681013 +54 676 5 880935294 +54 685 3 880935504 +54 741 5 880931687 +54 742 5 880934806 +54 748 5 880928957 +54 820 3 880937992 +54 823 2 880938088 +54 827 3 880937813 +54 829 2 880937311 +54 871 5 880938547 +54 930 1 880937813 +54 1088 3 880937311 +55 7 3 878176047 +55 56 4 878176397 +55 89 5 878176398 +55 144 5 878176398 +55 254 2 878176206 +55 257 3 878176084 +55 405 1 878176134 +55 678 3 878176206 +55 685 1 878176134 +55 1016 1 878176005 +55 1089 1 878176134 +56 1 4 892683248 +56 7 5 892679439 +56 11 4 892676376 +56 22 5 892676376 +56 25 4 892911166 +56 28 5 892678669 +56 29 3 892910913 +56 31 4 892679259 +56 38 2 892683533 +56 42 4 892676933 +56 44 4 892679356 +56 50 5 892737154 +56 51 3 892677186 +56 53 3 892679163 +56 56 5 892676376 +56 62 5 892910890 +56 63 3 892910268 +56 64 5 892678482 +56 66 3 892911110 +56 67 2 892677114 +56 68 3 892910913 +56 70 4 892676996 +56 71 4 892683275 +56 73 4 892677094 +56 77 3 892679333 +56 78 3 892910544 +56 79 4 892676303 +56 82 4 892676314 +56 87 4 892678508 +56 88 1 892683895 +56 89 4 892676314 +56 90 2 892677147 +56 91 4 892683275 +56 94 4 892910292 +56 95 4 892683274 +56 96 5 892676429 +56 97 3 892677186 +56 98 4 892679067 +56 111 2 892683877 +56 114 4 892683248 +56 117 5 892679439 +56 118 4 892679460 +56 121 5 892679480 +56 122 2 892911494 +56 143 3 892910182 +56 144 5 892910796 +56 151 4 892910207 +56 153 4 892911144 +56 154 2 892911144 +56 158 3 892911539 +56 161 4 892910890 +56 164 4 892910604 +56 167 3 892911494 +56 168 2 892679209 +56 169 4 892683248 +56 173 4 892737191 +56 174 5 892737191 +56 176 5 892676377 +56 179 3 892678669 +56 181 5 892737154 +56 183 5 892676314 +56 186 3 892676933 +56 189 4 892683248 +56 191 4 892678526 +56 193 5 892678669 +56 194 5 892676908 +56 195 5 892676429 +56 200 4 892679088 +56 201 4 892910604 +56 202 4 892676933 +56 204 5 892676908 +56 210 5 892676377 +56 216 4 892676885 +56 219 5 892679144 +56 222 5 892679439 +56 225 2 892910292 +56 226 4 892679277 +56 227 3 892676430 +56 228 3 892676340 +56 229 3 892676340 +56 231 3 892910931 +56 232 4 892676339 +56 233 1 892679308 +56 234 4 892679067 +56 237 5 892679540 +56 238 5 892676885 +56 239 4 892676970 +56 258 4 892675999 +56 265 4 892676314 +56 280 4 892683913 +56 281 2 892683611 +56 294 4 892676056 +56 295 3 893257941 +56 298 4 892683695 +56 300 4 892675935 +56 323 3 892676028 +56 368 3 892911589 +56 372 3 892911290 +56 373 4 892910950 +56 376 3 892911420 +56 383 2 892910544 +56 385 4 892676429 +56 386 3 892911494 +56 391 3 892910950 +56 392 4 892678893 +56 393 4 892677047 +56 395 3 892911625 +56 399 4 892910247 +56 402 5 892677186 +56 403 4 892678942 +56 405 4 892679460 +56 408 4 892683248 +56 410 4 892911348 +56 421 4 892677186 +56 423 5 892737191 +56 426 4 892683303 +56 432 5 892737154 +56 433 4 892676970 +56 435 3 892676429 +56 441 4 892679163 +56 443 4 892679144 +56 447 4 892679067 +56 449 5 892679308 +56 451 3 892676970 +56 473 2 892683323 +56 483 4 892682889 +56 501 3 892737210 +56 523 4 892676970 +56 546 3 892679460 +56 550 4 892910860 +56 554 4 892679356 +56 559 4 892910646 +56 568 4 892910797 +56 575 3 892911469 +56 578 3 892910860 +56 588 4 892683248 +56 596 4 892683275 +56 597 3 892679439 +56 623 3 892910268 +56 636 4 892683533 +56 655 4 892676996 +56 678 4 892676056 +56 692 4 892676970 +56 715 1 892911247 +56 720 3 892910860 +56 728 3 892911420 +56 732 4 892677147 +56 735 2 892678913 +56 738 3 892683978 +56 746 4 892676885 +56 747 4 892677162 +56 748 4 892676028 +56 755 3 892910207 +56 761 3 892679333 +56 769 4 892679389 +56 778 4 892678669 +56 781 4 892677147 +56 794 3 892683960 +56 815 4 892683960 +56 820 3 892683303 +56 849 2 892910913 +56 862 3 892910292 +56 869 3 892683895 +56 871 2 892910207 +56 930 3 892679481 +56 946 4 892737210 +56 969 3 892683303 +56 993 3 892683353 +56 1028 4 892911227 +56 1035 4 892910268 +56 1036 2 892910544 +56 1047 4 892911290 +56 1057 3 892683978 +56 1074 3 892683941 +56 1090 3 892683641 +56 1091 2 892737210 +56 1092 3 892911573 +57 1 5 883698581 +57 7 4 883697105 +57 8 4 883698292 +57 11 3 883698454 +57 15 4 883697223 +57 24 3 883697459 +57 28 4 883698324 +57 42 5 883698324 +57 50 5 883697105 +57 56 3 883698646 +57 64 5 883698431 +57 79 5 883698495 +57 100 5 883698581 +57 105 3 883698009 +57 109 4 883697293 +57 111 4 883697679 +57 117 4 883697512 +57 121 4 883697432 +57 125 3 883697223 +57 126 3 883697293 +57 144 3 883698408 +57 151 3 883697585 +57 168 3 883698362 +57 173 5 883698408 +57 181 5 883697352 +57 194 4 883698272 +57 195 3 883698431 +57 199 5 883698646 +57 204 4 883698272 +57 222 5 883698581 +57 225 3 883698039 +57 237 4 883697182 +57 240 2 883697512 +57 243 3 883696547 +57 245 4 883696709 +57 248 5 883697223 +57 249 5 883697704 +57 252 2 883697807 +57 257 5 883698580 +57 258 5 883698581 +57 264 2 883696672 +57 271 3 883696672 +57 281 4 883697404 +57 282 5 883697223 +57 284 3 883697158 +57 288 4 883696347 +57 295 5 883698581 +57 298 3 883697293 +57 304 5 883698581 +57 318 5 883698580 +57 321 4 883696629 +57 323 3 883696709 +57 405 4 883697459 +57 410 3 883697378 +57 411 4 883697679 +57 419 3 883698454 +57 456 3 883698083 +57 471 4 883697134 +57 472 1 883697253 +57 473 3 883697916 +57 475 2 883697223 +57 476 3 883697990 +57 477 4 883697655 +57 496 4 883698362 +57 546 4 883697482 +57 597 3 883697378 +57 678 3 883696547 +57 682 3 883696824 +57 710 3 883698324 +57 717 4 883697960 +57 748 4 883696629 +57 756 3 883697730 +57 760 2 883697617 +57 763 5 883698581 +57 820 3 883698039 +57 826 2 883697990 +57 833 4 883697705 +57 844 2 883697134 +57 845 4 883697253 +57 866 3 883697915 +57 871 3 883697536 +57 930 2 883698039 +57 932 3 883697585 +57 975 3 883697990 +57 988 4 883696785 +57 1001 1 883698039 +57 1011 3 883697761 +57 1016 4 883697730 +57 1028 3 883697432 +57 1047 4 883697679 +57 1071 3 883698324 +57 1073 3 883698525 +57 1093 3 883697352 +57 1094 2 883697990 +57 1095 2 883698062 +57 1096 3 883697940 +58 1 5 884304483 +58 7 5 884304656 +58 8 4 884304955 +58 9 4 884304328 +58 11 5 884305019 +58 12 5 884304895 +58 13 3 884304503 +58 20 1 884304538 +58 25 4 884304570 +58 32 5 884304812 +58 50 4 884304328 +58 56 5 884305369 +58 61 5 884305271 +58 64 5 884305295 +58 69 1 884663351 +58 70 4 890321652 +58 89 3 884305220 +58 98 4 884304747 +58 100 5 884304553 +58 109 4 884304396 +58 111 4 884304638 +58 116 5 884304409 +58 120 2 892242765 +58 121 2 892242300 +58 123 4 884650140 +58 124 5 884304483 +58 127 4 884304503 +58 134 5 884304766 +58 135 4 884305150 +58 137 5 884304430 +58 144 4 884304936 +58 150 4 884304570 +58 151 3 884304553 +58 153 5 884304896 +58 156 5 884304955 +58 168 5 891611548 +58 169 4 884304936 +58 171 5 884663379 +58 172 5 884305241 +58 173 5 884305353 +58 174 4 884305271 +58 175 5 884663324 +58 176 4 884304936 +58 181 3 884304447 +58 182 4 884304701 +58 185 2 884304896 +58 189 3 884304790 +58 191 5 892791893 +58 193 3 884305220 +58 194 3 884304747 +58 195 4 884305123 +58 198 3 884305123 +58 199 4 891611501 +58 200 3 884305295 +58 203 5 884305185 +58 204 4 884304701 +58 209 5 884305019 +58 210 4 884305042 +58 213 5 884663379 +58 214 2 884305296 +58 216 3 884305338 +58 223 5 884305150 +58 228 5 884305271 +58 237 4 884304396 +58 238 5 884305185 +58 240 4 892242478 +58 246 5 884304592 +58 249 4 892242272 +58 255 4 890321652 +58 257 5 884304430 +58 268 5 884304288 +58 269 4 884304267 +58 275 5 884305220 +58 283 1 884304592 +58 300 4 884388247 +58 310 4 884459024 +58 311 4 890770101 +58 313 5 884304267 +58 318 3 884305087 +58 340 4 884305708 +58 347 3 888638515 +58 354 3 890321652 +58 367 5 892243053 +58 381 4 890321652 +58 405 2 892242047 +58 408 5 884304377 +58 425 5 884304979 +58 433 5 884305165 +58 462 4 884304865 +58 463 3 884305241 +58 474 4 884305087 +58 480 3 884305220 +58 483 5 884305220 +58 490 4 884304896 +58 491 4 891611593 +58 496 2 891611593 +58 497 2 884305123 +58 501 2 884305220 +58 511 5 884304979 +58 512 3 890770101 +58 514 5 884305321 +58 546 2 892242190 +58 558 5 884305165 +58 568 4 884304838 +58 584 5 884305271 +58 603 5 884304812 +58 640 5 884304767 +58 645 5 884304838 +58 651 4 884305185 +58 652 5 884304728 +58 654 5 884304865 +58 655 5 884304865 +58 663 2 884304728 +58 684 4 884305271 +58 692 2 884305123 +58 709 5 884304812 +58 730 5 884305004 +58 732 3 884305321 +58 741 2 892242159 +58 773 4 884304790 +58 813 5 884304430 +58 823 1 892242419 +58 850 5 884305150 +58 923 5 884305062 +58 950 1 892242020 +58 955 4 884305062 +58 1006 2 884304865 +58 1008 1 884304609 +58 1012 4 884304627 +58 1019 4 884305088 +58 1048 1 892242190 +58 1063 1 884304728 +58 1069 2 893027661 +58 1070 4 884304936 +58 1084 4 884304896 +58 1089 1 892242818 +58 1098 4 884304936 +58 1099 2 892243079 +58 1101 5 890421373 +58 1102 1 892242891 +58 1103 5 884305150 +58 1104 2 884305679 +58 1105 2 884794758 +58 1106 4 892068866 +59 1 2 888203053 +59 3 4 888203814 +59 4 4 888205188 +59 7 4 888202941 +59 9 4 888203053 +59 10 4 888203234 +59 11 5 888205744 +59 12 5 888204260 +59 13 5 888203415 +59 14 5 888203234 +59 15 5 888203449 +59 18 4 888203313 +59 22 4 888204260 +59 23 5 888205300 +59 24 4 888203579 +59 25 4 888203270 +59 28 5 888204841 +59 30 5 888205787 +59 32 4 888205228 +59 33 3 888205265 +59 39 4 888205033 +59 42 5 888204841 +59 44 4 888206048 +59 45 5 888204465 +59 47 5 888205574 +59 48 5 888204502 +59 50 5 888205087 +59 51 5 888206095 +59 52 4 888205615 +59 53 5 888206161 +59 55 5 888204553 +59 56 5 888204465 +59 58 4 888204389 +59 59 5 888204928 +59 60 5 888204965 +59 61 4 888204597 +59 64 5 888204309 +59 65 4 888205265 +59 68 2 888205228 +59 69 5 888205087 +59 70 3 888204758 +59 71 3 888205574 +59 73 4 888206254 +59 79 5 888204260 +59 81 4 888205336 +59 82 5 888205660 +59 83 4 888204802 +59 86 3 888205145 +59 87 4 888205228 +59 89 5 888204965 +59 90 2 888206363 +59 91 4 888205265 +59 92 5 888204997 +59 95 2 888204758 +59 96 5 888205659 +59 97 5 888205921 +59 98 5 888204349 +59 99 4 888205033 +59 100 5 888202899 +59 101 5 888206605 +59 102 2 888205956 +59 106 4 888203959 +59 109 4 888203175 +59 111 4 888203095 +59 116 4 888203018 +59 118 5 888203234 +59 121 4 888203313 +59 123 3 888203343 +59 125 3 888203658 +59 126 5 888202899 +59 127 5 888204430 +59 129 5 888202941 +59 131 4 888205410 +59 132 5 888205744 +59 133 3 888204349 +59 134 5 888204841 +59 135 5 888204758 +59 136 3 888205336 +59 137 5 888203234 +59 140 1 888206445 +59 141 4 888206605 +59 142 1 888206561 +59 143 1 888204641 +59 147 5 888203270 +59 149 4 888203313 +59 151 5 888203053 +59 161 3 888205855 +59 168 5 888204641 +59 169 4 888204757 +59 170 4 888204430 +59 172 5 888204552 +59 173 5 888205144 +59 174 5 888204553 +59 175 4 888205300 +59 176 5 888205574 +59 179 5 888204996 +59 180 4 888204597 +59 181 5 888204877 +59 182 5 888204877 +59 183 5 888204802 +59 184 4 888206094 +59 185 5 888205228 +59 186 5 888205660 +59 187 5 888204349 +59 188 4 888205188 +59 190 5 888205033 +59 191 4 888204841 +59 193 4 888204465 +59 194 3 888204841 +59 195 5 888204757 +59 196 5 888205088 +59 197 5 888205462 +59 198 5 888204389 +59 199 4 888205410 +59 200 5 888205370 +59 201 4 888204260 +59 202 4 888205714 +59 203 4 888204260 +59 204 5 888205615 +59 205 3 888204260 +59 208 5 888205533 +59 209 5 888204965 +59 210 4 888204309 +59 211 5 888206048 +59 212 4 888205463 +59 215 5 888204430 +59 216 4 888205228 +59 218 5 888206409 +59 219 5 888206485 +59 220 2 888203175 +59 226 4 888206362 +59 227 3 888206015 +59 228 4 888205714 +59 229 3 888205921 +59 230 4 888205714 +59 232 3 888206485 +59 234 5 888204928 +59 235 1 888203658 +59 237 3 888203371 +59 238 5 888204553 +59 240 2 888203579 +59 241 4 888205574 +59 243 1 888206764 +59 258 3 888202749 +59 265 4 888205410 +59 273 2 888203129 +59 274 1 888203449 +59 276 5 888203095 +59 277 4 888203234 +59 284 2 888203449 +59 285 4 888202941 +59 286 3 888202532 +59 287 5 888203175 +59 288 5 888202787 +59 290 3 888203750 +59 313 5 888202532 +59 318 5 888204349 +59 321 4 888206764 +59 323 4 888206809 +59 357 5 888204349 +59 367 4 888204597 +59 369 2 888203959 +59 371 4 888206095 +59 380 3 888205956 +59 381 5 888205659 +59 382 4 888205574 +59 385 4 888205659 +59 392 2 888206562 +59 393 2 888205714 +59 402 4 888206296 +59 403 5 888206605 +59 404 3 888205463 +59 405 3 888203578 +59 410 3 888203270 +59 416 3 888205660 +59 419 2 888205228 +59 421 5 888206015 +59 423 5 888204465 +59 425 4 888204928 +59 427 5 888204309 +59 428 5 888205188 +59 430 5 888205228 +59 431 4 888205534 +59 432 4 888204802 +59 433 5 888205982 +59 434 4 888205574 +59 435 5 888204553 +59 436 5 888206094 +59 443 5 888205370 +59 447 5 888206095 +59 448 4 888205787 +59 451 5 888206049 +59 458 4 888203128 +59 462 5 888205787 +59 465 2 888206363 +59 466 4 888204389 +59 468 3 888205855 +59 470 3 888205714 +59 472 3 888203482 +59 473 3 888203610 +59 474 5 888204430 +59 476 2 888203814 +59 477 3 888203415 +59 479 5 888205370 +59 480 5 888204802 +59 483 5 888204309 +59 484 4 888204502 +59 485 2 888204466 +59 488 3 888205956 +59 489 4 888205300 +59 490 4 888205614 +59 491 4 888206689 +59 492 4 888205370 +59 496 4 888205144 +59 498 5 888204927 +59 501 1 888205855 +59 503 4 888205855 +59 504 5 888205921 +59 505 4 888204260 +59 506 5 888205787 +59 507 4 888204877 +59 508 5 888203095 +59 510 4 888204502 +59 511 5 888204965 +59 513 4 888205144 +59 514 5 888204641 +59 515 4 888204430 +59 516 4 888204430 +59 517 5 888205714 +59 519 4 888204965 +59 521 5 888204877 +59 523 4 888204389 +59 524 3 888206689 +59 525 3 888204758 +59 526 4 888204928 +59 527 5 888204553 +59 528 4 888205300 +59 529 4 888205145 +59 547 3 888203482 +59 549 4 888205659 +59 559 5 888206562 +59 562 4 888206094 +59 564 2 888206605 +59 566 4 888206485 +59 567 4 888206562 +59 568 5 888205229 +59 569 4 888206161 +59 570 4 888205745 +59 581 5 888206015 +59 582 4 888205300 +59 584 4 888205145 +59 588 2 888204389 +59 591 4 888203270 +59 595 3 888203658 +59 597 2 888203610 +59 602 2 888206295 +59 603 5 888204309 +59 604 3 888204927 +59 606 4 888204802 +59 608 4 888204502 +59 609 2 888205855 +59 610 4 888205615 +59 611 3 888204309 +59 612 3 888206161 +59 615 4 888204553 +59 616 5 888206049 +59 618 4 888205956 +59 620 4 888203959 +59 622 4 888206015 +59 625 3 888206295 +59 633 3 888204641 +59 640 5 888206445 +59 642 5 888206254 +59 644 4 888205033 +59 647 5 888205336 +59 649 4 888205660 +59 650 5 888205534 +59 651 5 888204997 +59 654 4 888204309 +59 655 5 888204642 +59 657 4 888204597 +59 658 4 888205188 +59 659 3 888204553 +59 660 4 888205534 +59 662 3 888206125 +59 663 4 888204928 +59 664 4 888205614 +59 670 4 888206485 +59 672 5 888206015 +59 673 5 888204802 +59 675 5 888205534 +59 679 4 888205714 +59 684 3 888204553 +59 687 1 888206764 +59 692 3 888205463 +59 699 4 888205370 +59 702 5 888205463 +59 705 4 888205087 +59 707 3 888205336 +59 708 4 888206410 +59 709 5 888204997 +59 710 3 888205463 +59 713 5 888203579 +59 715 5 888205921 +59 717 2 888203959 +59 724 5 888205265 +59 727 2 888205265 +59 729 4 888205265 +59 732 3 888205370 +59 735 5 888205534 +59 736 5 888205145 +59 739 4 888206485 +59 741 4 888203175 +59 742 3 888203053 +59 746 5 888204642 +59 747 4 888205410 +59 755 4 888206254 +59 756 2 888203658 +59 760 2 888203659 +59 762 4 888203708 +59 764 4 888203709 +59 770 4 888205534 +59 774 2 888206562 +59 781 4 888206605 +59 789 4 888205087 +59 792 4 888206362 +59 823 5 888203749 +59 825 4 888203658 +59 845 5 888203579 +59 846 4 888203415 +59 855 4 888204502 +59 866 3 888203865 +59 871 2 888203865 +59 900 4 888202814 +59 919 4 888203018 +59 926 1 888203708 +59 928 4 888203449 +59 929 2 888203018 +59 931 2 888203610 +59 946 1 888206445 +59 951 3 888206409 +59 953 5 888205787 +59 959 4 888206095 +59 963 5 888204757 +59 969 3 888204802 +59 972 4 888206125 +59 974 3 888203343 +59 975 4 888203610 +59 1005 5 888206363 +59 1009 4 888203095 +59 1021 4 888204996 +59 1028 1 888203900 +59 1047 2 888203371 +59 1048 4 888203270 +59 1050 2 888205188 +59 1065 5 888205188 +59 1074 4 888206409 +59 1093 5 888203578 +59 1101 5 888205265 +59 1108 3 888204877 +59 1109 3 888205088 +59 1110 4 888206363 +59 1111 5 888204758 +59 1112 3 888206161 +59 1113 4 888205855 +59 1114 5 888203415 +59 1115 3 888203128 +59 1116 3 888206562 +59 1117 4 888203313 +59 1118 2 888206048 +59 1119 4 888206094 +59 1120 1 888203900 +60 7 5 883326241 +60 8 3 883326370 +60 9 5 883326399 +60 12 4 883326463 +60 13 4 883327539 +60 15 4 883328033 +60 21 3 883327923 +60 23 4 883326652 +60 28 5 883326155 +60 30 5 883325944 +60 50 5 883326566 +60 56 4 883326919 +60 59 5 883326155 +60 60 5 883327734 +60 61 4 883326652 +60 64 4 883325994 +60 69 4 883326215 +60 70 4 883326838 +60 71 3 883327948 +60 73 4 883326995 +60 77 4 883327040 +60 82 3 883327493 +60 88 4 883327684 +60 89 5 883326463 +60 95 4 883327799 +60 96 4 883326122 +60 97 3 883326215 +60 98 4 883326463 +60 121 4 883327664 +60 128 3 883326566 +60 131 4 883327441 +60 132 4 883325944 +60 133 4 883326893 +60 134 4 883326215 +60 135 5 883327087 +60 136 4 883326057 +60 138 2 883327287 +60 141 3 883327472 +60 143 3 883327441 +60 144 4 883325944 +60 151 5 883326995 +60 152 4 883328033 +60 153 3 883326733 +60 160 4 883326525 +60 161 4 883327265 +60 162 4 883327734 +60 163 4 883327566 +60 166 4 883326593 +60 168 5 883326837 +60 173 4 883326498 +60 174 4 883326497 +60 175 5 883326919 +60 176 4 883326057 +60 180 4 883326028 +60 181 4 883326754 +60 183 5 883326399 +60 185 4 883326682 +60 186 4 883326566 +60 194 4 883326425 +60 195 4 883326086 +60 197 4 883326620 +60 199 5 883326339 +60 200 4 883326710 +60 204 4 883326086 +60 205 4 883326426 +60 207 3 883327342 +60 208 5 883326028 +60 209 5 883326593 +60 210 4 883326241 +60 211 4 883327493 +60 212 5 883327087 +60 215 4 883327566 +60 216 4 883327827 +60 218 4 883327538 +60 222 4 883327441 +60 225 3 883327976 +60 227 4 883326784 +60 228 4 883327472 +60 229 4 883327472 +60 230 4 883327441 +60 234 4 883326463 +60 237 4 883327442 +60 265 5 883327591 +60 272 4 889286840 +60 275 4 883326682 +60 286 5 883325421 +60 327 4 883325508 +60 357 4 883326273 +60 366 4 883327368 +60 378 4 883327566 +60 385 4 883327799 +60 393 4 883327754 +60 403 3 883327087 +60 404 3 883327287 +60 405 4 883326958 +60 411 3 883327827 +60 416 4 883327639 +60 417 4 883327175 +60 418 3 883327342 +60 419 3 883327612 +60 420 4 883327113 +60 423 4 883326593 +60 427 5 883326620 +60 429 5 883326733 +60 430 5 883326122 +60 433 4 883327342 +60 434 5 883327368 +60 435 4 883326122 +60 443 4 883327847 +60 445 5 883326273 +60 478 3 883326463 +60 479 5 883326301 +60 480 4 883326273 +60 482 4 883326958 +60 483 5 883326497 +60 484 5 883326370 +60 485 4 883327222 +60 489 5 883326682 +60 490 4 883326958 +60 491 4 883326301 +60 492 5 883326525 +60 493 5 883325994 +60 494 4 883326399 +60 495 3 883327639 +60 496 4 883326682 +60 498 5 883326566 +60 499 3 883326682 +60 501 3 883327472 +60 502 4 883327394 +60 505 4 883326710 +60 506 5 883327441 +60 507 4 883326301 +60 510 5 883327174 +60 511 4 883326301 +60 513 5 883325994 +60 514 4 883326300 +60 515 5 883326784 +60 517 4 883327265 +60 519 4 883326370 +60 523 4 883326837 +60 524 4 883325994 +60 525 5 883325944 +60 528 4 883326086 +60 529 4 883326862 +60 546 4 883326837 +60 558 4 883326784 +60 582 4 883327664 +60 592 4 883327566 +60 593 5 883326185 +60 601 4 883325944 +60 602 4 883326958 +60 603 5 883326652 +60 604 4 883327997 +60 605 3 883326893 +60 606 4 883327201 +60 608 5 883326028 +60 609 3 883327923 +60 613 4 883326497 +60 615 5 883326215 +60 617 4 883326273 +60 618 3 883327113 +60 629 3 883327175 +60 633 4 883326995 +60 637 4 883327975 +60 638 5 883326057 +60 641 5 883326086 +60 650 4 883327201 +60 654 4 883326399 +60 656 4 883327018 +60 659 4 883326862 +60 660 4 883327243 +60 661 4 883326808 +60 665 4 883326893 +60 671 4 883327175 +60 673 4 883327711 +60 675 4 883326995 +60 684 4 883328033 +60 705 4 883326710 +60 708 4 883326784 +60 729 4 883327975 +60 735 5 883327711 +60 736 5 883327923 +60 745 5 883327442 +60 751 2 883325421 +60 755 4 883327639 +60 799 4 883326995 +60 810 4 883327201 +60 835 4 883326893 +60 842 4 883327175 +60 1021 5 883326185 +60 1050 3 883327923 +60 1060 4 883326995 +60 1121 3 883326215 +60 1122 5 883326498 +60 1123 4 883327997 +60 1124 4 883326652 +60 1125 4 883326497 +60 1126 4 883327174 +61 243 2 892331237 +61 301 1 891206450 +61 304 4 891220884 +61 323 3 891206450 +61 328 5 891206371 +61 331 2 891206126 +61 342 2 892302309 +61 347 5 892302120 +61 678 3 892302309 +61 690 2 891206407 +61 1127 4 891206274 +62 1 2 879372813 +62 3 3 879372325 +62 4 4 879374640 +62 7 4 879372277 +62 8 5 879373820 +62 9 4 879372182 +62 12 4 879373613 +62 13 4 879372634 +62 14 4 879372851 +62 15 2 879372634 +62 20 4 879372696 +62 21 3 879373460 +62 22 4 879373820 +62 24 4 879372633 +62 28 3 879375169 +62 33 1 879374785 +62 44 3 879374142 +62 47 4 879375537 +62 50 5 879372216 +62 53 2 879376270 +62 55 5 879373692 +62 56 5 879373711 +62 62 3 879375781 +62 64 4 879373638 +62 65 4 879374686 +62 68 1 879374969 +62 69 4 879374015 +62 70 3 879373960 +62 71 4 879374661 +62 72 3 879375762 +62 76 4 879374045 +62 78 2 879376612 +62 81 4 879375323 +62 82 4 879375414 +62 83 5 879375000 +62 89 5 879374640 +62 91 4 879375196 +62 96 4 879374835 +62 97 2 879373795 +62 98 4 879373543 +62 100 4 879372276 +62 116 3 879372480 +62 117 4 879372563 +62 118 2 879373007 +62 121 4 879372916 +62 125 4 879372347 +62 127 4 879372216 +62 128 2 879374866 +62 129 3 879372276 +62 134 4 879373768 +62 135 4 879375080 +62 138 1 879376709 +62 144 3 879374785 +62 147 3 879372870 +62 151 5 879372651 +62 153 4 879374686 +62 155 1 879376633 +62 157 3 879374686 +62 159 3 879375762 +62 162 4 879375843 +62 164 5 879374946 +62 167 2 879376727 +62 168 5 879373711 +62 170 3 879373848 +62 171 4 879373659 +62 172 5 879373794 +62 173 5 879374732 +62 174 4 879374916 +62 176 5 879373768 +62 179 4 879374969 +62 180 4 879373984 +62 181 4 879372418 +62 183 4 879374893 +62 188 3 879373638 +62 190 5 879374686 +62 191 5 879373613 +62 195 5 879373960 +62 196 4 879374015 +62 199 4 879373692 +62 204 3 879373737 +62 207 3 879375676 +62 209 4 879373849 +62 210 4 879374640 +62 213 4 879375323 +62 215 3 879374640 +62 216 4 879375414 +62 217 2 879376387 +62 222 5 879372480 +62 225 3 879373287 +62 227 1 879375843 +62 228 3 879374607 +62 229 3 879375977 +62 230 2 879375738 +62 232 3 879375977 +62 235 4 879373007 +62 237 3 879372563 +62 238 5 879373568 +62 241 1 879375562 +62 245 2 879373232 +62 249 2 879372479 +62 250 5 879372455 +62 252 3 879373272 +62 257 2 879372434 +62 270 2 879371909 +62 271 1 879371909 +62 273 4 879371980 +62 275 4 879372325 +62 276 5 879372182 +62 281 3 879373118 +62 283 4 879372598 +62 285 4 879372455 +62 286 3 879372813 +62 290 3 879373007 +62 294 1 879373215 +62 298 4 879372304 +62 306 4 879371909 +62 318 5 879373659 +62 328 3 879371909 +62 357 4 879374706 +62 365 2 879376096 +62 380 5 879375626 +62 382 3 879375537 +62 387 2 879376115 +62 401 3 879376727 +62 402 3 879375883 +62 403 4 879375588 +62 405 3 879373118 +62 421 5 879375716 +62 423 3 879373692 +62 431 2 879374969 +62 436 3 879375883 +62 443 3 879375080 +62 448 2 879375883 +62 451 3 879375716 +62 455 3 879372696 +62 462 2 879373737 +62 463 4 879374916 +62 464 4 879375196 +62 466 3 879374785 +62 472 2 879373152 +62 473 4 879373046 +62 474 4 879373613 +62 475 4 879371980 +62 483 4 879373768 +62 498 4 879373848 +62 508 4 879372277 +62 509 4 879373568 +62 511 4 879373586 +62 512 4 879374894 +62 514 3 879374813 +62 521 5 879374706 +62 527 4 879373692 +62 528 5 879375080 +62 541 3 879376535 +62 546 4 879373118 +62 554 1 879375562 +62 559 3 879375912 +62 568 3 879375080 +62 569 1 879376158 +62 582 4 879374753 +62 597 2 879373254 +62 605 3 879375364 +62 651 4 879373848 +62 652 4 879375364 +62 655 3 879375453 +62 660 4 879375537 +62 664 4 879376079 +62 665 2 879376483 +62 673 2 879375323 +62 676 3 879372633 +62 685 2 879373175 +62 697 4 879375932 +62 699 4 879375022 +62 702 2 879376079 +62 704 2 879375477 +62 708 3 879375912 +62 710 3 879375453 +62 712 4 879376178 +62 715 2 879375912 +62 716 4 879375951 +62 723 2 879375738 +62 729 3 879375414 +62 739 2 879375454 +62 742 2 879372965 +62 744 3 879372304 +62 747 3 879375247 +62 763 1 879372851 +62 774 1 879376483 +62 815 3 879375391 +62 827 2 879373421 +62 845 3 879372383 +62 856 4 879374866 +62 866 2 879373195 +62 875 4 879371909 +62 921 2 879375287 +62 924 1 879373175 +62 931 1 879373522 +62 949 4 879376210 +62 952 3 879372505 +62 955 4 879374072 +62 959 4 879375269 +62 1009 4 879372869 +62 1012 3 879372633 +62 1016 4 879373008 +62 1018 3 879375606 +62 1028 1 879373215 +62 1060 1 879373007 +62 1073 4 879374752 +62 1074 4 879376299 +62 1077 3 879374607 +62 1091 3 879376709 +62 1107 1 879376159 +62 1118 3 879375537 +62 1128 2 879372831 +62 1129 5 879372060 +62 1130 4 879376686 +62 1131 3 879375247 +62 1132 2 879373404 +62 1133 4 879376332 +62 1134 2 879372936 +62 1135 2 879376159 +62 1136 3 879375977 +63 1 3 875747368 +63 3 2 875748068 +63 10 4 875748004 +63 13 4 875747439 +63 14 4 875747401 +63 15 3 875747439 +63 20 3 875748004 +63 25 4 875747292 +63 50 4 875747292 +63 79 3 875748245 +63 100 5 875747319 +63 106 2 875748139 +63 108 2 875748164 +63 111 3 875747896 +63 116 5 875747319 +63 121 1 875748139 +63 126 3 875747556 +63 137 4 875747368 +63 181 3 875747556 +63 224 4 875747635 +63 225 2 875747439 +63 242 3 875747190 +63 250 5 875747789 +63 255 4 875747556 +63 257 3 875747342 +63 258 3 875746809 +63 259 3 875747047 +63 262 4 875746917 +63 268 3 875746809 +63 269 3 875746948 +63 276 4 875747265 +63 277 4 875747401 +63 282 1 875747657 +63 283 4 875747401 +63 284 3 875747581 +63 285 3 875747470 +63 286 4 875746809 +63 287 3 875747829 +63 288 3 875746948 +63 289 2 875746985 +63 294 2 875747047 +63 300 4 875748326 +63 302 3 875746809 +63 306 3 875746948 +63 321 3 875746917 +63 322 2 875746986 +63 323 1 875746986 +63 325 2 875747047 +63 328 2 875746985 +63 333 4 875746917 +63 405 4 875748109 +63 408 4 875747242 +63 412 3 875748109 +63 473 2 875747635 +63 475 4 875747319 +63 480 3 875748245 +63 508 4 875747752 +63 546 2 875747789 +63 591 3 875747581 +63 596 2 875747470 +63 676 3 875747470 +63 678 2 875747047 +63 713 3 875747556 +63 741 3 875747854 +63 748 4 875747010 +63 762 3 875747688 +63 813 5 875747265 +63 828 1 875747936 +63 924 3 875748164 +63 929 3 875747955 +63 952 3 875747896 +63 979 3 875748068 +63 993 2 875747635 +63 1007 5 875747368 +63 1008 3 875748004 +63 1009 4 875747731 +63 1010 3 875747829 +63 1011 1 875747731 +63 1012 3 875747854 +63 1028 3 875748198 +63 1067 3 875747514 +63 1137 5 875747556 +63 1138 2 875747789 +64 1 4 879366214 +64 4 3 889739138 +64 7 4 889737542 +64 8 4 889737968 +64 9 4 889738085 +64 10 5 889739733 +64 11 4 889737376 +64 12 5 889738085 +64 17 3 889739733 +64 22 4 889737376 +64 28 4 889737851 +64 31 4 889739318 +64 32 1 889739346 +64 38 3 889740415 +64 48 5 879365619 +64 50 5 889737914 +64 52 3 889739625 +64 56 5 889737542 +64 58 3 889739625 +64 62 2 889740654 +64 64 4 889737454 +64 69 4 889739091 +64 70 5 889739158 +64 71 3 879365670 +64 72 4 889740056 +64 79 4 889737943 +64 81 4 889739460 +64 82 3 889740199 +64 83 3 889737654 +64 87 4 889737851 +64 89 3 889737376 +64 91 4 889739733 +64 95 4 889737691 +64 96 4 889737748 +64 97 3 889738085 +64 98 4 889737654 +64 100 4 879365558 +64 101 2 889740225 +64 111 4 889739975 +64 121 2 889739678 +64 125 2 889739678 +64 127 5 879366214 +64 132 4 889737851 +64 135 4 889737889 +64 141 4 889739517 +64 143 4 889739051 +64 144 3 889737771 +64 151 3 879366214 +64 153 3 889739243 +64 154 4 889737943 +64 156 4 889737506 +64 157 4 879365491 +64 160 4 889739288 +64 161 3 889739779 +64 162 3 889739262 +64 168 5 889739243 +64 172 4 889739091 +64 173 5 889737454 +64 174 5 889737478 +64 175 5 889739415 +64 176 4 889737567 +64 179 5 889739460 +64 181 4 889737420 +64 182 4 889738030 +64 183 5 889737914 +64 184 4 889739243 +64 185 4 889739517 +64 186 4 889737691 +64 188 4 889739586 +64 190 4 889737851 +64 191 4 889740740 +64 194 5 889737710 +64 195 5 889737914 +64 196 4 889737992 +64 197 3 889737506 +64 199 4 889737654 +64 202 4 889738993 +64 203 4 889737851 +64 209 5 889737654 +64 210 3 889737654 +64 211 4 889739318 +64 212 3 889740011 +64 214 3 889737478 +64 215 5 889737914 +64 216 4 889740718 +64 217 2 889737568 +64 218 1 889739517 +64 222 4 889739733 +64 227 3 889740880 +64 228 4 889739438 +64 229 4 889739490 +64 230 5 889739994 +64 232 2 889740154 +64 234 4 889737800 +64 235 4 889740567 +64 237 4 889740310 +64 238 4 889739025 +64 239 3 889740033 +64 240 1 889740462 +64 241 3 889739380 +64 258 3 879365313 +64 265 4 879365491 +64 269 5 879365313 +64 271 3 889737047 +64 273 2 889739381 +64 275 4 879365670 +64 284 4 889740056 +64 288 4 879365313 +64 300 3 879365314 +64 310 4 889737047 +64 311 2 889737269 +64 313 4 889736971 +64 318 4 889737593 +64 326 3 879365313 +64 340 4 879365313 +64 347 3 889737062 +64 356 3 889740154 +64 367 4 889739678 +64 381 4 879365491 +64 384 2 889740367 +64 385 4 879365558 +64 389 4 889739834 +64 392 3 889737542 +64 403 4 889739953 +64 405 3 889739288 +64 419 2 889740310 +64 420 3 889739678 +64 423 4 889739569 +64 425 4 889739051 +64 429 4 889737800 +64 431 4 889737376 +64 433 2 889740286 +64 434 4 889739052 +64 435 4 889737771 +64 436 5 889739625 +64 447 4 889739319 +64 451 2 889739490 +64 463 4 889739212 +64 475 5 889738993 +64 476 1 889740286 +64 480 3 879365619 +64 496 5 889737567 +64 503 4 889740342 +64 509 3 889737478 +64 511 4 889739779 +64 516 5 889737376 +64 520 5 889737851 +64 531 3 889740718 +64 539 1 889737126 +64 546 3 889739883 +64 559 3 889740310 +64 566 3 889738085 +64 568 4 889737506 +64 569 3 889740602 +64 582 4 889739834 +64 588 4 889739091 +64 591 4 889740394 +64 603 3 889737506 +64 625 3 889740286 +64 633 5 889739243 +64 636 4 889740286 +64 650 3 889740225 +64 651 4 889740795 +64 652 2 879365590 +64 655 4 889739243 +64 662 4 889739319 +64 663 3 889737505 +64 679 3 889740033 +64 684 4 889740199 +64 693 3 889737654 +64 705 5 879365558 +64 718 4 889739243 +64 731 3 889739648 +64 732 4 889739288 +64 736 4 889739212 +64 746 5 889739138 +64 748 1 879365314 +64 751 2 889737047 +64 768 2 889739954 +64 778 5 889739806 +64 847 3 879365558 +64 879 3 879365313 +64 898 2 889737106 +64 919 4 889739834 +64 969 3 889737889 +64 1063 3 889739539 +64 1065 1 889737968 +64 1139 1 889740260 +64 1140 1 889740676 +64 1141 5 889739834 +65 1 3 879217290 +65 7 1 879217290 +65 9 5 879217138 +65 15 5 879217138 +65 25 4 879217406 +65 28 4 879216734 +65 47 2 879216672 +65 48 5 879217689 +65 50 5 879217689 +65 56 3 879217816 +65 63 2 879217913 +65 64 5 879216529 +65 65 3 879216672 +65 66 3 879217972 +65 69 3 879216479 +65 73 4 879217998 +65 77 5 879217689 +65 87 5 879217689 +65 88 4 879217942 +65 97 5 879216605 +65 98 4 879218418 +65 100 3 879217558 +65 111 4 879217375 +65 125 4 879217509 +65 168 4 879217851 +65 173 3 879217851 +65 178 5 879217689 +65 179 3 879216605 +65 185 4 879218449 +65 194 4 879217881 +65 196 5 879216637 +65 202 4 879217852 +65 211 4 879217852 +65 215 5 879217689 +65 216 4 879217912 +65 237 4 879217320 +65 238 3 879218449 +65 239 5 879217689 +65 255 3 879217406 +65 258 3 879216131 +65 294 4 879217320 +65 328 4 879216131 +65 356 5 879216825 +65 365 3 879216672 +65 378 5 879217032 +65 392 5 879217689 +65 393 4 879217881 +65 402 4 879216949 +65 423 5 879216702 +65 429 4 879216605 +65 435 4 879218025 +65 471 4 879217434 +65 476 3 879217290 +65 511 4 879216567 +65 514 4 879217998 +65 526 4 879216734 +65 531 4 879218328 +65 582 3 879216702 +65 651 4 879216371 +65 655 4 879216769 +65 660 5 879216880 +65 676 5 879217689 +65 735 4 879216769 +65 736 4 879216949 +65 778 4 879216949 +65 806 4 879216529 +65 956 4 879216797 +65 1041 3 879217942 +65 1044 3 879217002 +65 1142 4 879217349 +66 1 3 883601324 +66 7 3 883601355 +66 9 4 883601265 +66 50 5 883601236 +66 117 3 883601787 +66 121 3 883601834 +66 181 5 883601425 +66 237 4 883601355 +66 248 4 883601426 +66 249 4 883602158 +66 257 3 883601355 +66 258 4 883601089 +66 282 3 883601266 +66 284 3 883601812 +66 286 1 883601089 +66 294 4 883601089 +66 295 3 883601456 +66 298 4 883601324 +66 300 5 883601089 +66 405 3 883601990 +66 471 5 883601296 +66 508 4 883601387 +66 535 4 883602044 +66 597 3 883601456 +66 763 4 883602094 +66 825 3 883602268 +66 877 1 883601089 +66 1016 3 883601859 +67 1 3 875379445 +67 24 4 875379729 +67 64 5 875379211 +67 105 4 875379683 +67 117 5 875379794 +67 121 4 875379683 +67 125 4 875379643 +67 147 3 875379357 +67 151 4 875379619 +67 235 3 875379643 +67 240 5 875379566 +67 273 4 875379288 +67 405 5 875379794 +67 412 1 875379540 +67 743 4 875379445 +67 756 3 875379566 +67 1047 3 875379750 +67 1052 3 875379419 +67 1093 5 875379419 +67 1095 4 875379287 +68 7 3 876974096 +68 9 4 876974073 +68 25 4 876974176 +68 111 3 876974276 +68 117 4 876973939 +68 118 2 876974248 +68 121 1 876974176 +68 127 4 876973969 +68 178 5 876974755 +68 181 5 876973884 +68 237 5 876974133 +68 245 3 876973777 +68 275 5 876973969 +68 276 5 876973884 +68 405 3 876974518 +68 409 3 876974677 +68 411 1 876974596 +68 596 2 876974023 +68 713 2 876974073 +68 742 1 876974198 +68 763 1 876973917 +68 926 1 876974298 +68 1047 1 876974379 +68 1089 1 876974484 +69 7 5 882126086 +69 12 5 882145567 +69 42 5 882145548 +69 50 5 882072748 +69 56 5 882145428 +69 79 4 882145524 +69 98 5 882145375 +69 100 5 882072892 +69 117 4 882072748 +69 123 4 882126125 +69 124 4 882072869 +69 129 3 882072778 +69 147 3 882072920 +69 150 5 882072920 +69 172 5 882145548 +69 174 5 882145548 +69 175 3 882145586 +69 181 5 882072778 +69 182 4 882145400 +69 197 5 882145548 +69 222 3 882072956 +69 234 5 882145505 +69 235 3 882126048 +69 236 4 882072827 +69 237 3 882072920 +69 240 3 882126156 +69 245 1 882027284 +69 246 5 882072827 +69 256 5 882126156 +69 258 4 882027204 +69 265 4 882145400 +69 268 5 882027109 +69 273 3 882072803 +69 282 3 882126048 +69 288 5 882027173 +69 289 4 882027133 +69 294 2 882027233 +69 298 4 882072998 +69 300 3 882027204 +69 302 4 882027109 +69 307 2 882027204 +69 321 4 882027133 +69 333 3 882027204 +69 334 3 882125962 +69 427 3 882145465 +69 475 3 882072869 +69 508 4 882072920 +69 628 3 882126125 +69 742 3 882072956 +69 763 3 882126156 +69 879 1 882027284 +69 886 4 882027284 +69 1016 3 882072956 +69 1142 4 882072956 +69 1144 5 882126156 +70 1 4 884065277 +70 8 4 884064986 +70 15 3 884148728 +70 24 4 884064743 +70 28 4 884065757 +70 48 4 884064574 +70 50 4 884064188 +70 63 3 884151168 +70 69 4 884065733 +70 79 4 884149453 +70 82 4 884068075 +70 83 4 884065895 +70 88 4 884067394 +70 89 4 884150202 +70 91 3 884068138 +70 94 3 884151014 +70 95 4 884065501 +70 96 4 884066910 +70 99 4 884067222 +70 101 3 884150753 +70 109 3 884066514 +70 121 3 884148728 +70 128 4 884067339 +70 132 4 884067281 +70 135 4 884065387 +70 139 3 884150656 +70 142 3 884150884 +70 143 5 884149431 +70 150 3 884065247 +70 161 3 884067638 +70 168 4 884065423 +70 169 4 884149688 +70 172 5 884064217 +70 173 4 884149452 +70 174 5 884065782 +70 175 3 884150422 +70 181 4 884064416 +70 183 4 884149894 +70 185 4 884149753 +70 186 4 884065703 +70 189 4 884150202 +70 191 3 884149340 +70 193 4 884149646 +70 197 4 884149469 +70 204 3 884066399 +70 206 3 884067026 +70 208 4 884149431 +70 210 4 884065854 +70 211 3 884149646 +70 214 3 884067842 +70 217 4 884151119 +70 222 4 884064269 +70 225 3 884148916 +70 227 3 884067476 +70 228 5 884064269 +70 229 3 884064269 +70 230 4 884064269 +70 231 3 884064862 +70 257 4 884063946 +70 264 4 884063668 +70 289 3 884066399 +70 298 5 884064134 +70 300 4 884063569 +70 313 4 884063469 +70 338 2 884065248 +70 343 4 884066910 +70 380 3 884066399 +70 383 2 884151700 +70 393 4 884068497 +70 398 2 884067339 +70 399 4 884068521 +70 403 4 884064862 +70 404 4 884149622 +70 405 3 884149117 +70 408 4 884152129 +70 411 3 884066399 +70 418 3 884149806 +70 419 5 884065035 +70 429 3 884150369 +70 431 3 884150257 +70 432 3 884067175 +70 449 2 884065247 +70 450 1 884064269 +70 451 4 884065678 +70 472 3 884148885 +70 473 3 884066399 +70 482 4 884068704 +70 483 5 884064444 +70 496 4 884064545 +70 501 4 884067201 +70 507 4 884066886 +70 511 5 884067855 +70 527 4 884149852 +70 538 2 884066399 +70 542 2 884065248 +70 546 2 884066211 +70 554 3 884068277 +70 559 3 884066399 +70 568 3 884149722 +70 576 2 884065248 +70 584 3 884150236 +70 588 5 884065528 +70 596 3 884148728 +70 597 3 884148999 +70 625 3 884151316 +70 655 4 884150153 +70 678 3 884063627 +70 684 3 884149646 +70 739 2 884150753 +70 746 3 884150257 +70 755 3 884150865 +70 762 3 884066399 +70 820 1 884152379 +70 946 3 884150691 +70 993 3 884064688 +70 1030 2 884151801 +70 1035 3 884066399 +70 1065 4 884149603 +70 1133 3 884151344 +70 1145 3 884151622 +70 1146 3 884151576 +71 6 3 880864124 +71 14 5 877319375 +71 52 4 877319567 +71 56 5 885016930 +71 89 5 880864462 +71 98 4 885016536 +71 100 4 877319197 +71 134 3 885016614 +71 153 4 885016495 +71 168 5 885016641 +71 174 2 877319610 +71 177 2 885016961 +71 181 3 877319414 +71 222 3 877319375 +71 248 3 877319446 +71 276 4 877319375 +71 282 3 885016990 +71 285 3 877319414 +71 286 4 877319080 +71 302 3 880864015 +71 346 4 885016248 +71 357 5 885016495 +71 429 4 877319610 +71 462 5 877319567 +71 475 5 877319330 +71 514 4 877319567 +71 744 4 877319294 +71 923 5 885016882 +72 1 4 880035614 +72 2 3 880037376 +72 5 4 880037418 +72 7 1 880036347 +72 9 5 880035636 +72 12 5 880036664 +72 15 5 880035708 +72 23 4 880036550 +72 25 5 880035588 +72 38 3 880037307 +72 45 5 880037853 +72 48 4 880036718 +72 50 2 880037119 +72 51 4 880036946 +72 54 3 880036854 +72 56 5 880037702 +72 58 4 880036638 +72 64 5 880036549 +72 68 3 880037242 +72 69 4 880036579 +72 70 4 880036691 +72 77 4 880036945 +72 81 3 880036876 +72 82 3 880037242 +72 87 4 880036638 +72 96 5 880037203 +72 97 4 880036638 +72 98 5 880037417 +72 100 5 880035680 +72 106 4 880036185 +72 117 4 880035588 +72 118 3 880036346 +72 121 3 880036048 +72 124 4 880035636 +72 127 5 880037702 +72 134 5 880037793 +72 135 4 880037054 +72 147 5 880037702 +72 161 5 880037703 +72 170 3 880037793 +72 172 1 880037119 +72 174 5 880037702 +72 176 2 880037203 +72 177 4 880037204 +72 180 4 880036579 +72 181 1 880037203 +72 182 5 880036515 +72 187 4 880036638 +72 188 4 880037203 +72 191 5 880036515 +72 194 4 880037793 +72 195 5 880037702 +72 197 5 880037702 +72 198 5 880037881 +72 203 3 880037462 +72 204 4 880037853 +72 210 4 880037242 +72 212 5 880036946 +72 215 4 880036718 +72 220 3 880035786 +72 222 1 880036346 +72 228 1 880037204 +72 229 1 880037307 +72 230 1 880037277 +72 233 4 880037242 +72 234 4 880037418 +72 237 3 880036346 +72 241 4 880037242 +72 265 4 880037164 +72 271 1 880036346 +72 318 5 880037702 +72 356 4 880036911 +72 357 4 880036550 +72 380 1 880036854 +72 382 4 880036691 +72 402 4 880036824 +72 403 3 880037277 +72 405 3 880036346 +72 423 5 880036550 +72 435 5 880037242 +72 443 3 880037418 +72 461 3 880036824 +72 466 4 880037461 +72 471 4 880035588 +72 476 4 880036048 +72 479 4 880037881 +72 480 5 880037768 +72 484 4 880037853 +72 493 5 880037768 +72 504 4 880037461 +72 509 4 880036638 +72 515 4 880036602 +72 518 4 880036824 +72 520 5 880036515 +72 521 4 880036718 +72 525 4 880037436 +72 526 4 880037164 +72 550 4 880037334 +72 553 5 880036638 +72 566 4 880037277 +72 568 4 880037203 +72 581 4 880036996 +72 582 4 880036783 +72 591 5 880035708 +72 603 4 880037417 +72 628 4 880035857 +72 642 4 880037479 +72 644 4 880036602 +72 647 1 880036550 +72 649 4 880036783 +72 654 4 880037461 +72 655 5 880037702 +72 664 3 880037020 +72 679 2 880037164 +72 684 4 880037203 +72 685 4 880035588 +72 699 3 880036783 +72 708 4 880036691 +72 770 4 880037306 +72 792 3 880036718 +72 844 4 880035708 +72 866 4 880035887 +72 972 4 880036911 +72 1051 4 880035958 +72 1110 3 880037334 +72 1147 5 880036783 +72 1148 4 880036911 +73 1 2 888626065 +73 12 5 888624976 +73 32 4 888626220 +73 56 4 888626041 +73 59 5 888625980 +73 64 5 888625042 +73 81 5 888626415 +73 82 2 888625754 +73 89 5 888625685 +73 94 1 888625754 +73 96 2 888626523 +73 100 4 888626120 +73 127 5 888625200 +73 129 4 888625907 +73 135 5 888626371 +73 152 3 888626496 +73 153 3 888626007 +73 154 5 888625343 +73 171 5 888626199 +73 173 5 888625292 +73 175 5 888625785 +73 179 5 888626041 +73 180 4 888626577 +73 183 4 888626262 +73 187 5 888625934 +73 188 5 888625553 +73 197 5 888625934 +73 206 3 888625754 +73 213 4 888625753 +73 246 3 888792938 +73 255 2 888792938 +73 268 3 888625754 +73 269 4 888792172 +73 271 2 888792294 +73 272 4 888792247 +73 285 4 888792900 +73 288 3 888792294 +73 289 2 888792410 +73 318 4 888625934 +73 357 5 888626007 +73 382 4 888626496 +73 433 4 888626437 +73 475 4 888625753 +73 480 4 888625753 +73 507 3 888625857 +73 514 4 888626153 +73 518 5 888625835 +73 588 2 888625754 +73 650 3 888626152 +73 657 5 888625422 +73 660 4 888625754 +73 683 2 888792535 +73 748 2 888792247 +73 894 1 888625592 +73 923 3 888793388 +73 1073 4 888625753 +74 7 4 888333458 +74 9 4 888333458 +74 13 4 888333542 +74 15 4 888333542 +74 100 4 888333428 +74 126 3 888333428 +74 237 4 888333428 +74 245 3 888333280 +74 258 4 888333194 +74 268 3 888333195 +74 272 5 888333194 +74 276 4 888333458 +74 285 3 888333428 +74 288 3 888333280 +74 294 4 888333311 +74 300 3 888333194 +74 302 4 888333219 +74 307 4 888333329 +74 315 5 888333194 +74 326 4 888333329 +74 328 4 888333280 +74 331 4 888333352 +74 340 5 888333194 +74 351 3 888333352 +74 358 2 888333372 +74 508 4 888333542 +74 539 3 888333255 +74 690 4 888333352 +74 1084 3 888333542 +75 1 4 884050018 +75 13 5 884050102 +75 25 5 884049875 +75 56 5 884051921 +75 79 5 884051893 +75 100 5 884049875 +75 111 4 884050502 +75 114 4 884051893 +75 117 4 884050164 +75 118 3 884050760 +75 121 4 884050450 +75 123 3 884050164 +75 125 3 884050164 +75 129 3 884049939 +75 147 3 884050134 +75 151 5 884050502 +75 190 5 884051948 +75 196 4 884051948 +75 220 1 884050705 +75 222 5 884050194 +75 225 2 884050940 +75 235 4 884050502 +75 237 2 884050309 +75 240 1 884050661 +75 273 5 884050018 +75 284 2 884050393 +75 289 1 884049789 +75 290 4 884050451 +75 291 1 884050502 +75 294 3 884049758 +75 301 4 884051510 +75 304 2 884051610 +75 322 1 884049789 +75 323 2 884049789 +75 405 4 884050164 +75 408 4 884050046 +75 409 3 884050829 +75 410 5 884050661 +75 411 5 884050760 +75 413 2 884050979 +75 427 4 884051921 +75 460 5 884050829 +75 473 3 884050733 +75 476 1 884050393 +75 477 4 884050102 +75 496 5 884051921 +75 508 4 884050102 +75 546 3 884050422 +75 678 3 884049758 +75 685 4 884050134 +75 742 1 884050590 +75 756 2 884050309 +75 824 1 884051056 +75 825 1 884050393 +75 831 3 884051056 +75 833 2 884051113 +75 845 3 884050194 +75 864 4 884049876 +75 866 2 884050733 +75 926 3 884050393 +75 988 2 884049820 +75 1001 1 884050531 +75 1017 5 884050502 +75 1028 4 884050590 +75 1047 3 884050979 +75 1048 4 884050705 +75 1059 1 884050760 +75 1151 2 884050829 +75 1152 1 884050502 +76 6 5 875028165 +76 7 4 875312133 +76 23 5 875027355 +76 24 2 882607536 +76 42 3 882606243 +76 56 5 875027739 +76 60 4 875028007 +76 61 4 875028123 +76 70 4 875027981 +76 77 2 882607017 +76 89 4 875027507 +76 92 4 882606108 +76 93 4 882606572 +76 96 5 875312034 +76 98 5 875028391 +76 100 5 875028391 +76 121 2 882607017 +76 129 3 878101114 +76 135 5 875028792 +76 137 5 875498777 +76 156 3 882606108 +76 172 5 882606080 +76 175 4 875028853 +76 182 4 882606392 +76 192 5 875027442 +76 197 5 875028563 +76 200 5 882606216 +76 203 4 875027507 +76 216 4 875028624 +76 223 2 882606623 +76 264 3 875027292 +76 270 3 879117602 +76 276 5 875027601 +76 286 5 875027206 +76 288 2 878101114 +76 293 4 879117673 +76 318 3 882606166 +76 324 4 875027206 +76 325 2 878101114 +76 327 3 875027271 +76 343 3 882129361 +76 358 2 878101114 +76 385 2 882607017 +76 513 5 882606305 +76 514 4 882129456 +76 517 5 882129432 +76 531 4 875028007 +76 547 2 882607017 +76 582 3 882607444 +76 603 3 882606147 +76 628 2 882606768 +76 769 1 882607018 +76 772 3 875498117 +76 806 4 882606471 +76 811 4 882606323 +76 851 4 879576570 +76 919 3 875027945 +76 955 4 882606789 +76 960 3 875028143 +76 1006 3 875027907 +76 1007 4 875312109 +76 1019 3 879576256 +76 1048 2 882607017 +76 1071 3 882606017 +76 1129 5 875028075 +76 1153 2 882607017 +76 1154 5 878100710 +76 1155 2 882607017 +76 1156 3 879576233 +76 1157 1 882607018 +76 1158 4 875028190 +76 1159 3 882606623 +77 1 5 884732808 +77 15 2 884732873 +77 23 4 884753173 +77 25 2 884733055 +77 28 5 884753061 +77 31 3 884753292 +77 42 5 884752948 +77 52 5 884753203 +77 56 4 884752900 +77 69 3 884752997 +77 89 5 884733839 +77 91 3 884752924 +77 96 3 884752562 +77 97 2 884753292 +77 98 4 884752901 +77 100 3 884732716 +77 121 2 884733261 +77 125 3 884733014 +77 127 2 884732927 +77 132 3 884753028 +77 133 2 884752997 +77 134 4 884752562 +77 144 3 884752853 +77 154 5 884733922 +77 156 4 884733621 +77 168 4 884752721 +77 172 3 884752562 +77 173 5 884752689 +77 174 5 884733587 +77 175 4 884733655 +77 183 5 884732606 +77 191 3 884752948 +77 192 3 884752900 +77 195 5 884733695 +77 199 5 884733988 +77 201 4 884752785 +77 209 4 884752562 +77 210 3 884753028 +77 215 2 884752757 +77 222 4 884732873 +77 228 3 884753105 +77 238 5 884733965 +77 246 5 884732808 +77 250 3 884732873 +77 252 1 884733379 +77 268 5 884733857 +77 357 3 884752970 +77 405 3 884733422 +77 455 3 884732873 +77 474 5 884732407 +77 483 4 884752665 +77 484 5 884733766 +77 511 2 884753152 +77 518 4 884753202 +77 519 5 884752874 +77 523 5 884752582 +77 527 4 884752853 +77 636 2 884753061 +77 641 5 884733621 +77 778 2 884753203 +77 833 1 884733284 +77 1028 1 884733400 +78 255 4 879633745 +78 257 4 879633721 +78 269 3 879633467 +78 289 4 879633567 +78 298 3 879633702 +78 301 5 879633467 +78 323 1 879633567 +78 411 4 879634223 +78 412 4 879634223 +78 1047 1 879634199 +78 1160 5 879634134 +79 1 4 891271870 +79 10 5 891271901 +79 13 3 891271676 +79 19 5 891271792 +79 50 4 891271545 +79 93 2 891271676 +79 100 5 891271652 +79 116 5 891271676 +79 124 5 891271870 +79 150 3 891271652 +79 222 4 891271957 +79 236 5 891271719 +79 246 5 891271545 +79 251 5 891271545 +79 257 3 891271545 +79 258 5 891271308 +79 262 5 891271203 +79 268 5 891271792 +79 269 5 891271792 +79 275 4 891271627 +79 276 3 891271957 +79 283 4 891271627 +79 285 5 891271652 +79 288 3 891272015 +79 290 3 891271741 +79 303 4 891271203 +79 306 5 891271792 +79 311 4 891271278 +79 319 4 891271278 +79 333 2 891271086 +79 340 4 891271180 +79 508 3 891271676 +79 515 5 891271792 +79 582 5 891271806 +79 676 3 891271957 +79 690 4 891271308 +79 740 4 891271870 +79 763 5 891271741 +79 902 3 891271086 +79 906 5 891271792 +79 937 2 891271180 +79 1008 4 891271982 +79 1017 3 891271697 +79 1022 5 891271792 +79 1161 2 891271697 +80 45 4 887401585 +80 50 3 887401533 +80 58 4 887401677 +80 64 5 887401475 +80 79 4 887401407 +80 86 5 887401496 +80 87 4 887401307 +80 194 3 887401763 +80 205 5 887401533 +80 237 4 887401732 +80 269 3 883605009 +80 423 3 887401643 +80 466 5 887401701 +80 483 5 887401328 +80 514 3 887401533 +80 531 4 887401430 +80 582 3 887401701 +80 886 4 883605238 +80 887 4 887401236 +81 1 4 876534949 +81 3 4 876592546 +81 25 5 876533946 +81 42 4 876534704 +81 79 5 876534817 +81 98 5 876534854 +81 100 3 876533545 +81 111 3 876534174 +81 116 3 876533504 +81 121 4 876533586 +81 147 4 876533389 +81 150 3 876533619 +81 151 2 876533946 +81 169 4 876534751 +81 186 5 876534783 +81 210 4 876534704 +81 222 2 876533619 +81 237 4 876533764 +81 269 3 876533229 +81 273 4 876533710 +81 275 4 876533657 +81 276 4 876533545 +81 280 4 876534214 +81 283 4 876533504 +81 284 3 876533894 +81 288 3 876533229 +81 289 3 876533229 +81 318 5 876534817 +81 405 3 876533764 +81 411 2 876534244 +81 432 2 876535131 +81 456 1 876533504 +81 471 3 876533586 +81 475 5 876533504 +81 476 2 876534124 +81 544 2 876546272 +81 591 5 876534124 +81 595 4 876534437 +81 596 3 876533824 +81 619 3 876534009 +81 717 2 876533824 +81 726 4 876534505 +81 742 2 876533764 +81 756 1 876534097 +81 824 3 876534437 +81 928 4 876534214 +81 1047 3 876533988 +81 1059 3 876534366 +82 1 4 876311241 +82 3 2 878768765 +82 7 3 876311217 +82 8 4 878769292 +82 9 4 876311146 +82 11 4 878769992 +82 13 2 878768615 +82 21 1 884714456 +82 22 3 878769777 +82 25 2 878768435 +82 28 3 878769815 +82 50 5 876311146 +82 56 3 878769410 +82 64 5 878770169 +82 69 4 878769948 +82 70 4 878769888 +82 71 4 878770169 +82 79 3 878769334 +82 81 3 878770059 +82 87 3 878769598 +82 97 4 878769777 +82 99 4 878769949 +82 100 5 876311299 +82 103 2 878768665 +82 109 1 884714204 +82 111 4 876311423 +82 112 1 877452357 +82 118 3 878768510 +82 121 4 876311387 +82 125 3 877452380 +82 127 2 878769777 +82 133 4 878769410 +82 134 4 878769442 +82 135 3 878769629 +82 140 3 878769668 +82 147 3 876311473 +82 151 2 876311547 +82 168 5 878769748 +82 169 4 878769442 +82 170 4 878769703 +82 174 5 878769478 +82 175 4 878769598 +82 178 4 878769629 +82 181 4 876311241 +82 183 3 878769848 +82 185 3 878769334 +82 191 4 878769748 +82 194 4 878770027 +82 197 4 878769847 +82 199 4 878769888 +82 202 4 878769777 +82 208 3 878769815 +82 211 4 878769815 +82 212 4 878769410 +82 216 4 878769949 +82 218 3 878769748 +82 220 2 878768840 +82 222 3 876311365 +82 225 3 878768790 +82 228 3 878769629 +82 230 2 878769815 +82 235 1 876311517 +82 237 3 876311319 +82 238 3 878769373 +82 240 1 884714385 +82 241 3 878769992 +82 265 4 878770169 +82 274 3 876311492 +82 275 2 884714125 +82 276 4 876311344 +82 281 3 884714290 +82 283 2 884714164 +82 284 4 876311387 +82 286 4 876311004 +82 288 3 876311518 +82 289 1 884713642 +82 294 4 878768327 +82 304 3 884713664 +82 310 4 879788290 +82 318 4 878769629 +82 326 2 879788343 +82 338 1 884713704 +82 357 4 878769888 +82 367 4 878769848 +82 405 3 876311423 +82 409 1 884714421 +82 412 1 884714513 +82 413 1 884714593 +82 414 4 878769748 +82 418 4 878769848 +82 424 1 878768811 +82 430 5 878769703 +82 432 4 878769373 +82 435 5 878769409 +82 456 1 884714618 +82 458 1 884714145 +82 462 4 878769992 +82 472 3 878768882 +82 473 2 878768765 +82 474 3 878769597 +82 475 1 884714181 +82 476 3 878768765 +82 477 3 876311344 +82 479 4 878769703 +82 480 4 878769373 +82 481 5 878769262 +82 482 4 878769668 +82 483 5 878769888 +82 484 4 878769597 +82 495 3 878769668 +82 496 4 878769992 +82 504 4 878769917 +82 508 2 884714249 +82 511 3 878769948 +82 513 4 878769334 +82 514 4 878769442 +82 518 4 878769747 +82 519 4 878770028 +82 520 3 878769703 +82 523 5 878769373 +82 527 3 878769479 +82 529 4 878770028 +82 539 3 884713704 +82 546 3 876311423 +82 582 4 878769410 +82 588 5 878769917 +82 597 3 878768882 +82 603 5 878769479 +82 640 3 878769292 +82 657 4 878769261 +82 660 5 878769848 +82 671 1 878769478 +82 678 1 884714726 +82 705 3 878769598 +82 717 1 884714492 +82 740 2 884714249 +82 756 1 878768741 +82 770 4 878769777 +82 820 3 878768902 +82 822 2 878769262 +82 826 3 876311646 +82 834 1 884714618 +82 866 3 878768840 +82 895 1 884713704 +82 946 2 878769748 +82 1001 1 878769138 +82 1028 2 876311577 +82 1033 1 884714560 +82 1059 1 884714456 +82 1063 3 878769815 +82 1078 3 878769748 +82 1101 4 878770169 +82 1126 4 878770169 +82 1128 1 884714361 +82 1134 2 884714402 +82 1162 1 884714361 +82 1163 2 884714204 +82 1164 2 878768790 +83 1 4 880306903 +83 2 4 881971771 +83 4 2 880336655 +83 15 4 880307000 +83 22 5 880307724 +83 25 2 883867729 +83 28 4 880308284 +83 31 5 880307751 +83 35 1 886534501 +83 38 5 887665422 +83 50 3 880327590 +83 56 1 886534501 +83 63 4 880327970 +83 64 5 887665422 +83 66 4 880307898 +83 69 4 887665549 +83 70 4 880308256 +83 71 3 880328167 +83 77 4 880308426 +83 78 2 880309089 +83 79 5 887665423 +83 88 5 880308186 +83 94 4 880308831 +83 95 4 880308453 +83 97 4 880308690 +83 105 2 891182288 +83 106 4 887665549 +83 110 4 880309185 +83 111 3 884647519 +83 117 5 880307000 +83 121 4 880306951 +83 122 1 886534501 +83 125 5 880306811 +83 127 4 887665549 +83 151 3 880306745 +83 161 4 887665549 +83 174 5 880307699 +83 181 4 880306786 +83 186 4 880308601 +83 191 4 880308038 +83 196 5 880307996 +83 204 5 880307922 +83 210 5 880307751 +83 215 4 880307940 +83 216 4 880307846 +83 225 3 880307208 +83 233 4 887665549 +83 234 4 887665548 +83 235 1 883867920 +83 240 1 883870084 +83 243 3 891181725 +83 245 2 891181703 +83 248 3 883868788 +83 249 2 887664680 +83 252 4 883868598 +83 254 2 880327839 +83 255 5 887665422 +83 259 2 883869199 +83 265 5 880308186 +83 274 4 880306810 +83 281 5 880307072 +83 294 3 887665569 +83 298 4 891181511 +83 300 3 889050543 +83 319 1 886532955 +83 322 3 889681216 +83 323 4 883868420 +83 356 4 880308755 +83 371 3 880308408 +83 385 4 887665549 +83 391 2 880308783 +83 393 5 887665423 +83 405 5 887665423 +83 406 2 891182431 +83 407 1 891182532 +83 409 4 880307417 +83 411 2 880307259 +83 412 1 883868208 +83 423 4 880308329 +83 452 3 880309214 +83 465 4 880308578 +83 468 4 880308390 +83 471 3 891182000 +83 476 3 880307359 +83 477 2 887665798 +83 479 5 880307699 +83 508 2 887665655 +83 527 4 880307807 +83 543 2 887665445 +83 546 4 887665549 +83 566 4 880308099 +83 568 4 880307724 +83 575 4 880309339 +83 576 4 880308755 +83 580 4 883869630 +83 584 4 880308453 +83 591 4 880306745 +83 597 2 891182270 +83 609 4 880308453 +83 623 4 880308578 +83 631 2 887664566 +83 660 4 880308256 +83 663 5 887665423 +83 684 4 880307898 +83 685 4 880306951 +83 692 4 880307979 +83 704 3 880327216 +83 717 4 880307339 +83 720 4 880308578 +83 722 4 880308959 +83 728 4 880308909 +83 732 4 880308390 +83 739 5 880308141 +83 748 2 886534501 +83 751 3 883869440 +83 755 5 887665423 +83 756 4 883867791 +83 768 4 887665549 +83 781 4 883868890 +83 783 4 880308453 +83 795 3 880309214 +83 820 2 881971231 +83 828 3 883868208 +83 832 3 883868300 +83 845 3 880306648 +83 846 3 891181639 +83 862 4 883868805 +83 864 4 883954588 +83 866 3 883867947 +83 871 2 891182319 +83 892 2 891181444 +83 932 4 881971414 +83 944 3 880308871 +83 977 3 880307382 +83 993 2 883868978 +83 1016 4 883868345 +83 1028 4 880307207 +83 1035 4 880308959 +83 1041 4 880308909 +83 1043 3 880308807 +83 1047 2 891182319 +83 1049 3 880307588 +83 1060 3 880306926 +83 1101 2 880308256 +83 1165 2 883868300 +84 1 2 883452108 +84 4 3 883453713 +84 12 5 883452874 +84 15 4 883449993 +84 25 3 883452462 +84 70 5 883452906 +84 79 4 883453520 +84 87 5 883453587 +84 95 4 883453642 +84 98 4 883453755 +84 100 4 883452155 +84 111 4 883453108 +84 117 4 883450553 +84 121 4 883452307 +84 194 5 883453617 +84 203 3 883453587 +84 225 4 883452307 +84 245 4 883449530 +84 258 4 883449347 +84 273 4 883452086 +84 274 4 883452462 +84 276 4 883449944 +84 282 4 883450434 +84 286 5 883449271 +84 289 5 883449419 +84 291 3 883452363 +84 294 3 883449317 +84 300 4 883449419 +84 317 3 883453587 +84 318 5 883453617 +84 322 3 883449567 +84 385 4 883453797 +84 405 3 883452363 +84 408 5 883450553 +84 411 2 883452516 +84 466 4 883453148 +84 477 4 883452307 +84 486 5 883453664 +84 528 5 883453617 +84 529 5 883453108 +84 543 5 883453713 +84 546 3 883452462 +84 591 4 883451664 +84 597 3 883452200 +84 628 3 883450434 +84 685 3 883452274 +84 742 3 883450643 +84 744 4 883449965 +84 748 4 883449530 +84 756 3 883452765 +84 815 4 883452462 +84 823 3 883452672 +84 866 4 883452174 +84 879 4 883449530 +84 1028 3 883452155 +84 1033 4 883452711 +84 1040 3 883452630 +84 1047 2 883452694 +85 8 4 879454952 +85 9 4 879456308 +85 10 4 879452898 +85 14 4 879452638 +85 23 4 879454272 +85 25 2 879452769 +85 27 4 879827488 +85 28 4 879829301 +85 30 3 882995290 +85 42 3 879453876 +85 45 3 879455197 +85 50 5 882813248 +85 51 2 879454782 +85 52 3 881705026 +85 53 3 882995643 +85 56 4 879453587 +85 57 5 879828107 +85 58 4 879829689 +85 64 5 879454046 +85 65 3 879455021 +85 69 4 879454582 +85 70 4 879828328 +85 71 4 879456308 +85 79 3 879453845 +85 82 3 879454633 +85 86 4 879454189 +85 87 4 879829327 +85 89 4 879454075 +85 94 3 882995966 +85 95 4 879455114 +85 97 2 879829667 +85 98 4 879453716 +85 99 5 880838306 +85 100 3 879452693 +85 108 2 880838201 +85 121 2 879453167 +85 124 5 882813248 +85 127 5 879829301 +85 132 5 879453965 +85 133 4 879453876 +85 134 5 879454004 +85 135 5 879453845 +85 136 4 879454349 +85 141 3 879829042 +85 143 4 879456247 +85 150 3 890255432 +85 152 5 879454751 +85 153 3 879453658 +85 154 4 879828777 +85 157 3 879454400 +85 160 3 879454075 +85 161 4 882819528 +85 162 2 879454235 +85 163 3 882813312 +85 168 4 879454304 +85 170 4 879453748 +85 172 4 882813285 +85 173 3 879454045 +85 174 4 879454139 +85 175 4 879828912 +85 179 4 879454272 +85 180 4 879454820 +85 181 4 882813312 +85 182 4 893110061 +85 186 3 879454273 +85 188 2 879454782 +85 190 4 879453845 +85 191 4 879455021 +85 192 4 879454951 +85 193 3 879454189 +85 194 4 879454189 +85 195 3 882995132 +85 196 4 879454952 +85 197 5 879455197 +85 199 5 879829438 +85 203 5 879455402 +85 204 4 879828821 +85 205 4 879454004 +85 208 5 879828941 +85 209 4 879454500 +85 210 3 879454981 +85 211 5 879454005 +85 212 2 879454859 +85 213 4 879454751 +85 215 4 879829438 +85 216 3 879454500 +85 221 2 879452693 +85 222 2 879452831 +85 228 3 882813248 +85 229 3 882813248 +85 230 3 882813248 +85 231 2 882995615 +85 232 3 882995966 +85 234 4 882995015 +85 237 3 879452769 +85 238 2 879453965 +85 241 3 882995340 +85 246 4 881704999 +85 250 3 882592687 +85 258 4 882812472 +85 259 2 881705026 +85 268 4 881705073 +85 269 3 891289966 +85 270 3 890255063 +85 275 3 879454581 +85 281 3 879452971 +85 283 3 879454467 +85 284 3 879452866 +85 286 4 879452259 +85 289 3 879452334 +85 291 3 882994658 +85 300 3 879452259 +85 301 4 886283002 +85 310 3 880838201 +85 313 4 884820133 +85 316 3 893110061 +85 317 3 882995577 +85 318 4 879453684 +85 319 4 879452334 +85 325 2 879452386 +85 327 3 884820110 +85 328 3 884906441 +85 333 1 886282927 +85 340 3 893109920 +85 345 4 884820077 +85 357 4 879454045 +85 372 4 879828720 +85 378 4 879829642 +85 380 4 882995704 +85 382 4 879454820 +85 385 3 879455021 +85 389 3 882995832 +85 393 4 879828967 +85 404 3 882994947 +85 405 2 879453018 +85 412 3 879453288 +85 414 4 879828720 +85 416 3 882994912 +85 417 3 882995859 +85 418 3 879455197 +85 419 5 882819427 +85 420 4 880838337 +85 423 4 879454046 +85 425 4 879454905 +85 427 3 879456350 +85 428 5 879454235 +85 432 4 880838305 +85 433 3 879828720 +85 435 4 879828911 +85 443 4 879454582 +85 447 3 882994767 +85 449 4 882813248 +85 451 4 882995934 +85 458 3 879452867 +85 462 4 879454189 +85 464 5 882996119 +85 465 4 879454437 +85 474 5 879454500 +85 476 3 879453018 +85 478 4 879454951 +85 479 4 879454951 +85 480 4 879453658 +85 481 4 879454582 +85 482 4 879454304 +85 483 5 879453933 +85 485 5 879454400 +85 488 4 879455197 +85 492 4 879454905 +85 495 3 882994860 +85 496 4 879453781 +85 498 4 879454400 +85 499 4 879455114 +85 502 4 879454633 +85 504 4 879453748 +85 506 4 886282959 +85 507 4 879456199 +85 508 2 879453040 +85 509 4 879454189 +85 510 4 879454400 +85 511 4 879454112 +85 512 3 879456199 +85 513 4 879454350 +85 514 5 879453684 +85 515 5 879829265 +85 516 4 879454272 +85 517 5 879455238 +85 519 4 879829265 +85 520 3 882996257 +85 521 3 879829471 +85 523 4 879453965 +85 526 4 879454500 +85 527 4 879455114 +85 528 4 879454859 +85 529 3 879827935 +85 530 3 879456350 +85 531 4 879454112 +85 566 3 879454273 +85 568 3 879455238 +85 582 4 879828014 +85 588 3 880838306 +85 589 3 879453587 +85 596 3 880838337 +85 606 4 886282959 +85 610 3 879454582 +85 622 3 882995833 +85 629 3 879454685 +85 630 3 879453623 +85 631 4 886282927 +85 632 3 879454304 +85 639 3 879454189 +85 641 4 879454952 +85 642 4 882995615 +85 654 4 879454272 +85 655 3 879454350 +85 657 4 879454189 +85 658 3 879829861 +85 659 4 879453844 +85 660 4 879829618 +85 661 4 879454005 +85 663 5 879454437 +85 664 4 879829562 +85 690 2 890255371 +85 692 3 879828490 +85 697 3 879829471 +85 702 2 879828054 +85 705 5 882994912 +85 707 4 879454350 +85 708 4 879828349 +85 709 5 879828941 +85 710 2 879828912 +85 712 3 882995754 +85 715 4 882995967 +85 732 3 879455238 +85 735 3 879454905 +85 745 3 879829021 +85 751 3 884820157 +85 782 2 879829757 +85 792 4 879828941 +85 813 4 879452664 +85 822 3 880581629 +85 842 3 882995704 +85 845 3 879828456 +85 855 3 879827989 +85 921 3 879827989 +85 923 4 879455403 +85 924 1 879453114 +85 955 4 879454400 +85 971 3 879828156 +85 984 2 884906441 +85 1006 3 882995833 +85 1009 2 879453093 +85 1010 2 879452971 +85 1018 4 882995668 +85 1021 3 882995490 +85 1039 4 879453903 +85 1065 3 879455021 +85 1070 4 879453809 +85 1074 3 882996039 +85 1075 3 879454400 +85 1098 4 879828912 +85 1101 4 879454046 +85 1103 3 882995489 +85 1113 2 879454981 +85 1121 3 879454820 +85 1131 4 879454111 +85 1136 3 879455402 +85 1137 4 879452609 +85 1149 3 886283002 +85 1153 4 879454751 +85 1166 4 879455021 +85 1167 3 879829209 +85 1168 3 882995908 +85 1169 4 879454952 +85 1170 3 879456350 +85 1171 3 879452638 +85 1172 4 879453781 +85 1173 4 884820209 +85 1174 3 879454633 +86 258 5 879570366 +86 259 4 879570423 +86 286 3 879569555 +86 300 3 879570277 +86 319 3 879569555 +86 326 3 879570423 +86 327 4 879570218 +86 872 3 879570366 +86 879 2 879570149 +86 881 2 879570218 +86 889 5 879570973 +86 1175 5 879570973 +86 1176 5 879570973 +87 4 5 879876524 +87 7 4 879875735 +87 8 5 879876447 +87 13 3 879876734 +87 21 3 879877173 +87 22 4 879875817 +87 25 4 879876811 +87 27 4 879876037 +87 33 3 879876488 +87 38 5 879875940 +87 39 3 879875995 +87 40 3 879876917 +87 47 3 879876637 +87 48 4 879875649 +87 49 5 879876564 +87 50 5 879876194 +87 55 4 879875774 +87 56 4 879876524 +87 62 5 879875996 +87 63 4 879876848 +87 64 5 879875649 +87 66 5 879876403 +87 67 4 879877007 +87 68 3 879876074 +87 70 5 879876448 +87 72 3 879876848 +87 73 3 879877083 +87 79 5 879875856 +87 80 4 879877241 +87 82 5 879875774 +87 87 4 879877931 +87 88 5 879876672 +87 89 4 879875818 +87 90 2 879877127 +87 94 4 879876703 +87 96 5 879875734 +87 97 5 879877825 +87 100 5 879876488 +87 111 4 879876611 +87 118 4 879876162 +87 120 2 879877173 +87 121 5 879875893 +87 127 4 879876194 +87 128 3 879876037 +87 132 5 879877930 +87 134 4 879877740 +87 135 5 879875649 +87 144 4 879875734 +87 152 4 879876564 +87 153 5 879876703 +87 154 4 879876564 +87 157 3 879877799 +87 158 3 879877173 +87 161 5 879875893 +87 163 4 879877083 +87 167 4 879876703 +87 172 5 879875737 +87 174 5 879875736 +87 179 4 879875649 +87 180 4 879875649 +87 181 5 879876194 +87 182 4 879875737 +87 183 4 879875734 +87 186 5 879876734 +87 188 4 879875818 +87 192 3 879877741 +87 194 5 879876403 +87 195 5 879875736 +87 199 5 879875649 +87 201 2 879876673 +87 202 5 879876403 +87 204 5 879876447 +87 208 5 879876403 +87 209 5 879876488 +87 210 5 879875734 +87 216 5 879876448 +87 222 4 879875940 +87 228 5 879875893 +87 229 4 879876037 +87 230 5 879875818 +87 231 3 879876110 +87 232 3 879876037 +87 233 4 879876036 +87 235 3 879877208 +87 238 3 879876734 +87 239 4 879876673 +87 252 3 879876224 +87 254 4 879876256 +87 273 3 879875857 +87 274 4 879876734 +87 281 4 879876074 +87 297 3 879877404 +87 300 3 879875418 +87 303 3 879875471 +87 318 4 879877627 +87 321 2 879876813 +87 323 3 879876256 +87 367 4 879876702 +87 372 3 879876565 +87 382 3 879876488 +87 384 4 879877127 +87 385 5 879875818 +87 386 2 879877006 +87 393 4 879876703 +87 396 1 879877280 +87 401 2 879876813 +87 403 3 879875996 +87 405 4 879875893 +87 409 3 879877127 +87 410 4 879876565 +87 411 4 879876946 +87 414 3 879876673 +87 423 3 879877710 +87 427 4 879877824 +87 433 3 879876702 +87 435 5 879875818 +87 449 3 879876110 +87 451 4 879876448 +87 472 4 879875996 +87 476 2 879877241 +87 477 3 879876610 +87 491 5 879877930 +87 496 5 879877709 +87 502 5 879876524 +87 510 5 879875818 +87 514 4 879876672 +87 515 4 879876194 +87 519 4 879877652 +87 521 3 879877772 +87 523 5 879875649 +87 535 4 879876315 +87 546 3 879876074 +87 550 4 879876074 +87 554 4 879875940 +87 566 5 879875775 +87 568 5 879875818 +87 570 3 879876163 +87 575 3 879877208 +87 576 3 879876163 +87 577 4 879877127 +87 578 3 879875940 +87 585 4 879877008 +87 598 2 879877279 +87 628 4 879877709 +87 629 4 879877006 +87 648 5 879876448 +87 651 4 879875893 +87 657 4 879877740 +87 679 3 879876036 +87 684 5 879875774 +87 685 3 879875856 +87 692 5 879876565 +87 702 3 879876917 +87 705 4 879877740 +87 709 3 879876812 +87 715 3 879876885 +87 722 4 879876946 +87 728 4 879876768 +87 732 4 879876703 +87 765 3 879877006 +87 780 4 879877173 +87 781 5 879876524 +87 783 4 879877279 +87 789 3 879876610 +87 790 4 879876885 +87 791 2 879877280 +87 796 4 879877280 +87 801 3 879876768 +87 802 4 879875940 +87 804 3 879877083 +87 808 3 879875996 +87 810 3 879876111 +87 824 3 879877043 +87 845 4 879876564 +87 849 5 879875996 +87 866 4 879877208 +87 871 4 879876734 +87 926 4 879877043 +87 944 5 879876848 +87 1016 4 879876194 +87 1028 4 879876946 +87 1041 4 879877007 +87 1047 3 879877280 +87 1049 3 879876812 +87 1072 3 879876610 +87 1074 3 879876813 +87 1089 3 879876225 +87 1118 3 879877007 +87 1177 1 879877280 +87 1178 3 879877208 +87 1179 3 879877127 +87 1180 3 879877127 +87 1181 3 879875940 +87 1182 3 879877043 +87 1184 3 879876074 +87 1185 4 879876885 +87 1186 3 879876886 +87 1187 2 879875893 +87 1188 2 879876110 +87 1189 5 879877951 +87 1190 4 879876336 +88 261 5 891038103 +88 301 4 891037618 +88 302 3 891037111 +88 315 4 891037276 +88 321 1 891037708 +88 326 5 891038103 +88 690 4 891037708 +88 750 2 891037276 +88 881 5 891038103 +88 886 5 891038103 +88 904 5 891037276 +89 1 5 879461219 +89 7 5 879441422 +89 13 2 879441672 +89 14 4 879441357 +89 15 5 879441307 +89 25 5 879441637 +89 49 4 879460347 +89 50 5 879461219 +89 66 3 879459980 +89 86 5 879459859 +89 88 4 879459980 +89 93 2 879441307 +89 100 5 879441271 +89 107 5 879441780 +89 111 4 879441452 +89 117 5 879441357 +89 121 5 879441657 +89 127 5 879441335 +89 137 1 879441335 +89 150 5 879441452 +89 173 5 879459859 +89 181 4 879441491 +89 187 5 879461246 +89 197 5 879459859 +89 202 3 879459859 +89 212 3 879459909 +89 213 4 879459859 +89 216 5 879459859 +89 221 1 879441687 +89 222 5 879441491 +89 235 5 879441657 +89 236 5 879441400 +89 237 4 879441381 +89 240 4 879441571 +89 246 5 879461219 +89 257 5 879461219 +89 268 5 879461219 +89 269 5 879461219 +89 275 5 879441307 +89 277 4 879441271 +89 283 4 879441557 +89 301 5 879461219 +89 321 4 879441049 +89 381 4 879459999 +89 402 4 879460347 +89 405 3 879441586 +89 451 3 879459884 +89 475 5 879441307 +89 517 5 879459859 +89 702 5 879459999 +89 709 3 879459980 +89 724 4 879460027 +89 731 3 879460347 +89 732 5 879459909 +89 736 3 879460027 +89 739 2 879460376 +89 762 3 879441491 +89 815 4 879441637 +89 845 2 879441335 +89 875 3 879441160 +89 880 5 879461219 +89 936 5 879461219 +89 952 2 879441400 +89 1048 3 879460027 +89 1074 5 879459909 +89 1119 3 879459884 +90 6 4 891384357 +90 8 5 891383424 +90 9 4 891385787 +90 10 5 891383987 +90 11 4 891384113 +90 14 5 891383987 +90 17 4 891384721 +90 18 3 891383687 +90 19 3 891384020 +90 20 4 891384357 +90 23 5 891384997 +90 25 5 891384789 +90 26 4 891385842 +90 30 5 891385843 +90 31 4 891384673 +90 33 4 891383600 +90 42 4 891384885 +90 45 3 891385039 +90 52 5 891385522 +90 56 5 891384516 +90 57 5 891385389 +90 59 5 891383173 +90 60 4 891385039 +90 64 4 891383912 +90 65 4 891385298 +90 69 1 891383424 +90 70 5 891383866 +90 79 4 891383912 +90 83 5 891383687 +90 86 5 891383626 +90 89 5 891385039 +90 96 4 891384754 +90 97 5 891383987 +90 98 5 891383204 +90 100 5 891383241 +90 117 3 891385389 +90 126 2 891384611 +90 127 4 891383561 +90 131 5 891384066 +90 132 5 891384673 +90 133 5 891384147 +90 134 5 891383204 +90 135 5 891384570 +90 136 5 891383241 +90 137 5 891384754 +90 141 5 891385899 +90 143 5 891383204 +90 148 2 891385787 +90 149 3 891384754 +90 150 3 891385250 +90 151 2 891385190 +90 153 5 891384754 +90 154 5 891384516 +90 155 5 891385040 +90 156 4 891384147 +90 162 5 891385190 +90 166 4 891383423 +90 170 5 891383561 +90 171 2 891384476 +90 174 5 891383866 +90 175 3 891383912 +90 177 5 891384516 +90 178 5 891384611 +90 179 5 891385389 +90 180 4 891384065 +90 182 3 891383599 +90 185 5 891384959 +90 190 5 891383687 +90 191 5 891384424 +90 192 4 891384959 +90 193 4 891383752 +90 194 5 891383424 +90 196 4 891385250 +90 197 5 891383319 +90 198 5 891383204 +90 199 5 891384423 +90 202 3 891385298 +90 203 5 891384611 +90 208 3 891384065 +90 209 5 891383173 +90 211 5 891383424 +90 212 4 891384147 +90 213 5 891383718 +90 215 2 891385335 +90 216 5 891383626 +90 218 5 891385899 +90 220 4 891385165 +90 221 4 891383987 +90 223 4 891383912 +90 234 4 891383835 +90 237 4 891385215 +90 241 5 891384611 +90 242 4 891382267 +90 245 3 891382612 +90 259 2 891382392 +90 268 4 891382392 +90 269 5 891382310 +90 270 4 891382310 +90 272 5 891382121 +90 273 3 891385040 +90 275 5 891383626 +90 276 4 891384476 +90 285 5 891383687 +90 286 5 891382267 +90 287 4 891384611 +90 289 3 891382310 +90 300 3 891382163 +90 301 4 891382392 +90 302 5 891383319 +90 303 4 891382193 +90 306 4 891382267 +90 307 5 891383319 +90 310 3 891382240 +90 311 4 891382163 +90 312 4 891383319 +90 313 5 891382163 +90 316 5 891382658 +90 317 4 891383626 +90 318 5 891383350 +90 322 4 891382658 +90 323 3 891382634 +90 328 3 891382490 +90 340 4 891382121 +90 347 4 891383319 +90 354 3 891382240 +90 356 4 891385752 +90 357 5 891385132 +90 367 4 891385250 +90 382 5 891383835 +90 385 4 891385899 +90 387 5 891385215 +90 402 5 891385335 +90 421 4 891383718 +90 423 5 891384997 +90 425 4 891384996 +90 427 5 891384423 +90 430 3 891383835 +90 433 3 891384611 +90 435 5 891383350 +90 443 4 891385250 +90 447 5 891385389 +90 454 2 891383423 +90 462 5 891383752 +90 464 5 891385039 +90 471 4 891385752 +90 474 5 891383599 +90 475 3 891385465 +90 478 5 891384754 +90 479 5 891384147 +90 480 5 891383835 +90 481 5 891384516 +90 482 5 891383204 +90 483 5 891384570 +90 485 5 891383687 +90 486 5 891383912 +90 488 5 891384065 +90 489 5 891384357 +90 490 5 891383753 +90 491 4 891384959 +90 493 5 891383600 +90 494 5 891383241 +90 496 4 891385787 +90 497 5 891384996 +90 498 5 891383173 +90 500 4 891384721 +90 501 5 891384885 +90 505 5 891383687 +90 509 5 891383866 +90 511 5 891384476 +90 512 4 891383241 +90 514 3 891384423 +90 515 5 891385165 +90 516 5 891383987 +90 517 3 891384789 +90 518 2 891385787 +90 519 5 891384423 +90 521 4 891384570 +90 523 4 891383423 +90 526 5 891383866 +90 527 5 891384959 +90 528 5 891384065 +90 529 5 891385132 +90 530 3 891385522 +90 531 4 891383204 +90 543 3 891383173 +90 547 3 891385899 +90 553 2 891384959 +90 568 5 891385165 +90 602 5 891385466 +90 603 5 891385132 +90 604 5 891383350 +90 606 5 891383173 +90 607 5 891384673 +90 609 5 891384357 +90 610 5 891383753 +90 611 5 891384789 +90 613 4 891383835 +90 614 4 891384020 +90 617 4 891383835 +90 618 5 891385335 +90 631 5 891384570 +90 632 5 891384113 +90 639 5 891385039 +90 644 5 891384065 +90 647 5 891383204 +90 648 4 891384754 +90 650 5 891384516 +90 651 5 891384997 +90 652 4 891384611 +90 654 5 891384357 +90 656 5 891385132 +90 657 5 891385190 +90 659 4 891384357 +90 660 4 891385652 +90 661 5 891385522 +90 662 5 891385842 +90 676 2 891384066 +90 684 3 891385335 +90 692 4 891384476 +90 693 3 891385752 +90 699 4 891385298 +90 703 3 891384997 +90 705 5 891384147 +90 707 5 891384476 +90 708 5 891385787 +90 709 5 891383752 +90 713 4 891385466 +90 721 3 891385215 +90 730 5 891384147 +90 732 5 891383241 +90 739 5 891384789 +90 750 4 891383319 +90 753 4 891385751 +90 762 3 891385250 +90 811 4 891384516 +90 813 4 891384997 +90 821 3 891385843 +90 836 5 891385190 +90 837 5 891384476 +90 847 5 891383753 +90 855 5 891383752 +90 863 4 891384114 +90 875 1 891382612 +90 879 3 891382542 +90 889 3 891382731 +90 896 3 891382163 +90 900 4 891382309 +90 903 4 891383319 +90 904 3 891382121 +90 905 4 891383319 +90 906 2 891382240 +90 942 4 891385165 +90 954 4 891385522 +90 958 4 891383561 +90 962 2 891384721 +90 964 5 891385843 +90 965 5 891383561 +90 966 5 891385843 +90 971 4 891385250 +90 972 4 891384476 +90 990 3 891382522 +90 995 4 891382708 +90 1005 2 891383912 +90 1020 5 891384997 +90 1039 5 891383599 +90 1045 2 891385843 +90 1048 4 891385132 +90 1086 4 891384424 +90 1097 4 891384885 +90 1101 4 891384570 +90 1109 3 891385652 +90 1125 4 891384611 +90 1134 3 891385752 +90 1136 3 891385899 +90 1137 2 891384516 +90 1192 5 891384673 +90 1193 4 891384789 +90 1194 4 891383718 +90 1195 5 891384789 +90 1196 4 891383599 +90 1197 4 891384476 +90 1198 5 891383866 +90 1199 5 891385652 +90 1200 4 891384066 +90 1201 5 891383687 +90 1202 5 891385132 +90 1203 5 891385466 +90 1204 4 891384959 +90 1205 3 891383687 +90 1206 2 891383912 +91 22 5 891439208 +91 28 4 891439243 +91 31 5 891438875 +91 50 5 891439386 +91 56 1 891439057 +91 64 4 891439243 +91 69 5 891439057 +91 79 5 891439018 +91 82 5 891439386 +91 97 5 891438947 +91 98 5 891439130 +91 127 5 891439018 +91 132 3 891439503 +91 134 4 891439353 +91 135 4 891439302 +91 136 4 891438909 +91 143 4 891439386 +91 161 3 891439353 +91 172 4 891439208 +91 174 5 891439090 +91 176 5 891439130 +91 181 5 891439243 +91 182 4 891439439 +91 183 5 891438909 +91 187 5 891438908 +91 192 4 891439302 +91 193 3 891439057 +91 204 4 891438909 +91 205 5 891438947 +91 210 5 891439208 +91 211 2 891439208 +91 230 4 891439560 +91 234 5 891439503 +91 264 4 891438583 +91 289 4 891438553 +91 294 3 891438288 +91 300 4 891438004 +91 313 4 891437978 +91 318 5 891439090 +91 322 4 891438397 +91 323 2 891438397 +91 326 3 891438245 +91 327 4 891438351 +91 328 4 891438245 +91 333 5 891438106 +91 338 4 891438529 +91 343 4 891438151 +91 357 5 891439271 +91 389 2 891439130 +91 418 2 891439503 +91 423 5 891439090 +91 427 4 891439057 +91 429 4 891439324 +91 435 4 891439353 +91 474 3 891438947 +91 480 4 891438875 +91 482 3 891439208 +91 483 4 891439208 +91 484 4 891438977 +91 495 4 891439171 +91 498 3 891439271 +91 501 2 891439130 +91 504 3 891439471 +91 507 4 891438977 +91 510 3 891439090 +91 511 5 891439243 +91 515 5 891439090 +91 520 4 891439414 +91 526 4 891439471 +91 527 4 891439057 +91 568 2 891439018 +91 601 4 891439171 +91 603 5 891439171 +91 612 4 891439471 +91 614 4 891439018 +91 616 4 891439439 +91 618 3 891438875 +91 651 5 891439057 +91 657 4 891439130 +91 662 4 891439439 +91 683 3 891438351 +91 735 4 891439503 +91 748 2 891438314 +91 750 5 891438209 +91 988 2 891438583 +91 1050 3 891439414 +91 1126 1 891439301 +91 1192 4 891439243 +92 1 4 875810511 +92 2 3 875653699 +92 4 4 875654222 +92 5 4 875654432 +92 7 4 876175754 +92 8 5 875654159 +92 9 4 875640148 +92 11 4 875653363 +92 12 5 875652934 +92 13 4 886443292 +92 15 3 875640189 +92 22 3 875653121 +92 24 3 875640448 +92 25 3 875640072 +92 28 3 875653050 +92 29 3 875656624 +92 31 4 875654321 +92 32 3 875653363 +92 38 3 875657640 +92 39 3 875656419 +92 40 3 875656164 +92 42 4 875653664 +92 43 3 875813314 +92 44 3 875906989 +92 46 4 875653867 +92 47 4 875654732 +92 48 4 875653307 +92 49 3 875907416 +92 50 5 875640148 +92 51 4 875812305 +92 53 3 875656392 +92 54 3 875656624 +92 55 3 875654245 +92 56 5 875653271 +92 58 4 875653836 +92 62 3 875660468 +92 63 3 875907504 +92 64 4 875653519 +92 65 4 875653960 +92 66 3 875812279 +92 67 3 875907436 +92 68 3 875653699 +92 69 5 875653198 +92 71 5 875654888 +92 72 3 875658159 +92 73 3 875656474 +92 77 3 875654637 +92 78 3 876175191 +92 79 4 875653198 +92 80 2 875907504 +92 81 3 875654929 +92 82 2 875654846 +92 85 3 875812364 +92 87 3 876175077 +92 88 3 875656349 +92 89 5 875652981 +92 91 3 875660164 +92 92 4 875654846 +92 93 4 886444049 +92 94 3 875812876 +92 95 3 875653664 +92 96 4 875656025 +92 98 5 875652934 +92 100 5 875640294 +92 101 2 875656624 +92 102 2 875813376 +92 106 3 875640609 +92 108 2 886443416 +92 109 3 886443351 +92 111 3 875641135 +92 115 3 875654125 +92 116 3 875640251 +92 117 4 875640214 +92 118 2 875640512 +92 120 2 875642089 +92 122 3 875907535 +92 123 2 875640251 +92 124 4 886440530 +92 125 4 876175004 +92 129 4 886443161 +92 132 3 875812211 +92 134 4 875656623 +92 135 4 875652981 +92 143 3 875653960 +92 144 4 875810741 +92 145 2 875654929 +92 147 2 875640542 +92 148 2 877383934 +92 149 3 886443494 +92 153 4 875653605 +92 154 4 875657681 +92 155 2 875654888 +92 156 4 875656086 +92 157 4 875653988 +92 159 4 875810543 +92 160 4 875654125 +92 161 2 875654125 +92 164 4 875656201 +92 167 3 875656557 +92 168 4 875653723 +92 169 5 875653121 +92 171 4 875652981 +92 172 4 875653271 +92 173 3 875656535 +92 174 5 875654189 +92 175 4 875653549 +92 179 5 875653077 +92 181 4 876175052 +92 182 4 875653836 +92 183 4 875653960 +92 184 3 877383934 +92 186 4 875653960 +92 189 4 875653519 +92 190 4 876174729 +92 191 4 875653050 +92 193 4 875654222 +92 195 5 875652981 +92 196 4 875654222 +92 198 5 875653016 +92 199 3 875811628 +92 200 3 875811717 +92 201 3 875654159 +92 202 3 875653805 +92 203 4 875653699 +92 204 4 875653913 +92 208 4 875656288 +92 209 5 875652934 +92 210 4 875653519 +92 212 4 875656086 +92 214 4 875654732 +92 215 4 875656419 +92 216 3 875653867 +92 217 3 875657595 +92 218 4 875654846 +92 219 4 875654888 +92 220 1 875644796 +92 222 4 886440557 +92 223 5 875653723 +92 225 3 875640740 +92 226 3 875813412 +92 227 1 875654846 +92 228 4 875653867 +92 229 3 875656201 +92 230 3 875656055 +92 231 3 875654732 +92 233 3 875654732 +92 234 4 875654297 +92 235 3 875640338 +92 237 4 875640318 +92 238 5 875654159 +92 239 4 875654125 +92 240 2 875640189 +92 243 1 875644795 +92 245 4 877966971 +92 246 4 890251289 +92 248 4 886442565 +92 249 3 886443192 +92 250 4 890251534 +92 252 4 886443582 +92 257 2 875640273 +92 258 4 886440479 +92 260 1 890463551 +92 265 4 875657620 +92 268 4 890251912 +92 271 2 880149111 +92 273 4 875640214 +92 274 4 876175626 +92 276 5 875640251 +92 278 3 876175640 +92 281 3 875812331 +92 282 4 876769303 +92 284 2 876175733 +92 288 3 878679005 +92 289 3 875641367 +92 291 4 886443277 +92 294 3 875640679 +92 295 2 886442386 +92 304 4 888469716 +92 307 4 892655699 +92 313 5 887042925 +92 318 2 875653307 +92 322 3 890251700 +92 328 3 888469687 +92 356 3 875813171 +92 363 3 886443455 +92 364 3 875907702 +92 367 3 875654533 +92 368 1 886443672 +92 369 3 886443672 +92 370 1 875644796 +92 376 3 875907366 +92 382 4 875656317 +92 383 1 876175191 +92 385 4 875653665 +92 386 3 875907727 +92 393 3 875660494 +92 396 3 875654733 +92 401 3 875907535 +92 402 3 875813098 +92 403 4 875654189 +92 405 2 875644795 +92 406 2 881008058 +92 408 4 876175704 +92 409 3 890251791 +92 410 3 875640583 +92 411 4 875640189 +92 412 2 875640609 +92 418 3 875653769 +92 421 4 875654534 +92 423 3 875655990 +92 425 4 875812898 +92 428 4 875653519 +92 431 4 875660164 +92 432 3 876175031 +92 433 5 875654665 +92 436 4 875654534 +92 449 3 875812511 +92 450 2 875907134 +92 451 3 875660083 +92 452 2 875906828 +92 453 1 875906882 +92 455 2 876769302 +92 456 2 888469668 +92 463 4 875656623 +92 466 4 875811549 +92 471 4 875640385 +92 474 4 875653519 +92 475 5 875640148 +92 476 2 886443602 +92 500 4 883433734 +92 501 2 875653665 +92 504 3 875653050 +92 508 5 886443416 +92 518 5 875653579 +92 521 4 875813412 +92 527 3 875653549 +92 528 4 875657681 +92 531 4 875653121 +92 546 2 875640512 +92 551 2 875906882 +92 552 3 875907078 +92 554 2 875907180 +92 558 3 875906765 +92 559 3 875660304 +92 561 3 875812413 +92 566 4 875658112 +92 568 3 875654590 +92 575 2 875907763 +92 576 2 875813171 +92 577 3 875907649 +92 581 4 875654189 +92 582 5 875641516 +92 583 3 875907134 +92 587 3 875660408 +92 591 4 875640294 +92 595 3 886443534 +92 596 2 886443161 +92 597 2 886443328 +92 619 4 875640487 +92 620 3 875813224 +92 627 3 875654159 +92 628 4 875639823 +92 631 4 875658112 +92 636 3 875812064 +92 640 5 875653579 +92 642 3 875654929 +92 651 4 875653271 +92 655 4 875654533 +92 658 3 875654353 +92 660 4 875654125 +92 663 4 875653914 +92 665 3 875906853 +92 672 3 875660028 +92 673 4 875656392 +92 674 4 875906853 +92 678 2 875641428 +92 679 4 875660468 +92 684 3 875656502 +92 685 3 875640708 +92 692 4 875653805 +92 702 3 875656054 +92 704 3 875812121 +92 707 4 875653162 +92 708 4 875654432 +92 709 2 875654590 +92 712 3 875656392 +92 715 4 875656288 +92 717 3 886443416 +92 720 3 875813022 +92 722 3 875907596 +92 725 3 875907727 +92 727 4 875653242 +92 728 3 875907574 +92 729 4 875656624 +92 731 4 875653769 +92 732 3 875812841 +92 735 3 875656121 +92 737 4 875654125 +92 739 2 876175582 +92 742 3 886443192 +92 743 2 890251826 +92 748 3 892655791 +92 755 3 875656055 +92 756 3 886443582 +92 758 1 875644796 +92 761 2 875907134 +92 763 3 886443192 +92 771 1 875907180 +92 778 4 875811457 +92 780 3 875660494 +92 781 3 875907649 +92 783 3 875907574 +92 785 3 875660304 +92 789 5 875653242 +92 794 3 875654798 +92 800 3 875906802 +92 802 2 875907134 +92 820 1 875644796 +92 823 4 875654846 +92 825 4 875640487 +92 826 2 886443534 +92 834 1 875906882 +92 841 3 886443455 +92 845 3 886442565 +92 846 3 886443471 +92 855 5 875653162 +92 922 1 875644796 +92 925 3 875640214 +92 926 3 875640542 +92 928 3 886443582 +92 930 2 886443582 +92 931 1 875644796 +92 934 2 875639642 +92 947 4 875654929 +92 949 3 875653664 +92 955 4 875658312 +92 961 4 875811128 +92 963 5 875652981 +92 974 2 886443626 +92 977 2 886443494 +92 980 3 883433686 +92 984 2 888469687 +92 986 2 890251716 +92 993 4 890251516 +92 998 2 875907649 +92 1011 3 886443471 +92 1012 4 886443231 +92 1014 3 890251484 +92 1016 2 875640582 +92 1018 4 875653769 +92 1023 2 892655775 +92 1028 2 876769174 +92 1033 2 890251592 +92 1037 2 875907702 +92 1040 3 876175658 +92 1041 3 875907675 +92 1042 3 875907079 +92 1046 3 875812841 +92 1047 1 875644796 +92 1049 1 890251826 +92 1052 2 890251841 +92 1073 5 875653271 +92 1074 3 875907535 +92 1079 3 886443455 +92 1090 3 875907079 +92 1095 2 886443728 +92 1142 4 886442422 +92 1157 2 875812435 +92 1194 4 875654432 +92 1207 3 875907179 +92 1208 4 875812741 +92 1210 1 875907179 +92 1211 3 876175395 +92 1212 3 876175626 +92 1213 2 875907079 +92 1214 2 876174925 +92 1215 2 890251747 +92 1216 4 886442386 +93 15 5 888705388 +93 222 4 888705295 +93 235 4 888705939 +93 275 4 888705224 +93 412 2 888706037 +93 476 4 888705879 +93 477 5 888705053 +93 815 4 888705761 +93 820 3 888705966 +93 845 4 888705321 +94 1 4 885870323 +94 4 4 891721168 +94 7 4 885873089 +94 8 5 885873653 +94 9 5 885872684 +94 11 5 885870231 +94 12 4 886008625 +94 17 2 891721494 +94 22 4 885872758 +94 23 5 885870284 +94 25 3 891724142 +94 28 4 885873159 +94 29 2 891723883 +94 31 4 891721286 +94 32 5 891721851 +94 33 3 891721919 +94 34 1 891723558 +94 38 2 891722482 +94 39 3 891721317 +94 41 3 891723355 +94 42 4 885870577 +94 45 5 886008764 +94 47 5 891720498 +94 49 4 891722174 +94 50 5 891720996 +94 51 3 891721026 +94 52 5 891721026 +94 53 4 891721378 +94 54 4 891722432 +94 55 4 885873653 +94 56 5 891725331 +94 58 5 891720540 +94 61 5 891720761 +94 62 3 891722933 +94 63 3 891723908 +94 64 5 885870362 +94 66 2 891721889 +94 67 3 891723296 +94 68 4 891722432 +94 69 3 885870057 +94 70 4 891722511 +94 71 4 891721642 +94 72 3 891723220 +94 76 4 891720827 +94 77 3 891721462 +94 79 4 885882967 +94 80 2 891723525 +94 81 4 885870577 +94 82 4 891721777 +94 83 4 885873653 +94 86 5 891720971 +94 88 3 891721942 +94 89 3 885870284 +94 90 3 891721889 +94 91 5 891722006 +94 92 4 891721142 +94 93 4 891724282 +94 94 2 891723883 +94 96 3 885872942 +94 97 4 891721317 +94 98 4 891721192 +94 99 3 891721815 +94 100 5 885872942 +94 101 2 891720996 +94 102 3 891721462 +94 109 4 891721974 +94 111 4 891721414 +94 118 3 891723295 +94 121 2 891721815 +94 125 1 891721851 +94 127 5 885870175 +94 132 4 891720862 +94 133 4 885882685 +94 134 5 886008885 +94 135 4 885870231 +94 142 3 891721749 +94 143 4 891722609 +94 144 3 891721168 +94 151 5 891721716 +94 153 5 891725333 +94 154 5 886008791 +94 156 5 891725332 +94 157 5 891725332 +94 159 3 891723081 +94 160 4 891721942 +94 161 3 891721439 +94 164 3 891721528 +94 168 5 891721378 +94 170 5 891725362 +94 172 4 885870175 +94 173 4 885872758 +94 175 4 885870613 +94 176 4 891720570 +94 177 5 885870284 +94 179 5 885870577 +94 180 5 885870284 +94 181 4 885872942 +94 182 5 885873089 +94 183 5 891720921 +94 184 2 891720862 +94 185 5 885873684 +94 186 4 891722278 +94 187 4 885870362 +94 188 4 885870665 +94 190 5 885870231 +94 191 5 885870175 +94 192 4 891721142 +94 193 5 891720498 +94 194 4 885870284 +94 195 3 885870231 +94 196 4 891721462 +94 200 4 891721414 +94 201 4 891721378 +94 202 2 885873423 +94 203 5 885870577 +94 204 4 891721317 +94 206 4 891722843 +94 208 4 891720643 +94 209 5 886008301 +94 210 4 886008459 +94 211 5 891721142 +94 214 5 891725332 +94 215 4 891722174 +94 217 4 891722646 +94 219 4 891721528 +94 222 3 891721258 +94 223 5 891721286 +94 225 3 891722646 +94 226 2 891721238 +94 227 3 891722759 +94 228 4 891720996 +94 229 3 891722979 +94 230 2 891723124 +94 232 3 891721584 +94 233 3 891722934 +94 234 5 885882685 +94 235 4 891722980 +94 238 5 891721168 +94 241 4 891721716 +94 245 1 891724828 +94 246 4 891724064 +94 248 4 891724341 +94 250 4 891724257 +94 257 4 891724178 +94 258 5 891724044 +94 260 2 891725049 +94 265 4 891721889 +94 268 4 891724925 +94 273 4 885872684 +94 274 4 891722511 +94 281 3 891722576 +94 282 3 891722758 +94 286 4 891724122 +94 288 3 885869993 +94 293 4 891724044 +94 302 4 891928684 +94 313 4 891724925 +94 317 5 885873653 +94 318 5 891721191 +94 328 3 891724990 +94 334 3 891725440 +94 338 4 891725030 +94 343 4 891725009 +94 346 4 891725410 +94 347 5 891724950 +94 355 2 891725090 +94 356 4 891722646 +94 357 5 891720921 +94 365 3 891722383 +94 366 3 891722845 +94 367 4 891723328 +94 368 2 891724846 +94 369 1 891723459 +94 372 4 891723124 +94 380 3 891722760 +94 381 4 886008764 +94 385 2 891721975 +94 386 4 891722382 +94 390 5 891725333 +94 391 3 891723644 +94 392 3 891722646 +94 393 3 891721684 +94 399 4 891722802 +94 401 4 891722678 +94 402 4 891723261 +94 403 3 891723188 +94 404 4 891721615 +94 405 3 891721615 +94 410 4 891721494 +94 411 3 891724508 +94 412 2 891724485 +94 417 3 891722799 +94 418 3 891721317 +94 419 3 891721615 +94 420 4 891721317 +94 421 4 891721414 +94 423 4 885873302 +94 425 5 885870665 +94 428 5 891725332 +94 431 4 891721716 +94 432 4 885873089 +94 433 4 891721078 +94 435 4 885870418 +94 436 5 891721815 +94 443 4 891721439 +94 447 4 891721562 +94 448 5 891722939 +94 451 4 891723494 +94 455 3 891721777 +94 458 4 891722306 +94 464 5 885873302 +94 465 5 891721851 +94 467 4 885873423 +94 469 4 891721048 +94 470 4 891722006 +94 472 3 891723707 +94 474 5 885870322 +94 475 5 885870362 +94 477 2 885870323 +94 483 5 885870115 +94 484 5 891720996 +94 496 3 885873159 +94 501 4 891721642 +94 504 5 885870612 +94 506 5 891721642 +94 508 5 891720712 +94 509 5 885873159 +94 510 5 885873089 +94 518 5 891720950 +94 525 5 891721439 +94 527 5 886008885 +94 528 5 885870323 +94 537 4 891722006 +94 541 3 891723525 +94 544 3 891721562 +94 546 3 891723296 +94 549 5 891721528 +94 550 1 891723033 +94 553 3 891722511 +94 556 3 891722882 +94 559 4 891721777 +94 561 3 891722882 +94 562 3 891721494 +94 566 2 891721815 +94 568 3 891721974 +94 569 1 891722980 +94 576 2 891723593 +94 581 4 891722249 +94 583 3 891722174 +94 584 4 885872942 +94 585 3 891723494 +94 586 1 891723707 +94 587 4 891721078 +94 588 4 885873006 +94 589 5 891720786 +94 597 2 891723078 +94 603 4 891721414 +94 616 4 891720498 +94 622 3 891722609 +94 624 2 891723459 +94 625 4 891723086 +94 627 3 891722678 +94 629 4 891721286 +94 631 5 891720950 +94 636 4 891721351 +94 637 3 891723186 +94 642 4 891720590 +94 644 5 886008390 +94 646 5 885873006 +94 647 5 891720921 +94 650 5 885870612 +94 652 4 891721167 +94 654 5 885872684 +94 655 4 891720862 +94 657 5 891720761 +94 658 3 891722533 +94 665 3 891723328 +94 670 3 891722249 +94 673 3 891721615 +94 674 3 891723748 +94 679 4 891722006 +94 684 4 891721615 +94 685 4 891722382 +94 686 4 891720540 +94 690 4 891928703 +94 692 4 891722249 +94 693 4 891720921 +94 696 4 891724381 +94 700 2 891723427 +94 703 3 891721562 +94 710 3 891721117 +94 715 4 891722278 +94 716 3 885873006 +94 720 1 891723593 +94 721 2 891721078 +94 722 2 891723494 +94 723 3 891721851 +94 727 5 891722458 +94 728 2 891723748 +94 731 3 891723295 +94 732 3 891721216 +94 735 5 891721528 +94 736 5 891721077 +94 737 4 891723459 +94 738 2 891723558 +94 739 2 891723156 +94 741 4 891721352 +94 742 3 891722214 +94 744 4 891721462 +94 746 4 891721716 +94 750 4 891725501 +94 763 3 891722006 +94 765 3 891723619 +94 768 3 891722609 +94 780 3 891723558 +94 783 2 891723495 +94 786 3 891723593 +94 789 4 891720887 +94 797 2 891723848 +94 800 3 891723296 +94 806 4 885873302 +94 808 2 891723931 +94 809 2 891723155 +94 810 3 891723076 +94 813 5 891720786 +94 820 1 891723186 +94 823 3 891722458 +94 824 4 891722882 +94 829 2 891724800 +94 864 2 891723397 +94 921 5 891725332 +94 923 5 885882685 +94 928 3 891723774 +94 930 2 891724747 +94 932 2 891724691 +94 939 4 885873423 +94 942 4 891721749 +94 943 3 891722338 +94 944 1 891723619 +94 946 3 891723217 +94 949 5 885873160 +94 951 3 891722214 +94 959 5 891725332 +94 961 4 891721317 +94 969 4 891721026 +94 993 4 891724303 +94 997 4 891723190 +94 1004 3 891723593 +94 1007 4 891724282 +94 1009 4 891722845 +94 1010 4 891721117 +94 1011 4 891722214 +94 1012 4 891724100 +94 1014 4 891724256 +94 1028 2 891723395 +94 1032 2 891723807 +94 1044 4 891722555 +94 1045 4 891721815 +94 1046 2 891723262 +94 1048 4 891722678 +94 1058 4 891722609 +94 1065 4 885872942 +94 1073 5 891720540 +94 1074 2 891723427 +94 1089 2 891724829 +94 1091 3 891722306 +94 1101 3 891720590 +94 1110 4 891722801 +94 1118 4 891722482 +94 1119 4 891723261 +94 1135 4 891722646 +94 1140 2 891723328 +94 1147 4 886008354 +94 1153 4 891721777 +94 1188 3 891723525 +94 1199 3 891724798 +94 1206 3 891723593 +94 1209 2 891723459 +94 1210 3 891723558 +94 1211 5 891722458 +94 1217 3 891723086 +94 1218 4 891722511 +94 1219 4 891722306 +94 1220 3 891722678 +94 1221 3 891721216 +94 1222 3 891723848 +94 1223 4 891721494 +94 1224 3 891722802 +94 1225 3 891723262 +94 1226 4 891724081 +95 1 5 879197329 +95 2 2 888955909 +95 3 1 879193881 +95 7 5 879197329 +95 8 5 879198262 +95 14 5 879197329 +95 15 4 879195062 +95 22 4 888953953 +95 24 3 879192542 +95 25 3 879192597 +95 26 3 880571951 +95 28 4 879197603 +95 31 4 888954513 +95 32 1 888954726 +95 33 3 880571704 +95 43 2 880572356 +95 48 4 879197500 +95 49 3 879198604 +95 50 5 879197329 +95 51 4 879198353 +95 52 4 879198800 +95 58 3 879197834 +95 62 4 879196354 +95 63 3 880572218 +95 64 5 879197685 +95 65 4 879197918 +95 67 2 879198109 +95 68 4 879196231 +95 69 5 879198210 +95 70 4 880571951 +95 71 5 880573288 +95 72 2 880571389 +95 73 4 879198161 +95 77 4 880571746 +95 78 3 888956901 +95 79 4 879196231 +95 82 3 879196408 +95 83 5 880573288 +95 88 4 880571016 +95 89 3 879196353 +95 90 2 880572166 +95 91 5 880573288 +95 94 5 880573288 +95 95 3 879198109 +95 96 4 879196298 +95 97 4 879198652 +95 98 4 879197385 +95 99 4 888954699 +95 101 1 879198800 +95 102 4 880572474 +95 110 2 880572323 +95 111 4 879194012 +95 117 4 879193619 +95 121 4 879194114 +95 127 4 879195062 +95 132 3 880570993 +95 133 3 888954341 +95 135 3 879197562 +95 137 3 879192404 +95 139 4 880572250 +95 140 3 879199014 +95 141 4 888954631 +95 142 4 880572249 +95 144 5 879197329 +95 151 4 879193353 +95 153 5 879197022 +95 161 3 879196298 +95 168 4 879197970 +95 170 5 880573288 +95 172 4 879196847 +95 173 5 879198547 +95 175 5 879197603 +95 176 3 879196298 +95 177 3 879196408 +95 178 5 879197652 +95 179 3 880570909 +95 180 3 880570852 +95 181 4 879193353 +95 182 2 879198210 +95 183 5 879197329 +95 185 3 879197886 +95 186 5 880573288 +95 188 3 879196354 +95 190 4 888954513 +95 191 5 879198161 +95 193 3 879198482 +95 194 5 879197603 +95 195 5 879196231 +95 196 4 879198354 +95 197 4 888954243 +95 198 5 880570823 +95 199 5 880570964 +95 200 2 888954552 +95 202 4 879198209 +95 203 3 879198888 +95 204 5 879197562 +95 205 3 888954412 +95 207 5 880571164 +95 208 4 879198353 +95 209 4 879197021 +95 210 5 879196566 +95 211 3 879197652 +95 215 4 879198109 +95 216 5 880573287 +95 219 4 880572658 +95 226 4 879196513 +95 227 2 880572356 +95 228 4 879196231 +95 229 3 879196408 +95 232 4 879196513 +95 233 4 879196354 +95 234 2 879197886 +95 237 2 879192708 +95 238 5 880570823 +95 239 3 879198262 +95 241 3 879196408 +95 250 4 882803989 +95 257 5 879197329 +95 265 3 879196513 +95 274 4 879193881 +95 275 3 879192819 +95 282 4 880573506 +95 286 5 879193353 +95 289 2 879191590 +95 290 3 879193973 +95 294 2 884266083 +95 328 5 888953921 +95 356 4 880571117 +95 357 4 879198317 +95 366 4 880572628 +95 371 2 888955909 +95 378 4 888954699 +95 381 4 880571678 +95 385 4 879196408 +95 386 2 880572356 +95 389 4 880572388 +95 391 2 879196566 +95 392 3 880571428 +95 393 5 880571678 +95 398 1 888956804 +95 399 4 880572449 +95 402 3 880571389 +95 403 1 879196457 +95 404 5 888954513 +95 405 3 879194159 +95 415 3 888956582 +95 417 3 888956158 +95 419 4 879198547 +95 420 4 888956001 +95 422 2 888956665 +95 423 5 880571479 +95 431 3 879196629 +95 432 3 879197886 +95 433 4 880571950 +95 436 5 879198547 +95 443 3 879198747 +95 445 4 888956272 +95 447 2 880572166 +95 448 3 879197783 +95 449 3 879196665 +95 450 2 880572787 +95 451 3 880572249 +95 462 4 879197022 +95 463 5 880573287 +95 465 3 882803918 +95 471 5 884266051 +95 472 5 879197329 +95 473 4 879193353 +95 474 4 880570909 +95 485 5 888954129 +95 491 4 879197783 +95 495 4 888954760 +95 496 4 879198746 +95 498 3 879197445 +95 505 3 888954513 +95 506 3 888954552 +95 507 4 880571226 +95 509 4 879197728 +95 510 4 879196188 +95 511 4 879196298 +95 514 2 888954076 +95 515 5 879197329 +95 518 4 888954076 +95 520 4 879197970 +95 523 4 879197562 +95 527 4 888954440 +95 532 4 881011974 +95 539 4 884266022 +95 542 2 888954039 +95 546 2 879196566 +95 550 4 879196748 +95 552 1 888956422 +95 554 3 879196748 +95 560 1 880572166 +95 566 2 879196594 +95 568 4 879196594 +95 573 1 888954808 +95 586 2 881599672 +95 588 3 879198800 +95 591 5 880573287 +95 596 2 879193651 +95 597 3 879194663 +95 622 4 880571678 +95 623 3 880572388 +95 625 4 888954412 +95 627 4 880572288 +95 631 4 880573627 +95 640 3 880571746 +95 648 3 888954170 +95 649 4 880571678 +95 650 4 880572132 +95 651 5 879196594 +95 655 4 879198109 +95 657 5 879198697 +95 660 5 880571456 +95 665 2 879196666 +95 671 3 880571045 +95 674 2 880572104 +95 675 2 888954310 +95 679 2 879196513 +95 683 4 879193353 +95 692 4 879198482 +95 699 2 882804187 +95 705 5 880570964 +95 707 3 880572009 +95 708 2 880571951 +95 712 2 888956400 +95 715 1 880572060 +95 716 3 879198109 +95 720 2 879196513 +95 728 3 882804159 +95 736 4 888954170 +95 737 3 879197021 +95 739 3 880572689 +95 742 4 879193512 +95 747 5 880573288 +95 768 1 888956272 +95 779 3 880572288 +95 781 2 880572495 +95 787 2 888954930 +95 791 3 880572449 +95 815 3 879193708 +95 843 4 880572448 +95 855 3 888954609 +95 862 1 884266100 +95 878 1 881599623 +95 892 3 882803890 +95 946 3 888956489 +95 960 2 888954129 +95 968 5 880571117 +95 971 3 879198262 +95 976 2 879195703 +95 1018 3 879198946 +95 1047 3 879193881 +95 1090 1 888956869 +95 1091 3 880572658 +95 1101 2 879197970 +95 1116 4 888956137 +95 1126 4 879197445 +95 1133 3 880572416 +95 1188 2 880572787 +95 1217 3 880572658 +95 1219 1 888956489 +95 1221 4 880572448 +95 1222 2 880572602 +95 1227 2 880572581 +95 1228 3 880572689 +95 1231 1 880572787 +96 7 5 884403811 +96 8 5 884403020 +96 23 5 884403123 +96 42 1 884403214 +96 50 5 884402977 +96 56 5 884403336 +96 79 4 884403500 +96 83 3 884403758 +96 87 4 884403531 +96 89 5 884402896 +96 91 5 884403250 +96 96 4 884403531 +96 98 5 884403214 +96 127 5 884403214 +96 144 4 884403250 +96 153 4 884403624 +96 156 4 884402860 +96 174 5 884403020 +96 176 4 884403758 +96 181 5 884403687 +96 182 4 884402791 +96 183 4 884403123 +96 185 5 884403866 +96 187 5 884402791 +96 190 4 884402978 +96 194 2 884403392 +96 195 5 884403159 +96 196 4 884403057 +96 198 5 884403465 +96 200 5 884403215 +96 216 4 884403095 +96 234 4 884403336 +96 238 4 884403250 +96 265 5 884403758 +96 318 5 884403057 +96 423 5 884403057 +96 445 4 884403095 +96 479 4 884403758 +96 484 5 884402860 +96 486 3 884403392 +96 514 4 884402977 +96 519 4 884402896 +96 645 5 884403020 +96 673 4 884402860 +96 1154 5 884403993 +96 1232 5 884404017 +97 1 4 884238911 +97 23 5 884239553 +97 32 5 884239791 +97 50 5 884239471 +97 69 5 884239616 +97 79 5 884238817 +97 82 4 884239552 +97 83 1 884238817 +97 89 5 884238939 +97 96 5 884239712 +97 98 4 884238728 +97 100 2 884238778 +97 115 5 884239525 +97 132 5 884238693 +97 133 1 884239655 +97 135 5 884238652 +97 153 5 884239686 +97 169 5 884238887 +97 172 4 884238939 +97 173 3 884238728 +97 174 4 884238817 +97 175 5 884239616 +97 183 5 884238911 +97 186 3 884239574 +97 189 4 884238887 +97 191 5 884239472 +97 192 1 884238778 +97 193 4 884238997 +97 194 3 884238860 +97 195 5 884238966 +97 197 3 884239655 +97 202 5 884239449 +97 204 5 884238966 +97 205 2 884238817 +97 208 5 884239744 +97 222 5 884238887 +97 228 5 884238860 +97 357 5 884239493 +97 408 5 884238652 +97 423 5 884239472 +97 430 5 884238693 +97 431 3 884239616 +97 434 4 884239791 +97 482 5 884238693 +97 484 3 884238966 +97 496 2 884238693 +97 526 3 884239687 +97 603 4 884238817 +97 661 5 884238817 +97 663 5 884239791 +97 670 5 884239744 +97 919 5 884239616 +97 1126 3 884239687 +98 47 4 880498898 +98 70 3 880499018 +98 116 5 880499053 +98 152 3 880498968 +98 163 3 880499053 +98 194 5 880498898 +98 209 2 880498935 +98 210 4 880498968 +98 211 4 880498797 +98 321 3 880498519 +98 435 5 880498967 +98 517 5 880498990 +98 655 3 880498861 +98 659 5 880498861 +98 745 3 880498935 +98 938 3 880498624 +98 988 1 880498668 +99 1 4 886518459 +99 3 3 885679237 +99 4 5 886519097 +99 7 4 885678784 +99 11 5 885680138 +99 12 5 885680458 +99 22 5 885679596 +99 25 3 885679025 +99 28 3 885680578 +99 50 5 885679998 +99 56 5 885679833 +99 64 5 885680578 +99 66 3 886519047 +99 69 4 885679833 +99 79 4 885680138 +99 92 4 885680837 +99 98 5 885679596 +99 100 5 885678813 +99 105 2 885679353 +99 107 3 885679138 +99 111 1 885678886 +99 116 2 888469419 +99 117 5 885678784 +99 118 2 885679237 +99 120 2 885679472 +99 121 3 885679261 +99 123 3 885678997 +99 124 2 885678886 +99 125 4 885678840 +99 147 5 885678997 +99 172 5 885679952 +99 173 4 885680062 +99 174 5 885679705 +99 196 4 885680578 +99 201 3 885680348 +99 203 4 885680723 +99 210 5 885679705 +99 232 4 886519075 +99 237 5 885678886 +99 238 4 885680616 +99 240 4 885679279 +99 245 3 885678500 +99 246 3 888469392 +99 255 3 888469419 +99 258 5 885678696 +99 265 3 885679833 +99 268 3 885678247 +99 273 5 886780105 +99 274 1 885679157 +99 275 1 888469419 +99 276 2 885678973 +99 282 3 885678753 +99 288 4 885678247 +99 290 4 886518628 +99 294 4 885678453 +99 300 4 885678397 +99 310 3 885678348 +99 312 2 885678576 +99 313 5 885678348 +99 315 4 885678479 +99 322 3 885678499 +99 326 3 885678267 +99 328 4 885678696 +99 329 4 886518562 +99 331 3 885678247 +99 332 3 885678348 +99 338 4 885678539 +99 342 1 885678348 +99 345 3 885678696 +99 346 4 885678415 +99 348 4 886518562 +99 358 2 885678520 +99 363 4 885679262 +99 367 4 886519075 +99 369 4 885679382 +99 402 4 885680617 +99 403 4 885680374 +99 405 4 885678813 +99 406 3 885679353 +99 409 2 885679411 +99 413 3 885679299 +99 421 3 885680772 +99 433 4 886780105 +99 456 3 885679504 +99 471 4 885679091 +99 472 3 885679210 +99 473 4 885679353 +99 475 5 885678785 +99 544 4 885679183 +99 546 4 885679353 +99 591 4 885678840 +99 595 4 885679504 +99 619 4 885679091 +99 628 4 885678813 +99 651 5 885679833 +99 676 4 885678886 +99 678 2 885678479 +99 682 2 885678371 +99 685 3 885678840 +99 694 1 885680616 +99 741 3 885678886 +99 748 4 885678436 +99 751 4 885678397 +99 762 2 885679411 +99 763 5 885679138 +99 780 5 886780007 +99 789 4 885680176 +99 815 2 885679237 +99 827 3 885679504 +99 829 4 885679382 +99 845 3 885679183 +99 871 2 885679411 +99 873 1 885678436 +99 926 3 885679437 +99 931 2 886780147 +99 963 3 885679998 +99 975 3 885679472 +99 978 3 885679382 +99 1016 5 885678724 +99 1047 4 885679472 +99 1048 4 885679411 +99 1052 1 885679533 +99 1067 4 885679437 +99 1079 3 885679504 +99 1119 4 885680348 +99 1132 4 885679319 +100 258 4 891374675 +100 266 2 891375484 +100 268 3 891374982 +100 269 4 891374641 +100 270 3 891375016 +100 271 3 891375260 +100 272 4 891375629 +100 286 3 891375629 +100 288 2 891374603 +100 292 2 891375146 +100 294 4 891375313 +100 300 4 891375112 +100 302 4 891374528 +100 310 3 891375522 +100 313 5 891374706 +100 315 5 891375557 +100 321 1 891375112 +100 323 3 891375359 +100 326 3 891375630 +100 328 4 891375212 +100 340 3 891374707 +100 344 4 891374868 +100 346 3 891375630 +100 347 4 891375212 +100 348 3 891375630 +100 349 3 891375629 +100 354 2 891375260 +100 355 4 891375313 +100 678 3 891375428 +100 690 4 891375629 +100 750 4 891375016 +100 751 4 891374868 +100 874 1 891374868 +100 879 4 891374946 +100 880 1 891375260 +100 881 1 891375186 +100 885 2 891375359 +100 886 3 891375522 +100 887 2 891374868 +100 892 2 891375484 +100 895 2 891375212 +100 898 4 891375454 +100 900 4 891374832 +100 908 1 891375068 +100 1233 3 891375112 +100 1234 1 891375068 +100 1235 4 891375454 +100 1237 3 891375630 +100 1238 2 891375068 +101 1 3 877136039 +101 7 3 877135944 +101 50 4 877135944 +101 111 2 877136686 +101 117 4 877136067 +101 122 1 877136928 +101 123 2 877136186 +101 125 4 877137015 +101 147 4 877136506 +101 151 3 877136628 +101 181 4 877137015 +101 222 3 877136243 +101 225 3 877136814 +101 237 5 877137015 +101 252 3 877136628 +101 255 4 877137015 +101 257 4 877137015 +101 278 2 877136737 +101 280 3 877136039 +101 281 2 877136842 +101 282 3 877135883 +101 284 4 877136564 +101 288 4 877137015 +101 304 3 877135677 +101 369 2 877136928 +101 370 2 877136711 +101 405 4 877137015 +101 411 2 877136891 +101 412 2 877136842 +101 471 3 877136535 +101 472 3 877136711 +101 546 4 877137015 +101 595 2 877136391 +101 596 3 877136564 +101 597 3 877136928 +101 717 3 877136928 +101 742 4 877136302 +101 756 3 877136424 +101 763 3 877136789 +101 819 1 877136424 +101 820 3 877136954 +101 826 3 877136686 +101 829 3 877136138 +101 831 3 877136954 +101 841 2 877136763 +101 845 3 877136302 +101 846 3 877135914 +101 866 4 877137015 +101 924 4 877136535 +101 926 3 877136628 +101 975 2 877136659 +101 979 2 877136711 +101 1009 2 877136598 +101 1028 3 877136449 +101 1047 2 877136424 +101 1093 1 877136360 +101 1132 3 877136954 +102 1 3 883748352 +102 2 2 888801522 +102 4 2 888801522 +102 5 3 888803002 +102 7 2 888801407 +102 11 3 888801232 +102 13 3 892991118 +102 29 1 888802677 +102 38 2 888801622 +102 47 2 888803636 +102 49 2 892992129 +102 50 4 888801315 +102 53 2 888801577 +102 55 3 888801465 +102 56 3 888801360 +102 62 3 888801812 +102 66 3 892992129 +102 67 1 892993706 +102 68 2 888801673 +102 70 3 888803537 +102 72 3 888803602 +102 73 3 892992297 +102 79 2 888801316 +102 82 2 888801360 +102 83 3 888803487 +102 88 3 892991311 +102 89 4 888801315 +102 91 3 883748488 +102 94 2 892993545 +102 95 4 883748488 +102 96 3 888801316 +102 98 4 888802939 +102 99 2 883748488 +102 101 4 883748488 +102 102 3 883748488 +102 117 3 888801232 +102 121 3 888801673 +102 127 2 888801316 +102 144 3 888801360 +102 153 2 892991376 +102 154 3 888803708 +102 161 2 888801876 +102 163 2 892993190 +102 164 3 888803002 +102 167 2 892993927 +102 168 3 888803537 +102 172 3 888801232 +102 173 3 888803602 +102 174 4 888801360 +102 175 4 892991117 +102 176 3 888801360 +102 181 2 888801406 +102 182 3 889362833 +102 183 4 888801360 +102 184 2 888801465 +102 185 3 888802940 +102 186 4 888803487 +102 187 3 888801232 +102 188 2 888801812 +102 194 3 888803537 +102 195 4 888801360 +102 200 3 888803051 +102 201 2 888803051 +102 202 4 892991269 +102 204 4 888803487 +102 208 4 888803537 +102 210 3 888801522 +102 211 3 892993190 +102 217 2 888803149 +102 218 3 888803002 +102 219 2 888803149 +102 222 3 888801406 +102 226 2 888801673 +102 227 4 888801673 +102 228 4 888801465 +102 229 3 888801623 +102 230 2 888801232 +102 231 2 888802319 +102 233 3 888801622 +102 234 3 888802940 +102 235 3 892993605 +102 239 3 888804089 +102 241 3 888802038 +102 245 3 883748222 +102 248 3 877915935 +102 258 4 875886337 +102 260 2 883277645 +102 265 3 888801622 +102 269 2 891427996 +102 271 2 888781860 +102 272 3 888112484 +102 273 3 888801465 +102 286 3 883277645 +102 288 2 887051621 +102 294 2 883277645 +102 298 3 875886827 +102 301 3 885697464 +102 302 3 880680541 +102 307 4 883748222 +102 316 3 889362833 +102 319 4 875886434 +102 322 3 883277645 +102 326 3 879082298 +102 327 2 884870872 +102 328 2 883277645 +102 332 3 883277920 +102 334 2 888295889 +102 338 2 887051723 +102 350 3 892990700 +102 358 3 888957092 +102 363 2 888801622 +102 373 2 888802508 +102 384 2 892993827 +102 385 3 888801577 +102 386 2 892993735 +102 393 3 892993302 +102 396 2 892993735 +102 399 2 888802722 +102 403 3 888801812 +102 405 2 888801812 +102 409 2 892993855 +102 411 2 892993786 +102 418 3 883748450 +102 431 3 888801407 +102 435 3 888801315 +102 436 2 888803051 +102 443 3 888803148 +102 444 1 888803245 +102 445 2 888803148 +102 447 4 888803002 +102 448 3 888803002 +102 449 4 888802176 +102 450 1 888802768 +102 476 3 892993827 +102 501 2 883748418 +102 502 3 888803738 +102 510 4 888801316 +102 511 3 888801407 +102 515 1 888801316 +102 522 3 888803487 +102 524 3 888803537 +102 530 3 888801577 +102 541 2 888801673 +102 546 3 888801876 +102 548 2 885126313 +102 550 2 888801812 +102 554 2 888801577 +102 565 2 888803395 +102 566 2 888801876 +102 568 2 888801232 +102 577 3 892993895 +102 578 2 888801876 +102 588 4 883748450 +102 596 2 883748352 +102 597 3 888801673 +102 612 4 879082395 +102 625 3 883748418 +102 629 3 888803488 +102 635 2 888803148 +102 636 3 888801577 +102 650 3 888801063 +102 652 2 892992129 +102 655 3 888803802 +102 663 3 892993190 +102 665 1 888802319 +102 667 3 888803002 +102 671 3 888803002 +102 672 1 888803148 +102 675 3 888802940 +102 684 2 888802176 +102 685 3 888801876 +102 686 3 888801673 +102 689 3 883277481 +102 720 2 888801812 +102 734 2 892993786 +102 746 2 892993190 +102 748 3 888800994 +102 751 3 885100000 +102 760 1 888803245 +102 768 2 883748450 +102 771 2 888802508 +102 778 3 892991448 +102 785 2 892991376 +102 792 3 892992297 +102 797 2 888802722 +102 809 3 888802768 +102 810 2 888802508 +102 823 3 888801465 +102 827 2 888802722 +102 831 2 888802508 +102 840 2 888802508 +102 841 2 888802319 +102 856 2 892993927 +102 866 2 892993545 +102 879 3 879443144 +102 892 2 883278138 +102 930 2 888802677 +102 947 3 888801360 +102 986 1 888802319 +102 993 2 883748352 +102 1030 1 892994075 +102 1052 2 892993983 +102 1076 2 883748527 +102 1228 1 888802508 +102 1239 2 888802319 +102 1240 2 883748450 +103 24 4 880415847 +103 50 5 880416864 +103 56 5 880416602 +103 98 3 880420565 +103 117 4 880416313 +103 118 3 880420002 +103 121 3 880415766 +103 126 5 880420002 +103 127 4 880416331 +103 144 4 880420510 +103 181 4 880415875 +103 211 3 880420565 +103 222 3 880415875 +103 255 5 880416423 +103 257 3 880415892 +103 294 4 880416515 +103 300 3 880416727 +103 487 4 880421001 +103 527 5 880416238 +104 3 3 888465739 +104 9 2 888465201 +104 10 2 888465413 +104 13 3 888465634 +104 15 5 888465413 +104 25 3 888465634 +104 50 5 888465972 +104 111 1 888465675 +104 117 2 888465972 +104 121 2 888466002 +104 124 2 888465226 +104 126 4 888465513 +104 127 3 888465201 +104 130 1 888465554 +104 147 3 888466002 +104 150 5 888465225 +104 181 5 888465972 +104 222 3 888465319 +104 235 2 888465675 +104 237 3 888465263 +104 245 2 888442404 +104 246 3 888465319 +104 248 2 888465604 +104 250 3 888465972 +104 255 1 888465604 +104 257 4 888465582 +104 258 3 888442249 +104 268 3 888442172 +104 270 4 888442337 +104 271 1 888442370 +104 272 4 888441878 +104 273 3 888465972 +104 276 4 888465290 +104 282 3 888465166 +104 283 4 888465582 +104 285 4 888465201 +104 286 1 888442304 +104 287 2 888465347 +104 288 2 888442140 +104 289 4 888442112 +104 290 4 888465739 +104 294 3 888442404 +104 299 3 888442436 +104 300 3 888442275 +104 301 2 888442275 +104 302 5 888441877 +104 307 2 888442249 +104 310 2 888442275 +104 311 1 888442112 +104 312 3 888442485 +104 313 4 888441878 +104 316 4 888442461 +104 325 1 888442552 +104 328 3 888442249 +104 330 1 888442530 +104 331 3 888442140 +104 332 2 888442305 +104 333 2 888442305 +104 340 3 888441878 +104 342 3 888442437 +104 345 4 888442171 +104 346 3 888442172 +104 347 2 888442140 +104 354 3 888442202 +104 405 3 888466028 +104 407 2 888465936 +104 412 3 888465900 +104 456 3 888465853 +104 471 3 888465290 +104 475 4 888465582 +104 508 2 888465201 +104 534 2 888465554 +104 544 3 888465413 +104 546 1 888465491 +104 591 4 888465263 +104 628 4 888465347 +104 678 2 888442404 +104 713 3 888465491 +104 744 1 888465413 +104 748 2 888442461 +104 750 5 888442171 +104 751 4 888442337 +104 756 2 888465739 +104 823 1 888465554 +104 825 1 888466028 +104 827 2 888466086 +104 840 1 888466086 +104 845 3 888465634 +104 847 2 888465263 +104 871 2 888465853 +104 895 2 888442507 +104 926 1 888465936 +104 984 1 888442575 +104 1010 1 888465554 +104 1011 3 888465201 +104 1012 4 888465708 +104 1016 1 888466002 +104 1017 1 888465634 +104 1028 2 888465818 +104 1115 4 888465263 +104 1226 3 888465347 +105 258 5 889214306 +105 268 4 889214268 +105 270 5 889214245 +105 272 4 889214284 +105 286 4 889214306 +105 288 4 889214335 +105 307 2 889214381 +105 324 4 889214245 +105 333 3 889214268 +105 347 3 889214334 +105 751 2 889214381 +105 752 3 889214406 +105 880 3 889214335 +106 1 4 881449487 +106 8 4 881452405 +106 9 4 883876572 +106 12 4 881451234 +106 14 4 881449486 +106 22 4 881449830 +106 25 4 881451016 +106 28 4 881451144 +106 48 3 881453290 +106 59 4 881453318 +106 70 3 881452355 +106 82 3 881453290 +106 86 3 881451355 +106 88 3 881453097 +106 100 3 881449487 +106 107 4 883876961 +106 161 3 881452816 +106 162 5 881450758 +106 191 5 881451453 +106 194 5 881450758 +106 196 5 881450578 +106 210 4 881450810 +106 211 4 881452532 +106 213 4 881453065 +106 216 5 881452998 +106 223 4 881450440 +106 244 4 883877094 +106 274 3 883876146 +106 275 4 883877219 +106 280 2 883876680 +106 285 4 883876206 +106 313 4 888706075 +106 318 5 881449830 +106 435 3 881452355 +106 463 3 881453413 +106 495 4 881451016 +106 526 4 881452685 +106 566 4 881452711 +106 582 4 881451199 +106 647 3 881450440 +106 660 4 881451631 +106 684 4 881452763 +106 692 3 881453290 +106 699 4 881451421 +106 703 4 881450039 +106 712 3 881452599 +106 739 3 881453290 +106 778 4 881453040 +106 828 2 883876872 +106 923 4 881453355 +106 956 3 881453290 +106 1028 3 883876085 +106 1115 4 883876833 +106 1242 4 881516731 +107 258 4 891264466 +107 268 4 891264387 +107 269 5 891264267 +107 271 2 891264432 +107 300 1 891264432 +107 302 4 891264296 +107 305 4 891264327 +107 321 2 891264432 +107 327 3 891264501 +107 333 3 891264267 +107 340 5 891264356 +107 1243 3 891264466 +108 1 4 879879720 +108 7 5 879879812 +108 13 3 879879834 +108 50 4 879879739 +108 100 4 879879720 +108 121 3 879880190 +108 124 4 879879757 +108 125 3 879879864 +108 181 3 879879985 +108 237 3 879879796 +108 252 3 879879961 +108 255 2 879880094 +108 275 5 879879739 +108 281 4 879879985 +108 282 3 879880055 +108 284 3 879879911 +108 290 4 879880076 +108 294 4 879879662 +108 319 5 879879662 +108 405 3 879880157 +108 740 3 879880055 +108 748 3 879879662 +108 931 2 879880190 +109 1 4 880563619 +109 4 2 880572756 +109 5 3 880580637 +109 7 4 880563080 +109 8 3 880572642 +109 9 3 880564607 +109 11 4 880572786 +109 12 4 880577542 +109 15 4 880577868 +109 17 4 880582132 +109 22 4 880572950 +109 25 4 880571741 +109 28 3 880572721 +109 29 3 880582783 +109 42 1 880572756 +109 50 5 880563331 +109 53 4 880583336 +109 54 3 880578286 +109 55 2 880572756 +109 56 5 880577804 +109 58 4 880572950 +109 62 3 880578711 +109 63 3 880582679 +109 64 2 880572560 +109 67 5 880580719 +109 68 3 880582469 +109 69 4 880572561 +109 70 4 880578038 +109 71 4 880578066 +109 72 5 880577892 +109 77 4 880578388 +109 79 5 880572721 +109 81 2 880580030 +109 82 5 880572680 +109 88 4 880581942 +109 90 3 880583192 +109 91 4 880582384 +109 94 4 880579787 +109 95 4 880572721 +109 96 5 880572614 +109 97 3 880578711 +109 98 4 880572755 +109 111 4 880564570 +109 117 5 880564457 +109 118 3 880571801 +109 121 5 880571741 +109 122 2 880583493 +109 125 5 880564534 +109 127 2 880563471 +109 131 1 880579757 +109 144 4 880572560 +109 147 4 880564679 +109 151 5 880571661 +109 156 5 880573084 +109 157 4 880577961 +109 158 1 880579916 +109 159 4 880578121 +109 161 3 880572756 +109 162 2 880578358 +109 164 5 880578066 +109 168 3 880577734 +109 172 5 880572528 +109 173 5 880572786 +109 174 5 880572721 +109 175 1 880577734 +109 176 5 880577868 +109 177 4 880578358 +109 178 3 880572950 +109 179 4 880577961 +109 180 3 880581127 +109 181 5 880563471 +109 183 5 880572528 +109 186 3 880572786 +109 191 4 880577844 +109 195 5 880578038 +109 196 4 880578358 +109 200 2 880577734 +109 202 5 880578632 +109 204 4 880577844 +109 209 1 880572756 +109 210 5 880573084 +109 211 5 880578230 +109 214 1 880577604 +109 215 3 880578598 +109 216 3 880572891 +109 218 4 880578633 +109 222 4 880563471 +109 223 4 880572588 +109 226 5 880578503 +109 227 5 880579417 +109 228 5 880577604 +109 229 5 880578632 +109 230 5 880579107 +109 231 3 880582976 +109 233 4 880578502 +109 234 4 880578286 +109 237 4 880571770 +109 238 2 880580637 +109 239 4 880578632 +109 245 3 880562908 +109 248 2 880564415 +109 250 2 880563471 +109 252 5 880571629 +109 257 5 880563331 +109 265 5 880578185 +109 278 3 880571770 +109 281 2 880571919 +109 282 3 880564678 +109 288 5 880562908 +109 291 3 880571801 +109 294 4 880562908 +109 295 4 880564707 +109 317 2 880573085 +109 318 4 880572680 +109 322 2 880562908 +109 323 3 880562908 +109 332 3 880562908 +109 356 4 880578711 +109 357 2 880572528 +109 358 2 880562908 +109 365 4 880581817 +109 367 3 880578121 +109 373 5 880583241 +109 380 5 880578093 +109 385 4 880577961 +109 386 1 880579916 +109 388 5 880583308 +109 391 2 880581127 +109 392 3 880579237 +109 393 4 880579237 +109 395 3 880583672 +109 402 4 880581344 +109 403 5 880581719 +109 405 5 880564640 +109 409 2 880571920 +109 410 1 880564534 +109 411 4 880572296 +109 413 3 880572382 +109 423 4 880577514 +109 425 2 880582317 +109 431 3 880578186 +109 441 2 880582633 +109 449 5 880581987 +109 451 5 880583192 +109 452 2 880583753 +109 472 2 880571715 +109 475 1 880563641 +109 476 3 880571831 +109 508 4 880571629 +109 520 5 880572642 +109 527 3 880577604 +109 531 4 880578066 +109 542 3 880582045 +109 545 2 880583493 +109 546 3 880571979 +109 550 5 880579107 +109 552 2 880582414 +109 559 3 880579709 +109 564 3 880582633 +109 566 4 880578814 +109 568 5 880578186 +109 572 3 880583308 +109 576 3 880580663 +109 584 2 880581127 +109 595 3 880572108 +109 597 2 880571715 +109 628 2 880564640 +109 631 3 880579371 +109 636 5 880581817 +109 655 3 880577735 +109 665 5 880582384 +109 672 2 880582045 +109 679 3 880578093 +109 715 2 880583519 +109 722 3 880583493 +109 732 3 880572588 +109 735 5 880577989 +109 739 4 880579107 +109 742 5 880564457 +109 748 3 880562908 +109 755 5 880578814 +109 762 3 880571831 +109 763 2 880571715 +109 790 2 880580662 +109 796 3 880582856 +109 809 4 880582945 +109 810 3 880583410 +109 820 3 880572382 +109 823 3 880572296 +109 826 3 880572064 +109 831 2 880572296 +109 834 3 880583308 +109 845 4 880571684 +109 849 2 880582384 +109 866 4 880571872 +109 871 2 880572350 +109 924 3 880564415 +109 928 3 880572134 +109 930 3 880572351 +109 931 2 880572407 +109 940 3 880583133 +109 944 3 880579107 +109 949 3 880582384 +109 986 2 880572382 +109 1011 3 880571872 +109 1012 4 880564570 +109 1013 3 880572296 +109 1014 4 880571979 +109 1016 5 880571661 +109 1023 2 880572350 +109 1028 4 880571831 +109 1035 2 880579787 +109 1039 2 880579418 +109 1060 4 880571661 +109 1074 4 880583308 +109 1135 4 880582976 +109 1139 2 880583463 +109 1157 4 880583646 +109 1161 3 880564678 +109 1210 3 880582230 +109 1222 4 880579758 +109 1228 3 880582758 +109 1244 3 880571872 +109 1245 2 880571872 +110 2 3 886988536 +110 11 4 886987922 +110 12 4 886987826 +110 22 4 886987826 +110 28 4 886987979 +110 29 3 886988374 +110 31 3 886989057 +110 33 4 886988631 +110 38 3 886988574 +110 41 4 886989399 +110 43 3 886988100 +110 54 4 886988202 +110 55 3 886988449 +110 56 1 886988449 +110 63 3 886989363 +110 64 4 886987894 +110 67 3 886989566 +110 68 2 886988631 +110 69 4 886987860 +110 77 4 886988202 +110 88 4 886988967 +110 94 4 886989473 +110 96 4 886988449 +110 161 5 886988631 +110 173 1 886988909 +110 184 1 886988631 +110 195 2 886988480 +110 196 4 886987978 +110 204 3 886989276 +110 212 1 886988100 +110 215 3 886987894 +110 226 3 886988536 +110 230 3 886988750 +110 231 1 886988664 +110 232 3 886988449 +110 233 4 886988535 +110 238 3 886989340 +110 258 4 886987183 +110 272 4 886987145 +110 288 4 886987145 +110 294 3 886987540 +110 301 2 886987505 +110 307 4 886987260 +110 313 5 886987183 +110 315 4 886987726 +110 325 3 886987561 +110 326 4 886987417 +110 327 3 886987442 +110 332 3 886987287 +110 333 4 886987288 +110 338 1 886987540 +110 340 3 886987183 +110 364 3 886989612 +110 366 3 886988341 +110 367 3 886989340 +110 376 2 886989340 +110 384 2 886989524 +110 385 3 886988574 +110 393 3 886989363 +110 397 3 886988688 +110 401 3 886989399 +110 402 4 886988293 +110 403 3 886988134 +110 421 4 886988873 +110 423 4 886987952 +110 451 4 886988909 +110 468 3 886988202 +110 550 3 886988664 +110 566 4 886988574 +110 568 3 886988449 +110 569 4 886988321 +110 575 3 886989566 +110 576 2 886988574 +110 578 3 886988536 +110 585 2 886989473 +110 586 3 886988536 +110 642 2 886989126 +110 651 4 886988018 +110 658 3 886988065 +110 682 4 886987354 +110 684 4 886988480 +110 688 1 886987605 +110 689 3 886987584 +110 692 4 886988937 +110 715 2 886989440 +110 722 3 886989028 +110 732 3 886988018 +110 739 4 886988937 +110 748 3 886987478 +110 751 3 886987183 +110 759 3 886988850 +110 765 3 886989028 +110 779 3 886988793 +110 780 3 886989566 +110 783 3 886988967 +110 790 4 886989399 +110 791 2 886989473 +110 794 3 886988909 +110 802 3 886988793 +110 806 3 886987952 +110 808 2 886988250 +110 849 3 886988664 +110 873 2 886987505 +110 895 2 886987354 +110 905 3 886987236 +110 939 4 886988042 +110 944 3 886989501 +110 947 3 886988574 +110 1055 2 886988134 +110 1090 2 886989191 +110 1179 2 886989501 +110 1182 2 886989566 +110 1188 4 886988818 +110 1206 3 886988321 +110 1210 3 886989191 +110 1218 3 886989473 +110 1222 2 886989191 +110 1228 3 886988689 +110 1229 3 886988374 +110 1231 2 886988664 +110 1246 2 886989613 +110 1247 2 886988413 +110 1249 3 886989612 +111 269 5 891679692 +111 272 3 891679692 +111 286 4 891680076 +111 301 4 891680028 +111 304 4 891679840 +111 307 2 891680243 +111 311 4 891680028 +111 313 4 891679901 +111 326 3 891680131 +111 328 4 891679939 +111 340 4 891679692 +111 887 3 891679692 +111 896 2 891680243 +111 1024 3 891679939 +112 245 4 884992691 +112 258 3 884992484 +112 269 3 884992651 +112 272 5 886398204 +112 286 4 884992484 +112 289 5 884992690 +112 294 3 884992566 +112 301 3 884992566 +112 306 5 891299783 +112 307 4 884992585 +112 310 4 884992444 +112 313 5 884992444 +112 315 5 891299783 +112 321 3 884992484 +112 322 4 884992690 +112 323 3 884992651 +112 327 1 884992535 +112 328 4 884992566 +112 331 4 884992603 +112 332 4 886398611 +112 333 4 884992566 +112 339 4 892439990 +112 346 5 891307980 +112 354 3 891304031 +112 689 4 884992668 +112 690 4 884992462 +112 748 3 884992651 +112 750 4 884992444 +112 751 4 884992754 +112 879 4 884992566 +112 887 5 884992444 +112 888 4 886398699 +112 891 3 892439990 +112 903 1 892440172 +112 937 4 884992801 +112 1106 4 892439835 +113 7 3 875076827 +113 9 3 875076307 +113 50 5 875076416 +113 100 4 875935610 +113 116 3 875076246 +113 124 3 875076307 +113 126 5 875076827 +113 127 4 875935610 +113 222 3 875076872 +113 237 3 875076246 +113 245 3 875325377 +113 255 5 875935609 +113 257 5 875935609 +113 258 5 875075887 +113 262 2 875075983 +113 268 4 875935609 +113 273 4 875935609 +113 288 3 875075887 +113 289 2 875075887 +113 292 3 875076105 +113 294 4 875935277 +113 299 5 875076986 +113 300 3 875075887 +113 303 5 875935244 +113 321 3 875075887 +113 323 4 875325377 +113 325 4 875935610 +113 326 5 875935609 +113 327 5 875076987 +113 328 5 875076044 +113 329 3 875935312 +113 333 4 875935609 +113 424 1 875076357 +113 595 5 875936424 +113 742 3 875076827 +113 874 5 875935338 +113 948 3 875935312 +113 975 5 875936424 +113 976 5 875936424 +113 979 5 875936424 +113 1251 5 875325377 +114 56 3 881260545 +114 89 5 881260024 +114 98 4 881259495 +114 135 4 881260611 +114 153 3 881309622 +114 156 4 881309662 +114 157 2 881260611 +114 168 3 881259927 +114 171 4 881309511 +114 172 5 881259495 +114 175 5 881259955 +114 176 5 881260203 +114 179 5 881260611 +114 180 3 881309718 +114 183 5 881260545 +114 191 3 881309511 +114 195 4 881260861 +114 197 4 881260506 +114 200 3 881260409 +114 204 3 881260441 +114 224 3 881259839 +114 269 4 881256090 +114 318 3 881259495 +114 357 4 881259525 +114 474 5 881260170 +114 483 4 881260246 +114 485 3 881260409 +114 505 3 881260203 +114 507 3 881260303 +114 522 5 881309662 +114 527 3 881309586 +114 615 2 881260441 +114 646 4 881260473 +114 655 3 881260506 +114 659 4 881259495 +114 679 2 881259741 +114 855 3 881260473 +114 1104 5 881260352 +115 4 4 881172117 +115 7 5 881171982 +115 8 5 881171982 +115 9 5 881171982 +115 11 4 881171348 +115 12 5 881171982 +115 13 5 881171983 +115 20 3 881171009 +115 22 3 881171273 +115 23 5 881171348 +115 33 4 881171693 +115 48 5 881171203 +115 50 5 881172049 +115 56 5 881171409 +115 77 2 881171623 +115 79 4 881171273 +115 82 4 881172117 +115 83 3 881172183 +115 89 5 881172049 +115 92 4 881172049 +115 93 3 881170332 +115 96 3 881172117 +115 98 3 881171409 +115 100 5 881171982 +115 117 4 881171009 +115 121 3 881170065 +115 124 5 881170332 +115 127 5 881171760 +115 137 5 881169776 +115 174 5 881171137 +115 176 5 881171203 +115 177 5 881172117 +115 178 5 881172246 +115 181 4 881172049 +115 183 5 881171488 +115 185 5 881171409 +115 187 5 881171203 +115 192 5 881171137 +115 218 3 881171623 +115 228 4 881171488 +115 229 3 881171693 +115 234 5 881171982 +115 237 2 881171075 +115 240 5 881171982 +115 265 2 881171488 +115 269 3 881169559 +115 273 4 881169984 +115 279 3 881170725 +115 282 4 881171009 +115 284 2 881170902 +115 302 4 881169559 +115 310 3 881169559 +115 317 5 881171137 +115 357 5 881171982 +115 431 4 881171558 +115 470 2 881171694 +115 471 2 881170791 +115 475 5 881170252 +115 479 5 881171825 +115 496 1 881171203 +115 508 5 881170438 +115 543 2 881172303 +115 558 5 881171203 +115 596 1 881170663 +115 628 5 881169883 +115 644 3 881172183 +115 654 5 881171409 +115 657 3 881171488 +115 673 3 881171558 +115 684 3 881171489 +115 696 4 881169984 +115 741 3 881170065 +115 762 4 881170508 +115 772 4 881171273 +115 847 4 881170844 +115 922 3 881170252 +115 952 5 881170998 +115 969 1 881172183 +115 980 4 881169984 +115 1008 5 881171982 +115 1067 4 881171009 +115 1073 5 881171488 +116 7 2 876453915 +116 11 5 886310197 +116 20 3 892683858 +116 47 3 876454238 +116 50 3 876452443 +116 56 5 886310197 +116 65 2 876454052 +116 116 3 876453733 +116 124 3 876453733 +116 127 5 876454257 +116 137 2 876454308 +116 145 2 876452980 +116 180 5 886310197 +116 181 4 876452523 +116 185 3 876453519 +116 191 4 876453961 +116 193 4 876453681 +116 195 4 876453626 +116 199 4 876454174 +116 203 5 876453915 +116 221 4 876453560 +116 246 5 876452405 +116 249 2 876452705 +116 250 4 876452606 +116 252 2 876453376 +116 253 3 876452492 +116 255 3 876452524 +116 258 4 876451911 +116 259 4 876452186 +116 260 2 887605412 +116 264 3 876452186 +116 268 5 886310197 +116 269 3 886309452 +116 270 3 879864042 +116 271 4 886310197 +116 272 3 886309505 +116 275 2 876453519 +116 285 4 876454023 +116 286 3 876451911 +116 288 3 886309812 +116 289 4 876452094 +116 292 4 876453847 +116 294 2 876453376 +116 295 3 876452582 +116 297 3 890633075 +116 298 3 876452555 +116 299 3 876452133 +116 300 3 876452094 +116 302 3 876451911 +116 303 3 890633075 +116 304 2 876453376 +116 306 3 876751342 +116 307 3 879864042 +116 310 4 886309549 +116 311 3 886978067 +116 313 5 886978155 +116 315 3 886309605 +116 322 2 876452186 +116 323 3 876452186 +116 324 2 876452133 +116 325 3 876452186 +116 326 2 876453376 +116 328 3 876452186 +116 331 3 876451911 +116 332 3 876451998 +116 333 2 876452054 +116 340 3 879864008 +116 343 2 881246552 +116 344 5 892683820 +116 346 4 886310197 +116 347 2 886309481 +116 349 2 886977905 +116 350 3 886977926 +116 355 2 887605347 +116 358 2 876452094 +116 390 4 876454090 +116 421 3 876453800 +116 479 4 876454191 +116 511 4 876453519 +116 515 4 876452443 +116 519 5 886310197 +116 531 2 876453519 +116 532 2 876452651 +116 539 2 886309573 +116 582 3 876453626 +116 596 5 876452854 +116 603 3 876454174 +116 604 3 876454174 +116 607 2 876453961 +116 640 3 876453560 +116 650 2 876452806 +116 655 4 886309958 +116 661 4 876454023 +116 678 3 876452228 +116 690 3 877934548 +116 730 4 876453519 +116 748 2 876452186 +116 751 3 890131577 +116 758 1 876452980 +116 760 3 886309812 +116 806 4 876453800 +116 840 1 886309958 +116 872 3 876452228 +116 879 2 876452094 +116 887 3 881246591 +116 888 2 886309958 +116 895 2 886309812 +116 896 2 890632896 +116 900 4 888311676 +116 902 2 890632896 +116 903 2 890632956 +116 905 2 890131519 +116 914 2 892683732 +116 916 2 892683699 +116 942 3 876454090 +116 993 2 876453376 +116 1013 3 876453222 +116 1020 3 887605454 +116 1039 4 876453915 +116 1089 2 876453376 +116 1134 4 886310197 +116 1142 4 876452492 +116 1214 3 876453422 +116 1216 3 876452582 +116 1220 2 876453865 +116 1226 2 876454090 +116 1244 2 876453191 +116 1253 2 876454109 +116 1254 2 876453377 +116 1255 2 876453377 +116 1256 1 876453222 +116 1257 1 876452651 +116 1258 2 876453376 +117 7 3 880125780 +117 11 5 881011824 +117 12 5 881011350 +117 15 5 880125887 +117 25 4 881009470 +117 33 4 881011697 +117 50 5 880126022 +117 56 5 881011807 +117 96 5 881012530 +117 98 4 881012430 +117 109 4 880126336 +117 117 5 880126461 +117 122 2 886022187 +117 132 4 881012110 +117 143 1 881012472 +117 144 4 881011807 +117 150 4 880125101 +117 151 4 880126373 +117 156 4 881011376 +117 164 5 881011727 +117 172 5 881012623 +117 173 5 881011697 +117 179 5 881012776 +117 181 5 880124648 +117 184 3 881012601 +117 195 5 881012255 +117 210 4 881012293 +117 214 5 881012193 +117 222 5 886020290 +117 237 4 880126232 +117 240 3 880126038 +117 249 4 880125911 +117 252 3 881010322 +117 257 5 880125911 +117 258 4 880126022 +117 265 4 881012940 +117 268 5 880124306 +117 271 4 880124397 +117 282 5 880126295 +117 288 3 880124254 +117 298 5 886020525 +117 307 5 880124339 +117 313 5 886018980 +117 358 4 880124509 +117 405 5 880126174 +117 406 3 881010556 +117 410 3 886021458 +117 411 3 880126232 +117 423 4 881012472 +117 475 5 880125746 +117 546 3 881009758 +117 588 3 881011697 +117 596 3 880126392 +117 628 5 881012174 +117 678 4 880124435 +117 742 4 880126022 +117 743 1 881010401 +117 748 3 880124378 +117 758 2 881011217 +117 763 5 881009890 +117 772 4 881012728 +117 789 4 881011413 +117 829 3 881010219 +117 886 5 880124413 +117 895 2 886019030 +117 928 3 881009471 +117 931 3 881010728 +117 977 3 881009738 +117 1012 4 881008815 +117 1014 3 886021192 +117 1016 5 881008815 +117 1047 2 881009697 +117 1057 2 881010401 +117 1059 3 881008632 +117 1095 3 881010938 +117 1165 3 881010727 +118 5 2 875385256 +118 7 5 875385198 +118 17 3 875385257 +118 22 5 875385136 +118 32 5 875384979 +118 53 5 875385280 +118 55 5 875385099 +118 56 5 875385198 +118 79 5 875384885 +118 98 5 875384979 +118 100 5 875384751 +118 132 4 875384793 +118 134 5 875384916 +118 135 5 875384591 +118 156 5 875384946 +118 164 5 875385386 +118 171 5 875384825 +118 172 5 875384751 +118 174 5 875385007 +118 175 5 875384885 +118 176 5 875384793 +118 179 5 875384612 +118 180 5 875385136 +118 188 5 875384669 +118 193 5 875384793 +118 200 5 875384647 +118 201 5 875385198 +118 210 5 875384825 +118 217 3 875385257 +118 218 5 875385386 +118 223 5 875385386 +118 234 5 875385386 +118 258 5 875385386 +118 288 5 875385386 +118 317 5 875384885 +118 320 5 875385386 +118 324 4 875384444 +118 396 5 875385335 +118 413 4 875385306 +118 421 4 875384946 +118 427 5 875384751 +118 433 5 875384793 +118 475 5 875384793 +118 508 4 875385057 +118 513 5 875384751 +118 547 5 875385228 +118 551 5 875385306 +118 558 5 875385228 +118 559 4 875385306 +118 564 1 875385335 +118 603 4 875384916 +118 641 5 875385386 +118 654 5 875385007 +118 672 4 875385257 +118 675 5 875385386 +118 774 5 875385198 +118 800 4 875385280 +118 844 5 875385256 +118 919 5 875385386 +118 960 5 875385136 +118 1079 4 875385442 +119 7 5 874775185 +119 9 4 890627252 +119 11 5 874781198 +119 12 3 874781915 +119 22 4 874781698 +119 23 3 874782100 +119 24 4 886177076 +119 25 5 886177013 +119 28 5 874782022 +119 31 5 874781779 +119 40 4 886176993 +119 50 5 874774718 +119 52 3 890627339 +119 56 4 874781198 +119 64 4 874781460 +119 70 3 874781829 +119 82 2 874781352 +119 83 4 886176922 +119 86 4 874782068 +119 87 5 874781829 +119 89 4 874781352 +119 93 4 874775262 +119 96 5 874781257 +119 100 5 874774575 +119 105 2 874775849 +119 109 5 874775580 +119 111 5 886176779 +119 117 5 874775535 +119 121 4 874775311 +119 124 4 874781994 +119 125 5 874775262 +119 132 5 874782228 +119 137 5 886176486 +119 144 4 887038665 +119 147 4 886176486 +119 168 5 874781351 +119 172 4 874782191 +119 174 4 874781303 +119 181 4 874775406 +119 182 4 874781303 +119 188 4 874781742 +119 193 4 874781872 +119 194 5 874781257 +119 196 5 886177162 +119 199 5 874781994 +119 204 4 886177659 +119 209 4 886177544 +119 210 5 874781407 +119 213 5 874781257 +119 222 5 874775311 +119 226 3 887038665 +119 235 5 874774956 +119 237 5 874775038 +119 250 2 874775731 +119 252 3 874780832 +119 254 2 874781037 +119 255 3 874775914 +119 257 4 874775614 +119 258 2 887037225 +119 259 4 886175571 +119 268 5 886175117 +119 271 4 886175150 +119 272 5 886611471 +119 274 4 874775580 +119 275 5 874774575 +119 276 2 874775262 +119 277 4 874774993 +119 282 5 874775136 +119 286 5 874774286 +119 287 4 874775465 +119 288 4 886175150 +119 294 1 892564313 +119 298 4 874775038 +119 299 4 890626446 +119 300 5 874774286 +119 301 4 886176779 +119 310 5 886175117 +119 313 5 886176135 +119 315 5 886175571 +119 316 4 890626706 +119 322 4 874774449 +119 323 4 874774449 +119 328 4 876923913 +119 329 3 886433226 +119 332 4 886175313 +119 338 1 892565167 +119 340 4 886176485 +119 348 3 886433226 +119 349 3 887038665 +119 354 5 890626231 +119 382 5 874781742 +119 385 5 874781994 +119 392 4 886176814 +119 405 4 874775815 +119 407 3 887038665 +119 410 1 890627339 +119 412 4 874775136 +119 449 5 874782190 +119 451 5 891286958 +119 455 4 874774719 +119 458 5 874774575 +119 459 4 887038711 +119 471 4 886177338 +119 472 4 874775406 +119 473 3 874775647 +119 475 4 874775580 +119 486 4 874781547 +119 492 5 874781198 +119 506 5 886176779 +119 511 5 874781407 +119 526 2 886177762 +119 537 5 886176618 +119 544 2 886177206 +119 546 4 874775914 +119 550 4 887038665 +119 562 4 886177206 +119 568 4 874781915 +119 591 4 886177235 +119 597 4 874775465 +119 616 2 886177206 +119 628 4 874775185 +119 655 5 874781628 +119 658 5 874782127 +119 684 4 886177338 +119 685 4 886177048 +119 689 4 886175431 +119 710 4 886177162 +119 717 3 874775945 +119 718 5 874774956 +119 727 5 887038711 +119 741 4 874774815 +119 742 5 874775406 +119 751 3 886175361 +119 755 1 886176678 +119 762 4 874775465 +119 813 4 874774956 +119 823 3 874775406 +119 825 3 874780860 +119 826 4 874775580 +119 827 3 874775815 +119 829 5 874775406 +119 831 2 874775980 +119 845 4 886176922 +119 866 3 874774575 +119 879 5 875720232 +119 916 1 892564442 +119 917 4 892564349 +119 924 4 874775535 +119 930 3 874775945 +119 931 1 886178294 +119 977 3 874780969 +119 982 4 874775406 +119 986 3 874781068 +119 995 4 891287008 +119 1016 5 874775262 +119 1034 3 874775980 +119 1052 4 886177162 +119 1086 4 874775136 +119 1137 5 886176922 +119 1153 5 874781198 +119 1160 5 887038711 +119 1166 5 887038711 +119 1197 4 886176922 +119 1202 4 874775680 +119 1244 3 874781037 +119 1259 3 874780996 +119 1260 5 874781547 +119 1261 4 874781198 +119 1263 3 886177338 +119 1264 3 886176993 +119 1265 3 891287060 +120 9 4 889489886 +120 25 5 889490370 +120 50 4 889489973 +120 118 2 889490979 +120 127 4 889489772 +120 245 3 889490633 +120 252 3 889490633 +120 257 2 889490979 +120 282 4 889490172 +120 286 5 889489943 +120 405 4 889490580 +120 508 2 889490979 +120 515 5 889489772 +120 546 2 889490979 +120 744 4 889490522 +120 924 4 889490290 +121 1 4 891388475 +121 11 2 891387992 +121 12 5 891390014 +121 14 5 891390014 +121 25 5 891390316 +121 50 5 891390014 +121 57 5 891390014 +121 83 4 891388210 +121 86 5 891388286 +121 100 4 891388035 +121 117 1 891388600 +121 118 2 891390501 +121 121 2 891388501 +121 124 5 891388063 +121 127 5 891388333 +121 135 5 891388090 +121 156 4 891388145 +121 165 4 891388210 +121 172 5 891388090 +121 180 3 891388286 +121 181 5 891390014 +121 192 4 891388250 +121 197 4 891388286 +121 237 5 891388708 +121 250 2 891388676 +121 257 5 891390014 +121 275 4 891390233 +121 276 3 891388453 +121 282 1 891389037 +121 291 3 891390477 +121 292 4 891388960 +121 294 4 891389522 +121 298 2 891388676 +121 300 3 891387810 +121 313 5 891390013 +121 315 4 891389282 +121 318 5 891390013 +121 347 3 891389304 +121 357 5 891388063 +121 405 2 891390579 +121 411 1 891390544 +121 427 4 891388286 +121 458 1 891388847 +121 472 3 891390599 +121 479 5 891388113 +121 508 4 891388333 +121 509 5 891388145 +121 514 3 891387947 +121 515 4 891388391 +121 546 1 891390521 +121 582 2 891390034 +121 595 2 891390521 +121 628 3 891389037 +121 631 4 891387992 +121 644 4 891388035 +121 717 5 891390688 +121 736 5 891387992 +121 740 3 891390544 +121 742 5 891390013 +121 744 3 891388936 +121 792 3 891388250 +121 937 4 891389924 +121 1194 4 891388210 +121 1266 4 891388250 +122 11 1 879270424 +122 28 4 879270084 +122 46 5 879270567 +122 57 2 879270644 +122 69 2 879270511 +122 83 5 879270327 +122 86 5 879270458 +122 127 5 879270424 +122 135 4 879270327 +122 180 5 879270327 +122 190 4 879270424 +122 193 4 879270605 +122 197 5 879270482 +122 212 5 879270567 +122 215 4 879270676 +122 239 4 879270741 +122 269 5 879269963 +122 357 3 879270084 +122 378 4 879270769 +122 382 3 879270711 +122 387 5 879270459 +122 403 4 879270805 +122 423 4 879270805 +122 427 3 879270165 +122 429 3 879270165 +122 464 5 879270541 +122 469 5 879270644 +122 470 3 879270901 +122 509 4 879270511 +122 510 4 879270327 +122 513 4 879270084 +122 519 4 879270129 +122 570 3 879270849 +122 582 5 879270644 +122 660 3 879270644 +122 661 4 879270327 +122 673 3 879270511 +122 699 5 879270541 +122 708 5 879270605 +122 715 5 879270741 +122 724 4 879270677 +122 736 4 879270606 +122 956 4 879270850 +122 1044 5 879270923 +122 1045 4 879270605 +122 1074 4 879270901 +122 1113 5 879270677 +122 1119 3 879270769 +122 1168 4 879270902 +122 1267 4 879270769 +122 1268 2 879270711 +123 9 5 879873726 +123 13 3 879873988 +123 14 5 879872540 +123 22 4 879809943 +123 23 4 879873020 +123 64 3 879872791 +123 98 4 879872672 +123 100 4 879872792 +123 132 3 879872672 +123 134 4 879872275 +123 135 5 879872868 +123 143 5 879872406 +123 165 5 879872672 +123 182 4 879872671 +123 185 4 879873120 +123 187 4 879809943 +123 192 5 879873119 +123 197 5 879872066 +123 242 5 879809053 +123 275 4 879873726 +123 276 4 879873830 +123 286 5 879809053 +123 288 3 879809053 +123 289 1 879809220 +123 294 1 879809529 +123 319 4 879809220 +123 321 4 879809220 +123 427 3 879873020 +123 432 5 879873120 +123 435 5 879809943 +123 462 4 879872540 +123 479 4 879872066 +123 480 3 879872540 +123 482 4 879872406 +123 483 4 879873020 +123 504 5 879872948 +123 514 5 879872193 +123 523 3 879872406 +123 531 3 879872671 +123 606 3 879872540 +123 657 4 879872066 +123 847 4 879873193 +123 962 3 879872405 +123 1269 2 879872867 +124 1 3 890287733 +124 7 4 890287645 +124 11 5 890287645 +124 50 3 890287508 +124 79 3 890287395 +124 96 4 890399864 +124 117 3 890287181 +124 157 2 890287936 +124 166 5 890287645 +124 195 4 890399864 +124 226 4 890287645 +124 496 1 890286933 +124 550 4 890287645 +124 616 4 890287645 +125 1 4 879454699 +125 8 4 879454419 +125 21 3 892838424 +125 22 5 892836395 +125 25 1 879454987 +125 28 4 879454385 +125 41 2 892838510 +125 49 3 879455241 +125 50 5 892836362 +125 56 1 879454345 +125 63 3 892838558 +125 64 5 879454139 +125 66 5 879455184 +125 67 5 892838865 +125 69 4 879454628 +125 70 3 892838287 +125 72 4 892838322 +125 73 5 892838288 +125 79 5 879454100 +125 80 4 892838865 +125 82 5 879454386 +125 83 4 879454345 +125 85 3 892838424 +125 87 5 892836464 +125 88 5 879455184 +125 90 5 892838623 +125 94 5 892839065 +125 95 5 879454628 +125 98 5 879454345 +125 105 3 892839021 +125 109 3 892838288 +125 111 3 892838322 +125 116 4 892838322 +125 117 3 879454699 +125 120 1 892839312 +125 122 1 892839312 +125 134 5 879454532 +125 136 5 879454309 +125 143 5 879454793 +125 144 5 879454197 +125 153 2 879454419 +125 158 4 892839066 +125 163 5 879454956 +125 168 5 879454793 +125 172 5 879454448 +125 174 5 879454309 +125 175 2 879455184 +125 176 5 879454448 +125 181 5 879454139 +125 186 3 879454448 +125 190 5 892836309 +125 191 5 879454385 +125 194 5 879454986 +125 195 5 892836465 +125 198 3 879454385 +125 201 3 879455019 +125 202 5 892836523 +125 204 5 879454139 +125 205 5 879454345 +125 208 3 879454244 +125 209 4 879455241 +125 210 5 879454243 +125 211 3 879455184 +125 216 3 879454419 +125 222 5 892836465 +125 235 2 892838559 +125 236 1 879454891 +125 238 3 892838322 +125 243 2 892836123 +125 258 5 892835624 +125 269 1 879454002 +125 270 4 881357122 +125 275 5 879454532 +125 283 5 879454986 +125 289 5 892835854 +125 290 4 892838375 +125 294 4 892835778 +125 300 5 892835836 +125 318 5 879454309 +125 323 3 892836124 +125 340 1 892835659 +125 346 1 892835800 +125 357 3 879454100 +125 364 3 892839191 +125 367 4 892836551 +125 369 3 892838777 +125 372 1 879454892 +125 376 3 892838510 +125 382 1 892836623 +125 383 2 892839412 +125 384 3 892838591 +125 386 3 892838827 +125 388 2 892839270 +125 393 4 879455241 +125 395 3 892838687 +125 399 3 892838509 +125 401 4 892838656 +125 407 2 892839312 +125 411 3 892839091 +125 412 3 892839191 +125 427 4 879454277 +125 430 4 879454309 +125 434 4 879454100 +125 435 4 892836550 +125 451 4 892838288 +125 455 5 879454987 +125 474 3 892836422 +125 475 1 879454244 +125 478 4 879454628 +125 479 4 879454386 +125 482 1 892836309 +125 485 5 892836335 +125 493 4 879454448 +125 496 5 879454419 +125 498 5 892836395 +125 508 1 892838351 +125 511 5 879454699 +125 513 4 879454385 +125 520 5 892836309 +125 568 5 879454277 +125 571 3 892838827 +125 577 2 892839312 +125 585 4 892838463 +125 648 4 879454793 +125 657 3 892836422 +125 659 4 879454628 +125 663 3 879454956 +125 687 3 892836268 +125 692 3 892836523 +125 705 5 879454243 +125 709 3 879454891 +125 710 5 879454699 +125 722 3 892838687 +125 728 3 892838425 +125 732 4 879455019 +125 734 3 892838977 +125 746 3 879455018 +125 748 3 892835778 +125 751 5 892835624 +125 756 4 892838424 +125 763 3 892836574 +125 780 2 892839270 +125 781 3 892838463 +125 790 4 892838462 +125 801 3 892838424 +125 813 1 879455184 +125 864 3 892838591 +125 914 1 892835594 +125 926 3 892839066 +125 940 2 892838827 +125 945 5 892836465 +125 949 3 892838623 +125 996 3 892838424 +125 997 2 892838976 +125 999 4 892838288 +125 1000 3 892838977 +125 1036 2 892839191 +125 1037 2 892839143 +125 1052 2 892839457 +125 1060 4 879454699 +125 1074 3 892838827 +125 1093 1 892839412 +125 1115 3 879454345 +125 1170 1 892838591 +125 1183 2 892839312 +125 1185 3 892838509 +125 1204 3 879454419 +125 1246 2 892838687 +125 1249 3 892838322 +125 1270 3 892838977 +125 1271 2 892839021 +125 1272 1 879454892 +126 245 3 887854726 +126 258 4 887853919 +126 260 1 887855173 +126 262 4 887854726 +126 266 5 887938392 +126 272 3 887853469 +126 286 3 887853469 +126 294 3 887855087 +126 300 4 887854943 +126 303 3 887854825 +126 310 2 887854652 +126 311 4 887855173 +126 315 4 887853469 +126 316 4 887855231 +126 322 3 887854777 +126 323 3 887853568 +126 326 2 887853919 +126 328 5 887853735 +126 332 2 887853735 +126 333 2 887853919 +126 337 5 887938392 +126 340 5 887854982 +126 344 4 887853735 +126 346 3 887853735 +126 350 2 887854892 +126 353 5 887938392 +126 678 3 887855283 +126 681 5 887938392 +126 690 3 887853735 +126 751 4 887853568 +126 878 5 887938392 +126 881 5 887938392 +126 884 5 887938392 +126 905 2 887855283 +126 990 4 887855231 +127 50 4 884364866 +127 227 4 884364867 +127 229 5 884364867 +127 230 5 884364866 +127 243 5 884364764 +127 268 1 884363990 +127 286 1 884364525 +127 294 4 884363803 +127 300 5 884364017 +127 380 5 884364950 +127 449 4 884364950 +127 690 1 884363851 +127 748 5 884364108 +128 1 4 879966919 +128 14 5 879967341 +128 15 4 879968827 +128 25 3 879968185 +128 26 4 879969032 +128 28 5 879966785 +128 48 4 879967767 +128 50 4 879967268 +128 54 2 879968415 +128 56 3 879966785 +128 58 3 879968008 +128 64 5 879966954 +128 65 4 879968512 +128 66 3 879969329 +128 69 4 879966867 +128 70 3 879967341 +128 71 4 879967576 +128 73 3 879969032 +128 77 3 879968447 +128 82 5 879968185 +128 83 5 879967691 +128 86 5 879966919 +128 88 4 879969390 +128 97 3 879968125 +128 98 4 879967047 +128 99 4 879967840 +128 117 5 879967631 +128 118 5 879968896 +128 121 4 879968278 +128 131 5 879967452 +128 132 3 879966785 +128 133 5 879967248 +128 136 5 879967080 +128 151 3 879968921 +128 159 4 879968390 +128 161 5 879968896 +128 168 4 879966685 +128 172 3 879967248 +128 173 5 879966756 +128 174 3 879966954 +128 179 3 879967767 +128 180 5 879967174 +128 181 4 879966954 +128 182 4 879967225 +128 186 5 879966895 +128 190 4 879967016 +128 191 4 879967080 +128 193 3 879967249 +128 196 5 879967550 +128 197 4 879966729 +128 202 2 879968579 +128 204 4 879967478 +128 209 4 879968332 +128 210 4 879968125 +128 213 3 879967300 +128 215 3 879967452 +128 216 5 879967102 +128 218 3 879969244 +128 220 1 879968352 +128 222 3 879967249 +128 223 5 879966839 +128 227 2 879968946 +128 229 2 879968071 +128 237 4 879966954 +128 238 4 879968125 +128 245 2 879966524 +128 258 2 879966299 +128 265 5 879968663 +128 268 3 879966355 +128 274 4 879969084 +128 275 5 879967016 +128 280 1 879968579 +128 282 3 879967550 +128 284 3 879968663 +128 294 4 879966376 +128 300 5 879966355 +128 317 4 879968029 +128 319 5 879966274 +128 322 2 879966447 +128 328 2 879966406 +128 340 4 879966355 +128 367 4 879968858 +128 371 1 879966954 +128 378 5 879967804 +128 380 4 879968946 +128 381 3 879969033 +128 387 2 879968774 +128 392 3 879967102 +128 393 4 879969136 +128 402 1 879969136 +128 404 3 879968308 +128 405 4 879968859 +128 416 3 879967367 +128 417 4 879968447 +128 419 3 879967268 +128 422 4 879968598 +128 423 4 879967966 +128 425 5 879967197 +128 427 5 879966685 +128 432 2 879968125 +128 433 4 879967225 +128 451 4 879967879 +128 458 4 879968921 +128 462 4 879966729 +128 465 4 879968008 +128 468 1 879968243 +128 471 4 879967804 +128 478 5 879966840 +128 482 4 879967432 +128 483 5 879966785 +128 485 3 879966895 +128 487 5 879968029 +128 490 5 879966785 +128 494 4 879967016 +128 496 5 879967225 +128 497 3 879967102 +128 499 5 879967767 +128 501 3 879968921 +128 505 4 879967136 +128 506 4 879968125 +128 507 4 879966685 +128 508 4 879967767 +128 531 4 879966685 +128 553 3 879968718 +128 568 4 879968544 +128 588 5 879967136 +128 591 4 879967879 +128 602 4 879967478 +128 603 5 879966839 +128 605 3 879967804 +128 609 4 879967550 +128 614 3 879967879 +128 622 4 879968332 +128 633 4 879967729 +128 651 5 879966983 +128 652 3 879966603 +128 655 3 879969064 +128 660 2 879968415 +128 684 4 879969390 +128 685 3 879968774 +128 686 4 879967174 +128 690 3 879966274 +128 692 4 879967197 +128 702 3 879967879 +128 705 3 879968096 +128 715 4 879968512 +128 723 3 879967966 +128 729 2 879968447 +128 732 4 879967047 +128 739 4 879969349 +128 742 3 879967197 +128 763 4 879968718 +128 770 3 879968008 +128 785 2 879968243 +128 790 4 879969277 +128 815 3 879968827 +128 838 5 879968164 +128 869 3 879969064 +128 873 1 879966524 +128 924 3 879967341 +128 942 5 879968742 +128 949 4 879968896 +128 955 5 879969064 +128 965 3 879968279 +128 966 4 879968071 +128 1035 3 879968921 +128 1039 4 879967079 +128 1048 2 879968858 +128 1053 3 879968494 +128 1063 2 879967047 +128 1136 3 879969084 +128 1141 4 879968827 +128 1192 2 879967576 +128 1221 3 879968279 +129 242 4 883243972 +129 269 4 883244011 +129 270 3 883243934 +129 272 4 883243972 +129 300 3 883243934 +129 303 3 883244011 +129 304 3 883244707 +129 307 2 883244637 +129 310 2 883244011 +129 313 3 883243934 +129 323 1 883245452 +129 331 2 883244737 +129 339 2 883244737 +129 748 2 883245452 +129 873 1 883245452 +129 903 2 883245311 +129 906 5 883245310 +129 990 2 883245452 +129 995 2 883245452 +129 1176 4 883244059 +130 1 5 874953595 +130 2 4 876252327 +130 3 5 876250897 +130 4 2 875801778 +130 5 4 876251650 +130 7 5 874953557 +130 11 5 875216545 +130 12 4 875216340 +130 17 5 875217096 +130 22 5 875217265 +130 24 5 874953866 +130 27 4 875802105 +130 28 4 875217172 +130 29 3 878537558 +130 31 4 875801801 +130 33 5 876252087 +130 38 4 876252263 +130 39 4 875801496 +130 41 3 875801662 +130 42 4 875801422 +130 44 4 875801662 +130 47 3 875801470 +130 49 4 875802236 +130 50 5 874953665 +130 53 3 876251972 +130 54 5 876251895 +130 55 5 875216507 +130 56 5 875216283 +130 58 2 876251619 +130 62 4 876252175 +130 63 4 876252521 +130 64 5 875801549 +130 65 4 875216786 +130 66 5 875802173 +130 67 4 876252064 +130 68 5 875216283 +130 69 5 875216718 +130 71 5 875801695 +130 77 5 880396792 +130 79 5 875217392 +130 82 5 875802080 +130 84 4 876252497 +130 88 2 875217265 +130 89 4 875216458 +130 90 4 875801920 +130 93 5 874953665 +130 94 5 875802058 +130 95 5 875216867 +130 96 5 875216786 +130 98 5 875216507 +130 99 5 875216786 +130 100 3 874953558 +130 105 4 876251160 +130 109 3 874953794 +130 111 5 874953825 +130 117 5 874953895 +130 118 4 874953895 +130 121 5 876250746 +130 122 3 876251090 +130 123 4 875216112 +130 125 5 875801963 +130 128 4 876251728 +130 132 5 875802006 +130 134 5 875801750 +130 143 5 876251922 +130 144 5 875216717 +130 147 4 876250746 +130 148 4 876251127 +130 150 5 874953558 +130 156 3 875801447 +130 158 5 875801897 +130 159 4 875802211 +130 161 4 875802058 +130 168 3 875216786 +130 172 5 875801530 +130 173 3 875216593 +130 174 5 875216249 +130 176 5 881536127 +130 179 4 875217265 +130 181 5 874953621 +130 183 5 875801369 +130 184 4 875801695 +130 185 5 875217033 +130 188 4 876251895 +130 195 5 875801470 +130 196 5 875801695 +130 200 5 875217392 +130 202 5 875216507 +130 203 4 875801716 +130 204 5 875216718 +130 210 5 876252288 +130 215 5 875802035 +130 216 4 875216545 +130 217 3 875801940 +130 218 5 875801388 +130 219 5 876252472 +130 222 4 874953769 +130 226 5 876252420 +130 227 3 875801868 +130 228 4 875216420 +130 229 4 875802173 +130 230 3 876251895 +130 231 3 875801422 +130 233 4 875801750 +130 235 4 874953728 +130 236 5 876251160 +130 237 5 874953621 +130 239 4 878538071 +130 240 4 875801750 +130 243 2 874953526 +130 245 1 874953526 +130 246 4 874953698 +130 248 3 874953769 +130 249 5 876250746 +130 250 3 876250833 +130 252 5 876250932 +130 254 2 876251160 +130 255 4 874953794 +130 257 4 874953665 +130 258 4 874953526 +130 261 4 874953525 +130 262 3 877926419 +130 267 5 875801239 +130 268 4 875801210 +130 269 4 881075976 +130 270 5 877984734 +130 271 5 879352077 +130 272 5 888962577 +130 276 4 878537447 +130 281 4 876250850 +130 282 5 875801750 +130 284 2 874953728 +130 286 5 874953239 +130 288 5 874953291 +130 289 5 874953291 +130 290 3 876250955 +130 291 4 876250932 +130 293 5 874953769 +130 294 5 874953337 +130 295 3 874953698 +130 298 5 874953769 +130 299 3 874953526 +130 300 5 874953239 +130 305 4 886023938 +130 313 5 884623736 +130 315 4 884623887 +130 321 5 874953291 +130 322 4 874953525 +130 326 5 874953239 +130 328 4 874953525 +130 329 4 874953337 +130 330 4 874953424 +130 331 3 875801345 +130 332 4 876250582 +130 333 5 875801239 +130 335 3 875801254 +130 342 3 881076199 +130 343 4 881536273 +130 346 4 884623704 +130 347 4 884623800 +130 350 4 886023989 +130 353 1 888211764 +130 354 5 888211701 +130 355 4 888211731 +130 356 4 880396792 +130 357 5 875216933 +130 358 4 874953526 +130 363 3 876250781 +130 366 5 876251972 +130 367 4 875801369 +130 373 4 878537681 +130 374 4 875217392 +130 379 4 875801662 +130 385 5 875802080 +130 389 3 875216786 +130 392 4 876252243 +130 393 5 876252472 +130 398 3 878537516 +130 403 5 876251922 +130 404 5 875802137 +130 405 4 875801984 +130 407 2 876251388 +130 410 5 875802105 +130 411 5 876251217 +130 412 4 874953866 +130 413 3 876251127 +130 418 5 875801631 +130 419 5 876251515 +130 420 5 876252472 +130 423 5 875216978 +130 426 4 875801897 +130 427 5 875217033 +130 433 3 875216718 +130 436 3 875801573 +130 443 5 876251446 +130 444 4 880396495 +130 449 4 878537516 +130 450 2 878537602 +130 452 4 880396495 +130 453 3 880396602 +130 455 4 874953728 +130 465 5 875801596 +130 469 5 876251693 +130 470 2 875217096 +130 471 2 874953928 +130 472 4 876251072 +130 475 3 874953595 +130 477 4 875216593 +130 496 5 875216593 +130 501 5 875801716 +130 508 4 874953557 +130 527 5 875801447 +130 531 5 875216628 +130 532 5 876250955 +130 534 5 874953728 +130 538 5 884623983 +130 541 3 876252307 +130 546 4 876250932 +130 550 5 878537602 +130 552 5 876252225 +130 554 4 876252288 +130 555 4 888211930 +130 564 4 875802137 +130 565 3 880396541 +130 566 4 878537558 +130 567 2 876252225 +130 568 5 876251693 +130 572 3 878537853 +130 578 5 878537681 +130 588 4 875216867 +130 589 4 875216717 +130 596 4 874953825 +130 597 4 874953866 +130 619 4 876251409 +130 622 3 875802173 +130 625 5 875801750 +130 627 5 875801496 +130 642 4 875216933 +130 658 5 875802173 +130 665 3 876252175 +130 669 4 888962754 +130 672 5 875801920 +130 678 4 874953526 +130 681 3 875801315 +130 682 4 881076059 +130 684 5 875802236 +130 685 3 874953895 +130 689 2 880396150 +130 692 5 875801422 +130 717 3 874953928 +130 721 3 880396278 +130 729 4 876252042 +130 739 5 876252420 +130 742 5 876251053 +130 743 2 878537778 +130 746 5 876252012 +130 748 4 874953526 +130 751 5 884623756 +130 752 5 888211864 +130 756 4 874953866 +130 761 3 876251650 +130 763 5 874953728 +130 765 4 876252420 +130 769 3 880396541 +130 771 2 878537631 +130 772 4 876251804 +130 779 4 878537558 +130 794 5 875802137 +130 798 1 878537631 +130 800 4 875802237 +130 802 5 876252136 +130 808 5 878537631 +130 815 3 874953866 +130 816 5 880396518 +130 819 3 874953825 +130 820 5 876251312 +130 824 3 875801830 +130 827 4 876251312 +130 833 4 876251037 +130 864 2 874953595 +130 876 4 874953291 +130 881 4 875801239 +130 888 3 881076146 +130 890 4 880396249 +130 892 3 884623832 +130 894 4 884624087 +130 895 5 884623799 +130 928 4 876251287 +130 929 4 876251160 +130 930 3 876251072 +130 931 2 880396881 +130 932 3 876251389 +130 934 4 876251341 +130 939 4 876252041 +130 940 3 875217392 +130 944 4 876252042 +130 946 4 875801830 +130 959 4 876251865 +130 974 4 876250932 +130 975 5 876251357 +130 982 1 880396831 +130 993 5 874953665 +130 1013 4 876251287 +130 1014 3 876250718 +130 1016 4 874953698 +130 1017 3 874953895 +130 1019 4 875801530 +130 1028 4 876250805 +130 1034 2 876250833 +130 1039 4 875216420 +130 1046 4 880396831 +130 1047 5 875801897 +130 1049 3 876251341 +130 1058 5 876252064 +130 1079 3 876251217 +130 1088 2 876250805 +130 1089 2 876250718 +130 1095 3 876251192 +130 1136 4 876252373 +130 1142 4 874953595 +130 1151 3 877984840 +130 1157 3 880396861 +130 1207 1 880396861 +130 1208 4 875802211 +130 1210 2 880396831 +130 1215 2 876251389 +130 1217 4 875801778 +130 1220 5 876252343 +130 1228 3 878537681 +130 1231 4 878537778 +130 1244 4 876251192 +130 1245 3 876251312 +130 1246 3 876252497 +130 1248 3 880396702 +130 1267 4 875217265 +130 1273 2 880396792 +130 1274 2 878537853 +130 1275 5 876252288 +130 1276 4 876251312 +130 1277 4 876250897 +130 1278 5 876251127 +130 1279 4 876251217 +130 1280 4 877984734 +131 1 4 883681384 +131 9 5 883681723 +131 100 5 883681418 +131 126 4 883681514 +131 127 4 883681418 +131 137 1 883681466 +131 221 3 883681561 +131 248 3 883681262 +131 269 5 883681723 +131 274 3 883681351 +131 275 2 883681384 +131 287 4 883681351 +131 297 4 883681514 +131 313 5 883681723 +131 536 5 883681723 +131 744 4 883681384 +131 750 5 883681723 +131 813 3 883681466 +131 845 4 883681351 +131 1281 4 883681561 +132 12 4 891278867 +132 56 5 891278996 +132 124 4 891278996 +132 127 4 891278937 +132 137 4 891278996 +132 154 4 891278996 +132 175 3 891278807 +132 275 3 891278915 +132 523 4 891278996 +132 806 3 891278896 +132 922 5 891278996 +132 1019 3 891278867 +133 258 5 890588639 +133 260 1 890588878 +133 269 4 890588766 +133 271 5 890588766 +133 272 5 890588672 +133 286 2 890588524 +133 294 3 890588852 +133 304 3 890588639 +133 306 4 890588612 +133 308 4 890588639 +133 315 4 890588524 +133 322 2 890588852 +133 328 3 890588577 +133 355 2 890588928 +133 539 1 890588720 +133 751 3 890588547 +134 258 4 891732122 +134 259 2 891732393 +134 269 3 891732122 +134 286 3 891732334 +134 294 4 891732365 +134 300 3 891732220 +134 313 5 891732150 +134 323 4 891732335 +134 338 4 891732532 +134 339 2 891732507 +134 508 3 891732726 +134 539 4 891732335 +134 678 4 891732271 +134 748 5 891732365 +134 879 4 891732393 +135 5 3 879857868 +135 12 4 879857764 +135 23 4 879857765 +135 38 3 879858003 +135 39 3 879857931 +135 55 4 879857797 +135 56 4 879857765 +135 79 3 879857843 +135 98 5 879857765 +135 173 4 879857723 +135 183 4 879857723 +135 185 4 879857797 +135 203 4 879857797 +135 226 3 879857956 +135 227 3 879857843 +135 229 2 879857843 +135 230 3 879857843 +135 233 3 879857843 +135 234 4 879857797 +135 258 4 879857575 +135 260 3 879857575 +135 265 3 879857797 +135 288 3 879857575 +135 294 4 879857575 +135 321 4 879857575 +135 324 3 879857575 +135 325 4 879857575 +135 327 4 879857575 +135 431 2 879857868 +135 449 3 879857843 +135 452 2 879857843 +135 470 4 879857931 +135 475 4 879857592 +135 504 4 879857843 +135 554 3 879858003 +135 564 1 879857956 +135 581 4 879857931 +135 603 4 879857765 +135 653 4 879857765 +135 744 4 879857612 +135 939 4 879857797 +135 943 3 879857931 +135 1046 3 879858003 +135 1208 3 879858003 +135 1217 2 879857956 +136 9 5 882693429 +136 14 5 882693338 +136 15 4 882693723 +136 56 4 882848783 +136 89 4 882848925 +136 116 5 882693723 +136 117 4 882694498 +136 124 5 882693489 +136 127 5 882693404 +136 237 4 882693597 +136 257 3 882693234 +136 258 5 882693234 +136 269 5 882693234 +136 275 4 882693723 +136 276 5 882693489 +136 283 4 882693529 +136 298 4 882693569 +136 303 4 882693234 +136 313 2 882693234 +136 475 4 882693339 +136 525 5 882848925 +136 744 5 882693569 +136 747 4 882848866 +136 847 4 882693371 +136 1142 4 882693569 +137 1 3 881433048 +137 50 5 881432937 +137 55 5 881433689 +137 79 5 881433689 +137 89 5 881433719 +137 96 5 881433654 +137 118 5 881433179 +137 121 5 881432881 +137 144 5 881433689 +137 174 5 881433654 +137 181 5 881433015 +137 195 5 881433689 +137 210 5 881433654 +137 237 4 881432965 +137 243 4 881432790 +137 257 5 881433048 +137 260 3 881432735 +137 261 5 882805603 +137 266 5 881432735 +137 289 3 881432671 +137 300 5 881432524 +137 327 4 881432671 +137 385 5 881433719 +137 405 5 881433336 +137 411 5 881433490 +137 476 1 881433524 +137 546 5 881433116 +137 597 5 881432987 +137 680 5 881432735 +137 685 5 881433296 +137 687 4 881432756 +137 690 2 881432482 +137 748 4 881432626 +137 866 3 881433090 +137 892 3 882809210 +137 1028 5 881433409 +137 1117 2 881433435 +138 1 4 879023031 +138 12 5 879024232 +138 13 4 879023345 +138 14 3 879022730 +138 15 4 879023389 +138 26 5 879024232 +138 45 5 879024232 +138 56 5 879024232 +138 117 4 879023245 +138 121 4 879023558 +138 133 4 879024043 +138 137 5 879023131 +138 147 4 879023779 +138 151 4 879023389 +138 182 4 879023948 +138 185 4 879023853 +138 187 5 879024043 +138 194 5 879024184 +138 209 4 879023948 +138 211 4 879024183 +138 222 4 879023345 +138 318 5 879024183 +138 357 4 879024327 +138 435 5 879024232 +138 474 5 879024327 +138 483 5 879024280 +138 484 4 879024127 +138 487 3 879023853 +138 493 4 879024382 +138 496 4 879024043 +138 497 5 879023947 +138 509 4 879024232 +138 513 5 879024043 +138 517 4 879024279 +138 518 4 879024327 +138 523 5 879024043 +138 602 4 879024382 +138 603 4 879024184 +138 614 4 879024184 +138 662 4 879024128 +138 742 4 879023245 +139 127 5 879538578 +139 222 3 879538199 +139 237 3 879538254 +139 242 3 879537876 +139 246 4 879538218 +139 268 4 879537876 +139 286 4 879537844 +139 303 5 879538021 +139 307 4 879537876 +139 458 4 879538578 +139 475 5 879538415 +139 508 4 879538255 +139 744 5 879538169 +139 1176 4 879538080 +140 258 3 879013617 +140 268 4 879013684 +140 289 4 879013719 +140 301 3 879013747 +140 303 5 879013684 +140 319 4 879013617 +140 322 3 879013684 +140 325 3 879013719 +140 332 3 879013617 +140 334 2 879013684 +140 880 4 879013832 +141 1 3 884584753 +141 7 5 884584981 +141 15 5 884584981 +141 25 5 884585105 +141 100 4 884584688 +141 106 5 884585195 +141 117 4 884584929 +141 118 5 884585274 +141 120 4 884585547 +141 121 4 884585071 +141 125 5 884585642 +141 126 5 884585642 +141 127 2 884584735 +141 147 4 884584906 +141 151 2 884585039 +141 181 4 884584709 +141 222 4 884584865 +141 235 1 884585437 +141 244 5 884585247 +141 245 3 884584426 +141 248 3 884585039 +141 249 2 884585386 +141 250 4 884585128 +141 252 4 884585195 +141 255 4 884585039 +141 257 3 884584773 +141 258 5 884584338 +141 259 1 886447904 +141 261 1 886447904 +141 274 5 884585220 +141 276 1 884584817 +141 279 1 884584817 +141 281 4 884584865 +141 282 5 884585642 +141 284 5 884585071 +141 286 4 884584247 +141 288 3 884584386 +141 290 1 884584817 +141 291 5 884585220 +141 292 1 884584906 +141 293 2 884584735 +141 294 4 884584247 +141 295 5 884585039 +141 298 5 884584790 +141 300 5 887424721 +141 313 5 884584271 +141 322 4 884584426 +141 323 4 884584480 +141 328 4 886447679 +141 330 1 886447735 +141 333 5 887424639 +141 335 1 886447735 +141 346 1 886447613 +141 407 2 884585523 +141 409 5 884585274 +141 410 4 884585195 +141 472 5 884585274 +141 476 3 884585498 +141 535 5 884585195 +141 591 4 884584865 +141 597 4 884585071 +141 619 4 884585039 +141 676 5 884585001 +141 678 4 884584480 +141 696 4 884585498 +141 717 4 884585470 +141 742 4 884584930 +141 744 5 884584981 +141 756 3 884585363 +141 815 4 884585070 +141 823 3 884585437 +141 826 2 884585437 +141 831 2 884585470 +141 864 3 884585128 +141 866 5 884585071 +141 871 3 884585148 +141 872 1 886447698 +141 880 1 886447847 +141 926 4 884585300 +141 930 4 884585247 +141 932 3 884585128 +141 974 4 884585300 +141 984 4 886447880 +141 985 4 884585363 +141 988 3 884584460 +141 1013 1 884585470 +141 1014 3 884585572 +141 1023 4 884585274 +141 1028 4 884585168 +141 1040 3 884585547 +141 1047 4 884585220 +141 1059 1 884584886 +141 1142 1 884584688 +141 1244 3 884585364 +141 1280 1 887424890 +141 1282 3 884585320 +141 1283 3 884585168 +142 7 4 888640489 +142 28 4 888640404 +142 42 4 888640489 +142 82 4 888640356 +142 89 3 888640489 +142 91 5 888640404 +142 134 5 888640356 +142 147 1 888640356 +142 169 5 888640356 +142 181 5 888640317 +142 186 4 888640430 +142 189 4 888640317 +142 243 1 888640199 +142 259 3 888640104 +142 268 5 888639837 +142 294 3 888640054 +142 315 3 888639837 +142 322 2 888640054 +142 338 2 888640199 +142 350 4 888639882 +142 362 3 888639920 +142 425 4 888640489 +142 895 4 888640143 +143 272 4 888407586 +143 313 5 888407586 +143 323 3 888407656 +143 325 5 888407741 +143 328 4 888407656 +143 331 5 888407622 +143 333 5 888407708 +143 347 5 888407741 +143 682 3 888407741 +143 1038 3 888407656 +144 1 4 888104063 +144 4 4 888105873 +144 7 2 888104087 +144 8 4 888105612 +144 9 5 888104191 +144 12 4 888105419 +144 14 4 888104122 +144 15 4 888104150 +144 19 4 888103929 +144 20 4 888104559 +144 22 5 888105439 +144 24 4 888104541 +144 32 4 888105287 +144 33 5 888105902 +144 48 5 888105197 +144 50 5 888103929 +144 54 2 888105473 +144 55 4 888105254 +144 56 4 888105387 +144 58 3 888105548 +144 59 4 888105197 +144 61 3 888106182 +144 64 5 888105140 +144 65 4 888106182 +144 68 2 888105665 +144 69 5 888105140 +144 70 4 888105587 +144 72 4 888105338 +144 73 3 888105636 +144 87 5 888105548 +144 89 3 888105691 +144 93 1 888104032 +144 96 5 888105691 +144 98 4 888105587 +144 100 5 888104063 +144 105 2 888104767 +144 106 3 888104684 +144 116 4 888104258 +144 117 4 888103969 +144 124 4 888104063 +144 125 4 888104191 +144 126 4 888104150 +144 127 4 888105823 +144 129 4 888104234 +144 135 5 888105364 +144 137 4 888104150 +144 144 4 888105254 +144 147 3 888104402 +144 153 5 888105823 +144 160 2 888106181 +144 165 4 888105993 +144 170 4 888105364 +144 172 4 888105312 +144 173 5 888105902 +144 174 5 888105612 +144 176 4 888105338 +144 180 4 888105873 +144 181 4 888104032 +144 182 3 888105743 +144 183 4 888105140 +144 187 4 888105312 +144 190 5 888105714 +144 191 4 888105081 +144 193 4 888105287 +144 194 5 888105287 +144 195 5 888105081 +144 196 4 888105743 +144 197 4 888106106 +144 198 4 888105287 +144 204 2 888105116 +144 209 2 888105116 +144 212 5 888105993 +144 213 4 888105387 +144 215 4 888105714 +144 216 4 888105691 +144 221 3 888104087 +144 223 4 888105197 +144 234 4 888105115 +144 235 1 888104715 +144 237 4 888104258 +144 242 4 888103444 +144 244 3 888104588 +144 248 4 888104032 +144 251 4 888103929 +144 257 4 888104258 +144 258 4 888103371 +144 262 3 888103444 +144 271 2 888103632 +144 273 4 888104213 +144 274 3 888104382 +144 276 3 888104122 +144 280 1 888104625 +144 281 3 888104191 +144 282 4 888104123 +144 284 3 888104213 +144 285 4 888103969 +144 286 4 888103370 +144 288 2 888103509 +144 293 4 888104283 +144 294 4 888103573 +144 297 4 888104150 +144 298 3 888103988 +144 300 3 888103370 +144 302 3 888103530 +144 303 4 888103407 +144 304 4 888103466 +144 307 1 888103407 +144 316 5 888103666 +144 318 5 888105419 +144 319 3 888103509 +144 326 4 888103530 +144 327 3 888103444 +144 328 3 888103407 +144 333 3 888103371 +144 343 2 888103725 +144 357 4 888105254 +144 393 4 888105743 +144 403 3 888105636 +144 405 4 888104419 +144 410 3 888104521 +144 411 4 888104588 +144 423 5 888105714 +144 435 4 888105387 +144 454 3 888105993 +144 455 3 888104382 +144 461 4 888106044 +144 466 2 888105823 +144 470 2 888105993 +144 471 4 888104213 +144 474 4 888105311 +144 475 1 888104032 +144 476 2 888104625 +144 478 4 888105337 +144 480 4 888106322 +144 500 4 888105419 +144 508 4 888104150 +144 514 5 888105197 +144 516 2 888105197 +144 518 3 888106182 +144 521 4 888105312 +144 523 5 888105338 +144 524 5 888105081 +144 527 5 888105665 +144 528 4 888105846 +144 531 5 888105473 +144 533 4 888104258 +144 588 4 888105549 +144 591 3 888104122 +144 597 4 888104191 +144 632 4 888105472 +144 647 4 888105338 +144 651 4 888105197 +144 654 4 888105823 +144 655 5 888105116 +144 690 3 888103573 +144 699 4 888106106 +144 707 3 888106322 +144 709 4 888105940 +144 713 4 888104322 +144 727 3 888105765 +144 729 4 888105665 +144 742 4 888104122 +144 750 4 888103444 +144 751 4 888103725 +144 760 2 888104283 +144 762 3 888104940 +144 785 4 888106016 +144 815 1 888104659 +144 823 3 888104659 +144 831 3 888104805 +144 845 4 888104191 +144 847 4 888104063 +144 855 4 888105510 +144 880 5 888103509 +144 900 4 888103371 +144 942 4 888106044 +144 956 4 888105636 +144 960 2 888105784 +144 962 4 888105612 +144 963 4 888105254 +144 1010 3 888104834 +144 1012 4 888104521 +144 1013 1 888104446 +144 1016 3 888104322 +144 1028 3 888104495 +144 1039 4 888105587 +144 1065 4 888105714 +144 1101 4 888105312 +144 1138 4 888104684 +144 1142 5 888103968 +144 1169 4 888106044 +144 1197 4 888104322 +144 1226 4 888104737 +144 1284 3 888104446 +144 1285 3 888105922 +144 1286 4 888105846 +145 1 3 882181396 +145 3 3 875271562 +145 5 3 875272196 +145 7 5 875270429 +145 9 2 875270394 +145 11 5 875273120 +145 12 5 882182917 +145 15 2 875270655 +145 17 3 875272132 +145 23 4 875271896 +145 25 2 875270655 +145 31 5 875271896 +145 38 3 888398747 +145 39 4 875271838 +145 42 5 882181785 +145 44 5 875272132 +145 49 3 875272926 +145 50 5 885557660 +145 51 3 875272786 +145 53 2 875272245 +145 54 5 888398669 +145 55 3 875272009 +145 56 5 875271896 +145 59 1 882181695 +145 62 2 885557699 +145 64 4 882181785 +145 66 4 875272786 +145 69 5 882181632 +145 77 3 875272348 +145 79 5 875271838 +145 88 5 875272833 +145 89 4 882181605 +145 96 5 882181728 +145 97 5 875272652 +145 98 5 875271896 +145 100 5 875270458 +145 105 2 875271442 +145 106 4 875270655 +145 109 4 875270903 +145 111 3 875270322 +145 117 5 875270655 +145 118 3 875270764 +145 120 2 888398563 +145 121 2 875270507 +145 122 1 888398307 +145 123 4 879161848 +145 134 4 882181695 +145 135 5 885557731 +145 150 5 875270655 +145 155 2 875272871 +145 156 5 875271896 +145 159 4 875272299 +145 164 4 875271948 +145 172 5 882181632 +145 173 5 875272604 +145 174 5 882181728 +145 176 5 875271838 +145 181 5 875270507 +145 182 5 885622510 +145 185 4 875271838 +145 195 5 882181728 +145 200 4 877343121 +145 202 4 875272694 +145 203 5 875271948 +145 209 4 882181659 +145 212 2 875272786 +145 216 5 875272694 +145 217 3 877343156 +145 218 3 877343121 +145 219 5 877343185 +145 222 5 885557660 +145 226 1 875272196 +145 227 4 885557660 +145 228 4 885557660 +145 229 3 885557699 +145 230 5 885557660 +145 234 5 875271948 +145 235 4 875270507 +145 236 1 888397981 +145 237 5 875270570 +145 238 4 882181859 +145 240 5 875270764 +145 242 5 875269755 +145 246 4 888397946 +145 249 4 875270832 +145 250 5 882182944 +145 257 5 875270932 +145 258 4 875269755 +145 259 3 875269871 +145 265 5 875272131 +145 266 3 877343000 +145 268 4 888396828 +145 269 5 879161576 +145 270 5 879161577 +145 271 4 885557660 +145 273 5 875270322 +145 274 3 875270800 +145 275 2 885557505 +145 276 1 882182634 +145 278 4 875272871 +145 281 4 875272299 +145 282 5 875270570 +145 284 4 888398104 +145 286 3 875269755 +145 293 4 875270276 +145 294 4 875269871 +145 298 1 885557579 +145 299 4 875269822 +145 300 3 875269755 +145 301 4 877342952 +145 302 4 879161553 +145 304 2 885557505 +145 308 2 885557505 +145 310 4 883840666 +145 312 3 885622510 +145 313 4 883840638 +145 315 5 883840797 +145 316 5 888396966 +145 327 5 875269822 +145 328 5 875270006 +145 329 4 888397542 +145 331 3 879161554 +145 333 2 885557626 +145 338 3 882181335 +145 339 3 882181058 +145 342 4 882181205 +145 343 5 882181082 +145 346 5 883840638 +145 347 3 891509921 +145 348 4 888397542 +145 352 4 885556043 +145 354 4 891509877 +145 355 3 888396967 +145 356 4 875272299 +145 358 4 875273234 +145 363 4 875271607 +145 368 3 888398492 +145 379 3 875272299 +145 380 3 885557699 +145 394 1 888398833 +145 405 3 875270970 +145 406 3 875270692 +145 407 2 888398400 +145 410 4 875270616 +145 411 2 875271522 +145 412 4 888398492 +145 413 3 877343280 +145 431 5 875272132 +145 436 5 877343121 +145 443 3 882182658 +145 447 5 877343185 +145 449 3 885557699 +145 450 3 885557660 +145 452 3 882182762 +145 454 1 885557699 +145 460 1 875271312 +145 470 5 875272299 +145 471 4 885622707 +145 477 2 888398069 +145 486 3 882181659 +145 510 4 882181859 +145 515 5 875270394 +145 544 4 875271312 +145 546 3 875271047 +145 549 5 875272786 +145 552 5 888398747 +145 553 3 875272786 +145 554 3 875272245 +145 558 2 877343121 +145 559 2 877343156 +145 563 3 877343280 +145 566 5 875272010 +145 569 4 877343156 +145 572 5 888398747 +145 574 2 888398833 +145 590 1 882182802 +145 592 3 888398867 +145 595 3 885557505 +145 597 4 875271477 +145 603 5 875272009 +145 620 3 875271660 +145 628 2 875270932 +145 631 4 885557626 +145 635 4 875272349 +145 636 4 875272050 +145 637 3 882182689 +145 642 3 875272010 +145 650 4 875273120 +145 652 5 882181571 +145 665 5 877343212 +145 672 3 882182689 +145 673 4 875272299 +145 674 4 877343184 +145 678 2 879161675 +145 680 3 875269871 +145 682 3 879161624 +145 683 3 879161674 +145 684 5 875273174 +145 685 4 875271229 +145 687 2 882181335 +145 688 4 875269822 +145 690 4 877342952 +145 692 2 885557505 +145 696 3 875271442 +145 713 4 875270616 +145 717 3 888398702 +145 727 2 875272652 +145 728 2 875272988 +145 731 3 875272833 +145 732 4 875272833 +145 737 2 875272833 +145 738 3 875272927 +145 739 2 875272927 +145 740 2 875272786 +145 742 4 875270616 +145 750 4 885555884 +145 751 4 883840666 +145 752 4 888396828 +145 754 3 882181058 +145 756 2 885557506 +145 760 2 888398123 +145 761 4 882182850 +145 762 3 875272926 +145 763 4 875271047 +145 764 2 888398257 +145 767 2 879161882 +145 769 2 877343280 +145 770 1 875272245 +145 771 2 888398867 +145 789 4 875272132 +145 796 3 875272833 +145 800 2 875272349 +145 816 5 877343156 +145 820 2 885557732 +145 821 3 875272833 +145 823 3 875271397 +145 825 4 875271477 +145 826 2 875271312 +145 827 2 888398238 +145 831 1 888398329 +145 859 3 882182763 +145 869 4 875272926 +145 877 2 885557506 +145 879 5 877343000 +145 890 2 885557505 +145 892 2 885557505 +145 894 1 883840965 +145 895 3 883840687 +145 896 2 888396828 +145 898 1 885555980 +145 901 1 885556116 +145 924 2 875270508 +145 925 4 875271047 +145 926 3 875271094 +145 928 3 879161848 +145 929 2 888398069 +145 930 2 888398833 +145 933 1 875270276 +145 934 1 875270394 +145 939 4 875272050 +145 943 3 875272050 +145 949 4 875272652 +145 974 1 882182634 +145 977 3 879161931 +145 979 3 879161882 +145 983 1 879161805 +145 988 1 891510040 +145 993 3 875270616 +145 1001 4 875271607 +145 1002 1 888398400 +145 1009 2 875270764 +145 1011 5 888398162 +145 1012 4 875270322 +145 1023 1 885557545 +145 1025 4 877343020 +145 1028 5 875271607 +145 1033 1 875270903 +145 1040 1 888398492 +145 1041 5 875272987 +145 1046 4 888398702 +145 1047 3 875270764 +145 1051 2 888398087 +145 1054 1 888398563 +145 1057 1 875271312 +145 1073 5 875272009 +145 1077 3 875272245 +145 1087 1 875271357 +145 1090 2 888398833 +145 1102 1 888398162 +145 1132 3 875271522 +145 1208 4 875272196 +145 1210 1 888398766 +145 1212 2 875272196 +145 1215 2 888398400 +145 1216 2 888398238 +145 1217 2 875272349 +145 1248 3 875272195 +145 1273 5 875272196 +145 1279 1 875270903 +145 1283 1 875270903 +145 1287 2 888398563 +145 1288 4 888398197 +145 1289 1 875271660 +145 1290 1 875272732 +145 1291 3 888398563 +145 1292 1 875271357 +146 262 4 891457714 +146 269 4 891457591 +146 286 3 891457493 +146 294 1 891457668 +146 300 3 891457943 +146 302 4 891457538 +146 307 3 891457905 +146 311 4 891457714 +146 313 4 891457591 +146 315 5 891458193 +146 327 3 891457905 +146 336 5 891458193 +146 342 1 891457978 +146 345 4 891457538 +146 346 4 891457591 +146 347 3 891457493 +146 688 1 891457749 +146 1022 5 891458193 +146 1294 4 891457749 +147 258 4 885594040 +147 269 4 885593812 +147 292 5 885594040 +147 305 4 885593997 +147 339 5 885594204 +147 340 4 885593965 +147 345 4 885594040 +147 690 4 885593965 +147 751 2 885593965 +147 904 5 885594015 +148 1 4 877019411 +148 7 5 877017054 +148 8 4 877020297 +148 50 5 877016805 +148 56 5 877398212 +148 69 5 877019101 +148 70 5 877021271 +148 78 1 877399018 +148 89 5 877398587 +148 114 5 877016735 +148 116 5 877398648 +148 127 1 877399351 +148 132 4 877020715 +148 133 5 877019251 +148 135 5 877016514 +148 140 1 877019882 +148 151 4 877400124 +148 163 4 877021402 +148 164 4 877398444 +148 168 5 877015900 +148 169 5 877020297 +148 172 5 877016513 +148 173 5 877017054 +148 174 5 877015066 +148 175 4 877016259 +148 177 2 877020715 +148 181 5 877399135 +148 185 1 877398385 +148 189 4 877019698 +148 190 2 877398586 +148 191 1 877020715 +148 194 5 877015066 +148 204 3 877016912 +148 209 5 877398648 +148 222 4 877398901 +148 227 4 877399083 +148 234 3 877020297 +148 238 4 877398586 +148 408 5 877399018 +148 418 3 877019251 +148 432 5 877019698 +148 474 5 877019882 +148 495 4 877016735 +148 496 3 877015066 +148 507 5 877398587 +148 509 5 877016605 +148 521 1 877398836 +148 549 3 877398385 +148 588 4 877399018 +148 663 5 877399018 +148 713 3 877021535 +148 969 4 877398513 +148 993 4 877400154 +148 1039 2 877015784 +148 1149 5 877016513 +149 245 3 883512813 +149 258 3 883512658 +149 268 4 883512715 +149 269 5 883512557 +149 272 3 883512591 +149 300 3 883512715 +149 301 3 883512813 +149 303 4 883512752 +149 305 4 883512658 +149 308 2 883512658 +149 310 2 883512689 +149 311 3 883512752 +149 312 1 883512950 +149 313 5 883512557 +149 319 2 883512658 +149 327 2 883512689 +149 328 2 883512689 +149 333 1 883512591 +149 340 4 883512775 +149 345 4 883512623 +149 678 2 883512928 +149 689 2 883512950 +149 874 3 883512752 +149 896 4 883512689 +149 1295 3 883512813 +149 1296 3 883512752 +150 1 4 878746441 +150 13 4 878746889 +150 14 4 878746889 +150 100 2 878746636 +150 121 2 878747322 +150 123 4 878746852 +150 124 2 878746442 +150 129 4 878746946 +150 150 3 878746824 +150 151 4 878746824 +150 181 5 878746685 +150 221 4 878747017 +150 246 5 878746719 +150 276 5 878746982 +150 278 2 878746889 +150 288 4 878746174 +150 291 4 878746764 +150 293 4 878746946 +150 319 4 878746174 +150 324 4 878746225 +150 325 1 878747322 +150 458 4 878746720 +151 1 5 879524151 +151 4 5 879524922 +151 7 4 879524610 +151 9 4 879524199 +151 10 5 879524921 +151 12 5 879524368 +151 13 3 879542688 +151 14 5 879524325 +151 15 4 879524879 +151 25 4 879528496 +151 26 3 879542252 +151 28 4 879524199 +151 31 3 879524713 +151 33 5 879543181 +151 44 4 879542413 +151 47 3 879528459 +151 49 3 879543055 +151 50 5 879525034 +151 51 4 879543055 +151 52 5 879524586 +151 56 4 879524879 +151 64 5 879524536 +151 65 4 879528729 +151 66 4 879524974 +151 69 4 879524368 +151 70 4 879524947 +151 73 4 879528909 +151 79 4 879524642 +151 81 5 879524293 +151 82 3 879524819 +151 83 5 879524611 +151 86 5 879524345 +151 87 4 879524420 +151 88 5 879542645 +151 91 2 879542796 +151 93 5 879525002 +151 97 5 879528801 +151 98 4 879524088 +151 100 3 879524514 +151 111 4 879542775 +151 114 5 879524268 +151 118 3 879542588 +151 121 5 879525054 +151 124 5 879524491 +151 125 4 879542939 +151 131 5 879525075 +151 132 5 879524669 +151 133 5 879524797 +151 134 4 879524131 +151 135 5 879524471 +151 136 4 879524293 +151 137 5 879528754 +151 143 5 879524878 +151 147 2 879524947 +151 151 5 879524760 +151 152 3 879525075 +151 153 3 879524326 +151 154 4 879524642 +151 160 4 879542670 +151 162 5 879528779 +151 163 4 879542723 +151 164 5 879542984 +151 168 5 879528495 +151 169 5 879524268 +151 170 5 879524669 +151 171 5 879524921 +151 172 5 879524325 +151 173 5 879524130 +151 174 5 879524088 +151 175 5 879524244 +151 176 2 879524293 +151 178 5 879524586 +151 181 5 879524394 +151 183 3 879524642 +151 185 4 879528801 +151 186 4 879524222 +151 189 5 879528495 +151 190 4 879528673 +151 191 3 879524326 +151 193 4 879524491 +151 194 4 879524443 +151 195 3 879524642 +151 196 4 879542670 +151 197 5 879528710 +151 198 4 879524472 +151 199 3 879524563 +151 200 3 879525002 +151 202 5 879542753 +151 203 3 879524471 +151 204 4 879524641 +151 208 4 879524443 +151 209 4 879524443 +151 210 4 879524419 +151 211 5 879528588 +151 213 5 879524849 +151 215 3 879524420 +151 216 4 879524713 +151 222 5 879525002 +151 223 5 879524088 +151 224 5 879524293 +151 227 5 879542670 +151 228 5 879524345 +151 230 3 879528647 +151 231 1 879543366 +151 234 4 879524819 +151 238 5 879542286 +151 241 3 879542645 +151 258 5 879523838 +151 260 1 879523998 +151 265 5 879542566 +151 274 5 879542369 +151 275 5 879524443 +151 277 4 879524642 +151 286 5 879523838 +151 287 4 879528754 +151 290 1 879543400 +151 300 4 879523942 +151 301 4 879523925 +151 302 3 879523860 +151 318 5 879524088 +151 321 4 879523900 +151 322 2 881771160 +151 328 3 879523838 +151 356 2 879528852 +151 357 5 879524585 +151 371 4 879542891 +151 378 4 879528520 +151 380 5 879543146 +151 381 5 879528754 +151 382 4 879528754 +151 385 3 879542775 +151 393 2 879528692 +151 405 3 879543055 +151 408 5 879524222 +151 411 4 879543228 +151 414 5 879542474 +151 417 3 879543075 +151 418 3 879525002 +151 419 3 879524878 +151 420 5 879524760 +151 423 4 879528570 +151 425 4 879528647 +151 427 5 879524108 +151 428 5 879542510 +151 429 5 879528673 +151 430 4 879528418 +151 432 5 879524610 +151 433 3 879542510 +151 435 4 879524131 +151 436 3 879524947 +151 443 5 879524947 +151 448 2 879528779 +151 451 5 879542707 +151 461 4 879524738 +151 462 4 879524088 +151 463 5 879525002 +151 464 4 879524089 +151 466 5 879528496 +151 469 1 879528852 +151 470 3 879528674 +151 473 4 879524974 +151 474 5 879524222 +151 476 3 879543423 +151 478 5 879524471 +151 480 5 879524151 +151 481 3 879524669 +151 482 4 879524345 +151 483 5 879524244 +151 484 4 879524563 +151 486 5 879525002 +151 487 5 879524669 +151 488 4 879524900 +151 489 5 879528623 +151 490 5 879528418 +151 491 4 879524536 +151 492 3 879524738 +151 494 4 879524244 +151 496 4 879524974 +151 497 5 879524325 +151 498 5 879524150 +151 499 5 879524585 +151 503 3 879524199 +151 504 4 879528868 +151 505 5 879528909 +151 506 4 879524900 +151 507 5 879524394 +151 509 4 879524778 +151 512 5 879524712 +151 514 4 879524797 +151 516 5 879542707 +151 517 2 879542588 +151 522 5 879524443 +151 523 5 879524173 +151 525 4 879528570 +151 528 5 879524849 +151 529 5 879542610 +151 531 3 879524738 +151 546 2 879543400 +151 549 4 879543324 +151 559 2 879543075 +151 561 3 879543342 +151 566 3 879528890 +151 582 5 879524563 +151 584 3 879525035 +151 602 4 879542688 +151 603 5 879524641 +151 605 4 879528909 +151 606 5 879528496 +151 609 4 879525075 +151 610 5 879528607 +151 611 4 879524514 +151 614 4 879528729 +151 627 2 879542796 +151 628 5 879528674 +151 629 4 879528754 +151 631 3 879524849 +151 632 4 879528779 +151 633 5 879528801 +151 638 5 879528819 +151 642 3 879524713 +151 652 5 879524472 +151 654 4 879524514 +151 655 4 879542645 +151 657 5 879524760 +151 659 5 879524974 +151 660 4 879524199 +151 661 4 879524419 +151 662 4 879525054 +151 663 4 879524268 +151 664 5 879524713 +151 675 2 879524368 +151 684 3 879524849 +151 686 3 879525035 +151 692 3 879524669 +151 699 4 879525035 +151 702 3 879524849 +151 703 4 879542460 +151 705 5 879524778 +151 707 4 879528537 +151 709 5 879524778 +151 716 2 879528778 +151 724 4 879542270 +151 729 4 879542492 +151 732 4 879542775 +151 735 5 879528438 +151 736 4 879542389 +151 741 2 879524394 +151 747 3 879524564 +151 748 2 879523925 +151 755 3 879543366 +151 761 3 879542813 +151 770 4 879542527 +151 775 2 879543366 +151 781 3 879543181 +151 782 4 879542566 +151 792 4 879524268 +151 805 4 879542567 +151 813 4 879524222 +151 826 1 879543212 +151 835 5 879524199 +151 836 4 879524514 +151 837 4 879524642 +151 845 4 879525035 +151 847 5 879528459 +151 919 5 879524368 +151 922 4 879542847 +151 929 3 879543457 +151 939 4 879524514 +151 945 5 879524419 +151 952 3 879528729 +151 953 5 879524948 +151 956 4 879542567 +151 962 1 879524394 +151 965 5 879524849 +151 966 4 879543457 +151 971 5 879528607 +151 972 4 879543366 +151 1017 2 879542939 +151 1039 4 879524471 +151 1041 3 879543306 +151 1044 2 879524900 +151 1047 2 879543036 +151 1050 4 879524879 +151 1065 3 879542413 +151 1070 4 879524174 +151 1074 2 879543342 +151 1098 1 879528890 +151 1101 4 879524586 +151 1109 4 879542414 +151 1113 4 879542891 +151 1197 5 879542753 +151 1203 5 879542670 +151 1264 4 879542389 +151 1269 5 879528438 +151 1286 5 879524173 +151 1297 1 879542847 +151 1299 4 879543423 +152 8 5 882829050 +152 15 5 880148843 +152 21 3 880149253 +152 22 5 882828490 +152 25 3 880149045 +152 33 5 882475924 +152 49 5 882477402 +152 51 4 882476486 +152 66 5 886535773 +152 67 5 882477689 +152 69 5 882474000 +152 71 5 882900320 +152 80 5 882477572 +152 88 5 884035964 +152 97 5 882475618 +152 111 5 880148782 +152 117 4 880148782 +152 120 2 880149686 +152 121 5 880149166 +152 132 5 882475496 +152 133 5 882474845 +152 143 5 882474378 +152 147 3 880149045 +152 151 4 880148735 +152 153 4 880149924 +152 155 5 884018390 +152 157 5 882476486 +152 161 5 882476363 +152 162 5 882474898 +152 173 5 882474378 +152 191 5 880149963 +152 204 4 882474587 +152 215 5 880149882 +152 234 4 882474970 +152 237 5 880148734 +152 241 4 884035579 +152 272 5 890322298 +152 274 5 880149166 +152 275 4 880148664 +152 278 4 880149166 +152 280 5 880148941 +152 283 4 880148616 +152 284 5 880149045 +152 286 5 875562268 +152 294 4 880149098 +152 301 3 880147407 +152 313 4 890322242 +152 319 2 890322385 +152 354 3 890322242 +152 364 4 884019146 +152 367 3 882475972 +152 371 4 882477356 +152 393 5 884018430 +152 401 3 884018905 +152 402 5 882829501 +152 410 4 882478038 +152 411 4 880149350 +152 412 2 880149328 +152 423 5 882899511 +152 451 5 882476911 +152 483 5 882474435 +152 487 5 882474587 +152 504 4 882476261 +152 527 4 882477356 +152 549 4 882476261 +152 559 1 882475972 +152 568 5 882829846 +152 596 2 880148941 +152 632 4 882474734 +152 660 5 880150075 +152 685 5 880149074 +152 692 5 880149963 +152 699 5 882476911 +152 716 5 884019001 +152 720 5 882477356 +152 724 5 884035936 +152 739 5 882475924 +152 740 4 880149197 +152 763 5 884018370 +152 775 4 884018798 +152 778 3 882476683 +152 781 5 882476486 +152 783 4 884018961 +152 785 5 886535773 +152 794 5 886535773 +152 845 3 886535827 +152 871 3 884018842 +152 944 4 882476632 +152 1014 2 880149224 +152 1035 4 882477755 +152 1041 5 882477572 +152 1053 5 882475618 +152 1054 1 880149643 +152 1136 5 882477202 +152 1300 4 886535827 +152 1301 5 884018462 +153 22 2 881371140 +153 56 5 881371140 +153 64 5 881371005 +153 127 3 881371140 +153 174 1 881371140 +153 187 2 881371198 +153 216 2 881371032 +153 321 3 881370900 +153 322 3 881370900 +153 323 2 881370900 +153 510 3 881371198 +153 568 4 881371140 +153 678 2 881370935 +154 61 4 879138657 +154 135 5 879139003 +154 137 3 879138657 +154 152 4 879138832 +154 172 4 879138783 +154 174 5 879138657 +154 175 5 879138784 +154 185 5 879139002 +154 187 5 879139096 +154 191 4 879138832 +154 197 5 879139003 +154 200 5 879138832 +154 211 4 879139002 +154 222 2 879138910 +154 238 5 879139040 +154 242 3 879138235 +154 258 3 879138235 +154 286 4 879138235 +154 288 3 879138235 +154 289 2 879138345 +154 302 4 879138235 +154 324 2 879138287 +154 357 4 879138713 +154 414 4 879138910 +154 474 5 879138783 +154 475 4 879138832 +154 479 4 879138831 +154 482 4 879138831 +154 484 4 879139096 +154 488 4 879138831 +154 496 3 879138910 +154 515 4 879138657 +154 523 5 879138831 +154 527 4 879139040 +154 641 5 879138831 +154 642 3 879138910 +154 651 4 879138783 +154 806 4 879139040 +154 874 3 879138368 +154 919 4 879138712 +154 945 3 879138713 +155 245 2 879371061 +155 286 4 879370860 +155 294 3 879371194 +155 319 3 879370963 +155 321 4 879370963 +155 323 2 879371261 +155 324 2 879370963 +155 325 2 879371261 +155 328 2 879370860 +155 748 2 879371261 +155 872 3 879370860 +155 988 2 879371261 +156 9 4 888185735 +156 12 3 888185853 +156 58 4 888185906 +156 64 3 888185677 +156 77 2 888185906 +156 83 3 888185677 +156 86 4 888185854 +156 100 4 888185677 +156 137 4 888185735 +156 157 4 888185906 +156 178 5 888185777 +156 187 5 888185778 +156 192 4 888185735 +156 205 3 888185735 +156 276 3 888185854 +156 317 4 888185906 +156 480 5 888185606 +156 510 4 888186093 +156 515 3 888185735 +156 528 4 888185906 +156 641 5 888185677 +156 646 4 888185947 +156 651 4 888185906 +156 655 3 888185677 +156 661 4 888185947 +156 772 3 888185947 +156 806 3 888185777 +157 25 3 886890787 +157 50 4 886890541 +157 100 5 886890650 +157 111 3 886889876 +157 117 5 886890296 +157 118 2 886890439 +157 120 1 886891243 +157 127 5 886890541 +157 147 5 886890342 +157 150 5 874813703 +157 235 5 874813703 +157 244 5 886890406 +157 250 1 886890296 +157 255 3 886889876 +157 258 3 886890296 +157 268 5 886889729 +157 269 4 886889876 +157 273 5 886889876 +157 274 4 886890835 +157 276 4 886889876 +157 283 4 886890692 +157 286 5 874813268 +157 289 4 886889876 +157 290 4 886890787 +157 313 5 886889616 +157 340 5 886889616 +157 405 3 886890342 +157 410 4 886890855 +157 475 3 886890650 +157 476 1 886891173 +157 508 5 886890712 +157 515 5 874813477 +157 597 3 886890406 +157 685 3 886890372 +157 748 2 886890015 +157 934 2 886890878 +157 1016 5 886890341 +157 1051 4 886890835 +157 1132 3 886891132 +157 1244 3 886891194 +157 1258 5 886891132 +158 4 4 880134477 +158 7 5 880132744 +158 8 5 880134948 +158 10 4 880132513 +158 11 4 880134398 +158 20 4 880134261 +158 22 5 880134333 +158 24 4 880134261 +158 29 3 880134607 +158 39 5 880134398 +158 42 3 880134913 +158 50 4 880133306 +158 53 1 880134781 +158 55 4 880134407 +158 56 5 880134296 +158 62 5 880134759 +158 68 3 880134532 +158 70 4 880135118 +158 72 3 880135118 +158 82 5 880134398 +158 83 5 880134913 +158 89 5 880133189 +158 92 4 880134407 +158 96 4 880134332 +158 100 5 880132401 +158 107 3 880132960 +158 111 4 880134261 +158 116 5 880132383 +158 117 3 880132719 +158 118 5 880132638 +158 120 1 880134014 +158 121 4 880132701 +158 123 3 880132488 +158 124 4 880134261 +158 125 3 880132745 +158 127 5 880132356 +158 128 2 880134296 +158 129 5 880132383 +158 137 5 880132443 +158 144 4 880134445 +158 148 4 880132613 +158 149 3 880132383 +158 154 4 880135069 +158 161 2 880134477 +158 163 4 880135044 +158 168 5 880134948 +158 172 4 880134398 +158 173 5 880134913 +158 174 5 880134332 +158 175 4 880135044 +158 176 4 880134398 +158 177 4 880134407 +158 181 3 880132383 +158 182 5 880134296 +158 183 3 880134332 +158 184 3 880134407 +158 186 3 880134913 +158 187 5 880134332 +158 188 4 880134332 +158 194 5 880134913 +158 195 5 880134398 +158 202 5 880135001 +158 204 4 880135001 +158 208 5 880135093 +158 209 5 880135001 +158 210 4 880134296 +158 216 3 880134948 +158 217 5 880133095 +158 221 2 880132421 +158 222 3 880132771 +158 226 3 880134675 +158 227 2 880134499 +158 228 5 880134296 +158 229 3 880134532 +158 230 2 880134445 +158 231 2 880134532 +158 232 3 880134477 +158 233 3 880134477 +158 235 1 880132794 +158 238 5 880134913 +158 239 3 880135093 +158 241 4 880134445 +158 244 4 880132772 +158 250 4 880132356 +158 252 3 880132893 +158 273 3 880132356 +158 275 5 880132313 +158 277 4 880132658 +158 283 5 880132421 +158 284 5 880132638 +158 285 5 880132383 +158 286 4 880134261 +158 290 4 880135160 +158 293 4 880132513 +158 294 1 880132193 +158 298 3 880132513 +158 302 4 880132193 +158 325 4 880133920 +158 367 4 880134913 +158 373 2 880134781 +158 385 3 880134445 +158 399 3 880134595 +158 403 4 880134650 +158 408 5 880132313 +158 410 3 880132794 +158 430 5 880135093 +158 431 5 880134477 +158 433 3 880135044 +158 435 5 880134407 +158 449 2 880134815 +158 450 3 880134815 +158 455 4 880132772 +158 471 4 880132513 +158 472 3 880132659 +158 502 4 880135069 +158 510 3 880134296 +158 511 5 880134296 +158 514 3 880135093 +158 516 5 880135044 +158 518 4 880134398 +158 525 5 880133288 +158 530 4 880134332 +158 544 2 880132638 +158 546 3 880132719 +158 550 3 880134445 +158 562 4 880134607 +158 566 3 880134499 +158 570 3 880134445 +158 576 4 880134607 +158 580 4 880135093 +158 583 3 880134477 +158 593 4 880134261 +158 636 4 880134532 +158 648 5 880135020 +158 651 5 880134296 +158 652 4 880134966 +158 659 5 880134947 +158 665 2 880134532 +158 684 3 880134332 +158 686 5 880134499 +158 694 5 880133209 +158 709 5 880135020 +158 729 3 880133116 +158 731 2 880135118 +158 742 4 880134261 +158 744 4 880132462 +158 745 4 880135044 +158 770 5 880134477 +158 797 3 880134701 +158 798 4 880134815 +158 803 3 880134848 +158 809 3 880134675 +158 810 4 880134759 +158 823 2 880132941 +158 825 4 880133029 +158 866 2 880132701 +158 978 3 880133937 +158 985 4 880134261 +158 1016 3 880132701 +158 1047 4 880134261 +158 1067 4 880134261 +158 1098 4 880135069 +158 1303 3 880134865 +159 7 5 880485861 +159 9 3 880485766 +159 15 5 880485972 +159 24 5 880989865 +159 25 5 880557112 +159 67 1 884026964 +159 72 3 884026946 +159 96 4 884360539 +159 103 1 880557604 +159 111 4 880556981 +159 117 5 880486047 +159 118 4 880557464 +159 121 3 880486071 +159 125 5 880557192 +159 126 5 880557038 +159 127 5 880989744 +159 130 1 880557322 +159 195 3 884360539 +159 220 5 880557782 +159 243 4 880485529 +159 245 5 880485488 +159 249 4 884027269 +159 250 3 881679988 +159 254 3 884026738 +159 255 3 885501660 +159 259 4 893255969 +159 260 2 893255969 +159 272 5 885501645 +159 273 5 880485935 +159 274 3 880557387 +159 276 5 880485824 +159 286 1 880485233 +159 288 3 884026901 +159 289 2 880485415 +159 291 4 880485766 +159 293 4 880485879 +159 294 4 884026788 +159 298 5 880557386 +159 299 3 893256013 +159 301 2 880485344 +159 310 5 880989865 +159 319 1 880485290 +159 322 5 880485443 +159 323 4 880485443 +159 326 3 880485345 +159 328 3 893255993 +159 333 5 893255761 +159 358 1 893255969 +159 364 1 884026964 +159 405 5 880557564 +159 411 3 880557677 +159 412 3 880557824 +159 456 3 880557848 +159 471 4 880485861 +159 476 5 880557564 +159 588 2 884027316 +159 591 4 880557060 +159 595 5 880486009 +159 597 5 880989838 +159 628 3 880486071 +159 678 5 880485530 +159 685 4 880557347 +159 742 2 880557192 +159 748 3 880485488 +159 756 4 880557464 +159 815 3 880557387 +159 829 4 880557741 +159 832 3 880557864 +159 845 1 880557130 +159 866 5 880557539 +159 872 1 880485262 +159 873 2 893256062 +159 876 2 893255905 +159 880 1 893256084 +159 881 1 893256139 +159 918 4 893255798 +159 932 3 880557464 +159 948 2 880485344 +159 988 3 880485529 +159 1012 5 880557080 +159 1013 4 880557170 +159 1014 4 884027206 +159 1023 2 880557741 +159 1025 2 893256139 +159 1028 5 880557539 +159 1037 2 884360502 +159 1048 3 880557584 +159 1049 4 880485972 +159 1092 2 880989744 +159 1095 5 880557824 +159 1132 5 880557584 +159 1152 4 880557464 +159 1190 5 881680199 +159 1221 5 884027141 +159 1254 1 884360361 +159 1258 1 884026823 +159 1278 3 880557782 +160 1 4 876768025 +160 4 4 876861754 +160 7 3 876767822 +160 9 3 876767023 +160 11 4 876858091 +160 13 4 876768990 +160 15 2 876768609 +160 23 5 876859778 +160 24 5 876769689 +160 32 5 876859413 +160 50 4 876767572 +160 55 4 876858091 +160 56 5 876770222 +160 59 4 876858346 +160 61 4 876861799 +160 100 5 876767023 +160 109 2 876857844 +160 117 4 876767822 +160 118 3 876768828 +160 123 4 876768949 +160 127 5 876770168 +160 129 4 876768828 +160 135 4 876860807 +160 137 4 876767299 +160 150 4 876767440 +160 151 4 876769097 +160 153 3 876860808 +160 157 5 876858346 +160 160 5 876862078 +160 161 3 876861185 +160 168 4 876858091 +160 169 4 876862077 +160 174 5 876860807 +160 182 5 876770311 +160 185 5 876861185 +160 192 5 876861185 +160 195 4 876859413 +160 201 5 876858346 +160 202 4 876862077 +160 209 4 876861185 +160 211 4 876862171 +160 213 4 876859778 +160 218 4 876861878 +160 228 2 876862243 +160 230 2 876860808 +160 234 5 876861185 +160 237 3 876768609 +160 240 4 876768990 +160 248 5 876768828 +160 250 4 876768106 +160 273 5 876767660 +160 276 5 876768106 +160 282 4 876768025 +160 285 4 876767660 +160 288 5 876771285 +160 293 5 876767572 +160 302 5 878078074 +160 325 3 878078115 +160 328 3 878078096 +160 405 3 876770441 +160 408 4 876767023 +160 410 4 876769148 +160 412 3 876768990 +160 430 5 876861799 +160 447 4 876859413 +160 455 4 876769689 +160 458 5 876768025 +160 460 2 876861185 +160 461 5 876857977 +160 462 4 876858346 +160 463 4 876859777 +160 474 4 876857977 +160 475 5 876767822 +160 483 5 876859413 +160 484 5 876862243 +160 488 5 876862078 +160 497 4 876858346 +160 508 5 876768025 +160 514 4 876858091 +160 531 5 876942699 +160 544 4 876768106 +160 564 3 876861799 +160 589 3 876857977 +160 603 4 876861754 +160 604 4 876859778 +160 628 3 876767360 +160 640 3 876860808 +160 671 5 876859778 +160 693 5 876770193 +160 719 3 876857977 +160 762 3 876769148 +160 763 4 876768025 +160 770 4 876861878 +160 825 2 876767299 +160 832 1 876770673 +160 844 3 876767822 +160 864 1 876770673 +160 922 5 876767621 +160 926 2 876769148 +160 933 3 876767621 +160 952 4 876767299 +160 955 4 876862243 +160 969 1 876861185 +160 1012 5 876769689 +160 1016 4 876767440 +160 1073 4 876859778 +160 1134 4 876768828 +160 1142 5 876768609 +160 1197 4 876768609 +160 1223 4 876861799 +161 14 4 891171413 +161 15 2 891172284 +161 22 2 891171282 +161 48 1 891170745 +161 50 2 891170972 +161 69 4 891171657 +161 70 3 891171064 +161 98 4 891171357 +161 100 4 891171127 +161 118 2 891172421 +161 132 1 891171458 +161 133 2 891171023 +161 135 2 891170656 +161 162 2 891171413 +161 168 1 891171174 +161 174 2 891170800 +161 177 2 891171848 +161 181 2 891171848 +161 186 4 891171530 +161 191 2 891171734 +161 194 1 891171503 +161 197 3 891171734 +161 202 5 891170769 +161 204 2 891170947 +161 210 2 891171698 +161 225 1 891172322 +161 257 3 891172174 +161 265 2 891171597 +161 272 5 891170514 +161 276 5 891170881 +161 284 3 891172246 +161 309 2 891170018 +161 315 5 891169965 +161 316 5 891170275 +161 318 3 891170824 +161 428 3 891171023 +161 435 2 891171104 +161 473 1 891172358 +161 483 3 891171214 +161 486 1 891171657 +161 487 3 891171357 +161 496 3 891171734 +161 508 2 891171657 +161 582 1 891170800 +161 640 2 891171558 +161 898 3 891170191 +161 929 1 891172377 +161 1117 3 891172402 +162 1 4 877635819 +162 7 3 877635869 +162 11 4 877636772 +162 25 4 877635573 +162 28 4 877636746 +162 55 3 877636713 +162 79 4 877636713 +162 105 2 877636458 +162 121 4 877636000 +162 122 2 877636300 +162 144 3 877636746 +162 147 4 877636147 +162 179 3 877636794 +162 181 4 877635798 +162 208 3 877636746 +162 222 4 877635758 +162 230 2 877636860 +162 237 4 877635980 +162 294 3 877634955 +162 298 4 877635690 +162 358 3 877635375 +162 403 3 877636713 +162 474 3 877636556 +162 508 5 877635662 +162 685 3 877635917 +162 742 4 877635758 +162 826 3 877635965 +162 943 4 877636604 +162 1011 4 877636370 +162 1012 4 877635965 +162 1019 4 877636556 +162 1047 5 877635896 +163 56 4 891220097 +163 64 4 891220161 +163 97 4 891220019 +163 98 4 891220196 +163 202 3 891220137 +163 216 3 891220196 +163 234 3 891220137 +163 286 3 891219977 +163 288 3 891220226 +163 316 5 891219976 +163 318 4 891220161 +163 326 3 891219977 +163 347 4 891219976 +164 9 4 889402050 +164 100 5 889401998 +164 117 5 889401816 +164 121 5 889402203 +164 181 5 889401906 +164 222 4 889401927 +164 237 2 889401816 +164 248 4 889402030 +164 252 4 889402265 +164 258 5 889401221 +164 276 3 889401771 +164 281 4 889401906 +164 282 5 889401927 +164 291 5 889401963 +164 293 4 889402121 +164 298 3 889401835 +164 299 4 889401383 +164 307 5 889401284 +164 323 4 889401318 +164 326 3 889401362 +164 328 5 889401362 +164 329 4 889401410 +164 333 5 889401383 +164 342 2 889401691 +164 370 5 889402443 +164 405 5 889402160 +164 406 2 889402389 +164 407 2 889402443 +164 411 2 889402407 +164 458 4 889402050 +164 471 5 889402245 +164 472 5 889402071 +164 515 4 889401906 +164 597 4 889402225 +164 619 4 889402160 +164 620 3 889402298 +164 678 4 889401432 +164 685 5 889402160 +164 689 5 889401490 +164 690 4 889401241 +164 717 3 889402265 +164 742 5 889401981 +164 748 5 889401410 +164 751 4 889401263 +164 823 4 889402225 +164 825 4 889402203 +164 826 4 889402340 +164 845 3 889402071 +164 866 5 889402121 +164 930 4 889402340 +164 934 5 889402547 +164 1016 3 889402091 +164 1025 4 889401510 +165 69 3 879525799 +165 127 4 879525706 +165 156 3 879525894 +165 174 4 879525961 +165 181 5 879525738 +165 187 3 879526046 +165 202 4 879525855 +165 216 4 879525778 +165 223 4 879525894 +165 258 5 879525672 +165 288 2 879525673 +165 304 3 879525672 +165 325 4 879525672 +165 326 5 879525672 +165 328 3 879525673 +165 372 5 879525987 +165 419 4 879525706 +165 432 5 879526046 +165 651 5 879525961 +165 1119 3 879525922 +166 258 4 886397562 +166 288 3 886397510 +166 300 5 886397723 +166 322 5 886397723 +166 323 5 886397722 +166 328 5 886397722 +166 343 4 886397882 +166 346 1 886397596 +166 748 2 886397751 +166 894 4 886397905 +167 8 5 892738237 +167 48 1 892738277 +167 73 2 892738452 +167 83 5 892738384 +167 86 4 892738212 +167 96 5 892738307 +167 99 4 892738385 +167 137 5 892738081 +167 184 1 892738278 +167 204 4 892738384 +167 216 4 892738237 +167 225 3 892737995 +167 232 1 892738341 +167 235 3 892737972 +167 237 4 892737972 +167 238 4 892738341 +167 240 1 892737972 +167 241 5 892738419 +167 288 3 892737972 +167 290 3 892737936 +167 318 5 892738307 +167 364 3 892738212 +167 381 5 892738212 +167 392 1 892738307 +167 404 3 892738278 +167 435 5 892738453 +167 465 5 892738341 +167 478 5 892738452 +167 486 4 892738452 +167 493 4 892738307 +167 512 5 892738341 +167 513 4 892738385 +167 521 5 892738307 +167 530 5 892738453 +167 554 1 892738237 +167 568 3 892738341 +167 603 4 892738212 +167 606 4 892738452 +167 615 5 892738277 +167 641 4 892738341 +167 655 4 892738237 +167 659 4 892738277 +167 673 4 892738341 +167 674 2 892738384 +167 675 1 892738277 +167 719 1 892738341 +167 726 1 892738385 +167 735 4 892738277 +167 831 3 892738141 +167 949 1 892738341 +167 1125 5 892738419 +167 1200 4 892738384 +167 1225 3 892738277 +167 1304 4 892738277 +167 1305 1 892738418 +167 1306 5 892738385 +167 1307 2 892738277 +167 1308 1 892738307 +167 1310 3 892738384 +168 1 5 884287509 +168 9 1 884287394 +168 15 5 884287362 +168 100 4 884287362 +168 117 5 884287318 +168 118 4 884288009 +168 121 4 884287731 +168 125 4 884287731 +168 126 5 884287962 +168 151 5 884288058 +168 181 4 884287298 +168 222 5 884287759 +168 225 5 884288304 +168 235 2 884288270 +168 252 1 884288304 +168 255 1 884287560 +168 257 5 884287642 +168 259 2 884287073 +168 273 4 884287509 +168 274 4 884287865 +168 275 3 884287822 +168 276 1 884287642 +168 280 4 884287580 +168 281 2 884288033 +168 282 5 884287394 +168 284 2 884288112 +168 288 1 884287927 +168 291 4 884287668 +168 294 4 884286862 +168 295 4 884287615 +168 300 5 884287011 +168 313 5 884286862 +168 323 3 884286990 +168 325 1 884287073 +168 405 4 884287927 +168 458 1 884288058 +168 473 2 884288178 +168 546 3 884287962 +168 596 4 884287615 +168 597 3 884288112 +168 619 3 884287536 +168 678 1 884287109 +168 685 3 884287759 +168 742 5 884287362 +168 744 5 884288058 +168 763 2 884288033 +168 819 4 884288270 +168 845 4 884287668 +168 866 5 884287927 +168 871 3 884287711 +168 924 2 884287614 +168 930 3 884288243 +168 931 3 884288329 +168 1012 5 884287509 +168 1028 2 884287846 +168 1047 2 884288080 +168 1051 4 884288222 +168 1197 5 884287927 +168 1278 3 884287560 +169 50 5 891359250 +169 133 4 891359171 +169 134 5 891359250 +169 172 5 891359317 +169 174 4 891359418 +169 181 5 891359276 +169 199 4 891359353 +169 204 3 891359317 +169 243 3 891268851 +169 258 5 891268552 +169 260 1 891269104 +169 300 5 891268491 +169 301 4 891268622 +169 308 3 891268776 +169 321 3 891268777 +169 331 5 891268491 +169 429 3 891359250 +169 443 4 891359418 +169 480 4 891359137 +169 482 3 891359171 +169 499 3 891359354 +169 525 3 891359250 +169 538 4 891268653 +169 603 5 891359171 +169 606 5 891359137 +169 683 3 891268976 +169 879 5 891268653 +170 245 5 884103758 +170 288 3 884706012 +170 292 5 884103732 +170 294 3 884705913 +170 299 3 886190476 +170 300 5 884103732 +170 326 5 886623057 +170 328 3 884103860 +170 333 4 886190330 +170 749 5 887646170 +170 881 3 886190419 +170 984 5 884103918 +171 245 3 891034801 +171 262 4 891034641 +171 268 4 891034684 +171 269 4 891034835 +171 270 4 891034835 +171 272 5 891034835 +171 286 3 891034801 +171 288 2 891034606 +171 292 4 891034835 +171 302 4 891034606 +171 304 3 891034756 +171 306 3 891034606 +171 310 4 891034835 +171 313 4 891034835 +171 326 2 891034801 +171 327 4 891034835 +171 344 3 891034889 +171 1022 3 891034889 +172 23 3 875537717 +172 124 4 875537151 +172 177 4 875537965 +172 220 4 875537441 +172 425 1 875536591 +172 428 4 875537964 +172 462 3 875537717 +172 463 4 875537502 +172 478 3 875538027 +172 485 3 875538028 +172 488 3 875537965 +172 580 4 875538028 +172 603 3 875538027 +172 642 4 875538028 +172 657 3 875538027 +172 697 3 875536498 +172 772 1 875537099 +173 242 5 877556626 +173 245 4 877556927 +173 258 4 877556625 +173 259 3 877557239 +173 260 4 877557345 +173 262 4 877556864 +173 286 5 877556626 +173 289 4 877556988 +173 294 5 877556864 +173 299 4 877556926 +173 300 4 877556988 +173 301 5 877557076 +173 302 5 877556626 +173 303 5 877556864 +173 305 5 877556626 +173 306 5 877556626 +173 319 4 877556926 +173 322 4 877557028 +173 323 5 877556926 +173 324 5 877556864 +173 326 5 877556988 +173 327 5 877557168 +173 328 5 877557028 +173 329 4 877557345 +173 332 4 877557028 +173 334 4 877556926 +173 687 1 877557132 +173 690 5 877557076 +173 881 3 877557168 +173 937 4 877557077 +173 938 3 877557076 +173 984 4 877556988 +173 995 5 877556988 +174 1 3 886433898 +174 9 5 886439492 +174 11 5 886439516 +174 12 5 886439091 +174 13 3 891551777 +174 14 5 886433771 +174 15 5 886434065 +174 21 1 886515209 +174 28 5 886434547 +174 29 2 886514469 +174 31 4 886434566 +174 40 4 886514985 +174 49 4 886513788 +174 50 4 886433166 +174 56 5 886452583 +174 63 4 886514985 +174 65 5 886514123 +174 66 5 886513706 +174 67 1 886515130 +174 69 5 886514201 +174 70 5 886453169 +174 80 1 886515210 +174 87 5 886514089 +174 88 5 886513752 +174 98 5 886452583 +174 99 3 886515457 +174 100 5 886433788 +174 111 5 886433898 +174 117 5 886434136 +174 118 2 886434186 +174 122 1 886434421 +174 124 5 886514168 +174 125 5 886514069 +174 126 5 886433166 +174 132 2 886439516 +174 138 1 891551778 +174 139 3 886515591 +174 140 4 886515514 +174 143 5 886515457 +174 147 4 886433936 +174 151 3 886434013 +174 155 4 886513767 +174 158 2 886514921 +174 160 5 886514377 +174 162 5 886514108 +174 167 3 886514953 +174 168 1 886434621 +174 178 5 886513947 +174 196 5 886514108 +174 197 5 886434547 +174 202 5 886513729 +174 204 4 886452552 +174 210 4 886514788 +174 215 5 886514220 +174 216 5 886439516 +174 221 4 886433771 +174 237 4 886434047 +174 238 5 890168700 +174 239 4 886439537 +174 240 1 886434241 +174 244 4 886433881 +174 246 5 886433833 +174 248 5 886433981 +174 255 5 886434114 +174 268 5 886432749 +174 269 5 886432811 +174 272 5 886432770 +174 276 5 886433862 +174 278 5 886433833 +174 280 5 886433862 +174 284 4 886433771 +174 286 5 890168158 +174 288 3 886432770 +174 293 5 890168505 +174 312 5 886432972 +174 315 5 886432749 +174 323 1 886434241 +174 332 5 886432901 +174 333 4 886432811 +174 340 5 886432749 +174 347 4 886432844 +174 364 1 886515240 +174 368 1 886434402 +174 369 1 886515272 +174 371 5 886513674 +174 381 5 886513706 +174 383 1 886515171 +174 384 1 886515121 +174 386 1 886515130 +174 388 1 886515335 +174 393 4 886514837 +174 395 1 886515154 +174 401 1 886515063 +174 402 5 886513729 +174 407 1 886515295 +174 412 1 886433919 +174 415 3 886515591 +174 417 4 886515490 +174 423 2 886514276 +174 433 5 886514757 +174 451 5 886513752 +174 456 1 886515240 +174 471 5 886433804 +174 476 4 886434136 +174 546 3 886514323 +174 553 5 886513674 +174 571 1 886515295 +174 575 1 886515239 +174 577 1 886515295 +174 582 4 886439537 +174 597 3 886434261 +174 623 3 886515532 +174 648 5 886513648 +174 655 5 886514168 +174 660 5 886514261 +174 662 5 886513752 +174 696 4 886434087 +174 708 5 886514243 +174 709 4 890168554 +174 715 3 886514397 +174 716 5 886513674 +174 721 2 886514889 +174 722 4 886513896 +174 723 5 886514448 +174 724 5 886453169 +174 739 5 886513729 +174 742 4 886434087 +174 747 5 886513729 +174 762 5 886434136 +174 763 1 886434260 +174 764 4 886434343 +174 768 1 886515569 +174 780 1 886515030 +174 781 4 886513788 +174 843 2 886515551 +174 845 5 886433771 +174 846 5 886433996 +174 862 1 886515172 +174 871 1 886434166 +174 905 3 890168415 +174 934 4 886434421 +174 937 5 886432989 +174 949 5 886513729 +174 950 3 886434204 +174 951 1 886515551 +174 953 5 886514377 +174 988 1 886515335 +174 1001 1 886515030 +174 1017 2 886434187 +174 1028 4 886434087 +174 1032 3 886515591 +174 1033 1 886515591 +174 1035 4 886515532 +174 1041 5 886513788 +174 1053 5 886514358 +174 1074 4 886514529 +174 1086 5 886434047 +174 1091 3 886515591 +174 1139 2 886514651 +174 1221 5 886514398 +174 1230 1 886515210 +174 1254 1 886434421 +174 1262 5 886434566 +174 1282 5 886433862 +174 1311 3 886514430 +174 1312 4 886434484 +174 1313 4 888155294 +175 11 5 877107339 +175 12 4 877108146 +175 31 4 877108051 +175 50 5 877107138 +175 56 2 877107790 +175 71 4 877107942 +175 88 4 877108146 +175 96 3 877108051 +175 98 5 877107390 +175 111 4 877108015 +175 127 5 877107640 +175 133 4 877107390 +175 136 4 877108051 +175 147 3 877108146 +175 172 5 877107339 +175 176 3 877107255 +175 183 4 877107942 +175 186 4 877107790 +175 187 4 877107338 +175 195 3 877107790 +175 273 2 877107640 +175 419 5 877108098 +175 483 5 877107339 +175 508 1 877107712 +175 566 3 877108015 +175 629 3 877107942 +175 669 1 877107790 +175 869 3 877107500 +176 7 5 886048188 +176 25 3 886048188 +176 93 5 886047963 +176 111 4 886048040 +176 117 4 886048305 +176 129 3 886048391 +176 150 4 886047879 +176 151 4 886048305 +176 181 3 886047879 +176 222 5 886048145 +176 237 3 886048145 +176 246 5 886047994 +176 257 1 886048188 +176 258 4 886047026 +176 262 4 886047292 +176 268 5 886046979 +176 272 5 886047068 +176 273 4 886048230 +176 285 5 886047963 +176 286 2 886046979 +176 288 3 886046979 +176 289 3 886047292 +176 293 5 886048040 +176 294 2 886047220 +176 297 3 886047918 +176 298 4 886047918 +176 303 3 886047118 +176 305 5 886047068 +176 319 3 886046979 +176 321 4 886047176 +176 324 5 886047292 +176 325 3 886047375 +176 327 3 886047176 +176 328 4 886047375 +176 340 5 886046979 +176 343 2 886047595 +176 345 5 886046979 +176 347 4 886047442 +176 405 2 886048262 +176 458 4 886048305 +176 475 5 886047918 +176 508 3 886047879 +176 741 3 886048145 +176 751 1 886046979 +176 874 4 886047118 +176 875 4 886047442 +176 876 3 886047375 +176 881 3 886047531 +176 919 2 886048391 +176 927 3 886048305 +176 952 2 886048230 +176 1008 4 886048040 +176 1097 4 886047963 +177 7 4 880130881 +177 11 4 880131161 +177 12 5 880130825 +177 22 4 880130847 +177 23 5 880130758 +177 42 4 880130972 +177 47 3 880131187 +177 50 5 880131216 +177 55 3 880131143 +177 56 5 880130618 +177 59 4 880130825 +177 60 4 880130634 +177 64 4 880130736 +177 69 1 880131088 +177 79 4 880130758 +177 92 4 882142295 +177 96 3 880130898 +177 98 5 880131026 +177 100 5 880130600 +177 121 2 880131123 +177 127 5 880130667 +177 129 3 880130653 +177 135 5 880130712 +177 144 5 880131011 +177 150 4 880130807 +177 153 4 880130972 +177 154 4 880130600 +177 156 5 880130931 +177 160 4 880131011 +177 161 3 880130915 +177 168 4 880130807 +177 172 5 880130990 +177 173 4 880130667 +177 174 4 880130990 +177 175 5 880130972 +177 176 4 880130951 +177 179 5 880131057 +177 181 4 880130931 +177 183 4 880130972 +177 186 4 880130990 +177 187 4 880131040 +177 195 4 880130699 +177 196 3 880130881 +177 197 4 880130758 +177 198 4 880131161 +177 200 4 880130951 +177 203 4 880131026 +177 204 3 880131011 +177 209 4 880130736 +177 210 4 880130990 +177 216 4 880130653 +177 217 3 880131230 +177 221 3 880130775 +177 223 4 880130758 +177 238 3 880131143 +177 243 1 882142141 +177 245 3 880130534 +177 258 3 880130379 +177 260 2 880130534 +177 268 3 880130452 +177 270 1 880130452 +177 276 5 880130758 +177 288 5 880130467 +177 289 2 880130534 +177 292 3 880130415 +177 294 4 880130481 +177 299 4 880130500 +177 302 4 880130379 +177 307 4 882141842 +177 318 4 880130618 +177 321 2 880130481 +177 322 2 880130534 +177 324 4 880130434 +177 327 3 880130467 +177 333 4 880130397 +177 334 3 880130467 +177 336 2 880130500 +177 338 3 882142221 +177 340 4 880130415 +177 343 3 882141885 +177 358 2 882141918 +177 403 5 880131201 +177 421 3 880130881 +177 433 4 880131123 +177 469 4 880131201 +177 470 5 880130951 +177 475 4 880130898 +177 508 4 880130825 +177 527 4 880130898 +177 568 3 880130915 +177 628 2 882143736 +177 642 4 880130972 +177 654 4 880131106 +177 678 3 882142086 +177 689 3 882141885 +177 693 4 880130653 +177 748 3 880130534 +177 806 4 880131216 +177 878 1 882142141 +177 948 2 882141918 +177 960 3 880131161 +177 963 4 880130736 +177 1067 4 880131201 +177 1110 3 880131123 +177 1218 4 880131231 +178 1 4 882823805 +178 2 4 882827375 +178 7 4 882823805 +178 8 4 882826556 +178 9 2 882823758 +178 11 5 882826162 +178 12 5 882826162 +178 15 5 882823858 +178 16 4 882823905 +178 22 5 882826187 +178 24 3 882824221 +178 25 3 888514710 +178 28 5 882826806 +178 31 4 882827083 +178 38 3 882827574 +178 39 2 882827645 +178 50 5 882823857 +178 51 4 882828021 +178 55 4 882826394 +178 56 4 882825767 +178 58 5 882827134 +178 62 4 882827083 +178 64 5 882826242 +178 66 4 882826868 +178 69 5 882826437 +178 70 4 882827083 +178 71 4 882826577 +178 76 3 882827288 +178 77 4 882827947 +178 79 4 882826306 +178 82 5 882826242 +178 83 4 882826556 +178 87 4 885784558 +178 89 4 882826514 +178 90 3 882827985 +178 92 3 882827803 +178 95 5 882826514 +178 96 4 882826782 +178 97 5 882827020 +178 98 5 882826944 +178 99 4 882827574 +178 100 4 882823758 +178 111 4 882823905 +178 117 4 882824467 +178 118 4 882824291 +178 121 5 882824291 +178 123 4 882824325 +178 124 4 882823758 +178 125 4 882824431 +178 127 5 882823978 +178 131 4 882827947 +178 133 4 885784518 +178 134 3 882826983 +178 135 2 882826915 +178 143 4 882827574 +178 144 4 882825768 +178 147 4 886678902 +178 153 4 882826347 +178 155 4 882828021 +178 156 2 882826395 +178 157 5 882827400 +178 161 5 882827645 +178 164 3 882827288 +178 168 4 882826347 +178 172 4 882826555 +178 173 5 882826306 +178 174 5 882826719 +178 176 4 882826782 +178 178 4 882826395 +178 179 2 882828320 +178 180 3 882826395 +178 181 5 882823832 +178 183 4 882826347 +178 184 5 882827947 +178 187 4 882826049 +178 193 4 882826868 +178 194 4 882826306 +178 195 4 882826944 +178 196 4 882827834 +178 197 2 882826720 +178 199 4 882826306 +178 200 3 882826983 +178 202 5 882826782 +178 203 4 882826242 +178 204 4 882826048 +178 210 5 884837073 +178 214 1 882827985 +178 215 5 882826807 +178 216 4 882826868 +178 219 4 882828350 +178 220 3 882827247 +178 222 4 882823857 +178 223 4 882827433 +178 226 4 882826187 +178 228 5 882826556 +178 229 4 885784558 +178 230 4 882826889 +178 232 5 882827162 +178 233 4 882827375 +178 235 1 882824467 +178 237 4 882824291 +178 238 4 882826577 +178 241 5 882827375 +178 244 1 884837126 +178 245 3 882823460 +178 246 4 884837324 +178 248 4 882823954 +178 249 3 884836855 +178 250 4 888514821 +178 257 5 882823954 +178 258 4 882823353 +178 259 1 882823437 +178 260 1 886678700 +178 265 5 882826394 +178 268 4 884837324 +178 269 4 882823324 +178 271 4 882823395 +178 273 3 882823858 +178 274 4 882824253 +178 275 5 882823857 +178 280 4 882824592 +178 281 3 882824028 +178 283 5 882823784 +178 284 4 888514680 +178 286 3 882823324 +178 288 5 882823353 +178 293 4 882823954 +178 294 2 882823301 +178 295 3 882824055 +178 298 2 882823905 +178 300 5 882823301 +178 302 4 892239796 +178 304 4 882823375 +178 313 5 884836422 +178 316 4 888513290 +178 317 4 882826915 +178 318 5 882826982 +178 319 1 884836946 +178 322 3 882823460 +178 323 3 882823530 +178 326 4 888513095 +178 328 3 882823416 +178 331 4 882823301 +178 332 3 882823437 +178 333 3 884836479 +178 339 3 892239822 +178 340 1 882823353 +178 342 4 892239863 +178 354 4 892239771 +178 358 1 888512993 +178 363 3 882824467 +178 367 4 882828021 +178 385 4 882826982 +178 405 3 882823905 +178 410 4 882824467 +178 423 4 882826556 +178 427 5 882826162 +178 431 4 882827400 +178 433 4 882827834 +178 435 4 882827043 +178 454 4 882827247 +178 455 3 882825357 +178 458 3 882824467 +178 460 2 882824869 +178 465 3 882827506 +178 469 3 882827870 +178 471 4 882823930 +178 472 4 882824194 +178 476 3 882824713 +178 478 5 882826514 +178 480 3 882826048 +178 483 4 882826210 +178 484 4 882826187 +178 491 4 882827247 +178 495 4 882827870 +178 500 4 882827288 +178 506 3 882827084 +178 508 3 884837419 +178 510 4 882826394 +178 511 5 882827532 +178 520 5 882826210 +178 531 4 882826242 +178 535 3 882824671 +178 540 3 886678484 +178 546 3 888514680 +178 549 4 882827689 +178 566 4 882826915 +178 568 4 882826555 +178 578 4 882828021 +178 588 4 882826242 +178 591 5 882827288 +178 596 3 882824194 +178 597 4 882824869 +178 607 3 882826347 +178 619 3 888514710 +178 625 3 884837073 +178 628 4 882824027 +178 651 4 882826915 +178 654 3 882827506 +178 655 4 882827247 +178 658 5 882827162 +178 679 4 882826944 +178 682 3 892239928 +178 684 5 882827019 +178 685 4 882824253 +178 696 4 882824869 +178 720 3 882827645 +178 724 4 882827433 +178 729 4 882827020 +178 731 4 882827532 +178 735 5 882827083 +178 739 4 882827737 +178 742 3 882823833 +178 744 3 882824028 +178 746 3 882827019 +178 748 4 882823460 +178 751 4 882823353 +178 756 3 882824983 +178 762 3 882824592 +178 763 4 882824253 +178 764 3 888514648 +178 781 4 882827716 +178 783 4 886678484 +178 790 3 882827870 +178 792 5 882827834 +178 809 4 882827084 +178 819 2 882824670 +178 823 2 882824592 +178 845 4 882824291 +178 846 3 882824467 +178 849 3 882828021 +178 864 2 888514648 +178 866 4 882825357 +178 873 3 886678647 +178 876 2 886678484 +178 877 2 888513069 +178 881 2 886678484 +178 895 3 884836516 +178 926 4 882824671 +178 978 2 882824983 +178 984 2 882823530 +178 993 5 882824592 +178 1004 4 882827375 +178 1011 3 882824431 +178 1012 4 884837364 +178 1016 4 882824253 +178 1028 3 882824670 +178 1033 2 882824869 +178 1035 4 882828350 +178 1038 2 882823566 +178 1047 2 882824326 +178 1048 2 884837073 +178 1051 3 885784583 +178 1101 4 882827019 +178 1119 4 882827400 +178 1157 3 882827375 +178 1169 4 882827134 +178 1197 4 882824055 +178 1258 4 882823930 +178 1283 3 885784558 +178 1300 3 886678518 +178 1314 3 882827134 +178 1315 4 882824291 +179 258 5 892151270 +179 271 1 892151565 +179 288 5 892151489 +179 300 4 892151231 +179 302 4 892151173 +179 305 4 892151270 +179 307 3 892151565 +179 313 4 892151270 +179 315 5 892151202 +179 316 5 892151202 +179 321 1 892151331 +179 333 5 892151459 +179 339 1 892151366 +179 340 4 892151064 +179 345 1 892151565 +179 347 3 892151064 +179 353 1 892151270 +179 354 4 892151331 +179 362 1 892151231 +179 538 4 892151231 +179 682 5 892151459 +179 690 1 892151489 +179 691 3 892151331 +179 751 1 892151565 +179 895 5 892151565 +179 902 1 892151064 +179 905 4 892151331 +179 914 5 892151174 +179 916 5 892151064 +179 917 3 892151231 +179 1127 1 892151270 +179 1234 1 892151459 +180 12 2 877355568 +180 28 3 877355568 +180 40 4 877127296 +180 53 5 877442125 +180 67 1 877127591 +180 68 5 877127721 +180 79 3 877442037 +180 98 5 877544444 +180 153 1 877126182 +180 156 5 877127747 +180 173 5 877128388 +180 181 2 877125956 +180 186 4 877127189 +180 191 4 877372188 +180 196 5 877355617 +180 201 2 877127189 +180 202 3 877128388 +180 204 3 877127159 +180 222 5 877127815 +180 235 4 877127758 +180 258 5 877125493 +180 318 5 877355315 +180 356 3 877442079 +180 367 1 877127486 +180 372 5 877127237 +180 380 5 877127796 +180 403 3 877355713 +180 423 4 877355568 +180 431 4 877442098 +180 433 5 877127273 +180 462 5 877544218 +180 469 5 877372278 +180 655 5 877127159 +180 658 5 877355598 +180 660 5 877372188 +180 684 5 877442058 +180 694 5 877128388 +180 729 5 877355598 +180 732 3 877128137 +180 733 5 877128388 +180 735 4 877355337 +180 737 3 877128327 +180 739 3 877128156 +180 747 4 877128156 +180 762 4 877126241 +180 778 2 877128388 +180 785 4 877128388 +180 790 1 877127572 +180 939 4 877355472 +180 961 5 877544384 +180 1046 2 877442125 +180 1119 3 877128156 +180 1131 5 877441985 +181 1 3 878962392 +181 3 2 878963441 +181 6 1 878962866 +181 7 4 878963037 +181 9 4 878962675 +181 10 2 878962955 +181 13 2 878962465 +181 14 1 878962392 +181 15 3 878962816 +181 16 1 878962996 +181 18 1 878962623 +181 19 1 878962392 +181 20 1 878962919 +181 21 1 878963381 +181 24 1 878962866 +181 25 5 878962675 +181 93 1 878962773 +181 100 3 878962816 +181 103 1 878962586 +181 104 1 878962866 +181 105 1 878963304 +181 106 2 878963167 +181 107 1 878963343 +181 108 1 878963343 +181 109 1 878962955 +181 111 3 878962774 +181 112 1 878962955 +181 116 1 878962550 +181 117 2 878962918 +181 118 2 878962955 +181 120 1 878963204 +181 122 2 878963276 +181 123 2 878963276 +181 124 1 878962550 +181 125 3 878962816 +181 126 2 878962585 +181 129 2 878962279 +181 130 1 878963241 +181 137 2 878962465 +181 146 1 878962955 +181 147 1 878963168 +181 148 2 878963204 +181 149 1 878962719 +181 150 1 878962465 +181 151 2 878962866 +181 220 4 878962392 +181 221 1 878962465 +181 222 4 878962919 +181 224 1 878962623 +181 225 3 878963038 +181 235 1 878963168 +181 236 1 878962350 +181 237 5 878962996 +181 240 1 878963122 +181 242 1 878961814 +181 243 1 878961814 +181 245 2 878961369 +181 251 1 878962052 +181 256 1 878962086 +181 258 3 878961709 +181 259 1 878961668 +181 260 1 878961623 +181 261 1 878961814 +181 262 2 878961749 +181 263 1 878961709 +181 264 2 878961624 +181 266 1 878961709 +181 268 1 878961749 +181 269 1 878961511 +181 270 4 878961270 +181 273 1 878962774 +181 274 4 878962720 +181 275 3 878962720 +181 276 2 878962816 +181 277 1 878963441 +181 278 2 878963440 +181 279 1 878962955 +181 280 4 878963381 +181 281 2 878963038 +181 282 4 878962816 +181 283 3 878963241 +181 284 2 878962996 +181 285 2 878962816 +181 286 1 878961173 +181 287 2 878963038 +181 288 4 878961173 +181 289 4 878961332 +181 290 2 878963168 +181 291 3 878962997 +181 292 1 878961781 +181 294 2 878961173 +181 299 1 878961749 +181 300 3 878961227 +181 301 2 878961303 +181 302 2 878961511 +181 303 1 878961749 +181 304 1 878961586 +181 305 2 878961542 +181 306 1 878962006 +181 307 1 878962006 +181 308 1 878961847 +181 319 3 878961173 +181 321 2 878961623 +181 322 1 878961814 +181 323 2 878961304 +181 324 1 878961814 +181 325 2 878961814 +181 326 1 878961709 +181 327 3 878961780 +181 328 3 878961227 +181 329 1 878961781 +181 330 1 878961668 +181 331 1 878961511 +181 332 2 878961173 +181 333 3 878961227 +181 334 1 878961749 +181 335 1 878961748 +181 336 2 878961709 +181 337 1 878961709 +181 358 2 878961709 +181 359 1 878961668 +181 360 1 878962005 +181 363 1 878963342 +181 368 1 878963440 +181 369 3 878963418 +181 370 2 878963418 +181 406 1 878962955 +181 407 2 878963038 +181 408 1 878962550 +181 409 2 878963276 +181 410 1 878962955 +181 411 3 878963276 +181 412 2 878963122 +181 413 2 878963241 +181 424 1 878962240 +181 455 1 878962623 +181 456 1 878962586 +181 457 1 878961474 +181 458 3 878962350 +181 459 1 878962349 +181 460 1 878963418 +181 471 2 878962919 +181 472 1 878963380 +181 473 2 878962919 +181 475 2 878962720 +181 476 4 878962996 +181 477 1 878962465 +181 508 3 878962623 +181 544 1 878962919 +181 546 2 878962919 +181 547 1 878962720 +181 591 4 878962996 +181 593 1 878962349 +181 595 2 878962918 +181 596 4 878962866 +181 597 3 878963276 +181 598 1 878962623 +181 619 3 878963086 +181 620 2 878963204 +181 628 3 878962392 +181 676 3 878962392 +181 678 2 878961369 +181 680 1 878961709 +181 681 1 878961474 +181 682 4 878961586 +181 683 1 878962006 +181 685 2 878963381 +181 687 1 878961814 +181 688 1 878961668 +181 690 3 878961511 +181 713 2 878962774 +181 717 1 878963418 +181 718 1 878962675 +181 740 2 878963085 +181 742 4 878962623 +181 743 1 878963241 +181 744 2 878962720 +181 748 1 878961368 +181 749 1 878961586 +181 756 2 878962866 +181 758 1 878963418 +181 760 1 878963418 +181 763 1 878962955 +181 764 1 878962866 +181 766 1 878962675 +181 767 1 878963381 +181 813 2 878962279 +181 815 3 878963168 +181 818 1 878963380 +181 819 3 878962550 +181 820 1 878963342 +181 823 2 878963343 +181 824 1 878963305 +181 825 1 878963304 +181 826 1 878963304 +181 827 2 878963276 +181 828 1 878963086 +181 829 1 878962675 +181 831 1 878963241 +181 832 1 878963038 +181 833 1 878963205 +181 834 3 878962720 +181 840 1 878963204 +181 841 1 878963204 +181 844 1 878962816 +181 845 3 878962816 +181 846 3 878962586 +181 847 1 878962550 +181 864 2 878962774 +181 866 1 878963037 +181 871 2 878963168 +181 872 1 878961814 +181 873 1 878961542 +181 874 1 878961749 +181 875 3 878961623 +181 876 1 878961781 +181 877 2 878961668 +181 878 1 878961709 +181 879 2 878961542 +181 880 1 878961668 +181 881 1 878961781 +181 882 1 878962006 +181 883 1 878961847 +181 884 1 878961847 +181 885 1 878962006 +181 886 1 878961623 +181 887 1 878962005 +181 919 1 878962550 +181 920 1 878962496 +181 922 1 878963305 +181 924 3 878963168 +181 925 2 878963418 +181 926 1 878962866 +181 928 3 878963241 +181 929 1 878963122 +181 930 1 878963275 +181 931 1 878963205 +181 932 1 878963121 +181 933 1 878962675 +181 934 3 878963086 +181 937 3 878961781 +181 938 1 878961586 +181 948 1 878961474 +181 950 1 878963440 +181 952 1 878962720 +181 974 4 878963417 +181 975 2 878963343 +181 976 1 878963342 +181 977 1 878962997 +181 978 1 878963305 +181 979 2 878963241 +181 980 1 878962496 +181 981 1 878962279 +181 982 1 878963205 +181 983 2 878963038 +181 984 1 878961781 +181 985 1 878962465 +181 986 2 878963038 +181 988 2 878961847 +181 989 1 878961780 +181 990 1 878961814 +181 991 1 878961814 +181 995 1 878961585 +181 1001 1 878963038 +181 1002 1 878963122 +181 1008 1 878963276 +181 1009 1 878963276 +181 1010 1 878962774 +181 1011 1 878963204 +181 1017 1 878962496 +181 1022 1 878962006 +181 1025 1 878961668 +181 1026 1 878961781 +181 1028 2 878962997 +181 1033 1 878963381 +181 1034 1 878962586 +181 1038 1 878962005 +181 1040 1 878962997 +181 1047 2 878962866 +181 1048 2 878963275 +181 1049 1 878963122 +181 1051 2 878962586 +181 1052 2 878963441 +181 1054 2 878963418 +181 1057 2 878963381 +181 1059 1 878963440 +181 1061 2 878963086 +181 1067 1 878962550 +181 1068 1 878962052 +181 1079 1 878963122 +181 1081 1 878962623 +181 1084 2 878962550 +181 1085 1 878962623 +181 1086 1 878962464 +181 1087 1 878962496 +181 1093 1 878962391 +181 1094 1 878963086 +181 1095 1 878962955 +181 1097 1 878962720 +181 1102 1 878963381 +181 1114 1 878963342 +181 1115 1 878962774 +181 1117 2 878962585 +181 1120 1 878962279 +181 1128 1 878962279 +181 1129 1 878962675 +181 1132 1 878963342 +181 1134 2 878963167 +181 1137 1 878962392 +181 1150 1 878963305 +181 1151 1 878963304 +181 1152 2 878962496 +181 1161 1 878962119 +181 1162 1 878962392 +181 1163 2 878963086 +181 1164 3 878962464 +181 1165 1 878962496 +181 1171 1 878962773 +181 1173 1 878962052 +181 1174 1 878962200 +181 1187 1 878962816 +181 1197 1 878962774 +181 1198 1 878962585 +181 1199 1 878962675 +181 1202 1 878962720 +181 1215 1 878963304 +181 1242 1 878962349 +181 1245 1 878962550 +181 1252 1 878962168 +181 1255 1 878962086 +181 1259 1 878962496 +181 1265 1 878961668 +181 1272 1 878962349 +181 1276 1 878962586 +181 1277 2 878963085 +181 1280 1 878961668 +181 1281 1 878963241 +181 1282 1 878962496 +181 1284 1 878962773 +181 1287 1 878963380 +181 1289 1 878962866 +181 1291 1 878963167 +181 1295 1 878961781 +181 1296 1 878962006 +181 1302 1 878962086 +181 1312 1 878962349 +181 1317 1 878962086 +181 1318 1 878962349 +181 1319 1 878962120 +181 1320 1 878962279 +181 1321 1 878962200 +181 1322 1 878962086 +181 1323 1 878962119 +181 1324 1 878962464 +181 1325 1 878962816 +181 1326 1 878963342 +181 1327 1 878963305 +181 1328 1 878962240 +181 1329 1 878962240 +181 1330 1 878962052 +181 1331 1 878962052 +181 1332 1 878962278 +181 1333 1 878962120 +181 1334 1 878962240 +181 1335 1 878963241 +181 1336 1 878963241 +181 1337 1 878963121 +181 1338 1 878962240 +181 1339 1 878962086 +181 1340 1 878962240 +181 1341 1 878962169 +181 1342 1 878962168 +181 1343 1 878962199 +181 1344 1 878962240 +181 1345 1 878962168 +181 1346 1 878962086 +181 1347 1 878962052 +181 1348 1 878962200 +181 1349 1 878962278 +181 1350 1 878962120 +181 1351 1 878962168 +181 1352 1 878962240 +181 1353 1 878962200 +181 1354 1 878962496 +181 1355 1 878963086 +181 1356 1 878963204 +181 1357 1 878962240 +181 1358 1 878962120 +181 1359 1 878962200 +181 1360 1 878962119 +181 1361 1 878963122 +181 1362 1 878962200 +181 1363 1 878962279 +181 1364 1 878962464 +181 1365 1 878963086 +181 1366 1 878962200 +181 1367 2 878962086 +181 1368 1 878962200 +181 1369 1 878962199 +181 1370 1 878962550 +181 1371 1 878962240 +181 1372 1 878962279 +181 1373 1 878962052 +181 1374 1 878962391 +181 1375 1 878962586 +181 1376 1 878963167 +181 1377 1 878962496 +181 1378 1 878962169 +181 1379 1 878962168 +181 1380 1 878962086 +181 1381 2 878962349 +181 1382 1 878962168 +181 1383 1 878962086 +181 1384 1 878962052 +181 1385 1 878962051 +181 1386 1 878962119 +181 1387 1 878962119 +181 1388 1 878962168 +181 1389 1 878962119 +181 1390 1 878962052 +181 1391 1 878962168 +181 1392 1 878961749 +181 1393 1 878961709 +181 1394 1 878961847 +181 1395 1 878961847 +182 1 4 885613092 +182 15 4 885612967 +182 48 3 876436556 +182 50 5 885613018 +182 69 5 876435435 +182 100 3 885613067 +182 121 3 885613117 +182 150 3 885613294 +182 172 5 876435435 +182 178 5 876435434 +182 181 5 885612967 +182 237 3 885613067 +182 293 3 885613152 +182 423 5 876436480 +182 596 5 885613152 +182 763 3 885613092 +182 845 3 885613067 +182 864 4 885613092 +183 50 2 891467546 +183 55 4 891466266 +183 62 2 891479217 +183 77 3 891466405 +183 88 3 891466760 +183 94 3 891466863 +183 96 3 891463617 +183 121 3 891463809 +183 144 3 891479783 +183 176 3 891466266 +183 177 5 892323452 +183 181 2 891463937 +183 202 4 891463320 +183 210 3 891465869 +183 212 4 891467870 +183 216 4 891479033 +183 225 1 891467546 +183 226 3 891466350 +183 228 4 891463591 +183 229 3 891463591 +183 230 5 892323452 +183 241 4 892323453 +183 250 2 891464352 +183 257 2 891464558 +183 258 3 891462811 +183 270 3 891462811 +183 274 5 892323452 +183 294 3 891467280 +183 356 3 891466447 +183 375 2 891467545 +183 380 4 891463592 +183 405 4 891464393 +183 431 2 891467545 +183 449 2 891463592 +183 483 5 892323452 +183 562 3 891467003 +183 649 4 891464079 +183 720 4 892323453 +183 739 4 891467353 +183 1090 2 891467546 +183 1159 3 891479702 +183 1215 1 891467546 +183 1217 3 891466405 +184 1 4 889907652 +184 7 3 889907738 +184 9 5 889907685 +184 11 3 889908694 +184 13 3 889907839 +184 14 4 889907738 +184 15 3 889907812 +184 20 4 889907771 +184 22 3 889908985 +184 25 4 889908068 +184 29 3 889910326 +184 34 2 889913568 +184 40 4 889910326 +184 44 4 889909746 +184 47 4 889909640 +184 50 4 889907396 +184 51 4 889909069 +184 52 4 889910034 +184 56 3 889908657 +184 57 5 889908539 +184 58 4 889908984 +184 64 4 889909045 +184 65 4 889909516 +184 66 4 889910013 +184 67 3 889912569 +184 69 3 889908694 +184 70 4 889908657 +184 72 3 889909988 +184 77 3 889910217 +184 79 3 889909551 +184 82 3 889909934 +184 88 3 889909551 +184 89 4 889908572 +184 91 3 889909988 +184 92 3 889908657 +184 93 4 889907771 +184 95 4 889908801 +184 97 2 889908539 +184 98 4 889908539 +184 116 4 889910481 +184 117 2 889907995 +184 118 2 889908344 +184 121 2 889908026 +184 124 5 889907652 +184 126 3 889907971 +184 127 5 889907396 +184 132 5 889913687 +184 134 5 889909618 +184 137 5 889907685 +184 143 3 889908903 +184 153 3 889911285 +184 160 3 889911459 +184 164 3 889911434 +184 165 4 889911178 +184 166 3 889910684 +184 170 5 889913687 +184 172 4 889908497 +184 174 3 889908693 +184 175 3 889908985 +184 176 4 889908740 +184 182 4 889908497 +184 183 4 889908630 +184 185 4 889908843 +184 187 4 889909024 +184 191 4 889908716 +184 192 4 889908843 +184 196 4 889908985 +184 197 4 889908873 +184 202 3 889909768 +184 203 3 889908571 +184 208 4 889908985 +184 210 4 889911069 +184 212 4 889909618 +184 213 5 889909045 +184 215 4 889909812 +184 216 4 889908539 +184 217 3 889910394 +184 218 3 889909840 +184 220 3 889908264 +184 221 5 889907838 +184 223 4 889911195 +184 231 3 889910195 +184 235 2 889907862 +184 237 4 889907945 +184 238 4 889909069 +184 241 3 889909812 +184 250 4 889907482 +184 252 2 889907528 +184 254 2 889907569 +184 255 3 889907468 +184 258 3 889906882 +184 259 3 889907096 +184 262 5 889906946 +184 272 4 889907301 +184 274 4 889907812 +184 275 5 889913687 +184 276 4 889907685 +184 277 3 889907971 +184 283 5 889913687 +184 285 5 889907771 +184 286 4 889906905 +184 287 4 889908050 +184 301 3 889907045 +184 313 4 889906905 +184 317 3 889909426 +184 318 5 889908571 +184 321 5 889906967 +184 340 5 889906905 +184 357 5 889913687 +184 368 1 889908104 +184 371 5 889909840 +184 372 3 889910053 +184 378 4 889909551 +184 381 4 889909962 +184 382 5 889909691 +184 387 4 889909515 +184 393 4 889909788 +184 396 3 889910326 +184 399 3 889910159 +184 401 3 889910418 +184 402 3 889910013 +184 403 3 889909746 +184 405 2 889908050 +184 410 3 889908181 +184 411 3 889908207 +184 412 2 889912691 +184 423 4 889909409 +184 428 4 889909551 +184 443 3 889911552 +184 447 3 889910653 +184 451 4 889909914 +184 458 3 889907925 +184 462 4 889908873 +184 473 4 889908133 +184 476 2 889908207 +184 478 4 889908902 +184 480 4 889908571 +184 483 5 889908630 +184 485 4 889908947 +184 487 4 889908571 +184 488 5 889913687 +184 492 4 889908947 +184 496 5 889908539 +184 497 4 889909409 +184 498 5 889913687 +184 504 4 889908630 +184 506 4 889909569 +184 508 4 889907738 +184 509 4 889908694 +184 511 4 889908740 +184 512 4 889908716 +184 515 5 889907599 +184 517 4 889909409 +184 521 4 889908873 +184 522 3 889908462 +184 523 4 889909618 +184 527 4 889908462 +184 528 5 889908462 +184 529 4 889909445 +184 531 4 889910653 +184 553 3 889909746 +184 559 3 889910418 +184 568 2 889909474 +184 582 4 889909409 +184 584 3 889909889 +184 588 5 889909812 +184 591 3 889907711 +184 596 4 889907812 +184 602 4 889909691 +184 604 4 889908693 +184 606 5 889913687 +184 629 3 889911162 +184 631 4 889910612 +184 632 5 889913687 +184 639 3 889909590 +184 640 4 889909551 +184 642 4 889909446 +184 644 4 889908947 +184 645 3 889910123 +184 647 5 889909024 +184 651 3 889908462 +184 654 4 889908824 +184 655 3 889908630 +184 657 4 889908497 +184 664 3 889911712 +184 665 2 889910098 +184 676 4 889907925 +184 692 4 889909672 +184 693 3 889909142 +184 694 5 889908824 +184 699 5 889909914 +184 707 4 889908873 +184 708 4 889909962 +184 715 4 889909590 +184 716 3 889909987 +184 724 4 889909672 +184 729 3 889909840 +184 735 3 889909868 +184 736 3 889911633 +184 738 3 889910372 +184 739 3 889910257 +184 742 3 889908026 +184 747 3 889909672 +184 766 3 889907738 +184 780 4 889913254 +184 792 4 889909840 +184 805 3 889912232 +184 813 4 889907711 +184 836 4 889909142 +184 837 3 889908630 +184 845 3 889907971 +184 855 4 889909474 +184 942 3 889909768 +184 945 4 889909721 +184 949 3 889909618 +184 950 4 889907896 +184 956 3 889908693 +184 972 3 889909962 +184 995 3 889907044 +184 1006 3 889910078 +184 1008 4 889907896 +184 1010 4 889907896 +184 1012 3 889907448 +184 1014 2 889907468 +184 1020 4 889908630 +184 1061 3 889908264 +184 1086 4 889907711 +184 1101 4 889909515 +184 1117 2 889907771 +184 1121 4 889910545 +184 1136 4 889912890 +184 1137 5 889907812 +184 1148 3 889910098 +184 1160 5 889907363 +184 1167 5 889913687 +184 1195 3 889909934 +184 1232 3 889910123 +184 1297 2 889910257 +184 1396 4 889913490 +184 1397 3 889910233 +184 1398 5 889911749 +185 9 4 883524396 +185 15 3 883525255 +185 23 4 883524249 +185 25 4 883525206 +185 47 4 883524249 +185 50 4 883525998 +185 111 4 883524529 +185 114 4 883524320 +185 116 4 883526268 +185 127 5 883525183 +185 160 1 883524281 +185 178 4 883524364 +185 181 4 883524475 +185 199 4 883526268 +185 205 3 883524320 +185 216 4 883526268 +185 237 4 883526268 +185 239 3 883524206 +185 258 4 883526267 +185 269 5 883524428 +185 275 4 883524320 +185 276 4 883524475 +185 286 4 883523876 +185 287 5 883526288 +185 302 4 883526267 +185 321 5 883524428 +185 423 5 883524428 +185 447 4 883526268 +185 480 4 883526267 +185 514 5 883524428 +185 515 4 883525255 +185 528 4 883526268 +185 690 4 883526267 +185 701 3 883524364 +185 703 4 883524172 +185 740 4 883524475 +185 845 4 883524507 +185 1020 4 883524172 +186 12 1 879023460 +186 31 4 879023529 +186 38 5 879023723 +186 44 5 879023529 +186 55 4 879023556 +186 56 3 879023460 +186 71 5 879024535 +186 77 5 879023694 +186 79 5 879023460 +186 95 3 879024535 +186 98 5 891719859 +186 100 4 879023115 +186 106 2 879023242 +186 117 5 879023607 +186 118 2 879023242 +186 121 2 879023074 +186 147 4 891719774 +186 148 4 891719774 +186 159 5 879023723 +186 177 4 891719775 +186 203 5 879023529 +186 225 4 879024148 +186 226 5 879023664 +186 237 2 879023934 +186 243 2 879024099 +186 250 1 879023607 +186 257 4 891719774 +186 258 1 879720880 +186 263 3 879023571 +186 269 1 889818094 +186 281 4 879023390 +186 288 1 879022858 +186 291 4 879023073 +186 294 3 879024099 +186 295 2 879023390 +186 298 3 879023073 +186 299 3 879720962 +186 300 5 879022858 +186 302 3 891717742 +186 303 3 891717938 +186 306 4 891717690 +186 327 3 891717806 +186 330 4 891718038 +186 331 3 889817888 +186 332 4 891719775 +186 338 3 889818331 +186 356 5 879023663 +186 385 4 879023894 +186 405 3 879023677 +186 470 5 879023693 +186 477 4 891719775 +186 540 4 879024014 +186 546 4 891719775 +186 554 1 879023751 +186 566 5 879023663 +186 568 4 879024014 +186 588 4 879024535 +186 595 3 879023390 +186 596 4 879024459 +186 684 4 879023599 +186 689 4 889817888 +186 717 3 879023242 +186 754 2 891717690 +186 820 2 879024345 +186 829 4 891719775 +186 880 3 891718700 +186 887 4 891717761 +186 934 3 879023968 +186 939 5 879023529 +186 983 3 879023152 +186 988 4 891719775 +186 1016 5 879023643 +186 1033 3 879024212 +186 1042 5 879023632 +186 1046 3 879023751 +186 1083 1 879023599 +186 1213 3 879023882 +186 1253 4 891719774 +186 1277 4 879023677 +186 1336 3 879024346 +186 1385 2 879023968 +186 1399 2 891718530 +187 8 5 879465273 +187 23 4 879465631 +187 28 4 879465597 +187 52 4 879465683 +187 64 5 879465631 +187 65 5 879465507 +187 69 4 879465566 +187 70 4 879465394 +187 83 5 879465274 +187 97 3 879465717 +187 116 5 879464978 +187 134 3 879465079 +187 135 4 879465653 +187 137 5 879464895 +187 168 5 879465273 +187 173 5 879465307 +187 179 5 879465782 +187 186 4 879465308 +187 197 4 879465597 +187 204 2 879465370 +187 209 4 879465370 +187 210 4 879465242 +187 213 4 879465858 +187 214 4 879465632 +187 215 3 879465805 +187 216 5 879465394 +187 241 3 879465858 +187 300 4 879464783 +187 423 4 879465745 +187 427 5 879465597 +187 428 4 879465308 +187 433 4 879465242 +187 435 4 879465242 +187 462 5 879466062 +187 523 3 879465125 +187 651 5 879465566 +187 660 5 879465744 +187 663 3 879465242 +187 694 5 879465532 +187 707 5 879465882 +187 710 4 879465242 +187 732 3 879465419 +187 735 4 879465532 +187 736 4 879465632 +187 1065 4 879465717 +187 1119 3 879465683 +188 5 4 875074266 +188 11 5 875071520 +188 13 4 875073408 +188 22 5 875072459 +188 28 3 875072972 +188 38 3 875073828 +188 50 4 875072741 +188 54 4 875074589 +188 56 4 875071658 +188 64 5 875071891 +188 66 3 875075118 +188 76 4 875073048 +188 77 4 875072328 +188 79 5 875072393 +188 88 4 875075300 +188 96 5 875073128 +188 97 5 875071891 +188 98 5 875071957 +188 100 4 875074127 +188 118 3 875072972 +188 121 4 875073647 +188 127 4 875072799 +188 143 5 875072674 +188 144 3 875071520 +188 148 4 875074667 +188 151 3 875073909 +188 153 5 875075062 +188 157 3 875072674 +188 161 3 875073048 +188 162 4 875072972 +188 164 4 875072674 +188 173 5 875075118 +188 174 5 875072741 +188 176 4 875072876 +188 177 4 875073329 +188 180 5 875073329 +188 181 3 875072148 +188 185 4 875071710 +188 187 3 875072211 +188 191 3 875073128 +188 194 3 875073329 +188 195 3 875073179 +188 199 4 875071658 +188 202 2 875073712 +188 205 3 875071710 +188 209 2 875073246 +188 210 4 875071891 +188 216 5 875075300 +188 218 5 875074667 +188 226 3 875074266 +188 233 3 875074266 +188 237 3 875073648 +188 240 1 875072799 +188 259 3 875071443 +188 265 5 875071520 +188 281 3 875074772 +188 288 4 875071195 +188 294 2 875071249 +188 300 4 875071195 +188 318 5 875072518 +188 326 3 875071293 +188 356 4 875074200 +188 392 5 875073408 +188 419 5 875072876 +188 443 4 875074329 +188 455 4 875075432 +188 462 4 875073246 +188 468 4 875073329 +188 470 5 875073647 +188 474 4 875072674 +188 483 5 875072009 +188 484 5 875072392 +188 485 3 875072087 +188 498 5 875073828 +188 504 3 875074589 +188 510 3 875071775 +188 511 2 875072211 +188 519 4 875072972 +188 553 4 875071775 +188 566 5 875074200 +188 568 4 875072583 +188 591 5 875072674 +188 629 4 875073246 +188 632 5 875071581 +188 635 2 875074667 +188 651 4 875073408 +188 673 4 875074127 +188 678 3 875071361 +188 684 3 875073477 +188 692 5 875072583 +188 717 4 875074329 +188 732 3 875073828 +188 742 5 875073909 +188 764 4 875072087 +188 769 2 875074720 +188 864 2 875072148 +188 877 2 875071361 +188 928 3 875074847 +188 930 4 875074720 +188 1041 3 875072328 +188 1213 2 875074847 +188 1263 3 875071891 +189 4 5 893265741 +189 7 3 893264300 +189 8 5 893265710 +189 9 3 893263994 +189 10 5 893264335 +189 13 4 893264220 +189 14 5 893263994 +189 15 2 893264335 +189 16 3 893264335 +189 20 5 893264466 +189 21 2 893264619 +189 24 4 893264248 +189 28 4 893266298 +189 31 3 893266027 +189 44 4 893266376 +189 50 5 893263994 +189 56 5 893265263 +189 59 3 893265191 +189 60 3 893265773 +189 61 3 893265826 +189 79 3 893265478 +189 83 4 893265624 +189 89 5 893265624 +189 96 5 893265971 +189 97 4 893277579 +189 99 5 893265684 +189 100 4 893263994 +189 105 2 893264865 +189 118 1 893264735 +189 121 2 893264816 +189 124 5 893264048 +189 127 4 893263994 +189 129 3 893264378 +189 131 4 893265710 +189 132 5 893265865 +189 133 5 893265773 +189 134 5 893265239 +189 135 4 893265535 +189 136 4 893265535 +189 137 4 893264407 +189 143 5 893266027 +189 150 4 893277702 +189 151 5 893264378 +189 157 4 893265865 +189 162 3 893266230 +189 165 5 893265535 +189 166 4 893265657 +189 170 4 893265380 +189 172 5 893265683 +189 173 5 893265160 +189 174 5 893265160 +189 175 5 893265506 +189 176 4 893265214 +189 178 5 893265191 +189 179 5 893265478 +189 180 5 893265741 +189 181 3 893264023 +189 185 5 893265428 +189 186 2 893266027 +189 191 5 893265402 +189 194 5 893265428 +189 196 5 893266204 +189 197 5 893265291 +189 198 4 893265657 +189 199 5 893265263 +189 204 5 893265657 +189 207 5 893266161 +189 209 1 893265826 +189 214 1 893266326 +189 216 5 893265478 +189 225 4 893264703 +189 234 5 893265401 +189 238 5 893265683 +189 241 3 893265947 +189 246 4 893264048 +189 248 4 893264174 +189 255 2 893277551 +189 268 4 893265071 +189 274 4 893264735 +189 275 5 893264194 +189 281 2 893264766 +189 283 5 893264300 +189 294 5 893264220 +189 297 3 893264023 +189 313 2 893263960 +189 317 4 893265826 +189 318 5 893265191 +189 378 4 893266137 +189 381 3 893277551 +189 405 2 893264487 +189 418 3 893266204 +189 423 5 893265796 +189 433 5 893266326 +189 459 4 893264595 +189 473 5 893264558 +189 474 5 893265238 +189 479 5 893265123 +189 480 5 893265291 +189 483 5 893265291 +189 484 5 893266105 +189 485 4 893265710 +189 486 5 893266105 +189 487 5 893265568 +189 489 5 893265452 +189 492 3 893265535 +189 496 5 893265380 +189 498 5 893265773 +189 499 4 893265596 +189 500 5 893266351 +189 501 4 893265893 +189 503 3 893266137 +189 505 5 893265239 +189 510 5 893266326 +189 511 4 893265349 +189 512 4 893277702 +189 513 4 893265865 +189 516 1 893265568 +189 517 4 893265535 +189 520 5 893265380 +189 523 4 893265596 +189 525 5 893265946 +189 526 4 893266205 +189 527 5 893265327 +189 531 3 893265327 +189 532 4 893264150 +189 568 4 893266205 +189 582 5 893265998 +189 588 4 893266105 +189 596 3 893264407 +189 603 5 893265239 +189 607 4 893266204 +189 618 2 893265160 +189 630 4 893266376 +189 632 5 893265624 +189 634 3 893265506 +189 638 5 893265380 +189 639 4 893265893 +189 647 4 893265826 +189 652 5 893265428 +189 654 3 893265291 +189 656 4 893265568 +189 657 5 893265123 +189 659 4 893265796 +189 661 4 893265569 +189 663 3 893265773 +189 694 4 893265946 +189 705 4 893265569 +189 732 2 893277248 +189 742 3 893264270 +189 751 4 893265046 +189 792 5 893265741 +189 815 3 893264558 +189 820 1 893264782 +189 847 4 893264150 +189 855 3 893265657 +189 863 4 893266161 +189 914 2 893265046 +189 934 2 893264678 +189 952 5 893264619 +189 990 3 893264849 +189 1005 4 893265971 +189 1020 4 893265657 +189 1021 5 893266251 +189 1056 3 893265123 +189 1060 5 893264301 +189 1065 5 893265478 +189 1098 4 893265506 +189 1099 5 893266074 +189 1117 5 893264678 +189 1154 3 893265380 +189 1315 3 893264220 +189 1372 4 893264429 +189 1400 3 893265684 +189 1401 4 893266137 +189 1402 4 893266051 +189 1403 4 893265921 +189 1404 5 893266325 +190 7 4 891033653 +190 9 1 891033725 +190 15 4 891033697 +190 24 3 891033773 +190 100 4 891033653 +190 117 4 891033697 +190 121 3 891033773 +190 125 3 891033863 +190 147 4 891033863 +190 148 4 891033742 +190 237 5 891033773 +190 245 4 891033487 +190 258 3 891033183 +190 272 5 891033606 +190 273 4 891033676 +190 276 4 891033632 +190 281 3 891042916 +190 282 3 891033773 +190 288 5 891033606 +190 302 5 891033606 +190 310 4 891033607 +190 313 5 891033606 +190 326 4 891033305 +190 327 2 891033349 +190 328 3 891033305 +190 333 4 891033606 +190 340 1 891033153 +190 354 4 891033606 +190 471 5 891033632 +190 508 3 891033905 +190 539 2 891033370 +190 544 4 891033806 +190 546 3 891626000 +190 591 4 891033863 +190 597 2 891626023 +190 685 3 891033725 +190 696 3 891042883 +190 717 3 891042938 +190 742 3 891033841 +190 751 4 891033606 +190 823 2 891626040 +190 826 3 891626040 +190 895 3 891033327 +190 898 2 891033349 +190 930 2 891042916 +190 974 2 891625949 +190 977 2 891042938 +190 989 3 891033327 +190 1313 2 891033445 +191 286 4 891560842 +191 288 3 891562090 +191 301 4 891561336 +191 302 4 891560253 +191 307 3 891560935 +191 313 5 891560481 +191 315 5 891560253 +191 316 5 891561456 +191 331 4 891560631 +191 339 3 891562090 +191 340 4 891560842 +191 345 4 891560753 +191 750 4 891560253 +191 751 3 891560753 +191 752 3 891560481 +191 754 3 891560366 +191 896 3 891562090 +192 7 4 881367791 +192 9 5 881367527 +192 25 4 881367618 +192 100 5 881367706 +192 111 2 881368222 +192 118 2 881367932 +192 125 3 881367849 +192 127 4 881367456 +192 252 1 881368277 +192 255 2 881367505 +192 269 3 881366436 +192 287 4 881368016 +192 289 4 881366615 +192 301 4 881366490 +192 302 5 881366489 +192 340 4 881366535 +192 476 2 881368243 +192 515 4 881367889 +192 813 4 881367456 +192 948 3 881368302 +192 1061 4 881368891 +192 1160 4 881367456 +192 1171 2 881368358 +192 1265 3 881366585 +192 1405 5 881367456 +193 1 4 890859954 +193 2 3 890860198 +193 23 4 889126609 +193 24 2 889125880 +193 25 4 889127301 +193 29 3 889126055 +193 33 3 889125912 +193 38 3 889126055 +193 56 1 889125572 +193 69 5 889125287 +193 72 2 889127301 +193 73 3 889127237 +193 79 4 889125755 +193 82 2 889125880 +193 94 3 889127592 +193 96 1 889124507 +193 100 5 889124127 +193 111 1 889126375 +193 117 4 889125913 +193 121 3 889125913 +193 122 1 889127698 +193 127 5 890860351 +193 147 2 890860290 +193 153 4 889125629 +193 155 4 889126376 +193 159 4 889124191 +193 161 3 889125912 +193 174 4 889125720 +193 177 4 890860290 +193 182 4 890860290 +193 187 4 890860351 +193 194 4 889125006 +193 199 5 889125535 +193 210 4 889125755 +193 218 4 889126705 +193 234 3 889126551 +193 237 4 889124327 +193 246 3 890859402 +193 258 3 889123038 +193 259 2 889123351 +193 260 1 889123777 +193 268 3 889122906 +193 269 4 889123086 +193 274 3 889126272 +193 276 4 890860319 +193 280 4 889124016 +193 282 5 889124965 +193 286 4 889122906 +193 288 1 889123777 +193 294 1 889123777 +193 300 4 889123039 +193 301 4 889123257 +193 307 4 889123316 +193 310 4 890834947 +193 313 4 889122950 +193 327 1 889123777 +193 333 1 889123039 +193 343 1 889123777 +193 347 4 889122906 +193 352 1 889123777 +193 354 3 889123158 +193 362 3 889122992 +193 366 4 890860428 +193 402 3 889126375 +193 403 3 889125945 +193 405 3 889125945 +193 407 4 889127921 +193 410 3 889127633 +193 412 3 889127787 +193 435 4 889124439 +193 443 4 889126610 +193 465 3 889126867 +193 476 2 889127698 +193 485 5 889124252 +193 487 5 889124287 +193 508 4 889125319 +193 541 1 889125976 +193 553 4 889126272 +193 562 3 889126055 +193 580 4 889127270 +193 627 4 889126972 +193 673 4 889126551 +193 684 4 889125788 +193 689 2 890834966 +193 690 4 889123221 +193 715 3 890860076 +193 722 3 889126402 +193 739 4 889126427 +193 742 4 889126673 +193 750 4 889122950 +193 755 4 889126919 +193 763 3 889127457 +193 781 3 889124469 +193 790 3 889127381 +193 815 3 889126332 +193 826 2 889126146 +193 845 4 889124803 +193 869 3 889127811 +193 871 3 890860319 +193 879 3 889123257 +193 895 1 889123777 +193 905 4 889123458 +193 928 2 889126609 +193 941 4 889124890 +193 1074 3 889126453 +193 1078 4 889126943 +193 1090 2 889124778 +193 1168 4 890860234 +193 1258 3 889123806 +193 1406 4 889123926 +193 1407 3 889126146 +194 1 4 879539127 +194 4 4 879521397 +194 7 3 879538898 +194 8 3 879521719 +194 9 4 879535704 +194 12 5 879520916 +194 13 4 879539410 +194 15 4 879539127 +194 22 5 879521474 +194 25 2 879540807 +194 26 3 879522240 +194 28 5 879522324 +194 29 2 879528342 +194 30 3 879524504 +194 31 3 879549793 +194 44 4 879524007 +194 50 3 879521396 +194 51 4 879549793 +194 52 4 879525876 +194 54 3 879525876 +194 56 5 879521936 +194 58 4 879522917 +194 62 2 879524504 +194 64 5 879521936 +194 66 3 879527264 +194 67 1 879549793 +194 69 4 879521595 +194 70 3 879522324 +194 71 4 879524291 +194 72 3 879554100 +194 73 3 879527145 +194 76 2 879549503 +194 78 1 879535549 +194 79 3 879521088 +194 81 2 879523576 +194 82 2 879524216 +194 83 3 879521254 +194 86 3 879520991 +194 87 4 879523104 +194 88 3 879549394 +194 89 3 879521328 +194 90 3 879552841 +194 91 3 879524892 +194 94 3 879528000 +194 95 3 879521719 +194 97 3 879524291 +194 98 4 879521329 +194 99 3 879524643 +194 100 4 879539305 +194 117 3 879535704 +194 118 3 879539229 +194 121 2 879539794 +194 124 4 879539229 +194 125 2 879548026 +194 127 5 879520813 +194 132 3 879520991 +194 133 3 879523575 +194 134 2 879521719 +194 135 3 879521474 +194 136 5 879521167 +194 143 3 879524643 +194 144 4 879547671 +194 153 3 879546723 +194 154 3 879546305 +194 155 3 879550737 +194 157 4 879547184 +194 159 3 879552401 +194 161 4 879523576 +194 162 3 879549899 +194 165 4 879546723 +194 167 2 879549900 +194 168 5 879521254 +194 172 3 879521474 +194 173 5 879521088 +194 174 4 879520916 +194 175 3 879521595 +194 177 3 879523104 +194 178 3 879521253 +194 179 4 879521329 +194 180 3 879521657 +194 181 3 879521396 +194 182 3 879521475 +194 183 3 879520916 +194 185 4 879521254 +194 186 5 879521088 +194 188 4 879522158 +194 192 5 879521253 +194 193 4 879524790 +194 194 4 879523575 +194 195 3 879521657 +194 196 3 879524007 +194 197 4 879522021 +194 198 3 879522021 +194 199 4 879521329 +194 202 3 879524216 +194 203 3 879522158 +194 204 4 879522324 +194 205 3 879524291 +194 208 3 879521329 +194 209 3 879521936 +194 210 3 879521396 +194 211 4 879524292 +194 213 2 879523575 +194 215 3 879524291 +194 216 3 879523785 +194 218 4 879524892 +194 219 2 879527865 +194 222 1 879538960 +194 223 4 879547032 +194 225 3 879543589 +194 226 3 879525761 +194 227 1 879535548 +194 228 1 879535548 +194 229 1 879535548 +194 230 1 879535548 +194 232 2 879553731 +194 234 3 879521167 +194 235 2 879541343 +194 237 3 879538959 +194 238 5 879521396 +194 241 2 879527725 +194 259 2 879520306 +194 265 4 879520991 +194 274 2 879539794 +194 276 3 879539127 +194 281 2 879540567 +194 282 3 879539614 +194 284 3 879539410 +194 286 1 879520306 +194 289 1 879535548 +194 294 4 879520305 +194 317 4 879521657 +194 318 5 879521328 +194 321 3 879520306 +194 356 2 879524892 +194 357 4 879520916 +194 366 2 879525761 +194 367 3 879525624 +194 371 3 879527584 +194 376 2 879528752 +194 380 1 879535549 +194 383 1 879554842 +194 385 2 879524643 +194 387 2 879527146 +194 393 2 879524007 +194 399 2 879528454 +194 402 3 879524008 +194 403 2 879527725 +194 404 3 879522445 +194 405 2 879539305 +194 410 3 879541042 +194 414 3 879522240 +194 417 2 879525695 +194 419 2 879521088 +194 423 3 879548121 +194 425 2 879522240 +194 427 4 879521088 +194 431 4 879524291 +194 432 4 879524007 +194 433 3 879523104 +194 435 4 879520813 +194 443 3 879523104 +194 449 1 879554897 +194 450 1 879555001 +194 451 2 879527145 +194 456 1 879544303 +194 465 3 879527513 +194 466 4 879525876 +194 467 5 879521253 +194 470 3 879527421 +194 471 3 879540807 +194 474 4 879521396 +194 479 3 879521167 +194 481 3 879524291 +194 482 3 879521088 +194 483 4 879520916 +194 485 3 879546498 +194 488 3 879521475 +194 491 3 879520916 +194 496 4 879520743 +194 498 3 879521595 +194 501 3 879548319 +194 502 4 879548624 +194 503 4 879522916 +194 504 2 879523785 +194 507 4 879520916 +194 509 3 879522085 +194 510 4 879521474 +194 511 4 879520991 +194 514 3 879521167 +194 515 4 879524216 +194 516 3 879522021 +194 517 3 879521856 +194 518 4 879524291 +194 519 4 879521474 +194 520 5 879545114 +194 521 4 879524504 +194 523 5 879521596 +194 526 4 879521087 +194 527 4 879521474 +194 529 4 879523575 +194 530 4 879521167 +194 540 1 879554950 +194 542 3 879551849 +194 546 3 879541806 +194 549 3 879527263 +194 550 3 879524504 +194 559 2 879521937 +194 562 2 879524007 +194 566 4 879522819 +194 568 2 879522819 +194 570 3 879529356 +194 575 1 879554453 +194 576 2 879528568 +194 580 4 879525876 +194 582 1 879535549 +194 588 4 879524393 +194 604 3 879546498 +194 616 3 879523243 +194 623 1 879551637 +194 624 2 879525695 +194 625 3 879527145 +194 628 3 879540171 +194 629 3 879552401 +194 631 2 879546551 +194 633 3 879521254 +194 636 2 879553731 +194 640 1 879535548 +194 642 2 879527514 +194 648 4 879521936 +194 651 3 879520991 +194 654 2 879522445 +194 655 5 879520813 +194 657 4 879521328 +194 659 4 879520743 +194 660 3 879527421 +194 661 5 879523104 +194 663 4 879524292 +194 674 2 879553988 +194 679 2 879523104 +194 692 2 879524215 +194 693 4 879524216 +194 705 2 879524007 +194 708 3 879528106 +194 710 3 879524393 +194 712 3 879555147 +194 715 3 879527263 +194 720 2 879553883 +194 732 3 879522021 +194 735 4 879524718 +194 736 2 879548122 +194 737 4 879553003 +194 739 3 879527263 +194 744 3 879547130 +194 756 1 879549899 +194 762 3 879539305 +194 770 4 879525342 +194 780 2 879527865 +194 783 2 879527865 +194 790 1 879535549 +194 792 4 879524504 +194 808 2 879527999 +194 820 1 879541742 +194 837 4 879546671 +194 864 2 879539305 +194 871 2 879554603 +194 939 3 879550615 +194 941 2 879552569 +194 944 2 879551999 +194 946 3 879527514 +194 951 3 879525761 +194 971 3 879551049 +194 991 2 879520306 +194 997 3 879553988 +194 1011 3 879539794 +194 1028 2 879541148 +194 1041 2 879553591 +194 1044 2 879524579 +194 1045 2 879524644 +194 1058 2 879552923 +194 1066 3 879554383 +194 1091 3 879528568 +194 1093 3 879540807 +194 1107 3 879525624 +194 1112 3 879527999 +194 1183 2 879554453 +194 1206 1 879554453 +194 1207 1 879555410 +194 1211 2 879551380 +194 1220 3 879524790 +194 1408 1 879555267 +194 1409 2 879552662 +194 1410 2 879553404 +194 1411 1 879554331 +194 1412 2 879551921 +195 46 3 891762441 +195 47 5 876632643 +195 55 4 888737417 +195 59 3 888737346 +195 60 3 888737240 +195 61 3 888737277 +195 67 2 874825826 +195 93 3 891762536 +195 99 3 888737277 +195 109 3 878019342 +195 127 5 875771441 +195 132 5 875771441 +195 134 5 875771441 +195 135 5 875771440 +195 143 5 875771441 +195 152 3 890589490 +195 154 3 888737525 +195 198 3 884420000 +195 213 4 883934680 +195 234 5 875771441 +195 235 3 883191566 +195 242 4 879141989 +195 258 4 882859352 +195 264 3 890721304 +195 265 4 888737346 +195 271 4 879488450 +195 273 4 878019342 +195 276 4 880710086 +195 298 4 888737703 +195 300 3 890588925 +195 304 4 876617344 +195 313 5 883688297 +195 325 2 880268330 +195 326 3 887439400 +195 328 4 884420059 +195 358 2 883463275 +195 366 3 885110899 +195 373 3 875158215 +195 384 2 874825826 +195 386 2 874825826 +195 387 4 891762491 +195 413 3 885110849 +195 421 4 892362736 +195 431 3 877835063 +195 433 3 878019342 +195 451 5 875771441 +195 469 3 880710046 +195 496 4 888737525 +195 500 4 876617344 +195 507 4 875436627 +195 508 3 886782519 +195 558 3 890589408 +195 582 4 883822804 +195 615 4 880650666 +195 636 2 884504132 +195 651 5 875436683 +195 678 3 883295570 +195 740 3 890985743 +195 748 2 876632518 +195 751 4 883295500 +195 753 3 874824313 +195 771 2 874825826 +195 779 2 874825826 +195 797 3 877835268 +195 809 3 877835548 +195 823 4 881485704 +195 831 2 884504132 +195 841 2 891841129 +195 877 3 887567629 +195 921 3 883934716 +195 982 2 877835350 +195 1013 3 877156636 +195 1014 4 879673925 +195 1030 2 877835451 +195 1052 1 877835102 +195 1089 4 883295540 +195 1193 4 888737346 +195 1228 1 876632600 +195 1315 4 878019299 +195 1407 2 874825826 +195 1413 2 877835268 +195 1414 2 874825826 +195 1415 1 874825827 +195 1416 2 884504132 +195 1417 3 877246560 +195 1418 4 891762646 +196 13 2 881251955 +196 67 5 881252017 +196 108 4 881252110 +196 110 1 881252305 +196 111 4 881251793 +196 116 3 881251753 +196 153 5 881251820 +196 173 2 881251820 +196 202 3 881251728 +196 238 4 881251820 +196 242 3 881250949 +196 251 3 881251274 +196 257 2 881251577 +196 269 3 881250949 +196 285 5 881251753 +196 287 3 881251884 +196 306 4 881251021 +196 340 3 881251045 +196 381 4 881251728 +196 382 4 881251843 +196 393 4 881251863 +196 411 4 881252090 +196 655 5 881251793 +196 663 5 881251911 +196 762 3 881251955 +196 845 4 881251954 +196 1007 4 881251601 +196 1022 4 881251143 +196 1241 3 881251642 +197 2 3 891409981 +197 4 3 891409981 +197 11 1 891409893 +197 22 5 891409839 +197 29 3 891410170 +197 33 2 891409981 +197 38 3 891410039 +197 39 2 891409982 +197 50 5 891409839 +197 55 3 891409982 +197 56 1 891409799 +197 62 2 891410039 +197 68 2 891410082 +197 79 5 891409839 +197 82 5 891409893 +197 89 5 891409798 +197 92 1 891410082 +197 96 5 891409839 +197 127 5 891409839 +197 161 4 891410039 +197 172 5 891409839 +197 174 5 891409798 +197 177 5 891409935 +197 181 5 891409893 +197 182 3 891409935 +197 183 5 891409839 +197 184 1 891409981 +197 187 5 891409798 +197 188 3 891409982 +197 190 3 891410082 +197 195 5 891409798 +197 210 5 891409838 +197 226 4 891410038 +197 227 3 891409936 +197 228 4 891409894 +197 229 3 891410039 +197 230 4 891409893 +197 232 4 891410082 +197 233 4 891409935 +197 241 3 891409893 +197 245 4 891409352 +197 258 4 891409255 +197 259 1 891409422 +197 265 5 891409893 +197 271 2 891409352 +197 272 4 891409160 +197 286 1 891409255 +197 289 4 891409422 +197 300 4 891409422 +197 302 3 891409070 +197 306 2 891409160 +197 307 3 891409323 +197 311 4 891409070 +197 313 4 891409160 +197 316 4 891409535 +197 321 3 891409475 +197 322 3 891409475 +197 323 3 891409422 +197 326 3 891409199 +197 328 4 891409290 +197 332 2 891409290 +197 333 2 891409111 +197 340 2 891409199 +197 344 4 891409070 +197 346 3 891409070 +197 347 4 891409070 +197 354 2 891409199 +197 362 4 891409199 +197 373 1 891410124 +197 385 2 891409893 +197 399 2 891410082 +197 403 3 891410038 +197 435 5 891409935 +197 510 5 891409935 +197 511 5 891409839 +197 515 5 891409935 +197 526 5 891409935 +197 530 3 891410082 +197 538 3 891409535 +197 550 3 891409981 +197 554 4 891410170 +197 566 4 891409893 +197 568 4 891410038 +197 576 4 891410039 +197 578 3 891410039 +197 586 3 891410170 +197 651 5 891409839 +197 665 4 891410124 +197 678 2 891409593 +197 679 1 891409935 +197 684 4 891409981 +197 688 1 891409564 +197 690 3 891409255 +197 720 2 891410039 +197 748 3 891409323 +197 750 5 891409199 +197 751 3 891409290 +197 779 2 891410170 +197 802 4 891410082 +197 808 3 891409893 +197 879 4 891409535 +197 880 3 891409387 +197 895 3 891409199 +197 947 2 891410083 +197 1222 3 891410082 +197 1228 4 891410124 +197 1419 2 891410124 +197 1420 1 891409683 +198 1 4 884205081 +198 4 3 884209536 +198 6 2 884206270 +198 7 4 884205317 +198 11 4 884207392 +198 15 3 884205185 +198 23 4 884208491 +198 25 2 884205114 +198 27 2 884208595 +198 31 3 884207897 +198 33 3 884209291 +198 50 5 884204919 +198 51 3 884208455 +198 55 3 884207525 +198 56 5 884207392 +198 58 3 884208173 +198 64 4 884207206 +198 65 2 884208241 +198 69 4 884207560 +198 70 3 884207691 +198 71 3 884208419 +198 73 3 884208419 +198 79 3 884208518 +198 81 5 884208326 +198 82 3 884209451 +198 89 5 884208623 +198 93 3 884205346 +198 95 3 884207612 +198 96 4 884208326 +198 97 3 884207112 +198 98 4 884207611 +198 100 1 884207325 +198 101 5 884209569 +198 108 3 884206270 +198 117 1 884205114 +198 118 2 884206513 +198 121 3 884206330 +198 122 1 884206807 +198 127 5 884204919 +198 128 3 884209451 +198 131 3 884208952 +198 132 4 884208137 +198 135 5 884208061 +198 137 4 884205252 +198 143 3 884208951 +198 148 3 884206401 +198 151 4 884206401 +198 153 4 884207858 +198 154 4 884208098 +198 156 3 884207058 +198 161 3 884208454 +198 164 3 884208571 +198 168 4 884207654 +198 172 4 884207206 +198 173 4 884207492 +198 174 5 884208326 +198 175 3 884207239 +198 176 4 884207136 +198 179 4 884209264 +198 181 4 884205050 +198 182 4 884207946 +198 183 5 884207654 +198 184 3 884209003 +198 185 3 884209264 +198 186 5 884207733 +198 187 4 884207239 +198 188 5 884208200 +198 191 4 884208682 +198 193 4 884207833 +198 195 3 884207267 +198 196 3 884208098 +198 197 4 884208200 +198 198 4 884207654 +198 200 4 884207239 +198 201 3 884207897 +198 203 3 884207733 +198 204 3 884207584 +198 208 3 884208571 +198 210 4 884207612 +198 215 4 884208098 +198 216 4 884208490 +198 217 4 884208273 +198 218 3 884209412 +198 222 3 884204993 +198 228 3 884207206 +198 229 3 884209353 +198 230 3 884209073 +198 234 3 884207833 +198 237 2 884206191 +198 238 4 884207733 +198 241 3 884209264 +198 248 3 884205385 +198 249 2 884205277 +198 258 4 884204501 +198 265 3 884207206 +198 276 3 884205317 +198 280 3 884206401 +198 291 2 884205219 +198 298 1 884204993 +198 300 2 884204427 +198 318 4 884207560 +198 323 2 884204637 +198 343 3 884204666 +198 356 3 884208455 +198 357 5 884207267 +198 367 3 884209379 +198 369 1 884206806 +198 381 3 884208273 +198 382 4 884207525 +198 402 3 884209147 +198 403 4 884209353 +198 405 2 884206428 +198 410 1 884205385 +198 411 1 884206659 +198 423 3 884208241 +198 428 4 884209188 +198 429 4 884207691 +198 431 3 884208137 +198 433 2 884208326 +198 434 3 884208061 +198 447 4 884209188 +198 455 3 884206191 +198 462 3 884209535 +198 470 3 884208571 +198 474 5 884207298 +198 475 4 884205277 +198 480 4 884207239 +198 498 3 884207492 +198 501 4 884209264 +198 509 4 884208710 +198 511 4 884208326 +198 518 3 884208876 +198 526 4 884208273 +198 527 4 884208061 +198 531 5 884207525 +198 559 3 884208739 +198 568 3 884208710 +198 581 3 884209504 +198 629 4 884209221 +198 631 3 884208624 +198 636 3 884209353 +198 652 3 884209569 +198 654 5 884207733 +198 655 4 884209188 +198 658 3 884208173 +198 660 4 884208624 +198 673 3 884209451 +198 682 3 884204709 +198 684 3 884208778 +198 690 3 884204427 +198 692 2 884208377 +198 693 3 884207734 +198 707 2 884207009 +198 727 4 884208876 +198 746 4 884207946 +198 748 2 884204577 +198 763 3 884206482 +198 820 1 884206773 +198 823 2 884206587 +198 824 2 884206847 +198 871 1 884205277 +198 923 3 884207946 +198 939 3 884209412 +198 942 4 884209569 +198 959 3 884209264 +198 979 5 884206748 +198 1014 2 884206330 +198 1094 1 884206807 +198 1142 5 884205114 +198 1244 2 884206659 +198 1245 4 884205317 +199 1 1 883782854 +199 7 4 883782854 +199 9 5 883782853 +199 14 4 883783005 +199 93 4 883782825 +199 100 3 883782807 +199 116 5 883782807 +199 221 4 883782854 +199 242 5 883782485 +199 243 1 883782636 +199 258 4 883782403 +199 268 5 883782509 +199 269 5 883782458 +199 294 1 883782636 +199 313 4 883782557 +199 322 2 883782636 +199 323 3 883782655 +199 324 1 883782509 +199 408 5 883782716 +199 473 4 883783005 +199 508 4 883782899 +199 539 1 883782509 +199 678 1 883782636 +199 751 3 883782557 +199 813 3 883782807 +199 892 1 883782485 +199 988 1 883782655 +199 989 1 883782509 +199 1326 3 883782934 +199 1354 1 883782952 +200 1 5 876042340 +200 2 4 884130046 +200 7 4 876042451 +200 8 4 884128904 +200 9 4 884126833 +200 11 5 884129542 +200 15 4 884127745 +200 22 4 884128372 +200 25 4 876042234 +200 28 5 884128458 +200 29 4 884130540 +200 33 4 884129602 +200 38 3 884130348 +200 43 3 884129814 +200 45 3 884128372 +200 48 2 884129029 +200 50 5 884128400 +200 54 4 884129920 +200 56 4 884128858 +200 58 4 884129301 +200 62 5 884130146 +200 63 4 884130415 +200 68 5 884129729 +200 69 5 884128788 +200 71 4 884129409 +200 79 5 884128499 +200 82 5 884129656 +200 88 4 884128760 +200 89 5 884128788 +200 91 4 884129814 +200 94 4 884130046 +200 95 5 884128979 +200 96 5 884129409 +200 98 5 884128933 +200 99 5 884128858 +200 103 2 891825521 +200 107 3 884128022 +200 112 3 884127370 +200 117 5 876042268 +200 118 4 876042299 +200 121 5 876042268 +200 123 4 884127568 +200 125 5 876041895 +200 132 5 884130792 +200 135 4 884128400 +200 139 3 884130540 +200 140 4 884129962 +200 141 4 884129346 +200 143 5 884128499 +200 147 5 876042451 +200 148 4 876042340 +200 151 3 876042204 +200 161 4 884128979 +200 169 5 884128822 +200 172 5 884128554 +200 173 5 884128554 +200 174 5 884128426 +200 176 5 884129627 +200 177 4 884129656 +200 179 4 884129029 +200 183 5 884128554 +200 188 4 884129160 +200 191 5 884128554 +200 193 4 884129209 +200 195 5 884128822 +200 196 4 884126833 +200 202 5 884129275 +200 204 5 884128822 +200 205 4 884128458 +200 208 5 884128904 +200 210 5 884128933 +200 215 4 884129346 +200 218 5 884129410 +200 222 5 876042340 +200 225 4 876042299 +200 226 4 884130085 +200 228 5 884128372 +200 229 5 884129696 +200 230 5 884128400 +200 231 4 884130679 +200 234 4 884129381 +200 235 2 884128065 +200 239 3 884129602 +200 243 3 876041719 +200 245 3 884126687 +200 258 4 876041644 +200 276 5 876041895 +200 280 4 884127798 +200 282 4 884127745 +200 286 4 884125953 +200 288 5 884125846 +200 294 4 884125953 +200 304 5 876041644 +200 313 5 884125806 +200 318 5 884128458 +200 323 3 884125973 +200 325 5 876041719 +200 357 5 884128498 +200 358 5 884127221 +200 363 3 876042753 +200 365 5 884129962 +200 373 4 884130754 +200 378 5 884129301 +200 380 5 884129381 +200 385 5 884129696 +200 391 4 884130484 +200 392 5 884128858 +200 393 4 884129410 +200 401 2 884130085 +200 405 3 884127370 +200 410 3 876042204 +200 411 3 876042824 +200 419 4 884129232 +200 420 5 884129837 +200 423 5 884129275 +200 429 5 884130014 +200 431 5 884129006 +200 432 5 884128458 +200 443 5 884129468 +200 447 4 884130014 +200 449 5 884130540 +200 451 4 884129006 +200 455 3 876042340 +200 462 4 884128858 +200 465 4 884129112 +200 470 4 884129782 +200 472 4 884127890 +200 473 4 876042493 +200 478 5 884128788 +200 483 5 884128426 +200 495 3 884129092 +200 496 5 884128904 +200 501 4 884129504 +200 509 4 884129602 +200 515 5 884129381 +200 523 4 884129627 +200 527 4 884129656 +200 528 4 884128426 +200 542 3 884130592 +200 546 3 884127745 +200 549 4 884129567 +200 552 4 884130540 +200 559 4 884129920 +200 560 4 884130655 +200 568 5 884128372 +200 570 4 884130484 +200 576 4 884130415 +200 578 5 884130085 +200 580 2 884130114 +200 582 4 884129782 +200 584 4 884129542 +200 588 5 884128499 +200 596 4 876042584 +200 597 4 876042824 +200 609 3 884129457 +200 622 3 884129782 +200 652 2 884127370 +200 660 3 884129209 +200 673 5 884128554 +200 674 4 884130348 +200 679 4 884129920 +200 685 4 876042493 +200 692 3 884128400 +200 717 4 876042493 +200 720 4 884130114 +200 739 4 884130046 +200 742 4 876042133 +200 743 3 891825607 +200 748 3 884125953 +200 755 5 884129729 +200 756 3 876042493 +200 758 3 884127370 +200 760 4 876042753 +200 768 4 884130592 +200 771 4 884130721 +200 802 4 884130485 +200 812 4 884130621 +200 820 3 884127370 +200 826 4 876042556 +200 831 4 891825565 +200 840 4 876042525 +200 841 3 876042556 +200 866 4 891825324 +200 890 4 884127082 +200 892 4 884127082 +200 924 5 876042368 +200 929 4 876042979 +200 930 3 876042790 +200 931 3 891825627 +200 934 2 884127370 +200 951 5 884130014 +200 982 2 891825589 +200 984 3 884125996 +200 1028 2 884128176 +200 1033 2 891825441 +200 1034 3 891825521 +200 1049 3 876042922 +200 1060 3 876042340 +200 1073 3 884129542 +200 1091 4 884129814 +200 1139 3 884130484 +200 1217 4 884130014 +200 1219 3 884130289 +200 1228 4 884130721 +200 1411 3 884130289 +200 1419 5 884130679 +201 1 3 884113635 +201 2 2 884112487 +201 4 4 884111830 +201 7 3 884112201 +201 8 3 884141438 +201 9 3 884113343 +201 10 3 884114169 +201 11 4 884112201 +201 12 4 884111269 +201 15 3 884140670 +201 17 3 884112581 +201 20 2 884140275 +201 22 2 884112201 +201 23 4 884111830 +201 25 3 884114015 +201 26 4 884111927 +201 27 3 884140891 +201 28 3 884111217 +201 29 3 884141053 +201 31 1 884114232 +201 32 3 884140049 +201 33 4 884112487 +201 36 1 884140927 +201 37 2 884114635 +201 39 1 884112427 +201 42 4 884113713 +201 45 2 884111958 +201 46 4 884140247 +201 47 4 884140610 +201 48 3 884111485 +201 50 4 884114471 +201 53 3 884114713 +201 55 4 884114471 +201 56 5 884111269 +201 57 4 884111958 +201 58 4 884140488 +201 59 4 884111546 +201 61 2 884111986 +201 62 1 884310149 +201 64 3 884111436 +201 65 4 884113806 +201 68 2 884112487 +201 69 2 884112901 +201 70 3 884112029 +201 71 3 884111270 +201 76 4 884140709 +201 77 2 884140788 +201 79 4 884112245 +201 81 1 884140488 +201 82 4 884114471 +201 86 4 884111637 +201 87 3 884111775 +201 89 3 884112245 +201 92 3 884112245 +201 93 5 884113662 +201 95 3 884114015 +201 96 4 884112352 +201 97 2 884140115 +201 98 4 884111312 +201 99 3 884141438 +201 100 4 884111485 +201 116 1 884112800 +201 117 2 884112487 +201 118 1 884310148 +201 121 2 884114275 +201 123 2 884114233 +201 124 3 884112991 +201 125 2 884140709 +201 127 5 884111708 +201 128 2 884111546 +201 129 4 884114471 +201 134 4 884113772 +201 137 4 884112901 +201 144 4 884112245 +201 145 3 884114813 +201 146 1 884140579 +201 150 4 884139983 +201 156 4 884111830 +201 157 4 884113453 +201 160 5 884113368 +201 164 3 884112627 +201 171 3 884111678 +201 172 5 884111269 +201 173 3 884111360 +201 174 3 884112201 +201 175 2 884140022 +201 176 4 884112281 +201 179 5 884114471 +201 180 3 884140078 +201 181 2 884112245 +201 182 4 884111485 +201 183 4 884112245 +201 184 3 884112245 +201 185 5 884111217 +201 186 3 884114069 +201 187 3 884111312 +201 188 4 884112201 +201 190 4 884111873 +201 191 4 884114471 +201 192 4 884111637 +201 193 3 884140078 +201 195 3 884111397 +201 196 4 884111677 +201 197 4 884113422 +201 198 4 884111873 +201 200 5 884112537 +201 201 4 884112537 +201 202 3 884112747 +201 203 5 884114471 +201 204 4 884113082 +201 206 2 884112029 +201 207 3 884111360 +201 210 2 884111270 +201 211 3 884112840 +201 212 4 884111899 +201 213 4 884111873 +201 216 4 884111360 +201 217 3 884112627 +201 218 4 884114471 +201 219 4 884112673 +201 221 3 884111397 +201 222 3 884112201 +201 223 4 884113343 +201 226 3 884114232 +201 227 4 884310149 +201 228 3 884112427 +201 230 3 884112487 +201 231 2 884310104 +201 232 2 884112282 +201 233 4 884310104 +201 234 5 884112537 +201 237 4 884140307 +201 238 3 884113343 +201 239 1 884140275 +201 240 3 884114069 +201 241 2 884112487 +201 242 4 884110598 +201 258 2 884110667 +201 260 4 884110967 +201 265 3 884310104 +201 268 4 884110637 +201 269 3 886013700 +201 271 4 884110967 +201 272 3 886013700 +201 273 2 884112352 +201 275 4 884113634 +201 276 5 884111598 +201 281 2 884112352 +201 282 2 884140428 +201 284 3 884140336 +201 285 4 884114471 +201 286 2 884110702 +201 288 4 884110887 +201 289 2 884111064 +201 292 3 884110598 +201 302 4 884110637 +201 303 2 884110667 +201 304 2 884110967 +201 313 5 884110598 +201 315 3 884111029 +201 317 3 884113634 +201 318 5 884111269 +201 319 2 884110967 +201 321 3 884111029 +201 324 5 884110811 +201 325 5 884111064 +201 326 2 884111095 +201 331 4 884110967 +201 332 2 884110887 +201 333 2 884110927 +201 334 4 884110927 +201 340 5 884110887 +201 346 4 884110766 +201 357 4 884111217 +201 358 1 884111095 +201 366 2 884141015 +201 370 1 884114506 +201 375 3 884287140 +201 379 3 884114813 +201 380 1 884140825 +201 381 3 884111986 +201 385 2 884112427 +201 387 2 884140825 +201 396 3 884114682 +201 402 2 884140975 +201 403 3 884112427 +201 405 4 884112427 +201 406 1 884114505 +201 408 4 884111436 +201 413 3 884114505 +201 421 2 884111708 +201 423 4 884112901 +201 425 3 884140246 +201 431 1 884112352 +201 435 4 884112201 +201 436 3 884112627 +201 438 1 884114813 +201 440 2 884114770 +201 441 1 884112537 +201 443 3 884112580 +201 447 5 884112581 +201 448 3 884112581 +201 452 1 884114770 +201 454 2 884111830 +201 455 3 884112487 +201 458 4 884140428 +201 461 4 884113924 +201 462 1 884141208 +201 464 1 884140522 +201 466 4 884113453 +201 467 2 884139983 +201 468 4 884140927 +201 469 4 884113453 +201 471 2 884140637 +201 473 3 884141470 +201 475 4 884112748 +201 479 4 884111397 +201 480 4 884111598 +201 482 4 884111360 +201 483 3 884111546 +201 505 3 884113772 +201 506 4 884114471 +201 508 4 884140458 +201 511 3 884112201 +201 513 3 884114069 +201 514 3 884112747 +201 515 5 884111546 +201 521 2 884111637 +201 527 3 884111360 +201 531 2 884113949 +201 537 3 884141053 +201 544 2 884140307 +201 546 2 884140891 +201 549 3 884140750 +201 551 1 884114770 +201 556 4 884111397 +201 558 2 884112537 +201 559 2 884112627 +201 563 1 884114813 +201 566 3 884112352 +201 567 3 884112673 +201 568 3 884112245 +201 578 2 884310148 +201 581 3 884140788 +201 582 5 884111873 +201 583 1 884112352 +201 587 4 884140975 +201 588 4 884113490 +201 589 3 884113082 +201 590 1 884114813 +201 591 3 884140307 +201 596 4 884141438 +201 597 2 884310149 +201 603 4 884113924 +201 607 4 884111485 +201 631 2 884140750 +201 636 2 884310149 +201 637 3 884112627 +201 640 4 884112029 +201 642 4 884111485 +201 644 3 884113924 +201 649 3 884114275 +201 651 4 884111217 +201 654 3 884113422 +201 655 4 884112800 +201 656 4 884111775 +201 658 3 884111677 +201 660 3 884140927 +201 665 2 884114770 +201 667 2 884114682 +201 670 4 884112673 +201 672 2 884112673 +201 673 3 884140115 +201 676 2 884140927 +201 679 3 884310104 +201 682 3 884110887 +201 684 3 884114233 +201 685 3 884112352 +201 686 2 884112352 +201 692 3 884114895 +201 693 4 884113949 +201 695 1 884140115 +201 697 4 884140115 +201 699 3 884140610 +201 702 1 884111986 +201 705 3 884113302 +201 708 4 884140247 +201 715 4 884140382 +201 729 2 884140975 +201 733 3 884140522 +201 735 3 884113975 +201 737 2 884112077 +201 750 3 884110598 +201 751 3 884110766 +201 767 4 884114505 +201 770 3 884112426 +201 772 5 884113343 +201 773 4 884112627 +201 774 1 884114713 +201 777 1 884112673 +201 789 3 884112840 +201 792 4 884140579 +201 800 2 884114713 +201 803 2 884112282 +201 806 3 884140049 +201 823 3 884140975 +201 825 1 884112427 +201 844 2 884112537 +201 847 2 884111546 +201 853 4 884114635 +201 855 4 884111873 +201 856 3 884140709 +201 886 1 884110927 +201 895 3 884110702 +201 896 3 884110766 +201 923 3 884113592 +201 924 3 884140751 +201 943 3 884114275 +201 950 3 884140610 +201 955 3 884114895 +201 956 4 884140522 +201 960 2 884112077 +201 962 4 884113082 +201 972 3 884140522 +201 979 2 884114233 +201 980 3 884140927 +201 991 4 884110735 +201 1006 2 884112136 +201 1008 3 884140891 +201 1010 3 884140579 +201 1011 3 884140853 +201 1039 3 884111599 +201 1045 2 884140788 +201 1056 2 884113592 +201 1063 3 884113453 +201 1065 3 884113490 +201 1069 2 884111312 +201 1070 5 884111677 +201 1073 2 884111899 +201 1098 2 884112747 +201 1100 4 884112800 +201 1103 3 884140487 +201 1128 4 884140825 +201 1131 5 884111359 +201 1135 5 884140750 +201 1136 1 884140637 +201 1137 4 884111830 +201 1153 2 884140709 +201 1163 1 884140382 +201 1166 3 884113806 +201 1169 4 884141053 +201 1170 4 884141053 +201 1174 5 884140670 +201 1187 3 884112201 +201 1192 3 884113772 +201 1193 4 884111873 +201 1194 4 884111899 +201 1208 4 884140927 +201 1211 3 884113806 +201 1220 2 884140975 +201 1224 2 884140891 +201 1227 1 884140787 +201 1245 4 884141015 +201 1267 3 884141053 +201 1268 4 884112077 +201 1355 1 884111637 +201 1398 4 884140079 +201 1401 2 884140670 +201 1421 3 884141015 +201 1422 2 884114194 +201 1423 3 884140853 +201 1424 3 884113114 +201 1425 3 884111637 +201 1426 2 884114015 +201 1427 2 884113975 +201 1428 4 884114099 +202 172 3 879726778 +202 173 2 879726914 +202 204 3 879727058 +202 258 4 879726342 +202 283 3 879727153 +202 286 1 879726342 +202 423 3 879727116 +202 484 4 879727153 +202 515 1 879726778 +202 604 5 879727058 +203 93 4 880434940 +203 100 1 880434411 +203 117 4 880434810 +203 148 3 880434755 +203 150 5 880434278 +203 181 5 880434278 +203 222 4 880434318 +203 237 3 880434411 +203 257 3 880434298 +203 258 3 880433368 +203 276 4 880434810 +203 282 1 880434919 +203 283 5 880434359 +203 288 5 880433368 +203 294 2 880433398 +203 304 3 880433445 +203 321 3 880433418 +203 323 3 880433558 +203 332 5 880433474 +203 336 3 880433474 +203 458 3 880434336 +203 471 4 880434463 +203 475 3 880434318 +203 477 4 880434755 +203 628 4 880434810 +203 742 3 880434882 +203 744 2 880434495 +203 748 2 880433474 +203 815 4 880434882 +203 879 4 880433474 +203 890 2 880433499 +203 993 3 880434919 +203 1049 2 880434463 +204 9 5 892513979 +204 12 4 892513865 +204 146 3 892513979 +204 170 5 892513865 +204 172 3 892513819 +204 191 4 892513906 +204 216 4 892513864 +204 242 5 892388935 +204 258 2 892388976 +204 262 4 892389137 +204 268 3 892388935 +204 269 4 892388976 +204 286 3 892389046 +204 288 3 892389137 +204 292 5 892388857 +204 300 3 892388900 +204 301 4 892389328 +204 303 5 892389020 +204 304 3 892389328 +204 310 1 892389073 +204 315 4 892388857 +204 316 4 892388935 +204 318 5 892513819 +204 321 1 892388900 +204 322 3 892391947 +204 333 1 892391748 +204 340 5 892389195 +204 748 1 892392030 +204 874 3 892388976 +204 880 2 892388976 +204 1281 2 892513979 +204 1296 5 892392078 +205 258 3 888284313 +205 269 3 888284347 +205 289 4 888284710 +205 294 3 888284402 +205 304 3 888284313 +205 313 3 888284313 +205 316 4 888284710 +205 326 4 888284454 +205 333 4 888284618 +205 678 1 888284618 +205 748 4 888284710 +205 984 1 888284710 +206 242 3 888180049 +206 245 1 888179772 +206 262 1 888180049 +206 269 4 888180018 +206 272 5 888179565 +206 288 5 888179565 +206 300 1 888179565 +206 302 5 888180227 +206 308 2 888180049 +206 309 2 888179647 +206 310 5 888179625 +206 313 5 888179565 +206 314 1 888179948 +206 315 5 888180018 +206 323 1 888179833 +206 326 1 888179713 +206 332 3 888179602 +206 333 4 888179565 +206 336 1 888179928 +206 337 2 888180049 +206 340 3 888180082 +206 343 1 888179788 +206 346 5 888179981 +206 359 1 888179980 +206 360 1 888180081 +206 361 1 888180082 +206 362 1 888180018 +206 682 3 888179694 +206 683 1 888179980 +206 690 2 888179694 +206 691 1 888180081 +206 748 4 888179833 +206 749 2 888179980 +206 882 1 888180049 +206 891 2 888180049 +206 895 5 888179788 +206 900 1 888179980 +206 903 2 888180018 +206 990 1 888179913 +206 1022 1 888179980 +206 1024 1 888180049 +206 1062 3 888180018 +206 1127 4 888180081 +206 1175 1 888180049 +206 1176 1 888180049 +206 1233 1 888180018 +206 1313 1 888179981 +206 1394 1 888179981 +206 1395 1 888180081 +206 1429 1 888180018 +206 1431 1 888180018 +206 1432 1 888180082 +206 1433 1 888180049 +206 1434 1 888180082 +207 2 3 877822770 +207 3 2 877846284 +207 5 3 880839802 +207 8 3 878103820 +207 9 4 880911845 +207 11 3 878104245 +207 12 3 878104200 +207 13 3 875506839 +207 14 4 875504876 +207 15 4 876198392 +207 18 2 877878739 +207 22 3 875509262 +207 23 4 875509888 +207 28 4 877822162 +207 33 2 877125422 +207 38 3 875509507 +207 42 4 877878688 +207 45 3 878104569 +207 53 1 881681725 +207 55 3 875509395 +207 56 4 875503973 +207 58 3 875991047 +207 59 4 877846793 +207 60 3 877845845 +207 64 5 877846793 +207 68 2 877125350 +207 69 4 877878342 +207 70 3 875506737 +207 73 3 876079087 +207 79 4 875509888 +207 82 3 877125249 +207 88 2 878104627 +207 92 2 875509346 +207 96 3 877847025 +207 98 4 875509887 +207 100 2 875503786 +207 107 3 876198301 +207 111 3 880839802 +207 117 3 875504809 +207 121 3 875504876 +207 125 4 877878688 +207 127 5 875506634 +207 129 3 877751037 +207 131 3 878104377 +207 133 4 875812281 +207 134 4 875991160 +207 135 2 877822350 +207 137 3 877821612 +207 143 4 878191679 +207 144 3 875509434 +207 150 3 877847150 +207 153 5 877750617 +207 154 2 878088217 +207 156 2 878104438 +207 158 3 878191798 +207 160 2 878191632 +207 161 4 875509507 +207 170 4 877125221 +207 171 3 880839802 +207 173 3 877878923 +207 174 4 877750843 +207 175 1 877845982 +207 177 3 891759050 +207 179 4 877822224 +207 180 3 879665352 +207 181 3 877878828 +207 182 3 891759050 +207 183 2 875509832 +207 185 4 875509832 +207 186 4 877879173 +207 187 5 877878688 +207 188 3 875509262 +207 191 4 877124663 +207 194 4 875504118 +207 195 3 875509307 +207 196 4 880911845 +207 197 4 875774463 +207 202 3 875506771 +207 203 3 877124625 +207 204 3 875506737 +207 205 4 875991160 +207 208 4 878191679 +207 210 3 878191574 +207 211 5 878191679 +207 216 5 877878688 +207 223 3 880388784 +207 224 3 884386473 +207 226 2 877125390 +207 233 3 877124847 +207 237 4 877878342 +207 238 2 876079087 +207 239 3 876079016 +207 241 3 877995673 +207 242 4 890793823 +207 245 3 877994095 +207 248 3 877878409 +207 255 3 877845763 +207 258 4 877879172 +207 265 3 877846793 +207 269 4 877845577 +207 273 4 878104569 +207 276 2 875504835 +207 281 3 876018471 +207 282 4 879577372 +207 284 3 877746137 +207 286 2 875504669 +207 290 2 878104627 +207 291 3 876018608 +207 293 2 878104486 +207 294 3 875504669 +207 298 3 875509150 +207 302 4 891759118 +207 313 4 885066537 +207 316 5 891759050 +207 317 4 875506634 +207 318 5 877124871 +207 319 3 879664891 +207 322 3 879001724 +207 328 2 884386312 +207 357 5 878191679 +207 367 3 875508873 +207 385 3 875509346 +207 393 4 877838977 +207 410 3 877838946 +207 411 3 877750701 +207 414 2 876078916 +207 423 4 875774463 +207 428 4 877838826 +207 433 3 878104569 +207 435 4 875506807 +207 458 3 875991160 +207 461 3 878104017 +207 462 3 877845656 +207 468 4 877124806 +207 470 3 879665381 +207 471 3 875509715 +207 475 2 875503932 +207 476 2 884386343 +207 483 5 875774491 +207 508 4 877879259 +207 509 4 877878688 +207 514 4 877878343 +207 515 5 878191679 +207 517 3 882081278 +207 520 4 879665302 +207 521 4 878191679 +207 524 4 878104569 +207 526 4 875509507 +207 527 4 877879172 +207 529 4 878191679 +207 531 4 877878342 +207 535 3 877750595 +207 538 2 880853139 +207 540 3 880161839 +207 546 3 876018553 +207 562 2 875509507 +207 566 4 875509434 +207 568 4 875509395 +207 576 3 877822904 +207 580 3 879665232 +207 591 3 876018608 +207 597 3 876018471 +207 609 4 877879173 +207 628 3 876018608 +207 631 2 877847187 +207 642 3 875991116 +207 655 4 877878342 +207 660 4 877847100 +207 684 3 875509307 +207 685 3 876018471 +207 692 3 877750738 +207 696 3 877751310 +207 712 4 877847025 +207 722 3 878191750 +207 735 4 877878688 +207 742 4 876018580 +207 746 4 877878342 +207 748 3 877750478 +207 754 4 879577345 +207 756 2 877878923 +207 763 3 877743609 +207 787 3 876079054 +207 792 2 876079016 +207 805 3 882081278 +207 810 2 877125506 +207 826 2 877751143 +207 827 3 876018501 +207 832 3 877878424 +207 841 3 876018501 +207 845 3 881681663 +207 847 3 885139179 +207 849 3 877822704 +207 864 3 877750738 +207 866 3 876079054 +207 871 5 880839802 +207 875 2 875718889 +207 978 3 877878883 +207 986 3 877878384 +207 993 3 877879206 +207 997 1 875508693 +207 1012 3 876109074 +207 1023 3 875506634 +207 1028 3 877847025 +207 1049 3 877878860 +207 1098 4 877879172 +207 1102 3 880839891 +207 1115 2 879664906 +207 1118 3 878104017 +207 1147 4 879665042 +207 1170 2 875506807 +207 1197 4 881681663 +207 1225 3 875508817 +207 1226 2 882081278 +207 1242 5 884386260 +207 1272 3 879132830 +207 1283 4 884386260 +207 1331 3 877995673 +207 1333 3 877995615 +207 1378 3 877878714 +207 1435 2 877821612 +208 66 4 883108477 +208 70 3 883108430 +208 86 2 883108895 +208 88 5 883108324 +208 97 4 883108797 +208 186 4 883108518 +208 194 5 883108360 +208 197 5 883108797 +208 202 4 883108476 +208 204 3 883108360 +208 216 5 883108324 +208 302 1 883108157 +208 310 4 883108105 +208 371 5 883108842 +208 393 4 883108398 +208 430 4 883108360 +208 514 4 883108324 +208 517 3 883108398 +208 662 4 883108842 +208 663 5 883108476 +208 739 4 883108873 +208 781 3 883108498 +208 996 3 883108684 +209 9 3 883417547 +209 14 3 883417547 +209 16 4 883417810 +209 127 5 883417589 +209 129 2 883417667 +209 181 4 883417491 +209 242 4 883589606 +209 249 2 883417640 +209 251 5 883417810 +209 258 2 883589626 +209 269 2 883589606 +209 271 2 883589607 +209 276 2 883417796 +209 285 5 883417613 +209 293 4 883417796 +209 349 2 883589546 +209 351 2 883589546 +209 408 4 883417517 +209 688 1 883589626 +209 813 5 883417810 +209 898 3 883460304 +209 906 2 883589546 +209 1086 4 883417667 +210 1 5 887731052 +210 4 4 887730443 +210 15 4 887737710 +210 23 5 887730102 +210 25 4 887730407 +210 28 4 887736175 +210 40 3 891035994 +210 44 3 887737710 +210 49 3 891036116 +210 50 5 887731014 +210 56 5 887730264 +210 58 4 887730177 +210 65 4 887731305 +210 69 4 887736482 +210 70 4 887730589 +210 72 3 891036310 +210 73 5 891035837 +210 79 4 887736352 +210 88 4 887737603 +210 94 4 891036181 +210 97 5 887736454 +210 98 5 887736429 +210 99 4 887736937 +210 105 3 891036331 +210 114 4 887736175 +210 121 4 887737244 +210 127 5 887731230 +210 132 4 887736206 +210 152 5 887730676 +210 153 5 887730297 +210 154 4 887730341 +210 161 5 887736393 +210 163 3 887730407 +210 167 4 891036054 +210 168 5 887730342 +210 172 5 887736261 +210 173 4 887730264 +210 174 5 887736045 +210 176 4 887735960 +210 179 3 887736429 +210 180 4 887735872 +210 181 5 887731082 +210 182 5 887736232 +210 185 4 887736232 +210 186 4 887730532 +210 187 5 887736017 +210 188 3 887737171 +210 195 4 887736429 +210 197 5 887736393 +210 200 5 887737040 +210 202 5 887737338 +210 204 5 887730676 +210 205 4 887736393 +210 208 5 887730443 +210 210 5 887730532 +210 211 5 887730297 +210 216 4 887737603 +210 222 4 887737603 +210 230 3 887736323 +210 234 4 887737108 +210 235 3 887730842 +210 238 3 891036021 +210 243 2 887734998 +210 257 5 887730789 +210 274 5 887730676 +210 276 5 887731147 +210 290 4 887730813 +210 300 4 887730066 +210 301 4 887731435 +210 302 5 890059415 +210 315 5 887731417 +210 327 4 887735288 +210 357 5 887736206 +210 380 4 887736482 +210 392 3 887736017 +210 393 3 891035904 +210 402 5 887737171 +210 403 4 887736322 +210 404 5 887736739 +210 411 3 887730931 +210 419 4 887737678 +210 420 4 887737487 +210 423 5 887737338 +210 435 4 887730407 +210 443 4 887737487 +210 447 5 887737631 +210 451 3 891036054 +210 482 5 887736739 +210 483 5 887736482 +210 484 4 887736070 +210 501 4 887736998 +210 514 5 887730532 +210 517 4 887730342 +210 523 4 887730472 +210 527 5 887736232 +210 568 4 887735960 +210 629 3 891035928 +210 651 4 887736140 +210 654 5 887737559 +210 655 5 887730496 +210 657 4 887736429 +210 662 2 887730221 +210 679 3 887808619 +210 684 3 887737171 +210 692 4 887736796 +210 708 5 887731391 +210 732 4 887730676 +210 735 4 887737338 +210 751 4 890059441 +210 755 3 887737631 +210 763 2 887730750 +210 792 3 887730532 +210 821 3 887730532 +210 832 3 887730264 +210 864 3 887730842 +210 926 2 887730909 +210 953 3 887737488 +210 956 3 887736900 +210 969 4 887730221 +210 1012 4 887730789 +210 1028 3 887730931 +210 1118 4 887730496 +211 64 3 879460213 +211 117 4 879461498 +211 127 4 879461498 +211 181 1 879461498 +211 199 5 879459952 +211 205 5 879459952 +211 215 5 879460294 +211 230 3 879460294 +211 257 5 879461498 +211 263 3 879461395 +211 275 2 879460096 +211 286 4 879437184 +211 300 2 879461395 +211 310 3 879461394 +211 423 5 879459846 +211 443 1 879460096 +211 462 4 879460096 +211 491 3 879459876 +211 526 4 879459952 +211 528 4 879459803 +211 596 3 879460294 +211 678 3 879461394 +211 687 2 879437184 +211 705 4 879459952 +211 890 2 879461395 +211 1025 3 879461394 +211 1330 3 879460096 +212 87 5 879304010 +212 179 1 879304010 +212 180 1 879303974 +212 191 3 879303830 +212 197 5 879303795 +212 286 4 879303468 +212 317 5 879303638 +212 318 5 879303928 +212 382 5 879303929 +212 427 4 879303795 +212 511 4 879304051 +212 515 4 879303571 +212 527 5 879303892 +212 631 5 879303929 +212 863 2 879303863 +213 1 2 878870719 +213 2 4 878955914 +213 7 4 878870518 +213 11 4 878956156 +213 13 4 878955139 +213 24 5 878870846 +213 31 4 878956338 +213 42 5 878956263 +213 55 5 878955680 +213 56 5 878955635 +213 64 5 878955680 +213 69 3 878955534 +213 70 3 878955766 +213 79 5 878956263 +213 97 5 878956299 +213 98 5 878955598 +213 100 5 878870749 +213 106 4 878870904 +213 117 4 878870987 +213 118 4 878870871 +213 121 5 878870940 +213 125 5 878955295 +213 127 5 878870790 +213 132 5 878956263 +213 133 3 878955973 +213 135 5 878956101 +213 143 5 878955766 +213 151 5 878955886 +213 154 5 878956101 +213 156 5 878955474 +213 157 4 878955501 +213 164 5 878956300 +213 170 5 878955886 +213 172 5 878955442 +213 173 5 878955442 +213 174 5 878955848 +213 175 4 878955599 +213 176 4 878956338 +213 180 5 878956047 +213 181 4 878870552 +213 182 4 878955766 +213 185 5 878955501 +213 187 5 878956022 +213 192 5 878955474 +213 193 4 878955442 +213 194 4 878955766 +213 195 5 878956156 +213 197 5 878955707 +213 199 5 878956000 +213 200 5 878956100 +213 204 5 878956130 +213 212 4 878955474 +213 213 5 878956300 +213 214 5 878955816 +213 218 4 878956074 +213 222 3 878870790 +213 229 4 878955973 +213 234 4 878955373 +213 235 1 878955115 +213 238 5 878955635 +213 252 3 878870456 +213 257 4 878870846 +213 258 4 878870226 +213 273 5 878870987 +213 274 5 878955188 +213 281 4 878871038 +213 284 5 878955164 +213 286 3 878870598 +213 288 4 878870226 +213 294 3 878870226 +213 318 5 878955533 +213 357 5 878955848 +213 393 3 878955973 +213 405 3 878870904 +213 432 4 878956047 +213 448 4 878956074 +213 455 4 878870749 +213 458 4 878870679 +213 463 5 878956000 +213 474 2 878955635 +213 475 4 878870648 +213 478 5 878956129 +213 479 4 878955534 +213 483 5 878955848 +213 502 5 878956263 +213 504 5 878955885 +213 508 4 878870790 +213 509 4 878955372 +213 511 4 878955442 +213 514 5 878956130 +213 515 4 878870518 +213 521 4 878955474 +213 568 4 878955941 +213 582 4 878955442 +213 591 4 878955295 +213 597 5 878871062 +213 603 5 878955599 +213 609 4 878955533 +213 627 4 878955680 +213 628 5 878870648 +213 655 4 878956300 +213 678 4 878870275 +213 684 4 878956000 +213 685 3 878870987 +213 692 4 878955848 +213 715 5 878955915 +213 735 5 878955474 +213 756 2 878955319 +213 778 5 878955680 +213 831 4 878871062 +213 841 4 878871010 +213 924 4 878870846 +213 942 4 878955533 +213 985 3 878955164 +213 1012 3 878870719 +213 1215 1 878871089 +214 7 5 892668130 +214 8 4 892668196 +214 11 5 892668153 +214 12 5 892668153 +214 13 3 891543271 +214 20 4 892668197 +214 22 3 891544200 +214 23 5 892668130 +214 24 3 891543176 +214 32 4 892668249 +214 39 4 891544845 +214 45 4 891543952 +214 50 3 891543114 +214 55 4 892668197 +214 56 5 892668130 +214 64 5 892668130 +214 69 2 891544445 +214 89 4 892668249 +214 92 4 892668249 +214 93 4 892668249 +214 98 4 892668249 +214 100 4 891542986 +214 114 4 891544290 +214 117 4 891543241 +214 127 4 891542986 +214 131 3 891544465 +214 132 5 892668153 +214 134 4 891544070 +214 135 3 891544175 +214 137 4 891543227 +214 154 3 891544000 +214 156 5 892668172 +214 166 4 891544512 +214 168 3 891544222 +214 169 4 891544175 +214 171 4 891544323 +214 172 3 891544390 +214 173 4 892668249 +214 174 4 892668249 +214 175 5 892668153 +214 180 5 892668130 +214 181 3 891543036 +214 182 4 891544175 +214 185 5 892668173 +214 187 4 891544070 +214 188 5 892668173 +214 191 4 891544472 +214 195 4 891544200 +214 196 4 891544493 +214 209 5 892668173 +214 213 4 891544414 +214 216 4 891544290 +214 221 5 892668153 +214 223 3 891544200 +214 236 5 892668153 +214 238 4 891544472 +214 246 2 891542968 +214 248 4 891543001 +214 249 3 891543256 +214 250 2 891543036 +214 253 5 892668173 +214 257 3 891543176 +214 268 2 891542445 +214 269 3 891542735 +214 275 3 891542968 +214 276 3 891543271 +214 285 5 892668153 +214 288 3 891542464 +214 294 3 891542520 +214 298 3 891543191 +214 302 4 892668197 +214 307 3 891542735 +214 313 4 892668197 +214 318 4 892668249 +214 319 3 891542735 +214 324 5 892668173 +214 325 3 891542622 +214 327 5 892668196 +214 334 3 891542540 +214 340 3 891542735 +214 346 3 891542735 +214 357 5 892668130 +214 408 4 891543952 +214 427 5 892668172 +214 461 4 892668249 +214 462 4 892668197 +214 475 5 892668153 +214 478 4 891544052 +214 479 4 891544052 +214 482 4 891544114 +214 483 4 891543972 +214 496 4 891544545 +214 508 4 891543157 +214 509 4 892668197 +214 512 5 892668130 +214 516 5 892668173 +214 518 3 891544000 +214 522 4 891544052 +214 527 4 891544089 +214 531 4 891544222 +214 568 4 892668197 +214 582 3 891544236 +214 603 4 891544089 +214 608 4 891544114 +214 650 5 892668173 +214 693 3 891544414 +214 705 4 891544414 +214 708 4 891544152 +214 721 3 891635915 +214 752 2 891542578 +214 856 4 891543952 +214 896 4 892668197 +214 952 3 891543176 +214 960 2 891544152 +214 1017 4 891543156 +214 1039 4 891544269 +214 1073 5 892668130 +214 1401 4 891544290 +215 8 2 891436177 +215 15 3 891435761 +215 23 3 891436048 +215 28 4 891435416 +215 50 5 891436543 +215 54 4 891436607 +215 56 5 891436543 +215 70 3 891436232 +215 77 3 891436690 +215 87 5 891436543 +215 88 3 891436277 +215 98 5 891436543 +215 99 4 891435731 +215 127 4 891435183 +215 132 5 891435548 +215 134 4 891435266 +215 144 4 891435107 +215 151 5 891435761 +215 157 4 891435573 +215 159 3 891436707 +215 164 3 891436633 +215 168 5 891436024 +215 172 4 891435394 +215 174 4 891435995 +215 176 5 891435804 +215 179 4 891435107 +215 180 3 891435060 +215 181 4 891435597 +215 182 3 891435266 +215 183 5 891435655 +215 185 4 891436566 +215 186 4 891435731 +215 191 4 891435460 +215 194 4 891436150 +215 195 5 891435655 +215 196 4 891435548 +215 197 4 891435357 +215 202 4 891435295 +215 203 3 891435266 +215 204 3 891436129 +215 208 4 891436202 +215 210 4 891436232 +215 211 4 891436202 +215 212 2 891435680 +215 215 3 891435680 +215 216 4 891435782 +215 218 3 891436607 +215 222 4 891436469 +215 226 4 891436633 +215 227 5 891436469 +215 228 5 891436543 +215 229 3 891436469 +215 230 3 891436469 +215 234 4 891435655 +215 237 4 891435761 +215 238 2 891435526 +215 258 3 891434563 +215 270 3 891434683 +215 271 4 891434733 +215 272 3 891434619 +215 288 2 891434563 +215 300 3 891434733 +215 313 5 891436543 +215 354 4 891434619 +215 357 4 891435573 +215 380 3 891436470 +215 421 4 891435704 +215 423 5 891435526 +215 432 5 891435574 +215 433 3 891435501 +215 434 5 891435394 +215 443 4 891436566 +215 449 4 891436469 +215 451 3 891436369 +215 480 5 891436543 +215 483 4 891435022 +215 496 5 891435183 +215 517 5 891436543 +215 523 4 891435060 +215 552 3 891436730 +215 636 2 891436690 +215 692 3 891436277 +215 1063 5 891436543 +216 1 4 880232615 +216 3 4 880233061 +216 4 5 880234469 +216 7 5 880232719 +216 9 4 880232637 +216 11 5 880234346 +216 15 3 881428365 +216 22 5 880234346 +216 25 3 881428365 +216 27 3 881428365 +216 28 4 880244902 +216 42 5 880234469 +216 47 4 880244870 +216 50 4 880232637 +216 55 5 880245145 +216 56 5 880233608 +216 58 4 880244972 +216 64 5 881432544 +216 65 4 880233939 +216 66 2 881428365 +216 67 3 881721843 +216 69 5 880235229 +216 72 2 881721890 +216 79 4 880235381 +216 81 4 880233726 +216 82 4 880244446 +216 91 4 880235546 +216 93 4 880232637 +216 95 3 881428365 +216 97 4 880235571 +216 98 5 881432467 +216 100 5 880232597 +216 108 4 880232917 +216 122 5 881432488 +216 129 4 880232615 +216 134 4 880233651 +216 143 2 881428956 +216 144 4 880234639 +216 147 4 880232787 +216 150 5 880232812 +216 151 3 880232936 +216 153 4 880244802 +216 156 5 880233608 +216 168 4 880234680 +216 169 3 880233635 +216 172 4 880234639 +216 174 5 881432488 +216 181 3 880232597 +216 182 4 883981859 +216 184 4 880245056 +216 188 5 880245075 +216 189 3 880244972 +216 196 5 880245145 +216 200 5 880244802 +216 201 3 880235734 +216 204 4 881432523 +216 210 4 880235229 +216 215 5 880235120 +216 216 4 883981877 +216 218 4 880234933 +216 221 4 881432501 +216 228 3 880245642 +216 231 2 880245109 +216 234 4 880244870 +216 237 5 880232752 +216 238 5 880244446 +216 257 3 880232830 +216 276 4 880232830 +216 280 2 880233043 +216 282 5 880232597 +216 302 5 881966913 +216 313 5 883981737 +216 315 5 883981859 +216 318 5 880233564 +216 356 3 880245125 +216 357 4 880233635 +216 364 2 881721863 +216 367 3 881428365 +216 368 2 880233298 +216 396 3 880245260 +216 402 2 881432430 +216 403 3 880244446 +216 405 3 880232970 +216 408 3 880232547 +216 412 2 880233197 +216 416 3 880245165 +216 421 5 880235229 +216 423 4 881432467 +216 433 3 880233957 +216 466 4 880234347 +216 475 5 880232768 +216 496 5 880233635 +216 508 4 881432564 +216 531 4 880233810 +216 546 2 880233197 +216 569 3 880245291 +216 628 4 880235546 +216 652 4 880235546 +216 655 5 880233726 +216 658 3 880245029 +216 673 4 880244779 +216 693 3 881428365 +216 697 4 883981700 +216 721 4 880245213 +216 735 5 880244758 +216 747 4 880245260 +216 763 4 880232953 +216 764 2 880233153 +216 789 5 880233957 +216 790 3 881428365 +216 824 3 880233253 +216 833 2 880233233 +216 928 3 880233026 +216 943 5 881721799 +216 1010 3 880232685 +216 1035 1 880245238 +216 1047 3 881428365 +216 1067 5 881432392 +216 1101 4 880235473 +216 1161 4 881432609 +216 1218 3 881428365 +217 2 3 889069782 +217 7 4 889069741 +217 11 4 889069741 +217 17 3 889069903 +217 22 5 889069741 +217 27 1 889070011 +217 29 2 889070011 +217 33 4 889069878 +217 38 3 889070266 +217 50 1 889069684 +217 56 5 889069709 +217 62 2 889070050 +217 79 5 889069741 +217 82 5 889069842 +217 96 4 889069741 +217 118 4 889070087 +217 121 1 889069944 +217 144 4 889069782 +217 147 3 889070174 +217 172 1 889069684 +217 174 3 889069684 +217 176 4 889069842 +217 181 1 889069878 +217 182 2 889070109 +217 183 3 889069741 +217 185 3 889069659 +217 195 5 889069709 +217 210 4 889069709 +217 222 5 889069944 +217 226 1 889069878 +217 231 5 889069974 +217 233 4 889069878 +217 258 1 889069536 +217 281 2 889069842 +217 300 4 889069555 +217 363 1 889070011 +217 373 2 889070307 +217 385 2 889069808 +217 391 4 889070287 +217 398 1 889070050 +217 403 5 889069944 +217 405 3 889069878 +217 472 3 889070011 +217 541 3 889069974 +217 546 2 889070196 +217 550 1 889069842 +217 562 3 889070211 +217 566 4 889069903 +217 568 4 889069782 +217 576 1 889070087 +217 586 2 889070050 +217 597 4 889070087 +217 636 2 889069878 +217 665 4 889070087 +217 679 5 889069878 +217 684 5 889069782 +217 720 3 889070011 +217 761 4 889070232 +217 779 1 889070266 +217 808 2 889069808 +217 825 3 889070266 +217 827 2 889070232 +217 840 1 889070087 +217 1034 3 889070266 +217 1228 2 889070050 +217 1303 2 889069944 +218 8 3 881288574 +218 23 4 881288298 +218 33 4 881288386 +218 39 2 881288265 +218 42 4 877488546 +218 47 4 877488492 +218 55 4 881288265 +218 56 3 881288574 +218 98 5 881288233 +218 153 4 877488692 +218 164 3 881288574 +218 168 4 877488316 +218 173 3 877488316 +218 175 3 877488492 +218 176 5 881288299 +218 183 5 881288265 +218 186 3 877488366 +218 194 3 877488546 +218 203 4 881288620 +218 204 3 877488692 +218 208 3 877488366 +218 209 5 877488546 +218 265 3 881288408 +218 269 4 877487931 +218 273 4 881288351 +218 288 2 877487931 +218 294 2 881288574 +218 430 3 877488316 +218 431 3 881288386 +218 466 4 881288234 +218 504 3 881288574 +218 514 4 877488316 +218 516 5 877488692 +218 591 3 881288574 +218 603 4 881288234 +218 642 3 881288351 +218 648 4 877488233 +218 657 5 881288265 +218 659 4 877488366 +218 663 3 877488492 +218 695 3 881288574 +218 712 3 877488902 +218 1073 5 881288265 +219 4 4 889452481 +219 13 1 889452455 +219 38 1 889452455 +219 82 1 889452455 +219 114 5 889403091 +219 132 5 889403668 +219 179 5 889492687 +219 223 5 892039530 +219 303 4 889386799 +219 347 1 889386819 +219 433 5 889403133 +219 546 4 889387867 +219 631 5 889403559 +219 664 5 889403761 +219 882 3 889386741 +219 906 4 892039575 +219 935 3 889387237 +219 936 4 889387284 +220 269 5 881197597 +220 286 5 881197663 +220 288 5 881197887 +220 298 4 881198966 +220 301 4 881197948 +220 303 4 881198014 +220 306 4 881197664 +220 325 1 881198435 +220 333 3 881197771 +220 340 4 881197663 +220 343 3 881198738 +220 682 4 881198014 +221 3 4 875244901 +221 4 3 875245462 +221 7 4 875244204 +221 12 5 875245283 +221 17 4 875245406 +221 23 4 875245462 +221 24 5 875244352 +221 27 4 875247754 +221 29 3 875245739 +221 32 4 875245223 +221 33 4 875246632 +221 38 2 875246506 +221 39 4 875245798 +221 42 5 875245813 +221 48 5 875245462 +221 50 4 875244125 +221 53 4 875247565 +221 55 4 875245319 +221 56 5 875245592 +221 59 2 875245514 +221 64 5 875245350 +221 69 4 875245641 +221 70 3 875245870 +221 76 4 875246662 +221 79 4 875245715 +221 92 4 875245989 +221 94 3 875246857 +221 96 5 875245672 +221 100 5 875244125 +221 108 3 875244866 +221 109 2 875244369 +221 117 4 875244633 +221 118 1 875244940 +221 121 2 875244813 +221 128 3 875246209 +221 129 5 875244331 +221 144 4 875245427 +221 150 5 875244557 +221 151 1 875246008 +221 154 3 875245907 +221 156 5 875245533 +221 161 3 875246183 +221 173 4 875245406 +221 174 4 875245514 +221 178 4 875245989 +221 181 4 875244087 +221 184 4 875245574 +221 186 4 875245641 +221 204 4 875246008 +221 210 5 875245760 +221 215 4 875245514 +221 218 4 875246308 +221 222 3 875244232 +221 227 3 875247522 +221 230 3 875246506 +221 231 4 875246359 +221 240 4 875244352 +221 246 5 875244457 +221 257 4 875244475 +221 258 1 875247297 +221 259 4 875243990 +221 265 3 875246247 +221 272 5 885081264 +221 273 5 875244183 +221 282 4 875244558 +221 286 4 885081264 +221 288 3 875244232 +221 298 4 875244331 +221 327 4 875243968 +221 335 4 876502948 +221 346 5 885081300 +221 358 3 875244232 +221 384 3 875246919 +221 385 4 875245948 +221 386 3 875246662 +221 391 3 875247754 +221 399 3 875246459 +221 402 2 875393426 +221 403 4 875245374 +221 405 3 875244633 +221 407 2 875245100 +221 423 2 875245167 +221 461 4 875245574 +221 467 4 875245928 +221 469 3 875245481 +221 470 3 875245374 +221 475 4 875244204 +221 476 2 875244673 +221 485 2 875245265 +221 496 3 875246146 +221 544 4 875244512 +221 550 4 875246183 +221 566 3 875246308 +221 568 4 875246398 +221 576 3 875246824 +221 578 4 875247023 +221 588 3 875246209 +221 623 3 875245618 +221 633 3 875246459 +221 651 4 875245350 +221 684 4 875247454 +221 685 3 875244766 +221 695 4 875245776 +221 721 5 875246944 +221 732 4 875246330 +221 737 4 875393346 +221 751 4 885081300 +221 762 4 875244598 +221 763 4 875244232 +221 780 3 875246552 +221 789 4 875245739 +221 809 3 875247775 +221 824 3 875244694 +221 847 4 875244051 +221 895 2 885081339 +221 931 3 875245100 +221 940 4 875246482 +221 943 4 875246759 +221 1010 3 875246662 +221 1011 4 875244792 +221 1012 4 875244475 +221 1016 3 875244713 +221 1017 4 875244268 +221 1035 3 875246124 +221 1059 4 875245077 +221 1073 4 875245846 +221 1090 3 875246783 +221 1098 4 875245283 +221 1134 4 875244289 +221 1185 3 875246710 +221 1208 3 875247565 +221 1210 3 875246887 +221 1217 4 875247421 +221 1250 2 875247855 +221 1267 3 875246459 +221 1437 3 875245967 +222 1 4 877563227 +222 2 3 878183837 +222 4 3 878183924 +222 7 5 877563168 +222 8 1 878182307 +222 9 5 877563227 +222 11 5 878181534 +222 12 5 878181387 +222 15 3 877563437 +222 17 2 878183079 +222 24 3 877563622 +222 25 3 877563437 +222 28 5 878182370 +222 29 3 878184571 +222 31 5 878182453 +222 35 1 878184007 +222 38 2 878185102 +222 40 1 881060550 +222 41 3 881060659 +222 44 3 881059877 +222 48 5 878181592 +222 50 4 877563194 +222 51 3 881059816 +222 54 4 878183111 +222 56 5 878182058 +222 58 3 878182479 +222 62 4 878183616 +222 63 3 878183713 +222 64 5 878183136 +222 66 4 878183837 +222 67 4 878183616 +222 68 4 881059876 +222 69 5 878182338 +222 70 3 878181804 +222 71 4 878183173 +222 72 4 878183311 +222 73 4 878181976 +222 77 4 878183616 +222 78 1 878184899 +222 79 5 878181906 +222 80 2 881060155 +222 81 1 878183565 +222 82 4 878182453 +222 88 4 878183336 +222 89 5 878181739 +222 90 2 878181647 +222 91 2 878183777 +222 92 3 878182632 +222 93 2 883815577 +222 94 3 878184866 +222 95 4 878182453 +222 96 5 878181739 +222 97 4 878181739 +222 98 4 878181387 +222 99 3 878182059 +222 100 5 877563052 +222 101 4 878183539 +222 102 2 878183043 +222 106 2 883816184 +222 109 3 878184136 +222 111 3 877563820 +222 117 5 877563227 +222 118 4 877563802 +222 120 2 881061304 +222 121 3 877564031 +222 125 5 877563802 +222 127 5 881059039 +222 132 2 878181829 +222 133 1 878182338 +222 135 5 878181563 +222 140 1 881060062 +222 142 2 878183984 +222 144 5 878182416 +222 145 2 878181804 +222 147 4 877563694 +222 148 2 881061164 +222 150 3 878181869 +222 151 3 878182109 +222 153 4 878182416 +222 154 3 878183747 +222 155 4 878184113 +222 156 4 878183777 +222 157 4 878181976 +222 158 3 878184171 +222 159 3 878181457 +222 160 1 878182154 +222 161 4 878182279 +222 162 2 878184087 +222 164 4 878181768 +222 167 3 878183588 +222 168 4 878181616 +222 172 5 878183079 +222 174 5 878181934 +222 175 3 878181739 +222 176 4 878181804 +222 180 3 878181804 +222 181 4 877563168 +222 182 4 881058666 +222 183 4 878181535 +222 185 4 881059419 +222 186 5 878184195 +222 188 3 878184393 +222 191 2 878181906 +222 193 4 878182005 +222 195 4 878182132 +222 196 5 878183110 +222 198 4 881059039 +222 200 3 878181647 +222 202 4 878181906 +222 204 5 878182370 +222 208 3 881059014 +222 209 4 878181457 +222 210 4 878184338 +222 214 4 878182453 +222 215 4 878183481 +222 216 4 878182632 +222 217 3 881060062 +222 218 5 878182370 +222 219 4 878184675 +222 222 4 877563462 +222 223 4 878181535 +222 225 1 877563353 +222 226 3 878185044 +222 227 3 878184171 +222 228 5 878181869 +222 229 3 878184315 +222 230 4 878182058 +222 231 2 878182005 +222 232 4 878183985 +222 233 2 881060205 +222 234 2 878181387 +222 237 4 877563437 +222 238 5 878181673 +222 239 5 878184392 +222 240 2 877563716 +222 241 3 878181696 +222 245 3 878181198 +222 246 4 877563597 +222 247 1 878714998 +222 248 4 877563506 +222 249 1 883815768 +222 250 2 877563801 +222 252 2 877563934 +222 255 3 883815804 +222 257 4 877563353 +222 258 5 877562748 +222 261 1 878181251 +222 265 3 878182279 +222 268 4 877562748 +222 270 2 878181181 +222 271 4 881057647 +222 276 5 877563550 +222 278 2 877563913 +222 280 3 878184545 +222 281 3 878184596 +222 282 4 877563227 +222 284 3 877563462 +222 288 4 883815252 +222 293 3 877563353 +222 294 3 877562795 +222 298 4 877563253 +222 300 5 877562795 +222 302 3 877562748 +222 313 4 883814858 +222 318 5 878181934 +222 323 3 877562839 +222 326 4 877562819 +222 328 5 877562772 +222 333 5 877562819 +222 338 1 881058145 +222 356 4 878184571 +222 357 4 881059014 +222 358 2 877562839 +222 363 2 877563852 +222 364 1 878185137 +222 365 4 878184765 +222 366 4 878183381 +222 367 2 878181563 +222 368 1 881061326 +222 373 3 881060659 +222 375 1 878182880 +222 377 1 881060205 +222 378 1 881059993 +222 380 4 878184545 +222 385 4 878183924 +222 386 2 881060205 +222 388 2 878184765 +222 391 3 881060635 +222 392 4 881059920 +222 393 4 878184028 +222 395 1 878184924 +222 396 1 878183381 +222 399 4 878182686 +222 401 2 878184422 +222 402 4 878185044 +222 403 3 878183481 +222 405 3 877563570 +222 407 2 883816411 +222 409 3 881061213 +222 410 2 877563326 +222 411 3 878185137 +222 412 1 877564050 +222 413 3 881061213 +222 418 2 878182959 +222 419 2 878182279 +222 422 2 878183657 +222 423 4 878183657 +222 424 1 881061049 +222 426 1 878181351 +222 431 4 881059461 +222 432 3 881059142 +222 433 4 881059876 +222 436 4 878184358 +222 441 2 881059920 +222 446 3 881060824 +222 449 4 878184899 +222 450 3 881060824 +222 451 3 878185014 +222 452 1 878184514 +222 455 3 877563437 +222 457 1 878181287 +222 465 2 878183898 +222 468 2 881060412 +222 470 3 878181869 +222 471 3 881060992 +222 472 2 877563998 +222 473 1 877563622 +222 475 4 877563252 +222 476 3 877563739 +222 477 2 883815749 +222 501 2 881060331 +222 506 2 878183264 +222 508 3 877563326 +222 521 5 878184866 +222 527 4 878183110 +222 529 2 881059537 +222 537 4 881060735 +222 540 3 878184087 +222 541 2 878184973 +222 542 2 878183837 +222 546 3 877563462 +222 549 4 878184055 +222 550 3 878184623 +222 552 2 878184596 +222 554 2 881060435 +222 559 3 878184291 +222 566 4 878185044 +222 568 5 878183481 +222 569 2 878184866 +222 571 2 881060823 +222 575 3 881060550 +222 576 3 881060305 +222 577 1 878185137 +222 578 3 881060281 +222 580 3 878715168 +222 585 3 881060062 +222 588 4 881059537 +222 591 4 878181869 +222 596 3 877563739 +222 597 1 877564076 +222 619 4 877563953 +222 620 3 877563873 +222 623 2 878183985 +222 627 3 878183173 +222 628 5 877563485 +222 636 4 878184055 +222 637 2 878183713 +222 642 3 878181421 +222 651 4 878184290 +222 654 3 878184087 +222 655 4 878182210 +222 658 3 881059678 +222 662 3 878182813 +222 665 1 878184719 +222 670 3 878183657 +222 672 1 878183777 +222 678 3 877562973 +222 679 2 881059678 +222 685 4 881061165 +222 689 4 881058008 +222 692 4 878182370 +222 693 4 878184514 +222 700 3 881060550 +222 710 4 881059714 +222 712 3 881060735 +222 715 2 878183924 +222 716 2 878183481 +222 717 1 877563716 +222 719 1 881060578 +222 722 3 878184833 +222 723 3 878184812 +222 724 3 878181976 +222 729 4 878184315 +222 732 4 878183425 +222 734 2 881060735 +222 735 5 878184087 +222 738 3 878182959 +222 739 4 878184924 +222 742 5 877563597 +222 746 5 878183137 +222 747 2 878181976 +222 750 5 883815120 +222 755 4 878183481 +222 756 4 877564031 +222 762 3 877563530 +222 763 3 881061165 +222 768 2 878185014 +222 769 2 881060608 +222 770 3 878181592 +222 772 2 878181906 +222 780 3 881060370 +222 781 3 881059677 +222 783 2 878184899 +222 790 1 878185068 +222 806 4 878181534 +222 808 3 881060130 +222 810 2 878184446 +222 815 2 877563716 +222 816 1 881060412 +222 819 2 877563353 +222 825 3 878184675 +222 826 2 883816093 +222 829 3 877563934 +222 833 2 877563913 +222 840 3 878184392 +222 845 3 877563530 +222 849 4 881060281 +222 869 3 878182337 +222 895 4 883815361 +222 929 1 881061213 +222 931 1 881061396 +222 934 2 877563758 +222 939 3 878182211 +222 941 3 881059736 +222 944 3 878715192 +222 946 2 878182237 +222 949 3 878183173 +222 972 2 881059758 +222 1011 4 881061049 +222 1016 3 877563530 +222 1029 1 881060608 +222 1035 2 881060015 +222 1041 3 881060155 +222 1042 4 878184514 +222 1044 4 881060578 +222 1045 3 881060412 +222 1053 3 881060735 +222 1054 1 883816441 +222 1057 4 881061370 +222 1059 1 883816150 +222 1060 2 878184055 +222 1066 1 881060435 +222 1074 3 881060504 +222 1078 2 878183449 +222 1079 1 878183984 +222 1087 1 878185102 +222 1089 1 877563659 +222 1139 3 878185137 +222 1145 3 878185137 +222 1178 2 878184392 +222 1179 1 881060550 +222 1188 3 881060281 +222 1206 2 878184899 +222 1207 2 881060659 +222 1218 1 878183218 +222 1220 4 878184290 +222 1226 4 883815840 +222 1239 2 881060762 +222 1250 1 881060635 +222 1267 3 878183173 +222 1284 4 878184422 +222 1291 2 877564031 +222 1336 2 877563998 +222 1419 1 878184947 +222 1438 4 881059993 +222 1439 3 878183951 +222 1440 3 878184697 +223 8 2 891550684 +223 11 3 891550649 +223 22 5 891550649 +223 25 1 891549382 +223 28 4 891550684 +223 69 5 891550889 +223 71 5 891550649 +223 95 5 891550649 +223 111 4 891549792 +223 117 5 891549529 +223 118 2 891549945 +223 120 2 891550504 +223 121 3 891549294 +223 125 3 891549294 +223 143 4 891550845 +223 155 5 891550952 +223 173 5 891550711 +223 185 2 891550684 +223 216 5 891550925 +223 225 3 891550193 +223 243 3 891549079 +223 248 1 891549683 +223 249 2 891549876 +223 252 1 891550326 +223 255 4 891549382 +223 257 4 891550005 +223 259 3 891548920 +223 274 4 891550094 +223 276 4 891549324 +223 278 4 891549901 +223 282 4 891549627 +223 284 2 891549683 +223 286 1 891548562 +223 288 3 891548562 +223 289 1 891549017 +223 294 4 891548859 +223 295 3 891549410 +223 298 5 891549570 +223 300 3 891548712 +223 309 4 891548750 +223 313 5 891548750 +223 321 1 891548920 +223 328 3 891548959 +223 329 2 891549079 +223 332 4 891548802 +223 333 4 891548675 +223 339 4 891549212 +223 369 1 891550253 +223 405 1 891550005 +223 409 3 891549876 +223 411 1 891550005 +223 423 3 891550684 +223 476 3 891550349 +223 477 3 891550144 +223 535 3 891549876 +223 546 5 891550118 +223 591 3 891549627 +223 597 4 891549604 +223 619 2 891549570 +223 620 2 891550253 +223 682 4 891548828 +223 717 1 891550470 +223 742 3 891549570 +223 749 4 891549049 +223 756 3 891550295 +223 763 3 891550067 +223 819 3 891550404 +223 820 4 891550371 +223 826 1 891550404 +223 846 2 891550193 +223 864 3 891550094 +223 866 4 891549945 +223 873 3 891549111 +223 908 1 891548802 +223 924 1 891549975 +223 926 4 891549792 +223 929 3 891549975 +223 930 2 891550326 +223 974 2 891550504 +223 975 1 891550094 +223 977 2 891550295 +223 984 3 891548987 +223 993 4 891549876 +223 1009 1 891549475 +223 1014 4 891549975 +223 1016 5 891549657 +223 1051 3 891549945 +223 1052 1 891550404 +223 1088 4 891550326 +223 1150 2 891549841 +223 1197 3 891549570 +223 1234 3 891548646 +223 1284 1 891550295 +223 1291 3 891550431 +223 1300 1 891550470 +224 11 3 888082468 +224 15 4 888103611 +224 22 5 888103581 +224 26 3 888104153 +224 28 4 888082468 +224 29 3 888104457 +224 51 4 888104457 +224 54 3 888104313 +224 69 4 888082495 +224 70 2 888103812 +224 77 4 888103872 +224 86 3 888082612 +224 92 1 888103812 +224 97 5 888082552 +224 107 3 888104522 +224 125 3 888103942 +224 126 3 888103704 +224 135 1 888103671 +224 147 3 888103646 +224 148 3 888104154 +224 157 4 888103971 +224 162 4 888103611 +224 178 4 888082468 +224 191 4 888082468 +224 193 4 888082552 +224 196 4 888103532 +224 212 1 888104188 +224 221 2 888103812 +224 222 4 888103729 +224 223 3 888082468 +224 237 3 888082742 +224 239 4 888104554 +224 243 2 888082277 +224 245 3 888082216 +224 258 3 888081947 +224 276 3 888104116 +224 277 3 888103812 +224 280 4 888104353 +224 282 4 888082705 +224 284 3 888104117 +224 286 3 888081843 +224 287 3 888104154 +224 294 4 888081976 +224 300 4 888081843 +224 301 3 888082013 +224 313 5 888081843 +224 318 5 888082584 +224 321 2 888082134 +224 322 2 888082013 +224 323 3 888082216 +224 325 1 888082045 +224 326 4 888082071 +224 328 4 888081947 +224 329 3 888082187 +224 333 3 888081976 +224 349 4 888082246 +224 356 4 888103840 +224 365 3 888104188 +224 366 3 888104457 +224 378 4 888103775 +224 380 4 888104188 +224 387 4 888103906 +224 392 4 888104154 +224 402 5 888103872 +224 403 4 888104522 +224 423 4 888103581 +224 468 4 888104030 +224 469 1 888104219 +224 470 4 888082742 +224 518 1 888103906 +224 526 4 888082495 +224 544 1 888103812 +224 549 3 888103971 +224 553 4 888104393 +224 555 3 888104030 +224 556 1 888103942 +224 569 3 888104313 +224 570 4 888104522 +224 581 1 888104219 +224 582 4 888104030 +224 583 1 888103729 +224 591 3 888082584 +224 620 3 888104085 +224 632 2 888103872 +224 655 4 888103646 +224 660 4 888103703 +224 662 5 888103671 +224 676 3 888103942 +224 678 3 888082277 +224 686 4 888104030 +224 687 2 888082135 +224 689 3 888082246 +224 699 4 888103703 +224 704 3 888103812 +224 715 1 888104487 +224 720 4 888103906 +224 723 2 888104313 +224 724 3 888082742 +224 727 4 888082682 +224 729 3 888104188 +224 731 4 888103872 +224 736 3 888082742 +224 744 1 888103646 +224 748 3 888082099 +224 751 3 888081913 +224 778 1 888104057 +224 846 4 888104116 +224 873 2 888082187 +224 879 3 888082099 +224 893 3 888082350 +224 924 3 888103646 +224 925 3 888104281 +224 962 2 888082584 +224 977 2 888104281 +224 980 1 888104353 +224 991 1 888082277 +224 1039 5 888082552 +224 1044 3 888104353 +224 1045 2 888082766 +224 1053 3 888104281 +224 1058 3 888104219 +224 1085 1 888104393 +224 1119 3 888082634 +224 1152 3 888104313 +224 1163 2 888104154 +224 1212 2 888104457 +224 1221 3 888082742 +224 1381 3 888104589 +224 1401 1 888104554 +224 1441 3 888104522 +224 1442 3 888104281 +225 64 4 879539727 +225 98 5 879539672 +225 136 5 879540707 +225 143 2 879540748 +225 172 5 879540748 +225 193 4 879539727 +225 194 5 879540678 +225 237 5 879539643 +225 418 5 879540650 +225 478 5 879539767 +225 479 4 879539614 +225 480 5 879540748 +225 482 5 879540707 +225 492 4 879539767 +225 510 5 879539672 +225 603 5 879540649 +225 1443 4 879540778 +226 7 4 883889479 +226 12 5 883889322 +226 14 5 883889691 +226 23 3 883889355 +226 25 4 883890235 +226 56 4 883889102 +226 69 4 883889430 +226 89 5 883889229 +226 92 2 883889102 +226 97 3 883889355 +226 109 4 883889063 +226 147 3 883889479 +226 169 5 883888892 +226 174 4 883889186 +226 176 4 883888978 +226 179 4 883888853 +226 180 4 883889322 +226 182 1 883889322 +226 191 4 883889229 +226 203 5 883888978 +226 224 4 883889690 +226 236 3 883889844 +226 242 5 883888671 +226 270 4 883888639 +226 275 3 883889764 +226 283 2 883889811 +226 286 4 883888600 +226 370 3 883890235 +226 408 5 883888853 +226 474 3 883889063 +226 480 4 883888853 +226 507 2 883889146 +226 508 4 883889984 +226 509 4 883889322 +226 513 3 883889256 +226 527 4 883889430 +226 596 3 883889884 +226 652 3 883889012 +226 713 5 883889884 +226 813 4 883890235 +227 9 3 879035431 +227 13 5 879035205 +227 14 4 879035463 +227 15 4 879035725 +227 25 4 879035535 +227 50 4 879035347 +227 100 5 879035251 +227 117 2 879035493 +227 124 4 879035158 +227 126 4 879035158 +227 127 4 879035387 +227 129 5 879035387 +227 137 5 879035289 +227 221 4 879035535 +227 240 1 879035934 +227 244 3 879035205 +227 249 2 879035775 +227 250 2 879035637 +227 273 3 879035206 +227 274 4 879035963 +227 276 4 879035251 +227 285 4 879035347 +227 286 3 879035072 +227 287 4 879035704 +227 288 2 879035072 +227 293 5 879035387 +227 294 3 879035431 +227 295 5 879035387 +227 319 4 879035072 +227 321 3 881518363 +227 322 3 881518461 +227 324 4 879035963 +227 405 2 879035934 +227 411 4 879035897 +227 460 2 879035963 +227 741 3 879035464 +227 748 1 879035387 +227 756 3 879035658 +227 823 2 879035599 +227 934 2 879035874 +227 1007 4 879035158 +227 1011 4 879035834 +227 1017 4 879035464 +227 1028 2 879035803 +227 1047 2 879035834 +227 1067 4 879035572 +227 1068 4 879035289 +227 1143 4 879035803 +228 56 2 889388607 +228 87 1 889388662 +228 204 3 889388662 +228 288 4 889387173 +228 313 5 889387172 +228 427 4 889388547 +228 475 3 889388521 +228 650 3 889388662 +228 651 4 889388521 +228 655 4 889388489 +228 886 1 889387173 +229 260 1 891632437 +229 286 4 891633029 +229 288 4 891633028 +229 303 1 891632073 +229 313 2 891631948 +229 315 1 891632945 +229 316 1 891632347 +229 328 1 891632142 +229 344 5 891633028 +229 347 1 891632073 +229 349 4 891633028 +229 358 1 891632437 +229 750 2 891631948 +229 751 3 891632164 +229 875 1 891632402 +229 882 4 891633029 +229 886 1 891632164 +229 896 4 891633029 +229 898 5 891633028 +229 937 2 891632347 +230 1 5 880484370 +230 7 3 880484476 +230 8 5 880484501 +230 10 3 880485530 +230 11 4 880484911 +230 22 5 880484850 +230 25 3 880485282 +230 28 5 880484444 +230 51 4 880484937 +230 56 3 880484416 +230 64 5 880484416 +230 69 4 880484338 +230 70 4 880484637 +230 71 5 880484911 +230 79 5 880484778 +230 82 5 880485311 +230 91 3 880485043 +230 95 5 880484850 +230 96 2 880484683 +230 97 5 880484544 +230 98 5 880484391 +230 99 3 880485066 +230 100 4 880485856 +230 117 5 880484320 +230 121 4 880484998 +230 125 5 880485090 +230 132 5 880484475 +230 134 4 880484755 +230 135 2 880485216 +230 138 3 880485197 +230 140 3 880484320 +230 141 4 880485489 +230 143 5 880484501 +230 144 3 880484850 +230 153 5 880485090 +230 154 4 880485159 +230 161 5 880485468 +230 162 4 880484587 +230 168 4 880484616 +230 172 4 880484523 +230 174 5 880484661 +230 176 4 880485445 +230 181 4 880485066 +230 182 2 880484370 +230 183 3 880484370 +230 185 4 880485090 +230 186 4 880484937 +230 195 3 880484416 +230 199 3 880484755 +230 202 4 880485352 +230 203 2 880484890 +230 204 4 880484616 +230 205 3 880484476 +230 209 1 880485283 +230 211 5 880485181 +230 214 4 880485573 +230 216 4 880484444 +230 223 5 880484415 +230 228 2 880485216 +230 233 1 880485513 +230 237 5 880484800 +230 239 4 880484320 +230 240 1 880484320 +230 265 5 880484544 +230 266 4 880484286 +230 276 5 880485573 +230 280 4 880485254 +230 284 1 880485634 +230 291 4 880484825 +230 294 5 880484286 +230 304 5 880484286 +230 357 5 880484391 +230 371 4 880485330 +230 378 5 880485159 +230 385 1 880485235 +230 405 4 880485634 +230 418 5 880484937 +230 419 4 880484587 +230 420 5 880485726 +230 422 3 880485633 +230 423 5 880484825 +230 427 5 880484501 +230 431 3 880485254 +230 432 4 880485110 +230 435 4 880484444 +230 443 4 880485090 +230 447 1 880485513 +230 451 4 880485402 +230 484 5 880484800 +230 485 5 880484370 +230 491 3 880484975 +230 496 5 880484501 +230 498 5 880484755 +230 499 4 880484870 +230 501 3 880485352 +230 504 3 880485136 +230 515 5 880484567 +230 526 3 880485159 +230 549 5 880485380 +230 568 3 880484567 +230 570 4 880485689 +230 582 4 880485380 +230 588 5 880484683 +230 607 3 880484755 +230 609 3 880485311 +230 621 2 880485380 +230 622 3 880485380 +230 627 5 880484661 +230 628 3 880485421 +230 633 4 880485283 +230 650 4 880484778 +230 680 4 880484286 +230 693 2 880485594 +230 699 4 880484975 +230 739 5 880485611 +230 742 5 880485043 +230 926 3 880485489 +230 951 5 880485181 +230 963 5 880484370 +230 969 4 880484476 +230 1050 3 880485136 +230 1192 4 880485352 +230 1444 2 880485726 +231 15 4 879965704 +231 121 4 879966609 +231 126 5 888605273 +231 127 3 879965565 +231 151 1 879966209 +231 181 4 888605273 +231 252 4 888605273 +231 405 4 879966609 +231 476 3 879966018 +231 748 4 888605273 +231 846 4 888605274 +232 1 4 880062302 +232 4 4 888550130 +232 8 2 888549757 +232 14 4 880062574 +232 32 4 888549467 +232 44 4 888549412 +232 48 5 888549879 +232 50 4 880062302 +232 52 5 888550130 +232 56 5 888549622 +232 69 3 888549376 +232 76 3 888550060 +232 81 5 888549515 +232 91 5 888549515 +232 96 5 888549563 +232 98 4 888549838 +232 100 5 880062447 +232 117 3 891565128 +232 127 3 888550101 +232 132 5 888549721 +232 133 4 888549988 +232 150 3 891565095 +232 165 4 888550036 +232 166 4 888549815 +232 170 5 888549929 +232 172 4 888549412 +232 175 5 888549815 +232 178 5 888549988 +232 181 4 880062330 +232 186 4 888549790 +232 191 4 888549376 +232 194 4 888549988 +232 196 5 888549757 +232 197 4 888549563 +232 202 4 888549515 +232 204 4 888549515 +232 209 3 888549563 +232 234 3 888549595 +232 246 4 885939945 +232 250 4 880062618 +232 268 4 885939544 +232 269 3 891565001 +232 270 3 880062259 +232 272 4 885939511 +232 275 2 885939945 +232 276 5 880062447 +232 286 3 880062259 +232 289 4 880062259 +232 294 2 880062259 +232 302 5 885939473 +232 313 3 885939473 +232 315 5 888364663 +232 318 5 888549757 +232 357 4 888549721 +232 419 4 888550013 +232 423 4 888549595 +232 425 4 888549790 +232 435 4 888550013 +232 461 5 888549563 +232 474 5 888550036 +232 475 5 880062469 +232 483 5 888549622 +232 493 4 888549622 +232 498 4 888549467 +232 508 1 880062447 +232 514 4 888549879 +232 515 2 880062413 +232 531 4 888549647 +232 582 5 888549595 +232 589 3 888549790 +232 603 4 888549376 +232 630 3 888550060 +232 651 3 888549515 +232 655 4 888549721 +232 690 4 880062259 +232 705 5 888549838 +232 744 3 880062645 +232 747 3 888549957 +232 750 3 885939690 +232 900 5 888364663 +232 919 3 888550036 +232 1128 2 888549907 +232 1149 5 888549674 +233 4 3 877663337 +233 8 3 877663612 +233 9 5 876021262 +233 12 2 880610333 +233 14 4 876021262 +233 23 5 877665324 +233 31 3 880610814 +233 47 5 877661881 +233 48 5 877663184 +233 50 3 876021213 +233 56 5 877661776 +233 58 3 880612403 +233 64 5 880612285 +233 70 5 879147810 +233 71 5 876812281 +233 82 4 877663612 +233 89 3 875508225 +233 91 3 876812281 +233 95 5 877661496 +233 97 5 877661882 +233 99 3 877663383 +233 100 4 877661294 +233 117 3 880190627 +233 121 4 880190627 +233 127 5 877661364 +233 129 3 876374463 +233 133 5 877661364 +233 135 4 877661881 +233 143 4 877663383 +233 168 5 877663302 +233 177 4 877661496 +233 180 5 877661364 +233 187 4 876021170 +233 191 4 877665191 +233 192 5 875508485 +233 193 4 877663646 +233 194 4 877663913 +233 196 5 880610814 +233 197 5 877663303 +233 202 5 879394264 +233 203 3 880923202 +233 204 5 880923202 +233 205 4 877663548 +233 208 4 880610814 +233 215 5 877665324 +233 216 5 877665357 +233 223 4 875508225 +233 234 4 877664010 +233 249 5 883356871 +233 257 4 883356847 +233 261 5 883356913 +233 269 5 891920842 +233 275 5 885147637 +233 276 5 877665324 +233 293 4 877660832 +233 304 5 877665323 +233 313 5 891920842 +233 318 5 877665324 +233 357 5 877661553 +233 371 5 880190399 +233 375 4 876374419 +233 378 4 877663429 +233 381 4 877665125 +233 423 4 877665239 +233 432 3 877663383 +233 435 5 877665324 +233 462 5 879147730 +233 478 5 877661437 +233 482 4 877661437 +233 483 5 876021170 +233 498 5 877663465 +233 499 3 877664010 +233 501 3 877663383 +233 504 5 877663128 +233 506 5 877663337 +233 509 4 877663646 +233 511 5 876021120 +233 515 5 875508080 +233 521 5 877663071 +233 523 4 877663913 +233 527 5 877665324 +233 528 5 877665324 +233 568 5 880612346 +233 584 4 877663548 +233 588 5 877661553 +233 603 4 880190566 +233 614 4 877661437 +233 623 3 876374602 +233 633 5 877663185 +233 640 2 875508639 +233 647 5 877661364 +233 654 4 877665191 +233 660 5 877661634 +233 735 5 880610635 +233 806 4 880610396 +233 828 4 875508169 +233 845 4 880190627 +233 923 4 877664010 +233 958 5 875508372 +233 1194 5 880190371 +234 1 3 891227689 +234 2 2 892335142 +234 4 4 892334610 +234 5 3 892334338 +234 7 2 891227813 +234 8 5 892079585 +234 9 3 891227689 +234 11 2 892079140 +234 12 1 892333830 +234 13 3 892335342 +234 14 3 891227730 +234 15 3 892079538 +234 16 2 891227771 +234 20 4 891227979 +234 21 3 892335042 +234 22 4 892334644 +234 23 4 892334368 +234 25 3 892335797 +234 28 4 892079538 +234 30 4 892335951 +234 31 4 892334803 +234 32 3 892078936 +234 40 2 892335894 +234 44 3 892335707 +234 45 4 892079140 +234 47 2 892334543 +234 48 2 892334107 +234 50 4 892079237 +234 52 4 892334141 +234 54 2 892336257 +234 56 3 892078837 +234 64 4 892078983 +234 66 3 892334765 +234 69 4 892078567 +234 70 3 892335587 +234 71 3 892334338 +234 72 3 892335674 +234 73 2 892334368 +234 76 2 892335564 +234 77 3 892333890 +234 79 3 892079910 +234 82 3 892334079 +234 85 2 892334852 +234 86 2 892333765 +234 87 3 892079336 +234 88 3 892335920 +234 89 3 892079910 +234 91 5 892335920 +234 93 3 891227771 +234 95 3 892079689 +234 96 2 892334141 +234 97 2 892334267 +234 99 5 892333573 +234 100 4 892079769 +234 102 2 892335616 +234 106 4 892336322 +234 111 3 892318060 +234 116 2 892079434 +234 117 2 892334976 +234 119 3 892335261 +234 124 4 891227689 +234 125 3 892335739 +234 127 4 892078386 +234 130 1 892336194 +234 131 3 892334680 +234 132 4 892333865 +234 133 3 892334680 +234 134 5 892333573 +234 135 4 892079769 +234 136 4 892317967 +234 137 3 891227730 +234 140 2 892334766 +234 141 3 892334609 +234 142 2 892334852 +234 143 3 892079288 +234 144 3 892079840 +234 148 3 891228196 +234 151 3 892334481 +234 152 4 892826701 +234 153 3 892333830 +234 154 3 892078605 +234 156 2 892078936 +234 157 2 892334400 +234 160 2 892336119 +234 161 3 892335824 +234 162 3 892335541 +234 163 3 892335951 +234 164 3 892334644 +234 165 5 892079040 +234 166 5 892079237 +234 168 3 892079434 +234 170 5 892333798 +234 172 3 892078837 +234 173 3 892334577 +234 174 3 892078605 +234 175 2 892079076 +234 176 3 892079190 +234 177 3 892079040 +234 178 5 892078890 +234 179 3 892079373 +234 180 3 892079910 +234 181 3 892079373 +234 182 3 892078567 +234 183 4 892079585 +234 185 3 892078936 +234 186 3 892078567 +234 187 4 892079140 +234 188 2 892079288 +234 190 3 892079190 +234 191 4 892334765 +234 192 3 892078984 +234 193 4 892334713 +234 194 5 892333653 +234 195 2 892078936 +234 196 3 892079910 +234 197 5 892333616 +234 198 3 892078837 +234 199 5 892079040 +234 200 5 892335074 +234 202 3 892079585 +234 204 2 892079617 +234 205 3 892079288 +234 206 4 892334543 +234 207 2 892078605 +234 208 4 892318002 +234 209 4 892317967 +234 210 3 892333616 +234 211 3 892079475 +234 212 2 892334883 +234 213 3 892079190 +234 215 3 892079722 +234 216 3 892078605 +234 218 2 892335541 +234 219 2 892336287 +234 221 2 891227814 +234 222 3 892079803 +234 223 3 892079336 +234 224 4 892334107 +234 226 2 892335673 +234 229 4 892334189 +234 233 2 892335990 +234 234 4 892079475 +234 236 3 892079336 +234 237 3 892336021 +234 238 3 892079040 +234 242 4 891033261 +234 243 1 891034107 +234 258 2 891033627 +234 259 2 891033686 +234 265 3 892078837 +234 268 2 891033261 +234 273 3 892336165 +234 274 3 892334765 +234 276 3 891228196 +234 277 3 892334680 +234 279 3 892333980 +234 280 3 892334803 +234 283 3 891227814 +234 284 3 892335460 +234 285 4 891227771 +234 286 3 891033314 +234 287 3 891228196 +234 288 3 891033738 +234 289 4 891033851 +234 290 3 892333980 +234 291 3 892335342 +234 292 4 891033821 +234 294 3 891033715 +234 300 3 891033627 +234 301 3 892826947 +234 304 3 891033591 +234 307 2 891033427 +234 313 4 891033261 +234 316 4 891033851 +234 317 2 892334189 +234 318 4 892078890 +234 319 3 892334883 +234 321 2 891033393 +234 322 2 891034007 +234 328 2 891033772 +234 329 2 891033922 +234 357 4 892333573 +234 358 1 891034007 +234 367 4 892334976 +234 371 3 892335850 +234 378 4 892335213 +234 381 3 892335739 +234 385 2 892335309 +234 389 3 892335309 +234 393 2 892335108 +234 401 2 892336322 +234 403 1 892335674 +234 404 4 892333830 +234 412 2 892336322 +234 414 4 892336021 +234 416 4 892335616 +234 417 3 892336119 +234 418 3 892079373 +234 419 4 892334644 +234 421 1 892334852 +234 423 4 892334079 +234 427 4 892078386 +234 428 4 892334079 +234 429 4 892079434 +234 430 4 892333683 +234 431 3 892078424 +234 432 4 892079722 +234 433 2 892079910 +234 434 3 892079288 +234 435 3 892079040 +234 436 3 892334765 +234 443 3 892334079 +234 445 2 892334713 +234 447 3 892336047 +234 448 3 892335501 +234 451 3 892334578 +234 462 4 892079840 +234 463 4 892333865 +234 464 4 892079288 +234 465 2 892334803 +234 466 4 892334368 +234 470 2 892335797 +234 471 3 892335074 +234 472 2 891228099 +234 473 5 892334976 +234 474 4 892317967 +234 477 1 892335108 +234 478 3 892079538 +234 479 5 892334107 +234 480 4 892078485 +234 481 5 892079076 +234 482 4 892334803 +234 483 5 892078424 +234 484 5 892078936 +234 485 3 892079434 +234 486 3 892079373 +234 488 4 892078386 +234 489 3 892079237 +234 490 4 892079803 +234 491 4 892079538 +234 492 3 892078936 +234 493 3 892078567 +234 494 4 892078837 +234 495 4 892335042 +234 496 4 892079190 +234 497 4 892334481 +234 498 5 892078699 +234 499 4 892334141 +234 500 3 892078890 +234 501 4 892334543 +234 502 4 892336077 +234 503 2 892333653 +234 504 4 892078485 +234 505 4 892333798 +234 506 4 892318107 +234 507 4 892334803 +234 510 4 892079840 +234 511 5 892078567 +234 513 5 892333980 +234 515 5 892078424 +234 516 3 892079140 +234 517 3 892333919 +234 519 5 892078342 +234 520 4 892078890 +234 521 3 892079077 +234 523 4 892334141 +234 524 3 892079910 +234 525 4 892078984 +234 526 3 892334045 +234 527 3 892334189 +234 528 4 892079689 +234 530 4 892333573 +234 531 3 892078984 +234 546 1 891227851 +234 549 3 892335850 +234 550 2 892334883 +234 552 2 892336322 +234 557 1 892335989 +234 558 4 892079585 +234 566 2 892335108 +234 571 2 892318158 +234 582 4 892334883 +234 584 3 892333653 +234 588 3 892335541 +234 589 3 892078567 +234 591 3 892335142 +234 596 2 891227979 +234 601 3 892334765 +234 602 4 892334368 +234 603 4 892333573 +234 604 5 892078936 +234 605 3 892333798 +234 606 5 892318060 +234 607 4 892079140 +234 608 3 892078741 +234 609 3 892335186 +234 610 4 892079769 +234 611 5 892078605 +234 612 3 892079140 +234 613 4 892079434 +234 614 3 892334609 +234 615 5 892079722 +234 616 2 892334976 +234 617 3 892078741 +234 618 3 892078343 +234 619 2 891227851 +234 622 2 892335415 +234 623 2 892318107 +234 625 3 892336286 +234 626 4 892336358 +234 628 2 892826612 +234 629 4 892335042 +234 630 2 892334141 +234 631 3 892334577 +234 634 4 892079910 +234 635 2 892336358 +234 636 3 892336358 +234 638 4 892335989 +234 641 4 892078297 +234 642 3 892334766 +234 646 3 892335500 +234 647 3 892826411 +234 649 3 892335870 +234 650 3 892078837 +234 651 4 892078485 +234 653 3 892335108 +234 654 5 892333573 +234 655 3 892333616 +234 656 4 892079288 +234 657 4 892079840 +234 659 3 892078660 +234 660 4 892334543 +234 661 5 892333573 +234 662 3 892079585 +234 663 4 892335707 +234 671 3 892336257 +234 673 4 892334189 +234 675 4 892078342 +234 686 3 892334976 +234 692 3 892335990 +234 693 2 892333980 +234 694 3 892079040 +234 699 3 892079538 +234 702 2 892335707 +234 705 5 892318002 +234 709 4 892079337 +234 712 2 892336077 +234 724 4 892335739 +234 727 3 892079475 +234 731 2 892336194 +234 732 2 892334713 +234 735 3 892079803 +234 739 3 892335990 +234 745 4 892333573 +234 746 2 892335213 +234 747 3 892334578 +234 749 3 891033772 +234 751 2 891033394 +234 765 3 892336322 +234 768 2 892335990 +234 770 4 892335920 +234 781 2 892335764 +234 782 3 892335372 +234 785 3 892336119 +234 792 4 892336165 +234 806 2 892334766 +234 808 2 892335707 +234 832 2 892335501 +234 835 3 892334481 +234 836 4 892317967 +234 837 3 892079434 +234 842 4 892334045 +234 843 2 892334400 +234 844 2 892078521 +234 845 3 892335825 +234 847 4 891227730 +234 848 3 892334577 +234 850 2 892336047 +234 855 3 892079803 +234 863 5 892079689 +234 867 4 892826174 +234 872 2 891033627 +234 873 3 891034007 +234 874 1 891227463 +234 878 2 892336477 +234 887 3 891034078 +234 921 4 892079434 +234 923 4 892078741 +234 925 2 892334976 +234 927 4 892334267 +234 928 2 892336287 +234 929 1 891228099 +234 939 2 892333798 +234 942 3 892334610 +234 945 3 892334189 +234 950 2 892079538 +234 951 1 892334766 +234 956 3 892826643 +234 959 2 892334189 +234 963 3 892078983 +234 964 4 892334852 +234 965 3 892079538 +234 966 4 892334189 +234 970 4 892335437 +234 980 2 891227851 +234 984 2 891033966 +234 989 2 891033966 +234 1003 2 892334267 +234 1010 2 892335415 +234 1011 3 891227730 +234 1015 2 892079617 +234 1020 4 892078890 +234 1021 4 892333765 +234 1035 3 892335142 +234 1039 3 892078741 +234 1044 2 892336194 +234 1048 3 892335501 +234 1050 3 892333616 +234 1051 2 892336322 +234 1063 3 892079769 +234 1064 4 892333683 +234 1075 3 892335797 +234 1078 2 892336322 +234 1100 2 892335500 +234 1101 3 892335372 +234 1120 3 892079288 +234 1121 5 892334481 +234 1123 3 892335342 +234 1126 4 892079722 +234 1133 3 892336358 +234 1149 3 892318060 +234 1168 2 892335108 +234 1169 4 892334543 +234 1170 1 892336077 +234 1172 3 892079076 +234 1184 2 892079237 +234 1185 3 892335951 +234 1186 4 892335707 +234 1198 3 892335187 +234 1200 3 892333865 +234 1203 4 892079910 +234 1204 3 892078297 +234 1205 1 892335501 +234 1221 4 892334852 +234 1263 3 892335142 +234 1269 3 892078297 +234 1285 3 892335764 +234 1298 3 892079373 +234 1330 3 892078343 +234 1369 3 892333765 +234 1400 3 892334400 +234 1445 4 892336286 +234 1446 3 892335739 +234 1447 3 892336119 +234 1448 3 892335187 +234 1449 4 892333573 +234 1450 3 892335213 +234 1451 3 892078343 +234 1452 4 892335342 +234 1453 2 892335415 +234 1454 3 892336257 +234 1455 2 892318158 +234 1456 4 892335142 +234 1457 3 892079538 +234 1458 4 892336165 +234 1459 3 892335261 +234 1460 3 892335460 +234 1461 2 892078297 +234 1462 3 892333865 +234 1463 5 892333573 +235 1 4 889655571 +235 7 4 889655723 +235 22 4 889655044 +235 50 5 889655403 +235 52 4 889656168 +235 65 2 889655723 +235 66 2 889655266 +235 69 4 889655468 +235 70 5 889655619 +235 79 4 889655468 +235 82 2 889655403 +235 83 4 889656068 +235 86 4 889656113 +235 87 4 889655162 +235 96 4 889654971 +235 135 4 889655571 +235 153 4 889655662 +235 170 4 889656113 +235 174 4 889654971 +235 175 4 889654971 +235 179 5 889656028 +235 181 3 889655360 +235 185 4 889655435 +235 188 4 889655619 +235 190 4 889656007 +235 191 4 889654971 +235 192 4 889655298 +235 193 5 889655204 +235 194 5 889655232 +235 195 4 889655162 +235 196 3 889655162 +235 197 5 889655266 +235 198 3 889655044 +235 207 4 889656132 +235 211 5 889655162 +235 213 4 889655044 +235 230 4 889655162 +235 237 4 889655435 +235 269 4 889654530 +235 285 4 889655204 +235 292 3 889654638 +235 303 4 889654483 +235 318 5 889654971 +235 327 3 889654594 +235 338 1 889654821 +235 344 5 889654419 +235 346 4 889654483 +235 419 5 889655858 +235 429 4 889655662 +235 431 2 889655490 +235 462 3 889656168 +235 463 4 889656008 +235 474 5 889655112 +235 480 4 889655044 +235 483 5 889655204 +235 494 4 889655112 +235 496 4 889655662 +235 511 5 889655162 +235 512 5 889656044 +235 515 4 889655086 +235 520 4 889655204 +235 522 5 889655086 +235 523 5 889655044 +235 524 5 889655204 +235 603 3 889655044 +235 647 4 889655045 +235 652 4 889655403 +235 655 4 889655550 +235 692 4 889655595 +235 701 4 889655086 +235 705 5 889655204 +235 747 2 889655550 +235 923 4 889656132 +235 970 4 889655204 +235 971 4 889656113 +235 1021 5 889656090 +235 1105 2 889654460 +235 1119 3 889655550 +235 1134 4 889655723 +235 1149 4 889655595 +235 1176 5 889655820 +235 1193 4 889655232 +235 1451 4 889655112 +235 1464 4 889655266 +236 9 5 890116792 +236 15 5 890116628 +236 28 4 890116539 +236 50 3 890116059 +236 51 5 890116709 +236 56 5 890116254 +236 57 5 890116575 +236 58 2 890118462 +236 64 5 890116163 +236 66 2 890118507 +236 69 5 890116426 +236 71 3 890116671 +236 79 4 890118417 +236 88 2 890116709 +236 97 5 890118228 +236 98 5 890116253 +236 100 3 890116402 +236 111 4 890116939 +236 117 3 890116818 +236 127 5 890116032 +236 132 4 890115897 +236 133 5 890116059 +236 135 2 890116033 +236 143 4 890116163 +236 148 4 890117028 +236 151 2 890116964 +236 153 2 890118075 +236 174 3 890116539 +236 176 2 890115933 +236 179 1 890118417 +236 181 4 890115933 +236 183 2 890118206 +236 185 5 890118307 +236 187 3 890118340 +236 191 4 890116335 +236 194 3 890116426 +236 195 2 890118507 +236 196 1 890115966 +236 199 4 890118307 +236 203 4 890116132 +236 204 3 890118393 +236 207 3 890116221 +236 210 2 890118153 +236 211 3 890116539 +236 216 5 890116163 +236 222 4 890116817 +236 223 5 890116032 +236 225 3 890117465 +236 237 4 890117001 +236 255 3 890116747 +236 265 2 890116191 +236 273 1 890116670 +236 274 1 890117073 +236 275 3 890116499 +236 282 5 890117028 +236 286 5 890115777 +236 294 2 890116895 +236 298 4 890116793 +236 304 4 890117676 +236 307 4 890117902 +236 313 4 890115777 +236 318 5 890116539 +236 328 5 890117711 +236 333 3 890117748 +236 370 3 890117353 +236 411 1 890117095 +236 419 5 890116282 +236 420 4 890116671 +236 423 5 890116304 +236 427 5 890118153 +236 429 1 890118632 +236 432 5 890118251 +236 435 4 890115966 +236 443 4 890116709 +236 462 4 890115933 +236 476 3 890117308 +236 478 3 890118106 +236 483 5 890116221 +236 496 3 890116499 +236 504 3 890118075 +236 505 3 890116575 +236 506 5 890118153 +236 510 3 890118543 +236 520 4 890116095 +236 521 3 890115996 +236 523 2 890116221 +236 526 3 890116500 +236 532 2 890116915 +236 546 4 890117223 +236 549 4 890116628 +236 591 4 890117029 +236 595 3 890117267 +236 596 4 890116575 +236 614 5 890116335 +236 632 3 890116254 +236 655 3 890116670 +236 659 3 890116599 +236 661 3 890116451 +236 673 4 890116132 +236 685 2 890117308 +236 692 4 890116670 +236 705 4 890116402 +236 717 3 890117409 +236 729 5 890118372 +236 735 5 890116599 +236 750 5 890117676 +236 756 1 890117353 +236 864 2 890117073 +236 866 3 890117223 +236 934 4 890117570 +236 1013 2 890117465 +236 1039 2 890115996 +236 1102 4 890117488 +236 1401 3 890116335 +237 9 4 879376730 +237 23 4 879376606 +237 28 4 879376435 +237 58 4 879376434 +237 64 5 879376671 +237 100 5 879376381 +237 127 5 879376671 +237 134 5 879376327 +237 169 5 879376381 +237 174 4 879376773 +237 176 3 879376328 +237 178 4 879376671 +237 179 4 879376641 +237 180 4 879376730 +237 185 4 879376773 +237 187 3 879376553 +237 190 4 879376515 +237 191 4 879376773 +237 197 4 879376515 +237 211 4 879376515 +237 238 4 879376435 +237 286 3 879376220 +237 357 4 879376327 +237 408 5 879376434 +237 474 5 879376327 +237 483 5 879376381 +237 485 4 879376553 +237 489 4 879376381 +237 494 4 879376553 +237 498 4 879376698 +237 499 2 879376487 +237 514 4 879376641 +237 525 4 879376487 +237 528 5 879376606 +237 656 4 879376730 +237 659 4 879376553 +237 705 3 879376487 +237 1192 5 879376553 +238 111 4 883576603 +238 118 3 883576509 +238 151 2 883576398 +238 181 3 883576336 +238 220 3 883576560 +238 237 3 883576281 +238 252 3 883576644 +238 255 3 883576644 +238 257 4 883576261 +238 294 3 883575813 +238 300 4 883575836 +238 301 3 883575855 +238 405 4 883576424 +238 476 3 883576799 +238 538 4 883575749 +238 756 3 883576476 +238 815 2 883576398 +238 1190 3 883576603 +238 1258 1 883576666 +239 8 5 889179290 +239 9 5 889180446 +239 12 5 889178729 +239 14 5 889179478 +239 39 5 889181093 +239 42 5 889180578 +239 45 5 889180578 +239 46 4 889180487 +239 47 2 889180169 +239 50 5 889179131 +239 56 4 889179478 +239 64 1 889178616 +239 65 5 889180041 +239 69 1 889179544 +239 79 3 889179544 +239 89 4 889179253 +239 91 4 889180487 +239 96 5 889178798 +239 98 5 889180410 +239 100 3 889179131 +239 114 3 889178616 +239 116 5 889181093 +239 124 5 889178652 +239 132 5 889178986 +239 133 3 889178652 +239 134 5 889179033 +239 135 5 889178762 +239 137 5 889178688 +239 150 5 889179131 +239 152 3 889179808 +239 162 5 889179131 +239 165 5 889180411 +239 168 4 889179478 +239 171 5 889178986 +239 172 4 889178833 +239 174 4 889179131 +239 175 5 889180616 +239 179 5 889180410 +239 180 5 889178833 +239 181 3 889180411 +239 183 5 889180071 +239 185 4 889178688 +239 186 1 889179253 +239 190 1 889178616 +239 194 5 889178833 +239 195 5 889180747 +239 198 5 889181047 +239 203 1 889179291 +239 205 3 889181015 +239 207 5 889180578 +239 208 3 889181015 +239 209 5 889179032 +239 210 4 889179032 +239 221 5 889180447 +239 228 2 889180651 +239 234 3 889178762 +239 238 5 889180747 +239 242 5 889178512 +239 268 2 889178512 +239 269 5 889181247 +239 272 5 889181247 +239 276 5 889179506 +239 286 1 889178512 +239 288 2 889178513 +239 300 1 889178513 +239 304 1 889181248 +239 305 4 889178513 +239 312 2 889181247 +239 317 5 889179291 +239 318 1 889178798 +239 340 5 889178513 +239 382 3 889180578 +239 419 3 889178689 +239 421 5 889181048 +239 427 5 889180888 +239 428 5 889180978 +239 432 5 889180041 +239 433 5 889180447 +239 434 5 889180041 +239 443 5 889181015 +239 462 5 889179623 +239 463 5 889178689 +239 474 5 889179095 +239 479 5 889178762 +239 482 3 889180978 +239 483 5 889179253 +239 484 5 889179095 +239 488 5 889179033 +239 489 5 889178833 +239 491 5 889181015 +239 492 3 889180411 +239 493 5 889180616 +239 497 4 889180578 +239 498 4 889179623 +239 499 5 889179808 +239 504 4 889179544 +239 505 5 889180169 +239 507 5 889180651 +239 508 5 889178798 +239 509 5 889180071 +239 511 5 889178798 +239 512 5 889180921 +239 513 5 889178887 +239 514 1 889178562 +239 516 5 889180487 +239 518 3 889180949 +239 527 5 889178833 +239 528 5 889178562 +239 530 5 889179290 +239 531 5 889178762 +239 558 5 889178986 +239 589 3 889180978 +239 603 5 889178616 +239 612 5 889178616 +239 632 5 889181015 +239 633 5 889180040 +239 634 4 889180487 +239 647 5 889180651 +239 650 5 889180530 +239 652 5 889178762 +239 654 5 889180747 +239 659 3 889179808 +239 663 5 889180617 +239 671 5 889179290 +239 675 5 889180617 +239 690 1 889178513 +239 701 5 889179544 +239 705 4 889178652 +239 736 5 889179291 +239 745 5 889180338 +239 753 5 889179478 +239 836 5 889180888 +239 855 5 889179478 +239 921 5 889181092 +239 923 5 889179033 +239 954 5 889179253 +239 961 5 889181093 +239 1020 3 889180920 +239 1056 5 889180041 +239 1065 5 889181015 +239 1070 5 889179032 +239 1098 5 889180487 +239 1099 5 889179253 +239 1115 2 889180651 +239 1192 1 889180949 +239 1203 5 889180040 +239 1204 4 889178986 +239 1245 5 889181092 +239 1332 3 889180888 +240 272 5 885775536 +240 286 5 885775625 +240 288 5 885775536 +240 289 4 885775745 +240 300 3 885775563 +240 301 5 885775683 +240 302 5 885775536 +240 313 5 885775604 +240 336 3 885775745 +240 343 3 885775831 +240 748 3 885775831 +240 879 3 885775745 +240 895 5 885775711 +240 898 5 885775770 +241 286 5 887249482 +241 292 4 887250084 +241 294 3 887250085 +241 300 4 887249685 +241 307 4 887249795 +241 313 4 887249795 +241 332 3 887249841 +241 350 2 887249889 +241 690 2 887249482 +241 750 5 887249576 +241 880 5 887249889 +241 887 4 887249685 +241 895 2 887250085 +242 1 4 879740362 +242 237 4 879740594 +242 291 3 879740593 +242 305 5 879741340 +242 306 5 879741340 +242 361 5 879741340 +242 934 5 879741196 +242 1137 5 879741196 +242 1152 5 879741196 +242 1357 5 879741196 +243 1 4 879987239 +243 7 3 879987362 +243 8 5 879989217 +243 10 4 879987526 +243 13 4 879987362 +243 14 3 879987239 +243 15 3 879987440 +243 16 3 879987630 +243 22 3 879988104 +243 25 3 879987875 +243 26 3 879988459 +243 69 3 879988298 +243 77 3 879988587 +243 83 4 879988184 +243 86 5 879989217 +243 93 2 879987173 +243 111 4 879987793 +243 116 4 879987526 +243 125 3 879988298 +243 129 2 879987526 +243 137 3 879987084 +243 151 3 879987397 +243 157 5 879989217 +243 162 4 879988459 +243 173 3 879988913 +243 191 5 879989217 +243 194 4 879988913 +243 196 4 879988298 +243 208 4 879989134 +243 215 3 879988046 +243 223 4 879988262 +243 225 3 879987655 +243 237 2 879987148 +243 246 4 879987085 +243 275 3 879987084 +243 280 1 879987148 +243 283 3 879987362 +243 285 5 879989217 +243 306 4 879988830 +243 317 5 879989217 +243 318 4 879988071 +243 367 3 879988976 +243 423 3 879988587 +243 435 4 879988913 +243 458 4 879987397 +243 461 3 879988132 +243 468 3 879988298 +243 477 4 879987736 +243 509 4 879988369 +243 511 5 879989217 +243 514 4 879989006 +243 531 4 879988157 +243 631 4 879988298 +243 632 5 879988487 +243 655 4 879988104 +243 660 4 879988422 +243 694 4 879988262 +243 699 4 879988397 +243 708 3 879988520 +243 724 3 879988459 +243 732 4 879988557 +243 736 4 879988520 +243 737 3 879988557 +243 778 4 879988663 +243 813 4 879987239 +243 1039 4 879988184 +243 1115 3 879987465 +243 1148 3 879988723 +243 1197 4 879988337 +243 1281 5 879989217 +243 1465 3 879988215 +244 1 4 880604405 +244 3 5 880602451 +244 7 4 880602558 +244 9 5 880604179 +244 13 4 880604379 +244 17 2 880607205 +244 20 4 880604758 +244 22 4 880605665 +244 26 5 880606274 +244 28 4 880606300 +244 31 4 880603484 +244 32 2 880605514 +244 40 2 880608016 +244 42 5 880602058 +244 50 5 880604379 +244 51 2 880606923 +244 52 4 880606476 +244 54 2 880607335 +244 56 5 880602440 +244 58 3 880605438 +244 62 2 880607269 +244 64 5 880605638 +244 65 4 880605766 +244 66 4 880607683 +244 67 4 880608820 +244 68 5 880602170 +244 69 4 880603645 +244 70 4 880604077 +244 71 4 880606874 +244 72 4 880607365 +244 77 4 880603512 +244 80 3 880607489 +244 82 3 880606667 +244 86 4 880605896 +244 88 4 880607684 +244 90 4 880607684 +244 92 4 880602478 +244 95 4 880606418 +244 97 2 880605514 +244 100 4 880604252 +244 101 5 880603288 +244 105 2 880605333 +244 109 4 880604798 +244 111 4 880604550 +244 114 4 880603219 +244 117 2 880604698 +244 118 2 880604981 +244 121 1 880604583 +244 122 4 880602804 +244 126 4 880604302 +244 135 4 880606442 +244 144 1 880602264 +244 145 3 880608842 +244 151 5 880604326 +244 153 4 880606069 +244 155 3 880608599 +244 156 4 880602517 +244 157 4 880604119 +244 158 3 880608904 +244 161 4 880607990 +244 162 4 880606993 +244 164 3 880607154 +244 167 3 880607853 +244 168 5 880606118 +244 169 5 880606274 +244 171 5 880606385 +244 173 4 880605458 +244 174 3 880605896 +244 179 5 880603833 +244 180 4 880605920 +244 181 4 880604302 +244 186 3 880605697 +244 188 4 880605869 +244 191 5 880605766 +244 193 4 880605638 +244 196 5 880605416 +244 197 4 880605838 +244 200 5 880606698 +244 204 4 880605812 +244 208 5 880606300 +244 209 4 880605485 +244 214 5 880603219 +244 215 4 880603242 +244 216 4 880605869 +244 217 5 880606698 +244 220 2 880605264 +244 222 2 880604379 +244 226 1 880602264 +244 232 4 880608670 +244 234 3 880606593 +244 235 1 880604910 +244 237 5 880602334 +244 238 5 880606118 +244 240 3 880604858 +244 241 4 880602893 +244 246 5 880604302 +244 249 4 880604930 +244 255 2 880604077 +244 258 5 880601905 +244 265 4 880606634 +244 268 5 880601904 +244 276 5 880604234 +244 278 3 880605294 +244 281 3 880605010 +244 287 3 880604326 +244 290 3 880604616 +244 291 2 880604379 +244 294 4 880601905 +244 301 2 880601905 +244 317 5 880602083 +244 318 5 880603082 +244 324 4 880601905 +244 357 5 880605553 +244 365 2 880608599 +244 367 1 880603442 +244 369 4 880605294 +244 380 4 880608133 +244 381 4 880604077 +244 383 3 880608957 +244 393 3 880607365 +244 401 3 880607424 +244 410 4 880606593 +244 411 4 880604798 +244 428 4 880606155 +244 433 5 880603683 +244 451 4 880608112 +244 455 2 880604503 +244 456 3 880605333 +244 458 3 880604405 +244 468 1 880606947 +244 471 1 880606874 +244 475 4 880603582 +244 508 4 880604276 +244 509 5 880606017 +244 521 4 880606385 +244 527 5 880606155 +244 528 3 880606533 +244 537 5 880602593 +244 550 1 880602264 +244 553 5 880606215 +244 554 3 880608733 +244 559 4 880607154 +244 566 4 880607489 +244 581 4 880607903 +244 584 5 880606634 +244 596 4 880604735 +244 609 3 880607154 +244 628 4 880604346 +244 629 4 880606442 +244 631 4 880606760 +244 650 3 880607231 +244 651 4 880606069 +244 652 5 880606533 +244 655 5 880605766 +244 660 4 880603881 +244 673 3 880606667 +244 676 4 880604858 +244 685 2 880604642 +244 697 4 880607335 +244 707 4 880606243 +244 708 4 880607231 +244 710 3 880607034 +244 712 3 880607925 +244 716 3 880607641 +244 721 5 880602031 +244 723 3 880607154 +244 724 4 880605638 +244 732 1 880604148 +244 735 5 880605697 +244 738 4 880607489 +244 739 3 880604004 +244 743 5 880602170 +244 744 3 880606923 +244 746 3 880606180 +244 747 4 880606760 +244 754 4 880603960 +244 756 2 880605157 +244 762 3 880604616 +244 763 4 880604830 +244 764 5 880605158 +244 772 4 880601937 +244 780 4 880602843 +244 815 4 880605185 +244 818 2 880605010 +244 833 3 880607878 +244 845 3 880606634 +244 856 5 880602002 +244 866 5 880605131 +244 871 3 880605010 +244 886 5 880601905 +244 924 4 880604550 +244 926 2 880609193 +244 941 4 880603618 +244 946 4 880607545 +244 949 4 880606874 +244 950 1 880606274 +244 953 4 880607335 +244 955 4 880606593 +244 959 4 880607684 +244 1012 2 880604670 +244 1017 4 880604583 +244 1028 3 880604830 +244 1039 4 880607570 +244 1041 4 880608788 +244 1045 5 880602132 +244 1047 2 880605264 +244 1048 4 880606567 +244 1053 2 880606993 +244 1054 3 880609089 +244 1057 4 880608992 +244 1074 4 880607904 +244 1079 2 880605333 +244 1095 2 880605333 +244 1098 5 880605578 +244 1107 2 880608699 +244 1109 4 880607116 +244 1118 4 880608087 +244 1119 5 880606993 +244 1132 4 880605132 +244 1136 3 880608162 +244 1150 4 880604195 +244 1168 4 880608788 +244 1178 3 880608134 +244 1188 4 880608864 +244 1209 3 880608315 +244 1225 2 880606818 +244 1428 4 880603411 +244 1467 5 880605553 +245 21 3 888513502 +245 50 4 888513664 +245 94 2 888513081 +245 112 4 888513575 +245 151 3 888513279 +245 181 4 888513664 +245 222 4 888513212 +245 240 1 888513860 +245 411 3 888513425 +245 473 2 888513344 +245 717 4 888513447 +245 1028 5 888513447 +246 1 4 884920918 +246 3 2 884923390 +246 11 4 884922512 +246 12 5 884921948 +246 17 2 884922658 +246 24 4 884921345 +246 25 3 884922383 +246 29 1 884922740 +246 38 2 884923175 +246 41 2 884923811 +246 50 5 884920788 +246 55 4 884921948 +246 56 1 884920948 +246 66 3 884922252 +246 67 2 884923893 +246 69 3 884921202 +246 77 2 884921839 +246 80 2 884923329 +246 81 5 884921638 +246 83 4 884921086 +246 92 1 884921661 +246 94 2 884923505 +246 95 3 884920949 +246 96 3 884920900 +246 97 3 884922272 +246 98 4 884921428 +246 99 3 884922657 +246 100 4 884921033 +246 101 2 884922740 +246 109 5 884921794 +246 111 3 884921861 +246 117 3 884921767 +246 118 1 884923175 +246 132 4 884921319 +246 133 3 884921705 +246 138 1 884923715 +246 145 1 884923922 +246 151 5 884921727 +246 155 1 884923687 +246 158 1 884923955 +246 159 3 884923003 +246 161 3 884921679 +246 164 3 884921613 +246 172 5 884922042 +246 173 5 884921227 +246 174 3 884921086 +246 175 4 884921362 +246 176 4 884921613 +246 178 5 884920918 +246 181 5 884920978 +246 185 5 884921428 +246 195 3 884921138 +246 196 3 884921861 +246 198 4 884922196 +246 201 5 884921594 +246 202 3 884922272 +246 204 3 884921638 +246 208 4 884921394 +246 210 3 884921319 +246 211 4 884922605 +246 215 2 884921058 +246 216 3 884920949 +246 219 5 884922801 +246 223 5 884921033 +246 226 2 884923329 +246 227 4 884922475 +246 228 3 884921558 +246 230 3 884922070 +246 231 1 884922898 +246 232 3 884923073 +246 235 3 884921965 +246 236 4 884921986 +246 238 5 884921429 +246 239 3 884921380 +246 240 3 884923547 +246 250 4 884924327 +246 252 1 884924473 +246 254 1 884924710 +246 257 4 884924327 +246 260 5 884924991 +246 265 4 884921411 +246 284 1 884922475 +246 288 5 884922235 +246 289 2 884922658 +246 294 2 884924460 +246 356 2 884923047 +246 368 1 884924813 +246 369 3 884924710 +246 384 2 884923632 +246 385 1 884922272 +246 393 3 884922627 +246 401 1 884923750 +246 402 3 884922917 +246 403 4 884922697 +246 404 3 884922434 +246 409 2 884923372 +246 410 1 884923175 +246 411 3 884923715 +246 412 1 884923305 +246 413 4 884923922 +246 416 3 884923047 +246 418 3 884921453 +246 420 3 884922272 +246 423 3 884920900 +246 425 5 884921918 +246 426 3 884923471 +246 431 3 884921661 +246 432 3 884921511 +246 433 5 884921488 +246 441 3 884922538 +246 444 4 884923715 +246 447 3 884922714 +246 451 2 884923003 +246 469 3 884922475 +246 470 4 884922964 +246 475 4 884921637 +246 477 4 884921767 +246 541 3 884923487 +246 547 4 884922512 +246 550 3 884922740 +246 559 3 884922898 +246 561 1 884923445 +246 567 5 884923348 +246 568 4 884922451 +246 570 1 884923592 +246 572 3 884923127 +246 576 1 884923864 +246 578 2 884923306 +246 585 1 884923811 +246 588 4 884920998 +246 597 2 884921965 +246 616 5 884922475 +246 628 1 884922554 +246 633 3 884920997 +246 651 4 884921638 +246 652 5 884921033 +246 658 4 884923329 +246 665 4 884922831 +246 672 4 884923047 +246 675 4 884920978 +246 679 2 884922917 +246 719 4 884924026 +246 720 1 884923592 +246 721 4 884921794 +246 724 4 884922383 +246 735 4 884921679 +246 739 2 884922678 +246 741 5 884921533 +246 743 1 884924780 +246 746 4 884922070 +246 748 1 884924441 +246 758 1 884924813 +246 765 2 884924026 +246 790 3 884923405 +246 798 2 884924001 +246 802 1 884923471 +246 809 2 884923767 +246 827 1 884923829 +246 831 1 884924025 +246 840 4 884924045 +246 841 1 884923829 +246 849 1 884923687 +246 853 5 884922383 +246 895 5 884924976 +246 919 4 884920949 +246 930 2 884924764 +246 932 1 884923864 +246 941 1 884923547 +246 981 1 884924765 +246 993 3 884920770 +246 1028 3 884923653 +246 1039 4 884921227 +246 1044 1 884922869 +246 1052 1 884924710 +246 1073 4 884921380 +246 1089 1 884924710 +246 1101 5 884921380 +246 1135 1 884922605 +246 1139 2 884923811 +246 1188 3 884924001 +246 1220 3 884921794 +246 1222 3 884923372 +246 1228 1 884923971 +246 1232 1 884923425 +246 1411 2 884924026 +247 1 4 893097024 +247 50 5 893097024 +247 58 4 893081396 +247 70 5 893097024 +247 100 3 893081395 +247 111 5 893097024 +247 151 4 893081396 +247 181 4 893081396 +247 251 4 893081395 +247 257 4 893081396 +247 258 5 893097024 +247 271 2 893081411 +247 272 4 893081381 +247 340 3 893081396 +247 736 5 893097024 +247 751 3 893081411 +248 1 3 884535744 +248 7 2 884534968 +248 11 5 884534992 +248 22 2 884534752 +248 50 5 884535013 +248 64 5 884534735 +248 69 1 884534695 +248 79 3 884534992 +248 89 5 884535046 +248 96 4 884534968 +248 98 5 884534673 +248 114 5 884534901 +248 117 5 884535433 +248 121 2 884536206 +248 127 5 884535084 +248 153 3 884534716 +248 156 5 884534945 +248 168 4 884534945 +248 172 4 884534992 +248 174 3 884534992 +248 176 5 884534808 +248 179 3 884534649 +248 180 3 884534735 +248 185 3 884534772 +248 187 3 884535046 +248 194 4 884534672 +248 196 2 884535013 +248 234 4 884534968 +248 235 3 884536150 +248 250 3 884535532 +248 257 3 884535840 +248 282 2 884535582 +248 283 1 884535157 +248 290 3 884535582 +248 294 3 884534379 +248 323 1 884534472 +248 324 4 884534506 +248 343 4 884534436 +248 405 4 884536165 +248 474 2 884534672 +248 475 5 884535446 +248 484 2 884535013 +248 589 4 884534968 +248 678 3 884534419 +248 806 3 884534772 +248 854 5 884534735 +249 1 4 879572210 +249 2 3 879641284 +249 4 4 879572142 +249 7 5 879572760 +249 9 5 879572402 +249 11 5 879640868 +249 12 5 879572472 +249 13 4 879640396 +249 24 4 879640306 +249 28 4 879572106 +249 31 4 879572688 +249 39 4 879572284 +249 42 5 879572630 +249 50 4 879571695 +249 53 4 879572760 +249 55 5 879572331 +249 56 5 879572189 +249 58 5 879572516 +249 64 5 879572210 +249 68 5 879641156 +249 69 5 879572600 +249 83 5 879640977 +249 86 4 879572124 +249 88 4 879572668 +249 89 5 879572229 +249 92 5 879572567 +249 93 4 879640194 +249 96 4 879572600 +249 98 5 879572256 +249 100 5 879572370 +249 108 3 879640452 +249 114 5 879572314 +249 117 4 879640414 +249 121 3 879572705 +249 123 3 879640261 +249 125 3 879640210 +249 129 5 879571883 +249 135 5 879572668 +249 137 4 879572725 +249 144 4 879572567 +249 147 5 879640343 +249 148 3 879640361 +249 156 5 879572402 +249 161 3 879572760 +249 168 4 879572370 +249 169 5 879572106 +249 172 3 879572106 +249 173 5 879572229 +249 174 4 879572314 +249 175 4 879572106 +249 179 5 879641140 +249 181 3 879571998 +249 183 4 879572540 +249 186 4 879572516 +249 188 4 879641067 +249 191 4 879572167 +249 195 4 879572911 +249 198 5 879572349 +249 202 4 879572167 +249 203 5 879572167 +249 209 5 879572582 +249 210 3 879641305 +249 212 4 879572890 +249 216 4 879641305 +249 218 3 879641322 +249 222 4 879640306 +249 223 4 879572370 +249 228 4 879572496 +249 235 4 879640261 +249 237 5 879640361 +249 238 5 879572451 +249 239 3 879572284 +249 240 4 879640343 +249 241 5 879641194 +249 242 5 879571438 +249 245 2 879571999 +249 248 5 879571695 +249 249 4 879571752 +249 250 4 879571678 +249 252 2 879571998 +249 255 3 879571752 +249 257 3 879571715 +249 258 5 879571438 +249 271 4 879571521 +249 273 4 879640284 +249 275 4 879572451 +249 283 5 879572600 +249 290 2 879640521 +249 294 3 879571557 +249 298 4 879571715 +249 300 4 879571489 +249 302 4 879571438 +249 309 3 879571456 +249 317 5 879572106 +249 318 5 879572256 +249 327 4 879571489 +249 333 4 879571521 +249 357 4 879572142 +249 403 4 879640998 +249 405 3 879640284 +249 407 3 879640618 +249 408 5 879572540 +249 409 4 879640452 +249 411 3 879640436 +249 421 5 879572516 +249 423 4 879572167 +249 427 5 879572472 +249 431 5 879641194 +249 456 3 879640549 +249 462 5 879572725 +249 467 4 879572795 +249 469 4 879641285 +249 471 4 879640241 +249 472 3 879640502 +249 478 4 879572911 +249 479 5 879641035 +249 480 5 879572210 +249 483 5 879572314 +249 546 3 879640436 +249 568 4 879572256 +249 583 4 879640918 +249 588 3 879572256 +249 591 5 879572890 +249 603 5 879640935 +249 628 3 879640306 +249 634 5 879572314 +249 658 4 879572944 +249 684 4 879641285 +249 686 5 879641251 +249 708 4 879572403 +249 723 4 879641093 +249 741 4 879572402 +249 742 3 879640241 +249 746 5 879641209 +249 748 3 879571586 +249 789 5 879572911 +249 806 5 879572167 +249 844 5 879572795 +249 853 4 879572256 +249 919 5 879572668 +249 930 2 879640585 +249 993 3 879571779 +249 1011 5 879640284 +249 1012 3 879571998 +249 1016 3 879571752 +249 1039 5 879572725 +249 1047 3 879640603 +249 1069 5 879572890 +249 1073 4 879640918 +249 1103 5 879572256 +249 1167 4 879572284 +250 1 4 883263374 +250 7 4 878089716 +250 9 2 878089547 +250 12 5 878090499 +250 23 4 878090499 +250 28 4 878090153 +250 50 5 878089393 +250 55 5 878091915 +250 56 4 878090004 +250 69 5 878092059 +250 71 5 878090294 +250 81 4 878092143 +250 89 4 878092144 +250 91 5 878091965 +250 92 5 878091818 +250 95 5 878090499 +250 96 2 878090254 +250 98 5 878090365 +250 100 5 878089786 +250 116 4 878089921 +250 117 3 878089628 +250 123 3 878089837 +250 129 4 878089677 +250 135 5 878091915 +250 140 3 878092059 +250 144 4 878092059 +250 151 4 878089677 +250 153 2 878090066 +250 154 4 878090114 +250 159 4 878092144 +250 175 5 878090004 +250 179 4 883263374 +250 181 4 878089393 +250 183 4 878091870 +250 184 1 878091683 +250 191 5 878091869 +250 195 2 878091736 +250 196 4 878091818 +250 202 4 878090253 +250 204 2 878091682 +250 222 4 878089547 +250 223 4 878090294 +250 234 3 878091736 +250 235 2 878089786 +250 237 2 878089753 +250 238 4 878089963 +250 240 4 878092171 +250 248 2 883263390 +250 258 4 878088969 +250 259 1 883262792 +250 264 3 878089182 +250 270 4 883263374 +250 271 4 883263374 +250 276 4 878089436 +250 288 4 878088970 +250 293 4 878089921 +250 313 5 883262672 +250 321 5 878089099 +250 322 3 878089182 +250 323 2 878089100 +250 324 2 878089033 +250 325 4 883262927 +250 328 3 883262792 +250 331 3 878089033 +250 333 4 883263374 +250 338 4 883263374 +250 340 4 883263374 +250 357 4 878091915 +250 367 4 878090330 +250 378 4 878092059 +250 404 4 878092144 +250 418 5 878090199 +250 458 5 878092104 +250 469 4 878091772 +250 474 5 878089964 +250 475 4 878089436 +250 477 3 878089716 +250 480 5 878090414 +250 485 4 878092104 +250 496 4 878090499 +250 501 5 878090199 +250 527 4 878091735 +250 558 4 878091965 +250 582 4 878090114 +250 588 5 878091736 +250 596 5 878089921 +250 628 4 878090114 +250 629 4 878091965 +250 676 5 878089547 +250 678 2 878089182 +250 687 1 883263007 +250 688 2 878089182 +250 742 3 878089786 +250 748 2 878089033 +250 751 2 883262694 +250 754 4 883263374 +250 813 5 878089581 +250 844 4 878090414 +250 933 3 878089467 +250 943 4 878091870 +250 948 3 878089182 +250 969 5 878092002 +250 984 3 878089229 +250 988 4 878089182 +250 991 2 878089202 +250 993 5 878089881 +250 1014 4 883263439 +250 1073 5 878090114 +250 1137 5 878090066 +250 1161 4 883263375 +250 1199 3 878089467 +250 1426 5 878091771 +251 1 4 886272009 +251 7 3 886272146 +251 15 4 886272086 +251 22 5 886271955 +251 24 3 886272283 +251 25 4 886272615 +251 33 3 886271675 +251 45 5 886271855 +251 55 3 886271856 +251 60 4 886271641 +251 64 5 886271640 +251 79 5 886271733 +251 100 4 886271884 +251 109 4 886272547 +251 111 3 886272319 +251 117 4 886272009 +251 118 3 886272514 +251 121 4 886272118 +251 125 4 886272346 +251 144 5 886271920 +251 147 3 886272319 +251 148 2 886272547 +251 151 5 886272118 +251 181 4 886271733 +251 185 5 886271884 +251 202 4 886271920 +251 210 4 886271675 +251 248 4 886272223 +251 249 5 886272118 +251 250 3 886272378 +251 252 3 886272456 +251 257 3 886272378 +251 258 3 886271496 +251 275 4 886271675 +251 281 4 886272456 +251 282 4 886272223 +251 288 4 886271541 +251 294 3 886272283 +251 295 4 886272249 +251 298 5 886272146 +251 300 4 886271472 +251 313 5 886271472 +251 405 3 886272547 +251 418 4 886271856 +251 427 4 886271675 +251 429 4 886271955 +251 468 2 886271641 +251 471 3 886272319 +251 472 3 886272585 +251 476 2 886272407 +251 480 5 886271733 +251 535 3 886272283 +251 595 3 886272486 +251 596 3 886272118 +251 597 3 886272514 +251 685 4 886272585 +251 742 5 886272486 +251 748 2 886272175 +251 813 3 886272086 +251 845 4 886272378 +251 866 2 886272514 +251 978 2 886272585 +251 1012 4 886272175 +251 1014 5 886272486 +251 1016 3 886272197 +251 1028 3 886272585 +251 1098 3 886271920 +252 7 4 891455743 +252 9 5 891456797 +252 100 5 891456797 +252 124 5 891457490 +252 129 4 891456876 +252 268 5 891455329 +252 275 5 891456464 +252 277 4 891456797 +252 300 4 891448664 +252 740 3 891456738 +252 742 4 891455743 +253 1 5 891628467 +253 4 4 891628670 +253 8 4 891628323 +253 12 5 891628159 +253 15 4 891628019 +253 22 5 891628435 +253 50 4 891628518 +253 56 3 891628229 +253 64 5 891628252 +253 79 5 891628518 +253 81 4 891628614 +253 82 3 891628295 +253 83 4 891628159 +253 87 5 891628278 +253 89 4 891628451 +253 95 4 891628416 +253 96 5 891628651 +253 97 4 891628501 +253 98 5 891628295 +253 100 4 891628122 +253 117 5 891628535 +253 121 5 891628142 +253 125 3 891628033 +253 132 5 891628416 +253 153 3 891628278 +253 156 3 891628614 +253 168 3 891628278 +253 173 5 891628483 +253 175 2 891628884 +253 182 3 891628374 +253 183 5 891628341 +253 190 5 891628278 +253 192 1 891628884 +253 200 4 891628392 +253 202 5 891628392 +253 203 4 891628651 +253 216 4 891628252 +253 220 4 891628060 +253 222 4 891628548 +253 234 4 891628252 +253 243 2 891628883 +253 259 2 891628883 +253 273 3 891628060 +253 282 4 891628094 +253 298 3 891628074 +253 300 4 891627724 +253 318 5 891628323 +253 328 4 891627790 +253 331 3 891627664 +253 333 2 891628883 +253 343 4 891627815 +253 427 5 891628229 +253 433 3 891628670 +253 448 2 891628883 +253 465 5 891628467 +253 482 5 891628451 +253 485 5 891628435 +253 487 4 891628323 +253 490 5 891628374 +253 494 5 891628341 +253 496 5 891628278 +253 510 5 891628416 +253 518 5 891628392 +253 523 4 891628501 +253 527 5 891628518 +253 588 5 891628416 +253 591 3 891628358 +253 655 4 891628142 +253 659 5 891628358 +253 679 3 891628578 +253 685 2 891628884 +253 689 5 891627775 +253 699 4 891628630 +253 705 5 891628598 +253 732 4 891628651 +253 742 4 891628535 +253 746 3 891628630 +253 747 3 891628501 +253 751 3 891627815 +253 806 4 891628181 +253 895 4 891627893 +253 966 5 891628181 +253 1016 3 891628094 +253 1025 3 891627878 +253 1039 4 891628199 +253 1404 3 891628651 +253 1468 3 891628142 +254 1 3 887347350 +254 8 5 887347000 +254 15 3 886471307 +254 21 3 886474518 +254 22 4 887347350 +254 28 4 886472369 +254 29 2 886474847 +254 35 2 886475755 +254 62 3 886474009 +254 64 4 886472051 +254 69 5 886471959 +254 71 3 886472737 +254 75 1 886475004 +254 78 3 886475476 +254 82 4 886472767 +254 90 1 886475406 +254 94 3 887347350 +254 97 5 887346963 +254 98 4 886472201 +254 99 3 886473254 +254 102 3 886473929 +254 103 2 886476123 +254 112 2 886473631 +254 118 4 886475406 +254 121 3 886472369 +254 125 3 886473158 +254 126 3 887347350 +254 132 4 886472022 +254 133 5 886473158 +254 135 5 886471880 +254 136 4 886471695 +254 138 1 886474122 +254 140 4 887347350 +254 141 3 886472836 +254 142 3 886474489 +254 143 4 886472643 +254 151 2 886474396 +254 162 3 886472643 +254 163 2 886472023 +254 164 4 886472768 +254 167 3 886474712 +254 168 1 886472400 +254 172 5 886472051 +254 174 5 886471720 +254 176 3 886472768 +254 181 5 886471151 +254 183 4 886472713 +254 186 3 886472023 +254 196 4 886472400 +254 199 4 886472089 +254 200 3 886472504 +254 204 4 886472434 +254 210 5 886472172 +254 211 3 886472089 +254 214 1 886472608 +254 219 1 886475980 +254 222 4 886471346 +254 225 3 886475952 +254 227 4 886474806 +254 228 4 886472609 +254 229 4 886474580 +254 230 4 886472400 +254 231 3 886474712 +254 234 4 886472713 +254 238 3 886473120 +254 240 1 886476165 +254 241 4 886473190 +254 243 2 887347834 +254 257 3 886471389 +254 258 4 887347560 +254 259 2 886470859 +254 265 3 886471695 +254 269 2 887346935 +254 313 5 886470465 +254 323 3 886470765 +254 343 2 886470904 +254 357 3 886472466 +254 378 3 886474396 +254 384 1 886475790 +254 386 2 886475616 +254 389 3 886473852 +254 393 3 886473489 +254 400 3 886475790 +254 403 3 887347350 +254 405 3 886471522 +254 415 3 886475523 +254 416 4 886472713 +254 417 3 886473408 +254 419 4 886472231 +254 423 5 886472799 +254 429 4 887347350 +254 432 2 886473158 +254 435 3 886472089 +254 436 2 886474216 +254 441 3 886475831 +254 443 3 886473547 +254 448 3 886473775 +254 449 5 886475446 +254 451 2 886474426 +254 457 2 886470931 +254 465 3 886473078 +254 472 3 886474456 +254 496 4 886471982 +254 498 4 886472115 +254 501 3 886476281 +254 504 3 886472115 +254 526 3 886472609 +254 542 3 886475034 +254 548 2 886475319 +254 554 3 886475952 +254 561 3 886475446 +254 573 2 886475476 +254 577 1 886476092 +254 584 3 886473283 +254 588 3 886473701 +254 596 4 886473852 +254 610 2 886472291 +254 612 3 886471959 +254 616 1 886473736 +254 621 3 886474807 +254 622 4 887347350 +254 625 3 886473808 +254 629 2 886472337 +254 655 4 886472313 +254 662 4 887347350 +254 665 2 886475234 +254 678 3 886470859 +254 679 2 886472434 +254 699 3 886473120 +254 755 3 886473489 +254 768 3 886475004 +254 842 3 886475952 +254 843 2 886474807 +254 871 2 886475682 +254 892 3 886470904 +254 951 4 886474619 +254 967 3 886472139 +254 1028 2 886474619 +254 1033 3 886475034 +254 1050 3 886472609 +254 1060 3 886472466 +254 1091 3 886475586 +254 1133 3 886475682 +254 1183 4 887347350 +254 1263 1 886474426 +254 1443 4 887347382 +254 1444 3 886475558 +254 1469 3 886473929 +254 1470 2 886474650 +255 5 2 883216599 +255 7 2 883216358 +255 56 5 883216448 +255 98 5 883216449 +255 100 3 883216358 +255 117 2 883216845 +255 118 1 883216958 +255 121 2 883216902 +255 147 4 883216845 +255 185 4 883216449 +255 200 3 883216544 +255 217 2 883216600 +255 218 3 883216544 +255 219 5 883216544 +255 222 3 883216845 +255 234 5 883216448 +255 245 1 883215723 +255 258 4 883215406 +255 259 3 883215759 +255 264 2 883215829 +255 273 2 883216845 +255 281 1 883216902 +255 288 4 883216185 +255 294 2 883215406 +255 300 3 883215358 +255 322 2 883215723 +255 323 2 883215723 +255 324 5 883215586 +255 325 1 883215723 +255 328 2 883215630 +255 332 2 883215586 +255 335 4 883215630 +255 343 2 883215867 +255 405 4 883216902 +255 406 1 883216358 +255 413 2 883216358 +255 441 2 883216544 +255 443 1 883216544 +255 444 3 883216599 +255 447 3 883216599 +255 448 3 883216544 +255 455 2 883216845 +255 472 1 883216958 +255 546 3 883216902 +255 559 4 883216748 +255 564 1 883216600 +255 597 4 883216958 +255 665 3 883216748 +255 672 2 883216544 +255 678 2 883215795 +255 682 5 883215759 +255 685 3 883216845 +255 743 1 883217030 +255 748 1 883215630 +255 760 1 883216185 +255 825 1 883216958 +255 826 1 883216958 +255 827 2 883216958 +255 829 1 883216903 +255 831 4 883216902 +255 833 4 883216902 +255 834 4 883216358 +255 840 1 883216958 +255 859 3 883216748 +255 860 2 883216748 +255 872 4 883215723 +255 879 3 883215660 +255 895 2 883216185 +255 930 1 883216958 +255 976 1 883217030 +255 982 2 883217030 +255 984 1 883215902 +255 1034 1 883217030 +256 1 5 882150980 +256 2 5 882164480 +256 4 5 882164525 +256 5 5 882164727 +256 7 4 882151017 +256 9 4 882150644 +256 11 5 882164406 +256 12 5 882164696 +256 15 5 882150644 +256 21 4 882163677 +256 22 5 882164259 +256 29 4 882164644 +256 31 5 882164867 +256 36 3 882165269 +256 38 4 882164927 +256 44 4 882164893 +256 49 4 882165238 +256 50 4 882164443 +256 51 4 882165135 +256 54 5 882164955 +256 56 3 882164406 +256 64 5 882164231 +256 66 4 882165103 +256 77 3 882164955 +256 79 5 882164406 +256 82 5 882164559 +256 86 5 882165103 +256 88 5 882165296 +256 89 5 882164525 +256 92 1 882164603 +256 96 5 882164444 +256 97 4 882165103 +256 98 5 882164696 +256 100 4 882150313 +256 106 4 882153724 +256 117 5 882150313 +256 118 5 882151123 +256 120 1 882163754 +256 121 5 882151123 +256 123 2 882150508 +256 125 5 882150552 +256 127 4 882164406 +256 147 4 882152540 +256 151 5 882151623 +256 161 5 882164559 +256 172 3 882164443 +256 174 4 882164406 +256 181 4 882164444 +256 182 4 882164479 +256 185 5 882164696 +256 187 3 882164444 +256 188 5 882164559 +256 195 5 882164406 +256 202 3 882165032 +256 203 4 882164867 +256 210 4 882164443 +256 216 5 882165032 +256 218 3 882164727 +256 220 3 882151690 +256 222 4 882150313 +256 225 4 882152605 +256 226 5 882164644 +256 227 4 882164603 +256 228 3 882164559 +256 229 3 882164644 +256 230 4 882164480 +256 232 3 882164525 +256 233 4 882164479 +256 234 5 882164696 +256 235 3 882153668 +256 237 4 882150644 +256 243 4 882150193 +256 245 4 882150152 +256 265 4 882164479 +256 274 5 882151456 +256 276 3 882151198 +256 278 5 882151517 +256 282 3 882151017 +256 283 3 882150313 +256 284 4 882151576 +256 288 5 882150122 +256 291 5 882152630 +256 294 3 882150053 +256 319 2 882150053 +256 322 4 882150152 +256 323 5 882150193 +256 356 3 882164927 +256 363 3 882163834 +256 368 1 882163778 +256 370 3 882153321 +256 381 5 882165135 +256 385 5 882164603 +256 387 4 882165328 +256 402 4 882165269 +256 403 4 882164603 +256 405 4 882151088 +256 406 3 882152605 +256 409 4 882163654 +256 443 3 882164727 +256 449 3 882164999 +256 451 4 882165135 +256 452 4 882164999 +256 460 4 882153987 +256 471 5 882150644 +256 472 4 882152471 +256 473 5 882151088 +256 476 4 882152914 +256 487 5 882164231 +256 526 3 882164443 +256 538 5 882150122 +256 546 4 882151088 +256 550 5 882164525 +256 552 3 882164927 +256 554 4 882164644 +256 566 5 882164559 +256 568 5 882164603 +256 576 3 882164603 +256 583 5 882164603 +256 591 5 882151017 +256 595 4 882164037 +256 597 4 882152509 +256 620 3 882151743 +256 628 5 882150848 +256 642 4 882164893 +256 657 5 882164727 +256 662 2 882165032 +256 665 4 882164644 +256 678 5 882150192 +256 679 3 882164525 +256 684 5 882164480 +256 685 5 882151576 +256 722 3 882165269 +256 724 4 882165103 +256 728 4 882165296 +256 732 5 882165067 +256 739 5 882165135 +256 741 4 882151517 +256 742 5 882150552 +256 748 4 882150192 +256 756 4 882151167 +256 761 4 882164644 +256 769 5 882164955 +256 775 5 882165269 +256 778 4 882165103 +256 779 4 882164644 +256 781 5 882165296 +256 783 4 882165328 +256 785 4 882165296 +256 794 4 882165135 +256 796 5 882165328 +256 802 3 882164955 +256 808 4 882164559 +256 815 5 882151743 +256 827 3 882163857 +256 829 4 882153751 +256 831 4 882152943 +256 834 3 882163956 +256 841 2 882163857 +256 846 4 882151167 +256 849 2 882164603 +256 864 4 882151623 +256 866 4 882151198 +256 925 5 882151017 +256 930 3 882153258 +256 932 3 882150508 +256 934 3 882163730 +256 974 3 882164059 +256 975 3 882151017 +256 977 4 882154058 +256 982 3 882152630 +256 984 3 882150192 +256 986 5 882164059 +256 988 4 882150193 +256 989 5 882150192 +256 1028 4 882151690 +256 1033 4 882152838 +256 1040 3 882152604 +256 1041 4 882165328 +256 1042 5 882164927 +256 1046 4 882164927 +256 1047 4 882151743 +256 1051 4 882150552 +256 1061 4 882153321 +256 1086 5 882150943 +256 1090 2 882164999 +256 1109 4 882164867 +256 1114 4 882153699 +256 1119 3 882165032 +256 1150 5 882152570 +256 1207 3 882164999 +256 1208 3 882164927 +256 1210 5 882164999 +256 1228 1 882164643 +256 1231 3 882164603 +256 1289 4 882150552 +256 1424 3 882165066 +256 1471 3 882164999 +257 14 5 879029742 +257 57 5 879547717 +257 59 5 879547440 +257 60 5 879547440 +257 61 5 879547534 +257 70 4 880496892 +257 86 4 879547655 +257 113 4 879547534 +257 121 3 882050360 +257 129 4 880008245 +257 130 2 882050236 +257 137 4 882049932 +257 151 4 882050266 +257 166 4 880496522 +257 181 5 882050131 +257 198 3 880496822 +257 224 4 879029717 +257 245 4 884151807 +257 258 3 879029516 +257 269 3 879029516 +257 275 4 879029716 +257 276 5 882049973 +257 285 5 882049950 +257 286 5 879029516 +257 289 4 879029543 +257 301 3 879029620 +257 305 4 882049607 +257 307 4 879029581 +257 313 5 884151683 +257 324 5 879029543 +257 345 4 887066556 +257 381 5 880496690 +257 405 3 882050397 +257 475 5 879029716 +257 582 5 879547608 +257 676 4 882050006 +257 921 5 883982173 +257 936 4 882050151 +257 949 3 880496958 +257 1008 5 882050187 +257 1010 4 882050150 +257 1022 2 879547764 +257 1129 5 879585415 +257 1137 5 882049896 +257 1160 4 882049973 +257 1260 2 880496892 +257 1472 2 880496943 +258 243 3 885701024 +258 288 1 885700919 +258 300 5 885700877 +258 310 5 885700778 +258 311 4 885700946 +258 313 5 885700778 +258 315 3 885701004 +258 323 4 885701062 +258 326 5 885701024 +258 751 5 885700946 +258 873 5 885701062 +258 877 3 885701044 +258 893 1 885701099 +259 15 3 881378653 +259 39 4 888720644 +259 65 3 883371001 +259 97 4 874809292 +259 117 4 874724988 +259 121 3 881379128 +259 147 4 888630664 +259 154 5 876365003 +259 168 5 876365003 +259 172 4 883371882 +259 173 4 874724843 +259 176 4 874725386 +259 181 4 874809057 +259 185 4 874724781 +259 210 4 874725485 +259 255 4 874724710 +259 269 3 877923906 +259 271 3 888721050 +259 286 4 874724727 +259 288 3 874724905 +259 293 4 883371861 +259 294 3 881641699 +259 298 4 874724754 +259 405 3 874725120 +259 475 5 877925049 +259 484 4 888720541 +259 546 3 883372151 +259 748 4 883371839 +259 750 4 888630424 +259 762 2 883372151 +259 772 4 874724882 +259 781 3 888630664 +259 928 4 874724937 +259 959 4 888720593 +259 1074 3 874725264 +259 1135 5 877926006 +260 270 5 890618728 +260 272 3 890618349 +260 300 3 890618198 +260 307 3 890618295 +260 319 2 890618198 +260 322 4 890618898 +260 326 5 890618349 +260 334 5 890618729 +260 538 1 890618403 +260 682 4 890618537 +260 881 4 890618537 +260 990 5 890618729 +260 1025 5 890618729 +260 1105 5 890618729 +261 117 4 890455974 +261 243 5 890454351 +261 245 4 890454190 +261 259 4 890454843 +261 288 4 890454087 +261 294 4 890454217 +261 300 5 890454310 +261 321 3 890455521 +261 322 4 890454974 +261 326 4 890454279 +261 339 5 890454351 +261 340 5 890454045 +261 596 2 890456142 +261 597 4 890456142 +261 748 3 890454310 +261 875 5 890454351 +261 1025 5 890455190 +262 1 3 879962366 +262 7 4 879790603 +262 15 3 879962366 +262 22 4 879792452 +262 28 3 879792220 +262 40 4 879795405 +262 44 2 879794446 +262 50 2 879962366 +262 52 3 879792331 +262 55 3 879791790 +262 56 4 879792027 +262 58 3 879792452 +262 64 5 879793022 +262 65 4 879793897 +262 66 3 879794338 +262 68 2 879794887 +262 69 4 879793479 +262 70 4 879962517 +262 71 4 879794951 +262 72 3 879962366 +262 77 2 879794829 +262 82 3 879794918 +262 86 3 879791948 +262 90 4 879795270 +262 91 3 879792713 +262 92 3 879794205 +262 95 3 879793503 +262 98 4 879792331 +262 99 3 879792262 +262 100 3 879962366 +262 111 4 879962292 +262 122 2 879791537 +262 125 3 879961882 +262 131 5 879961282 +262 132 3 879792604 +262 140 2 879794635 +262 143 3 879793970 +262 145 1 879795155 +262 147 3 879790603 +262 153 3 879793346 +262 169 3 879791844 +262 172 2 879791875 +262 174 3 879791948 +262 181 3 879961819 +262 185 3 879793164 +262 191 4 879793022 +262 195 2 879791755 +262 200 3 879794918 +262 204 3 879793667 +262 210 3 879792962 +262 216 3 879793216 +262 217 3 879792818 +262 219 3 879794206 +262 223 3 879791816 +262 234 3 879794359 +262 235 2 879790783 +262 237 3 879961980 +262 238 4 879792713 +262 252 3 879790603 +262 255 3 879790816 +262 258 4 879961282 +262 269 3 879961283 +262 270 3 879961283 +262 275 4 879961980 +262 278 3 879790741 +262 283 3 879962366 +262 288 3 879961374 +262 292 4 879961282 +262 294 2 879962366 +262 318 5 879793022 +262 332 3 879961438 +262 336 3 879961474 +262 338 4 879961532 +262 358 3 879961513 +262 365 4 879793939 +262 367 4 879792818 +262 369 2 879791160 +262 385 2 879795030 +262 386 3 879795512 +262 393 2 879794140 +262 402 4 879795059 +262 405 2 879962367 +262 406 3 879791537 +262 411 2 879791130 +262 417 2 879795319 +262 418 3 879794223 +262 419 3 879791710 +262 420 3 879793854 +262 421 4 879792331 +262 423 4 879793854 +262 427 4 879791999 +262 432 3 879794267 +262 433 4 879791790 +262 443 3 879792027 +262 447 3 879794206 +262 451 4 879794446 +262 473 2 879791216 +262 476 3 879962366 +262 485 4 879793363 +262 486 5 879794296 +262 491 3 879793188 +262 496 4 879792402 +262 546 2 879791049 +262 553 4 879795122 +262 559 3 879792792 +262 567 1 879795430 +262 581 3 879794667 +262 582 4 879962517 +262 588 4 879793075 +262 596 4 879961980 +262 609 3 879793736 +262 617 3 879793715 +262 625 3 879792751 +262 628 2 879962366 +262 631 4 879793536 +262 650 4 879792604 +262 655 4 879793938 +262 660 4 879794419 +262 699 5 879793022 +262 709 5 879795122 +262 727 3 879792897 +262 735 4 879793854 +262 736 3 879794829 +262 747 4 879793641 +262 755 3 879794446 +262 762 2 879790974 +262 778 4 879793536 +262 781 3 879793667 +262 785 3 879794359 +262 790 3 879795379 +262 815 2 879791216 +262 821 3 879794887 +262 845 4 879962052 +262 923 4 879962542 +262 929 3 879791031 +262 931 2 879790874 +262 949 4 879792773 +262 955 2 879792604 +262 959 2 879794739 +262 974 3 879791447 +262 1013 2 879791471 +262 1014 5 879961954 +262 1035 3 879794530 +262 1048 2 879791335 +262 1054 2 879791536 +262 1095 2 879791537 +262 1135 3 879794599 +262 1147 4 879791710 +262 1220 4 879794296 +262 1278 4 879961819 +263 1 5 891299207 +263 22 5 891298107 +263 23 3 891298654 +263 28 3 891298219 +263 31 4 891299387 +263 50 5 891300029 +263 58 4 891299264 +263 64 5 891298453 +263 69 5 891298914 +263 79 4 891298047 +263 82 4 891299697 +263 87 4 891298977 +263 95 5 891299324 +263 96 4 891298336 +263 98 4 891297988 +263 99 3 891298977 +263 100 5 891298453 +263 117 3 891299387 +263 125 4 891299573 +263 127 4 891299514 +263 132 5 891298392 +263 133 5 891298977 +263 134 5 891299697 +263 135 5 891299877 +263 136 4 891298337 +263 141 5 891299877 +263 143 5 891298592 +263 144 4 891298792 +263 153 3 891298727 +263 162 5 891299630 +263 163 5 891299697 +263 168 5 891299949 +263 174 5 891299697 +263 176 5 891299752 +263 177 4 891297988 +263 180 4 891297921 +263 181 4 891299448 +263 186 4 891299815 +263 188 5 891299031 +263 194 5 891298107 +263 195 5 891299949 +263 196 4 891298164 +263 197 4 891299752 +263 199 5 891298914 +263 202 4 891299031 +263 204 4 891298854 +263 205 5 891298792 +263 210 3 891298792 +263 215 4 891298273 +263 222 4 891299573 +263 234 4 891298792 +263 237 2 891300103 +263 245 4 891297417 +263 250 2 891300103 +263 258 3 891296969 +263 260 2 891297677 +263 265 4 891299815 +263 269 4 891296842 +263 271 1 891297276 +263 294 2 891297330 +263 300 3 891297330 +263 315 4 891296896 +263 316 5 891297416 +263 318 5 891298453 +263 322 3 891297485 +263 323 1 891297485 +263 328 4 891297330 +263 357 5 891299573 +263 378 5 891299630 +263 416 5 891299697 +263 419 5 891299514 +263 423 5 891299630 +263 432 2 891299448 +263 434 4 891299514 +263 435 4 891298914 +263 443 5 891298914 +263 465 4 891299697 +263 480 3 891298453 +263 482 4 891298976 +263 483 5 891298336 +263 484 4 891298107 +263 486 4 891299148 +263 495 5 891298977 +263 496 5 891298218 +263 498 5 891298046 +263 510 4 891298392 +263 511 5 891299324 +263 515 5 891298592 +263 520 3 891298163 +263 526 5 891298854 +263 527 5 891299148 +263 528 4 891298854 +263 543 5 891298727 +263 568 4 891299387 +263 588 3 891298273 +263 602 4 891298592 +263 614 3 891298792 +263 622 4 891299949 +263 646 5 891299877 +263 648 5 891297988 +263 661 5 891298728 +263 662 4 891299324 +263 690 5 891297209 +263 699 4 891299207 +263 732 5 891299265 +263 879 2 891297416 +263 886 2 891297484 +263 921 3 891298727 +263 1020 3 891298337 +263 1126 5 891298391 +263 1444 3 891299949 +263 1451 4 891299949 +263 1473 5 891299877 +264 4 4 886123656 +264 7 5 886122261 +264 12 5 886122508 +264 14 4 886122771 +264 19 5 886122952 +264 23 5 886122577 +264 25 4 886124197 +264 26 4 886123727 +264 33 3 886122644 +264 42 5 886123358 +264 47 5 886123472 +264 56 5 886122261 +264 70 4 886123596 +264 88 3 886123728 +264 93 5 886123993 +264 98 5 886122098 +264 100 5 886122261 +264 116 4 886122892 +264 123 4 886122952 +264 137 3 886122892 +264 150 5 886122952 +264 153 5 886122031 +264 156 2 886122577 +264 168 5 886122031 +264 173 5 886123358 +264 175 5 886123472 +264 179 5 886122031 +264 182 5 886122098 +264 183 5 886122577 +264 184 5 886122447 +264 185 5 886122261 +264 186 5 886123728 +264 192 4 886122099 +264 194 5 886123358 +264 200 5 886122352 +264 201 5 886122261 +264 202 5 886123596 +264 203 2 886122508 +264 204 5 886123472 +264 209 5 886123415 +264 210 5 886123415 +264 211 5 886123472 +264 216 5 886123358 +264 217 3 886122446 +264 219 5 886122447 +264 222 5 886122577 +264 230 4 886122644 +264 234 4 886122261 +264 235 5 886122952 +264 238 5 886122031 +264 240 4 886124352 +264 269 5 886121456 +264 275 5 886122706 +264 283 5 886122952 +264 286 2 886121691 +264 288 5 886121631 +264 294 3 886121516 +264 345 4 886121516 +264 367 4 886123656 +264 381 4 886123596 +264 382 4 886123596 +264 430 5 886123531 +264 433 5 886123530 +264 436 3 886122352 +264 443 5 886122447 +264 447 5 886122352 +264 448 2 886122031 +264 451 4 886123531 +264 475 5 886122706 +264 478 5 886122194 +264 504 5 886122577 +264 514 5 886123359 +264 517 5 886123358 +264 525 5 886122508 +264 559 5 886122446 +264 602 4 886122194 +264 603 5 886122508 +264 606 5 886122099 +264 637 4 886122446 +264 645 4 886123358 +264 654 5 886122508 +264 655 4 886123530 +264 656 4 886122099 +264 671 4 886122261 +264 672 3 886122447 +264 675 4 886122352 +264 676 3 886123172 +264 683 2 886121811 +264 702 4 886123531 +264 709 5 886123727 +264 721 5 886123656 +264 742 2 886122578 +264 745 5 886123656 +264 746 3 886123358 +264 762 3 886122771 +264 774 2 886122446 +264 789 4 886122644 +264 792 5 886123415 +264 813 4 886122952 +264 844 1 886124097 +264 856 3 886123472 +264 873 3 886121517 +264 1009 4 886124417 +264 1070 4 886123415 +264 1074 4 886123727 +264 1103 5 886123656 +264 1118 4 886123656 +264 1355 4 886124417 +264 1474 2 886123728 +264 1475 2 886123596 +265 1 5 875320247 +265 7 2 875320689 +265 15 3 875320574 +265 50 2 875320398 +265 100 5 875320601 +265 107 1 875320398 +265 111 2 875320371 +265 117 5 875320332 +265 118 4 875320714 +265 181 2 875320180 +265 240 3 875320633 +265 245 4 875320112 +265 273 5 875320714 +265 279 2 875320462 +265 282 5 875320714 +265 284 4 875320689 +265 288 4 875320024 +265 293 4 875320661 +265 294 4 875320052 +265 298 5 875320633 +265 323 3 875320112 +265 327 3 875320052 +265 328 4 875320084 +265 409 3 875320462 +265 471 4 875320302 +265 472 3 875320542 +265 628 4 875320516 +265 676 2 875320487 +265 688 2 875320084 +265 742 5 875320542 +265 748 5 875320112 +265 756 4 875320574 +265 815 3 875320424 +265 975 4 875320601 +265 1016 3 875320462 +265 1197 2 875320542 +266 9 4 892258004 +266 25 3 892257940 +266 124 4 892258004 +266 268 4 892256828 +266 272 4 892256705 +266 276 3 892258004 +266 283 3 892257897 +266 285 4 892257940 +266 313 4 892256705 +266 508 4 892258004 +266 676 3 892257897 +266 874 2 892257101 +266 924 2 892258038 +267 2 3 878972463 +267 3 4 878970901 +267 5 3 878972399 +267 7 5 878970503 +267 12 5 878971659 +267 17 4 878971773 +267 22 4 878971816 +267 24 5 878972682 +267 28 4 878972524 +267 29 3 878973426 +267 31 4 878972119 +267 33 5 878972650 +267 47 5 878972369 +267 53 4 878972842 +267 54 3 878973922 +267 56 5 878972493 +267 62 3 878973597 +267 64 5 878972193 +267 65 4 878972071 +267 67 3 878973088 +267 68 4 878972931 +267 69 4 878971659 +267 77 3 878972650 +267 80 4 878973597 +267 81 4 878972434 +267 82 4 878973675 +267 88 4 878972873 +267 89 5 878971690 +267 92 4 878971514 +267 98 5 878971989 +267 100 5 878970427 +267 108 4 878971224 +267 121 3 878970681 +267 124 5 878970473 +267 127 5 878970529 +267 128 5 878972170 +267 135 5 878972463 +267 141 4 878972147 +267 143 4 878973329 +267 144 5 878971463 +267 145 4 878972903 +267 153 5 878974783 +267 155 3 878973088 +267 156 5 878971599 +267 157 5 878971874 +267 158 4 878973126 +267 159 4 878974659 +267 161 4 878972706 +267 164 3 878972342 +267 168 4 878971716 +267 169 5 878972614 +267 172 5 878974783 +267 174 5 878971405 +267 175 5 878972558 +267 176 5 878971874 +267 177 5 878972756 +267 179 5 878972314 +267 180 5 878971690 +267 181 5 878974783 +267 182 5 878971773 +267 183 4 878971438 +267 186 5 878972071 +267 187 5 878972071 +267 188 5 878971745 +267 189 4 878971874 +267 195 4 878972092 +267 198 5 878971745 +267 202 5 878972398 +267 203 5 878972241 +267 204 4 878971629 +267 206 5 878974783 +267 209 5 878971745 +267 210 4 878972434 +267 214 4 878972342 +267 216 4 878972586 +267 217 4 878973760 +267 218 4 878972650 +267 222 4 878970681 +267 227 3 878973088 +267 228 5 878972434 +267 229 4 878972558 +267 230 4 878972493 +267 231 4 878973153 +267 233 4 878972731 +267 235 3 878970578 +267 238 4 878971629 +267 239 4 878972873 +267 240 4 878970503 +267 250 5 878970399 +267 265 5 878972903 +267 273 4 878970503 +267 293 4 878970785 +267 294 3 878970155 +267 324 3 878970114 +267 364 2 878974460 +267 367 4 878971939 +267 380 2 878973426 +267 384 3 878973734 +267 385 3 878972873 +267 386 3 878973597 +267 391 3 878973675 +267 393 3 878973483 +267 403 4 878971939 +267 405 3 878970953 +267 408 5 878974783 +267 410 4 878970785 +267 411 3 878974325 +267 423 3 878972842 +267 431 4 878973426 +267 433 5 878972314 +267 449 3 878973358 +267 450 2 878974128 +267 455 3 878970578 +267 464 5 878974783 +267 470 4 878972931 +267 474 5 878974783 +267 475 5 878970368 +267 479 4 878971405 +267 480 4 878971438 +267 483 5 878971463 +267 484 5 878971542 +267 498 5 878971902 +267 515 5 878970710 +267 518 5 878971773 +267 545 2 878974723 +267 550 4 878973047 +267 552 3 878973621 +267 554 3 878972040 +267 559 3 878972614 +267 566 3 878973047 +267 568 4 878972955 +267 575 3 878974052 +267 576 3 878973760 +267 578 3 878973153 +267 579 3 878973126 +267 597 3 878970805 +267 614 5 878972015 +267 622 3 878974077 +267 642 4 878972524 +267 647 5 878971629 +267 655 4 878971989 +267 665 4 878973825 +267 679 4 878974509 +267 685 3 878970978 +267 693 4 878972266 +267 710 4 878972493 +267 715 4 878972682 +267 720 3 878973946 +267 727 4 878972289 +267 732 4 878973650 +267 742 3 878970621 +267 771 3 878973900 +267 774 3 878973701 +267 780 4 878973250 +267 789 5 878972119 +267 810 3 878973568 +267 824 4 878970953 +267 826 3 878971266 +267 840 4 878970926 +267 926 2 878970785 +267 943 4 878972903 +267 944 3 878973179 +267 959 3 878972524 +267 980 3 878970578 +267 1028 3 878971143 +267 1035 4 878973971 +267 1073 5 878974783 +267 1090 3 878973854 +267 1110 3 878973329 +267 1145 3 878974608 +267 1185 2 878973995 +267 1240 5 878974783 +267 1336 1 878974659 +267 1401 4 878971816 +267 1471 2 878974509 +268 1 3 875742341 +268 2 2 875744173 +268 3 1 875743161 +268 4 4 875309829 +268 7 4 876513953 +268 10 4 875306691 +268 11 4 875309507 +268 12 4 875310116 +268 13 3 875742647 +268 16 3 875306691 +268 17 3 875743588 +268 24 2 876514002 +268 25 3 875742556 +268 27 4 875744136 +268 29 1 875744356 +268 31 4 875310311 +268 33 3 875310645 +268 37 3 876514002 +268 38 1 875744228 +268 39 3 875309914 +268 40 3 875743708 +268 42 4 875310384 +268 47 1 875310645 +268 50 5 875309719 +268 51 3 875745202 +268 52 3 875309319 +268 53 3 875744173 +268 55 4 875309998 +268 56 4 875309998 +268 59 5 875309282 +268 60 5 875309344 +268 61 4 875309282 +268 62 3 875310824 +268 63 1 875743792 +268 67 3 875743588 +268 68 4 875744173 +268 70 3 875309282 +268 71 3 875309486 +268 72 3 875743831 +268 73 3 875743563 +268 77 2 875745453 +268 79 3 875309801 +268 80 3 875743909 +268 82 3 875310784 +268 83 4 875309344 +268 88 2 875743760 +268 89 4 876513897 +268 91 3 875310311 +268 92 4 875310745 +268 94 2 875743630 +268 95 4 875309945 +268 96 5 876513953 +268 97 4 875310031 +268 98 4 875309583 +268 99 3 875744744 +268 100 3 875742316 +268 101 2 875542174 +268 105 2 876513927 +268 108 3 875742992 +268 114 5 875744966 +268 116 4 875306760 +268 117 4 875742613 +268 120 2 875743282 +268 121 2 875743141 +268 122 2 875743310 +268 123 3 875742794 +268 124 4 875742499 +268 127 4 875309945 +268 128 3 875744199 +268 129 2 875742437 +268 134 5 875310083 +268 135 4 875309583 +268 139 2 875744744 +268 141 3 875744832 +268 143 2 875310116 +268 144 4 875744106 +268 145 1 875744501 +268 147 4 876514002 +268 151 3 875742470 +268 153 5 875743503 +268 154 4 875743563 +268 156 3 875745398 +268 158 2 875743678 +268 159 2 875745350 +268 161 3 875744199 +268 163 2 875743656 +268 164 2 875744556 +268 168 4 875310384 +268 169 5 875309829 +268 172 5 875310031 +268 173 4 875310031 +268 174 5 875309882 +268 176 5 875309998 +268 178 4 876518557 +268 179 4 875309258 +268 180 3 875309719 +268 181 4 875309486 +268 182 4 875309882 +268 183 4 875309583 +268 184 4 875310524 +268 185 3 875309801 +268 186 3 875310311 +268 188 4 875309859 +268 189 4 875744966 +268 191 4 875310784 +268 194 4 875310352 +268 195 4 875309719 +268 198 4 875309232 +268 200 4 875309459 +268 201 3 875309801 +268 203 5 876513855 +268 204 3 875310311 +268 205 5 875309859 +268 206 3 875309232 +268 208 4 875309430 +268 209 4 875310311 +268 210 3 875310571 +268 211 4 875309583 +268 217 2 875744501 +268 218 2 875744469 +268 219 3 875744533 +268 222 4 875742275 +268 223 3 875745728 +268 226 4 875310784 +268 227 4 875310824 +268 228 4 875309945 +268 229 2 875310784 +268 230 3 875310824 +268 231 4 875744136 +268 232 3 875310745 +268 233 3 875310412 +268 234 4 875309430 +268 235 3 875742556 +268 238 3 875310352 +268 239 3 875310491 +268 240 2 875742341 +268 241 3 875310603 +268 244 4 875742316 +268 246 5 875742316 +268 248 3 875742530 +268 249 4 875742437 +268 250 4 875742530 +268 252 3 875743182 +268 257 4 875742866 +268 258 2 876513675 +268 259 3 876513675 +268 260 3 876513643 +268 264 3 876513607 +268 265 3 875310603 +268 267 3 875742077 +268 268 5 876513491 +268 269 4 876513523 +268 273 3 875742470 +268 284 3 875742407 +268 286 5 875306477 +268 288 4 875306477 +268 290 3 875742866 +268 294 3 876513675 +268 302 5 876513584 +268 324 4 876513708 +268 325 3 876513675 +268 328 1 876513643 +268 333 4 876513565 +268 357 4 875309882 +268 358 3 876513643 +268 363 1 875744228 +268 369 1 875744021 +268 370 2 875745579 +268 374 2 875744895 +268 379 1 875744582 +268 380 2 875310704 +268 381 3 875309344 +268 382 3 875309282 +268 384 3 875743868 +268 385 3 875310206 +268 388 1 875743979 +268 391 3 876513897 +268 395 2 875744021 +268 397 2 875744321 +268 399 3 875743656 +268 402 1 875745231 +268 403 4 875309914 +268 404 4 875309430 +268 405 2 875742822 +268 407 1 876514002 +268 408 5 875742316 +268 421 3 876513927 +268 423 2 875309859 +268 425 4 875310549 +268 432 3 875310145 +268 433 4 876514107 +268 435 4 875309859 +268 436 3 875310745 +268 449 2 875744357 +268 450 1 875745536 +268 452 1 876514002 +268 453 1 875744611 +268 455 3 875742499 +268 456 2 875743012 +268 466 3 875310571 +268 470 3 875310745 +268 472 1 875743335 +268 474 5 875309718 +268 475 4 875306644 +268 477 3 875742407 +268 479 4 875310463 +268 480 5 875309430 +268 483 5 875309859 +268 484 4 876513831 +268 506 4 875310625 +268 525 4 875309913 +268 527 4 875309430 +268 540 1 875542174 +268 541 3 875744357 +268 544 3 875743090 +268 546 4 875743110 +268 550 2 875310524 +268 552 2 876514108 +268 554 3 875744388 +268 558 3 875309304 +268 559 2 875744556 +268 561 3 876513897 +268 562 4 875744357 +268 566 3 875744321 +268 568 3 875542174 +268 569 3 875744582 +268 574 2 875745579 +268 576 1 875744289 +268 578 2 875744388 +268 579 1 875744021 +268 582 5 875309344 +268 588 3 875310745 +268 597 2 875743310 +268 622 3 875310145 +268 627 3 875310603 +268 630 4 875542174 +268 636 3 875744174 +268 652 4 875309232 +268 654 5 875309718 +268 655 4 875309486 +268 658 3 875310524 +268 665 2 875310745 +268 672 2 875744501 +268 679 4 876514107 +268 684 3 875744321 +268 699 3 875744712 +268 710 3 875309719 +268 713 4 875742365 +268 715 1 875310603 +268 717 1 876513785 +268 718 4 875306805 +268 719 1 875744021 +268 721 3 875743587 +268 727 2 875310116 +268 728 2 875744051 +268 729 3 875310673 +268 732 3 876514107 +268 735 3 876518557 +268 738 2 875744021 +268 743 1 875743335 +268 746 3 876513855 +268 747 3 875310412 +268 761 1 875744136 +268 762 2 875743216 +268 765 2 875743979 +268 768 3 875744895 +268 780 3 875743929 +268 781 3 875743951 +268 800 1 875744501 +268 802 3 875744388 +268 810 2 875744388 +268 823 2 875742942 +268 824 2 876518557 +268 825 3 875742893 +268 826 1 875743065 +268 831 3 875744357 +268 840 2 875744357 +268 860 1 875744501 +268 926 2 875743012 +268 928 1 875745536 +268 930 2 875742942 +268 940 2 875743888 +268 941 2 875310463 +268 946 3 875310442 +268 949 2 875743909 +268 978 2 876513927 +268 981 1 875743283 +268 998 1 875743929 +268 1002 1 875743216 +268 1016 3 875742470 +268 1035 2 875542174 +268 1037 2 875745255 +268 1046 3 875745501 +268 1054 1 875744051 +268 1059 3 875743310 +268 1065 4 875310824 +268 1073 4 875309304 +268 1074 3 875744051 +268 1079 3 875742916 +268 1090 2 875745536 +268 1091 2 875744895 +268 1095 2 876513927 +268 1098 3 875743534 +268 1110 3 876514077 +268 1118 3 875310673 +268 1157 1 875745428 +268 1178 1 875743534 +268 1188 3 875743735 +268 1208 2 875745398 +268 1222 2 875744174 +268 1228 1 875744357 +268 1231 2 875744228 +268 1273 2 875745476 +268 1303 1 875744228 +268 1314 2 875744289 +268 1413 2 875744388 +268 1476 2 876513897 +268 1477 2 875742680 +269 3 3 891446722 +269 5 2 891450780 +269 7 3 891449055 +269 8 2 891449985 +269 11 3 891448365 +269 15 2 891446348 +269 17 2 891449670 +269 22 1 891448072 +269 23 5 891447773 +269 42 5 891449646 +269 44 3 891449691 +269 48 5 891455816 +269 50 3 891448926 +269 51 2 891451111 +269 52 4 891447329 +269 53 1 891451111 +269 55 4 891449214 +269 56 5 891455815 +269 58 2 891447842 +269 59 4 891447141 +269 63 1 891450857 +269 64 4 891447960 +269 65 4 891448072 +269 66 1 891451063 +269 68 3 891449751 +269 69 1 891448048 +269 70 1 891447280 +269 72 2 891451470 +269 76 3 891448456 +269 77 1 891451374 +269 81 3 891448323 +269 82 2 891450780 +269 88 1 891450427 +269 89 2 891448800 +269 93 3 891446580 +269 96 1 891450755 +269 98 4 891448951 +269 100 5 891446246 +269 106 1 891451947 +269 108 5 891457067 +269 111 1 891446703 +269 120 1 891446926 +269 121 1 891451013 +269 122 1 891446873 +269 124 5 891446165 +269 127 4 891446165 +269 131 5 891449728 +269 132 5 891449145 +269 133 3 891449280 +269 134 4 891448849 +269 135 4 891447931 +269 136 4 891449075 +269 137 4 891446193 +269 139 1 891451492 +269 142 1 891451570 +269 143 3 891450385 +269 148 1 891446443 +269 151 5 891450489 +269 152 4 891450623 +269 153 3 891449346 +269 154 3 891449189 +269 156 5 891449364 +269 157 3 891448092 +269 160 2 891448220 +269 161 1 891451036 +269 162 3 891448141 +269 163 2 891449751 +269 167 1 891451648 +269 168 4 891448850 +269 170 2 891447216 +269 171 5 891447169 +269 172 3 891449031 +269 173 1 891449429 +269 174 1 891449124 +269 175 5 891455816 +269 176 2 891448980 +269 177 5 891449214 +269 179 4 891447141 +269 180 3 891448120 +269 181 2 891448871 +269 182 4 891447961 +269 183 3 891448823 +269 185 5 891448951 +269 186 2 891449670 +269 187 4 891447841 +269 188 2 891450675 +269 191 5 891457067 +269 192 4 891447979 +269 194 5 891448951 +269 195 3 891449099 +269 196 1 891448283 +269 197 5 891447961 +269 198 4 891447062 +269 200 4 891449984 +269 202 2 891450405 +269 204 2 891449842 +269 205 3 891447841 +269 208 2 891449304 +269 209 4 891448895 +269 210 1 891449608 +269 211 4 891449075 +269 212 4 891447002 +269 213 5 891447255 +269 214 3 891448547 +269 216 1 891449691 +269 217 2 891451610 +269 218 2 891450509 +269 231 1 891451013 +269 232 1 891450817 +269 237 2 891446368 +269 238 5 891448850 +269 239 2 891448386 +269 241 1 891450405 +269 246 5 891457067 +269 254 1 891456565 +269 255 1 891446703 +269 268 5 891446132 +269 272 3 891445757 +269 274 1 891450901 +269 276 5 891446193 +269 281 1 891451590 +269 285 5 891446165 +269 293 3 891446308 +269 302 3 891446132 +269 315 4 891446132 +269 316 4 891446132 +269 318 4 891447791 +269 340 5 891446132 +269 346 2 891445757 +269 357 5 891447773 +269 365 2 891448738 +269 367 3 891450023 +269 371 5 891450880 +269 378 3 891449962 +269 387 3 891448283 +269 393 1 891451036 +269 396 4 891451856 +269 401 3 891451013 +269 402 2 891448697 +269 403 1 891448522 +269 405 1 891450902 +269 410 4 891446662 +269 411 1 891451013 +269 412 3 891446904 +269 414 3 891449624 +269 417 2 891451303 +269 423 4 891448048 +269 425 5 891448345 +269 427 5 891447960 +269 428 5 891448980 +269 432 4 891450005 +269 433 3 891449900 +269 435 3 891449011 +269 436 3 891450675 +269 441 1 891450857 +269 444 3 891451971 +269 445 3 891450385 +269 447 3 891451303 +269 448 2 891450623 +269 451 1 891450880 +269 462 3 891447216 +269 464 3 891448283 +269 469 4 891448072 +269 474 4 891448823 +269 475 5 891457067 +269 476 1 891446703 +269 478 4 891448980 +269 479 4 891448980 +269 482 3 891448823 +269 483 4 891448800 +269 484 3 891448895 +269 486 3 891449922 +269 488 4 891448926 +269 492 4 891449550 +269 496 5 891455816 +269 497 3 891449429 +269 498 4 891448926 +269 499 4 891449099 +269 502 3 891449842 +269 504 4 891449922 +269 505 3 891449551 +269 506 5 891449572 +269 507 4 891448800 +269 508 4 891446265 +269 509 4 891447280 +269 512 5 891447216 +269 514 4 891449123 +269 515 4 891446132 +269 517 4 891449189 +269 518 4 891447815 +269 521 4 891448048 +269 522 5 891447773 +269 523 5 891447593 +269 525 4 891449055 +269 527 5 891447841 +269 528 4 891447593 +269 529 5 891455815 +269 530 3 891448926 +269 531 5 891447141 +269 537 5 891455816 +269 568 2 891450719 +269 582 4 891447234 +269 597 1 891450978 +269 602 4 891449346 +269 603 5 891448871 +269 604 3 891448895 +269 608 4 891449526 +269 614 3 891450471 +269 616 4 891450453 +269 627 1 891451063 +269 629 2 891451396 +269 631 4 891447891 +269 632 4 891447931 +269 636 3 891450453 +269 639 4 891447216 +269 640 5 891457067 +269 642 3 891449464 +269 644 5 891447593 +269 645 4 891448048 +269 647 4 891447815 +269 649 2 891448220 +269 654 4 891448980 +269 655 4 891448019 +269 657 4 891449550 +269 659 4 891449406 +269 660 1 891448220 +269 661 4 891447773 +269 663 4 891449880 +269 664 5 891457067 +269 665 1 891451810 +269 673 4 891448322 +269 679 1 891449962 +269 697 4 891447931 +269 707 2 891449304 +269 708 4 891448323 +269 710 1 891449843 +269 715 4 891448092 +269 716 4 891451111 +269 717 1 891456493 +269 723 1 891448643 +269 729 2 891448569 +269 735 2 891448120 +269 739 1 891451431 +269 741 5 891457067 +269 747 4 891449646 +269 756 1 891451947 +269 761 2 891451374 +269 762 1 891446662 +269 763 1 891450555 +269 771 1 891451754 +269 775 1 891451571 +269 778 3 891448547 +269 783 1 891451889 +269 792 4 891448436 +269 793 4 891449880 +269 805 2 891450623 +269 806 3 891448019 +269 809 1 891451451 +269 818 3 891446873 +269 821 1 891450427 +269 823 3 891446514 +269 825 1 891456033 +269 831 2 891451611 +269 843 3 891451374 +269 845 1 891456255 +269 856 5 891448220 +269 886 3 891446133 +269 902 5 891446132 +269 919 4 891446132 +269 922 5 891457067 +269 923 4 891447169 +269 928 1 891451754 +269 931 1 891451754 +269 939 2 891448177 +269 940 1 891451908 +269 956 3 891448475 +269 959 5 891457067 +269 961 5 891457067 +269 985 3 891446443 +269 998 5 891451548 +269 1005 4 891447427 +269 1006 3 891447409 +269 1011 4 891446246 +269 1014 3 891446838 +269 1017 5 892567767 +269 1020 4 891449571 +269 1028 2 891446838 +269 1040 1 891456425 +269 1065 5 891447891 +269 1071 2 891449801 +269 1073 3 891447169 +269 1074 1 891448697 +269 1091 2 891451705 +269 1101 4 891448120 +269 1103 5 891447773 +269 1110 2 891450385 +269 1133 1 891451374 +269 1135 2 891448456 +269 1148 4 891447062 +269 1154 3 891449608 +269 1168 2 891448386 +269 1188 1 891451857 +269 1267 1 891448643 +269 1361 4 891446756 +269 1397 4 891450575 +269 1411 3 891451829 +269 1427 2 891448141 +269 1428 5 891447409 +269 1438 3 891448522 +269 1444 1 891451947 +269 1478 1 891448643 +269 1479 2 891451111 +269 1480 1 891451725 +270 5 5 876956064 +270 7 4 876954004 +270 13 4 876954192 +270 17 2 876956064 +270 25 5 876954456 +270 26 5 876954995 +270 50 5 876954004 +270 56 5 876955976 +270 60 5 876955066 +270 66 4 876955531 +270 77 2 876956038 +270 79 4 876955938 +270 83 4 876954995 +270 86 4 876955067 +270 88 5 876955711 +270 90 5 876955770 +270 93 5 876954522 +270 97 4 876955633 +270 98 5 876955868 +270 118 3 876956038 +270 121 4 876954093 +270 123 5 876954223 +270 145 3 876956419 +270 155 5 876955770 +270 156 5 876955899 +270 164 5 876956137 +270 173 5 876955531 +270 176 4 876955976 +270 181 4 876954036 +270 183 5 876955938 +270 185 5 876955938 +270 200 5 876956360 +270 213 5 876955067 +270 217 5 876956360 +270 218 5 876956206 +270 219 5 876956389 +270 222 5 876954521 +270 226 4 876956038 +270 234 5 876955976 +270 237 1 876954484 +270 241 5 876955633 +270 242 5 876953744 +270 244 3 876954004 +270 250 2 876954223 +270 251 5 876954752 +270 253 5 876954733 +270 257 4 876954223 +270 258 3 876953744 +270 265 4 876956137 +270 268 5 876953745 +270 275 5 876954248 +270 279 5 876954093 +270 281 5 876956137 +270 282 3 876954093 +270 283 5 876954456 +270 286 5 876953744 +270 288 5 876953827 +270 295 5 876954248 +270 319 5 876955633 +270 324 2 876954733 +270 335 3 876953900 +270 356 3 876956064 +270 370 5 876956232 +270 379 5 876956232 +270 402 5 876955770 +270 421 5 876955633 +270 441 5 876956420 +270 443 3 876955976 +270 447 4 876956360 +270 452 4 876956264 +270 471 5 876954223 +270 475 5 876954122 +270 509 3 876954965 +270 531 4 876954945 +270 535 5 876954123 +270 546 4 876954484 +270 551 4 876956264 +270 553 1 876955689 +270 554 1 876956264 +270 558 5 876954927 +270 559 5 876956442 +270 563 3 876956442 +270 566 5 876955939 +270 569 4 876956419 +270 574 3 876956038 +270 581 5 876955938 +270 582 3 876955087 +270 583 5 876956038 +270 584 5 876955067 +270 596 5 876954456 +270 603 5 876955868 +270 665 4 876956419 +270 671 4 876956360 +270 672 5 876956390 +270 684 4 876955938 +270 694 5 876954927 +270 703 4 876955019 +270 707 5 876954927 +270 713 5 876954122 +270 714 4 876954965 +270 716 4 876955563 +270 722 4 876955689 +270 727 5 876955563 +270 736 5 876955087 +270 739 4 876955729 +270 740 5 876954062 +270 741 5 876953967 +270 742 2 876954248 +270 747 5 876955662 +270 778 5 876955711 +270 794 4 876955689 +270 800 5 876956106 +270 815 4 876954522 +270 860 5 876956464 +270 869 1 876955633 +270 872 5 876953827 +270 928 4 876956137 +270 943 5 876956038 +270 1007 5 876954036 +270 1009 5 876954522 +270 1014 4 876954062 +270 1073 5 876955202 +270 1074 5 876955770 +270 1109 5 876955899 +270 1119 5 876955729 +270 1148 5 876955042 +270 1210 5 876956264 +270 1471 4 876956264 +271 1 3 886106038 +271 2 1 885849386 +271 4 5 885849357 +271 8 4 885848770 +271 9 4 885847738 +271 12 4 885848314 +271 13 4 885847714 +271 15 3 885847876 +271 22 5 885848518 +271 25 3 885847876 +271 28 5 885849025 +271 31 4 885849325 +271 38 2 885849648 +271 40 1 885849558 +271 43 3 885849817 +271 44 4 885849357 +271 47 3 885849386 +271 48 4 885849087 +271 50 5 885848640 +271 51 4 885849386 +271 52 4 885849470 +271 54 3 885849188 +271 56 3 885848559 +271 58 3 885849325 +271 62 2 885849386 +271 64 5 885848863 +271 65 3 885849419 +271 69 4 885848559 +271 70 5 885849164 +271 73 2 885848707 +271 77 4 885849231 +271 79 4 885848672 +271 81 3 885849113 +271 83 4 885848408 +271 87 3 885848802 +271 88 4 885849087 +271 89 3 885848518 +271 95 4 885848916 +271 97 5 885848736 +271 98 5 885848559 +271 100 5 885847738 +271 107 1 885848179 +271 116 2 885847636 +271 117 3 886106003 +271 118 3 885848132 +271 121 2 885848132 +271 124 4 886105886 +271 125 3 885848062 +271 126 3 885848034 +271 127 5 885848863 +271 130 1 885848218 +271 131 4 885849419 +271 132 5 885848672 +271 133 4 885848971 +271 134 3 885848518 +271 135 4 885848373 +271 136 3 885848863 +271 137 4 885847636 +271 141 4 885849114 +271 148 3 886106165 +271 161 2 885849470 +271 168 2 885848343 +271 169 5 885848475 +271 170 5 885848827 +271 172 5 885848616 +271 173 4 885848672 +271 174 5 885848314 +271 176 3 885848640 +271 177 3 885848373 +271 178 3 885849087 +271 179 4 885848616 +271 180 5 885849087 +271 181 5 885848707 +271 182 3 885848408 +271 185 3 885848448 +271 186 4 885848915 +271 187 5 885848343 +271 188 2 885849087 +271 190 4 885848707 +271 191 5 885848448 +271 192 5 885848373 +271 193 5 885848475 +271 194 5 885848770 +271 196 4 885848886 +271 197 4 885848915 +271 198 4 885848616 +271 199 4 885848448 +271 200 5 885849356 +271 202 4 885849025 +271 203 4 885848448 +271 204 4 885848314 +271 205 5 885848343 +271 208 4 885848916 +271 210 4 885848447 +271 215 4 885849300 +271 216 5 885848672 +271 218 3 885849087 +271 221 3 885847927 +271 224 4 885847876 +271 234 5 885848640 +271 235 3 885848062 +271 237 4 885847763 +271 238 4 885848408 +271 239 3 885849419 +271 241 3 885849207 +271 242 4 885844495 +271 244 2 886106039 +271 248 4 886106129 +271 257 4 886106038 +271 258 3 885847357 +271 265 5 885849275 +271 269 4 885844430 +271 272 3 885844583 +271 274 3 885848014 +271 275 4 885847693 +271 276 3 885847800 +271 277 4 885847714 +271 282 2 885847666 +271 283 4 885847876 +271 284 3 885847956 +271 285 4 885847876 +271 286 4 885844610 +271 289 4 885844666 +271 294 2 885844698 +271 300 2 885844583 +271 302 5 885844430 +271 310 3 885844430 +271 311 3 885844547 +271 312 2 885847280 +271 313 4 885844583 +271 315 4 885847170 +271 317 3 885848863 +271 318 5 885848707 +271 328 2 885844746 +271 338 1 885847194 +271 345 3 885844666 +271 346 4 885844430 +271 347 3 885844634 +271 356 4 885849300 +271 357 5 885848408 +271 371 5 885849188 +271 378 4 885849447 +271 381 3 885849536 +271 384 3 885849582 +271 392 3 885848343 +271 393 4 885849648 +271 402 4 885849791 +271 405 2 885848179 +271 411 1 885848062 +271 414 4 885849470 +271 419 3 885848996 +271 423 4 885848802 +271 425 2 885849275 +271 427 5 885848518 +271 428 4 885849188 +271 429 4 885848672 +271 430 5 885849419 +271 435 4 885848802 +271 441 3 885849648 +271 443 3 885848943 +271 451 3 885849447 +271 461 5 885849582 +271 462 4 885848448 +271 466 4 885849490 +271 470 3 885848707 +271 471 3 885847926 +271 472 2 886106165 +271 474 3 885848518 +271 476 1 885848062 +271 477 3 885847955 +271 479 4 885848615 +271 480 4 885848475 +271 481 3 885848559 +271 485 4 885848827 +271 487 4 885848770 +271 490 4 885848886 +271 493 4 885848558 +271 494 4 885848770 +271 495 5 885849052 +271 496 5 885849140 +271 498 5 885848672 +271 499 3 885848971 +271 504 3 885849025 +271 505 4 885848475 +271 506 4 885849052 +271 507 2 885848707 +271 509 4 885848559 +271 510 4 885849140 +271 511 5 885848736 +271 515 5 885848558 +271 516 4 885849447 +271 517 3 885848943 +271 518 4 885849357 +271 520 5 885848615 +271 521 5 885848373 +271 523 4 885848770 +271 526 5 885849188 +271 527 5 885848736 +271 528 3 885848448 +271 529 4 885848475 +271 530 4 885848770 +271 539 1 885847170 +271 546 2 885848102 +271 549 4 885849231 +271 566 4 885848707 +271 570 3 885849742 +271 580 2 885849386 +271 582 3 885849113 +271 591 4 885847901 +271 602 3 885848886 +271 603 4 885848802 +271 605 4 885849164 +271 610 3 885848584 +271 614 4 885848373 +271 624 2 885849558 +271 625 3 885849606 +271 642 5 885849231 +271 644 3 885848916 +271 648 4 885848770 +271 649 3 885849510 +271 651 4 885848584 +271 654 5 885848475 +271 657 4 885848559 +271 659 3 885848827 +271 660 5 885848971 +271 661 4 885848373 +271 663 4 885849052 +271 690 4 885844430 +271 692 4 885849582 +271 697 4 885848863 +271 699 4 885849025 +271 703 3 885848559 +271 705 4 885849052 +271 707 4 885849140 +271 709 3 885849325 +271 713 4 885847800 +271 729 4 885848996 +271 732 4 885848672 +271 735 4 885849140 +271 739 4 885849706 +271 742 3 886106209 +271 744 4 885847693 +271 747 3 885849087 +271 756 2 885848218 +271 763 3 885847876 +271 792 4 885849536 +271 815 3 885848153 +271 823 3 885848237 +271 845 1 885847800 +271 847 4 885847926 +271 864 3 886106165 +271 866 4 885848132 +271 882 3 885844547 +271 924 3 885847974 +271 951 2 885849606 +271 956 4 885848997 +271 963 5 885848518 +271 1028 2 885848102 +271 1046 4 885849357 +271 1091 4 885849648 +271 1101 4 885849025 +271 1117 3 885847763 +271 1120 2 885847800 +271 1133 3 885849536 +271 1139 3 885849707 +271 1266 2 885848943 +271 1282 2 885847666 +271 1411 2 885849895 +272 8 4 879455015 +272 11 4 879455143 +272 12 5 879455254 +272 23 5 879454725 +272 32 4 879455113 +272 42 4 879454939 +272 48 4 879455143 +272 50 4 879454900 +272 56 5 879455220 +272 69 4 879455113 +272 79 5 879455015 +272 96 5 879454845 +272 98 4 879454797 +272 127 5 879454725 +272 133 1 879455143 +272 134 5 879455176 +272 172 4 879455043 +272 174 5 879455043 +272 175 5 879455043 +272 178 5 879455113 +272 183 4 879454726 +272 187 5 879455043 +272 193 4 879455254 +272 194 5 879455043 +272 200 5 879455043 +272 204 4 879454939 +272 205 5 879454726 +272 208 4 879455176 +272 210 5 879455220 +272 211 5 879454845 +272 234 4 879455143 +272 238 5 879455143 +272 317 4 879454977 +272 423 4 879454939 +272 514 5 879455254 +272 604 4 879455113 +272 651 4 879454797 +272 654 5 879454977 +272 746 3 879454797 +272 1101 5 879454977 +272 1393 2 879454663 +273 303 4 891293048 +273 305 4 891292905 +273 311 4 891292905 +273 319 4 891292846 +273 321 4 891293048 +273 328 3 891293048 +273 338 3 891293304 +273 345 3 891293108 +273 690 4 891293008 +273 896 4 891292873 +273 900 3 891292873 +273 902 5 891293008 +274 1 4 878945466 +274 9 5 878945404 +274 15 5 878945505 +274 25 5 878945541 +274 50 5 878944679 +274 69 5 878946644 +274 71 4 878946612 +274 88 4 878946677 +274 98 5 878946536 +274 100 5 878945404 +274 111 4 878945541 +274 117 4 878945264 +274 118 4 878945711 +274 125 4 878945711 +274 148 2 878946133 +274 150 5 878944679 +274 164 5 878946644 +274 181 5 878945365 +274 200 4 878946612 +274 211 5 878946612 +274 220 4 878946107 +274 234 5 878946536 +274 237 4 878945678 +274 258 5 878944379 +274 274 4 878945963 +274 275 5 878944679 +274 276 4 878945437 +274 280 1 878946162 +274 282 5 878945788 +274 288 4 878944379 +274 294 3 878944379 +274 300 5 878944464 +274 318 5 878946577 +274 319 5 878944379 +274 405 4 878945840 +274 411 3 878945888 +274 471 4 878945505 +274 472 3 878945918 +274 496 5 878946473 +274 591 4 878945466 +274 596 3 878945404 +274 597 3 878946133 +274 628 4 878945505 +274 629 5 878946645 +274 685 5 878945542 +274 713 5 878945437 +274 744 5 878945678 +274 748 5 878944406 +274 756 3 878946030 +274 762 5 878945610 +274 845 5 878945579 +274 846 2 878946204 +274 866 4 878946107 +274 873 3 878944491 +274 877 3 878944543 +274 924 3 878945918 +274 1051 4 878945763 +274 1060 4 878945645 +274 1063 4 878946502 +274 1152 4 878945939 +274 1163 2 878946162 +275 1 4 875154310 +275 22 3 880314528 +275 28 4 880314529 +275 50 4 876198296 +275 62 3 876198328 +275 69 3 880314089 +275 71 3 875154535 +275 89 3 875154878 +275 95 3 875154535 +275 96 3 880314914 +275 98 4 875155140 +275 99 3 875154718 +275 101 4 875154535 +275 102 3 875154718 +275 117 3 876197615 +275 118 3 876197678 +275 121 3 876197678 +275 132 3 880314529 +275 135 3 880314824 +275 142 2 880315197 +275 144 4 880314137 +275 154 2 875154878 +275 162 3 880315276 +275 164 4 880313886 +275 169 3 875154535 +275 174 4 875155257 +275 181 4 876197615 +275 186 3 880314383 +275 188 2 880315243 +275 196 3 880314969 +275 199 4 880315170 +275 202 3 875155167 +275 208 3 880314772 +275 210 4 880314320 +275 222 4 876198296 +275 226 3 880314914 +275 227 3 876198296 +275 228 4 876198296 +275 229 3 876198296 +275 230 3 876198296 +275 257 3 876197645 +275 265 4 880314031 +275 294 4 876197443 +275 300 4 875153898 +275 304 3 876197368 +275 380 3 876198328 +275 393 3 880314772 +275 405 2 876197645 +275 408 3 875154438 +275 416 3 880314991 +275 418 3 875154718 +275 419 3 880314383 +275 420 2 875154535 +275 423 4 880315322 +275 431 3 880314969 +275 432 4 875154535 +275 434 3 880315396 +275 435 3 880313886 +275 448 3 880314383 +275 449 3 876198328 +275 450 3 876198296 +275 451 3 880315170 +275 470 3 880314772 +275 472 3 876197944 +275 473 3 880313679 +275 496 3 880314031 +275 501 3 875154718 +275 515 3 876197552 +275 542 3 880313680 +275 597 3 876197678 +275 624 3 880313679 +275 625 2 875154655 +275 627 3 875154718 +275 630 3 880315243 +275 636 3 880314383 +275 662 3 880315170 +275 679 3 880315080 +275 746 4 880314478 +275 825 2 876197904 +275 826 2 876197904 +275 930 3 876197904 +275 946 3 875154535 +275 969 2 880314412 +275 1091 2 875154535 +275 1219 2 880313679 +276 1 5 874786568 +276 2 4 874792436 +276 3 3 874786924 +276 4 4 874791623 +276 5 3 874792692 +276 7 5 874786517 +276 8 4 874791623 +276 9 5 889174849 +276 11 5 874787497 +276 12 5 874787407 +276 14 4 890979947 +276 17 4 874791894 +276 21 3 874787195 +276 22 5 874787496 +276 23 5 874787467 +276 24 4 874792366 +276 25 4 874786686 +276 27 3 874787407 +276 28 4 874787441 +276 29 3 874796373 +276 31 4 874795704 +276 33 4 874792018 +276 34 2 877934264 +276 38 3 874792574 +276 39 3 874790995 +276 40 3 874791871 +276 41 3 874792277 +276 42 4 874791623 +276 43 1 874791383 +276 44 3 874795637 +276 46 3 874791145 +276 47 4 874787407 +276 50 5 880913800 +276 51 3 874791025 +276 53 4 883822485 +276 54 3 874791025 +276 55 4 874792366 +276 56 5 874791623 +276 57 3 874787526 +276 58 4 874791169 +276 62 2 874792574 +276 63 3 874792168 +276 65 4 874787467 +276 66 3 874791993 +276 67 3 874791993 +276 68 4 874792483 +276 69 4 874790996 +276 71 4 874792870 +276 72 4 874791960 +276 73 3 874791805 +276 74 3 884286759 +276 76 4 874791506 +276 77 3 874795751 +276 79 4 874792436 +276 80 3 874792237 +276 81 4 874791101 +276 82 4 874792402 +276 84 2 877934232 +276 85 3 874791871 +276 86 3 874791101 +276 88 3 874791960 +276 89 5 874792366 +276 91 5 882659577 +276 92 4 888873675 +276 94 2 882659602 +276 95 5 874792839 +276 96 5 874792435 +276 97 3 874787549 +276 98 5 874792663 +276 99 4 874792907 +276 100 5 874786605 +276 101 4 874977555 +276 104 1 874836682 +276 108 3 874786924 +276 109 4 874786686 +276 117 4 874786568 +276 118 3 874786964 +276 120 2 874787172 +276 121 4 874786897 +276 122 3 874787150 +276 123 4 874786657 +276 124 5 880913800 +276 125 4 874786876 +276 127 5 874786568 +276 128 4 874792436 +276 135 5 874787441 +276 139 4 889174904 +276 141 4 874792870 +276 142 3 874792945 +276 143 5 874792870 +276 144 5 874792401 +276 145 3 874792692 +276 147 4 874786686 +276 148 3 874786924 +276 150 4 874786924 +276 151 5 874786568 +276 153 4 874791667 +276 154 4 874791747 +276 156 5 874795704 +276 157 5 874790773 +276 158 3 874791932 +276 159 3 874795637 +276 160 4 874787441 +276 161 3 874792483 +276 164 4 874792663 +276 168 5 874791623 +276 169 5 874977555 +276 171 4 874795928 +276 172 5 874792435 +276 173 5 874791993 +276 174 5 874792366 +276 175 5 874787376 +276 176 5 874792401 +276 179 5 874791102 +276 180 5 874787353 +276 182 5 874787549 +276 183 5 874792402 +276 184 4 874792547 +276 185 4 874792663 +276 186 5 874792018 +276 187 5 874791102 +276 189 4 874977555 +276 192 5 874787353 +276 193 4 874790952 +276 195 5 874792483 +276 196 4 889174849 +276 197 5 874787549 +276 198 5 874795949 +276 200 5 874792663 +276 201 5 889174849 +276 202 4 874791871 +276 203 4 877934910 +276 204 5 874791667 +276 206 5 874795988 +276 207 4 874795988 +276 209 4 874791667 +276 210 4 874792094 +276 214 5 874787353 +276 215 4 874791145 +276 217 4 874792692 +276 218 4 874792663 +276 219 4 874792692 +276 222 4 880913800 +276 223 5 874790773 +276 225 3 874786854 +276 226 4 874792520 +276 227 4 880913800 +276 228 4 880913800 +276 229 3 874792483 +276 230 4 882659602 +276 231 3 874796373 +276 232 3 874792094 +276 233 3 874792436 +276 234 5 880913767 +276 235 4 874786734 +276 237 5 874786756 +276 238 5 877935060 +276 239 4 874791194 +276 240 4 874786713 +276 241 4 874792402 +276 245 3 877935446 +276 246 4 874786686 +276 248 4 882659269 +276 249 4 874786632 +276 250 4 874786784 +276 252 3 874787006 +276 254 2 874796373 +276 257 4 874786657 +276 258 5 874786337 +276 260 3 874786439 +276 262 4 892436298 +276 264 3 892436418 +276 265 4 874792483 +276 268 4 877584085 +276 269 4 885871420 +276 270 4 879131395 +276 271 4 880913800 +276 272 5 885871447 +276 273 4 874786517 +276 274 3 874791960 +276 276 4 874786605 +276 281 3 874787065 +276 282 4 883822485 +276 284 4 874786605 +276 288 4 874786392 +276 289 2 890979634 +276 290 4 874786854 +276 291 3 874791169 +276 293 4 874786686 +276 298 5 874786467 +276 300 4 874786338 +276 301 4 877584219 +276 302 5 877584085 +276 303 4 892436271 +276 307 4 878015917 +276 313 5 885159577 +276 315 4 892436298 +276 316 4 892436314 +276 317 4 874791257 +276 318 5 874787496 +276 322 3 874786392 +276 323 3 874786392 +276 325 3 874786419 +276 328 4 874786366 +276 331 4 890979062 +276 332 4 877933879 +276 333 4 877584220 +276 334 4 877935456 +276 340 5 880150440 +276 343 4 881563147 +276 346 4 885159545 +276 347 4 885159630 +276 354 4 888873388 +276 355 3 887601451 +276 356 3 874791101 +276 357 5 874787526 +276 358 3 874786419 +276 364 3 877935377 +276 365 3 874791339 +276 366 3 889174764 +276 367 3 874791667 +276 373 2 874977513 +276 375 1 874791339 +276 379 3 874792745 +276 380 3 874791383 +276 382 4 874791236 +276 383 2 877934828 +276 384 3 874792189 +276 385 4 874792547 +276 386 3 877935306 +276 387 3 874787526 +276 388 2 874792094 +276 391 2 874977442 +276 392 3 874790996 +276 393 4 874792094 +276 395 2 877935377 +276 396 4 874792118 +276 397 1 874792601 +276 399 2 874792634 +276 401 3 874792094 +276 402 3 874791407 +276 403 4 888873675 +276 404 4 874792870 +276 405 3 874787044 +276 406 2 874786831 +276 407 2 874792310 +276 408 5 874786467 +276 409 3 874792310 +276 410 4 874786686 +276 411 4 874786807 +276 413 3 877934705 +276 415 3 874793062 +276 418 4 874792870 +276 420 4 874792945 +276 421 4 874795500 +276 423 5 874790926 +276 425 4 874791101 +276 426 3 874793092 +276 427 5 883822485 +276 428 4 874791870 +276 429 5 874790972 +276 431 3 874977474 +276 432 5 874792839 +276 433 4 874791960 +276 436 4 874792711 +276 443 4 874792692 +276 447 4 874792663 +276 448 4 874792692 +276 449 2 874792520 +276 450 1 874792634 +276 451 3 874792216 +276 452 3 880913767 +276 453 1 880913767 +276 455 4 874786713 +276 456 2 874787237 +276 458 4 874786854 +276 461 4 874787526 +276 462 4 874795868 +276 463 4 874792839 +276 469 4 874787441 +276 470 3 874790855 +276 471 4 874786657 +276 472 3 874787109 +276 473 4 874786831 +276 475 5 874786756 +276 479 5 874836703 +276 496 4 882659476 +276 501 4 874793035 +276 508 5 874786467 +276 518 4 888873407 +276 523 4 874787496 +276 526 4 874791123 +276 531 4 874790801 +276 540 1 874792519 +276 541 3 874792520 +276 544 3 889174870 +276 546 3 874786568 +276 547 4 874786605 +276 549 3 874791194 +276 550 4 874792574 +276 551 3 874792767 +276 552 3 874795795 +276 554 2 874795823 +276 558 4 874787526 +276 559 4 874792663 +276 561 2 874792745 +276 562 3 889174870 +276 563 3 874977334 +276 564 3 874791805 +276 566 4 874792601 +276 567 3 874792794 +276 568 4 882659211 +276 569 4 874791169 +276 571 2 874792118 +276 572 3 874795823 +276 575 2 874792310 +276 576 3 874792547 +276 577 2 877935336 +276 578 4 888873675 +276 581 4 886483710 +276 582 3 874787407 +276 583 3 874791444 +276 586 3 874977512 +276 588 4 874792907 +276 590 2 874977334 +276 591 3 874786632 +276 595 2 874787195 +276 597 3 874787150 +276 603 5 874795613 +276 624 2 874792969 +276 627 3 874792907 +276 628 4 874786538 +276 631 3 874796412 +276 634 4 874795888 +276 636 4 874792483 +276 640 4 889174904 +276 647 4 874790903 +276 649 4 886483691 +276 652 4 889174849 +276 653 5 874795729 +276 655 4 874791297 +276 658 4 874791194 +276 665 3 874792520 +276 669 1 874792767 +276 672 3 874792692 +276 678 3 874786419 +276 679 3 874792520 +276 682 3 877933862 +276 684 4 874792436 +276 685 4 874786784 +276 686 3 874792547 +276 691 4 888873488 +276 692 4 874791960 +276 693 4 874790903 +276 696 2 874786632 +276 697 2 874791316 +276 709 4 874792018 +276 710 4 889174849 +276 715 3 874791194 +276 719 3 877935336 +276 720 2 874791464 +276 721 3 874791871 +276 725 2 877935392 +276 727 3 889174919 +276 728 2 874792277 +276 732 4 874790903 +276 734 1 877935262 +276 735 4 874791214 +276 737 4 890979964 +276 739 2 874795538 +276 742 4 874786756 +276 743 1 874792634 +276 746 4 874791806 +276 747 4 874795448 +276 748 3 883822507 +276 750 4 882659186 +276 751 4 884286678 +276 755 3 874792870 +276 759 1 874796412 +276 763 3 874787214 +276 765 3 877935335 +276 768 3 874793118 +276 769 1 874977334 +276 770 4 877935446 +276 771 2 874795795 +276 772 4 874790826 +276 773 3 874792794 +276 774 2 877934722 +276 779 2 874977513 +276 780 3 874792143 +276 783 1 874792143 +276 786 3 874791694 +276 789 3 874791623 +276 790 3 877935306 +276 794 2 874793198 +276 796 1 874791932 +276 797 3 877934643 +276 800 3 874792745 +276 801 3 877935306 +276 802 3 874792634 +276 803 2 874791487 +276 806 4 874787467 +276 807 2 874795574 +276 809 2 874977245 +276 816 2 874792793 +276 820 3 874793062 +276 823 3 874786807 +276 825 3 874787006 +276 831 3 874792634 +276 840 3 874786897 +276 843 4 874792989 +276 844 4 877934677 +276 845 4 874786807 +276 853 5 889174849 +276 854 4 874791806 +276 871 2 874836608 +276 876 3 885537717 +276 879 3 877584219 +276 881 3 885537717 +276 890 3 880913460 +276 902 4 890979199 +276 915 4 892436368 +276 916 4 892436298 +276 919 4 874786467 +276 922 4 889174849 +276 928 3 874836629 +276 930 2 874787172 +276 931 2 874836682 +276 939 3 874790855 +276 941 3 877934065 +276 942 4 889174904 +276 943 4 883822485 +276 949 3 874836725 +276 951 3 874792969 +276 959 4 874791695 +276 969 4 874792839 +276 974 2 874786945 +276 975 3 874836629 +276 977 2 874787090 +276 993 3 874787065 +276 1000 2 877935262 +276 1006 3 874787353 +276 1010 3 874786784 +276 1011 3 874836682 +276 1013 3 874787150 +276 1016 3 874786713 +276 1019 5 883822485 +276 1028 3 874787044 +276 1031 2 874793035 +276 1035 3 874793035 +276 1036 2 889174870 +276 1042 1 874795823 +276 1044 3 877934374 +276 1046 3 874795772 +276 1047 3 889174658 +276 1052 2 889174870 +276 1056 4 874796201 +276 1073 3 874795613 +276 1074 3 877934446 +276 1079 2 874787300 +276 1081 3 880913705 +276 1083 3 877934891 +276 1089 2 882659211 +276 1090 1 874795795 +276 1091 3 874793035 +276 1095 1 877935135 +276 1098 4 880913684 +276 1109 3 882659656 +276 1110 3 874977474 +276 1118 4 874791830 +276 1129 4 874786876 +276 1131 3 874796116 +276 1135 4 874791527 +276 1140 2 874791894 +276 1141 3 874790773 +276 1145 2 874977115 +276 1157 2 874795772 +276 1170 4 877934392 +276 1172 4 882659550 +276 1180 2 877935306 +276 1194 3 874790875 +276 1199 4 888873674 +276 1208 3 882659656 +276 1210 2 877934988 +276 1213 1 874791407 +276 1218 4 874792040 +276 1220 4 874791048 +276 1221 3 890979470 +276 1228 1 874977422 +276 1232 3 874791488 +276 1239 1 874977512 +276 1240 4 874977579 +276 1244 3 874836608 +276 1245 3 874787091 +276 1253 1 874795729 +276 1267 4 874791102 +276 1273 2 874795823 +276 1274 1 874977513 +276 1301 4 885871474 +276 1314 3 874796412 +276 1407 1 874977513 +276 1413 1 874977513 +276 1416 3 874792634 +276 1471 2 877934947 +276 1478 3 889174849 +276 1481 2 877934446 +276 1482 4 874791383 +276 1483 3 892436354 +277 1 4 879544145 +277 7 2 879543377 +277 9 4 879543336 +277 24 4 879543931 +277 25 4 879543902 +277 50 3 879543652 +277 93 4 879543972 +277 100 4 879543421 +277 111 4 879543487 +277 124 3 879543421 +277 137 3 879543336 +277 147 4 879543822 +277 151 3 879543768 +277 181 3 879543653 +277 221 4 879544146 +277 237 4 879544145 +277 255 4 879544145 +277 257 3 879543487 +277 258 4 879544145 +277 273 5 879544145 +277 274 4 879543902 +277 276 4 879543454 +277 278 1 879543879 +277 279 4 879543592 +277 282 4 879543697 +277 284 4 879543972 +277 285 4 879543486 +277 293 4 879544145 +277 471 3 879543377 +277 472 1 879544058 +277 473 2 879543879 +277 508 4 879543487 +277 619 4 879543801 +277 742 4 879543845 +277 762 3 879543931 +277 844 4 879543528 +277 872 3 879543768 +277 925 4 879543592 +277 1008 3 879543621 +277 1011 3 879543697 +277 1012 3 879543454 +277 1129 3 879543421 +277 1197 4 879543768 +277 1283 2 879543592 +278 22 5 891295360 +278 98 4 891295360 +278 173 5 891295360 +278 269 5 891294959 +278 301 2 891294980 +278 302 3 891294959 +278 306 5 891295043 +278 311 4 891295130 +278 347 4 891294932 +278 515 5 891295330 +278 525 5 891295330 +278 603 5 891295330 +278 923 5 891295330 +279 1 3 875295812 +279 2 4 875313311 +279 4 4 875296461 +279 7 5 891209102 +279 10 4 875295838 +279 12 2 875306515 +279 13 3 875249210 +279 16 4 875296792 +279 17 4 875306552 +279 21 3 875297456 +279 22 1 875296374 +279 24 5 875295591 +279 25 5 875295736 +279 27 5 875313015 +279 28 2 875296461 +279 29 2 879573041 +279 30 2 877756984 +279 31 3 875309667 +279 32 3 875298696 +279 33 4 875308510 +279 40 4 875306910 +279 41 2 875313646 +279 42 4 875308843 +279 44 1 875313514 +279 47 4 875296375 +279 50 3 890451347 +279 52 3 890780576 +279 56 4 875306515 +279 59 4 875308843 +279 60 4 875310263 +279 61 4 875306552 +279 62 3 875310303 +279 63 3 875313350 +279 64 1 875308510 +279 65 1 875306767 +279 66 2 882146492 +279 67 4 875310419 +279 68 4 875307407 +279 70 1 875309141 +279 71 3 890780576 +279 73 4 875310041 +279 79 3 875296461 +279 80 4 875313750 +279 81 4 875732652 +279 83 5 878082781 +279 87 1 875306613 +279 88 1 882146554 +279 90 3 875314287 +279 92 4 890282182 +279 94 3 892865054 +279 95 3 875309950 +279 99 3 890451347 +279 100 4 875249259 +279 101 3 891209021 +279 105 4 875297381 +279 108 4 892174381 +279 109 5 880869018 +279 114 5 879572694 +279 116 1 888799670 +279 117 5 875297199 +279 120 1 888427451 +279 121 4 875297708 +279 124 3 878261977 +279 128 5 875296461 +279 129 1 884986081 +279 130 1 892864707 +279 131 1 886020902 +279 132 3 875308670 +279 137 4 886014686 +279 139 3 890780864 +279 144 4 880850073 +279 146 1 875297281 +279 147 4 875297199 +279 150 3 886019867 +279 151 4 875249259 +279 152 5 882146492 +279 153 5 891209077 +279 154 5 875296291 +279 156 4 875306580 +279 158 3 875313351 +279 163 5 875313311 +279 165 4 875310233 +279 166 4 879572893 +279 167 3 875312441 +279 169 5 875306910 +279 170 3 875312643 +279 172 2 878082751 +279 173 5 875296461 +279 174 4 875306636 +279 175 5 875296461 +279 176 3 875310606 +279 180 2 875308670 +279 181 3 875298494 +279 184 5 890779991 +279 186 5 875309482 +279 189 5 878082781 +279 190 3 875307407 +279 191 3 875734031 +279 193 2 875307407 +279 195 4 875310631 +279 198 3 882456211 +279 201 5 890451408 +279 202 4 875307587 +279 203 2 875310676 +279 204 3 878082751 +279 207 5 875310394 +279 208 5 875310631 +279 209 5 875308987 +279 210 4 878261893 +279 211 4 875309616 +279 214 3 875306910 +279 216 3 884983225 +279 219 2 875736276 +279 222 1 875295943 +279 224 4 882369761 +279 226 4 880850073 +279 227 4 889326161 +279 228 4 889326161 +279 229 4 889326161 +279 230 4 892865054 +279 231 2 879573060 +279 233 5 875312745 +279 234 2 875654542 +279 235 3 891209153 +279 236 5 875296813 +279 238 4 891208908 +279 239 4 875310418 +279 240 4 889151559 +279 242 3 877756647 +279 248 4 875249259 +279 249 3 878878420 +279 250 3 875249259 +279 254 3 879572960 +279 257 5 875295736 +279 259 3 883546906 +279 265 5 875655063 +279 269 4 892865492 +279 273 2 880869018 +279 274 3 875296792 +279 275 3 875249232 +279 283 3 875296652 +279 284 1 886015853 +279 288 3 875249102 +279 290 4 875296924 +279 291 3 878878420 +279 294 2 875249117 +279 301 4 878082781 +279 319 4 890780735 +279 321 5 875249102 +279 342 4 881375917 +279 363 5 890451473 +279 364 4 891209077 +279 367 3 875309861 +279 368 1 886016352 +279 372 4 875310117 +279 373 4 875659844 +279 374 1 888806649 +279 375 1 884556678 +279 379 3 875314386 +279 380 4 889326161 +279 382 4 875312947 +279 384 4 875312946 +279 385 4 875309351 +279 386 3 889985007 +279 388 3 875659844 +279 390 3 875744641 +279 391 5 875313859 +279 393 1 875314093 +279 395 4 875659329 +279 396 3 875314231 +279 397 4 890780547 +279 398 4 875310764 +279 399 4 875313859 +279 401 5 875310730 +279 403 1 879573060 +279 405 3 886015701 +279 407 4 875297479 +279 408 5 875249210 +279 410 5 890780547 +279 411 3 875296005 +279 412 3 875297708 +279 413 4 889151529 +279 415 3 875314313 +279 418 3 875733888 +279 421 3 892864867 +279 425 4 875306430 +279 428 1 875307379 +279 429 4 875306910 +279 431 4 875310303 +279 432 3 875296292 +279 433 4 880869018 +279 434 4 892864609 +279 436 4 891209332 +279 444 3 875659746 +279 449 3 875312378 +279 450 4 889326161 +279 451 1 888465592 +279 455 5 877236424 +279 456 3 875296924 +279 461 3 875306820 +279 462 3 875309911 +279 464 4 875310041 +279 465 5 875310157 +279 469 4 884982881 +279 470 3 878262194 +279 472 3 876609690 +279 474 5 892173363 +279 480 3 875309189 +279 482 4 875306613 +279 486 4 875310041 +279 487 3 890282182 +279 489 2 888430298 +279 490 3 890282225 +279 491 5 875296435 +279 501 3 875308843 +279 502 5 875310263 +279 509 3 875296552 +279 514 4 875307210 +279 515 3 875295943 +279 517 4 879572893 +279 529 3 875308843 +279 530 3 890780576 +279 532 1 875298597 +279 534 1 878971577 +279 541 3 882146458 +279 544 1 890451433 +279 546 3 875296924 +279 547 1 875295812 +279 550 4 880850073 +279 554 1 875314231 +279 556 3 880666808 +279 558 4 875307210 +279 562 3 890451433 +279 566 4 875313387 +279 571 4 878082781 +279 576 3 875312441 +279 577 1 889151559 +279 578 4 879572694 +279 586 4 892864663 +279 591 2 875297381 +279 594 1 891209021 +279 597 5 875297456 +279 616 3 890451408 +279 624 4 875734996 +279 625 3 878261977 +279 630 4 875313351 +279 636 5 875313387 +279 638 4 875312441 +279 644 1 875306552 +279 649 3 875312719 +279 652 4 890451408 +279 654 5 875306552 +279 659 5 877756699 +279 660 4 875313473 +279 662 2 875310631 +279 663 3 875310394 +279 666 2 890451373 +279 671 2 875296238 +279 679 4 884556545 +279 684 3 880825843 +279 685 3 884982881 +279 687 4 878793072 +279 702 4 875309760 +279 709 4 875310195 +279 710 4 890451408 +279 712 5 875312339 +279 713 3 886015169 +279 719 4 875308222 +279 721 5 875312719 +279 727 3 890780864 +279 728 4 875314287 +279 732 3 879647301 +279 739 1 879573060 +279 740 3 875736276 +279 744 2 892864943 +279 751 4 882593314 +279 753 2 875307443 +279 759 4 875313616 +279 760 3 875297522 +279 762 3 875297199 +279 763 3 875297522 +279 764 3 888425981 +279 778 4 891209332 +279 779 3 878262194 +279 780 4 875314165 +279 781 3 875314001 +279 789 4 875306580 +279 792 3 875308843 +279 797 4 875744512 +279 802 4 875313600 +279 804 4 875744416 +279 805 3 879573022 +279 809 3 891208945 +279 810 2 889984640 +279 820 4 884984955 +279 823 3 875297456 +279 824 4 875297456 +279 826 4 875297456 +279 827 1 888426577 +279 831 5 875744257 +279 832 3 881375854 +279 833 4 875297410 +279 841 4 879572893 +279 843 4 875314313 +279 845 1 888426577 +279 853 1 890451433 +279 854 1 875306613 +279 862 5 875313646 +279 864 5 875296829 +279 869 1 892176473 +279 871 4 875297410 +279 890 3 882146458 +279 901 4 883893835 +279 919 3 892864663 +279 922 3 890451433 +279 926 4 875296696 +279 932 3 892174381 +279 940 5 889151559 +279 945 5 879647064 +279 946 3 875313032 +279 948 3 891209078 +279 952 3 875296676 +279 969 3 875308799 +279 971 4 875314231 +279 976 3 877756631 +279 977 4 875297281 +279 978 1 889231898 +279 990 1 875249134 +279 992 4 889151559 +279 998 5 875313883 +279 1000 4 875314313 +279 1001 4 882160106 +279 1007 4 879572694 +279 1011 3 875298314 +279 1012 5 875298447 +279 1017 3 875296891 +279 1025 2 880825843 +279 1027 4 891208908 +279 1028 4 875296104 +279 1030 4 875659761 +279 1032 3 880666757 +279 1034 4 875297381 +279 1035 3 875309935 +279 1037 1 888806543 +279 1039 4 881731303 +279 1047 4 892864663 +279 1048 1 886015533 +279 1052 4 890451408 +279 1059 4 891209332 +279 1070 3 875309760 +279 1072 4 890780735 +279 1087 2 891209189 +279 1088 4 877756804 +279 1093 4 875298330 +279 1095 1 886016480 +279 1108 1 892174273 +279 1110 3 875307379 +279 1113 3 888806035 +279 1118 3 875310631 +279 1120 3 891209189 +279 1121 4 875310101 +279 1132 1 892864828 +279 1133 2 892173598 +279 1142 1 890780603 +279 1151 2 875744584 +279 1170 1 891209102 +279 1178 4 875744641 +279 1180 2 890781034 +279 1181 4 875314001 +279 1182 3 875314370 +279 1185 1 888805868 +279 1195 1 875312339 +279 1205 3 888461244 +279 1206 5 884986688 +279 1209 4 875314350 +279 1215 2 884556545 +279 1219 3 875744358 +279 1224 3 878082804 +279 1228 4 890779991 +279 1230 3 891209189 +279 1231 4 875313583 +279 1239 1 884982882 +279 1240 1 892174404 +279 1242 1 888797284 +279 1244 3 875298652 +279 1247 2 875659924 +279 1250 1 888466349 +279 1266 1 875308843 +279 1271 4 875659999 +279 1274 3 875314001 +279 1288 4 891209077 +279 1291 4 875297708 +279 1305 4 875313406 +279 1312 3 890780962 +279 1321 4 888806671 +279 1336 1 875298353 +279 1361 3 878261977 +279 1376 4 886016680 +279 1402 1 888462243 +279 1411 3 884556545 +279 1413 5 875314434 +279 1435 3 892174339 +279 1437 3 892173418 +279 1444 3 875313351 +279 1480 3 875314370 +279 1481 4 875313925 +279 1484 3 875307587 +279 1485 4 878262195 +279 1486 1 875314076 +279 1487 1 875314076 +279 1488 4 875659924 +279 1489 3 891208884 +279 1490 4 875312947 +279 1491 5 890451408 +279 1492 4 888430806 +279 1493 1 888465068 +279 1494 1 889232401 +279 1495 4 889984565 +279 1496 3 875298419 +279 1497 2 890780576 +279 1498 4 891208884 +279 1499 4 890451408 +279 1500 5 875306613 +279 1501 1 889231898 +280 1 4 891700426 +280 2 3 891701278 +280 3 2 891702406 +280 4 3 891700733 +280 5 4 891701066 +280 7 4 891700385 +280 8 5 891700303 +280 9 5 891700664 +280 11 5 891700570 +280 12 5 891700803 +280 13 5 891700257 +280 22 5 891700552 +280 29 3 891701852 +280 31 4 891701344 +280 33 3 891700715 +280 40 5 891701614 +280 50 3 891701027 +280 53 5 891702544 +280 54 2 891701747 +280 56 5 891702544 +280 58 4 891700514 +280 62 3 891701747 +280 66 5 891701148 +280 67 4 891701785 +280 68 3 891701066 +280 69 4 891700242 +280 70 4 891700366 +280 71 4 891700818 +280 72 4 891702276 +280 73 3 891700715 +280 76 2 891700699 +280 77 3 891702086 +280 79 4 891700453 +280 80 3 891701998 +280 82 2 891700925 +280 86 4 891700475 +280 88 3 891701556 +280 90 4 891701530 +280 92 3 891700366 +280 94 2 891702028 +280 95 5 891700570 +280 96 4 891700664 +280 98 5 891700208 +280 100 3 891700385 +280 102 5 891701328 +280 103 3 891702122 +280 111 4 891700983 +280 112 3 891702485 +280 117 5 891700366 +280 118 2 891701027 +280 125 2 891701148 +280 126 3 891700643 +280 127 5 891702544 +280 128 3 891701188 +280 132 4 891701090 +280 135 4 891700552 +280 140 4 891701223 +280 142 4 891701747 +280 144 2 891700514 +280 153 5 891700681 +280 155 5 891702544 +280 156 4 891700643 +280 157 3 891700733 +280 158 2 891701764 +280 159 4 891701944 +280 161 4 891701249 +280 162 3 891701431 +280 167 4 891701631 +280 172 3 891700768 +280 173 3 891700453 +280 174 3 891700588 +280 176 3 891700426 +280 180 4 891700453 +280 181 3 891701248 +280 182 3 891700276 +280 183 3 891700588 +280 195 3 891700303 +280 197 2 891700836 +280 200 5 891702544 +280 202 3 891701090 +280 203 4 891701530 +280 210 2 891700385 +280 215 3 891701723 +280 216 5 891701685 +280 217 3 891701832 +280 218 4 891701474 +280 219 2 891702199 +280 220 5 891700426 +280 222 3 891700624 +280 225 4 891701974 +280 226 3 891701998 +280 228 3 891701405 +280 229 3 891702171 +280 230 3 891702153 +280 231 3 891701974 +280 232 3 891701649 +280 233 4 891702049 +280 234 3 891700803 +280 235 5 891701649 +280 237 3 891700624 +280 239 3 891701344 +280 241 2 891700945 +280 245 3 891700185 +280 265 4 891700588 +280 274 5 891701188 +280 276 5 891700664 +280 282 3 891700426 +280 284 3 891701090 +280 286 4 891700185 +280 288 5 891700184 +280 294 2 891700021 +280 313 3 891699839 +280 315 5 891700184 +280 316 5 891700184 +280 318 5 891700607 +280 322 4 891700185 +280 323 2 891700106 +280 324 5 891700185 +280 364 3 891702291 +280 367 5 891701002 +280 379 5 891702171 +280 380 2 891700226 +280 381 3 891700925 +280 384 4 891702137 +280 385 5 891702544 +280 387 4 891701974 +280 388 2 891702486 +280 389 5 891701913 +280 392 5 891701328 +280 393 4 891702323 +280 402 4 891701249 +280 403 3 891701506 +280 404 3 891701114 +280 405 2 891700963 +280 409 3 891702441 +280 411 3 891701871 +280 416 5 891701666 +280 419 3 891701047 +280 420 3 891701816 +280 423 5 891700276 +280 431 4 891701531 +280 448 3 891701765 +280 449 3 891702324 +280 451 5 891701377 +280 452 2 891702387 +280 465 3 891701148 +280 468 4 891702028 +280 471 3 891700553 +280 472 2 891702086 +280 476 5 891702544 +280 483 4 891701066 +280 486 5 891700751 +280 496 5 891700321 +280 499 4 891700496 +280 507 3 891700682 +280 508 3 891700453 +280 527 5 891700768 +280 528 3 891700553 +280 538 5 891700185 +280 540 3 891702304 +280 542 3 891702199 +280 546 4 891702252 +280 550 2 891701764 +280 559 3 891701583 +280 566 4 891701188 +280 568 2 891701047 +280 571 3 891702338 +280 575 2 891702422 +280 576 3 891702276 +280 584 4 891701223 +280 585 3 891702441 +280 586 4 891701871 +280 588 5 891700803 +280 595 3 891701666 +280 609 4 891701278 +280 619 4 891701913 +280 629 4 891701852 +280 631 5 891700751 +280 655 3 891700400 +280 660 5 891701114 +280 663 4 891700783 +280 670 2 891702485 +280 673 4 891701223 +280 678 2 891700124 +280 690 2 891699964 +280 692 3 891700983 +280 697 5 891701506 +280 699 4 891700341 +280 715 2 891700945 +280 722 3 891702122 +280 723 5 891701853 +280 725 3 891702387 +280 728 3 891701614 +280 729 2 891700963 +280 731 3 891702049 +280 735 2 891700475 +280 736 2 891700341 +280 739 3 891701359 +280 742 4 891701249 +280 746 4 891701148 +280 748 2 891700080 +280 750 5 891700185 +280 751 3 891699925 +280 755 2 891701278 +280 756 4 891701649 +280 764 4 891701685 +280 765 4 891701816 +280 769 3 891702441 +280 771 3 891702122 +280 780 4 891701897 +280 781 4 891701699 +280 790 4 891702013 +280 845 3 891700925 +280 866 3 891701997 +280 925 4 891701723 +280 928 5 891700850 +280 934 2 891702291 +280 942 5 891701431 +280 946 4 891701027 +280 977 3 891701723 +280 1015 3 891701631 +280 1035 4 891701785 +280 1041 5 891702544 +280 1047 3 891701897 +280 1048 4 891701002 +280 1049 2 891702486 +280 1051 4 891700904 +280 1060 3 891701278 +280 1063 3 891700607 +280 1066 4 891701928 +280 1099 5 891701114 +280 1112 4 891702324 +280 1114 4 891702199 +280 1133 3 891700242 +280 1168 5 891702544 +280 1181 2 891700496 +280 1182 3 891702214 +280 1207 4 891701998 +280 1217 5 891702544 +280 1221 5 891701944 +280 1297 4 891702230 +280 1313 5 891700184 +280 1401 5 891700881 +280 1459 4 891701747 +280 1466 5 891700836 +280 1473 3 891700904 +280 1478 4 891701090 +280 1479 3 891702457 +281 258 2 881200457 +281 259 3 881200789 +281 271 5 881200457 +281 288 4 881200264 +281 300 4 881200643 +281 322 4 881200789 +281 323 3 881200789 +281 332 4 881200603 +281 338 2 881200457 +281 342 1 881200789 +281 538 4 881200520 +281 682 3 881200519 +281 748 5 881200745 +281 877 4 881200643 +281 938 2 881200789 +281 989 2 881200789 +282 258 5 879949367 +282 269 4 879949347 +282 271 3 881702919 +282 288 4 879949367 +282 294 4 879949525 +282 302 5 879949347 +282 307 3 881702875 +282 319 4 879949394 +282 325 1 881703044 +282 327 5 879949417 +282 338 3 879949468 +282 358 3 879949594 +283 21 3 879297867 +283 24 4 879297867 +283 42 5 879298333 +283 49 4 879298333 +283 56 5 879298206 +283 70 4 879298206 +283 71 4 879297965 +283 83 4 879298239 +283 91 5 879297965 +283 95 5 879297965 +283 100 4 879297160 +283 109 4 879297237 +283 151 4 879297318 +283 168 5 879298206 +283 173 5 879298206 +283 175 4 879298270 +283 186 5 879298239 +283 194 4 879298295 +283 202 5 879298206 +283 204 4 879298239 +283 208 5 879298239 +283 209 4 879298271 +283 211 4 879298271 +283 291 2 879297867 +283 294 4 879297013 +283 393 4 879298295 +283 409 4 879297442 +283 412 5 879297526 +283 432 5 879297965 +283 433 4 879298333 +283 435 5 879298206 +283 588 4 879297965 +283 625 3 879298007 +283 627 4 879297966 +283 676 3 879297867 +283 732 4 879298239 +283 820 4 879297904 +283 845 4 879297442 +283 866 3 879297867 +283 1009 3 879297867 +283 1079 4 879297526 +283 1114 5 879297545 +283 1487 2 879297867 +284 258 4 885329146 +284 259 2 885329593 +284 262 4 885328836 +284 268 5 885329065 +284 269 4 885328991 +284 270 3 885328906 +284 272 5 885328727 +284 289 3 885329671 +284 302 4 885328906 +284 303 5 885328991 +284 304 4 885329322 +284 305 4 885328906 +284 306 4 885329146 +284 307 4 885329322 +284 310 3 885328991 +284 313 3 885328727 +284 315 5 885329593 +284 319 3 885329238 +284 322 3 885329671 +284 333 3 885329146 +284 334 3 885329468 +284 339 3 885329671 +284 345 4 885328728 +284 347 5 885328727 +284 539 2 885329821 +284 682 3 885329322 +284 687 3 885329902 +284 690 3 885329468 +284 748 3 885329671 +284 750 3 885328906 +284 751 3 885329322 +284 754 3 885329065 +284 877 2 885329395 +284 900 4 885328991 +284 903 4 885329238 +284 906 3 885328836 +284 938 3 885329821 +285 64 3 890595777 +285 150 5 890595636 +285 151 5 890595636 +285 168 4 890595900 +285 183 4 890595859 +285 185 3 890595859 +285 191 4 890595859 +285 194 4 890595777 +285 205 4 890595900 +285 216 3 890595900 +285 222 4 890595636 +285 258 2 890595408 +285 269 4 890595313 +285 270 4 890595456 +285 286 3 890595584 +285 288 5 890595584 +285 300 4 890595584 +285 313 5 890595313 +285 319 3 890595523 +285 357 5 890595777 +285 538 5 890595479 +285 628 2 890595636 +286 1 4 876521699 +286 3 2 876522316 +286 4 5 877531899 +286 7 4 875807003 +286 11 5 877531975 +286 13 2 876521933 +286 14 4 875807003 +286 16 3 876521809 +286 17 4 877531537 +286 20 4 876521858 +286 22 4 877532889 +286 25 3 875807003 +286 29 2 877533586 +286 40 4 877534824 +286 41 2 877535323 +286 42 4 877533698 +286 47 4 877532419 +286 50 4 875806869 +286 53 2 877533506 +286 55 4 877531574 +286 56 2 877531469 +286 57 5 877533419 +286 66 4 877533586 +286 70 5 877531975 +286 72 4 877534025 +286 77 3 877533001 +286 81 3 889652601 +286 82 3 889651605 +286 83 5 877531975 +286 88 4 877533640 +286 89 4 877533381 +286 90 4 877533224 +286 91 4 877532470 +286 95 5 877531407 +286 96 4 877532385 +286 97 4 877533101 +286 99 4 878141681 +286 100 3 876521650 +286 101 5 877532204 +286 107 1 875807043 +286 111 5 876521858 +286 116 5 875806888 +286 117 2 876521650 +286 121 3 876522166 +286 123 5 876521586 +286 125 4 876521650 +286 127 4 877530570 +286 132 5 877531791 +286 133 4 877531730 +286 137 4 884203281 +286 139 3 889653012 +286 142 4 877534793 +286 143 4 889651549 +286 144 3 877531434 +286 147 5 876522114 +286 151 5 875806800 +286 153 5 877531406 +286 155 4 877533640 +286 158 3 877533472 +286 161 2 877533419 +286 164 3 877533586 +286 167 5 877533419 +286 168 4 877531760 +286 169 3 877533101 +286 171 4 877531791 +286 172 4 889651549 +286 173 4 877531407 +286 174 4 877531537 +286 176 4 878142001 +286 179 5 889651822 +286 181 3 875807043 +286 183 4 877531864 +286 184 3 877534506 +286 186 5 877534903 +286 189 3 877533296 +286 191 4 877531407 +286 195 4 877534618 +286 196 4 877533543 +286 198 4 877533887 +286 202 4 877532204 +286 204 3 877531941 +286 208 4 877531942 +286 209 4 877531691 +286 210 5 877535208 +286 211 4 879781579 +286 212 1 877531830 +286 214 1 889651605 +286 215 3 889651630 +286 216 4 877532013 +286 217 3 877533447 +286 224 5 889651549 +286 228 3 889651576 +286 229 1 889652291 +286 232 4 877534701 +286 234 3 877532093 +286 235 4 875807003 +286 237 2 875806800 +286 240 3 876521858 +286 248 5 875806800 +286 250 4 876521887 +286 251 5 876521678 +286 257 3 875806837 +286 258 4 877530390 +286 268 4 884069298 +286 269 5 879780839 +286 272 5 884069298 +286 274 2 876521917 +286 275 4 875807074 +286 277 4 875807003 +286 278 5 876521700 +286 280 4 876522097 +286 285 1 879781450 +286 288 5 875806672 +286 289 5 875806672 +286 290 3 876522072 +286 301 5 879780879 +286 309 5 884583549 +286 312 4 884069415 +286 315 5 889651138 +286 316 5 889651121 +286 325 1 889651253 +286 329 4 886475961 +286 330 5 884069544 +286 336 5 884069544 +286 339 5 884583549 +286 340 4 879780905 +286 341 5 884069544 +286 345 4 884069337 +286 348 4 889651179 +286 354 4 889651029 +286 357 4 877531537 +286 367 5 877531574 +286 372 4 877532683 +286 379 5 877533771 +286 381 5 877532965 +286 382 5 877531830 +286 386 3 877534975 +286 390 1 889652378 +286 393 4 877534481 +286 394 5 877534771 +286 396 4 877534414 +286 401 1 877535446 +286 402 3 877534216 +286 403 5 877533543 +286 404 5 889651799 +286 405 3 876522150 +286 408 4 875806800 +286 411 2 876522133 +286 413 3 877531226 +286 417 3 877533993 +286 419 5 889651990 +286 421 1 889651848 +286 423 4 877532385 +286 425 2 877532013 +286 428 5 877532303 +286 431 5 889651822 +286 432 3 878141681 +286 433 5 877531537 +286 451 5 877533993 +286 455 1 889652378 +286 461 2 877532930 +286 462 5 877531537 +286 465 5 889651698 +286 472 3 876522340 +286 473 3 875806918 +286 475 4 875807074 +286 476 4 876521993 +286 477 3 876521773 +286 483 5 877531661 +286 512 2 877533101 +286 527 4 877531407 +286 535 5 875806918 +286 537 4 889651402 +286 546 1 876521835 +286 552 3 877535072 +286 554 4 877535014 +286 559 4 877534081 +286 569 4 877534313 +286 574 4 877534137 +286 577 2 877535500 +286 588 5 877532131 +286 596 3 875806869 +286 597 3 876522360 +286 628 4 875806800 +286 629 5 877531661 +286 636 3 877533185 +286 640 5 877531830 +286 642 3 877531498 +286 652 4 877531899 +286 655 3 889651746 +286 658 5 877533543 +286 683 5 884583549 +286 689 5 884583549 +286 703 2 889651672 +286 704 2 877531941 +286 707 5 877531975 +286 709 4 877532748 +286 710 4 889651672 +286 721 3 877532329 +286 724 3 877532013 +286 728 3 889652740 +286 732 5 877531899 +286 734 2 877534618 +286 737 4 877532419 +286 738 5 877534903 +286 739 3 877532683 +286 741 4 876521887 +286 742 5 877530860 +286 747 4 877533796 +286 749 3 889651060 +286 761 4 877533640 +286 762 2 876522008 +286 763 2 876521809 +286 766 3 877533724 +286 768 3 889652968 +286 771 2 877535119 +286 778 5 877534025 +286 781 4 877532777 +286 790 1 877535208 +286 792 3 877532230 +286 800 5 877534528 +286 805 3 878141931 +286 815 3 876521966 +286 818 2 877531281 +286 819 3 876521835 +286 821 4 877534550 +286 824 1 876522200 +286 856 2 877533698 +286 881 5 884583549 +286 883 5 884069544 +286 884 5 884069544 +286 888 5 884583549 +286 906 5 884069544 +286 924 4 876521773 +286 929 4 876522098 +286 930 2 876522240 +286 931 4 876522340 +286 934 3 889653107 +286 946 3 889652221 +286 949 4 877534859 +286 952 2 875807043 +286 955 5 877533914 +286 969 5 878142001 +286 988 3 875806722 +286 993 2 875807043 +286 1014 5 879781125 +286 1035 3 877532094 +286 1038 5 884583549 +286 1039 5 877531730 +286 1047 1 876522026 +286 1051 4 876522261 +286 1053 4 877532093 +286 1060 5 889652989 +286 1074 4 889652912 +286 1075 5 877532385 +286 1079 3 876522240 +286 1091 4 877534859 +286 1101 5 877532715 +286 1105 5 884583549 +286 1113 3 877534107 +286 1118 1 889652989 +286 1119 3 877534054 +286 1133 4 877534137 +286 1140 3 877533586 +286 1182 2 877535288 +286 1194 4 877533640 +286 1202 3 876522185 +286 1230 1 877535157 +286 1239 3 877535344 +286 1265 5 884069544 +286 1280 5 884069544 +286 1286 5 877532683 +286 1288 4 876522114 +286 1375 5 889651445 +286 1411 2 877535425 +286 1502 2 877535499 +286 1503 3 877534107 +286 1504 4 877534903 +287 1 5 875334088 +287 4 4 875336652 +287 9 5 875334089 +287 11 5 875335124 +287 28 5 875335018 +287 50 5 875334271 +287 56 5 875334759 +287 64 5 875336775 +287 98 4 875334759 +287 100 5 888177364 +287 108 4 875334519 +287 117 5 875334405 +287 121 4 875334494 +287 168 5 875335190 +287 181 3 875333964 +287 200 4 875335237 +287 201 5 875334962 +287 208 4 875334896 +287 222 5 875334224 +287 235 4 875334248 +287 237 5 875334151 +287 246 4 875333964 +287 248 5 875333965 +287 249 5 875334430 +287 250 3 875334060 +287 252 1 875334361 +287 257 4 875334224 +287 268 4 888177170 +287 276 4 875334126 +287 291 5 888177402 +287 294 5 875333873 +287 298 4 875333965 +287 301 3 875333873 +287 313 4 888177170 +287 327 5 875333916 +287 340 5 888177097 +287 347 4 888177040 +287 426 3 875336743 +287 476 1 875334340 +287 546 4 875334271 +287 652 4 875335018 +287 682 4 888177213 +287 710 4 875334807 +287 742 3 875334196 +287 748 4 875333873 +287 815 3 875334248 +287 845 5 875334587 +287 895 2 888177213 +287 926 4 875334340 +287 941 3 875335424 +287 952 4 875334036 +287 1067 2 875334036 +288 22 5 886374286 +288 50 4 886374520 +288 64 5 886374365 +288 69 5 886373426 +288 98 5 886373474 +288 100 5 886629749 +288 121 2 886893063 +288 127 5 886374451 +288 132 3 886374129 +288 134 2 886374129 +288 136 5 886374316 +288 173 3 886373474 +288 174 4 886374286 +288 175 1 886629664 +288 176 4 886373565 +288 177 3 886629528 +288 178 5 886374342 +288 180 5 886373474 +288 190 1 886374286 +288 196 5 886373474 +288 197 5 889225574 +288 199 4 886629592 +288 200 4 886373534 +288 205 5 889225443 +288 210 3 886373509 +288 211 5 886374473 +288 214 2 886374316 +288 216 4 886629592 +288 223 3 886374497 +288 230 2 886629664 +288 234 4 886374473 +288 237 4 886892195 +288 258 4 886372882 +288 268 4 886372812 +288 269 5 886373071 +288 272 5 889225463 +288 276 4 886892127 +288 286 4 886372862 +288 289 3 886372937 +288 294 2 886372841 +288 300 5 886372155 +288 305 4 886372527 +288 318 4 886374316 +288 327 1 886373007 +288 345 5 886372155 +288 346 5 886372155 +288 357 5 886373591 +288 427 5 886374342 +288 435 4 889225633 +288 511 4 886373509 +288 515 4 886373591 +288 520 5 886374497 +288 527 3 886373565 +288 528 4 886374286 +288 544 5 886892241 +288 593 2 886892127 +288 632 4 886373591 +288 651 4 886374342 +288 688 1 886373007 +288 742 3 886893063 +288 880 1 886373007 +288 887 5 886372155 +288 1039 2 886373565 +288 1065 4 886373474 +288 1358 5 886892241 +289 1 3 876789736 +289 7 4 876789628 +289 15 3 876789581 +289 24 4 876790292 +289 109 3 876789628 +289 117 4 876789514 +289 121 3 876789736 +289 282 3 876789180 +289 363 3 876790653 +289 410 2 876790361 +289 455 4 876790464 +289 473 1 876790576 +289 477 2 876790323 +289 685 4 876789373 +289 815 3 876789581 +289 849 4 876789943 +289 1016 5 876789843 +290 1 5 880474327 +290 15 4 880474494 +290 22 5 880473942 +290 28 5 880474235 +290 31 4 880475032 +290 43 3 880475783 +290 49 3 880475542 +290 50 5 880473582 +290 54 3 880475218 +290 62 2 880473583 +290 64 4 880474034 +290 66 4 880731963 +290 69 4 880473696 +290 82 4 880473918 +290 88 4 880731963 +290 89 3 880473971 +290 91 2 880474451 +290 95 4 880474590 +290 97 3 880475016 +290 98 4 880474235 +290 99 4 880473918 +290 102 3 880475585 +290 105 2 880732753 +290 109 3 880475564 +290 117 3 880474799 +290 118 4 880731896 +290 120 4 880732712 +290 121 4 880475266 +290 125 3 880475245 +290 132 3 880473993 +290 133 3 880473735 +290 135 4 880474510 +290 136 4 880474367 +290 139 2 880475420 +290 141 4 880474740 +290 143 5 880474293 +290 144 3 880473802 +290 151 2 880474835 +290 158 5 880474977 +290 161 4 880474293 +290 162 3 880474107 +290 164 4 880474010 +290 167 2 880475807 +290 168 3 880474204 +290 172 5 880474141 +290 174 5 880473891 +290 176 4 880473971 +290 180 1 880474913 +290 181 5 880473696 +290 183 4 880474054 +290 191 3 880474235 +290 193 4 880473802 +290 196 4 880474293 +290 199 3 880474799 +290 202 4 880474590 +290 204 4 880473696 +290 205 3 880473777 +290 208 3 880475245 +290 210 5 880474716 +290 211 3 880474235 +290 216 4 880475218 +290 222 4 880731778 +290 227 2 880473557 +290 228 4 880473556 +290 229 3 880473557 +290 230 4 880473557 +290 234 3 880474451 +290 235 3 880474451 +290 243 3 880473474 +290 252 3 880732575 +290 257 4 880731518 +290 265 4 880475371 +290 271 3 880473557 +290 318 4 880473776 +290 323 3 880473346 +290 357 3 880474107 +290 378 3 880475169 +290 380 3 880731766 +290 385 4 880474716 +290 393 3 880475169 +290 402 4 880474422 +290 403 2 880475542 +290 404 3 880475341 +290 405 2 880732365 +290 418 3 880474293 +290 419 4 880474235 +290 423 5 880474422 +290 432 5 880474590 +290 434 4 880474422 +290 435 3 880473802 +290 436 2 880475469 +290 449 1 880473557 +290 450 2 880473557 +290 465 3 880474799 +290 472 4 880475495 +290 473 1 880475420 +290 474 3 880474204 +290 483 5 880473845 +290 484 3 880474174 +290 496 4 880474156 +290 498 4 880473777 +290 515 3 880473918 +290 520 3 880473734 +290 523 3 880473735 +290 527 4 880474590 +290 546 2 880475564 +290 550 3 880475807 +290 566 3 880474388 +290 568 3 880474716 +290 588 4 880474652 +290 596 4 880474141 +290 622 3 880474204 +290 625 4 880475782 +290 629 3 880474716 +290 650 2 880475625 +290 651 3 880474034 +290 683 2 880473415 +290 685 3 880732365 +290 692 5 880474293 +290 699 3 880473735 +290 720 3 880475695 +290 732 4 880473777 +290 739 3 880475757 +290 742 2 880475310 +290 755 4 880475218 +290 809 4 880475664 +290 818 3 880732656 +290 825 3 880732508 +290 826 2 880732271 +290 832 3 880732491 +290 926 3 880732538 +290 930 3 880732131 +290 993 4 880473630 +290 1035 4 880475782 +290 1047 4 880475757 +290 1060 3 880732271 +290 1079 2 880732771 +290 1091 2 880475735 +290 1285 3 880475565 +290 1336 3 880733010 +291 1 5 874834481 +291 3 3 874833936 +291 4 4 874835062 +291 5 5 874834799 +291 8 4 874871766 +291 9 5 874805804 +291 11 4 874835024 +291 12 5 874834701 +291 15 5 874833668 +291 17 4 874834850 +291 21 2 874834389 +291 22 5 874835062 +291 24 5 874834481 +291 27 3 874835024 +291 28 4 875086920 +291 31 4 874834768 +291 33 4 874834850 +291 38 3 874834914 +291 41 4 875086636 +291 46 4 874868045 +291 48 5 874868027 +291 49 4 875086090 +291 50 5 874805860 +291 53 5 874834827 +291 54 4 874834963 +291 55 4 874834735 +291 56 5 874834701 +291 64 5 874867994 +291 66 4 875086185 +291 67 4 875086308 +291 69 5 874868146 +291 71 4 875086887 +291 72 4 875086090 +291 77 4 874834799 +291 79 5 874834799 +291 80 4 875086354 +291 82 4 874835116 +291 84 3 874868327 +291 85 2 874877699 +291 89 3 874835116 +291 90 5 874871800 +291 92 4 874835091 +291 93 4 874805927 +291 94 2 875086354 +291 95 4 875086921 +291 96 4 874835062 +291 97 4 875087264 +291 98 5 874834701 +291 99 4 875086887 +291 100 5 874834481 +291 101 4 875087198 +291 106 4 874805958 +291 117 5 874834481 +291 118 2 874833878 +291 121 2 874805984 +291 122 3 874834289 +291 123 4 874806006 +291 124 5 874834481 +291 125 4 874834019 +291 128 4 874835062 +291 129 5 874805699 +291 140 4 875086887 +291 143 3 875086921 +291 144 5 874835091 +291 147 4 874805768 +291 151 5 874833668 +291 153 4 874871736 +291 154 4 875086185 +291 155 3 875087371 +291 156 5 874834768 +291 158 2 875086208 +291 159 4 875087488 +291 164 4 874834875 +291 168 5 874871800 +291 172 5 874835062 +291 173 5 874871800 +291 174 5 874835062 +291 175 2 874867966 +291 179 5 874868255 +291 181 5 874805804 +291 184 4 874835198 +291 188 3 874835198 +291 195 4 874835165 +291 200 4 874867740 +291 202 4 874871736 +291 204 4 874871736 +291 210 5 875086491 +291 212 4 874868027 +291 215 4 874868382 +291 218 4 874834799 +291 219 4 874867785 +291 223 5 874867912 +291 226 5 874834895 +291 231 3 874835024 +291 232 4 874835198 +291 234 4 874834735 +291 235 2 874805860 +291 236 4 874834128 +291 237 4 874805668 +291 238 5 874871736 +291 240 4 874833726 +291 244 2 874805927 +291 245 2 874805577 +291 246 5 874834481 +291 249 4 874805893 +291 262 4 874833603 +291 273 3 874833705 +291 282 4 874833788 +291 284 4 874833687 +291 285 4 874833746 +291 288 5 874805453 +291 290 4 874834001 +291 291 5 874834054 +291 293 5 874833668 +291 294 5 874834481 +291 324 1 874805453 +291 325 4 874805610 +291 356 4 874834875 +291 364 3 875086699 +291 365 3 874871570 +291 366 3 874868255 +291 367 4 874871800 +291 369 3 874834388 +291 375 1 874868791 +291 376 3 875086534 +291 379 3 874834827 +291 383 2 875086699 +291 384 4 875086562 +291 385 4 874835141 +291 391 1 874835242 +291 393 3 875086235 +291 395 3 875086534 +291 396 4 874867757 +291 401 4 875086766 +291 402 4 874871498 +291 403 4 874835165 +291 404 4 875086958 +291 405 4 874805984 +291 410 5 874834481 +291 411 4 874834220 +291 412 3 875086669 +291 413 4 874834054 +291 416 4 875087100 +291 417 4 875086958 +291 418 4 875086920 +291 420 4 875086991 +291 421 4 875087352 +291 423 4 874868210 +291 427 4 874868304 +291 448 5 874867741 +291 455 5 874805958 +291 456 3 874834165 +291 460 5 874834254 +291 466 5 874834768 +291 469 5 874867912 +291 470 3 874834768 +291 475 5 874805699 +291 496 5 875088191 +291 508 5 874805892 +291 540 3 874835141 +291 546 3 874805958 +291 550 4 874835218 +291 551 2 874867824 +291 552 3 874834963 +291 555 1 874868629 +291 558 4 874867757 +291 562 4 874835242 +291 563 3 874867824 +291 565 2 874867852 +291 566 4 874834799 +291 567 5 874867786 +291 568 4 874835141 +291 569 3 874868580 +291 571 2 875086608 +291 572 3 874834944 +291 573 4 874834944 +291 574 1 875087656 +291 575 2 875086699 +291 576 4 874835198 +291 577 1 875086669 +291 578 4 874835242 +291 581 5 874834827 +291 582 4 875087720 +291 588 4 875086920 +291 592 3 874834895 +291 597 3 874833857 +291 619 3 874805927 +291 627 4 875086991 +291 631 5 874871479 +291 636 4 874834799 +291 655 4 874868629 +291 670 5 874867785 +291 672 3 874867741 +291 685 5 874834254 +291 686 5 874835165 +291 706 3 874867785 +291 715 5 874868327 +291 717 3 874834388 +291 722 4 875086460 +291 729 4 874871442 +291 735 4 874868027 +291 739 3 875087334 +291 741 5 874834481 +291 742 3 874805927 +291 747 4 875087290 +291 755 2 875086958 +291 756 3 874833878 +291 760 2 874834037 +291 761 3 874834914 +291 763 4 874833841 +291 769 1 875087673 +291 770 4 874834799 +291 772 4 874868169 +291 773 3 874834827 +291 774 3 874867852 +291 780 5 875086636 +291 783 2 875087432 +291 785 4 875086308 +291 790 4 875086699 +291 794 4 875087334 +291 798 4 874871655 +291 800 2 874834944 +291 801 3 875086766 +291 816 3 874867852 +291 820 4 875087125 +291 823 3 874833936 +291 824 4 874833962 +291 825 4 874833983 +291 829 2 874834308 +291 833 3 874834236 +291 834 3 874834358 +291 844 5 874805804 +291 924 4 874833962 +291 928 2 874834389 +291 933 4 874833936 +291 939 4 874834768 +291 940 3 875086608 +291 941 4 874868284 +291 943 4 874834735 +291 946 4 875086887 +291 974 1 874833962 +291 975 2 874834146 +291 977 2 874834071 +291 985 3 874805984 +291 998 1 875086728 +291 1012 4 874805892 +291 1016 4 874833827 +291 1017 4 874833911 +291 1042 4 874834944 +291 1046 4 874834875 +291 1047 2 874834165 +291 1059 4 874834345 +291 1067 4 874805892 +291 1073 5 874834701 +291 1077 4 874834963 +291 1078 4 875086920 +291 1079 2 875086608 +291 1083 3 874834876 +291 1090 2 875087634 +291 1098 4 875086330 +291 1109 4 874834768 +291 1157 3 874834944 +291 1178 4 875086354 +291 1188 4 874835165 +291 1206 3 874871551 +291 1209 1 875086308 +291 1210 4 875087656 +291 1213 3 874871655 +291 1215 1 874834184 +291 1217 3 874834850 +291 1219 4 875087221 +291 1220 5 874868382 +291 1229 2 874868027 +291 1239 2 874835279 +291 1244 4 874834345 +291 1248 4 875087634 +291 1253 3 874834944 +291 1273 2 875087634 +291 1277 4 874834019 +291 1303 3 874835279 +291 1305 3 875086766 +291 1376 3 874834323 +291 1471 3 874834914 +291 1478 2 874871585 +291 1489 2 875086766 +291 1505 4 874868647 +292 1 4 881104147 +292 2 4 881105778 +292 7 3 881104068 +292 9 4 881104148 +292 11 5 881104093 +292 20 2 881104760 +292 24 4 881104481 +292 28 4 881105734 +292 48 5 881105318 +292 50 4 881103977 +292 56 5 881105373 +292 58 5 881105442 +292 64 5 881105373 +292 79 5 881103434 +292 83 5 881104360 +292 86 4 881105778 +292 96 4 881103568 +292 98 5 881103758 +292 111 4 881104606 +292 115 4 881104194 +292 117 4 881104606 +292 118 3 881104701 +292 124 4 881104147 +292 125 2 881104401 +292 127 5 881104268 +292 135 4 881105701 +292 144 5 881105280 +292 150 4 881105135 +292 151 5 881104268 +292 153 4 881105587 +292 156 5 881105516 +292 165 4 881105657 +292 168 5 881105318 +292 169 5 881105625 +292 173 5 881103631 +292 174 5 881105481 +292 180 5 881103652 +292 181 4 881104068 +292 190 5 881105625 +292 193 4 881105734 +292 194 4 881105442 +292 195 5 881103568 +292 197 5 881105246 +292 199 5 881105481 +292 203 4 881105442 +292 207 5 881105561 +292 209 5 881103874 +292 214 3 881105701 +292 222 3 881105195 +292 223 5 881105516 +292 226 4 881105281 +292 228 5 881105211 +292 234 5 881105245 +292 235 3 881104797 +292 248 4 881103999 +292 249 3 881104820 +292 250 3 881104679 +292 252 3 881104881 +292 264 3 877628138 +292 265 4 881105587 +292 276 5 881103915 +292 282 4 881104661 +292 285 4 881103896 +292 288 3 877560833 +292 298 4 881103977 +292 300 4 877628139 +292 320 5 881105373 +292 328 3 877560833 +292 331 5 877560833 +292 343 2 881103478 +292 405 3 881104820 +292 408 4 881104068 +292 419 4 881105657 +292 423 5 881105625 +292 429 5 881105587 +292 462 3 881105657 +292 472 3 881104760 +292 475 5 881103896 +292 479 4 881105516 +292 482 5 881103606 +292 483 5 881105442 +292 484 5 881105625 +292 486 4 881105246 +292 491 4 881105318 +292 492 4 881105318 +292 499 5 881105245 +292 510 4 881104093 +292 511 5 881105373 +292 515 4 881103977 +292 523 4 881105561 +292 528 5 881105657 +292 535 3 881105031 +292 589 4 881105516 +292 602 4 881105481 +292 603 5 881105318 +292 607 4 881105625 +292 628 3 881105123 +292 631 5 881105778 +292 654 5 881105481 +292 657 5 881103711 +292 659 5 881105340 +292 661 5 881105561 +292 665 3 881103478 +292 705 4 881105374 +292 748 3 877718776 +292 789 4 881105701 +292 844 5 881104481 +292 855 5 881105373 +292 919 5 881103508 +292 1010 4 881104581 +292 1014 3 881104424 +292 1039 4 881105778 +292 1073 5 881105318 +292 1142 4 881104481 +293 1 2 888904861 +293 2 3 888907101 +293 3 2 888905399 +293 4 4 888906489 +293 5 3 888906576 +293 7 3 888905062 +293 8 3 888905736 +293 11 3 888905898 +293 12 4 888905665 +293 14 3 888904985 +293 15 3 888904777 +293 16 2 888907499 +293 17 2 888907335 +293 22 3 888905819 +293 23 4 888905865 +293 25 3 888904696 +293 26 3 888907015 +293 27 3 888907753 +293 28 3 888906071 +293 29 1 888907499 +293 31 2 888906244 +293 33 2 888907433 +293 36 1 888908041 +293 38 1 888907981 +293 45 5 888906315 +293 47 3 888907061 +293 48 5 888905819 +293 49 3 888907312 +293 50 5 888905519 +293 51 3 888907674 +293 53 3 888907891 +293 54 3 888907210 +293 55 4 888906096 +293 56 4 888905550 +293 62 1 888907624 +293 64 5 888905519 +293 65 3 888906945 +293 66 2 888906781 +293 67 3 888907575 +293 68 3 888906990 +293 69 3 888906576 +293 70 3 888907101 +293 71 4 888906905 +293 73 2 888906869 +293 76 3 888906824 +293 77 2 888907210 +293 81 4 888906576 +293 82 4 888906402 +293 85 3 888906927 +293 87 4 888907015 +293 88 3 888907266 +293 89 5 888905582 +293 91 2 888907499 +293 92 4 888906071 +293 94 2 888908066 +293 96 3 888905519 +293 97 4 888905898 +293 98 4 888905898 +293 99 3 888906402 +293 100 4 888904734 +293 111 2 888905062 +293 117 3 888904696 +293 121 3 888905198 +293 122 3 888905399 +293 124 4 888904696 +293 125 2 888905086 +293 127 5 888904614 +293 129 3 888904814 +293 133 3 888906045 +293 134 5 888905618 +293 135 5 888905550 +293 137 3 888904653 +293 139 3 888908088 +293 143 4 888906428 +293 144 4 888905819 +293 147 2 888905229 +293 148 1 888907015 +293 150 3 888904838 +293 151 4 888904927 +293 152 4 888905716 +293 153 4 888905948 +293 155 2 888907356 +293 156 4 888905948 +293 157 5 888905779 +293 158 2 888907603 +293 159 3 888907674 +293 160 4 888907036 +293 161 2 888907081 +293 162 3 888907312 +293 163 4 888907290 +293 164 4 888906598 +293 165 3 888905991 +293 167 3 888907702 +293 168 4 888905716 +293 172 5 888905618 +293 173 5 888905550 +293 174 5 888905923 +293 175 2 888906244 +293 176 4 888906536 +293 177 4 888906193 +293 179 4 888905898 +293 180 5 888906428 +293 181 3 888904734 +293 182 5 888905481 +293 183 4 888906119 +293 185 5 888905840 +293 186 2 888906045 +293 187 3 888905865 +293 188 3 888906288 +293 192 5 888905582 +293 193 3 888905990 +293 194 4 888906045 +293 195 3 888906119 +293 196 4 888906012 +293 198 4 888906143 +293 199 5 888905582 +293 200 4 888906655 +293 202 3 888906490 +293 203 3 888906781 +293 204 3 888906012 +293 206 4 888907552 +293 208 3 888906071 +293 209 3 888905519 +293 210 3 888905665 +293 211 4 888906338 +293 213 3 888906905 +293 215 4 888906244 +293 216 4 888905990 +293 217 3 888907955 +293 218 2 888906168 +293 222 3 888904861 +293 223 4 888905990 +293 226 1 888906906 +293 227 2 888906990 +293 228 3 888906315 +293 229 2 888907726 +293 230 2 888907384 +293 232 2 888907384 +293 233 2 888907266 +293 234 5 888906726 +293 235 3 888905146 +293 237 3 888904696 +293 238 4 888906464 +293 239 3 888907166 +293 240 2 888905086 +293 245 3 888904265 +293 248 3 888904985 +293 249 3 888905229 +293 250 3 888904862 +293 251 4 888904734 +293 252 2 888905086 +293 255 3 888905146 +293 257 2 888904696 +293 258 3 888904092 +293 264 3 888904392 +293 265 3 888906193 +293 272 4 888904180 +293 273 4 888904901 +293 275 3 888904696 +293 280 2 888905198 +293 282 2 888905170 +293 283 2 888904884 +293 284 2 888905122 +293 285 5 888904632 +293 286 3 888904265 +293 288 3 888904327 +293 290 2 888905198 +293 291 2 888905377 +293 293 4 888904795 +293 294 2 888904410 +293 297 4 888905034 +293 298 4 888904795 +293 300 2 888904004 +293 302 4 888904092 +293 303 4 888904220 +293 313 4 888904004 +293 315 3 888904513 +293 316 3 888904392 +293 317 4 888906193 +293 322 2 888904456 +293 328 2 888904285 +293 346 3 888904004 +293 347 2 888904353 +293 356 3 888907955 +293 357 4 888905760 +293 366 2 888907981 +293 367 2 888906288 +293 371 2 888906906 +293 380 2 888907527 +293 386 2 888908065 +293 393 3 888906906 +293 401 1 888907453 +293 402 2 888907702 +293 403 3 888906869 +293 404 4 888907122 +293 405 1 888905198 +293 410 2 888905034 +293 411 2 888905170 +293 414 4 888906576 +293 416 4 888907575 +293 419 3 888906699 +293 420 4 888907356 +293 421 3 888906576 +293 423 3 888906070 +293 425 4 888905923 +293 426 1 888907291 +293 427 4 888906288 +293 429 4 888906045 +293 430 3 888905716 +293 432 5 888906516 +293 433 3 888907407 +293 435 4 888906464 +293 436 3 888906990 +293 443 4 888906781 +293 445 4 888906315 +293 447 4 888907290 +293 451 3 888907245 +293 455 2 888905229 +293 460 3 888905005 +293 461 2 888905519 +293 462 4 888905819 +293 463 4 888906619 +293 464 3 888906927 +293 466 3 888906655 +293 467 4 888906263 +293 468 2 888906869 +293 469 4 888906378 +293 471 3 888904884 +293 474 5 888905685 +293 479 4 888905923 +293 480 5 888905685 +293 482 4 888906096 +293 483 5 888905481 +293 484 5 888906217 +293 485 3 888905948 +293 491 4 888905923 +293 492 5 888906096 +293 497 4 888906217 +293 501 4 888906378 +293 502 3 888906428 +293 503 4 888907145 +293 504 4 888905736 +293 506 5 888906428 +293 507 4 888905665 +293 509 3 888905948 +293 510 3 888905716 +293 513 5 888905990 +293 514 4 888906378 +293 518 5 888906489 +293 521 3 888906288 +293 527 4 888906598 +293 528 4 888906490 +293 531 4 888905642 +293 544 3 888905062 +293 546 1 888904927 +293 549 3 888907166 +293 550 1 888906781 +293 553 3 888907453 +293 554 1 888907794 +293 558 3 888906143 +293 559 2 888906168 +293 566 3 888907312 +293 568 4 888906489 +293 571 2 888908041 +293 572 2 888907931 +293 578 2 888907913 +293 582 4 888906536 +293 583 3 888908001 +293 588 3 888906748 +293 589 4 888906677 +293 591 3 888904712 +293 603 5 888905898 +293 616 3 888907753 +293 619 1 888905229 +293 627 2 888906338 +293 628 3 888905004 +293 629 3 888907753 +293 632 3 888906464 +293 636 4 888906576 +293 637 3 888907186 +293 638 4 888906168 +293 642 3 888906804 +293 646 3 888906244 +293 647 5 888905760 +293 649 4 888906726 +293 651 3 888905865 +293 653 5 888906119 +293 654 5 888905760 +293 655 3 888905618 +293 657 4 888905582 +293 658 1 888907499 +293 660 2 888907433 +293 663 3 888906516 +293 665 2 888908117 +293 678 2 888904439 +293 679 2 888906699 +293 684 3 888905481 +293 685 3 888905170 +293 686 3 888906869 +293 693 4 888906781 +293 696 2 888905229 +293 705 5 888906338 +293 710 3 888907145 +293 712 2 888907603 +293 715 3 888907674 +293 720 1 888907674 +293 724 3 888907061 +293 729 2 888907145 +293 732 3 888906516 +293 739 2 888906804 +293 742 2 888904927 +293 746 3 888906748 +293 747 2 888905819 +293 751 3 888904180 +293 761 2 888907981 +293 765 3 888907836 +293 770 3 888906655 +293 779 1 888908066 +293 780 3 888907816 +293 781 2 888907644 +293 789 2 888906071 +293 804 1 888907816 +293 809 2 888908117 +293 810 1 888907674 +293 815 2 888905122 +293 820 2 888905306 +293 824 3 888905252 +293 831 3 888905286 +293 843 3 888907836 +293 845 2 888904838 +293 849 2 888907891 +293 856 3 888905686 +293 866 3 888905322 +293 871 1 888908066 +293 877 2 888904265 +293 895 3 888904410 +293 924 2 888904814 +293 931 1 888905252 +293 933 2 888905399 +293 939 2 888906516 +293 941 2 888907407 +293 942 4 888907210 +293 943 2 888906576 +293 955 2 888906464 +293 956 3 888906726 +293 977 2 888908088 +293 1011 3 888905146 +293 1016 2 888905086 +293 1017 3 888904862 +293 1018 3 888907552 +293 1041 2 888907674 +293 1042 3 888907575 +293 1044 2 888908117 +293 1046 1 888907061 +293 1048 3 888905034 +293 1057 2 888905229 +293 1098 2 888905519 +293 1101 3 888906677 +293 1119 1 888906655 +293 1132 3 888905416 +293 1135 3 888907575 +293 1147 4 888907081 +293 1161 2 888905062 +293 1208 3 888906990 +293 1209 2 888908117 +293 1217 1 888907913 +293 1220 2 888907552 +293 1226 3 888905198 +293 1228 1 888908041 +293 1229 1 888907210 +293 1248 2 888907527 +293 1264 3 888905582 +293 1267 3 888906966 +293 1286 4 888906844 +293 1298 3 888906045 +293 1311 3 888907603 +293 1333 4 888905618 +293 1421 2 888907794 +294 1 5 877819634 +294 7 4 877819563 +294 21 3 877819897 +294 24 4 877819761 +294 50 5 877819353 +294 79 4 889854323 +294 93 4 877819713 +294 100 4 877819265 +294 105 3 889242660 +294 109 4 877819599 +294 111 4 877819999 +294 117 4 877819634 +294 118 3 877819941 +294 121 5 877819714 +294 122 3 889242661 +294 123 4 877819634 +294 125 3 877820272 +294 127 5 877819265 +294 147 4 877819845 +294 148 3 877820155 +294 151 5 877819761 +294 181 5 877819532 +294 235 3 877819532 +294 237 4 889242035 +294 240 3 877820294 +294 245 3 877818982 +294 246 4 889241864 +294 248 5 877819421 +294 249 5 877819941 +294 250 5 877819459 +294 252 4 877820240 +294 254 3 889242937 +294 255 3 889241958 +294 257 3 877819599 +294 258 3 877818457 +294 260 4 877819126 +294 264 2 877819090 +294 268 4 889241426 +294 269 5 877818457 +294 271 5 889241426 +294 273 3 877819421 +294 276 4 877819421 +294 281 3 889242035 +294 282 3 877821796 +294 286 5 877818457 +294 291 2 889242469 +294 293 4 877819897 +294 294 4 877818860 +294 295 4 877820132 +294 298 5 877819265 +294 299 3 877818982 +294 300 4 877818861 +294 301 4 877818915 +294 307 3 889241466 +294 313 5 889241339 +294 322 1 889243393 +294 323 3 877818729 +294 324 4 877818729 +294 325 3 877818861 +294 327 3 877818982 +294 328 4 877818982 +294 331 4 877818580 +294 332 3 877818915 +294 333 4 877818861 +294 334 4 877818861 +294 340 4 889241280 +294 342 3 889241466 +294 343 4 889241511 +294 346 3 889241377 +294 347 5 889241377 +294 350 4 889241426 +294 354 3 889241377 +294 355 4 889241426 +294 358 2 877818861 +294 363 1 889243393 +294 405 4 877819761 +294 406 2 877819941 +294 410 4 877819897 +294 411 3 889242589 +294 413 3 889242166 +294 455 3 877819490 +294 471 4 877820189 +294 472 3 889242370 +294 475 5 877819310 +294 476 3 877819792 +294 508 4 877819532 +294 515 5 889242081 +294 520 5 889854323 +294 535 4 877820240 +294 538 5 889241562 +294 544 4 877819673 +294 546 4 877819761 +294 547 3 877819972 +294 597 3 889242306 +294 603 5 889854323 +294 619 3 877820328 +294 676 3 877821514 +294 682 3 889241486 +294 689 3 889241579 +294 742 4 877819634 +294 743 2 889242905 +294 748 3 877818861 +294 749 3 877818915 +294 751 4 889241309 +294 752 3 889241377 +294 823 3 877820190 +294 825 3 877820272 +294 826 1 889243393 +294 827 1 889243393 +294 829 3 889242788 +294 831 3 889242542 +294 840 3 889242516 +294 872 4 877818580 +294 879 4 877818580 +294 881 3 889241707 +294 895 4 889241309 +294 902 4 891404417 +294 926 3 877819713 +294 928 3 889242468 +294 930 3 889242704 +294 931 3 889242857 +294 986 3 889242810 +294 1007 4 877819761 +294 1011 2 889242370 +294 1012 4 877819792 +294 1013 2 889242788 +294 1014 2 889242306 +294 1016 4 877820189 +294 1028 3 877819897 +294 1047 3 877820240 +294 1079 2 889242624 +294 1081 3 889242328 +294 1088 1 889243393 +294 1089 2 877820132 +294 1132 4 889242788 +294 1134 3 877819761 +294 1161 3 877819673 +294 1199 2 889242142 +294 1245 3 877819265 +294 1254 3 889242661 +295 1 4 879517580 +295 7 5 879518018 +295 11 4 879517062 +295 22 4 879517372 +295 25 5 879518042 +295 39 4 879518279 +295 42 3 879517467 +295 43 4 879518107 +295 50 5 879517540 +295 52 5 879966498 +295 53 1 879519528 +295 56 4 879517348 +295 60 5 879517492 +295 65 5 879517655 +295 68 4 879518960 +295 69 5 879517911 +295 70 5 879517779 +295 71 5 879517822 +295 72 4 879518714 +295 79 4 879517600 +295 82 4 879518126 +295 83 5 879518257 +295 84 2 879518107 +295 86 5 879966498 +295 88 4 879517964 +295 89 5 879519555 +295 91 5 879519556 +295 94 4 879518339 +295 95 4 879518080 +295 96 1 879517299 +295 97 5 879517761 +295 98 5 879517193 +295 99 4 879517741 +295 100 5 879518080 +295 102 4 879518339 +295 105 4 879519473 +295 109 4 879517911 +295 115 5 879517135 +295 118 3 879518840 +295 121 4 879518455 +295 125 5 879518528 +295 132 5 879517348 +295 133 4 879517432 +295 134 5 879519556 +295 137 4 879517271 +295 142 4 879518590 +295 143 4 879517682 +295 144 4 879518166 +295 153 5 879517324 +295 154 5 879517801 +295 155 4 879518715 +295 157 5 879966498 +295 158 4 879518932 +295 159 4 879518107 +295 161 4 879518430 +295 162 4 879517157 +295 164 5 879518395 +295 168 5 879517467 +295 172 4 879516986 +295 174 4 879517062 +295 181 4 879517860 +295 183 1 879517348 +295 186 5 879517512 +295 188 3 879518042 +295 190 4 879517062 +295 191 5 879517033 +295 194 4 879517412 +295 196 5 879966498 +295 202 5 879517943 +295 204 4 879517655 +295 208 5 879517157 +295 209 5 879518233 +295 210 4 879518378 +295 213 5 879517324 +295 215 5 879517247 +295 216 5 879517580 +295 217 4 879517705 +295 218 5 879966498 +295 222 4 879517136 +295 226 4 879518166 +295 227 4 879517635 +295 228 4 879518414 +295 229 4 879519010 +295 230 4 879517271 +295 232 3 879518900 +295 235 4 879517943 +295 237 4 879517994 +295 238 4 879517136 +295 241 5 879518800 +295 265 4 879518042 +295 290 4 879518630 +295 318 5 879517010 +295 357 4 879517136 +295 371 4 879518257 +295 378 4 879518233 +295 380 4 879518455 +295 381 5 879518528 +295 382 5 879519556 +295 385 4 879518864 +295 386 4 879519308 +295 389 4 879518298 +295 395 4 879519501 +295 401 3 879519390 +295 402 5 879518820 +295 403 4 879517762 +295 404 4 879518378 +295 412 2 879519237 +295 414 4 879517157 +295 416 4 879518630 +295 417 5 879518474 +295 419 4 879518107 +295 420 4 879518233 +295 421 4 879517802 +295 423 4 879517372 +295 427 4 879517412 +295 431 5 879518233 +295 435 5 879519556 +295 449 4 879518864 +295 450 4 879519438 +295 451 4 879518864 +295 461 5 879966498 +295 465 4 879518630 +295 470 3 879518257 +295 485 4 879517558 +295 493 5 879516961 +295 496 5 879517682 +295 497 5 879519556 +295 498 5 879519556 +295 504 4 879517299 +295 511 5 879516961 +295 513 4 879517492 +295 527 4 879517964 +295 546 4 879518780 +295 559 4 879518674 +295 561 5 879518696 +295 570 3 879518590 +295 582 5 879517721 +295 588 4 879517682 +295 602 5 879517247 +295 624 5 879518654 +295 629 5 879518780 +295 631 5 879966498 +295 642 4 879517943 +295 648 4 879517324 +295 655 5 879517010 +295 660 5 879518143 +295 704 5 879519266 +295 705 4 879517682 +295 720 4 879518801 +295 729 4 879518018 +295 735 5 879519556 +295 736 5 879966498 +295 737 5 879518607 +295 738 4 879518546 +295 739 4 879518319 +295 740 4 879517225 +295 743 4 879518674 +295 747 4 879518590 +295 790 3 879519265 +295 794 4 879518978 +295 809 4 879519438 +295 812 4 879518739 +295 843 4 879517994 +295 941 4 879518359 +295 946 2 879517994 +295 951 5 879517893 +295 961 5 879519556 +295 965 4 879517271 +295 966 5 879518060 +295 997 3 879518821 +295 1028 5 879519556 +295 1039 4 879517742 +295 1040 2 879519180 +295 1050 5 879517761 +295 1115 5 879518568 +295 1133 4 879519528 +295 1135 4 879518696 +295 1170 5 879966498 +295 1188 3 879519354 +295 1221 5 879518455 +295 1297 4 879519529 +295 1401 5 879966498 +295 1446 4 879519026 +295 1459 5 879519237 +295 1473 4 879519473 +295 1503 2 879517082 +296 1 5 884196689 +296 7 5 884196896 +296 9 4 884196523 +296 10 2 884196605 +296 11 5 884197131 +296 13 3 884196665 +296 14 4 884196665 +296 15 3 884196712 +296 19 5 884196524 +296 20 5 884196921 +296 22 4 884197068 +296 23 5 884197235 +296 24 2 884196605 +296 45 5 884197419 +296 50 5 884196469 +296 55 5 884197287 +296 56 5 884197287 +296 61 3 884197287 +296 79 4 884197068 +296 89 5 884197352 +296 96 5 884197287 +296 98 5 884197091 +296 100 5 884196489 +296 111 3 884196712 +296 114 5 884198772 +296 117 3 884196741 +296 121 5 884196689 +296 124 5 884196555 +296 125 5 884196985 +296 127 5 884196489 +296 134 5 884197264 +296 137 4 884196741 +296 144 4 884197131 +296 150 1 884196556 +296 151 2 884196964 +296 153 4 884197419 +296 172 5 884197193 +296 179 4 884197419 +296 180 5 884198772 +296 181 5 884198772 +296 186 3 884199624 +296 187 5 884198772 +296 191 5 884197193 +296 194 5 884197193 +296 198 5 884197264 +296 199 5 884197193 +296 204 5 884199625 +296 209 4 884199625 +296 210 3 884197308 +296 211 4 884197068 +296 221 5 884196524 +296 222 5 884196640 +296 228 4 884197264 +296 237 5 884196785 +296 238 4 884199624 +296 240 1 884196765 +296 242 4 884196057 +296 244 1 884196896 +296 246 4 884196584 +296 248 5 884196765 +296 250 2 884196689 +296 251 5 884196523 +296 255 2 884196584 +296 256 5 884196741 +296 257 5 884196921 +296 258 5 884196469 +296 259 1 884196374 +296 268 4 884196238 +296 269 5 884196258 +296 274 4 884196741 +296 276 5 884198772 +296 277 5 884198772 +296 279 4 884196640 +296 281 2 884196985 +296 282 4 884196712 +296 284 4 884196805 +296 285 5 884196469 +296 287 4 884196765 +296 289 3 884196351 +296 292 5 884196057 +296 293 5 884196765 +296 294 1 884196374 +296 297 4 884196665 +296 298 1 884196640 +296 301 5 884196284 +296 303 4 884196238 +296 304 3 884196149 +296 309 1 884196209 +296 313 5 884196114 +296 315 5 884196351 +296 357 5 884197068 +296 429 5 884197330 +296 435 5 884197108 +296 455 1 884196921 +296 462 4 884197330 +296 469 5 884197264 +296 475 4 884196555 +296 480 5 884197068 +296 482 5 884197330 +296 483 5 884197307 +296 484 4 884197308 +296 485 5 884197235 +296 498 5 884197352 +296 504 5 884197394 +296 508 5 884196584 +296 514 5 884199624 +296 515 5 884196555 +296 521 4 884197091 +296 523 4 884197235 +296 528 5 884197068 +296 628 5 884196640 +296 632 5 884197264 +296 652 4 884197068 +296 654 5 884197419 +296 659 5 884198772 +296 663 5 884198772 +296 685 4 884196896 +296 688 1 884196374 +296 696 4 884196805 +296 705 5 884197193 +296 750 5 884196150 +296 815 3 884196806 +296 845 5 884196689 +296 846 2 884196985 +296 855 5 884197352 +296 898 4 884196284 +296 923 5 884197193 +296 948 1 884196149 +296 950 4 884196741 +296 963 5 884197352 +296 1007 4 884196921 +296 1009 3 884196921 +296 1073 5 884197330 +296 1142 5 884196524 +296 1160 4 884196964 +296 1251 5 884196469 +296 1284 4 884196765 +297 1 3 874954425 +297 4 1 875240201 +297 7 4 874954541 +297 8 5 875239795 +297 11 4 875240015 +297 12 5 875239619 +297 13 3 874955210 +297 17 3 875240201 +297 20 4 874954763 +297 22 4 875238984 +297 24 4 874954260 +297 25 4 874954497 +297 27 1 875239535 +297 28 4 875239913 +297 31 3 881708087 +297 32 4 875239267 +297 34 3 875410124 +297 42 3 875238853 +297 47 2 875240090 +297 50 5 874954541 +297 53 3 875239942 +297 55 4 875238922 +297 56 5 875239422 +297 57 5 875239383 +297 69 3 875240171 +297 70 5 875239619 +297 73 2 875239691 +297 79 3 875239125 +297 83 4 875774306 +297 86 5 875238883 +297 89 4 875239125 +297 90 4 875239942 +297 92 3 875239346 +297 95 3 875238814 +297 97 5 875239871 +297 98 5 875238579 +297 100 5 874954183 +297 102 1 875240267 +297 108 4 874955085 +297 109 4 874954814 +297 111 3 874955085 +297 114 5 875239569 +297 116 4 874954260 +297 117 4 874954497 +297 118 3 875239495 +297 124 4 874954353 +297 128 4 875239346 +297 129 4 874954353 +297 133 4 875240090 +297 135 4 875238608 +297 137 5 874954425 +297 143 5 875239870 +297 144 3 875238778 +297 147 3 874955183 +297 148 3 875239619 +297 151 3 875239975 +297 153 5 875240053 +297 154 5 875239658 +297 156 4 875240090 +297 157 2 875238853 +297 160 1 875238853 +297 168 5 875049192 +297 173 4 875240237 +297 174 5 875410071 +297 175 4 875238883 +297 176 4 881708055 +297 181 4 875410178 +297 183 4 875238984 +297 185 5 875239870 +297 191 3 875238923 +297 194 3 875239453 +297 195 1 875240053 +297 196 4 875239267 +297 197 3 875239691 +297 200 3 875239092 +297 201 4 875238984 +297 202 3 875238638 +297 204 3 875239422 +297 208 4 875049192 +297 209 4 875239535 +297 210 4 875410100 +297 211 4 875240090 +297 213 3 875240171 +297 215 2 875240133 +297 222 4 874954845 +297 223 5 875238638 +297 228 2 875238984 +297 230 2 875238814 +297 231 3 875239913 +297 233 2 875239914 +297 234 3 875239018 +297 235 2 874954611 +297 237 4 875239383 +297 238 5 875409525 +297 243 1 878771163 +297 245 3 874954060 +297 248 3 874954814 +297 249 3 874955210 +297 250 1 874955085 +297 257 3 874954763 +297 258 5 874953892 +297 265 3 875239454 +297 267 3 875409139 +297 268 4 881707737 +297 269 4 875774037 +297 271 2 881707810 +297 272 5 884039431 +297 273 4 874954763 +297 275 5 874954260 +297 277 3 875048641 +297 282 3 874954845 +297 283 4 874954387 +297 284 4 874954497 +297 288 3 874955131 +297 293 3 874954844 +297 294 3 874953948 +297 298 5 874954814 +297 300 3 874953892 +297 301 4 876529834 +297 302 4 875408934 +297 326 2 874953892 +297 338 2 881707832 +297 347 3 885922424 +297 357 4 875238922 +297 367 2 875239018 +297 419 3 875240016 +297 423 3 875240237 +297 430 1 875238778 +297 432 4 875239658 +297 435 3 875238726 +297 443 2 875240133 +297 447 4 875239691 +297 448 3 875240171 +297 455 4 874954611 +297 465 3 875238984 +297 471 3 874954611 +297 474 4 875239125 +297 475 5 874954426 +297 479 5 875240015 +297 480 4 875238923 +297 485 3 875240267 +297 498 3 875239018 +297 508 4 874955210 +297 514 3 875239383 +297 515 5 874954353 +297 527 5 875239018 +297 529 3 875238778 +297 535 3 874954814 +297 546 3 874954763 +297 574 1 875239092 +297 582 4 875238814 +297 596 3 874955107 +297 603 5 875239942 +297 625 3 875240266 +297 629 3 875410013 +297 652 3 875239346 +297 659 4 881708055 +297 678 3 874954093 +297 687 2 875409099 +297 690 5 876717812 +297 692 3 875239018 +297 699 4 875239658 +297 705 2 875238726 +297 716 3 875239422 +297 724 3 875238883 +297 742 3 875774155 +297 746 3 875239569 +297 748 2 874954060 +297 750 5 888643345 +297 751 4 885922463 +297 752 4 888643376 +297 864 3 874954541 +297 919 1 874954260 +297 946 2 875239092 +297 984 1 881707865 +297 1007 4 874954763 +297 1014 3 874954845 +297 1073 3 875238695 +297 1109 3 875238922 +297 1136 3 875240053 +297 1217 1 875240132 +297 1296 4 875408935 +298 1 5 884126061 +298 9 4 884126202 +298 22 4 884182965 +298 23 4 884183236 +298 28 4 884182725 +298 50 5 884125578 +298 58 4 884182725 +298 69 4 884125058 +298 71 5 884183016 +298 79 5 884182685 +298 88 5 884183236 +298 91 2 884182932 +298 97 4 884183063 +298 99 3 884127249 +298 118 4 884183016 +298 121 4 884126202 +298 125 3 884125912 +298 127 5 884125847 +298 132 5 884182966 +298 133 3 884125093 +298 134 5 884182966 +298 143 5 884182966 +298 144 4 884182838 +298 152 3 884183336 +298 153 3 884127369 +298 168 5 884182933 +298 172 4 884124993 +298 174 5 884125022 +298 178 5 884127369 +298 181 4 884125629 +298 183 3 884182600 +298 185 3 884182774 +298 186 4 884183256 +298 187 5 884183063 +298 193 5 884182867 +298 194 5 884127249 +298 195 4 884183277 +298 196 4 884182891 +298 197 4 884183236 +298 199 4 884127690 +298 200 3 884183063 +298 202 3 884182867 +298 203 3 884182966 +298 204 4 884182148 +298 205 5 884181969 +298 208 5 884182867 +298 210 5 884182891 +298 211 5 884125093 +298 213 3 884183130 +298 215 5 884182685 +298 237 5 884126240 +298 252 4 884183833 +298 257 4 884126240 +298 265 4 884127720 +298 274 3 884183640 +298 275 3 884125672 +298 276 2 884183833 +298 281 3 884183336 +298 282 4 884125629 +298 284 4 884126240 +298 286 4 884124929 +298 294 3 884184024 +298 311 3 884126552 +298 317 4 884182806 +298 318 5 884182657 +298 333 5 884126600 +298 356 3 884182627 +298 357 5 884181969 +298 393 4 884183099 +298 402 3 884183063 +298 419 5 884182774 +298 423 5 884183063 +298 427 5 884127369 +298 430 5 884182657 +298 435 5 884182573 +298 471 4 884125847 +298 473 3 884183952 +298 474 4 884182806 +298 479 5 884182685 +298 482 5 884182657 +298 483 5 884125441 +298 484 4 884182627 +298 485 3 884124993 +298 486 3 884183063 +298 496 5 884127603 +298 498 5 884182573 +298 502 5 884183406 +298 503 4 884183237 +298 504 3 884127249 +298 507 4 884182657 +298 511 4 884127690 +298 514 4 884182989 +298 523 4 884182774 +298 526 5 884182573 +298 527 5 884182725 +298 530 5 884182600 +298 546 3 884184098 +298 549 4 884183307 +298 588 4 884125022 +298 596 3 884126288 +298 603 5 884125093 +298 604 5 884127720 +298 625 4 884183406 +298 651 5 884183063 +298 652 3 884183099 +298 660 3 884182838 +298 679 3 884183099 +298 705 4 884182148 +298 742 3 884125553 +298 820 4 884183897 +298 845 3 884183773 +298 864 3 884183912 +298 866 3 884183930 +298 946 3 884182868 +298 951 4 884183130 +298 993 4 884125629 +298 1346 3 884126061 +299 1 3 877877535 +299 4 3 889503074 +299 7 3 877877847 +299 10 5 877878601 +299 12 5 877880350 +299 13 4 877877965 +299 14 4 877877775 +299 17 1 889503374 +299 19 1 877877434 +299 20 3 877880111 +299 23 4 878192154 +299 24 3 877877732 +299 25 3 877878227 +299 26 4 878192601 +299 28 4 877880474 +299 32 3 877881169 +299 45 3 878192238 +299 47 4 877881508 +299 48 4 877880612 +299 49 4 889502823 +299 50 4 877877775 +299 52 4 877880962 +299 55 2 877881061 +299 56 4 877880350 +299 58 3 878192601 +299 59 5 877880394 +299 60 5 878192680 +299 61 4 877880648 +299 67 2 889503740 +299 70 3 877881320 +299 71 3 878192238 +299 72 3 889503305 +299 73 2 889503265 +299 77 3 878192638 +299 81 4 889504036 +299 83 5 878192344 +299 86 4 889502050 +299 88 3 889502902 +299 89 5 878192756 +299 91 4 889501654 +299 93 2 877877775 +299 94 1 889503564 +299 95 3 889501654 +299 97 4 878192680 +299 98 4 877881229 +299 99 3 889501790 +299 100 3 877877600 +299 101 2 889501721 +299 111 3 877878184 +299 114 4 878191943 +299 115 3 877880474 +299 118 2 877880111 +299 127 5 877877434 +299 129 4 877877733 +299 134 4 878192311 +299 135 4 878191889 +299 136 4 878192078 +299 137 4 877877535 +299 143 3 877880612 +299 144 4 877881320 +299 150 5 877877535 +299 151 4 877878227 +299 152 4 877880474 +299 153 3 877881320 +299 154 4 878191943 +299 165 4 889501890 +299 166 4 889501926 +299 167 3 889503159 +299 168 4 878192039 +299 169 4 878192555 +299 170 5 889501190 +299 171 4 877880961 +299 173 5 889501163 +299 174 4 877880961 +299 175 5 879123190 +299 176 4 880699166 +299 179 4 878191943 +299 181 3 877877479 +299 182 3 878192039 +299 185 3 878192039 +299 190 5 877881356 +299 191 4 878192039 +299 194 3 877881229 +299 197 3 878192039 +299 198 4 889501288 +299 202 4 889501325 +299 204 4 889503112 +299 207 3 877880394 +299 208 4 878191995 +299 209 3 889503013 +299 210 4 889502980 +299 211 4 877880961 +299 212 4 878191889 +299 213 5 878192555 +299 216 5 889502688 +299 222 2 877878148 +299 228 3 878191823 +299 229 3 878192429 +299 237 2 877877649 +299 238 4 877880852 +299 239 3 878192601 +299 241 3 889502640 +299 244 2 877878001 +299 248 5 877877933 +299 249 3 877878414 +299 251 5 877877434 +299 255 2 877878036 +299 257 2 877877732 +299 259 3 877877323 +299 264 2 877877290 +299 270 4 878052375 +299 271 3 879737472 +299 274 3 877878339 +299 275 4 877877535 +299 276 4 877877691 +299 278 3 877879980 +299 283 3 889417370 +299 285 5 877877847 +299 286 4 877618524 +299 288 3 877618584 +299 289 3 877877323 +299 294 2 877618584 +299 297 3 877877691 +299 298 4 877878227 +299 300 4 877618619 +299 302 4 889501087 +299 303 3 877618584 +299 305 3 879737314 +299 311 4 880198334 +299 313 3 887135516 +299 318 4 877880649 +299 319 3 889501480 +299 333 4 892249868 +299 343 3 881605700 +299 345 4 884023998 +299 346 3 886101436 +299 347 4 887135610 +299 354 4 888854746 +299 367 4 878192497 +299 378 3 878192680 +299 381 3 889502198 +299 384 3 889503774 +299 393 2 889503503 +299 396 4 889503503 +299 399 2 889503373 +299 402 3 889502865 +299 408 4 877877847 +299 418 4 889501790 +299 423 3 878192238 +299 432 3 877880612 +299 433 5 889501365 +299 435 3 877881061 +299 461 3 878192601 +299 462 5 878192463 +299 473 3 877878561 +299 474 5 877880474 +299 475 4 877877600 +299 478 4 877880612 +299 479 4 878192556 +299 480 4 878191995 +299 481 3 877880566 +299 482 4 877881508 +299 483 5 877880961 +299 484 4 877881169 +299 485 4 877881320 +299 487 5 889501230 +299 488 4 877881508 +299 496 3 878192154 +299 498 4 878192237 +299 501 3 889501790 +299 502 4 878192756 +299 503 4 878192601 +299 508 4 877878451 +299 509 4 877880566 +299 510 5 889501392 +299 511 4 878192311 +299 512 4 889501995 +299 513 4 877881228 +299 514 5 877881229 +299 515 4 877877691 +299 516 4 889503159 +299 517 4 889502688 +299 522 3 877880522 +299 529 4 877880852 +299 531 3 877880350 +299 538 3 881605700 +299 543 5 889501890 +299 546 3 877879980 +299 553 3 889502865 +299 577 3 889503806 +299 582 2 889502159 +299 597 3 877880111 +299 602 3 878191995 +299 603 3 877880474 +299 606 4 889501393 +299 607 4 877881229 +299 634 2 877880852 +299 640 3 889501995 +299 642 4 877881276 +299 645 4 877881276 +299 647 4 878192804 +299 652 3 877880522 +299 655 3 889502979 +299 662 4 878192429 +299 692 4 877880915 +299 702 4 889502159 +299 710 4 877881508 +299 715 4 889503441 +299 724 3 889502687 +299 727 4 878192379 +299 728 2 889503159 +299 730 4 889501926 +299 732 4 889502688 +299 733 3 888855244 +299 739 3 889502865 +299 742 4 877878339 +299 746 4 889502979 +299 747 4 889502640 +299 749 1 877618647 +299 752 3 887136060 +299 753 5 877880852 +299 778 4 889502688 +299 785 2 889502865 +299 792 4 889503112 +299 811 4 877880794 +299 813 4 878192192 +299 820 3 889501620 +299 855 4 889502087 +299 856 3 889503334 +299 889 3 884023918 +299 895 2 884993860 +299 915 4 892250102 +299 916 3 892249868 +299 919 3 889501551 +299 921 3 889502087 +299 936 4 889417423 +299 950 2 877878148 +299 954 3 889503503 +299 955 4 889502823 +299 959 2 889503159 +299 962 4 889501593 +299 965 4 889501260 +299 970 4 877880350 +299 998 2 889503774 +299 1005 5 878192833 +299 1006 4 878192804 +299 1018 3 889502324 +299 1020 4 878192237 +299 1021 3 878192721 +299 1036 2 889503856 +299 1039 4 878191779 +299 1050 4 878192721 +299 1056 4 889502292 +299 1068 3 877877600 +299 1073 4 879123070 +299 1074 3 889502786 +299 1103 4 889503013 +299 1119 4 889502727 +299 1132 1 877880196 +299 1141 4 877880522 +299 1214 2 889502528 +299 1223 3 878191779 +299 1226 2 877878602 +299 1227 1 878192556 +299 1258 2 877878451 +299 1300 2 877878382 +299 1322 3 877878001 +299 1379 3 877878080 +299 1506 4 878192680 +299 1507 3 877881170 +300 100 3 875650267 +300 243 4 875650068 +300 257 4 875650267 +300 261 3 875650018 +300 322 4 875650018 +300 328 3 875650068 +300 456 4 875650267 +300 872 5 875650068 +300 876 5 875650105 +300 948 4 875650018 +301 1 4 882074345 +301 2 2 882076587 +301 3 2 882075082 +301 4 4 882077033 +301 7 4 882074236 +301 8 4 882076494 +301 9 3 882074291 +301 11 4 882076291 +301 12 4 882076239 +301 15 4 882074460 +301 17 4 882077142 +301 21 2 882074967 +301 22 4 882075859 +301 24 4 882074312 +301 25 3 882075110 +301 28 4 882076264 +301 29 4 882078492 +301 31 3 882076463 +301 33 4 882078228 +301 39 3 882076292 +301 41 3 882079446 +301 42 4 882075743 +301 43 5 882078994 +301 47 4 882076936 +301 50 5 882074647 +301 51 4 882078928 +301 53 1 882078883 +301 54 3 882076587 +301 56 4 882076587 +301 58 4 882077285 +301 62 3 882078419 +301 64 5 882075672 +301 66 4 882077330 +301 67 2 882078621 +301 68 4 882076558 +301 69 5 882076682 +301 71 4 882077007 +301 73 4 882075962 +301 76 4 882078250 +301 77 3 882076751 +301 79 5 882076403 +301 80 3 882078883 +301 81 3 882077351 +301 82 5 882077078 +301 88 4 882077142 +301 89 2 882076046 +301 90 3 882078360 +301 91 3 882078906 +301 94 4 882079172 +301 95 5 882076334 +301 96 5 882076239 +301 97 4 882076121 +301 98 4 882075827 +301 99 4 882078419 +301 100 5 882074408 +301 105 3 882075202 +301 109 5 882074236 +301 111 1 882074708 +301 117 5 882074584 +301 118 4 882074903 +301 120 2 882079423 +301 121 4 882075148 +301 122 2 882074818 +301 123 4 882074726 +301 127 4 882074262 +301 128 5 882078228 +301 132 4 882076619 +301 133 4 882077142 +301 142 3 882078420 +301 143 4 882077330 +301 144 4 882076021 +301 145 3 882078040 +301 150 4 882074345 +301 151 2 882074776 +301 152 3 882077285 +301 153 3 882075743 +301 154 4 882076425 +301 155 1 882078308 +301 156 4 882076098 +301 157 2 882076021 +301 159 3 882076890 +301 160 2 882077284 +301 161 3 882076558 +301 162 3 882078287 +301 163 3 882076264 +301 164 3 882076966 +301 168 4 882075994 +301 173 4 882076403 +301 176 4 882075774 +301 179 3 882076494 +301 180 3 882076782 +301 181 5 882074291 +301 182 5 882075774 +301 183 3 882076291 +301 184 4 882077222 +301 186 4 882076121 +301 187 4 882076403 +301 191 3 882075672 +301 193 3 882075994 +301 194 4 882075827 +301 195 5 882076098 +301 196 4 882077836 +301 197 5 882075774 +301 199 4 882076239 +301 201 4 882076619 +301 203 4 882077176 +301 204 5 882076264 +301 205 4 882076046 +301 210 4 882076211 +301 215 5 882077222 +301 216 4 882076782 +301 217 3 882079503 +301 218 4 882076643 +301 219 4 882078955 +301 222 4 882074345 +301 226 5 882077222 +301 227 3 882077222 +301 228 3 882076966 +301 229 3 882078228 +301 230 4 882077033 +301 231 2 882078580 +301 232 4 882078287 +301 233 4 882077872 +301 235 2 882074408 +301 237 4 882074291 +301 239 2 882076682 +301 240 4 882074494 +301 241 3 882077222 +301 249 3 882074801 +301 250 4 882074236 +301 252 3 882075148 +301 258 4 882074363 +301 265 4 882075672 +301 269 5 882075432 +301 271 4 882075473 +301 273 1 882074800 +301 276 1 882074384 +301 281 4 882074903 +301 282 4 882074561 +301 284 4 882074708 +301 288 4 882074291 +301 294 4 882074408 +301 299 3 882075520 +301 300 4 882075500 +301 318 5 882075962 +301 323 4 882075110 +301 333 4 882075454 +301 334 3 882075500 +301 340 4 882075432 +301 357 5 882075994 +301 363 4 882078326 +301 367 4 882076619 +301 373 4 882079334 +301 380 4 882078459 +301 384 5 882079315 +301 385 3 882077055 +301 387 3 882078084 +301 393 3 882078735 +301 395 1 882079384 +301 401 4 882078040 +301 402 2 882076915 +301 403 4 882076292 +301 404 3 882076463 +301 405 4 882074727 +301 407 2 882075202 +301 409 4 882075242 +301 410 4 882074460 +301 411 1 882074867 +301 412 4 882075110 +301 418 3 882076751 +301 419 3 882076072 +301 420 3 882077285 +301 423 1 882076239 +301 425 4 882077033 +301 426 4 882076967 +301 427 4 882075775 +301 429 4 882076072 +301 431 4 882078008 +301 443 4 882078008 +301 447 4 882078955 +301 451 4 882078061 +301 455 5 882074437 +301 456 3 882074838 +301 462 2 882076587 +301 465 4 882077811 +301 470 4 882078199 +301 474 4 882075803 +301 481 4 882075827 +301 483 4 882076403 +301 501 3 882078040 +301 502 4 882076558 +301 503 3 882078228 +301 511 4 882075803 +301 514 3 882076021 +301 515 3 882074561 +301 519 4 882076682 +301 521 3 882076987 +301 527 4 882076238 +301 546 4 882078228 +301 550 3 882078040 +301 552 3 882078267 +301 554 3 882078830 +301 559 4 882078955 +301 562 3 882077256 +301 566 3 882076463 +301 568 4 882076538 +301 576 4 882079199 +301 582 2 882077811 +301 588 5 882077055 +301 597 3 882075202 +301 604 4 882075994 +301 607 4 882077176 +301 631 1 882078882 +301 636 3 882077811 +301 651 5 882075994 +301 655 1 882076187 +301 658 3 882076463 +301 665 2 882079334 +301 673 4 882076751 +301 678 2 882075386 +301 684 3 882077330 +301 685 3 882074867 +301 686 4 882078008 +301 692 3 882076619 +301 693 5 882076806 +301 702 4 882077784 +301 710 3 882078008 +301 719 4 882079542 +301 721 3 882076494 +301 732 4 882077351 +301 735 2 882077871 +301 737 2 882078906 +301 739 2 882076966 +301 742 4 882074437 +301 743 2 882075356 +301 746 3 882075774 +301 755 4 882078308 +301 756 4 882074932 +301 758 3 882075242 +301 763 4 882074665 +301 771 2 882079256 +301 772 3 882078250 +301 790 4 882078621 +301 797 4 882078558 +301 802 2 882078883 +301 820 3 882075082 +301 824 3 882075055 +301 831 4 882075338 +301 849 4 882078883 +301 864 4 882075110 +301 866 4 882075171 +301 871 4 882075148 +301 959 4 882078778 +301 1012 4 882074613 +301 1013 3 882075286 +301 1016 4 882074684 +301 1028 5 882074801 +301 1035 4 882078809 +301 1052 1 882075386 +301 1074 2 882078580 +301 1091 3 882079353 +301 1112 4 882079294 +301 1135 3 882078906 +301 1230 1 882079221 +301 1283 4 882075386 +302 245 2 879436911 +302 258 3 879436739 +302 266 2 879436981 +302 270 2 879436785 +302 303 2 879436785 +302 307 4 879436739 +302 309 2 879436820 +302 322 2 879436875 +302 323 2 879436875 +302 328 3 879436844 +302 879 2 879436960 +303 1 5 879466966 +303 2 3 879467191 +303 3 3 879485184 +303 4 4 879467936 +303 5 2 879484534 +303 7 4 879467514 +303 8 5 879467223 +303 9 5 879466830 +303 11 4 879467260 +303 12 4 879466937 +303 13 4 879484918 +303 15 3 879467607 +303 17 4 879466830 +303 21 2 879484004 +303 22 5 879467413 +303 23 5 879467936 +303 24 3 879468047 +303 25 4 879468047 +303 26 4 879468307 +303 28 3 879466717 +303 29 2 879485134 +303 31 3 879467361 +303 33 4 879468021 +303 38 1 879484981 +303 41 5 879485686 +303 42 5 879467223 +303 43 3 879485507 +303 44 4 879484480 +303 46 3 879467706 +303 47 5 879467959 +303 49 2 879483901 +303 50 5 879466866 +303 53 3 879485608 +303 54 3 879484695 +303 55 4 879467328 +303 56 5 879466547 +303 62 2 879484159 +303 63 1 879484327 +303 64 5 879466457 +303 65 4 879467436 +303 67 5 879485401 +303 69 5 879467542 +303 70 4 879467739 +303 71 3 879468179 +303 72 3 879485111 +303 73 3 879484918 +303 77 4 879483978 +303 78 2 879544238 +303 79 5 879466891 +303 80 4 879484563 +303 81 4 879466866 +303 82 4 879467465 +303 83 5 879467607 +303 85 3 879484588 +303 87 3 879466421 +303 88 4 879468307 +303 90 4 879485111 +303 91 5 879483480 +303 92 4 879467131 +303 93 5 879467223 +303 94 3 879485318 +303 95 5 879484480 +303 96 5 879466830 +303 97 5 879468459 +303 98 5 879466572 +303 99 4 879467514 +303 100 5 879466420 +303 106 2 879543796 +303 109 4 879467131 +303 111 3 879467639 +303 116 5 879466771 +303 117 3 879468581 +303 118 2 879485623 +303 120 2 879544099 +303 121 3 879485016 +303 122 4 879485066 +303 123 4 879468149 +303 124 4 879466491 +303 125 2 879467638 +303 127 5 879466523 +303 128 4 879467542 +303 129 5 879468547 +303 132 5 879466966 +303 134 5 879467959 +303 137 4 879468414 +303 139 3 879543209 +303 141 3 879483900 +303 143 4 879483680 +303 144 5 879467035 +303 145 1 879543573 +303 147 4 879467816 +303 150 5 879467190 +303 151 5 879484534 +303 152 4 879468274 +303 153 5 879466421 +303 155 3 879484159 +303 156 5 879466771 +303 158 3 879543959 +303 159 3 879484695 +303 160 4 879468375 +303 161 5 879468547 +303 164 4 879466830 +303 167 3 879468307 +303 168 5 879467223 +303 170 5 879467574 +303 171 4 879467105 +303 172 5 879467413 +303 173 5 879466604 +303 174 5 879466523 +303 176 5 879467260 +303 179 5 879466491 +303 181 5 879468082 +303 182 5 879467105 +303 183 5 879466866 +303 184 5 879467436 +303 185 5 879467465 +303 186 4 879467105 +303 187 5 879466631 +303 191 5 879466937 +303 194 5 879466742 +303 195 4 879466937 +303 198 4 879467413 +303 200 4 879468459 +303 201 5 879467573 +303 202 5 879468149 +303 203 5 879467669 +303 204 4 879466491 +303 208 5 879467706 +303 209 5 879467328 +303 210 4 879466717 +303 215 5 879467413 +303 216 5 879466604 +303 218 4 879484695 +303 219 5 879484480 +303 221 5 879466491 +303 222 3 879468414 +303 223 4 879466742 +303 226 4 879467295 +303 227 3 879542884 +303 228 4 879467574 +303 229 3 879468581 +303 230 3 879483511 +303 231 4 879485292 +303 232 4 879467191 +303 233 4 879484981 +303 234 5 879467260 +303 235 4 879484563 +303 236 4 879468274 +303 237 5 879468307 +303 238 4 879467295 +303 239 3 879484871 +303 240 3 879468513 +303 241 4 879483301 +303 245 3 879466249 +303 246 5 879544515 +303 248 2 879544680 +303 249 4 879544739 +303 250 4 879544712 +303 251 4 879544533 +303 252 3 879544791 +303 255 4 879544516 +303 257 4 879544558 +303 258 4 879465986 +303 259 3 879466116 +303 260 3 879466291 +303 262 5 879466065 +303 264 3 879466214 +303 268 5 879466166 +303 269 5 879466018 +303 270 4 879466088 +303 271 2 879466065 +303 273 3 879468274 +303 276 4 879467895 +303 277 3 879468547 +303 281 3 879543375 +303 282 3 879467895 +303 283 3 879467936 +303 284 4 879467465 +303 286 5 879465986 +303 287 4 879485203 +303 288 4 879466018 +303 289 2 879466065 +303 290 4 879483941 +303 291 3 879484804 +303 293 4 879544515 +303 294 4 879466116 +303 298 4 879544607 +303 300 1 879466166 +303 302 4 879465986 +303 318 5 879466523 +303 319 5 879466065 +303 321 3 879466065 +303 323 1 879466214 +303 324 3 879466065 +303 325 1 879466249 +303 326 2 879466116 +303 327 1 879466166 +303 328 3 879466166 +303 330 3 879552065 +303 333 4 879466088 +303 334 3 879466184 +303 340 5 879466088 +303 357 5 879466717 +303 358 2 879466291 +303 363 1 879485134 +303 364 2 879544153 +303 366 3 879485221 +303 367 4 879468082 +303 368 1 879544340 +303 369 1 879544130 +303 373 2 879544276 +303 375 2 879544276 +303 376 2 879543617 +303 379 4 879485546 +303 381 4 879467574 +303 382 3 879467815 +303 384 3 879485165 +303 385 4 879467669 +303 386 4 879485352 +303 387 5 879485401 +303 388 2 879544365 +303 390 3 879544365 +303 391 1 879485747 +303 395 2 879544080 +303 396 4 879484846 +303 398 1 879485372 +303 401 3 879543003 +303 402 4 879485250 +303 403 5 879468274 +303 404 4 879468375 +303 405 4 879483802 +303 408 4 879467035 +303 410 4 879484846 +303 412 3 879543756 +303 413 2 879543524 +303 416 3 879468179 +303 419 4 879467328 +303 420 4 879484563 +303 421 4 879466966 +303 423 4 879483535 +303 425 4 879466795 +303 427 4 879466547 +303 430 4 879467260 +303 432 3 879468274 +303 433 4 879467985 +303 435 5 879466491 +303 436 4 879484644 +303 443 4 879468459 +303 449 4 879485685 +303 450 3 879544386 +303 451 5 879468581 +303 452 2 879544276 +303 455 3 879484421 +303 458 3 879467936 +303 460 4 879543600 +303 461 4 879484159 +303 462 3 879468082 +303 470 4 879468375 +303 473 4 879485111 +303 474 5 879466457 +303 475 4 879467155 +303 476 3 879485352 +303 477 3 879483827 +303 479 5 879466572 +303 480 4 879466523 +303 482 5 879467361 +303 483 5 879466795 +303 484 5 879466966 +303 491 4 879466631 +303 501 4 879484981 +303 502 4 879484421 +303 506 4 879467328 +303 507 5 879466604 +303 508 4 879467260 +303 514 5 879466667 +303 517 5 879484480 +303 518 4 879468581 +303 525 5 879466604 +303 531 4 879466457 +303 535 1 879544681 +303 540 1 879543679 +303 541 3 879543988 +303 542 2 879484194 +303 544 4 879483617 +303 545 2 879544400 +303 546 2 879484373 +303 549 3 879484846 +303 550 3 879467607 +303 551 2 879544021 +303 552 2 879485048 +303 554 2 879484500 +303 558 4 879467105 +303 559 4 879467670 +303 562 4 879485447 +303 564 1 879485447 +303 568 4 879468414 +303 569 3 879484159 +303 574 1 879544184 +303 575 4 879544219 +303 576 3 879485417 +303 577 3 879544340 +303 578 2 879484846 +303 582 4 879483462 +303 583 1 879483901 +303 586 2 879485659 +303 588 5 879468459 +303 591 4 879468082 +303 595 2 879484421 +303 596 4 879468274 +303 597 1 879485204 +303 603 5 879466457 +303 615 4 879467413 +303 616 4 879484948 +303 619 3 879467574 +303 627 3 879484733 +303 631 4 879483617 +303 634 3 879467035 +303 636 3 879484695 +303 650 5 879483941 +303 651 5 879468021 +303 653 4 879466937 +303 654 5 879467328 +303 655 5 879483568 +303 658 5 879484327 +303 665 4 879485475 +303 670 2 879544062 +303 673 4 879468250 +303 678 1 879544946 +303 679 2 879484534 +303 685 1 879485089 +303 687 1 879544923 +303 692 4 879468123 +303 697 3 879484948 +303 700 3 879485718 +303 705 5 879467105 +303 709 5 879468021 +303 715 4 879484441 +303 716 2 879467639 +303 720 2 879468375 +303 721 4 879484194 +303 722 2 879485372 +303 725 1 879544153 +303 729 3 879483568 +303 734 1 879543711 +303 735 4 879483567 +303 738 2 879544276 +303 739 5 879468547 +303 741 4 879466604 +303 742 4 879484899 +303 744 3 879467607 +303 746 4 879467514 +303 748 2 879466214 +303 755 2 879485016 +303 759 1 879544385 +303 762 4 879468179 +303 763 4 879485319 +303 765 3 879485608 +303 773 4 879466891 +303 778 4 879467815 +303 780 5 879483900 +303 783 2 879543756 +303 785 3 879485318 +303 790 4 879485507 +303 792 5 879484644 +303 800 3 879485352 +303 801 1 879543679 +303 805 4 879485475 +303 808 2 879484480 +303 809 2 879543524 +303 813 4 879467985 +303 815 3 879485532 +303 820 3 879544184 +303 824 3 879483901 +303 825 3 879485016 +303 829 2 879485814 +303 831 4 879544080 +303 833 2 879484327 +303 840 2 879543988 +303 842 2 879484804 +303 844 3 879468179 +303 845 4 879485221 +303 847 4 879466830 +303 849 3 879485589 +303 866 2 879485277 +303 867 3 879484373 +303 869 2 879485703 +303 871 1 879485685 +303 872 3 879466018 +303 873 3 879466214 +303 875 4 879466291 +303 919 4 879467295 +303 926 2 879485814 +303 928 3 879485589 +303 939 3 879467739 +303 940 2 879485659 +303 943 2 879467815 +303 948 2 879466249 +303 952 3 879467706 +303 953 3 879485016 +303 956 4 879466421 +303 960 4 879467361 +303 979 4 879484213 +303 993 2 879544576 +303 997 2 879544219 +303 998 3 879544435 +303 1007 5 879544576 +303 1011 2 879484282 +303 1012 4 879544712 +303 1013 1 879544860 +303 1014 3 879544588 +303 1016 3 879544727 +303 1021 4 879484643 +303 1023 2 879544898 +303 1034 1 879544184 +303 1037 3 879544340 +303 1039 5 879466457 +303 1040 1 879485844 +303 1041 2 879485507 +303 1044 3 879485685 +303 1046 3 879468375 +303 1047 2 879485277 +303 1048 4 879484871 +303 1052 2 879544365 +303 1071 2 879485352 +303 1073 4 879467191 +303 1086 1 879468021 +303 1088 2 879544946 +303 1089 1 879544978 +303 1090 1 879485686 +303 1092 1 879544435 +303 1095 2 879543988 +303 1097 3 879466523 +303 1109 4 879467936 +303 1110 1 879543939 +303 1118 3 879484004 +303 1135 2 879485589 +303 1142 4 879544659 +303 1145 2 879544219 +303 1153 3 879484899 +303 1157 2 879543711 +303 1178 2 879544130 +303 1182 2 879543459 +303 1187 4 879467895 +303 1188 4 879485204 +303 1199 3 879468123 +303 1209 2 879544021 +303 1210 1 879543773 +303 1215 1 879544435 +303 1217 1 879484948 +303 1218 4 879484350 +303 1220 2 879484899 +303 1222 3 879468513 +303 1224 2 879485475 +303 1226 4 879544713 +303 1228 2 879543459 +303 1230 1 879485447 +303 1232 3 879484948 +303 1239 1 879544020 +303 1258 2 879544756 +303 1267 3 879484327 +303 1270 1 879485770 +303 1273 2 879485278 +303 1286 4 879467413 +303 1303 3 879543831 +303 1315 3 879544791 +303 1335 3 879485048 +303 1337 1 879485770 +303 1407 1 879544063 +303 1411 2 879483941 +303 1426 2 879484804 +303 1508 1 879544130 +303 1509 1 879544435 +303 1510 3 879485659 +303 1511 3 879544843 +304 111 3 884968264 +304 237 5 884968415 +304 243 3 884967391 +304 259 1 884967253 +304 271 4 884968415 +304 274 4 884968415 +304 275 4 884968264 +304 288 3 884966696 +304 298 5 884968415 +304 322 4 884968415 +304 323 3 884967391 +304 681 2 884967167 +304 682 3 884967520 +304 763 4 884968415 +304 879 3 884966972 +304 893 3 884967520 +305 1 5 886323153 +305 2 2 886324580 +305 7 4 886323937 +305 12 5 886322930 +305 13 3 886323998 +305 14 4 886322893 +305 15 1 886322796 +305 16 3 886324058 +305 33 3 886325627 +305 42 4 886324172 +305 45 5 886323275 +305 48 5 886323591 +305 49 3 886324962 +305 52 2 886323506 +305 56 1 886323068 +305 59 3 886322758 +305 60 3 886324097 +305 64 5 886323406 +305 66 3 886325023 +305 69 3 886324299 +305 70 4 886324221 +305 71 3 886323684 +305 76 1 886323506 +305 81 3 886323335 +305 83 3 886323464 +305 86 4 886323757 +305 87 1 886323153 +305 88 2 886323966 +305 89 3 886322719 +305 91 2 886323303 +305 96 3 886324172 +305 97 4 886322560 +305 98 4 886322560 +305 100 3 886323648 +305 117 2 886324028 +305 121 3 886324898 +305 127 5 886322412 +305 129 3 886323006 +305 131 3 886323440 +305 134 5 886322560 +305 135 3 886323189 +305 143 3 886323275 +305 144 2 886323068 +305 151 4 886324433 +305 153 3 886323153 +305 154 4 886322670 +305 156 4 886323068 +305 160 4 886323937 +305 163 3 886325627 +305 165 4 886323153 +305 166 4 886322719 +305 168 4 886323115 +305 169 5 886322893 +305 170 4 886322691 +305 171 5 886323237 +305 172 4 886323757 +305 173 3 886322670 +305 174 3 886322635 +305 175 4 886322893 +305 176 4 886323839 +305 178 4 886322966 +305 179 1 886323966 +305 180 4 886323806 +305 181 4 886321799 +305 183 4 886324028 +305 184 3 886323937 +305 188 2 886323757 +305 190 3 886322966 +305 191 3 886322966 +305 192 2 886323275 +305 195 3 886323006 +305 196 4 886324097 +305 197 2 886322758 +305 198 4 886322838 +305 199 4 886323779 +305 200 3 886324661 +305 201 3 886323998 +305 202 3 886323684 +305 203 4 886323839 +305 204 2 886323998 +305 207 5 886323839 +305 209 5 886322966 +305 210 3 886323006 +305 212 3 886324058 +305 214 2 886323068 +305 215 2 886323464 +305 216 5 886323563 +305 222 2 886323378 +305 223 4 886322758 +305 228 2 886323998 +305 237 2 886322796 +305 238 3 886323617 +305 239 3 886323153 +305 242 5 886307828 +305 245 1 886308147 +305 246 3 886322122 +305 249 3 886322174 +305 251 5 886321764 +305 257 2 886322122 +305 258 4 886308064 +305 268 3 886307860 +305 269 4 886307948 +305 272 3 886307917 +305 275 2 886323153 +305 282 3 886323806 +305 285 5 886322930 +305 286 4 886307828 +305 287 3 886324097 +305 289 4 886308064 +305 298 4 886322150 +305 300 3 886307828 +305 302 4 886307860 +305 305 3 886307860 +305 311 5 886307971 +305 315 5 886308168 +305 317 4 886323713 +305 318 3 886322560 +305 326 2 886307917 +305 327 3 886307948 +305 338 3 886308252 +305 347 3 886308111 +305 357 5 886323189 +305 382 5 886323617 +305 385 1 886324792 +305 403 2 886324792 +305 405 3 886324580 +305 408 5 886323189 +305 423 4 886322670 +305 425 4 886324486 +305 427 5 886323090 +305 428 3 886323902 +305 431 4 886323806 +305 433 2 886324792 +305 451 3 886324817 +305 462 5 886323525 +305 464 3 886322796 +305 469 2 886323757 +305 471 4 886323648 +305 474 5 886322838 +305 475 4 886324199 +305 478 3 886323275 +305 479 3 886323275 +305 480 5 886322758 +305 482 2 886323006 +305 483 5 886323068 +305 484 3 886322838 +305 485 2 886323648 +305 486 5 886323563 +305 505 3 886323006 +305 511 4 886322560 +305 512 4 886323525 +305 527 5 886323189 +305 528 4 886323378 +305 530 5 886323237 +305 550 3 886325023 +305 557 4 886324521 +305 566 3 886324486 +305 582 4 886323506 +305 597 2 886324551 +305 602 3 886324058 +305 610 3 886324128 +305 628 4 886324661 +305 631 3 886324028 +305 638 5 886324128 +305 650 4 886323406 +305 654 4 886323937 +305 655 4 886323937 +305 660 4 886324734 +305 663 3 886323591 +305 664 2 886324462 +305 679 3 886324792 +305 684 3 886323591 +305 686 3 886324330 +305 690 4 886307828 +305 708 3 886324963 +305 709 5 886324221 +305 713 4 886323115 +305 729 3 886324712 +305 733 3 886324661 +305 735 4 886324128 +305 748 3 886308147 +305 749 2 886308111 +305 751 3 886307971 +305 770 3 886324521 +305 778 4 886325023 +305 792 4 886323406 +305 793 5 886324712 +305 806 3 886322720 +305 845 3 886323335 +305 856 5 886323839 +305 863 4 886324387 +305 865 3 886323563 +305 904 4 886307860 +305 921 5 886324410 +305 941 2 886324792 +305 943 2 886323464 +305 947 4 886322838 +305 961 3 886323440 +305 963 4 886322635 +305 971 4 886324608 +305 1015 1 886323068 +305 1018 5 886324580 +305 1073 1 886323591 +305 1074 2 886324330 +305 1101 4 886323563 +305 1104 4 886323779 +305 1286 5 886324687 +305 1411 3 886324865 +305 1456 4 886324962 +305 1485 3 886323902 +305 1512 3 886322796 +305 1513 2 886322212 +306 14 5 876503995 +306 19 5 876503995 +306 235 4 876504354 +306 242 5 876503793 +306 257 4 876504354 +306 258 2 876503793 +306 275 4 876503894 +306 283 3 876503995 +306 285 4 876504354 +306 286 4 876503793 +306 287 4 876504442 +306 289 3 876503793 +306 303 3 876503793 +306 306 5 876503792 +306 319 4 876503793 +306 476 3 876504679 +306 741 1 876504286 +306 864 3 876504286 +306 1009 4 876503995 +306 1028 2 876504581 +306 1251 5 876504026 +306 1514 4 876504614 +307 1 5 878066938 +307 24 4 876176161 +307 28 3 877119480 +307 50 5 879284239 +307 56 4 878856967 +307 62 3 881966033 +307 64 4 879283371 +307 70 4 877121347 +307 72 3 877122721 +307 81 5 879283091 +307 82 4 875645340 +307 83 5 877120874 +307 89 5 879283786 +307 91 4 879283514 +307 94 3 877122695 +307 99 4 879283449 +307 100 3 879206424 +307 101 3 888095824 +307 109 5 879283787 +307 114 5 879283169 +307 121 1 879114143 +307 132 4 879283333 +307 135 4 877122208 +307 143 3 879283203 +307 145 4 879283672 +307 153 5 875681145 +307 154 5 879282952 +307 161 3 879205470 +307 163 3 879283384 +307 164 4 879283514 +307 168 5 879283798 +307 169 5 879283625 +307 172 5 879283786 +307 174 4 879283480 +307 178 3 877118976 +307 181 5 879283232 +307 183 3 877121921 +307 185 3 877118565 +307 186 5 879283625 +307 189 4 877121617 +307 193 3 879205470 +307 195 3 879205470 +307 196 3 879205470 +307 197 4 877122115 +307 200 3 877117875 +307 204 3 879205470 +307 209 5 879283798 +307 210 2 877123746 +307 214 5 879283091 +307 215 4 879283036 +307 222 4 879538922 +307 227 5 879538922 +307 228 5 879538921 +307 229 5 879538921 +307 230 5 879538921 +307 239 3 877122138 +307 257 5 875645340 +307 265 3 877122816 +307 269 4 879283333 +307 286 3 881965984 +307 380 3 879538922 +307 393 3 877123041 +307 395 3 877121789 +307 401 1 879114143 +307 402 2 879283362 +307 403 3 877122035 +307 408 5 875645579 +307 419 4 877122115 +307 423 5 879283587 +307 427 3 877121988 +307 428 4 877118113 +307 433 5 879283625 +307 449 4 879538922 +307 450 2 879538922 +307 462 4 879284095 +307 463 5 879283786 +307 472 3 877123683 +307 474 5 879283787 +307 483 5 875680937 +307 505 3 879205470 +307 509 3 877121019 +307 511 5 879282952 +307 515 4 875680871 +307 527 5 878066938 +307 529 4 877381142 +307 580 4 879283514 +307 588 4 877118284 +307 631 3 879283544 +307 634 3 879283385 +307 655 4 877117166 +307 660 3 879205470 +307 687 1 879114143 +307 708 4 879283322 +307 736 3 877118152 +307 739 2 877122317 +307 746 4 875681078 +307 831 1 879114143 +307 949 4 877123315 +307 1022 4 879283008 +307 1028 4 875746067 +307 1065 3 879205470 +307 1140 2 879114143 +308 1 4 887736532 +308 4 5 887737890 +308 5 4 887739608 +308 7 4 887738847 +308 8 5 887736696 +308 9 4 887737194 +308 11 5 887737837 +308 12 5 887737243 +308 15 3 887739426 +308 17 4 887739056 +308 19 3 887737383 +308 21 3 887740729 +308 22 4 887737647 +308 23 5 887737293 +308 24 4 887738057 +308 25 4 887740649 +308 28 3 887737036 +308 30 4 887738933 +308 31 3 887739472 +308 32 5 887737432 +308 42 4 887738191 +308 44 4 887740451 +308 45 4 887736843 +308 47 4 887738933 +308 48 4 887736880 +308 49 3 887740833 +308 50 5 887737431 +308 54 2 887740254 +308 55 3 887738760 +308 56 5 887736924 +308 58 3 887736459 +308 60 3 887737760 +308 61 3 887739336 +308 64 4 887737383 +308 65 3 887738301 +308 66 4 887740788 +308 68 4 887740933 +308 69 2 887738664 +308 70 4 887737244 +308 71 4 887739257 +308 72 4 887740451 +308 73 3 887738972 +308 74 4 887740184 +308 77 3 887740788 +308 79 4 887737593 +308 81 5 887737293 +308 82 4 887738470 +308 85 4 887741245 +308 87 4 887737760 +308 88 4 887740568 +308 89 5 887738057 +308 91 4 887737536 +308 92 4 887737293 +308 96 4 887737432 +308 97 1 887738469 +308 98 3 887737334 +308 99 4 887738057 +308 100 5 887736797 +308 107 4 887741150 +308 109 3 887738894 +308 116 4 887737594 +308 117 3 887738620 +308 118 3 887739670 +308 121 3 887739471 +308 122 4 887742165 +308 123 3 887738619 +308 124 4 887737647 +308 127 4 887737243 +308 129 5 887736925 +308 131 4 887739383 +308 132 3 887737891 +308 133 3 887738225 +308 134 5 887737686 +308 135 5 887737243 +308 139 3 887741179 +308 141 3 887739891 +308 143 4 887739136 +308 144 3 887737956 +308 147 3 887739831 +308 148 3 887740788 +308 151 4 887741795 +308 152 5 887739292 +308 153 5 887737484 +308 154 4 887738152 +308 156 4 887738057 +308 157 5 887738268 +308 160 4 887738717 +308 161 3 887740788 +308 162 4 887739095 +308 163 4 887737084 +308 164 4 887738664 +308 165 3 887736696 +308 166 3 887737837 +308 168 4 887737593 +308 169 5 887736532 +308 170 3 887737130 +308 171 4 887738346 +308 172 4 887736532 +308 175 5 887736999 +308 176 4 887736696 +308 177 5 887738570 +308 178 4 887737719 +308 179 4 887736584 +308 180 5 887737997 +308 181 4 887739095 +308 182 5 887737194 +308 183 4 887736695 +308 184 4 887738847 +308 185 4 887736925 +308 186 4 887738152 +308 187 5 887738760 +308 191 4 887736797 +308 192 5 887736696 +308 193 3 887737837 +308 194 5 887739257 +308 195 5 887738619 +308 196 3 887739951 +308 197 3 887736743 +308 198 3 887739172 +308 199 4 887737760 +308 200 5 887738933 +308 201 5 887737334 +308 202 4 887737084 +308 203 5 887737997 +308 204 4 887737891 +308 205 3 887738191 +308 208 4 887736798 +308 209 4 887737686 +308 210 4 887737130 +308 211 4 887737535 +308 213 4 887739382 +308 214 2 887738104 +308 216 3 887737789 +308 218 5 887738717 +308 219 3 887738717 +308 223 4 887737130 +308 226 3 887740833 +308 230 4 887739014 +308 231 3 887740410 +308 233 3 887738346 +308 234 3 887737084 +308 235 3 887739800 +308 237 3 887737383 +308 238 5 887736843 +308 239 3 887740033 +308 241 4 887738509 +308 248 4 887741437 +308 254 2 887742454 +308 255 4 887741693 +308 257 4 887741526 +308 259 3 887736408 +308 264 2 887736408 +308 265 3 887737647 +308 273 2 887737084 +308 274 3 887738760 +308 275 4 887737891 +308 276 4 887736998 +308 283 3 887737194 +308 284 4 887741554 +308 285 5 887736622 +308 288 4 887736408 +308 291 3 887739472 +308 293 4 887741415 +308 294 3 887736408 +308 295 3 887741461 +308 298 5 887741383 +308 309 1 887736408 +308 313 3 887736408 +308 318 4 887736743 +308 319 4 887736408 +308 321 3 887736408 +308 322 2 887736408 +308 356 3 887740833 +308 357 4 887738151 +308 365 3 887739915 +308 367 4 887738571 +308 371 3 887738469 +308 378 3 887740700 +308 382 4 887739521 +308 385 4 887740099 +308 392 4 887740367 +308 393 4 887740367 +308 396 4 887740099 +308 402 4 887740700 +308 403 4 887738571 +308 404 3 887736998 +308 408 5 887738268 +308 410 4 887741329 +308 411 4 887739987 +308 417 3 887740254 +308 419 4 887737194 +308 420 4 887740216 +308 423 5 887736999 +308 425 4 887737997 +308 427 4 887736584 +308 428 5 887739426 +308 429 4 887737890 +308 430 4 887738717 +308 432 4 887737036 +308 433 5 887738301 +308 434 4 887736584 +308 435 4 887737484 +308 443 3 887740500 +308 447 4 887739056 +308 448 3 887740866 +308 449 3 887741003 +308 452 2 887741329 +308 455 4 887738226 +308 461 4 887737535 +308 463 4 887738057 +308 466 5 887738387 +308 467 4 887737194 +308 469 5 887738104 +308 471 3 887739382 +308 472 2 887739336 +308 473 3 887739951 +308 475 4 887737193 +308 477 4 887739257 +308 479 5 887738346 +308 480 4 887736532 +308 481 4 887737997 +308 482 5 887738152 +308 483 3 887736843 +308 484 3 887736998 +308 485 3 887737719 +308 486 4 887737432 +308 487 4 887736798 +308 488 4 887736696 +308 490 4 887738104 +308 492 3 887737535 +308 494 5 887738570 +308 495 3 887740131 +308 496 3 887736532 +308 498 5 887736584 +308 499 3 887738619 +308 501 4 887740099 +308 502 5 887739521 +308 504 4 887738570 +308 505 3 887737647 +308 506 4 887738191 +308 507 3 887738893 +308 509 4 887738717 +308 510 3 887736925 +308 511 5 887737130 +308 512 5 887736584 +308 513 3 887736584 +308 514 4 887738619 +308 515 3 887737536 +308 517 4 887737483 +308 519 4 887737997 +308 520 4 887738508 +308 521 3 887736798 +308 522 3 887737484 +308 523 4 887737084 +308 525 5 887738847 +308 526 3 887739426 +308 528 3 887737036 +308 530 4 887736584 +308 531 4 887738057 +308 537 4 887739136 +308 546 3 887740500 +308 550 4 887738847 +308 558 4 887737594 +308 559 4 887740367 +308 566 4 887739014 +308 567 4 887741329 +308 568 5 887740649 +308 569 3 887740410 +308 578 2 887738847 +308 579 3 887740700 +308 581 4 887740500 +308 582 3 887736843 +308 583 4 887737483 +308 584 4 887738717 +308 588 5 887738893 +308 589 4 887737760 +308 591 3 887739608 +308 597 3 887738933 +308 602 4 887737536 +308 603 5 887736743 +308 605 4 887740603 +308 607 3 887737084 +308 609 4 887739757 +308 610 4 887738847 +308 611 4 887738971 +308 613 4 887738620 +308 614 3 887739757 +308 615 3 887739213 +308 616 2 887739800 +308 618 4 887737955 +308 628 3 887738104 +308 629 4 887738894 +308 632 3 887738057 +308 633 4 887739257 +308 634 4 887737334 +308 637 3 887741108 +308 640 4 887737036 +308 641 4 887736459 +308 642 5 887738226 +308 646 5 887738508 +308 648 4 887738509 +308 649 4 887739292 +308 653 5 887736999 +308 654 5 887736881 +308 655 4 887738664 +308 656 3 887736622 +308 657 4 887736696 +308 659 3 887736532 +308 660 3 887740410 +308 661 4 887736532 +308 663 5 887738469 +308 664 5 887736999 +308 665 4 887741003 +308 671 4 887739014 +308 673 4 887737243 +308 675 4 887740367 +308 678 3 887736408 +308 679 4 887739426 +308 684 3 887737593 +308 686 4 887739831 +308 692 3 887738469 +308 693 3 887738104 +308 699 4 887737193 +308 705 5 887737837 +308 708 4 887739863 +308 709 3 887737334 +308 712 4 887740833 +308 715 5 887740700 +308 729 3 887740254 +308 732 4 887738847 +308 736 3 887738760 +308 739 4 887739639 +308 742 4 887739172 +308 746 4 887739056 +308 747 3 887740033 +308 755 3 887740033 +308 770 4 887738057 +308 778 3 887740603 +308 792 3 887737594 +308 802 3 887738717 +308 805 4 887739471 +308 806 4 887737594 +308 811 4 887739212 +308 822 4 887739472 +308 824 3 887742013 +308 825 4 887740700 +308 826 3 887739427 +308 842 3 887740099 +308 843 3 887739095 +308 853 5 887736797 +308 856 4 887738387 +308 863 3 887736881 +308 921 4 887738268 +308 928 4 887742103 +308 942 3 887737432 +308 945 4 887739136 +308 959 3 887739335 +308 962 4 887738104 +308 965 4 887738387 +308 966 3 887740500 +308 968 4 887739987 +308 1006 4 887739608 +308 1019 4 887738570 +308 1021 4 887736459 +308 1028 2 887738972 +308 1045 4 887740033 +308 1046 4 887740649 +308 1047 3 887742130 +308 1065 5 887739382 +308 1073 3 887736798 +308 1074 3 887741271 +308 1118 4 887740500 +308 1121 3 887737647 +308 1126 3 887738268 +308 1135 4 887740099 +308 1140 4 887740933 +308 1147 4 887738387 +308 1154 2 887740367 +308 1169 5 887739136 +308 1197 4 887739521 +308 1211 3 887739669 +308 1252 3 887741604 +308 1404 4 887739257 +308 1411 4 887741150 +308 1421 4 887739212 +308 1456 4 887739056 +308 1515 4 887738346 +309 242 4 877370319 +309 300 3 877370288 +309 303 2 877370319 +309 306 2 877370356 +309 324 3 877370419 +309 326 5 877370383 +309 331 5 877370356 +309 333 3 877370419 +309 938 4 877370383 +309 1393 2 877370383 +310 14 5 879436268 +310 24 4 879436242 +310 116 5 879436104 +310 257 5 879436576 +310 258 3 879435606 +310 304 5 879435664 +310 536 4 879436137 +310 748 3 879435729 +310 832 1 879436035 +310 845 5 879436534 +310 1142 5 879436467 +311 1 4 884963202 +311 8 4 884364465 +311 9 4 884963365 +311 12 4 884364436 +311 15 5 884963136 +311 22 4 884364538 +311 23 3 884364570 +311 31 4 884364570 +311 38 3 884365954 +311 39 4 884364999 +311 41 3 884366439 +311 43 4 884366227 +311 44 3 884365168 +311 47 2 884365654 +311 50 5 884365075 +311 51 4 884366010 +311 54 4 884366439 +311 56 5 884364437 +311 58 3 884364570 +311 62 3 884365929 +311 63 3 884365686 +311 64 5 884364502 +311 66 4 884365325 +311 68 1 884365824 +311 69 5 884364999 +311 70 4 884364999 +311 71 4 884364845 +311 72 4 884365686 +311 73 4 884366187 +311 76 4 884365140 +311 77 5 884365718 +311 79 4 884364623 +311 81 3 884365451 +311 82 5 884364436 +311 86 5 884365252 +311 88 4 884365450 +311 89 5 884364845 +311 91 3 884366439 +311 94 3 884366187 +311 96 5 884365653 +311 97 4 884365357 +311 98 5 884364502 +311 99 5 884365075 +311 100 1 884963136 +311 101 4 884366397 +311 117 4 884366852 +311 118 3 884963203 +311 121 4 884366852 +311 125 4 884963179 +311 127 4 884364538 +311 131 3 884365252 +311 132 4 884365548 +311 133 3 884364652 +311 134 5 884364502 +311 135 4 884366617 +311 136 5 884365357 +311 141 4 884366187 +311 143 3 884364812 +311 161 4 884365579 +311 168 4 884365406 +311 170 5 884364999 +311 173 5 884364569 +311 174 5 884364538 +311 176 4 884365104 +311 177 5 884364764 +311 178 5 884364437 +311 179 2 884365357 +311 181 4 884364724 +311 183 5 884365519 +311 185 2 884366617 +311 186 3 884364464 +311 187 4 884364764 +311 188 4 884364437 +311 191 4 884364764 +311 192 3 884366528 +311 193 5 884365075 +311 194 4 884364724 +311 195 4 884364538 +311 196 5 884365325 +311 197 4 884365686 +311 198 3 884364812 +311 199 4 884365485 +311 200 4 884365718 +311 202 4 884364694 +311 204 5 884365617 +311 205 5 884365357 +311 208 4 884365104 +311 209 2 884364502 +311 210 5 884364652 +311 211 3 884364538 +311 212 3 884366397 +311 213 4 884365075 +311 215 4 884364999 +311 216 5 884364502 +311 218 4 884366363 +311 222 4 884366852 +311 226 4 884366397 +311 227 4 884365617 +311 228 5 884365325 +311 229 5 884365890 +311 230 5 884364931 +311 231 4 884365746 +311 232 3 884364812 +311 233 4 884365889 +311 234 4 884364873 +311 238 4 884365357 +311 239 3 884365284 +311 241 3 884364695 +311 258 4 884363706 +311 265 5 884364812 +311 275 4 884963136 +311 276 4 884963282 +311 282 5 884963228 +311 294 4 884364047 +311 300 4 884363831 +311 306 4 884363791 +311 310 4 884363865 +311 315 5 884364108 +311 318 5 884364569 +311 321 3 884363948 +311 322 4 884364047 +311 323 3 884364139 +311 326 2 884364047 +311 329 4 884363904 +311 348 4 884364108 +311 356 4 884365653 +311 357 5 884365104 +311 365 4 884365580 +311 366 5 884366010 +311 367 3 884365780 +311 371 5 884366137 +311 378 5 884366363 +311 380 4 884366067 +311 386 3 884365747 +311 387 4 884365654 +311 392 5 884366067 +311 393 4 884366066 +311 399 4 884366269 +311 402 4 884366187 +311 403 4 884365889 +311 404 3 884365406 +311 415 3 884365654 +311 416 4 884365853 +311 417 3 884366035 +311 418 4 884365202 +311 420 1 884366334 +311 423 5 884365579 +311 425 2 884365140 +311 428 4 884366111 +311 431 4 884365201 +311 432 4 884365485 +311 433 3 884364931 +311 436 3 884366269 +311 443 3 884365718 +311 444 2 884365746 +311 448 5 884365718 +311 449 3 884365823 +311 451 3 884366397 +311 465 4 884365406 +311 468 4 884365140 +311 469 5 884366227 +311 470 3 884365140 +311 471 4 884963254 +311 479 5 884365519 +311 480 4 884364593 +311 482 4 884365104 +311 483 4 884364437 +311 484 4 884366590 +311 485 1 884364538 +311 487 4 884365519 +311 491 4 884365168 +311 493 4 884364465 +311 494 4 884364593 +311 495 4 884366066 +311 496 5 884364593 +311 498 4 884364931 +311 499 4 884365519 +311 501 5 884365954 +311 504 4 884364873 +311 505 4 884365451 +311 509 3 884366590 +311 510 4 884366545 +311 511 4 884365202 +311 515 4 884365485 +311 518 3 884365451 +311 519 3 884365548 +311 520 5 884365251 +311 521 4 884366686 +311 523 5 884364694 +311 526 5 884364873 +311 527 4 884365780 +311 528 4 884364724 +311 530 3 884365201 +311 539 4 884364268 +311 549 2 884366111 +311 550 3 884364812 +311 553 3 884365451 +311 559 2 884366187 +311 562 3 884365746 +311 566 4 884366112 +311 568 5 884365325 +311 570 4 884365890 +311 576 3 884366269 +311 578 2 884365930 +311 581 3 884366137 +311 584 3 884365485 +311 588 4 884365284 +311 592 5 884364845 +311 604 3 884364570 +311 614 4 884365357 +311 621 4 884365579 +311 622 3 884364437 +311 623 2 884366112 +311 627 4 884366067 +311 630 5 884365929 +311 639 4 884365686 +311 642 4 884365823 +311 645 5 884366111 +311 648 4 884364694 +311 650 3 884364846 +311 651 4 884364623 +311 654 3 884365075 +311 655 4 884365406 +311 660 4 884365252 +311 661 3 884365075 +311 662 4 884365018 +311 671 3 884365954 +311 679 4 884365580 +311 684 4 884365075 +311 692 4 884364652 +311 699 4 884365075 +311 700 3 884365852 +311 702 3 884365284 +311 705 3 884365201 +311 708 5 884366397 +311 715 2 884365746 +311 716 4 884365718 +311 720 3 884366307 +311 723 4 884366187 +311 724 4 884365406 +311 726 3 884366035 +311 729 4 884365451 +311 732 4 884365617 +311 735 4 884366637 +311 739 4 884365823 +311 747 3 884364502 +311 748 4 884364071 +311 750 5 884363706 +311 751 3 884363758 +311 754 3 884363758 +311 755 4 884366035 +311 761 3 884366067 +311 768 2 884365889 +311 775 3 884365579 +311 778 4 884365251 +311 781 2 884366307 +311 783 3 884366439 +311 785 3 884366010 +311 794 4 884366270 +311 796 3 884365889 +311 845 4 884366824 +311 921 4 884364695 +311 939 2 884364694 +311 941 4 884365929 +311 942 5 884366112 +311 944 4 884366439 +311 946 4 884366270 +311 951 3 884365548 +311 965 3 884365686 +311 966 4 884365617 +311 967 3 884364764 +311 1035 4 884365954 +311 1041 3 884366334 +311 1042 3 884366187 +311 1046 3 884366307 +311 1050 3 884365485 +311 1093 5 884963180 +311 1116 3 884364623 +311 1119 4 884366703 +311 1217 3 884365686 +311 1221 4 884364502 +311 1232 4 884366439 +311 1297 4 884365654 +311 1479 3 884365824 +312 1 5 891698832 +312 4 3 891698832 +312 8 5 891699263 +312 10 5 891699455 +312 14 5 891698664 +312 23 4 891698613 +312 28 4 891698300 +312 50 5 891698300 +312 52 5 891699399 +312 57 5 891699599 +312 69 4 891699182 +312 70 5 891699398 +312 71 4 891699599 +312 83 4 891699538 +312 89 5 891698832 +312 91 3 891699655 +312 96 5 891699040 +312 97 5 891698391 +312 100 4 891698613 +312 114 5 891698793 +312 121 3 891698174 +312 124 3 891698726 +312 131 5 891699702 +312 132 5 891699121 +312 133 5 891699296 +312 136 5 891698613 +312 137 3 891698224 +312 143 4 891698893 +312 144 1 891698987 +312 151 2 891698832 +312 152 2 891698485 +312 153 2 891699491 +312 154 4 891699372 +312 156 3 891698224 +312 157 1 891698516 +312 165 5 891698726 +312 166 5 891698391 +312 169 5 891698893 +312 170 5 891698553 +312 172 4 891699677 +312 173 3 891699345 +312 174 5 891698224 +312 175 3 891699321 +312 176 4 891699295 +312 177 3 891698832 +312 178 5 891698553 +312 179 5 891698793 +312 180 4 891698174 +312 181 4 891699426 +312 183 5 891699182 +312 185 5 891699121 +312 186 3 891699491 +312 187 5 891699345 +312 189 5 891698516 +312 190 5 891698865 +312 191 5 891698334 +312 194 4 891699207 +312 195 5 891698254 +312 197 4 891698764 +312 199 5 891698516 +312 204 4 891698254 +312 205 5 891699372 +312 206 5 891699399 +312 207 5 891699121 +312 208 5 891698334 +312 209 3 891699207 +312 211 4 891698254 +312 213 5 891699067 +312 214 3 891699121 +312 222 3 891698764 +312 223 5 891698485 +312 234 5 891712535 +312 238 3 891699510 +312 241 3 891699655 +312 265 1 891698696 +312 269 5 891698130 +312 275 5 891698553 +312 276 4 891699010 +312 357 5 891698987 +312 372 3 891699568 +312 382 4 891699568 +312 414 3 891699626 +312 419 3 891699182 +312 427 5 891698224 +312 428 3 891698424 +312 429 5 891698951 +312 430 5 891699426 +312 432 5 891699491 +312 434 3 891699263 +312 435 4 891699702 +312 443 4 891698951 +312 459 4 891698365 +312 463 5 891698696 +312 474 5 891698454 +312 478 5 891698664 +312 479 5 891698365 +312 481 5 891698893 +312 482 5 891698613 +312 483 5 891699156 +312 484 5 891698174 +312 485 4 891699345 +312 486 5 891699655 +312 487 5 891699655 +312 488 5 891698334 +312 489 5 891699321 +312 490 5 891699655 +312 491 5 891699702 +312 493 5 891698365 +312 494 5 891698454 +312 496 5 891698664 +312 498 5 891699568 +312 499 4 891699296 +312 503 5 891699010 +312 505 5 891698987 +312 506 4 891699121 +312 507 5 891698300 +312 509 5 891699490 +312 510 5 891699490 +312 511 5 891699156 +312 512 3 891698951 +312 513 5 891698300 +312 514 3 891698516 +312 515 5 891699677 +312 516 3 891699626 +312 519 5 891698726 +312 520 5 891698254 +312 521 5 891698987 +312 524 5 891699345 +312 525 5 891698424 +312 526 5 891698334 +312 528 5 891698695 +312 529 5 891699121 +312 530 5 891698921 +312 531 5 891698254 +312 537 5 891698516 +312 543 5 891698424 +312 557 5 891699599 +312 573 5 891712535 +312 584 5 891699263 +312 587 3 891699399 +312 588 5 891699490 +312 589 5 891698695 +312 593 5 891698987 +312 596 5 891699626 +312 601 5 891699067 +312 602 4 891699263 +312 603 5 891698454 +312 604 5 891698613 +312 606 5 891698300 +312 607 5 891698424 +312 608 5 891699372 +312 609 3 891698634 +312 610 5 891698921 +312 611 5 891698764 +312 612 5 891699263 +312 613 5 891698454 +312 614 4 891698865 +312 615 4 891698893 +312 618 5 891698300 +312 625 3 891699538 +312 632 3 891698764 +312 633 5 891698951 +312 638 5 891698580 +312 639 5 891698391 +312 640 2 891698951 +312 641 5 891698300 +312 644 5 891698987 +312 647 5 891698726 +312 648 5 891699068 +312 653 5 891698365 +312 654 5 891698485 +312 656 5 891699156 +312 657 5 891698485 +312 659 5 891699321 +312 660 4 891699321 +312 661 5 891698726 +312 663 5 891699599 +312 671 5 891699182 +312 673 5 891699426 +312 675 5 891698485 +312 684 5 891698664 +312 692 4 891699426 +312 705 5 891698553 +312 713 5 891698334 +312 730 3 891699568 +312 740 4 891699568 +312 813 5 891698516 +312 835 5 891712535 +312 836 5 891698921 +312 837 4 891699426 +312 847 3 891698174 +312 850 5 891698764 +312 855 5 891699538 +312 863 5 891698695 +312 919 3 891699263 +312 921 5 891699295 +312 945 5 891699068 +312 967 3 891699321 +312 968 5 891698987 +312 1020 5 891698553 +312 1021 3 891698365 +312 1039 5 891698951 +312 1050 5 891698832 +312 1116 3 891698334 +312 1124 4 891698553 +312 1126 4 891699455 +312 1167 4 891699295 +312 1172 5 891699538 +312 1192 3 891699491 +312 1203 5 891699599 +312 1298 5 891699426 +312 1451 4 891699156 +312 1516 4 891698334 +313 1 4 891013436 +313 8 3 891014551 +313 15 2 891016962 +313 22 3 891014870 +313 23 4 891013742 +313 25 2 891016757 +313 28 3 891016193 +313 29 2 891028472 +313 44 3 891015049 +313 47 3 891015268 +313 50 5 891013859 +313 56 2 891014313 +313 58 3 891015387 +313 63 4 891030490 +313 64 4 891016193 +313 66 1 891015049 +313 67 1 891029117 +313 69 5 891016193 +313 73 5 891015012 +313 77 3 891031950 +313 79 5 891015114 +313 82 3 891014838 +313 88 2 891028956 +313 89 5 891014373 +313 94 3 891030490 +313 95 3 891014313 +313 96 5 891015144 +313 97 4 891016193 +313 98 4 891014444 +313 99 4 891014029 +313 100 5 891013681 +313 102 3 891030189 +313 114 4 891013554 +313 117 4 891015319 +313 118 4 891028197 +313 121 4 891015114 +313 125 3 891017059 +313 127 5 891013620 +313 131 4 891015513 +313 132 5 891013589 +313 133 5 891014956 +313 134 5 891013712 +313 135 5 891014401 +313 136 5 891014474 +313 139 3 891030334 +313 141 4 891030189 +313 142 3 891030261 +313 143 3 891014925 +313 144 4 891015144 +313 147 4 891016583 +313 151 1 891014982 +313 152 3 891016878 +313 153 3 891015268 +313 154 2 891014753 +313 155 2 891031577 +313 156 3 891014838 +313 157 3 891017372 +313 161 4 891015319 +313 162 3 891017270 +313 163 2 891016757 +313 164 3 891014870 +313 167 3 891029076 +313 168 3 891013589 +313 172 4 891014335 +313 174 4 891014499 +313 176 4 891013713 +313 177 4 891015566 +313 178 5 891013773 +313 180 5 891014898 +313 181 4 891014782 +313 182 4 891013773 +313 183 5 891013554 +313 185 5 891013773 +313 186 3 891017011 +313 187 4 891014373 +313 192 3 891015011 +313 193 4 891013887 +313 194 4 891014499 +313 195 5 891013620 +313 197 5 891013910 +313 199 4 891013938 +313 200 3 891017736 +313 202 5 891014697 +313 203 5 891013859 +313 204 4 891014401 +313 205 5 891013652 +313 208 3 891015167 +313 210 4 891014898 +313 211 5 891013859 +313 215 4 891015011 +313 216 4 891013525 +313 218 2 891029847 +313 222 3 891017708 +313 225 4 891030228 +313 226 4 891028241 +313 228 3 891016986 +313 229 3 891028241 +313 230 3 891015049 +313 231 2 891028323 +313 232 3 891014957 +313 234 4 891013803 +313 235 3 891029148 +313 237 2 891016757 +313 238 4 891013859 +313 239 3 891028873 +313 258 3 891012852 +313 300 4 891012907 +313 309 4 891031125 +313 318 4 891013712 +313 322 3 891014313 +313 326 4 891012907 +313 328 4 891012907 +313 331 3 891013013 +313 333 4 891012877 +313 357 5 891013773 +313 385 4 891015296 +313 391 3 891028360 +313 393 4 891015268 +313 402 3 891031747 +313 403 3 891028285 +313 404 4 891030189 +313 405 3 891028197 +313 409 2 891030334 +313 414 3 891016425 +313 415 2 891030367 +313 417 2 891030334 +313 418 3 891014838 +313 419 3 891014313 +313 420 5 891014782 +313 423 4 891013939 +313 427 5 891014029 +313 428 3 891014649 +313 430 5 891013620 +313 432 5 891016583 +313 435 5 891013803 +313 436 4 891029877 +313 441 3 891029964 +313 443 5 891013971 +313 448 3 891014956 +313 449 3 891028323 +313 452 3 891029993 +313 461 3 891014925 +313 465 3 891030096 +313 471 4 891015196 +313 473 3 891030228 +313 474 5 891016193 +313 478 3 891014373 +313 479 5 891013652 +313 480 5 891013742 +313 481 4 891014000 +313 482 5 891016193 +313 483 5 891016193 +313 484 5 891016193 +313 485 3 891016425 +313 486 3 891015219 +313 487 3 891016378 +313 489 4 891017372 +313 490 4 891016280 +313 493 3 891016193 +313 494 3 891016193 +313 495 2 891016280 +313 496 5 891014753 +313 497 4 891015296 +313 498 5 891015144 +313 499 3 891016452 +313 501 5 891013742 +313 502 3 891017395 +313 503 5 891014697 +313 504 5 891013859 +313 505 5 891014524 +313 511 4 891013742 +313 514 4 891013887 +313 515 5 891013803 +313 516 4 891028829 +313 519 5 891013436 +313 520 5 891013939 +313 521 4 891013887 +313 523 5 891014401 +313 525 5 891013525 +313 526 4 891028197 +313 527 4 891013525 +313 531 3 891014524 +313 538 2 891014313 +313 542 3 891017585 +313 546 4 891028426 +313 550 4 891028323 +313 559 3 891029877 +313 565 1 891030027 +313 566 4 891016220 +313 568 4 891015114 +313 576 3 891028472 +313 578 3 891028241 +313 582 2 891016622 +313 586 2 891028426 +313 588 4 891016354 +313 603 5 891013681 +313 604 4 891014552 +313 608 4 891017585 +313 609 3 891014782 +313 615 4 891013652 +313 616 5 891015049 +313 624 4 891030261 +313 625 4 891030189 +313 628 4 891016280 +313 629 3 891028873 +313 631 2 891014313 +313 632 4 891013620 +313 633 5 891014597 +313 636 4 891028241 +313 649 3 891016325 +313 650 4 891013829 +313 651 3 891014552 +313 654 5 891013681 +313 655 4 891014474 +313 657 4 891013830 +313 659 4 891013773 +313 661 4 891015082 +313 662 3 891031576 +313 663 5 891013652 +313 665 4 891028323 +313 670 3 891029877 +313 674 2 891029918 +313 683 3 891030792 +313 684 4 891017088 +313 696 3 891032028 +313 720 2 891028472 +313 735 3 891014649 +313 739 3 891031747 +313 740 2 891016540 +313 742 3 891016932 +313 744 3 891016986 +313 745 3 891016583 +313 748 3 891012934 +313 768 3 891030367 +313 770 4 891028285 +313 778 2 891028904 +313 820 2 891030228 +313 823 3 891028555 +313 831 3 891028426 +313 837 4 891014898 +313 840 2 891028360 +313 843 3 891030334 +313 845 3 891016853 +313 849 3 891028360 +313 892 4 891013059 +313 946 3 891030228 +313 969 4 891015387 +313 1050 4 891016826 +313 1066 2 891030334 +313 1091 2 891030261 +313 1210 4 891032028 +313 1470 1 891017319 +314 1 5 877886317 +314 5 4 877889724 +314 7 4 877886375 +314 8 4 877888059 +314 11 5 877887837 +314 12 4 877888758 +314 15 5 877886483 +314 22 4 877889724 +314 24 1 877886221 +314 25 3 877886753 +314 28 5 877888346 +314 29 5 877889234 +314 36 2 877889103 +314 38 5 877889994 +314 41 5 877887802 +314 42 5 877888610 +314 53 1 877891426 +314 54 4 877888892 +314 56 1 877887568 +314 64 5 877888346 +314 65 4 877888855 +314 66 5 877887763 +314 67 4 877891386 +314 68 4 877891637 +314 69 5 877888212 +314 70 1 877890531 +314 71 5 877888527 +314 72 2 877888996 +314 78 4 877890463 +314 88 5 877888007 +314 93 1 877886221 +314 94 4 877891386 +314 95 5 877888168 +314 99 4 877888391 +314 105 4 877887292 +314 106 2 877886584 +314 111 4 877886641 +314 117 4 877886484 +314 120 3 877887094 +314 121 4 877886221 +314 122 1 877887065 +314 125 5 877886412 +314 126 2 877886971 +314 132 4 877890644 +314 138 5 877890960 +314 143 5 877890234 +314 144 3 877889275 +314 147 4 877886584 +314 150 4 877886522 +314 151 4 877886522 +314 155 5 877891575 +314 158 3 877892099 +314 161 5 877888168 +314 173 1 877889359 +314 196 3 877888212 +314 202 5 877888610 +314 204 5 877888644 +314 215 4 877888722 +314 216 3 877888722 +314 218 4 877889204 +314 220 4 877886279 +314 237 5 877886221 +314 246 5 877886375 +314 255 5 877886221 +314 257 5 877886413 +314 268 5 877885836 +314 274 3 877886788 +314 276 1 877886413 +314 278 5 877886888 +314 280 3 877887034 +314 282 5 877886862 +314 283 4 877886483 +314 284 3 877886706 +314 288 5 877885887 +314 294 5 877885887 +314 318 5 877888796 +314 322 4 877886029 +314 327 4 877886099 +314 328 4 877885887 +314 332 5 877886029 +314 365 3 877891465 +314 366 4 877891354 +314 367 4 877889770 +314 377 3 877890982 +314 378 5 877888168 +314 379 3 877890463 +314 393 4 877889133 +314 395 2 877889770 +314 399 3 877889359 +314 401 3 877890769 +314 402 4 877888758 +314 405 4 877886522 +314 406 3 877887388 +314 409 4 877889480 +314 410 5 877886706 +314 411 4 877892461 +314 412 3 877892052 +314 417 4 877888855 +314 418 5 877888346 +314 419 4 877889039 +314 423 4 877888060 +314 433 3 877887642 +314 468 4 877892214 +314 470 3 877889770 +314 476 5 877886921 +314 477 3 877886375 +314 496 4 877888060 +314 501 4 877888610 +314 508 3 877886789 +314 535 4 877887002 +314 540 3 877890407 +314 542 4 877890300 +314 546 4 877886788 +314 562 4 877890960 +314 568 5 877888391 +314 578 4 877887763 +314 585 2 877890381 +314 588 5 877888007 +314 591 5 877887002 +314 595 3 877886375 +314 597 4 877887065 +314 609 4 877889311 +314 620 3 877887212 +314 623 5 877890927 +314 627 4 877888996 +314 628 5 877886606 +314 655 4 877887605 +314 672 5 877888723 +314 682 5 877885836 +314 685 4 877886788 +314 692 5 877888445 +314 693 3 877891575 +314 697 3 877888996 +314 699 5 877888527 +314 710 3 877888796 +314 717 3 877890769 +314 721 5 877891465 +314 722 1 877891089 +314 724 2 877888117 +314 731 4 877892099 +314 735 5 877888855 +314 739 5 877889861 +314 742 4 877886221 +314 747 1 877889698 +314 756 3 877886641 +314 761 4 877889073 +314 762 4 877886443 +314 763 5 877886706 +314 764 3 877886816 +314 765 3 877889480 +314 768 5 877890261 +314 772 1 877888212 +314 775 3 877888645 +314 780 4 877890675 +314 781 3 877891937 +314 783 3 877888855 +314 785 3 877890960 +314 787 2 877889927 +314 790 4 877889698 +314 794 4 877888952 +314 795 4 877889834 +314 796 2 877891518 +314 801 3 877892017 +314 806 4 877887802 +314 808 4 877892052 +314 812 4 877889163 +314 815 5 877886375 +314 819 4 877886971 +314 820 5 877892461 +314 827 4 877887292 +314 845 5 877886483 +314 846 3 877886971 +314 866 4 877892461 +314 869 4 877891681 +314 873 4 877886099 +314 924 5 877886921 +314 932 4 877887316 +314 934 4 877887155 +314 938 3 877886099 +314 939 4 877888060 +314 941 3 877889971 +314 942 3 877888346 +314 946 5 877888527 +314 948 3 877886029 +314 949 4 877890428 +314 959 3 877888892 +314 983 4 877892488 +314 993 5 877886279 +314 996 4 877891354 +314 997 1 877892214 +314 1012 4 877886584 +314 1014 3 877886317 +314 1016 4 877886483 +314 1028 3 877886816 +314 1029 2 877891603 +314 1032 4 877891603 +314 1041 4 877888445 +314 1047 4 877886279 +314 1048 4 877886221 +314 1053 5 877891490 +314 1054 1 877886944 +314 1057 2 877887035 +314 1063 5 877887568 +314 1074 3 877890857 +314 1085 1 877892017 +314 1089 1 877887356 +314 1094 1 877887065 +314 1136 5 877890463 +314 1145 4 877892488 +314 1150 4 877887002 +314 1152 4 877887469 +314 1165 2 877892566 +314 1178 2 877892244 +314 1210 4 877889861 +314 1217 2 877891638 +314 1220 5 877892293 +314 1221 3 877889927 +314 1225 3 877891575 +314 1229 2 877891681 +314 1253 4 877892017 +314 1263 2 877890611 +314 1267 3 877888117 +314 1276 4 877887179 +314 1289 2 877887388 +314 1291 1 877892519 +314 1297 4 877890734 +314 1311 5 877889994 +314 1469 4 877889103 +314 1471 4 877892430 +314 1473 4 877891089 +314 1503 3 877890891 +314 1517 4 877891937 +314 1518 4 877891426 +314 1519 4 877892181 +314 1520 3 877892052 +315 4 4 879821065 +315 8 3 879820961 +315 12 5 879821194 +315 13 4 879821158 +315 17 1 879821003 +315 23 5 879821193 +315 25 5 879821120 +315 31 3 879821300 +315 48 4 879799457 +315 56 5 879821037 +315 79 4 879821349 +315 93 5 879821065 +315 98 4 879821193 +315 100 5 879821003 +315 121 2 879821300 +315 127 5 879799423 +315 137 5 879799423 +315 154 5 879821158 +315 163 3 879821158 +315 164 4 879821349 +315 168 4 879821037 +315 173 4 879821003 +315 175 5 879799423 +315 176 4 879821193 +315 178 4 879799486 +315 180 4 879799526 +315 183 3 879821267 +315 185 4 879821267 +315 186 4 879821065 +315 187 4 879799423 +315 194 4 879820961 +315 202 3 879821037 +315 203 3 879821194 +315 204 5 879821158 +315 209 5 879821003 +315 211 4 879821037 +315 238 5 879821003 +315 269 5 879799301 +315 271 3 879799546 +315 273 3 879821349 +315 276 4 879799526 +315 285 5 879799486 +315 286 5 879799301 +315 288 3 879821349 +315 301 2 879799327 +315 303 4 879799302 +315 305 5 881017419 +315 318 5 879799422 +315 324 3 879799302 +315 327 4 879799583 +315 340 4 881017170 +315 382 4 879821089 +315 428 4 879821120 +315 431 2 879821300 +315 433 4 879821037 +315 461 4 879799457 +315 466 1 879821349 +315 475 4 879821036 +315 504 3 879821193 +315 508 4 879799457 +315 513 5 879821299 +315 520 4 879799526 +315 523 4 879799390 +315 603 5 879821267 +315 642 5 879821267 +315 645 4 879821065 +315 651 3 879799457 +315 657 4 879821299 +315 673 4 879821267 +315 709 4 879821158 +315 732 3 879821158 +315 741 5 879821349 +315 746 3 879821120 +315 770 3 879821348 +315 792 5 879821120 +315 1065 4 879799526 +315 1084 4 879799423 +316 9 4 880853774 +316 14 4 880853881 +316 22 4 880853849 +316 44 4 880853881 +316 50 1 880853654 +316 58 3 880854267 +316 69 3 880853881 +316 83 4 880853992 +316 89 1 880854197 +316 97 5 880854142 +316 98 5 880853743 +316 100 4 880854083 +316 127 2 880853548 +316 132 4 880853599 +316 162 3 880854472 +316 168 3 880853599 +316 170 4 880853810 +316 172 1 880854197 +316 173 1 880853654 +316 174 1 880854539 +316 180 4 880853654 +316 183 1 880853654 +316 185 2 880853548 +316 187 2 880853548 +316 191 5 880854539 +316 192 1 880854267 +316 199 3 880853598 +316 213 5 880853516 +316 223 4 880853849 +316 234 1 880854473 +316 275 5 880853810 +316 276 2 880853849 +316 286 5 880853038 +316 292 4 880853072 +316 304 3 880853193 +316 306 4 880853072 +316 318 5 880853516 +316 323 1 880853152 +316 427 5 880853704 +316 435 2 880854337 +316 462 3 880853516 +316 463 5 880854267 +316 482 3 880854337 +316 483 4 880853810 +316 487 3 880853810 +316 507 3 880853704 +316 515 4 880853654 +316 521 5 880854395 +316 530 2 880853599 +316 531 5 880853704 +316 549 5 880854049 +316 582 5 880854539 +316 588 1 880853992 +316 633 4 880854472 +316 651 5 880854227 +316 673 2 880854083 +316 678 1 880853310 +316 707 4 880853485 +316 716 5 880853881 +316 730 4 880853775 +316 735 4 880854337 +316 923 5 880854022 +316 988 1 880853152 +316 1039 5 880854500 +316 1084 4 880853953 +317 245 4 891446575 +317 260 4 891446887 +317 268 3 891446371 +317 271 3 891446575 +317 300 4 891446313 +317 323 2 891446819 +317 326 3 891446438 +317 328 4 891446438 +317 331 4 891446190 +317 350 5 891446819 +317 351 3 891446819 +317 683 2 891446412 +318 4 2 884497516 +318 8 4 884495616 +318 12 4 884495795 +318 14 4 884471030 +318 15 5 884470944 +318 24 4 884495132 +318 25 5 884494757 +318 26 5 884497471 +318 40 4 884497882 +318 49 3 884497257 +318 50 2 884495696 +318 56 3 884495561 +318 58 4 884496243 +318 63 3 884496932 +318 64 4 884495590 +318 66 4 884495921 +318 69 5 884496572 +318 70 5 884496368 +318 77 3 884497078 +318 85 3 884497180 +318 88 4 884496367 +318 94 4 884498210 +318 100 5 884470896 +318 105 1 884495164 +318 121 1 884495052 +318 127 5 884470970 +318 132 4 884495868 +318 133 4 884496432 +318 134 5 884495639 +318 137 4 884494652 +318 138 4 884498115 +318 140 4 884496738 +318 142 4 884496219 +318 143 5 884495944 +318 157 5 884496398 +318 158 5 884498709 +318 160 3 884497031 +318 161 3 884496738 +318 162 5 884496123 +318 167 4 884497611 +318 174 4 884495590 +318 179 4 884497546 +318 182 4 884496549 +318 186 5 884498292 +318 187 4 884495742 +318 188 3 884497031 +318 191 5 884496069 +318 193 3 884496367 +318 194 5 884495590 +318 196 3 884495973 +318 197 5 884496030 +318 205 3 884496334 +318 208 4 884495664 +318 210 4 884496069 +318 211 5 884496432 +318 213 4 884497031 +318 215 2 884496218 +318 216 4 884495868 +318 229 1 884497318 +318 237 5 884494712 +318 238 3 884497359 +318 239 4 884497235 +318 248 3 884494976 +318 255 4 884494693 +318 257 5 884471030 +318 265 4 884495664 +318 269 5 884469970 +318 275 4 884470718 +318 282 4 884470775 +318 284 3 884470775 +318 285 4 884470944 +318 289 3 884470682 +318 294 4 884469971 +318 301 4 884470034 +318 305 2 884470682 +318 307 3 884470681 +318 312 4 884470193 +318 315 5 884470294 +318 318 5 884496218 +318 321 4 884470149 +318 326 4 884470149 +318 340 4 884470115 +318 356 4 884496671 +318 376 3 884498314 +318 378 4 884497632 +318 381 1 884497516 +318 384 3 884498210 +318 385 4 884496398 +318 393 5 884497449 +318 396 1 884498684 +318 401 3 884498292 +318 403 2 884496759 +318 404 3 884496639 +318 405 2 884494797 +318 414 4 884496008 +318 419 5 884495890 +318 423 5 884495561 +318 435 5 884496069 +318 451 4 884497546 +318 458 4 884494861 +318 474 4 884495742 +318 476 4 884495164 +318 480 4 884495795 +318 481 4 884496156 +318 482 5 884496156 +318 485 5 884495921 +318 501 4 884496984 +318 503 4 884497402 +318 509 5 884495817 +318 514 2 884496524 +318 517 3 884496069 +318 524 3 884496123 +318 527 5 884496596 +318 531 4 884495921 +318 540 4 884498141 +318 566 4 884496472 +318 575 2 884497924 +318 605 4 884497425 +318 618 3 884496984 +318 628 4 884494757 +318 629 4 884497236 +318 631 4 884496855 +318 648 5 884495534 +318 655 4 884496290 +318 657 5 884495696 +318 659 4 884495868 +318 692 4 884495561 +318 697 5 884496008 +318 708 4 884497994 +318 712 4 884496368 +318 722 4 884497546 +318 732 5 884496267 +318 735 5 884496182 +318 739 5 884496984 +318 750 4 884469971 +318 763 3 884494897 +318 768 2 884498022 +318 792 2 884496218 +318 796 3 884496500 +318 809 4 884498210 +318 815 3 884494938 +318 842 2 884495742 +318 864 2 884495032 +318 865 2 884496099 +318 866 4 884494976 +318 869 3 884498461 +318 892 3 884470391 +318 898 4 884470237 +318 934 4 884495382 +318 941 4 884497715 +318 944 2 884497208 +318 968 3 884496671 +318 1012 4 884471076 +318 1023 2 884495091 +318 1030 2 884498787 +318 1032 3 884498210 +318 1044 4 884496985 +318 1048 4 884495001 +318 1050 4 884496738 +318 1063 3 884495973 +318 1120 3 884495206 +318 1160 5 884494976 +318 1204 2 884496156 +318 1521 3 884497824 +319 267 4 875707690 +319 269 3 875707746 +319 301 4 875707721 +319 302 4 876280242 +319 307 4 879975504 +319 313 5 889816026 +319 333 4 875707746 +319 338 2 879977242 +319 340 3 879975481 +319 350 3 889816233 +319 358 3 889816233 +319 879 5 876280338 +319 880 4 889816332 +320 1 3 884748604 +320 2 4 884749281 +320 3 4 884748978 +320 4 3 884749306 +320 7 4 884748708 +320 17 5 884751190 +320 22 5 884749452 +320 24 3 884748641 +320 27 3 884749384 +320 33 4 884749385 +320 38 4 884751288 +320 42 4 884751712 +320 50 4 884749227 +320 51 5 884750992 +320 54 4 884751209 +320 56 5 884749227 +320 62 4 884749306 +320 66 4 884751034 +320 68 5 884749327 +320 71 3 884751439 +320 77 3 884751246 +320 79 4 884749255 +320 82 3 884749359 +320 89 4 884749327 +320 90 4 884751034 +320 92 5 884749306 +320 95 3 884751418 +320 96 5 884749255 +320 97 5 884750946 +320 99 4 884751440 +320 100 4 884748579 +320 117 4 884748641 +320 121 5 884748733 +320 122 3 884749097 +320 123 4 884748750 +320 129 4 884748661 +320 145 4 884751552 +320 147 4 884748641 +320 156 5 884750574 +320 159 4 884751190 +320 161 4 884749360 +320 164 4 884751246 +320 172 4 884749227 +320 173 5 884750946 +320 176 4 884749255 +320 177 5 884749360 +320 183 4 884749255 +320 184 5 884749360 +320 185 4 884751141 +320 188 4 884749360 +320 195 5 884749255 +320 202 4 884750946 +320 204 5 884750717 +320 226 4 884749306 +320 231 2 884749411 +320 232 4 884749281 +320 233 4 884749281 +320 235 3 884748929 +320 238 4 884751672 +320 240 3 884748818 +320 241 4 884750968 +320 248 5 884750644 +320 252 2 884749532 +320 257 4 884749499 +320 274 4 884748683 +320 276 2 884748579 +320 278 3 884748886 +320 284 4 884748818 +320 288 4 884748277 +320 292 3 884748299 +320 294 4 884748418 +320 300 4 884748229 +320 340 2 884748230 +320 358 4 884748485 +320 368 3 884748946 +320 369 4 884749097 +320 385 4 884749327 +320 399 3 884749411 +320 403 4 884749281 +320 405 4 884748774 +320 410 4 884748839 +320 411 3 884749119 +320 413 3 884749046 +320 421 4 884750968 +320 431 5 884749327 +320 452 3 884751589 +320 453 3 884751610 +320 458 4 884748868 +320 470 5 884751263 +320 472 3 884748750 +320 501 3 884751462 +320 546 4 884748818 +320 550 5 884749384 +320 552 4 884751336 +320 554 4 884751288 +320 566 3 884749384 +320 568 4 884749327 +320 570 4 884749384 +320 572 3 884751316 +320 576 3 884749411 +320 586 3 884749412 +320 588 3 884750766 +320 597 3 884748774 +320 625 4 884751439 +320 627 4 884751418 +320 678 3 884748418 +320 679 4 884749306 +320 685 4 884748839 +320 692 4 884750968 +320 716 1 884750992 +320 732 3 884751013 +320 739 4 884750992 +320 742 4 884748800 +320 751 4 884748470 +320 760 3 884748946 +320 763 4 884748683 +320 769 3 884751288 +320 771 3 884751316 +320 774 4 884751552 +320 800 4 884751190 +320 808 4 884749359 +320 825 4 884749550 +320 827 4 884749030 +320 833 1 884748904 +320 849 4 884749360 +320 869 4 884751068 +320 892 3 884748299 +320 895 4 884748346 +320 946 5 884751462 +320 974 3 884749097 +320 976 2 884749567 +320 1011 3 884748978 +320 1041 3 884751084 +320 1047 4 884748733 +320 1052 2 884749097 +320 1059 4 884748868 +320 1081 4 884748997 +320 1090 3 884751376 +320 1091 4 884751462 +320 1157 4 884751336 +320 1188 4 884749411 +320 1215 1 884749097 +320 1291 3 884749172 +320 1522 3 884751316 +321 7 4 879438793 +321 8 4 879440451 +321 9 4 879440472 +321 14 3 879438825 +321 19 4 879438825 +321 20 3 879440160 +321 32 3 879440716 +321 45 4 879439763 +321 48 4 879439706 +321 50 4 879438793 +321 52 3 879440612 +321 56 4 879438651 +321 59 4 879440687 +321 60 4 879440954 +321 61 5 879441128 +321 64 3 879438607 +321 83 4 879439926 +321 86 4 879440294 +321 87 3 879439763 +321 89 3 879440716 +321 100 4 879438882 +321 116 3 879439595 +321 124 3 879438857 +321 127 3 879438651 +321 131 4 879439883 +321 132 5 879440342 +321 133 5 879440612 +321 134 3 879438607 +321 135 4 879439763 +321 143 3 879439621 +321 153 4 879440746 +321 170 4 879438651 +321 173 4 879440636 +321 174 3 879441111 +321 175 3 879439706 +321 182 3 879439679 +321 186 4 879440245 +321 190 4 879439562 +321 191 3 879440365 +321 193 3 879441178 +321 194 3 879441225 +321 197 5 879439812 +321 198 4 879439926 +321 199 4 879439787 +321 205 5 879440109 +321 207 3 879440244 +321 211 4 879440109 +321 212 3 879440342 +321 213 4 879440109 +321 215 3 879439658 +321 216 4 879441308 +321 221 5 879438793 +321 275 4 879440109 +321 276 3 879438987 +321 283 3 879438987 +321 286 4 879438932 +321 287 3 879438857 +321 357 4 879439832 +321 382 3 879440245 +321 419 4 879439620 +321 428 4 879441336 +321 430 3 879439734 +321 432 5 879439812 +321 435 5 879439860 +321 462 4 879440294 +321 463 3 879440393 +321 474 4 879438607 +321 478 4 879439926 +321 479 4 879438607 +321 480 4 879440109 +321 484 5 879440244 +321 491 3 879440746 +321 493 4 879441110 +321 496 4 879438607 +321 497 5 879439860 +321 498 5 879438699 +321 499 3 879440393 +321 510 5 879440317 +321 511 4 879440954 +321 513 4 879440294 +321 514 4 879439706 +321 515 5 879440109 +321 519 4 879441336 +321 521 2 879441201 +321 523 3 879440687 +321 526 3 879440245 +321 527 3 879439763 +321 529 4 879440342 +321 530 4 879440109 +321 531 4 879440294 +321 603 5 879438607 +321 604 5 879438651 +321 607 4 879440109 +321 611 4 879439832 +321 614 3 879440393 +321 615 5 879440109 +321 631 4 879440264 +321 633 5 879440109 +321 647 3 879438699 +321 651 3 879441178 +321 654 4 879439927 +321 657 4 879440660 +321 659 4 879440980 +321 663 2 879439537 +321 704 3 879440423 +321 705 3 879439812 +321 730 3 879439179 +321 736 4 879439537 +321 855 3 879439733 +321 863 3 879440746 +321 942 3 879440954 +321 1050 3 879441336 +321 1101 3 879440660 +321 1126 3 879439860 +321 1331 4 879439017 +322 9 4 887314212 +322 23 5 887314417 +322 32 5 887314417 +322 33 4 887313946 +322 48 4 887313946 +322 50 5 887314418 +322 64 5 887314148 +322 89 3 887314185 +322 127 4 887313801 +322 150 4 887314027 +322 156 4 887313850 +322 157 5 887314244 +322 179 5 887314416 +322 182 5 887314417 +322 185 5 887313850 +322 188 3 887314244 +322 192 5 887313984 +322 196 4 887314352 +322 197 5 887313983 +322 234 4 887313893 +322 258 4 887313698 +322 272 4 887313698 +322 302 5 887314417 +322 303 3 887313611 +322 318 4 887314280 +322 346 3 887313611 +322 479 5 887313892 +322 483 5 887314417 +322 505 4 887314119 +322 507 4 887314119 +322 508 4 887314073 +322 513 4 887314185 +322 514 4 887314352 +322 528 5 887314418 +322 591 3 887313984 +322 603 5 887314417 +322 608 3 887314027 +322 654 5 887314118 +322 655 5 887313946 +322 656 5 887314027 +322 1019 4 887314073 +323 7 2 878739355 +323 9 4 878739325 +323 11 5 878739953 +323 15 3 878739393 +323 23 5 878739925 +323 50 5 878739137 +323 56 5 878739771 +323 64 5 878740017 +323 79 4 878739829 +323 93 4 878739177 +323 98 4 878739699 +323 117 3 878739355 +323 121 3 878739618 +323 127 5 878739137 +323 144 4 878739988 +323 151 4 878739568 +323 156 5 878739720 +323 172 5 878739988 +323 179 4 878739904 +323 180 5 878739857 +323 181 5 878739177 +323 186 4 878739988 +323 204 3 878739771 +323 210 4 878739878 +323 215 5 878739988 +323 222 3 878739251 +323 223 4 878739699 +323 238 4 878740017 +323 243 1 878738997 +323 245 2 878739084 +323 248 3 878739519 +323 249 3 878739488 +323 255 4 878739275 +323 257 2 878739393 +323 258 4 878738826 +323 268 4 878738865 +323 273 4 878739355 +323 282 3 878739543 +323 286 3 878738826 +323 288 3 878738827 +323 289 2 878738910 +323 292 4 878738997 +323 293 4 878739299 +323 294 3 878738827 +323 295 3 878739519 +323 298 4 878739275 +323 300 2 878738827 +323 319 2 878738827 +323 322 2 878738910 +323 328 3 878739029 +323 332 3 878738865 +323 333 4 878738865 +323 334 3 878738865 +323 467 5 878740017 +323 475 3 878739393 +323 479 4 878739801 +323 508 4 878739643 +323 535 3 878739643 +323 544 4 878739459 +323 546 2 878739519 +323 619 3 878739519 +323 651 5 878739829 +323 678 2 878738910 +323 713 4 878739299 +323 741 3 878739543 +323 762 4 878739488 +323 763 4 878739459 +323 764 3 878739415 +323 772 3 878739904 +323 847 3 878739225 +323 873 3 878738949 +323 875 3 878739029 +323 876 2 878738949 +323 933 3 878739393 +323 993 4 878739488 +323 1012 4 878739594 +323 1048 3 878739594 +323 1050 5 878739988 +323 1073 4 878739857 +324 1 5 880575412 +324 14 5 880575531 +324 50 5 880575618 +324 125 5 880575714 +324 127 4 880575658 +324 150 4 880575412 +324 248 5 880575493 +324 250 4 880575531 +324 259 5 880575107 +324 260 5 880575277 +324 268 4 880575045 +324 270 5 880575045 +324 273 5 880575449 +324 275 4 880575531 +324 276 5 880575531 +324 282 5 880575619 +324 283 3 880575531 +324 285 4 880575412 +324 286 5 880574766 +324 289 5 880575163 +324 292 3 880575045 +324 293 4 880575714 +324 294 5 880575002 +324 298 5 880575493 +324 301 5 880575108 +324 310 4 880574827 +324 321 3 880575002 +324 323 4 880575163 +324 327 4 880575002 +324 328 4 880575002 +324 331 4 880574827 +324 332 3 880574766 +324 339 3 880574827 +324 340 5 880574827 +324 410 5 880575449 +324 411 5 880575589 +324 458 4 880575619 +324 471 5 880575412 +324 475 5 880575449 +324 508 5 880575618 +324 538 4 880574901 +324 597 4 880575493 +324 678 3 880575277 +324 690 4 880574901 +324 742 5 880575493 +324 748 5 880575108 +324 749 3 880575277 +324 754 5 880575045 +324 763 5 880575589 +324 827 4 880575715 +324 846 5 880575715 +324 873 5 880575108 +324 875 3 880575163 +324 879 4 880575234 +324 1033 4 880575589 +324 1094 5 880575715 +325 1 2 891478665 +325 2 1 891478772 +325 16 1 891478981 +325 23 5 891478276 +325 28 3 891478796 +325 32 3 891478665 +325 47 3 891478712 +325 50 5 891478140 +325 58 3 891478333 +325 71 3 891478981 +325 82 3 891479263 +325 86 3 891478578 +325 93 4 891478627 +325 95 2 891478895 +325 99 5 891479244 +325 100 4 891478504 +325 105 3 891480175 +325 107 2 891479102 +325 114 5 891478307 +325 115 3 891478557 +325 127 5 891478480 +325 132 3 891478665 +325 133 3 891478333 +325 134 4 891478599 +325 135 5 891478006 +325 137 5 891477980 +325 152 4 891477905 +325 154 3 891478480 +325 164 1 891479017 +325 168 3 891478796 +325 172 4 891478851 +325 174 2 891478006 +325 175 5 891478079 +325 176 3 891478455 +325 179 5 891478529 +325 180 4 891478910 +325 182 3 891478835 +325 183 3 891477980 +325 185 5 891478140 +325 186 4 891478578 +325 188 2 891478944 +325 190 4 891478432 +325 191 3 891478408 +325 193 4 891478627 +325 195 2 891478276 +325 197 4 891478199 +325 199 5 891478199 +325 200 2 891478120 +325 205 4 891478307 +325 208 3 891478771 +325 210 2 891478796 +325 211 3 891478627 +325 234 3 891478796 +325 235 1 891479292 +325 236 3 891478695 +325 240 1 891479592 +325 269 4 891477567 +325 271 3 891477759 +325 272 3 891477537 +325 286 4 891477597 +325 305 2 891477638 +325 313 2 891477489 +325 319 3 891477638 +325 325 1 891477695 +325 340 3 891477473 +325 345 3 891477660 +325 357 4 891477957 +325 383 1 891480034 +325 386 4 891479890 +325 402 2 891479706 +325 403 2 891479102 +325 408 5 891478307 +325 430 5 891478028 +325 432 5 891479263 +325 434 5 891478376 +325 435 3 891478239 +325 443 4 891478817 +325 458 3 891478877 +325 469 4 891478504 +325 475 4 891478079 +325 480 4 891478455 +325 482 4 891478333 +325 483 5 891478079 +325 485 3 891478599 +325 492 4 891478557 +325 493 4 891477905 +325 495 3 891478180 +325 498 4 891478333 +325 502 4 891479058 +325 504 3 891477905 +325 505 4 891478557 +325 507 3 891478455 +325 510 4 891478180 +325 511 4 891478047 +325 514 4 891478006 +325 517 4 891478219 +325 521 4 891478160 +325 523 3 891478376 +325 525 5 891478579 +325 526 3 891478239 +325 527 4 891478140 +325 529 4 891478528 +325 530 4 891478376 +325 542 2 891479962 +325 548 3 891480086 +325 554 1 891479912 +325 604 4 891478504 +325 614 4 891479038 +325 616 4 891477924 +325 628 3 891478772 +325 640 3 891478376 +325 647 5 891478529 +325 650 3 891478079 +325 654 4 891478276 +325 655 4 891479312 +325 656 4 891478219 +325 737 4 891479846 +325 768 3 891479564 +325 771 1 891480115 +325 835 5 891478099 +325 961 4 891479312 +325 1003 3 891480133 +325 1018 3 891479038 +325 1118 3 891479665 +325 1140 3 891479681 +325 1149 4 891479228 +325 1203 5 891478159 +325 1230 3 891479737 +325 1232 1 891479228 +325 1411 4 891478981 +325 1487 3 891480086 +325 1523 4 891478504 +326 1 3 879876159 +326 4 1 879876688 +326 8 4 879875457 +326 9 1 879875852 +326 22 4 879874989 +326 33 2 879876975 +326 38 3 879877005 +326 44 1 879875852 +326 48 3 879875533 +326 50 5 879875112 +326 53 1 879877039 +326 56 2 879875691 +326 64 4 879875024 +326 67 2 879877284 +326 69 2 879874964 +326 72 2 879877264 +326 79 4 879875203 +326 82 3 879876861 +326 86 2 879875644 +326 88 2 879877235 +326 89 4 879875398 +326 90 1 879877198 +326 94 4 879877304 +326 96 3 879875057 +326 97 4 879874897 +326 98 5 879875112 +326 127 1 879875507 +326 131 2 879875457 +326 132 4 879875398 +326 134 3 879875797 +326 135 3 879875852 +326 136 4 879874933 +326 141 3 879876235 +326 144 5 879876114 +326 153 4 879875751 +326 154 2 879875271 +326 161 3 879875873 +326 168 3 879874859 +326 170 2 879874897 +326 172 4 879875431 +326 173 5 879874989 +326 174 4 879874825 +326 175 1 879874933 +326 176 2 879876184 +326 177 3 879876881 +326 178 5 879875175 +326 180 1 879875457 +326 181 4 879875592 +326 182 2 879876861 +326 183 5 879875851 +326 185 5 879875203 +326 186 4 879877143 +326 187 1 879875243 +326 194 4 879874825 +326 195 4 879875752 +326 196 4 879875822 +326 197 1 879875723 +326 199 5 879875552 +326 200 2 879877349 +326 202 4 879875724 +326 204 3 879874964 +326 205 4 879875507 +326 208 3 879875534 +326 210 3 879874964 +326 211 4 879876184 +326 216 2 879876235 +326 219 2 879877349 +326 226 5 879876975 +326 227 3 879876941 +326 228 4 879876861 +326 229 3 879876941 +326 230 3 879876861 +326 232 2 879876941 +326 233 4 879876941 +326 234 3 879875797 +326 237 2 879875572 +326 239 3 879875612 +326 241 3 879875778 +326 265 4 879876489 +326 282 2 879875964 +326 317 3 879875243 +326 367 3 879877264 +326 378 4 879875724 +326 385 3 879876882 +326 386 5 879877284 +326 391 4 879877005 +326 393 4 879876327 +326 397 3 879876975 +326 399 4 879877004 +326 403 3 879876976 +326 419 3 879875203 +326 423 3 879876159 +326 427 4 879875483 +326 428 5 879877283 +326 429 5 879875175 +326 433 2 879875644 +326 434 5 879875203 +326 435 3 879874897 +326 436 3 879877387 +326 441 2 879877433 +326 443 5 879877349 +326 445 4 879877413 +326 447 4 879877388 +326 449 3 879877039 +326 451 2 879877234 +326 452 3 879877470 +326 468 3 879875572 +326 474 5 879875025 +326 478 3 879875083 +326 479 5 879875432 +326 480 4 879875691 +326 481 1 879874964 +326 483 5 879874963 +326 484 5 879874933 +326 485 5 879875483 +326 491 4 879876235 +326 493 5 879874825 +326 496 5 879874825 +326 498 5 879875083 +326 500 3 879875644 +326 501 3 879876688 +326 505 3 879875271 +326 507 2 879875873 +326 508 3 879875432 +326 510 5 879876141 +326 511 4 879875593 +326 514 3 879875612 +326 515 5 879874897 +326 519 5 879875533 +326 520 5 879875151 +326 521 2 879875399 +326 523 4 879875057 +326 525 5 879874989 +326 527 5 879874989 +326 530 5 879875778 +326 550 5 879876505 +326 554 3 879877005 +326 559 3 879877413 +326 563 3 879877470 +326 564 3 879877470 +326 565 3 879877470 +326 566 4 879877073 +326 568 4 879876882 +326 588 3 879875691 +326 603 4 879875203 +326 608 4 879875930 +326 609 3 879875930 +326 611 3 879875572 +326 612 2 879875083 +326 613 5 879874860 +326 615 4 879875724 +326 616 5 879875724 +326 633 4 879875852 +326 648 5 879875644 +326 651 4 879875663 +326 654 1 879875151 +326 655 5 879875432 +326 657 5 879875431 +326 659 4 879875397 +326 663 1 879877159 +326 665 1 879876975 +326 670 3 879877387 +326 671 3 879876327 +326 674 3 879877433 +326 679 3 879876941 +326 701 4 879876141 +326 705 3 879875399 +326 720 2 879876975 +326 780 2 879877326 +326 790 1 879877198 +326 837 4 879875507 +326 849 1 879876975 +326 944 2 879877326 +326 969 4 879875151 +326 1118 2 879877264 +326 1126 2 879875243 +326 1231 3 879877039 +327 1 4 887745622 +327 2 2 887820385 +327 4 4 887819161 +327 7 3 887744023 +327 8 4 887819860 +327 9 5 887819860 +327 10 4 887744432 +327 11 4 887745303 +327 12 3 887744205 +327 13 2 887746665 +327 14 4 887744167 +327 22 4 887744167 +327 23 4 887745463 +327 24 2 887745934 +327 25 2 887746728 +327 26 3 887747299 +327 28 3 887747971 +327 31 2 887820531 +327 32 4 887747266 +327 33 3 887820341 +327 42 3 887746665 +327 44 3 887745840 +327 47 4 887746553 +327 48 4 887745662 +327 50 3 887745574 +327 55 4 887820293 +327 56 2 887745805 +327 64 2 887745699 +327 65 2 887747617 +327 66 3 887819582 +327 69 2 887822711 +327 70 4 887819316 +327 72 2 887819582 +327 79 3 887745661 +327 81 4 887818904 +327 82 2 887820448 +327 83 2 887744101 +327 85 2 887819507 +327 86 4 887822433 +327 87 3 887818620 +327 88 2 887819194 +327 89 4 887744167 +327 90 3 887819194 +327 92 4 887748006 +327 95 3 887818596 +327 96 2 887822530 +327 98 4 887746196 +327 99 4 887820761 +327 100 4 887744513 +327 108 3 887819614 +327 111 4 887819462 +327 117 3 887820385 +327 121 2 887822530 +327 127 4 887747338 +327 129 4 887744384 +327 131 4 887818783 +327 132 5 887820828 +327 143 4 888251408 +327 144 4 887820293 +327 147 2 887820417 +327 150 4 887744356 +327 151 4 887745871 +327 152 3 887819194 +327 153 4 887818596 +327 154 4 887747337 +327 156 4 887747668 +327 160 4 887822209 +327 161 3 887820417 +327 164 3 887746219 +327 168 4 887820828 +327 172 4 887743986 +327 173 4 887747337 +327 174 4 887744513 +327 175 2 887744205 +327 176 4 887744240 +327 178 4 887745661 +327 179 2 887820493 +327 180 4 887745774 +327 181 4 887745537 +327 182 4 887744205 +327 183 3 887744065 +327 184 3 887820341 +327 186 2 887744064 +327 188 5 887745774 +327 190 4 887832180 +327 191 4 887820828 +327 192 5 887820828 +327 195 4 887744277 +327 196 4 887745871 +327 197 4 887744023 +327 198 4 887747337 +327 200 4 887747338 +327 201 5 887820828 +327 202 4 887822400 +327 203 3 887818540 +327 204 4 887818658 +327 209 4 887747939 +327 210 3 887744065 +327 211 3 887818682 +327 215 4 887820695 +327 216 3 887818991 +327 217 3 887746328 +327 218 3 887746328 +327 219 4 887746219 +327 222 2 887744357 +327 226 3 887820341 +327 228 4 887820171 +327 230 4 887820448 +327 232 4 887819538 +327 233 3 887820385 +327 234 5 887745840 +327 237 4 887745494 +327 238 4 887747410 +327 239 3 887819316 +327 245 1 887743705 +327 246 4 887744384 +327 249 2 887744432 +327 250 2 887745272 +327 255 3 887745911 +327 257 2 887746728 +327 258 1 887737355 +327 260 1 887743705 +327 264 2 887743725 +327 265 2 887818511 +327 268 4 887737629 +327 269 3 887737629 +327 271 3 887743644 +327 273 2 887745911 +327 274 2 887819462 +327 275 4 887747338 +327 281 3 887820341 +327 285 4 887744459 +327 286 2 887737328 +327 288 4 887743600 +327 293 3 887745574 +327 294 3 887743644 +327 298 3 887744405 +327 300 2 887743541 +327 301 3 887743725 +327 302 3 887737355 +327 305 5 887820828 +327 311 3 887737629 +327 313 4 887744167 +327 318 5 887820828 +327 321 3 887743761 +327 324 3 887743644 +327 327 3 887737402 +327 328 2 887743600 +327 333 2 887737493 +327 336 2 887737569 +327 338 1 887743815 +327 340 4 887744167 +327 344 4 887744167 +327 357 4 887747338 +327 367 4 887819355 +327 381 4 887819354 +327 382 3 887819316 +327 393 3 887819507 +327 396 3 887819538 +327 403 3 887820384 +327 405 2 887745589 +327 408 2 887745910 +327 410 2 887819462 +327 411 3 887818957 +327 418 3 887820761 +327 419 4 887822832 +327 421 2 887745840 +327 423 3 887822752 +327 425 3 887822681 +327 428 4 887819021 +327 433 4 887818991 +327 435 4 888251521 +327 447 4 887746196 +327 451 4 887819411 +327 455 2 887819316 +327 461 3 887746665 +327 464 4 887822785 +327 466 3 887820171 +327 469 4 887822623 +327 475 4 887744405 +327 476 2 887819538 +327 478 4 887819860 +327 482 4 887745661 +327 484 3 887745303 +327 494 4 887822400 +327 498 4 887819860 +327 502 3 887747134 +327 506 3 887744513 +327 507 4 887744205 +327 508 2 887744064 +327 514 4 887747338 +327 517 2 887818991 +327 523 4 887818800 +327 527 4 887745319 +327 529 3 887822770 +327 533 4 887822530 +327 537 4 887744023 +327 546 2 887820448 +327 550 2 887820448 +327 559 2 887746328 +327 568 2 887820417 +327 582 4 887822711 +327 583 2 887820341 +327 588 4 887820761 +327 589 3 887743936 +327 603 4 887745661 +327 628 2 887820226 +327 631 3 887747133 +327 634 5 887820493 +327 644 3 887747410 +327 645 4 887818991 +327 650 4 887745699 +327 651 4 887745744 +327 652 4 887819860 +327 658 2 887747668 +327 659 4 887819021 +327 663 4 887819582 +327 672 2 887746328 +327 676 3 887746686 +327 678 3 887743705 +327 682 3 887737629 +327 684 4 887820293 +327 686 4 887820293 +327 702 2 887819021 +327 708 4 887818596 +327 709 4 887819411 +327 710 4 887747410 +327 715 4 887819860 +327 718 4 887745494 +327 732 1 887819316 +327 735 2 887818540 +327 746 3 887818992 +327 749 3 887743644 +327 753 4 887745744 +327 772 3 887822646 +327 778 3 887819462 +327 792 4 887819021 +327 805 4 887819462 +327 806 4 887747617 +327 845 3 887818957 +327 849 2 887822530 +327 856 4 887744167 +327 865 5 887745774 +327 874 3 887737629 +327 875 4 887743600 +327 886 2 887737493 +327 895 3 887743670 +327 896 5 887820828 +327 919 5 887820828 +327 921 4 887748028 +327 949 4 887819316 +327 952 2 887819354 +327 959 5 887819161 +327 960 5 887745774 +327 1007 4 887745272 +327 1012 2 887745891 +327 1017 2 887819316 +327 1019 3 887746665 +327 1056 2 887747971 +327 1067 4 887819538 +327 1069 4 887819136 +327 1070 4 887744513 +327 1073 2 887744241 +327 1075 4 887822832 +327 1097 4 887819860 +327 1098 4 887820828 +327 1100 4 888251464 +327 1101 4 887746665 +327 1103 4 887819614 +327 1129 2 887745891 +327 1131 4 887822736 +327 1141 3 887822681 +327 1170 4 887819860 +327 1218 4 887822400 +328 7 4 885046079 +328 8 3 885047018 +328 9 4 885045993 +328 11 3 885047450 +328 12 5 885045528 +328 22 5 885045805 +328 23 3 886036795 +328 28 5 885045931 +328 29 3 885048930 +328 31 4 886036884 +328 38 3 885049275 +328 44 3 885047864 +328 46 2 885048004 +328 50 4 885045702 +328 51 3 885047417 +328 54 3 885047194 +328 55 4 885046655 +328 56 4 885045993 +328 58 4 885046206 +328 62 3 885049275 +328 64 4 885046276 +328 65 4 885046912 +328 68 3 885048198 +328 69 4 885045844 +328 70 4 885047252 +328 71 4 885048004 +328 72 3 885046686 +328 73 4 885048062 +328 76 3 885046580 +328 77 4 885046977 +328 79 4 885047194 +328 82 4 885046537 +328 85 1 886038183 +328 89 5 885046344 +328 96 4 885046174 +328 97 3 885046174 +328 98 4 885045899 +328 100 5 885046305 +328 117 4 885046420 +328 118 3 885048396 +328 121 4 885048266 +328 127 5 885045645 +328 132 5 885046420 +328 133 5 885047018 +328 135 3 885046853 +328 144 4 885045740 +328 148 3 885048638 +328 149 2 885048730 +328 153 2 886037257 +328 155 4 885048198 +328 157 5 885046344 +328 159 3 885047194 +328 161 4 885047670 +328 162 4 885048004 +328 164 3 885047484 +328 167 3 885048861 +328 172 4 885045528 +328 176 5 885046052 +328 177 3 885047099 +328 180 4 885046134 +328 181 4 885046244 +328 182 2 885045678 +328 183 5 885045805 +328 185 4 885045899 +328 186 4 886037065 +328 187 4 885045993 +328 188 5 885046498 +328 192 4 885045805 +328 194 3 885046976 +328 195 3 885045899 +328 198 3 885045844 +328 199 4 885045528 +328 200 4 885046420 +328 203 5 885045931 +328 204 3 885045993 +328 205 4 885045768 +328 211 4 885046276 +328 215 3 885046773 +328 218 4 885047281 +328 222 3 885046655 +328 223 4 885045645 +328 226 3 885048235 +328 227 3 885047129 +328 228 3 885046976 +328 229 3 885046977 +328 230 3 885048101 +328 231 2 885048762 +328 232 3 885047670 +328 234 4 885046376 +328 235 3 885048464 +328 237 4 885047373 +328 241 5 885047252 +328 245 4 885044703 +328 258 5 885044482 +328 260 2 885044940 +328 265 5 885045993 +328 270 2 885044641 +328 271 3 885044607 +328 272 5 888641556 +328 273 3 885046134 +328 275 4 885046420 +328 281 4 885048930 +328 282 3 885047865 +328 284 3 885047593 +328 286 5 885044452 +328 289 4 885044566 +328 291 4 885047865 +328 294 3 885044733 +328 299 2 885044904 +328 300 5 885044640 +328 301 2 885044607 +328 302 4 885044380 +328 313 4 893195532 +328 315 4 885044782 +328 316 5 888641915 +328 317 4 885046976 +328 318 5 885045740 +328 322 3 885044782 +328 323 3 885044940 +328 326 4 885044607 +328 327 3 885044566 +328 328 4 885044566 +328 331 4 885045085 +328 332 3 885044782 +328 333 3 885044418 +328 343 3 885044452 +328 344 4 893195665 +328 347 5 885596118 +328 349 2 888641949 +328 350 3 886036374 +328 356 3 885047763 +328 357 4 885046244 +328 370 3 885048986 +328 371 4 885046773 +328 380 3 885047737 +328 383 3 885049880 +328 385 3 885046027 +328 399 2 885049405 +328 402 3 885047627 +328 403 3 885047281 +328 405 4 885047018 +328 423 4 885046305 +328 427 3 885045740 +328 432 1 885047511 +328 433 2 885047670 +328 435 4 885045844 +328 443 4 885048235 +328 447 2 885045528 +328 448 3 885046744 +328 449 3 885049607 +328 451 4 885048159 +328 470 4 885046537 +328 471 3 885048004 +328 474 4 885046455 +328 480 3 885046244 +328 481 3 885048500 +328 482 3 885046580 +328 483 5 885045844 +328 498 5 885046654 +328 503 3 885047696 +328 504 3 885046420 +328 510 5 885046376 +328 511 4 885045678 +328 515 5 885045678 +328 518 2 885048198 +328 519 5 885046420 +328 520 5 885045844 +328 521 4 885047484 +328 531 4 885046455 +328 540 3 885048730 +328 546 3 885048861 +328 549 4 885047556 +328 550 3 885047336 +328 553 3 885048235 +328 554 3 885049790 +328 556 3 885048930 +328 559 3 885048986 +328 561 3 885049431 +328 566 5 885047374 +328 568 3 885047896 +328 569 4 885049199 +328 570 3 885046498 +328 572 3 885049658 +328 578 2 885048895 +328 579 3 885049836 +328 582 5 885045844 +328 586 1 885048666 +328 589 4 885046244 +328 591 3 885047018 +328 595 3 885048500 +328 597 3 885048465 +328 601 4 885048004 +328 606 3 885046244 +328 610 3 886036967 +328 614 4 885046276 +328 620 3 885048861 +328 623 3 885048801 +328 628 3 885047627 +328 636 3 885047556 +328 637 3 885047865 +328 639 2 885048730 +328 645 4 885046344 +328 646 3 885046174 +328 649 3 885047417 +328 651 5 885046580 +328 657 4 885046134 +328 661 5 885047373 +328 662 3 885047593 +328 665 2 885048801 +328 684 5 885046537 +328 685 4 885047450 +328 688 1 886036585 +328 689 5 885044733 +328 690 3 885044418 +328 692 4 885046976 +328 693 2 885046174 +328 696 3 885049376 +328 699 4 885046718 +328 708 2 885048101 +328 715 2 885046853 +328 720 3 885049535 +328 723 3 885047223 +328 726 4 885049112 +328 729 4 885047737 +328 736 3 885047737 +328 739 3 885048611 +328 742 4 885047309 +328 744 4 885046878 +328 748 3 885045245 +328 750 4 885044519 +328 751 3 885596088 +328 752 2 888641528 +328 754 4 885044607 +328 755 3 885048801 +328 778 3 885047822 +328 798 2 885048159 +328 809 4 885048895 +328 810 3 885049535 +328 823 3 885049024 +328 849 3 885048333 +328 879 3 885044566 +328 903 3 893195755 +328 905 3 888641999 +328 911 3 893195879 +328 912 3 893195852 +328 915 3 893195665 +328 916 2 893195710 +328 939 4 885046655 +328 956 4 885046912 +328 983 3 885049234 +328 984 3 885044940 +328 1015 3 885047737 +328 1021 3 885045740 +328 1041 3 885048762 +328 1042 3 885049024 +328 1106 2 893195825 +328 1107 3 885048532 +328 1109 3 885047100 +328 1112 4 885049459 +328 1126 3 885046580 +328 1135 1 885045528 +328 1136 4 885047018 +328 1139 1 885049756 +328 1217 3 885049790 +328 1248 3 885047417 +328 1263 3 885048730 +328 1277 3 885049084 +328 1313 4 888641949 +328 1401 2 885046537 +328 1439 3 885048827 +328 1478 3 885049275 +328 1483 4 893195825 +328 1518 3 885049503 +329 7 3 891655961 +329 8 2 891656391 +329 11 3 891656237 +329 12 4 891656178 +329 39 2 891656391 +329 50 4 891655812 +329 79 4 891656391 +329 81 2 891656300 +329 98 4 891656300 +329 100 4 891655812 +329 117 3 891655868 +329 127 4 891655741 +329 129 3 891655905 +329 137 5 891655812 +329 169 4 891656178 +329 174 4 891656639 +329 181 4 891655741 +329 185 3 891656347 +329 186 3 891656268 +329 194 3 891656429 +329 197 4 891656429 +329 198 4 891656268 +329 199 4 891656347 +329 245 3 891656640 +329 248 3 891656640 +329 250 3 891656639 +329 258 3 891656639 +329 274 3 891656639 +329 282 3 891656300 +329 284 3 891656072 +329 286 4 891655291 +329 288 2 891655191 +329 294 2 891655383 +329 295 4 891656012 +329 297 4 891655868 +329 302 5 891655191 +329 313 4 891655191 +329 322 3 891655570 +329 323 2 891655594 +329 326 3 891656639 +329 331 3 891656639 +329 333 4 891655322 +329 423 4 891656237 +329 483 4 891656347 +329 512 4 891656347 +329 515 4 891655932 +329 534 3 891656639 +329 591 2 891655812 +329 651 4 891656639 +329 655 4 891656237 +329 657 3 891656391 +329 705 3 891656347 +329 879 2 891655515 +329 892 2 891655614 +329 1011 3 891655981 +330 1 5 876544432 +330 11 4 876546561 +330 15 5 876544366 +330 21 5 876544953 +330 22 5 876545532 +330 25 5 876544582 +330 28 5 876546526 +330 31 5 876546812 +330 47 5 876546409 +330 51 5 876546753 +330 58 5 876546132 +330 63 3 876547165 +330 64 5 876546409 +330 66 5 876547533 +330 67 4 876547500 +330 69 5 876546890 +330 70 4 876546470 +330 71 5 876546236 +330 72 5 876547087 +330 73 5 876546782 +330 77 4 876547220 +330 80 2 876547737 +330 82 4 876546298 +330 88 5 876546948 +330 91 4 876547426 +330 94 4 876547426 +330 95 5 876546105 +330 97 5 876547220 +330 98 5 876546033 +330 99 4 876546172 +330 100 4 876544277 +330 102 4 876546586 +330 105 4 876545150 +330 117 5 876544654 +330 118 5 876544582 +330 121 4 876544582 +330 126 5 876544480 +330 132 5 876546498 +330 133 5 876545625 +330 135 3 876546172 +330 136 5 876546378 +330 143 5 876546470 +330 148 4 876544781 +330 151 4 876544734 +330 153 5 876545970 +330 161 4 876545999 +330 168 3 876546439 +330 172 5 876546619 +330 174 5 876546172 +330 177 4 876546267 +330 185 4 876546236 +330 193 5 876547004 +330 195 3 876546694 +330 197 5 876546071 +330 200 5 876546668 +330 202 5 876546948 +330 205 3 876546105 +330 208 5 876546409 +330 209 3 876547032 +330 210 5 876546866 +330 215 5 876547925 +330 216 5 876546470 +330 225 4 876544507 +330 228 5 876547220 +330 231 5 876545418 +330 235 5 876544690 +330 237 4 876544690 +330 238 5 876546323 +330 252 4 876544734 +330 255 4 876544278 +330 257 5 876544609 +330 275 5 876544366 +330 277 4 876544690 +330 283 5 876544432 +330 284 5 876544311 +330 286 5 876543768 +330 293 3 876544311 +330 318 5 876546377 +330 357 4 876546439 +330 370 4 876545058 +330 376 4 876547378 +330 384 2 876547813 +330 385 5 876546378 +330 393 4 876547004 +330 403 5 876545417 +330 405 5 876544872 +330 418 5 876546298 +330 419 5 876546298 +330 422 4 876547853 +330 423 5 876545971 +330 427 5 876546920 +330 432 4 876546753 +330 443 4 876546377 +330 447 4 876546619 +330 451 5 876547813 +330 465 5 876547250 +330 468 5 876547608 +330 470 5 876546267 +330 473 4 876544632 +330 479 5 876546105 +330 485 5 876546839 +330 496 5 876546172 +330 501 5 876546719 +330 527 3 876546071 +330 549 5 876547355 +330 554 3 876547500 +330 559 3 876547500 +330 568 5 876546752 +330 570 4 876547674 +330 584 3 876547220 +330 588 5 876546033 +330 596 5 876544690 +330 627 5 876545479 +330 651 5 876547311 +330 660 5 876546752 +330 692 5 876547032 +330 694 5 876545971 +330 699 5 876547032 +330 708 3 876545598 +330 729 5 876545721 +330 732 5 876547220 +330 739 5 876545368 +330 747 3 876546498 +330 763 5 876544337 +330 845 5 876544432 +330 864 4 876544278 +330 866 5 876544998 +330 963 5 876547533 +330 966 5 876547311 +330 969 5 876546409 +330 989 5 876543930 +330 993 4 876544632 +330 1016 3 876544480 +330 1028 4 876544953 +330 1035 4 876547470 +330 1044 5 876547575 +330 1084 5 876544432 +331 1 1 877196567 +331 7 4 877196633 +331 8 3 877196444 +331 11 2 877196702 +331 22 4 877196235 +331 31 2 877196567 +331 32 4 877196633 +331 47 5 877196235 +331 59 5 877196383 +331 69 5 877196384 +331 81 5 877196702 +331 100 4 877196308 +331 124 4 877196174 +331 132 3 877196174 +331 133 3 877196443 +331 160 5 877196702 +331 175 4 877196235 +331 178 3 877196173 +331 180 5 877196567 +331 182 4 877196567 +331 190 3 877196308 +331 198 4 877196634 +331 214 3 877196702 +331 215 3 877196383 +331 221 4 877196308 +331 223 4 877196173 +331 234 4 877196633 +331 238 4 877196383 +331 242 4 877196089 +331 268 5 877196820 +331 269 5 877196819 +331 286 4 877196089 +331 302 5 877196819 +331 304 5 877196820 +331 306 5 877196819 +331 414 4 877196504 +331 454 3 877196702 +331 467 3 877196702 +331 475 3 877196173 +331 479 2 877196504 +331 482 2 877196235 +331 486 3 877196308 +331 491 3 877196383 +331 503 4 877196504 +331 506 2 877196504 +331 511 5 877196633 +331 514 3 877196173 +331 634 3 877196308 +331 682 5 877196820 +331 694 4 877196702 +331 735 4 877196444 +331 947 5 877196308 +331 958 5 877196504 +331 1017 2 877196235 +331 1100 2 877196634 +331 1101 4 877196633 +331 1141 3 877196504 +331 1194 3 877196444 +331 1199 1 877196634 +331 1296 5 877196820 +332 1 4 887938245 +332 5 5 888360370 +332 7 4 887916547 +332 8 5 888360108 +332 9 4 887916653 +332 11 5 888359882 +332 12 5 888098205 +332 22 5 887938934 +332 31 4 888098205 +332 38 2 888360488 +332 41 5 887938997 +332 50 5 887916675 +332 53 3 888360438 +332 54 4 888360396 +332 56 5 888098256 +332 64 5 888359944 +332 70 2 888360179 +332 73 4 888360229 +332 77 4 888360343 +332 79 5 888098088 +332 82 5 888098524 +332 89 5 888098060 +332 95 5 888360060 +332 96 5 887939051 +332 97 5 888359903 +332 105 2 887938631 +332 106 4 887938687 +332 117 4 887916575 +332 118 5 887938330 +332 120 4 887938818 +332 121 5 887916692 +332 122 5 887938886 +332 123 4 887916653 +332 125 5 887938224 +332 127 5 887916653 +332 144 5 887939092 +332 147 4 887938524 +332 159 5 887939071 +332 172 5 888098088 +332 173 5 888360092 +332 174 5 888359866 +332 181 5 887916529 +332 182 5 888098088 +332 195 5 887939051 +332 204 4 888098088 +332 210 5 887938981 +332 218 5 888360396 +332 222 4 887916529 +332 225 3 887938706 +332 226 5 887939092 +332 227 5 888360371 +332 228 5 888359980 +332 229 5 888360342 +332 230 5 888360342 +332 232 5 888098373 +332 233 4 888360370 +332 234 5 888360342 +332 235 3 887938723 +332 237 5 887916529 +332 240 4 887938299 +332 245 4 888098170 +332 249 3 891214777 +332 252 5 888098524 +332 255 4 887938330 +332 257 4 887916575 +332 258 5 887916151 +332 264 3 893027312 +332 265 4 888360370 +332 271 4 887916217 +332 273 5 887938277 +332 276 3 887938299 +332 282 5 887916692 +332 284 5 887938245 +332 288 5 887916151 +332 291 4 887938439 +332 293 4 887916624 +332 294 5 887916324 +332 295 3 887916529 +332 298 4 887916575 +332 300 5 887916188 +332 302 5 893027264 +332 307 5 888098170 +332 313 5 887916125 +332 322 4 887916365 +332 323 5 888098276 +332 326 5 892484951 +332 327 5 887916324 +332 328 5 887916217 +332 332 4 887916411 +332 333 5 889069499 +332 342 4 892484976 +332 350 4 891214762 +332 354 5 888189331 +332 356 3 888360396 +332 367 4 888360212 +332 369 4 887938556 +332 370 2 887938849 +332 385 5 888098398 +332 405 4 887938503 +332 406 3 887938601 +332 409 3 887938601 +332 410 4 887938486 +332 411 4 887938738 +332 431 5 888360412 +332 449 4 888360438 +332 450 5 888360508 +332 451 5 888360179 +332 452 4 888360508 +332 456 4 887938556 +332 470 5 887939157 +332 471 4 887938351 +332 472 3 887938277 +332 546 4 888098432 +332 550 5 887939092 +332 552 3 888360488 +332 554 3 888360460 +332 562 5 888098328 +332 566 4 888360342 +332 568 4 888098151 +332 597 5 887938486 +332 619 3 887938524 +332 628 4 887938556 +332 651 5 888098060 +332 655 5 888360248 +332 660 3 888098125 +332 678 4 887916284 +332 679 5 887939021 +332 682 4 889069561 +332 684 5 888360370 +332 685 4 887938277 +332 693 5 888098538 +332 717 3 887938760 +332 728 4 893027298 +332 742 5 887938224 +332 746 5 888360129 +332 748 4 887916385 +332 756 2 887938687 +332 763 5 887938421 +332 769 3 888360532 +332 770 3 888098170 +332 815 4 887938224 +332 820 4 887938524 +332 824 3 887938818 +332 827 4 887938503 +332 831 3 887938760 +332 833 5 887938556 +332 840 4 887938781 +332 841 4 887938669 +332 845 3 887938421 +332 866 2 887938631 +332 871 3 887938351 +332 879 4 887916385 +332 895 5 887916385 +332 928 5 887938706 +332 931 2 888360532 +332 934 2 887938886 +332 974 4 888360532 +332 975 3 887938631 +332 978 4 888098459 +332 982 3 887938601 +332 983 2 887938886 +332 984 2 887916411 +332 1011 3 887938631 +332 1013 3 887938798 +332 1028 4 887938403 +332 1042 4 888360396 +332 1047 3 887938652 +332 1090 5 888360508 +332 1157 4 888360532 +332 1210 3 888360460 +332 1218 5 887939171 +332 1244 4 887938798 +332 1315 2 887916623 +333 66 5 891045515 +333 79 3 891045496 +333 88 5 891045551 +333 98 4 891045496 +333 100 4 891045666 +333 127 4 891045496 +333 174 5 891045082 +333 180 1 891045191 +333 269 2 891044134 +333 276 4 891045031 +333 316 5 891044659 +333 483 4 891045496 +333 520 4 891045117 +333 739 5 891045410 +333 748 4 891044596 +333 894 3 891045496 +334 7 5 891544788 +334 8 4 891547171 +334 9 4 891544707 +334 10 4 891545265 +334 11 4 891545741 +334 12 5 891547016 +334 13 3 891545089 +334 14 3 891544810 +334 19 4 891544925 +334 20 4 891544867 +334 22 4 891545821 +334 23 4 891545821 +334 28 3 891546373 +334 29 2 891549751 +334 38 2 891550141 +334 42 4 891545741 +334 44 4 891548224 +334 47 4 891547171 +334 50 5 891544867 +334 52 4 891548579 +334 56 4 891546914 +334 58 4 891546914 +334 59 5 891546000 +334 61 3 891550409 +334 68 3 891548387 +334 69 1 891548032 +334 70 3 891546299 +334 71 3 891546299 +334 72 3 891549192 +334 73 3 891548695 +334 74 2 891549246 +334 77 3 891549247 +334 79 4 891546992 +334 81 4 891546299 +334 82 4 891547083 +334 83 4 891628832 +334 89 4 891545898 +334 91 4 891547306 +334 93 4 891545020 +334 95 3 891548069 +334 98 4 891545793 +334 99 4 891548533 +334 111 3 891547445 +334 115 5 891545768 +334 116 4 891545044 +334 117 3 891544735 +334 121 3 891545067 +334 124 5 891544680 +334 125 3 891544925 +334 127 4 891544840 +334 129 4 891544735 +334 130 4 891545318 +334 131 4 891547744 +334 132 3 891546231 +334 134 5 891545973 +334 135 4 891545793 +334 137 2 891544953 +334 142 3 891548272 +334 143 2 891548647 +334 150 4 891628832 +334 151 4 891544925 +334 153 4 891547306 +334 154 4 891547235 +334 155 2 891549927 +334 160 4 891547190 +334 161 3 891549304 +334 163 4 891548602 +334 164 3 891548104 +334 168 5 891546914 +334 169 4 891546348 +334 170 3 891546181 +334 171 4 891546132 +334 172 3 891548954 +334 173 4 891628228 +334 174 4 891546992 +334 175 4 891546257 +334 176 3 891547040 +334 179 4 891546231 +334 181 4 891544904 +334 182 3 891545793 +334 183 4 891545950 +334 185 4 891545950 +334 186 3 891547128 +334 187 4 891547107 +334 190 4 891547083 +334 191 4 891545793 +334 193 4 891547334 +334 196 4 891547128 +334 197 4 891546181 +334 200 4 891547171 +334 203 4 891546181 +334 204 4 891547190 +334 207 4 891545950 +334 208 5 891546405 +334 209 3 891545821 +334 210 3 891546405 +334 213 4 891546373 +334 214 3 891549045 +334 216 3 891546348 +334 217 2 891549805 +334 218 3 891548317 +334 220 3 891545513 +334 221 5 891544904 +334 222 4 891544904 +334 223 5 891545973 +334 224 2 891545020 +334 225 3 891545645 +334 227 1 891547083 +334 228 5 891547894 +334 229 2 891549777 +334 230 4 891548808 +334 231 2 891549024 +334 235 3 891545293 +334 236 4 891544765 +334 237 4 891545067 +334 238 4 891546231 +334 239 3 891546914 +334 244 3 891545044 +334 245 2 891544367 +334 246 4 891544952 +334 248 4 891544997 +334 250 3 891544840 +334 255 3 891544840 +334 257 4 891544764 +334 258 4 891544264 +334 265 3 891545876 +334 268 4 891544102 +334 271 3 891544340 +334 272 4 891544103 +334 275 4 891544707 +334 276 4 891545089 +334 277 3 891544904 +334 282 4 891544925 +334 283 4 891544810 +334 285 4 891544707 +334 286 4 891544049 +334 287 3 891545162 +334 288 3 891544209 +334 289 3 891544491 +334 290 3 891544997 +334 297 5 891544680 +334 300 3 891544209 +334 301 2 891544233 +334 302 5 891544177 +334 303 4 891544077 +334 304 3 891550557 +334 305 2 891544135 +334 306 4 891544103 +334 307 3 891544135 +334 310 3 891544049 +334 311 4 891628833 +334 312 2 891544286 +334 313 4 891544077 +334 315 4 891550535 +334 316 4 891544407 +334 318 4 891545926 +334 319 3 891544233 +334 322 3 891544584 +334 324 4 891628832 +334 326 1 891544286 +334 328 3 891544311 +334 333 4 891544233 +334 337 4 891544177 +334 338 1 891544524 +334 340 3 891544264 +334 345 2 891544177 +334 346 5 891544209 +334 347 3 891547445 +334 371 2 891547283 +334 387 4 891548579 +334 396 4 891549103 +334 403 4 891547016 +334 405 3 891547040 +334 408 4 891547912 +334 419 3 891546181 +334 421 4 891547307 +334 423 5 891545821 +334 425 4 891548835 +334 427 4 891545821 +334 428 4 891547955 +334 429 4 891546299 +334 430 4 891546206 +334 433 5 891628158 +334 436 3 891548203 +334 443 3 891547128 +334 449 3 891549539 +334 450 1 891550338 +334 461 3 891547744 +334 462 4 891628832 +334 474 3 891546257 +334 475 4 891544953 +334 476 3 891545540 +334 479 4 891545926 +334 483 5 891628266 +334 484 5 891545793 +334 485 3 891548224 +334 488 5 891546231 +334 494 4 891547235 +334 496 3 891547040 +334 498 4 891545898 +334 500 3 891547334 +334 502 3 891546963 +334 505 4 891546405 +334 506 3 891547763 +334 508 3 891544867 +334 510 4 891628832 +334 512 4 891547148 +334 514 4 891545926 +334 515 4 891545898 +334 518 4 891547334 +334 521 4 891548835 +334 525 5 891545876 +334 527 3 891546231 +334 529 5 891547445 +334 531 5 891545949 +334 537 4 891547995 +334 549 4 891547261 +334 553 1 891548866 +334 558 4 891546231 +334 561 2 891549455 +334 566 3 891548866 +334 569 2 891548920 +334 577 2 891550372 +334 582 5 891547235 +334 591 4 891544810 +334 603 5 891628849 +334 606 5 891545793 +334 607 3 891546206 +334 608 4 891547668 +334 620 2 891545540 +334 628 4 891544867 +334 629 4 891548460 +334 631 4 891547467 +334 634 4 891547513 +334 635 2 891548155 +334 640 4 891548129 +334 642 5 891548436 +334 652 5 891546992 +334 655 4 891546257 +334 657 4 891545898 +334 658 3 891547148 +334 663 5 891545852 +334 675 4 891547148 +334 678 3 891544446 +334 684 4 891545768 +334 689 3 891544340 +334 693 3 891547083 +334 707 4 891546153 +334 708 4 891628833 +334 709 4 891548368 +334 710 3 891548295 +334 712 3 891549594 +334 716 3 891548758 +334 736 3 891548979 +334 740 3 891548678 +334 742 2 891544972 +334 744 3 891545108 +334 746 3 891548622 +334 753 4 891545741 +334 761 2 891549718 +334 762 3 891545044 +334 792 4 891546257 +334 810 3 891549267 +334 815 3 891545540 +334 840 4 891545674 +334 845 2 891544867 +334 846 3 891545318 +334 855 3 891547513 +334 856 4 891545926 +334 865 2 891549631 +334 866 3 891545239 +334 870 3 891545513 +334 877 3 891544264 +334 879 3 891544264 +334 882 3 891544135 +334 886 4 891544233 +334 887 5 891544491 +334 888 2 891550464 +334 896 5 891544049 +334 899 4 891547348 +334 902 4 891550520 +334 905 1 891547612 +334 906 5 891544177 +334 922 4 891544810 +334 931 1 891549513 +334 936 3 891544764 +334 937 3 891544367 +334 945 4 891545973 +334 950 3 891545162 +334 955 1 891547563 +334 961 4 891628832 +334 969 4 891628832 +334 1006 3 891549860 +334 1010 5 891545108 +334 1011 4 891544680 +334 1014 2 891545293 +334 1016 3 891545185 +334 1020 4 891546181 +334 1041 3 891549667 +334 1048 4 891545480 +334 1051 4 891545347 +334 1073 4 891547714 +334 1074 2 891548979 +334 1132 2 891545616 +334 1133 4 891549192 +334 1137 4 891544764 +334 1163 4 891544764 +334 1170 4 891548729 +334 1172 3 891545852 +334 1198 3 891544735 +334 1202 4 891544680 +334 1226 4 891545540 +334 1241 2 891545513 +334 1263 4 891549926 +334 1312 4 891628832 +334 1313 4 891544407 +334 1315 4 891545185 +334 1404 4 891549068 +334 1411 1 891549434 +334 1426 4 891548647 +334 1504 3 891549718 +334 1524 4 891547467 +334 1525 4 893074672 +335 245 4 891567053 +335 260 3 891567159 +335 269 4 891566808 +335 271 4 891567029 +335 288 4 891566952 +335 322 4 891567125 +335 324 1 891567098 +335 328 3 891566903 +335 333 4 891566952 +335 340 5 891566808 +335 347 5 891567004 +335 678 3 891567251 +336 1 3 877759342 +336 3 1 877758935 +336 4 4 877757790 +336 13 3 877756890 +336 15 4 877754621 +336 25 3 877756934 +336 26 5 877757877 +336 33 3 877756242 +336 41 3 877757477 +336 42 5 877757669 +336 49 4 877758001 +336 50 4 877759224 +336 56 4 877757601 +336 63 2 877757268 +336 66 3 877756126 +336 67 4 877756966 +336 70 5 877757910 +336 72 3 877756127 +336 85 3 877758078 +336 88 2 877757910 +336 90 5 877757062 +336 94 3 877756890 +336 100 3 877756934 +336 105 4 877755098 +336 108 3 877757320 +336 111 3 877756999 +336 121 4 877760441 +336 122 5 877757134 +336 124 1 877760244 +336 125 3 877760032 +336 151 1 877759473 +336 153 5 877757669 +336 154 5 877757637 +336 158 3 877756618 +336 168 5 877757700 +336 173 5 877757637 +336 186 4 877757730 +336 202 1 877757909 +336 204 5 877757601 +336 210 5 877757700 +336 216 5 877757858 +336 232 3 877757023 +336 237 5 877759598 +336 238 3 877757700 +336 257 4 877759730 +336 273 5 877760032 +336 275 4 877759730 +336 276 4 877760310 +336 284 4 877759833 +336 288 3 877760521 +336 290 3 877756934 +336 294 4 877759103 +336 367 3 877757910 +336 368 1 877756695 +336 383 1 877758935 +336 388 1 877757418 +336 393 3 877756618 +336 395 2 877757094 +336 399 3 877757063 +336 401 1 877757133 +336 405 3 877760374 +336 407 1 877757373 +336 410 3 877758001 +336 475 4 877756934 +336 546 3 877760310 +336 571 1 877756999 +336 575 3 877757373 +336 577 1 877757396 +336 579 3 877757373 +336 585 3 877756966 +336 591 5 877759598 +336 619 3 877759833 +336 628 3 877760374 +336 655 3 877757752 +336 692 3 877757637 +336 710 4 877757700 +336 716 2 877758001 +336 722 3 877757134 +336 732 3 877756356 +336 734 1 877757516 +336 738 1 877757343 +336 746 3 877758103 +336 762 5 877756890 +336 763 3 877756890 +336 765 4 877757516 +336 780 3 877756934 +336 781 3 877757373 +336 785 1 877758935 +336 790 2 877758187 +336 796 3 877758035 +336 824 3 877756890 +336 859 2 877758103 +336 864 1 877757837 +336 871 2 877757550 +336 926 1 877758935 +336 949 4 877757952 +336 959 3 877758138 +336 998 1 877757062 +336 1011 2 877754536 +336 1012 5 877760082 +336 1017 5 877757063 +336 1037 1 877757550 +336 1041 2 877757837 +336 1048 4 877757134 +336 1051 2 877757094 +336 1054 1 877754876 +336 1059 3 877756890 +336 1074 5 877757516 +336 1079 1 877757094 +336 1094 1 877757062 +336 1098 3 877757790 +336 1118 4 877758055 +336 1183 1 877757972 +336 1188 3 877757418 +336 1218 3 877757790 +336 1230 2 877757516 +336 1249 3 877756356 +336 1437 2 877756890 +336 1446 1 877757790 +336 1496 1 877757268 +337 25 3 875184963 +337 50 5 875184413 +337 67 4 875236631 +337 106 2 875184682 +337 125 4 875185574 +337 135 5 875236512 +337 151 5 875185627 +337 181 2 875184353 +337 227 5 875185319 +337 228 5 875185319 +337 229 3 875185319 +337 230 5 875185319 +337 235 3 875184717 +337 250 3 875185219 +337 257 3 875184963 +337 371 4 875236191 +337 380 4 875185319 +337 392 5 875236512 +337 631 4 875429292 +337 636 4 875236281 +337 742 5 875184353 +337 831 1 875236281 +337 879 3 875429233 +337 1133 4 875236281 +338 1 3 879438143 +338 52 5 879438690 +338 56 3 879438535 +338 79 4 879438715 +338 83 2 879438064 +338 86 4 879438505 +338 100 4 879438196 +338 132 2 879438143 +338 135 5 879438570 +338 143 2 879438652 +338 168 3 879438225 +338 169 5 879438196 +338 170 5 879438301 +338 174 4 879438392 +338 175 4 879438762 +338 180 4 879438505 +338 189 4 879438449 +338 196 2 879438505 +338 197 5 879438473 +338 204 3 879438063 +338 208 3 879438225 +338 211 4 879438092 +338 212 4 879438597 +338 213 5 879438250 +338 215 3 879438092 +338 216 4 879438196 +338 269 4 879437523 +338 275 5 879438063 +338 286 4 879437522 +338 301 4 879437655 +338 306 4 879437548 +338 310 3 879437522 +338 382 5 879438762 +338 427 4 879438419 +338 435 4 879438597 +338 443 5 879438570 +338 474 4 879438627 +338 478 3 879438505 +338 479 5 879438250 +338 480 5 879438114 +338 483 4 879438092 +338 488 5 879438449 +338 490 5 879438275 +338 494 3 879438570 +338 497 3 879438165 +338 498 4 879438250 +338 511 4 879438473 +338 513 5 879438225 +338 514 5 879438114 +338 516 5 879438366 +338 517 5 879438505 +338 523 3 879438366 +338 525 4 879438449 +338 582 5 879438419 +338 603 5 879438690 +338 604 4 879438326 +338 606 3 879438275 +338 607 4 879438225 +338 613 3 879438597 +338 650 5 879438275 +338 654 5 879438143 +338 708 5 879438627 +338 792 4 879438196 +338 990 4 879437607 +338 1124 4 879438301 +339 1 5 891032349 +339 4 4 891033653 +339 5 3 891034953 +339 7 4 891032952 +339 9 5 891033044 +339 11 4 891032379 +339 22 5 891033735 +339 23 5 891033481 +339 25 4 891035116 +339 28 4 891032542 +339 29 3 891035759 +339 30 3 891032765 +339 32 5 891032255 +339 42 4 891033452 +339 45 5 891033200 +339 47 4 891032701 +339 50 4 891032576 +339 53 4 891034254 +339 55 3 891032765 +339 56 5 891032221 +339 58 3 891032379 +339 64 5 891033629 +339 65 4 891033452 +339 67 3 891035147 +339 69 4 891032633 +339 73 3 891035003 +339 74 4 891033382 +339 76 3 891034254 +339 79 4 891032701 +339 80 3 891035707 +339 81 5 891033566 +339 86 4 891032221 +339 88 4 891035454 +339 89 5 891033416 +339 91 5 891034282 +339 92 4 891033452 +339 94 2 891036423 +339 98 4 891032150 +339 99 4 891035180 +339 100 5 891032286 +339 101 3 891034626 +339 117 3 891034152 +339 121 3 891035454 +339 124 4 891032885 +339 126 4 891032121 +339 127 5 891032349 +339 130 4 891034040 +339 131 5 891033382 +339 132 5 891032953 +339 134 5 891033044 +339 135 5 891033256 +339 136 5 891033898 +339 139 3 891036199 +339 143 5 891034810 +339 144 3 891033794 +339 145 3 891036557 +339 150 4 891033282 +339 151 4 891033676 +339 153 4 891033932 +339 154 4 891032885 +339 156 5 891032495 +339 157 4 891032379 +339 159 3 891034681 +339 160 5 891033512 +339 161 3 891034626 +339 163 4 891035324 +339 167 4 891036058 +339 168 4 891033710 +339 170 5 891032286 +339 173 5 891034254 +339 174 4 891032320 +339 175 5 891032793 +339 176 4 891032413 +339 178 5 891033310 +339 179 5 891032793 +339 180 5 891032793 +339 181 4 891033898 +339 182 5 891033310 +339 183 4 891032828 +339 185 4 891032885 +339 186 4 891032255 +339 187 5 891032700 +339 188 4 891033735 +339 190 4 891034215 +339 191 5 891033676 +339 192 5 891032438 +339 194 4 891037070 +339 195 3 891032576 +339 196 4 891033416 +339 197 5 891033653 +339 199 5 891032576 +339 200 5 891033118 +339 203 4 891032466 +339 204 3 891033542 +339 205 5 891033629 +339 208 4 891032827 +339 209 5 891032600 +339 211 5 891034215 +339 212 4 891035215 +339 213 4 891033542 +339 216 3 891032286 +339 217 3 891034254 +339 218 3 891034810 +339 222 4 891033512 +339 227 2 891035524 +339 228 4 891033960 +339 229 3 891035584 +339 231 2 891035180 +339 233 1 891036503 +339 234 4 891032255 +339 235 3 891036387 +339 238 5 891032827 +339 240 4 891036641 +339 241 4 891034152 +339 248 4 891034592 +339 250 5 891033830 +339 257 4 891033710 +339 258 3 891033200 +339 265 3 891034779 +339 269 5 891032379 +339 276 4 891032495 +339 286 5 891032349 +339 288 3 891036899 +339 293 5 891033282 +339 298 2 891032856 +339 302 4 891034592 +339 317 4 891032542 +339 327 4 891032150 +339 343 3 891031800 +339 346 5 891032255 +339 347 4 891034953 +339 357 5 891032189 +339 380 3 891035584 +339 383 1 891036834 +339 396 4 891036316 +339 402 3 891034867 +339 403 3 891034510 +339 404 4 891035147 +339 410 2 891034953 +339 411 2 891035420 +339 415 3 891035553 +339 423 3 891033602 +339 427 5 891034778 +339 428 5 891032349 +339 431 4 891035488 +339 433 4 891033542 +339 434 4 891033350 +339 435 4 891032189 +339 436 4 891035147 +339 447 4 891034923 +339 449 3 891036316 +339 451 3 891034151 +339 461 5 891033226 +339 469 5 891032633 +339 474 4 891032286 +339 478 5 891032466 +339 479 5 891032701 +339 480 5 891032885 +339 483 5 891032121 +339 484 5 891032495 +339 485 5 891032413 +339 488 5 891032379 +339 496 5 891032320 +339 498 4 891033044 +339 503 4 891035093 +339 504 5 891032255 +339 506 4 891033766 +339 508 4 891032189 +339 509 4 891033140 +339 511 5 891032885 +339 514 3 891037119 +339 515 5 891033072 +339 516 4 891033481 +339 518 5 891033984 +339 521 4 891032737 +339 522 5 891033165 +339 523 5 891033044 +339 525 5 891032737 +339 527 4 891032793 +339 528 5 891033044 +339 530 5 891032413 +339 546 4 891036423 +339 549 4 891034040 +339 550 2 891035523 +339 566 3 891034717 +339 568 3 891035061 +339 582 4 891032793 +339 589 5 891032221 +339 603 5 891032542 +339 607 5 891032189 +339 614 3 891034867 +339 631 5 891033256 +339 632 4 891033794 +339 636 4 891035248 +339 637 4 891035647 +339 639 4 891034115 +339 640 5 891035035 +339 642 5 891032953 +339 644 5 891033200 +339 649 5 891034007 +339 650 4 891032438 +339 654 5 891032150 +339 655 4 891033452 +339 657 4 891032221 +339 660 4 891034778 +339 661 5 891033830 +339 663 5 891032952 +339 673 5 891034071 +339 675 4 891034810 +339 678 2 891036781 +339 693 5 891033200 +339 702 4 891035850 +339 709 5 891032982 +339 719 3 891036753 +339 735 4 891034717 +339 736 3 891035093 +339 737 3 891035180 +339 739 3 891036058 +339 770 4 891034895 +339 772 4 891032413 +339 790 2 891034151 +339 806 4 891032737 +339 823 3 891035850 +339 845 4 891034718 +339 856 5 891034922 +339 939 4 891034115 +339 942 4 891034484 +339 961 3 891034778 +339 1017 5 891033567 +339 1030 1 891036707 +339 1039 4 891033932 +339 1110 4 891034657 +339 1113 4 891033829 +339 1135 2 891033898 +339 1139 3 891036557 +339 1153 4 891035035 +339 1240 5 891033855 +339 1244 4 891036423 +339 1248 3 891034538 +339 1258 3 891034717 +339 1267 3 891033766 +339 1301 3 891032189 +339 1404 5 891034592 +339 1526 4 891035116 +340 1 5 884990988 +340 15 5 884991396 +340 50 4 884990546 +340 66 5 884990798 +340 88 5 884991584 +340 95 5 884991083 +340 143 5 884990669 +340 172 4 884990620 +340 173 5 884990703 +340 179 1 884989963 +340 180 3 884991236 +340 186 4 884991082 +340 196 4 884990861 +340 199 5 884990988 +340 204 4 884990004 +340 211 3 884991431 +340 215 5 884990620 +340 265 5 884990470 +340 274 4 884991618 +340 378 5 884990891 +340 405 5 884991817 +340 417 5 884991544 +340 418 5 884990669 +340 428 1 884991618 +340 435 4 884990546 +340 480 5 884991114 +340 497 5 884990951 +340 502 2 884991678 +340 520 5 884991544 +340 526 5 884991396 +340 584 3 884991369 +340 662 2 884991584 +340 969 5 884991647 +340 1133 5 884991742 +341 288 4 890757686 +341 292 5 890757659 +341 294 3 890757997 +341 358 1 890758050 +341 876 4 890757886 +341 877 3 890758113 +341 880 5 890757997 +341 881 5 890757961 +341 887 5 890757745 +341 948 3 890758169 +341 1527 4 890757717 +342 3 2 875318606 +342 4 4 874984395 +342 7 4 875318266 +342 8 4 875319597 +342 9 5 874984233 +342 11 5 874984315 +342 12 5 874984315 +342 13 3 874984480 +342 14 5 874984661 +342 15 3 875318154 +342 23 5 874984154 +342 26 2 875320037 +342 28 2 875319383 +342 32 5 874984207 +342 42 3 875319659 +342 47 5 874984430 +342 56 5 874984315 +342 57 3 875319457 +342 58 5 875319912 +342 68 3 875319992 +342 88 1 875320644 +342 89 3 875319090 +342 92 4 875320227 +342 93 4 874984684 +342 95 4 875320297 +342 98 3 874984261 +342 100 5 874984207 +342 108 4 874984574 +342 111 3 875318267 +342 114 5 875318962 +342 122 4 875318783 +342 123 5 874984832 +342 124 4 875318267 +342 125 2 875318585 +342 129 5 874984684 +342 131 5 875319786 +342 132 5 875319129 +342 133 4 874984207 +342 134 4 875318936 +342 135 3 874984395 +342 137 2 874984455 +342 143 5 875318936 +342 144 5 875319912 +342 149 5 874984788 +342 150 3 874984531 +342 152 4 874984341 +342 153 4 874984261 +342 160 3 874984365 +342 165 3 875318907 +342 169 5 875318907 +342 174 2 875319681 +342 179 5 874984175 +342 182 5 875319173 +342 188 3 875318936 +342 189 5 875319967 +342 191 5 875319991 +342 192 4 875320082 +342 193 5 875320199 +342 194 3 875318858 +342 196 3 874984128 +342 197 4 875318988 +342 204 4 874984261 +342 208 4 874984430 +342 209 5 875319554 +342 212 5 875319992 +342 216 5 875320104 +342 220 1 874984455 +342 223 4 875318907 +342 236 3 875318536 +342 238 4 875319012 +342 240 3 875318629 +342 246 4 874984480 +342 248 3 874984455 +342 249 3 874984661 +342 251 5 875318267 +342 255 4 874984574 +342 257 2 875318267 +342 262 2 874984025 +342 274 2 874984895 +342 276 3 874984531 +342 282 1 875318366 +342 286 4 874984002 +342 287 3 874984619 +342 288 5 875318267 +342 289 2 874984067 +342 293 4 874984619 +342 294 3 874984067 +342 297 3 875318267 +342 298 3 874984619 +342 301 5 874984045 +342 319 4 874984002 +342 320 5 875318833 +342 324 1 874984002 +342 326 1 874984002 +342 327 4 874984025 +342 357 3 874984234 +342 367 5 875319967 +342 378 4 875319617 +342 381 5 875320312 +342 382 3 875320623 +342 408 5 875318266 +342 410 3 874984661 +342 412 3 875318648 +342 421 3 875319435 +342 423 4 875319436 +342 428 5 875320334 +342 433 5 874984395 +342 461 3 874984315 +342 475 5 874984233 +342 476 4 875318488 +342 478 3 875319967 +342 482 5 875318936 +342 483 4 875319745 +342 486 5 874984207 +342 487 5 874984315 +342 488 5 875319536 +342 496 4 875319334 +342 499 5 875319912 +342 507 4 875319295 +342 508 3 874984810 +342 514 5 874984341 +342 517 5 875320297 +342 523 4 875319854 +342 531 3 874984175 +342 535 3 874984727 +342 547 5 875318347 +342 558 5 874984341 +342 574 1 875320124 +342 581 3 875320037 +342 584 4 874984430 +342 591 3 875318629 +342 606 5 875318882 +342 607 3 875318963 +342 654 4 875319745 +342 655 4 875319383 +342 656 5 875319151 +342 657 5 874984207 +342 663 4 875320297 +342 692 1 875319090 +342 699 4 875319808 +342 716 2 875320014 +342 723 3 875319659 +342 724 1 875320297 +342 727 3 875320082 +342 732 3 875319786 +342 746 4 875320227 +342 756 3 874984895 +342 762 2 874984914 +342 763 3 874984854 +342 764 1 875318762 +342 772 1 875319597 +342 789 3 875319412 +342 792 3 875318882 +342 813 5 874984480 +342 815 4 875318629 +342 818 4 875318488 +342 833 3 874984751 +342 844 3 874984789 +342 846 2 875318688 +342 866 1 875318585 +342 873 3 874984068 +342 875 1 874984045 +342 928 3 875318509 +342 950 2 875318423 +342 952 3 874984619 +342 965 4 875319195 +342 975 2 875318509 +342 1007 4 874984507 +342 1008 3 875318669 +342 1009 1 874984596 +342 1010 1 874984574 +342 1011 3 875318467 +342 1012 4 874984639 +342 1014 1 874984531 +342 1016 1 874984596 +342 1047 2 874984854 +342 1048 1 875318536 +342 1057 2 875318783 +342 1070 3 875319412 +342 1073 1 875320199 +342 1094 3 874984873 +342 1103 3 874984395 +342 1128 5 875318536 +342 1160 3 874984751 +342 1163 3 875318266 +342 1166 1 875319745 +342 1167 1 875319854 +342 1170 3 875319659 +342 1300 1 875318556 +342 1315 1 875318742 +342 1528 3 875318585 +343 1 5 876402668 +343 3 4 876406256 +343 4 5 876408139 +343 7 5 876402941 +343 8 5 876404836 +343 9 5 876402738 +343 10 4 876403009 +343 11 5 876405172 +343 13 5 876402894 +343 22 4 876406181 +343 23 5 876404499 +343 25 2 876402814 +343 26 3 876404689 +343 28 5 876404793 +343 38 3 876406257 +343 42 4 876404647 +343 44 3 876406640 +343 47 4 876405130 +343 48 3 876405697 +343 50 5 876402814 +343 52 5 876404793 +343 53 5 876407421 +343 55 3 876405129 +343 56 5 876404880 +343 57 5 876404426 +343 58 4 876406283 +343 62 2 876406707 +343 63 4 876406062 +343 64 5 876405697 +343 65 5 876405172 +343 66 3 876406421 +343 67 3 876407663 +343 68 1 876406878 +343 69 5 876405735 +343 72 5 876407706 +343 77 3 876405004 +343 79 4 876406144 +343 81 5 876408139 +343 82 5 876405735 +343 83 4 876404957 +343 86 5 876404836 +343 87 4 876404613 +343 88 4 876405130 +343 89 3 876406006 +343 90 4 876406677 +343 97 4 876405893 +343 98 5 876404836 +343 100 5 876402668 +343 116 5 876403009 +343 117 2 876403121 +343 118 2 876403121 +343 121 2 876407072 +343 124 4 876402738 +343 127 5 876404464 +343 130 3 876403883 +343 132 5 876404880 +343 134 5 876404568 +343 135 5 876404568 +343 137 4 876402941 +343 143 4 876406677 +343 144 4 876405004 +343 147 4 876402814 +343 150 4 876402941 +343 152 4 876404612 +343 153 5 876404539 +343 154 5 876406552 +343 155 1 876407379 +343 156 4 876405857 +343 157 4 876405045 +343 159 2 876405893 +343 163 5 876408139 +343 164 3 876404757 +343 168 4 876404612 +343 169 5 876405172 +343 174 5 876404464 +343 175 5 876405045 +343 176 5 876405553 +343 177 4 876407252 +343 179 5 876405633 +343 180 5 876404613 +343 186 4 876407485 +343 188 4 876407749 +343 189 4 876405697 +343 191 5 876404689 +343 193 4 876405857 +343 194 5 876405200 +343 196 4 876406257 +343 197 4 876404836 +343 198 4 876406006 +343 199 5 876404464 +343 200 2 876404539 +343 202 4 876406256 +343 203 5 876406764 +343 208 4 876404426 +343 211 5 876405820 +343 214 4 876406604 +343 215 5 876405943 +343 217 3 876405771 +343 222 4 876402978 +343 223 5 876405735 +343 228 5 876404757 +343 229 4 876407340 +343 231 5 876407032 +343 234 1 876405633 +343 235 4 876403078 +343 236 5 876402668 +343 237 4 876402738 +343 238 4 876404647 +343 241 3 876407291 +343 250 5 876403078 +343 252 4 876403491 +343 257 3 876402941 +343 258 5 876402390 +343 260 1 876402556 +343 265 2 876406878 +343 269 4 876402390 +343 274 3 876403443 +343 276 5 876403078 +343 277 4 876402978 +343 283 4 876403212 +343 286 4 876402390 +343 288 2 876402428 +343 297 5 876403283 +343 302 4 876402390 +343 303 4 876402390 +343 306 4 876402516 +343 317 5 876405130 +343 318 5 876406707 +343 324 5 876402468 +343 333 3 876402468 +343 334 5 876402468 +343 357 5 876408139 +343 358 1 876402493 +343 367 4 876406144 +343 371 2 876405893 +343 382 3 876406978 +343 385 3 876406939 +343 387 4 876405521 +343 403 4 876406878 +343 405 4 876403776 +343 408 5 876403121 +343 410 3 876403212 +343 425 5 876406514 +343 427 5 876405820 +343 429 4 876407138 +343 435 4 876404343 +343 449 5 876407138 +343 458 5 876402894 +343 461 2 876404957 +343 462 4 876404385 +343 463 4 876404793 +343 466 4 876404957 +343 471 4 876402941 +343 473 3 876403212 +343 475 5 876402668 +343 476 2 876403239 +343 478 5 876404499 +343 483 5 876404343 +343 496 5 876404426 +343 498 5 876408138 +343 499 5 876405129 +343 508 5 876403514 +343 510 5 876408139 +343 515 4 876402626 +343 521 5 876408138 +343 523 5 876404647 +343 527 5 876404757 +343 528 3 876405004 +343 530 5 876405633 +343 531 5 876404539 +343 536 4 876403310 +343 546 1 876403348 +343 555 1 876407706 +343 559 3 876406822 +343 561 3 876405172 +343 568 1 876406640 +343 569 3 876406421 +343 581 4 876405820 +343 582 3 876404836 +343 583 4 876407202 +343 606 5 876404836 +343 614 5 876404689 +343 631 4 876407175 +343 642 4 876404343 +343 654 5 876407006 +343 657 5 876404464 +343 660 3 876405004 +343 663 5 876405045 +343 684 3 876406878 +343 702 4 876406257 +343 703 4 876404426 +343 708 4 876407006 +343 712 4 876406391 +343 715 5 876405943 +343 724 4 876404499 +343 727 4 876406462 +343 729 3 876407291 +343 735 5 876406576 +343 739 3 876406939 +343 744 4 876402941 +343 747 4 876407174 +343 778 5 876406391 +343 786 4 876406181 +343 792 5 876405172 +343 919 5 876403348 +343 921 4 876406640 +343 930 1 876403587 +343 931 3 876403938 +343 943 4 876406552 +343 950 3 876403121 +343 951 1 876406144 +343 961 4 876404688 +343 963 5 876404880 +343 980 5 876403239 +343 1008 4 876403418 +343 1039 5 876404689 +343 1047 1 876403776 +343 1067 3 876403078 +343 1073 4 876405771 +343 1107 3 876406977 +343 1112 3 876406314 +343 1117 3 876403563 +343 1132 4 876403746 +343 1140 3 876405943 +343 1194 4 876405129 +343 1211 4 876406677 +343 1267 4 876406576 +344 1 3 884899372 +344 4 4 884901235 +344 5 3 884901533 +344 7 4 884814668 +344 8 5 889814194 +344 9 5 884814480 +344 11 3 884901270 +344 12 5 884901024 +344 13 3 884899768 +344 14 5 884814532 +344 19 4 884899346 +344 22 3 884901180 +344 25 4 884814480 +344 26 3 884901561 +344 39 3 884901290 +344 45 5 884901210 +344 50 5 884814401 +344 58 3 884814697 +344 64 5 884900818 +344 69 2 884901093 +344 70 3 884901561 +344 71 3 884901371 +344 73 3 884901371 +344 79 4 884900993 +344 83 4 884901503 +344 86 4 884901129 +344 87 4 889814195 +344 88 3 884901403 +344 89 5 884814479 +344 95 4 884901180 +344 96 4 889814195 +344 97 3 884901156 +344 98 4 884901180 +344 100 5 886382272 +344 106 2 884900583 +344 111 4 884899767 +344 117 3 884899767 +344 118 3 884900353 +344 119 5 884814457 +344 121 3 884899792 +344 122 1 886381985 +344 124 5 884899346 +344 125 3 884899741 +344 127 5 889814518 +344 129 4 884899346 +344 132 4 889814194 +344 137 5 884814668 +344 148 2 884900248 +344 151 5 884899719 +344 169 5 884814457 +344 172 4 884814697 +344 173 5 884814697 +344 174 5 884900993 +344 176 5 884814507 +344 181 3 884901047 +344 183 5 884814507 +344 190 5 886382447 +344 191 5 889814194 +344 195 5 884900771 +344 198 5 884814507 +344 202 4 884901180 +344 203 4 884901328 +344 208 5 884901290 +344 210 4 884814401 +344 213 4 884901351 +344 215 3 884900818 +344 216 4 884901156 +344 222 4 884899372 +344 228 4 884901047 +344 235 3 884900423 +344 237 3 884900353 +344 244 3 889814600 +344 245 3 884813365 +344 246 4 889814518 +344 248 4 889814539 +344 251 5 889814518 +344 255 4 889814555 +344 258 3 884814359 +344 268 3 884814359 +344 269 4 884814359 +344 272 5 885769962 +344 273 4 884900677 +344 274 2 884899768 +344 275 4 884899397 +344 276 4 889814194 +344 278 3 884900454 +344 280 3 884899815 +344 281 3 884900374 +344 284 3 884899768 +344 285 5 889814068 +344 286 3 884813183 +344 288 4 889813994 +344 290 2 884899837 +344 291 3 884899791 +344 295 3 889814571 +344 297 4 889814555 +344 298 4 889814571 +344 301 4 889813946 +344 302 5 884814359 +344 303 4 884814359 +344 304 3 884814359 +344 306 5 884814359 +344 311 4 884814359 +344 313 3 884814359 +344 315 5 884813342 +344 316 4 889814343 +344 319 1 886381985 +344 322 2 889814470 +344 357 5 884814432 +344 367 5 884901560 +344 372 4 884901469 +344 385 2 884901503 +344 405 2 884900353 +344 408 5 884814532 +344 421 2 884901561 +344 431 3 884901469 +344 433 4 884901517 +344 451 4 884901403 +344 459 4 884899741 +344 462 2 884901156 +344 463 4 884901210 +344 471 3 884899719 +344 472 3 884899837 +344 473 4 884900248 +344 476 3 884900499 +344 478 4 884901210 +344 479 4 884901093 +344 486 4 884901156 +344 487 5 884900791 +344 494 4 884901210 +344 496 4 889814194 +344 509 4 889814195 +344 511 4 884901311 +344 516 5 884901311 +344 529 5 884814668 +344 530 4 884901403 +344 535 3 889814539 +344 546 3 884899837 +344 559 3 884901351 +344 562 2 886381985 +344 568 5 884901419 +344 588 5 884900993 +344 628 4 884899442 +344 647 4 884814401 +344 660 3 884901235 +344 663 5 884900993 +344 678 2 884813365 +344 684 3 884901249 +344 694 5 884901093 +344 696 3 884900567 +344 707 4 884900792 +344 708 4 884901561 +344 709 5 886382364 +344 713 3 884899742 +344 715 4 889814195 +344 742 3 884900248 +344 751 4 886381635 +344 756 2 884900529 +344 762 3 884900391 +344 764 1 886381986 +344 815 2 884900409 +344 844 1 886381985 +344 845 3 884899791 +344 864 3 884900454 +344 896 4 884814359 +344 926 2 886381985 +344 928 2 884900409 +344 955 4 889814195 +344 972 4 884901503 +344 1007 4 889814518 +344 1014 4 889814600 +344 1020 5 884814457 +344 1048 3 884899815 +344 1050 3 884901290 +344 1082 2 889814622 +344 1137 3 884899339 +344 1142 5 889814518 +344 1165 1 886381986 +344 1172 4 884901311 +344 1283 2 889814587 +345 1 3 884990938 +345 4 4 884993619 +345 5 3 884992922 +345 9 4 884900976 +345 11 4 884992337 +345 12 5 884901701 +345 13 4 884991220 +345 14 4 884991077 +345 15 4 884991220 +345 25 3 884991384 +345 26 3 884993555 +345 28 3 884916441 +345 33 4 884993069 +345 38 2 884993830 +345 40 3 884993662 +345 42 2 884991873 +345 43 3 884993890 +345 44 3 884992770 +345 48 5 884902317 +345 49 3 884993505 +345 50 5 884992367 +345 51 5 884993744 +345 54 3 884993506 +345 56 5 884902317 +345 58 4 884916322 +345 64 5 884902317 +345 65 4 884992158 +345 66 3 884993069 +345 69 4 884992755 +345 70 5 884992248 +345 71 3 884992922 +345 77 3 884993555 +345 79 4 884992291 +345 81 4 884992998 +345 86 4 884916235 +345 87 5 884991984 +345 88 4 884992940 +345 91 4 884993016 +345 93 4 884991191 +345 98 5 884916235 +345 100 5 884902317 +345 111 4 884991244 +345 117 4 884991220 +345 118 3 884991520 +345 124 5 884900777 +345 125 3 884991191 +345 126 5 884991105 +345 131 4 884992998 +345 132 5 884901371 +345 137 4 884991077 +345 143 5 884992940 +345 148 3 884991303 +345 150 5 884991105 +345 161 3 884993555 +345 170 5 884902317 +345 172 4 884991831 +345 174 4 884992367 +345 181 4 884992479 +345 191 5 884902317 +345 196 5 884902317 +345 197 4 884992141 +345 200 4 884916339 +345 202 3 884992218 +345 204 4 884991925 +345 210 4 884992174 +345 215 4 884993464 +345 216 5 884901701 +345 218 3 884992218 +345 220 3 884991457 +345 221 5 884900899 +345 223 5 884902317 +345 226 3 884993418 +345 234 4 884991831 +345 235 3 884991285 +345 237 4 884991077 +345 238 5 884916495 +345 239 4 884993485 +345 241 4 884992142 +345 244 3 884994658 +345 245 2 884901497 +345 246 4 884994156 +345 248 5 884994083 +345 251 5 884994119 +345 255 4 884994156 +345 258 4 884916532 +345 262 5 884901701 +345 268 4 884900448 +345 269 5 884900466 +345 272 5 884900426 +345 274 3 884991267 +345 278 3 884991505 +345 280 3 884991457 +345 282 3 884991419 +345 283 4 884991105 +345 284 4 884991348 +345 286 3 884900521 +345 287 4 884991670 +345 288 3 884901497 +345 289 3 884901497 +345 291 3 884991476 +345 293 4 884994592 +345 294 3 884901497 +345 295 4 884994592 +345 297 4 884994156 +345 298 5 884902339 +345 300 3 884900427 +345 301 4 884900543 +345 302 5 884902317 +345 303 4 884900448 +345 305 4 884900483 +345 311 5 884900609 +345 312 3 884900709 +345 313 4 884900467 +345 315 5 884900653 +345 317 4 884992465 +345 318 5 884916354 +345 323 3 884916551 +345 325 1 884901497 +345 332 1 884901497 +345 333 3 884900543 +345 356 3 884993686 +345 365 2 884993760 +345 367 4 884993069 +345 378 4 884993436 +345 381 4 884993505 +345 382 4 884992725 +345 385 3 884993418 +345 387 4 884992823 +345 393 3 884993485 +345 402 4 884993464 +345 403 3 884992922 +345 405 4 884991285 +345 412 3 884991600 +345 416 4 884992142 +345 433 4 884992142 +345 443 5 884993464 +345 451 5 884993085 +345 461 3 884992175 +345 462 5 884901637 +345 464 3 884992084 +345 469 5 884916274 +345 470 4 884992084 +345 471 3 884991127 +345 476 3 884991505 +345 479 4 884991812 +345 481 3 884916260 +345 485 4 884992141 +345 498 4 884992117 +345 518 4 884916484 +345 534 4 884994592 +345 535 3 884994136 +345 550 3 884993784 +345 559 1 884901497 +345 566 3 884992194 +345 568 4 884993047 +345 570 2 884993662 +345 582 5 884992807 +345 588 3 884992100 +345 620 2 884991614 +345 628 3 884991105 +345 639 4 884993139 +345 651 4 884992493 +345 655 4 884991851 +345 660 5 884993418 +345 676 4 884991384 +345 678 2 884901497 +345 684 4 884992005 +345 696 3 884991267 +345 702 4 884993418 +345 708 3 884992786 +345 709 4 884993033 +345 715 4 884993069 +345 716 3 884993686 +345 722 3 884993783 +345 724 5 884993139 +345 732 4 884993418 +345 736 3 884992897 +345 737 3 884993418 +345 738 3 884993636 +345 739 4 884993016 +345 742 4 884991191 +345 744 4 884991348 +345 747 3 884993139 +345 748 2 884901497 +345 762 5 884991285 +345 772 4 884993121 +345 781 3 884993636 +345 815 3 884991546 +345 845 3 884991220 +345 846 4 884991348 +345 866 3 884991476 +345 879 2 884901497 +345 886 3 884900736 +345 903 3 884900609 +345 941 3 884993932 +345 949 3 884992897 +345 955 4 884993932 +345 972 4 884993464 +345 974 3 884991581 +345 980 4 884991688 +345 988 2 884916551 +345 1007 5 884994119 +345 1008 3 884991267 +345 1009 2 884991546 +345 1011 3 884991127 +345 1012 3 884994606 +345 1014 3 884994643 +345 1016 3 884994619 +345 1017 2 884991303 +345 1023 2 884994658 +345 1047 4 884991457 +345 1048 2 884991436 +345 1053 3 884993903 +345 1074 3 884993890 +345 1096 3 884994682 +345 1101 4 884993436 +345 1117 4 884900810 +345 1160 3 884994606 +345 1221 3 884993703 +345 1226 3 884994592 +345 1247 2 884993996 +345 1281 4 884991105 +346 2 5 875263473 +346 3 3 875265392 +346 4 4 874948105 +346 7 2 874947923 +346 11 4 874948174 +346 12 5 874950232 +346 22 5 874948059 +346 29 4 875264137 +346 31 4 874950383 +346 33 5 875261753 +346 38 3 874950993 +346 50 5 874947609 +346 53 1 875263501 +346 54 4 874949217 +346 55 5 874948639 +346 56 5 874949217 +346 58 3 875122112 +346 62 3 875263634 +346 64 4 874948214 +346 67 3 875264985 +346 68 3 874951062 +346 72 3 874951714 +346 76 4 874950135 +346 77 4 874950937 +346 79 5 874948105 +346 83 4 874949923 +346 88 4 874949380 +346 89 4 874948513 +346 91 1 874950029 +346 92 4 886274124 +346 94 3 875263845 +346 96 5 874948252 +346 97 4 874948929 +346 98 2 874948173 +346 100 3 874948426 +346 110 2 875266064 +346 117 4 874950054 +346 120 3 875264287 +346 121 4 874948703 +346 127 5 874947747 +346 128 2 874950208 +346 132 4 875261235 +346 134 5 874947644 +346 141 4 874950692 +346 143 3 874948332 +346 144 4 886273914 +346 147 4 874950172 +346 151 4 874949244 +346 153 3 874948252 +346 156 4 874948139 +346 157 3 874950966 +346 158 2 875264945 +346 159 4 874949011 +346 161 3 874950413 +346 164 3 874948824 +346 168 4 874948252 +346 172 5 874947609 +346 173 3 874948475 +346 174 5 874948547 +346 175 4 874947644 +346 176 4 874947747 +346 177 4 874948476 +346 180 5 874947958 +346 181 5 874948332 +346 182 5 874948031 +346 183 4 874948382 +346 184 1 874950463 +346 186 3 874948303 +346 187 3 874948030 +346 188 4 874948252 +346 195 5 874948703 +346 196 3 874950692 +346 203 4 874948139 +346 204 4 874948730 +346 210 4 874947700 +346 211 4 874948475 +346 213 3 874948173 +346 215 3 874948303 +346 216 3 874949011 +346 219 2 875263664 +346 226 3 886273914 +346 233 4 874948889 +346 234 2 874950291 +346 240 1 874948929 +346 241 4 874948929 +346 245 4 875266665 +346 250 3 886274255 +346 259 2 886273426 +346 265 4 874950794 +346 273 4 874948783 +346 276 1 874950029 +346 288 2 886273342 +346 291 5 875002643 +346 293 3 875000499 +346 294 3 886273405 +346 300 5 874947380 +346 302 3 877231140 +346 318 5 874948105 +346 322 3 886273541 +346 325 1 886273717 +346 333 4 886273342 +346 358 4 886273570 +346 363 3 874951062 +346 365 1 874951029 +346 366 2 874947609 +346 369 3 874948890 +346 375 1 875266176 +346 385 5 886274124 +346 391 2 875266600 +346 394 4 874949116 +346 395 1 875264785 +346 403 3 874950383 +346 405 3 886274098 +346 415 2 875265527 +346 423 4 874949057 +346 431 5 874950616 +346 455 3 874948889 +346 470 3 874948513 +346 472 4 874950937 +346 496 5 875260242 +346 515 5 874948890 +346 518 4 874948889 +346 520 5 874948105 +346 541 3 874951104 +346 546 4 875263238 +346 549 4 874950966 +346 550 4 886273914 +346 566 5 874950766 +346 569 3 875266064 +346 571 3 875264262 +346 572 5 875266600 +346 576 3 875264945 +346 578 2 874950463 +346 582 3 874951783 +346 597 3 875003052 +346 616 1 874948890 +346 636 3 874950794 +346 640 3 874947923 +346 642 3 874949952 +346 657 4 875260577 +346 658 3 874949011 +346 660 2 874948979 +346 669 1 875265690 +346 673 3 874951782 +346 684 4 874948929 +346 685 3 874950383 +346 693 4 874950937 +346 708 3 874951714 +346 712 3 875264985 +346 720 2 875265528 +346 727 1 874947794 +346 732 3 874948955 +346 739 3 874950316 +346 742 4 874948513 +346 743 2 875265295 +346 746 3 874949116 +346 748 4 874947380 +346 785 3 875263077 +346 802 4 875265236 +346 809 3 874951029 +346 831 3 875003274 +346 842 1 874948513 +346 879 5 886273570 +346 932 2 875264752 +346 944 3 874951714 +346 951 2 874950463 +346 959 2 875260577 +346 967 2 874948426 +346 1011 1 874947609 +346 1018 3 874950536 +346 1025 3 886273570 +346 1039 2 874948303 +346 1090 2 875265071 +346 1110 1 875264985 +346 1135 4 874950993 +346 1188 1 875264472 +346 1210 3 875265335 +346 1217 4 886274201 +346 1222 4 875263877 +346 1228 4 875265825 +346 1231 3 875265106 +346 1232 1 875264262 +346 1258 4 875002895 +347 1 4 881652518 +347 4 4 881654452 +347 7 4 881652590 +347 11 5 881653544 +347 12 3 881653584 +347 15 2 881652535 +347 17 4 881654635 +347 22 5 881654005 +347 24 3 881652657 +347 25 2 881652684 +347 28 4 881654612 +347 31 5 881654321 +347 50 5 881652456 +347 55 5 881653603 +347 56 5 881653736 +347 65 2 881654679 +347 68 5 881654825 +347 70 2 881654428 +347 73 2 881654773 +347 76 5 881654679 +347 77 5 881654386 +347 79 5 881653890 +347 82 5 881654269 +347 85 5 881654880 +347 87 3 881653830 +347 91 1 881654679 +347 95 4 881654410 +347 96 4 881653775 +347 97 4 881654101 +347 98 5 881654359 +347 99 3 881654591 +347 100 3 881652417 +347 105 2 881653198 +347 106 2 881652813 +347 117 5 881652518 +347 118 4 881652710 +347 121 3 881652535 +347 123 3 881654301 +347 125 5 881652568 +347 127 5 881652434 +347 132 5 881654064 +347 137 2 881652568 +347 144 5 881654186 +347 147 4 881652710 +347 148 3 881652888 +347 151 3 881652480 +347 156 5 881653652 +347 157 5 881654567 +347 158 3 881654773 +347 159 4 881654635 +347 163 4 881654801 +347 164 3 881654752 +347 168 5 881653798 +347 172 5 881653933 +347 173 2 881654503 +347 174 4 881654248 +347 176 3 881653866 +347 177 5 881654386 +347 180 5 881654101 +347 181 5 881652377 +347 182 5 881653736 +347 183 3 881654232 +347 186 5 881653912 +347 187 5 881653652 +347 188 5 881654480 +347 192 4 881653798 +347 195 4 881653603 +347 200 4 881654452 +347 202 4 881654211 +347 203 5 881654232 +347 204 4 881653830 +347 210 4 881653973 +347 215 4 881654211 +347 216 3 881653933 +347 222 4 881652377 +347 223 4 881653669 +347 226 4 881653890 +347 227 4 881654734 +347 230 4 881654101 +347 233 5 881654653 +347 235 2 881653224 +347 237 4 881652629 +347 239 5 881654591 +347 240 5 881653300 +347 241 3 881654386 +347 245 5 881652230 +347 246 4 881652417 +347 249 5 881652683 +347 252 2 881653176 +347 257 4 881652610 +347 258 4 881652077 +347 260 1 881652250 +347 271 1 881652191 +347 273 5 881652456 +347 276 3 881652657 +347 280 4 881652657 +347 282 5 881652590 +347 284 3 881652480 +347 286 3 881652054 +347 288 5 881652118 +347 290 3 881653132 +347 291 5 881652746 +347 293 5 881652709 +347 294 1 881652142 +347 298 5 881652590 +347 300 5 881652054 +347 318 3 881653563 +347 324 1 881652230 +347 328 4 881652077 +347 333 5 881652077 +347 356 5 881654134 +347 357 5 881653774 +347 363 1 881653244 +347 369 4 881653300 +347 371 1 881654715 +347 385 4 881654101 +347 386 1 881654846 +347 392 2 881654592 +347 403 5 881654386 +347 404 4 881654846 +347 405 4 881652610 +347 410 5 881653059 +347 411 5 881653132 +347 416 3 881654715 +347 418 4 881654134 +347 421 2 881653635 +347 427 4 881654004 +347 432 4 881653973 +347 455 2 881653087 +347 460 3 881652888 +347 462 2 881654359 +347 465 3 881654825 +347 468 2 881654825 +347 470 5 881654301 +347 471 4 881652518 +347 472 5 881652813 +347 475 4 881652417 +347 501 4 881654410 +347 508 3 881652629 +347 544 4 881652862 +347 546 4 881653059 +347 550 5 881654734 +347 568 4 881654339 +347 588 3 881654321 +347 595 2 881653244 +347 597 3 881652788 +347 609 4 881654064 +347 627 4 881654545 +347 655 5 881653973 +347 660 2 881654186 +347 685 3 881652684 +347 686 5 881654101 +347 689 4 881652250 +347 692 4 881654679 +347 693 5 881654156 +347 696 4 881653266 +347 699 1 881654480 +347 713 3 881652568 +347 721 5 881654715 +347 742 5 881652610 +347 748 2 881652142 +347 756 2 881653266 +347 763 5 881652837 +347 806 3 881653830 +347 819 1 881653155 +347 820 2 881653340 +347 827 1 881653266 +347 829 4 881653155 +347 831 1 881653340 +347 841 3 881652769 +347 871 4 881653300 +347 926 1 881654846 +347 928 3 881653176 +347 930 2 881653340 +347 943 4 881654545 +347 959 5 881654545 +347 977 5 881653224 +347 982 1 881652709 +347 1011 3 881653155 +347 1012 4 881652590 +347 1016 3 881652730 +347 1028 2 881653087 +347 1035 3 881654522 +347 1039 5 881653830 +347 1047 1 881653224 +347 1059 3 881652813 +347 1244 3 881653300 +347 1283 1 881652730 +347 1291 1 881653340 +348 1 4 886523078 +348 7 4 886523302 +348 25 4 886523521 +348 100 4 886523207 +348 107 4 886523813 +348 111 5 886523330 +348 117 4 886523256 +348 118 4 886523588 +348 121 5 886523521 +348 123 5 886523361 +348 126 5 886523560 +348 147 5 886523361 +348 151 3 886523456 +348 225 3 886523645 +348 237 4 886523078 +348 240 3 886523839 +348 243 3 886522740 +348 288 5 886522495 +348 291 4 886523790 +348 313 5 886522495 +348 323 5 886522579 +348 368 3 886523876 +348 369 3 886523758 +348 370 4 886523621 +348 405 4 886523174 +348 409 4 886523710 +348 412 2 886523560 +348 476 4 886523735 +348 477 3 886523521 +348 546 3 886523256 +348 596 4 886523456 +348 628 4 886523256 +348 685 4 886523560 +348 742 4 886523078 +348 756 4 886523735 +348 819 4 886523710 +348 827 4 886523387 +348 831 4 886523913 +348 924 4 886523361 +348 926 3 886523683 +348 928 5 886523683 +348 934 4 886523839 +348 974 4 886523683 +348 988 3 886522799 +348 1028 4 886523560 +348 1060 3 886523621 +348 1061 5 886523790 +348 1120 3 886523387 +349 25 3 879465966 +349 100 4 879466479 +349 105 2 879466283 +349 106 1 879466283 +349 118 2 879466283 +349 125 4 879466541 +349 126 2 879465598 +349 237 2 879466062 +349 276 5 879465841 +349 284 5 879466156 +349 285 5 879465477 +349 291 3 879465934 +349 325 3 879465326 +349 370 2 879466283 +349 411 4 879466232 +349 412 1 879466366 +349 455 2 879465712 +349 458 4 879465933 +349 459 4 879465569 +349 471 3 879465535 +349 475 4 879466479 +349 546 3 879466200 +349 619 4 879466000 +349 696 3 879465934 +349 713 3 879465673 +349 744 2 879465785 +349 823 4 879466156 +349 847 4 879466507 +349 985 3 879466118 +349 1028 2 879466200 +349 1128 3 879466062 +350 1 4 882345734 +350 23 5 882345823 +350 50 5 882345502 +350 89 4 882347465 +350 98 4 882347832 +350 127 5 882345502 +350 132 5 882346929 +350 136 5 882347699 +350 153 3 882347466 +350 168 5 882346847 +350 173 4 882347465 +350 174 5 882346720 +350 176 4 882347653 +350 179 5 882347653 +350 181 4 882346720 +350 183 3 882347465 +350 187 5 882347782 +350 190 4 882346900 +350 195 5 882347832 +350 210 4 882345918 +350 214 3 882347465 +350 228 4 882347598 +350 258 3 882347465 +350 271 3 882347466 +350 324 4 882345384 +350 340 4 882346257 +350 427 5 882346118 +350 429 4 882345668 +350 435 5 882346900 +350 479 5 882345789 +350 480 5 882345918 +350 483 5 882347734 +350 489 4 882347465 +350 515 5 882346756 +350 530 4 882346161 +350 603 5 882345975 +350 616 4 882346383 +350 654 5 882345918 +350 657 5 882346663 +350 1039 4 882345975 +351 258 5 879481386 +351 289 5 879481613 +351 292 4 879481550 +351 301 3 879481424 +351 304 3 879481675 +351 307 4 879481550 +351 310 5 879481386 +351 311 4 879481589 +351 312 5 883356784 +351 313 5 883356562 +351 322 5 879481589 +351 323 5 883356710 +351 328 4 879481550 +351 332 5 879481495 +351 340 1 879481424 +351 341 4 879481425 +351 343 3 883356591 +351 359 4 879481589 +351 538 4 879481495 +351 678 4 879481675 +351 689 4 879481386 +351 748 4 879481613 +351 873 3 879481643 +351 879 5 879481461 +351 880 2 879481460 +351 882 5 879481589 +351 888 4 879481589 +351 895 3 883356591 +351 898 5 883356784 +351 984 5 879481675 +351 989 4 883356684 +351 1024 4 879481495 +351 1105 4 883356833 +351 1316 4 883356883 +352 4 3 884290328 +352 7 3 884290549 +352 12 4 884290428 +352 17 2 884289728 +352 39 5 884289728 +352 55 1 884289728 +352 56 5 884289760 +352 79 4 884289693 +352 82 3 884290328 +352 86 4 884290505 +352 92 3 884289728 +352 96 4 884290328 +352 98 5 884290428 +352 129 5 884290428 +352 144 5 884290328 +352 156 4 884290428 +352 173 1 884290361 +352 174 5 884289760 +352 175 1 884290574 +352 176 5 884289693 +352 181 4 884289693 +352 182 5 884290328 +352 194 3 884290361 +352 210 3 884290328 +352 216 4 884290390 +352 228 3 884289729 +352 234 4 884290549 +352 302 4 884289619 +352 385 4 884289760 +352 431 2 884289728 +352 653 3 884290428 +352 746 4 884290361 +353 258 5 891402757 +353 260 1 891402617 +353 271 2 891402567 +353 272 5 891402757 +353 286 5 891402757 +353 300 3 891402310 +353 301 3 891401992 +353 313 5 891402757 +353 316 5 891402757 +353 326 2 891402444 +353 328 2 891402259 +353 332 5 891402757 +353 340 4 891401942 +353 343 2 891402636 +353 898 2 891402587 +354 7 4 891216607 +354 8 5 891217160 +354 9 3 891216607 +354 10 5 891216692 +354 13 3 891216825 +354 14 4 891216575 +354 19 5 891216549 +354 20 5 891216498 +354 25 2 891216854 +354 32 3 891217929 +354 42 2 891217512 +354 45 5 891218046 +354 47 4 891217110 +354 50 4 891216498 +354 52 5 891217547 +354 57 5 891217575 +354 58 3 891218356 +354 59 5 891218208 +354 60 5 891217160 +354 61 5 891218091 +354 65 4 891218046 +354 66 2 891307180 +354 70 3 891218208 +354 79 2 891217274 +354 81 3 891217249 +354 83 4 891217851 +354 86 5 891218312 +354 87 3 891217482 +354 88 2 891307206 +354 89 4 891217547 +354 93 4 891216805 +354 97 3 891217610 +354 98 3 891218312 +354 100 5 891216656 +354 109 3 891216692 +354 116 5 891216692 +354 124 5 891216632 +354 131 3 891217811 +354 133 3 891217547 +354 134 4 891217298 +354 135 3 891218230 +354 136 5 891217717 +354 137 3 891216575 +354 143 4 891217547 +354 149 5 891216498 +354 151 3 891218356 +354 152 3 891306974 +354 153 3 891218418 +354 154 4 891217897 +354 155 2 891307206 +354 162 3 891217659 +354 165 4 891217755 +354 166 4 891218379 +354 168 5 891218507 +354 169 3 891217511 +354 170 4 891217194 +354 171 4 891306892 +354 173 3 891217394 +354 174 4 891218068 +354 180 3 891217274 +354 181 4 891216656 +354 185 3 891218068 +354 186 4 891217811 +354 189 3 891217249 +354 190 4 891217221 +354 191 4 891217082 +354 193 3 891217782 +354 196 3 891218457 +354 197 4 891217512 +354 199 4 891217130 +354 202 3 891307157 +354 209 3 891218155 +354 210 3 891217717 +354 211 2 891306946 +354 213 5 891217160 +354 216 3 891217782 +354 221 4 891216788 +354 222 3 891216854 +354 238 4 891217394 +354 241 3 891307069 +354 242 5 891180399 +354 246 4 891216607 +354 248 4 891216956 +354 251 5 891216691 +354 255 2 891216788 +354 257 3 891216735 +354 258 4 891180399 +354 269 4 891180399 +354 270 5 891216082 +354 272 3 891180399 +354 275 4 891216526 +354 276 3 891216760 +354 281 1 891216915 +354 283 4 891216632 +354 285 5 891216526 +354 286 4 891180445 +354 287 3 891216854 +354 292 4 891180489 +354 303 5 891180548 +354 305 4 891180489 +354 306 5 891180445 +354 308 4 891180569 +354 311 5 891180445 +354 313 3 891180399 +354 318 3 891217365 +354 319 3 891180399 +354 321 2 891216128 +354 344 5 891180445 +354 381 5 891217851 +354 382 5 891217897 +354 387 4 891307180 +354 414 4 891218492 +354 419 4 891217755 +354 421 2 891306852 +354 423 4 891217575 +354 428 4 891217298 +354 429 3 891218439 +354 432 3 891218380 +354 433 3 891217221 +354 435 4 891218024 +354 451 3 891307114 +354 462 3 891218116 +354 463 4 891217575 +354 464 4 891217512 +354 473 3 891216498 +354 478 5 891217365 +354 479 4 891217249 +354 483 4 891217298 +354 485 4 891217659 +354 487 3 891217298 +354 489 4 891217851 +354 494 4 891217194 +354 496 3 891217109 +354 497 4 891217160 +354 498 4 891217610 +354 507 3 891306892 +354 509 5 891218249 +354 511 4 891217340 +354 512 3 891306892 +354 513 5 891217782 +354 515 3 891216526 +354 516 5 891217851 +354 518 3 891217340 +354 520 3 891217811 +354 527 4 891217394 +354 528 5 891218155 +354 529 4 891217610 +354 531 4 891217897 +354 533 5 891216805 +354 558 4 891217082 +354 582 4 891217897 +354 584 5 891217782 +354 602 3 891217717 +354 603 5 891217082 +354 604 4 891217755 +354 605 3 891218271 +354 606 5 891217633 +354 607 3 891218208 +354 610 4 891217429 +354 629 3 891217659 +354 638 4 891217547 +354 650 3 891217693 +354 651 3 891217693 +354 652 4 891217194 +354 655 3 891217575 +354 659 4 891217221 +354 660 3 891218155 +354 661 4 891306946 +354 664 5 891217717 +354 676 5 891216788 +354 692 2 891307114 +354 694 5 891217299 +354 699 3 891218474 +354 702 3 891307114 +354 705 4 891217547 +354 707 4 891217633 +354 709 5 891217928 +354 710 4 891217340 +354 714 4 891217449 +354 724 2 891307114 +354 732 2 891307157 +354 733 3 891217693 +354 735 3 891218312 +354 736 5 891218568 +354 737 4 891307206 +354 740 4 891216692 +354 744 4 891216656 +354 747 2 891307069 +354 753 5 891217482 +354 792 4 891217340 +354 811 5 891218091 +354 847 3 891216713 +354 855 4 891306852 +354 863 3 891306919 +354 865 3 891217109 +354 887 4 891180527 +354 889 5 891217966 +354 896 4 891180527 +354 900 4 891180527 +354 904 5 891180419 +354 922 4 891216825 +354 929 4 891216896 +354 936 4 891216607 +354 953 3 891218208 +354 955 3 891307180 +354 956 4 891218271 +354 958 4 891218271 +354 962 4 891217274 +354 971 3 891217482 +354 1007 4 891216549 +354 1017 3 891216896 +354 1039 4 891217249 +354 1063 3 891218230 +354 1065 3 891217512 +354 1085 3 891219432 +354 1101 3 891218003 +354 1119 4 891307114 +354 1137 4 891219376 +354 1194 4 891217429 +354 1197 3 891219490 +354 1241 4 891216875 +354 1466 5 891217547 +354 1511 4 891216575 +355 242 4 879486529 +355 264 4 879485760 +355 300 4 879486529 +355 307 4 879486422 +355 310 4 879485423 +355 319 5 879486529 +355 336 4 879486529 +355 358 4 879485523 +355 360 4 879486422 +355 682 4 879485523 +355 689 4 879485423 +355 872 4 879486529 +355 882 4 879486421 +355 1175 5 879486421 +355 1233 4 879486421 +355 1429 4 879485423 +356 258 5 891406040 +356 272 5 891405651 +356 288 4 891406076 +356 294 1 891406076 +356 300 3 891405978 +356 313 5 891405651 +356 322 3 891406289 +356 326 4 891406193 +356 328 4 891406241 +356 333 5 891405978 +356 689 5 891406372 +356 748 4 891406500 +356 892 1 891406241 +356 937 2 891406040 +357 1 5 878951216 +357 7 3 878951537 +357 10 5 878951831 +357 24 4 878951457 +357 105 4 878952342 +357 111 5 878951784 +357 117 5 878951217 +357 121 5 878951576 +357 123 4 878951864 +357 126 5 878951537 +357 147 5 878951457 +357 150 4 878951615 +357 151 5 878951728 +357 220 5 878951954 +357 222 5 878951498 +357 235 4 878951691 +357 237 5 878951217 +357 245 4 878951101 +357 258 4 878951101 +357 270 5 878951101 +357 273 5 878951457 +357 274 4 878951784 +357 275 5 878951784 +357 280 5 878951831 +357 283 5 878951616 +357 284 4 878951691 +357 291 4 878952137 +357 294 4 878951101 +357 304 5 878951101 +357 322 3 878951101 +357 407 3 878952341 +357 411 3 878952041 +357 412 2 878951918 +357 455 5 878951498 +357 456 3 878952265 +357 471 5 878951498 +357 472 3 878952166 +357 473 3 878951831 +357 476 3 878951616 +357 508 5 878951616 +357 546 5 878951729 +357 595 4 878951537 +357 597 4 878952080 +357 685 3 878951616 +357 687 3 878951101 +357 713 5 878951576 +357 742 4 878951691 +357 744 5 878951653 +357 748 5 878951101 +357 760 3 878952080 +357 820 4 878952288 +357 825 3 878952080 +357 826 3 878951984 +357 831 3 878952080 +357 833 4 878952341 +357 841 3 878951918 +357 926 4 878951831 +357 928 4 878952041 +357 932 4 878952341 +357 977 5 878952287 +357 984 3 878950923 +357 1028 5 878951729 +357 1034 2 878952222 +357 1047 4 878951691 +357 1048 2 878951217 +357 1277 5 878951918 +358 8 5 891269179 +358 45 3 891269464 +358 59 4 891269617 +358 65 4 891270405 +358 114 5 891270652 +358 132 5 891270652 +358 174 1 891270560 +358 179 4 891269666 +358 208 2 891270510 +358 221 5 891269077 +358 258 4 891269077 +358 324 4 891269077 +358 357 4 891270405 +358 382 2 891269913 +358 469 4 891271063 +358 482 2 891270510 +358 512 5 891269511 +358 582 5 891269723 +358 638 3 891269584 +358 639 4 891269584 +358 643 3 891270091 +358 855 3 891269464 +358 896 4 891269077 +358 918 1 892731254 +358 1005 4 891269723 +358 1006 5 891269913 +358 1021 5 891269464 +358 1149 3 891270043 +358 1159 5 891269617 +358 1266 4 891269944 +358 1396 4 891269827 +358 1524 5 891269418 +358 1529 3 891269584 +359 24 3 886453354 +359 50 5 886453271 +359 117 4 886453305 +359 118 3 886453402 +359 181 5 886453305 +359 250 4 886453354 +359 268 4 886453490 +359 270 4 886453467 +359 273 4 886453325 +359 295 3 886453325 +359 313 5 886453450 +359 323 3 886453431 +359 455 4 886453305 +359 748 3 886453271 +359 751 4 886453467 +359 831 3 886453402 +359 930 4 886453402 +360 1 3 880354315 +360 10 5 880354624 +360 13 3 880354315 +360 14 5 880354149 +360 15 3 880354436 +360 23 5 880356240 +360 25 4 880355209 +360 45 4 880355747 +360 50 4 880354149 +360 56 4 880356131 +360 64 5 880355485 +360 69 3 880355994 +360 83 4 880355845 +360 96 3 880355803 +360 100 5 880354379 +360 116 3 880354275 +360 124 5 880354215 +360 127 5 880354149 +360 134 5 880356025 +360 137 5 880354379 +360 144 2 880355527 +360 157 4 880355994 +360 165 4 880356059 +360 166 5 880355527 +360 170 5 880355485 +360 172 4 880356240 +360 174 3 880356240 +360 175 3 880355888 +360 181 4 880355353 +360 187 4 880355527 +360 191 4 880355958 +360 193 5 880355803 +360 195 3 880355715 +360 199 5 880355678 +360 205 5 880356240 +360 207 4 880355888 +360 210 4 880356166 +360 222 2 880355094 +360 223 5 880355803 +360 237 4 880354484 +360 238 4 880355845 +360 248 4 880354484 +360 251 5 880354315 +360 257 4 880354515 +360 258 4 880353585 +360 269 4 880353525 +360 271 2 880354839 +360 275 4 880354149 +360 284 3 880354991 +360 285 5 880354250 +360 286 5 880353526 +360 297 4 880354484 +360 303 3 880353526 +360 304 4 880353660 +360 306 4 880353584 +360 308 4 880353584 +360 309 2 880354094 +360 321 3 880354094 +360 326 3 880354094 +360 328 3 880354094 +360 334 4 880353736 +360 357 5 880355958 +360 405 3 880354347 +360 423 4 880355623 +360 471 4 880355177 +360 474 5 880355803 +360 479 4 880356092 +360 483 5 880355527 +360 496 3 880356092 +360 511 5 880355994 +360 515 4 880354315 +360 520 4 880355448 +360 521 5 880355845 +360 523 3 880356240 +360 531 4 880355678 +360 582 4 880355594 +360 651 4 880355845 +360 654 5 880355715 +360 661 5 880356131 +360 744 4 880355066 +360 748 2 880354094 +360 845 3 880354942 +360 879 3 880354094 +360 933 3 880354408 +360 936 4 880354181 +360 955 5 880356166 +360 963 5 880355448 +360 1039 5 880356131 +360 1134 3 880355261 +360 1142 4 880354250 +360 1149 4 880356025 +360 1197 3 880355177 +361 12 4 879441214 +361 23 5 879441215 +361 26 3 879440941 +361 28 3 879441417 +361 47 4 879440516 +361 49 3 879441179 +361 50 5 879441417 +361 53 2 879441351 +361 55 2 879441253 +361 56 4 879440516 +361 59 4 879440652 +361 60 4 879440605 +361 66 4 879441075 +361 70 4 879440386 +361 79 4 879441286 +361 83 3 879440345 +361 86 4 879440941 +361 88 4 879440974 +361 90 2 879441179 +361 98 5 879441215 +361 100 5 879440386 +361 121 2 879441324 +361 129 4 879441285 +361 148 1 879441324 +361 150 2 879440345 +361 155 3 879441008 +361 156 4 879441252 +361 165 5 879440573 +361 166 4 879440605 +361 168 4 879440386 +361 170 5 879440605 +361 173 5 879440774 +361 176 4 879441215 +361 178 5 879441462 +361 179 4 879440545 +361 186 3 879440516 +361 190 5 879440573 +361 194 4 879440345 +361 197 5 879440739 +361 202 3 879440941 +361 203 5 879441285 +361 204 4 879440516 +361 207 4 879440545 +361 212 5 879440941 +361 213 5 879440605 +361 216 5 879440740 +361 218 3 879441324 +361 222 2 879441253 +361 226 3 879441352 +361 228 4 879441285 +361 234 4 879441285 +361 237 4 879440740 +361 238 4 879440475 +361 258 3 879440286 +361 269 4 879441490 +361 273 3 879441215 +361 274 3 879441034 +361 275 4 879440694 +361 276 4 879441417 +361 283 4 879440694 +361 285 4 879440516 +361 319 5 879440941 +361 333 2 879441490 +361 340 3 879441805 +361 367 3 879440475 +361 387 3 879441008 +361 421 3 879440974 +361 430 5 879440475 +361 435 5 879440345 +361 443 3 879441253 +361 451 3 879440740 +361 466 4 879441285 +361 475 4 879440475 +361 502 4 879440475 +361 504 4 879441215 +361 513 5 879441215 +361 514 5 879440345 +361 517 5 879440386 +361 524 4 879440386 +361 525 4 879441253 +361 527 4 879441462 +361 531 5 879440545 +361 603 5 879441215 +361 611 4 879441462 +361 639 4 879440652 +361 652 4 879440346 +361 654 4 879441253 +361 657 5 879441253 +361 659 5 879441324 +361 673 4 879441286 +361 684 4 879441215 +361 692 4 879440774 +361 694 4 879440774 +361 705 5 879441416 +361 707 4 879440974 +361 727 3 879440740 +361 737 4 879441179 +361 739 4 879441075 +361 742 1 879441351 +361 762 2 879440774 +361 770 3 879441352 +361 781 2 879441179 +361 794 3 879441033 +361 813 4 879440475 +361 934 3 879440974 +361 949 4 879440774 +361 1041 2 879441179 +361 1074 3 879441179 +361 1103 4 879440386 +361 1119 3 879440740 +361 1152 2 879441008 +362 258 4 885019435 +362 268 2 885019435 +362 288 4 885019304 +362 294 3 885019357 +362 302 5 885019260 +362 312 5 885019504 +362 321 2 885019435 +362 323 2 885019651 +362 328 2 885019504 +362 333 5 885019261 +362 336 2 885019468 +362 347 5 885019261 +362 678 2 885019651 +362 683 1 885019722 +362 879 5 885019357 +363 1 2 891494563 +363 2 4 891495809 +363 4 5 891494962 +363 5 1 891497047 +363 7 3 891495510 +363 8 5 891497853 +363 9 3 891494628 +363 11 5 891494587 +363 12 5 891495070 +363 17 4 891495918 +363 22 3 891494962 +363 24 3 891494754 +363 25 3 891496337 +363 28 4 891495339 +363 29 1 891498365 +363 32 2 891496667 +363 37 2 891498510 +363 38 3 891498407 +363 39 4 891495339 +363 42 2 891495070 +363 44 3 891496927 +363 47 5 891496264 +363 50 5 891495168 +363 54 3 891497440 +363 56 5 891495301 +363 58 3 891494962 +363 62 2 891497639 +363 65 4 891495682 +363 66 4 891496849 +363 67 1 891498038 +363 68 2 891495809 +363 69 3 891494865 +363 70 2 891496373 +363 72 1 891496850 +363 73 2 891497234 +363 77 2 891496587 +363 79 2 891494835 +363 80 4 891498434 +363 81 4 891496616 +363 82 3 891497047 +363 87 3 891496306 +363 88 2 891498087 +363 89 4 891494688 +363 90 5 891498183 +363 91 4 891495238 +363 93 4 891495339 +363 95 3 891496694 +363 96 5 891494835 +363 97 2 891496513 +363 98 3 891495402 +363 100 5 891495070 +363 101 1 891496953 +363 102 4 891498681 +363 114 5 891494688 +363 116 4 891495595 +363 117 5 891495742 +363 120 1 891500218 +363 121 2 891497393 +363 127 4 891495169 +363 128 5 891495371 +363 134 2 891494725 +363 137 5 891495742 +363 143 2 891496667 +363 144 4 891494865 +363 145 1 891498589 +363 148 3 891497439 +363 150 5 891496667 +363 151 4 891497076 +363 152 5 891494906 +363 153 3 891495169 +363 154 4 891496306 +363 155 2 891497712 +363 156 3 891494962 +363 159 1 891496667 +363 161 4 891496753 +363 163 3 891495143 +363 164 2 891496722 +363 168 4 891494905 +363 169 5 891494563 +363 171 5 891495849 +363 172 5 891495711 +363 173 5 891494658 +363 174 4 891495109 +363 176 4 891495109 +363 179 4 891496373 +363 180 3 891494754 +363 181 5 891494783 +363 184 3 891494725 +363 185 5 891495338 +363 186 3 891494865 +363 187 2 891494725 +363 188 4 891495711 +363 193 3 891494962 +363 195 4 891495238 +363 196 4 891494658 +363 200 3 891495918 +363 201 2 891495371 +363 204 2 891495402 +363 206 2 891496587 +363 208 4 891496190 +363 210 4 891494905 +363 212 1 891497278 +363 215 3 891496306 +363 216 3 891495879 +363 217 2 891498286 +363 218 2 891497174 +363 222 5 891496513 +363 223 5 891495197 +363 224 4 891495682 +363 226 1 891497015 +363 227 4 891498135 +363 228 3 891496481 +363 229 3 891497393 +363 230 2 891497440 +363 231 1 891497679 +363 232 2 891495272 +363 234 3 891495197 +363 235 5 891497130 +363 237 2 891496306 +363 238 4 891497583 +363 239 3 891495272 +363 248 5 891499595 +363 250 1 891499468 +363 256 3 891499542 +363 257 2 891499595 +363 258 3 891493603 +363 260 2 891494049 +363 264 3 891494049 +363 265 3 891495339 +363 270 2 891493723 +363 271 4 891493840 +363 273 3 891495630 +363 282 2 891495596 +363 283 2 891495987 +363 284 2 891495987 +363 288 4 891493723 +363 290 3 891496753 +363 293 4 891499329 +363 298 5 891499411 +363 301 3 891493918 +363 302 5 891493571 +363 307 5 891493795 +363 312 3 891494106 +363 313 5 891493571 +363 315 3 891493603 +363 316 3 891493918 +363 317 5 891495596 +363 322 2 891493959 +363 325 1 891494012 +363 328 3 891493840 +363 333 1 891493634 +363 346 4 891493746 +363 347 3 891493723 +363 350 1 891493864 +363 351 2 891493864 +363 366 2 891497583 +363 370 3 891500269 +363 372 4 891496077 +363 380 4 891496481 +363 384 1 891498066 +363 385 4 891497129 +363 386 1 891498407 +363 387 1 891497639 +363 391 2 891498811 +363 393 4 891497925 +363 402 2 891498365 +363 403 3 891496414 +363 405 4 891497015 +363 408 5 891494865 +363 417 1 891498223 +363 423 3 891495711 +363 426 2 891496927 +363 428 5 891495742 +363 429 5 891496077 +363 431 2 891495301 +363 435 3 891495850 +363 443 4 891500334 +363 444 4 891500406 +363 448 5 891497953 +363 449 3 891498863 +363 451 2 891497130 +363 455 5 891496927 +363 461 3 891495711 +363 469 2 891496077 +363 472 1 891498469 +363 473 4 891498558 +363 474 5 891494929 +363 496 4 891494563 +363 505 3 891495238 +363 506 2 891496077 +363 511 4 891495850 +363 518 4 891494835 +363 523 3 891494659 +363 531 4 891495879 +363 537 1 891495402 +363 546 3 891497440 +363 549 4 891496225 +363 550 4 891497205 +363 552 4 891497853 +363 554 1 891498012 +363 555 1 891498920 +363 557 1 891496103 +363 559 3 891496927 +363 561 2 891498884 +363 566 3 891496439 +363 568 2 891495070 +363 569 2 891498259 +363 571 1 891498964 +363 572 2 891498469 +363 575 1 891498681 +363 578 4 891497925 +363 582 2 891496306 +363 588 2 891495339 +363 589 3 891496077 +363 590 3 891500527 +363 591 4 891499437 +363 597 4 891498286 +363 603 4 891495109 +363 616 3 891498135 +363 625 4 891498038 +363 631 1 891497440 +363 640 2 891496927 +363 650 2 891495197 +363 651 3 891495682 +363 652 4 891495143 +363 653 3 891495682 +363 657 5 891494587 +363 658 3 891496543 +363 660 4 891496588 +363 665 2 891498964 +363 673 2 891496543 +363 675 3 891495849 +363 678 1 891494012 +363 679 4 891497277 +363 682 1 891493634 +363 685 4 891496979 +363 691 3 891493663 +363 698 2 891495987 +363 699 2 891495850 +363 705 2 891495371 +363 707 3 891494906 +363 709 4 891495003 +363 710 5 891495596 +363 719 3 891498365 +363 735 3 891496077 +363 737 1 891497174 +363 739 3 891498183 +363 741 3 891495338 +363 742 2 891497076 +363 746 4 891495630 +363 747 5 891495918 +363 751 1 891493772 +363 752 5 891493885 +363 760 1 891499993 +363 761 3 891498183 +363 767 2 891500179 +363 770 4 891497174 +363 774 4 891498835 +363 778 4 891495510 +363 789 4 891494962 +363 792 4 891495918 +363 802 2 891498681 +363 805 4 891497205 +363 809 4 891497712 +363 816 1 891498787 +363 825 4 891497881 +363 831 1 891498469 +363 849 2 891498365 +363 854 1 891497047 +363 859 4 891500462 +363 895 3 891493840 +363 919 5 891494659 +363 933 2 891498920 +363 940 2 891498920 +363 946 4 891498510 +363 959 1 891497523 +363 979 1 891497748 +363 1009 2 891497205 +363 1010 4 891496979 +363 1012 4 891499355 +363 1013 3 891499875 +363 1014 1 891499760 +363 1016 4 891499568 +363 1019 5 891496414 +363 1035 2 891497925 +363 1052 3 891500134 +363 1056 4 891496169 +363 1067 3 891496849 +363 1073 4 891496337 +363 1074 2 891497679 +363 1099 2 891495402 +363 1101 3 891495004 +363 1157 2 891498558 +363 1168 2 891496587 +363 1214 1 891497712 +363 1215 1 891498920 +363 1228 2 891498720 +363 1478 1 891498469 +363 1485 4 891496102 +363 1495 5 891497278 +363 1512 1 891494754 +364 262 3 875931432 +364 269 4 875931309 +364 288 4 875931432 +364 289 3 875931432 +364 294 5 875931432 +364 321 2 875931478 +364 690 4 875931309 +364 875 3 875931585 +364 988 2 875931561 +364 1048 5 875931585 +365 1 4 891303999 +365 15 3 891304152 +365 100 5 891303901 +365 108 2 891304019 +365 109 2 891304106 +365 124 4 891304039 +365 125 3 891304152 +365 137 3 891303999 +365 151 4 891304106 +365 222 4 891303950 +365 235 2 891304278 +365 237 3 891304278 +365 258 4 891303515 +365 268 5 891303474 +365 269 4 891303357 +365 271 4 891303408 +365 272 4 891303357 +365 276 2 891303901 +365 277 4 891304078 +365 285 4 891303999 +365 287 4 891304301 +365 288 5 891303357 +365 294 1 891303614 +365 301 5 891303586 +365 309 1 891303566 +365 315 4 891303384 +365 316 4 891303638 +365 319 4 891303694 +365 326 2 891303614 +365 340 5 891303536 +365 342 2 891303614 +365 352 1 891303728 +365 473 4 891304106 +365 476 4 891304278 +365 591 4 891303901 +365 741 2 891304059 +365 762 4 891304300 +365 813 5 891303901 +365 815 3 891304152 +365 846 3 891304152 +365 894 1 891303760 +365 895 4 891303515 +365 908 3 891303638 +365 995 4 891303694 +365 1011 3 891304152 +365 1017 4 891304213 +365 1137 5 891303950 +365 1420 2 891303454 +366 17 5 888857866 +366 53 5 888857990 +366 164 5 888857932 +366 185 5 888857750 +366 200 5 888857990 +366 201 5 888857866 +366 217 5 888857990 +366 218 3 888857866 +366 234 1 888857750 +366 288 4 888857598 +366 436 5 888857932 +366 443 5 888857866 +366 447 5 888857990 +366 448 5 888857990 +366 561 5 888858078 +366 637 5 888858078 +366 671 5 888857990 +366 672 5 888858078 +366 675 4 888857866 +366 758 3 888857684 +366 773 3 888858078 +366 853 5 888857750 +366 860 2 888858078 +367 5 4 876689991 +367 7 5 876689878 +367 17 5 876689991 +367 50 5 876689696 +367 53 4 876690076 +367 98 5 876689932 +367 100 5 876689878 +367 145 3 876690077 +367 164 4 876690119 +367 176 5 876689738 +367 179 5 876689765 +367 183 5 876689738 +367 184 5 876689990 +367 185 5 876689991 +367 200 4 876689962 +367 217 5 876690021 +367 218 4 876689962 +367 234 4 876690098 +367 246 4 876689612 +367 250 5 876689824 +367 268 4 876689364 +367 302 5 876689364 +367 324 5 876689418 +367 331 4 876689418 +367 333 4 876689501 +367 379 4 876690048 +367 406 4 876689878 +367 413 4 876689879 +367 436 4 876689962 +367 441 3 876690049 +367 443 4 876690119 +367 559 4 876690048 +367 561 4 876690048 +367 563 4 876690077 +367 564 2 876690077 +367 565 2 876690048 +367 567 4 876690077 +367 637 3 876690021 +367 665 5 876689738 +367 670 4 876690021 +367 672 4 876689991 +367 760 4 876690021 +367 769 3 876690077 +367 774 4 876690049 +367 800 4 876690049 +367 876 3 876689418 +367 919 5 876689790 +367 1012 4 876689825 +368 5 3 889783454 +368 7 4 889783365 +368 11 4 889783678 +368 50 4 889783678 +368 53 2 889783562 +368 96 3 889783678 +368 98 3 889783407 +368 100 4 889783407 +368 127 4 889783678 +368 145 2 889783586 +368 164 3 889783364 +368 183 5 889783678 +368 184 5 889783453 +368 219 2 889783453 +368 234 3 889783365 +368 288 3 889783453 +368 292 4 889783251 +368 379 4 889783562 +368 396 2 889783617 +368 413 1 889783454 +368 436 3 889783562 +368 441 3 889783617 +368 447 1 889783453 +368 448 3 889783365 +368 551 4 889783617 +368 559 3 889783562 +368 561 2 889783617 +368 567 3 889783617 +368 573 3 889783617 +368 637 2 889783617 +368 670 3 889783562 +368 672 2 889783453 +368 774 4 889783562 +368 777 2 889783586 +368 844 3 889783453 +369 50 5 889428642 +369 114 5 889428642 +369 166 4 889428418 +369 168 3 889428494 +369 172 5 889428642 +369 181 5 889428642 +369 196 5 889428642 +369 243 3 889428228 +369 271 5 889428642 +369 335 2 889428072 +369 948 2 889428228 +369 988 3 889428228 +370 12 4 879435369 +370 14 3 879434707 +370 31 3 879434766 +370 42 3 879435462 +370 50 4 879434707 +370 52 4 879434969 +370 56 2 879434587 +370 57 5 879435431 +370 64 4 879434745 +370 98 4 879434937 +370 100 4 879435369 +370 107 4 879435244 +370 114 3 879434587 +370 116 3 879434707 +370 134 4 879434859 +370 135 4 879434746 +370 136 4 879434999 +370 137 4 879434707 +370 170 4 879435369 +370 172 4 879435369 +370 173 3 879434707 +370 174 3 879434587 +370 175 3 879434804 +370 176 4 879435217 +370 181 4 879434832 +370 183 4 879434937 +370 193 4 879435168 +370 195 4 879434886 +370 199 4 879434999 +370 209 5 879435461 +370 210 3 879434745 +370 222 3 879434746 +370 238 4 879435369 +370 265 5 879434636 +370 269 5 879434206 +370 285 3 879435193 +370 302 5 879434182 +370 321 2 879434265 +370 322 3 879434308 +370 323 2 879434333 +370 390 1 879434587 +370 423 4 879435369 +370 425 3 879434860 +370 427 5 879435146 +370 433 3 879434860 +370 435 3 879434999 +370 443 5 879435369 +370 480 4 879434886 +370 484 4 879434937 +370 494 3 879435033 +370 497 3 879434636 +370 514 4 879434969 +370 523 3 879434999 +370 525 4 879434666 +370 603 5 879435244 +370 607 5 879435168 +370 613 2 879434587 +370 650 5 879435369 +370 657 3 879434636 +370 661 5 879435217 +370 678 4 879435369 +370 705 3 879434666 +370 835 5 879434909 +370 856 3 879435033 +370 923 4 879435074 +371 1 4 877487440 +371 22 5 877487134 +371 24 4 877487500 +371 31 5 880435576 +371 55 4 877487364 +371 66 4 877487213 +371 69 5 877486953 +371 73 5 880435397 +371 77 5 880435601 +371 97 5 877487440 +371 117 3 877487052 +371 127 4 877487052 +371 174 4 877487751 +371 175 1 877487266 +371 176 4 877487135 +371 177 4 877487135 +371 179 3 877487364 +371 180 4 877487656 +371 181 3 877486953 +371 183 5 880435519 +371 185 3 880435519 +371 186 5 880435288 +371 194 3 877486953 +371 197 4 877487364 +371 202 5 880435313 +371 204 5 880435210 +371 237 5 877487052 +371 357 5 877487751 +371 393 2 880435397 +371 431 5 880435601 +371 435 3 877487751 +371 443 4 880435576 +371 449 3 880435733 +371 452 2 880435634 +371 496 4 877487052 +371 504 4 880435576 +371 523 4 880435210 +371 527 5 877487309 +371 655 4 880435238 +371 663 5 880435238 +371 746 4 880435397 +372 5 4 876869445 +372 7 3 876869387 +372 12 4 876869730 +372 23 5 876869701 +372 44 4 876869837 +372 53 5 876869553 +372 56 4 876869445 +372 79 5 876869667 +372 98 5 876869388 +372 100 3 876869388 +372 129 4 876869667 +372 148 5 876869915 +372 159 5 876869894 +372 164 4 876869446 +372 176 3 876869667 +372 183 5 876869667 +372 185 5 876869445 +372 200 5 876869481 +372 201 2 876869387 +372 218 5 876869481 +372 219 5 876869481 +372 234 5 876869387 +372 262 4 876869066 +372 264 4 876869330 +372 273 5 876869730 +372 286 5 876868994 +372 288 5 876869066 +372 292 5 876869183 +372 299 4 876869147 +372 326 4 876869330 +372 332 4 876869330 +372 333 5 876869109 +372 436 5 876869445 +372 441 4 876869512 +372 443 4 876869481 +372 446 4 876869512 +372 447 5 876869445 +372 452 4 876869534 +372 559 4 876869481 +372 595 4 876869878 +372 628 4 876869915 +372 635 5 876869445 +372 637 4 876869512 +372 672 5 876869512 +372 674 5 876869512 +372 678 4 876869183 +372 696 4 876869667 +372 844 4 876869481 +372 872 4 876869330 +372 874 4 876869238 +372 875 4 876869183 +372 1083 3 876869878 +372 1090 5 876869878 +372 1109 4 876869818 +372 1212 4 876869932 +372 1273 4 876869957 +373 2 4 877100416 +373 4 4 877100232 +373 12 5 877098343 +373 15 4 877098568 +373 20 2 877098751 +373 22 5 877098919 +373 24 4 877100016 +373 25 4 877100016 +373 28 3 877103935 +373 31 3 877100199 +373 48 5 877098223 +373 50 5 877098678 +373 58 4 877100161 +373 64 4 877098643 +373 66 4 877099263 +373 68 5 877106741 +373 69 4 877099137 +373 70 4 877099968 +373 71 5 877098891 +373 79 4 877098979 +373 80 3 877107235 +373 82 1 877099317 +373 83 5 877098599 +373 88 4 877106623 +373 90 4 877103846 +373 94 2 877111313 +373 95 5 877099263 +373 96 4 877098262 +373 97 3 877099178 +373 99 5 877099091 +373 100 3 877100199 +373 102 5 877100096 +373 105 3 877107173 +373 110 3 877104086 +373 114 5 877098402 +373 117 4 877098599 +373 125 4 877098821 +373 127 2 877099968 +373 131 4 877099968 +373 132 3 877106940 +373 135 1 877098784 +373 136 4 877099091 +373 139 3 877111422 +373 142 3 877111362 +373 143 3 877105005 +373 144 3 877098949 +373 150 4 877098821 +373 153 5 877100354 +373 154 5 877098919 +373 155 4 877107235 +373 156 2 877098374 +373 161 4 877105005 +373 162 3 877098568 +373 163 4 877098891 +373 165 5 877100354 +373 166 5 877098262 +373 168 5 877098297 +373 169 5 877099016 +373 170 5 877098751 +373 172 5 877098678 +373 173 5 877098751 +373 174 4 877099137 +373 175 3 877099352 +373 177 3 877100161 +373 178 4 877099352 +373 179 3 877104310 +373 180 3 877098678 +373 181 5 877099178 +373 184 4 877104086 +373 186 5 877099178 +373 187 2 877098849 +373 189 5 877100416 +373 190 5 877100161 +373 191 4 877102549 +373 194 4 877098714 +373 195 4 877098487 +373 196 5 877098487 +373 197 3 877099352 +373 202 3 877099352 +373 204 5 877098222 +373 206 4 877104284 +373 208 4 877106773 +373 209 4 877098437 +373 210 5 877098177 +373 211 4 877099178 +373 213 4 877100061 +373 214 4 877100326 +373 215 4 877099211 +373 216 4 877100232 +373 217 3 877098821 +373 225 4 877106676 +373 226 3 877107024 +373 228 4 877106328 +373 229 4 877104048 +373 231 3 877104976 +373 232 3 877105075 +373 233 3 877105588 +373 238 4 877098890 +373 239 3 877105708 +373 259 5 877098041 +373 265 4 877105901 +373 269 5 877098075 +373 275 5 877098437 +373 278 5 877111423 +373 281 3 877103935 +373 286 3 877098042 +373 317 4 877100061 +373 318 5 877098222 +373 328 4 877098041 +373 357 4 877098568 +373 366 4 877105857 +373 367 3 877100458 +373 378 5 877100232 +373 380 4 877112017 +373 382 4 877100458 +373 385 3 877099016 +373 386 3 877107403 +373 389 3 877099352 +373 390 3 877098890 +373 392 4 877100061 +373 393 4 877104284 +373 401 4 877106711 +373 402 4 877105730 +373 403 3 877106741 +373 404 4 877111422 +373 409 2 877107235 +373 414 3 877104259 +373 417 3 877099092 +373 418 5 877104235 +373 421 4 877105563 +373 423 2 877103846 +373 431 5 877098643 +373 432 5 877098949 +373 433 3 877098223 +373 435 4 877098979 +373 451 5 877107430 +373 459 4 877106966 +373 465 4 877104202 +373 471 3 877100458 +373 472 3 877111951 +373 474 3 877098919 +373 480 3 877098643 +373 485 4 877098751 +373 487 4 877098177 +373 488 3 877098343 +373 494 4 877099178 +373 496 5 877098643 +373 497 3 877099317 +373 499 4 877098643 +373 506 4 877099211 +373 510 3 877100379 +373 514 4 877098751 +373 520 4 877098678 +373 527 4 877103846 +373 528 3 877104115 +373 529 4 877105901 +373 550 3 877105588 +373 553 4 877100267 +373 559 3 877106305 +373 566 4 877105809 +373 568 4 877100199 +373 571 1 877111864 +373 577 1 877111423 +373 588 3 877098821 +373 596 3 877106741 +373 598 3 877112076 +373 603 4 877098262 +373 625 4 877104086 +373 627 4 877105901 +373 632 3 877106233 +373 633 4 877098262 +373 645 5 877098599 +373 648 4 877099048 +373 649 4 877098979 +373 651 4 877105075 +373 655 5 877098374 +373 658 4 877105781 +373 660 4 877105075 +373 679 2 877107355 +373 684 4 877098784 +373 694 5 877098643 +373 699 4 877105781 +373 704 2 877107100 +373 705 4 877099934 +373 707 4 877100378 +373 709 5 877105451 +373 715 2 877105075 +373 724 5 877103935 +373 727 4 877098784 +373 729 4 877099263 +373 732 3 877104048 +373 734 3 877111313 +373 735 5 877099137 +373 739 3 877111819 +373 746 4 877098714 +373 747 4 877104048 +373 748 4 877098042 +373 756 3 877106900 +373 778 5 877105529 +373 828 3 877111951 +373 842 3 877098343 +373 843 3 877106878 +373 849 3 877105005 +373 856 3 877105809 +373 941 4 877105563 +373 946 5 877104048 +373 949 4 877100016 +373 1006 2 877100129 +373 1039 4 877098437 +373 1066 4 877106233 +373 1078 3 877105451 +373 1079 4 877100061 +373 1087 1 877104086 +373 1110 4 877107379 +373 1113 1 877099968 +373 1119 5 877105708 +373 1133 3 877112076 +373 1147 4 877104115 +373 1188 3 877106597 +373 1228 2 877107379 +373 1230 3 877111313 +373 1444 3 877112116 +373 1530 2 877107138 +374 1 4 880392992 +374 2 4 880939035 +374 4 2 880395924 +374 5 4 880937875 +374 7 1 880393268 +374 9 1 880393056 +374 11 4 880395202 +374 12 4 880395202 +374 15 3 880393380 +374 17 2 880937876 +374 23 3 880395896 +374 24 3 880393553 +374 25 5 880393191 +374 27 4 880396444 +374 28 5 880395698 +374 29 3 880939127 +374 31 5 880396659 +374 38 4 880937876 +374 39 4 880937876 +374 48 5 880395426 +374 50 3 880394367 +374 54 4 880396048 +374 55 2 880394929 +374 56 5 880394885 +374 64 5 880396256 +374 66 3 880394571 +374 68 1 880396622 +374 69 5 880394840 +374 70 4 880396622 +374 71 5 880396292 +374 77 5 880937779 +374 79 4 880394997 +374 82 4 880394484 +374 87 5 880395320 +374 88 3 880395665 +374 89 2 880395896 +374 95 4 882158577 +374 96 4 880938870 +374 97 5 880394571 +374 98 5 880394929 +374 100 5 880392873 +374 106 3 880394088 +374 116 1 880393307 +374 117 5 880392846 +374 118 5 880393864 +374 120 3 882158147 +374 121 4 880393095 +374 123 2 880393511 +374 124 3 880392873 +374 126 3 880393223 +374 127 4 880392936 +374 129 5 880392846 +374 135 4 882159077 +374 137 2 880393511 +374 143 2 882159114 +374 144 5 880394716 +374 147 3 880392747 +374 148 4 880392992 +374 150 4 882156767 +374 151 3 880393811 +374 153 5 880395487 +374 156 2 880395896 +374 159 4 880937920 +374 161 5 880938965 +374 164 4 880937735 +374 168 1 880434231 +374 172 3 880434204 +374 173 3 882158521 +374 174 5 880395530 +374 176 4 880937692 +374 179 1 880395575 +374 181 3 880392846 +374 182 5 880395698 +374 183 4 880434204 +374 184 2 880939034 +374 185 5 880395665 +374 186 5 880395604 +374 192 5 880395665 +374 193 4 883628973 +374 195 3 880938870 +374 196 1 880395426 +374 197 5 882158940 +374 202 3 880394716 +374 203 3 880937735 +374 204 4 880395604 +374 210 4 880395202 +374 216 5 880394997 +374 218 4 880396444 +374 220 2 882158147 +374 222 4 880392778 +374 223 5 880394520 +374 225 3 882158071 +374 226 5 880937876 +374 227 4 880937876 +374 228 5 880395973 +374 229 5 880937780 +374 230 5 880396622 +374 231 2 880939228 +374 233 3 880937876 +374 234 4 880396256 +374 235 3 880394301 +374 237 5 880392717 +374 239 4 880396622 +374 240 1 880394301 +374 241 5 880939035 +374 247 1 880936522 +374 248 1 880393191 +374 252 3 880394179 +374 254 3 880394000 +374 257 3 880393223 +374 265 5 880937779 +374 273 2 880392747 +374 274 4 880393668 +374 276 4 880393056 +374 278 2 880393754 +374 279 4 880394233 +374 280 3 880393811 +374 281 3 880393425 +374 282 5 880392936 +374 284 1 880393753 +374 288 4 885107876 +374 289 1 880392482 +374 291 3 885107905 +374 294 2 880392193 +374 310 5 880392237 +374 318 2 880394886 +374 322 4 880392482 +374 323 3 880392482 +374 356 3 880937876 +374 363 3 880394088 +374 369 1 880393864 +374 385 4 880396048 +374 393 4 880395973 +374 403 2 880939126 +374 405 4 880392992 +374 406 3 880936233 +374 411 3 880394088 +374 412 4 883627129 +374 423 3 880394484 +374 424 1 883628021 +374 443 5 880937735 +374 449 4 880938044 +374 450 4 880938370 +374 457 1 880392626 +374 458 5 880393710 +374 463 1 880396511 +374 465 5 882158849 +374 466 5 880394929 +374 467 4 880395735 +374 468 4 880396359 +374 471 4 880393056 +374 472 2 880393783 +374 475 1 880393191 +374 476 2 880394138 +374 477 1 885107929 +374 483 3 880394716 +374 504 4 880395973 +374 521 4 880395530 +374 526 4 880938965 +374 527 4 883628801 +374 540 3 880939304 +374 544 1 880937070 +374 546 5 880936389 +374 550 5 880938965 +374 552 4 880938255 +374 554 2 880938370 +374 558 1 882158738 +374 566 3 880394571 +374 568 5 880396622 +374 572 2 880938255 +374 576 3 880939186 +374 591 4 880393095 +374 595 3 880393921 +374 597 4 880393460 +374 619 3 880393553 +374 620 3 880394088 +374 628 3 880392778 +374 637 4 882159237 +374 642 1 880937920 +374 651 4 880395320 +374 654 3 880396622 +374 665 4 880939228 +374 684 5 880937692 +374 685 4 880393307 +374 692 5 882158641 +374 693 5 880396359 +374 696 3 880394233 +374 713 1 880935656 +374 717 3 880938255 +374 732 4 880395320 +374 735 5 880396359 +374 741 3 880392717 +374 742 5 880393331 +374 743 1 880394000 +374 756 3 882157967 +374 758 1 882158481 +374 761 3 880938370 +374 762 5 880393460 +374 763 3 880393754 +374 770 5 880938100 +374 779 3 880939186 +374 789 4 882158609 +374 806 3 880396659 +374 815 4 880393668 +374 818 3 880394301 +374 819 3 882157793 +374 820 4 882158327 +374 823 1 880936476 +374 824 4 880394331 +374 825 3 880394233 +374 829 2 885083439 +374 832 1 882157930 +374 844 4 880394000 +374 845 2 883627072 +374 846 2 883627509 +374 872 5 880392268 +374 880 5 882156984 +374 924 5 880393095 +374 925 3 880394301 +374 928 1 880393892 +374 930 2 880394179 +374 931 3 880936233 +374 932 1 883628159 +374 934 3 882158146 +374 948 2 880392592 +374 952 2 883627906 +374 963 5 883629108 +374 974 4 880394331 +374 975 4 880936113 +374 977 1 883628189 +374 978 2 880936233 +374 979 3 880936113 +374 983 2 880936289 +374 986 3 880936113 +374 1001 1 882158327 +374 1010 5 880393921 +374 1011 4 880393783 +374 1013 2 880936476 +374 1014 1 880394138 +374 1033 4 883628021 +374 1042 5 880937920 +374 1046 5 880938044 +374 1047 3 880394179 +374 1048 3 880394179 +374 1049 1 883628021 +374 1051 4 880394138 +374 1059 2 883627906 +374 1093 2 883627582 +374 1094 4 882158020 +374 1101 4 880395634 +374 1134 4 880392846 +374 1150 1 880937253 +374 1194 4 880396292 +374 1197 4 880393892 +374 1206 2 880396080 +374 1210 4 880938100 +374 1215 1 880936522 +374 1217 2 880938100 +374 1218 2 881291426 +374 1248 3 880938044 +374 1277 3 880394331 +374 1322 3 880394000 +374 1407 2 880939304 +374 1513 2 883961242 +375 39 3 886622024 +375 44 3 886622131 +375 176 4 886621917 +375 233 4 886621985 +375 234 5 886621917 +375 300 4 886621795 +375 356 4 886622131 +375 443 4 886622024 +375 566 4 886621985 +375 573 4 886622131 +375 583 2 886622131 +375 603 4 886621917 +375 684 4 886622066 +375 761 3 886622131 +375 773 3 886621985 +375 1046 2 886622131 +375 1073 2 886621950 +375 1217 4 886622131 +376 14 4 879454914 +376 98 5 879454598 +376 100 4 879454598 +376 154 4 879434558 +376 197 4 879454598 +376 237 3 879459054 +376 269 5 879454598 +376 274 3 879459115 +376 275 5 879455143 +376 288 3 879454598 +376 289 3 879433599 +376 301 3 879433102 +376 321 3 879433164 +376 328 3 879433164 +376 357 4 879434750 +376 603 4 879434613 +376 663 3 879434750 +376 705 3 879434750 +376 762 4 879459207 +376 815 3 879459207 +377 100 3 891298589 +377 154 5 891298627 +377 164 4 891299009 +377 168 5 891298407 +377 173 5 891298589 +377 194 5 891298549 +377 200 5 891299010 +377 219 3 891299078 +377 234 5 891299078 +377 258 4 891296356 +377 271 4 891295957 +377 272 5 891295989 +377 288 5 891295937 +377 294 5 891296356 +377 323 2 891297001 +377 354 4 891296044 +377 443 4 891299078 +377 678 2 891297043 +377 682 3 891296448 +377 689 3 891297256 +377 748 4 891296945 +377 751 3 891296044 +377 895 3 891296307 +378 1 4 880044251 +378 2 2 880333851 +378 4 3 880045612 +378 5 3 880332609 +378 7 4 880044697 +378 8 4 880045722 +378 9 5 880044419 +378 10 3 880044454 +378 11 3 880046516 +378 12 5 880046132 +378 13 3 880044609 +378 14 5 880044251 +378 15 4 880044312 +378 21 3 880044944 +378 22 5 880045520 +378 25 4 880044489 +378 28 4 880045989 +378 29 3 880332949 +378 31 4 880045652 +378 38 3 880333383 +378 40 3 880333653 +378 42 4 880046256 +378 43 3 880056609 +378 44 3 880055037 +378 47 4 880055984 +378 48 5 880056701 +378 49 3 880332480 +378 50 4 880045145 +378 51 3 880333195 +378 52 5 880056491 +378 53 3 880333695 +378 54 4 880056976 +378 55 4 880046229 +378 56 4 880045760 +378 58 4 880046408 +378 59 4 880046475 +378 62 4 880333851 +378 63 3 880333719 +378 64 4 880055239 +378 65 3 880046132 +378 66 3 880056632 +378 67 2 880332563 +378 68 2 880333446 +378 69 3 880046069 +378 70 4 882642831 +378 71 4 880055672 +378 73 3 880056667 +378 77 4 880056453 +378 78 3 880056976 +378 79 4 880045722 +378 82 4 880045935 +378 83 4 880045989 +378 86 4 880045935 +378 87 4 889665232 +378 88 4 880046408 +378 89 4 880046363 +378 91 3 880331510 +378 94 3 880332752 +378 95 4 880055296 +378 96 4 880055740 +378 97 5 880045612 +378 98 5 880045760 +378 99 4 880045791 +378 100 4 880044198 +378 106 2 880334241 +378 110 3 880333027 +378 111 3 880044562 +378 117 3 880044419 +378 118 4 880044879 +378 121 4 880044763 +378 123 3 880044532 +378 125 2 880044609 +378 126 4 880057018 +378 132 4 880046256 +378 133 5 889665232 +378 135 2 880046362 +378 141 3 880055565 +378 143 4 880046022 +378 144 4 880046100 +378 148 4 880044944 +378 153 4 880055779 +378 155 4 880333918 +378 157 3 880056104 +378 159 3 880056887 +378 160 2 880332998 +378 161 4 880056034 +378 162 4 880046332 +378 164 4 880056582 +378 167 4 880333446 +378 172 4 880045886 +378 173 5 880057088 +378 174 4 880045651 +378 175 4 880055706 +378 176 4 880046362 +378 179 2 880055336 +378 180 3 880045822 +378 181 4 880045167 +378 182 4 880055239 +378 183 4 880331829 +378 186 3 880055186 +378 193 4 880056160 +378 194 4 880046100 +378 195 3 880046516 +378 197 3 880056423 +378 200 3 880045681 +378 202 3 880046229 +378 203 4 880055239 +378 204 4 880056826 +378 207 4 880055002 +378 210 4 880057137 +378 213 5 880045935 +378 216 4 880055268 +378 217 3 880332683 +378 218 3 880056491 +378 220 2 880044944 +378 222 3 882712421 +378 223 4 880045651 +378 225 3 880045006 +378 226 3 880332831 +378 227 3 880332857 +378 230 3 880055984 +378 231 3 880333327 +378 233 2 880333540 +378 234 4 880045652 +378 235 4 880045006 +378 237 4 880044697 +378 238 3 880046161 +378 239 3 880055148 +378 241 4 880057137 +378 245 3 880906161 +378 248 3 883835834 +378 252 4 880045288 +378 254 1 880318158 +378 255 4 882642831 +378 257 4 880045207 +378 258 4 882712421 +378 265 4 880045989 +378 269 4 890513693 +378 273 4 880044221 +378 275 5 880044312 +378 276 4 880044198 +378 277 4 880044609 +378 280 2 880044489 +378 281 3 880044609 +378 282 4 880044454 +378 283 4 880044532 +378 284 3 880044835 +378 285 4 880044312 +378 286 5 880043650 +378 287 2 880044802 +378 288 3 880043804 +378 292 3 882136243 +378 294 2 880043804 +378 295 3 886614274 +378 298 3 883835761 +378 300 4 889665232 +378 301 3 892382841 +378 302 5 889664996 +378 304 4 880043929 +378 313 5 889665301 +378 317 5 880056195 +378 318 5 880045823 +378 319 3 884530934 +378 321 3 880317293 +378 323 3 890572396 +378 326 3 892382865 +378 328 3 892382903 +378 356 4 880045989 +378 365 2 880318158 +378 367 3 880055002 +378 370 2 880333494 +378 380 3 880333695 +378 381 4 882642831 +378 382 4 880055520 +378 385 4 880056761 +378 386 3 880332643 +378 387 4 880056452 +378 392 3 880055636 +378 393 3 880057018 +378 396 4 880332879 +378 399 3 880333598 +378 401 4 880332347 +378 402 4 880045856 +378 403 4 880046408 +378 404 4 880056034 +378 405 3 880044489 +378 409 2 880044642 +378 410 3 882022445 +378 411 3 880045006 +378 412 2 880334409 +378 417 3 880056034 +378 418 3 880331938 +378 419 4 880332643 +378 420 4 880056701 +378 423 4 880056287 +378 428 3 880055101 +378 432 4 880331938 +378 433 4 880045652 +378 435 4 889665232 +378 436 4 880046437 +378 441 3 880333995 +378 443 4 880055336 +378 447 4 880056888 +378 449 3 880333195 +378 450 3 880334476 +378 451 4 880055597 +378 458 4 880044697 +378 465 3 881582268 +378 468 5 880055396 +378 469 5 880046069 +378 470 3 880056104 +378 471 3 880057018 +378 473 3 880906178 +378 476 3 880044642 +378 479 4 880055564 +378 482 4 880046229 +378 485 4 880055921 +378 496 3 880045935 +378 500 4 880055891 +378 501 4 880055454 +378 508 4 880044278 +378 509 4 880055672 +378 517 3 880056384 +378 527 4 880054954 +378 528 5 880056034 +378 531 4 880045520 +378 543 4 880055840 +378 546 2 880318158 +378 549 3 880056701 +378 550 2 880332949 +378 554 3 880333540 +378 559 4 880056735 +378 561 3 880333695 +378 566 3 880045856 +378 568 4 880055779 +378 569 3 880056736 +378 572 3 880333995 +378 575 3 880334409 +378 576 3 880333027 +378 577 2 880333995 +378 582 5 889665232 +378 588 5 880318415 +378 591 4 880044385 +378 596 5 889665232 +378 597 3 880044763 +378 606 5 880055478 +378 619 3 880044879 +378 620 3 880056582 +378 623 3 880333168 +378 629 5 880056318 +378 631 4 880045652 +378 632 5 880055564 +378 635 2 880333802 +378 636 3 880055186 +378 651 4 880045681 +378 655 4 880045553 +378 660 4 880056547 +378 663 3 880046437 +378 665 2 880333261 +378 674 3 880056735 +378 684 3 880332643 +378 686 4 880056350 +378 692 4 880045580 +378 693 4 880046022 +378 694 3 880055101 +378 696 3 880045044 +378 699 4 880055564 +378 702 4 880056453 +378 703 4 890572396 +378 707 3 880046475 +378 708 4 880055949 +378 709 4 880055921 +378 715 4 889665232 +378 716 3 880056735 +378 720 2 880056798 +378 722 3 880334017 +378 723 3 880055396 +378 724 3 880055520 +378 727 4 880055454 +378 728 3 880332998 +378 729 4 880046069 +378 731 3 880056582 +378 732 4 880056034 +378 734 3 880334269 +378 735 4 880046229 +378 736 4 889665232 +378 739 4 880333239 +378 742 4 880044697 +378 744 3 880044609 +378 747 3 880055597 +378 755 3 880056073 +378 756 3 880057088 +378 762 3 880044879 +378 768 4 880333598 +378 775 3 880333305 +378 778 3 880056073 +378 780 2 880334241 +378 787 3 880332480 +378 792 4 880046475 +378 796 2 880333626 +378 803 3 880334440 +378 806 4 880045760 +378 807 3 880334199 +378 845 3 880044419 +378 866 2 880044726 +378 875 3 880044108 +378 896 4 889665232 +378 918 3 892383162 +378 921 4 880056667 +378 924 3 880331938 +378 926 1 880318158 +378 928 2 880044488 +378 930 2 880044906 +378 932 2 880056930 +378 939 4 880332307 +378 942 3 880056798 +378 949 3 880056318 +378 951 3 880056547 +378 956 3 880332034 +378 959 3 880046408 +378 961 3 880055706 +378 969 4 880056195 +378 972 4 880056491 +378 977 3 880334305 +378 979 3 880333851 +378 1009 3 880318415 +378 1028 2 880044726 +378 1035 3 880332911 +378 1037 2 880334476 +378 1042 3 880056287 +378 1044 3 880332643 +378 1046 3 880332857 +378 1047 2 880044726 +378 1048 2 880333851 +378 1053 3 880332831 +378 1058 3 880333695 +378 1061 2 880044454 +378 1063 4 880046100 +378 1074 3 880332802 +378 1091 2 880332911 +378 1092 3 880332683 +378 1101 3 880055983 +378 1107 3 880056351 +378 1134 4 880044278 +378 1135 2 880333069 +378 1145 3 880334409 +378 1147 4 880055101 +378 1168 3 880333383 +378 1180 3 880334269 +378 1181 2 880332537 +378 1211 3 880333516 +378 1220 3 880055779 +378 1221 3 880056351 +378 1230 2 880334305 +378 1232 3 880333121 +378 1267 3 880055740 +378 1284 2 880318158 +378 1311 4 880332949 +378 1400 3 880057088 +378 1407 3 880334329 +378 1425 2 880056930 +378 1438 3 880333098 +378 1439 3 880333144 +378 1523 2 880334067 +378 1531 4 880056423 +379 1 4 883156176 +379 2 3 880525540 +379 4 5 880525598 +379 7 5 891674489 +379 8 5 880525194 +379 9 4 880524886 +379 12 5 880524943 +379 23 4 880524783 +379 28 4 880524943 +379 47 5 880740461 +379 50 4 880525400 +379 52 4 880741002 +379 54 2 880526100 +379 56 5 880524541 +379 62 2 888646058 +379 63 2 880962215 +379 64 5 882563520 +379 69 4 880524754 +379 79 5 880525368 +379 82 4 880525540 +379 83 4 880525002 +379 88 4 880525968 +379 89 4 880525424 +379 93 3 885063369 +379 94 5 883156810 +379 96 5 880741811 +379 97 3 882563752 +379 98 5 880524541 +379 100 5 880524541 +379 116 4 880525194 +379 124 5 883156810 +379 127 5 880524811 +379 131 5 882563797 +379 133 4 881000300 +379 135 4 880524886 +379 137 5 890464307 +379 141 4 880525839 +379 143 4 880525839 +379 144 5 880525367 +379 151 4 880525771 +379 152 5 880740518 +379 153 4 880525284 +379 157 4 880961600 +379 158 1 885063748 +379 161 2 880525502 +379 163 4 880740495 +379 168 4 891674489 +379 172 4 880525400 +379 173 5 880525259 +379 174 5 880525368 +379 175 5 880525108 +379 177 4 886835699 +379 178 5 880741811 +379 179 5 880525132 +379 181 4 880525368 +379 183 4 886317511 +379 185 5 880524582 +379 186 5 880740495 +379 187 5 880525031 +379 188 4 892879481 +379 191 5 880524886 +379 193 4 880524783 +379 194 5 880525194 +379 195 3 880525368 +379 196 4 880525062 +379 197 5 880568253 +379 199 4 880524860 +379 200 4 880524582 +379 202 5 880525259 +379 203 4 880526100 +379 204 5 880525236 +379 205 5 880524973 +379 208 4 880525214 +379 210 4 883156880 +379 211 5 880740437 +379 216 4 880525926 +379 219 3 890464337 +379 227 4 880525638 +379 230 4 880525540 +379 233 3 880525638 +379 234 5 880524541 +379 238 5 880525236 +379 239 4 880961874 +379 251 5 885063301 +379 257 4 880741811 +379 265 4 883156656 +379 270 3 888646058 +379 271 3 886835602 +379 284 4 880568407 +379 285 5 880524753 +379 286 4 880524329 +379 294 3 880524363 +379 300 3 890464279 +379 306 3 892879325 +379 310 4 888646088 +379 317 5 880525001 +379 331 4 880526281 +379 339 3 883031585 +379 345 3 892879380 +379 357 5 881000269 +379 372 4 880961807 +379 381 5 885063301 +379 383 2 881000374 +379 385 2 882563616 +379 393 4 892879325 +379 395 2 880741868 +379 398 1 880525638 +379 403 4 880525598 +379 405 3 883156925 +379 414 5 880740415 +379 417 5 880525794 +379 419 4 880525794 +379 427 5 881996665 +379 428 4 880568452 +379 433 4 880525259 +379 434 3 880961672 +379 435 5 882563752 +379 436 3 885063346 +379 447 4 880524582 +379 448 4 880741811 +379 451 4 880525968 +379 452 3 880524614 +379 461 4 880525031 +379 474 5 886317533 +379 480 5 885063301 +379 496 5 892879481 +379 502 5 887437190 +379 504 5 880526141 +379 511 4 880524811 +379 514 3 880961718 +379 516 4 880525306 +379 517 4 888044628 +379 520 5 880524908 +379 522 5 880524753 +379 523 4 880525108 +379 524 4 880961742 +379 526 4 880525031 +379 527 3 880524860 +379 528 5 881996665 +379 529 4 891674436 +379 530 5 880525502 +379 554 4 880525678 +379 559 3 880524669 +379 563 2 880962106 +379 566 4 880525540 +379 568 5 880525566 +379 575 2 882044649 +379 576 4 880525678 +379 577 4 892879355 +379 603 5 880526074 +379 616 2 890464337 +379 621 4 880525815 +379 622 5 880525839 +379 631 5 880961600 +379 636 3 880525502 +379 637 2 880962047 +379 644 5 880961648 +379 649 4 880525084 +379 651 4 880568511 +379 654 5 880526123 +379 655 5 888044628 +379 659 5 880568307 +379 663 3 891674403 +379 674 3 880524614 +379 684 4 880525469 +379 686 4 880525502 +379 701 4 892879481 +379 704 3 880524835 +379 705 4 888646088 +379 707 5 880525926 +379 709 5 880526032 +379 710 4 880961839 +379 712 3 880741832 +379 729 4 880961621 +379 732 5 880525995 +379 736 4 880525945 +379 746 3 880961839 +379 842 4 880525794 +379 843 4 880962285 +379 855 4 880961506 +379 1022 3 892879380 +379 1035 3 880962256 +379 1075 3 888044628 +379 1113 4 892879325 +379 1206 2 880961672 +379 1219 2 883156704 +380 1 4 885478218 +380 7 3 885478334 +380 9 3 885479301 +380 12 5 885478218 +380 22 4 885478334 +380 28 4 885479436 +380 31 1 885479730 +380 38 2 885479537 +380 50 4 885478497 +380 58 2 885479355 +380 59 4 885478447 +380 60 4 885478292 +380 61 4 885478193 +380 64 3 885481179 +380 69 4 885479301 +380 71 4 885479082 +380 79 4 885479104 +380 81 3 885478908 +380 86 4 885478374 +380 89 5 885478583 +380 95 4 885479274 +380 97 3 885478271 +380 98 4 885478698 +380 100 4 885478193 +380 109 2 885480093 +380 114 3 885478539 +380 118 2 885480301 +380 121 3 885479896 +380 132 4 885479186 +380 134 3 885478583 +380 135 3 885479436 +380 139 1 885480414 +380 151 4 885478759 +380 152 2 885478312 +380 161 2 885480046 +380 163 2 885478539 +380 168 4 885479436 +380 170 4 885478192 +380 174 4 885478924 +380 176 3 885481179 +380 177 3 885479082 +380 179 3 885478313 +380 180 2 885478374 +380 181 3 885478391 +380 182 3 885478391 +380 183 4 885478192 +380 185 4 885479057 +380 186 3 885479355 +380 190 5 885478668 +380 194 4 885478799 +380 196 4 885479777 +380 197 3 885478886 +380 199 3 885478845 +380 200 4 885479104 +380 204 2 885479274 +380 208 2 885480301 +380 211 3 885479487 +380 213 2 885479319 +380 215 3 885479163 +380 217 2 885480093 +380 222 3 885478519 +380 228 3 885479235 +380 234 2 885478447 +380 238 3 885479057 +380 241 2 885479997 +380 258 4 885477742 +380 265 3 885481179 +380 270 3 885481179 +380 272 4 885477742 +380 286 5 885477802 +380 300 3 885481179 +380 302 5 885477742 +380 306 4 885477802 +380 313 4 885477859 +380 315 4 885477975 +380 318 4 885478624 +380 340 3 885481179 +380 356 2 885480064 +380 357 4 885478425 +380 382 3 885478759 +380 414 2 885480046 +380 416 2 885480239 +380 419 3 885479124 +380 423 3 885478218 +380 425 4 885479163 +380 428 3 885480320 +380 433 3 885479186 +380 435 3 885479124 +380 443 4 885480283 +380 449 3 885480902 +380 462 4 885478374 +380 463 4 885479372 +380 465 4 885478845 +380 474 4 885478558 +380 479 4 885478374 +380 480 4 885478718 +380 483 4 885478668 +380 496 4 885479537 +380 498 4 885478738 +380 502 1 885480530 +380 506 3 885481179 +380 512 3 885479355 +380 514 2 885478780 +380 515 4 885478218 +380 521 2 885479397 +380 527 4 885479212 +380 529 3 885479235 +380 530 5 885478886 +380 549 3 885479926 +380 554 2 885479754 +380 561 2 885479519 +380 566 3 885478519 +380 570 3 885479706 +380 573 1 885480737 +380 582 4 885478583 +380 587 4 885479274 +380 610 2 885478886 +380 614 3 885478845 +380 629 2 885478497 +380 630 2 885478780 +380 631 4 885478668 +380 651 3 885478292 +380 652 3 885478241 +380 654 4 885478953 +380 663 4 885478799 +380 664 3 885479415 +380 665 2 885480870 +380 670 1 885480187 +380 684 3 885478886 +380 699 3 885479186 +380 708 3 885478759 +380 712 2 885480585 +380 729 3 885479252 +380 732 4 885478646 +380 736 4 885478780 +380 744 3 885480144 +380 750 4 885477859 +380 751 3 885481179 +380 753 4 885479082 +380 770 3 885480222 +380 845 4 885479706 +380 923 3 885478603 +380 956 4 885478271 +380 959 2 885479455 +380 1039 3 885481179 +380 1045 3 885479799 +380 1065 4 885478519 +380 1101 4 885479487 +380 1113 4 885479730 +380 1116 4 885479397 +380 1404 2 885478646 +380 1449 4 885478845 +381 1 5 892697394 +381 14 5 892696512 +381 15 2 892697358 +381 16 4 892697266 +381 20 5 892696426 +381 30 4 892697174 +381 49 2 892696328 +381 50 5 892696252 +381 59 3 892697266 +381 77 2 892696367 +381 79 3 892695996 +381 83 4 892695996 +381 89 5 892696426 +381 94 3 892697337 +381 95 4 892696534 +381 96 5 892697174 +381 97 4 892696960 +381 99 5 892696445 +381 100 4 892697442 +381 102 2 892696130 +381 118 1 892697051 +381 120 1 892696587 +381 121 2 892696793 +381 124 5 892697690 +381 129 4 892697628 +381 132 5 892696426 +381 133 5 892697413 +381 134 5 892696347 +381 135 5 892697150 +381 139 3 892697358 +381 142 3 892697337 +381 150 4 892697542 +381 151 5 892697526 +381 159 3 892696674 +381 175 5 892696268 +381 176 4 892696698 +381 178 4 892696291 +381 191 5 892696757 +381 196 5 892697083 +381 212 5 892696982 +381 214 2 892697338 +381 217 2 892696757 +381 225 3 892697495 +381 228 4 892697373 +381 259 2 892698054 +381 268 4 892697982 +381 276 3 892696587 +381 281 2 892696616 +381 283 5 892697655 +381 294 5 892698068 +381 303 3 892697999 +381 304 5 892697982 +381 307 2 892697959 +381 313 2 892697869 +381 318 5 892696654 +381 344 3 892697905 +381 378 4 892696019 +381 418 3 892696471 +381 419 5 892696446 +381 432 5 892696587 +381 443 5 892696616 +381 459 4 892696738 +381 462 4 892697442 +381 473 5 892697150 +381 479 5 892696929 +381 480 5 892696019 +381 483 5 892696698 +381 485 4 892696347 +381 487 5 892697083 +381 493 4 892697111 +381 495 4 892696186 +381 498 5 892696252 +381 501 4 892697133 +381 509 5 892696872 +381 512 4 892696045 +381 514 5 892697394 +381 517 4 892696557 +381 520 5 892696757 +381 525 5 892696982 +381 526 4 892696831 +381 529 5 892696060 +381 566 2 892696512 +381 582 5 892696045 +381 588 3 892697338 +381 596 3 892697297 +381 607 4 892696130 +381 631 4 892696654 +381 640 5 892696168 +381 647 4 892697133 +381 656 4 892696471 +381 657 4 892696831 +381 660 2 892696426 +381 673 3 892696209 +381 682 2 892697982 +381 693 4 892697280 +381 705 5 892696209 +381 742 4 892697677 +381 771 2 892696557 +381 778 4 892697066 +381 847 4 892697542 +381 855 3 892696291 +381 887 3 892697941 +381 898 5 892697869 +381 931 4 892697628 +381 934 2 892697495 +381 961 3 892696616 +381 995 4 892698031 +381 1018 4 892697031 +381 1060 5 892697677 +381 1098 4 892696045 +381 1115 4 892697600 +381 1117 4 892697574 +381 1119 4 892696252 +381 1400 3 892697394 +381 1401 4 892697013 +381 1407 3 892697314 +381 1532 2 892696831 +382 7 2 875945837 +382 14 3 875946055 +382 23 5 875946978 +382 25 2 875945880 +382 50 1 875945451 +382 56 5 875946830 +382 59 5 875947049 +382 100 4 875945812 +382 122 3 875946440 +382 127 3 875945781 +382 134 3 875947149 +382 135 3 875947078 +382 150 2 875946055 +382 151 4 875946830 +382 168 4 875946700 +382 171 3 875946639 +382 177 4 875947005 +382 180 5 875946830 +382 183 3 875946672 +382 197 4 875946830 +382 235 5 875946830 +382 252 2 875946262 +382 258 2 875945173 +382 276 3 875946029 +382 286 2 875945173 +382 290 4 875946830 +382 332 3 876803039 +382 334 5 876802971 +382 357 4 875947149 +382 474 5 875947199 +382 475 3 875946103 +382 482 5 875946945 +382 496 3 875946945 +382 504 3 875946907 +382 507 4 875946809 +382 511 4 875946730 +382 514 3 875946730 +382 531 4 875946830 +382 546 2 875946234 +382 756 3 875946185 +382 1017 4 875946830 +382 1268 5 875947296 +382 1381 3 875945757 +383 58 4 891193210 +383 81 4 891193072 +383 89 3 891193181 +383 100 4 891193016 +383 124 4 891192949 +383 132 5 891193108 +383 134 5 891192778 +383 135 5 891193042 +383 166 4 891192858 +383 180 5 891192778 +383 182 5 891192836 +383 185 5 891192985 +383 188 5 891192949 +383 193 4 891193072 +383 200 5 891193181 +383 203 5 891193242 +383 205 4 891193210 +383 213 5 891193137 +383 223 3 891193137 +383 237 4 891192836 +383 238 5 891192836 +383 268 5 891192338 +383 272 3 891192158 +383 285 5 891193210 +383 286 5 891192186 +383 315 5 891192158 +383 316 5 891192472 +383 319 2 891192377 +383 321 5 891192376 +383 340 5 891192276 +383 345 2 891192251 +383 357 5 891193137 +383 425 4 891193181 +383 427 5 891192748 +383 435 4 891192836 +383 464 4 891192986 +383 474 5 891193072 +383 475 2 891193137 +383 478 5 891193042 +383 479 4 891192985 +383 480 5 891193242 +383 484 4 891192949 +383 488 4 891193242 +383 496 5 891192888 +383 504 4 891193108 +383 505 4 891193042 +383 514 5 891192949 +383 517 5 891192748 +383 528 4 891193242 +383 531 3 891192888 +383 603 5 891193242 +383 604 5 891193042 +383 639 4 891193181 +383 641 4 891192778 +383 654 5 891193016 +383 657 5 891192858 +383 660 4 891192748 +383 663 5 891192778 +383 736 5 891192949 +383 1005 3 891193072 +383 1063 5 891192888 +384 258 4 891273683 +384 271 4 891283502 +384 272 5 891273509 +384 286 4 891273649 +384 328 4 891274091 +384 343 3 891273716 +384 347 4 891273509 +384 355 4 891274055 +384 689 4 891274232 +384 748 4 891274028 +384 878 4 891274962 +384 989 4 891273905 +385 2 3 879446786 +385 4 2 879445260 +385 8 5 880870206 +385 12 3 879441425 +385 18 5 884915008 +385 23 5 879441313 +385 24 3 879440726 +385 29 1 879447845 +385 30 5 879442988 +385 32 5 879442988 +385 37 4 880013483 +385 42 1 879443252 +385 46 5 880870206 +385 47 4 879441982 +385 48 5 879441777 +385 50 1 879440127 +385 53 1 879446110 +385 55 2 879441728 +385 56 5 879441728 +385 58 4 879441881 +385 59 2 879442490 +385 61 2 879441572 +385 79 3 879441853 +385 81 3 879442028 +385 82 1 879446786 +385 87 3 879441942 +385 89 4 879441853 +385 92 3 879443217 +385 93 3 880682080 +385 98 4 879442189 +385 100 4 879440098 +385 111 2 879440267 +385 114 5 879441942 +385 122 3 883791694 +385 127 4 879439667 +385 128 5 879442235 +385 131 4 879445754 +385 132 4 879446235 +385 133 1 879441728 +385 134 5 879441538 +385 135 3 879444991 +385 136 3 879442402 +385 143 3 879446465 +385 144 3 879443102 +385 145 1 879449745 +385 151 2 879440127 +385 152 3 879445856 +385 156 4 881308434 +385 160 4 879441572 +385 168 3 879442109 +385 169 5 880870205 +385 171 3 879750777 +385 172 2 879442109 +385 173 4 879441386 +385 174 2 879924297 +385 175 4 879441572 +385 176 2 879441386 +385 177 4 879442673 +385 180 4 879442706 +385 181 1 879439923 +385 182 5 880870205 +385 183 3 879442706 +385 185 5 880870205 +385 186 1 879445260 +385 187 4 879441728 +385 189 5 881530739 +385 191 2 879444597 +385 192 5 884586327 +385 194 3 879441538 +385 197 4 879442360 +385 198 3 881128357 +385 199 3 879442559 +385 200 3 879446110 +385 201 4 879441982 +385 204 1 879441728 +385 205 2 879443253 +385 207 4 881530739 +385 208 3 879442360 +385 209 4 879441853 +385 210 1 879453773 +385 211 3 879446183 +385 215 2 879442559 +385 216 2 879446868 +385 217 2 879448208 +385 218 2 879447361 +385 219 1 879446952 +385 221 5 881398053 +385 231 2 879449309 +385 234 1 879445493 +385 235 5 879440940 +385 236 2 879439637 +385 238 5 879442085 +385 240 4 879447317 +385 249 2 879440892 +385 250 3 879440701 +385 251 2 879440098 +385 253 3 879439923 +385 254 1 879453094 +385 256 4 879439728 +385 257 3 879440236 +385 262 4 884153000 +385 273 2 879440557 +385 276 3 879440098 +385 283 2 879439984 +385 285 5 879439637 +385 286 3 879438600 +385 290 3 879440674 +385 293 3 879439728 +385 304 3 879438949 +385 305 4 879740222 +385 318 2 879441572 +385 320 3 885367060 +385 325 4 882175397 +385 337 4 879439469 +385 346 3 883791602 +385 347 3 885844578 +385 357 4 879441339 +385 367 4 879444640 +385 378 1 879447555 +385 383 1 879449871 +385 384 1 884118861 +385 385 1 879443352 +385 403 3 879447181 +385 405 2 879440961 +385 408 5 879443065 +385 417 2 879447671 +385 419 2 879442606 +385 421 2 879446026 +385 425 3 879445724 +385 427 4 879441386 +385 428 3 879442706 +385 429 4 879442028 +385 430 5 880870206 +385 433 4 879442673 +385 435 3 879443102 +385 443 3 879445098 +385 444 1 879448994 +385 447 3 879443150 +385 448 3 879448263 +385 451 1 879447205 +385 455 4 879440701 +385 458 3 879440828 +385 461 4 879441942 +385 462 2 881135090 +385 473 3 879440584 +385 479 5 879441538 +385 480 5 879441313 +385 482 3 879441728 +385 483 4 879442028 +385 484 4 879442559 +385 485 4 879446591 +385 486 2 879442189 +385 487 4 887670073 +385 488 5 879441599 +385 489 5 884631784 +385 492 2 879445531 +385 496 2 879441538 +385 497 5 879443186 +385 498 3 879441942 +385 500 4 879443352 +385 502 3 879446235 +385 503 3 879443217 +385 504 4 879442360 +385 506 2 879445291 +385 507 3 879445631 +385 508 2 879439728 +385 511 4 879441881 +385 512 5 880958750 +385 514 4 879443045 +385 520 3 879441599 +385 521 3 879446208 +385 522 4 879924244 +385 523 4 879441454 +385 524 5 880924359 +385 525 4 879444685 +385 526 3 879445098 +385 528 4 879470274 +385 529 4 879445949 +385 533 4 879440602 +385 557 2 879446786 +385 558 2 879442673 +385 568 3 879446465 +385 603 5 880869422 +385 604 4 879442189 +385 606 4 879441599 +385 616 4 884119121 +385 629 2 879446643 +385 631 3 879461422 +385 650 5 880870205 +385 652 5 881530738 +385 653 4 881948265 +385 654 5 879442085 +385 656 5 879441425 +385 657 4 879442109 +385 658 2 879445454 +385 659 4 879441942 +385 663 4 879446431 +385 664 3 879445335 +385 671 3 879443315 +385 673 2 879445779 +385 674 3 879447250 +385 675 5 879446952 +385 693 4 879443315 +385 705 3 879441538 +385 715 3 879446671 +385 719 2 879447136 +385 727 1 879443102 +385 732 3 879442189 +385 739 1 879448665 +385 745 4 879443352 +385 767 1 879447361 +385 794 2 879448181 +385 811 4 879443315 +385 851 5 880870205 +385 855 5 882081995 +385 865 4 879924267 +385 871 1 879440986 +385 874 3 879438975 +385 896 5 883869456 +385 900 4 885168653 +385 919 4 879440158 +385 922 4 881569749 +385 940 3 879447089 +385 942 2 879446208 +385 945 5 879441313 +385 954 4 879446235 +385 959 3 879446741 +385 961 4 879446868 +385 965 4 879445779 +385 1007 3 879439949 +385 1008 4 879440628 +385 1010 3 879440127 +385 1012 3 879440211 +385 1014 2 879450441 +385 1017 3 883791666 +385 1021 5 879441572 +385 1022 3 883791570 +385 1037 1 879449950 +385 1065 3 879445153 +385 1066 4 879446591 +385 1069 4 879442235 +385 1070 5 880870206 +385 1071 4 879448426 +385 1097 5 879440158 +385 1103 3 887269178 +385 1110 2 879446566 +385 1118 3 879447047 +385 1121 4 879443315 +385 1128 3 879441662 +385 1129 5 879440236 +385 1131 3 879445587 +385 1135 1 879448181 +385 1143 4 880828451 +385 1154 5 880870205 +385 1158 5 879443150 +385 1159 4 885245956 +385 1160 2 879440211 +385 1252 5 879578355 +385 1286 3 879446952 +385 1353 4 879440098 +385 1367 5 880879193 +385 1428 4 879447181 +385 1449 4 881047049 +385 1456 4 879447205 +385 1462 4 879447555 +385 1495 3 879443186 +385 1499 5 881047168 +385 1506 4 879442606 +385 1524 5 879445662 +385 1535 4 879448294 +385 1536 5 879441339 +386 7 3 877655028 +386 50 4 877654961 +386 118 3 877655085 +386 121 3 877655145 +386 181 3 877654961 +386 222 4 877654961 +386 281 3 877655145 +386 455 3 877654961 +386 515 5 877654961 +386 546 2 877655195 +386 597 3 877655145 +386 833 3 877655195 +386 1016 4 877654961 +387 1 4 886480681 +387 2 4 886483195 +387 4 3 886482969 +387 7 5 886479528 +387 8 4 886480108 +387 10 4 886481228 +387 11 3 886480325 +387 12 5 886484336 +387 13 4 886480788 +387 20 4 886480789 +387 22 5 886483049 +387 23 2 886479528 +387 24 5 886484522 +387 25 2 886481271 +387 27 1 886483252 +387 28 5 886483939 +387 29 1 886483252 +387 33 3 886483098 +387 39 3 886483049 +387 42 4 886480548 +387 46 3 886484011 +387 47 4 886480384 +387 48 4 886483753 +387 50 5 886480108 +387 52 5 886483497 +387 53 4 886481737 +387 55 3 886479649 +387 56 5 886479649 +387 58 4 886484065 +387 61 3 886483565 +387 62 2 886483252 +387 64 3 886480206 +387 68 4 886483099 +387 69 3 886480413 +387 71 2 886483620 +387 76 3 886484215 +387 79 4 886483049 +387 81 3 886483906 +387 82 4 886483098 +387 83 4 886480244 +387 89 5 886483048 +387 91 4 886483669 +387 92 4 886483098 +387 93 5 886480703 +387 95 2 886483620 +387 96 4 886480447 +387 97 2 886483859 +387 98 4 886480244 +387 99 5 886483620 +387 100 5 886484336 +387 101 4 886479528 +387 102 3 886483669 +387 107 3 886481002 +387 109 4 886481073 +387 113 4 886479575 +387 114 5 886484336 +387 116 3 886480206 +387 117 3 886480788 +387 121 2 886481228 +387 123 3 886480970 +387 127 4 886479575 +387 129 5 886480583 +387 133 2 886480483 +387 135 5 886480288 +387 136 3 886480288 +387 144 3 886479649 +387 147 2 886481073 +387 151 3 886481228 +387 152 1 886479690 +387 153 4 886479649 +387 156 5 886484336 +387 161 1 886483252 +387 168 5 886479610 +387 169 5 886484336 +387 172 4 886480206 +387 173 4 886480288 +387 174 5 886480384 +387 175 5 886479771 +387 176 3 886480446 +387 178 3 886483824 +387 179 5 886484336 +387 180 4 886479737 +387 181 4 886479610 +387 182 5 886483048 +387 183 4 886480206 +387 184 3 886481634 +387 186 2 886480515 +387 187 4 886483049 +387 188 5 886483151 +387 189 5 886483619 +387 190 5 886483150 +387 191 4 886479610 +387 192 5 886484336 +387 193 5 886484065 +387 194 3 886480206 +387 195 4 886479528 +387 196 2 886484012 +387 197 2 886483824 +387 198 4 886480352 +387 199 4 886483858 +387 201 5 886484631 +387 202 3 886482695 +387 203 4 886483330 +387 204 2 886479771 +387 205 5 886480384 +387 206 4 886483429 +387 208 3 886480484 +387 209 5 886480206 +387 210 4 886482928 +387 211 4 886480108 +387 214 5 886483753 +387 215 2 886483906 +387 217 3 886481687 +387 218 3 886481687 +387 219 2 886481686 +387 222 4 886481073 +387 223 5 886479771 +387 226 3 886483252 +387 227 4 886483195 +387 228 5 886484336 +387 229 2 886483195 +387 230 3 886483194 +387 231 3 886483194 +387 232 2 886483289 +387 233 3 886483151 +387 238 5 886482928 +387 239 1 886483970 +387 241 1 886483194 +387 243 1 886484460 +387 246 3 886480623 +387 248 4 886481151 +387 250 4 886480970 +387 258 4 886480818 +387 265 4 886483049 +387 268 3 886479430 +387 273 4 886481151 +387 277 4 886481033 +387 286 2 886484385 +387 288 3 886484385 +387 289 1 886484413 +387 293 4 886481002 +387 294 2 886484413 +387 295 3 886480818 +387 298 3 886480623 +387 317 4 886483906 +387 318 3 886479610 +387 319 1 886484384 +387 320 4 886480325 +387 321 3 886484384 +387 324 4 886481002 +387 325 2 886484460 +387 333 3 886479484 +387 357 5 886479690 +387 367 3 886482883 +387 380 2 886484098 +387 381 4 886482969 +387 385 3 886483150 +387 393 2 886483009 +387 399 3 886482969 +387 403 3 886483099 +387 408 4 886484492 +387 410 3 886480789 +387 414 4 886482969 +387 418 3 886483669 +387 428 4 886482969 +387 429 3 886484065 +387 430 3 886482882 +387 431 3 886483150 +387 432 4 886480353 +387 434 5 886483970 +387 435 3 886480483 +387 436 4 886481737 +387 441 1 886481800 +387 444 4 886481800 +387 446 2 886481800 +387 448 3 886481686 +387 455 4 886481105 +387 458 1 886481183 +387 461 5 886483753 +387 463 4 886483526 +387 470 3 886483970 +387 473 4 886481033 +387 474 5 886480163 +387 475 3 886480657 +387 477 1 886480733 +387 488 3 886480163 +387 496 3 886480515 +387 501 4 886483620 +387 508 4 886479690 +387 511 3 886483049 +387 513 5 886483330 +387 514 3 886480515 +387 515 5 886480755 +387 516 3 886482928 +387 518 4 886483151 +387 520 4 886480446 +387 521 3 886483906 +387 526 4 886483150 +387 528 4 886483906 +387 530 4 886483099 +387 531 3 886479528 +387 532 3 886480970 +387 547 4 886484561 +387 549 5 886484012 +387 550 2 886483252 +387 551 2 886481800 +387 558 4 886480384 +387 561 3 886481800 +387 563 2 886481851 +387 564 1 886481800 +387 566 3 886483194 +387 567 2 886481737 +387 568 2 886483099 +387 569 2 886481737 +387 578 2 886483252 +387 580 5 886483565 +387 581 4 886483394 +387 582 3 886483497 +387 583 4 886483098 +387 588 3 886480163 +387 593 3 886480483 +387 603 4 886480548 +387 619 1 886481073 +387 625 2 886483669 +387 641 5 886483824 +387 642 4 886483395 +387 650 2 886480163 +387 651 2 886479689 +387 655 3 886480352 +387 659 4 886480325 +387 663 4 886482883 +387 665 2 886481851 +387 672 2 886481687 +387 674 2 886481686 +387 676 1 886480733 +387 678 3 886484460 +387 679 5 886483194 +387 684 3 886483099 +387 692 1 886482928 +387 693 5 886484336 +387 697 1 886483906 +387 715 5 886484157 +387 718 4 886480206 +387 727 5 886484098 +387 731 1 886482969 +387 732 1 886484215 +387 735 2 886484012 +387 737 3 886484098 +387 742 2 886481105 +387 744 3 886480818 +387 746 1 886479737 +387 768 1 886483620 +387 769 1 886481851 +387 772 4 886483782 +387 773 4 886481800 +387 774 3 886481737 +387 789 4 886482928 +387 790 1 886482969 +387 806 1 886483824 +387 844 5 886480484 +387 845 4 886484336 +387 847 3 886480325 +387 854 5 886481686 +387 856 5 886484124 +387 919 5 886479575 +387 943 4 886483357 +387 952 5 886484561 +387 953 2 886484012 +387 969 3 886480163 +387 972 2 886483859 +387 984 1 886484460 +387 1008 4 886481183 +387 1011 3 886481033 +387 1012 4 886481073 +387 1014 3 886480789 +387 1018 3 886483526 +387 1069 2 886480288 +387 1078 1 886483670 +387 1091 1 886483670 +387 1097 3 886480657 +387 1110 2 886483009 +387 1115 3 886479575 +387 1118 3 886482695 +387 1128 4 886481033 +387 1129 4 886480623 +387 1134 1 886481183 +387 1143 5 886480623 +387 1166 3 886483939 +387 1187 4 886480623 +387 1198 3 886479575 +387 1199 5 886480970 +387 1240 5 886483620 +387 1537 4 886480681 +387 1538 3 886481151 +388 1 5 886436813 +388 5 4 886441083 +388 9 3 886437226 +388 53 5 886441248 +388 56 3 886441015 +388 98 5 886441015 +388 100 3 886437039 +388 117 5 886436756 +388 121 4 886436756 +388 147 4 886436871 +388 184 4 886441083 +388 200 5 886441083 +388 218 5 886441083 +388 219 5 886441083 +388 237 5 886436813 +388 258 5 886439506 +388 259 3 886440334 +388 266 5 886439918 +388 276 2 886440608 +388 288 5 886439506 +388 294 4 886439561 +388 300 4 886438122 +388 302 5 886438122 +388 307 4 886439506 +388 310 5 886438540 +388 313 5 886438122 +388 315 3 886438122 +388 323 4 886442062 +388 326 5 886438122 +388 328 4 886439561 +388 333 5 886439561 +388 508 3 886436930 +388 559 5 886441133 +388 591 4 886437039 +388 596 4 886436661 +388 628 4 886436661 +388 672 4 886441083 +388 680 5 886439808 +388 690 5 886438540 +388 773 3 886441083 +388 816 4 886441248 +388 871 2 886440608 +389 1 4 879915860 +389 4 4 879991352 +389 8 4 880086755 +389 15 2 879916135 +389 23 4 879991147 +389 25 3 879916170 +389 28 4 880165411 +389 29 2 880088659 +389 40 3 880088825 +389 42 4 879991147 +389 47 4 880086971 +389 50 5 879915780 +389 53 2 880089337 +389 56 5 880086868 +389 58 4 880087695 +389 59 5 880087151 +389 64 4 880087151 +389 65 4 880088171 +389 66 3 880088401 +389 67 2 880614340 +389 69 5 880087345 +389 71 4 880088091 +389 72 3 880614164 +389 77 2 880088922 +389 79 4 879991461 +389 80 3 880614254 +389 81 3 880086972 +389 82 4 880087977 +389 87 5 879991330 +389 88 3 880613773 +389 90 3 880088659 +389 94 2 880089115 +389 95 3 880165832 +389 98 4 879991264 +389 99 5 880087832 +389 100 5 879915701 +389 105 3 880614316 +389 109 3 879915745 +389 118 2 880088900 +389 124 4 879916053 +389 127 5 879915701 +389 131 3 880087739 +389 132 5 880087544 +389 133 5 880086888 +389 134 5 879991045 +389 135 2 879990996 +389 136 4 880087671 +389 142 3 880088878 +389 143 3 880087026 +389 151 4 879916135 +389 152 4 880087647 +389 153 3 880088510 +389 154 3 880087200 +389 155 2 880088900 +389 159 2 880088330 +389 160 4 880087897 +389 161 2 880088269 +389 167 3 880089170 +389 168 5 879991434 +389 172 5 879991175 +389 173 3 880087003 +389 174 4 879991115 +389 176 4 880165047 +389 178 4 880086755 +389 179 4 879991461 +389 181 4 879915806 +389 182 5 879991175 +389 185 5 879991434 +389 186 2 880087435 +389 187 5 879990996 +389 191 5 880087493 +389 194 4 879991147 +389 196 3 880087516 +389 197 5 879991485 +389 199 5 880165388 +389 202 5 880087599 +389 204 4 879991017 +389 205 4 880165939 +389 208 5 880087415 +389 209 4 880087048 +389 210 2 879990996 +389 211 4 880087415 +389 216 2 879991387 +389 217 3 880088774 +389 234 4 879991081 +389 238 5 879991387 +389 239 3 880087939 +389 240 3 879916254 +389 249 3 879915991 +389 257 3 879916077 +389 274 4 880088421 +389 275 5 879915860 +389 283 5 879916099 +389 285 5 879916076 +389 286 2 879915633 +389 300 3 879990863 +389 301 4 879916385 +389 302 5 879915633 +389 346 4 885681315 +389 347 4 887868071 +389 367 4 880086820 +389 371 4 880088309 +389 378 5 880087695 +389 383 2 881384649 +389 384 2 880089211 +389 386 3 880089302 +389 393 2 880088717 +389 395 2 880089133 +389 396 3 880089037 +389 401 3 880088578 +389 402 3 880613797 +389 404 5 880087200 +389 407 1 880614292 +389 410 3 879916238 +389 411 4 880088659 +389 412 3 880089170 +389 414 4 879991485 +389 416 4 880087996 +389 418 4 880165168 +389 419 3 880087003 +389 420 3 880088229 +389 423 5 880087461 +389 427 5 879991196 +389 428 3 880087461 +389 430 5 880087003 +389 435 4 880087073 +389 451 2 880165881 +389 454 2 880086868 +389 467 3 879991512 +389 471 4 879916077 +389 474 5 879991535 +389 475 5 879915780 +389 477 4 880087939 +389 478 5 879991264 +389 479 4 879991535 +389 480 5 879991175 +389 481 5 879991147 +389 482 5 880086777 +389 483 5 879991535 +389 484 5 880087073 +389 485 5 879991081 +389 486 4 880086971 +389 487 5 879991115 +389 488 5 880087260 +389 489 4 879991115 +389 490 3 879991081 +389 491 5 879991352 +389 492 5 880086944 +389 493 5 879991147 +389 494 5 879991411 +389 496 4 879991218 +389 497 4 879991461 +389 498 5 880086918 +389 499 4 880087873 +389 501 5 880087804 +389 502 4 881384464 +389 503 3 880087739 +389 504 4 880087832 +389 506 4 879991330 +389 509 4 880614449 +389 510 3 880165367 +389 514 5 879991329 +389 517 4 880087977 +389 518 4 880087073 +389 519 4 879991461 +389 520 3 879991175 +389 521 3 879991330 +389 524 5 879991081 +389 525 4 880165277 +389 526 3 880087200 +389 527 3 880086868 +389 531 4 880086918 +389 553 2 880089015 +389 558 4 879991242 +389 559 3 880088680 +389 568 3 880087782 +389 579 1 881384611 +389 583 2 880088039 +389 584 4 879991512 +389 588 5 879991298 +389 591 3 879915726 +389 602 4 879991081 +389 603 5 880086943 +389 604 4 879991387 +389 605 5 879991512 +389 608 3 880087832 +389 610 5 880086972 +389 612 4 879991218 +389 613 5 880088038 +389 615 4 879991115 +389 616 4 879991329 +389 618 4 880088115 +389 629 2 880166028 +389 630 3 880087389 +389 631 5 880087493 +389 642 4 880087804 +389 649 4 880165344 +389 654 5 879991411 +389 657 5 879991115 +389 661 4 880165168 +389 662 3 880613750 +389 663 4 880087026 +389 664 4 880088290 +389 671 5 880087516 +389 674 2 880088900 +389 675 3 880165702 +389 684 4 880087761 +389 686 3 879991434 +389 693 4 880088038 +389 699 5 880088038 +389 700 2 881384441 +389 705 5 879991196 +389 709 4 879991115 +389 712 3 881384338 +389 722 2 880089192 +389 728 3 880089302 +389 731 3 880089152 +389 732 4 880087850 +389 736 5 880088229 +389 739 2 880088229 +389 756 2 880088942 +389 763 1 879916203 +389 778 4 880088995 +389 780 3 880614316 +389 785 3 880613841 +389 792 4 880088115 +389 820 3 880089211 +389 824 3 881384649 +389 835 5 879991242 +389 836 4 879991045 +389 847 4 879915806 +389 923 5 880087151 +389 926 3 879916099 +389 942 3 880165881 +389 945 4 880165070 +389 946 3 880088363 +389 954 4 880614031 +389 955 4 880087599 +389 965 5 880087599 +389 969 4 880086755 +389 997 3 881384536 +389 1007 4 879915832 +389 1036 2 880087170 +389 1041 3 880088269 +389 1050 4 879991242 +389 1052 2 881384711 +389 1074 2 880613841 +389 1098 4 880087096 +389 1114 2 880614050 +389 1119 3 880088659 +389 1121 4 879991485 +389 1147 4 879991387 +389 1168 3 880088717 +389 1197 3 880165664 +389 1203 5 880087544 +389 1204 4 880165411 +389 1286 5 880087873 +389 1298 5 887868071 +389 1444 3 880088445 +389 1451 5 880087544 +389 1518 2 880165787 +390 9 5 879694232 +390 13 2 879694409 +390 100 5 879694123 +390 124 4 879694232 +390 181 4 879694198 +390 258 5 879693461 +390 286 4 879693461 +390 300 5 879693770 +390 304 5 879693561 +390 328 4 879693677 +390 329 3 879693608 +390 331 2 879693723 +390 475 1 879694232 +390 690 3 879693677 +390 713 4 879694259 +390 740 4 879694123 +390 754 4 879693561 +390 845 2 879694232 +390 989 5 879693677 +390 990 4 879693608 +390 1296 2 879693770 +391 8 3 877399030 +391 9 5 877399780 +391 11 3 877398951 +391 12 5 877399745 +391 15 4 877399805 +391 22 4 877398951 +391 23 4 877398992 +391 26 5 877399745 +391 31 2 877399659 +391 48 4 877399171 +391 50 4 877399588 +391 56 5 877399745 +391 58 4 877398898 +391 59 5 877399745 +391 60 5 877399746 +391 61 5 877399746 +391 64 5 877399746 +391 69 4 877399618 +391 71 3 877399236 +391 76 3 877399618 +391 89 3 877399380 +391 96 3 877399171 +391 98 4 877399133 +391 100 4 877399805 +391 125 3 877399894 +391 127 5 877399236 +391 131 2 877399455 +391 132 4 877398951 +391 133 4 877398898 +391 134 4 877399171 +391 148 3 877400062 +391 168 4 877399455 +391 173 4 877399030 +391 174 5 877399301 +391 176 3 877398856 +391 177 4 877398951 +391 180 5 877399066 +391 182 4 877399696 +391 186 5 877399658 +391 187 4 877399030 +391 188 3 877399658 +391 191 3 877399336 +391 194 4 877399486 +391 197 5 877399380 +391 200 5 877399269 +391 205 5 877399337 +391 209 5 877399541 +391 213 4 877398856 +391 215 4 877399100 +391 222 2 877399864 +391 228 2 877399486 +391 234 4 877399455 +391 237 4 877399864 +391 238 5 877399659 +391 258 3 877398517 +391 264 1 877398704 +391 276 3 877399780 +391 282 4 877399894 +391 286 4 877398517 +391 288 3 877398679 +391 291 3 877400062 +391 294 2 877398619 +391 300 2 877398619 +391 301 4 877399745 +391 318 4 877399030 +391 322 3 877398619 +391 328 3 877398552 +391 334 5 877399745 +391 357 5 877399486 +391 378 3 877399171 +391 421 2 877399269 +391 427 5 877399512 +391 435 5 877399100 +391 458 4 877399864 +391 460 4 877400091 +391 462 4 877399588 +391 471 2 877399864 +391 479 4 877399030 +391 480 4 877398991 +391 482 4 877399380 +391 483 3 877399423 +391 490 4 877399658 +391 491 3 877398898 +391 498 4 877399513 +391 504 5 877398856 +391 507 4 877399512 +391 508 2 877400037 +391 510 5 877399066 +391 511 5 877398855 +391 527 3 877399541 +391 544 4 877400092 +391 546 3 877400037 +391 591 4 877399894 +391 603 5 877398991 +391 604 4 877399380 +391 628 4 877399864 +391 646 4 877399066 +391 648 5 877399100 +391 651 5 877399133 +391 652 4 877399588 +391 659 4 877399208 +391 661 5 877398898 +391 678 2 877398704 +391 696 4 877400117 +391 705 5 877399133 +391 715 2 877399588 +391 748 3 877398619 +391 772 2 877399030 +391 774 2 877399541 +391 963 5 877399746 +391 1163 2 877399864 +392 8 5 891039049 +392 11 4 891038371 +392 23 5 891038466 +392 50 5 891038110 +392 58 4 891038433 +392 59 4 891039049 +392 99 5 891038433 +392 114 4 891038401 +392 127 5 891038110 +392 129 4 891038945 +392 134 5 891038371 +392 165 5 891038433 +392 166 5 891038466 +392 169 4 891038978 +392 170 5 891039015 +392 172 5 891038401 +392 173 4 891039050 +392 174 5 891038979 +392 178 5 891038945 +392 179 5 891038946 +392 180 5 891038371 +392 181 5 891038137 +392 189 4 891038433 +392 191 5 891039015 +392 197 5 891038978 +392 199 5 891038466 +392 200 3 891038433 +392 209 5 891038978 +392 244 3 891038247 +392 246 5 891038110 +392 248 4 891038205 +392 249 1 891038224 +392 250 3 891038158 +392 255 3 891038224 +392 257 5 891038184 +392 258 2 891037531 +392 260 1 891037790 +392 268 5 891037385 +392 269 5 891037385 +392 270 4 891037437 +392 271 1 891037490 +392 272 5 891037437 +392 288 4 891037531 +392 289 5 891037769 +392 293 4 891038137 +392 294 4 891037561 +392 297 4 891038137 +392 298 1 891038205 +392 300 2 891037437 +392 302 5 891037385 +392 303 4 891037437 +392 304 4 891037720 +392 310 4 891037490 +392 312 4 891037561 +392 313 5 891037385 +392 316 5 891037811 +392 323 3 891037769 +392 324 1 891037720 +392 325 4 891037634 +392 326 2 891037685 +392 328 3 891037634 +392 333 4 891037531 +392 340 5 891037437 +392 344 4 891037490 +392 345 4 891037385 +392 346 4 891037437 +392 347 4 891037600 +392 463 3 891038946 +392 482 5 891038945 +392 488 4 891038978 +392 491 5 891039049 +392 492 4 891038979 +392 493 4 891038945 +392 495 3 891038401 +392 510 4 891038979 +392 511 5 891038945 +392 513 5 891039049 +392 515 5 891038110 +392 517 5 891038466 +392 528 5 891038371 +392 589 4 891038946 +392 604 5 891039015 +392 615 5 891038371 +392 632 5 891039015 +392 650 5 891038978 +392 657 5 891038401 +392 663 4 891039049 +392 705 5 891038433 +392 813 3 891039015 +392 837 5 891038466 +392 847 4 891039015 +392 872 4 891037790 +392 875 3 891037851 +392 880 4 891037720 +392 1007 5 891038137 +392 1012 4 891038184 +392 1142 5 891038184 +392 1143 4 891038158 +392 1160 2 891038137 +392 1226 4 891038288 +392 1258 1 891038247 +393 1 3 887743611 +393 2 4 887746206 +393 3 3 887745293 +393 4 4 889555384 +393 5 3 887746849 +393 7 4 887744419 +393 8 3 887746145 +393 9 4 887744448 +393 11 3 887745844 +393 12 5 887745883 +393 15 3 887744266 +393 17 1 889728895 +393 21 3 887744765 +393 22 4 887745973 +393 24 3 889729674 +393 25 2 887744294 +393 26 3 887746767 +393 27 4 889555050 +393 28 4 889554674 +393 29 4 889729398 +393 31 4 887745912 +393 33 3 889554648 +393 36 3 889731618 +393 38 4 889731010 +393 40 1 889729185 +393 41 4 889728736 +393 42 4 889554976 +393 48 2 889728177 +393 49 4 889729674 +393 50 5 887743611 +393 51 4 887746456 +393 54 4 889555050 +393 55 4 889727862 +393 56 2 887746015 +393 58 3 887746734 +393 62 4 889728895 +393 64 4 887745973 +393 65 2 887746346 +393 66 3 889554707 +393 67 3 889730088 +393 68 4 889729537 +393 69 4 887745883 +393 70 3 889555251 +393 71 3 889554977 +393 72 4 889730045 +393 73 4 887746206 +393 77 3 889729440 +393 78 2 889731521 +393 79 4 887745973 +393 80 3 889729561 +393 81 2 889728324 +393 82 4 887746174 +393 83 4 887746523 +393 84 3 889731009 +393 85 3 889729375 +393 86 2 889729674 +393 87 4 889554706 +393 89 3 887745973 +393 90 2 889729938 +393 94 4 889731465 +393 95 4 889555295 +393 96 4 889555434 +393 97 4 889555126 +393 99 3 889727536 +393 100 1 887744053 +393 105 3 887745544 +393 108 2 887744658 +393 109 3 887744419 +393 110 2 889730117 +393 111 3 887745293 +393 117 4 887745575 +393 118 4 887744578 +393 121 4 887744419 +393 122 1 889731465 +393 123 4 887744328 +393 125 4 887744239 +393 126 4 887743647 +393 132 2 887746207 +393 134 2 887746824 +393 135 1 887747108 +393 136 5 889555050 +393 138 3 889731793 +393 139 4 889729185 +393 141 2 889729537 +393 142 4 889730460 +393 143 5 889554930 +393 144 3 887746174 +393 145 3 889731820 +393 147 5 887744549 +393 148 4 887744419 +393 153 3 887746671 +393 154 2 887746302 +393 161 4 887746883 +393 168 4 887746482 +393 169 3 887745912 +393 172 5 887745883 +393 173 5 887745759 +393 181 4 887743141 +393 184 4 889555251 +393 186 3 887746734 +393 189 4 887745717 +393 191 3 887745717 +393 194 4 887746239 +393 195 3 889555272 +393 196 4 887746015 +393 202 3 887746015 +393 203 4 887746091 +393 204 4 887746301 +393 206 3 889731329 +393 210 4 887747108 +393 215 4 887745912 +393 222 4 887744239 +393 223 4 887746119 +393 227 4 889728385 +393 228 3 889728385 +393 233 3 889730460 +393 237 4 887744328 +393 239 4 889728324 +393 240 2 887745380 +393 241 4 889554930 +393 243 4 887742916 +393 245 3 887742145 +393 248 4 887744202 +393 249 3 887744373 +393 250 4 887743453 +393 255 4 887744328 +393 257 4 887744294 +393 258 4 887741960 +393 259 4 887742851 +393 265 4 887746301 +393 270 5 887742040 +393 271 3 887742179 +393 272 4 887742006 +393 273 3 889727768 +393 274 4 887744549 +393 275 4 887744053 +393 278 4 887744473 +393 280 4 887744724 +393 281 4 887745343 +393 282 4 887744053 +393 283 3 887744239 +393 288 3 887741960 +393 290 3 887745322 +393 291 4 887744202 +393 294 4 887742145 +393 298 4 887743453 +393 302 4 891364609 +393 303 4 891364609 +393 304 4 887742110 +393 310 4 887742040 +393 313 4 887742040 +393 315 5 887741960 +393 316 5 889554297 +393 317 4 889554707 +393 318 3 887745973 +393 321 3 887742179 +393 322 4 887742825 +393 323 2 887742916 +393 328 5 887742798 +393 332 4 887742764 +393 333 4 889554171 +393 338 2 887742964 +393 342 5 887742179 +393 344 3 891364581 +393 347 4 887742040 +393 349 3 887742939 +393 354 4 889554151 +393 355 3 889554171 +393 356 3 889731088 +393 357 2 887745815 +393 362 3 887741960 +393 363 3 887745086 +393 364 2 889731139 +393 365 3 889729460 +393 366 4 889729345 +393 367 3 889730187 +393 369 3 887745174 +393 373 4 889731437 +393 374 3 889731702 +393 376 4 889730011 +393 377 3 889728200 +393 378 4 887746824 +393 380 2 887746482 +393 384 3 889729508 +393 385 4 887746207 +393 386 4 889731390 +393 391 3 889731703 +393 392 4 889555225 +393 393 3 889731064 +393 394 5 889728627 +393 395 3 889731753 +393 396 1 889730514 +393 398 4 889731753 +393 399 4 889728353 +393 402 3 889730187 +393 403 3 889727503 +393 404 3 889728713 +393 405 4 887744626 +393 409 4 887745258 +393 410 4 887744419 +393 411 2 887745501 +393 412 3 887745380 +393 415 4 889730117 +393 417 3 887746523 +393 418 3 887746207 +393 419 4 887746523 +393 420 3 889728074 +393 421 2 889555000 +393 423 3 887746849 +393 431 2 887746965 +393 443 3 887745624 +393 449 2 889731088 +393 451 3 887746995 +393 456 3 887745501 +393 459 4 887744517 +393 463 4 889555225 +393 465 4 887746916 +393 470 4 889554730 +393 471 4 887744549 +393 472 3 887745199 +393 473 3 887745135 +393 476 3 887744688 +393 477 3 889727833 +393 479 4 889555295 +393 480 4 889554756 +393 483 4 889554540 +393 485 2 887746670 +393 494 4 889727702 +393 496 5 887746119 +393 497 4 889555021 +393 500 4 887746523 +393 501 3 889729614 +393 507 2 889554859 +393 527 3 889727614 +393 538 3 887742071 +393 540 3 889731753 +393 541 3 889555384 +393 544 3 887745135 +393 546 2 887744578 +393 550 3 887746482 +393 552 2 889729638 +393 553 3 887747108 +393 554 4 889729486 +393 559 3 889729614 +393 560 3 889728584 +393 561 3 889728438 +393 566 3 887745717 +393 568 4 889554563 +393 569 4 889728736 +393 571 3 889731793 +393 572 4 889731618 +393 575 2 889728712 +393 576 3 889729938 +393 577 4 889731437 +393 578 4 889728413 +393 585 2 889731649 +393 586 3 889731040 +393 588 4 887746824 +393 591 5 887744372 +393 596 4 887743611 +393 597 3 887745293 +393 613 4 887745937 +393 620 4 887745199 +393 622 4 889555074 +393 623 3 889731562 +393 625 4 889554780 +393 627 4 889729296 +393 628 4 887744626 +393 630 4 889728150 +393 633 2 887746091 +393 636 3 889729508 +393 644 3 889555074 +393 651 4 889728238 +393 652 3 889729375 +393 655 3 887746346 +393 659 4 887746378 +393 672 3 889729614 +393 684 4 889554811 +393 685 3 887744517 +393 686 4 889729185 +393 687 3 887742916 +393 689 3 887742991 +393 690 4 887742110 +393 692 3 889554908 +393 693 3 887746883 +393 696 4 887745258 +393 705 4 887746456 +393 710 4 889554607 +393 715 1 889731592 +393 717 3 887745086 +393 720 3 889554648 +393 721 2 889727930 +393 722 2 889728736 +393 724 3 889729159 +393 725 2 889731501 +393 727 3 889729614 +393 728 3 889730209 +393 729 4 887746431 +393 731 3 889730227 +393 732 4 889555272 +393 737 2 889730261 +393 739 3 887746671 +393 742 4 887744517 +393 747 4 889727969 +393 748 3 887742851 +393 751 2 887741960 +393 755 3 889729831 +393 756 4 887745258 +393 761 4 889728667 +393 769 4 889731593 +393 771 3 889731793 +393 774 4 889731673 +393 775 4 889731390 +393 778 3 887746301 +393 779 3 889729673 +393 780 4 889731390 +393 781 4 889729159 +393 783 3 889729561 +393 785 3 889729749 +393 787 5 889554674 +393 789 1 887746015 +393 790 4 889729773 +393 792 1 889729346 +393 794 4 889730117 +393 797 3 889731138 +393 802 3 889729420 +393 805 2 889555410 +393 808 4 889554882 +393 810 4 889731138 +393 812 3 889555021 +393 815 4 887744372 +393 819 3 889731592 +393 820 3 887745380 +393 821 3 889554756 +393 823 3 889730262 +393 824 3 889731793 +393 825 4 887745230 +393 826 3 889731729 +393 831 1 887745454 +393 833 4 887744626 +393 836 4 889728895 +393 840 4 887744658 +393 841 3 887745199 +393 842 4 889729212 +393 843 3 889731861 +393 845 4 887744202 +393 864 3 887745230 +393 866 3 889728074 +393 870 3 887745454 +393 871 3 887745174 +393 876 3 889554316 +393 879 3 887742798 +393 890 1 887742991 +393 892 3 887742939 +393 893 3 889554457 +393 905 3 887742851 +393 922 4 887744419 +393 924 4 887744688 +393 926 4 887745200 +393 929 3 887745230 +393 930 3 889731593 +393 934 3 887745544 +393 939 4 887745816 +393 941 4 889729212 +393 944 4 889728712 +393 949 3 889731465 +393 951 3 889728531 +393 953 4 889555334 +393 964 2 889555461 +393 977 4 887745501 +393 982 3 889731649 +393 996 3 889731139 +393 997 1 889731703 +393 999 4 889730187 +393 1000 3 889731139 +393 1001 4 887745410 +393 1014 3 887745086 +393 1016 5 887744688 +393 1028 3 887745174 +393 1032 3 889729296 +393 1034 2 889731413 +393 1035 3 889731329 +393 1039 3 887745973 +393 1040 3 887745410 +393 1043 3 889728324 +393 1044 4 889731821 +393 1047 3 887745293 +393 1049 4 887744688 +393 1051 3 887745544 +393 1053 3 889730011 +393 1055 4 889728895 +393 1058 4 887746916 +393 1063 4 889554540 +393 1074 3 889730296 +393 1076 3 889731109 +393 1091 2 889731840 +393 1092 3 889731139 +393 1095 2 887745174 +393 1120 3 887745409 +393 1139 3 889729561 +393 1165 3 889730514 +393 1168 3 889729346 +393 1169 5 887746015 +393 1178 3 889729460 +393 1179 4 889731437 +393 1180 4 889731465 +393 1181 3 889731064 +393 1182 3 889731413 +393 1183 3 889731040 +393 1185 3 889728606 +393 1197 3 887743611 +393 1206 3 889730494 +393 1210 3 889731593 +393 1215 3 889731729 +393 1219 4 889729536 +393 1221 3 889554834 +393 1224 3 889555176 +393 1225 3 889731820 +393 1228 3 889728074 +393 1239 3 889729508 +393 1244 3 887745380 +393 1249 4 889731329 +393 1258 3 887744688 +393 1270 3 889731673 +393 1285 3 889555176 +393 1314 3 889731561 +393 1337 3 887745380 +393 1407 3 889731010 +393 1409 4 889729536 +393 1419 3 889729319 +393 1435 3 889731821 +393 1440 3 889731359 +393 1441 3 889728554 +393 1446 5 887746346 +393 1468 4 887746091 +393 1469 3 889729749 +393 1531 4 889731794 +393 1539 2 889730460 +394 1 4 880886855 +394 4 4 880888037 +394 7 5 880888390 +394 12 4 880887035 +394 22 5 880886919 +394 24 5 880889350 +394 28 4 880886821 +394 29 3 881058201 +394 31 3 880887152 +394 33 4 880889259 +394 38 4 881058146 +394 39 4 880888501 +394 42 4 880887152 +394 50 5 881132876 +394 56 5 880887406 +394 62 4 881132876 +394 63 4 881059464 +394 67 5 881059383 +394 68 5 881058419 +394 69 5 880887063 +394 72 4 880889629 +394 73 3 881058929 +394 77 3 880888603 +394 79 5 880887206 +394 82 4 880889553 +394 84 4 880889583 +394 88 3 880889400 +394 89 5 880889349 +394 90 3 880889528 +394 91 4 880886821 +394 96 5 880886919 +394 97 4 880888223 +394 98 5 880887088 +394 101 4 880886670 +394 109 4 880889159 +394 117 5 880887462 +394 118 4 880889066 +394 123 5 880888566 +394 128 3 880888896 +394 132 4 880887000 +394 141 3 880888815 +394 144 5 880886978 +394 151 5 880886919 +394 154 3 880887152 +394 156 4 880886855 +394 158 3 881059315 +394 161 4 880888850 +394 164 4 880886612 +394 168 5 880886919 +394 172 4 880886919 +394 173 5 881057730 +394 174 5 881057914 +394 176 5 881130008 +394 179 5 880886919 +394 183 4 881130008 +394 184 3 880889010 +394 186 5 880887322 +394 195 5 880886919 +394 202 5 880888245 +394 204 5 880888223 +394 208 5 880888746 +394 210 4 880888689 +394 216 3 880888063 +394 218 4 880889187 +394 222 4 881132876 +394 226 2 880888850 +394 227 4 881132877 +394 229 3 881132958 +394 230 3 881132958 +394 233 3 881058062 +394 238 5 880887348 +394 250 4 881130076 +394 252 3 881130112 +394 257 4 881130047 +394 265 4 880888390 +394 282 3 880888096 +394 288 4 880886919 +394 294 4 880886919 +394 313 5 883304657 +394 343 3 881130008 +394 358 3 880886546 +394 364 3 881059544 +394 380 4 881132876 +394 383 2 881059704 +394 385 5 880889010 +394 386 3 881058897 +394 391 4 881058330 +394 393 4 880889350 +394 402 4 880888775 +394 403 4 880889034 +394 405 3 880889010 +394 411 4 881058969 +394 416 5 880889350 +394 418 4 880887462 +394 419 5 880887250 +394 423 5 881057839 +394 431 5 880889607 +394 433 4 880886919 +394 449 3 881132958 +394 455 4 880889066 +394 496 5 880887206 +394 540 4 881058330 +394 541 3 880889741 +394 546 4 881058167 +394 549 4 880888452 +394 550 4 881058101 +394 554 4 881058101 +394 561 4 881060177 +394 568 5 880888167 +394 576 2 881058371 +394 577 2 881059704 +394 578 2 880888927 +394 597 2 881058201 +394 627 5 880888972 +394 651 4 880888223 +394 655 5 880888313 +394 658 3 880889159 +394 665 2 881130009 +394 672 3 880888540 +394 679 3 881058062 +394 715 4 880888689 +394 720 2 881058146 +394 739 4 880889766 +394 742 5 880888167 +394 746 2 880888313 +394 763 3 881058929 +394 771 4 881060366 +394 773 4 881060053 +394 780 2 881059180 +394 795 2 881059103 +394 797 3 881058330 +394 802 1 881058201 +394 928 4 881059902 +394 940 3 881059103 +394 979 5 881060177 +394 1033 3 880889475 +394 1210 3 881060330 +394 1371 2 880886546 +394 1484 4 881059619 +395 1 5 883765062 +395 15 3 883765928 +395 21 3 883764534 +395 50 5 883763009 +395 89 5 883764264 +395 97 5 883763800 +395 100 4 883765155 +395 118 3 883765791 +395 121 3 883765731 +395 127 5 883765034 +395 151 3 883765297 +395 154 5 883764878 +395 163 5 883764378 +395 172 5 883763041 +395 174 5 883763561 +395 181 5 883764336 +395 186 5 883764817 +395 196 4 883764378 +395 215 5 883763768 +395 216 3 883764378 +395 231 4 883764456 +395 240 1 886481149 +395 252 3 883765897 +395 255 3 883765731 +395 258 4 883762309 +395 273 2 886481149 +395 286 4 883762088 +395 288 2 886481149 +395 300 3 883762362 +395 315 5 886480875 +395 318 4 883764004 +395 343 5 883762614 +395 365 5 883766403 +395 378 5 883764421 +395 423 5 883764742 +395 458 3 883765731 +395 472 3 883765965 +395 515 4 883765297 +395 632 5 883764845 +395 739 3 886481149 +395 748 3 883762577 +395 750 5 883762266 +395 866 3 883766119 +395 892 3 883762681 +395 924 4 883765156 +395 1028 2 886481149 +395 1060 2 886481149 +396 9 4 884646401 +396 25 3 884646191 +396 100 2 884646092 +396 106 4 884646537 +396 117 4 884646191 +396 118 4 884646314 +396 121 5 884646235 +396 125 3 884646191 +396 148 4 884646436 +396 151 3 884646401 +396 222 5 884646152 +396 237 4 884646092 +396 245 3 884645720 +396 260 3 884645754 +396 271 4 884645790 +396 274 4 884646263 +396 281 3 884646647 +396 282 4 884646052 +396 291 4 884646289 +396 300 3 884645550 +396 323 4 884645790 +396 333 4 884645528 +396 405 3 884646314 +396 406 2 884646468 +396 455 2 884646582 +396 471 4 884646263 +396 472 5 884646647 +396 546 4 884646647 +396 597 4 884646647 +396 619 3 884646191 +396 678 3 884645838 +396 717 3 884646467 +396 742 4 884646346 +396 751 3 884645648 +396 823 2 884646647 +396 829 3 884646648 +396 840 3 884646648 +396 841 4 884646648 +396 871 2 884646289 +396 930 3 884646467 +396 974 4 884646152 +396 1025 4 884645839 +396 1028 3 884646191 +396 1215 2 884646709 +397 7 5 885349913 +397 8 4 885349913 +397 12 4 885349790 +397 14 3 885349348 +397 22 4 885349476 +397 23 5 885350132 +397 50 5 885349955 +397 58 5 885349202 +397 65 2 875063876 +397 95 4 885349999 +397 100 5 882839517 +397 108 4 885350045 +397 109 4 889760803 +397 127 5 885349427 +397 134 5 885350132 +397 135 5 885349825 +397 156 5 885350381 +397 171 5 882839540 +397 172 5 885350381 +397 174 5 885349999 +397 177 5 882843746 +397 178 5 885349759 +397 181 4 885349955 +397 182 5 885349759 +397 186 5 885349955 +397 192 5 885349610 +397 194 3 885349348 +397 195 3 885350381 +397 197 5 885349825 +397 199 5 885349790 +397 210 4 885349825 +397 221 4 885349348 +397 223 4 885350132 +397 243 1 875063613 +397 268 4 889760703 +397 273 4 889760803 +397 286 4 882839517 +397 288 4 882839517 +397 289 3 885349348 +397 298 4 885349348 +397 302 5 889760703 +397 313 4 889760640 +397 318 4 885349610 +397 325 3 882838853 +397 332 2 882838773 +397 334 3 885349348 +397 338 4 882839517 +397 340 2 882838664 +397 343 2 885349148 +397 345 4 889760663 +397 346 4 890172230 +397 357 5 885350381 +397 358 2 882838937 +397 390 3 885349427 +397 423 5 885349999 +397 435 4 885349376 +397 457 1 875063722 +397 474 5 882839559 +397 475 4 885350045 +397 479 4 885349865 +397 480 5 885349476 +397 483 5 885349715 +397 484 5 885349759 +397 492 4 885349955 +397 498 4 885349955 +397 504 5 885349865 +397 513 5 885349715 +397 522 5 885349476 +397 529 4 885350326 +397 588 4 885349528 +397 591 4 885349562 +397 611 5 885349562 +397 615 5 885349562 +397 641 5 885349999 +397 652 3 885350326 +397 665 3 885349348 +397 680 1 875063649 +397 688 1 875063649 +397 693 4 885349955 +397 705 5 885350045 +397 748 2 889760845 +397 751 3 885349348 +397 853 4 885350045 +397 855 4 885349476 +397 878 1 875063722 +397 896 4 889760725 +397 988 1 875063722 +397 989 1 875063722 +397 991 1 875063678 +397 1001 1 885350326 +397 1018 4 882839517 +397 1019 3 885349715 +398 1 5 875652927 +398 2 3 875718614 +398 4 2 875723337 +398 8 3 875716709 +398 12 3 875658898 +398 13 3 875652318 +398 25 4 875655011 +398 28 5 875660302 +398 31 3 875658967 +398 47 3 875738523 +398 49 3 875736199 +398 50 5 875652927 +398 56 4 875659843 +398 58 4 875717106 +398 63 2 875732862 +398 64 4 875660439 +398 65 3 875743739 +398 66 4 875736732 +398 69 5 875659191 +398 71 5 875743517 +398 72 3 875719399 +398 73 3 875723337 +398 79 4 875660535 +398 82 5 875721348 +398 85 4 875718731 +398 86 3 875726010 +398 87 4 875716709 +398 88 4 875733660 +398 94 2 875732304 +398 95 5 875659266 +398 96 4 875716709 +398 97 4 875721348 +398 100 3 875652816 +398 111 3 875652318 +398 117 4 875653091 +398 124 5 875717717 +398 125 3 875719764 +398 126 4 875652700 +398 127 4 875651657 +398 132 5 875716829 +398 133 3 875726786 +398 134 3 875658898 +398 135 3 875657802 +398 152 4 875721702 +398 153 4 875732862 +398 154 2 875718614 +398 158 3 875738202 +398 159 3 875717020 +398 162 5 875811851 +398 163 3 875738333 +398 167 3 875735638 +398 168 3 875658967 +398 173 4 875719080 +398 174 5 875660535 +398 176 4 875725256 +398 178 5 875718614 +398 181 4 875652318 +398 182 4 875657802 +398 183 4 875659518 +398 185 5 875717638 +398 186 4 875733496 +398 191 4 875721348 +398 194 5 875717638 +398 196 4 875746951 +398 197 5 875660226 +398 199 4 875721548 +398 202 3 875725256 +398 203 4 875908134 +398 204 4 875716013 +398 205 5 875660535 +398 208 5 875723253 +398 211 4 875717407 +398 216 5 875723337 +398 227 2 875908666 +398 228 5 875657926 +398 229 3 875744031 +398 230 3 875908666 +398 231 2 875743840 +398 234 4 875659265 +398 235 2 875716709 +398 237 3 875653168 +398 239 3 875747539 +398 274 3 875655841 +398 276 4 875652760 +398 283 3 875652760 +398 367 3 875717020 +398 385 3 875723253 +398 393 5 875732738 +398 399 4 875721702 +398 403 4 875657734 +398 414 3 875721111 +398 423 5 875659319 +398 427 4 875657734 +398 429 4 875716829 +398 430 4 875659265 +398 432 3 875718670 +398 435 5 875717106 +398 447 2 875658967 +398 474 4 875657926 +398 476 3 875652760 +398 478 5 875657857 +398 479 4 875717020 +398 480 5 875658794 +398 481 3 875659441 +398 482 5 875657802 +398 483 5 875720673 +398 484 4 875659319 +398 485 5 875657857 +398 491 5 875718954 +398 494 3 875813142 +398 495 4 875660439 +398 496 5 875721111 +398 497 3 875717407 +398 498 5 875657734 +398 501 3 875658898 +398 502 3 875717717 +398 504 3 875722071 +398 510 4 875658715 +398 514 4 875658794 +398 519 4 875723337 +398 521 5 875717779 +398 523 4 875717779 +398 525 3 875908134 +398 582 2 875659518 +398 588 4 875659517 +398 589 3 875657734 +398 591 3 875652876 +398 602 4 875660302 +398 603 4 875721548 +398 604 5 875658794 +398 607 3 875720467 +398 610 4 875745631 +398 633 4 875726786 +398 648 5 875733496 +398 654 4 875726730 +398 655 4 875658967 +398 661 3 875719399 +398 662 2 875723172 +398 663 2 875735255 +398 684 4 875908134 +398 692 4 875717020 +398 700 2 875736199 +398 705 5 875658898 +398 708 3 875747159 +398 710 2 875716830 +398 712 2 875736732 +398 715 2 875736732 +398 732 4 875719199 +398 735 4 875659266 +398 737 2 875811449 +398 756 3 875654592 +398 796 3 875732862 +398 837 4 875718614 +398 953 3 875658968 +398 969 4 875659518 +398 991 2 875651527 +398 993 3 875653043 +398 1020 3 875659843 +398 1041 3 875733660 +398 1119 4 875812011 +398 1126 4 875722533 +398 1450 5 875717717 +399 1 4 882340657 +399 2 3 882512708 +399 5 3 882345001 +399 8 3 882510165 +399 9 3 882510018 +399 11 4 882344199 +399 12 3 882509891 +399 15 5 882340828 +399 22 3 882342834 +399 24 4 882341239 +399 26 2 882510126 +399 28 2 882344134 +399 29 3 882349198 +399 31 3 882345649 +399 38 2 882345164 +399 39 2 882344310 +399 41 2 882348876 +399 42 2 882510250 +399 43 3 882348664 +399 47 3 882511093 +399 48 3 882349868 +399 50 3 882343040 +399 53 4 882345271 +399 54 4 882343126 +399 55 2 882343171 +399 56 3 882346649 +399 57 4 882343260 +399 58 3 882344942 +399 62 3 882348876 +399 63 3 882348615 +399 64 3 882342313 +399 66 3 882343171 +399 67 3 882350899 +399 68 3 882347577 +399 69 3 882342019 +399 71 3 882351580 +399 72 4 882350323 +399 73 3 882343731 +399 77 2 882349094 +399 78 3 882348948 +399 79 3 882512214 +399 80 3 882349068 +399 82 3 882344512 +399 84 2 882345842 +399 90 2 882350653 +399 91 4 882345023 +399 93 3 882512192 +399 94 5 882349022 +399 95 3 882343068 +399 96 3 882342019 +399 97 4 882343204 +399 98 4 882342894 +399 99 3 882344269 +399 100 3 882509855 +399 102 3 882344236 +399 110 2 882343523 +399 114 4 882341974 +399 117 2 882347620 +399 118 3 882341383 +399 121 3 882341403 +399 123 2 882340807 +399 127 2 882346585 +399 128 3 882343293 +399 132 3 882343327 +399 139 3 882348153 +399 140 4 882343731 +399 143 5 882344638 +399 144 3 882342689 +399 147 5 882340620 +399 148 4 882341362 +399 151 2 882511876 +399 153 2 882351347 +399 155 2 882348773 +399 156 3 882342537 +399 157 3 882342019 +399 161 3 882344434 +399 164 2 882344553 +399 168 3 882342776 +399 172 3 882342537 +399 173 3 882349928 +399 174 3 882342187 +399 175 3 882342669 +399 176 3 882342127 +399 179 3 882344406 +399 180 3 882345001 +399 181 3 882342689 +399 182 4 882342570 +399 186 4 882342669 +399 187 3 882346401 +399 188 4 882344310 +399 195 2 882342669 +399 203 4 882344434 +399 204 3 882342061 +399 210 3 882342805 +399 214 4 882344722 +399 215 2 882510226 +399 218 4 882344597 +399 219 3 882345454 +399 222 3 882344434 +399 223 3 882343012 +399 225 3 882345212 +399 226 3 882344406 +399 227 2 882344794 +399 228 2 882347783 +399 229 2 882349143 +399 230 3 882344512 +399 231 3 882350375 +399 232 2 882350431 +399 233 3 882347061 +399 234 3 882343294 +399 235 4 882340876 +399 237 3 882510490 +399 238 1 882342061 +399 239 3 882344553 +399 241 4 882342866 +399 246 3 882340639 +399 264 3 882340517 +399 265 3 882342776 +399 268 3 882340284 +399 273 3 882340657 +399 274 3 882512167 +399 276 3 882510107 +399 282 3 882340775 +399 284 2 882512342 +399 288 3 882340200 +399 289 4 882340311 +399 291 3 882510126 +399 295 4 882341264 +399 301 4 882340242 +399 302 4 882340101 +399 307 3 882340264 +399 318 5 882342589 +399 320 3 882342537 +399 323 1 882340517 +399 328 4 882340311 +399 332 3 882340242 +399 338 1 882509709 +399 340 2 882340517 +399 343 2 882340517 +399 356 3 882344512 +399 364 4 882350813 +399 366 3 882345271 +399 378 3 882348284 +399 379 3 882512003 +399 380 3 882345164 +399 382 3 882344134 +399 383 2 882350431 +399 384 2 882345698 +399 385 3 882344597 +399 386 3 882349353 +399 388 2 882350791 +399 389 3 882345078 +399 393 4 882343455 +399 395 3 882350733 +399 399 3 882342354 +399 400 3 882349170 +399 401 3 882350710 +399 403 3 882350502 +399 404 3 882344684 +399 405 3 882340599 +399 407 3 882341644 +399 412 2 882352468 +399 413 2 882340900 +399 418 3 882343605 +399 419 3 882343327 +399 420 3 882347783 +399 423 3 882344052 +399 426 3 882350431 +399 431 2 882344906 +399 432 3 882348283 +399 433 3 882344269 +399 436 2 882348478 +399 444 1 882350733 +399 450 2 882350791 +399 451 3 882344684 +399 452 3 882350762 +399 454 3 882510989 +399 455 4 882340924 +399 459 4 882340807 +399 462 3 882510290 +399 465 3 882350005 +399 468 3 882344134 +399 470 4 882344832 +399 471 3 882340719 +399 475 5 882340827 +399 486 3 882510290 +399 496 3 882349868 +399 501 2 882346851 +399 506 3 882344406 +399 508 3 882509971 +399 511 3 882341848 +399 526 3 882343171 +399 527 3 882511093 +399 540 2 882348722 +399 541 3 882345622 +399 542 3 882344021 +399 543 3 882509971 +399 544 2 882340556 +399 545 2 882345164 +399 546 2 882341383 +399 549 4 882347190 +399 550 3 882345120 +399 551 1 882349022 +399 552 1 882350733 +399 554 3 882348592 +399 559 3 882344096 +399 560 3 882352404 +399 561 2 882345335 +399 564 3 882350899 +399 566 4 882344871 +399 568 2 882345842 +399 575 1 882350762 +399 576 3 882350563 +399 578 2 882348722 +399 582 3 882343358 +399 587 3 882351626 +399 588 5 882342938 +399 591 3 882340599 +399 597 3 882341330 +399 616 1 882341881 +399 622 4 882343605 +399 628 3 882340719 +399 633 3 882347019 +399 651 3 882509971 +399 655 3 882344372 +399 658 3 882350198 +399 660 3 882510250 +399 665 3 882345408 +399 673 3 882343789 +399 679 3 882344596 +399 684 3 882344269 +399 693 3 882510165 +399 697 2 882345454 +399 710 2 882342537 +399 720 3 882348565 +399 722 2 882348153 +399 727 4 882344722 +399 732 2 882348089 +399 735 3 882344512 +399 738 4 882350583 +399 744 3 882510147 +399 746 5 882342158 +399 747 5 882345053 +399 754 3 882340242 +399 755 2 882344757 +399 760 1 882341554 +399 763 2 882340900 +399 768 3 882350401 +399 769 3 882350813 +399 772 4 882343358 +399 774 3 882345053 +399 779 4 882350850 +399 780 1 882350850 +399 781 2 882350617 +399 794 3 882349274 +399 806 3 882344096 +399 809 3 882352357 +399 813 3 882512003 +399 817 4 882509927 +399 820 4 882341191 +399 824 2 882341445 +399 825 2 882341586 +399 826 2 882349353 +399 845 3 882340719 +399 890 2 882340517 +399 919 2 882510379 +399 926 2 882348850 +399 928 2 882341586 +399 941 3 882347577 +399 946 3 882343172 +399 959 3 882343523 +399 969 3 882346728 +399 975 2 882344974 +399 977 3 882341607 +399 986 3 882341586 +399 1035 3 882352065 +399 1042 3 882348283 +399 1060 3 882510269 +399 1074 4 882345842 +399 1086 3 882340827 +399 1090 2 882345212 +399 1135 2 882349170 +399 1137 4 882340556 +399 1139 4 882348974 +399 1170 3 882510250 +399 1178 3 882350341 +399 1179 2 882352324 +399 1184 3 882344638 +399 1192 3 882344638 +399 1207 3 882350813 +399 1210 2 882348690 +399 1217 4 882350282 +399 1219 3 882348448 +399 1220 2 882343389 +399 1228 3 882345500 +399 1231 3 882350487 +399 1244 3 882341607 +399 1246 1 882511876 +399 1274 1 882350870 +399 1279 3 882341625 +399 1314 3 882349198 +399 1393 3 882340421 +399 1396 4 882343455 +399 1401 3 882342219 +399 1459 3 882345473 +399 1480 3 882350899 +399 1540 3 882350282 +399 1541 3 882510107 +399 1542 2 882348592 +400 259 3 885676490 +400 300 4 885676230 +400 304 4 885676490 +400 307 3 885676526 +400 313 5 885676316 +400 321 4 885676452 +400 323 4 885676582 +400 328 3 885676490 +400 343 4 885676552 +400 689 3 885676316 +400 749 4 885676452 +400 895 4 885676452 +401 1 2 891032170 +401 9 3 891032218 +401 11 2 891033227 +401 13 2 891033204 +401 14 3 891032271 +401 25 4 891032412 +401 44 4 891032868 +401 50 1 891034050 +401 64 3 891032757 +401 65 4 891033250 +401 69 3 891033417 +401 70 4 891033625 +401 71 2 891033549 +401 83 4 891033122 +401 88 4 891033319 +401 97 4 891033582 +401 99 4 891033582 +401 100 4 891032170 +401 117 3 891032563 +401 121 3 891032662 +401 125 3 891033651 +401 127 1 891032170 +401 133 4 891032847 +401 135 1 891032919 +401 143 4 891033034 +401 144 5 891033523 +401 147 2 891032662 +401 151 1 891032584 +401 153 2 891033466 +401 154 1 891033184 +401 157 3 891033582 +401 161 2 891033603 +401 162 5 891033395 +401 168 1 891033442 +401 172 3 891032896 +401 174 4 891032803 +401 181 3 891032518 +401 185 4 891033523 +401 188 1 891033267 +401 191 4 891032847 +401 194 4 891033395 +401 196 5 891033497 +401 197 4 891033417 +401 198 4 891033370 +401 199 3 891032896 +401 202 4 891033319 +401 203 4 891033288 +401 211 4 891033092 +401 216 4 891032803 +401 225 1 891032474 +401 235 1 891032474 +401 237 3 891032367 +401 243 3 891031867 +401 248 3 891032367 +401 257 2 891032563 +401 272 3 891031508 +401 273 2 891032334 +401 275 4 891032271 +401 276 4 891032433 +401 278 4 891032412 +401 280 2 891032607 +401 282 3 891032584 +401 286 2 891031464 +401 294 1 891031621 +401 302 3 891031464 +401 312 3 891031784 +401 315 4 891031464 +401 316 5 891031756 +401 318 4 891032737 +401 321 2 891031554 +401 322 2 891031784 +401 328 4 891031723 +401 342 1 891031723 +401 356 4 891033122 +401 357 4 891032896 +401 365 4 891033497 +401 371 3 891033550 +401 385 3 891033603 +401 404 2 891033395 +401 405 2 891032453 +401 428 4 891033092 +401 429 3 891032847 +401 430 2 891033582 +401 435 5 891033250 +401 451 2 891033343 +401 471 4 891032495 +401 473 1 891034050 +401 477 1 891034050 +401 478 2 891033497 +401 481 3 891033014 +401 482 4 891033343 +401 483 4 891033121 +401 484 3 891032737 +401 485 4 891033092 +401 486 4 891033184 +401 490 3 891033250 +401 493 4 891033370 +401 499 3 891033319 +401 501 2 891033184 +401 507 4 891033014 +401 508 3 891032433 +401 509 4 891033582 +401 511 2 891033092 +401 515 4 891032367 +401 519 4 891033158 +401 520 3 891033442 +401 528 5 891033442 +401 535 2 891032518 +401 537 4 891033466 +401 553 5 891033523 +401 566 5 891033684 +401 582 4 891033523 +401 584 3 891033227 +401 588 2 891033549 +401 591 3 891032607 +401 603 4 891033497 +401 604 4 891033370 +401 609 3 891033625 +401 610 4 891033651 +401 630 4 891033370 +401 632 4 891033014 +401 634 1 891033319 +401 638 4 891033158 +401 651 4 891032919 +401 654 3 891033184 +401 655 3 891033417 +401 659 3 891033061 +401 661 3 891033158 +401 663 1 891033549 +401 678 3 891031936 +401 684 4 891033651 +401 707 2 891032868 +401 724 4 891033319 +401 735 5 891033158 +401 748 3 891031784 +401 751 1 891031532 +401 762 2 891032662 +401 815 3 891032662 +401 892 1 891031867 +401 1009 4 891032626 +401 1011 3 891032367 +401 1016 3 891032607 +401 1289 2 891032495 +402 1 5 876266860 +402 7 4 876267068 +402 9 4 876266741 +402 10 2 876266985 +402 12 4 876266826 +402 13 3 876266701 +402 15 5 876267115 +402 16 3 876267096 +402 19 4 876267096 +402 42 4 876267173 +402 50 4 876266741 +402 95 5 876267235 +402 100 5 876266904 +402 111 4 876267041 +402 116 3 876267067 +402 117 3 876267173 +402 118 4 876267096 +402 124 4 876266926 +402 126 4 876266741 +402 127 5 876267014 +402 135 4 876266775 +402 137 4 876266701 +402 168 5 876267206 +402 181 4 876266860 +402 182 5 876266775 +402 204 5 876267206 +402 228 3 876267173 +402 234 4 876266826 +402 237 4 876266948 +402 255 4 876266948 +402 257 4 876266701 +402 258 4 876266650 +402 273 4 876267014 +402 275 5 876266741 +402 276 5 876267014 +402 286 5 876266650 +402 408 5 876266741 +402 410 1 876266985 +402 455 3 876266886 +402 471 4 876267041 +402 475 3 876266741 +402 476 3 876266985 +402 480 5 876267206 +402 483 5 876267173 +402 510 5 876267235 +402 515 5 876266860 +402 529 4 876266775 +402 591 4 876267041 +402 628 3 876267067 +402 696 4 876267014 +402 710 2 876267206 +402 748 3 876266860 +402 764 3 876266985 +402 864 3 876266926 +402 1048 2 876266985 +402 1060 3 876267041 +402 1101 4 876267234 +402 1284 3 876266984 +403 1 4 879785974 +403 7 5 879785867 +403 9 3 879786052 +403 50 5 879785736 +403 100 5 879785974 +403 106 2 879786084 +403 111 4 879785974 +403 117 4 879786112 +403 118 5 879785974 +403 121 5 879786221 +403 123 3 879786112 +403 129 4 879785822 +403 147 5 879786052 +403 148 5 879786351 +403 151 4 879786270 +403 181 4 879785916 +403 222 5 879786190 +403 235 5 879786165 +403 237 5 879786221 +403 257 2 879786112 +403 258 4 879785703 +403 276 4 879785941 +403 282 5 879786052 +403 291 4 879790319 +403 370 3 879790344 +403 405 5 879786747 +403 472 4 879790319 +403 476 4 879790468 +403 477 4 879786165 +403 515 4 879785867 +403 546 3 879786221 +403 597 2 879786747 +403 685 4 879786662 +403 760 1 879790343 +403 864 4 879786747 +403 866 4 879786294 +403 925 4 879790468 +403 928 3 879786008 +403 1012 1 879786190 +403 1199 2 879790506 +404 22 5 883790911 +404 66 4 883790883 +404 245 3 883790401 +404 269 4 883790750 +404 270 4 883790749 +404 272 4 883790181 +404 286 1 883790181 +404 288 3 883790314 +404 294 4 883790430 +404 300 4 883790749 +404 301 3 883790286 +404 302 4 883790218 +404 307 4 883790749 +404 310 4 883790750 +404 313 5 883790181 +404 323 3 883790430 +404 327 2 883790366 +404 328 4 883790749 +404 332 4 883790749 +404 333 2 883790286 +404 339 1 883790609 +404 342 3 883790750 +404 683 4 883790366 +404 687 3 883790465 +404 689 2 883790585 +404 690 5 876889178 +404 748 4 883790430 +404 750 3 883790750 +404 754 3 883790218 +404 876 2 883790286 +404 879 3 883790465 +404 892 2 883790550 +404 901 2 883790585 +404 938 4 883790749 +405 2 1 885547953 +405 4 4 885547314 +405 5 4 885545070 +405 8 4 885545015 +405 11 4 885545263 +405 12 5 885545306 +405 22 5 885545167 +405 23 5 885545372 +405 26 3 885545552 +405 27 1 885546487 +405 28 4 885544947 +405 29 4 885545639 +405 30 1 885549544 +405 31 1 885548579 +405 32 1 885546025 +405 33 1 885547360 +405 35 2 885549095 +405 36 2 885546859 +405 37 1 885548384 +405 38 5 885548093 +405 39 1 885546155 +405 40 2 885547735 +405 41 1 885547735 +405 42 1 885547313 +405 43 1 885546680 +405 44 1 885548670 +405 45 1 885549506 +405 46 1 885546445 +405 47 5 885545429 +405 48 1 885546154 +405 49 1 885547407 +405 50 5 885544947 +405 51 1 885546577 +405 52 1 885546379 +405 53 2 885548137 +405 54 2 885546379 +405 55 1 885547909 +405 56 4 885544911 +405 57 1 885546577 +405 58 1 885546247 +405 59 1 885549507 +405 60 1 885549589 +405 61 1 885549589 +405 62 1 885547996 +405 63 3 885547408 +405 64 5 885544739 +405 65 1 885546379 +405 66 5 885547268 +405 67 5 885547360 +405 68 1 885547996 +405 69 4 885545111 +405 70 3 885545912 +405 71 1 885548836 +405 72 3 885547268 +405 73 5 885547313 +405 75 2 885546069 +405 76 3 885545606 +405 77 1 885546248 +405 78 2 885549045 +405 79 5 885544798 +405 80 1 885547557 +405 81 3 885546025 +405 82 4 885547952 +405 83 1 885545974 +405 85 4 885547407 +405 86 1 885546154 +405 87 1 885546112 +405 88 3 885547360 +405 89 1 885547952 +405 90 4 885547447 +405 91 2 885548932 +405 92 1 885546287 +405 94 5 885547408 +405 95 3 885548785 +405 96 3 885544881 +405 97 2 885545638 +405 98 4 885544798 +405 99 5 885548785 +405 101 1 885549192 +405 102 1 885548877 +405 110 1 885547506 +405 127 5 885545167 +405 132 5 885544698 +405 135 5 885545333 +405 139 3 885549005 +405 140 3 885548932 +405 141 2 885548877 +405 142 1 885549004 +405 143 5 885548785 +405 149 1 885549746 +405 161 1 885547997 +405 168 1 885547124 +405 169 1 885549192 +405 170 1 885549506 +405 171 1 885549544 +405 172 5 885545111 +405 173 5 885544798 +405 174 5 885544739 +405 175 1 885546069 +405 176 1 885547909 +405 177 1 885547996 +405 178 3 885544947 +405 179 1 885546201 +405 180 3 885546069 +405 181 5 885547909 +405 182 1 885545974 +405 183 1 885547909 +405 184 1 885547952 +405 185 4 885544769 +405 186 5 885547176 +405 187 5 885544739 +405 188 1 885547996 +405 189 1 885549192 +405 191 4 885545235 +405 192 5 885545401 +405 193 4 885544698 +405 194 1 885547176 +405 195 5 885544881 +405 196 1 885546112 +405 197 4 885545167 +405 198 2 885549506 +405 199 1 885546025 +405 200 2 885548330 +405 201 1 885547176 +405 202 4 885547221 +405 203 1 885548578 +405 204 5 885544769 +405 205 3 885546025 +405 206 1 885549589 +405 207 1 885549543 +405 208 5 885547124 +405 209 3 885547124 +405 211 1 885547177 +405 212 1 885546445 +405 213 2 885549309 +405 214 4 885545235 +405 215 5 885545263 +405 216 2 885547124 +405 217 1 885548385 +405 218 5 885548330 +405 219 5 885548384 +405 226 2 885547953 +405 227 1 885548049 +405 228 1 885547910 +405 229 1 885548048 +405 230 2 885547953 +405 231 3 885548094 +405 232 4 885547314 +405 233 1 885547952 +405 234 5 885548275 +405 238 5 885545070 +405 239 3 885546112 +405 241 1 885547909 +405 265 2 885547910 +405 288 5 885544635 +405 302 4 885544635 +405 303 1 885549904 +405 308 1 885549942 +405 313 4 885544635 +405 317 4 885544911 +405 318 5 885545167 +405 341 1 885549904 +405 347 4 885544635 +405 350 1 885549903 +405 351 1 885549942 +405 356 5 885545912 +405 357 5 885544974 +405 361 2 885549942 +405 364 1 885547766 +405 365 1 885545672 +405 366 3 885545552 +405 367 1 885547222 +405 371 1 885549309 +405 372 1 885547313 +405 373 2 885548162 +405 374 1 885549094 +405 375 1 885546835 +405 376 5 885547690 +405 377 1 885547690 +405 378 4 885546379 +405 379 1 885548475 +405 380 2 885545883 +405 381 1 885547222 +405 382 1 885546336 +405 383 1 885547605 +405 384 3 885547605 +405 385 1 885547910 +405 386 3 885547605 +405 387 1 885546680 +405 388 4 885547558 +405 389 2 885548932 +405 391 1 885548137 +405 392 5 885545487 +405 393 4 885547314 +405 395 3 885547506 +405 396 1 885547408 +405 397 4 885548094 +405 398 1 885548094 +405 399 1 885547408 +405 400 1 885549044 +405 401 1 885547448 +405 402 3 885546445 +405 403 5 885546445 +405 404 4 885548932 +405 414 1 885547268 +405 415 2 885549005 +405 416 2 885548932 +405 417 2 885548836 +405 418 5 885548836 +405 419 4 885548785 +405 420 5 885548785 +405 421 1 885549309 +405 422 1 885548836 +405 423 5 885545306 +405 425 2 885546112 +405 426 1 885549192 +405 427 5 885545306 +405 428 1 885547314 +405 429 5 885545200 +405 430 1 885547177 +405 431 3 885547996 +405 432 3 885548785 +405 433 4 885545070 +405 434 3 885546201 +405 435 1 885547176 +405 436 1 885548384 +405 437 1 885548435 +405 438 1 885548384 +405 439 1 885548330 +405 440 1 885548330 +405 441 1 885548435 +405 442 1 885548384 +405 443 4 885548330 +405 444 3 885548385 +405 445 4 885548435 +405 446 1 885548385 +405 447 4 885548331 +405 448 4 885548331 +405 449 1 885548093 +405 450 1 885548093 +405 451 5 885547360 +405 452 5 885548434 +405 453 3 885548385 +405 461 3 885545639 +405 462 2 885549506 +405 463 1 885548836 +405 464 1 885546379 +405 466 1 885548633 +405 467 4 885545200 +405 468 3 885544698 +405 469 1 885546288 +405 470 1 885546247 +405 480 4 885544739 +405 482 3 885544739 +405 501 3 885548837 +405 504 2 885548579 +405 509 1 885546112 +405 510 1 885545975 +405 511 2 885546112 +405 512 1 885549589 +405 513 1 885546112 +405 514 1 885547221 +405 515 1 885546025 +405 516 1 885547314 +405 517 3 885547177 +405 518 1 885546287 +405 519 2 885546025 +405 520 2 885546025 +405 522 1 885545975 +405 523 2 885545975 +405 525 1 885548632 +405 526 1 885546154 +405 527 5 885545200 +405 528 1 885546248 +405 529 1 885549543 +405 530 1 885547953 +405 536 1 885549746 +405 537 1 885546445 +405 540 1 885548163 +405 541 1 885548162 +405 542 1 885549095 +405 543 1 885549407 +405 545 1 885547766 +405 548 1 885549095 +405 549 1 885546336 +405 550 2 885547909 +405 551 1 885548475 +405 552 1 885548686 +405 553 1 885546379 +405 554 1 885548049 +405 555 1 885546835 +405 556 1 885546636 +405 557 1 885549650 +405 558 1 885546069 +405 559 5 885548330 +405 560 1 885549045 +405 561 1 885548475 +405 562 1 885548137 +405 563 1 885548475 +405 564 1 885547606 +405 565 2 885548474 +405 566 1 885547953 +405 567 2 885548474 +405 568 4 885547910 +405 569 1 885546680 +405 571 5 885547605 +405 573 3 885548435 +405 574 1 885546724 +405 575 5 885547557 +405 576 1 885548093 +405 577 3 885547557 +405 578 1 885548093 +405 579 1 885547557 +405 580 1 885547447 +405 581 3 885546530 +405 582 3 885546336 +405 583 1 885546112 +405 584 1 885548785 +405 585 1 885547447 +405 586 4 885548136 +405 588 2 885548785 +405 592 1 885548670 +405 593 1 885549790 +405 603 3 885548578 +405 606 3 885545070 +405 621 1 885548932 +405 622 1 885548877 +405 623 1 885549004 +405 624 4 885548836 +405 625 3 885548836 +405 626 1 885548877 +405 627 1 885548877 +405 638 1 885549589 +405 639 1 885549635 +405 640 1 885549589 +405 641 1 885546201 +405 642 1 885548579 +405 643 1 885546336 +405 644 3 885545672 +405 645 1 885546635 +405 646 2 885546202 +405 647 1 885546069 +405 648 1 885547124 +405 649 1 885546445 +405 650 1 885546336 +405 651 5 885545167 +405 652 1 885547360 +405 653 1 885548579 +405 654 2 885548579 +405 655 5 885545401 +405 656 1 885548275 +405 657 1 885548578 +405 658 4 885545516 +405 659 4 885544739 +405 660 2 885546247 +405 661 3 885546025 +405 662 1 885546155 +405 663 2 885547221 +405 664 1 885546724 +405 665 1 885548094 +405 666 1 885549635 +405 667 1 885548275 +405 668 1 885548275 +405 669 1 885548435 +405 670 1 885548384 +405 671 2 885548330 +405 672 1 885548434 +405 673 5 885545235 +405 674 1 885548275 +405 675 1 885548275 +405 679 1 885547997 +405 684 3 885547996 +405 693 2 885546154 +405 694 1 885546336 +405 695 1 885546287 +405 697 1 885545883 +405 698 1 885546069 +405 699 2 885546247 +405 700 1 885547645 +405 702 1 885547407 +405 703 2 885546112 +405 704 2 885546577 +405 707 1 885549309 +405 708 1 885546487 +405 709 1 885547314 +405 710 4 885547268 +405 712 1 885547506 +405 714 1 885546379 +405 715 1 885546445 +405 716 1 885547408 +405 719 1 885547447 +405 720 1 885546487 +405 722 1 885547735 +405 723 1 885546288 +405 724 1 885546530 +405 725 1 885547691 +405 726 1 885547690 +405 727 1 885546247 +405 728 4 885547690 +405 729 4 885545487 +405 730 1 885545975 +405 731 3 885546202 +405 732 5 885545456 +405 733 1 885546248 +405 734 2 885547506 +405 735 5 885545306 +405 736 5 885546336 +405 737 1 885546487 +405 738 1 885547447 +405 739 2 885549309 +405 745 1 885547506 +405 746 1 885547176 +405 747 1 885549309 +405 753 1 885549464 +405 755 2 885548877 +405 757 1 885549095 +405 759 1 885548162 +405 761 1 885548049 +405 765 1 885547735 +405 768 3 885548932 +405 769 1 885548475 +405 770 1 885548048 +405 771 1 885548162 +405 772 1 885546379 +405 773 1 885548330 +405 774 1 885548475 +405 775 1 885547735 +405 776 1 885549094 +405 777 1 885548275 +405 778 1 885546248 +405 779 1 885548137 +405 780 3 885547691 +405 781 5 885547447 +405 782 1 885546636 +405 783 2 885547645 +405 784 1 885548275 +405 785 1 885547407 +405 786 1 885547644 +405 787 3 885545672 +405 788 1 885548275 +405 789 1 885547268 +405 790 1 885547360 +405 791 1 885547605 +405 792 5 885545552 +405 793 1 885547313 +405 794 5 885549309 +405 795 2 885547605 +405 796 3 885547447 +405 798 1 885546724 +405 802 1 885548049 +405 806 1 885545974 +405 807 1 885546680 +405 808 1 885546487 +405 810 1 885548094 +405 812 1 885548877 +405 816 1 885548435 +405 842 5 885548932 +405 843 2 885549005 +405 849 1 885548049 +405 851 1 885549407 +405 853 1 885547124 +405 854 1 885547222 +405 855 1 885549543 +405 856 1 885546287 +405 858 1 885548435 +405 859 1 885547506 +405 860 1 885548435 +405 861 1 885548275 +405 877 1 885549903 +405 904 1 885549904 +405 920 1 885549746 +405 921 1 885549634 +405 923 2 885549464 +405 939 5 885545200 +405 940 1 885547605 +405 941 1 885546577 +405 942 1 885546336 +405 943 1 885548633 +405 944 3 885547447 +405 946 2 885548836 +405 947 1 885548048 +405 949 5 885545702 +405 951 1 885548877 +405 953 3 885546487 +405 954 4 885547268 +405 955 1 885549308 +405 956 2 885546069 +405 957 1 885549464 +405 958 1 885549590 +405 959 1 885547222 +405 960 1 885545975 +405 964 1 885546154 +405 969 3 885545015 +405 970 1 885546487 +405 971 1 885549464 +405 972 1 885546445 +405 994 1 885549746 +405 996 1 885547268 +405 997 1 885547644 +405 999 1 885547557 +405 1004 1 885546577 +405 1005 1 885549407 +405 1006 1 885546445 +405 1018 1 885549589 +405 1019 1 885549465 +405 1021 1 885549543 +405 1027 1 885548048 +405 1029 1 885547735 +405 1030 1 885547605 +405 1031 1 885549045 +405 1032 1 885549044 +405 1035 1 885548877 +405 1036 1 885547506 +405 1037 3 885547506 +405 1041 5 885547447 +405 1042 1 885548671 +405 1043 1 885547644 +405 1044 4 885545552 +405 1045 3 885546112 +405 1046 2 885548633 +405 1053 5 885545456 +405 1055 3 885546202 +405 1058 1 885546635 +405 1062 1 885549904 +405 1063 5 885548785 +405 1065 1 885546069 +405 1066 1 885549111 +405 1069 1 885546154 +405 1070 1 885547123 +405 1072 1 885547222 +405 1073 1 885548578 +405 1074 3 885546636 +405 1076 2 885549044 +405 1078 1 885549004 +405 1090 1 885548670 +405 1091 1 885549004 +405 1099 1 885549588 +405 1100 1 885546681 +405 1101 3 885546287 +405 1103 2 885546025 +405 1104 1 885549408 +405 1107 1 885546635 +405 1108 1 885546069 +405 1109 1 885548632 +405 1110 1 885547644 +405 1111 1 885547360 +405 1112 2 885546530 +405 1113 1 885546680 +405 1118 1 885547268 +405 1119 3 885545306 +405 1139 1 885546859 +405 1146 2 885546724 +405 1147 2 885546069 +405 1148 1 885546680 +405 1159 1 885549407 +405 1166 1 885546025 +405 1167 1 885547268 +405 1168 1 885546725 +405 1175 1 885549904 +405 1176 3 885549942 +405 1178 1 885547690 +405 1179 1 885547690 +405 1180 1 885547605 +405 1182 1 885547557 +405 1184 1 885547996 +405 1188 3 885547506 +405 1192 1 885545975 +405 1193 1 885549506 +405 1194 1 885546201 +405 1195 1 885549590 +405 1200 1 885548785 +405 1206 1 885546530 +405 1207 1 885548686 +405 1208 1 885546577 +405 1209 3 885547645 +405 1210 1 885548670 +405 1217 3 885548633 +405 1218 5 885547360 +405 1219 1 885549094 +405 1220 3 885546202 +405 1221 1 885546155 +405 1222 1 885548049 +405 1224 1 885546487 +405 1225 1 885547176 +405 1227 3 885546635 +405 1228 1 885548137 +405 1229 1 885546835 +405 1230 1 885547644 +405 1231 1 885548136 +405 1232 1 885546681 +405 1239 1 885548163 +405 1240 1 885549192 +405 1246 1 885547735 +405 1247 1 885546681 +405 1248 1 885548633 +405 1249 1 885547408 +405 1250 1 885547997 +405 1253 1 885548671 +405 1260 1 885546835 +405 1261 1 885546529 +405 1265 2 885549942 +405 1266 1 885549634 +405 1267 1 885546379 +405 1268 1 885546636 +405 1271 2 885547506 +405 1274 1 885548137 +405 1275 1 885548632 +405 1290 2 885546379 +405 1297 1 885546577 +405 1305 1 885547644 +405 1306 1 885546529 +405 1307 1 885546529 +405 1308 1 885546336 +405 1311 1 885546859 +405 1316 1 885549942 +405 1317 1 885549746 +405 1318 1 885549789 +405 1334 1 885549789 +405 1338 1 885549790 +405 1346 1 885549790 +405 1353 1 885549745 +405 1359 1 885549790 +405 1382 1 885549790 +405 1384 1 885549746 +405 1387 2 885549745 +405 1391 1 885549789 +405 1394 1 885549903 +405 1399 1 885549942 +405 1400 1 885545975 +405 1404 1 885547360 +405 1405 1 885549745 +405 1407 1 885548137 +405 1408 1 885549094 +405 1409 1 885549045 +405 1412 1 885549005 +405 1415 1 885549045 +405 1419 2 885548137 +405 1421 1 885546835 +405 1422 1 885548632 +405 1423 1 885546725 +405 1424 1 885546725 +405 1425 1 885547557 +405 1429 1 885549903 +405 1432 1 885549942 +405 1434 1 885549942 +405 1435 1 885547735 +405 1437 1 885547557 +405 1438 1 885546835 +405 1439 1 885546724 +405 1441 1 885546835 +405 1442 1 885546835 +405 1444 2 885549005 +405 1445 1 885546336 +405 1464 1 885546154 +405 1468 1 885546287 +405 1469 1 885548932 +405 1470 2 885549045 +405 1471 1 885548670 +405 1474 1 885547645 +405 1475 1 885547268 +405 1478 1 885546636 +405 1479 1 885547735 +405 1480 2 885549005 +405 1484 1 885547690 +405 1487 1 885546724 +405 1488 1 885546680 +405 1499 1 885549407 +405 1509 1 885547557 +405 1517 1 885547735 +405 1518 2 885546577 +405 1519 2 885546577 +405 1522 1 885548670 +405 1529 1 885549635 +405 1530 1 885546835 +405 1531 1 885549094 +405 1535 1 885549635 +405 1539 1 885546724 +405 1540 2 885548877 +405 1544 1 885549095 +405 1545 2 885546201 +405 1546 1 885549408 +405 1547 2 885546288 +405 1548 1 885547952 +405 1549 1 885548671 +405 1550 3 885547691 +405 1551 1 885546835 +405 1552 1 885546636 +405 1553 1 885548632 +405 1554 4 885546445 +405 1555 1 885549045 +405 1556 1 885549635 +405 1557 1 885547222 +405 1558 1 885549506 +405 1559 1 885546577 +405 1560 1 885549635 +405 1561 1 885546529 +405 1562 1 885549506 +405 1563 1 885549635 +405 1564 1 885546288 +405 1565 1 885549463 +405 1566 1 885546248 +405 1567 1 885547123 +405 1568 1 885547222 +405 1569 1 885549505 +405 1570 1 885549544 +405 1571 1 885549463 +405 1572 1 885549635 +405 1573 1 885549464 +405 1574 1 885546529 +405 1575 1 885549407 +405 1576 1 885549464 +405 1577 1 885549506 +405 1578 1 885549543 +405 1579 1 885549408 +405 1580 1 885549543 +405 1581 1 885548579 +405 1582 1 885548670 +405 1583 1 885549543 +405 1584 1 885549407 +405 1585 1 885546487 +405 1586 1 885549464 +405 1587 1 885546529 +405 1588 1 885549789 +405 1589 1 885549745 +405 1590 1 885549789 +405 1591 1 885549943 +405 1592 1 885549903 +406 1 4 879446107 +406 3 3 879540228 +406 4 2 880131792 +406 5 4 880132276 +406 7 4 879445684 +406 8 4 879445562 +406 9 5 879445735 +406 10 3 879445684 +406 11 4 879446529 +406 12 4 879445897 +406 13 2 879539987 +406 15 4 879540051 +406 20 3 879446529 +406 22 3 882480671 +406 23 4 879446529 +406 24 3 879540026 +406 25 1 879540106 +406 26 3 879793235 +406 28 3 882461684 +406 30 4 879793235 +406 32 5 879446639 +406 39 4 884630523 +406 40 3 880131875 +406 42 5 879445936 +406 47 4 880131741 +406 48 5 879792811 +406 50 5 879445897 +406 52 5 879793235 +406 53 4 879792928 +406 56 5 879792811 +406 57 4 879446062 +406 63 3 880131821 +406 64 4 879445430 +406 69 4 879446748 +406 70 3 879793295 +406 71 3 879793081 +406 72 3 880131954 +406 73 2 880131704 +406 79 3 882480481 +406 86 4 879793295 +406 87 3 879445809 +406 88 2 880131608 +406 89 4 879446361 +406 92 4 882480836 +406 93 4 879445562 +406 95 4 879793081 +406 96 5 879446529 +406 97 5 879446639 +406 98 4 879446529 +406 99 5 879793081 +406 100 4 879446062 +406 101 3 879793112 +406 115 4 879446108 +406 117 4 879539824 +406 121 5 879540199 +406 122 3 879540405 +406 123 4 879540173 +406 124 4 879446588 +406 125 3 879539987 +406 127 4 879445430 +406 129 5 879539949 +406 130 3 879540147 +406 131 2 884630617 +406 132 5 879445430 +406 133 5 882461684 +406 134 5 879445430 +406 135 5 879445684 +406 136 4 879445522 +406 143 1 879445935 +406 144 1 879445475 +406 148 3 879540276 +406 150 4 879446748 +406 151 2 879540051 +406 152 2 880131666 +406 153 3 879445522 +406 154 5 879792811 +406 156 5 879446062 +406 157 3 882480865 +406 158 2 880132115 +406 163 3 880131582 +406 164 5 882480748 +406 168 3 879445642 +406 170 3 879445599 +406 172 5 879792811 +406 173 2 879446684 +406 174 4 879445809 +406 175 5 879792811 +406 176 5 879445474 +406 179 5 879446718 +406 180 5 879445599 +406 181 5 879445859 +406 182 4 879445734 +406 183 5 882480567 +406 184 2 879792863 +406 185 5 879792811 +406 186 3 880131741 +406 187 2 879445897 +406 188 4 882480772 +406 190 5 879793210 +406 191 5 882480443 +406 193 4 879445771 +406 194 5 880131550 +406 195 5 882480710 +406 196 2 879446588 +406 197 4 882480710 +406 198 2 879793179 +406 199 5 879445810 +406 202 3 880131704 +406 203 4 882480891 +406 204 5 879446718 +406 205 2 879445642 +406 206 1 879445735 +406 207 2 879446529 +406 208 2 880131582 +406 209 1 880131608 +406 210 5 880131703 +406 211 5 879445936 +406 212 2 879793210 +406 213 2 879793179 +406 215 3 884630523 +406 216 3 880131741 +406 217 4 879792928 +406 218 3 879792863 +406 219 3 879792897 +406 220 3 879540388 +406 222 3 879445735 +406 228 3 884630974 +406 234 4 879792863 +406 235 4 879540330 +406 237 1 879540078 +406 238 2 879445475 +406 239 3 880131608 +406 240 4 879540078 +406 274 3 879539987 +406 275 3 879446061 +406 276 4 879539824 +406 277 3 879540106 +406 281 3 879540296 +406 282 3 879539987 +406 284 1 879539987 +406 285 5 879792811 +406 286 3 879445250 +406 289 3 879445250 +406 294 3 879445250 +406 317 4 882480772 +406 318 5 879792811 +406 357 4 879446108 +406 367 4 880131929 +406 368 2 880132115 +406 372 4 880131929 +406 381 3 879793261 +406 382 5 879793295 +406 393 4 880131851 +406 396 3 879792974 +406 404 5 884630554 +406 405 3 879540296 +406 410 4 879540026 +406 411 4 879540199 +406 414 2 880131704 +406 418 5 879793081 +406 419 1 882480443 +406 420 4 879793112 +406 421 4 882480628 +406 425 3 884630617 +406 427 4 879445897 +406 428 5 879446684 +406 430 4 879445430 +406 431 3 882480710 +406 432 5 879793081 +406 433 3 880131791 +406 434 5 879446269 +406 435 5 880131642 +406 436 4 879792863 +406 443 4 879792897 +406 444 3 879792928 +406 447 4 879792897 +406 451 2 880131954 +406 452 2 879793011 +406 453 2 880132319 +406 461 3 879446269 +406 462 5 879445562 +406 466 4 879446228 +406 468 1 879446361 +406 472 3 879539884 +406 474 5 884630554 +406 476 4 879540147 +406 478 4 879445378 +406 479 4 879445771 +406 480 4 882480802 +406 481 3 879446168 +406 482 5 879446588 +406 483 4 879446062 +406 485 3 879445735 +406 487 3 884630973 +406 490 3 879446228 +406 491 4 884631010 +406 492 4 879445859 +406 496 4 879445378 +406 498 5 879445378 +406 499 5 884630973 +406 501 5 879793081 +406 502 1 880131642 +406 503 3 884631010 +406 504 4 879445859 +406 505 4 879540515 +406 506 4 882480802 +406 507 4 879445735 +406 508 4 879539883 +406 509 3 879540515 +406 511 5 879792811 +406 513 5 879445378 +406 514 1 879445562 +406 515 2 879445378 +406 517 2 880131550 +406 519 4 879445378 +406 520 4 879445735 +406 521 3 882480511 +406 523 3 879446062 +406 524 4 879446361 +406 526 5 882480511 +406 527 4 879445599 +406 528 4 879446361 +406 529 2 879446108 +406 531 3 879445475 +406 543 4 884631010 +406 558 3 880132276 +406 559 3 879792974 +406 561 3 879792974 +406 563 1 879792975 +406 565 3 880132319 +406 569 3 879792974 +406 573 3 880132319 +406 575 1 880132188 +406 582 4 879793295 +406 588 4 879793081 +406 589 5 879445474 +406 591 3 879446062 +406 596 3 879540078 +406 601 3 882480749 +406 602 3 882480865 +406 604 3 879446361 +406 605 5 882480749 +406 606 3 879445642 +406 607 4 882480511 +406 608 4 884630583 +406 610 1 879446228 +406 611 3 879446268 +406 612 5 879446718 +406 624 5 879793112 +406 629 3 880131977 +406 631 5 882461650 +406 632 4 879446168 +406 633 5 882461684 +406 634 4 879446361 +406 638 4 879446684 +406 639 4 879793295 +406 640 3 879793328 +406 641 5 884630523 +406 642 3 884631033 +406 647 5 879792811 +406 652 2 879793179 +406 654 4 879445522 +406 655 3 880131704 +406 657 5 884630493 +406 660 3 882461650 +406 661 5 879446268 +406 662 3 882480481 +406 663 5 879446269 +406 664 2 884630973 +406 665 3 879792928 +406 670 3 879792928 +406 671 5 879792863 +406 672 2 879792897 +406 674 4 879792897 +406 675 4 879792897 +406 692 3 880131792 +406 693 3 884630583 +406 699 4 884630617 +406 701 5 879446269 +406 702 3 879793295 +406 705 4 879445935 +406 709 5 880131642 +406 712 3 880132091 +406 713 4 879539855 +406 715 4 880131821 +406 724 3 884630973 +406 727 3 882480749 +406 732 4 880131666 +406 735 3 884630554 +406 737 3 879793376 +406 745 4 880131550 +406 746 3 880131741 +406 747 2 879446108 +406 756 3 879540387 +406 769 1 879793011 +406 772 4 882480836 +406 787 3 880132047 +406 806 4 879446748 +406 813 4 879539824 +406 823 3 879540147 +406 825 4 879540275 +406 826 3 879540275 +406 831 2 879540249 +406 845 3 879540051 +406 919 2 879446684 +406 921 4 879793235 +406 923 3 879446108 +406 924 4 879540228 +406 942 4 882480890 +406 945 3 884631010 +406 960 2 879793376 +406 962 4 879445810 +406 971 3 879793328 +406 1008 4 879539909 +406 1010 4 879539929 +406 1021 5 879446718 +406 1047 3 879540358 +406 1065 2 882480567 +406 1073 3 882480671 +406 1079 2 880132048 +406 1101 4 879445771 +406 1109 4 882480865 +406 1118 3 880132091 +406 1147 4 879446228 +406 1153 2 882480836 +406 1170 4 880131851 +406 1194 4 879446588 +406 1197 3 879539884 +406 1202 3 879445684 +406 1203 2 884630860 +406 1220 3 882480802 +406 1267 3 882480710 +407 1 4 876338278 +407 2 4 875553509 +407 4 4 876340144 +407 7 4 893253637 +407 8 5 875042425 +407 25 3 876339975 +407 28 4 875042826 +407 29 3 876344410 +407 40 1 876338799 +407 45 4 875552352 +407 50 4 875045268 +407 56 5 875042569 +407 62 3 876348318 +407 67 1 876339975 +407 68 4 875045269 +407 69 4 875042569 +407 70 4 884197052 +407 71 3 875046460 +407 72 4 876344772 +407 73 4 892060474 +407 82 3 876341409 +407 85 4 876339975 +407 88 3 876340144 +407 89 4 875043948 +407 91 4 875044337 +407 94 4 876345492 +407 95 3 875045190 +407 96 3 875042569 +407 97 4 875116167 +407 98 5 875044510 +407 99 4 876338883 +407 100 5 875042905 +407 101 3 876338186 +407 118 3 876338309 +407 121 4 876343028 +407 123 3 876342671 +407 127 3 875044597 +407 131 3 875552400 +407 132 4 875043800 +407 134 5 875042569 +407 135 3 875119886 +407 143 4 875117053 +407 144 3 876338453 +407 147 4 887833034 +407 151 4 876340363 +407 152 4 875043826 +407 153 4 875042569 +407 154 5 875116964 +407 158 2 876342927 +407 159 3 876338453 +407 161 2 876338279 +407 162 4 876339101 +407 163 3 876338691 +407 168 5 875042424 +407 169 5 875042642 +407 172 4 875044037 +407 173 5 875043948 +407 175 4 875042865 +407 176 4 875046427 +407 177 4 887833034 +407 179 3 875046427 +407 180 4 875044597 +407 181 3 875045027 +407 182 4 887833034 +407 183 4 875046799 +407 184 4 875044473 +407 185 5 875044597 +407 186 4 876348198 +407 188 3 875043801 +407 189 4 875042268 +407 191 5 876339940 +407 193 3 875046799 +407 195 4 875119886 +407 196 4 876340318 +407 197 4 875553731 +407 200 4 875045685 +407 201 4 875045240 +407 202 4 876338150 +407 203 4 876341467 +407 204 3 875116964 +407 205 4 875045371 +407 208 4 887832999 +407 209 5 875042378 +407 210 4 875044037 +407 211 4 875044400 +407 214 4 875042466 +407 215 3 875045658 +407 216 4 875552401 +407 217 4 875044400 +407 218 4 876338946 +407 219 4 876348318 +407 222 4 884197027 +407 223 4 891868745 +407 226 3 876345024 +407 227 2 875045190 +407 228 4 875046799 +407 229 3 876338691 +407 230 4 875045371 +407 231 3 876342031 +407 232 3 876344993 +407 234 3 875042268 +407 235 4 875044531 +407 238 5 875042378 +407 239 4 875553509 +407 244 3 884614753 +407 248 4 884197006 +407 249 2 884614788 +407 250 4 890687564 +407 255 4 884197052 +407 257 4 884202243 +407 258 4 884197027 +407 265 3 876344062 +407 269 3 893081121 +407 274 3 876344287 +407 286 4 890687500 +407 288 4 890687293 +407 289 3 875115339 +407 290 3 875042865 +407 291 4 876348681 +407 313 4 893076947 +407 315 4 891873158 +407 316 4 887833034 +407 345 4 884614729 +407 357 4 875042569 +407 371 2 875116964 +407 382 3 876342706 +407 385 4 875045658 +407 388 2 876348849 +407 393 2 876344736 +407 395 1 876348957 +407 399 3 876342618 +407 400 1 876348583 +407 402 2 876344329 +407 403 4 875045658 +407 405 3 876348318 +407 408 4 875552445 +407 416 3 876348957 +407 418 4 876338910 +407 423 4 876340001 +407 427 4 876338966 +407 428 3 875553154 +407 432 4 875552685 +407 433 4 875117053 +407 436 3 875045814 +407 443 3 876341493 +407 447 3 876338249 +407 448 4 875553460 +407 449 2 876344772 +407 455 3 884201774 +407 474 3 875042378 +407 476 2 884203501 +407 478 4 875042642 +407 479 4 875045240 +407 483 4 875042642 +407 484 4 875042378 +407 491 4 875550328 +407 493 3 875552496 +407 496 5 875042425 +407 498 4 875046427 +407 502 2 876338883 +407 504 3 875043948 +407 508 4 876348660 +407 510 4 875046752 +407 514 4 875042675 +407 519 4 875042466 +407 521 3 884201716 +407 525 4 875046427 +407 559 3 875553424 +407 561 4 887832999 +407 565 3 876348702 +407 568 2 876338730 +407 569 3 876348296 +407 588 4 875552964 +407 603 4 875044037 +407 629 3 876339975 +407 635 3 876345934 +407 648 3 875552647 +407 650 2 875044400 +407 656 4 875042865 +407 657 4 875553625 +407 659 5 875550174 +407 660 3 876338986 +407 675 3 876349153 +407 684 3 875045268 +407 705 4 875116117 +407 708 3 876344712 +407 710 4 875046460 +407 712 2 876340043 +407 715 4 876340239 +407 729 4 876348660 +407 732 4 876341443 +407 737 4 875117053 +407 739 3 876344062 +407 746 4 875046268 +407 747 3 876339940 +407 756 2 876348232 +407 785 3 876341444 +407 796 2 876338663 +407 844 2 884196984 +407 859 3 876348639 +407 869 3 875548522 +407 879 3 878597296 +407 930 2 876348901 +407 949 3 875045685 +407 972 3 876340120 +407 993 4 884203128 +407 1012 3 875548480 +407 1028 3 876348832 +407 1041 3 876345492 +407 1044 3 876348639 +407 1090 2 876348799 +407 1118 4 876340043 +407 1160 1 890687550 +407 1188 2 876345492 +407 1230 2 876342822 +407 1263 2 876344668 +408 242 4 889679947 +408 258 3 889679857 +408 271 3 889679947 +408 272 4 889679683 +408 286 3 889679683 +408 288 4 889679791 +408 300 3 889679857 +408 310 4 889679761 +408 315 5 889679715 +408 319 5 889679947 +408 327 5 889679982 +408 334 2 889679901 +408 347 3 889679761 +408 683 3 889679982 +408 689 3 889680045 +408 748 5 889680073 +408 751 4 889679982 +409 8 3 881108777 +409 9 4 881107992 +409 12 4 881107056 +409 14 5 881107992 +409 22 2 881108077 +409 23 4 881109175 +409 28 2 881107943 +409 30 4 881108881 +409 45 4 881168603 +409 48 2 881108455 +409 50 5 881107281 +409 58 4 881108170 +409 60 5 881108715 +409 61 4 881109420 +409 65 4 881108777 +409 79 4 881108246 +409 83 3 881108971 +409 87 3 881108777 +409 89 5 881107539 +409 97 5 881109216 +409 98 5 881107817 +409 99 3 881107750 +409 100 5 881107992 +409 115 2 881108777 +409 116 4 881107117 +409 127 4 881106605 +409 133 4 881108455 +409 134 5 881106734 +409 135 5 881107860 +409 136 4 881107992 +409 153 4 881168603 +409 154 5 881108648 +409 156 2 881108715 +409 162 4 881109264 +409 165 4 881107410 +409 166 4 881107992 +409 168 5 881107410 +409 170 4 881107084 +409 171 4 881107084 +409 172 5 881107750 +409 173 3 881108246 +409 174 4 881108881 +409 175 4 881107251 +409 178 5 881107817 +409 179 5 881107817 +409 180 5 881107155 +409 181 4 881109019 +409 186 5 881109420 +409 187 3 881108126 +409 191 5 881107817 +409 192 4 881107666 +409 195 4 881109306 +409 197 3 881109215 +409 200 2 881109175 +409 202 3 881109347 +409 203 5 881107539 +409 204 5 881108496 +409 205 3 881107992 +409 206 4 881109264 +409 207 3 881108715 +409 209 5 881107117 +409 210 4 881109175 +409 211 4 881108829 +409 213 4 881107750 +409 216 4 881107251 +409 223 4 881107539 +409 264 1 881105366 +409 266 1 881105677 +409 270 2 881104916 +409 275 4 881107351 +409 276 4 881108455 +409 283 4 881109264 +409 285 4 881168712 +409 286 5 881104697 +409 288 1 881104647 +409 289 1 881105077 +409 300 3 881104697 +409 303 4 881104727 +409 318 4 881107943 +409 321 2 881104837 +409 322 2 881105077 +409 325 4 881105077 +409 326 3 881105077 +409 327 2 881104837 +409 338 3 881104916 +409 339 2 881105677 +409 343 3 881105677 +409 357 5 881107410 +409 367 3 881109264 +409 381 2 881108364 +409 382 4 881108170 +409 404 2 881109019 +409 427 5 881107251 +409 428 4 881109175 +409 429 5 881107817 +409 430 4 881168604 +409 433 4 881108170 +409 435 3 881107310 +409 461 3 881108364 +409 466 4 881107666 +409 474 5 881107351 +409 475 4 881107750 +409 478 4 881107155 +409 479 5 881106947 +409 480 5 881107056 +409 481 3 881107602 +409 482 4 881168712 +409 483 4 881107602 +409 484 4 881107310 +409 485 2 881107155 +409 486 3 881109175 +409 489 5 881107817 +409 491 2 881109019 +409 493 4 881108364 +409 496 5 881107817 +409 498 4 881108715 +409 499 3 881168631 +409 504 2 881106682 +409 505 5 881107943 +409 511 5 881107943 +409 514 5 881107310 +409 518 1 881109347 +409 523 4 881106682 +409 526 3 881107117 +409 527 4 881109175 +409 528 4 881107281 +409 529 5 881109019 +409 530 4 881107602 +409 538 3 881104756 +409 603 5 881107351 +409 604 4 881108364 +409 606 4 881108829 +409 607 5 881107697 +409 608 4 881107155 +409 609 3 881108829 +409 615 5 881107084 +409 618 4 881107011 +409 631 3 881108077 +409 632 3 881107902 +409 633 4 881108126 +409 647 5 881107817 +409 654 3 881107697 +409 657 3 881108126 +409 661 5 881107817 +409 663 4 881107251 +409 664 4 881108648 +409 676 2 881108777 +409 680 1 881105677 +409 684 4 881109420 +409 705 2 881109175 +409 708 4 881109019 +409 709 4 881108496 +409 714 3 881108170 +409 733 4 881109264 +409 749 3 881105367 +409 854 4 881108648 +409 855 4 881108246 +409 876 2 881105677 +409 877 2 881105366 +409 879 1 881105366 +409 890 1 881105677 +409 923 5 881107410 +409 937 2 881104966 +409 945 3 881108971 +409 965 2 881108777 +409 995 4 881105366 +409 1020 5 881107410 +409 1021 4 881168603 +409 1050 4 881109420 +409 1065 2 881109264 +409 1070 4 881107410 +409 1073 4 881107750 +409 1093 2 881106087 +409 1097 2 881108829 +409 1099 4 881168712 +409 1159 2 881109019 +409 1194 5 881107750 +409 1242 2 881106087 +409 1295 1 881105367 +409 1328 2 881106287 +409 1346 3 881168711 +409 1360 2 881106087 +409 1369 4 881106287 +409 1379 3 881106451 +409 1392 1 881105367 +409 1393 1 881105367 +409 1449 5 881107817 +409 1512 5 881106947 +409 1524 4 881107666 +409 1537 4 881106605 +409 1541 4 881107992 +409 1558 5 881107281 +409 1593 4 881108971 +410 272 4 888627138 +410 286 4 888627138 +410 289 1 888626819 +410 300 3 888626538 +410 303 3 888626583 +410 312 2 888626881 +410 313 5 888627137 +410 323 3 888626990 +410 352 3 888626682 +410 354 3 888626481 +410 538 3 888626710 +410 689 2 888626881 +410 690 4 888627138 +410 748 2 888626857 +410 882 3 888626612 +410 886 2 888627018 +410 898 3 888627138 +410 905 4 888627138 +411 1 4 892845604 +411 4 4 892845634 +411 8 3 891035761 +411 9 4 891035827 +411 28 4 892845986 +411 38 4 891035405 +411 50 5 892845604 +411 56 4 891035278 +411 58 3 892845804 +411 73 4 892845634 +411 79 4 892845634 +411 89 3 891035761 +411 117 2 891035761 +411 161 2 891035761 +411 168 5 892845604 +411 172 5 892845604 +411 174 4 892845634 +411 181 5 892845605 +411 182 3 891035278 +411 194 5 892845605 +411 195 3 891035239 +411 196 4 892845804 +411 202 4 891035663 +411 208 4 891035617 +411 209 4 891035550 +411 210 5 892845605 +411 222 3 891035152 +411 228 3 891035309 +411 229 3 891035362 +411 230 3 891035362 +411 238 3 891035525 +411 276 3 892845575 +411 318 4 892845712 +411 405 4 891035152 +411 435 3 891035478 +411 449 3 891035405 +411 451 4 892845634 +411 485 4 892845986 +411 566 4 892845634 +411 568 4 892845634 +411 603 5 892845986 +411 651 4 891035278 +411 655 4 891035639 +411 732 4 892845634 +411 770 4 892845634 +411 1197 4 892846971 +411 1470 3 892845746 +411 1475 3 891035617 +412 1 4 879716962 +412 4 3 879717253 +412 7 5 879717505 +412 23 4 879717147 +412 24 3 879717177 +412 28 4 879716962 +412 56 5 879717071 +412 64 4 879717505 +412 70 4 879717449 +412 81 2 879717829 +412 92 3 879717449 +412 96 5 879717286 +412 114 4 879716874 +412 135 4 879717621 +412 150 4 879717621 +412 154 3 879717071 +412 169 4 879717038 +412 172 5 879717449 +412 174 5 879716918 +412 175 4 879717286 +412 182 4 879716983 +412 186 5 879717071 +412 195 4 879717621 +412 202 3 879717016 +412 206 2 879717649 +412 208 4 879717621 +412 211 4 879717177 +412 214 3 879717253 +412 218 3 879717147 +412 276 5 879717572 +412 318 5 879716918 +412 340 4 879716637 +412 357 4 879717548 +412 408 4 879717016 +412 427 4 879717016 +412 431 4 879717549 +412 436 4 879717649 +412 651 4 879717548 +412 684 4 879717313 +412 939 4 879717253 +412 969 3 879716961 +413 7 3 879969614 +413 14 5 879969513 +413 15 4 879969709 +413 25 3 879969791 +413 50 5 879969674 +413 100 4 879969535 +413 124 5 879969734 +413 147 2 879969860 +413 222 4 879969709 +413 237 4 879969755 +413 255 3 879969791 +413 258 4 879968794 +413 260 1 879969148 +413 269 4 879968793 +413 270 4 879969027 +413 271 4 879969027 +413 273 2 879969484 +413 276 4 879969674 +413 283 5 879969484 +413 286 5 879968793 +413 289 4 879969027 +413 297 5 879969484 +413 300 4 879968959 +413 301 3 879968794 +413 303 5 879968793 +413 306 4 879968793 +413 307 2 879968794 +413 321 3 879969259 +413 327 3 879968933 +413 328 3 879968933 +413 332 3 879968890 +413 333 2 879968933 +413 460 3 879969536 +413 471 4 879969642 +413 508 4 879969484 +413 515 5 879969591 +413 628 4 879969791 +413 690 4 879968793 +413 877 3 879969100 +413 936 4 879969484 +414 11 5 884999347 +414 100 5 884999439 +414 258 5 884998953 +414 260 3 884999193 +414 264 3 884998993 +414 270 5 884998972 +414 272 5 884998953 +414 294 2 884999128 +414 300 4 884999066 +414 310 4 884998993 +414 313 4 884998953 +414 346 5 884999037 +414 433 5 884999394 +414 678 1 884999066 +414 895 4 884999170 +415 56 5 879439865 +415 154 4 879439865 +415 174 5 879439864 +415 180 5 879439791 +415 195 5 879439685 +415 243 1 879439386 +415 258 4 879439135 +415 328 5 879439135 +415 479 4 879439610 +415 483 5 879439791 +415 641 3 879439960 +415 684 3 879439610 +415 754 4 879439311 +415 1524 5 879439791 +416 1 5 893212483 +416 2 4 886317115 +416 4 4 876699903 +416 7 4 876697205 +416 8 5 893212484 +416 9 5 893212572 +416 10 3 876698364 +416 11 4 876699238 +416 12 5 893212572 +416 13 5 893212623 +416 14 4 876697017 +416 15 4 876697017 +416 17 2 886318084 +416 21 3 876697415 +416 22 5 893212623 +416 24 5 893212730 +416 25 4 876697243 +416 27 4 886318270 +416 28 5 893212730 +416 29 2 886318228 +416 31 5 893212730 +416 32 2 888702297 +416 36 2 878879809 +416 38 3 886318228 +416 41 3 886319177 +416 42 3 876699578 +416 44 4 886316596 +416 49 4 893142283 +416 50 5 893212730 +416 51 5 893212895 +416 53 2 876699946 +416 54 5 893212929 +416 55 2 876699102 +416 58 5 893212929 +416 64 5 893212929 +416 65 5 893212930 +416 66 5 893213019 +416 67 4 886318740 +416 69 4 876699027 +416 70 5 893213019 +416 71 4 876699994 +416 72 2 886318707 +416 73 3 876699994 +416 77 4 893142480 +416 78 2 886319785 +416 79 5 893213405 +416 80 2 886317825 +416 81 5 893213405 +416 82 5 893213444 +416 83 5 893213444 +416 85 3 893210246 +416 86 1 886316439 +416 87 5 893212484 +416 88 3 886316140 +416 90 4 876699102 +416 92 3 878880244 +416 93 4 876697105 +416 94 2 886318546 +416 95 3 878879688 +416 96 4 893142245 +416 97 5 893213549 +416 98 5 893213644 +416 99 4 876700137 +416 100 5 893212895 +416 103 3 886320119 +416 105 2 876698430 +416 106 3 876697913 +416 107 5 893212929 +416 111 4 876697592 +416 117 5 893212930 +416 118 2 876697479 +416 121 5 893213645 +416 122 3 886315885 +416 123 4 876697205 +416 124 4 876697017 +416 125 5 893213796 +416 126 5 893213103 +416 127 5 893213796 +416 132 4 876699652 +416 133 2 876699903 +416 134 4 878879619 +416 136 5 893212623 +416 137 3 876697165 +416 140 4 886317030 +416 142 4 886319340 +416 143 5 893213918 +416 144 5 893212730 +416 147 5 893212730 +416 148 5 893212730 +416 150 5 893214041 +416 151 3 876697105 +416 153 4 886317272 +416 154 4 876699839 +416 155 5 893212895 +416 156 5 893212895 +416 157 4 886317316 +416 158 3 886319235 +416 159 1 886317412 +416 161 4 886316739 +416 164 5 893214041 +416 168 5 893212929 +416 172 5 893213796 +416 173 5 893214127 +416 174 5 893213917 +416 176 4 876699652 +416 178 5 893213918 +416 179 2 876699578 +416 181 5 893213019 +416 182 4 876698934 +416 183 5 893214127 +416 184 4 876699758 +416 185 4 876699101 +416 187 5 893214128 +416 191 5 893213019 +416 194 5 893214041 +416 195 5 893214128 +416 196 5 893214128 +416 197 5 893213103 +416 199 5 893214225 +416 200 5 893213103 +416 202 4 876699334 +416 203 3 886316596 +416 204 5 893213404 +416 209 5 893214332 +416 211 5 893214041 +416 213 5 893213443 +416 215 5 893213644 +416 216 5 893213444 +416 217 4 886317880 +416 218 3 876699488 +416 219 4 876699946 +416 220 4 878879168 +416 223 5 893212572 +416 225 1 876697330 +416 230 4 886316797 +416 231 3 878880244 +416 232 5 893213549 +416 235 2 885115041 +416 237 3 876697330 +416 238 4 876699179 +416 239 5 893212730 +416 240 1 886315446 +416 241 5 893213796 +416 242 4 888819254 +416 245 2 876696788 +416 246 4 876697205 +416 248 5 893213103 +416 249 3 876697558 +416 250 4 876697074 +416 251 5 893213405 +416 252 4 876698115 +416 253 3 876697283 +416 254 2 878879391 +416 255 5 893214041 +416 257 3 876697205 +416 258 5 893213549 +416 259 2 885114559 +416 264 3 876696938 +416 265 5 893213796 +416 266 3 876696853 +416 268 4 876696643 +416 269 4 876696643 +416 272 5 893214332 +416 273 4 876697415 +416 274 4 893142100 +416 275 5 893212484 +416 276 3 876697243 +416 278 3 876698280 +416 281 5 893213103 +416 282 5 893213796 +416 283 5 893213796 +416 284 4 893142144 +416 285 2 876697165 +416 286 5 893212929 +416 287 4 878879237 +416 288 5 893213796 +416 289 3 876696788 +416 291 4 878879275 +416 293 5 893213019 +416 294 4 876696739 +416 295 5 893213405 +416 297 4 876697448 +416 298 4 876697387 +416 300 4 876696823 +416 301 5 893213796 +416 302 5 893214127 +416 303 4 876696643 +416 304 5 893214225 +416 305 3 878877919 +416 307 1 889907392 +416 310 5 893214225 +416 311 3 886314877 +416 312 3 885114480 +416 313 5 893214226 +416 315 3 889341306 +416 316 3 888700030 +416 317 5 893213444 +416 318 5 893213549 +416 319 5 893213444 +416 322 3 876696788 +416 323 3 876696739 +416 326 5 893214041 +416 327 4 876696853 +416 328 5 893213644 +416 329 3 886314592 +416 330 3 885114446 +416 331 4 890021365 +416 332 4 876696823 +416 333 4 876696788 +416 338 3 880159023 +416 339 5 893214225 +416 345 5 893214332 +416 346 4 886314592 +416 347 4 893214333 +416 348 3 886314660 +416 353 2 886314834 +416 354 4 893214333 +416 356 5 893213019 +416 357 5 893213645 +416 364 2 886319855 +416 366 4 886318128 +416 367 5 893212572 +416 369 2 888701033 +416 375 1 886319930 +416 378 5 893212896 +416 385 5 893213103 +416 387 3 886319288 +416 388 2 886320177 +416 392 5 893213444 +416 393 4 886316118 +416 395 2 886319620 +416 396 2 886318587 +416 399 4 878879497 +416 401 2 886318651 +416 402 5 893212623 +416 403 5 893212730 +416 404 3 886316190 +416 405 5 893213645 +416 411 3 876698006 +416 412 2 892440119 +416 415 4 886319408 +416 416 4 886319038 +416 417 3 886317568 +416 418 4 876699793 +416 419 4 892441448 +416 420 3 886318155 +416 421 5 893214041 +416 423 4 878880195 +416 425 4 886316647 +416 427 5 893213019 +416 431 4 886316164 +416 432 2 878879861 +416 433 4 886316226 +416 443 5 893213549 +416 447 4 876699027 +416 448 3 886316797 +416 451 5 893212623 +416 452 3 886319106 +416 462 5 893212895 +416 463 4 886316703 +416 468 5 893213549 +416 469 4 893141989 +416 470 4 878880154 +416 471 5 893213645 +416 472 4 876698204 +416 473 2 876697387 +416 475 2 876697074 +416 476 5 893213796 +416 477 4 892441480 +416 479 5 893213917 +416 480 5 893213918 +416 491 4 886316596 +416 496 5 893212572 +416 498 4 876699287 +416 500 5 893212573 +416 501 5 893213918 +416 506 5 893214041 +416 509 5 893214041 +416 510 4 876698853 +416 515 5 893214041 +416 520 5 893214225 +416 526 5 893214226 +416 531 5 893212572 +416 532 3 888700659 +416 535 4 876697847 +416 538 4 885114408 +416 542 1 886317599 +416 544 2 888700566 +416 546 3 876697807 +416 549 4 886316922 +416 550 4 886317599 +416 553 4 886317079 +416 554 3 886318394 +416 559 3 886317272 +416 560 3 886319079 +416 564 4 892440782 +416 568 4 878879861 +416 571 3 886318860 +416 576 5 893213103 +416 578 4 886318546 +416 585 1 886318085 +416 588 5 893213644 +416 591 5 893212895 +416 592 3 892441347 +416 597 3 876698178 +416 603 5 893212484 +416 607 5 893212622 +416 614 5 893212572 +416 619 4 886315423 +416 620 4 878879237 +416 624 3 886317237 +416 625 5 893212623 +416 627 5 893213918 +416 628 4 876697283 +416 631 3 886316295 +416 633 4 876699757 +416 651 4 886316439 +416 652 4 876699526 +416 655 5 893213103 +416 657 5 893214225 +416 658 5 893214226 +416 659 5 893213404 +416 660 5 893213404 +416 662 4 876699994 +416 676 5 893213549 +416 678 2 876696788 +416 680 3 876696938 +416 682 3 877902163 +416 684 5 893213405 +416 685 3 876697955 +416 686 5 893213444 +416 689 4 885114578 +416 690 5 893214127 +416 692 5 893212484 +416 693 3 878879976 +416 696 3 876697524 +416 699 5 893212895 +416 707 4 876699179 +416 708 4 889907392 +416 710 4 893142441 +416 712 4 886318795 +416 713 4 876697448 +416 717 2 876697283 +416 720 4 886318128 +416 721 3 886317540 +416 723 4 886318827 +416 724 4 886316409 +416 727 5 893212730 +416 729 5 893212896 +416 732 5 893213404 +416 734 3 886319434 +416 735 5 893213549 +416 737 3 886318613 +416 738 2 886319825 +416 739 5 893212896 +416 742 4 876697524 +416 746 5 893213444 +416 747 5 893212929 +416 748 4 876696687 +416 750 5 893214128 +416 754 5 893214128 +416 755 4 893214333 +416 762 3 876697524 +416 763 5 893212623 +416 765 4 886319522 +416 768 3 893210187 +416 770 4 878880154 +416 775 4 893142245 +416 778 3 886316835 +416 781 4 893142283 +416 783 3 886318768 +416 785 3 888703399 +416 790 4 886318270 +416 791 2 886319550 +416 792 4 876699526 +416 794 5 893213019 +416 795 2 892440060 +416 803 3 886319177 +416 807 4 886319649 +416 812 4 893212623 +416 815 4 876697243 +416 819 3 888700844 +416 821 4 886317146 +416 824 2 876697592 +416 827 4 878879350 +416 833 3 888700719 +416 834 3 878879314 +416 840 4 886315536 +416 842 4 886317350 +416 843 3 886317748 +416 845 4 876697361 +416 846 3 878878779 +416 849 3 886318676 +416 864 3 888700529 +416 865 3 886316477 +416 866 4 878879130 +416 869 3 892439992 +416 873 5 893213645 +416 874 1 876696853 +416 875 2 876696938 +416 879 3 892439224 +416 895 4 885114446 +416 898 4 885114374 +416 915 5 893212483 +416 916 3 893141069 +416 917 4 893214332 +416 918 4 893214332 +416 924 5 893212623 +416 926 2 886315298 +416 928 3 878879391 +416 929 4 876698255 +416 930 3 878878814 +416 931 3 886315822 +416 934 2 876698178 +416 936 5 893214127 +416 937 2 876696823 +416 938 3 892439155 +416 941 3 876699946 +416 942 4 893214333 +416 955 4 876699839 +416 959 5 893213404 +416 966 5 893212483 +416 972 4 891476265 +416 975 2 878879391 +416 980 4 886314987 +416 985 3 876697165 +416 990 2 876696739 +416 997 3 876699526 +416 1007 5 893213918 +416 1011 4 885114897 +416 1012 4 876697205 +416 1014 3 876697847 +416 1016 5 893213444 +416 1020 5 893212483 +416 1037 2 892440156 +416 1041 3 886319408 +416 1048 3 876698255 +416 1051 3 886319079 +416 1053 4 886319434 +416 1054 3 876698083 +416 1058 5 893213019 +416 1074 5 893213103 +416 1077 1 886317030 +416 1089 2 876697695 +416 1091 3 892441516 +416 1092 3 886320054 +416 1119 5 893214225 +416 1132 2 876697913 +416 1133 4 893142244 +416 1135 2 886319234 +416 1136 4 886318186 +416 1139 3 886318768 +416 1152 4 876697105 +416 1160 4 876697760 +416 1168 4 886318953 +416 1188 3 886318953 +416 1189 5 893213917 +416 1217 4 886319366 +416 1220 3 886318155 +416 1221 5 893213103 +416 1226 3 893013826 +416 1229 2 893210527 +416 1262 5 893213019 +416 1264 4 886316381 +416 1286 5 893213549 +416 1300 3 886315494 +416 1336 1 878879350 +416 1337 1 876698083 +416 1400 4 886317029 +416 1407 2 886320112 +416 1426 5 893212572 +416 1428 3 886319204 +416 1441 3 886318546 +416 1469 3 878880195 +416 1478 2 886319906 +416 1483 4 893214333 +416 1495 3 886318707 +416 1503 4 888702629 +416 1516 5 893213549 +416 1517 2 886320054 +416 1521 3 892440206 +416 1540 4 893142245 +416 1594 5 893212484 +417 1 4 879646413 +417 3 4 879646344 +417 4 3 879648360 +417 5 4 879648593 +417 7 3 879646260 +417 11 5 879646938 +417 13 2 879646591 +417 15 5 879646166 +417 16 3 879646692 +417 17 4 879648183 +417 20 2 880949408 +417 23 3 879647118 +417 24 3 879646531 +417 25 2 879646413 +417 27 3 879648594 +417 29 2 880952218 +417 32 2 879647924 +417 39 3 879648212 +417 40 3 879649199 +417 44 2 880951252 +417 47 3 879648004 +417 49 3 880951737 +417 50 3 879646123 +417 51 3 879648526 +417 55 5 879647900 +417 56 5 879647519 +417 58 3 879647140 +417 62 3 879648939 +417 63 3 879649021 +417 64 5 879647326 +417 65 4 879647011 +417 66 3 879648026 +417 68 3 879647275 +417 69 3 879647471 +417 70 4 879647749 +417 72 4 879649107 +417 73 3 879648343 +417 77 3 879649304 +417 78 2 879649632 +417 79 3 879647924 +417 80 4 879649247 +417 81 5 879647196 +417 82 4 879647326 +417 83 5 879648132 +417 89 5 879647604 +417 90 3 879649107 +417 91 2 879647800 +417 94 3 879649177 +417 95 5 879646965 +417 96 3 879646915 +417 97 4 879647326 +417 98 5 879647040 +417 99 4 879647498 +417 100 3 879646166 +417 101 3 879649001 +417 102 3 879648656 +417 106 2 879646741 +417 109 2 879646369 +417 111 3 879647768 +417 117 4 879646484 +417 118 4 879646548 +417 120 2 880949763 +417 121 3 879646591 +417 122 2 879646838 +417 123 2 879646500 +417 125 5 879646369 +417 127 4 879646144 +417 131 4 879647254 +417 132 4 879647850 +417 134 4 879647196 +417 139 3 879648707 +417 141 3 879648510 +417 142 3 879648184 +417 144 3 879647232 +417 145 3 879648979 +417 147 4 879646225 +417 151 5 879646463 +417 153 5 879647580 +417 154 4 879647561 +417 156 3 879647380 +417 157 4 879647966 +417 158 2 879649389 +417 161 3 879647519 +417 162 3 880951886 +417 163 4 879647604 +417 164 3 879648156 +417 167 3 880952355 +417 168 4 879647355 +417 169 3 879647498 +417 171 3 879647800 +417 172 3 879647519 +417 173 5 879647519 +417 174 3 879647498 +417 176 5 879646891 +417 178 3 879646965 +417 179 4 879647749 +417 180 5 879647604 +417 181 3 879646286 +417 182 4 879646938 +417 183 4 879647298 +417 184 4 879647749 +417 185 3 879647708 +417 186 5 879647118 +417 188 4 879647232 +417 190 5 879647065 +417 191 5 879647498 +417 195 5 879647380 +417 198 4 879647924 +417 200 4 879647708 +417 201 4 879648478 +417 202 4 879647140 +417 203 4 879646915 +417 206 2 879648778 +417 207 4 879647580 +417 208 3 879648026 +417 209 4 879647299 +417 210 3 879647749 +417 211 4 880949907 +417 212 1 879647800 +417 214 5 879647254 +417 216 3 879647298 +417 217 4 879648594 +417 218 3 879648184 +417 219 3 879648979 +417 222 3 879646388 +417 223 5 879646986 +417 226 3 879648096 +417 228 3 879646915 +417 230 3 879647850 +417 231 4 879648798 +417 232 3 879648510 +417 234 4 879646965 +417 235 2 879646413 +417 238 4 879647768 +417 242 3 879645999 +417 245 4 879649779 +417 246 4 879646225 +417 248 4 879646286 +417 250 4 879646463 +417 252 3 879646530 +417 255 3 879646327 +417 257 3 879646244 +417 258 4 879645999 +417 260 3 879649779 +417 264 2 879649763 +417 265 3 879648026 +417 268 4 879649657 +417 270 2 879646036 +417 273 3 879646286 +417 286 5 879646286 +417 288 3 879647749 +417 290 4 879646661 +417 293 4 879646123 +417 294 4 879646463 +417 298 3 879646327 +417 302 3 879645999 +417 322 3 886186468 +417 323 3 879646820 +417 324 1 879646463 +417 325 2 880949231 +417 326 4 879649669 +417 340 3 880949136 +417 343 2 886186253 +417 357 5 879647118 +417 358 2 879649763 +417 364 3 880953014 +417 365 4 879648860 +417 367 2 879648898 +417 373 3 880952988 +417 380 3 879648860 +417 382 2 880949941 +417 384 4 879649284 +417 385 5 879648184 +417 386 3 879648382 +417 388 3 879649178 +417 391 2 879649519 +417 392 3 880950280 +417 393 4 879648096 +417 395 4 879649199 +417 396 2 879649560 +417 399 3 879648898 +417 402 4 879648656 +417 403 4 879649224 +417 404 3 879647947 +417 405 3 879646531 +417 411 2 879649001 +417 413 3 879646327 +417 418 4 879647471 +417 419 4 879646986 +417 420 4 879648452 +417 421 4 879647561 +417 422 3 879648212 +417 423 4 879647118 +417 425 4 879648132 +417 428 3 879647966 +417 431 4 879647431 +417 433 4 879648403 +417 436 3 879648478 +417 441 3 879648611 +417 444 4 880952691 +417 447 3 879649064 +417 449 3 880952674 +417 450 2 880953014 +417 451 4 879649266 +417 452 2 880952970 +417 461 3 879647140 +417 465 4 879648079 +417 472 2 879646369 +417 473 2 879646860 +417 474 4 879647118 +417 475 4 879646437 +417 483 5 879647355 +417 484 4 879647380 +417 485 3 880949880 +417 496 3 879647040 +417 498 4 879647540 +417 501 3 879647540 +417 506 4 879647471 +417 508 3 879646123 +417 513 5 879647580 +417 515 4 879646225 +417 518 5 879647604 +417 537 4 880949849 +417 541 2 879649389 +417 544 3 879646661 +417 545 1 880953033 +417 546 3 879646712 +417 549 3 879647924 +417 550 3 879649178 +417 551 3 879649224 +417 555 1 879649389 +417 559 4 879648979 +417 561 3 879648707 +417 562 4 879648955 +417 563 2 879649560 +417 568 2 879648155 +417 574 2 879649428 +417 576 3 879649410 +417 578 3 879649610 +417 579 2 879649467 +417 582 3 879647749 +417 588 3 879647540 +417 596 3 879646244 +417 597 3 879646413 +417 614 3 879648156 +417 616 2 879648048 +417 625 4 879649064 +417 628 3 879646413 +417 631 3 879647826 +417 636 3 879648435 +417 638 4 879648078 +417 640 5 879648742 +417 642 5 879647947 +417 651 4 879648212 +417 655 4 879647900 +417 663 3 879647040 +417 665 2 880952400 +417 668 2 880953014 +417 669 2 880953014 +417 674 2 879649560 +417 679 2 879649044 +417 684 3 879647380 +417 685 1 879646570 +417 692 4 879648132 +417 708 2 879648798 +417 709 3 879647355 +417 713 2 879646052 +417 715 2 879648656 +417 723 5 879648938 +417 725 4 880952970 +417 727 5 879648325 +417 728 3 879648881 +417 732 4 879647825 +417 742 2 879646531 +417 743 2 880953053 +417 746 5 879648048 +417 747 3 879648325 +417 748 4 879646785 +417 758 2 879649247 +417 762 3 879646712 +417 764 3 879646677 +417 765 3 879649632 +417 767 1 879646860 +417 769 1 880953071 +417 771 3 879649368 +417 774 4 879648707 +417 778 4 879648742 +417 779 2 879649577 +417 780 4 880952880 +417 781 3 880951559 +417 783 3 879649064 +417 792 4 879648079 +417 796 4 879648881 +417 797 3 880952656 +417 800 2 879649467 +417 804 3 879649153 +417 809 3 880951251 +417 810 3 879649178 +417 815 4 879646741 +417 818 2 886186925 +417 823 2 879646860 +417 825 4 879646463 +417 827 2 879646860 +417 831 2 879646820 +417 849 1 879649632 +417 855 2 879647450 +417 871 2 886187012 +417 895 3 886186520 +417 923 3 879647065 +417 928 3 879646821 +417 940 2 879649337 +417 943 3 879648761 +417 944 4 880952141 +417 946 4 880950324 +417 963 4 879647431 +417 979 3 879646437 +417 993 3 879646800 +417 999 3 880952434 +417 1000 4 879648403 +417 1011 3 880949438 +417 1014 4 879646785 +417 1016 4 886186827 +417 1018 3 879649247 +417 1023 4 880949479 +417 1028 3 879646785 +417 1036 3 879649484 +417 1039 3 879647196 +417 1040 2 879649428 +417 1041 3 879648478 +417 1047 4 879646388 +417 1057 2 880949763 +417 1086 4 879646369 +417 1090 3 879649577 +417 1091 3 879648435 +417 1095 3 879649322 +417 1119 3 879648382 +417 1135 4 880951717 +417 1139 3 879649448 +417 1157 4 880952616 +417 1182 3 879648798 +417 1183 4 879648676 +417 1207 3 880952970 +417 1209 3 879649368 +417 1210 2 879649044 +417 1215 2 879646712 +417 1228 2 879649304 +417 1230 2 880953088 +417 1232 2 879649369 +417 1247 3 880953033 +417 1288 1 879646741 +417 1411 3 880952418 +417 1416 2 880952534 +417 1446 3 879648824 +417 1539 2 879649539 +417 1550 3 879648707 +418 258 5 891282551 +418 269 5 891282765 +418 301 2 891282738 +418 302 2 891282551 +418 304 4 891282738 +418 313 3 891282680 +418 315 2 891282521 +418 331 3 891282521 +418 344 1 891282521 +418 362 1 891282765 +419 1 4 879435590 +419 28 3 879435663 +419 50 5 879435541 +419 69 4 879435628 +419 173 5 879435628 +419 174 5 879435628 +419 181 4 879435807 +419 191 4 879435590 +419 197 5 879435749 +419 212 1 879435749 +419 223 4 879435785 +419 257 4 879435503 +419 269 4 879435190 +419 275 5 879435520 +419 286 4 879435190 +419 300 4 879435347 +419 306 5 879435242 +419 488 5 879435722 +419 494 3 879435749 +419 514 4 879435785 +419 705 5 879435663 +419 1451 4 879435722 +420 19 3 891356927 +420 86 5 891357021 +420 124 5 891356891 +420 127 5 891357104 +420 137 4 891357104 +420 173 3 891356864 +420 179 5 891356864 +420 190 5 891356864 +420 251 5 891357070 +420 270 3 891356790 +420 275 5 891357071 +420 283 5 891357162 +420 285 5 891356891 +420 286 4 891356790 +420 288 3 891357271 +420 301 3 891357188 +420 302 4 891356790 +420 319 4 891357188 +420 331 3 891357271 +420 484 5 891356864 +420 493 3 891356864 +420 547 4 891357104 +420 690 5 891357271 +420 753 5 891356864 +420 855 5 891357021 +420 1347 3 891356927 +421 4 3 892241624 +421 12 5 892241458 +421 50 5 892241294 +421 56 5 892241421 +421 79 4 892241459 +421 82 4 892241294 +421 87 4 892241736 +421 89 5 892241362 +421 96 4 892241343 +421 98 5 892241458 +421 100 4 892241422 +421 117 5 892241624 +421 124 4 892241344 +421 127 4 892241624 +421 129 5 892241459 +421 144 5 892241624 +421 156 5 892241458 +421 164 4 892241687 +421 172 5 892241707 +421 173 1 892241319 +421 175 2 892241576 +421 183 5 892241459 +421 185 4 892241422 +421 187 4 892241624 +421 194 4 892241554 +421 197 3 892241491 +421 200 3 892241687 +421 208 2 892241554 +421 213 3 892241491 +421 218 4 892241687 +421 219 3 892241687 +421 234 5 892241646 +421 238 5 892241576 +421 269 3 892241210 +421 331 2 892241236 +421 333 4 892241236 +421 423 2 892241707 +421 427 4 892241735 +421 443 5 892241459 +421 448 3 892241687 +421 474 4 892241389 +421 498 4 892241344 +421 509 2 892241532 +421 525 4 892241422 +421 603 4 892241422 +421 653 3 892241422 +421 657 4 892241422 +421 672 3 892241687 +421 674 5 892241687 +421 709 4 892241389 +421 879 4 892241274 +421 915 4 892241252 +422 5 3 879744085 +422 7 3 875129882 +422 15 3 875129882 +422 50 4 875129911 +422 53 4 879744183 +422 93 4 875129882 +422 98 5 879744014 +422 109 2 875130204 +422 117 2 875129975 +422 124 3 875129839 +422 126 4 875129911 +422 127 4 875129839 +422 129 4 875129839 +422 137 5 875129882 +422 151 4 875130173 +422 181 4 875129839 +422 184 4 879744085 +422 185 4 879744015 +422 201 4 879744014 +422 217 3 879744143 +422 218 4 879744086 +422 219 4 879744086 +422 222 4 875130137 +422 234 4 879744015 +422 235 2 875130173 +422 237 4 875130230 +422 248 3 875130100 +422 250 5 875130100 +422 257 4 875129839 +422 258 4 875129523 +422 260 3 875129668 +422 267 4 875655986 +422 270 3 878058917 +422 271 3 879743635 +422 275 5 875130026 +422 286 5 875129523 +422 287 3 878199757 +422 288 3 875129640 +422 293 3 875130027 +422 294 3 875129692 +422 295 3 875130063 +422 299 1 875129602 +422 302 3 877162650 +422 307 4 879743925 +422 323 3 875129668 +422 324 5 875129523 +422 325 2 875129692 +422 326 3 875129523 +422 327 3 875129603 +422 333 4 875655986 +422 334 4 877162682 +422 339 2 879743848 +422 370 2 879744287 +422 396 4 879744143 +422 410 5 875130230 +422 436 3 879744085 +422 441 4 879744183 +422 447 4 879744143 +422 448 4 879744085 +422 452 3 879744183 +422 458 3 875130173 +422 475 4 875129881 +422 515 4 875129882 +422 551 2 879744218 +422 558 4 879744085 +422 559 3 879744085 +422 561 3 879744143 +422 563 3 879744219 +422 567 3 879744218 +422 590 2 879743948 +422 665 5 879744143 +422 670 2 879744143 +422 671 4 879744143 +422 672 3 879744086 +422 682 2 879743787 +422 717 3 875130173 +422 742 2 875130204 +422 760 3 879744287 +422 773 3 879744183 +422 854 4 879744014 +422 859 3 879744218 +422 867 3 878059137 +422 919 5 875130027 +422 922 4 875130173 +422 1007 4 875129839 +422 1187 4 875130137 +422 1199 3 875129975 +423 9 5 891395395 +423 10 4 891395734 +423 15 4 891395573 +423 100 5 891395448 +423 125 2 891395547 +423 127 4 891395394 +423 148 3 891395417 +423 237 4 891395448 +423 245 4 891394952 +423 258 5 891394747 +423 269 3 891394558 +423 272 5 891394503 +423 276 5 891395602 +423 282 4 891395448 +423 286 4 891394632 +423 292 4 891394504 +423 293 4 891395547 +423 299 3 891394788 +423 302 5 891394595 +423 307 3 891394673 +423 310 3 891394558 +423 313 4 891394595 +423 315 4 891395141 +423 316 4 891394985 +423 322 3 891395020 +423 323 3 891395047 +423 326 4 891394874 +423 328 1 891394874 +423 329 3 891394952 +423 339 2 891394788 +423 340 4 891394504 +423 344 4 891394558 +423 347 3 891394632 +423 471 3 891395626 +423 508 4 891395394 +423 546 2 891395684 +423 591 5 891395547 +423 620 4 891395711 +423 628 4 891395602 +423 678 3 891395020 +423 689 4 891395020 +423 690 4 891394832 +423 696 3 891395759 +423 744 4 891395655 +423 748 3 891394985 +423 750 5 891394704 +423 751 3 891394832 +423 754 4 891394832 +423 823 3 891395759 +423 879 3 891394558 +423 887 5 891394673 +423 924 4 891395602 +423 1134 4 891395684 +423 1238 3 891394874 +424 1 1 880859493 +424 9 5 880859623 +424 14 4 880859552 +424 15 4 880859722 +424 25 4 880859723 +424 50 3 880859519 +424 100 5 880859446 +424 115 1 880859385 +424 151 2 880859722 +424 258 2 880858792 +424 259 2 880858979 +424 261 3 880859115 +424 275 5 880859410 +424 276 2 880859623 +424 286 4 880858792 +424 292 4 880859228 +424 294 5 880858979 +424 300 2 880859199 +424 304 4 880858861 +424 435 3 880859346 +424 508 3 880859519 +424 681 3 880859115 +424 683 3 880859084 +424 688 2 880859228 +424 689 1 880858887 +424 690 3 880858792 +424 740 5 880859674 +424 840 4 880859693 +424 882 3 880858829 +424 969 1 880859385 +424 989 2 880859084 +424 990 5 880858979 +424 1084 5 880859591 +424 1346 4 880859519 +425 1 2 878737873 +425 2 2 878738757 +425 4 4 878738290 +425 5 1 878738887 +425 7 3 878738290 +425 11 3 878737981 +425 12 5 878737791 +425 17 4 878738290 +425 22 3 878738290 +425 24 2 878738386 +425 27 3 878738695 +425 32 3 890347138 +425 33 4 878738435 +425 39 4 878738335 +425 50 5 878738335 +425 53 4 878738596 +425 55 4 878737945 +425 62 4 878738548 +425 64 4 878738245 +425 68 4 878738386 +425 70 3 878738245 +425 79 4 878738335 +425 82 3 878738757 +425 89 4 878738435 +425 92 5 878738335 +425 96 4 878738335 +425 97 2 890347247 +425 98 4 878738186 +425 100 4 878738853 +425 117 3 878738435 +425 118 1 878738596 +425 121 4 878738813 +425 124 2 878737945 +425 127 4 878738290 +425 144 4 878738335 +425 145 3 878738956 +425 147 3 878738643 +425 156 5 878737873 +425 157 2 878738149 +425 161 3 878738187 +425 168 5 890347172 +425 171 3 890347138 +425 174 3 878738149 +425 176 3 878738386 +425 177 3 878738290 +425 178 3 878737841 +425 180 4 878738077 +425 181 4 878738435 +425 183 3 878738486 +425 184 4 878738596 +425 185 2 878738853 +425 187 3 878738386 +425 188 3 878738386 +425 190 3 890347085 +425 191 3 878738186 +425 195 4 878738245 +425 198 4 890347247 +425 200 4 878738854 +425 201 3 878738104 +425 204 4 890347138 +425 207 2 891986445 +425 209 2 890347085 +425 210 3 890346998 +425 217 1 878738914 +425 218 3 878738887 +425 219 2 878738956 +425 222 5 878738486 +425 227 4 878738597 +425 228 4 878738334 +425 229 3 878738548 +425 230 4 878738644 +425 231 3 878738435 +425 232 3 878738548 +425 233 2 878738643 +425 234 3 878738853 +425 241 2 878738548 +425 244 1 878739015 +425 252 2 878739054 +425 257 3 878738992 +425 258 2 878737511 +425 259 1 890346825 +425 265 3 878738643 +425 269 4 890346376 +425 271 5 890346597 +425 272 4 890346317 +425 273 4 878738435 +425 281 2 878738486 +425 286 1 878737511 +425 288 5 878737512 +425 289 1 878737635 +425 293 4 878738992 +425 294 2 878737512 +425 298 4 878738992 +425 300 2 878737512 +425 301 4 890346705 +425 302 5 878737511 +425 305 3 890346411 +425 307 4 890346411 +425 310 3 890346411 +425 316 4 890346705 +425 318 2 878737841 +425 319 1 878737511 +425 322 3 890346597 +425 324 3 878737657 +425 325 3 878737684 +425 326 1 890346567 +425 327 4 890346659 +425 333 3 890346411 +425 334 4 890346567 +425 338 1 890346781 +425 340 4 890346264 +425 343 3 890346517 +425 346 5 890346198 +425 347 4 890346517 +425 355 3 890346705 +425 357 5 878737981 +425 358 4 890346630 +425 362 3 890346317 +425 363 1 878739095 +425 379 2 878738887 +425 385 2 878738813 +425 398 1 878738597 +425 403 4 878738548 +425 405 2 878738643 +425 424 2 878738956 +425 435 3 878738334 +425 443 2 878738956 +425 445 3 878738887 +425 447 3 878738854 +425 448 2 878738887 +425 452 2 878738956 +425 455 2 878738992 +425 474 4 890347138 +425 491 2 890347047 +425 515 3 890347138 +425 520 3 890347085 +425 522 3 878738077 +425 529 4 890346998 +425 538 2 890346866 +425 540 2 878738486 +425 546 3 878738548 +425 550 4 878738813 +425 562 1 878738385 +425 566 2 878738695 +425 568 3 878738643 +425 573 3 878738914 +425 576 3 878738813 +425 583 3 878738245 +425 590 3 878737945 +425 597 1 878739095 +425 636 4 878738596 +425 669 3 878737908 +425 670 3 878738914 +425 672 2 878738887 +425 675 3 890347047 +425 678 1 878737593 +425 679 3 878738548 +425 684 2 878738385 +425 686 3 878738757 +425 689 2 890346517 +425 690 1 890346866 +425 743 4 878739054 +425 748 3 890346567 +425 750 2 890346317 +425 751 2 890346264 +425 823 3 878738757 +425 825 2 878738643 +425 827 1 878739095 +425 831 3 878739095 +425 841 1 878738597 +425 853 4 878738853 +425 854 4 878738854 +425 877 3 890346198 +425 879 2 878737593 +425 895 4 890346198 +425 898 3 890346705 +425 912 2 891986392 +425 943 4 890347172 +425 976 1 878738992 +425 1013 1 878739054 +425 1016 3 878739054 +425 1089 2 878739095 +425 1110 1 878738486 +425 1129 3 878738245 +425 1188 3 878738695 +425 1222 2 878738757 +425 1314 3 878738813 +425 1416 3 878738695 +425 1419 3 878738757 +425 1434 4 890346317 +425 1464 2 890346998 +425 1595 2 878738757 +425 1596 2 878738695 +425 1597 3 878738596 +426 23 4 879444734 +426 50 4 879442226 +426 98 4 879442737 +426 99 4 879444081 +426 100 4 879442128 +426 132 4 879442083 +426 133 5 879441978 +426 134 4 879444787 +426 135 3 879444604 +426 136 4 879442083 +426 143 3 879444852 +426 168 3 879444081 +426 174 3 879442044 +426 178 4 879444080 +426 185 5 879445005 +426 191 4 879442128 +426 194 4 879444919 +426 196 4 879444734 +426 197 4 879444816 +426 200 2 879442702 +426 204 3 879442128 +426 205 4 879444893 +426 208 4 879442161 +426 211 4 879444320 +426 289 2 879441754 +426 318 5 879442044 +426 332 4 879441781 +426 404 3 879444321 +426 418 3 879444871 +426 427 5 879442737 +426 429 5 879444081 +426 432 3 879444192 +426 435 3 879444604 +426 474 4 879442785 +426 478 4 879442785 +426 480 5 879444473 +426 481 5 879442892 +426 482 5 879442737 +426 483 5 879442226 +426 484 5 879444662 +426 488 5 879442785 +426 489 5 879441978 +426 490 4 879444853 +426 491 4 879442702 +426 492 5 879441931 +426 493 4 879444473 +426 494 3 879442702 +426 496 3 879442841 +426 504 4 879442083 +426 505 4 879445005 +426 510 4 879441978 +426 511 4 879441978 +426 519 4 879444117 +426 524 4 879442785 +426 525 4 879442227 +426 601 3 879444321 +426 603 5 879444472 +426 605 4 879442083 +426 607 4 879444734 +426 608 4 879444081 +426 609 3 879441931 +426 610 4 879444550 +426 613 3 879444146 +426 614 4 879444604 +426 616 4 879444787 +426 617 3 879441978 +426 631 3 879442006 +426 633 4 879444816 +426 641 4 879441931 +426 646 3 879444787 +426 648 3 879441931 +426 653 4 879442841 +426 654 5 879442785 +426 655 4 879444952 +426 657 5 879442160 +426 659 4 879442128 +426 661 4 879444321 +426 663 4 879444604 +426 671 4 879444170 +426 673 4 879442227 +426 705 5 879441931 +426 754 1 879441707 +426 835 3 879444853 +426 836 3 879444117 +426 968 3 879444952 +426 1020 4 879442702 +426 1064 4 879444117 +426 1079 3 879442892 +426 1116 4 879444251 +426 1204 4 879444321 +426 1451 4 879444734 +427 258 4 879700792 +427 263 5 879701253 +427 268 5 879701253 +427 286 4 879700792 +427 289 5 879701326 +427 300 4 879700908 +427 302 4 879700759 +427 304 4 879700850 +427 319 3 879700486 +427 322 3 879701051 +427 328 4 879700908 +427 331 4 879700850 +427 332 5 879701253 +427 334 5 879701326 +427 341 5 879701253 +427 680 5 879701326 +427 682 5 879701325 +427 874 5 879701326 +427 881 5 879701253 +427 938 5 879701253 +427 1296 5 879701225 +428 242 4 885943651 +428 245 5 885943713 +428 259 4 885943685 +428 268 4 885943818 +428 269 5 885943749 +428 271 2 892572448 +428 272 5 885943651 +428 286 3 885943980 +428 288 4 885943847 +428 294 4 885943651 +428 301 4 885943782 +428 302 5 885943651 +428 303 3 892572308 +428 305 3 885944136 +428 307 4 885944110 +428 310 4 885943651 +428 312 4 885944005 +428 313 5 885943749 +428 315 5 885943980 +428 316 4 892572382 +428 322 4 885943782 +428 326 3 892572448 +428 329 3 892572335 +428 332 4 885943749 +428 334 4 885943847 +428 338 4 885943818 +428 340 4 885943749 +428 343 2 885944093 +428 344 3 892572308 +428 347 4 885943782 +428 350 4 885944005 +428 352 4 885943651 +428 538 4 885944005 +428 690 5 885943651 +428 749 4 885943782 +428 750 5 885943651 +428 751 5 885943818 +428 754 4 885943847 +428 875 4 885944136 +428 886 4 885943651 +428 892 4 885944044 +428 894 4 885943955 +428 1024 4 885943651 +428 1280 3 885944069 +428 1313 4 892572362 +429 1 3 882385785 +429 2 3 882387599 +429 3 2 882386785 +429 4 4 882385684 +429 7 2 882385569 +429 8 3 882386237 +429 11 4 882385464 +429 12 5 882386424 +429 15 5 882386941 +429 21 2 882386508 +429 22 5 882384744 +429 23 4 882385243 +429 24 3 882386309 +429 25 4 882385985 +429 26 3 882386333 +429 28 3 882385636 +429 31 3 882386966 +429 32 4 882386309 +429 39 3 882386378 +429 42 5 882385593 +429 44 3 882386171 +429 45 3 882385118 +429 47 4 882384950 +429 48 3 882384896 +429 50 5 882384553 +429 52 4 882387074 +429 53 1 882386814 +429 55 4 882384847 +429 56 4 882384683 +429 58 4 882385090 +429 62 3 882387350 +429 63 2 882387505 +429 64 4 882384744 +429 65 3 882386216 +429 66 2 882386357 +429 68 3 882385963 +429 69 5 882386309 +429 70 4 882386401 +429 71 3 882385705 +429 72 2 882387551 +429 73 3 882387505 +429 77 3 882385705 +429 79 4 882385243 +429 80 3 882386684 +429 81 3 882385243 +429 82 4 882386121 +429 83 4 882385168 +429 85 4 882387234 +429 86 5 882384579 +429 87 3 882384821 +429 88 3 882386895 +429 89 4 882385168 +429 90 4 882387731 +429 91 3 882386260 +429 92 4 882385684 +429 93 4 882385136 +429 95 3 882385012 +429 96 4 882387053 +429 98 4 882384494 +429 99 3 882386601 +429 100 5 882385807 +429 101 4 882386662 +429 109 3 882385034 +429 111 2 882386532 +429 114 5 882385663 +429 117 4 882387757 +429 118 3 882386145 +429 121 3 882386145 +429 123 4 882386448 +429 124 4 882384821 +429 127 4 882384603 +429 128 3 882386424 +429 129 4 882385065 +429 132 3 882385636 +429 133 3 882385663 +429 134 5 882385728 +429 136 4 882386071 +429 137 5 882387731 +429 140 1 882386260 +429 141 3 882386966 +429 143 3 882385829 +429 144 4 882387773 +429 147 2 882385859 +429 150 5 882385569 +429 151 5 882386870 +429 153 4 882385090 +429 154 3 882384683 +429 155 2 882387633 +429 156 4 882384920 +429 157 4 882384920 +429 159 3 882386051 +429 161 3 882385934 +429 162 4 882386378 +429 163 4 882387599 +429 164 4 882385489 +429 165 5 882384821 +429 166 5 882384796 +429 167 3 882386629 +429 168 5 882387773 +429 170 5 882384526 +429 172 5 882385118 +429 173 4 882384494 +429 174 4 882387773 +429 176 3 882385542 +429 177 4 882385065 +429 178 4 882384772 +429 179 3 882385012 +429 180 5 882385464 +429 181 5 882384870 +429 182 4 882384821 +429 183 4 882385489 +429 184 4 882386260 +429 185 4 882386006 +429 186 4 882385294 +429 188 4 882386566 +429 190 5 882387773 +429 191 5 882385065 +429 192 3 882385612 +429 193 4 882385267 +429 194 4 882385705 +429 195 4 882385519 +429 196 4 882385012 +429 197 4 882384772 +429 199 5 882386006 +429 200 3 882386333 +429 201 3 882385399 +429 202 4 882385829 +429 203 5 882385684 +429 204 4 882387757 +429 207 4 882385729 +429 208 4 882384772 +429 209 4 882384950 +429 210 4 882387731 +429 211 5 882385090 +429 214 3 882384526 +429 216 4 882385090 +429 217 3 882387715 +429 218 3 882387350 +429 219 4 882386848 +429 222 4 882385518 +429 223 4 882385034 +429 225 2 882387599 +429 226 3 882386145 +429 227 2 882385934 +429 228 2 882386485 +429 229 2 882385613 +429 230 2 882385985 +429 231 2 882385489 +429 232 4 882385859 +429 233 3 882385593 +429 234 4 882386566 +429 235 3 882386966 +429 237 3 882384526 +429 238 5 882384526 +429 241 3 882385934 +429 248 5 882386870 +429 249 4 882386662 +429 250 2 882386357 +429 257 4 882386121 +429 258 4 882386096 +429 264 3 882387551 +429 265 4 882386096 +429 273 4 882385489 +429 274 3 882386096 +429 275 4 882384603 +429 276 5 882385542 +429 277 4 882386096 +429 280 2 882387392 +429 281 3 882386027 +429 282 3 882386983 +429 283 3 882385136 +429 284 3 882386424 +429 288 3 882387685 +429 290 3 882386333 +429 291 4 882386309 +429 293 4 882385293 +429 298 5 882386145 +429 300 3 882385168 +429 301 3 882387252 +429 307 3 882384437 +429 318 5 882387731 +429 319 3 882387685 +429 321 3 882384438 +429 338 3 882387599 +429 340 5 882384870 +429 356 3 882386942 +429 357 5 882385636 +429 358 3 882387053 +429 365 2 882386237 +429 366 3 882387181 +429 367 3 882386485 +429 378 3 882386916 +429 380 3 882387576 +429 381 3 882385882 +429 382 3 882386601 +429 385 3 882386915 +429 387 4 882386051 +429 392 3 882386051 +429 393 3 882385749 +429 403 4 882385902 +429 404 4 882386121 +429 405 3 882387202 +429 409 2 882386751 +429 410 4 882387451 +429 411 3 882386848 +429 412 4 882387411 +429 415 3 882386785 +429 418 3 882386096 +429 419 4 882385293 +429 423 4 882387757 +429 425 3 882385859 +429 427 5 882385569 +429 428 4 882386942 +429 430 4 882384553 +429 432 4 882385443 +429 433 3 882385858 +429 435 4 882385636 +429 436 4 882386171 +429 440 1 882387411 +429 441 3 882386848 +429 443 4 882385210 +429 448 3 882386006 +429 455 3 882386628 +429 457 1 882384438 +429 462 4 882386662 +429 464 3 882386171 +429 466 2 882384847 +429 467 4 882385210 +429 468 3 882384896 +429 469 4 882386751 +429 470 5 882386309 +429 472 3 882387434 +429 473 3 882387551 +429 475 4 882384579 +429 479 4 882385358 +429 480 4 882386071 +429 481 3 882386237 +429 482 3 882384683 +429 483 5 882384821 +429 484 5 882384920 +429 485 3 882385210 +429 493 4 882385663 +429 495 3 882385358 +429 496 4 882384603 +429 498 5 882384796 +429 499 4 882384896 +429 500 1 882384772 +429 502 3 882385543 +429 504 3 882385065 +429 505 4 882384821 +429 506 4 882386711 +429 507 5 882385210 +429 508 4 882385569 +429 510 4 882387773 +429 511 5 882385542 +429 514 3 882385243 +429 520 3 882384603 +429 527 5 882387757 +429 528 4 882385034 +429 529 4 882385243 +429 530 4 882384986 +429 531 5 882385729 +429 535 2 882386941 +429 537 4 882387773 +429 540 3 882386916 +429 546 3 882387140 +429 549 4 882385749 +429 550 3 882387350 +429 559 3 882386662 +429 562 2 882387575 +429 566 3 882386357 +429 568 3 882385859 +429 569 2 882387506 +429 570 4 882387434 +429 578 3 882386942 +429 581 2 882385684 +429 582 3 882384950 +429 583 3 882386121 +429 584 4 882385749 +429 587 3 882386895 +429 591 3 882385663 +429 596 3 882385808 +429 602 5 882386628 +429 603 4 882384847 +429 607 3 882385785 +429 611 4 882385593 +429 616 3 882386333 +429 625 3 882387474 +429 627 2 882387114 +429 628 3 882385808 +429 629 3 882387163 +429 631 4 882385243 +429 635 3 882387202 +429 636 3 882386027 +429 637 3 882387506 +429 640 3 882386533 +429 642 4 882386600 +429 651 4 882384772 +429 652 4 882385118 +429 654 4 882385542 +429 655 3 882385399 +429 658 3 882386448 +429 662 3 882386309 +429 663 4 882385358 +429 665 2 882387474 +429 671 3 882385065 +429 672 2 882387551 +429 673 3 882386485 +429 679 4 882387653 +429 684 4 882385882 +429 685 3 882387434 +429 686 2 882385519 +429 692 3 882385118 +429 693 4 882386628 +429 697 3 882385858 +429 700 3 882386485 +429 702 5 882387757 +429 705 4 882384896 +429 708 3 882386895 +429 710 4 882387731 +429 726 2 882386751 +429 729 2 882386684 +429 732 4 882385882 +429 735 4 882387757 +429 737 4 882387505 +429 739 3 882387140 +429 742 4 882386711 +429 744 4 882386485 +429 746 3 882386096 +429 747 3 882386071 +429 755 3 882387685 +429 756 2 882386711 +429 761 2 882386711 +429 762 4 882386814 +429 763 4 882387053 +429 768 3 882387551 +429 772 3 882386508 +429 778 3 882385294 +429 780 3 882387685 +429 786 2 882386966 +429 789 4 882385443 +429 794 3 882385593 +429 796 3 882386601 +429 804 3 882387599 +429 805 3 882385963 +429 806 2 882384950 +429 808 3 882387576 +429 816 2 882387474 +429 820 3 882387233 +429 826 3 882387139 +429 833 3 882386895 +429 843 1 882387114 +429 845 4 882386401 +429 847 3 882385569 +429 921 2 882385962 +429 928 2 882386849 +429 936 4 882385934 +429 939 4 882384986 +429 961 3 882385518 +429 967 4 882386378 +429 972 4 882387757 +429 999 2 882387163 +429 1010 3 882386216 +429 1011 4 882387731 +429 1012 3 882385963 +429 1014 3 882386333 +429 1016 4 882386217 +429 1017 3 882385399 +429 1018 3 882386051 +429 1020 4 882387757 +429 1028 3 882386601 +429 1033 1 882387350 +429 1035 3 882386260 +429 1039 5 882386071 +429 1048 2 882386966 +429 1071 2 882385729 +429 1074 3 882387163 +429 1076 2 882387350 +429 1079 2 882387164 +429 1089 2 882387053 +429 1101 5 882385399 +429 1109 2 882386448 +429 1110 2 882387234 +429 1112 3 882386785 +429 1118 4 882385902 +429 1133 2 882386848 +429 1136 4 882386532 +429 1139 2 882387434 +429 1203 4 882386357 +429 1209 3 882387350 +429 1217 2 882385489 +429 1218 3 882387653 +429 1220 3 882387233 +429 1222 3 882387074 +429 1224 2 882387114 +429 1228 3 882387163 +429 1285 3 882386485 +429 1296 2 882387392 +429 1301 4 882385963 +429 1418 3 882385267 +429 1425 3 882387633 +429 1438 1 882385705 +429 1443 2 882386601 +429 1545 2 882385518 +430 7 3 877225660 +430 10 4 877225726 +430 19 5 877225623 +430 42 3 877226568 +430 50 4 877225516 +430 56 4 877226323 +430 64 4 877226130 +430 98 5 877226365 +430 100 5 877225570 +430 101 2 877226501 +430 117 3 877225484 +430 121 2 877225832 +430 123 2 877225965 +430 124 5 877225726 +430 127 4 877225484 +430 129 5 877225547 +430 137 3 877225433 +430 148 2 877226047 +430 151 4 877225516 +430 152 4 877226569 +430 164 3 877226323 +430 165 4 877226130 +430 168 4 877226568 +430 181 4 877225484 +430 222 4 877225682 +430 234 4 877226323 +430 235 2 877225727 +430 237 5 877225965 +430 248 3 877225832 +430 253 1 877225484 +430 258 4 877225570 +430 276 1 877225753 +430 294 2 877225239 +430 297 4 877225599 +430 298 3 877225547 +430 300 3 877225239 +430 303 4 877225239 +430 318 5 877226130 +430 328 4 877225327 +430 436 4 877226365 +430 462 3 877226164 +430 514 4 877226568 +430 515 4 877225660 +430 523 4 877226568 +430 527 4 877226209 +430 528 4 877226164 +430 547 2 877226365 +430 628 3 877225832 +430 656 4 877226365 +430 674 4 877226405 +430 744 3 877225965 +430 748 3 877225239 +430 1007 3 877225599 +430 1240 3 877226470 +430 1375 4 877225660 +431 286 4 877844062 +431 300 4 877844248 +431 303 4 877844183 +431 307 3 879038461 +431 322 4 877844559 +431 323 3 877844559 +431 538 4 881127620 +431 748 4 877844377 +431 754 3 881127436 +431 879 3 877844489 +431 988 2 877844657 +432 1 2 889415983 +432 3 3 889416260 +432 7 2 889415983 +432 15 4 889416456 +432 24 1 889416188 +432 50 5 889416012 +432 93 2 889415812 +432 100 3 889415895 +432 108 3 889416608 +432 109 2 889416188 +432 111 4 889416456 +432 117 4 889415853 +432 121 4 889416312 +432 150 5 889415853 +432 181 5 889416118 +432 222 4 889416012 +432 237 5 889415983 +432 248 4 889416352 +432 249 5 889416352 +432 255 5 889416608 +432 257 5 889416118 +432 258 4 889416657 +432 274 3 889416229 +432 276 4 889415947 +432 282 5 889416456 +432 284 4 889416521 +432 288 5 889416456 +432 293 5 889415812 +432 294 4 889416229 +432 295 3 889416352 +432 298 3 889415852 +432 300 4 889415763 +432 313 4 889415763 +432 322 3 889416657 +432 410 4 889415895 +432 411 3 889416044 +432 471 3 889416229 +432 475 4 889416147 +432 508 5 889415853 +432 546 3 889416657 +432 620 4 889416352 +432 628 5 889416398 +432 678 4 889416570 +432 742 4 889415983 +432 815 3 889416260 +432 827 3 889416570 +432 844 4 889415947 +432 845 4 889416260 +432 864 2 889416657 +432 1012 5 889415947 +432 1016 3 889416397 +432 1049 2 889415983 +433 50 5 880585885 +433 60 5 880585700 +433 137 5 880585904 +433 173 4 880585730 +433 174 5 880585730 +433 194 5 880585759 +433 205 3 880585730 +433 245 3 880585491 +433 246 4 880585885 +433 268 3 880585162 +433 269 5 880585068 +433 273 3 880585923 +433 276 5 880585843 +433 286 5 880585068 +433 293 3 880585843 +433 300 3 880585068 +433 302 5 880585028 +433 303 4 880585068 +433 323 1 880585530 +433 325 2 880585554 +433 326 2 880585386 +433 340 3 880585162 +433 358 2 880585554 +433 457 1 880585554 +433 474 3 880585759 +433 507 4 880585730 +433 657 5 880585802 +433 682 2 880585431 +433 690 2 880585028 +433 748 4 880585491 +433 919 5 880585923 +434 1 4 886724590 +434 7 1 886724505 +434 15 3 886724453 +434 111 5 886724540 +434 118 5 886724873 +434 121 4 886724666 +434 125 5 886724708 +434 151 5 886724453 +434 220 5 886724873 +434 225 4 886724453 +434 274 5 886724797 +434 275 3 886724633 +434 283 3 886724505 +434 287 5 886724359 +434 288 5 886724797 +434 347 1 886724329 +434 369 4 886724972 +434 406 3 886725027 +434 411 5 886724873 +434 424 1 886724913 +434 471 2 886724797 +434 476 4 886725076 +434 477 5 886724940 +434 546 5 886725076 +434 628 1 886724873 +434 743 1 886725027 +434 756 2 886725027 +434 815 4 886724972 +434 819 3 886724873 +434 928 5 886724913 +434 974 5 886724940 +434 975 5 886724873 +434 1060 3 886724733 +434 1197 5 886724913 +435 1 5 884131712 +435 2 4 884132619 +435 3 3 884133911 +435 4 4 884132146 +435 5 2 884133046 +435 7 4 884131597 +435 8 3 884131576 +435 9 4 884131055 +435 10 5 884131950 +435 11 5 884131542 +435 12 5 884131434 +435 15 3 884132146 +435 17 2 884132540 +435 21 4 884134134 +435 22 4 884131156 +435 23 4 884132942 +435 24 4 884133084 +435 25 5 884132434 +435 27 1 884133911 +435 28 3 884131799 +435 29 3 884133691 +435 31 5 884131157 +435 33 3 884132672 +435 38 2 884133509 +435 39 3 884131822 +435 40 3 884133544 +435 42 3 884131267 +435 44 2 884132619 +435 45 5 884131681 +435 49 4 884132072 +435 50 5 884132515 +435 52 5 884132403 +435 53 3 884133447 +435 54 4 884132403 +435 55 5 884131434 +435 56 5 884131055 +435 58 3 884131328 +435 62 3 884133657 +435 63 2 884133757 +435 64 5 884131036 +435 67 4 884132919 +435 68 4 884131901 +435 69 4 884131243 +435 71 3 884132208 +435 72 4 884132809 +435 73 3 884132403 +435 76 3 884131328 +435 79 4 884131016 +435 80 2 884133610 +435 81 3 884131661 +435 82 5 884132100 +435 83 4 884131434 +435 84 2 884133757 +435 85 4 884132840 +435 86 4 884131844 +435 89 4 884131489 +435 90 4 884132756 +435 91 4 884131597 +435 95 3 884131868 +435 96 5 884131822 +435 98 5 884131576 +435 100 3 884131711 +435 101 3 884132184 +435 105 3 884133872 +435 108 1 884132540 +435 109 4 884132297 +435 111 3 884132777 +435 117 3 884131356 +435 118 2 884132458 +435 121 3 884133284 +435 122 3 884134677 +435 123 2 884133509 +435 125 3 884132483 +435 127 4 884131681 +435 128 3 884132184 +435 132 3 884131156 +435 135 3 884131771 +435 136 4 884132434 +435 139 2 884134134 +435 144 4 884131085 +435 148 3 884133284 +435 151 3 884132898 +435 152 4 884132072 +435 153 3 884131243 +435 154 4 884131434 +435 155 3 884133710 +435 156 4 884131822 +435 157 4 884132146 +435 159 5 884132898 +435 160 5 884133194 +435 161 3 884133710 +435 162 1 884132755 +435 163 3 884131489 +435 164 2 884132515 +435 167 3 884133224 +435 168 5 884131515 +435 169 5 884130995 +435 171 5 884131967 +435 172 5 884132619 +435 173 5 884131085 +435 174 5 884131627 +435 175 4 884132588 +435 176 5 884131627 +435 177 5 884131267 +435 179 5 884131085 +435 181 5 884132208 +435 182 4 884131356 +435 183 5 884132619 +435 184 5 884131771 +435 185 4 884131741 +435 186 4 884132367 +435 187 4 884131489 +435 188 4 884131901 +435 190 4 884132146 +435 191 4 884131200 +435 193 3 884131243 +435 194 4 884131627 +435 195 5 884131118 +435 196 4 884131597 +435 199 5 884132072 +435 200 5 884131661 +435 201 4 884131356 +435 202 4 884131901 +435 203 4 884131434 +435 204 3 884132366 +435 206 5 884133223 +435 208 4 884131515 +435 210 4 884131799 +435 211 4 884131627 +435 214 4 884131741 +435 215 2 884131576 +435 216 3 884131118 +435 218 3 884133194 +435 219 5 884133691 +435 222 3 884132027 +435 225 3 884134076 +435 226 4 884133161 +435 227 4 884133372 +435 228 4 884131157 +435 229 2 884133544 +435 230 3 884132809 +435 235 4 884132266 +435 239 4 884132968 +435 240 3 884133818 +435 245 2 884130810 +435 246 5 884134345 +435 249 4 884134242 +435 250 4 884134290 +435 254 3 884134910 +435 255 3 884134290 +435 257 4 884134363 +435 258 4 884130647 +435 260 3 884130810 +435 264 3 884130671 +435 265 3 884131996 +435 268 5 884130688 +435 271 4 884130671 +435 273 5 884131298 +435 284 2 884132898 +435 288 4 884130605 +435 290 3 884132484 +435 291 4 884133446 +435 294 4 884130584 +435 298 4 884134500 +435 299 4 884130671 +435 300 2 884130647 +435 307 5 884130744 +435 313 5 884268770 +435 317 2 884132483 +435 318 5 884131385 +435 321 3 889722170 +435 327 3 884130765 +435 331 5 884130671 +435 333 3 884130647 +435 338 2 887509306 +435 343 5 884130744 +435 351 2 887509368 +435 354 3 889722012 +435 357 4 884131771 +435 358 4 884130864 +435 366 2 884133134 +435 367 3 884131741 +435 369 1 884134771 +435 376 2 884134019 +435 380 3 884133026 +435 381 4 884133585 +435 382 3 884131949 +435 384 3 884134047 +435 385 5 884131771 +435 392 3 884131404 +435 393 2 884133610 +435 394 4 884132873 +435 399 3 884133253 +435 401 3 884133447 +435 402 3 884131996 +435 403 4 884132756 +435 404 2 884132266 +435 405 4 884132540 +435 406 3 884134810 +435 409 3 884134019 +435 410 5 884133733 +435 411 3 884132484 +435 412 3 884134677 +435 413 2 884134104 +435 420 4 884132561 +435 423 2 884131157 +435 424 1 884134536 +435 427 3 884131542 +435 430 5 884131712 +435 431 3 884131950 +435 432 3 884132968 +435 433 5 884131243 +435 434 2 884131542 +435 435 3 884132230 +435 436 4 884133691 +435 441 3 884133084 +435 443 3 884132777 +435 444 3 884134075 +435 447 3 884132315 +435 448 3 884132230 +435 451 4 884133487 +435 455 3 884132208 +435 462 5 884131328 +435 465 2 884132515 +435 470 2 884131661 +435 472 2 884133466 +435 473 3 884133544 +435 474 3 884131085 +435 476 3 884133872 +435 479 3 884131901 +435 496 4 884131243 +435 501 3 884132266 +435 520 4 884132027 +435 527 4 884130995 +435 541 4 884134187 +435 542 1 884133691 +435 546 4 884132942 +435 549 3 884132588 +435 550 3 884133253 +435 554 3 884133194 +435 559 3 884132342 +435 561 2 884133064 +435 562 5 884133819 +435 566 4 884132643 +435 567 3 884133785 +435 568 2 884131868 +435 569 3 884134019 +435 571 2 884134047 +435 572 2 884133938 +435 573 1 884132515 +435 576 3 884133447 +435 577 3 884133973 +435 578 5 884132230 +435 584 3 884132297 +435 585 3 884133447 +435 587 3 884132403 +435 588 4 884131996 +435 596 4 884132184 +435 597 3 884133284 +435 603 3 884131118 +435 609 4 884132873 +435 616 2 884133284 +435 625 2 884132588 +435 627 3 884133194 +435 628 5 884132990 +435 631 2 884132540 +435 635 3 884133544 +435 636 4 884134047 +435 637 4 884132691 +435 640 4 884132873 +435 649 3 884133330 +435 655 2 884131799 +435 658 3 884133223 +435 659 4 884131515 +435 665 3 884133973 +435 672 1 884133253 +435 673 3 884132341 +435 674 2 884132643 +435 675 3 884132873 +435 679 3 884133372 +435 684 4 884131356 +435 685 2 884134345 +435 687 2 884130834 +435 693 3 884131118 +435 696 3 884132342 +435 697 4 884133372 +435 709 4 884131822 +435 710 4 884131267 +435 713 5 884131385 +435 715 3 884133635 +435 717 3 884134104 +435 720 2 884133818 +435 721 4 884132072 +435 722 3 884133818 +435 729 2 884133757 +435 732 4 884132341 +435 742 4 884132840 +435 743 3 884134910 +435 748 4 884130765 +435 751 4 884130725 +435 752 3 887509539 +435 755 2 884132266 +435 756 3 884134134 +435 760 1 884133330 +435 762 4 884132840 +435 763 5 884133544 +435 768 3 884133509 +435 778 4 884131844 +435 780 2 884133284 +435 781 3 884133447 +435 786 4 884133657 +435 790 4 884133818 +435 792 4 884131404 +435 797 3 884133872 +435 800 4 884133819 +435 818 2 884133938 +435 820 1 884132367 +435 821 2 884132840 +435 824 1 884134627 +435 825 3 884133372 +435 826 2 884134713 +435 831 2 884134677 +435 834 5 884134910 +435 841 2 884134553 +435 845 3 884132100 +435 862 1 884133972 +435 885 3 887509396 +435 890 1 884130883 +435 895 3 884130647 +435 919 5 884132184 +435 924 3 884132072 +435 926 3 884133972 +435 928 3 884134187 +435 929 2 884133635 +435 930 3 884134019 +435 943 3 884131712 +435 944 2 884133911 +435 946 2 884132072 +435 953 3 884132968 +435 961 1 884133635 +435 977 2 884134829 +435 983 2 884134830 +435 1014 2 884134515 +435 1016 4 884134377 +435 1034 2 884134754 +435 1039 4 884132755 +435 1044 4 884132515 +435 1047 3 884132315 +435 1061 3 884134754 +435 1069 4 884131489 +435 1074 2 884133415 +435 1103 4 884131627 +435 1109 3 884132643 +435 1128 2 884132027 +435 1133 2 884133224 +435 1151 1 884134019 +435 1185 1 884133371 +435 1204 3 884132100 +435 1215 3 884134810 +435 1225 3 884131597 +435 1228 2 884133972 +435 1231 2 884134019 +435 1240 4 884132296 +435 1268 5 884131950 +435 1291 1 884134853 +435 1401 4 884131868 +435 1411 1 884133104 +435 1419 2 884133785 +435 1552 3 884134187 +436 11 5 887769777 +436 21 3 887772028 +436 23 4 887770064 +436 26 3 887771146 +436 38 3 887771924 +436 39 3 887769887 +436 43 2 887770300 +436 47 4 887769930 +436 50 4 887769415 +436 65 4 887771753 +436 72 5 887770693 +436 73 4 887769444 +436 81 3 887770244 +436 83 5 887770115 +436 90 3 887770266 +436 92 3 887770115 +436 95 4 887770037 +436 96 4 887769535 +436 98 4 887769280 +436 99 3 887770344 +436 102 4 887770588 +436 111 4 887771773 +436 125 4 887770037 +436 127 5 887769930 +436 132 1 887769824 +436 133 3 887768982 +436 143 2 887770092 +436 144 5 887769444 +436 159 4 887770192 +436 161 4 887771897 +436 167 3 887770403 +436 168 3 887769050 +436 172 3 887768945 +436 174 3 887769335 +436 179 3 887770015 +436 182 5 887769150 +436 186 3 887769801 +436 187 5 887768982 +436 200 3 887769515 +436 204 5 887769209 +436 215 4 887770457 +436 216 4 887770064 +436 217 4 887771146 +436 218 4 887771123 +436 219 5 887770064 +436 234 3 887769471 +436 238 3 887769693 +436 239 3 887769952 +436 264 2 887768669 +436 265 3 887769106 +436 273 4 887769233 +436 276 4 887769824 +436 278 2 887771924 +436 287 4 887770169 +436 288 4 887768445 +436 313 5 887768521 +436 325 3 887768756 +436 327 5 887768694 +436 340 5 887768445 +436 347 4 887768398 +436 348 4 887768521 +436 367 4 887770217 +436 381 4 887769209 +436 392 4 887769079 +436 400 3 887771924 +436 411 4 887771022 +436 423 4 887769992 +436 425 4 887769335 +436 427 3 887769105 +436 433 5 887770428 +436 435 4 887769256 +436 441 3 887772060 +436 447 1 887769444 +436 454 4 887768982 +436 468 4 887771826 +436 469 3 887769128 +436 470 4 887770566 +436 504 4 887769151 +436 506 5 887770485 +436 507 4 887769801 +436 537 4 887769471 +436 550 4 887771093 +436 553 3 887769777 +436 559 4 887770640 +436 568 5 887769416 +436 581 4 887772060 +436 585 3 887771722 +436 592 3 887770379 +436 595 5 887770731 +436 628 5 887770457 +436 635 3 887771875 +436 642 4 887769079 +436 649 5 887771269 +436 655 5 887769233 +436 658 5 887769673 +436 660 4 887771825 +436 693 5 887769515 +436 708 3 887770457 +436 710 4 887769281 +436 715 4 887770668 +436 721 3 887770092 +436 723 3 887771853 +436 739 4 887771853 +436 746 5 887770015 +436 747 5 887770640 +436 748 3 887768738 +436 761 4 887770693 +436 762 4 887771722 +436 763 4 887771042 +436 785 2 887770731 +436 790 3 887770428 +436 794 4 887771123 +436 821 4 887769733 +436 840 3 887771997 +436 856 4 887769952 +436 869 4 887771722 +436 895 4 887768717 +436 925 4 887770507 +436 928 4 887770547 +436 941 4 887771997 +436 974 5 887771997 +436 986 3 887770300 +436 1028 4 887770693 +436 1048 2 887770379 +436 1053 4 887771853 +436 1058 4 887770547 +436 1061 3 887771997 +436 1119 4 887769368 +436 1135 4 887771022 +436 1178 3 887771825 +436 1227 2 887772028 +436 1248 3 887770485 +436 1263 3 887772060 +436 1468 5 887770668 +436 1489 2 887770731 +437 5 2 880143663 +437 8 4 880140752 +437 11 1 880139951 +437 12 5 880382685 +437 13 4 880141129 +437 14 5 880140369 +437 15 4 881001946 +437 23 4 880140288 +437 26 2 880142399 +437 28 3 880140534 +437 30 4 880140855 +437 42 3 880141129 +437 47 4 880140534 +437 50 5 881000958 +437 51 1 880382644 +437 52 3 880141402 +437 56 4 880140325 +437 58 4 880141243 +437 65 4 880140787 +437 66 3 880143167 +437 69 2 880140501 +437 70 3 881002161 +437 71 3 880141402 +437 77 4 880143040 +437 79 4 880143855 +437 82 3 880140192 +437 83 4 880140325 +437 87 3 880140891 +437 88 3 880143140 +437 89 2 880140101 +437 90 3 880143289 +437 91 3 880143315 +437 94 4 881001436 +437 95 4 880143315 +437 97 3 880141286 +437 98 5 880141962 +437 99 4 881001946 +437 100 4 880140051 +437 101 3 880143355 +437 111 3 881002067 +437 116 3 880139997 +437 117 1 881001121 +437 118 2 880142991 +437 121 3 881001766 +437 124 5 880140101 +437 129 1 880140433 +437 131 5 880140787 +437 132 5 880141962 +437 133 5 880140122 +437 134 5 880139951 +437 135 4 880140101 +437 137 5 880140221 +437 139 3 881001576 +437 143 5 880141528 +437 144 2 880141196 +437 145 1 880143663 +437 151 5 881002374 +437 152 4 880141129 +437 153 5 881001888 +437 154 4 880141129 +437 155 3 880143189 +437 156 2 880140627 +437 161 2 880140288 +437 162 4 880141129 +437 165 4 881002324 +437 166 4 880140398 +437 168 3 881002161 +437 170 5 880140787 +437 172 4 880140257 +437 173 4 881001023 +437 174 5 880140122 +437 176 2 880143809 +437 179 4 881002345 +437 180 4 880139868 +437 181 4 880140466 +437 182 2 880140432 +437 183 3 880140892 +437 185 5 880140192 +437 186 3 881001208 +437 189 2 881001946 +437 190 3 880140154 +437 191 4 880140726 +437 195 2 880141286 +437 196 4 880140627 +437 200 4 880140398 +437 202 5 881001715 +437 203 1 880140978 +437 204 5 880141528 +437 207 4 880142365 +437 208 5 880139997 +437 210 3 881002191 +437 211 4 880140100 +437 212 3 880141402 +437 213 4 881000931 +437 214 4 880141041 +437 215 3 880140325 +437 216 5 880141041 +437 217 3 880143695 +437 218 2 880142830 +437 219 3 880143663 +437 221 5 880140154 +437 226 1 880142942 +437 229 3 880142942 +437 234 4 880142851 +437 237 4 880140466 +437 238 5 880140369 +437 244 3 881001270 +437 248 2 880141716 +437 249 5 880142027 +437 253 1 880141796 +437 254 3 881002300 +437 265 3 880142942 +437 275 5 881001888 +437 276 5 880141618 +437 281 1 881001148 +437 283 1 880141716 +437 286 2 880139482 +437 287 2 881000931 +437 288 2 880139533 +437 292 5 880139631 +437 301 3 881002067 +437 318 4 880140466 +437 319 5 881001538 +437 378 4 880143451 +437 381 5 880142426 +437 387 2 880140726 +437 393 3 880382747 +437 401 5 880143505 +437 402 2 880143263 +437 404 5 880141374 +437 412 3 880142147 +437 415 4 880143591 +437 417 5 880143482 +437 419 5 880141961 +437 420 3 881002191 +437 421 4 881001983 +437 423 5 880141196 +437 425 4 880141374 +437 428 5 881001983 +437 432 3 880140854 +437 433 3 880140369 +437 435 3 881001945 +437 436 4 880143635 +437 443 4 880142851 +437 447 4 880143663 +437 450 3 880143040 +437 462 5 881002324 +437 463 5 880141008 +437 466 2 881001121 +437 473 5 881001888 +437 475 3 880140288 +437 476 4 880142177 +437 478 5 881002323 +437 479 5 880141335 +437 480 4 881002345 +437 482 5 880140051 +437 483 5 880141962 +437 484 4 880140051 +437 485 4 880140854 +437 496 4 880140662 +437 497 5 880140192 +437 499 5 880141962 +437 501 4 880143315 +437 507 5 880140015 +437 511 5 880141962 +437 512 4 880140978 +437 514 4 880140369 +437 517 4 880140927 +437 518 2 880143809 +437 521 4 880141164 +437 523 3 881002191 +437 558 3 880142365 +437 559 3 880143695 +437 566 3 881002161 +437 581 1 880143010 +437 582 5 880140855 +437 583 1 880143040 +437 588 3 881002092 +437 602 3 880140822 +437 603 5 880140051 +437 606 4 880140978 +437 607 5 880140892 +437 614 5 880139951 +437 629 3 881002405 +437 642 1 880141441 +437 651 4 881002345 +437 652 4 881001983 +437 654 5 880141041 +437 655 4 881001945 +437 657 5 881001888 +437 658 4 880141335 +437 660 4 880141441 +437 663 5 880141084 +437 672 1 881002300 +437 674 3 880143714 +437 683 2 881001121 +437 684 3 880382747 +437 692 4 880143115 +437 696 3 880142991 +437 697 4 880140978 +437 698 2 880142426 +437 699 4 880143419 +437 702 1 880141335 +437 705 4 880141335 +437 707 3 880141374 +437 708 4 881002026 +437 709 5 881000931 +437 710 4 880140822 +437 716 5 881002345 +437 721 2 880141335 +437 727 3 881001576 +437 730 3 880141374 +437 732 4 880143167 +437 736 5 881001888 +437 737 1 880142614 +437 739 3 880143243 +437 746 4 880141335 +437 747 4 880143167 +437 748 4 880139631 +437 753 4 880140927 +437 770 3 881001208 +437 778 3 881002092 +437 781 4 880143263 +437 794 4 880143243 +437 812 3 881002092 +437 842 4 880143451 +437 843 4 880143520 +437 946 3 881002092 +437 955 4 881002404 +437 961 5 881002323 +437 969 4 881001888 +437 1006 3 881001472 +437 1007 5 881002374 +437 1036 5 880143562 +437 1039 2 880140101 +437 1063 5 880141661 +437 1075 4 881002374 +437 1090 1 880143092 +437 1091 3 880143392 +437 1098 3 880141243 +437 1121 5 880140466 +437 1134 4 880141008 +437 1142 4 880141696 +437 1148 4 881001983 +437 1153 5 880141962 +437 1161 4 880141770 +437 1206 4 881002191 +437 1211 4 881001208 +437 1227 3 880142630 +437 1262 3 881002091 +437 1267 4 880141528 +437 1404 2 881002263 +437 1599 5 880142614 +438 1 4 879868096 +438 9 4 879868005 +438 15 4 879868242 +438 21 2 879868683 +438 50 5 879868005 +438 121 5 879868328 +438 148 5 879868443 +438 181 4 879868005 +438 237 5 879868278 +438 252 4 879868364 +438 257 4 879868159 +438 269 4 879867960 +438 281 4 879868494 +438 282 5 879868264 +438 284 2 879868308 +438 300 4 879867960 +438 301 4 879867960 +438 321 5 879867960 +438 476 5 879868664 +438 619 4 879868159 +438 815 5 879868581 +438 864 3 879868547 +438 1028 2 879868529 +439 13 3 882893171 +439 14 5 882893245 +439 93 4 882893737 +439 100 3 882892705 +439 121 2 882893768 +439 125 3 882893688 +439 242 5 882892424 +439 257 4 882893737 +439 268 4 882892424 +439 276 5 882892755 +439 282 3 882893859 +439 288 3 882892424 +439 290 4 882894084 +439 293 3 882892818 +439 301 3 882892424 +439 307 3 882892424 +439 405 4 882893323 +439 475 3 882893220 +439 591 4 882892818 +439 1328 4 882893891 +439 1600 5 882893291 +440 57 5 891577949 +440 70 4 891577950 +440 198 4 891577843 +440 213 4 891577950 +440 242 5 891546594 +440 245 4 891548470 +440 258 4 891547637 +440 272 5 891546631 +440 283 5 891577894 +440 300 3 891546785 +440 304 5 891546785 +440 310 3 891546631 +440 312 5 891550404 +440 313 4 891546631 +440 323 1 891577504 +440 324 5 891548567 +440 328 3 891546895 +440 329 5 891548567 +440 340 2 891549397 +440 350 5 891550404 +440 361 5 891548567 +440 462 5 891577994 +440 512 3 891578059 +440 515 4 891578301 +440 690 4 891546698 +440 736 5 891578036 +440 749 3 891547746 +440 750 5 891546784 +440 751 3 891549397 +440 883 5 891550404 +440 886 5 891550404 +440 904 5 891546654 +440 923 5 891577843 +440 988 1 891577504 +440 1038 5 891550404 +440 1073 4 891577814 +440 1105 5 891548567 +440 1194 5 891577843 +440 1265 5 891548567 +440 1504 4 891578226 +440 1591 5 891548567 +441 1 5 891035468 +441 9 4 891035528 +441 15 3 891035699 +441 25 3 891036306 +441 117 4 891035489 +441 259 3 891035211 +441 288 2 891035056 +441 405 3 891035507 +441 683 2 891035350 +441 751 4 891035247 +442 2 3 883390544 +442 7 4 883389983 +442 11 4 883390284 +442 12 4 883390912 +442 14 1 883389776 +442 17 4 883388535 +442 22 2 883390813 +442 26 3 883388576 +442 27 2 883390416 +442 31 3 883391249 +442 33 3 883388508 +442 39 3 883390466 +442 42 4 883388401 +442 44 2 883391146 +442 53 3 883390048 +442 54 3 883391274 +442 55 3 883390813 +442 56 5 883388237 +442 62 2 883390641 +442 64 5 883389682 +442 67 3 883389028 +442 68 3 883390416 +442 69 3 883390935 +442 77 3 883391325 +442 79 3 883390366 +442 82 3 883390497 +442 89 4 883390416 +442 90 3 883388609 +442 92 5 883389776 +442 96 4 883390328 +442 98 4 883389983 +442 100 2 883388325 +442 117 3 883390366 +442 121 2 883390544 +442 144 4 883390328 +442 150 4 883388283 +442 153 3 883388237 +442 154 4 883389491 +442 156 4 883391221 +442 159 4 883391299 +442 161 3 883390497 +442 164 2 883390083 +442 168 4 883388325 +442 172 5 883389580 +442 174 4 883389776 +442 176 5 883390284 +442 177 4 883390366 +442 181 4 883390416 +442 182 4 883390284 +442 184 2 883390083 +442 186 4 883388429 +442 188 3 883390782 +442 195 4 883390328 +442 203 3 883391146 +442 204 3 883389028 +442 209 4 883388283 +442 210 3 883388609 +442 217 3 883390083 +442 218 3 883390048 +442 219 3 883390009 +442 222 3 883391221 +442 226 3 883390416 +442 227 3 883390574 +442 228 5 883390366 +442 229 3 883391275 +442 230 3 883390466 +442 231 3 883390609 +442 234 4 883389983 +442 239 3 883388401 +442 240 2 883388833 +442 268 4 883388092 +442 273 4 883390328 +442 276 4 883391027 +442 281 3 883391299 +442 286 2 883388031 +442 288 4 883390048 +442 294 2 883388120 +442 313 3 883387916 +442 318 4 883391046 +442 342 2 883388147 +442 350 2 883387916 +442 367 2 883388887 +442 385 3 883390416 +442 401 2 883388960 +442 403 4 883390466 +442 405 3 883390497 +442 410 4 883388508 +442 433 4 883388283 +442 436 3 883390048 +442 441 3 883390083 +442 447 3 883390048 +442 449 2 883390739 +442 450 3 883391377 +442 470 4 883391167 +442 482 3 883389747 +442 508 3 883388283 +442 546 3 883390574 +442 550 2 883390466 +442 554 2 883390641 +442 569 2 883390140 +442 576 2 883390703 +442 628 4 883391221 +442 635 4 883389380 +442 665 2 883390139 +442 672 3 883390048 +442 684 3 883391221 +442 685 2 883390703 +442 695 5 883387935 +442 710 5 883388576 +442 738 3 883389164 +442 742 3 883391146 +442 746 3 883388354 +442 769 1 883391397 +442 780 3 883388986 +442 800 3 883390139 +442 810 2 883390674 +442 834 2 883389337 +442 859 3 883390169 +442 871 1 883389455 +442 873 2 883388120 +442 928 3 883391299 +442 943 4 883391221 +442 975 3 883391377 +442 979 3 883391344 +442 986 1 883391377 +442 988 1 883388064 +442 1067 3 883388576 +442 1074 3 883389053 +442 1098 4 883388237 +442 1170 4 883388909 +442 1183 3 883390674 +442 1188 3 883390609 +442 1218 2 883388960 +443 12 5 883505379 +443 39 1 883505492 +443 245 3 883504796 +443 258 5 883504617 +443 271 4 883504682 +443 286 5 883504521 +443 307 3 883504564 +443 323 2 883504866 +443 327 4 883504593 +443 340 5 883504748 +443 644 3 883505465 +443 678 2 883504818 +443 687 3 883504889 +443 948 1 883504844 +444 50 5 890247287 +444 100 5 890247385 +444 269 4 891979402 +444 272 5 891978637 +444 286 2 890246847 +444 300 4 891979402 +444 307 3 891979402 +444 515 4 891979402 +444 678 3 891979403 +444 751 4 890247172 +444 906 4 891979402 +444 912 4 891978663 +444 916 3 891979403 +444 1483 2 891978807 +445 1 3 891199749 +445 7 1 891200078 +445 9 2 891199655 +445 23 3 890987465 +445 28 4 890987772 +445 55 1 890987712 +445 56 5 891200869 +445 64 2 890987771 +445 79 4 890987742 +445 87 3 890988205 +445 93 1 891199945 +445 96 4 890987655 +445 100 2 890987569 +445 117 1 891199821 +445 118 2 891200506 +445 123 1 891200137 +445 127 2 890987687 +445 144 3 890987569 +445 147 2 891199974 +445 151 4 891200869 +445 174 4 891200869 +445 181 2 891199945 +445 183 2 890987687 +445 195 2 890987655 +445 203 3 890988205 +445 204 3 890988205 +445 208 2 890987712 +445 209 4 891200869 +445 221 1 891200203 +445 235 1 891200272 +445 237 2 891199906 +445 245 2 891035830 +445 248 1 891199774 +445 249 2 891200447 +445 257 2 891199945 +445 268 1 890987410 +445 271 1 891199458 +445 272 3 890988205 +445 273 2 891199869 +445 274 2 891200164 +445 276 3 891199869 +445 281 1 891200417 +445 288 2 891035830 +445 289 1 891199510 +445 293 3 891199945 +445 295 1 891199843 +445 298 2 891199906 +445 300 1 890987410 +445 302 1 891199195 +445 310 1 891199331 +445 313 2 890988206 +445 324 1 891199297 +445 325 1 891199533 +445 327 2 891035830 +445 330 2 891199274 +445 333 2 890987410 +445 340 5 891035571 +445 343 1 891199385 +445 346 5 891200869 +445 405 4 891200869 +445 408 3 891199749 +445 410 1 891200164 +445 433 2 890987617 +445 458 2 891200272 +445 460 2 891200624 +445 475 5 891200869 +445 479 3 890988206 +445 480 3 890988206 +445 504 3 890988206 +445 508 2 891200078 +445 544 2 891200417 +445 546 2 891200417 +445 591 2 891200020 +445 595 2 891200624 +445 597 1 891200320 +445 603 3 890988205 +445 628 1 891200137 +445 644 3 890988205 +445 689 1 891199458 +445 742 1 891200078 +445 744 2 891200272 +445 748 1 891199458 +445 752 1 891199167 +445 762 1 891200355 +445 818 1 891200656 +445 823 1 891200624 +445 829 1 891200624 +445 831 1 891200447 +445 840 1 891200320 +445 844 2 891200138 +445 845 2 891200320 +445 871 2 891200592 +445 879 2 891199331 +445 881 1 891199510 +445 895 2 891035897 +445 902 4 891200870 +445 908 1 891199331 +445 919 1 891200233 +445 933 1 891200390 +445 959 5 891200869 +445 979 2 891200272 +445 994 1 891199682 +445 1008 1 891200320 +445 1009 2 891200321 +445 1010 1 891200506 +445 1011 1 891200320 +445 1012 1 891199843 +445 1014 1 891200506 +445 1016 1 891200164 +445 1047 1 891200656 +445 1051 1 891200390 +445 1067 1 891200390 +445 1081 1 891200447 +445 1097 1 891199682 +445 1129 4 891199994 +445 1143 4 891200870 +445 1199 1 891200447 +445 1252 1 891199749 +445 1277 2 891200736 +445 1378 2 891199635 +445 1528 2 891200355 +445 1534 1 891199749 +445 1591 4 891199360 +445 1598 1 891200592 +445 1601 1 891199533 +446 245 4 879787226 +446 268 2 879786892 +446 269 4 879787730 +446 288 2 879786838 +446 289 3 879786984 +446 294 1 879786984 +446 299 2 879787149 +446 300 3 879787149 +446 301 3 879786838 +446 306 3 879786691 +446 307 3 879786892 +446 311 2 879787858 +446 321 4 879786943 +446 322 3 879787226 +446 326 2 879786943 +446 327 2 879787858 +446 332 3 879787149 +446 338 2 879786943 +446 340 2 879786691 +446 359 3 879787226 +446 748 2 879787149 +446 879 3 879786691 +446 880 2 879786943 +446 883 3 879786837 +446 887 4 879786943 +446 888 1 879787859 +447 1 3 878854273 +447 5 3 878856422 +447 7 5 878854383 +447 11 4 878856208 +447 12 5 878855907 +447 13 5 878854630 +447 15 1 878854481 +447 17 3 878856110 +447 22 4 878856422 +447 24 3 878854520 +447 25 4 878854630 +447 27 3 878856601 +447 28 4 878856110 +447 31 4 878856526 +447 50 5 878854552 +447 55 4 878856573 +447 56 5 878855782 +447 65 3 878856422 +447 69 4 878856209 +447 70 3 878856483 +447 79 3 878856110 +447 83 5 878856458 +447 85 4 878856526 +447 89 5 878855723 +447 96 5 878855847 +447 98 4 878855873 +447 100 5 878854552 +447 111 3 878854954 +447 117 4 878854630 +447 118 4 878854578 +447 121 5 878855107 +447 123 3 878854459 +447 132 4 878855963 +447 133 4 878856052 +447 135 5 878855989 +447 144 5 878856078 +447 147 4 878854678 +447 148 4 878854729 +447 150 4 878854438 +447 151 3 878854520 +447 153 4 878855756 +447 156 5 878856625 +447 157 4 878856290 +447 158 3 878856262 +447 174 5 878856052 +447 175 3 878855847 +447 176 4 878856148 +447 181 5 878854520 +447 183 5 878856394 +447 200 3 878855963 +447 201 2 878855723 +447 202 3 878856078 +447 204 4 878856458 +447 209 4 878856148 +447 211 4 878855724 +447 218 4 878856052 +447 222 3 878854340 +447 223 5 878856394 +447 227 2 878856233 +447 228 4 878855682 +447 231 2 878856394 +447 233 4 878856526 +447 234 4 878855782 +447 235 2 878854605 +447 237 4 878854234 +447 248 5 878854383 +447 257 3 878854520 +447 258 5 878853977 +447 260 2 878854120 +447 265 4 878856394 +447 274 1 878854552 +447 276 4 878854552 +447 278 3 878854810 +447 281 3 878854857 +447 282 4 878856290 +447 284 4 878854552 +447 286 2 878855082 +447 290 4 878854838 +447 293 4 878854459 +447 294 4 878855082 +447 298 4 878854195 +447 367 3 878856232 +447 405 2 878854704 +447 410 2 878854630 +447 411 2 878855107 +447 435 4 878855756 +447 447 3 878855724 +447 469 4 878856394 +447 470 4 878856208 +447 471 4 878854340 +447 474 3 878856022 +447 483 5 878855818 +447 484 5 878856457 +447 498 4 878856321 +447 508 3 878854195 +447 535 4 878854954 +447 544 4 878854997 +447 546 2 878854704 +447 559 3 878856172 +447 582 4 878855724 +447 591 4 878855139 +447 597 3 878855021 +447 629 3 878855907 +447 642 4 878855819 +447 678 3 878854056 +447 716 2 878856573 +447 737 4 878855907 +447 742 3 878854658 +447 748 1 878854056 +447 762 3 878855139 +447 770 3 878856601 +447 815 3 878854658 +447 823 3 878855165 +447 845 3 878854678 +447 866 2 878855082 +447 926 3 878854438 +447 952 4 878854315 +447 963 5 878855963 +447 981 2 878855139 +447 1009 4 878854876 +447 1016 3 878854918 +447 1028 3 878855139 +447 1034 2 878854918 +447 1046 3 878856602 +447 1048 2 878854579 +447 1132 3 878855164 +447 1142 5 878854481 +447 1315 4 878854838 +447 1326 4 878854838 +448 258 4 891887440 +448 262 4 891888042 +448 268 3 891888367 +448 269 5 891887338 +448 270 5 891888137 +448 271 4 891888509 +448 286 2 891887393 +448 288 1 891887161 +448 292 4 891888178 +448 301 1 891888099 +448 302 5 891887337 +448 303 4 891887161 +448 307 2 891888042 +448 312 1 891888653 +448 316 1 891887337 +448 319 5 891888099 +448 327 2 891888367 +448 344 4 891888244 +448 345 5 891887440 +448 360 4 891887338 +448 874 3 891889281 +448 884 4 891889281 +448 887 2 891888042 +448 896 5 891887216 +448 902 4 891888779 +448 1022 5 891888244 +448 1062 5 891888178 +448 1294 1 891887161 +449 9 4 879958624 +449 14 3 879958603 +449 15 4 879958866 +449 59 5 880410599 +449 60 5 880410652 +449 61 5 880410700 +449 70 4 880410777 +449 86 4 880410599 +449 100 5 879958664 +449 105 1 879959573 +449 106 3 879958936 +449 118 1 879959573 +449 120 1 879959573 +449 137 5 879958866 +449 179 4 880410674 +449 198 4 880410624 +449 212 5 880410624 +449 213 3 880410652 +449 224 4 879958758 +449 244 4 879959152 +449 248 4 879958888 +449 251 3 879958603 +449 268 2 880410988 +449 269 5 879958444 +449 273 4 879959003 +449 274 2 879959003 +449 282 3 879958953 +449 285 5 879958572 +449 286 4 879958444 +449 288 3 879959082 +449 291 2 879959246 +449 310 3 880410951 +449 333 3 879958474 +449 337 4 880411035 +449 381 4 880410777 +449 410 3 879959134 +449 459 4 879958803 +449 462 5 880410674 +449 473 3 879958866 +449 475 5 879958603 +449 515 5 879958685 +449 544 3 879959023 +449 558 4 880410599 +449 593 4 879959101 +449 639 5 880410700 +449 640 5 880410734 +449 702 5 880410778 +449 742 3 879958839 +449 748 2 879959273 +449 753 5 880410700 +449 763 2 879959190 +449 936 5 879958721 +449 971 4 880410701 +449 983 2 879959331 +449 1005 5 880410734 +449 1009 4 879959190 +449 1010 4 879958664 +449 1011 4 879958685 +449 1073 5 880410734 +449 1142 4 879958803 +449 1194 4 880410624 +449 1195 5 880410754 +449 1367 4 879958976 +449 1372 4 880410834 +449 1404 5 880410801 +450 1 4 887835272 +450 2 4 882474001 +450 3 4 882398220 +450 4 3 882373865 +450 7 4 882376885 +450 10 4 882398567 +450 11 5 882376365 +450 12 4 882373231 +450 13 3 882373297 +450 15 3 882812350 +450 22 5 882373865 +450 23 5 887136837 +450 25 3 882376188 +450 26 5 882396489 +450 28 4 882377861 +450 29 3 887661438 +450 33 5 882398083 +450 35 2 882468790 +450 39 4 882376282 +450 43 4 887139080 +450 44 3 882376658 +450 47 3 882394180 +450 49 5 882469728 +450 50 5 882371415 +450 51 4 882377358 +450 54 4 887138820 +450 56 4 882371645 +450 58 3 882373464 +450 59 4 882371904 +450 60 3 882472089 +450 61 4 882376446 +450 63 4 882469941 +450 64 4 882373656 +450 65 3 882376885 +450 66 4 882398770 +450 67 3 882469941 +450 69 4 882373532 +450 70 4 882374497 +450 71 3 882377358 +450 73 3 887661438 +450 76 3 882395913 +450 77 4 887139143 +450 78 2 882396245 +450 79 4 882376446 +450 80 3 882471737 +450 81 4 882376188 +450 82 3 887834953 +450 83 4 882372027 +450 86 4 887660440 +450 87 5 882374059 +450 88 5 882396799 +450 89 5 882371311 +450 90 4 887660650 +450 91 4 887660763 +450 92 4 887660650 +450 94 4 882468239 +450 95 3 882395167 +450 96 4 887834823 +450 97 4 882396351 +450 98 4 882371732 +450 99 4 882376803 +450 100 4 882374059 +450 101 5 882399359 +450 102 4 882468047 +450 110 4 882469250 +450 111 4 882377590 +450 112 2 882468307 +450 114 5 887660504 +450 117 4 882397373 +450 118 3 882395166 +450 121 3 882395537 +450 123 2 882373464 +450 125 4 882376803 +450 126 5 882396051 +450 127 5 882373155 +450 131 4 882377861 +450 132 5 882374422 +450 133 5 882373019 +450 134 3 882373597 +450 135 3 882373231 +450 136 5 882812349 +450 139 5 882812558 +450 140 3 882376585 +450 141 3 882377726 +450 142 5 887835352 +450 143 5 882394364 +450 145 3 887661438 +450 151 5 882376658 +450 152 5 882395052 +450 153 5 882374422 +450 154 3 882377590 +450 155 4 882396564 +450 157 3 882394180 +450 158 3 882471524 +450 161 5 882396245 +450 162 5 882395913 +450 163 4 882377358 +450 164 4 882396050 +450 166 5 887660440 +450 167 5 882469863 +450 168 5 882376803 +450 169 5 882371732 +450 170 5 887660440 +450 172 4 882372103 +450 173 5 882371526 +450 174 5 882374422 +450 176 4 882373088 +450 177 4 887136369 +450 178 4 882394251 +450 180 4 882373020 +450 181 4 882372103 +450 182 5 882376585 +450 183 4 882394180 +450 185 5 882376365 +450 186 3 882396799 +450 187 5 882373597 +450 188 3 882395778 +450 190 4 882373385 +450 191 5 887660440 +450 192 4 882467868 +450 193 5 882372027 +450 194 5 882373786 +450 195 4 882371826 +450 196 5 882371526 +450 197 5 882374059 +450 199 5 882371732 +450 200 3 882376188 +450 202 4 882397223 +450 203 4 882396799 +450 204 4 882377590 +450 205 4 882373531 +450 207 4 882374497 +450 208 5 882377358 +450 210 3 887835408 +450 211 5 882373865 +450 213 4 882396351 +450 214 1 882371416 +450 215 5 882396051 +450 216 5 882373657 +450 218 4 882397224 +450 220 4 882394097 +450 221 4 882395052 +450 222 3 882395778 +450 223 3 882371732 +450 225 4 887662002 +450 226 4 882474001 +450 227 3 882398313 +450 228 4 882373019 +450 229 4 882474001 +450 230 4 882371732 +450 231 3 887662002 +450 232 4 882398666 +450 233 3 882474001 +450 234 3 882396245 +450 235 3 887661217 +450 237 5 887660650 +450 238 5 882396928 +450 239 5 882373865 +450 241 4 882376658 +450 245 4 892141986 +450 254 3 887662083 +450 258 4 882216108 +450 259 3 887834953 +450 260 2 889568753 +450 264 3 882370581 +450 265 5 882371526 +450 269 5 882215617 +450 270 4 882216108 +450 272 5 886449009 +450 273 3 882377726 +450 274 4 882469627 +450 275 4 882372178 +450 277 3 882397223 +450 278 5 882473476 +450 280 4 882397940 +450 281 4 882399664 +450 282 5 882377653 +450 283 3 887661961 +450 284 4 887139517 +450 286 4 882215617 +450 287 4 887660504 +450 288 3 884097913 +450 290 4 882399509 +450 292 5 882215922 +450 294 4 882370316 +450 299 2 889568793 +450 300 4 882216475 +450 301 4 882216475 +450 302 5 882215617 +450 304 4 882216108 +450 305 4 885944806 +450 307 5 882216475 +450 310 4 887660650 +450 311 4 885945425 +450 312 4 882812205 +450 313 5 882811655 +450 315 4 884098435 +450 316 4 889568753 +450 318 5 882373531 +450 322 4 882370316 +450 328 4 886449488 +450 332 4 882369964 +450 336 3 882370464 +450 340 4 882216178 +450 345 2 884906309 +450 347 4 887047775 +450 354 4 892141784 +450 356 4 887138756 +450 357 5 882373531 +450 366 3 882396489 +450 367 3 882376282 +450 371 3 887661961 +450 372 4 882396245 +450 373 3 887834953 +450 378 5 882373995 +450 380 5 882398939 +450 381 2 882374497 +450 382 3 882377479 +450 383 2 882468790 +450 385 4 882396489 +450 386 4 882397049 +450 387 5 882376446 +450 388 3 882471604 +450 389 4 882396051 +450 392 4 887660762 +450 393 4 882812349 +450 395 3 882470642 +450 396 2 882469941 +450 399 4 882468239 +450 400 3 882468790 +450 401 3 882397224 +450 402 4 882395662 +450 403 4 887660440 +450 405 4 882474001 +450 414 3 882396564 +450 415 3 882398220 +450 416 5 882395779 +450 417 4 882376365 +450 418 4 882395914 +450 419 5 887660504 +450 421 4 887834823 +450 422 3 882467991 +450 423 5 882371904 +450 427 5 882371415 +450 428 4 887660722 +450 430 4 882377590 +450 431 5 882473914 +450 432 4 882377861 +450 433 3 882469061 +450 434 3 882372027 +450 435 4 882374332 +450 443 4 882377861 +450 448 4 882371526 +450 451 4 882398220 +450 455 4 882376188 +450 457 2 882466909 +450 465 4 887834823 +450 467 4 882374332 +450 468 4 882376803 +450 469 4 882396153 +450 470 5 887139517 +450 471 4 882396153 +450 472 4 882397813 +450 474 5 882812558 +450 476 4 882469306 +450 477 4 887660762 +450 478 5 887835272 +450 479 4 882371526 +450 480 4 882372178 +450 481 5 882373231 +450 482 5 882371904 +450 483 3 882371826 +450 484 3 887662002 +450 485 5 882373088 +450 487 4 887660504 +450 488 4 882371415 +450 489 4 882373464 +450 490 5 882373786 +450 491 3 882373297 +450 492 5 882397049 +450 493 4 887660722 +450 494 3 882373385 +450 495 4 882395052 +450 496 5 882373532 +450 497 5 882374422 +450 498 3 882396351 +450 499 5 882372178 +450 500 4 882376188 +450 501 4 882371416 +450 502 5 882469061 +450 503 4 882371311 +450 504 5 882377590 +450 505 5 882376658 +450 506 5 882373088 +450 507 5 882373020 +450 509 4 882398567 +450 510 4 887660722 +450 511 5 882372178 +450 514 5 882468931 +450 516 5 882396564 +450 518 4 882374134 +450 519 4 887660820 +450 520 5 887136083 +450 521 4 882394180 +450 523 5 882371904 +450 525 3 882467271 +450 526 4 882396245 +450 527 5 882374059 +450 528 5 882371526 +450 530 3 887661843 +450 535 3 882812636 +450 546 4 887139019 +450 549 3 882377358 +450 550 4 882473915 +450 553 2 882373928 +450 557 5 882472306 +450 558 3 882396050 +450 559 3 882376446 +450 561 4 887660762 +450 566 4 882373928 +450 568 4 882397939 +450 570 4 887139728 +450 571 2 882471604 +450 582 4 882394097 +450 583 4 882473914 +450 584 5 882397223 +450 588 4 882376658 +450 589 3 882813241 +450 591 4 887660762 +450 597 4 882473914 +450 601 3 882376658 +450 602 4 882373532 +450 603 5 882373088 +450 604 4 882373231 +450 606 5 882371904 +450 607 5 887135753 +450 608 4 882373088 +450 609 5 882398312 +450 610 4 882371904 +450 611 5 887135833 +450 612 4 882396564 +450 613 4 887660650 +450 614 4 882377479 +450 616 4 882373597 +450 618 4 882373995 +450 619 3 882377861 +450 620 4 882399818 +450 622 5 882468239 +450 627 3 882396489 +450 628 4 882377590 +450 629 4 882397940 +450 630 3 882376188 +450 631 4 882394251 +450 632 5 882395914 +450 633 5 887660440 +450 637 4 882395662 +450 642 4 882397939 +450 647 4 887136622 +450 648 5 887660503 +450 650 4 882376446 +450 651 5 882376658 +450 654 4 882373928 +450 655 4 882377653 +450 657 4 887660504 +450 660 4 887660762 +450 661 3 882373231 +450 662 4 882395914 +450 663 4 882373019 +450 671 3 882371416 +450 673 3 882396928 +450 679 1 882374422 +450 685 4 882374134 +450 686 4 882473826 +450 689 3 882216026 +450 692 4 882373724 +450 693 3 887139232 +450 696 4 882398666 +450 699 4 882395537 +450 700 1 882469863 +450 702 4 882371904 +450 704 3 882372178 +450 705 4 882373656 +450 707 5 882373786 +450 708 4 882397049 +450 709 3 882371826 +450 710 3 882468931 +450 712 3 882470642 +450 713 3 882395778 +450 714 4 882472144 +450 715 3 887137066 +450 716 4 882469166 +450 717 4 887834953 +450 722 5 882471524 +450 723 3 882399818 +450 724 5 882395537 +450 725 3 882469863 +450 727 4 882812635 +450 728 3 887834953 +450 729 4 887139517 +450 731 3 882398084 +450 732 3 882395662 +450 734 2 882471737 +450 735 4 882377590 +450 736 5 882395167 +450 741 3 882376282 +450 742 4 882396564 +450 747 4 882395166 +450 748 4 882370410 +450 749 4 892141807 +450 750 3 884098229 +450 751 5 885945114 +450 756 3 882398940 +450 761 4 882398939 +450 762 3 882469627 +450 765 3 882471362 +450 771 3 887835478 +450 774 4 882399818 +450 775 4 882469432 +450 776 4 882468402 +450 778 3 887834953 +450 781 4 882398220 +450 783 3 882399818 +450 785 3 882395537 +450 790 2 882374332 +450 792 4 882396050 +450 794 5 882473476 +450 795 3 882468790 +450 801 4 882469863 +450 807 4 887834823 +450 812 4 882468402 +450 815 3 882396153 +450 821 2 882812495 +450 823 3 887139729 +450 832 2 882468307 +450 837 4 887835478 +450 842 4 882376446 +450 845 4 882373385 +450 846 3 882471524 +450 847 4 882376188 +450 865 4 887136139 +450 866 4 882396565 +450 869 4 882470064 +450 873 3 882216475 +450 878 2 884098534 +450 900 5 885944864 +450 902 4 889569016 +450 904 5 889568507 +450 905 5 885945656 +450 908 1 885945114 +450 921 4 882372178 +450 923 5 886612198 +450 926 4 882470125 +450 928 3 882397813 +450 934 3 882471362 +450 936 5 889569270 +450 939 4 882376803 +450 940 2 882471737 +450 942 5 882812558 +450 951 4 882399508 +450 956 4 882394097 +450 965 4 882394364 +450 966 4 882377861 +450 967 5 882373994 +450 968 4 882395537 +450 969 4 882376584 +450 1020 4 882376365 +450 1028 4 882469250 +450 1030 1 882468789 +450 1033 3 882468401 +450 1036 2 882468686 +450 1037 2 882473760 +450 1039 5 887137271 +450 1041 4 882469432 +450 1044 4 887139844 +450 1047 4 882469941 +450 1048 3 882397813 +450 1050 4 882812349 +450 1053 3 882396352 +450 1054 2 882812495 +450 1061 4 882398313 +450 1091 4 882468047 +450 1092 3 882469627 +450 1107 4 887138957 +450 1112 3 882396352 +450 1115 4 882395778 +450 1116 3 887661961 +450 1119 4 882374332 +450 1126 4 887661961 +450 1135 4 882396352 +450 1140 2 882471362 +450 1147 4 882374497 +450 1152 5 882812558 +450 1153 5 882397223 +450 1163 3 882396928 +450 1172 5 882373231 +450 1184 1 882397049 +450 1192 5 887137066 +450 1197 3 882395662 +450 1203 3 882373723 +450 1208 3 882399359 +450 1212 4 882396799 +450 1220 5 882398084 +450 1221 5 887660722 +450 1222 3 887834953 +450 1226 4 887660820 +450 1248 4 882399664 +450 1249 3 882812821 +450 1261 4 882472964 +450 1263 4 882396799 +450 1271 2 882468686 +450 1282 3 882394364 +450 1284 3 887139594 +450 1286 3 882377479 +450 1297 4 882812635 +450 1303 4 887136016 +450 1311 4 887139844 +450 1401 4 882372103 +450 1402 2 882473230 +450 1421 4 882399664 +450 1425 4 882471737 +450 1435 4 882471362 +450 1441 3 882397940 +450 1444 4 882468239 +450 1446 4 882812558 +450 1479 3 882377479 +450 1480 3 882468686 +450 1490 3 882396929 +450 1518 4 887138957 +450 1521 3 882812350 +450 1603 3 887139728 +451 242 1 879012857 +451 243 4 879012510 +451 245 2 879012550 +451 258 4 879012343 +451 259 4 879012721 +451 261 2 879012647 +451 262 1 879012647 +451 263 2 879012811 +451 266 2 879012811 +451 268 2 879012684 +451 269 2 879012647 +451 270 4 879012684 +451 286 1 879012343 +451 288 5 879012470 +451 289 1 879012510 +451 292 3 879012684 +451 294 5 879012470 +451 299 1 879012721 +451 300 4 879012550 +451 301 4 879012431 +451 302 3 879012647 +451 303 2 879012648 +451 304 3 879012684 +451 305 3 879012647 +451 306 2 879012684 +451 307 4 879012431 +451 308 1 879012890 +451 321 3 879012470 +451 323 4 879012510 +451 324 4 879012647 +451 325 3 879012721 +451 326 4 879012431 +451 327 4 879012580 +451 328 5 879012470 +451 329 4 879012721 +451 330 3 879012721 +451 332 4 879012342 +451 333 5 879012550 +451 334 3 879012648 +451 335 4 879012721 +451 336 4 879012811 +451 337 2 879012857 +451 358 1 879012550 +451 359 2 879012721 +451 360 3 879012858 +451 678 5 879012510 +451 680 1 879012811 +451 681 1 879012773 +451 682 4 879012580 +451 687 2 879012510 +451 688 1 879012811 +451 690 4 879012382 +451 748 4 879012550 +451 749 3 879012773 +451 872 2 879012857 +451 873 5 879012684 +451 874 4 879012684 +451 876 4 879012431 +451 877 4 879012471 +451 878 1 879012811 +451 879 4 879012580 +451 880 1 879012773 +451 881 4 879012721 +451 882 1 879012812 +451 883 1 879012858 +451 884 1 879012890 +451 885 1 879012890 +451 886 4 879012773 +451 887 1 879012858 +451 937 4 879012684 +451 938 4 879012772 +451 948 3 879012890 +451 988 1 879012773 +451 989 1 879012857 +451 990 3 879012684 +451 991 2 879012647 +451 995 1 879012721 +451 1022 4 879012858 +451 1025 3 879012773 +451 1026 1 879012773 +451 1038 1 879012889 +451 1265 4 879012772 +451 1280 1 879012773 +451 1295 2 879012811 +451 1296 3 879012685 +451 1393 2 879012812 +451 1394 1 879012858 +451 1395 1 879012858 +452 7 5 885816915 +452 8 4 875266060 +452 14 3 888568076 +452 15 4 875275763 +452 22 5 885544110 +452 23 2 876825745 +452 25 2 875559910 +452 45 4 875265446 +452 48 5 885816769 +452 50 5 875264825 +452 52 3 888494119 +452 58 3 875261666 +452 60 1 887718917 +452 62 2 875563098 +452 64 4 875266518 +452 66 4 885816884 +452 70 5 888492838 +452 71 3 875273415 +452 73 3 875277472 +452 76 4 875562410 +452 77 3 875562997 +452 79 4 875269386 +452 82 3 886149040 +452 83 3 885490812 +452 86 4 875274683 +452 88 2 875559842 +452 94 1 888568349 +452 96 2 875275699 +452 97 4 885476560 +452 98 5 875263330 +452 99 3 875562410 +452 100 5 885544109 +452 102 2 875560150 +452 111 3 886061565 +452 124 5 885816768 +452 127 5 885544109 +452 132 2 875560255 +452 134 3 875265446 +452 135 3 875560790 +452 136 4 875266060 +452 143 3 885805093 +452 152 2 875264826 +452 153 4 875276361 +452 154 5 888568251 +452 156 4 875261819 +452 161 5 885816915 +452 162 3 875277319 +452 163 4 886151027 +452 164 4 875269386 +452 168 4 888568251 +452 170 4 875261261 +452 171 4 875277472 +452 172 4 876297413 +452 173 4 875261350 +452 174 4 875263413 +452 179 5 875265368 +452 180 4 875560300 +452 181 4 886151027 +452 183 4 888492759 +452 185 5 875264355 +452 187 3 875265265 +452 188 4 875560300 +452 191 5 876299004 +452 194 4 885816440 +452 195 4 875265114 +452 196 4 875275763 +452 197 5 885816768 +452 199 5 885816768 +452 202 3 885547846 +452 203 3 875275561 +452 204 3 875275815 +452 207 4 875261261 +452 210 4 875561852 +452 211 2 875266197 +452 212 2 885490812 +452 213 4 875265265 +452 216 3 888568700 +452 223 5 885816768 +452 234 3 875264355 +452 237 2 875263068 +452 243 5 886148336 +452 245 2 876216206 +452 259 2 888494119 +452 265 3 887719158 +452 269 5 888568251 +452 275 4 875264491 +452 285 3 888492147 +452 286 4 876298932 +452 288 2 876298593 +452 290 2 875562903 +452 294 2 886148704 +452 318 5 885544110 +452 371 3 875562573 +452 384 2 875559398 +452 385 4 875560933 +452 404 4 875561978 +452 418 4 875275700 +452 419 4 887719030 +452 420 3 875562510 +452 423 5 885544110 +452 427 4 875264976 +452 430 3 885817719 +452 432 2 875264432 +452 435 3 885476560 +452 443 5 885544109 +452 455 1 876297413 +452 456 1 876209837 +452 458 1 875266197 +452 461 4 875273609 +452 462 4 875264825 +452 465 5 886148336 +452 467 3 885491030 +452 472 5 885816916 +452 474 3 875263067 +452 475 2 876299004 +452 479 5 885544109 +452 480 5 875261261 +452 481 5 885544110 +452 482 5 885544110 +452 483 5 875263244 +452 485 2 875276589 +452 488 4 885546945 +452 490 4 875261350 +452 491 4 875261100 +452 492 4 875263413 +452 494 5 885805554 +452 495 4 875560508 +452 496 5 875261666 +452 498 4 875264976 +452 501 3 885476356 +452 504 2 875273544 +452 509 4 875560790 +452 510 4 875562475 +452 513 4 875561734 +452 514 3 875261350 +452 515 4 875261747 +452 516 3 888324014 +452 517 2 875562846 +452 518 5 885816768 +452 520 3 875261100 +452 521 3 885545770 +452 523 2 887889774 +452 526 4 875562645 +452 527 3 885490722 +452 528 4 875261261 +452 530 3 875562062 +452 531 4 875263244 +452 554 3 875562245 +452 576 2 875563050 +452 588 3 885804123 +452 597 5 885816916 +452 603 4 887718667 +452 607 5 875266680 +452 609 4 875562374 +452 614 3 875562198 +452 615 3 875261350 +452 624 2 875560067 +452 625 3 875562159 +452 631 4 888568464 +452 636 5 885816916 +452 641 3 875266415 +452 648 4 875273292 +452 654 2 875273543 +452 659 4 875266415 +452 660 4 875560068 +452 661 4 875261747 +452 663 2 885817516 +452 684 4 888493923 +452 729 1 885981574 +452 736 3 887890174 +452 780 1 885476356 +452 781 3 888568714 +452 792 5 887890364 +452 805 4 875562441 +452 815 2 875277472 +452 825 5 885816916 +452 842 2 875265368 +452 856 4 885817937 +452 863 5 885816769 +452 874 2 887718965 +452 924 5 885816916 +452 945 4 888323595 +452 947 5 885816915 +452 969 2 875276006 +452 971 4 875560019 +452 1013 1 876215773 +452 1057 1 876215627 +452 1089 1 876215899 +452 1109 2 875273609 +452 1204 4 875560150 +452 1255 2 876298932 +452 1383 1 886149828 +452 1403 1 875875272 +452 1410 1 876297577 +452 1427 5 885816768 +452 1534 1 876298233 +453 3 4 877552717 +453 4 4 877554490 +453 9 3 888207161 +453 11 5 877554174 +453 12 5 877553813 +453 17 4 877553928 +453 22 5 877553870 +453 24 4 877553108 +453 25 4 877552872 +453 48 4 877553761 +453 49 3 877561172 +453 50 5 877562313 +453 53 3 877561894 +453 55 4 877554301 +453 56 5 877554771 +453 59 2 888202258 +453 67 4 888205882 +453 68 4 877561411 +453 69 4 877554647 +453 73 4 888206132 +453 77 3 888207161 +453 79 3 888207161 +453 80 2 888205783 +453 82 3 877561694 +453 85 3 877561301 +453 90 3 877561942 +453 93 2 887941962 +453 94 4 877561956 +453 97 3 877554743 +453 98 4 877554396 +453 99 3 888205588 +453 100 5 877552612 +453 117 4 877552540 +453 120 1 877553678 +453 122 3 877553532 +453 125 3 877561349 +453 132 3 877554871 +453 143 2 888206053 +453 144 4 877554443 +453 151 3 877552970 +453 156 5 877554908 +453 157 4 877561172 +453 158 2 888205937 +453 164 3 877554771 +453 168 4 877553708 +453 172 5 877554587 +453 174 4 877554564 +453 181 5 877552612 +453 184 4 877554846 +453 186 4 877554466 +453 196 4 877554174 +453 202 4 877553999 +453 204 4 877554704 +453 210 4 877554587 +453 214 3 877553928 +453 215 3 877554419 +453 223 4 888203147 +453 226 3 877561214 +453 227 3 888207162 +453 229 2 888206219 +453 233 2 888206003 +453 234 3 877561411 +453 237 4 877552657 +453 238 4 877554396 +453 239 3 877554927 +453 246 5 877552590 +453 248 4 887942143 +453 254 2 877562293 +453 257 3 877552590 +453 258 4 876191239 +453 268 4 877552481 +453 272 5 887941892 +453 273 4 877552678 +453 276 5 877552564 +453 282 4 877561382 +453 288 4 877562071 +453 298 4 877552641 +453 318 4 877553761 +453 354 4 888201923 +453 356 2 888205866 +453 357 5 877554174 +453 364 3 888206676 +453 367 2 888202813 +453 369 2 877553051 +453 384 2 888205711 +453 385 3 888207161 +453 393 3 888207162 +453 401 3 888206038 +453 402 3 888207161 +453 403 4 877562293 +453 410 4 877552951 +453 416 2 888206132 +453 421 4 888203015 +453 423 4 877554819 +453 424 1 888206768 +453 427 3 877554174 +453 451 2 877561836 +453 452 2 888206630 +453 453 2 888206768 +453 471 4 888205557 +453 475 5 877552514 +453 476 3 890939266 +453 496 4 888203066 +453 508 4 877552612 +453 509 4 877553850 +453 515 4 876191626 +453 550 3 888207161 +453 552 2 877561713 +453 575 2 892447163 +453 578 3 888205764 +453 586 2 892447163 +453 591 3 877552969 +453 628 3 887942025 +453 651 4 877554743 +453 652 3 877554443 +453 655 3 877553999 +453 684 3 888205336 +453 693 5 877561172 +453 697 4 877561235 +453 717 2 888206467 +453 721 4 888205696 +453 732 3 877561695 +453 742 3 888207161 +453 750 4 888201942 +453 763 4 877553221 +453 780 3 877561522 +453 781 3 888206022 +453 790 4 877561800 +453 797 1 888206339 +453 826 1 877553430 +453 871 1 888206233 +453 941 2 877561613 +453 959 4 877561676 +453 963 4 888202307 +453 975 2 887942451 +453 1016 4 877552991 +453 1017 3 887942122 +453 1032 1 877561911 +453 1037 1 888206630 +453 1079 1 887942484 +453 1145 2 888206492 +453 1157 2 888206576 +453 1170 3 877562135 +453 1230 2 888202271 +453 1273 2 877561258 +453 1303 2 888206730 +454 1 3 881959818 +454 8 5 888266643 +454 11 1 888266433 +454 12 3 881960114 +454 15 2 881960029 +454 22 4 881959844 +454 28 4 888267560 +454 48 4 881960114 +454 50 4 881959144 +454 55 2 888267617 +454 56 3 888267590 +454 58 4 881960029 +454 64 4 881959652 +454 66 4 888266685 +454 69 4 881959818 +454 70 4 888267419 +454 71 3 888266754 +454 73 3 888267521 +454 76 1 888266433 +454 77 4 888266955 +454 79 4 881960083 +454 81 1 888266433 +454 82 4 881960446 +454 86 2 888267280 +454 87 4 881960296 +454 88 4 888267560 +454 89 1 888266433 +454 95 2 888266433 +454 96 4 888266600 +454 97 4 881960029 +454 98 1 888266433 +454 99 3 881960296 +454 100 4 881959917 +454 107 3 888267087 +454 111 1 888267086 +454 114 3 881960330 +454 117 3 888267343 +454 118 4 888267128 +454 121 4 888267128 +454 124 4 881959960 +454 131 3 881960330 +454 132 2 888266874 +454 133 4 881959652 +454 134 3 881959991 +454 135 2 888266433 +454 136 3 881959745 +454 140 3 888267386 +454 143 4 881960230 +454 147 3 888267455 +454 153 3 888267521 +454 161 4 888267198 +454 162 3 888267315 +454 169 4 888266955 +454 172 2 888266906 +454 173 2 888267028 +454 181 3 881959187 +454 182 3 888266685 +454 185 2 881960265 +454 191 4 888266724 +454 193 2 881959818 +454 194 3 881959698 +454 195 4 888266810 +454 196 2 881959778 +454 197 4 881959961 +454 199 3 881960413 +454 202 3 881960201 +454 203 2 888267487 +454 204 4 881960504 +454 210 4 881960361 +454 211 2 888267158 +454 215 4 881959917 +454 222 3 888266785 +454 228 3 881959960 +454 234 3 888267087 +454 237 4 881960361 +454 238 3 881960361 +454 245 3 881958782 +454 248 3 881959238 +454 250 4 881959238 +454 252 2 881959336 +454 255 4 881959276 +454 257 4 881959276 +454 258 4 881958402 +454 259 4 881958606 +454 260 1 888000454 +454 270 4 881958606 +454 272 5 888007255 +454 275 2 888267419 +454 277 2 881959960 +454 279 4 881960330 +454 283 3 888267590 +454 285 2 881959917 +454 289 3 881958783 +454 293 4 881959238 +454 300 4 881958326 +454 302 4 881958326 +454 312 3 888015842 +454 313 5 888000454 +454 316 4 888015879 +454 317 4 888267343 +454 318 5 881959576 +454 322 2 881958782 +454 323 2 881958783 +454 326 4 881958362 +454 327 3 881958428 +454 356 1 888267279 +454 357 3 881959844 +454 367 4 888267128 +454 371 3 888267198 +454 378 3 888267128 +454 385 3 888266810 +454 387 2 888267279 +454 392 2 888266991 +454 402 3 888267419 +454 404 3 888267590 +454 414 2 888267226 +454 418 3 888267128 +454 419 4 881959917 +454 423 4 881959607 +454 427 4 881960173 +454 431 3 888266991 +454 434 3 888267387 +454 435 2 881960145 +454 451 4 888267455 +454 454 3 881959745 +454 463 2 888267560 +454 465 3 888267343 +454 468 3 888267087 +454 471 3 881960445 +454 472 3 888266874 +454 474 4 881959917 +454 478 2 888267487 +454 480 4 881959652 +454 482 3 881960230 +454 483 3 881960145 +454 484 3 881960445 +454 485 4 888267386 +454 486 3 881960385 +454 487 4 888266565 +454 490 2 888266754 +454 492 3 888266643 +454 493 2 888267617 +454 496 4 881959991 +454 497 3 881959876 +454 498 3 888267559 +454 504 2 888266955 +454 507 3 881960265 +454 509 2 881960230 +454 511 3 881960173 +454 519 2 888267455 +454 520 4 881959607 +454 526 4 881959698 +454 527 4 881960201 +454 528 4 881959818 +454 530 2 881960174 +454 531 2 888266785 +454 566 4 888267087 +454 568 4 888266906 +454 588 3 881960083 +454 589 2 888267487 +454 602 2 888267521 +454 603 4 881959876 +454 604 3 881959960 +454 605 2 888267487 +454 606 2 881960330 +454 607 2 888267315 +454 610 3 881959576 +454 611 2 888266685 +454 612 3 881960145 +454 614 3 888267590 +454 627 2 888267643 +454 631 2 888267643 +454 632 3 881960145 +454 633 2 881959745 +454 642 2 888267419 +454 649 2 888267279 +454 651 4 881960083 +454 654 2 888267419 +454 655 3 881959746 +454 657 3 881959876 +454 659 2 888267028 +454 660 3 888267128 +454 661 4 881959991 +454 678 2 881958782 +454 685 3 888267198 +454 686 2 888267280 +454 687 3 881959468 +454 692 5 888267158 +454 693 2 888267315 +454 694 2 888266874 +454 707 3 881959576 +454 724 3 888267158 +454 732 4 888267560 +454 735 2 888267387 +454 736 3 888266991 +454 740 2 888266433 +454 742 3 888267315 +454 746 2 881959778 +454 748 4 881958551 +454 751 4 888265376 +454 836 2 888266785 +454 837 2 888267315 +454 842 2 881960266 +454 873 2 881958782 +454 875 1 888266433 +454 879 4 881958402 +454 939 2 888267386 +454 942 2 888267198 +454 945 3 881960083 +454 956 2 888266955 +454 961 1 888267279 +454 968 2 888267198 +454 972 2 888267128 +454 984 3 891377968 +454 988 2 888015879 +454 1003 2 881960446 +454 1035 3 888266601 +454 1063 4 881960029 +454 1089 2 881959437 +454 1105 3 888015988 +454 1107 4 888267617 +454 1126 2 888266955 +454 1190 3 881959437 +454 1203 2 888267521 +454 1269 3 881959698 +454 1454 2 888266907 +455 1 4 878585685 +455 2 4 879111786 +455 4 3 879111786 +455 7 4 879111213 +455 8 4 879111345 +455 9 4 878585685 +455 11 3 879110971 +455 12 3 879111123 +455 14 3 883768822 +455 15 2 879110767 +455 17 3 879111862 +455 20 3 879109594 +455 22 4 879111500 +455 24 3 879111662 +455 25 3 879109110 +455 28 4 879111371 +455 31 4 879111937 +455 39 2 879111345 +455 40 3 879111662 +455 42 2 879110767 +455 44 3 879112678 +455 47 2 879112172 +455 50 5 878585826 +455 52 3 879112011 +455 53 1 879112415 +455 56 5 879110844 +455 57 4 879112460 +455 58 3 879111318 +455 64 4 879111500 +455 65 3 879111396 +455 69 4 879111937 +455 70 3 879111194 +455 71 3 879112098 +455 77 4 879111528 +455 79 4 879112377 +455 82 5 879110818 +455 87 3 879110905 +455 89 3 879111616 +455 95 4 879111057 +455 96 4 879111616 +455 97 5 879112436 +455 98 4 879110436 +455 100 4 878585826 +455 117 3 879111345 +455 118 4 879109733 +455 121 4 878585685 +455 123 3 879111705 +455 124 4 879109594 +455 125 3 879109133 +455 126 5 879172791 +455 127 5 879111586 +455 135 5 879111248 +455 144 3 879110436 +455 147 4 879109764 +455 148 3 879110346 +455 159 3 879111500 +455 164 4 879110844 +455 170 3 879111616 +455 172 4 879112054 +455 173 4 879111937 +455 174 4 879111763 +455 176 3 879111960 +455 181 4 878585826 +455 183 4 879111862 +455 191 5 879111422 +455 193 4 879111586 +455 197 5 879111057 +455 200 5 879111092 +455 204 4 879111249 +455 213 4 879111453 +455 217 4 879112320 +455 222 3 878585775 +455 223 4 879111554 +455 228 4 879111153 +455 230 3 879111291 +455 234 4 879110436 +455 237 3 879109923 +455 239 3 879111397 +455 241 4 879111808 +455 245 3 878585344 +455 250 3 879109966 +455 252 3 879110818 +455 257 4 879109733 +455 258 5 878585250 +455 259 2 884027220 +455 265 4 879112152 +455 269 4 878585250 +455 270 4 878585321 +455 275 4 878585826 +455 276 4 879109594 +455 277 4 879109565 +455 279 3 882141582 +455 281 3 879110281 +455 282 3 879109664 +455 286 5 878585250 +455 288 2 879110767 +455 289 3 892230574 +455 291 3 879109984 +455 292 3 879108751 +455 293 4 879109110 +455 298 4 882818787 +455 301 2 879110767 +455 304 3 878585409 +455 307 4 892230486 +455 313 4 884649784 +455 317 3 879111616 +455 318 3 879111528 +455 321 2 892230438 +455 323 3 878585277 +455 334 3 892230883 +455 372 4 879112055 +455 380 3 879112654 +455 382 3 879112239 +455 385 3 879111907 +455 393 3 879112152 +455 402 4 879112356 +455 405 3 879109764 +455 423 5 879111862 +455 428 4 879111268 +455 435 4 879110544 +455 447 4 879111153 +455 449 4 879112582 +455 455 3 879111862 +455 462 3 879110436 +455 463 4 879111737 +455 465 3 879112678 +455 471 4 879109692 +455 475 4 879109069 +455 504 4 879110573 +455 511 5 879110971 +455 515 4 878585775 +455 518 4 879111318 +455 523 4 879110946 +455 529 3 879111737 +455 546 3 879110767 +455 549 4 879112320 +455 550 4 879112700 +455 553 3 879111907 +455 568 4 879112298 +455 581 3 879111763 +455 582 2 879111982 +455 584 4 879111528 +455 591 4 879109923 +455 620 3 879108829 +455 627 3 879111705 +455 628 4 879109692 +455 629 3 879111371 +455 660 4 879111454 +455 662 4 879111554 +455 678 3 878585344 +455 692 3 879111249 +455 694 4 879110870 +455 709 3 879111471 +455 716 3 879112259 +455 724 3 879111500 +455 727 3 879112561 +455 736 3 879112460 +455 738 3 879112238 +455 744 3 879109881 +455 747 4 879111422 +455 755 3 879112189 +455 770 3 879111586 +455 778 4 879112582 +455 898 3 883768822 +455 924 3 879110154 +455 934 3 879110260 +455 939 4 879111454 +455 942 4 879112011 +455 1028 2 879110767 +455 1034 2 879110767 +455 1086 3 879109692 +455 1136 3 879111705 +455 1137 3 879109881 +455 1160 4 879108892 +455 1167 4 879111123 +455 1171 3 882141702 +455 1174 3 879109663 +455 1197 4 879109565 +455 1265 3 879108997 +456 1 2 881371548 +456 4 3 881374849 +456 9 3 881372328 +456 12 3 881373655 +456 13 4 881372604 +456 14 5 881371427 +456 23 4 881373019 +456 32 4 881372911 +456 33 4 881374086 +456 42 4 881373655 +456 46 3 881374613 +456 50 4 881373473 +456 53 4 881375284 +456 54 3 881375416 +456 56 5 881373353 +456 57 4 881374521 +456 59 4 881372779 +456 60 4 881373838 +456 61 4 881373228 +456 68 4 881374437 +456 69 4 881373949 +456 71 3 881374710 +456 72 1 881374801 +456 79 3 881373228 +456 80 2 881374967 +456 86 2 881374332 +456 91 2 881373948 +456 92 4 881374048 +456 94 3 881375482 +456 95 4 881373756 +456 97 4 881373838 +456 98 3 881372779 +456 99 3 881374767 +456 100 3 881372366 +456 101 3 881375284 +456 109 3 881371660 +456 111 3 881371942 +456 121 2 881372052 +456 125 4 881372015 +456 127 5 881373019 +456 129 3 881372604 +456 133 3 881373084 +456 135 4 881373169 +456 143 3 881373983 +456 150 4 881371453 +456 161 3 881374967 +456 168 4 881373794 +456 170 5 881373353 +456 172 5 881373019 +456 174 4 881373019 +456 175 3 881372946 +456 177 4 881373900 +456 179 5 881372779 +456 180 4 881373084 +456 181 3 881373120 +456 182 3 881373228 +456 185 4 881372849 +456 186 4 881374048 +456 187 4 881372911 +456 188 4 881373573 +456 191 3 881372849 +456 194 3 881373472 +456 196 4 881374649 +456 197 4 881373793 +456 202 3 881374586 +456 204 3 881374086 +456 208 4 881374710 +456 209 3 881372849 +456 210 3 881374849 +456 211 4 881374162 +456 214 4 881374586 +456 216 4 881374193 +456 217 3 881374883 +456 218 4 881374522 +456 222 2 881371766 +456 226 2 881375482 +456 228 3 881374548 +456 229 3 881375482 +456 232 2 881374389 +456 234 3 881373473 +456 238 4 881373756 +456 258 4 887165802 +456 265 3 881374048 +456 268 5 887165395 +456 273 3 881372328 +456 274 3 881371977 +456 282 3 881371694 +456 286 3 887165765 +456 289 4 881372687 +456 294 1 881375667 +456 324 4 881372687 +456 325 3 881372687 +456 346 5 887165765 +456 357 4 881373084 +456 366 2 881374967 +456 367 3 881373900 +456 369 3 881371942 +456 380 3 881375097 +456 382 1 881374710 +456 395 2 881375542 +456 402 2 881375416 +456 403 2 881373900 +456 405 1 881371942 +456 410 4 881372160 +456 414 3 881374331 +456 419 4 881374124 +456 421 3 881374086 +456 423 3 881374586 +456 427 4 881372779 +456 431 4 881374437 +456 432 4 881374390 +456 433 4 881373120 +456 443 4 881373019 +456 448 3 881374586 +456 449 3 881375226 +456 452 2 881375515 +456 460 3 881371942 +456 461 4 881373168 +456 462 3 881373506 +456 474 5 881373353 +456 475 5 881372366 +456 479 5 881373900 +456 480 4 881373573 +456 483 4 881372911 +456 484 4 881373983 +456 485 4 881373574 +456 490 4 881373084 +456 498 4 881373473 +456 505 4 881373473 +456 506 4 881374332 +456 508 4 881371427 +456 523 4 881373353 +456 544 3 881372114 +456 546 4 881371942 +456 547 3 881371660 +456 550 2 881375381 +456 559 3 881373574 +456 578 2 881375127 +456 580 4 881374767 +456 581 3 881375155 +456 582 5 881374162 +456 588 3 881374462 +456 603 5 881373019 +456 608 4 881373168 +456 616 3 881373655 +456 640 4 881373697 +456 655 3 881373838 +456 658 3 881375351 +456 660 5 881374522 +456 662 4 881374710 +456 672 1 881374849 +456 673 3 881374849 +456 693 3 881373949 +456 696 3 881372078 +456 697 4 881374390 +456 715 3 881373697 +456 720 3 881375515 +456 721 4 881373756 +456 737 3 881375254 +456 739 3 881375226 +456 743 2 881372256 +456 747 4 881374331 +456 763 4 881372015 +456 772 4 881373228 +456 789 3 881374522 +456 793 3 881374883 +456 806 3 881373617 +456 818 3 881372114 +456 824 3 881372256 +456 845 3 881371839 +456 864 4 881371660 +456 919 4 881371548 +456 922 4 881371595 +456 933 3 881371595 +456 943 4 881372946 +456 952 4 881371766 +456 955 4 881374162 +456 959 4 881375127 +456 985 3 881371492 +456 1008 4 881371427 +456 1009 5 881372160 +456 1010 5 881371766 +456 1017 4 881372574 +456 1019 4 881372849 +456 1020 4 881373506 +456 1057 3 881372191 +456 1059 4 881372052 +456 1081 4 881372191 +456 1101 3 881374710 +456 1107 4 881375587 +456 1129 4 881371548 +456 1134 4 881372281 +456 1168 4 881375284 +456 1198 4 881371595 +456 1218 3 881374921 +456 1220 3 881375051 +456 1222 2 881375019 +456 1240 3 881374332 +456 1248 3 881374767 +456 1267 4 881373756 +456 1324 4 881371720 +456 1328 4 881372328 +456 1421 3 881374437 +456 1478 4 881374993 +456 1547 4 881373948 +456 1551 3 881374193 +456 1604 4 881372849 +457 1 4 882393244 +457 4 4 882397829 +457 7 4 882393278 +457 8 5 882397734 +457 9 5 882393485 +457 11 4 882397020 +457 12 5 882397666 +457 13 3 882393883 +457 14 4 882393457 +457 15 4 882393688 +457 20 5 882393967 +457 22 5 882396705 +457 25 4 882393828 +457 27 4 882549483 +457 28 5 882396989 +457 31 4 882397543 +457 38 3 882549651 +457 44 4 882548214 +457 45 5 882397133 +457 47 4 882396935 +457 48 5 882397293 +457 50 5 882393620 +457 51 5 882397734 +457 52 4 882398055 +457 53 4 882548645 +457 54 4 882549322 +457 56 4 882396868 +457 57 4 882397177 +457 59 5 882397575 +457 62 3 882550925 +457 64 5 882396868 +457 65 5 882547967 +457 66 4 882547694 +457 69 5 882396659 +457 70 4 882396935 +457 77 4 882398345 +457 79 5 882396869 +457 82 5 882397494 +457 83 5 882396487 +457 86 3 882397455 +457 88 4 882397763 +457 89 5 882397058 +457 91 4 882547302 +457 94 3 882549544 +457 96 5 882553113 +457 97 5 882397699 +457 98 5 882553113 +457 100 5 882393244 +457 105 3 882396001 +457 111 3 882393384 +457 114 5 882396868 +457 117 4 882393457 +457 118 4 882395400 +457 120 2 882551344 +457 121 4 882393066 +457 122 2 882396158 +457 125 4 882393343 +457 127 5 882396902 +457 132 5 882547619 +457 133 4 882547820 +457 134 5 882396832 +457 135 5 882397240 +457 137 5 882393278 +457 143 5 882548099 +457 144 5 882397494 +457 145 3 882549998 +457 147 5 882395400 +457 148 4 882395360 +457 151 5 882394010 +457 154 5 882397058 +457 155 4 882550065 +457 157 5 882553112 +457 160 4 882395078 +457 161 4 882397829 +457 162 5 882548793 +457 168 5 882395018 +457 169 5 882396935 +457 172 5 882553113 +457 173 5 882395049 +457 174 5 882397267 +457 175 5 882547139 +457 176 5 882397542 +457 179 4 882397963 +457 180 5 882396989 +457 181 4 882393384 +457 182 4 882396659 +457 183 5 882397455 +457 185 5 882397375 +457 186 5 882397575 +457 190 5 882396602 +457 191 5 882396659 +457 192 5 882395018 +457 193 5 882397666 +457 194 5 882397058 +457 195 5 882395049 +457 196 5 882397763 +457 197 5 882396705 +457 200 5 882396799 +457 202 4 882398275 +457 203 4 882397133 +457 204 5 882397699 +457 208 4 882396705 +457 209 5 882553113 +457 210 5 882397337 +457 214 5 882548280 +457 215 4 882398002 +457 216 5 882396765 +457 218 4 882547554 +457 219 4 882550304 +457 222 5 882392853 +457 223 5 882396734 +457 225 4 882395825 +457 226 3 882548825 +457 227 4 882392853 +457 228 5 882392853 +457 229 4 882392853 +457 230 4 882392853 +457 231 4 882549998 +457 232 4 882397666 +457 234 5 882548426 +457 235 3 882395894 +457 237 4 882393712 +457 238 5 882392976 +457 239 5 882397267 +457 240 3 882395638 +457 241 3 882398086 +457 243 2 882393104 +457 248 4 882393008 +457 252 4 882395638 +457 257 3 882393036 +457 258 5 882392853 +457 265 5 882397699 +457 275 5 882393648 +457 276 4 882393306 +457 282 4 882392785 +457 284 3 882394010 +457 287 4 882394010 +457 288 4 882392853 +457 294 2 882393514 +457 304 4 882392853 +457 318 5 882397337 +457 356 4 882547670 +457 357 5 882396735 +457 366 4 882549287 +457 367 4 882396989 +457 368 1 882396133 +457 370 3 882396133 +457 371 4 882398275 +457 372 4 882548382 +457 373 2 882551189 +457 378 4 882548312 +457 380 4 882392854 +457 386 3 882549133 +457 388 2 882551343 +457 393 3 882548583 +457 395 2 882551605 +457 401 3 882550654 +457 402 4 882548583 +457 403 4 882397177 +457 405 5 882553113 +457 410 4 882393937 +457 411 3 882395894 +457 412 2 882396217 +457 417 4 882549575 +457 423 5 882397699 +457 425 4 882397828 +457 428 5 882553113 +457 433 5 882397020 +457 436 4 882547619 +457 443 4 882396989 +457 448 4 882548537 +457 450 4 882392853 +457 451 4 882549212 +457 452 3 882551228 +457 453 2 882551854 +457 455 4 882393384 +457 456 2 882395851 +457 458 3 882393765 +457 462 5 882396283 +457 469 4 882397208 +457 470 5 882398204 +457 471 4 882393421 +457 472 4 882395768 +457 473 4 882395360 +457 474 5 882398178 +457 476 2 882392810 +457 483 5 882396705 +457 485 4 882396832 +457 500 5 882553112 +457 507 4 882397059 +457 509 4 882398086 +457 528 5 882397543 +457 529 4 882397763 +457 531 5 882392906 +457 540 3 882551740 +457 546 2 882393860 +457 549 4 882398178 +457 553 5 882396314 +457 554 4 882549682 +457 559 4 882398054 +457 566 4 882548583 +457 568 4 882547590 +457 569 3 882549356 +457 582 5 882548350 +457 584 4 882548615 +457 588 5 882397411 +457 597 3 882393908 +457 623 3 882550065 +457 628 4 882393688 +457 629 4 882397177 +457 631 4 882547620 +457 632 5 882397543 +457 636 4 882548466 +457 640 4 882548467 +457 651 5 882396799 +457 655 5 882397879 +457 658 4 882398308 +457 660 5 882396449 +457 664 4 882549601 +457 673 4 882397829 +457 676 3 882395400 +457 679 4 882547723 +457 692 4 882396989 +457 695 3 882398345 +457 699 4 882548615 +457 704 4 882397240 +457 708 4 882398002 +457 709 5 882547856 +457 717 3 882395894 +457 722 4 882550154 +457 727 4 882396832 +457 729 4 882547857 +457 732 4 882548426 +457 739 4 882549483 +457 742 4 882393306 +457 744 3 882393457 +457 747 4 882397787 +457 755 4 882549356 +457 756 2 882395742 +457 769 2 882551740 +457 770 4 882547794 +457 775 3 882551021 +457 783 3 882549936 +457 792 4 882548312 +457 819 2 882396001 +457 831 2 882396001 +457 841 4 882395516 +457 845 4 882393801 +457 871 1 882393765 +457 931 2 882395916 +457 934 3 882396092 +457 948 1 882393156 +457 949 3 882549287 +457 956 4 882548214 +457 959 4 882549180 +457 980 4 882395283 +457 1012 4 882393765 +457 1028 3 882393828 +457 1029 3 882551135 +457 1037 2 882551818 +457 1039 5 882397934 +457 1047 2 882395964 +457 1119 4 882398308 +457 1140 2 882551344 +457 1168 5 882548761 +457 1210 4 882549905 +457 1221 4 882549438 +458 1 4 886394423 +458 7 4 886394373 +458 8 4 886395899 +458 9 5 886394373 +458 12 5 886395758 +458 13 4 886394916 +458 14 5 886394576 +458 20 4 886394778 +458 21 2 886395393 +458 23 4 886397931 +458 25 1 886394576 +458 28 3 886396005 +458 32 4 886395963 +458 50 2 886396521 +458 52 4 886398187 +458 56 5 886397679 +458 57 1 886395758 +458 58 5 886396140 +458 64 4 886396005 +458 69 2 886397988 +458 76 4 886398121 +458 79 5 886396192 +458 83 4 886398071 +458 86 5 886397679 +458 96 4 886398543 +458 97 1 886397931 +458 98 3 886396240 +458 99 4 886397110 +458 100 4 886394373 +458 116 4 886394623 +458 117 4 886394623 +458 121 1 886395022 +458 124 4 886394822 +458 126 4 886394730 +458 127 5 886396390 +458 129 4 886394667 +458 134 5 886395963 +458 137 5 886394730 +458 143 4 886396005 +458 144 4 886396390 +458 147 2 886395065 +458 152 5 886397275 +458 169 5 886396390 +458 178 4 886398187 +458 179 4 886397808 +458 180 4 886397679 +458 181 2 886396824 +458 182 4 886397771 +458 183 4 886396460 +458 187 5 886398543 +458 189 4 886396460 +458 190 4 886397771 +458 191 5 886396192 +458 192 4 886396240 +458 193 4 886396460 +458 194 2 886397504 +458 195 4 886397318 +458 199 4 886396140 +458 203 5 886396460 +458 204 4 886396390 +458 208 4 886395963 +458 209 4 886397155 +458 234 4 886397808 +458 237 4 886394623 +458 238 4 886397679 +458 245 2 889324066 +458 250 1 886396637 +458 255 2 886396521 +458 273 4 886394730 +458 275 5 886394471 +458 276 5 886394470 +458 278 2 886395469 +458 282 2 886396958 +458 283 5 886394730 +458 284 4 886394527 +458 285 4 886394423 +458 286 4 886396637 +458 287 4 886394822 +458 288 3 886394667 +458 289 2 889323582 +458 293 5 886396767 +458 298 5 886396677 +458 301 1 889323539 +458 302 5 886394314 +458 304 4 889323982 +458 307 4 889323481 +458 317 5 886397155 +458 318 4 886397771 +458 319 4 889323714 +458 333 1 889323582 +458 338 3 889323660 +458 346 4 889323539 +458 357 3 886397275 +458 387 4 886398246 +458 405 4 886395022 +458 408 5 886396637 +458 423 2 886396314 +458 425 3 886398246 +458 427 4 886396460 +458 430 5 886398543 +458 433 4 886398289 +458 435 4 886397504 +458 460 4 886394916 +458 461 4 886397377 +458 467 4 886396240 +458 469 4 886397377 +458 473 4 886395022 +458 474 4 886397109 +458 475 4 886394729 +458 483 5 886396460 +458 484 5 886397109 +458 496 3 886398289 +458 499 4 886397450 +458 509 4 886397857 +458 513 4 886396314 +458 514 5 886397504 +458 515 4 886396729 +458 519 4 886395899 +458 521 4 886397377 +458 526 5 886396241 +458 527 2 886397857 +458 529 3 886398120 +458 530 4 886396005 +458 531 5 886395758 +458 546 3 886394863 +458 582 1 886398488 +458 588 5 886396460 +458 589 4 886396140 +458 596 4 886395350 +458 597 3 886395022 +458 603 4 886397155 +458 619 2 886394778 +458 631 4 886397541 +458 632 4 886398289 +458 644 4 886397275 +458 648 4 886395899 +458 651 3 886397988 +458 654 5 886397771 +458 663 4 886398289 +458 685 3 886394373 +458 694 4 886396140 +458 696 3 886395512 +458 704 2 886397857 +458 709 4 886396192 +458 717 1 886395230 +458 735 2 886397679 +458 736 4 886398543 +458 742 4 886394730 +458 744 4 886394623 +458 750 5 889323771 +458 753 4 886397110 +458 762 3 886395065 +458 792 4 886398025 +458 823 3 886395119 +458 844 4 886394576 +458 845 3 886394527 +458 896 5 889323481 +458 952 2 886395119 +458 956 5 886397377 +458 960 1 886397726 +458 969 4 886395899 +458 980 5 886394667 +458 1011 3 886394471 +458 1039 5 886397275 +458 1048 4 886395119 +458 1067 5 886395311 +458 1070 4 886395963 +458 1101 4 886397931 +458 1109 4 886397318 +458 1226 2 886396910 +458 1261 4 886397413 +458 1335 1 886395565 +458 1338 3 886395393 +459 1 4 879562960 +459 7 5 879563245 +459 8 5 879563903 +459 15 4 879563102 +459 16 2 879562939 +459 19 3 879563064 +459 22 5 879563903 +459 25 2 879563201 +459 50 4 879563064 +459 98 5 879564941 +459 100 1 879562859 +459 105 4 879563819 +459 108 1 879563796 +459 111 3 879563201 +459 117 5 879563146 +459 120 2 879563392 +459 121 5 879563474 +459 123 3 879563312 +459 125 4 879563169 +459 127 4 879562834 +459 134 3 879564941 +459 147 3 879563435 +459 148 5 879563367 +459 164 4 879564941 +459 172 5 879563902 +459 174 4 879566291 +459 186 4 879566321 +459 194 3 879566291 +459 216 3 879566321 +459 220 3 879563367 +459 222 4 879562994 +459 225 3 879563777 +459 230 4 879564941 +459 235 1 879563367 +459 245 3 879561731 +459 249 2 879562860 +459 250 5 879563270 +459 252 4 879563506 +459 255 4 879563613 +459 257 5 879563245 +459 258 3 879561574 +459 259 4 879561630 +459 260 2 879561782 +459 264 4 879561755 +459 271 4 879561731 +459 274 4 879563226 +459 275 4 879562859 +459 278 4 879563270 +459 286 4 879561532 +459 289 4 879561679 +459 291 4 879563312 +459 294 5 879561755 +459 298 3 879562895 +459 300 4 879561574 +459 301 2 879561574 +459 307 5 879561630 +459 322 4 879561679 +459 323 3 879561708 +459 328 3 879561574 +459 332 3 879561630 +459 333 3 879561574 +459 336 2 879561708 +459 357 4 879564308 +459 358 2 879561783 +459 405 3 879563334 +459 409 2 879563796 +459 455 2 879563392 +459 471 3 879562659 +459 472 5 879563226 +459 473 4 879563102 +459 477 1 879562995 +459 523 4 879564915 +459 546 1 879563367 +459 568 3 879564941 +459 596 3 879562939 +459 597 3 879563270 +459 619 4 879563169 +459 651 3 879564309 +459 676 3 879563288 +459 678 4 879561783 +459 685 3 879563613 +459 687 3 879561782 +459 696 4 879563736 +459 742 4 879562834 +459 748 4 879561754 +459 815 4 879563102 +459 832 3 879563758 +459 864 4 879563435 +459 866 5 879563312 +459 873 4 879561731 +459 879 4 879561630 +459 926 4 879563639 +459 932 4 879563334 +459 934 3 879563639 +459 969 3 879564882 +459 978 2 879563435 +459 989 5 879561708 +459 993 3 879563146 +459 1013 3 879563226 +459 1014 1 879563506 +459 1016 4 879563506 +459 1038 4 879561654 +459 1039 3 879564915 +459 1040 2 879563701 +459 1051 3 879563667 +459 1060 1 879563668 +459 1115 3 879563506 +459 1190 4 879563169 +460 1 2 882911203 +460 7 3 882912205 +460 9 3 882912150 +460 10 3 882912371 +460 13 3 882912371 +460 19 5 882912418 +460 20 4 882912469 +460 100 5 882912418 +460 117 3 882912342 +460 124 4 882912150 +460 127 4 882912150 +460 129 3 882912261 +460 137 5 882912418 +460 151 3 882912205 +460 221 4 882912285 +460 224 4 882911603 +460 242 4 882910838 +460 245 3 882910657 +460 248 4 882912342 +460 250 2 882912261 +460 253 3 882912316 +460 257 2 882912342 +460 258 3 882910637 +460 273 4 882912371 +460 275 3 882912261 +460 276 5 882912418 +460 279 2 882912316 +460 283 3 882912316 +460 285 4 882912205 +460 286 4 882910838 +460 288 2 882910678 +460 289 4 882910838 +460 293 4 882911603 +460 294 2 882910637 +460 297 3 882912342 +460 298 2 882912440 +460 303 3 882910553 +460 304 2 882911101 +460 306 4 882912418 +460 307 4 882912418 +460 312 4 882910837 +460 313 4 882910837 +460 321 3 882910510 +460 327 4 882912418 +460 458 2 882911603 +460 515 5 882912418 +460 591 2 882911603 +460 676 4 882912285 +460 744 3 882912261 +460 847 3 882912205 +460 870 2 882912469 +460 1011 4 882912205 +460 1067 4 882912316 +460 1137 3 882912235 +460 1142 4 882911203 +460 1171 3 882912235 +460 1251 3 882912285 +460 1380 3 882912469 +461 50 3 885356089 +461 121 2 885355890 +461 255 2 885355890 +461 259 2 885355679 +461 269 3 885355705 +461 302 3 885355646 +461 305 2 885355757 +461 313 4 885355646 +461 321 3 885355757 +461 327 4 885355757 +461 682 1 885355705 +461 748 1 885355839 +461 1006 5 885355890 +462 100 4 886365387 +462 136 4 886365498 +462 181 4 886365443 +462 261 2 886365773 +462 271 1 886365928 +462 289 5 886365837 +462 310 5 886365197 +462 313 5 886365231 +462 321 5 886365734 +462 322 5 886365773 +462 326 4 886365297 +462 328 5 886365773 +462 330 3 886365803 +462 332 5 886365706 +462 346 1 886365928 +462 358 1 886365638 +462 539 3 886365773 +462 655 5 886365467 +462 678 3 886365335 +462 682 5 886365231 +462 866 5 886365387 +462 873 4 886365706 +462 895 4 886365297 +463 1 1 890453075 +463 7 4 877385180 +463 13 3 877385664 +463 14 1 890453075 +463 15 4 877385287 +463 16 4 877385830 +463 19 5 877385341 +463 20 5 877385590 +463 21 1 890453075 +463 24 3 877385731 +463 25 3 877385664 +463 50 4 890530818 +463 93 4 877385457 +463 107 3 889936181 +463 111 2 877385414 +463 112 1 890530721 +463 116 5 877385381 +463 117 3 877385731 +463 121 3 877385797 +463 124 5 877385381 +463 125 4 877385590 +463 126 4 877385531 +463 127 5 890530105 +463 129 2 877385287 +463 137 2 877385237 +463 147 3 877386047 +463 149 2 877385341 +463 150 2 889943683 +463 151 4 877385341 +463 221 5 877385180 +463 224 3 877385181 +463 225 3 877385489 +463 235 2 877385457 +463 237 4 877385237 +463 242 2 889935629 +463 243 1 877384970 +463 244 4 877387935 +463 246 4 877387935 +463 248 3 889935953 +463 249 2 889936035 +463 250 4 889935953 +463 253 5 877387935 +463 257 4 889935910 +463 258 5 877387935 +463 268 4 877384940 +463 269 5 877384802 +463 270 3 889936535 +463 271 1 889943811 +463 274 3 877385664 +463 275 5 877385287 +463 276 3 877385287 +463 282 3 877385664 +463 283 5 877385287 +463 284 3 877385531 +463 286 4 877387935 +463 288 1 889943851 +463 301 5 889936512 +463 302 5 877384835 +463 304 3 877384881 +463 310 3 889936490 +463 313 4 889935655 +463 319 1 889936589 +463 347 1 889936589 +463 362 1 889943741 +463 455 3 877385457 +463 472 3 877385922 +463 473 4 877385731 +463 475 3 877385341 +463 476 3 877385664 +463 477 2 877385489 +463 508 4 877385125 +463 539 1 889936753 +463 544 4 877385415 +463 591 4 877385590 +463 593 1 877386923 +463 596 3 877385731 +463 597 2 890531227 +463 689 2 889936731 +463 690 4 877384802 +463 740 4 877385922 +463 741 1 889937778 +463 744 3 877385457 +463 749 3 877384882 +463 751 4 889943769 +463 764 2 877385457 +463 813 4 877385125 +463 819 1 889937778 +463 845 3 877385830 +463 866 3 877385862 +463 870 2 877385615 +463 880 4 890452525 +463 887 5 890452468 +463 892 2 889936774 +463 926 1 890453075 +463 936 2 890460826 +463 950 3 877385590 +463 952 1 890453075 +463 985 1 877386923 +463 988 2 877384836 +463 993 2 877387935 +463 1007 3 877387935 +463 1009 3 877386047 +463 1012 2 889935860 +463 1014 2 889936324 +463 1017 2 877385731 +463 1028 2 877386082 +463 1033 2 890530703 +463 1060 2 889936244 +463 1067 2 877385531 +463 1115 4 877385531 +463 1117 1 877385954 +463 1132 1 889937778 +463 1163 4 877385982 +463 1164 1 877385797 +463 1197 4 877385180 +463 1199 1 889937778 +463 1216 3 877387935 +463 1244 1 890530329 +463 1284 4 877385381 +463 1377 4 889935837 +463 1383 2 890530703 +463 1605 2 877387935 +463 1606 2 889936565 +464 12 5 878355167 +464 16 4 878355211 +464 50 4 878354966 +464 127 5 878354966 +464 176 4 878355211 +464 194 5 878355259 +464 248 5 878354998 +464 249 2 878355119 +464 255 4 878355061 +464 257 4 878355088 +464 259 4 878354859 +464 264 4 878354886 +464 269 5 878354626 +464 270 4 878354762 +464 286 3 878354626 +464 288 4 878354626 +464 289 4 878354626 +464 292 5 878354722 +464 293 5 878355033 +464 295 5 878355033 +464 298 4 878355061 +464 299 4 878354791 +464 300 4 878354626 +464 302 5 878354626 +464 307 5 878354859 +464 321 4 878354680 +464 322 3 878354680 +464 328 3 878354722 +464 332 4 878354761 +464 333 4 878354761 +464 358 3 878354680 +464 479 4 878355167 +464 482 5 878355258 +464 510 4 878355167 +464 515 5 878354965 +464 520 5 878355167 +464 603 5 878355259 +464 678 3 878354722 +464 709 5 878355258 +464 748 4 878354681 +464 879 4 878354791 +464 984 2 878354681 +464 1025 2 878354829 +465 1 4 883530054 +465 7 5 883529916 +465 8 4 883530991 +465 12 4 883530088 +465 22 3 883531246 +465 32 3 883531026 +465 48 3 883530313 +465 50 4 883530778 +465 56 4 883531110 +465 87 4 883530054 +465 97 2 883532120 +465 98 4 883531409 +465 100 3 883532119 +465 109 3 883532119 +465 114 4 883530190 +465 127 4 883530667 +465 132 4 883531325 +465 134 4 883530133 +465 135 3 883531380 +465 136 4 883530133 +465 143 4 883531380 +465 151 3 883530818 +465 154 2 883532119 +465 169 4 883531072 +465 172 3 883531026 +465 174 3 883531409 +465 175 5 883530054 +465 180 3 883530015 +465 181 3 883530521 +465 191 4 883530133 +465 194 4 883531072 +465 198 2 883532119 +465 199 3 883531026 +465 202 4 883531487 +465 216 3 883531284 +465 257 4 883530818 +465 258 5 883529482 +465 275 4 883530521 +465 281 2 883532120 +465 283 3 883530560 +465 286 4 883529338 +465 300 3 883529601 +465 318 4 883531487 +465 319 3 883529372 +465 357 4 883531325 +465 404 2 883532120 +465 408 5 883530391 +465 423 3 883531533 +465 428 3 883531246 +465 474 3 883531246 +465 475 3 883530313 +465 477 4 883530742 +465 478 4 883531246 +465 481 4 883529984 +465 511 4 883530991 +465 513 5 883530015 +465 528 3 883530190 +465 529 3 883529984 +465 603 4 883531284 +465 615 3 883530991 +465 638 3 883531380 +465 651 3 883531155 +465 656 3 883531410 +465 705 4 883531444 +465 835 3 883531026 +465 836 3 883531155 +465 845 4 883530743 +465 855 4 883531444 +465 868 2 883532119 +465 929 3 883530818 +466 4 3 890285034 +466 7 4 890284819 +466 11 3 890284707 +466 17 5 890284766 +466 22 5 890284706 +466 24 4 890285159 +466 27 3 890285113 +466 33 4 890285113 +466 50 5 890284819 +466 55 4 890284857 +466 56 4 890284706 +466 62 3 890285159 +466 68 3 890285159 +466 79 3 890284706 +466 82 3 890284819 +466 87 3 890285706 +466 89 3 890284819 +466 92 4 890285034 +466 95 2 890285788 +466 96 5 890284819 +466 98 3 890285762 +466 117 5 890285034 +466 121 3 890285034 +466 127 3 890284766 +466 128 2 890284819 +466 144 5 890284707 +466 161 2 890285113 +466 172 4 890284706 +466 173 3 890285762 +466 174 5 890284706 +466 176 4 890284766 +466 181 4 890284857 +466 182 4 890284706 +466 183 3 890284766 +466 184 4 890285113 +466 187 3 890284857 +466 188 3 890284766 +466 195 4 890284857 +466 210 4 890284706 +466 226 4 890285034 +466 231 1 890285159 +466 241 5 890284857 +466 258 4 890284652 +466 260 4 890283592 +466 265 3 890285159 +466 268 2 890282759 +466 269 2 890282759 +466 273 4 890284857 +466 288 4 890284651 +466 292 4 890284651 +466 294 3 890282986 +466 300 3 890282795 +466 302 5 890284651 +466 306 5 890284231 +466 308 1 890282957 +466 313 5 890284651 +466 321 2 890282986 +466 324 1 890283690 +466 326 3 890282925 +466 327 3 890282956 +466 328 4 890284652 +466 331 5 890284231 +466 344 5 890284231 +466 346 3 890283056 +466 349 2 890283636 +466 354 2 890282795 +466 357 4 890285706 +466 385 4 890284819 +466 403 3 890284857 +466 405 3 890284903 +466 455 3 890285113 +466 510 2 890284857 +466 518 4 890284903 +466 550 3 890284903 +466 568 3 890285034 +466 651 3 890284819 +466 679 3 890285159 +466 682 1 890282957 +466 684 4 890285034 +466 748 2 890283592 +466 873 2 890283056 +466 885 2 890283667 +466 895 3 890283056 +466 898 1 890283667 +466 899 5 890284231 +466 902 5 890283497 +466 908 4 890284651 +466 909 5 890284231 +466 995 5 890284231 +466 1176 5 890284651 +466 1607 5 890284231 +467 1 4 879532459 +467 10 4 879532496 +467 24 4 879532496 +467 50 4 879532385 +467 93 4 879532595 +467 109 5 879532550 +467 117 2 879532437 +467 127 5 879532478 +467 150 4 879532385 +467 181 3 879532420 +467 222 3 879532651 +467 240 3 879532773 +467 246 5 879532534 +467 249 3 879532671 +467 257 4 879532512 +467 258 2 879532164 +467 264 2 879532296 +467 268 5 879532164 +467 269 4 879532145 +467 273 4 879532565 +467 288 4 879532804 +467 293 4 879532385 +467 302 4 879532127 +467 327 4 879532164 +467 455 3 879532744 +467 475 4 879532460 +467 742 2 879532671 +467 762 3 879532478 +467 919 2 879532535 +467 1011 2 879532630 +467 1012 3 879532534 +467 1017 2 879532403 +467 1059 4 879532693 +467 1226 4 879532744 +468 1 5 875280395 +468 5 3 875287686 +468 7 3 875280214 +468 8 4 875288196 +468 9 5 875280041 +468 12 4 875291902 +468 13 4 875280104 +468 15 4 875280518 +468 19 4 875280126 +468 22 5 875287686 +468 23 4 875287535 +468 24 3 875280462 +468 25 5 875280214 +468 39 3 875296309 +468 42 4 875294549 +468 44 4 875302208 +468 47 5 875301056 +468 50 5 875280352 +468 55 5 875287615 +468 56 5 875286450 +468 58 4 875288771 +468 64 5 875286450 +468 65 3 875294549 +468 69 4 875291570 +468 70 3 875287535 +468 82 5 875292320 +468 89 4 875291722 +468 91 5 875301056 +468 95 4 875287826 +468 96 5 875295148 +468 97 5 875288503 +468 98 5 875288196 +468 100 5 875279269 +468 111 4 875280518 +468 117 2 875280499 +468 118 3 875280417 +468 121 4 875280628 +468 124 5 875280331 +468 126 3 875280214 +468 127 4 875280126 +468 132 5 875292134 +468 135 5 875287895 +468 137 4 875280126 +468 143 5 875288197 +468 144 5 875287826 +468 150 5 875280309 +468 153 5 875287720 +468 157 4 875294741 +468 159 3 875292320 +468 160 3 875295148 +468 161 3 875296309 +468 170 4 875301056 +468 172 4 875293386 +468 173 5 875295093 +468 174 5 875294549 +468 178 5 875296401 +468 180 5 875291902 +468 181 3 875280041 +468 182 5 875292320 +468 191 4 875287686 +468 192 4 875291403 +468 195 5 875291902 +468 200 4 875292319 +468 204 5 875287826 +468 209 5 875296309 +468 214 5 875288771 +468 216 5 875288771 +468 218 4 875294971 +468 222 4 875279269 +468 226 2 875302208 +468 237 4 875280181 +468 238 3 875286036 +468 246 5 875280352 +468 248 4 875280352 +468 249 3 875280310 +468 251 4 875280180 +468 257 4 875280417 +468 258 4 875279126 +468 273 2 875280499 +468 275 4 875280143 +468 285 4 875280104 +468 286 4 875279126 +468 293 5 875280395 +468 297 4 875280462 +468 318 5 875293386 +468 321 3 875279126 +468 357 5 875294549 +468 367 4 875296868 +468 372 2 875301098 +468 377 2 875288503 +468 405 2 875280462 +468 411 3 875284879 +468 423 4 875296868 +468 427 5 875291722 +468 428 4 875291403 +468 432 5 875287826 +468 435 4 875292027 +468 461 4 875291570 +468 462 4 875288196 +468 471 3 875279269 +468 475 4 875280041 +468 508 4 875280539 +468 529 3 875287686 +468 531 4 875295368 +468 544 3 875280417 +468 582 3 875287535 +468 584 4 875288771 +468 603 5 875296309 +468 612 4 875294549 +468 642 3 875291403 +468 647 5 875293386 +468 655 5 875294464 +468 662 4 875291570 +468 692 4 875292027 +468 699 3 875287686 +468 724 4 875287615 +468 742 3 875280310 +468 772 4 875291722 +468 826 3 875284096 +468 856 4 875302155 +468 926 2 875280331 +468 943 3 875287721 +468 952 3 875280310 +468 955 4 875288504 +468 963 5 875286036 +468 1008 4 875283843 +468 1012 4 875280462 +468 1014 3 875280539 +468 1016 3 875280670 +468 1051 2 875284635 +468 1070 5 875301653 +468 1134 5 875280670 +468 1168 2 875302155 +469 64 5 879523802 +469 65 4 879524178 +469 136 4 879524062 +469 152 4 879523947 +469 153 4 879523891 +469 161 3 879523802 +469 168 4 879524006 +469 199 4 879524006 +469 215 4 879523802 +469 238 4 879525237 +469 286 5 879450367 +469 306 4 879450473 +469 474 5 879524117 +469 483 5 879524177 +469 484 5 879524062 +469 487 5 879524178 +469 490 5 879524485 +469 499 5 879524485 +469 507 5 879523803 +469 510 4 879523802 +469 511 5 879524062 +469 513 5 879523891 +469 520 4 879523947 +469 530 5 879524376 +469 582 5 879524266 +469 603 5 879524376 +469 605 4 879524302 +469 607 5 879524117 +469 610 4 879523947 +469 611 5 879525237 +469 641 4 879524241 +469 656 5 879524116 +469 855 4 879524302 +470 1 3 879178428 +470 7 3 879178518 +470 9 5 879178370 +470 13 4 879178518 +470 50 5 879178487 +470 93 4 879178518 +470 100 4 879178370 +470 118 4 879178645 +470 124 3 879178486 +470 125 4 879178969 +470 129 3 879178542 +470 150 5 879178406 +470 181 4 879189434 +470 222 3 879178711 +470 235 3 879178486 +470 248 3 879189434 +470 257 4 879178568 +470 258 4 879178216 +470 268 2 879178216 +470 273 3 879178370 +470 276 5 879178619 +470 277 4 879178593 +470 283 5 879178370 +470 284 4 879178884 +470 286 4 879178216 +470 291 2 879178777 +470 294 3 879178237 +470 305 4 879178257 +470 319 3 879178216 +470 327 3 879178274 +470 360 2 879189269 +470 458 4 879178542 +470 471 5 879178593 +470 475 4 879178568 +470 508 5 879178932 +470 544 3 879178830 +470 546 4 879178950 +470 742 4 879178455 +470 824 4 879178731 +470 847 3 879178568 +470 874 3 879189137 +470 919 3 879178370 +470 950 3 879178645 +470 1067 4 879178568 +470 1084 3 879178406 +470 1097 3 879178487 +470 1134 4 879178486 +471 1 4 889827881 +471 71 3 889828154 +471 82 5 889827822 +471 94 5 889828081 +471 95 4 889827822 +471 99 2 889827918 +471 140 5 889827918 +471 172 4 889827822 +471 225 5 889828026 +471 393 5 889827918 +471 418 3 889827757 +471 420 1 889828027 +471 432 1 889827822 +471 465 5 889827822 +471 477 5 889827918 +471 588 1 889827881 +471 596 1 889827881 +471 627 1 889827881 +471 946 2 889827982 +471 969 2 889828154 +471 1219 4 889828026 +472 1 5 892790627 +472 2 5 892790676 +472 3 5 892790676 +472 4 3 875980418 +472 7 5 892790953 +472 11 5 892790676 +472 12 5 892791017 +472 21 3 875978686 +472 22 5 892790953 +472 24 5 892791017 +472 27 4 875980283 +472 28 5 892791063 +472 29 5 875982867 +472 33 5 875981829 +472 38 4 875981358 +472 41 4 875982511 +472 43 4 875982560 +472 49 5 875982607 +472 50 5 875978010 +472 51 5 875981708 +472 56 5 875979853 +472 62 5 875981876 +472 63 4 875982511 +472 64 5 875981829 +472 66 5 875981158 +472 67 4 892790628 +472 68 5 892791017 +472 69 5 892790628 +472 71 2 875981281 +472 72 5 892791017 +472 73 4 875981317 +472 78 1 875982967 +472 79 5 892790953 +472 80 3 875981230 +472 82 5 892791017 +472 88 2 875982607 +472 90 5 892791063 +472 91 5 892791063 +472 94 5 892791063 +472 95 3 875980209 +472 96 5 875980823 +472 97 3 875981281 +472 99 3 875981595 +472 100 5 875978534 +472 101 5 875981624 +472 105 3 875979402 +472 109 4 875978686 +472 117 3 875978740 +472 120 5 883904649 +472 121 5 875978600 +472 122 3 875979153 +472 123 4 875979317 +472 125 5 875979041 +472 132 5 875979853 +472 135 4 875982051 +472 140 3 875980823 +472 141 4 875982200 +472 143 4 875980823 +472 150 3 875978686 +472 151 3 875978867 +472 161 5 875982149 +472 168 5 892791062 +472 172 5 892791063 +472 173 5 875982641 +472 174 5 875981595 +472 175 5 875979910 +472 176 5 875981664 +472 177 4 875981358 +472 181 5 875978034 +472 183 5 875980376 +472 185 5 875980081 +472 186 5 888183325 +472 191 5 875980283 +472 193 5 875981789 +472 195 5 875982005 +472 196 4 875982005 +472 200 4 875981158 +472 202 5 875979737 +472 204 5 875980823 +472 208 5 875981317 +472 210 5 875981664 +472 214 4 875979964 +472 215 4 875981968 +472 216 4 875981230 +472 217 5 875982867 +472 218 4 875980120 +472 222 5 876882530 +472 226 5 875982867 +472 227 5 875981429 +472 228 5 875979910 +472 229 5 875982560 +472 230 5 875981876 +472 231 5 875980418 +472 233 4 875981759 +472 234 4 875980081 +472 235 5 875978994 +472 239 5 875982398 +472 240 4 875979187 +472 252 4 875978191 +472 254 4 875978191 +472 255 5 892791017 +472 257 4 875978096 +472 258 5 892790953 +472 260 4 875977827 +472 264 3 875977870 +472 265 4 892790676 +472 271 5 892790628 +472 288 5 875977682 +472 294 4 875977735 +472 313 5 892790628 +472 318 5 892791017 +472 323 4 892790117 +472 338 4 892790531 +472 343 5 892790628 +472 355 3 892790003 +472 356 3 875983231 +472 358 5 892790676 +472 362 5 892790627 +472 365 4 875983129 +472 366 4 892790952 +472 367 5 892790953 +472 368 3 875979685 +472 370 4 875979317 +472 373 4 875983129 +472 374 2 875982922 +472 375 5 875982680 +472 378 4 875981759 +472 380 5 875982511 +472 384 3 875982051 +472 385 5 892790676 +472 386 5 892790953 +472 391 2 875983129 +472 392 4 875981503 +472 393 3 875983129 +472 395 3 875982559 +472 400 5 892791062 +472 401 4 875982727 +472 402 5 892791063 +472 403 5 875982200 +472 404 3 875982922 +472 405 5 875978600 +472 411 4 875979113 +472 416 3 875982867 +472 417 4 875982337 +472 418 3 875980120 +472 419 4 875982337 +472 420 3 875982149 +472 421 5 875982200 +472 423 5 892791017 +472 426 4 875980010 +472 431 5 875982607 +472 432 5 875979964 +472 443 4 875982149 +472 449 5 875982967 +472 455 4 883903686 +472 465 3 875982149 +472 472 5 875979153 +472 473 4 875978867 +472 475 5 892791017 +472 477 5 875978387 +472 485 3 875980377 +472 496 4 875980823 +472 501 3 875982868 +472 540 3 875982239 +472 541 5 892791017 +472 546 4 875979041 +472 548 1 875982867 +472 549 5 892791063 +472 550 5 875983066 +472 552 5 892790576 +472 554 5 875982771 +472 559 5 875981708 +472 561 5 875982050 +472 562 5 875983023 +472 566 4 875982727 +472 567 4 875982922 +472 568 5 892790676 +472 569 4 892790676 +472 576 5 892790952 +472 577 3 875982680 +472 578 5 892790952 +472 581 4 875981551 +472 584 1 875980377 +472 588 3 875979797 +472 597 5 892791062 +472 603 5 875980376 +472 609 5 875981551 +472 633 4 875981428 +472 651 4 875981830 +472 655 5 875982397 +472 658 5 875983231 +472 660 5 875982096 +472 665 4 875983023 +472 672 4 875982771 +472 678 4 883904118 +472 682 4 887297923 +472 685 3 875978740 +472 715 4 875982607 +472 720 5 875982096 +472 739 5 875982967 +472 742 5 883903715 +472 743 4 883904504 +472 746 5 875983023 +472 747 5 875982051 +472 748 5 875977682 +472 751 5 892790628 +472 755 4 875981829 +472 758 1 875979359 +472 760 5 892790953 +472 763 4 875978922 +472 768 5 875982771 +472 771 4 875983427 +472 780 4 875982922 +472 790 3 875981968 +472 796 4 875981595 +472 810 5 875982922 +472 825 5 875979439 +472 826 3 883904224 +472 831 5 875979498 +472 834 3 875979685 +472 866 5 875978600 +472 877 3 892789947 +472 890 4 883903272 +472 895 4 892790628 +472 916 5 892790627 +472 924 2 875978994 +472 928 4 875979562 +472 930 5 875979317 +472 946 2 875981122 +472 951 1 875983426 +472 1002 4 883904649 +472 1011 4 875979187 +472 1014 4 875978191 +472 1029 4 875983321 +472 1034 3 875979359 +472 1035 4 875981759 +472 1036 4 875983484 +472 1047 4 875979082 +472 1053 4 875982397 +472 1058 4 875980081 +472 1074 5 892790676 +472 1079 4 883904360 +472 1090 5 875983321 +472 1091 4 875982804 +472 1095 4 883904614 +472 1110 5 875981429 +472 1119 5 875983023 +472 1139 5 875983231 +472 1215 4 875979562 +472 1228 4 875983270 +472 1239 5 892790676 +472 1248 4 875983427 +472 1469 4 875982337 +473 9 5 878157357 +473 10 3 878157527 +473 14 4 878157242 +473 20 3 878157568 +473 124 4 878157357 +473 127 5 878157299 +473 129 4 878157329 +473 150 5 878157329 +473 242 3 878156824 +473 246 5 878157404 +473 257 4 878157456 +473 273 5 878157329 +473 276 4 878157404 +473 285 4 878157404 +473 293 4 878157507 +473 302 4 878156824 +473 303 4 878156932 +473 475 5 878157299 +473 508 2 878157456 +473 547 3 878157600 +473 813 3 878157427 +473 1007 4 878157329 +473 1129 4 878157507 +473 1142 5 878157299 +473 1143 4 878157242 +474 4 5 887927588 +474 7 5 887915414 +474 8 5 887925497 +474 9 5 887916203 +474 11 5 887924571 +474 12 5 887924683 +474 13 5 887915684 +474 14 5 887915306 +474 15 5 887915600 +474 22 4 887924571 +474 23 4 887925620 +474 25 5 887916608 +474 26 4 887927509 +474 28 4 887924619 +474 31 4 887926573 +474 42 4 887923923 +474 44 3 887926998 +474 45 5 887924618 +474 47 4 887927339 +474 48 4 887923923 +474 50 5 887915221 +474 55 4 887926271 +474 56 5 887924083 +474 58 4 887925977 +474 59 3 887923708 +474 60 3 887925620 +474 61 3 887924619 +474 64 5 887924027 +474 66 4 887926437 +474 68 3 887926804 +474 69 5 887924618 +474 70 4 887928498 +474 71 5 887926872 +474 72 3 887927457 +474 73 3 887928793 +474 76 4 887926573 +474 77 5 887926106 +474 79 5 887924027 +474 83 3 887925977 +474 86 4 887927456 +474 87 4 887925916 +474 88 4 887926106 +474 89 5 887924425 +474 92 4 887927509 +474 96 4 887925497 +474 97 5 887924028 +474 98 5 887924027 +474 99 4 887927339 +474 107 3 887915722 +474 111 4 887916203 +474 116 5 887915366 +474 117 4 887915306 +474 121 4 887916260 +474 124 5 887915269 +474 126 4 887915366 +474 127 5 887915188 +474 131 4 887927509 +474 132 4 887924683 +474 135 5 887924424 +474 136 4 887925187 +474 137 5 887915188 +474 141 4 887926059 +474 143 4 887926573 +474 150 5 887915188 +474 151 3 887916203 +474 161 4 887926633 +474 168 3 887927670 +474 170 4 887925620 +474 171 4 887926804 +474 172 5 887923789 +474 173 5 887924027 +474 174 5 887925750 +474 175 4 887925497 +474 176 5 887923972 +474 178 4 887926105 +474 179 5 887924424 +474 181 5 887915511 +474 182 5 887923924 +474 183 5 887924619 +474 185 5 887923923 +474 186 4 887925977 +474 187 5 887923708 +474 188 5 887926437 +474 190 3 887923972 +474 191 5 887923789 +474 192 4 887924571 +474 193 4 887925497 +474 194 5 887924571 +474 195 5 887923789 +474 196 5 887924469 +474 197 5 887923788 +474 198 3 887925621 +474 199 5 887927456 +474 200 3 887925497 +474 203 5 887926059 +474 204 4 887924084 +474 205 5 887924469 +474 207 4 887925751 +474 208 3 887925497 +474 209 5 887927670 +474 210 5 887928562 +474 211 5 887925751 +474 212 4 887927670 +474 213 4 887927509 +474 215 5 887926804 +474 216 4 887924683 +474 218 4 887927588 +474 221 4 888628044 +474 222 4 887915479 +474 227 4 887926872 +474 230 3 887927728 +474 234 5 887923788 +474 237 4 887915366 +474 238 4 887924083 +474 244 4 887915646 +474 248 4 887916438 +474 252 4 887916567 +474 255 4 887915600 +474 257 3 887915511 +474 258 4 887914688 +474 259 1 887914878 +474 265 5 887924425 +474 274 3 887916330 +474 275 3 887915269 +474 276 5 887915221 +474 282 4 887916411 +474 283 3 887915437 +474 284 4 887915645 +474 285 5 888628044 +474 286 5 887914646 +474 288 3 887914615 +474 289 3 887914906 +474 291 4 887916567 +474 293 4 887915269 +474 294 3 887916330 +474 298 3 887915645 +474 302 5 887914615 +474 313 4 887914615 +474 315 5 887914615 +474 316 5 887914979 +474 318 5 887923708 +474 322 4 888627937 +474 323 2 887915020 +474 326 3 887914822 +474 343 3 887915082 +474 346 5 887914688 +474 356 5 887928793 +474 357 5 887924618 +474 378 4 887927152 +474 380 4 887927588 +474 381 4 887924683 +474 382 3 887927339 +474 385 4 887927670 +474 405 4 887916260 +474 410 2 887915645 +474 411 2 887915684 +474 414 4 887927153 +474 416 4 887926271 +474 418 3 887928562 +474 419 4 887925916 +474 421 3 887928562 +474 423 5 887924425 +474 427 5 887923924 +474 430 3 887925977 +474 431 4 887926999 +474 434 4 887928562 +474 435 5 887926573 +474 436 3 887926873 +474 448 5 887925751 +474 461 5 887924683 +474 462 4 887925497 +474 463 5 887927457 +474 467 4 887928498 +474 468 4 887926999 +474 469 4 887925916 +474 470 3 887926437 +474 471 3 887915307 +474 475 4 887915479 +474 478 4 887926804 +474 479 5 887923972 +474 480 5 887925186 +474 481 4 887927153 +474 482 3 887925395 +474 483 5 887924424 +474 485 4 887926804 +474 486 4 887924425 +474 487 4 887923972 +474 488 3 887925977 +474 489 4 887923972 +474 490 5 887926059 +474 491 4 887925187 +474 492 4 887925838 +474 493 4 887925837 +474 495 4 887927728 +474 496 4 887923708 +474 497 5 887926106 +474 498 4 887924683 +474 499 5 887924683 +474 503 4 887925838 +474 504 5 887924469 +474 505 5 887924425 +474 506 5 887924084 +474 507 4 887924424 +474 508 3 887915437 +474 509 5 887927457 +474 510 4 887925837 +474 511 5 887925620 +474 513 5 887924571 +474 514 4 887926632 +474 515 5 887915269 +474 517 4 887925916 +474 518 4 887926633 +474 519 4 887926872 +474 520 5 887925837 +474 521 5 887925977 +474 523 5 887924083 +474 525 4 887925837 +474 526 5 887927339 +474 527 5 887923923 +474 528 5 887923924 +474 529 5 887924571 +474 530 5 887926271 +474 549 5 887926999 +474 553 2 887927339 +474 566 5 887926632 +474 582 5 887927728 +474 584 5 887927728 +474 591 3 887915366 +474 601 5 887927509 +474 602 3 887926436 +474 603 5 887923788 +474 604 4 887926059 +474 605 3 887927670 +474 606 3 887924571 +474 607 4 887926872 +474 608 4 887925187 +474 609 4 887927509 +474 610 3 887924571 +474 611 4 887925395 +474 614 4 887926999 +474 615 4 887924619 +474 616 4 887924028 +474 617 3 887925620 +474 618 4 887927457 +474 628 4 887915414 +474 630 3 887928793 +474 633 4 887926436 +474 641 4 887926436 +474 642 4 887927152 +474 646 4 887925395 +474 647 4 887924571 +474 648 4 887926804 +474 649 4 887927588 +474 650 4 887925187 +474 651 5 887927670 +474 652 4 887925838 +474 653 4 887926999 +474 654 5 887924469 +474 655 5 887924083 +474 657 5 887924028 +474 659 5 887925187 +474 660 5 887926999 +474 663 4 887924084 +474 664 4 887925620 +474 671 3 887926105 +474 676 3 887916369 +474 678 2 887915020 +474 684 4 887925977 +474 685 3 887915784 +474 692 4 887927588 +474 696 3 887916330 +474 697 4 887928498 +474 699 4 887927457 +474 705 3 887924619 +474 707 5 887925751 +474 708 4 887927339 +474 709 5 887928755 +474 729 4 887927152 +474 736 3 887927509 +474 737 4 887926633 +474 744 3 887916260 +474 748 3 887914979 +474 756 1 887915646 +474 789 4 887927152 +474 792 4 887926573 +474 836 3 887926804 +474 848 4 887926998 +474 921 3 887926271 +474 923 4 887926632 +474 924 4 887915600 +474 929 3 887916330 +474 939 4 887928562 +474 943 4 887925751 +474 945 4 887923923 +474 956 4 887926271 +474 963 5 887926105 +474 966 4 887925837 +474 971 4 887924469 +474 996 3 887927153 +474 1009 4 887915722 +474 1011 4 887916203 +474 1014 3 887916567 +474 1016 3 887915567 +474 1020 3 887926573 +474 1045 4 887927728 +474 1050 4 887926106 +474 1063 5 887927728 +474 1113 3 887926059 +474 1123 4 887923924 +474 1124 4 887927152 +474 1134 3 887915306 +474 1172 4 887924469 +474 1200 4 887927339 +474 1221 4 887926999 +474 1286 2 887927670 +474 1421 4 887928562 +474 1518 3 887927338 +475 70 4 891627606 +475 100 5 891452276 +475 259 5 891628024 +475 286 2 891451276 +475 313 2 891451083 +475 315 4 891452177 +475 316 5 891627927 +475 347 4 891451341 +475 381 4 891627606 +475 902 5 891451402 +476 4 4 883364143 +476 26 4 883364475 +476 47 3 883364392 +476 56 4 883365019 +476 66 3 883364433 +476 67 4 883365218 +476 70 3 883364680 +476 72 4 883364433 +476 73 4 883364475 +476 80 3 883364392 +476 83 3 883364143 +476 85 2 883364433 +476 88 4 883364717 +476 90 3 883364433 +476 94 2 883364780 +476 168 5 883364143 +476 173 5 883364218 +476 175 4 883364143 +476 186 5 883365019 +476 194 5 883364143 +476 201 4 883364324 +476 202 4 883364295 +476 204 4 883364325 +476 208 5 883364250 +476 209 4 883364218 +476 210 4 883364218 +476 211 5 883365019 +476 216 4 883364250 +476 232 3 883364250 +476 238 3 883364324 +476 239 4 883364475 +476 245 4 883365784 +476 268 4 883365503 +476 288 4 883365734 +476 294 3 883365634 +476 300 5 883365561 +476 319 1 883365561 +476 325 1 883365684 +476 343 4 883365634 +476 367 3 883364475 +476 384 4 883365274 +476 386 2 883365135 +476 393 4 883365135 +476 399 3 883364812 +476 401 3 883364812 +476 430 4 883364143 +476 433 4 883364250 +476 451 3 883364475 +476 579 2 883365385 +476 648 4 883364295 +476 655 4 883365019 +476 692 3 883364143 +476 710 5 883364324 +476 712 3 883364475 +476 715 4 883364745 +476 732 3 883364250 +476 738 3 883364812 +476 746 3 883364295 +476 765 4 883365442 +476 780 3 883365274 +476 781 4 883365135 +476 790 4 883365274 +476 792 4 883365019 +476 890 1 883365989 +476 940 3 883365336 +476 959 3 883364433 +476 999 2 883365385 +476 1036 2 883364780 +476 1037 1 883365384 +476 1118 3 883364392 +476 1180 3 883365336 +476 1188 2 883364780 +476 1271 2 883364433 +477 15 4 875941863 +477 20 4 875941888 +477 25 5 875940755 +477 36 4 875941224 +477 49 5 875941155 +477 66 5 875941763 +477 88 5 875941085 +477 90 4 875941275 +477 111 5 875941763 +477 237 4 875940451 +477 255 5 875941763 +477 274 5 875941763 +477 275 5 875941763 +477 280 4 875941022 +477 294 4 875940693 +477 451 5 875941763 +477 546 4 875941972 +477 709 5 875941763 +477 722 5 875941763 +477 724 4 875941086 +477 739 4 875941191 +477 781 4 875941191 +477 794 4 875941111 +477 815 5 875941763 +477 846 4 875942042 +478 1 4 889387931 +478 7 1 889387871 +478 11 4 889395638 +478 12 5 889388862 +478 15 5 889397306 +478 23 2 889388562 +478 26 5 889396212 +478 28 3 889395655 +478 32 3 889395678 +478 40 1 889398198 +478 41 3 889396330 +478 42 5 889388763 +478 50 3 889396509 +478 64 5 889388862 +478 65 4 889395879 +478 68 1 889396582 +478 69 3 889388612 +478 71 3 889388790 +478 72 1 889397841 +478 77 1 889395879 +478 79 4 889388743 +478 93 4 889387871 +478 96 2 889396509 +478 98 5 889388862 +478 100 5 889388863 +478 111 3 889397582 +478 122 2 889397778 +478 124 4 889387982 +478 134 2 889397467 +478 137 4 889398260 +478 143 5 889396797 +478 144 5 889396509 +478 145 1 889398599 +478 150 4 889388098 +478 151 5 889388038 +478 153 3 889396212 +478 160 2 889395921 +478 161 3 889396645 +478 168 4 889388697 +478 178 4 889388562 +478 182 5 889389014 +478 195 4 889396509 +478 196 3 889395921 +478 202 4 889396256 +478 204 4 889388658 +478 216 5 889396029 +478 218 3 889396731 +478 219 2 889398289 +478 222 2 889387931 +478 231 1 889398598 +478 232 2 889396180 +478 235 2 889388357 +478 237 5 889388863 +478 238 3 889388818 +478 255 4 889398363 +478 276 5 889388862 +478 282 3 889398216 +478 283 4 889388137 +478 288 5 889388862 +478 300 3 889387471 +478 318 5 889389232 +478 327 3 889387577 +478 340 5 889398260 +478 350 1 889387418 +478 357 5 889388724 +478 367 4 889396235 +478 381 5 889397221 +478 392 2 889398571 +478 393 4 889397306 +478 403 2 889398645 +478 410 3 889388357 +478 412 4 889388249 +478 427 4 889388633 +478 433 3 889396330 +478 447 4 889396732 +478 451 5 889396282 +478 467 5 889395563 +478 469 3 889395879 +478 518 4 889395638 +478 568 5 889396615 +478 591 3 889387958 +478 616 4 889398260 +478 655 3 889395541 +478 673 3 889395696 +478 684 4 889396531 +478 708 3 889397239 +478 710 5 889396029 +478 743 1 889388534 +478 762 4 889388161 +478 763 5 889388375 +478 780 3 889397808 +478 843 5 889397582 +478 866 1 889388273 +478 869 2 889396102 +478 946 2 889396917 +478 959 4 889396049 +478 975 4 889388229 +478 1041 3 889396449 +478 1048 4 889388357 +478 1101 4 889396005 +478 1221 2 889398645 +478 1270 1 889396212 +478 1521 3 889397343 +479 1 5 879459939 +479 8 5 879461415 +479 15 3 879460140 +479 22 4 879461280 +479 24 3 879460236 +479 28 4 879461800 +479 31 4 889125905 +479 32 3 879461354 +479 50 4 879460160 +479 54 3 879462121 +479 58 4 879461432 +479 62 3 879462007 +479 66 3 879462103 +479 70 4 879461630 +479 79 4 879460894 +479 82 4 879461898 +479 89 4 879460959 +479 95 4 879461818 +479 96 4 879460959 +479 97 3 879461651 +479 100 3 879460028 +479 101 4 879462185 +479 108 4 879460424 +479 111 4 879460323 +479 117 3 889125627 +479 118 3 887064767 +479 121 4 879460236 +479 122 1 879460648 +479 127 5 879460192 +479 131 3 879460999 +479 133 2 879461970 +479 135 4 879461255 +479 136 4 879461447 +479 137 4 889125448 +479 143 1 879461669 +479 144 4 879461741 +479 147 3 889125665 +479 148 2 879460354 +479 151 4 879461914 +479 153 4 879462140 +479 154 3 889126007 +479 157 5 879461856 +479 168 5 889126007 +479 169 5 879460917 +479 172 4 879461084 +479 173 5 879460984 +479 174 5 889125837 +479 175 4 879461102 +479 176 4 889125562 +479 177 4 889125665 +479 179 1 879461142 +479 180 4 879460819 +479 181 5 879460028 +479 182 4 879460984 +479 183 5 889125563 +479 185 4 879461604 +479 187 4 879460785 +479 188 2 879461545 +479 189 2 879461298 +479 190 4 879461354 +479 193 3 879460939 +479 195 4 879460939 +479 196 4 879461207 +479 197 4 879461102 +479 198 5 879460939 +479 199 5 879460863 +479 200 5 889125775 +479 201 4 879461142 +479 202 4 879461567 +479 203 3 879460893 +479 204 4 879461583 +479 205 3 879461015 +479 209 4 879460863 +479 210 4 889125866 +479 211 4 879461447 +479 213 4 879461039 +479 215 3 879461651 +479 216 3 879461399 +479 222 4 879460028 +479 226 3 879461280 +479 228 4 879461060 +479 230 4 879461898 +479 234 5 879461318 +479 235 3 879460503 +479 238 4 879461039 +479 241 3 879461800 +479 248 4 879460192 +479 249 2 879460236 +479 250 4 879460393 +479 252 2 879460628 +479 255 2 879460192 +479 257 4 879459955 +479 258 5 879459552 +479 261 1 879533993 +479 264 3 879459791 +479 265 4 879460918 +479 266 3 879459791 +479 270 4 879459641 +479 271 3 879459692 +479 272 4 889125255 +479 273 4 879459909 +479 274 4 879460370 +479 281 3 879460285 +479 282 5 879460049 +479 283 4 879460140 +479 288 3 879459836 +479 294 3 879459578 +479 295 1 879460424 +479 298 3 879459909 +479 300 2 879459641 +479 304 4 879459692 +479 318 5 879461039 +479 324 1 879459611 +479 325 1 879459791 +479 328 4 879459611 +479 335 3 879459752 +479 338 1 887064372 +479 340 1 887064320 +479 356 3 879461951 +479 357 4 889125798 +479 358 1 879459732 +479 380 3 879462007 +479 385 2 879461567 +479 398 1 889125474 +479 403 3 879461988 +479 405 4 879460236 +479 408 5 879460091 +479 421 4 879460762 +479 423 2 879461084 +479 431 4 879461741 +479 436 4 879461856 +479 455 4 889125853 +479 463 4 879460984 +479 470 5 889125718 +479 471 4 879460028 +479 472 1 879460354 +479 474 5 879461279 +479 475 1 879460028 +479 479 4 879461378 +479 480 5 889125737 +479 483 4 879460844 +479 485 3 879460844 +479 489 5 879460844 +479 490 4 879461337 +479 496 3 879461084 +479 498 5 879461179 +479 500 4 879461255 +479 509 4 879461756 +479 510 4 879461337 +479 511 5 879461280 +479 523 4 879460894 +479 526 4 879461378 +479 528 4 879461060 +479 535 3 887064690 +479 546 2 879460305 +479 566 3 879461800 +479 584 3 879461873 +479 588 1 879461378 +479 602 4 879461492 +479 604 3 879461084 +479 609 5 879461951 +479 616 4 879462062 +479 629 3 879461161 +479 632 5 879460785 +479 647 5 879461039 +479 651 5 889125921 +479 655 4 879460959 +479 670 3 879461530 +479 680 3 887064404 +479 688 1 887064434 +479 692 3 879461700 +479 727 5 879461818 +479 732 4 879461120 +479 739 1 879461932 +479 751 4 889125759 +479 752 3 889125284 +479 756 1 879462203 +479 831 2 879460562 +479 840 1 879460547 +479 879 4 879459657 +479 915 4 893281238 +479 931 2 879460681 +479 945 5 879460785 +479 986 1 879460648 +479 1007 4 879460140 +479 1016 3 879460254 +479 1028 1 879460192 +479 1039 4 879461015 +479 1142 5 879459939 +479 1244 3 887064647 +479 1444 1 879462121 +479 1608 2 889125499 +480 12 5 891208433 +480 50 4 891207951 +480 56 4 891208492 +480 64 3 891208293 +480 79 4 891208718 +480 89 4 891208651 +480 96 4 891208623 +480 98 4 891208239 +480 100 4 891207715 +480 114 4 891208547 +480 127 3 891207715 +480 152 4 891208390 +480 169 5 891208327 +480 172 3 891208492 +480 174 5 891208356 +480 175 3 891208356 +480 183 4 891208651 +480 185 2 891208718 +480 190 5 891208265 +480 197 3 891208215 +480 203 4 891208520 +480 208 2 891208650 +480 209 4 891208599 +480 213 5 891208492 +480 234 4 891208769 +480 237 2 891207836 +480 249 1 891207975 +480 257 4 891208037 +480 258 3 891207859 +480 272 4 891207539 +480 294 1 891208058 +480 302 4 891207539 +480 319 3 891207539 +480 443 4 891208746 +480 462 4 891208520 +480 479 4 891208215 +480 483 3 891208293 +480 485 4 891208186 +480 504 4 891208822 +480 511 4 891208599 +480 527 4 891208327 +480 603 4 891208239 +480 615 4 891208185 +480 654 4 891208718 +480 661 4 891208327 +480 705 4 891208520 +480 863 4 891208356 +480 1007 4 891207715 +480 1121 4 891208689 +480 1388 4 891207665 +481 4 3 885829196 +481 8 3 885828245 +481 42 3 885828426 +481 50 4 885827974 +481 66 3 885828203 +481 70 5 885828389 +481 86 5 885828650 +481 88 4 885829153 +481 98 4 885828574 +481 100 4 885828426 +481 144 4 885828732 +481 153 5 885828165 +481 163 4 885828389 +481 173 4 885828165 +481 181 5 885827974 +481 190 5 885828732 +481 191 5 885828543 +481 197 3 885828773 +481 198 4 885828686 +481 199 5 885828543 +481 202 4 885829240 +481 204 4 885829196 +481 207 3 885828619 +481 210 4 885828165 +481 211 5 885828426 +481 252 4 885828016 +481 283 5 885828389 +481 313 4 885827861 +481 318 1 885828807 +481 322 4 885828016 +481 393 3 885829045 +481 427 4 885828807 +481 430 4 885829196 +481 435 5 885828510 +481 479 4 885828619 +481 484 4 885828686 +481 498 5 885828619 +481 500 4 885828732 +481 507 4 885828773 +481 524 5 885829045 +481 580 4 885829153 +481 596 4 885828773 +481 663 4 885828297 +481 678 3 885828016 +481 1039 4 885828732 +481 1089 3 885828072 +482 127 4 887644063 +482 249 2 887644102 +482 257 4 887644063 +482 258 2 887644023 +482 286 3 887644023 +482 289 3 887644023 +482 294 4 887643365 +482 295 3 887644063 +482 298 4 887644085 +482 301 4 887643315 +482 311 4 887643340 +482 313 5 887643146 +482 321 3 887644023 +482 682 3 887644022 +482 876 3 887644023 +482 988 4 887643499 +483 1 4 878950971 +483 9 2 878952471 +483 50 5 878953485 +483 68 1 878953693 +483 91 3 884047427 +483 99 3 884047323 +483 101 2 884047278 +483 107 3 878951717 +483 109 5 882165734 +483 116 3 878951532 +483 121 2 878952692 +483 144 2 878954228 +483 151 2 878952582 +483 173 4 884047454 +483 180 2 878954086 +483 181 4 878950971 +483 195 3 878954753 +483 197 3 878953815 +483 222 3 878953485 +483 227 3 878953592 +483 228 5 878953485 +483 229 3 878953485 +483 230 5 878953592 +483 237 3 878953019 +483 249 2 878952866 +483 250 3 878952837 +483 257 2 878952519 +483 258 4 878950353 +483 270 3 891917351 +483 271 3 881273325 +483 274 4 878953129 +483 283 5 878952582 +483 290 3 878953199 +483 313 2 884046430 +483 318 3 884046480 +483 380 3 878953592 +483 432 3 884047278 +483 449 3 878953593 +483 450 4 878953593 +483 462 3 884047754 +483 473 3 878953090 +483 480 3 878953862 +483 510 3 878953751 +483 515 4 878950971 +483 582 3 887677797 +483 676 4 878950972 +483 743 1 893098548 +483 900 3 885170586 +483 1152 4 893098572 +484 1 5 881450058 +484 2 4 891195391 +484 4 4 891195154 +484 7 4 881449706 +484 9 1 881449910 +484 14 4 885237963 +484 15 5 881449527 +484 22 5 891194841 +484 24 1 881449826 +484 25 3 881449561 +484 28 5 880937193 +484 29 3 891195532 +484 38 4 891195532 +484 50 5 881254239 +484 51 4 891194910 +484 56 5 891195057 +484 69 5 891194743 +484 70 5 891195036 +484 71 2 891194743 +484 73 4 891195199 +484 79 5 891195322 +484 82 4 891195444 +484 87 5 891195746 +484 88 4 891195179 +484 89 4 891195298 +484 94 4 891195856 +484 95 4 891195773 +484 96 5 891195323 +484 97 5 891194957 +484 98 4 891195687 +484 111 4 881450111 +484 117 4 881449561 +484 121 4 881449910 +484 122 2 889974407 +484 125 4 881450017 +484 135 4 891194820 +484 136 5 891194766 +484 141 4 891195886 +484 143 4 891195746 +484 144 4 891195298 +484 150 4 891195246 +484 151 4 881450017 +484 153 5 891194716 +484 161 4 891195444 +484 168 4 891195036 +484 172 5 891195298 +484 173 5 891195036 +484 174 5 891195298 +484 176 4 891195298 +484 181 5 881254239 +484 183 4 891195323 +484 186 4 891195219 +484 195 5 891195349 +484 197 4 891195973 +484 202 5 891195179 +484 204 5 891195057 +484 210 5 891194743 +484 211 4 891195036 +484 216 4 891195105 +484 222 5 883402900 +484 226 4 891195390 +484 227 5 891195506 +484 229 5 891195476 +484 230 5 891195417 +484 231 2 891195476 +484 233 5 891195444 +484 234 4 891195687 +484 235 2 881450160 +484 237 3 881450112 +484 239 4 891195036 +484 241 3 891195390 +484 248 4 883973581 +484 250 4 891194646 +484 252 3 880270616 +484 255 3 882079980 +484 257 5 882079956 +484 258 5 883402900 +484 274 4 881450085 +484 275 3 891195973 +484 293 5 881254899 +484 294 4 878060860 +484 300 4 887519214 +484 313 5 885237934 +484 315 3 883973609 +484 318 5 891194932 +484 385 4 891195416 +484 392 4 891194932 +484 393 1 891195246 +484 399 4 891195565 +484 405 4 881450182 +484 415 3 891195857 +484 419 4 891195825 +484 422 3 891195825 +484 423 5 891195746 +484 427 5 891195746 +484 431 4 891194692 +484 449 4 891195602 +484 451 4 891195127 +484 468 5 891194886 +484 471 4 881449737 +484 472 4 891195565 +484 510 4 889974386 +484 550 4 891195390 +484 554 4 891195565 +484 562 3 891195565 +484 566 4 891195416 +484 568 3 891195417 +484 578 3 891195444 +484 588 5 891195773 +484 597 3 881450182 +484 625 4 891195825 +484 655 5 891194820 +484 665 4 891195602 +484 679 2 891195476 +484 684 5 891195390 +484 692 5 891194998 +484 699 4 891195773 +484 720 4 891195532 +484 732 5 891194864 +484 742 3 881449737 +484 746 4 891195179 +484 755 4 891195825 +484 823 4 891195506 +484 829 2 891195663 +484 849 3 891195506 +484 924 5 880937157 +484 930 3 880270596 +484 951 1 891195886 +484 1016 4 883402866 +485 242 5 891040423 +485 245 3 891041782 +485 288 3 891041171 +485 289 3 891041551 +485 294 1 891041103 +485 302 5 891040423 +485 307 3 891040967 +485 313 4 891040423 +485 321 3 891041275 +485 341 4 891042027 +485 345 1 891040560 +485 346 4 891040967 +485 347 2 891040688 +485 538 3 891040560 +485 752 3 891040967 +485 889 5 891040560 +486 1 4 879874870 +486 3 2 879875347 +486 7 5 879874753 +486 9 5 879874449 +486 10 4 879874871 +486 13 4 879874811 +486 14 5 879874725 +486 15 3 879875278 +486 16 3 879874583 +486 20 3 879875069 +486 21 3 879875371 +486 25 4 879874838 +486 50 5 879874582 +486 93 4 879874629 +486 100 5 879875465 +486 106 1 879875408 +486 108 4 879874810 +486 109 3 879874902 +486 111 4 879874693 +486 117 3 879874939 +486 121 3 879875188 +486 124 5 879874545 +486 125 3 879874970 +486 127 5 879874448 +486 129 4 879874939 +486 137 4 879874871 +486 146 2 879875188 +486 147 2 879875249 +486 148 2 879874903 +486 150 3 879874838 +486 151 2 879875041 +486 181 4 879874482 +486 220 3 879875441 +486 221 4 879875040 +486 222 3 879874939 +486 235 2 879875370 +486 236 3 879874629 +486 237 4 879874629 +486 242 4 879874018 +486 244 3 879875220 +486 245 3 879875441 +486 246 3 879874545 +486 248 4 879874663 +486 250 1 879874753 +486 251 5 879874582 +486 252 3 879875316 +486 255 3 879874692 +486 258 5 879874064 +486 262 1 879874017 +486 264 3 879874262 +486 268 3 879874064 +486 269 4 879874388 +486 270 2 879874064 +486 273 3 879874871 +486 275 4 879874582 +486 276 4 879874969 +486 277 3 879874418 +486 279 4 879874939 +486 280 2 879875249 +486 281 3 879874629 +486 282 2 879875278 +486 284 2 879874784 +486 285 5 879874482 +486 286 2 879873973 +486 288 4 879874153 +486 289 3 879874262 +486 292 4 879874388 +486 293 3 879874545 +486 294 2 879874187 +486 295 3 879874630 +486 297 4 879874629 +486 298 3 879874871 +486 299 1 879874113 +486 300 4 879874388 +486 301 4 879874113 +486 302 5 879873973 +486 303 4 879874388 +486 304 3 879874186 +486 305 3 879874218 +486 306 1 879874063 +486 307 3 879874388 +486 319 3 879874388 +486 322 2 879874262 +486 324 4 879874262 +486 325 2 879874296 +486 327 3 879874112 +486 328 2 879873973 +486 331 2 879874112 +486 332 3 879874187 +486 333 2 879873973 +486 336 2 879874218 +486 405 4 879875040 +486 408 3 879874481 +486 458 3 879875069 +486 459 2 879875040 +486 460 4 879875316 +486 471 5 879874969 +486 473 3 879875188 +486 475 4 879874583 +486 476 3 879875371 +486 508 4 879874753 +486 515 5 879874417 +486 532 4 879874871 +486 544 4 879875249 +486 546 2 879875440 +486 547 3 879874753 +486 591 4 879874662 +486 595 2 879875408 +486 597 3 879875187 +486 620 2 879875441 +486 628 3 879875278 +486 678 1 879874297 +486 685 3 879875188 +486 689 2 879874064 +486 696 3 879875041 +486 713 3 879874902 +486 717 2 879875440 +486 718 3 879874449 +486 741 3 879875221 +486 742 2 879874693 +486 748 2 879874218 +486 762 4 879874939 +486 766 4 879874417 +486 813 5 879874516 +486 823 4 879875347 +486 825 2 879875188 +486 831 3 879875316 +486 845 4 879874995 +486 846 2 879875154 +486 864 3 879875041 +486 872 5 879874153 +486 879 3 879874297 +486 880 5 879874112 +486 883 3 879874388 +486 886 3 879874388 +486 887 5 879874218 +486 889 4 879873973 +486 919 3 879874902 +486 924 3 879875069 +486 926 2 879875408 +486 935 4 879874516 +486 936 3 879874629 +486 950 4 879875069 +486 975 3 879874783 +486 995 4 879874388 +486 1011 4 879874939 +486 1014 3 879874784 +486 1016 2 879874970 +486 1017 3 879874970 +486 1047 2 879875316 +486 1079 2 879875347 +486 1082 2 879875221 +486 1086 3 879874482 +486 1093 4 879874692 +486 1094 2 879874838 +486 1120 3 879875465 +486 1129 4 879874726 +486 1134 3 879875040 +486 1137 5 879874545 +486 1142 5 879874725 +486 1143 3 879874726 +486 1171 3 879874417 +486 1176 3 879874388 +486 1197 4 879874582 +486 1202 4 879874995 +486 1226 4 879874902 +486 1272 3 879875154 +486 1302 3 879874515 +486 1322 3 879875347 +486 1369 3 879874582 +486 1375 3 879874449 +486 1379 3 879874515 +486 1405 5 879874516 +486 1514 4 879874663 +486 1589 3 879874515 +486 1598 5 879874583 +486 1609 3 879875220 +486 1610 2 879874811 +486 1611 3 879874692 +487 1 5 883443504 +487 2 3 883531122 +487 3 5 883444583 +487 4 4 883531003 +487 11 5 883445495 +487 12 5 883445580 +487 17 3 883531279 +487 22 5 883445495 +487 24 4 883444558 +487 25 1 883445130 +487 27 5 884044329 +487 28 4 883446352 +487 31 5 883446685 +487 38 2 884052069 +487 42 3 883446685 +487 43 3 884042206 +487 45 5 883446725 +487 48 2 883445540 +487 49 4 884036466 +487 50 4 883442018 +487 53 2 883447118 +487 55 5 883446685 +487 56 4 883528441 +487 58 5 883446907 +487 62 3 884042630 +487 64 5 883445859 +487 66 5 883530484 +487 67 3 884050247 +487 68 5 883530949 +487 69 4 883445859 +487 70 3 883530929 +487 71 3 883530786 +487 73 3 884050038 +487 76 4 883530484 +487 77 3 883530814 +487 79 5 883446543 +487 81 3 883531507 +487 82 5 883446252 +487 85 2 884044654 +487 87 5 883445606 +487 88 4 884024901 +487 92 4 883446600 +487 94 3 884050838 +487 95 4 883446872 +487 96 5 883446801 +487 97 5 883446600 +487 98 5 883446637 +487 99 4 883530434 +487 100 5 883442105 +487 111 3 883444558 +487 125 5 883444736 +487 128 5 883531333 +487 133 4 883530865 +487 136 5 883445606 +487 140 3 883531085 +487 143 3 883530841 +487 144 5 883446725 +487 150 5 883442430 +487 156 4 883446027 +487 160 4 884041685 +487 161 5 883530702 +487 172 4 883530409 +487 173 4 883445580 +487 174 5 883446404 +487 176 5 883445540 +487 178 5 883445540 +487 179 3 883528237 +487 181 4 883441956 +487 183 5 883446637 +487 188 4 883445900 +487 191 4 883446027 +487 194 5 883446322 +487 195 4 883446907 +487 196 5 883446830 +487 197 3 883446404 +487 202 5 883445943 +487 204 4 883445495 +487 206 4 883531003 +487 210 4 883529505 +487 215 4 883446027 +487 216 4 883530484 +487 218 2 883531507 +487 222 4 883442018 +487 226 3 883531085 +487 227 3 883531279 +487 229 3 884042207 +487 230 5 884036466 +487 231 1 884050940 +487 232 4 883530764 +487 237 4 883441813 +487 239 5 883531507 +487 248 1 883443504 +487 249 1 884637200 +487 255 2 883441890 +487 257 4 883442260 +487 258 5 883440613 +487 259 2 883441083 +487 260 2 883441026 +487 265 5 883530236 +487 270 5 883440572 +487 272 5 885322350 +487 273 5 883443504 +487 274 4 883444631 +487 280 5 883444860 +487 282 4 883442105 +487 286 2 883439831 +487 288 4 883440572 +487 289 2 883441083 +487 291 3 883445079 +487 294 4 883440572 +487 298 5 883442431 +487 300 5 883441026 +487 301 4 883440613 +487 313 3 883439795 +487 318 3 883528237 +487 333 3 883440491 +487 340 1 883440613 +487 347 2 884806595 +487 349 3 885239880 +487 356 4 884024462 +487 366 3 883530929 +487 367 3 883530674 +487 378 5 883530973 +487 380 2 883531466 +487 385 4 883530454 +487 392 4 883529363 +487 393 4 884042207 +487 399 5 884046800 +487 402 4 883531507 +487 403 4 884050247 +487 404 4 883446725 +487 405 4 883443504 +487 411 3 883444793 +487 412 1 883445220 +487 419 3 883530644 +487 423 4 883446685 +487 426 3 884025034 +487 431 3 883529593 +487 432 3 883447015 +487 455 2 883444252 +487 462 2 883445859 +487 470 5 883530409 +487 471 3 883441956 +487 474 4 883445752 +487 540 2 884050192 +487 541 3 884050711 +487 546 3 883444674 +487 549 4 884046879 +487 550 3 883530841 +487 559 3 884029657 +487 566 4 883529540 +487 568 4 883446322 +487 572 1 884050940 +487 578 3 884036466 +487 586 2 884051840 +487 588 5 883446725 +487 591 2 883444462 +487 596 5 883441956 +487 597 4 883444674 +487 620 3 883445168 +487 627 4 883531122 +487 628 4 883444558 +487 651 5 883445606 +487 652 5 883530374 +487 679 2 883530724 +487 684 5 883446543 +487 685 3 883444252 +487 686 4 884044329 +487 689 1 883441407 +487 692 5 883530434 +487 710 4 883445721 +487 713 4 883444631 +487 720 4 884036466 +487 727 3 884029774 +487 732 5 884025080 +487 735 4 884042206 +487 742 5 883442053 +487 746 4 883529540 +487 747 4 883531466 +487 748 4 883440540 +487 768 3 884025080 +487 772 3 883530885 +487 779 2 884050879 +487 781 3 884030528 +487 783 4 884045361 +487 789 4 883446757 +487 790 3 884045135 +487 794 5 883530503 +487 802 4 884051006 +487 803 2 884045297 +487 809 2 884050192 +487 820 3 883444884 +487 823 1 883445302 +487 825 3 883444674 +487 833 4 888262381 +487 841 2 883445168 +487 845 4 883442260 +487 921 5 884042629 +487 939 3 883446757 +487 941 3 884045297 +487 955 5 884024462 +487 956 4 883530702 +487 966 5 883530562 +487 978 1 883445251 +487 1011 3 883444768 +487 1016 5 883444515 +487 1019 5 883447117 +487 1035 4 884044329 +487 1044 3 884051761 +487 1074 1 884051840 +487 1188 3 884045361 +487 1209 4 884045135 +487 1217 3 884025080 +487 1220 4 884050879 +487 1244 2 883444859 +487 1276 2 885239896 +487 1314 1 883530929 +487 1410 5 883446637 +487 1425 4 884024462 +487 1440 4 884045494 +487 1446 3 883530814 +488 1 3 891294896 +488 8 3 891295067 +488 9 4 891294063 +488 11 1 891294158 +488 15 4 891294568 +488 22 4 891294108 +488 28 4 891293805 +488 31 4 891294439 +488 33 2 891294976 +488 50 4 891293974 +488 56 4 891294785 +488 58 3 891376081 +488 64 5 891294529 +488 69 4 891294209 +488 70 3 891294854 +488 71 3 891294606 +488 79 4 891294334 +488 82 4 891294942 +488 83 4 891294530 +488 87 5 891294297 +488 89 4 891294854 +488 96 3 891294014 +488 97 4 891293863 +488 98 4 891293698 +488 100 2 891293910 +488 111 4 891294785 +488 127 4 891294606 +488 132 3 891294108 +488 133 4 891294606 +488 134 2 891294707 +488 135 4 891294785 +488 136 4 891294158 +488 144 3 891293974 +488 153 2 891293974 +488 154 3 891293974 +488 162 3 891376081 +488 164 3 891293911 +488 168 4 891293910 +488 172 3 891293863 +488 173 4 891294473 +488 174 4 891294853 +488 176 4 891293734 +488 178 4 891294158 +488 181 4 891376029 +488 182 3 891293734 +488 183 4 891293698 +488 185 4 891376137 +488 186 4 891294108 +488 187 3 891293863 +488 190 5 891376046 +488 191 3 891293974 +488 193 3 891293911 +488 196 3 891293974 +488 197 2 891294473 +488 198 4 891375822 +488 199 4 891293911 +488 200 2 891294606 +488 203 4 891295023 +488 205 4 891375784 +488 207 3 891294942 +488 208 4 891294298 +488 210 4 891294896 +488 211 4 891294158 +488 215 5 891294742 +488 216 2 891294785 +488 222 4 891376029 +488 223 4 891294158 +488 230 3 891375900 +488 234 4 891293911 +488 238 1 891375965 +488 239 4 891294976 +488 243 3 891293400 +488 245 3 891292897 +488 258 4 891293606 +488 259 1 891293051 +488 260 2 891293304 +488 265 4 891294473 +488 269 3 891293606 +488 286 1 891292852 +488 288 2 891292682 +488 289 1 891293263 +488 294 4 891293606 +488 299 3 891293051 +488 300 4 891293606 +488 304 4 891293606 +488 318 4 891293734 +488 321 3 891293152 +488 322 3 891293009 +488 323 1 891293263 +488 328 4 891293606 +488 333 4 891293606 +488 357 4 891293699 +488 358 3 891293051 +488 385 4 891294014 +488 405 3 891294014 +488 414 2 891293863 +488 418 3 891294530 +488 419 3 891294976 +488 429 4 891375991 +488 434 4 891294785 +488 478 3 891294530 +488 480 3 891376110 +488 483 3 891293660 +488 486 4 891295023 +488 492 2 891375784 +488 493 3 891294297 +488 496 4 891294246 +488 498 3 891294707 +488 500 4 891294568 +488 509 2 891294365 +488 510 4 891294854 +488 511 4 891294209 +488 514 2 891294063 +488 515 4 891293699 +488 520 4 891293660 +488 521 3 891294942 +488 523 3 891293699 +488 526 4 891294530 +488 527 3 891294473 +488 568 3 891294707 +488 589 3 891294400 +488 612 4 891294210 +488 633 5 891294334 +488 651 5 891294014 +488 659 3 891293771 +488 678 2 891293400 +488 692 4 891294707 +488 705 4 891294473 +488 707 2 891294707 +488 724 3 891375751 +488 732 4 891294606 +488 742 4 891295023 +488 746 4 891293771 +488 748 4 891293606 +488 751 3 891292771 +488 754 4 891293606 +488 776 4 891294298 +488 845 3 891294853 +488 873 3 891293152 +488 880 3 891293606 +488 890 1 891293478 +488 1025 2 891293263 +488 1039 4 891294654 +488 1050 4 891294568 +489 243 4 891445389 +489 245 3 891366838 +489 258 5 891366570 +489 259 2 891445743 +489 260 3 891366693 +489 261 2 891449155 +489 264 4 891445721 +489 266 5 891446232 +489 268 2 891448453 +489 269 3 891362740 +489 270 4 891448731 +489 271 4 891448706 +489 286 4 891366571 +489 288 4 891366693 +489 289 2 891366748 +489 292 4 891366693 +489 294 3 891366748 +489 299 2 891447522 +489 300 5 891366571 +489 301 3 891366805 +489 303 4 891448109 +489 304 3 891362812 +489 307 4 891363191 +489 308 4 891447653 +489 310 4 891449022 +489 312 2 891366748 +489 313 4 891362740 +489 315 5 891448389 +489 316 5 891447872 +489 319 3 891447218 +489 321 3 891447845 +489 322 5 891366571 +489 323 5 891445388 +489 324 3 891445320 +489 325 5 891445439 +489 326 4 891362773 +489 327 5 891448409 +489 328 4 891366748 +489 330 4 891445277 +489 332 5 891447823 +489 333 4 891362740 +489 338 3 891448200 +489 339 3 891448428 +489 340 4 891448367 +489 342 3 891445199 +489 346 5 891362904 +489 347 5 891448774 +489 349 4 891449155 +489 351 5 891446623 +489 353 4 891449555 +489 358 5 891445439 +489 359 5 891362812 +489 360 5 891362904 +489 457 3 891449254 +489 538 4 891448222 +489 539 4 891448834 +489 678 4 891366693 +489 680 5 891445439 +489 683 2 891449099 +489 687 3 891445439 +489 688 2 891448861 +489 689 5 891447913 +489 748 4 891366838 +489 749 4 891366571 +489 750 5 891448080 +489 751 5 891362773 +489 752 5 891448109 +489 754 5 891448109 +489 872 2 891448530 +489 873 3 891447008 +489 874 2 891448774 +489 875 2 891449465 +489 876 2 891447218 +489 878 2 891448565 +489 879 5 891366652 +489 880 2 891447302 +489 881 2 891447586 +489 883 2 891448811 +489 885 4 891448861 +489 887 2 891447845 +489 890 5 891447990 +489 892 3 891449532 +489 895 4 891448147 +489 897 2 891448565 +489 898 3 891366652 +489 902 4 891448931 +489 948 2 891447960 +489 984 5 891362904 +489 988 3 891446982 +489 989 3 891446201 +489 991 3 891445439 +489 1025 5 891366652 +489 1238 4 891445352 +489 1243 4 891445231 +489 1265 2 891449466 +489 1280 3 891447653 +489 1293 5 891446623 +489 1612 5 891446623 +489 1613 4 891449466 +490 1 3 875427148 +490 7 3 875427739 +490 9 4 875428765 +490 15 1 875427739 +490 24 4 875428765 +490 50 5 875428765 +490 93 4 875427993 +490 100 3 875427629 +490 109 5 875428765 +490 117 1 875427948 +490 118 2 875428703 +490 123 2 875428570 +490 126 2 875427812 +490 127 5 875428765 +490 137 3 875427739 +490 150 5 875428765 +490 151 1 875428185 +490 181 4 875427873 +490 222 3 875427103 +490 224 2 875428702 +490 246 2 875427812 +490 255 1 875428309 +490 257 3 875428570 +490 284 3 875427993 +490 289 1 875427021 +490 292 3 875428185 +490 293 2 875427993 +490 302 4 875428765 +490 333 3 875427021 +490 410 4 875428570 +490 455 4 875428152 +490 458 3 875428417 +490 473 2 875428417 +490 475 4 875427629 +490 547 4 875428765 +490 741 4 875427629 +490 764 1 875427993 +490 847 3 875427873 +490 919 4 875428765 +490 926 2 875428185 +490 952 2 875427532 +490 987 3 875428702 +490 993 1 875427739 +490 1012 3 875428416 +490 1067 2 875428309 +490 1383 1 875428417 +490 1386 4 875428416 +491 12 5 891189305 +491 14 2 891185298 +491 19 4 891185209 +491 23 2 891189306 +491 45 5 891189631 +491 116 5 891185209 +491 127 3 891185129 +491 190 4 891189631 +491 273 5 891188230 +491 285 5 891185919 +491 294 2 891189842 +491 319 1 891184567 +491 325 1 891189876 +491 340 4 891189716 +491 408 5 891185298 +491 475 4 891185170 +491 493 4 891185129 +491 513 5 891189306 +491 654 5 891189306 +491 657 5 891189306 +491 684 5 891189575 +491 900 5 891189761 +491 1281 3 891186806 +492 45 3 879969814 +492 56 5 879969878 +492 86 3 879969454 +492 97 3 879969210 +492 100 4 879969292 +492 124 4 879969345 +492 127 5 879969879 +492 131 3 879969720 +492 134 3 879969644 +492 137 4 879969670 +492 153 4 879969454 +492 172 3 879969415 +492 185 3 879969512 +492 192 3 879969583 +492 193 4 879969415 +492 199 3 879969255 +492 205 4 879969692 +492 221 3 879969454 +492 242 5 879969878 +492 275 2 879969210 +492 285 4 879969345 +492 318 5 879969878 +492 462 3 879969292 +492 474 5 879969879 +492 478 2 879969583 +492 479 3 879969583 +492 482 3 879969720 +492 483 2 879969210 +492 492 4 879969512 +492 511 5 879969879 +492 514 3 879969415 +492 521 5 879969644 +492 527 5 879969879 +492 528 5 879969878 +492 531 4 879969539 +492 650 2 879969644 +492 651 3 879969814 +492 654 4 879969323 +492 657 3 879969345 +492 699 3 879969210 +492 772 1 879969512 +492 1021 3 879969415 +492 1098 4 879969512 +492 1121 2 879969720 +492 1147 1 879969670 +493 1 3 884130416 +493 7 3 884130372 +493 12 3 884132225 +493 22 5 884131114 +493 24 4 884130593 +493 25 4 884132717 +493 48 4 884130995 +493 50 5 884131553 +493 56 4 884130911 +493 59 5 884132315 +493 60 2 884131263 +493 61 4 884131263 +493 65 4 884132146 +493 69 5 884130995 +493 71 5 884131020 +493 79 5 884131287 +493 82 5 884132058 +493 89 4 884130933 +493 91 3 884132287 +493 95 5 884131287 +493 98 4 884131460 +493 109 4 884130416 +493 115 4 884131665 +493 117 5 884130416 +493 118 4 884132898 +493 121 5 884131690 +493 124 3 884130253 +493 127 3 884130416 +493 134 3 884132246 +493 150 5 884130495 +493 151 3 884130516 +493 154 4 884131952 +493 168 5 884131143 +493 170 3 884131089 +493 171 5 884130825 +493 172 5 884131597 +493 173 4 884131114 +493 174 3 884131211 +493 175 4 884131933 +493 176 5 884132197 +493 180 4 884130793 +493 181 5 884130308 +493 182 5 884130971 +493 183 5 884132225 +493 186 5 884131897 +493 188 5 884131314 +493 191 4 884132225 +493 192 3 884132015 +493 195 3 884131314 +493 196 4 884130933 +493 201 5 884131089 +493 204 5 884130852 +493 208 4 884131897 +493 209 5 884130933 +493 222 3 884130416 +493 234 5 884132037 +493 235 2 884130593 +493 238 3 884131985 +493 239 5 884131952 +493 249 4 884132784 +493 250 4 884130387 +493 252 4 884130619 +493 257 5 884130495 +493 258 5 884129725 +493 260 1 884129979 +493 262 3 884129793 +493 264 3 884129923 +493 265 5 884131048 +493 271 1 884129823 +493 273 4 884131717 +493 274 5 884131480 +493 275 1 884131357 +493 284 4 884130619 +493 288 4 884129823 +493 298 3 884130668 +493 300 4 884129725 +493 317 3 884132267 +493 318 5 884132315 +493 323 4 884129979 +493 327 5 884129868 +493 328 4 884129823 +493 333 4 884133084 +493 338 4 884130032 +493 343 3 884130074 +493 357 5 884130891 +493 358 4 884129979 +493 369 2 884130271 +493 404 4 884132351 +493 405 2 884130619 +493 410 4 884132883 +493 431 5 884132037 +493 435 5 884132015 +493 455 5 884131690 +493 462 2 884132015 +493 475 3 884130495 +493 483 5 884131534 +493 527 5 884132037 +493 528 5 884132246 +493 546 5 884131738 +493 550 4 884132181 +493 597 4 884131738 +493 647 4 884131287 +493 652 5 884131287 +493 678 3 884129979 +493 684 4 884132267 +493 687 1 884130055 +493 693 4 884132129 +493 742 3 884130253 +493 746 4 884131143 +493 751 5 884129793 +493 754 3 884129868 +493 762 4 884130439 +493 763 4 884130593 +493 806 3 884131143 +493 833 2 884131738 +493 876 1 884129923 +493 881 1 884130009 +493 890 3 884130074 +493 959 2 884131263 +493 974 3 884132914 +493 1013 1 884131777 +493 1016 4 884130550 +493 1088 2 884131777 +493 1126 2 884131517 +493 1278 5 884130215 +494 1 3 879541374 +494 50 5 879541246 +494 64 5 879541207 +494 65 5 879541207 +494 86 3 879541298 +494 98 4 879541158 +494 107 4 879541405 +494 121 4 879541429 +494 126 4 879541476 +494 127 5 879541080 +494 143 5 879541245 +494 181 4 879541298 +494 183 5 879541158 +494 191 4 879541158 +494 194 4 879541298 +494 199 4 879541158 +494 204 5 879541298 +494 222 5 879541375 +494 237 4 879541375 +494 238 5 879541207 +494 245 3 879540720 +494 286 4 879540508 +494 294 4 879540593 +494 300 5 879540593 +494 323 3 879540901 +494 329 3 879540819 +494 357 5 879541245 +494 358 3 879540901 +494 479 3 879541207 +494 498 4 879541246 +494 514 2 879541246 +494 528 3 879541245 +494 603 3 879541298 +494 663 5 879541080 +494 707 4 879541112 +494 845 4 879541429 +494 1197 3 879541405 +495 1 4 888632943 +495 2 2 888635595 +495 4 3 888633129 +495 9 5 888632069 +495 11 5 888634536 +495 29 2 888636573 +495 44 3 888636032 +495 50 5 888632134 +495 53 1 888637440 +495 54 5 888637768 +495 55 2 888634389 +495 62 3 888635937 +495 64 5 888632496 +495 67 3 888636635 +495 68 5 888634987 +495 69 3 888632070 +495 71 5 888634111 +495 77 4 888634475 +495 79 5 888632546 +495 80 3 888636992 +495 82 5 888632969 +495 84 3 888633011 +495 86 5 888637768 +495 88 4 888635380 +495 89 3 888632888 +495 90 4 888635637 +495 91 2 888634859 +495 94 3 888636992 +495 95 3 888634315 +495 96 4 888634110 +495 98 5 888632943 +495 101 5 888632943 +495 109 5 888633594 +495 120 5 888637768 +495 121 5 888633473 +495 132 4 888632916 +495 133 3 888632888 +495 135 3 888633011 +495 139 2 888636810 +495 143 1 888634315 +495 144 4 888634070 +495 145 4 888637147 +495 147 5 888637768 +495 151 5 888635236 +495 153 5 888633165 +495 154 4 888633277 +495 155 3 888635455 +495 157 5 888635294 +495 158 3 888637477 +495 161 4 888634746 +495 162 3 888633351 +495 163 5 888633277 +495 167 4 888636958 +495 168 5 888632738 +495 172 5 888632378 +495 173 5 888632180 +495 174 5 888632319 +495 176 5 888632496 +495 179 5 888632470 +495 181 5 888632180 +495 182 5 888632043 +495 183 5 888633277 +495 184 5 888633086 +495 185 5 888633042 +495 186 5 888633277 +495 188 4 888632250 +495 191 3 888632219 +495 195 5 888633396 +495 196 3 888632546 +495 201 2 888633594 +495 202 4 888633042 +495 204 4 888632155 +495 208 5 888632134 +495 210 5 888632496 +495 211 5 888633194 +495 214 5 888632219 +495 216 4 888632443 +495 217 5 888637768 +495 218 4 888635080 +495 219 4 888636992 +495 222 5 888633277 +495 225 4 888635524 +495 226 4 888633011 +495 227 5 888636899 +495 228 5 888632738 +495 229 3 888634918 +495 231 3 888635294 +495 232 5 888635202 +495 233 4 888633594 +495 234 5 888634144 +495 235 5 888636603 +495 240 4 888636773 +495 265 5 888633316 +495 282 5 888637768 +495 288 4 888633165 +495 357 5 888633277 +495 378 5 888634896 +495 380 3 888635339 +495 385 3 888633042 +495 386 3 888636837 +495 389 5 888637643 +495 392 5 888635455 +495 393 5 888635339 +495 395 1 888637147 +495 402 3 888635050 +495 403 5 888634475 +495 404 4 888635380 +495 413 5 888636032 +495 416 5 888636899 +495 417 3 888636741 +495 418 4 888633440 +495 419 1 888632070 +495 421 1 888634389 +495 423 5 888633522 +495 431 5 888632546 +495 432 5 888633396 +495 433 4 888634315 +495 435 5 888632969 +495 441 3 888633440 +495 444 3 888636958 +495 447 4 888635420 +495 448 5 888634896 +495 449 5 888637768 +495 452 2 888637070 +495 465 5 888635180 +495 470 5 888637768 +495 472 5 888635144 +495 478 4 888632443 +495 479 4 888632574 +495 491 5 888632443 +495 496 5 888632888 +495 498 3 888633165 +495 501 3 888634536 +495 504 4 888632546 +495 505 5 888633473 +495 507 4 888633316 +495 511 4 888634536 +495 521 5 888632219 +495 523 5 888632155 +495 550 3 888635235 +495 559 4 888635180 +495 566 4 888635144 +495 568 1 888635294 +495 573 4 888636928 +495 575 3 888637477 +495 576 3 888637440 +495 577 1 888637477 +495 578 3 888636653 +495 581 5 888635655 +495 582 4 888635080 +495 590 4 888637612 +495 616 4 888635050 +495 622 2 888635886 +495 629 3 888636032 +495 631 2 888632677 +495 633 5 888632738 +495 636 3 888634475 +495 637 3 888635995 +495 642 4 888635050 +495 650 5 888634956 +495 655 5 888634536 +495 658 3 888635380 +495 660 3 888635144 +495 662 5 888636810 +495 665 1 888637169 +495 671 2 888634956 +495 674 3 888635995 +495 679 3 888634784 +495 684 5 888634956 +495 705 4 888634111 +495 732 4 888634070 +495 739 4 888637042 +495 742 5 888632888 +495 768 3 888636216 +495 770 3 888635339 +495 790 3 888636635 +495 796 4 888637070 +495 831 1 888637325 +495 843 3 888637385 +495 924 3 888634441 +495 944 5 888637768 +495 969 4 888632443 +495 1039 5 888635180 +495 1046 5 888636837 +495 1079 5 888636511 +495 1091 4 888637503 +495 1110 4 888637147 +495 1116 3 888632738 +495 1118 5 888632888 +495 1119 4 888634784 +495 1133 3 888636487 +495 1135 5 888634475 +495 1157 4 888637300 +495 1182 3 888636871 +495 1183 4 888637228 +495 1188 5 888637147 +495 1207 5 888637300 +495 1208 4 888636032 +495 1245 5 888633129 +495 1263 4 888636062 +495 1419 1 888635995 +495 1469 5 888636810 +495 1542 4 888637643 +496 7 4 876064168 +496 10 5 876064845 +496 11 4 876067022 +496 17 3 876065645 +496 22 4 876065259 +496 28 2 876066153 +496 33 4 876067108 +496 39 5 876072633 +496 50 5 876072633 +496 53 3 876070655 +496 56 5 876066009 +496 64 3 876066064 +496 68 4 876067192 +496 77 2 876066531 +496 87 5 876073616 +496 88 1 876067346 +496 89 5 876072633 +496 94 1 876070975 +496 96 4 876065881 +496 97 1 876066848 +496 98 4 876073160 +496 99 3 876066598 +496 109 3 876064357 +496 132 3 876065881 +496 133 5 876066567 +496 135 2 876066038 +496 136 1 876066424 +496 141 3 876067493 +496 142 2 876067686 +496 143 3 876067146 +496 147 3 876064356 +496 150 2 876064230 +496 151 3 876067445 +496 155 1 876070859 +496 156 3 876065933 +496 158 2 876069951 +496 164 3 876066153 +496 168 3 876065324 +496 172 5 876065558 +496 173 5 876065349 +496 174 4 876066507 +496 181 5 876064168 +496 183 2 876065259 +496 186 4 876065558 +496 190 5 876072632 +496 191 5 876072632 +496 195 4 876065715 +496 196 3 876066374 +496 204 3 876066531 +496 206 4 876068615 +496 217 5 876073320 +496 222 3 876064290 +496 227 1 876066794 +496 228 1 876065588 +496 229 2 876070655 +496 246 4 876064198 +496 252 2 876065105 +496 268 4 876063784 +496 277 5 876072633 +496 288 2 876063810 +496 318 4 876065693 +496 333 3 876063848 +496 356 2 876070764 +496 378 1 876066794 +496 393 1 876069951 +496 416 1 876067754 +496 417 1 876066465 +496 418 3 876066848 +496 419 2 876066874 +496 420 3 876069927 +496 421 3 876066229 +496 426 3 876071419 +496 432 4 876066652 +496 433 4 876066904 +496 443 2 876066353 +496 469 3 876065962 +496 480 3 876065289 +496 483 4 876065259 +496 484 3 876065382 +496 485 3 876065477 +496 495 3 876066300 +496 496 1 876066424 +496 506 3 876067215 +496 509 3 876067272 +496 526 3 876067597 +496 528 4 876065933 +496 532 5 876072633 +496 554 2 876070997 +496 559 5 876068153 +496 561 5 876068582 +496 607 3 876065822 +496 625 4 876067306 +496 633 3 876065822 +496 651 2 876065610 +496 652 5 876065693 +496 659 3 876065822 +496 660 3 876067108 +496 661 3 876067001 +496 699 3 876068220 +496 705 2 876065382 +496 721 5 876067215 +496 743 2 876065190 +496 771 2 876073865 +496 774 5 876066424 +496 825 3 876065015 +496 842 2 876068249 +496 961 2 876070655 +496 1041 1 876068615 +496 1060 1 876071243 +496 1063 3 876066485 +496 1074 2 876068100 +496 1091 1 876068433 +496 1139 2 876073882 +496 1157 1 876070937 +496 1229 1 876071097 +496 1286 2 876065382 +496 1459 4 876067376 +496 1473 3 876072548 +496 1614 3 876070690 +497 1 4 879309955 +497 2 1 879310883 +497 3 4 879309715 +497 4 3 879310825 +497 7 3 879310604 +497 11 3 879310825 +497 12 4 879362019 +497 13 2 878759927 +497 19 4 879310245 +497 22 5 879310730 +497 24 4 879310260 +497 25 4 879309780 +497 28 3 879363586 +497 29 4 879362569 +497 31 3 879361802 +497 33 4 879310730 +497 38 3 879310965 +497 39 3 879310913 +497 42 4 878759777 +497 49 3 879310474 +497 50 5 879310580 +497 53 3 879362178 +497 54 3 879362071 +497 55 3 879310705 +497 56 4 878759659 +497 62 4 879310913 +497 63 3 879362985 +497 66 3 879362720 +497 67 3 879362858 +497 68 4 879310850 +497 70 4 879362798 +497 71 4 879309993 +497 72 3 879362835 +497 73 3 879362858 +497 77 3 879362093 +497 79 4 879310730 +497 80 3 879363181 +497 82 4 879310792 +497 83 2 878759898 +497 87 3 879363565 +497 89 4 879310850 +497 90 4 879310445 +497 91 2 879309993 +497 94 3 879363133 +497 95 4 879309993 +497 96 4 879310705 +497 97 4 879310473 +497 98 4 879361802 +497 99 3 879310021 +497 100 4 878759828 +497 101 4 879310070 +497 105 2 879309836 +497 108 3 879309760 +497 109 4 878759659 +497 111 4 878759828 +497 114 4 879309992 +497 118 4 879310621 +497 121 4 879310581 +497 122 1 879309802 +497 123 3 879361727 +497 127 5 879310580 +497 128 4 879362496 +497 139 3 879363696 +497 141 3 879363611 +497 144 4 879310792 +497 145 4 879362382 +497 151 3 879363510 +497 152 2 878759898 +497 153 4 878759659 +497 155 3 879310522 +497 156 5 879361872 +497 161 5 879310730 +497 163 2 879363181 +497 164 4 879361872 +497 167 2 879363111 +497 168 5 878760023 +497 169 4 879309992 +497 172 5 879310705 +497 173 5 878759659 +497 174 4 879310705 +497 175 4 878759745 +497 176 4 879310762 +497 177 4 879310762 +497 181 5 879310580 +497 182 4 879310705 +497 183 4 879310825 +497 184 3 879310792 +497 185 3 879361802 +497 186 4 878759806 +497 187 5 879310825 +497 188 3 879310762 +497 189 4 879309993 +497 194 3 878759705 +497 195 4 879310730 +497 197 3 879310419 +497 200 3 879362359 +497 202 4 878760023 +497 204 3 879362683 +497 208 3 878759806 +497 210 4 878759777 +497 216 3 879310399 +497 217 4 879362382 +497 222 3 879310580 +497 225 3 879363510 +497 226 3 879310913 +497 227 2 879310883 +497 228 3 879310762 +497 229 2 879310850 +497 230 2 879310762 +497 231 3 879310883 +497 232 3 879310850 +497 233 2 879310883 +497 234 2 879361847 +497 237 3 879310314 +497 239 4 879362835 +497 240 4 879309734 +497 242 1 878759351 +497 248 4 879309673 +497 249 5 879309734 +497 250 3 879310581 +497 257 4 879309648 +497 258 4 878759351 +497 265 4 879310883 +497 268 4 878759399 +497 273 4 879310604 +497 288 2 878759351 +497 291 3 879361707 +497 294 4 878759351 +497 298 3 879310580 +497 300 3 878759351 +497 325 2 878759505 +497 358 4 878759378 +497 363 2 879310649 +497 364 3 879363233 +497 367 4 879362835 +497 372 4 879362875 +497 373 4 879311007 +497 381 3 878759898 +497 384 2 879362985 +497 385 3 879310792 +497 386 2 879363111 +497 388 4 879363253 +497 391 3 879362545 +497 393 4 879362858 +497 394 3 878759862 +497 395 4 879363284 +497 399 4 879310883 +497 402 4 879310508 +497 403 3 879310883 +497 405 3 879310621 +497 407 2 879309852 +497 408 4 879309955 +497 412 1 878759926 +497 413 3 879362292 +497 416 2 879363611 +497 417 2 879363627 +497 418 3 879310021 +497 420 3 879309993 +497 423 3 879363586 +497 431 4 879310825 +497 432 3 879309993 +497 433 3 878759806 +497 440 1 879362430 +497 441 2 879362407 +497 449 2 879310966 +497 450 2 879362202 +497 451 2 879310419 +497 452 2 879362202 +497 455 4 878759777 +497 465 3 879363610 +497 472 3 879310650 +497 475 4 878759705 +497 501 2 879309993 +497 510 3 879362496 +497 526 3 879362478 +497 540 2 879311007 +497 541 4 879362546 +497 545 3 879363233 +497 549 4 879310445 +497 550 4 879310913 +497 552 3 879362155 +497 553 2 879310379 +497 559 4 879362359 +497 562 2 879310941 +497 566 3 879310941 +497 568 3 879310792 +497 569 2 879362359 +497 570 3 879362511 +497 577 2 879363284 +497 578 4 879310965 +497 584 4 879363611 +497 588 4 879309993 +497 590 2 879362461 +497 597 3 879310649 +497 603 3 879361802 +497 622 2 879363586 +497 625 3 879310021 +497 629 2 878759862 +497 642 3 879362041 +497 645 3 878759659 +497 651 4 879310762 +497 652 5 878759777 +497 655 4 878759862 +497 665 2 879310966 +497 679 3 879310850 +497 684 3 879310792 +497 692 3 879310379 +497 716 4 878759745 +497 719 3 879363253 +497 720 2 879310941 +497 721 3 879362740 +497 722 3 879362985 +497 724 5 879310445 +497 725 3 879363253 +497 731 3 879310474 +497 739 4 879310474 +497 741 4 879361707 +497 743 3 879362638 +497 746 5 878759777 +497 748 4 878759432 +497 758 2 879362292 +497 763 3 879309780 +497 765 3 879363155 +497 769 3 879362430 +497 771 4 879362638 +497 774 4 879362407 +497 781 3 879310445 +497 783 3 879362908 +497 790 2 879362720 +497 792 3 879362954 +497 795 1 879363284 +497 797 3 879362586 +497 802 2 879362118 +497 805 3 879362835 +497 808 2 879310941 +497 809 3 879362609 +497 810 3 879310941 +497 826 3 879311007 +497 840 3 879310679 +497 849 2 879310913 +497 864 3 879309734 +497 926 2 879309759 +497 928 3 879361744 +497 940 2 879362954 +497 944 3 879362798 +497 946 4 879310021 +497 951 2 879363695 +497 1000 2 878759777 +497 1016 4 879310604 +497 1030 1 879363780 +497 1041 3 879310473 +497 1042 3 879362178 +497 1046 3 879362041 +497 1047 3 879309836 +497 1052 2 879309869 +497 1077 4 879361847 +497 1092 3 879363233 +497 1157 2 879362178 +497 1177 1 879363111 +497 1185 1 879363205 +497 1210 4 879362178 +497 1228 2 879362569 +497 1240 5 879310070 +497 1303 2 879311007 +497 1407 3 879362609 +497 1415 2 879363748 +497 1419 2 879362638 +497 1555 2 879363780 +497 1615 3 879310650 +498 7 3 881954741 +498 9 2 881954931 +498 10 5 881960711 +498 14 4 881955189 +498 23 4 881955596 +498 50 4 881954821 +498 53 4 881961689 +498 54 2 881961745 +498 56 3 881957353 +498 59 4 881961312 +498 61 4 881957431 +498 64 4 881956575 +498 77 2 881961627 +498 79 3 881959104 +498 83 3 881957846 +498 89 5 881957353 +498 98 4 881957681 +498 100 3 881955291 +498 109 3 881955189 +498 121 2 881962699 +498 124 3 881955291 +498 127 4 881954219 +498 134 3 881956498 +498 135 5 881956576 +498 136 3 881958174 +498 137 3 881954357 +498 144 1 881958471 +498 150 3 881954451 +498 151 4 881956140 +498 156 5 881957054 +498 160 5 881958174 +498 164 3 881961689 +498 168 4 881958174 +498 171 3 881955866 +498 172 3 881956362 +498 174 3 881956953 +498 175 5 881956498 +498 176 2 881956498 +498 179 4 881961133 +498 180 4 881955866 +498 181 2 881955014 +498 182 4 881955596 +498 183 4 881957905 +498 185 4 881955960 +498 186 4 881960591 +498 187 4 881955960 +498 190 4 881956203 +498 191 4 881957054 +498 192 5 881957546 +498 197 5 881958414 +498 202 3 881958897 +498 203 5 881961547 +498 204 2 881957267 +498 210 2 881957054 +498 212 3 881958238 +498 218 3 881961877 +498 222 3 881961877 +498 229 2 881961877 +498 234 4 881957625 +498 237 2 881957625 +498 238 4 881957195 +498 251 3 881954219 +498 262 2 881954618 +498 265 2 881957489 +498 268 2 881954618 +498 269 4 881953527 +498 271 2 881962988 +498 275 3 881955348 +498 288 3 881953815 +498 293 4 881955189 +498 317 3 881957625 +498 337 4 881954617 +498 340 2 881954618 +498 381 3 881961312 +498 410 3 881954931 +498 423 3 881957267 +498 425 2 881957431 +498 430 4 881958174 +498 435 3 881956363 +498 443 3 881958237 +498 447 3 882205321 +498 448 4 882205321 +498 449 3 881961932 +498 462 3 881958897 +498 464 4 881958471 +498 474 4 881957905 +498 475 3 881954617 +498 479 3 881957054 +498 480 5 881960523 +498 483 3 881957625 +498 484 4 881957546 +498 486 2 881957431 +498 496 3 881957905 +498 509 3 881955867 +498 512 5 881957757 +498 514 4 881958093 +498 515 4 881956953 +498 517 4 881957353 +498 522 3 881956499 +498 525 4 881961547 +498 527 3 881957757 +498 531 3 881957195 +498 548 2 881957267 +498 554 3 881962385 +498 558 4 882205321 +498 591 4 881961877 +498 594 2 881956498 +498 603 4 881955960 +498 607 3 881958093 +498 628 4 881961627 +498 631 3 881957905 +498 649 3 881961745 +498 652 5 881961182 +498 656 3 881957999 +498 657 3 881957488 +498 663 4 881956363 +498 664 5 881955596 +498 673 3 881958343 +498 675 4 881958414 +498 693 3 881957625 +498 754 2 881962988 +498 772 1 881957999 +498 806 3 881957905 +498 887 3 881953907 +498 919 4 881954451 +498 922 5 881955432 +498 933 3 881959018 +498 985 1 881961877 +498 1007 3 881954219 +498 1070 3 881959103 +498 1073 3 881961496 +498 1083 3 881961932 +498 1131 3 881955866 +498 1142 4 881955432 +498 1161 3 881960777 +498 1286 3 881956576 +498 1404 3 881957054 +498 1422 3 881961877 +498 1495 3 881958237 +499 7 4 882996793 +499 8 5 885599682 +499 12 5 885599040 +499 50 3 882996761 +499 55 4 885599598 +499 56 4 885599182 +499 69 5 885599718 +499 87 4 885599598 +499 97 4 885599227 +499 98 4 885599119 +499 100 4 885599040 +499 117 3 885599246 +499 127 4 885598312 +499 132 4 885599040 +499 136 4 885599447 +499 143 3 885598961 +499 153 4 885599269 +499 157 3 885599447 +499 165 5 885598961 +499 166 5 885599334 +499 173 5 885599307 +499 174 3 885598961 +499 176 4 885599447 +499 177 3 885599660 +499 181 3 885598827 +499 182 2 885599551 +499 191 5 885599307 +499 193 4 885599682 +499 194 4 885599372 +499 198 5 885599682 +499 202 4 885598961 +499 205 5 885599413 +499 208 4 885599718 +499 210 3 885599201 +499 238 2 885599498 +499 251 5 882996735 +499 257 5 885598342 +499 258 2 885598932 +499 271 3 882995586 +499 272 5 885597680 +499 275 3 885599447 +499 295 2 885598827 +499 300 4 882995625 +499 301 4 882995808 +499 307 4 885597747 +499 312 4 882995923 +499 313 5 885597821 +499 318 5 885599286 +499 326 3 892501059 +499 328 5 882996296 +499 347 4 885597932 +499 357 5 885599372 +499 425 3 885599474 +499 429 4 885599372 +499 430 3 885598989 +499 474 4 885599227 +499 482 2 885599182 +499 483 5 885598854 +499 484 4 885599013 +499 486 3 885599598 +499 497 2 885599498 +499 511 5 885599227 +499 514 5 885599334 +499 516 4 885599572 +499 519 3 885599040 +499 520 3 885599572 +499 521 4 885599119 +499 524 4 885599073 +499 525 4 885599660 +499 527 5 885599307 +499 530 4 885599390 +499 539 1 885598827 +499 588 4 885599334 +499 605 1 885599533 +499 624 2 885599372 +499 647 5 885599013 +499 651 4 885598895 +499 657 5 885599413 +499 661 3 885599474 +499 663 5 885599718 +499 664 3 885599334 +499 690 4 882995558 +499 692 4 885599119 +499 879 3 885598827 +499 886 4 885598215 +499 887 5 882995826 +499 898 4 885597901 +499 902 5 892501173 +499 915 4 892501128 +499 1101 5 885599182 +499 1302 5 885598378 +499 1483 1 892501259 +500 1 4 883865021 +500 3 4 883865786 +500 7 5 883865104 +500 8 4 883874621 +500 9 4 883865042 +500 10 3 883865391 +500 13 5 883865232 +500 15 2 883865129 +500 16 4 883865462 +500 25 3 883865755 +500 28 3 883874078 +500 31 4 883875092 +500 39 4 883875092 +500 42 5 883874139 +500 43 3 883876859 +500 44 1 883875862 +500 45 4 883874170 +500 49 4 883876053 +500 50 3 883864992 +500 56 5 883873976 +500 59 4 883873528 +500 60 5 883874557 +500 61 4 883875431 +500 62 3 883876690 +500 69 4 883873839 +500 70 4 883875388 +500 72 4 883876155 +500 77 3 883875793 +500 82 4 883874290 +500 83 4 888538350 +500 88 4 883875926 +500 89 4 883873505 +500 93 4 883865020 +500 94 2 883877023 +500 97 4 883874715 +500 98 4 883873811 +500 100 4 883865104 +500 111 4 888538350 +500 117 4 883865755 +500 118 3 883865610 +500 120 3 883865826 +500 121 3 883865611 +500 122 3 883876795 +500 125 3 883865632 +500 129 4 886359266 +500 134 5 883873461 +500 135 5 883875041 +500 143 3 883875092 +500 147 3 887720583 +500 151 3 883874059 +500 159 2 883876251 +500 161 2 883877001 +500 168 4 883873616 +500 170 5 883874446 +500 172 2 883873640 +500 174 2 883873505 +500 175 5 883874341 +500 179 4 883873782 +500 181 3 883865462 +500 182 2 883873556 +500 183 4 883873461 +500 196 4 883874835 +500 202 4 883874239 +500 204 3 883874265 +500 208 4 883873745 +500 210 3 883874290 +500 211 3 883875241 +500 215 1 883874528 +500 216 4 883873556 +500 217 4 883876053 +500 234 3 883875638 +500 235 5 883865567 +500 238 4 883873839 +500 242 3 891916883 +500 244 3 886358931 +500 245 2 883864862 +500 246 5 883865128 +500 249 3 887720111 +500 250 4 883865195 +500 252 2 883865889 +500 255 3 883865374 +500 257 3 883865321 +500 258 4 883864578 +500 268 5 883864840 +500 274 3 883865807 +500 275 1 883873439 +500 276 5 883865290 +500 281 3 883865463 +500 282 4 883875092 +500 283 2 883865341 +500 284 3 883865632 +500 285 3 883865020 +500 286 1 883864527 +500 287 3 883865268 +500 289 4 883864818 +500 294 3 883864578 +500 295 4 883865128 +500 298 4 890009939 +500 300 4 883864749 +500 301 2 888538350 +500 304 2 883864749 +500 313 3 893192133 +500 316 3 891916809 +500 319 4 883864793 +500 325 3 883864862 +500 328 3 883864749 +500 358 4 887755810 +500 367 3 883875835 +500 370 3 883865952 +500 371 4 883874341 +500 381 4 883875585 +500 383 3 883877467 +500 386 3 883875610 +500 387 2 883875388 +500 393 3 883875793 +500 396 3 883876224 +500 402 3 883875388 +500 405 4 883865567 +500 407 3 883877252 +500 409 4 883865985 +500 411 2 883865826 +500 412 1 883876370 +500 421 4 883875303 +500 423 3 883875388 +500 425 4 883874413 +500 443 4 883873679 +500 448 3 883873745 +500 462 4 883874715 +500 464 4 883875274 +500 471 4 883865391 +500 472 3 883865374 +500 475 5 883865232 +500 476 2 883865851 +500 479 5 883873811 +500 483 4 883874039 +500 498 4 883873911 +500 509 4 883874216 +500 514 5 883873941 +500 517 4 883873839 +500 522 4 883875041 +500 529 4 883874558 +500 531 3 883873911 +500 532 4 883865952 +500 535 3 890010025 +500 546 4 887720050 +500 552 1 883876738 +500 554 3 883877162 +500 557 3 883875136 +500 559 4 883875523 +500 568 1 883874715 +500 569 4 883876370 +500 582 4 883874290 +500 584 1 883874528 +500 611 5 883873940 +500 619 3 883865341 +500 639 4 883875195 +500 640 4 883874776 +500 660 2 883874835 +500 662 2 883876005 +500 665 3 883876714 +500 699 3 883875523 +500 708 5 883873999 +500 709 4 883873640 +500 714 2 883874469 +500 721 1 883875561 +500 727 2 883875041 +500 729 4 883875303 +500 735 4 883873941 +500 740 3 883865632 +500 742 3 883865290 +500 755 3 883876251 +500 762 4 883865532 +500 763 3 883865589 +500 768 2 883876596 +500 775 1 883877001 +500 780 3 883876904 +500 781 3 883874776 +500 815 3 883865374 +500 821 2 883876837 +500 827 2 883876904 +500 831 3 883866004 +500 836 5 883874290 +500 845 4 883865566 +500 846 3 883865566 +500 919 3 883865341 +500 930 3 883865929 +500 964 4 883874557 +500 971 5 883876093 +500 988 3 883864840 +500 996 1 883875241 +500 1008 4 883865786 +500 1009 4 883865532 +500 1010 4 883865483 +500 1012 4 883865021 +500 1014 2 884527433 +500 1018 3 883875756 +500 1047 3 883865985 +500 1048 3 883865532 +500 1057 3 883877359 +500 1069 4 883876300 +500 1111 4 883874529 +500 1135 3 883875561 +500 1160 5 883865483 +500 1163 1 883865290 +500 1166 4 883874139 +500 1195 4 883875468 +500 1226 4 883865715 +500 1311 1 883877467 +500 1315 4 883865463 +500 1324 2 883865985 +500 1326 4 883865020 +500 1385 4 883865290 +500 1441 2 885237683 +500 1469 1 883876224 +500 1616 4 883875501 +501 7 4 883348236 +501 13 4 883348011 +501 24 3 883348519 +501 25 3 883347773 +501 93 4 883347891 +501 100 4 883347799 +501 108 4 883348564 +501 111 3 883348474 +501 118 3 883348474 +501 121 4 883347023 +501 122 4 883348236 +501 124 4 883347919 +501 125 3 883348435 +501 127 5 883347773 +501 147 3 883348080 +501 150 5 883347773 +501 151 4 883348543 +501 221 3 883348011 +501 222 4 883347919 +501 245 3 883346844 +501 248 4 883347975 +501 249 3 883348411 +501 257 4 883348114 +501 273 4 883347975 +501 274 3 883348474 +501 276 4 883348138 +501 288 4 883346694 +501 294 3 883346694 +501 298 4 883347950 +501 307 4 883346651 +501 313 3 883346623 +501 324 4 883346694 +501 342 4 883346823 +501 369 4 883348703 +501 405 4 883347857 +501 410 4 883348207 +501 411 4 883348564 +501 544 4 883348372 +501 546 4 883348283 +501 591 4 883348138 +501 597 3 883348260 +501 628 4 883348519 +501 678 3 883346886 +501 685 3 883347774 +501 696 4 883348185 +501 741 5 883347857 +501 829 3 883348656 +501 840 4 883348655 +501 844 4 883347023 +501 845 3 883348036 +501 922 4 883347857 +501 928 3 883347773 +501 952 4 883348114 +501 979 3 883348308 +501 1007 4 883995203 +501 1010 4 883348308 +501 1011 4 883348519 +501 1014 4 883348543 +501 1067 5 883348011 +501 1081 3 883348703 +501 1097 5 883347950 +501 1278 3 883348372 +501 1534 4 883348743 +502 243 3 883702945 +502 259 3 883702448 +502 261 2 883702945 +502 263 1 883702448 +502 264 3 883702518 +502 266 3 883702255 +502 270 2 883702043 +502 271 5 883702088 +502 288 5 883701866 +502 294 3 883702255 +502 301 1 883702370 +502 307 4 883701980 +502 313 4 883701792 +502 323 4 883702447 +502 328 4 883701980 +502 333 4 883701866 +502 338 4 883702370 +502 343 5 883702370 +502 358 4 883702518 +502 539 3 883701980 +502 681 1 883702631 +502 682 5 883701927 +502 683 3 883702867 +502 754 2 883701927 +502 879 3 883701980 +502 890 2 883702945 +502 892 2 883702867 +503 1 5 879438233 +503 8 5 880472435 +503 10 5 879438257 +503 12 3 879454675 +503 13 3 879438377 +503 14 3 879438161 +503 19 5 879438319 +503 20 5 879438285 +503 25 4 879438685 +503 26 2 880383200 +503 38 3 879454977 +503 44 5 879454841 +503 45 5 880383064 +503 47 5 880472216 +503 50 5 879438161 +503 58 4 880472565 +503 66 3 880383468 +503 69 4 880383679 +503 70 4 880383174 +503 79 5 879454675 +503 83 5 880383098 +503 86 5 880383098 +503 97 4 880383424 +503 98 5 879454675 +503 100 5 879438346 +503 116 5 879438559 +503 121 3 879438707 +503 124 5 879438233 +503 125 3 880390153 +503 127 5 879438161 +503 130 5 879438837 +503 132 5 880472148 +503 133 5 880472272 +503 134 5 880383588 +503 137 5 879438072 +503 156 1 880472250 +503 164 3 880472507 +503 166 5 880472188 +503 168 5 880383624 +503 172 5 880383588 +503 173 5 880383357 +503 174 5 880472250 +503 176 5 879454754 +503 181 5 879438319 +503 183 5 879454754 +503 185 5 879454753 +503 186 5 880472061 +503 187 5 880383625 +503 190 5 880383030 +503 194 4 880472591 +503 197 5 880383358 +503 199 4 880383625 +503 204 3 880383703 +503 205 4 880472344 +503 210 5 880383703 +503 211 5 880472435 +503 213 5 880383030 +503 216 5 880383357 +503 221 5 879438377 +503 223 5 880472362 +503 224 3 880390128 +503 226 5 879454841 +503 233 5 879454811 +503 234 5 879454675 +503 237 4 879438505 +503 241 5 880383425 +503 246 5 884638548 +503 248 4 884638469 +503 268 5 884637610 +503 269 5 879438024 +503 275 5 879438411 +503 277 4 879438580 +503 280 1 892667653 +503 283 5 879438258 +503 285 4 884637911 +503 286 3 879438191 +503 293 4 879438411 +503 297 5 879438346 +503 303 5 879438024 +503 306 5 879438024 +503 318 5 880383679 +503 319 3 879438024 +503 321 2 879438024 +503 347 5 884637610 +503 356 4 879454841 +503 381 5 880383174 +503 382 4 880383174 +503 387 4 880383358 +503 405 3 879438685 +503 416 2 880472250 +503 423 5 880472321 +503 427 5 880472216 +503 430 5 880383653 +503 432 5 880472102 +503 435 3 880472125 +503 443 5 879454811 +503 451 4 880383425 +503 452 1 879454950 +503 463 1 880383126 +503 475 2 879438319 +503 479 4 880383653 +503 482 5 880383588 +503 484 4 880472188 +503 485 4 880472383 +503 488 5 880472216 +503 489 4 880383625 +503 496 5 880472474 +503 498 5 880383588 +503 503 3 880472250 +503 504 4 880472298 +503 509 5 880383098 +503 526 3 880472188 +503 529 2 880383030 +503 546 4 879438685 +503 558 5 880383098 +503 561 5 879454977 +503 580 3 880383236 +503 582 5 880383064 +503 603 3 880383653 +503 615 5 880472061 +503 633 5 880472344 +503 640 1 880383201 +503 654 5 879454753 +503 659 5 880472148 +503 662 3 880383467 +503 684 4 879454950 +503 692 3 880383467 +503 694 5 880383030 +503 702 2 880383236 +503 707 5 880382768 +503 714 4 880383126 +503 729 3 880472454 +503 732 3 880383467 +503 736 4 880383174 +503 739 1 880383490 +503 740 5 879438411 +503 744 2 879454442 +503 747 3 880383424 +503 753 1 880383064 +503 778 5 892667730 +503 823 2 879438817 +503 840 1 879454292 +503 900 5 892667389 +503 949 3 892667891 +503 963 5 880472061 +503 1009 2 884638911 +503 1194 5 879438072 +503 1316 1 892667252 +503 1317 4 879438874 +503 1475 5 880382768 +504 4 4 887839260 +504 5 4 887912462 +504 9 4 887831567 +504 25 4 887831419 +504 28 4 887839810 +504 38 4 887840134 +504 40 4 887910409 +504 44 4 887838846 +504 50 3 887831293 +504 51 4 887839260 +504 53 4 887911730 +504 54 4 887909936 +504 56 3 887832643 +504 58 3 887837740 +504 63 3 887912504 +504 65 4 887838717 +504 66 4 887839165 +504 67 2 887912382 +504 68 5 887912665 +504 69 4 887837918 +504 70 3 887838869 +504 71 5 887909321 +504 72 4 887840134 +504 75 4 887912568 +504 77 4 887840681 +504 82 4 887837918 +504 84 3 887840589 +504 88 3 887909839 +504 90 3 887910552 +504 94 4 887841158 +504 96 4 887840098 +504 97 4 887832760 +504 98 5 887832433 +504 99 3 887837739 +504 100 5 887831486 +504 102 3 887910409 +504 106 3 887831879 +504 117 4 887831694 +504 121 4 887831642 +504 122 1 887832268 +504 125 4 889550735 +504 127 5 887831510 +504 132 5 887838815 +504 133 5 887832593 +504 139 3 887840589 +504 141 3 887909578 +504 142 3 887841158 +504 143 4 887838008 +504 151 4 887831678 +504 153 3 887838624 +504 154 4 887839081 +504 155 3 887912634 +504 158 3 887910737 +504 161 4 887839195 +504 162 4 887832741 +504 163 4 887840517 +504 167 3 887909556 +504 168 5 887839164 +504 174 4 887909455 +504 176 3 887837739 +504 179 1 887839165 +504 180 4 887837918 +504 181 3 887831773 +504 183 3 887832531 +504 185 5 887838624 +504 186 3 887840637 +504 187 3 887840559 +504 195 4 887838510 +504 196 4 887838935 +504 200 4 887838450 +504 202 3 887909347 +504 204 3 887838908 +504 205 3 887909299 +504 208 4 887838450 +504 210 4 887832643 +504 211 4 887837739 +504 212 4 887909911 +504 214 4 887840764 +504 216 4 887838450 +504 218 4 887910267 +504 219 3 887911314 +504 223 5 887832364 +504 225 4 887832207 +504 234 3 887838740 +504 237 3 887831753 +504 238 3 887912416 +504 240 1 887832012 +504 245 4 887831274 +504 248 4 887831622 +504 257 5 887831753 +504 258 5 887831273 +504 276 3 887831790 +504 281 4 887831447 +504 282 4 887831838 +504 288 5 887831273 +504 291 4 887832043 +504 292 5 887831273 +504 294 2 887912722 +504 295 4 887831567 +504 298 4 887831717 +504 300 4 887831274 +504 307 4 887831273 +504 310 4 887831273 +504 318 5 887832593 +504 322 4 887831274 +504 323 4 887831274 +504 330 4 887831274 +504 356 4 887840098 +504 357 4 887832705 +504 364 2 887912382 +504 370 3 887832268 +504 371 3 887912236 +504 372 4 887839195 +504 382 4 887839709 +504 384 2 887912447 +504 385 4 887832571 +504 386 3 887912431 +504 392 5 887908645 +504 393 3 887909456 +504 396 2 887911369 +504 399 4 887840882 +504 400 3 887911277 +504 401 2 887911789 +504 403 3 887910409 +504 404 4 887910370 +504 409 4 889550757 +504 411 4 887831447 +504 416 4 887910294 +504 418 3 887832391 +504 419 3 887832643 +504 420 3 887840560 +504 423 4 887840960 +504 428 3 887910511 +504 440 3 887910370 +504 441 4 887911314 +504 443 3 887910511 +504 447 4 887909816 +504 448 5 887840134 +504 449 4 887839810 +504 451 1 887912584 +504 452 2 887911974 +504 454 5 887838008 +504 462 4 887838740 +504 465 3 887909936 +504 476 5 887831447 +504 479 4 887832571 +504 485 4 887839745 +504 490 4 887909816 +504 499 4 887909595 +504 503 4 887837958 +504 504 4 887909890 +504 505 4 887837957 +504 506 4 887910552 +504 514 4 887838485 +504 517 4 887832782 +504 526 3 887838624 +504 527 4 887838624 +504 529 4 887832391 +504 537 3 887910811 +504 543 4 887908861 +504 546 4 887831947 +504 548 2 887909864 +504 559 5 887840745 +504 561 4 887910023 +504 563 3 887911314 +504 567 2 887839196 +504 575 3 887912401 +504 579 4 887911391 +504 581 4 887910623 +504 585 2 887909864 +504 595 4 887832097 +504 612 4 887838677 +504 616 4 887910267 +504 620 4 887831419 +504 622 4 887910487 +504 623 3 887910433 +504 628 4 887831678 +504 629 4 887841136 +504 631 4 887837701 +504 632 3 887837701 +504 633 3 887912542 +504 651 4 887832531 +504 655 4 887840713 +504 660 4 887839195 +504 664 3 887910718 +504 667 3 887911808 +504 676 4 887908756 +504 678 4 887831115 +504 693 4 887832741 +504 699 4 887838573 +504 705 4 887838935 +504 716 4 887909532 +504 717 4 887911730 +504 719 3 887841248 +504 723 4 887910896 +504 725 3 887911973 +504 728 3 887908974 +504 729 5 887832571 +504 731 3 887840014 +504 735 5 887838510 +504 739 3 887841201 +504 742 4 887831860 +504 756 3 887910240 +504 773 3 887909936 +504 791 3 887911789 +504 807 4 887839081 +504 834 2 887911059 +504 846 4 887831806 +504 928 4 887831353 +504 934 4 887832170 +504 939 4 887838869 +504 942 4 887841136 +504 961 4 887839081 +504 969 4 887838677 +504 972 3 887910552 +504 973 4 887911444 +504 1004 4 887910023 +504 1030 3 887911314 +504 1037 1 887912584 +504 1041 3 887910694 +504 1046 4 887912298 +504 1050 4 887832433 +504 1084 4 887837958 +504 1090 4 887910961 +504 1093 1 887841073 +504 1110 2 887911583 +504 1118 3 887911035 +504 1133 3 887910871 +504 1135 4 887911854 +504 1136 5 887840560 +504 1147 4 887832741 +504 1210 3 887840637 +504 1263 4 887909532 +504 1277 4 887832012 +504 1415 3 887912335 +504 1421 4 887841073 +504 1439 4 887840517 +504 1442 3 887911444 +504 1444 3 887911133 +504 1508 3 887911686 +504 1522 3 887840942 +505 1 3 889333414 +505 7 3 889334129 +505 11 4 889333861 +505 22 5 889333274 +505 31 4 889334067 +505 50 3 889334067 +505 56 1 889333560 +505 69 3 889333974 +505 71 4 889333937 +505 73 4 889334248 +505 77 3 889334248 +505 79 3 889333274 +505 82 4 889333274 +505 88 4 889334334 +505 95 4 889333313 +505 96 4 889333442 +505 97 4 889333676 +505 98 4 889333792 +505 99 4 889333313 +505 102 1 889334526 +505 117 4 889333508 +505 121 4 889334004 +505 123 3 889333894 +505 125 3 889334373 +505 127 1 889333711 +505 132 5 889333598 +505 133 5 889334189 +505 140 4 889334129 +505 144 3 889333861 +505 151 3 889334162 +505 154 1 889334555 +505 161 3 889333711 +505 164 4 889334189 +505 172 3 889334129 +505 173 3 889333534 +505 174 4 889333340 +505 176 4 889333340 +505 177 3 889334477 +505 181 3 889333974 +505 182 1 889334555 +505 183 3 889333392 +505 187 1 889333676 +505 190 4 889333598 +505 191 3 889333792 +505 193 3 889334477 +505 199 4 889333442 +505 202 3 889333508 +505 203 4 889334162 +505 204 3 889334162 +505 207 3 889334004 +505 210 4 889333508 +505 227 2 889334334 +505 228 2 889333894 +505 237 3 889333711 +505 243 2 888631415 +505 245 4 888631349 +505 258 1 888630999 +505 259 3 888631208 +505 265 4 889333598 +505 294 3 888631311 +505 300 4 888631046 +505 307 4 889332705 +505 313 5 889332743 +505 328 4 888631175 +505 332 4 888631126 +505 358 3 888631555 +505 378 5 889333466 +505 385 4 889334477 +505 402 5 889333937 +505 419 3 889333560 +505 423 4 889333711 +505 435 3 889333676 +505 471 4 889333392 +505 491 3 889333861 +505 495 3 889333823 +505 496 5 889333534 +505 498 5 889334274 +505 501 2 889334373 +505 510 3 889334477 +505 526 5 889333823 +505 553 4 889333937 +505 568 4 889333466 +505 584 4 889334067 +505 588 5 889333823 +505 591 4 889333676 +505 604 5 889333598 +505 614 3 889334162 +505 648 4 889334614 +505 660 3 889334477 +505 692 3 889334583 +505 713 3 889334217 +505 724 4 889333861 +505 742 4 889334162 +505 748 1 888631208 +505 755 3 889334248 +505 951 3 889334067 +505 988 3 888631371 +505 989 1 888631438 +505 1039 4 889334004 +505 1063 3 889334334 +505 1285 3 889333711 +505 1409 3 889333974 +506 2 4 874874850 +506 5 4 874874947 +506 8 5 874873374 +506 10 2 874862734 +506 12 5 874873247 +506 28 4 874874308 +506 29 2 874874894 +506 31 4 874873247 +506 33 3 874873703 +506 38 3 885135912 +506 42 3 874873247 +506 44 4 874874850 +506 46 3 874874802 +506 47 4 874876486 +506 48 2 874873158 +506 53 4 874874985 +506 54 4 874876651 +506 55 4 874873287 +506 56 4 874873374 +506 58 4 874874985 +506 62 3 874874894 +506 63 4 874873944 +506 66 4 874874676 +506 67 3 874874894 +506 68 4 874873944 +506 69 5 874873327 +506 70 4 874874055 +506 71 5 874873068 +506 73 4 874873703 +506 79 5 874874054 +506 81 1 874874000 +506 82 5 874873745 +506 85 3 874873795 +506 86 3 874876551 +506 89 5 874874109 +506 90 2 874876599 +506 92 3 874876551 +506 94 3 874876599 +506 95 5 874873198 +506 96 4 874873423 +506 97 4 874873374 +506 132 4 874873615 +506 135 5 874873157 +506 137 2 874872872 +506 140 3 874873327 +506 147 3 888848342 +506 148 3 877539905 +506 161 4 885135881 +506 168 5 874874055 +506 172 5 885135819 +506 173 4 874874308 +506 174 5 874873157 +506 175 5 874873327 +506 176 5 874873892 +506 177 5 888848342 +506 181 5 874874676 +506 182 5 888848342 +506 183 5 874874308 +506 186 4 874875062 +506 187 5 885135819 +506 191 4 874873615 +506 193 4 874873944 +506 194 5 874873247 +506 195 4 874873374 +506 196 4 874873745 +506 198 2 874873703 +506 199 4 874874109 +506 200 4 874873112 +506 202 5 874873374 +506 203 4 874874152 +506 204 5 874874055 +506 205 5 874874760 +506 208 4 874873423 +506 209 4 874873529 +506 210 5 885135737 +506 211 4 874873198 +506 215 5 878044852 +506 216 4 874873794 +506 218 3 874873615 +506 222 4 884517178 +506 224 1 885136005 +506 226 4 885135844 +506 227 4 874875062 +506 228 5 874873571 +506 229 4 874874895 +506 231 3 874873847 +506 233 4 874874109 +506 234 5 874873111 +506 239 3 874874152 +506 241 2 874874850 +506 248 2 880198305 +506 250 2 880198224 +506 258 4 884517178 +506 261 3 885135514 +506 271 4 880198184 +506 274 4 874862229 +506 281 3 880198144 +506 294 4 877861414 +506 295 4 879074845 +506 300 3 888178161 +506 323 3 875444631 +506 324 1 877984213 +506 328 4 885135476 +506 333 4 887230118 +506 342 3 888848304 +506 356 3 874874630 +506 363 3 874862646 +506 367 3 874873068 +506 380 4 874874585 +506 385 4 874873944 +506 391 2 885135912 +506 393 3 874874802 +506 399 5 874874054 +506 402 4 877539905 +506 403 4 874874458 +506 404 5 878044851 +506 410 2 882100955 +506 417 4 874874396 +506 418 4 874874055 +506 423 5 874874850 +506 425 4 874874585 +506 430 4 874873703 +506 432 4 874873112 +506 434 4 874876599 +506 435 5 874873744 +506 443 4 874874760 +506 447 4 874873847 +506 449 2 885135882 +506 455 3 876070976 +506 461 2 874873944 +506 463 3 874873157 +506 465 4 874874630 +506 470 4 874873423 +506 478 4 874873067 +506 479 4 874873571 +506 482 5 878044852 +506 484 4 882100828 +506 489 4 874876651 +506 490 3 874873529 +506 494 5 878044851 +506 496 5 874873615 +506 497 5 874873703 +506 503 4 874874396 +506 510 5 874873067 +506 514 5 874873287 +506 516 4 874874525 +506 517 2 874874585 +506 518 4 874873198 +506 520 5 878044852 +506 521 5 874873529 +506 523 5 874873112 +506 525 4 874876486 +506 529 3 874873615 +506 530 5 874874110 +506 538 3 880908452 +506 539 4 884517135 +506 542 3 874873794 +506 550 4 885135881 +506 554 3 885135912 +506 560 3 874874458 +506 566 4 885135819 +506 568 5 889979761 +506 576 4 885135954 +506 578 3 885135881 +506 580 3 874875062 +506 581 2 874874850 +506 582 3 874873423 +506 586 2 885135882 +506 603 5 874873198 +506 604 4 874873528 +506 607 4 874874851 +506 608 4 874874055 +506 611 5 874874525 +506 641 5 874873158 +506 642 4 874874000 +506 646 4 874874947 +506 654 4 874876486 +506 655 4 874873892 +506 657 5 874873745 +506 660 3 874873157 +506 661 5 874874308 +506 662 5 878044851 +506 663 4 874874947 +506 665 2 885135882 +506 676 1 874945513 +506 678 3 879074774 +506 684 5 874873529 +506 686 3 889874717 +506 692 4 874873529 +506 693 4 874876651 +506 699 4 888848303 +506 705 5 878044851 +506 710 5 874874151 +506 712 3 874873893 +506 715 2 874876486 +506 731 4 874873374 +506 732 4 874874109 +506 739 4 874874525 +506 742 5 878044851 +506 746 5 874875062 +506 747 2 874874629 +506 749 4 888178129 +506 755 4 874876486 +506 761 2 874873327 +506 762 3 877861473 +506 770 3 874874110 +506 772 1 874873247 +506 792 2 874876598 +506 796 3 874875062 +506 802 4 885135954 +506 836 4 874875062 +506 855 4 874874802 +506 873 4 889874717 +506 878 3 874872812 +506 880 1 885135560 +506 892 1 888848224 +506 930 1 877984514 +506 945 4 874874585 +506 951 3 874875062 +506 972 3 874874760 +506 1014 3 880908472 +506 1019 5 878044851 +506 1020 4 874873067 +506 1046 4 874874396 +506 1063 5 888848303 +506 1073 4 874873247 +506 1089 1 889979761 +506 1110 1 885135955 +506 1136 3 877539905 +506 1244 2 884517295 +506 1279 4 880198144 +506 1407 2 885135954 +507 50 5 889965997 +507 117 3 889965997 +507 118 5 889966127 +507 121 5 889965997 +507 147 5 889965997 +507 181 5 889965997 +507 222 5 889965997 +507 245 5 889964809 +507 250 5 889966024 +507 252 5 889966054 +507 257 5 889966054 +507 258 4 889963959 +507 269 2 889964121 +507 288 5 889964020 +507 294 5 889964274 +507 298 5 889965997 +507 306 5 889964677 +507 307 5 889964239 +507 313 5 889964121 +507 315 5 889964593 +507 319 3 889964074 +507 323 5 889964809 +507 333 4 889964121 +507 334 5 889964748 +507 338 5 889964348 +507 343 5 889964074 +507 345 5 889964202 +507 352 1 889964274 +507 538 4 889964239 +507 597 5 889966089 +507 678 5 889966088 +507 682 5 889964620 +507 690 4 889964074 +507 691 5 889964162 +507 748 5 889964844 +507 750 5 889964274 +507 751 5 889964162 +507 754 5 889964121 +507 826 5 889966127 +507 841 5 889966054 +507 879 5 889964706 +507 892 5 889964809 +507 894 5 889964162 +507 895 5 889964202 +507 898 5 889964202 +507 1016 5 889966088 +507 1034 5 889966127 +507 1237 5 889964311 +508 1 5 883777430 +508 23 4 883767361 +508 47 3 883777257 +508 50 5 883777430 +508 52 4 883777047 +508 69 3 883776748 +508 70 4 883776748 +508 79 2 883767543 +508 82 3 883777145 +508 91 4 883767246 +508 96 2 883768886 +508 98 3 883767140 +508 101 5 883777430 +508 121 2 883767047 +508 132 5 883767279 +508 144 3 883767728 +508 150 5 883767325 +508 151 5 883768886 +508 153 3 883777329 +508 154 5 883767704 +508 163 3 883768862 +508 168 4 883767172 +508 172 5 883767157 +508 173 4 883767140 +508 174 4 883767728 +508 175 4 883767465 +508 176 4 883767565 +508 179 4 883767465 +508 180 5 883767565 +508 181 3 883767047 +508 183 5 883767588 +508 185 5 883777430 +508 186 3 883777109 +508 188 4 883767325 +508 191 5 883767383 +508 195 3 883767565 +508 196 3 883776704 +508 200 4 883768842 +508 204 3 883767510 +508 208 5 883776748 +508 210 4 883777125 +508 211 3 883777047 +508 214 3 883775341 +508 215 3 883776977 +508 216 5 883768886 +508 219 1 883767628 +508 222 3 883777281 +508 223 4 883767361 +508 228 5 883777430 +508 229 2 883777346 +508 230 2 883768706 +508 232 3 883777109 +508 234 4 883767465 +508 238 4 883767343 +508 269 4 883766931 +508 317 4 883767246 +508 318 4 883767704 +508 357 5 883767246 +508 378 5 883777430 +508 423 5 883777430 +508 443 4 883777071 +508 451 3 883777281 +508 474 5 883777430 +508 506 5 883777430 +508 511 4 883767246 +508 514 5 883767301 +508 524 5 883767608 +508 527 5 883775361 +508 528 5 883777430 +508 568 4 883777237 +508 629 4 883775341 +508 655 4 883767525 +508 710 4 883777071 +508 735 4 883775341 +508 1067 4 883767665 +508 1135 3 883777382 +508 1153 4 883768797 +509 50 5 883591878 +509 181 4 883591826 +509 245 2 883591109 +509 260 2 883591195 +509 266 1 883591489 +509 268 2 883590443 +509 271 4 883591195 +509 288 5 883590443 +509 294 2 883590972 +509 300 3 883590800 +509 309 2 883590609 +509 310 1 883590443 +509 319 2 883590913 +509 328 1 883590800 +509 338 3 883591319 +509 343 3 883591319 +509 680 1 883591252 +509 687 1 883591489 +509 690 3 883590676 +509 705 4 883591687 +509 751 3 883590443 +509 879 1 883590913 +509 892 1 883591489 +510 245 3 887667574 +510 259 2 887667708 +510 261 2 887667780 +510 286 3 887667439 +510 289 2 887667751 +510 292 4 887667524 +510 294 3 887667681 +510 299 3 887667681 +510 322 3 887667752 +510 323 4 887667752 +510 324 1 887667618 +510 325 1 887667575 +510 326 4 887667751 +510 330 2 887667808 +510 358 1 887667780 +510 678 4 887667780 +510 687 2 887667752 +510 748 3 887667707 +510 873 3 887667780 +510 881 2 887667838 +511 271 5 890004879 +511 292 5 890004686 +511 294 4 890005011 +511 299 2 890004827 +511 313 5 890004702 +511 333 4 890004778 +511 340 4 890004687 +511 343 3 890004892 +511 346 4 890004686 +511 355 2 890004827 +511 358 1 890004916 +511 678 2 890005076 +511 895 4 890004863 +511 1527 4 890004952 +512 1 4 888589126 +512 11 5 888579520 +512 23 4 888580248 +512 97 5 888579520 +512 186 5 888579520 +512 191 4 888579747 +512 198 5 888579920 +512 265 4 888580143 +512 313 3 888578289 +512 318 5 888579569 +512 1459 4 888579569 +513 117 5 885062519 +513 118 4 885062559 +513 121 5 885062602 +513 127 4 885062286 +513 181 5 885062332 +513 222 5 885062519 +513 250 3 885062332 +513 265 5 885062919 +513 405 3 885062559 +513 472 4 885062636 +513 546 4 885062601 +513 763 3 885062453 +514 7 5 875309415 +514 10 4 875462867 +514 11 4 875318082 +514 12 5 875318263 +514 13 3 876063880 +514 14 3 875318331 +514 15 4 875309350 +514 19 4 875463128 +514 22 4 875463202 +514 24 3 875463164 +514 25 4 875463028 +514 26 3 875463595 +514 28 5 875311192 +514 31 4 886190665 +514 42 5 875318331 +514 45 4 876061444 +514 47 4 875462645 +514 48 4 875318114 +514 49 2 886189676 +514 50 5 875462466 +514 58 4 875462689 +514 64 4 875462645 +514 65 3 886190207 +514 68 4 875463551 +514 69 4 875309276 +514 70 5 875462826 +514 73 4 876067258 +514 79 4 875462520 +514 81 4 875463416 +514 87 5 875318163 +514 88 4 875463468 +514 89 4 875318331 +514 95 4 875309350 +514 96 5 875311192 +514 97 5 875462764 +514 98 5 875309473 +514 100 4 875318163 +514 109 3 876067235 +514 111 5 875463165 +514 114 5 875462466 +514 116 4 875462426 +514 118 2 875463416 +514 132 4 875463469 +514 134 3 875463665 +514 135 4 875311193 +514 136 4 875462867 +514 137 3 875318114 +514 144 3 875462520 +514 152 4 875318163 +514 153 4 875463386 +514 154 4 875462689 +514 156 4 875311225 +514 157 4 875309350 +514 168 4 875308925 +514 169 5 875308734 +514 170 3 875462764 +514 172 4 875462726 +514 173 5 875462826 +514 174 5 875310992 +514 175 4 875462426 +514 176 4 875463128 +514 177 3 886189816 +514 178 4 875308925 +514 180 3 886189927 +514 181 4 875463494 +514 183 3 875462645 +514 185 3 875311225 +514 186 4 875463028 +514 188 5 875463028 +514 189 5 875318291 +514 190 5 875318224 +514 191 5 875318224 +514 194 4 875463525 +514 195 5 876063938 +514 196 5 875318331 +514 197 4 875310992 +514 199 3 875463351 +514 200 2 875462867 +514 202 4 875309414 +514 204 5 875318331 +514 208 4 875463494 +514 209 3 876062951 +514 210 5 876067462 +514 211 3 876067235 +514 214 5 875318163 +514 215 4 875462689 +514 216 5 875309350 +514 222 4 875462611 +514 228 5 875463202 +514 229 3 875463525 +514 234 3 876063765 +514 237 4 875462611 +514 239 5 876067462 +514 243 2 885181043 +514 257 4 880209981 +514 258 4 875308674 +514 259 4 885180989 +514 265 4 886190600 +514 268 4 885180579 +514 272 4 885180603 +514 274 4 876067433 +514 275 5 875463028 +514 283 4 875309231 +514 293 3 880209950 +514 294 3 885180929 +514 301 4 880209797 +514 302 5 885180556 +514 306 4 876672606 +514 307 4 880210104 +514 313 5 891900147 +514 318 4 875318331 +514 328 3 885180947 +514 336 1 885180842 +514 342 1 885180909 +514 357 4 875462901 +514 367 5 875318164 +514 380 4 875462965 +514 384 3 876067623 +514 385 3 886189965 +514 392 4 875463351 +514 393 3 876067592 +514 402 4 875463245 +514 403 3 875463202 +514 405 2 875463386 +514 408 5 875311225 +514 419 4 875463468 +514 421 4 875463269 +514 423 5 875462568 +514 425 5 875318291 +514 429 4 875311225 +514 430 4 875462901 +514 431 4 875463595 +514 432 4 875311156 +514 433 5 875462795 +514 435 3 875463551 +514 462 4 875310992 +514 470 3 875462901 +514 473 3 875462520 +514 474 5 875462689 +514 483 4 875462795 +514 486 3 886189869 +514 510 3 886190480 +514 511 3 886189990 +514 527 4 875462466 +514 531 3 875308734 +514 568 4 875462689 +514 582 4 875318224 +514 587 4 880210105 +514 631 4 875463386 +514 647 3 875463079 +514 648 3 886189869 +514 651 4 875462901 +514 652 4 886189466 +514 655 4 875462568 +514 658 4 875463028 +514 659 3 875463245 +514 680 1 885180893 +514 682 4 875463891 +514 709 3 876067380 +514 710 5 875318331 +514 713 3 875309415 +514 715 4 876067592 +514 729 4 886189841 +514 732 5 875462901 +514 735 4 875462764 +514 746 5 875309276 +514 747 4 875463245 +514 750 4 885180627 +514 778 4 876067546 +514 792 4 875462611 +514 796 4 876067205 +514 890 1 885180929 +514 898 2 885180893 +514 949 3 886189510 +514 988 2 885180989 +514 1014 2 885180645 +514 1035 3 875463595 +514 1039 5 875318163 +514 1047 3 876063961 +514 1074 4 876067623 +514 1101 4 886189893 +514 1115 4 875462826 +514 1160 4 886189748 +514 1600 4 875723266 +515 243 3 887659667 +515 259 3 887659123 +515 269 2 887658844 +515 286 2 887660131 +515 288 4 887658604 +515 289 1 887660131 +515 292 3 887659805 +515 294 3 887658910 +515 300 5 887658975 +515 304 4 887658782 +515 313 4 887658604 +515 315 4 887658604 +515 326 2 887660131 +515 329 2 887660131 +515 332 3 887658676 +515 340 3 887658782 +515 342 3 887659423 +515 344 2 887660131 +515 347 3 887658604 +515 362 4 887658844 +515 538 3 887658676 +515 687 3 887659718 +515 690 2 887660131 +515 748 2 887660131 +515 893 1 887660131 +515 895 4 887659123 +515 900 4 887658975 +515 905 2 887660131 +515 1399 4 887659718 +515 1430 3 887658604 +516 50 5 891290565 +516 169 5 891290685 +516 181 4 891290566 +516 191 4 891290685 +516 199 3 891290649 +516 250 4 891290565 +516 310 4 891290565 +516 523 3 891290649 +516 582 5 891290594 +516 628 4 891290649 +516 902 5 891290565 +517 25 2 892659923 +517 111 3 892659922 +517 117 4 892659893 +517 131 3 892659922 +517 181 4 892660033 +517 229 3 892660034 +517 237 1 892659923 +517 269 3 892659922 +517 275 5 892660728 +517 283 4 892660728 +517 284 2 892659923 +517 294 1 892607194 +517 300 5 892660728 +517 311 3 892660034 +517 328 3 892660034 +517 333 3 892659922 +517 369 5 892660727 +517 405 4 892659893 +517 472 2 892659923 +517 597 4 892660034 +517 740 4 892660728 +517 748 4 892660728 +517 755 3 892659893 +517 823 2 892659923 +517 873 3 892660034 +517 1016 1 892607194 +517 1177 5 892660728 +518 1 4 876823143 +518 9 3 876822811 +518 10 3 876822744 +518 13 4 876823266 +518 14 3 876822923 +518 25 5 876823197 +518 106 5 876823804 +518 117 5 876823804 +518 118 5 876823804 +518 120 3 876824218 +518 121 5 876823804 +518 124 3 876823071 +518 125 5 876823645 +518 126 4 876823018 +518 129 5 876823804 +518 147 4 876823324 +518 151 3 876823018 +518 222 5 876823597 +518 235 4 876823597 +518 237 4 876823804 +518 240 1 876824079 +518 273 5 876823804 +518 276 5 876822923 +518 280 4 876824218 +518 284 4 876823324 +518 288 3 876822581 +518 289 4 876823804 +518 291 3 876823926 +518 300 3 876822581 +518 405 5 876823926 +518 410 3 876823541 +518 412 1 876824266 +518 471 3 876822873 +518 475 4 876822811 +518 476 4 876823324 +518 508 3 876823266 +518 544 3 876823324 +518 546 4 876823447 +518 547 3 876823645 +518 591 3 876823447 +518 595 3 876824266 +518 619 4 876823018 +518 628 5 876823804 +518 696 5 876823266 +518 713 5 876823071 +518 742 5 876823804 +518 744 4 876823266 +518 763 1 876823994 +518 820 2 876824218 +518 829 3 876824156 +518 847 5 876823447 +518 864 3 876823324 +518 866 5 876823540 +518 919 5 876822967 +518 920 3 876824121 +518 924 3 876822873 +518 934 3 876823143 +518 1011 4 876823645 +518 1040 3 876823541 +518 1047 4 876823266 +518 1079 1 876824266 +518 1114 2 876824079 +518 1335 3 876823018 +519 243 1 883250021 +519 259 1 883248278 +519 264 2 883248251 +519 266 5 883248595 +519 268 5 883248065 +519 313 5 883248134 +519 325 1 883248535 +519 327 4 883248134 +519 328 2 883248251 +519 332 3 883248159 +519 333 3 883248089 +519 335 5 883248595 +519 336 5 883248595 +519 339 3 883248222 +519 340 5 883248251 +519 346 4 885929222 +519 348 5 883250148 +519 349 5 883250148 +519 350 5 883250102 +519 351 5 883250102 +519 352 5 883250148 +519 680 5 883248595 +519 682 1 883248278 +519 751 4 884545801 +519 874 5 883250102 +519 879 5 883248595 +519 887 5 883250102 +519 895 4 883248222 +519 903 5 883248595 +519 909 5 883250148 +519 991 2 883250021 +519 1238 5 883248595 +519 1280 5 883250102 +519 1293 5 883250148 +519 1295 5 883248595 +519 1434 5 883250102 +519 1592 5 883250148 +519 1612 5 883250148 +519 1617 5 883250102 +520 25 4 885170476 +520 269 5 885168591 +520 274 3 885170516 +520 283 4 885170516 +520 289 4 885169052 +520 300 4 885168906 +520 315 4 885169083 +520 678 2 885170330 +520 871 1 885170547 +520 893 2 885170330 +520 990 4 885168906 +520 1028 1 885170476 +520 1051 3 885170585 +521 1 2 884475825 +521 2 3 886063310 +521 7 3 884475973 +521 8 3 884477914 +521 11 4 884477993 +521 12 5 884477853 +521 13 2 884476240 +521 17 1 885254888 +521 22 4 884477677 +521 23 3 884478428 +521 25 2 884476002 +521 28 3 885253323 +521 31 3 884478135 +521 33 4 885254133 +521 42 5 884478721 +521 50 4 884475799 +521 56 4 884478530 +521 68 4 886061689 +521 69 3 884477727 +521 72 3 885254323 +521 73 3 885253827 +521 77 3 885254338 +521 79 4 884477656 +521 81 1 885253861 +521 87 3 884478314 +521 89 3 885253266 +521 90 2 885254006 +521 95 3 885253266 +521 96 4 884477853 +521 97 3 884478049 +521 99 3 885253937 +521 100 3 884475872 +521 108 3 884476020 +521 109 5 884475845 +521 117 4 884475913 +521 121 2 884475889 +521 125 3 884476020 +521 127 4 885253352 +521 132 3 885253186 +521 135 4 885254226 +521 144 3 884478171 +521 147 4 884476837 +521 151 3 884476240 +521 153 4 884478086 +521 154 2 884478119 +521 156 4 884478171 +521 159 3 885253904 +521 163 3 884478483 +521 168 4 884477585 +521 172 3 884478049 +521 173 4 884477896 +521 174 4 884478721 +521 176 4 884477820 +521 179 4 885253708 +521 181 4 884475845 +521 182 3 884477993 +521 183 3 884477630 +521 184 4 884478358 +521 186 4 884478358 +521 188 4 884478101 +521 191 4 884477868 +521 195 4 884477775 +521 203 3 884477896 +521 204 4 884477853 +521 206 5 884476637 +521 208 3 885253562 +521 210 3 884478119 +521 215 1 886062095 +521 216 2 885253247 +521 222 4 884475799 +521 226 4 884478721 +521 227 3 885253808 +521 228 4 884478007 +521 229 2 884478314 +521 230 3 885254250 +521 231 2 885254307 +521 235 3 884476221 +521 239 5 885254354 +521 240 3 884476067 +521 246 4 884475913 +521 249 4 884476257 +521 250 3 884476020 +521 257 3 884476035 +521 258 4 884475503 +521 265 3 885253247 +521 268 5 884475470 +521 271 3 884475524 +521 273 3 884476168 +521 288 3 884475470 +521 290 3 884477262 +521 298 3 884476126 +521 300 3 884475555 +521 324 2 886059923 +521 343 3 884475605 +521 380 3 884478483 +521 385 3 885254837 +521 392 3 886063254 +521 393 3 884478667 +521 402 3 885253501 +521 403 4 885253758 +521 405 2 884476820 +521 421 4 885254070 +521 431 4 884478601 +521 474 3 884477677 +521 475 3 884475889 +521 496 2 885253668 +521 520 3 884477585 +521 526 3 885254307 +521 550 3 885253844 +521 566 3 885254925 +521 568 3 884478101 +521 597 2 884476302 +521 625 3 885253937 +521 651 3 885253376 +521 655 4 885253904 +521 679 3 884478515 +521 684 3 884478807 +521 721 4 885253337 +521 732 3 884478135 +521 742 3 884477512 +521 743 1 886061689 +521 746 4 884478152 +521 748 3 884475618 +521 751 3 884475485 +521 754 3 885252562 +521 755 3 885254872 +521 763 4 884476152 +521 826 2 884476920 +521 827 1 884476904 +521 829 2 884476168 +521 833 2 884476869 +521 967 3 885254071 +521 1012 3 884476049 +521 1013 1 884476820 +521 1014 3 884476320 +521 1016 3 884476002 +521 1022 4 884475591 +521 1059 1 884476821 +521 1240 3 884478667 +521 1244 3 884476887 +522 48 4 876961020 +522 79 3 876960824 +522 96 3 876961076 +522 100 5 876960824 +522 128 4 876961133 +522 133 3 876961314 +522 135 5 876960824 +522 168 5 876960956 +522 173 4 876961020 +522 179 5 876961190 +522 180 5 876960824 +522 200 4 876961314 +522 205 4 876961020 +522 208 5 876961248 +522 318 4 876961248 +522 430 5 876961314 +522 480 5 876961076 +522 514 2 876960956 +522 523 5 876961133 +522 530 4 876961314 +523 1 5 883701763 +523 8 5 883702125 +523 9 4 883700564 +523 14 5 883700991 +523 25 4 883702054 +523 42 3 883703495 +523 56 3 883703495 +523 66 4 883702292 +523 67 4 883702654 +523 70 5 883700743 +523 72 4 883702351 +523 83 5 883700870 +523 95 4 883701800 +523 97 4 883702946 +523 114 5 883701800 +523 116 5 883700766 +523 153 4 883702054 +523 154 4 883702125 +523 155 4 883703091 +523 163 5 883702411 +523 167 4 883702233 +523 168 4 883701962 +523 169 5 883701800 +523 179 3 883703495 +523 181 5 883700186 +523 186 3 883703495 +523 189 5 883701800 +523 194 5 883702210 +523 197 5 883703048 +523 202 4 883702054 +523 204 5 883702171 +523 208 5 883702209 +523 210 5 883702209 +523 211 4 883702292 +523 213 5 883700743 +523 242 5 883699464 +523 255 5 883700144 +523 257 5 883700187 +523 258 5 883699583 +523 269 5 883699464 +523 285 5 883701962 +523 289 4 883699869 +523 301 4 883700064 +523 306 5 883699583 +523 382 5 883701018 +523 384 3 883703495 +523 393 5 883702411 +523 407 4 883702800 +523 408 5 883700527 +523 412 3 883702351 +523 430 4 883702125 +523 432 5 883701800 +523 435 5 883702263 +523 451 5 883702441 +523 476 3 883702441 +523 477 3 883703495 +523 508 3 883703495 +523 509 4 883700870 +523 514 4 883702172 +523 516 5 883702863 +523 523 3 883703495 +523 531 5 883700792 +523 533 4 883700395 +523 575 4 883702800 +523 582 4 883701154 +523 634 5 883700743 +523 638 4 883701065 +523 652 2 883703495 +523 662 4 883703070 +523 663 5 883701962 +523 694 5 883703048 +523 707 5 883701093 +523 722 3 883703495 +523 732 4 883702125 +523 794 4 883703144 +523 863 4 883700743 +523 866 5 883700618 +523 874 4 883699869 +523 934 4 883702602 +523 944 4 883702324 +523 949 5 883700792 +523 954 5 883702474 +523 1014 5 883700307 +523 1036 4 883702552 +523 1041 4 883702411 +523 1047 5 883702800 +523 1069 5 883701962 +523 1121 5 883700969 +523 1195 5 883700969 +523 1472 5 883701124 +524 4 4 884636498 +524 6 5 884627388 +524 7 2 884627065 +524 12 3 884634646 +524 13 4 884323551 +524 14 5 884322047 +524 22 3 884634731 +524 23 5 884635031 +524 24 3 884626906 +524 29 3 884637173 +524 31 4 884636205 +524 32 4 884634679 +524 39 5 884636583 +524 42 3 884636453 +524 44 4 884636416 +524 47 2 884635136 +524 50 4 884634615 +524 52 4 884636453 +524 55 2 884634911 +524 56 4 884634849 +524 58 4 884635031 +524 60 5 884634938 +524 64 2 884634877 +524 65 4 884636646 +524 69 4 884634578 +524 70 4 884636519 +524 71 3 884634755 +524 72 4 884636958 +524 76 4 884636182 +524 77 3 884637095 +524 79 4 884634818 +524 81 1 884636262 +524 82 4 884636583 +524 89 5 884634533 +524 92 4 884635171 +524 94 2 884637245 +524 96 4 884635172 +524 97 5 884636583 +524 98 3 884634615 +524 100 5 884322047 +524 107 3 884628284 +524 111 5 884323426 +524 116 4 884322047 +524 117 3 884322113 +524 118 4 884627463 +524 124 5 884322113 +524 126 4 884323427 +524 127 5 884634533 +524 129 5 884322047 +524 131 5 884636498 +524 132 4 884634968 +524 133 5 884634968 +524 134 5 884634848 +524 135 3 884634679 +524 150 2 884832650 +524 151 1 884627327 +524 161 4 884637095 +524 168 3 884634995 +524 170 4 884634785 +524 172 3 884634849 +524 173 4 884637436 +524 174 4 884634911 +524 175 3 884634911 +524 178 3 884634968 +524 179 5 884635204 +524 180 4 884634579 +524 181 3 884634731 +524 182 5 884635031 +524 184 1 884636416 +524 185 4 884635204 +524 186 3 884634995 +524 187 5 884634646 +524 191 4 884634707 +524 192 4 884634877 +524 193 4 884636498 +524 194 4 884634646 +524 195 2 884634849 +524 197 4 884637347 +524 199 4 884634646 +524 203 4 884634819 +524 204 3 884635358 +524 205 5 884634707 +524 208 5 884635287 +524 209 4 884634755 +524 210 3 884635287 +524 211 5 884635136 +524 212 5 884635326 +524 213 4 884635136 +524 215 2 884636735 +524 216 5 884634849 +524 218 3 884636453 +524 221 4 884323464 +524 222 2 884323500 +524 226 3 884635085 +524 227 2 884636498 +524 228 3 884636152 +524 230 3 884636907 +524 235 1 884628059 +524 237 3 884322169 +524 238 4 884634755 +524 239 2 884636498 +524 241 5 884635205 +524 259 3 884320358 +524 265 4 884636583 +524 269 4 884287379 +524 273 3 884322113 +524 275 3 884832616 +524 277 3 884322379 +524 281 2 884323464 +524 284 3 884323525 +524 285 3 884322168 +524 286 5 884287379 +524 289 4 884321591 +524 290 2 884323525 +524 291 4 884627777 +524 301 4 884321179 +524 302 5 884287406 +524 304 4 884321179 +524 310 4 884701677 +524 311 4 884287428 +524 318 4 884635287 +524 319 4 884638062 +524 321 3 884321179 +524 322 4 884320358 +524 367 5 884636453 +524 380 2 884637202 +524 382 3 884636596 +524 385 3 884636453 +524 386 4 884637032 +524 393 3 884637032 +524 402 2 884636617 +524 403 4 884636182 +524 405 2 884627065 +524 410 2 884832742 +524 414 4 884635136 +524 416 4 884636152 +524 418 1 884637598 +524 419 1 884635031 +524 423 4 884635358 +524 429 2 884635358 +524 430 3 884637914 +524 432 1 884636151 +524 433 5 884636444 +524 435 4 884635053 +524 436 4 884636864 +524 443 4 884636542 +524 447 5 884636182 +524 449 3 884637245 +524 451 3 884637202 +524 461 3 884635287 +524 466 4 884636583 +524 467 4 884635287 +524 469 4 884636416 +524 471 4 884322169 +524 472 3 884323500 +524 474 4 884634578 +524 476 3 884628212 +524 478 3 884637376 +524 479 4 884637314 +524 480 4 884634911 +524 481 4 884634785 +524 482 5 884634938 +524 483 4 884634533 +524 484 4 884634646 +524 485 2 884635085 +524 488 4 884634707 +524 490 3 884634679 +524 492 3 884634679 +524 493 4 884638025 +524 494 4 884637409 +524 495 4 884635358 +524 496 2 884637314 +524 497 2 884637467 +524 498 5 884636453 +524 499 4 884637598 +524 501 2 884636262 +524 504 5 884634877 +524 506 4 884634938 +524 508 5 884322047 +524 511 5 884634707 +524 513 4 884634938 +524 514 5 884634938 +524 515 4 884637409 +524 516 4 884634578 +524 517 4 884635136 +524 518 3 884635031 +524 519 4 884634818 +524 520 3 884637314 +524 521 4 884636182 +524 523 4 884634615 +524 525 3 884634615 +524 526 3 884636907 +524 527 5 884634785 +524 528 4 884634818 +524 530 4 884634785 +524 541 1 884702593 +524 546 4 884627594 +524 549 4 884636931 +524 550 3 884636958 +524 554 4 884636746 +524 558 4 884634533 +524 559 3 884637067 +524 568 4 884636152 +524 570 4 884637128 +524 573 4 884636827 +524 578 5 884637031 +524 582 3 884635326 +524 583 4 884635326 +524 584 1 884635205 +524 604 4 884637501 +524 605 1 884637566 +524 606 4 884634968 +524 607 3 884637314 +524 612 3 884635204 +524 613 4 884637347 +524 614 5 884634731 +524 615 2 884637409 +524 618 3 884636416 +524 638 2 884637914 +524 640 1 884636541 +524 642 4 884636182 +524 646 5 884637347 +524 647 3 884634911 +524 649 4 884636205 +524 650 2 884637528 +524 651 4 884634578 +524 654 5 884634877 +524 657 4 884634995 +524 660 5 884636152 +524 661 3 884637467 +524 663 2 884635358 +524 670 4 884637203 +524 676 3 884322379 +524 679 2 884636746 +524 684 4 884636236 +524 693 5 884636562 +524 700 5 884637246 +524 702 4 884636262 +524 704 4 884636691 +524 705 3 884634818 +524 707 4 884634995 +524 708 4 884636645 +524 709 5 884635171 +524 712 4 884637147 +524 715 4 884636182 +524 724 3 884636444 +524 739 2 884637128 +524 742 3 884627446 +524 748 2 884321592 +524 751 4 884701677 +524 781 1 884636583 +524 792 4 884636519 +524 796 3 884636958 +524 815 3 884627519 +524 818 3 884628308 +524 823 4 884628136 +524 831 3 884628212 +524 836 2 884637409 +524 837 2 884637467 +524 845 5 884323426 +524 855 4 884634911 +524 866 2 884626810 +524 895 4 884320358 +524 898 4 884701702 +524 928 4 884323551 +524 930 3 884832772 +524 931 3 884627932 +524 943 3 884636453 +524 950 4 884323351 +524 955 1 884637914 +524 965 4 884635288 +524 978 3 884628212 +524 1041 2 884636746 +524 1046 3 884637173 +524 1048 4 884627594 +524 1050 2 884637501 +524 1065 1 884636646 +524 1073 5 884635287 +524 1074 2 884637128 +524 1093 4 884628136 +524 1101 4 884635053 +524 1107 4 884636262 +524 1113 3 884636236 +524 1124 3 884637528 +524 1126 1 884637409 +524 1129 2 884832580 +524 1152 3 884626906 +524 1166 5 884635031 +524 1184 3 884637173 +524 1204 3 884635225 +524 1268 3 884637032 +524 1421 5 884637147 +524 1454 3 884637128 +524 1456 3 884635031 +524 1540 2 884635326 +524 1553 3 884635136 +525 1 4 881085964 +525 7 3 881086051 +525 14 3 881086078 +525 15 4 881085964 +525 100 4 881086108 +525 106 2 881086938 +525 121 4 881085893 +525 123 3 881086051 +525 124 3 881086108 +525 125 3 881085709 +525 127 3 881085647 +525 147 3 881085893 +525 151 5 881086562 +525 181 4 881085740 +525 237 4 881085893 +525 248 4 881085709 +525 250 3 881085917 +525 257 4 881085739 +525 269 5 881087067 +525 281 3 881086562 +525 282 4 881085648 +525 288 4 881085217 +525 289 3 881085256 +525 291 2 881086644 +525 293 3 881086108 +525 300 4 881085217 +525 322 2 881085256 +525 332 4 881085178 +525 405 4 881086693 +525 411 3 881086612 +525 412 2 881086757 +525 472 2 881086012 +525 475 3 881086108 +525 596 4 881086195 +525 597 3 881086413 +525 676 2 881086518 +525 713 4 881086393 +525 742 3 881085843 +525 762 4 881085917 +525 829 2 881086393 +525 928 3 881086586 +525 1014 3 881086468 +525 1047 2 881086274 +525 1315 4 881086393 +526 7 4 885682400 +526 50 5 885682426 +526 100 5 885682448 +526 121 2 885682590 +526 123 3 885682614 +526 125 2 885682657 +526 127 4 885682426 +526 147 4 885682503 +526 150 2 885682370 +526 181 4 885682448 +526 245 2 885682124 +526 248 4 885682635 +526 258 3 885681860 +526 260 1 885681982 +526 269 5 885681886 +526 270 3 885681860 +526 271 3 885682124 +526 272 5 885681860 +526 273 2 885682562 +526 276 4 885682477 +526 277 2 885682657 +526 282 3 885682370 +526 283 3 885682400 +526 285 5 885682503 +526 288 4 885681910 +526 293 5 885682477 +526 294 3 885681982 +526 298 4 885682528 +526 300 2 885682031 +526 301 2 885682031 +526 302 5 885681860 +526 307 2 885681958 +526 313 5 885681934 +526 315 5 885682102 +526 323 2 885682214 +526 325 3 885682102 +526 328 2 885682006 +526 331 3 885681935 +526 332 2 885682006 +526 333 3 885681935 +526 342 2 885682295 +526 343 3 885682264 +526 346 3 885681860 +526 475 5 885682635 +526 508 4 885682590 +526 544 1 885682477 +526 591 4 885682503 +526 690 3 885681910 +526 742 3 885682562 +526 748 1 885682214 +526 750 4 885681886 +526 751 2 885681958 +526 754 2 885681886 +526 845 5 885682590 +526 875 3 885682264 +526 879 3 885682102 +526 1007 3 885682657 +526 1084 5 885682590 +527 4 2 879456162 +527 7 5 879456162 +527 9 5 879455873 +527 11 4 879456662 +527 12 4 879456637 +527 14 2 879456663 +527 19 3 879456611 +527 22 5 879456132 +527 23 5 879456611 +527 28 3 879456289 +527 50 4 879455706 +527 59 5 879455792 +527 60 4 879456132 +527 64 3 879456030 +527 69 4 879456490 +527 70 4 879455873 +527 86 4 879456438 +527 87 3 879456132 +527 91 2 879455873 +527 93 4 879456078 +527 96 4 879456611 +527 100 5 879455905 +527 116 4 879456611 +527 124 4 879455680 +527 127 5 879456132 +527 129 2 879455905 +527 134 5 879456490 +527 135 2 879456587 +527 143 2 879456289 +527 144 4 879456186 +527 152 2 879456405 +527 153 5 879455847 +527 154 3 879455814 +527 156 3 879456334 +527 168 5 879456405 +527 169 4 879455961 +527 170 3 879456637 +527 172 5 879456490 +527 174 4 879455847 +527 175 3 879456132 +527 176 2 879455740 +527 177 5 879456405 +527 179 3 879456587 +527 180 5 879456334 +527 181 4 879456464 +527 182 5 879456132 +527 183 5 879456691 +527 185 5 879455680 +527 187 5 879455999 +527 191 5 879455654 +527 192 4 879455765 +527 193 3 879455680 +527 197 4 879455740 +527 200 3 879455999 +527 201 3 879456490 +527 202 3 879456691 +527 203 4 879456662 +527 204 5 879455847 +527 208 4 879456289 +527 209 4 879456405 +527 211 4 879456289 +527 213 4 879456186 +527 214 4 879456030 +527 234 5 879455706 +527 238 5 879456405 +527 275 3 879455961 +527 279 4 879456438 +527 283 4 879456405 +527 286 2 879455354 +527 317 4 879456405 +527 318 3 879456104 +527 324 3 879455415 +527 357 5 879455654 +527 423 3 879456248 +527 425 4 879455792 +527 427 4 879455740 +527 429 5 879456611 +527 431 3 879456363 +527 433 4 879456464 +527 462 3 879455707 +527 466 2 879455765 +527 467 3 879455999 +527 474 3 879455792 +527 475 3 879455847 +527 479 4 879455707 +527 492 3 879456405 +527 496 4 879456248 +527 498 4 879455961 +527 499 5 879456490 +527 507 5 879455654 +527 508 3 879456363 +527 511 5 879456248 +527 514 5 879455961 +527 517 5 879456186 +527 526 5 879456312 +527 528 3 879456104 +527 531 3 879456077 +527 543 4 879455740 +527 558 4 879456162 +527 582 2 879456078 +527 588 4 879456289 +527 603 4 879456078 +527 615 4 879456312 +527 628 3 879456289 +527 631 4 879456030 +527 640 4 879456464 +527 646 5 879455792 +527 647 5 879455654 +527 651 5 879455654 +527 652 4 879456248 +527 655 3 879456464 +527 657 4 879455999 +527 659 4 879455617 +527 661 5 879456186 +527 671 5 879455873 +527 673 4 879456587 +527 709 5 879455961 +527 855 2 879455814 +527 868 4 879456663 +527 878 1 879455511 +527 956 4 879455847 +527 962 3 879456312 +527 963 4 879456030 +527 1101 4 879456691 +527 1149 4 879456637 +527 1211 3 879455765 +527 1333 3 879456104 +528 31 5 886101761 +528 56 3 886101428 +528 58 5 886101994 +528 69 3 886101761 +528 77 3 886101428 +528 79 5 886101911 +528 83 5 886101632 +528 109 4 886812980 +528 168 4 888522642 +528 173 5 886101610 +528 178 4 886101695 +528 185 4 886101652 +528 193 4 886101873 +528 202 5 886101846 +528 203 4 888522613 +528 204 5 888522547 +528 210 5 886101976 +528 213 4 886101505 +528 239 5 886101632 +528 250 3 886812886 +528 258 4 886812857 +528 294 3 888520438 +528 298 4 888520849 +528 310 3 888520371 +528 358 2 888520491 +528 402 4 888520911 +528 410 4 886813104 +528 422 2 886813066 +528 423 1 888522642 +528 427 4 886813104 +528 479 4 886101505 +528 484 3 886101695 +528 485 2 886101872 +528 505 4 886101956 +528 526 4 886101505 +528 541 3 888520782 +528 588 2 886101736 +528 678 3 888520525 +528 748 3 888520471 +528 751 4 888520371 +528 845 3 886812857 +528 1254 3 886812920 +528 1618 1 888521905 +529 258 4 882535091 +529 260 4 882535693 +529 264 2 882535820 +529 268 5 882535220 +529 269 3 882534996 +529 286 4 882534996 +529 288 4 882535353 +529 292 4 882535180 +529 300 4 882535049 +529 301 4 882535639 +529 307 5 882534996 +529 309 3 882535353 +529 321 4 882535353 +529 322 4 882535383 +529 323 4 882535091 +529 324 2 882535563 +529 325 3 882535693 +529 327 4 882535353 +529 328 4 882535256 +529 331 4 882535220 +529 332 4 882535049 +529 333 4 882534996 +529 340 1 882535181 +529 343 3 882535180 +529 689 2 882535049 +529 690 3 882535180 +529 749 4 882535466 +529 873 4 882535091 +529 875 4 882535714 +529 880 4 882535304 +529 984 4 882535353 +529 991 1 882535639 +529 1038 4 882535304 +530 50 4 883781669 +530 64 5 883790942 +530 88 4 890627443 +530 98 4 883784195 +530 100 4 883784058 +530 156 4 883790381 +530 174 4 883784503 +530 176 3 886202320 +530 181 3 886202320 +530 183 4 883790882 +530 195 3 883784105 +530 196 5 883784601 +530 204 4 883790833 +530 214 2 886202320 +530 220 5 886628953 +530 237 4 886629307 +530 255 4 886198864 +530 275 5 890627396 +530 322 4 886203949 +530 328 4 886198454 +530 333 3 890627264 +530 443 4 883790943 +530 470 3 891568895 +530 476 4 886198206 +530 487 4 883784557 +530 527 4 883784654 +530 535 4 886198575 +530 582 4 883783631 +530 607 5 883790567 +530 660 3 883785464 +530 692 4 883784258 +530 815 4 886202404 +530 1136 4 891568851 +530 1226 4 891568366 +530 1300 2 890627207 +531 259 1 887048789 +531 288 1 887048686 +531 289 3 887048862 +531 300 4 887048862 +531 311 4 887048763 +531 312 5 887048899 +531 313 5 887049364 +531 323 5 887049081 +531 327 3 887048718 +531 329 5 887049081 +531 332 4 887048813 +531 358 1 887049187 +531 457 1 887049341 +531 892 3 887049187 +531 894 1 887049214 +531 898 5 887049081 +531 905 4 887049166 +531 908 1 887048836 +531 990 5 887048789 +531 1316 4 887049214 +532 1 5 893119335 +532 2 5 893119336 +532 4 5 893119415 +532 7 5 893119415 +532 8 5 893119415 +532 9 5 893119438 +532 11 5 893119491 +532 12 5 893119491 +532 22 5 892867296 +532 24 5 892867296 +532 26 3 888629359 +532 29 3 888636521 +532 38 3 874789332 +532 44 5 888637085 +532 51 5 888635365 +532 52 4 888629446 +532 58 4 888636374 +532 66 5 893118712 +532 70 4 888634801 +532 72 3 888636538 +532 77 5 892519935 +532 79 5 889235367 +532 82 5 892521554 +532 87 5 892866230 +532 95 5 893118711 +532 97 5 893119415 +532 98 5 893119438 +532 99 5 893119438 +532 100 5 893119335 +532 105 3 874789704 +532 107 5 893119415 +532 117 5 893119335 +532 118 4 888634813 +532 120 2 888630742 +532 121 4 888636374 +532 125 5 893119415 +532 127 5 893119438 +532 132 5 893118711 +532 135 3 888629938 +532 136 5 892865321 +532 139 5 874792232 +532 143 4 874788755 +532 147 4 888634802 +532 148 5 888817717 +532 151 5 892519935 +532 153 4 888629670 +532 155 4 888630086 +532 161 5 892519934 +532 164 5 892519934 +532 168 5 892519934 +532 177 4 888636501 +532 181 5 889235367 +532 186 4 891910189 +532 187 4 884594932 +532 191 5 888635366 +532 195 5 892521554 +532 197 5 889235367 +532 203 5 893118712 +532 204 5 892863286 +532 205 5 887788806 +532 210 5 888637085 +532 215 5 892866230 +532 216 5 893119438 +532 218 5 889235367 +532 226 4 892859148 +532 227 4 874788566 +532 228 5 893118712 +532 229 5 892859148 +532 230 5 893118712 +532 234 5 889235367 +532 235 3 887041328 +532 240 3 888629938 +532 241 5 892859148 +532 242 4 888817735 +532 248 4 888635264 +532 250 3 891910110 +532 251 4 888636374 +532 252 4 888636478 +532 259 3 884594498 +532 266 4 875441640 +532 267 3 875441348 +532 268 4 875441085 +532 269 4 891288537 +532 272 5 884594422 +532 277 5 893119439 +532 282 5 893119415 +532 284 5 893119438 +532 292 4 884594621 +532 295 5 884594761 +532 298 4 892859148 +532 300 5 888635239 +532 302 5 875441085 +532 304 5 893118711 +532 305 3 878372701 +532 307 4 880831630 +532 310 4 888634802 +532 311 2 885415471 +532 312 2 884594422 +532 313 5 884594326 +532 315 3 888636423 +532 316 4 888631773 +532 318 5 893119439 +532 329 4 886364769 +532 330 4 888636373 +532 331 4 890021268 +532 332 4 876696298 +532 333 4 875441189 +532 335 3 888636389 +532 339 5 892859148 +532 346 5 885761690 +532 347 4 884594422 +532 352 3 886585109 +532 353 2 886364951 +532 354 4 887672256 +532 357 5 892519935 +532 364 3 874791976 +532 367 5 893119439 +532 368 3 888630991 +532 369 3 874792142 +532 373 3 888630658 +532 399 3 888630360 +532 402 5 893118712 +532 403 4 892865321 +532 404 5 893119336 +532 407 2 874794386 +532 411 3 874792031 +532 419 5 888635366 +532 420 4 888636374 +532 421 5 888637085 +532 425 4 888634801 +532 426 5 888635197 +532 427 5 892519934 +532 431 5 892521553 +532 447 4 888630205 +532 448 4 888635429 +532 450 2 874796421 +532 451 4 874789474 +532 452 5 888630585 +532 453 4 888631524 +532 468 5 893119491 +532 470 5 892859148 +532 472 5 893119335 +532 477 4 892520198 +532 480 5 893119491 +532 482 5 888629254 +532 483 5 892867296 +532 485 5 893119491 +532 491 5 893119491 +532 492 4 888637105 +532 495 4 888634801 +532 496 5 893119491 +532 498 4 888629124 +532 500 5 889235367 +532 501 5 889235367 +532 506 5 889235367 +532 508 4 888636373 +532 510 5 888635197 +532 515 5 889327324 +532 520 5 892861434 +532 523 5 888637085 +532 526 5 893119415 +532 531 5 893119491 +532 532 3 887040858 +532 535 5 888637085 +532 538 4 881048155 +532 545 2 874791976 +532 549 5 888637085 +532 554 4 874790813 +532 559 5 892859148 +532 562 5 892859148 +532 568 5 892521554 +532 570 4 888629804 +532 576 5 893118712 +532 586 4 888636373 +532 588 5 893119415 +532 591 5 893119335 +532 592 3 874791850 +532 601 3 888629518 +532 603 5 893119491 +532 619 5 889235367 +532 633 5 888635197 +532 636 5 892859149 +532 658 5 893119335 +532 660 4 888634801 +532 676 5 892521554 +532 679 5 888629565 +532 682 4 877898976 +532 684 5 888635197 +532 685 5 892521554 +532 689 4 880484527 +532 690 4 876696258 +532 708 4 877634392 +532 721 4 874791671 +532 722 3 888629836 +532 734 3 874791786 +532 739 5 893119335 +532 746 5 893119438 +532 750 5 884594358 +532 754 4 892854961 +532 759 2 888631120 +532 761 4 874787387 +532 763 5 892866230 +532 771 3 874791172 +532 781 5 877635505 +532 795 2 874789538 +532 796 5 888635445 +532 815 4 888635376 +532 818 2 888631077 +532 824 4 888634802 +532 829 3 892520073 +532 831 2 874790629 +532 833 4 888629804 +532 834 4 874796151 +532 840 4 892867296 +532 842 4 888635407 +532 864 4 887041540 +532 865 2 888630531 +532 879 3 892519328 +532 895 3 884594450 +532 898 4 884594575 +532 914 5 893118711 +532 915 4 891909850 +532 916 3 893115293 +532 917 4 892520128 +532 918 4 893013954 +532 925 4 892520642 +532 926 3 888630146 +532 929 3 874791786 +532 931 3 892520696 +532 938 3 892519553 +532 946 5 888635366 +532 980 4 884594911 +532 982 3 888631077 +532 990 3 875511963 +532 1011 5 893119491 +532 1016 4 888636450 +532 1039 4 888629863 +532 1046 4 874790629 +532 1092 2 888630838 +532 1136 2 888636558 +532 1162 2 888631576 +532 1168 4 888630436 +532 1188 4 874790998 +532 1189 5 892521554 +532 1199 3 874789155 +532 1207 2 874790439 +532 1210 4 888636373 +532 1217 4 888630453 +532 1221 5 874788957 +532 1226 4 893015131 +532 1228 3 874789704 +532 1240 2 874793852 +532 1300 3 888632446 +532 1312 4 888631036 +532 1337 3 874790930 +532 1407 2 874794386 +532 1415 2 892520390 +532 1426 3 874791506 +532 1428 4 874791420 +532 1470 5 888630402 +532 1483 4 891909911 +532 1496 2 874795634 +532 1502 1 874796400 +532 1594 4 893115576 +533 1 4 879192521 +533 4 3 888845066 +533 8 3 879191938 +533 9 4 879192414 +533 10 2 879192414 +533 12 4 879438543 +533 13 3 879192475 +533 14 3 879192582 +533 15 4 879192641 +533 19 3 879365781 +533 20 5 882902988 +533 21 3 888239930 +533 22 4 879438961 +533 23 3 879191770 +533 25 4 884096575 +533 26 3 879192035 +533 28 4 879192315 +533 31 3 879191265 +533 38 2 879191691 +533 43 4 879439341 +533 44 4 879191594 +533 47 1 879191998 +533 48 4 879191373 +533 50 5 882902988 +533 53 1 879191621 +533 54 4 888844601 +533 56 3 879439379 +533 58 4 888845150 +533 64 5 882902988 +533 65 4 879439465 +533 66 4 879439204 +533 69 4 879438849 +533 70 4 879191938 +533 71 4 889450972 +533 72 2 879192157 +533 77 4 879191713 +533 82 4 879439204 +533 83 2 879191902 +533 87 4 879191184 +533 88 4 879191902 +533 91 2 879190991 +533 94 4 879192184 +533 96 4 879438767 +533 97 2 879438666 +533 98 4 879438543 +533 100 5 882902988 +533 103 3 887032538 +533 107 3 879773606 +533 109 2 879192986 +533 111 4 879192474 +533 117 5 879192901 +533 118 4 879192792 +533 120 1 879366160 +533 121 4 879192901 +533 122 1 879366118 +533 125 5 891263021 +533 126 4 879192414 +533 127 5 879192278 +533 132 5 879191220 +533 133 5 879191085 +533 134 4 879439379 +533 135 3 879191022 +533 143 4 879438850 +533 147 1 884698117 +533 148 3 882902641 +533 150 3 886425704 +533 151 3 879192474 +533 161 4 879439465 +533 168 4 879191864 +533 169 4 879438543 +533 172 4 879191184 +533 174 4 879191184 +533 176 1 879191332 +533 177 4 879191300 +533 180 3 879439379 +533 181 5 879191085 +533 182 3 879191265 +533 186 3 879438850 +533 187 4 879438811 +533 190 2 879439379 +533 191 4 879192315 +533 192 3 879438486 +533 193 4 879439379 +533 194 4 879191061 +533 195 4 879439082 +533 196 4 888844941 +533 197 5 882902988 +533 202 4 879191938 +533 203 4 879438743 +533 204 4 879192157 +533 205 5 882902988 +533 208 4 879191374 +533 210 5 879191401 +533 211 4 879191972 +533 215 4 879438941 +533 216 4 879191864 +533 218 2 879191652 +533 221 3 888844601 +533 222 5 884007368 +533 226 4 879191621 +533 227 4 879191563 +533 228 4 879191332 +533 229 4 879191621 +533 230 4 879191563 +533 234 2 879191373 +533 236 4 890659276 +533 237 2 879193048 +533 239 3 879192157 +533 240 1 879192474 +533 242 4 884698095 +533 243 3 879193517 +533 255 2 882195237 +533 257 4 882195275 +533 258 4 884007368 +533 265 3 879191563 +533 275 4 887721848 +533 276 1 889451077 +533 281 4 887032214 +533 282 4 888844577 +533 283 3 879365733 +533 284 1 879192641 +533 286 4 879193088 +533 288 2 882901971 +533 289 2 879773297 +533 291 3 882902727 +533 292 4 883583127 +533 293 3 879191469 +533 294 4 879193088 +533 295 4 888844601 +533 297 4 893160944 +533 298 4 882195203 +533 300 4 888844557 +533 303 4 893160944 +533 313 5 884007337 +533 318 5 879438849 +533 319 3 879193132 +533 328 4 887032063 +533 333 4 886425803 +533 345 3 888347628 +533 356 4 879191652 +533 357 3 879191085 +533 367 2 879191972 +533 371 3 879439488 +533 378 4 879439290 +533 380 4 879438510 +533 382 1 879191998 +533 385 4 879438666 +533 393 4 879192069 +533 402 4 888845284 +533 403 3 879439341 +533 405 3 879192793 +533 408 4 880402916 +533 411 2 879365998 +533 412 1 879366159 +533 423 5 888844906 +533 427 4 879191373 +533 430 5 879191972 +533 435 4 879438455 +533 443 3 879191595 +533 449 4 879191713 +533 451 2 879439465 +533 462 2 879190926 +533 471 4 882902330 +533 474 3 879190771 +533 476 2 879365951 +533 477 4 880402957 +533 479 4 879191184 +533 480 4 879190670 +533 483 4 879438470 +533 484 3 879190724 +533 489 4 879438961 +533 496 5 879439061 +533 498 4 879438850 +533 504 4 888845229 +533 508 4 879192702 +533 511 4 879439379 +533 514 3 879190670 +533 521 3 879191022 +533 525 3 879191770 +533 526 2 879191265 +533 527 4 879191022 +533 528 4 879438999 +533 546 3 879192769 +533 549 4 879439340 +533 550 4 879439340 +533 554 1 879191691 +533 566 4 879191652 +533 568 5 879438849 +533 580 3 879192034 +533 591 4 887721848 +533 595 2 887032451 +533 596 2 880402996 +533 597 3 879192939 +533 603 4 879190670 +533 609 4 879191184 +533 627 2 879439593 +533 654 3 879191770 +533 659 4 879439379 +533 660 5 882902988 +533 663 5 879191022 +533 676 5 879439720 +533 684 4 879191594 +533 685 4 887032380 +533 687 2 879193517 +533 692 4 879191902 +533 696 3 887032538 +533 708 2 879439167 +533 713 2 879192582 +533 739 5 882902988 +533 740 4 879192815 +533 742 4 879192681 +533 744 2 887721800 +533 747 5 879438767 +533 748 3 890659295 +533 755 3 888845338 +533 756 4 879193004 +533 778 4 879192157 +533 792 3 879190771 +533 820 2 887032380 +533 823 4 879192901 +533 824 1 879366160 +533 845 4 882902989 +533 846 2 879365886 +533 847 3 880402996 +533 866 2 887032297 +533 871 2 879192730 +533 879 3 892469600 +533 919 2 888239673 +533 921 2 879439061 +533 931 2 879366160 +533 934 3 879366118 +533 936 4 889450822 +533 949 4 879439519 +533 988 2 882821725 +533 1001 1 879366160 +533 1016 3 887721769 +533 1028 2 879192769 +533 1033 4 879192702 +533 1041 2 879192069 +533 1047 3 887032276 +533 1048 3 889450842 +533 1086 3 880402916 +533 1142 4 888347670 +533 1147 3 879439204 +533 1161 3 883583033 +533 1173 4 885820219 +533 1174 3 882821669 +533 1177 1 879192184 +533 1282 3 879773572 +533 1291 1 879366076 +534 1 5 877807718 +534 3 4 877808031 +534 7 4 877807780 +534 15 4 877807873 +534 21 4 877807905 +534 24 5 877807780 +534 25 5 877807845 +534 93 1 877807692 +534 105 4 877808198 +534 109 4 877808053 +534 117 5 877807973 +534 118 4 877807935 +534 121 4 877808002 +534 125 3 877807816 +534 129 4 877807718 +534 147 5 877808031 +534 148 4 877808198 +534 149 2 877808237 +534 235 4 877807973 +534 237 4 877808002 +534 243 3 877807461 +534 273 5 877807747 +534 274 3 877807846 +534 276 5 877807873 +534 282 5 877808174 +534 286 3 877807602 +534 288 4 877807429 +534 291 4 877808031 +534 294 5 877807461 +534 300 4 877807486 +534 322 4 877807461 +534 325 4 877807461 +534 331 4 877807429 +534 333 5 877807486 +534 370 4 877808260 +534 405 3 877807935 +534 410 5 877807816 +534 455 5 877807816 +534 475 4 877807747 +534 477 3 877807780 +534 508 4 877807973 +534 546 4 877808120 +534 591 5 877807845 +534 597 5 877808175 +534 619 4 877807653 +534 685 3 877807653 +534 687 5 877807486 +534 717 5 877808198 +534 742 5 877807653 +534 748 4 877807429 +534 756 4 877808175 +534 760 2 877808098 +534 763 4 877808361 +534 820 3 877808340 +534 823 4 877807973 +534 824 4 877808260 +534 825 4 877808281 +534 919 5 877807816 +534 926 4 877807780 +534 930 4 877808002 +534 978 4 877808175 +534 985 4 877807815 +534 986 5 877808319 +534 1028 5 877807816 +534 1034 3 877808120 +534 1047 4 877808361 +534 1052 4 877808300 +534 1054 5 877807973 +534 1215 3 877808120 +534 1327 2 877808281 +535 1 3 879617663 +535 4 3 879618777 +535 7 5 879618776 +535 9 5 879617779 +535 11 4 879618849 +535 14 3 879618743 +535 16 4 879618532 +535 22 3 879619107 +535 25 4 879619176 +535 30 4 879617531 +535 32 3 879617574 +535 42 3 879618849 +535 44 4 879619035 +535 45 3 879618655 +535 47 5 879618160 +535 50 5 879618091 +535 52 4 879618091 +535 56 3 879617613 +535 58 5 879618502 +535 59 3 879618338 +535 60 5 879618613 +535 61 3 879619107 +535 64 5 879617531 +535 70 4 879618849 +535 71 4 879618502 +535 79 3 879618502 +535 83 4 879618091 +535 86 4 879618385 +535 87 5 879618965 +535 97 4 879618880 +535 98 2 879617977 +535 100 5 879617531 +535 116 3 879618246 +535 121 4 879618123 +535 129 5 879619000 +535 131 4 879618532 +535 132 5 879619035 +535 133 5 879618019 +535 134 5 879619144 +535 135 3 879617978 +535 136 5 879619107 +535 137 4 879618502 +535 144 3 879618123 +535 151 4 879618338 +535 152 4 879618385 +535 153 4 879617663 +535 156 2 879617613 +535 162 3 879619035 +535 165 4 879617613 +535 166 4 879618385 +535 168 5 879618385 +535 170 4 879618160 +535 171 3 879618414 +535 172 3 879617747 +535 173 5 879617747 +535 174 4 879617747 +535 178 4 879618925 +535 179 4 879617489 +535 180 4 879618655 +535 185 4 879617931 +535 186 4 879618925 +535 187 2 879617701 +535 188 3 879618999 +535 190 4 879617747 +535 192 4 879617931 +535 193 4 879618700 +535 194 5 879617663 +535 195 4 879618288 +535 196 4 879617894 +535 197 5 879618288 +535 198 4 879618850 +535 203 3 879619035 +535 204 5 879617856 +535 205 3 879618464 +535 207 4 879618613 +535 209 5 879617819 +535 210 5 879618160 +535 211 4 879617489 +535 213 5 879618849 +535 215 4 879619144 +535 221 3 879618700 +535 223 5 879618207 +535 237 4 879617779 +535 238 4 879618809 +535 258 5 879619286 +535 265 3 879619144 +535 268 3 879617199 +535 269 4 879617063 +535 275 4 879619177 +535 276 3 879618965 +535 277 5 879619107 +535 282 3 879618091 +535 283 4 879618160 +535 284 4 879619144 +535 286 2 879617123 +535 300 3 879617199 +535 301 4 879617199 +535 302 3 879617063 +535 318 4 879618502 +535 319 5 879617310 +535 338 3 879617098 +535 357 2 879617531 +535 381 3 879617818 +535 382 5 879618058 +535 389 4 879619177 +535 419 3 879618654 +535 421 4 879617701 +535 423 5 879618613 +535 425 5 879618338 +535 427 4 879618246 +535 429 3 879618569 +535 433 5 879618160 +535 435 5 879618246 +535 447 5 879617574 +535 461 3 879617663 +535 466 3 879618385 +535 469 3 879618464 +535 471 4 879618743 +535 478 5 879617931 +535 479 4 879617977 +535 480 4 879618207 +535 482 4 879619107 +535 483 5 879618742 +535 484 5 879617819 +535 488 5 879618965 +535 492 4 879618742 +535 495 3 879618849 +535 496 5 879618246 +535 498 4 879619224 +535 499 4 879617894 +535 502 5 879618502 +535 504 3 879617574 +535 505 4 879618569 +535 506 5 879617819 +535 507 5 879617856 +535 508 5 879617931 +535 511 3 879618655 +535 514 5 879617531 +535 515 3 879619224 +535 517 4 879617977 +535 518 5 879618569 +535 519 3 879617931 +535 520 4 879618058 +535 521 5 879618809 +535 527 3 879617574 +535 529 3 879618655 +535 558 5 879618385 +535 566 3 879618338 +535 591 4 879617977 +535 603 4 879617613 +535 604 4 879617663 +535 607 5 879618700 +535 608 4 879617856 +535 609 4 879618019 +535 612 4 879618385 +535 614 5 879618850 +535 628 4 879618246 +535 629 4 879618776 +535 630 2 879619144 +535 631 5 879619176 +535 632 4 879618965 +535 638 4 879618655 +535 639 4 879618019 +535 640 3 879618742 +535 645 4 879617856 +535 654 5 879617856 +535 655 4 879618385 +535 657 5 879618338 +535 658 4 879618569 +535 686 5 879617489 +535 692 4 879618880 +535 693 3 879619107 +535 699 4 879619000 +535 702 1 879619067 +535 707 4 879618809 +535 708 5 879618777 +535 709 5 879618925 +535 721 3 879618464 +535 727 4 879618502 +535 735 5 879619067 +535 778 2 879617819 +535 789 2 879618613 +535 792 4 879618655 +535 813 5 879618777 +535 836 5 879617746 +535 848 3 879618743 +535 919 4 879618207 +535 921 4 879617489 +535 942 4 879619035 +535 950 3 879618019 +535 953 5 879618019 +535 955 3 879618338 +535 962 4 879617747 +535 963 5 879617977 +535 971 2 879618569 +535 1039 4 879618058 +535 1045 4 879617663 +535 1063 4 879618613 +535 1093 4 879617931 +535 1098 5 879618464 +535 1101 4 879619177 +535 1124 4 879617613 +535 1136 4 879618465 +535 1149 4 879618288 +535 1166 4 879617779 +535 1170 3 879618019 +535 1396 4 879618058 +535 1474 4 879618207 +536 1 5 882318394 +536 2 4 882360227 +536 8 5 882359047 +536 10 4 882318772 +536 22 5 882359863 +536 28 5 882359678 +536 31 3 882360685 +536 49 3 882360753 +536 52 3 882360187 +536 54 2 882364876 +536 56 3 882360405 +536 62 4 882360873 +536 63 4 882360802 +536 70 2 882359906 +536 71 5 882360467 +536 73 4 882360894 +536 79 4 882359813 +536 80 2 882360802 +536 82 4 882360929 +536 83 5 882359307 +536 84 4 882363820 +536 86 3 882360573 +536 87 3 882359584 +536 88 4 882360601 +536 94 4 882363972 +536 95 5 882360361 +536 96 4 882359988 +536 97 3 882360662 +536 98 4 882360029 +536 117 4 882318415 +536 121 4 882318820 +536 132 4 882359962 +536 135 5 882359370 +536 136 4 882359780 +536 139 4 882361317 +536 141 4 882361042 +536 143 5 882360425 +536 144 4 882359962 +536 148 4 882318820 +536 151 3 882318442 +536 153 4 882359540 +536 163 5 882360080 +536 164 4 882361018 +536 167 3 882361317 +536 168 5 882359863 +536 169 5 882359047 +536 172 5 882359539 +536 174 5 882359065 +536 176 3 882359726 +536 179 2 882359625 +536 180 4 882359431 +536 181 5 882318369 +536 183 3 882359455 +536 188 3 882359755 +536 189 5 882360143 +536 190 5 882359431 +536 191 4 882360187 +536 195 4 882359431 +536 197 3 882359567 +536 199 3 882359499 +536 204 4 882359938 +536 205 5 882360424 +536 209 2 882360030 +536 210 5 882359477 +536 213 5 882360704 +536 214 2 882360450 +536 215 4 882360530 +536 222 4 882360552 +536 227 5 882361066 +536 228 5 882359863 +536 229 4 882361142 +536 230 5 882359779 +536 234 4 882360405 +536 265 5 882360300 +536 274 4 882318394 +536 275 5 882318287 +536 283 3 882318369 +536 304 3 882317183 +536 318 5 882359431 +536 378 5 882360405 +536 380 4 882360734 +536 385 4 882359085 +536 386 4 882361162 +536 387 3 882363919 +536 389 5 882360734 +536 402 4 882361042 +536 403 3 882360496 +536 404 4 882359838 +536 405 2 882318246 +536 408 5 882318561 +536 416 4 882360929 +536 419 3 882360993 +536 423 4 882360601 +536 427 5 882359455 +536 431 5 882359813 +536 432 4 882360552 +536 435 3 882359755 +536 436 3 882359883 +536 441 2 882361018 +536 443 3 882360833 +536 449 4 882361262 +536 450 2 882364152 +536 470 5 882360530 +536 472 3 882319003 +536 474 5 882359678 +536 480 5 882359370 +536 483 4 882359625 +536 486 4 882359652 +536 487 4 882359813 +536 489 4 882360451 +536 493 4 882359333 +536 496 5 882359455 +536 498 5 882359906 +536 500 4 882360946 +536 501 3 882360834 +536 510 4 882359838 +536 542 1 882364876 +536 546 2 882318533 +536 549 3 882360283 +536 561 3 882364065 +536 566 5 882360264 +536 568 4 882360209 +536 570 3 882361162 +536 588 3 882359726 +536 596 3 882317312 +536 614 4 882359653 +536 631 2 882363934 +536 640 4 882361042 +536 648 3 882359678 +536 662 5 882360100 +536 679 4 882360495 +536 694 5 882360622 +536 699 3 882360209 +536 707 5 882359678 +536 708 3 882361179 +536 713 4 882318741 +536 720 4 882361207 +536 724 4 882359988 +536 727 3 882359697 +536 736 5 882360264 +536 740 4 882318630 +536 746 5 882359838 +536 755 4 882360993 +536 778 4 882359988 +536 862 3 882360834 +536 993 3 882318629 +536 1030 3 882364170 +536 1039 5 882360029 +536 1050 5 882360124 +536 1063 5 882359938 +536 1115 5 882318369 +536 1118 2 882360776 +536 1140 1 882364876 +537 1 2 886029889 +537 3 2 886030317 +537 4 2 886031634 +537 6 2 886029806 +537 7 4 886029727 +537 10 4 886030109 +537 11 3 886030937 +537 12 3 886031074 +537 13 4 886029806 +537 14 4 886030108 +537 15 3 886030051 +537 19 4 886030051 +537 20 3 886029974 +537 22 2 886030767 +537 23 4 886030738 +537 24 1 886030176 +537 25 2 886030199 +537 26 3 886031913 +537 28 3 886031438 +537 30 3 886031606 +537 32 3 886031178 +537 39 2 886031407 +537 42 3 886030622 +537 44 3 886031886 +537 45 3 886031786 +537 46 3 886031678 +537 47 4 886030768 +537 48 4 886030805 +537 50 4 886030805 +537 52 3 886030891 +537 53 2 886032029 +537 56 5 886030652 +537 58 4 886031719 +537 59 3 886031178 +537 60 3 886031297 +537 61 4 886031211 +537 64 3 886030707 +537 65 3 886030767 +537 69 2 886031178 +537 70 4 886031786 +537 72 1 886031966 +537 76 3 886031934 +537 79 3 886032123 +537 81 3 886031106 +537 82 2 886031752 +537 83 4 886030891 +537 85 2 886032123 +537 86 4 886031786 +537 87 3 886030622 +537 88 2 886032204 +537 89 4 886030862 +537 90 1 886032029 +537 91 2 886031438 +537 92 3 886031678 +537 93 3 886030077 +537 95 1 886030891 +537 96 3 886031576 +537 97 2 886031720 +537 98 3 886030583 +537 99 2 886031375 +537 100 4 886029692 +537 101 2 886031860 +537 102 1 886032123 +537 107 3 886030281 +537 109 1 886030051 +537 111 3 886030077 +537 116 3 886029841 +537 117 2 886030011 +537 121 1 886030380 +537 123 2 886030109 +537 124 4 886029806 +537 127 5 886030622 +537 129 3 886029889 +537 131 4 886031407 +537 132 3 886031074 +537 133 4 886030707 +537 135 5 886031149 +537 136 4 886030583 +537 137 4 886029841 +537 140 2 886032001 +537 141 3 886032183 +537 147 2 886030012 +537 149 3 886030078 +537 150 3 886029974 +537 151 2 886030177 +537 168 4 886030552 +537 170 3 886031211 +537 171 3 886030967 +537 172 3 886030707 +537 173 4 886030682 +537 174 3 886030622 +537 175 4 886030966 +537 176 2 886031606 +537 178 4 886030767 +537 179 4 886031105 +537 180 4 886031342 +537 181 2 886031437 +537 182 4 886030862 +537 183 3 886031407 +537 184 3 886032246 +537 185 4 886030805 +537 186 4 886031211 +537 187 4 886030767 +537 188 4 886030891 +537 190 4 886030552 +537 191 4 886030862 +537 192 4 886031473 +537 193 4 886031375 +537 194 3 886030891 +537 195 3 886031407 +537 196 3 886030831 +537 197 4 886030891 +537 198 2 886030652 +537 199 4 886030682 +537 200 3 886031473 +537 201 3 886031831 +537 202 3 886031540 +537 203 4 886031437 +537 204 3 886031786 +537 205 5 886031297 +537 207 4 886030682 +537 208 4 886031297 +537 209 4 886030966 +537 210 3 886031912 +537 211 4 886030831 +537 212 3 886032123 +537 213 4 886031830 +537 215 3 886031342 +537 216 3 886031540 +537 221 3 886029841 +537 222 2 886029974 +537 224 3 886030109 +537 226 2 886032000 +537 228 3 886031474 +537 230 2 886031860 +537 231 3 886032246 +537 234 3 886031211 +537 235 1 886030317 +537 236 3 886029726 +537 237 3 886030011 +537 238 4 886030966 +537 239 2 886031933 +537 241 3 886031540 +537 242 3 886028498 +537 243 1 886029239 +537 258 4 886029286 +537 259 1 886029116 +537 262 5 886028446 +537 265 3 886031473 +537 268 4 886028647 +537 269 3 886028446 +537 270 3 886028498 +537 271 2 886028791 +537 272 4 886028446 +537 273 3 886029727 +537 274 2 886030235 +537 275 4 886029806 +537 276 4 886029806 +537 277 2 886029973 +537 279 2 886030177 +537 281 1 886030281 +537 283 4 886029889 +537 284 3 886030347 +537 285 4 886029806 +537 286 3 886028498 +537 288 2 886028706 +537 289 1 886029153 +537 290 2 886030254 +537 291 2 886030235 +537 292 2 886029116 +537 294 1 886029083 +537 299 2 886028791 +537 300 1 886028446 +537 301 2 886028647 +537 302 4 886028446 +537 303 4 886028706 +537 305 4 886028498 +537 306 3 886028604 +537 307 3 886028791 +537 310 3 886028647 +537 311 3 886028446 +537 313 4 886028446 +537 314 1 886029239 +537 315 4 886029116 +537 317 3 886031786 +537 318 4 886030707 +537 319 4 886028604 +537 321 3 886028791 +537 322 1 886029153 +537 323 1 886029211 +537 325 1 886029153 +537 327 2 886028730 +537 328 2 886029083 +537 330 2 886029488 +537 333 2 886028707 +537 337 3 886029526 +537 338 1 886029239 +537 340 4 886028604 +537 343 2 886029153 +537 345 4 886028446 +537 346 3 886028544 +537 347 4 886028845 +537 349 1 886028845 +537 352 1 886028544 +537 357 4 886030707 +537 371 3 886031407 +537 378 2 886032154 +537 380 2 886032154 +537 381 3 886031678 +537 382 3 886030938 +537 385 2 886032098 +537 387 4 886031860 +537 392 2 886032245 +537 399 2 886032246 +537 402 1 886031752 +537 404 3 886031720 +537 405 2 886030381 +537 414 4 886030938 +537 417 2 886031831 +537 419 2 886031342 +537 421 2 886030863 +537 423 2 886030622 +537 425 3 886031297 +537 426 1 886032154 +537 427 4 886030831 +537 428 4 886031506 +537 429 3 886030863 +537 430 3 886031297 +537 431 4 886031678 +537 433 4 886031634 +537 434 3 886031211 +537 435 3 886031933 +537 443 3 886031752 +537 445 3 886030767 +537 447 3 886031752 +537 448 3 886032001 +537 455 1 886030317 +537 457 1 886029444 +537 458 3 886030176 +537 459 3 886030381 +537 460 2 886030442 +537 461 3 886031105 +537 462 3 886030805 +537 463 3 886030738 +537 464 4 886031506 +537 466 4 886031149 +537 467 3 886031634 +537 468 2 886032029 +537 469 3 886030652 +537 470 2 886032029 +537 471 3 886030012 +537 472 2 886030415 +537 474 5 886030805 +537 478 4 886030938 +537 479 4 886030938 +537 480 4 886030622 +537 482 4 886031375 +537 483 4 886030583 +537 484 4 886031105 +537 485 3 886031576 +537 486 3 886031149 +537 488 4 886030622 +537 489 3 886030738 +537 490 4 886031786 +537 491 4 886030584 +537 492 3 886031342 +537 493 4 886030707 +537 494 4 886031752 +537 495 2 886031678 +537 496 4 886030831 +537 497 4 886030863 +537 498 3 886031105 +537 499 3 886031634 +537 501 3 886032000 +537 504 3 886030652 +537 506 3 886031860 +537 508 4 886030108 +537 509 4 886031540 +537 510 3 886031575 +537 511 5 886030652 +537 512 3 886031438 +537 513 4 886030891 +537 514 4 886030583 +537 515 4 886031297 +537 516 3 886030966 +537 517 4 886031341 +537 518 4 886031105 +537 519 3 886030584 +537 521 2 886030831 +537 523 3 886030682 +537 525 3 886030891 +537 526 3 886031720 +537 527 4 886031860 +537 528 3 886030805 +537 529 3 886031375 +537 530 4 886030768 +537 539 1 886029212 +537 543 5 886031074 +537 547 1 886029771 +537 549 2 886031965 +537 550 2 886032246 +537 553 2 886032123 +537 557 3 886032245 +537 558 4 886030584 +537 566 2 886032183 +537 568 2 886031912 +537 569 2 886032183 +537 573 2 886031886 +537 581 3 886031886 +537 582 3 886030966 +537 584 2 886031678 +537 588 1 886031473 +537 591 3 886030051 +537 602 3 886031634 +537 603 4 886030622 +537 604 3 886031211 +537 606 3 886030938 +537 607 4 886030682 +537 609 3 886031606 +537 610 4 886031912 +537 613 3 886031831 +537 614 3 886031473 +537 615 3 886031074 +537 616 2 886031752 +537 625 3 886032184 +537 628 2 886030177 +537 633 3 886031342 +537 638 3 886030682 +537 639 2 886031438 +537 640 3 886031211 +537 641 4 886031178 +537 642 4 886031342 +537 644 5 886031438 +537 646 2 886030552 +537 647 4 886030891 +537 648 4 886031505 +537 649 3 886031720 +537 651 3 886030862 +537 652 3 886031074 +537 653 4 886030738 +537 654 3 886031506 +537 655 3 886030831 +537 657 3 886030966 +537 660 3 886031149 +537 661 4 886031149 +537 663 3 886031540 +537 664 3 886031634 +537 670 2 886031342 +537 673 3 886031505 +537 675 3 886031860 +537 676 4 886029889 +537 678 1 886029181 +537 681 1 886029488 +537 682 1 886029083 +537 684 3 886030738 +537 687 1 886029526 +537 688 1 886029153 +537 689 1 886029239 +537 690 2 886028604 +537 693 4 886031786 +537 694 4 886031407 +537 697 2 886031966 +537 698 3 886031178 +537 699 4 886031149 +537 702 3 886031375 +537 703 3 886031859 +537 705 3 886031074 +537 707 4 886031576 +537 708 3 886031860 +537 709 4 886031342 +537 713 3 886030177 +537 714 3 886031886 +537 715 4 886032029 +537 718 4 886029771 +537 721 2 886031752 +537 723 2 886032098 +537 724 3 886031886 +537 727 2 886032245 +537 730 3 886031211 +537 732 3 886031912 +537 733 3 886031297 +537 735 3 886031576 +537 736 3 886031634 +537 739 1 886032154 +537 741 2 886030199 +537 744 3 886030380 +537 745 2 886031074 +537 746 3 886031149 +537 749 2 886028544 +537 750 3 886028498 +537 753 2 886030622 +537 762 3 886030051 +537 770 3 886031913 +537 772 3 886031297 +537 778 3 886031106 +537 782 3 886031831 +537 789 2 886030805 +537 792 3 886030805 +537 806 3 886031074 +537 837 3 886031211 +537 845 2 886030078 +537 848 3 886030552 +537 855 3 886030937 +537 873 2 886029211 +537 874 3 886029083 +537 875 1 886028544 +537 882 4 886028791 +537 890 1 886029526 +537 894 1 886029526 +537 896 3 886028604 +537 901 1 886029488 +537 919 4 886030012 +537 921 3 886031074 +537 922 3 886030442 +537 923 3 886031342 +537 924 3 886030254 +537 928 1 886030442 +537 937 3 886029488 +537 942 3 886031913 +537 948 1 886029239 +537 950 3 886030347 +537 953 3 886031473 +537 955 4 886031149 +537 956 4 886031751 +537 958 2 886030652 +537 959 3 886032154 +537 960 3 886031540 +537 963 3 886030805 +537 964 3 886031407 +537 965 2 886031540 +537 966 2 886032098 +537 970 3 886032184 +537 971 4 886031375 +537 972 3 886032123 +537 975 3 886030281 +537 978 2 886029841 +537 979 2 886030317 +537 980 3 886030051 +537 988 1 886029488 +537 990 2 886029153 +537 1005 3 886031752 +537 1006 2 886032245 +537 1008 2 886030078 +537 1009 2 886030254 +537 1010 2 886030381 +537 1011 3 886030416 +537 1019 1 886031606 +537 1025 1 886029488 +537 1045 3 886032154 +537 1048 2 886030381 +537 1050 2 886031575 +537 1065 1 886030738 +537 1068 3 886029974 +537 1069 2 886030938 +537 1070 3 886031678 +537 1073 3 886031149 +537 1084 3 886030050 +537 1101 3 886031720 +537 1103 4 886031407 +537 1105 1 886029153 +537 1111 3 886031506 +537 1113 3 886031606 +537 1129 1 886030051 +537 1134 3 886030176 +537 1139 2 886032000 +537 1147 3 886031473 +537 1154 1 886032000 +537 1163 1 886030347 +537 1166 2 886031886 +537 1194 3 886030584 +537 1197 3 886029889 +537 1245 3 886030051 +537 1267 3 886032123 +537 1335 3 886030347 +537 1400 2 886031678 +537 1404 2 886032204 +537 1420 1 886029181 +537 1445 3 886031576 +537 1451 3 886030552 +537 1475 2 886031786 +538 4 3 877107726 +538 11 4 877109516 +538 12 4 877107633 +538 22 5 877107232 +538 28 3 877107491 +538 31 3 877109422 +538 42 1 877108077 +538 50 5 877107656 +538 58 4 877109688 +538 79 4 877107050 +538 82 4 877107558 +538 88 2 877108078 +538 89 4 877109831 +538 96 4 877109669 +538 100 4 877109748 +538 121 3 877110209 +538 127 5 877107231 +538 137 3 877108372 +538 143 3 877364003 +538 144 4 877107558 +538 153 4 877106976 +538 162 3 877363863 +538 164 3 877108631 +538 168 3 877107408 +538 172 4 877107765 +538 173 3 877107914 +538 174 4 877106619 +538 176 4 877106918 +538 181 3 877107700 +538 182 4 877107408 +538 183 4 877106768 +538 187 5 877107840 +538 188 4 877108195 +538 191 5 877106665 +538 195 4 877108919 +538 199 5 877364067 +538 202 4 877108250 +538 204 3 877363950 +538 208 3 877107085 +538 210 3 877106665 +538 211 4 877109986 +538 213 3 877364067 +538 215 5 877107536 +538 223 4 877107700 +538 234 3 877108077 +538 237 4 877109986 +538 258 3 877095640 +538 273 3 877107879 +538 275 4 877107050 +538 276 1 877107340 +538 289 1 877095667 +538 294 3 877095702 +538 317 4 877107765 +538 318 5 877106768 +538 381 3 877110175 +538 385 3 877108345 +538 405 3 877109564 +538 423 4 877108919 +538 483 5 877109932 +538 496 5 877107491 +538 527 3 877364067 +538 528 5 877107536 +538 566 3 877107765 +538 568 3 877107491 +538 642 3 877107633 +538 655 3 877108345 +538 710 3 877107726 +538 712 3 877109773 +538 735 3 877108785 +538 956 3 877107914 +538 963 4 877363775 +539 19 5 879788007 +539 50 3 879788136 +539 56 2 879788046 +539 59 5 879788224 +539 69 5 879787801 +539 124 4 879788480 +539 127 3 879788046 +539 131 4 879788159 +539 132 5 879788284 +539 133 4 879788136 +539 153 5 879788533 +539 163 4 879788572 +539 185 4 879788101 +539 202 5 879788405 +539 204 4 879788045 +539 215 4 879788623 +539 236 3 879788345 +539 238 3 879788045 +539 239 3 879788572 +539 242 5 879787770 +539 258 4 879787770 +539 269 5 879787770 +539 275 4 879787917 +539 286 4 879787771 +539 289 4 879787770 +539 301 5 879787770 +539 303 5 879787770 +539 306 4 879787770 +539 319 5 879787770 +539 340 2 879787771 +539 357 4 879787917 +539 367 3 879787801 +539 372 2 879787985 +539 382 5 879787825 +539 483 5 879788101 +539 487 3 879788101 +539 496 3 879787985 +539 531 4 879788572 +539 603 4 879787985 +539 610 4 879788533 +539 640 2 879788101 +539 660 5 879788346 +539 661 5 879788045 +539 962 4 879788195 +539 963 4 879788533 +539 1211 3 879788371 +540 1 3 882157126 +540 7 4 882157011 +540 9 5 882156965 +540 13 4 882157585 +540 15 3 882157084 +540 20 4 882157509 +540 25 4 882157635 +540 50 5 882156948 +540 100 5 882156948 +540 109 4 882157194 +540 111 4 882157148 +540 117 4 882157706 +540 121 2 882157148 +540 125 3 882157011 +540 147 3 882157612 +540 150 3 882157036 +540 181 4 882157060 +540 220 3 882157820 +540 222 4 882157224 +540 245 3 882157172 +540 250 4 882157172 +540 257 4 882157584 +540 258 4 882156584 +540 269 4 882156584 +540 270 4 882156731 +540 274 4 882157662 +540 276 4 882157061 +540 280 3 882157797 +540 281 3 882157011 +540 286 4 882156584 +540 293 4 882157084 +540 300 3 882156618 +540 332 4 882156677 +540 333 4 882156617 +540 340 4 882156710 +540 343 4 882156677 +540 405 3 882157612 +540 455 4 882157477 +540 471 4 882157706 +540 473 3 882157687 +540 475 4 882156983 +540 508 4 882156983 +540 515 5 882157105 +540 597 4 882157248 +540 628 3 882157148 +540 741 3 882157797 +540 742 4 882157584 +540 762 4 882157545 +540 825 4 882157172 +540 1011 4 882157509 +540 1014 4 882157224 +540 1016 4 882157662 +540 1226 4 882157732 +541 8 5 883874645 +541 15 3 883864806 +541 28 4 883864739 +541 29 2 883865336 +541 38 3 883871617 +541 50 5 884046910 +541 62 4 883871644 +541 63 3 883866049 +541 66 4 883865929 +541 71 5 883874716 +541 73 4 883865693 +541 79 5 883871524 +541 82 3 883871562 +541 83 5 883864806 +541 88 3 883865738 +541 90 4 883866093 +541 91 5 883874683 +541 95 4 883874682 +541 99 4 883874717 +541 102 4 883874778 +541 110 4 883866114 +541 111 1 884645883 +541 118 4 883871670 +541 121 3 883871695 +541 139 3 884047204 +541 140 5 883874682 +541 142 5 883874778 +541 151 3 883874717 +541 168 4 883865555 +541 172 5 884645816 +541 173 5 883865534 +541 174 4 883871524 +541 181 5 884046910 +541 196 4 883864928 +541 204 4 884645816 +541 210 5 883865575 +541 215 4 885595771 +541 222 4 883864848 +541 225 4 885595846 +541 234 5 883874433 +541 235 1 883866049 +541 254 3 884046953 +541 257 5 884046320 +541 258 4 883864123 +541 259 1 884046888 +541 265 5 885595654 +541 278 2 883875063 +541 304 4 883864207 +541 376 3 883866210 +541 378 5 883864908 +541 393 3 883865693 +541 395 2 883866300 +541 399 3 883866093 +541 402 3 883864946 +541 403 3 883865110 +541 404 4 883874646 +541 405 3 883871695 +541 417 4 883874749 +541 418 5 883874646 +541 420 4 883874749 +541 423 3 883864985 +541 427 4 883864638 +541 432 4 883874716 +541 452 3 883874518 +541 459 5 884047153 +541 468 4 883865007 +541 474 5 884047153 +541 476 5 883866007 +541 477 4 883865654 +541 500 4 883874682 +541 501 4 883874682 +541 511 4 883864739 +541 526 4 883865088 +541 527 3 883864638 +541 542 1 884046888 +541 543 4 883875432 +541 553 4 883865289 +541 584 3 883874646 +541 585 2 883866114 +541 588 4 883874682 +541 596 4 884645816 +541 622 3 883874804 +541 623 3 883874778 +541 625 4 883874717 +541 627 4 883874749 +541 651 5 883864782 +541 654 3 883875215 +541 655 4 883864782 +541 659 5 883865555 +541 660 5 883865039 +541 676 3 883865063 +541 678 5 883864160 +541 699 4 883864985 +541 709 5 885595735 +541 732 3 883865173 +541 755 5 883874716 +541 756 4 883866028 +541 769 1 884046888 +541 781 5 883866093 +541 812 3 883874872 +541 826 3 883871755 +541 843 4 884645883 +541 877 1 884046888 +541 924 5 883865133 +541 931 3 883875370 +541 941 4 883865394 +541 946 5 883874749 +541 993 4 884046295 +541 1030 3 885595972 +541 1035 3 883874749 +541 1036 2 883866280 +541 1041 3 883865929 +541 1047 2 883866173 +541 1053 3 883865317 +541 1074 1 884046888 +541 1078 4 883874834 +541 1084 4 883864569 +541 1091 3 883874804 +541 1185 2 883866028 +541 1315 1 884046202 +541 1409 4 883874778 +541 1412 1 883874834 +541 1442 1 884046888 +542 1 4 886532534 +542 8 3 886532908 +542 11 2 886533710 +542 12 4 886533774 +542 13 4 886533002 +542 15 2 886533483 +542 22 3 886532314 +542 23 5 886532602 +542 41 4 886533068 +542 42 3 886532726 +542 47 5 886532855 +542 48 5 886533452 +542 50 4 886532209 +542 58 4 886532571 +542 63 3 886533090 +542 64 4 886533421 +542 70 4 886532788 +542 71 3 886533562 +542 72 3 886532818 +542 73 3 886533227 +542 80 3 886533142 +542 87 3 886532676 +542 88 3 886532727 +542 89 4 886532294 +542 90 4 886533227 +542 94 3 886533021 +542 95 3 886533562 +542 97 4 886533754 +542 99 5 886533587 +542 100 4 886532432 +542 109 4 886532416 +542 121 2 886532381 +542 122 3 886533253 +542 127 5 886532294 +542 132 3 886532620 +542 150 2 886532908 +542 168 4 886532602 +542 172 4 886532265 +542 173 4 886532265 +542 175 3 886532762 +542 179 4 886532571 +542 180 3 886532602 +542 181 4 886532359 +542 186 4 886532909 +542 187 4 886533395 +542 191 5 886532338 +542 192 5 886533421 +542 194 4 886532534 +542 195 3 886532294 +542 196 4 886533452 +542 202 3 886532314 +542 204 3 886532762 +542 206 2 886532602 +542 208 4 886532881 +542 209 4 886532762 +542 210 3 886532706 +542 214 3 886533452 +542 230 4 886533774 +542 235 3 886533228 +542 237 4 886532238 +542 238 4 886532706 +542 240 3 886533142 +542 246 3 886532359 +542 249 4 886532432 +542 265 4 886532238 +542 273 3 886532466 +542 282 3 886533452 +542 288 2 886532149 +542 293 3 886532466 +542 315 4 886532120 +542 318 4 886532602 +542 319 3 886532950 +542 321 4 886532928 +542 346 3 886532149 +542 347 3 886532176 +542 357 5 886532534 +542 382 3 886532726 +542 384 3 886533227 +542 386 3 886533046 +542 393 3 886533142 +542 396 4 886533112 +542 399 2 886533172 +542 401 3 886533193 +542 410 4 886532971 +542 411 4 886533275 +542 418 4 886533562 +542 420 3 886533587 +542 423 4 886532676 +542 427 5 886532294 +542 432 5 886532552 +542 433 3 886532838 +542 435 4 886532818 +542 451 3 886532971 +542 475 3 886532359 +542 479 4 886532265 +542 501 4 886533562 +542 508 3 886532762 +542 509 4 886532209 +542 523 4 886532788 +542 531 4 886533452 +542 585 2 886533068 +542 588 4 886533562 +542 625 3 886533588 +542 627 3 886533604 +542 648 4 886532950 +542 655 4 886532908 +542 684 4 886532238 +542 695 2 886532788 +542 732 3 886533227 +542 734 3 886533303 +542 744 2 886532676 +542 746 4 886532838 +542 763 4 886533253 +542 772 4 886533694 +542 775 2 886533253 +542 780 3 886533003 +542 789 3 886532909 +542 790 3 886533090 +542 818 4 886533112 +542 864 3 886533112 +542 871 2 886533142 +542 952 4 886533193 +542 959 3 886532971 +542 1061 2 886533275 +542 1098 4 886532818 +543 2 3 877546306 +543 4 4 875658853 +543 8 4 875658853 +543 9 4 876382812 +543 11 3 874866116 +543 12 5 875665787 +543 13 3 876896210 +543 14 4 876896210 +543 16 3 875655073 +543 22 3 877545230 +543 23 4 874864183 +543 24 3 874861639 +543 28 4 875663543 +543 29 2 877546306 +543 38 3 877545717 +543 44 3 874865728 +543 47 3 877547672 +543 53 3 877547190 +543 56 5 874866535 +543 59 4 875659256 +543 60 5 874864346 +543 61 4 875659098 +543 62 3 875663687 +543 64 4 874863336 +543 66 3 874866535 +543 69 4 874863436 +543 70 4 874863155 +543 71 4 874864870 +543 79 4 877545356 +543 82 4 877545605 +543 83 4 877547441 +543 86 4 876896210 +543 88 4 877550535 +543 89 4 877545605 +543 94 3 877550791 +543 95 3 874865728 +543 96 4 875665787 +543 97 3 874864346 +543 98 4 874863336 +543 102 4 874863155 +543 110 2 874865635 +543 111 4 874861699 +543 114 4 874864346 +543 118 3 874862036 +543 129 4 874862036 +543 134 5 874862967 +543 135 5 875667109 +543 144 4 874863269 +543 147 4 877543316 +543 153 3 874863035 +543 157 3 874863549 +543 160 3 874863803 +543 161 4 877545356 +543 163 4 874864870 +543 165 4 874863436 +543 168 3 875663170 +543 169 4 875663267 +543 170 4 874863269 +543 174 4 874864666 +543 177 4 877545356 +543 179 4 874862879 +543 180 4 874866208 +543 183 4 874864034 +543 185 4 875662979 +543 186 3 877550660 +543 187 4 874866535 +543 188 4 877545717 +543 190 5 875665787 +543 191 4 874863035 +543 192 4 874863878 +543 194 3 874864870 +543 195 4 874863155 +543 197 4 874866116 +543 198 4 876896210 +543 199 4 875663056 +543 200 4 874864870 +543 202 4 874863734 +543 204 4 874864737 +543 210 3 875721967 +543 211 4 877547441 +543 212 4 875659175 +543 214 3 874864421 +543 216 4 874864666 +543 218 3 874864034 +543 226 4 875663372 +543 233 4 877545716 +543 234 4 876896210 +543 237 4 876896210 +543 238 3 874866319 +543 239 2 877550660 +543 249 2 888209667 +543 252 3 889308778 +543 265 4 877545356 +543 272 3 888300821 +543 302 4 887912238 +543 303 4 875664365 +543 313 3 887912223 +543 318 3 874863549 +543 324 3 890723992 +543 357 4 874863803 +543 367 4 876105366 +543 371 5 875665787 +543 381 4 877547580 +543 385 3 877545717 +543 391 3 877547190 +543 397 3 877547005 +543 403 4 875663543 +543 410 3 877453103 +543 423 3 874863035 +543 432 4 874862967 +543 443 4 874864857 +543 461 3 875659175 +543 462 4 874864182 +543 463 3 874864034 +543 466 4 874864094 +543 469 4 875663056 +543 471 3 875657863 +543 474 5 875665787 +543 479 4 874866208 +543 480 4 876896210 +543 508 4 874861792 +543 509 3 874863734 +543 513 4 874863035 +543 515 4 876896210 +543 516 4 876896210 +543 518 3 874864736 +543 519 4 875662979 +543 521 4 874865636 +543 528 4 874864666 +543 529 4 874866208 +543 531 4 874864347 +543 550 2 877547005 +543 562 2 877547004 +543 566 4 877545605 +543 568 3 877547005 +543 576 4 877546306 +543 578 3 877546305 +543 582 3 874863550 +543 586 3 877547190 +543 603 5 875665787 +543 636 3 876718718 +543 642 3 874863803 +543 647 3 874864182 +543 651 3 877546306 +543 656 4 875665787 +543 660 3 875659098 +543 663 4 874866208 +543 664 4 874863336 +543 684 4 874864737 +543 692 4 877547580 +543 694 4 874862966 +543 700 2 874865923 +543 702 2 877550399 +543 704 3 875662979 +543 709 3 874866535 +543 715 3 877550534 +543 720 2 877546306 +543 730 3 874864346 +543 732 3 877547863 +543 735 4 874863269 +543 737 3 874866535 +543 742 3 874861699 +543 748 3 876110379 +543 761 2 876105554 +543 770 4 874863803 +543 778 4 877550399 +543 792 4 877550535 +543 796 3 877550790 +543 810 3 877547004 +543 831 2 876718718 +543 855 4 875663543 +543 919 2 874863549 +543 936 4 888209568 +543 944 3 877547863 +543 947 4 877545605 +543 982 3 877452676 +543 1014 4 875655073 +543 1073 3 874863269 +543 1099 4 874863878 +543 1159 5 875665787 +543 1174 3 876894981 +543 1199 2 877542776 +543 1416 2 876718718 +543 1441 3 874863436 +543 1524 4 874866319 +543 1555 3 874863155 +543 1619 3 874865635 +544 258 3 884795135 +544 270 3 884795135 +544 286 4 884795135 +544 292 4 884795470 +544 294 2 884795581 +544 300 4 884795612 +544 301 2 884795580 +544 302 5 884795135 +544 304 3 884795135 +544 312 2 884796086 +544 323 2 884796016 +544 325 1 884796016 +544 326 3 884795580 +544 327 2 884795516 +544 332 3 884795437 +544 346 4 884795135 +544 689 2 884795706 +544 748 3 884795986 +544 749 4 884795471 +544 877 2 884795612 +544 1280 3 884795542 +545 1 5 879901359 +545 17 3 879899472 +545 25 2 880348933 +545 28 4 884133814 +545 29 3 880347984 +545 31 4 884133988 +545 50 5 879898644 +545 55 3 879899233 +545 62 5 879899438 +545 67 1 880348933 +545 68 4 879899266 +545 69 4 884133906 +545 71 5 879901459 +545 73 4 879900121 +545 77 3 884134704 +545 78 2 884134578 +545 79 4 879899233 +545 80 3 879900654 +545 82 4 879899266 +545 88 3 879901941 +545 94 3 879900794 +545 95 4 879901458 +545 96 5 879899233 +545 97 3 879901865 +545 98 5 879899861 +545 99 4 880347957 +545 101 4 879901538 +545 117 4 879899233 +545 121 5 879899299 +545 132 4 884134519 +545 135 4 884134060 +545 139 3 884134959 +545 142 3 884135088 +545 144 3 879899125 +545 151 4 880348074 +545 155 3 879902060 +545 161 4 879899472 +545 164 4 879899906 +545 167 3 879900731 +545 168 4 879900156 +545 172 5 879899125 +545 173 5 879900185 +545 174 4 879899125 +545 175 4 879899641 +545 176 4 879899125 +545 177 3 879899299 +545 181 5 879898644 +545 182 3 883115423 +545 183 4 879899125 +545 188 2 879899233 +545 193 3 884133988 +545 194 3 879899677 +545 195 4 879899158 +545 196 4 884133859 +545 199 4 880347770 +545 202 4 879900388 +545 203 4 880347831 +545 204 4 879899641 +545 205 4 884134276 +545 208 3 879899619 +545 210 5 879899158 +545 211 3 879900586 +545 215 3 884133881 +545 217 5 879899934 +545 218 4 879899906 +545 219 2 880348933 +545 222 4 879899157 +545 227 4 879899380 +545 228 5 879899266 +545 230 5 879899327 +545 231 4 879899472 +545 232 3 883115515 +545 233 4 879899380 +545 234 3 879899905 +545 254 4 879898995 +545 257 5 879898678 +545 258 3 879898617 +545 265 4 883115423 +545 266 2 879898447 +545 271 3 879898362 +545 326 3 879898447 +545 328 4 879898301 +545 373 3 879899523 +545 378 3 884134177 +545 379 4 879900010 +545 380 3 884134628 +545 384 3 879900863 +545 385 3 879899266 +545 386 2 884134780 +545 388 3 880347984 +545 391 2 883115552 +545 393 4 879900891 +545 395 4 879901092 +545 399 4 879900794 +545 403 5 879899380 +545 404 4 884133839 +545 405 4 879899380 +545 413 4 879899977 +545 419 3 884134177 +545 423 4 884134114 +545 426 3 879901483 +545 431 3 879899472 +545 434 3 884134177 +545 444 3 879899978 +545 449 2 879899497 +545 450 2 883115718 +545 451 3 879900366 +545 474 3 884134205 +545 491 3 884134035 +545 510 3 880347957 +545 520 4 884133794 +545 541 4 879899548 +545 542 2 880348933 +545 546 3 879901281 +545 549 4 879901920 +545 550 3 879899327 +545 551 4 879900053 +545 554 3 879899497 +545 563 3 879900011 +545 566 4 879899438 +545 568 3 879899299 +545 569 3 879900011 +545 575 3 879900985 +545 578 4 884134936 +545 588 4 879901459 +545 627 3 879901504 +545 633 3 884133963 +545 636 3 879899472 +545 665 3 879899299 +545 679 2 879899438 +545 680 2 879898486 +545 684 4 879899380 +545 689 4 879898362 +545 692 3 879900654 +545 710 3 879900227 +545 720 3 883115664 +545 729 3 884134114 +545 732 4 879899619 +545 739 4 884134780 +545 742 4 880347813 +545 743 3 879901322 +545 746 4 879900321 +545 751 3 883115062 +545 820 3 879901359 +545 890 2 880347690 +545 944 4 879900731 +545 968 5 884134395 +545 993 2 879898802 +545 1028 4 879900731 +545 1091 3 879901483 +545 1188 3 883115515 +545 1228 3 884134603 +546 5 5 885141411 +546 7 5 885140689 +546 17 4 885141411 +546 50 5 885140368 +546 53 5 885141502 +546 98 5 885141332 +546 100 3 885140706 +546 109 5 885141260 +546 118 5 885141260 +546 121 5 885140909 +546 145 4 885141502 +546 164 4 885141360 +546 181 5 885140754 +546 185 4 885141360 +546 200 5 885141332 +546 219 5 885141439 +546 234 4 885141332 +546 236 4 885141260 +546 250 4 885141260 +546 258 4 885139634 +546 271 5 885139779 +546 286 2 885139580 +546 288 4 885141260 +546 294 1 885139779 +546 300 3 885139842 +546 313 2 885139580 +546 322 4 885139921 +546 343 3 885140117 +546 346 5 885139634 +546 379 4 885141465 +546 413 4 885140808 +546 436 5 885141438 +546 447 3 885141360 +546 457 1 885139608 +546 567 4 885141502 +546 590 4 885141538 +546 665 2 885141411 +546 672 3 885141438 +546 682 3 885140097 +546 690 2 885139693 +546 751 3 885139871 +546 758 4 885140808 +546 760 5 885140808 +546 769 4 885141465 +546 816 3 885141411 +546 892 4 885141260 +546 898 4 885141260 +546 928 4 885141132 +546 977 5 885140939 +547 258 4 891282596 +547 269 3 891282555 +547 301 3 891282680 +547 311 2 891282699 +547 312 4 891282824 +547 316 5 891282797 +547 321 4 891282732 +547 328 4 891282757 +547 332 3 891282681 +547 333 4 891282555 +547 347 4 891282680 +547 354 4 891282640 +547 751 4 891282597 +548 1 4 891043182 +548 3 1 891415967 +548 7 5 891044304 +548 9 1 891043008 +548 12 5 891044356 +548 13 1 891415677 +548 14 1 891043182 +548 15 2 891415854 +548 17 3 891044596 +548 23 5 891044410 +548 25 2 891415746 +548 31 5 891044481 +548 39 5 891044481 +548 50 5 891044304 +548 55 5 891044482 +548 56 5 891044356 +548 79 5 891044482 +548 98 5 891044410 +548 100 5 891044304 +548 117 4 891415384 +548 118 5 891415855 +548 121 5 891415939 +548 127 5 891043008 +548 151 1 891415786 +548 156 5 891044356 +548 164 5 891044446 +548 176 4 891044355 +548 181 4 891043008 +548 183 5 891044410 +548 185 5 891044356 +548 203 5 891044446 +548 218 4 891044538 +548 222 5 891044596 +548 226 5 891044596 +548 229 5 891044596 +548 233 5 891044596 +548 234 4 891044356 +548 237 4 891415540 +548 245 4 891042624 +548 248 4 891043852 +548 250 5 891044304 +548 252 3 891043977 +548 254 1 891043999 +548 257 5 891044304 +548 258 4 891042474 +548 264 4 891043547 +548 270 5 891044304 +548 271 3 891043509 +548 272 2 891042194 +548 273 5 891044411 +548 275 3 891415411 +548 276 3 891415512 +548 277 3 891415540 +548 281 4 891044538 +548 282 4 891415384 +548 283 3 891415572 +548 284 3 891415619 +548 286 1 891042194 +548 288 3 891042794 +548 291 5 891415677 +548 292 4 891042530 +548 293 4 891043760 +548 294 3 891042954 +548 295 5 891044304 +548 298 4 891043882 +548 300 5 891044304 +548 302 4 891042194 +548 305 1 891042624 +548 307 4 891042474 +548 310 3 891042474 +548 313 5 891044304 +548 315 3 891415258 +548 316 4 891044139 +548 322 4 891043509 +548 323 4 891043547 +548 326 4 891043278 +548 327 3 891042794 +548 328 4 891042954 +548 331 4 891042530 +548 333 4 891042624 +548 340 1 891042794 +548 343 4 891043547 +548 344 1 891042530 +548 345 1 891042194 +548 346 4 891042624 +548 347 2 891415257 +548 358 2 891043547 +548 370 3 891416050 +548 405 4 891415643 +548 413 3 891416049 +548 431 5 891044446 +548 443 4 891044446 +548 460 4 891416122 +548 466 5 891044446 +548 471 5 891415709 +548 472 2 891415967 +548 475 4 891415411 +548 504 5 891044482 +548 515 5 891044304 +548 525 5 891044446 +548 532 4 891043910 +548 539 2 891415257 +548 546 4 891415815 +548 581 4 891044596 +548 591 3 891415465 +548 595 4 891416071 +548 597 4 891415890 +548 603 5 891044356 +548 619 3 891415786 +548 628 2 891415890 +548 636 4 891044538 +548 642 4 891044538 +548 649 4 891044538 +548 654 5 891044411 +548 659 4 891044446 +548 678 4 891043547 +548 683 4 891042954 +548 690 3 891042475 +548 696 4 891415912 +548 717 4 891416050 +548 742 5 891044596 +548 748 3 891043910 +548 750 4 891042353 +548 751 4 891042851 +548 762 4 891415709 +548 882 4 891043442 +548 887 4 891043442 +548 898 1 891043509 +548 905 4 891044198 +548 924 3 891415786 +548 925 2 891415709 +548 928 3 891415890 +548 950 4 891415643 +548 978 2 891416122 +548 991 1 891044050 +548 1011 2 891415746 +548 1013 3 891043910 +548 1014 4 891043932 +548 1016 4 891043882 +548 1025 4 891043278 +548 1047 4 891416011 +548 1051 4 891415677 +548 1089 2 891044049 +548 1244 4 891043953 +548 1278 4 891416371 +549 24 3 881672556 +549 50 5 881672199 +549 100 4 881672333 +549 151 3 881672300 +549 225 3 881672804 +549 252 3 881672538 +549 258 5 881671833 +549 288 4 881672605 +549 323 2 881671879 +549 405 4 881672556 +549 472 3 881672408 +549 515 5 881672276 +549 678 3 881671982 +549 866 4 881672573 +549 1047 3 881672700 +550 1 3 883425913 +550 15 5 883426027 +550 181 5 883425283 +550 222 4 883425979 +550 237 3 883426119 +550 243 2 883426119 +550 249 4 883425388 +550 252 1 883426119 +550 254 1 883426119 +550 255 3 883425388 +550 257 4 883425337 +550 258 5 883425409 +550 259 2 883426119 +550 271 5 883425652 +550 275 4 883425958 +550 294 3 883426119 +550 300 4 883425652 +550 313 5 883425610 +550 323 5 883425465 +550 405 4 883426027 +550 538 5 883425812 +550 596 2 883426119 +550 682 4 883425783 +550 688 3 883425762 +550 846 2 883426119 +550 877 4 883425723 +550 892 2 883426119 +550 924 4 883426027 +550 993 4 883425426 +550 1089 3 883425485 +551 2 2 892784780 +551 3 5 892784093 +551 4 2 892783711 +551 5 4 892783314 +551 7 5 892777638 +551 9 5 892776982 +551 11 5 892777052 +551 12 4 892776419 +551 13 1 892783411 +551 15 5 892782936 +551 17 5 892784942 +551 24 5 892783142 +551 25 1 892783366 +551 26 4 892785056 +551 28 4 892776982 +551 33 5 892778297 +551 34 4 892778336 +551 38 1 892784553 +551 40 1 892785056 +551 42 5 892783212 +551 43 2 892784976 +551 44 4 892777825 +551 49 3 892783281 +551 50 2 892776336 +551 51 5 892784780 +551 54 3 892784093 +551 55 5 892777753 +551 56 5 892776450 +551 58 5 892783451 +551 62 5 892784524 +551 64 5 892776380 +551 66 2 892783281 +551 67 5 892785164 +551 68 2 892783972 +551 69 4 892776982 +551 70 4 892783057 +551 71 4 892783281 +551 72 5 892783972 +551 73 2 892784130 +551 76 4 892778202 +551 77 3 892784130 +551 79 5 892776824 +551 80 1 892785300 +551 82 5 892783525 +551 84 1 892785020 +551 85 1 892783749 +551 88 4 892783314 +551 89 4 892777787 +551 90 1 892784199 +551 91 1 892783025 +551 92 5 892783672 +551 95 5 892783791 +551 96 5 892777987 +551 97 5 892777013 +551 98 5 892776524 +551 100 4 892776486 +551 111 5 892783612 +551 117 5 892782807 +551 118 5 892784008 +551 121 5 892783411 +551 125 4 892783791 +551 127 5 892776420 +551 128 4 892783829 +551 132 5 892777583 +551 135 5 892778129 +551 143 4 892777274 +551 144 5 892778035 +551 147 4 892783525 +551 150 3 892782807 +551 153 3 892777310 +551 155 4 892784259 +551 156 5 892777723 +551 157 4 892782765 +551 159 4 892784743 +551 161 5 892782936 +551 162 5 892783242 +551 164 4 892776650 +551 168 5 892777723 +551 172 2 892778164 +551 174 4 892776650 +551 176 4 892776876 +551 177 5 892777274 +551 180 5 892777052 +551 182 5 892776824 +551 183 4 892776824 +551 184 1 892777855 +551 185 5 892777885 +551 186 5 892783142 +551 187 5 892776450 +551 188 5 892783672 +551 192 5 892776750 +551 193 5 892777363 +551 195 5 892777052 +551 196 5 892776982 +551 198 5 892778035 +551 200 4 892782936 +551 202 4 892783177 +551 203 5 892782975 +551 204 4 892777673 +551 205 5 892776575 +551 209 5 892777123 +551 210 4 892777787 +551 211 5 892778035 +551 215 4 892778035 +551 216 5 892777609 +551 217 1 892784093 +551 218 5 892783212 +551 219 5 892784479 +551 222 5 892783411 +551 226 5 892783411 +551 227 5 892783488 +551 228 5 892783212 +551 229 5 892784779 +551 230 5 892782901 +551 232 5 892783365 +551 233 4 892784259 +551 234 4 892777092 +551 235 1 892784629 +551 237 4 892777825 +551 238 5 892777638 +551 240 3 892784673 +551 241 4 892783057 +551 245 3 892775723 +551 258 4 892775584 +551 264 3 892775970 +551 265 4 892776336 +551 268 4 892775516 +551 272 5 892775389 +551 273 4 892782865 +551 274 2 892783488 +551 276 5 892783451 +551 280 3 892778337 +551 281 5 892784320 +551 282 5 892777092 +551 284 4 892783110 +551 286 4 892775466 +551 288 4 892775466 +551 291 4 892778337 +551 294 4 892775824 +551 300 4 892775687 +551 302 3 892775389 +551 307 4 892775516 +551 310 4 892775516 +551 313 4 892775389 +551 315 5 892775389 +551 316 5 892696165 +551 317 5 892777092 +551 318 5 892776824 +551 324 3 892775824 +551 326 4 892775612 +551 328 5 892775584 +551 331 5 892775584 +551 332 4 892775547 +551 333 5 892775584 +551 334 4 892775970 +551 340 4 892775584 +551 343 4 892775869 +551 346 4 892775547 +551 351 3 892775894 +551 354 3 892775752 +551 355 4 892776041 +551 356 4 892783829 +551 357 5 892777274 +551 363 4 892784710 +551 365 5 892784524 +551 366 5 892784049 +551 380 3 892783488 +551 384 1 892785223 +551 385 5 892783791 +551 386 1 892785364 +551 393 5 892782901 +551 399 3 892785364 +551 402 4 892784049 +551 403 3 892782807 +551 405 3 892783612 +551 410 5 892784093 +551 411 1 892784437 +551 415 4 892784710 +551 421 4 892778202 +551 423 1 892782975 +551 431 4 892777583 +551 433 5 892777787 +551 447 5 892783711 +551 448 4 892783242 +551 451 1 892784976 +551 455 1 892783525 +551 460 3 892784320 +551 461 3 892778074 +551 468 5 892783559 +551 470 5 892783711 +551 471 5 892783365 +551 475 5 892777910 +551 476 5 892784259 +551 479 3 892776380 +551 505 5 892777397 +551 508 4 892783366 +551 509 4 892777274 +551 518 4 892783212 +551 520 4 892777339 +551 527 5 892777123 +551 531 5 892777485 +551 544 4 892784093 +551 546 2 892784673 +551 550 5 892784130 +551 552 3 892784259 +551 554 5 892783906 +551 559 5 892784479 +551 561 5 892785363 +551 566 5 892783212 +551 568 4 892783906 +551 570 4 892785264 +551 572 1 892784672 +551 578 5 892784672 +551 582 5 892783749 +551 583 3 892778369 +551 587 4 892783525 +551 591 5 892783612 +551 595 2 892784744 +551 596 5 892784049 +551 597 4 892784976 +551 603 5 892776524 +551 616 5 892777052 +551 627 3 892783906 +551 628 5 892783177 +551 636 5 892784130 +551 640 4 892783750 +551 651 4 892776750 +551 655 5 892783142 +551 658 5 892783559 +551 660 3 892783672 +551 672 1 892785056 +551 673 4 892778164 +551 684 5 892783212 +551 685 1 892782901 +551 686 3 892783829 +551 690 5 892775584 +551 692 4 892777092 +551 693 5 892777943 +551 696 2 892785194 +551 698 4 892782734 +551 708 1 892783830 +551 710 5 892777753 +551 715 1 892785128 +551 717 3 892785164 +551 719 1 892784898 +551 720 2 892784744 +551 721 5 892784898 +551 727 5 892783559 +551 728 2 892785331 +551 732 4 892783711 +551 735 5 892783110 +551 739 4 892784710 +551 742 5 892782838 +551 746 5 892777013 +551 747 3 892783025 +551 748 4 892775612 +551 751 4 892775797 +551 755 4 892784008 +551 756 1 892784437 +551 760 3 892784592 +551 761 1 892785164 +551 762 5 892784130 +551 763 5 892784008 +551 765 1 892785194 +551 770 2 892778244 +551 774 5 892783314 +551 779 4 892785399 +551 780 5 892785431 +551 790 2 892783942 +551 796 4 892785264 +551 802 4 892784437 +551 808 3 892783791 +551 809 5 892784629 +551 824 1 892784629 +551 825 5 892784049 +551 827 5 892784710 +551 833 3 892784166 +551 846 3 892783942 +551 849 5 892785128 +551 864 5 892785091 +551 875 4 892775970 +551 895 3 892775752 +551 912 3 892775723 +551 917 3 892775466 +551 924 5 892783451 +551 926 2 892785300 +551 941 4 892782734 +551 943 5 892783451 +551 944 2 892784320 +551 955 3 892783411 +551 959 5 892784166 +551 975 5 892784130 +551 979 4 892784479 +551 991 2 892775935 +551 1011 5 892783177 +551 1028 4 892785056 +551 1035 2 892778244 +551 1039 4 892777013 +551 1044 3 892785223 +551 1047 4 892785264 +551 1051 4 892784593 +551 1059 3 892785128 +551 1067 2 892785091 +551 1079 1 892785431 +551 1087 1 892784437 +551 1118 5 892784199 +551 1135 5 892785331 +551 1136 5 892784049 +551 1139 4 892785263 +551 1169 4 892778297 +551 1207 1 892785300 +551 1217 1 892784524 +551 1220 5 892784524 +551 1253 2 892784629 +551 1267 4 892783906 +551 1303 1 892785399 +551 1304 1 892783942 +551 1314 2 892783750 +551 1376 1 892784524 +551 1419 1 892785332 +551 1439 5 892783612 +551 1443 5 892784942 +551 1518 4 892785363 +551 1621 1 892785194 +552 1 3 879221716 +552 7 3 879221580 +552 13 3 879222238 +552 14 4 879221649 +552 15 3 879222484 +552 25 3 879221833 +552 50 4 879221876 +552 100 4 879221716 +552 111 3 879222238 +552 117 3 879222412 +552 121 4 879222698 +552 125 3 879222484 +552 126 4 879221876 +552 127 4 879221580 +552 147 3 879222412 +552 148 3 879222452 +552 151 3 879222238 +552 181 3 879221399 +552 222 4 879221764 +552 225 3 879221876 +552 237 4 879221617 +552 240 2 879222133 +552 243 3 879220651 +552 248 4 879221795 +552 250 3 879222336 +552 252 2 879222002 +552 257 3 879221795 +552 258 4 879220564 +552 274 3 879222162 +552 280 3 879222002 +552 281 3 879222306 +552 282 3 879222133 +552 284 3 879222071 +552 286 4 879220564 +552 288 2 879221267 +552 291 2 879222661 +552 294 4 879220688 +552 300 4 879220610 +552 301 4 879220720 +552 322 3 879220760 +552 323 2 879221267 +552 336 3 879221267 +552 405 3 879222268 +552 410 3 879222070 +552 411 3 879222002 +552 412 2 879222583 +552 515 3 879221543 +552 591 3 879222412 +552 619 3 879222632 +552 628 3 879221833 +552 717 3 879222368 +552 748 4 879220651 +552 756 2 879221683 +552 815 3 879222336 +552 826 2 879222002 +552 845 3 879222368 +552 866 3 879222002 +552 873 3 879220688 +552 926 2 879222698 +552 932 3 879222194 +552 934 3 879222336 +552 977 3 879222033 +552 988 3 879220650 +552 1014 4 879222520 +552 1047 3 879222521 +552 1048 3 879221683 +552 1051 3 879222238 +552 1095 3 879222738 +552 1152 3 879222002 +552 1277 3 879222763 +552 1278 3 879222452 +552 1315 3 879222452 +552 1362 3 879222698 +552 1620 3 879222071 +553 1 3 879949153 +553 8 3 879949290 +553 22 5 879949324 +553 23 5 879948806 +553 45 4 879948732 +553 50 4 879948732 +553 56 4 879949042 +553 81 3 879948732 +553 86 3 879948771 +553 99 5 879948508 +553 100 5 879948869 +553 111 4 879948869 +553 132 4 879948610 +553 134 4 879948806 +553 135 4 879948996 +553 136 4 879948655 +553 151 5 879949181 +553 153 5 879949107 +553 170 4 879948806 +553 174 4 879949073 +553 177 4 879949180 +553 178 5 879948460 +553 181 4 879948695 +553 182 3 879949290 +553 186 3 879948552 +553 187 5 879948609 +553 190 5 879949251 +553 191 4 879949153 +553 197 5 879948831 +553 205 4 879948869 +553 213 5 879949290 +553 218 4 879948996 +553 238 5 879948655 +553 275 5 879948552 +553 367 4 879949153 +553 378 3 879948655 +553 423 3 879948655 +553 427 5 879948508 +553 434 3 879948771 +553 435 4 879948869 +553 474 5 879948609 +553 478 4 879948964 +553 479 5 879948386 +553 480 5 879948552 +553 481 3 879948806 +553 482 4 879948831 +553 483 5 879948423 +553 484 5 879949324 +553 487 5 879948996 +553 490 4 879949073 +553 492 3 879949042 +553 497 4 879948460 +553 498 4 879949042 +553 505 5 879949107 +553 506 4 879948655 +553 507 3 879948831 +553 511 5 879948869 +553 513 4 879948806 +553 514 3 879948695 +553 515 5 879948386 +553 519 5 879949042 +553 520 5 879949153 +553 523 4 879948508 +553 524 5 879948996 +553 525 4 879949153 +553 527 3 879949290 +553 528 3 879949180 +553 559 3 879949251 +553 589 5 879948964 +553 603 5 879948695 +553 605 4 879949251 +553 607 4 879949107 +553 609 4 879948806 +553 611 5 879948386 +553 615 5 879949073 +553 617 4 879949042 +553 631 5 879948695 +553 638 3 879948732 +553 641 4 879948386 +553 648 4 879948552 +553 655 4 879949289 +553 657 5 879949212 +553 661 5 879949324 +553 1009 4 879949212 +553 1021 2 879949153 +553 1124 4 879948695 +553 1126 4 879948508 +553 1194 5 879948995 +553 1200 3 879948964 +553 1451 4 879949212 +554 1 3 876231938 +554 4 2 876369560 +554 7 3 876549087 +554 8 4 876550526 +554 11 4 876233069 +554 13 2 876232730 +554 14 4 876550182 +554 15 4 876231964 +554 21 1 876232212 +554 22 4 876232794 +554 28 4 876232758 +554 31 4 876369085 +554 43 3 876369968 +554 50 4 876550778 +554 56 4 876550257 +554 58 4 876549808 +554 66 3 876369615 +554 68 2 876368907 +554 69 5 876232682 +554 70 4 876369382 +554 71 4 876550257 +554 77 4 876550778 +554 79 5 876550491 +554 86 4 876369678 +554 87 4 876550654 +554 95 4 876550526 +554 98 5 876550491 +554 100 3 876231441 +554 111 4 876550526 +554 117 4 876231777 +554 118 4 876550257 +554 121 4 876232267 +554 125 3 876550913 +554 132 4 876550453 +554 133 4 876369272 +554 151 4 876550100 +554 172 5 876550372 +554 173 3 876369527 +554 174 5 876550257 +554 179 3 876369785 +554 181 4 876550100 +554 191 5 876243914 +554 202 4 876232956 +554 204 5 876550610 +554 209 4 876232997 +554 215 5 876550833 +554 216 3 876369162 +554 218 4 876550654 +554 220 3 876232109 +554 222 4 876231802 +554 223 3 876232996 +554 227 3 876369198 +554 229 3 876369907 +554 230 5 876369968 +554 237 3 876231570 +554 238 3 876232682 +554 245 3 876231229 +554 252 4 876232528 +554 265 4 876232956 +554 273 3 876231839 +554 274 3 876232317 +554 275 4 876231634 +554 276 3 876548886 +554 282 3 876232267 +554 284 3 876549009 +554 286 4 876231521 +554 288 3 876231123 +554 289 4 876549656 +554 294 3 876231229 +554 318 5 876369730 +554 328 4 878801354 +554 378 4 876549808 +554 405 4 876550654 +554 423 4 876550182 +554 526 4 876550100 +554 527 4 876233137 +554 531 4 876549731 +554 546 3 876231886 +554 576 4 876549377 +554 582 3 876232758 +554 595 3 876232109 +554 596 3 876232758 +554 597 4 876232176 +554 678 3 876231229 +554 684 4 876550342 +554 692 4 876549579 +554 696 3 876232023 +554 717 3 876232553 +554 728 3 876369995 +554 732 4 876550833 +554 735 3 876369162 +554 756 3 876231938 +554 770 1 876369382 +554 819 3 876231688 +554 820 2 876232176 +554 864 4 876231993 +554 866 3 876232486 +554 939 4 876550342 +554 1012 3 876231839 +554 1028 3 876551044 +554 1041 3 876369560 +554 1042 3 876550610 +554 1046 4 876550526 +554 1284 3 876232053 +555 7 4 879962172 +555 13 5 879964092 +555 21 4 879964265 +555 25 4 879963127 +555 47 2 879975505 +555 50 5 879962152 +555 87 4 879975505 +555 89 4 879975438 +555 100 5 879964092 +555 111 4 879964159 +555 118 4 879962569 +555 121 3 879962551 +555 129 4 882385841 +555 150 4 879963127 +555 168 4 879975419 +555 181 5 879962172 +555 195 4 879975438 +555 235 3 879964209 +555 236 5 879962769 +555 244 5 879962642 +555 248 4 879963127 +555 249 4 879963127 +555 252 5 879962551 +555 258 3 879962096 +555 265 3 879975505 +555 274 4 879964240 +555 285 5 879963127 +555 301 4 879962096 +555 318 4 879975419 +555 319 5 879962096 +555 328 4 879962096 +555 340 4 879962096 +555 405 4 879962569 +555 410 4 879962769 +555 480 4 879975474 +555 489 5 879975455 +555 505 4 879975474 +555 546 3 879962551 +555 748 4 879962096 +555 762 4 879964159 +555 1013 4 879962642 +555 1054 3 879964335 +556 48 5 882136252 +556 127 5 882136205 +556 132 5 882136396 +556 133 5 882136396 +556 135 2 882136252 +556 170 4 882136162 +556 172 5 882136441 +556 173 3 882136162 +556 178 5 882136162 +556 192 5 882136440 +556 209 5 882136162 +556 243 1 882135994 +556 268 4 882135646 +556 286 4 882135437 +556 302 4 882135437 +556 318 5 882136252 +556 319 3 882135437 +556 321 4 882135994 +556 323 2 882136058 +556 324 4 882135805 +556 325 2 882135684 +556 327 5 882135508 +556 340 5 882135646 +556 427 5 882136440 +556 479 5 882136162 +556 482 5 882136440 +556 493 5 882136441 +556 496 5 882136252 +556 507 5 882136205 +556 520 5 882136441 +556 523 5 882136205 +556 604 5 882136205 +556 707 3 882136396 +556 988 1 882135994 +557 8 5 881179653 +557 12 5 881179653 +557 50 4 881095916 +557 96 5 881179653 +557 127 4 880485718 +557 165 5 881179653 +557 166 4 881179397 +557 176 4 880486028 +557 180 5 881179653 +557 197 5 881179653 +557 198 5 881179513 +557 246 5 880485693 +557 252 3 880485846 +557 253 3 880485693 +557 254 4 880485908 +557 257 2 880485764 +557 262 2 882458820 +557 268 5 881179653 +557 270 3 881179166 +557 271 4 881179557 +557 289 4 880484992 +557 292 4 880485019 +557 294 3 880484929 +557 298 5 881095916 +557 300 4 881095916 +557 305 3 881179268 +557 307 5 881179653 +557 322 3 880485052 +557 325 3 880485074 +557 334 4 881179362 +557 337 5 881179653 +557 343 4 881095995 +557 346 2 884357321 +557 508 4 880485956 +557 529 5 881179455 +557 532 5 881095916 +557 682 2 881179213 +557 739 3 881179539 +557 750 4 884357373 +557 865 3 881179268 +557 875 4 881179291 +557 1176 5 881179653 +557 1244 2 880485863 +558 14 4 879436097 +558 19 5 879436396 +558 20 5 879436396 +558 116 5 879436396 +558 124 4 879435855 +558 253 5 879436396 +558 508 5 879436396 +558 847 4 879436396 +558 936 5 879436396 +558 1068 2 879435896 +559 4 4 891035876 +559 12 3 891034067 +559 22 1 891034003 +559 55 4 891035111 +559 56 3 891034550 +559 69 5 891034003 +559 70 3 891035917 +559 73 4 891035812 +559 87 4 891034003 +559 94 3 891035979 +559 144 5 891034551 +559 153 3 891035708 +559 163 4 891035840 +559 167 3 891035840 +559 174 4 891035111 +559 180 4 891035111 +559 182 4 891035111 +559 187 3 891033911 +559 188 5 891034609 +559 194 3 891035781 +559 195 3 891034647 +559 196 5 891033805 +559 197 4 891035111 +559 199 5 891034040 +559 202 1 891035674 +559 204 3 891035708 +559 205 5 891033805 +559 216 5 891035876 +559 226 5 891034688 +559 233 3 891034688 +559 257 3 891035466 +559 259 3 891035407 +559 261 3 891035378 +559 294 1 891035519 +559 300 4 891035137 +559 311 3 891033635 +559 315 5 891033635 +559 318 5 891033835 +559 322 4 891034987 +559 347 3 891035343 +559 385 4 891035111 +559 393 2 891035917 +559 398 3 891034904 +559 435 2 891035781 +559 502 4 891035946 +559 508 3 891034209 +559 511 2 891034347 +559 513 5 891033956 +559 514 4 891035633 +559 515 4 891035111 +559 519 5 891034004 +559 520 5 891033911 +559 521 2 891033911 +559 523 4 891035812 +559 524 3 891035917 +559 550 4 891035111 +559 566 5 891034688 +559 587 4 891034095 +559 652 4 891035633 +559 660 1 891034250 +559 661 3 891034040 +559 863 5 891033956 +559 902 4 891035111 +559 1141 2 891034316 +559 1401 3 891034172 +559 1556 3 891033759 +560 7 3 879975718 +560 11 4 879975485 +560 12 5 879975661 +560 22 2 879975613 +560 24 2 879976772 +560 50 5 879976109 +560 58 3 879975485 +560 89 5 879975752 +560 93 3 879976559 +560 100 5 879975752 +560 108 1 879976988 +560 109 3 879976651 +560 111 3 879976731 +560 118 3 879976892 +560 121 3 879976705 +560 122 3 879977081 +560 123 2 879976542 +560 127 5 879976071 +560 132 3 879975485 +560 134 5 879975406 +560 136 3 879975661 +560 137 4 879976427 +560 151 3 879976542 +560 168 4 879975718 +560 181 4 879975661 +560 183 5 879975586 +560 197 4 879975613 +560 201 3 879975718 +560 203 4 879975613 +560 211 4 879975752 +560 222 4 879976706 +560 240 3 879976970 +560 246 5 879976109 +560 249 5 879976247 +560 250 4 879976126 +560 255 4 879976109 +560 257 3 879976172 +560 260 1 879977973 +560 264 3 879975231 +560 268 4 879975173 +560 270 4 879975173 +560 271 4 879975194 +560 275 4 879975718 +560 277 3 879976731 +560 278 1 879976892 +560 284 3 879976525 +560 301 3 879975116 +560 302 5 879975087 +560 318 4 879975406 +560 319 4 879975173 +560 321 3 879975151 +560 358 3 879975358 +560 405 4 879976970 +560 411 3 879976828 +560 429 3 879975485 +560 458 3 879976731 +560 472 2 879976945 +560 476 2 879977124 +560 483 5 879975406 +560 489 3 879975662 +560 496 3 879975752 +560 498 4 879975718 +560 508 3 879976502 +560 515 3 879976109 +560 546 2 879976705 +560 597 2 879976914 +560 606 4 879975613 +560 617 3 879975661 +560 653 4 879975529 +560 654 5 879975613 +560 756 2 879977032 +560 813 4 879976478 +560 845 3 879976602 +560 847 4 879976449 +560 864 3 879976970 +560 928 3 879977062 +560 975 3 879977081 +560 1008 3 879976731 +560 1014 4 879976215 +560 1016 3 879976216 +560 1019 4 879975529 +560 1021 4 879975718 +560 1073 3 879975586 +560 1134 3 879976478 +560 1160 3 879976215 +560 1163 3 879976988 +560 1171 3 879976807 +560 1215 2 879977336 +560 1265 3 879975194 +560 1333 3 879976071 +560 1405 4 879976215 +561 1 2 885807713 +561 2 3 885809752 +561 3 3 885810390 +561 4 3 885809044 +561 7 5 885808738 +561 8 3 885807455 +561 9 4 885807546 +561 10 3 885808766 +561 11 4 885807743 +561 12 5 885809356 +561 13 3 885810060 +561 14 3 885808929 +561 17 2 885810167 +561 19 3 885808673 +561 22 3 885809223 +561 23 5 885807888 +561 24 3 885807776 +561 25 2 885809426 +561 28 2 885808053 +561 31 2 885809146 +561 32 4 885807455 +561 40 2 885810834 +561 42 3 885809025 +561 45 3 885808716 +561 46 4 885808796 +561 47 4 885809557 +561 48 4 885807547 +561 49 2 885809269 +561 50 3 885807429 +561 51 3 885810834 +561 52 4 885809583 +561 55 4 885808796 +561 56 5 885807291 +561 58 3 885809654 +561 62 3 885810144 +561 64 3 885809605 +561 65 3 885808673 +561 67 1 885810240 +561 69 1 885807215 +561 70 4 885808673 +561 71 2 885810039 +561 72 2 885810084 +561 77 1 885809246 +561 79 3 885808887 +561 80 2 885810372 +561 81 2 885808000 +561 86 4 885809064 +561 87 3 885809197 +561 88 2 885810769 +561 89 4 885809556 +561 91 4 885807455 +561 92 3 885809897 +561 93 4 885809224 +561 95 2 885809605 +561 96 1 885809336 +561 97 3 885809312 +561 98 4 885807393 +561 99 3 885808673 +561 100 4 885807484 +561 116 4 885809146 +561 117 3 885810220 +561 121 3 885810372 +561 124 3 885807842 +561 130 4 885810429 +561 131 4 885808929 +561 132 2 885809269 +561 133 3 885807888 +561 135 4 885809336 +561 141 2 885809781 +561 143 1 885810000 +561 144 3 885807547 +561 151 2 885808843 +561 153 3 885808844 +561 154 4 885807612 +561 155 2 885810785 +561 156 4 885807484 +561 157 4 885808053 +561 159 1 885809356 +561 160 3 885808904 +561 162 3 885809781 +561 163 3 885808963 +561 164 2 885809626 +561 168 4 885807261 +561 170 4 885808738 +561 171 5 885807261 +561 172 2 885807743 +561 173 4 885807393 +561 174 4 885808053 +561 175 4 885807429 +561 176 4 885807345 +561 178 4 885807713 +561 179 4 885807261 +561 180 4 885807261 +561 181 3 885807318 +561 182 3 885807318 +561 183 5 885807215 +561 184 3 885808843 +561 185 4 885807173 +561 186 3 885809447 +561 188 4 885807261 +561 191 3 885807484 +561 193 3 885808673 +561 194 4 885807612 +561 195 3 885808963 +561 196 4 885808620 +561 197 4 885807484 +561 198 3 885808986 +561 199 4 885809939 +561 200 4 885807743 +561 201 3 885807291 +561 202 3 885808867 +561 203 4 885807261 +561 204 3 885808716 +561 205 3 885807393 +561 206 3 885809506 +561 207 3 885809245 +561 209 4 885807369 +561 210 3 885809146 +561 212 3 885809025 +561 214 3 885809670 +561 215 3 885809872 +561 216 3 885807173 +561 217 3 885810858 +561 218 3 885810000 +561 219 1 885809583 +561 222 3 885807843 +561 223 4 885807235 +561 226 1 885809806 +561 228 3 885807930 +561 229 3 885810271 +561 230 3 885809426 +561 231 2 885810744 +561 232 3 885810428 +561 233 1 885809246 +561 234 3 885808824 +561 235 3 885809806 +561 238 4 885807547 +561 239 3 885809336 +561 240 1 885810726 +561 241 2 885809119 +561 243 1 885807010 +561 258 2 885806823 +561 268 3 885806710 +561 273 5 885808824 +561 276 4 885807713 +561 277 3 885809223 +561 284 1 885809626 +561 285 4 885808715 +561 286 4 885806710 +561 302 4 885806797 +561 304 3 891710572 +561 317 3 885808824 +561 318 3 885807345 +561 319 2 885809005 +561 343 4 885807035 +561 345 4 885806823 +561 346 5 885806862 +561 356 1 885809752 +561 357 3 885807612 +561 362 2 893105375 +561 367 3 885809583 +561 371 1 885809426 +561 379 2 885810428 +561 380 2 885809524 +561 382 4 885807842 +561 385 2 885810144 +561 393 2 885810309 +561 403 3 885809690 +561 405 2 885809313 +561 410 1 885810117 +561 417 2 885809690 +561 423 2 885808796 +561 425 4 885808000 +561 426 1 885810220 +561 427 4 885807484 +561 428 4 885810084 +561 430 3 885809336 +561 431 2 885808738 +561 432 5 885807776 +561 433 1 885808867 +561 435 3 888232990 +561 436 4 885807843 +561 443 4 885809197 +561 447 3 885808767 +561 451 2 885810117 +561 455 3 885808766 +561 458 4 885809197 +561 461 3 885807369 +561 462 3 885809246 +561 468 1 885809291 +561 470 3 885809872 +561 473 3 885810428 +561 474 5 885807318 +561 475 3 885807393 +561 478 4 885807290 +561 479 4 885807547 +561 480 4 885807484 +561 483 4 885807612 +561 484 4 885807215 +561 488 4 885807290 +561 492 4 885807369 +561 494 4 885808824 +561 496 3 885807369 +561 497 4 885809064 +561 503 4 885808887 +561 504 3 885809447 +561 505 4 885807510 +561 506 3 885809146 +561 507 4 885807429 +561 510 3 885808673 +561 511 4 885807510 +561 512 4 885808000 +561 513 3 885807345 +561 514 4 885807713 +561 515 3 885807215 +561 518 4 885808620 +561 520 4 885807318 +561 523 4 885809269 +561 524 4 885807888 +561 526 3 885808796 +561 530 4 885807547 +561 531 1 885807215 +561 537 4 885808866 +561 539 1 885807035 +561 542 1 885810858 +561 544 2 885809872 +561 546 1 885810557 +561 549 2 885809654 +561 550 1 885810117 +561 559 1 885809336 +561 566 3 885809873 +561 568 3 885807962 +561 578 3 885810575 +561 588 2 885809197 +561 589 3 885807510 +561 596 2 885809958 +561 597 3 885810428 +561 603 4 885807842 +561 607 5 885807173 +561 608 3 885809119 +561 611 5 885807547 +561 614 3 885809336 +561 615 4 885807930 +561 616 3 885808929 +561 617 4 885808738 +561 629 3 885809119 +561 631 3 885808000 +561 636 1 885809670 +561 639 3 885809291 +561 640 5 885809005 +561 642 3 885809356 +561 644 3 885807743 +561 645 3 885808767 +561 651 3 885807574 +561 652 5 885809312 +561 655 3 885807930 +561 656 4 885807455 +561 657 4 885807235 +561 660 3 885810144 +561 661 4 885808715 +561 664 4 885807574 +561 665 3 885810309 +561 671 3 885808673 +561 673 3 885809313 +561 675 3 885808904 +561 676 3 885810674 +561 678 2 885807080 +561 679 3 885807235 +561 684 3 885808867 +561 692 1 885810084 +561 693 3 885808620 +561 701 3 885807930 +561 702 3 885809873 +561 705 3 885808000 +561 708 3 885809447 +561 709 3 885808824 +561 710 4 885809897 +561 715 3 885809606 +561 719 1 885810785 +561 724 3 885808867 +561 732 3 885809958 +561 733 3 885809099 +561 735 3 885809712 +561 737 3 885810706 +561 739 2 885810271 +561 744 3 885809781 +561 746 3 885809025 +561 748 2 888557502 +561 751 3 885806779 +561 762 3 885809654 +561 772 4 885808715 +561 780 1 885810769 +561 790 1 885810538 +561 794 2 885809731 +561 802 1 885810726 +561 805 3 885810240 +561 811 3 885808963 +561 849 2 885810193 +561 890 1 885807080 +561 895 1 885807035 +561 921 3 885810769 +561 925 3 885810084 +561 928 2 885810330 +561 942 3 885809712 +561 943 3 885809197 +561 946 3 885810813 +561 952 3 885810192 +561 955 3 885808738 +561 956 4 885809336 +561 959 3 885810060 +561 960 4 885809605 +561 971 3 885809269 +561 980 3 885809146 +561 1010 3 885809781 +561 1015 2 885810060 +561 1018 3 885809806 +561 1021 4 885807962 +561 1024 3 885806883 +561 1035 3 885810390 +561 1039 3 885807612 +561 1044 2 885810834 +561 1059 1 885808867 +561 1069 4 885808053 +561 1070 4 885809043 +561 1074 3 885810813 +561 1101 3 885808887 +561 1103 4 885807291 +561 1110 2 885809524 +561 1115 3 885809146 +561 1119 3 885810144 +561 1120 4 885807318 +561 1131 4 885807173 +561 1139 1 885810744 +561 1149 4 885807713 +561 1153 3 885808986 +561 1170 3 885809407 +561 1210 1 885810813 +561 1220 2 885810538 +561 1229 1 885810220 +561 1230 3 885810813 +561 1267 3 885809690 +561 1294 1 891710133 +561 1449 5 885808620 +561 1478 3 885809626 +561 1512 5 885807455 +561 1524 4 885809897 +561 1529 3 885809064 +562 1 2 879194894 +562 4 1 879196517 +562 50 5 879196445 +562 56 1 879195156 +562 73 4 879195881 +562 79 4 879196445 +562 82 5 879196401 +562 88 5 879196680 +562 98 4 879195081 +562 114 1 879195156 +562 118 3 879196483 +562 127 5 879196401 +562 132 4 879195721 +562 133 2 879195007 +562 135 5 879196075 +562 141 4 879195334 +562 143 5 879196074 +562 144 5 879196445 +562 148 5 879195442 +562 153 4 879195954 +562 161 3 879196445 +562 173 5 879196308 +562 174 5 879196105 +562 181 3 879195125 +562 185 5 879196075 +562 190 4 879196445 +562 191 5 879196176 +562 194 5 879196075 +562 204 1 879196288 +562 218 4 879196576 +562 229 1 879195848 +562 230 1 879195954 +562 231 1 879196446 +562 234 5 879196074 +562 286 4 879194616 +562 318 3 879194894 +562 323 2 879194768 +562 357 1 879195125 +562 385 2 879196483 +562 393 2 879195954 +562 418 5 879195738 +562 432 5 879196074 +562 435 4 879195125 +562 443 5 879196604 +562 458 2 879195982 +562 462 5 879196074 +562 480 4 879195126 +562 483 4 879195954 +562 485 5 879196074 +562 501 5 879196653 +562 504 4 879196709 +562 511 2 879195819 +562 514 1 879195848 +562 550 4 879196445 +562 566 4 879196483 +562 582 4 879196249 +562 591 4 879196176 +562 636 2 879195007 +562 684 4 879196517 +562 720 4 879196483 +562 806 1 879195289 +562 1126 4 879196045 +563 50 5 880507404 +563 167 4 880506771 +563 172 5 880507339 +563 210 4 880507483 +563 220 4 880506703 +563 233 4 880507165 +563 237 5 880506666 +563 254 3 880506963 +563 257 5 880506596 +563 294 3 880506121 +563 301 4 880506234 +563 304 2 880506234 +563 321 5 880506197 +563 367 4 880507083 +563 401 4 880507108 +563 412 2 880507108 +563 566 4 880507042 +563 692 5 880506842 +563 871 2 880507263 +563 1035 4 880507204 +564 117 4 888730974 +564 118 4 888730699 +564 121 4 888730534 +564 127 4 888730974 +564 245 4 888718546 +564 257 4 888731011 +564 258 4 888718771 +564 272 3 888718415 +564 281 3 888730658 +564 298 3 888730534 +564 302 3 888718415 +564 312 3 888718443 +564 333 3 888718521 +564 344 4 888718521 +564 345 4 888718521 +564 472 4 888730658 +564 685 3 888730658 +564 750 3 888718771 +564 827 3 888731038 +564 924 3 888730534 +564 1016 2 888730699 +564 1025 2 888718443 +564 1034 3 888730838 +564 1399 2 888718470 +565 10 5 891037453 +565 52 5 891037524 +565 70 5 891037629 +565 86 5 891037757 +565 165 4 891037252 +565 170 5 891037291 +565 171 5 891037252 +565 179 5 891037778 +565 190 5 891037563 +565 207 4 891037393 +565 212 5 891037453 +565 213 4 891037803 +565 381 2 891037628 +565 462 4 891037692 +565 509 4 891037692 +565 512 3 891037453 +565 515 5 891037803 +565 640 4 891037837 +565 707 5 891037453 +565 730 5 891037837 +565 855 5 891037628 +565 923 4 891037333 +565 971 5 891037862 +565 1018 5 891037862 +565 1622 4 891037478 +566 2 5 881650739 +566 8 4 881650690 +566 11 3 881649962 +566 12 4 881649802 +566 15 3 881650030 +566 20 4 881650551 +566 22 3 881649358 +566 23 4 881650405 +566 25 2 881651077 +566 31 3 881650825 +566 33 2 881650907 +566 49 2 881651561 +566 50 2 881650063 +566 54 3 881651013 +566 56 4 881649828 +566 64 5 881649530 +566 69 4 881650108 +566 70 4 881649563 +566 71 2 881650958 +566 78 1 881651829 +566 80 3 881651531 +566 82 4 881650709 +566 83 4 881650148 +566 86 4 881649622 +566 88 3 881650090 +566 94 2 881651636 +566 95 2 881649913 +566 96 3 881650171 +566 97 3 881650090 +566 98 4 881649445 +566 100 5 881649548 +566 108 2 881651360 +566 110 1 881651813 +566 117 4 881650886 +566 121 3 881650755 +566 122 2 881651583 +566 127 5 881650219 +566 133 4 881649670 +566 134 5 881649853 +566 135 5 881649389 +566 136 4 881649621 +566 137 5 881649928 +566 143 3 881650502 +566 144 3 881649530 +566 153 2 881649747 +566 155 2 881651225 +566 156 4 881649428 +566 157 5 881649985 +566 161 4 881651097 +566 163 5 881649622 +566 165 5 881649530 +566 166 4 881649709 +566 168 4 881650003 +566 170 5 881650739 +566 172 3 881649644 +566 173 3 881649945 +566 177 4 881650654 +566 181 2 881649985 +566 182 4 881649428 +566 186 3 881649893 +566 191 4 881649853 +566 192 5 881649747 +566 202 4 881650551 +566 203 4 881650148 +566 204 3 881649828 +566 207 5 881650502 +566 210 4 881650030 +566 213 5 881649670 +566 215 3 881650739 +566 218 4 881650242 +566 219 1 881651286 +566 228 2 881650262 +566 230 2 881650123 +566 231 1 881651317 +566 234 3 881650148 +566 240 3 881651225 +566 260 2 881649273 +566 265 4 881650849 +566 273 5 881650063 +566 288 3 881650627 +566 289 1 881649273 +566 318 4 881649471 +566 327 3 881649273 +566 378 4 881650467 +566 384 3 881651360 +566 385 3 881650825 +566 386 1 881651375 +566 387 4 881651512 +566 388 3 881651512 +566 392 4 881650519 +566 393 2 881651434 +566 395 1 881651672 +566 403 3 881650654 +566 405 5 881650943 +566 411 4 881651013 +566 419 2 881650907 +566 423 2 881649709 +566 443 4 881649505 +566 461 4 881649853 +566 462 4 881650090 +566 465 2 881650654 +566 467 3 881650030 +566 479 4 881649428 +566 480 4 881649471 +566 483 4 881649357 +566 485 3 881650242 +566 496 5 881649428 +566 508 4 881649577 +566 511 4 881649445 +566 512 4 881650148 +566 521 4 881649802 +566 523 4 881649622 +566 529 4 881649358 +566 575 1 881651652 +566 576 2 881651013 +566 582 5 881650186 +566 631 4 881650605 +566 660 4 881650172 +566 673 4 881649775 +566 684 4 881649802 +566 685 3 881651183 +566 693 5 881649727 +566 705 4 881649871 +566 707 4 881650442 +566 736 4 881650690 +566 742 3 881650627 +566 763 4 881651045 +566 772 4 881650467 +566 790 3 881651464 +566 856 5 881650690 +566 879 2 881649273 +566 959 4 881651406 +566 1005 5 881650090 +566 1028 2 881651339 +566 1044 3 881651583 +566 1065 5 881650709 +566 1193 5 881649548 +566 1232 2 881651126 +566 1437 2 881651434 +567 7 4 882426622 +567 9 4 882426696 +567 10 4 882426508 +567 12 4 882426508 +567 23 4 882426740 +567 32 5 882426644 +567 39 3 882426974 +567 47 4 882426696 +567 50 1 882426246 +567 56 4 882425630 +567 59 5 882425762 +567 60 5 882425966 +567 79 2 882427023 +567 83 4 882425791 +567 89 5 882425820 +567 96 4 882427155 +567 100 1 882425791 +567 109 2 882425673 +567 124 4 882426812 +567 127 5 882426246 +567 132 3 882426021 +567 133 4 882425790 +567 134 5 882425873 +567 135 3 882426837 +567 136 5 882426210 +567 152 4 882426673 +567 156 5 882426055 +567 168 5 882425736 +567 170 3 882426184 +567 173 4 882425630 +567 174 1 882426869 +567 175 5 882425630 +567 176 5 882425874 +567 177 4 882426673 +567 178 4 882425820 +567 179 5 882426135 +567 181 1 882426246 +567 182 5 882425701 +567 183 4 882425701 +567 185 5 882426899 +567 187 5 882425673 +567 188 5 882426055 +567 190 4 882427068 +567 191 3 882427124 +567 192 4 882426021 +567 194 3 882425874 +567 195 3 882426782 +567 197 5 882425901 +567 198 5 882425631 +567 199 4 882425820 +567 203 4 882426508 +567 205 3 882425736 +567 209 4 882426812 +567 212 2 882427023 +567 223 4 882426508 +567 234 3 882426762 +567 246 4 882426508 +567 248 4 882427273 +567 252 1 882427384 +567 268 4 882426327 +567 271 4 882426327 +567 273 5 882427068 +567 293 5 882427250 +567 297 3 882426246 +567 298 4 882426279 +567 299 4 882426350 +567 302 4 882426300 +567 303 3 882426350 +567 306 3 882426327 +567 340 3 882426300 +567 357 2 882425901 +567 387 4 882426899 +567 423 2 882426869 +567 427 3 882427124 +567 429 4 882426899 +567 430 4 882426927 +567 433 4 882426673 +567 434 5 882425997 +567 469 4 882426837 +567 474 5 882426135 +567 475 4 882426508 +567 478 5 882426079 +567 479 5 882425997 +567 481 5 882426899 +567 482 5 882425966 +567 484 4 882426508 +567 487 4 882427155 +567 489 5 882426673 +567 490 4 882425673 +567 491 3 882426135 +567 492 4 882425966 +567 493 4 882426719 +567 494 5 882425932 +567 496 5 882426184 +567 497 5 882425901 +567 498 4 882425966 +567 504 4 882425874 +567 506 5 882425701 +567 507 5 882425820 +567 511 2 882425701 +567 513 4 882426719 +567 514 5 882425701 +567 521 3 882425701 +567 523 3 882425966 +567 525 5 882425901 +567 527 3 882426673 +567 582 3 882426899 +567 589 5 882425932 +567 603 5 882425631 +567 604 4 882426508 +567 607 4 882426762 +567 608 4 882426021 +567 611 4 882425998 +567 612 4 882427124 +567 613 4 882426927 +567 615 4 882425932 +567 617 4 882425843 +567 631 3 882426869 +567 636 4 882427155 +567 640 4 882426927 +567 641 5 882426158 +567 646 5 882427046 +567 647 5 882425998 +567 648 4 882426021 +567 650 4 882426762 +567 653 5 882425843 +567 654 5 882425701 +567 657 5 882425762 +567 659 4 882426508 +567 673 3 882427089 +567 675 4 882426812 +567 679 4 882426055 +567 705 5 882426105 +567 811 4 882426210 +567 836 3 882426998 +567 847 4 882425791 +567 1012 3 882427273 +567 1019 5 882425874 +567 1021 4 882425736 +567 1022 5 882426350 +567 1131 4 882426601 +567 1204 5 882427023 +567 1252 3 882427294 +567 1298 5 882425998 +567 1451 3 882426952 +568 30 4 877907877 +568 56 4 877907720 +568 59 1 877906995 +568 79 4 877907782 +568 100 4 877907281 +568 127 4 877907050 +568 132 2 877907236 +568 134 5 877907092 +568 135 4 877907782 +568 162 2 877906935 +568 178 4 877907327 +568 179 2 877906935 +568 185 4 877907834 +568 187 3 877907596 +568 191 4 877907126 +568 194 3 877907671 +568 199 3 877906935 +568 213 4 877907835 +568 224 4 877907236 +568 234 3 877907092 +568 242 4 877906547 +568 269 4 877906547 +568 301 1 877906737 +568 303 4 877906697 +568 319 2 877906697 +568 423 4 877907281 +568 427 4 877907720 +568 430 3 877907834 +568 462 4 877907236 +568 475 4 877907782 +568 478 4 877907235 +568 479 5 877906995 +568 482 4 877907781 +568 483 5 877907281 +568 486 4 877907720 +568 488 5 877907782 +568 493 3 877907281 +568 494 4 877907835 +568 497 2 877907092 +568 504 3 877907596 +568 509 4 877906935 +568 512 1 877907596 +568 519 3 877907157 +568 520 2 877907327 +568 523 3 877907877 +568 524 2 877907281 +568 529 4 877907877 +568 530 3 877907782 +568 603 5 877907157 +568 604 4 877907156 +568 606 5 877907720 +568 611 3 877907782 +568 612 3 877907720 +568 615 5 877907235 +568 631 5 877907367 +568 638 3 877907877 +568 641 5 877907596 +568 653 4 877907877 +568 656 3 877907281 +568 659 3 877907050 +568 661 4 877907126 +568 735 2 877907327 +568 772 1 877906995 +568 835 4 877907157 +568 855 1 877906935 +568 923 3 877906995 +568 954 2 877907671 +568 1050 4 877907835 +568 1125 4 877907281 +568 1137 4 877907092 +568 1286 4 877907327 +569 1 4 879793399 +569 3 1 879795551 +569 7 4 879793909 +569 9 5 879793493 +569 13 3 879793847 +569 14 4 879793948 +569 15 4 879794265 +569 16 3 879794348 +569 19 5 879794127 +569 25 4 879793785 +569 50 5 879793717 +569 100 5 879793784 +569 111 3 879793948 +569 118 4 879794265 +569 121 3 879794699 +569 124 5 879793886 +569 125 3 879794348 +569 126 5 879793909 +569 151 5 879793948 +569 222 3 879794265 +569 225 3 879794408 +569 236 4 879793717 +569 257 4 879794302 +569 258 5 879792991 +569 268 3 880559356 +569 273 3 879793810 +569 274 4 879794740 +569 276 4 879793493 +569 277 2 879794385 +569 281 3 879793466 +569 283 4 879793847 +569 284 4 879793886 +569 286 5 879792991 +569 288 3 879793228 +569 291 4 879794348 +569 294 2 879793149 +569 295 3 879793983 +569 298 3 879793784 +569 300 3 879793036 +569 301 4 879793149 +569 321 4 879793103 +569 325 1 879793149 +569 328 4 879793253 +569 333 3 879793036 +569 405 3 879794498 +569 455 3 879794265 +569 471 3 879793466 +569 473 4 879794699 +569 508 3 879793785 +569 546 3 879794302 +569 685 4 879794075 +569 748 2 879793228 +569 756 3 879794660 +569 762 3 879794740 +569 826 3 879794660 +569 924 3 879793784 +569 979 3 879793948 +569 1014 3 879795581 +569 1197 4 879793465 +569 1284 2 879795512 +570 243 1 881262557 +570 245 1 881262497 +570 288 2 881262307 +570 301 3 881262404 +570 302 4 881262145 +570 303 5 881262256 +570 305 5 881262256 +570 324 2 881262437 +570 326 1 881262437 +570 327 4 881262795 +570 340 3 881262145 +570 690 3 881262307 +571 47 3 883354818 +571 64 4 883355063 +571 124 4 883354760 +571 174 4 883354940 +571 194 3 883354818 +571 462 4 883354992 +571 496 3 883354886 +571 604 3 883354886 +571 657 4 883354992 +571 964 4 883355063 +572 13 4 879449763 +572 121 2 879449610 +572 124 5 879449610 +572 277 1 879449799 +572 289 3 879449277 +572 300 4 879449243 +572 476 4 879449573 +572 1010 2 879449683 +572 1137 3 879449708 +572 1171 3 879449734 +573 10 4 885843818 +573 22 4 885844394 +573 50 4 885843738 +573 69 4 885844091 +573 127 4 885843596 +573 134 4 885843928 +573 135 4 885843964 +573 143 2 885844339 +573 144 4 885844638 +573 157 4 885844161 +573 174 4 885844431 +573 178 4 885844395 +573 179 4 885844091 +573 180 4 885844091 +573 182 4 885843892 +573 192 4 885844535 +573 194 4 885844431 +573 211 5 885843964 +573 216 4 885844674 +573 237 4 885843527 +573 258 4 885843700 +573 276 3 885843964 +573 283 4 885843817 +573 286 3 885843476 +573 347 4 885843476 +573 423 3 885844127 +573 427 4 885844091 +573 478 4 885844674 +573 479 4 885844051 +573 480 4 885844481 +573 495 2 885844339 +573 507 5 885844638 +573 513 4 885844395 +573 519 4 885844567 +573 523 4 885844007 +573 528 4 885843928 +573 654 4 885844535 +573 657 4 885843928 +573 661 4 885844431 +573 685 3 885843779 +573 836 3 885844605 +574 100 5 891279712 +574 213 4 891279712 +574 242 5 891278860 +574 245 5 891279362 +574 258 5 891278916 +574 262 5 891279122 +574 268 5 891279174 +574 270 3 891279121 +574 272 4 891278860 +574 286 3 891278916 +574 288 4 891279174 +574 300 4 891279012 +574 302 4 891278860 +574 303 3 891278962 +574 305 3 891279012 +574 311 4 891279410 +574 312 4 891279410 +574 315 3 891278860 +574 316 4 891279451 +574 321 1 891279285 +574 327 3 891279122 +574 328 3 891279174 +574 331 1 891279013 +574 332 3 891279410 +574 340 1 891279174 +574 344 5 891278962 +574 346 4 891278962 +574 358 2 891279520 +574 690 3 891279174 +574 750 3 891278962 +574 754 4 891279122 +574 883 4 891279520 +574 887 4 891279214 +574 896 2 891279013 +574 1022 2 891278916 +574 1313 4 891278916 +575 50 2 878148258 +575 168 5 878148358 +575 173 5 878148258 +575 176 4 878148087 +575 181 2 878148295 +575 194 4 878148087 +575 215 3 878148229 +575 318 5 878148087 +575 322 3 878146541 +575 357 5 878148388 +575 427 4 878148329 +575 483 3 878148137 +575 506 2 878148087 +575 507 2 878148137 +575 531 1 878148199 +575 603 5 878148012 +576 1 4 886985079 +576 7 5 886985003 +576 9 3 887168978 +576 56 3 886986444 +576 70 5 886986361 +576 100 4 886984965 +576 124 4 886985002 +576 125 4 886985177 +576 181 4 887081041 +576 204 4 886986445 +576 208 3 886986445 +576 210 4 886986400 +576 237 4 886985003 +576 255 3 887081086 +576 259 2 887168978 +576 276 3 887080905 +576 280 5 886985003 +576 294 3 886960098 +576 324 2 887168978 +576 381 3 886986445 +576 435 4 886986400 +576 471 4 886986237 +576 475 1 887168978 +576 678 3 886960535 +576 763 3 886985695 +576 825 4 886986304 +577 1 5 880470282 +577 4 4 880474635 +577 5 4 880475318 +577 7 2 880470447 +577 8 4 880474257 +577 11 2 880474293 +577 12 4 880474257 +577 22 5 880472153 +577 25 4 880470504 +577 28 5 880472077 +577 29 3 880474903 +577 31 4 880474216 +577 40 4 880475435 +577 44 3 880474934 +577 48 5 880474530 +577 49 4 880474955 +577 50 4 880474394 +577 54 4 880474903 +577 55 3 880474694 +577 56 3 880474934 +577 58 4 880474414 +577 62 3 880475504 +577 63 4 880476606 +577 64 5 880474394 +577 65 5 880475539 +577 68 4 880475021 +577 69 4 880474829 +577 71 5 880474433 +577 77 3 880475561 +577 79 4 880474530 +577 82 4 880474433 +577 85 3 880475170 +577 87 5 880474216 +577 88 3 880475226 +577 95 5 880474747 +577 96 4 880474257 +577 97 5 880472153 +577 98 4 880474530 +577 99 3 880474674 +577 100 4 880470350 +577 102 4 880475043 +577 111 4 880470604 +577 117 4 880471359 +577 118 3 880471658 +577 121 5 880470258 +577 125 4 880470604 +577 132 4 880472153 +577 133 4 880474694 +577 140 4 880475043 +577 143 3 880474635 +577 147 4 880470604 +577 151 4 880470604 +577 161 5 880475561 +577 168 5 880472124 +577 172 4 880472124 +577 173 5 880472055 +577 174 5 880475043 +577 176 5 880474311 +577 179 2 880474829 +577 181 5 880474612 +577 183 5 880474747 +577 188 3 880474715 +577 191 4 880472055 +577 194 4 880474216 +577 196 5 880474357 +577 200 3 880475226 +577 202 4 880474787 +577 203 3 880474455 +577 204 4 880474338 +577 208 4 880474556 +577 210 3 880474715 +577 215 5 880474556 +577 216 4 880472124 +577 217 5 880475363 +577 225 4 880470827 +577 226 4 880475094 +577 228 3 880474338 +577 229 4 880475094 +577 230 3 880474357 +577 234 3 880474257 +577 237 4 880470323 +577 240 3 880470884 +577 241 5 880474766 +577 265 5 880474851 +577 281 3 880470447 +577 284 4 880470732 +577 294 4 880469903 +577 298 4 884819086 +577 307 3 890089564 +577 313 4 890089462 +577 317 5 880474871 +577 318 5 880472055 +577 338 3 880469983 +577 356 4 880474903 +577 365 5 880475504 +577 385 5 880474530 +577 399 4 880475269 +577 402 4 880475318 +577 403 4 880475187 +577 405 3 880470282 +577 407 4 880471271 +577 409 5 880470682 +577 410 3 880471170 +577 423 4 880472124 +577 425 2 880474808 +577 427 4 880474715 +577 436 4 880475339 +577 447 3 880475226 +577 452 3 880475644 +577 465 4 880474851 +577 468 3 880474766 +577 470 5 880475245 +577 471 3 880471640 +577 472 4 880470570 +577 496 5 880474455 +577 531 4 890089749 +577 545 3 880476578 +577 546 3 880470483 +577 549 5 880475539 +577 550 3 880475130 +577 559 3 880474903 +577 560 3 880475363 +577 561 4 880474955 +577 566 4 880474216 +577 568 3 880475021 +577 579 4 880475602 +577 582 4 880475540 +577 588 4 880474808 +577 595 4 880471170 +577 623 5 880475149 +577 627 5 880475339 +577 651 5 880475043 +577 655 4 880474394 +577 660 3 880474613 +577 662 4 880474933 +577 663 5 880474612 +577 665 4 880475644 +577 673 3 880474851 +577 684 4 880474394 +577 693 1 880475408 +577 708 3 880475067 +577 727 5 880474747 +577 728 3 880475226 +577 732 4 880474414 +577 735 5 880474338 +577 739 3 880474871 +577 742 4 880470504 +577 763 3 880470638 +577 768 3 880474787 +577 770 4 880475149 +577 795 3 880476630 +577 808 3 880475094 +577 819 3 880470604 +577 823 3 880471304 +577 826 4 880470852 +577 829 3 880470884 +577 845 4 880471578 +577 866 5 880470570 +577 932 3 880471287 +577 939 5 880474933 +577 941 4 880475435 +577 949 2 880475408 +577 996 3 880475094 +577 1028 4 880470764 +577 1032 3 880475561 +577 1033 4 880471170 +577 1035 3 880475130 +577 1042 4 880475286 +577 1044 4 880475504 +577 1046 4 880475226 +577 1054 3 880471823 +577 1147 4 880474394 +577 1209 4 880476578 +577 1219 3 880475067 +577 1271 3 880475581 +577 1336 1 880472018 +577 1517 3 880475644 +577 1531 4 880475408 +578 250 2 888957735 +578 258 1 888957735 +578 294 3 888957453 +578 300 4 887229386 +578 323 3 888957735 +578 325 1 888957735 +578 343 2 888957735 +578 355 1 888957758 +578 380 3 888957833 +578 678 3 888957490 +578 751 3 887229503 +578 1016 4 888957666 +578 1098 2 890939753 +578 1264 3 890939815 +579 1 4 880951740 +579 4 2 880952271 +579 7 3 880952006 +579 25 4 880952335 +579 50 5 880951984 +579 56 3 880952360 +579 65 3 880951944 +579 66 4 880952516 +579 69 2 880951868 +579 70 3 880952299 +579 82 3 880951783 +579 83 5 880952360 +579 88 4 880952440 +579 89 3 880952102 +579 98 4 880951804 +579 153 4 880952335 +579 168 4 880952142 +579 169 4 880951867 +579 173 5 880951765 +579 179 3 880952038 +579 186 3 880952237 +579 194 5 880952271 +579 202 5 880952270 +579 204 3 880952201 +579 209 4 880951944 +579 210 3 880951944 +579 211 3 880952476 +579 228 3 880951984 +579 234 3 880951708 +579 238 3 880952201 +579 245 2 880951595 +579 258 5 880951444 +579 268 3 880951444 +579 269 3 880951346 +579 286 4 880951444 +579 289 2 880951569 +579 294 4 880951494 +579 303 3 880951494 +579 326 3 880951494 +579 327 3 880951494 +579 328 3 880951444 +579 331 3 880951346 +579 333 4 880951372 +579 381 3 880952360 +579 382 3 880952237 +579 393 4 880952409 +579 428 4 880952335 +579 433 3 880952237 +579 435 5 880952038 +579 514 3 880952165 +579 520 4 880951708 +579 523 3 880951740 +579 528 4 880951708 +579 582 4 880952102 +579 676 3 880951784 +579 692 4 880952440 +579 709 5 880952142 +579 732 4 880952335 +579 748 3 880951569 +579 845 4 880952549 +579 877 1 880951594 +579 1074 3 880952579 +579 1110 1 880952516 +579 1446 2 880952165 +580 1 3 884125243 +580 3 5 884125916 +580 7 3 884124844 +580 15 3 884125339 +580 25 3 884125457 +580 50 5 884124927 +580 121 4 884125457 +580 123 4 884125199 +580 125 3 884125387 +580 147 3 884125658 +580 148 4 884125773 +580 151 2 884126077 +580 222 3 884125292 +580 249 5 884125243 +580 257 5 884125243 +580 258 5 884124103 +580 271 5 884124248 +580 281 2 884126077 +580 282 5 884125292 +580 286 4 884124750 +580 288 5 884125658 +580 294 4 884124337 +580 300 3 884124103 +580 323 2 884124383 +580 329 3 884124191 +580 343 5 884124304 +580 348 3 884124382 +580 358 4 884124472 +580 597 1 884126077 +580 619 3 884125175 +580 748 2 884126077 +580 825 4 884125339 +580 829 2 884126077 +580 866 4 884125856 +580 871 4 884125135 +580 1014 3 884125135 +580 1028 3 884125829 +581 7 4 879643079 +581 9 5 879641787 +581 50 4 879641698 +581 100 5 879641603 +581 137 5 879641787 +581 181 3 879641787 +581 221 2 879642274 +581 224 4 879641698 +581 283 2 879642274 +581 813 5 879641603 +581 844 5 879642274 +581 847 3 879641787 +581 919 5 879643155 +581 922 5 879642333 +581 936 3 879643155 +581 1097 4 879641787 +581 1353 4 879641850 +581 1367 5 879641603 +582 1 4 882961257 +582 15 3 882961481 +582 25 3 882961608 +582 93 5 882960844 +582 100 5 882960863 +582 117 3 882961000 +582 118 2 882962523 +582 124 4 882961082 +582 125 3 882961632 +582 151 4 882961133 +582 222 4 882961804 +582 235 3 882962803 +582 240 4 882961804 +582 246 4 882961082 +582 250 3 882961000 +582 257 3 882961608 +582 258 4 882960396 +582 269 4 882960418 +582 271 4 882960418 +582 288 3 882960396 +582 293 5 882961082 +582 294 1 882960396 +582 300 3 882960446 +582 313 5 882960461 +582 321 3 882960555 +582 328 3 882960555 +582 369 1 882963114 +582 405 3 882962133 +582 411 1 882962652 +582 455 1 882961481 +582 458 4 882961968 +582 472 4 882962561 +582 473 3 882962062 +582 475 5 882961000 +582 477 4 882961540 +582 508 4 882961082 +582 547 4 882961608 +582 597 3 882962267 +582 676 2 882961133 +582 742 3 882961082 +582 748 3 882960601 +582 750 5 882960418 +582 763 2 882961804 +582 826 3 882962652 +582 831 2 882962561 +582 841 2 882962133 +582 919 5 882961540 +582 932 2 882963114 +582 948 1 882960718 +582 988 1 882960718 +582 1014 4 882962247 +582 1033 2 882962030 +583 12 5 879384522 +583 83 4 879384338 +583 100 5 879384404 +583 175 5 879384471 +583 195 4 879384404 +583 198 4 879384404 +583 200 5 879384404 +583 209 4 879384404 +583 239 2 879384522 +583 265 4 879384522 +583 268 5 879384094 +583 276 4 879384338 +583 286 4 879384052 +583 524 5 879384522 +583 602 4 879384471 +583 655 5 879384471 +583 663 4 879384338 +584 40 4 885778385 +584 50 4 885777950 +584 82 3 885778458 +584 108 3 885774575 +584 109 4 885778204 +584 114 4 885778238 +584 165 1 885778780 +584 172 4 885778080 +584 181 4 885778120 +584 229 3 885774172 +584 258 4 885774483 +584 313 5 885773921 +584 449 2 885778571 +584 541 3 885774508 +585 10 3 891286256 +585 14 4 891282808 +585 18 2 891283124 +585 19 3 891282808 +585 20 4 891285658 +585 30 4 891284393 +585 52 3 891284184 +585 59 4 891283124 +585 60 4 891282808 +585 61 4 891283338 +585 70 5 891286256 +585 83 3 891282808 +585 86 5 891284016 +585 113 3 891283681 +585 165 4 891284184 +585 170 5 891282573 +585 171 3 891285491 +585 198 5 891283921 +585 207 5 891284016 +585 213 5 891284393 +585 275 4 891283124 +585 283 4 891283124 +585 286 4 891281385 +585 313 3 891281385 +585 340 2 891281651 +585 462 3 891283124 +585 463 5 891284816 +585 509 4 891283000 +585 510 5 891284016 +585 529 3 891283124 +585 543 3 891284393 +585 557 4 891285820 +585 582 3 891282894 +585 584 3 891286256 +585 634 4 891285491 +585 640 2 891284816 +585 652 4 891285658 +585 713 4 891282808 +585 730 3 891285188 +585 736 4 891284184 +585 740 4 891284588 +585 855 3 891284184 +585 863 5 891283000 +585 919 2 891283681 +585 923 5 891282808 +585 970 3 891284915 +585 971 3 891282894 +585 1005 4 891283339 +585 1009 5 891285491 +585 1021 3 891283681 +585 1121 4 891283339 +585 1149 4 891283921 +585 1155 5 891285820 +585 1158 4 891282573 +585 1193 5 891282894 +585 1266 3 891286059 +585 1319 2 891285820 +585 1323 3 891284588 +585 1344 3 891282573 +585 1347 2 891285658 +585 1449 5 891283338 +585 1475 3 891283681 +585 1485 3 891283124 +585 1488 4 891283921 +585 1501 4 891284393 +585 1512 5 891283000 +585 1524 3 891283124 +585 1535 4 891284816 +585 1558 5 891282893 +585 1623 4 891283921 +586 3 5 884068767 +586 11 3 884059693 +586 17 5 884060807 +586 22 3 884058708 +586 23 2 884058674 +586 27 3 884062405 +586 29 5 884062405 +586 31 4 884064631 +586 33 5 884061807 +586 39 4 884061623 +586 44 3 884065692 +586 50 4 884057387 +586 51 4 884066336 +586 53 5 884061084 +586 54 3 884068393 +586 56 5 884060112 +586 67 5 884067059 +586 68 4 884062010 +586 69 4 884059426 +586 72 2 884067378 +586 76 5 884059196 +586 77 3 884065719 +586 79 4 884058986 +586 80 2 884067003 +586 82 2 884062010 +586 83 2 884059196 +586 85 3 884067003 +586 92 3 884061459 +586 96 4 884059110 +586 117 4 884057578 +586 118 4 884062671 +586 121 5 884062010 +586 123 3 884057661 +586 127 4 884057313 +586 144 4 884059287 +586 148 3 884065745 +586 153 2 884058956 +586 155 3 884067874 +586 156 4 884064459 +586 159 4 884065719 +586 160 4 884066360 +586 161 5 884062671 +586 164 2 884059486 +586 172 4 884058708 +586 173 3 884059287 +586 177 3 884061343 +586 181 4 884057344 +586 182 3 884066016 +586 183 4 884059196 +586 184 2 884060807 +586 185 2 884058860 +586 187 4 884058566 +586 188 2 884058956 +586 195 4 884058956 +586 200 4 884060941 +586 202 4 884066689 +586 203 3 884059027 +586 204 3 884066723 +586 210 4 884059027 +586 215 4 884066141 +586 217 5 884061084 +586 218 3 884060705 +586 219 3 884060705 +586 222 3 884057387 +586 226 4 884061806 +586 227 2 884062010 +586 228 3 884061459 +586 229 3 884062742 +586 230 2 884061623 +586 231 3 884062010 +586 232 3 884058809 +586 233 4 884062405 +586 234 3 884060614 +586 237 4 884057783 +586 238 2 884059027 +586 239 3 884067058 +586 240 3 884066799 +586 241 4 884061623 +586 249 2 884058005 +586 250 3 884057661 +586 254 4 884064246 +586 257 3 884057471 +586 265 5 884062405 +586 273 5 884057692 +586 276 3 884057692 +586 281 3 884062405 +586 284 3 884057518 +586 288 4 884057861 +586 295 3 884068393 +586 318 3 884065986 +586 356 4 884065692 +586 358 4 884069523 +586 379 4 884060941 +586 385 3 884058956 +586 393 3 884066799 +586 397 3 884063080 +586 405 5 884061807 +586 410 3 884057783 +586 411 2 884067199 +586 423 2 884058708 +586 427 3 884066016 +586 431 3 884061343 +586 436 2 884060807 +586 451 4 884067422 +586 452 3 884060941 +586 467 4 884066230 +586 468 3 884066087 +586 470 4 884064631 +586 496 3 884059426 +586 541 3 884063080 +586 550 4 884061459 +586 551 2 884061189 +586 559 5 884060807 +586 566 3 884062621 +586 569 3 884060807 +586 576 3 884062671 +586 578 3 884062621 +586 581 2 884065745 +586 586 2 884063080 +586 591 3 884058249 +586 628 3 884064631 +586 651 3 884059287 +586 655 4 884066294 +586 665 3 884061256 +586 672 2 884061084 +586 676 3 884066112 +586 679 3 884062742 +586 693 3 884066060 +586 696 3 884065851 +586 720 4 884062742 +586 735 3 884066230 +586 742 3 884057578 +586 756 1 884067105 +586 761 3 884062742 +586 763 4 884067105 +586 779 3 884062856 +586 780 4 884067151 +586 790 3 884067151 +586 800 3 884061189 +586 806 4 884058611 +586 808 3 884062405 +586 809 3 884061459 +586 820 4 884057412 +586 841 3 884063854 +586 849 3 884062742 +586 930 2 884063080 +586 939 4 884064459 +586 978 2 884065825 +586 1042 4 884065773 +586 1046 3 884064912 +586 1047 3 884067058 +586 1090 3 884065797 +586 1207 2 884065879 +586 1218 5 884066959 +586 1249 3 884067058 +586 1273 4 884065825 +587 243 3 892871401 +587 245 1 892871253 +587 258 4 892871069 +587 260 4 892871284 +587 261 3 892871438 +587 262 4 892871069 +587 264 4 892871400 +587 266 1 892871536 +587 268 4 892871068 +587 269 3 892870956 +587 270 4 892871171 +587 271 4 892871310 +587 286 4 892870992 +587 288 4 892870992 +587 289 3 892871113 +587 292 3 892871141 +587 294 3 892871197 +587 301 3 892871197 +587 302 3 892870956 +587 303 4 892871068 +587 304 4 892871141 +587 305 4 892871068 +587 307 4 892870992 +587 308 3 892871642 +587 310 3 892870992 +587 313 5 892870956 +587 315 4 892870956 +587 316 4 892870992 +587 319 3 892871113 +587 321 2 892871113 +587 322 3 892871113 +587 323 4 892871284 +587 325 5 892871252 +587 327 3 892871252 +587 328 1 892871284 +587 330 3 892871372 +587 331 3 892871197 +587 332 4 892871171 +587 333 4 892871031 +587 334 3 892871171 +587 338 4 892871462 +587 339 3 892871284 +587 340 5 892871141 +587 342 1 892871503 +587 347 3 892871223 +587 349 3 892871400 +587 350 3 892871372 +587 351 2 892871683 +587 353 2 892871706 +587 355 3 892871610 +587 358 3 892871284 +587 539 3 892871437 +587 678 2 892871438 +587 680 1 892871503 +587 681 2 892871641 +587 687 1 892871683 +587 689 1 892871438 +587 690 3 892871252 +587 691 4 892871031 +587 748 1 892871438 +587 749 2 892871223 +587 750 3 892871113 +587 875 1 892871462 +587 876 2 892871536 +587 877 2 892871372 +587 878 2 892871641 +587 879 1 892871536 +587 880 3 892871536 +587 881 2 892871641 +587 886 2 892871171 +587 887 2 892871310 +587 888 3 892871563 +587 890 1 892871503 +587 892 3 892871462 +587 895 4 892871113 +587 902 2 892871584 +587 905 3 892871503 +587 914 4 892871031 +587 916 3 892871610 +587 918 3 892871113 +587 937 4 892871031 +587 938 2 892871141 +587 988 2 892871641 +587 989 2 892871438 +587 995 3 892871503 +587 1265 4 892871252 +587 1483 4 892871337 +587 1625 4 892871732 +588 1 4 890015684 +588 7 3 890024611 +588 8 5 890023557 +588 12 5 890015324 +588 15 5 890015608 +588 21 5 890015791 +588 22 5 890024195 +588 24 2 890015766 +588 28 5 890024051 +588 29 3 890027063 +588 31 3 890015722 +588 42 5 890024529 +588 50 5 890024427 +588 51 4 890026395 +588 56 4 890024246 +588 62 2 890027865 +588 63 5 890028385 +588 66 3 890023646 +588 67 1 890032343 +588 68 5 890026705 +588 69 2 890023556 +588 71 4 890024195 +588 72 4 890026939 +588 79 4 890023722 +588 82 5 890024829 +588 83 5 890015435 +588 85 5 890026882 +588 88 5 890024730 +588 91 5 890026656 +588 94 2 890027865 +588 95 4 890015722 +588 97 2 890023587 +588 98 1 890015324 +588 100 1 890015374 +588 107 5 890030781 +588 110 3 890027247 +588 111 1 890028509 +588 117 4 890027062 +588 118 3 890026210 +588 121 5 890026154 +588 125 3 890026154 +588 131 5 890024918 +588 132 5 890015476 +588 133 5 890015894 +588 142 5 890024117 +588 144 3 890024564 +588 151 4 890026263 +588 154 4 890024529 +588 155 5 890026882 +588 159 1 890029795 +588 161 4 890015580 +588 162 5 890026339 +588 164 5 890026262 +588 165 2 890015649 +588 168 5 890024002 +588 172 5 890026459 +588 173 5 890024677 +588 174 3 890015323 +588 178 5 890015323 +588 181 5 890015608 +588 184 4 890025951 +588 186 4 890024079 +588 202 1 890015500 +588 204 5 890015323 +588 206 4 890025023 +588 207 2 890025076 +588 208 3 890023879 +588 210 4 890015500 +588 215 5 890024564 +588 216 5 890024781 +588 217 4 890030473 +588 220 5 890025023 +588 222 3 890015722 +588 225 5 890027113 +588 227 3 890028385 +588 230 1 890023692 +588 231 4 890028987 +588 234 5 890024161 +588 237 2 890015894 +588 239 5 890025704 +588 265 5 890025621 +588 268 5 890014648 +588 272 5 890014748 +588 275 3 890024246 +588 278 5 890027600 +588 282 5 890015894 +588 283 4 890015835 +588 286 4 890014710 +588 288 4 890014818 +588 289 2 890015063 +588 294 4 890014887 +588 301 5 890015021 +588 307 4 890014887 +588 313 5 890014782 +588 315 4 890014591 +588 316 5 890015021 +588 318 4 890015435 +588 326 4 890014782 +588 333 5 890014710 +588 354 5 890014930 +588 356 4 890025751 +588 362 3 890014710 +588 365 5 890028385 +588 366 5 890027430 +588 367 5 890024117 +588 370 5 890031141 +588 378 3 890026059 +588 380 3 890028987 +588 382 3 890024730 +588 384 1 890032013 +588 385 3 890023557 +588 386 2 890029445 +588 393 4 890026939 +588 395 4 890030781 +588 399 3 890027379 +588 402 5 890026882 +588 403 3 890027525 +588 404 3 890026656 +588 417 5 890026009 +588 419 5 890023646 +588 421 5 890023830 +588 428 4 890024730 +588 432 4 890027113 +588 433 5 890024246 +588 443 3 890024876 +588 447 3 890026009 +588 451 5 890026059 +588 463 4 890023879 +588 468 3 890015835 +588 471 5 890024289 +588 472 4 890026059 +588 475 2 890015684 +588 483 4 890015500 +588 485 5 890015835 +588 496 3 890023879 +588 531 3 890015722 +588 542 3 890026787 +588 550 3 890026513 +588 552 1 890031021 +588 553 4 890025864 +588 554 3 890032281 +588 559 5 890025951 +588 561 3 890027780 +588 566 2 890023557 +588 568 4 890024876 +588 570 4 890032281 +588 578 5 890029212 +588 584 3 890024677 +588 588 4 890023692 +588 597 4 890026543 +588 602 3 890015580 +588 623 3 890026939 +588 625 3 890024325 +588 638 4 890024289 +588 645 5 890024488 +588 652 2 890026339 +588 655 3 890025864 +588 658 5 890025751 +588 660 4 890024002 +588 678 2 890015063 +588 684 4 890024246 +588 692 4 890024051 +588 697 5 890024002 +588 699 4 890024385 +588 713 3 890015791 +588 716 5 890028167 +588 720 4 890027247 +588 721 5 890023722 +588 723 2 890026459 +588 724 2 890015648 +588 728 3 890027707 +588 729 3 890024488 +588 731 2 890026705 +588 732 4 890024325 +588 735 5 890024196 +588 739 4 890025704 +588 742 4 890024002 +588 747 4 890025797 +588 751 3 890014887 +588 755 3 890025797 +588 762 4 890026705 +588 778 3 890027600 +588 781 2 890028509 +588 810 4 890029445 +588 815 4 890024829 +588 821 4 890026339 +588 832 1 890027865 +588 842 3 890015542 +588 846 4 890025621 +588 873 3 890014887 +588 880 1 890014996 +588 928 4 890027063 +588 934 4 890030736 +588 941 5 890026513 +588 959 5 890026459 +588 969 5 890023831 +588 1039 4 890024611 +588 1041 2 890027063 +588 1044 4 890025674 +588 1047 3 890031141 +588 1053 3 890027780 +588 1058 2 890030656 +588 1061 5 890024876 +588 1074 5 890032056 +588 1078 4 890026999 +588 1091 4 890027865 +588 1098 4 890026656 +588 1180 2 890032056 +588 1219 2 890028385 +588 1240 5 890025864 +588 1311 1 890029079 +588 1411 1 890032421 +588 1428 5 890032056 +588 1469 3 890026705 +588 1508 3 890029795 +589 243 3 883352735 +589 259 5 883352631 +589 268 1 883352463 +589 288 5 883352536 +589 289 3 883352679 +589 301 2 883352535 +589 304 5 883352599 +589 310 5 883352494 +589 313 5 883352434 +589 322 3 883352631 +589 323 2 883352631 +589 324 1 883352402 +589 326 1 883352600 +589 327 3 883352535 +589 328 5 883352562 +589 332 4 883352536 +589 333 5 883352402 +589 334 1 883352631 +589 336 1 883352535 +589 338 3 883352654 +589 339 5 883352494 +589 340 1 883352494 +589 678 4 883352735 +589 682 4 883352494 +589 688 4 883352707 +589 689 4 883352787 +589 690 4 883352600 +589 751 4 883352562 +589 873 5 883352600 +589 877 4 883352562 +589 879 4 883352654 +589 895 5 883352562 +589 995 1 883352562 +590 6 5 879439145 +590 13 4 879438972 +590 19 5 879438735 +590 100 5 879438825 +590 111 3 879438936 +590 116 5 879439196 +590 124 5 879438735 +590 125 3 879439509 +590 126 5 879439316 +590 127 4 879439645 +590 137 5 879438878 +590 150 5 879438878 +590 221 4 879439645 +590 237 3 879438911 +590 244 3 879439431 +590 248 4 879439645 +590 274 3 879439256 +590 275 4 879439645 +590 276 4 879439645 +590 284 2 879439345 +590 285 5 879438735 +590 286 5 879439645 +590 287 4 879439645 +590 293 3 879439114 +590 298 2 879438911 +590 476 3 879439345 +590 546 1 879439538 +590 547 4 879439086 +590 591 3 879439256 +590 676 4 879439060 +590 740 4 879439645 +590 754 3 879438686 +590 864 1 879439567 +590 1009 3 879439483 +590 1014 3 879439283 +590 1017 4 879439196 +590 1061 2 879439538 +590 1331 4 879439645 +591 4 4 891040366 +591 8 3 891031203 +591 13 4 891039637 +591 25 4 891039658 +591 26 3 891031526 +591 45 5 891031257 +591 47 3 891031426 +591 48 4 891031286 +591 56 4 891031344 +591 64 5 891031203 +591 66 2 891031526 +591 70 4 891031321 +591 79 4 891031171 +591 85 3 891031500 +591 86 5 891031171 +591 94 3 891031603 +591 100 5 891039565 +591 110 2 891031676 +591 116 4 891039616 +591 127 4 891031203 +591 168 3 891031724 +591 172 3 891031116 +591 182 3 891031171 +591 191 5 891031116 +591 194 4 891031171 +591 196 4 891031116 +591 202 3 891031469 +591 204 4 891031500 +591 210 3 891031469 +591 211 4 891031469 +591 216 4 891031426 +591 237 3 891039974 +591 238 5 891031228 +591 283 4 891039565 +591 285 5 891039565 +591 286 4 891030956 +591 300 3 891030956 +591 306 5 891030956 +591 322 2 891031013 +591 357 5 891031228 +591 381 4 891040366 +591 382 4 891031500 +591 393 4 891031644 +591 428 4 891031500 +591 435 4 891031724 +591 451 3 891040366 +591 466 3 891031116 +591 487 4 891031203 +591 508 4 891039616 +591 511 3 891031145 +591 516 3 891031469 +591 517 4 891040366 +591 523 4 891031724 +591 603 5 891031116 +591 615 4 891031116 +591 655 4 891031469 +591 662 3 891031145 +591 709 4 891031426 +591 710 3 891031603 +591 712 3 891040366 +591 732 3 891031500 +591 740 4 891039974 +591 787 3 891031500 +591 792 4 891031383 +591 856 4 891040366 +591 866 3 891039658 +591 923 4 891031116 +591 954 3 891031403 +591 956 4 891031286 +591 1017 3 891039616 +591 1028 3 891039658 +591 1041 2 891031644 +591 1099 5 891031203 +591 1120 4 891039637 +592 1 4 882608021 +592 3 4 882608960 +592 4 4 882956418 +592 7 5 882607986 +592 8 5 882955582 +592 9 5 882608182 +592 11 5 882955978 +592 12 5 882955825 +592 13 5 882608401 +592 14 5 882607986 +592 15 5 882608457 +592 20 4 882608315 +592 22 5 882955506 +592 23 5 882955735 +592 24 4 882608021 +592 28 4 882956586 +592 32 5 882956067 +592 42 5 882955918 +592 47 5 882955889 +592 48 5 882955735 +592 50 5 882607872 +592 55 4 882956067 +592 56 5 882955948 +592 58 5 882956388 +592 59 4 882956718 +592 60 4 882955460 +592 61 4 882956586 +592 64 5 882956039 +592 69 5 882956201 +592 70 4 882956803 +592 71 4 882956668 +592 79 4 882955583 +592 81 4 882956201 +592 87 4 882956467 +592 89 4 882955543 +592 92 5 882956358 +592 93 4 882608061 +592 95 4 882956276 +592 96 5 882956241 +592 97 4 882956718 +592 98 5 882955918 +592 99 5 882955663 +592 100 5 882608182 +592 109 4 882608145 +592 116 4 882608182 +592 117 5 882608234 +592 118 3 882609056 +592 121 4 882608573 +592 122 4 882608960 +592 123 4 882608573 +592 124 5 882607986 +592 125 2 882608795 +592 127 5 882608021 +592 129 5 882608457 +592 132 5 882955794 +592 134 5 882955794 +592 135 5 882955765 +592 137 5 882608145 +592 140 3 882956551 +592 144 5 882956668 +592 147 4 882608357 +592 148 2 882608961 +592 149 4 882607910 +592 150 5 882607955 +592 151 4 882608402 +592 157 5 882955918 +592 168 5 882955825 +592 169 5 882955663 +592 170 5 882955703 +592 172 5 882956011 +592 173 5 882956276 +592 174 5 882955918 +592 176 5 882956039 +592 178 5 882956241 +592 179 5 882956761 +592 180 5 882956102 +592 181 3 882608182 +592 182 5 882955662 +592 183 5 882955613 +592 184 5 882956419 +592 185 5 882956201 +592 187 5 882956157 +592 188 5 882956387 +592 189 5 882955583 +592 191 5 882955735 +592 192 5 882955460 +592 193 5 882955948 +592 194 4 882955543 +592 195 4 882955863 +592 196 5 882955978 +592 197 5 882955863 +592 198 5 882956241 +592 201 5 882955794 +592 203 5 882956276 +592 204 5 882956158 +592 215 5 882956467 +592 216 4 882955978 +592 221 5 882608357 +592 222 1 882608145 +592 223 5 882955863 +592 224 5 882608357 +592 234 5 882955863 +592 235 3 882608662 +592 236 3 882608061 +592 237 4 882608061 +592 238 5 882956321 +592 242 5 882607286 +592 243 1 882607780 +592 245 1 882607434 +592 246 5 882608500 +592 248 4 882608279 +592 249 4 882608795 +592 250 4 882608145 +592 251 5 882607955 +592 252 3 882608915 +592 253 1 882608279 +592 255 4 882608915 +592 257 4 882608107 +592 258 5 882607476 +592 259 2 882607573 +592 260 4 882607690 +592 261 1 882607744 +592 262 5 882607356 +592 263 1 882607779 +592 264 2 882607528 +592 265 4 882956039 +592 266 1 882607744 +592 268 5 882607286 +592 269 4 882607286 +592 271 4 882607647 +592 272 5 882955387 +592 273 5 882607986 +592 276 5 882608401 +592 281 4 882608573 +592 282 4 882608572 +592 283 4 882956241 +592 285 5 882607910 +592 286 5 882607356 +592 287 3 882608457 +592 289 4 882607606 +592 291 3 882609008 +592 292 1 882607434 +592 293 5 882607986 +592 294 3 882607434 +592 295 4 882608357 +592 297 5 882607844 +592 298 5 882608061 +592 299 1 882607573 +592 301 1 882607573 +592 302 5 882607325 +592 303 5 882607325 +592 305 4 885280098 +592 306 5 882607528 +592 307 4 882607528 +592 312 2 882607780 +592 313 5 882955258 +592 315 5 885280156 +592 318 5 882955863 +592 319 4 882607434 +592 320 5 882955735 +592 322 1 882607647 +592 323 1 882607690 +592 325 2 882607647 +592 326 4 882607573 +592 327 4 882607387 +592 328 1 882607476 +592 330 3 882607606 +592 331 3 882607528 +592 332 3 882607286 +592 333 5 882607476 +592 334 3 882607476 +592 338 2 882607647 +592 339 3 882607572 +592 340 5 882607476 +592 342 2 882607745 +592 343 3 882607476 +592 344 4 888553156 +592 345 4 888553233 +592 346 4 885280098 +592 347 4 885280098 +592 350 4 885280124 +592 354 4 888553156 +592 357 4 882956102 +592 358 1 882607690 +592 367 4 882956510 +592 382 4 882956761 +592 405 4 882608531 +592 408 5 882607955 +592 409 1 882609056 +592 410 5 882608402 +592 411 2 882608457 +592 418 4 882956551 +592 421 5 882956158 +592 423 5 882955918 +592 425 5 882956467 +592 427 5 882955735 +592 431 2 882956510 +592 432 1 882956321 +592 433 5 882956761 +592 443 5 882956158 +592 455 4 882608402 +592 457 1 882607779 +592 458 3 882608107 +592 460 3 882608873 +592 461 4 882955765 +592 463 4 882956321 +592 466 5 882955766 +592 467 5 882955582 +592 469 4 882955825 +592 471 4 882608234 +592 472 1 882608795 +592 475 5 882608107 +592 479 4 882956668 +592 480 4 882955662 +592 482 4 882955582 +592 483 5 882955613 +592 484 4 882956551 +592 501 4 882956276 +592 508 5 882608021 +592 512 5 882956803 +592 514 5 882955543 +592 518 5 882956011 +592 521 5 882955703 +592 522 5 882955662 +592 526 5 882956241 +592 527 5 882955889 +592 531 5 882955765 +592 533 4 882608827 +592 534 5 882608531 +592 544 4 882608107 +592 546 4 882608500 +592 547 4 882607910 +592 558 5 882955948 +592 568 5 882956201 +592 589 5 882955825 +592 591 4 882608402 +592 597 2 882609056 +592 603 5 882955543 +592 619 1 882608234 +592 628 3 882608107 +592 631 3 882956624 +592 652 4 882956467 +592 654 5 882955703 +592 655 5 882955543 +592 657 4 882956011 +592 678 2 882607690 +592 680 1 882607690 +592 681 1 882607780 +592 682 4 882607573 +592 683 1 882607745 +592 685 2 882608662 +592 686 5 882956387 +592 688 1 882607744 +592 689 2 882607690 +592 702 4 882956510 +592 705 5 882955978 +592 730 4 882956011 +592 735 5 882956158 +592 744 3 882608500 +592 747 4 882956102 +592 748 2 882607434 +592 750 5 886394208 +592 751 3 882955258 +592 752 4 888553156 +592 754 3 882607325 +592 762 5 882608402 +592 763 5 882608531 +592 782 2 882956510 +592 789 4 882956419 +592 806 4 882956586 +592 813 4 882607955 +592 815 3 882608625 +592 820 3 882609057 +592 823 1 882609009 +592 825 1 882608795 +592 833 4 882608662 +592 844 4 882608021 +592 845 4 882608573 +592 847 5 882607986 +592 853 5 882956201 +592 854 5 882955948 +592 875 4 882607434 +592 876 1 882607690 +592 877 2 882607647 +592 881 1 882607476 +592 885 2 887257199 +592 886 3 882607476 +592 887 5 882607780 +592 890 1 882607745 +592 892 1 882607690 +592 893 1 882955292 +592 895 3 882607528 +592 898 2 887257199 +592 900 4 887257094 +592 919 5 882608061 +592 922 3 882608736 +592 925 3 882608915 +592 931 1 882608960 +592 936 4 882608315 +592 939 3 882956510 +592 952 4 882608699 +592 963 5 882955663 +592 969 4 882956718 +592 971 4 882955978 +592 975 4 882608873 +592 984 1 882607690 +592 985 4 882608698 +592 1008 4 882608357 +592 1010 5 882608357 +592 1011 4 882608699 +592 1012 5 882608401 +592 1014 4 882609009 +592 1016 4 882608145 +592 1017 4 882608279 +592 1022 5 885280183 +592 1023 1 882608873 +592 1025 1 882607745 +592 1039 4 882955582 +592 1047 1 882608736 +592 1048 3 882608625 +592 1059 3 882608457 +592 1060 2 882609057 +592 1067 5 882608698 +592 1070 5 882956158 +592 1071 4 882956668 +592 1073 5 882956276 +592 1079 1 882608873 +592 1082 3 882608625 +592 1085 3 882608625 +592 1097 4 882608021 +592 1129 5 882608021 +592 1142 5 882608145 +592 1143 5 882607872 +592 1166 3 882956668 +592 1184 5 882956551 +592 1187 4 882608358 +592 1199 5 882608358 +592 1226 4 882608873 +592 1258 1 882608960 +592 1264 4 882955460 +592 1265 1 882607690 +592 1275 3 882956624 +592 1276 1 882609057 +592 1281 3 882608795 +592 1319 1 882608234 +592 1356 4 882608915 +592 1377 3 882607872 +592 1514 5 882608625 +592 1609 1 882608698 +592 1620 1 882609057 +593 1 3 875659150 +593 4 4 877728878 +593 5 4 875671525 +593 8 3 875673098 +593 9 3 875659306 +593 11 4 875660482 +593 15 4 875659636 +593 25 3 875659826 +593 26 4 875660886 +593 40 1 875671757 +593 49 3 875671891 +593 50 4 875660009 +593 51 3 875671982 +593 56 5 875658887 +593 58 4 875671579 +593 69 5 875660419 +593 71 4 875661567 +593 73 2 875671807 +593 77 4 875671619 +593 79 4 875671674 +593 83 5 886194064 +593 88 4 875672874 +593 97 4 877728878 +593 98 5 875661596 +593 100 5 875658824 +593 106 2 875660347 +593 111 5 875659576 +593 117 4 875659497 +593 118 4 875660009 +593 121 4 875660036 +593 122 1 875660347 +593 125 4 875659708 +593 126 5 875659777 +593 131 4 876506731 +593 133 4 876507391 +593 140 4 875671226 +593 143 4 886193303 +593 144 4 875660569 +593 153 5 875671107 +593 155 5 875671579 +593 157 3 875671732 +593 158 3 875671891 +593 159 4 875671302 +593 161 5 875671464 +593 162 5 875671807 +593 163 4 876506675 +593 164 4 875671861 +593 172 4 886193379 +593 173 5 877728878 +593 174 4 875660546 +593 179 5 877728878 +593 181 4 875658800 +593 182 2 886193627 +593 183 4 875670915 +593 193 4 886193361 +593 200 5 875661567 +593 204 4 875660886 +593 210 2 875673181 +593 211 4 875671198 +593 220 3 875660274 +593 223 5 888872089 +593 233 2 875671549 +593 234 2 875660850 +593 237 4 877728878 +593 238 4 877728878 +593 241 5 875672874 +593 255 5 875659055 +593 272 5 888871874 +593 274 3 875659849 +593 275 3 875658862 +593 276 1 875659150 +593 278 3 875659686 +593 280 3 875660194 +593 282 5 875659518 +593 283 4 875659665 +593 284 4 875659236 +593 285 2 886193129 +593 286 5 875660009 +593 288 4 877728878 +593 293 1 877727988 +593 301 4 877728878 +593 313 4 888871903 +593 318 5 875671413 +593 322 2 875644752 +593 357 5 875661486 +593 366 4 875671255 +593 371 3 875659076 +593 385 4 886194041 +593 392 3 886193788 +593 393 4 886194041 +593 405 3 875659943 +593 417 5 875671598 +593 423 4 875671505 +593 451 3 875672999 +593 468 3 886193438 +593 470 2 875671062 +593 471 3 875659826 +593 476 2 875659943 +593 478 5 875660788 +593 496 5 875671198 +593 535 3 875659943 +593 546 3 875659849 +593 553 2 875672852 +593 568 4 886193361 +593 580 1 876507120 +593 584 3 875671579 +593 591 4 877728878 +593 619 3 877727927 +593 631 3 886194296 +593 633 5 875671081 +593 655 3 886193724 +593 659 5 875671464 +593 660 5 875671372 +593 661 2 886193103 +593 685 3 875660081 +593 692 3 886193724 +593 699 4 875671334 +593 723 4 875671890 +593 724 3 875670796 +593 732 3 875660850 +593 735 4 886193600 +593 739 5 875672970 +593 742 4 888872002 +593 744 3 886193049 +593 747 4 877728878 +593 761 2 875671951 +593 762 4 875659849 +593 763 3 875660105 +593 775 3 875672949 +593 781 3 875671334 +593 807 4 875672999 +593 815 3 875659826 +593 845 3 875671033 +593 846 2 875660295 +593 866 5 875660236 +593 949 2 875672949 +593 966 5 886193788 +593 974 2 875660347 +593 977 3 875660215 +593 1012 3 877727961 +593 1014 1 875659755 +593 1016 4 888872636 +593 1028 3 875659896 +593 1035 3 875671464 +593 1119 5 875660823 +593 1221 3 875671982 +594 14 4 874781173 +594 50 3 874783018 +594 100 4 874781004 +594 126 3 874781173 +594 127 4 874781076 +594 181 3 874781076 +594 199 4 877816302 +594 222 4 874783052 +594 237 3 874784095 +594 286 3 875917841 +594 319 3 874780864 +594 515 5 874781050 +594 520 4 874786664 +594 744 3 874783298 +594 988 2 874780945 +595 3 4 886922069 +595 9 4 886922069 +595 14 5 886921223 +595 50 5 886921112 +595 100 4 886921112 +595 108 2 886921634 +595 109 2 886921365 +595 111 4 886921496 +595 121 2 886921550 +595 127 5 886921199 +595 151 5 886921475 +595 181 5 886921199 +595 222 3 886921274 +595 235 3 886921392 +595 237 3 886921315 +595 240 3 886921424 +595 246 4 886921068 +595 255 3 886921392 +595 258 4 886920602 +595 268 4 886920576 +595 273 3 886921140 +595 274 3 886921584 +595 275 4 886921166 +595 288 3 886920602 +595 289 4 886920602 +595 290 4 886921748 +595 293 4 886922069 +595 294 2 886920748 +595 298 4 886921166 +595 304 3 886920774 +595 324 3 886920632 +595 325 3 886920774 +595 330 4 886920819 +595 336 2 886920966 +595 346 4 886920576 +595 358 2 886920714 +595 410 4 886921315 +595 411 3 886921448 +595 460 4 886921699 +595 472 3 886921847 +595 475 5 886921166 +595 508 5 886921199 +595 544 3 886921699 +595 546 4 886922069 +595 547 4 886922069 +595 591 4 886921344 +595 676 2 886921140 +595 678 1 886920819 +595 717 2 886921977 +595 742 2 886921521 +595 744 3 886921274 +595 748 2 886920655 +595 762 4 886922069 +595 763 3 886921551 +595 815 3 886921584 +595 820 2 886921870 +595 824 3 886921748 +595 825 2 886921606 +595 826 1 886921819 +595 844 4 886922069 +595 845 3 886921448 +595 864 4 886922069 +595 871 2 886921945 +595 880 3 886920819 +595 922 4 886921036 +595 926 1 886921897 +595 928 3 886921820 +595 929 2 886921722 +595 948 3 886920919 +595 952 5 886921424 +595 979 3 886921847 +595 986 2 886921945 +595 1010 4 886922069 +595 1023 1 886921977 +595 1028 3 886921475 +595 1047 2 886921769 +595 1059 4 886921344 +595 1061 3 886921945 +595 1067 4 886922069 +595 1094 3 886921820 +595 1134 5 886921392 +595 1142 5 886921199 +595 1165 1 886921748 +595 1259 3 886921819 +595 1264 2 887588203 +595 1312 3 886921787 +596 13 2 883539402 +596 123 2 883539767 +596 181 4 883539431 +596 258 3 883539011 +596 288 4 883538847 +596 294 4 883539079 +596 313 5 883538815 +596 323 4 883538965 +596 678 3 883538965 +596 682 4 883539173 +597 1 3 875339723 +597 15 5 875341758 +597 24 3 875341858 +597 111 3 875342355 +597 118 3 875343067 +597 127 4 875340062 +597 151 4 875342314 +597 181 4 875340062 +597 242 4 875338983 +597 275 4 875339876 +597 286 3 875338983 +597 289 5 875338983 +597 293 5 875340939 +597 294 4 875339083 +597 298 5 875339723 +597 300 5 875338983 +597 323 3 875339041 +597 326 1 875339083 +597 328 4 875339132 +597 477 5 875339970 +597 678 1 875339041 +597 688 4 875339132 +597 742 4 875341603 +597 748 5 875339041 +597 824 3 875342875 +597 825 5 875343583 +597 936 3 875343067 +597 988 1 875339237 +597 990 2 875339041 +597 1016 4 875342355 +597 1152 4 875339876 +598 243 2 886711192 +598 258 5 886711452 +598 259 3 886710977 +598 260 3 886711034 +598 292 4 886710735 +598 300 4 886710671 +598 308 4 886710612 +598 313 5 886711452 +598 323 4 886711452 +598 343 2 886710795 +598 349 4 886711452 +598 350 4 886711452 +598 538 4 886711452 +598 750 5 886711452 +598 898 4 886711452 +599 1 4 880951657 +599 120 3 880953441 +599 220 5 880951479 +599 245 3 880953441 +599 255 5 880951479 +599 260 1 880951113 +599 274 5 880952144 +599 276 2 880951439 +599 278 3 880953441 +599 280 5 880952229 +599 282 5 880951657 +599 284 4 880952229 +599 288 4 880950997 +599 294 4 880951113 +599 471 4 880953441 +599 476 4 880953441 +599 546 4 880953441 +599 682 4 880951079 +599 748 4 880951144 +599 763 5 880952316 +599 845 5 880951974 +599 846 5 880952229 +599 866 2 880952229 +599 872 2 880951046 +599 873 5 880951174 +599 888 5 880951249 +599 928 4 880953441 +599 934 3 880953441 +599 948 4 880951281 +599 988 4 880951211 +599 1014 4 880951885 +599 1048 2 880952357 +599 1095 4 880952316 +599 1152 4 880951623 +599 1277 4 880952496 +599 1278 5 880952185 +599 1357 2 880952905 +600 2 3 888451908 +600 4 4 888451908 +600 11 5 888451665 +600 22 5 888451491 +600 29 2 888452490 +600 50 4 888451492 +600 53 4 888452563 +600 56 5 888451492 +600 62 4 888452151 +600 79 4 888451582 +600 82 5 888451583 +600 89 5 888451492 +600 92 3 888451665 +600 96 5 888451664 +600 127 5 888451492 +600 161 4 888451908 +600 172 4 888451665 +600 174 4 888451665 +600 177 5 888451583 +600 181 4 888451491 +600 182 4 888451750 +600 183 5 888451750 +600 184 3 888451750 +600 187 5 888451750 +600 188 4 888451750 +600 195 4 888451492 +600 210 4 888451665 +600 227 4 888451977 +600 229 3 888451840 +600 230 4 888451839 +600 231 3 888452152 +600 232 3 888451839 +600 233 2 888452071 +600 241 5 888451582 +600 269 4 888451388 +600 373 3 888452490 +600 385 3 888451582 +600 391 3 888452491 +600 399 4 888452491 +600 403 3 888451908 +600 431 3 888451908 +600 449 4 888452564 +600 450 4 888453144 +600 510 5 888451665 +600 511 5 888451492 +600 515 5 888451492 +600 518 5 888451908 +600 530 4 888451664 +600 540 3 888453083 +600 541 1 888451977 +600 554 4 888451977 +600 562 3 888452564 +600 566 3 888451908 +600 568 4 888451908 +600 570 4 888452563 +600 576 3 888451840 +600 578 2 888451839 +600 583 3 888451977 +600 586 2 888453083 +600 651 4 888451492 +600 665 5 888452152 +600 679 2 888451839 +600 684 4 888451582 +600 720 3 888452151 +600 759 2 888453145 +600 761 4 888451977 +600 771 3 888452564 +600 779 2 888452564 +600 802 2 888453082 +600 810 3 888451977 +600 947 4 888452071 +600 1004 4 888451839 +600 1110 3 888452564 +600 1188 3 888452152 +600 1228 2 888452490 +600 1239 2 888452564 +600 1274 2 888453145 +600 1407 2 888453083 +600 1419 3 888452564 +601 8 3 876348736 +601 9 4 876347196 +601 12 3 876348947 +601 15 1 876347040 +601 21 3 876347113 +601 22 4 876348820 +601 47 3 876349542 +601 50 5 876346810 +601 56 3 876349577 +601 58 1 876350400 +601 64 4 876349503 +601 65 4 876350017 +601 69 3 876348987 +601 71 1 876349937 +601 82 1 876351298 +601 87 4 876349503 +601 91 5 876349251 +601 96 2 876350185 +601 98 3 876348526 +601 99 3 876350536 +601 100 4 876346757 +601 107 4 876347113 +601 118 1 876347320 +601 121 2 876347267 +601 123 1 876347148 +601 125 1 876347320 +601 127 4 876346810 +601 131 4 876350766 +601 132 5 876350104 +601 133 4 876350812 +601 135 4 876350443 +601 140 1 876351298 +601 141 4 876350443 +601 143 3 876351073 +601 148 3 876348140 +601 151 3 876346930 +601 153 4 876350060 +601 154 5 876350017 +601 156 4 876348782 +601 157 3 876349716 +601 163 4 876350400 +601 168 5 876350944 +601 172 4 876348736 +601 173 5 876348736 +601 174 4 876348572 +601 176 2 876348820 +601 178 4 876348526 +601 181 5 876347039 +601 183 4 876348674 +601 185 4 876349577 +601 186 4 876349542 +601 191 4 876350016 +601 195 3 876348611 +601 198 4 876350104 +601 201 5 876349503 +601 204 2 876348783 +601 208 4 876350017 +601 210 4 876350060 +601 222 4 876347039 +601 225 1 876347462 +601 228 5 876350400 +601 230 4 876350583 +601 234 1 876348947 +601 238 2 876349897 +601 239 3 876350537 +601 241 4 876350652 +601 257 2 876347224 +601 258 5 876346344 +601 259 1 876346515 +601 260 4 876346633 +601 284 4 876347523 +601 287 1 876348215 +601 288 1 876346515 +601 290 3 876350501 +601 294 1 876346515 +601 318 4 876348572 +601 324 4 876346383 +601 325 4 876346551 +601 357 4 876349150 +601 365 3 876350812 +601 378 2 876351041 +601 382 4 876351582 +601 387 3 876350583 +601 389 2 876350537 +601 405 1 876347765 +601 406 2 876350998 +601 410 4 876347113 +601 416 3 876350683 +601 418 2 876350766 +601 419 4 876351263 +601 421 1 876350060 +601 427 4 876348736 +601 429 5 876349387 +601 431 4 876351413 +601 436 4 876350230 +601 443 4 876350766 +601 455 4 876347148 +601 472 1 876348177 +601 473 3 876347665 +601 475 4 876346890 +601 476 1 876347765 +601 479 4 876349358 +601 482 4 876350142 +601 483 4 876348782 +601 504 4 876350300 +601 508 4 876346964 +601 584 4 876350142 +601 588 3 876350719 +601 591 3 876347267 +601 623 1 876349897 +601 660 3 876349937 +601 671 4 876348572 +601 673 1 876351264 +601 699 3 876350812 +601 740 4 876347196 +601 743 1 876348410 +601 763 5 876348035 +601 820 1 876348316 +601 834 1 876348381 +601 840 2 876347599 +601 842 1 876351171 +601 864 1 876347320 +601 921 5 876351214 +601 928 1 876348140 +601 934 1 876348285 +601 949 2 876351214 +601 1028 2 876347557 +601 1039 4 876350185 +601 1047 1 876347557 +601 1063 3 876350340 +601 1073 2 876350230 +601 1079 3 876347148 +601 1084 5 876346849 +601 1116 4 876350944 +601 1135 2 876351141 +601 1296 1 876346344 +601 1540 2 876350017 +601 1615 4 876348107 +602 50 5 888638460 +602 117 5 888638674 +602 118 3 888638703 +602 125 4 888638674 +602 127 5 888638491 +602 148 4 888638517 +602 181 5 888638547 +602 243 3 888638277 +602 259 4 888638160 +602 261 3 888638248 +602 294 5 888637987 +602 300 3 888637847 +602 304 4 888638022 +602 508 3 888638618 +602 678 4 888638193 +602 748 3 888638160 +602 871 3 888638589 +602 880 4 888637925 +602 988 4 888638248 +603 7 5 891956075 +603 11 5 891956927 +603 12 5 891955991 +603 21 3 891956715 +603 22 4 891956776 +603 50 5 891955922 +603 56 4 891957053 +603 62 2 891955972 +603 89 5 891956825 +603 100 4 891956776 +603 157 1 891957031 +603 172 5 891956139 +603 173 4 891956877 +603 174 3 891956927 +603 176 2 891956776 +603 180 4 891956946 +603 181 5 891956154 +603 210 4 891957110 +603 216 4 891957139 +603 222 4 891955922 +603 227 3 891955972 +603 228 3 891955922 +603 230 4 891955922 +603 250 5 891956173 +603 273 1 891956124 +603 288 3 891956283 +603 294 4 891956330 +603 313 5 891956091 +603 326 4 891956344 +603 419 2 891957012 +603 449 4 891955972 +603 450 3 891955972 +603 474 4 891956803 +603 747 3 891956897 +603 751 4 891956242 +603 931 2 891956715 +603 988 4 891956529 +604 5 2 883668261 +604 7 4 883668097 +604 98 2 883668097 +604 164 4 883668175 +604 183 3 883668021 +604 185 2 883668175 +604 200 1 883668261 +604 201 3 883668352 +604 234 5 883668097 +604 288 3 883668261 +604 413 3 883668175 +604 441 2 883668261 +604 444 2 883668175 +604 447 4 883668352 +604 567 5 883668352 +604 670 5 883668352 +604 672 1 883668261 +605 1 4 879365748 +605 12 4 881016144 +605 14 5 879427619 +605 15 5 879427151 +605 22 4 879424548 +605 64 5 879425432 +605 69 5 879425432 +605 70 3 879424680 +605 79 5 879425432 +605 100 5 879425432 +605 111 3 879425663 +605 117 2 879365748 +605 118 3 879429729 +605 121 1 879429706 +605 124 3 879365748 +605 126 5 880762240 +605 127 5 879366240 +605 132 5 879425432 +605 135 5 879424369 +605 137 5 879425432 +605 143 1 879424345 +605 153 4 879424784 +605 174 3 879424743 +605 176 4 879426339 +605 180 4 879424315 +605 187 5 879425432 +605 191 5 879426212 +605 210 3 879424452 +605 215 3 879426163 +605 223 5 881015099 +605 238 1 879424783 +605 245 3 879366335 +605 252 4 879510953 +605 255 2 879510904 +605 260 4 879365417 +605 269 4 879365101 +605 274 3 879425663 +605 275 4 879366177 +605 276 4 879365773 +605 282 4 879424743 +605 284 2 880762139 +605 286 4 879365101 +605 288 5 879365158 +605 293 3 879366256 +605 294 4 879365219 +605 295 4 879366240 +605 300 2 879365101 +605 301 3 879365237 +605 302 4 879365132 +605 325 2 879365219 +605 333 4 880554130 +605 338 2 881015064 +605 340 4 879365132 +605 357 5 879426180 +605 371 5 879427369 +605 405 3 879429706 +605 408 5 881016144 +605 471 3 879365748 +605 475 3 879424369 +605 496 5 879424600 +605 508 5 879425432 +605 521 5 879424743 +605 523 5 879424345 +605 526 5 879426371 +605 527 4 879424429 +605 528 5 879424273 +605 531 4 879424583 +605 546 2 879429729 +605 582 4 879424661 +605 597 3 879427755 +605 601 5 879426339 +605 619 4 880762205 +605 678 1 879366335 +605 831 1 879429729 +605 873 3 879365219 +605 879 3 879365417 +605 930 2 879429706 +605 934 4 879425706 +605 949 5 879427164 +605 1226 4 879510864 +606 1 5 878148365 +606 3 5 880922084 +606 7 4 878143509 +606 8 2 880923579 +606 12 2 880924384 +606 15 5 878143729 +606 22 5 880927357 +606 24 5 878143509 +606 25 5 878149689 +606 28 4 880924921 +606 31 4 880925199 +606 33 4 880928180 +606 38 4 880927923 +606 42 3 880926245 +606 48 4 880924483 +606 50 5 878142864 +606 55 4 880926245 +606 56 5 880924483 +606 58 3 880924483 +606 63 3 880927666 +606 64 5 880923579 +606 68 5 880927127 +606 69 4 880926339 +606 71 5 880923745 +606 79 3 880927127 +606 81 3 880924921 +606 82 5 880925646 +606 83 5 880925289 +606 87 4 880924483 +606 88 4 880926533 +606 89 5 880927358 +606 91 5 880926610 +606 93 4 878142865 +606 96 5 880925074 +606 97 5 880925453 +606 98 5 880923925 +606 99 4 880923799 +606 100 5 878146986 +606 103 3 880923349 +606 108 1 880923349 +606 111 4 878146986 +606 117 4 878143605 +606 118 4 878143785 +606 121 4 878148425 +606 123 3 878143605 +606 125 4 878148493 +606 127 4 878143509 +606 129 3 878142865 +606 132 5 880923925 +606 135 5 880926245 +606 138 3 880927923 +606 144 4 880924664 +606 147 5 880922503 +606 148 3 878150506 +606 150 4 878143246 +606 151 5 878148493 +606 153 3 880926700 +606 154 3 880923862 +606 156 4 880924789 +606 157 4 880926018 +606 161 4 880926994 +606 168 5 880924557 +606 172 5 880924322 +606 173 5 880924859 +606 174 5 880924663 +606 175 4 880927127 +606 176 5 880923925 +606 178 5 880925579 +606 179 5 880927552 +606 180 4 880926245 +606 181 5 878143047 +606 183 5 880926162 +606 184 5 880924790 +606 185 3 880926759 +606 186 5 880925290 +606 187 4 880926861 +606 188 4 880924921 +606 191 5 880923988 +606 194 4 880925199 +606 195 5 880926162 +606 196 4 880926759 +606 198 4 880927665 +606 200 5 880923862 +606 201 4 880927417 +606 202 4 880924921 +606 203 5 880926084 +606 204 4 880924384 +606 206 4 880927552 +606 208 3 880925074 +606 209 4 880926018 +606 211 5 880926759 +606 214 4 880926018 +606 215 4 880923925 +606 216 5 880925579 +606 222 3 878147770 +606 225 1 880923349 +606 230 2 880926084 +606 234 4 880927179 +606 235 3 880922566 +606 236 3 878150506 +606 237 4 878148365 +606 238 4 880927179 +606 239 4 880926339 +606 241 3 880926246 +606 248 5 887058736 +606 249 3 880922503 +606 250 4 878143047 +606 255 5 887061723 +606 257 5 880922503 +606 258 4 887058788 +606 260 3 887059561 +606 265 4 880924663 +606 273 4 878143509 +606 281 4 880922148 +606 282 4 878147641 +606 284 4 878148425 +606 288 4 877641931 +606 293 5 878143605 +606 294 2 880923349 +606 298 4 880920725 +606 307 4 888334083 +606 313 5 887841727 +606 323 4 877642209 +606 326 4 889137188 +606 333 5 887059213 +606 385 4 880925200 +606 393 4 880925453 +606 404 4 880925200 +606 405 4 878148493 +606 410 3 880921656 +606 418 5 880923745 +606 419 4 880924188 +606 421 4 880923989 +606 423 5 880925200 +606 427 4 880924106 +606 428 3 880927247 +606 432 5 880926339 +606 435 4 880923862 +606 441 4 880927750 +606 451 3 880927247 +606 455 2 880923349 +606 468 4 880923989 +606 471 4 878146986 +606 472 4 880921408 +606 473 4 878149415 +606 475 4 878143785 +606 477 4 878143247 +606 483 5 880924921 +606 491 4 880923799 +606 498 4 880923862 +606 501 4 880926084 +606 507 4 880923689 +606 508 4 878147350 +606 516 4 880924859 +606 527 4 880924790 +606 530 4 880925074 +606 531 5 880924188 +606 537 2 880925074 +606 546 4 878149278 +606 549 4 880926862 +606 562 4 880928181 +606 568 4 880923988 +606 576 3 880927750 +606 585 4 880927358 +606 588 5 880923862 +606 591 3 880923349 +606 596 4 878149415 +606 619 4 880922565 +606 620 4 887059014 +606 628 4 878143729 +606 637 3 880927750 +606 647 3 880924663 +606 651 4 880926018 +606 652 3 880925200 +606 655 4 880926469 +606 660 5 880926470 +606 662 4 880926162 +606 678 3 877642127 +606 684 3 880925579 +606 685 3 880923349 +606 692 5 880924790 +606 709 5 880927417 +606 713 4 878142865 +606 717 3 878147770 +606 729 4 880927247 +606 735 5 880926610 +606 746 5 880925394 +606 747 4 880927468 +606 748 3 880921753 +606 749 4 888333338 +606 756 3 878146986 +606 760 3 880923349 +606 806 5 880923579 +606 816 2 880927358 +606 825 5 878149689 +606 827 3 880922625 +606 833 5 887060394 +606 841 3 880922625 +606 844 4 878149278 +606 845 4 878147770 +606 919 2 880923349 +606 924 5 880921408 +606 925 4 880922566 +606 926 3 880922625 +606 928 4 880928180 +606 939 4 880927247 +606 942 4 880926700 +606 951 2 880928181 +606 959 5 880927128 +606 963 5 880923925 +606 969 5 880925074 +606 993 5 887059716 +606 1010 3 878149278 +606 1011 3 880921408 +606 1016 3 887062032 +606 1039 4 880923690 +606 1047 2 880923349 +606 1055 4 880923690 +606 1065 5 880924323 +606 1110 2 880927358 +606 1149 4 880925289 +606 1151 3 889137292 +606 1190 3 889137308 +606 1199 3 878143246 +606 1280 2 889137292 +606 1518 4 880926760 +607 19 3 883879613 +607 45 4 883880079 +607 56 5 883880155 +607 86 4 883880079 +607 100 4 883879316 +607 107 4 883879756 +607 121 2 883879811 +607 137 4 883879556 +607 174 3 883879516 +607 180 4 883879556 +607 211 5 883879556 +607 238 4 883879556 +607 275 4 883879756 +607 311 4 883879971 +607 382 3 883880110 +607 435 3 883879473 +607 462 4 883880110 +607 482 5 883879556 +607 487 4 883879213 +607 494 5 883879556 +607 528 4 883879556 +607 529 4 883880027 +607 707 4 883880027 +607 847 4 883879638 +607 855 4 883880027 +607 887 3 883878999 +607 950 3 883879691 +608 4 3 880406168 +608 8 2 880405484 +608 9 4 880403765 +608 11 5 880405927 +608 16 2 880406950 +608 22 4 880405395 +608 23 5 880403239 +608 25 4 880406506 +608 28 4 880405484 +608 42 5 880406168 +608 44 4 880406469 +608 50 1 880403765 +608 56 5 880403690 +608 58 2 880406800 +608 59 5 880403856 +608 61 5 880404693 +608 64 4 880405165 +608 65 5 880406469 +608 69 4 880405702 +608 70 4 880406552 +608 76 4 880408115 +608 79 5 880405863 +608 83 5 880406862 +608 86 5 880403484 +608 92 3 880408150 +608 93 4 880406299 +608 98 5 880403855 +608 100 4 880403280 +608 111 1 880406507 +608 126 1 880405165 +608 127 5 880403320 +608 131 4 880406032 +608 132 2 880403899 +608 133 4 880405165 +608 134 3 880403810 +608 136 3 880403280 +608 144 4 880405659 +608 150 3 880406299 +608 157 1 880405085 +608 163 1 880405085 +608 166 3 880403388 +608 168 1 880403810 +608 172 1 880405927 +608 174 3 880406506 +608 182 4 880403484 +608 185 5 880405484 +608 187 4 880403055 +608 190 4 880405527 +608 195 1 880405527 +608 196 5 880405395 +608 197 5 880405431 +608 199 1 880403606 +608 204 4 880405527 +608 207 5 880404975 +608 213 4 880404693 +608 215 3 880406299 +608 216 5 880403239 +608 218 4 880406862 +608 234 5 880404847 +608 238 5 880403810 +608 262 3 880402368 +608 268 4 880402983 +608 269 3 880402272 +608 275 5 880403810 +608 276 2 880404975 +608 283 4 880406623 +608 286 4 880402272 +608 287 3 880406950 +608 288 5 880402982 +608 294 3 880402450 +608 300 1 880402327 +608 301 1 880402633 +608 303 4 880402983 +608 305 3 880402633 +608 306 4 880402983 +608 310 1 880402450 +608 317 5 880405527 +608 318 4 880404916 +608 319 4 880402983 +608 321 2 880402633 +608 327 2 880402450 +608 328 4 880402983 +608 332 4 880402982 +608 333 4 880402983 +608 337 4 880402982 +608 340 4 880402982 +608 357 5 880404916 +608 418 1 880405971 +608 421 5 880406427 +608 423 4 880406727 +608 427 4 880403765 +608 443 5 880405824 +608 448 5 880406593 +608 461 4 880406507 +608 462 4 880406552 +608 469 3 880405395 +608 475 3 880405971 +608 478 3 880403606 +608 479 5 880404636 +608 480 3 880405165 +608 483 4 880404916 +608 487 4 880406032 +608 490 4 880405824 +608 499 4 880403484 +608 505 5 880406862 +608 506 4 880406728 +608 507 3 880403899 +608 508 4 880406593 +608 509 1 880403855 +608 514 5 880403320 +608 517 4 880403856 +608 549 4 880405824 +608 568 5 880406032 +608 603 5 880403537 +608 606 5 880404693 +608 607 5 880405395 +608 611 3 880403537 +608 655 5 880405395 +608 658 3 880408150 +608 660 5 880406800 +608 661 3 880405927 +608 673 4 880405484 +608 690 4 880402527 +608 693 3 880405927 +608 694 3 880405085 +608 699 5 880406507 +608 702 1 880406862 +608 729 4 880407079 +608 735 4 880406799 +608 736 4 880403484 +608 742 4 880406299 +608 753 5 880405395 +608 848 4 880403690 +608 865 4 880403537 +608 886 1 880402564 +608 939 4 880405896 +608 956 3 880405896 +608 961 4 880405431 +608 969 5 880407079 +608 1009 4 880406032 +608 1039 5 880406552 +608 1063 5 880405659 +608 1101 4 880405863 +608 1115 4 880406168 +608 1119 5 880406552 +608 1124 4 880404846 +608 1153 3 880406623 +608 1172 5 880404636 +608 1183 1 880405484 +608 1204 2 880403606 +608 1221 2 880406800 +608 1262 5 880406095 +608 1281 4 880407079 +609 1 1 886896185 +609 15 5 886895150 +609 125 4 886895193 +609 147 1 886895016 +609 258 3 886894677 +609 285 5 886894879 +609 287 5 886894940 +609 288 2 886894677 +609 304 5 886895436 +609 313 5 886894637 +609 314 1 886895941 +609 352 1 886895699 +609 538 1 886895795 +609 750 4 886895397 +609 878 1 886895827 +609 901 1 886895886 +609 908 1 886895699 +609 948 1 886895886 +610 1 4 888703157 +610 8 4 888702902 +610 9 3 888702961 +610 11 4 888703432 +610 28 4 888703258 +610 50 4 888702961 +610 51 5 888703523 +610 66 3 888704000 +610 70 4 888703609 +610 71 4 888703258 +610 79 3 888702859 +610 95 2 888703316 +610 98 5 888702902 +610 117 4 888704000 +610 127 5 888702902 +610 133 4 888703648 +610 135 3 888703730 +610 153 5 888703766 +610 162 5 888703343 +610 172 4 888702962 +610 176 4 888703157 +610 183 4 888703749 +610 185 5 888703191 +610 187 4 888703213 +610 195 3 888703583 +610 203 4 888703749 +610 204 1 888703343 +610 210 3 888703290 +610 216 4 888703291 +610 271 1 888702795 +610 272 4 888702815 +610 275 4 888703453 +610 276 4 888703766 +610 283 3 888703316 +610 313 4 888702841 +610 315 4 888702764 +610 317 3 888703553 +610 318 5 888703378 +610 352 1 888702795 +610 378 5 888703609 +610 402 5 888704000 +610 419 5 888703241 +610 423 4 888703710 +610 477 2 888703475 +610 480 5 888702962 +610 483 5 888702859 +610 484 3 888703507 +610 485 5 888703815 +610 489 4 888703343 +610 505 4 888703537 +610 508 3 888703629 +610 516 3 888703710 +610 527 4 888703801 +610 568 4 888703648 +610 582 4 888703749 +610 606 5 888703343 +610 607 5 888703157 +610 673 4 888704000 +610 699 2 888703507 +610 705 3 888703710 +610 735 3 888703360 +610 750 4 888702841 +610 751 4 888702795 +610 755 5 888703710 +610 1558 3 888703475 +611 268 5 891636192 +611 272 5 891636098 +611 286 5 891636244 +611 288 3 891636073 +611 299 1 891636223 +611 300 5 891636244 +611 301 4 891636152 +611 302 5 891636073 +611 303 3 891636073 +611 305 4 891636192 +611 306 5 891636152 +611 307 4 891636125 +611 311 4 891636073 +611 315 5 891636098 +611 324 3 891636399 +611 333 4 891636073 +611 340 5 891636192 +611 342 3 891636223 +611 344 5 891636073 +611 350 4 891636399 +611 353 3 891636125 +611 354 3 891636192 +611 680 4 891636125 +611 690 3 891636098 +611 750 5 891636222 +611 751 4 891636098 +611 752 5 891636223 +611 882 4 891636192 +611 886 4 891636399 +611 896 3 891636152 +611 906 2 891636223 +611 1243 3 891636244 +612 9 3 875324876 +612 15 4 875324455 +612 25 3 875324915 +612 100 4 875324790 +612 118 3 875324947 +612 127 2 875325049 +612 202 2 875325221 +612 237 3 875324455 +612 243 2 875324355 +612 322 3 875324294 +612 476 3 875324947 +612 480 4 875325049 +612 604 4 875325256 +612 878 2 875324400 +612 924 5 875324710 +612 926 2 875324789 +612 1063 5 875325049 +613 1 4 891227410 +613 12 5 891227299 +613 28 3 891227262 +613 64 5 891227204 +613 89 5 891227237 +613 126 5 891227338 +613 127 4 891227204 +613 176 5 891227237 +613 194 5 891227299 +613 258 5 891227365 +613 279 4 891227410 +613 297 5 891227338 +613 303 4 891227111 +613 471 3 891227410 +613 509 4 891227236 +613 530 5 891227262 +613 603 5 891227298 +613 1157 2 891227204 +614 1 5 879464093 +614 7 2 879464215 +614 9 4 879464063 +614 14 3 879464093 +614 25 1 879464376 +614 100 5 879464119 +614 117 3 879464352 +614 121 4 879464398 +614 126 4 879464183 +614 147 5 879464332 +614 235 5 879464437 +614 237 2 879464216 +614 276 4 879464234 +614 281 3 879464308 +614 286 2 879464507 +614 287 3 879464456 +614 288 2 879463630 +614 289 2 879463669 +614 293 3 879464157 +614 294 4 879464507 +614 411 3 879465452 +614 458 4 879464287 +614 508 4 879464093 +614 535 2 879464376 +614 546 1 879463965 +614 756 4 879465398 +614 841 2 879465398 +614 871 2 879465376 +614 1142 3 879463965 +615 13 4 879449184 +615 14 5 879448016 +615 22 4 879448797 +615 23 5 879448547 +615 26 4 879448233 +615 28 4 879448759 +615 48 5 879448399 +615 70 4 879448915 +615 72 2 879449164 +615 83 4 879448399 +615 86 5 879448439 +615 87 4 879448780 +615 97 4 879448759 +615 100 3 879448693 +615 135 4 879448599 +615 153 4 879449130 +615 160 3 879448599 +615 168 5 879449110 +615 170 4 879447895 +615 175 5 879448439 +615 178 5 879448547 +615 180 4 879448475 +615 187 5 879448598 +615 190 3 879447968 +615 191 5 879448759 +615 192 5 879448780 +615 194 5 879449164 +615 197 4 879448439 +615 208 4 879449130 +615 209 5 879449068 +615 211 5 879449164 +615 213 5 879447990 +615 215 4 879448632 +615 216 4 879449068 +615 237 4 879448843 +615 238 3 879449044 +615 259 1 879447642 +615 262 4 879447556 +615 268 4 879447642 +615 269 4 879447500 +615 271 2 879447642 +615 275 4 879447872 +615 283 4 879448015 +615 286 4 879447500 +615 289 2 879447670 +615 300 4 879447613 +615 302 4 879447500 +615 303 5 879447530 +615 306 4 879447556 +615 319 4 879447585 +615 325 2 879447693 +615 332 2 879447585 +615 357 5 879448399 +615 387 3 879448915 +615 423 5 879448672 +615 427 5 879448475 +615 428 5 879449111 +615 435 5 879449089 +615 462 4 879447990 +615 475 4 879447919 +615 509 4 879448149 +615 514 5 879449110 +615 517 5 879449068 +615 518 4 879448632 +615 519 5 879448598 +615 521 4 879448475 +615 523 5 879448735 +615 526 4 879448735 +615 528 4 879448399 +615 529 5 879448036 +615 582 3 879447968 +615 629 4 879449184 +615 631 4 879448843 +615 632 5 879448759 +615 638 5 879447968 +615 644 4 879448599 +615 666 2 879448270 +615 678 1 879447713 +615 683 1 879447642 +615 699 3 879448823 +615 708 2 879448882 +615 732 4 879449211 +615 735 3 879448823 +615 736 5 879448149 +615 792 4 879448632 +615 855 4 879448088 +615 886 2 879447692 +615 937 2 879447530 +615 949 3 879448149 +615 1021 5 879448119 +615 1065 4 879448567 +615 1128 1 879448715 +615 1192 4 879448715 +616 245 3 891224767 +616 258 4 891224676 +616 269 4 891224517 +616 272 5 891224517 +616 286 5 891224448 +616 288 4 891224676 +616 289 4 891224840 +616 292 4 891224448 +616 299 3 891224801 +616 300 4 891224644 +616 301 3 891224748 +616 302 5 891224517 +616 303 4 891224558 +616 307 2 891224448 +616 313 5 891224590 +616 315 4 891224447 +616 316 4 891224840 +616 326 3 891224590 +616 327 3 891224558 +616 339 3 891224718 +616 343 4 891224864 +616 346 3 891224558 +616 349 4 891224748 +616 355 4 891224881 +616 362 3 891224517 +616 678 2 891224718 +616 689 4 891224748 +616 748 3 891224840 +616 750 5 891224590 +616 879 4 891224864 +616 895 3 891224644 +616 937 4 891224919 +616 1313 4 891224840 +617 7 3 883789425 +617 17 1 883789507 +617 53 1 883789537 +617 56 1 883789425 +617 74 5 883788859 +617 98 2 883789080 +617 132 1 883789006 +617 136 3 883789079 +617 145 1 883789716 +617 164 1 883789664 +617 170 1 883788929 +617 174 1 883788820 +617 175 4 883789386 +617 179 4 883789386 +617 183 4 883789386 +617 184 1 883789464 +617 192 5 883788900 +617 200 5 883789425 +617 201 1 883789465 +617 218 2 883789464 +617 219 4 883789536 +617 234 3 883789464 +617 238 3 883789249 +617 269 1 883788511 +617 288 1 883788566 +617 294 1 883788511 +617 302 4 883788511 +617 313 1 883788511 +617 320 5 883789424 +617 345 1 883788511 +617 357 4 883789386 +617 396 1 883789590 +617 413 1 883789635 +617 423 1 883789294 +617 424 1 883789716 +617 427 4 883789042 +617 429 3 883789212 +617 440 4 883789635 +617 441 3 883789590 +617 443 4 883788782 +617 444 4 883789590 +617 446 2 883789590 +617 447 4 883789386 +617 448 3 883789507 +617 452 1 883789590 +617 453 1 883789715 +617 475 1 883789294 +617 480 4 883789179 +617 496 1 883789080 +617 497 3 883788782 +617 498 3 883788955 +617 515 3 883788782 +617 519 3 883789105 +617 531 2 883788859 +617 547 1 883789464 +617 558 3 883789425 +617 559 1 883789507 +617 563 1 883789747 +617 565 4 883789635 +617 567 2 883789747 +617 569 1 883789537 +617 573 4 883789590 +617 582 4 883789294 +617 604 2 883788955 +617 606 3 883788929 +617 607 4 883789212 +617 611 4 883789386 +617 615 3 883789294 +617 631 2 883789212 +617 635 4 883789716 +617 637 3 883789507 +617 644 4 883789386 +617 646 4 883789386 +617 648 3 883789080 +617 653 4 883788955 +617 656 4 883789386 +617 667 2 883789590 +617 668 4 883789716 +617 669 1 883789635 +617 670 1 883789590 +617 671 4 883789425 +617 672 3 883789537 +617 674 3 883789536 +617 675 4 883789425 +617 767 3 883789747 +617 774 1 883789635 +617 816 1 883789747 +617 854 1 883789464 +617 855 3 883789294 +617 859 3 883789590 +617 860 1 883789635 +617 868 4 883788820 +617 1019 4 883788782 +617 1021 4 883788730 +617 1073 3 883789105 +617 1187 3 883788900 +617 1316 1 883788511 +617 1612 1 883788511 +618 1 4 891308063 +618 2 2 891309091 +618 4 2 891308459 +618 7 4 891309887 +618 8 3 891307862 +618 9 3 891308141 +618 11 4 891307263 +618 15 3 891308391 +618 22 4 891308390 +618 23 5 891306990 +618 24 2 891308515 +618 25 2 891308260 +618 28 4 891309887 +618 31 4 891307577 +618 33 2 891309351 +618 44 4 891308791 +618 49 3 891309514 +618 50 5 891307175 +618 52 3 891307224 +618 54 3 891309319 +618 55 2 891308063 +618 56 4 891307175 +618 62 2 891309697 +618 64 4 891306990 +618 65 3 891309720 +618 66 4 891309697 +618 68 3 891309608 +618 69 4 891308176 +618 70 3 891307495 +618 71 4 891309041 +618 73 3 891309440 +618 77 3 891309720 +618 79 5 891307494 +618 82 4 891308704 +618 87 3 891307931 +618 88 4 891309440 +618 90 1 891309351 +618 91 4 891309756 +618 93 3 891307019 +618 95 3 891309319 +618 96 3 891307749 +618 97 5 891308913 +618 98 5 891307494 +618 99 3 891308019 +618 100 4 891308063 +618 109 2 891308615 +618 111 3 891308946 +618 117 5 891307494 +618 118 3 891309004 +618 121 4 891308913 +618 123 2 891308063 +618 124 1 891308542 +618 125 3 891308704 +618 127 5 891307619 +618 132 4 891307057 +618 133 4 891307784 +618 135 4 891307224 +618 136 3 891307931 +618 143 4 891308515 +618 144 4 891309887 +618 148 3 891309670 +618 150 2 891308175 +618 151 3 891309514 +618 154 3 891308615 +618 159 3 891309670 +618 161 4 891308946 +618 164 3 891309041 +618 168 5 891308342 +618 172 5 891307098 +618 173 3 891307404 +618 174 5 891307539 +618 176 4 891307426 +618 181 5 891307263 +618 182 4 891307289 +618 183 4 891307494 +618 185 5 891308260 +618 186 4 891307224 +618 187 5 891307098 +618 190 4 891307404 +618 191 4 891307175 +618 192 5 891307367 +618 193 4 891308432 +618 195 3 891308431 +618 196 4 891307889 +618 197 3 891307825 +618 200 5 891307367 +618 202 2 891307714 +618 203 3 891308176 +618 204 3 891307098 +618 210 3 891308703 +618 214 2 891308176 +618 215 4 891307494 +618 216 3 891308791 +618 218 3 891308115 +618 233 3 891309471 +618 234 4 891307714 +618 238 1 891308391 +618 239 3 891309293 +618 241 4 891309887 +618 265 4 891307289 +618 275 3 891307577 +618 276 3 891309266 +618 282 3 891307289 +618 283 3 891309217 +618 288 3 891307343 +618 313 4 891306927 +618 318 5 891307825 +618 356 2 891309608 +618 367 3 891309319 +618 371 3 891308980 +618 378 4 891309514 +618 382 2 891307540 +618 385 4 891309163 +618 392 3 891308979 +618 403 4 891309608 +618 404 5 891309192 +618 416 4 891309720 +618 418 3 891308260 +618 419 4 891309887 +618 420 3 891309163 +618 421 3 891308615 +618 423 5 891309886 +618 427 5 891308431 +618 432 5 891308979 +618 433 2 891309410 +618 443 4 891308665 +618 458 3 891309579 +618 462 2 891307540 +618 468 3 891308665 +618 470 3 891308615 +618 471 3 891309041 +618 477 2 891308791 +618 483 5 891308199 +618 485 3 891307646 +618 487 4 891309886 +618 497 2 891307019 +618 501 4 891308884 +618 506 4 891308296 +618 507 4 891309239 +618 521 2 891307784 +618 526 5 891308141 +618 531 4 891309886 +618 549 2 891308342 +618 550 3 891308261 +618 559 3 891309382 +618 566 3 891308261 +618 568 4 891309409 +618 576 4 891309608 +618 582 4 891309217 +618 588 4 891307224 +618 596 4 891309065 +618 597 4 891309041 +618 609 4 891309440 +618 625 4 891309192 +618 628 2 891308019 +618 633 3 891308571 +618 651 5 891307263 +618 655 4 891309887 +618 660 3 891309040 +618 673 3 891309139 +618 676 2 891307977 +618 679 1 891308615 +618 684 3 891306991 +618 692 4 891309091 +618 693 3 891307540 +618 699 3 891309410 +618 705 3 891307825 +618 709 2 891308665 +618 713 4 891307224 +618 720 3 891309293 +618 723 3 891309514 +618 729 3 891308945 +618 731 2 891309514 +618 735 3 891308571 +618 746 2 891308946 +618 755 2 891309670 +618 762 3 891309636 +618 763 2 891309319 +618 770 2 891309756 +618 776 2 891307098 +618 781 3 891309382 +618 785 3 891309351 +618 790 3 891309471 +618 815 4 891309552 +618 895 3 891309929 +618 924 4 891309040 +618 925 2 891308854 +618 939 2 891308791 +618 942 2 891309293 +618 955 2 891307540 +618 959 4 891309756 +618 962 1 891307784 +618 966 4 891307931 +618 969 3 891307889 +618 1032 2 891309192 +618 1039 4 891309887 +618 1048 3 891308980 +618 1058 3 891309114 +618 1063 3 891308459 +618 1066 3 891309756 +618 1163 2 891309266 +618 1185 2 891309471 +618 1212 2 891309410 +618 1221 2 891309636 +618 1225 2 891309382 +618 1468 3 891308665 +619 11 2 885954019 +619 17 1 885954184 +619 22 5 885953992 +619 27 4 885954159 +619 29 1 885954238 +619 33 3 885954133 +619 39 2 885954083 +619 53 2 885954341 +619 55 1 885954053 +619 56 3 885953992 +619 62 1 885954185 +619 68 3 885954105 +619 79 5 885953992 +619 82 5 885954053 +619 96 5 885954083 +619 117 5 885953778 +619 118 5 885953827 +619 121 5 885953805 +619 127 4 885953778 +619 144 5 885954083 +619 161 4 885954133 +619 174 4 885953992 +619 176 5 885954053 +619 181 4 885953778 +619 182 4 885954019 +619 183 5 885953992 +619 187 5 885953992 +619 188 4 885954158 +619 195 5 885954019 +619 226 5 885954133 +619 231 4 885954185 +619 233 4 885954158 +619 241 5 885954083 +619 245 4 885953743 +619 252 3 885953878 +619 257 3 885953805 +619 258 5 885953622 +619 273 4 885953778 +619 281 4 885954133 +619 293 3 885953804 +619 294 1 885953684 +619 295 4 885953804 +619 298 5 885953778 +619 300 5 885953684 +619 302 4 885953600 +619 307 2 885953601 +619 323 3 885953878 +619 326 2 885953601 +619 327 3 885953743 +619 328 1 885953684 +619 331 4 885953574 +619 332 4 885953742 +619 333 2 885953574 +619 346 3 885953622 +619 363 2 885954215 +619 385 5 885954053 +619 391 3 885954215 +619 403 5 885954159 +619 406 2 885953931 +619 546 2 885953826 +619 550 5 885954134 +619 554 3 885954238 +619 562 3 885954341 +619 566 4 885954105 +619 568 5 885954083 +619 576 4 885954261 +619 578 4 885954215 +619 597 4 885953850 +619 665 5 885954261 +619 684 4 885954083 +619 685 3 885953850 +619 750 3 885953537 +619 808 3 885954053 +619 809 1 885954238 +619 827 3 885953878 +619 849 2 885954184 +619 879 4 885953743 +619 1016 4 885953826 +619 1231 2 885954215 +620 1 5 889987954 +620 7 4 889987073 +620 8 3 889988121 +620 15 5 889987210 +620 28 4 889988121 +620 35 3 889988340 +620 50 4 889988121 +620 63 5 889988232 +620 71 5 889988005 +620 78 4 889988340 +620 82 5 889988146 +620 91 2 889988069 +620 94 5 889988340 +620 95 4 889988005 +620 98 4 889987560 +620 99 3 889988005 +620 100 1 889987073 +620 101 2 889988069 +620 112 4 889988341 +620 118 4 889987825 +620 123 3 889987190 +620 125 2 889987255 +620 138 5 889988312 +620 140 4 889988258 +620 145 5 889987682 +620 147 3 889987299 +620 151 4 889988196 +620 164 5 889987586 +620 172 4 889988146 +620 173 5 889988121 +620 174 5 889988121 +620 181 4 889988146 +620 225 3 889988281 +620 234 3 889987560 +620 237 4 889987123 +620 240 5 889987954 +620 243 3 889986676 +620 246 4 889987276 +620 260 5 889986624 +620 268 4 889986452 +620 288 4 889986452 +620 294 5 889986557 +620 300 3 889986411 +620 313 5 889986477 +620 323 5 889986580 +620 354 5 889986477 +620 393 5 889988196 +620 404 4 889988232 +620 406 4 889987073 +620 409 4 889988196 +620 416 4 889988196 +620 418 3 889988005 +620 419 2 889988169 +620 420 3 889988005 +620 422 1 889988036 +620 423 5 889988168 +620 432 4 889988036 +620 444 3 889987682 +620 452 3 889987604 +620 465 4 889988232 +620 560 4 889988232 +620 565 4 889987682 +620 588 5 889988036 +620 595 5 889987792 +620 596 2 889987954 +620 623 4 889988232 +620 627 5 889988037 +620 674 3 889987586 +620 676 3 889987190 +620 683 3 889986984 +620 699 5 889988121 +620 706 3 889987706 +620 740 5 889987349 +620 742 5 889987792 +620 755 5 889988169 +620 758 2 889987073 +620 760 3 889987073 +620 768 5 889988069 +620 769 4 889987706 +620 795 4 889988340 +620 820 4 889987954 +620 834 2 889987073 +620 859 4 889987657 +620 895 3 889986984 +620 924 3 889987164 +620 928 5 889987825 +620 930 2 889987875 +620 931 3 889987875 +620 946 4 889988036 +620 951 3 889988258 +620 969 4 889988037 +620 975 3 889987852 +620 993 5 889987954 +620 1036 4 889988258 +620 1043 4 889988340 +620 1066 5 889988069 +620 1091 4 889988069 +620 1219 3 889988069 +620 1480 3 889988281 +620 1503 4 889988196 +621 1 3 880227233 +621 2 3 880739909 +621 3 5 881444887 +621 7 4 880738353 +621 8 5 874965407 +621 17 4 880739965 +621 24 4 880737433 +621 25 4 880738699 +621 28 4 874965408 +621 38 3 874964495 +621 40 3 874963273 +621 41 4 874963273 +621 50 5 874965407 +621 53 4 874964496 +621 55 5 874963594 +621 62 4 874964496 +621 63 1 874963445 +621 65 3 885596944 +621 67 4 880739654 +621 68 4 880739654 +621 71 3 874965208 +621 73 5 874962772 +621 79 5 874963594 +621 80 4 874963126 +621 82 5 874964267 +621 87 5 874965408 +621 88 2 874962772 +621 91 3 874965299 +621 94 2 874963081 +621 95 4 880739654 +621 96 5 874963797 +621 100 5 880227104 +621 107 4 880737311 +621 108 3 881445012 +621 109 4 880737607 +621 117 5 880227268 +621 118 3 880738353 +621 121 3 880227385 +621 122 2 880738838 +621 123 4 880738080 +621 125 4 880739654 +621 128 4 880740034 +621 135 5 885596819 +621 142 3 874965299 +621 143 2 874965208 +621 147 3 880738282 +621 148 4 880739654 +621 151 5 880737929 +621 154 5 881444499 +621 161 3 874964447 +621 172 5 874965407 +621 173 4 874965407 +621 174 3 874965407 +621 176 3 874963797 +621 180 4 885596944 +621 183 4 874963594 +621 184 3 874964267 +621 200 4 874964816 +621 208 4 874962824 +621 222 4 880736904 +621 231 4 874964375 +621 233 3 874964375 +621 235 3 880738142 +621 240 4 880738893 +621 241 4 874964604 +621 249 5 880738282 +621 250 4 880738568 +621 257 5 880738699 +621 263 1 883800011 +621 268 4 890517367 +621 270 4 890517239 +621 271 5 880226633 +621 273 4 880739654 +621 276 4 880736723 +621 293 3 880227385 +621 298 4 883801703 +621 299 1 880227012 +621 300 3 890517589 +621 301 4 880226534 +621 313 5 883798770 +621 333 4 890517503 +621 367 3 874962900 +621 383 2 874963166 +621 384 3 874963081 +621 385 5 874963797 +621 386 3 874963126 +621 391 3 874964657 +621 393 3 874962705 +621 395 4 880739654 +621 398 2 874964605 +621 401 1 874963210 +621 404 3 874965496 +621 405 5 880740034 +621 410 4 880738623 +621 417 3 874965299 +621 418 3 874965298 +621 419 4 874965093 +621 420 4 874965298 +621 432 4 874965093 +621 455 4 880738462 +621 472 3 880738462 +621 501 3 874965299 +621 539 1 883799884 +621 540 3 874964657 +621 541 4 874964605 +621 542 2 874965093 +621 546 3 880738894 +621 559 5 874964915 +621 561 4 874964945 +621 567 3 874964991 +621 568 5 874963797 +621 576 2 874964605 +621 577 3 874963446 +621 578 5 874964604 +621 584 5 874965094 +621 585 4 874962988 +621 588 3 874965208 +621 624 5 874965093 +621 625 4 874965299 +621 676 3 880737607 +621 686 5 880739852 +621 692 4 874962614 +621 721 4 874963126 +621 722 4 881444887 +621 735 4 880739654 +621 746 4 874963028 +621 748 4 880226710 +621 751 4 883799651 +621 755 3 874965299 +621 763 4 880738462 +621 769 3 874964991 +621 779 3 880740296 +621 780 4 874962824 +621 783 3 874963273 +621 790 4 874963081 +621 795 1 874963273 +621 804 4 881445120 +621 809 4 880740136 +621 810 3 874964657 +621 825 3 880738142 +621 833 3 880738462 +621 871 3 881445723 +621 879 4 880227012 +621 881 2 883798770 +621 890 1 883799608 +621 894 1 883800011 +621 926 3 880738894 +621 940 3 874963166 +621 944 5 874963126 +621 1012 5 880227233 +621 1013 2 880738282 +621 1016 4 880737785 +621 1028 4 880737861 +621 1029 2 874963210 +621 1035 4 880739654 +621 1036 1 874963446 +621 1047 3 880738080 +621 1093 4 880738568 +621 1118 3 874962824 +621 1185 3 881445012 +621 1228 3 880740296 +622 1 3 882590344 +622 2 4 882671363 +622 3 1 882672922 +622 4 4 882671120 +622 7 5 882590269 +622 8 4 882592421 +622 9 4 882669969 +622 15 4 882590670 +622 22 4 882592178 +622 24 4 882590367 +622 28 3 882592314 +622 29 4 882592735 +622 31 3 882669594 +622 41 3 882672060 +622 46 4 882670610 +622 47 3 882670406 +622 49 3 882671273 +622 50 5 882592815 +622 56 5 882592103 +622 62 4 882592850 +622 64 5 882669391 +622 66 3 882670480 +622 67 1 882671463 +622 69 4 882592041 +622 70 3 882670562 +622 72 3 882671142 +622 79 5 882591979 +622 80 3 882671446 +622 82 3 882670767 +622 83 5 882592178 +622 86 4 882670587 +622 88 3 882670749 +622 89 5 882669740 +622 90 4 882671574 +622 94 2 882671694 +622 95 4 882669556 +622 96 5 882592449 +622 98 5 882669449 +622 99 4 882592383 +622 100 5 882590252 +622 101 5 882592662 +622 106 2 882591172 +622 109 5 882590559 +622 111 4 882591014 +622 117 4 882590291 +622 118 1 882591663 +622 121 1 882590955 +622 125 3 882590457 +622 127 5 882590534 +622 132 4 882669851 +622 135 4 882592346 +622 142 3 882670826 +622 143 4 882670228 +622 144 5 882592103 +622 153 4 882592314 +622 154 4 882669740 +622 156 5 882592143 +622 157 4 882670389 +622 159 3 882670309 +622 161 3 882670712 +622 162 3 882670389 +622 165 5 882591938 +622 166 5 882669695 +622 168 4 882592041 +622 169 5 882669374 +622 172 5 882669826 +622 173 5 882670057 +622 174 4 882592559 +622 175 4 882669645 +622 176 4 882669851 +622 178 4 882592421 +622 181 5 882592041 +622 183 4 882669826 +622 184 5 882592103 +622 185 3 882592041 +622 190 4 882669762 +622 194 4 882669762 +622 195 5 882591938 +622 198 4 882669612 +622 199 5 882592143 +622 202 4 882670252 +622 204 3 882592559 +622 206 1 882670899 +622 207 5 882592278 +622 209 5 882592421 +622 210 3 882669784 +622 212 3 882669740 +622 213 5 882670009 +622 214 4 882670228 +622 215 3 882592523 +622 217 4 882671185 +622 218 3 882670057 +622 222 5 882592815 +622 226 4 882670367 +622 227 3 882592815 +622 228 5 882592815 +622 229 2 882592850 +622 230 3 882592815 +622 231 4 882592735 +622 233 4 882670423 +622 248 4 882590420 +622 249 5 882590394 +622 250 4 882590252 +622 252 1 882591582 +622 253 3 882591047 +622 257 3 882590485 +622 276 4 882590485 +622 277 4 882590252 +622 280 3 882590534 +622 284 1 882590670 +622 294 3 882589830 +622 298 4 882590559 +622 363 4 882591484 +622 364 1 882672922 +622 367 4 882670712 +622 373 1 882672922 +622 375 2 882592625 +622 380 4 882592850 +622 385 5 882592421 +622 386 3 882671727 +622 391 2 882671827 +622 395 2 882672143 +622 396 1 882671222 +622 402 3 882670252 +622 403 4 882592735 +622 404 3 882670562 +622 405 4 882590886 +622 408 5 882590223 +622 418 3 882669905 +622 419 4 882670009 +622 423 3 882670121 +622 427 4 882592178 +622 431 5 882670169 +622 432 5 882670009 +622 433 4 882669886 +622 434 4 882592523 +622 449 2 882592850 +622 450 1 882592850 +622 451 4 882671221 +622 472 3 882591687 +622 474 3 882669509 +622 479 4 882669668 +622 480 4 882669414 +622 482 3 882592178 +622 484 3 882669803 +622 496 4 882592314 +622 501 3 882670480 +622 506 3 882670139 +622 511 4 882592103 +622 532 3 882591091 +622 541 2 882592781 +622 542 2 882671346 +622 550 4 882670929 +622 552 2 882671863 +622 553 3 882670929 +622 558 2 882592523 +622 568 4 882592449 +622 577 2 882672143 +622 578 4 882670843 +622 581 4 882670562 +622 586 3 882671916 +622 588 4 882592246 +622 597 5 882591687 +622 625 3 882671120 +622 665 2 882671769 +622 674 2 882670929 +622 679 3 882671483 +622 685 2 882590862 +622 693 4 882592383 +622 705 3 882592217 +622 719 2 882671622 +622 721 4 882670610 +622 722 3 882670862 +622 725 3 882672177 +622 730 4 882669509 +622 737 5 882592678 +622 739 2 882671554 +622 742 3 882590420 +622 755 4 882670211 +622 756 3 882591321 +622 763 4 882591047 +622 769 1 882672922 +622 780 4 882671574 +622 781 3 882671595 +622 795 2 882672079 +622 797 2 882670862 +622 808 3 882671534 +622 809 2 882671081 +622 833 4 882590955 +622 845 3 882590291 +622 855 3 882592103 +622 866 2 882591484 +622 934 2 882591726 +622 949 3 882672941 +622 977 2 882591804 +622 978 2 882591453 +622 993 4 882590809 +622 1016 3 882591014 +622 1039 5 882669575 +622 1060 3 882671160 +622 1074 2 882671185 +622 1078 3 882671160 +622 1079 2 882591663 +622 1149 3 882592314 +622 1181 4 882670367 +622 1203 3 882669645 +622 1207 2 882671958 +622 1216 4 882590344 +622 1228 1 882672922 +622 1230 1 882672922 +622 1231 2 882670653 +622 1303 2 882672060 +622 1406 3 882671381 +622 1407 1 882672922 +622 1408 1 882672922 +622 1411 4 882671664 +622 1419 2 882672120 +622 1552 2 882670793 +623 15 4 891032375 +623 50 5 891035112 +623 70 4 891034950 +623 79 5 891035112 +623 88 4 891034973 +623 121 4 891034129 +623 127 4 891032275 +623 153 3 891034757 +623 163 3 891034756 +623 185 4 891034343 +623 186 3 891034814 +623 194 5 891035112 +623 202 1 891034620 +623 204 5 891035112 +623 210 5 891035112 +623 211 3 891034814 +623 216 4 891034756 +623 222 4 891034110 +623 227 4 891034528 +623 228 3 891034343 +623 258 4 891032358 +623 274 4 891034053 +623 275 5 891035112 +623 286 2 891032107 +623 288 1 891032140 +623 291 3 891034129 +623 451 4 891034973 +623 483 5 891035112 +623 523 4 891034756 +623 525 4 891034294 +623 603 4 891034294 +623 629 3 891034973 +623 642 3 891034472 +623 692 3 891034951 +623 815 2 891034053 +624 1 4 879792581 +624 3 3 879793436 +624 7 4 879792623 +624 14 5 879792623 +624 15 4 879793330 +624 24 3 879793380 +624 25 4 879792446 +624 50 5 879792581 +624 93 5 879792557 +624 100 5 879792581 +624 108 3 879793198 +624 111 3 879792671 +624 117 3 879792446 +624 121 3 879793156 +624 122 3 879793436 +624 123 3 879793223 +624 124 4 879792358 +624 125 3 879793093 +624 126 4 879792395 +624 127 4 879792322 +624 147 4 879792557 +624 150 4 879792493 +624 181 4 879792378 +624 235 4 879793156 +624 236 3 879792358 +624 237 4 879793174 +624 240 2 879793129 +624 245 3 879792109 +624 246 4 879792493 +624 248 4 879793485 +624 249 3 879793380 +624 250 4 879792623 +624 255 3 879793435 +624 257 3 879793269 +624 260 2 879792251 +624 262 4 891961078 +624 268 4 879791962 +624 269 4 891961120 +624 270 3 891961120 +624 271 3 879791884 +624 272 5 885215463 +624 273 4 879793129 +624 275 4 879792493 +624 276 5 879792446 +624 278 4 879793545 +624 282 4 879793330 +624 286 5 879791792 +624 288 4 879791922 +624 293 4 879792623 +624 294 3 879792109 +624 295 3 879793511 +624 298 4 879792378 +624 300 4 879792132 +624 301 3 879792131 +624 302 4 885215462 +624 305 4 891961140 +624 307 3 891961056 +624 310 4 891961078 +624 312 4 891961343 +624 313 5 885215463 +624 316 4 891961232 +624 319 3 891961140 +624 321 4 879791962 +624 323 2 879792155 +624 326 3 891961210 +624 328 4 879792131 +624 329 3 891961120 +624 333 4 879791884 +624 340 3 879791884 +624 342 3 891961267 +624 346 3 885215462 +624 358 3 891961210 +624 405 4 879792671 +624 410 4 879793156 +624 411 4 879793269 +624 455 3 879793358 +624 471 4 879792493 +624 473 3 879793093 +624 477 3 879793198 +624 508 4 879793092 +624 534 3 879792358 +624 544 4 879792557 +624 546 3 879793093 +624 591 3 879792557 +624 595 3 879793408 +624 597 3 879793129 +624 619 3 879793408 +624 628 4 879793198 +624 678 3 879792155 +624 687 2 891961362 +624 689 3 891961187 +624 690 4 879791962 +624 696 4 879793223 +624 741 4 879792557 +624 742 4 879793093 +624 748 3 879792109 +624 750 4 891961163 +624 762 4 879793330 +624 763 3 879792671 +624 824 2 879793582 +624 831 3 879793545 +624 833 4 879793582 +624 845 3 879793129 +624 864 3 879793198 +624 866 3 879793436 +624 870 4 879793155 +624 876 3 879792251 +624 879 3 879792171 +624 881 3 879792132 +624 898 1 891961380 +624 905 4 891961250 +624 919 4 879792581 +624 924 4 879792493 +624 928 3 879793511 +624 979 4 879793511 +624 980 4 879793358 +624 993 4 879793486 +624 1010 4 879793155 +624 1012 4 879793408 +624 1016 3 879793582 +624 1017 3 879792322 +624 1028 3 879793485 +624 1047 3 879793436 +624 1048 4 879793223 +624 1059 1 879793358 +624 1067 4 879793330 +624 1089 2 879793408 +624 1095 2 879793408 +624 1114 4 879792557 +624 1120 4 879793269 +624 1289 3 879793093 +625 4 4 892000372 +625 22 3 891262899 +625 23 4 891263960 +625 25 2 891632018 +625 50 5 891273543 +625 70 3 891262724 +625 91 4 891263057 +625 95 3 891953755 +625 96 5 892000372 +625 97 4 891263057 +625 100 3 891878363 +625 121 3 891273698 +625 134 4 891263665 +625 135 5 891999874 +625 144 4 891962917 +625 151 3 891999874 +625 154 3 891998289 +625 165 3 891999926 +625 166 3 891960843 +625 168 3 891262837 +625 172 4 891263057 +625 173 3 891953681 +625 174 4 891263589 +625 176 4 891263960 +625 179 4 891961170 +625 181 4 891262633 +625 190 3 892000576 +625 191 3 891636079 +625 192 2 892000438 +625 197 5 891262724 +625 198 4 891263665 +625 200 3 892000686 +625 202 3 891262633 +625 204 3 891999874 +625 208 3 891968164 +625 210 3 892054095 +625 212 3 891968320 +625 214 4 891961632 +625 216 4 891262899 +625 235 3 891631761 +625 238 4 891636000 +625 250 4 891273750 +625 254 3 891273897 +625 255 2 891629673 +625 257 4 891273543 +625 258 4 891262561 +625 283 3 891629673 +625 286 4 891262561 +625 294 3 891536483 +625 300 3 891262561 +625 357 3 891262784 +625 380 3 891263589 +625 385 4 892053920 +625 393 4 891263665 +625 403 3 891961882 +625 405 3 891273859 +625 408 4 891997054 +625 423 4 891263760 +625 428 5 891953755 +625 433 3 891636427 +625 476 2 891632164 +625 479 4 891262983 +625 480 4 891263589 +625 483 5 891262983 +625 484 4 891262783 +625 486 3 891953617 +625 498 4 891263703 +625 514 3 891262724 +625 515 4 891263589 +625 516 3 892000518 +625 517 3 891636079 +625 519 2 891263703 +625 522 3 891968164 +625 528 3 891961633 +625 584 3 891636000 +625 588 4 891263057 +625 597 2 891273801 +625 602 3 891263057 +625 603 4 891636000 +625 640 3 891999796 +625 647 4 891263822 +625 652 4 891262983 +625 654 3 891262837 +625 655 3 891999926 +625 678 3 891262561 +625 692 3 892000518 +625 705 3 891262983 +625 732 3 891263960 +625 739 3 891263665 +625 748 3 891262561 +625 751 4 891536426 +625 855 4 891953479 +625 945 3 891262724 +625 961 4 891962917 +625 1016 2 891273699 +625 1020 3 892000629 +626 243 1 878771505 +626 266 1 878771476 +626 270 2 878771355 +626 272 5 887772871 +626 286 5 878771242 +626 288 3 878771243 +626 289 1 878771281 +626 292 1 878771281 +626 294 3 878771243 +626 302 4 878771242 +626 324 4 878771281 +626 327 4 878771419 +626 328 1 878771505 +626 333 1 878771281 +626 336 1 878771477 +626 678 1 878771505 +626 680 1 878771476 +626 681 1 878771477 +626 682 3 878771447 +626 879 1 878771418 +626 948 1 878771281 +626 988 1 878771281 +627 2 3 879531352 +627 4 2 879531248 +627 7 5 879531158 +627 9 4 879530014 +627 11 4 879529702 +627 12 4 879529819 +627 17 2 879531397 +627 22 5 879530205 +627 23 4 879529986 +627 26 3 879530824 +627 27 3 879530762 +627 28 3 879529987 +627 33 1 879531397 +627 39 4 879530408 +627 47 2 879530346 +627 51 5 879530866 +627 52 3 879530146 +627 53 4 879531504 +627 55 4 879531301 +627 56 2 879531248 +627 58 5 879529958 +627 62 4 879531397 +627 64 5 879530015 +627 68 4 879531429 +627 69 3 879529855 +627 70 4 879530408 +627 76 3 879530173 +627 77 2 879530305 +627 79 3 879531158 +627 82 4 879531248 +627 83 3 879530071 +627 86 3 879530263 +627 89 5 879531158 +627 92 4 879529702 +627 96 3 879531196 +627 100 5 879529702 +627 117 3 879531248 +627 121 3 879531397 +627 123 3 879530305 +627 125 2 879530346 +627 135 4 879529702 +627 144 2 879531158 +627 148 3 879530463 +627 161 2 879531302 +627 172 3 879531196 +627 174 3 879531195 +627 176 5 879531158 +627 177 5 879531158 +627 179 5 879530536 +627 180 5 879529794 +627 182 4 879529916 +627 183 5 879531196 +627 184 4 879531248 +627 187 5 879529855 +627 188 4 879531196 +627 191 4 879529957 +627 193 5 879529767 +627 195 4 879531301 +627 196 5 879530172 +627 197 5 879529730 +627 199 5 879529702 +627 205 5 879529767 +627 210 3 879531248 +627 214 3 879530408 +627 215 1 879529767 +627 226 1 879531397 +627 227 3 879531352 +627 228 4 879531301 +627 229 2 879531459 +627 230 4 879531397 +627 232 3 879531302 +627 233 2 879531351 +627 237 4 879530346 +627 239 3 879530662 +627 241 4 879531397 +627 245 4 879529556 +627 258 4 879529339 +627 271 5 879529432 +627 273 4 879531196 +627 276 2 879530173 +627 281 3 879531504 +627 282 2 879530463 +627 284 2 879530306 +627 288 3 879529381 +627 289 2 879530899 +627 317 5 879530071 +627 318 5 879529701 +627 328 4 879529486 +627 358 3 879529556 +627 385 2 879531351 +627 387 2 879529916 +627 399 3 879531557 +627 402 3 879530866 +627 403 2 879530694 +627 405 3 879531458 +627 423 3 879530145 +627 431 4 879531302 +627 434 4 879529855 +627 435 5 879531158 +627 458 3 879530824 +627 461 3 879530042 +627 467 5 879530042 +627 468 2 879530408 +627 470 3 879530264 +627 471 3 879530463 +627 510 4 879529730 +627 511 4 879529986 +627 518 4 879530146 +627 520 5 879529916 +627 521 2 879529767 +627 523 4 879529767 +627 526 4 879529916 +627 528 4 879530662 +627 530 3 879531195 +627 541 4 879531504 +627 546 3 879531429 +627 550 1 879531352 +627 553 3 879530967 +627 554 2 879531557 +627 562 2 879531504 +627 566 3 879531249 +627 568 2 879531301 +627 576 3 879531504 +627 578 3 879531351 +627 582 3 879529916 +627 586 3 879531557 +627 591 3 879530205 +627 597 3 879531557 +627 628 4 879530501 +627 631 3 879529885 +627 636 4 879531302 +627 651 4 879530109 +627 655 4 879530536 +627 658 3 879530536 +627 660 4 879530463 +627 665 3 879531459 +627 673 2 879530110 +627 679 3 879531429 +627 684 4 879531301 +627 685 3 879531351 +627 690 5 879529406 +627 693 2 879530205 +627 697 5 879530042 +627 699 1 879530263 +627 704 4 879530967 +627 713 2 879530306 +627 724 2 879530305 +627 729 1 879530600 +627 732 3 879530568 +627 735 4 879530600 +627 740 1 879530501 +627 792 4 879530501 +627 797 4 879531504 +627 802 2 879531557 +627 808 2 879531557 +627 810 3 879531459 +627 849 4 879531504 +627 939 3 879530264 +627 941 3 879530866 +627 942 2 879530408 +627 947 3 879531301 +627 949 2 879530824 +627 1004 4 879531504 +627 1044 2 879530899 +627 1074 3 879530694 +627 1134 1 879530305 +627 1135 3 879530625 +627 1136 4 879530762 +627 1194 4 879529855 +627 1267 4 879530346 +627 1478 3 879530967 +628 8 2 880777167 +628 168 4 880777167 +628 258 5 880777167 +628 270 5 880776981 +628 294 4 880777167 +628 300 5 880776981 +628 301 4 880777046 +628 302 5 880776981 +628 305 5 880776981 +628 330 5 880777096 +628 332 5 880777096 +628 361 5 880776981 +628 690 5 880776981 +628 845 5 880777167 +628 874 5 880776981 +628 938 5 880777095 +628 984 5 880776981 +629 4 3 880117513 +629 7 2 880117635 +629 9 4 880117485 +629 12 5 880117333 +629 15 5 880117719 +629 22 5 880116818 +629 23 5 880117001 +629 39 2 880117747 +629 42 2 880117430 +629 50 5 880117395 +629 55 4 880117094 +629 56 5 880117430 +629 58 4 880117215 +629 64 5 880117513 +629 69 5 880117485 +629 81 3 880117689 +629 86 5 880117163 +629 87 5 880117635 +629 92 4 880117163 +629 98 5 880117254 +629 100 5 880116847 +629 111 5 880117689 +629 127 5 880117605 +629 132 5 880117395 +629 135 5 880117586 +629 137 5 880117001 +629 144 5 880117430 +629 147 5 880117534 +629 153 5 880116818 +629 160 4 880117361 +629 162 5 880117361 +629 172 5 880117333 +629 173 5 880116847 +629 174 5 880116847 +629 182 5 880116818 +629 187 5 880117031 +629 191 3 880116887 +629 193 5 880117565 +629 194 5 880116887 +629 196 4 880117062 +629 199 5 880117772 +629 200 4 880117333 +629 202 4 880117635 +629 204 5 880117285 +629 210 5 880117689 +629 223 5 880117813 +629 234 4 880117215 +629 238 5 880117285 +629 241 5 880116911 +629 245 3 880116240 +629 258 4 880116722 +629 265 4 880116887 +629 268 5 880116722 +629 269 3 880115840 +629 270 3 880116023 +629 271 4 880116722 +629 273 2 880117001 +629 275 5 880117565 +629 276 5 880116887 +629 277 5 880117459 +629 284 4 880117719 +629 286 4 880115839 +629 288 4 880116722 +629 292 4 880116722 +629 294 3 880115922 +629 300 4 880115923 +629 301 3 880115922 +629 307 5 880116722 +629 309 3 880116240 +629 319 4 880116722 +629 322 3 880116240 +629 324 2 880116023 +629 326 3 880116103 +629 327 3 880116201 +629 328 3 880116103 +629 331 3 880116067 +629 332 4 880116722 +629 333 4 880116722 +629 340 2 880115971 +629 357 4 880117062 +629 381 4 880117852 +629 392 4 880117747 +629 416 4 880117813 +629 423 5 880117333 +629 425 3 880117163 +629 435 4 880116756 +629 467 5 880117565 +629 475 4 880117121 +629 504 4 880117719 +629 509 5 880116818 +629 523 3 880116963 +629 528 5 880117395 +629 566 5 880117395 +629 632 3 880117031 +629 651 5 880117163 +629 655 5 880117333 +629 658 4 880117813 +629 660 5 880117772 +629 684 5 880117430 +629 690 2 880116067 +629 693 5 880117215 +629 699 3 880117460 +629 709 3 880117062 +629 729 4 880117852 +629 732 5 880117430 +629 876 3 880116023 +629 881 3 880116023 +629 984 3 880116278 +629 1038 3 880116240 +629 1109 4 880117813 +629 1119 5 880116756 +630 1 4 885666779 +630 7 4 885666571 +630 9 2 885666536 +630 11 5 885668028 +630 15 3 885666718 +630 22 3 885668328 +630 31 2 885667968 +630 50 3 885666536 +630 64 5 885668276 +630 69 3 885667939 +630 70 2 885667994 +630 96 4 885668277 +630 98 5 885667898 +630 100 3 885666592 +630 111 5 885666956 +630 117 5 885666804 +630 118 4 885666875 +630 120 4 885667678 +630 121 4 885666823 +630 123 4 885668203 +630 125 3 885666875 +630 126 4 885667305 +630 127 2 885666536 +630 153 3 885668277 +630 172 3 885667918 +630 174 3 885668131 +630 181 3 885666650 +630 193 3 885667939 +630 195 4 885667968 +630 213 2 885667994 +630 216 5 885667968 +630 237 5 885666823 +630 239 4 885668061 +630 240 3 885667200 +630 252 2 885667464 +630 255 5 885666740 +630 257 3 885667037 +630 264 2 885666353 +630 272 5 885756030 +630 273 5 885666779 +630 276 1 885667108 +630 278 4 885667508 +630 280 2 885667148 +630 282 3 885666804 +630 288 4 885666102 +630 294 4 885666018 +630 295 4 885666875 +630 298 5 885666686 +630 300 4 885665975 +630 310 3 885665975 +630 322 3 885666211 +630 323 4 885666237 +630 325 3 885666301 +630 357 3 885668090 +630 409 3 885667037 +630 411 4 885667108 +630 465 1 885668203 +630 471 4 885666955 +630 472 3 885667391 +630 476 5 885667108 +630 496 3 885667854 +630 535 4 885667624 +630 546 3 885667056 +630 550 3 885667968 +630 568 4 885668328 +630 595 5 885667660 +630 597 4 885667006 +630 620 4 885667661 +630 640 1 885668276 +630 687 3 885666301 +630 717 3 885667661 +630 732 4 885668203 +630 735 2 885668231 +630 742 5 885666918 +630 756 4 885667551 +630 815 3 885667229 +630 819 3 885667108 +630 820 4 885667391 +630 832 2 885667528 +630 845 3 885666918 +630 864 4 885667600 +630 866 3 885667148 +630 871 2 885666918 +630 895 4 885666143 +630 929 4 885667249 +630 930 3 885667551 +630 932 2 885667108 +630 934 3 885667624 +630 975 4 885667108 +630 983 3 885667699 +630 988 2 885666301 +630 1023 4 885667581 +630 1040 4 885667660 +630 1047 4 885667200 +630 1055 3 885667898 +630 1061 2 885667581 +630 1079 1 885667508 +630 1197 3 885667464 +631 272 4 888464916 +631 286 3 888465033 +631 289 4 888465216 +631 301 4 888465107 +631 307 4 888465033 +631 313 4 888464915 +631 334 2 888464941 +631 338 2 888465299 +631 346 4 888465004 +631 1527 2 888465351 +632 1 3 879458692 +632 2 4 879459505 +632 7 3 879456955 +632 11 4 879458142 +632 12 5 879456910 +632 17 3 879459573 +632 22 4 879457394 +632 25 1 879459418 +632 28 3 879458649 +632 50 5 879459738 +632 51 4 879459166 +632 54 3 879459304 +632 55 2 879457857 +632 56 3 879458277 +632 58 3 879459210 +632 64 5 879457525 +632 69 4 879457371 +632 71 4 879458649 +632 73 3 879459649 +632 81 5 879458834 +632 82 4 879457903 +632 91 3 879459187 +632 95 5 879456955 +632 98 4 879457217 +632 99 5 879458941 +632 100 3 879457603 +632 131 4 879458941 +632 132 5 879459738 +632 133 4 879457064 +632 134 5 879457217 +632 143 5 879459053 +632 144 4 879457812 +632 150 2 879457525 +632 156 3 879457437 +632 161 3 879459053 +632 164 4 879458692 +632 168 4 879457248 +632 173 5 879458649 +632 174 5 879457856 +632 176 3 879457812 +632 181 5 879457016 +632 182 3 879457641 +632 183 4 879456909 +632 184 5 879458277 +632 186 5 879459738 +632 188 4 879457857 +632 191 5 879457603 +632 194 4 879457712 +632 195 5 879459738 +632 196 3 879457064 +632 201 4 879457641 +632 202 4 879457712 +632 203 3 879457217 +632 204 4 879458277 +632 210 5 879459738 +632 215 4 879458834 +632 227 3 879459025 +632 228 3 879457157 +632 233 3 879459441 +632 234 3 879457641 +632 258 4 879459777 +632 275 3 879457582 +632 276 2 879457856 +632 282 4 879458806 +632 288 3 879458977 +632 318 5 879456843 +632 356 4 879459248 +632 357 4 879456844 +632 367 2 879459544 +632 385 4 879458649 +632 402 3 879458725 +632 404 5 879459544 +632 419 4 879457903 +632 423 4 879459003 +632 432 3 879456910 +632 451 4 879459505 +632 468 3 879457925 +632 475 3 879457582 +632 483 5 879459738 +632 485 4 879457157 +632 508 2 879458570 +632 510 5 879459738 +632 523 3 879458900 +632 527 4 879458429 +632 549 3 879459210 +632 550 2 879458900 +632 566 4 879458649 +632 568 3 879458142 +632 588 2 879457217 +632 591 4 879459053 +632 609 3 879459677 +632 622 4 879459418 +632 633 4 879459003 +632 651 5 879459738 +632 655 3 879457641 +632 679 4 879459321 +632 684 5 879457903 +632 685 2 879459394 +632 693 2 879458692 +632 705 5 879459738 +632 720 3 879459025 +632 735 4 879458649 +632 739 3 879459210 +632 763 3 879459304 +632 845 4 879459677 +632 877 1 879459777 +632 1028 2 879459649 +632 1183 2 879458142 +633 5 3 877212085 +633 28 4 877212366 +633 45 3 877211326 +633 50 4 875326664 +633 56 2 875326491 +633 71 3 875325804 +633 77 3 877212173 +633 79 5 875325128 +633 82 4 875325273 +633 94 4 877211684 +633 96 4 875324997 +633 97 3 877211083 +633 98 4 875324715 +633 117 3 875326491 +633 121 3 875325168 +633 128 3 875325225 +633 143 4 877211134 +633 147 4 875325740 +633 148 1 875326138 +633 159 4 875325093 +633 176 3 875325577 +633 177 3 875325654 +633 195 4 875324997 +633 226 4 877212085 +633 234 4 877212594 +633 237 4 875324891 +633 288 2 875324233 +633 289 3 875324233 +633 300 4 875324233 +633 318 4 875324813 +633 328 4 875324298 +633 333 3 875567562 +633 405 4 875325654 +633 410 2 875325865 +633 423 4 877212367 +633 498 2 875324922 +633 526 4 877212250 +633 581 3 877212085 +633 654 3 875324654 +633 665 3 875325577 +633 778 2 877211886 +633 871 3 875326698 +633 921 3 875324812 +633 939 4 877212045 +633 958 3 877210979 +633 1019 4 875324766 +633 1046 4 877212085 +633 1132 2 875325691 +634 1 3 875728872 +634 7 4 875729069 +634 9 5 877018125 +634 13 4 878916178 +634 14 3 875728783 +634 15 4 875729436 +634 21 2 875729668 +634 25 4 877018125 +634 50 4 877018347 +634 93 5 877018125 +634 100 4 875728834 +634 106 3 877017923 +634 109 4 877017810 +634 111 4 875729794 +634 116 3 875729069 +634 117 4 875729535 +634 118 4 875729106 +634 121 5 877018125 +634 122 3 877017975 +634 125 4 875729710 +634 126 3 875729106 +634 127 5 877018347 +634 137 3 875728834 +634 147 2 875729749 +634 222 3 875728913 +634 225 3 875729668 +634 235 3 875729825 +634 237 5 877018125 +634 240 3 877018033 +634 245 3 875729217 +634 248 4 877018311 +634 258 4 884980585 +634 269 4 890779855 +634 272 5 889464384 +634 273 3 875729069 +634 274 3 876170992 +634 275 3 875728834 +634 276 5 877018125 +634 281 4 877017829 +634 282 4 875729749 +634 283 2 875728783 +634 284 4 875729668 +634 285 4 875728872 +634 286 5 877018125 +634 287 3 877018059 +634 288 3 875729178 +634 290 3 877017891 +634 292 3 876170101 +634 293 3 877018347 +634 294 4 876170101 +634 300 3 881952599 +634 302 5 877974667 +634 313 5 884980565 +634 315 5 889464384 +634 322 3 875729217 +634 323 4 875729217 +634 325 1 877974690 +634 331 4 875728702 +634 333 4 881007052 +634 340 4 881952599 +634 341 2 890779883 +634 405 4 877017872 +634 408 3 875728783 +634 410 4 877017872 +634 411 4 877018059 +634 458 4 875729148 +634 471 4 875729478 +634 473 2 875729558 +634 475 5 877018125 +634 476 3 875729668 +634 477 3 876171093 +634 508 4 880067125 +634 515 4 877018346 +634 544 3 875729478 +634 546 4 875729535 +634 547 4 877979407 +634 591 4 875729535 +634 595 4 877017923 +634 628 4 876170992 +634 676 4 875729633 +634 678 2 877017632 +634 685 4 875729535 +634 690 3 877368446 +634 696 4 875729535 +634 717 4 875729794 +634 740 2 875729749 +634 741 3 875728834 +634 742 4 875729794 +634 744 5 877018125 +634 748 3 875729217 +634 756 3 875729749 +634 760 3 879787621 +634 762 3 879787667 +634 763 3 875729825 +634 819 2 876171049 +634 840 2 875729794 +634 845 3 875729148 +634 864 3 877368475 +634 866 3 875729668 +634 919 2 877979309 +634 922 4 875728913 +634 924 4 877017810 +634 929 3 877018033 +634 932 3 877018004 +634 933 3 877017951 +634 934 2 877018033 +634 950 5 877018125 +634 977 3 877018033 +634 985 4 877017790 +634 988 1 875729217 +634 991 3 875729239 +634 1008 2 877017951 +634 1009 2 875729794 +634 1011 4 875729633 +634 1028 3 875729456 +634 1047 3 875729668 +634 1048 3 875729668 +634 1049 2 877018004 +634 1067 4 875729069 +634 1084 2 875728783 +634 1142 3 877018347 +634 1162 1 877017951 +634 1197 4 875729106 +634 1284 3 875729794 +634 1335 2 877017975 +635 13 2 878879164 +635 150 3 878879236 +635 246 5 878879190 +635 262 5 878878654 +635 268 5 878878654 +635 269 5 878878587 +635 294 3 878878588 +635 300 3 878879107 +635 301 3 878878587 +635 302 4 878878587 +635 307 4 878878654 +635 328 3 878878752 +635 331 4 878878654 +635 333 5 878878685 +635 358 1 878878838 +635 682 2 878878685 +635 688 2 878878838 +635 742 3 878879190 +635 748 2 878878838 +635 873 3 878878752 +635 874 3 878878714 +635 875 2 878878838 +635 877 3 878878901 +635 886 4 878878901 +636 1 3 891448229 +636 9 3 891448185 +636 100 5 891448228 +636 121 5 891449212 +636 222 5 891449148 +636 258 5 891448155 +636 313 5 891448155 +636 596 5 891449212 +636 740 4 891449263 +636 813 5 891448297 +637 1 4 882902924 +637 7 1 882903044 +637 9 1 882902924 +637 13 1 882904458 +637 15 4 882903447 +637 24 2 882903511 +637 25 4 882904537 +637 50 4 882901146 +637 93 3 882903511 +637 100 4 882902924 +637 111 3 882903645 +637 117 2 882904148 +637 118 1 882904961 +637 121 4 882904458 +637 124 3 882902835 +637 125 3 882903582 +637 127 2 882901356 +637 147 1 882903645 +637 148 3 882905070 +637 149 2 882901356 +637 150 1 882903447 +637 151 5 882904064 +637 181 4 882902540 +637 225 3 882904829 +637 235 1 882904233 +637 237 2 882903511 +637 244 1 882903645 +637 245 3 882900047 +637 246 2 882903447 +637 257 2 882903511 +637 268 2 882898692 +637 273 3 882903250 +637 274 5 882904065 +637 275 3 882903191 +637 280 2 882904679 +637 282 3 882903250 +637 283 2 882903822 +637 285 3 882901356 +637 286 5 882900888 +637 289 2 882900047 +637 291 4 882905183 +637 293 3 882902835 +637 300 3 882900888 +637 301 1 882899527 +637 322 3 882900888 +637 323 1 882899182 +637 325 1 882899928 +637 328 4 882900888 +637 332 4 882900888 +637 333 3 882900888 +637 338 4 882900888 +637 363 2 882904148 +637 405 1 882903250 +637 411 1 882904678 +637 460 2 882905388 +637 475 1 882903191 +637 508 2 882903301 +637 535 2 882905573 +637 546 1 882905182 +637 591 3 882904233 +637 595 3 882904537 +637 596 2 882903582 +637 619 2 882903914 +637 676 3 882903767 +637 685 3 882904829 +637 690 5 882900888 +637 717 3 882905572 +637 740 2 882903914 +637 741 1 882903644 +637 742 4 882904233 +637 744 4 882903044 +637 815 2 882904678 +637 829 2 882905070 +637 831 1 882904961 +637 847 3 882903191 +637 866 3 882905285 +637 873 1 882899608 +637 922 1 882902487 +637 926 2 882904898 +637 931 1 882905388 +637 934 1 882905285 +637 936 4 882902487 +637 1011 1 882904961 +637 1028 3 882905182 +637 1033 3 882904233 +637 1051 2 882905388 +637 1060 2 882904148 +637 1102 3 882904537 +637 1226 2 882903191 +637 1233 5 882900888 +637 1244 1 882904458 +637 1258 1 882905070 +637 1284 1 882905070 +637 1374 1 882903447 +638 4 4 876695108 +638 22 5 876694787 +638 29 2 876694917 +638 50 4 876694704 +638 62 3 876695307 +638 82 2 876694917 +638 96 4 876694917 +638 98 3 876695560 +638 117 4 876694995 +638 121 4 876694995 +638 127 2 876694861 +638 128 3 876695216 +638 153 3 876695819 +638 161 4 876695307 +638 168 4 876695714 +638 172 4 876694787 +638 174 5 876694861 +638 175 4 876695774 +638 176 3 876694861 +638 181 5 876694787 +638 183 4 876694704 +638 185 5 876695601 +638 186 5 876695859 +638 187 2 876694704 +638 188 3 876694995 +638 194 3 876695774 +638 195 4 876694787 +638 202 3 876695819 +638 204 5 876695917 +638 210 4 876695478 +638 211 4 876695774 +638 222 4 876694787 +638 226 5 876695217 +638 227 2 876695259 +638 228 3 876694917 +638 229 1 876695108 +638 234 4 876695627 +638 265 5 876695216 +638 385 5 876694917 +638 403 3 876695059 +638 405 3 876695338 +638 410 4 876695774 +638 431 4 876695108 +638 435 3 876694787 +638 449 2 876694995 +638 450 1 876695415 +638 455 3 876695059 +638 472 3 876695307 +638 504 2 876695560 +638 510 3 876694704 +638 511 3 876695478 +638 523 4 876695917 +638 550 5 876695059 +638 554 3 876695059 +638 636 3 876695108 +638 679 3 876695259 +638 685 4 876695307 +639 12 3 891239030 +639 14 5 891239813 +639 19 4 891239813 +639 28 4 891239239 +639 48 4 891239295 +639 51 2 891239613 +639 52 3 891239838 +639 57 3 891239862 +639 58 3 891239296 +639 59 3 891239658 +639 60 3 891239790 +639 61 3 891239790 +639 66 3 891240868 +639 70 3 891239862 +639 83 4 891239790 +639 86 4 891239406 +639 87 3 891239218 +639 88 3 891239638 +639 97 1 891240495 +639 98 4 891240643 +639 100 1 891240495 +639 111 2 891239613 +639 116 3 891239739 +639 135 4 891239239 +639 137 3 891239271 +639 153 3 891240752 +639 155 3 891239638 +639 162 3 891239380 +639 165 3 891239658 +639 168 1 891240678 +639 170 4 891239790 +639 173 1 891239492 +639 174 4 891240160 +639 178 5 891240543 +639 179 1 891239324 +639 191 3 891239109 +639 193 3 891239177 +639 194 4 891240160 +639 196 3 891239456 +639 197 3 891239492 +639 199 3 891239155 +639 202 2 891239581 +639 204 3 891240751 +639 212 4 891239550 +639 213 5 891239528 +639 215 1 891239271 +639 216 3 891239528 +639 237 1 891239296 +639 242 4 891238514 +639 269 3 891238599 +639 274 1 891240495 +639 275 4 891239492 +639 280 3 891240868 +639 283 4 891239913 +639 285 1 891239131 +639 286 4 891238618 +639 300 3 891238790 +639 305 1 891238668 +639 306 4 891238550 +639 311 3 891238599 +639 313 1 891238514 +639 323 1 891238876 +639 356 2 891239380 +639 357 3 891239156 +639 371 1 891240495 +639 381 2 891239581 +639 382 2 891239913 +639 387 3 891239380 +639 414 3 891240719 +639 423 2 891239030 +639 427 4 891239064 +639 451 4 891239529 +639 462 5 891239838 +639 471 2 891239349 +639 483 5 891240520 +639 487 5 891240566 +639 488 4 891240160 +639 509 3 891239271 +639 510 3 891239862 +639 511 4 891239240 +639 512 2 891239759 +639 513 4 891239030 +639 514 4 891240566 +639 516 4 891240678 +639 519 4 891239380 +639 526 4 891239177 +639 528 4 891239239 +639 549 2 891239427 +639 580 2 891239581 +639 582 3 891239739 +639 584 2 891239790 +639 604 4 891240520 +639 615 5 891240160 +639 638 4 891239790 +639 647 3 891239217 +639 648 3 891239491 +639 651 4 891239349 +639 655 3 891239406 +639 659 3 891240111 +639 660 2 891239271 +639 661 4 891239155 +639 662 2 891239581 +639 664 2 891239324 +639 673 4 891239406 +639 692 3 891239550 +639 694 5 891239492 +639 702 2 891240868 +639 707 5 891239492 +639 709 3 891239581 +639 714 2 891239886 +639 716 1 891240805 +639 724 3 891239581 +639 727 2 891239613 +639 731 2 891239613 +639 739 3 891240868 +639 740 4 891239324 +639 747 3 891239528 +639 750 2 891238514 +639 778 5 891239613 +639 786 3 891241022 +639 792 2 891240752 +639 796 1 891240805 +639 835 4 891240543 +639 863 4 891239702 +639 865 1 891239427 +639 923 4 891239702 +639 949 3 891240868 +639 953 2 891239407 +639 958 4 891241052 +639 971 4 891239913 +639 990 1 891238689 +639 1005 2 891239813 +639 1065 1 891239030 +639 1101 3 891239177 +639 1163 1 891239349 +639 1193 4 891239702 +639 1195 2 891239838 +639 1465 2 891239048 +640 2 4 874778568 +640 4 4 874778065 +640 11 4 874777440 +640 14 4 886474436 +640 22 4 874778479 +640 33 3 874778696 +640 38 4 874778612 +640 42 5 874778345 +640 47 4 874777735 +640 53 4 874778274 +640 55 5 874777765 +640 56 5 874777528 +640 62 3 874778612 +640 64 5 874777701 +640 66 4 874778345 +640 68 4 874778479 +640 70 4 874778065 +640 79 5 874778515 +640 81 5 874777735 +640 85 5 874778065 +640 91 4 874777998 +640 92 4 874778515 +640 96 5 874778240 +640 126 4 886474802 +640 134 5 874777623 +640 150 4 886474493 +640 151 4 886474515 +640 161 4 874778479 +640 168 5 886354114 +640 169 5 874777890 +640 170 5 874777583 +640 173 5 886354270 +640 174 5 876067863 +640 175 5 874777735 +640 180 5 874777528 +640 182 5 874777925 +640 184 5 889235992 +640 186 5 888026047 +640 189 5 874778181 +640 201 4 874778240 +640 202 5 874778366 +640 204 5 874777974 +640 209 5 874778154 +640 210 5 876067710 +640 214 5 874778274 +640 226 5 874778569 +640 231 5 874778424 +640 233 4 874778479 +640 239 5 874778274 +640 249 4 886474493 +640 269 5 886803575 +640 301 2 886353820 +640 302 5 888025971 +640 304 4 876067605 +640 313 5 888639815 +640 315 5 886353894 +640 318 5 874777948 +640 336 3 886353894 +640 338 5 886353852 +640 342 5 886353780 +640 346 4 886353742 +640 347 3 886353742 +640 354 4 888262331 +640 369 3 886474977 +640 373 3 874778756 +640 382 4 874777528 +640 385 5 874778569 +640 391 3 874778756 +640 428 5 874778299 +640 461 4 874777833 +640 496 4 874777491 +640 540 3 874778479 +640 550 4 874778722 +640 568 4 874778569 +640 580 5 874778096 +640 591 4 875732368 +640 684 4 874778568 +640 689 4 886353852 +640 691 4 890014144 +640 693 5 874778207 +640 732 4 886354499 +640 750 5 886353742 +640 751 4 886353742 +640 761 5 874778613 +640 770 4 874777658 +640 778 4 886354499 +640 790 4 874777260 +640 802 3 874778756 +640 827 3 886474833 +640 919 5 886474436 +640 926 3 886474913 +640 941 5 874778095 +640 1010 3 886474753 +640 1054 1 886474010 +640 1067 4 876068799 +640 1073 5 874778299 +640 1228 4 889235993 +640 1244 3 886474849 +640 1258 3 886474866 +641 23 5 879370364 +641 30 4 879370365 +641 59 4 879370259 +641 64 4 879370337 +641 83 4 879370119 +641 124 4 879370299 +641 134 5 879370062 +641 192 4 879370150 +641 198 5 879370028 +641 203 4 879370337 +641 258 3 879369806 +641 268 4 879369827 +641 270 3 879369827 +641 301 4 879369925 +641 303 3 879369827 +641 336 3 879369943 +641 432 5 879370119 +641 434 4 879370259 +641 483 5 879370259 +641 484 5 879370299 +641 497 5 879370259 +641 511 5 879370337 +641 513 5 879370150 +641 514 4 879370062 +641 528 4 879370150 +641 558 5 879370299 +641 657 4 879370062 +641 865 5 879370149 +641 969 4 879370259 +641 1039 4 879370337 +642 1 5 885603565 +642 2 4 885606787 +642 4 3 885605768 +642 8 5 885603662 +642 13 4 886206806 +642 15 5 885602314 +642 21 5 885605148 +642 22 4 885602285 +642 28 5 885603636 +642 29 5 886454812 +642 35 2 886570027 +642 38 4 885843141 +642 40 4 885605866 +642 41 3 885605347 +642 44 3 885603870 +642 49 4 885605909 +642 50 5 885604280 +642 51 5 886132172 +642 53 2 885604940 +642 54 4 886206959 +642 56 4 885602656 +642 58 3 886131744 +642 63 3 885606090 +642 64 5 885602482 +642 65 4 886132172 +642 66 5 885603740 +642 67 4 885843025 +642 68 3 885606765 +642 69 5 885602631 +642 70 2 886132189 +642 71 5 886131547 +642 72 4 885843087 +642 73 4 885605735 +642 78 3 886570084 +642 80 5 885606557 +642 82 5 885602285 +642 83 5 885603636 +642 88 5 886131546 +642 89 2 886455538 +642 90 4 885606024 +642 91 4 885603897 +642 94 2 885605909 +642 95 5 886131547 +642 96 5 885842289 +642 99 2 885602446 +642 102 5 885603849 +642 110 2 885606048 +642 117 4 886131655 +642 118 3 885603566 +642 120 3 886206256 +642 121 5 885842289 +642 122 2 885606463 +642 125 4 885603586 +642 131 3 885603566 +642 132 3 885603636 +642 136 3 885602232 +642 138 4 886570173 +642 139 1 886569417 +642 140 3 886569257 +642 141 4 886568744 +642 142 4 886569380 +642 143 5 885603018 +642 147 4 885606986 +642 148 5 885604163 +642 151 3 886568791 +642 153 3 885602572 +642 155 3 886568726 +642 156 1 886454965 +642 165 4 885604480 +642 166 5 885604434 +642 168 5 885842943 +642 172 5 885604299 +642 173 5 885602314 +642 174 5 885842594 +642 181 5 885603699 +642 186 5 885602739 +642 191 4 886131970 +642 195 3 885602718 +642 202 3 885842351 +642 204 4 885602593 +642 208 5 886131547 +642 216 3 885603083 +642 217 2 886569659 +642 218 3 886130929 +642 220 4 887663380 +642 225 4 886569942 +642 231 3 886454812 +642 233 4 885606964 +642 234 1 885603662 +642 235 2 885606047 +642 237 5 885603870 +642 240 3 885606137 +642 245 4 891317923 +642 249 5 885604805 +642 250 5 886131457 +642 252 5 885842962 +642 254 4 886454812 +642 257 5 886131546 +642 258 3 885601865 +642 259 5 885605095 +642 288 1 885604085 +642 292 2 887663326 +642 294 5 885601998 +642 313 5 886454784 +642 318 2 885602369 +642 356 4 886132104 +642 357 2 885603565 +642 364 5 885843025 +642 365 4 886569922 +642 366 4 886131707 +642 367 5 885605866 +642 368 4 885606271 +642 369 2 885606090 +642 375 1 886131744 +642 376 3 885606194 +642 377 3 886569809 +642 378 3 885603517 +642 383 5 886570062 +642 384 5 886131546 +642 385 5 885602571 +642 386 5 885605932 +642 391 4 885607143 +642 392 4 886132237 +642 393 5 885605834 +642 395 5 885604187 +642 398 2 886454837 +642 399 3 886131257 +642 400 4 886569278 +642 401 4 885606178 +642 402 4 885603792 +642 403 4 886454812 +642 404 3 886569122 +642 405 3 885606946 +642 407 5 885606482 +642 409 5 885605909 +642 410 1 885605988 +642 411 5 885605834 +642 412 2 885606271 +642 416 5 886455469 +642 417 3 886568791 +642 418 5 885606581 +642 419 4 885603537 +642 420 4 885606581 +642 422 3 885606608 +642 423 3 885602506 +642 427 3 886132043 +642 432 2 885602369 +642 441 1 886569942 +642 444 1 886569417 +642 447 4 886569328 +642 451 5 885605794 +642 452 1 886569699 +642 462 4 886455357 +642 463 3 885602232 +642 465 4 885603932 +642 468 3 886568479 +642 470 4 886206991 +642 472 5 885607081 +642 473 1 886131585 +642 477 5 886131563 +642 485 5 885602612 +642 496 4 885603516 +642 501 2 885603740 +642 527 4 886207132 +642 541 5 885607028 +642 542 5 885606609 +642 552 4 886569347 +642 553 5 886132153 +642 554 4 885842962 +642 559 5 885604874 +642 560 4 886568978 +642 565 4 886569870 +642 568 4 885606735 +642 569 2 886569538 +642 570 1 886131332 +642 571 3 885606113 +642 575 3 886454901 +642 577 4 886569870 +642 579 4 885606537 +642 581 2 886569209 +642 584 4 885842877 +642 585 5 885606178 +642 588 5 886131546 +642 596 5 885604113 +642 597 4 885607065 +642 609 3 885604859 +642 622 4 886568941 +642 623 4 886570010 +642 624 3 885606608 +642 625 3 885603932 +642 627 3 885606581 +642 628 3 891317897 +642 651 4 885602571 +642 660 3 886132089 +642 673 2 886130929 +642 679 2 885606986 +642 686 5 886131546 +642 699 5 886568959 +642 720 5 885606787 +642 722 3 885606113 +642 723 4 886132088 +642 725 4 885606067 +642 726 2 886570131 +642 728 4 886131674 +642 729 3 885603566 +642 731 5 885605909 +642 732 4 885605538 +642 734 3 886569960 +642 739 5 886568838 +642 742 5 885602839 +642 746 3 885602483 +642 748 5 885601998 +642 755 3 885603495 +642 756 5 885604859 +642 759 3 885843824 +642 765 3 885606234 +642 769 5 885842903 +642 771 3 885607115 +642 775 4 886569570 +642 779 3 885843177 +642 780 5 885606270 +642 783 4 885606024 +642 790 4 885605932 +642 794 4 886568429 +642 795 4 886570173 +642 796 4 885605909 +642 801 3 885605794 +642 812 4 886455357 +642 815 4 892241051 +642 826 5 888963032 +642 827 1 886131332 +642 832 3 892240991 +642 843 3 886569682 +642 845 5 891318088 +642 862 4 892241015 +642 864 3 885605987 +642 871 3 885605835 +642 921 5 885603849 +642 926 5 885605454 +642 928 5 886131546 +642 931 4 885606857 +642 932 5 885605866 +642 934 2 885606137 +642 940 2 886569847 +642 942 4 886207151 +642 944 5 885605987 +642 946 2 885606581 +642 949 1 885605834 +642 951 3 886568618 +642 955 3 888123262 +642 959 5 885605794 +642 966 5 886569140 +642 969 2 885603662 +642 974 3 886569765 +642 975 2 886130929 +642 993 4 891317955 +642 996 2 885605932 +642 998 3 886569765 +642 1000 3 885602340 +642 1011 3 885842351 +642 1014 5 886131547 +642 1028 4 885605735 +642 1029 3 885606271 +642 1030 4 886570173 +642 1032 4 886569012 +642 1036 4 885606234 +642 1037 2 885605866 +642 1039 5 885602630 +642 1047 3 885606327 +642 1049 3 885606271 +642 1053 3 886207279 +642 1054 3 885606482 +642 1055 4 886569483 +642 1058 3 886132139 +642 1063 3 885603740 +642 1066 3 885606608 +642 1076 2 885606648 +642 1078 5 885604239 +642 1079 5 885605987 +642 1091 4 885606608 +642 1095 2 885606271 +642 1126 1 885603495 +642 1133 3 886569295 +642 1136 4 888123195 +642 1140 4 886569732 +642 1146 1 886570084 +642 1152 5 886569828 +642 1178 3 885606067 +642 1179 3 885606048 +642 1181 2 885607143 +642 1182 2 885606178 +642 1185 4 885606024 +642 1209 3 885606212 +642 1219 4 885603932 +642 1224 4 886132139 +642 1239 4 885607097 +642 1285 4 886132043 +642 1287 2 885606463 +642 1311 3 886569715 +642 1336 2 885606520 +642 1413 3 886569809 +642 1425 2 885606024 +642 1469 4 886568725 +642 1473 4 886568874 +642 1480 1 886569922 +642 1503 2 885602446 +642 1509 2 885606270 +642 1531 3 886569226 +643 1 5 891445287 +643 2 3 891448218 +643 4 4 891448136 +643 5 3 891449741 +643 7 4 891445354 +643 11 4 891446720 +643 12 5 891446720 +643 23 5 891447835 +643 24 4 891449614 +643 28 4 891448002 +643 29 2 891449901 +643 32 4 891447459 +643 33 3 891449417 +643 39 4 891447747 +643 42 4 891446750 +643 47 4 891446791 +643 49 3 891449848 +643 50 4 891445140 +643 53 4 891449719 +643 55 4 891448218 +643 56 5 891446791 +643 58 4 891448062 +643 65 4 891448786 +643 66 3 891448786 +643 67 4 891449476 +643 68 3 891447338 +643 69 3 891447430 +643 70 3 892502414 +643 72 4 891449301 +643 77 3 891449557 +643 79 4 891446826 +643 82 3 891448095 +643 88 2 891449417 +643 89 3 891448630 +643 92 4 891447835 +643 94 4 891450240 +643 96 5 891447747 +643 98 3 891446688 +643 99 4 891447485 +643 100 5 891445140 +643 111 4 891446301 +643 114 4 891446854 +643 118 2 891445741 +643 121 4 891445741 +643 127 5 891445476 +643 128 3 891447617 +643 129 5 891445354 +643 132 5 891448265 +643 143 4 891447868 +643 144 4 891447286 +643 147 3 891445526 +643 150 5 891445823 +643 152 4 891446956 +643 153 4 891447196 +643 154 4 891447286 +643 155 2 891449345 +643 156 5 891446826 +643 159 3 891449345 +643 161 3 891449381 +643 162 3 891448436 +643 163 4 891448839 +643 168 5 891447157 +643 169 4 891447222 +643 172 5 891447093 +643 173 4 891447663 +643 174 4 891446652 +643 176 5 891447157 +643 177 4 891448002 +643 179 4 891447901 +643 181 3 891445476 +643 183 5 891447790 +643 185 5 891447157 +643 186 4 891447663 +643 187 4 891447127 +643 189 4 891447093 +643 194 4 891446652 +643 195 5 891447063 +643 197 4 891446983 +643 200 3 891448265 +643 202 3 891447835 +643 204 3 891447901 +643 205 5 891447222 +643 208 5 891448136 +643 209 5 891446652 +643 210 4 891448318 +643 211 4 891447617 +643 215 3 891447037 +643 216 4 891448136 +643 218 3 891449680 +643 219 5 891449614 +643 223 4 891447696 +643 226 2 891449476 +643 228 4 891447260 +643 229 3 891449640 +643 231 2 891450316 +643 233 4 891449249 +643 234 4 891447260 +643 235 4 891445698 +643 238 3 891448095 +643 240 5 891445823 +643 246 5 891445312 +643 249 3 891446323 +643 255 4 892502414 +643 262 3 892502480 +643 268 4 891450748 +643 273 3 891445287 +643 276 5 891445354 +643 282 3 891445230 +643 288 4 891445255 +643 325 2 891446581 +643 356 4 891448218 +643 357 5 891446889 +643 367 4 891447518 +643 385 3 891449344 +643 393 4 891450273 +643 399 3 891450376 +643 403 3 891449534 +643 404 4 891447959 +643 405 3 891445859 +643 408 4 891445176 +643 410 4 891445597 +643 418 4 891447518 +643 419 4 891448002 +643 420 4 891449803 +643 423 4 891447370 +643 428 4 891447196 +643 430 5 891447403 +643 432 5 891449771 +643 435 5 891447314 +643 436 4 891449870 +643 447 4 891449249 +643 448 3 891449580 +643 451 2 891449301 +643 468 4 891449900 +643 470 4 891448352 +643 474 5 891446955 +643 481 4 891447127 +643 482 4 891447063 +643 483 4 891446889 +643 492 4 891448586 +643 496 4 891446688 +643 501 4 891448062 +643 504 4 891447370 +643 505 4 891447260 +643 508 4 891445287 +643 509 3 891448839 +643 514 3 891446688 +643 515 4 891445140 +643 516 4 891447037 +643 519 4 891447663 +643 521 4 891448586 +643 527 3 891448502 +643 546 3 891445660 +643 550 3 891450273 +643 566 3 891449476 +643 568 4 891447663 +643 571 3 891450316 +643 572 3 891450341 +643 603 5 891447459 +643 629 3 891450168 +643 630 3 891448352 +643 631 3 891447930 +643 639 4 891447790 +643 655 4 891448176 +643 656 4 891447196 +643 659 5 891447127 +643 663 4 891447747 +643 665 3 891449930 +643 671 4 891446652 +643 673 4 891448095 +643 674 3 891449901 +643 679 3 891447747 +643 685 3 891445354 +643 715 5 891450210 +643 716 3 891449507 +643 721 2 892502531 +643 732 3 891447868 +643 739 3 891449476 +643 780 4 891449442 +643 790 4 891449249 +643 824 3 891449681 +643 845 3 891445476 +643 956 4 891448586 +643 959 3 891449741 +643 969 4 891446826 +643 1012 4 891445550 +643 1016 3 891445766 +643 1028 3 891446404 +643 1065 4 891448756 +643 1074 2 891448630 +643 1098 4 891447696 +643 1101 3 891448002 +643 1139 3 891449680 +643 1149 3 891447835 +643 1215 3 891446489 +643 1221 3 891450316 +644 50 4 889077247 +644 100 4 889076775 +644 117 4 889077418 +644 121 5 889077344 +644 125 4 889076851 +644 127 4 889076775 +644 181 4 889077189 +644 237 4 889076775 +644 243 4 889076364 +644 250 4 889077463 +644 255 4 889077513 +644 257 5 889077278 +644 259 4 889076433 +644 276 4 889077344 +644 294 4 889076095 +644 298 4 889077513 +644 300 5 889075967 +644 308 4 889076095 +644 322 5 889076364 +644 323 4 889076433 +644 326 5 889076148 +644 330 4 889076173 +644 333 3 889075967 +644 457 4 889076502 +644 546 4 889076875 +644 748 4 889076222 +644 823 4 889076997 +644 871 4 889077513 +644 873 4 889076310 +644 977 4 889076922 +644 988 4 889076475 +644 1025 4 889076433 +645 4 4 892055347 +645 11 4 892054278 +645 22 4 892054508 +645 23 5 892054364 +645 28 4 892053310 +645 30 4 892054824 +645 32 5 892054906 +645 39 3 892054324 +645 46 5 892054508 +645 47 4 892054824 +645 48 4 892053748 +645 50 4 892054824 +645 56 3 892053241 +645 60 5 892053748 +645 61 5 892054508 +645 64 3 892053429 +645 65 4 892054824 +645 69 4 892053644 +645 70 4 892055325 +645 72 3 892053686 +645 73 3 892055445 +645 89 4 892053483 +645 91 3 892054990 +645 92 3 892054444 +645 96 3 892054444 +645 98 4 892053241 +645 134 5 892054364 +645 135 5 892054707 +645 168 4 892054797 +645 172 4 892054537 +645 173 4 892053748 +645 174 4 892053518 +645 175 5 892054537 +645 177 4 892053274 +645 179 5 892054600 +645 180 4 892054402 +645 181 4 892053483 +645 182 5 892053686 +645 183 4 892053340 +645 184 3 892055213 +645 185 5 892054537 +645 186 4 892053340 +645 188 4 892054906 +645 191 5 892053644 +645 194 4 892053644 +645 195 4 892054537 +645 197 5 892055244 +645 198 3 892053644 +645 202 3 892053518 +645 208 5 892054797 +645 209 5 892053483 +645 211 4 892054364 +645 212 4 892054857 +645 214 4 892054570 +645 216 4 892054732 +645 228 3 892053748 +645 239 3 892055445 +645 243 1 892052232 +645 258 3 892051708 +645 268 4 892051811 +645 288 3 892051741 +645 301 2 892052070 +645 318 5 892053241 +645 319 3 892051708 +645 340 4 892051762 +645 357 5 892053274 +645 367 3 892055039 +645 427 5 892053483 +645 428 4 892054684 +645 430 5 892054797 +645 433 4 892054906 +645 435 4 892054364 +645 447 3 892053541 +645 469 5 892054707 +645 474 5 892053398 +645 482 4 892053340 +645 483 5 892053456 +645 488 4 892053241 +645 496 3 892053686 +645 506 5 892055072 +645 512 5 892055072 +645 513 5 892054481 +645 514 5 892053686 +645 518 5 892055285 +645 521 4 892054990 +645 523 5 892053686 +645 558 4 892053429 +645 616 3 892054508 +645 627 2 892055244 +645 640 4 892055285 +645 641 5 892054600 +645 650 5 892055285 +645 653 5 892054990 +645 654 5 892053686 +645 656 4 892053241 +645 658 4 892054632 +645 660 3 892055628 +645 664 4 892054402 +645 673 3 892054600 +645 674 3 892054402 +645 675 4 892053747 +645 708 3 892055072 +645 709 3 892054570 +645 746 4 892054683 +645 748 1 892052039 +645 772 3 892055728 +645 955 4 892054989 +645 959 4 892053541 +645 960 4 892054278 +645 963 4 892053241 +645 1018 3 892053518 +645 1159 4 892054632 +646 258 3 888528417 +646 259 3 888528978 +646 272 4 888528483 +646 286 3 888528927 +646 288 3 888529127 +646 294 2 888528870 +646 300 3 888528418 +646 304 3 888529014 +646 307 3 888528902 +646 319 3 888529054 +646 323 3 888529153 +646 328 3 888528457 +646 346 2 888528392 +646 347 2 888528392 +646 352 1 888529153 +646 354 3 888528902 +646 682 3 888529153 +646 683 3 888529014 +646 690 3 888528417 +646 748 3 888529054 +646 750 3 888528902 +646 877 3 888529014 +646 880 3 888529127 +646 895 3 888528978 +646 1022 4 888528955 +646 1176 4 888528955 +646 1237 3 888529127 +646 1313 3 888529180 +647 15 4 876532975 +647 22 5 876534131 +647 29 4 876533657 +647 70 3 876776321 +647 71 4 876534275 +647 73 5 876537697 +647 77 4 876533851 +647 79 4 876530687 +647 82 4 876533912 +647 88 4 876534041 +647 117 3 876776321 +647 121 4 876534274 +647 136 5 876534131 +647 147 4 876532975 +647 173 5 876534131 +647 174 4 876530784 +647 177 5 876534131 +647 196 4 876537620 +647 197 5 876534131 +647 202 4 876534275 +647 203 3 876776321 +647 213 3 876534151 +647 222 4 876534274 +647 231 4 876533657 +647 237 3 876776320 +647 294 3 876532501 +647 298 3 876533005 +647 300 4 876534131 +647 326 3 876532517 +647 328 3 876531582 +647 357 5 876534131 +647 402 4 876534009 +647 403 4 876533657 +647 405 4 876532747 +647 490 4 876532145 +647 496 4 876534275 +647 554 4 876533810 +647 568 4 876533832 +647 588 4 876531955 +647 604 4 876537591 +647 631 4 876532425 +647 748 4 876532501 +647 831 3 876776321 +647 1014 3 876531583 +647 1016 4 876534131 +647 1047 4 876534275 +647 1063 3 876776320 +647 1263 3 876776321 +648 1 5 882211109 +648 2 4 884882742 +648 4 1 884881646 +648 5 4 884883476 +648 7 3 882211109 +648 9 1 884795447 +648 13 3 882212071 +648 14 2 882211223 +648 15 1 884795447 +648 17 2 884882078 +648 21 3 882212609 +648 22 4 884628482 +648 23 3 882212709 +648 24 3 882211532 +648 25 2 882211760 +648 28 5 884628437 +648 29 2 884883149 +648 33 1 884881722 +648 38 5 884882803 +648 39 3 884882742 +648 40 4 884882234 +648 47 2 884881807 +648 49 2 884881679 +648 50 5 882211016 +648 56 1 884881592 +648 62 5 884882916 +648 63 4 884882103 +648 66 5 882213535 +648 67 4 884882192 +648 68 1 884882916 +648 70 2 884881592 +648 71 3 884368165 +648 72 4 884881722 +648 79 5 884796689 +648 82 5 884882742 +648 83 4 884628482 +648 88 4 884881679 +648 89 4 884797033 +648 90 3 884882271 +648 94 5 884882234 +648 95 3 884368371 +648 96 5 884368538 +648 103 1 884367274 +648 104 1 884367274 +648 105 3 882212560 +648 107 4 882212200 +648 109 5 882211419 +648 110 3 884882407 +648 111 5 882211886 +648 112 2 884367366 +648 117 2 882211301 +648 118 4 882212200 +648 121 5 882211654 +648 122 1 882212609 +648 123 4 884366184 +648 125 2 882211654 +648 127 3 884365970 +648 143 4 884368002 +648 144 4 884368273 +648 145 4 884883616 +648 151 2 882212288 +648 152 5 884368485 +648 153 4 884881621 +648 154 5 884881621 +648 161 3 884882802 +648 164 4 884883424 +648 167 4 884882407 +648 168 5 884797068 +648 169 5 882212651 +648 172 5 884367538 +648 173 5 882213502 +648 174 5 884882664 +648 175 3 882213597 +648 176 4 884367538 +648 177 5 884882702 +648 178 4 884368273 +648 179 4 884368442 +648 180 1 884368643 +648 181 5 882211066 +648 183 5 884368442 +648 184 5 884368643 +648 185 5 884368485 +648 186 5 882213597 +648 187 3 884882664 +648 188 5 884882664 +648 191 5 884368002 +648 193 4 884628607 +648 195 5 884368313 +648 197 3 884628644 +648 199 4 884368313 +648 200 2 884883476 +648 202 5 884881524 +648 203 1 884796571 +648 204 5 884368002 +648 205 3 884628607 +648 208 5 884796652 +648 210 4 882213502 +648 211 4 884368643 +648 215 2 884796689 +648 216 4 882213596 +648 217 2 884883616 +648 218 3 884883424 +648 219 4 884883578 +648 220 3 882212039 +648 222 5 882211258 +648 225 1 882212527 +648 226 4 884882916 +648 227 3 884882803 +648 228 5 884882702 +648 229 4 884882802 +648 230 5 884796822 +648 231 2 884882987 +648 234 5 884368314 +648 235 4 882212071 +648 238 3 882213535 +648 240 2 882211857 +648 249 3 882211348 +648 250 4 882211464 +648 252 4 882212374 +648 254 3 884367248 +648 265 4 884796886 +648 275 5 882211016 +648 281 3 884365970 +648 286 1 882210926 +648 288 4 882211654 +648 290 3 882211707 +648 291 3 882211736 +648 294 3 884366184 +648 295 4 882211464 +648 298 2 884884466 +648 304 5 884363798 +648 318 3 884368371 +648 323 5 882212526 +648 357 2 884628534 +648 364 5 884882528 +648 367 3 884881837 +648 368 2 884366748 +648 373 3 884883149 +648 377 3 884881837 +648 379 1 884883724 +648 384 4 884882235 +648 385 5 884368130 +648 386 4 884882192 +648 391 3 884883031 +648 393 4 884881679 +648 399 4 884882104 +648 403 4 884882802 +648 405 4 882211924 +648 406 3 882212373 +648 407 4 884367248 +648 410 2 884882375 +648 412 1 884367318 +648 413 2 882212609 +648 414 1 884797033 +648 423 4 884368442 +648 428 2 884881754 +648 429 4 884368130 +648 430 5 884881563 +648 431 5 884882664 +648 432 5 884368538 +648 434 5 884628437 +648 435 5 882212651 +648 436 5 884883476 +648 441 3 884883724 +648 443 2 884883424 +648 444 3 884883679 +648 447 5 884883578 +648 448 3 884883476 +648 449 3 884882987 +648 452 3 884883679 +648 454 3 884368232 +648 455 3 882211685 +648 456 2 884367180 +648 458 2 882211418 +648 471 4 882211685 +648 472 3 882211965 +648 473 3 882211965 +648 474 4 884368002 +648 475 1 884364250 +648 477 3 882211585 +648 479 4 884368538 +648 483 5 882212708 +648 484 5 884368442 +648 496 4 884796822 +648 497 4 884796769 +648 498 3 884368130 +648 500 5 884368002 +648 502 5 884881679 +648 505 4 884796652 +648 507 1 884796598 +648 510 5 884796728 +648 514 2 884796822 +648 519 4 884628482 +648 520 4 884367538 +648 523 3 884628644 +648 526 3 884368232 +648 527 4 884368643 +648 546 4 882211736 +648 550 4 884882802 +648 559 2 884883578 +648 561 2 884883679 +648 563 5 884883679 +648 564 1 884883724 +648 565 3 884883679 +648 566 4 884882702 +648 568 5 882212651 +648 569 3 884883578 +648 575 3 884882553 +648 576 4 884882916 +648 578 4 884882987 +648 585 3 884882234 +648 586 3 884883149 +648 596 3 882211419 +648 603 5 882212651 +648 615 4 884796652 +648 619 3 882211301 +648 629 4 882213596 +648 633 3 884796858 +648 635 2 884883476 +648 636 4 884882916 +648 637 2 884883424 +648 662 3 884368485 +648 663 1 882213502 +648 665 2 884882987 +648 671 3 884883476 +648 674 3 884883476 +648 675 2 884883424 +648 676 2 882211384 +648 678 3 884366792 +648 679 3 884882802 +648 684 4 884882702 +648 685 5 882211924 +648 687 1 882212527 +648 692 4 882213535 +648 713 2 884795447 +648 717 4 884366425 +648 722 3 884882104 +648 726 3 884882271 +648 728 2 884882078 +648 740 4 882211301 +648 742 5 882211175 +648 743 1 884367366 +648 746 4 884881524 +648 748 3 882211886 +648 756 2 884366939 +648 758 2 884795447 +648 763 2 882212200 +648 769 1 884883724 +648 780 1 884882501 +648 781 4 884882078 +648 809 3 884883323 +648 810 4 884883031 +648 816 1 884883724 +648 820 2 882212131 +648 825 4 882212039 +648 826 3 882212526 +648 827 3 882211924 +648 831 1 882212131 +648 840 1 884367180 +648 862 1 884882441 +648 864 3 882211418 +648 878 3 884367366 +648 904 2 884794555 +648 924 1 884795447 +648 926 3 882212400 +648 928 4 882212071 +648 929 4 882211066 +648 930 3 882212131 +648 931 2 882212609 +648 997 1 884882636 +648 1003 4 884882375 +648 1028 2 882212288 +648 1029 2 884882636 +648 1030 2 884882552 +648 1033 2 882212288 +648 1041 3 884882192 +648 1047 2 882212288 +648 1060 2 882212373 +648 1092 1 884882502 +648 1110 3 884881621 +648 1176 1 884628278 +648 1228 3 884883149 +648 1258 2 884366613 +648 1271 4 884882234 +648 1337 3 884367366 +648 1376 2 884367180 +648 1626 1 884795447 +649 1 5 891440235 +649 15 4 891440373 +649 127 5 891440356 +649 147 4 891440214 +649 252 4 891440624 +649 254 4 891440695 +649 257 5 891440496 +649 275 2 891440412 +649 291 5 891440330 +649 323 3 891440624 +649 815 3 891440274 +649 1016 4 891440511 +649 1244 3 891440676 +649 1283 2 891440528 +650 1 3 891369759 +650 2 3 891381709 +650 4 3 891386695 +650 15 3 891383594 +650 21 2 891387767 +650 22 3 891369707 +650 23 3 891369890 +650 25 3 891385826 +650 27 3 891381745 +650 29 2 891382877 +650 38 3 891381784 +650 50 5 891372232 +650 54 2 891385876 +650 55 4 891369889 +650 56 3 891369798 +650 62 3 891381784 +650 63 2 891388294 +650 66 3 891384285 +650 68 3 891381784 +650 69 2 891382877 +650 71 3 891386755 +650 72 2 891386755 +650 73 3 891387542 +650 77 3 891370093 +650 79 3 891369924 +650 80 2 891389216 +650 82 3 891381585 +650 88 3 891384226 +650 89 4 891381585 +650 91 4 891371061 +650 95 3 891371186 +650 96 4 891369479 +650 97 3 891383110 +650 98 4 891369798 +650 99 4 891372365 +650 100 4 891369954 +650 109 3 891386167 +650 117 4 891370852 +650 118 4 891381546 +650 121 3 891369836 +650 127 2 891369520 +650 131 3 891372258 +650 132 4 891372365 +650 133 4 891381546 +650 134 5 891369520 +650 135 4 891381545 +650 136 4 891372203 +650 137 3 891385105 +650 140 2 891389132 +650 141 4 891386210 +650 143 5 891369656 +650 144 3 891381585 +650 145 3 891387953 +650 151 3 891387418 +650 152 3 891382138 +650 153 4 891382138 +650 154 3 891381993 +650 155 2 891384249 +650 157 3 891382960 +650 158 2 891388149 +650 159 3 891370093 +650 160 3 891383572 +650 161 3 891381709 +650 162 3 891382928 +650 163 3 891386878 +650 164 4 891369798 +650 168 4 891381546 +650 172 4 891369442 +650 173 5 891369520 +650 174 4 891369479 +650 175 4 891372233 +650 176 4 891369798 +650 177 2 891371061 +650 179 2 891383786 +650 180 3 891383164 +650 181 4 891371116 +650 182 3 891385775 +650 183 4 891369924 +650 185 3 891369836 +650 186 4 891370998 +650 187 2 891381585 +650 188 3 891381610 +650 191 4 891381546 +650 193 3 891382901 +650 194 4 891369588 +650 195 4 891369442 +650 196 4 891370998 +650 197 4 891372233 +650 198 4 891381546 +650 199 4 891369520 +650 200 4 891386047 +650 202 3 891372258 +650 203 3 891369924 +650 204 4 891369707 +650 205 4 891370971 +650 206 4 891371186 +650 208 5 891371090 +650 209 3 891382032 +650 210 3 891381585 +650 211 4 891370971 +650 212 3 891383713 +650 214 3 891369587 +650 215 2 891371152 +650 216 4 891381546 +650 218 3 891370065 +650 219 3 891386671 +650 222 4 891369924 +650 223 3 891369656 +650 226 3 891370031 +650 227 2 891369836 +650 228 4 891369954 +650 229 2 891370031 +650 230 4 891369656 +650 231 2 891381709 +650 232 3 891381634 +650 233 2 891370243 +650 234 4 891369890 +650 235 3 891388080 +650 238 4 891382032 +650 239 3 891385876 +650 243 2 891369215 +650 257 3 891384844 +650 258 3 891368960 +650 265 4 891370031 +650 269 4 891368885 +650 270 4 891368959 +650 271 3 891369143 +650 272 4 891381546 +650 281 2 891382877 +650 286 3 891369022 +650 288 3 891369889 +650 290 2 891387979 +650 294 3 891369190 +650 301 2 891385035 +650 309 3 891369071 +650 313 4 891381546 +650 315 3 891368885 +650 316 3 891369190 +650 323 3 891369285 +650 355 2 891369190 +650 357 4 891372286 +650 363 2 891382876 +650 367 2 891387490 +650 371 2 891387725 +650 373 1 891382877 +650 378 3 891383879 +650 380 2 891383735 +650 385 4 891381585 +650 389 3 891387571 +650 391 2 891382877 +650 393 3 891386778 +650 402 3 891383272 +650 403 3 891381709 +650 404 3 891369443 +650 416 3 891387312 +650 417 3 891387591 +650 419 4 891370971 +650 420 3 891385826 +650 423 3 891372316 +650 427 4 891383424 +650 430 4 891382138 +650 431 3 891369620 +650 432 4 891386830 +650 434 4 891382218 +650 435 4 891372286 +650 443 5 891369982 +650 444 2 891388341 +650 445 4 891388210 +650 447 3 891386120 +650 449 3 891370031 +650 450 1 891382877 +650 451 2 891384202 +650 452 2 891370155 +650 472 3 891381784 +650 474 4 891385315 +650 476 2 891388080 +650 478 4 891371186 +650 479 5 891372339 +650 482 3 891385775 +650 483 5 891372315 +650 484 5 891372365 +650 485 3 891385422 +650 489 3 891387277 +650 491 3 891385775 +650 493 4 891369554 +650 494 3 891371153 +650 495 3 891372316 +650 496 4 891369707 +650 498 4 891369587 +650 499 3 891372316 +650 501 3 891385980 +650 502 3 891387353 +650 504 3 891369889 +650 506 3 891385508 +650 507 4 891371153 +650 509 3 891372233 +650 510 3 891371090 +650 511 5 891369520 +650 514 3 891371020 +650 515 4 891369678 +650 517 3 891382033 +650 519 4 891381545 +650 520 4 891369759 +650 523 3 891382066 +650 525 3 891369954 +650 526 4 891369554 +650 527 3 891383229 +650 528 3 891370998 +650 530 4 891372233 +650 546 1 891382877 +650 550 3 891381661 +650 551 3 891370446 +650 552 4 891370031 +650 554 2 891382877 +650 559 3 891387520 +650 561 3 891370113 +650 563 3 891388170 +650 565 3 891388266 +650 566 3 891369890 +650 568 3 891381709 +650 571 3 891387915 +650 576 1 891382877 +650 578 3 891381661 +650 579 3 891370182 +650 581 2 891370155 +650 585 1 891387979 +650 588 3 891372286 +650 597 3 891381818 +650 601 3 891386964 +650 602 4 891371116 +650 603 4 891369836 +650 604 3 891385178 +650 608 4 891369520 +650 612 4 891369656 +650 614 3 891385876 +650 620 2 891383977 +650 622 3 891387468 +650 625 3 891387616 +650 627 2 891387520 +650 628 3 891369982 +650 629 3 891387398 +650 630 5 891371061 +650 631 3 891383424 +650 633 4 891371091 +650 635 3 891370155 +650 636 3 891370066 +650 637 3 891387353 +650 639 3 891371116 +650 642 3 891370065 +650 644 3 891371061 +650 648 3 891384201 +650 650 2 891372203 +650 654 3 891369890 +650 657 4 891372339 +650 658 3 891387571 +650 659 3 891369798 +650 661 3 891385206 +650 662 3 891371153 +650 663 4 891370971 +650 670 3 891387915 +650 671 3 891386878 +650 673 3 891369924 +650 674 4 891386778 +650 679 3 891381709 +650 692 3 891384226 +650 705 4 891371153 +650 715 3 891383206 +650 719 3 891387833 +650 732 3 891371061 +650 735 3 891369588 +650 739 2 891384328 +650 742 3 891369889 +650 747 3 891384202 +650 755 3 891386187 +650 780 2 891389237 +650 809 3 891383926 +650 823 3 891381661 +650 843 2 891388266 +650 849 2 891381745 +650 898 3 891368914 +650 926 3 891388294 +650 928 2 891370093 +650 968 4 891372258 +650 969 3 891371186 +650 1031 3 891369480 +650 1035 2 891389132 +650 1039 3 891383229 +650 1050 3 891369620 +650 1060 3 891387833 +650 1065 4 891383547 +650 1110 4 891388467 +650 1118 3 891385746 +650 1119 3 891383303 +650 1126 4 891369620 +650 1135 2 891383977 +650 1149 4 891383856 +650 1215 3 891381850 +650 1247 1 891384110 +650 1419 3 891381884 +650 1474 3 891385288 +650 1627 3 891383786 +651 116 2 879348966 +651 242 5 880126430 +651 268 2 880126473 +651 285 4 879348966 +651 286 4 879348880 +651 292 2 879348881 +651 294 1 879348880 +651 306 5 880126473 +651 309 1 880126632 +651 327 4 880126473 +651 683 3 880126096 +652 245 4 882567058 +652 259 2 882567058 +652 282 4 882567294 +652 288 2 882566890 +652 294 2 882566890 +652 301 1 882566948 +652 323 3 882567100 +652 328 4 882567058 +652 395 3 882567383 +652 538 4 882567012 +652 699 5 882567383 +652 879 3 882566924 +653 1 4 878855383 +653 2 1 880151839 +653 4 3 878866755 +653 7 2 878866951 +653 11 2 878854145 +653 15 3 878854383 +653 22 5 878854284 +653 28 4 878866814 +653 38 3 880152955 +653 42 2 880151818 +653 50 5 878854100 +653 53 2 880153304 +653 54 3 880152523 +653 55 3 878854051 +653 56 5 878853975 +653 62 3 880151691 +653 63 2 880153077 +653 64 4 878867272 +653 69 4 878854284 +653 70 2 880151340 +653 76 3 880150702 +653 77 3 880152843 +653 79 4 878854051 +653 81 1 880151651 +653 82 4 880150393 +653 87 4 878854332 +653 88 3 880152399 +653 89 5 878854100 +653 94 2 880153494 +653 96 4 878854145 +653 97 3 878854383 +653 98 2 878854633 +653 100 4 878854666 +653 101 3 880151817 +653 105 3 890181185 +653 111 2 878854996 +653 117 4 878854810 +653 118 3 878854810 +653 121 4 878854769 +653 125 2 878866973 +653 127 5 878853780 +653 128 3 880606620 +653 132 3 880149897 +653 135 5 878866755 +653 136 1 880149965 +653 139 2 880153123 +653 142 2 880153378 +653 143 3 880150104 +653 144 3 878867346 +653 145 2 880153705 +653 151 3 878866475 +653 152 2 878866951 +653 154 3 878867137 +653 156 4 878854633 +653 160 3 878854441 +653 161 4 878854247 +653 163 4 880151629 +653 164 3 878854633 +653 167 2 880153429 +653 168 3 890181186 +653 172 3 878854051 +653 174 5 878854051 +653 175 2 878854332 +653 176 3 878854145 +653 177 3 880150702 +653 179 4 880149927 +653 180 5 878854593 +653 181 4 878854145 +653 182 3 878854051 +653 183 3 878854100 +653 185 2 880606620 +653 186 5 880151557 +653 187 4 878853780 +653 188 5 878854145 +653 191 5 880150019 +653 193 4 878866951 +653 194 3 880150260 +653 195 5 878854100 +653 196 2 880151539 +653 197 3 878854332 +653 198 4 880151426 +653 199 4 880150239 +653 200 4 878866952 +653 202 3 880151794 +653 204 4 878867093 +653 205 1 880150126 +653 208 3 890181185 +653 210 4 880150103 +653 213 2 880150190 +653 214 3 880151311 +653 215 2 880606619 +653 216 3 878866900 +653 219 1 880152780 +653 222 3 884405596 +653 223 3 878866636 +653 225 1 886052230 +653 226 3 878867346 +653 227 3 880151488 +653 228 4 878854190 +653 229 3 880153145 +653 230 3 890181186 +653 232 2 880152426 +653 233 3 880151599 +653 234 3 878854633 +653 237 2 878855365 +653 238 1 878866604 +653 239 5 878854475 +653 245 4 893276091 +653 248 3 884405730 +653 257 3 890181185 +653 258 3 886051833 +653 265 4 878866995 +653 272 4 893275949 +653 282 3 884405616 +653 286 4 884405346 +653 290 3 880153522 +653 291 4 878855275 +653 293 3 886051879 +653 294 2 878853618 +653 300 4 889151716 +653 307 4 889151627 +653 310 4 884405406 +653 313 4 890180685 +653 318 4 878854383 +653 328 4 884408848 +653 333 5 878853678 +653 356 1 880151734 +653 357 4 878854383 +653 366 2 880152901 +653 367 3 878867228 +653 371 1 880152058 +653 378 3 890181185 +653 380 3 880151984 +653 381 2 880606620 +653 385 4 878854190 +653 386 1 880152864 +653 388 2 880153705 +653 393 2 880152426 +653 395 1 880153674 +653 402 1 880151488 +653 403 2 880151461 +653 405 3 878854810 +653 407 1 878867398 +653 409 2 880153406 +653 410 1 878855024 +653 411 2 878854906 +653 416 1 880152426 +653 423 2 880152039 +653 425 2 880606619 +653 428 1 880151580 +653 429 3 878866679 +653 431 4 878854666 +653 441 3 890181186 +653 444 1 880153329 +653 447 2 880606620 +653 448 4 878867249 +653 449 3 880153740 +653 451 2 880152351 +653 455 3 878854051 +653 458 2 878866475 +653 471 2 884405560 +653 472 1 880606675 +653 474 4 880150019 +653 476 2 878855211 +653 480 4 880150239 +653 482 2 880150218 +653 492 4 880149999 +653 496 2 878866679 +653 502 2 878866995 +653 506 2 880606619 +653 508 3 886052198 +653 509 4 878854441 +653 510 2 880150040 +653 511 4 878854100 +653 517 1 880150330 +653 518 2 878866755 +653 520 3 880151488 +653 521 4 878854441 +653 523 4 878854284 +653 526 3 880151752 +653 527 2 878855510 +653 531 5 878854284 +653 546 2 880153253 +653 550 3 890181186 +653 563 1 880153406 +653 566 5 878854190 +653 571 1 880153406 +653 572 2 880153522 +653 573 1 880152843 +653 575 1 880153406 +653 578 1 880153009 +653 581 1 880152819 +653 585 2 880153522 +653 597 4 878854810 +653 619 3 880152085 +653 620 3 880153740 +653 628 4 878866413 +653 631 2 880150412 +653 638 1 878866636 +653 642 1 878866604 +653 654 2 880606620 +653 657 4 890181185 +653 658 2 880151817 +653 659 1 880150330 +653 670 1 880152902 +653 674 3 880151983 +653 679 2 880153406 +653 684 5 878854247 +653 685 3 878854769 +653 686 2 878854247 +653 692 2 880151884 +653 693 1 880151651 +653 696 1 880152989 +653 702 3 880151918 +653 708 2 880152598 +653 712 3 880153639 +653 719 3 880153841 +653 722 1 880152800 +653 728 2 880153568 +653 732 2 878866724 +653 737 1 880151839 +653 739 3 880152902 +653 742 3 886052040 +653 746 5 878853936 +653 748 5 878853734 +653 755 2 880153077 +653 756 1 878854996 +653 763 1 878854906 +653 765 1 880153207 +653 771 2 880606620 +653 779 1 880153467 +653 780 2 880606620 +653 790 2 880152523 +653 797 2 880153841 +653 802 2 880153040 +653 809 3 880153620 +653 819 3 880149751 +653 823 2 880153568 +653 840 4 878854737 +653 862 2 880153378 +653 930 4 880148885 +653 941 1 880153040 +653 944 2 880152657 +653 967 2 880153123 +653 973 2 880150348 +653 984 4 884408848 +653 1012 4 878854852 +653 1016 3 890181186 +653 1023 3 878855109 +653 1028 2 880152902 +653 1035 2 880153099 +653 1042 2 880151488 +653 1044 1 880153304 +653 1046 1 880151580 +653 1065 1 880152085 +653 1087 2 880153207 +653 1101 2 878866755 +653 1132 1 880153429 +653 1133 2 880153674 +653 1135 2 880152759 +653 1136 2 880152759 +653 1139 3 880153145 +653 1183 1 880153329 +653 1188 1 880153568 +653 1206 3 880152377 +653 1207 1 880153329 +653 1228 2 880153378 +653 1231 2 880153349 +653 1244 3 878854769 +653 1267 1 880153253 +653 1444 3 880153077 +653 1478 2 880153705 +653 1620 2 886052291 +654 1 4 887863557 +654 3 3 887864071 +654 4 4 887864830 +654 8 5 887864497 +654 11 4 887864452 +654 12 5 887864389 +654 13 1 887863780 +654 14 2 887863557 +654 15 3 887863557 +654 22 5 887864292 +654 24 4 887863651 +654 25 1 887863381 +654 28 5 887864610 +654 50 5 887863323 +654 54 3 887864941 +654 56 4 887864414 +654 66 4 887864727 +654 70 4 887864663 +654 71 3 887864610 +654 79 5 887864256 +654 81 2 887864831 +654 82 5 887864797 +654 83 5 887864680 +654 87 4 887864471 +654 95 4 887864204 +654 97 3 887864727 +654 98 5 887864641 +654 100 1 887863436 +654 109 3 887863635 +654 111 4 887863635 +654 114 5 887864532 +654 116 4 887863436 +654 117 4 887864350 +654 118 2 887863914 +654 121 4 887863757 +654 124 4 887863412 +654 137 4 887863596 +654 143 5 887864275 +654 144 5 887864907 +654 146 3 887864105 +654 147 3 887863488 +654 151 4 887863471 +654 153 4 887864414 +654 154 3 887864797 +654 168 4 887864369 +654 169 5 887864275 +654 172 4 887864532 +654 173 5 887864181 +654 174 5 887864727 +654 181 3 887863381 +654 189 4 887864230 +654 195 4 887864350 +654 196 5 887864757 +654 204 4 887864610 +654 210 5 887864350 +654 215 4 887864587 +654 216 4 887864432 +654 218 2 887864330 +654 222 5 887863534 +654 223 4 887864497 +654 237 4 887863339 +654 238 4 887864452 +654 239 4 887864868 +654 246 1 887863471 +654 248 2 887863596 +654 249 5 887863866 +654 250 1 887863557 +654 252 2 887864031 +654 255 2 887863513 +654 258 4 887863436 +654 265 5 887864330 +654 268 1 887863017 +654 269 4 889451420 +654 274 4 887863635 +654 275 5 887863394 +654 276 1 887863866 +654 282 3 887863513 +654 283 5 887863471 +654 284 4 887863914 +654 288 3 887863064 +654 291 4 887863914 +654 294 3 887863127 +654 300 5 887863017 +654 302 5 887862964 +654 317 4 887864757 +654 318 5 887864230 +654 332 4 887863081 +654 336 3 887863227 +654 367 4 887864923 +654 370 2 887863914 +654 381 3 887864886 +654 385 4 887864308 +654 405 4 887863866 +654 408 5 887863381 +654 418 4 887864588 +654 423 4 887864432 +654 431 4 887864414 +654 455 3 887863826 +654 462 4 887864998 +654 468 4 887864757 +654 473 2 887863933 +654 476 3 887863914 +654 496 4 887864230 +654 508 1 887863355 +654 535 3 887863962 +654 546 4 887863885 +654 558 3 887864471 +654 568 4 887864868 +654 588 4 887864797 +654 591 5 887863412 +654 596 3 887863802 +654 597 4 887864812 +654 638 4 887864868 +654 660 5 887864532 +654 689 3 887863194 +654 720 4 887864923 +654 735 4 887864846 +654 736 5 887864757 +654 739 4 887864886 +654 742 4 887863339 +654 748 4 887863081 +654 751 3 887863034 +654 756 4 887864071 +654 785 4 887864976 +654 821 3 887864907 +654 825 3 887863826 +654 845 4 887863613 +654 926 4 887863981 +654 963 4 887864414 +654 969 5 887864204 +654 1014 3 887863981 +654 1016 4 887863841 +654 1020 4 887864566 +654 1048 3 887864050 +654 1115 3 887863779 +654 1165 1 887864146 +654 1283 1 887863779 +655 1 2 887650876 +655 2 3 888474138 +655 4 2 887611649 +655 5 2 887523641 +655 6 4 887425812 +655 7 3 887425969 +655 8 3 887477336 +655 9 3 891585450 +655 11 2 887427307 +655 12 3 887427130 +655 13 3 887426237 +655 15 3 888685735 +655 18 3 888984478 +655 19 2 887472719 +655 20 3 887611537 +655 21 2 888685787 +655 22 2 888474424 +655 23 3 887426971 +655 24 3 887473831 +655 25 3 887611511 +655 26 3 887427338 +655 27 3 888984478 +655 28 3 887427210 +655 30 5 888474646 +655 31 3 887523200 +655 32 4 887426900 +655 36 2 888685955 +655 38 2 887429875 +655 42 3 887428184 +655 43 3 888474456 +655 44 2 887564639 +655 45 3 891585477 +655 46 4 887523403 +655 47 3 887426972 +655 48 4 887472744 +655 49 1 887428417 +655 50 4 887425458 +655 51 2 887611677 +655 53 2 887429812 +655 54 2 887430746 +655 55 2 887429302 +655 56 3 887428060 +655 57 3 887427743 +655 58 3 887427600 +655 59 4 887564613 +655 60 3 887564614 +655 61 3 887564614 +655 64 4 887426931 +655 65 2 887477511 +655 66 2 890887261 +655 69 3 887476943 +655 70 2 887474727 +655 76 3 888813372 +655 77 3 887430746 +655 79 5 887429559 +655 81 3 887427371 +655 82 2 887429559 +655 86 4 887650978 +655 87 3 887476943 +655 88 2 890887261 +655 89 4 887650683 +655 92 3 891585477 +655 93 3 888474986 +655 96 3 887651060 +655 97 3 887426931 +655 100 3 888474138 +655 111 2 887523664 +655 113 3 891585477 +655 116 2 887476999 +655 117 2 887426030 +655 118 2 887426666 +655 121 3 887651060 +655 122 2 887523605 +655 124 3 887426087 +655 125 2 887426200 +655 126 2 887426732 +655 127 5 888474106 +655 128 3 887429732 +655 129 3 887426008 +655 131 2 893002283 +655 132 3 887565138 +655 133 4 888474106 +655 134 4 887431976 +655 135 4 887427083 +655 137 4 892333972 +655 143 4 887523176 +655 144 3 887429594 +655 149 4 887425936 +655 150 3 888893279 +655 152 3 890887261 +655 153 2 887523641 +655 155 4 887473702 +655 156 2 887430634 +655 157 3 887611445 +655 159 3 887477216 +655 160 3 887427473 +655 161 2 887429758 +655 162 3 888474165 +655 164 2 887430072 +655 165 3 887650512 +655 166 3 891585530 +655 167 4 888474713 +655 170 3 887523224 +655 171 2 887523641 +655 172 4 887477167 +655 174 3 888474456 +655 175 3 887426931 +655 176 2 887429999 +655 178 4 887427009 +655 181 3 887425601 +655 182 4 888474106 +655 183 4 887429999 +655 185 4 887430102 +655 186 3 887428157 +655 187 5 888474357 +655 188 3 888474807 +655 190 3 887427338 +655 191 4 887472744 +655 192 3 887473753 +655 193 3 887427307 +655 195 3 887473965 +655 196 3 888685556 +655 197 3 887426864 +655 198 4 887428871 +655 200 4 887473639 +655 202 2 887651114 +655 203 3 887476943 +655 204 3 887477192 +655 205 3 887650538 +655 207 3 888893279 +655 208 3 888813272 +655 209 3 887473831 +655 210 3 888474646 +655 211 3 887428334 +655 212 3 887477409 +655 213 4 888474934 +655 214 3 887650851 +655 215 2 887472943 +655 216 4 887428086 +655 218 3 887523477 +655 219 2 890497653 +655 220 2 887426583 +655 221 3 891585242 +655 222 2 887650944 +655 223 3 887473856 +655 226 3 887429732 +655 228 3 887429594 +655 233 3 887611537 +655 234 3 888474713 +655 236 3 887426407 +655 237 3 887426116 +655 238 3 887473831 +655 239 2 887428507 +655 240 3 887650538 +655 242 4 887424795 +655 246 3 887474020 +655 248 2 888685759 +655 249 3 887474630 +655 250 3 887425625 +655 251 3 888984417 +655 252 2 888474490 +655 255 3 887477336 +655 256 3 887651060 +655 257 3 887474020 +655 258 2 887650944 +655 262 5 888474934 +655 265 3 887477314 +655 268 3 887474077 +655 269 3 888474807 +655 270 4 887650943 +655 271 3 887425103 +655 272 3 888474138 +655 273 4 887426373 +655 274 3 888474872 +655 275 4 887425845 +655 276 4 887473778 +655 279 3 888685989 +655 280 2 888474490 +655 282 3 888685989 +655 283 3 887425936 +655 284 2 887426732 +655 285 4 887425936 +655 286 3 887424831 +655 287 3 890497592 +655 288 3 887472814 +655 289 3 887425070 +655 291 3 887523177 +655 292 2 889293132 +655 293 4 887650683 +655 294 3 887425103 +655 295 3 887425530 +655 296 4 888474934 +655 297 4 888474107 +655 298 4 887425564 +655 300 3 887476919 +655 301 2 887424991 +655 302 4 887424720 +655 303 4 888474107 +655 304 2 888475101 +655 305 4 887523909 +655 306 3 887424883 +655 307 3 892011201 +655 310 3 887473937 +655 311 3 887473702 +655 312 2 892011201 +655 313 4 888474285 +655 315 4 887424720 +655 316 4 889978343 +655 317 3 887474269 +655 318 4 887473702 +655 319 3 888685879 +655 320 5 888474456 +655 321 3 887425103 +655 324 3 890103072 +655 325 2 887425197 +655 326 2 888474742 +655 327 3 888685734 +655 328 2 887425025 +655 330 2 887425295 +655 332 3 888984255 +655 333 2 887472879 +655 337 2 887433538 +655 340 3 888984325 +655 345 3 887473803 +655 346 4 888474713 +655 347 3 887424948 +655 354 2 891667570 +655 356 3 887430804 +655 357 4 887426864 +655 359 3 887424883 +655 363 3 887426770 +655 367 3 887428031 +655 371 3 887611537 +655 372 3 887428507 +655 375 2 888984293 +655 378 1 887430410 +655 381 3 887474656 +655 382 3 887427131 +655 385 3 887429669 +655 387 3 888984538 +655 391 2 887429784 +655 393 2 887428334 +655 396 2 887428507 +655 402 2 887431019 +655 403 2 891585574 +655 405 2 887429900 +655 410 2 891585344 +655 411 3 887650512 +655 417 2 888771346 +655 423 3 887693376 +655 425 3 887477409 +655 427 4 891585242 +655 428 3 887428157 +655 433 2 887428030 +655 435 2 887860616 +655 443 4 887430102 +655 447 4 888813372 +655 448 4 888474934 +655 449 3 887429732 +655 451 3 887428280 +655 454 3 888813372 +655 458 3 887426407 +655 459 2 891408204 +655 461 2 887427130 +655 462 3 888474960 +655 464 3 887523367 +655 466 3 887474630 +655 467 3 887523790 +655 468 3 887427681 +655 469 3 887427778 +655 471 3 887611594 +655 474 3 888813306 +655 475 3 887693376 +655 476 2 887428671 +655 479 4 888474107 +655 480 4 888984506 +655 481 2 888474390 +655 483 4 888685734 +655 498 3 887523453 +655 500 2 887651149 +655 502 4 887477168 +655 503 3 887523477 +655 504 5 887650683 +655 505 3 891735725 +655 507 4 888813371 +655 508 3 887426030 +655 509 3 887427441 +655 511 3 887427009 +655 512 3 887474050 +655 513 3 891585504 +655 514 5 887650683 +655 515 4 887425458 +655 516 2 887523581 +655 517 4 891585450 +655 518 2 888813186 +655 520 3 887523427 +655 521 3 887426900 +655 522 3 887426900 +655 523 3 887427268 +655 525 2 892333973 +655 527 3 887427568 +655 528 5 887473570 +655 529 4 887428965 +655 531 4 887473570 +655 533 2 887651114 +655 534 2 887693376 +655 535 2 888685914 +655 536 3 887650512 +655 537 3 887489086 +655 543 3 887474050 +655 547 4 887523176 +655 550 2 887611677 +655 553 2 887431019 +655 558 4 887427506 +655 559 2 887472965 +655 566 3 888893279 +655 568 3 887429640 +655 572 2 887651149 +655 574 2 887489222 +655 576 2 888893313 +655 578 2 887488694 +655 581 2 887477000 +655 582 2 887427131 +655 584 3 887429171 +655 591 3 887426237 +655 594 3 887430778 +655 603 4 887473605 +655 604 4 888984325 +655 605 3 887474241 +655 607 4 887523427 +655 610 4 887432283 +655 611 3 887475345 +655 612 3 888474456 +655 619 3 887430746 +655 628 3 890887261 +655 629 3 887428559 +655 631 4 887473570 +655 632 3 887523224 +655 636 3 888475015 +655 638 4 890497592 +655 639 3 887473803 +655 640 2 888685955 +655 642 3 887430714 +655 644 3 887474288 +655 645 3 887474288 +655 647 3 888813306 +655 649 3 888685989 +655 650 3 887427009 +655 651 4 887564613 +655 653 3 892011201 +655 654 3 887474077 +655 655 3 888474285 +655 656 3 887430072 +655 657 3 891585504 +655 658 3 887427130 +655 660 2 888475101 +655 662 2 888686011 +655 670 3 887430142 +655 672 2 891585573 +655 673 3 887523427 +655 674 3 887523427 +655 676 2 887426665 +655 684 3 887473965 +655 685 2 887426666 +655 686 2 887427866 +655 690 2 887477489 +655 692 3 887523453 +655 693 3 888984506 +655 694 3 887428772 +655 695 3 891585242 +655 698 4 887473727 +655 699 2 887650593 +655 700 3 887523200 +655 702 2 887477262 +655 707 3 887472671 +655 708 3 887427307 +655 709 3 888475039 +655 712 3 887474050 +655 715 3 887476942 +655 716 2 888475101 +655 717 1 887430830 +655 722 1 887431047 +655 723 3 887650851 +655 724 3 887427600 +655 727 2 888685914 +655 728 2 887431019 +655 729 2 887476031 +655 730 2 890497653 +655 731 3 888474872 +655 732 3 887428445 +655 733 3 888474138 +655 734 3 887523477 +655 735 3 887427338 +655 736 3 888685734 +655 739 4 891585450 +655 740 3 888474713 +655 741 3 887426201 +655 742 3 888813272 +655 744 2 887427636 +655 746 3 891999461 +655 750 2 887472879 +655 751 3 888474960 +655 753 3 887860615 +655 761 2 888686011 +655 762 2 888984255 +655 764 1 887431074 +655 766 3 891585450 +655 770 2 892011201 +655 772 3 887426972 +655 773 3 887430072 +655 775 2 887523815 +655 778 2 890497653 +655 781 1 887428384 +655 782 3 887650483 +655 785 2 887490946 +655 786 2 887472965 +655 789 3 887473879 +655 792 3 891585380 +655 793 3 888813186 +655 794 1 887431019 +655 796 2 887428280 +655 800 2 887430197 +655 803 3 888474358 +655 805 2 888474327 +655 806 3 887523224 +655 813 3 888474456 +655 815 2 887651149 +655 823 2 888685759 +655 825 2 887429669 +655 831 2 887564549 +655 844 4 887650979 +655 845 2 887426446 +655 847 2 891585279 +655 855 3 887428965 +655 860 3 887477386 +655 863 3 887473995 +655 865 4 887523909 +655 867 4 887427307 +655 869 2 889282952 +655 872 3 888685879 +655 874 4 888984255 +655 875 3 888685850 +655 880 2 887523271 +655 882 3 887473879 +655 887 3 887650979 +655 889 3 888474285 +655 895 3 887472767 +655 896 4 887474605 +655 899 2 887433492 +655 900 3 887424991 +655 902 2 892333973 +655 903 3 887425070 +655 904 5 887473639 +655 906 2 888813416 +655 909 3 890611503 +655 910 3 889458990 +655 911 2 891817522 +655 912 3 891817522 +655 913 4 891817521 +655 914 3 891817471 +655 915 4 891817435 +655 916 2 892436455 +655 919 2 888474490 +655 921 3 887474656 +655 923 3 888685734 +655 927 3 887564613 +655 930 2 887429812 +655 936 3 887425625 +655 939 3 887473905 +655 942 4 888685850 +655 944 3 891585504 +655 945 2 887476008 +655 950 3 887611566 +655 953 3 887427243 +655 954 2 887428031 +655 955 3 887860615 +655 956 3 888984538 +655 958 3 887428993 +655 959 3 887427958 +655 960 3 887427210 +655 961 3 888685735 +655 962 5 887473674 +655 963 3 888475015 +655 966 3 887477409 +655 972 3 887475213 +655 974 2 887477025 +655 975 3 887426446 +655 979 3 888893279 +655 980 2 888984354 +655 995 3 887424991 +655 1005 4 887474605 +655 1007 3 891585504 +655 1008 3 887426300 +655 1009 2 887523271 +655 1010 3 887477191 +655 1011 3 887651060 +655 1012 3 888474357 +655 1014 3 890103072 +655 1016 3 887425601 +655 1017 3 887611566 +655 1018 3 887472791 +655 1022 3 887424948 +655 1024 3 887650979 +655 1029 1 887475032 +655 1041 3 887611537 +655 1042 2 887523641 +655 1044 3 887564483 +655 1045 3 887427473 +655 1046 3 887430779 +655 1053 1 887489159 +655 1061 2 887428623 +655 1062 3 887650979 +655 1063 3 888474909 +655 1067 2 887650593 +655 1068 3 891585417 +655 1069 1 887473535 +655 1070 4 887474050 +655 1071 2 888984293 +655 1074 3 891999461 +655 1082 3 887425655 +655 1084 3 888813272 +655 1085 2 888813416 +655 1086 3 888474358 +655 1090 3 887430855 +655 1097 3 887426008 +655 1098 3 887473905 +655 1099 3 887428965 +655 1100 3 887427371 +655 1101 2 887427243 +655 1103 3 887428417 +655 1106 2 891817472 +655 1107 4 888813272 +655 1108 3 887427083 +655 1111 3 887473856 +655 1112 2 887475641 +655 1113 3 887427810 +655 1118 3 887473605 +655 1121 3 887428938 +655 1128 3 887472791 +655 1129 3 891585242 +655 1131 5 887428772 +655 1134 3 887611594 +655 1135 3 887427743 +655 1136 2 887427568 +655 1137 3 888474807 +655 1140 3 887474699 +655 1141 3 888474986 +655 1142 2 891585344 +655 1143 3 887425458 +655 1144 3 888475015 +655 1147 3 887472767 +655 1149 3 887429107 +655 1153 3 887477336 +655 1155 3 887474289 +655 1158 3 888984255 +655 1160 3 888685850 +655 1161 3 887426446 +655 1166 3 891585477 +655 1167 3 887428384 +655 1169 3 887427210 +655 1170 3 891585242 +655 1171 3 887426200 +655 1173 2 887431157 +655 1174 3 887523477 +655 1176 4 888474934 +655 1186 3 888984538 +655 1192 4 887650851 +655 1193 3 887477360 +655 1194 5 887474605 +655 1195 3 887693376 +655 1196 3 888984325 +655 1197 3 887474289 +655 1198 3 888984538 +655 1208 3 887430746 +655 1211 4 887427681 +655 1213 2 887489282 +655 1214 2 891999461 +655 1221 3 891585477 +655 1223 3 891585242 +655 1226 3 891585529 +655 1232 3 887472606 +655 1233 3 887650512 +655 1238 2 888474843 +655 1245 3 887426087 +655 1248 3 887473879 +655 1252 3 887425601 +655 1255 3 887425732 +655 1256 3 887425655 +655 1257 3 887433685 +655 1262 3 891585279 +655 1265 3 887425025 +655 1266 3 887428911 +655 1267 2 887427840 +655 1268 3 892914357 +655 1273 2 888984386 +655 1278 2 887433780 +655 1281 3 891585477 +655 1284 2 887477511 +655 1288 3 887523427 +655 1296 3 891585242 +655 1311 3 887474473 +655 1319 3 887426373 +655 1322 2 887523641 +655 1344 3 887474020 +655 1351 3 888984539 +655 1356 3 887426059 +655 1368 5 888474285 +655 1370 3 890887261 +655 1375 3 887426008 +655 1378 3 887523176 +655 1379 3 888685879 +655 1380 4 887425625 +655 1388 3 887477336 +655 1395 3 887768594 +655 1400 3 887427268 +655 1403 3 888813372 +655 1406 3 888984325 +655 1407 2 887491131 +655 1418 4 888474646 +655 1421 3 887523477 +655 1426 2 888474390 +655 1436 2 888474679 +655 1445 3 887427538 +655 1448 3 887523224 +655 1462 3 887429077 +655 1465 2 887472943 +655 1466 3 890497592 +655 1473 3 888474872 +655 1475 3 887477386 +655 1479 2 887475032 +655 1490 2 887489792 +655 1499 3 888685556 +655 1501 3 887523200 +655 1506 3 887428871 +655 1514 2 887472879 +655 1516 3 887474630 +655 1529 2 887489792 +655 1532 2 887476999 +655 1535 3 887429023 +655 1538 3 887425498 +655 1549 2 891585574 +655 1553 4 888474019 +655 1554 2 887611677 +655 1560 2 887429136 +655 1578 3 887650714 +655 1585 4 887523403 +655 1600 3 888474286 +655 1602 3 891817435 +655 1605 3 888685850 +655 1607 3 887768472 +655 1623 4 887428735 +655 1628 2 888729735 +655 1629 3 887427083 +655 1630 3 887428735 +655 1631 4 888685734 +655 1632 3 888685759 +655 1633 3 889331315 +655 1634 2 888474019 +655 1635 3 887432079 +655 1636 4 887473570 +655 1637 3 888984255 +655 1638 3 887488947 +655 1639 4 887650483 +655 1640 3 888474646 +655 1641 3 887427810 +655 1642 4 888474934 +655 1643 5 887611511 +655 1644 1 888474327 +655 1645 4 892871225 +655 1646 3 891913577 +655 1647 3 891817435 +655 1648 2 891817435 +655 1649 3 892333993 +655 1650 4 892871225 +655 1651 4 891913500 +656 245 1 892319084 +656 286 1 892318343 +656 300 2 892318614 +656 302 3 892318450 +656 303 4 892318553 +656 312 1 892318777 +656 316 3 892318450 +656 327 2 892318738 +656 340 3 892318488 +656 344 4 892318520 +656 347 4 892318488 +656 689 2 892319276 +656 750 2 892318648 +656 875 2 892318842 +657 1 3 884239123 +657 7 3 884239057 +657 117 4 884240629 +657 151 4 884239886 +657 258 2 884238559 +657 286 4 884238002 +657 300 2 884237751 +657 327 1 884238247 +657 340 4 884237291 +657 346 4 884238162 +657 455 1 884239498 +657 475 4 884239057 +657 508 4 884239057 +657 628 3 884241192 +657 690 4 884238002 +657 744 4 884239566 +657 873 3 884238614 +657 922 4 884239123 +657 1009 4 884240629 +658 1 4 875145614 +658 7 4 875145879 +658 8 5 875147873 +658 9 4 875145572 +658 22 4 875147448 +658 24 3 875145493 +658 32 3 875147800 +658 42 4 875147873 +658 45 5 875147800 +658 50 4 875145750 +658 55 4 875148059 +658 56 5 875148108 +658 69 4 875147995 +658 86 4 875147873 +658 96 4 875147873 +658 98 4 875147800 +658 100 4 875145493 +658 117 4 875145879 +658 127 5 875145614 +658 129 3 875145750 +658 137 3 875145572 +658 151 5 875148319 +658 168 3 875148108 +658 169 5 875147935 +658 171 4 875147448 +658 178 5 875148195 +658 181 3 875145614 +658 192 4 875147935 +658 195 3 875148059 +658 198 5 875148108 +658 201 3 875147873 +658 212 3 875148059 +658 235 2 875145572 +658 257 4 875145667 +658 273 4 875148262 +658 276 4 875145572 +658 408 5 875145614 +658 429 4 875147800 +658 433 4 875147994 +658 458 3 875145926 +658 467 4 875147448 +658 471 4 875145879 +658 475 4 875145667 +658 477 3 875145750 +658 488 4 875148196 +658 518 4 875147873 +658 527 5 875147800 +658 530 4 875147995 +658 603 4 875147994 +658 628 3 875145841 +658 654 4 875148059 +658 730 3 875147995 +658 735 3 875148108 +658 772 3 875147591 +658 844 3 875145667 +658 919 2 875145841 +658 923 3 875148059 +658 952 2 875145926 +658 960 4 875147873 +658 1079 2 875145572 +658 1101 4 875147995 +659 4 3 891383917 +659 7 3 891331564 +659 13 4 891331361 +659 23 5 891332006 +659 43 4 891385955 +659 49 3 891385438 +659 50 3 891044882 +659 56 5 891331825 +659 58 4 891385012 +659 62 4 891386380 +659 64 4 891384152 +659 66 4 891385306 +659 69 3 891384916 +659 70 4 891383412 +659 73 4 891387083 +659 76 4 891383917 +659 79 4 891384036 +659 82 4 891384499 +659 86 5 891386071 +659 88 2 891385955 +659 90 2 891386577 +659 96 4 891384552 +659 97 5 891384798 +659 98 4 891045943 +659 121 4 891331301 +659 131 4 891383412 +659 134 4 891332189 +659 135 3 891383412 +659 136 5 891331874 +659 143 5 891384973 +659 153 4 891045891 +659 155 3 891386540 +659 157 4 891383636 +659 159 4 891386540 +659 162 3 891385136 +659 164 4 891384606 +659 167 3 891385438 +659 170 3 891045943 +659 172 3 891384526 +659 173 4 891383412 +659 174 4 891384215 +659 175 5 891386829 +659 176 4 891045747 +659 177 5 891384850 +659 178 5 891332261 +659 180 5 891385044 +659 181 3 891384107 +659 182 4 891332044 +659 183 4 891385079 +659 185 4 891332223 +659 186 3 891385197 +659 187 5 891331825 +659 188 3 891384606 +659 191 5 891332293 +659 192 4 891384372 +659 195 4 891384152 +659 196 4 891384888 +659 197 5 891385080 +659 199 4 891383965 +659 202 4 891385306 +659 204 4 891384152 +659 210 5 891383889 +659 211 3 891384077 +659 212 4 891387227 +659 214 3 891387399 +659 215 4 891385258 +659 216 4 891045892 +659 218 4 891384798 +659 226 4 891387194 +659 234 4 891384798 +659 241 3 891387121 +659 252 4 891045227 +659 255 3 891045161 +659 257 2 891044849 +659 258 4 891331825 +659 269 4 891331825 +659 272 4 891044849 +659 294 4 891044849 +659 313 5 891331825 +659 315 3 891044991 +659 316 4 891044849 +659 317 4 891331874 +659 319 3 891331322 +659 345 4 891044849 +659 356 3 891385012 +659 357 4 891331959 +659 367 3 891385166 +659 385 5 891331825 +659 387 4 891387227 +659 393 3 891387054 +659 402 3 891387400 +659 423 4 891384414 +659 431 4 891385627 +659 443 5 891385136 +659 447 3 891386910 +659 448 4 891385438 +659 451 5 891385534 +659 467 3 891384414 +659 469 4 891385136 +659 474 2 891384739 +659 476 3 891331534 +659 479 5 891383412 +659 481 5 891385866 +659 482 4 891383674 +659 483 4 891383889 +659 486 4 891383733 +659 489 4 891045747 +659 490 4 891384215 +659 492 3 891332189 +659 494 4 891383965 +659 496 5 891385258 +659 498 3 891383733 +659 499 4 891385438 +659 502 4 891385438 +659 505 4 891385769 +659 506 3 891385379 +659 507 5 891383561 +659 512 3 891386040 +659 514 5 891385044 +659 517 5 891384888 +659 519 4 891383889 +659 520 3 891332006 +659 521 5 891384499 +659 524 4 891332158 +659 526 5 891332224 +659 528 4 891385012 +659 559 1 891386641 +659 566 3 891383889 +659 568 4 891384850 +659 569 2 891386910 +659 578 3 891387351 +659 601 3 891386241 +659 602 4 891385986 +659 603 5 891331825 +659 604 4 891331916 +659 606 5 891331959 +659 607 5 891331825 +659 609 4 891385769 +659 610 3 891332044 +659 611 4 891384606 +659 616 4 891386577 +659 629 4 891386680 +659 636 3 891387400 +659 642 2 891386492 +659 646 4 891332122 +659 647 3 891384823 +659 648 3 891332006 +659 649 3 891386307 +659 655 4 891383561 +659 657 5 891383965 +659 660 3 891384798 +659 661 5 891331916 +659 664 4 891386380 +659 670 2 891385689 +659 673 4 891384499 +659 675 4 891386936 +659 693 4 891331417 +659 699 3 891384499 +659 705 5 891383561 +659 708 3 891386641 +659 712 3 891386307 +659 720 3 891386492 +659 735 3 891385079 +659 739 4 891387022 +659 762 3 891387227 +659 792 4 891384003 +659 794 3 891386910 +659 805 5 891383561 +659 836 4 891045943 +659 837 3 891386307 +659 942 3 891386347 +659 1021 5 891331825 +659 1044 4 891386071 +659 1064 5 891385866 +659 1119 4 891383674 +659 1138 4 891045266 +659 1168 4 891386641 +659 1172 4 891332122 +659 1203 4 891385258 +659 1267 3 891385689 +659 1297 2 891387306 +660 1 3 891406276 +660 2 2 891201151 +660 3 1 891405958 +660 7 3 891198203 +660 8 2 891199781 +660 21 3 891198671 +660 22 4 891199262 +660 24 3 891198277 +660 29 2 891357371 +660 33 2 891200193 +660 38 2 891201842 +660 40 2 891201674 +660 41 1 891265453 +660 47 2 891200456 +660 50 4 891197980 +660 56 1 891265453 +660 62 2 891201243 +660 64 3 891199035 +660 67 1 891201859 +660 68 4 891199391 +660 71 2 891200430 +660 72 3 891201436 +660 79 2 891199348 +660 80 1 891201796 +660 82 2 891200491 +660 83 3 891199556 +660 84 2 891201823 +660 87 2 891199133 +660 89 3 891199965 +660 90 2 891201346 +660 91 4 891200193 +660 94 2 891201887 +660 95 2 891200491 +660 96 3 891200430 +660 98 4 891199348 +660 99 2 891200704 +660 100 3 891198063 +660 101 3 891201243 +660 106 2 891903867 +660 117 3 891197934 +660 118 2 891198479 +660 120 1 891198996 +660 121 2 891197954 +660 122 1 891198996 +660 123 2 891198109 +660 125 3 891198421 +660 132 3 891199683 +660 134 4 891199153 +660 135 4 891199833 +660 139 2 891202060 +660 144 3 891199856 +660 145 2 891202022 +660 151 5 891198335 +660 153 4 891200388 +660 154 4 891200534 +660 159 1 891200817 +660 161 1 891201223 +660 163 2 891199992 +660 164 2 891200307 +660 167 2 891201565 +660 168 5 891199477 +660 172 4 891199017 +660 173 5 891199556 +660 174 4 891199293 +660 175 3 891199367 +660 176 3 891199182 +660 177 2 891200014 +660 179 4 891200073 +660 181 4 891197998 +660 182 2 891200213 +660 183 2 891199499 +660 184 3 891200741 +660 186 3 891199781 +660 191 4 891406212 +660 195 4 891406212 +660 196 4 891199557 +660 197 3 891199965 +660 201 3 891200513 +660 202 2 891199683 +660 204 3 891200370 +660 207 4 891199620 +660 208 4 891199201 +660 209 4 891406212 +660 210 4 891199293 +660 211 4 891199104 +660 215 3 891199082 +660 216 2 891199804 +660 217 2 891200817 +660 219 1 891406212 +660 222 2 891198063 +660 227 2 891201172 +660 228 3 891200193 +660 229 2 891406212 +660 230 3 891199856 +660 231 2 891357371 +660 235 3 891198401 +660 238 3 891200340 +660 239 2 891200989 +660 243 2 891197757 +660 249 2 891198109 +660 250 4 891198174 +660 252 2 891198459 +660 254 1 891357371 +660 257 4 891197934 +660 259 4 891197778 +660 265 2 891199241 +660 266 2 891197639 +660 271 3 891197561 +660 272 4 891197481 +660 281 3 891198588 +660 290 4 891198549 +660 294 3 891197701 +660 298 2 891198441 +660 301 3 891197661 +660 307 3 891197503 +660 315 4 891197462 +660 316 4 891197728 +660 318 3 891199133 +660 328 3 891197585 +660 347 3 891197585 +660 349 3 891197757 +660 357 2 891200014 +660 358 2 891197796 +660 366 1 891405958 +660 380 2 891201587 +660 385 3 891199883 +660 386 2 891200904 +660 391 2 891201823 +660 392 2 891200072 +660 393 2 891201541 +660 402 3 891201380 +660 403 3 891357371 +660 404 2 891200621 +660 405 2 891198479 +660 419 2 891199348 +660 423 3 891199942 +660 428 4 891200594 +660 429 4 891199833 +660 430 4 891199747 +660 431 4 891200658 +660 434 3 891200430 +660 435 4 891199883 +660 444 2 891201948 +660 449 3 891201796 +660 456 1 891198996 +660 470 2 891199883 +660 472 2 891198421 +660 473 2 891198996 +660 474 2 891200037 +660 483 4 891199804 +660 485 3 891200491 +660 491 4 891199348 +660 496 3 891199082 +660 510 3 891199056 +660 515 2 891199391 +660 523 3 891200534 +660 527 3 891200073 +660 542 2 891201887 +660 550 2 891201541 +660 559 2 891201069 +660 568 3 891199182 +660 569 2 891201499 +660 603 4 891199182 +660 625 3 891200513 +660 636 2 891200704 +660 640 1 891201223 +660 652 4 891200370 +660 657 2 891199579 +660 658 1 891200193 +660 663 2 891199833 +660 675 3 891199556 +660 679 2 891201069 +660 680 2 891405088 +660 710 3 891199942 +660 722 1 891265453 +660 739 2 891201925 +660 742 2 891198312 +660 746 4 891199478 +660 747 4 891200639 +660 748 3 891197757 +660 755 2 891201026 +660 771 2 891201984 +660 774 3 891200594 +660 786 1 891265453 +660 800 2 891201675 +660 809 2 891201565 +660 810 3 891265495 +660 825 2 891198549 +660 826 3 891198762 +660 845 3 891198385 +660 846 2 891198174 +660 890 1 891198996 +660 898 4 891197561 +660 926 2 891201587 +660 930 2 891198762 +660 946 2 891201696 +660 996 1 891265453 +660 1020 4 891199833 +660 1035 2 891201116 +660 1050 4 891200678 +660 1065 2 891201049 +660 1074 1 891201399 +660 1078 2 891201521 +660 1110 2 891201823 +660 1133 2 891201419 +660 1135 2 891201675 +660 1139 2 891201966 +660 1178 1 891265453 +660 1183 1 891201049 +660 1240 3 891201637 +660 1411 2 891201294 +660 1419 1 891202022 +660 1483 3 892520856 +660 1615 2 891198441 +661 1 5 876016545 +661 8 5 876016491 +661 28 5 876013975 +661 31 3 876017533 +661 48 4 876016726 +661 50 5 876013935 +661 58 4 886841865 +661 64 4 876014060 +661 69 4 876013492 +661 70 4 876017029 +661 71 4 876015530 +661 79 5 886841798 +661 86 4 876035679 +661 89 5 888300344 +661 96 4 876015607 +661 97 4 888299980 +661 117 4 886841250 +661 118 4 876037058 +661 121 2 876037619 +661 131 3 886841714 +661 132 5 886841714 +661 135 5 876013398 +661 140 3 876013552 +661 144 5 876016580 +661 145 1 876035968 +661 161 4 876013588 +661 164 4 876035968 +661 165 5 876013975 +661 166 5 888300194 +661 168 5 876017294 +661 169 5 876017294 +661 170 4 888300680 +661 172 5 876036358 +661 173 4 876014469 +661 174 5 876013447 +661 175 2 888299899 +661 178 4 876013492 +661 179 4 876014125 +661 180 5 876016545 +661 181 5 876015607 +661 183 4 876035466 +661 185 5 876013447 +661 189 4 876013850 +661 191 4 888300344 +661 192 4 888299461 +661 194 5 876016667 +661 195 5 888300488 +661 196 3 888300680 +661 197 4 876013975 +661 199 5 876016726 +661 200 3 876035896 +661 204 5 876017801 +661 209 4 876013492 +661 210 5 876015530 +661 215 3 876015657 +661 216 5 876017933 +661 218 3 876035933 +661 219 2 876035968 +661 222 3 876013121 +661 228 5 876016545 +661 230 4 888300344 +661 237 4 876037519 +661 238 4 876016491 +661 249 3 886841443 +661 255 3 876037088 +661 258 4 876012997 +661 272 4 893281023 +661 274 4 876037199 +661 280 3 886841562 +661 294 4 876036384 +661 298 3 886841348 +661 300 3 876036477 +661 304 2 886829961 +661 310 2 889500835 +661 313 4 886829961 +661 318 5 876013935 +661 418 4 876036240 +661 423 4 876016726 +661 427 4 876016491 +661 428 4 876016726 +661 433 5 876016545 +661 443 4 876035933 +661 471 4 876037167 +661 480 5 876016491 +661 496 5 876015530 +661 498 5 876017801 +661 501 4 876036190 +661 506 3 886841865 +661 514 3 876013398 +661 515 5 876017294 +661 527 4 876035679 +661 538 3 886830056 +661 566 4 876015688 +661 568 4 888301266 +661 573 3 876036043 +661 603 3 876016726 +661 615 4 876013774 +661 631 3 886841831 +661 647 4 876013356 +661 652 2 888300680 +661 657 4 876013714 +661 665 3 876035999 +661 684 3 888299899 +661 707 5 876016858 +661 709 4 886841685 +661 749 2 889500304 +661 751 4 886840577 +661 756 3 876037089 +661 762 2 876037121 +661 972 3 876016581 +661 1035 3 876017717 +662 6 5 880571006 +662 50 3 880570142 +662 93 5 880571006 +662 100 5 880571006 +662 268 5 880571005 +662 285 5 880571005 +662 286 3 880569465 +662 291 2 880570487 +662 319 3 880569520 +662 515 4 880571006 +662 591 4 880570112 +662 813 3 880570194 +662 1511 4 880570301 +663 1 4 889492679 +663 3 4 889492614 +663 7 4 889492841 +663 9 2 889492435 +663 11 5 889493628 +663 12 5 889493576 +663 13 3 889492562 +663 15 4 889493069 +663 23 4 889493818 +663 25 4 889492917 +663 31 4 889493628 +663 42 5 889493732 +663 50 5 889493502 +663 56 5 889493502 +663 64 5 889493502 +663 69 4 889493770 +663 89 4 889493818 +663 96 5 889493628 +663 98 5 889493540 +663 100 4 889492503 +663 108 2 889492796 +663 111 3 889492562 +663 117 4 889492390 +663 121 4 889493182 +663 123 3 889492562 +663 124 3 889492390 +663 125 3 889492720 +663 127 5 889493540 +663 129 3 889492503 +663 134 5 889493818 +663 147 3 889493069 +663 148 4 889492989 +663 150 5 889492435 +663 151 3 889492841 +663 173 3 889493818 +663 174 5 889493540 +663 176 5 889493502 +663 180 4 889493691 +663 181 4 889493732 +663 182 5 889493691 +663 183 4 889493770 +663 187 5 889493869 +663 192 4 889493628 +663 210 3 889493818 +663 235 2 889492917 +663 237 4 889492473 +663 240 3 889493027 +663 243 3 889492076 +663 245 4 889491891 +663 258 3 889491560 +663 259 2 889491861 +663 260 2 889491861 +663 265 4 889493691 +663 268 3 889491617 +663 272 5 889491515 +663 276 3 889492435 +663 280 3 889492841 +663 281 3 889492759 +663 282 3 889492759 +663 284 4 889492841 +663 287 5 889492720 +663 288 4 889491617 +663 289 1 889491861 +663 294 3 889491811 +663 299 2 889491739 +663 300 4 889491655 +663 307 4 889491690 +663 313 5 889491617 +663 315 4 889491560 +663 316 4 889491974 +663 318 4 889493576 +663 319 1 889492229 +663 321 5 889491739 +663 322 4 889491739 +663 323 2 889492230 +663 324 2 889492019 +663 326 4 889491861 +663 328 4 889491861 +663 330 4 889491739 +663 333 5 889491655 +663 351 2 889491919 +663 357 5 889493732 +663 363 2 889492990 +663 405 3 889492877 +663 410 3 889492759 +663 411 3 889492877 +663 455 2 889492679 +663 466 3 889493467 +663 473 3 889492917 +663 475 4 889492435 +663 508 4 889492503 +663 509 4 889493437 +663 521 3 889493467 +663 546 3 889493118 +663 588 4 889493628 +663 591 3 889492759 +663 597 3 889492917 +663 619 4 889493182 +663 628 4 889492615 +663 652 4 889493540 +663 655 4 889493869 +663 658 4 889493467 +663 676 3 889492435 +663 678 2 889492140 +663 682 3 889491891 +663 685 4 889492917 +663 693 4 889493732 +663 696 3 889492877 +663 710 3 889493437 +663 741 4 889493351 +663 742 4 889492720 +663 748 2 889492019 +663 749 3 889491617 +663 762 4 889492473 +663 763 5 889492614 +663 815 4 889492759 +663 827 2 889492796 +663 833 4 889492796 +663 844 2 889492841 +663 845 3 889492796 +663 864 3 889492917 +663 872 3 889491919 +663 876 3 889491739 +663 895 4 889491811 +663 919 3 889492562 +663 925 3 889493069 +663 928 3 889492679 +663 948 4 889492258 +663 956 4 889493732 +663 975 4 889492720 +663 978 4 889492614 +663 984 3 889491690 +663 985 3 889493210 +663 1009 3 889493069 +663 1011 3 889493027 +663 1017 2 889492679 +663 1047 4 889492679 +663 1048 4 889492562 +663 1051 3 889493118 +663 1059 2 889492614 +663 1067 3 889492562 +663 1086 3 889492959 +663 1119 3 889493437 +663 1161 3 889493069 +663 1245 4 889492959 +663 1276 3 889492679 +663 1324 3 889492473 +663 1327 4 889493210 +664 1 4 878090087 +664 4 4 876526152 +664 12 5 876524699 +664 14 4 878090764 +664 22 2 876524731 +664 31 4 876526555 +664 45 4 878090415 +664 47 4 876525076 +664 50 5 878090415 +664 52 5 876525736 +664 53 3 876526580 +664 54 3 876526684 +664 56 4 876525962 +664 57 4 878092649 +664 58 4 876525292 +664 64 4 876524474 +664 69 3 876525364 +664 70 3 878092758 +664 71 4 878090125 +664 73 2 878090764 +664 77 3 876526631 +664 83 4 876524869 +664 89 5 878092649 +664 92 4 876525002 +664 95 4 878090125 +664 96 3 878094973 +664 97 3 876525363 +664 98 4 876526462 +664 100 5 876523833 +664 118 3 876526604 +664 121 3 876526659 +664 127 5 876525044 +664 132 4 878092569 +664 134 5 878092758 +664 137 3 876524641 +664 149 3 876525315 +664 151 4 878091912 +664 152 3 878091463 +664 153 4 876526152 +664 154 5 876525963 +664 156 4 876526784 +664 157 3 876524731 +664 159 3 876526739 +664 160 3 876524731 +664 162 4 876525764 +664 169 5 878092569 +664 172 5 878090054 +664 173 4 876525963 +664 174 5 878092802 +664 175 4 876524699 +664 176 4 876526462 +664 179 4 876523654 +664 180 4 876524641 +664 182 4 876524641 +664 183 3 876526462 +664 186 5 876526052 +664 187 5 876524699 +664 191 3 876523833 +664 192 4 876524096 +664 194 4 876525998 +664 196 4 878090054 +664 202 4 878094973 +664 203 4 876526685 +664 209 4 876525998 +664 210 4 878090054 +664 212 4 878090180 +664 215 4 876525293 +664 222 3 876524641 +664 223 4 876523654 +664 227 3 876526718 +664 228 4 876526462 +664 229 3 876526631 +664 230 3 876526659 +664 234 3 876526554 +664 237 2 876525002 +664 268 3 876523093 +664 276 5 876524053 +664 285 5 876524053 +664 286 4 876523092 +664 302 4 876523093 +664 306 4 876523133 +664 317 3 878095280 +664 318 5 876525044 +664 319 4 876523133 +664 321 3 876526179 +664 326 2 876523225 +664 328 3 876523314 +664 356 3 876526685 +664 367 3 876526152 +664 408 5 878094973 +664 414 5 878090415 +664 425 3 876524937 +664 427 4 876524053 +664 431 2 876526631 +664 433 3 876525998 +664 449 2 876526718 +664 450 3 876526604 +664 458 3 878091463 +664 462 4 878091912 +664 478 5 878090415 +664 479 5 878090087 +664 480 5 878091393 +664 481 5 878091912 +664 482 5 878090180 +664 483 4 878091463 +664 484 5 878090705 +664 494 5 878089975 +664 496 5 878090381 +664 497 3 878092649 +664 504 4 876526518 +664 509 4 876523654 +664 513 4 876524053 +664 516 5 876525963 +664 518 4 876524290 +664 522 3 876525998 +664 525 4 876526580 +664 528 5 876523833 +664 529 4 878090125 +664 531 2 876523833 +664 566 4 876526631 +664 582 1 876525044 +664 588 3 878092569 +664 603 5 876526518 +664 611 5 878090705 +664 627 1 878090125 +664 631 4 876525077 +664 636 3 876526631 +664 642 4 876526554 +664 649 4 876525044 +664 654 5 876526604 +664 655 3 876524097 +664 657 5 876526685 +664 659 5 876526518 +664 660 3 876525718 +664 664 4 876524474 +664 673 3 876526718 +664 678 2 876523288 +664 684 4 876526580 +664 692 3 878152048 +664 702 4 876526052 +664 705 4 878092802 +664 708 4 876525077 +664 715 3 876525718 +664 717 1 876526555 +664 724 3 876525695 +664 735 4 878092802 +664 764 4 878092758 +664 770 4 876526659 +664 778 3 876525192 +664 792 4 876524474 +664 805 5 878090381 +664 845 2 878090381 +664 1090 1 876526739 +664 1098 3 876526152 +664 1101 3 876525002 +664 1109 4 876526555 +665 1 4 884290491 +665 9 4 884290608 +665 12 4 884294286 +665 31 3 884294880 +665 33 2 884293873 +665 50 4 884290432 +665 56 5 884294611 +665 65 4 884293523 +665 69 5 884293475 +665 71 4 884293933 +665 79 3 884293831 +665 88 3 884294552 +665 89 4 884294935 +665 92 4 884295080 +665 96 3 884293831 +665 97 2 884294329 +665 98 4 884293569 +665 100 3 884290349 +665 105 2 884291810 +665 109 4 884292654 +665 111 4 884290608 +665 117 4 884290575 +665 121 2 884290480 +665 125 4 884291340 +665 126 4 884290751 +665 127 4 884292654 +665 133 3 884294771 +665 134 4 884293569 +665 135 4 884294880 +665 143 4 884293475 +665 147 4 884291057 +665 151 3 884291017 +665 154 3 884294025 +665 157 3 884294671 +665 177 3 884294374 +665 181 4 884291936 +665 183 4 884293933 +665 185 4 884294200 +665 186 4 884293569 +665 188 4 884293366 +665 191 3 884293475 +665 194 3 884294671 +665 195 3 884294819 +665 196 4 884294026 +665 200 4 884293741 +665 202 3 884294612 +665 210 4 884293789 +665 214 4 884294935 +665 215 2 884294880 +665 216 4 884293690 +665 222 3 884290676 +665 234 3 884293610 +665 237 3 884290635 +665 238 4 884294772 +665 239 3 884293475 +665 240 5 884291271 +665 248 4 884292068 +665 249 5 884290608 +665 255 4 884290608 +665 257 3 884292654 +665 265 3 884294716 +665 271 2 884290055 +665 274 3 884290408 +665 282 4 884291094 +665 286 4 884289850 +665 287 4 884290575 +665 293 4 884290728 +665 294 2 884289922 +665 301 4 884290096 +665 307 3 884292654 +665 313 4 884618217 +665 315 4 884697720 +665 319 4 884289897 +665 343 3 884292654 +665 346 2 884289897 +665 357 4 884293979 +665 369 4 884291747 +665 378 3 884294237 +665 393 3 884295080 +665 405 3 884291300 +665 410 3 884291165 +665 411 4 884291242 +665 417 3 884293569 +665 418 4 884294611 +665 419 4 884295126 +665 421 4 884294552 +665 423 4 884294611 +665 427 5 884293309 +665 432 4 884294025 +665 456 4 884291662 +665 471 3 884292009 +665 472 3 884291242 +665 473 4 884290882 +665 475 3 884290349 +665 476 4 884291133 +665 483 4 884293610 +665 496 3 884294200 +665 527 3 884294880 +665 535 4 884291094 +665 538 4 884290143 +665 546 2 884291376 +665 566 2 884293741 +665 597 3 884290853 +665 620 3 884291613 +665 631 2 884294459 +665 660 4 884294935 +665 684 3 884294286 +665 685 2 884290515 +665 687 2 884290143 +665 699 4 884294374 +665 721 3 884294772 +665 742 4 884290704 +665 748 4 884290076 +665 756 3 884292654 +665 762 4 884290480 +665 763 4 884291210 +665 815 4 884290608 +665 833 3 884291210 +665 845 4 884292654 +665 866 3 884290676 +665 924 4 884291165 +665 926 3 884291376 +665 931 3 884291810 +665 1009 4 884291936 +665 1028 4 884291133 +665 1040 4 884291550 +665 1047 1 884291376 +665 1048 4 884292325 +665 1061 4 884292654 +665 1132 2 884291662 +665 1225 2 884294286 +665 1315 4 884291413 +666 5 2 880568465 +666 7 4 880313329 +666 11 4 880314453 +666 12 4 880139323 +666 13 4 880313542 +666 23 4 880139467 +666 25 3 880313559 +666 26 3 880568505 +666 28 3 880139381 +666 31 3 880314500 +666 32 4 880139466 +666 46 4 880139348 +666 48 4 880139180 +666 50 3 880313447 +666 56 4 880139090 +666 64 4 880139120 +666 66 4 880568560 +666 69 3 880139149 +666 70 4 880139526 +666 79 3 880567919 +666 81 4 880314194 +666 82 3 880314194 +666 89 4 880139149 +666 91 3 880139409 +666 92 3 880139493 +666 96 3 880568270 +666 97 4 880139642 +666 98 4 880139381 +666 100 4 880313310 +666 106 2 880313992 +666 108 3 880313929 +666 111 3 880313523 +666 114 4 880567919 +666 116 4 880313270 +666 118 3 880313903 +666 121 3 880313603 +666 122 2 880313723 +666 124 3 880313391 +666 127 5 880139180 +666 129 4 880313270 +666 132 4 880139669 +666 133 3 880139439 +666 134 5 880567695 +666 135 4 880139562 +666 137 4 880313423 +666 143 2 880568064 +666 144 3 880314144 +666 147 3 880313661 +666 151 2 880313582 +666 153 4 880314103 +666 154 3 880568662 +666 162 4 880568662 +666 163 3 880567742 +666 168 4 880314272 +666 169 4 880567883 +666 172 3 880139090 +666 173 4 880139253 +666 175 4 880567612 +666 176 4 880139120 +666 177 3 880567612 +666 180 4 880139562 +666 181 2 880139563 +666 182 4 880139526 +666 183 5 880139180 +666 185 4 880139466 +666 186 2 880139587 +666 187 5 880139439 +666 188 5 880314564 +666 191 4 880139090 +666 192 4 880139615 +666 193 4 880567810 +666 194 3 880139348 +666 195 3 880314272 +666 196 3 880568129 +666 197 4 880568129 +666 199 5 880314253 +666 200 5 880568465 +666 203 4 880139180 +666 204 3 880139090 +666 205 3 880139562 +666 208 3 880139467 +666 209 4 880139205 +666 210 2 880139493 +666 211 4 880139382 +666 213 4 880139120 +666 216 3 880139642 +666 222 3 880313423 +666 223 3 880314144 +666 234 3 880139323 +666 236 4 880313250 +666 237 3 880313391 +666 238 4 880139615 +666 245 3 880138865 +666 248 3 880313640 +666 255 4 880313423 +666 257 3 880313682 +666 258 4 880138999 +666 264 3 880138999 +666 265 3 880139274 +666 269 5 880314564 +666 270 3 880138720 +666 273 3 880313292 +666 282 3 880313482 +666 284 3 880313523 +666 286 5 880138999 +666 288 3 880138999 +666 291 3 880313640 +666 293 3 880313310 +666 294 3 880139037 +666 300 3 880138702 +666 302 5 880138999 +666 310 5 880313163 +666 318 5 880139180 +666 319 4 880138999 +666 331 4 880138999 +666 333 3 880138999 +666 339 4 880138999 +666 357 4 880139526 +666 370 2 880313811 +666 381 3 880139349 +666 385 3 880568028 +666 405 2 880313662 +666 410 2 880313447 +666 423 3 880139381 +666 427 4 880139382 +666 428 3 880139439 +666 429 5 880139409 +666 430 4 880139614 +666 432 3 880139439 +666 433 3 880568560 +666 435 4 880567883 +666 436 3 880568637 +666 443 4 880568638 +666 467 4 880568094 +666 471 4 880313423 +666 474 5 880139323 +666 478 4 880139526 +666 479 4 880139642 +666 480 4 880568063 +666 482 4 880567997 +666 483 5 880139348 +666 484 4 880139149 +666 489 4 880314194 +666 493 5 880139252 +666 494 4 880314310 +666 496 4 880139149 +666 498 5 880139669 +666 499 4 880139562 +666 502 3 880567883 +666 504 4 880139120 +666 505 4 880139526 +666 506 5 880139252 +666 507 3 880567771 +666 510 4 880139409 +666 511 4 880139120 +666 513 4 880139323 +666 514 4 880139295 +666 515 5 880313230 +666 516 5 880139348 +666 517 4 880139563 +666 518 4 880567742 +666 519 4 880139205 +666 520 3 880139562 +666 523 4 880314194 +666 525 4 880139467 +666 527 4 880139253 +666 529 5 880568129 +666 530 3 880139323 +666 544 4 880313682 +666 546 4 880313640 +666 566 3 880314500 +666 582 4 880139642 +666 591 2 880313604 +666 603 4 880567943 +666 604 3 880139669 +666 607 4 880139563 +666 613 5 880139295 +666 616 3 880139253 +666 632 4 880568028 +666 636 4 880568322 +666 638 3 880139563 +666 640 4 880314477 +666 642 5 880139586 +666 644 3 880314453 +666 646 3 880139180 +666 647 5 880139439 +666 649 3 880568694 +666 650 5 880139409 +666 651 5 880139149 +666 653 4 880139120 +666 654 5 880139382 +666 655 4 880139439 +666 656 4 880139120 +666 657 4 880139642 +666 660 4 880568094 +666 661 4 880139765 +666 662 3 880568094 +666 663 4 880139409 +666 684 4 880568063 +666 692 3 880568505 +666 696 3 880313811 +666 699 3 880568297 +666 707 5 880314103 +666 709 4 880314144 +666 729 4 880314225 +666 742 3 880313723 +666 744 3 880313661 +666 760 3 880313789 +666 805 4 880568436 +666 811 4 880568396 +666 855 4 880568270 +666 856 5 880139765 +666 864 3 880313523 +666 866 2 880313582 +666 924 2 880313582 +666 945 4 880567883 +666 956 4 880568637 +666 959 4 880139149 +666 960 4 880567810 +666 962 3 880314272 +666 963 3 880139090 +666 974 4 880313929 +666 1011 4 880313723 +666 1013 3 880314029 +666 1021 5 880139669 +666 1045 4 880567974 +666 1047 3 880313858 +666 1071 3 880567771 +666 1110 3 880314366 +666 1132 3 880313992 +666 1154 3 880567658 +666 1170 4 880568352 +666 1266 5 880139493 +666 1451 3 880139614 +666 1474 3 880567612 +667 9 5 891034831 +667 23 3 891035084 +667 28 5 891034913 +667 69 3 891035104 +667 79 3 891034930 +667 86 5 891034894 +667 98 4 891035104 +667 124 5 891035164 +667 182 5 891034767 +667 192 5 891034947 +667 196 5 891034993 +667 197 4 891035033 +667 210 3 891035051 +667 216 4 891034894 +667 223 5 891034767 +667 234 2 891034730 +667 238 3 891035140 +667 268 3 891034404 +667 269 5 891034444 +667 272 5 891034404 +667 275 4 891035084 +667 283 4 891034947 +667 285 5 891034810 +667 301 1 891034513 +667 315 4 891034426 +667 316 4 891034584 +667 318 5 891034976 +667 357 5 891034767 +667 427 5 891034767 +667 435 3 891035104 +667 475 5 891035051 +667 487 5 891035084 +667 651 5 891034767 +667 660 4 891035164 +667 694 4 891034730 +667 962 2 891035164 +667 1101 3 891035015 +668 13 4 881591075 +668 29 3 881605433 +668 50 5 881605642 +668 69 1 881702566 +668 124 3 881605489 +668 137 3 881605093 +668 231 2 881605433 +668 252 2 881702925 +668 258 2 881523929 +668 269 5 881523612 +668 272 5 890349005 +668 286 4 881523612 +668 288 4 882818604 +668 289 2 881523929 +668 294 3 890349076 +668 300 4 881523612 +668 302 5 881523612 +668 307 4 881523762 +668 328 4 881523787 +668 340 4 881523737 +668 345 2 890349041 +668 347 4 890349005 +668 354 4 890349060 +668 355 2 890349190 +668 367 5 881605587 +668 403 4 881605433 +668 475 4 881605210 +668 538 5 881523787 +668 554 3 881702723 +668 596 3 881591297 +668 752 4 890349005 +668 882 3 881523929 +668 895 3 890349136 +668 896 4 882818549 +668 902 2 890349285 +668 993 4 881591257 +669 1 5 892549412 +669 7 3 892549266 +669 12 5 891517287 +669 22 3 891517159 +669 23 4 891260474 +669 50 5 891517215 +669 56 2 891260497 +669 64 4 891260440 +669 79 2 891260474 +669 96 2 891260392 +669 97 4 891517238 +669 111 4 892549583 +669 114 5 892550196 +669 118 2 892549838 +669 121 3 892549673 +669 125 3 892549622 +669 132 4 891260519 +669 133 4 891260779 +669 150 3 892549477 +669 151 5 892549370 +669 168 4 891517259 +669 169 3 891517159 +669 172 3 891517159 +669 175 4 892550170 +669 181 5 892549390 +669 183 3 891260577 +669 187 5 892550170 +669 190 3 892550170 +669 191 3 892550310 +669 192 5 891260542 +669 194 3 891517159 +669 195 2 891260542 +669 196 3 892550234 +669 205 4 892550137 +669 208 2 891517215 +669 216 3 892550170 +669 222 3 892549434 +669 235 2 892549865 +669 246 4 892549497 +669 248 4 892549412 +669 252 2 892549865 +669 257 3 892549514 +669 258 2 891182622 +669 268 3 891517159 +669 269 3 891517159 +669 271 2 891182948 +669 276 2 892550259 +669 290 2 892549820 +669 302 4 891182948 +669 310 4 892549126 +669 313 4 891182948 +669 323 1 891182792 +669 324 3 891517159 +669 326 1 891182678 +669 329 1 891182771 +669 340 4 891182948 +669 347 3 891182948 +669 348 1 891182572 +669 354 1 891182622 +669 355 2 891182792 +669 357 4 891260616 +669 408 5 892549316 +669 427 4 892550137 +669 462 5 892550137 +669 474 4 891260369 +669 475 3 892549336 +669 479 5 891260806 +669 480 5 891517259 +669 482 4 892550170 +669 483 3 892550196 +669 490 5 892550283 +669 505 3 891517159 +669 511 5 891260778 +669 514 3 892550215 +669 515 5 891517238 +669 521 4 892550196 +669 522 4 892550196 +669 531 3 892550310 +669 537 3 891517159 +669 603 5 891260719 +669 614 4 891260778 +669 647 5 891260596 +669 649 4 891260754 +669 654 5 891260754 +669 657 5 891517185 +669 664 4 892550104 +669 749 3 891517159 +669 879 2 891182703 +669 898 1 891182812 +669 915 3 892549178 +670 8 4 877975594 +670 15 4 877975200 +670 83 3 877975018 +670 96 5 877975070 +670 135 3 877974549 +670 144 4 877975285 +670 161 2 877975392 +670 174 4 877975344 +670 175 2 877975448 +670 186 4 877975594 +670 191 4 877975731 +670 195 4 877974787 +670 199 4 877974549 +670 222 4 877974857 +670 228 5 877975344 +670 232 3 877975448 +670 245 4 877974070 +670 419 4 877974945 +670 474 3 877975070 +670 480 5 877975017 +670 482 5 877975285 +670 483 5 877975200 +670 484 5 877975391 +670 485 5 877974945 +670 515 2 877974699 +670 519 5 877974604 +670 521 4 877975344 +670 603 5 877974465 +670 615 3 877974605 +670 650 2 877975200 +670 651 4 877975070 +670 705 5 877974905 +670 945 4 877975285 +670 969 2 877975070 +670 1099 3 877975018 +670 1299 4 877974905 +671 2 4 884035892 +671 4 5 884035939 +671 5 2 883949781 +671 7 5 875388719 +671 11 4 884035774 +671 12 5 883546120 +671 17 4 883546889 +671 22 4 884035406 +671 23 4 883547351 +671 27 3 884036050 +671 29 3 884036050 +671 31 2 883546333 +671 33 5 883949781 +671 38 5 884035992 +671 50 5 875388719 +671 54 3 884035173 +671 55 3 883546890 +671 56 1 883546120 +671 62 5 884036411 +671 66 5 884204727 +671 68 3 884035892 +671 79 2 883546120 +671 82 4 884035686 +671 88 4 884036846 +671 89 5 884035406 +671 96 5 884035686 +671 98 4 883949357 +671 117 3 875389187 +671 118 5 875389187 +671 121 4 875389187 +671 123 5 883546677 +671 144 4 884035686 +671 147 1 884035992 +671 159 5 883949781 +671 161 5 884035892 +671 172 5 884035774 +671 174 5 884035685 +671 176 2 883546120 +671 177 4 884035775 +671 181 5 875388719 +671 184 3 884035775 +671 188 2 884035992 +671 195 5 884035774 +671 201 3 884204509 +671 203 3 884035173 +671 204 5 884204510 +671 210 5 884035892 +671 219 3 884338399 +671 222 1 883546333 +671 226 3 883949693 +671 231 3 884035993 +671 233 4 883547351 +671 234 4 883546890 +671 237 5 884037003 +671 241 5 884035686 +671 250 5 875389187 +671 255 5 884375221 +671 257 5 875388720 +671 265 3 884035992 +671 273 4 875389187 +671 288 5 883950232 +671 327 1 875387273 +671 356 3 883949781 +671 379 3 884035303 +671 385 5 884035892 +671 431 2 883546677 +671 443 3 884034132 +671 451 4 884037004 +671 452 4 884035173 +671 455 4 884035775 +671 472 5 884036411 +671 504 4 883949781 +671 510 3 884035892 +671 511 3 884035406 +671 526 2 884035406 +671 546 5 884036050 +671 550 3 884035406 +671 553 5 884036846 +671 554 4 884036411 +671 559 4 884338399 +671 562 5 884036365 +671 566 4 884035303 +671 568 5 884035686 +671 570 3 884036411 +671 581 2 884035173 +671 583 3 884034132 +671 591 3 883546333 +671 597 4 884036365 +671 628 3 883950232 +671 654 3 884034800 +671 679 3 884036050 +671 684 3 883546890 +671 686 3 884036365 +671 720 3 884036050 +671 742 5 884035173 +671 748 3 875386402 +671 770 2 883547351 +671 779 3 884036683 +671 802 3 884036411 +671 810 2 884036050 +671 838 3 884036365 +671 841 2 875388720 +671 849 3 884036050 +671 864 3 884204727 +671 925 3 883949781 +671 947 3 884035775 +671 986 2 884035173 +671 1073 3 883949781 +671 1109 2 883546677 +671 1215 3 884036365 +671 1217 4 883547351 +671 1303 3 884036365 +671 1491 1 884034132 +671 1597 1 884035892 +672 50 3 879787753 +672 127 4 879787729 +672 181 3 879788708 +672 220 2 879787729 +672 225 2 879789437 +672 237 2 879787811 +672 281 3 879788819 +672 284 4 879789030 +672 301 4 879787500 +672 321 4 879787518 +672 476 5 879789462 +672 515 5 879787812 +672 756 2 879789244 +672 864 3 879789278 +672 874 4 879787643 +672 931 1 879789164 +672 1028 4 879789030 +672 1061 4 879789566 +672 1190 2 879789437 +673 12 4 888787587 +673 79 5 888787587 +673 242 4 888787508 +673 269 4 888786942 +673 286 4 888787508 +673 288 4 888787423 +673 294 4 888787376 +673 302 3 888786942 +673 303 5 888787376 +673 307 3 888787355 +673 310 5 888786997 +673 311 4 888787396 +673 313 4 888786942 +673 321 3 888787355 +673 322 4 888787450 +673 326 4 888787423 +673 328 4 888787355 +673 340 5 888786969 +673 344 5 888787376 +673 347 4 888787290 +673 528 5 888787587 +673 750 5 888786969 +673 895 3 888787423 +673 896 5 888787355 +673 898 3 888787312 +674 15 4 887762584 +674 25 4 887763035 +674 50 4 887762584 +674 111 5 887763336 +674 117 5 887762861 +674 118 3 887763150 +674 121 4 887762881 +674 127 5 887762799 +674 181 4 887762603 +674 222 3 887762839 +674 245 4 887762430 +674 255 4 887763012 +674 257 4 887762641 +674 282 5 887763231 +674 288 3 887762296 +674 289 2 887763151 +674 292 4 887762415 +674 294 4 887762296 +674 313 5 887762296 +674 405 4 887762861 +674 410 3 887763150 +674 539 1 887763151 +674 597 3 887763150 +674 678 3 887762480 +674 742 5 887762714 +674 751 3 887762398 +674 827 4 887762899 +674 866 5 887763062 +674 929 3 887763150 +674 1197 3 887763386 +674 1620 4 887763035 +675 86 4 889489574 +675 223 1 889490151 +675 235 1 889490151 +675 242 4 889488522 +675 244 3 889489775 +675 269 5 889488487 +675 272 3 889488431 +675 286 4 889488431 +675 303 5 889488522 +675 305 4 889488548 +675 306 5 889488487 +675 321 2 889488708 +675 347 4 889488431 +675 427 5 889489691 +675 509 5 889489465 +675 531 5 889489108 +675 650 5 889489971 +675 750 4 889488487 +675 874 4 889488679 +675 896 5 889488575 +675 1101 4 889490029 +675 1255 1 889490151 +675 1628 5 889489837 +675 1653 5 889489913 +676 1 5 892686188 +676 9 2 892686134 +676 13 1 892686319 +676 22 5 892686606 +676 50 5 892686083 +676 64 5 892686563 +676 100 5 892686083 +676 114 5 892686606 +676 132 5 892686703 +676 168 5 892686459 +676 173 5 892686665 +676 174 5 892686459 +676 181 5 892686164 +676 193 5 892686606 +676 222 4 892686273 +676 250 4 892686164 +676 255 5 892686348 +676 257 5 892686220 +676 258 2 892685370 +676 259 4 892685621 +676 265 5 892686703 +676 269 2 892685224 +676 270 4 892685489 +676 271 3 892685621 +676 272 4 892685224 +676 286 4 892685252 +676 288 1 892685437 +676 294 4 892685591 +676 295 1 892686220 +676 300 4 892685403 +676 302 5 892685224 +676 303 4 892685403 +676 313 4 892685224 +676 316 4 892685224 +676 318 5 892686459 +676 326 2 892685592 +676 328 5 892685657 +676 344 5 892685657 +676 345 2 892685621 +676 352 1 892685875 +676 354 4 892685437 +676 471 3 892686273 +676 480 5 892686666 +676 482 4 892686702 +676 483 4 892686459 +676 508 1 892686134 +676 520 4 892686758 +676 538 4 892685437 +676 539 4 892685920 +676 546 3 892686371 +676 682 1 892685716 +676 687 1 892685803 +676 688 1 892685695 +676 748 4 892685538 +676 750 4 892685252 +676 751 4 892685695 +676 845 5 892686398 +676 879 3 892685489 +676 890 1 892685900 +676 892 4 892685900 +676 895 1 892685562 +676 902 4 892685740 +676 912 3 892685489 +676 916 5 892685849 +676 993 5 892686294 +676 1234 1 892685775 +676 1483 4 892685826 +677 1 4 889399229 +677 7 4 889399171 +677 91 5 889399671 +677 101 5 889399671 +677 109 1 889399327 +677 117 4 889399171 +677 126 1 889399265 +677 129 5 889399199 +677 148 4 889399265 +677 150 3 889399402 +677 151 4 889399431 +677 237 4 889399402 +677 240 5 889399431 +677 243 3 889399113 +677 286 1 889399113 +677 288 5 885191166 +677 289 1 889399113 +677 290 1 889399295 +677 294 5 885191227 +677 300 5 889398960 +677 307 5 885191227 +677 322 4 885191280 +677 323 4 885191280 +677 351 2 889399113 +677 358 5 885191454 +677 405 4 889399328 +677 455 5 889399470 +677 475 4 889399265 +677 508 5 889399171 +677 539 3 889399113 +677 687 4 889399113 +677 740 1 889399265 +677 742 4 889399139 +677 845 3 889399327 +677 908 4 885191403 +677 980 2 889399470 +677 988 4 889399113 +677 1011 3 889399431 +677 1049 3 889399139 +678 1 5 879544882 +678 7 4 879544952 +678 14 3 879544815 +678 25 2 879544915 +678 50 4 879544450 +678 111 4 879544397 +678 127 5 879544782 +678 147 4 879544882 +678 181 3 879544450 +678 222 3 879544989 +678 277 3 879544882 +678 282 3 879544952 +678 285 3 879544397 +678 287 3 879544397 +678 298 3 879544750 +678 300 4 879544295 +678 332 4 879544254 +678 924 2 879544397 +679 1 3 884487688 +679 28 5 884486732 +679 42 4 884487584 +679 50 5 884486758 +679 63 3 884489283 +679 64 4 884487052 +679 70 4 884487325 +679 83 5 884486694 +679 95 3 884487688 +679 97 3 884487300 +679 100 3 884487089 +679 109 3 884488283 +679 111 3 884487715 +679 121 2 884488260 +679 143 2 884487135 +679 153 2 884486904 +679 154 4 884486658 +679 168 5 884487534 +679 169 3 884486904 +679 172 5 884486758 +679 173 5 884486966 +679 174 3 884486837 +679 181 5 884487279 +679 184 4 884487491 +679 196 4 884487610 +679 215 3 884487999 +679 222 4 884487418 +679 223 5 884487052 +679 249 3 884486594 +679 268 4 884312834 +679 286 5 884312660 +679 288 4 884312660 +679 290 2 884487715 +679 294 1 884312763 +679 318 5 884486812 +679 322 3 884312763 +679 327 4 884312731 +679 357 5 884486812 +679 416 3 884488226 +679 423 3 884487112 +679 432 4 884487514 +679 483 5 884487010 +679 484 4 884486658 +679 520 4 884487031 +679 527 4 884486985 +679 531 4 884487153 +679 568 2 884488259 +679 588 3 884487825 +679 721 3 884487611 +679 727 4 884487961 +679 748 4 884312926 +679 751 5 884325826 +680 1 4 876816224 +680 7 5 876816310 +680 9 4 876816106 +680 14 5 877075079 +680 20 4 877075273 +680 24 4 877075214 +680 25 4 876816310 +680 50 5 876816310 +680 121 3 876816268 +680 137 4 876816310 +680 143 4 876816224 +680 150 5 877075105 +680 151 5 877075164 +680 203 3 876816162 +680 242 4 876815942 +680 248 4 877075312 +680 257 4 877075273 +680 269 4 876815942 +680 273 3 877075214 +680 274 3 877075312 +680 276 5 877075135 +680 294 4 876816043 +680 318 5 876816106 +680 408 5 876816268 +680 517 4 876816162 +680 845 4 877075241 +680 1012 3 877075214 +680 1089 2 877075214 +681 258 1 885409516 +681 259 2 885409882 +681 270 1 885409370 +681 286 5 885409370 +681 288 1 885409810 +681 294 5 885409938 +681 304 3 885409742 +681 539 4 885409810 +681 690 4 885409770 +681 894 1 885409742 +681 898 4 885409515 +681 1176 4 885409515 +682 1 4 888523054 +682 2 3 888522541 +682 3 3 888519113 +682 4 3 888521599 +682 5 3 888520799 +682 7 4 888522455 +682 8 3 888521833 +682 9 3 888517168 +682 11 4 888517049 +682 12 5 888516953 +682 15 4 888523581 +682 17 3 888520923 +682 21 4 888522194 +682 22 5 888519725 +682 23 4 888519725 +682 24 4 888522575 +682 25 4 888521564 +682 26 3 888517986 +682 27 3 888518104 +682 28 3 888516953 +682 29 2 888522699 +682 31 3 888520705 +682 33 4 888520864 +682 38 3 888521116 +682 39 4 888518009 +682 41 3 888522073 +682 42 5 888518979 +682 47 1 888517870 +682 48 4 888517264 +682 49 3 888522194 +682 50 5 888518639 +682 51 5 888517740 +682 53 2 888519519 +682 54 4 888517628 +682 55 4 888520705 +682 56 4 888519077 +682 58 3 888517627 +682 62 3 888522541 +682 64 5 888517011 +682 65 3 888517416 +682 66 3 888521740 +682 67 4 888523581 +682 68 5 888522575 +682 69 4 888519206 +682 70 4 888517416 +682 71 5 888523135 +682 72 3 888521540 +682 73 5 888521564 +682 75 4 888518185 +682 76 3 888517049 +682 77 3 888517562 +682 79 4 888520705 +682 80 1 888521803 +682 81 3 888517439 +682 82 4 888522541 +682 83 3 888517011 +682 85 3 888521833 +682 86 2 888518206 +682 87 5 888517235 +682 88 4 888521599 +682 89 4 888522418 +682 92 5 888519059 +682 94 3 888522021 +682 95 5 888523581 +682 96 4 888523635 +682 97 4 888517587 +682 98 4 888520638 +682 100 3 888517011 +682 108 3 888521564 +682 109 3 888521539 +682 111 3 888521740 +682 117 4 888522455 +682 121 4 888520799 +682 122 3 888522260 +682 124 2 888517097 +682 125 4 888523635 +682 127 5 888517011 +682 128 4 888522575 +682 135 4 888517484 +682 143 3 888523115 +682 144 3 888522418 +682 147 1 888523619 +682 148 3 888520923 +682 150 4 888517197 +682 151 5 888523115 +682 153 3 888521465 +682 154 5 888521489 +682 156 5 888519207 +682 157 4 888517484 +682 158 2 888522260 +682 159 3 888521005 +682 161 3 888522542 +682 163 3 888521833 +682 167 2 888522101 +682 168 5 888521381 +682 172 5 888522417 +682 173 4 888521381 +682 174 4 888523581 +682 175 3 888517265 +682 176 4 888521195 +682 179 4 888517627 +682 180 3 888516979 +682 181 5 888518639 +682 182 4 888523619 +682 183 3 888520638 +682 184 4 888519307 +682 185 4 888520639 +682 186 4 888521413 +682 187 5 888517235 +682 188 4 888522417 +682 190 4 888519725 +682 191 3 888517197 +682 192 3 888516979 +682 195 4 888522418 +682 196 5 888523581 +682 201 4 888519365 +682 202 4 888521413 +682 204 3 888521413 +682 205 3 888518164 +682 209 3 888521381 +682 210 4 888522326 +682 211 4 888522311 +682 215 4 888517197 +682 216 4 888521381 +682 217 4 888523581 +682 218 3 888520977 +682 219 2 888522857 +682 222 4 888519725 +682 223 1 888517011 +682 226 3 888520923 +682 228 4 888520923 +682 229 4 888520923 +682 231 1 888522612 +682 232 3 888519408 +682 233 2 888520864 +682 234 3 888520705 +682 235 1 888521833 +682 237 3 888517324 +682 238 3 888521540 +682 239 3 888517439 +682 240 4 888521637 +682 241 4 888522541 +682 243 1 888516865 +682 245 3 888516841 +682 246 5 888518659 +682 248 3 888518640 +682 249 3 888518722 +682 250 4 888523635 +682 252 3 888518773 +682 254 2 888518871 +682 255 3 888518722 +682 257 2 888518704 +682 258 3 888516814 +682 259 3 888518424 +682 263 1 888518541 +682 265 3 888520922 +682 268 5 888518279 +682 271 4 888518279 +682 272 5 888523619 +682 273 4 888520864 +682 274 4 888521740 +682 276 3 888517097 +682 280 3 888517740 +682 281 3 888520864 +682 282 4 888519918 +682 284 4 888519725 +682 288 4 888516814 +682 290 1 888522217 +682 291 1 888517364 +682 293 4 888523581 +682 294 3 888516841 +682 298 4 888518639 +682 299 4 888518363 +682 300 2 888518320 +682 304 1 888523810 +682 317 4 888517390 +682 318 4 888517168 +682 323 2 888516865 +682 325 4 888521174 +682 327 3 888518299 +682 328 3 888518363 +682 332 4 888518320 +682 339 2 888518364 +682 346 2 888518320 +682 351 4 888518468 +682 352 1 888518424 +682 356 3 888517986 +682 357 3 888516979 +682 358 3 888518450 +682 362 2 888518251 +682 363 2 888522612 +682 365 3 888517986 +682 366 4 888517896 +682 367 3 888521783 +682 378 3 888517986 +682 379 4 888519260 +682 380 4 888517510 +682 384 2 888522073 +682 385 3 888522456 +682 386 2 888521942 +682 393 4 888521711 +682 395 3 888523657 +682 399 4 888522612 +682 401 1 888522260 +682 403 3 888517792 +682 405 2 888522456 +682 410 3 888521740 +682 412 1 888521907 +682 419 3 888523054 +682 420 3 888523115 +682 423 5 888519206 +682 427 4 888523581 +682 431 4 888520799 +682 433 3 888521540 +682 443 3 888520977 +682 447 2 888522857 +682 451 3 888521637 +682 455 4 888521866 +682 465 3 888523054 +682 467 3 888517364 +682 468 5 888517869 +682 470 5 888517628 +682 471 3 888517537 +682 472 3 888522699 +682 475 3 888521465 +682 476 1 888522100 +682 518 4 888517324 +682 520 4 888519725 +682 527 3 888517168 +682 540 2 888521291 +682 541 3 888522612 +682 542 2 888523227 +682 546 3 888517740 +682 549 3 888517415 +682 550 2 888522541 +682 551 2 888522977 +682 552 3 888520977 +682 553 3 888517627 +682 554 3 888521116 +682 556 2 888517840 +682 558 1 888519276 +682 559 4 888522837 +682 562 2 888522700 +682 566 3 888519260 +682 568 3 888522575 +682 570 2 888517948 +682 572 4 888521116 +682 573 4 888521116 +682 576 4 888522754 +682 578 3 888522575 +682 581 2 888517948 +682 582 1 888517816 +682 583 2 888517587 +682 585 4 888522021 +682 586 1 888522700 +682 591 3 888517097 +682 597 1 888522699 +682 619 3 888519226 +682 623 3 888523288 +682 625 3 888523155 +682 627 4 888523171 +682 628 4 888517364 +682 631 3 888517922 +682 651 4 888517168 +682 654 4 888520799 +682 657 4 888520638 +682 658 4 888517390 +682 659 1 888520638 +682 660 2 888517870 +682 672 2 888522894 +682 673 3 888517049 +682 678 1 888516814 +682 683 2 888518503 +682 684 3 888520705 +682 685 3 888522541 +682 686 4 888519725 +682 687 2 888518871 +682 692 3 888519207 +682 693 3 888517537 +682 696 4 888518035 +682 697 4 888517816 +682 699 3 888523658 +682 708 3 888518104 +682 710 3 888521413 +682 713 3 888517537 +682 716 2 888522074 +682 717 3 888521090 +682 719 2 888521982 +682 720 4 888522699 +682 721 4 888518937 +682 722 4 888522073 +682 723 1 888518063 +682 724 4 888517948 +682 728 3 888522021 +682 729 3 888518035 +682 732 3 888517740 +682 735 4 888517627 +682 737 3 888518104 +682 738 3 888522021 +682 742 3 888519738 +682 746 3 888521413 +682 748 3 888516814 +682 752 4 888523634 +682 756 2 888521942 +682 761 4 888521090 +682 762 3 888521637 +682 763 4 888521783 +682 765 4 888523581 +682 769 2 888522951 +682 772 4 888517922 +682 774 4 888522894 +682 775 1 888521981 +682 779 3 888522754 +682 781 2 888521833 +682 783 2 888521291 +682 790 3 888521942 +682 797 2 888522613 +682 801 3 888521907 +682 802 2 888521047 +682 804 3 888521740 +682 806 3 888523658 +682 808 4 888517762 +682 809 2 888522755 +682 820 3 888523323 +682 823 2 888522613 +682 824 1 888521907 +682 833 1 888522260 +682 834 3 888522971 +682 849 2 888522699 +682 862 1 888522021 +682 866 2 888522101 +682 876 3 888521290 +682 881 3 888521291 +682 890 2 888518564 +682 895 4 888518380 +682 922 3 888517816 +682 924 5 888517627 +682 925 3 888520923 +682 932 1 888522017 +682 940 2 888521907 +682 941 4 888518035 +682 942 2 888517324 +682 943 3 888520864 +682 944 3 888522073 +682 946 4 888523155 +682 948 2 888516865 +682 959 4 888521803 +682 977 3 888521090 +682 991 2 888518871 +682 999 2 888521942 +682 1011 4 888517986 +682 1012 4 888518747 +682 1016 2 888518747 +682 1019 5 888519519 +682 1028 3 888523657 +682 1035 3 888523227 +682 1039 4 888517510 +682 1046 3 888520799 +682 1047 3 888521803 +682 1048 3 888521564 +682 1067 3 888520497 +682 1074 4 888517792 +682 1079 3 888523657 +682 1084 2 888518164 +682 1090 2 888521047 +682 1091 3 888523288 +682 1093 3 888522100 +682 1132 3 888521907 +682 1135 2 888518035 +682 1153 3 888517869 +682 1178 1 888521866 +682 1188 3 888519408 +682 1217 3 888521047 +682 1220 4 888518130 +682 1221 3 888517265 +682 1222 3 888523657 +682 1225 4 888521783 +682 1228 1 888522699 +682 1231 2 888522612 +682 1232 2 888517896 +682 1267 3 888517627 +682 1305 3 888522021 +682 1311 3 888518035 +682 1410 3 888517324 +682 1428 3 888518131 +682 1437 2 888521942 +682 1440 2 888517538 +682 1478 3 888519226 +682 1655 2 888517922 +683 22 4 893286550 +683 56 5 893286364 +683 62 4 893286208 +683 127 4 893286501 +683 132 5 893286207 +683 133 5 893286208 +683 245 2 893283728 +683 248 4 893286603 +683 258 3 893282978 +683 259 3 893283642 +683 264 2 893283997 +683 268 4 893286261 +683 269 3 893282664 +683 270 3 893283049 +683 271 3 893284183 +683 272 4 893286260 +683 286 2 893282977 +683 288 3 893286259 +683 289 4 893286260 +683 294 3 893286346 +683 300 3 893283728 +683 301 2 893283728 +683 305 4 893286261 +683 307 3 893286347 +683 311 3 893283049 +683 312 3 893284183 +683 313 2 893282664 +683 315 4 893285557 +683 316 4 893286208 +683 317 4 893286501 +683 322 2 893283903 +683 323 3 893283903 +683 325 2 893286346 +683 327 4 893286260 +683 328 2 893283728 +683 331 2 893283728 +683 332 3 893283997 +683 340 4 893286260 +683 344 3 893284138 +683 346 4 893286347 +683 347 4 893286208 +683 350 2 893284184 +683 354 3 893286347 +683 472 3 893286550 +683 511 5 893286207 +683 513 5 893286208 +683 588 4 893286584 +683 607 5 893286207 +683 609 3 893286502 +683 626 3 893286550 +683 678 1 893283948 +683 682 1 893284032 +683 683 3 893286347 +683 690 4 893286260 +683 748 3 893286347 +683 754 3 893284184 +683 879 3 893283997 +683 880 3 893283641 +683 887 4 893286261 +683 895 2 893284138 +683 906 4 893286261 +683 911 3 893286346 +683 914 2 893283104 +683 915 2 893282977 +683 1483 3 893286346 +684 1 4 875810928 +684 8 5 878761120 +684 15 5 878759758 +684 38 3 878759635 +684 48 4 875812176 +684 49 4 878762243 +684 50 4 875810897 +684 63 4 878762087 +684 64 4 878759907 +684 66 4 878762033 +684 67 3 878762144 +684 70 4 878761788 +684 73 4 878762087 +684 82 5 875812227 +684 83 5 878761676 +684 88 4 878761788 +684 98 4 878759970 +684 100 4 875810574 +684 117 4 875810999 +684 118 4 878760274 +684 147 2 878232961 +684 151 3 875810633 +684 158 3 878760372 +684 161 3 878760137 +684 168 4 878761120 +684 172 5 875812299 +684 173 3 878761120 +684 178 4 878760250 +684 181 4 875810999 +684 202 4 878759384 +684 204 4 875812299 +684 208 3 878761120 +684 210 3 878759474 +684 215 5 875812176 +684 216 3 878761717 +684 217 2 875811965 +684 218 1 878232961 +684 225 3 875811341 +684 238 3 878759545 +684 248 3 878576473 +684 252 4 875812227 +684 265 4 878759435 +684 274 2 878759884 +684 282 4 875811274 +684 365 4 878759820 +684 376 3 878762273 +684 381 2 878762033 +684 386 3 878759184 +684 393 4 878761751 +684 395 2 878762243 +684 401 3 878762302 +684 402 3 878759310 +684 408 5 875810796 +684 409 3 878760614 +684 411 3 875811455 +684 435 3 878761717 +684 477 5 878759560 +684 483 5 878576905 +684 520 4 875812065 +684 553 4 878760305 +684 585 2 878762273 +684 596 3 875812351 +684 692 4 878576614 +684 710 5 875812109 +684 716 2 878761751 +684 728 2 878762243 +684 732 4 878761717 +684 734 3 878762302 +684 742 4 875810830 +684 756 4 875811455 +684 763 2 878232961 +684 781 3 878762183 +684 924 2 878232961 +684 1028 4 875810966 +684 1283 3 875811708 +684 1301 3 878760019 +685 269 3 879451401 +685 286 1 879447443 +685 302 3 879451401 +685 319 2 879451401 +685 325 3 879451401 +685 327 2 879451234 +685 334 1 879451168 +685 340 2 879451401 +685 873 2 879451401 +685 991 1 879451282 +686 2 3 879546443 +686 11 4 879546083 +686 12 5 879545758 +686 22 5 879545181 +686 23 5 879547177 +686 26 5 879546847 +686 28 4 879546147 +686 48 5 879545180 +686 50 4 879545413 +686 56 5 879546147 +686 89 4 879545481 +686 97 2 879546847 +686 98 5 879546651 +686 127 5 879545481 +686 135 5 879547276 +686 168 5 879547129 +686 172 4 879545181 +686 173 5 879546847 +686 174 4 879545966 +686 176 3 879545413 +686 178 5 879546715 +686 179 5 879545814 +686 180 5 879546147 +686 181 4 879547337 +686 182 5 879546217 +686 187 5 879545481 +686 191 5 879546954 +686 192 5 879545340 +686 194 5 879546443 +686 197 5 879545814 +686 198 5 879546443 +686 204 4 879546553 +686 208 5 879547275 +686 209 5 879545550 +686 214 5 879546651 +686 265 4 879545550 +686 299 5 879543557 +686 317 5 879546553 +686 318 5 879545814 +686 357 5 879545549 +686 425 5 879546651 +686 427 5 879546319 +686 430 4 879546786 +686 435 5 879545758 +686 451 4 879546847 +686 467 5 879547336 +686 474 5 879545413 +686 480 5 879547224 +686 504 5 879545662 +686 514 5 879545662 +686 518 5 879546497 +686 521 5 879546786 +686 527 3 879547177 +686 528 5 879547336 +686 542 1 879546443 +686 603 5 879546847 +686 651 5 879545413 +686 654 5 879546954 +686 806 5 879546319 +686 969 5 879546083 +686 1184 1 879547337 +687 245 3 884652276 +687 264 3 884652197 +687 269 4 884651420 +687 288 4 884651576 +687 319 4 884652276 +687 336 2 884652144 +687 340 4 884651894 +687 678 4 884652482 +687 748 3 884652276 +687 749 4 884651746 +687 988 3 884652429 +688 259 5 884153750 +688 288 5 884153712 +688 302 5 884153425 +688 326 5 884153606 +688 329 5 884153606 +688 332 5 884153712 +688 336 2 884153728 +688 339 5 884153712 +688 678 5 884153750 +688 682 5 884153712 +688 749 5 884153712 +688 754 5 884153606 +688 877 5 884153751 +688 879 5 884153712 +689 1 3 876676211 +689 7 5 876676334 +689 13 1 876676397 +689 111 3 876676501 +689 117 4 876676293 +689 118 4 876676433 +689 125 3 876675152 +689 151 3 876676501 +689 181 5 876674861 +689 222 5 876674954 +689 237 3 876676293 +689 250 5 876676334 +689 257 5 876676397 +689 258 5 876674954 +689 260 3 879211543 +689 273 3 876676165 +689 300 5 876674606 +689 358 4 876674762 +689 405 5 876676292 +689 410 1 876676293 +689 471 4 876676433 +689 475 4 876676334 +689 596 3 876676134 +689 597 4 876676165 +689 717 3 876676359 +689 879 2 876674692 +690 1 4 881179631 +690 4 3 881177459 +690 8 4 881177430 +690 9 3 881178232 +690 12 4 881179631 +690 25 3 881177430 +690 47 1 881179469 +690 51 3 881180543 +690 53 2 881180005 +690 56 4 881177349 +690 63 3 881177804 +690 66 3 881177581 +690 67 4 881177836 +690 69 5 881179293 +690 70 2 881179584 +690 72 2 881177553 +690 73 2 881177271 +690 77 3 881179906 +690 79 4 881179809 +690 80 3 881177778 +690 85 1 881177430 +690 88 4 881177689 +690 89 2 881179505 +690 90 1 881179469 +690 94 4 881177836 +690 106 3 881180138 +690 118 4 881180056 +690 120 1 881179469 +690 121 3 881179906 +690 127 4 881178213 +690 148 3 881178365 +690 153 5 881177485 +690 154 3 881179222 +690 158 4 881177835 +690 159 3 881180005 +690 167 2 881177662 +690 168 3 881177376 +690 186 4 881177349 +690 197 4 881180427 +690 202 2 881177349 +690 203 4 881179631 +690 208 5 881177302 +690 210 3 881177581 +690 211 3 881177349 +690 216 4 881177302 +690 218 5 881179906 +690 223 4 881179069 +690 226 3 881179969 +690 232 4 881177689 +690 233 3 881179968 +690 234 4 881179878 +690 237 4 881178330 +690 238 5 881177302 +690 240 1 881179469 +690 274 3 881177721 +690 276 3 881178293 +690 281 3 881180005 +690 284 4 881178442 +690 294 3 881177237 +690 357 5 881179122 +690 364 3 881178026 +690 376 3 881177910 +690 384 3 881177804 +690 393 4 881177616 +690 396 2 881177861 +690 402 3 881180497 +690 428 1 881177506 +690 431 2 881179856 +690 435 5 881177616 +690 443 3 881179937 +690 451 4 881177910 +690 496 4 881179222 +690 514 1 881177430 +690 523 4 881177430 +690 546 4 881178383 +690 554 3 881180005 +690 581 2 881180109 +690 585 2 881177970 +690 629 1 881177459 +690 636 4 881179969 +690 642 3 881179937 +690 655 4 881177272 +690 663 4 881177376 +690 684 4 881179938 +690 705 1 881179505 +690 712 4 881177880 +690 716 1 881179469 +690 722 3 881177937 +690 739 3 881180564 +690 742 3 881179878 +690 746 2 881177532 +690 747 3 881180427 +690 763 4 881177553 +690 780 4 881177910 +690 781 2 881177662 +690 790 3 881177970 +690 993 3 881178697 +690 1028 4 881177836 +690 1041 3 881177804 +690 1042 4 881180035 +690 1090 3 881180138 +690 1118 1 881177459 +690 1185 1 881177778 +690 1210 3 881180035 +690 1273 3 881180382 +691 1 5 875543346 +691 8 2 875543346 +691 50 4 875543191 +691 56 4 875543025 +691 64 5 875543191 +691 79 5 875543025 +691 98 4 875543281 +691 170 5 875543395 +691 182 5 875543228 +691 205 5 875543395 +691 227 4 875543108 +691 243 1 875542944 +691 294 4 875542868 +691 322 3 875542976 +691 478 4 875543281 +691 496 5 875543025 +691 524 5 875543153 +691 603 5 875543191 +691 692 5 875543153 +691 735 5 875543228 +691 772 5 875543281 +691 1172 5 875543191 +692 1 4 876953340 +692 25 4 876953340 +692 56 3 876953204 +692 66 2 876953130 +692 100 4 876953482 +692 194 4 876953340 +692 208 4 876953340 +692 211 4 876953340 +692 257 4 876953340 +692 285 3 876953204 +692 287 3 876953130 +692 300 4 876953340 +692 321 3 876946833 +692 326 3 876948579 +692 410 5 876953824 +692 411 4 876954021 +692 412 4 876954196 +692 476 3 876953279 +692 508 3 876953424 +692 523 3 876953204 +692 692 3 876953130 +692 756 2 876953681 +692 762 4 876953681 +692 866 4 876953733 +692 1012 1 876953553 +692 1023 2 876954083 +692 1028 3 876953823 +692 1040 2 876954021 +692 1047 2 876953616 +692 1132 4 876953954 +693 7 4 875483947 +693 9 3 875481856 +693 11 4 875482197 +693 12 4 875482056 +693 28 2 875482280 +693 48 5 875482280 +693 50 3 875483881 +693 56 4 875483268 +693 58 3 875482477 +693 64 3 875482136 +693 77 2 875482860 +693 79 4 875483330 +693 88 3 883975500 +693 96 4 875483881 +693 97 5 875482604 +693 98 4 875483268 +693 99 3 875484763 +693 117 4 875483977 +693 118 2 875483597 +693 121 2 875483564 +693 127 4 875482056 +693 130 1 875483144 +693 131 3 875484953 +693 132 4 875484562 +693 134 4 875484539 +693 135 4 875482524 +693 144 4 875483847 +693 157 4 875482779 +693 159 4 875483521 +693 161 3 875484089 +693 162 3 875482912 +693 172 3 875483947 +693 174 4 875483881 +693 176 2 875483268 +693 177 3 875484882 +693 178 5 875482309 +693 180 3 875482309 +693 181 3 875483881 +693 183 2 875483301 +693 185 5 875483301 +693 186 2 875484882 +693 187 3 875482336 +693 188 2 875483847 +693 191 2 875482136 +693 192 2 875482477 +693 193 4 875482092 +693 195 4 875483847 +693 196 2 875482548 +693 197 3 875482197 +693 199 3 883975558 +693 210 3 875484044 +693 211 2 875484789 +693 215 4 875482860 +693 216 4 875484613 +693 218 4 875483473 +693 222 2 875482524 +693 228 2 875483947 +693 229 2 875483435 +693 230 2 875483381 +693 234 2 875483330 +693 258 4 875481336 +693 272 4 885703603 +693 273 3 875481549 +693 281 3 875483597 +693 282 4 875482626 +693 288 2 883975203 +693 289 3 889167919 +693 291 3 889167954 +693 298 3 885703740 +693 300 2 875481397 +693 313 5 885703726 +693 318 4 875482092 +693 357 5 875482169 +693 378 2 883975537 +693 382 4 875482689 +693 402 3 883975558 +693 403 2 875483049 +693 419 2 875484501 +693 423 3 875482136 +693 428 3 875484763 +693 443 2 875483741 +693 449 2 875483407 +693 471 3 875482653 +693 472 3 875484089 +693 480 4 875484454 +693 483 3 875484352 +693 484 3 875484837 +693 488 4 875484539 +693 492 3 875484539 +693 499 4 875484539 +693 504 5 875483302 +693 506 2 875484932 +693 507 4 875484837 +693 508 2 875482447 +693 509 3 883975500 +693 514 4 875484431 +693 520 2 875485037 +693 521 5 875482092 +693 523 4 875482448 +693 527 3 875482280 +693 528 1 875484613 +693 546 1 875483234 +693 566 2 875483473 +693 568 4 875483947 +693 572 2 875484148 +693 576 2 875484148 +693 581 3 875482731 +693 582 2 875482477 +693 591 3 875482779 +693 604 3 875484480 +693 606 4 875484584 +693 611 4 875484406 +693 628 4 875483020 +693 631 3 875482826 +693 632 5 875482626 +693 636 1 875483473 +693 649 2 875483169 +693 650 3 875482364 +693 651 3 875482548 +693 654 3 875483381 +693 660 3 875483020 +693 662 4 875482604 +693 664 2 875482689 +693 673 4 875483050 +693 684 3 875483435 +693 685 4 875483947 +693 693 3 875482860 +693 697 4 875482574 +693 708 3 875483049 +693 729 4 875482912 +693 735 4 875482912 +693 742 3 875483407 +693 855 2 883975636 +693 939 4 875483381 +693 942 2 875482396 +693 977 3 875483597 +693 1090 4 875483564 +693 1135 3 875482689 +693 1136 3 883975358 +693 1145 2 875483049 +693 1232 2 875483114 +693 1248 3 875483597 +693 1311 1 875482939 +693 1522 3 875483670 +694 15 4 875728842 +694 22 5 875726759 +694 23 3 875727926 +694 28 4 875729304 +694 31 4 875728345 +694 52 4 875729667 +694 69 5 875727715 +694 71 4 875730889 +694 72 4 875729107 +694 82 5 875728345 +694 88 4 875727018 +694 89 4 875728220 +694 97 5 875727399 +694 98 5 875726886 +694 100 4 875727640 +694 118 4 875729983 +694 127 5 875730386 +694 131 5 875727715 +694 132 5 875727640 +694 133 5 875727189 +694 135 5 875727018 +694 138 3 875730082 +694 141 5 875727399 +694 143 4 875727513 +694 144 4 875728912 +694 153 4 875728508 +694 157 4 875729667 +694 161 4 875727018 +694 163 4 875729982 +694 172 5 875727399 +694 174 5 875727061 +694 176 5 875729146 +694 177 5 875726886 +694 178 4 875727099 +694 179 4 875730980 +694 180 4 875727672 +694 181 5 875730386 +694 183 5 875727061 +694 185 4 875729520 +694 187 4 875727582 +694 188 5 875727715 +694 191 5 875727749 +694 193 4 875728435 +694 194 5 875727143 +694 195 4 875726708 +694 196 5 875727226 +694 197 5 875727926 +694 202 4 875727189 +694 203 4 875728801 +694 204 4 875728639 +694 205 5 875726968 +694 210 4 875728293 +694 211 5 875727189 +694 215 3 875728181 +694 216 4 875729830 +694 226 3 875729271 +694 228 4 875727306 +694 229 4 875728801 +694 230 4 875727143 +694 237 4 875728509 +694 238 3 875727306 +694 239 4 875729520 +694 241 3 875727877 +694 300 4 875726453 +694 318 5 875727099 +694 356 4 875729622 +694 357 5 875726618 +694 378 3 875730313 +694 385 4 875730082 +694 393 3 875728952 +694 419 4 875729907 +694 423 5 875727018 +694 427 4 875727226 +694 429 4 875726759 +694 432 4 875727513 +694 434 5 875727018 +694 435 4 875728639 +694 448 3 875729489 +694 449 4 875727271 +694 451 4 875729068 +694 468 4 875729270 +694 470 4 875727144 +694 474 4 875727226 +694 480 4 875726759 +694 481 4 875727781 +694 482 5 875728435 +694 483 5 875727449 +694 484 4 875726707 +694 485 4 875728952 +694 489 4 875727640 +694 490 4 875727877 +694 491 3 875731050 +694 492 4 875727581 +694 495 4 875727018 +694 496 4 875727640 +694 498 5 875726618 +694 499 4 875728345 +694 504 3 875728912 +694 506 4 875727270 +694 510 5 875726927 +694 511 5 875728048 +694 517 4 875727926 +694 519 4 875728293 +694 520 5 875726618 +694 521 3 875730042 +694 523 4 875727877 +694 526 5 875729431 +694 527 5 875727449 +694 528 3 875728842 +694 530 5 875726708 +694 582 4 875728801 +694 584 4 875727877 +694 603 4 875727476 +694 604 4 875727399 +694 605 4 875727513 +694 606 4 875727189 +694 614 4 875726886 +694 617 4 875728181 +694 630 3 875728912 +694 632 4 875727399 +694 641 4 875726618 +694 645 4 875727143 +694 648 5 875728639 +694 654 4 875727099 +694 657 4 875728952 +694 659 4 875728181 +694 660 3 875729270 +694 661 5 875727926 +694 663 4 875727926 +694 665 4 875728729 +694 673 4 875726926 +694 684 4 875730313 +694 692 4 875728729 +694 705 5 875728048 +694 836 4 875727821 +694 965 4 875727672 +694 1020 4 875728345 +694 1028 3 875728581 +694 1035 4 875728345 +694 1050 3 875726759 +694 1126 5 875727449 +694 1203 4 875729489 +694 1205 3 875727550 +694 1221 3 875728842 +694 1263 3 875729146 +694 1269 5 875726793 +694 1455 3 875727061 +695 260 4 888806150 +695 264 1 888806222 +695 286 3 888805913 +695 289 2 888806150 +695 300 1 888805767 +695 301 3 888806120 +695 302 4 888805836 +695 307 4 888806120 +695 312 3 888806193 +695 313 2 888805836 +695 319 5 888806056 +695 323 2 888806292 +695 324 2 888805981 +695 328 3 888806056 +695 333 2 888805952 +695 338 2 888806270 +695 340 4 888806082 +695 343 4 888806120 +695 354 4 888806056 +695 358 5 888806270 +695 678 4 888806292 +695 748 1 888806270 +695 882 4 888805836 +695 887 3 888805797 +695 903 4 888806082 +695 989 3 888806056 +695 995 4 888806150 +695 1024 5 888805913 +696 9 5 886404617 +696 124 5 886404617 +696 178 4 886404542 +696 234 4 886404617 +696 285 4 886404617 +696 286 5 886403578 +696 305 4 886403578 +696 310 4 886403673 +696 311 5 886404063 +696 312 4 886404322 +696 315 5 886403578 +696 327 4 886404144 +696 344 5 886403672 +696 520 5 886404617 +696 523 5 886404542 +696 689 1 886404208 +696 883 4 886404208 +696 899 3 886403673 +696 1176 4 886403631 +697 1 5 882622481 +697 7 5 882622798 +697 9 4 882622505 +697 25 3 882622188 +697 50 5 882621913 +697 107 5 882622581 +697 118 3 882622044 +697 121 4 882622066 +697 122 4 882622248 +697 124 5 882622505 +697 126 5 882622581 +697 127 5 882622481 +697 129 5 882622016 +697 150 5 882622127 +697 181 4 882621913 +697 222 4 882622016 +697 225 3 882622680 +697 235 4 882622188 +697 237 5 882622414 +697 244 5 882622481 +697 245 3 882621621 +697 246 5 882622798 +697 250 4 882621940 +697 252 1 882621940 +697 254 2 882621958 +697 257 5 882621913 +697 260 3 882621651 +697 263 1 882621714 +697 268 5 882621548 +697 270 5 882622481 +697 271 4 882621460 +697 273 5 882622481 +697 276 5 882622505 +697 280 3 882622597 +697 282 4 882622559 +697 283 5 882622146 +697 284 5 882622581 +697 286 4 882621486 +697 287 4 882622170 +697 288 2 882621431 +697 291 5 882622481 +697 294 4 882621569 +697 295 3 882622733 +697 298 4 882621940 +697 300 5 882621431 +697 301 5 882621523 +697 302 5 882621460 +697 305 5 882621431 +697 307 4 882621431 +697 310 3 882621431 +697 323 4 882621621 +697 324 5 882622481 +697 325 4 882621673 +697 326 4 882621548 +697 328 5 882621486 +697 331 3 882621431 +697 333 3 882621431 +697 336 3 882621523 +697 339 2 882621714 +697 343 4 882621548 +697 369 5 882622481 +697 455 4 882622170 +697 456 3 882622287 +697 473 5 882622372 +697 546 4 882622626 +697 591 4 882622016 +697 595 4 882622066 +697 682 2 882621523 +697 683 1 882621813 +697 689 4 882621714 +697 713 5 882622505 +697 742 3 882622044 +697 748 5 882621569 +697 751 5 882622481 +697 763 4 882622208 +697 815 3 882622430 +697 818 4 882622228 +697 820 3 882622373 +697 833 3 882622228 +697 876 3 882621595 +697 879 4 882621486 +697 881 2 882621523 +697 886 5 882622481 +697 895 2 882621548 +697 928 3 882622044 +697 975 1 882622044 +697 979 5 882622044 +697 986 1 882622680 +697 1012 1 882622824 +697 1022 1 882621523 +697 1025 2 882621523 +697 1047 3 882622228 +697 1067 5 882622170 +697 1089 3 882621958 +697 1160 1 882622824 +698 1 4 886366815 +698 9 3 886367956 +698 10 4 886366652 +698 22 1 886368545 +698 25 2 886367917 +698 28 2 886366916 +698 50 5 886366101 +698 66 3 886367100 +698 83 5 886366731 +698 86 2 886367508 +698 89 4 886366454 +698 95 3 886367406 +698 96 4 886366515 +698 100 2 886367809 +698 121 2 886368545 +698 127 4 886366101 +698 131 4 886366955 +698 132 4 886367066 +698 133 2 886367586 +698 134 3 886366558 +698 135 3 886366483 +698 143 3 886367530 +698 144 2 886367586 +698 153 2 886367586 +698 168 3 886366731 +698 172 5 886367100 +698 173 5 886366652 +698 174 3 886367337 +698 175 3 886367406 +698 176 4 886366814 +698 181 3 886366141 +698 183 3 886366916 +698 187 2 886366916 +698 190 5 886366515 +698 191 2 886367406 +698 194 4 886366454 +698 195 4 886366483 +698 198 2 886367442 +698 199 2 886367065 +698 202 3 886367775 +698 204 2 886366770 +698 205 4 886367013 +698 211 2 886367066 +698 214 1 886367874 +698 220 3 886367874 +698 222 4 886366611 +698 228 3 886367442 +698 230 3 886367337 +698 255 3 886366213 +698 257 3 886366141 +698 258 3 886365527 +698 283 2 886367849 +698 284 1 886368545 +698 294 4 886365733 +698 300 4 886365577 +698 330 4 886365606 +698 357 4 886366454 +698 385 4 886367366 +698 404 1 886368545 +698 419 3 886367474 +698 421 2 886367366 +698 423 2 886366731 +698 427 1 886367013 +698 428 1 886367955 +698 431 1 886367750 +698 433 4 886366848 +698 434 4 886366515 +698 435 3 886366980 +698 465 3 886367720 +698 478 4 886366814 +698 479 2 886368545 +698 480 2 886367100 +698 481 3 886367473 +698 482 2 886367406 +698 483 3 886367133 +698 486 4 886366815 +698 487 2 886367508 +698 489 3 886367849 +698 490 3 886366814 +698 496 3 886366690 +698 497 3 886367473 +698 498 4 886366515 +698 499 3 886366515 +698 505 2 886367750 +698 507 4 886366611 +698 511 2 886367693 +698 512 4 886367644 +698 513 2 886366558 +698 515 4 886366190 +698 516 2 886367809 +698 525 1 886367615 +698 526 2 886366611 +698 529 5 886366731 +698 568 2 886367955 +698 588 4 886367558 +698 606 2 886366770 +698 607 2 886368545 +698 613 5 886366770 +698 625 3 886366731 +698 640 2 886367849 +698 648 4 886367100 +698 654 1 886367586 +698 662 2 886367406 +698 663 1 886366955 +698 705 4 886366611 +698 707 2 886366814 +698 709 4 886367065 +698 855 2 886367615 +698 945 2 886367100 +698 968 1 886368545 +698 988 1 886365802 +698 1020 2 886367558 +698 1021 1 886367615 +698 1063 2 886367406 +698 1115 2 886367955 +698 1149 3 886367013 +698 1299 2 886367775 +699 1 3 878882272 +699 3 3 879147917 +699 7 2 878882272 +699 9 2 878882133 +699 10 4 883884599 +699 13 4 879146941 +699 14 3 878881952 +699 15 1 878882511 +699 16 3 879148259 +699 19 4 878882667 +699 20 4 879147239 +699 21 3 884152916 +699 23 4 878883113 +699 24 3 879147239 +699 50 3 878881875 +699 70 4 878883038 +699 95 3 878883173 +699 98 4 878883038 +699 100 4 878882667 +699 106 3 886568066 +699 109 3 879147109 +699 111 3 878881875 +699 116 4 887503290 +699 117 4 879148051 +699 118 4 879148051 +699 121 3 878882366 +699 124 4 878882667 +699 127 3 878881828 +699 129 4 878882667 +699 137 4 878882667 +699 147 2 883279472 +699 151 3 878882002 +699 181 3 878882082 +699 185 4 878883038 +699 191 3 878883173 +699 202 3 878883112 +699 206 3 878883173 +699 211 1 878883113 +699 220 2 885775430 +699 221 4 878882667 +699 222 3 883884642 +699 225 3 878882133 +699 234 3 878883172 +699 243 2 879147597 +699 244 3 878882319 +699 246 4 883278783 +699 250 4 879148050 +699 252 4 879148050 +699 268 4 884152267 +699 269 4 893140697 +699 270 4 893140745 +699 271 3 880695324 +699 273 3 878882563 +699 275 3 879148201 +699 276 3 885775479 +699 277 3 878882319 +699 283 4 879147032 +699 285 4 879148050 +699 286 3 880695246 +699 288 3 878881675 +699 291 3 892709098 +699 294 3 878881676 +699 298 4 883278699 +699 304 4 880695431 +699 307 3 893140697 +699 308 4 879382955 +699 309 3 882000505 +699 319 3 883279146 +699 321 3 879383009 +699 322 3 879382698 +699 323 4 879147366 +699 324 4 879147497 +699 325 5 879148050 +699 328 2 885775345 +699 333 3 893140662 +699 340 4 893140639 +699 370 3 879148129 +699 405 3 878882608 +699 413 3 884152706 +699 455 3 878882178 +699 456 1 880696679 +699 458 4 879148051 +699 471 3 879147597 +699 473 3 880696344 +699 475 4 878882667 +699 477 3 878882411 +699 482 2 878883038 +699 523 2 878883038 +699 532 3 878882410 +699 546 3 879147769 +699 591 2 880696196 +699 596 3 884152780 +699 597 3 884152570 +699 619 2 887503290 +699 683 3 880695597 +699 685 3 879147367 +699 717 1 878882511 +699 748 2 879382698 +699 760 3 879147239 +699 762 3 878882455 +699 764 3 886568162 +699 820 2 880696597 +699 825 3 879147917 +699 828 3 884152917 +699 831 2 884152570 +699 870 3 879147814 +699 878 3 879382955 +699 880 3 893140941 +699 886 3 893140639 +699 929 3 879147366 +699 930 2 880696344 +699 933 3 878882226 +699 977 2 879147550 +699 978 4 886568066 +699 983 3 886568097 +699 985 3 879147814 +699 989 4 883279196 +699 991 3 879382830 +699 1009 4 878882668 +699 1010 3 878882563 +699 1011 4 880696196 +699 1013 3 879147722 +699 1028 2 880696678 +699 1033 4 884152917 +699 1057 3 880696553 +699 1060 3 879147367 +699 1061 3 879147169 +699 1068 3 879146547 +699 1093 3 880696051 +699 1129 3 878882319 +699 1143 3 879146941 +699 1163 5 879148050 +699 1187 4 879148051 +699 1284 3 879147239 +699 1328 4 879148051 +699 1336 3 884152976 +699 1375 3 878882836 +699 1615 3 883884998 +699 1643 3 879147169 +700 28 3 884493712 +700 50 5 884493899 +700 79 3 884494420 +700 96 4 884494310 +700 98 3 884494215 +700 144 4 884494252 +700 168 3 884494420 +700 180 3 884494278 +700 181 5 884493523 +700 222 3 884493899 +700 531 4 884494380 +701 1 4 891447139 +701 19 5 891447164 +701 100 5 891447139 +701 124 5 891447164 +701 127 4 891447139 +701 237 5 891447198 +701 255 3 891447164 +701 257 4 891447197 +701 269 5 891446488 +701 285 5 891447139 +701 286 4 891446488 +701 292 4 891446754 +701 297 4 891447197 +701 300 3 891446520 +701 304 4 891446679 +701 312 3 891446730 +701 315 5 891446559 +701 316 5 891446857 +701 326 4 891446707 +701 333 3 891446788 +701 344 3 891446788 +701 750 5 891446588 +701 751 4 891446788 +702 228 5 885767774 +702 229 4 885767775 +702 259 3 885767604 +702 271 1 885767534 +702 288 1 885767306 +702 289 2 885767604 +702 294 1 885767555 +702 300 3 885767461 +702 307 2 885767336 +702 313 5 885767336 +702 346 1 885767306 +702 350 1 885767336 +702 352 1 885767435 +702 380 4 885767774 +702 450 1 885767775 +702 687 1 885767629 +702 688 1 885767629 +702 690 1 885767392 +702 751 4 885767576 +702 895 1 885767534 +702 1127 2 885767414 +703 1 4 875242851 +703 7 4 875242599 +703 15 5 875242814 +703 25 3 875242683 +703 100 4 875242663 +703 117 4 875242814 +703 118 5 875242852 +703 121 5 875243049 +703 123 4 875242787 +703 127 5 875242663 +703 147 3 875243049 +703 181 5 875242762 +703 257 5 875242990 +703 258 4 875242076 +703 275 4 875242663 +703 276 3 875242964 +703 288 4 875242076 +703 293 4 875242990 +703 294 2 875242281 +703 300 4 875242077 +703 322 3 875242336 +703 323 2 875242281 +703 328 3 875242303 +703 458 3 875242935 +703 508 3 875243028 +703 591 4 875243049 +703 596 3 875242912 +703 628 4 875242762 +703 742 3 875242852 +703 748 3 875242281 +703 764 2 875242885 +703 819 2 875242912 +703 926 4 875242885 +703 993 4 875242787 +703 1012 4 875242852 +703 1047 3 875243028 +703 1197 3 875242762 +704 14 3 891397190 +704 22 2 891397441 +704 58 3 891397366 +704 69 3 891397441 +704 89 5 891397305 +704 98 5 891397305 +704 100 4 891397491 +704 131 5 891398726 +704 134 5 891397441 +704 135 5 891397305 +704 136 4 891397819 +704 152 2 891397819 +704 156 3 891397819 +704 170 3 891397086 +704 172 2 891397058 +704 173 4 891397058 +704 175 3 891397712 +704 185 4 891398702 +704 187 4 891397143 +704 193 5 891397305 +704 197 5 891397948 +704 205 5 891397819 +704 208 3 891397262 +704 209 3 891397667 +704 210 4 891397112 +704 211 5 891398726 +704 214 2 891398702 +704 222 3 891397058 +704 259 2 891396904 +704 269 4 891397015 +704 272 5 891397015 +704 286 5 891397015 +704 300 2 891396674 +704 302 4 891397015 +704 304 2 891396595 +704 316 4 891397015 +704 318 5 891397491 +704 322 2 891396881 +704 340 3 891396636 +704 344 4 891397015 +704 347 4 891397015 +704 354 4 891397015 +704 381 3 891397713 +704 382 4 891397571 +704 432 5 891397535 +704 435 4 891397058 +704 461 3 891397712 +704 480 5 891397086 +704 481 5 891397667 +704 488 5 891397570 +704 491 5 891397535 +704 492 5 891397491 +704 493 4 891397190 +704 494 5 891397948 +704 496 5 891397712 +704 497 3 891397764 +704 506 4 891397712 +704 519 3 891397262 +704 523 5 891397667 +704 528 3 891397491 +704 603 5 891397262 +704 604 5 891397366 +704 606 2 891397441 +704 607 4 891397535 +704 611 3 891397764 +704 631 3 891397366 +704 632 3 891397441 +704 633 5 891397819 +704 639 2 891397667 +704 648 5 891397667 +704 654 5 891397667 +704 655 3 891397190 +704 657 4 891397667 +704 661 4 891397667 +704 662 3 891397819 +704 679 2 891398726 +704 735 4 891397305 +704 889 3 891397015 +704 1299 3 891398702 +704 1454 3 891397441 +705 1 5 883427101 +705 2 3 883428058 +705 15 3 883427297 +705 22 5 883427988 +705 28 4 883427640 +705 29 5 883428237 +705 38 5 883428258 +705 58 2 883518834 +705 62 5 883428178 +705 69 3 883518834 +705 71 5 883427640 +705 79 5 883428028 +705 82 5 883427663 +705 83 4 883518834 +705 89 2 883428083 +705 94 4 883427857 +705 95 4 883427640 +705 96 5 883428028 +705 97 3 883518765 +705 99 3 883427691 +705 111 4 883427012 +705 117 5 883426944 +705 118 4 883427377 +705 142 2 883427932 +705 143 3 883427663 +705 144 3 883427988 +705 148 5 883427134 +705 161 5 883428028 +705 173 2 883427640 +705 174 5 883427640 +705 181 5 883426892 +705 183 2 883427988 +705 191 1 883518871 +705 193 3 883518903 +705 195 2 883428083 +705 196 4 883518903 +705 210 5 883427988 +705 215 2 883518871 +705 222 5 883427318 +705 225 4 883427594 +705 226 3 883428028 +705 227 4 883428178 +705 228 3 883428109 +705 229 3 883428154 +705 230 4 883428083 +705 231 3 883428201 +705 241 4 883428128 +705 252 1 883427552 +705 255 5 883427152 +705 257 4 883426944 +705 275 5 883427048 +705 282 5 883427216 +705 283 5 883427048 +705 284 3 883427190 +705 286 3 883426747 +705 298 5 883426892 +705 300 5 883426780 +705 318 5 883518731 +705 363 2 883427530 +705 373 3 883428237 +705 377 4 883427857 +705 393 4 883427716 +705 399 5 883427778 +705 400 4 883427817 +705 403 4 883428154 +705 405 4 883427479 +705 416 3 883427716 +705 419 3 883427663 +705 423 2 883427904 +705 427 2 883518783 +705 471 5 883427339 +705 526 3 883428028 +705 546 3 883427377 +705 550 2 883428058 +705 554 2 883428201 +705 560 2 883427951 +705 566 4 883428058 +705 568 5 883428058 +705 576 4 883428128 +705 578 3 883428276 +705 588 3 883427640 +705 597 4 883427339 +705 622 4 883427778 +705 623 5 883427778 +705 625 5 883427691 +705 655 3 883518852 +705 684 3 883428084 +705 685 5 883427190 +705 699 5 883427640 +705 720 5 883428178 +705 755 5 883427691 +705 797 4 883428258 +705 815 3 883427297 +705 820 3 883427817 +705 826 4 883428238 +705 827 4 883427297 +705 843 2 883427796 +705 849 3 883428201 +705 862 1 883427875 +705 932 5 883427339 +705 1035 4 883427737 +705 1043 5 883427857 +705 1228 2 883428258 +705 1544 4 883427691 +706 1 4 880997324 +706 7 3 880997412 +706 9 3 880997105 +706 24 3 880997172 +706 25 4 880997385 +706 50 5 880997142 +706 100 1 880997211 +706 117 4 880997195 +706 118 3 880997464 +706 125 5 880997172 +706 237 4 880997482 +706 245 3 880996945 +706 258 4 880997001 +706 323 4 880996945 +706 331 5 880996945 +706 333 1 880996945 +706 410 4 880997444 +706 628 4 880997412 +706 687 1 880996945 +707 4 3 886286170 +707 6 3 886285627 +707 8 5 886285762 +707 9 5 880059647 +707 10 5 880059687 +707 12 3 886286004 +707 13 4 880059957 +707 14 3 880060118 +707 15 4 880059876 +707 26 3 886286954 +707 45 4 886286926 +707 52 3 886287268 +707 57 4 886287310 +707 58 3 886285907 +707 64 3 886286170 +707 65 4 886286004 +707 70 3 886287376 +707 81 2 886286491 +707 86 4 886286283 +707 88 3 886287331 +707 93 5 880059995 +707 97 4 886285876 +707 100 5 880059810 +707 106 3 886288189 +707 111 4 880060420 +707 116 5 880059974 +707 124 4 880059876 +707 133 2 886287268 +707 134 4 886286004 +707 135 2 886286032 +707 137 5 880059876 +707 140 2 886287191 +707 151 4 880059810 +707 153 3 886286844 +707 155 3 886288598 +707 160 5 886286193 +707 162 5 886285968 +707 163 2 886285939 +707 165 3 886285939 +707 167 2 886288133 +707 168 3 886286170 +707 170 5 886285824 +707 172 2 886286134 +707 173 2 886286380 +707 174 2 886286133 +707 185 3 886286032 +707 186 3 886286133 +707 190 5 886286283 +707 191 5 880061699 +707 194 4 886286246 +707 197 4 886287130 +707 199 2 886285824 +707 200 2 886286491 +707 208 5 886285939 +707 211 3 886287051 +707 212 4 886286792 +707 216 3 886286092 +707 220 2 880060549 +707 221 4 880059749 +707 224 4 880059876 +707 238 4 886286764 +707 242 4 879439088 +707 248 4 886285498 +707 251 5 880059647 +707 256 4 880061024 +707 269 4 882200810 +707 275 4 880059687 +707 279 3 886285627 +707 285 5 880059749 +707 286 5 879438988 +707 287 4 880059774 +707 293 4 880059810 +707 294 2 879438988 +707 297 3 880060261 +707 302 4 886285168 +707 303 3 879438988 +707 305 5 879439188 +707 309 2 880684605 +707 310 4 882200872 +707 311 4 879439624 +707 313 2 886288754 +707 317 3 886286433 +707 318 5 880061699 +707 319 5 879439088 +707 345 5 886285168 +707 347 5 886285277 +707 367 4 886291531 +707 371 3 886287497 +707 378 3 886287628 +707 381 3 886286457 +707 382 3 886287191 +707 387 4 886287733 +707 419 3 886285968 +707 420 3 886287160 +707 425 5 886287268 +707 443 3 886287191 +707 449 2 886288688 +707 458 3 880060724 +707 462 4 886286133 +707 467 4 886286057 +707 473 4 880060820 +707 476 3 880061111 +707 479 3 886286092 +707 480 3 886286360 +707 482 3 886286032 +707 483 5 886286004 +707 485 4 886287079 +707 486 3 886287662 +707 488 4 886286491 +707 490 2 886285792 +707 492 2 886286818 +707 496 3 886286433 +707 498 3 886286133 +707 499 4 886287450 +707 504 1 886286246 +707 505 4 886286311 +707 506 2 886286742 +707 507 5 886286819 +707 517 3 886287079 +707 525 3 886286999 +707 526 1 886287405 +707 527 5 880061699 +707 529 4 886287376 +707 533 5 880060420 +707 536 3 880059921 +707 582 5 886286433 +707 602 4 886287290 +707 603 3 886286926 +707 606 4 886285762 +707 614 2 886287876 +707 618 3 886288282 +707 630 3 886287608 +707 631 4 886286844 +707 632 4 886287426 +707 638 4 886286361 +707 640 2 886287471 +707 641 1 886285907 +707 647 5 880061652 +707 648 4 886285824 +707 654 4 880061578 +707 660 5 886287107 +707 663 4 886286979 +707 676 4 880060180 +707 692 4 886286092 +707 694 4 886286246 +707 696 4 880061405 +707 702 3 886286193 +707 703 4 886287236 +707 705 4 886285851 +707 707 5 886286133 +707 708 3 886286170 +707 712 3 886288624 +707 715 3 886286954 +707 716 2 886287051 +707 718 5 880059876 +707 719 3 886288189 +707 723 3 886286954 +707 730 3 886286742 +707 732 4 886287160 +707 735 4 886286792 +707 736 4 886286311 +707 739 2 886287919 +707 744 3 880060261 +707 747 3 886287900 +707 766 3 886287051 +707 770 3 886287405 +707 778 3 886287160 +707 782 3 886288263 +707 792 4 886287107 +707 799 4 886287876 +707 811 4 886287531 +707 815 2 880060609 +707 847 5 880060066 +707 863 4 886286662 +707 864 4 880060262 +707 865 5 886286360 +707 866 2 880060974 +707 869 1 886289521 +707 880 2 887860711 +707 882 4 879439382 +707 900 4 890008041 +707 902 5 890008121 +707 903 3 886285216 +707 921 4 886286361 +707 923 5 886286092 +707 936 4 880059836 +707 949 3 886287191 +707 950 2 880061287 +707 952 3 880060724 +707 953 4 886288015 +707 956 5 886287107 +707 962 2 886285792 +707 995 4 879439418 +707 1007 4 880060180 +707 1008 3 880060460 +707 1018 3 886288455 +707 1021 3 886287079 +707 1022 3 879439088 +707 1024 5 890008041 +707 1061 3 880060118 +707 1068 4 880061405 +707 1101 4 880061652 +707 1107 3 886288239 +707 1109 5 886286283 +707 1113 2 886287990 +707 1120 4 880060974 +707 1141 3 886285791 +707 1142 1 880059921 +707 1163 4 880060724 +707 1168 3 886287990 +707 1171 3 880059687 +707 1174 5 880059749 +707 1204 3 886286283 +707 1211 4 886287268 +707 1251 4 880059647 +707 1255 3 880061252 +707 1257 2 880061190 +707 1311 3 886287608 +707 1381 3 880061346 +707 1397 1 886289521 +707 1401 3 886286663 +707 1479 5 886287854 +707 1530 3 886288356 +707 1545 2 886288189 +707 1628 5 886287353 +707 1642 5 886286491 +708 1 5 877325375 +708 9 1 877325135 +708 15 3 877325404 +708 21 1 877325316 +708 25 3 877325838 +708 50 5 877325186 +708 111 4 877325570 +708 112 1 877325934 +708 117 4 877325236 +708 118 5 877325545 +708 121 3 877325349 +708 125 4 877325601 +708 126 4 892719340 +708 127 3 877325213 +708 147 4 892719246 +708 148 4 892719246 +708 149 3 892719246 +708 150 4 892719246 +708 151 4 892719211 +708 181 5 877325279 +708 222 5 892719172 +708 225 2 892719172 +708 237 5 892719144 +708 255 5 877325601 +708 258 5 892719007 +708 268 3 892718876 +708 269 3 892718875 +708 274 4 877326086 +708 276 2 877325905 +708 278 4 877325956 +708 280 4 877325316 +708 281 4 877326014 +708 283 1 892719363 +708 284 5 892719340 +708 289 4 892719062 +708 294 3 892719033 +708 299 1 892718964 +708 300 4 892718939 +708 304 4 892718876 +708 313 5 892718687 +708 319 5 892719062 +708 322 3 892719062 +708 326 4 892719007 +708 336 2 892718846 +708 347 3 892718637 +708 352 1 892718596 +708 362 1 892718575 +708 405 4 877325881 +708 412 1 877326159 +708 457 4 892718965 +708 471 4 877325455 +708 473 1 877325656 +708 476 3 892719385 +708 508 4 892719193 +708 535 2 877325838 +708 546 3 877325601 +708 596 4 877326158 +708 597 2 877326345 +708 628 3 892719246 +708 676 3 892719172 +708 678 2 892719007 +708 685 3 877326158 +708 687 2 892719062 +708 690 4 892718919 +708 713 4 877325316 +708 740 5 877325687 +708 742 1 892719385 +708 748 4 892719033 +708 756 2 877326062 +708 762 5 877325838 +708 763 4 877326158 +708 819 3 877325349 +708 845 5 892719269 +708 846 2 892719269 +708 866 5 892719143 +708 871 1 892719101 +708 873 5 892718965 +708 880 3 892718919 +708 887 2 892718820 +708 926 3 877325523 +708 930 3 892719363 +708 938 3 892718896 +708 981 3 892719304 +708 993 4 877325349 +708 1023 3 877326114 +708 1028 2 877326217 +708 1040 2 877326037 +708 1049 2 877326086 +708 1051 4 892719193 +708 1054 3 877326158 +708 1061 3 892719143 +708 1079 1 892719385 +708 1117 4 892719269 +708 1152 5 892719143 +708 1280 1 892718819 +709 1 4 879847730 +709 2 4 879848511 +709 4 3 879848551 +709 5 4 879848167 +709 7 3 879846440 +709 11 5 879847945 +709 17 4 879848120 +709 22 5 879847946 +709 27 3 879848590 +709 29 3 879848695 +709 38 3 879848744 +709 50 5 879846489 +709 53 3 879848272 +709 56 5 879848053 +709 62 3 879848590 +709 64 5 879846293 +709 65 2 879846868 +709 68 5 879848551 +709 69 5 879846332 +709 79 3 879846440 +709 82 4 879848645 +709 89 3 879848397 +709 96 5 879848397 +709 97 5 879846784 +709 98 4 879846648 +709 117 4 879846623 +709 118 5 879848824 +709 121 4 879848475 +709 127 5 879847945 +709 129 2 879846332 +709 144 3 879846622 +709 145 3 879848319 +709 155 2 879849185 +709 161 5 879848511 +709 172 5 879848397 +709 173 4 879846169 +709 174 5 879848396 +709 176 4 879848432 +709 181 4 879846375 +709 182 4 879846741 +709 183 5 879846590 +709 192 4 879846705 +709 195 5 879848432 +709 203 4 879849372 +709 209 3 879846332 +709 210 4 879848432 +709 214 1 879846922 +709 215 3 879846259 +709 217 5 879848168 +709 218 4 879848168 +709 219 4 879848120 +709 226 3 879848551 +709 227 2 879848551 +709 228 3 879848397 +709 230 2 879848551 +709 231 3 879848646 +709 232 5 879848590 +709 233 3 879848511 +709 234 5 879847945 +709 250 4 879847626 +709 273 4 879847686 +709 282 5 879847945 +709 288 5 879847945 +709 293 4 879847879 +709 294 3 879847304 +709 295 3 879847731 +709 318 5 879846210 +709 363 3 879848695 +709 379 3 879848209 +709 385 4 879848397 +709 402 3 879849185 +709 403 3 879848590 +709 405 3 879848590 +709 413 2 879848209 +709 423 3 879846741 +709 427 4 879846489 +709 431 5 879848511 +709 441 4 879848239 +709 447 2 879848167 +709 451 1 879848969 +709 452 3 879848318 +709 470 3 879847026 +709 472 4 879848792 +709 508 4 879846590 +709 515 4 879846816 +709 540 3 879848744 +709 541 3 879848695 +709 546 4 879848475 +709 550 3 879848475 +709 554 4 879848744 +709 559 3 879848209 +709 561 3 879848209 +709 564 1 879848318 +709 567 2 879848272 +709 568 4 879848396 +709 569 3 879848209 +709 576 4 879848695 +709 578 4 879848645 +709 597 4 879848824 +709 628 3 879847000 +709 636 3 879848645 +709 637 3 879848168 +709 651 4 879846705 +709 665 3 879848272 +709 672 2 879848239 +709 693 4 879847082 +709 697 5 879847946 +709 727 2 879849049 +709 728 4 879849185 +709 738 1 879849330 +709 739 3 879849049 +709 747 2 879848925 +709 762 3 879848925 +709 769 3 879848239 +709 781 3 879849185 +709 808 4 879848645 +709 823 3 879849573 +709 825 2 879848744 +709 833 4 879848792 +709 841 4 879848824 +709 849 4 879848590 +709 859 3 879848318 +709 860 3 879848318 +709 939 4 879847082 +709 959 4 879846169 +709 1059 5 879847945 +709 1188 4 879848695 +709 1218 4 879846623 +710 1 4 882064377 +710 12 4 882063648 +710 22 3 882063852 +710 50 4 882063766 +710 56 5 882064021 +710 64 4 882063766 +710 79 4 882064283 +710 89 4 882063736 +710 92 3 883705436 +710 95 3 882064434 +710 100 4 882063920 +710 116 4 882063852 +710 127 5 882064096 +710 135 5 882064041 +710 156 4 882064524 +710 172 4 882064283 +710 173 3 882063685 +710 174 4 882064283 +710 179 4 882063766 +710 180 4 882063736 +710 181 3 882064160 +710 182 4 882063967 +710 185 4 882064321 +710 187 5 882064096 +710 192 5 882063921 +710 197 4 882064200 +710 198 4 883705435 +710 200 4 882063793 +710 202 3 882063793 +710 204 4 882063824 +710 210 4 882064283 +710 223 4 882063766 +710 234 4 882064321 +710 258 2 882063224 +710 264 2 882063564 +710 265 4 883705484 +710 268 4 882063276 +710 269 3 882063224 +710 271 3 882063367 +710 277 4 882063967 +710 282 2 882063921 +710 286 4 882063223 +710 294 3 882063224 +710 299 3 882063612 +710 300 3 882063407 +710 301 3 882063407 +710 302 4 882063224 +710 303 4 882063224 +710 327 3 882063407 +710 330 3 882063612 +710 333 3 882063367 +710 334 2 882063327 +710 340 4 882063367 +710 343 3 882063327 +710 346 4 883705502 +710 357 4 882063649 +710 418 3 882063685 +710 419 4 882063766 +710 420 4 882064434 +710 432 5 882064434 +710 479 5 882064120 +710 483 5 882063685 +710 496 4 882063793 +710 501 3 882064435 +710 504 4 882063649 +710 510 4 882064283 +710 627 4 882064377 +710 654 4 882064524 +710 656 5 882064321 +710 720 3 882063649 +710 751 3 882860806 +710 874 3 882063254 +710 886 3 882063528 +710 887 2 882063612 +710 1019 4 882064555 +710 1101 4 883705436 +711 8 5 879993707 +711 10 5 876185943 +711 16 5 886031006 +711 22 4 879993073 +711 40 4 879994875 +711 42 3 876278831 +711 48 4 879993053 +711 49 4 879994903 +711 50 4 876185648 +711 51 4 879994778 +711 52 5 879993534 +711 58 4 879993028 +711 64 4 876278860 +711 65 4 879992968 +711 66 4 879994801 +711 69 3 879993194 +711 70 5 879993824 +711 71 3 879994581 +711 77 3 879994749 +711 79 4 879992739 +711 82 3 879994632 +711 83 5 879993628 +711 86 5 886030557 +711 88 5 886030557 +711 89 5 879993997 +711 91 4 879994413 +711 94 2 879995728 +711 95 4 879993758 +711 97 4 879993605 +711 98 5 879992994 +711 99 3 879993534 +711 111 2 876185574 +711 114 5 879992870 +711 116 5 888458447 +711 120 2 879992038 +711 121 1 876185726 +711 132 5 879993150 +711 133 5 879992739 +711 134 5 876278804 +711 135 4 879992445 +711 143 5 879993236 +711 144 2 879993871 +711 151 4 876185920 +711 154 4 879992739 +711 155 4 879995382 +711 157 3 879994608 +711 161 4 879994495 +711 162 5 879994875 +711 167 2 879995146 +711 168 4 879993318 +711 169 5 879992929 +711 170 5 876279059 +711 172 5 879992445 +711 173 3 879993890 +711 180 4 876279059 +711 181 4 876185574 +711 185 4 876278721 +711 186 3 879993237 +711 189 5 886030557 +711 191 5 879993959 +711 193 4 879993092 +711 197 4 879993110 +711 200 4 879993918 +711 202 4 879993194 +711 203 4 879994433 +711 204 3 879992994 +711 213 5 879994390 +711 214 4 879993871 +711 215 3 879994555 +711 216 4 879993149 +711 217 4 879994454 +711 218 4 879994852 +711 219 2 879995792 +711 222 3 876185896 +711 228 3 879993997 +711 230 3 879995053 +711 232 3 879993799 +711 238 4 879993126 +711 240 1 879991425 +711 241 4 879994536 +711 248 5 886030732 +711 250 2 876185855 +711 254 2 879992038 +711 255 4 886030579 +711 257 3 876185726 +711 258 4 876185488 +711 265 2 879994536 +711 269 5 879991028 +711 272 5 884485798 +711 275 5 876185855 +711 277 5 879991476 +711 281 3 879995362 +711 283 4 876185788 +711 286 4 876185488 +711 288 1 879991364 +711 301 4 889910848 +711 306 5 879991049 +711 312 5 883589763 +711 313 4 889910848 +711 315 4 886030353 +711 316 4 889911048 +711 317 4 879993173 +711 318 5 879992968 +711 340 5 886030557 +711 343 3 882457816 +711 345 4 884485683 +711 354 3 889910865 +711 365 3 879995850 +711 378 4 879995099 +711 380 3 879993959 +711 381 5 879994749 +711 387 4 879994777 +711 393 4 879994778 +711 401 3 879995405 +711 402 4 879993674 +711 403 4 879994513 +711 404 3 879993579 +711 408 5 886030557 +711 416 3 879995215 +711 417 4 879994749 +711 419 5 879994581 +711 420 5 879995302 +711 421 4 879993674 +711 423 3 879993534 +711 425 4 879993728 +711 427 5 886030557 +711 432 4 879992870 +711 433 4 879992994 +711 447 4 879994656 +711 451 5 879994749 +711 463 5 879993959 +711 472 1 879991585 +711 475 5 876185673 +711 476 4 876185832 +711 485 4 879993278 +711 496 5 879993073 +711 509 4 879993674 +711 542 1 879995754 +711 549 4 879994719 +711 559 3 879994020 +711 566 2 879995259 +711 568 3 879995238 +711 582 5 879993605 +711 588 4 879993173 +711 622 4 879993997 +711 651 4 879993707 +711 652 4 879993824 +711 655 4 879993605 +711 658 4 879994581 +711 660 5 879994825 +711 662 3 879993918 +711 676 5 876185812 +711 684 3 879993758 +711 692 3 879993150 +711 694 5 879993318 +711 704 4 879993650 +711 710 4 879994903 +711 713 3 879991283 +711 715 4 879994581 +711 716 5 879995215 +711 720 3 879995077 +711 723 5 879994852 +711 724 5 879995461 +711 727 4 879993629 +711 729 3 879994413 +711 731 4 879994656 +711 732 4 879994495 +711 735 5 886030557 +711 736 5 879993871 +711 739 3 879995215 +711 741 4 886030774 +711 744 4 876185896 +711 747 4 879993871 +711 755 3 879994581 +711 762 3 879991585 +711 763 1 876185767 +711 778 4 884485635 +711 829 2 879992018 +711 845 4 879991247 +711 905 3 886559521 +711 909 4 889911007 +711 921 5 879993318 +711 923 5 879993629 +711 941 3 879994608 +711 949 4 879994719 +711 955 1 879992739 +711 958 5 876278721 +711 959 5 879995322 +711 961 5 886030557 +711 966 5 879994390 +711 969 5 886030557 +711 995 4 879991134 +711 1014 4 886030873 +711 1024 5 883589512 +711 1046 3 879994367 +711 1053 4 879995099 +711 1074 3 879995754 +711 1115 4 876185812 +711 1117 4 883589726 +711 1118 4 879994633 +711 1119 4 879994632 +711 1160 5 884485704 +711 1163 4 879991347 +711 1168 4 879995753 +711 1170 3 879993842 +711 1190 3 886030579 +711 1221 4 879994777 +711 1285 3 879995238 +711 1289 2 879991458 +711 1446 2 879994608 +711 1518 3 879993997 +712 4 4 874730179 +712 26 2 874957053 +712 38 4 874730553 +712 40 5 874956956 +712 42 1 874729935 +712 49 3 874956872 +712 50 4 874729750 +712 51 3 874957293 +712 59 2 874730420 +712 60 1 874730520 +712 61 3 874730031 +712 63 4 874956903 +712 66 5 874729816 +712 67 3 874957086 +712 69 3 874730085 +712 71 5 874730261 +712 72 4 874730261 +712 73 5 874730293 +712 78 4 874957207 +712 79 4 874729850 +712 83 4 874730396 +712 88 4 874730155 +712 90 3 874957027 +712 94 4 874957005 +712 95 4 874730552 +712 96 5 874729850 +712 97 5 874729816 +712 99 4 874729995 +712 102 4 874956543 +712 110 5 874956956 +712 136 1 874730443 +712 140 4 874957140 +712 141 3 874730320 +712 142 4 876251366 +712 143 5 874957306 +712 168 2 874956357 +712 172 5 874729901 +712 173 5 874729901 +712 174 5 874729995 +712 177 2 874730155 +712 178 2 874956357 +712 191 3 874730396 +712 195 3 874730085 +712 196 4 874730396 +712 202 4 874730031 +712 204 4 874956810 +712 210 5 874730293 +712 215 3 874730031 +712 220 5 874729682 +712 228 3 874730261 +712 230 3 874730467 +712 232 3 874956903 +712 234 2 874729935 +712 238 3 874730206 +712 243 4 874956228 +712 294 4 876251330 +712 365 3 874730234 +712 366 5 874956713 +712 367 4 874956841 +712 376 3 874956903 +712 378 4 874730370 +712 385 5 874729778 +712 386 3 874956956 +712 388 3 874957053 +712 392 5 874729996 +712 393 3 874730320 +712 395 4 874957005 +712 398 4 874957179 +712 400 3 874957179 +712 401 3 874957027 +712 402 4 874729935 +712 404 3 874730467 +712 415 4 874957161 +712 416 3 874957113 +712 417 4 874729750 +712 418 3 874730553 +712 419 3 874730234 +712 420 3 874957140 +712 421 4 874729935 +712 423 3 874729960 +712 431 3 874730552 +712 432 4 874730056 +712 433 3 874956903 +712 451 5 874956872 +712 462 3 874730085 +712 486 4 874730521 +712 495 4 874730520 +712 498 3 874729935 +712 501 3 874957140 +712 506 3 874730520 +712 510 2 874729749 +712 553 5 874729850 +712 560 3 874730261 +712 568 5 874730491 +712 575 3 874957053 +712 584 4 874730342 +712 585 4 874730234 +712 588 4 874956515 +712 622 4 874730293 +712 623 4 874729778 +712 625 3 874956516 +712 627 4 874956515 +712 652 3 876251407 +712 655 5 874730467 +712 660 4 874730234 +712 662 5 874730320 +712 692 5 874729995 +712 699 5 874956586 +712 716 5 874730370 +712 722 3 874957086 +712 724 3 874957268 +712 729 5 874730491 +712 731 5 874729750 +712 732 5 874730370 +712 734 4 874957027 +712 738 4 874956841 +712 739 4 874729935 +712 746 4 874730085 +712 747 3 874730552 +712 755 4 874957113 +712 762 4 874956244 +712 768 5 874956560 +712 776 4 874730155 +712 781 4 874956841 +712 783 3 874956981 +712 787 3 876251366 +712 794 4 874957243 +712 796 4 874957268 +712 842 3 874957160 +712 843 3 874957140 +712 941 5 874730491 +712 944 4 874956981 +712 946 4 874730521 +712 949 4 874730370 +712 955 2 874957293 +712 969 4 874729850 +712 996 4 874956903 +712 1036 5 874956981 +712 1037 4 874956981 +712 1040 4 874729682 +712 1043 3 874956788 +712 1053 4 874730490 +712 1055 4 874730155 +712 1074 3 874957086 +712 1091 3 874956543 +712 1119 4 874957269 +712 1178 4 874957086 +712 1220 5 874729996 +712 1221 4 874956641 +712 1469 4 874730206 +712 1480 4 874957161 +712 1503 4 874730235 +713 269 4 888882040 +713 270 2 888882179 +713 272 4 888881939 +713 300 2 888881939 +713 307 3 888882311 +713 310 4 888882133 +713 311 3 888882040 +713 315 4 888881988 +713 340 3 888882133 +713 539 3 888882085 +713 689 3 888882225 +713 690 1 888882179 +713 750 3 888881939 +713 752 2 888882276 +713 882 3 888881988 +713 1127 3 888882225 +713 1176 3 888882224 +713 1431 3 888881939 +713 1434 3 888882133 +713 1656 2 888882085 +714 1 3 892776123 +714 3 5 892777876 +714 9 3 892775786 +714 100 1 892775786 +714 111 3 892777330 +714 117 5 892777876 +714 118 5 892777877 +714 121 4 892777903 +714 151 3 892777812 +714 181 5 892777876 +714 237 3 892776261 +714 252 3 892777619 +714 255 2 892777140 +714 257 3 892776410 +714 258 4 892777903 +714 276 2 892777242 +714 281 3 892777651 +714 282 4 892777903 +714 284 3 892777438 +714 291 3 892777117 +714 294 4 892777903 +714 323 4 892777903 +714 369 3 892777581 +714 410 3 892777767 +714 471 4 892777903 +714 472 2 892777730 +714 477 2 892777408 +714 597 3 892777533 +714 748 5 892777877 +714 871 3 892777903 +714 924 3 892777408 +714 1014 3 892777694 +714 1028 4 892777877 +714 1152 2 892777651 +715 1 5 875961843 +715 2 3 875964926 +715 4 4 875964300 +715 7 3 875962110 +715 11 4 875963306 +715 12 4 875963657 +715 17 3 875964105 +715 22 4 875963792 +715 24 3 875962374 +715 27 3 875964051 +715 28 5 875963242 +715 31 4 875963692 +715 33 3 875964751 +715 39 3 875964273 +715 40 1 875964681 +715 42 5 875963112 +715 50 5 875961998 +715 53 1 875963946 +715 56 5 875963387 +715 64 5 875963242 +715 68 4 875963486 +715 69 4 875963692 +715 71 3 875963354 +715 79 5 875964579 +715 81 4 875963112 +715 82 4 875964025 +715 83 4 875963792 +715 85 3 875964300 +715 87 4 875963024 +715 88 3 875964633 +715 89 3 875963538 +715 90 5 875964386 +715 92 3 875963899 +715 95 4 875963621 +715 96 4 875963538 +715 97 3 875964330 +715 98 5 875963792 +715 100 2 875961816 +715 101 3 875964131 +715 106 2 875962140 +715 108 4 875962315 +715 111 3 875962173 +715 117 3 875961816 +715 118 2 875962395 +715 121 4 875962524 +715 122 4 875962718 +715 125 3 875962477 +715 128 3 875964300 +715 135 2 875964203 +715 143 3 875963946 +715 144 5 875962991 +715 145 2 875963657 +715 155 4 875964580 +715 156 4 875964438 +715 157 4 875963024 +715 158 2 875965035 +715 159 3 875964330 +715 161 5 875964905 +715 168 4 875963657 +715 172 4 875963452 +715 173 5 875963998 +715 176 5 875963792 +715 179 4 875963596 +715 181 4 875961816 +715 182 5 875965035 +715 183 3 875964491 +715 193 5 875965127 +715 195 4 875963657 +715 196 4 875964131 +715 202 5 875962931 +715 205 5 875964410 +715 206 4 875964438 +715 208 3 875963836 +715 216 4 875963452 +715 222 3 875962227 +715 227 3 875964272 +715 228 3 875963486 +715 231 3 875963273 +715 232 4 875964905 +715 233 3 875964468 +715 234 4 875963242 +715 235 2 875962140 +715 237 4 875962280 +715 239 4 875963867 +715 248 4 875962280 +715 249 4 875961919 +715 250 2 875962806 +715 252 1 875962049 +715 254 1 875962762 +715 257 4 875962423 +715 265 5 875964105 +715 268 4 875961674 +715 273 5 875961998 +715 274 3 875963899 +715 276 3 875962454 +715 282 3 875962423 +715 284 4 875962109 +715 288 4 875962201 +715 298 4 875962076 +715 318 5 875963867 +715 367 3 875964272 +715 376 2 875964545 +715 380 3 875965058 +715 399 2 875963418 +715 405 3 875962374 +715 410 4 875962227 +715 412 2 875962783 +715 426 5 875964104 +715 433 2 875963082 +715 447 3 875963452 +715 455 3 875962109 +715 462 4 875963998 +715 470 4 875963538 +715 471 4 875962202 +715 475 4 875962049 +715 480 5 875963387 +715 546 4 875962076 +715 549 3 875964519 +715 564 2 875964300 +715 576 2 875964468 +715 588 4 875963353 +715 591 4 875962109 +715 595 3 875962718 +715 627 3 875964614 +715 629 2 875963921 +715 655 4 875964203 +715 658 4 875963693 +715 685 3 875962173 +715 692 3 875963836 +715 697 2 875963566 +715 713 4 875962201 +715 732 3 875964179 +715 735 4 875964224 +715 739 2 875964681 +715 743 2 875962806 +715 746 5 875964025 +715 755 2 875964704 +715 756 2 875962280 +715 761 3 875965009 +715 778 2 875965171 +715 789 4 875963353 +715 826 2 875962652 +715 926 4 875962201 +715 939 4 875964545 +715 941 2 875964072 +715 944 2 875963755 +715 955 4 875963596 +715 976 1 875962339 +715 977 2 875962718 +715 1016 4 875962049 +715 1045 2 875965171 +715 1047 3 875962500 +715 1088 1 875962454 +715 1188 2 875964843 +715 1215 1 875962762 +715 1217 2 875963998 +715 1222 2 875965035 +716 1 5 879793192 +716 4 2 879796046 +716 11 4 879795790 +716 13 2 879793376 +716 22 5 879795159 +716 23 4 879795643 +716 25 4 879793737 +716 28 5 879794815 +716 31 3 879794996 +716 47 3 879795606 +716 48 5 879795314 +716 49 4 879797286 +716 50 5 879793192 +716 52 5 879795467 +716 56 5 879796171 +716 58 5 879795239 +716 64 5 879795314 +716 69 5 879795188 +716 70 4 879796046 +716 72 3 879796766 +716 73 4 879797256 +716 79 4 879794935 +716 81 4 879796475 +716 82 5 879796138 +716 83 4 879795906 +716 86 5 879796072 +716 88 4 879796596 +716 91 5 879796438 +716 95 4 879794775 +716 96 2 879795122 +716 97 4 879794996 +716 98 5 879795336 +716 99 5 879796214 +716 102 2 879797256 +716 105 2 879794450 +716 108 2 879794290 +716 111 4 879793443 +716 117 4 879793542 +716 118 2 879793763 +716 121 5 879794116 +716 122 2 879794727 +716 127 5 879793293 +716 131 5 879796311 +716 132 5 879796438 +716 133 5 879795239 +716 134 5 879795314 +716 135 3 879795071 +716 136 5 879795790 +716 141 4 879797555 +716 142 3 879797555 +716 143 5 879796171 +716 144 2 879795467 +716 151 5 879793631 +716 154 5 879795867 +716 157 3 879796914 +716 159 4 879797475 +716 161 3 879796651 +716 162 4 879796311 +716 168 5 879796942 +716 172 4 879795542 +716 173 4 879797328 +716 174 5 879795025 +716 175 2 879795644 +716 176 3 879795189 +716 177 2 879794935 +716 178 5 879795269 +716 180 3 879794815 +716 181 4 879793221 +716 183 2 879796279 +716 185 5 879796046 +716 186 3 879795867 +716 187 3 879795189 +716 190 5 879797152 +716 191 5 879796046 +716 192 3 879794870 +716 193 5 879796596 +716 194 5 879795576 +716 195 1 879795425 +716 196 5 879796596 +716 197 5 879794962 +716 199 4 879796096 +716 200 4 879795606 +716 202 4 879794935 +716 203 4 879796311 +716 204 5 879795543 +716 205 5 879796438 +716 208 5 879795790 +716 209 3 879795543 +716 210 5 879796651 +716 211 5 879796171 +716 213 5 879795906 +716 215 5 879796046 +716 216 5 879795239 +716 218 3 879796766 +716 222 4 879793192 +716 225 3 879794482 +716 227 3 879797177 +716 228 4 879794870 +716 229 3 879797177 +716 230 3 879797198 +716 234 5 879795269 +716 235 2 879794154 +716 237 5 879793844 +716 238 4 879797286 +716 241 3 879796138 +716 248 4 879793293 +716 257 5 879793465 +716 260 1 879793001 +716 265 5 879797414 +716 274 5 879793631 +716 275 5 879793501 +716 282 3 879793501 +716 283 4 879793294 +716 284 3 879794116 +716 293 4 879793258 +716 294 4 879793653 +716 298 5 879793501 +716 300 5 879792599 +716 318 5 879794962 +716 340 3 879792665 +716 357 5 879795762 +716 367 4 879796942 +716 381 4 879795644 +716 385 1 879796011 +716 387 4 879797391 +716 392 2 879796895 +716 393 3 879796596 +716 399 3 879797414 +716 404 4 879796438 +716 405 4 879793844 +716 412 2 879794727 +716 414 4 879797152 +716 417 3 879797257 +716 418 4 879796620 +716 419 5 879794775 +716 420 4 879796766 +716 423 4 879795496 +716 425 5 879796279 +716 427 5 879795375 +716 428 3 879795838 +716 430 5 879796620 +716 432 5 879795269 +716 435 4 879795071 +716 443 4 879796381 +716 445 3 879797221 +716 451 4 879796961 +716 465 5 879797177 +716 468 3 879796596 +716 471 2 879795375 +716 472 3 879794032 +716 473 4 879794379 +716 474 5 879795122 +716 478 4 879795735 +716 479 4 879796010 +716 480 5 879795025 +716 481 4 879795025 +716 482 5 879795867 +716 483 5 879795790 +716 484 4 879795867 +716 485 5 879795375 +716 486 5 879795121 +716 487 5 879794934 +716 488 4 879796171 +716 489 4 879795496 +716 490 4 879794870 +716 491 4 879794934 +716 492 3 879795425 +716 493 5 879795949 +716 494 5 879795542 +716 495 4 879795762 +716 496 5 879795467 +716 497 3 879795949 +716 498 5 879795122 +716 501 5 879796215 +716 502 3 879795867 +716 504 5 879795189 +716 505 4 879796381 +716 506 4 879794775 +716 507 5 879796072 +716 511 5 879795542 +716 514 5 879796331 +716 515 5 879793293 +716 517 5 879797221 +716 519 3 879796555 +716 520 4 879794935 +716 521 3 879796846 +716 525 3 879794815 +716 526 5 879795269 +716 527 5 879795813 +716 546 1 879794094 +716 549 4 879797372 +716 559 2 879796846 +716 566 3 879796010 +716 568 4 879796718 +716 570 3 879797286 +716 588 4 879795606 +716 601 4 879794892 +716 603 5 879794775 +716 604 3 879795071 +716 605 3 879796215 +716 606 5 879796214 +716 609 3 879796354 +716 610 4 879795375 +716 611 5 879795496 +716 614 4 879795159 +716 615 3 879795269 +716 620 3 879797287 +716 622 3 879797152 +716 627 4 879797475 +716 628 3 879793376 +716 630 4 879796138 +716 631 5 879795867 +716 632 4 879795691 +716 633 4 879796808 +716 636 2 879796651 +716 648 4 879796138 +716 650 3 879796278 +716 651 5 879796278 +716 655 4 879795838 +716 659 4 879794962 +716 660 4 879796718 +716 661 3 879794870 +716 662 3 879794962 +716 663 5 879795467 +716 673 4 879797535 +716 675 2 879796766 +716 692 5 879795239 +716 696 2 879794615 +716 705 5 879794892 +716 708 4 879797443 +716 723 4 879796072 +716 724 4 879796138 +716 729 2 879795375 +716 732 5 879795375 +716 735 5 879795644 +716 740 4 879793714 +716 792 4 879796010 +716 823 3 879794428 +716 826 2 879794410 +716 837 4 879796475 +716 842 3 879796846 +716 866 3 879794200 +716 946 2 879796718 +716 949 3 879796718 +716 956 4 879796011 +716 965 2 879797504 +716 969 4 879794815 +716 1016 3 879794032 +716 1020 5 879795314 +716 1039 5 879796808 +716 1047 3 879794200 +716 1050 4 879797303 +716 1101 5 879795467 +716 1113 4 879797443 +716 1124 3 879795838 +716 1126 3 879796138 +716 1203 2 879795239 +716 1269 4 879795122 +716 1286 2 879795239 +717 7 4 884642160 +717 24 2 884642297 +717 25 5 884642710 +717 50 4 884715122 +717 106 4 884642932 +717 111 4 884642479 +717 121 2 884642762 +717 125 4 884642339 +717 126 5 884642580 +717 127 4 884715172 +717 130 2 884642958 +717 147 4 884642297 +717 148 3 884642958 +717 150 4 884642339 +717 237 5 884642400 +717 240 2 884642868 +717 245 4 884641842 +717 246 5 884715146 +717 250 1 884715146 +717 258 5 884642133 +717 260 1 884641911 +717 262 4 884641621 +717 268 5 884642133 +717 269 5 884642133 +717 271 2 884641842 +717 274 4 884642581 +717 280 4 884642738 +717 281 4 884642958 +717 282 5 884642817 +717 285 5 884642214 +717 286 3 884641644 +717 287 5 884642558 +717 288 1 884641717 +717 289 4 884641911 +717 293 5 884715103 +717 294 3 884641842 +717 298 3 884715172 +717 299 4 884641743 +717 300 5 884641808 +717 303 4 884641644 +717 307 5 884642133 +717 312 5 884642133 +717 313 5 884642133 +717 322 5 884642133 +717 324 3 884641842 +717 326 3 884641621 +717 327 3 884641681 +717 328 4 884641842 +717 333 4 884641681 +717 340 4 884641599 +717 343 4 884641983 +717 358 2 884642001 +717 405 3 884642738 +717 455 2 884642479 +717 471 4 884642427 +717 472 4 884642581 +717 475 5 884642187 +717 476 4 884642868 +717 546 3 884642932 +717 591 4 884642297 +717 597 4 884642710 +717 628 5 884644605 +717 678 3 884641842 +717 685 4 884642581 +717 742 5 884642427 +717 748 3 884641884 +717 751 4 884642001 +717 815 3 884642817 +717 825 2 884642558 +717 826 2 884642868 +717 831 3 884642958 +717 846 4 884642339 +717 866 1 884642932 +717 887 5 884642133 +717 888 5 884642133 +717 890 1 884642001 +717 975 2 884642843 +717 995 5 884642132 +717 1011 4 884644419 +717 1047 4 884642981 +717 1051 3 884642868 +717 1137 5 884642580 +717 1282 4 884642762 +718 15 5 883348962 +718 111 4 883348634 +718 118 4 883348912 +718 121 4 883348773 +718 222 4 883348712 +718 240 1 883349467 +718 255 4 883348773 +718 257 4 883348845 +718 282 5 883348712 +718 289 3 883348391 +718 300 5 883348269 +718 405 5 883349384 +718 591 4 883349191 +718 597 5 883348938 +718 685 4 883349301 +718 689 4 883348355 +718 717 4 883349214 +718 744 3 883348824 +718 750 3 883449953 +718 751 5 883449953 +718 756 5 883349384 +718 815 4 883348873 +718 831 3 883349663 +718 841 4 883349557 +718 926 2 883348912 +718 975 2 883349301 +718 982 4 883348912 +718 1028 4 883349191 +718 1047 3 883349442 +719 50 2 879358671 +719 58 3 879360933 +719 64 5 879360442 +719 66 3 888454637 +719 69 5 879360536 +719 71 3 883354106 +719 77 3 879360846 +719 79 4 877310859 +719 87 2 879360617 +719 88 3 888454637 +719 97 3 879360845 +719 98 5 877310859 +719 118 2 879360001 +719 126 2 884900234 +719 127 3 879358453 +719 137 1 884899841 +719 162 4 879361003 +719 185 4 877310932 +719 214 2 879360965 +719 215 4 879360781 +719 216 4 879373935 +719 220 5 888454728 +719 223 5 879360442 +719 237 2 877917981 +719 240 1 879372631 +719 254 1 879360298 +719 255 2 883981599 +719 274 3 888449274 +719 281 3 888897264 +719 284 2 888449573 +719 285 4 877917156 +719 291 3 884900301 +719 293 3 883982002 +719 294 2 877311109 +719 298 2 888451537 +719 300 2 888449132 +719 318 5 879360493 +719 378 4 879360555 +719 382 2 879360965 +719 392 4 879360846 +719 402 4 879360933 +719 410 1 883354126 +719 423 3 879360583 +719 427 4 883354106 +719 456 1 879373729 +719 468 3 879361023 +719 509 2 879360933 +719 510 4 879360493 +719 520 5 879360466 +719 582 3 888451748 +719 620 4 879359034 +719 655 4 879360617 +719 659 4 879373935 +719 660 5 879360493 +719 673 3 879360965 +719 735 5 888454612 +719 890 1 879358395 +720 242 4 891262608 +720 258 4 891262762 +720 269 3 891262608 +720 272 4 891262762 +720 304 4 891262697 +720 306 4 891262635 +720 311 5 891262635 +720 315 4 891262608 +720 316 4 891263387 +720 319 3 891263340 +720 321 4 891262762 +720 345 2 891262762 +720 347 3 891262608 +720 872 3 891262780 +720 887 5 891262608 +720 896 5 891262669 +720 902 4 891263460 +720 906 4 891262697 +720 995 4 891262762 +720 1062 5 891262812 +721 1 5 877137877 +721 8 4 877154765 +721 15 4 877140632 +721 22 5 877139147 +721 28 5 877140137 +721 51 4 877141038 +721 56 3 877150031 +721 58 2 877140781 +721 64 4 877139301 +721 65 1 877140221 +721 69 4 877140282 +721 70 3 877145403 +721 77 5 877147200 +721 81 2 877139301 +721 84 3 877147675 +721 87 3 877140859 +721 97 4 877140780 +721 107 4 877140780 +721 111 4 877154765 +721 125 3 877147080 +721 127 5 877140409 +721 145 4 877139773 +721 153 4 877150031 +721 157 3 877140137 +721 161 5 877138816 +721 162 2 877147503 +721 172 5 877138884 +721 173 5 877138745 +721 174 5 877139015 +721 175 5 877140282 +721 179 5 877141038 +721 181 5 877138951 +721 194 5 877138024 +721 196 5 877139147 +721 197 4 877140221 +721 199 4 877147323 +721 204 5 877154765 +721 209 3 877150031 +721 215 4 877141373 +721 216 5 877138498 +721 222 5 877138584 +721 228 5 877138585 +721 229 5 877138585 +721 237 3 877145312 +721 239 4 877147007 +721 242 3 877137597 +721 243 3 877137527 +721 245 3 877137527 +721 260 3 877137109 +721 261 3 877137214 +721 262 3 877137285 +721 263 3 877137598 +721 264 1 877135806 +721 266 3 877136967 +721 268 4 877136831 +721 269 5 877135269 +721 282 4 877145657 +721 284 4 877141038 +721 286 5 877137285 +721 288 3 877137447 +721 289 3 877137597 +721 292 3 877137527 +721 294 3 877137447 +721 299 3 877137447 +721 300 5 877135806 +721 301 4 877136358 +721 303 3 877137285 +721 304 3 877137285 +721 305 3 877137285 +721 306 3 877137285 +721 317 4 877147872 +721 318 4 877140047 +721 319 3 877137527 +721 321 3 877137447 +721 322 4 877136891 +721 323 3 877137598 +721 324 3 877137447 +721 325 3 877137109 +721 326 4 877136236 +721 327 2 877136967 +721 328 5 877136303 +721 329 3 877137214 +721 330 3 877136967 +721 331 3 877137285 +721 332 4 877137358 +721 333 3 877137358 +721 334 1 877136831 +721 335 3 877137359 +721 357 5 877140221 +721 358 1 877137214 +721 359 3 877137359 +721 380 5 877138661 +721 382 4 877147675 +721 393 5 877138200 +721 402 4 877147200 +721 403 4 877139638 +721 406 1 877154989 +721 423 5 877141373 +721 435 4 877139384 +721 455 5 877138884 +721 457 3 877137214 +721 471 5 877138200 +721 518 2 877140221 +721 527 5 877140046 +721 581 2 877141373 +721 582 3 877140490 +721 631 5 877147260 +721 655 2 877140490 +721 660 5 877147616 +721 678 3 877137527 +721 680 3 877137448 +721 681 3 877137214 +721 682 3 877137285 +721 684 4 877138200 +721 687 3 877137358 +721 688 3 877136967 +721 699 3 877147080 +721 715 2 877147726 +721 720 5 877138395 +721 729 3 877141222 +721 732 4 877147079 +721 735 4 877141039 +721 739 4 877139551 +721 748 3 877136967 +721 755 4 877139773 +721 809 1 877139384 +721 872 3 877137598 +721 873 3 877137447 +721 874 3 877137447 +721 875 3 877137527 +721 876 3 877137447 +721 877 3 877137285 +721 878 3 877137598 +721 879 4 877136175 +721 880 3 877137109 +721 881 3 877137359 +721 937 3 877137359 +721 938 3 877137359 +721 942 4 877147140 +721 948 1 877137109 +721 984 3 877137527 +721 988 3 877137598 +721 989 3 877137527 +721 990 5 877137213 +721 991 3 877137214 +721 995 3 877137447 +721 1025 3 877138200 +721 1026 3 877137214 +721 1039 5 877140780 +721 1065 5 877147383 +721 1119 4 877147795 +721 1221 3 877139637 +721 1265 3 877138661 +721 1295 3 877137214 +721 1296 3 877137285 +721 1392 3 877137598 +721 1393 3 877137598 +721 1442 4 877147872 +722 7 4 891280842 +722 25 4 891281108 +722 111 3 891281077 +722 117 4 891281132 +722 118 4 891281349 +722 121 5 891281182 +722 122 3 891281655 +722 124 4 891280842 +722 130 4 891281679 +722 147 3 891281158 +722 148 3 891281710 +722 151 5 891281020 +722 237 4 891280988 +722 286 4 891280046 +722 294 2 891280219 +722 300 3 891279945 +722 310 4 891279945 +722 322 3 891280402 +722 328 5 891280272 +722 333 5 891279945 +722 405 3 891280918 +722 412 2 891281679 +722 546 3 891280866 +722 597 3 891281710 +722 628 4 891280894 +722 696 4 891281570 +722 748 4 891280154 +722 823 3 891281570 +722 845 5 891280842 +722 866 4 891281108 +722 871 2 891281876 +722 928 3 891281228 +723 1 3 880499050 +723 9 3 880498912 +723 28 3 880498970 +723 137 3 880498970 +723 169 4 880498938 +723 174 4 880498996 +723 189 3 880498938 +723 191 3 880499019 +723 258 4 880498768 +723 286 3 880498746 +723 289 2 880498816 +723 322 2 880499254 +724 242 1 883758268 +724 258 4 883757537 +724 259 2 883757726 +724 264 3 883758119 +724 266 1 883758119 +724 268 4 883757397 +724 269 4 883756996 +724 271 2 883757834 +724 272 5 883756996 +724 286 1 883758268 +724 289 1 883757703 +724 294 4 883757726 +724 299 1 883758119 +724 300 3 883757468 +724 301 4 883757670 +724 302 3 883756996 +724 305 3 883757259 +724 307 3 883757468 +724 308 1 883757170 +724 311 1 883757597 +724 313 5 883756996 +724 322 1 883757784 +724 323 2 883757874 +724 326 4 883757671 +724 327 4 883757670 +724 328 4 883757727 +724 329 4 883757670 +724 331 3 883757468 +724 332 4 883757670 +724 333 4 883757670 +724 336 1 883757784 +724 338 3 883758119 +724 342 3 883757874 +724 343 1 883757259 +724 344 1 883757468 +724 347 4 883757670 +724 349 2 883757537 +724 351 1 883758241 +724 352 1 883757259 +724 358 1 883757834 +724 361 1 883758241 +724 538 2 883757537 +724 678 2 883757874 +724 682 1 883757703 +724 683 1 883757834 +724 690 1 883757468 +724 748 1 883757784 +724 749 4 883757670 +724 750 2 883757170 +724 751 2 883757397 +724 872 1 883757537 +724 873 3 883757784 +724 876 1 883757784 +724 877 1 883757834 +724 879 1 883757259 +724 882 1 883758267 +724 887 3 883757468 +724 893 3 883757874 +724 895 4 883757727 +724 898 1 883757784 +724 906 1 883757468 +724 909 1 883758208 +724 937 3 883757670 +724 938 3 883757671 +724 948 1 883758119 +724 988 1 883758119 +724 989 1 883757874 +724 995 1 883757597 +724 1062 1 883758208 +724 1105 1 883757537 +724 1127 3 883758267 +724 1234 1 883757170 +724 1432 1 883758208 +724 1434 1 883757597 +724 1591 1 883757468 +725 15 4 876106206 +725 100 5 876106729 +725 111 3 876106206 +725 181 4 876106206 +725 245 4 876103793 +725 258 4 876106729 +725 264 1 876103811 +725 276 4 876106243 +725 294 3 876103726 +725 300 4 876106729 +725 321 2 876103700 +725 328 4 876106729 +725 358 3 876103744 +725 879 4 876106729 +725 1197 3 876106243 +726 25 4 889831222 +726 249 1 889832422 +726 257 3 889831166 +726 274 4 889831222 +726 294 5 889828701 +726 310 4 889828404 +726 355 3 889829235 +726 819 3 889832688 +726 832 5 889832807 +726 845 3 889832358 +726 1014 1 889832744 +726 1028 2 889832592 +726 1038 2 889832053 +726 1059 5 889832806 +727 1 3 883708660 +727 2 4 883711874 +727 5 3 883711680 +727 7 2 883708927 +727 11 3 883710152 +727 12 5 883710598 +727 17 1 883711011 +727 22 4 883710236 +727 24 3 883709711 +727 25 3 883708927 +727 27 4 883711847 +727 28 5 883710075 +727 29 3 883712603 +727 33 3 883711150 +727 38 1 883712993 +727 39 2 883712780 +727 42 5 883710375 +727 43 3 883712123 +727 50 4 883708951 +727 53 1 883712851 +727 54 3 883711045 +727 55 3 883710375 +727 56 3 883711150 +727 62 3 883712603 +727 63 2 883713454 +727 65 2 883712343 +727 66 3 883712068 +727 67 4 883712652 +727 68 4 883710347 +727 69 4 883710186 +727 70 5 883710856 +727 71 3 883711069 +727 72 3 883712476 +727 73 4 883713048 +727 79 4 883710806 +727 80 4 883713454 +727 82 3 883711527 +727 83 5 883710889 +727 87 4 883710347 +727 88 5 883711394 +727 89 5 883711298 +727 90 3 883711991 +727 91 4 883710396 +727 92 2 883710806 +727 94 4 883713257 +727 95 4 883710948 +727 96 4 883710152 +727 98 4 883710152 +727 100 2 883708830 +727 101 2 883711771 +727 105 1 883709884 +727 108 3 883709948 +727 109 2 883709266 +727 111 3 883709266 +727 114 5 883710152 +727 117 3 883708660 +727 118 4 883709729 +727 121 4 883709518 +727 122 2 883709802 +727 123 3 883709402 +727 125 4 883710598 +727 127 4 883708830 +727 128 4 883712016 +727 131 2 883711699 +727 132 2 883710271 +727 135 2 883711069 +727 144 4 883710395 +727 147 3 883709402 +727 148 2 883709438 +727 153 4 883710856 +727 154 3 883711567 +727 155 3 883712068 +727 156 4 883710326 +727 157 3 883711965 +727 158 2 883713668 +727 159 2 883712016 +727 161 4 883712716 +727 163 4 883711550 +727 164 5 883711497 +727 167 2 883713419 +727 168 5 883710152 +727 169 5 883710419 +727 172 5 883710104 +727 173 5 883710437 +727 174 4 883710186 +727 176 4 883710948 +727 177 4 883710687 +727 178 4 883710123 +727 179 3 883711150 +727 180 3 883711589 +727 181 3 883708750 +727 183 3 883710186 +727 184 3 883710761 +727 186 5 883710598 +727 187 5 883710104 +727 188 3 883711679 +727 191 4 883710717 +727 195 4 883710375 +727 196 4 883710514 +727 197 3 883710271 +727 198 4 883710687 +727 199 4 883710288 +727 201 4 883710717 +727 202 4 883711354 +727 203 5 883710236 +727 204 3 883710395 +727 205 5 883710104 +727 206 3 883711896 +727 207 5 883710889 +727 209 3 883710186 +727 210 3 883710123 +727 211 4 883710464 +727 219 3 883712476 +727 222 3 883709350 +727 226 3 883711966 +727 227 4 883710974 +727 228 4 883711527 +727 229 2 883711476 +727 230 3 883711847 +727 231 3 883713286 +727 232 3 883712780 +727 233 4 883713473 +727 234 2 883711699 +727 235 3 883709518 +727 238 2 883710910 +727 239 4 883711449 +727 240 3 883709607 +727 246 4 883708806 +727 248 5 883709207 +727 249 2 883708927 +727 250 5 883709242 +727 252 2 883709438 +727 257 2 883708806 +727 258 2 883709325 +727 260 1 883708265 +727 265 4 883710326 +727 268 4 883708087 +727 271 4 883708149 +727 274 5 883709438 +727 275 3 883708927 +727 278 2 883709325 +727 282 4 883709157 +727 283 2 883709009 +727 284 3 883709607 +727 291 4 883709009 +727 294 4 883708087 +727 312 3 883708435 +727 328 4 883708149 +727 343 3 883708149 +727 356 3 883712365 +727 358 2 883708462 +727 363 3 883709641 +727 366 3 883712397 +727 369 2 883709948 +727 371 2 883712193 +727 378 3 883712603 +727 379 2 883712805 +727 380 3 883712397 +727 384 2 883712804 +727 385 3 883710994 +727 386 2 883712805 +727 392 4 883711847 +727 393 3 883712397 +727 395 3 883713692 +727 397 2 883712780 +727 398 2 883713714 +727 399 3 883712717 +727 401 2 883713521 +727 402 3 883711847 +727 403 4 883712282 +727 405 3 883709571 +727 408 4 883708895 +727 410 2 883709710 +727 411 3 883709905 +727 413 2 883709710 +727 419 2 883710236 +727 421 5 883711181 +727 423 3 883710830 +727 424 1 883713454 +727 431 4 883711045 +727 432 2 883711298 +727 433 5 883710994 +727 434 5 883710717 +727 435 3 883710687 +727 440 1 883713548 +727 441 2 883711924 +727 444 2 883712851 +727 447 3 883713194 +727 451 5 883712681 +727 455 3 883709671 +727 465 2 883712159 +727 470 5 883711847 +727 471 3 883709188 +727 472 2 883709374 +727 474 3 883710910 +727 483 4 883710236 +727 491 4 883710213 +727 507 2 883710948 +727 510 4 883710717 +727 511 4 883710948 +727 520 4 883710288 +727 526 4 883711113 +727 538 3 883708066 +727 539 2 883708523 +727 541 4 883712751 +727 542 2 883712993 +727 544 3 883709518 +727 546 2 883709607 +727 549 3 883712219 +727 550 4 883712519 +727 552 2 883712751 +727 553 2 883710186 +727 556 2 883713632 +727 559 2 883712282 +727 562 2 883713548 +727 566 3 883711449 +727 567 2 883713388 +727 568 3 883711476 +727 569 2 883713286 +727 570 2 883713194 +727 576 4 883713454 +727 578 3 883711897 +727 588 4 883710495 +727 596 4 883709188 +727 597 3 883709641 +727 609 3 883711923 +727 616 2 883713348 +727 627 3 883711150 +727 635 2 883713419 +727 636 3 883711616 +727 651 3 883710104 +727 658 5 883711720 +727 665 3 883713257 +727 678 3 883708229 +727 679 5 883712315 +727 680 3 883708462 +727 684 4 883710948 +727 685 3 883709518 +727 720 2 883712037 +727 722 2 883712993 +727 729 2 883711720 +727 739 4 883711735 +727 747 2 883712519 +727 748 4 883708119 +727 751 3 883708208 +727 755 2 883712828 +727 760 1 883713388 +727 765 2 883712780 +727 771 3 883713692 +727 774 3 883713257 +727 775 4 883713147 +727 779 2 883712717 +727 783 3 883713737 +727 790 2 883711616 +727 801 2 883713194 +727 802 2 883712780 +727 808 2 883712245 +727 809 4 883713082 +727 810 2 883712652 +727 815 3 883709188 +727 820 2 883709539 +727 826 2 883713738 +727 827 3 883709839 +727 840 2 883709884 +727 841 3 883709208 +727 845 3 883709325 +727 849 2 883713348 +727 866 3 883709710 +727 879 4 883708208 +727 890 1 883708478 +727 926 3 883709438 +727 928 3 883709802 +727 930 3 883709802 +727 940 2 883713521 +727 941 2 883711874 +727 949 3 883711616 +727 977 2 883709948 +727 982 4 883713632 +727 993 4 883709750 +727 1016 3 883709802 +727 1025 2 883708149 +727 1028 2 883712016 +727 1034 2 883713692 +727 1035 2 883712245 +727 1042 2 883712068 +727 1047 2 883709750 +727 1049 1 883709711 +727 1076 2 883712632 +727 1088 2 883709884 +727 1119 3 883711923 +727 1139 3 883713348 +727 1165 2 883709948 +727 1185 1 883711847 +727 1188 2 883712632 +727 1206 2 883712315 +727 1215 2 883713521 +727 1217 3 883711965 +727 1218 4 883712068 +727 1222 1 883713574 +727 1224 3 883712219 +727 1229 2 883713473 +727 1231 3 883713082 +727 1244 3 883709859 +727 1249 3 883711991 +727 1250 1 883713760 +727 1273 3 883713286 +727 1303 2 883713737 +727 1411 2 883713419 +727 1437 2 883713082 +727 1446 3 883712123 +727 1615 1 883709884 +727 1657 3 883711991 +728 25 4 879443155 +728 100 5 879443321 +728 117 4 879443321 +728 147 4 879443418 +728 243 2 879442892 +728 282 4 879443291 +728 286 3 879442532 +728 287 4 879443155 +728 322 4 879442761 +728 323 3 879442685 +728 471 4 879443291 +728 508 4 879443265 +728 546 2 879443155 +728 678 4 879442794 +728 748 3 879442532 +728 871 2 879443321 +729 288 2 893286261 +729 328 3 893286638 +729 333 4 893286638 +729 354 5 893286637 +729 683 2 893286511 +729 689 4 893286638 +729 690 2 893286149 +729 748 4 893286638 +729 879 3 893286299 +729 894 1 893286511 +729 901 1 893286491 +730 1 4 880310285 +730 15 4 880310264 +730 50 4 880310285 +730 100 5 880310371 +730 109 4 880310390 +730 117 3 880310300 +730 121 4 880310506 +730 125 4 880310521 +730 151 4 880310371 +730 181 2 880310465 +730 237 3 880310233 +730 246 4 880310264 +730 248 3 880310324 +730 257 5 880310541 +730 268 4 880309927 +730 269 5 880309870 +730 294 4 880309996 +730 298 4 880310426 +730 300 3 880309964 +730 322 1 880310202 +730 328 2 880310201 +730 332 3 880309870 +730 340 3 880309892 +730 535 2 880310506 +730 685 2 880310569 +730 748 4 880310082 +730 815 3 880310490 +730 1012 5 880310426 +731 8 2 886184681 +731 14 3 886179040 +731 15 4 886182632 +731 28 4 886182826 +731 56 2 886179161 +731 64 5 886179040 +731 66 4 886184577 +731 69 5 886179040 +731 97 5 886183681 +731 125 3 886186940 +731 127 4 886179415 +731 132 3 886182632 +731 133 1 886184852 +731 136 4 886182826 +731 140 2 886186811 +731 143 5 886182827 +731 168 1 886185744 +731 170 5 886179040 +731 183 1 886185744 +731 190 5 886187538 +731 192 5 886182457 +731 195 1 886185851 +731 196 5 886186811 +731 197 5 886185743 +731 202 5 886186568 +731 204 4 886184682 +731 207 4 886182827 +731 213 5 886183515 +731 215 5 886182555 +731 216 5 886184682 +731 237 4 886185851 +731 283 4 886182367 +731 320 1 886186811 +731 357 5 886187538 +731 378 1 886187652 +731 393 5 886183978 +731 427 5 886186940 +731 434 1 886186811 +731 478 4 886182555 +731 480 4 886187652 +731 481 3 886182456 +731 482 3 886184770 +731 484 3 886179289 +731 485 4 886187414 +731 486 4 886182556 +731 487 4 886184682 +731 494 3 886179161 +731 496 5 886179040 +731 508 1 886186811 +731 510 1 886186091 +731 520 4 886186567 +731 521 1 886184682 +731 527 5 886184682 +731 588 3 886184682 +731 591 1 886184577 +731 603 5 886182631 +731 606 3 886182366 +731 608 4 886183515 +731 611 3 886184683 +731 613 2 886186568 +731 648 4 886183515 +731 655 5 886183515 +731 662 3 886183209 +731 694 5 886184421 +731 705 5 886182632 +731 720 3 886184771 +731 845 2 886184681 +731 945 4 886183209 +731 1039 4 886182366 +731 1086 1 886186091 +731 1087 1 886186091 +731 1275 1 886186940 +731 1503 5 886184578 +732 245 4 882590200 +732 286 5 882589593 +732 300 4 882589552 +732 305 2 882590201 +732 324 2 882590201 +732 690 5 882589626 +732 873 5 882589845 +732 875 1 882590201 +732 882 5 882589819 +732 938 1 882590201 +733 1 2 879535129 +733 9 3 879535406 +733 10 3 879535559 +733 13 3 879535694 +733 14 5 879535368 +733 16 3 879535969 +733 20 5 879535299 +733 100 5 879535471 +733 107 4 879536001 +733 116 4 879535368 +733 117 2 879535779 +733 124 5 879535213 +733 125 2 879535814 +733 126 2 879535938 +733 127 3 879535265 +733 129 2 879535299 +733 130 2 879544411 +733 137 5 879535406 +733 146 3 879536001 +733 147 1 879535938 +733 148 3 879536607 +733 149 4 879535440 +733 150 2 879535440 +733 151 4 879535694 +733 220 2 879544411 +733 221 4 879535265 +733 224 4 879535265 +733 237 3 879535338 +733 244 2 879535886 +733 245 3 879544466 +733 250 1 879535502 +733 253 3 879535407 +733 258 3 879535011 +733 273 4 879535603 +733 274 3 879536723 +733 275 3 879535265 +733 276 5 879535299 +733 277 1 879536523 +733 281 2 879536567 +733 282 3 879535814 +733 283 3 879535368 +733 284 2 879535129 +733 285 4 879535299 +733 286 4 879535471 +733 287 3 879535129 +733 288 2 879535694 +733 290 4 879535752 +733 291 2 879536608 +733 294 2 879536001 +733 296 2 879535265 +733 297 3 879535559 +733 302 4 879535011 +733 322 2 879536523 +733 324 4 879535694 +733 405 2 879536659 +733 458 2 879535129 +733 459 4 879535440 +733 471 3 879535814 +733 515 5 879535213 +733 534 3 879544377 +733 544 1 879535407 +733 546 1 879544466 +733 591 3 879535440 +733 619 3 879536488 +733 676 4 879535603 +733 696 3 879535909 +733 713 4 879535938 +733 740 3 879535886 +733 742 3 879535502 +733 744 4 879535723 +733 762 4 879535847 +733 820 2 879536608 +733 846 2 879535848 +733 847 3 879535471 +733 922 3 879535406 +733 924 4 879536523 +733 933 1 879535752 +733 950 4 879535643 +733 985 3 879535909 +733 1009 2 879536723 +733 1011 4 879535644 +733 1023 1 879544411 +733 1047 2 879536659 +733 1067 5 879535603 +733 1085 4 879536607 +733 1114 3 879535603 +733 1115 3 879535338 +733 1117 2 879536659 +733 1129 4 879535338 +733 1132 4 879536488 +733 1142 4 879535694 +733 1163 2 879535603 +733 1226 3 879535968 +733 1338 4 879536608 +733 1375 3 879535559 +733 1380 2 879536567 +733 1658 3 879535780 +734 15 4 891026009 +734 22 3 891025301 +734 28 4 891022627 +734 50 4 891022627 +734 82 4 891022704 +734 83 4 891022733 +734 95 4 891025573 +734 97 4 891022993 +734 98 4 891025247 +734 99 4 891023086 +734 121 4 891026028 +734 132 3 891022212 +734 144 2 891023019 +734 162 3 891025393 +734 164 3 891025524 +734 165 3 891025393 +734 166 3 891022849 +734 173 3 891025247 +734 174 4 891025247 +734 191 4 891025523 +734 193 4 891025340 +734 198 1 891022734 +734 202 5 891022684 +734 204 4 891022938 +734 213 5 891022684 +734 230 2 891022803 +734 274 4 891025943 +734 275 4 891023019 +734 282 4 891025974 +734 283 5 891023066 +734 288 4 891022311 +734 294 1 891025891 +734 313 4 891022311 +734 318 5 891022648 +734 419 4 891023066 +734 423 4 891022734 +734 465 4 891022734 +734 478 4 891022849 +734 479 4 891025541 +734 483 4 891025247 +734 485 5 891022976 +734 487 4 891025498 +734 496 5 891025523 +734 498 4 891022938 +734 582 2 891022684 +734 591 4 891022977 +734 603 4 891022958 +734 604 4 891023086 +734 605 4 891025555 +734 607 5 891023066 +734 705 4 891023131 +734 724 3 891022684 +734 742 4 891025958 +734 821 2 891023086 +735 1 4 876698796 +735 7 3 876698683 +735 9 4 876698755 +735 13 4 876698643 +735 50 5 876698683 +735 93 2 876698604 +735 106 3 876698714 +735 117 3 876698897 +735 123 3 876698866 +735 124 5 876698643 +735 127 4 876698755 +735 181 4 876698604 +735 237 4 876698714 +735 242 5 876697561 +735 245 3 876698022 +735 258 4 876697561 +735 275 4 876698643 +735 276 4 876698796 +735 277 3 876698604 +735 283 2 876698796 +735 286 5 876697561 +735 288 4 876697610 +735 289 1 876698022 +735 298 4 876698897 +735 300 4 876697647 +735 301 3 876697610 +735 304 4 876697679 +735 319 4 876697647 +735 321 3 876698022 +735 325 1 876698022 +735 331 3 876698022 +735 333 4 876697647 +735 515 4 876698755 +735 628 3 876698755 +735 676 3 876698837 +735 690 4 876697561 +735 741 2 876698796 +735 744 3 876698714 +735 748 3 876698022 +735 756 2 876698684 +735 764 3 876698837 +735 813 4 876698570 +735 1012 2 876698897 +736 50 3 878708579 +736 181 2 878708646 +736 246 4 878708929 +736 248 4 878709365 +736 255 1 878709025 +736 257 3 878708721 +736 294 3 878709025 +736 296 4 878709365 +736 324 3 878708991 +736 515 5 878709365 +736 532 4 878709365 +736 533 3 878709108 +736 748 2 878708465 +736 1388 5 878709365 +737 12 4 884314922 +737 22 4 884314993 +737 32 4 884314993 +737 47 3 884314970 +737 89 4 884314664 +737 100 5 884314664 +737 127 5 884315175 +737 137 5 884314694 +737 160 4 884314881 +737 169 4 884314644 +737 171 4 884314644 +737 174 2 884314740 +737 175 5 884315246 +737 180 4 884314644 +737 186 5 884314944 +737 192 5 884314970 +737 222 3 884315127 +737 258 5 884315127 +737 357 5 884314944 +737 427 3 884314970 +737 428 4 884315066 +737 475 4 884314693 +737 501 1 884314922 +738 1 5 892844079 +738 2 3 875351530 +738 4 4 875351486 +738 7 4 875349530 +738 28 4 875350913 +738 39 3 875350720 +738 42 2 875350012 +738 47 3 875353569 +738 50 5 892844112 +738 54 3 875351872 +738 56 4 875350418 +738 63 3 875351905 +738 64 4 875351092 +738 69 5 892844079 +738 71 3 875350352 +738 79 3 875351019 +738 81 4 875351092 +738 82 5 892844079 +738 88 3 875351712 +738 89 5 892844112 +738 91 4 875351462 +738 97 4 875350122 +738 98 4 875350515 +738 100 2 875349968 +738 109 4 875353678 +738 117 3 875350913 +738 118 3 875351438 +738 121 4 875353780 +738 128 4 875351873 +738 135 5 892844111 +738 136 4 892958170 +738 141 3 875352771 +738 144 5 892844079 +738 147 3 875350764 +738 151 4 875352737 +738 152 4 875350265 +738 153 4 875350223 +738 154 3 875353105 +738 161 4 875350720 +738 164 5 892844112 +738 168 3 875353869 +738 169 5 892844079 +738 172 4 875349895 +738 173 5 875350012 +738 174 5 875349968 +738 176 5 892844079 +738 177 4 892958051 +738 179 3 875353869 +738 180 5 892844112 +738 181 4 875348856 +738 183 5 892844079 +738 186 4 875351773 +738 188 3 875350456 +738 189 4 875351404 +738 193 5 892844112 +738 195 4 875349628 +738 196 4 875350086 +738 197 4 875353869 +738 199 4 892938594 +738 200 3 875350086 +738 202 4 875351299 +738 203 3 892958137 +738 204 4 875350053 +738 205 5 892844079 +738 206 3 875350223 +738 208 4 875350418 +738 209 4 875350485 +738 211 3 892958137 +738 214 4 875350157 +738 216 3 875352679 +738 222 4 875350913 +738 225 3 875351837 +738 226 3 875351299 +738 227 4 875353533 +738 228 5 875350316 +738 229 3 875351906 +738 230 4 875351530 +738 231 3 875350995 +738 233 3 875353678 +738 234 4 875349850 +738 235 2 875350764 +738 238 4 875349895 +738 240 3 875350385 +738 250 4 875348912 +738 252 4 875349045 +738 254 2 875349111 +738 257 3 875348912 +738 258 4 875348442 +738 260 2 875348571 +738 269 2 892938254 +738 271 3 892938330 +738 298 3 875348670 +738 313 5 892938181 +738 318 5 892844112 +738 343 3 892938330 +738 357 4 875353869 +738 367 3 875351346 +738 380 3 875351530 +738 385 5 892844079 +738 393 3 875350944 +738 403 3 875351638 +738 405 2 875349968 +738 408 5 875349584 +738 418 3 875353105 +738 423 4 875350223 +738 429 3 875353813 +738 434 4 875351872 +738 449 3 875351438 +738 455 4 875350551 +738 470 4 875350551 +738 474 4 875349775 +738 496 4 875351346 +738 511 4 875349584 +738 517 3 892938492 +738 527 5 892844111 +738 528 4 875352679 +738 550 3 875351603 +738 568 3 875350485 +738 603 5 892844079 +738 636 3 875350944 +738 650 3 875351712 +738 651 4 892957752 +738 655 3 875350456 +738 659 4 875350804 +738 662 4 875350418 +738 665 2 875351873 +738 697 2 875353869 +738 732 3 875350316 +738 747 4 875351603 +738 751 3 892938297 +738 755 3 875350913 +738 919 4 875349807 +738 926 3 875350456 +738 930 3 875351956 +738 951 2 875351906 +738 969 4 892957860 +738 1016 3 875348912 +738 1047 3 875351872 +739 22 5 886958860 +739 50 4 886958895 +739 55 1 886958972 +739 69 5 886959069 +739 79 4 886958938 +739 96 5 886959039 +739 98 3 886958972 +739 100 5 886825383 +739 132 4 886959039 +739 168 1 886958831 +739 176 1 886958938 +739 195 5 886958939 +739 216 4 886958831 +739 286 2 886825020 +739 288 1 886825083 +739 318 4 886958831 +739 333 4 886825227 +739 359 5 886825529 +739 465 1 886959039 +739 498 4 886958939 +739 603 4 886959069 +739 749 5 886825529 +739 751 3 886825083 +739 969 1 886959039 +739 1429 5 886825529 +740 242 4 879523187 +740 286 5 879523187 +740 288 4 879523187 +740 289 4 879523187 +740 294 4 879523187 +740 300 4 879523187 +740 319 3 879522781 +740 322 3 879522839 +740 748 3 879522872 +740 938 1 879522906 +741 5 3 891455671 +741 7 3 891040277 +741 15 4 891456573 +741 17 2 891455711 +741 22 5 891018303 +741 25 3 891458428 +741 28 3 891018339 +741 48 4 891018550 +741 50 5 891018339 +741 54 3 891455610 +741 56 4 891018303 +741 66 3 891018266 +741 67 3 891457456 +741 69 4 891018550 +741 79 4 891455610 +741 82 3 891018400 +741 83 4 891457855 +741 92 3 891456427 +741 94 3 891457483 +741 95 2 891018400 +741 98 5 891455516 +741 118 1 891455855 +741 121 2 891455766 +741 131 4 891456776 +741 134 5 891455381 +741 151 3 891458539 +741 164 3 891455766 +741 172 5 891018339 +741 173 2 891018366 +741 174 5 891018303 +741 178 5 891018435 +741 180 4 891457855 +741 181 4 891036681 +741 186 5 891455317 +741 194 4 891457242 +741 196 5 891018460 +741 202 3 891455316 +741 204 4 891018266 +741 209 3 891457342 +741 210 3 891455353 +741 215 4 891456615 +741 216 4 891457342 +741 218 4 891455711 +741 226 2 891455711 +741 234 4 891455545 +741 239 2 891456040 +741 241 4 891019625 +741 255 3 891458098 +741 265 5 891455735 +741 273 3 891458066 +741 274 4 891019587 +741 275 4 891019587 +741 281 2 891455792 +741 283 4 891458250 +741 288 4 891018070 +741 290 3 891457956 +741 313 4 891455095 +741 357 5 891018507 +741 367 2 891457280 +741 393 2 891040490 +741 399 2 891457456 +741 401 3 891457483 +741 403 5 891456083 +741 423 3 891018339 +741 427 5 891018221 +741 435 4 891455353 +741 451 3 891457395 +741 475 3 891018152 +741 478 5 891456741 +741 479 5 891456874 +741 480 5 891457855 +741 496 5 891456718 +741 566 4 891455671 +741 582 3 891456156 +741 660 3 891040362 +741 673 4 891455671 +741 682 3 891455960 +741 692 1 891019587 +741 696 3 891455901 +741 699 4 891018400 +741 722 3 891457528 +741 724 4 891019625 +741 732 4 891456509 +741 742 4 891455766 +741 781 4 891457424 +741 783 3 891457633 +741 790 3 891457456 +741 815 3 891458647 +741 945 5 891456827 +741 1016 3 891458249 +741 1029 1 891457506 +741 1041 4 891457424 +741 1090 1 891455880 +741 1152 3 891458597 +742 13 4 881335361 +742 24 3 881335248 +742 109 1 881335960 +742 117 2 881335528 +742 124 4 881335461 +742 127 5 881335361 +742 181 3 881335281 +742 222 2 881336006 +742 250 3 881336006 +742 258 5 881005590 +742 282 3 881335857 +742 284 3 881335492 +742 321 3 881005611 +742 508 4 881335461 +742 591 4 881335461 +742 1012 4 881335528 +743 9 5 881278061 +743 15 3 881277855 +743 100 5 881277962 +743 181 3 881277931 +743 224 5 881277931 +743 242 4 881277267 +743 258 5 881277357 +743 259 3 881277656 +743 268 4 881277551 +743 273 3 881278061 +743 286 3 881277602 +743 288 2 881277690 +743 294 2 881277656 +743 297 5 881277931 +743 300 4 881277267 +743 301 4 881277357 +743 302 5 881277267 +743 311 5 881277551 +743 321 2 881277690 +743 322 3 881277750 +743 326 3 881277656 +743 340 3 881277551 +743 408 4 881277931 +743 744 5 881277892 +743 748 4 881277656 +744 28 3 881170416 +744 127 5 881171481 +744 174 4 881171421 +744 188 3 881170528 +744 237 4 881171907 +744 301 3 881171857 +744 307 4 881171839 +744 428 4 881170528 +744 479 5 881171482 +744 481 3 881171420 +744 482 3 881171420 +744 483 4 881171452 +744 508 5 881171907 +744 603 5 881170528 +744 628 2 881172357 +744 963 5 881170576 +744 1134 3 881171482 +745 1 2 880122809 +745 7 4 880123019 +745 9 4 880122809 +745 10 5 880123905 +745 12 5 880123905 +745 14 3 880122863 +745 20 1 880123905 +745 28 2 880123671 +745 50 2 880122928 +745 64 5 880123905 +745 79 3 880123540 +745 96 4 880123399 +745 98 5 880123905 +745 124 5 880122775 +745 125 5 880123069 +745 127 2 880122986 +745 151 2 880122948 +745 168 3 880123671 +745 169 4 880123671 +745 174 3 880123179 +745 177 3 880123572 +745 181 2 880122965 +745 182 2 880123314 +745 188 3 880123540 +745 190 5 880123905 +745 194 4 880123262 +745 202 3 880123486 +745 204 3 880123335 +745 205 2 880123205 +745 207 2 880123609 +745 215 3 880123751 +745 230 2 880123572 +745 258 5 880122502 +745 275 1 880123905 +745 276 1 880123905 +745 285 1 880123905 +745 302 4 880122475 +745 425 4 880123540 +745 427 4 880123361 +745 480 3 880123361 +745 483 1 880123361 +745 492 5 880123572 +745 507 1 880123335 +745 510 3 880123720 +745 519 5 880123751 +745 520 3 880123696 +745 531 3 880123517 +745 603 4 880123243 +745 923 3 880123720 +745 936 1 880122907 +746 1 4 885075714 +746 2 3 885075304 +746 8 4 885075539 +746 22 4 885075211 +746 24 4 885075434 +746 56 3 885075211 +746 62 3 885075434 +746 64 4 885075790 +746 68 4 885075337 +746 82 4 885075337 +746 83 4 885075497 +746 89 4 885075243 +746 96 4 885075267 +746 117 4 885075304 +746 121 3 885075337 +746 127 2 885075243 +746 128 3 885075211 +746 132 4 885075756 +746 135 1 885075655 +746 144 5 885075211 +746 161 3 885075304 +746 168 3 885075790 +746 172 5 885075165 +746 174 5 885075243 +746 176 5 885075243 +746 183 4 885075165 +746 184 4 885075267 +746 186 4 885075497 +746 196 4 885075612 +746 202 5 885075518 +746 204 5 885075539 +746 208 4 885075569 +746 210 5 885075211 +746 222 3 885075267 +746 228 4 885075243 +746 229 2 885075399 +746 230 1 885075337 +746 231 2 885075476 +746 232 3 885075304 +746 233 4 885075399 +746 265 4 885075399 +746 281 3 885075434 +746 385 5 885075367 +746 403 4 885075337 +746 405 2 885075476 +746 423 3 885075612 +746 449 1 885075476 +746 455 4 885075304 +746 506 3 885075824 +746 546 3 885075434 +746 566 4 885075367 +746 568 4 885075211 +746 578 4 885075399 +746 597 4 885075304 +746 684 4 885075337 +746 685 3 885075304 +746 720 3 885075399 +747 1 5 888639138 +747 3 2 888733567 +747 4 4 888733111 +747 7 4 888639176 +747 8 5 888639175 +747 9 5 888734012 +747 11 5 888638958 +747 12 4 888639272 +747 13 3 888733348 +747 14 3 888734152 +747 15 4 888639780 +747 17 4 888733387 +747 21 2 888733111 +747 22 3 888640099 +747 23 5 888639735 +747 25 3 888639318 +747 26 3 888733314 +747 28 4 888640915 +747 29 1 888734152 +747 30 5 888638913 +747 31 4 888639222 +747 32 5 888639890 +747 39 4 888640684 +747 40 2 888733480 +747 44 2 888639437 +747 47 5 888639939 +747 48 5 888639890 +747 50 5 888639060 +747 56 5 888639526 +747 58 3 888639594 +747 63 3 888733510 +747 64 5 888639642 +747 69 5 888640475 +747 70 4 888733218 +747 71 5 888639102 +747 73 4 888640305 +747 79 4 888640392 +747 82 4 888639642 +747 83 4 888732571 +747 85 3 888733144 +747 86 5 888638958 +747 87 5 888640222 +747 88 2 888733218 +747 91 5 888640820 +747 93 4 888639685 +747 94 4 888733537 +747 95 3 888639318 +747 96 5 888639397 +747 97 5 888640437 +747 98 5 888639480 +747 99 5 888640524 +747 100 5 888639397 +747 108 4 888733415 +747 109 5 888733274 +747 111 4 888733480 +747 117 2 888639780 +747 124 5 888639138 +747 127 5 888639362 +747 129 5 888639138 +747 132 4 888732640 +747 133 5 888732695 +747 134 5 888640180 +747 135 5 888640437 +747 136 5 888639481 +747 152 3 888640222 +747 153 4 888639989 +747 154 3 888733182 +747 156 3 888639362 +747 162 5 888639594 +747 163 4 888733111 +747 168 4 888639015 +747 169 5 888640305 +747 172 5 888639222 +747 174 5 888639138 +747 175 4 888640180 +747 176 4 888638958 +747 178 5 888639939 +747 179 5 888639780 +747 181 5 888639014 +747 182 5 888639272 +747 183 5 888732899 +747 185 5 888640437 +747 187 5 888639318 +747 188 5 888639890 +747 189 4 888639272 +747 190 4 888640305 +747 192 5 888639014 +747 194 3 888639222 +747 195 4 888640136 +747 196 2 888640046 +747 199 4 888639102 +747 202 4 888733047 +747 204 5 888732899 +747 205 5 888639102 +747 208 5 888640862 +747 209 3 888640437 +747 210 4 888639272 +747 211 5 888639014 +747 215 5 888732899 +747 216 2 888639060 +747 222 2 888640180 +747 223 5 888638913 +747 228 4 888639736 +747 231 3 888734113 +747 234 5 888640099 +747 235 5 888733444 +747 238 3 888638957 +747 258 2 888638335 +747 262 5 888638242 +747 265 4 888639060 +747 268 5 888638091 +747 269 4 888638183 +747 274 4 888733348 +747 276 5 888639989 +747 282 2 888640475 +747 285 5 888732899 +747 286 4 888638335 +747 287 4 888733182 +747 288 4 888638091 +747 290 3 888733144 +747 292 4 888638293 +747 301 1 888638335 +747 302 5 888638091 +747 304 4 888638370 +747 305 5 888638183 +747 313 5 888638265 +747 315 4 888638774 +747 316 4 888638552 +747 318 5 888732899 +747 320 5 888732899 +747 327 4 888638425 +747 333 4 888638335 +747 347 5 888638091 +747 357 5 888638876 +747 367 3 888733070 +747 390 4 888640862 +747 392 3 888734178 +747 393 2 888733111 +747 403 5 888734113 +747 404 5 888640648 +747 408 5 888639481 +747 409 1 888733595 +747 416 5 888640916 +747 418 5 888639102 +747 419 5 888640820 +747 423 5 888638958 +747 427 5 888732899 +747 428 3 888640046 +747 429 4 888639823 +747 430 4 888639437 +747 432 5 888640567 +747 433 3 888733387 +747 443 5 888640136 +747 461 5 888639526 +747 462 5 888639272 +747 463 3 888732695 +747 466 3 888640136 +747 467 4 888639222 +747 473 3 888640305 +747 474 5 888639526 +747 475 5 888639397 +747 476 3 888733595 +747 478 4 888639437 +747 479 5 888732719 +747 480 5 888639060 +747 481 5 888639525 +747 482 5 888639526 +747 483 5 888639318 +747 485 5 888640222 +747 486 5 888732609 +747 488 5 888640524 +747 492 4 888639060 +747 493 5 888734012 +747 494 5 888639015 +747 496 5 888640136 +747 497 5 888639890 +747 498 5 888639318 +747 500 4 888640222 +747 501 5 888639362 +747 502 5 888733182 +747 504 5 888640605 +747 505 5 888639823 +747 507 3 888639890 +747 508 5 888638876 +747 509 5 888639176 +747 510 5 888639890 +747 511 5 888639138 +747 514 4 888639823 +747 517 5 888734012 +747 519 5 888639989 +747 521 5 888640567 +747 524 5 888640222 +747 525 5 888640684 +747 526 5 888639642 +747 529 5 888640099 +747 530 5 888734041 +747 555 2 888734152 +747 558 4 888640046 +747 580 5 888734112 +747 582 5 888639362 +747 584 5 888640524 +747 588 5 888639989 +747 591 2 888640776 +747 596 5 888640437 +747 603 5 888639362 +747 604 5 888638913 +747 606 5 888638958 +747 608 4 888640475 +747 615 5 888640348 +747 625 3 888640648 +747 631 5 888638957 +747 634 5 888639222 +747 639 5 888732899 +747 644 5 888639397 +747 648 5 888734012 +747 649 3 888640916 +747 651 5 888640862 +747 653 5 888639939 +747 654 5 888639939 +747 655 3 888639685 +747 659 4 888639175 +747 663 5 888733111 +747 664 2 888638876 +747 672 4 888734152 +747 675 2 888640180 +747 693 5 888732899 +747 695 2 888733111 +747 705 5 888639939 +747 715 5 888733274 +747 726 2 888733387 +747 732 3 888639138 +747 735 4 888639735 +747 736 5 888732899 +747 739 3 888734072 +747 792 5 888639102 +747 811 3 888639735 +747 835 3 888640180 +747 842 5 888640916 +747 844 4 888640136 +747 845 2 888640046 +747 865 5 888640916 +747 875 3 888638455 +747 887 5 888638335 +747 900 5 888638183 +747 923 5 888639939 +747 929 3 888733218 +747 939 3 888639362 +747 945 4 888639481 +747 949 5 888733182 +747 951 2 888640648 +747 952 2 888733630 +747 959 5 888733144 +747 967 3 888639318 +747 985 2 888732640 +747 989 3 888638508 +747 997 3 888733480 +747 1003 1 888733314 +747 1015 4 888640046 +747 1020 4 888639642 +747 1021 5 888640099 +747 1028 1 888733480 +747 1041 4 888733567 +747 1045 4 888639823 +747 1050 3 888640099 +747 1067 2 888733348 +747 1098 4 888640437 +747 1134 5 888732609 +747 1142 4 888732952 +747 1159 2 888639685 +747 1170 2 888733182 +747 1179 1 888733387 +747 1194 5 888639102 +747 1203 5 888639685 +747 1204 4 888639102 +747 1205 3 888639594 +747 1225 3 888733314 +747 1246 1 888733415 +747 1427 2 888639594 +747 1456 3 888732747 +747 1497 4 888732538 +747 1631 3 888638957 +747 1659 1 888733313 +747 1660 2 888640731 +748 1 4 879455040 +748 4 4 879454912 +748 7 4 879454662 +748 8 4 879455126 +748 22 4 879455126 +748 48 4 879455083 +748 50 5 879454428 +748 56 4 879455083 +748 58 4 879455083 +748 64 4 879454707 +748 69 4 879454849 +748 71 3 879454546 +748 79 4 879454998 +748 83 3 879455019 +748 89 5 879454831 +748 96 5 879454662 +748 97 4 879454848 +748 114 4 879454773 +748 118 2 879455040 +748 132 3 879454998 +748 133 3 879454455 +748 137 3 879454958 +748 143 3 879454546 +748 153 4 879454930 +748 154 3 879454602 +748 168 3 879454930 +748 169 4 879454848 +748 172 4 879454810 +748 174 5 879454405 +748 175 5 879455019 +748 176 5 879454773 +748 179 4 879454728 +748 180 4 879454958 +748 181 4 879454455 +748 182 4 879454630 +748 183 4 879454584 +748 186 5 879454498 +748 187 4 879454958 +748 188 4 879455167 +748 189 4 879454749 +748 192 3 879454584 +748 193 3 879454789 +748 194 4 879454773 +748 195 4 879455083 +748 197 3 879454630 +748 199 4 879455454 +748 200 3 879454522 +748 204 3 879454662 +748 208 4 879454522 +748 209 4 879454728 +748 210 3 879454584 +748 213 3 879455454 +748 216 4 879454998 +748 222 4 879454707 +748 227 3 879455150 +748 228 3 879454687 +748 234 4 879454475 +748 237 4 879454880 +748 250 5 879454383 +748 271 3 879454302 +748 286 3 879454107 +748 300 4 879454172 +748 318 5 879454475 +748 323 4 879454208 +748 326 3 879454171 +748 328 4 879454208 +748 357 3 879454584 +748 402 2 879454476 +748 408 5 879454428 +748 421 4 879454630 +748 425 4 879454773 +748 427 4 879454405 +748 451 1 879455186 +748 474 4 879454475 +748 479 4 879454428 +748 483 4 879455040 +748 495 3 879454687 +748 496 4 879454455 +748 498 4 879454831 +748 515 4 879454662 +748 517 3 879455083 +748 527 5 879454749 +748 528 3 879454880 +748 588 4 879454497 +748 603 5 879454455 +748 633 4 879454428 +748 647 3 879454602 +748 650 1 879454573 +748 654 4 879454998 +748 655 3 879454879 +748 657 4 879455221 +748 692 3 879455410 +748 699 3 879455454 +748 709 4 879454546 +748 732 4 879454749 +748 748 4 879454208 +748 813 4 879454497 +748 847 4 879454546 +749 1 4 881602577 +749 2 4 878849375 +749 4 4 878847863 +749 9 3 878846903 +749 11 5 878848189 +749 15 5 878846841 +749 22 5 878847327 +749 23 3 878849176 +749 24 2 878849508 +749 25 4 878846697 +749 38 3 878850724 +749 47 4 878848098 +749 48 3 878848015 +749 49 4 878848137 +749 50 5 878846978 +749 56 2 878847404 +749 58 3 878847988 +749 62 3 878849052 +749 64 4 878847171 +749 66 3 878849433 +749 67 1 878850588 +749 68 4 878849612 +749 69 5 878847576 +749 71 4 878847576 +749 72 3 878850388 +749 77 3 878849534 +749 78 3 878850632 +749 79 4 878848069 +749 80 1 878850533 +749 82 5 878848405 +749 85 4 878849259 +749 86 4 878848369 +749 87 4 878849558 +749 88 4 878849534 +749 89 4 878848098 +749 94 5 878849829 +749 95 3 878848333 +749 96 5 878847498 +749 98 5 878847404 +749 99 5 878847804 +749 100 3 878849052 +749 101 4 878848700 +749 105 1 878849508 +749 110 2 878850703 +749 111 3 878848405 +749 117 4 878846654 +749 118 3 878846841 +749 121 3 878847645 +749 125 5 878848764 +749 127 4 881073104 +749 132 4 878847926 +749 133 4 878849052 +749 134 4 878847286 +749 135 4 878848189 +749 136 5 878849404 +749 139 4 878850084 +749 140 3 878847673 +749 141 4 878848217 +749 142 4 878850456 +749 143 4 878847926 +749 144 5 878847835 +749 145 4 878849433 +749 148 3 878850212 +749 153 4 878848828 +749 155 2 878849829 +749 157 3 878847364 +749 158 3 878849903 +749 159 4 878849956 +749 160 3 878847461 +749 161 3 878847461 +749 162 3 878848333 +749 164 3 878848866 +749 167 2 878848701 +749 168 5 878847765 +749 172 5 878847239 +749 173 5 878847740 +749 174 5 878847209 +749 175 3 878847576 +749 176 4 878847954 +749 178 4 878847540 +749 179 4 878848015 +749 180 4 878848483 +749 181 5 878846998 +749 182 3 878848639 +749 183 5 878847286 +749 184 2 878848137 +749 185 4 878847740 +749 186 4 878847862 +749 187 3 881073104 +749 191 4 878848217 +749 194 5 878847541 +749 195 5 878848639 +749 196 4 878848302 +749 197 4 878848044 +749 199 5 878847171 +749 200 4 878848302 +749 202 5 878847461 +749 203 4 878848639 +749 204 4 878847576 +749 205 4 878847804 +749 208 5 878848044 +749 209 4 878848828 +749 210 4 878848587 +749 211 5 878847887 +749 214 3 878849177 +749 215 4 878847172 +749 216 4 878848137 +749 222 3 878847716 +749 223 4 881602704 +749 226 4 878848533 +749 227 4 878848189 +749 228 5 878848828 +749 229 3 878849482 +749 230 3 878848272 +749 231 4 878849660 +749 232 4 878848483 +749 233 5 878849286 +749 234 4 878848044 +749 237 3 878846782 +749 238 3 878847863 +749 239 4 878849286 +749 240 1 878850656 +749 245 4 878846423 +749 250 3 878846978 +749 252 3 878847057 +749 254 2 881602674 +749 257 3 878846957 +749 258 4 878846265 +749 271 5 879788762 +749 273 4 878848243 +749 280 4 878847835 +749 284 4 878846812 +749 291 4 878848137 +749 292 4 878846384 +749 293 4 878846783 +749 294 2 878846265 +749 295 3 881602635 +749 298 4 879788916 +749 300 4 878846365 +749 322 4 878846422 +749 326 4 878846365 +749 328 4 878846422 +749 356 4 878847804 +749 357 4 878847862 +749 358 3 878846422 +749 365 3 878848951 +749 366 4 878849903 +749 378 5 878847612 +749 380 3 878849586 +749 385 3 878848272 +749 389 3 878849375 +749 391 3 878849149 +749 393 5 878849903 +749 398 3 878850038 +749 399 3 878849433 +749 401 1 878850015 +749 402 4 878849829 +749 403 4 878849903 +749 404 5 878847673 +749 405 2 878848673 +749 414 4 878848189 +749 418 5 878847498 +749 419 5 878847765 +749 420 4 878849682 +749 423 4 878847645 +749 428 3 878849534 +749 429 4 878847461 +749 430 4 878847926 +749 431 5 878848069 +749 433 3 878848217 +749 434 4 878848369 +749 435 4 878847888 +749 443 4 878847954 +749 444 2 878850632 +749 448 2 878847645 +749 449 3 878850610 +749 465 4 878847716 +749 468 3 878848333 +749 470 5 878849259 +749 472 4 878849149 +749 477 3 878848405 +749 478 5 878847328 +749 480 5 878847328 +749 483 4 878847540 +749 484 5 881073043 +749 485 4 878848097 +749 495 4 878847612 +749 496 5 878847673 +749 498 4 878847926 +749 501 4 878847209 +749 510 4 878847404 +749 511 4 878847286 +749 521 4 878847765 +749 523 4 878847285 +749 526 5 878847804 +749 527 4 878847364 +749 531 5 878847171 +749 540 3 878850388 +749 541 3 878850825 +749 546 3 878849857 +749 549 3 878847926 +749 550 4 878850212 +749 566 3 878849857 +749 568 4 878848098 +749 571 3 878850456 +749 576 3 878850533 +749 578 3 878850429 +749 584 3 878848483 +749 586 4 878850657 +749 595 4 878850107 +749 603 5 878847804 +749 609 4 881073104 +749 616 3 878848612 +749 620 4 882804506 +749 621 3 878848795 +749 622 3 878850675 +749 625 3 878848430 +749 627 2 878848951 +749 628 4 878846903 +749 633 4 878848764 +749 635 1 878850703 +749 636 4 878849929 +749 637 1 878850456 +749 642 2 878848137 +749 650 3 878848189 +749 655 5 878848044 +749 658 4 878849404 +749 659 5 878847611 +749 661 5 878847576 +749 663 4 878847988 +749 678 2 878846423 +749 685 4 878848137 +749 686 4 878850429 +749 705 4 878847612 +749 712 3 878849375 +749 729 4 878848015 +749 731 3 878848828 +749 732 4 878848452 +749 736 3 878847988 +749 739 3 878848558 +749 740 3 878847716 +749 742 4 878849375 +749 746 5 878848764 +749 748 3 878846384 +749 755 4 878848866 +749 763 1 878848483 +749 780 1 878849682 +749 781 4 878849979 +749 802 3 878850789 +749 808 3 878849929 +749 809 3 878848673 +749 812 3 878849586 +749 821 3 878847328 +749 823 3 878850060 +749 826 3 878850038 +749 833 2 878850565 +749 837 5 878848587 +749 841 3 878850768 +749 843 3 878848998 +749 845 3 878848189 +749 866 3 878848639 +749 879 4 878846449 +749 930 3 878849558 +749 932 3 878850333 +749 934 3 878850333 +749 941 5 878849877 +749 944 4 878849482 +749 951 4 878848533 +749 968 3 878850186 +749 969 4 878848243 +749 975 4 878848369 +749 977 4 878850502 +749 984 3 881073009 +749 986 3 878850107 +749 1013 1 881073081 +749 1016 5 878846958 +749 1023 3 881073104 +749 1028 4 878849149 +749 1034 2 878850656 +749 1041 4 878849979 +749 1047 3 878849740 +749 1051 3 878846676 +749 1088 2 881602596 +749 1092 3 878850703 +749 1133 2 878850084 +749 1136 4 878847804 +749 1139 3 878850084 +749 1185 4 878849375 +749 1188 3 878850610 +749 1228 4 878850748 +749 1244 3 878847101 +749 1263 2 878850533 +749 1274 2 878850212 +749 1440 3 878849534 +749 1615 4 878847076 +750 258 3 879445755 +750 269 4 879445755 +750 270 4 879445877 +750 271 4 879445911 +750 286 4 879445755 +750 294 4 879445961 +750 300 3 879446013 +750 301 4 879445911 +750 304 4 879446013 +750 306 4 879445877 +750 322 2 879445877 +750 323 3 879445877 +750 325 1 879446215 +750 327 4 879446013 +750 328 4 879445808 +750 330 2 879446215 +750 331 4 879446114 +750 338 3 879445961 +750 748 3 879446013 +750 873 3 879446013 +750 876 2 879446014 +750 886 3 879446114 +750 1280 1 879445877 +751 1 3 889132162 +751 2 4 889298116 +751 3 3 889299391 +751 7 3 889132251 +751 11 1 889133177 +751 21 5 889298093 +751 25 5 889132252 +751 28 5 889133064 +751 42 5 889133429 +751 50 5 889132162 +751 52 2 889297948 +751 55 4 889134419 +751 56 4 889132775 +751 62 4 889298660 +751 70 4 889297870 +751 79 4 889132776 +751 82 4 889133334 +751 83 5 889134705 +751 87 5 889297927 +751 89 3 889132966 +751 90 3 889298528 +751 91 4 889134705 +751 94 3 889298964 +751 95 5 889134419 +751 96 4 889133154 +751 98 5 889134186 +751 99 4 889134483 +751 100 4 889132252 +751 101 4 889298622 +751 111 3 889132657 +751 117 4 889132269 +751 118 2 889298074 +751 121 4 889135401 +751 131 5 889132966 +751 142 4 889299175 +751 143 5 889133882 +751 144 4 889133219 +751 153 4 889133240 +751 154 3 888871900 +751 161 2 889134419 +751 168 5 888871900 +751 172 5 889133129 +751 173 4 889134393 +751 174 4 889133012 +751 178 5 889132896 +751 179 4 889298074 +751 181 5 889132397 +751 193 5 889133556 +751 194 5 889297693 +751 196 4 889133039 +751 197 3 889296961 +751 202 4 889133129 +751 204 4 889133950 +751 209 4 889133377 +751 210 5 889133106 +751 213 5 889132808 +751 214 4 889298463 +751 215 4 889133334 +751 216 4 889133602 +751 226 3 889134237 +751 227 4 889298892 +751 237 2 889132301 +751 238 3 889297524 +751 239 4 889134237 +751 248 5 889132413 +751 250 3 889132397 +751 257 4 889132542 +751 269 5 888871900 +751 270 4 887134730 +751 272 4 887134672 +751 274 4 889298694 +751 291 3 889299155 +751 300 2 887134622 +751 301 5 887134816 +751 302 4 888870893 +751 305 2 887134730 +751 310 3 887134816 +751 313 2 889727869 +751 315 3 887134587 +751 316 4 888871453 +751 323 1 888871598 +751 332 3 887134842 +751 347 4 887134587 +751 367 4 889133950 +751 372 3 889297990 +751 380 3 889298548 +751 381 1 889134419 +751 382 3 889298463 +751 385 4 889135244 +751 386 3 889299078 +751 394 4 889297640 +751 399 3 889298912 +751 402 3 889298216 +751 405 3 889298528 +751 417 2 889297615 +751 418 5 889135211 +751 428 4 889297239 +751 431 4 889134705 +751 432 4 889134420 +751 433 3 889134186 +751 434 4 889297670 +751 436 4 889135879 +751 472 2 889299043 +751 479 2 889132776 +751 481 4 889133684 +751 483 5 889132849 +751 484 3 889134483 +751 485 4 889134483 +751 486 3 889133737 +751 487 5 889134705 +751 490 4 889133429 +751 494 4 889133556 +751 497 4 889134393 +751 537 4 889134006 +751 538 4 887134672 +751 558 3 889298216 +751 559 4 889298622 +751 568 3 889133334 +751 578 4 889298174 +751 588 5 889133291 +751 591 1 889132375 +751 596 4 889133852 +751 597 2 889299290 +751 603 4 889132776 +751 631 5 889297711 +751 655 3 889133377 +751 658 3 889133106 +751 659 5 889133012 +751 660 4 889297990 +751 689 2 888871738 +751 704 2 889133429 +751 708 4 889298140 +751 709 4 889132929 +751 710 3 889298051 +751 734 1 889299637 +751 737 4 889298945 +751 738 4 889299733 +751 739 3 889133556 +751 742 3 889132347 +751 746 4 889133219 +751 748 2 887135437 +751 751 4 887396425 +751 755 4 889298116 +751 756 2 889299249 +751 785 4 889298010 +751 809 3 889299429 +751 849 2 889299133 +751 856 2 889134393 +751 865 2 889135211 +751 916 1 893113145 +751 917 2 892486699 +751 945 3 889133852 +751 1007 4 889132222 +751 1035 2 889298585 +751 1078 3 889299290 +751 1101 1 889298379 +751 1140 2 889299503 +751 1446 2 889298694 +752 258 3 891207898 +752 259 5 891208451 +752 260 3 891208261 +752 268 2 891208036 +752 269 5 891208451 +752 271 5 891208452 +752 272 4 891207898 +752 286 1 891207940 +752 288 5 891208452 +752 300 3 891208126 +752 301 4 891208077 +752 302 5 891208451 +752 305 4 891207940 +752 306 5 891208451 +752 307 5 891208451 +752 310 1 891207791 +752 313 3 891207791 +752 315 2 891207791 +752 316 3 891208329 +752 321 3 891208212 +752 323 1 891208261 +752 325 2 891208126 +752 327 5 891208451 +752 331 4 891208036 +752 332 4 891208170 +752 333 3 891207791 +752 338 3 891208329 +752 340 4 891208077 +752 344 4 891208212 +752 345 1 891207898 +752 346 4 891207983 +752 348 4 891208213 +752 350 4 891208357 +752 351 3 891207898 +752 354 2 891208261 +752 355 2 891208036 +752 358 4 891208452 +752 539 4 891208357 +752 589 4 891208491 +752 621 1 891208491 +752 678 3 891208299 +752 683 4 891208299 +752 748 4 891208392 +752 750 2 891207791 +752 751 4 891208212 +752 752 3 891208213 +752 882 4 891207846 +752 887 1 891207846 +752 896 3 891207846 +752 900 4 891207791 +752 902 5 891208452 +752 904 4 891207845 +752 909 3 891208036 +752 995 4 891208261 +752 1024 3 891207940 +752 1127 3 891208170 +752 1176 2 891208170 +752 1243 4 891207939 +752 1265 3 891208126 +752 1279 3 891208491 +752 1294 3 891207898 +752 1463 4 891208261 +752 1527 1 891208077 +753 23 2 891401665 +753 64 4 891402379 +753 69 4 891401851 +753 71 5 891401457 +753 79 4 891401665 +753 89 3 891402240 +753 96 1 891401366 +753 98 5 891401366 +753 172 3 891401510 +753 173 5 891401757 +753 174 4 891402323 +753 179 2 891401410 +753 180 2 891401712 +753 181 3 891402240 +753 182 3 891401851 +753 183 1 891401798 +753 185 3 891401410 +753 187 3 891401851 +753 193 4 891401366 +753 195 1 891401851 +753 242 4 891399477 +753 269 5 891399367 +753 272 4 891399135 +753 286 3 891399477 +753 294 5 891399737 +753 300 1 891401167 +753 304 4 891399686 +753 313 5 891399135 +753 316 4 891399903 +753 328 3 891401167 +753 347 2 891401167 +753 357 4 891401901 +753 359 4 891399477 +753 427 5 891401712 +753 435 4 891401712 +753 483 5 891401712 +753 484 5 891401757 +753 504 3 891401457 +753 510 4 891401457 +753 515 5 891401712 +753 523 4 891401851 +753 527 4 891401510 +753 653 4 891401851 +753 657 5 891401665 +753 673 1 891402379 +753 750 2 891401167 +753 898 4 891400364 +754 9 4 879451626 +754 127 4 879451420 +754 243 1 879451163 +754 255 3 879451585 +754 273 3 879451516 +754 282 4 879451804 +754 284 3 879451775 +754 286 3 879450947 +754 291 4 879451991 +754 292 3 879451958 +754 293 4 879451466 +754 295 4 879451626 +754 307 3 879451191 +754 340 2 879451010 +754 476 4 879451742 +754 619 4 879451517 +754 676 3 879451517 +754 742 3 879451991 +754 744 3 879452073 +754 819 3 879452116 +754 922 3 879452073 +754 937 4 879451061 +754 1016 4 879451585 +754 1197 3 879451841 +755 245 4 882569881 +755 258 5 882569732 +755 259 3 882570140 +755 269 5 882569604 +755 286 5 882569670 +755 294 3 882569574 +755 299 2 882569732 +755 300 4 882569574 +755 301 3 882569771 +755 302 4 882569771 +755 304 4 882569881 +755 310 4 882569604 +755 319 3 882569801 +755 322 3 882569912 +755 323 4 882570077 +755 328 4 882569881 +755 331 3 882569771 +755 340 1 882569732 +755 343 3 882570077 +755 538 4 882570023 +755 688 3 882570077 +755 689 3 882570077 +755 690 5 882569574 +755 875 1 882570023 +755 879 4 882569844 +755 880 4 882569732 +755 937 4 882569604 +755 938 3 882570023 +756 1 4 874826629 +756 3 1 874829174 +756 8 4 874827755 +756 9 2 874828453 +756 22 3 874828592 +756 30 4 874827283 +756 50 4 874828592 +756 53 3 874830432 +756 55 5 875129318 +756 63 3 874830908 +756 66 4 874829705 +756 71 3 874828391 +756 79 4 874829990 +756 82 3 874830748 +756 88 1 874829743 +756 89 4 874828769 +756 91 3 874830954 +756 95 3 874829258 +756 96 4 874828640 +756 97 3 874829484 +756 99 3 874829258 +756 111 4 874829670 +756 117 4 874828826 +756 118 2 874828967 +756 121 3 874829152 +756 123 2 874830344 +756 135 2 874827884 +756 138 2 874830864 +756 141 3 874831227 +756 143 5 874831383 +756 147 4 874828826 +756 151 4 874830550 +756 155 4 874829637 +756 159 4 874829924 +756 171 4 874827062 +756 173 3 874826565 +756 178 5 874831383 +756 181 4 874831383 +756 183 4 874831383 +756 195 3 874828967 +756 197 2 874829446 +756 210 4 874828902 +756 222 2 874828967 +756 225 1 874830864 +756 226 3 874830103 +756 228 3 874828640 +756 230 3 874829010 +756 235 3 874827755 +756 245 3 874832096 +756 251 4 875129238 +756 256 4 874827486 +756 258 3 874826502 +756 274 3 874829637 +756 275 3 874827103 +756 289 4 874828027 +756 300 4 874826502 +756 323 3 874832096 +756 325 3 874832132 +756 367 4 874827614 +756 383 3 874831050 +756 398 3 874831050 +756 399 2 874828967 +756 402 4 874831383 +756 403 2 874828826 +756 404 3 874830908 +756 409 2 874830998 +756 418 3 874829333 +756 419 3 874830513 +756 420 4 874829373 +756 421 4 874829637 +756 423 3 874830675 +756 432 4 874829258 +756 435 3 874832788 +756 473 3 874829296 +756 501 3 874829296 +756 527 3 874828242 +756 550 2 874829152 +756 566 4 874830168 +756 568 3 874828903 +756 588 4 874829258 +756 591 4 874829924 +756 603 5 874831383 +756 622 3 874830790 +756 731 3 874827920 +756 739 4 874829743 +756 742 3 874830026 +756 755 3 874830598 +756 860 1 874830068 +756 919 5 874831383 +756 930 3 874830344 +756 983 2 874830305 +756 1009 4 874827247 +756 1031 2 874830819 +756 1060 4 874831383 +756 1074 4 874831383 +756 1149 5 874827023 +756 1240 4 874829333 +756 1274 2 874828278 +756 1652 1 874828198 +757 1 4 888443974 +757 7 4 888444826 +757 11 4 888466583 +757 17 3 888466490 +757 22 4 888466407 +757 24 4 888444616 +757 27 4 888466683 +757 29 2 888466683 +757 31 4 888445570 +757 38 3 888467038 +757 53 3 888466737 +757 56 4 888445279 +757 58 3 888467592 +757 62 3 888466758 +757 64 5 888445298 +757 68 4 888466435 +757 69 3 888445768 +757 71 4 888445838 +757 79 4 888445750 +757 82 4 888466490 +757 89 4 888445279 +757 91 4 888467309 +757 95 4 888467270 +757 96 4 888466461 +757 97 4 888445714 +757 98 4 888445767 +757 100 3 888444056 +757 101 4 888467309 +757 117 4 888444181 +757 118 3 888444920 +757 121 2 888444635 +757 122 1 888445218 +757 125 2 888467666 +757 128 3 888466490 +757 129 3 888444400 +757 143 3 888468693 +757 144 4 888466490 +757 145 3 888467442 +757 148 4 888444948 +757 151 4 888444684 +757 153 3 888468995 +757 155 2 888469095 +757 156 3 888445551 +757 161 3 888468909 +757 164 3 888445684 +757 168 4 888468756 +757 172 4 888445587 +757 173 4 888445604 +757 174 5 888445637 +757 175 3 888445551 +757 176 5 888445730 +757 179 4 888467855 +757 181 3 888444314 +757 183 4 888445864 +757 188 3 888466614 +757 193 4 888445521 +757 196 4 888445604 +757 198 4 888445864 +757 202 4 888445730 +757 203 5 888445521 +757 204 4 888468577 +757 205 4 888467498 +757 206 4 888445683 +757 207 2 888468632 +757 210 4 888445570 +757 217 3 888467381 +757 222 4 888444400 +757 226 3 888467038 +757 227 4 888466652 +757 228 4 888466461 +757 229 3 888466652 +757 230 4 888466614 +757 231 2 888466614 +757 232 3 888466435 +757 233 3 888467038 +757 235 3 888444935 +757 241 3 888466863 +757 250 4 888444088 +757 252 3 888444827 +757 254 2 888445172 +757 257 4 888444400 +757 258 5 888443306 +757 265 3 888466614 +757 270 3 888443434 +757 271 3 888443307 +757 276 4 888444181 +757 288 4 888443307 +757 298 4 888444208 +757 313 3 888443263 +757 323 3 888443483 +757 326 3 888443434 +757 328 3 888469286 +757 333 4 888443263 +757 343 3 888443555 +757 350 3 888443511 +757 358 3 888443570 +757 385 3 888468596 +757 399 3 888466782 +757 403 4 888466461 +757 405 4 888444583 +757 423 3 888445279 +757 426 3 888467270 +757 431 4 888466584 +757 432 3 888467269 +757 433 4 888445684 +757 449 3 888466782 +757 450 2 888467205 +757 455 3 888445035 +757 470 3 888467016 +757 471 4 888444738 +757 472 3 888445086 +757 474 3 888469045 +757 515 5 888444007 +757 546 3 888444881 +757 549 5 888468540 +757 550 3 888445820 +757 554 3 888466683 +757 559 4 888467400 +757 561 2 888467380 +757 562 3 888466737 +757 566 3 888466490 +757 568 4 888466490 +757 569 3 888467400 +757 570 3 888466683 +757 574 3 888467187 +757 576 3 888469012 +757 588 3 888467286 +757 638 3 888468871 +757 651 4 888445279 +757 658 2 888467765 +757 665 3 888466652 +757 679 4 888466583 +757 684 4 888445864 +757 685 3 888444684 +757 693 4 888467498 +757 732 3 888467829 +757 742 4 888444563 +757 746 3 888468435 +757 751 3 888443398 +757 771 2 888467160 +757 809 4 888466758 +757 825 3 888444865 +757 827 3 888466758 +757 895 4 888443483 +757 931 2 888445150 +757 939 4 888467498 +757 969 3 888468741 +757 1014 3 888444827 +757 1016 3 888444563 +757 1035 2 888469113 +757 1073 4 888466983 +757 1090 2 888467187 +757 1188 3 888466651 +757 1210 2 888467187 +757 1240 3 888445820 +757 1273 2 888467187 +758 4 4 881977375 +758 6 2 881976919 +758 8 5 881975577 +758 11 3 881975289 +758 12 5 881975243 +758 13 5 881977205 +758 14 5 883287566 +758 20 4 881976574 +758 23 4 881975814 +758 24 4 881979891 +758 25 4 881977669 +758 26 4 881977108 +758 28 4 881975990 +758 29 3 882054935 +758 31 3 881977872 +758 33 4 881976335 +758 38 3 881980408 +758 39 2 881974931 +758 43 3 881977747 +758 50 4 884999132 +758 53 4 882053613 +758 56 5 881976031 +758 58 4 881977169 +758 61 3 881976289 +758 62 2 881978368 +758 64 5 881974931 +758 66 3 881977169 +758 68 3 881977265 +758 69 5 881976233 +758 76 3 881977265 +758 77 3 882054049 +758 79 4 881976061 +758 81 5 881975815 +758 82 4 881976168 +758 88 4 881979942 +758 91 4 881977375 +758 93 5 881975922 +758 95 3 881977057 +758 96 5 881976985 +758 98 5 881976289 +758 99 3 882052960 +758 100 5 881975119 +758 105 2 882054936 +758 108 5 881978148 +758 109 3 881975687 +758 116 5 881976289 +758 117 4 881976203 +758 118 2 881978326 +758 121 2 881978864 +758 122 4 881980408 +758 123 1 881977872 +758 124 5 884999132 +758 125 2 881977205 +758 127 5 880672637 +758 128 4 881977625 +758 129 4 881975962 +758 131 3 881975243 +758 134 5 881975005 +758 135 5 881974742 +758 137 5 881975539 +758 139 4 882053834 +758 141 4 881977533 +758 143 5 881975314 +758 144 4 881975267 +758 147 4 881977021 +758 150 5 881975243 +758 151 5 881975814 +758 152 5 881975853 +758 153 5 881976377 +758 154 5 881975267 +758 155 1 882054226 +758 159 3 881977408 +758 163 5 881976089 +758 168 5 881975416 +758 170 5 881976233 +758 171 5 881976262 +758 172 4 881974880 +758 173 5 881975182 +758 174 5 881975005 +758 175 4 881976061 +758 176 5 882055987 +758 179 5 881976031 +758 181 4 880672747 +758 183 5 882055987 +758 184 5 881974823 +758 185 4 881975182 +758 186 5 881974931 +758 191 5 881975853 +758 192 4 882053053 +758 195 5 881975416 +758 196 4 881977229 +758 197 3 881975687 +758 199 4 881975687 +758 200 5 881977229 +758 202 5 881976821 +758 203 5 881978016 +758 204 4 881975787 +758 208 4 881978148 +758 209 5 881975118 +758 210 4 882053302 +758 211 4 881975736 +758 212 4 881976919 +758 213 5 881976377 +758 216 4 881974931 +758 217 2 881978805 +758 218 4 881977487 +758 221 3 881976335 +758 222 4 884999132 +758 223 5 881975119 +758 227 4 884999133 +758 228 3 881977021 +758 229 3 881978057 +758 230 4 884999132 +758 231 3 881979012 +758 234 4 881974823 +758 235 5 881978274 +758 236 4 881974742 +758 237 4 881976377 +758 238 5 881975538 +758 239 3 881976574 +758 240 3 882053986 +758 241 3 881977109 +758 242 3 880672230 +758 249 4 880672782 +758 250 4 880672766 +758 252 3 880672830 +758 253 5 880672855 +758 257 5 880672700 +758 258 4 880672230 +758 262 5 880672257 +758 270 4 889062124 +758 271 4 884999132 +758 272 4 884413293 +758 273 4 881977714 +758 276 2 881976574 +758 282 3 881977488 +758 285 5 881974823 +758 286 5 880672230 +758 287 5 881975182 +758 289 2 880672402 +758 290 5 881978495 +758 291 4 881978115 +758 292 4 880672402 +758 293 3 880672727 +758 294 5 880672523 +758 297 4 880672700 +758 298 4 880672727 +758 300 2 880672402 +758 301 3 880672427 +758 302 5 882848498 +758 303 4 880672321 +758 305 4 880672257 +758 307 3 880672345 +758 310 3 880672402 +758 311 4 880672321 +758 312 3 883190351 +758 313 4 882926095 +758 315 5 883793836 +758 316 5 888020827 +758 319 4 880672321 +758 320 5 881976061 +758 324 5 880672230 +758 328 1 880672321 +758 331 4 882322862 +758 332 4 886464043 +758 338 4 881295151 +758 340 3 880672345 +758 342 4 881295151 +758 343 2 882055987 +758 344 3 888715390 +758 345 5 883806413 +758 346 2 883099368 +758 347 3 885257453 +758 350 4 885016523 +758 352 4 885948283 +758 353 4 886743253 +758 355 4 888461050 +758 356 2 881977872 +758 362 5 888020763 +758 364 4 882055394 +758 373 4 882055347 +758 380 4 884999133 +758 384 5 881979788 +758 385 4 881974742 +758 386 3 881978259 +758 387 2 881978495 +758 388 3 882055289 +758 391 3 881980386 +758 393 4 881979012 +758 405 4 881978635 +758 411 4 881978115 +758 412 5 882054797 +758 414 4 881977487 +758 419 4 881974639 +758 420 3 882053499 +758 421 4 881975814 +758 425 5 881977337 +758 427 4 881974742 +758 428 4 881976745 +758 430 5 881975503 +758 433 5 881976820 +758 434 3 881976233 +758 435 5 881975853 +758 436 3 881978572 +758 441 3 882054797 +758 447 4 881977487 +758 448 4 881978805 +758 452 3 882054468 +758 455 4 881977309 +758 462 4 881975687 +758 471 3 881975472 +758 474 5 881976089 +758 475 5 881977205 +758 479 5 881975539 +758 480 5 881975213 +758 481 5 881976031 +758 482 5 881975922 +758 483 5 881975577 +758 484 5 881975814 +758 488 3 881976262 +758 489 5 881975687 +758 496 3 881976031 +758 502 4 881978864 +758 505 5 881979012 +758 506 3 881975061 +758 508 4 881975962 +758 509 5 881975213 +758 510 3 881974823 +758 512 5 881975416 +758 514 5 881974823 +758 517 3 881976377 +758 520 5 881976089 +758 526 4 882052744 +758 527 5 881977169 +758 529 4 881979609 +758 531 5 881975061 +758 533 4 882055948 +758 536 2 880672747 +758 540 3 882054637 +758 541 4 881977747 +758 542 2 881978495 +758 546 3 882053613 +758 547 5 881975472 +758 550 4 881978115 +758 554 3 882055007 +758 566 4 881977488 +758 567 4 881978016 +758 568 4 881977669 +758 569 3 881978460 +758 571 4 882054936 +758 576 4 882055054 +758 578 4 881977872 +758 580 4 881974880 +758 582 3 881974823 +758 587 4 881978635 +758 597 2 881978805 +758 603 5 881976262 +758 605 3 881977057 +758 607 5 881976032 +758 608 5 881975182 +758 616 4 881976377 +758 619 4 881977205 +758 628 4 881977714 +758 629 4 881978715 +758 634 5 881975922 +758 640 5 881975119 +758 650 5 881979419 +758 652 5 881975853 +758 653 3 881975922 +758 654 4 881975061 +758 656 5 881976032 +758 657 5 881975213 +758 665 2 882055988 +758 676 2 881977428 +758 684 4 881977872 +758 685 5 881979987 +758 686 3 881974823 +758 687 3 881295189 +758 689 1 881295176 +758 705 5 881976203 +758 713 3 881977533 +758 715 4 881977057 +758 716 2 881978864 +758 722 3 881980408 +758 732 4 881977057 +758 735 5 881976855 +758 737 3 881978864 +758 742 4 881976168 +758 746 4 881976746 +758 748 1 880672522 +758 750 2 883518021 +758 751 4 882597651 +758 752 3 887086705 +758 764 1 882054519 +758 765 2 881980315 +758 780 5 882054468 +758 790 4 881978115 +758 802 3 881978572 +758 820 4 882054112 +758 826 3 882054854 +758 827 3 882055257 +758 831 4 882054415 +758 837 4 881976377 +758 841 3 882055193 +758 864 4 882053726 +758 865 4 881975005 +758 887 5 882322840 +758 889 3 889038958 +758 890 3 880672552 +758 895 4 883190310 +758 896 5 886658068 +758 898 3 883287566 +758 902 4 889328320 +758 919 5 881976262 +758 922 5 881980034 +758 955 2 881977021 +758 959 3 881978864 +758 968 5 881976746 +758 977 2 882055347 +758 997 4 881979969 +758 1001 5 882055227 +758 1007 5 880672727 +758 1012 4 880672727 +758 1016 4 880672855 +758 1019 4 881975736 +758 1022 5 885698979 +758 1023 4 880672855 +758 1025 3 881295176 +758 1034 4 882054415 +758 1039 5 881975787 +758 1046 4 881978767 +758 1047 3 882054250 +758 1052 5 882055497 +758 1074 1 882054297 +758 1085 5 881975503 +758 1088 3 880672830 +758 1090 1 882055460 +758 1098 5 881976746 +758 1111 4 881977375 +758 1135 2 881980034 +758 1143 5 880672637 +758 1159 5 881974639 +758 1244 3 881713279 +758 1283 4 880672876 +758 1292 1 880672876 +758 1501 3 881978258 +758 1527 3 888039070 +759 1 5 875227798 +759 24 3 875227904 +759 50 4 881476824 +759 117 5 881476781 +759 118 5 875227954 +759 121 5 881476858 +759 127 2 875227798 +759 181 5 875227798 +759 237 3 881476891 +759 245 3 881476616 +759 258 4 875227686 +759 281 4 881476991 +759 294 5 875227708 +759 298 4 875227858 +759 300 5 875227686 +759 323 4 875227724 +759 332 4 881476516 +759 471 4 881476969 +759 678 2 875227742 +759 742 5 875227798 +759 748 4 875227708 +759 1016 5 881476922 +760 25 2 875666317 +760 65 2 875667131 +760 66 2 875668932 +760 71 4 875668080 +760 98 3 875667717 +760 111 4 875666242 +760 120 1 875669077 +760 181 3 875666268 +760 183 2 875667366 +760 185 2 875667450 +760 195 4 875668535 +760 202 3 875667834 +760 216 2 875667366 +760 237 3 875666179 +760 255 3 875666375 +760 258 5 875665793 +760 278 4 875666242 +760 288 4 875665867 +760 300 1 875665867 +760 365 5 875668737 +760 375 4 875669114 +760 451 5 875668781 +760 604 4 875668219 +760 631 3 875668368 +760 723 2 875669011 +760 748 4 875665867 +760 776 5 875667247 +760 819 1 875666064 +760 845 5 875666110 +760 873 4 875665908 +760 1135 4 875668968 +761 7 4 876190206 +761 9 2 876190235 +761 15 5 876190314 +761 117 5 876190314 +761 123 3 876190160 +761 125 4 876190798 +761 127 3 876190025 +761 147 4 876190370 +761 148 5 876189829 +761 151 2 876190394 +761 201 2 876190511 +761 205 4 876190511 +761 214 1 876190510 +761 235 3 876190182 +761 237 5 876190417 +761 243 3 876189749 +761 245 5 876189715 +761 263 1 876189950 +761 275 4 876190130 +761 278 4 876190370 +761 282 4 876190752 +761 283 4 876190160 +761 289 2 876189871 +761 291 3 876190770 +761 293 4 876190130 +761 294 3 876189664 +761 295 4 876190130 +761 326 1 876189715 +761 358 3 876189689 +761 402 3 876189829 +761 426 1 876190510 +761 455 2 876190439 +761 457 1 876189950 +761 458 1 876190623 +761 471 3 876190336 +761 476 2 876190468 +761 477 1 876190235 +761 508 1 876190206 +761 546 5 876190468 +761 628 4 876190689 +761 678 2 876189689 +761 742 2 876190370 +761 748 4 876189614 +761 840 4 876190753 +761 864 4 876190336 +761 877 2 876189931 +761 924 4 876190723 +761 988 1 876189715 +761 1012 1 876190417 +761 1152 2 876190623 +761 1157 5 876189775 +761 1163 2 876190752 +761 1197 3 876190025 +761 1272 1 876190160 +761 1287 1 876190072 +761 1558 1 876190511 +762 111 2 878719371 +762 116 1 878719186 +762 173 5 878719533 +762 237 3 878719294 +762 274 4 878719371 +762 302 5 878718810 +762 475 5 878719219 +762 515 5 878719186 +762 875 5 878718996 +762 955 5 878719551 +762 1662 1 878719324 +763 1 4 878915559 +763 4 5 878917877 +763 5 4 878920895 +763 12 5 878918486 +763 13 3 878919116 +763 16 5 878918332 +763 25 4 878922982 +763 26 4 878919055 +763 28 3 878915765 +763 39 4 878918360 +763 47 3 878915692 +763 50 4 878914968 +763 55 4 878917384 +763 56 5 878919116 +763 59 5 878915765 +763 60 5 878914968 +763 61 5 878915628 +763 69 4 878915600 +763 70 5 878917468 +763 73 3 878919180 +763 79 5 878919083 +763 83 3 878917877 +763 85 4 878918960 +763 87 2 878919019 +763 88 4 878918486 +763 96 2 878918213 +763 97 3 878919153 +763 98 4 878914968 +763 99 4 878915765 +763 100 5 878915958 +763 111 2 878918871 +763 125 3 878923322 +763 127 4 878920656 +763 132 3 878920656 +763 133 3 878923609 +763 135 5 878918332 +763 137 4 878918332 +763 143 3 878918332 +763 144 3 878915722 +763 153 4 878915692 +763 157 4 878917467 +763 159 3 878917818 +763 162 4 878923433 +763 164 4 878917850 +763 168 5 878919055 +763 171 3 878915015 +763 173 4 878914968 +763 174 4 878919019 +763 176 4 878919116 +763 190 4 878917384 +763 191 4 878915063 +763 194 5 878918406 +763 195 4 878918360 +763 196 4 878919206 +763 197 4 878918360 +763 198 5 878915958 +763 200 4 878915015 +763 209 4 878918213 +763 210 3 878915015 +763 212 4 878920656 +763 222 5 878918406 +763 224 5 878919153 +763 230 3 878923288 +763 234 3 878923288 +763 237 3 878919153 +763 238 4 878915559 +763 280 2 878915015 +763 283 4 878915600 +763 286 4 878914901 +763 317 3 878919180 +763 357 4 878919116 +763 367 3 878918871 +763 382 5 878922829 +763 392 4 878919055 +763 418 4 878921530 +763 432 5 878922982 +763 462 5 878921529 +763 464 3 878918960 +763 466 4 878922422 +763 469 4 878915958 +763 475 4 878915722 +763 483 4 878915628 +763 498 4 878915600 +763 505 4 878919206 +763 507 4 878918933 +763 509 5 878920895 +763 510 4 878915559 +763 515 4 878915628 +763 518 4 878919180 +763 527 3 878915692 +763 588 4 878918213 +763 607 4 878917850 +763 609 4 878918712 +763 625 4 878923488 +763 627 3 878923488 +763 629 5 878918871 +763 658 3 878915600 +763 692 2 878915958 +763 702 3 878917877 +763 703 5 878923433 +763 730 5 878923456 +763 732 3 878919206 +763 737 2 878919055 +763 738 2 878922982 +763 819 2 878915766 +763 845 4 878918712 +763 879 3 878914901 +763 941 3 878915958 +763 955 2 878917433 +763 960 4 878915958 +763 961 5 878919083 +763 972 3 878918333 +763 1006 2 878919116 +763 1039 4 878923513 +763 1065 5 878915559 +763 1098 3 878919083 +763 1101 3 878918486 +763 1129 4 878918908 +763 1180 2 878915765 +764 1 4 876244181 +764 2 3 876244856 +764 4 3 876245421 +764 7 4 876243159 +764 13 2 876242755 +764 14 4 876752116 +764 15 4 876242945 +764 21 2 876243794 +764 22 4 876245549 +764 25 2 876243015 +764 28 4 876245069 +764 50 3 876242649 +764 56 4 876244472 +764 64 5 876244991 +764 69 5 876244991 +764 70 4 876244559 +764 71 5 876429672 +764 86 3 876246358 +764 89 4 876245837 +764 95 5 876246475 +764 98 5 876244991 +764 99 4 876246687 +764 106 2 876243990 +764 111 4 876243595 +764 117 5 876244991 +764 118 3 876243046 +764 121 5 876244991 +764 125 4 876243795 +764 132 5 876246236 +764 140 3 876245940 +764 143 5 876245331 +764 151 4 876242912 +764 173 3 876245383 +764 174 5 876245475 +764 176 4 876244856 +764 191 3 876244688 +764 200 4 876244895 +764 202 4 876246312 +764 216 4 876245520 +764 218 4 876245837 +764 220 3 876243925 +764 222 4 876243440 +764 223 3 876244625 +764 227 4 876246358 +764 231 3 876246409 +764 237 4 876243440 +764 245 4 876244181 +764 252 3 876244023 +764 255 4 876244181 +764 273 3 876242649 +764 274 3 876243410 +764 275 4 876242851 +764 276 3 876752289 +764 278 4 876243343 +764 280 4 876244181 +764 281 3 876243854 +764 282 4 876243291 +764 284 4 876243015 +764 286 4 876232900 +764 289 5 876244991 +764 294 3 876233213 +764 318 5 876244991 +764 321 1 876233034 +764 323 3 876233088 +764 356 4 876430571 +764 371 3 876246436 +764 405 4 876243772 +764 411 3 876243668 +764 418 4 876430033 +764 432 5 876245421 +764 472 3 876243925 +764 531 5 876244991 +764 588 5 876246409 +764 591 3 876243572 +764 595 4 876243703 +764 596 3 876243046 +764 633 5 876244991 +764 673 4 876246504 +764 692 4 876246358 +764 693 3 876246687 +764 696 3 876243465 +764 717 3 876243644 +764 732 3 876246475 +764 742 3 876243410 +764 743 1 876243100 +764 747 3 876246291 +764 819 3 876243159 +764 820 3 876243953 +764 845 4 876242972 +764 864 4 876243232 +764 866 4 876244181 +764 939 4 876245880 +764 946 4 876246555 +764 1012 4 876244181 +764 1028 4 876244181 +764 1046 4 876244895 +764 1057 1 876243990 +764 1221 4 876430033 +764 1284 3 876244529 +765 15 2 880346491 +765 25 4 880346418 +765 127 5 880346722 +765 151 4 880346204 +765 170 5 880346854 +765 237 3 880346797 +765 242 5 880345862 +765 248 2 880346392 +765 283 4 880346282 +765 285 5 880346694 +765 286 5 880345862 +765 522 5 880346951 +765 971 4 880346911 +766 8 5 891309329 +766 22 3 891309261 +766 23 4 891309177 +766 28 5 891309668 +766 40 3 891310851 +766 50 4 891309053 +766 52 4 891309177 +766 53 4 891310281 +766 62 3 891310475 +766 65 4 891309810 +766 69 4 891309668 +766 71 3 891309913 +766 72 2 891310704 +766 77 2 891310313 +766 82 3 891309558 +766 89 4 891309090 +766 90 1 891310313 +766 91 5 891310125 +766 95 3 891309421 +766 99 3 891309810 +766 127 5 891309011 +766 131 3 891309703 +766 132 4 891309522 +766 133 3 891309844 +766 136 3 891310009 +766 161 3 891310372 +766 168 5 891309090 +766 172 3 891309052 +766 173 4 891309261 +766 174 3 891308968 +766 175 3 891309118 +766 176 2 891308927 +766 177 3 891309844 +766 178 4 891308968 +766 179 4 891309484 +766 180 4 891308927 +766 181 4 891309177 +766 182 4 891309053 +766 183 4 891309484 +766 185 4 891310038 +766 186 3 891309522 +766 187 4 891309053 +766 188 4 891309484 +766 191 4 891310067 +766 192 4 891309391 +766 193 3 891309668 +766 194 3 891309117 +766 196 3 891309703 +766 197 3 891309011 +766 198 4 891310210 +766 205 5 891309975 +766 208 5 891309810 +766 209 3 891309053 +766 211 4 891310009 +766 212 5 891310125 +766 214 2 891309667 +766 215 3 891309250 +766 216 3 891310038 +766 217 4 891310650 +766 219 3 891310241 +766 226 3 891310150 +766 229 3 891310210 +766 230 3 891310444 +766 231 2 891310851 +766 234 4 891309558 +766 238 4 891309450 +766 265 3 891309357 +766 272 4 891306880 +766 294 2 891307007 +766 318 5 891309522 +766 357 4 891309558 +766 367 2 891309878 +766 375 2 891310907 +766 378 4 891310540 +766 380 2 891310475 +766 382 3 891310281 +766 385 3 891310281 +766 386 3 891310620 +766 393 3 891310372 +766 396 2 891310934 +766 402 3 891310565 +766 403 3 891310444 +766 414 4 891310150 +766 419 3 891309913 +766 423 3 891309844 +766 428 5 891309622 +766 429 4 891310067 +766 431 3 891310067 +766 432 3 891309250 +766 433 3 891309391 +766 434 5 891309947 +766 435 3 891309053 +766 436 4 891310038 +766 443 3 891309844 +766 447 3 891309522 +766 448 3 891310934 +766 451 2 891310824 +766 465 3 891310281 +766 474 5 891309011 +766 481 4 891308968 +766 482 3 891309117 +766 483 3 891309250 +766 484 4 891309391 +766 485 3 891309913 +766 487 3 891309090 +766 493 4 891309261 +766 494 3 891309177 +766 496 5 891309767 +766 497 3 891309736 +766 498 4 891309913 +766 499 3 891310125 +766 503 3 891309329 +766 504 3 891309484 +766 507 3 891309878 +766 514 4 891308927 +766 518 3 891309878 +766 519 4 891308968 +766 520 4 891309146 +766 523 3 891309011 +766 526 2 891309558 +766 527 5 891309558 +766 530 4 891309703 +766 550 3 891310210 +766 559 4 891310824 +766 568 2 891310313 +766 577 3 891310934 +766 584 3 891309844 +766 602 4 891310038 +766 604 4 891309329 +766 605 3 891310650 +766 606 3 891309011 +766 607 1 891309090 +766 609 3 891309767 +766 613 3 891310009 +766 616 3 891309589 +766 630 3 891310772 +766 633 4 891309947 +766 639 3 891309622 +766 646 4 891309053 +766 654 4 891309090 +766 659 3 891309736 +766 662 3 891310281 +766 663 5 891310067 +766 664 2 891309589 +766 672 3 891310824 +766 674 3 891310772 +766 675 3 891308927 +766 679 3 891310337 +766 705 4 891309668 +766 712 3 891310444 +766 729 3 891310394 +766 739 2 891310241 +766 747 5 891310210 +766 810 2 891310620 +766 837 3 891309878 +766 951 3 891310540 +766 965 3 891310540 +766 968 4 891310241 +766 972 3 891310907 +766 1021 2 891309011 +766 1050 3 891309668 +766 1126 4 891309767 +766 1203 3 891309421 +766 1298 3 891309736 +766 1444 2 891310508 +767 1 5 891462829 +767 22 4 891462614 +767 56 4 891462759 +767 98 5 891462560 +767 100 5 891462560 +767 141 4 891462870 +767 170 5 891462717 +767 177 5 891462614 +767 180 5 891462870 +767 187 4 891462658 +767 207 5 891462759 +767 242 4 891462614 +767 300 4 891462511 +767 344 4 891462511 +767 432 5 891462829 +767 478 4 891463095 +767 481 5 891462614 +767 486 4 891462560 +767 495 4 891463095 +767 524 5 891462560 +767 615 4 891463095 +767 648 4 891462917 +767 659 5 891462560 +767 724 4 891462658 +767 921 5 891462717 +767 1068 4 891462829 +767 1121 5 891462917 +768 9 5 883835026 +768 14 5 883835026 +768 15 2 883835210 +768 16 3 880135943 +768 25 4 880136157 +768 65 4 887305100 +768 100 5 883835026 +768 117 4 883834981 +768 121 4 883834705 +768 127 5 883835026 +768 151 2 880135923 +768 173 5 883835053 +768 222 4 883834705 +768 235 2 885319496 +768 237 4 883834705 +768 245 2 879523820 +768 248 3 883834705 +768 255 4 888798611 +768 257 4 880136012 +768 269 3 885319349 +768 272 5 884970491 +768 274 3 880136201 +768 278 2 883835210 +768 282 4 880135987 +768 284 1 883835210 +768 300 5 883835026 +768 301 5 883835026 +768 310 4 883835026 +768 313 5 883835026 +768 315 3 883834448 +768 340 2 879523820 +768 346 3 883834705 +768 354 3 888798611 +768 405 4 883834883 +768 471 3 880135875 +768 475 2 883835210 +768 476 4 883834705 +768 535 3 882190750 +768 591 4 883834945 +768 597 2 883835210 +768 620 2 880136410 +768 628 3 880136174 +768 682 3 883834776 +768 742 3 880136033 +768 744 3 880136272 +768 756 3 883835053 +768 762 1 883835210 +768 763 2 883835210 +768 815 3 880135963 +768 845 2 880135875 +768 895 2 883750415 +768 966 4 883834814 +768 1016 2 883834814 +768 1061 1 883835210 +769 1 4 885423720 +769 13 4 885424214 +769 15 3 885423824 +769 120 1 885424401 +769 237 3 885423954 +769 258 3 885422650 +769 269 5 885422510 +769 405 2 885424214 +769 473 3 885424337 +769 476 4 885424142 +769 546 4 885424242 +769 685 3 885424305 +769 748 2 885422821 +769 824 2 885424511 +769 831 1 885424534 +769 934 4 885424462 +769 1028 3 885424186 +769 1093 3 885423632 +769 1322 2 885424730 +770 1 5 875972219 +770 7 5 875972185 +770 14 5 875972024 +770 15 5 875971902 +770 25 5 875972582 +770 50 3 875971949 +770 93 5 875971989 +770 100 5 875971949 +770 111 5 875972059 +770 117 5 875971989 +770 118 4 875973080 +770 123 3 875972100 +770 129 5 875972352 +770 222 4 875973686 +770 240 2 875972582 +770 246 5 875971813 +770 250 5 875971902 +770 255 4 875972099 +770 257 4 875972059 +770 258 5 875971568 +770 268 5 875971568 +770 275 5 875972219 +770 294 3 875971655 +770 297 5 875972099 +770 298 4 875971902 +770 301 4 875971703 +770 302 2 875971568 +770 303 4 875971568 +770 323 5 875971612 +770 326 4 876598016 +770 328 3 875971736 +770 331 3 875971703 +770 333 5 875971612 +770 334 5 876597960 +770 358 3 875971655 +770 410 4 875973047 +770 473 5 875972612 +770 475 5 875972381 +770 477 4 875972259 +770 508 5 875972322 +770 546 4 875972699 +770 596 4 875972988 +770 678 2 875971655 +770 742 4 875972927 +770 748 5 875971655 +770 813 5 875971850 +770 875 4 875971612 +770 919 5 875972024 +770 924 5 875971902 +770 929 4 875971989 +770 936 5 875971902 +770 937 4 876598016 +770 988 3 875971703 +770 1012 5 875972730 +771 1 5 880659449 +771 8 5 880659583 +771 15 5 880659303 +771 28 5 880659392 +771 50 4 880659347 +771 69 5 880659606 +771 71 5 880659815 +771 79 1 880659729 +771 82 2 880659686 +771 83 5 880659369 +771 86 5 880659539 +771 88 4 880659970 +771 95 4 880659606 +771 97 1 880659919 +771 98 1 880659990 +771 111 4 880659919 +771 114 4 880659539 +771 128 2 880659482 +771 134 4 880659482 +771 137 4 880659302 +771 144 1 880659507 +771 164 2 880660025 +771 169 5 880659426 +771 172 4 880659482 +771 173 4 880659894 +771 181 4 880659653 +771 189 5 880659815 +771 197 1 880659919 +771 202 4 880659941 +771 203 1 880659482 +771 216 5 880659894 +771 222 2 880659709 +771 237 5 880659482 +771 242 4 880659235 +771 243 3 886640629 +771 251 5 880660087 +771 258 5 880659323 +771 274 4 880659941 +771 283 4 880659303 +771 286 2 880659235 +771 294 4 886640547 +771 304 5 886640562 +771 313 3 886635643 +771 381 3 880659970 +771 403 4 880659769 +771 408 5 880659302 +771 462 3 880659426 +771 477 5 880660199 +771 496 5 880659606 +771 542 4 880659834 +771 588 5 880659815 +771 596 4 880659815 +771 652 4 880659507 +771 690 4 880659235 +771 694 3 880659894 +771 709 5 880659894 +771 762 2 880659970 +771 768 4 880659867 +771 892 5 886640606 +771 1129 5 880660106 +772 245 5 877533546 +772 258 5 877533440 +772 264 4 876250551 +772 271 4 889028773 +772 272 5 889028581 +772 294 4 877533625 +772 302 5 877533625 +772 304 4 876250442 +772 307 4 889028773 +772 312 4 889028941 +772 313 5 889028363 +772 321 5 877533625 +772 326 4 877533625 +772 328 5 876250551 +772 331 5 876250551 +772 332 4 877533731 +772 344 4 889028581 +772 354 4 889028692 +772 678 4 877533546 +772 751 3 889028876 +772 879 4 877533731 +772 898 3 889028941 +772 1025 3 877533820 +773 1 3 888539232 +773 2 3 888540146 +773 6 3 888538620 +773 7 2 888539992 +773 11 2 888539963 +773 12 3 888540448 +773 13 4 888539471 +773 14 5 888538620 +773 23 5 888540507 +773 24 3 888538677 +773 27 1 888540218 +773 29 2 888540218 +773 32 4 888540467 +773 42 3 888539398 +773 45 4 888538776 +773 47 4 888539512 +773 50 5 888539993 +773 52 3 888538853 +773 53 3 888540147 +773 59 5 888540617 +773 60 5 888538931 +773 61 5 888538908 +773 64 4 888540507 +773 68 2 888540091 +773 70 3 888538810 +773 72 3 888539531 +773 89 4 888540020 +773 90 4 888539643 +773 91 4 888539232 +773 93 3 888539366 +773 96 2 888540063 +773 98 4 888540279 +773 100 4 888539347 +773 109 4 888539328 +773 121 2 888540163 +773 127 5 888539962 +773 145 3 888540390 +773 152 5 888539398 +773 153 5 888539425 +773 154 5 888539471 +773 168 5 888539425 +773 169 5 888539232 +773 170 5 888538980 +773 171 5 888538726 +773 172 5 888539992 +773 174 3 888539962 +773 175 4 888539425 +773 176 4 888539962 +773 179 5 888538810 +773 181 5 888540020 +773 182 4 888539993 +773 183 4 888539962 +773 184 2 888540041 +773 185 4 888540279 +773 187 5 888539962 +773 189 5 888539232 +773 196 4 888540467 +773 198 4 888538950 +773 200 4 888540279 +773 204 3 888539559 +773 209 5 888539425 +773 210 2 888539398 +773 212 2 888538980 +773 216 4 888539608 +773 217 3 888540314 +773 218 2 888540295 +773 221 2 888540448 +773 228 3 888539993 +773 229 3 888540112 +773 231 2 888540186 +773 232 3 888540146 +773 233 1 888540112 +773 235 4 888539677 +773 239 4 888539512 +773 240 2 888539273 +773 251 3 888538573 +773 258 5 888538143 +773 260 2 888538348 +773 264 2 888538348 +773 265 2 888540146 +773 268 4 888538249 +773 286 3 888538269 +773 288 2 888538199 +773 318 4 888540484 +773 324 3 888538269 +773 343 1 888538175 +773 354 2 888538143 +773 357 4 888540448 +773 364 4 888539875 +773 367 2 888539576 +773 382 3 888538829 +773 386 3 888539643 +773 393 2 888539711 +773 403 2 888540091 +773 408 5 888539232 +773 427 3 888540484 +773 428 4 888539512 +773 431 1 888540063 +773 432 4 888539232 +773 455 4 888539471 +773 462 5 888538776 +773 475 3 888538533 +773 509 4 888538995 +773 522 4 888539328 +773 531 5 888538853 +773 541 1 888540187 +773 547 4 888538643 +773 559 2 888540314 +773 567 2 888540352 +773 568 1 888540091 +773 588 1 888539232 +773 639 4 888538931 +773 652 3 888538950 +773 655 3 888539347 +773 665 2 888540187 +773 675 5 888540279 +773 710 3 888539366 +773 720 1 888540218 +773 730 3 888538852 +773 732 3 888539492 +773 737 3 888539064 +773 751 3 888538175 +773 769 1 888540390 +773 780 4 888539857 +773 790 3 888539825 +773 792 4 888539471 +773 809 1 888540186 +773 840 1 888540218 +773 855 2 888538726 +773 887 2 888538175 +773 895 2 888538417 +773 919 5 888538643 +773 924 1 888540146 +773 940 2 888539766 +773 948 2 888538438 +773 958 4 888538908 +773 959 4 888539608 +773 1018 3 888539095 +773 1036 3 888539907 +773 1069 4 888539559 +773 1071 2 888539662 +773 1097 4 888538590 +773 1170 3 888539711 +773 1187 3 888540020 +773 1188 2 888539842 +773 1240 3 888539256 +773 1252 4 888538643 +773 1367 5 888538643 +773 1475 4 888539027 +773 1529 5 888539120 +773 1555 4 888540618 +774 2 1 888557383 +774 4 2 888556090 +774 7 2 888558539 +774 8 1 888556090 +774 12 3 888559437 +774 22 2 888556600 +774 23 3 888556634 +774 29 1 888557519 +774 31 1 888558284 +774 44 1 888558343 +774 50 4 888557198 +774 52 3 888556659 +774 53 4 888557383 +774 56 2 888555928 +774 58 1 888556698 +774 62 2 888557520 +774 64 3 888556517 +774 68 3 888557329 +774 69 4 888556544 +774 72 1 888556121 +774 77 1 888556938 +774 79 2 888557236 +774 82 2 888557277 +774 88 1 888556193 +774 89 2 888557198 +774 91 1 888558018 +774 94 2 888556248 +774 96 2 888557276 +774 97 2 888556600 +774 98 4 888557682 +774 100 1 888558731 +774 101 2 888558018 +774 105 1 888558946 +774 117 2 888558646 +774 118 1 888558594 +774 121 1 888558565 +774 122 1 888558924 +774 135 3 888556600 +774 150 1 888558787 +774 161 2 888557409 +774 168 1 888555964 +774 174 3 888557198 +774 175 3 888555897 +774 176 4 888557198 +774 177 4 888557277 +774 178 4 888556483 +774 179 5 888556634 +774 180 5 888556634 +774 181 3 888557236 +774 182 4 888556398 +774 183 4 888557198 +774 185 2 888557683 +774 186 3 888556047 +774 187 3 888556483 +774 188 3 888557329 +774 189 2 888557987 +774 193 5 888556746 +774 194 3 888555998 +774 195 3 888557236 +774 196 3 888556746 +774 197 1 888556746 +774 199 4 888556517 +774 200 2 888557715 +774 201 2 888556090 +774 202 5 888555964 +774 203 2 888558447 +774 204 3 888556316 +774 205 4 888556434 +774 208 2 888555897 +774 210 1 888555964 +774 211 3 888555897 +774 214 3 888556517 +774 215 3 888556517 +774 217 2 888557772 +774 218 1 888557739 +774 219 4 888557739 +774 222 3 888558539 +774 226 2 888557330 +774 227 5 888557383 +774 228 4 888557237 +774 230 2 888557237 +774 231 1 888557383 +774 232 2 888556121 +774 233 2 888557383 +774 234 2 888557683 +774 235 1 888558806 +774 238 5 888555928 +774 240 1 888558787 +774 241 4 888557237 +774 250 3 888559123 +774 254 1 888559144 +774 258 1 888555792 +774 265 3 888557237 +774 273 1 888558539 +774 293 1 888559123 +774 294 1 888555792 +774 300 2 888555792 +774 307 1 888555792 +774 318 1 888556483 +774 357 2 888556434 +774 365 2 888556989 +774 367 2 888556047 +774 373 2 888557557 +774 380 2 888556968 +774 385 1 888557329 +774 386 2 888556225 +774 391 1 888557520 +774 393 1 888556090 +774 398 1 888557482 +774 399 2 888556169 +774 401 2 888556169 +774 402 2 888556938 +774 405 1 888558539 +774 406 1 888559013 +774 410 1 888558762 +774 411 1 888558853 +774 412 3 888558924 +774 413 1 888559013 +774 418 2 888558019 +774 421 1 888558128 +774 423 1 888556634 +774 428 1 888556090 +774 429 1 888556698 +774 431 4 888557329 +774 436 2 888557739 +774 444 1 888557772 +774 447 1 888557715 +774 448 2 888557715 +774 449 1 888557482 +774 450 2 888557557 +774 451 1 888556169 +774 452 1 888557805 +774 453 2 888557804 +774 468 2 888556968 +774 501 1 888558019 +774 508 3 888558731 +774 510 2 888556484 +774 511 3 888556483 +774 514 2 888555998 +774 515 2 888556398 +774 518 1 888556746 +774 519 5 888556434 +774 520 3 888556398 +774 521 2 888556483 +774 523 2 888555964 +774 525 2 888558305 +774 526 4 888556600 +774 527 1 888556698 +774 528 4 888556698 +774 530 5 888557197 +774 537 2 888556893 +774 545 1 888555864 +774 546 1 888558565 +774 548 1 888558041 +774 550 2 888557277 +774 553 2 888556867 +774 554 1 888557556 +774 559 1 888557715 +774 561 1 888557772 +774 566 2 888557277 +774 567 1 888557772 +774 568 2 888557329 +774 569 2 888557857 +774 573 2 888557804 +774 576 1 888557520 +774 577 2 888556278 +774 585 1 888556225 +774 597 2 888558565 +774 649 3 888556814 +774 650 1 888556893 +774 654 2 888558284 +774 655 1 888555998 +774 659 3 888555864 +774 672 1 888557772 +774 674 2 888557683 +774 679 5 888557383 +774 684 1 888557329 +774 692 1 888556121 +774 708 2 888556893 +774 712 1 888556169 +774 732 1 888556814 +774 739 2 888558187 +774 741 1 888558762 +774 743 1 888558623 +774 758 1 888559036 +774 774 1 888557883 +774 778 5 888556046 +774 795 1 888555864 +774 808 1 888557451 +774 826 2 888558623 +774 831 2 888558594 +774 834 1 888559013 +774 840 2 888558594 +774 849 1 888557482 +774 866 1 888558853 +774 871 1 888558876 +774 920 2 888559297 +774 926 1 888558946 +774 947 2 888557276 +774 986 1 888558594 +774 1016 3 888559123 +774 1017 3 888558829 +774 1079 1 888558897 +774 1090 1 888558419 +774 1091 1 888558041 +774 1110 1 888557519 +774 1118 3 888556047 +774 1182 1 888556278 +774 1215 1 888558623 +774 1218 3 888556169 +774 1228 1 888557556 +774 1274 1 888557557 +774 1305 3 888555829 +774 1419 1 888557409 +775 245 3 891032989 +775 258 4 891032837 +775 264 4 891033071 +775 269 4 891032742 +775 270 2 891032742 +775 272 4 891032742 +775 286 4 891032741 +775 305 4 891032837 +775 310 3 891032837 +775 313 4 891032837 +775 315 5 891032742 +775 331 4 891032923 +775 333 4 891033022 +775 343 4 891033022 +775 347 3 891032837 +775 348 3 891032804 +775 750 5 891032804 +775 887 4 891032866 +776 5 4 892920320 +776 7 4 891629077 +776 23 4 891628708 +776 28 5 891628895 +776 50 5 891628977 +776 53 2 892313246 +776 89 5 891628708 +776 91 4 891628752 +776 95 4 892210688 +776 98 4 891628837 +776 109 4 892210576 +776 127 5 891628731 +776 132 3 891629157 +776 134 4 892210460 +776 135 4 891628656 +776 145 2 892920381 +776 168 5 891628656 +776 174 5 891629157 +776 177 4 891628937 +776 179 4 891628678 +776 181 4 891628916 +776 182 3 891628773 +776 184 4 892920381 +776 185 4 892920290 +776 187 4 891628632 +776 191 5 891628837 +776 192 5 891628836 +776 193 3 891628895 +776 194 4 891628752 +776 195 3 891628836 +776 196 3 891628773 +776 200 4 892920381 +776 217 4 892920351 +776 218 4 892920321 +776 219 3 892920321 +776 234 5 892920290 +776 238 4 891628708 +776 241 1 892313489 +776 282 3 892313246 +776 318 4 891628632 +776 355 3 892210668 +776 422 2 892210688 +776 427 3 892313246 +776 431 4 891628916 +776 432 1 891628977 +776 436 4 892920350 +776 437 1 892920446 +776 438 2 892920506 +776 440 2 892920480 +776 441 2 892920403 +776 442 2 892920480 +776 444 2 892920423 +776 474 5 891628632 +776 479 4 891813013 +776 483 5 891628731 +776 485 2 891628656 +776 496 3 891628708 +776 509 5 891628773 +776 510 5 891628708 +776 514 5 891628916 +776 523 4 891628937 +776 524 5 891628752 +776 525 2 891629157 +776 549 5 891628731 +776 551 3 892920480 +776 559 4 892920351 +776 564 3 892920446 +776 567 2 892920351 +776 588 4 892210723 +776 590 1 892920446 +776 603 4 891628599 +776 607 4 892920221 +776 618 3 892474057 +776 635 4 892920403 +776 637 3 892920381 +776 656 5 891628678 +776 657 3 891628977 +776 661 5 893077159 +776 667 2 892920480 +776 670 3 892920351 +776 672 3 892920381 +776 674 3 892920321 +776 675 3 892920321 +776 679 4 891628708 +776 706 3 892920480 +776 708 5 891628599 +776 760 3 892920241 +776 769 3 892920446 +776 816 2 892920423 +776 848 2 892210321 +776 860 3 892920381 +776 866 3 892313273 +776 947 2 891628836 +776 1172 2 892051948 +776 1219 3 891628837 +777 1 4 875979431 +777 9 5 875979380 +777 15 4 875980306 +777 56 5 875980670 +777 100 1 875979380 +777 127 1 875980391 +777 135 3 875980391 +777 153 1 875980541 +777 168 5 875980492 +777 180 5 875980306 +777 196 5 875980306 +777 205 4 875980306 +777 212 5 875980348 +777 216 4 875980597 +777 223 4 875980306 +777 238 4 875980541 +777 245 5 875979241 +777 273 4 875979432 +777 286 2 875979137 +777 288 4 875979201 +777 357 5 875980235 +777 522 5 875980669 +777 523 4 875980235 +777 652 5 875980670 +777 690 4 875979137 +777 692 5 875980670 +778 7 4 890725886 +778 8 1 891234406 +778 11 5 890725951 +778 28 4 890726618 +778 35 1 891234406 +778 42 5 890670510 +778 54 2 890803859 +778 56 3 891232041 +778 69 2 890803860 +778 78 1 890803860 +778 79 3 890725776 +778 82 3 890803491 +778 94 2 891233603 +778 98 4 890725951 +778 117 3 890727011 +778 132 2 891232769 +778 143 1 890804547 +778 144 4 890670638 +778 150 3 890802549 +778 154 5 890670560 +778 157 3 891233153 +778 161 3 890727175 +778 168 5 890670560 +778 174 4 890725804 +778 180 4 890725725 +778 186 4 890802724 +778 193 4 890769241 +778 196 2 890769633 +778 197 4 891232569 +778 200 5 890726264 +778 216 3 890726264 +778 219 3 890727129 +778 226 4 890670638 +778 230 2 890804025 +778 234 3 890726231 +778 239 4 890726303 +778 246 2 890769632 +778 249 3 891233675 +778 265 4 890726003 +778 268 2 890803859 +778 281 2 890803859 +778 367 5 890802895 +778 405 3 890727091 +778 423 1 890803860 +778 441 3 890804387 +778 451 1 891234405 +778 550 4 890670638 +778 568 3 890726190 +778 616 4 890726086 +778 623 1 890804625 +778 629 2 890802784 +778 712 3 890803176 +778 755 2 890804547 +778 1035 1 890804607 +778 1273 3 890726925 +779 1 4 875501555 +779 15 4 875501782 +779 50 5 875992279 +779 71 4 875999285 +779 95 5 875999285 +779 111 4 875994324 +779 117 4 875503280 +779 118 5 875994324 +779 121 3 875503280 +779 125 4 875996809 +779 181 5 875501734 +779 222 4 875503280 +779 225 4 877454525 +779 243 4 875501402 +779 252 3 877453656 +779 255 4 875993165 +779 257 4 875993201 +779 275 4 875992583 +779 284 3 875994401 +779 294 5 875501334 +779 300 3 875501300 +779 304 3 875501254 +779 411 3 875999002 +779 447 4 875999211 +779 471 4 875993165 +779 596 4 875994324 +779 879 3 875501300 +780 4 3 891363969 +780 28 5 891363618 +780 50 5 891363685 +780 70 2 891363969 +780 79 4 891363860 +780 98 1 891364027 +780 133 5 891364086 +780 164 4 891363996 +780 174 5 891363783 +780 183 2 891363860 +780 186 4 891363651 +780 187 5 891363904 +780 199 5 891363723 +780 202 4 891363783 +780 204 5 891363651 +780 208 3 891364125 +780 210 5 891364027 +780 216 4 891363617 +780 275 4 891363685 +780 286 4 891362937 +780 294 3 891363259 +780 313 5 891362901 +780 318 5 891364124 +780 339 4 891363073 +780 385 4 891364125 +780 419 4 891363826 +780 427 3 891363904 +780 433 1 891363826 +780 467 3 891363904 +780 474 3 891363723 +780 485 4 891363826 +780 491 4 891363651 +780 496 4 891364027 +780 497 2 891364059 +780 498 5 891363756 +780 511 5 891364027 +780 515 3 891364124 +780 520 4 891363904 +780 603 2 891364059 +780 604 3 891363933 +780 657 3 891363723 +780 659 4 891363756 +780 660 3 891363969 +780 662 5 891363756 +780 705 5 891363685 +781 50 5 879634362 +781 56 3 879633919 +781 64 4 879634387 +781 69 3 879634147 +781 97 4 879634096 +781 100 5 879634175 +781 127 5 879634017 +781 134 5 879634256 +781 135 5 879634387 +781 172 5 879634362 +781 179 5 879634017 +781 181 5 879634318 +781 195 4 879633942 +781 205 5 879634256 +781 210 4 879634295 +781 223 4 879634175 +781 232 3 879634318 +781 245 2 879633862 +781 286 1 879633495 +781 288 2 879633862 +781 289 3 879633862 +781 294 1 879633862 +781 302 5 879633862 +781 318 3 879634124 +781 322 2 879633862 +781 324 4 879633862 +781 327 4 879633862 +781 474 5 879633976 +781 483 5 879633942 +781 523 5 879634038 +781 878 1 879633752 +781 1500 5 879634096 +782 50 3 891499243 +782 127 4 891499213 +782 181 3 891499213 +782 243 3 891498381 +782 244 4 891499321 +782 245 4 891498139 +782 247 1 891499700 +782 248 4 891499321 +782 249 2 891499399 +782 250 4 891499440 +782 251 3 891500109 +782 252 3 891499469 +782 253 2 891500150 +782 254 2 891499660 +782 255 4 891499321 +782 256 2 891500150 +782 257 3 891499278 +782 258 4 891497906 +782 259 1 891498267 +782 260 2 891498079 +782 261 2 891498865 +782 264 4 891498381 +782 266 1 891498919 +782 268 3 891497854 +782 269 3 891497698 +782 270 4 891497963 +782 271 2 891498213 +782 272 5 891497698 +782 286 2 891497906 +782 289 3 891498436 +782 292 4 891498213 +782 293 2 891499278 +782 295 2 891499321 +782 296 3 891500109 +782 297 3 891500067 +782 298 4 891499278 +782 299 3 891498079 +782 300 4 891497906 +782 301 3 891498139 +782 302 3 891497698 +782 304 4 891497906 +782 307 4 891497854 +782 312 4 891498436 +782 313 5 891497697 +782 315 4 891497698 +782 316 4 891498436 +782 321 2 891498381 +782 322 4 891498381 +782 323 3 891498512 +782 324 2 891498381 +782 325 2 891498720 +782 326 5 891498322 +782 328 5 891498030 +782 329 3 891498213 +782 330 4 891498213 +782 331 3 891497854 +782 332 4 891498139 +782 333 3 891497698 +782 335 2 891498918 +782 338 2 891498676 +782 339 3 891498676 +782 340 3 891497963 +782 342 2 891498322 +782 343 2 891498821 +782 344 3 891497854 +782 347 1 891498139 +782 348 4 891498213 +782 349 3 891498720 +782 350 4 891498641 +782 351 3 891498139 +782 352 1 891498513 +782 354 2 891497698 +782 355 3 891498821 +782 358 4 891498641 +782 361 3 891498139 +782 515 3 891500028 +782 532 2 891499370 +782 533 2 891500151 +782 534 3 891500109 +782 535 3 891499469 +782 536 2 891500150 +782 538 4 891498214 +782 539 3 891498865 +782 678 3 891498767 +782 680 1 891498865 +782 681 3 891498436 +782 682 4 891498513 +782 683 1 891498213 +782 687 2 891498865 +782 688 2 891498918 +782 689 3 891498720 +782 690 4 891497793 +782 691 3 891498079 +782 748 4 891498720 +782 749 4 891498079 +782 750 4 891497793 +782 751 2 891498323 +782 752 4 891497793 +782 872 2 891498513 +782 873 4 891498512 +782 876 2 891498267 +782 877 3 891498213 +782 879 3 891498267 +782 880 4 891498322 +782 881 3 891498381 +782 885 3 891498766 +782 886 3 891498267 +782 887 4 891498676 +782 888 3 891498919 +782 890 1 891498865 +782 894 2 891498031 +782 895 4 891497964 +782 898 3 891498720 +782 900 3 891497963 +782 902 2 891497906 +782 905 4 891498791 +782 908 3 891498322 +782 935 2 891500150 +782 936 3 891500110 +782 937 1 891498918 +782 938 3 891498030 +782 948 2 891499699 +782 984 2 891498821 +782 987 3 891499660 +782 989 3 891498267 +782 990 3 891499611 +782 991 2 891500230 +782 992 2 891499370 +782 993 3 891499370 +782 994 2 891500194 +782 1007 3 891500067 +782 1012 2 891499344 +782 1013 3 891499439 +782 1014 2 891499611 +782 1016 3 891499321 +782 1023 3 891499611 +782 1025 2 891498436 +782 1038 4 891498213 +782 1082 3 891500230 +782 1088 2 891499611 +782 1089 2 891499660 +782 1096 2 891499699 +782 1105 3 891498766 +782 1127 2 891497793 +782 1138 2 891499699 +782 1142 3 891499243 +782 1143 2 891500194 +782 1144 3 891499243 +782 1160 2 891500150 +782 1173 2 891500230 +782 1190 2 891500230 +782 1191 3 891498558 +782 1216 2 891500150 +782 1226 2 891499439 +782 1237 3 891497906 +782 1241 2 891500150 +782 1243 3 891498558 +782 1244 3 891499660 +782 1251 3 891500028 +782 1252 3 891500066 +782 1254 3 891499829 +782 1255 2 891500194 +782 1256 2 891500230 +782 1257 1 891500230 +782 1258 2 891499440 +782 1278 4 891499278 +782 1279 3 891499660 +782 1283 2 891499469 +782 1292 3 891499700 +782 1296 3 891498030 +782 1300 2 891499469 +782 1302 3 891500028 +782 1315 3 891499440 +782 1378 2 891499494 +782 1379 3 891500028 +782 1380 2 891500150 +782 1382 3 891500109 +782 1383 3 891499611 +782 1384 3 891500110 +782 1385 4 891500028 +782 1386 3 891500066 +782 1387 3 891499278 +782 1388 3 891500028 +782 1389 3 891500028 +782 1391 4 891500066 +782 1393 2 891498512 +782 1394 4 891498323 +782 1399 2 891498919 +782 1405 2 891499213 +782 1417 2 891500193 +782 1477 3 891499344 +782 1511 2 891500194 +782 1513 2 891499440 +782 1514 2 891500194 +782 1527 2 891498641 +782 1528 2 891499577 +782 1534 2 891500194 +782 1537 3 891500066 +782 1588 3 891500067 +782 1589 3 891500028 +782 1590 3 891500028 +782 1598 2 891499556 +782 1600 3 891500066 +782 1605 2 891500194 +782 1608 3 891499399 +782 1609 1 891499439 +782 1610 1 891500230 +782 1611 3 891500066 +782 1615 3 891499611 +782 1620 3 891499440 +782 1643 2 891499321 +782 1644 2 891500110 +782 1652 1 891500230 +782 1662 4 891500110 +782 1663 2 891499700 +782 1664 4 891499699 +782 1665 2 891500194 +782 1666 2 891500194 +782 1667 3 891500110 +782 1668 3 891500067 +782 1669 2 891500150 +782 1670 3 891497793 +783 260 4 884326690 +783 264 4 884326726 +783 286 3 884326274 +783 288 3 884326274 +783 292 4 884326382 +783 294 3 884326506 +783 299 5 884326620 +783 300 4 884326348 +783 328 4 884326545 +783 330 1 884326755 +783 333 4 884326383 +783 334 3 884326461 +783 335 3 884326545 +783 343 5 884326787 +783 345 4 884326461 +783 346 5 884326424 +783 876 4 884326424 +783 880 4 884326545 +783 895 4 884326787 +783 948 3 884326726 +784 258 5 891387249 +784 260 4 891387704 +784 268 3 891387501 +784 269 5 891387155 +784 271 3 891387623 +784 286 3 891386988 +784 292 4 891387315 +784 299 3 891387155 +784 300 4 891386988 +784 302 5 891386988 +784 303 4 891387077 +784 304 4 891387501 +784 307 4 891387623 +784 312 3 891387623 +784 323 4 891387704 +784 326 5 891387155 +784 327 4 891387315 +784 328 3 891387502 +784 331 4 891387155 +784 332 4 891387812 +784 334 3 891387812 +784 340 3 891387895 +784 344 4 891387078 +784 346 4 891387077 +784 678 4 891387895 +784 690 4 891387249 +784 750 5 891386988 +784 877 4 891387622 +784 1038 3 891387704 +785 1 4 879439137 +785 12 4 879439137 +785 22 4 879438957 +785 50 5 879439021 +785 79 4 879438984 +785 137 2 879438810 +785 168 4 879438810 +785 174 5 879438957 +785 183 5 879439232 +785 195 4 879438984 +785 209 3 879439043 +785 273 3 879439527 +785 294 4 879438705 +785 301 4 879438565 +785 423 2 879438957 +785 995 3 879438736 +785 1050 3 879439232 +786 1 4 882841828 +786 4 4 882844294 +786 7 5 882841955 +786 9 5 882841955 +786 15 3 882841855 +786 28 5 882843646 +786 50 4 882844295 +786 66 4 882843607 +786 69 4 882844295 +786 71 5 882843786 +786 86 4 882843006 +786 88 4 882844010 +786 89 4 882842878 +786 95 5 882843397 +786 97 4 882843683 +786 98 5 882843190 +786 99 4 882843112 +786 100 4 882841667 +786 102 4 882844096 +786 111 5 882841667 +786 117 4 882841996 +786 121 2 882842416 +786 125 4 882841745 +786 126 4 882842019 +786 127 4 882841692 +786 132 5 882842946 +786 133 5 882843353 +786 143 4 882843039 +786 161 4 882843534 +786 172 5 882843112 +786 173 4 882843069 +786 174 4 882844294 +786 176 4 882843069 +786 177 4 882843646 +786 179 4 882843500 +786 181 4 882841955 +786 183 4 882843150 +786 186 4 882843786 +786 188 5 882843237 +786 191 4 882843272 +786 195 4 882843312 +786 196 4 882843683 +786 197 3 882843431 +786 198 5 882843753 +786 199 4 882843006 +786 202 4 882843812 +786 203 4 882843753 +786 204 4 882843925 +786 208 5 882843150 +786 210 4 882843039 +786 211 4 882843500 +786 222 4 882842044 +786 228 4 882844295 +786 230 4 882844295 +786 234 3 882843753 +786 237 5 882842195 +786 240 1 882842762 +786 265 4 882842946 +786 275 4 882841772 +786 276 1 882841875 +786 280 3 882841745 +786 281 4 882842044 +786 283 4 882841906 +786 285 3 882842726 +786 286 4 882841571 +786 289 4 882844336 +786 322 3 882842463 +786 357 5 882842878 +786 376 3 882844096 +786 381 3 882843397 +786 385 4 882844294 +786 404 4 882843500 +786 405 4 882842311 +786 416 4 882843534 +786 418 4 882843352 +786 419 4 882843312 +786 423 5 882843150 +786 429 4 882843237 +786 449 2 882844096 +786 451 2 882844171 +786 455 1 882842762 +786 458 3 882842195 +786 465 4 882844010 +786 471 4 882842311 +786 484 4 882843398 +786 496 5 882843312 +786 497 4 882842946 +786 501 4 882843534 +786 504 4 882843352 +786 520 4 882843311 +786 528 5 882842878 +786 546 4 882844294 +786 588 5 882843039 +786 633 4 882843237 +786 655 4 882843683 +786 684 4 882843607 +786 692 4 882843190 +786 696 3 882842149 +786 703 3 882843190 +786 708 4 882844171 +786 709 2 882843607 +786 724 4 882844295 +786 732 4 882843353 +786 849 2 882844052 +786 866 3 882842173 +786 871 1 882842762 +786 1044 4 882844127 +787 258 5 888979605 +787 268 4 888979007 +787 269 3 888979547 +787 286 3 888979007 +787 288 1 888979236 +787 292 3 888979236 +787 294 3 888979606 +787 300 4 888979657 +787 302 3 888979123 +787 304 4 888980193 +787 305 3 888979721 +787 306 3 888979007 +787 308 3 888979181 +787 310 5 888979007 +787 311 4 888979605 +787 313 5 888979547 +787 319 3 888979721 +787 326 4 888979547 +787 328 3 888979874 +787 329 4 888980193 +787 331 3 888979235 +787 333 3 888979074 +787 345 3 888979007 +787 348 4 888979875 +787 350 1 888979721 +787 351 3 888979657 +787 352 2 888979657 +787 359 3 888979547 +787 361 3 888979075 +787 362 3 888979657 +787 681 3 888979657 +787 691 4 888979123 +787 748 4 888979606 +787 749 4 888979657 +787 751 4 888979235 +787 877 2 888980193 +787 879 4 888979721 +787 898 3 888979182 +787 899 3 888979074 +787 904 3 888979182 +787 906 1 888979721 +787 937 3 888979074 +787 938 3 888979605 +787 1024 2 888979606 +787 1433 3 888979181 +787 1434 1 888979657 +787 1671 1 888980193 +788 1 3 880867970 +788 4 3 880868401 +788 7 4 880868559 +788 9 4 880869508 +788 10 4 880869584 +788 11 2 880868513 +788 12 5 880868919 +788 22 5 880868513 +788 23 3 880868277 +788 28 5 880868876 +788 29 3 880871240 +788 38 3 880871359 +788 43 3 880870299 +788 44 4 880869434 +788 46 3 880870018 +788 51 4 880870018 +788 53 1 880871717 +788 55 4 880868876 +788 56 3 880868235 +788 58 4 880868355 +788 62 3 880870179 +788 64 5 880868005 +788 65 4 880869584 +788 68 3 880869819 +788 69 4 880868144 +788 73 3 880869174 +788 76 3 880869323 +788 79 4 880868559 +788 82 3 880870116 +788 85 1 880869984 +788 89 5 880869548 +788 96 3 880868803 +788 97 3 880868235 +788 98 5 880868919 +788 100 5 880868277 +788 112 3 880871173 +788 117 4 880869014 +788 118 3 880870335 +788 120 2 880871520 +788 121 4 880869469 +788 125 3 880870335 +788 130 2 880869396 +788 132 5 880869014 +788 133 5 880868473 +788 135 3 880869014 +788 141 3 880869984 +788 144 4 880868599 +788 148 3 880869215 +788 151 1 880869908 +788 153 3 880868277 +788 157 5 880869396 +788 159 3 880869135 +788 162 3 880869787 +788 164 3 880870115 +788 167 3 880870582 +788 172 3 880869687 +788 174 2 880868316 +788 175 3 880868401 +788 176 5 880868743 +788 177 3 880868513 +788 180 4 880869174 +788 182 2 880868599 +788 183 5 880868743 +788 185 4 880868316 +788 186 3 880868559 +788 187 4 880867933 +788 188 4 880870083 +788 192 4 880868838 +788 193 4 880868235 +788 194 4 880870052 +788 195 3 880868876 +788 199 5 880868673 +788 200 4 880869075 +788 203 5 880869215 +788 204 3 880868644 +788 211 4 880868401 +788 215 3 880869908 +788 218 4 880871328 +788 222 3 880869945 +788 223 4 880868181 +788 226 4 880870710 +788 227 3 880867890 +788 228 3 880870365 +788 229 3 880870299 +788 230 3 880869754 +788 231 3 880871267 +788 234 3 880868473 +788 235 3 880871328 +788 237 4 880869584 +788 241 5 880869075 +788 258 4 880867855 +788 270 2 880867855 +788 271 3 880867855 +788 281 4 880871205 +788 282 4 880869819 +788 284 3 880869323 +788 286 5 880867372 +788 289 4 880867565 +788 291 4 880870905 +788 294 3 880867855 +788 300 5 880867477 +788 301 2 880867855 +788 302 4 880867326 +788 317 4 880869945 +788 318 5 880868355 +788 322 4 880867422 +788 323 3 880867855 +788 326 4 880867477 +788 327 3 880867855 +788 328 4 880867477 +788 331 4 880867372 +788 356 4 880870827 +788 357 4 880869687 +788 363 2 880871088 +788 370 2 880870881 +788 371 3 880870626 +788 380 3 880869215 +788 385 3 880869434 +788 391 2 880871746 +788 399 3 880871128 +788 402 3 880870544 +788 405 4 880868974 +788 409 3 880871057 +788 423 5 880868235 +788 427 2 880868316 +788 429 3 880868919 +788 431 2 880868401 +788 432 1 880869323 +788 433 2 880869621 +788 435 3 880869278 +788 436 3 880871127 +788 443 4 880868473 +788 444 3 880870626 +788 445 4 880869718 +788 447 3 880870299 +788 448 2 880869355 +788 451 4 880871240 +788 470 3 880868042 +788 471 3 880869862 +788 474 3 880868599 +788 480 3 880868473 +788 482 4 880869787 +788 483 5 880867933 +788 492 3 880868235 +788 498 5 880867933 +788 503 4 880869984 +788 510 5 880867933 +788 511 5 880868277 +788 518 3 880869754 +788 519 4 880868235 +788 520 4 880868919 +788 521 4 880869945 +788 523 4 880868559 +788 528 5 880868144 +788 531 4 880868144 +788 540 3 880871394 +788 546 3 880871429 +788 549 4 880869753 +788 550 3 880869508 +788 553 3 880869687 +788 554 3 880870257 +788 556 2 880871128 +788 561 3 880870626 +788 562 3 880871294 +788 566 4 880869908 +788 568 3 880869862 +788 572 3 880871891 +788 579 3 880871804 +788 582 4 880869396 +788 586 2 880871490 +788 589 5 880868005 +788 591 3 880869469 +788 597 3 880870582 +788 614 4 880868803 +788 620 3 880871088 +788 621 3 880871026 +788 623 3 880870936 +788 627 4 880870654 +788 629 1 880870149 +788 630 2 880869355 +788 636 3 880870583 +788 637 2 880870516 +788 645 3 880870626 +788 646 3 880868513 +788 649 3 880869649 +788 651 4 880868838 +788 655 3 880868644 +788 657 4 880868277 +788 658 3 880869862 +788 661 5 880868473 +788 662 4 880871359 +788 665 2 880867890 +788 670 3 880870935 +788 679 2 880871057 +788 684 5 880868401 +788 685 3 880870996 +788 692 3 880869106 +788 693 2 880868705 +788 696 3 880871173 +788 699 3 880869323 +788 712 3 880871804 +788 715 3 880871664 +788 720 3 880870482 +788 723 3 880870207 +788 726 4 880871128 +788 729 4 880870052 +788 736 3 880870299 +788 739 2 880870149 +788 742 3 880869508 +788 744 4 880869621 +788 748 3 880867855 +788 754 4 880867477 +788 755 3 880870881 +788 781 3 880871205 +788 798 2 880870827 +788 809 3 880870401 +788 810 3 880870773 +788 823 3 880871294 +788 828 3 880869396 +788 879 4 880867422 +788 931 2 880871551 +788 963 4 880868644 +788 983 3 880871173 +788 984 3 880867855 +788 1042 3 880871240 +788 1107 3 880870773 +788 1112 3 880870428 +788 1126 5 880869278 +788 1135 2 880871460 +788 1139 1 880871605 +788 1183 2 880871891 +788 1248 3 880871460 +788 1273 3 880871771 +788 1277 3 880870583 +788 1303 3 880871577 +788 1407 3 880871717 +788 1459 2 880871857 +788 1478 3 880871173 +788 1518 3 880871394 +789 9 5 880332114 +789 50 5 880332114 +789 93 4 880332063 +789 100 5 880332089 +789 124 4 880332089 +789 127 5 880332039 +789 129 5 880332063 +789 150 5 880332333 +789 151 2 880332365 +789 249 3 880332296 +789 276 5 880332063 +789 286 1 880332039 +789 288 3 880331942 +789 293 4 880332259 +789 294 3 880332275 +789 475 5 880332063 +789 591 3 880332259 +789 628 3 880332215 +789 741 5 880332148 +789 762 3 880332232 +789 1007 4 880332215 +789 1012 4 880332169 +789 1161 3 880332189 +790 1 3 884461306 +790 2 3 885156988 +790 4 3 885156773 +790 7 4 884461796 +790 10 1 884461988 +790 13 3 884461820 +790 15 5 884461413 +790 17 2 885157399 +790 22 5 885155540 +790 25 2 884461925 +790 38 2 885157929 +790 41 3 885158235 +790 42 5 885156686 +790 47 2 885156988 +790 49 3 885156852 +790 50 4 884461387 +790 51 3 885156193 +790 52 4 885156934 +790 56 4 885155150 +790 62 3 885157465 +790 63 2 885157837 +790 65 4 885155846 +790 66 3 885156560 +790 67 3 885158007 +790 68 3 885157440 +790 69 1 885155209 +790 70 3 885157776 +790 72 2 885157661 +790 73 4 885157489 +790 79 4 885156538 +790 80 2 885157575 +790 83 3 885155034 +790 85 3 885156825 +790 89 4 885155770 +790 90 2 885157440 +790 91 3 885157862 +790 96 3 885155648 +790 97 2 885155770 +790 98 5 885156375 +790 100 2 884461334 +790 105 2 884462907 +790 108 3 884462415 +790 111 3 884461849 +790 116 4 884461334 +790 117 5 884461283 +790 121 3 884461657 +790 122 2 884462954 +790 131 2 885156852 +790 135 3 885156538 +790 143 3 885156193 +790 144 4 885155572 +790 145 2 885158299 +790 151 4 884461988 +790 153 3 885155077 +790 154 4 885156290 +790 155 3 885157061 +790 157 2 885156193 +790 158 2 885157797 +790 159 3 885156934 +790 161 4 885157181 +790 168 4 885155230 +790 172 4 885155540 +790 173 3 885156046 +790 174 4 885155572 +790 176 3 885155489 +790 181 4 884461283 +790 183 4 885156193 +790 184 3 885156958 +790 186 3 885156165 +790 188 4 885157399 +790 191 3 885155209 +790 196 3 885156500 +790 202 3 885156904 +790 203 4 885155459 +790 208 3 885156014 +790 209 1 885155540 +790 210 4 885155209 +790 211 4 885156046 +790 213 3 885156336 +790 214 3 885156618 +790 215 2 885157797 +790 216 5 885156435 +790 217 4 885158459 +790 222 3 884461441 +790 226 3 885156396 +790 227 3 885156647 +790 228 3 885156647 +790 230 4 885155846 +790 231 4 885158057 +790 233 3 885157230 +790 235 1 884462551 +790 237 4 884461541 +790 240 3 884462692 +790 241 5 885156825 +790 246 4 884461283 +790 248 4 884461888 +790 249 3 884461849 +790 250 5 885158562 +790 258 3 884461387 +790 259 2 884461023 +790 265 4 885155770 +790 268 4 884460878 +790 269 3 892305174 +790 273 5 884461888 +790 274 3 884461950 +790 275 4 884461774 +790 282 4 884461590 +790 283 2 884461517 +790 284 4 884461888 +790 288 4 884460942 +790 294 2 884460878 +790 298 5 884461849 +790 317 4 885155949 +790 328 3 884461023 +790 358 2 885154848 +790 364 2 885158161 +790 365 4 885157465 +790 367 4 885156114 +790 368 2 884462954 +790 373 3 885158459 +790 380 4 885157419 +790 384 2 885158374 +790 386 2 885158208 +790 391 2 885158299 +790 393 2 885156290 +790 401 4 885157621 +790 402 2 885156796 +790 403 4 885157036 +790 405 3 884461925 +790 411 3 884462929 +790 412 4 885158495 +790 417 2 885156538 +790 427 4 885155172 +790 431 3 885157159 +790 436 4 885156686 +790 451 3 885157299 +790 470 4 885158547 +790 472 2 884462416 +790 475 3 884461657 +790 485 3 885156709 +790 496 3 885155172 +790 546 1 884461590 +790 550 4 885156618 +790 552 2 885157984 +790 559 3 885156773 +790 561 3 885158082 +790 566 3 885156618 +790 568 3 885157087 +790 570 2 885158057 +790 572 3 885157956 +790 577 2 885158122 +790 582 3 885156852 +790 583 2 885157489 +790 584 4 885156773 +790 585 2 885157686 +790 597 3 884462047 +790 609 2 885156773 +790 660 3 885156904 +790 664 3 885158235 +790 665 3 885158495 +790 678 3 884461115 +790 685 4 884461988 +790 687 1 884461162 +790 708 3 885158082 +790 709 3 885156686 +790 716 4 885158033 +790 721 3 885157017 +790 722 3 885157686 +790 738 3 885158396 +790 739 4 885156686 +790 742 4 884461541 +790 748 1 884461073 +790 755 3 885157928 +790 762 5 884462105 +790 763 3 884462692 +790 771 4 885158436 +790 774 4 885156904 +790 776 3 885155119 +790 781 4 885157107 +790 786 3 885157533 +790 792 2 885155603 +790 825 3 884462385 +790 826 1 884462714 +790 849 4 885157205 +790 862 1 885158374 +790 864 4 884462647 +790 926 2 884462598 +790 928 3 884462598 +790 931 2 884462105 +790 940 3 885157928 +790 941 3 885157061 +790 944 1 885157299 +790 949 4 885156825 +790 959 3 885156686 +790 977 1 885158208 +790 1014 2 884462551 +790 1016 2 884461925 +790 1025 1 884461188 +790 1028 3 884462692 +790 1039 3 885155490 +790 1040 2 884462954 +790 1044 4 885158185 +790 1047 3 885157621 +790 1048 4 884462692 +790 1063 5 885156478 +790 1074 3 885158235 +790 1077 3 885156619 +790 1091 1 885157728 +790 1118 3 885156046 +790 1119 4 885156732 +790 1132 2 885158329 +790 1165 2 884462890 +790 1183 2 885157956 +790 1185 2 885158257 +790 1188 3 885157984 +790 1215 1 884462737 +790 1230 2 885158235 +790 1244 1 884462598 +790 1282 5 884462551 +790 1446 4 885157230 +790 1471 2 885158374 +791 50 5 879448338 +791 269 4 879447940 +791 275 5 879448314 +791 286 3 879447907 +791 288 3 879447907 +791 289 4 879448087 +791 294 3 879447940 +791 299 2 879448035 +791 300 5 879447977 +791 302 4 879447940 +791 319 2 879448086 +791 327 5 879447977 +791 328 4 879448087 +791 331 1 879447940 +791 332 5 879448166 +792 1 4 877910822 +792 9 3 877909631 +792 13 4 877910822 +792 15 4 877909865 +792 21 3 877910444 +792 24 3 877910091 +792 25 2 877909892 +792 111 3 877910126 +792 118 2 877910538 +792 121 4 877910412 +792 124 4 877909865 +792 125 3 877910539 +792 147 4 877910822 +792 151 3 877909753 +792 237 3 877910444 +792 276 3 877910305 +792 363 3 877910478 +792 405 3 877909753 +792 508 2 877910478 +792 544 4 877910822 +792 546 3 877910353 +792 591 2 877909865 +792 595 3 877910305 +792 596 3 877910241 +792 597 3 877910478 +792 696 3 877910241 +792 742 3 877909709 +792 762 4 877910206 +792 840 2 877910539 +792 844 4 877910822 +792 926 3 877909798 +792 1011 3 877910730 +792 1047 3 877909798 +792 1054 1 877910666 +792 1132 3 877910160 +792 1164 3 877910629 +792 1335 4 877910353 +793 1 4 875104091 +793 3 4 875104592 +793 7 3 875104031 +793 9 3 875103810 +793 50 5 875103942 +793 100 4 875104031 +793 106 3 875104340 +793 117 4 875103739 +793 118 2 875104119 +793 121 3 875104193 +793 122 3 875104532 +793 127 5 875103773 +793 129 4 875104067 +793 148 4 875104498 +793 150 4 875103842 +793 151 5 875104142 +793 181 4 875103810 +793 222 3 875103971 +793 235 3 875104068 +793 237 3 875103842 +793 240 4 875104565 +793 248 4 875103875 +793 252 4 875104498 +793 273 3 875103942 +793 276 3 875103971 +793 282 4 875104340 +793 293 4 875104091 +793 294 5 875103584 +793 298 4 875103971 +793 405 3 875104340 +793 406 2 875104221 +793 458 3 875104243 +793 508 4 875104620 +793 628 3 875103942 +793 685 3 875104718 +793 742 3 875104648 +793 823 3 875104648 +793 824 3 875104000 +793 844 4 875103842 +793 928 3 875104864 +793 979 3 875104620 +793 1014 3 875103810 +793 1067 4 875103875 +793 1142 5 875104068 +793 1365 2 875104718 +794 13 4 891035582 +794 14 5 891034956 +794 19 4 891036111 +794 24 5 891035957 +794 50 5 891035307 +794 100 5 891035063 +794 109 4 891035941 +794 116 5 891035307 +794 118 2 891035413 +794 137 5 891035307 +794 187 5 891035117 +794 221 4 891036222 +794 224 4 891035793 +794 238 5 891035135 +794 242 5 891034156 +794 249 3 891035885 +794 257 4 891036265 +794 273 4 891036111 +794 285 5 891035355 +794 286 3 891034156 +794 455 4 891034986 +794 473 4 891036222 +794 475 5 891035822 +794 514 5 891035604 +794 515 5 891034755 +794 557 4 891036008 +794 887 4 891034284 +794 936 5 891035219 +794 1251 4 891034755 +795 1 4 883767204 +795 2 3 883252599 +795 3 2 880561783 +795 4 4 881253238 +795 7 5 880557294 +795 10 4 880556527 +795 12 4 881260621 +795 17 2 883252686 +795 21 3 880557953 +795 25 5 880556527 +795 28 4 880569414 +795 39 4 883253661 +795 42 3 881252510 +795 47 3 881265108 +795 50 3 880557114 +795 58 4 881259362 +795 62 4 883254564 +795 68 3 883253137 +795 70 3 883253481 +795 72 3 883252003 +795 79 2 880568325 +795 81 4 883250055 +795 89 4 880569085 +795 91 5 881265483 +795 95 4 881529851 +795 96 2 881530415 +795 97 2 881529761 +795 100 5 880555946 +795 105 1 883774317 +795 108 3 880559483 +795 109 3 880557210 +795 117 4 880558122 +795 118 2 883254314 +795 120 3 883255416 +795 121 3 880558035 +795 123 4 880558447 +795 132 3 883249522 +795 135 3 881530126 +795 143 3 883252292 +795 144 4 881265483 +795 150 3 883766579 +795 151 3 880558562 +795 152 4 881260622 +795 153 3 880569085 +795 154 3 881529904 +795 167 3 883254348 +795 168 5 881528760 +795 169 5 880567884 +795 172 3 880570209 +795 173 4 880567884 +795 174 4 880569625 +795 175 5 881263767 +795 181 4 880557060 +795 182 4 881530041 +795 184 4 880588118 +795 189 3 881265284 +795 191 4 883249962 +795 200 3 883251581 +795 201 4 880569984 +795 202 3 881529874 +795 203 3 881530198 +795 204 3 880570209 +795 208 4 881252835 +795 209 5 880587862 +795 210 4 880567593 +795 214 4 881265372 +795 217 1 883774317 +795 222 3 880558122 +795 226 3 883251800 +795 231 4 883254844 +795 234 4 883251200 +795 235 3 880560263 +795 238 3 881266197 +795 240 2 883767338 +795 257 3 881252002 +795 265 3 881265483 +795 319 4 880554132 +795 367 3 883252202 +795 381 2 883774317 +795 382 4 881529077 +795 386 3 883254649 +795 395 2 883255008 +795 402 2 883254905 +795 403 3 883250829 +795 405 1 883774317 +795 407 3 880560679 +795 410 2 880559227 +795 412 3 883254675 +795 419 3 880569526 +795 423 2 881265617 +795 425 3 883249522 +795 429 3 880568492 +795 431 4 883253193 +795 432 3 881258945 +795 433 4 880588141 +795 434 3 880569983 +795 436 3 883767338 +795 465 3 883252686 +795 472 3 880559543 +795 473 2 880561783 +795 477 3 880558562 +795 502 3 883251421 +795 546 3 880559275 +795 550 3 883252004 +795 552 2 883774317 +795 554 3 883254802 +795 559 2 883774317 +795 564 1 883774317 +795 567 2 883253903 +795 568 3 883251659 +795 576 2 883254780 +795 581 4 883253316 +795 583 4 883250168 +795 588 5 880587862 +795 636 3 883253661 +795 640 4 883251200 +795 655 3 881530154 +795 658 2 883251696 +795 705 4 883250829 +795 710 3 881265617 +795 716 3 880569984 +795 727 3 881530317 +795 739 1 883774317 +795 742 2 880556833 +795 746 3 881529904 +795 747 3 883252630 +795 755 3 883254564 +795 756 3 880559895 +795 768 3 883252985 +795 771 3 883255324 +795 820 3 880560679 +795 825 2 880559026 +795 826 3 880560736 +795 831 2 880560971 +795 919 4 880557617 +795 926 2 880561783 +795 928 1 883774317 +795 931 2 880560078 +795 998 3 883255182 +795 1030 3 883255381 +795 1036 2 883255578 +795 1041 3 883254780 +795 1052 3 883255477 +795 1095 3 883767108 +795 1101 4 881528779 +795 1110 3 883251943 +795 1199 3 880557953 +795 1413 3 883254987 +795 1555 3 883249643 +796 1 2 892660251 +796 2 5 893048377 +796 4 5 893048150 +796 5 4 893194607 +796 8 5 892690059 +796 9 3 892660251 +796 12 5 892662483 +796 15 4 893188341 +796 22 4 892662523 +796 23 2 892690382 +796 26 2 893047208 +796 28 3 892662523 +796 29 3 893048672 +796 31 4 893194547 +796 33 3 893048471 +796 36 1 893047967 +796 38 5 893048505 +796 39 3 893048562 +796 43 4 893188486 +796 45 3 892675605 +796 48 3 892663090 +796 49 3 893047287 +796 50 5 892660147 +796 53 1 893048713 +796 54 4 893194685 +796 56 5 892663009 +796 58 3 892675605 +796 62 4 893048562 +796 63 3 893218764 +796 64 4 892662400 +796 66 5 893047241 +796 69 5 892662483 +796 71 4 893218764 +796 77 5 893194646 +796 78 3 893219254 +796 79 5 892661988 +796 82 3 892676195 +796 86 5 893047321 +796 87 5 893218728 +796 88 5 893047287 +796 89 5 892662222 +796 91 2 893219033 +796 94 3 893219065 +796 95 4 892690382 +796 96 4 892662523 +796 97 3 892690059 +796 98 5 892663090 +796 99 3 893218764 +796 100 3 892611093 +796 106 2 893194895 +796 111 4 893047288 +796 112 4 893219477 +796 117 5 892660283 +796 118 4 893048505 +796 121 5 892661043 +796 125 4 892660465 +796 126 3 892690173 +796 127 5 892660147 +796 132 4 892662222 +796 134 3 892663009 +796 143 5 893218728 +796 144 5 892662524 +796 145 2 893218485 +796 147 5 893048410 +796 151 5 893218765 +796 152 3 892690101 +796 153 5 892676155 +796 155 5 893047241 +796 159 3 893194685 +796 161 5 893048377 +796 168 5 892662871 +796 172 4 892663090 +796 173 5 892662483 +796 174 5 892662069 +796 176 5 892662523 +796 178 3 892662223 +796 180 2 892675606 +796 181 5 892660177 +796 182 4 893048342 +796 183 5 892662441 +796 184 1 892761544 +796 185 4 893194548 +796 186 3 892676114 +796 187 5 892662904 +796 188 2 892675654 +796 191 4 892690382 +796 194 4 892662826 +796 195 5 892675424 +796 196 5 892675693 +796 197 3 892676231 +796 198 4 892662871 +796 199 3 892662223 +796 200 5 893218420 +796 202 4 893047167 +796 203 3 892690173 +796 204 5 892662441 +796 209 3 893048115 +796 210 3 892662441 +796 211 3 893048115 +796 213 4 893047167 +796 215 5 892676115 +796 216 5 892761543 +796 217 4 893218556 +796 218 3 893194607 +796 219 4 893218453 +796 222 5 892660364 +796 226 3 893048410 +796 227 4 893048471 +796 228 5 892761629 +796 229 3 893048471 +796 230 5 893048377 +796 231 3 893048622 +796 232 3 893048911 +796 233 4 893048471 +796 234 2 892690173 +796 236 4 893048149 +796 237 5 893047126 +796 238 3 892761427 +796 243 3 892612354 +796 245 3 892612031 +796 248 3 892660465 +796 249 1 892661011 +796 250 5 892660984 +796 257 5 892660283 +796 258 4 892611840 +796 265 5 892761544 +796 269 3 892610692 +796 271 5 892874827 +796 272 4 892610692 +796 273 2 892660856 +796 274 5 893047167 +796 275 4 892660211 +796 278 4 892660323 +796 280 4 893047208 +796 281 4 893194929 +796 282 4 892660364 +796 283 3 892660322 +796 284 3 892660954 +796 286 2 892610876 +796 291 4 893188576 +796 293 5 892660251 +796 294 3 892611979 +796 298 5 892660954 +796 300 4 892611903 +796 301 1 892611903 +796 307 4 892611799 +796 313 4 892610692 +796 315 5 892611769 +796 316 5 892610692 +796 318 4 892661988 +796 321 2 892611871 +796 322 3 892611953 +796 323 2 892611953 +796 326 4 892612032 +796 328 5 892612057 +796 333 5 892610876 +796 339 2 892874859 +796 342 5 892611871 +796 356 4 893194646 +796 357 4 892662400 +796 367 5 893048150 +796 371 5 893047167 +796 378 4 893218764 +796 381 3 893047208 +796 385 5 893048342 +796 387 3 893047504 +796 389 4 893219092 +796 391 4 893048713 +796 393 4 893218933 +796 396 2 893218621 +796 401 3 893219427 +796 402 5 893047320 +796 403 4 893048410 +796 405 5 892660954 +796 409 3 893219122 +796 414 3 892663044 +796 417 4 893218933 +796 418 4 893218933 +796 419 5 893219001 +796 423 4 892690262 +796 427 4 892662355 +796 429 4 892690102 +796 432 2 893218728 +796 433 2 892675694 +796 434 4 892676195 +796 443 2 893202878 +796 447 3 893218485 +796 448 4 893218485 +796 449 4 893048622 +796 450 3 893049399 +796 451 5 893047167 +796 467 3 892675654 +796 474 2 892663009 +796 477 2 892660465 +796 478 5 892761629 +796 479 4 892761427 +796 480 4 892663155 +796 483 5 892663044 +796 484 5 892675528 +796 485 4 893279958 +796 486 5 892676072 +796 487 5 892676195 +796 488 2 892662400 +796 493 3 892675424 +796 496 5 892662223 +796 500 4 892761629 +796 510 3 892761578 +796 511 4 892676155 +796 514 3 892676231 +796 516 4 893048115 +796 520 3 892662223 +796 525 4 892761390 +796 530 3 893048410 +796 540 2 893048672 +796 542 3 893219403 +796 546 4 893048505 +796 549 3 893047208 +796 550 3 893048562 +796 553 4 893047208 +796 554 2 893048713 +796 559 3 893218453 +796 564 1 893194929 +796 565 3 893218556 +796 566 4 893048343 +796 568 4 892676114 +796 570 2 893048505 +796 573 4 893218521 +796 576 3 893048562 +796 578 4 893048562 +796 586 3 893049257 +796 588 5 893218728 +796 591 3 892611093 +796 597 5 892661043 +796 603 4 892662152 +796 606 4 892761504 +796 607 4 892662964 +796 608 3 892675492 +796 611 4 892675694 +796 615 4 892690263 +796 623 3 893219122 +796 628 4 893194740 +796 633 5 892662070 +796 636 2 893048505 +796 649 3 893194646 +796 655 3 893048115 +796 659 3 892662482 +796 660 5 892690101 +796 662 5 893047207 +796 665 2 893048622 +796 672 3 893218485 +796 679 4 893048471 +796 684 5 892676195 +796 685 4 892660466 +796 692 5 892761544 +796 693 3 893188650 +796 699 4 893188576 +796 705 4 892690263 +796 707 3 892663154 +796 709 3 892676155 +796 716 3 893047167 +796 717 3 893194862 +796 720 4 893048562 +796 722 3 893047460 +796 724 2 893047241 +796 728 3 893047691 +796 731 3 893047320 +796 732 5 893047241 +796 735 2 893188514 +796 736 3 893047126 +796 739 5 893047207 +796 742 3 892660505 +796 746 3 893048115 +796 747 4 893047167 +796 748 5 892611979 +796 751 5 892611979 +796 755 4 893219033 +796 761 3 893048622 +796 762 3 892676115 +796 765 3 893047691 +796 768 2 893219065 +796 769 4 893218622 +796 775 2 893047691 +796 776 4 893219065 +796 778 4 893047021 +796 779 3 893048713 +796 781 4 893047241 +796 783 4 893047691 +796 785 5 893047287 +796 794 4 893047320 +796 795 3 893219254 +796 796 4 893047320 +796 797 3 893049257 +796 807 2 893047691 +796 809 4 893048471 +796 810 3 893048622 +796 815 4 893047321 +796 821 4 893047126 +796 826 2 893049362 +796 831 2 893049303 +796 849 4 893048562 +796 855 3 893279958 +796 859 2 893218622 +796 869 4 893047287 +796 871 1 893219001 +796 873 3 892874827 +796 879 4 892612031 +796 880 3 892611840 +796 928 2 893194929 +796 932 4 893219254 +796 934 3 893048024 +796 939 3 892761504 +796 945 5 892663009 +796 949 4 893047460 +796 974 3 893194740 +796 977 2 893194992 +796 988 3 893219180 +796 1001 2 893219180 +796 1012 3 892660466 +796 1032 3 893219451 +796 1036 4 893219522 +796 1037 2 893047967 +796 1039 4 892662223 +796 1040 3 893047460 +796 1041 5 893047287 +796 1042 4 893194740 +796 1046 3 893194607 +796 1048 2 893047288 +796 1049 4 893219151 +796 1055 3 893188577 +796 1057 2 893047967 +796 1074 1 893047691 +796 1076 2 893219150 +796 1090 4 893194992 +796 1101 5 892690382 +796 1126 1 892662826 +796 1163 3 892660364 +796 1197 3 892660955 +796 1217 3 893194607 +796 1228 4 893048713 +796 1269 5 892662765 +796 1285 4 893188622 +796 1297 2 893047504 +796 1299 2 892676043 +796 1303 2 893048713 +796 1407 3 893049362 +796 1415 3 893219254 +796 1511 3 892660955 +796 1522 3 893194740 +797 50 5 879439314 +797 127 4 879439297 +797 181 5 879439362 +797 257 5 879439362 +797 259 3 879439136 +797 286 2 879438957 +797 294 3 879439105 +797 298 3 879439362 +797 307 2 879439190 +797 327 2 879438992 +797 328 2 879439136 +797 687 2 879439190 +797 781 5 879439594 +797 948 1 879439230 +797 988 1 879439230 +797 1023 3 879439519 +798 1 4 875295695 +798 2 4 875743787 +798 14 2 875295930 +798 15 4 875295810 +798 28 4 875638354 +798 29 4 875915913 +798 38 4 875915806 +798 49 4 875814021 +798 50 5 875295810 +798 52 3 876176979 +798 62 4 875915855 +798 63 5 875914939 +798 66 3 875639364 +798 71 3 875303589 +798 72 3 875638883 +798 73 4 875914114 +798 79 4 875638627 +798 81 3 876177211 +798 82 4 875915855 +798 83 4 875303683 +798 87 3 875639680 +798 88 4 875743642 +798 90 3 875914860 +798 94 3 875914939 +798 95 5 876175467 +798 97 1 875638474 +798 98 1 875639581 +798 105 3 875555000 +798 110 4 875914458 +798 111 1 875296109 +798 112 3 875296234 +798 118 4 875295842 +798 121 5 875295930 +798 125 3 875296178 +798 132 4 875639134 +798 133 3 875303559 +798 138 3 876176160 +798 140 4 876175467 +798 142 3 876175427 +798 143 5 875639061 +798 151 3 875554819 +798 155 3 875639581 +798 158 2 875914604 +798 161 3 875639235 +798 162 3 876177353 +798 163 3 875814110 +798 164 4 875303502 +798 168 4 875743765 +798 172 4 875639656 +798 173 5 875656071 +798 174 4 875743140 +798 181 5 875295772 +798 191 4 875743458 +798 194 4 875743366 +798 202 2 875639095 +798 204 4 875742878 +798 208 3 875639010 +798 210 4 875743410 +798 220 3 875295810 +798 222 3 875295616 +798 225 4 875637487 +798 228 3 875915639 +798 231 2 875638817 +798 239 4 875814157 +798 243 4 875295566 +798 254 5 875637836 +798 257 4 875295842 +798 258 4 875286981 +798 259 5 875295566 +798 265 5 875915777 +798 270 4 880483677 +798 274 5 875295772 +798 275 4 875295842 +798 280 2 875554523 +798 281 4 875296234 +798 283 5 875637963 +798 289 3 875286981 +798 306 3 875637329 +798 321 3 875286981 +798 323 4 875295469 +798 356 3 875639236 +798 365 3 875639656 +798 367 3 875743434 +798 377 3 875639061 +798 378 4 875743858 +798 380 3 875638680 +798 384 2 875915279 +798 391 3 875915855 +798 393 3 875915029 +798 394 4 875914484 +798 395 3 875915279 +798 399 5 875638680 +798 400 3 876176160 +798 402 3 875916297 +798 403 4 875743140 +798 405 5 875296148 +798 415 3 875639260 +798 417 3 876176043 +798 418 4 875639212 +798 419 4 876175937 +798 420 3 876175937 +798 423 3 875639864 +798 432 4 876176259 +798 443 3 876249370 +798 444 2 875639115 +798 451 2 875638547 +798 463 3 876175467 +798 465 4 876176115 +798 472 3 875638178 +798 473 2 875296109 +798 476 2 875637822 +798 482 3 875638884 +798 485 5 875639784 +798 486 4 875639889 +798 491 4 875743196 +798 493 3 875638514 +798 498 3 875639581 +798 554 2 875638884 +798 560 3 875638972 +798 563 2 875638323 +798 568 4 875656111 +798 571 3 875914458 +798 576 3 875639324 +798 577 2 875639441 +798 584 3 876176071 +798 585 3 875743912 +798 588 4 875638447 +798 602 3 875639260 +798 603 3 875743267 +798 610 3 875743314 +798 623 3 876175980 +798 648 3 875914785 +798 659 4 875914337 +798 660 3 876177436 +798 662 3 875916187 +798 671 2 875639115 +798 687 4 875295566 +798 690 4 877117972 +798 692 4 875743140 +798 694 3 875303718 +798 699 3 875303502 +798 703 4 876177414 +798 705 4 875638447 +798 707 2 875303559 +798 709 5 875914860 +798 719 1 875743196 +798 720 5 875915940 +798 722 3 875914534 +798 728 4 875914458 +798 731 3 875303765 +798 732 2 875638759 +798 734 3 875639061 +798 736 5 875639010 +798 740 2 875296148 +798 746 4 875914066 +798 748 5 875295521 +798 755 3 875638627 +798 756 3 875296109 +798 768 4 876175980 +798 769 2 876249507 +798 781 2 875639061 +798 785 3 875639553 +798 795 3 876176160 +798 801 3 875915317 +798 805 4 875743813 +798 810 3 875915855 +798 815 5 875295695 +798 819 3 875295930 +798 821 5 875916505 +798 825 3 875638178 +798 826 5 875295695 +798 827 4 875637541 +798 828 4 875637986 +798 832 4 875637822 +798 839 4 875638649 +798 845 5 875295930 +798 862 3 875914534 +798 878 4 875295521 +798 924 3 875296148 +798 926 4 875638203 +798 929 3 875638090 +798 930 5 875637661 +798 940 1 875914898 +798 941 3 876176561 +798 944 4 875914573 +798 945 3 875743518 +798 946 2 875639889 +798 949 3 875914337 +798 951 3 875639767 +798 953 2 875639290 +798 961 1 875303558 +798 988 3 875295469 +798 996 3 875638717 +798 998 3 875915317 +798 1003 3 875639478 +798 1023 3 875295772 +798 1032 3 875639212 +798 1034 2 875638547 +798 1035 4 875638717 +798 1043 3 875915279 +798 1049 3 875638150 +798 1063 3 875303502 +798 1066 2 876175427 +798 1076 3 876176043 +798 1102 4 875637680 +798 1119 3 875916421 +798 1139 3 876177661 +798 1164 3 875637744 +798 1183 1 875915190 +798 1239 4 875915965 +798 1249 4 875914785 +798 1270 3 875915190 +798 1282 3 875296234 +798 1283 4 875295695 +798 1284 3 875637744 +798 1285 3 876177330 +798 1297 3 875916505 +798 1337 3 875554892 +798 1411 1 875639656 +798 1425 4 875915317 +798 1435 2 875639836 +798 1446 4 875914898 +798 1469 3 876175427 +798 1503 3 876176071 +798 1509 3 875915155 +798 1517 4 875743605 +798 1539 2 876177839 +798 1540 4 875743576 +798 1544 3 875638925 +799 45 4 879253969 +799 50 4 879254077 +799 173 5 879254077 +799 191 3 879254077 +799 258 5 879253668 +799 306 4 879253795 +799 319 4 879253668 +799 479 5 879254026 +799 484 3 879254077 +799 499 4 879253969 +799 654 5 879254027 +799 690 3 879253668 +799 1063 4 879254026 +799 1545 4 879254026 +800 1 4 887646283 +800 15 4 887646631 +800 50 4 887646263 +800 118 3 887646342 +800 121 4 887646423 +800 125 3 887646608 +800 127 4 887646980 +800 181 4 887646203 +800 237 4 887646980 +800 257 4 887646980 +800 275 4 887646203 +800 304 3 887645987 +800 405 4 887646705 +800 457 2 887646168 +800 597 4 887646555 +800 742 4 887646477 +800 864 4 887646980 +800 1047 3 887646804 +801 259 3 890332986 +801 268 5 890332645 +801 271 5 890332929 +801 288 5 890332820 +801 294 5 890332748 +801 299 2 890333011 +801 300 5 890332748 +801 307 4 890332853 +801 313 5 890332694 +801 326 4 890332885 +801 333 5 890332885 +801 354 4 890332645 +801 681 1 890332820 +801 881 3 890332820 +801 890 2 890333150 +801 895 5 890332929 +802 53 4 875985840 +802 98 4 875985601 +802 134 3 875985347 +802 135 4 875985347 +802 176 5 875985469 +802 183 5 875985469 +802 184 4 875986155 +802 185 3 875985601 +802 194 4 875986155 +802 196 3 875985239 +802 197 3 875985347 +802 200 4 875985686 +802 201 4 875985601 +802 217 3 875985767 +802 218 3 875985767 +802 219 5 875985767 +802 234 5 875985601 +802 258 5 875984532 +802 259 2 875984938 +802 260 4 875984938 +802 261 3 875985032 +802 263 1 875985032 +802 264 4 875986155 +802 266 3 875984938 +802 286 2 875984532 +802 288 3 875984637 +802 294 4 875984637 +802 299 4 875986155 +802 300 4 875986155 +802 302 4 875984532 +802 304 3 875985142 +802 323 5 875984722 +802 326 5 875984637 +802 327 2 875984861 +802 330 2 875985031 +802 331 4 875986155 +802 333 4 875986155 +802 358 3 875984722 +802 379 4 875985976 +802 396 2 875985840 +802 413 4 875986303 +802 424 2 875986303 +802 436 4 875985686 +802 440 3 875985686 +802 441 3 875985840 +802 444 4 875985840 +802 447 2 875985686 +802 448 3 875985686 +802 452 4 875985976 +802 563 3 875985976 +802 565 3 875985976 +802 567 4 875985976 +802 569 3 875985840 +802 573 4 875985840 +802 646 4 875986155 +802 657 4 875985239 +802 665 4 875985469 +802 669 1 875985840 +802 670 4 875986155 +802 674 2 875985768 +802 678 4 875984776 +802 681 4 875986155 +802 748 4 875984776 +802 769 5 875985976 +802 879 5 875984938 +803 243 1 880055548 +803 245 4 880055378 +803 259 2 880054971 +803 260 3 880055454 +803 261 1 880054754 +803 264 2 880055309 +803 271 2 880054833 +803 286 5 880054592 +803 289 3 880055309 +803 300 3 880054629 +803 304 3 880054792 +803 305 5 880055604 +803 307 4 880055604 +803 311 5 880054754 +803 322 2 880055043 +803 340 5 880055088 +803 538 4 880054834 +803 688 1 880055043 +803 690 4 880055210 +803 748 1 880054885 +803 754 2 880054754 +803 887 5 880054671 +803 990 2 880054792 +804 1 5 879442661 +804 2 4 879445493 +804 4 4 879442192 +804 7 4 879443673 +804 10 4 879442298 +804 11 4 879442954 +804 22 5 879444407 +804 23 4 879442557 +804 24 5 879443776 +804 25 4 879442490 +804 28 4 879445904 +804 31 4 879442792 +804 32 3 879444352 +804 33 4 879445975 +804 39 2 879447475 +804 40 3 879445739 +804 50 4 879440912 +804 55 4 879442141 +804 56 3 879441371 +804 62 4 879445305 +804 63 4 879445334 +804 64 5 879442001 +804 68 3 879445975 +804 69 4 879444890 +804 70 4 879443137 +804 71 4 879442538 +804 72 4 879445281 +804 79 4 879441627 +804 81 4 879441913 +804 82 5 879442001 +804 84 3 879445933 +804 87 4 879442954 +804 89 4 879441524 +804 91 4 879442192 +804 94 4 879446194 +804 95 2 879447476 +804 96 5 879441677 +804 97 4 879442057 +804 98 5 879441503 +804 99 4 879442984 +804 100 5 879445904 +804 105 3 879444077 +804 108 3 879443819 +804 118 4 879443900 +804 120 3 879444077 +804 121 4 879442377 +804 123 4 879443645 +804 125 4 879443709 +804 127 3 879440947 +804 128 5 879441702 +804 132 4 879445305 +804 133 3 879445904 +804 134 4 879444890 +804 135 3 879444407 +804 139 3 879444943 +804 141 3 879445841 +804 143 3 879442490 +804 144 4 879444890 +804 145 3 879446276 +804 151 3 879442412 +804 152 4 879445466 +804 153 4 879441346 +804 154 3 879441598 +804 155 3 879445660 +804 156 4 879444781 +804 157 4 879442862 +804 159 4 879445441 +804 160 4 879442707 +804 161 4 879442269 +804 162 2 879446037 +804 163 3 879445579 +804 164 4 879442025 +804 167 3 879445956 +804 168 5 879442377 +804 172 4 879442001 +804 173 4 879442412 +804 174 5 879441476 +804 175 4 879444583 +804 176 4 879441702 +804 177 5 879441727 +804 180 4 879442348 +804 181 5 879440947 +804 182 4 879444924 +804 183 4 879445904 +804 184 5 879441727 +804 185 4 879444890 +804 186 4 879442687 +804 187 4 879441973 +804 188 4 879442096 +804 191 4 879442025 +804 193 4 879444518 +804 194 4 879442490 +804 195 5 879442538 +804 196 4 879441752 +804 197 4 879443136 +804 198 5 879441391 +804 199 5 879442239 +804 200 3 879445493 +804 202 4 879442079 +804 203 4 879442122 +804 204 4 879441450 +804 205 4 879442434 +804 206 3 879445440 +804 208 5 879441412 +804 209 3 879442538 +804 210 5 879441372 +804 211 4 879444805 +804 212 3 879445933 +804 215 5 879441752 +804 216 4 879441450 +804 218 4 879445072 +804 219 3 879445072 +804 222 5 879442591 +804 226 4 879445372 +804 227 4 879443136 +804 228 4 879441391 +804 229 4 879445816 +804 230 4 879442001 +804 233 4 879445815 +804 234 4 879442862 +804 235 5 879443736 +804 237 4 879443709 +804 238 4 879441727 +804 239 4 879442122 +804 240 4 879443958 +804 243 3 879440727 +804 245 4 879441132 +804 250 4 879441000 +804 252 4 879441160 +804 254 4 879441195 +804 257 5 879441014 +804 259 4 879440700 +804 260 2 879440787 +804 265 4 879445037 +804 282 4 879444714 +804 284 4 879442732 +804 288 1 879447476 +804 290 4 879443795 +804 291 4 879443819 +804 292 2 879441099 +804 294 5 879441099 +804 307 4 879440600 +804 310 4 879440600 +804 318 5 879441450 +804 322 5 879440700 +804 323 4 879440765 +804 328 4 879440600 +804 357 5 879441450 +804 358 3 879440787 +804 363 4 879446245 +804 366 4 879445579 +804 367 3 879445605 +804 373 2 879447476 +804 378 4 879445605 +804 379 3 879445465 +804 380 4 879445715 +804 385 4 879445904 +804 393 3 879445072 +804 396 3 879445956 +804 399 4 879445111 +804 401 2 879445798 +804 402 3 879445441 +804 403 3 879445739 +804 405 4 879443776 +804 406 3 879444133 +804 411 3 879443776 +804 412 2 879445955 +804 413 4 879443918 +804 414 4 879444890 +804 415 3 879446391 +804 419 3 879444624 +804 423 3 879441371 +804 425 4 879442643 +804 428 3 879445841 +804 429 4 879445037 +804 431 4 879442707 +804 432 3 879441677 +804 434 4 879442642 +804 435 3 879444488 +804 436 5 879444984 +804 443 5 879442122 +804 444 4 879444743 +804 445 4 879445766 +804 447 3 879445625 +804 448 3 879445841 +804 449 3 879445281 +804 451 2 879446063 +804 455 5 879443609 +804 456 3 879444011 +804 468 4 879442687 +804 472 3 879443976 +804 473 4 879443884 +804 474 4 879441524 +804 476 3 879443852 +804 479 4 879441542 +804 480 5 879442057 +804 483 5 879441627 +804 495 3 879442792 +804 496 5 879441973 +804 498 5 879442239 +804 504 3 879444444 +804 510 5 879441346 +804 511 4 879442792 +804 513 5 879441937 +804 514 4 879443032 +804 515 5 879441000 +804 520 4 879445904 +804 522 3 879445190 +804 523 5 879441476 +804 526 4 879442792 +804 527 4 879441752 +804 528 4 879443048 +804 529 4 879441913 +804 546 3 879443884 +804 552 4 879446209 +804 554 2 879447476 +804 558 3 879441627 +804 559 3 879445334 +804 566 4 879444820 +804 568 4 879442793 +804 573 3 879445232 +804 576 4 879445355 +804 582 3 879444963 +804 584 4 879444964 +804 588 4 879442687 +804 597 3 879444011 +804 603 5 879441937 +804 609 3 879444583 +804 615 5 879442298 +804 616 3 879442984 +804 624 2 879445536 +804 625 3 879445493 +804 629 3 879445072 +804 631 3 879444463 +804 632 3 879444488 +804 636 3 879445334 +804 637 3 879444943 +804 639 4 879442591 +804 642 3 879445556 +804 646 4 879441936 +804 647 5 879442001 +804 651 4 879445904 +804 655 4 879442377 +804 657 4 879445904 +804 662 4 879442413 +804 663 5 879442793 +804 664 3 879446090 +804 670 4 879444536 +804 671 3 879445493 +804 674 4 879445699 +804 675 3 879445355 +804 678 4 879440700 +804 679 4 879445393 +804 685 4 879443946 +804 692 5 879442122 +804 702 2 879447476 +804 708 3 879445783 +804 719 3 879445132 +804 720 3 879445072 +804 732 4 879445037 +804 737 3 879444781 +804 739 4 879444805 +804 742 4 879442732 +804 746 4 879444890 +804 747 3 879445699 +804 748 4 879440700 +804 755 3 879445305 +804 756 3 879443976 +804 763 4 879443776 +804 768 3 879445493 +804 771 3 879446108 +804 797 4 879445280 +804 820 4 879444115 +804 824 3 879444133 +804 826 3 879443776 +804 831 3 879443852 +804 841 4 879443709 +804 925 4 879443946 +804 926 4 879443993 +804 928 4 879443736 +804 929 3 879444092 +804 930 3 879444115 +804 932 3 879444077 +804 948 1 879447476 +804 949 3 879445254 +804 951 3 879444781 +804 969 4 879442687 +804 972 3 879445783 +804 981 3 879444077 +804 982 4 879444048 +804 984 4 879440727 +804 988 4 879440663 +804 993 2 879441236 +804 1016 4 879441099 +804 1025 4 879440765 +804 1028 3 879445556 +804 1041 3 879446037 +804 1047 3 879443852 +804 1050 3 879442269 +804 1056 4 879442762 +804 1060 3 879443918 +804 1065 3 879441727 +804 1074 1 879447476 +804 1076 3 879446162 +804 1079 4 879444133 +804 1101 3 879444805 +804 1139 3 879446145 +804 1140 3 879446276 +804 1170 3 879445393 +804 1177 3 879446390 +804 1178 3 879445990 +804 1188 2 879446245 +804 1210 2 879447476 +804 1228 3 879446090 +804 1244 2 879441132 +804 1260 3 879445660 +804 1285 2 879445766 +804 1291 3 879444115 +804 1411 3 879446129 +804 1488 3 879445579 +804 1489 3 879445441 +804 1615 4 879441195 +805 1 4 881695527 +805 4 2 881694798 +805 5 4 881695293 +805 7 5 881694693 +805 8 3 881704063 +805 9 3 881697667 +805 11 2 881694423 +805 12 4 881695677 +805 13 3 881704063 +805 17 4 881695346 +805 21 2 881705055 +805 22 1 881694423 +805 24 4 881694923 +805 25 4 881704193 +805 28 3 881698243 +805 32 4 881697792 +805 33 5 881694885 +805 38 3 881695080 +805 40 3 881704553 +805 45 4 881697128 +805 47 5 881698778 +805 50 4 879971214 +805 55 5 881694693 +805 56 4 881694423 +805 58 4 881698778 +805 65 3 881698861 +805 68 3 881694886 +805 71 3 881695560 +805 79 5 881694423 +805 82 3 881694854 +805 83 4 881696671 +805 86 4 881696729 +805 88 2 881696876 +805 89 4 881694713 +805 91 5 881695527 +805 93 5 881704016 +805 94 1 881705412 +805 95 3 881695527 +805 98 5 881695196 +805 99 2 881695560 +805 100 5 881695196 +805 101 2 881695591 +805 102 4 881695591 +805 105 2 881705238 +805 106 5 881695968 +805 108 3 881705082 +805 111 3 881696671 +805 117 3 881694798 +805 118 3 881695745 +805 121 3 881694885 +805 122 5 881705350 +805 123 4 881695723 +805 127 3 879971215 +805 128 5 881694798 +805 135 4 881698095 +805 137 5 881697713 +805 140 3 881705892 +805 141 2 881705843 +805 142 4 881705843 +805 143 3 881705765 +805 144 3 881694693 +805 145 2 881695445 +805 147 5 881694286 +805 148 2 881695911 +805 150 5 883766549 +805 151 5 881705810 +805 153 4 881704063 +805 154 5 881704063 +805 155 1 881696923 +805 161 1 881694823 +805 162 2 881698069 +805 164 3 881695293 +805 167 3 881705534 +805 168 5 881704016 +805 169 4 881695527 +805 172 4 881694713 +805 173 4 881696671 +805 174 3 881694798 +805 175 5 881697229 +805 176 4 881684185 +805 179 4 881697792 +805 180 3 881698139 +805 181 3 879971215 +805 183 5 881684185 +805 185 5 881695196 +805 190 5 881694423 +805 191 4 881697713 +805 195 3 881694693 +805 196 2 881698778 +805 197 5 881696671 +805 200 5 881695244 +805 202 2 881696729 +805 204 2 881704016 +805 209 4 881684202 +805 210 3 881694693 +805 212 3 881696729 +805 213 3 881696699 +805 214 2 881700713 +805 216 2 881696699 +805 217 2 881695293 +805 223 5 881698139 +805 225 1 881705892 +805 226 3 881694978 +805 228 3 881694423 +805 229 2 881694885 +805 231 3 881694978 +805 234 5 881695244 +805 235 2 881705350 +805 238 5 881704223 +805 240 3 881705350 +805 241 2 881694923 +805 248 4 881683074 +805 258 3 879971215 +805 259 1 879971049 +805 269 5 879971251 +805 271 3 880055033 +805 273 2 883415418 +805 274 2 881705055 +805 288 1 881695244 +805 294 1 879970879 +805 317 4 881698745 +805 319 2 881696876 +805 321 3 881705292 +805 322 2 879971215 +805 323 5 879971214 +805 331 4 879971214 +805 337 2 881180971 +805 338 1 879970974 +805 343 5 881684185 +805 346 4 883766007 +805 352 5 885845656 +805 357 5 881697713 +805 358 3 879971215 +805 367 4 881705108 +805 371 1 881696759 +805 382 4 881698258 +805 383 2 881706146 +805 385 1 881694693 +805 386 3 881704224 +805 387 3 881696905 +805 393 3 881705843 +805 396 4 881695396 +805 401 4 881705108 +805 402 2 881697013 +805 403 4 881694886 +805 405 3 881694885 +805 406 1 881695445 +805 411 2 881705350 +805 412 3 881705592 +805 413 2 881695414 +805 417 2 881705918 +805 418 2 881695527 +805 419 4 881705766 +805 420 4 881695560 +805 422 4 881695560 +805 423 1 881698175 +805 425 5 881698745 +805 428 5 881704337 +805 431 1 881694713 +805 432 5 881695527 +805 433 4 883415418 +805 436 3 881695347 +805 443 5 881695196 +805 451 5 881696759 +805 452 3 881695445 +805 455 4 881694854 +805 469 4 881698243 +805 470 5 881695872 +805 472 2 881695040 +805 475 5 881704016 +805 476 1 881705592 +805 477 4 881705810 +805 501 5 881695560 +805 509 5 881698095 +805 519 4 881698095 +805 522 5 881698095 +805 525 4 881696335 +805 537 5 881703643 +805 541 3 882216971 +805 545 1 881705488 +805 546 2 881703473 +805 549 3 881696759 +805 550 3 881694854 +805 552 3 881696124 +805 554 1 881695080 +805 558 5 881695243 +805 559 3 881695347 +805 568 3 881694854 +805 569 1 881695414 +805 582 3 881698798 +805 588 2 881695527 +805 595 3 881695951 +805 597 3 881695080 +805 603 4 881696335 +805 625 3 881695560 +805 629 3 881704553 +805 631 5 881698243 +805 636 4 881694978 +805 642 4 881695830 +805 645 5 881704193 +805 648 4 881696729 +805 655 3 881698175 +805 659 3 881695677 +805 660 3 881698881 +805 661 4 881697713 +805 664 5 881697667 +805 665 4 881684185 +805 678 4 879971214 +805 679 4 881694854 +805 708 3 881699661 +805 709 4 881696699 +805 715 4 881698828 +805 716 4 881696980 +805 719 4 881705389 +805 724 2 881696699 +805 725 3 881705672 +805 729 3 881699728 +805 735 4 881698139 +805 739 1 881697013 +805 742 3 881695872 +805 747 3 881696729 +805 748 2 879971215 +805 755 3 881705810 +805 768 2 881706049 +805 769 2 881695999 +805 771 5 881695999 +805 772 3 881698881 +805 806 4 881698175 +805 810 2 881695105 +805 827 4 881695040 +805 831 4 881695040 +805 856 4 881698881 +805 866 1 881705412 +805 890 3 882216972 +805 922 5 881702716 +805 928 3 881695930 +805 934 1 881705611 +805 942 3 881698861 +805 946 2 881695591 +805 950 3 881698828 +805 952 5 881704553 +805 959 2 881705327 +805 998 4 881705327 +805 1002 1 881705592 +805 1008 4 881699661 +805 1014 4 881694265 +805 1017 3 881704337 +805 1033 3 881706146 +805 1054 3 881705637 +805 1065 5 881697792 +805 1071 4 881705456 +805 1091 2 881695591 +805 1098 3 881704150 +805 1101 5 881698745 +805 1105 2 884881781 +805 1110 5 881694978 +805 1118 5 881704553 +805 1119 3 881696759 +805 1149 4 881697229 +805 1157 5 881696124 +805 1170 5 881700749 +805 1232 3 881703472 +805 1629 5 881703690 +806 1 4 882385082 +806 2 3 882389862 +806 3 2 882385916 +806 6 2 882385063 +806 12 5 882388204 +806 14 3 882385394 +806 17 4 882389506 +806 24 3 882385394 +806 28 3 882388286 +806 29 4 882390296 +806 45 4 882388159 +806 47 4 882387563 +806 50 5 882385200 +806 56 5 882387999 +806 70 2 882388628 +806 76 3 882389054 +806 79 3 882387448 +806 81 5 882389727 +806 82 4 882389179 +806 88 4 882390191 +806 90 4 882390164 +806 95 5 882388658 +806 96 5 882389908 +806 98 4 882387798 +806 100 4 882385063 +806 111 3 882385237 +806 117 2 882385237 +806 122 3 882385694 +806 127 5 882386323 +806 128 3 882388419 +806 131 4 882390496 +806 133 5 882389908 +806 143 5 882390296 +806 144 5 882388658 +806 150 4 882385563 +806 153 4 882388658 +806 155 3 882390164 +806 156 4 882388128 +806 157 3 882387974 +806 158 2 882390404 +806 161 3 882388328 +806 162 3 882388557 +806 168 4 882387595 +806 169 5 882387756 +806 170 5 882387520 +806 174 5 882387870 +806 175 5 882387756 +806 176 5 882387798 +806 177 3 882388254 +806 179 5 882387870 +806 180 4 882388082 +806 181 2 882384988 +806 182 5 882387925 +806 186 4 882387925 +806 187 5 882387670 +806 188 3 882388159 +806 192 4 882387798 +806 195 3 882388328 +806 196 5 882388437 +806 200 4 882387670 +806 204 5 882388205 +806 209 3 882387837 +806 210 5 882387520 +806 216 4 882388128 +806 222 4 882385563 +806 226 3 882389908 +806 227 2 882388353 +806 228 4 882389230 +806 230 4 882388520 +806 231 3 882390614 +806 234 4 882388036 +806 237 2 882385135 +806 240 2 882385455 +806 249 4 882385476 +806 252 1 882386110 +806 257 4 882385394 +806 258 3 882384589 +806 265 4 882388328 +806 271 3 882384844 +806 273 4 882385524 +806 286 3 882384513 +806 288 3 882384554 +806 302 4 882384513 +806 318 5 882387484 +806 324 2 882384513 +806 357 3 882387373 +806 403 4 882388706 +806 405 3 882385762 +806 407 3 882386125 +806 408 5 882385237 +806 419 5 882388706 +806 421 4 882388897 +806 433 4 882389523 +806 455 3 882385455 +806 461 4 882388706 +806 475 4 882385083 +806 484 4 882387373 +806 485 5 882388381 +806 496 5 882387798 +806 504 4 882388658 +806 511 5 882387520 +806 518 3 882388231 +806 521 3 882387595 +806 553 3 882389831 +806 588 4 882388795 +806 628 3 882385309 +806 629 3 882389862 +806 654 5 882387837 +806 655 3 882388128 +806 675 3 882388381 +806 690 2 882384589 +806 702 3 882388795 +806 705 4 882387595 +806 789 4 882389319 +806 856 5 882387644 +806 875 3 882384802 +806 879 3 882384802 +806 923 3 882389080 +806 952 2 882385578 +806 1010 3 882385806 +806 1012 4 882385278 +806 1016 1 882386110 +806 1018 4 882389908 +806 1048 3 882385806 +806 1059 3 882390426 +806 1071 4 882388965 +806 1074 3 882390515 +806 1098 4 882387925 +806 1129 3 882384988 +806 1514 3 882385643 +807 1 4 892528231 +807 2 4 892978338 +807 8 4 892528374 +807 21 4 892823188 +807 22 5 892528470 +807 28 4 892528918 +807 29 4 892530626 +807 50 5 892529076 +807 62 3 892979256 +807 63 5 892531504 +807 68 4 892705239 +807 69 5 892528110 +807 71 5 892530705 +807 73 3 892532030 +807 79 5 892528690 +807 82 4 892529278 +807 89 4 892528470 +807 91 5 892684675 +807 94 2 892823225 +807 95 4 892529185 +807 96 3 892528564 +807 101 4 893080637 +807 102 4 892979501 +807 117 4 892528813 +807 118 4 892529713 +807 121 4 892529278 +807 127 3 892529647 +807 132 4 892530003 +807 133 5 892705060 +807 135 5 892705362 +807 136 5 892529185 +807 139 2 893082430 +807 140 3 892530004 +807 141 3 892684576 +807 142 3 892530752 +807 143 4 892528062 +807 144 4 892528771 +807 151 4 893081163 +807 154 2 892528919 +807 161 4 892528919 +807 168 4 892529893 +807 172 5 892528515 +807 173 3 892528285 +807 174 5 892528866 +807 177 4 892705191 +807 181 5 892528954 +807 186 4 892530004 +807 194 4 892528427 +807 195 3 892528999 +807 199 5 892528374 +807 204 4 892528954 +807 205 3 892528605 +807 206 2 892684932 +807 208 4 892528646 +807 210 4 892528646 +807 211 4 892529448 +807 222 4 892528174 +807 227 4 892529805 +807 228 4 892529448 +807 229 4 892530752 +807 230 4 892530216 +807 231 4 892530705 +807 234 3 892530216 +807 235 1 892530173 +807 239 4 892529805 +807 250 4 893084375 +807 252 4 893084689 +807 254 4 893085166 +807 257 4 893084232 +807 258 3 892527100 +807 265 5 892529076 +807 289 4 892527665 +807 298 4 893083851 +807 300 5 892527168 +807 313 5 892527050 +807 318 5 892528062 +807 358 3 892527606 +807 373 4 893081695 +807 374 3 893083109 +807 380 4 893080442 +807 381 2 892530004 +807 384 4 893080838 +807 385 4 892530349 +807 386 4 893080516 +807 393 4 892528954 +807 398 3 893082268 +807 399 4 893080801 +807 402 5 892705096 +807 403 4 892979116 +807 404 3 892528427 +807 408 3 892528813 +807 415 3 893082702 +807 416 3 892528771 +807 417 3 892979746 +807 418 4 892529358 +807 419 5 892528813 +807 420 3 892979368 +807 421 3 892529805 +807 422 4 893082741 +807 423 5 892528470 +807 428 4 892530439 +807 431 4 892528062 +807 432 5 892530498 +807 435 3 892528690 +807 449 5 893082893 +807 450 4 893082931 +807 451 5 892530112 +807 465 4 892529448 +807 470 5 892529448 +807 471 4 892775416 +807 472 4 892530625 +807 473 3 892530705 +807 477 4 892775458 +807 483 5 892529756 +807 484 4 892530966 +807 485 5 892531977 +807 491 5 892528062 +807 495 4 892530792 +807 496 5 892528918 +807 498 4 892529150 +807 501 3 892529358 +807 503 3 892530004 +807 505 3 892528110 +807 510 5 892529401 +807 511 5 892705391 +807 515 4 892528999 +807 520 5 892529358 +807 523 3 892529519 +807 526 5 892530061 +807 541 4 893083740 +807 542 5 893081951 +807 543 2 892528427 +807 546 4 892978966 +807 550 5 892979747 +807 554 4 892684529 +807 566 4 892528999 +807 570 4 893081426 +807 578 4 892530582 +807 584 4 892529031 +807 588 5 892530251 +807 596 4 892530792 +807 597 4 892705277 +807 602 5 893083772 +807 605 3 892529150 +807 610 3 892684802 +807 612 5 892528690 +807 622 3 892530656 +807 624 3 892530705 +807 625 3 892978296 +807 627 4 892684456 +807 630 4 892529573 +807 633 4 892529401 +807 636 4 892530752 +807 657 4 892529573 +807 659 4 892977077 +807 678 3 892527569 +807 679 4 892705307 +807 684 5 892529851 +807 699 4 892528515 +807 705 4 892528918 +807 720 4 893080801 +807 739 4 892684321 +807 743 3 893083216 +807 748 4 892527267 +807 751 3 892527467 +807 757 4 892528374 +807 820 3 892532068 +807 826 3 893082505 +807 831 4 892530881 +807 843 2 892684615 +807 930 5 893082778 +807 946 3 893081338 +807 968 4 892530498 +807 969 4 892528375 +807 998 3 893081656 +807 1016 4 893083991 +807 1034 5 893082544 +807 1039 4 892528324 +807 1063 4 892529112 +807 1066 5 893081508 +807 1076 3 893082227 +807 1078 4 892979639 +807 1084 4 892529519 +807 1089 4 893084724 +807 1091 3 893082703 +807 1133 3 892823295 +807 1138 5 893084886 +807 1274 3 893083179 +807 1409 4 892978256 +807 1411 1 893082619 +807 1413 2 893083486 +807 1444 3 893082702 +807 1483 4 892527385 +807 1615 4 893084653 +808 245 4 883949822 +808 262 5 883949986 +808 270 4 883949560 +808 271 3 883949602 +808 286 4 883949560 +808 294 5 883949986 +808 302 5 883949986 +808 313 5 883949986 +808 325 1 883949873 +808 327 5 883949986 +808 333 4 883949519 +808 346 5 883949986 +808 750 5 883949986 +809 258 3 891036903 +809 272 5 891036743 +809 286 4 891036809 +809 289 1 891037020 +809 302 5 891036743 +809 307 5 891036809 +809 313 4 891036743 +809 328 5 891036989 +809 678 2 891037172 +809 748 3 891037091 +810 288 3 879895233 +810 289 5 879895403 +810 294 5 879895233 +810 301 5 890083124 +810 304 4 885406558 +810 313 5 885406451 +810 321 5 879895290 +810 326 5 891873739 +810 331 4 891873686 +810 333 5 886614819 +810 339 5 891294039 +810 342 5 890083580 +810 678 4 879895453 +810 873 3 879895403 +810 878 4 879895500 +810 879 5 890083124 +811 258 5 886377311 +811 289 2 886377426 +811 292 3 886377041 +811 294 4 886377483 +811 301 5 886377530 +811 304 5 886377311 +811 323 5 886377579 +811 690 5 886377248 +811 748 3 886377579 +811 892 4 886377530 +811 901 4 886377771 +812 245 2 877625367 +812 261 1 877625461 +812 286 2 877625109 +812 288 4 877625294 +812 294 5 877625367 +812 326 4 877625294 +812 358 3 877625461 +812 678 4 877625294 +812 748 5 877625368 +812 1393 3 877625224 +813 243 3 883752660 +813 259 2 883752528 +813 263 3 883752606 +813 270 5 883752380 +813 289 4 883752455 +813 294 1 883752051 +813 300 4 883752331 +813 326 3 883752380 +813 335 2 883752417 +813 342 1 883752417 +813 358 3 883752606 +813 538 3 883752380 +813 690 4 883752331 +813 750 4 883752264 +813 751 5 883752264 +813 877 1 883752331 +813 893 3 883752708 +813 901 1 883752708 +813 988 3 883752528 +814 5 3 885411030 +814 7 4 885411073 +814 98 4 885410957 +814 100 4 885410957 +814 145 2 885411749 +814 184 3 885411073 +814 185 3 885411030 +814 200 4 885411204 +814 201 2 885410957 +814 288 4 885410789 +814 358 2 885410837 +814 413 2 885411749 +814 436 3 885411073 +814 443 3 885411132 +814 444 2 885411347 +814 447 3 885411030 +814 448 3 885411030 +814 559 3 885411132 +814 565 3 885411347 +814 590 2 885411749 +814 635 2 885411749 +814 656 3 885410957 +814 667 2 885411204 +814 669 3 885411204 +814 674 3 885411030 +815 1 5 878691975 +815 2 3 878696355 +815 7 4 878691975 +815 9 4 878691739 +815 28 4 878694199 +815 31 4 878695490 +815 50 5 878691739 +815 54 3 878696355 +815 57 5 878694854 +815 65 5 878694664 +815 69 4 878694106 +815 71 5 878694341 +815 77 4 878695798 +815 79 4 878694493 +815 82 4 884267891 +815 83 4 878695311 +815 86 5 878693989 +815 87 5 878694199 +815 88 4 878695176 +815 89 4 878695092 +815 91 3 878696840 +815 94 3 878697705 +815 95 3 878693381 +815 96 5 878693871 +815 97 5 878694983 +815 98 4 878693183 +815 99 4 878694665 +815 114 5 878695019 +815 117 3 878691884 +815 121 2 878692344 +815 125 5 878692242 +815 127 3 878691739 +815 132 5 878695278 +815 133 5 878694613 +815 134 4 878694613 +815 135 2 878694493 +815 136 5 878695311 +815 141 4 878694613 +815 143 5 878694665 +815 144 4 878693989 +815 151 4 878692207 +815 154 5 878694453 +815 158 2 878695645 +815 159 3 878694306 +815 163 4 878695841 +815 167 2 878697705 +815 168 3 878693424 +815 172 5 878694613 +815 173 5 878695241 +815 174 4 878693424 +815 175 3 878694952 +815 176 4 878694705 +815 179 2 878694228 +815 181 5 878691844 +815 182 3 878693424 +815 183 5 878694381 +815 185 3 878693830 +815 188 3 878693906 +815 190 5 878693381 +815 191 5 878693183 +815 193 4 878696054 +815 195 4 878695278 +815 196 4 878694526 +815 199 4 878694055 +815 200 5 878693871 +815 202 4 878694341 +815 203 4 878696650 +815 204 4 878693871 +815 210 2 878698553 +815 214 5 878693497 +815 215 5 878694820 +815 216 3 878693381 +815 217 3 878696681 +815 222 4 884320310 +815 226 3 878698704 +815 227 2 878695147 +815 228 5 878694735 +815 229 3 878695527 +815 230 5 878698098 +815 233 3 878694381 +815 239 5 878694563 +815 240 2 878692319 +815 250 1 878691779 +815 252 2 884267891 +815 257 3 884320266 +815 258 4 884320310 +815 265 5 878696181 +815 313 5 884222552 +815 318 5 878693497 +815 333 3 887978234 +815 357 5 878693906 +815 380 3 878695744 +815 386 2 878696563 +815 391 2 878697734 +815 392 4 878697163 +815 393 4 878696473 +815 402 5 878695438 +815 403 4 878697532 +815 404 4 878695147 +815 417 5 878694664 +815 418 4 878695744 +815 419 3 878695490 +815 423 5 878694613 +815 427 5 887978255 +815 432 5 878694952 +815 433 3 878695199 +815 434 3 878696619 +815 435 4 878694269 +815 436 3 878695241 +815 443 3 878695055 +815 444 2 878698407 +815 449 2 878698661 +815 471 2 878692149 +815 472 1 878692826 +815 479 4 878694106 +815 483 5 878696284 +815 484 4 878693989 +815 485 4 878694820 +815 494 5 878696093 +815 501 3 878694028 +815 514 1 878693183 +815 515 5 878691739 +815 518 3 878693183 +815 521 4 878694381 +815 523 4 878693462 +815 524 4 878693381 +815 526 4 878696093 +815 527 5 878693830 +815 529 5 878694854 +815 542 4 878694820 +815 559 3 878695877 +815 582 1 878695311 +815 584 3 878696355 +815 588 5 878693906 +815 596 5 878692043 +815 602 3 878694269 +815 613 5 878694983 +815 614 3 878695964 +815 615 2 878696181 +815 616 1 878697189 +815 625 4 878694705 +815 629 4 878695527 +815 631 4 887978234 +815 639 2 878696681 +815 647 5 878694055 +815 650 2 878696213 +815 655 3 878694563 +815 659 5 878694952 +815 660 4 878696441 +815 665 2 878698525 +815 671 4 878695679 +815 675 2 878698831 +815 684 4 878696441 +815 686 5 878695092 +815 705 5 878693183 +815 712 3 878696563 +815 713 4 878692016 +815 732 5 878694106 +815 735 5 878695438 +815 835 3 878694269 +815 837 5 878694983 +815 871 1 878693073 +815 919 5 878691844 +815 944 3 878696318 +815 945 4 878697261 +815 969 5 878694306 +815 993 2 878691939 +815 1039 5 878693870 +815 1078 2 878695903 +815 1133 3 878697466 +815 1157 2 884267828 +815 1204 5 878696619 +815 1299 3 878697015 +816 258 3 891711378 +816 259 2 891711423 +816 288 4 891710724 +816 294 5 891711801 +816 300 4 891710724 +816 309 5 891711801 +816 313 5 891710780 +816 322 4 891710922 +816 323 4 891711324 +816 326 4 891710803 +816 343 4 891711423 +816 349 4 891711554 +816 355 2 891711472 +816 690 4 891710922 +816 1025 4 891711495 +817 1 4 874815835 +817 7 4 874815885 +817 9 3 874815836 +817 15 3 874815836 +817 117 5 874815947 +817 118 3 874815947 +817 121 3 874815835 +817 124 4 874815885 +817 129 4 874815836 +817 147 3 874815947 +817 222 4 874815835 +817 258 3 874815541 +817 273 5 874815885 +817 281 4 874816007 +817 288 4 874815593 +817 294 4 874815593 +817 300 3 874815542 +817 328 4 874815679 +817 329 4 874815649 +817 358 4 874815679 +817 405 3 874815947 +817 455 3 874815947 +817 748 4 874815649 +817 831 1 874816007 +817 876 4 874815542 +817 924 3 874815947 +818 286 4 891870222 +818 302 5 891870264 +818 313 4 891870173 +818 316 4 891870301 +818 322 2 891870389 +818 328 4 891870301 +818 690 3 891870301 +818 751 5 891870473 +818 887 4 891870590 +818 912 3 891870301 +818 1105 1 891883071 +819 147 5 884105025 +819 182 4 884105025 +819 245 3 879952688 +819 248 5 880382511 +819 255 1 884105841 +819 258 2 879952538 +819 268 4 884012614 +819 286 5 879952508 +819 303 4 879952508 +819 304 4 879952565 +819 315 5 884618354 +819 321 4 880381928 +819 340 5 879952627 +819 533 4 884618086 +819 744 5 880382355 +819 862 2 884012586 +819 1160 4 880382533 +819 1537 5 884012662 +820 264 3 887955180 +820 271 2 887955020 +820 288 5 887954934 +820 289 2 887955020 +820 301 2 887955046 +820 315 3 887954828 +820 316 3 887955204 +820 343 4 887955241 +820 538 3 887954906 +820 748 1 887955223 +820 751 1 887955180 +821 1 5 874792813 +821 14 4 874792369 +821 22 5 874793418 +821 28 5 874793469 +821 56 5 874793847 +821 64 5 874793649 +821 70 4 874793933 +821 71 5 874793969 +821 79 5 874793517 +821 95 5 874793898 +821 97 5 874793848 +821 98 5 874793847 +821 111 4 874793049 +821 117 3 874792442 +821 118 3 874793218 +821 121 3 874792752 +821 125 4 874792860 +821 126 5 874792570 +821 148 3 874792650 +821 151 4 874792889 +821 161 4 874793898 +821 174 5 874793773 +821 180 5 874793517 +821 181 4 874792521 +821 234 5 874793574 +821 237 5 874792491 +821 274 5 874792778 +821 275 5 874792369 +821 281 3 874793218 +821 284 3 874792521 +821 294 4 874792194 +821 389 5 874793469 +821 427 5 874793649 +821 459 5 874792698 +821 471 4 874792752 +821 473 3 874792813 +821 476 4 874792403 +821 483 5 874793517 +821 484 5 874793898 +821 495 5 874793574 +821 504 4 874793848 +821 509 5 874793574 +821 560 3 874793773 +821 597 3 874793022 +821 705 5 874793649 +821 707 5 874793848 +821 742 4 874793130 +821 845 5 874792591 +821 993 4 874792570 +821 1060 5 874793022 +821 1084 5 874792285 +821 1197 5 874792889 +822 1 4 891037291 +822 25 3 891039543 +822 95 4 891037394 +822 189 4 891037394 +822 206 3 891036851 +822 272 3 891033683 +822 333 4 891033747 +822 408 5 891037291 +822 410 1 891039486 +822 432 3 891037394 +822 902 4 891033747 +822 926 2 891040155 +822 1091 1 891038627 +822 1110 4 891036395 +822 1240 3 891036703 +823 1 4 878438206 +823 4 5 878438607 +823 8 5 878437925 +823 12 4 878437925 +823 13 5 878438642 +823 17 4 878439655 +823 22 5 878438058 +823 25 3 878438642 +823 26 5 878438930 +823 28 3 878438058 +823 31 5 878439038 +823 42 4 878438357 +823 50 5 878438435 +823 52 3 878439605 +823 53 5 878439229 +823 55 4 878438484 +823 56 5 878438119 +823 58 5 878438930 +823 64 5 878437753 +823 66 4 878439391 +823 68 3 878438930 +823 69 5 878438095 +823 71 3 878439008 +823 77 4 878438958 +823 79 4 878439038 +823 81 4 878437836 +823 83 3 878438024 +823 87 5 878438887 +823 88 5 878438780 +823 89 5 878438780 +823 90 4 878438552 +823 91 3 878439365 +823 92 5 878438357 +823 94 2 878439497 +823 95 4 878439257 +823 96 4 878438179 +823 98 5 878437890 +823 100 5 878437658 +823 101 3 878438807 +823 102 4 878438807 +823 111 4 878438206 +823 124 4 878437925 +823 125 4 878438585 +823 127 5 878438357 +823 128 2 878438733 +823 134 5 878438232 +823 135 4 878438379 +823 136 5 878438206 +823 140 3 878438332 +823 141 4 878438484 +823 143 4 878438024 +823 150 4 878438058 +823 151 4 878438732 +823 152 5 878437703 +823 153 4 878438856 +823 154 5 878438607 +823 155 3 878439211 +823 156 5 878438403 +823 157 5 878438435 +823 159 3 878438484 +823 160 4 878438232 +823 161 3 878438535 +823 164 3 878437658 +823 168 5 878437658 +823 170 4 878438357 +823 172 5 878437589 +823 173 5 878438148 +823 174 5 878437589 +823 175 4 878438457 +823 176 4 878438807 +823 180 4 878439008 +823 181 4 878438260 +823 182 4 878438260 +823 183 4 878438403 +823 184 3 878439629 +823 186 4 878438672 +823 187 5 878438148 +823 188 5 878438672 +823 191 5 878437623 +823 193 5 878439113 +823 194 5 878439136 +823 195 4 878437703 +823 196 5 878439211 +823 197 5 878437623 +823 198 4 878439065 +823 202 4 878438672 +823 204 4 878438930 +823 206 4 878439089 +823 210 4 878439498 +823 211 5 878438585 +823 215 4 878437925 +823 216 5 878438584 +823 217 3 878439655 +823 218 4 878438232 +823 219 2 878439038 +823 222 3 878438179 +823 227 1 878439497 +823 228 3 878438435 +823 229 3 878439211 +823 230 3 878439557 +823 231 3 878439337 +823 234 4 878438608 +823 237 4 878439037 +823 238 5 878438057 +823 239 4 878438959 +823 240 3 878438119 +823 273 3 878437890 +823 282 3 878439364 +823 286 5 878437499 +823 294 3 878439981 +823 318 5 878438179 +823 333 3 878439845 +823 356 3 878439467 +823 374 1 878438733 +823 401 4 878439365 +823 404 4 878438484 +823 408 5 878437589 +823 410 4 878438535 +823 418 4 878438672 +823 419 4 878438780 +823 423 5 878438780 +823 425 5 878438298 +823 426 4 878437658 +823 427 4 878439038 +823 428 5 878438511 +823 433 4 878438379 +823 450 1 878439412 +823 459 4 878438379 +823 471 3 878438608 +823 473 3 878439065 +823 474 5 878437890 +823 478 4 878439113 +823 502 5 878439008 +823 503 5 878439315 +823 514 5 878438024 +823 517 5 878437658 +823 531 4 878437890 +823 566 4 878439605 +823 568 3 878439293 +823 588 3 878438179 +823 606 4 878438856 +823 625 4 878438807 +823 631 4 878439293 +823 640 1 878439315 +823 642 4 878439089 +823 651 5 878438179 +823 654 5 878437703 +823 655 5 878439364 +823 659 4 878437589 +823 660 5 878438435 +823 684 4 878439391 +823 686 4 878439257 +823 692 4 878439438 +823 708 4 878438930 +823 709 3 878438095 +823 710 4 878438457 +823 715 5 878439065 +823 721 4 878438695 +823 732 5 878439183 +823 735 4 878438754 +823 739 4 878439582 +823 742 4 878438535 +823 747 4 878438585 +823 762 4 878439557 +823 770 4 878438754 +823 792 3 878438057 +823 866 2 878438179 +823 919 4 878438206 +823 1046 3 878439467 +823 1067 4 878438511 +823 1070 4 878438332 +823 1107 3 878438332 +823 1135 3 878437836 +823 1217 1 878438435 +823 1267 4 878438780 +824 268 4 877020871 +824 286 2 877020871 +824 289 2 877021044 +824 292 3 877020927 +824 294 3 877021002 +824 304 3 877020964 +824 321 2 877021002 +824 322 4 877021044 +824 678 3 877021121 +824 991 3 877021121 +825 9 3 880755418 +825 12 5 881101782 +825 14 3 880755942 +825 16 3 889020779 +825 20 2 889021180 +825 25 4 880756904 +825 98 5 881101641 +825 100 4 880755942 +825 105 3 889021208 +825 106 4 880756504 +825 111 3 892947930 +825 116 3 880755693 +825 117 5 889021393 +825 118 4 880756725 +825 120 3 889020852 +825 121 5 880756076 +825 122 1 889021209 +825 124 3 881097389 +825 125 5 880755942 +825 126 3 880755982 +825 127 3 880755612 +825 130 2 889021235 +825 137 2 880756224 +825 147 5 880756643 +825 148 4 880756725 +825 174 5 881101782 +825 176 5 881101641 +825 181 4 880756224 +825 195 5 881101543 +825 222 5 880755468 +825 235 3 880756678 +825 237 4 880931932 +825 243 4 884642187 +825 245 5 882109193 +825 248 4 880755869 +825 249 3 880755693 +825 250 5 880755693 +825 252 5 880757103 +825 257 4 880931887 +825 258 4 880932625 +825 273 5 880756401 +825 274 4 889020826 +825 275 3 881100775 +825 276 1 880756575 +825 281 3 880756678 +825 282 4 880755693 +825 283 2 880756224 +825 284 3 880756603 +825 285 3 880756504 +825 286 4 889912073 +825 288 1 880931932 +825 289 1 882109193 +825 290 4 880755869 +825 291 5 880756603 +825 293 3 880931805 +825 294 4 880755305 +825 307 4 880755305 +825 321 3 886697076 +825 322 5 884642187 +825 323 4 881185672 +825 325 5 882109250 +825 326 4 886696420 +825 363 4 881185343 +825 369 3 880756862 +825 370 3 889021180 +825 385 5 881101641 +825 405 5 880756442 +825 406 2 889021208 +825 407 3 889021180 +825 409 3 889020852 +825 411 3 889021134 +825 413 3 889020940 +825 423 5 881101641 +825 455 4 880756796 +825 456 3 889021287 +825 472 5 880756442 +825 491 4 881101782 +825 515 4 880756076 +825 544 3 889021037 +825 546 5 880756603 +825 566 5 881101543 +825 591 4 880755943 +825 593 3 880755468 +825 595 3 889021134 +825 597 5 880756933 +825 619 4 880756834 +825 620 3 889021134 +825 628 4 880756504 +825 678 4 880757103 +825 685 4 880756321 +825 687 5 882109250 +825 696 3 889020961 +825 717 4 889021088 +825 740 2 880756320 +825 742 4 880756224 +825 746 5 881101782 +825 748 5 880756504 +825 823 4 881342978 +825 825 4 881187129 +825 827 4 881184695 +825 831 3 880756796 +825 833 4 881101329 +825 840 4 880757103 +825 844 2 892949244 +825 866 4 880756376 +825 870 3 880931932 +825 871 3 880932283 +825 919 1 881099316 +825 924 2 880756725 +825 925 4 880756904 +825 926 4 880756643 +825 928 3 880756224 +825 930 5 881184695 +825 931 3 889021287 +825 932 3 880756862 +825 979 4 889021134 +825 982 5 881184695 +825 984 5 884642187 +825 986 5 881185343 +825 1008 1 889020680 +825 1011 3 881101246 +825 1013 2 881185672 +825 1016 3 880756077 +825 1028 3 889021037 +825 1034 4 881185343 +825 1047 3 880756934 +825 1049 3 880756834 +825 1051 4 880755693 +825 1087 3 881343153 +825 1117 3 880756402 +825 1163 3 880756076 +825 1199 4 880755762 +825 1244 5 881185672 +825 1254 1 880756678 +825 1291 2 889021258 +826 1 4 885690250 +826 2 3 885690713 +826 4 4 885690526 +826 11 4 885690526 +826 22 5 885690481 +826 29 3 885690750 +826 33 3 885690600 +826 38 3 885690750 +826 39 4 885690600 +826 50 5 885690525 +826 53 5 885690900 +826 56 5 885690525 +826 62 4 885690790 +826 68 3 885690677 +826 71 5 885690342 +826 79 4 885690526 +826 82 3 885690482 +826 89 5 885690526 +826 91 4 885690342 +826 92 4 885690636 +826 95 5 885690342 +826 96 5 885690600 +826 99 3 885690379 +826 101 5 885690442 +826 102 4 885690442 +826 127 5 885690482 +826 172 5 885690481 +826 174 5 885690481 +826 176 5 885690600 +826 177 5 885690676 +826 181 5 885690526 +826 182 4 885690600 +826 183 5 885690482 +826 187 4 885690481 +826 190 3 885690636 +826 195 5 885690636 +826 210 5 885690526 +826 226 4 885690677 +826 227 4 885690713 +826 228 3 885690600 +826 229 4 885690713 +826 230 4 885690600 +826 231 3 885690713 +826 232 3 885690713 +826 233 4 885690713 +826 241 4 885690600 +826 258 4 885689759 +826 260 3 885690022 +826 265 5 885690526 +826 271 4 885690022 +826 288 3 885689759 +826 309 4 885689892 +826 313 5 885689782 +826 332 3 885689821 +826 336 4 885690064 +826 343 5 885690046 +826 373 3 885690900 +826 385 5 885690677 +826 391 4 885690854 +826 397 3 885690854 +826 399 4 885690790 +826 403 4 885690750 +826 420 3 885690342 +826 422 2 885690379 +826 426 2 885690379 +826 431 5 885690636 +826 432 3 885690379 +826 435 4 885690677 +826 449 4 885690819 +826 501 3 885690380 +826 510 4 885690677 +826 511 3 885690482 +826 526 3 885690677 +826 540 3 885690854 +826 550 3 885690750 +826 554 4 885690749 +826 568 4 885690636 +826 570 4 885690790 +826 576 4 885690900 +826 578 5 885690713 +826 586 4 885690819 +826 588 4 885690342 +826 624 4 885690379 +826 625 3 885690442 +826 627 4 885690342 +826 651 4 885690526 +826 665 5 885690819 +826 678 4 885689942 +826 679 2 885690712 +826 720 3 885690819 +826 748 4 885689918 +826 768 3 885690442 +826 771 3 885690900 +826 779 3 885690900 +826 802 4 885690854 +826 810 3 885690854 +826 849 4 885690750 +826 946 3 885690342 +826 1110 4 885690900 +826 1222 3 885690819 +826 1228 3 885690900 +826 1231 3 885690854 +826 1239 4 885690854 +826 1240 5 885690442 +826 1409 2 885690442 +827 258 3 882201175 +827 268 4 882201175 +827 272 4 884213984 +827 286 3 882201725 +827 301 4 882201885 +827 312 2 882809814 +827 313 3 892157221 +827 326 3 882807503 +827 329 3 882807787 +827 331 3 892157376 +827 332 3 882204460 +827 333 3 892157242 +827 343 4 882201532 +827 347 3 892157356 +827 358 2 882808622 +827 690 3 882807503 +827 750 3 892157198 +827 938 3 892157282 +828 6 1 891035614 +828 10 3 891035970 +828 14 4 891035819 +828 19 5 891035613 +828 20 2 891035969 +828 24 4 891035864 +828 26 3 891037948 +828 45 4 891380166 +828 52 3 891037639 +828 57 3 891037640 +828 59 5 891036972 +828 60 4 891380167 +828 61 5 891037466 +828 70 3 893186210 +828 83 3 891036826 +828 86 3 891037047 +828 116 4 891035724 +828 170 3 891037231 +828 171 3 891036568 +828 179 4 891036972 +828 190 3 891036826 +828 198 4 891036492 +828 207 4 891036492 +828 213 2 891037865 +828 224 3 891035614 +828 246 2 893186163 +828 269 4 891033574 +828 270 5 891034148 +828 271 2 891035438 +828 275 3 891035614 +828 283 3 891035864 +828 286 4 891033342 +828 288 3 891034237 +828 302 4 891380166 +828 303 4 891033574 +828 306 3 891033342 +828 313 3 891033342 +828 316 5 891034440 +828 322 3 891034515 +828 325 2 891035438 +828 327 4 891033756 +828 328 3 891033988 +828 331 4 891380166 +828 340 5 891033756 +828 345 1 891035438 +828 346 4 891380167 +828 355 2 891035437 +828 381 3 891036568 +828 382 3 891037639 +828 462 3 891036630 +828 463 2 891036717 +828 475 4 891035724 +828 509 2 891036630 +828 510 3 891037231 +828 512 5 891037948 +828 531 4 891036972 +828 547 2 891035864 +828 557 2 891036826 +828 558 3 891037047 +828 582 3 891037813 +828 640 2 891037948 +828 652 5 891036492 +828 694 2 891036717 +828 702 2 891037466 +828 737 1 891037948 +828 748 2 891035438 +828 751 3 891034306 +828 752 1 891035438 +828 753 4 891037047 +828 886 1 891035438 +828 887 4 891033611 +828 895 2 891035437 +828 896 4 891379760 +828 900 2 891035438 +828 902 4 891380167 +828 904 3 891618316 +828 906 3 891034148 +828 921 4 891037948 +828 955 3 891379818 +828 958 5 891038262 +828 961 2 891038222 +828 971 4 891380167 +828 985 3 893186246 +828 1005 3 891037813 +828 1056 1 891036630 +828 1062 4 891380166 +828 1068 4 891035864 +828 1153 3 891037948 +828 1462 3 891037948 +828 1466 4 891380166 +828 1597 3 891037813 +828 1622 1 891038060 +828 1646 4 893186124 +828 1672 2 891037722 +829 1 4 891990554 +829 10 3 881707829 +829 20 3 881707829 +829 70 4 881699060 +829 86 4 891992008 +829 105 3 881711924 +829 116 4 881698644 +829 124 4 892312784 +829 125 3 891990619 +829 129 4 881712252 +829 151 4 891990672 +829 170 4 881698933 +829 189 4 891992008 +829 190 4 881698876 +829 192 5 881712519 +829 198 4 884736647 +829 212 4 881699005 +829 250 3 882816754 +829 255 3 891547657 +829 257 4 881699584 +829 258 3 886993238 +829 259 2 881707829 +829 268 4 886631672 +829 276 4 891990694 +829 278 1 881712488 +829 281 3 881712349 +829 284 3 891990799 +829 286 4 891204271 +829 294 2 881707829 +829 310 3 890956632 +829 313 4 891204191 +829 318 5 883149860 +829 319 4 892312728 +829 339 2 891992167 +829 408 4 891991300 +829 410 3 881086959 +829 427 4 891204271 +829 458 3 891990881 +829 462 4 881698976 +829 475 4 891990718 +829 509 5 881698976 +829 512 4 881698976 +829 515 4 881698803 +829 529 4 881698976 +829 582 4 881699060 +829 639 4 881699005 +829 705 4 891204271 +829 733 2 887584684 +829 845 3 891990650 +829 1018 2 881707829 +829 1067 4 891990842 +829 1120 2 881707829 +829 1121 4 883149815 +829 1193 4 881699425 +830 1 4 891560596 +830 2 3 891561806 +830 15 4 891561065 +830 29 1 891899476 +830 49 5 892503093 +830 50 5 891561606 +830 56 2 891464054 +830 69 5 891898262 +830 71 4 891561474 +830 79 4 891561607 +830 82 3 891561673 +830 87 4 891462594 +830 88 4 891464148 +830 89 5 891561607 +830 96 3 891561673 +830 97 4 892502984 +830 98 5 891462467 +830 99 3 891561474 +830 100 5 891560934 +830 126 5 892502421 +830 127 4 891464054 +830 134 3 891464054 +830 151 3 891560596 +830 161 4 891561870 +830 172 5 891561606 +830 173 4 891464148 +830 174 5 891561606 +830 176 3 891561673 +830 181 5 891561673 +830 187 2 891464054 +830 193 5 891898415 +830 195 3 891464054 +830 197 4 891464415 +830 202 5 891464148 +830 203 4 891898061 +830 204 3 891898551 +830 205 5 891462531 +830 210 5 891561607 +830 211 4 891898720 +830 222 3 891561065 +830 225 3 891560596 +830 226 5 891561806 +830 228 3 891561607 +830 229 2 891561937 +830 230 3 891561806 +830 231 2 891561938 +830 233 3 891561737 +830 241 4 891464148 +830 265 5 891561607 +830 288 1 891899475 +830 294 3 891464054 +830 310 4 891462185 +830 313 5 891462165 +830 385 4 891561805 +830 399 5 891561999 +830 403 4 891561806 +830 413 1 891899475 +830 418 3 891561540 +830 424 1 891560972 +830 427 5 891462531 +830 431 3 891561737 +830 432 3 891561474 +830 435 5 891561737 +830 449 2 891899475 +830 451 4 892503035 +830 474 5 891898661 +830 480 5 891462594 +830 484 5 891898661 +830 487 5 891898415 +830 498 5 891899535 +830 501 3 891561474 +830 510 4 891561673 +830 511 5 891561673 +830 523 4 891898661 +830 550 5 891561870 +830 554 5 891561999 +830 566 3 891561937 +830 568 4 891561607 +830 588 5 891561474 +830 612 4 891898061 +830 613 4 891898603 +830 625 3 891561541 +830 627 3 891561541 +830 648 5 891464148 +830 661 4 891462594 +830 679 3 891561805 +830 692 4 891464148 +830 732 5 891464415 +830 739 4 892503093 +830 751 2 891464054 +830 790 1 891899476 +830 820 1 891899475 +830 834 1 891899475 +830 837 5 891462467 +830 925 4 892502651 +830 968 4 891898211 +831 1 4 891354573 +831 7 5 891354947 +831 12 5 891354687 +831 22 5 891354573 +831 28 3 891354848 +831 31 4 891354612 +831 50 5 891354900 +831 56 5 891354751 +831 64 5 891354534 +831 83 4 891354848 +831 96 5 891354668 +831 117 3 891354970 +831 129 2 891354866 +831 144 5 891354815 +831 156 4 891354751 +831 173 3 891354798 +831 181 5 891354866 +831 197 4 891354751 +831 204 5 891354645 +831 208 2 891354612 +831 210 5 891354612 +831 237 4 891355004 +831 245 2 891354226 +831 260 2 891354371 +831 270 4 891354000 +831 271 2 891354225 +831 273 3 891354773 +831 284 3 891355004 +831 288 1 891354043 +831 294 4 891354043 +831 298 5 891355004 +831 300 3 891354191 +831 301 2 891354275 +831 307 2 891354064 +831 313 5 891354000 +831 315 3 891353915 +831 316 3 891354338 +831 317 4 891354798 +831 323 2 891354275 +831 326 4 891354275 +831 327 2 891353940 +831 333 4 891353915 +831 340 4 891354000 +831 354 4 891354063 +831 358 2 891354371 +831 479 4 891354726 +831 508 3 891354947 +831 591 4 891355004 +831 603 5 891354535 +831 687 2 891354424 +831 688 1 891354424 +831 690 4 891354064 +831 713 5 891354970 +831 741 2 891354726 +831 742 3 891354866 +831 748 2 891354297 +831 749 2 891354225 +831 750 4 891354225 +831 877 2 891354391 +831 905 4 891354020 +831 1012 4 891354970 +831 1063 4 891354668 +831 1119 3 891354751 +832 25 2 888260157 +832 50 3 888260089 +832 181 3 888260089 +832 245 3 888259984 +832 260 3 888259404 +832 294 4 888259121 +832 313 5 888258754 +832 326 4 888259121 +832 328 3 888259020 +832 334 2 888259984 +832 471 4 888260089 +832 678 2 888259984 +832 681 2 888259984 +832 748 3 888259984 +832 876 3 888259480 +833 4 3 875123781 +833 5 1 879818535 +833 7 3 875035953 +833 11 5 875038850 +833 12 5 875039416 +833 13 2 875036139 +833 22 3 875122716 +833 23 5 875123427 +833 24 4 875036213 +833 26 1 875133661 +833 28 3 875135213 +833 30 4 875225297 +833 32 5 875123255 +833 33 2 875134264 +833 38 1 879818760 +833 47 5 875123299 +833 50 2 875035718 +833 53 1 875224039 +833 55 3 875038807 +833 56 4 875122716 +833 58 2 875124495 +833 64 3 875039204 +833 67 3 875134891 +833 68 4 875224515 +833 69 2 875039326 +833 72 2 875134724 +833 76 2 875124382 +833 79 3 875039254 +833 89 5 875124495 +833 92 2 875135363 +833 93 4 875036056 +833 96 5 875132134 +833 98 3 875123359 +833 100 4 875036169 +833 106 2 879818799 +833 108 2 875036102 +833 111 2 875134110 +833 118 2 875038483 +833 121 1 875133458 +833 122 2 875135058 +833 128 3 875123536 +833 129 3 875035718 +833 134 5 875038987 +833 135 4 875123677 +833 144 4 887158945 +833 150 3 875036213 +833 151 4 875036418 +833 152 2 875134063 +833 153 3 875038709 +833 154 5 875038775 +833 156 4 875038775 +833 157 2 875132195 +833 159 2 879818659 +833 161 1 875224515 +833 163 3 875122814 +833 164 2 879818575 +833 168 5 875038775 +833 172 2 875224482 +833 174 2 875038529 +833 175 4 875124535 +833 176 2 875038850 +833 177 5 875123299 +833 179 5 875124181 +833 180 5 875123677 +833 181 2 875036321 +833 182 5 875039254 +833 183 5 875123026 +833 184 3 875039039 +833 185 5 875039416 +833 186 1 875133458 +833 188 4 875124495 +833 191 4 875132134 +833 192 5 875038529 +833 194 3 875133840 +833 195 5 875038529 +833 197 3 875123427 +833 198 4 875123677 +833 200 4 875131847 +833 201 4 875134150 +833 202 4 875133924 +833 203 5 875124299 +833 206 4 875038671 +833 208 3 875039326 +833 209 5 875124604 +833 211 3 875124495 +833 217 2 875224252 +833 218 4 875124495 +833 219 4 875224309 +833 223 4 875038888 +833 226 3 887158946 +833 227 2 879818619 +833 230 1 875223923 +833 233 2 875223756 +833 234 3 875122884 +833 235 4 875036418 +833 238 2 875124225 +833 240 4 875035624 +833 249 1 875133458 +833 250 3 875036499 +833 262 2 875035534 +833 264 2 878077967 +833 267 1 875655669 +833 271 5 879818341 +833 273 3 875035954 +833 284 1 885328485 +833 288 2 875035487 +833 289 1 875035487 +833 291 3 879818619 +833 293 4 875035885 +833 298 5 875036383 +833 302 3 884828670 +833 320 4 875124647 +833 324 3 875035487 +833 325 4 875035885 +833 328 2 875035534 +833 336 2 878078056 +833 340 5 879818293 +833 344 4 888536031 +833 346 5 884828744 +833 347 3 887158791 +833 357 4 875038709 +833 367 3 875123359 +833 378 3 875124648 +833 381 4 875134016 +833 384 3 875134724 +833 385 3 875039204 +833 396 3 875134063 +833 401 2 875135113 +833 403 1 875133458 +833 405 3 875038395 +833 410 3 878078390 +833 427 3 878078390 +833 428 2 875134110 +833 429 3 875123506 +833 430 4 875133840 +833 431 2 875223813 +833 432 4 875132134 +833 433 3 875124181 +833 434 3 875038888 +833 435 2 878078229 +833 436 2 875224252 +833 443 3 875124348 +833 444 3 875224352 +833 445 4 875123299 +833 447 5 875224309 +833 448 3 875124495 +833 449 2 875223923 +833 451 1 875134016 +833 452 1 875224178 +833 455 3 875297104 +833 460 2 875036827 +833 467 2 875038626 +833 474 5 875122675 +833 475 3 875035718 +833 479 2 875039101 +833 483 4 875122716 +833 488 5 878078229 +833 504 4 875038671 +833 506 2 875132079 +833 508 5 875035953 +833 511 4 875038742 +833 512 4 875225257 +833 515 3 875035660 +833 517 2 875133633 +833 518 3 875039100 +833 521 4 875124495 +833 522 2 875039039 +833 523 3 875133840 +833 526 4 875224515 +833 540 1 875224687 +833 544 1 875133458 +833 546 2 875036354 +833 550 2 887158946 +833 552 3 875223976 +833 558 4 875039204 +833 573 1 875223976 +833 576 3 875224603 +833 577 1 875135113 +833 578 1 875224603 +833 581 1 875223813 +833 589 5 875038807 +833 591 2 875036139 +833 597 1 875133458 +833 614 2 875131539 +833 616 5 875124024 +833 628 4 875036102 +833 636 3 879818659 +833 640 3 875123986 +833 641 4 875038626 +833 642 3 875038626 +833 645 3 875039416 +833 646 5 875123427 +833 647 4 875123427 +833 649 3 875224178 +833 653 4 875039558 +833 654 5 875039558 +833 655 2 875131810 +833 656 4 875123536 +833 657 4 875123986 +833 663 3 875134317 +833 664 3 875124225 +833 665 3 875224309 +833 667 1 875224381 +833 670 1 875124428 +833 671 5 875039204 +833 673 4 875224039 +833 675 4 875224252 +833 679 3 875224482 +833 684 3 875123195 +833 696 3 875036912 +833 715 2 875133633 +833 730 4 875038888 +833 742 3 875036468 +833 745 4 875134063 +833 761 2 879818719 +833 802 1 887158946 +833 806 4 875122675 +833 819 1 875133458 +833 824 1 875134843 +833 826 2 875297292 +833 840 2 875297195 +833 860 2 875124604 +833 861 3 875224309 +833 919 2 875124348 +833 923 5 875039153 +833 928 2 879818689 +833 931 4 879818760 +833 933 4 875035914 +833 940 2 875134411 +833 943 4 875124382 +833 977 2 879818799 +833 980 3 875035800 +833 1006 1 875039153 +833 1012 4 875036418 +833 1016 1 875133458 +833 1017 4 875036017 +833 1019 5 875039039 +833 1029 1 875134940 +833 1070 5 875038987 +833 1071 3 875134150 +833 1118 3 875133924 +833 1143 4 887158946 +833 1149 4 875123677 +833 1154 4 875039101 +833 1181 1 875133458 +833 1187 5 875035850 +833 1210 1 879818799 +833 1214 4 875225193 +833 1231 4 875132237 +833 1274 1 878078280 +833 1335 2 875038433 +833 1353 3 875035885 +833 1386 4 875035660 +833 1427 3 875131974 +833 1428 3 875123494 +833 1597 5 875225193 +833 1628 3 875225219 +834 7 4 890862974 +834 9 3 890862311 +834 13 2 890862648 +834 15 4 890863052 +834 25 3 890862468 +834 100 4 890862311 +834 148 4 890862563 +834 181 5 890862526 +834 237 5 890862437 +834 245 4 890860416 +834 246 4 890863023 +834 258 4 890860194 +834 268 3 890860194 +834 269 5 890860566 +834 272 4 890860566 +834 275 3 890862648 +834 276 5 890862468 +834 282 4 890863052 +834 284 4 890862468 +834 286 4 890860566 +834 287 2 890862974 +834 293 3 890862974 +834 294 3 890860159 +834 298 4 890862648 +834 300 3 890860334 +834 307 4 890860566 +834 313 5 890860566 +834 315 5 890860687 +834 316 5 890860566 +834 323 2 890860471 +834 326 4 890860386 +834 333 5 890860566 +834 342 2 890860334 +834 346 3 890860194 +834 405 4 890862563 +834 475 5 890862311 +834 515 5 890862231 +834 544 4 890862563 +834 628 5 890862648 +834 744 4 890862527 +834 751 3 890860298 +834 762 4 890863072 +834 886 4 890860566 +834 1017 2 890862563 +835 1 3 891033420 +835 15 5 891032930 +835 23 4 891035310 +835 25 5 891032764 +835 28 4 891034052 +835 69 5 891034366 +835 97 5 891033501 +835 98 5 891034401 +835 127 4 891032536 +835 132 5 891033232 +835 133 5 891033718 +835 134 3 891033927 +835 135 5 891033560 +835 143 5 891033819 +835 157 4 891033526 +835 160 3 891034219 +835 174 5 891033623 +835 176 4 891035309 +835 179 5 891033819 +835 180 5 891033675 +835 183 4 891034023 +835 185 4 891033957 +835 186 4 891034285 +835 187 4 891033078 +835 191 4 891033276 +835 193 4 891033148 +835 194 4 891034143 +835 196 5 891033173 +835 197 5 891033889 +835 200 4 891033927 +835 204 3 891033380 +835 205 3 891034084 +835 210 5 891033303 +835 215 4 891033199 +835 225 2 891032898 +835 234 5 891033857 +835 237 4 891035310 +835 239 5 891034084 +835 257 3 891032738 +835 272 4 891035309 +835 281 4 891032718 +835 285 4 891032792 +835 286 3 891032224 +835 287 4 891035309 +835 288 2 891032224 +835 294 3 891032356 +835 310 4 891035309 +835 313 5 891032224 +835 318 5 891033718 +835 325 5 891032391 +835 354 3 891032224 +835 357 5 891033232 +835 371 5 891034366 +835 378 4 891035309 +835 393 5 891033718 +835 405 3 891032793 +835 421 4 891034023 +835 423 4 891033857 +835 427 4 891033380 +835 465 3 891033957 +835 484 4 891034219 +835 485 5 891033525 +835 486 4 891034084 +835 488 5 891034117 +835 499 5 891033675 +835 504 5 891033772 +835 505 3 891033857 +835 509 4 891035309 +835 514 3 891033986 +835 523 3 891033560 +835 527 4 891033048 +835 543 5 891033232 +835 588 3 891033857 +835 591 4 891032579 +835 606 5 891033200 +835 612 4 891033927 +835 616 4 891033718 +835 628 3 891032930 +835 632 5 891033747 +835 633 5 891033889 +835 650 5 891033957 +835 654 5 891033173 +835 660 4 891033986 +835 685 4 891032627 +835 708 5 891035078 +835 735 5 891033349 +835 928 3 891032899 +835 988 3 891032391 +835 1045 4 891034023 +835 1063 4 891034285 +835 1278 5 891032653 +835 1673 3 891034023 +836 12 5 885754118 +836 42 3 885754266 +836 56 4 885754096 +836 89 4 885754029 +836 163 5 885754058 +836 165 4 885754149 +836 174 5 885754266 +836 180 5 885754200 +836 185 5 885754118 +836 187 5 885754200 +836 192 5 885754118 +836 210 4 885754058 +836 216 4 885753979 +836 260 2 885753691 +836 268 3 885753475 +836 269 5 885753475 +836 286 3 885753435 +836 289 1 885753691 +836 292 5 885753475 +836 302 5 885753506 +836 318 5 885754172 +836 322 2 885753639 +836 324 4 885753595 +836 327 3 885753639 +836 357 5 885754173 +836 429 4 885754200 +836 507 4 885754149 +836 523 5 885754150 +836 531 4 885754150 +836 603 5 885754029 +836 654 5 885754150 +836 663 5 885754266 +836 690 3 885753435 +836 750 3 885753475 +836 793 2 885754029 +836 875 1 885753752 +836 880 4 885753506 +836 896 3 885753506 +836 900 2 885753475 +836 1065 4 885754231 +837 9 3 875721889 +837 16 2 875721793 +837 19 4 875721948 +837 25 3 875722169 +837 111 4 875722050 +837 125 5 875722032 +837 151 5 875721734 +837 181 3 875721869 +837 220 4 875722007 +837 222 3 875721793 +837 225 3 875722371 +837 250 2 875722104 +837 258 4 875721473 +837 274 4 875721989 +837 277 2 875722169 +837 278 3 875722246 +837 283 5 875722069 +837 284 1 875722104 +837 285 4 875722187 +837 294 4 875721502 +837 328 4 875721604 +837 472 3 875722141 +837 476 3 875722225 +837 535 1 875722246 +837 596 3 875721969 +837 628 3 875722225 +837 717 1 875722393 +837 740 5 875722123 +837 763 1 875722123 +837 845 4 875722392 +837 926 1 875722371 +837 934 2 875722483 +837 950 2 875722169 +837 1009 5 875721765 +837 1047 1 875722267 +837 1049 1 875722298 +838 1 5 887064024 +838 7 5 887064072 +838 8 4 887066972 +838 9 4 887063696 +838 12 4 887067063 +838 22 4 887065878 +838 28 4 887065709 +838 45 4 887066644 +838 50 5 887063657 +838 56 5 887066782 +838 60 4 887067575 +838 69 4 887067609 +838 70 4 887066207 +838 71 3 887066782 +838 72 4 887067162 +838 82 4 887066783 +838 83 5 887065807 +838 87 4 887065750 +838 93 3 887063937 +838 96 4 887065781 +838 100 4 887063994 +838 111 4 887064357 +838 114 4 887065822 +838 121 2 887064248 +838 124 4 887063696 +838 127 5 887063657 +838 128 4 887066724 +838 134 3 887066304 +838 143 5 887067631 +838 153 4 887066783 +838 168 5 887066678 +838 169 4 887067390 +838 172 5 887066143 +838 173 5 887065782 +838 174 4 887066078 +838 175 3 887066186 +838 181 5 887063696 +838 187 3 887067019 +838 190 4 887066988 +838 191 5 887065709 +838 204 4 887066040 +838 206 4 887067020 +838 210 4 887067359 +838 222 4 887064356 +838 228 4 887067390 +838 235 2 887064515 +838 238 4 887067359 +838 254 3 887065606 +838 255 4 887063937 +838 257 5 887064014 +838 258 5 887060659 +838 271 4 887060972 +838 274 4 887064388 +838 275 5 887064193 +838 283 5 887063994 +838 286 4 887061035 +838 289 5 887061035 +838 298 3 887064476 +838 300 2 887060778 +838 302 4 887060659 +838 313 5 887060659 +838 318 5 887067085 +838 354 4 892153360 +838 405 4 887064589 +838 408 4 887066040 +838 419 5 887066989 +838 455 4 887064275 +838 487 4 887067126 +838 494 4 887066644 +838 497 5 887067162 +838 568 4 887067309 +838 584 4 887066143 +838 596 5 887064275 +838 705 5 887065750 +838 713 4 887064193 +838 718 5 887064051 +838 732 4 887066782 +838 748 3 887060972 +838 750 4 887060879 +838 919 5 887064316 +838 945 4 887065917 +838 993 3 887064231 +838 1039 5 887065782 +839 1 4 875751723 +839 7 2 875751992 +839 50 5 875751930 +839 93 4 875752056 +839 100 3 875751991 +839 106 2 875752317 +839 111 4 875752237 +839 117 5 875752169 +839 118 2 875752317 +839 121 3 875752237 +839 123 3 875752560 +839 127 5 875751723 +839 130 3 875753029 +839 181 3 875751991 +839 235 4 875752433 +839 237 3 875752317 +839 244 3 875751958 +839 255 3 875752138 +839 257 3 875751930 +839 258 4 875751411 +839 260 2 875751560 +839 264 3 875751559 +839 276 3 875751799 +839 277 2 875752082 +839 281 3 875752456 +839 323 4 875751559 +839 326 4 875751519 +839 333 4 875751442 +839 410 1 875752274 +839 455 4 875752107 +839 458 5 875751893 +839 475 5 875751856 +839 508 3 875752479 +839 532 3 875752560 +839 713 2 875751774 +839 742 3 875752200 +839 813 4 875752082 +839 825 4 875752274 +839 845 4 875752237 +839 846 2 875753052 +839 864 3 875751958 +839 1009 3 875752560 +839 1048 1 875752990 +839 1085 5 875752877 +839 1245 4 875752408 +839 1381 3 875752456 +839 1664 1 875752902 +840 7 4 891203408 +840 8 5 891208958 +840 11 3 891204921 +840 14 5 891203250 +840 22 3 891204265 +840 23 5 891204827 +840 45 4 891205222 +840 48 3 891204418 +840 50 4 891203366 +840 52 3 891205320 +840 56 5 891204239 +840 64 4 891204664 +840 66 3 891209509 +840 69 4 891204535 +840 70 3 891208919 +840 71 3 891209572 +840 79 4 891204135 +840 81 4 891204948 +840 82 3 891209183 +840 83 5 891204215 +840 88 4 891209241 +840 89 5 891204418 +840 91 5 891208998 +840 96 2 891204592 +840 97 3 891205041 +840 99 5 891204509 +840 100 5 891203166 +840 117 3 891209408 +840 118 3 891204056 +840 121 2 891204056 +840 127 4 891203366 +840 132 4 891204356 +840 134 3 891204160 +840 135 5 891204356 +840 137 5 891203309 +840 143 4 891209490 +840 144 3 891209104 +840 152 4 891204160 +840 153 3 891204627 +840 154 3 891204564 +840 157 4 891208998 +840 163 4 891204295 +840 165 5 891204239 +840 168 5 891204868 +840 169 5 891204215 +840 170 4 891204713 +840 172 3 891204627 +840 173 5 891204356 +840 174 4 891204114 +840 175 4 891205004 +840 176 3 891204755 +840 179 5 891205069 +840 180 5 891205143 +840 181 3 891204056 +840 182 4 891204798 +840 183 5 891204664 +840 185 5 891204356 +840 186 4 891204827 +840 187 3 891205222 +840 190 5 891211236 +840 191 4 891204160 +840 194 3 891204264 +840 195 5 891204847 +840 196 4 891205070 +840 197 5 891204509 +840 198 3 891204356 +840 199 4 891209183 +840 202 5 891204322 +840 203 5 891204627 +840 204 4 891205245 +840 208 4 891204295 +840 209 4 891204418 +840 210 3 891204592 +840 212 4 891209159 +840 213 4 891205199 +840 215 4 891209285 +840 216 4 891205123 +840 221 4 891203309 +840 238 5 891204239 +840 257 3 891204056 +840 272 4 891202756 +840 285 4 891203203 +840 297 5 891203334 +840 300 3 891204056 +840 303 5 891202889 +840 357 5 891204114 +840 367 4 891205287 +840 405 4 891203585 +840 414 4 891204535 +840 419 5 891208897 +840 423 5 891209449 +840 429 3 891204827 +840 430 5 891204418 +840 432 5 891209342 +840 435 4 891204114 +840 443 5 891209490 +840 462 3 891205287 +840 463 5 891205287 +840 465 4 891204798 +840 473 5 891203408 +840 474 5 891204089 +840 478 3 891204627 +840 479 4 891204385 +840 480 5 891208647 +840 483 5 891208703 +840 484 5 891204295 +840 489 3 891204385 +840 492 5 891204215 +840 493 5 891208958 +840 495 3 891209322 +840 496 5 891204089 +840 497 4 891209571 +840 499 4 891209241 +840 501 4 891209159 +840 503 4 891209322 +840 504 3 891208647 +840 505 5 891204714 +840 506 5 891204385 +840 507 4 891208667 +840 509 3 891204564 +840 511 4 891204089 +840 512 5 891205371 +840 513 5 891204295 +840 514 5 891205093 +840 515 5 891203280 +840 516 5 891205245 +840 517 4 891204322 +840 519 5 891204356 +840 520 5 891204089 +840 521 5 891205069 +840 525 5 891204535 +840 526 4 891204971 +840 528 5 891209260 +840 529 4 891204891 +840 531 5 891204089 +840 566 5 891209285 +840 580 3 891211972 +840 582 5 891204265 +840 588 4 891205321 +840 603 5 891204564 +840 606 4 891205004 +840 607 4 891204627 +840 609 4 891204627 +840 611 4 891204509 +840 615 5 891204356 +840 616 5 891209364 +840 628 4 891209285 +840 631 4 891205004 +840 632 3 891204296 +840 637 3 891205199 +840 638 3 891204239 +840 639 4 891204564 +840 640 3 891209242 +840 642 4 891204664 +840 644 4 891204592 +840 645 3 891204714 +840 647 5 891205004 +840 650 4 891209364 +840 653 5 891209389 +840 654 4 891204160 +840 655 5 891205245 +840 656 4 891205041 +840 657 5 891205287 +840 659 5 891204827 +840 661 5 891204441 +840 664 3 891204474 +840 671 3 891204891 +840 675 4 891205093 +840 705 4 891204713 +840 707 5 891204114 +840 708 4 891209033 +840 732 3 891204947 +840 747 4 891209490 +840 750 4 891202784 +840 756 4 891203664 +840 845 5 891203553 +840 855 4 891205093 +840 884 5 891203087 +840 936 4 891203504 +840 945 3 891204509 +840 949 4 891211530 +840 971 4 891209449 +840 1018 3 891211664 +840 1214 1 891211729 +840 1451 5 891205123 +840 1639 4 891211447 +840 1674 4 891211682 +841 258 5 889067076 +841 270 4 889067045 +841 272 4 889066780 +841 286 5 889066959 +841 288 3 889067046 +841 302 5 889066959 +841 315 4 889066780 +841 316 4 889067313 +841 322 4 889067152 +841 323 3 889066880 +841 325 3 889067216 +841 326 4 889067216 +841 331 5 889066999 +841 353 1 889067253 +841 689 5 889067253 +841 748 4 889067253 +841 751 3 889066880 +841 754 4 889067045 +841 888 5 889067432 +841 892 3 889067182 +841 1294 5 889067507 +842 268 5 891218059 +842 269 5 891217834 +842 270 5 891218251 +842 272 4 891217834 +842 288 3 891218192 +842 302 5 891217834 +842 303 5 891218002 +842 313 4 891217891 +842 333 4 891218107 +842 344 1 891217835 +842 349 3 891218459 +842 362 3 891217891 +842 751 4 891218192 +842 754 1 891218251 +842 886 4 891218459 +842 902 5 891218459 +842 1105 2 891218353 +843 1 3 879446186 +843 7 5 879443297 +843 21 2 879448392 +843 23 2 879446696 +843 25 2 879447523 +843 28 3 879446977 +843 50 3 879444670 +843 52 2 879447110 +843 53 2 879443442 +843 56 3 879443174 +843 62 4 879444891 +843 69 3 879446476 +843 71 2 879449256 +843 74 2 879448830 +843 77 2 879443975 +843 79 2 879445658 +843 82 3 879444801 +843 83 3 879446948 +843 89 5 879444670 +843 91 3 879446155 +843 95 2 879446716 +843 96 3 879444711 +843 97 3 879447377 +843 98 3 879443668 +843 99 2 879448751 +843 101 3 879447424 +843 102 2 879449177 +843 121 3 879444047 +843 127 2 879445059 +843 132 3 879446186 +843 133 3 879448431 +843 135 5 879449177 +843 141 4 879447327 +843 142 2 879448604 +843 143 2 879447757 +843 144 3 879444711 +843 151 2 879447007 +843 153 3 879446281 +843 154 3 879446281 +843 157 2 879448199 +843 158 2 879449336 +843 161 2 879444891 +843 162 2 879447625 +843 164 3 879443297 +843 168 3 879446255 +843 170 1 879446863 +843 172 3 879444711 +843 173 2 879446215 +843 174 4 879444670 +843 175 4 879446911 +843 176 4 879447837 +843 177 3 879444767 +843 179 4 879446774 +843 180 3 879447234 +843 181 3 879444670 +843 182 2 879444739 +843 185 3 879443341 +843 186 2 879447170 +843 188 2 879444767 +843 191 3 879446755 +843 193 3 879446863 +843 194 2 879445590 +843 196 2 879446806 +843 197 2 879446638 +843 199 3 879446503 +843 200 3 879447801 +843 204 3 879448073 +843 206 3 879448112 +843 208 3 879446716 +843 209 3 879446806 +843 210 3 879444670 +843 211 2 879446255 +843 214 3 879447453 +843 215 2 879447214 +843 216 2 879446806 +843 217 4 879443341 +843 218 2 879443297 +843 219 2 879443394 +843 222 3 879443837 +843 225 2 879449256 +843 226 3 879443865 +843 228 4 879443763 +843 229 3 879443908 +843 230 3 879443763 +843 234 4 879443297 +843 238 3 879446359 +843 239 3 879447670 +843 250 4 879445087 +843 252 3 879445114 +843 258 4 879442947 +843 265 3 879443865 +843 270 4 879442947 +843 271 5 879442947 +843 275 3 879446680 +843 288 4 879443544 +843 298 2 879444531 +843 300 3 879442947 +843 357 2 879446502 +843 378 2 879448230 +843 379 2 879443394 +843 380 3 879448262 +843 385 3 879444801 +843 392 2 879447377 +843 393 2 879448858 +843 402 2 879447599 +843 413 2 879443482 +843 416 2 879448352 +843 419 2 879446617 +843 420 3 879448073 +843 422 2 879448431 +843 423 2 879448019 +843 427 2 879446281 +843 429 4 879446503 +843 431 3 879443763 +843 432 2 879447326 +843 434 4 879447146 +843 435 2 879446477 +843 436 2 879443394 +843 440 1 879443544 +843 441 2 879443544 +843 443 4 879443297 +843 444 2 879443442 +843 446 3 879443442 +843 447 2 879443297 +843 448 4 879443297 +843 450 2 879444083 +843 452 2 879443442 +843 465 2 879449152 +843 473 2 879449193 +843 474 3 879445738 +843 482 2 879447007 +843 485 2 879447007 +843 495 3 879447170 +843 498 2 879446155 +843 501 2 879447578 +843 504 2 879446911 +843 511 3 879447837 +843 515 3 879444801 +843 521 2 879446359 +843 526 3 879447625 +843 527 3 879448138 +843 528 3 879447030 +843 530 3 879444670 +843 542 2 879448392 +843 550 3 879449152 +843 551 3 879443544 +843 561 4 879443482 +843 563 2 879443545 +843 566 3 879444766 +843 569 1 879443482 +843 578 3 879448604 +843 581 3 879443951 +843 582 2 879445658 +843 588 2 879447579 +843 590 3 879443544 +843 596 3 879448486 +843 603 2 879446596 +843 615 3 879446215 +843 616 3 879449256 +843 625 2 879448542 +843 627 2 879447718 +843 628 2 879443951 +843 632 2 879447146 +843 633 3 879447285 +843 636 4 879443837 +843 637 2 879443297 +843 650 3 879447801 +843 651 2 879447837 +843 654 2 879446359 +843 655 3 879447030 +843 657 3 879443668 +843 660 2 879447484 +843 661 3 879447077 +843 665 3 879443482 +843 667 2 879443597 +843 671 3 879446889 +843 672 3 879443297 +843 674 2 879443394 +843 675 5 879443174 +843 679 4 879444851 +843 690 5 879442947 +843 708 2 879448230 +843 739 2 879447523 +843 800 4 879443482 +843 831 4 879444977 +843 860 3 879443443 +843 959 2 879447523 +843 1039 3 879446215 +843 1065 3 879448751 +843 1118 2 879448112 +843 1135 3 879447377 +843 1157 3 879444114 +843 1411 3 879449377 +843 1480 2 879449377 +844 2 4 877387933 +844 7 3 877381784 +844 12 5 877388182 +844 13 3 877381708 +844 22 4 877386855 +844 24 5 877388183 +844 45 4 877387548 +844 55 4 877387769 +844 56 4 877386897 +844 70 4 877386990 +844 71 3 877388040 +844 82 3 877387857 +844 83 5 877388183 +844 89 3 877387857 +844 90 3 877387242 +844 95 4 877388040 +844 97 3 877386855 +844 99 3 877388040 +844 100 4 877381607 +844 117 4 877381450 +844 121 3 877382055 +844 125 3 877382269 +844 144 3 877387825 +844 154 3 877387052 +844 161 3 877387857 +844 168 4 877386990 +844 172 4 877387768 +844 173 5 877388182 +844 174 4 877387768 +844 175 3 877386897 +844 176 3 877387933 +844 179 3 877387548 +844 181 5 877388183 +844 184 3 877387769 +844 195 3 877387825 +844 207 4 877387392 +844 210 4 877386928 +844 222 3 877381629 +844 241 4 877387150 +844 251 4 877381484 +844 255 3 877382008 +844 257 4 877381784 +844 258 4 877381147 +844 260 1 877381312 +844 294 2 877381206 +844 300 3 877381268 +844 326 3 877381268 +844 403 3 877387825 +844 405 2 877382189 +844 418 3 877388040 +844 421 4 877387219 +844 423 3 877382762 +844 431 4 877387825 +844 432 5 877388183 +844 471 3 877381736 +844 511 3 877387825 +844 549 3 877387280 +844 553 4 877387242 +844 568 4 877387964 +844 588 4 877388040 +844 597 3 877382339 +844 627 3 877388040 +844 684 3 877387933 +844 778 4 877387195 +844 864 3 877381873 +844 919 3 877381534 +844 921 5 877388183 +844 930 2 877382574 +844 946 3 877388107 +844 1039 4 877382717 +844 1099 2 877387391 +845 242 4 885409493 +845 269 4 885409493 +845 272 3 885409374 +845 286 5 885409719 +845 302 3 885409374 +845 303 1 885409374 +845 306 2 885409374 +845 308 4 885409493 +845 311 4 885409493 +845 313 4 885409374 +845 340 1 885409719 +845 750 3 885409719 +845 877 2 885409719 +845 896 3 885409374 +845 903 4 885409493 +845 904 3 885409374 +845 1234 4 885409719 +845 1238 2 885409374 +845 1434 4 885409719 +845 1463 1 885409374 +845 1592 3 885409493 +846 2 5 883948949 +846 4 5 883948908 +846 8 4 883947861 +846 11 5 883948343 +846 12 5 883947777 +846 22 4 883948222 +846 23 4 883948089 +846 26 4 883949335 +846 28 5 883948685 +846 29 2 883949508 +846 31 4 883948571 +846 33 5 883948571 +846 39 3 883948873 +846 40 2 883950253 +846 41 3 883950859 +846 42 5 883948606 +846 44 1 883947737 +846 46 4 883949199 +846 47 5 883948803 +846 48 5 883949046 +846 50 5 883948003 +846 51 4 883949121 +846 52 4 883949290 +846 53 3 883950820 +846 54 3 883949459 +846 55 5 883948642 +846 56 5 883948003 +846 57 2 883949121 +846 58 4 883949200 +846 59 4 883948457 +846 60 4 883948606 +846 61 3 883947911 +846 63 3 883950220 +846 64 4 883948221 +846 65 3 883949254 +846 66 4 883949290 +846 67 4 883950252 +846 68 3 883948765 +846 69 5 883947500 +846 70 4 883949156 +846 71 4 883948141 +846 72 4 883950129 +846 73 4 883949728 +846 76 4 883949200 +846 79 4 883947630 +846 80 4 883949594 +846 82 2 883948089 +846 83 4 883947911 +846 86 5 883949290 +846 87 4 883948417 +846 88 4 883948948 +846 89 5 883948003 +846 90 2 883950001 +846 91 4 883948417 +846 92 4 883948495 +846 94 4 883950711 +846 95 3 883947778 +846 96 4 883947694 +846 97 4 883949255 +846 98 4 883947819 +846 99 4 883948989 +846 101 4 883949336 +846 102 2 883950286 +846 110 3 883950568 +846 127 5 883947911 +846 131 3 883948457 +846 132 5 883948840 +846 133 4 883948534 +846 134 4 883947630 +846 135 4 883947694 +846 139 2 883949508 +846 140 4 883950634 +846 141 4 883948948 +846 142 3 883950053 +846 143 5 883948804 +846 161 4 883948534 +846 168 5 883947737 +846 172 4 883949834 +846 173 4 883947819 +846 174 5 883947737 +846 175 5 883948048 +846 176 4 883947694 +846 177 3 883947737 +846 178 4 883947630 +846 179 5 883948571 +846 180 5 883947630 +846 181 5 883947694 +846 182 5 883948089 +846 183 4 883948048 +846 184 5 883949697 +846 185 5 883948534 +846 186 5 883948949 +846 187 4 883947911 +846 188 3 883948642 +846 190 5 883947694 +846 191 5 883948048 +846 192 5 883949254 +846 193 5 883948417 +846 194 4 883947630 +846 195 4 883948141 +846 196 4 883949290 +846 197 4 883948417 +846 198 5 883948457 +846 199 5 883947911 +846 200 4 883948685 +846 202 5 883949594 +846 203 5 883948606 +846 204 3 883948141 +846 208 5 883949547 +846 209 4 883948377 +846 210 5 883947500 +846 211 2 883948089 +846 212 5 883948804 +846 213 3 883948534 +846 215 5 883949156 +846 216 4 883948571 +846 217 4 883950022 +846 218 4 883948089 +846 219 4 883948607 +846 226 4 883948495 +846 227 4 883949698 +846 228 5 883947737 +846 229 3 883949771 +846 230 3 883948720 +846 231 2 883950711 +846 232 3 883949290 +846 233 5 883949547 +846 234 5 883948495 +846 238 5 883948377 +846 239 4 883947694 +846 241 4 883947911 +846 265 5 883947630 +846 268 4 883946938 +846 269 5 883946315 +846 270 3 883946284 +846 271 5 883946611 +846 288 4 883946837 +846 289 4 883946548 +846 294 3 883946477 +846 302 5 883946861 +846 317 3 883947778 +846 318 5 883947777 +846 357 4 883947960 +846 365 2 883950434 +846 367 4 883949121 +846 373 3 883950391 +846 376 2 883950665 +846 377 2 883950155 +846 378 4 883948989 +846 380 3 883949380 +846 381 4 883950311 +846 382 3 883948989 +846 385 5 883949156 +846 386 3 883950154 +846 387 3 883950634 +846 388 3 883950950 +846 391 3 883950605 +846 392 2 883950185 +846 393 3 883949547 +846 396 5 883949508 +846 398 1 883950753 +846 400 1 883950889 +846 401 5 883949643 +846 404 4 883949046 +846 414 4 883949771 +846 415 2 883950605 +846 417 4 883950129 +846 419 5 883948949 +846 421 4 883948173 +846 423 4 883949335 +846 425 5 883949156 +846 426 1 883949046 +846 427 4 883948948 +846 428 3 883948377 +846 429 2 883947819 +846 430 3 883947778 +846 431 5 883947590 +846 432 3 883948457 +846 433 4 883948457 +846 435 5 883948222 +846 436 4 883950286 +846 441 4 883950252 +846 443 4 883948643 +846 448 5 883949547 +846 449 3 883950950 +846 451 4 883949379 +846 452 3 883950950 +846 463 5 883948222 +846 464 2 883947778 +846 468 4 883948949 +846 469 2 883949290 +846 470 5 883949200 +846 474 5 883947960 +846 478 4 883947819 +846 479 4 883947694 +846 480 5 883947861 +846 482 5 883948173 +846 483 5 883948173 +846 484 5 883948048 +846 485 5 883947590 +846 486 5 883948948 +846 487 4 883948685 +846 488 5 883948343 +846 489 4 883948606 +846 490 4 883947862 +846 491 3 883947960 +846 492 3 883947737 +846 493 5 883947590 +846 494 5 883947590 +846 495 4 883948840 +846 496 3 883947630 +846 497 5 883948685 +846 498 4 883947861 +846 499 4 883948840 +846 504 5 883948221 +846 505 5 883948343 +846 506 3 883948908 +846 507 3 883947861 +846 509 4 883948765 +846 510 4 883948003 +846 511 5 883947911 +846 513 5 883947589 +846 514 3 883947590 +846 515 5 883948457 +846 516 4 883948457 +846 518 4 883948571 +846 519 4 883947694 +846 520 5 883947960 +846 521 3 883948141 +846 523 4 883948048 +846 524 3 883947819 +846 525 4 883947819 +846 526 4 883947960 +846 527 5 883947500 +846 528 5 883948417 +846 530 5 883948606 +846 540 2 883950711 +846 542 3 883950712 +846 549 4 883949421 +846 550 4 883949156 +846 552 4 883950634 +846 554 4 883949728 +846 555 2 883949508 +846 558 4 883948221 +846 559 5 883949200 +846 560 1 883950889 +846 561 3 883950753 +846 562 5 883950463 +846 565 2 883950712 +846 566 5 883948874 +846 568 4 883948571 +846 569 3 883949728 +846 570 4 883949698 +846 575 2 883950569 +846 576 4 883950186 +846 578 3 883949200 +846 580 5 883949335 +846 581 4 883950129 +846 585 2 883949643 +846 586 2 883950712 +846 588 4 883949380 +846 601 5 883947500 +846 602 4 883949255 +846 604 4 883947777 +846 606 4 883948685 +846 608 4 883948377 +846 609 5 883949199 +846 610 4 883948221 +846 612 5 883949421 +846 614 5 883948765 +846 615 5 883948003 +846 616 3 883950753 +846 622 4 883950220 +846 623 1 883950889 +846 627 4 883949594 +846 630 3 883948642 +846 633 3 883948534 +846 638 4 883947694 +846 640 1 883948642 +846 642 5 883950220 +846 648 5 883948343 +846 650 5 883948534 +846 651 3 883948141 +846 654 5 883948089 +846 655 3 883948804 +846 657 5 883947590 +846 659 5 883948908 +846 660 3 883948765 +846 661 4 883948840 +846 662 3 883948765 +846 663 4 883948873 +846 665 4 883950434 +846 672 4 883949594 +846 673 4 883949422 +846 675 2 883949379 +846 679 3 883948989 +846 684 5 883948141 +846 692 3 883949594 +846 693 5 883949335 +846 697 5 883949254 +846 699 3 883947960 +846 700 2 883950605 +846 702 4 883949380 +846 705 3 883948141 +846 708 3 883948685 +846 715 4 883949380 +846 716 3 883949508 +846 719 2 883949643 +846 720 4 883949643 +846 721 4 883948719 +846 723 2 883948949 +846 727 4 883948873 +846 728 4 883949422 +846 729 4 883950053 +846 731 3 883949594 +846 732 4 883948840 +846 735 2 883948141 +846 737 4 883949771 +846 738 4 883950364 +846 739 4 883949459 +846 746 3 883949254 +846 747 3 883948417 +846 748 3 883946477 +846 751 5 883946938 +846 755 3 883950311 +846 768 4 883949508 +846 770 5 883948606 +846 772 4 883949421 +846 778 4 883948804 +846 780 4 883949380 +846 785 4 883950364 +846 786 4 883949771 +846 787 4 883949335 +846 789 4 883948417 +846 792 4 883948221 +846 794 5 883948495 +846 796 1 883950524 +846 802 2 883949508 +846 806 3 883948343 +846 810 3 883950434 +846 836 5 883950186 +846 837 5 883948495 +846 849 3 883950129 +846 941 2 883949379 +846 942 4 883948765 +846 944 2 883949547 +846 949 2 883949643 +846 955 3 883948720 +846 967 3 883950791 +846 1004 3 883950791 +846 1018 4 883949421 +846 1029 1 883950859 +846 1035 4 883949771 +846 1041 4 883950791 +846 1044 4 883950820 +846 1045 3 883950364 +846 1050 4 883949046 +846 1055 3 883949459 +846 1066 3 883950568 +846 1069 4 883948221 +846 1074 3 883950859 +846 1078 2 883949982 +846 1101 3 883948685 +846 1107 4 883950128 +846 1109 3 883948908 +846 1110 3 883950390 +846 1118 5 883948495 +846 1124 4 883948048 +846 1133 2 883950711 +846 1148 3 883950220 +846 1168 4 883950569 +846 1178 2 883950524 +846 1179 2 883949121 +846 1182 2 883950488 +846 1188 2 883950524 +846 1206 3 883948989 +846 1209 1 883950858 +846 1210 2 883950791 +846 1218 4 883950434 +846 1220 2 883950434 +846 1221 3 883950220 +846 1239 2 883950634 +846 1248 4 883949254 +846 1249 3 883949771 +846 1267 3 883949728 +846 1297 3 883950665 +846 1311 2 883950712 +846 1439 2 883950463 +846 1451 4 883948089 +846 1473 5 883949335 +846 1478 4 883950523 +846 1479 3 883948720 +846 1518 2 883950186 +846 1530 2 883949335 +846 1540 3 883949121 +847 1 3 878775523 +847 7 3 878775647 +847 8 4 878941082 +847 11 3 878939876 +847 13 3 878938897 +847 25 3 878775796 +847 39 2 878940531 +847 47 2 878939700 +847 50 4 878774969 +847 56 1 878939975 +847 66 3 878941398 +847 70 3 878940584 +847 71 4 878940653 +847 77 4 878941421 +847 79 4 878941588 +847 82 4 878941466 +847 88 2 878941168 +847 89 2 878940332 +847 93 1 878775570 +847 95 4 878939503 +847 96 4 878940301 +847 98 4 878940067 +847 99 2 878940013 +847 104 3 878939266 +847 109 5 878938982 +847 117 2 878775570 +847 120 1 878939349 +847 121 3 878775523 +847 125 3 878774969 +847 133 3 878941027 +847 135 4 878941144 +847 141 3 878941144 +847 142 3 878941168 +847 144 4 878940189 +847 151 4 878775914 +847 153 4 878941496 +847 157 1 878940463 +847 161 2 878940830 +847 164 3 878941056 +847 168 4 878939912 +847 172 4 878939803 +847 173 5 878940332 +847 174 4 878941168 +847 176 3 878941398 +847 181 4 878775821 +847 185 2 878939503 +847 191 4 878940652 +847 195 4 878940301 +847 196 3 878939839 +847 198 4 878940161 +847 200 3 878940756 +847 202 4 878940255 +847 204 4 878939912 +847 210 3 878940584 +847 211 4 878940383 +847 216 3 878940356 +847 218 3 878940254 +847 219 4 878940618 +847 220 4 878939327 +847 222 5 878775470 +847 228 4 878940383 +847 234 2 878939645 +847 235 1 878776020 +847 238 2 878939975 +847 239 5 878940688 +847 240 1 878939309 +847 243 1 878774856 +847 257 3 878775863 +847 258 5 878774722 +847 261 1 878774763 +847 262 5 878774788 +847 288 4 878774722 +847 289 5 878774856 +847 290 4 878775523 +847 301 5 878774832 +847 317 3 878940732 +847 367 3 878940189 +847 369 1 878939451 +847 404 3 878940732 +847 405 3 878938982 +847 410 1 878938855 +847 411 1 878939349 +847 417 2 878941588 +847 419 3 878941027 +847 426 2 878940485 +847 428 3 878940732 +847 434 3 878941520 +847 444 3 878940782 +847 447 3 878940890 +847 448 4 878940013 +847 455 2 878775647 +847 456 1 878939393 +847 474 4 878941562 +847 476 4 878775961 +847 479 3 878940405 +847 480 3 878940039 +847 482 2 878940584 +847 485 3 878941539 +847 496 4 878940954 +847 499 4 878940013 +847 501 3 878940463 +847 507 3 878940161 +847 527 2 878939536 +847 567 3 878940783 +847 568 4 878941442 +847 578 3 878940805 +847 596 3 878938982 +847 602 3 878940732 +847 603 3 878939876 +847 609 2 878940383 +847 645 3 878940132 +847 652 5 878941005 +847 663 2 878940954 +847 685 2 878938922 +847 705 3 878939700 +847 716 3 878941370 +847 732 4 878940510 +847 735 4 878940890 +847 740 4 878938982 +847 742 3 878774969 +847 756 1 878776020 +847 763 1 878775914 +847 820 1 878939375 +847 826 3 878939266 +847 928 3 878939375 +847 948 1 878774764 +847 1007 4 878775444 +847 1012 1 878775729 +847 1031 2 878941005 +847 1050 3 878940618 +847 1086 4 878775404 +847 1137 5 878775404 +847 1167 5 878939645 +847 1172 1 878939803 +847 1204 3 878940757 +847 1400 5 878940830 +848 23 2 887040025 +848 25 5 887046890 +848 32 5 887042871 +848 42 2 887040097 +848 50 5 887038397 +848 65 2 887038527 +848 69 2 887043340 +848 71 5 887046915 +848 72 5 887042341 +848 82 5 887039164 +848 88 4 887048260 +848 89 5 887040097 +848 95 5 887041354 +848 97 5 887043607 +848 99 3 887038397 +848 108 5 887040302 +848 109 4 887043421 +848 118 2 887047243 +848 121 4 887043266 +848 125 5 887040159 +848 127 3 887038159 +848 132 5 887038197 +848 133 4 887047308 +848 134 5 887043265 +848 135 4 887038022 +848 141 4 887040159 +848 152 5 887046166 +848 153 5 887039271 +848 154 5 887038634 +848 162 2 887048541 +848 163 5 887048073 +848 164 5 887043421 +848 165 5 887038397 +848 166 5 887038159 +848 170 5 887039271 +848 172 5 887038022 +848 173 5 887038134 +848 174 5 887038104 +848 176 4 887037980 +848 179 5 887042377 +848 180 2 887038993 +848 181 5 887046674 +848 183 3 887038104 +848 186 5 887039271 +848 191 5 887038564 +848 195 3 887040097 +848 197 5 887038021 +848 199 5 887042341 +848 200 2 887040302 +848 202 5 887043040 +848 210 5 887039271 +848 214 5 887048573 +848 215 5 887046565 +848 216 5 887040159 +848 234 4 887037861 +848 238 4 887046329 +848 241 5 887047243 +848 265 4 887047808 +848 294 5 887037669 +848 357 5 887038104 +848 393 5 887047962 +848 403 4 887043266 +848 405 5 887046915 +848 421 5 887043777 +848 427 5 887039136 +848 428 5 887047809 +848 430 5 887041354 +848 431 5 887038528 +848 432 2 887038022 +848 433 3 887043180 +848 435 3 887042427 +848 443 5 887047921 +848 451 4 887042377 +848 462 5 887038634 +848 474 5 887038441 +848 476 3 887047674 +848 478 5 887039531 +848 479 5 887040302 +848 481 3 887038527 +848 483 5 887038021 +848 484 5 887043040 +848 485 5 887042341 +848 489 5 887043821 +848 490 5 887043514 +848 495 2 887039018 +848 496 2 887037980 +848 498 5 887037935 +848 501 3 887048073 +848 504 3 887038397 +848 509 4 887046674 +848 511 4 887037822 +848 512 5 887040025 +848 514 5 887043777 +848 517 5 887043514 +848 519 5 887037980 +848 520 5 887039329 +848 523 5 887042341 +848 527 3 887038280 +848 528 3 887037980 +848 529 5 887042871 +848 530 5 887043040 +848 566 4 887046823 +848 582 4 887046329 +848 584 3 887039531 +848 588 3 887043514 +848 603 5 887047308 +848 606 4 887038441 +848 610 5 887046259 +848 615 5 887037980 +848 633 3 887043040 +848 638 5 887038073 +848 640 1 887037935 +848 642 5 887039164 +848 647 5 887039329 +848 650 4 887037822 +848 654 5 887038104 +848 655 4 887040097 +848 661 3 887040302 +848 663 5 887046329 +848 679 3 887047674 +848 689 1 887037584 +848 708 4 887046619 +848 732 5 887048573 +848 739 5 887048260 +848 747 5 887043777 +848 755 5 887046674 +848 805 5 887048111 +848 812 2 887038475 +848 845 5 887046565 +848 855 5 887046915 +848 899 3 887037471 +848 945 5 887043821 +848 971 5 887043421 +848 973 5 887046619 +848 1021 5 887043777 +848 1063 5 887038197 +848 1065 2 887048154 +848 1101 5 887046533 +848 1118 5 887048573 +848 1126 5 887043265 +849 15 5 879695896 +849 27 5 879695469 +849 38 5 879695420 +849 143 5 879695515 +849 172 5 879695469 +849 174 5 879695469 +849 288 5 879695056 +849 298 5 879695086 +849 406 4 879695125 +849 427 4 879695317 +849 588 5 879695680 +849 625 5 879695420 +849 928 5 879695153 +850 8 5 883195055 +850 22 5 883195527 +850 28 5 883195214 +850 50 5 883195143 +850 56 1 883195034 +850 69 5 883195456 +850 71 5 883195118 +850 79 5 883195192 +850 82 5 883194950 +850 88 5 883195479 +850 95 5 883195301 +850 96 4 883195236 +850 97 5 883195168 +850 98 1 883195192 +850 132 5 883195236 +850 153 4 883194792 +850 162 3 883195301 +850 168 5 883195456 +850 173 5 883195008 +850 181 5 883195419 +850 196 3 883194792 +850 202 4 883194737 +850 204 5 883194859 +850 208 5 883194973 +850 210 5 883195301 +850 294 5 883194367 +850 300 5 883194367 +850 318 5 883194737 +850 385 5 883195099 +850 419 5 883195394 +850 435 4 883194859 +850 485 5 883195168 +850 490 5 883194859 +850 494 3 883195168 +850 496 5 883195079 +850 519 4 883195168 +850 566 5 883195256 +850 568 5 883194768 +850 648 5 883195527 +850 659 4 883194709 +850 705 5 883195034 +851 4 5 875731489 +851 8 4 875731776 +851 9 4 875730379 +851 10 3 875730030 +851 11 5 875731441 +851 12 4 875731370 +851 17 5 875807089 +851 22 5 875731330 +851 23 4 875806721 +851 27 4 875806765 +851 31 4 875807058 +851 48 4 875731489 +851 50 5 891961663 +851 56 5 875731489 +851 64 5 875731674 +851 71 4 875731567 +851 79 4 875731722 +851 92 5 875806791 +851 95 4 875731282 +851 109 4 875730379 +851 112 1 875730629 +851 121 4 874728565 +851 122 2 875731105 +851 123 4 875730379 +851 125 4 875730826 +851 127 5 891961664 +851 128 4 875731330 +851 129 4 875730379 +851 132 4 875731370 +851 144 5 875806849 +851 147 4 874728461 +851 153 3 875806683 +851 157 4 875731605 +851 159 3 875806953 +851 160 5 875731224 +851 161 3 875731490 +851 174 5 875731776 +851 176 4 875731816 +851 180 5 875731605 +851 182 5 875731406 +851 192 4 875731441 +851 193 4 875731722 +851 204 4 875731567 +851 223 4 875731567 +851 228 4 875731776 +851 231 4 875807019 +851 234 4 875731189 +851 238 5 875731330 +851 248 4 875730379 +851 250 5 875730379 +851 252 3 875730418 +851 255 3 890343651 +851 258 4 883148669 +851 261 3 877831111 +851 262 4 890343320 +851 264 2 890343477 +851 266 3 886534672 +851 271 5 883148692 +851 272 5 891961663 +851 273 5 891961663 +851 284 3 874728338 +851 286 4 883148669 +851 290 4 874728430 +851 291 4 875730244 +851 295 5 874728370 +851 298 5 875730379 +851 299 4 886534617 +851 301 3 890343401 +851 302 5 888540054 +851 303 4 890804569 +851 304 3 877831020 +851 307 4 878574215 +851 310 5 891961663 +851 313 4 883148627 +851 318 5 891961664 +851 326 3 891961717 +851 327 4 890804671 +851 328 3 886534572 +851 330 3 884205246 +851 331 3 877830970 +851 332 1 884205263 +851 333 5 890862741 +851 336 4 890804691 +851 338 3 891961750 +851 339 4 888540093 +851 340 5 883148669 +851 342 2 888540205 +851 343 2 883148773 +851 346 5 884831499 +851 347 5 891961663 +851 349 3 890862917 +851 352 1 890343544 +851 353 3 890862878 +851 355 4 888540240 +851 367 2 875731674 +851 406 2 875731674 +851 410 4 875730379 +851 411 3 875731021 +851 412 2 875731105 +851 435 4 875731225 +851 455 3 875730379 +851 456 2 875730719 +851 472 3 875730312 +851 473 4 874728396 +851 475 4 875731674 +851 480 5 875731406 +851 483 4 875806721 +851 531 3 875731189 +851 544 4 874728396 +851 553 4 875731225 +851 588 4 875731529 +851 591 5 891961663 +851 595 3 875731021 +851 597 4 875730686 +851 619 4 875730629 +851 676 3 875729887 +851 681 1 886534672 +851 682 1 890804746 +851 685 4 875731022 +851 687 2 874728168 +851 689 3 883148867 +851 690 4 891961166 +851 693 5 875731816 +851 696 3 874728338 +851 717 3 874728598 +851 742 5 874767519 +851 748 3 874788804 +851 751 4 883148669 +851 754 2 891961831 +851 772 3 875807019 +851 806 4 875731330 +851 815 3 874767550 +851 818 2 875730279 +851 820 3 875730947 +851 823 3 875730532 +851 824 4 874767550 +851 825 4 875730533 +851 826 4 875730719 +851 828 2 875730482 +851 831 5 875731105 +851 833 3 875731105 +851 840 3 875731105 +851 841 3 875730757 +851 845 3 874767408 +851 866 3 875730895 +851 875 5 884205151 +851 879 4 875729820 +851 880 3 886534617 +851 881 3 875729751 +851 892 2 886534635 +851 895 3 886534529 +851 912 4 891961214 +851 915 5 893090752 +851 916 3 891961195 +851 924 4 874789109 +851 925 3 875731022 +851 930 3 875730312 +851 932 3 875730455 +851 974 2 875730979 +851 975 2 875731105 +851 977 3 875730533 +851 979 3 875730244 +851 981 1 875730826 +851 983 2 875731021 +851 984 3 874809850 +851 987 1 875730601 +851 1009 2 874789084 +851 1013 2 891961856 +851 1014 3 874767408 +851 1016 5 891961664 +851 1023 3 875730601 +851 1025 2 884205201 +851 1028 3 875730686 +851 1034 1 875731105 +851 1047 3 874789005 +851 1051 2 875730279 +851 1059 3 875730533 +851 1089 3 875730418 +851 1094 1 875730455 +851 1095 3 875731105 +851 1105 4 890862961 +851 1120 2 890343707 +851 1132 3 875730757 +851 1143 5 891961798 +851 1245 4 875730826 +851 1254 1 875730895 +851 1258 3 890343790 +851 1276 2 875730601 +851 1277 2 875730418 +851 1280 4 890343493 +851 1287 1 875731105 +851 1291 2 875730979 +851 1314 1 890862741 +851 1337 3 875730719 +851 1376 2 875730895 +851 1540 2 875731529 +851 1598 3 886534882 +851 1675 3 884222085 +851 1676 2 875731674 +852 1 4 891036457 +852 25 3 891036802 +852 50 5 891036414 +852 100 4 891036457 +852 109 3 891036505 +852 117 4 891036707 +852 118 4 891037262 +852 121 4 891036901 +852 122 1 891037738 +852 127 4 891035544 +852 151 4 891036922 +852 235 4 891036765 +852 250 4 891036414 +852 252 3 891036866 +852 257 4 891036414 +852 259 4 891036414 +852 264 3 891035999 +852 274 3 891036369 +852 290 4 891036817 +852 323 3 891036039 +852 358 3 891036414 +852 407 3 891037778 +852 408 5 891036843 +852 472 3 891037605 +852 473 3 891036884 +852 506 4 891037917 +852 546 4 891037245 +852 568 4 891037947 +852 597 3 891037562 +852 681 4 891036414 +852 685 3 891036435 +852 825 3 891037586 +852 826 3 891037806 +852 827 2 891036866 +852 840 3 891036866 +852 926 3 891036902 +852 969 5 891037917 +852 1052 4 891037888 +852 1615 2 891036457 +853 245 3 879365091 +853 261 3 879365360 +853 264 3 879365169 +853 270 4 879364822 +853 286 3 879364668 +853 288 4 879364822 +853 292 4 879364669 +853 294 2 879365035 +853 299 4 879365092 +853 301 1 879364744 +853 302 4 879364669 +853 304 4 879364822 +853 307 1 879364744 +853 322 3 879364883 +853 326 2 879364955 +853 327 3 879364955 +853 331 2 879364822 +853 332 3 879364822 +853 333 4 879364669 +853 334 3 879364744 +853 340 1 879364744 +853 358 1 879365035 +853 682 4 879364823 +853 690 2 879364744 +853 748 2 879364883 +853 873 3 879365091 +853 877 2 879364882 +853 879 4 879364955 +853 880 5 879364822 +853 1025 4 879365360 +853 1280 4 879365091 +854 1 3 882812225 +854 3 1 882813047 +854 4 2 882814436 +854 7 4 882812352 +854 8 5 882814571 +854 9 5 882814570 +854 11 5 882814570 +854 12 5 882813990 +854 13 3 882812755 +854 14 4 882812225 +854 15 3 882812451 +854 19 3 882812826 +854 20 2 882813179 +854 22 2 882813691 +854 23 4 882813647 +854 24 4 882812352 +854 25 3 882813219 +854 42 4 882813990 +854 49 4 882814665 +854 50 4 882812102 +854 55 4 882814467 +854 56 5 882814571 +854 58 3 882813825 +854 64 5 882814121 +854 69 4 882814395 +854 83 4 882813691 +854 86 3 882814436 +854 87 4 882814063 +854 89 4 882814467 +854 93 5 882814571 +854 96 3 882814467 +854 98 4 882814394 +854 100 5 882812225 +854 106 3 882813248 +854 111 3 882812906 +854 118 2 882813219 +854 121 1 882813074 +854 122 3 882813287 +854 123 1 882812406 +854 124 5 882814570 +854 125 3 882813099 +854 126 3 882812826 +854 127 4 882813933 +854 129 3 882812165 +854 132 5 882813877 +854 133 3 882814091 +854 134 4 882813825 +854 135 4 882813933 +854 144 3 882814298 +854 147 3 882812492 +854 150 3 882812314 +854 151 4 882812451 +854 153 4 882813990 +854 156 3 882813574 +854 168 4 882814435 +854 170 4 882813537 +854 171 4 882814333 +854 173 4 882813537 +854 174 3 882813574 +854 175 4 882813797 +854 176 3 882813877 +854 180 4 882813537 +854 185 4 882813877 +854 186 3 882814298 +854 188 4 882814368 +854 191 4 882813825 +854 194 3 882814235 +854 195 3 882813537 +854 197 4 882813797 +854 200 5 882814121 +854 203 4 882813933 +854 220 4 882813248 +854 222 4 882812492 +854 223 4 882814177 +854 225 1 882813364 +854 235 2 882813179 +854 237 3 882812406 +854 238 5 882813648 +854 244 3 882812826 +854 246 3 882812195 +854 249 3 882812928 +854 250 4 882812376 +854 257 3 882812877 +854 258 4 882811810 +854 260 3 882812030 +854 264 1 882811888 +854 268 3 882811865 +854 269 4 882811742 +854 270 4 882811810 +854 271 4 882811937 +854 273 4 882812852 +854 274 3 882812906 +854 275 4 882814571 +854 282 2 882812960 +854 283 3 882812492 +854 285 4 882812165 +854 286 1 882811742 +854 288 5 882814571 +854 289 2 882811962 +854 290 1 882813179 +854 293 5 882812102 +854 294 2 882811742 +854 297 4 882812263 +854 302 3 882811836 +854 303 3 882811810 +854 321 3 882811913 +854 322 1 882811865 +854 324 3 882811937 +854 328 1 882811865 +854 333 3 882811742 +854 343 3 882811773 +854 357 4 882814235 +854 358 2 882812001 +854 382 4 882813761 +854 405 4 882812755 +854 409 2 882813421 +854 411 2 882813143 +854 421 3 882814028 +854 423 4 882813963 +854 431 3 882813726 +854 455 2 882812906 +854 458 3 882812826 +854 461 3 882814298 +854 463 3 882814395 +854 466 3 882813761 +854 469 5 882814571 +854 471 2 882812928 +854 472 1 882813143 +854 475 4 882812352 +854 476 3 882813219 +854 479 4 882813623 +854 482 3 882813761 +854 483 4 882813691 +854 484 3 882814368 +854 487 4 882813990 +854 488 4 882813761 +854 492 4 882814333 +854 493 5 882813933 +854 498 3 882813877 +854 499 4 882813537 +854 505 4 882813600 +854 507 4 882813623 +854 508 4 882812492 +854 509 4 882814333 +854 511 4 882814298 +854 512 3 882814063 +854 514 4 882813537 +854 522 2 882814189 +854 528 4 882813623 +854 535 3 882813364 +854 537 3 882813797 +854 544 3 882812852 +854 591 2 882812451 +854 597 2 882813143 +854 603 4 882813600 +854 604 4 882813601 +854 606 4 882813691 +854 616 4 882813877 +854 619 2 882812376 +854 620 2 882813453 +854 628 2 882812451 +854 632 4 882813797 +854 652 3 882813825 +854 664 4 882814091 +854 696 2 882812961 +854 705 4 882813963 +854 709 4 882814395 +854 713 4 882812288 +854 735 3 882813990 +854 742 2 882812960 +854 744 2 882812787 +854 756 3 882813364 +854 757 3 882814235 +854 762 2 882812905 +854 799 3 882814298 +854 811 3 882814091 +854 815 2 882812981 +854 823 2 882813316 +854 825 3 882813143 +854 826 2 882813453 +854 829 2 882813287 +854 840 2 882813364 +854 846 3 882813453 +854 855 4 882814063 +854 919 4 882812406 +854 922 5 882813143 +854 924 4 882812314 +854 928 3 882813143 +854 945 3 882813761 +854 979 4 882813315 +854 1011 2 882813047 +854 1013 1 882813453 +854 1014 3 882813315 +854 1016 2 882812406 +854 1028 2 882813421 +854 1047 1 882812906 +854 1061 1 882813421 +854 1077 3 882813907 +854 1086 3 882812195 +854 1134 3 882812787 +854 1197 3 882812263 +854 1226 4 882814571 +854 1281 2 882812314 +854 1283 2 882813047 +854 1284 2 882812961 +854 1335 2 882812288 +854 1677 3 882814368 +855 45 3 879825383 +855 60 3 879825528 +855 86 2 879825462 +855 165 4 879825382 +855 166 4 879825578 +855 179 3 879825528 +855 198 4 879825613 +855 283 3 879825383 +855 462 4 879825383 +855 529 4 879825613 +855 531 3 879825614 +855 638 4 879825462 +855 1021 3 879825578 +856 258 4 891489356 +856 270 3 891489412 +856 272 5 891489217 +856 310 3 891489217 +856 313 5 891489217 +856 315 5 891489250 +856 316 5 891489547 +856 323 2 891489593 +856 327 4 891489478 +856 328 3 891489478 +856 678 3 891489666 +856 688 2 891489666 +856 748 3 891489638 +856 749 3 891489450 +856 750 5 891489250 +856 879 3 891489450 +857 14 4 883432633 +857 19 4 883432633 +857 20 3 883432688 +857 294 3 883432251 +857 300 3 883432251 +857 304 2 883432301 +857 321 4 883432352 +857 325 1 883432397 +857 348 1 883432170 +857 475 5 883432663 +857 687 1 883432470 +857 898 5 883432141 +858 100 3 880932746 +858 181 2 879460595 +858 269 4 879458608 +858 286 4 879458829 +858 289 3 879459337 +858 292 3 879459087 +858 307 3 880933013 +858 327 3 879459504 +858 331 3 880932343 +858 334 4 880933072 +858 690 3 879459087 +859 3 5 885775513 +859 15 4 885776056 +859 25 4 885776056 +859 111 4 885776056 +859 118 3 885775193 +859 151 2 885775067 +859 249 5 885775086 +859 257 2 885775330 +859 275 3 885774828 +859 276 4 885776056 +859 282 3 885774964 +859 288 4 885776056 +859 313 5 885774773 +859 381 4 885776352 +859 410 4 885776056 +859 421 5 885776384 +859 458 3 885775382 +859 475 4 885776056 +859 476 5 885775727 +859 762 5 885775437 +859 763 4 885775699 +859 846 5 885775612 +859 1008 4 885776056 +859 1009 4 885775277 +859 1014 4 885775564 +859 1048 3 885775767 +859 1061 4 885776056 +859 1095 2 885775513 +859 1326 4 885775859 +860 4 4 885991163 +860 26 3 885991163 +860 49 2 885991316 +860 56 4 885990862 +860 70 5 885991040 +860 100 4 885991075 +860 159 3 889984855 +860 202 4 885990932 +860 204 4 885990901 +860 211 3 885990998 +860 216 4 885990901 +860 220 3 885145702 +860 257 3 891733877 +860 262 4 874967063 +860 269 2 891535991 +860 272 3 885145344 +860 274 3 885991476 +860 283 4 885990998 +860 285 5 885990901 +860 286 4 874967063 +860 287 3 885991407 +860 289 3 880829225 +860 294 2 880829225 +860 302 4 876074139 +860 303 3 876074139 +860 307 3 879801617 +860 310 4 880914645 +860 311 4 882120528 +860 312 4 888169119 +860 313 4 885145375 +860 315 3 884029545 +860 316 3 889627165 +860 321 3 880829225 +860 327 3 880829225 +860 332 2 880829226 +860 333 3 876074177 +860 339 3 882831410 +860 344 3 887028250 +860 381 3 885990998 +860 393 2 885991129 +860 508 4 885991076 +860 514 5 885991040 +860 516 3 885991040 +860 517 4 885991076 +860 629 3 885991198 +860 663 3 885991101 +860 678 3 887754112 +860 690 4 876750421 +860 692 5 885990965 +860 712 3 885991316 +860 715 4 885991198 +860 732 4 885991129 +860 781 2 887754411 +860 865 4 885990862 +860 894 2 883678286 +860 900 3 886354648 +860 949 3 885991163 +860 1041 2 887754411 +860 1047 2 885991563 +860 1059 1 891536049 +860 1061 3 879169685 +861 10 3 881274739 +861 20 4 881274857 +861 26 3 881274936 +861 45 5 881274698 +861 52 5 881274718 +861 70 4 881274672 +861 86 5 881274630 +861 116 4 881274739 +861 170 5 881274672 +861 213 5 881274759 +861 242 5 881274504 +861 275 5 881274612 +861 286 4 881274504 +861 289 5 881274504 +861 292 4 881274504 +861 294 3 881274504 +861 305 4 881274504 +861 319 5 881274504 +861 321 1 881274504 +861 381 4 881274780 +861 462 4 881274698 +861 463 3 881274698 +861 475 3 881274760 +861 509 5 881274739 +861 529 5 881274718 +861 582 2 881274796 +861 714 4 881274899 +861 736 4 881274672 +861 737 3 881274883 +861 740 4 881274760 +861 937 4 881274504 +861 949 4 881274937 +861 1227 4 881274936 +862 7 5 879304196 +862 10 5 879303249 +862 11 4 879305172 +862 12 5 879304571 +862 22 5 879304571 +862 24 4 879302990 +862 45 4 879304721 +862 50 5 879304196 +862 56 3 879305204 +862 59 5 879305204 +862 60 5 879305143 +862 61 5 879304244 +862 64 5 879304326 +862 69 5 879304244 +862 70 4 879305172 +862 79 5 879304623 +862 81 5 879305237 +862 82 4 879305237 +862 89 5 879304526 +862 91 5 879304762 +862 92 5 879305051 +862 96 4 879305051 +862 97 4 879305143 +862 98 5 879304865 +862 99 4 879305097 +862 100 5 879304196 +862 105 3 879303346 +862 111 5 879302844 +862 117 5 879302844 +862 120 3 879303953 +862 121 5 879304196 +862 127 5 879304196 +862 132 5 879304980 +862 135 5 879304762 +862 141 4 879305237 +862 143 5 879304722 +862 147 5 879304196 +862 151 5 879304196 +862 168 4 879304526 +862 172 5 879304243 +862 173 5 879304484 +862 174 5 879304721 +862 175 5 879305172 +862 176 5 879304672 +862 177 4 879305016 +862 179 5 879304410 +862 180 5 879305097 +862 182 5 879304526 +862 183 5 879304834 +862 184 2 879305097 +862 185 5 879304571 +862 186 3 879305143 +862 188 5 879305312 +862 193 4 879304326 +862 195 5 879304902 +862 196 5 879304799 +862 197 4 879304623 +862 199 5 879304761 +862 200 5 879304980 +862 201 3 879304326 +862 202 5 879304624 +862 203 4 879305312 +862 205 4 879304282 +862 208 2 879304282 +862 210 4 879304410 +862 211 5 879305051 +862 215 4 879304624 +862 222 5 879304196 +862 228 5 879305097 +862 230 3 879305273 +862 238 4 879304624 +862 250 5 879303158 +862 252 3 879302910 +862 257 5 879303207 +862 258 5 879302461 +862 260 5 879302583 +862 265 5 879304980 +862 271 5 879302763 +862 276 5 879303079 +862 282 5 879303123 +862 288 5 879302533 +862 357 3 879305204 +862 406 4 879303843 +862 407 3 879303843 +862 413 4 879303952 +862 416 3 879305351 +862 423 4 879305273 +862 429 5 879304526 +862 431 5 879305312 +862 432 5 879304902 +862 433 4 879304445 +862 434 5 879304410 +862 435 5 879304244 +862 436 4 879305386 +862 462 4 879304624 +862 467 4 879305143 +862 472 5 879303505 +862 476 4 879303622 +862 478 4 879305016 +862 479 4 879305351 +862 480 5 879304761 +862 483 5 879304326 +862 484 4 879304571 +862 485 5 879304410 +862 491 3 879304799 +862 495 4 879305097 +862 496 5 879304902 +862 498 4 879304445 +862 505 4 879305016 +862 515 4 879302877 +862 519 4 879304326 +862 520 4 879304484 +862 521 5 879304762 +862 544 5 879304196 +862 546 4 879302944 +862 559 4 879305312 +862 566 3 879304571 +862 568 3 879304799 +862 597 3 879303697 +862 603 5 879304445 +862 633 5 879304722 +862 640 3 879305351 +862 647 5 879304369 +862 650 4 879304941 +862 651 5 879304624 +862 655 5 879305016 +862 657 5 879304369 +862 658 5 879304526 +862 678 4 879302614 +862 737 4 879305386 +862 742 5 879303298 +862 748 4 879302533 +862 767 4 879303807 +862 789 5 879304941 +862 820 4 879303774 +862 823 4 879303869 +862 825 5 879303668 +862 831 3 879303542 +862 845 4 879303249 +862 866 4 879303697 +862 919 4 879303409 +862 928 4 879303542 +862 930 5 879303843 +862 969 5 879304410 +862 977 4 879302877 +862 978 3 879303591 +862 979 5 879303409 +862 982 4 879303622 +862 1009 4 879303622 +862 1050 5 879305351 +862 1093 5 879304196 +862 1109 5 879305016 +862 1110 5 879305386 +862 1117 4 879303668 +862 1199 2 879303729 +863 259 1 889289240 +863 262 3 889289618 +863 264 3 889289385 +863 268 5 889289240 +863 269 3 889288973 +863 270 3 889288943 +863 271 4 889289191 +863 272 5 889288910 +863 286 5 889289191 +863 288 4 889288911 +863 289 4 889289457 +863 292 2 889289067 +863 299 2 889289385 +863 300 5 889289157 +863 301 4 889289240 +863 302 4 889288910 +863 304 3 889289240 +863 305 4 889289122 +863 306 5 889289570 +863 307 5 889289157 +863 310 5 889288943 +863 313 5 889288910 +863 316 5 889289419 +863 319 2 889289123 +863 321 4 889289157 +863 322 1 889289327 +863 324 5 889289385 +863 327 5 889289327 +863 328 5 889288943 +863 329 2 889289157 +863 330 2 889289191 +863 331 4 889289278 +863 332 4 889288943 +863 333 5 889289123 +863 334 5 889289353 +863 336 2 889289327 +863 339 3 889289353 +863 340 3 889288911 +863 342 1 889289241 +863 343 5 889289328 +863 344 4 889289456 +863 346 5 889288911 +863 347 2 889289067 +863 348 2 889289456 +863 349 1 889289457 +863 350 1 889289457 +863 352 1 889289491 +863 354 1 889289191 +863 355 4 889289419 +863 359 3 889289158 +863 362 1 889289122 +863 538 2 889289122 +863 682 3 889289491 +863 683 1 889289241 +863 690 4 889289067 +863 691 3 889289067 +863 748 3 889289456 +863 749 2 889289419 +863 750 4 889288973 +863 751 4 889289122 +863 752 4 889289277 +863 754 3 889289067 +863 872 2 889289240 +863 873 2 889289491 +863 876 2 889289457 +863 877 1 889289277 +863 879 2 889289123 +863 882 4 889289570 +863 885 1 889289456 +863 886 3 889289327 +863 887 3 889289328 +863 895 5 889289385 +863 898 1 889288973 +863 900 3 889289067 +863 901 1 889288972 +863 902 5 889289456 +863 903 3 889289570 +863 906 4 889289570 +863 908 1 889289240 +863 909 3 889289619 +863 910 2 889289570 +863 990 1 889289385 +863 1022 2 889289569 +863 1062 4 889289570 +863 1127 4 889289157 +863 1234 3 889289619 +863 1237 4 889289618 +863 1243 4 889289277 +863 1294 4 889289618 +863 1296 3 889289617 +863 1313 1 889289067 +863 1395 4 889289491 +863 1431 4 889289618 +863 1434 2 889289618 +863 1678 1 889289570 +863 1679 3 889289491 +863 1680 2 889289570 +864 1 5 877214125 +864 2 4 888889657 +864 4 4 888890690 +864 5 4 888889657 +864 7 5 878179608 +864 8 5 888887402 +864 9 5 877214236 +864 12 5 888886984 +864 13 4 877214125 +864 15 4 888887658 +864 22 5 888888937 +864 24 5 888887502 +864 25 4 888888240 +864 28 5 888887247 +864 29 4 888891794 +864 31 4 888888202 +864 38 3 888891628 +864 43 3 888891524 +864 44 4 888890144 +864 47 5 888887502 +864 48 5 888886945 +864 49 3 888892091 +864 50 5 877214085 +864 52 4 888888861 +864 53 4 888891794 +864 55 4 888887045 +864 56 5 888887097 +864 58 5 888887739 +864 62 4 888889035 +864 63 3 888893088 +864 64 5 888887830 +864 65 3 888890690 +864 66 3 888889784 +864 67 4 888891190 +864 69 5 888889863 +864 71 3 888889389 +864 72 4 888891288 +864 73 5 888888994 +864 77 4 888891627 +864 79 5 888887830 +864 81 3 888891836 +864 82 5 888887830 +864 85 2 888889327 +864 86 4 888890547 +864 87 5 888887403 +864 88 4 888887469 +864 91 5 888887172 +864 93 3 888889948 +864 94 4 888891423 +864 95 5 888887045 +864 96 5 888887830 +864 97 4 888887216 +864 98 5 888886946 +864 99 3 888890730 +864 100 5 877214125 +864 102 4 888890997 +864 106 3 877214236 +864 108 3 888891627 +864 109 5 888888994 +864 111 3 888888115 +864 114 5 888888168 +864 116 4 888887045 +864 117 4 888889466 +864 118 4 888888994 +864 121 4 877214085 +864 123 4 888890594 +864 124 5 877214158 +864 125 4 888889162 +864 127 4 888887216 +864 128 4 888886882 +864 132 5 888887128 +864 133 5 888887984 +864 134 5 888887013 +864 136 4 888886913 +864 137 4 878179514 +864 140 3 888892016 +864 143 4 888887703 +864 144 5 888887830 +864 145 4 888892230 +864 151 5 888889466 +864 153 5 888886946 +864 157 4 888886984 +864 159 4 888891049 +864 161 4 888891288 +864 163 4 888888680 +864 164 4 888887216 +864 167 4 888891794 +864 168 4 888888067 +864 169 5 888887402 +864 172 5 888887795 +864 173 5 888889129 +864 174 5 888887354 +864 176 5 888887289 +864 178 4 888887248 +864 181 5 888887984 +864 182 3 888886913 +864 183 4 888888115 +864 184 4 888890775 +864 186 4 888887658 +864 188 3 888887172 +864 189 4 888889268 +864 190 4 888887437 +864 191 4 888887869 +864 194 4 888886984 +864 195 4 888888937 +864 196 4 888887914 +864 197 4 888888282 +864 200 4 888889162 +864 201 5 888887172 +864 202 5 888887354 +864 203 5 888886846 +864 204 5 888888937 +864 208 4 888888994 +864 209 3 888887172 +864 210 4 888887469 +864 214 2 888890052 +864 215 4 888888994 +864 216 4 888886882 +864 217 4 888891524 +864 218 4 888890316 +864 219 4 888889129 +864 222 4 888887502 +864 223 5 888887097 +864 225 3 878179608 +864 226 3 888889601 +864 228 5 888888067 +864 229 4 888891836 +864 230 2 888889129 +864 231 3 888891288 +864 232 4 888889327 +864 234 4 888887658 +864 235 5 888891794 +864 237 4 878179514 +864 238 5 888890432 +864 239 4 888889466 +864 245 4 887686369 +864 250 3 891044057 +864 257 4 891044192 +864 258 5 877214042 +864 265 5 888886946 +864 273 5 878179555 +864 275 4 878179445 +864 276 5 878179411 +864 282 3 888887469 +864 283 5 878179514 +864 286 5 890463283 +864 288 5 878179381 +864 290 3 888892053 +864 294 4 878179381 +864 317 4 888887128 +864 318 5 888887071 +864 328 5 887686456 +864 333 5 890463283 +864 343 5 887686545 +864 349 4 887686388 +864 356 4 888889268 +864 357 5 888887794 +864 367 5 888890316 +864 373 2 888892053 +864 380 3 888889744 +864 382 3 888887437 +864 386 3 888891288 +864 391 4 888893224 +864 393 3 888889129 +864 394 3 888890432 +864 399 4 888893088 +864 401 4 888893271 +864 402 3 888892128 +864 403 5 888887944 +864 404 4 888890316 +864 405 5 877214158 +864 408 5 877214085 +864 418 3 888887247 +864 419 4 888887984 +864 422 3 888892968 +864 423 5 888887739 +864 432 2 888887502 +864 433 3 888887703 +864 443 4 888890639 +864 451 4 888889563 +864 465 3 888889327 +864 466 4 888887794 +864 470 4 888890052 +864 471 5 888888862 +864 472 4 888888861 +864 473 4 888892300 +864 474 4 888889863 +864 476 2 888892917 +864 483 5 888886913 +864 496 5 888887944 +864 501 3 888891836 +864 509 5 888887944 +864 511 4 888886846 +864 523 4 888888202 +864 531 5 888887739 +864 541 2 888892667 +864 542 4 888892841 +864 546 4 888892015 +864 549 3 888890730 +864 550 4 888889389 +864 559 4 888888680 +864 561 4 888888937 +864 562 4 888891794 +864 563 3 888892539 +864 568 4 888888115 +864 569 3 888891794 +864 577 3 888892917 +864 578 3 888889948 +864 588 3 888887289 +864 591 4 878179608 +864 596 4 888890001 +864 597 4 888888625 +864 603 4 888888025 +864 609 3 888888861 +864 619 3 888889327 +864 623 3 888889035 +864 625 4 888890273 +864 628 4 888890639 +864 629 3 888888282 +864 642 3 888890432 +864 651 5 888888168 +864 655 4 888887128 +864 658 2 888890690 +864 660 4 888889510 +864 663 4 888887248 +864 665 3 888892300 +864 672 2 888889389 +864 673 3 888890273 +864 678 4 887686545 +864 684 4 888887289 +864 685 4 888891900 +864 692 2 888890316 +864 708 3 888889863 +864 710 2 888888115 +864 715 4 888891238 +864 717 3 878179608 +864 720 3 888891238 +864 722 2 888892091 +864 729 4 888889035 +864 732 4 888888067 +864 734 3 888892874 +864 735 5 888886882 +864 736 5 888888025 +864 742 4 878179445 +864 747 3 888890380 +864 755 4 888892128 +864 768 3 888890776 +864 770 3 888891322 +864 780 2 888892968 +864 781 3 888891238 +864 789 4 888886946 +864 794 3 888889268 +864 797 3 888892539 +864 800 1 888891154 +864 801 3 888892667 +864 805 4 888889327 +864 892 3 887686497 +864 930 3 888892841 +864 939 4 888890102 +864 951 3 888891288 +864 966 4 888888994 +864 969 4 888887172 +864 972 2 888890475 +864 993 4 878179411 +864 1016 4 877214125 +864 1033 2 888891473 +864 1044 3 888891049 +864 1047 3 888888680 +864 1101 4 888887502 +864 1109 4 888890639 +864 1112 2 888891097 +864 1119 3 888890548 +864 1135 3 888890594 +864 1140 1 888892491 +864 1208 2 888890731 +864 1210 2 888892667 +864 1217 3 888889327 +864 1228 3 888892375 +864 1248 3 888891628 +864 1284 3 888891900 +864 1303 2 888890997 +864 1412 1 888892461 +864 1425 2 888890475 +864 1446 3 888889948 +865 1 1 880143424 +865 7 5 880143425 +865 21 2 880144229 +865 71 1 880235059 +865 95 1 880235059 +865 99 1 880235060 +865 100 4 880143232 +865 108 1 880143680 +865 117 2 880143746 +865 118 1 880144229 +865 121 1 880144024 +865 122 3 880144539 +865 148 3 880144194 +865 169 5 880235059 +865 222 2 880143482 +865 240 2 880143680 +865 245 3 880235263 +865 258 4 880142652 +865 271 1 880142778 +865 328 3 880142857 +865 405 2 880144194 +865 408 5 880143385 +865 411 1 880144153 +865 412 1 880144504 +865 418 1 880235099 +865 432 1 880235059 +865 455 4 880143612 +865 456 1 880144405 +865 471 1 880143612 +865 472 1 880144229 +865 473 3 880144194 +865 475 4 880143425 +865 501 1 880235060 +865 546 1 880143917 +865 547 5 880143232 +865 588 2 880235060 +865 597 1 880144368 +865 625 1 880235099 +865 627 1 880235060 +865 676 2 880144153 +865 685 3 880144071 +865 743 1 880144504 +865 744 4 880144024 +865 763 1 880143680 +865 825 1 880144123 +865 831 1 880144480 +865 847 5 880143386 +865 926 1 880144405 +865 928 1 880144368 +865 929 2 880144539 +865 946 1 880235099 +865 1009 5 880144368 +865 1011 1 880144405 +865 1028 1 880144024 +865 1047 1 880144265 +865 1240 5 880235099 +866 242 3 891221165 +866 269 3 891221165 +866 300 1 891220881 +866 302 2 891220955 +866 305 2 891221006 +866 306 4 891221165 +866 319 4 891221302 +866 321 3 891221302 +866 887 3 891221165 +866 889 2 891221006 +867 1 4 880078521 +867 7 5 880078604 +867 9 5 880078958 +867 12 5 880078656 +867 22 5 880078424 +867 23 5 880078723 +867 28 5 880078887 +867 31 5 880078656 +867 50 5 880078027 +867 51 3 880079142 +867 56 5 880078818 +867 64 5 880078547 +867 68 4 880079020 +867 69 2 880078797 +867 79 4 880079142 +867 89 5 880078769 +867 96 5 880078656 +867 98 5 880078937 +867 117 3 880079117 +867 132 3 880078629 +867 134 5 880078723 +867 135 5 880079065 +867 144 3 880078484 +867 150 5 880078677 +867 156 5 880078574 +867 168 4 880078604 +867 172 5 880078769 +867 175 5 880078818 +867 176 3 880079094 +867 180 5 880078656 +867 181 5 880078050 +867 182 4 880078521 +867 183 3 880078863 +867 186 5 880078937 +867 188 4 880078796 +867 191 5 880079117 +867 196 3 880079043 +867 197 4 880078796 +867 198 5 880078723 +867 203 4 880078484 +867 204 4 880078958 +867 207 5 880079094 +867 211 3 880078484 +867 216 3 880079043 +867 222 4 880079094 +867 228 5 880078958 +867 250 4 880078091 +867 257 4 880078090 +867 270 5 880077780 +867 273 3 880078991 +867 276 1 880079020 +867 286 5 880077721 +867 289 5 880077950 +867 294 3 880077831 +867 300 2 880077751 +867 318 5 880078424 +867 323 3 880077951 +867 328 5 880077855 +867 423 3 880078991 +867 431 4 880078841 +867 474 5 880078840 +867 475 5 880078656 +867 480 5 880078401 +867 483 5 880078372 +867 496 5 880078574 +867 511 5 880078371 +867 528 4 880078371 +867 529 5 880078863 +867 588 3 880078887 +867 603 5 880078452 +867 650 5 880078818 +867 651 5 880079065 +867 652 5 880078745 +867 655 4 880078906 +867 657 5 880078769 +867 660 4 880078723 +867 678 3 880078004 +867 690 5 880077751 +867 748 4 880077951 +867 855 5 880078604 +867 956 4 880079142 +867 1039 5 880078677 +867 1065 5 880078424 +867 1154 5 880078991 +867 1159 5 880078796 +868 1 4 877103320 +868 2 2 877112290 +868 7 5 877104157 +868 12 5 877103834 +868 23 5 877104949 +868 24 2 877108385 +868 47 2 877108302 +868 50 5 877103449 +868 55 5 877106505 +868 56 3 877107143 +868 59 4 877103757 +868 61 5 877109435 +868 64 5 877103548 +868 65 2 877104212 +868 67 3 877109597 +868 68 2 877106505 +868 69 2 877107416 +868 80 2 877111453 +868 81 4 877107373 +868 82 2 877112001 +868 90 3 877109874 +868 94 1 877109814 +868 95 2 877108302 +868 96 2 877107056 +868 98 4 877103371 +868 100 5 877103935 +868 101 4 877109996 +868 114 5 877103371 +868 117 2 877110332 +868 121 2 877111542 +868 122 3 877113586 +868 127 4 877103679 +868 128 5 877108123 +868 132 4 877103195 +868 133 2 877108302 +868 135 5 877104987 +868 136 5 877104414 +868 139 1 877109300 +868 142 1 877109874 +868 145 1 877109082 +868 150 5 877103834 +868 151 5 877104879 +868 153 2 877105916 +868 154 3 877107539 +868 155 2 877111623 +868 156 3 877103834 +868 158 1 877111328 +868 159 2 877107416 +868 161 2 877107056 +868 162 3 877109505 +868 164 2 877104157 +868 167 1 877110191 +868 168 3 877104157 +868 169 5 877106505 +868 172 5 877107847 +868 173 4 877107961 +868 174 5 877107320 +868 176 4 877103248 +868 178 5 877103714 +868 179 4 877107056 +868 180 4 877104913 +868 181 5 877103280 +868 184 3 877107730 +868 186 2 877109234 +868 187 4 877107284 +868 188 3 877103320 +868 189 5 877109300 +868 191 3 877107143 +868 193 2 877108123 +868 195 2 877104212 +868 198 5 877103757 +868 199 5 877105882 +868 200 3 877107189 +868 201 2 877104264 +868 202 3 877104264 +868 204 2 877105882 +868 206 5 877108352 +868 207 3 877107189 +868 208 3 877108624 +868 209 4 877103195 +868 210 5 877103248 +868 211 3 877107730 +868 214 3 877106470 +868 216 2 877109234 +868 217 2 877109895 +868 218 3 877104913 +868 219 2 877107817 +868 222 3 877108989 +868 225 1 877111453 +868 227 1 877110060 +868 228 5 877103935 +868 229 3 877111154 +868 230 3 877112349 +868 232 1 877109082 +868 233 2 877109566 +868 234 4 877103935 +868 237 1 877108989 +868 238 4 877103249 +868 239 3 877107924 +868 240 5 877107373 +868 268 4 877102974 +868 273 3 877107284 +868 317 5 877107961 +868 327 4 877103039 +868 367 2 877106505 +868 378 2 877108056 +868 382 4 877109874 +868 385 2 877103834 +868 398 1 877109082 +868 402 1 877113412 +868 403 2 877111837 +868 405 1 877109082 +868 408 5 877103935 +868 410 3 877104414 +868 412 5 877112001 +868 417 1 877108087 +868 419 3 877103449 +868 423 2 877107373 +868 426 4 877103935 +868 427 4 877103679 +868 429 2 877103834 +868 432 2 877108624 +868 433 4 877103195 +868 434 3 877107056 +868 436 3 877104913 +868 447 2 877107284 +868 449 3 877113540 +868 451 2 877112063 +868 452 2 877111394 +868 455 5 877103410 +868 470 1 877107924 +868 474 4 877105882 +868 475 4 877104987 +868 480 4 877103280 +868 496 2 877107597 +868 498 3 877104913 +868 501 3 877103449 +868 503 3 877106421 +868 506 4 877104879 +868 509 3 877106470 +868 520 4 877103756 +868 524 3 877107730 +868 547 3 877112559 +868 550 4 877112393 +868 556 3 877110060 +868 562 2 877112440 +868 566 1 877111394 +868 567 1 877113481 +868 568 1 877107847 +868 578 2 877112439 +868 579 1 877108241 +868 581 2 877109748 +868 588 1 877106421 +868 589 4 877106421 +868 615 4 877109375 +868 621 2 877103449 +868 631 4 877111453 +868 636 3 877103449 +868 640 5 877103371 +868 646 5 877109435 +868 651 5 877103249 +868 655 4 877107996 +868 658 3 877108742 +868 662 2 877103714 +868 679 3 877109748 +868 685 1 877111394 +868 709 4 877109197 +868 710 3 877103320 +868 726 2 877109926 +868 727 2 877110277 +868 732 3 877107416 +868 738 2 877108624 +868 739 2 877111542 +868 746 2 877109082 +868 747 2 877109566 +868 755 4 877112184 +868 762 4 877109535 +868 778 2 877109375 +868 783 1 877113481 +868 825 1 877109435 +868 843 1 877109748 +868 854 4 877103371 +868 919 4 877103757 +868 922 5 877106505 +868 946 1 877107189 +868 998 2 877112063 +868 1028 3 877103195 +868 1031 1 877109535 +868 1037 1 877113481 +868 1076 1 877111487 +868 1098 5 877107416 +868 1183 1 877112141 +868 1188 1 877110060 +868 1206 3 877112033 +868 1240 5 877107284 +868 1285 2 877109926 +868 1480 1 877111932 +868 1509 1 877111487 +869 25 2 884491767 +869 50 4 884490892 +869 100 5 884493279 +869 116 4 884490892 +869 118 1 884492338 +869 122 3 884493060 +869 125 3 884491867 +869 127 5 884493279 +869 151 5 884493279 +869 181 3 884490825 +869 237 4 884490745 +869 240 4 884491734 +869 249 4 884493279 +869 253 4 884493279 +869 275 4 884490936 +869 276 4 884491082 +869 282 3 884490987 +869 284 1 884491966 +869 287 2 884492047 +869 288 3 884490011 +869 298 3 884491734 +869 310 4 884493279 +869 312 2 884490251 +869 315 3 884490332 +869 412 5 884493279 +869 476 1 884492519 +869 515 5 884493279 +869 696 2 884493021 +869 815 1 884491966 +869 846 2 884492201 +869 1014 4 884493279 +869 1047 2 884492571 +869 1061 1 884492377 +869 1079 2 884493021 +869 1132 1 884492906 +869 1134 1 884492445 +869 1163 2 884492238 +870 1 5 889717102 +870 2 2 879714351 +870 4 2 879270213 +870 6 4 875680311 +870 7 4 875051072 +870 9 5 879376967 +870 10 4 879376967 +870 11 4 875679992 +870 12 4 875050748 +870 13 4 876319137 +870 17 4 880584752 +870 21 3 876319159 +870 22 4 875680165 +870 23 4 875050865 +870 28 4 875680258 +870 31 4 875680070 +870 38 3 879714608 +870 45 5 875679795 +870 47 3 875679958 +870 50 3 875050865 +870 51 2 879714500 +870 52 2 880584400 +870 53 2 879714351 +870 54 2 879714458 +870 55 3 879713899 +870 56 5 875050826 +870 58 5 875050723 +870 64 5 889717102 +870 65 3 879713898 +870 66 4 875680493 +870 68 3 879714087 +870 69 4 875050603 +870 70 4 889409590 +870 77 3 879714103 +870 79 4 879270313 +870 83 4 889717102 +870 87 5 889717575 +870 88 2 879270213 +870 89 3 879539936 +870 90 4 875680668 +870 92 4 875679861 +870 95 4 875050559 +870 96 4 879270357 +870 98 4 880584497 +870 100 4 889717102 +870 111 3 880584548 +870 124 4 879376994 +870 127 5 875050602 +870 131 4 875050865 +870 132 4 882123548 +870 135 3 875680045 +870 148 2 879377064 +870 154 4 876319311 +870 168 4 875680472 +870 169 4 888095560 +870 170 5 875050637 +870 171 4 875050698 +870 172 4 875680098 +870 174 5 875050698 +870 177 4 875050827 +870 178 4 875050559 +870 179 4 875680165 +870 180 3 875679860 +870 181 4 875680119 +870 182 5 883876178 +870 185 4 875050672 +870 186 4 875680186 +870 188 5 875050672 +870 191 3 881001249 +870 192 5 889717102 +870 193 5 889717102 +870 194 3 875679795 +870 195 4 875050602 +870 196 3 879539965 +870 197 5 875050723 +870 198 4 875679860 +870 202 3 879714181 +870 203 4 875680098 +870 204 4 875680448 +870 208 4 879270313 +870 209 4 875680546 +870 210 4 879270313 +870 211 3 879539713 +870 218 4 889717102 +870 219 2 879714351 +870 223 4 878737979 +870 235 3 885312790 +870 238 4 875050865 +870 239 3 875680597 +870 244 3 875051043 +870 246 3 881000751 +870 248 4 880124496 +870 253 4 887567321 +870 258 4 886883539 +870 265 4 880584497 +870 268 3 881000751 +870 272 4 890920916 +870 273 3 875051100 +870 276 4 889717102 +870 284 2 875051072 +870 286 4 875050332 +870 288 4 875050370 +870 289 2 875050332 +870 302 4 878737704 +870 313 4 883405554 +870 315 2 883876178 +870 317 4 875050723 +870 318 5 875050865 +870 327 4 875050410 +870 328 3 875050410 +870 332 2 879982785 +870 333 3 882123130 +870 340 3 882464808 +870 354 4 889409590 +870 357 5 875679687 +870 367 4 875679768 +870 378 3 879902226 +870 381 3 889409590 +870 382 3 875680568 +870 384 3 875680597 +870 385 3 879714159 +870 395 3 879901999 +870 396 3 875680668 +870 401 3 880584584 +870 421 2 879539965 +870 425 4 889717575 +870 427 4 880584516 +870 428 4 875050672 +870 431 3 885586224 +870 433 3 879901879 +870 435 3 880584549 +870 443 3 882123736 +870 447 4 879713953 +870 458 1 879377028 +870 461 4 875680099 +870 462 4 875679860 +870 466 4 878737789 +870 469 4 875679958 +870 470 3 879901727 +870 471 4 885071869 +870 474 4 875050559 +870 475 5 875051100 +870 477 4 876319062 +870 479 5 875050801 +870 480 5 875680142 +870 481 4 875680046 +870 483 5 880584497 +870 487 4 879270313 +870 489 4 875050827 +870 490 3 886883147 +870 494 3 879865875 +870 496 5 882801371 +870 497 4 875050559 +870 499 4 879713935 +870 503 4 879713899 +870 504 5 880584497 +870 505 4 880584752 +870 508 3 881001249 +870 511 3 881001249 +870 513 4 879713578 +870 514 5 875050637 +870 517 2 875680597 +870 520 5 875050559 +870 521 3 875679795 +870 523 5 875050774 +870 527 5 875679687 +870 528 4 875050801 +870 549 2 879270213 +870 550 3 879714310 +870 554 2 879714800 +870 558 4 879270313 +870 559 2 879714532 +870 566 2 882123618 +870 569 2 879714631 +870 570 2 879714681 +870 574 1 879902181 +870 579 2 879902161 +870 582 5 879713817 +870 583 2 879714351 +870 589 4 880584534 +870 591 2 879270212 +870 606 4 875679687 +870 608 4 875680098 +870 631 2 882123130 +870 640 3 886883147 +870 641 4 875050524 +870 642 4 875680258 +870 644 2 882123665 +870 646 4 875050524 +870 647 4 879270400 +870 649 4 889717102 +870 651 3 879539936 +870 653 4 875050559 +870 654 4 875050801 +870 655 4 875050865 +870 657 5 875050748 +870 658 4 875679992 +870 659 4 875680020 +870 673 5 875679721 +870 684 3 879714246 +870 690 2 886372265 +870 692 2 879270213 +870 693 4 879713979 +870 697 4 875050603 +870 699 3 879901671 +870 704 3 879714532 +870 710 3 875680212 +870 713 4 879376966 +870 715 3 875680597 +870 722 2 879270213 +870 724 4 875679906 +870 732 2 882123355 +870 735 3 875679721 +870 736 1 879901654 +870 746 3 879270400 +870 763 4 879902059 +870 772 4 875679767 +870 781 3 881001249 +870 789 4 879705466 +870 792 3 879540005 +870 793 5 875680258 +870 802 3 879714763 +870 810 3 879714883 +870 813 4 875051101 +870 841 2 878737915 +870 856 3 879715002 +870 873 2 875050370 +870 939 3 879714066 +870 943 2 879714310 +870 945 4 879714039 +870 949 3 881001249 +870 952 3 880584584 +870 959 4 875680046 +870 988 2 875050439 +870 1006 2 881001249 +870 1008 3 879377028 +870 1014 2 884789665 +870 1019 3 881001249 +870 1020 3 882385179 +870 1021 2 881001249 +870 1041 2 879270213 +870 1042 2 879902127 +870 1044 2 879714772 +870 1046 3 879714310 +870 1073 5 875050748 +870 1074 2 879270213 +870 1090 2 879902161 +870 1098 4 889812986 +870 1112 2 879714902 +870 1118 3 881001249 +870 1134 4 879376967 +870 1208 2 879902128 +870 1210 1 879902161 +870 1221 3 881001249 +870 1230 2 879901998 +870 1267 2 879270213 +870 1412 2 879714435 +870 1451 3 891214479 +870 1664 4 890057322 +871 4 3 888193338 +871 11 3 888193274 +871 17 3 888193275 +871 22 5 888193177 +871 27 2 888193275 +871 50 5 888193275 +871 56 5 888193177 +871 79 5 888193275 +871 82 3 888193336 +871 92 3 888193338 +871 96 5 888193177 +871 97 3 888193541 +871 121 4 888193275 +871 127 5 888193081 +871 147 5 888193136 +871 161 5 888193275 +871 172 5 888193177 +871 173 5 888193383 +871 174 5 888193176 +871 177 5 888193336 +871 181 3 888193335 +871 182 5 888192925 +871 183 3 888193177 +871 187 5 888193081 +871 190 2 888193275 +871 195 5 888193274 +871 197 3 888193385 +871 202 4 888193385 +871 210 5 888193275 +871 213 3 888193386 +871 216 3 888193384 +871 226 5 888193177 +871 237 3 888193386 +871 242 3 888192858 +871 245 3 888192475 +871 258 5 888192970 +871 262 3 888192970 +871 269 3 888192970 +871 270 5 888192858 +871 271 5 888192349 +871 272 2 888192859 +871 276 5 888193136 +871 286 3 888193136 +871 289 3 888192475 +871 300 4 888192971 +871 301 4 888192475 +871 305 3 888192475 +871 307 3 888192315 +871 310 3 888192858 +871 313 5 888192858 +871 315 3 888192286 +871 324 3 888192689 +871 326 5 888192971 +871 331 3 888192202 +871 333 2 888192202 +871 335 3 888192475 +871 342 4 888192475 +871 345 3 888192859 +871 346 3 888192859 +871 347 5 888192315 +871 352 3 888192971 +871 359 3 888192743 +871 360 3 888192475 +871 402 3 888193541 +871 435 3 888193336 +871 510 3 888193335 +871 511 2 888193177 +871 515 4 888193176 +871 526 5 888193337 +871 547 3 888193136 +871 549 3 888193541 +871 566 3 888193337 +871 575 5 888192909 +871 651 2 888193337 +871 662 3 888193541 +871 690 3 888192315 +871 750 3 888192689 +871 751 4 888192744 +871 752 3 888192744 +871 794 3 888193541 +871 813 3 888193136 +871 876 3 888192689 +871 895 3 888192689 +871 896 3 888192858 +871 904 3 888192858 +871 905 3 888192744 +871 907 3 888192745 +871 908 3 888192745 +871 909 3 888192475 +871 937 3 888192689 +871 955 3 888193541 +871 989 3 888192744 +871 1022 3 888192689 +871 1024 3 888192689 +871 1072 3 888193541 +871 1119 3 888193384 +871 1137 3 888193541 +871 1176 3 888192858 +871 1197 3 888193136 +871 1385 3 888193136 +871 1386 3 888193136 +871 1388 4 888193136 +871 1430 3 888192744 +871 1431 4 888192971 +871 1434 3 888192689 +872 1 3 888479151 +872 106 3 888479624 +872 111 4 888479151 +872 117 4 888479171 +872 121 4 888479206 +872 151 2 888479434 +872 237 4 888479275 +872 258 4 888478698 +872 268 1 888478864 +872 272 4 888478822 +872 273 3 888479274 +872 274 3 888479560 +872 278 3 888479206 +872 282 5 888479253 +872 284 3 888479369 +872 290 2 888479537 +872 294 3 888478882 +872 300 5 888478766 +872 313 5 888478786 +872 323 2 888480019 +872 328 4 888478822 +872 332 3 888480019 +872 334 1 888479894 +872 347 2 888478743 +872 350 3 888478840 +872 354 4 888478822 +872 405 4 888479151 +872 409 3 888479677 +872 476 4 888479737 +872 546 4 888479560 +872 591 3 888479253 +872 597 4 888479370 +872 628 4 888479151 +872 682 3 888478822 +872 685 4 888479348 +872 717 4 888479582 +872 742 4 888479171 +872 756 4 888479370 +872 815 4 888479434 +872 820 3 888479624 +872 826 3 888479654 +872 845 3 888479313 +872 871 3 888479677 +872 892 3 888479052 +872 893 4 888478902 +872 895 5 888478882 +872 905 4 888479034 +872 926 4 888479516 +872 928 2 888479582 +872 930 3 888479654 +872 932 4 888479498 +872 974 4 888479701 +872 975 4 888479654 +872 1011 1 888479333 +872 1028 3 888479434 +872 1040 3 888479701 +872 1047 4 888479603 +872 1061 4 888479701 +872 1165 2 888479537 +872 1284 3 888479434 +872 1376 2 888479603 +873 258 3 891392818 +873 286 2 891392091 +873 289 2 891392577 +873 292 5 891392177 +873 294 4 891392303 +873 300 4 891392238 +873 313 5 891392177 +873 321 1 891392577 +873 750 3 891392303 +873 879 2 891392577 +874 20 3 888632615 +874 100 4 888632411 +874 111 3 888632411 +874 124 4 888632411 +874 125 3 888632585 +874 127 5 888633310 +874 137 4 888632484 +874 150 4 888632448 +874 191 4 888633311 +874 197 4 888633310 +874 275 4 888632448 +874 276 4 888632484 +874 285 4 888632411 +874 286 4 888632057 +874 289 4 888633197 +874 302 5 888632098 +874 306 4 888632194 +874 313 3 888632098 +874 321 3 888632275 +874 340 3 888632194 +874 514 5 888633311 +874 521 5 888633311 +874 654 5 888633311 +874 748 3 888633197 +875 8 3 876465072 +875 12 5 876465230 +875 22 3 876465072 +875 23 5 876466687 +875 28 4 876465408 +875 32 5 876465275 +875 42 4 876465336 +875 45 3 876465072 +875 50 5 876465370 +875 55 3 876465370 +875 56 5 876466687 +875 64 5 876465275 +875 98 5 876464967 +875 131 4 876465229 +875 133 4 876464967 +875 134 5 876465188 +875 135 4 876465188 +875 169 5 876465025 +875 171 5 876465370 +875 172 4 876465072 +875 174 5 876465025 +875 179 5 876465188 +875 180 5 876464967 +875 181 4 876465335 +875 183 5 876465144 +875 185 4 876466687 +875 187 4 876466687 +875 195 4 876466687 +875 211 5 876465144 +875 213 4 876465408 +875 258 4 876464694 +875 268 4 876464755 +875 269 4 876464694 +875 286 3 876464694 +875 288 4 876464755 +875 289 4 876464800 +875 294 2 876464755 +875 300 3 876464800 +875 302 5 876464694 +875 321 3 876464755 +875 327 4 876464873 +875 332 3 876464801 +875 333 5 876464801 +875 334 4 876464800 +875 357 5 876465072 +875 358 3 876464800 +875 418 4 876465230 +875 421 4 876465335 +875 423 5 876464967 +875 428 4 876465112 +875 461 4 876466687 +875 462 4 876465188 +875 474 5 876465188 +875 478 4 876465025 +875 479 4 876466687 +875 480 5 876465275 +875 481 5 876465370 +875 496 4 876465144 +875 511 5 876465188 +875 512 5 876465408 +875 514 5 876465112 +875 518 4 876465408 +875 523 4 876465408 +875 527 4 876465230 +875 582 5 876465408 +875 603 4 876465111 +875 652 5 876465275 +875 654 4 876465230 +875 707 4 876464967 +875 753 3 876465188 +875 772 5 876465188 +875 806 4 876465230 +875 921 5 876465275 +875 923 5 876465370 +875 937 4 876464830 +875 963 4 876465275 +875 964 4 876465335 +875 1073 5 876465230 +875 1103 5 876465144 +876 19 5 879428354 +876 48 5 879428481 +876 178 4 879428378 +876 187 4 879428354 +876 238 4 879428406 +876 276 4 879428354 +876 289 3 879428145 +876 294 4 879428145 +876 435 4 879428421 +876 529 4 879428451 +876 531 4 879428481 +877 14 5 882677048 +877 31 4 882678483 +877 52 4 882677507 +877 55 4 882678512 +877 56 5 882678483 +877 60 5 882677183 +877 61 5 882677244 +877 70 5 882677012 +877 83 3 882677085 +877 86 4 882677827 +877 88 4 882677967 +877 98 5 882678427 +877 111 3 882677967 +877 155 2 882677997 +877 159 4 882678512 +877 164 5 882678547 +877 170 5 882677012 +877 173 4 882677865 +877 176 5 882678484 +877 185 4 882678387 +877 197 4 882677827 +877 202 4 882677936 +877 203 4 882678427 +877 207 3 882677012 +877 222 2 882678484 +877 226 3 882678547 +877 228 4 882678387 +877 237 4 882677827 +877 241 4 882678194 +877 258 4 882676234 +877 269 4 882676098 +877 270 4 882676054 +877 271 4 882676507 +877 274 4 882678105 +877 286 2 882675993 +877 288 3 882675993 +877 302 2 882676054 +877 306 3 882675993 +877 307 3 882676190 +877 326 4 882676190 +877 328 2 882676366 +877 333 4 882676259 +877 340 3 882676395 +877 371 5 882677935 +877 381 4 882677345 +877 382 3 882677012 +877 451 4 882677865 +877 463 4 882677311 +877 475 4 882677085 +877 515 5 882677640 +877 531 5 882677128 +877 538 4 882676533 +877 549 4 882677935 +877 553 4 882678137 +877 557 4 882677715 +877 566 4 882678547 +877 582 2 882677280 +877 584 4 882677507 +877 662 5 882677936 +877 690 4 882676098 +877 692 4 882677898 +877 702 4 882677386 +877 727 4 882677967 +877 737 1 882677749 +877 738 4 882678137 +877 739 4 882678105 +877 744 5 882677280 +877 921 4 882677128 +877 949 3 882677440 +877 971 4 882677386 +877 1402 4 882677386 +878 8 3 880866288 +878 9 4 880865562 +878 14 5 880865865 +878 15 4 880872273 +878 19 4 880865470 +878 20 2 880865715 +878 45 3 880867665 +878 50 4 880865562 +878 51 4 880869239 +878 57 4 880867987 +878 59 3 880866054 +878 60 4 880867035 +878 64 5 880866446 +878 66 3 880869354 +878 70 3 880868035 +878 82 3 880870609 +878 88 4 880869418 +878 97 3 880869090 +878 98 4 880866848 +878 99 4 880870130 +878 100 2 880865661 +878 111 4 880867282 +878 116 2 880869638 +878 127 4 880867444 +878 136 4 880866241 +878 137 3 880865562 +878 140 2 880870486 +878 151 1 880870609 +878 152 4 880870854 +878 153 5 880866177 +878 154 3 880866369 +878 155 3 880869418 +878 165 4 880866241 +878 166 4 880870854 +878 168 4 880866626 +878 170 4 880867485 +878 172 4 880870854 +878 174 3 880872669 +878 175 2 880869911 +878 179 4 880866626 +878 181 3 880865770 +878 191 4 880866564 +878 194 4 880869911 +878 197 4 880866971 +878 202 4 880869090 +878 204 2 880869911 +878 213 3 880867854 +878 215 2 880866687 +878 216 4 880869135 +878 225 3 880870765 +878 234 1 880872619 +878 236 2 880865470 +878 237 3 880868955 +878 258 3 880865562 +878 265 3 880866626 +878 269 4 880865183 +878 274 3 880869003 +878 276 3 880865715 +878 283 3 880868035 +878 285 5 880865562 +878 317 4 880866054 +878 318 5 880866013 +878 321 2 880865300 +878 371 3 880869239 +878 393 3 880870487 +878 416 5 880870854 +878 418 3 880870130 +878 427 5 880872394 +878 432 3 880870048 +878 435 4 880866103 +878 451 2 880869135 +878 462 4 880866509 +878 463 2 880866177 +878 474 5 880868819 +878 481 5 880870854 +878 482 4 880866134 +878 485 3 880866103 +878 496 5 880867387 +878 497 2 880872395 +878 498 4 880866758 +878 509 4 880866288 +878 511 4 880866810 +878 512 5 880867709 +878 514 4 880870854 +878 515 4 880865900 +878 517 4 880866687 +878 529 5 880870854 +878 531 2 880866564 +878 535 1 880871600 +878 549 4 880869303 +878 553 3 880869303 +878 582 4 880866810 +878 584 4 880867803 +878 588 2 880870048 +878 640 1 880867751 +878 642 3 880866971 +878 650 2 880866883 +878 655 3 880866687 +878 659 4 880870854 +878 662 1 880871600 +878 663 5 880868635 +878 690 2 880865230 +878 692 4 880869191 +878 699 1 880871600 +878 702 1 880871600 +878 707 2 880866409 +878 732 4 880869302 +878 739 3 880869303 +878 740 2 880865813 +878 755 2 880870486 +878 781 1 880871600 +878 796 2 880869473 +878 855 3 880867803 +878 921 4 880867665 +878 923 3 880866687 +878 949 3 880871600 +878 956 2 880866810 +878 1039 3 880866508 +878 1041 1 880871600 +878 1065 1 880871600 +878 1092 3 880867444 +878 1100 3 880869418 +878 1121 2 880867895 +878 1149 4 880868820 +879 1 4 887761865 +879 15 4 887761865 +879 25 4 887761865 +879 111 4 887761865 +879 118 3 887761562 +879 121 4 887761865 +879 125 5 887761174 +879 127 5 887761249 +879 151 3 887761425 +879 222 4 887761460 +879 237 4 887761309 +879 276 4 887761865 +879 282 4 887761865 +879 292 4 887760823 +879 300 3 887760802 +879 596 2 887761380 +879 751 2 887760879 +879 763 5 887761425 +879 1284 3 887761562 +880 1 4 880166744 +880 2 3 880167732 +880 3 1 880175023 +880 4 4 880167843 +880 5 3 880241379 +880 7 3 880166872 +880 8 4 880174677 +880 11 4 880167695 +880 12 5 880175622 +880 17 3 880174808 +880 21 2 880174961 +880 22 4 880167695 +880 23 5 880175735 +880 24 3 880167175 +880 25 4 880166938 +880 27 3 880167965 +880 28 5 880175690 +880 29 2 880167965 +880 31 4 880243629 +880 33 3 880167880 +880 38 3 880168411 +880 39 4 880167731 +880 40 2 880174904 +880 41 1 880175239 +880 42 5 880174808 +880 44 4 880243712 +880 47 4 880174730 +880 49 3 880174858 +880 53 4 880168411 +880 55 3 880167778 +880 56 5 880167731 +880 62 3 880168411 +880 63 3 880174926 +880 64 5 880175646 +880 65 4 880241977 +880 67 1 880175023 +880 68 5 880167843 +880 69 4 880175646 +880 70 4 880174677 +880 71 4 880241289 +880 72 3 880174996 +880 79 4 880167670 +880 81 4 880242094 +880 82 3 880167806 +880 85 3 880174904 +880 87 4 880241913 +880 88 3 880174705 +880 90 3 880174858 +880 91 3 880241256 +880 92 4 880167778 +880 93 4 880174623 +880 94 3 880175097 +880 95 3 880241219 +880 96 4 880167695 +880 97 4 880175714 +880 98 5 880241327 +880 99 3 880241219 +880 100 5 880166966 +880 105 3 880175077 +880 109 4 880167114 +880 110 3 880175128 +880 111 4 880167132 +880 117 4 880166872 +880 118 3 880167551 +880 120 2 880175503 +880 121 2 880167030 +880 122 3 880175208 +880 123 4 880167247 +880 124 5 880166847 +880 127 5 880167066 +880 128 3 880167806 +880 137 4 880166827 +880 140 4 880243001 +880 144 5 880167670 +880 147 4 880167224 +880 148 2 880167030 +880 150 4 880166798 +880 151 4 880242848 +880 156 4 880243680 +880 158 2 880175128 +880 161 2 880167778 +880 168 3 880174623 +880 172 5 880167695 +880 173 3 880174780 +880 174 4 880167670 +880 176 5 880167731 +880 177 5 880167778 +880 179 4 880175735 +880 180 5 880241822 +880 182 5 880167670 +880 184 4 880167843 +880 185 5 880241355 +880 186 4 880174808 +880 187 5 880167671 +880 188 4 880167842 +880 191 5 880175597 +880 194 5 880174623 +880 195 4 880167670 +880 200 4 880241355 +880 201 4 880174834 +880 202 4 880174834 +880 208 5 880174652 +880 209 3 880174623 +880 210 4 880167670 +880 217 4 880241411 +880 218 4 880241355 +880 222 4 880166990 +880 226 4 880167806 +880 227 2 880167918 +880 228 3 880167843 +880 230 3 880167732 +880 231 2 880167880 +880 232 4 880167806 +880 233 4 880167918 +880 234 5 880241327 +880 235 3 880166990 +880 237 4 880166798 +880 238 4 880174652 +880 239 4 880174808 +880 240 4 880167151 +880 243 2 892958608 +880 245 2 892958350 +880 246 5 892958837 +880 248 4 892958863 +880 249 4 880166966 +880 250 3 880167521 +880 252 2 880167551 +880 254 2 880167599 +880 257 5 880167521 +880 258 4 880166499 +880 260 4 892958484 +880 268 5 892958128 +880 269 4 892958090 +880 272 5 892958036 +880 273 5 880166770 +880 276 4 880166872 +880 280 2 880243204 +880 281 4 880167384 +880 282 2 880166966 +880 283 3 880167008 +880 284 4 880242528 +880 287 4 892958966 +880 288 4 880166451 +880 293 4 880166872 +880 294 4 880166557 +880 298 4 880166827 +880 299 4 892958517 +880 300 3 880166451 +880 301 4 880166557 +880 302 5 880166451 +880 307 4 892958090 +880 310 3 892958036 +880 315 5 892958175 +880 316 5 892958128 +880 318 5 880241746 +880 327 3 880166475 +880 328 4 880166557 +880 329 4 892958250 +880 342 3 892958275 +880 346 5 892958128 +880 347 5 892958301 +880 348 4 892958376 +880 356 4 880242475 +880 357 5 880175622 +880 363 4 880167200 +880 365 2 880242660 +880 366 2 880242257 +880 367 4 880174730 +880 368 1 880175503 +880 369 1 880175503 +880 375 1 880242782 +880 376 3 880175239 +880 379 4 880241434 +880 380 3 880242281 +880 381 4 880174808 +880 383 3 880243147 +880 384 3 880175157 +880 385 4 880167843 +880 386 3 880174995 +880 392 3 880242475 +880 393 3 880174926 +880 394 3 880243319 +880 396 2 880174995 +880 398 3 880167965 +880 401 3 880175077 +880 402 3 880242115 +880 403 3 880167778 +880 405 4 880167328 +880 407 1 880175503 +880 409 2 880243069 +880 410 4 880166938 +880 411 4 880167328 +880 412 3 880167306 +880 418 4 880241256 +880 421 2 880243204 +880 423 5 880175690 +880 435 4 880167778 +880 451 2 880243230 +880 456 3 880175270 +880 461 4 880175666 +880 467 4 880241821 +880 468 3 880242422 +880 470 4 880242306 +880 471 4 880167114 +880 473 3 880167132 +880 475 4 880166798 +880 476 3 880175444 +880 477 3 880166966 +880 508 4 880166966 +880 527 4 880241943 +880 541 2 880167918 +880 546 3 880167410 +880 549 4 880243230 +880 550 4 880167880 +880 554 3 880168411 +880 556 3 880242451 +880 566 3 880167880 +880 568 5 880167843 +880 570 3 880167965 +880 571 2 880175187 +880 575 3 880175077 +880 577 3 880175207 +880 578 3 880168411 +880 579 3 880243882 +880 584 3 880242933 +880 585 1 880175050 +880 588 4 880241219 +880 591 4 880166990 +880 595 1 880243541 +880 597 3 880167436 +880 603 5 880243629 +880 619 4 880243499 +880 623 4 880243069 +880 625 4 880242933 +880 627 3 880241256 +880 628 2 880166799 +880 636 3 880167918 +880 651 5 880167695 +880 655 4 880174623 +880 657 4 880243629 +880 678 3 880166662 +880 684 4 880167778 +880 685 4 880167083 +880 689 4 880166577 +880 692 3 880174652 +880 693 5 880242191 +880 697 2 880242281 +880 719 3 880174961 +880 720 2 880167965 +880 721 1 880174749 +880 722 3 880174904 +880 728 4 880243410 +880 731 4 880175023 +880 732 4 880174652 +880 734 3 880175240 +880 742 4 880166847 +880 746 4 892959246 +880 748 4 892958250 +880 755 3 880242848 +880 761 4 880167965 +880 762 4 893028813 +880 763 3 880167247 +880 768 2 880242848 +880 770 4 880167880 +880 771 3 880243848 +880 779 3 880167965 +880 780 3 880175157 +880 781 3 880174961 +880 790 3 880175050 +880 791 2 880174961 +880 793 4 880174677 +880 794 4 880243265 +880 795 2 880243147 +880 801 3 880175239 +880 802 3 880167918 +880 810 3 880168411 +880 815 4 893028814 +880 818 2 880175468 +880 820 3 880167384 +880 823 3 880167435 +880 824 4 880174879 +880 825 4 880167288 +880 826 3 880167551 +880 831 4 880167411 +880 845 3 880167200 +880 849 3 880167918 +880 864 3 880167200 +880 876 4 892958376 +880 879 3 880166529 +880 881 4 892958401 +880 902 4 892958301 +880 926 3 880167328 +880 928 2 880167435 +880 930 2 880167551 +880 931 3 880243564 +880 940 3 880175157 +880 948 4 880166662 +880 956 3 880242380 +880 976 2 880243588 +880 986 3 880167569 +880 992 4 892959014 +880 1000 3 880175128 +880 1001 2 880167435 +880 1002 3 880175527 +880 1012 4 880166827 +880 1013 3 880167355 +880 1014 4 892959041 +880 1016 4 880167223 +880 1017 3 880175077 +880 1023 2 880175405 +880 1030 2 880243147 +880 1035 4 880242933 +880 1036 2 880243147 +880 1041 4 880175128 +880 1044 4 880242577 +880 1047 3 880175157 +880 1049 3 892959087 +880 1052 1 880175503 +880 1053 3 880242660 +880 1058 2 880242421 +880 1059 4 880166939 +880 1093 3 880167384 +880 1095 3 880175503 +880 1119 3 880242028 +880 1134 5 880241609 +880 1139 4 880242577 +880 1151 3 880167454 +880 1157 4 880243817 +880 1165 2 880175527 +880 1181 3 880242781 +880 1184 3 880167806 +880 1185 1 880174995 +880 1188 2 880167880 +880 1197 3 880167151 +880 1210 4 880243790 +880 1215 1 880167599 +880 1217 3 880243712 +880 1222 4 880168411 +880 1224 3 880242632 +880 1225 2 880174834 +880 1244 3 880167411 +880 1258 3 880175368 +880 1267 4 880242356 +880 1270 3 880175187 +880 1276 3 880167384 +880 1277 4 880167355 +880 1284 4 880167355 +880 1291 3 880175468 +880 1296 3 892958128 +880 1415 2 880243093 +880 1423 3 880175577 +880 1446 4 880174705 +880 1468 4 880242139 +880 1478 3 880242547 +880 1496 4 880243147 +880 1518 2 880242422 +880 1620 3 880167288 +880 1664 4 892958799 +881 1 4 876535796 +881 4 3 876538286 +881 7 4 876536164 +881 8 4 876537457 +881 9 3 876536198 +881 11 4 876537752 +881 14 1 879051971 +881 15 3 876536241 +881 21 3 876536667 +881 22 5 876538028 +881 23 4 876537419 +881 25 3 876536198 +881 27 3 876538953 +881 28 5 876537612 +881 29 2 876539091 +881 31 5 876537577 +881 38 3 876538763 +881 43 3 876539595 +881 49 5 876538986 +881 50 3 876535927 +881 51 5 876538889 +881 53 2 876539448 +881 54 4 876539387 +881 56 1 876962037 +881 58 3 876538796 +881 62 4 876538666 +881 63 4 876538853 +881 64 5 876537933 +881 69 3 876537933 +881 70 2 876539220 +881 71 4 876538322 +881 72 2 876539220 +881 77 2 876538627 +881 79 4 876537825 +881 81 3 876538666 +881 82 5 876538286 +881 88 3 876538595 +881 90 3 876539595 +881 94 2 876539020 +881 95 4 876537679 +881 96 3 876537718 +881 97 3 876537613 +881 98 5 876537612 +881 99 3 876538571 +881 100 4 876536414 +881 103 1 876536745 +881 105 3 876537285 +881 106 4 879052493 +881 108 3 879052402 +881 112 2 876536978 +881 117 5 876535796 +881 118 4 876536332 +881 120 2 879052376 +881 121 5 876536391 +881 125 5 876536745 +881 127 4 876536079 +881 129 4 879052141 +881 132 3 876538726 +881 133 4 876537718 +881 134 5 876539260 +881 135 4 876537900 +881 136 4 876538537 +881 139 3 876538922 +881 140 2 876538098 +881 141 3 876538889 +881 143 5 876539128 +881 151 2 876536241 +881 161 3 876538506 +881 168 3 876537933 +881 172 4 876538986 +881 174 5 876537718 +881 175 2 876537418 +881 176 4 876537679 +881 177 4 876537900 +881 178 3 876537512 +881 179 5 876538400 +881 180 5 876538063 +881 181 4 876535928 +881 182 3 876538571 +881 183 4 876537995 +881 185 5 876537418 +881 186 3 876538221 +881 187 4 876539091 +881 188 4 876538665 +881 191 5 876537457 +881 192 5 876537577 +881 193 5 876538131 +881 194 3 876538185 +881 195 4 876539636 +881 196 3 876538185 +881 197 3 876537870 +881 199 5 876538824 +881 200 2 876538185 +881 202 4 876537825 +881 205 4 876538465 +881 208 3 876538098 +881 209 3 876537718 +881 214 4 876538322 +881 215 3 876538726 +881 216 4 876538922 +881 217 3 876538131 +881 218 4 876539260 +881 225 2 876536012 +881 226 3 876538400 +881 227 4 876538953 +881 228 3 876537995 +881 229 4 876538726 +881 230 4 876539291 +881 233 3 876538922 +881 234 3 876537870 +881 238 1 876537679 +881 240 1 879052141 +881 243 2 876535663 +881 255 3 876536332 +881 257 5 876536040 +881 259 3 876535599 +881 265 5 876538286 +881 274 3 876536850 +881 276 5 876536079 +881 281 3 876536439 +881 282 4 876536773 +881 286 2 876961961 +881 289 1 876535544 +881 291 3 876537177 +881 294 3 876535642 +881 304 3 876535642 +881 322 4 879051511 +881 323 2 879051487 +881 333 5 876535642 +881 356 3 876539477 +881 357 5 876537457 +881 375 1 876539387 +881 380 4 876538763 +881 385 4 876538666 +881 392 5 876538155 +881 393 4 876539091 +881 395 3 876538322 +881 399 4 876538465 +881 400 2 876539128 +881 401 1 876539260 +881 403 3 876539330 +881 405 4 876536667 +881 409 4 879052545 +881 411 3 879052376 +881 412 1 876536523 +881 414 5 876537752 +881 417 2 876538131 +881 419 5 876538691 +881 420 3 876539549 +881 423 4 876538726 +881 430 4 876537870 +881 432 3 876537825 +881 434 2 876538889 +881 435 3 876538796 +881 443 5 876539448 +881 447 4 876538953 +881 449 3 876539549 +881 451 1 876539186 +881 456 1 879052291 +881 465 3 876538595 +881 472 4 876537285 +881 473 2 876536636 +881 474 3 876537870 +881 476 2 879052198 +881 477 4 876536107 +881 478 4 876537612 +881 480 4 876537679 +881 483 4 876537418 +881 484 4 876537512 +881 490 4 876538763 +881 495 5 876537752 +881 498 4 876537577 +881 504 3 876537577 +881 506 4 876539020 +881 511 5 876537419 +881 514 4 876537457 +881 515 4 876535967 +881 520 5 876538986 +881 521 4 876537870 +881 523 4 876537825 +881 524 4 876537825 +881 526 5 876538251 +881 527 3 876537900 +881 528 5 876538536 +881 530 5 876538571 +881 542 1 876538763 +881 546 4 876536012 +881 550 3 876539261 +881 554 1 876539636 +881 561 4 876538465 +881 566 4 876538796 +881 568 4 876539020 +881 573 3 876539260 +881 575 2 876539330 +881 576 3 876538824 +881 580 5 876538251 +881 582 1 876538465 +881 588 3 876538027 +881 596 3 876536241 +881 615 4 876539291 +881 620 2 879052198 +881 625 5 876538465 +881 630 4 876539187 +881 642 4 876538027 +881 651 5 876539549 +881 654 4 876539156 +881 655 4 876539448 +881 663 5 876538322 +881 671 3 876537512 +881 678 2 876535695 +881 679 1 876539129 +881 685 2 876536877 +881 705 1 876537679 +881 712 3 876539156 +881 728 3 876539129 +881 732 5 876538465 +881 739 4 876539091 +881 742 4 876536773 +881 748 3 876535544 +881 755 4 876538922 +881 756 4 876536012 +881 763 3 879052317 +881 768 3 876539505 +881 795 2 876539418 +881 812 2 876539505 +881 820 2 876537285 +881 826 1 879052109 +881 831 2 879052493 +881 849 2 876539051 +881 864 3 876536198 +881 924 3 876536850 +881 934 3 876537011 +881 943 4 876537404 +881 1028 3 876537056 +881 1033 1 876536745 +881 1057 1 879052341 +881 1066 3 876538726 +881 1078 3 876539260 +881 1089 1 876537011 +881 1118 3 876538131 +881 1133 2 876539360 +881 1164 1 876537106 +881 1177 1 876539418 +881 1215 1 879052376 +881 1217 5 876538506 +881 1228 3 876538986 +881 1411 2 876539595 +881 1480 2 876539636 +881 1540 1 876539091 +882 1 5 879864558 +882 4 4 879868118 +882 7 4 879862652 +882 11 4 879867816 +882 21 2 879863909 +882 25 2 879862652 +882 28 5 879867508 +882 33 2 879868197 +882 50 5 879867694 +882 56 4 879865307 +882 66 4 879867980 +882 69 5 879864917 +882 70 3 879876573 +882 71 5 879867631 +882 79 5 879878486 +882 82 5 879867885 +882 89 5 879867508 +882 95 4 879877155 +882 96 4 879878140 +882 98 5 879865750 +882 99 5 879878486 +882 101 3 879879807 +882 118 4 879863031 +882 121 4 879861739 +882 122 2 879863831 +882 131 4 879876573 +882 132 5 879864970 +882 133 5 879867263 +882 135 5 879876806 +882 140 3 879879868 +882 143 4 879876806 +882 147 4 879863106 +882 151 5 879862327 +882 168 5 879867631 +882 172 5 879864970 +882 173 5 879867980 +882 174 5 879864697 +882 176 4 879867980 +882 177 5 879867885 +882 180 4 879865307 +882 181 5 879867430 +882 183 4 879864789 +882 185 5 879877245 +882 186 5 879879731 +882 191 5 879867694 +882 193 5 879867263 +882 194 3 879879668 +882 195 5 879867568 +882 196 4 879867263 +882 199 5 879867508 +882 202 4 879876806 +882 203 4 879867508 +882 204 5 879864697 +882 205 5 879865307 +882 208 5 879868197 +882 210 4 879867568 +882 211 4 879867431 +882 215 5 879867816 +882 216 4 879867508 +882 222 5 879861562 +882 225 5 879862865 +882 227 4 879879868 +882 228 5 879867694 +882 230 5 879867508 +882 235 3 879863560 +882 237 5 879862327 +882 243 4 879861325 +882 258 3 879860936 +882 265 5 879867431 +882 275 5 879861678 +882 284 3 879862865 +882 288 3 879860762 +882 290 4 879862217 +882 291 4 879862936 +882 357 4 879864917 +882 369 3 879863257 +882 378 5 879868198 +882 380 5 879868197 +882 393 4 879880132 +882 405 4 879861939 +882 407 2 879863831 +882 409 4 879863031 +882 411 3 879863457 +882 412 1 879863735 +882 416 4 879879868 +882 419 5 879864917 +882 420 5 879879807 +882 423 5 879878486 +882 427 5 879877026 +882 429 4 879866320 +882 432 5 879865307 +882 455 3 879862652 +882 465 3 879876573 +882 470 4 879867816 +882 473 3 879862936 +882 476 3 879863735 +882 496 5 879866320 +882 501 5 879879807 +882 510 5 879864642 +882 515 5 879865307 +882 526 4 879864642 +882 546 2 879863031 +882 566 4 879876806 +882 568 5 879865629 +882 582 5 879876573 +882 588 4 879867430 +882 597 4 879863106 +882 616 4 879879807 +882 660 3 879879731 +882 662 3 879879807 +882 684 3 879877026 +882 692 4 879867631 +882 739 4 879880131 +882 746 4 879865163 +882 748 5 879861155 +882 756 3 879863457 +882 820 3 879863969 +882 841 1 879863909 +882 929 1 879863176 +882 932 4 879863969 +882 969 5 879880132 +882 988 5 879861385 +882 1052 2 879864125 +882 1060 3 879862652 +882 1116 4 879879868 +882 1412 3 879867368 +882 1444 4 879877245 +883 1 3 891914583 +883 4 4 891694276 +883 7 5 891754985 +883 8 4 891694249 +883 9 4 891717495 +883 10 5 892557605 +883 11 2 891696824 +883 12 4 891717356 +883 13 4 891723351 +883 14 3 891693675 +883 16 4 891692713 +883 19 2 891692657 +883 20 4 891693723 +883 22 3 891696824 +883 24 4 891692657 +883 26 3 891693139 +883 28 3 891717908 +883 30 4 891693058 +883 39 4 891696864 +883 45 5 891695570 +883 47 3 891694182 +883 48 4 891717283 +883 49 3 891694636 +883 50 4 891696824 +883 52 3 891693169 +883 53 5 891696999 +883 55 4 891696864 +883 56 5 891694276 +883 58 3 891717380 +883 59 5 891692982 +883 60 5 891693012 +883 61 5 891693012 +883 64 4 891717988 +883 65 4 891717319 +883 66 3 891694636 +883 68 4 891696957 +883 70 3 891693169 +883 79 4 891696864 +883 81 5 891717908 +883 82 3 891696999 +883 83 3 891693200 +883 86 3 891693086 +883 88 4 891696715 +883 89 5 891696864 +883 90 3 891694672 +883 96 4 891696864 +883 98 3 891695666 +883 100 4 891717462 +883 113 4 891693723 +883 116 5 891692786 +883 124 5 891717419 +883 127 5 891717319 +883 129 5 891755088 +883 134 5 891754950 +883 137 5 891717356 +883 144 4 892557605 +883 147 2 891717419 +883 151 5 892439523 +883 153 5 891723290 +883 154 4 891754985 +883 168 5 891694218 +883 170 3 891693139 +883 172 4 891696824 +883 173 4 891694182 +883 174 4 891696824 +883 175 5 891694312 +883 176 4 891696895 +883 183 5 891696895 +883 185 5 891695692 +883 190 4 891693058 +883 194 3 891694218 +883 195 5 891696824 +883 197 4 891696689 +883 198 5 891695570 +883 199 4 891717462 +883 202 4 891694312 +883 204 4 891694182 +883 207 3 891693012 +883 208 4 891694340 +883 209 3 891694311 +883 210 4 891723351 +883 211 5 891694249 +883 212 5 891695570 +883 213 2 891693058 +883 216 4 891694249 +883 222 3 891717495 +883 226 3 892557605 +883 227 3 891696930 +883 228 4 891696824 +883 229 4 891696930 +883 234 4 891695666 +883 237 3 891717963 +883 238 4 891694218 +883 241 4 891696714 +883 250 3 892439468 +883 251 5 891692657 +883 256 5 891692713 +883 257 5 891914605 +883 265 3 891696864 +883 269 3 891691436 +883 270 4 891691436 +883 271 2 891692116 +883 273 4 892557850 +883 275 4 891692657 +883 276 5 891717462 +883 277 4 891717936 +883 279 3 891717356 +883 283 4 891692742 +883 285 5 891723351 +883 286 3 891691654 +883 289 5 891692168 +883 302 5 891691410 +883 304 3 891691534 +883 306 3 891691410 +883 311 4 891691505 +883 312 3 891692044 +883 313 3 891692285 +883 315 3 891691353 +883 316 5 891692168 +883 318 4 891717936 +883 319 3 891691560 +883 322 5 891692168 +883 323 5 891692168 +883 331 3 891691654 +883 338 4 891695193 +883 342 4 891692116 +883 345 3 891691465 +883 346 4 891691353 +883 347 4 891691559 +883 349 2 892557605 +883 354 4 891692000 +883 355 5 891692168 +883 367 5 891694218 +883 372 3 891694544 +883 382 3 891693200 +883 384 3 891694431 +883 385 1 891696999 +883 386 3 891694372 +883 387 5 891696750 +883 396 2 891695743 +883 399 5 891696999 +883 403 5 891696999 +883 405 3 891916961 +883 408 5 891914522 +883 414 3 891694431 +883 421 5 891696689 +883 430 5 891694401 +883 435 4 891696895 +883 455 4 891916411 +883 461 5 891717988 +883 462 5 891693085 +883 463 3 891693058 +883 464 5 891717533 +883 477 5 891914545 +883 479 5 891755017 +883 487 5 891755066 +883 490 4 891755017 +883 496 2 891755066 +883 504 5 891754950 +883 506 5 891754950 +883 511 4 891717419 +883 512 5 891693058 +883 513 5 891717319 +883 514 4 891694182 +883 515 5 891692657 +883 517 4 891694218 +883 519 5 891717283 +883 523 5 891694276 +883 529 5 891693012 +883 530 3 891696823 +883 531 3 891693497 +883 549 4 891696782 +883 550 3 892557605 +883 553 4 891696782 +883 559 3 891695692 +883 566 3 891696999 +883 568 3 891696999 +883 580 3 891693200 +883 582 3 891693387 +883 584 3 891693200 +883 589 5 891754985 +883 603 4 891755017 +883 634 3 891692874 +883 647 5 891717319 +883 648 4 891694249 +883 656 5 891695666 +883 659 3 891694218 +883 661 4 891718914 +883 684 3 891755066 +883 692 3 891694249 +883 693 4 891717988 +883 694 5 891693110 +883 703 3 891693139 +883 707 3 891693139 +883 709 5 891694431 +883 712 3 891694249 +883 713 3 891692742 +883 715 5 891694311 +883 724 4 891696689 +883 727 3 891696750 +883 732 3 891694340 +883 736 3 891696750 +883 739 2 891696715 +883 740 4 891692742 +883 745 5 891694431 +883 748 5 891692168 +883 749 3 891695490 +883 750 3 891691485 +883 752 4 892872163 +883 770 4 891696957 +883 778 4 891694372 +883 781 3 891694340 +883 785 3 891694372 +883 792 4 891694182 +883 794 4 891696750 +883 796 3 891696782 +883 805 4 891723323 +883 847 4 892557605 +883 856 5 891694401 +883 863 3 891693497 +883 873 3 891695173 +883 882 4 891691388 +883 886 3 892439422 +883 896 5 891691465 +883 900 5 891691654 +883 902 4 891691534 +883 919 4 891692713 +883 922 5 891717963 +883 945 4 891754985 +883 952 3 891916924 +883 955 5 891696689 +883 956 4 891717885 +883 971 3 891693200 +883 989 5 891692168 +883 1005 5 891695570 +883 1009 4 891692811 +883 1012 5 891916324 +883 1019 5 891695570 +883 1021 5 891693058 +883 1041 3 891694603 +883 1045 5 891717462 +883 1065 5 891717533 +883 1074 4 891694340 +883 1115 4 891692765 +883 1118 4 891694276 +883 1121 3 891693702 +883 1131 5 891695570 +883 1171 5 891695570 +883 1222 5 891696999 +883 1226 3 891914483 +883 1227 3 891693200 +883 1288 4 892439357 +883 1404 3 891694372 +883 1448 5 891695570 +883 1462 5 891695570 +883 1591 3 891695570 +883 1592 5 891692168 +883 1656 5 891692168 +884 9 5 876858820 +884 14 4 876858946 +884 70 4 876859208 +884 86 3 876859208 +884 116 4 876858914 +884 127 4 876858877 +884 146 3 876858877 +884 165 3 876859070 +884 166 3 876859207 +884 179 5 876859109 +884 198 5 876859237 +884 212 4 876859238 +884 213 4 876859207 +884 268 4 876857704 +884 269 5 876857704 +884 275 4 876857845 +884 285 4 876858820 +884 322 3 876857745 +884 323 2 876857745 +884 382 5 876859351 +884 462 4 876859237 +884 463 5 876859070 +884 510 5 876859330 +884 515 4 876858914 +884 529 5 876859301 +884 638 4 876859301 +884 713 3 876858914 +884 921 5 876859277 +884 923 3 876859109 +884 949 2 876860604 +884 1018 2 876860514 +884 1073 4 876859138 +884 1214 1 876860434 +885 1 5 885714990 +885 7 3 885715889 +885 25 4 885713017 +885 28 4 885714136 +885 29 1 885714487 +885 50 3 885712252 +885 69 4 885714201 +885 70 5 885713585 +885 71 4 885714820 +885 72 1 885713631 +885 79 4 885715803 +885 82 4 885715907 +885 88 4 885713461 +885 94 2 885713833 +885 97 5 885714136 +885 99 4 885714858 +885 100 3 885712944 +885 111 4 885712996 +885 117 4 885715643 +885 135 2 885714159 +885 142 2 885716369 +885 143 4 885716344 +885 151 4 885716221 +885 153 2 885713357 +885 154 3 885713434 +885 161 4 885715827 +885 167 3 885713807 +885 169 5 885714820 +885 172 3 885715888 +885 174 5 885715780 +885 179 1 885714226 +885 181 3 885712280 +885 186 4 885713434 +885 188 3 885715946 +885 189 5 885714820 +885 196 3 885714201 +885 204 4 885713294 +885 208 3 885713406 +885 209 2 885713502 +885 210 5 885713544 +885 213 3 885715221 +885 216 3 885715221 +885 225 3 885716242 +885 237 5 885715151 +885 245 2 885712224 +885 274 5 885712996 +885 278 3 885715468 +885 290 1 885712921 +885 300 4 885712224 +885 318 5 885714093 +885 338 3 885712224 +885 356 3 885714317 +885 365 3 885714431 +885 383 2 885713939 +885 386 2 885713680 +885 393 3 885713680 +885 402 3 885715489 +885 405 4 885715691 +885 417 3 885716369 +885 419 4 885716328 +885 420 4 885714858 +885 423 4 885714136 +885 428 4 885713461 +885 432 4 885714820 +885 451 2 885713716 +885 476 4 885713062 +885 523 3 885713357 +885 538 4 885712224 +885 549 3 885714409 +885 568 4 885715889 +885 582 2 885714487 +885 584 3 885716328 +885 588 4 885714820 +885 596 4 885714990 +885 625 3 885714858 +885 655 3 885713294 +885 660 5 885714317 +885 662 3 885714362 +885 685 3 885715671 +885 735 3 885714764 +885 739 4 885715241 +885 756 2 885713101 +885 815 4 885715169 +885 821 3 885713585 +885 866 3 885713102 +885 946 3 885714933 +885 949 4 885714452 +885 953 3 885714531 +885 1030 1 885713975 +885 1061 2 885713138 +885 1221 3 885714362 +885 1311 2 885714582 +886 1 4 876031433 +886 2 4 876033368 +886 4 3 876031601 +886 5 3 876032929 +886 9 5 876032274 +886 10 3 876032030 +886 11 5 876031365 +886 12 5 876031279 +886 15 3 876031869 +886 17 4 876032596 +886 20 2 876031739 +886 22 4 876032378 +886 23 4 876031365 +886 24 4 876031973 +886 26 4 876032929 +886 27 2 876031829 +886 28 4 876031413 +886 29 1 876033576 +886 33 4 876033088 +886 42 5 876032248 +886 43 2 876033134 +886 47 4 876031601 +886 48 4 876031526 +886 49 4 876032187 +886 50 5 876031501 +886 53 1 876032422 +886 54 3 876031279 +886 55 4 876031622 +886 56 4 876031365 +886 58 4 876032331 +886 62 3 876033265 +886 63 3 876033015 +886 64 5 876031573 +886 65 3 876031870 +886 66 3 876032442 +886 67 4 876033228 +886 68 3 876032422 +886 69 2 876031932 +886 71 4 876032274 +886 76 4 876033897 +886 79 5 876032884 +886 80 3 876034228 +886 81 4 876032531 +886 87 4 876032473 +886 89 4 876031720 +886 92 3 876031481 +886 94 4 876033200 +886 95 5 876032531 +886 96 3 876031392 +886 98 4 876032352 +886 100 4 876032187 +886 101 4 876032103 +886 117 2 876033624 +886 127 4 876032472 +886 128 4 876031551 +886 129 5 876033015 +886 132 3 876032399 +886 144 4 876032509 +886 147 5 876033228 +886 150 4 876031656 +886 153 3 876031279 +886 156 4 876031413 +886 157 4 876031695 +886 159 2 876031695 +886 160 1 876031550 +886 161 5 876033478 +886 164 4 876033053 +886 168 4 876031573 +886 171 4 876032072 +886 172 5 876031527 +886 174 5 876032739 +886 175 4 876031550 +886 176 4 876032143 +886 177 4 876031973 +886 178 5 876031829 +886 179 2 876032673 +886 180 5 876031392 +886 181 5 876031392 +886 182 4 876031932 +886 183 5 876033088 +886 184 4 876031309 +886 186 4 876033460 +886 187 4 876031309 +886 188 4 876031365 +886 191 5 876031309 +886 194 3 876031365 +886 195 4 876032030 +886 196 3 876031365 +886 200 3 876031573 +886 201 3 876031695 +886 202 3 876032509 +886 204 3 876031932 +886 209 4 876031850 +886 212 2 876031897 +886 214 3 876032072 +886 216 5 876031695 +886 217 2 876032776 +886 218 3 876031829 +886 222 4 876032615 +886 227 3 876032331 +886 228 4 876031601 +886 229 3 876032509 +886 230 2 876033106 +886 231 2 876032247 +886 233 3 876032126 +886 234 3 876031932 +886 235 3 876032739 +886 237 4 876031850 +886 238 3 876031459 +886 239 3 876032635 +886 240 3 876031720 +886 241 4 876032531 +886 265 4 876032553 +886 268 5 876031109 +886 282 3 876032378 +886 288 4 876031122 +886 318 5 876031308 +886 328 3 876031173 +886 364 3 876034006 +886 367 4 876031622 +886 371 1 876033435 +886 380 3 876032929 +886 381 2 876032308 +886 384 3 876034074 +886 385 3 876033293 +886 388 1 876033850 +886 393 3 876033181 +886 396 2 876032739 +886 399 3 876034041 +886 403 4 876031765 +886 405 3 876033434 +886 410 4 876031459 +886 423 3 876032422 +886 425 4 876032029 +886 433 2 876032165 +886 435 3 876031459 +886 449 3 876033784 +886 451 3 876033965 +886 466 1 876032577 +886 467 4 876032577 +886 472 3 876033755 +886 474 4 876031720 +886 475 5 876031501 +886 483 4 876031656 +886 496 4 876031952 +886 506 4 876032308 +886 512 1 876031526 +886 518 4 876031601 +886 544 4 876031850 +886 546 1 876031550 +886 549 3 876032929 +886 550 4 876034228 +886 558 3 876031656 +886 559 2 876033265 +886 566 3 876033461 +886 568 3 876032973 +886 578 4 876034205 +886 581 4 876032103 +886 582 1 876032029 +886 584 4 876031993 +886 589 3 876031365 +886 591 3 876031765 +886 623 1 876033069 +886 628 3 876031695 +886 631 4 876033645 +886 636 3 876032473 +886 651 5 876034074 +886 655 4 876032973 +886 657 5 876031695 +886 659 4 876033731 +886 663 4 876032823 +886 685 2 876032378 +886 686 4 876033228 +886 692 3 876032225 +886 693 4 876033897 +886 697 1 876033368 +886 709 3 876032473 +886 710 4 876031601 +886 715 1 876033434 +886 721 5 876033460 +886 726 1 876033340 +886 732 3 876032029 +886 733 4 876032776 +886 746 3 876032473 +886 761 4 876033368 +886 762 5 876033228 +886 772 1 876031973 +886 781 4 876033340 +886 783 1 876033784 +886 789 3 876031656 +886 790 4 876034095 +886 799 1 876032973 +886 801 3 876034205 +886 803 2 876033015 +886 813 4 876032029 +886 819 4 876033897 +886 824 4 876033413 +886 826 1 876032929 +886 833 5 876033460 +886 919 4 876031869 +886 939 4 876031765 +886 940 2 876034255 +886 941 2 876032072 +886 943 3 876032248 +886 959 3 876032473 +886 1010 5 876032103 +886 1014 5 876034371 +886 1019 4 876031695 +886 1046 2 876033755 +886 1048 4 876032840 +886 1065 4 876033731 +886 1067 5 876032509 +886 1073 4 876031805 +886 1074 2 876033645 +886 1093 1 876032654 +886 1095 2 876033897 +886 1119 4 876032553 +886 1170 3 876031481 +886 1208 3 876032596 +886 1209 2 876034041 +886 1217 4 876033602 +886 1228 2 876034228 +886 1231 3 876033828 +886 1267 3 876032072 +886 1303 1 876033987 +886 1324 2 876032308 +886 1421 2 876034174 +886 1435 3 876034174 +886 1467 5 876033987 +886 1489 1 876034074 +887 1 5 881377972 +887 7 4 881377812 +887 8 4 881380025 +887 9 2 881378118 +887 13 1 881378928 +887 22 5 881379566 +887 24 5 881378219 +887 25 2 881378537 +887 28 5 881379522 +887 38 5 881381503 +887 47 5 881381679 +887 50 5 881377758 +887 56 5 881381382 +887 65 5 881381679 +887 69 4 881380025 +887 71 5 881380996 +887 72 4 881381471 +887 82 4 881381028 +887 87 5 881380335 +887 90 5 881381071 +887 91 5 881380884 +887 95 4 881379718 +887 96 4 881380403 +887 98 3 881379345 +887 99 5 881380539 +887 100 2 881377854 +887 105 3 881379009 +887 109 5 881378289 +887 111 5 881378370 +887 115 5 881380218 +887 118 5 881378289 +887 121 5 881378370 +887 122 5 881379239 +887 125 5 881377933 +887 127 3 881377854 +887 128 5 881380218 +887 132 4 881380218 +887 140 5 881381425 +887 142 1 881381207 +887 143 5 881379781 +887 151 5 881378325 +887 164 4 881380139 +887 168 4 881380067 +887 172 5 881379718 +887 176 5 881381348 +887 180 4 881380177 +887 183 1 881379449 +887 187 4 881381610 +887 195 4 881380438 +887 200 1 881380883 +887 202 5 881379346 +887 204 5 881380067 +887 206 5 881381471 +887 218 5 881381471 +887 222 3 881378153 +887 225 4 881379094 +887 228 4 881380709 +887 235 3 881378537 +887 240 5 881378972 +887 243 1 881378370 +887 252 4 881378972 +887 254 4 881379145 +887 257 5 881377854 +887 258 1 881377893 +887 274 1 881378478 +887 279 5 881378478 +887 284 4 881378669 +887 288 4 881378040 +887 289 5 881380623 +887 294 5 881378219 +887 305 5 881377532 +887 318 5 881379649 +887 365 5 881381610 +887 368 5 881381679 +887 369 5 881378896 +887 378 5 881381207 +887 385 4 881380502 +887 393 4 881381114 +887 404 4 881381071 +887 405 5 881378439 +887 409 4 881378971 +887 410 4 881378040 +887 411 4 881379059 +887 412 5 881379188 +887 416 2 881380539 +887 418 4 881380025 +887 419 2 881379748 +887 420 5 881381425 +887 421 5 881379954 +887 423 2 881379954 +887 427 5 881379718 +887 431 3 881379685 +887 432 5 881379988 +887 443 4 881380883 +887 455 5 881378620 +887 465 5 881381307 +887 470 3 881380773 +887 471 3 881377972 +887 472 4 881378402 +887 476 1 881379059 +887 477 1 881378570 +887 491 2 881379566 +887 496 4 881379685 +887 501 4 881380884 +887 548 1 881381555 +887 559 4 881381555 +887 562 5 881381071 +887 568 2 881379566 +887 578 4 881381610 +887 588 4 881380298 +887 596 5 881378118 +887 597 5 881378325 +887 609 4 881381207 +887 655 1 881379609 +887 673 5 881381382 +887 697 1 881380623 +887 699 1 881379566 +887 710 5 881380709 +887 718 1 881377812 +887 720 5 881380813 +887 755 5 881381425 +887 756 5 881379094 +887 760 5 881378669 +887 763 5 881378087 +887 826 1 881379239 +887 828 3 881378854 +887 832 2 881379059 +887 839 4 881379566 +887 845 4 881378087 +887 871 5 881378325 +887 926 5 881378537 +887 928 5 881378620 +887 929 1 881379059 +887 931 3 881379009 +887 932 2 881379009 +887 934 4 881379188 +887 946 4 881381348 +887 969 5 881379954 +887 993 5 881378251 +887 1012 1 881378153 +887 1013 4 881379295 +887 1015 5 881377933 +887 1028 5 881379059 +887 1029 5 881381740 +887 1033 4 881379295 +887 1047 5 881378773 +887 1051 4 881378773 +887 1060 5 881378570 +887 1063 1 881380404 +887 1079 1 881378773 +887 1084 5 881377893 +887 1116 5 881381610 +887 1120 5 881378439 +887 1239 3 881381679 +887 1278 2 881378087 +887 1279 3 881378402 +887 1283 5 881378896 +887 1383 4 881379239 +887 1413 4 881380176 +887 1473 1 881379522 +887 1496 4 881380996 +888 69 4 879365104 +888 137 4 879365104 +888 180 4 879365004 +888 269 5 879364981 +888 286 5 879364981 +888 514 5 879365154 +888 535 4 879365497 +888 762 5 879365497 +888 792 5 879365054 +888 869 4 879365086 +889 1 3 880177104 +889 2 3 880182460 +889 3 4 880177664 +889 4 3 880180765 +889 7 3 880177219 +889 8 3 880179757 +889 9 4 880176896 +889 11 5 880177941 +889 12 5 880177880 +889 13 4 880177179 +889 17 4 880181910 +889 22 3 880178158 +889 23 3 880179785 +889 24 4 880177266 +889 26 4 880178748 +889 28 4 880181995 +889 29 3 880182428 +889 31 3 880178449 +889 32 4 880180376 +889 33 5 880180817 +889 39 2 880181191 +889 42 5 880180191 +889 50 4 880176807 +889 54 3 880182815 +889 55 4 880181191 +889 56 5 880177857 +889 58 3 880178130 +889 59 4 880177906 +889 60 3 880181275 +889 64 5 880178313 +889 65 4 880180817 +889 67 2 880182541 +889 69 3 880179785 +889 70 3 880180979 +889 71 3 880180849 +889 72 3 880181317 +889 77 3 880182359 +889 79 3 880179705 +889 81 4 880180849 +889 82 4 880180122 +889 83 4 880180817 +889 85 3 880181976 +889 86 4 880180191 +889 87 4 880178367 +889 89 4 880177941 +889 91 4 880180784 +889 92 3 880177970 +889 93 3 880177219 +889 94 4 880181646 +889 95 4 880178342 +889 96 4 880181015 +889 97 3 880178748 +889 98 4 880177857 +889 100 4 880176845 +889 117 4 880177154 +889 121 4 880177308 +889 124 4 880177050 +889 125 4 880177435 +889 127 4 880176845 +889 128 5 880180897 +889 129 5 880177266 +889 132 4 880181910 +889 134 4 880179648 +889 135 2 880180101 +889 137 4 880177016 +889 144 4 880178224 +889 147 3 880176926 +889 150 5 880176984 +889 151 3 880177016 +889 153 5 880181317 +889 154 4 880180612 +889 155 3 880182582 +889 156 5 880178204 +889 159 3 880182295 +889 160 4 880180945 +889 161 4 880180897 +889 164 4 880179757 +889 165 3 880178131 +889 168 4 880178449 +889 169 5 880177906 +889 170 4 880177994 +889 171 4 880177970 +889 172 4 880177941 +889 173 5 880178019 +889 174 4 880178183 +889 175 4 880180101 +889 177 4 880178183 +889 178 5 880178078 +889 179 3 880179705 +889 180 4 880180650 +889 181 4 880177131 +889 182 4 880179586 +889 183 3 880178019 +889 185 4 880180266 +889 186 5 880181563 +889 187 4 880177857 +889 188 5 880181317 +889 190 3 880177994 +889 191 4 880178078 +889 192 3 880178204 +889 193 4 880180191 +889 194 5 880178248 +889 195 4 880178204 +889 199 5 880181138 +889 202 3 880178773 +889 203 2 880181275 +889 204 4 880179757 +889 207 3 880179785 +889 208 4 880181275 +889 209 2 880178019 +889 210 4 880178342 +889 211 4 880180765 +889 212 2 880181225 +889 216 4 880180191 +889 217 4 880182582 +889 219 2 880178131 +889 223 4 880177906 +889 226 2 880182016 +889 231 3 880182444 +889 232 3 880182270 +889 234 4 880177857 +889 235 3 880177648 +889 237 4 880176874 +889 239 4 880180554 +889 240 3 880177246 +889 246 4 880176926 +889 248 4 880176984 +889 249 3 880177266 +889 250 4 880177179 +889 252 3 880177503 +889 257 4 880176845 +889 258 4 880176550 +889 262 4 880176620 +889 265 4 880180816 +889 268 4 880176620 +889 269 4 880176518 +889 271 3 880176573 +889 273 4 880177016 +889 276 4 880177104 +889 279 2 880177104 +889 282 4 880177246 +889 290 2 880181601 +889 291 3 880182815 +889 294 3 880176686 +889 297 3 880176845 +889 298 4 880177016 +889 300 3 880176620 +889 302 4 880176518 +889 303 3 880176550 +889 317 4 880180849 +889 318 4 880180265 +889 322 3 880176717 +889 327 3 880176620 +889 338 1 880176666 +889 357 4 880177906 +889 382 2 880178248 +889 385 3 880180376 +889 386 3 880182207 +889 399 3 880182359 +889 402 3 880182496 +889 403 3 880179868 +889 405 2 880177567 +889 408 3 880176960 +889 411 2 880177541 +889 423 4 880177941 +889 427 4 880177880 +889 428 4 880179536 +889 430 4 880178411 +889 431 4 880179725 +889 433 4 880180612 +889 435 4 880179536 +889 436 3 880181275 +889 451 3 880181488 +889 455 4 880177647 +889 461 3 880181159 +889 462 5 880180707 +889 469 4 880180414 +889 470 4 880180554 +889 471 3 880176926 +889 473 4 880177503 +889 474 4 880177941 +889 475 4 880176896 +889 479 4 880177994 +889 480 5 880178019 +889 482 4 880178367 +889 483 4 880178183 +889 484 4 880178313 +889 493 3 880178313 +889 494 3 880181275 +889 497 4 880179893 +889 498 4 880178748 +889 509 2 880180650 +889 511 4 880178183 +889 512 5 880181372 +889 513 4 880178748 +889 514 1 880178158 +889 515 5 880176807 +889 519 4 880179757 +889 520 4 880179756 +889 523 4 880178078 +889 524 4 880180650 +889 533 3 880177352 +889 540 2 880182317 +889 544 3 880177104 +889 546 4 880177435 +889 550 3 880181434 +889 554 4 880181976 +889 562 3 880181911 +889 566 3 880181275 +889 568 3 880179785 +889 575 3 880182850 +889 576 3 880182541 +889 597 3 880182741 +889 603 4 880180122 +889 604 3 880178342 +889 607 4 880179868 +889 615 3 880180707 +889 627 2 880181646 +889 631 3 880178449 +889 636 4 880181663 +889 642 3 880181455 +889 646 3 880177970 +889 647 2 880181191 +889 649 2 880178511 +889 650 2 880178130 +889 651 4 880177906 +889 652 5 880180784 +889 654 3 880178512 +889 657 4 880177941 +889 658 4 880181086 +889 659 4 880178367 +889 663 3 880180554 +889 664 2 880182695 +889 676 2 880176874 +889 678 3 880177352 +889 684 2 880180376 +889 686 3 880180612 +889 687 2 880177797 +889 695 3 880179586 +889 696 3 880177407 +889 700 3 880182295 +889 705 4 880178287 +889 718 4 880176807 +889 721 3 880179536 +889 729 3 880179785 +889 731 2 880181191 +889 732 2 880179612 +889 734 3 880182815 +889 737 3 880181515 +889 739 3 880182517 +889 741 4 880177131 +889 742 3 880177219 +889 746 4 880179893 +889 747 4 880181515 +889 749 2 880176718 +889 755 3 880182017 +889 762 3 880177154 +889 763 4 880177502 +889 771 2 880182961 +889 782 2 880182784 +889 789 2 880179508 +889 818 4 880177540 +889 820 2 880182103 +889 831 2 880177387 +889 833 3 880177472 +889 847 4 880176926 +889 856 4 880181138 +889 866 4 880177407 +889 869 3 880182428 +889 879 3 880176596 +889 881 3 880176717 +889 919 5 880177050 +889 943 3 880178512 +889 944 3 880182173 +889 947 4 880181225 +889 949 3 880181646 +889 952 3 880178411 +889 955 3 880179536 +889 959 3 880182103 +889 979 3 880177435 +889 980 4 880178748 +889 1006 4 880181563 +889 1011 3 880177287 +889 1014 2 880177778 +889 1016 3 880177070 +889 1022 4 880176667 +889 1048 3 880177435 +889 1065 4 880180817 +889 1067 3 880177131 +889 1069 1 880182127 +889 1070 3 880178367 +889 1072 3 880182444 +889 1073 5 880179893 +889 1074 3 880181515 +889 1079 2 880177647 +889 1097 3 880176984 +889 1110 3 880182943 +889 1113 5 880182295 +889 1134 4 880177219 +889 1139 1 880182582 +889 1142 4 880176926 +889 1152 3 880177778 +889 1153 4 880181935 +889 1170 2 880182127 +889 1188 2 880182784 +889 1194 4 880180817 +889 1195 3 880182317 +889 1218 4 880178511 +889 1231 3 880182871 +889 1239 1 880182815 +889 1262 3 880182270 +889 1267 3 880182629 +889 1419 2 880182924 +889 1428 3 880179757 +889 1487 3 880182871 +889 1553 3 880180979 +890 1 4 882402975 +890 7 4 882402739 +890 23 5 882403221 +890 50 5 882405807 +890 69 4 882403446 +890 85 1 882917090 +890 89 4 882403446 +890 97 4 882402774 +890 98 4 882403446 +890 101 2 882915661 +890 102 3 882574982 +890 118 2 882915661 +890 121 2 882915661 +890 127 5 882402949 +890 132 5 882403045 +890 133 5 882402518 +890 134 5 882403122 +890 136 5 882403045 +890 142 3 882916650 +890 151 5 882916941 +890 152 4 882403299 +890 157 4 882916239 +890 162 4 882403007 +890 163 3 883010005 +890 167 2 883010326 +890 168 5 882916704 +890 172 5 882402905 +890 173 4 882575167 +890 174 5 882405780 +890 176 4 882404851 +890 179 5 882403299 +890 181 4 882405808 +890 183 3 882404917 +890 185 5 882402301 +890 186 2 882916276 +890 187 5 882403221 +890 190 4 882403587 +890 193 4 882402826 +890 194 5 882402774 +890 195 5 882403045 +890 200 4 882402633 +890 204 4 882403085 +890 205 5 882405473 +890 208 5 882403007 +890 210 4 882403587 +890 211 2 882915661 +890 214 4 882916588 +890 215 4 882916356 +890 228 4 882404879 +890 229 2 882405059 +890 230 3 882404947 +890 234 5 882404484 +890 237 3 882575209 +890 265 2 882405059 +890 271 3 882404055 +890 286 5 882402181 +890 313 5 882914803 +890 324 4 882404093 +890 340 4 882402181 +890 357 5 882403299 +890 385 4 882574402 +890 403 1 882915661 +890 404 4 882915696 +890 423 5 882402905 +890 429 4 882403045 +890 434 4 882403587 +890 435 5 882574437 +890 436 3 882402949 +890 443 4 882404541 +890 444 4 882404610 +890 447 3 882404541 +890 448 2 882915661 +890 451 2 882575274 +890 452 2 882404723 +890 474 5 882403587 +890 479 5 882402238 +890 480 5 882403477 +890 483 5 882402477 +890 484 3 882915942 +890 489 4 882402826 +890 496 5 882916460 +890 501 4 882403085 +890 514 5 882402478 +890 515 5 882402518 +890 520 4 882403643 +890 521 5 882916429 +890 523 4 882403299 +890 524 4 882403379 +890 527 4 882405473 +890 530 4 882405780 +890 589 5 882403221 +890 603 5 882404851 +890 604 5 882403299 +890 632 5 882916538 +890 636 3 882404879 +890 637 3 882404610 +890 654 5 882404851 +890 655 3 882915818 +890 657 5 882403379 +890 660 2 882917026 +890 663 4 882402949 +890 667 2 882404652 +890 671 5 882404571 +890 674 3 882404610 +890 675 5 882404541 +890 737 3 882917152 +890 739 2 882915661 +890 1039 4 882403122 +890 1149 5 883009400 +891 50 4 891638682 +891 100 5 891638433 +891 107 5 883490041 +891 111 3 891639737 +891 116 3 891639552 +891 117 3 883488774 +891 118 4 883490041 +891 121 4 883490041 +891 126 5 891638601 +891 127 4 883431353 +891 148 5 891639793 +891 181 3 891638601 +891 237 5 891638601 +891 274 5 883429853 +891 278 4 883489438 +891 280 3 883489646 +891 281 5 891639920 +891 286 5 891638433 +891 323 3 883489806 +891 405 3 883489646 +891 409 4 883490041 +891 471 5 891639941 +891 476 5 883489605 +891 531 4 883430128 +891 546 3 883489282 +891 591 4 891639497 +891 595 3 883489668 +891 597 3 883489324 +891 740 5 891639497 +891 742 4 891639497 +891 756 4 883429918 +891 866 5 883489497 +891 924 5 891639737 +891 934 3 883489806 +891 978 4 883489282 +891 1040 3 883489783 +891 1278 5 883489709 +892 1 5 886608185 +892 2 4 886609006 +892 5 4 886611354 +892 7 4 886608473 +892 8 5 886607879 +892 11 3 886608897 +892 12 5 886608022 +892 15 4 886608237 +892 22 5 886608714 +892 25 4 886609828 +892 27 4 886610682 +892 28 4 886607845 +892 29 2 886610565 +892 31 4 886608643 +892 49 4 886610173 +892 50 5 886608802 +892 54 3 886609828 +892 56 4 886607957 +892 58 4 886609469 +892 62 4 886610011 +892 63 4 886610480 +892 64 4 886608347 +892 67 4 886610480 +892 68 4 886611162 +892 69 5 886610048 +892 70 4 886608802 +892 72 4 886609939 +892 79 5 886609622 +892 81 3 886608473 +892 82 3 886609149 +892 87 5 886609263 +892 88 4 886609884 +892 89 5 886608714 +892 90 2 886610078 +892 95 4 886608770 +892 96 4 886608977 +892 97 5 886608802 +892 98 5 886607912 +892 99 3 886610996 +892 100 5 886607642 +892 102 3 886610078 +892 110 3 886610523 +892 117 4 886611161 +892 118 4 886610649 +892 121 4 886609829 +892 125 4 886610588 +892 129 3 886608897 +892 131 4 886610451 +892 132 5 886608897 +892 133 3 886609149 +892 134 5 886608591 +892 135 5 886608643 +892 136 4 886609365 +892 143 2 886608238 +892 144 5 886609179 +892 150 5 886608136 +892 151 4 886609330 +892 153 5 886609793 +892 155 2 886609435 +892 157 5 886609029 +892 159 4 886609977 +892 162 4 886609390 +892 168 4 886607778 +892 172 5 886607743 +892 173 5 886607778 +892 174 5 886608616 +892 175 4 886608559 +892 176 5 886608681 +892 178 5 886608681 +892 180 5 886609622 +892 181 4 886608212 +892 182 5 886608507 +892 183 5 886608681 +892 184 4 886609726 +892 186 3 886608643 +892 187 5 886608682 +892 188 5 886608185 +892 191 5 886607879 +892 192 5 886608473 +892 194 4 886608423 +892 195 5 886607710 +892 196 4 886609622 +892 202 4 886608135 +892 203 5 886609390 +892 204 4 886608714 +892 208 4 886609029 +892 210 4 886608507 +892 213 3 886608942 +892 214 2 886608897 +892 215 4 886608743 +892 216 5 886609028 +892 222 4 886608094 +892 226 3 886610201 +892 227 4 886609520 +892 228 3 886608095 +892 229 3 886610011 +892 230 4 886609793 +892 233 5 886610049 +892 237 4 886608802 +892 238 4 886608296 +892 239 4 886609829 +892 265 4 886608380 +892 273 4 886608681 +892 274 4 886610451 +892 276 4 886608559 +892 284 5 886610840 +892 288 4 886610626 +892 291 4 886607744 +892 300 4 886607521 +892 318 5 886607641 +892 321 5 886610341 +892 357 5 886607568 +892 367 4 886610588 +892 378 4 886610137 +892 380 4 886609180 +892 385 3 886608000 +892 393 4 886607679 +892 401 3 886609264 +892 403 3 886610372 +892 405 4 886609977 +892 417 3 886610588 +892 418 4 886610996 +892 419 3 886609520 +892 420 2 886610267 +892 422 1 886610996 +892 423 5 886608185 +892 425 5 886608977 +892 429 4 886608559 +892 430 5 886608296 +892 431 4 886607957 +892 435 4 886609149 +892 436 3 886610201 +892 441 3 886610267 +892 447 3 886610174 +892 449 2 886610565 +892 465 4 886609295 +892 470 4 886609977 +892 472 3 886610523 +892 473 3 886611023 +892 477 4 886609551 +892 478 5 886608616 +892 479 5 886608616 +892 480 4 886607844 +892 481 5 886610011 +892 482 5 886608136 +892 483 5 886607642 +892 484 5 886607568 +892 487 5 886609295 +892 495 4 886609218 +892 496 5 886609435 +892 497 4 886608347 +892 500 5 886609622 +892 501 3 886611023 +892 511 5 886608296 +892 515 5 886608380 +892 516 5 886608263 +892 521 5 886608263 +892 523 5 886607711 +892 525 5 886607957 +892 526 4 886608771 +892 542 1 886611023 +892 566 4 886610318 +892 568 4 886610451 +892 570 3 886610566 +892 576 4 886610840 +892 582 3 886608559 +892 588 5 886607879 +892 596 3 886608136 +892 601 5 886609149 +892 612 5 886609551 +892 613 5 886608714 +892 615 5 886609029 +892 625 3 886610565 +892 631 4 886609726 +892 633 4 886609551 +892 636 4 886609884 +892 641 5 886607845 +892 648 4 886607642 +892 659 4 886608681 +892 661 5 886608473 +892 663 5 886609330 +892 671 5 886608212 +892 679 3 886610049 +892 684 5 886608743 +892 692 4 886608296 +892 705 4 886607912 +892 729 4 886610174 +892 732 4 886610480 +892 739 4 886609469 +892 755 4 886610048 +892 760 3 886609330 +892 763 2 886609726 +892 765 2 886610840 +892 768 4 886609977 +892 781 4 886610137 +892 797 4 886610372 +892 820 3 886611079 +892 825 4 886610682 +892 826 2 886610523 +892 837 5 886608743 +892 845 4 886610174 +892 849 2 886610341 +892 946 3 886610996 +892 951 4 886610649 +892 969 4 886608380 +892 1035 3 886608643 +892 1078 3 886610566 +892 1091 2 886611079 +892 1118 3 886609939 +892 1124 4 886608423 +892 1219 2 886611079 +892 1224 4 886609792 +892 1269 5 886607958 +892 1285 4 886609435 +892 1444 3 886610267 +892 1454 3 886610267 +893 1 5 874827725 +893 11 4 874829753 +893 24 4 874828649 +893 50 5 874829883 +893 56 5 874829733 +893 69 5 874827818 +893 77 4 874829706 +893 96 4 874830314 +893 117 4 874828772 +893 118 4 874828864 +893 121 4 874830313 +893 125 3 874828864 +893 147 3 874828569 +893 148 3 874829287 +893 151 4 874829427 +893 161 5 874830122 +893 220 3 874829187 +893 235 3 874829035 +893 240 4 874828864 +893 246 3 874829968 +893 258 3 874827508 +893 260 2 874828296 +893 264 3 874828296 +893 286 4 874828384 +893 288 3 874827526 +893 290 3 874829161 +893 294 3 874827789 +893 298 4 874827623 +893 323 2 874827595 +893 358 2 874828296 +893 405 5 874828864 +893 412 3 874829249 +893 426 4 874829733 +893 471 4 874828897 +893 476 3 874828772 +893 531 4 874830160 +893 597 4 874829230 +893 759 3 874830137 +893 771 3 874830424 +893 781 3 874828569 +893 815 3 874830372 +893 819 3 874829355 +893 820 3 874829161 +893 845 3 874828772 +893 849 3 874830372 +893 928 3 874829129 +893 976 1 874828981 +893 1012 3 874828163 +893 1245 2 874828812 +894 1 4 880416286 +894 7 4 880993632 +894 9 4 880416039 +894 10 4 880416381 +894 12 5 881625708 +894 13 4 882404137 +894 14 4 880416472 +894 15 3 880416340 +894 16 3 880993614 +894 19 4 879897100 +894 20 5 881625708 +894 25 2 880416137 +894 26 4 882404460 +894 30 4 882404250 +894 32 4 882404137 +894 45 4 882404250 +894 50 4 880416008 +894 52 4 882404507 +894 57 4 882404397 +894 59 5 882404397 +894 60 5 882404363 +894 61 4 882404572 +894 70 3 882404536 +894 83 4 882404250 +894 86 4 882404306 +894 93 4 880416219 +894 100 4 882404137 +894 107 3 880993709 +894 109 1 880416219 +894 111 3 880416102 +894 113 4 882404484 +894 116 4 880416473 +894 117 3 880416219 +894 121 3 880993662 +894 124 5 881625708 +894 125 3 885428261 +894 126 3 880416381 +894 129 4 880416253 +894 134 4 879897198 +894 137 5 880416340 +894 147 3 880993709 +894 148 3 880416137 +894 165 4 882404329 +894 166 4 882404306 +894 170 4 882404329 +894 171 3 882404595 +894 179 5 882404485 +894 190 5 879897100 +894 198 4 882404460 +894 212 5 882404572 +894 213 4 882404278 +894 223 4 879897149 +894 236 4 880416177 +894 237 4 880416176 +894 242 4 879896041 +894 244 4 879896985 +894 245 4 882404136 +894 246 4 882404137 +894 248 4 879896836 +894 250 4 879896898 +894 252 3 879896897 +894 256 3 879896704 +894 257 3 880416315 +894 258 4 879896109 +894 260 2 879896268 +894 262 4 879896141 +894 264 3 879896309 +894 268 3 879896041 +894 269 3 879896041 +894 270 3 879896141 +894 271 2 880993335 +894 272 4 885427952 +894 275 4 882404137 +894 276 5 880416314 +894 277 4 880416341 +894 278 4 880416419 +894 279 4 880993709 +894 280 3 880993709 +894 281 3 880416102 +894 283 3 880993490 +894 284 3 880416220 +894 285 4 880416136 +894 286 5 879896756 +894 287 4 880993766 +894 289 2 879896109 +894 290 2 880416285 +894 292 4 879896168 +894 293 4 881625708 +894 295 3 879896704 +894 297 4 880416380 +894 298 3 879896673 +894 299 3 879896200 +894 300 4 879896466 +894 302 4 879896041 +894 303 4 879896756 +894 305 4 880415834 +894 306 4 879896756 +894 307 3 880415834 +894 310 3 882403366 +894 311 4 880993317 +894 312 3 883518949 +894 313 4 883518874 +894 315 4 885428012 +894 316 4 888280105 +894 318 5 879897168 +894 319 4 879896756 +894 322 3 879896267 +894 323 2 879896268 +894 324 3 879896168 +894 326 3 879896168 +894 327 4 881625708 +894 330 3 880415951 +894 331 4 881625708 +894 332 3 879896233 +894 333 4 879896756 +894 334 3 879896200 +894 336 3 879982820 +894 339 4 880415854 +894 340 4 879896756 +894 343 2 883518895 +894 344 4 887825614 +894 345 4 884036815 +894 346 4 884036796 +894 347 4 885427952 +894 350 3 886027788 +894 355 3 889469028 +894 381 3 882404430 +894 405 3 880416177 +894 462 4 882404278 +894 463 4 882404430 +894 471 4 880416314 +894 472 3 880993730 +894 475 3 880416176 +894 479 5 879897198 +894 508 3 880993490 +894 509 4 882404278 +894 511 4 879897198 +894 512 5 879897489 +894 515 4 879896654 +894 529 4 881625708 +894 531 3 882404363 +894 534 4 879896704 +894 535 4 879896920 +894 536 5 879896756 +894 558 5 882404250 +894 582 4 882404485 +894 591 4 880416137 +894 595 3 880993632 +894 628 3 880416102 +894 639 5 882404430 +894 676 3 880416315 +894 678 3 879896268 +894 689 3 880993390 +894 690 4 879896200 +894 691 3 889468982 +894 698 4 882404669 +894 702 4 882404768 +894 707 4 882404250 +894 713 4 880416177 +894 718 3 885428386 +894 736 4 882404572 +894 740 4 880416253 +894 744 3 880416072 +894 748 3 879896233 +894 750 4 883518875 +894 751 3 885427971 +894 753 5 882404278 +894 754 4 880993317 +894 818 3 880416340 +894 827 3 880993766 +894 845 3 881443365 +894 847 4 879897122 +894 855 4 882404460 +894 863 5 881105162 +894 874 4 879982788 +894 875 3 880415952 +894 877 3 882403414 +894 879 4 879896141 +894 883 3 880415885 +894 885 2 887044250 +894 886 3 879982820 +894 887 4 880993374 +894 888 4 879896756 +894 898 4 883518875 +894 900 3 887044070 +894 902 3 890409704 +894 903 4 888280029 +894 904 4 890409804 +894 905 3 887044109 +894 909 3 889469007 +894 919 4 881625708 +894 922 4 882404137 +894 923 5 882404278 +894 933 3 880416472 +894 935 3 879896815 +894 936 4 879896836 +894 937 4 880415903 +894 960 5 882404572 +894 961 4 882404642 +894 971 3 882404460 +894 978 3 880416176 +894 979 3 880416473 +894 990 3 879896268 +894 1005 5 882404669 +894 1007 3 880416072 +894 1009 4 880993709 +894 1010 4 880993662 +894 1023 3 879896898 +894 1038 3 880415855 +894 1048 4 880993661 +894 1073 4 882404397 +894 1080 4 882404507 +894 1089 2 885428261 +894 1115 4 882404430 +894 1131 4 879897198 +894 1150 4 882404137 +894 1153 3 882404642 +894 1194 5 879897235 +894 1226 4 879896920 +894 1251 4 879896654 +894 1255 4 879896949 +894 1258 3 879896949 +894 1281 3 885428159 +894 1295 3 879896268 +894 1313 3 889229605 +894 1315 3 879896985 +894 1379 4 879896673 +894 1381 3 880993766 +894 1403 3 882404641 +894 1404 3 882404536 +894 1462 3 882404642 +894 1501 4 882404363 +894 1560 4 882404641 +894 1592 4 889469391 +894 1658 4 882404137 +895 13 5 879437950 +895 50 5 879438062 +895 117 3 879438082 +895 181 5 879437950 +895 275 5 879438011 +895 284 3 879438062 +895 301 4 879437793 +895 597 2 879438101 +895 988 3 879437845 +895 1014 3 879438082 +896 1 4 887158579 +896 2 3 887160000 +896 4 3 887159173 +896 7 4 887159145 +896 8 5 887159343 +896 9 4 887158266 +896 11 2 887158333 +896 12 3 887158604 +896 15 3 887158900 +896 19 2 887159211 +896 20 1 887235027 +896 22 5 887157947 +896 23 2 887159145 +896 24 4 887159344 +896 25 3 887159261 +896 27 1 887235026 +896 28 2 887158738 +896 29 2 887160916 +896 31 3 887158830 +896 33 2 887160209 +896 39 2 887158739 +896 42 4 887160000 +896 43 3 887161171 +896 46 2 887160750 +896 50 5 887159211 +896 51 2 887159951 +896 53 1 887235026 +896 54 2 887160606 +896 55 3 887157978 +896 58 3 887159531 +896 62 2 887161488 +896 64 4 887158926 +896 67 2 887160983 +896 68 3 887160313 +896 69 5 887158768 +896 70 4 887160086 +896 71 5 887158927 +896 73 3 887159368 +896 76 3 887158359 +896 77 4 887160270 +896 79 5 887158384 +896 80 2 887160938 +896 82 3 887159068 +896 83 5 887159554 +896 85 3 887160427 +896 86 1 887159926 +896 87 4 887158295 +896 88 5 887159426 +896 89 5 887159262 +896 91 2 887159369 +896 92 1 887160296 +896 95 4 887158555 +896 96 5 887158635 +896 97 4 887158265 +896 98 5 887158359 +896 100 3 887158294 +896 101 3 887160070 +896 108 3 887159854 +896 117 2 887159173 +896 118 2 887159805 +896 121 3 887159343 +896 123 3 887159748 +896 124 4 887158830 +896 127 5 887158578 +896 128 4 887159321 +896 129 4 887159531 +896 132 3 887158579 +896 133 2 887159502 +896 134 5 887159109 +896 135 3 887158926 +896 136 5 887158768 +896 139 2 887161033 +896 141 3 887159012 +896 143 4 887158901 +896 144 4 887158333 +896 145 1 887161413 +896 147 2 887159464 +896 148 2 887160606 +896 152 3 887160116 +896 153 4 887158165 +896 154 3 887159212 +896 157 4 887159555 +896 159 2 887160880 +896 160 3 887160247 +896 161 3 887159302 +896 164 4 887159321 +896 168 4 887158738 +896 172 5 887158555 +896 173 5 887158683 +896 174 5 887161710 +896 175 2 887159603 +896 176 5 887235690 +896 179 2 887159630 +896 180 5 887158660 +896 181 5 887158829 +896 182 4 887157924 +896 183 4 887235690 +896 184 3 887159578 +896 186 4 887159069 +896 187 5 887157924 +896 188 3 887159011 +896 190 5 887159530 +896 191 4 887158604 +896 195 4 887159578 +896 196 3 887159173 +896 198 4 887158636 +896 199 3 887158005 +896 200 4 887158768 +896 201 3 887158900 +896 202 2 887159464 +896 203 5 887158713 +896 204 4 887157947 +896 206 3 887159368 +896 209 3 887158790 +896 210 4 887158332 +896 211 4 887159554 +896 212 2 887160582 +896 215 5 887158959 +896 216 5 887159658 +896 217 2 887161198 +896 219 3 887160500 +896 222 4 887159109 +896 223 4 887158830 +896 225 1 887161518 +896 226 3 887160270 +896 227 4 887161728 +896 228 5 887158266 +896 229 4 887160399 +896 230 4 887161728 +896 231 1 887160771 +896 232 3 887160427 +896 233 2 887160631 +896 234 4 887157925 +896 235 1 887161198 +896 237 5 887158714 +896 238 3 887158165 +896 239 4 887158165 +896 241 5 887158791 +896 245 4 887235265 +896 248 4 887235249 +896 250 3 887235144 +896 257 4 887235105 +896 258 5 887157258 +896 260 2 887157732 +896 265 4 887158604 +896 271 1 887157278 +896 273 5 887157947 +896 274 2 887158865 +896 275 4 887158713 +896 281 2 887161172 +896 282 2 887158555 +896 284 4 887159972 +896 288 3 887235788 +896 291 3 887160795 +896 299 1 887235709 +896 300 2 887157234 +896 302 2 887157234 +896 307 3 887157636 +896 310 4 887157208 +896 313 4 887235122 +896 317 4 887159069 +896 320 3 887159530 +896 327 5 887235643 +896 328 1 887235731 +896 343 1 887235690 +896 356 3 887160427 +896 358 1 887235749 +896 367 4 887160227 +896 371 2 887159723 +896 379 2 887159805 +896 380 2 887159748 +896 385 4 887160426 +896 386 3 887161172 +896 387 2 887159368 +896 392 3 887160187 +896 393 3 887159464 +896 398 2 887161469 +896 399 1 887161151 +896 402 4 887159173 +896 403 1 887160554 +896 405 2 887160270 +896 411 2 887160842 +896 414 3 887159145 +896 420 4 887158739 +896 422 3 887159972 +896 423 3 887159172 +896 425 2 887159110 +896 426 2 887160722 +896 427 4 887158384 +896 429 5 887158866 +896 430 3 887159234 +896 431 3 887159262 +896 435 4 887158579 +896 436 3 887159692 +896 450 1 887161728 +896 452 3 887161564 +896 455 2 887159723 +896 461 3 887159069 +896 462 3 887159069 +896 468 2 887158866 +896 470 2 887159531 +896 471 3 887159972 +896 472 2 887160983 +896 473 2 887161393 +896 474 3 887159426 +896 476 2 887161541 +896 478 5 887158739 +896 479 3 887158713 +896 480 3 887158185 +896 481 4 887158683 +896 482 3 887158359 +896 483 3 887158333 +896 484 4 887159302 +896 489 5 887159674 +896 493 5 887157978 +896 496 4 887158029 +896 497 3 887158332 +896 504 3 887159926 +896 508 2 887159035 +896 511 5 887158830 +896 515 3 887158029 +896 518 3 887159234 +896 525 5 887158164 +896 526 4 887159211 +896 527 4 887159723 +896 542 3 887160677 +896 546 2 887160938 +896 549 2 887160209 +896 550 2 887160880 +896 554 2 887161199 +896 557 3 887160426 +896 559 3 887160187 +896 562 2 887161448 +896 566 4 887159805 +896 568 2 887159603 +896 569 2 887161488 +896 570 2 887161198 +896 572 2 887160676 +896 575 2 887161469 +896 576 2 887160677 +896 578 2 887160653 +896 582 2 887160040 +896 587 3 887159603 +896 588 5 887158265 +896 591 3 887160702 +896 596 2 887159426 +896 597 4 887159854 +896 603 4 887158384 +896 616 3 887160653 +896 631 2 887159464 +896 632 2 887159261 +896 636 3 887159464 +896 637 2 887160041 +896 640 2 887160701 +896 642 2 887160702 +896 647 3 887159502 +896 651 4 887158958 +896 654 3 887159895 +896 655 4 887159109 +896 658 4 887159895 +896 660 5 887159872 +896 661 4 887158384 +896 662 3 887160529 +896 665 1 887235690 +896 672 2 887161218 +896 674 2 887160446 +896 679 3 887160813 +896 685 3 887160465 +896 692 4 887159173 +896 696 1 887235027 +896 705 5 887158768 +896 708 2 887159926 +896 709 3 887158866 +896 710 4 887159657 +896 715 3 887159895 +896 719 1 887235026 +896 720 1 887235026 +896 721 4 887160465 +896 730 4 887158294 +896 732 4 887159674 +896 735 3 887159262 +896 739 2 887159723 +896 742 1 887159464 +896 746 3 887159658 +896 751 4 887235605 +896 752 1 887161916 +896 760 2 887235788 +896 763 2 887161199 +896 765 4 887160750 +896 768 2 887160653 +896 770 5 887160702 +896 774 3 887159973 +896 789 2 887157978 +896 798 2 887160983 +896 800 3 887161448 +896 801 2 887161564 +896 802 2 887161172 +896 808 3 887160270 +896 809 2 887160771 +896 810 1 887160958 +896 820 2 887159926 +896 824 1 887161541 +896 836 3 887158635 +896 840 2 887161469 +896 845 3 887159531 +896 872 3 887157322 +896 880 4 887235664 +896 887 2 887235769 +896 895 2 887235788 +896 928 3 887161033 +896 942 4 887160209 +896 952 4 887159012 +896 966 4 887159531 +896 993 4 887235498 +896 1004 2 887161542 +896 1011 2 887160296 +896 1018 3 887160116 +896 1028 2 887160554 +896 1042 2 887161151 +896 1045 3 887159012 +896 1046 2 887160583 +896 1074 2 887161393 +896 1078 3 887160983 +896 1098 3 887159146 +896 1101 2 887159110 +896 1112 3 887161393 +896 1119 3 887160040 +896 1134 3 887159950 +896 1183 2 887160842 +896 1194 3 887158604 +896 1208 3 887160339 +896 1214 2 887159302 +896 1217 2 887160446 +896 1220 1 887161033 +896 1221 2 887159261 +896 1222 2 887161393 +896 1231 1 887160880 +896 1240 4 887159012 +896 1248 2 887160187 +896 1249 2 887161518 +896 1267 2 887160165 +896 1284 2 887160958 +896 1303 4 887161518 +896 1351 2 887160399 +896 1406 3 887160676 +896 1423 2 887160631 +896 1437 1 887161564 +896 1471 1 887235026 +896 1522 2 887160750 +896 1622 2 887160296 +896 1672 2 887159554 +896 1681 3 887160722 +897 1 5 879994113 +897 8 3 879990744 +897 11 2 879990744 +897 22 5 879990361 +897 23 3 879990683 +897 25 2 879993346 +897 28 4 879990779 +897 33 5 879992310 +897 40 3 879990361 +897 50 5 879994113 +897 55 3 879990622 +897 65 4 879992811 +897 66 3 879990973 +897 68 5 879994113 +897 69 5 879990396 +897 71 5 879991566 +897 73 3 879991341 +897 76 4 879992811 +897 77 4 879990877 +897 79 5 879994113 +897 82 5 879990361 +897 88 4 879991283 +897 89 4 879990683 +897 95 3 879990586 +897 96 5 879990430 +897 97 5 879990622 +897 98 5 879990361 +897 99 5 879994113 +897 117 3 879993210 +897 118 5 879993275 +897 120 3 879993886 +897 121 5 879993376 +897 125 4 879993314 +897 127 5 879990647 +897 132 5 879990531 +897 133 4 879991037 +897 135 3 879990843 +897 136 5 879990843 +897 140 3 879991403 +897 141 4 879991403 +897 161 5 879993309 +897 168 3 879991341 +897 172 4 879990466 +897 173 3 879990779 +897 174 5 879990587 +897 176 5 879990492 +897 177 5 879990465 +897 179 3 879991069 +897 180 5 879991007 +897 181 3 879990622 +897 182 4 879990683 +897 183 5 879990531 +897 184 4 879991226 +897 185 5 879991137 +897 186 5 879994113 +897 187 5 879990622 +897 188 5 879991493 +897 193 3 879990466 +897 195 5 879991137 +897 196 3 879991258 +897 199 4 879990465 +897 200 5 879991434 +897 201 5 879990556 +897 203 4 879990813 +897 205 3 879990556 +897 208 5 879991037 +897 210 5 879991007 +897 211 5 879991186 +897 214 5 879990923 +897 215 4 879990683 +897 222 4 879993042 +897 227 3 879992190 +897 228 4 879991607 +897 230 4 879991607 +897 232 5 879994113 +897 234 5 879991729 +897 235 3 879993519 +897 238 4 879990779 +897 239 2 879992310 +897 240 4 879993823 +897 243 4 879988868 +897 265 3 879990466 +897 273 3 879993164 +897 281 4 879993553 +897 288 5 879988800 +897 290 4 879993457 +897 294 3 879988800 +897 323 4 879988868 +897 368 1 879993886 +897 369 4 879993713 +897 371 2 879991007 +897 378 5 879991137 +897 385 3 879990622 +897 389 3 879991341 +897 393 4 879991493 +897 402 5 879991069 +897 404 4 879991186 +897 405 5 879993042 +897 406 3 879993577 +897 409 4 879993553 +897 410 3 879993621 +897 411 5 879993797 +897 416 5 879991186 +897 418 4 879991282 +897 423 5 879994113 +897 429 5 879990587 +897 433 4 879991434 +897 435 3 879991069 +897 436 4 879991037 +897 443 5 879991666 +897 451 4 879991607 +897 455 3 879993772 +897 465 5 879992030 +897 470 4 879991493 +897 472 5 879993620 +897 477 3 879993315 +897 478 3 879991105 +897 479 4 879991566 +897 483 3 879991921 +897 484 3 879991341 +897 485 3 879991037 +897 496 5 879994113 +897 497 3 879990430 +897 498 5 879990683 +897 501 5 879991566 +897 506 4 879991524 +897 510 3 879990531 +897 521 5 879990877 +897 523 5 879991186 +897 526 5 879990813 +897 528 3 879991933 +897 530 3 879990531 +897 546 4 879993489 +897 550 3 879990923 +897 566 2 879991976 +897 588 4 879990877 +897 597 5 879993519 +897 603 5 879991666 +897 609 5 879991105 +897 616 5 879990877 +897 622 3 879990877 +897 633 5 879991007 +897 646 5 879994113 +897 649 3 879992004 +897 651 3 879990587 +897 659 5 879990923 +897 660 4 879991630 +897 670 3 879991258 +897 673 5 879990744 +897 679 5 879991630 +897 684 2 879991524 +897 699 4 879990973 +897 705 3 879991226 +897 708 2 879991226 +897 717 1 879993912 +897 736 3 879991186 +897 742 3 879993314 +897 760 5 879993609 +897 763 3 879993404 +897 826 4 879993578 +897 840 3 879993887 +897 849 4 879990877 +897 864 4 879993772 +897 866 5 879993797 +897 871 3 879993519 +897 925 5 879993739 +897 926 4 879993674 +897 928 5 879993621 +897 951 3 879991186 +897 974 4 879993553 +897 1028 4 879993621 +897 1033 4 879993713 +897 1051 3 879993772 +897 1219 4 879991137 +897 1531 4 879991933 +898 242 4 888294441 +898 258 3 888294407 +898 270 4 888294408 +898 272 4 888294375 +898 286 2 888294408 +898 288 4 888294529 +898 300 2 888294375 +898 302 4 888294567 +898 309 5 888294805 +898 310 4 888294441 +898 312 2 888294707 +898 313 4 888294375 +898 315 5 888294375 +898 316 5 888294739 +898 319 5 888294676 +898 324 4 888294621 +898 328 2 888294567 +898 683 3 888294775 +898 748 4 888294739 +898 751 3 888294621 +899 1 3 884120105 +899 8 4 884121572 +899 28 5 884121214 +899 29 2 884122844 +899 31 3 884121513 +899 48 4 884122044 +899 50 5 884119794 +899 51 1 884122387 +899 64 4 884121647 +899 66 4 884122087 +899 69 3 884121125 +899 71 4 884121424 +899 73 4 884121720 +899 79 5 884122278 +899 83 4 884121214 +899 89 4 884121647 +899 95 5 884121612 +899 96 4 884121125 +899 98 4 884121572 +899 111 4 884120105 +899 117 4 884119830 +899 121 5 884120164 +899 125 3 884120185 +899 133 3 884122308 +899 135 4 884121857 +899 144 3 884121173 +899 147 2 884120106 +899 151 2 884122367 +899 153 5 884122331 +899 154 5 884122420 +899 157 4 884122419 +899 161 4 884122367 +899 168 4 884121799 +899 173 3 884121089 +899 174 5 884121125 +899 176 4 884121173 +899 177 3 884122367 +899 179 2 884121267 +899 180 3 884121308 +899 181 3 884119877 +899 188 2 884121720 +899 190 4 884121051 +899 193 3 884121946 +899 194 5 884121125 +899 195 4 884121884 +899 197 4 884121512 +899 200 4 884122674 +899 202 4 884122419 +899 203 4 884121513 +899 204 4 884121683 +899 208 3 884121857 +899 209 5 884121173 +899 213 4 884122698 +899 214 4 884122044 +899 216 5 884121885 +899 222 4 884119910 +899 228 3 884121572 +899 229 2 884122254 +899 231 1 884122844 +899 234 4 884122674 +899 237 4 884120026 +899 238 2 884121424 +899 239 3 884121946 +899 254 2 884122845 +899 255 4 884120149 +899 257 4 884120185 +899 258 5 884119973 +899 275 4 884119877 +899 283 4 884121424 +899 284 3 884120205 +899 291 4 884122279 +899 318 4 884121512 +899 356 2 884122087 +899 357 4 884121342 +899 367 4 884122450 +899 385 3 884121612 +899 403 3 884122844 +899 410 1 884122535 +899 414 2 884122228 +899 423 4 884121214 +899 427 5 884121267 +899 428 4 884122254 +899 431 1 884122645 +899 433 4 884122178 +899 435 3 884122450 +899 455 3 884119910 +899 463 4 884121342 +899 470 4 884122016 +899 471 4 884120007 +899 474 3 884121612 +899 479 4 884121612 +899 483 4 884121572 +899 496 5 884121379 +899 498 4 884121767 +899 499 3 884122308 +899 515 3 884121945 +899 518 4 884121379 +899 527 4 884121767 +899 546 2 884120317 +899 566 3 884122535 +899 568 4 884121720 +899 588 3 884122155 +899 597 2 884120270 +899 603 4 884121379 +899 655 4 884121267 +899 658 2 884121911 +899 660 4 884122564 +899 663 4 884122719 +899 684 3 884122501 +899 685 3 884119954 +899 694 5 884121009 +899 710 3 884122619 +899 717 1 884120967 +899 724 5 884122776 +899 732 3 884122776 +899 740 5 884120077 +899 742 4 884119830 +899 746 4 884121512 +899 747 1 884122535 +899 748 4 884120232 +899 751 4 884120724 +899 827 2 884120388 +899 934 3 884120603 +899 1016 3 884120149 +899 1101 5 884122112 +900 9 2 877832868 +900 31 2 877833995 +900 100 4 877832904 +900 117 2 877833029 +900 121 2 877832803 +900 129 4 877833080 +900 130 1 877833512 +900 136 2 877833712 +900 137 3 877832803 +900 183 3 877833781 +900 186 2 877833957 +900 205 4 877833712 +900 237 4 877832803 +900 280 2 877833364 +900 284 2 877833287 +900 318 4 877833672 +900 405 3 877833364 +900 410 2 877833326 +900 429 2 877833747 +900 458 2 877833326 +900 474 4 877833781 +900 478 2 877833923 +900 483 4 877833924 +900 493 2 877833603 +900 589 5 877833631 +900 602 1 877834025 +900 618 4 877833957 +900 654 2 877833924 +900 661 4 877833747 +900 696 2 877833195 +900 744 2 877833195 +900 864 2 877833000 +900 871 1 877833443 +900 1132 1 877833364 +900 1298 2 877833923 +901 1 5 877129870 +901 8 3 877131307 +901 13 1 877129839 +901 15 5 877130439 +901 20 1 877130406 +901 22 5 877131045 +901 28 5 877131624 +901 35 4 877131685 +901 38 3 877131087 +901 50 4 877126576 +901 56 1 877130999 +901 58 4 877132091 +901 63 5 877131307 +901 66 5 877131307 +901 69 5 877132346 +901 73 5 877131416 +901 78 4 877131738 +901 82 5 877131624 +901 88 5 877132604 +901 89 3 877288929 +901 91 1 877131817 +901 94 4 877131738 +901 95 4 877131685 +901 96 5 877130999 +901 111 3 877126434 +901 117 4 877127196 +901 118 3 877127250 +901 121 4 877127219 +901 135 4 877131961 +901 140 4 877288179 +901 142 4 877131739 +901 151 3 877129870 +901 155 5 877132671 +901 161 5 877131147 +901 172 5 877131205 +901 174 5 877130965 +901 180 2 877289290 +901 181 4 877127128 +901 194 5 877131342 +901 195 5 877131118 +901 204 5 877131307 +901 210 4 877130999 +901 211 4 877131342 +901 216 4 877132578 +901 222 4 877126648 +901 229 4 877131205 +901 230 5 877131087 +901 234 4 877287882 +901 235 3 877126963 +901 237 3 877126757 +901 243 2 877129839 +901 250 3 877127196 +901 252 3 877127250 +901 257 4 877127196 +901 259 2 877129839 +901 275 3 877130677 +901 287 3 877126935 +901 294 3 877125532 +901 321 1 877129839 +901 322 4 877125575 +901 378 5 877131654 +901 391 5 877131205 +901 393 5 877131738 +901 395 3 877131500 +901 402 4 877132632 +901 403 2 877131086 +901 405 4 877127250 +901 409 3 877129911 +901 419 5 877131763 +901 423 4 877131685 +901 429 5 877132301 +901 430 3 877131416 +901 435 5 877131342 +901 436 4 877131961 +901 443 3 877287910 +901 447 3 877132015 +901 451 4 877132604 +901 465 4 877131654 +901 477 3 877127021 +901 509 4 877288977 +901 520 5 877287882 +901 521 2 877289241 +901 523 4 877132400 +901 560 3 877131624 +901 566 5 877131118 +901 578 3 877131961 +901 623 4 877131793 +901 636 2 877131147 +901 662 4 877132632 +901 679 4 877131205 +901 688 2 877129839 +901 728 4 877132632 +901 732 5 877132578 +901 739 5 877132671 +901 748 4 877125480 +901 756 4 877126935 +901 768 3 877131793 +901 795 3 877131738 +901 826 2 877129839 +901 864 5 877289441 +901 866 3 877126963 +901 929 4 877126902 +901 932 4 877127021 +901 949 3 877131500 +901 988 4 877125716 +901 1035 4 877131793 +901 1041 5 877131443 +901 1047 3 877131391 +901 1049 3 877127021 +901 1120 4 877127021 +901 1389 5 877127052 +901 1605 5 877127052 +901 1620 5 877126743 +901 1643 5 877130473 +902 1 5 879465583 +902 8 5 879465765 +902 50 5 879464726 +902 79 5 879465952 +902 87 4 879465834 +902 95 4 879465834 +902 127 3 879464726 +902 134 3 879465523 +902 144 5 879465894 +902 172 4 879465522 +902 187 3 879465834 +902 191 5 879465583 +902 204 3 879465952 +902 228 3 879465834 +902 246 1 879465073 +902 250 4 879465073 +902 257 3 879464964 +902 258 3 879463109 +902 268 1 879463373 +902 271 2 879463433 +902 275 4 879465894 +902 289 3 879463433 +902 295 2 879465128 +902 301 2 879463373 +902 302 3 879463109 +902 307 3 879463582 +902 318 5 879465522 +902 326 3 879463310 +902 327 3 879463373 +902 328 3 879463212 +902 333 3 879463310 +902 423 4 879465765 +902 479 4 879465583 +902 515 5 879464726 +902 754 3 879463310 +902 879 4 879463485 +902 989 2 879465336 +902 993 3 879465180 +902 1016 2 879464783 +903 1 3 891031280 +903 4 4 891033564 +903 7 2 891031259 +903 9 3 891031309 +903 11 2 891033335 +903 12 5 891033334 +903 13 5 891031632 +903 25 4 891031259 +903 30 5 891466808 +903 46 4 891033123 +903 47 5 891033522 +903 48 4 891033005 +903 50 5 891031329 +903 52 3 891466551 +903 56 5 891466376 +903 59 4 891466808 +903 60 4 891033048 +903 61 4 891033302 +903 64 5 891033564 +903 79 4 891033070 +903 81 5 891466376 +903 87 4 891032981 +903 89 4 891032842 +903 96 2 891032842 +903 98 5 892760784 +903 100 5 891031203 +903 105 3 891031794 +903 106 2 891031883 +903 111 3 891031677 +903 118 4 891031794 +903 120 2 891032101 +903 121 3 891031487 +903 127 5 891031144 +903 129 3 891031144 +903 147 3 891031178 +903 154 4 891033781 +903 156 5 891466376 +903 157 4 891033430 +903 175 4 891032760 +903 177 4 891033541 +903 179 5 891466376 +903 180 5 891033585 +903 182 5 891380461 +903 183 4 891032872 +903 185 5 891033070 +903 186 5 891466376 +903 188 5 891466376 +903 192 5 891033628 +903 196 4 891033781 +903 198 4 891032872 +903 203 4 891032911 +903 204 3 891033335 +903 210 4 891033541 +903 211 5 891033808 +903 214 4 891033781 +903 223 5 891033354 +903 234 4 891033808 +903 238 5 891033502 +903 240 4 891031730 +903 248 2 891031309 +903 252 3 891031715 +903 272 4 892493587 +903 273 3 891031203 +903 281 4 891031677 +903 282 4 891031384 +903 293 4 891031226 +903 302 4 891380461 +903 317 4 891033808 +903 318 5 891032793 +903 324 4 891031697 +903 333 4 891032653 +903 346 3 891380391 +903 357 5 891032872 +903 369 4 891032101 +903 405 4 891031678 +903 409 4 891031794 +903 410 4 891031677 +903 412 2 891032077 +903 421 3 891380488 +903 427 5 891466376 +903 443 5 891033755 +903 461 3 891033334 +903 467 3 891033606 +903 475 4 891031144 +903 479 4 891032793 +903 509 4 891033380 +903 515 4 891031178 +903 520 4 891032911 +903 521 5 891033781 +903 523 5 891033606 +903 528 4 892760784 +903 529 4 891033278 +903 544 2 891031470 +903 582 3 891033564 +903 595 2 891031714 +903 628 3 891031384 +903 642 4 891033005 +903 649 4 891033628 +903 651 5 891032793 +903 655 5 891466376 +903 664 4 891033755 +903 684 3 891033828 +903 693 5 891466376 +903 696 3 891031906 +903 708 4 891033808 +903 709 4 891033502 +903 721 4 891380524 +903 746 2 891033302 +903 763 5 891031450 +903 820 4 891031768 +903 824 3 891031833 +903 871 3 891031833 +903 928 2 891031749 +903 931 2 891032038 +903 977 1 891031810 +903 994 3 891031883 +903 1009 4 891031906 +903 1048 4 891031906 +903 1067 2 891031412 +903 1070 4 891033335 +903 1073 3 891032842 +903 1098 5 891033606 +903 1101 4 891033828 +903 1132 3 891031949 +903 1142 5 891466376 +903 1381 4 891031864 +904 9 4 879735316 +904 66 4 879735641 +904 88 3 879735710 +904 90 2 879735731 +904 97 4 879735678 +904 111 4 879735641 +904 117 4 879735316 +904 173 3 879735499 +904 181 3 879735362 +904 202 2 879735584 +904 237 5 879735551 +904 255 5 879735380 +904 274 5 879735551 +904 275 5 879735461 +904 280 5 879735678 +904 289 5 879735177 +904 328 2 879735136 +904 402 4 879735679 +904 421 5 879735772 +904 535 3 879735404 +904 603 4 879735843 +904 628 3 879735362 +904 682 4 879735158 +904 694 3 879735551 +904 709 3 879735499 +904 724 4 879735616 +904 732 3 879735584 +904 739 4 879735678 +904 747 4 879735584 +904 762 2 879735617 +904 778 3 879735678 +904 785 5 879735731 +904 794 4 879735710 +904 796 3 879735710 +904 815 4 879735678 +904 1074 4 879735710 +904 1152 4 879735551 +905 7 4 884984329 +905 100 4 884983888 +905 117 3 884984066 +905 137 3 884984148 +905 150 4 884984148 +905 237 3 884983951 +905 245 3 884983273 +905 258 3 884982806 +905 273 3 884984148 +905 282 3 884983889 +905 294 3 884983556 +905 300 4 884983556 +905 301 4 884983556 +905 319 2 884983463 +905 321 4 884983463 +905 322 3 884983341 +905 328 3 884983034 +905 333 3 884982806 +905 345 4 884983089 +905 458 4 884984382 +905 471 4 884983952 +905 508 4 884984066 +905 591 4 884983951 +905 717 1 884984149 +905 748 2 884983627 +905 751 3 884983034 +905 871 2 884984149 +905 873 3 884983396 +905 879 3 884983627 +905 1051 2 884984329 +906 7 3 879434846 +906 9 4 879434846 +906 10 4 879435339 +906 100 4 879434846 +906 121 4 879435598 +906 124 4 879435212 +906 129 4 879435469 +906 221 4 879435365 +906 237 4 879435469 +906 240 3 879435758 +906 270 4 879434471 +906 277 3 879435469 +906 283 4 879435524 +906 284 4 879435469 +906 285 5 879434846 +906 286 5 879434335 +906 287 5 879435524 +906 300 3 879434378 +906 307 3 879434378 +906 321 4 879434436 +906 405 3 879435551 +906 408 4 879435212 +906 471 3 879435415 +906 475 3 879435253 +906 628 5 879435551 +906 696 4 879435758 +906 740 4 879435415 +906 744 4 879435524 +906 991 3 879434410 +906 1009 2 879435212 +906 1011 4 879435365 +907 1 5 880158712 +907 5 5 881030348 +907 8 3 880159688 +907 15 5 880158861 +907 19 5 880158730 +907 25 5 880159113 +907 42 4 880159957 +907 50 4 880158692 +907 71 5 880159911 +907 79 5 880160008 +907 83 5 880159865 +907 88 5 881030348 +907 96 5 881030348 +907 97 5 880160204 +907 98 5 880160037 +907 100 5 880158712 +907 107 5 880158939 +907 111 5 880158883 +907 117 5 880159172 +907 118 4 880159360 +907 120 4 880159562 +907 121 4 880159015 +907 123 4 880159442 +907 129 5 885862428 +907 143 5 880159982 +907 144 5 880159937 +907 151 4 880159222 +907 172 4 880160008 +907 173 4 880160140 +907 181 4 880158692 +907 182 5 880159844 +907 185 4 880159801 +907 198 5 880160162 +907 202 5 880160204 +907 220 5 880159360 +907 225 5 880159442 +907 235 4 880159222 +907 237 5 880159059 +907 245 4 880158556 +907 248 5 880159038 +907 258 4 880158316 +907 260 2 885860511 +907 268 4 885860288 +907 271 5 881030073 +907 272 5 885860093 +907 275 5 880158692 +907 277 5 880158794 +907 278 5 880159016 +907 281 5 881030348 +907 283 4 880158827 +907 284 5 881030348 +907 286 5 880158316 +907 287 4 880158913 +907 288 5 880158476 +907 290 4 880159259 +907 291 5 880158913 +907 294 4 880158502 +907 312 5 885860416 +907 313 5 885860093 +907 317 5 880159910 +907 318 5 880159642 +907 322 5 881030348 +907 326 5 880158448 +907 332 5 885862325 +907 333 5 885860288 +907 340 2 880158425 +907 356 4 880159937 +907 366 5 885862156 +907 393 5 880160009 +907 402 5 880160037 +907 405 4 880159113 +907 409 4 880159151 +907 427 5 880159821 +907 462 4 880159666 +907 471 5 880159059 +907 475 3 880158692 +907 476 4 880159134 +907 483 4 880159937 +907 485 5 880160008 +907 496 4 880159666 +907 497 5 880160204 +907 506 5 881030348 +907 520 5 880159865 +907 553 5 880160056 +907 591 5 880158913 +907 596 4 880159015 +907 619 2 880159038 +907 628 5 880158986 +907 633 5 881030348 +907 647 3 880159844 +907 685 5 880158960 +907 686 4 880159778 +907 689 4 885860672 +907 696 5 880159081 +907 697 5 880159982 +907 699 5 880159619 +907 710 4 880160106 +907 713 5 880159172 +907 724 5 880159642 +907 729 5 880159821 +907 739 5 880159982 +907 740 5 880158960 +907 742 5 880158939 +907 744 5 880159015 +907 748 5 880158537 +907 756 4 880159198 +907 762 5 880159496 +907 763 5 880159081 +907 764 4 880159113 +907 781 5 885862325 +907 813 5 880158770 +907 815 5 880158913 +907 819 4 880159442 +907 821 5 880160008 +907 869 5 880160123 +907 924 5 880159240 +907 928 5 880159198 +907 934 4 880159222 +907 978 5 880159473 +907 988 3 880158612 +907 1016 5 880158939 +907 1028 5 880158913 +907 1040 5 880159496 +907 1047 5 881030348 +907 1048 5 880159404 +907 1051 5 880159530 +907 1054 3 880159598 +907 1057 3 880159151 +907 1119 5 880159865 +907 1157 5 885862211 +907 1163 4 880159015 +907 1167 5 880160106 +907 1220 5 880159642 +907 1221 5 880160080 +907 1244 5 880159381 +907 1284 5 881030348 +907 1326 4 880159512 +908 7 3 879722334 +908 12 3 879722603 +908 28 4 879723073 +908 47 3 879723095 +908 50 4 879722397 +908 55 3 879722334 +908 56 4 879722642 +908 79 4 879722850 +908 96 4 879722932 +908 98 5 879722300 +908 100 4 879722427 +908 111 3 879723073 +908 123 3 879722822 +908 124 3 879722694 +908 127 4 879722694 +908 144 4 879722850 +908 151 3 879722875 +908 156 3 879722603 +908 172 3 879722780 +908 173 3 879722901 +908 174 3 879722642 +908 183 4 879722427 +908 192 2 879722489 +908 194 3 879722932 +908 195 4 879722754 +908 205 3 879722901 +908 209 3 879722694 +908 216 3 879723074 +908 223 4 879722953 +908 264 3 879722206 +908 288 4 879722097 +908 300 3 879722076 +908 318 5 879722717 +908 357 3 879723046 +908 414 3 879723022 +908 419 4 879722875 +908 423 4 879722822 +908 427 5 879722642 +908 434 4 879723128 +908 447 3 879722850 +908 478 4 879723046 +908 479 4 879723022 +908 481 3 879722754 +908 482 3 879722667 +908 483 4 879722718 +908 484 4 879722361 +908 488 4 879722642 +908 494 3 879723046 +908 496 5 879722361 +908 515 4 879722463 +908 525 4 879722300 +908 527 3 879722754 +908 528 4 879722397 +908 558 4 879722667 +908 591 4 879722996 +908 603 4 879722361 +908 631 4 879723128 +908 654 3 879722822 +908 663 3 879723022 +908 694 4 879722603 +908 701 4 879722780 +908 709 4 879722490 +908 732 3 879722974 +908 963 4 879722397 +909 86 5 891920125 +909 116 5 891920010 +909 170 5 891920276 +909 224 5 891920089 +909 275 5 891920166 +909 286 4 891919160 +909 292 4 891919160 +909 294 3 891920763 +909 300 5 891919232 +909 326 4 891919458 +909 509 5 891920211 +909 531 4 891920166 +909 582 5 891920125 +909 682 3 891920763 +909 707 5 891920327 +909 1121 5 891920703 +910 1 4 880822060 +910 3 2 881421019 +910 9 4 880821079 +910 12 4 880821718 +910 23 4 881421332 +910 25 3 880822203 +910 50 5 880822060 +910 56 4 880821656 +910 98 4 881421309 +910 100 4 880821098 +910 117 4 880822012 +910 118 3 881420857 +910 121 1 880821492 +910 124 3 880821124 +910 127 5 880822060 +910 134 3 880821676 +910 174 5 880822060 +910 181 1 880821033 +910 182 4 880821696 +910 183 4 880822060 +910 205 4 880822060 +910 210 4 881421309 +910 222 4 880822060 +910 237 4 880822060 +910 245 2 881420474 +910 250 1 880821033 +910 254 1 881421240 +910 273 3 880821492 +910 284 3 880821969 +910 286 3 883760216 +910 288 3 884229224 +910 291 1 881421090 +910 293 4 880822060 +910 298 2 880821124 +910 300 4 881420194 +910 307 2 880821815 +910 310 3 881420170 +910 313 4 884229092 +910 357 4 880821718 +910 405 4 881420841 +910 597 3 881421048 +910 628 1 880821319 +910 684 4 880821696 +910 742 4 880822031 +910 748 3 881420228 +910 751 3 884229194 +910 831 1 881421142 +910 845 4 880821405 +910 1012 4 884229250 +910 1025 2 881420507 +911 21 4 892840144 +911 26 4 892840048 +911 82 2 892840888 +911 83 4 892839784 +911 87 5 892839056 +911 93 4 892839784 +911 98 2 892839015 +911 102 3 892840889 +911 134 4 892838823 +911 142 4 892840950 +911 151 5 892840916 +911 153 5 892839784 +911 154 4 892839492 +911 163 4 892839846 +911 168 4 892838676 +911 172 4 892838636 +911 173 5 892838677 +911 174 4 892838577 +911 176 4 892841255 +911 183 4 892839492 +911 185 5 892841255 +911 186 5 892839929 +911 190 5 892838864 +911 191 5 892838676 +911 193 4 892839056 +911 194 4 892839929 +911 197 4 892842771 +911 199 3 892839333 +911 203 4 892841196 +911 204 4 892839930 +911 205 3 892839454 +911 208 4 892839970 +911 209 5 892839784 +911 210 3 892839745 +911 211 3 892839418 +911 215 3 892839140 +911 216 4 892839929 +911 228 4 892841220 +911 240 1 892840297 +911 272 4 892838135 +911 357 4 892838954 +911 374 1 892841118 +911 381 5 892839846 +911 399 5 892840120 +911 404 3 892840950 +911 419 5 892840916 +911 420 4 892840950 +911 427 3 892838538 +911 428 4 892839929 +911 431 4 892842368 +911 432 3 892839551 +911 435 5 892839993 +911 443 4 892841220 +911 451 2 892840253 +911 465 5 892840807 +911 473 3 892840996 +911 474 5 892838637 +911 478 5 892838823 +911 479 5 892838787 +911 480 4 892838823 +911 482 4 892838864 +911 483 3 892838637 +911 484 3 892839363 +911 485 3 892839454 +911 496 3 892838954 +911 501 3 892840916 +911 506 3 892839518 +911 507 4 892839289 +911 514 3 892839454 +911 530 4 892838677 +911 548 3 892841073 +911 584 3 892841033 +911 588 4 892840837 +911 603 5 892838864 +911 622 3 892840996 +911 625 5 892840807 +911 627 3 892840888 +911 638 4 892839391 +911 647 4 892839140 +911 655 5 892839719 +911 709 5 892839846 +911 727 2 892842738 +911 835 3 892838405 +911 855 5 892839084 +911 923 4 892842509 +911 969 5 892840807 +911 1039 4 892838357 +911 1060 4 892841033 +912 15 4 875967028 +912 28 4 875966756 +912 56 2 875966027 +912 64 4 875966027 +912 132 5 875965981 +912 143 5 875966694 +912 152 4 875966320 +912 154 4 875966027 +912 168 5 875966107 +912 172 3 875966027 +912 173 4 875966238 +912 174 3 875966756 +912 186 3 875966202 +912 192 4 875966349 +912 204 2 875966202 +912 238 4 875966320 +912 246 2 875967072 +912 268 2 875965695 +912 357 5 875966429 +912 418 4 875966694 +912 419 4 875966756 +912 423 5 875966694 +912 427 5 875965830 +912 443 4 875966027 +912 474 3 875965906 +912 479 4 875966107 +912 483 5 875965906 +912 496 4 875965939 +912 498 5 875965830 +912 501 4 875966756 +912 507 3 875965906 +912 517 4 875966458 +912 520 2 875966429 +912 523 4 875965830 +912 610 4 875966027 +912 616 3 875966065 +912 646 3 875966429 +912 648 3 875966616 +912 653 3 875965906 +912 655 5 875966320 +912 659 5 875966202 +912 661 2 875965981 +912 1041 4 875966616 +913 1 2 880758579 +913 4 4 874786460 +913 7 5 881725846 +913 8 2 880825916 +913 9 5 881725816 +913 11 4 881037106 +913 12 4 881366897 +913 15 3 881367770 +913 19 5 881366383 +913 22 5 881369920 +913 25 3 881366974 +913 28 3 881369039 +913 42 3 880824372 +913 50 4 880758348 +913 56 5 880758974 +913 57 4 880758348 +913 58 5 880759221 +913 60 3 880946006 +913 64 5 881725876 +913 69 2 880757553 +913 79 4 880758974 +913 82 3 881368310 +913 83 4 881725904 +913 89 5 880794731 +913 92 4 881725846 +913 95 4 880826766 +913 96 5 881725904 +913 99 4 881366878 +913 100 3 880824823 +913 117 1 882544673 +913 127 4 882044440 +913 131 5 881367150 +913 132 3 880758150 +913 143 5 881725761 +913 151 4 881368824 +913 156 3 880824512 +913 164 2 880826620 +913 168 4 881725796 +913 169 4 880757553 +913 171 3 880758348 +913 172 5 881726004 +913 173 5 880826542 +913 174 5 881367620 +913 175 5 881366473 +913 176 5 880759221 +913 180 3 880758150 +913 181 3 880825135 +913 183 4 880757553 +913 184 3 880826706 +913 185 4 881367173 +913 186 3 880946006 +913 189 3 881367594 +913 191 5 881725737 +913 195 4 881725846 +913 200 5 880825443 +913 202 4 880825052 +913 203 4 880825916 +913 204 4 880946539 +913 209 2 881367150 +913 210 2 880826706 +913 216 4 881725796 +913 222 3 881037459 +913 227 1 881368310 +913 228 5 881368310 +913 235 1 881725960 +913 238 3 880825052 +913 258 4 889331049 +913 260 1 881037229 +913 268 2 880753802 +913 269 5 881725938 +913 273 3 881037670 +913 276 3 881037047 +913 288 2 880755823 +913 289 5 880658260 +913 301 1 880753802 +913 302 4 880794297 +913 310 3 880753802 +913 317 4 881725876 +913 318 4 880794731 +913 343 1 881037310 +913 346 3 883110406 +913 357 5 880824372 +913 408 5 880758348 +913 418 3 881368742 +913 419 5 881725737 +913 423 3 881368310 +913 427 4 881725960 +913 428 3 881367151 +913 430 2 882544617 +913 432 3 881366721 +913 436 3 881367312 +913 461 4 881725816 +913 462 3 881037459 +913 466 3 882544673 +913 469 3 881037459 +913 474 5 881725737 +913 475 4 880757473 +913 478 4 880824512 +913 483 3 880757975 +913 498 3 880757473 +913 508 3 880759072 +913 518 4 881725761 +913 527 5 881036957 +913 530 2 881367312 +913 531 2 880946475 +913 588 3 881449256 +913 596 1 881367210 +913 603 4 880758150 +913 604 2 882201336 +913 613 5 881725796 +913 655 4 881725846 +913 656 3 881726004 +913 657 5 881725761 +913 690 3 880824288 +913 729 3 881368824 +913 741 4 881037004 +913 742 3 881036957 +913 747 3 881369407 +913 750 4 883110363 +913 919 4 880758150 +913 963 4 881725737 +913 1112 1 882044453 +914 88 2 887124121 +914 111 1 887124121 +914 155 5 887124121 +914 197 4 887122028 +914 216 3 887122324 +914 371 4 887122029 +914 387 3 887124121 +914 402 5 887124376 +914 451 2 887122085 +914 724 3 887123464 +914 736 3 887123465 +914 778 5 887122085 +914 1355 1 887123886 +915 258 2 891030108 +915 268 5 891031477 +915 270 3 891030070 +915 286 4 891030032 +915 288 2 891031450 +915 300 3 891031477 +915 302 4 891029965 +915 304 3 891030032 +915 310 3 891029965 +915 313 4 891029965 +915 328 2 891031450 +915 333 3 891031450 +915 691 4 891030108 +915 750 4 891030070 +915 896 2 891030070 +915 1038 2 891030070 +916 1 4 880843361 +916 2 3 880845391 +916 3 3 880843838 +916 4 4 880844395 +916 5 3 880845099 +916 7 4 880843361 +916 9 5 880843378 +916 11 4 880844369 +916 12 4 880844445 +916 14 5 880843378 +916 17 4 880845135 +916 22 4 880844627 +916 23 4 880843997 +916 24 2 880843419 +916 28 4 880844861 +916 30 4 880844463 +916 31 3 880844789 +916 33 2 880845135 +916 39 4 880845011 +916 42 5 880844958 +916 46 4 880844480 +916 48 5 880844861 +916 49 3 880845673 +916 50 5 880843436 +916 51 2 880845658 +916 52 5 880844813 +916 53 4 880844834 +916 54 3 880845790 +916 55 3 880844369 +916 56 5 880844038 +916 58 5 880844291 +916 60 4 880844058 +916 64 5 880843996 +916 65 3 880845327 +916 66 3 880845264 +916 68 3 880845636 +916 69 4 880844694 +916 70 4 880845099 +916 71 3 880844897 +916 72 3 880845808 +916 73 3 880845829 +916 76 3 880845049 +916 77 3 880845620 +916 79 3 880845249 +916 80 3 880845476 +916 81 5 880844527 +916 82 4 880845772 +916 83 4 880845206 +916 85 2 880845115 +916 86 4 880844655 +916 87 3 880844262 +916 88 4 880845157 +916 89 5 880844241 +916 90 3 880845115 +916 91 4 880844223 +916 92 5 880844291 +916 96 3 880844813 +916 97 4 880844789 +916 98 5 880844038 +916 100 5 880843288 +916 101 3 880845690 +916 106 3 880843934 +916 109 3 880845099 +916 111 4 880843636 +916 117 2 880843509 +916 118 2 880843838 +916 121 3 880843864 +916 123 3 880843524 +916 125 3 880843750 +916 132 3 880844597 +916 134 5 880844123 +916 135 4 880844552 +916 137 5 880843482 +916 143 3 880844463 +916 144 3 880844016 +916 147 1 880843578 +916 148 2 880843892 +916 150 4 880843318 +916 151 3 880843578 +916 153 3 880844087 +916 154 4 880844552 +916 155 2 880845808 +916 156 5 880844016 +916 157 4 880845011 +916 158 2 880845829 +916 159 3 880845303 +916 160 3 880844511 +916 161 3 880845658 +916 163 3 880844834 +916 164 4 880845028 +916 168 4 880844369 +916 171 4 880844332 +916 172 5 880843997 +916 173 4 880844332 +916 174 5 880844569 +916 175 4 880845011 +916 176 4 880844419 +916 177 3 880844312 +916 179 3 880844420 +916 180 5 880844753 +916 181 4 880843401 +916 182 3 880844123 +916 183 4 880844395 +916 186 3 880844175 +916 188 3 880844789 +916 190 4 880846339 +916 192 4 880844552 +916 193 4 880844420 +916 194 4 880843997 +916 195 3 880844920 +916 196 4 880844920 +916 198 4 880844463 +916 202 3 880845028 +916 203 4 880844157 +916 204 3 880844813 +916 206 3 880844597 +916 209 3 880844017 +916 210 4 880844694 +916 211 4 880844395 +916 212 5 880844879 +916 213 4 880844675 +916 215 3 880844552 +916 216 4 880844312 +916 217 4 880845282 +916 218 3 880845303 +916 219 3 880845755 +916 221 4 880843594 +916 222 3 880843419 +916 223 4 880844087 +916 226 3 880845177 +916 227 3 880845067 +916 228 3 880845049 +916 230 3 880845177 +916 232 3 880844897 +916 233 3 880845391 +916 234 4 880845206 +916 235 3 880843749 +916 236 4 880843482 +916 237 3 880843419 +916 238 4 880845011 +916 239 3 880844627 +916 241 4 880845368 +916 246 5 880843318 +916 249 3 880843579 +916 250 4 880843361 +916 256 3 880843551 +916 257 3 880843401 +916 265 4 880844813 +916 268 5 880843093 +916 271 3 880843185 +916 273 3 880843361 +916 276 4 880843551 +916 280 2 880843864 +916 281 3 880843727 +916 284 2 880843666 +916 286 4 880843062 +916 290 3 880845206 +916 295 2 880843551 +916 298 3 880843334 +916 317 4 880845098 +916 318 4 880844175 +916 356 3 880845722 +916 366 3 880845658 +916 367 3 880845451 +916 369 2 880843906 +916 380 2 880845206 +916 381 3 880845738 +916 382 4 880844674 +916 385 3 880844834 +916 387 4 880845328 +916 393 2 880845067 +916 399 3 880845135 +916 402 3 880845177 +916 405 2 880843579 +916 417 2 880845949 +916 421 5 880844291 +916 423 3 880844654 +916 425 5 880844102 +916 427 4 880844654 +916 428 4 880844350 +916 431 3 880844655 +916 433 3 880844958 +916 451 3 880845227 +916 461 4 880844087 +916 462 4 880844058 +916 467 3 880844420 +916 470 3 880845476 +916 472 3 880843697 +916 474 4 880844175 +916 475 4 880843334 +916 476 2 880843775 +916 480 4 880844201 +916 483 5 880844419 +916 484 4 880844156 +916 498 3 880844241 +916 506 3 880844728 +916 509 4 880844312 +916 511 5 880844395 +916 512 5 880844675 +916 527 4 880845135 +916 528 3 880846339 +916 530 4 880844202 +916 531 4 880844331 +916 535 3 880843949 +916 537 4 880844087 +916 541 2 880845206 +916 546 2 880843864 +916 549 3 880845543 +916 550 2 880844985 +916 557 4 880844527 +916 558 3 880844767 +916 559 3 880845658 +916 561 3 880845227 +916 566 3 880845574 +916 568 4 880845949 +916 569 2 880845606 +916 570 3 880845368 +916 578 1 880844985 +916 581 4 880845543 +916 582 4 880844728 +916 583 4 880845690 +916 593 4 880843551 +916 597 2 880843727 +916 631 4 880844654 +916 636 3 880845391 +916 640 4 880845157 +916 642 3 880845227 +916 650 4 880844711 +916 652 4 880844291 +916 655 3 880844350 +916 674 3 880845522 +916 678 2 880843249 +916 679 3 880845690 +916 684 3 880844395 +916 685 2 880843727 +916 693 3 880844087 +916 697 4 880844937 +916 702 3 880845157 +916 704 3 880845177 +916 708 4 880845673 +916 709 3 880844123 +916 710 3 880844332 +916 713 3 880843636 +916 715 4 880845099 +916 720 2 880844920 +916 721 4 880845049 +916 727 4 880845049 +916 732 3 880844862 +916 735 4 880844879 +916 737 3 880845328 +916 739 3 880845589 +916 741 3 880843401 +916 746 3 880844262 +916 748 2 880843249 +916 755 2 880845574 +916 756 3 880843892 +916 762 3 880843579 +916 763 3 880843683 +916 764 3 880843798 +916 767 4 880845522 +916 790 2 880845790 +916 792 3 880844569 +916 806 4 880844552 +916 820 2 880843636 +916 824 3 880843838 +916 825 1 880843750 +916 831 1 880843864 +916 844 3 880843465 +916 863 3 880846735 +916 919 5 880843465 +916 930 2 880843934 +916 931 1 880843798 +916 939 3 880844694 +916 943 4 880844834 +916 944 2 880845476 +916 948 2 880843838 +916 959 4 880845328 +916 960 4 880844861 +916 961 3 880844202 +916 971 4 880845476 +916 978 1 880843949 +916 1005 4 880845303 +916 1009 5 880843551 +916 1010 4 880843482 +916 1011 4 880843666 +916 1014 3 880843683 +916 1042 3 880845328 +916 1046 2 880845722 +916 1070 4 880844202 +916 1073 4 880844445 +916 1074 3 880844985 +916 1079 2 880843811 +916 1098 4 880844862 +916 1101 4 880844419 +916 1109 3 880844861 +916 1113 4 880844897 +916 1119 3 880845505 +916 1194 4 880844753 +916 1206 2 880845543 +916 1208 2 880845249 +916 1217 1 880845606 +916 1220 3 880845282 +916 1268 3 880845451 +916 1401 3 880844262 +916 1428 3 880845415 +916 1597 3 880845206 +916 1682 3 880845755 +917 1 3 882910888 +917 3 1 882911567 +917 9 5 882912385 +917 25 4 882911390 +917 50 3 882910915 +917 121 1 882911567 +917 150 5 882912385 +917 255 3 882911158 +917 276 5 882912385 +917 278 3 882911767 +917 285 4 882911122 +917 287 4 882911185 +917 289 4 882910457 +917 312 2 882910627 +917 328 2 882910506 +917 405 3 882911215 +917 471 4 882911099 +917 473 3 882911390 +917 476 5 882912385 +917 535 4 882912385 +917 628 5 882912385 +917 696 5 882912385 +917 740 5 882912385 +917 763 3 882911480 +917 1014 2 882911246 +918 1 3 891987059 +918 16 4 891988560 +918 25 4 891988123 +918 42 3 891987059 +918 45 4 891986959 +918 64 4 891987025 +918 69 3 891987497 +918 70 3 891988248 +918 72 1 891988491 +918 82 3 891988521 +918 83 4 891987914 +918 86 4 891986798 +918 88 2 891988276 +918 89 5 891987780 +918 131 3 891987824 +918 132 4 891986904 +918 133 1 891987267 +918 135 1 891986634 +918 137 5 891987879 +918 143 4 891988726 +918 151 2 891988646 +918 153 1 891987291 +918 154 2 891987411 +918 161 1 891988824 +918 165 4 891986998 +918 166 4 891987238 +918 168 3 891986999 +918 170 4 891987205 +918 174 3 891987154 +918 175 3 891987339 +918 179 2 891988337 +918 190 5 891986720 +918 196 3 891987267 +918 197 2 891987387 +918 199 3 891986846 +918 204 1 891987317 +918 208 3 891988002 +918 213 5 891988054 +918 216 2 891987205 +918 340 1 891986174 +918 381 5 891988123 +918 382 4 891986846 +918 417 2 891988521 +918 419 3 891987622 +918 428 5 891988001 +918 430 1 891987205 +918 443 3 891988248 +918 462 3 891986933 +918 485 3 891987689 +918 488 3 891987846 +918 495 3 891987689 +918 498 4 891987025 +918 499 4 891986775 +918 507 5 891987363 +918 514 2 891987082 +918 517 3 891987622 +918 520 3 891987571 +918 529 3 891987290 +918 606 4 891987132 +918 630 3 891988672 +918 631 4 891986664 +918 638 4 891987267 +918 640 3 891988163 +918 656 4 891986609 +918 659 4 891987622 +918 660 4 891987752 +918 664 4 891987914 +918 704 4 891988123 +918 707 5 891987446 +918 709 4 891986820 +918 737 3 891988123 +918 747 3 891988705 +918 792 3 891986904 +918 855 5 891987497 +918 856 4 891988491 +918 921 4 891988029 +918 923 4 891987317 +918 958 3 891988491 +918 962 4 891988029 +918 965 4 891988276 +918 971 4 891987780 +918 972 5 891988054 +918 995 3 891986143 +918 1065 4 891988002 +918 1099 4 891987571 +918 1137 5 891986999 +918 1171 4 891988646 +918 1172 3 891987622 +918 1195 4 891986664 +918 1200 4 891988276 +918 1265 1 891986494 +918 1266 4 891988586 +918 1639 5 891987571 +919 1 4 875289321 +919 4 1 875374032 +919 5 4 875374088 +919 7 3 875288848 +919 9 5 875288749 +919 11 4 875373582 +919 12 3 875373294 +919 14 4 875288934 +919 15 5 875289250 +919 16 4 875289533 +919 19 4 875288681 +919 20 1 875289499 +919 21 2 875289356 +919 22 5 875374269 +919 23 3 875373074 +919 25 4 875289113 +919 28 4 875373888 +919 31 3 875373416 +919 50 3 875288570 +919 57 5 875373621 +919 58 5 875374032 +919 64 5 875374088 +919 69 3 875921182 +919 70 4 875921442 +919 82 5 875373945 +919 85 2 875372947 +919 88 2 875373621 +919 93 5 875288681 +919 95 4 875921182 +919 98 5 875373470 +919 99 4 875373945 +919 100 5 875288522 +919 111 4 875288681 +919 112 3 875289417 +919 116 3 875288749 +919 117 4 875288934 +919 118 4 875373582 +919 124 3 875288522 +919 125 4 875289113 +919 126 4 875289170 +919 129 5 875289025 +919 137 2 875288749 +919 140 5 875373471 +919 144 4 875373889 +919 147 4 875289322 +919 148 3 875289417 +919 151 4 875289025 +919 168 1 875373074 +919 174 4 875372947 +919 181 4 875289250 +919 183 3 875372802 +919 191 5 875373824 +919 193 2 875373471 +919 200 4 875373294 +919 201 4 875920887 +919 202 3 875373582 +919 204 4 875921396 +919 217 4 875373669 +919 218 4 875374032 +919 221 4 875288898 +919 222 3 875288983 +919 223 4 875372844 +919 236 5 875288681 +919 237 4 875288805 +919 238 3 875372988 +919 240 3 875289611 +919 243 3 875288418 +919 244 2 875289025 +919 245 2 875288253 +919 246 3 875288523 +919 250 3 875288749 +919 253 3 875288748 +919 255 4 875289170 +919 257 4 875288848 +919 258 4 875288164 +919 259 4 875288362 +919 260 4 875288362 +919 261 3 885059658 +919 264 3 875288362 +919 268 3 875920245 +919 271 4 885059476 +919 272 5 885059452 +919 275 5 875288522 +919 276 5 875288612 +919 277 5 875288805 +919 282 4 875289113 +919 283 4 875288748 +919 284 3 875289280 +919 285 5 875288748 +919 286 4 885059400 +919 287 4 875289611 +919 288 4 875288164 +919 289 3 875288164 +919 292 3 875288253 +919 293 4 875288681 +919 294 3 875288304 +919 295 3 875289170 +919 297 4 875288749 +919 300 4 875288164 +919 301 3 875288164 +919 302 4 875920245 +919 303 4 875920245 +919 304 4 875920245 +919 305 4 885059623 +919 307 4 885059506 +919 310 3 885059537 +919 312 2 885059658 +919 313 5 885059400 +919 315 3 885059569 +919 318 5 875372903 +919 319 3 875288164 +919 322 3 875288253 +919 323 4 875288362 +919 325 4 875288418 +919 326 3 875288304 +919 327 4 875288304 +919 328 2 875288304 +919 331 4 875920290 +919 332 4 885059537 +919 333 4 875920290 +919 334 4 885059506 +919 340 5 885059506 +919 343 4 885059506 +919 358 3 875288304 +919 367 4 875921085 +919 372 3 875920948 +919 382 5 875373214 +919 406 3 875289417 +919 412 2 875289061 +919 418 4 875373945 +919 419 5 875374269 +919 423 5 875374032 +919 432 4 875373824 +919 447 4 875372903 +919 458 2 875289212 +919 471 3 875289638 +919 475 3 875288898 +919 477 4 875289025 +919 508 5 875288570 +919 527 4 875373416 +919 531 3 875373669 +919 535 3 885059887 +919 539 3 885059682 +919 558 5 875372988 +919 564 2 875373770 +919 582 5 875373214 +919 591 3 875289667 +919 628 3 875288898 +919 660 4 875373945 +919 676 4 875289061 +919 678 2 875288253 +919 681 2 875920347 +919 687 1 875288362 +919 689 2 885059506 +919 690 3 885059658 +919 709 3 875374088 +919 715 5 875921442 +919 717 3 875288805 +919 732 3 875373471 +919 740 3 875289113 +919 741 3 875288805 +919 742 4 875289499 +919 748 1 875288253 +919 750 3 885059452 +919 755 3 875373889 +919 756 3 875289170 +919 787 3 875921283 +919 794 4 875373521 +919 813 4 875288681 +919 815 2 875289533 +919 819 3 875288805 +919 832 3 875289726 +919 864 2 875288848 +919 875 1 875288362 +919 877 3 875288304 +919 878 2 875288443 +919 879 3 875920627 +919 880 3 885059601 +919 892 3 885059724 +919 895 4 885059623 +919 919 2 875288805 +919 946 4 875373416 +919 953 3 875921051 +919 976 2 875289453 +919 988 3 875288362 +919 989 2 875288418 +919 1012 4 875289611 +919 1014 4 875289384 +919 1048 3 875289113 +919 1060 3 875289322 +919 1073 4 875373416 +919 1086 4 875289322 +919 1101 5 875373470 +919 1109 3 875373824 +919 1114 3 875920823 +919 1119 3 875373824 +919 1134 2 875289356 +919 1137 4 875289170 +919 1152 4 875288612 +919 1173 3 885059859 +919 1197 4 875288613 +919 1258 3 875289453 +919 1277 4 875289887 +919 1278 4 875289761 +919 1284 3 875289566 +919 1315 2 875289611 +919 1514 2 885059812 +920 270 3 884219993 +920 272 3 884219701 +920 286 2 884219953 +920 300 3 884220058 +920 301 2 884220058 +920 311 3 884219701 +920 313 5 884219701 +920 328 2 884220058 +920 331 3 884220094 +920 332 3 884219953 +920 340 4 884219993 +920 346 4 884219768 +920 347 4 884220131 +920 350 4 884219953 +920 682 3 884220058 +920 1612 4 884219953 +921 1 3 879379601 +921 8 3 884673699 +921 15 4 879379621 +921 24 3 879380097 +921 25 3 879379736 +921 50 4 879381051 +921 66 5 884673700 +921 69 4 879380862 +921 71 4 879380957 +921 72 4 879380806 +921 79 4 879380704 +921 96 4 879380656 +921 97 2 884673891 +921 111 4 879380097 +921 121 5 879379736 +921 122 2 879380433 +921 125 3 879379774 +921 128 1 879381287 +921 133 5 884673843 +921 136 4 879380806 +921 143 5 879381257 +921 147 3 879379843 +921 151 3 879379994 +921 172 4 884673823 +921 174 5 884673780 +921 185 3 879380826 +921 190 2 884673602 +921 194 3 879380704 +921 196 5 884673724 +921 202 4 884673891 +921 210 4 884673633 +921 215 4 879380677 +921 222 5 879381128 +921 227 3 879381051 +921 228 3 884673823 +921 230 3 879381051 +921 237 3 879379562 +921 240 1 879379621 +921 245 1 879379361 +921 254 3 879380908 +921 257 3 879379898 +921 259 4 884673369 +921 274 4 879379971 +921 275 1 879379642 +921 276 1 879381004 +921 280 3 879379562 +921 282 2 879379714 +921 284 4 879379943 +921 294 4 879379338 +921 304 2 879379428 +921 313 5 884673044 +921 322 3 879379428 +921 323 4 879379428 +921 328 5 879379338 +921 367 4 879381021 +921 369 1 879380328 +921 380 4 879381051 +921 392 4 884673868 +921 395 3 879380908 +921 400 4 879381158 +921 405 3 879379774 +921 410 2 879380957 +921 411 2 879380142 +921 419 5 879381234 +921 422 3 879380957 +921 472 2 879380057 +921 484 3 884673633 +921 526 4 884673930 +921 538 4 884673311 +921 560 2 879380981 +921 603 3 884673868 +921 651 3 884673891 +921 659 5 884673799 +921 662 4 884673724 +921 678 5 879379447 +921 720 4 879381128 +921 755 4 884673910 +921 760 2 879380164 +921 762 2 879380237 +921 763 3 879380258 +921 778 3 879380704 +921 797 3 879381287 +921 815 5 879379942 +921 820 3 879380328 +921 845 4 879379601 +921 892 3 884673402 +921 924 3 879379736 +921 929 1 879380142 +921 932 3 879381128 +921 934 3 879380496 +921 1016 4 879379562 +921 1028 4 879380142 +921 1032 5 879381199 +921 1034 3 879380457 +921 1047 1 879380015 +921 1051 3 879380433 +921 1060 2 879379942 +921 1279 2 879380142 +921 1287 1 879380401 +921 1317 2 879380981 +922 1 5 891448551 +922 11 5 891450401 +922 15 4 891453122 +922 22 5 891450586 +922 29 3 891450805 +922 43 3 891454445 +922 50 5 891447447 +922 51 4 891448451 +922 62 3 891450768 +922 67 3 891452928 +922 68 4 891450586 +922 69 3 891453106 +922 71 4 891448580 +922 72 4 891452470 +922 77 4 891447833 +922 80 3 891452817 +922 82 3 891449123 +922 83 4 891448115 +922 89 5 891450368 +922 91 4 891448833 +922 94 3 891449333 +922 95 3 891448580 +922 98 5 891447665 +922 99 4 891448580 +922 122 2 891455788 +922 127 3 891453105 +922 135 2 891453820 +922 143 4 891449021 +922 145 3 891450315 +922 151 5 891449152 +922 153 4 891451037 +922 155 2 891448473 +922 159 3 891447853 +922 161 3 891450401 +922 168 3 891450968 +922 172 5 891449021 +922 173 5 891448040 +922 174 5 891449021 +922 175 3 891451240 +922 176 3 891450401 +922 181 5 891449122 +922 183 3 891450401 +922 184 3 891449901 +922 191 3 891454587 +922 195 3 891450401 +922 200 3 891449878 +922 204 3 891451100 +922 210 3 891450368 +922 212 2 891448473 +922 214 2 891454071 +922 215 3 891453653 +922 217 3 891449993 +922 219 1 891449901 +922 222 4 891447681 +922 228 4 891447665 +922 230 4 891447723 +922 235 2 891452407 +922 237 4 891448247 +922 250 2 891454910 +922 252 2 891455230 +922 257 4 891455049 +922 258 4 891454681 +922 265 5 891447777 +922 271 3 891445117 +922 274 3 891448247 +922 276 3 891453854 +922 288 2 891445064 +922 290 4 891451277 +922 294 4 891447296 +922 367 3 891452743 +922 371 3 891448348 +922 375 2 891454552 +922 380 4 891454218 +922 382 4 891451373 +922 384 4 891452521 +922 385 3 891450586 +922 391 3 891450840 +922 402 3 891448451 +922 403 3 891450805 +922 406 4 891447944 +922 411 1 891455379 +922 418 4 891448580 +922 421 4 891448473 +922 427 5 891449123 +922 431 4 891447723 +922 432 5 891448551 +922 433 4 891451143 +922 447 1 891449901 +922 449 4 891447802 +922 450 4 891447876 +922 455 4 891450688 +922 471 3 891453501 +922 476 1 891455167 +922 550 3 891450805 +922 562 3 891450866 +922 568 3 891450524 +922 576 4 891450805 +922 579 3 891447988 +922 596 4 891448833 +922 631 3 891453171 +922 655 2 891451327 +922 660 3 891453122 +922 662 3 891448246 +922 699 3 891449048 +922 715 3 891452354 +922 739 3 891448516 +922 746 4 891451143 +922 747 3 891448247 +922 756 2 891455185 +922 810 4 891450866 +922 834 1 891455565 +922 919 5 891454625 +922 949 5 891454320 +922 1035 3 891449552 +922 1079 1 891455277 +922 1110 4 891450768 +922 1157 2 891447853 +923 1 3 880387306 +923 9 4 880387306 +923 50 5 880387306 +923 100 5 880387474 +923 105 4 880388547 +923 121 4 880387908 +923 125 4 880388289 +923 129 5 880387474 +923 148 4 880387474 +923 151 4 880388021 +923 168 5 880388872 +923 174 5 880388872 +923 222 4 880388211 +923 237 4 880387908 +923 248 4 880387474 +923 249 4 880388021 +923 257 5 880387946 +923 264 3 880387199 +923 273 5 880387474 +923 276 5 880387429 +923 280 3 880388097 +923 282 4 880387624 +923 291 4 880387707 +923 293 4 880387908 +923 294 4 880387081 +923 295 5 880387579 +923 307 4 880386897 +923 322 4 880387130 +923 325 4 880387081 +923 333 5 880386897 +923 334 5 880387129 +923 338 4 880387172 +923 340 5 880387080 +923 405 4 880387429 +923 410 3 880387908 +923 411 4 880387664 +923 455 4 880387946 +923 456 4 880388562 +923 460 4 880388426 +923 472 4 880388547 +923 475 5 880387664 +923 544 4 880387507 +923 591 5 880387875 +923 628 4 880387428 +923 685 4 880387396 +923 713 5 880388173 +923 741 5 880387792 +923 742 4 880387792 +923 762 4 880387525 +923 763 4 880387908 +923 815 4 880387792 +923 823 4 880388383 +923 825 4 880387525 +923 827 3 880387997 +923 829 4 880388426 +923 866 4 880388383 +923 926 4 880388383 +923 975 4 880388245 +923 1001 1 880388173 +923 1011 4 880388097 +923 1012 5 880387624 +923 1017 5 880387525 +923 1028 4 880387624 +923 1277 5 880388322 +924 2 3 886759997 +924 6 4 886759441 +924 7 4 885458060 +924 9 4 886759657 +924 12 4 885458093 +924 13 3 887421305 +924 28 4 885457827 +924 31 3 885458168 +924 50 5 884371386 +924 56 3 886327724 +924 64 4 886327778 +924 71 5 885457922 +924 82 4 885458168 +924 96 4 886760020 +924 100 4 884371558 +924 114 3 886327724 +924 117 2 887421305 +924 127 3 884371438 +924 129 4 889286888 +924 134 4 885457827 +924 144 3 885458093 +924 153 4 886327689 +924 172 4 885458060 +924 173 5 885458060 +924 174 5 885458009 +924 178 5 885457922 +924 181 3 884371535 +924 195 5 886065785 +924 196 4 886759657 +924 200 4 885458093 +924 205 4 886327826 +924 211 3 885457891 +924 216 4 885458010 +924 237 4 889286746 +924 258 3 884336994 +924 273 3 889286721 +924 275 4 889286721 +924 276 2 884371386 +924 285 4 884371386 +924 286 3 884337043 +924 288 3 886065748 +924 313 4 886065805 +924 318 5 885458060 +924 322 2 884337164 +924 402 3 886759965 +924 408 3 889286721 +924 421 4 885458060 +924 427 4 885458010 +924 429 4 886760020 +924 433 5 885458168 +924 471 4 884371635 +924 480 3 885457891 +924 482 4 885457858 +924 496 5 886327689 +924 504 5 885458009 +924 511 5 885457827 +924 519 4 886759888 +924 523 5 885458121 +924 527 4 885458009 +924 562 3 886759657 +924 605 3 885457975 +924 632 4 885458121 +924 701 4 885457922 +924 705 5 885457858 +924 742 3 886065661 +924 849 3 886760052 +924 896 4 884337242 +924 923 5 886327748 +924 1036 2 886759690 +924 1149 3 888351470 +924 1400 4 886327641 +924 1478 4 886759691 +925 5 4 884718156 +925 56 3 884717963 +925 98 4 884717862 +925 185 4 884717963 +925 200 2 884717963 +925 217 2 884718100 +925 218 4 884717862 +925 219 3 884718099 +925 288 5 884633224 +925 299 3 884717478 +925 323 4 884633287 +925 324 4 884633348 +925 325 4 884633349 +925 332 4 884717404 +925 558 1 884718099 +925 559 3 884717963 +925 567 3 884718156 +925 672 3 884718099 +925 678 3 884717790 +925 682 4 884717586 +925 816 3 884718156 +925 948 2 884717790 +926 258 4 888636202 +926 286 4 888636202 +926 288 3 888636202 +926 289 3 888636269 +926 300 3 888351623 +926 303 3 888351713 +926 315 4 888351623 +926 322 2 888636270 +926 325 1 888636269 +926 340 4 888351623 +927 1 5 879191524 +927 7 3 879177298 +927 8 4 879183164 +927 11 5 879183303 +927 15 5 879177509 +927 24 3 879181042 +927 25 3 879177403 +927 28 4 879183511 +927 29 5 879194033 +927 38 5 879195783 +927 56 4 879184534 +927 63 4 879197074 +927 64 5 879199250 +927 69 4 879183164 +927 71 5 879190473 +927 72 5 879193848 +927 82 2 879197269 +927 91 4 879196955 +927 94 2 879198972 +927 95 5 879184447 +927 96 5 879184761 +927 99 2 879195472 +927 105 1 879181879 +927 111 4 879177457 +927 118 5 879181042 +927 121 5 879199250 +927 125 4 879177298 +927 132 2 879194268 +927 138 4 879198655 +927 143 3 879196231 +927 154 3 879184534 +927 155 4 879193972 +927 158 2 879198608 +927 168 4 879193383 +927 174 3 879185327 +927 195 4 879183245 +927 204 4 879183511 +927 210 5 879194937 +927 217 1 879196955 +927 222 5 879177177 +927 227 2 879196283 +927 228 5 879184644 +927 229 3 879191722 +927 237 4 879177508 +927 240 3 879177456 +927 255 4 879177027 +927 257 5 879177353 +927 278 1 879181133 +927 288 5 879199250 +927 294 5 879199250 +927 300 5 879176156 +927 328 4 879176059 +927 374 4 879195783 +927 380 5 879196283 +927 385 4 879193625 +927 393 5 879193732 +927 395 3 879193732 +927 401 2 879196762 +927 402 4 879192123 +927 403 4 879194335 +927 404 4 879197692 +927 405 5 879181451 +927 409 4 879176876 +927 410 1 879190223 +927 411 4 879182939 +927 412 1 879182833 +927 417 4 879184710 +927 420 5 879193437 +927 422 4 879199110 +927 426 4 879191432 +927 449 4 879196230 +927 456 2 879182709 +927 471 4 879193906 +927 477 3 879176876 +927 501 4 879190422 +927 535 3 879181694 +927 541 5 879199250 +927 542 2 879193676 +927 552 4 879196283 +927 568 5 879199250 +927 571 3 879196853 +927 588 5 879183683 +927 623 3 879199110 +927 625 3 879191360 +927 722 3 879197421 +927 738 3 879196762 +927 739 3 879191360 +927 742 5 879199250 +927 755 5 879192381 +927 756 4 879181259 +927 761 3 879198085 +927 763 4 879181749 +927 768 4 879195972 +927 775 3 879197949 +927 815 3 879181259 +927 819 3 879181508 +927 820 4 879177403 +927 826 4 879181451 +927 866 4 879181621 +927 928 4 879183019 +927 1014 3 879176876 +927 1016 5 879199250 +927 1035 4 879199030 +927 1047 4 879181192 +927 1093 4 879177243 +927 1095 2 879182939 +927 1178 2 879192052 +927 1229 3 879197198 +927 1284 4 879181133 +927 1415 4 879196853 +928 8 5 880936905 +928 9 5 880937163 +928 98 5 880936884 +928 127 5 880936905 +928 134 5 880936742 +928 135 4 880936884 +928 168 5 880936817 +928 172 5 880936769 +928 187 5 880936884 +928 191 5 880936863 +928 246 5 880937184 +928 268 5 880935814 +928 276 5 880937144 +928 328 3 880937258 +928 333 3 880937258 +928 358 5 880936023 +928 496 5 880936863 +928 749 5 880936022 +928 877 5 880936022 +928 878 5 880936022 +928 1007 5 880937163 +928 1025 5 880936022 +929 12 4 879640036 +929 22 5 879640394 +929 23 3 880817681 +929 28 4 879640084 +929 31 2 880817708 +929 50 4 878402162 +929 56 4 880817844 +929 89 5 879640126 +929 98 5 879640394 +929 100 4 878402162 +929 127 5 878402162 +929 134 4 880817752 +929 135 5 880817818 +929 136 3 879640184 +929 144 3 879640394 +929 172 4 879640329 +929 187 5 879640290 +929 188 4 880817728 +929 195 4 880817681 +929 197 3 880817780 +929 204 4 879640126 +929 205 4 879639969 +929 209 3 880817752 +929 276 2 879640184 +929 284 2 878402162 +929 419 4 880817844 +929 423 4 879640394 +929 429 4 879640225 +929 431 1 879640225 +929 433 2 880817753 +929 474 4 879640126 +929 479 4 879640329 +929 484 3 879639969 +929 496 3 879640256 +929 515 5 878402162 +929 517 5 879640329 +929 521 5 879640184 +929 589 5 880817708 +929 654 3 879640290 +930 1 3 879534525 +930 8 3 879535713 +930 14 4 879535392 +930 16 1 879534925 +930 24 1 879535015 +930 45 4 879535492 +930 50 2 879534410 +930 64 4 879535641 +930 100 3 879534506 +930 106 4 879535392 +930 113 5 879535573 +930 116 5 879535392 +930 117 3 879534803 +930 121 4 879535392 +930 137 2 879535734 +930 143 2 879535462 +930 148 1 879534886 +930 151 2 879534724 +930 165 5 879535609 +930 171 1 879535685 +930 174 3 879535513 +930 175 2 879535713 +930 176 3 879535663 +930 190 4 879535492 +930 210 2 879535713 +930 235 2 879535207 +930 238 4 879535544 +930 240 1 879535207 +930 244 4 879535392 +930 245 3 879534165 +930 255 3 879534667 +930 257 4 879535392 +930 265 3 879535685 +930 274 4 879534803 +930 275 4 879534550 +930 281 4 879535056 +930 282 4 879534667 +930 283 4 879535544 +930 286 3 879533975 +930 288 1 879534001 +930 410 3 879534973 +930 411 1 879535272 +930 455 1 879534692 +930 523 2 879535574 +930 535 4 879535392 +930 651 3 879535574 +930 690 3 879534335 +930 705 2 879535609 +930 709 4 879535663 +930 756 3 879535015 +930 763 3 879535102 +930 1010 2 879534692 +930 1048 2 879535160 +931 14 4 891036648 +931 50 3 891036715 +931 100 4 891036430 +931 111 3 891036648 +931 121 2 891036604 +931 125 4 891036786 +931 126 4 891036463 +931 127 5 891037521 +931 137 3 891036552 +931 181 4 891036786 +931 220 3 891037046 +931 237 3 891036552 +931 245 4 891037024 +931 252 3 891037070 +931 255 4 891036755 +931 257 4 891036530 +931 272 5 891037521 +931 281 3 891036883 +931 283 4 891036604 +931 286 5 891037521 +931 290 2 891036883 +931 293 4 891036604 +931 297 4 891036673 +931 298 4 891036849 +931 300 5 891037521 +931 302 4 891035876 +931 303 4 891035917 +931 304 4 891036105 +931 306 4 891036026 +931 310 3 891035876 +931 313 4 891035876 +931 315 5 891037577 +931 316 5 891037521 +931 333 5 891037521 +931 344 4 891035917 +931 347 4 891035946 +931 355 2 891036148 +931 362 3 891035970 +931 459 4 891036506 +931 471 3 891036506 +931 476 3 891036974 +931 508 4 891036696 +931 546 3 891036849 +931 678 3 891036247 +931 685 4 891036902 +931 750 5 891037521 +931 845 3 891036883 +931 896 3 891036080 +931 900 4 891035917 +931 909 5 891037521 +931 1152 4 891037177 +932 1 4 891249932 +932 7 4 891250109 +932 9 5 891249649 +932 14 4 891248856 +932 30 4 891249196 +932 38 2 891251696 +932 45 5 891249063 +932 47 4 891250142 +932 54 4 891251038 +932 55 3 891249994 +932 56 4 891250584 +932 64 2 891250059 +932 67 2 891251611 +932 70 4 891249171 +932 77 2 891251869 +932 82 3 891251246 +932 86 4 891249146 +932 89 5 891249586 +932 96 4 891250060 +932 98 5 891249586 +932 99 4 891250236 +932 100 5 891249586 +932 101 3 891251225 +932 105 2 891252338 +932 109 2 891251891 +932 114 5 891249903 +932 119 5 891249586 +932 121 3 891251669 +932 131 4 891250525 +932 133 4 891249675 +932 134 4 891250169 +932 135 5 891249538 +932 136 5 891249736 +932 141 4 891250363 +932 144 3 891249710 +932 148 2 891252140 +932 151 3 891251225 +932 153 4 891251063 +932 154 5 891249994 +932 155 3 891251869 +932 157 4 891250667 +932 161 3 891251507 +932 162 4 891250704 +932 163 4 891251246 +932 165 4 891248996 +932 167 4 891251647 +932 168 5 891250746 +932 169 5 891249649 +932 170 4 891248967 +932 172 5 891250472 +932 173 3 891250337 +932 174 4 891250017 +932 175 4 891250449 +932 176 5 891250449 +932 177 4 891250609 +932 178 5 891249821 +932 179 5 891249239 +932 180 4 891251014 +932 183 4 891249877 +932 185 4 891250392 +932 188 3 891250142 +932 189 5 891250449 +932 191 4 891249620 +932 193 3 891250142 +932 194 5 891250472 +932 195 4 891250643 +932 196 4 891251038 +932 197 5 891249649 +932 198 4 891249109 +932 199 5 891249538 +932 203 4 891250584 +932 204 4 891250667 +932 205 5 891250211 +932 208 5 891249794 +932 209 5 891250258 +932 210 4 891250793 +932 211 5 891249710 +932 212 4 891249109 +932 213 3 891249038 +932 218 3 891250915 +932 222 4 891251485 +932 225 2 891251985 +932 226 3 891251292 +932 228 4 891251442 +932 230 4 891251153 +932 234 3 891250060 +932 235 2 891250770 +932 238 3 891250609 +932 274 5 891250704 +932 285 4 891250392 +932 357 5 891280138 +932 379 2 891251798 +932 380 4 891250498 +932 385 2 891251331 +932 389 3 891251331 +932 399 4 891251798 +932 405 4 891251177 +932 414 4 891251959 +932 416 3 891250498 +932 427 4 891249709 +932 428 4 891251105 +932 429 5 891249675 +932 430 4 891249849 +932 431 3 891250944 +932 432 4 891250109 +932 434 5 891251015 +932 435 4 891249821 +932 436 3 891251225 +932 441 2 891252504 +932 443 4 891250059 +932 447 3 891250944 +932 448 2 891251588 +932 459 4 891250944 +932 462 4 891249038 +932 470 3 891251331 +932 474 5 891250418 +932 475 4 891248856 +932 478 4 891249962 +932 479 5 891249794 +932 480 5 891250746 +932 481 4 891249877 +932 482 5 891250211 +932 483 5 891249962 +932 484 5 891249586 +932 486 5 891251177 +932 487 3 891250558 +932 488 5 891250282 +932 489 4 891249710 +932 490 4 891250891 +932 491 5 891249621 +932 493 5 891249767 +932 494 4 891250060 +932 495 5 891251105 +932 496 4 891250169 +932 498 5 891250363 +932 502 4 891249710 +932 503 4 891249962 +932 504 4 891250236 +932 506 4 891249710 +932 507 5 891249675 +932 509 3 891248893 +932 510 4 891249146 +932 511 5 891250282 +932 513 5 891250316 +932 514 5 891249932 +932 515 4 891249373 +932 516 5 891249877 +932 517 5 891250643 +932 519 4 891249710 +932 520 4 891249794 +932 521 5 891249994 +932 523 4 891250080 +932 524 5 891249675 +932 526 5 891250746 +932 527 4 891249710 +932 528 5 891249962 +932 529 4 891251153 +932 530 4 891249903 +932 541 1 891251421 +932 550 2 891251331 +932 560 2 891252198 +932 562 2 891251611 +932 566 4 891251463 +932 570 4 891251178 +932 576 2 891252198 +932 589 5 891250609 +932 600 2 891252412 +932 603 5 891249877 +932 606 4 891250169 +932 607 4 891249621 +932 611 5 891250418 +932 612 5 891249620 +932 613 4 891250363 +932 615 5 891249621 +932 616 5 891251153 +932 617 4 891251588 +932 632 4 891249649 +932 636 3 891251063 +932 639 5 891249171 +932 640 2 891249239 +932 646 4 891250498 +932 647 5 891250987 +932 648 5 891249903 +932 649 4 891251199 +932 650 5 891250498 +932 652 3 891248893 +932 654 5 891249877 +932 657 5 891249767 +932 659 5 891250770 +932 661 5 891250109 +932 663 4 891251506 +932 665 2 891252058 +932 671 3 891250915 +932 675 4 891249538 +932 676 4 891251738 +932 705 4 891250017 +932 708 4 891251647 +932 736 3 891249261 +932 745 5 891250584 +932 755 2 891251822 +932 778 4 891251272 +932 805 4 891250236 +932 811 4 891250392 +932 836 5 891250142 +932 841 2 891250317 +932 855 5 891249109 +932 863 4 891249063 +932 890 1 891248778 +932 968 4 891250816 +932 1020 5 891249621 +932 1021 4 891249146 +932 1030 2 891252338 +932 1035 4 891251869 +932 1050 4 891251015 +932 1065 5 891251538 +932 1116 4 891250943 +932 1121 5 891249261 +932 1126 5 891250862 +932 1139 2 891251562 +932 1149 4 891249767 +932 1204 5 891249821 +932 1205 5 891250643 +932 1397 4 891250793 +932 1411 4 891251647 +932 1449 5 891248937 +932 1451 5 891249675 +932 1454 4 891251985 +932 1456 4 891250891 +932 1512 5 891249038 +932 1558 5 891248996 +932 1573 4 891249239 +933 1 3 874854294 +933 4 3 874854383 +933 7 4 874854190 +933 9 3 874854402 +933 11 4 874853899 +933 12 4 874854135 +933 21 1 874854383 +933 22 5 874853634 +933 25 2 874854589 +933 28 4 874853977 +933 38 2 874939185 +933 39 3 874854100 +933 42 1 874853635 +933 50 4 874854383 +933 52 3 874854161 +933 53 1 874855104 +933 56 5 874853688 +933 58 3 874855121 +933 62 1 874854994 +933 64 5 874853605 +933 67 1 874938430 +933 69 4 874854009 +933 70 2 874855020 +933 72 3 874938538 +933 73 4 874854629 +933 79 3 874853819 +933 80 2 874938689 +933 82 3 874939130 +933 87 4 874854723 +933 88 3 874854696 +933 89 4 874853957 +933 94 1 874938475 +933 95 3 874853666 +933 96 2 874855020 +933 97 2 874854161 +933 98 5 874853734 +933 100 5 874853927 +933 105 2 874938475 +933 110 1 874938664 +933 117 2 874939157 +933 121 3 874855138 +933 125 4 874854251 +933 127 5 874853898 +933 132 3 874853605 +933 135 4 874854444 +933 144 4 874854932 +933 151 4 874853977 +933 153 3 874853779 +933 154 2 874938389 +933 156 4 874854135 +933 157 4 874854932 +933 159 3 874854190 +933 160 3 874853755 +933 161 2 874939105 +933 163 2 874938309 +933 164 2 874854461 +933 166 3 874854062 +933 167 2 874938491 +933 168 3 874853869 +933 172 2 874939031 +933 173 3 874855020 +933 174 4 874854745 +933 175 4 874854444 +933 176 3 874854315 +933 177 4 874854994 +933 179 5 874854135 +933 180 5 874854723 +933 181 2 874854100 +933 183 4 874853819 +933 184 1 874938850 +933 186 4 874938563 +933 187 4 874854294 +933 193 4 874853927 +933 194 4 874854135 +933 195 4 874854589 +933 196 4 874854932 +933 200 4 874854783 +933 202 2 874854745 +933 204 3 874854723 +933 209 2 874854678 +933 210 3 874853734 +933 211 4 874854251 +933 216 3 874938239 +933 218 3 874854678 +933 222 1 874854783 +933 226 2 874854874 +933 227 1 874939078 +933 228 4 874854217 +933 229 1 874939078 +933 230 3 874854338 +933 232 1 874938354 +933 233 2 874939008 +933 234 3 874853957 +933 238 2 874853819 +933 239 3 874938412 +933 241 2 874855069 +933 265 4 874854697 +933 273 3 874855069 +933 282 3 874855104 +933 284 2 874854294 +933 317 4 874853779 +933 318 4 874853605 +933 357 4 874853635 +933 367 4 874854190 +933 384 1 874938475 +933 385 3 874939207 +933 388 1 874938620 +933 391 1 874939230 +933 392 3 874854652 +933 393 2 874938371 +933 403 3 874939105 +933 405 3 874939157 +933 410 3 874854383 +933 411 2 874938689 +933 424 1 874938833 +933 435 4 874854251 +933 441 2 874938833 +933 447 2 874854678 +933 449 1 874939207 +933 451 1 874938507 +933 452 1 874938808 +933 453 1 874938833 +933 467 3 874854479 +933 471 3 874854611 +933 474 5 874853734 +933 475 2 874853605 +933 476 2 874854953 +933 483 4 874854424 +933 508 3 874853927 +933 515 3 874854062 +933 523 4 874853957 +933 546 2 874939105 +933 550 1 874939185 +933 559 2 874938808 +933 561 3 874938808 +933 568 2 874939207 +933 569 1 874938850 +933 575 1 874938620 +933 576 1 874939185 +933 577 1 874938705 +933 578 1 874939230 +933 583 3 874854217 +933 585 1 874938728 +933 597 1 874939230 +933 627 2 874854874 +933 636 2 874939105 +933 651 3 874854081 +933 652 3 874854424 +933 654 4 874854338 +933 665 1 874938878 +933 679 1 874939078 +933 710 2 874938309 +933 732 3 874854651 +933 735 3 874853846 +933 746 4 874854762 +933 763 3 874938644 +933 765 1 874938644 +933 789 4 874853957 +933 823 2 874854813 +933 834 1 874938878 +933 840 3 874939230 +933 866 2 874938620 +933 934 1 874938412 +933 940 1 874938664 +933 959 1 874938430 +933 1017 3 874854953 +933 1028 2 874938620 +933 1037 1 874938620 +933 1070 2 874854031 +933 1110 3 874938728 +933 1183 3 874938596 +933 1188 1 874938474 +933 1228 1 874939247 +933 1246 1 874938728 +934 1 2 891225958 +934 2 4 891192087 +934 4 5 891195713 +934 13 5 891189566 +934 25 4 891195233 +934 50 5 891189363 +934 56 5 891191922 +934 65 4 891192914 +934 66 4 891193187 +934 67 4 891193373 +934 69 5 891193013 +934 70 4 891195713 +934 72 3 891195982 +934 82 4 891194221 +934 83 4 891191831 +934 86 3 891191831 +934 88 4 891194866 +934 89 5 891191157 +934 94 4 891196117 +934 96 4 891191157 +934 97 4 891192329 +934 99 3 891194379 +934 121 3 891189819 +934 131 4 891191778 +934 132 4 891190609 +934 134 4 891191157 +934 135 4 891191659 +934 144 4 891192087 +934 145 3 891196610 +934 151 3 891189401 +934 152 4 891194303 +934 153 5 891225716 +934 154 3 891191401 +934 156 3 891190813 +934 157 2 891194498 +934 161 4 891193290 +934 162 3 891191546 +934 163 4 891193331 +934 168 4 891191875 +934 170 4 891190744 +934 172 5 891191206 +934 173 3 891192965 +934 174 5 891191511 +934 175 4 891190854 +934 177 3 891192623 +934 179 2 891191600 +934 181 4 891189275 +934 186 2 891190854 +934 190 4 891191660 +934 191 5 891190695 +934 193 4 891192236 +934 196 5 891191108 +934 197 5 891192041 +934 199 4 891191778 +934 202 5 891193132 +934 204 4 891192444 +934 208 5 891191258 +934 209 1 891190695 +934 210 4 891191206 +934 211 4 891194661 +934 212 4 891194802 +934 213 4 891190744 +934 216 1 891191511 +934 225 2 891197375 +934 226 4 891191831 +934 229 4 891194539 +934 234 2 891191875 +934 237 4 891189879 +934 254 4 891190478 +934 257 4 891189598 +934 286 4 891188367 +934 297 5 891189969 +934 302 4 891188367 +934 303 4 891188441 +934 313 3 891188441 +934 316 4 891188727 +934 384 4 891195573 +934 388 3 891197678 +934 389 3 891195811 +934 393 2 891193013 +934 403 4 891195537 +934 405 5 891189819 +934 414 5 891191027 +934 419 4 891192849 +934 420 4 891191469 +934 423 3 891191660 +934 427 4 891191027 +934 428 4 891195503 +934 432 5 891191976 +934 435 4 891191365 +934 436 3 891196610 +934 449 4 891194900 +934 451 4 891192562 +934 462 4 891191511 +934 474 4 891191976 +934 481 4 891191402 +934 483 3 891190609 +934 488 5 891192197 +934 492 4 891192087 +934 495 4 891195604 +934 498 3 891191511 +934 501 4 891196464 +934 502 4 891194539 +934 506 4 891193331 +934 507 4 891192145 +934 510 5 891193751 +934 514 5 891191546 +934 516 3 891191334 +934 526 2 891192197 +934 527 3 891191334 +934 529 5 891194866 +934 533 3 891189640 +934 550 4 891193097 +934 554 4 891194462 +934 573 2 891197530 +934 581 2 891193814 +934 584 4 891196384 +934 602 3 891195063 +934 605 4 891195288 +934 614 3 891191334 +934 617 4 891191778 +934 624 4 891193290 +934 629 4 891191334 +934 630 4 891192285 +934 648 3 891190695 +934 650 4 891195503 +934 657 3 891191027 +934 660 5 891194836 +934 661 4 891190960 +934 663 5 891192849 +934 664 4 891193331 +934 674 4 891193814 +934 675 4 891192285 +934 703 4 891195437 +934 705 4 891191778 +934 708 3 891192329 +934 709 3 891196314 +934 712 4 891196564 +934 732 5 891194089 +934 755 4 891196610 +934 771 3 891196950 +934 786 1 891194089 +934 792 3 891193132 +934 794 4 891192849 +934 805 4 891194221 +934 811 4 891192145 +934 818 1 891190288 +934 855 4 891192849 +934 902 4 891188580 +934 949 3 891197678 +934 961 4 891193854 +934 963 5 891192914 +934 965 4 891192914 +934 972 3 891225716 +934 1018 4 891192849 +934 1037 1 891197344 +934 1065 2 891191108 +934 1135 3 891196117 +934 1203 5 891193013 +934 1285 3 891196516 +934 1311 1 891195713 +934 1411 4 891195437 +934 1425 1 891197851 +934 1449 5 891191976 +935 1 3 884472064 +935 9 1 884472352 +935 15 5 884472177 +935 100 3 884472110 +935 117 4 884472229 +935 118 4 884472704 +935 120 3 884472942 +935 121 4 884472434 +935 125 4 884472575 +935 127 4 884472086 +935 181 4 884472039 +935 255 4 884472247 +935 257 2 884472110 +935 281 5 884472310 +935 283 4 884472136 +935 284 4 884472673 +935 300 4 884471955 +935 313 5 884471835 +935 471 4 884472352 +935 476 4 884472465 +935 546 4 884472743 +935 597 4 884472576 +935 620 2 884472627 +935 685 4 884472310 +935 717 4 884472872 +935 742 5 884472266 +935 846 4 884472999 +935 934 4 884472743 +935 1048 3 884472465 +936 1 4 886832453 +936 3 4 886833148 +936 6 5 886832636 +936 7 4 886832221 +936 9 4 886832373 +936 13 4 886832596 +936 16 4 886832596 +936 19 5 886832092 +936 20 5 886833795 +936 24 4 886832904 +936 25 4 886833231 +936 50 4 886832282 +936 93 5 886833795 +936 100 4 886832092 +936 106 3 886833148 +936 108 4 886832758 +936 111 4 886832597 +936 116 4 886832636 +936 117 4 886832713 +936 118 3 886833516 +936 121 4 886832544 +936 124 4 886832282 +936 125 4 886832757 +936 127 5 886833795 +936 129 4 886832134 +936 137 4 886832544 +936 221 4 886832373 +936 235 3 886833099 +936 236 5 886832183 +936 237 4 886832672 +936 243 2 886831820 +936 244 4 886833099 +936 246 4 886832282 +936 248 4 886833006 +936 251 4 886832134 +936 252 2 886833099 +936 253 5 886832454 +936 255 5 886833795 +936 257 3 886832808 +936 258 3 886831374 +936 259 3 886831709 +936 268 4 886831415 +936 269 4 886831415 +936 272 4 886831374 +936 273 3 886832453 +936 274 3 886832858 +936 275 4 886832134 +936 276 5 886832282 +936 281 4 886832903 +936 282 2 886832714 +936 285 4 886832221 +936 286 5 886833794 +936 287 4 886832419 +936 289 5 886831769 +936 294 3 886831679 +936 295 3 886832502 +936 298 4 886832134 +936 300 3 886831501 +936 301 3 886831637 +936 312 3 886831853 +936 319 4 886831576 +936 321 3 886831769 +936 323 3 886831820 +936 324 5 886831576 +936 325 5 886831709 +936 327 4 886831445 +936 340 4 886831535 +936 343 3 886831576 +936 346 4 886831445 +936 358 4 886831820 +936 405 2 886833053 +936 410 3 886833099 +936 455 3 886833148 +936 475 5 886832282 +936 476 4 886832544 +936 508 3 886832282 +936 535 2 886833052 +936 591 4 886832373 +936 628 1 886832758 +936 678 3 886831820 +936 696 2 886833191 +936 717 2 886833325 +936 748 2 886831738 +936 756 4 886833052 +936 766 3 886832597 +936 813 5 886832222 +936 815 3 886833571 +936 818 4 886832903 +936 825 4 886832502 +936 827 2 886833191 +936 845 4 886833006 +936 864 4 886833360 +936 866 2 886833099 +936 898 1 886831535 +936 904 5 886831415 +936 919 5 886832808 +936 926 4 886833191 +936 928 3 886832502 +936 952 4 886832966 +936 975 3 886832714 +936 988 3 886831912 +936 995 3 886831637 +936 1007 5 886833795 +936 1008 5 886833098 +936 1009 4 886833231 +936 1011 4 886832757 +936 1014 3 886833571 +936 1016 3 886832966 +936 1023 2 886833661 +936 1068 4 886832904 +936 1079 1 886832714 +936 1097 5 886833795 +936 1115 4 886832859 +936 1129 5 886833795 +936 1160 5 886833795 +936 1163 5 886833099 +936 1171 5 886832757 +936 1190 3 886833707 +936 1199 4 886833148 +936 1202 4 886832221 +936 1226 3 886833148 +936 1241 4 886832808 +936 1258 2 886833281 +936 1279 3 886833360 +936 1315 3 886833191 +936 1323 4 886833281 +936 1335 4 886833325 +936 1344 5 886832183 +936 1368 5 886832337 +936 1370 4 886833571 +936 1375 5 886832596 +936 1377 5 886832183 +937 9 5 876769373 +937 19 1 876769436 +937 50 5 876769374 +937 100 3 876769080 +937 116 4 876769080 +937 124 4 876769212 +937 126 4 876769374 +937 137 3 876769480 +937 222 3 876769530 +937 224 4 876769480 +937 225 2 876769436 +937 236 4 876769373 +937 237 4 876769530 +937 242 3 876762200 +937 268 1 876762200 +937 275 4 876769323 +937 283 4 876769212 +937 285 4 876769436 +937 293 4 876769530 +937 294 1 876769480 +937 295 4 876780336 +937 297 4 876769436 +937 303 4 876762200 +937 326 1 876768813 +937 508 1 876780336 +937 515 5 876769253 +937 864 3 876769530 +937 874 3 876768956 +937 988 2 876768983 +937 1007 4 876769373 +938 1 4 891356314 +938 7 4 891356679 +938 15 2 891356615 +938 25 4 891356532 +938 50 5 891356314 +938 100 5 891356350 +938 106 5 891357019 +938 111 5 891356742 +938 117 3 891356350 +938 118 5 891356799 +938 121 5 891356895 +938 122 1 891357190 +938 125 3 891356742 +938 126 4 891356656 +938 127 5 891356446 +938 148 3 891356500 +938 151 4 891356679 +938 220 4 891357085 +938 222 5 891356479 +938 225 4 891357161 +938 235 1 891357137 +938 237 2 891356549 +938 240 2 891356847 +938 243 4 891356085 +938 245 3 891356282 +938 248 1 891356390 +938 250 3 891356532 +938 252 4 891357042 +938 255 1 891356329 +938 257 5 891356350 +938 258 5 891353196 +938 259 2 891356282 +938 260 4 891355996 +938 273 5 891356532 +938 275 4 891356350 +938 276 3 891356572 +938 284 2 891356827 +938 286 3 891356282 +938 288 5 891354203 +938 289 1 891356282 +938 290 3 891356679 +938 291 4 891356594 +938 293 3 891356501 +938 298 4 891356573 +938 313 5 891349471 +938 323 3 891356282 +938 328 2 891356282 +938 333 4 891356146 +938 343 4 891356062 +938 358 4 891355972 +938 370 5 891357137 +938 405 3 891356847 +938 406 3 891357060 +938 410 1 891356780 +938 411 3 891357042 +938 456 1 891357161 +938 458 4 891356780 +938 471 3 891356413 +938 472 4 891356656 +938 473 3 891357106 +938 477 1 891356702 +938 508 4 891356367 +938 546 3 891356532 +938 591 3 891356463 +938 596 5 891356532 +938 597 3 891356679 +938 676 3 891356428 +938 678 3 891356282 +938 685 3 891356894 +938 717 2 891357060 +938 742 3 891356702 +938 748 2 891356282 +938 756 3 891357019 +938 762 4 891356780 +938 763 4 891356656 +938 815 3 891356532 +938 823 4 891357019 +938 829 1 891357085 +938 841 3 891357190 +938 845 1 891356780 +938 864 4 891356827 +938 866 5 891356991 +938 871 2 891356549 +938 926 3 891357137 +938 928 5 891356656 +938 929 2 891356966 +938 988 3 891356282 +938 993 5 891356413 +938 1013 2 891357042 +938 1014 4 891356632 +938 1016 3 891356799 +938 1028 5 891356679 +938 1033 2 891357137 +938 1047 3 891357107 +938 1061 4 891357085 +938 1152 3 891357106 +938 1254 1 891357019 +938 1283 3 891357190 +939 9 5 880260745 +939 15 5 880261094 +939 106 3 880262019 +939 118 5 880261450 +939 121 5 880261373 +939 127 5 880260745 +939 237 5 880261056 +939 252 3 880261185 +939 254 3 880262319 +939 255 5 880261094 +939 257 5 880260805 +939 258 4 880260692 +939 266 2 880260636 +939 274 5 880261334 +939 275 4 880260852 +939 280 5 880261291 +939 283 5 880261291 +939 285 5 880261184 +939 298 5 880261184 +939 405 4 880261450 +939 409 4 880261532 +939 411 4 880261917 +939 424 3 880262019 +939 471 5 880261254 +939 476 5 880261974 +939 508 5 880261141 +939 546 4 880261610 +939 591 5 880260994 +939 680 2 880260636 +939 689 5 880260636 +939 717 4 880261784 +939 742 5 880260915 +939 756 5 880261532 +939 841 4 880261868 +939 931 2 880262196 +939 993 4 880260853 +939 1028 5 880261868 +939 1054 4 880261868 +939 1190 5 880260883 +940 4 2 885922040 +940 7 4 885921597 +940 9 3 885921687 +940 12 4 885921979 +940 14 3 885921710 +940 47 3 885921758 +940 50 4 885921542 +940 66 4 885922016 +940 69 2 885921265 +940 70 3 885921500 +940 82 4 885922040 +940 89 4 885921828 +940 95 5 885921800 +940 98 4 885921421 +940 100 3 885921471 +940 116 2 885921741 +940 137 3 885921758 +940 150 3 885921422 +940 151 3 885921800 +940 161 3 885921870 +940 164 2 885921915 +940 168 3 885921597 +940 170 4 885921401 +940 171 2 885921401 +940 173 4 885921400 +940 174 4 885921310 +940 176 4 885921979 +940 183 3 885921422 +940 191 4 885921710 +940 193 3 885921893 +940 200 3 885922016 +940 204 4 885922015 +940 205 3 885921243 +940 209 4 885921800 +940 213 4 885921597 +940 215 2 885921451 +940 216 4 885921310 +940 238 4 885921628 +940 258 5 884801316 +940 259 4 884801316 +940 264 1 884801053 +940 269 4 884801316 +940 271 2 884801053 +940 272 4 884801316 +940 285 4 885921846 +940 286 3 884800898 +940 289 3 884801144 +940 294 4 884801316 +940 300 5 884801316 +940 301 3 884800988 +940 302 4 884801316 +940 310 3 884800966 +940 313 5 884801316 +940 315 4 884801125 +940 316 4 889480582 +940 317 4 885921577 +940 319 2 884800944 +940 321 4 884801316 +940 343 2 884801246 +940 347 3 884801024 +940 354 5 889480493 +940 357 4 885921219 +940 358 1 884801227 +940 382 3 885921953 +940 420 4 885921979 +940 427 5 885921451 +940 430 4 885921542 +940 436 4 885921542 +940 471 4 885921628 +940 474 3 885921687 +940 482 5 885921198 +940 508 5 885921198 +940 516 4 885921401 +940 521 4 885921915 +940 527 3 885921710 +940 529 3 885921669 +940 549 2 885921915 +940 568 3 885921870 +940 628 4 885921800 +940 629 3 885921800 +940 651 4 885921243 +940 655 4 885921775 +940 657 4 885921471 +940 678 4 884801316 +940 683 3 884800988 +940 692 4 885921651 +940 708 3 885921953 +940 709 5 885921451 +940 746 3 885921669 +940 751 3 884801227 +940 792 2 885921892 +940 855 5 885921980 +940 873 3 889480440 +940 879 3 889480535 +940 1137 3 885921577 +940 1167 4 885921198 +940 1401 1 885921371 +941 7 4 875048952 +941 15 4 875049144 +941 117 5 875048886 +941 124 5 875048996 +941 147 4 875049077 +941 181 5 875048887 +941 257 4 875048952 +941 258 4 875048495 +941 294 4 875048532 +941 475 4 875049038 +941 993 4 875048996 +941 1007 4 875049077 +942 50 5 891282816 +942 71 5 891282840 +942 79 5 891282903 +942 95 5 891283516 +942 97 5 891283239 +942 99 5 891282880 +942 117 4 891282816 +942 124 4 891283068 +942 135 3 891283017 +942 172 5 891282963 +942 174 5 891283209 +942 183 3 891283184 +942 197 5 891283043 +942 200 4 891282840 +942 210 4 891283184 +942 215 5 891283117 +942 216 4 891282963 +942 234 4 891283161 +942 258 4 891282438 +942 259 4 891282673 +942 261 4 891282673 +942 265 5 891282880 +942 272 5 891282420 +942 282 5 891282816 +942 300 5 891282564 +942 303 4 891282477 +942 310 4 891282396 +942 315 4 891282355 +942 316 4 891282618 +942 318 5 891282903 +942 322 3 891282539 +942 323 3 891282644 +942 328 3 891282503 +942 357 4 891283239 +942 362 3 891282420 +942 414 4 891282857 +942 423 5 891283095 +942 427 5 891283017 +942 435 5 891282931 +942 478 5 891283017 +942 479 4 891283118 +942 480 5 891282985 +942 484 5 891282963 +942 487 4 891282985 +942 496 5 891283043 +942 498 5 891282931 +942 500 5 891282816 +942 514 4 891283069 +942 520 5 891282963 +942 528 5 891282840 +942 584 4 891283239 +942 604 4 891283139 +942 607 5 891282931 +942 615 3 891283017 +942 659 5 891283161 +942 661 4 891283139 +942 662 4 891283517 +942 678 3 891282673 +942 689 3 891282644 +942 705 4 891283095 +942 750 4 891282355 +942 878 4 891282702 +942 879 4 891282539 +942 892 3 891282644 +942 945 5 891283239 +942 1028 4 891283209 +942 1050 5 891283043 +942 1204 4 891283209 +942 1221 4 891282783 +943 2 5 888639953 +943 9 3 875501960 +943 11 4 888639000 +943 22 4 888639042 +943 23 4 888638897 +943 24 4 875502074 +943 27 4 888639954 +943 28 4 875409978 +943 31 4 888639066 +943 38 3 888640208 +943 41 4 888640251 +943 42 5 888639042 +943 50 4 875501835 +943 51 1 888640088 +943 53 3 888640067 +943 54 4 888639972 +943 55 5 888639118 +943 56 5 888639269 +943 58 4 888639118 +943 64 5 875409939 +943 67 4 888640143 +943 68 4 888639500 +943 69 5 888639427 +943 72 2 888639814 +943 73 3 888639598 +943 76 4 888639523 +943 79 5 888639019 +943 80 2 888640048 +943 92 5 888639660 +943 94 4 888639929 +943 96 4 888638920 +943 97 2 888639445 +943 98 5 888638980 +943 100 5 875501725 +943 111 4 875502192 +943 117 4 875501937 +943 121 3 875502096 +943 122 1 875502576 +943 124 3 875501995 +943 127 5 875501774 +943 132 3 888639093 +943 139 1 888640027 +943 151 4 888692699 +943 161 4 888639772 +943 168 2 888638897 +943 172 4 888638940 +943 173 5 888638960 +943 174 4 875410099 +943 181 4 875409978 +943 182 5 888639066 +943 184 5 888639247 +943 185 2 888639370 +943 186 5 888639478 +943 187 5 888639147 +943 188 4 888639269 +943 193 4 888639093 +943 194 5 888639192 +943 195 4 888639407 +943 196 5 888639192 +943 200 4 888639388 +943 201 5 888639351 +943 202 2 888639170 +943 204 3 888639117 +943 205 5 888639478 +943 215 5 888639000 +943 216 4 888639327 +943 217 3 888640067 +943 218 4 888639929 +943 219 4 888639575 +943 226 4 888639660 +943 227 1 888693158 +943 228 3 888693158 +943 229 2 888693158 +943 230 1 888693158 +943 231 2 888640186 +943 232 4 888639867 +943 233 5 888639327 +943 234 3 888693184 +943 239 5 888639867 +943 274 3 875502074 +943 281 4 875502299 +943 282 5 875502230 +943 284 2 875502192 +943 318 3 888639093 +943 356 4 888639598 +943 367 4 888639679 +943 373 3 888640275 +943 385 4 888639308 +943 386 1 888640186 +943 391 2 888640291 +943 393 2 888639638 +943 399 1 888639886 +943 401 1 888639867 +943 402 2 888639702 +943 403 4 888639746 +943 405 4 875502042 +943 406 3 875502597 +943 412 2 875501856 +943 415 1 888640027 +943 419 2 888638920 +943 421 2 888639351 +943 423 3 888639231 +943 426 4 888640027 +943 427 4 888639147 +943 431 4 888639724 +943 449 1 888693158 +943 450 1 888693158 +943 468 2 888639575 +943 470 4 888639814 +943 475 5 875501889 +943 485 5 888639523 +943 508 5 875501795 +943 526 4 888639523 +943 541 4 888639954 +943 546 4 875502229 +943 559 4 888639638 +943 566 4 888639886 +943 568 3 888639042 +943 569 2 888640186 +943 570 1 888640125 +943 576 4 888640106 +943 581 4 888639814 +943 585 1 888640250 +943 609 2 888639702 +943 614 5 888639351 +943 625 3 888639427 +943 655 4 888639269 +943 672 5 888640125 +943 717 4 875502116 +943 720 1 888640048 +943 721 5 888639660 +943 722 3 888640208 +943 724 1 888639478 +943 732 4 888639789 +943 739 4 888639929 +943 756 2 875502146 +943 763 4 875501813 +943 765 3 888640227 +943 785 2 888640088 +943 794 3 888640143 +943 796 3 888640311 +943 808 4 888639868 +943 816 4 888640186 +943 824 4 875502483 +943 825 3 875502283 +943 831 2 875502283 +943 840 4 888693104 +943 928 5 875502074 +943 941 1 888639725 +943 943 5 888639614 +943 1028 2 875502096 +943 1044 3 888639903 +943 1047 2 875502146 +943 1067 2 875501756 +943 1074 4 888640250 +943 1188 3 888640250 +943 1228 3 888640275 +943 1330 3 888692465 diff --git a/MovieLens Movie Recommendation/Python/ml-100k/ub.test b/MovieLens Movie Recommendation/Python/ml-100k/ub.test new file mode 100644 index 00000000..23bb03a7 --- /dev/null +++ b/MovieLens Movie Recommendation/Python/ml-100k/ub.test @@ -0,0 +1,9430 @@ +1 17 3 875073198 +1 47 4 875072125 +1 64 5 875072404 +1 90 4 878542300 +1 92 3 876892425 +1 113 5 878542738 +1 222 4 878873388 +1 227 4 876892946 +1 228 5 878543541 +1 253 5 874965970 +2 257 4 888551062 +2 279 4 888551745 +2 299 4 888550774 +2 301 4 888550631 +2 303 4 888550774 +2 307 3 888550066 +2 308 3 888979945 +2 313 5 888552084 +2 315 1 888550774 +2 316 5 888979693 +3 299 3 889237199 +3 300 2 889236939 +3 318 4 889237482 +3 324 2 889237247 +3 330 2 889237297 +3 341 1 889237055 +3 345 3 889237004 +3 348 4 889237455 +3 350 3 889237076 +3 351 3 889237315 +4 11 4 892004520 +4 210 3 892003374 +4 258 5 892001374 +4 271 4 892001690 +4 300 5 892001445 +4 324 5 892002353 +4 327 5 892002352 +4 328 3 892001537 +4 329 5 892002352 +4 359 5 892002352 +5 24 4 879198229 +5 62 4 875637575 +5 102 3 875721196 +5 211 4 875636631 +5 231 2 875635947 +5 376 2 879198045 +5 377 1 878844615 +5 382 5 875636587 +5 407 3 875635431 +5 423 4 875636793 +6 143 2 883601053 +6 211 5 883601155 +6 221 4 883599431 +6 275 4 883599102 +6 294 2 883599938 +6 357 4 883602422 +6 469 5 883601155 +6 478 4 883602762 +6 508 3 883599530 +6 532 3 883600066 +7 171 3 891351287 +7 200 5 891353543 +7 378 5 891353011 +7 451 5 891353892 +7 472 2 891353357 +7 543 3 891351772 +7 554 3 891354639 +7 623 3 891354217 +7 644 5 891351685 +7 662 3 892133739 +8 7 3 879362287 +8 56 5 879362183 +8 144 5 879362286 +8 172 5 879362123 +8 190 4 879362183 +8 301 4 879361550 +8 511 5 879362183 +8 568 4 879362233 +8 685 4 879362423 +8 686 3 879362356 +9 50 5 886960055 +9 201 5 886960055 +9 242 4 886958715 +9 276 4 886959423 +9 294 4 886959453 +9 371 5 886960055 +9 402 4 886959343 +9 483 5 886960056 +9 615 4 886959344 +9 690 1 886959344 +10 48 4 877889058 +10 203 4 877891967 +10 289 4 877886223 +10 321 4 879163494 +10 340 4 880371312 +10 463 4 877889186 +10 489 4 877892210 +10 505 4 877886846 +10 655 5 877891904 +10 657 4 877892110 +11 190 3 891904174 +11 230 4 891905783 +11 312 4 891902157 +11 517 2 891905222 +11 561 2 891905936 +11 660 3 891904573 +11 714 4 891904214 +11 720 1 891904717 +11 741 5 891902745 +11 746 4 891905032 +12 15 5 879959670 +12 28 5 879958969 +12 71 4 879959635 +12 157 5 879959138 +12 191 5 879960801 +12 196 5 879959553 +12 276 4 879959488 +12 684 5 879959105 +12 753 5 879960679 +12 754 4 879958810 +13 229 4 882397650 +13 418 2 882398763 +13 498 4 882139901 +13 780 1 882142057 +13 809 4 882397582 +13 823 5 882397833 +13 858 1 882397068 +13 864 4 882141924 +13 892 3 882774224 +13 901 1 883670672 +14 56 5 879119579 +14 93 3 879119311 +14 100 5 876965165 +14 151 5 876964725 +14 175 5 879119497 +14 313 2 890880970 +14 455 4 880929745 +14 514 4 879119579 +14 519 5 890881335 +14 792 5 879119651 +15 20 3 879455541 +15 137 4 879455939 +15 278 1 879455843 +15 289 3 879455262 +15 301 4 879455233 +15 508 2 879455789 +15 620 4 879456204 +15 696 2 879456262 +15 742 2 879456049 +15 924 3 879456204 +16 56 5 877719863 +16 70 4 877720118 +16 92 4 877721905 +16 144 5 877721142 +16 155 3 877719157 +16 168 4 877721142 +16 191 5 877719454 +16 471 3 877724845 +16 504 5 877718168 +16 942 4 877719863 +17 7 4 885272487 +17 100 4 885272520 +17 126 4 885272724 +17 137 4 885272606 +17 150 5 885272654 +17 286 3 885165619 +17 294 4 885166209 +17 323 1 885166256 +17 471 2 885272779 +17 919 4 885272696 +18 58 4 880130613 +18 154 4 880131358 +18 196 3 880131297 +18 199 3 880129769 +18 387 4 880130155 +18 494 3 880131497 +18 607 3 880131752 +18 647 4 880129595 +18 863 3 880130680 +18 965 4 880132012 +19 8 5 885412723 +19 202 4 885412723 +19 210 3 885412840 +19 211 4 885412840 +19 268 2 885412034 +19 288 3 885411840 +19 294 3 885412034 +19 319 4 885411465 +19 325 4 885412251 +19 887 4 885411465 +20 1 3 879667963 +20 69 1 879668979 +20 95 3 879669181 +20 121 3 879668227 +20 144 2 879669401 +20 252 4 879669697 +20 568 4 879669291 +20 597 3 879668190 +20 742 4 879668166 +20 931 1 879668829 +21 98 5 874951657 +21 184 4 874951797 +21 298 5 874951382 +21 299 1 874950931 +21 457 1 874951054 +21 590 1 874951898 +21 596 3 874951617 +21 742 3 874951617 +21 839 1 874951797 +21 928 3 874951616 +22 96 5 878887680 +22 173 5 878886368 +22 186 5 878886368 +22 227 4 878888067 +22 294 1 878886262 +22 399 4 878887157 +22 433 3 878886479 +22 456 1 878887413 +22 687 1 878887476 +22 780 1 878887377 +23 83 4 874785926 +23 88 3 874787410 +23 90 2 874787370 +23 183 3 874785728 +23 213 3 874785675 +23 215 2 874787116 +23 483 4 884550048 +23 511 5 874786770 +23 516 4 874787330 +23 528 4 874786974 +24 25 4 875246258 +24 56 4 875323240 +24 178 5 875323676 +24 258 4 875245985 +24 275 5 875323507 +24 286 5 875323773 +24 294 3 875246037 +24 318 5 875323474 +24 477 5 875323594 +24 508 4 875323833 +25 127 3 885853030 +25 174 5 885853415 +25 269 4 885851953 +25 455 4 885853415 +25 477 4 885853155 +25 478 5 885852271 +25 480 4 885852008 +25 498 4 885852086 +25 729 4 885852697 +25 742 4 885852569 +26 7 3 891350826 +26 9 4 891386369 +26 100 5 891386368 +26 257 3 891371596 +26 269 4 891347478 +26 286 3 891347400 +26 321 3 891347949 +26 343 3 891349238 +26 508 3 891352941 +26 864 2 891383899 +27 50 3 891542897 +27 100 5 891543129 +27 118 3 891543222 +27 148 3 891543129 +27 244 3 891543222 +27 286 3 891543393 +27 295 3 891543164 +27 325 2 891543191 +27 508 3 891542987 +27 515 4 891543009 +28 12 4 881956853 +28 50 4 881957090 +28 100 5 881957425 +28 153 3 881961214 +28 174 5 881956334 +28 184 4 881961671 +28 282 4 881957425 +28 441 2 881961782 +28 480 5 881957002 +28 895 4 882826398 +29 259 4 882821044 +29 269 4 882820897 +29 270 4 882820803 +29 286 5 882820663 +29 294 4 882820730 +29 300 3 882820897 +29 302 4 882820663 +29 343 3 882821673 +29 480 4 882821989 +29 874 4 882821020 +30 7 4 875140648 +30 28 4 885941321 +30 231 2 875061066 +30 242 5 885941156 +30 258 5 885941156 +30 294 4 875140648 +30 301 4 875988577 +30 531 5 885941156 +30 538 4 885941798 +30 1013 3 875060334 +31 32 5 881548030 +31 79 2 881548082 +31 124 4 881548110 +31 175 5 881548053 +31 268 3 881547746 +31 319 4 881547788 +31 340 3 881547788 +31 490 4 881548030 +31 514 5 881548030 +31 875 4 881547938 +32 100 3 883717662 +32 118 3 883717967 +32 122 2 883718250 +32 235 3 883718121 +32 245 2 883710047 +32 257 4 883717537 +32 259 2 883709986 +32 508 4 883717581 +32 866 3 883718031 +32 1016 1 883718121 +33 245 3 891964326 +33 260 4 891964306 +33 271 4 891964166 +33 294 3 891964166 +33 323 4 891964373 +33 339 3 891964111 +33 348 4 891964404 +33 678 4 891964306 +33 682 4 891964274 +33 879 3 891964230 +34 288 2 888601628 +34 289 1 888602950 +34 292 5 888602742 +34 294 1 888602808 +34 324 5 888602808 +34 898 5 888602842 +34 899 5 888603123 +34 990 5 888602808 +34 991 4 888602618 +34 1024 5 888602618 +35 258 2 875458941 +35 327 3 875459017 +35 328 3 875459046 +35 333 4 875459017 +35 358 1 875459073 +35 678 3 875459017 +35 748 4 875458970 +35 876 2 875458970 +35 879 4 875459073 +35 937 4 875459237 +36 261 5 882157581 +36 288 4 882157227 +36 289 2 882157356 +36 310 4 882157327 +36 333 4 882157227 +36 358 5 882157581 +36 873 3 882157386 +36 875 3 882157470 +36 878 5 882157581 +36 1026 5 882157581 +37 11 4 880915838 +37 22 5 880915810 +37 24 4 880915674 +37 161 5 880915902 +37 176 4 880915942 +37 195 5 880915874 +37 265 4 880930072 +37 363 3 880915711 +37 597 5 880915607 +37 948 4 880915407 +38 122 1 892434801 +38 216 5 892430486 +38 318 3 892430071 +38 384 5 892433660 +38 403 1 892432205 +38 423 5 892430071 +38 508 2 892429399 +38 672 3 892434800 +38 838 2 892433680 +38 1030 5 892434475 +39 269 4 891400188 +39 270 4 891400609 +39 272 2 891400094 +39 288 5 891400704 +39 294 4 891400609 +39 301 3 891400280 +39 307 2 891400342 +39 339 3 891400609 +39 748 5 891400704 +39 937 5 891400704 +40 245 3 889041671 +40 269 1 889041283 +40 286 2 889041430 +40 294 4 889041671 +40 305 4 889041430 +40 337 4 889041523 +40 347 2 889041283 +40 750 3 889041523 +40 879 2 889041595 +40 896 4 889041402 +41 1 4 890692860 +41 69 4 890687145 +41 100 4 890687242 +41 153 4 890687087 +41 174 4 890687264 +41 181 4 890687175 +41 209 4 890687642 +41 289 2 890686673 +41 423 2 890687175 +41 518 3 890687412 +42 69 4 881107375 +42 98 4 881106711 +42 176 3 881107178 +42 185 4 881107449 +42 195 5 881107949 +42 603 4 881107502 +42 684 4 881108093 +42 685 4 881105972 +42 953 2 881108815 +42 1041 4 881109060 +43 26 5 883954901 +43 52 4 883955224 +43 64 5 875981247 +43 66 4 875981506 +43 114 5 883954950 +43 284 5 883955441 +43 553 4 875981159 +43 631 2 883955675 +43 820 2 884029742 +43 1057 2 884029777 +44 56 2 878348601 +44 95 4 878347569 +44 120 4 878346977 +44 123 4 878346532 +44 174 5 878347662 +44 208 4 878347420 +44 230 2 883613335 +44 250 5 878346709 +44 530 5 878348725 +44 665 1 883613372 +45 1 5 881013176 +45 15 4 881012184 +45 21 3 881014193 +45 100 5 881010742 +45 108 4 881014620 +45 237 4 881008636 +45 276 5 881012184 +45 823 4 881014785 +45 952 4 881014247 +45 1060 3 881012184 +46 7 4 883616155 +46 50 4 883616254 +46 100 4 883616134 +46 125 4 883616284 +46 245 3 883614625 +46 294 2 883611307 +46 327 4 883611456 +46 538 3 883611513 +46 909 5 883614766 +46 1024 5 883614766 +47 258 4 879438984 +47 269 4 879438984 +47 288 2 879439078 +47 289 4 879439040 +47 301 4 879440333 +47 303 4 879439112 +47 307 4 879439112 +47 322 2 879439078 +47 327 4 879440360 +47 874 3 879439078 +48 50 4 879434723 +48 187 5 879434954 +48 202 4 879434791 +48 266 3 879434387 +48 306 4 879434211 +48 423 4 879434752 +48 511 5 879434954 +48 522 2 879434886 +48 654 5 879434792 +48 988 2 879434387 +49 7 4 888067307 +49 17 2 888068651 +49 38 1 888068289 +49 49 2 888068990 +49 148 1 888068195 +49 238 4 888068762 +49 334 4 888065744 +49 473 3 888067164 +49 741 4 888068079 +49 758 1 888067596 +50 15 2 877052438 +50 268 4 877051656 +50 276 2 877052400 +50 288 4 877052008 +50 319 5 877051687 +50 324 5 877052008 +50 508 5 877052438 +50 544 4 877052937 +50 1008 5 877052805 +50 1010 5 877052329 +51 50 5 883498685 +51 134 2 883498844 +51 136 4 883498756 +51 144 5 883498894 +51 172 5 883498936 +51 173 5 883498844 +51 184 3 883498685 +51 210 4 883498844 +51 479 3 883498655 +51 655 3 883498728 +52 15 5 882922204 +52 93 4 882922357 +52 235 2 882922806 +52 275 4 882922328 +52 287 5 882922357 +52 427 5 882922833 +52 531 5 882922833 +52 657 5 882922833 +52 742 4 882922540 +52 845 5 882922485 +53 64 5 879442384 +53 96 4 879442514 +53 118 4 879443253 +53 121 4 879443329 +53 258 4 879442654 +53 546 4 879443329 +53 568 4 879442538 +53 628 5 879443253 +53 748 2 879443329 +53 1087 4 879443329 +54 121 4 880936669 +54 147 5 880935959 +54 237 4 880935028 +54 276 5 880931595 +54 325 3 880930146 +54 327 5 880928893 +54 333 5 880928745 +54 406 2 880938490 +54 1012 2 880936669 +54 1016 4 890609001 +55 22 5 878176397 +55 50 4 878176005 +55 79 5 878176398 +55 117 3 878176047 +55 118 5 878176134 +55 121 3 878176084 +55 174 4 878176397 +55 181 4 878176237 +55 273 5 878176047 +55 597 2 878176134 +56 69 4 892678893 +56 172 5 892737191 +56 184 4 892679088 +56 196 2 892678628 +56 215 5 892678547 +56 230 5 892676339 +56 235 1 892911348 +56 450 3 892679374 +56 585 3 892911366 +56 797 4 892910860 +57 250 3 883697223 +57 294 4 883696547 +57 409 4 883697655 +57 588 4 883698454 +57 744 5 883698581 +57 825 1 883697761 +57 831 1 883697785 +57 864 3 883697512 +57 926 3 883697831 +57 1059 3 883697432 +58 42 4 884304936 +58 45 5 884305295 +58 222 4 884304656 +58 248 4 884794774 +58 272 5 884647314 +58 284 4 884304519 +58 475 5 884304609 +58 960 4 884305004 +58 1097 5 884504973 +58 1100 2 884304979 +59 54 4 888205921 +59 77 4 888206254 +59 148 3 888203175 +59 177 4 888204349 +59 387 3 888206562 +59 418 2 888205188 +59 429 4 888204597 +59 550 5 888206605 +59 583 5 888205921 +59 1107 4 888206254 +60 47 4 883326399 +60 79 4 883326620 +60 172 4 883326339 +60 178 5 883326399 +60 179 4 883326566 +60 474 5 883326028 +60 508 4 883327368 +60 616 3 883327087 +60 699 4 883327539 +60 1020 4 883327018 +61 258 4 891206125 +61 269 3 891206125 +61 271 1 892302231 +61 294 2 891220884 +61 300 5 891206407 +61 310 4 891206194 +61 327 2 891206407 +61 333 3 891206232 +61 748 2 892302120 +61 751 3 891206274 +62 59 4 879373821 +62 86 2 879374640 +62 111 3 879372670 +62 114 4 879373568 +62 132 5 879375022 +62 182 5 879375169 +62 258 5 879371909 +62 288 2 879371909 +62 302 3 879371909 +62 433 5 879375588 +63 6 3 875747439 +63 109 4 875747731 +63 150 4 875747292 +63 222 3 875747635 +63 237 3 875747342 +63 246 3 875747514 +63 251 4 875747514 +63 301 5 875747010 +63 841 1 875747917 +63 948 3 875746948 +64 2 3 889737609 +64 77 3 889737420 +64 93 2 889739025 +64 187 5 889737395 +64 231 3 889740880 +64 333 3 879365313 +64 515 5 889737478 +64 527 4 879365590 +64 959 4 889739903 +64 1133 4 889739975 +65 70 1 879216529 +65 121 4 879217458 +65 135 4 879216567 +65 191 4 879216797 +65 197 5 879216769 +65 210 4 879217913 +65 318 5 879217689 +65 427 5 879216734 +65 661 4 879216605 +65 1129 4 879217258 +66 15 3 883601456 +66 21 1 883601939 +66 24 3 883601582 +66 127 4 883601156 +66 280 4 883602044 +66 281 4 883602044 +66 288 4 883601607 +66 475 2 883601156 +66 741 4 883601664 +66 742 5 883601388 +67 7 5 875379794 +67 25 4 875379420 +67 122 3 875379566 +67 123 4 875379322 +67 276 4 875379515 +67 472 4 875379706 +67 546 3 875379288 +67 827 3 875379322 +67 833 4 875379794 +67 871 3 875379594 +68 50 5 876973969 +68 125 1 876974096 +68 258 5 876973692 +68 282 1 876974315 +68 286 5 876973692 +68 288 4 876973726 +68 458 1 876974048 +68 471 3 876974023 +68 475 5 876973917 +68 1028 4 876974430 +69 9 4 882126086 +69 48 5 882145428 +69 109 3 882145428 +69 151 5 882072998 +69 591 3 882072803 +69 689 3 882027284 +69 748 2 882027304 +69 1017 5 882126156 +69 1134 5 882072998 +69 1143 5 882072998 +70 71 3 884066399 +70 151 3 884148603 +70 152 4 884149877 +70 176 4 884066573 +70 202 4 884066713 +70 260 2 884065247 +70 265 4 884067503 +70 417 3 884066823 +70 423 5 884066910 +70 751 4 884063601 +71 50 3 885016784 +71 64 4 885016536 +71 65 5 885016961 +71 135 4 885016536 +71 151 1 877319446 +71 154 3 877319610 +71 175 4 885016882 +71 197 5 885016990 +71 257 5 877319414 +71 289 2 877319117 +72 28 4 880036824 +72 79 4 880037119 +72 89 3 880037164 +72 129 4 880035588 +72 196 4 880036747 +72 226 4 880037307 +72 427 5 880037702 +72 527 4 880036746 +72 528 4 880036664 +72 530 4 880037164 +73 7 4 888625956 +73 28 3 888626468 +73 48 2 888625785 +73 156 4 888625835 +73 196 4 888626177 +73 202 2 888626577 +73 286 4 888792192 +73 474 5 888625200 +73 479 5 888625127 +73 1149 4 888626299 +74 121 4 888333428 +74 124 3 888333542 +74 129 3 888333458 +74 137 3 888333458 +74 150 3 888333458 +74 301 3 888333372 +74 313 5 888333219 +74 324 3 888333280 +74 333 4 888333238 +74 354 3 888333194 +75 108 4 884050661 +75 137 4 884050102 +75 271 5 884051635 +75 472 4 884050733 +75 475 5 884049939 +75 597 3 884050940 +75 696 4 884050979 +75 820 3 884050979 +75 952 5 884050393 +75 1150 4 884050705 +76 12 3 882606060 +76 59 4 875027981 +76 64 5 875498777 +76 150 5 875028880 +76 258 3 875027206 +76 333 3 879575966 +76 421 3 875028682 +76 474 5 875498278 +76 518 3 875498895 +76 690 2 882607017 +77 4 3 884752721 +77 50 4 884732345 +77 153 5 884732685 +77 176 4 884752757 +77 179 5 884752806 +77 181 3 884732278 +77 265 3 884753152 +77 276 2 884732991 +77 431 5 884733695 +77 498 5 884734016 +78 25 3 879633785 +78 93 4 879633766 +78 237 5 879634264 +78 288 4 879633467 +78 294 3 879633495 +78 327 1 879633495 +78 476 3 879633767 +78 813 2 879633745 +78 871 3 879634199 +78 880 5 879633600 +79 6 4 891271901 +79 7 5 891272016 +79 137 4 891271870 +79 286 5 891271792 +79 301 3 891271308 +79 313 2 891271086 +79 325 5 891271792 +79 370 2 891272016 +79 813 5 891271792 +79 900 4 891271245 +80 100 5 887401453 +80 154 3 887401307 +80 199 2 887401353 +80 208 5 887401604 +80 213 3 887401407 +80 215 5 887401353 +80 234 3 887401533 +80 260 1 883605215 +80 303 4 883605055 +80 699 3 887401533 +81 7 4 876533545 +81 93 3 876533657 +81 118 2 876533764 +81 124 3 876534594 +81 274 3 876534313 +81 282 5 876533619 +81 410 4 876533946 +81 412 1 876534408 +81 926 3 876533824 +81 1028 1 876534277 +82 14 4 876311280 +82 15 3 876311365 +82 73 4 878769888 +82 231 2 878769815 +82 343 1 884713755 +82 411 3 878768902 +82 455 4 876311319 +82 596 3 876311195 +82 661 4 878769703 +82 919 3 876311280 +83 43 4 880308690 +83 82 5 887665423 +83 118 3 880307071 +83 139 3 880308959 +83 301 2 891181430 +83 338 4 883868647 +83 364 1 886534501 +83 413 1 891182379 +83 640 2 880308550 +83 929 3 880307140 +84 7 4 883452155 +84 31 4 883453755 +84 64 5 883450066 +84 148 4 883452274 +84 151 4 883449993 +84 222 4 883450020 +84 237 4 883450093 +84 265 5 883453617 +84 284 3 883450093 +84 523 4 883453642 +85 13 3 879452866 +85 83 4 886282959 +85 187 5 879454235 +85 272 4 893110061 +85 277 2 879452938 +85 282 3 879829618 +85 298 4 880581629 +85 501 3 880838306 +85 604 4 882995132 +85 647 4 879453844 +86 242 4 879569486 +86 269 4 879569486 +86 270 5 879570974 +86 288 3 879570218 +86 289 3 879570366 +86 304 3 879570149 +86 328 2 879569555 +86 338 1 879570277 +86 683 5 879570974 +86 888 4 879570218 +87 2 4 879876074 +87 9 4 879877931 +87 177 5 879875940 +87 196 5 879877681 +87 211 5 879876812 +87 775 2 879876848 +87 996 3 879876848 +87 1000 3 879877173 +87 1079 2 879877240 +87 1183 3 879875995 +88 286 5 891037111 +88 300 3 891037466 +88 308 4 891037396 +88 311 5 891037336 +88 313 3 891037201 +88 319 3 891037708 +88 354 5 891037708 +88 880 3 891037466 +88 898 4 891037859 +88 1191 5 891038103 +89 26 3 879459909 +89 83 4 879459884 +89 151 5 879441507 +89 387 5 879459909 +89 694 5 879460027 +89 707 5 879459884 +89 716 3 879460027 +89 737 1 879460376 +89 813 5 879461219 +89 949 3 879460027 +90 12 5 891383241 +90 22 4 891384357 +90 187 4 891383561 +90 258 3 891382121 +90 499 5 891383866 +90 506 5 891383319 +90 507 5 891383987 +90 690 4 891383319 +90 923 5 891383912 +90 945 5 891383866 +91 99 2 891439386 +91 131 2 891439471 +91 195 5 891439057 +91 265 5 891439018 +91 331 5 891438245 +91 351 4 891438617 +91 479 4 891439208 +91 529 4 891438977 +91 682 2 891438184 +91 689 5 891438617 +92 121 5 875640679 +92 176 5 875652981 +92 180 5 875653016 +92 241 3 875655961 +92 515 4 875640800 +92 540 2 875813197 +92 747 4 875656164 +92 790 3 875907618 +92 831 2 886443708 +92 1209 1 875660468 +93 1 5 888705321 +93 14 4 888705200 +93 118 3 888705416 +93 121 3 888705053 +93 125 1 888705416 +93 151 1 888705360 +93 276 2 888705257 +93 283 4 888705146 +93 866 2 888705780 +93 934 3 888705988 +94 24 4 885873423 +94 155 2 891723807 +94 174 4 885870231 +94 216 3 885870665 +94 218 3 891721851 +94 471 4 891721642 +94 572 3 891723883 +94 651 5 891725332 +94 792 4 885873006 +94 860 2 891723706 +95 128 3 879196354 +95 143 4 880571951 +95 174 5 879196231 +95 395 3 888956928 +95 416 4 888954961 +95 483 3 879198697 +95 636 1 879196566 +95 1206 4 888956137 +95 1229 2 879198800 +95 1230 1 888956901 +96 1 5 884403574 +96 64 5 884403336 +96 100 5 884403758 +96 170 5 884403866 +96 173 3 884402791 +96 435 3 884403500 +96 474 4 884403095 +96 478 2 884403123 +96 483 5 884403057 +96 525 2 884402860 +97 7 5 884238939 +97 28 5 884238778 +97 97 5 884239525 +97 168 4 884238693 +97 428 4 884239553 +97 429 4 884238860 +97 432 4 884238997 +97 435 4 884238752 +97 466 3 884239449 +97 655 5 884238860 +98 25 5 880499111 +98 88 3 880499087 +98 168 2 880498834 +98 173 1 880498935 +98 322 3 880498586 +98 428 5 880498834 +98 502 2 880499053 +98 514 5 880498898 +98 523 5 880498967 +98 629 5 880499111 +99 168 5 885680374 +99 181 5 885680138 +99 182 4 886518810 +99 204 4 885679952 +99 354 2 888469332 +99 410 5 885679262 +99 508 4 885678840 +99 597 4 885679210 +99 742 5 885679114 +99 895 3 885678304 +100 289 3 891375359 +100 316 5 891375313 +100 333 3 891374528 +100 342 3 891375454 +100 689 3 891375212 +100 691 4 891375260 +100 752 4 891375146 +100 905 3 891375630 +100 990 3 891375428 +100 1236 3 891375630 +101 24 4 877136391 +101 109 2 877136360 +101 118 3 877136424 +101 121 4 877137015 +101 815 3 877136392 +101 840 3 877136659 +101 928 2 877136302 +101 1034 2 877136686 +101 1051 2 877136891 +101 1057 2 877136789 +102 118 3 888801465 +102 264 2 883277645 +102 300 3 875886434 +102 313 3 887048184 +102 391 2 888802767 +102 432 3 883748418 +102 559 3 888803052 +102 576 2 888802722 +102 732 3 888804089 +102 1025 2 883278200 +103 69 3 880420585 +103 96 4 880422009 +103 204 3 880423118 +103 234 3 880420353 +103 250 4 880415918 +103 252 2 880420020 +103 301 4 880416704 +103 405 3 880416424 +103 471 4 880416921 +103 1089 1 880420178 +104 7 3 888465972 +104 100 4 888465166 +104 122 3 888465739 +104 249 3 888465675 +104 269 5 888441878 +104 293 3 888465166 +104 324 1 888442404 +104 327 2 888442202 +104 411 1 888465739 +104 1241 1 888465379 +105 264 2 889214491 +105 269 4 889214193 +105 271 2 889214245 +105 302 5 889214193 +105 313 5 889214193 +105 327 4 889214406 +105 340 3 889214245 +105 343 2 889214524 +105 690 3 889214306 +105 748 2 889214406 +106 15 3 883876518 +106 45 3 881453290 +106 64 4 881449830 +106 69 4 881449886 +106 77 4 881451716 +106 97 5 881450810 +106 165 5 881450536 +106 273 3 881453290 +106 286 4 881449486 +106 584 4 881453481 +107 259 2 891264630 +107 264 3 891264598 +107 286 2 891264266 +107 288 3 891264432 +107 312 4 891264535 +107 313 2 891264266 +107 322 1 891264535 +107 323 1 891264566 +107 325 3 891264659 +107 902 5 891264501 +108 10 5 879879834 +108 14 5 879879720 +108 21 3 879880141 +108 127 4 879879720 +108 137 5 879879941 +108 222 2 879879720 +108 304 3 879879662 +108 471 2 879880076 +108 515 5 879879941 +108 718 4 879879985 +109 31 4 880577844 +109 89 4 880573263 +109 100 4 880563080 +109 101 1 880578186 +109 154 2 880578121 +109 258 5 880562908 +109 588 4 880578388 +109 627 5 880582133 +109 797 3 880582856 +109 975 3 880572351 +110 79 4 886988480 +110 82 4 886988480 +110 188 4 886988574 +110 202 2 886988909 +110 245 3 886987540 +110 300 3 886987380 +110 540 3 886988793 +110 734 2 886989566 +110 1248 3 886989126 +110 1250 3 886988818 +111 242 4 891679901 +111 258 4 891679692 +111 302 5 891679971 +111 303 3 891680028 +111 305 2 891680243 +111 315 5 891679692 +111 321 3 891680076 +111 333 4 891680028 +111 344 2 891680243 +111 354 4 891679692 +112 300 4 884992508 +112 302 4 886398509 +112 303 4 884992535 +112 312 5 884992872 +112 316 5 892439693 +112 325 1 884992714 +112 347 1 891302716 +112 678 3 884992714 +112 754 4 884992508 +112 984 3 884992651 +113 242 2 875075887 +113 246 5 875076872 +113 277 3 875076416 +113 286 4 875325377 +113 319 2 875075887 +113 322 3 875076044 +113 324 2 875076180 +113 508 4 875325377 +113 678 2 875076044 +113 1252 4 875935610 +114 96 3 881259955 +114 100 5 881259927 +114 182 3 881259994 +114 186 3 881260352 +114 210 3 881309511 +114 482 4 881259839 +114 496 4 881259994 +114 520 3 881260473 +114 640 2 881260303 +114 654 3 881259741 +115 32 5 881171348 +115 69 1 881171825 +115 172 4 881171273 +115 443 4 881171622 +115 462 4 881171273 +115 466 5 881171558 +115 511 5 881172117 +115 530 5 881172117 +115 642 5 881171693 +115 763 2 881170725 +116 187 5 886310197 +116 248 3 876452492 +116 257 3 876452523 +116 262 3 876751342 +116 301 3 892683732 +116 484 4 886310197 +116 750 4 886309481 +116 880 3 876680723 +116 1016 2 876453376 +116 1082 3 876453171 +117 1 4 880126083 +117 121 4 880126038 +117 168 5 881012550 +117 174 4 881011393 +117 176 5 881012028 +117 338 3 886019636 +117 368 3 881010610 +117 421 5 881012601 +117 597 4 881010052 +117 751 5 886018996 +118 23 5 875384979 +118 184 5 875385057 +118 185 5 875384979 +118 436 5 875385280 +118 474 5 875384571 +118 511 5 875384885 +118 528 4 875384514 +118 655 5 875385136 +118 816 3 875385335 +118 853 5 875385228 +119 54 4 886176814 +119 154 5 874782022 +119 245 4 886176618 +119 269 3 892564213 +119 595 3 874781067 +119 697 5 874782068 +119 716 5 874782190 +119 1101 5 874781779 +119 1170 3 890627339 +119 1262 3 890627252 +120 1 4 889490412 +120 15 4 889490244 +120 117 3 889490979 +120 121 4 889490290 +120 125 4 889490447 +120 148 3 889490499 +120 237 3 889490172 +120 258 5 889490124 +120 742 4 889490549 +120 827 2 889490979 +121 9 5 891390013 +121 98 5 891388210 +121 122 2 891390501 +121 125 2 891388600 +121 126 3 891388936 +121 137 5 891388501 +121 174 3 891388063 +121 235 1 891390579 +121 249 1 891388708 +121 428 5 891388333 +122 70 5 879270606 +122 175 5 879270084 +122 187 4 879270424 +122 191 5 879270128 +122 214 2 879270676 +122 511 5 879270084 +122 553 3 879270741 +122 727 4 879270849 +122 737 4 879270874 +122 792 3 879270459 +123 50 3 879873726 +123 127 5 879809943 +123 255 1 879873905 +123 285 5 879873830 +123 485 5 879872792 +123 487 3 879872192 +123 511 5 879872066 +123 704 3 879873120 +123 707 5 879809943 +123 735 2 879872868 +124 28 3 890287068 +124 98 4 890287822 +124 144 4 890287645 +124 154 5 890287645 +124 168 5 890287645 +124 172 3 890287645 +124 173 2 890287687 +124 174 3 890287317 +124 209 3 890399902 +124 474 3 890287221 +125 97 3 879454385 +125 150 1 879454892 +125 152 1 879454892 +125 173 5 879454100 +125 239 5 892838375 +125 483 4 879454628 +125 615 3 879454793 +125 785 3 892838558 +125 796 3 892838591 +125 1180 3 892838865 +126 243 5 887855342 +126 288 4 887853469 +126 289 3 887855174 +126 302 4 887853469 +126 313 5 887854726 +126 319 2 887938081 +126 327 3 887855087 +126 682 1 887855034 +126 752 3 887855342 +126 1175 5 887856958 +127 62 5 884364950 +127 222 5 884364866 +127 228 5 884364866 +127 258 5 884364017 +127 271 5 884364866 +127 288 5 884363851 +127 343 5 884364151 +127 450 5 884364950 +127 750 1 884363851 +127 901 5 884363990 +128 79 4 879967692 +128 111 3 879969215 +128 140 4 879968308 +128 143 5 879967300 +128 228 3 879969329 +128 276 4 879967550 +128 283 5 879966729 +128 418 4 879968164 +128 736 5 879968352 +128 747 3 879968742 +129 245 2 883245452 +129 258 2 883245452 +129 268 1 883245452 +129 286 5 883243934 +129 288 1 883245452 +129 302 4 883243934 +129 311 3 883244059 +129 327 3 883244060 +129 678 1 883245452 +129 882 2 883244662 +130 206 3 875801695 +130 234 5 875216932 +130 307 4 877984546 +130 316 4 888211794 +130 542 3 875801778 +130 569 3 880396494 +130 731 3 876251922 +130 806 3 875217096 +130 901 1 884624044 +130 949 3 876251944 +131 14 5 883681313 +131 19 4 883681418 +131 124 5 883681313 +131 242 5 883681723 +131 251 5 883681723 +131 276 5 883681723 +131 285 5 883681723 +131 286 5 883681514 +131 293 3 883681442 +131 302 5 883681723 +132 50 3 891278774 +132 100 4 891278744 +132 151 3 891278774 +132 251 4 891278996 +132 285 4 891278996 +132 286 3 891278680 +132 484 4 891278807 +132 521 4 891278996 +132 664 5 891278996 +132 1154 3 891278896 +133 243 3 890589035 +133 245 3 890588878 +133 300 3 890588577 +133 313 3 890588524 +133 316 4 890588928 +133 343 2 890589188 +133 346 3 890588577 +133 749 4 890588720 +133 750 4 890588720 +133 902 3 890588672 +134 1 5 891732756 +134 15 5 891732726 +134 301 2 891732296 +134 302 2 891732150 +134 315 3 891732122 +134 316 4 891732418 +134 326 5 891732296 +134 328 4 891732335 +134 751 5 891732335 +134 892 2 891732532 +135 33 3 879857930 +135 54 3 879858003 +135 77 4 879858003 +135 176 4 879857765 +135 228 4 879857797 +135 379 2 879857956 +135 443 4 879857868 +135 566 3 879857930 +135 642 4 879857868 +135 802 2 879858003 +136 19 4 882693529 +136 42 3 882848866 +136 100 5 882693338 +136 137 5 882693339 +136 204 4 882848866 +136 223 4 882848820 +136 286 5 882693234 +136 318 5 882848820 +136 515 5 882694387 +136 647 5 882848783 +137 15 4 881432965 +137 51 1 881433605 +137 117 5 881433015 +137 172 5 881433719 +137 183 5 881433689 +137 222 5 881432908 +137 235 5 881433357 +137 249 4 881433387 +137 250 5 881433015 +137 472 4 881433336 +138 98 5 879024043 +138 100 5 879022956 +138 111 4 879022890 +138 116 2 879022956 +138 150 3 879023131 +138 238 5 879024382 +138 285 4 879023245 +138 514 5 879024043 +138 519 5 879024043 +138 617 4 879024128 +139 100 5 879538199 +139 150 4 879538327 +139 288 4 879537918 +139 296 4 879538218 +139 297 5 879538275 +139 302 3 879537844 +139 460 3 879538199 +139 676 4 879538275 +139 740 2 879538254 +139 1233 5 879537844 +140 245 3 879013720 +140 286 5 879013617 +140 288 3 879013617 +140 294 3 879013651 +140 302 4 879013617 +140 304 4 879013747 +140 321 4 879013651 +140 872 3 879013651 +140 873 2 879013719 +140 988 3 879013719 +141 50 4 884584735 +141 225 3 884585523 +141 237 4 884584865 +141 405 3 884585105 +141 471 4 884585039 +141 546 4 884585470 +141 748 3 884584664 +141 750 1 886447564 +141 825 4 884585247 +141 1258 4 884585071 +142 55 2 888640489 +142 124 4 888640379 +142 176 5 888640455 +142 288 3 888639837 +142 333 5 888639968 +142 346 5 888639815 +142 358 2 888640178 +142 408 4 888640379 +142 463 3 888640489 +142 514 5 888640317 +143 258 3 888407586 +143 271 4 888407708 +143 286 2 888407586 +143 288 5 888407586 +143 294 3 888407708 +143 307 4 888407622 +143 315 4 888407542 +143 322 4 888407708 +143 326 5 888407708 +143 690 2 888407622 +144 31 3 888105823 +144 62 2 888105902 +144 66 4 888106078 +144 91 2 888106106 +144 313 5 888103407 +144 685 3 888105473 +144 747 5 888105473 +144 778 4 888106044 +144 961 3 888106106 +144 1147 4 888105587 +145 13 5 875270507 +145 22 5 875273021 +145 183 5 875272009 +145 260 4 875269871 +145 393 5 875273174 +145 448 5 877343121 +145 472 3 875271128 +145 591 4 879161848 +145 743 1 888398516 +145 1245 5 875271397 +146 245 5 891458080 +146 258 4 891457714 +146 271 3 891457749 +146 272 5 891457538 +146 301 2 891457905 +146 319 4 891457538 +146 328 3 891458079 +146 331 5 891458193 +146 340 4 891457714 +146 1293 5 891458080 +147 270 3 885594204 +147 286 5 885594040 +147 301 5 885594204 +147 302 4 885593845 +147 304 5 885593942 +147 313 4 885593965 +147 319 4 885593812 +147 750 5 885593812 +147 898 5 885593965 +147 937 3 885593997 +148 71 5 877019251 +148 98 3 877017714 +148 214 5 877019882 +148 228 4 877016514 +148 357 5 877016735 +148 473 5 877399322 +148 501 4 877020297 +148 529 5 877398901 +148 596 5 877020297 +148 1012 4 877400154 +149 262 1 883512623 +149 286 5 883512591 +149 302 4 883512623 +149 321 2 883512856 +149 323 2 883512928 +149 325 2 883512834 +149 326 3 883512856 +149 337 2 883512968 +149 338 2 883512904 +149 346 4 883512658 +150 50 5 878746719 +150 93 4 878746889 +150 127 5 878746889 +150 147 4 878746442 +150 235 4 878746792 +150 268 5 878746257 +150 273 4 878746764 +150 410 4 878747090 +150 475 5 878746764 +150 628 4 878747018 +151 58 4 879524849 +151 89 5 879524491 +151 317 5 879524610 +151 372 5 879524819 +151 387 5 879542353 +151 402 3 879543423 +151 485 5 879525002 +151 969 5 879542510 +151 1006 1 879524974 +151 1298 4 879528520 +152 98 2 882473974 +152 125 5 880149165 +152 167 5 882477430 +152 220 5 884035907 +152 255 5 884035936 +152 780 5 884019189 +152 790 5 884018821 +152 866 5 880149224 +152 966 5 882829150 +152 1028 5 880149197 +153 50 1 881371140 +153 79 5 881371198 +153 172 1 881371140 +153 181 1 881371140 +153 182 5 881371198 +153 258 5 881371336 +153 265 4 881371032 +153 294 2 881370859 +153 325 2 881370935 +153 357 5 881371059 +154 50 5 879138657 +154 89 5 879138910 +154 143 3 879139003 +154 182 5 879138783 +154 202 3 879139096 +154 333 3 879138287 +154 462 3 879138831 +154 480 5 879138784 +154 640 5 879138713 +154 708 4 879139003 +155 288 3 879370860 +155 292 3 879371061 +155 300 2 879370963 +155 306 5 879371121 +155 322 2 879371261 +155 326 2 879371121 +155 327 2 879371061 +155 331 3 879370860 +155 332 2 879371121 +155 990 3 879371194 +156 11 2 888185906 +156 22 3 888186093 +156 48 4 888185777 +156 124 3 888185677 +156 180 5 888185777 +156 197 5 888185777 +156 211 4 888185606 +156 318 4 888185947 +156 346 3 888185561 +156 357 4 888185677 +157 1 5 874813703 +157 3 3 886890734 +157 93 3 886890692 +157 137 5 886889876 +157 293 5 874813703 +157 298 4 886889876 +157 407 4 886891218 +157 740 2 886889876 +157 1283 2 886891173 +157 1302 5 874813703 +158 1 4 880132443 +158 38 4 880134607 +158 79 4 880134332 +158 85 4 880135118 +158 190 5 880134332 +158 271 4 880132232 +158 414 4 880135118 +158 483 5 880133225 +158 568 4 880134532 +158 1011 4 880132579 +159 225 4 880557347 +159 237 3 880485766 +159 258 4 893255836 +159 451 5 884360502 +159 546 4 880557621 +159 831 2 880557604 +159 871 4 880557003 +159 877 3 893255740 +159 930 4 880557824 +159 1002 3 884027027 +160 3 3 876770124 +160 21 1 876769480 +160 79 4 876859413 +160 93 5 876767572 +160 124 4 876767360 +160 126 3 876769148 +160 175 4 876860808 +160 187 5 876770168 +160 432 3 876861185 +160 1019 5 876857977 +161 56 3 891171257 +161 127 3 891171698 +161 187 3 891170998 +161 213 2 891171887 +161 215 2 891170866 +161 274 2 891172070 +161 286 2 891169991 +161 523 3 891170686 +161 654 3 891171357 +161 1266 2 891170745 +162 42 3 877636675 +162 50 5 877635662 +162 117 4 877635869 +162 151 3 877636191 +162 174 4 877636772 +162 254 3 877636476 +162 544 4 877636167 +162 597 4 877636370 +162 628 4 877635897 +162 710 4 877636860 +163 28 3 891220019 +163 258 4 891219977 +163 269 3 891219977 +163 272 4 891219977 +163 300 3 891219977 +163 301 3 891219977 +163 305 2 891219977 +163 357 4 891220097 +163 433 1 891220137 +163 879 2 891219643 +164 118 5 889401852 +164 125 5 889402071 +164 148 5 889402203 +164 245 5 889401362 +164 300 5 889401221 +164 313 5 889401284 +164 322 4 889401432 +164 331 5 889401193 +164 926 2 889402091 +164 984 4 889401456 +165 15 5 879525799 +165 91 4 879525756 +165 169 5 879525832 +165 176 4 879526007 +165 222 5 879525987 +165 260 3 879525673 +165 270 4 879525672 +165 318 5 879525961 +165 332 4 879525672 +165 500 3 879525832 +166 243 3 886397827 +166 286 1 886397562 +166 294 3 886397596 +166 313 5 886397478 +166 315 3 886397478 +166 347 5 886397562 +166 687 1 886397777 +166 688 3 886397855 +166 751 4 886397665 +166 984 5 886397802 +167 126 3 892738141 +167 133 5 892738453 +167 136 4 892738418 +167 169 1 892738419 +167 222 4 892737995 +167 698 4 892738307 +167 733 2 892738453 +167 1126 5 892738418 +167 1147 4 892738384 +167 1309 1 892738341 +168 7 1 884287559 +168 25 5 884287885 +168 123 3 884287822 +168 258 4 884286863 +168 409 4 884287846 +168 411 1 884288222 +168 472 3 884287927 +168 748 2 884287031 +168 988 2 884287145 +168 1016 5 884287615 +169 127 4 891359354 +169 211 5 891359200 +169 213 5 891359354 +169 234 4 891359418 +169 483 3 891359200 +169 495 3 891359276 +169 498 3 891359170 +169 604 4 891359317 +169 684 5 891359354 +169 705 5 891359354 +170 258 3 884104016 +170 259 3 886623680 +170 304 4 887646133 +170 322 5 884103801 +170 323 3 884293671 +170 348 3 887646014 +170 678 4 886623680 +170 687 3 884706063 +170 876 3 886190449 +170 988 3 884706063 +171 258 4 891034801 +171 303 4 891034801 +171 305 2 891034606 +171 315 4 891034835 +171 340 3 891034756 +171 346 4 891034835 +171 354 3 891034606 +171 690 3 891034756 +171 887 4 891034835 +171 906 3 891034684 +172 178 3 875538027 +172 183 5 875538864 +172 430 3 875537964 +172 483 3 875538028 +172 514 3 875537964 +172 582 4 875538864 +172 606 3 875537964 +172 612 3 875537964 +172 1134 2 875536721 +172 1172 3 875538864 +173 268 4 877556626 +173 269 4 877556626 +173 292 5 877557369 +173 321 4 877556864 +173 331 4 877557028 +173 678 3 877556988 +173 874 4 877556926 +173 879 5 877557076 +173 880 4 877557168 +173 1265 3 877557239 +174 41 1 886515063 +174 82 1 886515472 +174 94 2 886515062 +174 107 5 886434361 +174 396 1 886515104 +174 458 4 886433862 +174 699 5 886514220 +174 823 4 886434376 +174 902 3 890168363 +174 1014 3 890664424 +175 9 4 877108146 +175 64 5 877107552 +175 100 2 877107712 +175 132 3 877107712 +175 193 4 877108098 +175 215 5 877107500 +175 234 5 877108015 +175 496 5 877108098 +175 660 3 877107836 +175 661 4 877107432 +176 13 4 886047994 +176 50 5 886047879 +176 100 5 886047918 +176 236 4 886048145 +176 240 4 886048230 +176 250 4 886047963 +176 270 4 886047069 +176 750 4 886047176 +176 948 4 886047595 +176 1012 4 886048145 +177 1 3 880130699 +177 87 4 880130931 +177 89 5 880131088 +177 124 3 880130881 +177 182 5 880130684 +177 271 2 882141868 +177 300 2 880130434 +177 651 3 880130862 +177 919 4 880130736 +177 1039 3 880130807 +178 73 5 882827985 +178 106 2 882824983 +178 148 4 882824325 +178 209 4 882826944 +178 218 3 882827776 +178 234 4 882826783 +178 255 4 882824001 +178 276 3 882823978 +178 282 3 882823978 +178 678 3 882823530 +179 269 3 892151064 +179 272 5 892151202 +179 301 4 892151565 +179 303 1 892151270 +179 310 4 892151365 +179 331 2 892151331 +179 346 3 892151489 +179 750 1 892151270 +179 893 2 892151565 +179 1316 3 892151489 +180 56 5 877127130 +180 69 4 877355568 +180 83 5 877128388 +180 111 5 877127747 +180 121 5 877127830 +180 213 5 877128388 +180 216 5 877128388 +180 421 5 877128388 +180 631 5 877544373 +180 716 1 877128119 +181 121 4 878962623 +181 405 4 878962919 +181 696 2 878962997 +181 741 1 878962918 +181 762 2 878963418 +181 870 2 878962623 +181 927 1 878962675 +181 1015 1 878963121 +181 1060 1 878962675 +181 1288 1 878962349 +182 111 4 885613238 +182 123 4 885612994 +182 126 5 885613153 +182 191 4 876435434 +182 203 3 876436556 +182 222 3 885613180 +182 257 3 885613117 +182 283 2 885613153 +182 471 4 885613216 +182 479 5 876436556 +183 54 2 891467546 +183 159 4 892323452 +183 203 3 891466266 +183 222 4 892323453 +183 227 4 891463592 +183 265 2 891466350 +183 273 4 892323452 +183 331 3 892322382 +183 450 3 891463592 +183 485 5 892323452 +184 36 3 889910195 +184 71 4 889911552 +184 86 5 889908694 +184 100 5 889907652 +184 155 3 889912656 +184 161 2 889909640 +184 181 4 889907426 +184 207 4 889908903 +184 514 5 889908497 +184 660 3 889909962 +185 28 5 883524428 +185 86 5 883524428 +185 196 4 883524172 +185 197 5 883524428 +185 223 4 883524249 +185 279 4 883525255 +185 285 5 883524507 +185 318 4 883524172 +185 638 4 883524364 +185 939 3 883524249 +186 53 1 879023882 +186 322 5 879022927 +186 333 3 891718820 +186 406 1 879023272 +186 550 4 879023985 +186 591 4 879023073 +186 742 3 879023073 +186 770 2 879023819 +186 925 5 879023152 +186 977 3 879023273 +187 86 4 879465478 +187 175 2 879465241 +187 191 5 879465566 +187 196 4 879465507 +187 275 5 879465937 +187 522 3 879465125 +187 582 1 879465683 +187 659 5 879465274 +187 747 4 879465882 +187 792 5 879465340 +188 7 5 875073477 +188 69 4 875072009 +188 159 3 875074589 +188 204 4 875073478 +188 211 4 875075062 +188 234 4 875073048 +188 357 4 875073647 +188 554 2 875074891 +188 628 5 875074200 +188 792 2 875075062 +189 1 5 893264174 +189 30 4 893266205 +189 45 3 893265657 +189 91 3 893265684 +189 120 1 893264954 +189 203 3 893265921 +189 253 4 893264150 +189 276 3 893264300 +189 462 5 893265741 +189 1115 4 893264270 +190 118 3 891033906 +190 222 4 891033676 +190 269 4 891033606 +190 291 3 891042883 +190 294 3 891033370 +190 300 4 891033606 +190 363 2 891626023 +190 405 4 891626000 +190 628 4 891042883 +190 748 3 891033388 +191 86 5 891562417 +191 269 3 891562090 +191 270 3 891560253 +191 272 4 891560631 +191 300 4 891560842 +191 328 3 891562090 +191 332 2 891562090 +191 343 3 891561856 +191 891 3 891560481 +191 900 4 891560481 +192 50 4 881367505 +192 108 4 881368339 +192 121 2 881368127 +192 235 3 881368090 +192 257 4 881367592 +192 258 5 881366456 +192 276 2 881367505 +192 277 3 881367932 +192 284 5 881367987 +192 1137 4 881367705 +193 195 1 889124507 +193 328 3 889122993 +193 332 3 889123257 +193 368 1 889127860 +193 393 4 889126808 +193 554 3 889126088 +193 682 1 889123377 +193 693 4 889124374 +193 827 2 890859916 +193 1132 3 889127660 +194 23 4 879522819 +194 77 3 879527421 +194 152 3 879549996 +194 160 2 879551380 +194 187 4 879520813 +194 191 4 879521856 +194 212 1 879524216 +194 239 3 879522917 +194 478 3 879521329 +194 647 4 879521531 +195 14 4 890985390 +195 100 5 875771440 +195 181 5 875771440 +195 186 3 888737240 +195 227 3 888737346 +195 407 2 877835302 +195 477 2 885110922 +195 591 4 892281779 +195 887 4 886782489 +195 1084 4 888737345 +196 8 5 881251753 +196 25 4 881251955 +196 66 3 881251911 +196 70 3 881251842 +196 94 3 881252172 +196 286 5 881250949 +196 428 4 881251702 +196 580 2 881252056 +196 692 5 881252017 +196 1118 4 881252128 +197 176 5 891409798 +197 231 3 891410124 +197 288 3 891409387 +197 294 4 891409290 +197 431 3 891409935 +197 449 5 891410124 +197 518 1 891409982 +197 570 4 891410124 +197 770 3 891410082 +197 849 3 891410124 +198 24 2 884205385 +198 180 3 884207298 +198 214 4 884208273 +198 385 3 884208778 +198 427 4 884207009 +198 549 3 884208518 +198 640 3 884208651 +198 651 4 884207424 +198 1117 3 884205252 +198 1169 4 884208834 +199 111 3 883783042 +199 117 3 883782879 +199 259 1 883782583 +199 276 4 883782879 +199 285 4 883782879 +199 286 5 883782485 +199 405 2 883783005 +199 475 5 883782918 +199 687 1 883782655 +199 948 1 883782655 +200 24 2 884127370 +200 72 4 884129542 +200 227 5 884129006 +200 241 4 884129782 +200 265 5 884128372 +200 291 3 891825292 +200 402 4 884129029 +200 409 2 884127431 +200 586 4 884130391 +200 665 4 884130621 +201 51 2 884140751 +201 148 1 884140751 +201 209 3 884112801 +201 215 2 884140382 +201 432 3 884111312 +201 509 3 884111546 +201 518 4 884112201 +201 747 2 884113635 +201 919 3 884141208 +201 1229 3 884140307 +202 1 3 879727059 +202 96 4 879727059 +202 179 1 879727294 +202 191 2 879727294 +202 195 4 879726914 +202 242 3 879726342 +202 269 4 879726420 +202 318 1 879727116 +202 481 1 879726642 +202 516 4 879726778 +203 1 3 880434384 +203 7 3 880434438 +203 24 4 880434359 +203 50 5 880434810 +203 151 4 880434384 +203 248 5 880434496 +203 250 4 880434495 +203 271 3 880433445 +203 326 4 880433398 +203 619 3 880434438 +204 1 2 892513979 +204 45 5 892513906 +204 245 3 892391980 +204 259 2 892389195 +204 297 5 892514010 +204 302 5 892389137 +204 336 1 892391854 +204 482 4 892513906 +204 1022 5 892392078 +204 1194 4 892513906 +205 242 4 888284313 +205 243 2 888284758 +205 268 2 888284618 +205 286 2 888284245 +205 300 3 888284245 +205 315 4 888284245 +205 322 3 888284577 +205 328 3 888284454 +205 875 2 888284532 +205 1025 1 888284495 +206 258 4 888179602 +206 260 3 888179772 +206 294 2 888179694 +206 678 1 888179833 +206 750 3 888179981 +206 873 3 888179833 +206 889 2 888180081 +206 896 4 888180018 +206 904 1 888180081 +206 1430 1 888179980 +207 4 4 876198457 +207 25 4 876079113 +207 65 3 878104594 +207 87 4 884386260 +207 192 3 877822350 +207 554 2 877822854 +207 716 3 875508783 +207 1046 4 875509787 +207 1350 2 877878772 +207 1436 3 878191574 +208 56 2 883108360 +208 208 4 883108360 +208 211 5 883108398 +208 367 2 883108324 +208 381 3 883108873 +208 402 4 883108873 +208 428 4 883108430 +208 435 5 883108430 +208 523 4 883108360 +208 524 4 883108745 +209 1 5 883460644 +209 50 5 883417589 +209 286 2 883417458 +209 301 3 883460492 +209 304 2 883460468 +209 321 4 883461108 +209 333 2 883589568 +209 766 4 883460644 +209 1105 2 883589568 +209 1137 4 883417491 +210 96 4 887736616 +210 134 5 887736070 +210 135 5 887736352 +210 160 4 887737210 +210 219 3 887808581 +210 255 4 887730842 +210 465 4 887737131 +210 502 3 891035965 +210 631 5 887736796 +210 722 4 891036021 +211 9 3 879460172 +211 69 3 879460213 +211 228 3 879460096 +211 303 3 879437184 +211 357 2 879460172 +211 455 3 879461498 +211 457 4 879437184 +211 520 4 879460096 +211 876 2 879461395 +211 1127 1 879461395 +212 86 4 879303830 +212 127 2 879303571 +212 199 5 879303831 +212 246 5 879303571 +212 268 5 879303468 +212 269 3 879303468 +212 423 4 879304010 +212 528 5 879303950 +212 645 3 879303795 +212 735 4 879304010 +213 8 3 878955564 +213 12 5 878955409 +213 25 4 878870750 +213 48 5 878955848 +213 50 5 878870456 +213 144 5 878956047 +213 447 4 878955598 +213 471 3 878870816 +213 546 4 878870903 +213 690 3 878870275 +214 42 5 892668130 +214 79 4 891544306 +214 121 4 891543632 +214 151 5 892668153 +214 179 5 892668130 +214 208 5 892668153 +214 652 4 891543972 +214 872 2 891542492 +214 1065 5 892668173 +214 1129 4 892668249 +215 11 2 891436024 +215 22 3 891435161 +215 64 4 891435804 +215 82 3 891435995 +215 89 4 891435060 +215 205 3 891435161 +215 239 3 891436297 +215 450 2 891436470 +215 474 4 891435022 +215 1039 5 891436543 +216 12 5 881432544 +216 202 4 880234346 +216 226 3 880244803 +216 249 3 880232917 +216 274 3 880233061 +216 286 4 881432501 +216 298 5 881721819 +216 498 3 880235329 +216 577 1 881432453 +216 651 5 880233912 +217 53 1 889069974 +217 68 3 889069974 +217 117 4 889069842 +217 540 1 889070087 +217 554 3 889070050 +217 578 5 889070087 +217 685 5 889069782 +217 797 4 889070011 +217 810 3 889070050 +217 1222 1 889070050 +218 4 3 877488546 +218 5 3 881288574 +218 12 5 881288233 +218 100 4 877488692 +218 154 4 877488546 +218 410 3 881288574 +218 517 3 877488634 +218 654 4 881288234 +218 762 4 877489091 +218 789 3 881288574 +219 71 1 889452455 +219 215 5 889403843 +219 258 5 889386635 +219 269 5 889386655 +219 382 5 889451412 +219 568 1 889452455 +219 616 5 889403435 +219 855 5 889452619 +219 879 4 892039556 +219 1014 3 892039611 +220 258 3 881197771 +220 264 3 881198524 +220 268 4 881197771 +220 289 4 881198113 +220 294 4 881197663 +220 300 5 881197663 +220 305 4 881197771 +220 319 4 881197771 +220 332 3 881198246 +220 995 3 881197948 +221 172 5 875245907 +221 250 5 875244633 +221 268 5 876502910 +221 318 5 875245690 +221 468 3 875246824 +221 508 4 875244160 +221 1067 3 875244387 +221 1218 3 875246745 +221 1314 3 875247833 +221 1407 3 875247833 +222 22 5 878183285 +222 26 3 878183043 +222 49 3 878183512 +222 53 5 878184113 +222 87 3 878182589 +222 173 5 878183043 +222 379 1 878184290 +222 448 3 878183565 +222 796 4 878183684 +222 812 2 881059117 +223 1 4 891549324 +223 237 5 891549657 +223 258 1 891548802 +223 318 4 891550711 +223 322 4 891548920 +223 323 2 891549017 +223 470 4 891550767 +223 596 3 891549713 +223 845 4 891549713 +223 969 5 891550649 +224 20 1 888104487 +224 43 3 888104456 +224 149 1 888103999 +224 215 4 888082612 +224 332 3 888103429 +224 528 3 888082658 +224 658 1 888103840 +224 708 2 888104153 +224 949 3 888104057 +224 1208 1 888104554 +225 22 5 879540678 +225 215 5 879539789 +225 245 2 879539315 +225 286 4 879539027 +225 427 5 879539615 +225 566 4 879540678 +225 604 5 879540778 +225 606 5 879540649 +225 705 5 879540707 +225 1203 5 879540778 +226 9 5 883889811 +226 24 4 883889479 +226 28 4 883889322 +226 98 5 883889147 +226 150 4 883889063 +226 209 3 883889146 +226 250 4 883890491 +226 258 5 883888671 +226 405 4 883889507 +226 1117 3 883890262 +227 7 5 879035251 +227 19 4 879035431 +227 93 5 879035431 +227 106 3 879035775 +227 116 4 879035347 +227 121 2 879035934 +227 150 3 879035347 +227 475 4 879035252 +227 1008 4 879036009 +227 1010 3 879035637 +228 98 3 889388607 +228 137 1 889388662 +228 272 5 889388440 +228 275 3 889388521 +228 286 5 889387172 +228 327 1 889387216 +228 690 5 889387173 +228 750 3 889388440 +228 812 5 889388547 +228 938 1 889387173 +229 245 3 891632385 +229 258 2 891632040 +229 269 4 891633029 +229 272 3 891632073 +229 300 2 891632142 +229 302 5 891633028 +229 311 5 891633028 +229 312 3 891632551 +229 340 4 891632142 +229 748 3 891632402 +230 50 5 880484755 +230 142 4 880485633 +230 196 5 880484755 +230 210 5 880484975 +230 234 4 880484756 +230 238 1 880484778 +230 393 3 880485110 +230 402 5 880485445 +230 511 2 880485656 +230 673 3 880485573 +231 1 3 879965704 +231 50 4 888605273 +231 255 3 879965760 +231 289 4 888605273 +231 300 4 888605273 +231 313 3 888604920 +231 471 5 888605273 +231 597 3 879966146 +231 866 3 879965961 +231 924 5 888605273 +232 22 3 888549988 +232 64 4 888549441 +232 173 4 888549674 +232 215 3 888549563 +232 462 4 888549879 +232 471 3 880062414 +232 523 4 888549757 +232 638 5 888549988 +232 708 4 888550060 +232 921 4 888549929 +233 57 5 880190451 +233 69 5 877665324 +233 98 5 877661724 +233 174 5 877661553 +233 212 5 877665324 +233 286 3 876690514 +233 418 4 877664010 +233 492 5 880923253 +233 495 4 877661364 +233 644 5 880610635 +234 10 3 891227851 +234 81 3 892334680 +234 98 4 892078567 +234 147 3 892335372 +234 228 3 892079190 +234 241 2 892335042 +234 487 3 892079237 +234 632 2 892079538 +234 648 3 892826760 +234 1397 4 892334976 +235 85 4 889655232 +235 100 4 889655550 +235 275 5 889655550 +235 319 4 889654419 +235 433 4 889655596 +235 435 5 889655434 +235 648 4 889655662 +235 684 4 889655162 +235 792 4 889655490 +235 898 3 889654553 +236 134 4 890116282 +236 170 5 890116451 +236 172 3 890116539 +236 200 3 890115856 +236 289 4 890117820 +236 507 3 890115897 +236 686 3 890118372 +236 696 2 890117223 +236 699 4 890116095 +236 1328 4 890116132 +237 83 4 879376641 +237 98 4 879376327 +237 153 3 879376698 +237 183 5 879376641 +237 199 4 879376606 +237 423 4 879376487 +237 479 5 879376487 +237 502 4 879376487 +237 513 5 879376328 +237 603 5 879376773 +238 121 4 883576443 +238 125 3 883576230 +238 258 3 883575728 +238 286 5 883575683 +238 298 5 883576398 +238 458 4 883576622 +238 471 4 883576359 +238 546 3 883576574 +238 845 3 883576424 +238 926 3 883576543 +239 10 5 889180338 +239 58 5 889179623 +239 81 3 889179808 +239 187 5 889178798 +239 204 3 889180888 +239 430 3 889180338 +239 475 5 889178689 +239 478 5 889178986 +239 529 5 889179808 +239 605 4 889180446 +240 242 5 885775683 +240 245 4 885775831 +240 269 5 885775536 +240 307 4 885775683 +240 340 4 885775710 +240 349 1 885775878 +240 353 1 885775959 +240 358 2 885775857 +240 751 3 885775683 +240 873 2 885775857 +241 268 4 887249576 +241 270 3 887250026 +241 288 5 887249745 +241 302 3 887249576 +241 310 4 887249576 +241 335 3 887250085 +241 343 2 887250085 +241 346 3 887249482 +241 682 2 887249745 +241 689 3 887250085 +242 111 4 879741196 +242 268 5 879741340 +242 275 5 879741196 +242 283 4 879740362 +242 294 4 879740082 +242 331 5 879741340 +242 475 3 879740223 +242 740 5 879741196 +242 1011 3 879740800 +242 1355 5 879741196 +243 28 4 879988215 +243 127 4 879987045 +243 221 5 879989217 +243 268 4 879986951 +243 286 4 879986908 +243 387 4 879988752 +243 582 5 879989217 +243 713 3 879987495 +243 1368 2 879987909 +243 1466 3 879988104 +244 53 3 880607489 +244 89 5 880602210 +244 148 2 880605071 +244 154 5 880606385 +244 172 4 880605665 +244 183 4 880606043 +244 310 3 880601905 +244 409 4 880605294 +244 662 3 880606533 +244 790 4 880608037 +245 133 2 888513058 +245 210 3 888513026 +245 258 4 888513691 +245 300 4 888513026 +245 596 4 888513361 +245 597 4 888513326 +245 756 3 888513425 +245 894 1 888513860 +245 1033 5 888513522 +245 1047 3 888513393 +246 8 3 884921245 +246 68 5 884922341 +246 82 2 884921986 +246 121 4 884922627 +246 184 4 884921948 +246 406 3 884924749 +246 596 3 884921511 +246 728 1 884923829 +246 816 4 884925218 +246 1218 3 884922801 +247 7 4 893081395 +247 28 5 893097024 +247 64 5 893097024 +247 121 4 893081396 +247 222 3 893081411 +247 259 3 893081411 +247 269 4 893097024 +247 300 2 893081411 +247 750 4 893081381 +247 1022 4 893097024 +248 55 4 884534793 +248 100 4 884534716 +248 181 4 884535374 +248 183 5 884534772 +248 186 5 884534695 +248 198 5 884534695 +248 210 3 884534946 +248 249 4 884536117 +248 515 5 884535085 +248 928 3 884536117 +249 22 5 879572926 +249 23 4 879572432 +249 79 5 879572777 +249 124 5 879572646 +249 176 4 879641109 +249 182 5 879640949 +249 455 4 879640326 +249 476 3 879640481 +249 597 2 879640436 +249 826 1 879640481 +250 2 4 878090414 +250 44 4 878090199 +250 64 5 878090153 +250 111 4 878091915 +250 127 4 878089881 +250 174 3 878092104 +250 200 5 883263374 +250 244 4 878089786 +250 260 4 878089144 +250 294 1 878089033 +251 12 4 886271700 +251 50 5 886272086 +251 132 5 886271641 +251 172 5 886271641 +251 183 5 886271733 +251 222 4 886272547 +251 237 5 886272346 +251 265 3 886271641 +251 520 5 886271955 +251 612 5 886271855 +252 1 5 891456989 +252 14 4 891456876 +252 149 5 891456876 +252 224 4 891456738 +252 276 5 891456877 +252 286 5 891455263 +252 290 3 891456877 +252 410 5 891456989 +252 475 5 891456876 +252 847 4 891456738 +253 127 5 891628060 +253 188 4 891628416 +253 198 5 891628392 +253 210 4 891628598 +253 237 4 891628002 +253 294 4 891627829 +253 483 5 891628122 +253 566 4 891628578 +253 568 4 891628295 +253 647 3 891628229 +254 50 5 886471151 +254 188 3 886473672 +254 286 1 887346861 +254 379 1 886474650 +254 380 4 886474456 +254 418 3 886473078 +254 575 3 886476165 +254 624 2 886473254 +254 649 1 886474619 +254 1116 3 886473448 +255 53 3 883216672 +255 249 5 883216245 +255 271 4 883215525 +255 436 4 883216544 +255 452 3 883216672 +255 551 1 883216672 +255 565 1 883216748 +255 569 1 883216672 +255 763 5 883217072 +255 841 1 883216902 +256 25 5 882150552 +256 280 5 882151167 +256 413 4 882163956 +256 692 5 882165066 +256 716 5 882165135 +256 765 4 882165328 +256 771 2 882164999 +256 819 4 882151052 +256 939 5 882164893 +256 1057 2 882163805 +257 50 5 882049897 +257 100 5 882049950 +257 116 3 879029742 +257 165 4 879547534 +257 221 3 882050202 +257 237 2 882050168 +257 288 3 879029516 +257 462 4 879547695 +257 531 5 879547608 +257 1462 5 879547695 +258 258 2 885700811 +258 272 5 885700811 +258 286 5 885700778 +258 289 2 885701004 +258 294 4 885700898 +258 328 3 885700877 +258 332 5 885701024 +258 333 2 885700811 +258 690 4 885700811 +258 748 5 885701004 +259 12 5 874809192 +259 98 4 874809091 +259 108 4 874724882 +259 179 4 877924028 +259 180 5 877925033 +259 200 4 874725081 +259 235 2 883372151 +259 313 5 883370924 +259 317 5 874809057 +259 357 5 874725485 +260 258 3 890618198 +260 288 3 890618476 +260 313 5 890618198 +260 333 4 890618198 +260 350 4 890618476 +260 362 5 890618729 +260 748 4 890618198 +260 882 5 890618729 +260 891 5 890618729 +260 1243 5 890618729 +261 125 5 890456142 +261 301 4 890454246 +261 304 3 890454941 +261 342 3 890454974 +261 359 5 890454351 +261 410 5 890456142 +261 687 5 890455020 +261 892 5 890455190 +261 988 3 890455190 +261 1237 3 890454045 +262 11 4 879793597 +262 47 2 879794599 +262 96 4 879793022 +262 121 3 879790536 +262 179 4 879962570 +262 293 2 879790906 +262 509 3 879792818 +262 568 3 879794113 +262 754 3 879961283 +262 786 3 879795319 +263 86 4 891299574 +263 97 4 891299387 +263 183 4 891298655 +263 272 5 891296919 +263 333 2 891296842 +263 514 3 891299387 +263 521 3 891297988 +263 523 5 891298107 +263 678 2 891297766 +263 892 3 891297766 +264 208 5 886123415 +264 320 4 886122261 +264 401 5 886123656 +264 516 5 886123655 +264 524 3 886123596 +264 558 5 886122447 +264 659 5 886122577 +264 1069 5 886123728 +264 1225 3 886123530 +264 1270 2 886122194 +265 125 4 875320516 +265 151 2 875320661 +265 237 5 875320462 +265 257 4 875320462 +265 258 4 875320024 +265 300 5 875320024 +265 410 4 875320633 +265 477 3 875320371 +265 591 5 875320424 +265 934 3 875320574 +266 14 4 892258004 +266 100 5 892257865 +266 237 3 892257940 +266 245 1 892257446 +266 275 5 892257831 +266 286 4 892256662 +266 289 3 892256967 +266 319 2 892256765 +266 321 3 892256892 +266 325 1 892257419 +267 50 5 878974783 +267 55 4 878972785 +267 94 3 878972558 +267 114 5 878971514 +267 147 3 878970681 +267 226 3 878972463 +267 546 3 878970877 +267 654 5 878971902 +267 684 4 878973088 +267 739 4 878973276 +268 21 3 875742822 +268 298 3 875742647 +268 364 3 875743979 +268 386 2 875743978 +268 580 3 875309344 +268 583 4 876513830 +268 790 2 876513785 +268 955 3 875745160 +268 1041 1 875743735 +268 1249 2 875743793 +269 9 4 891446246 +269 13 4 891446662 +269 47 4 891448386 +269 234 1 891449406 +269 235 3 891446756 +269 252 1 891456350 +269 658 2 891448497 +269 674 2 891451754 +269 705 2 891448850 +269 1165 1 891446904 +270 53 4 876956106 +270 70 5 876955066 +270 148 4 876954062 +270 159 4 876956233 +270 230 3 876955868 +270 306 5 876953744 +270 327 5 876953900 +270 387 5 876955689 +270 466 5 876955899 +270 781 5 876955750 +271 11 4 885848408 +271 111 4 885847956 +271 211 5 885849164 +271 220 3 885848179 +271 410 2 885848238 +271 482 5 885848519 +271 514 4 885848408 +271 630 2 885848943 +271 714 3 885848863 +271 750 4 885844698 +272 22 5 879454753 +272 201 3 879455113 +272 288 4 879454663 +272 357 5 879454726 +272 469 5 879455143 +272 474 5 879454753 +272 483 5 879454875 +272 498 4 879454726 +272 521 5 879454977 +272 772 2 879455220 +273 268 5 891292905 +273 272 4 891292811 +273 286 3 891292761 +273 304 3 891292935 +273 307 2 891292761 +273 313 3 891292873 +273 315 4 891292846 +273 316 4 891293201 +273 340 3 891292761 +273 347 4 891293008 +274 83 5 878946612 +274 208 4 878946473 +274 243 2 878944437 +274 255 2 878945579 +274 277 4 878945818 +274 476 4 878945645 +274 478 5 878946577 +274 546 3 878945918 +274 742 4 878945322 +274 815 3 878945763 +275 173 3 875154795 +275 176 4 880314320 +275 183 3 880314500 +275 191 4 880314797 +275 252 2 876197944 +275 258 3 875154310 +275 520 4 880314218 +275 523 4 880314031 +275 588 3 875154535 +275 1066 3 880313679 +276 64 5 874787441 +276 70 4 874790826 +276 78 4 877934828 +276 181 5 874786488 +276 188 4 874792547 +276 294 4 874786366 +276 324 4 874786419 +276 417 4 874792907 +276 419 5 874792907 +276 474 5 889174904 +277 15 4 879544145 +277 117 4 879544145 +277 121 2 879544058 +277 129 4 879543653 +277 286 5 879544145 +277 302 4 879544201 +277 405 3 879544027 +277 591 4 879543768 +277 628 4 879543697 +277 748 3 879543879 +278 245 3 891295230 +278 258 3 891295099 +278 286 5 891295044 +278 288 5 891295230 +278 294 4 891295230 +278 313 5 891294932 +278 315 4 891294932 +278 538 4 891295164 +278 752 5 891295164 +278 882 3 891295007 +279 89 4 875306910 +279 96 4 875310606 +279 122 1 875297433 +279 168 5 875296435 +279 725 4 875314144 +279 741 5 875296891 +279 746 5 875310233 +279 982 3 875298314 +279 1162 3 875314334 +279 1428 3 888465209 +280 38 3 891701832 +280 99 2 891700475 +280 145 3 891702198 +280 204 3 891700643 +280 227 3 891702153 +280 544 4 891701302 +280 554 1 891701998 +280 693 3 891701027 +280 975 4 891702252 +280 1028 5 891702276 +281 289 3 881200704 +281 294 3 881200643 +281 301 3 881200643 +281 304 5 881200745 +281 308 1 881200297 +281 310 4 881200264 +281 326 1 881200491 +281 331 3 881200491 +281 333 3 881200457 +281 690 5 881200264 +282 262 4 879949417 +282 268 4 879949438 +282 300 3 879949438 +282 305 4 879949347 +282 333 3 879949394 +282 340 3 879949394 +282 343 4 881702939 +282 689 2 881703044 +282 879 2 879949504 +282 890 4 879949468 +283 50 5 879297134 +283 125 5 879297347 +283 210 5 879298206 +283 216 4 879298206 +283 238 5 879298295 +283 288 2 879297867 +283 407 3 879297867 +283 455 4 879297707 +283 659 5 879298239 +283 709 5 879298206 +284 286 4 885328727 +284 300 3 885329395 +284 301 5 885329593 +284 324 3 885329468 +284 328 4 885329322 +284 332 3 885329593 +284 340 4 885328991 +284 344 4 885329593 +284 346 4 885329065 +284 887 4 885328906 +285 100 4 890595636 +285 198 5 890595900 +285 237 4 890595636 +285 276 4 890595726 +285 302 5 890595313 +285 346 4 890595456 +285 455 4 890595726 +285 514 3 890595859 +285 682 4 890595524 +285 902 4 890595584 +286 34 5 877534701 +286 44 3 877532173 +286 73 5 877532965 +286 85 5 877533224 +286 154 4 877533381 +286 175 5 877532470 +286 231 3 877532094 +286 298 4 875807004 +286 746 4 877533058 +286 1316 5 884583549 +287 39 5 875336652 +287 92 4 875334896 +287 111 3 875334126 +287 156 5 875336804 +287 218 5 875335424 +287 240 2 875334454 +287 346 5 888177040 +287 461 5 875336652 +287 591 5 875334293 +287 1016 5 875334430 +288 12 4 886374130 +288 13 5 886892241 +288 15 4 886892177 +288 97 4 886629750 +288 157 4 886373619 +288 182 4 886374497 +288 202 5 889225535 +288 317 4 886374497 +288 340 5 886372155 +288 900 5 886372155 +289 21 1 876790499 +289 125 2 876789373 +289 147 3 876789581 +289 151 2 876790499 +289 222 2 876789463 +289 254 1 876790734 +289 405 2 876790576 +289 471 4 876789373 +289 742 4 876789463 +289 926 3 876790611 +290 21 3 880475695 +290 71 5 880473667 +290 153 3 880475310 +290 218 2 880475542 +290 239 2 880474451 +290 274 4 880731874 +290 429 4 880474606 +290 476 3 880475837 +290 1013 2 880732131 +290 1028 3 880732365 +291 7 5 874834481 +291 70 4 874868146 +291 214 4 874868146 +291 250 4 874805927 +291 428 5 874871766 +291 471 4 874833746 +291 501 4 875087100 +291 732 4 874868097 +291 1028 3 875086561 +291 1139 3 874871671 +292 10 5 881104606 +292 100 5 881103999 +292 132 4 881105340 +292 176 5 881103478 +292 183 5 881103478 +292 324 3 881104533 +292 488 5 881105657 +292 525 5 881105701 +292 653 4 881105442 +292 1050 4 881105778 +293 39 3 888906804 +293 79 3 888906045 +293 132 4 888905481 +293 166 3 888905520 +293 325 2 888904353 +293 412 1 888905377 +293 496 5 888905840 +293 605 3 888907702 +293 708 3 888907527 +293 748 2 888904327 +294 10 3 877819490 +294 120 2 889242937 +294 222 4 877819353 +294 288 5 877818729 +294 483 4 889854323 +294 539 4 889241707 +294 678 2 877818861 +294 876 3 889241633 +294 979 3 877819897 +294 1067 4 877819421 +295 4 4 879518568 +295 47 5 879518166 +295 67 4 879519042 +295 73 4 879519009 +295 151 4 879517635 +295 173 5 879518257 +295 405 5 879518319 +295 483 5 879517348 +295 722 4 879518881 +295 727 5 879517682 +296 32 4 884197131 +296 48 5 884197091 +296 83 5 884199624 +296 272 5 884198772 +296 275 4 884196555 +296 286 5 884196209 +296 427 5 884198772 +296 510 5 884197264 +296 544 4 884196938 +296 961 5 884197287 +297 182 3 875239125 +297 198 3 875238923 +297 216 4 875409423 +297 218 3 875409827 +297 286 5 874953892 +297 307 4 878771124 +297 588 4 875238579 +297 628 4 874954497 +297 736 4 875239975 +297 1016 3 874955131 +298 8 5 884182748 +298 98 4 884127720 +298 151 3 884183952 +298 261 4 884126805 +298 418 4 884183406 +298 432 4 884183307 +298 465 4 884182806 +298 477 4 884126202 +298 842 4 884127249 +298 1142 4 884183572 +299 186 3 889503233 +299 235 1 877878184 +299 240 2 877878414 +299 387 2 889502756 +299 588 4 877880852 +299 615 4 878192555 +299 641 4 889501514 +299 847 4 877877649 +299 971 2 889502353 +299 1047 2 877880041 +300 264 1 875650132 +300 288 4 875649995 +300 294 3 875649995 +300 300 4 875649995 +300 409 4 875650329 +300 687 2 875650042 +300 833 4 875650329 +300 881 5 875650105 +300 1012 4 875650329 +300 1094 5 875650298 +301 138 2 882079446 +301 172 5 882076403 +301 174 5 882075827 +301 202 5 882076211 +301 496 5 882075743 +301 523 4 882076146 +301 606 3 882076890 +301 610 3 882077176 +301 660 4 882076782 +301 1228 4 882079423 +302 271 4 879436911 +302 289 3 879436874 +302 294 1 879436911 +302 299 2 879436932 +302 301 4 879436820 +302 333 3 879436785 +302 358 3 879436981 +302 680 2 879437035 +302 748 1 879436739 +302 988 2 879436875 +303 68 4 879467361 +303 393 4 879484981 +303 397 1 879543831 +303 411 4 879483802 +303 418 4 879483510 +303 426 3 879542535 +303 693 4 879466771 +303 779 1 879543418 +303 1098 4 879467959 +303 1160 2 879544629 +304 278 4 884968415 +304 286 1 884967017 +304 294 4 884968415 +304 300 5 884968415 +304 310 3 884966697 +304 313 5 884968415 +304 328 3 884967167 +304 343 3 884967896 +304 742 3 884968078 +304 895 3 884967017 +305 11 1 886323237 +305 50 5 886321799 +305 61 4 886323378 +305 79 3 886324276 +305 186 4 886323902 +305 187 4 886323189 +305 189 5 886323303 +305 529 5 886324097 +305 923 5 886323237 +305 960 1 886324362 +306 13 4 876504442 +306 25 3 876504354 +306 100 4 876504286 +306 111 4 876504442 +306 116 5 876504026 +306 150 5 876504286 +306 269 5 876503792 +306 321 3 876503793 +306 744 4 876504054 +306 756 3 876504472 +307 21 4 876433101 +307 22 3 879205470 +307 71 5 879283169 +307 173 5 879283786 +307 175 4 877117651 +307 258 5 879283786 +307 313 5 888095725 +307 431 4 877123333 +307 1110 4 877122208 +307 1411 4 877124058 +308 59 4 887737647 +308 95 4 887737130 +308 174 4 887736696 +308 215 3 887737483 +308 436 4 887739257 +308 493 3 887737293 +308 516 4 887736743 +308 741 4 887739863 +308 848 4 887736925 +308 1286 3 887738151 +309 258 5 877370288 +309 286 4 877370383 +309 304 3 877370319 +309 319 4 877370419 +309 334 4 877370356 +309 690 3 877370319 +309 879 4 877370319 +309 989 3 877370383 +309 1025 5 877370356 +309 1296 2 877370319 +310 50 5 879436177 +310 181 4 879436104 +310 222 3 879436062 +310 251 5 879436035 +310 274 3 879436534 +310 275 5 879436137 +310 294 1 879436712 +310 740 4 879436292 +310 1022 5 879435764 +310 1386 1 879436177 +311 5 3 884365853 +311 28 5 884365140 +311 83 5 884364812 +311 172 5 884364763 +311 180 4 884364764 +311 203 5 884365201 +311 385 5 884365284 +311 419 3 884364931 +311 849 3 884365781 +311 1222 3 884366010 +312 98 4 891698300 +312 134 5 891698764 +312 188 3 891698793 +312 228 3 891699040 +312 408 4 891698174 +312 480 5 891698224 +312 495 4 891699372 +312 631 5 891699599 +312 676 3 891699295 +312 1299 4 891698832 +313 31 4 891015486 +313 65 2 891016962 +313 71 4 891030144 +313 148 2 891031979 +313 175 4 891014697 +313 191 5 891013829 +313 245 3 891013144 +313 265 4 891016853 +313 488 5 891013496 +313 673 4 891016622 +314 9 4 877886375 +314 73 4 877889205 +314 90 2 877888758 +314 743 1 877886443 +314 791 4 877889398 +314 833 4 877887155 +314 929 3 877887356 +314 1095 3 877887356 +314 1139 5 877888480 +314 1218 4 877887525 +315 46 4 879799526 +315 55 5 879821267 +315 156 5 879821267 +315 216 4 879821120 +315 223 5 879799486 +315 230 4 879821300 +315 234 3 879821349 +315 302 5 879799301 +315 531 5 879799457 +315 654 5 879821193 +316 19 5 880854539 +316 64 4 880853953 +316 71 1 880854472 +316 190 5 880853774 +316 197 4 880854227 +316 265 3 880854395 +316 283 5 880853599 +316 289 2 880853219 +316 357 4 880854049 +316 614 2 880854267 +317 264 4 891446843 +317 288 4 891446190 +317 299 4 891446371 +317 313 4 891446208 +317 322 3 891446783 +317 354 4 891446251 +317 355 4 891446783 +317 678 2 891446887 +317 748 5 891446843 +317 879 3 891446575 +318 47 2 884496855 +318 72 4 884498540 +318 204 5 884496218 +318 286 3 884470681 +318 357 4 884496069 +318 508 4 884494976 +318 610 5 884496525 +318 660 3 884497207 +318 795 2 884498766 +318 1014 2 884494919 +319 259 2 889816172 +319 261 3 889816267 +319 268 4 889816026 +319 306 4 879975504 +319 332 4 876280289 +319 346 3 889816026 +319 682 3 879977089 +319 689 3 881355802 +319 750 3 889816107 +319 751 3 889816136 +320 11 4 884749255 +320 118 1 884748868 +320 148 4 884748708 +320 174 4 884749255 +320 210 5 884749227 +320 250 4 884751992 +320 291 4 884749014 +320 433 4 884751730 +320 456 3 884748904 +320 1210 4 884751316 +321 30 4 879439658 +321 180 4 879440612 +321 224 3 879439733 +321 483 5 879439658 +321 485 4 879439787 +321 494 4 879440318 +321 507 3 879441336 +321 709 4 879441308 +321 1028 2 879441064 +321 1194 5 879438607 +322 1 2 887314119 +322 12 4 887313946 +322 92 4 887314073 +322 194 5 887313850 +322 216 3 887313850 +322 313 5 887314417 +322 489 3 887313892 +322 521 5 887314244 +322 653 4 887314310 +322 751 2 887313611 +323 22 5 878739743 +323 100 4 878739177 +323 150 4 878739568 +323 199 4 878739953 +323 203 5 878739953 +323 246 4 878739177 +323 327 4 878738910 +323 744 5 878739436 +323 886 3 878738997 +323 1017 3 878739394 +324 9 5 880575449 +324 123 4 880575714 +324 255 4 880575449 +324 258 4 880575107 +324 288 5 880575002 +324 300 5 880574827 +324 307 5 880574766 +324 322 4 880575163 +324 872 5 880575045 +324 877 1 880575163 +325 98 4 891478079 +325 109 2 891478528 +325 143 1 891479017 +325 177 5 891478627 +325 181 4 891478160 +325 187 3 891478455 +325 474 5 891478392 +325 484 5 891478643 +325 506 5 891478180 +325 865 3 891478079 +326 54 3 879876300 +326 318 5 879875612 +326 444 4 879877413 +326 448 3 879877349 +326 503 3 879876542 +326 526 5 879874964 +326 528 3 879875112 +326 646 2 879875112 +326 675 4 879875457 +326 732 5 879877143 +327 93 4 887744432 +327 133 4 887745662 +327 169 2 887744205 +327 431 3 887820384 +327 474 3 887743986 +327 497 4 887818658 +327 558 4 887746196 +327 655 4 887745303 +327 811 4 887747363 +327 962 3 887820545 +328 4 3 885047895 +328 10 4 885047099 +328 43 3 886038224 +328 216 3 885045899 +328 431 2 885047822 +328 523 5 885046206 +328 528 5 886037457 +328 627 3 885048365 +328 655 4 886037429 +328 679 2 885049460 +329 124 5 891655905 +329 147 3 891656072 +329 269 4 891655191 +329 272 5 891655191 +329 276 4 891655905 +329 300 4 891655431 +329 303 4 891655350 +329 338 2 891655545 +329 855 4 891656206 +329 924 3 891655905 +330 8 5 876546236 +330 38 4 876546948 +330 44 5 876546920 +330 50 5 876544366 +330 181 5 876544277 +330 204 5 876546839 +330 213 5 876546752 +330 575 4 876547165 +330 603 5 876545625 +330 823 3 876544872 +331 58 3 877196567 +331 64 4 877196504 +331 277 4 877196384 +331 305 5 877196819 +331 653 3 877196173 +331 702 3 877196443 +331 705 2 877196173 +331 811 4 877196384 +331 868 4 877196567 +331 933 3 877196235 +332 44 3 888360342 +332 98 5 888359903 +332 148 5 887938486 +332 156 4 888359944 +332 595 4 887938574 +332 673 5 888360307 +332 696 3 887938760 +332 1016 5 887916529 +332 1150 3 887938631 +332 1188 5 888098374 +333 153 4 891045496 +333 168 4 891045496 +333 186 4 891045335 +333 255 3 891045624 +333 294 3 891045496 +333 300 4 891044389 +333 315 5 891044095 +333 435 4 891045245 +333 513 4 891045496 +333 873 3 891045496 +334 4 3 891548345 +334 86 4 891548295 +334 100 5 891544707 +334 269 3 891544049 +334 293 3 891544840 +334 317 3 891546000 +334 481 5 891546206 +334 1008 4 891545126 +334 1108 4 891549632 +334 1207 2 891550121 +335 258 1 891566808 +335 300 5 891567029 +335 305 4 891566861 +335 307 5 891566952 +335 313 3 891566808 +335 323 4 891567125 +335 342 2 891566976 +335 355 3 891567053 +335 748 2 891567098 +335 902 5 891566808 +336 117 3 877760603 +336 208 2 877757930 +336 239 3 877758001 +336 282 3 877760032 +336 451 2 877756242 +336 742 3 877759928 +336 845 1 877758035 +336 999 2 877757516 +336 1047 4 877757063 +336 1057 4 877757373 +337 15 5 875185596 +337 121 5 875185664 +337 127 3 875184682 +337 222 5 875185319 +337 449 4 875185319 +337 450 2 875185319 +337 471 5 875235809 +337 515 5 875184280 +337 520 5 875236281 +337 1016 4 875184825 +338 133 4 879438143 +338 134 5 879438536 +338 194 3 879438597 +338 294 1 879437576 +338 408 5 879438570 +338 462 4 879438715 +338 484 5 879438143 +338 486 3 879438392 +338 663 5 879438627 +338 945 4 879438762 +339 12 5 891032659 +339 82 4 891035850 +339 97 4 891034626 +339 133 4 891033165 +339 198 5 891033382 +339 214 3 891033226 +339 226 2 891034744 +339 270 2 891036753 +339 475 5 891032856 +339 573 3 891036016 +340 71 5 884990891 +340 174 4 884989913 +340 181 4 884991431 +340 205 4 884991516 +340 402 4 884990922 +340 423 4 884990583 +340 486 4 884991083 +340 504 1 884991742 +340 588 5 884991369 +340 946 5 884991647 +341 259 3 890758051 +341 299 5 890757745 +341 330 5 890758113 +341 335 4 890757782 +341 682 3 890757961 +341 872 4 890757841 +341 895 4 890757961 +341 908 3 890758080 +341 1025 5 890757961 +341 1280 2 890757782 +342 25 2 875318328 +342 156 4 874984128 +342 175 5 874984207 +342 237 4 874984832 +342 427 4 875319254 +342 518 3 875318858 +342 544 1 875318606 +342 974 2 874984789 +342 1071 4 875319497 +342 1368 5 874984507 +343 12 5 876405735 +343 20 5 876408138 +343 76 4 876407565 +343 187 4 876406006 +343 275 5 876408139 +343 375 2 876406978 +343 423 5 876408139 +343 474 5 876406677 +343 655 5 876405697 +343 823 3 876403851 +344 175 5 884901110 +344 196 4 884901328 +344 204 4 884901024 +344 283 4 884814432 +344 477 3 884900353 +344 508 4 884814697 +344 537 4 884814432 +344 597 2 884900454 +344 619 4 885770181 +344 716 3 884901403 +345 121 3 884991384 +345 151 5 884991191 +345 173 5 884902317 +345 285 5 884901701 +345 473 2 884991244 +345 508 4 884901000 +345 919 2 884991077 +345 956 4 884916322 +345 1082 2 884994569 +345 1315 3 884994631 +346 17 1 874950839 +346 133 5 874948513 +346 167 2 875264209 +346 218 3 875263574 +346 232 3 875263877 +346 237 4 874949086 +346 392 3 875266064 +346 561 3 874950172 +346 780 2 875264904 +346 977 3 875264110 +347 69 5 881653687 +347 208 2 881654480 +347 268 4 881652169 +347 317 1 881654409 +347 323 1 881652142 +347 423 4 881654567 +347 435 5 881654211 +347 735 2 881654134 +347 879 3 881652099 +347 1088 1 881653224 +348 15 4 886523330 +348 245 4 886522765 +348 276 3 886523456 +348 294 4 886522658 +348 406 4 886523521 +348 411 4 886523790 +348 472 4 886523758 +348 473 3 886523560 +348 834 4 886523913 +348 975 4 886523813 +349 9 4 879465477 +349 10 5 879465569 +349 15 4 879465785 +349 20 5 879465642 +349 120 3 879466334 +349 121 2 879465712 +349 288 3 879466118 +349 544 4 879465933 +349 596 2 879465814 +349 1117 3 879466366 +350 133 5 882346900 +350 172 5 882345823 +350 185 5 882347531 +350 193 4 882347653 +350 204 4 882346161 +350 211 2 882347466 +350 265 2 882347466 +350 286 5 882345337 +350 589 5 882346986 +350 604 5 882346086 +351 245 3 879481550 +351 286 5 879481386 +351 288 3 879481550 +351 300 5 879481425 +351 326 5 879481589 +351 327 5 883356684 +351 750 5 883356810 +351 751 4 883356614 +351 754 5 883356614 +351 990 5 879481461 +352 50 5 884289693 +352 89 5 884289693 +352 100 4 884290428 +352 172 5 884289759 +352 183 5 884289693 +352 195 4 884289693 +352 273 2 884290328 +352 568 5 884290328 +352 657 4 884290428 +352 692 3 884290361 +353 245 4 891402405 +353 270 2 891402358 +353 315 4 891402757 +353 327 2 891402443 +353 331 4 891401992 +353 333 4 891402757 +353 346 4 891402757 +353 358 1 891402617 +353 750 4 891402757 +353 905 4 891402674 +354 175 5 891218024 +354 208 4 891217394 +354 268 4 891180399 +354 297 4 891216760 +354 480 4 891217897 +354 508 3 891216607 +354 631 4 891217449 +354 657 4 891218289 +354 716 3 891307157 +354 882 4 891216157 +355 260 4 879485760 +355 271 3 879486422 +355 286 5 879485423 +355 288 5 879485523 +355 306 4 879486422 +355 324 4 879486422 +355 328 4 879486422 +355 329 3 879486421 +355 681 4 879485523 +355 1392 4 879485760 +356 286 3 891405721 +356 292 3 891405978 +356 307 4 891406040 +356 310 3 891405721 +356 312 3 891406317 +356 315 4 891405619 +356 316 4 891406372 +356 331 3 891405619 +356 347 4 891405619 +356 1294 4 891405721 +357 118 5 878951691 +357 125 5 878951784 +357 287 4 878952265 +357 326 5 878951101 +357 334 4 878951101 +357 405 5 878951784 +357 819 4 878951653 +357 864 5 878951653 +357 866 5 878951864 +357 1095 3 878952190 +358 127 1 891269117 +358 213 5 891269827 +358 268 3 891269077 +358 318 5 891271063 +358 511 2 891271035 +358 529 3 891269464 +358 558 4 891269511 +358 584 4 891269913 +358 666 3 891269992 +358 863 5 891269666 +359 1 4 886453214 +359 7 5 886453325 +359 121 4 886453373 +359 246 3 886453214 +359 286 5 886453161 +359 298 5 886453354 +359 405 3 886453354 +359 408 5 886453239 +359 472 4 886453402 +359 546 3 886453373 +360 28 4 880355678 +360 79 4 880355485 +360 194 3 880355803 +360 197 5 880355888 +360 242 4 880353616 +360 283 4 880354215 +360 302 4 880353526 +360 588 3 880355803 +360 663 4 880355888 +360 735 5 880356059 +361 14 4 879440651 +361 97 4 879440740 +361 111 3 879440974 +361 183 4 879441285 +361 185 5 879441215 +361 286 5 879440286 +361 402 3 879441179 +361 498 4 879441416 +361 655 3 879440346 +361 709 5 879440974 +362 245 4 885019504 +362 264 1 885019695 +362 300 5 885019304 +362 313 4 885019304 +362 322 3 885019651 +362 332 5 885019537 +362 350 5 885019537 +362 689 5 885019504 +362 748 1 885019592 +362 1025 2 885019746 +363 55 5 891495682 +363 71 3 891495301 +363 182 1 891494962 +363 183 4 891494835 +363 189 5 891495070 +363 336 4 891494011 +363 433 4 891495143 +363 906 2 891493795 +363 1007 5 891499355 +363 1267 2 891496481 +364 261 2 875931432 +364 268 3 875931309 +364 286 5 875931309 +364 302 4 875931309 +364 319 3 875931309 +364 325 4 875931432 +364 678 4 875931478 +364 687 1 875931561 +364 948 4 875931561 +364 990 4 875931478 +365 7 2 891304213 +365 13 3 891303950 +365 25 4 891303950 +365 150 5 891303950 +365 275 4 891304019 +365 289 3 891303694 +365 321 5 891303536 +365 742 3 891304039 +365 948 1 891303809 +365 1048 3 891304152 +366 7 2 888857598 +366 56 5 888857750 +366 98 5 888857750 +366 184 4 888857866 +366 219 5 888857932 +366 413 4 888857598 +366 445 5 888857932 +366 559 5 888858078 +366 573 5 888858078 +366 854 5 888857750 +367 56 5 876689932 +367 201 5 876689991 +367 219 4 876690098 +367 258 4 876689364 +367 288 5 876689418 +367 326 4 876689502 +367 334 4 876689364 +367 448 4 876690098 +367 452 4 876690120 +367 551 3 876690048 +368 17 5 889783562 +368 56 4 889783407 +368 89 4 889783678 +368 181 4 889783678 +368 201 5 889783407 +368 217 5 889783562 +368 218 2 889783453 +368 313 5 889783251 +368 320 5 889783364 +368 569 3 889783586 +369 179 4 889428442 +369 268 5 889428642 +369 316 5 889428641 +369 346 4 889427890 +369 358 3 889428228 +369 751 4 889428097 +369 752 4 889428011 +369 890 3 889428268 +369 900 4 889428642 +369 919 5 889428642 +370 22 4 879434832 +370 153 2 879434832 +370 257 5 879434468 +370 294 1 879434229 +370 493 5 879434886 +370 511 4 879434804 +370 604 4 879434804 +370 608 4 879434860 +370 631 4 879435369 +370 659 4 879435033 +371 42 3 880435397 +371 50 4 877486953 +371 64 4 877487052 +371 79 5 880435519 +371 98 5 877487213 +371 210 4 880435313 +371 234 5 877487691 +371 265 5 880435544 +371 423 5 880435071 +371 627 4 877487656 +372 77 5 876869794 +372 322 3 876869330 +372 325 4 876869330 +372 327 5 876869183 +372 448 4 876869445 +372 547 5 876869481 +372 561 5 876869534 +372 574 4 876869957 +372 581 5 876869794 +372 649 3 876869977 +373 81 2 877100326 +373 89 5 877098821 +373 151 4 877100129 +373 230 4 877107430 +373 241 5 877100326 +373 290 5 877098784 +373 399 3 877105674 +373 420 4 877107630 +373 427 4 877099317 +373 1135 3 877107043 +374 111 2 880393268 +374 122 2 882158328 +374 125 5 880393424 +374 162 2 880396511 +374 200 5 880395735 +374 292 4 880392237 +374 427 3 880396048 +374 454 4 880394997 +374 581 4 880938044 +374 1028 1 880393425 +375 5 4 886622066 +375 77 4 886622024 +375 183 5 886621917 +375 185 5 886621950 +375 218 3 886622024 +375 288 4 886621795 +375 302 5 886621795 +375 525 4 886621917 +375 770 3 886622131 +375 939 3 886622024 +376 11 4 879454598 +376 111 4 879459115 +376 181 4 879454598 +376 198 5 879454598 +376 223 4 879454598 +376 246 3 879459054 +376 268 3 879432976 +376 427 4 879454598 +376 514 4 879434613 +376 707 4 879434750 +377 7 4 891299010 +377 56 4 891298407 +377 98 5 891299009 +377 268 3 891295937 +377 313 5 891295989 +377 316 4 891297001 +377 338 3 891297293 +377 358 3 891297023 +377 508 4 891298549 +377 1105 3 891296275 +378 151 3 880044385 +378 191 5 880046229 +378 196 4 880046306 +378 215 4 880055336 +378 272 4 889665041 +378 274 3 880055597 +378 289 5 889665232 +378 542 4 880333470 +378 793 3 880046437 +378 1478 3 880333098 +379 90 2 880740215 +379 164 4 880524582 +379 176 5 886317511 +379 192 4 880524972 +379 391 4 880525698 +379 401 3 880962187 +379 402 3 880524943 +379 443 4 880524640 +379 735 4 880525133 +379 1032 2 880568109 +380 62 1 885479777 +380 154 3 885478624 +380 172 3 885478334 +380 229 3 885481179 +380 427 4 885478193 +380 518 3 885478821 +380 709 4 885478603 +380 856 3 885479706 +380 1168 3 885479833 +380 1444 1 885480795 +381 13 4 892696445 +381 216 5 892695996 +381 403 3 892696045 +381 634 3 892696872 +381 652 5 892696252 +381 694 4 892696929 +381 724 3 892696616 +381 914 1 892697768 +381 1439 3 892696831 +381 1533 4 892696106 +382 9 4 875946830 +382 98 3 875946563 +382 137 2 875946029 +382 481 5 875947078 +382 508 3 875946029 +382 639 3 875946881 +382 717 3 875946347 +382 1142 3 875945451 +382 1229 5 875947240 +382 1534 4 875946830 +383 9 5 891192801 +383 14 5 891192836 +383 19 4 891192911 +383 86 5 891193210 +383 137 5 891192986 +383 197 5 891192888 +383 302 4 891192216 +383 313 2 891192158 +383 483 5 891192986 +383 513 5 891193016 +384 289 5 891283502 +384 300 4 891273809 +384 302 5 891273509 +384 313 5 891273683 +384 316 5 891274055 +384 327 4 891273761 +384 329 3 891273761 +384 333 4 891273509 +384 751 4 891274091 +384 879 4 891273874 +385 99 2 879443186 +385 129 3 881467873 +385 153 4 879442028 +385 195 1 879453773 +385 224 2 879439728 +385 340 4 879438647 +385 423 2 879445662 +385 474 5 881530739 +385 661 4 879443045 +385 1411 3 879447873 +386 24 4 877655028 +386 117 5 877655028 +386 127 5 877654961 +386 273 3 877655028 +386 323 4 877655085 +386 405 4 877655145 +386 685 4 877655085 +386 825 4 877655146 +386 840 5 877655145 +386 982 3 877655195 +387 31 3 886483330 +387 32 5 886479737 +387 200 5 886481686 +387 224 5 886480703 +387 423 3 886484065 +387 447 4 886481687 +387 559 3 886481737 +387 942 4 886483906 +387 1007 5 886480623 +387 1019 4 886480288 +388 111 3 886437163 +388 298 5 886436582 +388 301 4 886438602 +388 569 5 886441248 +388 678 4 886442062 +388 682 4 886439808 +388 742 5 886437163 +388 769 3 886441306 +388 845 4 886437163 +388 895 4 886438540 +389 38 2 880089076 +389 111 3 879916053 +389 429 4 879991352 +389 507 5 879991196 +389 550 3 880088923 +389 607 3 879991297 +389 656 5 879991175 +389 715 3 880614012 +389 845 4 879916053 +389 1530 2 880088753 +390 1 5 879694066 +390 126 5 879694123 +390 275 5 879694123 +390 277 2 879694123 +390 283 4 879694316 +390 289 3 879693677 +390 302 5 879693461 +390 319 5 879693561 +390 515 4 879694259 +390 742 4 879694198 +391 47 4 877399301 +391 97 4 877399301 +391 195 2 877399618 +391 203 4 877399423 +391 204 3 877399658 +391 474 5 877399171 +391 497 3 877399133 +391 530 5 877399337 +391 924 2 877400116 +391 1101 4 877399423 +392 98 5 891038979 +392 276 4 891039049 +392 285 3 891039050 +392 286 2 891037385 +392 319 5 891037385 +392 321 5 891037685 +392 534 4 891038205 +392 538 2 891037851 +392 873 3 891037851 +392 1014 3 891038205 +393 88 3 889730066 +393 128 3 887746145 +393 252 3 887744766 +393 539 3 891364757 +393 681 3 887742798 +393 683 4 887742110 +393 763 5 887745086 +393 932 3 887744578 +393 940 2 889731109 +393 1048 3 887745120 +394 121 4 880888452 +394 181 4 880886796 +394 217 5 880888972 +394 228 5 881132876 +394 232 4 880889374 +394 450 3 881132958 +394 508 4 880886978 +394 552 3 881060176 +394 559 4 880888746 +394 1079 3 881059148 +395 64 5 883763958 +395 98 5 883764061 +395 210 5 883763136 +395 237 4 883764974 +395 257 5 883765386 +395 313 3 883762135 +395 328 4 883762528 +395 338 4 883762733 +395 342 4 883762414 +395 596 2 886481149 +396 1 4 884646346 +396 288 3 884645648 +396 322 4 884645790 +396 328 4 884645813 +396 329 2 884645615 +396 591 3 884646114 +396 595 3 884646467 +396 977 3 884646468 +396 986 4 884646537 +396 1399 3 884645942 +397 56 5 882839517 +397 117 3 885349610 +397 183 4 885349348 +397 261 1 875063722 +397 322 1 875063613 +397 324 2 882838749 +397 327 2 875063649 +397 657 5 885349759 +397 894 1 882838796 +397 1298 3 885350543 +398 15 5 875651828 +398 70 4 875717315 +398 144 5 875658715 +398 172 5 875725927 +398 284 2 875654781 +398 357 4 875657926 +398 417 3 875719399 +398 493 5 875723337 +398 520 5 875717106 +398 659 3 875738391 +399 33 3 882344942 +399 154 3 882343327 +399 196 5 882349678 +399 372 3 882511047 +399 402 3 882344434 +399 531 3 882342964 +399 742 4 882340844 +399 924 5 882340678 +399 1232 3 882350831 +399 1543 3 882509891 +400 258 5 885676316 +400 269 4 885676230 +400 286 4 885676230 +400 288 4 885676365 +400 294 3 885676411 +400 301 4 885676411 +400 306 3 885676230 +400 332 2 885676526 +400 690 3 885676365 +400 748 2 885676411 +401 26 3 891033395 +401 111 4 891032296 +401 137 3 891032316 +401 173 3 891032937 +401 204 5 891033684 +401 210 4 891032976 +401 284 3 891032453 +401 462 4 891033684 +401 527 4 891032919 +401 866 3 891032697 +402 25 4 876266926 +402 32 3 876267235 +402 48 5 876267173 +402 96 5 876267234 +402 151 5 876266984 +402 222 4 876266948 +402 235 3 876267014 +402 245 1 876266860 +402 479 5 876267206 +402 511 5 876266775 +403 127 4 879786221 +403 240 1 879786084 +403 274 3 879786661 +403 284 1 879790389 +403 288 4 879785822 +403 410 2 879790445 +403 471 5 879785822 +403 748 5 879786406 +403 845 4 879786052 +403 1047 2 879786381 +404 243 3 883790465 +404 258 4 883790181 +404 259 5 883790491 +404 289 1 883790492 +404 331 3 883790249 +404 343 1 883790656 +404 348 3 883790400 +404 678 4 883790400 +404 739 4 883790851 +404 1238 3 883790181 +405 190 2 885546201 +405 210 5 885547124 +405 465 1 885548836 +405 521 4 885544698 +405 524 1 885547124 +405 570 1 885546487 +405 692 5 885547177 +405 721 1 885547360 +405 1177 1 885547766 +405 1503 1 885548932 +406 14 4 879539855 +406 58 4 879446718 +406 85 2 880131875 +406 429 4 879446062 +406 463 5 879793261 +406 469 4 879446588 +406 488 4 879445642 +406 645 5 880131905 +406 651 3 882480595 +406 1126 3 879446588 +407 117 3 875550223 +407 157 2 875046752 +407 174 5 875042675 +407 194 4 875115452 +407 466 3 876339101 +407 616 3 875553018 +407 642 2 875045627 +407 655 4 875044037 +407 755 3 875553509 +407 969 4 884201736 +408 270 5 889679683 +408 294 5 889680045 +408 302 5 889679683 +408 312 3 889680073 +408 313 4 889679761 +408 324 5 889680018 +408 328 2 889679791 +408 358 4 889680045 +408 539 1 889680018 +408 1296 4 889679901 +409 6 4 881109306 +409 59 5 881108455 +409 199 4 881107117 +409 201 1 881109019 +409 214 4 881109216 +409 497 3 881168631 +409 516 4 881109347 +409 520 2 881107943 +409 659 5 881107410 +409 1176 4 881104838 +410 258 2 888626538 +410 269 5 888627137 +410 311 3 888626913 +410 315 4 888627138 +410 316 4 888627138 +410 328 3 888626786 +410 340 2 888626506 +410 347 1 888626538 +410 754 3 888626710 +410 873 4 888627138 +411 22 4 891035239 +411 88 3 891035761 +411 186 5 892845605 +411 227 3 891035362 +411 258 4 892845634 +411 265 5 892845604 +411 304 3 891034982 +411 527 4 892845926 +411 709 5 892845604 +411 720 3 891035761 +412 117 4 879717177 +412 173 5 879717649 +412 193 4 879717549 +412 288 4 879716566 +412 480 4 879717147 +412 487 3 879717118 +412 508 4 879716962 +412 526 4 879717572 +412 634 5 879716918 +412 724 4 879717095 +413 9 4 879969591 +413 181 5 879969591 +413 236 4 879969557 +413 245 2 879969027 +413 250 3 879969674 +413 257 4 879969592 +413 275 5 879969557 +413 284 4 879969709 +413 302 2 879968794 +413 326 3 879969027 +414 288 5 884999066 +414 301 3 884999128 +414 302 5 884998953 +414 324 4 884999127 +414 325 3 884999193 +414 340 4 884999066 +414 343 2 884999193 +414 690 4 884999347 +414 748 3 884999147 +414 886 4 884999286 +415 136 5 879439684 +415 185 4 879439960 +415 204 4 879439865 +415 269 4 879439108 +415 322 4 879439205 +415 323 2 879439205 +415 432 4 879439610 +415 480 5 879439960 +415 531 5 879439684 +415 748 5 879439349 +416 43 1 886318186 +416 56 5 893212929 +416 210 5 893213918 +416 226 4 886317030 +416 234 5 893213644 +416 277 5 893212572 +416 761 4 886318708 +416 1035 3 892441480 +416 1098 3 886316271 +416 1147 4 888702100 +417 12 4 879647275 +417 42 4 879647498 +417 67 4 880952837 +417 135 3 879647826 +417 159 4 879648656 +417 196 5 879647090 +417 552 2 880952066 +417 658 2 879647947 +417 710 4 879647826 +417 1044 3 879648939 +418 288 5 891282836 +418 300 3 891282656 +418 327 1 891282836 +418 328 1 891282738 +418 333 5 891282520 +418 346 2 891282595 +418 750 2 891282626 +418 895 4 891282595 +418 899 5 891282706 +418 1313 2 891282813 +419 14 5 879435828 +419 79 4 879435590 +419 89 3 879435722 +419 100 5 879435722 +419 134 5 879435722 +419 405 3 879435503 +419 478 5 879435785 +419 604 5 879435590 +419 615 5 879435785 +419 617 4 879435628 +420 14 5 891356927 +420 100 5 891357104 +420 116 4 891357162 +420 408 4 891356927 +420 475 4 891357162 +420 478 3 891356864 +420 508 3 891357162 +420 513 5 891356864 +420 603 4 891356864 +420 750 4 891356790 +421 7 3 892241646 +421 11 2 892241624 +421 174 5 892241362 +421 176 5 892241422 +421 182 5 892241624 +421 302 4 892241236 +421 466 4 892241459 +421 516 5 892241554 +421 517 2 892241491 +421 914 3 892241236 +422 1 3 875130063 +422 100 4 875129791 +422 200 5 879744015 +422 273 5 875129791 +422 276 5 875129791 +422 358 2 875129640 +422 379 2 879744218 +422 477 4 875130027 +422 926 2 875130100 +422 1017 4 875130063 +423 300 3 891394874 +423 304 4 891394632 +423 327 2 891394673 +423 333 3 891394747 +423 348 3 891394910 +423 355 3 891395020 +423 898 4 891394952 +423 977 1 891395787 +423 1011 3 891395547 +423 1265 4 891394788 +424 127 4 880859493 +424 172 3 880859385 +424 243 4 880859115 +424 288 1 880858924 +424 289 5 880858924 +424 310 3 880858829 +424 323 5 880859084 +424 333 5 880859228 +424 427 4 880859346 +424 538 5 880858861 +425 38 3 878738757 +425 56 5 878737945 +425 83 2 891986445 +425 172 5 878738385 +425 250 4 878739054 +425 313 1 890346317 +425 323 2 878737684 +425 429 4 878737908 +425 475 5 878737945 +425 759 2 878738290 +426 182 2 879442702 +426 199 5 879442702 +426 428 2 879444081 +426 430 3 879445005 +426 486 3 879444604 +426 526 4 879444734 +426 527 3 879444550 +426 606 5 879442044 +426 651 4 879442702 +426 848 4 879444117 +427 245 5 879701326 +427 292 2 879701127 +427 303 5 879701253 +427 359 5 879701253 +427 681 5 879701326 +427 688 5 879701326 +427 937 5 879701326 +427 989 5 879701253 +427 990 5 879701326 +427 1265 5 879701253 +428 243 4 885943713 +428 289 4 885943981 +428 300 5 885943713 +428 323 3 885943869 +428 331 4 885943847 +428 877 5 885943685 +428 879 4 885943818 +428 896 4 885943685 +428 908 4 885944024 +428 988 1 885943955 +429 97 4 882386171 +429 371 2 882387715 +429 431 5 882384870 +429 491 3 882384950 +429 633 3 882385829 +429 709 4 882385267 +429 941 3 882387506 +429 944 3 882387474 +429 1113 3 882386711 +429 1119 3 882387653 +430 9 3 877225726 +430 12 4 877226164 +430 221 5 877225547 +430 264 2 877225328 +430 273 4 877225894 +430 286 4 877225174 +430 288 4 877225239 +430 293 3 877225865 +430 302 4 877225173 +430 1347 5 877226047 +431 245 4 877844489 +431 269 3 877844062 +431 294 5 877844377 +431 302 3 877844062 +431 327 3 877844559 +431 328 4 877844377 +431 332 3 877844377 +431 358 2 877844489 +431 689 3 881127786 +431 690 3 877844183 +432 118 4 889416608 +432 123 3 889416312 +432 151 4 889415895 +432 246 4 889415895 +432 250 1 889415895 +432 315 5 889415763 +432 405 4 889416490 +432 763 5 889416570 +432 871 2 889416456 +432 1047 5 889416118 +433 12 5 880585803 +433 59 5 880585730 +433 95 3 880585802 +433 294 3 880585271 +433 322 2 880585466 +433 333 2 880585133 +433 435 4 880585700 +433 754 3 880585162 +433 1005 5 880585730 +433 1598 1 880585865 +434 9 1 886724563 +434 147 3 886724822 +434 148 3 886724797 +434 237 5 886724754 +434 763 5 886724873 +434 833 4 886724914 +434 844 3 886724505 +434 1051 3 886724453 +434 1095 5 886724940 +434 1152 5 886724633 +435 115 4 884131771 +435 141 2 884132898 +435 217 4 884133161 +435 234 4 884132619 +435 252 2 884134677 +435 386 4 884133584 +435 652 4 884131741 +435 746 4 884132184 +435 1028 2 884133284 +435 1217 3 884133819 +436 66 5 887770457 +436 157 5 887768982 +436 226 4 887770640 +436 503 4 887769802 +436 546 3 887771826 +436 742 5 887769050 +436 787 5 887770640 +436 845 5 887771269 +436 1206 3 887769868 +436 1522 2 887771123 +437 86 4 881001715 +437 197 5 880141962 +437 239 4 880141529 +437 418 3 880141084 +437 451 5 880143115 +437 584 3 880141243 +437 640 1 881002300 +437 665 2 880143695 +437 755 3 880143450 +437 1113 4 881002161 +438 100 4 879868024 +438 118 4 879868529 +438 220 4 879868328 +438 245 5 879867960 +438 255 4 879868242 +438 280 5 879868423 +438 286 2 879867960 +438 471 4 879868184 +438 845 4 879868042 +438 866 5 879868529 +439 7 4 882893245 +439 147 4 882893737 +439 237 5 882893220 +439 240 3 882893859 +439 246 4 882892755 +439 273 2 882892675 +439 285 5 882893220 +439 300 4 882892424 +439 895 3 882892424 +439 1048 4 882893602 +440 86 5 891577919 +440 171 5 891577871 +440 243 1 891577504 +440 271 5 891550404 +440 319 2 891549397 +440 582 3 891577919 +440 921 5 891578264 +440 937 5 891548567 +440 971 5 891577871 +440 1191 5 891550404 +441 7 4 891035468 +441 100 3 891035441 +441 121 4 891035489 +441 282 4 891035528 +441 294 4 891035211 +441 300 3 891035056 +441 313 4 891035056 +441 338 4 891035289 +441 342 4 891035267 +441 538 3 891035144 +442 29 3 883390641 +442 38 3 883390674 +442 41 4 883388609 +442 129 4 883391146 +442 452 3 883390169 +442 559 2 883390048 +442 572 3 883391344 +442 578 2 883390466 +442 591 3 883391221 +442 636 5 883390416 +443 175 2 883505396 +443 260 1 883504818 +443 269 3 883504564 +443 294 5 883504593 +443 309 5 883504866 +443 313 4 883504564 +443 333 5 883504654 +443 343 5 883504771 +443 358 1 883504748 +443 748 4 883505171 +444 9 5 890247287 +444 245 4 891979402 +444 251 5 890247385 +444 258 3 890246907 +444 271 3 891979403 +444 275 4 891979402 +444 306 5 890246907 +444 313 4 890246940 +444 328 5 890247082 +444 748 1 890247172 +445 12 2 890987617 +445 50 2 891199715 +445 121 1 891200233 +445 150 2 890987617 +445 246 1 891199682 +445 291 2 891200233 +445 763 2 891200233 +445 886 3 891035539 +445 1187 3 891200137 +445 1245 1 891200390 +446 270 4 879786892 +446 286 3 879787730 +446 292 5 879786838 +446 302 4 879787730 +446 303 2 879787859 +446 328 3 879786984 +446 334 3 879787149 +446 688 2 879786985 +446 690 2 879786892 +446 754 3 879787858 +447 9 2 878854195 +447 68 5 878855819 +447 91 4 878856549 +447 180 5 878855989 +447 206 4 878856209 +447 252 3 878854975 +447 288 4 878855082 +447 300 4 878854011 +447 760 4 878854838 +447 879 3 878854056 +448 304 3 891888137 +448 305 4 891888509 +448 321 4 891888509 +448 333 2 891887161 +448 338 1 891888712 +448 340 4 891888137 +448 750 5 891888099 +448 900 3 891887393 +448 1176 2 891887393 +448 1602 4 891888042 +449 117 3 879958624 +449 122 1 879959573 +449 127 5 879958572 +449 170 4 880410652 +449 171 4 880410599 +449 276 5 879958705 +449 293 4 879958803 +449 546 2 879959573 +449 1006 4 880410701 +449 1318 2 879959573 +450 38 4 882474001 +450 144 5 882373865 +450 179 5 882394364 +450 252 3 887834953 +450 384 3 882471524 +450 462 4 882396928 +450 659 5 882374217 +450 739 4 887660650 +450 1160 5 886612330 +450 1269 4 882812635 +451 260 5 879012580 +451 264 3 879012604 +451 319 2 879012510 +451 322 4 879012510 +451 331 5 879012431 +451 457 2 879012890 +451 683 1 879012470 +451 875 2 879012721 +451 984 4 879012647 +451 1392 1 879012812 +452 27 5 885816916 +452 61 1 887718917 +452 69 5 875275699 +452 89 5 875263413 +452 121 5 885816916 +452 186 1 875875499 +452 201 1 875875685 +452 276 1 885490917 +452 502 2 885817844 +452 506 3 875276081 +453 7 5 877562135 +453 33 4 877561522 +453 42 5 877554301 +453 154 3 877554587 +453 188 4 877554466 +453 231 2 877562293 +453 412 2 877553302 +453 456 3 877552540 +453 566 3 877561593 +453 568 3 888207161 +454 51 2 888267158 +454 144 4 888266643 +454 164 3 881960265 +454 174 4 888266643 +454 286 3 881958782 +454 310 4 881958464 +454 315 4 888015651 +454 479 4 881959991 +454 705 3 881959818 +454 1299 2 888266991 +455 161 4 879112098 +455 196 4 879111737 +455 214 3 879112122 +455 255 2 884027240 +455 300 4 878585250 +455 343 4 882141285 +455 508 4 882141385 +455 531 3 879111291 +455 597 3 879110123 +455 647 4 879111092 +456 3 4 881371660 +456 22 4 881373573 +456 200 4 881374390 +456 231 2 881375226 +456 447 3 881374332 +456 568 2 881374246 +456 708 4 881373756 +456 710 3 881374649 +456 963 4 881374047 +456 979 3 881371694 +457 58 4 882397177 +457 156 5 882397095 +457 164 4 882547645 +457 285 5 882393648 +457 385 4 882392950 +457 527 5 882553113 +457 720 3 882550925 +457 758 2 882551135 +457 825 5 882553112 +457 1030 2 882551134 +458 48 4 886396192 +458 174 3 886397109 +458 321 3 889323855 +458 330 3 889324461 +458 410 1 886394778 +458 517 4 886398289 +458 591 3 886394730 +458 847 5 889324370 +458 925 3 886395166 +458 939 4 886398187 +459 3 2 879563288 +459 79 3 879566291 +459 181 4 879562939 +459 282 3 879562995 +459 295 3 879563367 +459 411 2 879563796 +459 825 3 879563474 +459 827 3 879563758 +459 846 4 879563435 +459 1047 3 879563668 +460 14 5 882912418 +460 146 4 882912370 +460 149 4 882912174 +460 301 3 882910579 +460 302 4 882910837 +460 311 5 882912418 +460 322 3 882910722 +460 532 3 882912370 +460 713 4 882912469 +460 1115 3 882912235 +461 9 5 885356112 +461 158 2 885355930 +461 242 3 885355735 +461 258 4 885355735 +461 285 4 885356112 +461 294 3 885355805 +461 304 4 885355805 +461 319 3 885355778 +461 347 4 885355679 +461 575 2 885355930 +462 11 5 886365498 +462 22 5 886365498 +462 237 5 886365387 +462 259 3 886365773 +462 272 5 886365142 +462 288 5 886365260 +462 292 5 886365260 +462 300 5 886365260 +462 315 4 886365837 +462 323 2 886365837 +463 3 2 877386083 +463 10 1 890453075 +463 100 4 877385237 +463 103 1 890530703 +463 285 4 877385125 +463 306 4 877384836 +463 311 4 889936814 +463 410 1 890530286 +463 864 3 890530351 +463 930 1 889936180 +464 116 4 878355167 +464 181 3 878354998 +464 258 5 878354626 +464 260 2 878354859 +464 294 4 878354721 +464 301 4 878354829 +464 326 4 878354761 +464 705 5 878355258 +464 1226 4 878355033 +464 1598 3 878355088 +465 28 3 883531110 +465 64 5 883530088 +465 179 3 883531325 +465 190 4 883530054 +465 395 1 883532120 +465 496 3 883531246 +465 525 3 883531111 +465 584 3 883531325 +465 588 4 883531380 +465 1078 2 883532119 +466 2 1 890284819 +466 232 4 890284903 +466 315 5 890284231 +466 333 4 890284652 +466 334 3 890283690 +466 350 4 890284651 +466 546 4 890285159 +466 566 3 890284819 +466 882 5 890284231 +466 1313 3 890283690 +467 7 5 879532385 +467 100 5 879532420 +467 108 4 879532744 +467 124 5 879532534 +467 248 3 879532651 +467 276 5 879532460 +467 298 4 879532385 +467 340 3 879532198 +467 1016 4 879532671 +467 1142 5 879532478 +468 4 5 875296868 +468 31 3 875287615 +468 51 3 875293386 +468 71 5 875295148 +468 116 4 875280180 +468 283 4 875280331 +468 294 3 875279153 +468 469 4 875296309 +468 498 5 875291571 +468 507 5 875295412 +469 10 5 879525373 +469 127 4 879525373 +469 134 5 879524062 +469 173 4 879524178 +469 194 5 879524116 +469 495 5 879525237 +469 654 4 879524177 +469 705 5 879524302 +469 923 5 879523891 +469 1558 5 879524177 +470 19 4 879178813 +470 137 3 879178406 +470 221 4 879178370 +470 246 2 879189432 +470 285 3 879178619 +470 288 4 879178216 +470 293 4 879178455 +470 295 3 879178455 +470 813 3 879178370 +470 952 3 879178884 +471 8 5 889827881 +471 50 3 889827757 +471 102 5 889828081 +471 151 2 889828154 +471 404 2 889827757 +471 422 5 889827982 +471 501 3 889828027 +471 768 3 889827982 +471 878 4 889827710 +471 932 5 889828027 +472 118 4 875979082 +472 232 4 875983321 +472 250 5 875978059 +472 625 4 875981968 +472 689 4 883903273 +472 756 4 875978922 +472 931 2 883904681 +472 940 4 875982560 +472 977 3 875979317 +472 1210 3 875983484 +473 7 2 878157329 +473 25 4 878157427 +473 116 5 878157544 +473 137 4 878157357 +473 256 4 878157648 +473 268 5 878156932 +473 275 5 878157527 +473 319 3 878156824 +473 321 2 878156950 +473 327 3 878156857 +474 52 4 887925751 +474 100 5 887915413 +474 134 4 887923972 +474 180 5 887924028 +474 317 4 887925187 +474 474 5 887923789 +474 484 5 887925751 +474 661 4 887925620 +474 735 4 887924619 +474 1028 1 887916438 +475 50 5 891627857 +475 127 4 891627857 +475 258 1 891451205 +475 269 4 891451276 +475 302 3 891451083 +475 303 1 891451341 +475 306 5 891451276 +475 327 4 891451149 +475 354 2 891627606 +475 539 3 891451693 +476 33 4 883364475 +476 42 4 883364295 +476 63 3 883365274 +476 328 4 883365684 +476 435 3 883364218 +476 585 1 883365336 +476 734 4 883365274 +476 748 2 883365634 +476 944 2 883364813 +476 1074 4 883365274 +477 282 4 875941948 +477 289 5 875941793 +477 369 4 875940836 +477 553 5 875941155 +477 731 4 875941275 +477 732 4 875941111 +477 756 4 875940755 +477 778 4 875941191 +477 1041 5 875941225 +477 1051 5 875941763 +478 17 2 889396180 +478 48 4 889388587 +478 81 4 889395977 +478 188 4 889396582 +478 354 3 889397221 +478 369 3 889388429 +478 496 5 889388862 +478 604 3 889398289 +478 658 3 889395977 +478 739 4 889398528 +479 55 4 879461207 +479 71 1 879461143 +479 88 4 879462041 +479 161 3 879461399 +479 164 4 879461781 +479 286 1 879533972 +479 422 3 879461207 +479 640 4 879462168 +479 748 3 879459710 +479 1013 1 879460453 +480 8 5 891208576 +480 165 5 891208390 +480 166 5 891208185 +480 191 4 891208265 +480 265 3 891208390 +480 298 2 891207665 +480 347 3 891207605 +480 510 4 891208460 +480 517 4 891208460 +480 642 4 891208822 +481 216 5 885828339 +481 238 4 885828245 +481 367 3 885829153 +481 505 5 885828574 +481 514 4 885829045 +481 648 5 885828165 +481 650 3 885828650 +481 659 5 885829153 +481 692 4 885828339 +481 780 1 885829240 +482 50 4 887644063 +482 243 2 887644023 +482 245 4 887643461 +482 269 4 887643096 +482 288 3 887644023 +482 315 3 887643146 +482 328 4 887643289 +482 346 3 887644022 +482 748 4 887643365 +482 881 3 887644022 +483 12 2 878953999 +483 20 2 878952993 +483 199 3 882165665 +483 275 4 878951388 +483 277 3 878952636 +483 286 3 878950353 +483 365 2 878953277 +483 405 3 878952966 +483 538 2 886470912 +483 612 3 878953751 +484 53 1 891195663 +484 228 5 891195349 +484 265 5 891195476 +484 343 2 883402932 +484 463 4 882807416 +484 560 4 891195886 +484 651 5 891194910 +484 778 5 891195246 +484 879 4 891194665 +484 926 4 881450136 +485 269 4 891040493 +485 286 2 891040897 +485 301 2 891041551 +485 303 4 891040688 +485 311 3 891040423 +485 319 3 891041485 +485 326 2 891041705 +485 328 2 891040560 +485 330 3 891042162 +485 748 2 891041551 +486 6 4 879874902 +486 123 3 879875278 +486 257 3 879875315 +486 287 4 879875279 +486 321 3 879874153 +486 690 2 879873973 +486 818 3 879874784 +486 874 3 879874297 +486 882 2 879874018 +486 994 3 879874811 +487 117 5 883443504 +487 121 4 883444832 +487 252 1 883445079 +487 276 3 883444252 +487 293 5 883441813 +487 501 4 883531122 +487 658 4 883530434 +487 672 4 884024462 +487 739 2 884046879 +487 932 3 883444941 +488 180 2 891294439 +488 228 4 891294854 +488 292 3 891292651 +488 468 5 891295023 +488 474 2 891294439 +488 485 3 891294298 +488 491 4 891294209 +488 605 3 891294785 +488 655 3 891294246 +488 662 4 891294896 +489 263 2 891448268 +489 272 5 891448367 +489 302 5 891448109 +489 331 5 891366606 +489 334 4 891448453 +489 343 5 891447913 +489 355 5 891447872 +489 681 3 891366805 +489 682 4 891366606 +489 908 5 891446623 +490 124 4 875427629 +490 237 1 875427993 +490 258 2 875427021 +490 273 1 875427629 +490 277 3 875428531 +490 286 2 875427021 +490 298 3 875427532 +490 515 3 875427224 +490 596 1 875427225 +490 1128 4 875428765 +491 7 3 891185298 +491 100 5 891186806 +491 124 5 891185170 +491 129 4 891185170 +491 236 4 891185919 +491 237 3 891187226 +491 258 4 891189815 +491 284 3 891185330 +491 286 4 891184567 +491 696 3 891188296 +492 64 4 879969539 +492 69 3 879969385 +492 83 4 879969644 +492 186 3 879969539 +492 187 5 879969878 +492 212 3 879969367 +492 286 4 879969099 +492 291 4 879969692 +492 523 4 879969583 +492 923 5 879969878 +493 11 3 884130852 +493 96 4 884130793 +493 100 5 884130308 +493 156 1 884130995 +493 210 5 884131620 +493 411 1 884132934 +493 423 2 884131020 +493 879 4 884129823 +493 886 2 884129868 +493 925 3 884130668 +494 9 2 879541404 +494 15 5 879541475 +494 100 5 879541475 +494 174 5 879541112 +494 289 1 879540630 +494 322 2 879540819 +494 427 5 879541112 +494 507 4 879541207 +494 748 1 879540720 +494 924 4 879541475 +495 56 5 888632574 +495 127 4 888634955 +495 140 5 888635419 +495 200 5 888637768 +495 230 5 888632969 +495 379 5 888636870 +495 391 3 888637440 +495 451 4 888635524 +495 797 4 888635524 +495 1444 2 888637018 +496 38 2 876068615 +496 42 5 876066676 +496 154 2 876066424 +496 380 2 876068433 +496 727 5 876072633 +496 746 3 876066633 +496 921 5 876072633 +496 1133 3 876070957 +496 1401 3 876065499 +496 1444 1 876066465 +497 252 3 879310650 +497 260 4 878759529 +497 274 3 879309760 +497 382 4 878759745 +497 508 3 878759705 +497 575 3 879362985 +497 627 3 879310021 +497 657 3 879361847 +497 780 2 879363181 +497 943 4 879362019 +498 11 3 881956576 +498 12 4 881957195 +498 32 4 881956363 +498 228 2 881961627 +498 258 2 881955080 +498 302 3 881953659 +498 489 3 881956140 +498 538 1 881962988 +498 1103 4 881957847 +498 1426 3 881959103 +499 11 3 885599372 +499 183 4 885599718 +499 207 5 885599533 +499 213 3 885598989 +499 215 4 885599475 +499 414 3 885599533 +499 427 5 885599474 +499 463 5 885599498 +499 742 4 885599334 +499 750 5 885597747 +500 30 4 883875275 +500 58 3 883873720 +500 116 4 883865232 +500 133 3 883875681 +500 164 4 883874469 +500 223 4 883873839 +500 237 3 883865483 +500 469 4 883874813 +500 553 2 883876370 +500 739 2 883876573 +501 117 4 883347975 +501 129 4 883348036 +501 181 4 883347857 +501 237 4 883348011 +501 282 4 883348185 +501 293 4 883347823 +501 406 3 883348656 +501 456 3 883348610 +501 475 5 883348080 +501 508 4 883347920 +502 258 2 883701927 +502 300 2 883701980 +502 342 4 883702088 +502 350 3 883701792 +502 678 3 883702448 +502 680 3 883702255 +502 687 4 883702867 +502 751 3 883702120 +502 893 2 883702867 +502 895 4 883702370 +503 54 2 879454950 +503 88 4 880383468 +503 153 2 880472250 +503 182 3 880472321 +503 281 3 879454576 +503 313 5 884637568 +503 385 1 880472298 +503 402 3 880383467 +503 514 3 880472102 +503 607 5 880472272 +504 118 3 887831838 +504 194 3 887832668 +504 197 4 887832531 +504 199 4 887912236 +504 215 4 887908861 +504 402 4 887839835 +504 414 5 887838450 +504 417 3 887841177 +504 755 4 887841177 +504 1437 2 887911545 +505 54 3 889334067 +505 66 4 889333313 +505 195 3 889334096 +505 271 4 888631208 +505 422 3 889333975 +505 468 4 889334096 +505 566 3 889334503 +505 623 3 889333365 +505 651 3 889333598 +505 705 3 889333758 +506 50 5 878044852 +506 72 3 874874802 +506 77 3 874874850 +506 88 4 874873944 +506 230 4 874873847 +506 475 1 874862229 +506 779 2 885135954 +506 1016 4 882100828 +506 1219 2 874874760 +506 1608 2 885135497 +507 271 5 889964312 +507 300 5 889964239 +507 302 5 889963959 +507 310 4 889964162 +507 316 5 889964844 +507 328 5 889964162 +507 405 5 889966127 +507 689 5 889964844 +507 827 5 889966088 +507 1089 5 889966088 +508 13 4 883777366 +508 73 3 883777329 +508 88 3 883777299 +508 109 3 883768886 +508 115 3 883767383 +508 209 5 883767325 +508 218 2 883777237 +508 239 2 883777257 +508 436 4 883777109 +508 502 4 883776778 +509 258 4 883590526 +509 289 2 883590972 +509 301 2 883591043 +509 302 5 883590443 +509 307 2 883590729 +509 326 4 883591043 +509 332 2 883590800 +509 345 1 883590115 +509 603 4 883591826 +509 754 1 883590676 +510 243 3 887667780 +510 258 4 887667465 +510 288 3 887667545 +510 300 5 887667439 +510 313 5 887667439 +510 333 3 887667465 +510 457 2 887667969 +510 681 1 887667808 +510 876 2 887667574 +510 1025 3 887667780 +511 260 4 890004916 +511 288 4 890004795 +511 300 4 890004658 +511 322 3 890005102 +511 682 4 890004844 +511 872 5 890004728 +511 880 5 890004778 +511 887 5 890004747 +511 908 4 890004938 +511 948 3 890004916 +512 50 5 888579997 +512 56 5 888579996 +512 183 5 888579474 +512 258 3 888578768 +512 273 5 888579645 +512 286 5 888578937 +512 302 4 888578289 +512 325 2 888579139 +512 527 5 888579645 +512 1238 4 888578602 +513 50 5 885062365 +513 210 5 885063273 +513 252 5 885063549 +513 257 4 885062519 +513 258 4 885062286 +513 323 5 885062636 +513 435 5 885063304 +513 685 4 885062601 +513 739 5 885063056 +513 841 4 885062602 +514 1 5 875309276 +514 4 4 875463440 +514 83 5 875462568 +514 150 3 886189467 +514 179 4 875463468 +514 269 4 885180864 +514 344 3 891900164 +514 558 4 875318114 +514 609 4 875462826 +514 748 2 875463906 +515 258 4 887658676 +515 271 4 887658844 +515 302 3 887658604 +515 307 4 887659123 +515 310 3 887658975 +515 322 3 887659073 +515 323 3 887659192 +515 328 2 887660131 +515 682 4 887659192 +515 750 2 887658782 +516 194 4 891290593 +516 204 4 891290649 +516 212 4 891290649 +516 214 3 891290649 +516 286 5 891290565 +516 357 3 891290685 +516 431 3 891290649 +516 474 5 891290648 +516 515 4 891290566 +516 660 5 891290593 +517 1 3 892659892 +517 50 5 892660727 +517 105 1 892654653 +517 127 4 892660033 +517 222 4 892660033 +517 258 5 892660728 +517 335 3 875492066 +517 538 4 892607155 +517 761 5 892660727 +517 1047 2 892659923 +518 7 3 876823197 +518 100 4 876822967 +518 123 2 876823143 +518 236 3 876823597 +518 370 4 876823963 +518 458 3 876823266 +518 685 5 876823597 +518 717 5 876823963 +518 1017 3 876823071 +518 1028 3 876824266 +519 263 5 883250102 +519 288 4 883248089 +519 299 5 884545961 +519 324 1 883248191 +519 330 5 884545961 +519 748 2 883248307 +519 878 5 884545961 +519 908 5 883250148 +519 1062 5 883250148 +519 1591 5 883250102 +520 100 4 885170394 +520 240 1 885170476 +520 242 5 885168819 +520 286 5 885168591 +520 294 3 885170330 +520 302 3 885170330 +520 310 4 885168862 +520 311 3 885168591 +520 690 5 885168677 +520 898 5 885168939 +521 161 2 885254116 +521 202 3 884478530 +521 232 3 886063553 +521 238 3 884478101 +521 241 4 885254006 +521 248 3 884476110 +521 291 1 885254166 +521 423 3 884478792 +521 427 3 884477630 +521 659 4 885253376 +522 11 4 876961076 +522 12 5 876960894 +522 23 5 876961248 +522 134 5 876961020 +522 192 5 876960894 +522 492 4 876961190 +522 510 5 876961190 +522 521 5 876961190 +522 543 4 876961076 +522 654 4 876960824 +523 3 4 883702474 +523 50 5 883700186 +523 166 4 883701018 +523 549 4 883703144 +523 629 5 883702125 +523 727 4 883703167 +523 792 4 883702263 +523 935 5 883700186 +523 1009 5 883701154 +523 1022 4 883699629 +524 66 3 884636617 +524 95 3 884636617 +524 143 3 884635085 +524 198 4 884634707 +524 234 4 884634877 +524 603 3 884637376 +524 942 4 884636980 +524 1044 4 884636931 +524 1154 1 884637914 +524 1560 4 884636444 +525 25 5 881085917 +525 111 4 881086051 +525 118 3 881086393 +525 252 3 881086780 +525 255 1 881086078 +525 276 5 881086468 +525 595 2 881086803 +525 685 4 881086295 +525 1011 3 881086274 +525 1012 3 881086078 +526 1 5 885682562 +526 243 1 885682295 +526 250 2 885682477 +526 312 2 885682295 +526 408 5 885682562 +526 676 5 885682370 +526 678 1 885682214 +526 886 3 885682077 +526 919 3 885682400 +526 936 5 885682448 +527 56 4 879456611 +527 99 3 879456186 +527 190 4 879456362 +527 207 4 879455873 +527 210 4 879455924 +527 285 5 879456363 +527 513 4 879456030 +527 634 5 879456363 +527 653 4 879456077 +527 1109 3 879455792 +528 50 5 886101695 +528 82 4 886101632 +528 174 5 886101821 +528 181 5 886812857 +528 194 5 886101956 +528 238 3 886101782 +528 393 2 886101695 +528 523 4 886101846 +528 615 4 886101715 +528 657 5 886101505 +529 245 3 882535639 +529 270 4 882535304 +529 271 4 882535536 +529 294 4 882535466 +529 310 4 882534996 +529 319 4 882535220 +529 326 4 882535304 +529 682 4 882535256 +529 876 3 882535466 +529 886 4 882535353 +530 56 3 886202320 +530 60 5 883790997 +530 70 4 886198864 +530 163 3 886202320 +530 172 4 883790882 +530 178 5 883787080 +530 191 5 883785574 +530 319 3 891568424 +530 357 5 883784456 +530 483 3 883785248 +531 245 4 887049049 +531 286 5 887048741 +531 302 5 887048686 +531 338 1 887048938 +531 688 1 887048998 +531 690 5 887048789 +531 748 4 887049081 +531 751 4 887048836 +531 890 1 887049341 +531 895 2 887049214 +532 96 5 892867296 +532 301 4 874999563 +532 338 3 879931705 +532 345 4 884594358 +532 348 4 886364825 +532 412 2 874795951 +532 655 5 892861435 +532 692 5 893119336 +532 769 2 888630531 +532 1119 5 893119415 +533 245 3 890659336 +533 252 4 880402784 +533 274 4 885305541 +533 322 4 879193106 +533 450 5 879191713 +533 475 1 879192500 +533 582 3 879192278 +533 651 4 888845036 +533 673 3 879439143 +533 724 4 888347691 +534 150 3 877807873 +534 151 4 877807692 +534 240 5 877807873 +534 290 4 877807845 +534 456 5 877808300 +534 471 5 877807935 +534 595 4 877807747 +534 628 5 877807747 +534 1059 4 877807692 +534 1199 5 877807780 +535 8 4 879618288 +535 39 4 879617574 +535 181 4 879617818 +535 182 3 879617574 +535 212 4 879618613 +535 285 4 879619144 +535 454 3 879617894 +535 489 4 879619000 +535 662 3 879618414 +535 923 4 879617531 +536 21 3 882320267 +536 50 5 882318139 +536 69 5 882359938 +536 133 4 882359477 +536 217 3 882360601 +536 271 3 882317149 +536 511 5 882359603 +536 582 2 882360100 +536 584 5 882360530 +536 603 4 882359653 +537 134 5 886030862 +537 143 1 886031438 +537 177 3 886031506 +537 206 1 886031720 +537 312 3 886029211 +537 475 4 886029727 +537 507 4 886030966 +537 570 2 886031831 +537 844 4 886029692 +537 1085 4 886030416 +538 56 4 877107408 +538 69 5 877107340 +538 97 5 877107086 +538 98 5 877107012 +538 117 3 877107492 +538 196 4 877107408 +538 216 4 877364204 +538 238 5 877110174 +538 240 2 877109422 +538 692 3 877107765 +539 22 3 879788195 +539 45 4 879788345 +539 58 3 879788195 +539 155 4 879788480 +539 170 5 879788533 +539 197 5 879787985 +539 285 4 879788623 +539 481 4 879788572 +539 527 4 879788136 +539 956 5 879788405 +540 126 3 882157105 +540 240 3 882157662 +540 249 3 882157687 +540 294 4 882156617 +540 310 4 882156710 +540 323 3 882156851 +540 591 3 882157036 +540 596 4 882157126 +540 820 3 882157545 +540 1048 4 882157635 +541 1 4 883874645 +541 143 4 883874645 +541 239 4 883865211 +541 255 3 884046321 +541 274 4 883866093 +541 419 5 883874682 +541 465 4 883874716 +541 560 3 883874872 +541 763 3 883866068 +541 810 3 883871719 +542 28 4 886533452 +542 56 5 886532706 +542 69 4 886532552 +542 367 4 886532881 +542 496 4 886532534 +542 693 4 886533395 +542 721 2 886533003 +542 866 2 886533046 +542 1059 4 886533193 +542 1218 3 886532762 +543 15 3 888209697 +543 85 2 877547580 +543 117 3 874861792 +543 175 3 874864182 +543 176 4 874865635 +543 207 5 875665787 +543 231 3 877545230 +543 591 4 876896210 +543 1194 4 875659174 +543 1262 2 876382812 +544 259 1 884795581 +544 271 3 884795986 +544 288 2 884795135 +544 310 2 884795264 +544 313 5 884795413 +544 328 3 884795581 +544 331 3 884795516 +544 338 2 884796062 +544 343 2 884796062 +544 750 3 884795135 +545 22 3 879899158 +545 54 4 884134519 +545 89 3 879899125 +545 226 3 879899438 +545 229 3 879899380 +545 447 3 879899978 +545 472 5 879899266 +545 524 4 879900185 +545 648 3 879899719 +545 810 4 879899523 +546 56 5 885141332 +546 222 4 885141260 +546 347 5 885139580 +546 349 4 885141260 +546 458 1 885140689 +546 569 4 885141502 +546 717 5 885141162 +546 860 4 885141439 +546 895 3 885139608 +546 930 5 885141260 +547 289 3 891282775 +547 294 1 891282757 +547 302 5 891282575 +547 303 3 891282715 +547 313 5 891282611 +547 315 4 891282555 +547 319 4 891282926 +547 338 2 891282967 +547 340 4 891282757 +547 345 5 891282555 +548 147 5 891415540 +548 235 3 891415746 +548 255 4 891043852 +548 311 3 891042194 +548 458 3 891415512 +548 477 1 891415786 +548 657 5 891044411 +548 760 3 891416049 +548 1073 4 891044411 +548 1405 3 891415572 +549 1 5 881672182 +549 118 4 881672479 +549 121 4 881672461 +549 127 5 881672441 +549 181 4 881672241 +549 237 4 881672605 +549 282 3 881672300 +549 411 3 881672667 +549 620 3 881672650 +549 748 4 881671952 +550 50 5 883425283 +550 121 5 883426027 +550 125 4 883425958 +550 288 5 883425979 +550 301 2 883426119 +550 304 3 883425743 +550 310 5 883425627 +550 328 5 883425652 +550 748 4 883425365 +550 1620 4 883425448 +551 22 5 892776650 +551 31 4 892783451 +551 181 2 892778074 +551 223 4 892776650 +551 260 5 892775869 +551 292 3 892775612 +551 458 2 892784166 +551 576 2 892784743 +551 581 5 892783972 +551 950 2 892783861 +552 118 3 879222520 +552 123 3 879222033 +552 249 3 879222368 +552 455 3 879221764 +552 471 3 879222306 +552 620 3 879222738 +552 742 4 879222103 +552 760 3 879222306 +552 829 3 879222738 +552 864 3 879221876 +553 89 5 879948386 +553 98 5 879948996 +553 131 5 879948655 +553 199 4 879949153 +553 265 5 879948508 +553 307 4 879948235 +553 485 3 879948695 +553 496 3 879948460 +553 604 5 879949107 +553 646 4 879949251 +554 9 4 876231468 +554 67 3 876369932 +554 82 4 876550257 +554 228 5 876550011 +554 411 3 876231886 +554 432 4 876550491 +554 542 3 876369995 +554 742 3 876231546 +554 845 3 876231993 +554 951 3 876369840 +555 117 4 879962152 +555 120 4 879964334 +555 147 4 879962172 +555 169 5 879975419 +555 269 5 879962096 +555 271 3 879961963 +555 288 3 879962096 +555 302 3 879962096 +555 326 4 879962096 +555 357 4 879975455 +556 12 5 882136440 +556 64 5 882136162 +556 134 5 882136252 +556 187 5 882136396 +556 288 4 882135646 +556 294 2 882135855 +556 481 5 882136441 +556 513 4 882136396 +556 603 5 882136440 +556 1065 4 882136162 +557 58 4 880555684 +557 150 3 881179621 +557 269 3 881179139 +557 288 1 884357600 +557 299 4 881095916 +557 327 3 882458785 +557 872 5 881095916 +557 887 3 881179118 +557 892 3 884357648 +557 1070 2 884357600 +558 9 4 879436069 +558 15 3 879436140 +558 100 5 879436396 +558 137 4 879435896 +558 269 4 879436396 +558 275 4 879435896 +558 283 3 879436097 +558 285 5 879436396 +558 286 4 879435828 +558 744 4 879436027 +559 127 4 891033956 +559 191 5 891034139 +559 210 4 891034957 +559 238 1 891035674 +559 265 4 891033696 +559 427 4 891034095 +559 527 4 891034172 +559 528 4 891034209 +559 687 3 891035551 +559 1101 4 891035111 +560 1 4 879976449 +560 13 3 879976602 +560 25 3 879976706 +560 235 2 879976867 +560 258 5 879975116 +560 281 3 879976828 +560 288 4 879975116 +560 423 4 879975586 +560 478 4 879975752 +560 480 3 879975613 +561 15 3 885809291 +561 53 3 885810538 +561 109 1 885810271 +561 211 4 885808824 +561 469 4 885809099 +561 489 4 885807743 +561 501 3 885808620 +561 582 4 885808796 +561 584 3 885809781 +561 1009 4 885810706 +562 5 4 879196576 +562 66 1 879195927 +562 89 1 879195819 +562 197 4 879196105 +562 402 5 879196074 +562 416 5 879195613 +562 427 4 879195244 +562 477 4 879195688 +562 727 5 879196267 +562 1039 4 879196105 +563 70 4 880506528 +563 118 4 880506863 +563 153 4 880507625 +563 181 4 880507374 +563 255 5 880506528 +563 403 4 880506963 +563 476 3 880507311 +563 678 2 880506368 +563 781 4 880507582 +563 862 1 880507672 +564 50 4 888730974 +564 181 4 888730974 +564 289 4 888718546 +564 292 4 888718546 +564 300 4 888718470 +564 313 4 888718415 +564 323 3 888730838 +564 597 4 888730699 +564 831 3 888730658 +564 930 3 888730699 +565 30 5 891037499 +565 83 5 891037628 +565 166 4 891037252 +565 382 5 891037586 +565 638 4 891037837 +565 639 5 891037291 +565 652 5 891037563 +565 713 5 891037693 +565 970 4 891037757 +565 1396 5 891037333 +566 7 4 881649747 +566 77 4 881651183 +566 89 4 881650423 +566 154 3 881651151 +566 196 4 881650405 +566 235 3 881650534 +566 242 5 881649273 +566 651 4 881650242 +566 727 4 881650850 +566 755 2 881651561 +567 1 3 882426899 +567 221 5 882426927 +567 257 3 882427250 +567 318 2 882425901 +567 480 4 882426508 +567 483 5 882425843 +567 517 5 882426673 +567 606 4 882425630 +567 919 4 882426105 +567 1020 3 882425820 +568 6 3 877907235 +568 165 4 877906935 +568 286 3 877906547 +568 435 2 877907721 +568 474 5 877907834 +568 491 2 877907126 +568 525 3 877907720 +568 988 1 877906737 +568 1005 1 877907877 +568 1203 5 877907281 +569 117 3 879793847 +569 237 4 879793717 +569 248 4 879793741 +569 252 3 879795551 +569 287 4 879795551 +569 302 4 879792991 +569 340 4 879793075 +569 458 2 879794498 +569 475 3 879793717 +569 676 4 879793847 +570 258 3 881262189 +570 268 3 881262404 +570 271 4 881262256 +570 286 4 881262625 +570 289 1 881262497 +570 321 1 881262795 +570 358 2 881262582 +570 748 3 881262497 +570 879 2 881262795 +570 886 2 881262534 +571 32 2 883355063 +571 45 4 883354940 +571 69 2 883354760 +571 114 4 883355063 +571 144 2 883354992 +571 181 4 883354940 +571 191 4 883354761 +571 357 4 883355063 +571 484 4 883354992 +571 1039 3 883354760 +572 9 5 879449610 +572 14 4 879449683 +572 100 3 879449632 +572 222 2 879449763 +572 284 3 879449840 +572 286 4 879449179 +572 301 4 879449243 +572 319 4 879449209 +572 813 4 879449573 +572 924 1 879449840 +573 162 4 885844007 +573 176 3 885844481 +573 183 3 885844091 +573 185 3 885844605 +573 205 3 885844674 +573 275 4 885843596 +573 492 4 885843964 +573 632 4 885844007 +573 713 4 885843817 +573 1012 2 885844339 +574 269 5 891279173 +574 289 4 891279285 +574 310 4 891279012 +574 319 5 891279236 +574 333 3 891279285 +574 345 2 891278860 +574 347 3 891278860 +574 900 4 891278860 +574 910 1 891279362 +574 1062 5 891279122 +575 79 5 878148199 +575 96 5 878148199 +575 98 4 878146853 +575 111 1 878148329 +575 127 2 878148137 +575 182 3 878148295 +575 294 1 878146447 +575 304 2 878146638 +575 321 3 878146540 +575 963 1 878148199 +576 15 4 886985104 +576 50 4 887081005 +576 137 3 886985695 +576 248 4 887169019 +576 257 4 887168556 +576 275 3 886985695 +576 319 3 886985695 +576 323 3 886960604 +576 514 5 886986400 +576 815 3 886985695 +577 15 3 880470350 +577 38 2 880475453 +577 110 4 880475581 +577 186 4 880472153 +577 218 3 880475269 +577 380 3 880474991 +577 393 4 880475363 +577 443 4 880475269 +577 720 4 880475043 +577 1291 3 880471954 +578 222 4 888957788 +578 245 3 887229523 +578 246 2 890939697 +578 268 2 890939697 +578 272 2 888957735 +578 288 3 887229335 +578 298 4 888957584 +578 313 5 887229355 +578 324 1 888957735 +578 346 3 887229335 +579 49 3 880952360 +579 100 4 880952201 +579 111 4 880952142 +579 183 4 880952038 +579 216 5 880952299 +579 288 4 880951346 +579 408 3 880951740 +579 603 5 880952006 +579 655 3 880952201 +579 1047 3 880952579 +580 100 3 884124872 +580 181 5 884125042 +580 250 5 884125072 +580 252 5 884125829 +580 289 5 884124382 +580 405 2 884126077 +580 455 4 884125492 +580 471 3 884125018 +580 546 1 884126077 +580 687 3 884124583 +581 127 5 879643079 +581 222 3 879641698 +581 253 5 879642333 +581 269 3 879641348 +581 275 3 879641787 +581 276 3 879641850 +581 285 5 879641533 +581 475 4 879641850 +581 515 4 879641533 +581 1375 5 879641787 +582 3 3 882961723 +582 7 5 882961082 +582 50 5 882961082 +582 121 3 882961133 +582 181 4 882961301 +582 237 3 882960941 +582 268 4 882960396 +582 410 3 882961481 +582 760 3 882962886 +582 1215 4 882963027 +583 7 5 879384471 +583 55 4 879384404 +583 258 4 879384094 +583 357 5 879384575 +583 425 5 879384575 +583 483 5 879384338 +583 513 5 879384338 +583 519 5 879384338 +583 530 4 879384404 +583 708 5 879384338 +584 25 3 885778571 +584 161 4 885778170 +584 222 4 885774483 +584 227 4 885774172 +584 228 5 885774171 +584 230 4 885774171 +584 249 4 885774551 +584 423 4 885778263 +584 431 3 885774702 +584 450 2 885778571 +585 45 5 891282808 +585 116 3 891284393 +585 166 4 891283338 +585 190 4 891282808 +585 212 5 891282894 +585 224 2 891283681 +585 638 4 891284016 +585 639 4 891283921 +585 707 5 891282894 +585 1018 2 891286059 +586 28 3 884066087 +586 174 4 884058898 +586 176 3 884061623 +586 186 2 884059287 +586 235 3 884066859 +586 403 4 884061807 +586 568 3 884061623 +586 926 4 884067199 +586 928 3 884065665 +586 1407 3 884063080 +587 259 4 892871223 +587 272 5 892870956 +587 300 4 892871171 +587 312 2 892871563 +587 326 3 892871284 +587 343 4 892871337 +587 682 3 892871372 +587 688 3 892871536 +587 873 3 892871284 +587 1624 2 892871752 +588 25 4 890024677 +588 40 4 890026154 +588 73 3 890026262 +588 99 5 890023646 +588 143 5 890015684 +588 258 4 890014591 +588 260 2 890014930 +588 347 5 890014648 +588 423 3 890015649 +588 783 4 890027297 +589 258 2 883352463 +589 271 3 883352654 +589 272 5 883352535 +589 286 3 883352372 +589 294 5 883352600 +589 300 5 883352600 +589 307 1 883352402 +589 538 5 883352494 +589 749 3 883352631 +589 892 4 883352762 +590 9 3 879438972 +590 14 5 879438852 +590 15 3 879438936 +590 130 1 879439567 +590 255 1 879439374 +590 282 2 879439374 +590 475 4 879439645 +590 515 3 879438972 +590 744 4 879438769 +590 1129 3 879438735 +591 72 3 891040366 +591 88 3 891031525 +591 235 3 891039676 +591 275 4 891039974 +591 367 3 891031403 +591 514 4 891031383 +591 580 2 891031526 +591 921 4 891031257 +591 934 3 891039769 +591 1111 4 891031603 +592 202 5 882956803 +592 288 5 882607528 +592 324 4 882607387 +592 336 1 882607476 +592 742 4 882608357 +592 988 1 882607745 +592 1009 3 882608662 +592 1134 5 882608234 +592 1315 2 882609056 +592 1623 4 882955794 +593 65 3 875671674 +593 66 5 875671807 +593 70 5 875658983 +593 196 5 875670939 +593 216 5 875671277 +593 245 3 888872154 +593 402 4 875672970 +593 501 2 886193661 +593 597 2 875660347 +593 609 3 886194241 +594 15 4 874783052 +594 19 3 874781004 +594 221 4 874781207 +594 242 4 875997093 +594 245 3 874780909 +594 269 4 877816219 +594 276 3 874783470 +594 292 3 874780864 +594 357 4 874786664 +594 483 3 874786695 +595 15 4 886921423 +595 129 3 886921088 +595 282 4 886921344 +595 291 3 886921656 +595 368 1 886921977 +595 369 3 886921977 +595 597 2 886921634 +595 930 2 886921870 +595 994 4 886921897 +595 1009 4 886921584 +596 50 5 883539402 +596 149 3 883539402 +596 222 3 883539402 +596 276 3 883539431 +596 286 4 883538815 +596 289 3 883539079 +596 295 4 883539402 +596 300 4 883539011 +596 328 5 883539103 +596 895 3 883539049 +597 50 5 875339876 +597 225 4 875342875 +597 235 4 875340062 +597 250 4 875340939 +597 264 4 875339156 +597 283 5 875340010 +597 295 3 875340117 +597 713 2 875340010 +597 763 4 875340191 +597 1534 1 875341758 +598 22 5 886711521 +598 269 3 886710494 +598 286 5 886711452 +598 312 5 886711452 +598 347 3 886710330 +598 690 3 886710735 +598 691 2 886710330 +598 748 4 886711034 +598 751 3 886710494 +598 895 2 886710977 +599 111 5 880951885 +599 237 5 880951595 +599 319 2 880951046 +599 508 3 880953441 +599 535 4 880952267 +599 595 5 880952144 +599 756 5 880952037 +599 815 3 880953441 +599 975 5 880952357 +599 1315 4 880951743 +600 27 3 888451977 +600 38 3 888452491 +600 176 5 888451665 +600 226 4 888451977 +600 228 3 888451840 +600 265 3 888451582 +600 435 5 888451750 +600 526 4 888451750 +600 550 4 888452071 +600 1231 2 888452152 +601 39 1 876350443 +601 109 4 876346930 +601 164 4 876350875 +601 179 5 876351073 +601 184 3 876350230 +601 196 3 876349810 +601 250 4 876346930 +601 276 4 876346890 +601 411 2 876348107 +601 496 4 876349302 +602 1 4 888638547 +602 9 4 888638490 +602 121 4 888638434 +602 237 4 888638547 +602 257 4 888638618 +602 343 2 888638022 +602 358 4 888637965 +602 457 3 888638305 +602 538 4 888638048 +602 895 3 888637925 +603 183 4 891957110 +603 229 4 891955972 +603 271 2 891955922 +603 380 4 891955972 +603 385 4 891957012 +603 429 5 891956981 +603 748 5 891956302 +603 923 4 891957139 +603 1240 5 891956058 +603 1483 5 891956283 +604 48 5 883667946 +604 56 2 883668097 +604 100 5 883668097 +604 127 4 883667946 +604 184 3 883668352 +604 218 3 883668175 +604 443 3 883668352 +604 448 5 883668261 +604 558 4 883668175 +604 637 4 883668261 +605 9 4 879365773 +605 98 5 879425432 +605 133 5 879424661 +605 237 3 879424661 +605 318 5 879426144 +605 462 5 881016176 +605 483 5 879425432 +605 754 3 879425457 +605 827 3 879429729 +605 1040 2 879425689 +606 11 5 880923579 +606 95 4 880924188 +606 124 3 878143246 +606 197 3 880926862 +606 210 3 880924557 +606 228 5 880924663 +606 287 4 880921656 +606 763 5 887060488 +606 966 5 880923745 +606 1277 3 878148493 +607 30 4 883880180 +607 212 3 883880052 +607 213 4 883880027 +607 222 3 883879613 +607 474 4 883879473 +607 475 4 883879811 +607 483 4 883879379 +607 485 3 883879442 +607 498 4 883879556 +607 511 5 883879556 +608 97 3 880405659 +608 162 3 880406862 +608 193 4 880405824 +608 265 3 880406470 +608 419 4 880405702 +608 489 5 880403765 +608 609 5 880406950 +608 695 5 880405565 +608 789 3 880405971 +608 1113 3 880406862 +609 243 1 886895886 +609 259 1 886895763 +609 294 2 886895346 +609 319 1 886895516 +609 408 5 886896185 +609 475 2 886896281 +609 877 5 886895649 +609 890 1 886895914 +609 894 1 886895852 +609 1012 1 886896237 +610 7 2 888703137 +610 12 5 888703157 +610 56 3 888703213 +610 97 3 888703453 +610 143 5 888703290 +610 288 3 888702795 +610 294 1 888702795 +610 331 3 888702764 +610 427 5 888703730 +610 591 3 888703316 +611 262 4 891636223 +611 269 4 891636072 +611 313 3 891636125 +611 334 5 891636223 +611 336 5 891636399 +611 346 5 891636152 +611 347 4 891636244 +611 355 1 891636399 +611 873 3 891636399 +611 887 2 891636125 +612 1 4 875324876 +612 7 3 875324876 +612 117 4 875324599 +612 147 4 875324975 +612 259 3 875324355 +612 275 5 875324710 +612 300 4 875324266 +612 477 2 875324876 +612 864 4 875324756 +612 1060 4 875324756 +613 50 5 891227365 +613 272 5 891227111 +613 318 5 891227299 +613 435 5 891227299 +613 478 5 891227262 +613 514 4 891227236 +613 576 3 891227204 +613 607 4 891227236 +613 632 3 891227204 +613 1315 4 891227338 +614 122 3 879465320 +614 255 5 879464119 +614 279 3 879464287 +614 405 2 879464525 +614 410 3 879464437 +614 472 3 879464416 +614 476 3 879464507 +614 717 4 879465414 +614 1009 3 879464119 +614 1134 2 879464556 +615 69 4 879448632 +615 127 5 879448399 +615 179 4 879447968 +615 199 5 879448599 +615 294 3 879447613 +615 527 4 879448399 +615 640 3 879448182 +615 660 4 879448882 +615 707 3 879447990 +615 988 1 879447735 +616 260 3 891224864 +616 322 4 891224840 +616 323 4 891224801 +616 328 3 891224590 +616 329 3 891224748 +616 331 4 891224677 +616 333 2 891224448 +616 347 4 891224677 +616 348 3 891224801 +616 873 3 891224767 +617 89 4 883789294 +617 100 4 883789425 +617 134 3 883788900 +617 185 5 883789042 +617 217 1 883789507 +617 242 3 883788511 +617 436 3 883789464 +617 488 4 883789386 +617 590 1 883789747 +617 647 3 883789006 +618 12 4 891307263 +618 131 4 891307343 +618 237 4 891307343 +618 273 4 891309293 +618 496 4 891307619 +618 697 3 891308063 +618 724 3 891309091 +618 778 3 891308515 +618 944 2 891309266 +618 1071 1 891308542 +619 50 4 885953778 +619 288 3 885953931 +619 313 5 885953601 +619 350 3 885953641 +619 405 3 885953826 +619 515 1 885953778 +619 651 5 885954053 +619 720 4 885954238 +619 825 2 885953850 +619 1314 3 885954341 +620 121 5 889987825 +620 148 3 889987299 +620 281 5 889987852 +620 379 4 889987656 +620 501 4 889988036 +620 563 5 889987682 +620 625 3 889988005 +620 678 3 889986642 +620 682 2 889986985 +620 1035 4 889988232 +621 4 4 874962988 +621 33 4 874962824 +621 72 2 874962900 +621 181 5 874965408 +621 197 4 885596884 +621 364 3 874963446 +621 423 4 880739654 +621 451 1 874963028 +621 554 4 874964657 +621 876 2 883799203 +622 11 4 882669740 +622 12 5 882669468 +622 30 4 882670190 +622 105 3 882591726 +622 120 1 882592643 +622 196 3 882669695 +622 240 3 882590420 +622 283 4 882590534 +622 519 3 882591938 +622 521 5 882670009 +623 66 4 891034993 +623 181 5 891032291 +623 183 3 891034294 +623 234 4 891034343 +623 283 4 891032275 +623 298 2 891032433 +623 435 5 891035112 +623 504 3 891034343 +623 648 5 891035112 +623 659 5 891035112 +624 137 4 879792623 +624 242 4 891961040 +624 258 4 879791792 +624 285 5 879792557 +624 327 4 879791819 +624 347 4 891961140 +624 475 4 879793223 +624 815 3 879793174 +624 886 4 879792251 +624 952 3 879793129 +625 169 5 891263665 +625 183 3 892000438 +625 188 4 891262724 +625 195 4 891262983 +625 209 3 891262633 +625 213 4 891999608 +625 222 4 891273543 +625 248 4 891629673 +625 265 3 892054198 +625 546 2 891273897 +626 258 4 878771243 +626 264 1 878771476 +626 268 4 878771355 +626 313 5 887772871 +626 323 1 878771505 +626 330 3 878771447 +626 332 3 878771355 +626 358 1 878771505 +626 748 2 878771281 +626 923 5 887772922 +627 97 2 879529958 +627 157 4 879530110 +627 162 3 879530568 +627 175 1 879530110 +627 300 4 879529486 +627 549 3 879530625 +627 581 3 879530662 +627 649 4 879530071 +627 720 2 879531397 +627 956 2 879530463 +628 173 3 880777167 +628 242 5 880777096 +628 288 5 880777096 +628 292 5 880776981 +628 326 5 880777095 +628 333 5 880777096 +628 338 5 880776981 +628 340 5 880777095 +628 1025 5 880777095 +628 1296 5 880777096 +629 11 2 880116789 +629 117 5 880116963 +629 195 4 880116847 +629 197 5 880117031 +629 207 4 880117000 +629 317 4 880117430 +629 463 4 880117852 +629 880 4 880116722 +629 886 3 880116278 +629 991 1 880115923 +630 12 4 885667854 +630 25 2 885666779 +630 71 3 885667854 +630 191 3 885668090 +630 222 4 885666779 +630 243 2 885666301 +630 250 1 885666650 +630 258 3 885666143 +630 412 1 885667508 +630 477 4 885667200 +631 288 3 888464916 +631 294 3 888465155 +631 310 4 888464980 +631 315 4 888464916 +631 323 2 888465216 +631 332 3 888465180 +631 682 2 888465247 +631 873 2 888465084 +631 877 2 888465131 +631 886 4 888465216 +632 68 1 879459394 +632 79 5 879457317 +632 96 5 879457902 +632 97 4 879458856 +632 159 3 879459460 +632 172 5 879457157 +632 237 3 879458570 +632 470 4 879459677 +632 480 5 879459739 +632 746 3 879459481 +633 110 3 877211817 +633 172 3 877212250 +633 183 4 875325577 +633 252 3 875325273 +633 276 3 875326698 +633 317 3 875324598 +633 322 3 875325888 +633 385 4 875325497 +633 566 3 877212173 +633 651 3 877212283 +634 124 3 875728913 +634 129 4 875729105 +634 150 3 875728834 +634 221 1 875729105 +634 460 3 875729710 +634 596 3 875729105 +634 597 4 877017923 +634 823 3 877017923 +634 979 3 875729710 +634 1199 1 875728913 +635 1 4 878879283 +635 15 3 878879346 +635 117 2 878879284 +635 237 3 878879257 +635 255 4 878879213 +635 276 3 878879257 +635 323 3 878878714 +635 327 5 878878752 +635 879 3 878878866 +635 1025 2 878878901 +636 10 5 891449123 +636 15 5 891449237 +636 25 5 891449237 +636 106 4 891449328 +636 118 5 891449305 +636 235 4 891449371 +636 272 5 891448155 +636 275 3 891448229 +636 283 3 891448916 +636 760 5 891449263 +637 255 3 882903645 +637 294 3 882900888 +637 408 5 882901355 +637 410 2 882904148 +637 471 2 882903822 +637 515 4 882902540 +637 544 3 882903914 +637 833 1 882905070 +637 985 2 882905284 +637 1344 4 882901356 +638 89 4 876694704 +638 100 3 876695560 +638 118 3 876695385 +638 144 5 876694861 +638 230 5 876695259 +638 238 4 876695819 +638 241 3 876695217 +638 430 5 876695714 +638 514 2 876695714 +638 515 4 876694704 +639 166 3 891239838 +639 198 2 891239885 +639 210 3 891240136 +639 517 2 891239492 +639 527 4 891239323 +639 553 3 891240868 +639 962 1 891243532 +639 1020 4 891240136 +639 1121 2 891239885 +639 1194 5 891239271 +640 12 5 874777491 +640 195 4 874778515 +640 357 5 874778274 +640 474 4 874777623 +640 566 4 874778569 +640 578 3 874778612 +640 663 5 874778240 +640 720 3 874778612 +640 952 4 886474538 +640 1016 3 886474538 +641 50 3 879370150 +641 89 4 879370364 +641 209 4 879370365 +641 242 5 879370299 +641 285 5 879370028 +641 305 5 879369848 +641 338 3 879369958 +641 427 4 879370119 +641 496 2 879370337 +641 1194 3 879370299 +642 97 4 885602418 +642 105 5 885606482 +642 133 5 886206274 +642 135 3 886131953 +642 210 5 885842610 +642 443 2 885603870 +642 768 4 885606609 +642 1023 3 885842351 +642 1033 3 886569278 +642 1415 4 886569783 +643 87 5 891447663 +643 117 3 891445823 +643 203 4 891446956 +643 443 4 891446919 +643 484 5 891448756 +643 597 2 891446301 +643 712 3 891449249 +643 794 3 891450376 +643 820 3 891446381 +643 928 4 891445660 +644 258 4 889075928 +644 261 4 889076502 +644 289 1 889076364 +644 291 4 889076949 +644 293 4 889076851 +644 307 4 889076031 +644 328 4 889076222 +644 597 4 889077513 +644 1610 3 889077115 +644 1620 4 889077247 +645 55 3 892053748 +645 59 5 892053429 +645 81 4 892055039 +645 87 4 892055444 +645 200 5 892054906 +645 203 4 892053456 +645 286 4 892051844 +645 403 3 892055603 +645 434 4 892055389 +645 956 4 892053310 +646 310 3 888528483 +646 313 5 888528457 +646 315 4 888528483 +646 332 3 888528870 +646 349 2 888529127 +646 678 3 888529127 +646 751 2 888528870 +646 892 2 888529180 +646 893 3 888529080 +646 908 3 888529054 +647 72 4 876534083 +647 134 4 876534275 +647 250 3 876532975 +647 255 4 876534131 +647 257 2 876776321 +647 291 3 876534275 +647 427 4 876534275 +647 705 4 876530628 +647 742 4 876534275 +647 993 4 876534131 +648 69 1 884628564 +648 98 4 884368313 +648 133 4 882212651 +648 194 5 882213535 +648 411 2 882212288 +648 554 4 884883323 +648 797 3 884883031 +648 1050 4 884797033 +648 1072 2 884882527 +648 1244 3 882212373 +649 24 4 891440460 +649 50 4 891440235 +649 117 5 891440460 +649 121 2 891440214 +649 181 4 891440309 +649 250 3 891440356 +649 282 4 891440330 +649 298 4 891440293 +649 471 5 891440412 +649 678 3 891440562 +650 7 4 891369656 +650 217 3 891389162 +650 399 3 891381784 +650 429 4 891383523 +650 480 5 891371090 +650 521 3 891387616 +650 665 2 891381819 +650 708 3 891383356 +650 737 2 891383832 +650 751 2 891369001 +651 127 4 879348965 +651 269 5 880126096 +651 276 4 879348966 +651 301 3 880126632 +651 302 5 879348880 +651 322 3 880126632 +651 332 3 879348880 +651 515 5 879348966 +651 690 3 880126508 +651 995 1 880126547 +652 96 4 882567356 +652 125 2 882567383 +652 257 2 882567356 +652 275 4 882567294 +652 286 3 882567012 +652 300 4 882566890 +652 307 4 882566890 +652 333 4 882566857 +652 748 3 882566948 +652 984 2 882567180 +653 83 5 878853936 +653 153 2 878867228 +653 157 5 878855483 +653 211 1 880149947 +653 436 1 880151673 +653 576 1 880152955 +653 622 3 880152377 +653 1014 2 884405682 +653 1140 1 880153841 +653 1210 2 880153705 +654 69 4 887864641 +654 128 5 887865053 +654 257 4 887863802 +654 278 3 887863757 +654 313 5 887862952 +654 678 4 888687055 +654 746 3 887864204 +654 1009 3 887863885 +654 1035 4 887864697 +654 1285 4 887864998 +655 14 3 891585450 +655 52 3 891585279 +655 98 4 887472744 +655 179 4 888813272 +655 224 3 887425845 +655 281 2 887426732 +655 344 4 888204230 +655 726 2 887475055 +655 918 2 892436609 +655 935 3 887425498 +656 269 3 892318343 +656 270 3 892318676 +656 272 3 892318343 +656 301 3 892318648 +656 322 1 892319238 +656 326 1 892318888 +656 338 3 892319359 +656 346 3 892318488 +656 896 5 892318842 +656 903 2 892318777 +657 9 4 884239123 +657 109 1 884239886 +657 111 5 884239368 +657 118 1 884240732 +657 269 5 884238002 +657 273 3 884239566 +657 282 3 884239745 +657 294 5 884238247 +657 301 3 884237633 +657 302 2 884237291 +658 31 3 875148108 +658 70 3 875148196 +658 182 5 875147448 +658 318 4 875148196 +658 510 3 875147800 +658 511 4 875147935 +658 515 5 875145493 +658 718 3 875145667 +658 724 3 875148059 +658 943 3 875148196 +659 77 4 891386680 +659 89 4 891384637 +659 127 5 891331825 +659 144 4 891384499 +659 161 3 891386492 +659 179 1 891384077 +659 419 5 891331916 +659 654 4 891384526 +659 659 3 891332006 +659 855 2 891386576 +660 17 1 891265453 +660 63 2 891201823 +660 97 3 891200406 +660 313 4 891197481 +660 362 2 891197585 +660 432 4 891199104 +660 462 2 891199293 +660 546 2 891198588 +660 797 2 891201753 +660 1181 1 891200594 +661 52 4 876017029 +661 95 5 876036190 +661 357 4 876014469 +661 408 5 876015530 +661 425 4 886841714 +661 436 4 876036043 +661 531 4 876013552 +661 676 4 886841222 +661 727 4 888300194 +661 1045 3 886841865 +662 10 4 880570142 +662 13 4 880570265 +662 246 5 880571006 +662 275 4 880571006 +662 276 3 880570080 +662 985 4 880571006 +662 1342 4 880570112 +662 1380 2 880570952 +662 1381 5 880571005 +662 1652 3 880570909 +663 47 4 889493576 +663 273 4 889492679 +663 274 3 889493182 +663 286 3 889491515 +663 332 4 889491768 +663 471 3 889492841 +663 544 4 889492841 +663 603 4 889493540 +663 924 3 889492351 +663 1073 3 889493691 +664 7 3 878091393 +664 79 4 876526519 +664 81 5 876524474 +664 168 4 878090705 +664 197 4 876523654 +664 466 4 876526519 +664 469 3 876524474 +664 514 5 876526179 +664 663 4 876525998 +664 732 3 876525315 +665 7 4 884290635 +665 15 4 884290676 +665 24 3 884291300 +665 156 5 884294772 +665 172 4 884293523 +665 298 3 884292654 +665 328 4 884290055 +665 508 2 884290751 +665 588 4 884294772 +665 1283 3 884292654 +666 4 5 880314477 +666 174 3 880139586 +666 179 5 880139323 +666 202 5 880139493 +666 206 4 880139669 +666 301 4 880138999 +666 492 4 880139252 +666 792 4 880568694 +666 831 2 880313841 +666 1098 4 880314384 +667 131 5 891034810 +667 137 3 891035206 +667 168 3 891035206 +667 186 4 891035033 +667 313 3 891034404 +667 461 4 891034913 +667 482 4 891035140 +667 504 3 891035015 +667 527 4 891035121 +667 880 3 891034568 +668 82 4 881702925 +668 97 2 881702632 +668 210 5 881605849 +668 257 3 881605269 +668 271 4 881523787 +668 283 5 881605324 +668 311 4 881591023 +668 323 4 881591198 +668 333 3 881524020 +668 358 3 881524153 +669 82 4 892550310 +669 117 1 891260577 +669 127 5 891260596 +669 174 3 891260369 +669 300 4 892549238 +669 508 3 892549292 +669 517 3 892550282 +669 523 4 891260638 +669 527 3 891517185 +669 902 2 891182948 +670 98 2 877975731 +670 168 3 877974549 +670 417 4 877975129 +670 479 5 877975594 +670 511 4 877975285 +670 606 4 877975391 +670 611 5 877975129 +670 657 5 877974857 +670 659 5 877974699 +670 949 2 877974465 +671 53 3 884034800 +671 182 4 884035685 +671 258 5 875386402 +671 298 4 875389187 +671 405 3 884035939 +671 576 5 884035939 +671 578 3 884036411 +671 685 5 884035992 +671 1222 3 884036365 +671 1239 3 884036683 +672 15 3 879787922 +672 25 5 879789056 +672 109 4 879788774 +672 124 3 879787922 +672 255 2 879789278 +672 269 3 879787460 +672 275 5 879787955 +672 280 2 879787729 +672 815 4 879788819 +672 1023 2 879789672 +673 258 2 888786969 +673 268 1 888786997 +673 272 5 888786942 +673 292 4 888787376 +673 300 3 888786942 +673 301 3 888787450 +673 315 5 888786942 +673 323 2 888787508 +673 327 4 888787396 +673 345 4 888787396 +674 1 4 887762799 +674 125 5 887762779 +674 151 2 887763274 +674 252 2 887763151 +674 300 3 887762296 +674 304 3 887762296 +674 315 3 887762296 +674 323 3 887762937 +674 685 3 887762861 +674 763 5 887762799 +675 258 3 889488679 +675 311 3 889488647 +675 312 2 889488624 +675 318 5 889489273 +675 344 4 889488754 +675 463 5 889489003 +675 891 2 889488779 +675 900 4 889488624 +675 937 1 889490151 +675 1007 4 889489522 +676 117 4 892686244 +676 144 4 892686459 +676 169 5 892686524 +676 172 5 892686490 +676 245 4 892685592 +676 315 4 892685224 +676 948 1 892685803 +676 962 4 892686525 +676 1527 1 892685657 +676 1654 1 892685960 +677 14 1 889399265 +677 222 4 889399171 +677 245 5 885191403 +677 268 5 889398907 +677 457 1 889399113 +677 471 4 889399171 +677 678 4 889399113 +677 748 4 889399113 +677 1240 5 889399671 +677 1245 4 889399199 +678 15 3 879544449 +678 100 5 879544750 +678 117 4 879544989 +678 237 3 879544915 +678 275 2 879544450 +678 276 5 879544952 +678 515 4 879544782 +678 742 4 879544783 +678 1115 3 879544815 +678 1129 1 879544915 +679 8 2 884486856 +679 56 4 884487418 +679 69 4 884487688 +679 73 4 884488036 +679 132 4 884487374 +679 204 3 884487191 +679 241 3 884488149 +679 291 4 884487960 +679 419 3 884487514 +679 710 4 884487374 +680 15 3 877075048 +680 98 4 876816224 +680 100 3 877075214 +680 117 4 877075312 +680 169 5 876816162 +680 195 4 876816106 +680 285 5 877075079 +680 286 4 876815942 +680 515 4 876816268 +680 815 3 877075312 +681 289 5 885410009 +681 292 4 885409883 +681 310 3 885409572 +681 328 3 885409810 +681 538 3 885409516 +681 682 1 885409810 +681 750 5 885409438 +681 990 4 885409770 +681 1105 3 885409742 +681 1394 5 885409742 +682 164 3 888521005 +682 333 4 888518279 +682 509 2 888517235 +682 655 5 888519725 +682 780 3 888522217 +682 1045 3 888517792 +682 1089 2 888518871 +682 1107 2 888517896 +682 1118 3 888521711 +682 1303 2 888522699 +683 187 5 893286501 +683 299 3 893283997 +683 302 5 893286207 +683 303 3 893283104 +683 306 3 893286347 +683 308 3 893284420 +683 321 5 893286207 +683 358 2 893283948 +683 900 1 893282740 +683 1280 3 893284032 +684 94 3 878762183 +684 111 4 878760164 +684 121 3 875810574 +684 186 4 878762087 +684 237 5 875811158 +684 239 4 878762118 +684 371 2 878576866 +684 625 3 878760041 +684 722 2 878762302 +684 934 3 875811158 +685 288 2 879451147 +685 289 2 879451253 +685 299 2 879451540 +685 324 3 879451401 +685 333 1 879451147 +685 337 2 879451401 +685 872 2 879447443 +685 875 3 879451401 +685 882 3 879451401 +685 886 1 879451211 +686 64 5 879547224 +686 79 4 879546443 +686 99 5 879546553 +686 134 5 879545340 +686 170 5 879547043 +686 185 5 879545603 +686 205 5 879545181 +686 234 4 879546715 +686 327 5 879543445 +686 588 4 879546497 +687 268 5 884652088 +687 286 3 884651648 +687 294 3 884651894 +687 300 4 884652089 +687 313 5 884651420 +687 321 4 884651818 +687 323 2 884651894 +687 324 2 884651648 +687 879 3 884651894 +687 895 4 884652331 +688 304 5 884153606 +688 307 4 884153505 +688 309 5 884153606 +688 338 5 884153751 +688 341 5 884153606 +688 349 5 884153712 +688 359 5 884153606 +688 898 5 884153606 +688 1127 5 884153606 +688 1234 5 884153712 +689 15 5 876676502 +689 50 5 876676397 +689 109 5 876675152 +689 121 5 876676433 +689 150 4 876676134 +689 295 1 876676334 +689 298 4 876676211 +689 328 5 879211479 +689 748 5 876674637 +689 763 4 876676165 +690 64 5 881179682 +690 98 5 881179196 +690 163 3 881177459 +690 174 4 881179505 +690 194 4 881177349 +690 204 3 881177430 +690 239 2 881177532 +690 649 4 881179906 +690 794 3 881180543 +690 1207 3 881180138 +691 178 5 875543281 +691 185 5 875543281 +691 304 3 875542868 +691 318 5 875543281 +691 500 3 875543068 +691 604 5 875543025 +691 631 4 875543025 +691 650 5 875543281 +691 672 1 875543153 +691 748 4 875542868 +692 127 3 876948910 +692 168 2 876953204 +692 204 5 876953340 +692 238 4 876953340 +692 249 3 876953681 +692 294 3 876946833 +692 328 4 876953340 +692 763 3 876954381 +692 845 3 876948910 +692 1054 3 876954197 +693 23 4 875482168 +693 25 4 883975697 +693 39 3 875482396 +693 53 4 875483597 +693 69 3 875482336 +693 143 4 875484613 +693 333 3 875481397 +693 427 4 875484908 +693 432 4 875484908 +693 655 3 875482604 +694 9 5 875726618 +694 48 4 875726759 +694 50 5 875730386 +694 121 5 875726886 +694 199 5 875728435 +694 200 4 875726968 +694 275 4 875727640 +694 610 4 875729983 +694 671 3 875728989 +694 699 4 875728639 +695 242 5 888805837 +695 268 5 888805864 +695 270 4 888805952 +695 288 4 888806120 +695 305 3 888805797 +695 311 4 888805767 +695 346 5 888806011 +695 682 1 888805952 +695 895 1 888805864 +695 991 5 888806011 +696 245 4 886404208 +696 302 5 886403632 +696 307 5 886404144 +696 313 3 886403672 +696 347 1 886403578 +696 427 5 886404542 +696 748 1 886404268 +696 906 3 886403769 +696 1062 4 886403631 +696 1126 3 886404617 +697 123 5 882622016 +697 125 3 882622559 +697 242 5 882621486 +697 277 5 882622581 +697 596 4 882622372 +697 628 4 882622016 +697 754 3 882621431 +697 989 2 882621813 +697 1059 2 882622208 +697 1245 1 882622526 +698 177 1 886367366 +698 210 5 886366690 +698 275 4 886366558 +698 307 4 886365629 +698 485 4 886367473 +698 491 2 886367644 +698 603 4 886366770 +698 656 1 886367133 +698 659 3 886367013 +698 751 3 886365557 +699 112 3 884152976 +699 224 3 878883249 +699 235 3 878882272 +699 258 5 883278844 +699 300 3 893140897 +699 479 3 878883038 +699 495 3 878883113 +699 544 4 879147109 +699 678 3 879147032 +699 749 3 893140897 +700 48 4 884494215 +700 56 3 884493899 +700 73 3 884494380 +700 169 3 884493862 +700 173 5 884493713 +700 174 4 884493862 +700 202 3 884493899 +700 318 4 884494420 +700 423 4 884493943 +700 651 4 884493712 +701 50 5 891447197 +701 272 5 891446559 +701 275 5 891447228 +701 289 4 891446857 +701 303 4 891446618 +701 311 5 891446679 +701 313 4 891446521 +701 328 4 891446707 +701 689 3 891446822 +701 690 4 891446520 +702 222 5 885767775 +702 227 4 885767775 +702 230 4 885767774 +702 258 5 885767306 +702 343 2 885767629 +702 449 3 885767775 +702 538 4 885767461 +702 683 1 885767576 +702 748 2 885767556 +702 879 1 885767604 +703 9 2 875242814 +703 50 5 875242813 +703 222 4 875242704 +703 235 1 875242885 +703 237 5 875242787 +703 259 1 875242336 +703 410 4 875243028 +703 471 4 875242885 +703 845 4 875243028 +703 864 2 875242912 +704 50 5 891397262 +704 154 3 891398702 +704 178 5 891397535 +704 180 4 891397491 +704 191 3 891397262 +704 289 3 891396881 +704 429 4 891397366 +704 486 4 891397764 +704 514 4 891397112 +704 1296 4 891397015 +705 8 3 883427904 +705 50 4 883427012 +705 64 5 883518709 +705 121 5 883427479 +705 151 3 883427134 +705 172 3 883427663 +705 233 3 883428154 +705 265 5 883428154 +705 385 4 883428084 +705 627 3 883427932 +706 148 4 880997464 +706 181 4 880997105 +706 273 3 880997142 +706 288 3 880996945 +706 294 4 880996945 +706 325 1 880996945 +706 471 4 880997172 +706 682 2 880996945 +706 742 2 880997324 +706 756 4 880997412 +707 83 3 886286926 +707 154 3 886286742 +707 166 3 880061579 +707 283 4 880059957 +707 427 4 886285907 +707 478 4 886285762 +707 487 2 886286360 +707 531 5 886286214 +707 1176 2 879438910 +707 1281 4 880060820 +708 271 1 892718796 +708 328 3 892718964 +708 358 2 892719007 +708 538 2 892718762 +708 751 4 892718687 +708 764 4 877325934 +708 847 3 892719246 +708 864 3 892719172 +708 934 4 892719172 +708 1047 2 877325726 +709 28 5 879847946 +709 92 4 879848397 +709 125 4 879847730 +709 164 3 879848120 +709 187 5 879847945 +709 200 4 879848053 +709 229 2 879848645 +709 265 4 879846489 +709 633 3 879846561 +709 816 2 879848318 +710 23 5 882064200 +710 99 4 882064434 +710 134 5 882063648 +710 142 3 882064377 +710 310 3 882063224 +710 313 4 882860832 +710 318 4 882063710 +710 335 1 882063564 +710 603 4 882063921 +710 1039 4 882063736 +711 25 4 876185920 +711 137 5 886030557 +711 196 5 879993918 +711 229 3 879995461 +711 483 5 879992739 +711 488 4 879992407 +711 699 5 879993728 +711 707 5 879993579 +711 1152 1 879991762 +711 1466 4 883589693 +712 82 5 874730031 +712 181 5 874729901 +712 213 3 876251366 +712 399 5 874956872 +712 465 4 874957113 +712 542 4 874956543 +712 728 4 874956384 +712 785 5 874730206 +712 790 4 874956931 +712 812 4 874729996 +713 286 3 888881939 +713 302 4 888882040 +713 313 3 888882179 +713 327 2 888882085 +713 342 3 888882179 +713 344 5 888882276 +713 345 3 888881939 +713 347 4 888882337 +713 362 1 888882040 +713 898 3 888882276 +714 7 4 892777903 +714 15 3 892777197 +714 50 5 892777876 +714 250 5 892777876 +714 289 3 892778092 +714 300 5 892778035 +714 405 5 892777876 +714 685 4 892777903 +714 763 4 892777903 +714 1016 5 892777876 +715 58 4 875964131 +715 70 3 875964105 +715 73 4 875964410 +715 150 4 875961898 +715 174 4 875963306 +715 175 3 875962964 +715 204 4 875964025 +715 217 2 875963452 +715 425 4 875964655 +715 1011 4 875962524 +716 153 4 879796311 +716 160 2 879797303 +716 163 4 879795949 +716 416 3 879796354 +716 470 4 879797152 +716 499 4 879796942 +716 503 3 879795071 +716 602 5 879795691 +716 707 4 879795121 +716 836 4 879795425 +717 100 4 884642268 +717 117 4 884642339 +717 222 4 884642215 +717 235 4 884642762 +717 290 3 884642738 +717 291 4 884642479 +717 301 4 884641717 +717 302 5 884641599 +717 331 3 884641681 +717 980 4 884642268 +718 273 3 883348712 +718 274 3 883349363 +718 284 4 883349191 +718 471 5 883348634 +718 546 4 883349158 +718 742 5 883348873 +718 820 2 883349642 +718 879 2 883348355 +718 1048 2 883349363 +718 1165 3 883349598 +719 7 2 877311269 +719 9 4 883354106 +719 23 3 888897264 +719 121 1 879372253 +719 282 4 879358874 +719 289 2 877311150 +719 357 4 879360583 +719 532 3 888449606 +719 742 4 879358893 +719 778 3 883982002 +720 262 4 891262608 +720 268 4 891262669 +720 286 5 891262635 +720 302 5 891262608 +720 310 4 891262762 +720 313 3 891262608 +720 333 4 891262669 +720 749 3 891262812 +720 898 4 891262812 +720 1176 5 891262812 +721 50 5 877138584 +721 82 4 877139015 +721 135 3 877140490 +721 191 3 877140490 +721 258 3 877135269 +721 259 3 877137527 +721 302 3 877137358 +721 632 4 877147675 +721 690 3 877136967 +721 749 3 877137359 +722 13 2 891281876 +722 100 4 891280894 +722 291 4 891281228 +722 307 4 891280245 +722 458 4 891280955 +722 471 4 891281020 +722 476 4 891281635 +722 508 4 891281020 +722 678 3 891280443 +722 756 3 891281369 +723 50 4 880498889 +723 89 3 880498996 +723 150 3 880499050 +723 164 4 880499019 +723 168 5 880498912 +723 172 4 880498890 +723 178 3 880498938 +723 433 3 880499019 +723 748 5 880498795 +723 988 1 880499254 +724 245 2 883757874 +724 288 4 883757597 +724 304 4 883757703 +724 310 5 883757170 +724 346 1 883757703 +724 680 1 883758119 +724 880 3 883757834 +724 908 1 883758208 +724 1176 1 883757397 +724 1617 1 883757703 +725 9 4 876106243 +725 19 5 876106729 +725 286 5 876106729 +725 288 3 876103725 +725 301 4 876106729 +725 322 4 876103762 +725 333 5 876106729 +725 748 4 876103744 +725 873 4 876103794 +725 881 5 876106729 +726 1 4 890079166 +726 117 1 890080144 +726 248 2 889832422 +726 255 2 889832297 +726 323 3 889828641 +726 409 3 890087998 +726 535 3 889832806 +726 763 2 889831115 +726 833 5 889832807 +726 898 2 889829235 +727 208 4 883711240 +727 217 3 883712913 +727 259 4 883708265 +727 367 3 883712430 +727 585 2 883713257 +727 628 3 883709774 +727 692 4 883711240 +727 746 4 883710514 +727 831 3 883709839 +727 933 1 883709009 +728 15 4 879443387 +728 116 4 879443291 +728 124 3 879443155 +728 237 4 879443155 +728 285 4 879443446 +728 289 3 879442761 +728 304 4 879442794 +728 319 3 879442612 +728 742 4 879443321 +728 1355 4 879443265 +729 272 4 893286638 +729 294 2 893286338 +729 300 4 893286638 +729 310 3 893286204 +729 313 3 893286638 +729 322 4 893286637 +729 338 1 893286373 +729 346 1 893286168 +729 362 4 893286637 +729 751 3 893286338 +730 7 4 880310352 +730 258 5 880309940 +730 273 2 880310324 +730 276 3 880310390 +730 301 1 880310202 +730 327 2 880309964 +730 410 1 880310440 +730 742 3 880310553 +730 873 2 880310035 +730 875 2 880310201 +731 1 2 886184421 +731 95 3 886183978 +731 153 3 886182555 +731 194 3 886183681 +731 205 1 886187652 +731 419 4 886183039 +731 462 5 886186568 +731 504 3 886183209 +731 507 3 886184771 +731 1269 3 886187652 +732 243 5 882589879 +732 269 5 882589593 +732 288 4 882590200 +732 289 3 882590201 +732 294 3 882590201 +732 304 5 882589792 +732 321 3 882590201 +732 322 3 882590201 +732 332 5 882589819 +732 937 4 882589967 +733 7 3 879535603 +733 19 5 879535338 +733 121 3 879536723 +733 242 4 879535011 +733 248 3 879535752 +733 279 2 879535968 +733 293 4 879535559 +733 298 2 879535502 +733 1171 3 879535780 +733 1173 2 879535814 +734 56 1 891022752 +734 111 3 891025993 +734 143 5 891022958 +734 172 4 891022212 +734 210 3 891022937 +734 222 1 891022849 +734 482 2 891025591 +734 662 3 891022704 +734 699 4 891022752 +734 751 4 891021937 +735 25 4 876698684 +735 100 2 876698796 +735 126 3 876698570 +735 147 1 876698643 +735 269 3 876698022 +735 285 4 876698897 +735 293 3 876698570 +735 327 3 876698022 +735 332 3 876698022 +735 475 4 876698570 +736 127 4 878709365 +736 253 5 878709365 +736 254 1 878709262 +736 286 4 878709365 +736 293 4 878709365 +736 323 1 878709187 +736 678 1 878709212 +736 993 4 878709365 +736 1089 1 878709187 +736 1278 1 878709262 +737 11 3 884314903 +737 58 4 884314970 +737 64 4 884314740 +737 96 2 884314715 +737 154 4 884314694 +737 156 5 884314693 +737 173 4 884314970 +737 187 5 884315175 +737 196 3 884314694 +737 474 5 884314740 +738 22 3 875349713 +738 95 4 875350122 +738 96 5 892844112 +738 127 4 892957753 +738 175 4 875349968 +738 178 4 875349628 +738 191 4 875350086 +738 210 5 892844112 +738 265 4 892957967 +738 916 3 892938181 +739 56 4 886958938 +739 97 5 886959115 +739 172 4 886958938 +739 187 4 886959115 +739 197 1 886958860 +739 301 5 886825529 +739 327 5 886825529 +739 526 5 886958895 +739 661 2 886958831 +739 1431 5 886825529 +740 258 3 879522681 +740 269 4 879523187 +740 271 2 879522753 +740 302 5 879523187 +740 326 3 879522814 +740 328 3 879522814 +740 332 3 879522681 +740 340 4 879523187 +740 873 2 879522872 +740 1038 4 879523187 +741 31 3 891455516 +741 38 2 891455832 +741 70 4 891456573 +741 77 3 891455671 +741 88 4 891457456 +741 228 2 891455610 +741 280 3 891458403 +741 651 4 891018507 +741 785 3 891457371 +741 1074 2 891457395 +742 1 4 881335281 +742 7 3 881335492 +742 14 5 881335361 +742 15 4 881335461 +742 50 4 881335248 +742 100 5 881335492 +742 237 4 881335960 +742 294 3 881005590 +742 475 4 881335492 +742 546 1 881335598 +743 222 4 881277962 +743 269 4 881277267 +743 276 5 881277855 +743 289 3 881277357 +743 292 3 881277267 +743 298 4 881278061 +743 303 5 881277357 +743 308 2 881277314 +743 338 1 881277800 +743 879 4 881277656 +744 1 4 881171926 +744 9 3 881170416 +744 23 4 881171420 +744 50 3 881172357 +744 156 4 881170452 +744 238 4 881170416 +744 276 4 881171907 +744 302 5 881171820 +744 340 3 881171820 +744 657 5 881170575 +745 8 4 880123627 +745 100 5 880122809 +745 183 3 880123205 +745 203 3 880123696 +745 222 2 880123126 +745 286 1 880123905 +745 515 4 880122863 +745 527 3 880123486 +745 646 4 880123416 +745 1126 2 880123572 +746 38 2 885075476 +746 50 5 885075165 +746 79 5 885075165 +746 157 4 885075590 +746 181 5 885075166 +746 226 4 885075434 +746 399 3 885075211 +746 431 5 885075304 +746 523 3 885075497 +746 550 4 885075367 +747 116 4 888639318 +747 173 3 888640862 +747 180 5 888639735 +747 279 4 888732571 +747 303 5 888638091 +747 531 4 888732609 +747 650 4 888639014 +747 661 5 888639642 +747 783 1 888732921 +747 1375 4 888732571 +748 86 4 879455126 +748 135 4 879454998 +748 144 4 879454707 +748 173 4 879454831 +748 196 3 879454958 +748 258 5 879454081 +748 319 3 879454107 +748 514 4 879454749 +748 678 2 879454233 +748 710 3 879455410 +749 31 5 878847209 +749 73 4 878849586 +749 151 5 878846783 +749 154 5 878847988 +749 188 3 878848302 +749 406 4 881072892 +749 554 3 878849612 +749 735 5 878847716 +749 1089 3 882804586 +749 1337 3 882804605 +750 245 3 879446215 +750 288 4 879445808 +750 303 4 879445911 +750 305 4 879445877 +750 358 3 879446216 +750 683 1 879445911 +750 688 1 879446013 +750 749 3 879446271 +750 879 4 879445961 +750 881 2 879446114 +751 85 3 889297767 +751 88 4 889298660 +751 419 4 889134533 +751 480 4 889133129 +751 652 4 889133951 +751 735 4 889134332 +751 736 5 889134533 +751 778 3 889297178 +751 1011 4 889132599 +751 1661 1 889299429 +752 270 4 891208077 +752 289 1 891208299 +752 294 3 891208261 +752 311 3 891207983 +752 322 1 891208261 +752 326 1 891208299 +752 347 4 891207846 +752 690 4 891208170 +752 905 2 891207940 +752 1105 3 891207983 +753 22 4 891401798 +753 50 4 891401902 +753 134 4 891402323 +753 194 4 891401757 +753 199 5 891401510 +753 211 4 891402240 +753 215 5 891402272 +753 322 3 891401167 +753 462 4 891401510 +753 499 3 891402323 +754 15 5 879451743 +754 117 4 879451626 +754 118 2 879451775 +754 237 3 879451805 +754 276 5 879451841 +754 328 3 879450984 +754 359 3 879451299 +754 459 4 879451805 +754 477 5 879451775 +754 595 2 879452073 +755 264 2 882570077 +755 271 1 882570023 +755 288 1 882569771 +755 289 1 882569912 +755 311 4 882569771 +755 327 2 882569801 +755 748 4 882570141 +755 872 1 882569844 +755 881 1 882569732 +755 887 3 882569845 +756 92 3 874828027 +756 100 5 874831383 +756 122 1 874831227 +756 161 3 874831194 +756 176 4 874828826 +756 234 3 874829924 +756 554 1 874829152 +756 642 2 874829924 +756 753 2 874832788 +756 1119 4 874828349 +757 2 3 888466490 +757 4 5 888466461 +757 28 3 888467794 +757 50 4 888444056 +757 157 3 888467855 +757 195 4 888445802 +757 248 4 888444209 +757 260 3 888443511 +757 678 2 888443531 +757 743 2 888445172 +758 7 5 881975243 +758 177 5 881974823 +758 224 4 881975922 +758 248 4 880672747 +758 269 4 880672230 +758 288 4 882056007 +758 431 3 881977309 +758 810 3 881980195 +758 892 2 883190434 +758 1142 5 880672766 +759 220 5 875227904 +759 222 5 881476922 +759 257 4 881476824 +759 275 4 875227858 +759 328 5 881476590 +759 405 4 881476969 +759 591 3 881476891 +759 756 4 875227922 +759 937 4 881476756 +759 984 2 881476642 +760 50 3 875666268 +760 125 4 875666242 +760 162 3 875668418 +760 172 3 875667294 +760 204 4 875668105 +760 682 3 878530117 +760 739 4 875668888 +760 841 3 875666421 +760 928 1 875666242 +760 1037 5 875668781 +761 1 1 876190094 +761 50 5 876189795 +761 181 5 876190072 +761 222 4 876190025 +761 258 4 876189585 +761 261 1 876189871 +761 288 4 876189614 +761 688 2 876189913 +761 1014 1 876190256 +761 1277 1 876190752 +762 246 1 878719294 +762 256 3 878719448 +762 270 4 878718855 +762 286 4 878718810 +762 332 1 878718996 +762 421 4 878719594 +762 709 3 878719594 +762 749 1 878718996 +762 815 1 878719406 +762 934 1 878719406 +763 11 4 878918333 +763 22 4 878921853 +763 151 4 878923488 +763 213 4 878917468 +763 258 3 878914901 +763 275 5 878915958 +763 375 2 878923513 +763 461 4 878915015 +763 742 4 878921584 +763 1268 5 878918933 +764 9 4 876242649 +764 11 4 876244652 +764 31 4 876246687 +764 77 4 876246687 +764 100 4 876242649 +764 496 5 876244991 +764 527 4 876339982 +764 597 4 876243440 +764 756 3 876243595 +764 1152 3 876242755 +765 10 4 880346308 +765 14 5 880346204 +765 42 5 880346975 +765 50 2 880346255 +765 137 5 880346255 +765 222 2 880346340 +765 275 4 880346768 +765 507 5 880347034 +765 847 4 880346466 +765 1009 5 880346606 +766 98 3 891309522 +766 134 5 891308968 +766 135 4 891309053 +766 202 3 891310281 +766 228 3 891309811 +766 366 3 891310875 +766 510 3 891310038 +766 521 4 891309261 +766 588 3 891309484 +766 648 3 891309913 +767 28 4 891462759 +767 163 4 891462560 +767 172 5 891462614 +767 176 3 891462759 +767 183 4 891462870 +767 222 5 891462760 +767 483 5 891462870 +767 505 4 891462560 +767 506 5 891462829 +767 657 4 891462917 +768 1 5 883835025 +768 50 4 883834705 +768 70 4 888798611 +768 111 3 880136139 +768 252 3 880136317 +768 275 4 880135736 +768 288 4 883834705 +768 332 4 879523820 +768 826 1 883835210 +768 1014 2 882816126 +769 111 5 885424001 +769 118 4 885424099 +769 121 4 885423865 +769 222 4 885423824 +769 235 3 885424186 +769 284 3 885423927 +769 411 3 885424099 +769 597 2 885424001 +769 1011 3 885424142 +769 1312 2 885424776 +770 151 5 875973080 +770 181 3 875972219 +770 244 4 875973047 +770 253 5 875971949 +770 282 5 875972927 +770 288 4 875971612 +770 289 5 875971655 +770 295 4 875972290 +770 300 5 875971612 +770 325 4 875971703 +771 4 1 880659748 +771 91 4 880659815 +771 154 2 880659426 +771 241 1 880659791 +771 275 5 880659392 +771 289 4 886640547 +771 707 4 880659507 +771 873 3 886635816 +771 949 5 880659941 +771 993 4 880660199 +772 259 2 877533957 +772 288 2 889028773 +772 300 4 877533731 +772 310 4 889028363 +772 315 5 889028363 +772 322 4 877533546 +772 323 4 876250551 +772 327 4 877533873 +772 748 3 877533625 +772 752 3 889028773 +773 37 3 888540352 +773 56 2 888539328 +773 92 4 888540041 +773 188 3 888540091 +773 191 4 888540448 +773 234 2 888540279 +773 238 4 888539347 +773 384 2 888539766 +773 433 3 888539471 +773 1021 5 888539011 +774 28 3 888556698 +774 54 1 888556814 +774 127 4 888557198 +774 172 3 888557198 +774 229 2 888557329 +774 403 2 888556814 +774 563 1 888557883 +774 644 4 888556777 +774 673 2 888556545 +774 1028 2 888558829 +775 300 4 891032956 +775 302 3 891032742 +775 307 4 891032989 +775 312 3 891032866 +775 327 5 891032956 +775 329 3 891033071 +775 344 5 891032777 +775 345 5 891032895 +775 690 3 891033022 +775 900 3 891032956 +776 21 3 892313317 +776 22 5 891628752 +776 164 3 892920290 +776 276 4 892313295 +776 439 1 892920480 +776 443 3 892920290 +776 486 4 892920189 +776 511 5 891628632 +776 569 3 892920403 +776 648 3 893077100 +777 42 5 875980670 +777 117 5 875979380 +777 157 3 875980235 +777 202 5 875980669 +777 204 5 875980670 +777 509 4 875980449 +777 521 5 875980235 +777 527 4 875980306 +777 818 5 875980669 +777 1079 2 875979431 +778 121 3 890803561 +778 195 4 890769370 +778 204 4 890726518 +778 209 4 890769470 +778 238 3 890725804 +778 262 4 891482843 +778 496 1 891234406 +778 582 1 891232769 +778 738 1 891578101 +778 780 3 890803133 +779 7 3 875993165 +779 21 5 875996932 +779 109 3 875501782 +779 195 5 875999211 +779 235 4 875502286 +779 258 5 875501254 +779 328 4 875501334 +779 509 2 875999211 +779 926 4 875992442 +779 1028 4 875996932 +780 22 4 891363969 +780 97 5 891363617 +780 172 5 891363723 +780 300 3 891362937 +780 357 5 891363723 +780 423 5 891363618 +780 508 3 891363826 +780 510 4 891363904 +780 526 5 891364125 +780 887 4 891363073 +781 87 4 879634340 +781 174 5 879634256 +781 180 4 879633895 +781 187 5 879633976 +781 191 4 879633995 +781 204 4 879634256 +781 215 3 879634124 +781 258 2 879633862 +781 268 2 879633862 +781 403 4 879634340 +782 246 3 891499321 +782 288 4 891498079 +782 294 3 891498381 +782 308 4 891498030 +782 310 4 891497963 +782 346 2 891497854 +782 878 3 891498918 +782 1390 3 891500028 +782 1538 3 891500109 +782 1658 2 891500230 +783 258 4 884326348 +783 269 4 884326274 +783 271 5 884326506 +783 301 4 884326424 +783 307 5 884326506 +783 331 3 884326461 +783 750 4 884326274 +783 872 4 884326545 +783 881 4 884326584 +783 887 5 884326620 +784 270 3 891387249 +784 272 4 891387077 +784 310 4 891387155 +784 313 5 891386988 +784 315 4 891386988 +784 321 3 891387249 +784 333 4 891387501 +784 751 4 891387316 +784 754 3 891387249 +784 898 4 891387895 +785 56 4 879438920 +785 69 4 879439137 +785 152 4 879439527 +785 269 5 879438537 +785 288 3 879438537 +785 318 4 879439232 +785 496 4 879438810 +785 661 3 879438810 +785 748 3 879438705 +785 886 3 879438591 +786 70 4 882843534 +786 82 4 882844096 +786 180 4 882843112 +786 187 4 882843112 +786 200 5 882844010 +786 216 4 882843272 +786 231 2 882844127 +786 238 4 882843646 +786 318 5 882843190 +786 699 4 882844295 +787 245 3 888980193 +787 259 4 888979721 +787 271 1 888979721 +787 307 4 888979074 +787 324 2 888979605 +787 342 2 888979875 +787 347 4 888979606 +787 690 5 888979007 +787 750 5 888979075 +787 880 3 888979123 +788 54 4 880869174 +788 70 4 880869908 +788 71 3 880868144 +788 205 4 880868068 +788 403 3 880870516 +788 504 4 880867970 +788 570 3 880869862 +788 601 4 880868876 +788 639 3 880870710 +788 708 2 880869908 +789 1 3 880332089 +789 111 3 880332400 +789 137 2 880332189 +789 181 4 880332437 +789 248 3 880332148 +789 284 3 880332259 +789 508 4 880332169 +789 742 3 880332400 +789 1008 4 880332365 +789 1017 3 880332316 +790 29 2 885158082 +790 109 3 884461775 +790 123 3 884461413 +790 139 2 885157748 +790 229 3 885156686 +790 232 4 885156773 +790 376 2 885157533 +790 378 3 885156934 +790 449 2 885157594 +790 790 2 885157928 +791 9 5 879448314 +791 181 5 879448338 +791 245 4 879448087 +791 259 3 879448087 +791 301 3 879448035 +791 304 4 879448035 +791 306 5 879447977 +791 322 4 879448128 +791 748 3 879448035 +791 754 4 879448086 +792 7 4 877910822 +792 100 4 877910822 +792 129 4 877909753 +792 282 3 877909931 +792 291 2 877910629 +792 471 4 877910822 +792 476 1 877910206 +792 831 2 877910666 +792 1015 5 877910822 +792 1197 4 877910822 +793 109 4 875104119 +793 250 4 875104031 +793 257 4 875103901 +793 288 4 875103584 +793 456 3 875104752 +793 591 4 875104752 +793 597 3 875104565 +793 696 3 875104303 +793 815 3 875103901 +793 1187 2 875104167 +794 1 4 891035864 +794 127 5 891035117 +794 150 4 891034956 +794 181 4 891035957 +794 248 4 891036463 +794 269 5 891034213 +794 275 4 891034792 +794 420 4 891035662 +794 751 3 891034523 +794 847 5 891035822 +795 8 5 880569317 +795 80 3 883254212 +795 164 3 883253368 +795 186 3 883249522 +795 219 3 883252104 +795 514 4 883250472 +795 577 3 883254987 +795 675 3 883251659 +795 719 2 883254675 +795 797 3 883254750 +796 154 3 892676155 +796 164 3 893194548 +796 193 3 892662964 +796 270 4 892611799 +796 399 4 893048471 +796 431 4 892676231 +796 491 4 892662964 +796 517 2 893047208 +796 527 3 892675654 +796 1119 4 892675528 +797 243 2 879439104 +797 269 3 879438957 +797 300 2 879439031 +797 309 3 879438992 +797 336 2 879439136 +797 340 2 879439735 +797 720 2 879439735 +797 748 1 879439105 +797 990 2 879439456 +797 1254 2 879439548 +798 21 5 875554953 +798 116 3 875554781 +798 196 3 875743006 +798 197 2 875303502 +798 480 3 875303765 +798 586 2 875303765 +798 932 4 875637927 +798 993 3 875554639 +798 1089 3 875295616 +798 1224 2 875638842 +799 127 4 879254026 +799 174 5 879254026 +799 286 5 879253668 +799 289 3 879253720 +799 292 4 879253720 +799 307 3 879253795 +799 321 4 879253720 +799 331 4 879253795 +799 427 5 879254077 +799 748 2 879253755 +800 25 4 887646980 +800 222 4 887646226 +800 223 5 887646979 +800 276 3 887646245 +800 289 4 887646980 +800 292 5 887646979 +800 294 3 887645970 +800 300 4 887646980 +800 476 3 887646776 +800 751 4 887646980 +801 245 3 890333042 +801 301 5 890332820 +801 302 4 890332645 +801 328 5 890332748 +801 332 5 890332719 +801 343 4 890332986 +801 355 3 890332929 +801 358 4 890333094 +801 682 5 890332775 +801 752 4 890332853 +802 7 5 875986303 +802 56 3 875985601 +802 443 4 875985686 +802 445 3 875985686 +802 484 3 875985239 +802 559 2 875985840 +802 672 3 875985767 +802 687 3 875984722 +802 760 3 875986303 +802 1025 3 875984637 +803 242 5 880054592 +803 269 5 880054592 +803 303 4 880054629 +803 306 4 880054629 +803 321 4 880054792 +803 325 4 880054885 +803 338 2 880055454 +803 339 3 880054834 +803 683 1 880054885 +803 988 1 880055454 +804 49 2 879447476 +804 85 4 879445190 +804 192 4 879441752 +804 213 3 879441651 +804 231 4 879445334 +804 365 4 879446194 +804 433 4 879444714 +804 550 4 879445739 +804 654 3 879441651 +804 1222 3 879446276 +805 42 2 881704193 +805 90 2 881705412 +805 96 4 881694713 +805 222 4 881694823 +805 447 4 881695293 +805 473 4 881695591 +805 527 3 881698798 +805 576 4 881695040 +805 581 2 881695793 +805 761 3 881695040 +806 89 5 882387756 +806 121 4 882385916 +806 172 3 882387373 +806 197 4 882387728 +806 233 2 882390614 +806 238 4 882388082 +806 254 3 882387272 +806 343 3 882384656 +806 483 4 882387409 +806 522 3 882388128 +807 99 5 892529401 +807 193 4 892529483 +807 271 3 892527385 +807 405 4 892684722 +807 427 4 892528427 +807 527 5 892528646 +807 528 4 892530173 +807 576 4 893081656 +807 842 4 892979600 +807 1050 5 892529311 +808 264 5 883949986 +808 288 3 883949454 +808 300 4 883949681 +808 312 3 883949873 +808 332 4 883949639 +808 340 5 883949986 +808 748 4 883949873 +808 751 3 883949560 +808 872 5 883949986 +808 875 4 883949915 +809 245 3 891037127 +809 299 4 891037069 +809 300 4 891036903 +809 315 5 891036743 +809 319 3 891036744 +809 322 3 891037069 +809 331 2 891036809 +809 333 3 891036903 +809 340 4 891036744 +809 1025 1 891037205 +810 243 4 879895350 +810 269 5 891293811 +810 286 4 891293811 +810 300 5 890083187 +810 323 4 879895314 +810 328 5 885406635 +810 338 4 891873660 +810 876 3 886614969 +810 881 4 879895350 +810 902 5 890083210 +811 243 3 886377579 +811 286 5 886376983 +811 300 5 886377373 +811 307 4 886377248 +811 308 4 886377082 +811 315 4 886377579 +811 321 3 886377483 +811 678 5 886377686 +811 895 5 886377311 +811 988 4 886377686 +812 289 1 877625461 +812 292 3 877625610 +812 300 5 877625461 +812 302 3 877625109 +812 328 4 877625368 +812 332 4 877625368 +812 333 5 877625294 +812 682 4 877625224 +812 873 4 877625537 +812 881 4 877625537 +813 9 3 883752051 +813 266 2 883752660 +813 271 4 883752455 +813 304 1 883752380 +813 307 4 883752265 +813 310 4 883752290 +813 680 2 883752660 +813 890 4 883752708 +813 892 1 883752708 +813 898 1 883752264 +814 17 3 885411073 +814 53 4 885411132 +814 56 3 885410957 +814 218 3 885411030 +814 219 4 885411030 +814 234 3 885410957 +814 441 2 885411347 +814 665 4 885411204 +814 672 3 885411030 +814 675 3 885410957 +815 102 3 878694028 +815 131 2 878698449 +815 153 4 878695020 +815 405 4 878692071 +815 451 3 878696965 +815 465 5 878694952 +815 496 5 878694027 +815 528 5 887978255 +815 603 3 878694664 +815 623 3 878697043 +816 243 4 891711554 +816 260 3 891711579 +816 264 4 891711495 +816 271 4 891711378 +816 328 4 891710968 +816 331 5 891710922 +816 332 4 891710994 +816 342 4 891711519 +816 678 4 891710837 +816 687 2 891711554 +817 24 4 874815947 +817 245 2 874815789 +817 289 2 874815789 +817 324 2 874815789 +817 327 4 874815593 +817 363 3 874816007 +817 546 4 874815947 +817 597 2 874816007 +817 840 2 874816007 +817 928 3 874815835 +818 245 4 891870515 +818 258 4 891870301 +818 269 3 891870173 +818 271 4 891870389 +818 288 5 891870364 +818 300 2 891870222 +818 303 5 891870222 +818 312 2 891870546 +818 346 4 891870364 +818 875 1 891870590 +819 70 4 884105841 +819 177 4 884105025 +819 246 4 884012614 +819 300 5 879952538 +819 302 5 884012512 +819 319 4 879952627 +819 327 4 879952656 +819 345 4 884618137 +819 346 5 884012487 +819 381 4 884105841 +820 258 3 887954853 +820 286 4 887954853 +820 302 5 887954906 +820 313 5 887954934 +820 324 3 887955020 +820 328 2 887955079 +820 333 5 887954878 +820 347 4 887954853 +820 358 1 887954972 +820 895 2 887955046 +821 15 5 874792835 +821 100 2 874792285 +821 106 2 874793196 +821 132 5 874793898 +821 213 5 874793806 +821 318 5 874793368 +821 357 5 874793517 +821 405 4 874793022 +821 435 4 874793773 +821 763 3 874792491 +822 71 4 891037465 +822 91 3 891037394 +822 101 2 891037465 +822 111 4 891039414 +822 169 4 891037394 +822 235 3 891039543 +822 358 3 891037112 +822 539 2 891035086 +822 588 2 891037394 +822 751 3 891035141 +823 7 5 878438298 +823 33 3 878438332 +823 48 5 878438642 +823 97 5 878439113 +823 144 5 878438535 +823 209 4 878438379 +823 233 4 878439365 +823 274 4 878439038 +823 475 5 878438297 +823 1118 3 878437836 +824 243 1 877021002 +824 245 2 877021121 +824 259 4 877020927 +824 288 3 877020927 +824 319 2 877020927 +824 323 2 877020965 +824 325 4 877021121 +824 687 2 877021077 +824 748 1 877021077 +824 989 2 877021121 +825 7 5 880755612 +825 50 4 880755418 +825 298 5 880756726 +825 508 4 880756725 +825 741 4 881343947 +825 832 3 881101246 +825 841 4 880756904 +825 864 3 880756725 +825 988 3 889020557 +825 1015 2 880756321 +826 55 5 885690636 +826 161 3 885690677 +826 184 3 885690677 +826 188 4 885690636 +826 294 4 885689918 +826 566 3 885690636 +826 684 3 885690600 +826 820 3 885690250 +826 1091 3 885690379 +826 1219 4 885690442 +827 245 3 882807611 +827 269 5 882201356 +827 288 3 882204460 +827 289 3 882807571 +827 294 4 882807611 +827 300 3 882201725 +827 302 4 882201356 +827 316 3 892157262 +827 689 3 882201884 +827 748 4 882808465 +828 301 2 893186210 +828 347 1 891035438 +828 730 3 891036972 +828 874 3 891380355 +828 903 4 891380167 +828 923 3 891037047 +828 960 5 891036568 +828 1073 4 891036630 +828 1196 2 891036492 +828 1268 2 891038098 +829 13 4 881086933 +829 14 2 881712488 +829 100 4 881086893 +829 153 4 887584684 +829 213 4 881698933 +829 222 4 882816987 +829 237 3 891204271 +829 275 4 892312770 +829 640 3 881707829 +829 855 4 881698934 +830 22 5 891561673 +830 95 3 891561474 +830 177 4 891561870 +830 183 4 891462467 +830 194 4 891898720 +830 227 3 891561737 +830 402 4 892503093 +830 633 4 891898661 +830 651 4 891561737 +830 696 2 892502651 +831 100 4 891354573 +831 150 3 891354815 +831 174 5 891354534 +831 250 5 891354931 +831 258 2 891354020 +831 266 3 891354338 +831 272 5 891353915 +831 328 3 891354000 +831 331 4 891353979 +831 347 3 891354191 +832 243 2 888259984 +832 258 3 888258960 +832 264 3 888259480 +832 286 3 888258806 +832 288 3 888259984 +832 307 4 888259231 +832 322 3 888259984 +832 323 3 888259984 +832 873 2 888259984 +832 895 2 888259285 +833 52 3 878078390 +833 127 5 875035660 +833 160 5 875124535 +833 187 5 875124348 +833 204 1 875039255 +833 205 4 875122814 +833 379 2 875224178 +833 441 1 875224352 +833 831 1 875297256 +833 854 4 875038529 +834 50 5 890862362 +834 117 4 890862386 +834 127 5 890862412 +834 150 5 890862564 +834 151 4 890862974 +834 255 3 890862940 +834 288 5 890860566 +834 292 5 890860566 +834 343 4 890860416 +834 347 4 890860007 +835 50 4 891035309 +835 131 5 891033560 +835 162 5 891033420 +835 216 4 891033560 +835 458 4 891032869 +835 526 3 891033927 +835 609 4 891034310 +835 610 5 891034401 +835 673 4 891034117 +835 1153 4 891035309 +836 134 3 885754096 +836 170 5 885754200 +836 238 4 885754200 +836 258 4 885753475 +836 288 1 885753475 +836 419 2 885753979 +836 496 4 885754231 +836 611 5 885754096 +836 657 5 885754096 +836 659 5 885754096 +837 13 4 875721843 +837 15 3 875721869 +837 20 4 875721919 +837 237 3 875721793 +837 275 4 875721989 +837 276 1 875721843 +837 280 2 875722350 +837 286 4 875721473 +837 289 5 875721539 +837 762 2 875722318 +838 24 4 887064231 +838 179 5 887067340 +838 223 3 887065807 +838 249 4 887064315 +838 276 4 887064825 +838 311 4 887060659 +838 385 4 887067127 +838 480 4 887066078 +838 1005 4 887066678 +838 1115 4 887064476 +839 129 4 875751893 +839 220 3 875753029 +839 285 5 875752138 +839 286 4 875751411 +839 292 3 875751559 +839 319 1 875751411 +839 321 1 875751470 +839 696 2 875752479 +839 866 2 875752687 +839 950 4 875752408 +840 98 5 891204160 +840 166 5 891204798 +840 234 5 891204948 +840 252 4 891203810 +840 428 4 891209547 +840 498 5 891204264 +840 663 4 891204322 +840 737 4 891205320 +840 1065 5 891209285 +840 1266 5 891204535 +841 271 4 889067216 +841 300 4 889066780 +841 306 4 889066824 +841 307 5 889067152 +841 313 5 889066779 +841 333 4 889066780 +841 344 3 889066880 +841 358 1 889067348 +841 678 4 889067313 +841 873 4 889067121 +842 258 3 891217835 +842 306 4 891217942 +842 315 3 891217834 +842 324 4 891218060 +842 328 2 891218192 +842 340 5 891218192 +842 749 4 891218060 +842 752 4 891218353 +842 874 5 891218060 +842 1395 4 891218060 +843 145 3 879443597 +843 152 2 879446458 +843 159 2 879443951 +843 183 5 879443800 +843 195 4 879444711 +843 205 4 879446888 +843 227 3 879443908 +843 403 2 879444934 +843 449 3 879444083 +843 635 2 879443544 +844 50 5 877388182 +844 69 5 877388182 +844 109 2 877381850 +844 151 4 877381674 +844 216 5 877388183 +844 228 3 877387858 +844 318 4 877382762 +844 625 3 877388040 +844 690 3 877381230 +844 1474 4 877387195 +845 268 3 885409374 +845 310 4 885409493 +845 346 3 885409493 +845 690 5 885409719 +845 751 2 885409719 +845 900 3 885409719 +845 909 4 885409789 +845 1022 2 885409493 +845 1394 4 885409719 +845 1399 3 885409493 +846 36 2 883950665 +846 136 3 883947861 +846 205 5 883948141 +846 258 3 883946284 +846 403 3 883948765 +846 603 5 883947960 +846 674 4 883949046 +846 736 4 883948874 +846 1286 4 883948173 +846 1411 4 883950364 +847 108 2 878939266 +847 118 3 878775982 +847 180 2 878939945 +847 183 4 878940332 +847 225 1 878775647 +847 372 5 878940189 +847 473 2 878938855 +847 658 3 878940855 +847 926 1 878938792 +847 1160 4 878939153 +848 151 4 887043180 +848 185 3 887037861 +848 196 5 887044238 +848 204 5 887039078 +848 207 5 887043265 +848 209 5 887038397 +848 318 5 887038231 +848 419 5 887043421 +848 423 4 887038197 +848 480 5 887040025 +849 118 5 879695153 +849 121 5 879695086 +849 133 5 879696059 +849 197 5 879695782 +849 207 5 879695680 +849 234 5 879695469 +849 421 5 879695588 +849 568 4 879695317 +849 633 5 879695420 +849 676 5 879695896 +850 15 5 883195256 +850 121 5 883195055 +850 172 5 883195301 +850 174 5 883195419 +850 228 5 883195394 +850 480 5 883194810 +850 584 4 883195276 +850 663 2 883194768 +850 742 5 883195214 +850 969 5 883194908 +851 68 3 875731722 +851 111 3 874767408 +851 172 5 875731567 +851 240 4 875730629 +851 363 4 875730629 +851 405 5 874767550 +851 527 5 891961663 +851 564 3 875806892 +851 680 3 886534717 +851 760 4 875730418 +852 7 3 891036485 +852 181 4 891036414 +852 260 3 891036414 +852 289 2 891035325 +852 405 3 891037262 +852 515 5 891036414 +852 678 3 891036414 +852 820 4 891037754 +852 841 4 891037625 +852 930 3 891037777 +853 258 3 879364883 +853 259 3 879365034 +853 271 3 879364668 +853 300 5 879364744 +853 323 3 879364883 +853 328 3 879364744 +853 330 1 879365091 +853 678 4 879365170 +853 688 3 879365169 +853 887 2 879365169 +854 32 4 882813574 +854 79 4 882814298 +854 117 3 882812755 +854 216 3 882814028 +854 255 1 882812852 +854 281 3 882813047 +854 287 3 882813143 +854 291 2 882813074 +854 318 5 882813825 +854 925 2 882813179 +855 59 3 879825488 +855 170 2 879825383 +855 171 3 879825383 +855 475 4 879825383 +855 509 3 879825613 +855 510 4 879825578 +855 512 4 879825382 +855 582 3 879825578 +855 855 4 879825488 +855 919 3 879825462 +856 286 4 891489299 +856 289 1 891489525 +856 294 4 891489502 +856 300 4 891489386 +856 307 4 891489250 +856 312 2 891489450 +856 322 4 891489593 +856 326 2 891489450 +856 347 2 891489217 +856 690 4 891489356 +857 24 1 883432711 +857 116 5 883432663 +857 258 5 883432193 +857 259 4 883432397 +857 275 5 883432663 +857 283 5 883432633 +857 328 3 883432301 +857 547 3 883432633 +857 892 3 883432515 +857 988 2 883432423 +858 9 5 880932449 +858 127 5 880932912 +858 293 3 880932692 +858 323 2 879459926 +858 333 4 880933013 +858 515 4 880932911 +858 678 1 879459926 +858 689 5 879459087 +858 754 4 879459087 +858 1368 4 880932449 +859 287 5 885775358 +859 293 4 885776056 +859 294 3 885775218 +859 368 3 885775880 +859 535 5 885774867 +859 928 3 885775473 +859 955 5 885776352 +859 1132 3 885775513 +859 1281 3 885774937 +859 1315 4 885775251 +860 153 4 885990965 +860 245 3 880829225 +860 300 4 874967063 +860 301 2 880829226 +860 305 4 878567538 +860 347 4 886424396 +860 716 2 887754411 +860 846 2 887754411 +860 890 2 880829225 +860 1602 3 893009852 +861 14 4 881274612 +861 83 5 881274672 +861 179 1 881274672 +861 301 4 881274504 +861 382 5 881274780 +861 531 4 881274529 +861 547 4 881274857 +861 584 5 881274815 +861 1009 5 881274857 +861 1148 3 881274913 +862 181 5 879305143 +862 187 4 879304672 +862 198 5 879304484 +862 214 3 879304834 +862 216 5 879304410 +862 405 2 879303123 +862 474 5 879304722 +862 526 4 879304623 +862 974 2 879304113 +862 1011 5 879303123 +863 242 4 889289570 +863 258 5 889289122 +863 294 4 889289327 +863 303 1 889288911 +863 315 5 889288910 +863 326 5 889289157 +863 361 5 889289618 +863 1024 3 889289619 +863 1038 1 889289327 +863 1607 2 889288973 +864 11 5 888887502 +864 54 4 888891473 +864 70 4 888888168 +864 227 4 888889510 +864 526 4 888889784 +864 566 4 888889601 +864 693 4 888888168 +864 716 2 888889744 +864 775 1 888891473 +864 1531 3 888890690 +865 24 4 880143612 +865 91 3 880235059 +865 101 1 880235099 +865 111 1 880144123 +865 189 4 880235059 +865 268 4 880142652 +865 294 4 880235263 +865 302 5 880142614 +865 845 1 880144123 +865 919 5 880143713 +866 272 2 891221006 +866 303 4 891221165 +866 313 1 891220955 +866 315 4 891221206 +866 340 2 891221165 +866 344 2 891221165 +866 347 4 891221165 +866 882 2 891221165 +866 896 2 891221006 +866 900 4 891221165 +867 11 3 880078547 +867 174 5 880078991 +867 195 5 880078452 +867 210 5 880078547 +867 252 2 880078179 +867 258 3 880077751 +867 295 4 880078069 +867 498 4 880078401 +867 524 5 880078604 +867 1608 2 880078110 +868 73 1 877108220 +868 89 4 877107446 +868 91 3 877107817 +868 109 3 877107627 +868 160 4 877104414 +868 183 5 877104414 +868 265 3 877108302 +868 358 2 877103098 +868 448 2 877110401 +868 1035 1 877107817 +869 13 3 884491199 +869 15 1 884491993 +869 126 2 884491927 +869 242 2 884490097 +869 269 4 884493279 +869 294 3 884490151 +869 411 4 884492828 +869 596 3 884491734 +869 756 1 884492780 +869 1382 3 884492201 +870 42 2 879270213 +870 48 4 875050603 +870 134 4 875050697 +870 216 4 875680520 +870 255 2 889409590 +870 386 4 880584752 +870 568 4 879714588 +870 603 5 875050723 +870 663 3 879540005 +870 770 4 875679992 +871 241 3 888193385 +871 259 3 888192971 +871 275 3 888193384 +871 302 5 888192970 +871 337 3 888192475 +871 747 3 888193541 +871 781 4 888193541 +871 883 3 888192475 +871 947 2 888193177 +871 1345 3 888193136 +872 118 4 888479560 +872 280 3 888479275 +872 288 5 888478743 +872 310 4 888478698 +872 363 4 888479582 +872 748 3 888478942 +872 763 3 888479405 +872 864 3 888479498 +872 925 4 888479654 +872 977 3 888479737 +873 259 1 891392698 +873 269 2 891392092 +873 307 3 891392360 +873 326 4 891392656 +873 328 4 891392756 +873 339 3 891392871 +873 342 4 891392698 +873 348 3 891392577 +873 358 2 891392698 +873 875 1 891392577 +874 14 4 888632411 +874 116 4 888632484 +874 182 4 888633311 +874 305 4 888632057 +874 311 4 888632098 +874 325 2 888633197 +874 346 3 888632147 +874 357 5 888633311 +874 676 3 888632585 +874 751 3 888632147 +875 4 3 876466687 +875 71 2 876465336 +875 96 4 876465144 +875 173 5 876465111 +875 176 4 876465112 +875 501 4 876465335 +875 504 5 876465275 +875 651 5 876466687 +875 692 2 876465230 +875 1422 3 876465274 +876 22 4 879428451 +876 174 4 879428378 +876 286 5 879428072 +876 288 3 879428101 +876 318 5 879428406 +876 511 5 879428354 +876 523 5 879428378 +876 527 5 879428406 +876 604 5 879428406 +876 878 2 879428253 +877 59 5 882677012 +877 79 4 882678387 +877 216 4 882677827 +877 275 4 882677183 +877 300 3 882676366 +877 402 3 882677997 +877 640 2 882677311 +877 732 4 882677898 +877 748 4 882676423 +877 955 4 882677936 +878 22 2 880866918 +878 71 4 880870130 +878 126 3 880865940 +878 212 3 880867987 +878 275 4 880865469 +878 286 4 880865183 +878 402 4 880869303 +878 530 5 880872619 +878 736 5 880868035 +878 794 4 880869418 +879 50 4 887761865 +879 117 4 887761865 +879 181 4 887761088 +879 255 4 887761156 +879 294 3 887760951 +879 304 4 887760912 +879 597 2 887761229 +879 685 4 887761865 +879 866 5 887761460 +879 1047 2 887761477 +880 50 5 880167175 +880 54 3 880242503 +880 80 2 880175050 +880 181 5 880166719 +880 204 5 880174652 +880 295 5 892958887 +880 769 3 880241492 +880 783 1 880175187 +880 833 4 880167288 +880 841 3 880167411 +881 13 4 876536364 +881 89 4 876537577 +881 204 4 876538506 +881 222 5 876536079 +881 441 2 876539549 +881 559 2 876539220 +881 601 5 876539186 +881 790 3 876539549 +881 1046 3 876539051 +881 1124 4 876538627 +882 8 5 879864789 +882 15 5 879862141 +882 86 5 879867568 +882 105 3 879863735 +882 117 4 879861492 +882 294 4 879860936 +882 471 4 879861562 +882 559 3 879876806 +882 815 2 879861678 +882 1015 3 879863457 +883 69 2 891717356 +883 72 4 891694431 +883 135 4 891717319 +883 224 4 891692683 +883 239 3 891694401 +883 407 3 892557605 +883 516 4 891694372 +883 561 3 891695717 +883 665 4 891695717 +883 867 5 891695588 +884 100 5 876858820 +884 258 5 876857704 +884 300 1 876857789 +884 381 5 876859751 +884 475 4 876858914 +884 509 4 876859090 +884 582 5 876859351 +884 640 1 876859161 +884 736 3 876859329 +884 1009 2 876859024 +885 56 3 885714641 +885 65 2 885714336 +885 91 3 885714820 +885 95 4 885714933 +885 173 4 885713357 +885 195 4 885715827 +885 233 3 885715889 +885 239 3 885713609 +885 418 4 885714933 +885 501 3 885714820 +886 3 3 876032330 +886 7 5 876031330 +886 108 5 876033200 +886 118 1 876032673 +886 173 5 876031932 +886 208 3 876031764 +886 232 3 876032973 +886 273 2 876032274 +886 357 4 876031601 +886 419 3 876032353 +887 84 4 881381114 +887 181 5 881378040 +887 210 5 881379649 +887 473 4 881378896 +887 633 5 881380584 +887 692 5 881380654 +887 768 4 881381471 +887 1035 5 881381740 +887 1136 5 881381071 +887 1540 5 881380739 +888 100 4 879365004 +888 111 4 879365072 +888 153 4 879365154 +888 191 5 879365004 +888 202 4 879365072 +888 237 5 879365449 +888 274 4 879365497 +888 280 3 879365475 +888 631 4 879365224 +888 644 4 879365054 +889 73 3 880181663 +889 196 5 880180612 +889 381 4 880180784 +889 488 2 880180265 +889 655 4 880178224 +889 728 3 880181995 +889 819 2 880177738 +889 886 3 880176666 +889 1103 2 880180071 +889 1589 5 880177219 +890 135 5 882405546 +890 153 3 882403345 +890 258 3 882404055 +890 427 5 882405586 +890 449 1 882915661 +890 516 2 882916537 +890 625 3 882575104 +890 662 3 882575303 +890 843 3 882916650 +890 1065 3 882402949 +891 15 4 891638780 +891 25 5 891638734 +891 282 5 891639793 +891 285 5 891638757 +891 313 5 891638337 +891 459 5 891638682 +891 717 4 883489728 +891 933 3 883429998 +891 1028 3 883489521 +891 1197 5 891638734 +892 71 3 886608348 +892 73 3 886610523 +892 76 4 886609977 +892 127 5 886607878 +892 177 4 886608507 +892 432 4 886610996 +892 578 4 886609469 +892 604 5 886608296 +892 649 5 886608135 +892 708 4 886607879 +893 122 2 874829249 +893 144 4 874830101 +893 172 5 874829883 +893 237 4 874828097 +893 259 3 874827960 +893 410 4 874828649 +893 411 3 874829056 +893 724 3 874830160 +893 1215 3 874829287 +893 1218 3 874830338 +894 221 4 885428233 +894 249 3 879896872 +894 255 3 879896836 +894 273 3 880416220 +894 288 3 879896141 +894 328 4 879896466 +894 638 3 882404669 +894 752 3 888280083 +894 1016 3 879896920 +894 1142 4 882404137 +895 1 4 879437950 +895 100 4 879437997 +895 151 5 879438101 +895 222 3 879437965 +895 283 4 879438028 +895 294 4 879437727 +895 328 4 879437748 +895 742 4 879438123 +895 748 3 879437712 +895 885 2 879437868 +896 48 4 887158635 +896 318 4 887158294 +896 325 1 887157732 +896 384 2 887160860 +896 458 1 887235027 +896 684 4 887158959 +896 686 3 887159146 +896 713 2 887159630 +896 744 3 887160040 +896 849 2 887161563 +897 56 2 879991037 +897 143 5 879991069 +897 151 5 879993519 +897 194 5 879991403 +897 202 2 879990683 +897 204 4 879990396 +897 419 4 879990430 +897 473 3 879993644 +897 568 5 879992216 +897 1254 2 880253037 +898 243 1 888294707 +898 271 3 888294567 +898 327 5 888294529 +898 334 3 888294739 +898 343 3 888294805 +898 347 3 888294485 +898 358 4 888294739 +898 539 3 888294441 +898 689 3 888294842 +898 1296 4 888294942 +899 2 3 884122563 +899 25 3 884120249 +899 172 4 884121089 +899 186 4 884121767 +899 218 4 884122155 +899 230 4 884122472 +899 250 2 884120105 +899 265 4 884122087 +899 282 5 884120007 +899 640 1 884122228 +900 124 4 877832837 +900 200 2 877833632 +900 288 2 877832113 +900 294 4 877832113 +900 325 1 877832320 +900 471 2 877833259 +900 480 4 877833603 +900 508 3 877832764 +900 834 1 877833536 +900 1028 2 877833393 +901 12 5 877132065 +901 71 4 877131654 +901 144 5 877288015 +901 168 4 877131342 +901 196 4 877288864 +901 228 5 877131045 +901 476 5 877289381 +901 498 4 877131990 +901 546 4 877127250 +901 568 5 877131045 +902 176 5 879465834 +902 181 3 879464783 +902 294 2 879463212 +902 298 2 879465016 +902 300 4 879463373 +902 304 3 879464257 +902 306 4 879463212 +902 480 5 879465711 +902 483 4 879465448 +902 497 5 879465894 +903 23 5 891033541 +903 91 5 891033005 +903 181 4 891031309 +903 187 5 891033754 +903 191 5 891032872 +903 254 2 891032101 +903 276 5 891380461 +903 288 4 891031105 +903 845 1 891031450 +903 1008 3 891031505 +904 155 4 879735616 +904 216 4 879735461 +904 278 5 879735616 +904 288 4 879735109 +904 300 4 879735109 +904 451 4 879735584 +904 553 3 879735710 +904 736 4 879735499 +904 781 4 879735678 +904 1041 2 879735710 +905 116 3 884984066 +905 124 4 884983889 +905 125 3 884984009 +905 129 4 884984009 +905 302 5 884982870 +905 313 4 884982870 +905 326 3 884983034 +905 475 3 884984329 +905 742 4 884983888 +905 1011 3 884984382 +906 15 3 879435415 +906 117 4 879435574 +906 125 4 879435365 +906 273 4 879434882 +906 276 5 879435299 +906 473 4 879435598 +906 544 4 879435664 +906 676 5 879435415 +906 742 3 879435278 +906 823 3 879435664 +907 86 5 880160162 +907 125 4 880159259 +907 147 5 885862325 +907 274 5 880158986 +907 282 4 880158939 +907 301 4 880158537 +907 472 5 880159360 +907 620 4 880159113 +907 825 3 880159404 +907 828 5 880159361 +908 69 3 879722513 +908 133 5 879722603 +908 147 2 879722932 +908 181 3 879722754 +908 185 4 879722822 +908 200 2 879722642 +908 204 4 879722427 +908 322 2 879722169 +908 648 4 879722333 +908 657 4 879722822 +909 14 4 891920763 +909 165 5 891920233 +909 166 5 891920166 +909 261 5 891919599 +909 289 3 891920763 +909 339 4 891919406 +909 382 5 891920327 +909 529 3 891920763 +909 744 3 891920763 +909 880 4 891919406 +910 24 3 880821367 +910 125 3 880821383 +910 137 3 880822060 +910 252 2 881421035 +910 257 3 880821349 +910 282 3 880821319 +910 289 3 881420491 +910 332 2 880821834 +910 414 4 881421332 +910 508 4 880821349 +911 7 4 892839551 +911 89 4 892838405 +911 99 3 892840889 +911 143 5 892840889 +911 238 2 892839970 +911 313 2 892838135 +911 383 3 892841094 +911 423 4 892840837 +911 659 3 892838677 +911 1203 4 892838357 +912 14 5 875966927 +912 97 4 875966783 +912 185 3 875966065 +912 194 4 875966238 +912 197 5 875966429 +912 318 4 875966385 +912 482 5 875965939 +912 602 5 875965981 +912 611 3 875965830 +912 654 3 875966027 +913 98 4 881725761 +913 144 5 880946236 +913 179 3 881368269 +913 234 4 880825443 +913 237 4 881725960 +913 265 4 880757553 +913 465 2 880826366 +913 481 3 880758579 +913 789 4 880946415 +913 1240 2 881037004 +914 313 3 887121969 +914 381 3 887122325 +914 643 4 887123886 +914 692 3 887122324 +914 732 2 887123465 +914 739 2 887124376 +914 775 3 887124121 +914 781 5 887123464 +914 1259 1 887123886 +914 1406 4 887123886 +915 301 2 891030032 +915 305 2 891030070 +915 307 3 891030032 +915 315 4 891029965 +915 321 3 891030002 +915 334 3 891031477 +915 345 4 891030145 +915 346 2 891030070 +915 347 5 891031477 +915 752 3 891030120 +916 170 4 880844612 +916 214 3 880844958 +916 229 3 880845328 +916 244 4 880843401 +916 252 2 880843864 +916 523 3 880844511 +916 781 3 880845451 +916 866 3 880843798 +916 1135 3 880845556 +916 1335 4 880843798 +917 100 4 882910830 +917 237 5 882912385 +917 246 4 882910971 +917 248 4 882912385 +917 268 4 882910409 +917 282 4 882911480 +917 591 3 882911185 +917 751 2 882910409 +917 756 4 882911622 +917 879 2 882910604 +918 28 4 891987541 +918 211 2 891987752 +918 275 4 891987176 +918 289 2 891988559 +918 433 2 891987082 +918 487 4 891987446 +918 582 4 891987723 +918 645 4 891988090 +918 658 3 891987059 +918 1101 4 891987824 +919 270 4 885059422 +919 298 3 875288983 +919 321 2 875288164 +919 347 3 885059569 +919 462 3 875372844 +919 596 3 885059887 +919 887 3 885059452 +919 937 4 875920627 +919 1047 3 875289697 +919 1136 2 875374269 +920 245 2 884220131 +920 258 4 884220094 +920 268 3 884220163 +920 288 3 884219768 +920 292 3 884220058 +920 299 2 884220163 +920 302 4 884219701 +920 307 3 884219993 +920 310 4 884219768 +920 333 4 884219993 +921 82 3 884673954 +921 87 2 884673673 +921 132 3 884673699 +921 173 5 884673780 +921 181 5 879379562 +921 252 4 879380142 +921 288 3 879379265 +921 471 2 879379821 +921 692 4 884673724 +921 728 3 879381299 +922 56 1 891447628 +922 63 3 891449363 +922 202 5 891448115 +922 216 3 891448115 +922 227 4 891447777 +922 229 4 891447777 +922 249 3 891455250 +922 395 4 891452879 +922 451 4 891448247 +922 588 4 891448580 +923 3 4 880387707 +923 117 4 880387598 +923 181 5 880387363 +923 245 3 880387199 +923 281 4 880387875 +923 288 5 880386897 +923 546 4 880387507 +923 689 3 880387001 +923 831 4 880388211 +923 928 4 880388306 +924 1 5 884371535 +924 121 4 886760071 +924 202 4 886760020 +924 228 4 886327826 +924 277 3 889286765 +924 283 4 884371495 +924 300 2 884337243 +924 526 3 886327826 +924 836 3 885457975 +924 1011 3 886760052 +925 245 3 884633287 +925 260 3 884717669 +925 327 3 884717790 +925 333 3 884717790 +925 447 4 884717963 +925 561 3 884718100 +925 563 2 884718204 +925 773 1 884717862 +925 788 3 884718204 +925 876 3 884717404 +926 237 3 888351813 +926 245 3 888636270 +926 262 3 888636082 +926 269 5 888636082 +926 272 5 888351623 +926 292 3 888636202 +926 294 3 888636269 +926 302 4 888351713 +926 313 3 888351622 +926 321 3 888636202 +927 41 4 879195407 +927 67 4 879190473 +927 79 3 879184644 +927 230 5 879199250 +927 274 1 879181133 +927 367 5 879199250 +927 421 4 879194661 +927 560 2 879191978 +927 780 1 879195783 +927 1089 5 879177457 +928 48 5 880936817 +928 114 5 880936742 +928 165 5 880936863 +928 173 4 880936863 +928 176 3 880936817 +928 266 5 880936022 +928 269 5 880935738 +928 288 3 880935738 +928 487 5 880936769 +928 876 5 880936023 +929 1 3 878402162 +929 32 3 880817818 +929 174 3 879640329 +929 182 4 879640225 +929 185 5 879640184 +929 271 2 880817603 +929 318 4 879640225 +929 435 3 880817753 +929 480 3 879639969 +929 483 4 879640036 +930 107 3 879535207 +930 126 5 879535392 +930 153 2 879535685 +930 237 3 879534587 +930 269 4 879535392 +930 300 4 879535392 +930 405 3 879534803 +930 845 3 879534724 +930 871 3 879535138 +930 1315 3 879534692 +931 116 4 891036734 +931 250 2 891036673 +931 258 3 891036003 +931 269 3 891035876 +931 275 5 891037521 +931 312 4 891036105 +931 515 5 891036506 +931 690 4 891036003 +931 744 4 891036463 +931 1022 1 891036003 +932 229 4 891251063 +932 497 5 891249933 +932 525 5 891250418 +932 614 4 891280138 +932 679 2 891251538 +932 709 4 891251395 +932 967 4 891251331 +932 1184 3 891250169 +932 1266 4 891248937 +932 1305 2 891252260 +933 63 2 874938563 +933 182 4 874854853 +933 214 3 874853666 +933 215 3 874854031 +933 219 1 874854217 +933 231 1 874939031 +933 399 3 874939157 +933 433 1 874854251 +933 470 4 874854611 +933 734 2 874938644 +934 100 4 891189511 +934 183 2 891190903 +934 195 4 891191600 +934 223 5 891191659 +934 228 4 891193778 +934 239 4 891194802 +934 269 2 891188367 +934 315 4 891188403 +934 411 3 891190377 +934 461 4 891191660 +935 148 4 884472892 +935 237 5 884472159 +935 274 5 884472352 +935 282 4 884472539 +935 286 5 884471835 +935 405 4 884472704 +935 815 4 884472576 +935 864 5 884472704 +935 924 4 884472392 +935 1016 4 884472434 +936 14 4 886832373 +936 181 4 886832596 +936 249 5 886832808 +936 250 5 886832337 +936 313 4 886831374 +936 333 3 886831415 +936 547 5 886833795 +936 741 4 886832808 +936 927 4 886833052 +936 1086 3 886832134 +937 14 4 876769080 +937 93 4 876780336 +937 255 3 876769323 +937 258 4 876762200 +937 286 4 876762200 +937 300 4 876768813 +937 301 1 876768812 +937 304 4 876768813 +937 408 5 876769323 +937 847 4 876769213 +938 9 3 891356413 +938 105 1 891357137 +938 181 5 891356390 +938 281 2 891356594 +938 300 3 891350008 +938 476 4 891357137 +938 595 2 891357042 +938 840 2 891357190 +938 873 3 891356085 +938 1012 5 891356500 +939 220 5 880261658 +939 222 5 880260956 +939 326 5 880260636 +939 597 4 880261610 +939 818 3 880262057 +939 890 2 880260636 +939 934 3 880262139 +939 1023 4 880262057 +939 1051 5 880262090 +939 1277 5 880261945 +940 8 5 885921577 +940 56 5 885921577 +940 96 5 885921265 +940 147 4 885921893 +940 153 2 885921953 +940 172 4 885921451 +940 181 3 885921310 +940 194 5 885921953 +940 355 1 889480552 +940 610 1 885921953 +941 1 5 875049144 +941 222 2 875049038 +941 273 3 875049038 +941 298 5 875048887 +941 300 4 875048495 +941 358 2 875048581 +941 408 5 875048886 +941 455 4 875049038 +941 763 3 875048996 +941 919 5 875048887 +942 31 5 891283517 +942 131 5 891283094 +942 193 5 891283043 +942 269 2 891282396 +942 304 5 891282457 +942 313 3 891282396 +942 347 5 891282396 +942 511 4 891282931 +942 539 3 891282673 +942 969 4 891282817 +943 12 5 888639093 +943 62 3 888640003 +943 210 4 888639147 +943 237 4 888692413 +943 443 2 888639746 +943 471 5 875502042 +943 549 1 888639772 +943 595 2 875502597 +943 685 4 875502042 +943 1011 2 875502560 diff --git a/MovieLens Movie Recommendation/R/MovieLens_MovieRecommendation.Rmd b/MovieLens Movie Recommendation/R/MovieLens_MovieRecommendation.Rmd new file mode 100644 index 00000000..c45a33ab --- /dev/null +++ b/MovieLens Movie Recommendation/R/MovieLens_MovieRecommendation.Rmd @@ -0,0 +1,297 @@ +--- +title: "Recommendation Engine example: on MovieLens data set" +author: 'Chicago Booth ML Team' +output: pdf_document +fontsize: 12 +geometry: margin=0.6in +--- + + +This script uses the [**MovieLens**](http://grouplens.org/datasets/movielens) data set to illustrate personalized recommendation algorithms. + +_**Note**: as of the date of writing, the **`recommenderlab`** package's default implementation of the Latent-Factor Collaborative Filtering / Singular Value Decomposition (SVD) method has a bug and produces dodgy performances. We'll not cover this method for now._ + + +# Load Libraries & Helper Modules + +```{r message=FALSE, warning=FALSE, results='hide'} +# load RecommenderLab package +library(recommenderlab) + +# install & load RecommenderLabRats package from GitHub, +# a package that has a better SVD implementation than the base package +# install.packages('devtools') +# library(devtools) +# install_github('sanealytics/recommenderlabrats') +# library(recommenderlabrats) + +# source data parser from GitHub repo +source('https://raw.githubusercontent.com/ChicagoBoothML/MachineLearning_Fall2015/master/Programming%20Scripts/MovieLens%20Movie%20Recommendation/R/ParseData.R') +``` + + +# Data Importing & Pre-Processing + +```{r message=FALSE, warning=FALSE, results='hide'} +data <- parse_movielens_1m_data() +movies <- data$movies +users <- data$users +ratings <- data$ratings[ , .(user_id, movie_id, rating)] +ratings[ , `:=`(user_id = factor(user_id), + movie_id = factor(movie_id))] +``` + +Let's examine the number of ratings per user and per movie: + +```{r} +nb_ratings_per_user <- + dcast(ratings, user_id ~ ., fun.aggregate=length, value.var='rating') + +nb_ratings_per_movie <- + dcast(ratings, movie_id ~ ., fun.aggregate=length, value.var='rating') +``` + +Each user has rated from `r formatC(min(nb_ratings_per_user$.), big.mark=',')` to `r formatC(max(nb_ratings_per_user$.), big.mark=',')` movies, and each movie has been rated by from `r formatC(min(nb_ratings_per_movie$.), big.mark=',')` to `r formatC(max(nb_ratings_per_movie$.), big.mark=',')` users. + +Let's now convert the **`ratings`** to a RecommenderLab-format Real-Valued Rating Matrix: + +```{r} +ratings <- as(ratings, 'realRatingMatrix') + +ratings +``` + + +# Split Ratings Data into Training & Test sets + +Let's now establish a RecommenderLab Evaluation Scheme, which involves splitting the **`ratings`** into a Training set and a Test set: + +```{r} +train_proportion <- .5 +nb_of_given_ratings_per_test_user <- 10 + +evaluation_scheme <- evaluationScheme( + ratings, + method='split', + train=train_proportion, + k=1, + given=nb_of_given_ratings_per_test_user) + +evaluation_scheme +``` + +The data sets split out are as follows: + +- Training data: + +```{r} +ratings_train <- getData(evaluation_scheme, 'train') + +ratings_train +``` + +- Test data: "known"/"given" ratings: + +```{r} +ratings_test_known <- getData(evaluation_scheme, 'known') + +ratings_test_known +``` + +- Test data: "unknown" ratings to be predicted and evaluated against: + +```{r} +ratings_test_unknown <- getData(evaluation_scheme, 'unknown') + +ratings_test_unknown +``` + + +# Recommendation Models + +Let's now train a number of recommendation models. The methods available in the **`recommenderlab`** package are: + +```{r} +recommenderRegistry$get_entry_names() +``` + +The descriptions and default parameters for the methods applicable to a Real Rating Matrix are as follows: + +```{r} +recommenderRegistry$get_entries(dataType='realRatingMatrix') +``` + + +## Popularity-Based Recommender + +The description and default parameters of this method in **`recommenderlab`** are as follows: + +```{r} +recommenderRegistry$get_entry('POPULAR', dataType='realRatingMatrix') +``` + +We train a popularity-based recommender as follows: + +```{r} +popular_rec <- Recommender( + data=ratings_train, + method='POPULAR') + +popular_rec +``` + + +## User-Based Collaborative-Filtering Recommender + +User-Based Collaborative Filtering("**UBCF**") assumes that users with similar preferences will rate items similarly. Thus missing ratings for a user can be predicted by first finding a _**neighborhood**_ of similar users and then aggregate the ratings of these users to form a prediction. + +The description and default parameters of this method in **`recommenderlab`** are as follows: + +```{r} +recommenderRegistry$get_entry('UBCF', dataType='realRatingMatrix') +``` + +We train a UBCF recommender as follows: + +```{r} +# User-based Collaborative Filtering Recommender +user_based_cofi_rec <- Recommender( + data=ratings_train, + method='UBCF', # User-Based Collaborative Filtering + parameter=list( + normalize='center', # normalizing by subtracting average rating per user; + # note that we don't scale by standard deviations here; + # we are assuming people rate on the same scale but have + # different biases + method='Pearson', # use Pearson correlation + nn=30 # number of Nearest Neighbors for calibration + )) + +user_based_cofi_rec +``` + + +## Item-Based Collaborative-Filtering Recommender + +Item-Based Collaborative Filtering ("**IBCF**") is a model-based approach which produces recommendations based on the relationship between items inferred from the rating matrix. The assumption behind this approach is that users will prefer items that are similar to other items they like. + +The model-building step consists of calculating a similarity matrix containing all item-to-item +similarities using a given similarity measure. Popular measures are Pearson correlation and +Cosine similarity. For each item only a list of the $k$ most similar items and their similarity values are stored. The $k$ items which are most similar to item $i$ is denoted by the set $S(i)$ which can be seen as the neighborhood of size $k$ of the item. Retaining only $k$ similarities per item improves the space and time complexity significantly but potentially sacrifices some recommendation quality. + +The description and default parameters of this method in **`recommenderlab`** are as follows: + +```{r} +recommenderRegistry$get_entry('IBCF', dataType='realRatingMatrix') +``` + +We train a IBCF recommender as follows: + +```{r} +# Item-based Collaborative Filtering Recommender +item_based_cofi_rec <- Recommender( + data=ratings_train, + method='IBCF', # Item-Based Collaborative Filtering + parameter=list( + normalize='center', # normalizing by subtracting average rating per user; + # note that we don't scale by standard deviations here; + # we are assuming people rate on the same scale but have + # different biases + method='Pearson', # use Pearson correlation + k=100 # number of Nearest Neighbors for calibration + )) + +item_based_cofi_rec +``` + + +## Latent-Factor Collaborative-Filtering Recommender + +_**Note**: as of the date of writing, the **`recommenderlab`** package's default implementation of the Latent-Factor Collaborative Filtering / Singular Value Decomposition (SVD) method has a bug and produces dodgy performances. The code in this section is commented out for now._ + +This approache uses Singular-Value Decomposition (SVD) to factor the Rating Matrix into a product of user-feature and item-feature matrices. + +The description and default parameters of this method in **`recommenderlab`** are as follows: + +```{r} +recommenderRegistry$get_entry('SVD', dataType='realRatingMatrix') +``` + +We train a Latent-Factor CF recommender as follows: + +```{r} +# Latent-Factor Collaborative Filtering Recommender +# with matrix factorization by Singular-Value Decomposition (SVD) +# latent_factor_cofi_rec <- Recommender( +# data=ratings_train, +# method='SVD', # Item-Based Collaborative Filtering +# parameter=list( +# categories=30, # number of latent factors +# normalize='center', # normalizing by subtracting average rating per user; + # note that we don't scale by standard deviations here; + # we are assuming people rate on the same scale but have + # different biases +# method='Pearson' # use Pearson correlation +# )) + +# latent_factor_cofi_rec +``` + + +# Model Evaluation + +Now, we make predictions on the Test set and and evaluate these recommenders' OOS performances: + +```{r} +popular_rec_pred <- predict( + popular_rec, + ratings_test_known, + type='ratings') + +popular_rec_pred_acc <- calcPredictionAccuracy( + popular_rec_pred, + ratings_test_unknown) + +popular_rec_pred_acc +``` + +```{r} +user_based_cofi_rec_pred <- predict( + user_based_cofi_rec, + ratings_test_known, + type='ratings') + +user_based_cofi_rec_pred_acc <- calcPredictionAccuracy( + user_based_cofi_rec_pred, + ratings_test_unknown) + +user_based_cofi_rec_pred_acc +``` + +```{r} +item_based_cofi_rec_pred <- predict( + item_based_cofi_rec, + ratings_test_known, + type='ratings') + +item_based_cofi_rec_pred_acc <- calcPredictionAccuracy( + item_based_cofi_rec_pred, + ratings_test_unknown) + +item_based_cofi_rec_pred_acc +``` + +```{r} +# latent_factor_cofi_rec_pred <- predict( +# latent_factor_cofi_rec, +# ratings_test_known, +# type='ratings') + +# latent_factor_cofi_red_pred_acc <- calcPredictionAccuracy( +# latent_factor_cofi_rec_pred, +# ratings_test_unknown) + +# latent_factor_cofi_red_pred_acc +``` + +We can see that the User- and Item-based models perform much better than the Popularity-based model in terms of accuracy. The User-based approach seems to work best with this Movie data set. diff --git a/MovieLens Movie Recommendation/R/ParseData.R b/MovieLens Movie Recommendation/R/ParseData.R new file mode 100644 index 00000000..8a8489de --- /dev/null +++ b/MovieLens Movie Recommendation/R/ParseData.R @@ -0,0 +1,154 @@ +library(data.table) + + +parse_movielens_1m_data <- function( + data_path='https://raw.githubusercontent.com/ChicagoBoothML/DATA___MovieLens___1M/master') { + + cat('Parsing Movies... ') + movies <- fread( + file.path(data_path, 'movies.csv'), + colClasses=c( + movie_id='integer', + movie='character', + genres='character'), + stringsAsFactors=FALSE, + showProgress=FALSE) + # movies_lines <- readLines(file.path(data_path, 'movies.dat')) + # movies_lines[3776] <- '3845::And God Created Woman (1956)::Drama' + # movies <- as.data.table(read.table( + # text=gsub('::', '\t', movies_lines), + # sep='\t', + # quote="", + # header=FALSE, + # col.names=c('movie_id', 'movie', 'genres'), + # colClasses=c( + # movie_id='integer', + # movie='character', + # genres='character'), + # stringsAsFactors=FALSE)) + # write.csv(movies, file.path(data_path, 'movies.csv'), row.names=FALSE) + cat('done!\n') + + cat('Parsing Users... ') + users <- fread( + file.path(data_path, 'users.csv'), + colClasses=c( + user_id='integer', + gender='character', + age='character', + occupation='character', + zip_code='character'), + stringsAsFactors=TRUE, + showProgress=FALSE) + # users_lines <- readLines(file.path(data_path, 'users.dat')) + # users <- as.data.table(read.table( + # text=gsub('::', '\t', users_lines), + # sep='\t', + # quote="", + # header=FALSE, + # col.names=c('user_id', 'gender', 'age', 'occupation', 'zip_code'), + # colClasses=c( + # user_id='integer', + # gender='character', + # age='integer', + # occupation='integer', + # zip_code='character'), + # stringsAsFactors=FALSE)) + # users[ , `:=`( + # gender=factor(gender), + # age=factor( + # age, + # levels=c(1, 18, 25, 35, 45, 50, 56), + # labels=c('Under 18', '18-24', '25-34', '35-44', '45-49', '50-55', '56+')), + # occupation=factor( + # occupation, + # levels=0 : 20, + # labels=c( + # 'other', + # 'academic/educator', + # 'artist', + # 'clerical/admin', + # 'college/grad student', + # 'customer service', + # 'doctor/health care', + # 'executive/managerial', + # 'farmer', + # 'homemaker', + # 'K-12 student', + # 'lawyer', + # 'programmer', + # 'retired', + # 'sales/marketing', + # 'scientist', + # 'self-employed', + # 'technician/engineer', + # 'tradesman/craftsman', + # 'unemployed', + # 'writer')))] + # write.csv(users, file.path(data_path, 'users.csv'), row.names=FALSE) + cat('done!\n') + + cat('Parsing Ratings... ') + ratings <- fread( + file.path(data_path, 'ratings.csv'), + colClasses=c( + user_id='integer', + movie_id='integer', + rating='numeric', + timestamp='numeric'), + stringsAsFactors=FALSE, + showProgress=FALSE) + # ratings_lines <- readLines(file.path(data_path, 'ratings.dat')) + # ratings <- as.data.table(read.table( + # text=gsub('::', '\t', ratings_lines), + # sep='\t', + # quote="", + # header=FALSE, + # col.names=c('user_id', 'movie_id', 'rating', 'timestamp'), + # colClasses=c( + # user_id='integer', + # movie_id='integer', + # rating='numeric', + # timestamp='character'), + # stringsAsFactors=FALSE)) + # write.csv(ratings, file.path(data_path, 'rating.csv'), row.names=FALSE) + cat('done!\n') + + list(movies=movies, users=users, ratings=ratings) +} + + +parse_movielens_20m_data <- function( + data_path='https://raw.githubusercontent.com/ChicagoBoothML/DATA___MovieLens___20M/master') { + + cat('Parsing Movies... ') + movies <- fread( + file.path(data_path, 'movies.csv'), + showProgress=FALSE) + cat('done!\n') + + NB_RATINGS_FILES = 10 + + cat('Parsing ', NB_RATINGS_FILES, ' Ratings Files... ', sep='') + ratings <- data.table( + userId=integer(), + movieId=integer(), + rating=numeric(), + timestamp=character()) + for (i in 1 : NB_RATINGS_FILES) { + ratings_file_name <- paste('ratings', formatC(i, width=2, flag=0), '.csv', sep='') + r <- fread(file.path(data_path, ratings_file_name), + colClasses=c( + userId='integer', + movieId='integer', + rating='numeric', + timestamp='character'), + stringsAsFactors=FALSE, + showProgress=FALSE) + ratings = rbind(ratings, r) + cat(ratings_file_name, ', ', sep='') + } + cat('done!\n') + + list(movies=movies, ratings=ratings) +}